From 8f7ad4a258bf4a6ee9ea3e08211dc4adbc1f94a1 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Thu, 3 Oct 2019 20:37:18 +0000 Subject: [PATCH 001/167] initial commit --- .../text_summarization/bertsum_cnndm.ipynb | 1336 +++++++++++++++++ utils_nlp/dataset/harvardnlp_cnndm.py | 51 + utils_nlp/eval/evaluate_summerization.py | 19 + .../bert/extractive_text_summerization.py | 209 +++ 4 files changed, 1615 insertions(+) create mode 100644 examples/text_summarization/bertsum_cnndm.ipynb create mode 100644 utils_nlp/dataset/harvardnlp_cnndm.py create mode 100644 utils_nlp/eval/evaluate_summerization.py create mode 100644 utils_nlp/models/bert/extractive_text_summerization.py diff --git a/examples/text_summarization/bertsum_cnndm.ipynb b/examples/text_summarization/bertsum_cnndm.ipynb new file mode 100644 index 000000000..041c328d6 --- /dev/null +++ b/examples/text_summarization/bertsum_cnndm.ipynb @@ -0,0 +1,1336 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Extractive Text Summerization on CNN/DM Dataset using BertSum\n", + "\n", + "### Summary\n", + "\n", + "This notebook demonstrates how to fine tune BERT for extractive text summerization. Utility functions and classes in the NLP Best Practices repo are used to facilitate data preprocessing, model training, model scoring, result postprocessing, and model evaluation.\n", + "\n", + "BertSum refers to [Fine-tune BERT for Extractive Summarization](https://arxiv.org/pdf/1903.10318.pdf) with [published example](https://github.com/nlpyang/BertSum/)\n", + "\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Configuration\n", + "\n", + "Before we start the notebook, we should set the environment variable to make sure you can access the GPUs on your machine" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "import os\n", + "os.environ[\"CUDA_DEVICE_ORDER\"]=\"PCI_BUS_ID\" # see issue #152\n", + "os.environ[\"CUDA_VISIBLE_DEVICES\"]=\"0,1,2,3\"" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Data Preprossing\n", + "\n", + "The CNN/DM dataset we used can be downloaded from https://github.com/harvardnlp/sent-summary. The following notebook assumes the dataset has been unzipped to folder ./harvardnl_cnndm" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "import sys\n", + "sys.path.insert(0, '/dadendev/BertSum/src')\n", + "sys.path.insert(0, '/dadendev/textsum//wrapper')" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", + "[nltk_data] Package punkt is already up-to-date!\n" + ] + } + ], + "source": [ + "from data_preprocessing import harvardnlp_cnndm_preprocess, bertsum_formatting" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Functions defined specific in harvardnlp_cnndm_preprocess function are unique to CNN/DM dataset that's processed by harvardnlp. However, it provides a skeleton of how to preprocessing data into the format that BertSum takes. Assuming you have all articles and target summery each in a file, line seperated, the steps to preprocess the data are:\n", + "1. sentence tokenization\n", + "2. word tokenization\n", + "3. format to bertdata\n", + " - use algorithms to label the sentences in the article with 1 meaning the sentence is selected\n", + " 2. [CLS] and [SEP] are inserted before and after each sentence\n", + " 3. segment ids are inserted\n", + " 4. [CLS] token position are logged\n" + ] + }, + { + "cell_type": "code", + "execution_count": 35, + "metadata": {}, + "outputs": [], + "source": [ + "QUICK_RUN = True\n", + "max_job_number = -1\n", + "#if QUICK_RUN:\n", + "# max_job_number = 100" + ] + }, + { + "cell_type": "code", + "execution_count": 43, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 13:53:40,310 INFO] loading vocabulary file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at /home/daden/.pytorch_pretrained_bert/26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "total length of training data: 11490\n" + ] + } + ], + "source": [ + "train_src_file = \"./harvardnlp_cnndm/test.txt.src\"\n", + "train_tgt_file = \"./harvardnlp_cnndm/test.txt.tgt.tagged\"\n", + "import multiprocessing\n", + "n_cpus = multiprocessing.cpu_count() - 1\n", + "jobs = harvardnlp_cnndm_preprocess(n_cpus, train_src_file, train_tgt_file)\n", + "print(\"total length of training data:\", len(jobs))\n", + "from prepro.data_builder import BertData\n", + "from bertsum_config import args\n", + "output_file = \"./harvardnlp_cnndm/test.bertdata\"\n", + "bertdata = BertData(args)\n", + "bertsum_formatting(n_cpus, bertdata,\"combination\", jobs[0:max_job_number], output_file)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "287085\n" + ] + }, + { + "data": { + "text/plain": [ + "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import torch\n", + "bert_format_data = torch.load(\"./bert_train_data_all_none_excluded\")\n", + "print(len(bert_format_data))\n", + "bert_format_data[0].keys()" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "\"mentally ill inmates in miami are housed on the `` forgotten floor `` judge steven leifman says most are there as a result of `` avoidable felonies `` while cnn tours facility , patient shouts : `` i am the son of the president `` leifman says the system is unjust and he 's fighting for change .\"" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "bert_format_data[0]['tgt_txt']" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "data": { + "text/plain": [ + "[0,\n", + " 31,\n", + " 54,\n", + " 80,\n", + " 119,\n", + " 142,\n", + " 180,\n", + " 194,\n", + " 250,\n", + " 278,\n", + " 289,\n", + " 307,\n", + " 337,\n", + " 362,\n", + " 372,\n", + " 399,\n", + " 415,\n", + " 433,\n", + " 457,\n", + " 484]" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "bert_format_data[0]['clss']" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]" + ] + }, + "execution_count": 9, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "bert_format_data[0]['labels']" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[\"editor 's note : in our behind the scenes series , cnn correspondents share their experiences in covering news and analyze the stories behind the events .\",\n", + " \"here , soledad o'brien takes users inside a jail where many of the inmates are mentally ill .\",\n", + " 'an inmate housed on the `` forgotten floor , `` where many mentally ill inmates are housed in miami before trial .',\n", + " 'miami , florida -lrb- cnn -rrb- -- the ninth floor of the miami-dade pretrial detention facility is dubbed the `` forgotten floor . ``',\n", + " \"here , inmates with the most severe mental illnesses are incarcerated until they 're ready to appear in court .\",\n", + " 'most often , they face drug charges or charges of assaulting an officer -- charges that judge steven leifman says are usually `` avoidable felonies . ``',\n", + " 'he says the arrests often result from confrontations with police .',\n", + " \"mentally ill people often wo n't do what they 're told when police arrive on the scene -- confrontation seems to exacerbate their illness and they become more paranoid , delusional , and less likely to follow directions , according to leifman .\",\n", + " \"so , they end up on the ninth floor severely mentally disturbed , but not getting any real help because they 're in jail .\",\n", + " 'we toured the jail with leifman .',\n", + " 'he is well known in miami as an advocate for justice and the mentally ill .',\n", + " 'even though we were not exactly welcomed with open arms by the guards , we were given permission to shoot videotape and tour the floor .',\n", + " \"go inside the ` forgotten floor ' `` at first , it 's hard to determine where the people are .\",\n", + " 'the prisoners are wearing sleeveless robes .',\n", + " \"imagine cutting holes for arms and feet in a heavy wool sleeping bag -- that 's kind of what they look like .\",\n", + " \"they 're designed to keep the mentally ill patients from injuring themselves .\",\n", + " \"that 's also why they have no shoes , laces or mattresses .\",\n", + " 'leifman says about one-third of all people in miami-dade county jails are mentally ill .',\n", + " 'so , he says , the sheer volume is overwhelming the system , and the result is what we see on the ninth floor .',\n", + " \"of course , it is a jail , so it 's not supposed to be warm and comforting , but the lights glare , the cells are tiny and it 's loud .\",\n", + " 'we see two , sometimes three men -- sometimes in the robes , sometimes naked , lying or sitting in their cells .',\n", + " '`` i am the son of the president .',\n", + " 'you need to get me out of here ! ``',\n", + " 'one man shouts at me .',\n", + " 'he is absolutely serious , convinced that help is on the way -- if only he could reach the white house .',\n", + " 'leifman tells me that these prisoner-patients will often circulate through the system , occasionally stabilizing in a mental hospital , only to return to jail to face their charges .',\n", + " \"it 's brutally unjust , in his mind , and he has become a strong advocate for changing things in miami .\",\n", + " 'over a meal later , we talk about how things got this way for mental patients .',\n", + " 'leifman says 200 years ago people were considered `` lunatics `` and they were locked up in jails even if they had no charges against them .',\n", + " 'they were just considered unfit to be in society .',\n", + " 'over the years , he says , there was some public outcry , and the mentally ill were moved out of jails and into hospitals .',\n", + " 'but leifman says many of these mental hospitals were so horrible they were shut down .',\n", + " 'where did the patients go ?',\n", + " 'they became , in many cases , the homeless , he says .',\n", + " 'they never got treatment .',\n", + " 'leifman says in 1955 there were more than half a million people in state mental hospitals , and today that number has been reduced 90 percent , and 40,000 to 50,000 people are in mental hospitals .',\n", + " \"the judge says he 's working to change this .\",\n", + " 'starting in 2008 , many inmates who would otherwise have been brought to the `` forgotten floor `` will instead be sent to a new mental health facility -- the first step on a journey toward long-term treatment , not just punishment .',\n", + " \"leifman says it 's not the complete answer , but it 's a start .\",\n", + " \"leifman says the best part is that it 's a win-win solution .\",\n", + " 'the patients win , the families are relieved , and the state saves money by simply not cycling these prisoners through again and again .',\n", + " 'and , for leifman , justice is served .',\n", + " 'e-mail to a friend .']" + ] + }, + "execution_count": 10, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "bert_format_data[0]['src_txt']" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Model training\n", + "To start model training, we need to create a instance of BertSumExtractiveSummarizer, a wrapper for running BertSum-based finetuning. You can select any device ID on your machine, but make sure that you include the string version of the device ID in the gpu_ranks argument. Some of the default argument of BertSumExtractiveSummarizer is in bertsum_config file.\n", + "\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "from extractive_text_summerization import BertSumExtractiveSummarizer" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "device_id = 2\n", + "gpu_ranks = str(device_id)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "model_base_path = './models/'\n", + "log_base_path = './logs/'\n", + "encoder = 'baseline'\n", + "from random import random\n", + "random_number = random()" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['2']\n", + "{2: 0}\n" + ] + } + ], + "source": [ + "bertsum_model = BertSumExtractiveSummarizer(encoder = 'baseline', \n", + " model_path = model_base_path+encoder+str(random_number),\n", + " log_file = log_base_path+encoder+str(random_number),\n", + " device_id = device_id,\n", + " gpu_ranks = gpu_ranks,)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Here we use the fully processed CNN/DM dataset to train the model. During the training, you can stop any time and retrain from the previous saved checkpoint." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 05:08:36,132 INFO] Device ID 2\n", + "[2019-10-03 05:08:36,136 INFO] loading archive file /dadendev/textsum/temp/bert-base-uncased\n", + "[2019-10-03 05:08:36,137 INFO] Model config {\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"max_position_embeddings\": 512,\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"type_vocab_size\": 2,\n", + " \"vocab_size\": 30522\n", + "}\n", + "\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'min_nsents': 3, 'max_nsents': 100, 'max_src_ntokens': 200, 'min_src_ntokens': 10, 'oracle_mode': 'combination', 'temp_dir': './temp', 'param_init': 0.0, 'param_init_glorot': True, 'dropout': 0.1, 'optim': 'adam', 'lr': 0.002, 'beta1': 0.9, 'beta2': 0.999, 'decay_method': 'noam', 'max_grad_norm': 0, 'use_interval': True, 'accum_count': 2, 'report_every': 50, 'save_checkpoint_steps': 500, 'batch_size': 3000, 'warmup_steps': 10000, 'block_trigram': True, 'recall_eval': False, 'report_rouge': True, 'encoder': 'baseline', 'hidden_size': 128, 'ff_size': 512, 'heads': 4, 'inter_layers': 2, 'rnn_size': 512, 'world_size': 1, 'visible_gpus': '0', 'gpu_ranks': '2', 'seed': 42, 'test_all': False, 'train_from': '', 'test_from': '', 'mode': 'train', 'model_path': './models/baseline0.7355433644584792', 'log_file': './logs/baseline0.7355433644584792', 'bert_config_path': './bert_config_uncased_base.json', 'worls_size': 1, 'gpu_ranks_map': {2: 0}}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 05:08:38,152 INFO] Summarizer(\n", + " (bert): Bert(\n", + " (model): BertModel(\n", + " (embeddings): BertEmbeddings(\n", + " (word_embeddings): Embedding(30522, 128, padding_idx=0)\n", + " (position_embeddings): Embedding(512, 128)\n", + " (token_type_embeddings): Embedding(2, 128)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " (encoder): BertEncoder(\n", + " (layer): ModuleList(\n", + " (0): BertLayer(\n", + " (attention): BertAttention(\n", + " (self): BertSelfAttention(\n", + " (query): Linear(in_features=128, out_features=128, bias=True)\n", + " (key): Linear(in_features=128, out_features=128, bias=True)\n", + " (value): Linear(in_features=128, out_features=128, bias=True)\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " (output): BertSelfOutput(\n", + " (dense): Linear(in_features=128, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (intermediate): BertIntermediate(\n", + " (dense): Linear(in_features=128, out_features=512, bias=True)\n", + " )\n", + " (output): BertOutput(\n", + " (dense): Linear(in_features=512, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (1): BertLayer(\n", + " (attention): BertAttention(\n", + " (self): BertSelfAttention(\n", + " (query): Linear(in_features=128, out_features=128, bias=True)\n", + " (key): Linear(in_features=128, out_features=128, bias=True)\n", + " (value): Linear(in_features=128, out_features=128, bias=True)\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " (output): BertSelfOutput(\n", + " (dense): Linear(in_features=128, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (intermediate): BertIntermediate(\n", + " (dense): Linear(in_features=128, out_features=512, bias=True)\n", + " )\n", + " (output): BertOutput(\n", + " (dense): Linear(in_features=512, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (2): BertLayer(\n", + " (attention): BertAttention(\n", + " (self): BertSelfAttention(\n", + " (query): Linear(in_features=128, out_features=128, bias=True)\n", + " (key): Linear(in_features=128, out_features=128, bias=True)\n", + " (value): Linear(in_features=128, out_features=128, bias=True)\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " (output): BertSelfOutput(\n", + " (dense): Linear(in_features=128, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (intermediate): BertIntermediate(\n", + " (dense): Linear(in_features=128, out_features=512, bias=True)\n", + " )\n", + " (output): BertOutput(\n", + " (dense): Linear(in_features=512, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (3): BertLayer(\n", + " (attention): BertAttention(\n", + " (self): BertSelfAttention(\n", + " (query): Linear(in_features=128, out_features=128, bias=True)\n", + " (key): Linear(in_features=128, out_features=128, bias=True)\n", + " (value): Linear(in_features=128, out_features=128, bias=True)\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " (output): BertSelfOutput(\n", + " (dense): Linear(in_features=128, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (intermediate): BertIntermediate(\n", + " (dense): Linear(in_features=128, out_features=512, bias=True)\n", + " )\n", + " (output): BertOutput(\n", + " (dense): Linear(in_features=512, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (4): BertLayer(\n", + " (attention): BertAttention(\n", + " (self): BertSelfAttention(\n", + " (query): Linear(in_features=128, out_features=128, bias=True)\n", + " (key): Linear(in_features=128, out_features=128, bias=True)\n", + " (value): Linear(in_features=128, out_features=128, bias=True)\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " (output): BertSelfOutput(\n", + " (dense): Linear(in_features=128, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (intermediate): BertIntermediate(\n", + " (dense): Linear(in_features=128, out_features=512, bias=True)\n", + " )\n", + " (output): BertOutput(\n", + " (dense): Linear(in_features=512, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (5): BertLayer(\n", + " (attention): BertAttention(\n", + " (self): BertSelfAttention(\n", + " (query): Linear(in_features=128, out_features=128, bias=True)\n", + " (key): Linear(in_features=128, out_features=128, bias=True)\n", + " (value): Linear(in_features=128, out_features=128, bias=True)\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " (output): BertSelfOutput(\n", + " (dense): Linear(in_features=128, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (intermediate): BertIntermediate(\n", + " (dense): Linear(in_features=128, out_features=512, bias=True)\n", + " )\n", + " (output): BertOutput(\n", + " (dense): Linear(in_features=512, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " )\n", + " )\n", + " (pooler): BertPooler(\n", + " (dense): Linear(in_features=128, out_features=128, bias=True)\n", + " (activation): Tanh()\n", + " )\n", + " )\n", + " )\n", + " (encoder): Classifier(\n", + " (linear1): Linear(in_features=128, out_features=1, bias=True)\n", + " (sigmoid): Sigmoid()\n", + " )\n", + ")\n", + "[2019-10-03 05:08:38,157 INFO] * number of parameters: 5179137\n", + "[2019-10-03 05:08:38,158 INFO] Start training...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "device_id 2\n", + "gpu_rank 0\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 05:09:21,414 INFO] Step 50/50000; xent: 4.22; lr: 0.0000001; 243 docs/s; 4 sec\n", + "[2019-10-03 05:09:25,293 INFO] Step 100/50000; xent: 4.15; lr: 0.0000002; 257 docs/s; 8 sec\n", + "[2019-10-03 05:09:29,123 INFO] Step 150/50000; xent: 4.15; lr: 0.0000003; 262 docs/s; 12 sec\n", + "[2019-10-03 05:09:32,985 INFO] Step 200/50000; xent: 3.98; lr: 0.0000004; 262 docs/s; 16 sec\n", + "[2019-10-03 05:09:36,827 INFO] Step 250/50000; xent: 3.93; lr: 0.0000005; 261 docs/s; 20 sec\n", + "[2019-10-03 05:09:40,678 INFO] Step 300/50000; xent: 3.90; lr: 0.0000006; 260 docs/s; 23 sec\n", + "[2019-10-03 05:09:44,546 INFO] Step 350/50000; xent: 3.86; lr: 0.0000007; 260 docs/s; 27 sec\n", + "[2019-10-03 05:09:48,368 INFO] Step 400/50000; xent: 3.78; lr: 0.0000008; 264 docs/s; 31 sec\n", + "[2019-10-03 05:09:52,208 INFO] Step 450/50000; xent: 3.81; lr: 0.0000009; 263 docs/s; 35 sec\n", + "[2019-10-03 05:09:56,065 INFO] Step 500/50000; xent: 3.78; lr: 0.0000010; 260 docs/s; 39 sec\n", + "[2019-10-03 05:09:56,068 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_500.pt\n", + "[2019-10-03 05:09:59,995 INFO] Step 550/50000; xent: 3.75; lr: 0.0000011; 257 docs/s; 43 sec\n", + "[2019-10-03 05:10:03,842 INFO] Step 600/50000; xent: 3.86; lr: 0.0000012; 262 docs/s; 47 sec\n", + "[2019-10-03 05:10:07,709 INFO] Step 650/50000; xent: 3.90; lr: 0.0000013; 260 docs/s; 50 sec\n", + "[2019-10-03 05:10:11,557 INFO] Step 700/50000; xent: 3.85; lr: 0.0000014; 258 docs/s; 54 sec\n", + "[2019-10-03 05:10:15,402 INFO] Step 750/50000; xent: 3.80; lr: 0.0000015; 261 docs/s; 58 sec\n", + "[2019-10-03 05:10:19,262 INFO] Step 800/50000; xent: 3.67; lr: 0.0000016; 258 docs/s; 62 sec\n", + "[2019-10-03 05:10:23,152 INFO] Step 850/50000; xent: 3.80; lr: 0.0000017; 258 docs/s; 66 sec\n", + "[2019-10-03 05:10:27,028 INFO] Step 900/50000; xent: 3.62; lr: 0.0000018; 259 docs/s; 70 sec\n", + "[2019-10-03 05:10:30,952 INFO] Step 950/50000; xent: 3.60; lr: 0.0000019; 256 docs/s; 74 sec\n", + "[2019-10-03 05:10:34,807 INFO] Step 1000/50000; xent: 3.72; lr: 0.0000020; 259 docs/s; 78 sec\n", + "[2019-10-03 05:10:34,810 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_1000.pt\n", + "[2019-10-03 05:10:38,752 INFO] Step 1050/50000; xent: 3.71; lr: 0.0000021; 256 docs/s; 81 sec\n", + "[2019-10-03 05:10:42,601 INFO] Step 1100/50000; xent: 3.75; lr: 0.0000022; 259 docs/s; 85 sec\n", + "[2019-10-03 05:10:46,454 INFO] Step 1150/50000; xent: 3.62; lr: 0.0000023; 264 docs/s; 89 sec\n", + "[2019-10-03 05:10:50,300 INFO] Step 1200/50000; xent: 3.65; lr: 0.0000024; 262 docs/s; 93 sec\n", + "[2019-10-03 05:10:54,154 INFO] Step 1250/50000; xent: 3.64; lr: 0.0000025; 258 docs/s; 97 sec\n", + "[2019-10-03 05:10:58,037 INFO] Step 1300/50000; xent: 3.57; lr: 0.0000026; 257 docs/s; 101 sec\n", + "[2019-10-03 05:11:01,903 INFO] Step 1350/50000; xent: 3.69; lr: 0.0000027; 261 docs/s; 105 sec\n", + "[2019-10-03 05:11:05,751 INFO] Step 1400/50000; xent: 3.71; lr: 0.0000028; 257 docs/s; 108 sec\n", + "[2019-10-03 05:11:09,598 INFO] Step 1450/50000; xent: 3.74; lr: 0.0000029; 260 docs/s; 112 sec\n", + "[2019-10-03 05:11:13,456 INFO] Step 1500/50000; xent: 3.68; lr: 0.0000030; 260 docs/s; 116 sec\n", + "[2019-10-03 05:11:13,459 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_1500.pt\n", + "[2019-10-03 05:11:17,396 INFO] Step 1550/50000; xent: 3.65; lr: 0.0000031; 255 docs/s; 120 sec\n", + "[2019-10-03 05:11:21,246 INFO] Step 1600/50000; xent: 3.70; lr: 0.0000032; 262 docs/s; 124 sec\n", + "[2019-10-03 05:11:25,090 INFO] Step 1650/50000; xent: 3.57; lr: 0.0000033; 262 docs/s; 128 sec\n", + "[2019-10-03 05:11:28,940 INFO] Step 1700/50000; xent: 3.57; lr: 0.0000034; 261 docs/s; 132 sec\n", + "[2019-10-03 05:11:32,805 INFO] Step 1750/50000; xent: 3.59; lr: 0.0000035; 258 docs/s; 136 sec\n", + "[2019-10-03 05:11:36,677 INFO] Step 1800/50000; xent: 3.61; lr: 0.0000036; 261 docs/s; 139 sec\n", + "[2019-10-03 05:11:40,549 INFO] Step 1850/50000; xent: 3.57; lr: 0.0000037; 260 docs/s; 143 sec\n", + "[2019-10-03 05:11:44,450 INFO] Step 1900/50000; xent: 3.58; lr: 0.0000038; 260 docs/s; 147 sec\n", + "[2019-10-03 05:11:48,317 INFO] Step 1950/50000; xent: 3.59; lr: 0.0000039; 259 docs/s; 151 sec\n", + "[2019-10-03 05:11:52,169 INFO] Step 2000/50000; xent: 3.56; lr: 0.0000040; 262 docs/s; 155 sec\n", + "[2019-10-03 05:11:52,172 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_2000.pt\n", + "[2019-10-03 05:11:56,126 INFO] Step 2050/50000; xent: 3.50; lr: 0.0000041; 251 docs/s; 159 sec\n", + "[2019-10-03 05:11:59,990 INFO] Step 2100/50000; xent: 3.52; lr: 0.0000042; 262 docs/s; 163 sec\n", + "[2019-10-03 05:12:03,845 INFO] Step 2150/50000; xent: 3.55; lr: 0.0000043; 262 docs/s; 167 sec\n", + "[2019-10-03 05:12:07,690 INFO] Step 2200/50000; xent: 3.51; lr: 0.0000044; 262 docs/s; 170 sec\n", + "[2019-10-03 05:12:11,589 INFO] Step 2250/50000; xent: 3.57; lr: 0.0000045; 256 docs/s; 174 sec\n", + "[2019-10-03 05:12:15,474 INFO] Step 2300/50000; xent: 3.53; lr: 0.0000046; 257 docs/s; 178 sec\n", + "[2019-10-03 05:12:19,331 INFO] Step 2350/50000; xent: 3.58; lr: 0.0000047; 261 docs/s; 182 sec\n", + "[2019-10-03 05:12:23,193 INFO] Step 2400/50000; xent: 3.47; lr: 0.0000048; 260 docs/s; 186 sec\n", + "[2019-10-03 05:12:27,052 INFO] Step 2450/50000; xent: 3.46; lr: 0.0000049; 261 docs/s; 190 sec\n", + "[2019-10-03 05:12:30,912 INFO] Step 2500/50000; xent: 3.60; lr: 0.0000050; 256 docs/s; 194 sec\n", + "[2019-10-03 05:12:30,915 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_2500.pt\n", + "[2019-10-03 05:12:34,855 INFO] Step 2550/50000; xent: 3.50; lr: 0.0000051; 251 docs/s; 198 sec\n", + "[2019-10-03 05:12:38,719 INFO] Step 2600/50000; xent: 3.57; lr: 0.0000052; 259 docs/s; 201 sec\n", + "[2019-10-03 05:12:42,576 INFO] Step 2650/50000; xent: 3.52; lr: 0.0000053; 259 docs/s; 205 sec\n", + "[2019-10-03 05:12:46,440 INFO] Step 2700/50000; xent: 3.49; lr: 0.0000054; 258 docs/s; 209 sec\n", + "[2019-10-03 05:12:50,326 INFO] Step 2750/50000; xent: 3.42; lr: 0.0000055; 260 docs/s; 213 sec\n", + "[2019-10-03 05:12:54,214 INFO] Step 2800/50000; xent: 3.57; lr: 0.0000056; 256 docs/s; 217 sec\n", + "[2019-10-03 05:12:58,096 INFO] Step 2850/50000; xent: 3.43; lr: 0.0000057; 260 docs/s; 221 sec\n", + "[2019-10-03 05:13:01,975 INFO] Step 2900/50000; xent: 3.43; lr: 0.0000058; 259 docs/s; 225 sec\n", + "[2019-10-03 05:13:05,873 INFO] Step 2950/50000; xent: 3.43; lr: 0.0000059; 256 docs/s; 229 sec\n", + "[2019-10-03 05:13:09,775 INFO] Step 3000/50000; xent: 3.42; lr: 0.0000060; 258 docs/s; 233 sec\n", + "[2019-10-03 05:13:09,777 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_3000.pt\n", + "[2019-10-03 05:13:13,749 INFO] Step 3050/50000; xent: 3.42; lr: 0.0000061; 254 docs/s; 236 sec\n", + "[2019-10-03 05:13:17,606 INFO] Step 3100/50000; xent: 3.44; lr: 0.0000062; 260 docs/s; 240 sec\n", + "[2019-10-03 05:13:21,446 INFO] Step 3150/50000; xent: 3.48; lr: 0.0000063; 258 docs/s; 244 sec\n", + "[2019-10-03 05:13:25,366 INFO] Step 3200/50000; xent: 3.39; lr: 0.0000064; 256 docs/s; 248 sec\n", + "[2019-10-03 05:13:29,251 INFO] Step 3250/50000; xent: 3.38; lr: 0.0000065; 261 docs/s; 252 sec\n", + "[2019-10-03 05:13:33,113 INFO] Step 3300/50000; xent: 3.53; lr: 0.0000066; 260 docs/s; 256 sec\n", + "[2019-10-03 05:13:36,967 INFO] Step 3350/50000; xent: 3.45; lr: 0.0000067; 259 docs/s; 260 sec\n", + "[2019-10-03 05:13:40,839 INFO] Step 3400/50000; xent: 3.49; lr: 0.0000068; 260 docs/s; 264 sec\n", + "[2019-10-03 05:13:44,729 INFO] Step 3450/50000; xent: 3.42; lr: 0.0000069; 258 docs/s; 267 sec\n", + "[2019-10-03 05:13:48,603 INFO] Step 3500/50000; xent: 3.43; lr: 0.0000070; 260 docs/s; 271 sec\n", + "[2019-10-03 05:13:48,605 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_3500.pt\n", + "[2019-10-03 05:13:52,550 INFO] Step 3550/50000; xent: 3.38; lr: 0.0000071; 252 docs/s; 275 sec\n", + "[2019-10-03 05:13:56,415 INFO] Step 3600/50000; xent: 3.39; lr: 0.0000072; 258 docs/s; 279 sec\n", + "[2019-10-03 05:14:00,290 INFO] Step 3650/50000; xent: 3.34; lr: 0.0000073; 256 docs/s; 283 sec\n", + "[2019-10-03 05:14:04,183 INFO] Step 3700/50000; xent: 3.44; lr: 0.0000074; 261 docs/s; 287 sec\n", + "[2019-10-03 05:14:08,061 INFO] Step 3750/50000; xent: 3.47; lr: 0.0000075; 260 docs/s; 291 sec\n", + "[2019-10-03 05:14:11,937 INFO] Step 3800/50000; xent: 3.43; lr: 0.0000076; 260 docs/s; 295 sec\n", + "[2019-10-03 05:14:15,802 INFO] Step 3850/50000; xent: 3.42; lr: 0.0000077; 258 docs/s; 299 sec\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 05:14:19,662 INFO] Step 3900/50000; xent: 3.35; lr: 0.0000078; 258 docs/s; 302 sec\n", + "[2019-10-03 05:14:23,526 INFO] Step 3950/50000; xent: 3.45; lr: 0.0000079; 261 docs/s; 306 sec\n", + "[2019-10-03 05:14:27,364 INFO] Step 4000/50000; xent: 3.43; lr: 0.0000080; 260 docs/s; 310 sec\n", + "[2019-10-03 05:14:27,367 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_4000.pt\n", + "[2019-10-03 05:14:31,280 INFO] Step 4050/50000; xent: 3.49; lr: 0.0000081; 262 docs/s; 314 sec\n", + "[2019-10-03 05:14:35,131 INFO] Step 4100/50000; xent: 3.39; lr: 0.0000082; 260 docs/s; 318 sec\n", + "[2019-10-03 05:14:39,008 INFO] Step 4150/50000; xent: 3.45; lr: 0.0000083; 260 docs/s; 322 sec\n", + "[2019-10-03 05:14:42,872 INFO] Step 4200/50000; xent: 3.45; lr: 0.0000084; 260 docs/s; 326 sec\n", + "[2019-10-03 05:14:46,737 INFO] Step 4250/50000; xent: 3.35; lr: 0.0000085; 261 docs/s; 329 sec\n", + "[2019-10-03 05:14:50,588 INFO] Step 4300/50000; xent: 3.44; lr: 0.0000086; 258 docs/s; 333 sec\n", + "[2019-10-03 05:14:54,445 INFO] Step 4350/50000; xent: 3.45; lr: 0.0000087; 257 docs/s; 337 sec\n", + "[2019-10-03 05:14:58,294 INFO] Step 4400/50000; xent: 3.49; lr: 0.0000088; 262 docs/s; 341 sec\n", + "[2019-10-03 05:15:02,154 INFO] Step 4450/50000; xent: 3.34; lr: 0.0000089; 260 docs/s; 345 sec\n", + "[2019-10-03 05:15:06,021 INFO] Step 4500/50000; xent: 3.36; lr: 0.0000090; 259 docs/s; 349 sec\n", + "[2019-10-03 05:15:06,024 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_4500.pt\n", + "[2019-10-03 05:15:09,950 INFO] Step 4550/50000; xent: 3.39; lr: 0.0000091; 256 docs/s; 353 sec\n", + "[2019-10-03 05:15:13,855 INFO] Step 4600/50000; xent: 3.31; lr: 0.0000092; 258 docs/s; 357 sec\n", + "[2019-10-03 05:15:17,737 INFO] Step 4650/50000; xent: 3.30; lr: 0.0000093; 256 docs/s; 360 sec\n", + "[2019-10-03 05:15:21,638 INFO] Step 4700/50000; xent: 3.34; lr: 0.0000094; 259 docs/s; 364 sec\n", + "[2019-10-03 05:15:25,546 INFO] Step 4750/50000; xent: 3.39; lr: 0.0000095; 258 docs/s; 368 sec\n", + "[2019-10-03 05:15:29,404 INFO] Step 4800/50000; xent: 3.30; lr: 0.0000096; 259 docs/s; 372 sec\n", + "[2019-10-03 05:15:33,268 INFO] Step 4850/50000; xent: 3.32; lr: 0.0000097; 261 docs/s; 376 sec\n", + "[2019-10-03 05:15:37,129 INFO] Step 4900/50000; xent: 3.31; lr: 0.0000098; 264 docs/s; 380 sec\n", + "[2019-10-03 05:15:40,978 INFO] Step 4950/50000; xent: 3.35; lr: 0.0000099; 260 docs/s; 384 sec\n", + "[2019-10-03 05:15:44,885 INFO] Step 5000/50000; xent: 3.36; lr: 0.0000100; 258 docs/s; 388 sec\n", + "[2019-10-03 05:15:44,887 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_5000.pt\n", + "[2019-10-03 05:15:48,912 INFO] Step 5050/50000; xent: 3.29; lr: 0.0000101; 249 docs/s; 392 sec\n", + "[2019-10-03 05:15:52,810 INFO] Step 5100/50000; xent: 3.34; lr: 0.0000102; 255 docs/s; 396 sec\n", + "[2019-10-03 05:15:56,672 INFO] Step 5150/50000; xent: 3.45; lr: 0.0000103; 258 docs/s; 399 sec\n", + "[2019-10-03 05:16:00,539 INFO] Step 5200/50000; xent: 3.39; lr: 0.0000104; 257 docs/s; 403 sec\n", + "[2019-10-03 05:16:04,422 INFO] Step 5250/50000; xent: 3.47; lr: 0.0000105; 259 docs/s; 407 sec\n", + "[2019-10-03 05:16:08,289 INFO] Step 5300/50000; xent: 3.36; lr: 0.0000106; 261 docs/s; 411 sec\n", + "[2019-10-03 05:16:12,141 INFO] Step 5350/50000; xent: 3.40; lr: 0.0000107; 257 docs/s; 415 sec\n", + "[2019-10-03 05:16:16,023 INFO] Step 5400/50000; xent: 3.39; lr: 0.0000108; 259 docs/s; 419 sec\n", + "[2019-10-03 05:16:19,909 INFO] Step 5450/50000; xent: 3.30; lr: 0.0000109; 256 docs/s; 423 sec\n", + "[2019-10-03 05:16:23,776 INFO] Step 5500/50000; xent: 3.33; lr: 0.0000110; 258 docs/s; 427 sec\n", + "[2019-10-03 05:16:23,779 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_5500.pt\n", + "[2019-10-03 05:16:27,722 INFO] Step 5550/50000; xent: 3.31; lr: 0.0000111; 256 docs/s; 430 sec\n", + "[2019-10-03 05:16:31,617 INFO] Step 5600/50000; xent: 3.36; lr: 0.0000112; 258 docs/s; 434 sec\n", + "[2019-10-03 05:16:35,514 INFO] Step 5650/50000; xent: 3.32; lr: 0.0000113; 256 docs/s; 438 sec\n", + "[2019-10-03 05:16:39,399 INFO] Step 5700/50000; xent: 3.29; lr: 0.0000114; 257 docs/s; 442 sec\n", + "[2019-10-03 05:16:43,273 INFO] Step 5750/50000; xent: 3.26; lr: 0.0000115; 261 docs/s; 446 sec\n", + "[2019-10-03 05:16:47,145 INFO] Step 5800/50000; xent: 3.37; lr: 0.0000116; 258 docs/s; 450 sec\n", + "[2019-10-03 05:16:51,033 INFO] Step 5850/50000; xent: 3.40; lr: 0.0000117; 259 docs/s; 454 sec\n", + "[2019-10-03 05:16:54,947 INFO] Step 5900/50000; xent: 3.32; lr: 0.0000118; 258 docs/s; 458 sec\n", + "[2019-10-03 05:16:58,814 INFO] Step 5950/50000; xent: 3.42; lr: 0.0000119; 260 docs/s; 462 sec\n", + "[2019-10-03 05:17:02,726 INFO] Step 6000/50000; xent: 3.32; lr: 0.0000120; 259 docs/s; 465 sec\n", + "[2019-10-03 05:17:02,729 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_6000.pt\n", + "[2019-10-03 05:17:06,702 INFO] Step 6050/50000; xent: 3.42; lr: 0.0000121; 252 docs/s; 469 sec\n", + "[2019-10-03 05:17:10,583 INFO] Step 6100/50000; xent: 3.33; lr: 0.0000122; 260 docs/s; 473 sec\n", + "[2019-10-03 05:17:14,469 INFO] Step 6150/50000; xent: 3.32; lr: 0.0000123; 261 docs/s; 477 sec\n", + "[2019-10-03 05:17:18,344 INFO] Step 6200/50000; xent: 3.33; lr: 0.0000124; 258 docs/s; 481 sec\n", + "[2019-10-03 05:17:22,228 INFO] Step 6250/50000; xent: 3.35; lr: 0.0000125; 260 docs/s; 485 sec\n", + "[2019-10-03 05:17:26,101 INFO] Step 6300/50000; xent: 3.34; lr: 0.0000126; 257 docs/s; 489 sec\n", + "[2019-10-03 05:17:29,983 INFO] Step 6350/50000; xent: 3.40; lr: 0.0000127; 260 docs/s; 493 sec\n", + "[2019-10-03 05:17:33,847 INFO] Step 6400/50000; xent: 3.29; lr: 0.0000128; 264 docs/s; 497 sec\n", + "[2019-10-03 05:17:37,722 INFO] Step 6450/50000; xent: 3.40; lr: 0.0000129; 258 docs/s; 500 sec\n", + "[2019-10-03 05:17:41,610 INFO] Step 6500/50000; xent: 3.35; lr: 0.0000130; 256 docs/s; 504 sec\n", + "[2019-10-03 05:17:41,613 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_6500.pt\n", + "[2019-10-03 05:17:45,593 INFO] Step 6550/50000; xent: 3.32; lr: 0.0000131; 253 docs/s; 508 sec\n", + "[2019-10-03 05:17:49,495 INFO] Step 6600/50000; xent: 3.37; lr: 0.0000132; 257 docs/s; 512 sec\n", + "[2019-10-03 05:17:53,370 INFO] Step 6650/50000; xent: 3.26; lr: 0.0000133; 262 docs/s; 516 sec\n", + "[2019-10-03 05:17:57,240 INFO] Step 6700/50000; xent: 3.34; lr: 0.0000134; 259 docs/s; 520 sec\n", + "[2019-10-03 05:18:01,123 INFO] Step 6750/50000; xent: 3.29; lr: 0.0000135; 260 docs/s; 524 sec\n", + "[2019-10-03 05:18:05,027 INFO] Step 6800/50000; xent: 3.34; lr: 0.0000136; 258 docs/s; 528 sec\n", + "[2019-10-03 05:18:08,920 INFO] Step 6850/50000; xent: 3.30; lr: 0.0000137; 256 docs/s; 532 sec\n", + "[2019-10-03 05:18:12,803 INFO] Step 6900/50000; xent: 3.37; lr: 0.0000138; 259 docs/s; 536 sec\n", + "[2019-10-03 05:18:16,717 INFO] Step 6950/50000; xent: 3.27; lr: 0.0000139; 258 docs/s; 539 sec\n", + "[2019-10-03 05:18:20,621 INFO] Step 7000/50000; xent: 3.27; lr: 0.0000140; 258 docs/s; 543 sec\n", + "[2019-10-03 05:18:20,624 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_7000.pt\n", + "[2019-10-03 05:18:24,591 INFO] Step 7050/50000; xent: 3.32; lr: 0.0000141; 253 docs/s; 547 sec\n", + "[2019-10-03 05:18:28,486 INFO] Step 7100/50000; xent: 3.18; lr: 0.0000142; 259 docs/s; 551 sec\n" + ] + } + ], + "source": [ + "training_data_file = './bert_train_data_all_none_excluded'\n", + "bertsum_model.fit(device_id, [training_data_file], train_steps=50000, train_from=\"\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Model Evaluation\n", + "\n", + "[ROUGE](https://en.wikipedia.org/wiki/ROUGE_(metric)), or Recall-Oriented Understudy for Gisting Evaluation has been commonly used for evaluation text summerization." + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "from models.data_loader import DataIterator,Batch,Dataloader\n", + "import os\n", + "test_dataset=torch.load(\"./harvardnlp_cnndm/test.bertdata\")\n", + "from bertsum_config import Bunch\n", + "\n", + "import os\n", + "dataset=[]\n", + "for i in range(0,6):\n", + " filename = \"cnndm.test.{0}.bert.pt\".format(i)\n", + " dataset.extend(torch.load(os.path.join(\"./\"+\"bert_data/\", filename)))\n", + " \n", + "def get_data_iter(dataset,batch_size=300):\n", + " args = Bunch({})\n", + " args.use_interval = True\n", + " args.batch_size = batch_size\n", + " test_data_iter = None\n", + " test_data_iter = DataIterator(args, dataset, args.batch_size, 'cuda', is_test=True, shuffle=False, sort=False)\n", + " return test_data_iter" + ] + }, + { + "cell_type": "code", + "execution_count": 74, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 18:10:19,387 INFO] Device ID 2\n", + "[2019-10-03 18:10:19,389 INFO] Loading checkpoint from ./models/baseline0.7355433644584792/model_step_50000.pt\n", + "[2019-10-03 18:10:20,964 INFO] * number of parameters: 5179137\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "device_id 2\n", + "gpu_rank 0\n" + ] + }, + { + "ename": "ValueError", + "evalue": "max() arg is an empty sequence", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mValueError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 2\u001b[0m \u001b[0mtarget\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0mtest_dataset\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mi\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'tgt_txt'\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mi\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mrange\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtest_dataset\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 3\u001b[0m prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n\u001b[0;32m----> 4\u001b[0;31m test_from=model_for_test)\n\u001b[0m\u001b[1;32m 5\u001b[0m \u001b[0;32mfrom\u001b[0m \u001b[0mutils\u001b[0m \u001b[0;32mimport\u001b[0m \u001b[0mget_rouge\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 6\u001b[0m \u001b[0;31m#rouge_baseline = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/textsum//wrapper/extractive_text_summerization.py\u001b[0m in \u001b[0;36mpredict\u001b[0;34m(self, device_id, data_iter, test_from, cal_lead)\u001b[0m\n\u001b[1;32m 164\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 165\u001b[0m \u001b[0mtrainer\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mbuild_trainer\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0margs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdevice_id\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmodel\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 166\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mtrainer\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mpredict\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mdata_iter\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msentence_seperator\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcal_lead\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 167\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/BertSum/src/models/trainer.py\u001b[0m in \u001b[0;36mpredict\u001b[0;34m(self, test_iter, cal_lead, cal_oracle)\u001b[0m\n\u001b[1;32m 330\u001b[0m \u001b[0mpred\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 331\u001b[0m \u001b[0;32mwith\u001b[0m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mno_grad\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 332\u001b[0;31m \u001b[0;32mfor\u001b[0m \u001b[0mbatch\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mtest_iter\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 333\u001b[0m \u001b[0msrc\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mbatch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msrc\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 334\u001b[0m \u001b[0mlabels\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mbatch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mlabels\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/BertSum/src/models/data_loader.py\u001b[0m in \u001b[0;36m__iter__\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 237\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0miterations\u001b[0m \u001b[0;34m+=\u001b[0m \u001b[0;36m1\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 238\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_iterations_this_epoch\u001b[0m \u001b[0;34m+=\u001b[0m \u001b[0;36m1\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 239\u001b[0;31m \u001b[0mbatch\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mBatch\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mminibatch\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdevice\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mis_test\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 240\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 241\u001b[0m \u001b[0;32myield\u001b[0m \u001b[0mbatch\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/BertSum/src/models/data_loader.py\u001b[0m in \u001b[0;36m__init__\u001b[0;34m(self, data, device, is_test)\u001b[0m\n\u001b[1;32m 25\u001b[0m \u001b[0mpre_clss\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0mx\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m3\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mx\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mdata\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 26\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 27\u001b[0;31m \u001b[0msrc\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtensor\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_pad\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mpre_src\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 28\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 29\u001b[0m \u001b[0mlabels\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtensor\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_pad\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mpre_labels\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/BertSum/src/models/data_loader.py\u001b[0m in \u001b[0;36m_pad\u001b[0;34m(self, data, pad_id, width)\u001b[0m\n\u001b[1;32m 12\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0m_pad\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdata\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mpad_id\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mwidth\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;34m-\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 13\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0mwidth\u001b[0m \u001b[0;34m==\u001b[0m \u001b[0;34m-\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 14\u001b[0;31m \u001b[0mwidth\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mmax\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0md\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0md\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mdata\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 15\u001b[0m \u001b[0mrtn_data\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0md\u001b[0m \u001b[0;34m+\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0mpad_id\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;34m*\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0mwidth\u001b[0m \u001b[0;34m-\u001b[0m \u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0md\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0md\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mdata\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 16\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mrtn_data\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mValueError\u001b[0m: max() arg is an empty sequence" + ] + } + ], + "source": [ + "model_for_test = \"./models/baseline0.7355433644584792/model_step_50000.pt\"\n", + "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", + "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n", + " test_from=model_for_test)\n", + "from utils import get_rouge\n", + "#rouge_baseline = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + ] + }, + { + "cell_type": "code", + "execution_count": 72, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "11486" + ] + }, + "execution_count": 72, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(prediction)" + ] + }, + { + "cell_type": "code", + "execution_count": 54, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 17:46:35,071 INFO] Device ID 2\n", + "[2019-10-03 17:46:35,082 INFO] Loading checkpoint from ./models/rnn/model_step_50000.pt\n", + "[2019-10-03 17:46:37,559 INFO] * number of parameters: 113041921\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "device_id 2\n", + "gpu_rank 0\n", + "11486\n", + "11486\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-10-03 17:48:59,222 [MainThread ] [INFO ] Writing summaries.\n", + "[2019-10-03 17:48:59,222 INFO] Writing summaries.\n", + "2019-10-03 17:48:59,224 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp9w889acx/system and model files to /dadendev/textsum/results/rougetemp/tmp9w889acx/model.\n", + "[2019-10-03 17:48:59,224 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp9w889acx/system and model files to /dadendev/textsum/results/rougetemp/tmp9w889acx/model.\n", + "2019-10-03 17:48:59,225 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-48-58/candidate/.\n", + "[2019-10-03 17:48:59,225 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-48-58/candidate/.\n", + "2019-10-03 17:49:00,406 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp9w889acx/system.\n", + "[2019-10-03 17:49:00,406 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp9w889acx/system.\n", + "2019-10-03 17:49:00,408 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-48-58/reference/.\n", + "[2019-10-03 17:49:00,408 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-48-58/reference/.\n", + "2019-10-03 17:49:01,539 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp9w889acx/model.\n", + "[2019-10-03 17:49:01,539 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp9w889acx/model.\n", + "2019-10-03 17:49:01,631 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmp74wedt83/rouge_conf.xml\n", + "[2019-10-03 17:49:01,631 INFO] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmp74wedt83/rouge_conf.xml\n", + "2019-10-03 17:49:01,632 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmp74wedt83/rouge_conf.xml\n", + "[2019-10-03 17:49:01,632 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmp74wedt83/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.53540 (95%-conf.int. 0.53270 - 0.53815)\n", + "1 ROUGE-1 Average_P: 0.37945 (95%-conf.int. 0.37709 - 0.38191)\n", + "1 ROUGE-1 Average_F: 0.42948 (95%-conf.int. 0.42737 - 0.43167)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.24836 (95%-conf.int. 0.24555 - 0.25117)\n", + "1 ROUGE-2 Average_P: 0.17692 (95%-conf.int. 0.17482 - 0.17919)\n", + "1 ROUGE-2 Average_F: 0.19954 (95%-conf.int. 0.19734 - 0.20177)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.34366 (95%-conf.int. 0.34118 - 0.34616)\n", + "1 ROUGE-L Average_P: 0.24172 (95%-conf.int. 0.23978 - 0.24381)\n", + "1 ROUGE-L Average_F: 0.27432 (95%-conf.int. 0.27234 - 0.27626)\n", + "\n" + ] + } + ], + "source": [ + "model_for_test = \"./models/rnn/model_step_50000.pt\"\n", + "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", + "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n", + " test_from=model_for_test)\n", + "from utils import get_rouge\n", + "rouge_rnn = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + ] + }, + { + "cell_type": "code", + "execution_count": 55, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 17:50:56,970 INFO] Device ID 2\n", + "[2019-10-03 17:50:56,973 INFO] Loading checkpoint from ./models/transformer/model_step_50000.pt\n", + "[2019-10-03 17:50:59,066 INFO] * number of parameters: 115790849\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "device_id 2\n", + "gpu_rank 0\n", + "11486\n", + "11486\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-10-03 17:53:15,587 [MainThread ] [INFO ] Writing summaries.\n", + "[2019-10-03 17:53:15,587 INFO] Writing summaries.\n", + "2019-10-03 17:53:15,590 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp6gynufns/system and model files to /dadendev/textsum/results/rougetemp/tmp6gynufns/model.\n", + "[2019-10-03 17:53:15,590 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp6gynufns/system and model files to /dadendev/textsum/results/rougetemp/tmp6gynufns/model.\n", + "2019-10-03 17:53:15,591 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-53-14/candidate/.\n", + "[2019-10-03 17:53:15,591 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-53-14/candidate/.\n", + "2019-10-03 17:53:16,773 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp6gynufns/system.\n", + "[2019-10-03 17:53:16,773 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp6gynufns/system.\n", + "2019-10-03 17:53:16,774 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-53-14/reference/.\n", + "[2019-10-03 17:53:16,774 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-53-14/reference/.\n", + "2019-10-03 17:53:17,921 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp6gynufns/model.\n", + "[2019-10-03 17:53:17,921 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp6gynufns/model.\n", + "2019-10-03 17:53:18,008 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmpoytr7s3w/rouge_conf.xml\n", + "[2019-10-03 17:53:18,008 INFO] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmpoytr7s3w/rouge_conf.xml\n", + "2019-10-03 17:53:18,009 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmpoytr7s3w/rouge_conf.xml\n", + "[2019-10-03 17:53:18,009 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmpoytr7s3w/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.53732 (95%-conf.int. 0.53457 - 0.54013)\n", + "1 ROUGE-1 Average_P: 0.37491 (95%-conf.int. 0.37254 - 0.37733)\n", + "1 ROUGE-1 Average_F: 0.42705 (95%-conf.int. 0.42484 - 0.42920)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.24855 (95%-conf.int. 0.24582 - 0.25123)\n", + "1 ROUGE-2 Average_P: 0.17405 (95%-conf.int. 0.17196 - 0.17624)\n", + "1 ROUGE-2 Average_F: 0.19768 (95%-conf.int. 0.19553 - 0.19985)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.34365 (95%-conf.int. 0.34113 - 0.34615)\n", + "1 ROUGE-L Average_P: 0.23772 (95%-conf.int. 0.23571 - 0.23975)\n", + "1 ROUGE-L Average_F: 0.27163 (95%-conf.int. 0.26963 - 0.27360)\n", + "\n" + ] + } + ], + "source": [ + "model_for_test = \"./models/transformer/model_step_50000.pt\"\n", + "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", + "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n", + " test_from=model_for_test)\n", + "from utils import get_rouge\n", + "rouge_transformer = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 18:41:50,554 INFO] Device ID 2\n", + "[2019-10-03 18:41:50,555 INFO] Loading checkpoint from ./models/transformer/model_step_50000.pt\n", + "[2019-10-03 18:41:52,881 INFO] * number of parameters: 115790849\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "device_id 2\n", + "gpu_rank 0\n", + "11489\n", + "11489\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-10-03 18:44:25,911 [MainThread ] [INFO ] Writing summaries.\n", + "[2019-10-03 18:44:25,911 INFO] Writing summaries.\n", + "2019-10-03 18:44:25,919 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/system and model files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/model.\n", + "[2019-10-03 18:44:25,919 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/system and model files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/model.\n", + "2019-10-03 18:44:25,920 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-44-24/candidate/.\n", + "[2019-10-03 18:44:25,920 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-44-24/candidate/.\n", + "2019-10-03 18:44:27,124 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/system.\n", + "[2019-10-03 18:44:27,124 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/system.\n", + "2019-10-03 18:44:27,126 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-44-24/reference/.\n", + "[2019-10-03 18:44:27,126 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-44-24/reference/.\n", + "2019-10-03 18:44:28,311 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/model.\n", + "[2019-10-03 18:44:28,311 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/model.\n", + "2019-10-03 18:44:28,401 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmph9qs47ba/rouge_conf.xml\n", + "[2019-10-03 18:44:28,401 INFO] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmph9qs47ba/rouge_conf.xml\n", + "2019-10-03 18:44:28,402 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmph9qs47ba/rouge_conf.xml\n", + "[2019-10-03 18:44:28,402 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmph9qs47ba/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.53487 (95%-conf.int. 0.53211 - 0.53764)\n", + "1 ROUGE-1 Average_P: 0.38059 (95%-conf.int. 0.37813 - 0.38318)\n", + "1 ROUGE-1 Average_F: 0.42995 (95%-conf.int. 0.42787 - 0.43226)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.24873 (95%-conf.int. 0.24604 - 0.25157)\n", + "1 ROUGE-2 Average_P: 0.17760 (95%-conf.int. 0.17536 - 0.17989)\n", + "1 ROUGE-2 Average_F: 0.20002 (95%-conf.int. 0.19784 - 0.20247)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.48956 (95%-conf.int. 0.48697 - 0.49221)\n", + "1 ROUGE-L Average_P: 0.34903 (95%-conf.int. 0.34667 - 0.35158)\n", + "1 ROUGE-L Average_F: 0.39396 (95%-conf.int. 0.39183 - 0.39629)\n", + "\n" + ] + } + ], + "source": [ + "model_for_test = \"./models/transformer/model_step_50000.pt\"\n", + "target = [dataset[i]['tgt_txt'] for i in range(len(dataset))]\n", + "prediction = bertsum_model.predict(device_id, get_data_iter(dataset, 3000),sentence_seperator=\"\",\n", + " test_from=model_for_test)\n", + "from utils import get_rouge\n", + "rouge_transformer = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 18:27:21,995 INFO] Device ID 2\n", + "[2019-10-03 18:27:21,996 INFO] Loading checkpoint from ./models/transformer/model_step_50000.pt\n", + "[2019-10-03 18:27:24,295 INFO] * number of parameters: 115790849\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "device_id 2\n", + "gpu_rank 0\n", + "11489\n", + "11489\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-10-03 18:27:27,926 [MainThread ] [INFO ] Writing summaries.\n", + "[2019-10-03 18:27:27,926 INFO] Writing summaries.\n", + "2019-10-03 18:27:27,932 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/system and model files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/model.\n", + "[2019-10-03 18:27:27,932 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/system and model files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/model.\n", + "2019-10-03 18:27:27,934 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-27-26/candidate/.\n", + "[2019-10-03 18:27:27,934 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-27-26/candidate/.\n", + "2019-10-03 18:27:29,138 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/system.\n", + "[2019-10-03 18:27:29,138 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/system.\n", + "2019-10-03 18:27:29,140 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-27-26/reference/.\n", + "[2019-10-03 18:27:29,140 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-27-26/reference/.\n", + "2019-10-03 18:27:30,346 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/model.\n", + "[2019-10-03 18:27:30,346 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/model.\n", + "2019-10-03 18:27:30,438 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmph0uom0ij/rouge_conf.xml\n", + "[2019-10-03 18:27:30,438 INFO] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmph0uom0ij/rouge_conf.xml\n", + "2019-10-03 18:27:30,440 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmph0uom0ij/rouge_conf.xml\n", + "[2019-10-03 18:27:30,440 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmph0uom0ij/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.52371 (95%-conf.int. 0.52067 - 0.52692)\n", + "1 ROUGE-1 Average_P: 0.34716 (95%-conf.int. 0.34484 - 0.34937)\n", + "1 ROUGE-1 Average_F: 0.40370 (95%-conf.int. 0.40154 - 0.40592)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.22740 (95%-conf.int. 0.22473 - 0.23047)\n", + "1 ROUGE-2 Average_P: 0.14969 (95%-conf.int. 0.14781 - 0.15166)\n", + "1 ROUGE-2 Average_F: 0.17444 (95%-conf.int. 0.17241 - 0.17662)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.47465 (95%-conf.int. 0.47167 - 0.47766)\n", + "1 ROUGE-L Average_P: 0.31501 (95%-conf.int. 0.31282 - 0.31717)\n", + "1 ROUGE-L Average_F: 0.36614 (95%-conf.int. 0.36399 - 0.36826)\n", + "\n" + ] + } + ], + "source": [ + "model_for_test = \"./models/transformer/model_step_50000.pt\"\n", + "target = [dataset[i]['tgt_txt'] for i in range(len(dataset))]\n", + "prediction = bertsum_model.predict(device_id, get_data_iter(dataset, 3000),sentence_seperator=\"\",\n", + " test_from=model_for_test, cal_lead=True)\n", + "from utils import get_rouge\n", + "rouge_transformer = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + ] + }, + { + "cell_type": "code", + "execution_count": 58, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "11486" + ] + }, + "execution_count": 58, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(prediction)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 59, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['marseille , france -lrb- cnn -rrb- the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .',\n", + " 'marseille prosecutor brice robin told cnn that `` so far no videos were used in the crash investigation . ``',\n", + " 'he added , `` a person who has such a video needs to immediately give it to the investigators . ``',\n", + " \"robin 's comments follow claims by two magazines , german daily bild and french paris match , of a cell phone video showing the harrowing final seconds from on board germanwings flight 9525 as it crashed into the french alps .\",\n", + " 'paris match and bild reported that the video was recovered from a phone at the wreckage site .',\n", + " 'the two publications described the supposed video , but did not post it on their websites .',\n", + " 'the publications said that they watched the video , which was found by a source close to the investigation .',\n", + " \"`` one can hear cries of ` my god ' in several languages , `` paris match reported .\",\n", + " '`` metallic banging can also be heard more than three times , perhaps of the pilot trying to open the cockpit door with a heavy object .',\n", + " 'towards the end , after a heavy shake , stronger than the others , the screaming intensifies .',\n", + " '`` it is a very disturbing scene , `` said julian reichelt , editor-in-chief of bild online .',\n", + " \"an official with france 's accident investigation agency , the bea , said the agency is not aware of any such video .\",\n", + " 'lt. col. jean-marc menichini , a french gendarmerie spokesman in charge of communications on rescue efforts around the germanwings crash site , told cnn that the reports were `` completely wrong `` and `` unwarranted . ``',\n", + " \"cell phones have been collected at the site , he said , but that they `` had n't been exploited yet . ``\",\n", + " 'menichini said he believed the cell phones would need to be sent to the criminal research institute in rosny sous-bois , near paris , in order to be analyzed by specialized technicians working hand-in-hand with investigators .',\n", + " 'but none of the cell phones found so far have been sent to the institute , menichini said .',\n", + " 'asked whether staff involved in the search could have leaked a memory card to the media , menichini answered with a categorical `` no . ``',\n", + " 'reichelt told `` erin burnett : outfront `` that he had watched the video and stood by the report , saying bild and paris match are `` very confident `` that the clip is real .',\n", + " \"he noted that investigators only revealed they 'd recovered cell phones from the crash site after bild and paris match published their reports .\",\n", + " \"... overall we can say many things of the investigation were n't revealed by the investigation at the beginning , `` he said .\",\n", + " \"german airline lufthansa confirmed tuesday that co-pilot andreas lubitz had battled depression years before he took the controls of germanwings flight 9525 , which he 's accused of deliberately crashing last week in the french alps .\",\n", + " 'lubitz told his lufthansa flight training school in 2009 that he had a `` previous episode of severe depression , `` the airline said tuesday .',\n", + " 'email correspondence between lubitz and the school discovered in an internal investigation , lufthansa said , included medical documents he submitted in connection with resuming his flight training .',\n", + " \"the announcement indicates that lufthansa , the parent company of germanwings , knew of lubitz 's battle with depression , allowed him to continue training and ultimately put him in the cockpit .\",\n", + " 'lufthansa , whose ceo carsten spohr previously said lubitz was 100 % fit to fly , described its statement tuesday as a `` swift and seamless clarification `` and said it was sharing the information and documents -- including training and medical records -- with public prosecutors .',\n", + " 'spohr traveled to the crash site wednesday , where recovery teams have been working for the past week to recover human remains and plane debris scattered across a steep mountainside .',\n", + " 'he saw the crisis center set up in seyne-les-alpes , laid a wreath in the village of le vernet , closer to the crash site , where grieving families have left flowers at a simple stone memorial .',\n", + " 'menichini told cnn late tuesday that no visible human remains were left at the site but recovery teams would keep searching .',\n", + " 'french president francois hollande , speaking tuesday , said that it should be possible to identify all the victims using dna analysis by the end of the week , sooner than authorities had previously suggested .',\n", + " \"in the meantime , the recovery of the victims ' personal belongings will start wednesday , menichini said .\",\n", + " 'among those personal belongings could be more cell phones belonging to the 144 passengers and six crew on board .',\n", + " \"the details about lubitz 's correspondence with the flight school during his training were among several developments as investigators continued to delve into what caused the crash and lubitz 's possible motive for downing the jet .\",\n", + " 'a lufthansa spokesperson told cnn on tuesday that lubitz had a valid medical certificate , had passed all his examinations and `` held all the licenses required . ``',\n", + " \"earlier , a spokesman for the prosecutor 's office in dusseldorf , christoph kumpa , said medical records reveal lubitz suffered from suicidal tendencies at some point before his aviation career and underwent psychotherapy before he got his pilot 's license .\",\n", + " \"kumpa emphasized there 's no evidence suggesting lubitz was suicidal or acting aggressively before the crash .\",\n", + " \"investigators are looking into whether lubitz feared his medical condition would cause him to lose his pilot 's license , a european government official briefed on the investigation told cnn on tuesday .\",\n", + " \"while flying was `` a big part of his life , `` the source said , it 's only one theory being considered .\",\n", + " 'another source , a law enforcement official briefed on the investigation , also told cnn that authorities believe the primary motive for lubitz to bring down the plane was that he feared he would not be allowed to fly because of his medical problems .',\n", + " \"lubitz 's girlfriend told investigators he had seen an eye doctor and a neuropsychologist , both of whom deemed him unfit to work recently and concluded he had psychological issues , the european government official said .\",\n", + " \"but no matter what details emerge about his previous mental health struggles , there 's more to the story , said brian russell , a forensic psychologist .\",\n", + " \"`` psychology can explain why somebody would turn rage inward on themselves about the fact that maybe they were n't going to keep doing their job and they 're upset about that and so they 're suicidal , `` he said .\",\n", + " \"`` but there is no mental illness that explains why somebody then feels entitled to also take that rage and turn it outward on 149 other people who had nothing to do with the person 's problems . ``\",\n", + " \"cnn 's margot haddad reported from marseille and pamela brown from dusseldorf , while laura smith-spark wrote from london .\",\n", + " \"cnn 's frederik pleitgen , pamela boykoff , antonia mortensen , sandrine amiel and anna-maja rappard contributed to this report .\"]" + ] + }, + "execution_count": 59, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "test_dataset[0]['src_txt']" + ] + }, + { + "cell_type": "code", + "execution_count": 60, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'marseille prosecutor says `` so far no videos were used in the crash investigation `` despite media reports . journalists at bild and paris match are `` very confident `` the video clip is real , an editor says . andreas lubitz had informed his lufthansa training school of an episode of severe depression , airline says .'" + ] + }, + "execution_count": 60, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "target[0]" + ] + }, + { + "cell_type": "code", + "execution_count": 61, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'marseille prosecutor brice robin told cnn that `` so far no videos were used in the crash investigation . ``paris match and bild reported that the video was recovered from a phone at the wreckage site .marseille , france -lrb- cnn -rrb- the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .'" + ] + }, + "execution_count": 61, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "prediction[0]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "articles = [test_dataset[0]['src_txt']]\n", + "get_data_iter(article,batch_size=30000)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "python3.6 cm3", + "language": "python", + "name": "cm3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.8" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/utils_nlp/dataset/harvardnlp_cnndm.py b/utils_nlp/dataset/harvardnlp_cnndm.py new file mode 100644 index 000000000..4971048c7 --- /dev/null +++ b/utils_nlp/dataset/harvardnlp_cnndm.py @@ -0,0 +1,51 @@ +import nltk +nltk.download('punkt') + +from nltk import tokenize +import torch +import sys +sys.path.insert(0, '../src') +from others.utils import clean +from multiprocess import Pool + +import regex as re +def preprocess(param): + sentences, preprocess_pipeline, word_tokenize = param + for function in preprocess_pipeline: + sentences = function(sentences) + return [word_tokenize(sentence) for sentence in sentences] + + +def harvardnlp_cnndm_preprocess(n_cpus, source_file, target_file): + def _remove_ttags(line): + line = re.sub(r'', '', line) + line = re.sub(r'', '', line) + return line + + def _cnndm_target_sentence_tokenization(line): + + return line.split("") + src_list = [] + with open(source_file, 'r') as fd: + for line in fd: + src_list.append((line, [tokenize.sent_tokenize], nltk.word_tokenize)) + pool = Pool(n_cpus) + tokenized_src_data = pool.map(preprocess, src_list, int(len(src_list)/n_cpus)) + pool.close() + pool.join() + + tgt_list = [] + with open(target_file, 'r') as fd: + for line in fd: + tgt_list.append((line, [clean, _remove_ttags, _cnndm_target_sentence_tokenization], nltk.word_tokenize)) + + pool = Pool(n_cpus) + tokenized_tgt_data = pool.map(preprocess, tgt_list, int(len(tgt_list)/n_cpus)) + pool.close() + pool.join() + + jobs=[] + for (src, summary) in zip(tokenized_src_data, tokenized_tgt_data): + jobs.append({'src': src, "tgt": summary}) + + return jobs diff --git a/utils_nlp/eval/evaluate_summerization.py b/utils_nlp/eval/evaluate_summerization.py new file mode 100644 index 000000000..a9e076366 --- /dev/null +++ b/utils_nlp/eval/evaluate_summerization.py @@ -0,0 +1,19 @@ +import os +from random import random, seed +from others.utils import test_rouge + +def get_rouge(predictions, targets, temp_dir): + def _write_list_to_file(list_items, filename): + with open(filename, 'w') as filehandle: + #for cnt, line in enumerate(filehandle): + for item in list_items: + filehandle.write('%s\n' % item) + seed(42) + random_number = random() + candidate_path = os.path.join(temp_dir, "candidate"+str(random_number)) + gold_path = os.path.join(temp_dir, "gold"+str(random_number)) + _write_list_to_file(predictions, candidate_path) + _write_list_to_file(targets, gold_path) + rouge = test_rouge(temp_dir, candidate_path, gold_path) + return rouge + diff --git a/utils_nlp/models/bert/extractive_text_summerization.py b/utils_nlp/models/bert/extractive_text_summerization.py new file mode 100644 index 000000000..7f4c61c88 --- /dev/null +++ b/utils_nlp/models/bert/extractive_text_summerization.py @@ -0,0 +1,209 @@ +from bertsum_config import args + +from pytorch_pretrained_bert import BertConfig + +from models.model_builder import Summarizer +from models import model_builder, data_loader +from others.logging import logger, init_logger +from train import model_flags +from models.trainer import build_trainer + +from cached_property import cached_property +import torch +import random +from prepro.data_builder import greedy_selection, combination_selection +import gc + + +class Bunch(object): + def __init__(self, adict): + self.__dict__.update(adict) + +default_parameters = {"accum_count": 1, "batch_size": 3000, "beta1": 0.9, "beta2": 0.999, "block_trigram": true, "decay_method": "noam", "dropout": 0.1, "encoder": "baseline", "ff_size": 512, "gpu_ranks": "0123", "heads": 4, "hidden_size": 128, "inter_layers": 2, "lr": 0.002, "max_grad_norm": 0, "max_nsents": 100, "max_src_ntokens": 200, "min_nsents": 3, "min_src_ntokens": 10, "optim": "adam", "oracle_mode": "combination", "param_init": 0.0, "param_init_glorot": true, "recall_eval": false, "report_every": 50, "report_rouge": true, "rnn_size": 512, "save_checkpoint_steps": 500, "seed": 666, "temp_dir": "./temp", "test_all": false, "test_from": "", "train_from": "", "use_interval": true, "visible_gpus": "0", "warmup_steps": 10000, "world_size": 1} + +def bertsum_formatting(n_cpus, bertdata, oracle_mode, jobs, output_file): + params = [] + for i in jobs: + params.append((oracle_mode, bertdata, i)) + pool = Pool(n_cpus) + bert_data = pool.map(modified_format_to_bert, params, int(len(params)/n_cpus)) + pool.close() + pool.join() + filtered_bert_data = [] + for i in bert_data: + if i is not None: + filtered_bert_data.append(i) + torch.save(filtered_bert_data, output_file) + + + +def modified_format_to_bert(param): + oracle_mode, bert, data = param + #return data + source, tgt = data['src'], data['tgt'] + if (oracle_mode == 'greedy'): + oracle_ids = greedy_selection(source, tgt, 3) + elif (oracle_mode == 'combination'): + oracle_ids = combination_selection(source, tgt, 3) + b_data = bert.preprocess(source, tgt, oracle_ids) + if (b_data is None): + return None + indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data + b_data_dict = {"src": indexed_tokens, "labels": labels, "segs": segments_ids, 'clss': cls_ids, + 'src_txt': src_txt, "tgt_txt": tgt_txt} + return b_data_dict + gc.collect() + + +class BertSumExtractiveSummarizer: + """BERT-based Extractive Summarization --BertSum""" + + + def __init__(self, language="english", + mode = "train", + encoder="baseline", + model_path = "./models/baseline", + log_file = "./logs/baseline", + temp_dir = './temp', + bert_config_path="./bert_config_uncased_base.json", + device_id=0, + work_size=1, + gpu_ranks="1" + ): + """Initializes the classifier and the underlying pretrained model. + Args: + language (Language, optional): The pretrained model's language. + Defaults to Language.ENGLISH. + num_labels (int, optional): The number of unique labels in the + training data. Defaults to 2. + cache_dir (str, optional): Location of BERT's cache directory. + Defaults to ".". + """ + def __map_gpu_ranks(gpu_ranks): + gpu_ranks_list=gpu_ranks.split(',') + print(gpu_ranks_list) + gpu_ranks_map = {} + for i, rank in enumerate(gpu_ranks_list): + gpu_ranks_map[int(rank)]=i + return gpu_ranks_map + + + # copy all the arguments from the input argument + self.args = Bunch(default_parameters) + self.args.seed = 42 + self.args.mode = mode + self.args.encoder = encoder + self.args.model_path = model_path + self.args.log_file = log_file + self.args.temp_dir = temp_dir + self.args.bert_config_path=bert_config_path + self.args.worls_size = 1 + self.args.gpu_ranks = gpu_ranks + self.args.gpu_ranks_map = __map_gpu_ranks(self.args.gpu_ranks) + print(self.args.gpu_ranks_map) + + init_logger(args.log_file) + + self.has_cuda = self.cuda + self.device = torch.device("cuda:{}".format(device_id)) + #"cpu" if not self.has_cuda else "cuda" + + torch.manual_seed(self.args.seed) + random.seed(self.args.seed) + torch.backends.cudnn.deterministic = True + # placeholder for the model + self.model = None + + @cached_property + def cuda(self): + """ cache the output of torch.cuda.is_available() """ + + self.has_cuda = torch.cuda.is_available() + return self.has_cuda + + + def fit(self, device_id, train_file_list, train_steps=5000, train_from='', batch_size=3000, + warmup_proportion=0.2, decay_method='noam', lr=0.002,accum_count=2): + if device_id not in self.args.gpu_ranks_map.keys(): + print(error) + device = None + logger.info('Device ID %d' % device_id) + if device_id >= 0: + torch.cuda.set_device(device_id) + torch.cuda.manual_seed(self.args.seed) + device = torch.device("cuda:{}".format(device_id)) + + self.args.decay_method=decay_method + self.args.lr=lr + self.args.train_from = train_from + self.args.batch_size = batch_size + self.args.warmup_steps = int(warmup_proportion*train_steps) + self.args.accum_count= accum_count + print(self.args.__dict__) + + self.model = Summarizer(self.args, self.device, load_pretrained_bert=True) + + + if train_from != '': + logger.info('Loading checkpoint from %s' % args.train_from) + checkpoint = torch.load(train_from, + map_location=lambda storage, loc: storage) + opt = vars(checkpoint['opt']) + for k in opt.keys(): + if (k in model_flags): + setattr(self.args, k, opt[k]) + self.model.load_cp(checkpoint) + optim = model_builder.build_optim(self.args, self.model, checkpoint) + else: + optim = model_builder.build_optim(self.args, self.model, None) + + logger.info(self.model) + + def get_dataset(file_list): + random.shuffle(file_list) + for file in file_list: + yield torch.load(file) + + + def train_iter_fct(): + return data_loader.Dataloader(self.args, get_dataset(train_file_list), batch_size, self.device, + shuffle=True, is_test=False) + + + + trainer = build_trainer(self.args, device_id, self.model, optim) + trainer.train(train_iter_fct, train_steps) + + def predict(self, device_id, data_iter, sentence_seperator='', test_from='', cal_lead=False): + ## until a fix comes in + #if self.args.world_size=1 or len(self.args.gpu_ranks.split(",")==1): + # device_id = 0 + + logger.info('Device ID %d' % device_id) + device = None + if device_id >= 0: + torch.cuda.set_device(device_id) + torch.cuda.manual_seed(self.args.seed) + device = torch.device("cuda:{}".format(device_id)) + + if self.model is None and test_from == '': + raise Exception("Need to train or specify the model for testing") + if test_from != '': + logger.info('Loading checkpoint from %s' % test_from) + checkpoint = torch.load(test_from, map_location=lambda storage, loc: storage) + opt = vars(checkpoint['opt']) + for k in opt.keys(): + if (k in model_flags): + setattr(self.args, k, opt[k]) + + config = BertConfig.from_json_file(self.args.bert_config_path) + self.model = Summarizer(self.args, device, load_pretrained_bert=False, bert_config=config) + self.model.load_cp(checkpoint) + else: + #model = self.model + self.model.eval() + self.model.eval() + + trainer = build_trainer(self.args, device_id, self.model, None) + return trainer.predict(data_iter, sentence_seperator, cal_lead) + From 2ce2c2ba510fbcf92757d170a512f3d84ea6ae1a Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Thu, 3 Oct 2019 21:49:30 +0000 Subject: [PATCH 002/167] rename file --- ...ive_text_summerization.py => extractive_text_summarization.py} | 0 1 file changed, 0 insertions(+), 0 deletions(-) rename utils_nlp/models/bert/{extractive_text_summerization.py => extractive_text_summarization.py} (100%) diff --git a/utils_nlp/models/bert/extractive_text_summerization.py b/utils_nlp/models/bert/extractive_text_summarization.py similarity index 100% rename from utils_nlp/models/bert/extractive_text_summerization.py rename to utils_nlp/models/bert/extractive_text_summarization.py From 6ff65fd2591d8f70926f52848368bf9b65c00b35 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Mon, 7 Oct 2019 01:53:20 +0000 Subject: [PATCH 003/167] add stanfordnlp preprocessing functions --- utils_nlp/dataset/harvardnlp_cnndm.py | 14 +++--- ...erization.py => evaluate_summarization.py} | 0 .../bert/extractive_text_summarization.py | 43 ++++++++++++++++--- 3 files changed, 45 insertions(+), 12 deletions(-) rename utils_nlp/eval/{evaluate_summerization.py => evaluate_summarization.py} (100%) diff --git a/utils_nlp/dataset/harvardnlp_cnndm.py b/utils_nlp/dataset/harvardnlp_cnndm.py index 4971048c7..f38e9ab62 100644 --- a/utils_nlp/dataset/harvardnlp_cnndm.py +++ b/utils_nlp/dataset/harvardnlp_cnndm.py @@ -16,21 +16,23 @@ def preprocess(param): return [word_tokenize(sentence) for sentence in sentences] -def harvardnlp_cnndm_preprocess(n_cpus, source_file, target_file): +def harvardnlp_cnndm_preprocess(n_cpus, source_file, target_file, top_n=-1): def _remove_ttags(line): line = re.sub(r'', '', line) - line = re.sub(r'', '', line) + # change to + # pyrouge test requires as sentence splitter + line = re.sub(r'', '', line) return line def _cnndm_target_sentence_tokenization(line): + return line.split("") - return line.split("") src_list = [] with open(source_file, 'r') as fd: for line in fd: - src_list.append((line, [tokenize.sent_tokenize], nltk.word_tokenize)) + src_list.append((line, [clean, tokenize.sent_tokenize], nltk.word_tokenize)) pool = Pool(n_cpus) - tokenized_src_data = pool.map(preprocess, src_list, int(len(src_list)/n_cpus)) + tokenized_src_data = pool.map(preprocess, src_list[0:top_n], int(len(src_list[0:top_n])/n_cpus)) pool.close() pool.join() @@ -40,7 +42,7 @@ def _cnndm_target_sentence_tokenization(line): tgt_list.append((line, [clean, _remove_ttags, _cnndm_target_sentence_tokenization], nltk.word_tokenize)) pool = Pool(n_cpus) - tokenized_tgt_data = pool.map(preprocess, tgt_list, int(len(tgt_list)/n_cpus)) + tokenized_tgt_data = pool.map(preprocess, tgt_list[0:top_n], int(len(tgt_list[0:top_n])/n_cpus)) pool.close() pool.join() diff --git a/utils_nlp/eval/evaluate_summerization.py b/utils_nlp/eval/evaluate_summarization.py similarity index 100% rename from utils_nlp/eval/evaluate_summerization.py rename to utils_nlp/eval/evaluate_summarization.py diff --git a/utils_nlp/models/bert/extractive_text_summarization.py b/utils_nlp/models/bert/extractive_text_summarization.py index 7f4c61c88..6d837ebb7 100644 --- a/utils_nlp/models/bert/extractive_text_summarization.py +++ b/utils_nlp/models/bert/extractive_text_summarization.py @@ -1,5 +1,3 @@ -from bertsum_config import args - from pytorch_pretrained_bert import BertConfig from models.model_builder import Summarizer @@ -7,19 +5,54 @@ from others.logging import logger, init_logger from train import model_flags from models.trainer import build_trainer +from prepro.data_builder import BertData from cached_property import cached_property import torch import random from prepro.data_builder import greedy_selection, combination_selection import gc +from multiprocessing import Pool class Bunch(object): def __init__(self, adict): self.__dict__.update(adict) -default_parameters = {"accum_count": 1, "batch_size": 3000, "beta1": 0.9, "beta2": 0.999, "block_trigram": true, "decay_method": "noam", "dropout": 0.1, "encoder": "baseline", "ff_size": 512, "gpu_ranks": "0123", "heads": 4, "hidden_size": 128, "inter_layers": 2, "lr": 0.002, "max_grad_norm": 0, "max_nsents": 100, "max_src_ntokens": 200, "min_nsents": 3, "min_src_ntokens": 10, "optim": "adam", "oracle_mode": "combination", "param_init": 0.0, "param_init_glorot": true, "recall_eval": false, "report_every": 50, "report_rouge": true, "rnn_size": 512, "save_checkpoint_steps": 500, "seed": 666, "temp_dir": "./temp", "test_all": false, "test_from": "", "train_from": "", "use_interval": true, "visible_gpus": "0", "warmup_steps": 10000, "world_size": 1} +default_parameters = {"accum_count": 1, "batch_size": 3000, "beta1": 0.9, "beta2": 0.999, "block_trigram": True, "decay_method": "noam", "dropout": 0.1, "encoder": "baseline", "ff_size": 512, "gpu_ranks": "0123", "heads": 4, "hidden_size": 128, "inter_layers": 2, "lr": 0.002, "max_grad_norm": 0, "max_nsents": 100, "max_src_ntokens": 200, "min_nsents": 3, "min_src_ntokens": 10, "optim": "adam", "oracle_mode": "combination", "param_init": 0.0, "param_init_glorot": True, "recall_eval": False, "report_every": 50, "report_rouge": True, "rnn_size": 512, "save_checkpoint_steps": 500, "seed": 666, "temp_dir": "./temp", "test_all": False, "test_from": "", "train_from": "", "use_interval": True, "visible_gpus": "0", "warmup_steps": 10000, "world_size": 1} + +default_preprocessing_parameters = {"max_nsents": 100, "max_src_ntokens": 200, "min_nsents": 3, "min_src_ntokens": 10, "use_interval": True} + +def preprocess(client, source, target): + pre_source = tokenize_to_list(source, client) + pre_target = tokenize_to_list(target, client) + return bertify(pre_source, pre_target) + +def tokenize_to_list(client, input_text): + annotation = client.annotate(input_text) + sentences = annotation.sentence + tokens_list = [] + for sentence in sentences: + tokens = [] + for token in sentence.token: + tokens.append(token.originalText) + tokens_list.append(tokens) + return tokens_list + +def bertify(source, target=None, oracle_mode='combination', selection=3): + if target: + oracle_ids = combination_selection(source, target, selection) + b_data = bertdata.preprocess(source, target, oracle_ids) + else: + b_data = bertdata.preprocess(source, None, None) + if b_data is None: + return None + indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data + b_data_dict = {"src": indexed_tokens, "labels": labels, "segs": segments_ids, 'clss': cls_ids, + 'src_txt': src_txt, "tgt_txt": tgt_txt} + return b_data_dict + #gc.collect() + def bertsum_formatting(n_cpus, bertdata, oracle_mode, jobs, output_file): params = [] @@ -35,8 +68,6 @@ def bertsum_formatting(n_cpus, bertdata, oracle_mode, jobs, output_file): filtered_bert_data.append(i) torch.save(filtered_bert_data, output_file) - - def modified_format_to_bert(param): oracle_mode, bert, data = param #return data @@ -102,7 +133,7 @@ def __map_gpu_ranks(gpu_ranks): self.args.gpu_ranks_map = __map_gpu_ranks(self.args.gpu_ranks) print(self.args.gpu_ranks_map) - init_logger(args.log_file) + init_logger(self.args.log_file) self.has_cuda = self.cuda self.device = torch.device("cuda:{}".format(device_id)) From 31f2c48555d9a42d8b33bcdfa5e0235faf8c7304 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Mon, 7 Oct 2019 03:34:17 +0000 Subject: [PATCH 004/167] add notebook --- .../text_summarization/bertsum_cnndm.ipynb | 2052 ++++++++++------- .../bert/extractive_text_summarization.py | 2 +- 2 files changed, 1187 insertions(+), 867 deletions(-) diff --git a/examples/text_summarization/bertsum_cnndm.ipynb b/examples/text_summarization/bertsum_cnndm.ipynb index 041c328d6..140aed186 100644 --- a/examples/text_summarization/bertsum_cnndm.ipynb +++ b/examples/text_summarization/bertsum_cnndm.ipynb @@ -1,17 +1,56 @@ { "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Copyright (c) Microsoft Corporation. All rights reserved.\n", + "\n", + "Licensed under the MIT License." + ] + }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Extractive Text Summerization on CNN/DM Dataset using BertSum\n", "\n", + "\n", "### Summary\n", "\n", "This notebook demonstrates how to fine tune BERT for extractive text summerization. Utility functions and classes in the NLP Best Practices repo are used to facilitate data preprocessing, model training, model scoring, result postprocessing, and model evaluation.\n", "\n", - "BertSum refers to [Fine-tune BERT for Extractive Summarization](https://arxiv.org/pdf/1903.10318.pdf) with [published example](https://github.com/nlpyang/BertSum/)\n", - "\n" + "BertSum refers to [Fine-tune BERT for Extractive Summarization (https://arxiv.org/pdf/1903.10318.pdf) with [published example](https://github.com/nlpyang/BertSum/). Extractive summarization are usually used in document summarization where each input document consists of mutiple sentences. The preprocessing of the input training data involves assigning label 0 or 1 to the document sentences based on the give summary. The summarization problem is also simplfied to classifying whether each document sentence should be included in the summary. \n", + "\n", + "The figure below illustrates how BERTSum can be fine tuned for extractive summarization task. Each sentence is inserted with [CLS] token at the beginning and [SEP] at the end. Interval segment embedding and positional embedding are added upon the token embedding before input the BERT model. The [CLS] token representation is used as sentence embedding and only the [CLS] tokens are used as input for the summarization model. The summarization layer predicts whether the probability of each each sentence token should be included in the summary or not. Techniques like trigram blocking can be used to improve model accuarcy. \n", + "\n", + "\n", + "\n", + "\n", + "### Before You Start\n", + "\n", + "The running time shown in this notebook is on a Standard_NC24s_v3 Azure Deep Learning Virtual Machine with 4 NVIDIA Tesla V100 GPUs. \n", + "> **Tip**: If you want to run through the notebook quickly, you can set the **`QUICK_RUN`** flag in the cell below to **`True`** to run the notebook on a small subset of the data and a smaller number of epochs. \n", + "\n", + "The table below provides some reference running time on different machine configurations. \n", + "\n", + "|QUICK_RUN|Machine Configurations|Running time|\n", + "|:---------|:----------------------|:------------|\n", + "|True|1 NVIDIA Tesla K80 GPUs, 12GB GPU memory| ~ ? minutes |\n", + "|False|4 NVIDIA Tesla V100 GPUs, 64GB GPU memory| ~ ? hours|\n" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "## Set QUICK_RUN = True to run the notebook on a small subset of data and a smaller number of epochs.\n", + "QUICK_RUN = True\n", + "USE_PREPROCESSED_DARA = False\n", + "if not USE_PREPROCESSED_DARA:\n", + " BERT_DATA_PATH=\"/dadendev/BertSum/bert_data/\"" ] }, { @@ -23,9 +62,33 @@ "Before we start the notebook, we should set the environment variable to make sure you can access the GPUs on your machine" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "First you need to clone a modified version of BertSum so that it works for prediction cases and can run on any GPU device ID on your machine" + ] + }, { "cell_type": "code", - "execution_count": 1, + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "fatal: destination path 'BertSum' already exists and is not an empty directory.\r\n" + ] + } + ], + "source": [ + "!git clone https://github.com/daden-ms/BertSum.git" + ] + }, + { + "cell_type": "code", + "execution_count": 4, "metadata": {}, "outputs": [], "source": [ @@ -34,29 +97,110 @@ "os.environ[\"CUDA_VISIBLE_DEVICES\"]=\"0,1,2,3\"" ] }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "import sys\n", + "nlp_path = os.path.abspath('../../')\n", + "if nlp_path not in sys.path:\n", + " sys.path.insert(0, nlp_path)\n", + " \n", + "sys.path.insert(0, './BertSum/src')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Also, we need to install the dependencies for pyrouge." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# dependencies for ROUGE-1.5.5.pl\n", + "!sudo apt-get update\n", + "!sudo apt-get install expat\n", + "!sudo apt-get install libexpat-dev -y" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Run the following command in your terminal\n", + "1. sudo cpan install XML::Parser\n", + "1. sudo cpan install XML::Parser::PerlSAX\n", + "1. sudo cpan install XML::DOM\n", + "\n", + "Also you need to set up file2rouge\n" + ] + }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Data Preprossing\n", "\n", - "The CNN/DM dataset we used can be downloaded from https://github.com/harvardnlp/sent-summary. The following notebook assumes the dataset has been unzipped to folder ./harvardnl_cnndm" + "The dataset we used for this notebook is CNN/DM dataset which contains the documents and accompanying questions from the news articles of CNN and Daily mail. The highlights in each article are used as summary. The dataset consits of ~289K training examples, ~11K valiation and ~11K test dataset. You can choose to use the preprocessed version at [BERTSum published example](https://github.com/nlpyang/BertSum/) or use the following section to preprocess the data. Since it takes up to 28 hours to preprocess the training data to run on 10 Intel(R) Xeon(R) CPU E5-2690 v3 @ 2.60GHz, if you choose to run the preprocessing, we suggest you run with QUICKRUN set as True.\n", + "\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "If you choose to use preprocessed data, continue to section #Model training.\n", + "To continue with the data preprocessing, run the following command to download from https://github.com/harvardnlp/sent-summary and unzip the data to folder ./harvardnlp_cnndm" ] }, { "cell_type": "code", - "execution_count": 2, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "import sys\n", - "sys.path.insert(0, '/dadendev/BertSum/src')\n", - "sys.path.insert(0, '/dadendev/textsum//wrapper')" + "!wget https://s3.amazonaws.com/opennmt-models/Summary/cnndm.tar.gz &&\\\n", + " mkdir -p harvardnlp_cnndm &&\\\n", + " mv cnndm.tar.gz ./harvardnlp_cnndm && cd ./harvardnlp_cnndm &&\\\n", + " tar -xvf cnndm.tar.gz " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Details of Data Preprocessing\n", + "\n", + "The purpose of preprocessing is to process the input articles to the format that BertSum takes. Functions defined specific in harvardnlp_cnndm_preprocess function are unique to CNN/DM dataset that's processed by harvardnlp. However, it provides a skeleton of how to preprocessing data into the format that BertSum takes. Assuming you have all articles and target summery each in a file, line-breaker seperated, the steps to preprocess the data are:\n", + "1. sentence tokenization\n", + "2. word tokenization\n", + "3. label the sentences in the article with 1 meaning the sentence is selected and 0 meaning the sentence is not selected. The options for the selection algorithms are \"greedy\" and \"combination\"\n", + "3. convert each example to BertSum format\n", + " - filter the sentences in the example based on the min_src_ntokens argument. If the lefted total sentence number is less than min_nsents, the example is discarded.\n", + " - truncate the sentences in the example if the length is greater than max_src_ntokens\n", + " - truncate the sentences in the example and the labels if the totle number of sentences is greater than max_nsents\n", + " - [CLS] and [SEP] are inserted before and after each sentence\n", + " - wordPiece tokenization\n", + " - truncate the example to 512 tokens\n", + " - convert the tokens into token indices corresponding to the BERT tokenizer's vocabulary.\n", + " - segment ids are generated\n", + " - [CLS] token positions are logged\n", + " - [CLS] token labels are truncated if it's greater than 512, which is the maximum input length that can be taken by the BERT model.\n", + " \n", + " \n", + "Note that the original BERTSum paper use Stanford CoreNLP for data proprocessing, here we'll first how to use NLTK version, and then we also provide instruction of how to set up Stanford NLP and code examples of how to use Standford CoreNLP. " ] }, { "cell_type": "code", - "execution_count": 3, + "execution_count": 5, "metadata": { "scrolled": true }, @@ -71,79 +215,137 @@ } ], "source": [ - "from data_preprocessing import harvardnlp_cnndm_preprocess, bertsum_formatting" + "from utils_nlp.dataset.harvardnlp_cnndm import harvardnlp_cnndm_preprocess\n", + "from utils_nlp.models.bert.extractive_text_summarization import bertsum_formatting" ] }, { - "cell_type": "markdown", + "cell_type": "code", + "execution_count": 6, "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 3 µs, sys: 1 µs, total: 4 µs\n", + "Wall time: 6.68 µs\n" + ] + } + ], "source": [ - "Functions defined specific in harvardnlp_cnndm_preprocess function are unique to CNN/DM dataset that's processed by harvardnlp. However, it provides a skeleton of how to preprocessing data into the format that BertSum takes. Assuming you have all articles and target summery each in a file, line seperated, the steps to preprocess the data are:\n", - "1. sentence tokenization\n", - "2. word tokenization\n", - "3. format to bertdata\n", - " - use algorithms to label the sentences in the article with 1 meaning the sentence is selected\n", - " 2. [CLS] and [SEP] are inserted before and after each sentence\n", - " 3. segment ids are inserted\n", - " 4. [CLS] token position are logged\n" + "%%time\n", + "max_train_job_number = -1\n", + "max_test_job_number = -1\n", + "if QUICK_RUN:\n", + " max_train_job_number = 100\n", + " max_test_job_number = 10" ] }, { "cell_type": "code", - "execution_count": 35, + "execution_count": 7, "metadata": {}, "outputs": [], "source": [ - "QUICK_RUN = True\n", - "max_job_number = -1\n", - "#if QUICK_RUN:\n", - "# max_job_number = 100" + "output_file = f\"./harvardnlp_cnndm/test.bertdata_{QUICK_RUN}\" " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Preprocess training data" ] }, { "cell_type": "code", - "execution_count": 43, + "execution_count": 14, "metadata": {}, "outputs": [ { - "name": "stderr", + "name": "stdout", "output_type": "stream", "text": [ - "[2019-10-03 13:53:40,310 INFO] loading vocabulary file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at /home/daden/.pytorch_pretrained_bert/26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + "total length of training data: 100\n", + "CPU times: user 3.14 s, sys: 1.63 s, total: 4.77 s\n", + "Wall time: 41.1 s\n" ] - }, + } + ], + "source": [ + "%%time\n", + "TRAIN_SRC_FILE = \"./harvardnlp_cnndm/train.txt.src\"\n", + "TRAIN_TGT_FILE = \"./harvardnlp_cnndm/train.txt.tgt.tagged\"\n", + "PROCESSED_TRAIN_FILE = f\"./harvardnlp_cnndm/train.bertdata_{QUICK_RUN}\" \n", + "import multiprocessing\n", + "n_cpus = multiprocessing.cpu_count() - 1\n", + "jobs = harvardnlp_cnndm_preprocess(n_cpus, TRAIN_SRC_FILE, TRAIN_TGT_FILE, max_train_job_number)\n", + "print(\"total length of training data:\", len(jobs))\n", + "from prepro.data_builder import BertData\n", + "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", + "default_preprocessing_parameters = {\"max_nsents\": 200, \"max_src_ntokens\": 2000, \"min_nsents\": 3, \"min_src_ntokens\": 5, \"use_interval\": True}\n", + "args=Bunch(default_preprocessing_parameters)\n", + "bertdata = BertData(args)\n", + "bertsum_formatting(n_cpus, bertdata,\"combination\", jobs[0:max_train_job_number], PROCESSED_TRAIN_FILE)\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Preprocess test data" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "total length of training data: 11490\n" + "total length of training data: 10\n", + "CPU times: user 2.9 s, sys: 1.59 s, total: 4.49 s\n", + "Wall time: 5.12 s\n" ] } ], "source": [ - "train_src_file = \"./harvardnlp_cnndm/test.txt.src\"\n", - "train_tgt_file = \"./harvardnlp_cnndm/test.txt.tgt.tagged\"\n", + "%%time\n", + "TEST_SRC_FILE = \"./harvardnlp_cnndm/test.txt.src\"\n", + "TEST_TGT_FILE = \"./harvardnlp_cnndm/test.txt.tgt.tagged\"\n", + "PROCESSED_TEST_FILE = f\"./harvardnlp_cnndm/test.bertdata_{QUICK_RUN}\" \n", "import multiprocessing\n", "n_cpus = multiprocessing.cpu_count() - 1\n", - "jobs = harvardnlp_cnndm_preprocess(n_cpus, train_src_file, train_tgt_file)\n", + "jobs = harvardnlp_cnndm_preprocess(n_cpus, TRAIN_SRC_FILE, TRAIN_TGT_FILE, max_test_job_number)\n", "print(\"total length of training data:\", len(jobs))\n", "from prepro.data_builder import BertData\n", - "from bertsum_config import args\n", - "output_file = \"./harvardnlp_cnndm/test.bertdata\"\n", + "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", + "default_preprocessing_parameters = {\"max_nsents\": 200, \"max_src_ntokens\": 2000, \"min_nsents\": 3, \"min_src_ntokens\": 5, \"use_interval\": True}\n", + "args=Bunch(default_preprocessing_parameters)\n", "bertdata = BertData(args)\n", - "bertsum_formatting(n_cpus, bertdata,\"combination\", jobs[0:max_job_number], output_file)" + "bertsum_formatting(n_cpus, bertdata,\"combination\", jobs[0:max_test_job_number], PROCESSED_TEST_FILE)\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Inspect the data" ] }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 16, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "287085\n" + "100\n" ] }, { @@ -152,91 +354,581 @@ "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" ] }, - "execution_count": 6, + "execution_count": 16, "metadata": {}, "output_type": "execute_result" } ], "source": [ "import torch\n", - "bert_format_data = torch.load(\"./bert_train_data_all_none_excluded\")\n", + "bert_format_data = torch.load(PROCESSED_TRAIN_FILE)\n", "print(len(bert_format_data))\n", - "bert_format_data[0].keys()" + "bert_format_data[0].keys()\n" ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 17, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "\"mentally ill inmates in miami are housed on the `` forgotten floor `` judge steven leifman says most are there as a result of `` avoidable felonies `` while cnn tours facility , patient shouts : `` i am the son of the president `` leifman says the system is unjust and he 's fighting for change .\"" + "[101,\n", + " 3559,\n", + " 1005,\n", + " 1055,\n", + " 3602,\n", + " 1024,\n", + " 1999,\n", + " 2256,\n", + " 2369,\n", + " 1996,\n", + " 5019,\n", + " 2186,\n", + " 1010,\n", + " 13229,\n", + " 11370,\n", + " 2015,\n", + " 3745,\n", + " 2037,\n", + " 6322,\n", + " 1999,\n", + " 5266,\n", + " 2739,\n", + " 1998,\n", + " 17908,\n", + " 1996,\n", + " 3441,\n", + " 2369,\n", + " 1996,\n", + " 2824,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2182,\n", + " 1010,\n", + " 7082,\n", + " 14697,\n", + " 1051,\n", + " 1005,\n", + " 9848,\n", + " 3138,\n", + " 5198,\n", + " 2503,\n", + " 1037,\n", + " 7173,\n", + " 2073,\n", + " 2116,\n", + " 1997,\n", + " 1996,\n", + " 13187,\n", + " 2024,\n", + " 10597,\n", + " 5665,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2019,\n", + " 24467,\n", + " 7431,\n", + " 2006,\n", + " 1996,\n", + " 1036,\n", + " 1036,\n", + " 6404,\n", + " 2723,\n", + " 1010,\n", + " 1036,\n", + " 1036,\n", + " 2073,\n", + " 2116,\n", + " 10597,\n", + " 5665,\n", + " 13187,\n", + " 2024,\n", + " 7431,\n", + " 1999,\n", + " 5631,\n", + " 2077,\n", + " 3979,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 5631,\n", + " 1010,\n", + " 3516,\n", + " 1006,\n", + " 13229,\n", + " 1007,\n", + " 1011,\n", + " 1011,\n", + " 1996,\n", + " 6619,\n", + " 2723,\n", + " 1997,\n", + " 1996,\n", + " 5631,\n", + " 1011,\n", + " 27647,\n", + " 3653,\n", + " 18886,\n", + " 2389,\n", + " 12345,\n", + " 4322,\n", + " 2003,\n", + " 9188,\n", + " 1996,\n", + " 1036,\n", + " 1036,\n", + " 6404,\n", + " 2723,\n", + " 1012,\n", + " 1036,\n", + " 1036,\n", + " 102,\n", + " 101,\n", + " 2182,\n", + " 1010,\n", + " 13187,\n", + " 2007,\n", + " 1996,\n", + " 2087,\n", + " 5729,\n", + " 5177,\n", + " 24757,\n", + " 2024,\n", + " 23995,\n", + " 2127,\n", + " 2027,\n", + " 1005,\n", + " 2128,\n", + " 3201,\n", + " 2000,\n", + " 3711,\n", + " 1999,\n", + " 2457,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2087,\n", + " 2411,\n", + " 1010,\n", + " 2027,\n", + " 2227,\n", + " 4319,\n", + " 5571,\n", + " 2030,\n", + " 5571,\n", + " 1997,\n", + " 6101,\n", + " 2075,\n", + " 2019,\n", + " 2961,\n", + " 1011,\n", + " 1011,\n", + " 5571,\n", + " 2008,\n", + " 3648,\n", + " 7112,\n", + " 26947,\n", + " 16715,\n", + " 2319,\n", + " 2758,\n", + " 2024,\n", + " 2788,\n", + " 1036,\n", + " 1036,\n", + " 4468,\n", + " 3085,\n", + " 10768,\n", + " 7811,\n", + " 3111,\n", + " 1012,\n", + " 1036,\n", + " 1036,\n", + " 102,\n", + " 101,\n", + " 2002,\n", + " 2758,\n", + " 1996,\n", + " 17615,\n", + " 2411,\n", + " 2765,\n", + " 2013,\n", + " 13111,\n", + " 2015,\n", + " 2007,\n", + " 2610,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 10597,\n", + " 5665,\n", + " 2111,\n", + " 2411,\n", + " 24185,\n", + " 1050,\n", + " 1005,\n", + " 1056,\n", + " 2079,\n", + " 2054,\n", + " 2027,\n", + " 1005,\n", + " 2128,\n", + " 2409,\n", + " 2043,\n", + " 2610,\n", + " 7180,\n", + " 2006,\n", + " 1996,\n", + " 3496,\n", + " 1011,\n", + " 1011,\n", + " 13111,\n", + " 3849,\n", + " 2000,\n", + " 4654,\n", + " 10732,\n", + " 28483,\n", + " 2618,\n", + " 2037,\n", + " 7355,\n", + " 1998,\n", + " 2027,\n", + " 2468,\n", + " 2062,\n", + " 19810,\n", + " 1010,\n", + " 3972,\n", + " 14499,\n", + " 2389,\n", + " 1010,\n", + " 1998,\n", + " 2625,\n", + " 3497,\n", + " 2000,\n", + " 3582,\n", + " 7826,\n", + " 1010,\n", + " 2429,\n", + " 2000,\n", + " 26947,\n", + " 16715,\n", + " 2319,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2061,\n", + " 1010,\n", + " 2027,\n", + " 2203,\n", + " 2039,\n", + " 2006,\n", + " 1996,\n", + " 6619,\n", + " 2723,\n", + " 8949,\n", + " 10597,\n", + " 12491,\n", + " 1010,\n", + " 2021,\n", + " 2025,\n", + " 2893,\n", + " 2151,\n", + " 2613,\n", + " 2393,\n", + " 2138,\n", + " 2027,\n", + " 1005,\n", + " 2128,\n", + " 1999,\n", + " 7173,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2057,\n", + " 7255,\n", + " 1996,\n", + " 7173,\n", + " 2007,\n", + " 26947,\n", + " 16715,\n", + " 2319,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2002,\n", + " 2003,\n", + " 2092,\n", + " 2124,\n", + " 1999,\n", + " 5631,\n", + " 2004,\n", + " 2019,\n", + " 8175,\n", + " 2005,\n", + " 3425,\n", + " 1998,\n", + " 1996,\n", + " 10597,\n", + " 5665,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2130,\n", + " 2295,\n", + " 2057,\n", + " 2020,\n", + " 2025,\n", + " 3599,\n", + " 10979,\n", + " 2007,\n", + " 2330,\n", + " 2608,\n", + " 2011,\n", + " 1996,\n", + " 4932,\n", + " 1010,\n", + " 2057,\n", + " 2020,\n", + " 2445,\n", + " 6656,\n", + " 2000,\n", + " 5607,\n", + " 2678,\n", + " 2696,\n", + " 5051,\n", + " 1998,\n", + " 2778,\n", + " 1996,\n", + " 2723,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2175,\n", + " 2503,\n", + " 1996,\n", + " 1036,\n", + " 6404,\n", + " 2723,\n", + " 1005,\n", + " 1036,\n", + " 1036,\n", + " 2012,\n", + " 2034,\n", + " 1010,\n", + " 2009,\n", + " 1005,\n", + " 1055,\n", + " 2524,\n", + " 2000,\n", + " 5646,\n", + " 2073,\n", + " 1996,\n", + " 2111,\n", + " 2024,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 1996,\n", + " 5895,\n", + " 2024,\n", + " 4147,\n", + " 10353,\n", + " 3238,\n", + " 17925,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 5674,\n", + " 6276,\n", + " 8198,\n", + " 2005,\n", + " 2608,\n", + " 1998,\n", + " 2519,\n", + " 1999,\n", + " 1037,\n", + " 3082,\n", + " 12121,\n", + " 5777,\n", + " 4524,\n", + " 1011,\n", + " 1011,\n", + " 2008,\n", + " 1005,\n", + " 1055,\n", + " 2785,\n", + " 1997,\n", + " 2054,\n", + " 2027,\n", + " 2298,\n", + " 2066,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2027,\n", + " 1005,\n", + " 2128,\n", + " 2881,\n", + " 2000,\n", + " 2562,\n", + " 1996,\n", + " 10597,\n", + " 5665,\n", + " 5022,\n", + " 2013,\n", + " 22736,\n", + " 3209,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2008,\n", + " 1005,\n", + " 1055,\n", + " 2036,\n", + " 2339,\n", + " 2027,\n", + " 2031,\n", + " 2053,\n", + " 6007,\n", + " 1010,\n", + " 12922,\n", + " 2015,\n", + " 2030,\n", + " 13342,\n", + " 2229,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 26947,\n", + " 16715,\n", + " 2319,\n", + " 2758,\n", + " 2055,\n", + " 2028,\n", + " 1011,\n", + " 2353,\n", + " 1997,\n", + " 2035,\n", + " 2111,\n", + " 1999,\n", + " 5631,\n", + " 1011,\n", + " 27647,\n", + " 2221,\n", + " 7173,\n", + " 2015,\n", + " 2024,\n", + " 10597,\n", + " 5665,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2061,\n", + " 1010,\n", + " 2002,\n", + " 2758,\n", + " 1010,\n", + " 1996,\n", + " 11591,\n", + " 3872,\n", + " 2003,\n", + " 10827,\n", + " 1996,\n", + " 2291,\n", + " 1010,\n", + " 1998,\n", + " 1996,\n", + " 2765,\n", + " 2003,\n", + " 2054,\n", + " 2057,\n", + " 2156,\n", + " 2006,\n", + " 1996,\n", + " 6619,\n", + " 2723,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 1997,\n", + " 2607,\n", + " 1010,\n", + " 2009,\n", + " 2003,\n", + " 1037,\n", + " 7173,\n", + " 1010,\n", + " 2061,\n", + " 2009,\n", + " 1005,\n", + " 1055,\n", + " 2025,\n", + " 4011,\n", + " 2000,\n", + " 2022,\n", + " 4010,\n", + " 1998,\n", + " 16334,\n", + " 1010,\n", + " 2021,\n", + " 1996,\n", + " 4597,\n", + " 10982,\n", + " 1010,\n", + " 1996,\n", + " 4442,\n", + " 2024,\n", + " 4714,\n", + " 1998,\n", + " 2009,\n", + " 1005,\n", + " 102]" ] }, - "execution_count": 7, + "execution_count": 17, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "bert_format_data[0]['tgt_txt']" + "bert_format_data[0]['src']" ] }, { "cell_type": "code", - "execution_count": 8, - "metadata": { - "scrolled": true - }, + "execution_count": 21, + "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "[0,\n", - " 31,\n", - " 54,\n", - " 80,\n", - " 119,\n", - " 142,\n", - " 180,\n", - " 194,\n", - " 250,\n", - " 278,\n", - " 289,\n", - " 307,\n", - " 337,\n", - " 362,\n", - " 372,\n", - " 399,\n", - " 415,\n", - " 433,\n", - " 457,\n", - " 484]" + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" ] }, - "execution_count": 8, + "execution_count": 21, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "bert_format_data[0]['clss']" + "bert_format_data[0]['tgt_txt']" ] }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 22, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "[0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]" + "[0, 1, 1, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]" ] }, - "execution_count": 9, + "execution_count": 22, "metadata": {}, "output_type": "execute_result" } @@ -247,58 +939,32 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 23, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "[\"editor 's note : in our behind the scenes series , cnn correspondents share their experiences in covering news and analyze the stories behind the events .\",\n", - " \"here , soledad o'brien takes users inside a jail where many of the inmates are mentally ill .\",\n", - " 'an inmate housed on the `` forgotten floor , `` where many mentally ill inmates are housed in miami before trial .',\n", - " 'miami , florida -lrb- cnn -rrb- -- the ninth floor of the miami-dade pretrial detention facility is dubbed the `` forgotten floor . ``',\n", - " \"here , inmates with the most severe mental illnesses are incarcerated until they 're ready to appear in court .\",\n", - " 'most often , they face drug charges or charges of assaulting an officer -- charges that judge steven leifman says are usually `` avoidable felonies . ``',\n", - " 'he says the arrests often result from confrontations with police .',\n", - " \"mentally ill people often wo n't do what they 're told when police arrive on the scene -- confrontation seems to exacerbate their illness and they become more paranoid , delusional , and less likely to follow directions , according to leifman .\",\n", - " \"so , they end up on the ninth floor severely mentally disturbed , but not getting any real help because they 're in jail .\",\n", - " 'we toured the jail with leifman .',\n", - " 'he is well known in miami as an advocate for justice and the mentally ill .',\n", - " 'even though we were not exactly welcomed with open arms by the guards , we were given permission to shoot videotape and tour the floor .',\n", - " \"go inside the ` forgotten floor ' `` at first , it 's hard to determine where the people are .\",\n", - " 'the prisoners are wearing sleeveless robes .',\n", - " \"imagine cutting holes for arms and feet in a heavy wool sleeping bag -- that 's kind of what they look like .\",\n", - " \"they 're designed to keep the mentally ill patients from injuring themselves .\",\n", - " \"that 's also why they have no shoes , laces or mattresses .\",\n", - " 'leifman says about one-third of all people in miami-dade county jails are mentally ill .',\n", - " 'so , he says , the sheer volume is overwhelming the system , and the result is what we see on the ninth floor .',\n", - " \"of course , it is a jail , so it 's not supposed to be warm and comforting , but the lights glare , the cells are tiny and it 's loud .\",\n", - " 'we see two , sometimes three men -- sometimes in the robes , sometimes naked , lying or sitting in their cells .',\n", - " '`` i am the son of the president .',\n", - " 'you need to get me out of here ! ``',\n", - " 'one man shouts at me .',\n", - " 'he is absolutely serious , convinced that help is on the way -- if only he could reach the white house .',\n", - " 'leifman tells me that these prisoner-patients will often circulate through the system , occasionally stabilizing in a mental hospital , only to return to jail to face their charges .',\n", - " \"it 's brutally unjust , in his mind , and he has become a strong advocate for changing things in miami .\",\n", - " 'over a meal later , we talk about how things got this way for mental patients .',\n", - " 'leifman says 200 years ago people were considered `` lunatics `` and they were locked up in jails even if they had no charges against them .',\n", - " 'they were just considered unfit to be in society .',\n", - " 'over the years , he says , there was some public outcry , and the mentally ill were moved out of jails and into hospitals .',\n", - " 'but leifman says many of these mental hospitals were so horrible they were shut down .',\n", - " 'where did the patients go ?',\n", - " 'they became , in many cases , the homeless , he says .',\n", - " 'they never got treatment .',\n", - " 'leifman says in 1955 there were more than half a million people in state mental hospitals , and today that number has been reduced 90 percent , and 40,000 to 50,000 people are in mental hospitals .',\n", - " \"the judge says he 's working to change this .\",\n", - " 'starting in 2008 , many inmates who would otherwise have been brought to the `` forgotten floor `` will instead be sent to a new mental health facility -- the first step on a journey toward long-term treatment , not just punishment .',\n", - " \"leifman says it 's not the complete answer , but it 's a start .\",\n", - " \"leifman says the best part is that it 's a win-win solution .\",\n", - " 'the patients win , the families are relieved , and the state saves money by simply not cycling these prisoners through again and again .',\n", - " 'and , for leifman , justice is served .',\n", - " 'e-mail to a friend .']" + "['a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .',\n", + " 'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .',\n", + " 'he was flown back to chicago via air ambulance on march 20 , but he died on sunday .',\n", + " 'andrew mogni , 20 , from glen ellyn , illinois , a university of iowa student has died nearly three months after a fall in rome in a suspected robbery',\n", + " 'he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .',\n", + " \"he died on sunday at northwestern memorial hospital - medical examiner 's office spokesman frank shuftan says a cause of death wo n't be released until monday at the earliest .\",\n", + " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed .',\n", + " \"on sunday , his cousin abby wrote online : ` this morning my cousin andrew 's soul was lifted up to heaven .\",\n", + " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed',\n", + " '` at the beginning of january he went to rome to study aboard and on the way home from a party he was brutally attacked and thrown off a 40ft bridge and hit the concrete below .',\n", + " \"` he was in a coma and in critical condition for months . '\",\n", + " 'paula barnett , who said she is a close family friend , told my suburban life , that mogni had only been in the country for six hours when the incident happened .',\n", + " 'she said he was was alone at the time of the alleged assault and personal items were stolen .',\n", + " 'she added that he was in a non-medically induced coma , having suffered serious infection and internal bleeding .',\n", + " 'mogni was a third-year finance major from glen ellyn , ill. , who was participating in a semester-long program at john cabot university .',\n", + " \"mogni belonged to the school 's chapter of the sigma nu fraternity , reports the chicago tribune who posted a sign outside a building reading ` pray for mogni . '\",\n", + " \"the fraternity 's iowa chapter announced sunday afternoon via twitter that a memorial service will be held on campus to remember mogni .\"]" ] }, - "execution_count": 10, + "execution_count": 23, "metadata": {}, "output_type": "execute_result" } @@ -312,61 +978,78 @@ "metadata": {}, "source": [ "### Model training\n", - "To start model training, we need to create a instance of BertSumExtractiveSummarizer, a wrapper for running BertSum-based finetuning. You can select any device ID on your machine, but make sure that you include the string version of the device ID in the gpu_ranks argument. Some of the default argument of BertSumExtractiveSummarizer is in bertsum_config file.\n", + "To start model training, we need to create a instance of BertSumExtractiveSummarizer, a wrapper for running BertSum-based finetuning. You can select any device ID on your machine, but make sure that you include the string version of the device ID in the gpu_ranks argument.\n", "\n", "\n" ] }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 20, "metadata": {}, "outputs": [], "source": [ - "from extractive_text_summerization import BertSumExtractiveSummarizer" + "## choose which GPU device to use\n", + "device_id = 1\n", + "gpu_ranks = str(device_id)" ] }, { - "cell_type": "code", - "execution_count": 5, + "cell_type": "markdown", "metadata": {}, - "outputs": [], "source": [ - "device_id = 2\n", - "gpu_ranks = str(device_id)" + "#### Choose the encoder algorithm. There are four options:\n", + "- baseline: it used a smaller transformer model to replace the bert model and with transformer summarization layer\n", + "- classifier: it uses pretrained BERT and fine-tune BERT with **simple logistic classification** summarization layer\n", + "- transformer: it uses pretrained BERT and fine-tune BERT with **transformer** summarization layer\n", + "- RNN: it uses pretrained BERT and fine-tune BERT with **LSTM** summarization layer" ] }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 21, "metadata": {}, "outputs": [], "source": [ + "encoder = 'baseline'\n", "model_base_path = './models/'\n", "log_base_path = './logs/'\n", - "encoder = 'baseline'\n", + "result_base_path = './results'\n", + "\n", + "BERT_CONFIG_PATH = \"/dadendev/nlp/BertSum/bert_config_uncased_base.json\"\n", + "\n", + "import os\n", + "if not os.path.exists(model_base_path):\n", + " os.makedirs(model_base_path)\n", + "if not os.path.exists(log_base_path):\n", + " os.makedirs(log_base_path)\n", + "if not os.path.exists(result_base_path):\n", + " os.makedirs(result_base_path)\n", + " \n", "from random import random\n", "random_number = random()" ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 22, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "['2']\n", - "{2: 0}\n" + "['1']\n", + "{1: 0}\n" ] } ], "source": [ + "from utils_nlp.models.bert.extractive_text_summarization import BertSumExtractiveSummarizer\n", "bertsum_model = BertSumExtractiveSummarizer(encoder = 'baseline', \n", " model_path = model_base_path+encoder+str(random_number),\n", " log_file = log_base_path+encoder+str(random_number),\n", + " bert_config_path=BERT_CONFIG_PATH,\n", " device_id = device_id,\n", " gpu_ranks = gpu_ranks,)" ] @@ -378,393 +1061,40 @@ "Here we use the fully processed CNN/DM dataset to train the model. During the training, you can stop any time and retrain from the previous saved checkpoint." ] }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": {}, + "outputs": [], + "source": [ + "USE_PREPROCESSED_DATA = True" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": {}, + "outputs": [], + "source": [ + "if USE_PREPROCESSED_DATA is True:\n", + " PROCESSED_TRAIN_FILE = './bert_train_data_all_none_excluded'\n", + " training_data_files = [PROCESSED_TRAIN_FILE]\n", + "else: \n", + " BERT_DATA_PATH=\"/dadendev/BertSum/bert_data/\"\n", + " import glob\n", + " pts = sorted(glob.glob(BERT_DATA_PATH + 'cnndm.train' + '.[0-9]*.pt'))\n", + " training_data_files = pts" + ] + }, { "cell_type": "code", "execution_count": null, "metadata": { "scrolled": true }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-03 05:08:36,132 INFO] Device ID 2\n", - "[2019-10-03 05:08:36,136 INFO] loading archive file /dadendev/textsum/temp/bert-base-uncased\n", - "[2019-10-03 05:08:36,137 INFO] Model config {\n", - " \"attention_probs_dropout_prob\": 0.1,\n", - " \"hidden_act\": \"gelu\",\n", - " \"hidden_dropout_prob\": 0.1,\n", - " \"hidden_size\": 768,\n", - " \"initializer_range\": 0.02,\n", - " \"intermediate_size\": 3072,\n", - " \"max_position_embeddings\": 512,\n", - " \"num_attention_heads\": 12,\n", - " \"num_hidden_layers\": 12,\n", - " \"type_vocab_size\": 2,\n", - " \"vocab_size\": 30522\n", - "}\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{'min_nsents': 3, 'max_nsents': 100, 'max_src_ntokens': 200, 'min_src_ntokens': 10, 'oracle_mode': 'combination', 'temp_dir': './temp', 'param_init': 0.0, 'param_init_glorot': True, 'dropout': 0.1, 'optim': 'adam', 'lr': 0.002, 'beta1': 0.9, 'beta2': 0.999, 'decay_method': 'noam', 'max_grad_norm': 0, 'use_interval': True, 'accum_count': 2, 'report_every': 50, 'save_checkpoint_steps': 500, 'batch_size': 3000, 'warmup_steps': 10000, 'block_trigram': True, 'recall_eval': False, 'report_rouge': True, 'encoder': 'baseline', 'hidden_size': 128, 'ff_size': 512, 'heads': 4, 'inter_layers': 2, 'rnn_size': 512, 'world_size': 1, 'visible_gpus': '0', 'gpu_ranks': '2', 'seed': 42, 'test_all': False, 'train_from': '', 'test_from': '', 'mode': 'train', 'model_path': './models/baseline0.7355433644584792', 'log_file': './logs/baseline0.7355433644584792', 'bert_config_path': './bert_config_uncased_base.json', 'worls_size': 1, 'gpu_ranks_map': {2: 0}}\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-03 05:08:38,152 INFO] Summarizer(\n", - " (bert): Bert(\n", - " (model): BertModel(\n", - " (embeddings): BertEmbeddings(\n", - " (word_embeddings): Embedding(30522, 128, padding_idx=0)\n", - " (position_embeddings): Embedding(512, 128)\n", - " (token_type_embeddings): Embedding(2, 128)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " (encoder): BertEncoder(\n", - " (layer): ModuleList(\n", - " (0): BertLayer(\n", - " (attention): BertAttention(\n", - " (self): BertSelfAttention(\n", - " (query): Linear(in_features=128, out_features=128, bias=True)\n", - " (key): Linear(in_features=128, out_features=128, bias=True)\n", - " (value): Linear(in_features=128, out_features=128, bias=True)\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " (output): BertSelfOutput(\n", - " (dense): Linear(in_features=128, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (intermediate): BertIntermediate(\n", - " (dense): Linear(in_features=128, out_features=512, bias=True)\n", - " )\n", - " (output): BertOutput(\n", - " (dense): Linear(in_features=512, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (1): BertLayer(\n", - " (attention): BertAttention(\n", - " (self): BertSelfAttention(\n", - " (query): Linear(in_features=128, out_features=128, bias=True)\n", - " (key): Linear(in_features=128, out_features=128, bias=True)\n", - " (value): Linear(in_features=128, out_features=128, bias=True)\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " (output): BertSelfOutput(\n", - " (dense): Linear(in_features=128, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (intermediate): BertIntermediate(\n", - " (dense): Linear(in_features=128, out_features=512, bias=True)\n", - " )\n", - " (output): BertOutput(\n", - " (dense): Linear(in_features=512, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (2): BertLayer(\n", - " (attention): BertAttention(\n", - " (self): BertSelfAttention(\n", - " (query): Linear(in_features=128, out_features=128, bias=True)\n", - " (key): Linear(in_features=128, out_features=128, bias=True)\n", - " (value): Linear(in_features=128, out_features=128, bias=True)\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " (output): BertSelfOutput(\n", - " (dense): Linear(in_features=128, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (intermediate): BertIntermediate(\n", - " (dense): Linear(in_features=128, out_features=512, bias=True)\n", - " )\n", - " (output): BertOutput(\n", - " (dense): Linear(in_features=512, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (3): BertLayer(\n", - " (attention): BertAttention(\n", - " (self): BertSelfAttention(\n", - " (query): Linear(in_features=128, out_features=128, bias=True)\n", - " (key): Linear(in_features=128, out_features=128, bias=True)\n", - " (value): Linear(in_features=128, out_features=128, bias=True)\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " (output): BertSelfOutput(\n", - " (dense): Linear(in_features=128, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (intermediate): BertIntermediate(\n", - " (dense): Linear(in_features=128, out_features=512, bias=True)\n", - " )\n", - " (output): BertOutput(\n", - " (dense): Linear(in_features=512, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (4): BertLayer(\n", - " (attention): BertAttention(\n", - " (self): BertSelfAttention(\n", - " (query): Linear(in_features=128, out_features=128, bias=True)\n", - " (key): Linear(in_features=128, out_features=128, bias=True)\n", - " (value): Linear(in_features=128, out_features=128, bias=True)\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " (output): BertSelfOutput(\n", - " (dense): Linear(in_features=128, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (intermediate): BertIntermediate(\n", - " (dense): Linear(in_features=128, out_features=512, bias=True)\n", - " )\n", - " (output): BertOutput(\n", - " (dense): Linear(in_features=512, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (5): BertLayer(\n", - " (attention): BertAttention(\n", - " (self): BertSelfAttention(\n", - " (query): Linear(in_features=128, out_features=128, bias=True)\n", - " (key): Linear(in_features=128, out_features=128, bias=True)\n", - " (value): Linear(in_features=128, out_features=128, bias=True)\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " (output): BertSelfOutput(\n", - " (dense): Linear(in_features=128, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (intermediate): BertIntermediate(\n", - " (dense): Linear(in_features=128, out_features=512, bias=True)\n", - " )\n", - " (output): BertOutput(\n", - " (dense): Linear(in_features=512, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " )\n", - " )\n", - " (pooler): BertPooler(\n", - " (dense): Linear(in_features=128, out_features=128, bias=True)\n", - " (activation): Tanh()\n", - " )\n", - " )\n", - " )\n", - " (encoder): Classifier(\n", - " (linear1): Linear(in_features=128, out_features=1, bias=True)\n", - " (sigmoid): Sigmoid()\n", - " )\n", - ")\n", - "[2019-10-03 05:08:38,157 INFO] * number of parameters: 5179137\n", - "[2019-10-03 05:08:38,158 INFO] Start training...\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "device_id 2\n", - "gpu_rank 0\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-03 05:09:21,414 INFO] Step 50/50000; xent: 4.22; lr: 0.0000001; 243 docs/s; 4 sec\n", - "[2019-10-03 05:09:25,293 INFO] Step 100/50000; xent: 4.15; lr: 0.0000002; 257 docs/s; 8 sec\n", - "[2019-10-03 05:09:29,123 INFO] Step 150/50000; xent: 4.15; lr: 0.0000003; 262 docs/s; 12 sec\n", - "[2019-10-03 05:09:32,985 INFO] Step 200/50000; xent: 3.98; lr: 0.0000004; 262 docs/s; 16 sec\n", - "[2019-10-03 05:09:36,827 INFO] Step 250/50000; xent: 3.93; lr: 0.0000005; 261 docs/s; 20 sec\n", - "[2019-10-03 05:09:40,678 INFO] Step 300/50000; xent: 3.90; lr: 0.0000006; 260 docs/s; 23 sec\n", - "[2019-10-03 05:09:44,546 INFO] Step 350/50000; xent: 3.86; lr: 0.0000007; 260 docs/s; 27 sec\n", - "[2019-10-03 05:09:48,368 INFO] Step 400/50000; xent: 3.78; lr: 0.0000008; 264 docs/s; 31 sec\n", - "[2019-10-03 05:09:52,208 INFO] Step 450/50000; xent: 3.81; lr: 0.0000009; 263 docs/s; 35 sec\n", - "[2019-10-03 05:09:56,065 INFO] Step 500/50000; xent: 3.78; lr: 0.0000010; 260 docs/s; 39 sec\n", - "[2019-10-03 05:09:56,068 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_500.pt\n", - "[2019-10-03 05:09:59,995 INFO] Step 550/50000; xent: 3.75; lr: 0.0000011; 257 docs/s; 43 sec\n", - "[2019-10-03 05:10:03,842 INFO] Step 600/50000; xent: 3.86; lr: 0.0000012; 262 docs/s; 47 sec\n", - "[2019-10-03 05:10:07,709 INFO] Step 650/50000; xent: 3.90; lr: 0.0000013; 260 docs/s; 50 sec\n", - "[2019-10-03 05:10:11,557 INFO] Step 700/50000; xent: 3.85; lr: 0.0000014; 258 docs/s; 54 sec\n", - "[2019-10-03 05:10:15,402 INFO] Step 750/50000; xent: 3.80; lr: 0.0000015; 261 docs/s; 58 sec\n", - "[2019-10-03 05:10:19,262 INFO] Step 800/50000; xent: 3.67; lr: 0.0000016; 258 docs/s; 62 sec\n", - "[2019-10-03 05:10:23,152 INFO] Step 850/50000; xent: 3.80; lr: 0.0000017; 258 docs/s; 66 sec\n", - "[2019-10-03 05:10:27,028 INFO] Step 900/50000; xent: 3.62; lr: 0.0000018; 259 docs/s; 70 sec\n", - "[2019-10-03 05:10:30,952 INFO] Step 950/50000; xent: 3.60; lr: 0.0000019; 256 docs/s; 74 sec\n", - "[2019-10-03 05:10:34,807 INFO] Step 1000/50000; xent: 3.72; lr: 0.0000020; 259 docs/s; 78 sec\n", - "[2019-10-03 05:10:34,810 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_1000.pt\n", - "[2019-10-03 05:10:38,752 INFO] Step 1050/50000; xent: 3.71; lr: 0.0000021; 256 docs/s; 81 sec\n", - "[2019-10-03 05:10:42,601 INFO] Step 1100/50000; xent: 3.75; lr: 0.0000022; 259 docs/s; 85 sec\n", - "[2019-10-03 05:10:46,454 INFO] Step 1150/50000; xent: 3.62; lr: 0.0000023; 264 docs/s; 89 sec\n", - "[2019-10-03 05:10:50,300 INFO] Step 1200/50000; xent: 3.65; lr: 0.0000024; 262 docs/s; 93 sec\n", - "[2019-10-03 05:10:54,154 INFO] Step 1250/50000; xent: 3.64; lr: 0.0000025; 258 docs/s; 97 sec\n", - "[2019-10-03 05:10:58,037 INFO] Step 1300/50000; xent: 3.57; lr: 0.0000026; 257 docs/s; 101 sec\n", - "[2019-10-03 05:11:01,903 INFO] Step 1350/50000; xent: 3.69; lr: 0.0000027; 261 docs/s; 105 sec\n", - "[2019-10-03 05:11:05,751 INFO] Step 1400/50000; xent: 3.71; lr: 0.0000028; 257 docs/s; 108 sec\n", - "[2019-10-03 05:11:09,598 INFO] Step 1450/50000; xent: 3.74; lr: 0.0000029; 260 docs/s; 112 sec\n", - "[2019-10-03 05:11:13,456 INFO] Step 1500/50000; xent: 3.68; lr: 0.0000030; 260 docs/s; 116 sec\n", - "[2019-10-03 05:11:13,459 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_1500.pt\n", - "[2019-10-03 05:11:17,396 INFO] Step 1550/50000; xent: 3.65; lr: 0.0000031; 255 docs/s; 120 sec\n", - "[2019-10-03 05:11:21,246 INFO] Step 1600/50000; xent: 3.70; lr: 0.0000032; 262 docs/s; 124 sec\n", - "[2019-10-03 05:11:25,090 INFO] Step 1650/50000; xent: 3.57; lr: 0.0000033; 262 docs/s; 128 sec\n", - "[2019-10-03 05:11:28,940 INFO] Step 1700/50000; xent: 3.57; lr: 0.0000034; 261 docs/s; 132 sec\n", - "[2019-10-03 05:11:32,805 INFO] Step 1750/50000; xent: 3.59; lr: 0.0000035; 258 docs/s; 136 sec\n", - "[2019-10-03 05:11:36,677 INFO] Step 1800/50000; xent: 3.61; lr: 0.0000036; 261 docs/s; 139 sec\n", - "[2019-10-03 05:11:40,549 INFO] Step 1850/50000; xent: 3.57; lr: 0.0000037; 260 docs/s; 143 sec\n", - "[2019-10-03 05:11:44,450 INFO] Step 1900/50000; xent: 3.58; lr: 0.0000038; 260 docs/s; 147 sec\n", - "[2019-10-03 05:11:48,317 INFO] Step 1950/50000; xent: 3.59; lr: 0.0000039; 259 docs/s; 151 sec\n", - "[2019-10-03 05:11:52,169 INFO] Step 2000/50000; xent: 3.56; lr: 0.0000040; 262 docs/s; 155 sec\n", - "[2019-10-03 05:11:52,172 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_2000.pt\n", - "[2019-10-03 05:11:56,126 INFO] Step 2050/50000; xent: 3.50; lr: 0.0000041; 251 docs/s; 159 sec\n", - "[2019-10-03 05:11:59,990 INFO] Step 2100/50000; xent: 3.52; lr: 0.0000042; 262 docs/s; 163 sec\n", - "[2019-10-03 05:12:03,845 INFO] Step 2150/50000; xent: 3.55; lr: 0.0000043; 262 docs/s; 167 sec\n", - "[2019-10-03 05:12:07,690 INFO] Step 2200/50000; xent: 3.51; lr: 0.0000044; 262 docs/s; 170 sec\n", - "[2019-10-03 05:12:11,589 INFO] Step 2250/50000; xent: 3.57; lr: 0.0000045; 256 docs/s; 174 sec\n", - "[2019-10-03 05:12:15,474 INFO] Step 2300/50000; xent: 3.53; lr: 0.0000046; 257 docs/s; 178 sec\n", - "[2019-10-03 05:12:19,331 INFO] Step 2350/50000; xent: 3.58; lr: 0.0000047; 261 docs/s; 182 sec\n", - "[2019-10-03 05:12:23,193 INFO] Step 2400/50000; xent: 3.47; lr: 0.0000048; 260 docs/s; 186 sec\n", - "[2019-10-03 05:12:27,052 INFO] Step 2450/50000; xent: 3.46; lr: 0.0000049; 261 docs/s; 190 sec\n", - "[2019-10-03 05:12:30,912 INFO] Step 2500/50000; xent: 3.60; lr: 0.0000050; 256 docs/s; 194 sec\n", - "[2019-10-03 05:12:30,915 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_2500.pt\n", - "[2019-10-03 05:12:34,855 INFO] Step 2550/50000; xent: 3.50; lr: 0.0000051; 251 docs/s; 198 sec\n", - "[2019-10-03 05:12:38,719 INFO] Step 2600/50000; xent: 3.57; lr: 0.0000052; 259 docs/s; 201 sec\n", - "[2019-10-03 05:12:42,576 INFO] Step 2650/50000; xent: 3.52; lr: 0.0000053; 259 docs/s; 205 sec\n", - "[2019-10-03 05:12:46,440 INFO] Step 2700/50000; xent: 3.49; lr: 0.0000054; 258 docs/s; 209 sec\n", - "[2019-10-03 05:12:50,326 INFO] Step 2750/50000; xent: 3.42; lr: 0.0000055; 260 docs/s; 213 sec\n", - "[2019-10-03 05:12:54,214 INFO] Step 2800/50000; xent: 3.57; lr: 0.0000056; 256 docs/s; 217 sec\n", - "[2019-10-03 05:12:58,096 INFO] Step 2850/50000; xent: 3.43; lr: 0.0000057; 260 docs/s; 221 sec\n", - "[2019-10-03 05:13:01,975 INFO] Step 2900/50000; xent: 3.43; lr: 0.0000058; 259 docs/s; 225 sec\n", - "[2019-10-03 05:13:05,873 INFO] Step 2950/50000; xent: 3.43; lr: 0.0000059; 256 docs/s; 229 sec\n", - "[2019-10-03 05:13:09,775 INFO] Step 3000/50000; xent: 3.42; lr: 0.0000060; 258 docs/s; 233 sec\n", - "[2019-10-03 05:13:09,777 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_3000.pt\n", - "[2019-10-03 05:13:13,749 INFO] Step 3050/50000; xent: 3.42; lr: 0.0000061; 254 docs/s; 236 sec\n", - "[2019-10-03 05:13:17,606 INFO] Step 3100/50000; xent: 3.44; lr: 0.0000062; 260 docs/s; 240 sec\n", - "[2019-10-03 05:13:21,446 INFO] Step 3150/50000; xent: 3.48; lr: 0.0000063; 258 docs/s; 244 sec\n", - "[2019-10-03 05:13:25,366 INFO] Step 3200/50000; xent: 3.39; lr: 0.0000064; 256 docs/s; 248 sec\n", - "[2019-10-03 05:13:29,251 INFO] Step 3250/50000; xent: 3.38; lr: 0.0000065; 261 docs/s; 252 sec\n", - "[2019-10-03 05:13:33,113 INFO] Step 3300/50000; xent: 3.53; lr: 0.0000066; 260 docs/s; 256 sec\n", - "[2019-10-03 05:13:36,967 INFO] Step 3350/50000; xent: 3.45; lr: 0.0000067; 259 docs/s; 260 sec\n", - "[2019-10-03 05:13:40,839 INFO] Step 3400/50000; xent: 3.49; lr: 0.0000068; 260 docs/s; 264 sec\n", - "[2019-10-03 05:13:44,729 INFO] Step 3450/50000; xent: 3.42; lr: 0.0000069; 258 docs/s; 267 sec\n", - "[2019-10-03 05:13:48,603 INFO] Step 3500/50000; xent: 3.43; lr: 0.0000070; 260 docs/s; 271 sec\n", - "[2019-10-03 05:13:48,605 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_3500.pt\n", - "[2019-10-03 05:13:52,550 INFO] Step 3550/50000; xent: 3.38; lr: 0.0000071; 252 docs/s; 275 sec\n", - "[2019-10-03 05:13:56,415 INFO] Step 3600/50000; xent: 3.39; lr: 0.0000072; 258 docs/s; 279 sec\n", - "[2019-10-03 05:14:00,290 INFO] Step 3650/50000; xent: 3.34; lr: 0.0000073; 256 docs/s; 283 sec\n", - "[2019-10-03 05:14:04,183 INFO] Step 3700/50000; xent: 3.44; lr: 0.0000074; 261 docs/s; 287 sec\n", - "[2019-10-03 05:14:08,061 INFO] Step 3750/50000; xent: 3.47; lr: 0.0000075; 260 docs/s; 291 sec\n", - "[2019-10-03 05:14:11,937 INFO] Step 3800/50000; xent: 3.43; lr: 0.0000076; 260 docs/s; 295 sec\n", - "[2019-10-03 05:14:15,802 INFO] Step 3850/50000; xent: 3.42; lr: 0.0000077; 258 docs/s; 299 sec\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-03 05:14:19,662 INFO] Step 3900/50000; xent: 3.35; lr: 0.0000078; 258 docs/s; 302 sec\n", - "[2019-10-03 05:14:23,526 INFO] Step 3950/50000; xent: 3.45; lr: 0.0000079; 261 docs/s; 306 sec\n", - "[2019-10-03 05:14:27,364 INFO] Step 4000/50000; xent: 3.43; lr: 0.0000080; 260 docs/s; 310 sec\n", - "[2019-10-03 05:14:27,367 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_4000.pt\n", - "[2019-10-03 05:14:31,280 INFO] Step 4050/50000; xent: 3.49; lr: 0.0000081; 262 docs/s; 314 sec\n", - "[2019-10-03 05:14:35,131 INFO] Step 4100/50000; xent: 3.39; lr: 0.0000082; 260 docs/s; 318 sec\n", - "[2019-10-03 05:14:39,008 INFO] Step 4150/50000; xent: 3.45; lr: 0.0000083; 260 docs/s; 322 sec\n", - "[2019-10-03 05:14:42,872 INFO] Step 4200/50000; xent: 3.45; lr: 0.0000084; 260 docs/s; 326 sec\n", - "[2019-10-03 05:14:46,737 INFO] Step 4250/50000; xent: 3.35; lr: 0.0000085; 261 docs/s; 329 sec\n", - "[2019-10-03 05:14:50,588 INFO] Step 4300/50000; xent: 3.44; lr: 0.0000086; 258 docs/s; 333 sec\n", - "[2019-10-03 05:14:54,445 INFO] Step 4350/50000; xent: 3.45; lr: 0.0000087; 257 docs/s; 337 sec\n", - "[2019-10-03 05:14:58,294 INFO] Step 4400/50000; xent: 3.49; lr: 0.0000088; 262 docs/s; 341 sec\n", - "[2019-10-03 05:15:02,154 INFO] Step 4450/50000; xent: 3.34; lr: 0.0000089; 260 docs/s; 345 sec\n", - "[2019-10-03 05:15:06,021 INFO] Step 4500/50000; xent: 3.36; lr: 0.0000090; 259 docs/s; 349 sec\n", - "[2019-10-03 05:15:06,024 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_4500.pt\n", - "[2019-10-03 05:15:09,950 INFO] Step 4550/50000; xent: 3.39; lr: 0.0000091; 256 docs/s; 353 sec\n", - "[2019-10-03 05:15:13,855 INFO] Step 4600/50000; xent: 3.31; lr: 0.0000092; 258 docs/s; 357 sec\n", - "[2019-10-03 05:15:17,737 INFO] Step 4650/50000; xent: 3.30; lr: 0.0000093; 256 docs/s; 360 sec\n", - "[2019-10-03 05:15:21,638 INFO] Step 4700/50000; xent: 3.34; lr: 0.0000094; 259 docs/s; 364 sec\n", - "[2019-10-03 05:15:25,546 INFO] Step 4750/50000; xent: 3.39; lr: 0.0000095; 258 docs/s; 368 sec\n", - "[2019-10-03 05:15:29,404 INFO] Step 4800/50000; xent: 3.30; lr: 0.0000096; 259 docs/s; 372 sec\n", - "[2019-10-03 05:15:33,268 INFO] Step 4850/50000; xent: 3.32; lr: 0.0000097; 261 docs/s; 376 sec\n", - "[2019-10-03 05:15:37,129 INFO] Step 4900/50000; xent: 3.31; lr: 0.0000098; 264 docs/s; 380 sec\n", - "[2019-10-03 05:15:40,978 INFO] Step 4950/50000; xent: 3.35; lr: 0.0000099; 260 docs/s; 384 sec\n", - "[2019-10-03 05:15:44,885 INFO] Step 5000/50000; xent: 3.36; lr: 0.0000100; 258 docs/s; 388 sec\n", - "[2019-10-03 05:15:44,887 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_5000.pt\n", - "[2019-10-03 05:15:48,912 INFO] Step 5050/50000; xent: 3.29; lr: 0.0000101; 249 docs/s; 392 sec\n", - "[2019-10-03 05:15:52,810 INFO] Step 5100/50000; xent: 3.34; lr: 0.0000102; 255 docs/s; 396 sec\n", - "[2019-10-03 05:15:56,672 INFO] Step 5150/50000; xent: 3.45; lr: 0.0000103; 258 docs/s; 399 sec\n", - "[2019-10-03 05:16:00,539 INFO] Step 5200/50000; xent: 3.39; lr: 0.0000104; 257 docs/s; 403 sec\n", - "[2019-10-03 05:16:04,422 INFO] Step 5250/50000; xent: 3.47; lr: 0.0000105; 259 docs/s; 407 sec\n", - "[2019-10-03 05:16:08,289 INFO] Step 5300/50000; xent: 3.36; lr: 0.0000106; 261 docs/s; 411 sec\n", - "[2019-10-03 05:16:12,141 INFO] Step 5350/50000; xent: 3.40; lr: 0.0000107; 257 docs/s; 415 sec\n", - "[2019-10-03 05:16:16,023 INFO] Step 5400/50000; xent: 3.39; lr: 0.0000108; 259 docs/s; 419 sec\n", - "[2019-10-03 05:16:19,909 INFO] Step 5450/50000; xent: 3.30; lr: 0.0000109; 256 docs/s; 423 sec\n", - "[2019-10-03 05:16:23,776 INFO] Step 5500/50000; xent: 3.33; lr: 0.0000110; 258 docs/s; 427 sec\n", - "[2019-10-03 05:16:23,779 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_5500.pt\n", - "[2019-10-03 05:16:27,722 INFO] Step 5550/50000; xent: 3.31; lr: 0.0000111; 256 docs/s; 430 sec\n", - "[2019-10-03 05:16:31,617 INFO] Step 5600/50000; xent: 3.36; lr: 0.0000112; 258 docs/s; 434 sec\n", - "[2019-10-03 05:16:35,514 INFO] Step 5650/50000; xent: 3.32; lr: 0.0000113; 256 docs/s; 438 sec\n", - "[2019-10-03 05:16:39,399 INFO] Step 5700/50000; xent: 3.29; lr: 0.0000114; 257 docs/s; 442 sec\n", - "[2019-10-03 05:16:43,273 INFO] Step 5750/50000; xent: 3.26; lr: 0.0000115; 261 docs/s; 446 sec\n", - "[2019-10-03 05:16:47,145 INFO] Step 5800/50000; xent: 3.37; lr: 0.0000116; 258 docs/s; 450 sec\n", - "[2019-10-03 05:16:51,033 INFO] Step 5850/50000; xent: 3.40; lr: 0.0000117; 259 docs/s; 454 sec\n", - "[2019-10-03 05:16:54,947 INFO] Step 5900/50000; xent: 3.32; lr: 0.0000118; 258 docs/s; 458 sec\n", - "[2019-10-03 05:16:58,814 INFO] Step 5950/50000; xent: 3.42; lr: 0.0000119; 260 docs/s; 462 sec\n", - "[2019-10-03 05:17:02,726 INFO] Step 6000/50000; xent: 3.32; lr: 0.0000120; 259 docs/s; 465 sec\n", - "[2019-10-03 05:17:02,729 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_6000.pt\n", - "[2019-10-03 05:17:06,702 INFO] Step 6050/50000; xent: 3.42; lr: 0.0000121; 252 docs/s; 469 sec\n", - "[2019-10-03 05:17:10,583 INFO] Step 6100/50000; xent: 3.33; lr: 0.0000122; 260 docs/s; 473 sec\n", - "[2019-10-03 05:17:14,469 INFO] Step 6150/50000; xent: 3.32; lr: 0.0000123; 261 docs/s; 477 sec\n", - "[2019-10-03 05:17:18,344 INFO] Step 6200/50000; xent: 3.33; lr: 0.0000124; 258 docs/s; 481 sec\n", - "[2019-10-03 05:17:22,228 INFO] Step 6250/50000; xent: 3.35; lr: 0.0000125; 260 docs/s; 485 sec\n", - "[2019-10-03 05:17:26,101 INFO] Step 6300/50000; xent: 3.34; lr: 0.0000126; 257 docs/s; 489 sec\n", - "[2019-10-03 05:17:29,983 INFO] Step 6350/50000; xent: 3.40; lr: 0.0000127; 260 docs/s; 493 sec\n", - "[2019-10-03 05:17:33,847 INFO] Step 6400/50000; xent: 3.29; lr: 0.0000128; 264 docs/s; 497 sec\n", - "[2019-10-03 05:17:37,722 INFO] Step 6450/50000; xent: 3.40; lr: 0.0000129; 258 docs/s; 500 sec\n", - "[2019-10-03 05:17:41,610 INFO] Step 6500/50000; xent: 3.35; lr: 0.0000130; 256 docs/s; 504 sec\n", - "[2019-10-03 05:17:41,613 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_6500.pt\n", - "[2019-10-03 05:17:45,593 INFO] Step 6550/50000; xent: 3.32; lr: 0.0000131; 253 docs/s; 508 sec\n", - "[2019-10-03 05:17:49,495 INFO] Step 6600/50000; xent: 3.37; lr: 0.0000132; 257 docs/s; 512 sec\n", - "[2019-10-03 05:17:53,370 INFO] Step 6650/50000; xent: 3.26; lr: 0.0000133; 262 docs/s; 516 sec\n", - "[2019-10-03 05:17:57,240 INFO] Step 6700/50000; xent: 3.34; lr: 0.0000134; 259 docs/s; 520 sec\n", - "[2019-10-03 05:18:01,123 INFO] Step 6750/50000; xent: 3.29; lr: 0.0000135; 260 docs/s; 524 sec\n", - "[2019-10-03 05:18:05,027 INFO] Step 6800/50000; xent: 3.34; lr: 0.0000136; 258 docs/s; 528 sec\n", - "[2019-10-03 05:18:08,920 INFO] Step 6850/50000; xent: 3.30; lr: 0.0000137; 256 docs/s; 532 sec\n", - "[2019-10-03 05:18:12,803 INFO] Step 6900/50000; xent: 3.37; lr: 0.0000138; 259 docs/s; 536 sec\n", - "[2019-10-03 05:18:16,717 INFO] Step 6950/50000; xent: 3.27; lr: 0.0000139; 258 docs/s; 539 sec\n", - "[2019-10-03 05:18:20,621 INFO] Step 7000/50000; xent: 3.27; lr: 0.0000140; 258 docs/s; 543 sec\n", - "[2019-10-03 05:18:20,624 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_7000.pt\n", - "[2019-10-03 05:18:24,591 INFO] Step 7050/50000; xent: 3.32; lr: 0.0000141; 253 docs/s; 547 sec\n", - "[2019-10-03 05:18:28,486 INFO] Step 7100/50000; xent: 3.18; lr: 0.0000142; 259 docs/s; 551 sec\n" - ] - } - ], + "outputs": [], "source": [ - "training_data_file = './bert_train_data_all_none_excluded'\n", - "bertsum_model.fit(device_id, [training_data_file], train_steps=50000, train_from=\"\")" + "bertsum_model.fit(device_id, training_data_files, train_steps=50000, train_from=\"\")" ] }, { @@ -778,91 +1108,79 @@ }, { "cell_type": "code", - "execution_count": 8, - "metadata": {}, + "execution_count": 42, + "metadata": { + "scrolled": true + }, "outputs": [], "source": [ "import torch\n", "from models.data_loader import DataIterator,Batch,Dataloader\n", "import os\n", - "test_dataset=torch.load(\"./harvardnlp_cnndm/test.bertdata\")\n", - "from bertsum_config import Bunch\n", "\n", - "import os\n", - "dataset=[]\n", - "for i in range(0,6):\n", - " filename = \"cnndm.test.{0}.bert.pt\".format(i)\n", - " dataset.extend(torch.load(os.path.join(\"./\"+\"bert_data/\", filename)))\n", + "USE_PREPROCESSED_DATA = False\n", + "if USE_PREPROCESSED_DATA is True: \n", + " test_dataset=torch.load(PROCESSED_TEST_FILE)\n", + "else:\n", + " test_dataset=[]\n", + " for i in range(0,6):\n", + " filename = os.path.join(BERT_DATA_PATH, \"test/cnndm.test.{0}.bert.pt\".format(i))\n", + " test_dataset.extend(torch.load(filename))\n", + "\n", " \n", - "def get_data_iter(dataset,batch_size=300):\n", + "def get_data_iter(dataset,is_test=False, batch_size=3000):\n", " args = Bunch({})\n", " args.use_interval = True\n", " args.batch_size = batch_size\n", " test_data_iter = None\n", - " test_data_iter = DataIterator(args, dataset, args.batch_size, 'cuda', is_test=True, shuffle=False, sort=False)\n", + " test_data_iter = DataIterator(args, dataset, args.batch_size, 'cuda', is_test=is_test, shuffle=False, sort=False)\n", " return test_data_iter" ] }, { "cell_type": "code", - "execution_count": 74, + "execution_count": 32, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-03 18:10:19,387 INFO] Device ID 2\n", - "[2019-10-03 18:10:19,389 INFO] Loading checkpoint from ./models/baseline0.7355433644584792/model_step_50000.pt\n", - "[2019-10-03 18:10:20,964 INFO] * number of parameters: 5179137\n" + "[2019-10-07 03:29:59,368 INFO] Device ID 1\n", + "[2019-10-07 03:29:59,373 INFO] Loading checkpoint from ./models/baseline0.14344633695274556/model_step_30000.pt\n", + "[2019-10-07 03:30:02,139 INFO] * number of parameters: 5179137\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "device_id 2\n", + "device_id 1\n", "gpu_rank 0\n" ] - }, - { - "ename": "ValueError", - "evalue": "max() arg is an empty sequence", - "output_type": "error", - "traceback": [ - "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[0;31mValueError\u001b[0m Traceback (most recent call last)", - "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 2\u001b[0m \u001b[0mtarget\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0mtest_dataset\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mi\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'tgt_txt'\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mi\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mrange\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtest_dataset\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 3\u001b[0m prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n\u001b[0;32m----> 4\u001b[0;31m test_from=model_for_test)\n\u001b[0m\u001b[1;32m 5\u001b[0m \u001b[0;32mfrom\u001b[0m \u001b[0mutils\u001b[0m \u001b[0;32mimport\u001b[0m \u001b[0mget_rouge\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 6\u001b[0m \u001b[0;31m#rouge_baseline = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/textsum//wrapper/extractive_text_summerization.py\u001b[0m in \u001b[0;36mpredict\u001b[0;34m(self, device_id, data_iter, test_from, cal_lead)\u001b[0m\n\u001b[1;32m 164\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 165\u001b[0m \u001b[0mtrainer\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mbuild_trainer\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0margs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdevice_id\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmodel\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 166\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mtrainer\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mpredict\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mdata_iter\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msentence_seperator\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcal_lead\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 167\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/BertSum/src/models/trainer.py\u001b[0m in \u001b[0;36mpredict\u001b[0;34m(self, test_iter, cal_lead, cal_oracle)\u001b[0m\n\u001b[1;32m 330\u001b[0m \u001b[0mpred\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 331\u001b[0m \u001b[0;32mwith\u001b[0m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mno_grad\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 332\u001b[0;31m \u001b[0;32mfor\u001b[0m \u001b[0mbatch\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mtest_iter\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 333\u001b[0m \u001b[0msrc\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mbatch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msrc\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 334\u001b[0m \u001b[0mlabels\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mbatch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mlabels\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/BertSum/src/models/data_loader.py\u001b[0m in \u001b[0;36m__iter__\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 237\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0miterations\u001b[0m \u001b[0;34m+=\u001b[0m \u001b[0;36m1\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 238\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_iterations_this_epoch\u001b[0m \u001b[0;34m+=\u001b[0m \u001b[0;36m1\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 239\u001b[0;31m \u001b[0mbatch\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mBatch\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mminibatch\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdevice\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mis_test\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 240\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 241\u001b[0m \u001b[0;32myield\u001b[0m \u001b[0mbatch\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/BertSum/src/models/data_loader.py\u001b[0m in \u001b[0;36m__init__\u001b[0;34m(self, data, device, is_test)\u001b[0m\n\u001b[1;32m 25\u001b[0m \u001b[0mpre_clss\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0mx\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m3\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mx\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mdata\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 26\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 27\u001b[0;31m \u001b[0msrc\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtensor\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_pad\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mpre_src\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 28\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 29\u001b[0m \u001b[0mlabels\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtensor\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_pad\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mpre_labels\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/BertSum/src/models/data_loader.py\u001b[0m in \u001b[0;36m_pad\u001b[0;34m(self, data, pad_id, width)\u001b[0m\n\u001b[1;32m 12\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0m_pad\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdata\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mpad_id\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mwidth\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;34m-\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 13\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0mwidth\u001b[0m \u001b[0;34m==\u001b[0m \u001b[0;34m-\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 14\u001b[0;31m \u001b[0mwidth\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mmax\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0md\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0md\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mdata\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 15\u001b[0m \u001b[0mrtn_data\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0md\u001b[0m \u001b[0;34m+\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0mpad_id\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;34m*\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0mwidth\u001b[0m \u001b[0;34m-\u001b[0m \u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0md\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0md\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mdata\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 16\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mrtn_data\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;31mValueError\u001b[0m: max() arg is an empty sequence" - ] } ], "source": [ - "model_for_test = \"./models/baseline0.7355433644584792/model_step_50000.pt\"\n", + "model_for_test = \"./models/baseline0.14344633695274556/model_step_30000.pt\"\n", "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n", - " test_from=model_for_test)\n", - "from utils import get_rouge\n", - "#rouge_baseline = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + " test_from=model_for_test,\n", + " sentence_seperator='')\n", + "\n" ] }, { "cell_type": "code", - "execution_count": 72, + "execution_count": 33, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "11486" + "11489" ] }, - "execution_count": 72, + "execution_count": 33, "metadata": {}, "output_type": "execute_result" } @@ -873,432 +1191,437 @@ }, { "cell_type": "code", - "execution_count": 54, + "execution_count": null, "metadata": {}, "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-03 17:46:35,071 INFO] Device ID 2\n", - "[2019-10-03 17:46:35,082 INFO] Loading checkpoint from ./models/rnn/model_step_50000.pt\n", - "[2019-10-03 17:46:37,559 INFO] * number of parameters: 113041921\n" - ] - }, { "name": "stdout", "output_type": "stream", "text": [ - "device_id 2\n", - "gpu_rank 0\n", - "11486\n", - "11486\n" + "11489\n", + "11489\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ - "2019-10-03 17:48:59,222 [MainThread ] [INFO ] Writing summaries.\n", - "[2019-10-03 17:48:59,222 INFO] Writing summaries.\n", - "2019-10-03 17:48:59,224 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp9w889acx/system and model files to /dadendev/textsum/results/rougetemp/tmp9w889acx/model.\n", - "[2019-10-03 17:48:59,224 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp9w889acx/system and model files to /dadendev/textsum/results/rougetemp/tmp9w889acx/model.\n", - "2019-10-03 17:48:59,225 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-48-58/candidate/.\n", - "[2019-10-03 17:48:59,225 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-48-58/candidate/.\n", - "2019-10-03 17:49:00,406 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp9w889acx/system.\n", - "[2019-10-03 17:49:00,406 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp9w889acx/system.\n", - "2019-10-03 17:49:00,408 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-48-58/reference/.\n", - "[2019-10-03 17:49:00,408 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-48-58/reference/.\n", - "2019-10-03 17:49:01,539 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp9w889acx/model.\n", - "[2019-10-03 17:49:01,539 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp9w889acx/model.\n", - "2019-10-03 17:49:01,631 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmp74wedt83/rouge_conf.xml\n", - "[2019-10-03 17:49:01,631 INFO] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmp74wedt83/rouge_conf.xml\n", - "2019-10-03 17:49:01,632 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmp74wedt83/rouge_conf.xml\n", - "[2019-10-03 17:49:01,632 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmp74wedt83/rouge_conf.xml\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.53540 (95%-conf.int. 0.53270 - 0.53815)\n", - "1 ROUGE-1 Average_P: 0.37945 (95%-conf.int. 0.37709 - 0.38191)\n", - "1 ROUGE-1 Average_F: 0.42948 (95%-conf.int. 0.42737 - 0.43167)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.24836 (95%-conf.int. 0.24555 - 0.25117)\n", - "1 ROUGE-2 Average_P: 0.17692 (95%-conf.int. 0.17482 - 0.17919)\n", - "1 ROUGE-2 Average_F: 0.19954 (95%-conf.int. 0.19734 - 0.20177)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.34366 (95%-conf.int. 0.34118 - 0.34616)\n", - "1 ROUGE-L Average_P: 0.24172 (95%-conf.int. 0.23978 - 0.24381)\n", - "1 ROUGE-L Average_F: 0.27432 (95%-conf.int. 0.27234 - 0.27626)\n", - "\n" + "2019-10-07 03:31:33,696 [MainThread ] [INFO ] Writing summaries.\n", + "[2019-10-07 03:31:33,696 INFO] Writing summaries.\n", + "2019-10-07 03:31:33,698 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/tmpekvbkkdp/system and model files to /dadendev/textsum/results/tmpekvbkkdp/model.\n", + "[2019-10-07 03:31:33,698 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/tmpekvbkkdp/system and model files to /dadendev/textsum/results/tmpekvbkkdp/model.\n", + "2019-10-07 03:31:33,700 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rouge-tmp-2019-10-07-03-31-32/candidate/.\n", + "[2019-10-07 03:31:33,700 INFO] Processing files in /dadendev/textsum/results/rouge-tmp-2019-10-07-03-31-32/candidate/.\n", + "2019-10-07 03:31:35,332 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/tmpekvbkkdp/system.\n", + "[2019-10-07 03:31:35,332 INFO] Saved processed files to /dadendev/textsum/results/tmpekvbkkdp/system.\n", + "2019-10-07 03:31:35,335 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rouge-tmp-2019-10-07-03-31-32/reference/.\n", + "[2019-10-07 03:31:35,335 INFO] Processing files in /dadendev/textsum/results/rouge-tmp-2019-10-07-03-31-32/reference/.\n", + "2019-10-07 03:31:36,920 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/tmpekvbkkdp/model.\n", + "[2019-10-07 03:31:36,920 INFO] Saved processed files to /dadendev/textsum/results/tmpekvbkkdp/model.\n", + "2019-10-07 03:31:37,246 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/tmp7nz1xogo/rouge_conf.xml\n", + "[2019-10-07 03:31:37,246 INFO] Written ROUGE configuration to /dadendev/textsum/results/tmp7nz1xogo/rouge_conf.xml\n", + "2019-10-07 03:31:37,248 [MainThread ] [INFO ] Running ROUGE with command /home/daden/.files2rouge/ROUGE-1.5.5.pl -e /home/daden/.files2rouge/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/tmp7nz1xogo/rouge_conf.xml\n", + "[2019-10-07 03:31:37,248 INFO] Running ROUGE with command /home/daden/.files2rouge/ROUGE-1.5.5.pl -e /home/daden/.files2rouge/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/tmp7nz1xogo/rouge_conf.xml\n" ] } ], "source": [ - "model_for_test = \"./models/rnn/model_step_50000.pt\"\n", - "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", - "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n", - " test_from=model_for_test)\n", - "from utils import get_rouge\n", - "rouge_rnn = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + "from utils_nlp.eval.evaluate_summarization import get_rouge\n", + "rouge_baseline = get_rouge(prediction, target, \"/dadendev/textsum/results/\")" ] }, { "cell_type": "code", - "execution_count": 55, + "execution_count": 46, "metadata": {}, "outputs": [ { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-03 17:50:56,970 INFO] Device ID 2\n", - "[2019-10-03 17:50:56,973 INFO] Loading checkpoint from ./models/transformer/model_step_50000.pt\n", - "[2019-10-03 17:50:59,066 INFO] * number of parameters: 115790849\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "device_id 2\n", - "gpu_rank 0\n", - "11486\n", - "11486\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-10-03 17:53:15,587 [MainThread ] [INFO ] Writing summaries.\n", - "[2019-10-03 17:53:15,587 INFO] Writing summaries.\n", - "2019-10-03 17:53:15,590 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp6gynufns/system and model files to /dadendev/textsum/results/rougetemp/tmp6gynufns/model.\n", - "[2019-10-03 17:53:15,590 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp6gynufns/system and model files to /dadendev/textsum/results/rougetemp/tmp6gynufns/model.\n", - "2019-10-03 17:53:15,591 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-53-14/candidate/.\n", - "[2019-10-03 17:53:15,591 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-53-14/candidate/.\n", - "2019-10-03 17:53:16,773 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp6gynufns/system.\n", - "[2019-10-03 17:53:16,773 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp6gynufns/system.\n", - "2019-10-03 17:53:16,774 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-53-14/reference/.\n", - "[2019-10-03 17:53:16,774 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-53-14/reference/.\n", - "2019-10-03 17:53:17,921 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp6gynufns/model.\n", - "[2019-10-03 17:53:17,921 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp6gynufns/model.\n", - "2019-10-03 17:53:18,008 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmpoytr7s3w/rouge_conf.xml\n", - "[2019-10-03 17:53:18,008 INFO] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmpoytr7s3w/rouge_conf.xml\n", - "2019-10-03 17:53:18,009 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmpoytr7s3w/rouge_conf.xml\n", - "[2019-10-03 17:53:18,009 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmpoytr7s3w/rouge_conf.xml\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.53732 (95%-conf.int. 0.53457 - 0.54013)\n", - "1 ROUGE-1 Average_P: 0.37491 (95%-conf.int. 0.37254 - 0.37733)\n", - "1 ROUGE-1 Average_F: 0.42705 (95%-conf.int. 0.42484 - 0.42920)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.24855 (95%-conf.int. 0.24582 - 0.25123)\n", - "1 ROUGE-2 Average_P: 0.17405 (95%-conf.int. 0.17196 - 0.17624)\n", - "1 ROUGE-2 Average_F: 0.19768 (95%-conf.int. 0.19553 - 0.19985)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.34365 (95%-conf.int. 0.34113 - 0.34615)\n", - "1 ROUGE-L Average_P: 0.23772 (95%-conf.int. 0.23571 - 0.23975)\n", - "1 ROUGE-L Average_F: 0.27163 (95%-conf.int. 0.26963 - 0.27360)\n", - "\n" - ] + "data": { + "text/plain": [ + "11489" + ] + }, + "execution_count": 46, + "metadata": {}, + "output_type": "execute_result" } ], "source": [ - "model_for_test = \"./models/transformer/model_step_50000.pt\"\n", - "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", - "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n", - " test_from=model_for_test)\n", - "from utils import get_rouge\n", - "rouge_transformer = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + "len(prediction)" ] }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 50, "metadata": {}, "outputs": [ { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-03 18:41:50,554 INFO] Device ID 2\n", - "[2019-10-03 18:41:50,555 INFO] Loading checkpoint from ./models/transformer/model_step_50000.pt\n", - "[2019-10-03 18:41:52,881 INFO] * number of parameters: 115790849\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "device_id 2\n", - "gpu_rank 0\n", - "11489\n", - "11489\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-10-03 18:44:25,911 [MainThread ] [INFO ] Writing summaries.\n", - "[2019-10-03 18:44:25,911 INFO] Writing summaries.\n", - "2019-10-03 18:44:25,919 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/system and model files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/model.\n", - "[2019-10-03 18:44:25,919 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/system and model files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/model.\n", - "2019-10-03 18:44:25,920 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-44-24/candidate/.\n", - "[2019-10-03 18:44:25,920 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-44-24/candidate/.\n", - "2019-10-03 18:44:27,124 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/system.\n", - "[2019-10-03 18:44:27,124 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/system.\n", - "2019-10-03 18:44:27,126 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-44-24/reference/.\n", - "[2019-10-03 18:44:27,126 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-44-24/reference/.\n", - "2019-10-03 18:44:28,311 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/model.\n", - "[2019-10-03 18:44:28,311 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/model.\n", - "2019-10-03 18:44:28,401 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmph9qs47ba/rouge_conf.xml\n", - "[2019-10-03 18:44:28,401 INFO] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmph9qs47ba/rouge_conf.xml\n", - "2019-10-03 18:44:28,402 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmph9qs47ba/rouge_conf.xml\n", - "[2019-10-03 18:44:28,402 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmph9qs47ba/rouge_conf.xml\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.53487 (95%-conf.int. 0.53211 - 0.53764)\n", - "1 ROUGE-1 Average_P: 0.38059 (95%-conf.int. 0.37813 - 0.38318)\n", - "1 ROUGE-1 Average_F: 0.42995 (95%-conf.int. 0.42787 - 0.43226)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.24873 (95%-conf.int. 0.24604 - 0.25157)\n", - "1 ROUGE-2 Average_P: 0.17760 (95%-conf.int. 0.17536 - 0.17989)\n", - "1 ROUGE-2 Average_F: 0.20002 (95%-conf.int. 0.19784 - 0.20247)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.48956 (95%-conf.int. 0.48697 - 0.49221)\n", - "1 ROUGE-L Average_P: 0.34903 (95%-conf.int. 0.34667 - 0.35158)\n", - "1 ROUGE-L Average_F: 0.39396 (95%-conf.int. 0.39183 - 0.39629)\n", - "\n" - ] + "data": { + "text/plain": [ + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .'" + ] + }, + "execution_count": 50, + "metadata": {}, + "output_type": "execute_result" } ], "source": [ - "model_for_test = \"./models/transformer/model_step_50000.pt\"\n", - "target = [dataset[i]['tgt_txt'] for i in range(len(dataset))]\n", - "prediction = bertsum_model.predict(device_id, get_data_iter(dataset, 3000),sentence_seperator=\"\",\n", - " test_from=model_for_test)\n", - "from utils import get_rouge\n", - "rouge_transformer = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + "prediction[0]" ] }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 51, "metadata": {}, "outputs": [ { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-03 18:27:21,995 INFO] Device ID 2\n", - "[2019-10-03 18:27:21,996 INFO] Loading checkpoint from ./models/transformer/model_step_50000.pt\n", - "[2019-10-03 18:27:24,295 INFO] * number of parameters: 115790849\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "device_id 2\n", - "gpu_rank 0\n", - "11489\n", - "11489\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-10-03 18:27:27,926 [MainThread ] [INFO ] Writing summaries.\n", - "[2019-10-03 18:27:27,926 INFO] Writing summaries.\n", - "2019-10-03 18:27:27,932 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/system and model files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/model.\n", - "[2019-10-03 18:27:27,932 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/system and model files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/model.\n", - "2019-10-03 18:27:27,934 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-27-26/candidate/.\n", - "[2019-10-03 18:27:27,934 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-27-26/candidate/.\n", - "2019-10-03 18:27:29,138 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/system.\n", - "[2019-10-03 18:27:29,138 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/system.\n", - "2019-10-03 18:27:29,140 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-27-26/reference/.\n", - "[2019-10-03 18:27:29,140 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-27-26/reference/.\n", - "2019-10-03 18:27:30,346 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/model.\n", - "[2019-10-03 18:27:30,346 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/model.\n", - "2019-10-03 18:27:30,438 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmph0uom0ij/rouge_conf.xml\n", - "[2019-10-03 18:27:30,438 INFO] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmph0uom0ij/rouge_conf.xml\n", - "2019-10-03 18:27:30,440 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmph0uom0ij/rouge_conf.xml\n", - "[2019-10-03 18:27:30,440 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmph0uom0ij/rouge_conf.xml\n" - ] - }, + "data": { + "text/plain": [ + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" + ] + }, + "execution_count": 51, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "target[0]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Prediction" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", + "args=Bunch({\"max_nsents\": int(1e5), \n", + " \"max_src_ntokens\": int(2e6), \n", + " \"min_nsents\": -1, \n", + " \"min_src_ntokens\": -1, \n", + " \"use_interval\": True})" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "from prepro.data_builder import BertData\n", + "bertdata = BertData(args)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "import sys\n", + "#sys.path.insert(0, '../src')\n", + "from others.utils import clean\n", + "from multiprocess import Pool\n" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [], + "source": [ + "#os.environ[\"CUDA_DEVICE_ORDER\"]=\"PCI_BUS_ID\" # see issue #152\n", + "import os\n", + "os.environ[\"CORENLP_HOME\"]=\"/home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05\"" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [], + "source": [ + "from stanfordnlp.server import CoreNLPClient" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [], + "source": [ + "from multiprocessing import Pool\n", + "from utils_nlp.models.bert.extractive_text_summarization import tokenize_to_list, bertify\n", + "import re\n", + "\n", + "def preprocess_target(line):\n", + " def _remove_ttags(line):\n", + " line = re.sub(r'', '', line)\n", + " # change to \n", + " # pyrouge test requires as sentence splitter\n", + " line = re.sub(r'', '', line)\n", + " return line\n", + "\n", + " return tokenize_to_list(client, _remove_ttags(line))\n", + "def preprocess_source(line):\n", + " return tokenize_to_list(client, clean(line))\n", + "\n", + "def preprocess_cnndm(param):\n", + " source, target = param\n", + " return bertify(bertdata, source, target)\n", + "\n", + "def harvardnlp_cnndm_standfordnlp(client, source_file, target_file, n_cpus=2, top_n=-1):\n", + " source_list = []\n", + " i = 0\n", + " with open(source_file) as fd:\n", + " for line in fd:\n", + " source_list.append(line)\n", + " i +=1\n", + " \n", + " pool = Pool(n_cpus)\n", + " \n", + "\n", + " tokenized_source_data = pool.map(preprocess_source, source_list[0:top_n], int(len(source_list[0:top_n])/n_cpus))\n", + " pool.close()\n", + " pool.join\n", + " \n", + " i = 0\n", + " target_list = []\n", + " with open(target_file) as fd:\n", + " for line in fd:\n", + " target_list.append(line)\n", + " i +=1\n", + "\n", + " pool = Pool(n_cpus)\n", + " tokenized_target_data = pool.map(preprocess_target, target_list[0:top_n], int(len(target_list[0:top_n])/n_cpus))\n", + " pool.close()\n", + " pool.join()\n", + " \n", + "\n", + " #return tokenized_source_data, tokenized_target_data\n", + "\n", + " pool = Pool(n_cpus)\n", + " bertified_data = pool.map(preprocess_cnndm, zip(tokenized_source_data[0:top_n], tokenized_target_data[0:top_n]), int(len(tokenized_source_data[0:top_n])/n_cpus))\n", + " pool.close()\n", + " pool.join()\n", + " return bertified_data\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.52371 (95%-conf.int. 0.52067 - 0.52692)\n", - "1 ROUGE-1 Average_P: 0.34716 (95%-conf.int. 0.34484 - 0.34937)\n", - "1 ROUGE-1 Average_F: 0.40370 (95%-conf.int. 0.40154 - 0.40592)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.22740 (95%-conf.int. 0.22473 - 0.23047)\n", - "1 ROUGE-2 Average_P: 0.14969 (95%-conf.int. 0.14781 - 0.15166)\n", - "1 ROUGE-2 Average_F: 0.17444 (95%-conf.int. 0.17241 - 0.17662)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.47465 (95%-conf.int. 0.47167 - 0.47766)\n", - "1 ROUGE-L Average_P: 0.31501 (95%-conf.int. 0.31282 - 0.31717)\n", - "1 ROUGE-L Average_F: 0.36614 (95%-conf.int. 0.36399 - 0.36826)\n", - "\n" + "Starting server with command: java -Xmx5G -cp /home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05/* edu.stanford.nlp.pipeline.StanfordCoreNLPServer -port 9000 -timeout 60000 -threads 5 -maxCharLength 100000 -quiet True -serverProperties corenlp_server-e3b74cd551ba43f1.props -preload tokenize,ssplit\n", + "Starting server with command: java -Xmx5G -cp /home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05/* edu.stanford.nlp.pipeline.StanfordCoreNLPServer -port 9000 -timeout 60000 -threads 5 -maxCharLength 100000 -quiet True -serverProperties corenlp_server-e3b74cd551ba43f1.props -preload tokenize,ssplit\n", + "Starting server with command: java -Xmx5G -cp /home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05/* edu.stanford.nlp.pipeline.StanfordCoreNLPServer -port 9000 -timeout 60000 -threads 5 -maxCharLength 100000 -quiet True -serverProperties corenlp_server-e3b74cd551ba43f1.props -preload tokenize,ssplit\n", + "Starting server with command: java -Xmx5G -cp /home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05/* edu.stanford.nlp.pipeline.StanfordCoreNLPServer -port 9000 -timeout 60000 -threads 5 -maxCharLength 100000 -quiet True -serverProperties corenlp_server-e3b74cd551ba43f1.props -preload tokenize,ssplit\n", + "CPU times: user 79.8 ms, sys: 85.4 ms, total: 165 ms\n", + "Wall time: 7.72 s\n" ] } ], "source": [ - "model_for_test = \"./models/transformer/model_step_50000.pt\"\n", - "target = [dataset[i]['tgt_txt'] for i in range(len(dataset))]\n", - "prediction = bertsum_model.predict(device_id, get_data_iter(dataset, 3000),sentence_seperator=\"\",\n", - " test_from=model_for_test, cal_lead=True)\n", - "from utils import get_rouge\n", - "rouge_transformer = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + "%%time\n", + "source_file = './harvardnlp_cnndm/test.txt.src'\n", + "target_file = './harvardnlp_cnndm/test.txt.tgt.tagged'\n", + "client = CoreNLPClient(annotators=['tokenize','ssplit'])\n", + "new_data = harvardnlp_cnndm_standfordnlp(client, source_file, target_file, n_cpus=2, top_n=10)" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "from models.data_loader import DataIterator,Batch,Dataloader\n", + "import os\n", + "\n", + "USE_PREPROCESSED_DATA = False\n", + "if USE_PREPROCESSED_DATA is True: \n", + " test_dataset=torch.load(PROCESSED_TEST_FILE)\n", + "else:\n", + " test_dataset=[]\n", + " for i in range(0,6):\n", + " filename = os.path.join(BERT_DATA_PATH, \"test/cnndm.test.{0}.bert.pt\".format(i))\n", + " test_dataset.extend(torch.load(filename))\n", + "def get_data_iter(dataset,is_test=False, batch_size=3000):\n", + " args = Bunch({})\n", + " args.use_interval = True\n", + " args.batch_size = batch_size\n", + " test_data_iter = None\n", + " test_data_iter = DataIterator(args, dataset, args.batch_size, 'cuda', is_test=is_test, shuffle=False, sort=False)\n", + " return test_data_iter" ] }, { "cell_type": "code", - "execution_count": 58, + "execution_count": 25, "metadata": {}, + "outputs": [], + "source": [ + "\n", + "new_src = preprocess_source(\"\".join(test_dataset[0]['src_txt']))\n", + "b_data = bertdata.preprocess(new_src, None, None)\n", + "indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data\n", + "b_data_dict = {\"src\": indexed_tokens, \"labels\": labels, \"segs\": segments_ids, 'clss': cls_ids,\n", + " 'src_txt': src_txt, \"tgt_txt\": tgt_txt}\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": { + "scrolled": true + }, "outputs": [ { "data": { "text/plain": [ - "11486" + "16" ] }, - "execution_count": 58, + "execution_count": 26, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "len(prediction)" + "len(new_src)" ] }, { "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 59, + "execution_count": 27, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "['marseille , france -lrb- cnn -rrb- the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .',\n", - " 'marseille prosecutor brice robin told cnn that `` so far no videos were used in the crash investigation . ``',\n", - " 'he added , `` a person who has such a video needs to immediately give it to the investigators . ``',\n", - " \"robin 's comments follow claims by two magazines , german daily bild and french paris match , of a cell phone video showing the harrowing final seconds from on board germanwings flight 9525 as it crashed into the french alps .\",\n", - " 'paris match and bild reported that the video was recovered from a phone at the wreckage site .',\n", - " 'the two publications described the supposed video , but did not post it on their websites .',\n", - " 'the publications said that they watched the video , which was found by a source close to the investigation .',\n", - " \"`` one can hear cries of ` my god ' in several languages , `` paris match reported .\",\n", - " '`` metallic banging can also be heard more than three times , perhaps of the pilot trying to open the cockpit door with a heavy object .',\n", - " 'towards the end , after a heavy shake , stronger than the others , the screaming intensifies .',\n", - " '`` it is a very disturbing scene , `` said julian reichelt , editor-in-chief of bild online .',\n", - " \"an official with france 's accident investigation agency , the bea , said the agency is not aware of any such video .\",\n", - " 'lt. col. jean-marc menichini , a french gendarmerie spokesman in charge of communications on rescue efforts around the germanwings crash site , told cnn that the reports were `` completely wrong `` and `` unwarranted . ``',\n", - " \"cell phones have been collected at the site , he said , but that they `` had n't been exploited yet . ``\",\n", - " 'menichini said he believed the cell phones would need to be sent to the criminal research institute in rosny sous-bois , near paris , in order to be analyzed by specialized technicians working hand-in-hand with investigators .',\n", - " 'but none of the cell phones found so far have been sent to the institute , menichini said .',\n", - " 'asked whether staff involved in the search could have leaked a memory card to the media , menichini answered with a categorical `` no . ``',\n", - " 'reichelt told `` erin burnett : outfront `` that he had watched the video and stood by the report , saying bild and paris match are `` very confident `` that the clip is real .',\n", - " \"he noted that investigators only revealed they 'd recovered cell phones from the crash site after bild and paris match published their reports .\",\n", - " \"... overall we can say many things of the investigation were n't revealed by the investigation at the beginning , `` he said .\",\n", - " \"german airline lufthansa confirmed tuesday that co-pilot andreas lubitz had battled depression years before he took the controls of germanwings flight 9525 , which he 's accused of deliberately crashing last week in the french alps .\",\n", - " 'lubitz told his lufthansa flight training school in 2009 that he had a `` previous episode of severe depression , `` the airline said tuesday .',\n", - " 'email correspondence between lubitz and the school discovered in an internal investigation , lufthansa said , included medical documents he submitted in connection with resuming his flight training .',\n", - " \"the announcement indicates that lufthansa , the parent company of germanwings , knew of lubitz 's battle with depression , allowed him to continue training and ultimately put him in the cockpit .\",\n", - " 'lufthansa , whose ceo carsten spohr previously said lubitz was 100 % fit to fly , described its statement tuesday as a `` swift and seamless clarification `` and said it was sharing the information and documents -- including training and medical records -- with public prosecutors .',\n", - " 'spohr traveled to the crash site wednesday , where recovery teams have been working for the past week to recover human remains and plane debris scattered across a steep mountainside .',\n", - " 'he saw the crisis center set up in seyne-les-alpes , laid a wreath in the village of le vernet , closer to the crash site , where grieving families have left flowers at a simple stone memorial .',\n", - " 'menichini told cnn late tuesday that no visible human remains were left at the site but recovery teams would keep searching .',\n", - " 'french president francois hollande , speaking tuesday , said that it should be possible to identify all the victims using dna analysis by the end of the week , sooner than authorities had previously suggested .',\n", - " \"in the meantime , the recovery of the victims ' personal belongings will start wednesday , menichini said .\",\n", - " 'among those personal belongings could be more cell phones belonging to the 144 passengers and six crew on board .',\n", - " \"the details about lubitz 's correspondence with the flight school during his training were among several developments as investigators continued to delve into what caused the crash and lubitz 's possible motive for downing the jet .\",\n", - " 'a lufthansa spokesperson told cnn on tuesday that lubitz had a valid medical certificate , had passed all his examinations and `` held all the licenses required . ``',\n", - " \"earlier , a spokesman for the prosecutor 's office in dusseldorf , christoph kumpa , said medical records reveal lubitz suffered from suicidal tendencies at some point before his aviation career and underwent psychotherapy before he got his pilot 's license .\",\n", - " \"kumpa emphasized there 's no evidence suggesting lubitz was suicidal or acting aggressively before the crash .\",\n", - " \"investigators are looking into whether lubitz feared his medical condition would cause him to lose his pilot 's license , a european government official briefed on the investigation told cnn on tuesday .\",\n", - " \"while flying was `` a big part of his life , `` the source said , it 's only one theory being considered .\",\n", - " 'another source , a law enforcement official briefed on the investigation , also told cnn that authorities believe the primary motive for lubitz to bring down the plane was that he feared he would not be allowed to fly because of his medical problems .',\n", - " \"lubitz 's girlfriend told investigators he had seen an eye doctor and a neuropsychologist , both of whom deemed him unfit to work recently and concluded he had psychological issues , the european government official said .\",\n", - " \"but no matter what details emerge about his previous mental health struggles , there 's more to the story , said brian russell , a forensic psychologist .\",\n", - " \"`` psychology can explain why somebody would turn rage inward on themselves about the fact that maybe they were n't going to keep doing their job and they 're upset about that and so they 're suicidal , `` he said .\",\n", - " \"`` but there is no mental illness that explains why somebody then feels entitled to also take that rage and turn it outward on 149 other people who had nothing to do with the person 's problems . ``\",\n", - " \"cnn 's margot haddad reported from marseille and pamela brown from dusseldorf , while laura smith-spark wrote from london .\",\n", - " \"cnn 's frederik pleitgen , pamela boykoff , antonia mortensen , sandrine amiel and anna-maja rappard contributed to this report .\"]" + "['a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .',\n", + " 'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .',\n", + " 'he was flown back to chicago via air ambulance on march 20 , but he died on sunday .',\n", + " 'andrew mogni , 20 , from glen ellyn , illinois , a university of iowa student has died nearly three months after a fall in rome in a suspected robberyhe was taken to a medical facility in the chicago area , close to his family home in glen ellyn .',\n", + " \"he died on sunday at northwestern memorial hospital - medical examiner 's office spokesman frank shuftan says a cause of death wo n't be released until monday at the earliest .\",\n", + " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed .',\n", + " \"on sunday , his cousin abby wrote online : ` this morning my cousin andrew 's soul was lifted up to heaven .\",\n", + " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed ` at the beginning of january he went to rome to study aboard and on the way home from a party he was brutally attacked and thrown off a 40ft bridge and hit the concrete below .',\n", + " '` he was in a coma and in critical condition for months .',\n", + " \"' paula barnett , who said she is a close family friend , told my suburban life , that mogni had only been in the country for six hours when the incident happened .\",\n", + " 'she said he was was alone at the time of the alleged assault and personal items were stolen .',\n", + " 'she added that he was in a non-medically induced coma , having suffered serious infection and internal bleeding .',\n", + " 'mogni was a third-year finance major from glen ellyn , ill .',\n", + " ', who was participating in a semester-long program at john cabot university .',\n", + " \"mogni belonged to the school 's chapter of the sigma nu fraternity , reports the chicago tribune who posted a sign outside a building reading ` pray for mogni .\",\n", + " \"' the fraternity 's iowa chapter announced sunday afternoon via twitter that a memorial service will be held on campus to remember mogni .\"]" ] }, - "execution_count": 59, + "execution_count": 27, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "test_dataset[0]['src_txt']" + "b_data_dict['src_txt']" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [], + "source": [ + "b_data_dict['tgt_txt']" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-07 03:28:55,446 INFO] Device ID 1\n", + "[2019-10-07 03:28:55,452 INFO] Loading checkpoint from ./models/baseline0.14344633695274556/model_step_30000.pt\n", + "[2019-10-07 03:29:01,758 INFO] * number of parameters: 5179137\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "device_id 1\n", + "gpu_rank 0\n" + ] + } + ], + "source": [ + "model_for_test = \"./models/baseline0.14344633695274556/model_step_30000.pt\"\n", + "#get_data_iter(output,batch_size=30000)\n", + "prediction = bertsum_model.predict(device_id, get_data_iter([b_data_dict], False),\n", + " test_from=model_for_test, )" ] }, { "cell_type": "code", - "execution_count": 60, + "execution_count": 29, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "'marseille prosecutor says `` so far no videos were used in the crash investigation `` despite media reports . journalists at bild and paris match are `` very confident `` the video clip is real , an editor says . andreas lubitz had informed his lufthansa training school of an episode of severe depression , airline says .'" + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .'" ] }, - "execution_count": 60, + "execution_count": 29, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "target[0]" + "prediction[0]" ] }, { "cell_type": "code", - "execution_count": 61, + "execution_count": 31, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "'marseille prosecutor brice robin told cnn that `` so far no videos were used in the crash investigation . ``paris match and bild reported that the video was recovered from a phone at the wreckage site .marseille , france -lrb- cnn -rrb- the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .'" + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" ] }, - "execution_count": 61, + "execution_count": 31, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "prediction[0]" + "test_dataset[0]['tgt_txt']" ] }, { @@ -1306,15 +1629,12 @@ "execution_count": null, "metadata": {}, "outputs": [], - "source": [ - "articles = [test_dataset[0]['src_txt']]\n", - "get_data_iter(article,batch_size=30000)" - ] + "source": [] } ], "metadata": { "kernelspec": { - "display_name": "python3.6 cm3", + "display_name": "Python (nlp_gpu)", "language": "python", "name": "cm3" }, diff --git a/utils_nlp/models/bert/extractive_text_summarization.py b/utils_nlp/models/bert/extractive_text_summarization.py index 6d837ebb7..24af40ed5 100644 --- a/utils_nlp/models/bert/extractive_text_summarization.py +++ b/utils_nlp/models/bert/extractive_text_summarization.py @@ -39,7 +39,7 @@ def tokenize_to_list(client, input_text): tokens_list.append(tokens) return tokens_list -def bertify(source, target=None, oracle_mode='combination', selection=3): +def bertify(bertdata, source, target=None, oracle_mode='combination', selection=3): if target: oracle_ids = combination_selection(source, target, selection) b_data = bertdata.preprocess(source, target, oracle_ids) From 591d8df9bdb77a90d77de8315c42e82c399b1ee4 Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Thu, 10 Oct 2019 20:30:15 +0000 Subject: [PATCH 005/167] update library import for bertsum --- .../text_summarization/bertsum_cnndm.ipynb | 356 +++++++++++++++--- utils_nlp/dataset/harvardnlp_cnndm.py | 3 +- utils_nlp/eval/evaluate_summarization.py | 2 +- .../bert/extractive_text_summarization.py | 46 ++- 4 files changed, 330 insertions(+), 77 deletions(-) diff --git a/examples/text_summarization/bertsum_cnndm.ipynb b/examples/text_summarization/bertsum_cnndm.ipynb index 140aed186..06abb188e 100644 --- a/examples/text_summarization/bertsum_cnndm.ipynb +++ b/examples/text_summarization/bertsum_cnndm.ipynb @@ -24,7 +24,7 @@ "\n", "The figure below illustrates how BERTSum can be fine tuned for extractive summarization task. Each sentence is inserted with [CLS] token at the beginning and [SEP] at the end. Interval segment embedding and positional embedding are added upon the token embedding before input the BERT model. The [CLS] token representation is used as sentence embedding and only the [CLS] tokens are used as input for the summarization model. The summarization layer predicts whether the probability of each each sentence token should be included in the summary or not. Techniques like trigram blocking can be used to improve model accuarcy. \n", "\n", - "\n", + "\n", "\n", "\n", "### Before You Start\n", @@ -48,9 +48,10 @@ "source": [ "## Set QUICK_RUN = True to run the notebook on a small subset of data and a smaller number of epochs.\n", "QUICK_RUN = True\n", - "USE_PREPROCESSED_DARA = False\n", - "if not USE_PREPROCESSED_DARA:\n", - " BERT_DATA_PATH=\"/dadendev/BertSum/bert_data/\"" + "USE_PREPROCESSED_DATA = False\n", + "if not USE_PREPROCESSED_DATA:\n", + " #BERT_DATA_PATH=\"/dadendev/BertSum/bert_data/\"\n", + " BERT_DATA_PATH=\"/dadendev/textsum/bert_data/\"" ] }, { @@ -71,24 +72,43 @@ }, { "cell_type": "code", - "execution_count": 2, + "execution_count": 3, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "fatal: destination path 'BertSum' already exists and is not an empty directory.\r\n" + "--2019-10-08 19:30:42-- https://raw.githubusercontent.com/nlpyang/BertSum/master/bert_config_uncased_base.json\n", + "Resolving raw.githubusercontent.com (raw.githubusercontent.com)... 151.101.124.133\n", + "Connecting to raw.githubusercontent.com (raw.githubusercontent.com)|151.101.124.133|:443... connected.\n", + "HTTP request sent, awaiting response... 200 OK\n", + "Length: 313 [text/plain]\n", + "Saving to: ‘bert_config_uncased_base.json.1’\n", + "\n", + "bert_config_uncased 100%[===================>] 313 --.-KB/s in 0s \n", + "\n", + "2019-10-08 19:30:43 (56.3 MB/s) - ‘bert_config_uncased_base.json.1’ saved [313/313]\n", + "\n" ] } ], "source": [ - "!git clone https://github.com/daden-ms/BertSum.git" + "!wget https://raw.githubusercontent.com/nlpyang/BertSum/master/bert_config_uncased_base.json" ] }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "BERT_CONFIG_PATH=\"./bert_config_uncased_base.json\"" + ] + }, + { + "cell_type": "code", + "execution_count": 3, "metadata": {}, "outputs": [], "source": [ @@ -99,16 +119,17 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 4, "metadata": {}, "outputs": [], "source": [ "import sys\n", + "import os\n", "nlp_path = os.path.abspath('../../')\n", "if nlp_path not in sys.path:\n", " sys.path.insert(0, nlp_path)\n", - " \n", - "sys.path.insert(0, './BertSum/src')" + "sys.path.insert(0, \"./\")\n", + "sys.path.insert(0, \"/dadendev/nlp/examples/text_summarization/BertSum\")" ] }, { @@ -985,7 +1006,7 @@ }, { "cell_type": "code", - "execution_count": 20, + "execution_count": 5, "metadata": {}, "outputs": [], "source": [ @@ -1007,7 +1028,7 @@ }, { "cell_type": "code", - "execution_count": 21, + "execution_count": 6, "metadata": {}, "outputs": [], "source": [ @@ -1032,7 +1053,7 @@ }, { "cell_type": "code", - "execution_count": 22, + "execution_count": 7, "metadata": {}, "outputs": [ { @@ -1063,16 +1084,16 @@ }, { "cell_type": "code", - "execution_count": 28, + "execution_count": 8, "metadata": {}, "outputs": [], "source": [ - "USE_PREPROCESSED_DATA = True" + "USE_PREPROCESSED_DATA = False" ] }, { "cell_type": "code", - "execution_count": 29, + "execution_count": 9, "metadata": {}, "outputs": [], "source": [ @@ -1080,23 +1101,213 @@ " PROCESSED_TRAIN_FILE = './bert_train_data_all_none_excluded'\n", " training_data_files = [PROCESSED_TRAIN_FILE]\n", "else: \n", - " BERT_DATA_PATH=\"/dadendev/BertSum/bert_data/\"\n", " import glob\n", - " pts = sorted(glob.glob(BERT_DATA_PATH + 'cnndm.train' + '.[0-9]*.pt'))\n", + " BERT_DATA_PATH=\"/dadendev/nlp/examples/text_summarization/bertdata/train/\"\n", + " pts = sorted(glob.glob(BERT_DATA_PATH + 'train.bertdata' + '.[0-9]*'))\n", + " #pts = sorted(glob.glob(BERT_DATA_PATH + 'cnndm.train' + '.[0-9]*.pt'))\n", " training_data_files = pts" ] }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.0',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.10000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.100000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.110000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.120000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.130000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.140000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.150000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.160000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.170000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.180000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.190000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.20000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.200000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.210000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.220000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.230000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.240000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.250000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.260000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.270000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.280000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.30000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.40000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.50000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.60000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.70000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.80000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.90000']" + ] + }, + "execution_count": 10, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "training_data_files" + ] + }, { "cell_type": "code", "execution_count": null, "metadata": { "scrolled": true }, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-10 20:27:30,812 INFO] loading archive file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased.tar.gz from cache at ./temp/9c41111e2de84547a463fd39217199738d1e3deb72d4fec4399e6e241983c6f0.ae3cef932725ca7a30cdcb93fc6e09150a55e2a130ec7af63975a16c153ae2ba\n", + "[2019-10-10 20:27:30,814 INFO] extracting archive file ./temp/9c41111e2de84547a463fd39217199738d1e3deb72d4fec4399e6e241983c6f0.ae3cef932725ca7a30cdcb93fc6e09150a55e2a130ec7af63975a16c153ae2ba to temp dir /tmp/tmpha_v8quq\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'accum_count': 2, 'batch_size': 3000, 'beta1': 0.9, 'beta2': 0.999, 'block_trigram': True, 'decay_method': 'noam', 'dropout': 0.1, 'encoder': 'baseline', 'ff_size': 512, 'gpu_ranks': '1', 'heads': 4, 'hidden_size': 128, 'inter_layers': 2, 'lr': 0.002, 'max_grad_norm': 0, 'max_nsents': 100, 'max_src_ntokens': 200, 'min_nsents': 3, 'min_src_ntokens': 10, 'optim': 'adam', 'oracle_mode': 'combination', 'param_init': 0.0, 'param_init_glorot': True, 'recall_eval': False, 'report_every': 50, 'report_rouge': True, 'rnn_size': 512, 'save_checkpoint_steps': 500, 'seed': 42, 'temp_dir': './temp', 'test_all': False, 'test_from': '', 'train_from': '', 'use_interval': True, 'visible_gpus': '0', 'warmup_steps': 10000, 'world_size': 1, 'mode': 'train', 'model_path': './models/baseline0.4638002095122038', 'log_file': './logs/baseline0.4638002095122038', 'bert_config_path': '/dadendev/nlp/BertSum/bert_config_uncased_base.json', 'gpu_ranks_map': {1: 0}}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-10 20:27:34,555 INFO] Model config {\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"max_position_embeddings\": 512,\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"type_vocab_size\": 2,\n", + " \"vocab_size\": 30522\n", + "}\n", + "\n", + "[2019-10-10 20:27:39,167 INFO] * number of parameters: 5179137\n", + "[2019-10-10 20:27:39,169 INFO] Start training...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "device_id 1\n", + "gpu_rank 0\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-10 20:27:43,207 INFO] Step 50/50000; xent: 13.18; lr: 0.0000001; 300 docs/s; 3 sec\n", + "[2019-10-10 20:27:46,300 INFO] Step 100/50000; xent: 12.94; lr: 0.0000002; 323 docs/s; 6 sec\n", + "[2019-10-10 20:27:49,361 INFO] Step 150/50000; xent: 12.49; lr: 0.0000003; 326 docs/s; 9 sec\n", + "[2019-10-10 20:27:52,455 INFO] Step 200/50000; xent: 11.62; lr: 0.0000004; 326 docs/s; 13 sec\n", + "[2019-10-10 20:27:55,534 INFO] Step 250/50000; xent: 11.20; lr: 0.0000005; 324 docs/s; 16 sec\n", + "[2019-10-10 20:27:58,596 INFO] Step 300/50000; xent: 10.23; lr: 0.0000006; 328 docs/s; 19 sec\n", + "[2019-10-10 20:28:01,663 INFO] Step 350/50000; xent: 9.27; lr: 0.0000007; 326 docs/s; 22 sec\n", + "[2019-10-10 20:28:04,759 INFO] Step 400/50000; xent: 8.30; lr: 0.0000008; 323 docs/s; 25 sec\n", + "[2019-10-10 20:28:07,839 INFO] Step 450/50000; xent: 7.40; lr: 0.0000009; 321 docs/s; 28 sec\n", + "[2019-10-10 20:28:10,906 INFO] Step 500/50000; xent: 6.70; lr: 0.0000010; 328 docs/s; 31 sec\n", + "[2019-10-10 20:28:10,908 INFO] Saving checkpoint ./models/baseline0.4638002095122038/model_step_500.pt\n", + "[2019-10-10 20:28:14,060 INFO] Step 550/50000; xent: 5.96; lr: 0.0000011; 317 docs/s; 34 sec\n", + "[2019-10-10 20:28:17,169 INFO] Step 600/50000; xent: 5.46; lr: 0.0000012; 321 docs/s; 37 sec\n", + "[2019-10-10 20:28:20,233 INFO] Step 650/50000; xent: 4.89; lr: 0.0000013; 325 docs/s; 40 sec\n", + "[2019-10-10 20:28:23,314 INFO] Step 700/50000; xent: 4.67; lr: 0.0000014; 324 docs/s; 43 sec\n", + "[2019-10-10 20:28:26,387 INFO] Step 750/50000; xent: 4.31; lr: 0.0000015; 328 docs/s; 47 sec\n", + "[2019-10-10 20:28:29,452 INFO] Step 800/50000; xent: 4.18; lr: 0.0000016; 325 docs/s; 50 sec\n", + "[2019-10-10 20:28:32,523 INFO] Step 850/50000; xent: 4.08; lr: 0.0000017; 325 docs/s; 53 sec\n", + "[2019-10-10 20:28:35,584 INFO] Step 900/50000; xent: 4.08; lr: 0.0000018; 324 docs/s; 56 sec\n", + "[2019-10-10 20:28:38,654 INFO] Step 950/50000; xent: 3.90; lr: 0.0000019; 327 docs/s; 59 sec\n", + "[2019-10-10 20:28:41,693 INFO] Step 1000/50000; xent: 3.91; lr: 0.0000020; 329 docs/s; 62 sec\n", + "[2019-10-10 20:28:41,695 INFO] Saving checkpoint ./models/baseline0.4638002095122038/model_step_1000.pt\n", + "[2019-10-10 20:28:45,950 INFO] Step 1050/50000; xent: 3.91; lr: 0.0000021; 239 docs/s; 66 sec\n", + "[2019-10-10 20:28:49,039 INFO] Step 1100/50000; xent: 3.94; lr: 0.0000022; 325 docs/s; 69 sec\n", + "[2019-10-10 20:28:52,133 INFO] Step 1150/50000; xent: 3.93; lr: 0.0000023; 326 docs/s; 72 sec\n", + "[2019-10-10 20:28:55,237 INFO] Step 1200/50000; xent: 3.90; lr: 0.0000024; 327 docs/s; 75 sec\n", + "[2019-10-10 20:28:58,315 INFO] Step 1250/50000; xent: 3.84; lr: 0.0000025; 325 docs/s; 78 sec\n", + "[2019-10-10 20:29:01,429 INFO] Step 1300/50000; xent: 3.93; lr: 0.0000026; 323 docs/s; 82 sec\n", + "[2019-10-10 20:29:04,520 INFO] Step 1350/50000; xent: 3.79; lr: 0.0000027; 329 docs/s; 85 sec\n", + "[2019-10-10 20:29:07,634 INFO] Step 1400/50000; xent: 4.00; lr: 0.0000028; 321 docs/s; 88 sec\n", + "[2019-10-10 20:29:10,770 INFO] Step 1450/50000; xent: 3.79; lr: 0.0000029; 327 docs/s; 91 sec\n", + "[2019-10-10 20:29:13,888 INFO] Step 1500/50000; xent: 3.88; lr: 0.0000030; 320 docs/s; 94 sec\n", + "[2019-10-10 20:29:13,893 INFO] Saving checkpoint ./models/baseline0.4638002095122038/model_step_1500.pt\n", + "[2019-10-10 20:29:17,057 INFO] Step 1550/50000; xent: 3.90; lr: 0.0000031; 322 docs/s; 97 sec\n", + "[2019-10-10 20:29:20,209 INFO] Step 1600/50000; xent: 3.87; lr: 0.0000032; 318 docs/s; 100 sec\n", + "[2019-10-10 20:29:23,305 INFO] Step 1650/50000; xent: 3.86; lr: 0.0000033; 326 docs/s; 103 sec\n", + "[2019-10-10 20:29:26,419 INFO] Step 1700/50000; xent: 3.75; lr: 0.0000034; 328 docs/s; 107 sec\n", + "[2019-10-10 20:29:29,523 INFO] Step 1750/50000; xent: 3.80; lr: 0.0000035; 327 docs/s; 110 sec\n", + "[2019-10-10 20:29:32,616 INFO] Step 1800/50000; xent: 3.74; lr: 0.0000036; 328 docs/s; 113 sec\n" + ] + } + ], "source": [ "bertsum_model.fit(device_id, training_data_files, train_steps=50000, train_from=\"\")" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### [Optional] Distributed Training" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [], + "source": [ + "BERT_CONFIG_PATH=\"./bert_config_uncased_base.json\"" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['1']\n", + "{1: 0}\n" + ] + } + ], + "source": [ + "bertsum_model = BertSumExtractiveSummarizer(encoder = 'baseline', \n", + " model_path = model_base_path+encoder+str(random_number),\n", + " log_file = log_base_path+encoder+str(random_number),\n", + " bert_config_path=BERT_CONFIG_PATH,\n", + " device_id = device_id,\n", + " gpu_ranks = gpu_ranks,)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def train():\n", + "\n", + " bertsum_model.fit(device_id, training_data_files, train_steps=50000, train_from=\"\")" + ] + }, { "cell_type": "markdown", "metadata": {}, @@ -1108,14 +1319,14 @@ }, { "cell_type": "code", - "execution_count": 42, + "execution_count": 15, "metadata": { "scrolled": true }, "outputs": [], "source": [ "import torch\n", - "from models.data_loader import DataIterator,Batch,Dataloader\n", + "from bertsum.models.data_loader import DataIterator,Batch,Dataloader\n", "import os\n", "\n", "USE_PREPROCESSED_DATA = False\n", @@ -1124,7 +1335,7 @@ "else:\n", " test_dataset=[]\n", " for i in range(0,6):\n", - " filename = os.path.join(BERT_DATA_PATH, \"test/cnndm.test.{0}.bert.pt\".format(i))\n", + " filename = os.path.join(BERT_DATA_PATH, \"cnndm.test.{0}.bert.pt\".format(i))\n", " test_dataset.extend(torch.load(filename))\n", "\n", " \n", @@ -1139,16 +1350,16 @@ }, { "cell_type": "code", - "execution_count": 32, + "execution_count": 22, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-07 03:29:59,368 INFO] Device ID 1\n", - "[2019-10-07 03:29:59,373 INFO] Loading checkpoint from ./models/baseline0.14344633695274556/model_step_30000.pt\n", - "[2019-10-07 03:30:02,139 INFO] * number of parameters: 5179137\n" + "[2019-10-09 02:47:36,693 INFO] Device ID 1\n", + "[2019-10-09 02:47:36,694 INFO] Loading checkpoint from ./models/baseline0.5550666171952351/model_step_50000.pt\n", + "[2019-10-09 02:47:38,197 INFO] * number of parameters: 5179137\n" ] }, { @@ -1161,7 +1372,8 @@ } ], "source": [ - "model_for_test = \"./models/baseline0.14344633695274556/model_step_30000.pt\"\n", + "model_for_test = \"./models/baseline0.5550666171952351/model_step_50000.pt\"\n", + "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n", " test_from=model_for_test,\n", @@ -1171,7 +1383,7 @@ }, { "cell_type": "code", - "execution_count": 33, + "execution_count": 23, "metadata": {}, "outputs": [ { @@ -1180,7 +1392,7 @@ "11489" ] }, - "execution_count": 33, + "execution_count": 23, "metadata": {}, "output_type": "execute_result" } @@ -1191,7 +1403,34 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 25, + "metadata": {}, + "outputs": [], + "source": [ + "import os\n", + "from random import random, seed\n", + "from bertsum.others.utils import test_rouge\n", + "\n", + "def get_rouge(predictions, targets, temp_dir):\n", + " def _write_list_to_file(list_items, filename):\n", + " with open(filename, 'w') as filehandle:\n", + " #for cnt, line in enumerate(filehandle):\n", + " for item in list_items:\n", + " filehandle.write('%s\\n' % item)\n", + " seed(42)\n", + " random_number = random()\n", + " candidate_path = os.path.join(temp_dir, \"candidate\"+str(random_number))\n", + " gold_path = os.path.join(temp_dir, \"gold\"+str(random_number))\n", + " _write_list_to_file(predictions, candidate_path)\n", + " _write_list_to_file(targets, gold_path)\n", + " rouge = test_rouge(temp_dir, candidate_path, gold_path)\n", + " return rouge\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 26, "metadata": {}, "outputs": [ { @@ -1206,28 +1445,47 @@ "name": "stderr", "output_type": "stream", "text": [ - "2019-10-07 03:31:33,696 [MainThread ] [INFO ] Writing summaries.\n", - "[2019-10-07 03:31:33,696 INFO] Writing summaries.\n", - "2019-10-07 03:31:33,698 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/tmpekvbkkdp/system and model files to /dadendev/textsum/results/tmpekvbkkdp/model.\n", - "[2019-10-07 03:31:33,698 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/tmpekvbkkdp/system and model files to /dadendev/textsum/results/tmpekvbkkdp/model.\n", - "2019-10-07 03:31:33,700 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rouge-tmp-2019-10-07-03-31-32/candidate/.\n", - "[2019-10-07 03:31:33,700 INFO] Processing files in /dadendev/textsum/results/rouge-tmp-2019-10-07-03-31-32/candidate/.\n", - "2019-10-07 03:31:35,332 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/tmpekvbkkdp/system.\n", - "[2019-10-07 03:31:35,332 INFO] Saved processed files to /dadendev/textsum/results/tmpekvbkkdp/system.\n", - "2019-10-07 03:31:35,335 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rouge-tmp-2019-10-07-03-31-32/reference/.\n", - "[2019-10-07 03:31:35,335 INFO] Processing files in /dadendev/textsum/results/rouge-tmp-2019-10-07-03-31-32/reference/.\n", - "2019-10-07 03:31:36,920 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/tmpekvbkkdp/model.\n", - "[2019-10-07 03:31:36,920 INFO] Saved processed files to /dadendev/textsum/results/tmpekvbkkdp/model.\n", - "2019-10-07 03:31:37,246 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/tmp7nz1xogo/rouge_conf.xml\n", - "[2019-10-07 03:31:37,246 INFO] Written ROUGE configuration to /dadendev/textsum/results/tmp7nz1xogo/rouge_conf.xml\n", - "2019-10-07 03:31:37,248 [MainThread ] [INFO ] Running ROUGE with command /home/daden/.files2rouge/ROUGE-1.5.5.pl -e /home/daden/.files2rouge/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/tmp7nz1xogo/rouge_conf.xml\n", - "[2019-10-07 03:31:37,248 INFO] Running ROUGE with command /home/daden/.files2rouge/ROUGE-1.5.5.pl -e /home/daden/.files2rouge/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/tmp7nz1xogo/rouge_conf.xml\n" + "2019-10-09 02:49:06,778 [MainThread ] [INFO ] Writing summaries.\n", + "[2019-10-09 02:49:06,778 INFO] Writing summaries.\n", + "2019-10-09 02:49:06,781 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpaikkoju5/system and model files to ./results/tmpaikkoju5/model.\n", + "[2019-10-09 02:49:06,781 INFO] Processing summaries. Saving system files to ./results/tmpaikkoju5/system and model files to ./results/tmpaikkoju5/model.\n", + "2019-10-09 02:49:06,782 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-09-02-49-05/candidate/.\n", + "[2019-10-09 02:49:06,782 INFO] Processing files in ./results/rouge-tmp-2019-10-09-02-49-05/candidate/.\n", + "2019-10-09 02:49:07,979 [MainThread ] [INFO ] Saved processed files to ./results/tmpaikkoju5/system.\n", + "[2019-10-09 02:49:07,979 INFO] Saved processed files to ./results/tmpaikkoju5/system.\n", + "2019-10-09 02:49:07,981 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-09-02-49-05/reference/.\n", + "[2019-10-09 02:49:07,981 INFO] Processing files in ./results/rouge-tmp-2019-10-09-02-49-05/reference/.\n", + "2019-10-09 02:49:09,181 [MainThread ] [INFO ] Saved processed files to ./results/tmpaikkoju5/model.\n", + "[2019-10-09 02:49:09,181 INFO] Saved processed files to ./results/tmpaikkoju5/model.\n", + "2019-10-09 02:49:09,267 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp8_c210t6/rouge_conf.xml\n", + "[2019-10-09 02:49:09,267 INFO] Written ROUGE configuration to ./results/tmp8_c210t6/rouge_conf.xml\n", + "2019-10-09 02:49:09,268 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp8_c210t6/rouge_conf.xml\n", + "[2019-10-09 02:49:09,268 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp8_c210t6/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.52805 (95%-conf.int. 0.52503 - 0.53101)\n", + "1 ROUGE-1 Average_P: 0.34902 (95%-conf.int. 0.34673 - 0.35137)\n", + "1 ROUGE-1 Average_F: 0.40627 (95%-conf.int. 0.40407 - 0.40856)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.23266 (95%-conf.int. 0.22986 - 0.23553)\n", + "1 ROUGE-2 Average_P: 0.15342 (95%-conf.int. 0.15150 - 0.15543)\n", + "1 ROUGE-2 Average_F: 0.17858 (95%-conf.int. 0.17650 - 0.18072)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.47936 (95%-conf.int. 0.47650 - 0.48238)\n", + "1 ROUGE-L Average_P: 0.31731 (95%-conf.int. 0.31511 - 0.31957)\n", + "1 ROUGE-L Average_F: 0.36913 (95%-conf.int. 0.36697 - 0.37144)\n", + "\n" ] } ], "source": [ "from utils_nlp.eval.evaluate_summarization import get_rouge\n", - "rouge_baseline = get_rouge(prediction, target, \"/dadendev/textsum/results/\")" + "rouge_baseline = get_rouge(prediction, target, \"./results/\")" ] }, { @@ -1634,7 +1892,7 @@ ], "metadata": { "kernelspec": { - "display_name": "Python (nlp_gpu)", + "display_name": "python3.6 cm3", "language": "python", "name": "cm3" }, diff --git a/utils_nlp/dataset/harvardnlp_cnndm.py b/utils_nlp/dataset/harvardnlp_cnndm.py index f38e9ab62..8b6b209f7 100644 --- a/utils_nlp/dataset/harvardnlp_cnndm.py +++ b/utils_nlp/dataset/harvardnlp_cnndm.py @@ -4,8 +4,7 @@ from nltk import tokenize import torch import sys -sys.path.insert(0, '../src') -from others.utils import clean +from bertsum.others.utils import clean from multiprocess import Pool import regex as re diff --git a/utils_nlp/eval/evaluate_summarization.py b/utils_nlp/eval/evaluate_summarization.py index a9e076366..da4a2040d 100644 --- a/utils_nlp/eval/evaluate_summarization.py +++ b/utils_nlp/eval/evaluate_summarization.py @@ -1,6 +1,6 @@ import os from random import random, seed -from others.utils import test_rouge +from bertsum.others.utils import test_rouge def get_rouge(predictions, targets, temp_dir): def _write_list_to_file(list_items, filename): diff --git a/utils_nlp/models/bert/extractive_text_summarization.py b/utils_nlp/models/bert/extractive_text_summarization.py index 24af40ed5..aa9513271 100644 --- a/utils_nlp/models/bert/extractive_text_summarization.py +++ b/utils_nlp/models/bert/extractive_text_summarization.py @@ -1,16 +1,16 @@ from pytorch_pretrained_bert import BertConfig -from models.model_builder import Summarizer -from models import model_builder, data_loader -from others.logging import logger, init_logger -from train import model_flags -from models.trainer import build_trainer -from prepro.data_builder import BertData +from bertsum.models.model_builder import Summarizer +from bertsum.models import model_builder, data_loader +from bertsum.others.logging import logger, init_logger +from bertsum.train import model_flags +from bertsum.models.trainer import build_trainer +from bertsum.prepro.data_builder import BertData from cached_property import cached_property import torch import random -from prepro.data_builder import greedy_selection, combination_selection +from bertsum.prepro.data_builder import greedy_selection, combination_selection import gc from multiprocessing import Pool @@ -97,7 +97,7 @@ def __init__(self, language="english", log_file = "./logs/baseline", temp_dir = './temp', bert_config_path="./bert_config_uncased_base.json", - device_id=0, + device_id=1, work_size=1, gpu_ranks="1" ): @@ -128,17 +128,15 @@ def __map_gpu_ranks(gpu_ranks): self.args.log_file = log_file self.args.temp_dir = temp_dir self.args.bert_config_path=bert_config_path - self.args.worls_size = 1 + self.args.gpu_ranks = gpu_ranks self.args.gpu_ranks_map = __map_gpu_ranks(self.args.gpu_ranks) + self.args.world_size = len(self.args.gpu_ranks_map.keys()) print(self.args.gpu_ranks_map) - init_logger(self.args.log_file) self.has_cuda = self.cuda - self.device = torch.device("cuda:{}".format(device_id)) - #"cpu" if not self.has_cuda else "cuda" - + init_logger(self.args.log_file) torch.manual_seed(self.args.seed) random.seed(self.args.seed) torch.backends.cudnn.deterministic = True @@ -155,14 +153,16 @@ def cuda(self): def fit(self, device_id, train_file_list, train_steps=5000, train_from='', batch_size=3000, warmup_proportion=0.2, decay_method='noam', lr=0.002,accum_count=2): - if device_id not in self.args.gpu_ranks_map.keys(): - print(error) + + if self.args.gpu_ranks_map[device_id] != 0: + logger.disabled = True + if device_id not in list(self.args.gpu_ranks_map.keys()): + raise Exception("need to use device id that's in the gpu ranks") device = None - logger.info('Device ID %d' % device_id) if device_id >= 0: - torch.cuda.set_device(device_id) + #torch.cuda.set_device(device_id) torch.cuda.manual_seed(self.args.seed) - device = torch.device("cuda:{}".format(device_id)) + device = device_id #torch.device("cuda:{}".format(device_id)) self.args.decay_method=decay_method self.args.lr=lr @@ -172,11 +172,10 @@ def fit(self, device_id, train_file_list, train_steps=5000, train_from='', batch self.args.accum_count= accum_count print(self.args.__dict__) - self.model = Summarizer(self.args, self.device, load_pretrained_bert=True) + self.model = Summarizer(self.args, device, load_pretrained_bert=True) if train_from != '': - logger.info('Loading checkpoint from %s' % args.train_from) checkpoint = torch.load(train_from, map_location=lambda storage, loc: storage) opt = vars(checkpoint['opt']) @@ -188,7 +187,6 @@ def fit(self, device_id, train_file_list, train_steps=5000, train_from='', batch else: optim = model_builder.build_optim(self.args, self.model, None) - logger.info(self.model) def get_dataset(file_list): random.shuffle(file_list) @@ -197,8 +195,8 @@ def get_dataset(file_list): def train_iter_fct(): - return data_loader.Dataloader(self.args, get_dataset(train_file_list), batch_size, self.device, - shuffle=True, is_test=False) + return data_loader.Dataloader(self.args, get_dataset(train_file_list), batch_size, device, + shuffle=True, is_test=True) @@ -210,7 +208,6 @@ def predict(self, device_id, data_iter, sentence_seperator='', test_from='', cal #if self.args.world_size=1 or len(self.args.gpu_ranks.split(",")==1): # device_id = 0 - logger.info('Device ID %d' % device_id) device = None if device_id >= 0: torch.cuda.set_device(device_id) @@ -220,7 +217,6 @@ def predict(self, device_id, data_iter, sentence_seperator='', test_from='', cal if self.model is None and test_from == '': raise Exception("Need to train or specify the model for testing") if test_from != '': - logger.info('Loading checkpoint from %s' % test_from) checkpoint = torch.load(test_from, map_location=lambda storage, loc: storage) opt = vars(checkpoint['opt']) for k in opt.keys(): From f5d536ae8be55042dc4efd8493a80476f9f653cd Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Tue, 15 Oct 2019 18:52:00 +0000 Subject: [PATCH 006/167] complete notenook run with transformer --- .../text_summarization/bertsum_cnndm.ipynb | 3778 +++++++++++++---- .../bert/extractive_text_summarization.py | 63 +- 2 files changed, 2888 insertions(+), 953 deletions(-) diff --git a/examples/text_summarization/bertsum_cnndm.ipynb b/examples/text_summarization/bertsum_cnndm.ipynb index 06abb188e..b7e46fc22 100644 --- a/examples/text_summarization/bertsum_cnndm.ipynb +++ b/examples/text_summarization/bertsum_cnndm.ipynb @@ -34,10 +34,15 @@ "\n", "The table below provides some reference running time on different machine configurations. \n", "\n", - "|QUICK_RUN|Machine Configurations|Running time|\n", - "|:---------|:----------------------|:------------|\n", - "|True|1 NVIDIA Tesla K80 GPUs, 12GB GPU memory| ~ ? minutes |\n", - "|False|4 NVIDIA Tesla V100 GPUs, 64GB GPU memory| ~ ? hours|\n" + "|QUICK_RUN|USE_PREPROCESSED_DATA|encoder|Machine Configurations|Running time|\n", + "|:---------|:---------|:---------|:----------------------|:------------|\n", + "|True|True|baseline|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 20 minutes |\n", + "|False|True|baseline|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 60 minutes |\n", + "|True|False|baseline|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 20 minutes |\n", + "|True|True|transformer|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 80 minutes |\n", + "|False|True|transformer|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 6.5hours |\n", + "|True|False|transformer|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 80 minutes |\n", + "|False|False|any| 1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| > 24 hours|\n" ] }, { @@ -48,10 +53,7 @@ "source": [ "## Set QUICK_RUN = True to run the notebook on a small subset of data and a smaller number of epochs.\n", "QUICK_RUN = True\n", - "USE_PREPROCESSED_DATA = False\n", - "if not USE_PREPROCESSED_DATA:\n", - " #BERT_DATA_PATH=\"/dadendev/BertSum/bert_data/\"\n", - " BERT_DATA_PATH=\"/dadendev/textsum/bert_data/\"" + "USE_PREPROCESSED_DATA = True" ] }, { @@ -72,23 +74,23 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": 2, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "--2019-10-08 19:30:42-- https://raw.githubusercontent.com/nlpyang/BertSum/master/bert_config_uncased_base.json\n", + "--2019-10-15 17:28:02-- https://raw.githubusercontent.com/nlpyang/BertSum/master/bert_config_uncased_base.json\n", "Resolving raw.githubusercontent.com (raw.githubusercontent.com)... 151.101.124.133\n", "Connecting to raw.githubusercontent.com (raw.githubusercontent.com)|151.101.124.133|:443... connected.\n", "HTTP request sent, awaiting response... 200 OK\n", "Length: 313 [text/plain]\n", - "Saving to: ‘bert_config_uncased_base.json.1’\n", + "Saving to: ‘bert_config_uncased_base.json’\n", "\n", "bert_config_uncased 100%[===================>] 313 --.-KB/s in 0s \n", "\n", - "2019-10-08 19:30:43 (56.3 MB/s) - ‘bert_config_uncased_base.json.1’ saved [313/313]\n", + "2019-10-15 17:28:02 (59.7 MB/s) - ‘bert_config_uncased_base.json’ saved [313/313]\n", "\n" ] } @@ -99,7 +101,7 @@ }, { "cell_type": "code", - "execution_count": 2, + "execution_count": 3, "metadata": {}, "outputs": [], "source": [ @@ -108,7 +110,7 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": 4, "metadata": {}, "outputs": [], "source": [ @@ -119,7 +121,7 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 5, "metadata": {}, "outputs": [], "source": [ @@ -128,8 +130,7 @@ "nlp_path = os.path.abspath('../../')\n", "if nlp_path not in sys.path:\n", " sys.path.insert(0, nlp_path)\n", - "sys.path.insert(0, \"./\")\n", - "sys.path.insert(0, \"/dadendev/nlp/examples/text_summarization/BertSum\")" + "sys.path.insert(0, \"./\")\n" ] }, { @@ -141,9 +142,44 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 6, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Hit:1 http://azure.archive.ubuntu.com/ubuntu bionic InRelease\n", + "Get:2 http://azure.archive.ubuntu.com/ubuntu bionic-updates InRelease [88.7 kB]\n", + "Ign:3 http://developer.download.nvidia.com/compute/cuda/repos/ubuntu1804/x86_64 InRelease\n", + "Get:4 http://azure.archive.ubuntu.com/ubuntu bionic-backports InRelease [74.6 kB]\n", + "Get:5 http://security.ubuntu.com/ubuntu bionic-security InRelease [88.7 kB] \n", + "Hit:6 https://packages.microsoft.com/repos/microsoft-ubuntu-xenial-prod xenial InRelease\n", + "Hit:7 http://developer.download.nvidia.com/compute/cuda/repos/ubuntu1804/x86_64 Release\n", + "Fetched 252 kB in 1s (350 kB/s) \n", + "Reading package lists... Done\n", + "Reading package lists... Done\n", + "Building dependency tree \n", + "Reading state information... Done\n", + "expat is already the newest version (2.2.5-3ubuntu0.2).\n", + "The following packages were automatically installed and are no longer required:\n", + " linux-azure-cloud-tools-5.0.0-1018 linux-azure-headers-5.0.0-1018\n", + " linux-azure-tools-5.0.0-1018\n", + "Use 'sudo apt autoremove' to remove them.\n", + "0 upgraded, 0 newly installed, 0 to remove and 47 not upgraded.\n", + "Reading package lists... Done\n", + "Building dependency tree \n", + "Reading state information... Done\n", + "Note, selecting 'libexpat1-dev' instead of 'libexpat-dev'\n", + "libexpat1-dev is already the newest version (2.2.5-3ubuntu0.2).\n", + "The following packages were automatically installed and are no longer required:\n", + " linux-azure-cloud-tools-5.0.0-1018 linux-azure-headers-5.0.0-1018\n", + " linux-azure-tools-5.0.0-1018\n", + "Use 'sudo apt autoremove' to remove them.\n", + "0 upgraded, 0 newly installed, 0 to remove and 47 not upgraded.\n" + ] + } + ], "source": [ "# dependencies for ROUGE-1.5.5.pl\n", "!sudo apt-get update\n", @@ -155,12 +191,12 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "Run the following command in your terminal\n", + "Run the following command in your terminal to install pre-requiste for using pyrouge.\n", "1. sudo cpan install XML::Parser\n", "1. sudo cpan install XML::Parser::PerlSAX\n", "1. sudo cpan install XML::DOM\n", "\n", - "Also you need to set up file2rouge\n" + "Also you need to set up file2rouge, install pyrouge\n" ] }, { @@ -169,7 +205,7 @@ "source": [ "### Data Preprossing\n", "\n", - "The dataset we used for this notebook is CNN/DM dataset which contains the documents and accompanying questions from the news articles of CNN and Daily mail. The highlights in each article are used as summary. The dataset consits of ~289K training examples, ~11K valiation and ~11K test dataset. You can choose to use the preprocessed version at [BERTSum published example](https://github.com/nlpyang/BertSum/) or use the following section to preprocess the data. Since it takes up to 28 hours to preprocess the training data to run on 10 Intel(R) Xeon(R) CPU E5-2690 v3 @ 2.60GHz, if you choose to run the preprocessing, we suggest you run with QUICKRUN set as True.\n", + "The dataset we used for this notebook is CNN/DM dataset which contains the documents and accompanying questions from the news articles of CNN and Daily mail. The highlights in each article are used as summary. The dataset consits of ~289K training examples, ~11K valiation and ~11K test dataset. You can choose to use the preprocessed version at [BERTSum published example](https://github.com/nlpyang/BertSum/) or use the following section to preprocess the data. Since it takes up to 28 hours to preprocess the training data to run on 10 Intel(R) Xeon(R) CPU E5-2690 v3 @ 2.60GHz, we suggest you continue with set as True first and experiment with data preprocessing with QUICKRUN set as True.\n", "\n" ] }, @@ -177,15 +213,65 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "If you choose to use preprocessed data, continue to section #Model training.\n", - "To continue with the data preprocessing, run the following command to download from https://github.com/harvardnlp/sent-summary and unzip the data to folder ./harvardnlp_cnndm" + "#### Download Preprocessed Data\n", + "Please go to [BERTSum published example](https://github.com/nlpyang/BertSum/) to download preprocessed data and unzip it to the folder \"./bert_data\" at the current path." ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 7, "metadata": {}, "outputs": [], + "source": [ + "USE_PREPROCESSED_DATA = True\n", + "if USE_PREPROCESSED_DATA:\n", + " BERT_DATA_PATH=\"./bert_data/\"" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "If you choose to use preprocessed data, continue to section Model training.\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Run Data Preprocessing\n", + "To continue with the data preprocessing, run the following command to download from https://github.com/harvardnlp/sent-summary and unzip the data to folder ./harvardnlp_cnndm" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "--2019-10-15 17:28:19-- https://s3.amazonaws.com/opennmt-models/Summary/cnndm.tar.gz\n", + "Resolving s3.amazonaws.com (s3.amazonaws.com)... 52.216.238.221\n", + "Connecting to s3.amazonaws.com (s3.amazonaws.com)|52.216.238.221|:443... connected.\n", + "HTTP request sent, awaiting response... 200 OK\n", + "Length: 500375629 (477M) [application/x-gzip]\n", + "Saving to: ‘cnndm.tar.gz’\n", + "\n", + "cnndm.tar.gz 100%[===================>] 477.20M 91.7MB/s in 5.2s \n", + "\n", + "2019-10-15 17:28:24 (91.4 MB/s) - ‘cnndm.tar.gz’ saved [500375629/500375629]\n", + "\n", + "test.txt.src\n", + "test.txt.tgt.tagged\n", + "train.txt.src\n", + "train.txt.tgt.tagged\n", + "val.txt.src\n", + "val.txt.tgt.tagged\n" + ] + } + ], "source": [ "!wget https://s3.amazonaws.com/opennmt-models/Summary/cnndm.tar.gz &&\\\n", " mkdir -p harvardnlp_cnndm &&\\\n", @@ -197,7 +283,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "#### Details of Data Preprocessing\n", + "##### Details of Data Preprocessing\n", "\n", "The purpose of preprocessing is to process the input articles to the format that BertSum takes. Functions defined specific in harvardnlp_cnndm_preprocess function are unique to CNN/DM dataset that's processed by harvardnlp. However, it provides a skeleton of how to preprocessing data into the format that BertSum takes. Assuming you have all articles and target summery each in a file, line-breaker seperated, the steps to preprocess the data are:\n", "1. sentence tokenization\n", @@ -221,7 +307,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 9, "metadata": { "scrolled": true }, @@ -242,15 +328,15 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 10, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "CPU times: user 3 µs, sys: 1 µs, total: 4 µs\n", - "Wall time: 6.68 µs\n" + "CPU times: user 4 µs, sys: 1e+03 ns, total: 5 µs\n", + "Wall time: 7.87 µs\n" ] } ], @@ -260,28 +346,19 @@ "max_test_job_number = -1\n", "if QUICK_RUN:\n", " max_train_job_number = 100\n", - " max_test_job_number = 10" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [], - "source": [ - "output_file = f\"./harvardnlp_cnndm/test.bertdata_{QUICK_RUN}\" " + " max_test_job_number = 100" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "#### Preprocess training data" + "##### Preprocess training data" ] }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 11, "metadata": {}, "outputs": [ { @@ -289,8 +366,8 @@ "output_type": "stream", "text": [ "total length of training data: 100\n", - "CPU times: user 3.14 s, sys: 1.63 s, total: 4.77 s\n", - "Wall time: 41.1 s\n" + "CPU times: user 2.98 s, sys: 2.49 s, total: 5.46 s\n", + "Wall time: 32.5 s\n" ] } ], @@ -299,11 +376,13 @@ "TRAIN_SRC_FILE = \"./harvardnlp_cnndm/train.txt.src\"\n", "TRAIN_TGT_FILE = \"./harvardnlp_cnndm/train.txt.tgt.tagged\"\n", "PROCESSED_TRAIN_FILE = f\"./harvardnlp_cnndm/train.bertdata_{QUICK_RUN}\" \n", + "\n", + "\n", "import multiprocessing\n", "n_cpus = multiprocessing.cpu_count() - 1\n", "jobs = harvardnlp_cnndm_preprocess(n_cpus, TRAIN_SRC_FILE, TRAIN_TGT_FILE, max_train_job_number)\n", "print(\"total length of training data:\", len(jobs))\n", - "from prepro.data_builder import BertData\n", + "from bertsum.prepro.data_builder import BertData\n", "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", "default_preprocessing_parameters = {\"max_nsents\": 200, \"max_src_ntokens\": 2000, \"min_nsents\": 3, \"min_src_ntokens\": 5, \"use_interval\": True}\n", "args=Bunch(default_preprocessing_parameters)\n", @@ -315,21 +394,21 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "#### Preprocess test data" + "##### Preprocessing test data" ] }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 12, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "total length of training data: 10\n", - "CPU times: user 2.9 s, sys: 1.59 s, total: 4.49 s\n", - "Wall time: 5.12 s\n" + "total length of training data: 100\n", + "CPU times: user 586 ms, sys: 1.01 s, total: 1.59 s\n", + "Wall time: 15.6 s\n" ] } ], @@ -338,11 +417,12 @@ "TEST_SRC_FILE = \"./harvardnlp_cnndm/test.txt.src\"\n", "TEST_TGT_FILE = \"./harvardnlp_cnndm/test.txt.tgt.tagged\"\n", "PROCESSED_TEST_FILE = f\"./harvardnlp_cnndm/test.bertdata_{QUICK_RUN}\" \n", + "\n", "import multiprocessing\n", "n_cpus = multiprocessing.cpu_count() - 1\n", - "jobs = harvardnlp_cnndm_preprocess(n_cpus, TRAIN_SRC_FILE, TRAIN_TGT_FILE, max_test_job_number)\n", + "jobs = harvardnlp_cnndm_preprocess(n_cpus, TEST_SRC_FILE, TEST_TGT_FILE, max_test_job_number)\n", "print(\"total length of training data:\", len(jobs))\n", - "from prepro.data_builder import BertData\n", + "from bertsum.prepro.data_builder import BertData\n", "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", "default_preprocessing_parameters = {\"max_nsents\": 200, \"max_src_ntokens\": 2000, \"min_nsents\": 3, \"min_src_ntokens\": 5, \"use_interval\": True}\n", "args=Bunch(default_preprocessing_parameters)\n", @@ -350,6 +430,1349 @@ "bertsum_formatting(n_cpus, bertdata,\"combination\", jobs[0:max_test_job_number], PROCESSED_TEST_FILE)\n" ] }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'src': [['marseille',\n", + " ',',\n", + " 'france',\n", + " '(',\n", + " 'cnn',\n", + " ')',\n", + " 'the',\n", + " 'french',\n", + " 'prosecutor',\n", + " 'leading',\n", + " 'an',\n", + " 'investigation',\n", + " 'into',\n", + " 'the',\n", + " 'crash',\n", + " 'of',\n", + " 'germanwings',\n", + " 'flight',\n", + " '9525',\n", + " 'insisted',\n", + " 'wednesday',\n", + " 'that',\n", + " 'he',\n", + " 'was',\n", + " 'not',\n", + " 'aware',\n", + " 'of',\n", + " 'any',\n", + " 'video',\n", + " 'footage',\n", + " 'from',\n", + " 'on',\n", + " 'board',\n", + " 'the',\n", + " 'plane',\n", + " '.'],\n", + " ['marseille',\n", + " 'prosecutor',\n", + " 'brice',\n", + " 'robin',\n", + " 'told',\n", + " 'cnn',\n", + " 'that',\n", + " '``',\n", + " 'so',\n", + " 'far',\n", + " 'no',\n", + " 'videos',\n", + " 'were',\n", + " 'used',\n", + " 'in',\n", + " 'the',\n", + " 'crash',\n", + " 'investigation',\n", + " '.',\n", + " '``'],\n", + " ['he',\n", + " 'added',\n", + " ',',\n", + " '``',\n", + " 'a',\n", + " 'person',\n", + " 'who',\n", + " 'has',\n", + " 'such',\n", + " 'a',\n", + " 'video',\n", + " 'needs',\n", + " 'to',\n", + " 'immediately',\n", + " 'give',\n", + " 'it',\n", + " 'to',\n", + " 'the',\n", + " 'investigators',\n", + " '.',\n", + " '``'],\n", + " ['robin',\n", + " \"'s\",\n", + " 'comments',\n", + " 'follow',\n", + " 'claims',\n", + " 'by',\n", + " 'two',\n", + " 'magazines',\n", + " ',',\n", + " 'german',\n", + " 'daily',\n", + " 'bild',\n", + " 'and',\n", + " 'french',\n", + " 'paris',\n", + " 'match',\n", + " ',',\n", + " 'of',\n", + " 'a',\n", + " 'cell',\n", + " 'phone',\n", + " 'video',\n", + " 'showing',\n", + " 'the',\n", + " 'harrowing',\n", + " 'final',\n", + " 'seconds',\n", + " 'from',\n", + " 'on',\n", + " 'board',\n", + " 'germanwings',\n", + " 'flight',\n", + " '9525',\n", + " 'as',\n", + " 'it',\n", + " 'crashed',\n", + " 'into',\n", + " 'the',\n", + " 'french',\n", + " 'alps',\n", + " '.'],\n", + " ['all', '150', 'on', 'board', 'were', 'killed', '.'],\n", + " ['paris',\n", + " 'match',\n", + " 'and',\n", + " 'bild',\n", + " 'reported',\n", + " 'that',\n", + " 'the',\n", + " 'video',\n", + " 'was',\n", + " 'recovered',\n", + " 'from',\n", + " 'a',\n", + " 'phone',\n", + " 'at',\n", + " 'the',\n", + " 'wreckage',\n", + " 'site',\n", + " '.'],\n", + " ['the',\n", + " 'two',\n", + " 'publications',\n", + " 'described',\n", + " 'the',\n", + " 'supposed',\n", + " 'video',\n", + " ',',\n", + " 'but',\n", + " 'did',\n", + " 'not',\n", + " 'post',\n", + " 'it',\n", + " 'on',\n", + " 'their',\n", + " 'websites',\n", + " '.'],\n", + " ['the',\n", + " 'publications',\n", + " 'said',\n", + " 'that',\n", + " 'they',\n", + " 'watched',\n", + " 'the',\n", + " 'video',\n", + " ',',\n", + " 'which',\n", + " 'was',\n", + " 'found',\n", + " 'by',\n", + " 'a',\n", + " 'source',\n", + " 'close',\n", + " 'to',\n", + " 'the',\n", + " 'investigation',\n", + " '.',\n", + " '``'],\n", + " ['one',\n", + " 'can',\n", + " 'hear',\n", + " 'cries',\n", + " 'of',\n", + " '`',\n", + " 'my',\n", + " 'god',\n", + " \"'\",\n", + " 'in',\n", + " 'several',\n", + " 'languages',\n", + " ',',\n", + " '``',\n", + " 'paris',\n", + " 'match',\n", + " 'reported',\n", + " '.',\n", + " '``'],\n", + " ['metallic',\n", + " 'banging',\n", + " 'can',\n", + " 'also',\n", + " 'be',\n", + " 'heard',\n", + " 'more',\n", + " 'than',\n", + " 'three',\n", + " 'times',\n", + " ',',\n", + " 'perhaps',\n", + " 'of',\n", + " 'the',\n", + " 'pilot',\n", + " 'trying',\n", + " 'to',\n", + " 'open',\n", + " 'the',\n", + " 'cockpit',\n", + " 'door',\n", + " 'with',\n", + " 'a',\n", + " 'heavy',\n", + " 'object',\n", + " '.'],\n", + " ['towards',\n", + " 'the',\n", + " 'end',\n", + " ',',\n", + " 'after',\n", + " 'a',\n", + " 'heavy',\n", + " 'shake',\n", + " ',',\n", + " 'stronger',\n", + " 'than',\n", + " 'the',\n", + " 'others',\n", + " ',',\n", + " 'the',\n", + " 'screaming',\n", + " 'intensifies',\n", + " '.'],\n", + " ['then', 'nothing', '.', '``'],\n", + " ['``',\n", + " 'it',\n", + " 'is',\n", + " 'a',\n", + " 'very',\n", + " 'disturbing',\n", + " 'scene',\n", + " ',',\n", + " '``',\n", + " 'said',\n", + " 'julian',\n", + " 'reichelt',\n", + " ',',\n", + " 'editor-in-chief',\n", + " 'of',\n", + " 'bild',\n", + " 'online',\n", + " '.'],\n", + " ['an',\n", + " 'official',\n", + " 'with',\n", + " 'france',\n", + " \"'s\",\n", + " 'accident',\n", + " 'investigation',\n", + " 'agency',\n", + " ',',\n", + " 'the',\n", + " 'bea',\n", + " ',',\n", + " 'said',\n", + " 'the',\n", + " 'agency',\n", + " 'is',\n", + " 'not',\n", + " 'aware',\n", + " 'of',\n", + " 'any',\n", + " 'such',\n", + " 'video',\n", + " '.'],\n", + " ['lt.',\n", + " 'col.',\n", + " 'jean-marc',\n", + " 'menichini',\n", + " ',',\n", + " 'a',\n", + " 'french',\n", + " 'gendarmerie',\n", + " 'spokesman',\n", + " 'in',\n", + " 'charge',\n", + " 'of',\n", + " 'communications',\n", + " 'on',\n", + " 'rescue',\n", + " 'efforts',\n", + " 'around',\n", + " 'the',\n", + " 'germanwings',\n", + " 'crash',\n", + " 'site',\n", + " ',',\n", + " 'told',\n", + " 'cnn',\n", + " 'that',\n", + " 'the',\n", + " 'reports',\n", + " 'were',\n", + " '``',\n", + " 'completely',\n", + " 'wrong',\n", + " '``',\n", + " 'and',\n", + " '``',\n", + " 'unwarranted',\n", + " '.',\n", + " '``'],\n", + " ['cell',\n", + " 'phones',\n", + " 'have',\n", + " 'been',\n", + " 'collected',\n", + " 'at',\n", + " 'the',\n", + " 'site',\n", + " ',',\n", + " 'he',\n", + " 'said',\n", + " ',',\n", + " 'but',\n", + " 'that',\n", + " 'they',\n", + " '``',\n", + " 'had',\n", + " \"n't\",\n", + " 'been',\n", + " 'exploited',\n", + " 'yet',\n", + " '.',\n", + " '``'],\n", + " ['menichini',\n", + " 'said',\n", + " 'he',\n", + " 'believed',\n", + " 'the',\n", + " 'cell',\n", + " 'phones',\n", + " 'would',\n", + " 'need',\n", + " 'to',\n", + " 'be',\n", + " 'sent',\n", + " 'to',\n", + " 'the',\n", + " 'criminal',\n", + " 'research',\n", + " 'institute',\n", + " 'in',\n", + " 'rosny',\n", + " 'sous-bois',\n", + " ',',\n", + " 'near',\n", + " 'paris',\n", + " ',',\n", + " 'in',\n", + " 'order',\n", + " 'to',\n", + " 'be',\n", + " 'analyzed',\n", + " 'by',\n", + " 'specialized',\n", + " 'technicians',\n", + " 'working',\n", + " 'hand-in-hand',\n", + " 'with',\n", + " 'investigators',\n", + " '.'],\n", + " ['but',\n", + " 'none',\n", + " 'of',\n", + " 'the',\n", + " 'cell',\n", + " 'phones',\n", + " 'found',\n", + " 'so',\n", + " 'far',\n", + " 'have',\n", + " 'been',\n", + " 'sent',\n", + " 'to',\n", + " 'the',\n", + " 'institute',\n", + " ',',\n", + " 'menichini',\n", + " 'said',\n", + " '.'],\n", + " ['asked',\n", + " 'whether',\n", + " 'staff',\n", + " 'involved',\n", + " 'in',\n", + " 'the',\n", + " 'search',\n", + " 'could',\n", + " 'have',\n", + " 'leaked',\n", + " 'a',\n", + " 'memory',\n", + " 'card',\n", + " 'to',\n", + " 'the',\n", + " 'media',\n", + " ',',\n", + " 'menichini',\n", + " 'answered',\n", + " 'with',\n", + " 'a',\n", + " 'categorical',\n", + " '``',\n", + " 'no',\n", + " '.',\n", + " '``'],\n", + " ['reichelt',\n", + " 'told',\n", + " '``',\n", + " 'erin',\n", + " 'burnett',\n", + " ':',\n", + " 'outfront',\n", + " '``',\n", + " 'that',\n", + " 'he',\n", + " 'had',\n", + " 'watched',\n", + " 'the',\n", + " 'video',\n", + " 'and',\n", + " 'stood',\n", + " 'by',\n", + " 'the',\n", + " 'report',\n", + " ',',\n", + " 'saying',\n", + " 'bild',\n", + " 'and',\n", + " 'paris',\n", + " 'match',\n", + " 'are',\n", + " '``',\n", + " 'very',\n", + " 'confident',\n", + " '``',\n", + " 'that',\n", + " 'the',\n", + " 'clip',\n", + " 'is',\n", + " 'real',\n", + " '.'],\n", + " ['he',\n", + " 'noted',\n", + " 'that',\n", + " 'investigators',\n", + " 'only',\n", + " 'revealed',\n", + " 'they',\n", + " \"'d\",\n", + " 'recovered',\n", + " 'cell',\n", + " 'phones',\n", + " 'from',\n", + " 'the',\n", + " 'crash',\n", + " 'site',\n", + " 'after',\n", + " 'bild',\n", + " 'and',\n", + " 'paris',\n", + " 'match',\n", + " 'published',\n", + " 'their',\n", + " 'reports',\n", + " '.',\n", + " '``'],\n", + " ['that', 'is', 'something', 'we', 'did', 'not', 'know', 'before', '.'],\n", + " ['...',\n", + " 'overall',\n", + " 'we',\n", + " 'can',\n", + " 'say',\n", + " 'many',\n", + " 'things',\n", + " 'of',\n", + " 'the',\n", + " 'investigation',\n", + " 'were',\n", + " \"n't\",\n", + " 'revealed',\n", + " 'by',\n", + " 'the',\n", + " 'investigation',\n", + " 'at',\n", + " 'the',\n", + " 'beginning',\n", + " ',',\n", + " '``',\n", + " 'he',\n", + " 'said',\n", + " '.'],\n", + " ['what', 'was', 'mental', 'state', 'of', 'germanwings', 'co-pilot', '?'],\n", + " ['german',\n", + " 'airline',\n", + " 'lufthansa',\n", + " 'confirmed',\n", + " 'tuesday',\n", + " 'that',\n", + " 'co-pilot',\n", + " 'andreas',\n", + " 'lubitz',\n", + " 'had',\n", + " 'battled',\n", + " 'depression',\n", + " 'years',\n", + " 'before',\n", + " 'he',\n", + " 'took',\n", + " 'the',\n", + " 'controls',\n", + " 'of',\n", + " 'germanwings',\n", + " 'flight',\n", + " '9525',\n", + " ',',\n", + " 'which',\n", + " 'he',\n", + " \"'s\",\n", + " 'accused',\n", + " 'of',\n", + " 'deliberately',\n", + " 'crashing',\n", + " 'last',\n", + " 'week',\n", + " 'in',\n", + " 'the',\n", + " 'french',\n", + " 'alps',\n", + " '.'],\n", + " ['lubitz',\n", + " 'told',\n", + " 'his',\n", + " 'lufthansa',\n", + " 'flight',\n", + " 'training',\n", + " 'school',\n", + " 'in',\n", + " '2009',\n", + " 'that',\n", + " 'he',\n", + " 'had',\n", + " 'a',\n", + " '``',\n", + " 'previous',\n", + " 'episode',\n", + " 'of',\n", + " 'severe',\n", + " 'depression',\n", + " ',',\n", + " '``',\n", + " 'the',\n", + " 'airline',\n", + " 'said',\n", + " 'tuesday',\n", + " '.'],\n", + " ['email',\n", + " 'correspondence',\n", + " 'between',\n", + " 'lubitz',\n", + " 'and',\n", + " 'the',\n", + " 'school',\n", + " 'discovered',\n", + " 'in',\n", + " 'an',\n", + " 'internal',\n", + " 'investigation',\n", + " ',',\n", + " 'lufthansa',\n", + " 'said',\n", + " ',',\n", + " 'included',\n", + " 'medical',\n", + " 'documents',\n", + " 'he',\n", + " 'submitted',\n", + " 'in',\n", + " 'connection',\n", + " 'with',\n", + " 'resuming',\n", + " 'his',\n", + " 'flight',\n", + " 'training',\n", + " '.'],\n", + " ['the',\n", + " 'announcement',\n", + " 'indicates',\n", + " 'that',\n", + " 'lufthansa',\n", + " ',',\n", + " 'the',\n", + " 'parent',\n", + " 'company',\n", + " 'of',\n", + " 'germanwings',\n", + " ',',\n", + " 'knew',\n", + " 'of',\n", + " 'lubitz',\n", + " \"'s\",\n", + " 'battle',\n", + " 'with',\n", + " 'depression',\n", + " ',',\n", + " 'allowed',\n", + " 'him',\n", + " 'to',\n", + " 'continue',\n", + " 'training',\n", + " 'and',\n", + " 'ultimately',\n", + " 'put',\n", + " 'him',\n", + " 'in',\n", + " 'the',\n", + " 'cockpit',\n", + " '.'],\n", + " ['lufthansa',\n", + " ',',\n", + " 'whose',\n", + " 'ceo',\n", + " 'carsten',\n", + " 'spohr',\n", + " 'previously',\n", + " 'said',\n", + " 'lubitz',\n", + " 'was',\n", + " '100',\n", + " '%',\n", + " 'fit',\n", + " 'to',\n", + " 'fly',\n", + " ',',\n", + " 'described',\n", + " 'its',\n", + " 'statement',\n", + " 'tuesday',\n", + " 'as',\n", + " 'a',\n", + " '``',\n", + " 'swift',\n", + " 'and',\n", + " 'seamless',\n", + " 'clarification',\n", + " '``',\n", + " 'and',\n", + " 'said',\n", + " 'it',\n", + " 'was',\n", + " 'sharing',\n", + " 'the',\n", + " 'information',\n", + " 'and',\n", + " 'documents',\n", + " '--',\n", + " 'including',\n", + " 'training',\n", + " 'and',\n", + " 'medical',\n", + " 'records',\n", + " '--',\n", + " 'with',\n", + " 'public',\n", + " 'prosecutors',\n", + " '.'],\n", + " ['spohr',\n", + " 'traveled',\n", + " 'to',\n", + " 'the',\n", + " 'crash',\n", + " 'site',\n", + " 'wednesday',\n", + " ',',\n", + " 'where',\n", + " 'recovery',\n", + " 'teams',\n", + " 'have',\n", + " 'been',\n", + " 'working',\n", + " 'for',\n", + " 'the',\n", + " 'past',\n", + " 'week',\n", + " 'to',\n", + " 'recover',\n", + " 'human',\n", + " 'remains',\n", + " 'and',\n", + " 'plane',\n", + " 'debris',\n", + " 'scattered',\n", + " 'across',\n", + " 'a',\n", + " 'steep',\n", + " 'mountainside',\n", + " '.'],\n", + " ['he',\n", + " 'saw',\n", + " 'the',\n", + " 'crisis',\n", + " 'center',\n", + " 'set',\n", + " 'up',\n", + " 'in',\n", + " 'seyne-les-alpes',\n", + " ',',\n", + " 'laid',\n", + " 'a',\n", + " 'wreath',\n", + " 'in',\n", + " 'the',\n", + " 'village',\n", + " 'of',\n", + " 'le',\n", + " 'vernet',\n", + " ',',\n", + " 'closer',\n", + " 'to',\n", + " 'the',\n", + " 'crash',\n", + " 'site',\n", + " ',',\n", + " 'where',\n", + " 'grieving',\n", + " 'families',\n", + " 'have',\n", + " 'left',\n", + " 'flowers',\n", + " 'at',\n", + " 'a',\n", + " 'simple',\n", + " 'stone',\n", + " 'memorial',\n", + " '.'],\n", + " ['menichini',\n", + " 'told',\n", + " 'cnn',\n", + " 'late',\n", + " 'tuesday',\n", + " 'that',\n", + " 'no',\n", + " 'visible',\n", + " 'human',\n", + " 'remains',\n", + " 'were',\n", + " 'left',\n", + " 'at',\n", + " 'the',\n", + " 'site',\n", + " 'but',\n", + " 'recovery',\n", + " 'teams',\n", + " 'would',\n", + " 'keep',\n", + " 'searching',\n", + " '.'],\n", + " ['french',\n", + " 'president',\n", + " 'francois',\n", + " 'hollande',\n", + " ',',\n", + " 'speaking',\n", + " 'tuesday',\n", + " ',',\n", + " 'said',\n", + " 'that',\n", + " 'it',\n", + " 'should',\n", + " 'be',\n", + " 'possible',\n", + " 'to',\n", + " 'identify',\n", + " 'all',\n", + " 'the',\n", + " 'victims',\n", + " 'using',\n", + " 'dna',\n", + " 'analysis',\n", + " 'by',\n", + " 'the',\n", + " 'end',\n", + " 'of',\n", + " 'the',\n", + " 'week',\n", + " ',',\n", + " 'sooner',\n", + " 'than',\n", + " 'authorities',\n", + " 'had',\n", + " 'previously',\n", + " 'suggested',\n", + " '.'],\n", + " ['in',\n", + " 'the',\n", + " 'meantime',\n", + " ',',\n", + " 'the',\n", + " 'recovery',\n", + " 'of',\n", + " 'the',\n", + " 'victims',\n", + " \"'\",\n", + " 'personal',\n", + " 'belongings',\n", + " 'will',\n", + " 'start',\n", + " 'wednesday',\n", + " ',',\n", + " 'menichini',\n", + " 'said',\n", + " '.'],\n", + " ['among',\n", + " 'those',\n", + " 'personal',\n", + " 'belongings',\n", + " 'could',\n", + " 'be',\n", + " 'more',\n", + " 'cell',\n", + " 'phones',\n", + " 'belonging',\n", + " 'to',\n", + " 'the',\n", + " '144',\n", + " 'passengers',\n", + " 'and',\n", + " 'six',\n", + " 'crew',\n", + " 'on',\n", + " 'board',\n", + " '.'],\n", + " ['check', 'out', 'the', 'latest', 'from', 'our', 'correspondents', '.'],\n", + " ['the',\n", + " 'details',\n", + " 'about',\n", + " 'lubitz',\n", + " \"'s\",\n", + " 'correspondence',\n", + " 'with',\n", + " 'the',\n", + " 'flight',\n", + " 'school',\n", + " 'during',\n", + " 'his',\n", + " 'training',\n", + " 'were',\n", + " 'among',\n", + " 'several',\n", + " 'developments',\n", + " 'as',\n", + " 'investigators',\n", + " 'continued',\n", + " 'to',\n", + " 'delve',\n", + " 'into',\n", + " 'what',\n", + " 'caused',\n", + " 'the',\n", + " 'crash',\n", + " 'and',\n", + " 'lubitz',\n", + " \"'s\",\n", + " 'possible',\n", + " 'motive',\n", + " 'for',\n", + " 'downing',\n", + " 'the',\n", + " 'jet',\n", + " '.'],\n", + " ['a',\n", + " 'lufthansa',\n", + " 'spokesperson',\n", + " 'told',\n", + " 'cnn',\n", + " 'on',\n", + " 'tuesday',\n", + " 'that',\n", + " 'lubitz',\n", + " 'had',\n", + " 'a',\n", + " 'valid',\n", + " 'medical',\n", + " 'certificate',\n", + " ',',\n", + " 'had',\n", + " 'passed',\n", + " 'all',\n", + " 'his',\n", + " 'examinations',\n", + " 'and',\n", + " '``',\n", + " 'held',\n", + " 'all',\n", + " 'the',\n", + " 'licenses',\n", + " 'required',\n", + " '.',\n", + " '``'],\n", + " ['earlier',\n", + " ',',\n", + " 'a',\n", + " 'spokesman',\n", + " 'for',\n", + " 'the',\n", + " 'prosecutor',\n", + " \"'s\",\n", + " 'office',\n", + " 'in',\n", + " 'dusseldorf',\n", + " ',',\n", + " 'christoph',\n", + " 'kumpa',\n", + " ',',\n", + " 'said',\n", + " 'medical',\n", + " 'records',\n", + " 'reveal',\n", + " 'lubitz',\n", + " 'suffered',\n", + " 'from',\n", + " 'suicidal',\n", + " 'tendencies',\n", + " 'at',\n", + " 'some',\n", + " 'point',\n", + " 'before',\n", + " 'his',\n", + " 'aviation',\n", + " 'career',\n", + " 'and',\n", + " 'underwent',\n", + " 'psychotherapy',\n", + " 'before',\n", + " 'he',\n", + " 'got',\n", + " 'his',\n", + " 'pilot',\n", + " \"'s\",\n", + " 'license',\n", + " '.'],\n", + " ['kumpa',\n", + " 'emphasized',\n", + " 'there',\n", + " \"'s\",\n", + " 'no',\n", + " 'evidence',\n", + " 'suggesting',\n", + " 'lubitz',\n", + " 'was',\n", + " 'suicidal',\n", + " 'or',\n", + " 'acting',\n", + " 'aggressively',\n", + " 'before',\n", + " 'the',\n", + " 'crash',\n", + " '.'],\n", + " ['investigators',\n", + " 'are',\n", + " 'looking',\n", + " 'into',\n", + " 'whether',\n", + " 'lubitz',\n", + " 'feared',\n", + " 'his',\n", + " 'medical',\n", + " 'condition',\n", + " 'would',\n", + " 'cause',\n", + " 'him',\n", + " 'to',\n", + " 'lose',\n", + " 'his',\n", + " 'pilot',\n", + " \"'s\",\n", + " 'license',\n", + " ',',\n", + " 'a',\n", + " 'european',\n", + " 'government',\n", + " 'official',\n", + " 'briefed',\n", + " 'on',\n", + " 'the',\n", + " 'investigation',\n", + " 'told',\n", + " 'cnn',\n", + " 'on',\n", + " 'tuesday',\n", + " '.'],\n", + " ['while',\n", + " 'flying',\n", + " 'was',\n", + " '``',\n", + " 'a',\n", + " 'big',\n", + " 'part',\n", + " 'of',\n", + " 'his',\n", + " 'life',\n", + " ',',\n", + " '``',\n", + " 'the',\n", + " 'source',\n", + " 'said',\n", + " ',',\n", + " 'it',\n", + " \"'s\",\n", + " 'only',\n", + " 'one',\n", + " 'theory',\n", + " 'being',\n", + " 'considered',\n", + " '.'],\n", + " ['another',\n", + " 'source',\n", + " ',',\n", + " 'a',\n", + " 'law',\n", + " 'enforcement',\n", + " 'official',\n", + " 'briefed',\n", + " 'on',\n", + " 'the',\n", + " 'investigation',\n", + " ',',\n", + " 'also',\n", + " 'told',\n", + " 'cnn',\n", + " 'that',\n", + " 'authorities',\n", + " 'believe',\n", + " 'the',\n", + " 'primary',\n", + " 'motive',\n", + " 'for',\n", + " 'lubitz',\n", + " 'to',\n", + " 'bring',\n", + " 'down',\n", + " 'the',\n", + " 'plane',\n", + " 'was',\n", + " 'that',\n", + " 'he',\n", + " 'feared',\n", + " 'he',\n", + " 'would',\n", + " 'not',\n", + " 'be',\n", + " 'allowed',\n", + " 'to',\n", + " 'fly',\n", + " 'because',\n", + " 'of',\n", + " 'his',\n", + " 'medical',\n", + " 'problems',\n", + " '.'],\n", + " ['lubitz',\n", + " \"'s\",\n", + " 'girlfriend',\n", + " 'told',\n", + " 'investigators',\n", + " 'he',\n", + " 'had',\n", + " 'seen',\n", + " 'an',\n", + " 'eye',\n", + " 'doctor',\n", + " 'and',\n", + " 'a',\n", + " 'neuropsychologist',\n", + " ',',\n", + " 'both',\n", + " 'of',\n", + " 'whom',\n", + " 'deemed',\n", + " 'him',\n", + " 'unfit',\n", + " 'to',\n", + " 'work',\n", + " 'recently',\n", + " 'and',\n", + " 'concluded',\n", + " 'he',\n", + " 'had',\n", + " 'psychological',\n", + " 'issues',\n", + " ',',\n", + " 'the',\n", + " 'european',\n", + " 'government',\n", + " 'official',\n", + " 'said',\n", + " '.'],\n", + " ['but',\n", + " 'no',\n", + " 'matter',\n", + " 'what',\n", + " 'details',\n", + " 'emerge',\n", + " 'about',\n", + " 'his',\n", + " 'previous',\n", + " 'mental',\n", + " 'health',\n", + " 'struggles',\n", + " ',',\n", + " 'there',\n", + " \"'s\",\n", + " 'more',\n", + " 'to',\n", + " 'the',\n", + " 'story',\n", + " ',',\n", + " 'said',\n", + " 'brian',\n", + " 'russell',\n", + " ',',\n", + " 'a',\n", + " 'forensic',\n", + " 'psychologist',\n", + " '.',\n", + " '``'],\n", + " ['psychology',\n", + " 'can',\n", + " 'explain',\n", + " 'why',\n", + " 'somebody',\n", + " 'would',\n", + " 'turn',\n", + " 'rage',\n", + " 'inward',\n", + " 'on',\n", + " 'themselves',\n", + " 'about',\n", + " 'the',\n", + " 'fact',\n", + " 'that',\n", + " 'maybe',\n", + " 'they',\n", + " 'were',\n", + " \"n't\",\n", + " 'going',\n", + " 'to',\n", + " 'keep',\n", + " 'doing',\n", + " 'their',\n", + " 'job',\n", + " 'and',\n", + " 'they',\n", + " \"'re\",\n", + " 'upset',\n", + " 'about',\n", + " 'that',\n", + " 'and',\n", + " 'so',\n", + " 'they',\n", + " \"'re\",\n", + " 'suicidal',\n", + " ',',\n", + " '``',\n", + " 'he',\n", + " 'said',\n", + " '.',\n", + " '``'],\n", + " ['but',\n", + " 'there',\n", + " 'is',\n", + " 'no',\n", + " 'mental',\n", + " 'illness',\n", + " 'that',\n", + " 'explains',\n", + " 'why',\n", + " 'somebody',\n", + " 'then',\n", + " 'feels',\n", + " 'entitled',\n", + " 'to',\n", + " 'also',\n", + " 'take',\n", + " 'that',\n", + " 'rage',\n", + " 'and',\n", + " 'turn',\n", + " 'it',\n", + " 'outward',\n", + " 'on',\n", + " '149',\n", + " 'other',\n", + " 'people',\n", + " 'who',\n", + " 'had',\n", + " 'nothing',\n", + " 'to',\n", + " 'do',\n", + " 'with',\n", + " 'the',\n", + " 'person',\n", + " \"'s\",\n", + " 'problems',\n", + " '.',\n", + " '``'],\n", + " ['germanwings', 'crash', 'compensation', ':', 'what', 'we', 'know', '.'],\n", + " ['who', 'was', 'the', 'captain', 'of', 'germanwings', 'flight', '9525', '?'],\n", + " ['cnn',\n", + " \"'s\",\n", + " 'margot',\n", + " 'haddad',\n", + " 'reported',\n", + " 'from',\n", + " 'marseille',\n", + " 'and',\n", + " 'pamela',\n", + " 'brown',\n", + " 'from',\n", + " 'dusseldorf',\n", + " ',',\n", + " 'while',\n", + " 'laura',\n", + " 'smith-spark',\n", + " 'wrote',\n", + " 'from',\n", + " 'london',\n", + " '.'],\n", + " ['cnn',\n", + " \"'s\",\n", + " 'frederik',\n", + " 'pleitgen',\n", + " ',',\n", + " 'pamela',\n", + " 'boykoff',\n", + " ',',\n", + " 'antonia',\n", + " 'mortensen',\n", + " ',',\n", + " 'sandrine',\n", + " 'amiel',\n", + " 'and',\n", + " 'anna-maja',\n", + " 'rappard',\n", + " 'contributed',\n", + " 'to',\n", + " 'this',\n", + " 'report',\n", + " '.']],\n", + " 'tgt': [['marseille',\n", + " 'prosecutor',\n", + " 'says',\n", + " '``',\n", + " 'so',\n", + " 'far',\n", + " 'no',\n", + " 'videos',\n", + " 'were',\n", + " 'used',\n", + " 'in',\n", + " 'the',\n", + " 'crash',\n", + " 'investigation',\n", + " '``',\n", + " 'despite',\n", + " 'media',\n", + " 'reports',\n", + " '.'],\n", + " ['journalists',\n", + " 'at',\n", + " 'bild',\n", + " 'and',\n", + " 'paris',\n", + " 'match',\n", + " 'are',\n", + " '``',\n", + " 'very',\n", + " 'confident',\n", + " '``',\n", + " 'the',\n", + " 'video',\n", + " 'clip',\n", + " 'is',\n", + " 'real',\n", + " ',',\n", + " 'an',\n", + " 'editor',\n", + " 'says',\n", + " '.'],\n", + " ['andreas',\n", + " 'lubitz',\n", + " 'had',\n", + " 'informed',\n", + " 'his',\n", + " 'lufthansa',\n", + " 'training',\n", + " 'school',\n", + " 'of',\n", + " 'an',\n", + " 'episode',\n", + " 'of',\n", + " 'severe',\n", + " 'depression',\n", + " ',',\n", + " 'airline',\n", + " 'says',\n", + " '.'],\n", + " []]}" + ] + }, + "execution_count": 13, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "jobs[0]" + ] + }, { "cell_type": "markdown", "metadata": {}, @@ -359,7 +1782,7 @@ }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 14, "metadata": {}, "outputs": [ { @@ -375,7 +1798,7 @@ "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" ] }, - "execution_count": 16, + "execution_count": 14, "metadata": {}, "output_type": "execute_result" } @@ -389,609 +1812,634 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": 15, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "[101,\n", - " 3559,\n", - " 1005,\n", - " 1055,\n", - " 3602,\n", - " 1024,\n", - " 1999,\n", - " 2256,\n", - " 2369,\n", + " 1006,\n", + " 13229,\n", + " 1007,\n", + " 1011,\n", + " 1011,\n", " 1996,\n", - " 5019,\n", - " 2186,\n", + " 2120,\n", + " 2374,\n", + " 2223,\n", + " 2038,\n", + " 20733,\n", + " 6731,\n", + " 5865,\n", + " 14929,\n", + " 9074,\n", + " 2745,\n", + " 10967,\n", + " 2243,\n", + " 2302,\n", + " 3477,\n", " 1010,\n", - " 13229,\n", - " 11370,\n", - " 2015,\n", - " 3745,\n", - " 2037,\n", - " 6322,\n", - " 1999,\n", - " 5266,\n", - " 2739,\n", - " 1998,\n", - " 17908,\n", + " 4584,\n", + " 2007,\n", " 1996,\n", - " 3441,\n", - " 2369,\n", + " 2223,\n", + " 2056,\n", + " 5958,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 5088,\n", + " 2732,\n", + " 2745,\n", + " 10967,\n", + " 2243,\n", + " 2003,\n", + " 2275,\n", + " 2000,\n", + " 3711,\n", + " 1999,\n", + " 2457,\n", + " 6928,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 1037,\n", + " 3648,\n", + " 2097,\n", + " 2031,\n", " 1996,\n", - " 2824,\n", + " 2345,\n", + " 2360,\n", + " 2006,\n", + " 1037,\n", + " 14865,\n", + " 3066,\n", " 1012,\n", " 102,\n", " 101,\n", - " 2182,\n", + " 3041,\n", " 1010,\n", - " 7082,\n", - " 14697,\n", - " 1051,\n", - " 1005,\n", - " 9848,\n", - " 3138,\n", - " 5198,\n", - " 2503,\n", + " 10967,\n", + " 2243,\n", + " 4914,\n", + " 2000,\n", + " 8019,\n", + " 1999,\n", " 1037,\n", - " 7173,\n", - " 2073,\n", - " 2116,\n", + " 3899,\n", + " 22158,\n", + " 3614,\n", + " 2004,\n", + " 2112,\n", " 1997,\n", - " 1996,\n", - " 13187,\n", - " 2024,\n", - " 10597,\n", - " 5665,\n", + " 1037,\n", + " 14865,\n", + " 3820,\n", + " 2007,\n", + " 2976,\n", + " 19608,\n", + " 1999,\n", + " 3448,\n", " 1012,\n", + " 1036,\n", + " 1036,\n", " 102,\n", " 101,\n", - " 2019,\n", - " 24467,\n", - " 7431,\n", - " 2006,\n", + " 2115,\n", + " 4914,\n", + " 6204,\n", + " 2001,\n", + " 2025,\n", + " 2069,\n", + " 6206,\n", + " 1010,\n", + " 2021,\n", + " 2036,\n", + " 10311,\n", + " 1998,\n", + " 16360,\n", + " 2890,\n", + " 10222,\n", + " 19307,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2115,\n", + " 2136,\n", + " 1010,\n", " 1996,\n", - " 1036,\n", - " 1036,\n", - " 6404,\n", - " 2723,\n", + " 5088,\n", + " 1010,\n", + " 1998,\n", + " 5088,\n", + " 4599,\n", + " 2031,\n", + " 2035,\n", + " 2042,\n", + " 3480,\n", + " 2011,\n", + " 2115,\n", + " 4506,\n", " 1010,\n", " 1036,\n", " 1036,\n", - " 2073,\n", - " 2116,\n", - " 10597,\n", - " 5665,\n", - " 13187,\n", - " 2024,\n", - " 7431,\n", + " 5088,\n", + " 5849,\n", + " 5074,\n", + " 2204,\n", + " 5349,\n", + " 2056,\n", " 1999,\n", - " 5631,\n", - " 2077,\n", - " 3979,\n", + " 1037,\n", + " 3661,\n", + " 2000,\n", + " 10967,\n", + " 2243,\n", " 1012,\n", " 102,\n", " 101,\n", - " 5631,\n", - " 1010,\n", - " 3516,\n", - " 1006,\n", - " 13229,\n", - " 1007,\n", - " 1011,\n", - " 1011,\n", + " 2204,\n", + " 5349,\n", + " 2056,\n", + " 2002,\n", + " 2052,\n", + " 3319,\n", " 1996,\n", - " 6619,\n", - " 2723,\n", + " 3570,\n", " 1997,\n", " 1996,\n", - " 5631,\n", - " 1011,\n", - " 27647,\n", - " 3653,\n", - " 18886,\n", - " 2389,\n", - " 12345,\n", - " 4322,\n", - " 2003,\n", - " 9188,\n", + " 8636,\n", + " 2044,\n", " 1996,\n", - " 1036,\n", - " 1036,\n", - " 6404,\n", - " 2723,\n", + " 3423,\n", + " 8931,\n", + " 2024,\n", + " 2058,\n", " 1012,\n", - " 1036,\n", - " 1036,\n", " 102,\n", " 101,\n", - " 2182,\n", - " 1010,\n", - " 13187,\n", - " 2007,\n", - " 1996,\n", - " 2087,\n", - " 5729,\n", - " 5177,\n", - " 24757,\n", - " 2024,\n", - " 23995,\n", - " 2127,\n", - " 2027,\n", - " 1005,\n", - " 2128,\n", - " 3201,\n", - " 2000,\n", - " 3711,\n", " 1999,\n", + " 4981,\n", + " 6406,\n", + " 5958,\n", + " 2007,\n", + " 1037,\n", + " 2976,\n", " 2457,\n", + " 1999,\n", + " 3448,\n", + " 1010,\n", + " 10967,\n", + " 2243,\n", + " 2036,\n", + " 4914,\n", + " 2008,\n", + " 2002,\n", + " 1998,\n", + " 2048,\n", + " 2522,\n", + " 1011,\n", + " 9530,\n", + " 13102,\n", + " 7895,\n", + " 6591,\n", + " 2730,\n", + " 6077,\n", + " 2008,\n", + " 2106,\n", + " 2025,\n", + " 2954,\n", + " 2092,\n", " 1012,\n", " 102,\n", " 101,\n", - " 2087,\n", - " 2411,\n", - " 1010,\n", - " 2027,\n", - " 2227,\n", - " 4319,\n", - " 5571,\n", - " 2030,\n", - " 5571,\n", - " 1997,\n", - " 6101,\n", - " 2075,\n", - " 2019,\n", - " 2961,\n", - " 1011,\n", - " 1011,\n", - " 5571,\n", + " 14929,\n", + " 3954,\n", + " 4300,\n", + " 8744,\n", + " 2056,\n", + " 10967,\n", + " 2243,\n", + " 1005,\n", + " 1055,\n", + " 20247,\n", + " 6235,\n", + " 4506,\n", " 2008,\n", - " 3648,\n", - " 7112,\n", - " 26947,\n", - " 16715,\n", - " 2319,\n", - " 2758,\n", " 2024,\n", - " 2788,\n", " 1036,\n", " 1036,\n", - " 4468,\n", - " 3085,\n", - " 10768,\n", - " 7811,\n", - " 3111,\n", + " 4297,\n", + " 25377,\n", + " 2890,\n", + " 10222,\n", + " 19307,\n", + " 1998,\n", + " 21873,\n", " 1012,\n", " 1036,\n", " 1036,\n", " 102,\n", " 101,\n", - " 2002,\n", - " 2758,\n", " 1996,\n", - " 17615,\n", - " 2411,\n", - " 2765,\n", - " 2013,\n", - " 13111,\n", - " 2015,\n", - " 2007,\n", - " 2610,\n", + " 8636,\n", + " 3084,\n", + " 1036,\n", + " 1036,\n", + " 1037,\n", + " 2844,\n", + " 4861,\n", + " 2008,\n", + " 6204,\n", + " 2029,\n", + " 16985,\n", + " 24014,\n", + " 2229,\n", + " 1996,\n", + " 2204,\n", + " 5891,\n", + " 1997,\n", + " 1996,\n", + " 5088,\n", + " 2097,\n", + " 2025,\n", + " 2022,\n", + " 25775,\n", + " 1010,\n", + " 1036,\n", + " 1036,\n", + " 2002,\n", + " 2056,\n", + " 1999,\n", + " 1037,\n", + " 4861,\n", " 1012,\n", " 102,\n", " 101,\n", - " 10597,\n", - " 5665,\n", - " 2111,\n", - " 2411,\n", - " 24185,\n", - " 1050,\n", - " 1005,\n", - " 1056,\n", - " 2079,\n", + " 3422,\n", " 2054,\n", - " 2027,\n", + " 2419,\n", + " 2000,\n", + " 10967,\n", + " 2243,\n", " 1005,\n", + " 1055,\n", + " 8636,\n", + " 1036,\n", + " 1036,\n", + " 2204,\n", + " 5349,\n", + " 2056,\n", + " 1996,\n", + " 14929,\n", + " 2071,\n", + " 1036,\n", + " 1036,\n", + " 20865,\n", + " 2151,\n", + " 4447,\n", + " 2030,\n", " 2128,\n", - " 2409,\n", - " 2043,\n", - " 2610,\n", - " 7180,\n", - " 2006,\n", + " 7583,\n", + " 3111,\n", + " 1036,\n", + " 1036,\n", + " 2000,\n", + " 8980,\n", + " 1002,\n", + " 2570,\n", + " 2454,\n", + " 1997,\n", + " 10967,\n", + " 2243,\n", + " 1005,\n", + " 1055,\n", + " 6608,\n", + " 6781,\n", + " 2013,\n", " 1996,\n", - " 3496,\n", + " 2184,\n", " 1011,\n", - " 1011,\n", - " 13111,\n", - " 3849,\n", - " 2000,\n", - " 4654,\n", - " 10732,\n", - " 28483,\n", - " 2618,\n", - " 2037,\n", - " 7355,\n", - " 1998,\n", - " 2027,\n", - " 2468,\n", - " 2062,\n", - " 19810,\n", + " 2095,\n", " 1010,\n", - " 3972,\n", - " 14499,\n", - " 2389,\n", - " 1010,\n", - " 1998,\n", - " 2625,\n", - " 3497,\n", - " 2000,\n", - " 3582,\n", - " 7826,\n", + " 1002,\n", + " 7558,\n", + " 2454,\n", + " 3206,\n", + " 2002,\n", + " 2772,\n", + " 1999,\n", + " 2432,\n", " 1010,\n", " 2429,\n", " 2000,\n", - " 26947,\n", - " 16715,\n", - " 2319,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 2061,\n", - " 1010,\n", - " 2027,\n", - " 2203,\n", - " 2039,\n", - " 2006,\n", " 1996,\n", - " 6619,\n", - " 2723,\n", - " 8949,\n", - " 10597,\n", - " 12491,\n", - " 1010,\n", - " 2021,\n", - " 2025,\n", - " 2893,\n", - " 2151,\n", - " 2613,\n", - " 2393,\n", - " 2138,\n", - " 2027,\n", - " 1005,\n", - " 2128,\n", - " 1999,\n", - " 7173,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 2057,\n", - " 7255,\n", - " 1996,\n", - " 7173,\n", - " 2007,\n", - " 26947,\n", - " 16715,\n", - " 2319,\n", + " 3378,\n", + " 2811,\n", " 1012,\n", " 102,\n", " 101,\n", + " 10967,\n", + " 2243,\n", + " 2056,\n", " 2002,\n", - " 2003,\n", - " 2092,\n", - " 2124,\n", + " 2052,\n", + " 25803,\n", + " 5905,\n", + " 2000,\n", + " 2028,\n", + " 4175,\n", + " 1997,\n", + " 1036,\n", + " 1036,\n", + " 9714,\n", + " 2000,\n", + " 3604,\n", " 1999,\n", - " 5631,\n", - " 2004,\n", - " 2019,\n", - " 8175,\n", - " 2005,\n", - " 3425,\n", + " 7553,\n", + " 6236,\n", + " 1999,\n", + " 4681,\n", + " 1997,\n", + " 22300,\n", + " 3450,\n", " 1998,\n", - " 1996,\n", - " 10597,\n", - " 5665,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 2130,\n", - " 2295,\n", - " 2057,\n", - " 2020,\n", - " 2025,\n", - " 3599,\n", - " 10979,\n", - " 2007,\n", - " 2330,\n", - " 2608,\n", - " 2011,\n", - " 1996,\n", - " 4932,\n", - " 1010,\n", - " 2057,\n", - " 2020,\n", - " 2445,\n", - " 6656,\n", " 2000,\n", - " 5607,\n", - " 2678,\n", - " 2696,\n", - " 5051,\n", - " 1998,\n", - " 2778,\n", - " 1996,\n", - " 2723,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 2175,\n", - " 2503,\n", - " 1996,\n", - " 1036,\n", - " 6404,\n", - " 2723,\n", - " 1005,\n", + " 10460,\n", + " 1037,\n", + " 3899,\n", + " 1999,\n", + " 2019,\n", + " 4111,\n", + " 3554,\n", + " 6957,\n", " 1036,\n", " 1036,\n", + " 1999,\n", + " 1037,\n", + " 14865,\n", + " 3820,\n", + " 6406,\n", " 2012,\n", - " 2034,\n", - " 1010,\n", - " 2009,\n", - " 1005,\n", + " 1057,\n", + " 1012,\n", " 1055,\n", - " 2524,\n", - " 2000,\n", - " 5646,\n", - " 2073,\n", - " 1996,\n", - " 2111,\n", - " 2024,\n", " 1012,\n", - " 102,\n", - " 101,\n", - " 1996,\n", - " 5895,\n", - " 2024,\n", - " 4147,\n", - " 10353,\n", - " 3238,\n", - " 17925,\n", + " 2212,\n", + " 2457,\n", + " 1999,\n", + " 6713,\n", + " 1010,\n", + " 3448,\n", " 1012,\n", " 102,\n", " 101,\n", - " 5674,\n", - " 6276,\n", - " 8198,\n", - " 2005,\n", - " 2608,\n", - " 1998,\n", - " 2519,\n", + " 1996,\n", + " 3715,\n", + " 2003,\n", + " 16385,\n", + " 3085,\n", + " 2011,\n", + " 2039,\n", + " 2000,\n", + " 2274,\n", + " 2086,\n", " 1999,\n", + " 3827,\n", + " 1010,\n", " 1037,\n", - " 3082,\n", - " 12121,\n", - " 5777,\n", - " 4524,\n", - " 1011,\n", - " 1011,\n", - " 2008,\n", - " 1005,\n", - " 1055,\n", - " 2785,\n", + " 1002,\n", + " 5539,\n", + " 1010,\n", + " 2199,\n", + " 2986,\n", + " 1010,\n", + " 1036,\n", + " 1036,\n", + " 2440,\n", + " 2717,\n", + " 4183,\n", + " 13700,\n", + " 1010,\n", + " 1037,\n", + " 2569,\n", + " 7667,\n", + " 1998,\n", + " 1017,\n", + " 2086,\n", " 1997,\n", - " 2054,\n", - " 2027,\n", - " 2298,\n", - " 2066,\n", + " 13588,\n", + " 2713,\n", + " 1010,\n", + " 1036,\n", + " 1036,\n", + " 1996,\n", + " 14865,\n", + " 3066,\n", + " 2056,\n", " 1012,\n", " 102,\n", " 101,\n", - " 2027,\n", - " 1005,\n", - " 2128,\n", - " 2881,\n", + " 2976,\n", + " 19608,\n", + " 3530,\n", " 2000,\n", - " 2562,\n", + " 3198,\n", + " 2005,\n", " 1996,\n", - " 10597,\n", - " 5665,\n", - " 5022,\n", - " 2013,\n", - " 22736,\n", - " 3209,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 2008,\n", - " 1005,\n", - " 1055,\n", - " 2036,\n", - " 2339,\n", - " 2027,\n", - " 2031,\n", - " 2053,\n", - " 6007,\n", - " 1010,\n", - " 12922,\n", - " 2015,\n", - " 2030,\n", - " 13342,\n", - " 2229,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 26947,\n", - " 16715,\n", - " 2319,\n", - " 2758,\n", - " 2055,\n", - " 2028,\n", - " 1011,\n", - " 2353,\n", + " 2659,\n", + " 2203,\n", " 1997,\n", - " 2035,\n", - " 2111,\n", - " 1999,\n", - " 5631,\n", - " 1011,\n", - " 27647,\n", - " 2221,\n", - " 7173,\n", - " 2015,\n", - " 2024,\n", - " 10597,\n", - " 5665,\n", + " 1996,\n", + " 23280,\n", + " 11594,\n", " 1012,\n", + " 1036,\n", + " 1036,\n", " 102,\n", " 101,\n", - " 2061,\n", - " 1010,\n", - " 2002,\n", - " 2758,\n", - " 1010,\n", " 1996,\n", - " 11591,\n", - " 3872,\n", + " 13474,\n", + " 2097,\n", + " 25803,\n", + " 5905,\n", + " 2138,\n", + " 1996,\n", + " 13474,\n", " 2003,\n", - " 10827,\n", + " 1999,\n", + " 2755,\n", + " 5905,\n", + " 1997,\n", " 1996,\n", - " 2291,\n", + " 5338,\n", + " 10048,\n", " 1010,\n", - " 1998,\n", - " 1996,\n", - " 2765,\n", - " 2003,\n", - " 2054,\n", - " 2057,\n", - " 2156,\n", - " 2006,\n", + " 1036,\n", + " 1036,\n", " 1996,\n", - " 6619,\n", - " 2723,\n", + " 14865,\n", + " 3820,\n", + " 2056,\n", " 1012,\n", " 102,\n", " 101,\n", + " 1999,\n", + " 2019,\n", + " 3176,\n", + " 12654,\n", " 1997,\n", - " 2607,\n", - " 1010,\n", - " 2009,\n", - " 2003,\n", - " 1037,\n", - " 7173,\n", + " 8866,\n", " 1010,\n", - " 2061,\n", - " 2009,\n", - " 1005,\n", - " 1055,\n", - " 2025,\n", - " 4011,\n", - " 2000,\n", - " 2022,\n", - " 4010,\n", + " 2772,\n", + " 2011,\n", + " 10967,\n", + " 2243,\n", + " 1998,\n", + " 6406,\n", + " 2007,\n", + " 1996,\n", + " 3820,\n", + " 1010,\n", + " 10967,\n", + " 2243,\n", + " 4914,\n", + " 9343,\n", + " 6770,\n", + " 12065,\n", + " 1998,\n", + " 1996,\n", + " 3200,\n", + " 2109,\n", + " 2005,\n", + " 2731,\n", " 1998,\n", - " 16334,\n", + " 3554,\n", + " 1996,\n", + " 6077,\n", " 1010,\n", " 2021,\n", " 1996,\n", - " 4597,\n", - " 10982,\n", - " 1010,\n", + " 4861,\n", + " 2056,\n", + " 2002,\n", + " 2106,\n", + " 2025,\n", + " 6655,\n", + " 2006,\n", " 1996,\n", - " 4442,\n", - " 2024,\n", - " 4714,\n", - " 1998,\n", - " 2009,\n", - " 1005,\n", " 102]" ] }, - "execution_count": 17, + "execution_count": 15, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "bert_format_data[0]['src']" + "bert_format_data[5]['src']" ] }, { "cell_type": "code", - "execution_count": 21, + "execution_count": 16, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" + "\"new : nfl chief , atlanta falcons owner critical of michael vick 's conduct .nfl suspends falcons quarterback indefinitely without pay .vick admits funding dogfighting operation but says he did not gamble .vick due in federal court monday ; future in nfl remains uncertain .\"" ] }, - "execution_count": 21, + "execution_count": 16, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "bert_format_data[0]['tgt_txt']" + "bert_format_data[5]['tgt_txt']" ] }, { "cell_type": "code", - "execution_count": 22, + "execution_count": 17, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "[0, 1, 1, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]" + "[1, 1, 0, 0, 0, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" ] }, - "execution_count": 22, + "execution_count": 17, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "bert_format_data[0]['labels']" + "bert_format_data[5]['labels']" ] }, { "cell_type": "code", - "execution_count": 23, + "execution_count": 18, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "['a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .',\n", - " 'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .',\n", - " 'he was flown back to chicago via air ambulance on march 20 , but he died on sunday .',\n", - " 'andrew mogni , 20 , from glen ellyn , illinois , a university of iowa student has died nearly three months after a fall in rome in a suspected robbery',\n", - " 'he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .',\n", - " \"he died on sunday at northwestern memorial hospital - medical examiner 's office spokesman frank shuftan says a cause of death wo n't be released until monday at the earliest .\",\n", - " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed .',\n", - " \"on sunday , his cousin abby wrote online : ` this morning my cousin andrew 's soul was lifted up to heaven .\",\n", - " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed',\n", - " '` at the beginning of january he went to rome to study aboard and on the way home from a party he was brutally attacked and thrown off a 40ft bridge and hit the concrete below .',\n", - " \"` he was in a coma and in critical condition for months . '\",\n", - " 'paula barnett , who said she is a close family friend , told my suburban life , that mogni had only been in the country for six hours when the incident happened .',\n", - " 'she said he was was alone at the time of the alleged assault and personal items were stolen .',\n", - " 'she added that he was in a non-medically induced coma , having suffered serious infection and internal bleeding .',\n", - " 'mogni was a third-year finance major from glen ellyn , ill. , who was participating in a semester-long program at john cabot university .',\n", - " \"mogni belonged to the school 's chapter of the sigma nu fraternity , reports the chicago tribune who posted a sign outside a building reading ` pray for mogni . '\",\n", - " \"the fraternity 's iowa chapter announced sunday afternoon via twitter that a memorial service will be held on campus to remember mogni .\"]" + "['( cnn ) -- the national football league has indefinitely suspended atlanta falcons quarterback michael vick without pay , officials with the league said friday .',\n", + " 'nfl star michael vick is set to appear in court monday .',\n", + " 'a judge will have the final say on a plea deal .',\n", + " 'earlier , vick admitted to participating in a dogfighting ring as part of a plea agreement with federal prosecutors in virginia . ``',\n", + " 'your admitted conduct was not only illegal , but also cruel and reprehensible .',\n", + " 'your team , the nfl , and nfl fans have all been hurt by your actions , `` nfl commissioner roger goodell said in a letter to vick .',\n", + " 'goodell said he would review the status of the suspension after the legal proceedings are over .',\n", + " 'in papers filed friday with a federal court in virginia , vick also admitted that he and two co-conspirators killed dogs that did not fight well .',\n", + " \"falcons owner arthur blank said vick 's admissions describe actions that are `` incomprehensible and unacceptable . ``\",\n", + " 'the suspension makes `` a strong statement that conduct which tarnishes the good reputation of the nfl will not be tolerated , `` he said in a statement .',\n", + " \"watch what led to vick 's suspension `` goodell said the falcons could `` assert any claims or remedies `` to recover $ 22 million of vick 's signing bonus from the 10-year , $ 130 million contract he signed in 2004 , according to the associated press .\",\n", + " 'vick said he would plead guilty to one count of `` conspiracy to travel in interstate commerce in aid of unlawful activities and to sponsor a dog in an animal fighting venture `` in a plea agreement filed at u.s. district court in richmond , virginia .',\n", + " 'the charge is punishable by up to five years in prison , a $ 250,000 fine , `` full restitution , a special assessment and 3 years of supervised release , `` the plea deal said .',\n", + " 'federal prosecutors agreed to ask for the low end of the sentencing guidelines . ``',\n", + " 'the defendant will plead guilty because the defendant is in fact guilty of the charged offense , `` the plea agreement said .',\n", + " 'in an additional summary of facts , signed by vick and filed with the agreement , vick admitted buying pit bulls and the property used for training and fighting the dogs , but the statement said he did not bet on the fights or receive any of the money won . ``',\n", + " \"most of the ` bad newz kennels ' operations and gambling monies were provided by vick , `` the official summary of facts said .\",\n", + " 'gambling wins were generally split among co-conspirators tony taylor , quanis phillips and sometimes purnell peace , it continued . ``',\n", + " 'vick did not gamble by placing side bets on any of the fights .',\n", + " \"vick did not receive any of the proceeds from the purses that were won by ` bad newz kennels . '\",\n", + " '`` vick also agreed that `` collective efforts `` by him and two others caused the deaths of at least six dogs .',\n", + " \"around april , vick , peace and phillips tested some dogs in fighting sessions at vick 's property in virginia , the statement said . ``\",\n", + " \"peace , phillips and vick agreed to the killing of approximately 6-8 dogs that did not perform well in ` testing ' sessions at 1915 moonlight road and all of those dogs were killed by various methods , including hanging and drowning . ``\",\n", + " 'vick agrees and stipulates that these dogs all died as a result of the collective efforts of peace , phillips and vick , `` the summary said .',\n", + " 'peace , 35 , of virginia beach , virginia ; phillips , 28 , of atlanta , georgia ; and taylor , 34 , of hampton , virginia , already have accepted agreements to plead guilty in exchange for reduced sentences .',\n", + " 'vick , 27 , is scheduled to appear monday in court , where he is expected to plead guilty before a judge .',\n", + " 'see a timeline of the case against vick `` the judge in the case will have the final say over the plea agreement .',\n", + " \"the federal case against vick focused on the interstate conspiracy , but vick 's admission that he was involved in the killing of dogs could lead to local charges , according to cnn legal analyst jeffrey toobin . ``\",\n", + " 'it sometimes happens -- not often -- that the state will follow a federal prosecution by charging its own crimes for exactly the same behavior , `` toobin said friday . ``',\n", + " 'the risk for vick is , if he makes admissions in his federal guilty plea , the state of virginia could say , ` hey , look , you admitted violating virginia state law as well .',\n", + " \"we 're going to introduce that against you and charge you in our court . '\",\n", + " '`` in the plea deal , vick agreed to cooperate with investigators and provide all information he may have on any criminal activity and to testify if necessary .',\n", + " 'vick also agreed to turn over any documents he has and to submit to polygraph tests .',\n", + " 'vick agreed to `` make restitution for the full amount of the costs associated `` with the dogs that are being held by the government . ``',\n", + " 'such costs may include , but are not limited to , all costs associated with the care of the dogs involved in that case , including if necessary , the long-term care and/or the humane euthanasia of some or all of those animals . ``',\n", + " 'prosecutors , with the support of animal rights activists , have asked for permission to euthanize the dogs .',\n", + " 'but the dogs could serve as important evidence in the cases against vick and his admitted co-conspirators .',\n", + " 'judge henry e. hudson issued an order thursday telling the u.s. marshals service to `` arrest and seize the defendant property , and use discretion and whatever means appropriate to protect and maintain said defendant property . ``',\n", + " \"both the judge 's order and vick 's filing refer to `` approximately `` 53 pit bull dogs .\",\n", + " \"after vick 's indictment last month , goodell ordered the quarterback not to report to the falcons training camp , and the league is reviewing the case .\",\n", + " \"blank told the nfl network on monday he could not speculate on vick 's future as a falcon , at least not until he had seen `` a statement of facts `` in the case .\",\n", + " \"cnn 's mike phelan contributed to this report .\"]" ] }, - "execution_count": 23, + "execution_count": 18, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "bert_format_data[0]['src_txt']" + "bert_format_data[5]['src_txt']\n" ] }, { @@ -1006,12 +2454,12 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 19, "metadata": {}, "outputs": [], "source": [ "## choose which GPU device to use\n", - "device_id = 1\n", + "device_id = 0\n", "gpu_ranks = str(device_id)" ] }, @@ -1028,17 +2476,15 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 20, "metadata": {}, "outputs": [], "source": [ - "encoder = 'baseline'\n", + "encoder = 'transformer'\n", "model_base_path = './models/'\n", "log_base_path = './logs/'\n", "result_base_path = './results'\n", "\n", - "BERT_CONFIG_PATH = \"/dadendev/nlp/BertSum/bert_config_uncased_base.json\"\n", - "\n", "import os\n", "if not os.path.exists(model_base_path):\n", " os.makedirs(model_base_path)\n", @@ -1053,24 +2499,26 @@ }, { "cell_type": "code", - "execution_count": 7, - "metadata": {}, + "execution_count": 21, + "metadata": { + "scrolled": true + }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "['1']\n", - "{1: 0}\n" + "['0']\n", + "{0: 0}\n" ] } ], "source": [ "from utils_nlp.models.bert.extractive_text_summarization import BertSumExtractiveSummarizer\n", - "bertsum_model = BertSumExtractiveSummarizer(encoder = 'baseline', \n", - " model_path = model_base_path+encoder+str(random_number),\n", - " log_file = log_base_path+encoder+str(random_number),\n", - " bert_config_path=BERT_CONFIG_PATH,\n", + "bertsum_model = BertSumExtractiveSummarizer(encoder = encoder, \n", + " model_path = model_base_path + encoder + str(random_number),\n", + " log_file = log_base_path + encoder + str(random_number),\n", + " bert_config_path = BERT_CONFIG_PATH,\n", " device_id = device_id,\n", " gpu_ranks = gpu_ranks,)" ] @@ -1084,70 +2532,173 @@ }, { "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [], - "source": [ - "USE_PREPROCESSED_DATA = False" - ] - }, - { - "cell_type": "code", - "execution_count": 9, + "execution_count": 22, "metadata": {}, "outputs": [], "source": [ - "if USE_PREPROCESSED_DATA is True:\n", - " PROCESSED_TRAIN_FILE = './bert_train_data_all_none_excluded'\n", + "if USE_PREPROCESSED_DATA is False:\n", " training_data_files = [PROCESSED_TRAIN_FILE]\n", "else: \n", " import glob\n", - " BERT_DATA_PATH=\"/dadendev/nlp/examples/text_summarization/bertdata/train/\"\n", - " pts = sorted(glob.glob(BERT_DATA_PATH + 'train.bertdata' + '.[0-9]*'))\n", - " #pts = sorted(glob.glob(BERT_DATA_PATH + 'cnndm.train' + '.[0-9]*.pt'))\n", + " pts = sorted(glob.glob(BERT_DATA_PATH + 'cnndm.train' + '.[0-9]*.pt'))\n", " training_data_files = pts" ] }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 23, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "['/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.0',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.10000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.100000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.110000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.120000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.130000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.140000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.150000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.160000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.170000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.180000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.190000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.20000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.200000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.210000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.220000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.230000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.240000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.250000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.260000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.270000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.280000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.30000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.40000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.50000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.60000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.70000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.80000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.90000']" + "['./bert_data/cnndm.train.0.bert.pt',\n", + " './bert_data/cnndm.train.1.bert.pt',\n", + " './bert_data/cnndm.train.10.bert.pt',\n", + " './bert_data/cnndm.train.100.bert.pt',\n", + " './bert_data/cnndm.train.101.bert.pt',\n", + " './bert_data/cnndm.train.102.bert.pt',\n", + " './bert_data/cnndm.train.103.bert.pt',\n", + " './bert_data/cnndm.train.104.bert.pt',\n", + " './bert_data/cnndm.train.105.bert.pt',\n", + " './bert_data/cnndm.train.106.bert.pt',\n", + " './bert_data/cnndm.train.107.bert.pt',\n", + " './bert_data/cnndm.train.108.bert.pt',\n", + " './bert_data/cnndm.train.109.bert.pt',\n", + " './bert_data/cnndm.train.11.bert.pt',\n", + " './bert_data/cnndm.train.110.bert.pt',\n", + " './bert_data/cnndm.train.111.bert.pt',\n", + " './bert_data/cnndm.train.112.bert.pt',\n", + " './bert_data/cnndm.train.113.bert.pt',\n", + " './bert_data/cnndm.train.114.bert.pt',\n", + " './bert_data/cnndm.train.115.bert.pt',\n", + " './bert_data/cnndm.train.116.bert.pt',\n", + " './bert_data/cnndm.train.117.bert.pt',\n", + " './bert_data/cnndm.train.118.bert.pt',\n", + " './bert_data/cnndm.train.119.bert.pt',\n", + " './bert_data/cnndm.train.12.bert.pt',\n", + " './bert_data/cnndm.train.120.bert.pt',\n", + " './bert_data/cnndm.train.121.bert.pt',\n", + " './bert_data/cnndm.train.122.bert.pt',\n", + " './bert_data/cnndm.train.123.bert.pt',\n", + " './bert_data/cnndm.train.124.bert.pt',\n", + " './bert_data/cnndm.train.125.bert.pt',\n", + " './bert_data/cnndm.train.126.bert.pt',\n", + " './bert_data/cnndm.train.127.bert.pt',\n", + " './bert_data/cnndm.train.128.bert.pt',\n", + " './bert_data/cnndm.train.129.bert.pt',\n", + " './bert_data/cnndm.train.13.bert.pt',\n", + " './bert_data/cnndm.train.130.bert.pt',\n", + " './bert_data/cnndm.train.131.bert.pt',\n", + " './bert_data/cnndm.train.132.bert.pt',\n", + " './bert_data/cnndm.train.133.bert.pt',\n", + " './bert_data/cnndm.train.134.bert.pt',\n", + " './bert_data/cnndm.train.135.bert.pt',\n", + " './bert_data/cnndm.train.136.bert.pt',\n", + " './bert_data/cnndm.train.137.bert.pt',\n", + " './bert_data/cnndm.train.138.bert.pt',\n", + " './bert_data/cnndm.train.139.bert.pt',\n", + " './bert_data/cnndm.train.14.bert.pt',\n", + " './bert_data/cnndm.train.140.bert.pt',\n", + " './bert_data/cnndm.train.141.bert.pt',\n", + " './bert_data/cnndm.train.142.bert.pt',\n", + " './bert_data/cnndm.train.143.bert.pt',\n", + " './bert_data/cnndm.train.15.bert.pt',\n", + " './bert_data/cnndm.train.16.bert.pt',\n", + " './bert_data/cnndm.train.17.bert.pt',\n", + " './bert_data/cnndm.train.18.bert.pt',\n", + " './bert_data/cnndm.train.19.bert.pt',\n", + " './bert_data/cnndm.train.2.bert.pt',\n", + " './bert_data/cnndm.train.20.bert.pt',\n", + " './bert_data/cnndm.train.21.bert.pt',\n", + " './bert_data/cnndm.train.22.bert.pt',\n", + " './bert_data/cnndm.train.23.bert.pt',\n", + " './bert_data/cnndm.train.24.bert.pt',\n", + " './bert_data/cnndm.train.25.bert.pt',\n", + " './bert_data/cnndm.train.26.bert.pt',\n", + " './bert_data/cnndm.train.27.bert.pt',\n", + " './bert_data/cnndm.train.28.bert.pt',\n", + " './bert_data/cnndm.train.29.bert.pt',\n", + " './bert_data/cnndm.train.3.bert.pt',\n", + " './bert_data/cnndm.train.30.bert.pt',\n", + " './bert_data/cnndm.train.31.bert.pt',\n", + " './bert_data/cnndm.train.32.bert.pt',\n", + " './bert_data/cnndm.train.33.bert.pt',\n", + " './bert_data/cnndm.train.34.bert.pt',\n", + " './bert_data/cnndm.train.35.bert.pt',\n", + " './bert_data/cnndm.train.36.bert.pt',\n", + " './bert_data/cnndm.train.37.bert.pt',\n", + " './bert_data/cnndm.train.38.bert.pt',\n", + " './bert_data/cnndm.train.39.bert.pt',\n", + " './bert_data/cnndm.train.4.bert.pt',\n", + " './bert_data/cnndm.train.40.bert.pt',\n", + " './bert_data/cnndm.train.41.bert.pt',\n", + " './bert_data/cnndm.train.42.bert.pt',\n", + " './bert_data/cnndm.train.43.bert.pt',\n", + " './bert_data/cnndm.train.44.bert.pt',\n", + " './bert_data/cnndm.train.45.bert.pt',\n", + " './bert_data/cnndm.train.46.bert.pt',\n", + " './bert_data/cnndm.train.47.bert.pt',\n", + " './bert_data/cnndm.train.48.bert.pt',\n", + " './bert_data/cnndm.train.49.bert.pt',\n", + " './bert_data/cnndm.train.5.bert.pt',\n", + " './bert_data/cnndm.train.50.bert.pt',\n", + " './bert_data/cnndm.train.51.bert.pt',\n", + " './bert_data/cnndm.train.52.bert.pt',\n", + " './bert_data/cnndm.train.53.bert.pt',\n", + " './bert_data/cnndm.train.54.bert.pt',\n", + " './bert_data/cnndm.train.55.bert.pt',\n", + " './bert_data/cnndm.train.56.bert.pt',\n", + " './bert_data/cnndm.train.57.bert.pt',\n", + " './bert_data/cnndm.train.58.bert.pt',\n", + " './bert_data/cnndm.train.59.bert.pt',\n", + " './bert_data/cnndm.train.6.bert.pt',\n", + " './bert_data/cnndm.train.60.bert.pt',\n", + " './bert_data/cnndm.train.61.bert.pt',\n", + " './bert_data/cnndm.train.62.bert.pt',\n", + " './bert_data/cnndm.train.63.bert.pt',\n", + " './bert_data/cnndm.train.64.bert.pt',\n", + " './bert_data/cnndm.train.65.bert.pt',\n", + " './bert_data/cnndm.train.66.bert.pt',\n", + " './bert_data/cnndm.train.67.bert.pt',\n", + " './bert_data/cnndm.train.68.bert.pt',\n", + " './bert_data/cnndm.train.69.bert.pt',\n", + " './bert_data/cnndm.train.7.bert.pt',\n", + " './bert_data/cnndm.train.70.bert.pt',\n", + " './bert_data/cnndm.train.71.bert.pt',\n", + " './bert_data/cnndm.train.72.bert.pt',\n", + " './bert_data/cnndm.train.73.bert.pt',\n", + " './bert_data/cnndm.train.74.bert.pt',\n", + " './bert_data/cnndm.train.75.bert.pt',\n", + " './bert_data/cnndm.train.76.bert.pt',\n", + " './bert_data/cnndm.train.77.bert.pt',\n", + " './bert_data/cnndm.train.78.bert.pt',\n", + " './bert_data/cnndm.train.79.bert.pt',\n", + " './bert_data/cnndm.train.8.bert.pt',\n", + " './bert_data/cnndm.train.80.bert.pt',\n", + " './bert_data/cnndm.train.81.bert.pt',\n", + " './bert_data/cnndm.train.82.bert.pt',\n", + " './bert_data/cnndm.train.83.bert.pt',\n", + " './bert_data/cnndm.train.84.bert.pt',\n", + " './bert_data/cnndm.train.85.bert.pt',\n", + " './bert_data/cnndm.train.86.bert.pt',\n", + " './bert_data/cnndm.train.87.bert.pt',\n", + " './bert_data/cnndm.train.88.bert.pt',\n", + " './bert_data/cnndm.train.89.bert.pt',\n", + " './bert_data/cnndm.train.9.bert.pt',\n", + " './bert_data/cnndm.train.90.bert.pt',\n", + " './bert_data/cnndm.train.91.bert.pt',\n", + " './bert_data/cnndm.train.92.bert.pt',\n", + " './bert_data/cnndm.train.93.bert.pt',\n", + " './bert_data/cnndm.train.94.bert.pt',\n", + " './bert_data/cnndm.train.95.bert.pt',\n", + " './bert_data/cnndm.train.96.bert.pt',\n", + " './bert_data/cnndm.train.97.bert.pt',\n", + " './bert_data/cnndm.train.98.bert.pt',\n", + " './bert_data/cnndm.train.99.bert.pt']" ] }, - "execution_count": 10, + "execution_count": 23, "metadata": {}, "output_type": "execute_result" } @@ -1158,31 +2709,47 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 24, + "metadata": {}, + "outputs": [], + "source": [ + "## training_steps is (number of epoches * the total number of batches in the training data )/ accumulation_steps \n", + "## batch_size is the maximum number of tokens among all the training examples * number of training examples,\n", + "## training steps used by each GPU should be divided by number of GPU used for fair comparison.\n", + "## usually 10K steps can yield a model with decent performance\n", + "if QUICK_RUN:\n", + " train_steps = 10000\n", + "else:\n", + " train_steps = 50000" + ] + }, + { + "cell_type": "code", + "execution_count": 25, "metadata": { - "scrolled": true + "scrolled": false }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-10 20:27:30,812 INFO] loading archive file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased.tar.gz from cache at ./temp/9c41111e2de84547a463fd39217199738d1e3deb72d4fec4399e6e241983c6f0.ae3cef932725ca7a30cdcb93fc6e09150a55e2a130ec7af63975a16c153ae2ba\n", - "[2019-10-10 20:27:30,814 INFO] extracting archive file ./temp/9c41111e2de84547a463fd39217199738d1e3deb72d4fec4399e6e241983c6f0.ae3cef932725ca7a30cdcb93fc6e09150a55e2a130ec7af63975a16c153ae2ba to temp dir /tmp/tmpha_v8quq\n" + "[2019-10-15 17:30:45,152 INFO] loading archive file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased.tar.gz from cache at ./temp/9c41111e2de84547a463fd39217199738d1e3deb72d4fec4399e6e241983c6f0.ae3cef932725ca7a30cdcb93fc6e09150a55e2a130ec7af63975a16c153ae2ba\n", + "[2019-10-15 17:30:45,154 INFO] extracting archive file ./temp/9c41111e2de84547a463fd39217199738d1e3deb72d4fec4399e6e241983c6f0.ae3cef932725ca7a30cdcb93fc6e09150a55e2a130ec7af63975a16c153ae2ba to temp dir /tmp/tmpjp15yzc0\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "{'accum_count': 2, 'batch_size': 3000, 'beta1': 0.9, 'beta2': 0.999, 'block_trigram': True, 'decay_method': 'noam', 'dropout': 0.1, 'encoder': 'baseline', 'ff_size': 512, 'gpu_ranks': '1', 'heads': 4, 'hidden_size': 128, 'inter_layers': 2, 'lr': 0.002, 'max_grad_norm': 0, 'max_nsents': 100, 'max_src_ntokens': 200, 'min_nsents': 3, 'min_src_ntokens': 10, 'optim': 'adam', 'oracle_mode': 'combination', 'param_init': 0.0, 'param_init_glorot': True, 'recall_eval': False, 'report_every': 50, 'report_rouge': True, 'rnn_size': 512, 'save_checkpoint_steps': 500, 'seed': 42, 'temp_dir': './temp', 'test_all': False, 'test_from': '', 'train_from': '', 'use_interval': True, 'visible_gpus': '0', 'warmup_steps': 10000, 'world_size': 1, 'mode': 'train', 'model_path': './models/baseline0.4638002095122038', 'log_file': './logs/baseline0.4638002095122038', 'bert_config_path': '/dadendev/nlp/BertSum/bert_config_uncased_base.json', 'gpu_ranks_map': {1: 0}}\n" + "{'accum_count': 2, 'batch_size': 3000, 'beta1': 0.9, 'beta2': 0.999, 'block_trigram': True, 'decay_method': 'noam', 'dropout': 0.1, 'encoder': 'transformer', 'ff_size': 512, 'gpu_ranks': '0', 'heads': 4, 'hidden_size': 128, 'inter_layers': 2, 'lr': 0.002, 'max_grad_norm': 0, 'max_nsents': 100, 'max_src_ntokens': 200, 'min_nsents': 3, 'min_src_ntokens': 10, 'optim': 'adam', 'oracle_mode': 'combination', 'param_init': 0.0, 'param_init_glorot': True, 'recall_eval': False, 'report_every': 50, 'report_rouge': True, 'rnn_size': 512, 'save_checkpoint_steps': 500, 'seed': 42, 'temp_dir': './temp', 'test_all': False, 'test_from': '', 'train_from': '', 'use_interval': True, 'visible_gpus': '0', 'warmup_steps': 2000, 'world_size': 1, 'mode': 'train', 'model_path': './models/transformer0.37907517824181713', 'log_file': './logs/transformer0.37907517824181713', 'bert_config_path': './bert_config_uncased_base.json', 'gpu_ranks_map': {0: 0}}\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-10 20:27:34,555 INFO] Model config {\n", + "[2019-10-15 17:30:48,988 INFO] Model config {\n", " \"attention_probs_dropout_prob\": 0.1,\n", " \"hidden_act\": \"gelu\",\n", " \"hidden_dropout_prob\": 0.1,\n", @@ -1196,15 +2763,15 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "[2019-10-10 20:27:39,167 INFO] * number of parameters: 5179137\n", - "[2019-10-10 20:27:39,169 INFO] Start training...\n" + "[2019-10-15 17:30:54,399 INFO] * number of parameters: 115790849\n", + "[2019-10-15 17:30:54,400 INFO] Start training...\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "device_id 1\n", + "device_id 0\n", "gpu_rank 0\n" ] }, @@ -1212,100 +2779,243 @@ "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-10 20:27:43,207 INFO] Step 50/50000; xent: 13.18; lr: 0.0000001; 300 docs/s; 3 sec\n", - "[2019-10-10 20:27:46,300 INFO] Step 100/50000; xent: 12.94; lr: 0.0000002; 323 docs/s; 6 sec\n", - "[2019-10-10 20:27:49,361 INFO] Step 150/50000; xent: 12.49; lr: 0.0000003; 326 docs/s; 9 sec\n", - "[2019-10-10 20:27:52,455 INFO] Step 200/50000; xent: 11.62; lr: 0.0000004; 326 docs/s; 13 sec\n", - "[2019-10-10 20:27:55,534 INFO] Step 250/50000; xent: 11.20; lr: 0.0000005; 324 docs/s; 16 sec\n", - "[2019-10-10 20:27:58,596 INFO] Step 300/50000; xent: 10.23; lr: 0.0000006; 328 docs/s; 19 sec\n", - "[2019-10-10 20:28:01,663 INFO] Step 350/50000; xent: 9.27; lr: 0.0000007; 326 docs/s; 22 sec\n", - "[2019-10-10 20:28:04,759 INFO] Step 400/50000; xent: 8.30; lr: 0.0000008; 323 docs/s; 25 sec\n", - "[2019-10-10 20:28:07,839 INFO] Step 450/50000; xent: 7.40; lr: 0.0000009; 321 docs/s; 28 sec\n", - "[2019-10-10 20:28:10,906 INFO] Step 500/50000; xent: 6.70; lr: 0.0000010; 328 docs/s; 31 sec\n", - "[2019-10-10 20:28:10,908 INFO] Saving checkpoint ./models/baseline0.4638002095122038/model_step_500.pt\n", - "[2019-10-10 20:28:14,060 INFO] Step 550/50000; xent: 5.96; lr: 0.0000011; 317 docs/s; 34 sec\n", - "[2019-10-10 20:28:17,169 INFO] Step 600/50000; xent: 5.46; lr: 0.0000012; 321 docs/s; 37 sec\n", - "[2019-10-10 20:28:20,233 INFO] Step 650/50000; xent: 4.89; lr: 0.0000013; 325 docs/s; 40 sec\n", - "[2019-10-10 20:28:23,314 INFO] Step 700/50000; xent: 4.67; lr: 0.0000014; 324 docs/s; 43 sec\n", - "[2019-10-10 20:28:26,387 INFO] Step 750/50000; xent: 4.31; lr: 0.0000015; 328 docs/s; 47 sec\n", - "[2019-10-10 20:28:29,452 INFO] Step 800/50000; xent: 4.18; lr: 0.0000016; 325 docs/s; 50 sec\n", - "[2019-10-10 20:28:32,523 INFO] Step 850/50000; xent: 4.08; lr: 0.0000017; 325 docs/s; 53 sec\n", - "[2019-10-10 20:28:35,584 INFO] Step 900/50000; xent: 4.08; lr: 0.0000018; 324 docs/s; 56 sec\n", - "[2019-10-10 20:28:38,654 INFO] Step 950/50000; xent: 3.90; lr: 0.0000019; 327 docs/s; 59 sec\n", - "[2019-10-10 20:28:41,693 INFO] Step 1000/50000; xent: 3.91; lr: 0.0000020; 329 docs/s; 62 sec\n", - "[2019-10-10 20:28:41,695 INFO] Saving checkpoint ./models/baseline0.4638002095122038/model_step_1000.pt\n", - "[2019-10-10 20:28:45,950 INFO] Step 1050/50000; xent: 3.91; lr: 0.0000021; 239 docs/s; 66 sec\n", - "[2019-10-10 20:28:49,039 INFO] Step 1100/50000; xent: 3.94; lr: 0.0000022; 325 docs/s; 69 sec\n", - "[2019-10-10 20:28:52,133 INFO] Step 1150/50000; xent: 3.93; lr: 0.0000023; 326 docs/s; 72 sec\n", - "[2019-10-10 20:28:55,237 INFO] Step 1200/50000; xent: 3.90; lr: 0.0000024; 327 docs/s; 75 sec\n", - "[2019-10-10 20:28:58,315 INFO] Step 1250/50000; xent: 3.84; lr: 0.0000025; 325 docs/s; 78 sec\n", - "[2019-10-10 20:29:01,429 INFO] Step 1300/50000; xent: 3.93; lr: 0.0000026; 323 docs/s; 82 sec\n", - "[2019-10-10 20:29:04,520 INFO] Step 1350/50000; xent: 3.79; lr: 0.0000027; 329 docs/s; 85 sec\n", - "[2019-10-10 20:29:07,634 INFO] Step 1400/50000; xent: 4.00; lr: 0.0000028; 321 docs/s; 88 sec\n", - "[2019-10-10 20:29:10,770 INFO] Step 1450/50000; xent: 3.79; lr: 0.0000029; 327 docs/s; 91 sec\n", - "[2019-10-10 20:29:13,888 INFO] Step 1500/50000; xent: 3.88; lr: 0.0000030; 320 docs/s; 94 sec\n", - "[2019-10-10 20:29:13,893 INFO] Saving checkpoint ./models/baseline0.4638002095122038/model_step_1500.pt\n", - "[2019-10-10 20:29:17,057 INFO] Step 1550/50000; xent: 3.90; lr: 0.0000031; 322 docs/s; 97 sec\n", - "[2019-10-10 20:29:20,209 INFO] Step 1600/50000; xent: 3.87; lr: 0.0000032; 318 docs/s; 100 sec\n", - "[2019-10-10 20:29:23,305 INFO] Step 1650/50000; xent: 3.86; lr: 0.0000033; 326 docs/s; 103 sec\n", - "[2019-10-10 20:29:26,419 INFO] Step 1700/50000; xent: 3.75; lr: 0.0000034; 328 docs/s; 107 sec\n", - "[2019-10-10 20:29:29,523 INFO] Step 1750/50000; xent: 3.80; lr: 0.0000035; 327 docs/s; 110 sec\n", - "[2019-10-10 20:29:32,616 INFO] Step 1800/50000; xent: 3.74; lr: 0.0000036; 328 docs/s; 113 sec\n" + "[2019-10-15 17:31:15,819 INFO] Step 50/10000; xent: 3.89; lr: 0.0000011; 48 docs/s; 21 sec\n", + "[2019-10-15 17:31:36,569 INFO] Step 100/10000; xent: 3.29; lr: 0.0000022; 49 docs/s; 42 sec\n", + "[2019-10-15 17:31:57,342 INFO] Step 150/10000; xent: 3.29; lr: 0.0000034; 48 docs/s; 63 sec\n", + "[2019-10-15 17:32:18,802 INFO] Step 200/10000; xent: 3.29; lr: 0.0000045; 47 docs/s; 84 sec\n", + "[2019-10-15 17:32:39,486 INFO] Step 250/10000; xent: 3.22; lr: 0.0000056; 48 docs/s; 105 sec\n", + "[2019-10-15 17:33:00,459 INFO] Step 300/10000; xent: 3.14; lr: 0.0000067; 48 docs/s; 126 sec\n", + "[2019-10-15 17:33:21,471 INFO] Step 350/10000; xent: 3.19; lr: 0.0000078; 49 docs/s; 147 sec\n", + "[2019-10-15 17:33:42,961 INFO] Step 400/10000; xent: 3.20; lr: 0.0000089; 46 docs/s; 168 sec\n", + "[2019-10-15 17:34:03,756 INFO] Step 450/10000; xent: 3.22; lr: 0.0000101; 48 docs/s; 189 sec\n", + "[2019-10-15 17:34:24,637 INFO] Step 500/10000; xent: 3.16; lr: 0.0000112; 48 docs/s; 210 sec\n", + "[2019-10-15 17:34:24,643 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_500.pt\n", + "[2019-10-15 17:34:46,851 INFO] Step 550/10000; xent: 3.19; lr: 0.0000123; 45 docs/s; 232 sec\n", + "[2019-10-15 17:35:08,537 INFO] Step 600/10000; xent: 3.18; lr: 0.0000134; 46 docs/s; 254 sec\n", + "[2019-10-15 17:35:29,358 INFO] Step 650/10000; xent: 3.11; lr: 0.0000145; 48 docs/s; 275 sec\n", + "[2019-10-15 17:35:50,269 INFO] Step 700/10000; xent: 3.09; lr: 0.0000157; 48 docs/s; 295 sec\n", + "[2019-10-15 17:36:11,107 INFO] Step 750/10000; xent: 3.06; lr: 0.0000168; 48 docs/s; 316 sec\n", + "[2019-10-15 17:36:32,373 INFO] Step 800/10000; xent: 3.10; lr: 0.0000179; 47 docs/s; 338 sec\n", + "[2019-10-15 17:36:53,196 INFO] Step 850/10000; xent: 3.01; lr: 0.0000190; 48 docs/s; 358 sec\n", + "[2019-10-15 17:37:14,282 INFO] Step 900/10000; xent: 3.08; lr: 0.0000201; 48 docs/s; 379 sec\n", + "[2019-10-15 17:37:34,972 INFO] Step 950/10000; xent: 2.99; lr: 0.0000212; 48 docs/s; 400 sec\n", + "[2019-10-15 17:37:56,426 INFO] Step 1000/10000; xent: 3.02; lr: 0.0000224; 47 docs/s; 422 sec\n", + "[2019-10-15 17:37:56,429 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_1000.pt\n", + "[2019-10-15 17:38:18,737 INFO] Step 1050/10000; xent: 2.96; lr: 0.0000235; 46 docs/s; 444 sec\n", + "[2019-10-15 17:38:39,847 INFO] Step 1100/10000; xent: 3.05; lr: 0.0000246; 47 docs/s; 465 sec\n", + "[2019-10-15 17:39:00,668 INFO] Step 1150/10000; xent: 2.88; lr: 0.0000257; 49 docs/s; 486 sec\n", + "[2019-10-15 17:39:22,145 INFO] Step 1200/10000; xent: 2.99; lr: 0.0000268; 47 docs/s; 507 sec\n", + "[2019-10-15 17:39:42,943 INFO] Step 1250/10000; xent: 2.91; lr: 0.0000280; 48 docs/s; 528 sec\n", + "[2019-10-15 17:40:03,759 INFO] Step 1300/10000; xent: 2.95; lr: 0.0000291; 49 docs/s; 549 sec\n", + "[2019-10-15 17:40:24,449 INFO] Step 1350/10000; xent: 2.95; lr: 0.0000302; 48 docs/s; 570 sec\n", + "[2019-10-15 17:40:45,976 INFO] Step 1400/10000; xent: 2.88; lr: 0.0000313; 47 docs/s; 591 sec\n", + "[2019-10-15 17:41:06,835 INFO] Step 1450/10000; xent: 2.96; lr: 0.0000324; 48 docs/s; 612 sec\n", + "[2019-10-15 17:41:27,558 INFO] Step 1500/10000; xent: 2.93; lr: 0.0000335; 48 docs/s; 633 sec\n", + "[2019-10-15 17:41:27,563 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_1500.pt\n", + "[2019-10-15 17:41:49,573 INFO] Step 1550/10000; xent: 2.98; lr: 0.0000347; 46 docs/s; 655 sec\n", + "[2019-10-15 17:42:11,140 INFO] Step 1600/10000; xent: 2.95; lr: 0.0000358; 47 docs/s; 676 sec\n", + "[2019-10-15 17:42:31,857 INFO] Step 1650/10000; xent: 2.90; lr: 0.0000369; 48 docs/s; 697 sec\n", + "[2019-10-15 17:42:52,776 INFO] Step 1700/10000; xent: 2.88; lr: 0.0000380; 48 docs/s; 718 sec\n", + "[2019-10-15 17:43:13,306 INFO] Step 1750/10000; xent: 2.90; lr: 0.0000391; 49 docs/s; 738 sec\n", + "[2019-10-15 17:43:35,057 INFO] Step 1800/10000; xent: 2.85; lr: 0.0000402; 46 docs/s; 760 sec\n", + "[2019-10-15 17:43:55,848 INFO] Step 1850/10000; xent: 3.02; lr: 0.0000414; 48 docs/s; 781 sec\n", + "[2019-10-15 17:44:16,856 INFO] Step 1900/10000; xent: 2.94; lr: 0.0000425; 48 docs/s; 802 sec\n", + "[2019-10-15 17:44:37,746 INFO] Step 1950/10000; xent: 2.86; lr: 0.0000436; 49 docs/s; 823 sec\n", + "[2019-10-15 17:44:59,222 INFO] Step 2000/10000; xent: 2.88; lr: 0.0000447; 47 docs/s; 844 sec\n", + "[2019-10-15 17:44:59,226 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_2000.pt\n", + "[2019-10-15 17:45:21,420 INFO] Step 2050/10000; xent: 2.80; lr: 0.0000442; 45 docs/s; 867 sec\n", + "[2019-10-15 17:45:42,134 INFO] Step 2100/10000; xent: 2.87; lr: 0.0000436; 48 docs/s; 887 sec\n", + "[2019-10-15 17:46:03,052 INFO] Step 2150/10000; xent: 2.93; lr: 0.0000431; 48 docs/s; 908 sec\n", + "[2019-10-15 17:46:24,419 INFO] Step 2200/10000; xent: 2.88; lr: 0.0000426; 47 docs/s; 930 sec\n", + "[2019-10-15 17:46:45,179 INFO] Step 2250/10000; xent: 2.89; lr: 0.0000422; 48 docs/s; 950 sec\n", + "[2019-10-15 17:47:06,010 INFO] Step 2300/10000; xent: 2.88; lr: 0.0000417; 48 docs/s; 971 sec\n", + "[2019-10-15 17:47:26,863 INFO] Step 2350/10000; xent: 2.89; lr: 0.0000413; 49 docs/s; 992 sec\n", + "[2019-10-15 17:47:48,436 INFO] Step 2400/10000; xent: 2.81; lr: 0.0000408; 47 docs/s; 1014 sec\n", + "[2019-10-15 17:48:09,264 INFO] Step 2450/10000; xent: 2.78; lr: 0.0000404; 48 docs/s; 1034 sec\n", + "[2019-10-15 17:48:30,174 INFO] Step 2500/10000; xent: 2.84; lr: 0.0000400; 49 docs/s; 1055 sec\n", + "[2019-10-15 17:48:30,179 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_2500.pt\n", + "[2019-10-15 17:48:52,271 INFO] Step 2550/10000; xent: 2.92; lr: 0.0000396; 46 docs/s; 1077 sec\n", + "[2019-10-15 17:49:15,105 INFO] Step 2600/10000; xent: 2.77; lr: 0.0000392; 44 docs/s; 1100 sec\n", + "[2019-10-15 17:49:35,998 INFO] Step 2650/10000; xent: 2.92; lr: 0.0000389; 48 docs/s; 1121 sec\n", + "[2019-10-15 17:49:56,785 INFO] Step 2700/10000; xent: 2.95; lr: 0.0000385; 48 docs/s; 1142 sec\n", + "[2019-10-15 17:50:17,612 INFO] Step 2750/10000; xent: 2.87; lr: 0.0000381; 48 docs/s; 1163 sec\n", + "[2019-10-15 17:50:38,911 INFO] Step 2800/10000; xent: 2.80; lr: 0.0000378; 47 docs/s; 1184 sec\n", + "[2019-10-15 17:50:59,692 INFO] Step 2850/10000; xent: 2.90; lr: 0.0000375; 48 docs/s; 1205 sec\n", + "[2019-10-15 17:51:20,554 INFO] Step 2900/10000; xent: 2.90; lr: 0.0000371; 49 docs/s; 1226 sec\n", + "[2019-10-15 17:51:41,323 INFO] Step 2950/10000; xent: 2.85; lr: 0.0000368; 49 docs/s; 1246 sec\n", + "[2019-10-15 17:52:02,767 INFO] Step 3000/10000; xent: 2.88; lr: 0.0000365; 47 docs/s; 1268 sec\n", + "[2019-10-15 17:52:02,771 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_3000.pt\n", + "[2019-10-15 17:52:24,775 INFO] Step 3050/10000; xent: 2.91; lr: 0.0000362; 46 docs/s; 1290 sec\n", + "[2019-10-15 17:52:45,578 INFO] Step 3100/10000; xent: 2.83; lr: 0.0000359; 48 docs/s; 1311 sec\n", + "[2019-10-15 17:53:06,271 INFO] Step 3150/10000; xent: 2.89; lr: 0.0000356; 49 docs/s; 1331 sec\n", + "[2019-10-15 17:53:27,922 INFO] Step 3200/10000; xent: 2.83; lr: 0.0000354; 47 docs/s; 1353 sec\n", + "[2019-10-15 17:53:48,843 INFO] Step 3250/10000; xent: 2.84; lr: 0.0000351; 48 docs/s; 1374 sec\n", + "[2019-10-15 17:54:09,673 INFO] Step 3300/10000; xent: 2.73; lr: 0.0000348; 48 docs/s; 1395 sec\n", + "[2019-10-15 17:54:30,414 INFO] Step 3350/10000; xent: 2.85; lr: 0.0000346; 49 docs/s; 1416 sec\n", + "[2019-10-15 17:54:51,856 INFO] Step 3400/10000; xent: 2.78; lr: 0.0000343; 47 docs/s; 1437 sec\n", + "[2019-10-15 17:55:12,619 INFO] Step 3450/10000; xent: 2.83; lr: 0.0000341; 49 docs/s; 1458 sec\n", + "[2019-10-15 17:55:33,266 INFO] Step 3500/10000; xent: 2.80; lr: 0.0000338; 49 docs/s; 1478 sec\n", + "[2019-10-15 17:55:33,270 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_3500.pt\n", + "[2019-10-15 17:55:55,239 INFO] Step 3550/10000; xent: 2.80; lr: 0.0000336; 46 docs/s; 1500 sec\n", + "[2019-10-15 17:56:17,401 INFO] Step 3600/10000; xent: 2.76; lr: 0.0000333; 45 docs/s; 1523 sec\n", + "[2019-10-15 17:56:38,129 INFO] Step 3650/10000; xent: 2.80; lr: 0.0000331; 48 docs/s; 1543 sec\n", + "[2019-10-15 17:56:58,914 INFO] Step 3700/10000; xent: 2.83; lr: 0.0000329; 49 docs/s; 1564 sec\n", + "[2019-10-15 17:57:19,588 INFO] Step 3750/10000; xent: 2.82; lr: 0.0000327; 49 docs/s; 1585 sec\n", + "[2019-10-15 17:57:40,985 INFO] Step 3800/10000; xent: 2.91; lr: 0.0000324; 47 docs/s; 1606 sec\n", + "[2019-10-15 17:58:01,759 INFO] Step 3850/10000; xent: 2.87; lr: 0.0000322; 49 docs/s; 1627 sec\n" ] - } - ], - "source": [ - "bertsum_model.fit(device_id, training_data_files, train_steps=50000, train_from=\"\")" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### [Optional] Distributed Training" - ] - }, - { - "cell_type": "code", - "execution_count": 20, - "metadata": {}, - "outputs": [], - "source": [ - "BERT_CONFIG_PATH=\"./bert_config_uncased_base.json\"" - ] - }, - { - "cell_type": "code", - "execution_count": 21, - "metadata": {}, - "outputs": [ + }, { - "name": "stdout", + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-15 17:58:22,621 INFO] Step 3900/10000; xent: 2.79; lr: 0.0000320; 48 docs/s; 1648 sec\n", + "[2019-10-15 17:58:43,322 INFO] Step 3950/10000; xent: 2.90; lr: 0.0000318; 49 docs/s; 1668 sec\n", + "[2019-10-15 17:59:04,810 INFO] Step 4000/10000; xent: 2.80; lr: 0.0000316; 47 docs/s; 1690 sec\n", + "[2019-10-15 17:59:04,814 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_4000.pt\n", + "[2019-10-15 17:59:26,773 INFO] Step 4050/10000; xent: 2.89; lr: 0.0000314; 45 docs/s; 1712 sec\n", + "[2019-10-15 17:59:47,458 INFO] Step 4100/10000; xent: 2.86; lr: 0.0000312; 49 docs/s; 1733 sec\n", + "[2019-10-15 18:00:08,124 INFO] Step 4150/10000; xent: 2.87; lr: 0.0000310; 48 docs/s; 1753 sec\n", + "[2019-10-15 18:00:29,734 INFO] Step 4200/10000; xent: 2.93; lr: 0.0000309; 47 docs/s; 1775 sec\n", + "[2019-10-15 18:00:50,554 INFO] Step 4250/10000; xent: 2.86; lr: 0.0000307; 49 docs/s; 1796 sec\n", + "[2019-10-15 18:01:11,237 INFO] Step 4300/10000; xent: 2.80; lr: 0.0000305; 49 docs/s; 1816 sec\n", + "[2019-10-15 18:01:31,908 INFO] Step 4350/10000; xent: 2.87; lr: 0.0000303; 49 docs/s; 1837 sec\n", + "[2019-10-15 18:01:53,271 INFO] Step 4400/10000; xent: 2.79; lr: 0.0000302; 47 docs/s; 1858 sec\n", + "[2019-10-15 18:02:14,150 INFO] Step 4450/10000; xent: 2.80; lr: 0.0000300; 49 docs/s; 1879 sec\n", + "[2019-10-15 18:02:34,861 INFO] Step 4500/10000; xent: 2.89; lr: 0.0000298; 48 docs/s; 1900 sec\n", + "[2019-10-15 18:02:34,865 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_4500.pt\n", + "[2019-10-15 18:02:56,909 INFO] Step 4550/10000; xent: 2.80; lr: 0.0000296; 46 docs/s; 1922 sec\n", + "[2019-10-15 18:03:18,328 INFO] Step 4600/10000; xent: 2.81; lr: 0.0000295; 47 docs/s; 1943 sec\n", + "[2019-10-15 18:03:39,125 INFO] Step 4650/10000; xent: 2.81; lr: 0.0000293; 48 docs/s; 1964 sec\n", + "[2019-10-15 18:03:59,868 INFO] Step 4700/10000; xent: 2.87; lr: 0.0000292; 49 docs/s; 1985 sec\n", + "[2019-10-15 18:04:20,701 INFO] Step 4750/10000; xent: 2.82; lr: 0.0000290; 48 docs/s; 2006 sec\n", + "[2019-10-15 18:04:42,076 INFO] Step 4800/10000; xent: 2.82; lr: 0.0000289; 47 docs/s; 2027 sec\n", + "[2019-10-15 18:05:02,834 INFO] Step 4850/10000; xent: 2.80; lr: 0.0000287; 48 docs/s; 2048 sec\n", + "[2019-10-15 18:05:23,556 INFO] Step 4900/10000; xent: 2.81; lr: 0.0000286; 49 docs/s; 2069 sec\n", + "[2019-10-15 18:05:44,221 INFO] Step 4950/10000; xent: 2.85; lr: 0.0000284; 49 docs/s; 2089 sec\n", + "[2019-10-15 18:06:05,673 INFO] Step 5000/10000; xent: 2.78; lr: 0.0000283; 47 docs/s; 2111 sec\n", + "[2019-10-15 18:06:05,677 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_5000.pt\n", + "[2019-10-15 18:06:28,010 INFO] Step 5050/10000; xent: 2.84; lr: 0.0000281; 45 docs/s; 2133 sec\n", + "[2019-10-15 18:06:48,974 INFO] Step 5100/10000; xent: 2.73; lr: 0.0000280; 48 docs/s; 2154 sec\n", + "[2019-10-15 18:07:09,784 INFO] Step 5150/10000; xent: 2.85; lr: 0.0000279; 48 docs/s; 2175 sec\n", + "[2019-10-15 18:07:31,104 INFO] Step 5200/10000; xent: 2.80; lr: 0.0000277; 47 docs/s; 2196 sec\n", + "[2019-10-15 18:07:51,971 INFO] Step 5250/10000; xent: 2.90; lr: 0.0000276; 49 docs/s; 2217 sec\n", + "[2019-10-15 18:08:12,738 INFO] Step 5300/10000; xent: 2.91; lr: 0.0000275; 48 docs/s; 2238 sec\n", + "[2019-10-15 18:08:33,531 INFO] Step 5350/10000; xent: 2.76; lr: 0.0000273; 49 docs/s; 2259 sec\n", + "[2019-10-15 18:08:54,887 INFO] Step 5400/10000; xent: 2.81; lr: 0.0000272; 47 docs/s; 2280 sec\n", + "[2019-10-15 18:09:15,662 INFO] Step 5450/10000; xent: 2.81; lr: 0.0000271; 48 docs/s; 2301 sec\n", + "[2019-10-15 18:09:36,458 INFO] Step 5500/10000; xent: 2.84; lr: 0.0000270; 48 docs/s; 2322 sec\n", + "[2019-10-15 18:09:36,462 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_5500.pt\n", + "[2019-10-15 18:09:58,522 INFO] Step 5550/10000; xent: 2.84; lr: 0.0000268; 46 docs/s; 2344 sec\n", + "[2019-10-15 18:10:20,176 INFO] Step 5600/10000; xent: 2.86; lr: 0.0000267; 47 docs/s; 2365 sec\n", + "[2019-10-15 18:10:40,957 INFO] Step 5650/10000; xent: 2.84; lr: 0.0000266; 48 docs/s; 2386 sec\n", + "[2019-10-15 18:11:01,721 INFO] Step 5700/10000; xent: 2.73; lr: 0.0000265; 49 docs/s; 2407 sec\n", + "[2019-10-15 18:11:22,585 INFO] Step 5750/10000; xent: 2.83; lr: 0.0000264; 48 docs/s; 2428 sec\n", + "[2019-10-15 18:11:43,794 INFO] Step 5800/10000; xent: 2.78; lr: 0.0000263; 47 docs/s; 2449 sec\n", + "[2019-10-15 18:12:04,659 INFO] Step 5850/10000; xent: 2.89; lr: 0.0000261; 48 docs/s; 2470 sec\n", + "[2019-10-15 18:12:25,349 INFO] Step 5900/10000; xent: 2.85; lr: 0.0000260; 48 docs/s; 2491 sec\n", + "[2019-10-15 18:12:46,081 INFO] Step 5950/10000; xent: 2.73; lr: 0.0000259; 49 docs/s; 2511 sec\n", + "[2019-10-15 18:13:07,405 INFO] Step 6000/10000; xent: 2.82; lr: 0.0000258; 47 docs/s; 2533 sec\n", + "[2019-10-15 18:13:07,409 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_6000.pt\n", + "[2019-10-15 18:13:29,137 INFO] Step 6050/10000; xent: 2.85; lr: 0.0000257; 45 docs/s; 2554 sec\n", + "[2019-10-15 18:13:49,752 INFO] Step 6100/10000; xent: 2.80; lr: 0.0000256; 48 docs/s; 2575 sec\n", + "[2019-10-15 18:14:10,499 INFO] Step 6150/10000; xent: 2.80; lr: 0.0000255; 48 docs/s; 2596 sec\n", + "[2019-10-15 18:14:31,939 INFO] Step 6200/10000; xent: 2.81; lr: 0.0000254; 47 docs/s; 2617 sec\n", + "[2019-10-15 18:14:52,749 INFO] Step 6250/10000; xent: 2.80; lr: 0.0000253; 48 docs/s; 2638 sec\n", + "[2019-10-15 18:15:13,515 INFO] Step 6300/10000; xent: 2.82; lr: 0.0000252; 48 docs/s; 2659 sec\n", + "[2019-10-15 18:15:34,316 INFO] Step 6350/10000; xent: 2.75; lr: 0.0000251; 49 docs/s; 2679 sec\n", + "[2019-10-15 18:15:55,784 INFO] Step 6400/10000; xent: 2.85; lr: 0.0000250; 47 docs/s; 2701 sec\n", + "[2019-10-15 18:16:16,641 INFO] Step 6450/10000; xent: 2.78; lr: 0.0000249; 48 docs/s; 2722 sec\n", + "[2019-10-15 18:16:37,458 INFO] Step 6500/10000; xent: 2.78; lr: 0.0000248; 48 docs/s; 2743 sec\n", + "[2019-10-15 18:16:37,462 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_6500.pt\n", + "[2019-10-15 18:16:59,595 INFO] Step 6550/10000; xent: 2.73; lr: 0.0000247; 46 docs/s; 2765 sec\n", + "[2019-10-15 18:17:20,994 INFO] Step 6600/10000; xent: 2.76; lr: 0.0000246; 47 docs/s; 2786 sec\n", + "[2019-10-15 18:17:41,749 INFO] Step 6650/10000; xent: 2.84; lr: 0.0000245; 49 docs/s; 2807 sec\n", + "[2019-10-15 18:18:02,657 INFO] Step 6700/10000; xent: 2.85; lr: 0.0000244; 49 docs/s; 2828 sec\n", + "[2019-10-15 18:18:23,380 INFO] Step 6750/10000; xent: 2.80; lr: 0.0000243; 49 docs/s; 2849 sec\n", + "[2019-10-15 18:18:44,867 INFO] Step 6800/10000; xent: 2.77; lr: 0.0000243; 47 docs/s; 2870 sec\n", + "[2019-10-15 18:19:05,681 INFO] Step 6850/10000; xent: 2.81; lr: 0.0000242; 49 docs/s; 2891 sec\n", + "[2019-10-15 18:19:26,491 INFO] Step 6900/10000; xent: 2.84; lr: 0.0000241; 48 docs/s; 2912 sec\n", + "[2019-10-15 18:19:47,512 INFO] Step 6950/10000; xent: 2.84; lr: 0.0000240; 48 docs/s; 2933 sec\n", + "[2019-10-15 18:20:09,154 INFO] Step 7000/10000; xent: 2.79; lr: 0.0000239; 47 docs/s; 2954 sec\n", + "[2019-10-15 18:20:09,158 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_7000.pt\n", + "[2019-10-15 18:20:31,532 INFO] Step 7050/10000; xent: 2.89; lr: 0.0000238; 45 docs/s; 2977 sec\n", + "[2019-10-15 18:20:52,351 INFO] Step 7100/10000; xent: 2.83; lr: 0.0000237; 49 docs/s; 2998 sec\n", + "[2019-10-15 18:21:13,252 INFO] Step 7150/10000; xent: 2.85; lr: 0.0000237; 48 docs/s; 3018 sec\n", + "[2019-10-15 18:21:34,970 INFO] Step 7200/10000; xent: 2.85; lr: 0.0000236; 46 docs/s; 3040 sec\n", + "[2019-10-15 18:21:55,777 INFO] Step 7250/10000; xent: 2.79; lr: 0.0000235; 48 docs/s; 3061 sec\n", + "[2019-10-15 18:22:16,639 INFO] Step 7300/10000; xent: 2.82; lr: 0.0000234; 48 docs/s; 3082 sec\n", + "[2019-10-15 18:22:37,482 INFO] Step 7350/10000; xent: 2.80; lr: 0.0000233; 48 docs/s; 3103 sec\n", + "[2019-10-15 18:22:58,914 INFO] Step 7400/10000; xent: 2.79; lr: 0.0000232; 47 docs/s; 3124 sec\n", + "[2019-10-15 18:23:19,645 INFO] Step 7450/10000; xent: 2.80; lr: 0.0000232; 49 docs/s; 3145 sec\n", + "[2019-10-15 18:23:40,337 INFO] Step 7500/10000; xent: 2.77; lr: 0.0000231; 48 docs/s; 3166 sec\n", + "[2019-10-15 18:23:40,340 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_7500.pt\n", + "[2019-10-15 18:24:02,476 INFO] Step 7550/10000; xent: 2.71; lr: 0.0000230; 46 docs/s; 3188 sec\n", + "[2019-10-15 18:24:23,953 INFO] Step 7600/10000; xent: 2.69; lr: 0.0000229; 47 docs/s; 3209 sec\n" + ] + }, + { + "name": "stderr", "output_type": "stream", "text": [ - "['1']\n", - "{1: 0}\n" + "[2019-10-15 18:24:44,627 INFO] Step 7650/10000; xent: 2.76; lr: 0.0000229; 49 docs/s; 3230 sec\n", + "[2019-10-15 18:25:05,523 INFO] Step 7700/10000; xent: 2.82; lr: 0.0000228; 48 docs/s; 3251 sec\n", + "[2019-10-15 18:25:27,089 INFO] Step 7750/10000; xent: 2.86; lr: 0.0000227; 47 docs/s; 3272 sec\n", + "[2019-10-15 18:25:47,876 INFO] Step 7800/10000; xent: 2.80; lr: 0.0000226; 48 docs/s; 3293 sec\n", + "[2019-10-15 18:26:08,708 INFO] Step 7850/10000; xent: 2.83; lr: 0.0000226; 48 docs/s; 3314 sec\n", + "[2019-10-15 18:26:29,493 INFO] Step 7900/10000; xent: 2.83; lr: 0.0000225; 49 docs/s; 3335 sec\n", + "[2019-10-15 18:26:51,045 INFO] Step 7950/10000; xent: 2.76; lr: 0.0000224; 47 docs/s; 3356 sec\n", + "[2019-10-15 18:27:11,842 INFO] Step 8000/10000; xent: 2.78; lr: 0.0000224; 48 docs/s; 3377 sec\n", + "[2019-10-15 18:27:11,846 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_8000.pt\n", + "[2019-10-15 18:27:33,976 INFO] Step 8050/10000; xent: 2.82; lr: 0.0000223; 45 docs/s; 3399 sec\n", + "[2019-10-15 18:27:54,858 INFO] Step 8100/10000; xent: 2.75; lr: 0.0000222; 49 docs/s; 3420 sec\n", + "[2019-10-15 18:28:16,407 INFO] Step 8150/10000; xent: 2.84; lr: 0.0000222; 47 docs/s; 3442 sec\n", + "[2019-10-15 18:28:37,145 INFO] Step 8200/10000; xent: 2.86; lr: 0.0000221; 49 docs/s; 3462 sec\n", + "[2019-10-15 18:28:57,996 INFO] Step 8250/10000; xent: 2.72; lr: 0.0000220; 48 docs/s; 3483 sec\n", + "[2019-10-15 18:29:18,776 INFO] Step 8300/10000; xent: 2.77; lr: 0.0000220; 48 docs/s; 3504 sec\n", + "[2019-10-15 18:29:40,224 INFO] Step 8350/10000; xent: 2.67; lr: 0.0000219; 47 docs/s; 3525 sec\n", + "[2019-10-15 18:30:01,190 INFO] Step 8400/10000; xent: 2.80; lr: 0.0000218; 49 docs/s; 3546 sec\n", + "[2019-10-15 18:30:21,820 INFO] Step 8450/10000; xent: 2.81; lr: 0.0000218; 49 docs/s; 3567 sec\n", + "[2019-10-15 18:30:42,632 INFO] Step 8500/10000; xent: 2.80; lr: 0.0000217; 48 docs/s; 3588 sec\n", + "[2019-10-15 18:30:42,636 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_8500.pt\n", + "[2019-10-15 18:31:05,497 INFO] Step 8550/10000; xent: 2.80; lr: 0.0000216; 44 docs/s; 3611 sec\n", + "[2019-10-15 18:31:26,353 INFO] Step 8600/10000; xent: 2.77; lr: 0.0000216; 48 docs/s; 3632 sec\n", + "[2019-10-15 18:31:47,131 INFO] Step 8650/10000; xent: 2.82; lr: 0.0000215; 49 docs/s; 3652 sec\n", + "[2019-10-15 18:32:08,004 INFO] Step 8700/10000; xent: 2.85; lr: 0.0000214; 48 docs/s; 3673 sec\n", + "[2019-10-15 18:32:29,641 INFO] Step 8750/10000; xent: 2.82; lr: 0.0000214; 47 docs/s; 3695 sec\n", + "[2019-10-15 18:32:50,512 INFO] Step 8800/10000; xent: 2.80; lr: 0.0000213; 48 docs/s; 3716 sec\n", + "[2019-10-15 18:33:11,332 INFO] Step 8850/10000; xent: 2.73; lr: 0.0000213; 48 docs/s; 3737 sec\n", + "[2019-10-15 18:33:32,160 INFO] Step 8900/10000; xent: 2.78; lr: 0.0000212; 48 docs/s; 3757 sec\n", + "[2019-10-15 18:33:53,602 INFO] Step 8950/10000; xent: 2.79; lr: 0.0000211; 47 docs/s; 3779 sec\n", + "[2019-10-15 18:34:14,359 INFO] Step 9000/10000; xent: 2.79; lr: 0.0000211; 48 docs/s; 3800 sec\n", + "[2019-10-15 18:34:14,363 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_9000.pt\n", + "[2019-10-15 18:34:36,486 INFO] Step 9050/10000; xent: 2.75; lr: 0.0000210; 45 docs/s; 3822 sec\n", + "[2019-10-15 18:34:57,361 INFO] Step 9100/10000; xent: 2.70; lr: 0.0000210; 48 docs/s; 3843 sec\n", + "[2019-10-15 18:35:18,931 INFO] Step 9150/10000; xent: 2.80; lr: 0.0000209; 47 docs/s; 3864 sec\n", + "[2019-10-15 18:35:39,714 INFO] Step 9200/10000; xent: 2.86; lr: 0.0000209; 49 docs/s; 3885 sec\n", + "[2019-10-15 18:36:00,636 INFO] Step 9250/10000; xent: 2.80; lr: 0.0000208; 48 docs/s; 3906 sec\n", + "[2019-10-15 18:36:21,489 INFO] Step 9300/10000; xent: 2.79; lr: 0.0000207; 49 docs/s; 3927 sec\n", + "[2019-10-15 18:36:42,979 INFO] Step 9350/10000; xent: 2.86; lr: 0.0000207; 47 docs/s; 3948 sec\n", + "[2019-10-15 18:37:03,791 INFO] Step 9400/10000; xent: 2.80; lr: 0.0000206; 48 docs/s; 3969 sec\n", + "[2019-10-15 18:37:24,571 INFO] Step 9450/10000; xent: 2.73; lr: 0.0000206; 49 docs/s; 3990 sec\n", + "[2019-10-15 18:37:45,326 INFO] Step 9500/10000; xent: 2.84; lr: 0.0000205; 48 docs/s; 4010 sec\n", + "[2019-10-15 18:37:45,330 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_9500.pt\n", + "[2019-10-15 18:38:08,399 INFO] Step 9550/10000; xent: 2.79; lr: 0.0000205; 44 docs/s; 4034 sec\n", + "[2019-10-15 18:38:29,389 INFO] Step 9600/10000; xent: 2.85; lr: 0.0000204; 49 docs/s; 4055 sec\n", + "[2019-10-15 18:38:50,108 INFO] Step 9650/10000; xent: 2.76; lr: 0.0000204; 48 docs/s; 4075 sec\n", + "[2019-10-15 18:39:10,997 INFO] Step 9700/10000; xent: 2.84; lr: 0.0000203; 48 docs/s; 4096 sec\n", + "[2019-10-15 18:39:32,498 INFO] Step 9750/10000; xent: 2.78; lr: 0.0000203; 47 docs/s; 4118 sec\n", + "[2019-10-15 18:39:53,372 INFO] Step 9800/10000; xent: 2.84; lr: 0.0000202; 48 docs/s; 4139 sec\n", + "[2019-10-15 18:40:14,324 INFO] Step 9850/10000; xent: 2.85; lr: 0.0000202; 48 docs/s; 4159 sec\n", + "[2019-10-15 18:40:35,114 INFO] Step 9900/10000; xent: 2.75; lr: 0.0000201; 48 docs/s; 4180 sec\n", + "[2019-10-15 18:40:56,505 INFO] Step 9950/10000; xent: 2.78; lr: 0.0000201; 47 docs/s; 4202 sec\n", + "[2019-10-15 18:41:17,372 INFO] Step 10000/10000; xent: 2.85; lr: 0.0000200; 48 docs/s; 4223 sec\n", + "[2019-10-15 18:41:17,376 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_10000.pt\n" ] } ], "source": [ - "bertsum_model = BertSumExtractiveSummarizer(encoder = 'baseline', \n", - " model_path = model_base_path+encoder+str(random_number),\n", - " log_file = log_base_path+encoder+str(random_number),\n", - " bert_config_path=BERT_CONFIG_PATH,\n", - " device_id = device_id,\n", - " gpu_ranks = gpu_ranks,)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "def train():\n", - "\n", - " bertsum_model.fit(device_id, training_data_files, train_steps=50000, train_from=\"\")" + "bertsum_model.fit(device_id, training_data_files, train_steps=train_steps, train_from=\"\")" ] }, { @@ -1314,12 +3024,12 @@ "source": [ "### Model Evaluation\n", "\n", - "[ROUGE](https://en.wikipedia.org/wiki/ROUGE_(metric)), or Recall-Oriented Understudy for Gisting Evaluation has been commonly used for evaluation text summerization." + "[ROUGE](https://en.wikipedia.org/wiki/ROUGE_(metric)), or Recall-Oriented Understudy for Gisting Evaluation has been commonly used for evaluation text summarization." ] }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 26, "metadata": { "scrolled": true }, @@ -1328,9 +3038,7 @@ "import torch\n", "from bertsum.models.data_loader import DataIterator,Batch,Dataloader\n", "import os\n", - "\n", - "USE_PREPROCESSED_DATA = False\n", - "if USE_PREPROCESSED_DATA is True: \n", + "if USE_PREPROCESSED_DATA is False: \n", " test_dataset=torch.load(PROCESSED_TEST_FILE)\n", "else:\n", " test_dataset=[]\n", @@ -1350,29 +3058,28 @@ }, { "cell_type": "code", - "execution_count": 22, + "execution_count": 27, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-09 02:47:36,693 INFO] Device ID 1\n", - "[2019-10-09 02:47:36,694 INFO] Loading checkpoint from ./models/baseline0.5550666171952351/model_step_50000.pt\n", - "[2019-10-09 02:47:38,197 INFO] * number of parameters: 5179137\n" + "[2019-10-15 18:42:17,589 INFO] * number of parameters: 115790849\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "device_id 1\n", + "device_id 0\n", "gpu_rank 0\n" ] } ], "source": [ - "model_for_test = \"./models/baseline0.5550666171952351/model_step_50000.pt\"\n", + "checkpoint_to_test = 10000\n", + "model_for_test = os.path.join(model_base_path + encoder + str(random_number), f\"model_step_{checkpoint_to_test}.pt\")\n", "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n", @@ -1383,7 +3090,7 @@ }, { "cell_type": "code", - "execution_count": 23, + "execution_count": 28, "metadata": {}, "outputs": [ { @@ -1392,7 +3099,7 @@ "11489" ] }, - "execution_count": 23, + "execution_count": 28, "metadata": {}, "output_type": "execute_result" } @@ -1403,34 +3110,7 @@ }, { "cell_type": "code", - "execution_count": 25, - "metadata": {}, - "outputs": [], - "source": [ - "import os\n", - "from random import random, seed\n", - "from bertsum.others.utils import test_rouge\n", - "\n", - "def get_rouge(predictions, targets, temp_dir):\n", - " def _write_list_to_file(list_items, filename):\n", - " with open(filename, 'w') as filehandle:\n", - " #for cnt, line in enumerate(filehandle):\n", - " for item in list_items:\n", - " filehandle.write('%s\\n' % item)\n", - " seed(42)\n", - " random_number = random()\n", - " candidate_path = os.path.join(temp_dir, \"candidate\"+str(random_number))\n", - " gold_path = os.path.join(temp_dir, \"gold\"+str(random_number))\n", - " _write_list_to_file(predictions, candidate_path)\n", - " _write_list_to_file(targets, gold_path)\n", - " rouge = test_rouge(temp_dir, candidate_path, gold_path)\n", - " return rouge\n", - "\n" - ] - }, - { - "cell_type": "code", - "execution_count": 26, + "execution_count": 29, "metadata": {}, "outputs": [ { @@ -1445,22 +3125,22 @@ "name": "stderr", "output_type": "stream", "text": [ - "2019-10-09 02:49:06,778 [MainThread ] [INFO ] Writing summaries.\n", - "[2019-10-09 02:49:06,778 INFO] Writing summaries.\n", - "2019-10-09 02:49:06,781 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpaikkoju5/system and model files to ./results/tmpaikkoju5/model.\n", - "[2019-10-09 02:49:06,781 INFO] Processing summaries. Saving system files to ./results/tmpaikkoju5/system and model files to ./results/tmpaikkoju5/model.\n", - "2019-10-09 02:49:06,782 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-09-02-49-05/candidate/.\n", - "[2019-10-09 02:49:06,782 INFO] Processing files in ./results/rouge-tmp-2019-10-09-02-49-05/candidate/.\n", - "2019-10-09 02:49:07,979 [MainThread ] [INFO ] Saved processed files to ./results/tmpaikkoju5/system.\n", - "[2019-10-09 02:49:07,979 INFO] Saved processed files to ./results/tmpaikkoju5/system.\n", - "2019-10-09 02:49:07,981 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-09-02-49-05/reference/.\n", - "[2019-10-09 02:49:07,981 INFO] Processing files in ./results/rouge-tmp-2019-10-09-02-49-05/reference/.\n", - "2019-10-09 02:49:09,181 [MainThread ] [INFO ] Saved processed files to ./results/tmpaikkoju5/model.\n", - "[2019-10-09 02:49:09,181 INFO] Saved processed files to ./results/tmpaikkoju5/model.\n", - "2019-10-09 02:49:09,267 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp8_c210t6/rouge_conf.xml\n", - "[2019-10-09 02:49:09,267 INFO] Written ROUGE configuration to ./results/tmp8_c210t6/rouge_conf.xml\n", - "2019-10-09 02:49:09,268 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp8_c210t6/rouge_conf.xml\n", - "[2019-10-09 02:49:09,268 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp8_c210t6/rouge_conf.xml\n" + "2019-10-15 18:45:18,185 [MainThread ] [INFO ] Writing summaries.\n", + "[2019-10-15 18:45:18,185 INFO] Writing summaries.\n", + "2019-10-15 18:45:18,194 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpsubsloro/system and model files to ./results/tmpsubsloro/model.\n", + "[2019-10-15 18:45:18,194 INFO] Processing summaries. Saving system files to ./results/tmpsubsloro/system and model files to ./results/tmpsubsloro/model.\n", + "2019-10-15 18:45:18,195 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-15-18-45-16/candidate/.\n", + "[2019-10-15 18:45:18,195 INFO] Processing files in ./results/rouge-tmp-2019-10-15-18-45-16/candidate/.\n", + "2019-10-15 18:45:19,514 [MainThread ] [INFO ] Saved processed files to ./results/tmpsubsloro/system.\n", + "[2019-10-15 18:45:19,514 INFO] Saved processed files to ./results/tmpsubsloro/system.\n", + "2019-10-15 18:45:19,516 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-15-18-45-16/reference/.\n", + "[2019-10-15 18:45:19,516 INFO] Processing files in ./results/rouge-tmp-2019-10-15-18-45-16/reference/.\n", + "2019-10-15 18:45:20,654 [MainThread ] [INFO ] Saved processed files to ./results/tmpsubsloro/model.\n", + "[2019-10-15 18:45:20,654 INFO] Saved processed files to ./results/tmpsubsloro/model.\n", + "2019-10-15 18:45:20,735 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp4yrd5g_s/rouge_conf.xml\n", + "[2019-10-15 18:45:20,735 INFO] Written ROUGE configuration to ./results/tmp4yrd5g_s/rouge_conf.xml\n", + "2019-10-15 18:45:20,736 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp4yrd5g_s/rouge_conf.xml\n", + "[2019-10-15 18:45:20,736 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp4yrd5g_s/rouge_conf.xml\n" ] }, { @@ -1468,17 +3148,17 @@ "output_type": "stream", "text": [ "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.52805 (95%-conf.int. 0.52503 - 0.53101)\n", - "1 ROUGE-1 Average_P: 0.34902 (95%-conf.int. 0.34673 - 0.35137)\n", - "1 ROUGE-1 Average_F: 0.40627 (95%-conf.int. 0.40407 - 0.40856)\n", + "1 ROUGE-1 Average_R: 0.53085 (95%-conf.int. 0.52800 - 0.53379)\n", + "1 ROUGE-1 Average_P: 0.37857 (95%-conf.int. 0.37621 - 0.38098)\n", + "1 ROUGE-1 Average_F: 0.42727 (95%-conf.int. 0.42510 - 0.42940)\n", "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.23266 (95%-conf.int. 0.22986 - 0.23553)\n", - "1 ROUGE-2 Average_P: 0.15342 (95%-conf.int. 0.15150 - 0.15543)\n", - "1 ROUGE-2 Average_F: 0.17858 (95%-conf.int. 0.17650 - 0.18072)\n", + "1 ROUGE-2 Average_R: 0.24509 (95%-conf.int. 0.24219 - 0.24801)\n", + "1 ROUGE-2 Average_P: 0.17560 (95%-conf.int. 0.17344 - 0.17784)\n", + "1 ROUGE-2 Average_F: 0.19750 (95%-conf.int. 0.19532 - 0.19981)\n", "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.47936 (95%-conf.int. 0.47650 - 0.48238)\n", - "1 ROUGE-L Average_P: 0.31731 (95%-conf.int. 0.31511 - 0.31957)\n", - "1 ROUGE-L Average_F: 0.36913 (95%-conf.int. 0.36697 - 0.37144)\n", + "1 ROUGE-L Average_R: 0.48578 (95%-conf.int. 0.48310 - 0.48855)\n", + "1 ROUGE-L Average_P: 0.34703 (95%-conf.int. 0.34466 - 0.34939)\n", + "1 ROUGE-L Average_F: 0.39138 (95%-conf.int. 0.38922 - 0.39357)\n", "\n" ] } @@ -1490,36 +3170,16 @@ }, { "cell_type": "code", - "execution_count": 46, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "11489" - ] - }, - "execution_count": 46, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "len(prediction)" - ] - }, - { - "cell_type": "code", - "execution_count": 50, + "execution_count": 30, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .'" + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .'" ] }, - "execution_count": 50, + "execution_count": 30, "metadata": {}, "output_type": "execute_result" } @@ -1530,7 +3190,7 @@ }, { "cell_type": "code", - "execution_count": 51, + "execution_count": 31, "metadata": {}, "outputs": [ { @@ -1539,7 +3199,7 @@ "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" ] }, - "execution_count": 51, + "execution_count": 31, "metadata": {}, "output_type": "execute_result" } @@ -1557,7 +3217,7 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 32, "metadata": {}, "outputs": [], "source": [ @@ -1571,172 +3231,53 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 33, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-15 18:47:09,248 INFO] loading vocabulary file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at /home/daden/.pytorch_pretrained_bert/26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + ] + } + ], "source": [ - "from prepro.data_builder import BertData\n", + "from bertsum.prepro.data_builder import BertData\n", "bertdata = BertData(args)" ] }, { "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [], - "source": [ - "import torch\n", - "import sys\n", - "#sys.path.insert(0, '../src')\n", - "from others.utils import clean\n", - "from multiprocess import Pool\n" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": {}, - "outputs": [], - "source": [ - "#os.environ[\"CUDA_DEVICE_ORDER\"]=\"PCI_BUS_ID\" # see issue #152\n", - "import os\n", - "os.environ[\"CORENLP_HOME\"]=\"/home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05\"" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": {}, - "outputs": [], - "source": [ - "from stanfordnlp.server import CoreNLPClient" - ] - }, - { - "cell_type": "code", - "execution_count": 11, + "execution_count": 34, "metadata": {}, "outputs": [], "source": [ - "from multiprocessing import Pool\n", - "from utils_nlp.models.bert.extractive_text_summarization import tokenize_to_list, bertify\n", - "import re\n", - "\n", - "def preprocess_target(line):\n", - " def _remove_ttags(line):\n", - " line = re.sub(r'', '', line)\n", - " # change to \n", - " # pyrouge test requires as sentence splitter\n", - " line = re.sub(r'', '', line)\n", - " return line\n", - "\n", - " return tokenize_to_list(client, _remove_ttags(line))\n", + "import nltk\n", + "from utils_nlp.dataset.harvardnlp_cnndm import preprocess\n", + "from nltk import tokenize\n", + "from bertsum.others.utils import clean\n", "def preprocess_source(line):\n", - " return tokenize_to_list(client, clean(line))\n", - "\n", - "def preprocess_cnndm(param):\n", - " source, target = param\n", - " return bertify(bertdata, source, target)\n", - "\n", - "def harvardnlp_cnndm_standfordnlp(client, source_file, target_file, n_cpus=2, top_n=-1):\n", - " source_list = []\n", - " i = 0\n", - " with open(source_file) as fd:\n", - " for line in fd:\n", - " source_list.append(line)\n", - " i +=1\n", - " \n", - " pool = Pool(n_cpus)\n", - " \n", - "\n", - " tokenized_source_data = pool.map(preprocess_source, source_list[0:top_n], int(len(source_list[0:top_n])/n_cpus))\n", - " pool.close()\n", - " pool.join\n", - " \n", - " i = 0\n", - " target_list = []\n", - " with open(target_file) as fd:\n", - " for line in fd:\n", - " target_list.append(line)\n", - " i +=1\n", - "\n", - " pool = Pool(n_cpus)\n", - " tokenized_target_data = pool.map(preprocess_target, target_list[0:top_n], int(len(target_list[0:top_n])/n_cpus))\n", - " pool.close()\n", - " pool.join()\n", - " \n", - "\n", - " #return tokenized_source_data, tokenized_target_data\n", - "\n", - " pool = Pool(n_cpus)\n", - " bertified_data = pool.map(preprocess_cnndm, zip(tokenized_source_data[0:top_n], tokenized_target_data[0:top_n]), int(len(tokenized_source_data[0:top_n])/n_cpus))\n", - " pool.close()\n", - " pool.join()\n", - " return bertified_data\n", - " " - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Starting server with command: java -Xmx5G -cp /home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05/* edu.stanford.nlp.pipeline.StanfordCoreNLPServer -port 9000 -timeout 60000 -threads 5 -maxCharLength 100000 -quiet True -serverProperties corenlp_server-e3b74cd551ba43f1.props -preload tokenize,ssplit\n", - "Starting server with command: java -Xmx5G -cp /home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05/* edu.stanford.nlp.pipeline.StanfordCoreNLPServer -port 9000 -timeout 60000 -threads 5 -maxCharLength 100000 -quiet True -serverProperties corenlp_server-e3b74cd551ba43f1.props -preload tokenize,ssplit\n", - "Starting server with command: java -Xmx5G -cp /home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05/* edu.stanford.nlp.pipeline.StanfordCoreNLPServer -port 9000 -timeout 60000 -threads 5 -maxCharLength 100000 -quiet True -serverProperties corenlp_server-e3b74cd551ba43f1.props -preload tokenize,ssplit\n", - "Starting server with command: java -Xmx5G -cp /home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05/* edu.stanford.nlp.pipeline.StanfordCoreNLPServer -port 9000 -timeout 60000 -threads 5 -maxCharLength 100000 -quiet True -serverProperties corenlp_server-e3b74cd551ba43f1.props -preload tokenize,ssplit\n", - "CPU times: user 79.8 ms, sys: 85.4 ms, total: 165 ms\n", - "Wall time: 7.72 s\n" - ] - } - ], - "source": [ - "%%time\n", - "source_file = './harvardnlp_cnndm/test.txt.src'\n", - "target_file = './harvardnlp_cnndm/test.txt.tgt.tagged'\n", - "client = CoreNLPClient(annotators=['tokenize','ssplit'])\n", - "new_data = harvardnlp_cnndm_standfordnlp(client, source_file, target_file, n_cpus=2, top_n=10)" + " return preprocess((line, [clean, tokenize.sent_tokenize], nltk.word_tokenize))\n" ] }, { "cell_type": "code", - "execution_count": 24, + "execution_count": 35, "metadata": {}, "outputs": [], "source": [ - "import torch\n", - "from models.data_loader import DataIterator,Batch,Dataloader\n", - "import os\n", - "\n", - "USE_PREPROCESSED_DATA = False\n", - "if USE_PREPROCESSED_DATA is True: \n", - " test_dataset=torch.load(PROCESSED_TEST_FILE)\n", - "else:\n", - " test_dataset=[]\n", - " for i in range(0,6):\n", - " filename = os.path.join(BERT_DATA_PATH, \"test/cnndm.test.{0}.bert.pt\".format(i))\n", - " test_dataset.extend(torch.load(filename))\n", - "def get_data_iter(dataset,is_test=False, batch_size=3000):\n", - " args = Bunch({})\n", - " args.use_interval = True\n", - " args.batch_size = batch_size\n", - " test_data_iter = None\n", - " test_data_iter = DataIterator(args, dataset, args.batch_size, 'cuda', is_test=is_test, shuffle=False, sort=False)\n", - " return test_data_iter" + "text = '\\n'.join(test_dataset[0]['src_txt'])" ] }, { "cell_type": "code", - "execution_count": 25, + "execution_count": 36, "metadata": {}, "outputs": [], "source": [ "\n", - "new_src = preprocess_source(\"\".join(test_dataset[0]['src_txt']))\n", + "new_src = preprocess_source(text)\n", "b_data = bertdata.preprocess(new_src, None, None)\n", "indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data\n", "b_data_dict = {\"src\": indexed_tokens, \"labels\": labels, \"segs\": segments_ids, 'clss': cls_ids,\n", @@ -1746,7 +3287,7 @@ }, { "cell_type": "code", - "execution_count": 26, + "execution_count": 37, "metadata": { "scrolled": true }, @@ -1754,21 +3295,434 @@ { "data": { "text/plain": [ - "16" + "[['a',\n", + " 'university',\n", + " 'of',\n", + " 'iowa',\n", + " 'student',\n", + " 'has',\n", + " 'died',\n", + " 'nearly',\n", + " 'three',\n", + " 'months',\n", + " 'after',\n", + " 'a',\n", + " 'fall',\n", + " 'in',\n", + " 'rome',\n", + " 'in',\n", + " 'a',\n", + " 'suspected',\n", + " 'robbery',\n", + " 'attack',\n", + " 'in',\n", + " 'rome',\n", + " '.'],\n", + " ['andrew',\n", + " 'mogni',\n", + " ',',\n", + " '20',\n", + " ',',\n", + " 'from',\n", + " 'glen',\n", + " 'ellyn',\n", + " ',',\n", + " 'illinois',\n", + " ',',\n", + " 'had',\n", + " 'only',\n", + " 'just',\n", + " 'arrived',\n", + " 'for',\n", + " 'a',\n", + " 'semester',\n", + " 'program',\n", + " 'in',\n", + " 'italy',\n", + " 'when',\n", + " 'the',\n", + " 'incident',\n", + " 'happened',\n", + " 'in',\n", + " 'january',\n", + " '.'],\n", + " ['he',\n", + " 'was',\n", + " 'flown',\n", + " 'back',\n", + " 'to',\n", + " 'chicago',\n", + " 'via',\n", + " 'air',\n", + " 'ambulance',\n", + " 'on',\n", + " 'march',\n", + " '20',\n", + " ',',\n", + " 'but',\n", + " 'he',\n", + " 'died',\n", + " 'on',\n", + " 'sunday',\n", + " '.'],\n", + " ['andrew',\n", + " 'mogni',\n", + " ',',\n", + " '20',\n", + " ',',\n", + " 'from',\n", + " 'glen',\n", + " 'ellyn',\n", + " ',',\n", + " 'illinois',\n", + " ',',\n", + " 'a',\n", + " 'university',\n", + " 'of',\n", + " 'iowa',\n", + " 'student',\n", + " 'has',\n", + " 'died',\n", + " 'nearly',\n", + " 'three',\n", + " 'months',\n", + " 'after',\n", + " 'a',\n", + " 'fall',\n", + " 'in',\n", + " 'rome',\n", + " 'in',\n", + " 'a',\n", + " 'suspected',\n", + " 'robbery',\n", + " 'he',\n", + " 'was',\n", + " 'taken',\n", + " 'to',\n", + " 'a',\n", + " 'medical',\n", + " 'facility',\n", + " 'in',\n", + " 'the',\n", + " 'chicago',\n", + " 'area',\n", + " ',',\n", + " 'close',\n", + " 'to',\n", + " 'his',\n", + " 'family',\n", + " 'home',\n", + " 'in',\n", + " 'glen',\n", + " 'ellyn',\n", + " '.'],\n", + " ['he',\n", + " 'died',\n", + " 'on',\n", + " 'sunday',\n", + " 'at',\n", + " 'northwestern',\n", + " 'memorial',\n", + " 'hospital',\n", + " '-',\n", + " 'medical',\n", + " 'examiner',\n", + " \"'s\",\n", + " 'office',\n", + " 'spokesman',\n", + " 'frank',\n", + " 'shuftan',\n", + " 'says',\n", + " 'a',\n", + " 'cause',\n", + " 'of',\n", + " 'death',\n", + " 'wo',\n", + " \"n't\",\n", + " 'be',\n", + " 'released',\n", + " 'until',\n", + " 'monday',\n", + " 'at',\n", + " 'the',\n", + " 'earliest',\n", + " '.'],\n", + " ['initial',\n", + " 'police',\n", + " 'reports',\n", + " 'indicated',\n", + " 'the',\n", + " 'fall',\n", + " 'was',\n", + " 'an',\n", + " 'accident',\n", + " 'but',\n", + " 'authorities',\n", + " 'are',\n", + " 'investigating',\n", + " 'the',\n", + " 'possibility',\n", + " 'that',\n", + " 'mogni',\n", + " 'was',\n", + " 'robbed',\n", + " '.'],\n", + " ['on',\n", + " 'sunday',\n", + " ',',\n", + " 'his',\n", + " 'cousin',\n", + " 'abby',\n", + " 'wrote',\n", + " 'online',\n", + " ':',\n", + " '`',\n", + " 'this',\n", + " 'morning',\n", + " 'my',\n", + " 'cousin',\n", + " 'andrew',\n", + " \"'s\",\n", + " 'soul',\n", + " 'was',\n", + " 'lifted',\n", + " 'up',\n", + " 'to',\n", + " 'heaven',\n", + " '.'],\n", + " ['initial',\n", + " 'police',\n", + " 'reports',\n", + " 'indicated',\n", + " 'the',\n", + " 'fall',\n", + " 'was',\n", + " 'an',\n", + " 'accident',\n", + " 'but',\n", + " 'authorities',\n", + " 'are',\n", + " 'investigating',\n", + " 'the',\n", + " 'possibility',\n", + " 'that',\n", + " 'mogni',\n", + " 'was',\n", + " 'robbed',\n", + " '`',\n", + " 'at',\n", + " 'the',\n", + " 'beginning',\n", + " 'of',\n", + " 'january',\n", + " 'he',\n", + " 'went',\n", + " 'to',\n", + " 'rome',\n", + " 'to',\n", + " 'study',\n", + " 'aboard',\n", + " 'and',\n", + " 'on',\n", + " 'the',\n", + " 'way',\n", + " 'home',\n", + " 'from',\n", + " 'a',\n", + " 'party',\n", + " 'he',\n", + " 'was',\n", + " 'brutally',\n", + " 'attacked',\n", + " 'and',\n", + " 'thrown',\n", + " 'off',\n", + " 'a',\n", + " '40ft',\n", + " 'bridge',\n", + " 'and',\n", + " 'hit',\n", + " 'the',\n", + " 'concrete',\n", + " 'below',\n", + " '.'],\n", + " ['`',\n", + " 'he',\n", + " 'was',\n", + " 'in',\n", + " 'a',\n", + " 'coma',\n", + " 'and',\n", + " 'in',\n", + " 'critical',\n", + " 'condition',\n", + " 'for',\n", + " 'months',\n", + " '.',\n", + " \"'\"],\n", + " ['paula',\n", + " 'barnett',\n", + " ',',\n", + " 'who',\n", + " 'said',\n", + " 'she',\n", + " 'is',\n", + " 'a',\n", + " 'close',\n", + " 'family',\n", + " 'friend',\n", + " ',',\n", + " 'told',\n", + " 'my',\n", + " 'suburban',\n", + " 'life',\n", + " ',',\n", + " 'that',\n", + " 'mogni',\n", + " 'had',\n", + " 'only',\n", + " 'been',\n", + " 'in',\n", + " 'the',\n", + " 'country',\n", + " 'for',\n", + " 'six',\n", + " 'hours',\n", + " 'when',\n", + " 'the',\n", + " 'incident',\n", + " 'happened',\n", + " '.'],\n", + " ['she',\n", + " 'said',\n", + " 'he',\n", + " 'was',\n", + " 'was',\n", + " 'alone',\n", + " 'at',\n", + " 'the',\n", + " 'time',\n", + " 'of',\n", + " 'the',\n", + " 'alleged',\n", + " 'assault',\n", + " 'and',\n", + " 'personal',\n", + " 'items',\n", + " 'were',\n", + " 'stolen',\n", + " '.'],\n", + " ['she',\n", + " 'added',\n", + " 'that',\n", + " 'he',\n", + " 'was',\n", + " 'in',\n", + " 'a',\n", + " 'non-medically',\n", + " 'induced',\n", + " 'coma',\n", + " ',',\n", + " 'having',\n", + " 'suffered',\n", + " 'serious',\n", + " 'infection',\n", + " 'and',\n", + " 'internal',\n", + " 'bleeding',\n", + " '.'],\n", + " ['mogni',\n", + " 'was',\n", + " 'a',\n", + " 'third-year',\n", + " 'finance',\n", + " 'major',\n", + " 'from',\n", + " 'glen',\n", + " 'ellyn',\n", + " ',',\n", + " 'ill.',\n", + " ',',\n", + " 'who',\n", + " 'was',\n", + " 'participating',\n", + " 'in',\n", + " 'a',\n", + " 'semester-long',\n", + " 'program',\n", + " 'at',\n", + " 'john',\n", + " 'cabot',\n", + " 'university',\n", + " '.'],\n", + " ['mogni',\n", + " 'belonged',\n", + " 'to',\n", + " 'the',\n", + " 'school',\n", + " \"'s\",\n", + " 'chapter',\n", + " 'of',\n", + " 'the',\n", + " 'sigma',\n", + " 'nu',\n", + " 'fraternity',\n", + " ',',\n", + " 'reports',\n", + " 'the',\n", + " 'chicago',\n", + " 'tribune',\n", + " 'who',\n", + " 'posted',\n", + " 'a',\n", + " 'sign',\n", + " 'outside',\n", + " 'a',\n", + " 'building',\n", + " 'reading',\n", + " '`',\n", + " 'pray',\n", + " 'for',\n", + " 'mogni',\n", + " '.',\n", + " \"'\"],\n", + " ['the',\n", + " 'fraternity',\n", + " \"'s\",\n", + " 'iowa',\n", + " 'chapter',\n", + " 'announced',\n", + " 'sunday',\n", + " 'afternoon',\n", + " 'via',\n", + " 'twitter',\n", + " 'that',\n", + " 'a',\n", + " 'memorial',\n", + " 'service',\n", + " 'will',\n", + " 'be',\n", + " 'held',\n", + " 'on',\n", + " 'campus',\n", + " 'to',\n", + " 'remember',\n", + " 'mogni',\n", + " '.']]" ] }, - "execution_count": 26, + "execution_count": 37, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "len(new_src)" + "new_src" ] }, { "cell_type": "code", - "execution_count": 27, + "execution_count": 38, "metadata": {}, "outputs": [ { @@ -1777,22 +3731,21 @@ "['a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .',\n", " 'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .',\n", " 'he was flown back to chicago via air ambulance on march 20 , but he died on sunday .',\n", - " 'andrew mogni , 20 , from glen ellyn , illinois , a university of iowa student has died nearly three months after a fall in rome in a suspected robberyhe was taken to a medical facility in the chicago area , close to his family home in glen ellyn .',\n", + " 'andrew mogni , 20 , from glen ellyn , illinois , a university of iowa student has died nearly three months after a fall in rome in a suspected robbery he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .',\n", " \"he died on sunday at northwestern memorial hospital - medical examiner 's office spokesman frank shuftan says a cause of death wo n't be released until monday at the earliest .\",\n", " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed .',\n", " \"on sunday , his cousin abby wrote online : ` this morning my cousin andrew 's soul was lifted up to heaven .\",\n", " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed ` at the beginning of january he went to rome to study aboard and on the way home from a party he was brutally attacked and thrown off a 40ft bridge and hit the concrete below .',\n", - " '` he was in a coma and in critical condition for months .',\n", - " \"' paula barnett , who said she is a close family friend , told my suburban life , that mogni had only been in the country for six hours when the incident happened .\",\n", + " \"` he was in a coma and in critical condition for months . '\",\n", + " 'paula barnett , who said she is a close family friend , told my suburban life , that mogni had only been in the country for six hours when the incident happened .',\n", " 'she said he was was alone at the time of the alleged assault and personal items were stolen .',\n", " 'she added that he was in a non-medically induced coma , having suffered serious infection and internal bleeding .',\n", - " 'mogni was a third-year finance major from glen ellyn , ill .',\n", - " ', who was participating in a semester-long program at john cabot university .',\n", - " \"mogni belonged to the school 's chapter of the sigma nu fraternity , reports the chicago tribune who posted a sign outside a building reading ` pray for mogni .\",\n", - " \"' the fraternity 's iowa chapter announced sunday afternoon via twitter that a memorial service will be held on campus to remember mogni .\"]" + " 'mogni was a third-year finance major from glen ellyn , ill. , who was participating in a semester-long program at john cabot university .',\n", + " \"mogni belonged to the school 's chapter of the sigma nu fraternity , reports the chicago tribune who posted a sign outside a building reading ` pray for mogni . '\",\n", + " \"the fraternity 's iowa chapter announced sunday afternoon via twitter that a memorial service will be held on campus to remember mogni .\"]" ] }, - "execution_count": 27, + "execution_count": 38, "metadata": {}, "output_type": "execute_result" } @@ -1803,7 +3756,7 @@ }, { "cell_type": "code", - "execution_count": 18, + "execution_count": 39, "metadata": {}, "outputs": [], "source": [ @@ -1812,7 +3765,7 @@ }, { "cell_type": "code", - "execution_count": 28, + "execution_count": 40, "metadata": { "scrolled": true }, @@ -1821,39 +3774,37 @@ "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-07 03:28:55,446 INFO] Device ID 1\n", - "[2019-10-07 03:28:55,452 INFO] Loading checkpoint from ./models/baseline0.14344633695274556/model_step_30000.pt\n", - "[2019-10-07 03:29:01,758 INFO] * number of parameters: 5179137\n" + "[2019-10-15 18:47:11,792 INFO] * number of parameters: 115790849\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "device_id 1\n", + "device_id 0\n", "gpu_rank 0\n" ] } ], "source": [ - "model_for_test = \"./models/baseline0.14344633695274556/model_step_30000.pt\"\n", + "model_for_test = os.path.join(model_base_path + encoder + str(random_number), f\"model_step_{checkpoint_to_test}.pt\")\n", "#get_data_iter(output,batch_size=30000)\n", "prediction = bertsum_model.predict(device_id, get_data_iter([b_data_dict], False),\n", - " test_from=model_for_test, )" + " test_from=model_for_test, sentence_seperator='' )" ] }, { "cell_type": "code", - "execution_count": 29, + "execution_count": 41, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .'" + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .'" ] }, - "execution_count": 29, + "execution_count": 41, "metadata": {}, "output_type": "execute_result" } @@ -1864,7 +3815,7 @@ }, { "cell_type": "code", - "execution_count": 31, + "execution_count": 42, "metadata": {}, "outputs": [ { @@ -1873,7 +3824,7 @@ "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" ] }, - "execution_count": 31, + "execution_count": 42, "metadata": {}, "output_type": "execute_result" } @@ -1881,13 +3832,6 @@ "source": [ "test_dataset[0]['tgt_txt']" ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [] } ], "metadata": { diff --git a/utils_nlp/models/bert/extractive_text_summarization.py b/utils_nlp/models/bert/extractive_text_summarization.py index aa9513271..e25837ba7 100644 --- a/utils_nlp/models/bert/extractive_text_summarization.py +++ b/utils_nlp/models/bert/extractive_text_summarization.py @@ -1,3 +1,7 @@ +""" +this code is a modified version of the code in bertsum +""" + from pytorch_pretrained_bert import BertConfig from bertsum.models.model_builder import Summarizer @@ -23,36 +27,6 @@ def __init__(self, adict): default_preprocessing_parameters = {"max_nsents": 100, "max_src_ntokens": 200, "min_nsents": 3, "min_src_ntokens": 10, "use_interval": True} -def preprocess(client, source, target): - pre_source = tokenize_to_list(source, client) - pre_target = tokenize_to_list(target, client) - return bertify(pre_source, pre_target) - -def tokenize_to_list(client, input_text): - annotation = client.annotate(input_text) - sentences = annotation.sentence - tokens_list = [] - for sentence in sentences: - tokens = [] - for token in sentence.token: - tokens.append(token.originalText) - tokens_list.append(tokens) - return tokens_list - -def bertify(bertdata, source, target=None, oracle_mode='combination', selection=3): - if target: - oracle_ids = combination_selection(source, target, selection) - b_data = bertdata.preprocess(source, target, oracle_ids) - else: - b_data = bertdata.preprocess(source, None, None) - if b_data is None: - return None - indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data - b_data_dict = {"src": indexed_tokens, "labels": labels, "segs": segments_ids, 'clss': cls_ids, - 'src_txt': src_txt, "tgt_txt": tgt_txt} - return b_data_dict - #gc.collect() - def bertsum_formatting(n_cpus, bertdata, oracle_mode, jobs, output_file): params = [] @@ -88,8 +62,6 @@ def modified_format_to_bert(param): class BertSumExtractiveSummarizer: """BERT-based Extractive Summarization --BertSum""" - - def __init__(self, language="english", mode = "train", encoder="baseline", @@ -162,7 +134,8 @@ def fit(self, device_id, train_file_list, train_steps=5000, train_from='', batch if device_id >= 0: #torch.cuda.set_device(device_id) torch.cuda.manual_seed(self.args.seed) - device = device_id #torch.device("cuda:{}".format(device_id)) + device = torch.device("cuda:{}".format(device_id)) + self.device = device self.args.decay_method=decay_method self.args.lr=lr @@ -173,7 +146,10 @@ def fit(self, device_id, train_file_list, train_steps=5000, train_from='', batch print(self.args.__dict__) self.model = Summarizer(self.args, device, load_pretrained_bert=True) - + from torch.nn.parallel import DataParallel as DP + self.model.to(device) + self.model = DP(self.model, device_ids=[device]) + if train_from != '': checkpoint = torch.load(train_from, @@ -210,7 +186,7 @@ def predict(self, device_id, data_iter, sentence_seperator='', test_from='', cal device = None if device_id >= 0: - torch.cuda.set_device(device_id) + #torch.cuda.set_device(device_id) torch.cuda.manual_seed(self.args.seed) device = torch.device("cuda:{}".format(device_id)) @@ -225,12 +201,27 @@ def predict(self, device_id, data_iter, sentence_seperator='', test_from='', cal config = BertConfig.from_json_file(self.args.bert_config_path) self.model = Summarizer(self.args, device, load_pretrained_bert=False, bert_config=config) - self.model.load_cp(checkpoint) + from torch import nn + class WrappedModel(nn.Module): + def __init__(self, module): + super(WrappedModel, self).__init__() + self.module = module # that I actually define. + def forward(self, x): + return self.module(x) + model = WrappedModel(self.model) + #self.model.load_cp(checkpoint) + model.load_state_dict(checkpoint['model']) + self.model = model.module else: #model = self.model self.model.eval() self.model.eval() + + from torch.nn.parallel import DataParallel as DP + self.model.to(device) + self.model = DP(self.model, device_ids=[device]) + trainer = build_trainer(self.args, device_id, self.model, None) return trainer.predict(data_iter, sentence_seperator, cal_lead) From b06f66f94027737b2b438e6dcc7ff437d614db57 Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Wed, 16 Oct 2019 15:46:20 +0000 Subject: [PATCH 007/167] update instruction on using rouge --- examples/text_summarization/bertsum_cnndm.ipynb | 4 +++- 1 file changed, 3 insertions(+), 1 deletion(-) diff --git a/examples/text_summarization/bertsum_cnndm.ipynb b/examples/text_summarization/bertsum_cnndm.ipynb index b7e46fc22..129a9e315 100644 --- a/examples/text_summarization/bertsum_cnndm.ipynb +++ b/examples/text_summarization/bertsum_cnndm.ipynb @@ -196,7 +196,9 @@ "1. sudo cpan install XML::Parser::PerlSAX\n", "1. sudo cpan install XML::DOM\n", "\n", - "Also you need to set up file2rouge, install pyrouge\n" + "Download ROUGE-1.5.5 from https://github.com/andersjo/pyrouge/tree/master/tools/ROUGE-1.5.5.\n", + "Run the following command in your terminal.\n", + "* pyrouge_set_rouge_path $ABSOLUTE_DIRECTORY_TO_ROUGE-1.5.5.pl\n" ] }, { From 28e628e9feb18e614b525c224a095bc9f5e61524 Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Wed, 16 Oct 2019 18:32:58 +0000 Subject: [PATCH 008/167] move get_data_iter to utils --- examples/text_summarization/bertsum_cnndm.ipynb | 17 +++++------------ .../bert/extractive_text_summarization.py | 9 ++++++++- 2 files changed, 13 insertions(+), 13 deletions(-) diff --git a/examples/text_summarization/bertsum_cnndm.ipynb b/examples/text_summarization/bertsum_cnndm.ipynb index 129a9e315..50a95337a 100644 --- a/examples/text_summarization/bertsum_cnndm.ipynb +++ b/examples/text_summarization/bertsum_cnndm.ipynb @@ -248,7 +248,9 @@ { "cell_type": "code", "execution_count": 8, - "metadata": {}, + "metadata": { + "scrolled": true + }, "outputs": [ { "name": "stdout", @@ -3038,7 +3040,7 @@ "outputs": [], "source": [ "import torch\n", - "from bertsum.models.data_loader import DataIterator,Batch,Dataloader\n", + "from utils_nlp.models.bert.extractive_text_summarization import get_data_iter\n", "import os\n", "if USE_PREPROCESSED_DATA is False: \n", " test_dataset=torch.load(PROCESSED_TEST_FILE)\n", @@ -3046,16 +3048,7 @@ " test_dataset=[]\n", " for i in range(0,6):\n", " filename = os.path.join(BERT_DATA_PATH, \"cnndm.test.{0}.bert.pt\".format(i))\n", - " test_dataset.extend(torch.load(filename))\n", - "\n", - " \n", - "def get_data_iter(dataset,is_test=False, batch_size=3000):\n", - " args = Bunch({})\n", - " args.use_interval = True\n", - " args.batch_size = batch_size\n", - " test_data_iter = None\n", - " test_data_iter = DataIterator(args, dataset, args.batch_size, 'cuda', is_test=is_test, shuffle=False, sort=False)\n", - " return test_data_iter" + " test_dataset.extend(torch.load(filename))" ] }, { diff --git a/utils_nlp/models/bert/extractive_text_summarization.py b/utils_nlp/models/bert/extractive_text_summarization.py index e25837ba7..e0e95b120 100644 --- a/utils_nlp/models/bert/extractive_text_summarization.py +++ b/utils_nlp/models/bert/extractive_text_summarization.py @@ -10,7 +10,7 @@ from bertsum.train import model_flags from bertsum.models.trainer import build_trainer from bertsum.prepro.data_builder import BertData - +from bertsum.models.data_loader import DataIterator,Batch,Dataloader from cached_property import cached_property import torch import random @@ -59,6 +59,13 @@ def modified_format_to_bert(param): return b_data_dict gc.collect() +def get_data_iter(dataset,is_test=False, batch_size=3000): + args = Bunch({}) + args.use_interval = True + args.batch_size = batch_size + test_data_iter = None + test_data_iter = DataIterator(args, dataset, args.batch_size, 'cuda', is_test=is_test, shuffle=False, sort=False) + return test_data_iter class BertSumExtractiveSummarizer: """BERT-based Extractive Summarization --BertSum""" From d110822ec404ac428b120d8cbeafe1a9f97f63c2 Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Wed, 16 Oct 2019 18:36:32 +0000 Subject: [PATCH 009/167] add unit test --- tests/unit/test_bertsum_summarization.py | 101 +++++++++++++++++++++++ 1 file changed, 101 insertions(+) create mode 100644 tests/unit/test_bertsum_summarization.py diff --git a/tests/unit/test_bertsum_summarization.py b/tests/unit/test_bertsum_summarization.py new file mode 100644 index 000000000..4a27c590a --- /dev/null +++ b/tests/unit/test_bertsum_summarization.py @@ -0,0 +1,101 @@ +# Copyright (c) Microsoft Corporation. All rights reserved. +# Licensed under the MIT License. + +import sys +sys.path.insert(0, "/dadendev/nlp/") +import pytest +import os +import shutil +from utils_nlp.dataset.harvardnlp_cnndm import harvardnlp_cnndm_preprocess +from utils_nlp.models.bert.extractive_text_summarization import bertsum_formatting + +from bertsum.prepro.data_builder import BertData +from utils_nlp.models.bert.extractive_text_summarization import Bunch, BertSumExtractiveSummarizer, get_data_iter + +import urllib.request + +#@pytest.fixture() +def source_data(): + return """boston, MA -lrb- msft -rrb- welcome to Microsoft/nlp. Welcome to text summarization. Welcome to Microsoft NERD. Look out, beautiful Charlse River fall view.""" +#@pytest.fixture() +def target_data(): + return """ welcome to microsfot/nlp. Welcome to text summarization. Welcome to Microsoft NERD. """ + +@pytest.fixture() +def bertdata_file(): + source= source_data() + target = target_data() + source_file = "source.txt" + target_file = "target.txt" + bertdata_file = "bertdata" + f = open(source_file, "w") + f.write(source) + f.close() + f = open(target_file, "w") + f.write(target) + f.close() + jobs = harvardnlp_cnndm_preprocess(1, source_file, target_file, 2) + assert len(jobs) == 1 + default_preprocessing_parameters = {"max_nsents": 200, "max_src_ntokens": 2000, "min_nsents": 3, "min_src_ntokens": 2, "use_interval": True} + args=Bunch(default_preprocessing_parameters) + bertdata = BertData(args) + bertsum_formatting(1, bertdata,"combination", jobs, bertdata_file) + assert os.path.exists(bertdata_file) + os.remove(source_file) + os.remove(target_file) + return bertdata_file + +@pytest.mark.gpu +def test_training(bertdata_file): + device_id = 0 + gpu_ranks = str(device_id) + + BERT_CONFIG_PATH="./bert_config_uncased_base.json" + + filedata = urllib.request.urlretrieve('https://raw.githubusercontent.com/nlpyang/BertSum/master/bert_config_uncased_base.json', BERT_CONFIG_PATH) + + encoder = 'transformer' + model_base_path = './models/' + log_base_path = './logs/' + result_base_path = './results' + + if not os.path.exists(model_base_path): + os.makedirs(model_base_path) + if not os.path.exists(log_base_path): + os.makedirs(log_base_path) + if not os.path.exists(result_base_path): + os.makedirs(result_base_path) + + + + from random import random + random_number = random() + import torch + #bertdata_file = "bertdata" + data = torch.load(bertdata_file) + assert len(data) == 1 + bertsum_model = BertSumExtractiveSummarizer(encoder = encoder, + model_path = model_base_path + encoder + str(random_number), + log_file = log_base_path + encoder + str(random_number), + bert_config_path = BERT_CONFIG_PATH, + device_id = device_id, + gpu_ranks = gpu_ranks,) + bertsum_model.args.save_checkpoint_steps = 50 + train_steps = 100 + bertsum_model.fit(device_id, [bertdata_file], train_steps=train_steps, train_from="") + model_for_test = os.path.join(model_base_path + encoder + str(random_number), f"model_step_{train_steps}.pt") + assert os.path.exists(model_for_test) + prediction = bertsum_model.predict(device_id, get_data_iter(data), + test_from=model_for_test, + sentence_seperator='') + assert len(prediction) == 1 + if os.path.exists(model_base_path): + shutil.rmtree(model_base_path) + if os.path.exists(log_base_path): + shutil.rmtree(log_base_path) + if os.path.exists(result_base_path): + shutil.rmtree(result_base_path) + if os.path.isfile(BERT_CONFIG_PATH): + os.remove(BERT_CONFIG_PATH) + if os.path.isfile(bertdata_file): + os.remove(bertdata_file) From 21e2469a8ec779ffaabcaf2471e3c3fdfa2a5073 Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Wed, 16 Oct 2019 18:40:19 +0000 Subject: [PATCH 010/167] update conda requirements --- tools/generate_conda_file.py | 4 ++++ 1 file changed, 4 insertions(+) diff --git a/tools/generate_conda_file.py b/tools/generate_conda_file.py index 42b04de2f..148d1943c 100644 --- a/tools/generate_conda_file.py +++ b/tools/generate_conda_file.py @@ -85,6 +85,10 @@ "nltk": "nltk>=3.4", "seqeval": "seqeval>=0.0.12", "allennlp": "allennlp>=0.8.4", + "bertsum": "--editable=git+https://github.com/daden-ms/BertSum.git", + "pyrouge": "pyrouge==0.1.3", + "multiprocess": "multiprocess==0.70.9", + "tensorboardX": "tensorboardX==1.8", } PIP_GPU = {} From 04c1b597bea10efa7fecd4da6bd739d69b09512a Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Wed, 16 Oct 2019 19:47:02 +0000 Subject: [PATCH 011/167] remove unnecessary arguments; add documentation --- .../text_summarization/bertsum_cnndm.ipynb | 1 - tests/unit/test_bertsum_summarization.py | 1 - utils_nlp/dataset/harvardnlp_cnndm.py | 38 ++++++- .../bert/extractive_text_summarization.py | 103 ++++++++++++++---- 4 files changed, 118 insertions(+), 25 deletions(-) diff --git a/examples/text_summarization/bertsum_cnndm.ipynb b/examples/text_summarization/bertsum_cnndm.ipynb index 50a95337a..a28b02335 100644 --- a/examples/text_summarization/bertsum_cnndm.ipynb +++ b/examples/text_summarization/bertsum_cnndm.ipynb @@ -2523,7 +2523,6 @@ " model_path = model_base_path + encoder + str(random_number),\n", " log_file = log_base_path + encoder + str(random_number),\n", " bert_config_path = BERT_CONFIG_PATH,\n", - " device_id = device_id,\n", " gpu_ranks = gpu_ranks,)" ] }, diff --git a/tests/unit/test_bertsum_summarization.py b/tests/unit/test_bertsum_summarization.py index 4a27c590a..66dbe198e 100644 --- a/tests/unit/test_bertsum_summarization.py +++ b/tests/unit/test_bertsum_summarization.py @@ -78,7 +78,6 @@ def test_training(bertdata_file): model_path = model_base_path + encoder + str(random_number), log_file = log_base_path + encoder + str(random_number), bert_config_path = BERT_CONFIG_PATH, - device_id = device_id, gpu_ranks = gpu_ranks,) bertsum_model.args.save_checkpoint_steps = 50 train_steps = 100 diff --git a/utils_nlp/dataset/harvardnlp_cnndm.py b/utils_nlp/dataset/harvardnlp_cnndm.py index 8b6b209f7..67d587ee2 100644 --- a/utils_nlp/dataset/harvardnlp_cnndm.py +++ b/utils_nlp/dataset/harvardnlp_cnndm.py @@ -1,3 +1,8 @@ +# Copyright (c) Microsoft Corporation. All rights reserved. +# Licensed under the MIT License. + +"""Functions to preprocess CNN/DM dataset listed in https://github.com/harvardnlp/sent-summary""" + import nltk nltk.download('punkt') @@ -9,6 +14,16 @@ import regex as re def preprocess(param): + """ + Helper function to preprocess a list of paragraphs. + + Args: + param (Tuple): params are tuple of (a list of strings, a list of preprocessing functions, and function to tokenize setences into words). A paragraph is represented with a single string with multiple setnences. + + Returns: + list of list of strings, where each string is a token or word. + """ + sentences, preprocess_pipeline, word_tokenize = param for function in preprocess_pipeline: sentences = function(sentences) @@ -16,6 +31,19 @@ def preprocess(param): def harvardnlp_cnndm_preprocess(n_cpus, source_file, target_file, top_n=-1): + """ + Helper function to preprocess the CNN/DM source and target files + + Args: + n_cpus (int): number of cpus being used to process the files in parallel. + source_file (string): name of the source file in CNN/DM dataset + target_file (string): name o fthe target_file in CNN/DM dataset + top_n (number, optional): the number of items to be preprocessed. -1 means use all the data. + + Returns: + a list of dictionaries: dictionary has "src" and "tgt" field where the value of each is list of list of tokens. + """ + def _remove_ttags(line): line = re.sub(r'', '', line) # change to @@ -31,7 +59,10 @@ def _cnndm_target_sentence_tokenization(line): for line in fd: src_list.append((line, [clean, tokenize.sent_tokenize], nltk.word_tokenize)) pool = Pool(n_cpus) - tokenized_src_data = pool.map(preprocess, src_list[0:top_n], int(len(src_list[0:top_n])/n_cpus)) + if top_n == -1: + tokenized_src_data = pool.map(preprocess, src_list[0:top_n], int(len(src_list)/n_cpus)) + else: + tokenized_src_data = pool.map(preprocess, src_list[0:top_n], int(len(src_list[0:top_n])/n_cpus)) pool.close() pool.join() @@ -41,7 +72,10 @@ def _cnndm_target_sentence_tokenization(line): tgt_list.append((line, [clean, _remove_ttags, _cnndm_target_sentence_tokenization], nltk.word_tokenize)) pool = Pool(n_cpus) - tokenized_tgt_data = pool.map(preprocess, tgt_list[0:top_n], int(len(tgt_list[0:top_n])/n_cpus)) + if top_n == -1: + tokenized_tgt_data = pool.map(preprocess, tgt_list[0:top_n], int(len(tgt_list)/n_cpus)) + else: + tokenized_tgt_data = pool.map(preprocess, tgt_list[0:top_n], int(len(tgt_list[0:top_n])/n_cpus)) pool.close() pool.join() diff --git a/utils_nlp/models/bert/extractive_text_summarization.py b/utils_nlp/models/bert/extractive_text_summarization.py index e0e95b120..ce735b7f8 100644 --- a/utils_nlp/models/bert/extractive_text_summarization.py +++ b/utils_nlp/models/bert/extractive_text_summarization.py @@ -1,5 +1,8 @@ +# Copyright (c) Microsoft Corporation. All rights reserved. +# Licensed under the MIT License. + """ -this code is a modified version of the code in bertsum +Wrapper for extractive summarization algorithm based on BERT, i.e. BERTSum. The code in this file reused some code listed in https://github.com/nlpyang/BertSum/tree/master/src """ from pytorch_pretrained_bert import BertConfig @@ -20,8 +23,10 @@ class Bunch(object): - def __init__(self, adict): - self.__dict__.update(adict) + """ Class which convert a dictionary to an object """ + + def __init__(self, adict): + self.__dict__.update(adict) default_parameters = {"accum_count": 1, "batch_size": 3000, "beta1": 0.9, "beta2": 0.999, "block_trigram": True, "decay_method": "noam", "dropout": 0.1, "encoder": "baseline", "ff_size": 512, "gpu_ranks": "0123", "heads": 4, "hidden_size": 128, "inter_layers": 2, "lr": 0.002, "max_grad_norm": 0, "max_nsents": 100, "max_src_ntokens": 200, "min_nsents": 3, "min_src_ntokens": 10, "optim": "adam", "oracle_mode": "combination", "param_init": 0.0, "param_init_glorot": True, "recall_eval": False, "report_every": 50, "report_rouge": True, "rnn_size": 512, "save_checkpoint_steps": 500, "seed": 666, "temp_dir": "./temp", "test_all": False, "test_from": "", "train_from": "", "use_interval": True, "visible_gpus": "0", "warmup_steps": 10000, "world_size": 1} @@ -29,6 +34,17 @@ def __init__(self, adict): def bertsum_formatting(n_cpus, bertdata, oracle_mode, jobs, output_file): + """ + Function to preprocess data for BERTSum algorithm. + + Args: + n_cpus (int): number of cpus used for preprocessing in parallel + bertdata (BertData): object which loads the pretrained BERT tokenizer to preprocess data. + oracle_mode (string): name of the algorithm to select sentences in the source as labeled data correposonding to the target. Options are "combination" and "greedy". + jobs (list of dictionaries): list of dictionaries with "src" and "tgt" fields. Both fields should be filled with list of list of tokens/words. + output_file (string): name of the file to save the processed data. + """ + params = [] for i in jobs: params.append((oracle_mode, bertdata, i)) @@ -43,6 +59,17 @@ def bertsum_formatting(n_cpus, bertdata, oracle_mode, jobs, output_file): torch.save(filtered_bert_data, output_file) def modified_format_to_bert(param): + """ + Helper function to preprocess data for BERTSum algorithm. + + Args: + param (Tuple): params are tuple of (string, BertData object, and dictionary). The first string specifies the oracle mode. The last dictionary should contain src" and "tgt" fields withc each filled with list of list of tokens/words. + + Returns: + Dictionary: it has "src", "lables", "segs", "clss", "src_txt" and "tgt_txt" field. + + """ + oracle_mode, bert, data = param #return data source, tgt = data['src'], data['tgt'] @@ -60,6 +87,18 @@ def modified_format_to_bert(param): gc.collect() def get_data_iter(dataset,is_test=False, batch_size=3000): + """ + Function to get data iterator over a list of data objects. + + Args: + dataset (list of objects): a list of data objects. + is_test (bool): it specifies whether the data objects are labeled data. + batch_size (int): number of tokens per batch. + + Returns: + DataIterator + + """ args = Bunch({}) args.use_interval = True args.batch_size = batch_size @@ -68,26 +107,28 @@ def get_data_iter(dataset,is_test=False, batch_size=3000): return test_data_iter class BertSumExtractiveSummarizer: - """BERT-based Extractive Summarization --BertSum""" + """ Wrapper class for BERT-based Extractive Summarization, i.e. BertSum""" + def __init__(self, language="english", - mode = "train", encoder="baseline", model_path = "./models/baseline", log_file = "./logs/baseline", temp_dir = './temp', bert_config_path="./bert_config_uncased_base.json", - device_id=1, - work_size=1, - gpu_ranks="1" + gpu_ranks="0" ): - """Initializes the classifier and the underlying pretrained model. + """Initializes the wrapper and the underlying pretrained model. Args: language (Language, optional): The pretrained model's language. Defaults to Language.ENGLISH. - num_labels (int, optional): The number of unique labels in the - training data. Defaults to 2. - cache_dir (str, optional): Location of BERT's cache directory. + encoder (string, optional): the algorithm used for the Summarization layers. + Options are: baseline, transformer, rnn, classifier + model_path (string, optional): path to save the checkpoints of the model for each training session + log_files (string, optional): path to save the running logs for each session. + temp_dir (string, optional): Location of BERT's cache directory. Defaults to ".". + bert_config_path (string, optional): path of the config file for the BERT model + gpu_ranks (string, optional): string with each character the string value of each GPU devices ID that can be used. Defaults to "0". """ def __map_gpu_ranks(gpu_ranks): gpu_ranks_list=gpu_ranks.split(',') @@ -101,7 +142,6 @@ def __map_gpu_ranks(gpu_ranks): # copy all the arguments from the input argument self.args = Bunch(default_parameters) self.args.seed = 42 - self.args.mode = mode self.args.encoder = encoder self.args.model_path = model_path self.args.log_file = log_file @@ -111,7 +151,6 @@ def __map_gpu_ranks(gpu_ranks): self.args.gpu_ranks = gpu_ranks self.args.gpu_ranks_map = __map_gpu_ranks(self.args.gpu_ranks) self.args.world_size = len(self.args.gpu_ranks_map.keys()) - print(self.args.gpu_ranks_map) self.has_cuda = self.cuda @@ -132,6 +171,23 @@ def cuda(self): def fit(self, device_id, train_file_list, train_steps=5000, train_from='', batch_size=3000, warmup_proportion=0.2, decay_method='noam', lr=0.002,accum_count=2): + """ + Train a summarization model with specified training data files. + + Args: + device_id (string): GPU Device ID to be used. + train_file_list (string): files used for training a model. + train_steps (int, optional): number of times that the model parameters get updated. The number of data items for each model parameters update is the number of data items in a batch times times the accumulation counts (accum_count). Defaults to 5e5. + train_from (string, optional): the path of saved checkpoints from which the model starts to train. Defaults to empty string. + batch_size (int, options): maximum number of tokens in each batch. + warmup_propotion (float, optional): Proportion of training to + perform linear learning rate warmup for. E.g., 0.1 = 10% of + training. Defaults to 0.2. + decay_method (string, optional): learning rate decrease method. Default to 'noam'. + lr (float, optional): Learning rate of the Adam optimizer. Defaults to 2e-3. + accu_count (int, optional): number of batches waited until an update of the model paraeters happens. Defaults to 2. + """ + if self.args.gpu_ranks_map[device_id] != 0: logger.disabled = True @@ -187,13 +243,19 @@ def train_iter_fct(): trainer.train(train_iter_fct, train_steps) def predict(self, device_id, data_iter, sentence_seperator='', test_from='', cal_lead=False): - ## until a fix comes in - #if self.args.world_size=1 or len(self.args.gpu_ranks.split(",")==1): - # device_id = 0 - + """ + Predict the summarization for the input data iterator. + + Args: + device_id (string): GPU Device ID to be used. + data_iter (DataIterator): data iterator over the dataset to be predicted + sentence_seperator (string, optional): strings to be inserted between sentences in the prediction per data item. Defaults to empty string. + test_from(string, optional): the path of saved checkpoints used for prediction. + cal_lead (boolean, optional): wheather use the first three sentences as the prediction. + """ + device = None if device_id >= 0: - #torch.cuda.set_device(device_id) torch.cuda.manual_seed(self.args.seed) device = torch.device("cuda:{}".format(device_id)) @@ -212,7 +274,7 @@ def predict(self, device_id, data_iter, sentence_seperator='', test_from='', cal class WrappedModel(nn.Module): def __init__(self, module): super(WrappedModel, self).__init__() - self.module = module # that I actually define. + self.module = module def forward(self, x): return self.module(x) model = WrappedModel(self.model) @@ -220,7 +282,6 @@ def forward(self, x): model.load_state_dict(checkpoint['model']) self.model = model.module else: - #model = self.model self.model.eval() self.model.eval() From f150d3cea51601680447fac099f52b133ac2e5ea Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Wed, 16 Oct 2019 20:11:50 +0000 Subject: [PATCH 012/167] add a section for bertsum in the NOTICE.txt --- NOTICE.txt | 206 +++++++++++++++++++++++++++++++++++++++++++++++++++++ 1 file changed, 206 insertions(+) diff --git a/NOTICE.txt b/NOTICE.txt index 67c1637d6..c075a0822 100644 --- a/NOTICE.txt +++ b/NOTICE.txt @@ -664,3 +664,209 @@ https://github.com/allenai/bi-att-flow WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. + +-- + +https://github.com/nlpyang/BertSum + + Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. From 1475449657f724b30ed4c557392cca8016e4940b Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Wed, 16 Oct 2019 20:25:07 +0000 Subject: [PATCH 013/167] remove the sys path --- tests/unit/test_bertsum_summarization.py | 2 -- 1 file changed, 2 deletions(-) diff --git a/tests/unit/test_bertsum_summarization.py b/tests/unit/test_bertsum_summarization.py index 66dbe198e..73443e188 100644 --- a/tests/unit/test_bertsum_summarization.py +++ b/tests/unit/test_bertsum_summarization.py @@ -1,8 +1,6 @@ # Copyright (c) Microsoft Corporation. All rights reserved. # Licensed under the MIT License. -import sys -sys.path.insert(0, "/dadendev/nlp/") import pytest import os import shutil From 4d2a8c293e20e40ce03dfb8e834584aa05d257e1 Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Wed, 16 Oct 2019 20:32:17 +0000 Subject: [PATCH 014/167] add documenation --- utils_nlp/eval/evaluate_summarization.py | 12 ++++++++++++ 1 file changed, 12 insertions(+) diff --git a/utils_nlp/eval/evaluate_summarization.py b/utils_nlp/eval/evaluate_summarization.py index da4a2040d..2c35fae44 100644 --- a/utils_nlp/eval/evaluate_summarization.py +++ b/utils_nlp/eval/evaluate_summarization.py @@ -3,6 +3,18 @@ from bertsum.others.utils import test_rouge def get_rouge(predictions, targets, temp_dir): + """ + function to get the rouge metric for the prediction and the reference. + + Args: + predictions (list of strings): predictions to be compared. + target (list of strings): references + temp_dir (string): path where temporary folders are created to host the files generated by ROUGE applicatoin. + + Return: + dictionary: rouge metric + + """ def _write_list_to_file(list_items, filename): with open(filename, 'w') as filehandle: #for cnt, line in enumerate(filehandle): From e7bd8deaa35007ff1c5a1a4a37a059aa4cd05c2a Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Wed, 16 Oct 2019 20:34:03 +0000 Subject: [PATCH 015/167] fix typoes --- tests/unit/test_bertsum_summarization.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/tests/unit/test_bertsum_summarization.py b/tests/unit/test_bertsum_summarization.py index 73443e188..97f6604f8 100644 --- a/tests/unit/test_bertsum_summarization.py +++ b/tests/unit/test_bertsum_summarization.py @@ -14,10 +14,10 @@ #@pytest.fixture() def source_data(): - return """boston, MA -lrb- msft -rrb- welcome to Microsoft/nlp. Welcome to text summarization. Welcome to Microsoft NERD. Look out, beautiful Charlse River fall view.""" + return """Boston, MA -lrb- msft -rrb- welcome to Microsoft/nlp. Welcome to text summarization. Welcome to Microsoft NERD. Look outside, waht a beautiful Charlse River fall view.""" #@pytest.fixture() def target_data(): - return """ welcome to microsfot/nlp. Welcome to text summarization. Welcome to Microsoft NERD. """ + return """ welcome to microsoft/nlp. Welcome to text summarization. Welcome to Microsoft NERD. """ @pytest.fixture() def bertdata_file(): From 41d97d4c48e1542002e9227792af278094344cee Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Mon, 21 Oct 2019 17:39:13 +0000 Subject: [PATCH 016/167] bert and distillbert work version --- .../text_summarization/bertsum_cnndm.ipynb | 810 ++++++++---------- .../bert/extractive_text_summarization.py | 13 +- 2 files changed, 342 insertions(+), 481 deletions(-) diff --git a/examples/text_summarization/bertsum_cnndm.ipynb b/examples/text_summarization/bertsum_cnndm.ipynb index a28b02335..e51bc494b 100644 --- a/examples/text_summarization/bertsum_cnndm.ipynb +++ b/examples/text_summarization/bertsum_cnndm.ipynb @@ -101,7 +101,7 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": 2, "metadata": {}, "outputs": [], "source": [ @@ -110,7 +110,7 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 3, "metadata": {}, "outputs": [], "source": [ @@ -121,7 +121,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 4, "metadata": {}, "outputs": [], "source": [ @@ -130,7 +130,8 @@ "nlp_path = os.path.abspath('../../')\n", "if nlp_path not in sys.path:\n", " sys.path.insert(0, nlp_path)\n", - "sys.path.insert(0, \"./\")\n" + "sys.path.insert(0, \"./\")\n", + "sys.path.insert(0, \"./BertSum\")\n" ] }, { @@ -221,7 +222,7 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 5, "metadata": {}, "outputs": [], "source": [ @@ -311,7 +312,7 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 6, "metadata": { "scrolled": true }, @@ -321,7 +322,9 @@ "output_type": "stream", "text": [ "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", - "[nltk_data] Package punkt is already up-to-date!\n" + "[nltk_data] Package punkt is already up-to-date!\n", + "I1021 15:21:13.066047 139626020988736 file_utils.py:39] PyTorch version 1.2.0 available.\n", + "I1021 15:21:13.100040 139626020988736 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" ] } ], @@ -332,15 +335,15 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 7, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "CPU times: user 4 µs, sys: 1e+03 ns, total: 5 µs\n", - "Wall time: 7.87 µs\n" + "CPU times: user 12 µs, sys: 3 µs, total: 15 µs\n", + "Wall time: 32.2 µs\n" ] } ], @@ -362,7 +365,7 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 8, "metadata": {}, "outputs": [ { @@ -370,8 +373,8 @@ "output_type": "stream", "text": [ "total length of training data: 100\n", - "CPU times: user 2.98 s, sys: 2.49 s, total: 5.46 s\n", - "Wall time: 32.5 s\n" + "CPU times: user 2.53 s, sys: 2.37 s, total: 4.91 s\n", + "Wall time: 33.2 s\n" ] } ], @@ -386,12 +389,51 @@ "n_cpus = multiprocessing.cpu_count() - 1\n", "jobs = harvardnlp_cnndm_preprocess(n_cpus, TRAIN_SRC_FILE, TRAIN_TGT_FILE, max_train_job_number)\n", "print(\"total length of training data:\", len(jobs))\n", - "from bertsum.prepro.data_builder import BertData\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "I1018 18:33:13.232276 140259011639104 file_utils.py:296] https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt not found in cache or force_download set to True, downloading to /tmp/tmp559sv0bl\n", + "100%|██████████| 231508/231508 [00:00<00:00, 3077653.07B/s]\n", + "I1018 18:33:13.472229 140259011639104 file_utils.py:309] copying /tmp/tmp559sv0bl to cache at /home/daden/.cache/torch/transformers/26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n", + "I1018 18:33:13.473265 140259011639104 file_utils.py:313] creating metadata file for /home/daden/.cache/torch/transformers/26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n", + "I1018 18:33:13.474657 140259011639104 file_utils.py:322] removing temp file /tmp/tmp559sv0bl\n", + "I1018 18:33:13.475498 140259011639104 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at /home/daden/.cache/torch/transformers/26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + ] + } + ], + "source": [ + "from transformers.tokenization_distilbert import DistilBertTokenizer\n", + "tokenizer = DistilBertTokenizer.from_pretrained(\"distilbert-base-uncased\")" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [], + "source": [ + "from bertsum.prepro.data_builder import TransformerData\n", "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", "default_preprocessing_parameters = {\"max_nsents\": 200, \"max_src_ntokens\": 2000, \"min_nsents\": 3, \"min_src_ntokens\": 5, \"use_interval\": True}\n", "args=Bunch(default_preprocessing_parameters)\n", - "bertdata = BertData(args)\n", - "bertsum_formatting(n_cpus, bertdata,\"combination\", jobs[0:max_train_job_number], PROCESSED_TRAIN_FILE)\n" + "transformerdata = TransformerData(args, tokenizer)\n", + "bertsum_formatting(n_cpus, transformerdata,\"combination\", jobs[0:max_train_job_number], PROCESSED_TRAIN_FILE)" ] }, { @@ -403,7 +445,7 @@ }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 15, "metadata": {}, "outputs": [ { @@ -411,8 +453,8 @@ "output_type": "stream", "text": [ "total length of training data: 100\n", - "CPU times: user 586 ms, sys: 1.01 s, total: 1.59 s\n", - "Wall time: 15.6 s\n" + "CPU times: user 686 ms, sys: 1.2 s, total: 1.88 s\n", + "Wall time: 17.1 s\n" ] } ], @@ -426,17 +468,17 @@ "n_cpus = multiprocessing.cpu_count() - 1\n", "jobs = harvardnlp_cnndm_preprocess(n_cpus, TEST_SRC_FILE, TEST_TGT_FILE, max_test_job_number)\n", "print(\"total length of training data:\", len(jobs))\n", - "from bertsum.prepro.data_builder import BertData\n", + "from bertsum.prepro.data_builder import TransformerData\n", "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", "default_preprocessing_parameters = {\"max_nsents\": 200, \"max_src_ntokens\": 2000, \"min_nsents\": 3, \"min_src_ntokens\": 5, \"use_interval\": True}\n", "args=Bunch(default_preprocessing_parameters)\n", - "bertdata = BertData(args)\n", - "bertsum_formatting(n_cpus, bertdata,\"combination\", jobs[0:max_test_job_number], PROCESSED_TEST_FILE)\n" + "transformerdata = TransformerData(args, tokenizer)\n", + "bertsum_formatting(n_cpus, transformerdata,\"combination\", jobs[0:max_test_job_number], PROCESSED_TEST_FILE)\n" ] }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 16, "metadata": {}, "outputs": [ { @@ -1768,7 +1810,7 @@ " []]}" ] }, - "execution_count": 13, + "execution_count": 16, "metadata": {}, "output_type": "execute_result" } @@ -1786,7 +1828,7 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 17, "metadata": {}, "outputs": [ { @@ -1802,7 +1844,7 @@ "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" ] }, - "execution_count": 14, + "execution_count": 17, "metadata": {}, "output_type": "execute_result" } @@ -1816,7 +1858,7 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 18, "metadata": {}, "outputs": [ { @@ -2336,7 +2378,7 @@ " 102]" ] }, - "execution_count": 15, + "execution_count": 18, "metadata": {}, "output_type": "execute_result" } @@ -2347,7 +2389,7 @@ }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 19, "metadata": {}, "outputs": [ { @@ -2356,7 +2398,7 @@ "\"new : nfl chief , atlanta falcons owner critical of michael vick 's conduct .nfl suspends falcons quarterback indefinitely without pay .vick admits funding dogfighting operation but says he did not gamble .vick due in federal court monday ; future in nfl remains uncertain .\"" ] }, - "execution_count": 16, + "execution_count": 19, "metadata": {}, "output_type": "execute_result" } @@ -2367,7 +2409,7 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": 20, "metadata": {}, "outputs": [ { @@ -2376,7 +2418,7 @@ "[1, 1, 0, 0, 0, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" ] }, - "execution_count": 17, + "execution_count": 20, "metadata": {}, "output_type": "execute_result" } @@ -2387,7 +2429,7 @@ }, { "cell_type": "code", - "execution_count": 18, + "execution_count": 21, "metadata": {}, "outputs": [ { @@ -2437,7 +2479,7 @@ " \"cnn 's mike phelan contributed to this report .\"]" ] }, - "execution_count": 18, + "execution_count": 21, "metadata": {}, "output_type": "execute_result" } @@ -2458,7 +2500,7 @@ }, { "cell_type": "code", - "execution_count": 19, + "execution_count": 7, "metadata": {}, "outputs": [], "source": [ @@ -2480,7 +2522,7 @@ }, { "cell_type": "code", - "execution_count": 20, + "execution_count": 8, "metadata": {}, "outputs": [], "source": [ @@ -2503,7 +2545,36 @@ }, { "cell_type": "code", - "execution_count": 21, + "execution_count": 9, + "metadata": {}, + "outputs": [], + "source": [ + "from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'./logs/transformer0.053089538280404525'" + ] + }, + "execution_count": 10, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "log_base_path + encoder + str(random_number)" + ] + }, + { + "cell_type": "code", + "execution_count": 11, "metadata": { "scrolled": true }, @@ -2512,8 +2583,7 @@ "name": "stdout", "output_type": "stream", "text": [ - "['0']\n", - "{0: 0}\n" + "['0']\n" ] } ], @@ -2535,7 +2605,7 @@ }, { "cell_type": "code", - "execution_count": 22, + "execution_count": 10, "metadata": {}, "outputs": [], "source": [ @@ -2549,170 +2619,16 @@ }, { "cell_type": "code", - "execution_count": 23, + "execution_count": 11, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['./bert_data/cnndm.train.0.bert.pt',\n", - " './bert_data/cnndm.train.1.bert.pt',\n", - " './bert_data/cnndm.train.10.bert.pt',\n", - " './bert_data/cnndm.train.100.bert.pt',\n", - " './bert_data/cnndm.train.101.bert.pt',\n", - " './bert_data/cnndm.train.102.bert.pt',\n", - " './bert_data/cnndm.train.103.bert.pt',\n", - " './bert_data/cnndm.train.104.bert.pt',\n", - " './bert_data/cnndm.train.105.bert.pt',\n", - " './bert_data/cnndm.train.106.bert.pt',\n", - " './bert_data/cnndm.train.107.bert.pt',\n", - " './bert_data/cnndm.train.108.bert.pt',\n", - " './bert_data/cnndm.train.109.bert.pt',\n", - " './bert_data/cnndm.train.11.bert.pt',\n", - " './bert_data/cnndm.train.110.bert.pt',\n", - " './bert_data/cnndm.train.111.bert.pt',\n", - " './bert_data/cnndm.train.112.bert.pt',\n", - " './bert_data/cnndm.train.113.bert.pt',\n", - " './bert_data/cnndm.train.114.bert.pt',\n", - " './bert_data/cnndm.train.115.bert.pt',\n", - " './bert_data/cnndm.train.116.bert.pt',\n", - " './bert_data/cnndm.train.117.bert.pt',\n", - " './bert_data/cnndm.train.118.bert.pt',\n", - " './bert_data/cnndm.train.119.bert.pt',\n", - " './bert_data/cnndm.train.12.bert.pt',\n", - " './bert_data/cnndm.train.120.bert.pt',\n", - " './bert_data/cnndm.train.121.bert.pt',\n", - " './bert_data/cnndm.train.122.bert.pt',\n", - " './bert_data/cnndm.train.123.bert.pt',\n", - " './bert_data/cnndm.train.124.bert.pt',\n", - " './bert_data/cnndm.train.125.bert.pt',\n", - " './bert_data/cnndm.train.126.bert.pt',\n", - " './bert_data/cnndm.train.127.bert.pt',\n", - " './bert_data/cnndm.train.128.bert.pt',\n", - " './bert_data/cnndm.train.129.bert.pt',\n", - " './bert_data/cnndm.train.13.bert.pt',\n", - " './bert_data/cnndm.train.130.bert.pt',\n", - " './bert_data/cnndm.train.131.bert.pt',\n", - " './bert_data/cnndm.train.132.bert.pt',\n", - " './bert_data/cnndm.train.133.bert.pt',\n", - " './bert_data/cnndm.train.134.bert.pt',\n", - " './bert_data/cnndm.train.135.bert.pt',\n", - " './bert_data/cnndm.train.136.bert.pt',\n", - " './bert_data/cnndm.train.137.bert.pt',\n", - " './bert_data/cnndm.train.138.bert.pt',\n", - " './bert_data/cnndm.train.139.bert.pt',\n", - " './bert_data/cnndm.train.14.bert.pt',\n", - " './bert_data/cnndm.train.140.bert.pt',\n", - " './bert_data/cnndm.train.141.bert.pt',\n", - " './bert_data/cnndm.train.142.bert.pt',\n", - " './bert_data/cnndm.train.143.bert.pt',\n", - " './bert_data/cnndm.train.15.bert.pt',\n", - " './bert_data/cnndm.train.16.bert.pt',\n", - " './bert_data/cnndm.train.17.bert.pt',\n", - " './bert_data/cnndm.train.18.bert.pt',\n", - " './bert_data/cnndm.train.19.bert.pt',\n", - " './bert_data/cnndm.train.2.bert.pt',\n", - " './bert_data/cnndm.train.20.bert.pt',\n", - " './bert_data/cnndm.train.21.bert.pt',\n", - " './bert_data/cnndm.train.22.bert.pt',\n", - " './bert_data/cnndm.train.23.bert.pt',\n", - " './bert_data/cnndm.train.24.bert.pt',\n", - " './bert_data/cnndm.train.25.bert.pt',\n", - " './bert_data/cnndm.train.26.bert.pt',\n", - " './bert_data/cnndm.train.27.bert.pt',\n", - " './bert_data/cnndm.train.28.bert.pt',\n", - " './bert_data/cnndm.train.29.bert.pt',\n", - " './bert_data/cnndm.train.3.bert.pt',\n", - " './bert_data/cnndm.train.30.bert.pt',\n", - " './bert_data/cnndm.train.31.bert.pt',\n", - " './bert_data/cnndm.train.32.bert.pt',\n", - " './bert_data/cnndm.train.33.bert.pt',\n", - " './bert_data/cnndm.train.34.bert.pt',\n", - " './bert_data/cnndm.train.35.bert.pt',\n", - " './bert_data/cnndm.train.36.bert.pt',\n", - " './bert_data/cnndm.train.37.bert.pt',\n", - " './bert_data/cnndm.train.38.bert.pt',\n", - " './bert_data/cnndm.train.39.bert.pt',\n", - " './bert_data/cnndm.train.4.bert.pt',\n", - " './bert_data/cnndm.train.40.bert.pt',\n", - " './bert_data/cnndm.train.41.bert.pt',\n", - " './bert_data/cnndm.train.42.bert.pt',\n", - " './bert_data/cnndm.train.43.bert.pt',\n", - " './bert_data/cnndm.train.44.bert.pt',\n", - " './bert_data/cnndm.train.45.bert.pt',\n", - " './bert_data/cnndm.train.46.bert.pt',\n", - " './bert_data/cnndm.train.47.bert.pt',\n", - " './bert_data/cnndm.train.48.bert.pt',\n", - " './bert_data/cnndm.train.49.bert.pt',\n", - " './bert_data/cnndm.train.5.bert.pt',\n", - " './bert_data/cnndm.train.50.bert.pt',\n", - " './bert_data/cnndm.train.51.bert.pt',\n", - " './bert_data/cnndm.train.52.bert.pt',\n", - " './bert_data/cnndm.train.53.bert.pt',\n", - " './bert_data/cnndm.train.54.bert.pt',\n", - " './bert_data/cnndm.train.55.bert.pt',\n", - " './bert_data/cnndm.train.56.bert.pt',\n", - " './bert_data/cnndm.train.57.bert.pt',\n", - " './bert_data/cnndm.train.58.bert.pt',\n", - " './bert_data/cnndm.train.59.bert.pt',\n", - " './bert_data/cnndm.train.6.bert.pt',\n", - " './bert_data/cnndm.train.60.bert.pt',\n", - " './bert_data/cnndm.train.61.bert.pt',\n", - " './bert_data/cnndm.train.62.bert.pt',\n", - " './bert_data/cnndm.train.63.bert.pt',\n", - " './bert_data/cnndm.train.64.bert.pt',\n", - " './bert_data/cnndm.train.65.bert.pt',\n", - " './bert_data/cnndm.train.66.bert.pt',\n", - " './bert_data/cnndm.train.67.bert.pt',\n", - " './bert_data/cnndm.train.68.bert.pt',\n", - " './bert_data/cnndm.train.69.bert.pt',\n", - " './bert_data/cnndm.train.7.bert.pt',\n", - " './bert_data/cnndm.train.70.bert.pt',\n", - " './bert_data/cnndm.train.71.bert.pt',\n", - " './bert_data/cnndm.train.72.bert.pt',\n", - " './bert_data/cnndm.train.73.bert.pt',\n", - " './bert_data/cnndm.train.74.bert.pt',\n", - " './bert_data/cnndm.train.75.bert.pt',\n", - " './bert_data/cnndm.train.76.bert.pt',\n", - " './bert_data/cnndm.train.77.bert.pt',\n", - " './bert_data/cnndm.train.78.bert.pt',\n", - " './bert_data/cnndm.train.79.bert.pt',\n", - " './bert_data/cnndm.train.8.bert.pt',\n", - " './bert_data/cnndm.train.80.bert.pt',\n", - " './bert_data/cnndm.train.81.bert.pt',\n", - " './bert_data/cnndm.train.82.bert.pt',\n", - " './bert_data/cnndm.train.83.bert.pt',\n", - " './bert_data/cnndm.train.84.bert.pt',\n", - " './bert_data/cnndm.train.85.bert.pt',\n", - " './bert_data/cnndm.train.86.bert.pt',\n", - " './bert_data/cnndm.train.87.bert.pt',\n", - " './bert_data/cnndm.train.88.bert.pt',\n", - " './bert_data/cnndm.train.89.bert.pt',\n", - " './bert_data/cnndm.train.9.bert.pt',\n", - " './bert_data/cnndm.train.90.bert.pt',\n", - " './bert_data/cnndm.train.91.bert.pt',\n", - " './bert_data/cnndm.train.92.bert.pt',\n", - " './bert_data/cnndm.train.93.bert.pt',\n", - " './bert_data/cnndm.train.94.bert.pt',\n", - " './bert_data/cnndm.train.95.bert.pt',\n", - " './bert_data/cnndm.train.96.bert.pt',\n", - " './bert_data/cnndm.train.97.bert.pt',\n", - " './bert_data/cnndm.train.98.bert.pt',\n", - " './bert_data/cnndm.train.99.bert.pt']" - ] - }, - "execution_count": 23, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ - "training_data_files" + "#training_data_files" ] }, { "cell_type": "code", - "execution_count": 24, + "execution_count": 12, "metadata": {}, "outputs": [], "source": [ @@ -2728,297 +2644,216 @@ }, { "cell_type": "code", - "execution_count": 25, + "execution_count": null, "metadata": { - "scrolled": false + "scrolled": true }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-15 17:30:45,152 INFO] loading archive file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased.tar.gz from cache at ./temp/9c41111e2de84547a463fd39217199738d1e3deb72d4fec4399e6e241983c6f0.ae3cef932725ca7a30cdcb93fc6e09150a55e2a130ec7af63975a16c153ae2ba\n", - "[2019-10-15 17:30:45,154 INFO] extracting archive file ./temp/9c41111e2de84547a463fd39217199738d1e3deb72d4fec4399e6e241983c6f0.ae3cef932725ca7a30cdcb93fc6e09150a55e2a130ec7af63975a16c153ae2ba to temp dir /tmp/tmpjp15yzc0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{'accum_count': 2, 'batch_size': 3000, 'beta1': 0.9, 'beta2': 0.999, 'block_trigram': True, 'decay_method': 'noam', 'dropout': 0.1, 'encoder': 'transformer', 'ff_size': 512, 'gpu_ranks': '0', 'heads': 4, 'hidden_size': 128, 'inter_layers': 2, 'lr': 0.002, 'max_grad_norm': 0, 'max_nsents': 100, 'max_src_ntokens': 200, 'min_nsents': 3, 'min_src_ntokens': 10, 'optim': 'adam', 'oracle_mode': 'combination', 'param_init': 0.0, 'param_init_glorot': True, 'recall_eval': False, 'report_every': 50, 'report_rouge': True, 'rnn_size': 512, 'save_checkpoint_steps': 500, 'seed': 42, 'temp_dir': './temp', 'test_all': False, 'test_from': '', 'train_from': '', 'use_interval': True, 'visible_gpus': '0', 'warmup_steps': 2000, 'world_size': 1, 'mode': 'train', 'model_path': './models/transformer0.37907517824181713', 'log_file': './logs/transformer0.37907517824181713', 'bert_config_path': './bert_config_uncased_base.json', 'gpu_ranks_map': {0: 0}}\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-15 17:30:48,988 INFO] Model config {\n", + "[2019-10-19 02:32:55,339 INFO] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-config.json from cache at ./temp/4dad0251492946e18ac39290fcfe91b89d370fee250efe9521476438fe8ca185.bf3b9ea126d8c0001ee8a1e8b92229871d06d36d8808208cc2449280da87785c\n", + "[2019-10-19 02:32:55,340 INFO] Model config {\n", " \"attention_probs_dropout_prob\": 0.1,\n", + " \"finetuning_task\": null,\n", " \"hidden_act\": \"gelu\",\n", " \"hidden_dropout_prob\": 0.1,\n", " \"hidden_size\": 768,\n", " \"initializer_range\": 0.02,\n", " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-12,\n", " \"max_position_embeddings\": 512,\n", " \"num_attention_heads\": 12,\n", " \"num_hidden_layers\": 12,\n", + " \"num_labels\": 2,\n", + " \"output_attentions\": false,\n", + " \"output_hidden_states\": false,\n", + " \"output_past\": true,\n", + " \"pruned_heads\": {},\n", + " \"torchscript\": false,\n", " \"type_vocab_size\": 2,\n", + " \"use_bfloat16\": false,\n", " \"vocab_size\": 30522\n", "}\n", - "\n", - "[2019-10-15 17:30:54,399 INFO] * number of parameters: 115790849\n", - "[2019-10-15 17:30:54,400 INFO] Start training...\n" + "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "device_id 0\n", - "gpu_rank 0\n" + "{'accum_count': 2, 'batch_size': 3000, 'beta1': 0.9, 'beta2': 0.999, 'block_trigram': True, 'decay_method': 'noam', 'dropout': 0.1, 'encoder': 'transformer', 'ff_size': 512, 'gpu_ranks': '0', 'heads': 4, 'hidden_size': 128, 'inter_layers': 2, 'lr': 0.002, 'max_grad_norm': 0, 'max_nsents': 100, 'max_src_ntokens': 200, 'min_nsents': 3, 'min_src_ntokens': 10, 'optim': 'adam', 'oracle_mode': 'combination', 'param_init': 0.0, 'param_init_glorot': True, 'recall_eval': False, 'report_every': 50, 'report_rouge': True, 'rnn_size': 512, 'save_checkpoint_steps': 500, 'seed': 42, 'temp_dir': './temp', 'test_all': False, 'test_from': '', 'train_from': '', 'use_interval': True, 'visible_gpus': '0', 'warmup_steps': 2000, 'world_size': 1, 'model_path': './models/transformer0.986928701409742', 'log_file': './logs/transformer0.986928701409742', 'bert_config_path': './bert_config_uncased_base.json', 'gpu_ranks_map': {0: 0}}\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-15 17:31:15,819 INFO] Step 50/10000; xent: 3.89; lr: 0.0000011; 48 docs/s; 21 sec\n", - "[2019-10-15 17:31:36,569 INFO] Step 100/10000; xent: 3.29; lr: 0.0000022; 49 docs/s; 42 sec\n", - "[2019-10-15 17:31:57,342 INFO] Step 150/10000; xent: 3.29; lr: 0.0000034; 48 docs/s; 63 sec\n", - "[2019-10-15 17:32:18,802 INFO] Step 200/10000; xent: 3.29; lr: 0.0000045; 47 docs/s; 84 sec\n", - "[2019-10-15 17:32:39,486 INFO] Step 250/10000; xent: 3.22; lr: 0.0000056; 48 docs/s; 105 sec\n", - "[2019-10-15 17:33:00,459 INFO] Step 300/10000; xent: 3.14; lr: 0.0000067; 48 docs/s; 126 sec\n", - "[2019-10-15 17:33:21,471 INFO] Step 350/10000; xent: 3.19; lr: 0.0000078; 49 docs/s; 147 sec\n", - "[2019-10-15 17:33:42,961 INFO] Step 400/10000; xent: 3.20; lr: 0.0000089; 46 docs/s; 168 sec\n", - "[2019-10-15 17:34:03,756 INFO] Step 450/10000; xent: 3.22; lr: 0.0000101; 48 docs/s; 189 sec\n", - "[2019-10-15 17:34:24,637 INFO] Step 500/10000; xent: 3.16; lr: 0.0000112; 48 docs/s; 210 sec\n", - "[2019-10-15 17:34:24,643 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_500.pt\n", - "[2019-10-15 17:34:46,851 INFO] Step 550/10000; xent: 3.19; lr: 0.0000123; 45 docs/s; 232 sec\n", - "[2019-10-15 17:35:08,537 INFO] Step 600/10000; xent: 3.18; lr: 0.0000134; 46 docs/s; 254 sec\n", - "[2019-10-15 17:35:29,358 INFO] Step 650/10000; xent: 3.11; lr: 0.0000145; 48 docs/s; 275 sec\n", - "[2019-10-15 17:35:50,269 INFO] Step 700/10000; xent: 3.09; lr: 0.0000157; 48 docs/s; 295 sec\n", - "[2019-10-15 17:36:11,107 INFO] Step 750/10000; xent: 3.06; lr: 0.0000168; 48 docs/s; 316 sec\n", - "[2019-10-15 17:36:32,373 INFO] Step 800/10000; xent: 3.10; lr: 0.0000179; 47 docs/s; 338 sec\n", - "[2019-10-15 17:36:53,196 INFO] Step 850/10000; xent: 3.01; lr: 0.0000190; 48 docs/s; 358 sec\n", - "[2019-10-15 17:37:14,282 INFO] Step 900/10000; xent: 3.08; lr: 0.0000201; 48 docs/s; 379 sec\n", - "[2019-10-15 17:37:34,972 INFO] Step 950/10000; xent: 2.99; lr: 0.0000212; 48 docs/s; 400 sec\n", - "[2019-10-15 17:37:56,426 INFO] Step 1000/10000; xent: 3.02; lr: 0.0000224; 47 docs/s; 422 sec\n", - "[2019-10-15 17:37:56,429 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_1000.pt\n", - "[2019-10-15 17:38:18,737 INFO] Step 1050/10000; xent: 2.96; lr: 0.0000235; 46 docs/s; 444 sec\n", - "[2019-10-15 17:38:39,847 INFO] Step 1100/10000; xent: 3.05; lr: 0.0000246; 47 docs/s; 465 sec\n", - "[2019-10-15 17:39:00,668 INFO] Step 1150/10000; xent: 2.88; lr: 0.0000257; 49 docs/s; 486 sec\n", - "[2019-10-15 17:39:22,145 INFO] Step 1200/10000; xent: 2.99; lr: 0.0000268; 47 docs/s; 507 sec\n", - "[2019-10-15 17:39:42,943 INFO] Step 1250/10000; xent: 2.91; lr: 0.0000280; 48 docs/s; 528 sec\n", - "[2019-10-15 17:40:03,759 INFO] Step 1300/10000; xent: 2.95; lr: 0.0000291; 49 docs/s; 549 sec\n", - "[2019-10-15 17:40:24,449 INFO] Step 1350/10000; xent: 2.95; lr: 0.0000302; 48 docs/s; 570 sec\n", - "[2019-10-15 17:40:45,976 INFO] Step 1400/10000; xent: 2.88; lr: 0.0000313; 47 docs/s; 591 sec\n", - "[2019-10-15 17:41:06,835 INFO] Step 1450/10000; xent: 2.96; lr: 0.0000324; 48 docs/s; 612 sec\n", - "[2019-10-15 17:41:27,558 INFO] Step 1500/10000; xent: 2.93; lr: 0.0000335; 48 docs/s; 633 sec\n", - "[2019-10-15 17:41:27,563 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_1500.pt\n", - "[2019-10-15 17:41:49,573 INFO] Step 1550/10000; xent: 2.98; lr: 0.0000347; 46 docs/s; 655 sec\n", - "[2019-10-15 17:42:11,140 INFO] Step 1600/10000; xent: 2.95; lr: 0.0000358; 47 docs/s; 676 sec\n", - "[2019-10-15 17:42:31,857 INFO] Step 1650/10000; xent: 2.90; lr: 0.0000369; 48 docs/s; 697 sec\n", - "[2019-10-15 17:42:52,776 INFO] Step 1700/10000; xent: 2.88; lr: 0.0000380; 48 docs/s; 718 sec\n", - "[2019-10-15 17:43:13,306 INFO] Step 1750/10000; xent: 2.90; lr: 0.0000391; 49 docs/s; 738 sec\n", - "[2019-10-15 17:43:35,057 INFO] Step 1800/10000; xent: 2.85; lr: 0.0000402; 46 docs/s; 760 sec\n", - "[2019-10-15 17:43:55,848 INFO] Step 1850/10000; xent: 3.02; lr: 0.0000414; 48 docs/s; 781 sec\n", - "[2019-10-15 17:44:16,856 INFO] Step 1900/10000; xent: 2.94; lr: 0.0000425; 48 docs/s; 802 sec\n", - "[2019-10-15 17:44:37,746 INFO] Step 1950/10000; xent: 2.86; lr: 0.0000436; 49 docs/s; 823 sec\n", - "[2019-10-15 17:44:59,222 INFO] Step 2000/10000; xent: 2.88; lr: 0.0000447; 47 docs/s; 844 sec\n", - "[2019-10-15 17:44:59,226 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_2000.pt\n", - "[2019-10-15 17:45:21,420 INFO] Step 2050/10000; xent: 2.80; lr: 0.0000442; 45 docs/s; 867 sec\n", - "[2019-10-15 17:45:42,134 INFO] Step 2100/10000; xent: 2.87; lr: 0.0000436; 48 docs/s; 887 sec\n", - "[2019-10-15 17:46:03,052 INFO] Step 2150/10000; xent: 2.93; lr: 0.0000431; 48 docs/s; 908 sec\n", - "[2019-10-15 17:46:24,419 INFO] Step 2200/10000; xent: 2.88; lr: 0.0000426; 47 docs/s; 930 sec\n", - "[2019-10-15 17:46:45,179 INFO] Step 2250/10000; xent: 2.89; lr: 0.0000422; 48 docs/s; 950 sec\n", - "[2019-10-15 17:47:06,010 INFO] Step 2300/10000; xent: 2.88; lr: 0.0000417; 48 docs/s; 971 sec\n", - "[2019-10-15 17:47:26,863 INFO] Step 2350/10000; xent: 2.89; lr: 0.0000413; 49 docs/s; 992 sec\n", - "[2019-10-15 17:47:48,436 INFO] Step 2400/10000; xent: 2.81; lr: 0.0000408; 47 docs/s; 1014 sec\n", - "[2019-10-15 17:48:09,264 INFO] Step 2450/10000; xent: 2.78; lr: 0.0000404; 48 docs/s; 1034 sec\n", - "[2019-10-15 17:48:30,174 INFO] Step 2500/10000; xent: 2.84; lr: 0.0000400; 49 docs/s; 1055 sec\n", - "[2019-10-15 17:48:30,179 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_2500.pt\n", - "[2019-10-15 17:48:52,271 INFO] Step 2550/10000; xent: 2.92; lr: 0.0000396; 46 docs/s; 1077 sec\n", - "[2019-10-15 17:49:15,105 INFO] Step 2600/10000; xent: 2.77; lr: 0.0000392; 44 docs/s; 1100 sec\n", - "[2019-10-15 17:49:35,998 INFO] Step 2650/10000; xent: 2.92; lr: 0.0000389; 48 docs/s; 1121 sec\n", - "[2019-10-15 17:49:56,785 INFO] Step 2700/10000; xent: 2.95; lr: 0.0000385; 48 docs/s; 1142 sec\n", - "[2019-10-15 17:50:17,612 INFO] Step 2750/10000; xent: 2.87; lr: 0.0000381; 48 docs/s; 1163 sec\n", - "[2019-10-15 17:50:38,911 INFO] Step 2800/10000; xent: 2.80; lr: 0.0000378; 47 docs/s; 1184 sec\n", - "[2019-10-15 17:50:59,692 INFO] Step 2850/10000; xent: 2.90; lr: 0.0000375; 48 docs/s; 1205 sec\n", - "[2019-10-15 17:51:20,554 INFO] Step 2900/10000; xent: 2.90; lr: 0.0000371; 49 docs/s; 1226 sec\n", - "[2019-10-15 17:51:41,323 INFO] Step 2950/10000; xent: 2.85; lr: 0.0000368; 49 docs/s; 1246 sec\n", - "[2019-10-15 17:52:02,767 INFO] Step 3000/10000; xent: 2.88; lr: 0.0000365; 47 docs/s; 1268 sec\n", - "[2019-10-15 17:52:02,771 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_3000.pt\n", - "[2019-10-15 17:52:24,775 INFO] Step 3050/10000; xent: 2.91; lr: 0.0000362; 46 docs/s; 1290 sec\n", - "[2019-10-15 17:52:45,578 INFO] Step 3100/10000; xent: 2.83; lr: 0.0000359; 48 docs/s; 1311 sec\n", - "[2019-10-15 17:53:06,271 INFO] Step 3150/10000; xent: 2.89; lr: 0.0000356; 49 docs/s; 1331 sec\n", - "[2019-10-15 17:53:27,922 INFO] Step 3200/10000; xent: 2.83; lr: 0.0000354; 47 docs/s; 1353 sec\n", - "[2019-10-15 17:53:48,843 INFO] Step 3250/10000; xent: 2.84; lr: 0.0000351; 48 docs/s; 1374 sec\n", - "[2019-10-15 17:54:09,673 INFO] Step 3300/10000; xent: 2.73; lr: 0.0000348; 48 docs/s; 1395 sec\n", - "[2019-10-15 17:54:30,414 INFO] Step 3350/10000; xent: 2.85; lr: 0.0000346; 49 docs/s; 1416 sec\n", - "[2019-10-15 17:54:51,856 INFO] Step 3400/10000; xent: 2.78; lr: 0.0000343; 47 docs/s; 1437 sec\n", - "[2019-10-15 17:55:12,619 INFO] Step 3450/10000; xent: 2.83; lr: 0.0000341; 49 docs/s; 1458 sec\n", - "[2019-10-15 17:55:33,266 INFO] Step 3500/10000; xent: 2.80; lr: 0.0000338; 49 docs/s; 1478 sec\n", - "[2019-10-15 17:55:33,270 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_3500.pt\n", - "[2019-10-15 17:55:55,239 INFO] Step 3550/10000; xent: 2.80; lr: 0.0000336; 46 docs/s; 1500 sec\n", - "[2019-10-15 17:56:17,401 INFO] Step 3600/10000; xent: 2.76; lr: 0.0000333; 45 docs/s; 1523 sec\n", - "[2019-10-15 17:56:38,129 INFO] Step 3650/10000; xent: 2.80; lr: 0.0000331; 48 docs/s; 1543 sec\n", - "[2019-10-15 17:56:58,914 INFO] Step 3700/10000; xent: 2.83; lr: 0.0000329; 49 docs/s; 1564 sec\n", - "[2019-10-15 17:57:19,588 INFO] Step 3750/10000; xent: 2.82; lr: 0.0000327; 49 docs/s; 1585 sec\n", - "[2019-10-15 17:57:40,985 INFO] Step 3800/10000; xent: 2.91; lr: 0.0000324; 47 docs/s; 1606 sec\n", - "[2019-10-15 17:58:01,759 INFO] Step 3850/10000; xent: 2.87; lr: 0.0000322; 49 docs/s; 1627 sec\n" + "[2019-10-19 02:32:55,460 INFO] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-pytorch_model.bin from cache at ./temp/aa1ef1aede4482d0dbcd4d52baad8ae300e60902e88fcb0bebdec09afd232066.36ca03ab34a1a5d5fa7bc3d03d55c4fa650fed07220e2eeebc06ce58d0e9a157\n", + "[2019-10-19 02:33:00,740 INFO] * number of parameters: 115790849\n", + "[2019-10-19 02:33:00,741 INFO] Start training...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "device_id 0\n", + "gpu_rank 0\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-15 17:58:22,621 INFO] Step 3900/10000; xent: 2.79; lr: 0.0000320; 48 docs/s; 1648 sec\n", - "[2019-10-15 17:58:43,322 INFO] Step 3950/10000; xent: 2.90; lr: 0.0000318; 49 docs/s; 1668 sec\n", - "[2019-10-15 17:59:04,810 INFO] Step 4000/10000; xent: 2.80; lr: 0.0000316; 47 docs/s; 1690 sec\n", - "[2019-10-15 17:59:04,814 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_4000.pt\n", - "[2019-10-15 17:59:26,773 INFO] Step 4050/10000; xent: 2.89; lr: 0.0000314; 45 docs/s; 1712 sec\n", - "[2019-10-15 17:59:47,458 INFO] Step 4100/10000; xent: 2.86; lr: 0.0000312; 49 docs/s; 1733 sec\n", - "[2019-10-15 18:00:08,124 INFO] Step 4150/10000; xent: 2.87; lr: 0.0000310; 48 docs/s; 1753 sec\n", - "[2019-10-15 18:00:29,734 INFO] Step 4200/10000; xent: 2.93; lr: 0.0000309; 47 docs/s; 1775 sec\n", - "[2019-10-15 18:00:50,554 INFO] Step 4250/10000; xent: 2.86; lr: 0.0000307; 49 docs/s; 1796 sec\n", - "[2019-10-15 18:01:11,237 INFO] Step 4300/10000; xent: 2.80; lr: 0.0000305; 49 docs/s; 1816 sec\n", - "[2019-10-15 18:01:31,908 INFO] Step 4350/10000; xent: 2.87; lr: 0.0000303; 49 docs/s; 1837 sec\n", - "[2019-10-15 18:01:53,271 INFO] Step 4400/10000; xent: 2.79; lr: 0.0000302; 47 docs/s; 1858 sec\n", - "[2019-10-15 18:02:14,150 INFO] Step 4450/10000; xent: 2.80; lr: 0.0000300; 49 docs/s; 1879 sec\n", - "[2019-10-15 18:02:34,861 INFO] Step 4500/10000; xent: 2.89; lr: 0.0000298; 48 docs/s; 1900 sec\n", - "[2019-10-15 18:02:34,865 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_4500.pt\n", - "[2019-10-15 18:02:56,909 INFO] Step 4550/10000; xent: 2.80; lr: 0.0000296; 46 docs/s; 1922 sec\n", - "[2019-10-15 18:03:18,328 INFO] Step 4600/10000; xent: 2.81; lr: 0.0000295; 47 docs/s; 1943 sec\n", - "[2019-10-15 18:03:39,125 INFO] Step 4650/10000; xent: 2.81; lr: 0.0000293; 48 docs/s; 1964 sec\n", - "[2019-10-15 18:03:59,868 INFO] Step 4700/10000; xent: 2.87; lr: 0.0000292; 49 docs/s; 1985 sec\n", - "[2019-10-15 18:04:20,701 INFO] Step 4750/10000; xent: 2.82; lr: 0.0000290; 48 docs/s; 2006 sec\n", - "[2019-10-15 18:04:42,076 INFO] Step 4800/10000; xent: 2.82; lr: 0.0000289; 47 docs/s; 2027 sec\n", - "[2019-10-15 18:05:02,834 INFO] Step 4850/10000; xent: 2.80; lr: 0.0000287; 48 docs/s; 2048 sec\n", - "[2019-10-15 18:05:23,556 INFO] Step 4900/10000; xent: 2.81; lr: 0.0000286; 49 docs/s; 2069 sec\n", - "[2019-10-15 18:05:44,221 INFO] Step 4950/10000; xent: 2.85; lr: 0.0000284; 49 docs/s; 2089 sec\n", - "[2019-10-15 18:06:05,673 INFO] Step 5000/10000; xent: 2.78; lr: 0.0000283; 47 docs/s; 2111 sec\n", - "[2019-10-15 18:06:05,677 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_5000.pt\n", - "[2019-10-15 18:06:28,010 INFO] Step 5050/10000; xent: 2.84; lr: 0.0000281; 45 docs/s; 2133 sec\n", - "[2019-10-15 18:06:48,974 INFO] Step 5100/10000; xent: 2.73; lr: 0.0000280; 48 docs/s; 2154 sec\n", - "[2019-10-15 18:07:09,784 INFO] Step 5150/10000; xent: 2.85; lr: 0.0000279; 48 docs/s; 2175 sec\n", - "[2019-10-15 18:07:31,104 INFO] Step 5200/10000; xent: 2.80; lr: 0.0000277; 47 docs/s; 2196 sec\n", - "[2019-10-15 18:07:51,971 INFO] Step 5250/10000; xent: 2.90; lr: 0.0000276; 49 docs/s; 2217 sec\n", - "[2019-10-15 18:08:12,738 INFO] Step 5300/10000; xent: 2.91; lr: 0.0000275; 48 docs/s; 2238 sec\n", - "[2019-10-15 18:08:33,531 INFO] Step 5350/10000; xent: 2.76; lr: 0.0000273; 49 docs/s; 2259 sec\n", - "[2019-10-15 18:08:54,887 INFO] Step 5400/10000; xent: 2.81; lr: 0.0000272; 47 docs/s; 2280 sec\n", - "[2019-10-15 18:09:15,662 INFO] Step 5450/10000; xent: 2.81; lr: 0.0000271; 48 docs/s; 2301 sec\n", - "[2019-10-15 18:09:36,458 INFO] Step 5500/10000; xent: 2.84; lr: 0.0000270; 48 docs/s; 2322 sec\n", - "[2019-10-15 18:09:36,462 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_5500.pt\n", - "[2019-10-15 18:09:58,522 INFO] Step 5550/10000; xent: 2.84; lr: 0.0000268; 46 docs/s; 2344 sec\n", - "[2019-10-15 18:10:20,176 INFO] Step 5600/10000; xent: 2.86; lr: 0.0000267; 47 docs/s; 2365 sec\n", - "[2019-10-15 18:10:40,957 INFO] Step 5650/10000; xent: 2.84; lr: 0.0000266; 48 docs/s; 2386 sec\n", - "[2019-10-15 18:11:01,721 INFO] Step 5700/10000; xent: 2.73; lr: 0.0000265; 49 docs/s; 2407 sec\n", - "[2019-10-15 18:11:22,585 INFO] Step 5750/10000; xent: 2.83; lr: 0.0000264; 48 docs/s; 2428 sec\n", - "[2019-10-15 18:11:43,794 INFO] Step 5800/10000; xent: 2.78; lr: 0.0000263; 47 docs/s; 2449 sec\n", - "[2019-10-15 18:12:04,659 INFO] Step 5850/10000; xent: 2.89; lr: 0.0000261; 48 docs/s; 2470 sec\n", - "[2019-10-15 18:12:25,349 INFO] Step 5900/10000; xent: 2.85; lr: 0.0000260; 48 docs/s; 2491 sec\n", - "[2019-10-15 18:12:46,081 INFO] Step 5950/10000; xent: 2.73; lr: 0.0000259; 49 docs/s; 2511 sec\n", - "[2019-10-15 18:13:07,405 INFO] Step 6000/10000; xent: 2.82; lr: 0.0000258; 47 docs/s; 2533 sec\n", - "[2019-10-15 18:13:07,409 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_6000.pt\n", - "[2019-10-15 18:13:29,137 INFO] Step 6050/10000; xent: 2.85; lr: 0.0000257; 45 docs/s; 2554 sec\n", - "[2019-10-15 18:13:49,752 INFO] Step 6100/10000; xent: 2.80; lr: 0.0000256; 48 docs/s; 2575 sec\n", - "[2019-10-15 18:14:10,499 INFO] Step 6150/10000; xent: 2.80; lr: 0.0000255; 48 docs/s; 2596 sec\n", - "[2019-10-15 18:14:31,939 INFO] Step 6200/10000; xent: 2.81; lr: 0.0000254; 47 docs/s; 2617 sec\n", - "[2019-10-15 18:14:52,749 INFO] Step 6250/10000; xent: 2.80; lr: 0.0000253; 48 docs/s; 2638 sec\n", - "[2019-10-15 18:15:13,515 INFO] Step 6300/10000; xent: 2.82; lr: 0.0000252; 48 docs/s; 2659 sec\n", - "[2019-10-15 18:15:34,316 INFO] Step 6350/10000; xent: 2.75; lr: 0.0000251; 49 docs/s; 2679 sec\n", - "[2019-10-15 18:15:55,784 INFO] Step 6400/10000; xent: 2.85; lr: 0.0000250; 47 docs/s; 2701 sec\n", - "[2019-10-15 18:16:16,641 INFO] Step 6450/10000; xent: 2.78; lr: 0.0000249; 48 docs/s; 2722 sec\n", - "[2019-10-15 18:16:37,458 INFO] Step 6500/10000; xent: 2.78; lr: 0.0000248; 48 docs/s; 2743 sec\n", - "[2019-10-15 18:16:37,462 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_6500.pt\n", - "[2019-10-15 18:16:59,595 INFO] Step 6550/10000; xent: 2.73; lr: 0.0000247; 46 docs/s; 2765 sec\n", - "[2019-10-15 18:17:20,994 INFO] Step 6600/10000; xent: 2.76; lr: 0.0000246; 47 docs/s; 2786 sec\n", - "[2019-10-15 18:17:41,749 INFO] Step 6650/10000; xent: 2.84; lr: 0.0000245; 49 docs/s; 2807 sec\n", - "[2019-10-15 18:18:02,657 INFO] Step 6700/10000; xent: 2.85; lr: 0.0000244; 49 docs/s; 2828 sec\n", - "[2019-10-15 18:18:23,380 INFO] Step 6750/10000; xent: 2.80; lr: 0.0000243; 49 docs/s; 2849 sec\n", - "[2019-10-15 18:18:44,867 INFO] Step 6800/10000; xent: 2.77; lr: 0.0000243; 47 docs/s; 2870 sec\n", - "[2019-10-15 18:19:05,681 INFO] Step 6850/10000; xent: 2.81; lr: 0.0000242; 49 docs/s; 2891 sec\n", - "[2019-10-15 18:19:26,491 INFO] Step 6900/10000; xent: 2.84; lr: 0.0000241; 48 docs/s; 2912 sec\n", - "[2019-10-15 18:19:47,512 INFO] Step 6950/10000; xent: 2.84; lr: 0.0000240; 48 docs/s; 2933 sec\n", - "[2019-10-15 18:20:09,154 INFO] Step 7000/10000; xent: 2.79; lr: 0.0000239; 47 docs/s; 2954 sec\n", - "[2019-10-15 18:20:09,158 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_7000.pt\n", - "[2019-10-15 18:20:31,532 INFO] Step 7050/10000; xent: 2.89; lr: 0.0000238; 45 docs/s; 2977 sec\n", - "[2019-10-15 18:20:52,351 INFO] Step 7100/10000; xent: 2.83; lr: 0.0000237; 49 docs/s; 2998 sec\n", - "[2019-10-15 18:21:13,252 INFO] Step 7150/10000; xent: 2.85; lr: 0.0000237; 48 docs/s; 3018 sec\n", - "[2019-10-15 18:21:34,970 INFO] Step 7200/10000; xent: 2.85; lr: 0.0000236; 46 docs/s; 3040 sec\n", - "[2019-10-15 18:21:55,777 INFO] Step 7250/10000; xent: 2.79; lr: 0.0000235; 48 docs/s; 3061 sec\n", - "[2019-10-15 18:22:16,639 INFO] Step 7300/10000; xent: 2.82; lr: 0.0000234; 48 docs/s; 3082 sec\n", - "[2019-10-15 18:22:37,482 INFO] Step 7350/10000; xent: 2.80; lr: 0.0000233; 48 docs/s; 3103 sec\n", - "[2019-10-15 18:22:58,914 INFO] Step 7400/10000; xent: 2.79; lr: 0.0000232; 47 docs/s; 3124 sec\n", - "[2019-10-15 18:23:19,645 INFO] Step 7450/10000; xent: 2.80; lr: 0.0000232; 49 docs/s; 3145 sec\n", - "[2019-10-15 18:23:40,337 INFO] Step 7500/10000; xent: 2.77; lr: 0.0000231; 48 docs/s; 3166 sec\n", - "[2019-10-15 18:23:40,340 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_7500.pt\n", - "[2019-10-15 18:24:02,476 INFO] Step 7550/10000; xent: 2.71; lr: 0.0000230; 46 docs/s; 3188 sec\n", - "[2019-10-15 18:24:23,953 INFO] Step 7600/10000; xent: 2.69; lr: 0.0000229; 47 docs/s; 3209 sec\n" + "[2019-10-19 02:33:21,029 INFO] Step 50/10000; xent: 3.90; lr: 0.0000011; 50 docs/s; 20 sec\n", + "[2019-10-19 02:33:40,979 INFO] Step 100/10000; xent: 3.45; lr: 0.0000022; 51 docs/s; 40 sec\n", + "[2019-10-19 02:34:01,038 INFO] Step 150/10000; xent: 3.42; lr: 0.0000034; 50 docs/s; 60 sec\n", + "[2019-10-19 02:34:21,678 INFO] Step 200/10000; xent: 3.33; lr: 0.0000045; 49 docs/s; 81 sec\n", + "[2019-10-19 02:34:41,616 INFO] Step 250/10000; xent: 3.23; lr: 0.0000056; 50 docs/s; 101 sec\n", + "[2019-10-19 02:35:01,703 INFO] Step 300/10000; xent: 3.14; lr: 0.0000067; 51 docs/s; 121 sec\n", + "[2019-10-19 02:35:21,877 INFO] Step 350/10000; xent: 3.27; lr: 0.0000078; 51 docs/s; 141 sec\n", + "[2019-10-19 02:35:42,363 INFO] Step 400/10000; xent: 3.19; lr: 0.0000089; 49 docs/s; 162 sec\n", + "[2019-10-19 02:36:02,311 INFO] Step 450/10000; xent: 3.20; lr: 0.0000101; 50 docs/s; 181 sec\n", + "[2019-10-19 02:36:22,238 INFO] Step 500/10000; xent: 3.15; lr: 0.0000112; 51 docs/s; 201 sec\n", + "[2019-10-19 02:36:22,243 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_500.pt\n", + "[2019-10-19 02:36:43,577 INFO] Step 550/10000; xent: 3.20; lr: 0.0000123; 47 docs/s; 223 sec\n", + "[2019-10-19 02:37:04,098 INFO] Step 600/10000; xent: 3.15; lr: 0.0000134; 48 docs/s; 243 sec\n", + "[2019-10-19 02:37:24,028 INFO] Step 650/10000; xent: 3.09; lr: 0.0000145; 51 docs/s; 263 sec\n", + "[2019-10-19 02:37:44,052 INFO] Step 700/10000; xent: 3.07; lr: 0.0000157; 50 docs/s; 283 sec\n", + "[2019-10-19 02:38:03,992 INFO] Step 750/10000; xent: 3.09; lr: 0.0000168; 50 docs/s; 303 sec\n", + "[2019-10-19 02:38:24,385 INFO] Step 800/10000; xent: 3.11; lr: 0.0000179; 49 docs/s; 324 sec\n", + "[2019-10-19 02:38:44,304 INFO] Step 850/10000; xent: 3.03; lr: 0.0000190; 50 docs/s; 343 sec\n", + "[2019-10-19 02:39:04,298 INFO] Step 900/10000; xent: 3.09; lr: 0.0000201; 51 docs/s; 363 sec\n", + "[2019-10-19 02:39:24,058 INFO] Step 950/10000; xent: 3.01; lr: 0.0000212; 50 docs/s; 383 sec\n", + "[2019-10-19 02:39:44,710 INFO] Step 1000/10000; xent: 3.03; lr: 0.0000224; 49 docs/s; 404 sec\n", + "[2019-10-19 02:39:44,714 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_1000.pt\n", + "[2019-10-19 02:40:05,989 INFO] Step 1050/10000; xent: 2.98; lr: 0.0000235; 48 docs/s; 425 sec\n", + "[2019-10-19 02:40:25,825 INFO] Step 1100/10000; xent: 3.05; lr: 0.0000246; 50 docs/s; 445 sec\n", + "[2019-10-19 02:40:45,655 INFO] Step 1150/10000; xent: 2.92; lr: 0.0000257; 51 docs/s; 465 sec\n", + "[2019-10-19 02:41:06,318 INFO] Step 1200/10000; xent: 3.06; lr: 0.0000268; 49 docs/s; 485 sec\n", + "[2019-10-19 02:41:26,237 INFO] Step 1250/10000; xent: 2.97; lr: 0.0000280; 51 docs/s; 505 sec\n", + "[2019-10-19 02:41:46,149 INFO] Step 1300/10000; xent: 2.98; lr: 0.0000291; 51 docs/s; 525 sec\n", + "[2019-10-19 02:42:05,946 INFO] Step 1350/10000; xent: 2.97; lr: 0.0000302; 50 docs/s; 545 sec\n", + "[2019-10-19 02:42:26,622 INFO] Step 1400/10000; xent: 2.92; lr: 0.0000313; 49 docs/s; 566 sec\n", + "[2019-10-19 02:42:46,524 INFO] Step 1450/10000; xent: 2.96; lr: 0.0000324; 50 docs/s; 586 sec\n", + "[2019-10-19 02:43:06,344 INFO] Step 1500/10000; xent: 2.93; lr: 0.0000335; 50 docs/s; 605 sec\n", + "[2019-10-19 02:43:06,349 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_1500.pt\n", + "[2019-10-19 02:43:27,532 INFO] Step 1550/10000; xent: 3.00; lr: 0.0000347; 48 docs/s; 627 sec\n", + "[2019-10-19 02:43:48,869 INFO] Step 1600/10000; xent: 2.95; lr: 0.0000358; 47 docs/s; 648 sec\n", + "[2019-10-19 02:44:08,743 INFO] Step 1650/10000; xent: 2.92; lr: 0.0000369; 50 docs/s; 668 sec\n", + "[2019-10-19 02:44:28,794 INFO] Step 1700/10000; xent: 2.90; lr: 0.0000380; 51 docs/s; 688 sec\n", + "[2019-10-19 02:44:48,474 INFO] Step 1750/10000; xent: 2.94; lr: 0.0000391; 51 docs/s; 708 sec\n", + "[2019-10-19 02:45:09,125 INFO] Step 1800/10000; xent: 2.88; lr: 0.0000402; 49 docs/s; 728 sec\n", + "[2019-10-19 02:45:29,074 INFO] Step 1850/10000; xent: 3.02; lr: 0.0000414; 51 docs/s; 748 sec\n", + "[2019-10-19 02:45:49,046 INFO] Step 1900/10000; xent: 2.96; lr: 0.0000425; 50 docs/s; 768 sec\n", + "[2019-10-19 02:46:09,041 INFO] Step 1950/10000; xent: 2.89; lr: 0.0000436; 51 docs/s; 788 sec\n", + "[2019-10-19 02:46:29,682 INFO] Step 2000/10000; xent: 2.91; lr: 0.0000447; 49 docs/s; 809 sec\n", + "[2019-10-19 02:46:29,686 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_2000.pt\n", + "[2019-10-19 02:46:50,901 INFO] Step 2050/10000; xent: 2.81; lr: 0.0000442; 48 docs/s; 830 sec\n", + "[2019-10-19 02:47:10,867 INFO] Step 2100/10000; xent: 2.85; lr: 0.0000436; 50 docs/s; 850 sec\n", + "[2019-10-19 02:47:30,924 INFO] Step 2150/10000; xent: 2.95; lr: 0.0000431; 50 docs/s; 870 sec\n", + "[2019-10-19 02:47:51,466 INFO] Step 2200/10000; xent: 2.87; lr: 0.0000426; 49 docs/s; 891 sec\n", + "[2019-10-19 02:48:11,405 INFO] Step 2250/10000; xent: 2.89; lr: 0.0000422; 50 docs/s; 911 sec\n", + "[2019-10-19 02:48:31,287 INFO] Step 2300/10000; xent: 2.87; lr: 0.0000417; 50 docs/s; 930 sec\n", + "[2019-10-19 02:48:51,222 INFO] Step 2350/10000; xent: 2.88; lr: 0.0000413; 51 docs/s; 950 sec\n", + "[2019-10-19 02:49:11,935 INFO] Step 2400/10000; xent: 2.82; lr: 0.0000408; 49 docs/s; 971 sec\n", + "[2019-10-19 02:49:31,821 INFO] Step 2450/10000; xent: 2.79; lr: 0.0000404; 51 docs/s; 991 sec\n", + "[2019-10-19 02:49:51,801 INFO] Step 2500/10000; xent: 2.85; lr: 0.0000400; 51 docs/s; 1011 sec\n", + "[2019-10-19 02:49:51,805 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_2500.pt\n", + "[2019-10-19 02:50:12,963 INFO] Step 2550/10000; xent: 2.95; lr: 0.0000396; 48 docs/s; 1032 sec\n", + "[2019-10-19 02:50:33,442 INFO] Step 2600/10000; xent: 2.78; lr: 0.0000392; 49 docs/s; 1053 sec\n", + "[2019-10-19 02:50:53,355 INFO] Step 2650/10000; xent: 2.93; lr: 0.0000389; 51 docs/s; 1073 sec\n", + "[2019-10-19 02:51:13,191 INFO] Step 2700/10000; xent: 2.96; lr: 0.0000385; 51 docs/s; 1092 sec\n", + "[2019-10-19 02:51:33,095 INFO] Step 2750/10000; xent: 2.87; lr: 0.0000381; 51 docs/s; 1112 sec\n", + "[2019-10-19 02:51:53,403 INFO] Step 2800/10000; xent: 2.80; lr: 0.0000378; 49 docs/s; 1133 sec\n", + "[2019-10-19 02:52:13,224 INFO] Step 2850/10000; xent: 2.89; lr: 0.0000375; 50 docs/s; 1152 sec\n", + "[2019-10-19 02:52:33,198 INFO] Step 2900/10000; xent: 2.89; lr: 0.0000371; 51 docs/s; 1172 sec\n", + "[2019-10-19 02:52:53,090 INFO] Step 2950/10000; xent: 2.87; lr: 0.0000368; 51 docs/s; 1192 sec\n", + "[2019-10-19 02:53:13,511 INFO] Step 3000/10000; xent: 2.88; lr: 0.0000365; 49 docs/s; 1213 sec\n", + "[2019-10-19 02:53:13,514 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_3000.pt\n", + "[2019-10-19 02:53:34,637 INFO] Step 3050/10000; xent: 2.92; lr: 0.0000362; 48 docs/s; 1234 sec\n", + "[2019-10-19 02:53:54,402 INFO] Step 3100/10000; xent: 2.81; lr: 0.0000359; 51 docs/s; 1254 sec\n", + "[2019-10-19 02:54:14,136 INFO] Step 3150/10000; xent: 2.89; lr: 0.0000356; 51 docs/s; 1273 sec\n", + "[2019-10-19 02:54:34,743 INFO] Step 3200/10000; xent: 2.85; lr: 0.0000354; 49 docs/s; 1294 sec\n", + "[2019-10-19 02:54:54,686 INFO] Step 3250/10000; xent: 2.84; lr: 0.0000351; 51 docs/s; 1314 sec\n", + "[2019-10-19 02:55:14,555 INFO] Step 3300/10000; xent: 2.73; lr: 0.0000348; 50 docs/s; 1334 sec\n", + "[2019-10-19 02:55:34,379 INFO] Step 3350/10000; xent: 2.86; lr: 0.0000346; 51 docs/s; 1354 sec\n", + "[2019-10-19 02:55:54,853 INFO] Step 3400/10000; xent: 2.79; lr: 0.0000343; 49 docs/s; 1374 sec\n", + "[2019-10-19 02:56:14,734 INFO] Step 3450/10000; xent: 2.82; lr: 0.0000341; 51 docs/s; 1394 sec\n", + "[2019-10-19 02:56:34,512 INFO] Step 3500/10000; xent: 2.81; lr: 0.0000338; 51 docs/s; 1414 sec\n", + "[2019-10-19 02:56:34,516 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_3500.pt\n", + "[2019-10-19 02:56:55,590 INFO] Step 3550/10000; xent: 2.81; lr: 0.0000336; 48 docs/s; 1435 sec\n", + "[2019-10-19 02:57:16,000 INFO] Step 3600/10000; xent: 2.77; lr: 0.0000333; 49 docs/s; 1455 sec\n", + "[2019-10-19 02:57:35,833 INFO] Step 3650/10000; xent: 2.81; lr: 0.0000331; 51 docs/s; 1475 sec\n", + "[2019-10-19 02:57:55,680 INFO] Step 3700/10000; xent: 2.85; lr: 0.0000329; 51 docs/s; 1495 sec\n", + "[2019-10-19 02:58:15,494 INFO] Step 3750/10000; xent: 2.83; lr: 0.0000327; 51 docs/s; 1515 sec\n", + "[2019-10-19 02:58:35,990 INFO] Step 3800/10000; xent: 2.89; lr: 0.0000324; 49 docs/s; 1535 sec\n", + "[2019-10-19 02:58:55,844 INFO] Step 3850/10000; xent: 2.87; lr: 0.0000322; 51 docs/s; 1555 sec\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-15 18:24:44,627 INFO] Step 7650/10000; xent: 2.76; lr: 0.0000229; 49 docs/s; 3230 sec\n", - "[2019-10-15 18:25:05,523 INFO] Step 7700/10000; xent: 2.82; lr: 0.0000228; 48 docs/s; 3251 sec\n", - "[2019-10-15 18:25:27,089 INFO] Step 7750/10000; xent: 2.86; lr: 0.0000227; 47 docs/s; 3272 sec\n", - "[2019-10-15 18:25:47,876 INFO] Step 7800/10000; xent: 2.80; lr: 0.0000226; 48 docs/s; 3293 sec\n", - "[2019-10-15 18:26:08,708 INFO] Step 7850/10000; xent: 2.83; lr: 0.0000226; 48 docs/s; 3314 sec\n", - "[2019-10-15 18:26:29,493 INFO] Step 7900/10000; xent: 2.83; lr: 0.0000225; 49 docs/s; 3335 sec\n", - "[2019-10-15 18:26:51,045 INFO] Step 7950/10000; xent: 2.76; lr: 0.0000224; 47 docs/s; 3356 sec\n", - "[2019-10-15 18:27:11,842 INFO] Step 8000/10000; xent: 2.78; lr: 0.0000224; 48 docs/s; 3377 sec\n", - "[2019-10-15 18:27:11,846 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_8000.pt\n", - "[2019-10-15 18:27:33,976 INFO] Step 8050/10000; xent: 2.82; lr: 0.0000223; 45 docs/s; 3399 sec\n", - "[2019-10-15 18:27:54,858 INFO] Step 8100/10000; xent: 2.75; lr: 0.0000222; 49 docs/s; 3420 sec\n", - "[2019-10-15 18:28:16,407 INFO] Step 8150/10000; xent: 2.84; lr: 0.0000222; 47 docs/s; 3442 sec\n", - "[2019-10-15 18:28:37,145 INFO] Step 8200/10000; xent: 2.86; lr: 0.0000221; 49 docs/s; 3462 sec\n", - "[2019-10-15 18:28:57,996 INFO] Step 8250/10000; xent: 2.72; lr: 0.0000220; 48 docs/s; 3483 sec\n", - "[2019-10-15 18:29:18,776 INFO] Step 8300/10000; xent: 2.77; lr: 0.0000220; 48 docs/s; 3504 sec\n", - "[2019-10-15 18:29:40,224 INFO] Step 8350/10000; xent: 2.67; lr: 0.0000219; 47 docs/s; 3525 sec\n", - "[2019-10-15 18:30:01,190 INFO] Step 8400/10000; xent: 2.80; lr: 0.0000218; 49 docs/s; 3546 sec\n", - "[2019-10-15 18:30:21,820 INFO] Step 8450/10000; xent: 2.81; lr: 0.0000218; 49 docs/s; 3567 sec\n", - "[2019-10-15 18:30:42,632 INFO] Step 8500/10000; xent: 2.80; lr: 0.0000217; 48 docs/s; 3588 sec\n", - "[2019-10-15 18:30:42,636 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_8500.pt\n", - "[2019-10-15 18:31:05,497 INFO] Step 8550/10000; xent: 2.80; lr: 0.0000216; 44 docs/s; 3611 sec\n", - "[2019-10-15 18:31:26,353 INFO] Step 8600/10000; xent: 2.77; lr: 0.0000216; 48 docs/s; 3632 sec\n", - "[2019-10-15 18:31:47,131 INFO] Step 8650/10000; xent: 2.82; lr: 0.0000215; 49 docs/s; 3652 sec\n", - "[2019-10-15 18:32:08,004 INFO] Step 8700/10000; xent: 2.85; lr: 0.0000214; 48 docs/s; 3673 sec\n", - "[2019-10-15 18:32:29,641 INFO] Step 8750/10000; xent: 2.82; lr: 0.0000214; 47 docs/s; 3695 sec\n", - "[2019-10-15 18:32:50,512 INFO] Step 8800/10000; xent: 2.80; lr: 0.0000213; 48 docs/s; 3716 sec\n", - "[2019-10-15 18:33:11,332 INFO] Step 8850/10000; xent: 2.73; lr: 0.0000213; 48 docs/s; 3737 sec\n", - "[2019-10-15 18:33:32,160 INFO] Step 8900/10000; xent: 2.78; lr: 0.0000212; 48 docs/s; 3757 sec\n", - "[2019-10-15 18:33:53,602 INFO] Step 8950/10000; xent: 2.79; lr: 0.0000211; 47 docs/s; 3779 sec\n", - "[2019-10-15 18:34:14,359 INFO] Step 9000/10000; xent: 2.79; lr: 0.0000211; 48 docs/s; 3800 sec\n", - "[2019-10-15 18:34:14,363 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_9000.pt\n", - "[2019-10-15 18:34:36,486 INFO] Step 9050/10000; xent: 2.75; lr: 0.0000210; 45 docs/s; 3822 sec\n", - "[2019-10-15 18:34:57,361 INFO] Step 9100/10000; xent: 2.70; lr: 0.0000210; 48 docs/s; 3843 sec\n", - "[2019-10-15 18:35:18,931 INFO] Step 9150/10000; xent: 2.80; lr: 0.0000209; 47 docs/s; 3864 sec\n", - "[2019-10-15 18:35:39,714 INFO] Step 9200/10000; xent: 2.86; lr: 0.0000209; 49 docs/s; 3885 sec\n", - "[2019-10-15 18:36:00,636 INFO] Step 9250/10000; xent: 2.80; lr: 0.0000208; 48 docs/s; 3906 sec\n", - "[2019-10-15 18:36:21,489 INFO] Step 9300/10000; xent: 2.79; lr: 0.0000207; 49 docs/s; 3927 sec\n", - "[2019-10-15 18:36:42,979 INFO] Step 9350/10000; xent: 2.86; lr: 0.0000207; 47 docs/s; 3948 sec\n", - "[2019-10-15 18:37:03,791 INFO] Step 9400/10000; xent: 2.80; lr: 0.0000206; 48 docs/s; 3969 sec\n", - "[2019-10-15 18:37:24,571 INFO] Step 9450/10000; xent: 2.73; lr: 0.0000206; 49 docs/s; 3990 sec\n", - "[2019-10-15 18:37:45,326 INFO] Step 9500/10000; xent: 2.84; lr: 0.0000205; 48 docs/s; 4010 sec\n", - "[2019-10-15 18:37:45,330 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_9500.pt\n", - "[2019-10-15 18:38:08,399 INFO] Step 9550/10000; xent: 2.79; lr: 0.0000205; 44 docs/s; 4034 sec\n", - "[2019-10-15 18:38:29,389 INFO] Step 9600/10000; xent: 2.85; lr: 0.0000204; 49 docs/s; 4055 sec\n", - "[2019-10-15 18:38:50,108 INFO] Step 9650/10000; xent: 2.76; lr: 0.0000204; 48 docs/s; 4075 sec\n", - "[2019-10-15 18:39:10,997 INFO] Step 9700/10000; xent: 2.84; lr: 0.0000203; 48 docs/s; 4096 sec\n", - "[2019-10-15 18:39:32,498 INFO] Step 9750/10000; xent: 2.78; lr: 0.0000203; 47 docs/s; 4118 sec\n", - "[2019-10-15 18:39:53,372 INFO] Step 9800/10000; xent: 2.84; lr: 0.0000202; 48 docs/s; 4139 sec\n", - "[2019-10-15 18:40:14,324 INFO] Step 9850/10000; xent: 2.85; lr: 0.0000202; 48 docs/s; 4159 sec\n", - "[2019-10-15 18:40:35,114 INFO] Step 9900/10000; xent: 2.75; lr: 0.0000201; 48 docs/s; 4180 sec\n", - "[2019-10-15 18:40:56,505 INFO] Step 9950/10000; xent: 2.78; lr: 0.0000201; 47 docs/s; 4202 sec\n", - "[2019-10-15 18:41:17,372 INFO] Step 10000/10000; xent: 2.85; lr: 0.0000200; 48 docs/s; 4223 sec\n", - "[2019-10-15 18:41:17,376 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_10000.pt\n" + "[2019-10-19 02:59:15,758 INFO] Step 3900/10000; xent: 2.80; lr: 0.0000320; 50 docs/s; 1575 sec\n", + "[2019-10-19 02:59:35,515 INFO] Step 3950/10000; xent: 2.89; lr: 0.0000318; 51 docs/s; 1595 sec\n", + "[2019-10-19 02:59:57,046 INFO] Step 4000/10000; xent: 2.81; lr: 0.0000316; 47 docs/s; 1616 sec\n", + "[2019-10-19 02:59:57,049 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_4000.pt\n", + "[2019-10-19 03:00:18,131 INFO] Step 4050/10000; xent: 2.90; lr: 0.0000314; 47 docs/s; 1637 sec\n", + "[2019-10-19 03:00:37,971 INFO] Step 4100/10000; xent: 2.85; lr: 0.0000312; 51 docs/s; 1657 sec\n", + "[2019-10-19 03:00:57,735 INFO] Step 4150/10000; xent: 2.87; lr: 0.0000310; 51 docs/s; 1677 sec\n", + "[2019-10-19 03:01:18,349 INFO] Step 4200/10000; xent: 2.92; lr: 0.0000309; 49 docs/s; 1698 sec\n", + "[2019-10-19 03:01:38,242 INFO] Step 4250/10000; xent: 2.86; lr: 0.0000307; 51 docs/s; 1717 sec\n", + "[2019-10-19 03:01:57,970 INFO] Step 4300/10000; xent: 2.81; lr: 0.0000305; 51 docs/s; 1737 sec\n", + "[2019-10-19 03:02:17,720 INFO] Step 4350/10000; xent: 2.87; lr: 0.0000303; 51 docs/s; 1757 sec\n", + "[2019-10-19 03:02:38,092 INFO] Step 4400/10000; xent: 2.80; lr: 0.0000302; 49 docs/s; 1777 sec\n", + "[2019-10-19 03:02:57,965 INFO] Step 4450/10000; xent: 2.82; lr: 0.0000300; 51 docs/s; 1797 sec\n", + "[2019-10-19 03:03:17,682 INFO] Step 4500/10000; xent: 2.88; lr: 0.0000298; 51 docs/s; 1817 sec\n", + "[2019-10-19 03:03:17,685 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_4500.pt\n", + "[2019-10-19 03:03:38,792 INFO] Step 4550/10000; xent: 2.82; lr: 0.0000296; 48 docs/s; 1838 sec\n", + "[2019-10-19 03:03:59,232 INFO] Step 4600/10000; xent: 2.82; lr: 0.0000295; 49 docs/s; 1858 sec\n", + "[2019-10-19 03:04:19,051 INFO] Step 4650/10000; xent: 2.82; lr: 0.0000293; 51 docs/s; 1878 sec\n", + "[2019-10-19 03:04:38,825 INFO] Step 4700/10000; xent: 2.85; lr: 0.0000292; 51 docs/s; 1898 sec\n", + "[2019-10-19 03:04:58,717 INFO] Step 4750/10000; xent: 2.82; lr: 0.0000290; 51 docs/s; 1918 sec\n", + "[2019-10-19 03:05:20,029 INFO] Step 4800/10000; xent: 2.86; lr: 0.0000289; 47 docs/s; 1939 sec\n", + "[2019-10-19 03:05:39,788 INFO] Step 4850/10000; xent: 2.82; lr: 0.0000287; 51 docs/s; 1959 sec\n", + "[2019-10-19 03:05:59,515 INFO] Step 4900/10000; xent: 2.82; lr: 0.0000286; 52 docs/s; 1979 sec\n", + "[2019-10-19 03:06:19,197 INFO] Step 4950/10000; xent: 2.84; lr: 0.0000284; 51 docs/s; 1998 sec\n", + "[2019-10-19 03:06:39,516 INFO] Step 5000/10000; xent: 2.79; lr: 0.0000283; 49 docs/s; 2019 sec\n", + "[2019-10-19 03:06:39,519 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_5000.pt\n", + "[2019-10-19 03:07:00,548 INFO] Step 5050/10000; xent: 2.84; lr: 0.0000281; 48 docs/s; 2040 sec\n", + "[2019-10-19 03:07:20,369 INFO] Step 5100/10000; xent: 2.73; lr: 0.0000280; 51 docs/s; 2060 sec\n", + "[2019-10-19 03:07:40,154 INFO] Step 5150/10000; xent: 2.86; lr: 0.0000279; 50 docs/s; 2079 sec\n", + "[2019-10-19 03:08:00,127 INFO] Step 5200/10000; xent: 2.80; lr: 0.0000277; 50 docs/s; 2099 sec\n", + "[2019-10-19 03:08:19,959 INFO] Step 5250/10000; xent: 2.89; lr: 0.0000276; 51 docs/s; 2119 sec\n", + "[2019-10-19 03:08:39,783 INFO] Step 5300/10000; xent: 2.91; lr: 0.0000275; 51 docs/s; 2139 sec\n", + "[2019-10-19 03:08:59,614 INFO] Step 5350/10000; xent: 2.75; lr: 0.0000273; 51 docs/s; 2159 sec\n", + "[2019-10-19 03:09:19,675 INFO] Step 5400/10000; xent: 2.81; lr: 0.0000272; 50 docs/s; 2179 sec\n", + "[2019-10-19 03:09:39,495 INFO] Step 5450/10000; xent: 2.81; lr: 0.0000271; 51 docs/s; 2199 sec\n", + "[2019-10-19 03:09:59,266 INFO] Step 5500/10000; xent: 2.84; lr: 0.0000270; 51 docs/s; 2218 sec\n", + "[2019-10-19 03:09:59,269 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_5500.pt\n", + "[2019-10-19 03:10:20,352 INFO] Step 5550/10000; xent: 2.82; lr: 0.0000268; 48 docs/s; 2240 sec\n", + "[2019-10-19 03:10:40,538 INFO] Step 5600/10000; xent: 2.85; lr: 0.0000267; 51 docs/s; 2260 sec\n", + "[2019-10-19 03:11:00,400 INFO] Step 5650/10000; xent: 2.84; lr: 0.0000266; 50 docs/s; 2280 sec\n", + "[2019-10-19 03:11:20,172 INFO] Step 5700/10000; xent: 2.73; lr: 0.0000265; 51 docs/s; 2299 sec\n", + "[2019-10-19 03:11:40,047 INFO] Step 5750/10000; xent: 2.84; lr: 0.0000264; 51 docs/s; 2319 sec\n", + "[2019-10-19 03:11:59,932 INFO] Step 5800/10000; xent: 2.78; lr: 0.0000263; 50 docs/s; 2339 sec\n", + "[2019-10-19 03:12:19,839 INFO] Step 5850/10000; xent: 2.90; lr: 0.0000261; 51 docs/s; 2359 sec\n", + "[2019-10-19 03:12:39,543 INFO] Step 5900/10000; xent: 2.86; lr: 0.0000260; 51 docs/s; 2379 sec\n", + "[2019-10-19 03:12:59,289 INFO] Step 5950/10000; xent: 2.74; lr: 0.0000259; 51 docs/s; 2398 sec\n", + "[2019-10-19 03:13:19,324 INFO] Step 6000/10000; xent: 2.80; lr: 0.0000258; 50 docs/s; 2418 sec\n", + "[2019-10-19 03:13:19,326 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_6000.pt\n", + "[2019-10-19 03:13:40,112 INFO] Step 6050/10000; xent: 2.86; lr: 0.0000257; 48 docs/s; 2439 sec\n", + "[2019-10-19 03:13:59,765 INFO] Step 6100/10000; xent: 2.82; lr: 0.0000256; 51 docs/s; 2459 sec\n", + "[2019-10-19 03:14:19,449 INFO] Step 6150/10000; xent: 2.80; lr: 0.0000255; 51 docs/s; 2479 sec\n", + "[2019-10-19 03:14:39,429 INFO] Step 6200/10000; xent: 2.80; lr: 0.0000254; 51 docs/s; 2499 sec\n" ] } ], "source": [ - "bertsum_model.fit(device_id, training_data_files, train_steps=train_steps, train_from=\"\")" + "bertsum_model.fit(device_id, training_data_files, BertModel, \"bert-base-uncased\", None, train_steps=train_steps, train_from=\"\")" ] }, { @@ -3032,7 +2867,7 @@ }, { "cell_type": "code", - "execution_count": 26, + "execution_count": 12, "metadata": { "scrolled": true }, @@ -3052,14 +2887,39 @@ }, { "cell_type": "code", - "execution_count": 27, + "execution_count": 14, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-15 18:42:17,589 INFO] * number of parameters: 115790849\n" + "[2019-10-21 15:22:04,427 INFO] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-config.json from cache at ./temp/4dad0251492946e18ac39290fcfe91b89d370fee250efe9521476438fe8ca185.bf3b9ea126d8c0001ee8a1e8b92229871d06d36d8808208cc2449280da87785c\n", + "[2019-10-21 15:22:04,434 INFO] Model config {\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"finetuning_task\": null,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"num_labels\": 2,\n", + " \"output_attentions\": false,\n", + " \"output_hidden_states\": false,\n", + " \"output_past\": true,\n", + " \"pruned_heads\": {},\n", + " \"torchscript\": false,\n", + " \"type_vocab_size\": 2,\n", + " \"use_bfloat16\": false,\n", + " \"vocab_size\": 30522\n", + "}\n", + "\n", + "[2019-10-21 15:22:04,556 INFO] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-pytorch_model.bin from cache at ./temp/aa1ef1aede4482d0dbcd4d52baad8ae300e60902e88fcb0bebdec09afd232066.36ca03ab34a1a5d5fa7bc3d03d55c4fa650fed07220e2eeebc06ce58d0e9a157\n", + "[2019-10-21 15:22:29,189 INFO] * number of parameters: 115790849\n" ] }, { @@ -3073,10 +2933,10 @@ ], "source": [ "checkpoint_to_test = 10000\n", - "model_for_test = os.path.join(model_base_path + encoder + str(random_number), f\"model_step_{checkpoint_to_test}.pt\")\n", + "model_for_test = \"./models/transformer0.986928701409742/model_step_10000.pt\" # os.path.join(model_base_path + encoder + str(random_number), f\"model_step_{checkpoint_to_test}.pt\")\n", "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", - "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n", + "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset), BertModel, \"bert-base-uncased\",None,\n", " test_from=model_for_test,\n", " sentence_seperator='')\n", "\n" @@ -3084,7 +2944,7 @@ }, { "cell_type": "code", - "execution_count": 28, + "execution_count": 15, "metadata": {}, "outputs": [ { @@ -3093,7 +2953,7 @@ "11489" ] }, - "execution_count": 28, + "execution_count": 15, "metadata": {}, "output_type": "execute_result" } @@ -3104,7 +2964,7 @@ }, { "cell_type": "code", - "execution_count": 29, + "execution_count": 16, "metadata": {}, "outputs": [ { @@ -3119,22 +2979,22 @@ "name": "stderr", "output_type": "stream", "text": [ - "2019-10-15 18:45:18,185 [MainThread ] [INFO ] Writing summaries.\n", - "[2019-10-15 18:45:18,185 INFO] Writing summaries.\n", - "2019-10-15 18:45:18,194 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpsubsloro/system and model files to ./results/tmpsubsloro/model.\n", - "[2019-10-15 18:45:18,194 INFO] Processing summaries. Saving system files to ./results/tmpsubsloro/system and model files to ./results/tmpsubsloro/model.\n", - "2019-10-15 18:45:18,195 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-15-18-45-16/candidate/.\n", - "[2019-10-15 18:45:18,195 INFO] Processing files in ./results/rouge-tmp-2019-10-15-18-45-16/candidate/.\n", - "2019-10-15 18:45:19,514 [MainThread ] [INFO ] Saved processed files to ./results/tmpsubsloro/system.\n", - "[2019-10-15 18:45:19,514 INFO] Saved processed files to ./results/tmpsubsloro/system.\n", - "2019-10-15 18:45:19,516 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-15-18-45-16/reference/.\n", - "[2019-10-15 18:45:19,516 INFO] Processing files in ./results/rouge-tmp-2019-10-15-18-45-16/reference/.\n", - "2019-10-15 18:45:20,654 [MainThread ] [INFO ] Saved processed files to ./results/tmpsubsloro/model.\n", - "[2019-10-15 18:45:20,654 INFO] Saved processed files to ./results/tmpsubsloro/model.\n", - "2019-10-15 18:45:20,735 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp4yrd5g_s/rouge_conf.xml\n", - "[2019-10-15 18:45:20,735 INFO] Written ROUGE configuration to ./results/tmp4yrd5g_s/rouge_conf.xml\n", - "2019-10-15 18:45:20,736 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp4yrd5g_s/rouge_conf.xml\n", - "[2019-10-15 18:45:20,736 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp4yrd5g_s/rouge_conf.xml\n" + "2019-10-21 15:25:00,660 [MainThread ] [INFO ] Writing summaries.\n", + "[2019-10-21 15:25:00,660 INFO] Writing summaries.\n", + "2019-10-21 15:25:00,667 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmp2zfj1op9/system and model files to ./results/tmp2zfj1op9/model.\n", + "[2019-10-21 15:25:00,667 INFO] Processing summaries. Saving system files to ./results/tmp2zfj1op9/system and model files to ./results/tmp2zfj1op9/model.\n", + "2019-10-21 15:25:00,669 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-21-15-24-59/candidate/.\n", + "[2019-10-21 15:25:00,669 INFO] Processing files in ./results/rouge-tmp-2019-10-21-15-24-59/candidate/.\n", + "2019-10-21 15:25:01,839 [MainThread ] [INFO ] Saved processed files to ./results/tmp2zfj1op9/system.\n", + "[2019-10-21 15:25:01,839 INFO] Saved processed files to ./results/tmp2zfj1op9/system.\n", + "2019-10-21 15:25:01,841 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-21-15-24-59/reference/.\n", + "[2019-10-21 15:25:01,841 INFO] Processing files in ./results/rouge-tmp-2019-10-21-15-24-59/reference/.\n", + "2019-10-21 15:25:03,041 [MainThread ] [INFO ] Saved processed files to ./results/tmp2zfj1op9/model.\n", + "[2019-10-21 15:25:03,041 INFO] Saved processed files to ./results/tmp2zfj1op9/model.\n", + "2019-10-21 15:25:03,125 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp7d7wxa89/rouge_conf.xml\n", + "[2019-10-21 15:25:03,125 INFO] Written ROUGE configuration to ./results/tmp7d7wxa89/rouge_conf.xml\n", + "2019-10-21 15:25:03,126 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp7d7wxa89/rouge_conf.xml\n", + "[2019-10-21 15:25:03,126 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp7d7wxa89/rouge_conf.xml\n" ] }, { @@ -3142,17 +3002,17 @@ "output_type": "stream", "text": [ "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.53085 (95%-conf.int. 0.52800 - 0.53379)\n", - "1 ROUGE-1 Average_P: 0.37857 (95%-conf.int. 0.37621 - 0.38098)\n", - "1 ROUGE-1 Average_F: 0.42727 (95%-conf.int. 0.42510 - 0.42940)\n", + "1 ROUGE-1 Average_R: 0.53312 (95%-conf.int. 0.53040 - 0.53597)\n", + "1 ROUGE-1 Average_P: 0.37714 (95%-conf.int. 0.37466 - 0.37954)\n", + "1 ROUGE-1 Average_F: 0.42706 (95%-conf.int. 0.42495 - 0.42920)\n", "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.24509 (95%-conf.int. 0.24219 - 0.24801)\n", - "1 ROUGE-2 Average_P: 0.17560 (95%-conf.int. 0.17344 - 0.17784)\n", - "1 ROUGE-2 Average_F: 0.19750 (95%-conf.int. 0.19532 - 0.19981)\n", + "1 ROUGE-2 Average_R: 0.24620 (95%-conf.int. 0.24345 - 0.24885)\n", + "1 ROUGE-2 Average_P: 0.17488 (95%-conf.int. 0.17273 - 0.17718)\n", + "1 ROUGE-2 Average_F: 0.19740 (95%-conf.int. 0.19524 - 0.19962)\n", "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.48578 (95%-conf.int. 0.48310 - 0.48855)\n", - "1 ROUGE-L Average_P: 0.34703 (95%-conf.int. 0.34466 - 0.34939)\n", - "1 ROUGE-L Average_F: 0.39138 (95%-conf.int. 0.38922 - 0.39357)\n", + "1 ROUGE-L Average_R: 0.48760 (95%-conf.int. 0.48494 - 0.49034)\n", + "1 ROUGE-L Average_P: 0.34555 (95%-conf.int. 0.34313 - 0.34796)\n", + "1 ROUGE-L Average_F: 0.39100 (95%-conf.int. 0.38889 - 0.39312)\n", "\n" ] } diff --git a/utils_nlp/models/bert/extractive_text_summarization.py b/utils_nlp/models/bert/extractive_text_summarization.py index ce735b7f8..656c6488f 100644 --- a/utils_nlp/models/bert/extractive_text_summarization.py +++ b/utils_nlp/models/bert/extractive_text_summarization.py @@ -12,7 +12,7 @@ from bertsum.others.logging import logger, init_logger from bertsum.train import model_flags from bertsum.models.trainer import build_trainer -from bertsum.prepro.data_builder import BertData +from bertsum.prepro.data_builder import TransformerData from bertsum.models.data_loader import DataIterator,Batch,Dataloader from cached_property import cached_property import torch @@ -169,7 +169,7 @@ def cuda(self): return self.has_cuda - def fit(self, device_id, train_file_list, train_steps=5000, train_from='', batch_size=3000, + def fit(self, device_id, train_file_list, model_class, pretrained_model_name, pretrained_config=None, train_steps=5000, train_from='', batch_size=3000, warmup_proportion=0.2, decay_method='noam', lr=0.002,accum_count=2): """ Train a summarization model with specified training data files. @@ -208,11 +208,12 @@ def fit(self, device_id, train_file_list, train_steps=5000, train_from='', batch self.args.accum_count= accum_count print(self.args.__dict__) - self.model = Summarizer(self.args, device, load_pretrained_bert=True) + self.model = Summarizer(self.args, device, model_class, pretrained_model_name, pretrained_config) from torch.nn.parallel import DataParallel as DP self.model.to(device) self.model = DP(self.model, device_ids=[device]) - + + self.model.train() if train_from != '': checkpoint = torch.load(train_from, @@ -242,7 +243,7 @@ def train_iter_fct(): trainer = build_trainer(self.args, device_id, self.model, optim) trainer.train(train_iter_fct, train_steps) - def predict(self, device_id, data_iter, sentence_seperator='', test_from='', cal_lead=False): + def predict(self, device_id, data_iter, model_class, pretrained_model_name, pretrained_config=None, sentence_seperator='', test_from='', cal_lead=False): """ Predict the summarization for the input data iterator. @@ -269,7 +270,7 @@ def predict(self, device_id, data_iter, sentence_seperator='', test_from='', cal setattr(self.args, k, opt[k]) config = BertConfig.from_json_file(self.args.bert_config_path) - self.model = Summarizer(self.args, device, load_pretrained_bert=False, bert_config=config) + self.model = Summarizer(self.args, device, model_class, pretrained_model_name, pretrained_config) from torch import nn class WrappedModel(nn.Module): def __init__(self, module): From 1d76baf3025d3c58ba7f8be83ab9b67924364888 Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Wed, 23 Oct 2019 17:03:18 +0000 Subject: [PATCH 017/167] new dataset --- utils_nlp/dataset/cnndm.py | 149 +++++++++++++++++++++++++++++++++++++ 1 file changed, 149 insertions(+) create mode 100644 utils_nlp/dataset/cnndm.py diff --git a/utils_nlp/dataset/cnndm.py b/utils_nlp/dataset/cnndm.py new file mode 100644 index 000000000..1c855c60a --- /dev/null +++ b/utils_nlp/dataset/cnndm.py @@ -0,0 +1,149 @@ +import torch +from torchtext.utils import extract_archive +from utils_nlp.dataset.url_utils import maybe_download +import regex as re + +import nltk + +nltk.download("punkt") + +from nltk import tokenize +import torch +import sys +import os +from bertsum.others.utils import clean +from multiprocess import Pool +from tqdm import tqdm +import itertools + + +def _line_iter(file_path): + with open(file_path, "r", encoding="utf8") as fd: + for line in fd: + yield line + + +def _create__data_from_iterator(iterator, preprocessing, word_tokenizer): + data = [] + with tqdm(unit_scale=0, unit="lines") as t: + for line in iterator: + data.append(preprocess((line, preprocessing, word_tokenizer))) + return data + + +def _remove_ttags(line): + line = re.sub(r"", "", line) + # change to + # pyrouge test requires as sentence splitter + line = re.sub(r"", "", line) + return line + + +def _cnndm_target_sentence_tokenization(line): + return line.split("") + + +def preprocess(param): + """ + Helper function to preprocess a list of paragraphs. + + Args: + param (Tuple): params are tuple of (a list of strings, a list of preprocessing functions, and function to tokenize setences into words). A paragraph is represented with a single string with multiple setnences. + + Returns: + list of list of strings, where each string is a token or word. + """ + + sentences, preprocess_pipeline, word_tokenize = param + for function in preprocess_pipeline: + sentences = function(sentences) + return [word_tokenize(sentence) for sentence in sentences] + + +class Summarization(torch.utils.data.Dataset): + @staticmethod + def sort_key(ex): + return len(ex.source) + + def __init__( + self, + source_file, + target_file, + source_preprocessing, + target_preprocessing, + word_tokenization, + top_n=-1, + **kwargs + ): + """ create an CNN/CM dataset instance given the paths of source file and targetfile""" + + super(Summarization, self).__init__() + source_iter = _line_iter(source_file) + target_iter = _line_iter(target_file) + + if top_n != -1: + source_iter = itertools.islice(source_iter, top_n) + target_iter = itertools.islice(target_iter, top_n) + + self._source = _create__data_from_iterator( + source_iter, source_preprocessing, word_tokenization + ) + + self._target = _create__data_from_iterator( + target_iter, target_preprocessing, word_tokenization + ) + + def __getitem__(self, i): + return self._source[i] + + def __len__(self): + return len(self._source) + + def __iter__(self): + for x in self._source: + yield x + + def get_target(self): + return self._target + + +def CNNDMSummarization(*args, **kwargs): + urls = ["https://s3.amazonaws.com/opennmt-models/Summary/cnndm.tar.gz"] + dirname = "cnndmsum" + name = "cnndmsum" + + def _setup_datasets(url, top_n=-1, local_cache_path=".data"): + file_name = "cnndm.tar.gz" + maybe_download(url, file_name, local_cache_path) + dataset_tar = os.path.join(local_cache_path, file_name) + extracted_files = extract_archive(dataset_tar) + for fname in extracted_files: + if fname.endswith("train.txt.src"): + train_source_file = fname + if fname.endswith("train.txt.tgt.tagged"): + train_target_file = fname + if fname.endswith("test.txt.src"): + test_source_file = fname + if fname.endswith("test.txt.tgt.tagged"): + test_target_file = fname + + return ( + Summarization( + train_source_file, + train_target_file, + [clean, tokenize.sent_tokenize], + [clean, _remove_ttags, _cnndm_target_sentence_tokenization], + nltk.word_tokenize, + top_n, + ), + Summarization( + test_source_file, + test_target_file, + [clean, tokenize.sent_tokenize], + [clean, _remove_ttags, _cnndm_target_sentence_tokenization], + nltk.word_tokenize, + top_n, + ), + ) + + return _setup_datasets(*((urls[0],) + args), **kwargs) From f3d5d73bf10d4964eabf14ca349ea40f0f8855ec Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Thu, 24 Oct 2019 20:50:07 +0000 Subject: [PATCH 018/167] version that looks like other wrappers --- .../CNNDM_TransformerSum.ipynb | 2052 +++++++++++++++++ utils_nlp/models/transformers/common.py | 31 +- .../transformers/extractive_summarization.py | 382 +++ 3 files changed, 2454 insertions(+), 11 deletions(-) create mode 100644 examples/text_summarization/CNNDM_TransformerSum.ipynb create mode 100644 utils_nlp/models/transformers/extractive_summarization.py diff --git a/examples/text_summarization/CNNDM_TransformerSum.ipynb b/examples/text_summarization/CNNDM_TransformerSum.ipynb new file mode 100644 index 000000000..2e6bb5a75 --- /dev/null +++ b/examples/text_summarization/CNNDM_TransformerSum.ipynb @@ -0,0 +1,2052 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "%load_ext autoreload\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "import sys\n", + "import os\n", + "\n", + "nlp_path = os.path.abspath(\"../../\")\n", + "if nlp_path not in sys.path:\n", + " sys.path.insert(0, nlp_path)\n", + "sys.path.insert(0, \"./\")\n", + "sys.path.insert(0, \"./BertSum\")" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "%autoreload 2" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", + "[nltk_data] Package punkt is already up-to-date!\n" + ] + } + ], + "source": [ + "from utils_nlp.dataset.cnndm import CNNDMSummarization" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "0lines [00:00, ?lines/s]\n", + "0lines [00:00, ?lines/s]\n", + "0lines [00:00, ?lines/s]\n", + "0lines [00:00, ?lines/s]\n" + ] + } + ], + "source": [ + "train_dataset, test_dataset = CNNDMSummarization(top_n=5)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "data": { + "text/plain": [ + "5" + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(train_dataset)" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "5" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(test_dataset)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[['marseille',\n", + " ',',\n", + " 'france',\n", + " '(',\n", + " 'cnn',\n", + " ')',\n", + " 'the',\n", + " 'french',\n", + " 'prosecutor',\n", + " 'leading',\n", + " 'an',\n", + " 'investigation',\n", + " 'into',\n", + " 'the',\n", + " 'crash',\n", + " 'of',\n", + " 'germanwings',\n", + " 'flight',\n", + " '9525',\n", + " 'insisted',\n", + " 'wednesday',\n", + " 'that',\n", + " 'he',\n", + " 'was',\n", + " 'not',\n", + " 'aware',\n", + " 'of',\n", + " 'any',\n", + " 'video',\n", + " 'footage',\n", + " 'from',\n", + " 'on',\n", + " 'board',\n", + " 'the',\n", + " 'plane',\n", + " '.'],\n", + " ['marseille',\n", + " 'prosecutor',\n", + " 'brice',\n", + " 'robin',\n", + " 'told',\n", + " 'cnn',\n", + " 'that',\n", + " '``',\n", + " 'so',\n", + " 'far',\n", + " 'no',\n", + " 'videos',\n", + " 'were',\n", + " 'used',\n", + " 'in',\n", + " 'the',\n", + " 'crash',\n", + " 'investigation',\n", + " '.',\n", + " '``'],\n", + " ['he',\n", + " 'added',\n", + " ',',\n", + " '``',\n", + " 'a',\n", + " 'person',\n", + " 'who',\n", + " 'has',\n", + " 'such',\n", + " 'a',\n", + " 'video',\n", + " 'needs',\n", + " 'to',\n", + " 'immediately',\n", + " 'give',\n", + " 'it',\n", + " 'to',\n", + " 'the',\n", + " 'investigators',\n", + " '.',\n", + " '``'],\n", + " ['robin',\n", + " \"'s\",\n", + " 'comments',\n", + " 'follow',\n", + " 'claims',\n", + " 'by',\n", + " 'two',\n", + " 'magazines',\n", + " ',',\n", + " 'german',\n", + " 'daily',\n", + " 'bild',\n", + " 'and',\n", + " 'french',\n", + " 'paris',\n", + " 'match',\n", + " ',',\n", + " 'of',\n", + " 'a',\n", + " 'cell',\n", + " 'phone',\n", + " 'video',\n", + " 'showing',\n", + " 'the',\n", + " 'harrowing',\n", + " 'final',\n", + " 'seconds',\n", + " 'from',\n", + " 'on',\n", + " 'board',\n", + " 'germanwings',\n", + " 'flight',\n", + " '9525',\n", + " 'as',\n", + " 'it',\n", + " 'crashed',\n", + " 'into',\n", + " 'the',\n", + " 'french',\n", + " 'alps',\n", + " '.'],\n", + " ['all', '150', 'on', 'board', 'were', 'killed', '.'],\n", + " ['paris',\n", + " 'match',\n", + " 'and',\n", + " 'bild',\n", + " 'reported',\n", + " 'that',\n", + " 'the',\n", + " 'video',\n", + " 'was',\n", + " 'recovered',\n", + " 'from',\n", + " 'a',\n", + " 'phone',\n", + " 'at',\n", + " 'the',\n", + " 'wreckage',\n", + " 'site',\n", + " '.'],\n", + " ['the',\n", + " 'two',\n", + " 'publications',\n", + " 'described',\n", + " 'the',\n", + " 'supposed',\n", + " 'video',\n", + " ',',\n", + " 'but',\n", + " 'did',\n", + " 'not',\n", + " 'post',\n", + " 'it',\n", + " 'on',\n", + " 'their',\n", + " 'websites',\n", + " '.'],\n", + " ['the',\n", + " 'publications',\n", + " 'said',\n", + " 'that',\n", + " 'they',\n", + " 'watched',\n", + " 'the',\n", + " 'video',\n", + " ',',\n", + " 'which',\n", + " 'was',\n", + " 'found',\n", + " 'by',\n", + " 'a',\n", + " 'source',\n", + " 'close',\n", + " 'to',\n", + " 'the',\n", + " 'investigation',\n", + " '.',\n", + " '``'],\n", + " ['one',\n", + " 'can',\n", + " 'hear',\n", + " 'cries',\n", + " 'of',\n", + " '`',\n", + " 'my',\n", + " 'god',\n", + " \"'\",\n", + " 'in',\n", + " 'several',\n", + " 'languages',\n", + " ',',\n", + " '``',\n", + " 'paris',\n", + " 'match',\n", + " 'reported',\n", + " '.',\n", + " '``'],\n", + " ['metallic',\n", + " 'banging',\n", + " 'can',\n", + " 'also',\n", + " 'be',\n", + " 'heard',\n", + " 'more',\n", + " 'than',\n", + " 'three',\n", + " 'times',\n", + " ',',\n", + " 'perhaps',\n", + " 'of',\n", + " 'the',\n", + " 'pilot',\n", + " 'trying',\n", + " 'to',\n", + " 'open',\n", + " 'the',\n", + " 'cockpit',\n", + " 'door',\n", + " 'with',\n", + " 'a',\n", + " 'heavy',\n", + " 'object',\n", + " '.'],\n", + " ['towards',\n", + " 'the',\n", + " 'end',\n", + " ',',\n", + " 'after',\n", + " 'a',\n", + " 'heavy',\n", + " 'shake',\n", + " ',',\n", + " 'stronger',\n", + " 'than',\n", + " 'the',\n", + " 'others',\n", + " ',',\n", + " 'the',\n", + " 'screaming',\n", + " 'intensifies',\n", + " '.'],\n", + " ['then', 'nothing', '.', '``'],\n", + " ['``',\n", + " 'it',\n", + " 'is',\n", + " 'a',\n", + " 'very',\n", + " 'disturbing',\n", + " 'scene',\n", + " ',',\n", + " '``',\n", + " 'said',\n", + " 'julian',\n", + " 'reichelt',\n", + " ',',\n", + " 'editor-in-chief',\n", + " 'of',\n", + " 'bild',\n", + " 'online',\n", + " '.'],\n", + " ['an',\n", + " 'official',\n", + " 'with',\n", + " 'france',\n", + " \"'s\",\n", + " 'accident',\n", + " 'investigation',\n", + " 'agency',\n", + " ',',\n", + " 'the',\n", + " 'bea',\n", + " ',',\n", + " 'said',\n", + " 'the',\n", + " 'agency',\n", + " 'is',\n", + " 'not',\n", + " 'aware',\n", + " 'of',\n", + " 'any',\n", + " 'such',\n", + " 'video',\n", + " '.'],\n", + " ['lt.',\n", + " 'col.',\n", + " 'jean-marc',\n", + " 'menichini',\n", + " ',',\n", + " 'a',\n", + " 'french',\n", + " 'gendarmerie',\n", + " 'spokesman',\n", + " 'in',\n", + " 'charge',\n", + " 'of',\n", + " 'communications',\n", + " 'on',\n", + " 'rescue',\n", + " 'efforts',\n", + " 'around',\n", + " 'the',\n", + " 'germanwings',\n", + " 'crash',\n", + " 'site',\n", + " ',',\n", + " 'told',\n", + " 'cnn',\n", + " 'that',\n", + " 'the',\n", + " 'reports',\n", + " 'were',\n", + " '``',\n", + " 'completely',\n", + " 'wrong',\n", + " '``',\n", + " 'and',\n", + " '``',\n", + " 'unwarranted',\n", + " '.',\n", + " '``'],\n", + " ['cell',\n", + " 'phones',\n", + " 'have',\n", + " 'been',\n", + " 'collected',\n", + " 'at',\n", + " 'the',\n", + " 'site',\n", + " ',',\n", + " 'he',\n", + " 'said',\n", + " ',',\n", + " 'but',\n", + " 'that',\n", + " 'they',\n", + " '``',\n", + " 'had',\n", + " \"n't\",\n", + " 'been',\n", + " 'exploited',\n", + " 'yet',\n", + " '.',\n", + " '``'],\n", + " ['menichini',\n", + " 'said',\n", + " 'he',\n", + " 'believed',\n", + " 'the',\n", + " 'cell',\n", + " 'phones',\n", + " 'would',\n", + " 'need',\n", + " 'to',\n", + " 'be',\n", + " 'sent',\n", + " 'to',\n", + " 'the',\n", + " 'criminal',\n", + " 'research',\n", + " 'institute',\n", + " 'in',\n", + " 'rosny',\n", + " 'sous-bois',\n", + " ',',\n", + " 'near',\n", + " 'paris',\n", + " ',',\n", + " 'in',\n", + " 'order',\n", + " 'to',\n", + " 'be',\n", + " 'analyzed',\n", + " 'by',\n", + " 'specialized',\n", + " 'technicians',\n", + " 'working',\n", + " 'hand-in-hand',\n", + " 'with',\n", + " 'investigators',\n", + " '.'],\n", + " ['but',\n", + " 'none',\n", + " 'of',\n", + " 'the',\n", + " 'cell',\n", + " 'phones',\n", + " 'found',\n", + " 'so',\n", + " 'far',\n", + " 'have',\n", + " 'been',\n", + " 'sent',\n", + " 'to',\n", + " 'the',\n", + " 'institute',\n", + " ',',\n", + " 'menichini',\n", + " 'said',\n", + " '.'],\n", + " ['asked',\n", + " 'whether',\n", + " 'staff',\n", + " 'involved',\n", + " 'in',\n", + " 'the',\n", + " 'search',\n", + " 'could',\n", + " 'have',\n", + " 'leaked',\n", + " 'a',\n", + " 'memory',\n", + " 'card',\n", + " 'to',\n", + " 'the',\n", + " 'media',\n", + " ',',\n", + " 'menichini',\n", + " 'answered',\n", + " 'with',\n", + " 'a',\n", + " 'categorical',\n", + " '``',\n", + " 'no',\n", + " '.',\n", + " '``'],\n", + " ['reichelt',\n", + " 'told',\n", + " '``',\n", + " 'erin',\n", + " 'burnett',\n", + " ':',\n", + " 'outfront',\n", + " '``',\n", + " 'that',\n", + " 'he',\n", + " 'had',\n", + " 'watched',\n", + " 'the',\n", + " 'video',\n", + " 'and',\n", + " 'stood',\n", + " 'by',\n", + " 'the',\n", + " 'report',\n", + " ',',\n", + " 'saying',\n", + " 'bild',\n", + " 'and',\n", + " 'paris',\n", + " 'match',\n", + " 'are',\n", + " '``',\n", + " 'very',\n", + " 'confident',\n", + " '``',\n", + " 'that',\n", + " 'the',\n", + " 'clip',\n", + " 'is',\n", + " 'real',\n", + " '.'],\n", + " ['he',\n", + " 'noted',\n", + " 'that',\n", + " 'investigators',\n", + " 'only',\n", + " 'revealed',\n", + " 'they',\n", + " \"'d\",\n", + " 'recovered',\n", + " 'cell',\n", + " 'phones',\n", + " 'from',\n", + " 'the',\n", + " 'crash',\n", + " 'site',\n", + " 'after',\n", + " 'bild',\n", + " 'and',\n", + " 'paris',\n", + " 'match',\n", + " 'published',\n", + " 'their',\n", + " 'reports',\n", + " '.',\n", + " '``'],\n", + " ['that', 'is', 'something', 'we', 'did', 'not', 'know', 'before', '.'],\n", + " ['...',\n", + " 'overall',\n", + " 'we',\n", + " 'can',\n", + " 'say',\n", + " 'many',\n", + " 'things',\n", + " 'of',\n", + " 'the',\n", + " 'investigation',\n", + " 'were',\n", + " \"n't\",\n", + " 'revealed',\n", + " 'by',\n", + " 'the',\n", + " 'investigation',\n", + " 'at',\n", + " 'the',\n", + " 'beginning',\n", + " ',',\n", + " '``',\n", + " 'he',\n", + " 'said',\n", + " '.'],\n", + " ['what', 'was', 'mental', 'state', 'of', 'germanwings', 'co-pilot', '?'],\n", + " ['german',\n", + " 'airline',\n", + " 'lufthansa',\n", + " 'confirmed',\n", + " 'tuesday',\n", + " 'that',\n", + " 'co-pilot',\n", + " 'andreas',\n", + " 'lubitz',\n", + " 'had',\n", + " 'battled',\n", + " 'depression',\n", + " 'years',\n", + " 'before',\n", + " 'he',\n", + " 'took',\n", + " 'the',\n", + " 'controls',\n", + " 'of',\n", + " 'germanwings',\n", + " 'flight',\n", + " '9525',\n", + " ',',\n", + " 'which',\n", + " 'he',\n", + " \"'s\",\n", + " 'accused',\n", + " 'of',\n", + " 'deliberately',\n", + " 'crashing',\n", + " 'last',\n", + " 'week',\n", + " 'in',\n", + " 'the',\n", + " 'french',\n", + " 'alps',\n", + " '.'],\n", + " ['lubitz',\n", + " 'told',\n", + " 'his',\n", + " 'lufthansa',\n", + " 'flight',\n", + " 'training',\n", + " 'school',\n", + " 'in',\n", + " '2009',\n", + " 'that',\n", + " 'he',\n", + " 'had',\n", + " 'a',\n", + " '``',\n", + " 'previous',\n", + " 'episode',\n", + " 'of',\n", + " 'severe',\n", + " 'depression',\n", + " ',',\n", + " '``',\n", + " 'the',\n", + " 'airline',\n", + " 'said',\n", + " 'tuesday',\n", + " '.'],\n", + " ['email',\n", + " 'correspondence',\n", + " 'between',\n", + " 'lubitz',\n", + " 'and',\n", + " 'the',\n", + " 'school',\n", + " 'discovered',\n", + " 'in',\n", + " 'an',\n", + " 'internal',\n", + " 'investigation',\n", + " ',',\n", + " 'lufthansa',\n", + " 'said',\n", + " ',',\n", + " 'included',\n", + " 'medical',\n", + " 'documents',\n", + " 'he',\n", + " 'submitted',\n", + " 'in',\n", + " 'connection',\n", + " 'with',\n", + " 'resuming',\n", + " 'his',\n", + " 'flight',\n", + " 'training',\n", + " '.'],\n", + " ['the',\n", + " 'announcement',\n", + " 'indicates',\n", + " 'that',\n", + " 'lufthansa',\n", + " ',',\n", + " 'the',\n", + " 'parent',\n", + " 'company',\n", + " 'of',\n", + " 'germanwings',\n", + " ',',\n", + " 'knew',\n", + " 'of',\n", + " 'lubitz',\n", + " \"'s\",\n", + " 'battle',\n", + " 'with',\n", + " 'depression',\n", + " ',',\n", + " 'allowed',\n", + " 'him',\n", + " 'to',\n", + " 'continue',\n", + " 'training',\n", + " 'and',\n", + " 'ultimately',\n", + " 'put',\n", + " 'him',\n", + " 'in',\n", + " 'the',\n", + " 'cockpit',\n", + " '.'],\n", + " ['lufthansa',\n", + " ',',\n", + " 'whose',\n", + " 'ceo',\n", + " 'carsten',\n", + " 'spohr',\n", + " 'previously',\n", + " 'said',\n", + " 'lubitz',\n", + " 'was',\n", + " '100',\n", + " '%',\n", + " 'fit',\n", + " 'to',\n", + " 'fly',\n", + " ',',\n", + " 'described',\n", + " 'its',\n", + " 'statement',\n", + " 'tuesday',\n", + " 'as',\n", + " 'a',\n", + " '``',\n", + " 'swift',\n", + " 'and',\n", + " 'seamless',\n", + " 'clarification',\n", + " '``',\n", + " 'and',\n", + " 'said',\n", + " 'it',\n", + " 'was',\n", + " 'sharing',\n", + " 'the',\n", + " 'information',\n", + " 'and',\n", + " 'documents',\n", + " '--',\n", + " 'including',\n", + " 'training',\n", + " 'and',\n", + " 'medical',\n", + " 'records',\n", + " '--',\n", + " 'with',\n", + " 'public',\n", + " 'prosecutors',\n", + " '.'],\n", + " ['spohr',\n", + " 'traveled',\n", + " 'to',\n", + " 'the',\n", + " 'crash',\n", + " 'site',\n", + " 'wednesday',\n", + " ',',\n", + " 'where',\n", + " 'recovery',\n", + " 'teams',\n", + " 'have',\n", + " 'been',\n", + " 'working',\n", + " 'for',\n", + " 'the',\n", + " 'past',\n", + " 'week',\n", + " 'to',\n", + " 'recover',\n", + " 'human',\n", + " 'remains',\n", + " 'and',\n", + " 'plane',\n", + " 'debris',\n", + " 'scattered',\n", + " 'across',\n", + " 'a',\n", + " 'steep',\n", + " 'mountainside',\n", + " '.'],\n", + " ['he',\n", + " 'saw',\n", + " 'the',\n", + " 'crisis',\n", + " 'center',\n", + " 'set',\n", + " 'up',\n", + " 'in',\n", + " 'seyne-les-alpes',\n", + " ',',\n", + " 'laid',\n", + " 'a',\n", + " 'wreath',\n", + " 'in',\n", + " 'the',\n", + " 'village',\n", + " 'of',\n", + " 'le',\n", + " 'vernet',\n", + " ',',\n", + " 'closer',\n", + " 'to',\n", + " 'the',\n", + " 'crash',\n", + " 'site',\n", + " ',',\n", + " 'where',\n", + " 'grieving',\n", + " 'families',\n", + " 'have',\n", + " 'left',\n", + " 'flowers',\n", + " 'at',\n", + " 'a',\n", + " 'simple',\n", + " 'stone',\n", + " 'memorial',\n", + " '.'],\n", + " ['menichini',\n", + " 'told',\n", + " 'cnn',\n", + " 'late',\n", + " 'tuesday',\n", + " 'that',\n", + " 'no',\n", + " 'visible',\n", + " 'human',\n", + " 'remains',\n", + " 'were',\n", + " 'left',\n", + " 'at',\n", + " 'the',\n", + " 'site',\n", + " 'but',\n", + " 'recovery',\n", + " 'teams',\n", + " 'would',\n", + " 'keep',\n", + " 'searching',\n", + " '.'],\n", + " ['french',\n", + " 'president',\n", + " 'francois',\n", + " 'hollande',\n", + " ',',\n", + " 'speaking',\n", + " 'tuesday',\n", + " ',',\n", + " 'said',\n", + " 'that',\n", + " 'it',\n", + " 'should',\n", + " 'be',\n", + " 'possible',\n", + " 'to',\n", + " 'identify',\n", + " 'all',\n", + " 'the',\n", + " 'victims',\n", + " 'using',\n", + " 'dna',\n", + " 'analysis',\n", + " 'by',\n", + " 'the',\n", + " 'end',\n", + " 'of',\n", + " 'the',\n", + " 'week',\n", + " ',',\n", + " 'sooner',\n", + " 'than',\n", + " 'authorities',\n", + " 'had',\n", + " 'previously',\n", + " 'suggested',\n", + " '.'],\n", + " ['in',\n", + " 'the',\n", + " 'meantime',\n", + " ',',\n", + " 'the',\n", + " 'recovery',\n", + " 'of',\n", + " 'the',\n", + " 'victims',\n", + " \"'\",\n", + " 'personal',\n", + " 'belongings',\n", + " 'will',\n", + " 'start',\n", + " 'wednesday',\n", + " ',',\n", + " 'menichini',\n", + " 'said',\n", + " '.'],\n", + " ['among',\n", + " 'those',\n", + " 'personal',\n", + " 'belongings',\n", + " 'could',\n", + " 'be',\n", + " 'more',\n", + " 'cell',\n", + " 'phones',\n", + " 'belonging',\n", + " 'to',\n", + " 'the',\n", + " '144',\n", + " 'passengers',\n", + " 'and',\n", + " 'six',\n", + " 'crew',\n", + " 'on',\n", + " 'board',\n", + " '.'],\n", + " ['check', 'out', 'the', 'latest', 'from', 'our', 'correspondents', '.'],\n", + " ['the',\n", + " 'details',\n", + " 'about',\n", + " 'lubitz',\n", + " \"'s\",\n", + " 'correspondence',\n", + " 'with',\n", + " 'the',\n", + " 'flight',\n", + " 'school',\n", + " 'during',\n", + " 'his',\n", + " 'training',\n", + " 'were',\n", + " 'among',\n", + " 'several',\n", + " 'developments',\n", + " 'as',\n", + " 'investigators',\n", + " 'continued',\n", + " 'to',\n", + " 'delve',\n", + " 'into',\n", + " 'what',\n", + " 'caused',\n", + " 'the',\n", + " 'crash',\n", + " 'and',\n", + " 'lubitz',\n", + " \"'s\",\n", + " 'possible',\n", + " 'motive',\n", + " 'for',\n", + " 'downing',\n", + " 'the',\n", + " 'jet',\n", + " '.'],\n", + " ['a',\n", + " 'lufthansa',\n", + " 'spokesperson',\n", + " 'told',\n", + " 'cnn',\n", + " 'on',\n", + " 'tuesday',\n", + " 'that',\n", + " 'lubitz',\n", + " 'had',\n", + " 'a',\n", + " 'valid',\n", + " 'medical',\n", + " 'certificate',\n", + " ',',\n", + " 'had',\n", + " 'passed',\n", + " 'all',\n", + " 'his',\n", + " 'examinations',\n", + " 'and',\n", + " '``',\n", + " 'held',\n", + " 'all',\n", + " 'the',\n", + " 'licenses',\n", + " 'required',\n", + " '.',\n", + " '``'],\n", + " ['earlier',\n", + " ',',\n", + " 'a',\n", + " 'spokesman',\n", + " 'for',\n", + " 'the',\n", + " 'prosecutor',\n", + " \"'s\",\n", + " 'office',\n", + " 'in',\n", + " 'dusseldorf',\n", + " ',',\n", + " 'christoph',\n", + " 'kumpa',\n", + " ',',\n", + " 'said',\n", + " 'medical',\n", + " 'records',\n", + " 'reveal',\n", + " 'lubitz',\n", + " 'suffered',\n", + " 'from',\n", + " 'suicidal',\n", + " 'tendencies',\n", + " 'at',\n", + " 'some',\n", + " 'point',\n", + " 'before',\n", + " 'his',\n", + " 'aviation',\n", + " 'career',\n", + " 'and',\n", + " 'underwent',\n", + " 'psychotherapy',\n", + " 'before',\n", + " 'he',\n", + " 'got',\n", + " 'his',\n", + " 'pilot',\n", + " \"'s\",\n", + " 'license',\n", + " '.'],\n", + " ['kumpa',\n", + " 'emphasized',\n", + " 'there',\n", + " \"'s\",\n", + " 'no',\n", + " 'evidence',\n", + " 'suggesting',\n", + " 'lubitz',\n", + " 'was',\n", + " 'suicidal',\n", + " 'or',\n", + " 'acting',\n", + " 'aggressively',\n", + " 'before',\n", + " 'the',\n", + " 'crash',\n", + " '.'],\n", + " ['investigators',\n", + " 'are',\n", + " 'looking',\n", + " 'into',\n", + " 'whether',\n", + " 'lubitz',\n", + " 'feared',\n", + " 'his',\n", + " 'medical',\n", + " 'condition',\n", + " 'would',\n", + " 'cause',\n", + " 'him',\n", + " 'to',\n", + " 'lose',\n", + " 'his',\n", + " 'pilot',\n", + " \"'s\",\n", + " 'license',\n", + " ',',\n", + " 'a',\n", + " 'european',\n", + " 'government',\n", + " 'official',\n", + " 'briefed',\n", + " 'on',\n", + " 'the',\n", + " 'investigation',\n", + " 'told',\n", + " 'cnn',\n", + " 'on',\n", + " 'tuesday',\n", + " '.'],\n", + " ['while',\n", + " 'flying',\n", + " 'was',\n", + " '``',\n", + " 'a',\n", + " 'big',\n", + " 'part',\n", + " 'of',\n", + " 'his',\n", + " 'life',\n", + " ',',\n", + " '``',\n", + " 'the',\n", + " 'source',\n", + " 'said',\n", + " ',',\n", + " 'it',\n", + " \"'s\",\n", + " 'only',\n", + " 'one',\n", + " 'theory',\n", + " 'being',\n", + " 'considered',\n", + " '.'],\n", + " ['another',\n", + " 'source',\n", + " ',',\n", + " 'a',\n", + " 'law',\n", + " 'enforcement',\n", + " 'official',\n", + " 'briefed',\n", + " 'on',\n", + " 'the',\n", + " 'investigation',\n", + " ',',\n", + " 'also',\n", + " 'told',\n", + " 'cnn',\n", + " 'that',\n", + " 'authorities',\n", + " 'believe',\n", + " 'the',\n", + " 'primary',\n", + " 'motive',\n", + " 'for',\n", + " 'lubitz',\n", + " 'to',\n", + " 'bring',\n", + " 'down',\n", + " 'the',\n", + " 'plane',\n", + " 'was',\n", + " 'that',\n", + " 'he',\n", + " 'feared',\n", + " 'he',\n", + " 'would',\n", + " 'not',\n", + " 'be',\n", + " 'allowed',\n", + " 'to',\n", + " 'fly',\n", + " 'because',\n", + " 'of',\n", + " 'his',\n", + " 'medical',\n", + " 'problems',\n", + " '.'],\n", + " ['lubitz',\n", + " \"'s\",\n", + " 'girlfriend',\n", + " 'told',\n", + " 'investigators',\n", + " 'he',\n", + " 'had',\n", + " 'seen',\n", + " 'an',\n", + " 'eye',\n", + " 'doctor',\n", + " 'and',\n", + " 'a',\n", + " 'neuropsychologist',\n", + " ',',\n", + " 'both',\n", + " 'of',\n", + " 'whom',\n", + " 'deemed',\n", + " 'him',\n", + " 'unfit',\n", + " 'to',\n", + " 'work',\n", + " 'recently',\n", + " 'and',\n", + " 'concluded',\n", + " 'he',\n", + " 'had',\n", + " 'psychological',\n", + " 'issues',\n", + " ',',\n", + " 'the',\n", + " 'european',\n", + " 'government',\n", + " 'official',\n", + " 'said',\n", + " '.'],\n", + " ['but',\n", + " 'no',\n", + " 'matter',\n", + " 'what',\n", + " 'details',\n", + " 'emerge',\n", + " 'about',\n", + " 'his',\n", + " 'previous',\n", + " 'mental',\n", + " 'health',\n", + " 'struggles',\n", + " ',',\n", + " 'there',\n", + " \"'s\",\n", + " 'more',\n", + " 'to',\n", + " 'the',\n", + " 'story',\n", + " ',',\n", + " 'said',\n", + " 'brian',\n", + " 'russell',\n", + " ',',\n", + " 'a',\n", + " 'forensic',\n", + " 'psychologist',\n", + " '.',\n", + " '``'],\n", + " ['psychology',\n", + " 'can',\n", + " 'explain',\n", + " 'why',\n", + " 'somebody',\n", + " 'would',\n", + " 'turn',\n", + " 'rage',\n", + " 'inward',\n", + " 'on',\n", + " 'themselves',\n", + " 'about',\n", + " 'the',\n", + " 'fact',\n", + " 'that',\n", + " 'maybe',\n", + " 'they',\n", + " 'were',\n", + " \"n't\",\n", + " 'going',\n", + " 'to',\n", + " 'keep',\n", + " 'doing',\n", + " 'their',\n", + " 'job',\n", + " 'and',\n", + " 'they',\n", + " \"'re\",\n", + " 'upset',\n", + " 'about',\n", + " 'that',\n", + " 'and',\n", + " 'so',\n", + " 'they',\n", + " \"'re\",\n", + " 'suicidal',\n", + " ',',\n", + " '``',\n", + " 'he',\n", + " 'said',\n", + " '.',\n", + " '``'],\n", + " ['but',\n", + " 'there',\n", + " 'is',\n", + " 'no',\n", + " 'mental',\n", + " 'illness',\n", + " 'that',\n", + " 'explains',\n", + " 'why',\n", + " 'somebody',\n", + " 'then',\n", + " 'feels',\n", + " 'entitled',\n", + " 'to',\n", + " 'also',\n", + " 'take',\n", + " 'that',\n", + " 'rage',\n", + " 'and',\n", + " 'turn',\n", + " 'it',\n", + " 'outward',\n", + " 'on',\n", + " '149',\n", + " 'other',\n", + " 'people',\n", + " 'who',\n", + " 'had',\n", + " 'nothing',\n", + " 'to',\n", + " 'do',\n", + " 'with',\n", + " 'the',\n", + " 'person',\n", + " \"'s\",\n", + " 'problems',\n", + " '.',\n", + " '``'],\n", + " ['germanwings', 'crash', 'compensation', ':', 'what', 'we', 'know', '.'],\n", + " ['who', 'was', 'the', 'captain', 'of', 'germanwings', 'flight', '9525', '?'],\n", + " ['cnn',\n", + " \"'s\",\n", + " 'margot',\n", + " 'haddad',\n", + " 'reported',\n", + " 'from',\n", + " 'marseille',\n", + " 'and',\n", + " 'pamela',\n", + " 'brown',\n", + " 'from',\n", + " 'dusseldorf',\n", + " ',',\n", + " 'while',\n", + " 'laura',\n", + " 'smith-spark',\n", + " 'wrote',\n", + " 'from',\n", + " 'london',\n", + " '.'],\n", + " ['cnn',\n", + " \"'s\",\n", + " 'frederik',\n", + " 'pleitgen',\n", + " ',',\n", + " 'pamela',\n", + " 'boykoff',\n", + " ',',\n", + " 'antonia',\n", + " 'mortensen',\n", + " ',',\n", + " 'sandrine',\n", + " 'amiel',\n", + " 'and',\n", + " 'anna-maja',\n", + " 'rappard',\n", + " 'contributed',\n", + " 'to',\n", + " 'this',\n", + " 'report',\n", + " '.']]" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "test_dataset[0]" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "I1024 20:41:43.713167 140449625069376 file_utils.py:39] PyTorch version 1.2.0 available.\n", + "I1024 20:41:43.746781 140449625069376 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1024 20:41:43.753849 140449625069376 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" + ] + } + ], + "source": [ + "from utils_nlp.models.transformers.extractive_summarization import ExtSumProcessor, ExtractiveSummarizer" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "I1024 20:41:43.980694 140449625069376 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-vocab.txt from cache at ./5e8a2b4893d13790ed4150ca1906be5f7a03d6c4ddf62296c383f6db42814db2.e13dbb970cb325137104fb2e5f36fe865f27746c6b526f6352861b1980eb80b1\n" + ] + } + ], + "source": [ + "processor = ExtSumProcessor()" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [], + "source": [ + "ext_sum_train = processor.preprocess(list(train_dataset), list(train_dataset.get_target()))" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [], + "source": [ + "ext_sum_test = processor.preprocess(list(test_dataset), list(test_dataset.get_target()))" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "utils_nlp.models.transformers.extractive_summarization.ExtSumIterableDataset" + ] + }, + "execution_count": 13, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "type(ext_sum_train)" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "utils_nlp.models.transformers.extractive_summarization.ExtSumData" + ] + }, + "execution_count": 14, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "type(ext_sum_train[0])" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "tensor([0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0])" + ] + }, + "execution_count": 15, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "ext_sum_train[0].labels" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[0,\n", + " 1,\n", + " 2,\n", + " 3,\n", + " 4,\n", + " 5,\n", + " 6,\n", + " 7,\n", + " 8,\n", + " 9,\n", + " 10,\n", + " 11,\n", + " 12,\n", + " 13,\n", + " 14,\n", + " 15,\n", + " 16,\n", + " 17,\n", + " 18,\n", + " 0,\n", + " 1,\n", + " 2,\n", + " 3,\n", + " 4,\n", + " 5,\n", + " 6,\n", + " 7,\n", + " 8,\n", + " 9,\n", + " 10,\n", + " 11,\n", + " 12,\n", + " 13,\n", + " 14,\n", + " 15,\n", + " 16,\n", + " 17,\n", + " 18,\n", + " 0,\n", + " 1,\n", + " 2,\n", + " 3,\n", + " 4,\n", + " 5,\n", + " 6,\n", + " 7,\n", + " 8,\n", + " 9,\n", + " 10,\n", + " 11,\n", + " 12,\n", + " 13,\n", + " 14,\n", + " 15,\n", + " 16,\n", + " 17,\n", + " 18,\n", + " 0,\n", + " 1,\n", + " 2,\n", + " 3,\n", + " 4,\n", + " 5,\n", + " 6,\n", + " 7,\n", + " 8,\n", + " 9,\n", + " 10,\n", + " 11,\n", + " 12,\n", + " 13,\n", + " 14,\n", + " 15,\n", + " 16,\n", + " 17,\n", + " 18,\n", + " 0,\n", + " 1,\n", + " 2,\n", + " 3,\n", + " 4,\n", + " 5,\n", + " 6,\n", + " 7,\n", + " 8,\n", + " 9,\n", + " 10,\n", + " 11,\n", + " 12,\n", + " 13,\n", + " 14,\n", + " 15,\n", + " 16,\n", + " 17,\n", + " 18]" + ] + }, + "execution_count": 16, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "list(range(ext_sum_test.clss.size(1)))*len(ext_sum_test.clss)" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": { + "scrolled": false + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "I1024 20:41:45.197966 140449625069376 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-config.json from cache at ./b945b69218e98b3e2c95acf911789741307dec43c698d35fad11c1ae28bda352.d7a3af18ce3a2ab7c0f48f04dc8daff45ed9a3ed333b9e9a79d012a0dedf87a6\n", + "I1024 20:41:45.200124 140449625069376 configuration_utils.py:168] Model config {\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"finetuning_task\": null,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"num_labels\": 0,\n", + " \"output_attentions\": false,\n", + " \"output_hidden_states\": false,\n", + " \"output_past\": true,\n", + " \"pruned_heads\": {},\n", + " \"torchscript\": false,\n", + " \"type_vocab_size\": 2,\n", + " \"use_bfloat16\": false,\n", + " \"vocab_size\": 28996\n", + "}\n", + "\n", + "I1024 20:41:45.342200 140449625069376 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-pytorch_model.bin from cache at ./35d8b9d36faaf46728a0192d82bf7d00137490cd6074e8500778afed552a67e5.3fadbea36527ae472139fe84cddaa65454d7429f12d543d80bfc3ad70de55ac2\n", + "I1024 20:41:48.732301 140449625069376 modeling_utils.py:405] Weights of BertForSequenceClassification not initialized from pretrained model: ['classifier.weight', 'classifier.bias']\n", + "I1024 20:41:48.733542 140449625069376 modeling_utils.py:408] Weights from pretrained model not used in BertForSequenceClassification: ['cls.predictions.bias', 'cls.predictions.transform.dense.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.decoder.weight', 'cls.seq_relationship.weight', 'cls.seq_relationship.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.LayerNorm.bias']\n", + "I1024 20:41:48.868890 140449625069376 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-config.json from cache at ./b945b69218e98b3e2c95acf911789741307dec43c698d35fad11c1ae28bda352.d7a3af18ce3a2ab7c0f48f04dc8daff45ed9a3ed333b9e9a79d012a0dedf87a6\n", + "I1024 20:41:48.870221 140449625069376 configuration_utils.py:168] Model config {\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"finetuning_task\": null,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"num_labels\": 2,\n", + " \"output_attentions\": false,\n", + " \"output_hidden_states\": false,\n", + " \"output_past\": true,\n", + " \"pruned_heads\": {},\n", + " \"torchscript\": false,\n", + " \"type_vocab_size\": 2,\n", + " \"use_bfloat16\": false,\n", + " \"vocab_size\": 28996\n", + "}\n", + "\n", + "I1024 20:41:48.990102 140449625069376 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-pytorch_model.bin from cache at ./35d8b9d36faaf46728a0192d82bf7d00137490cd6074e8500778afed552a67e5.3fadbea36527ae472139fe84cddaa65454d7429f12d543d80bfc3ad70de55ac2\n", + "I1024 20:41:52.468241 140449625069376 modeling_utils.py:405] Weights of BertForSequenceClassification not initialized from pretrained model: ['classifier.weight', 'classifier.bias']\n", + "I1024 20:41:52.471548 140449625069376 modeling_utils.py:408] Weights from pretrained model not used in BertForSequenceClassification: ['cls.predictions.bias', 'cls.predictions.transform.dense.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.decoder.weight', 'cls.seq_relationship.weight', 'cls.seq_relationship.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.LayerNorm.bias']\n" + ] + } + ], + "source": [ + "summarizer = ExtractiveSummarizer()" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [], + "source": [ + "# notebook parameters\n", + "DATA_FOLDER = \"./temp\"\n", + "CACHE_DIR = \"./temp\"\n", + "DEVICE = \"cuda\"\n", + "NUM_EPOCHS = 1\n", + "BATCH_SIZE = 64\n", + "NUM_GPUS = 2\n", + "MAX_LEN = 150" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch: 0%| | 0/1 [00:00but none of the cell phones found so far have been sent to the institute , menichini said .`` it is a very disturbing scene , `` said julian reichelt , editor-in-chief of bild online .'" + ] + }, + "execution_count": 26, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "prediction[0]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "np.argsort(negative, 1) " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "np.argsort([0,1,2,0.3,0.2], 0) " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "len(ext_sum_test)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "prediction" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "python3.6 cm3", + "language": "python", + "name": "cm3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.8" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index acd5571c1..5b64d55f2 100644 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -119,6 +119,7 @@ def fine_tune( local_rank=-1, verbose=True, seed=None, + **kwargs ): if seed is not None: Transformer.set_seed(seed, n_gpu > 0) @@ -127,18 +128,23 @@ def fine_tune( train_sampler = ( RandomSampler(train_dataset) if local_rank == -1 else DistributedSampler(train_dataset) ) + #train_dataloader = DataLoader( + # train_dataset, sampler=train_sampler, batch_size=train_batch_size + #) + train_dataloader = DataLoader( - train_dataset, sampler=train_sampler, batch_size=train_batch_size + train_dataset, batch_size=train_batch_size ) if max_steps > 0: t_total = max_steps - num_train_epochs = ( - max_steps // (len(train_dataloader) // gradient_accumulation_steps) + 1 - ) + #num_train_epochs = + #( + # max_steps // (len(train_dataloader) // gradient_accumulation_steps) + 1 + #) else: - t_total = len(train_dataloader) // gradient_accumulation_steps * num_train_epochs - + t_total = 1e3 #len(train_dataloader) // gradient_accumulation_steps * num_train_epochs + #t_total = max_steps no_decay = ["bias", "LayerNorm.weight"] optimizer_grouped_parameters = [ { @@ -186,13 +192,14 @@ def fine_tune( int(num_train_epochs), desc="Epoch", disable=local_rank not in [-1, 0] or not verbose ) - for _ in train_iterator: + #for _ in train_iterator: + self.model.train() + while 1: epoch_iterator = tqdm( train_dataloader, desc="Iteration", disable=local_rank not in [-1, 0] or not verbose ) for step, batch in enumerate(epoch_iterator): - self.model.train() - batch = tuple(t.to(device) for t in batch) + batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) inputs = get_inputs(batch, self.model_name) outputs = self.model(**inputs) loss = outputs[0] @@ -248,11 +255,13 @@ def predict( if local_rank == -1 else DistributedSampler(eval_dataset) ) - eval_dataloader = DataLoader(eval_dataset, sampler=eval_sampler, batch_size=eval_batch_size) + #eval_dataloader = DataLoader(eval_dataset, sampler=eval_sampler, batch_size=eval_batch_size) + eval_dataloader = DataLoader(eval_dataset, batch_size=eval_batch_size) for batch in tqdm(eval_dataloader, desc="Evaluating", disable=not verbose): self.model.eval() - batch = tuple(t.to(device) for t in batch) + #batch = tuple(t.to(device) for t in batch) + batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) with torch.no_grad(): inputs = get_inputs(batch, self.model_name, train_mode=False) outputs = self.model(**inputs) diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py new file mode 100644 index 000000000..32f7f8767 --- /dev/null +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -0,0 +1,382 @@ +# Copyright (c) Microsoft Corporation. All rights reserved. +# Licensed under the MIT License. + +import numpy as np +import torch +from torch.utils.data import Dataset, TensorDataset +from transformers.modeling_bert import ( + BERT_PRETRAINED_MODEL_ARCHIVE_MAP, + BertForSequenceClassification, +) +from transformers.modeling_distilbert import ( + DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP, + DistilBertForSequenceClassification, +) +from transformers.modeling_roberta import ( + ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP, + RobertaForSequenceClassification, +) +from transformers.modeling_xlnet import ( + XLNET_PRETRAINED_MODEL_ARCHIVE_MAP, + XLNetForSequenceClassification, +) + +from utils_nlp.models.transformers.common import ( + MAX_SEQ_LEN, + TOKENIZER_CLASS, + Transformer, + get_device, +) + +MODEL_CLASS = {} +MODEL_CLASS.update({k: BertForSequenceClassification for k in BERT_PRETRAINED_MODEL_ARCHIVE_MAP}) +MODEL_CLASS.update( + {k: RobertaForSequenceClassification for k in ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP} +) +MODEL_CLASS.update({k: XLNetForSequenceClassification for k in XLNET_PRETRAINED_MODEL_ARCHIVE_MAP}) +MODEL_CLASS.update( + {k: DistilBertForSequenceClassification for k in DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP} +) + +from bertsum.prepro.data_builder import greedy_selection, combination_selection +from bertsum.prepro.data_builder import TransformerData +from utils_nlp.models.bert.extractive_text_summarization import Bunch, modified_format_to_bert, default_parameters +from bertsum.models.model_builder import Summarizer + +class ExtSumData(): + def __init__(self, src, segs, clss, mask, mask_cls, labels=None, src_str=None, tgt_str=None): + self.src = src + self.segs = segs + self.clss = clss + self.mask = mask + self.mask_cls = mask_cls + self.labels = labels + self.src_str = src_str + self.tgt_str = tgt_str + +class ExtSumIterableDataset(torch.utils.data.IterableDataset): + def __init__(self, src, segs, clss, mask, mask_cls, labels=None, src_str=None, tgt_str=None): + self.src = src + self.segs = segs + self.clss = clss + self.mask = mask + self.mask_cls = mask_cls + self.labels = labels + self.src_str = src_str + self.tgt_str = tgt_str + + def __iter__(self): + if self.labels is not None: + return iter(zip(self.src, self.segs, self.clss, \ + self.mask, self.mask_cls, self.src_str, self.labels, self.tgt_str)) + else: + return iter(zip(self.src, self.segs, self.clss, \ + self.mask, self.mask_cls, self.src_str)) + + + def __getitem__(self, index): + if self.labels is not None: + return ExtSumData(self.src[index], self.segs[index], self.clss[index], \ + self.mask[index], self.mask_cls[index], self.labels[index], self.src_str[index], self.tgt_str[index]) + else: + return ExtSumData(self.src[index], self.segs[index], self.clss[index], \ + self.mask[index], self.mask_cls[index], None, self.src_str[index], None) + + def __len__(self): + return len(self.src) + + + +class ExtSumProcessor: + def __init__(self, model_name="bert-base-cased", to_lower=False, cache_dir="."): + self.tokenizer = TOKENIZER_CLASS[model_name].from_pretrained( + model_name, do_lower_case=to_lower, cache_dir=cache_dir + ) + + + default_preprocessing_parameters = { + "max_nsents": 200, + "max_src_ntokens": 2000, + "min_nsents": 3, + "min_src_ntokens": 5, + "use_interval": True, + } + args = Bunch(default_preprocessing_parameters) + self.preprossor = TransformerData(args, self.tokenizer) + + @staticmethod + def get_inputs(batch, model_name, train_mode=True): + if model_name.split("-")[0] in ["bert", "xlnet", "roberta", "distilbert"]: + if train_mode: + # return {"input_ids": batch[0], "attention_mask": batch[1], "labels": batch[2]} + #src, segs, clss, mask, mask_cls, src_str + # labels must be the last + return {"x": batch[0], "segs": batch[1], "clss": batch[2], + "mask": batch[3], "mask_cls": batch[4], "labels": batch[5]} + else: + return {"x": batch[0], "segs": batch[1], "clss": batch[2], + "mask": batch[3], "mask_cls": batch[4]} + else: + raise ValueError("Model not supported: {}".format(model_name)) + + def preprocess(self, sources, targets=None, oracle_mode="greedy", selections=3): + """preprocess multiple data points""" + + is_labeled = False + if targets is None: + data = [self._preprocess_single(source, None, oracle_mode, selections) for source in sources] + else: + data = [self._preprocess_single(source, target, oracle_mode, selections) for (source, target) in zip(sources, targets)] + is_labeled = True + + def _pad(data, pad_id, width=-1): + if (width == -1): + width = max(len(d) for d in data) + rtn_data = [d + [pad_id] * (width - len(d)) for d in data] + return rtn_data + + + if data is not None: + pre_src = [x[0] for x in data] + pre_segs = [x[2] for x in data] + pre_clss = [x[3] for x in data] + + src = torch.tensor(_pad(pre_src, 0)) + + pre_labels = None + labels = None + if is_labeled: + pre_labels = [x[1] for x in data] + labels = torch.tensor(_pad(pre_labels, 0)) + segs = torch.tensor(_pad(pre_segs, 0)) + #mask = 1 - (src == 0) + mask = ~(src == 0) + + clss = torch.tensor(_pad(pre_clss, -1)) + #mask_cls = 1 - (clss == -1) + mask_cls = ~(clss == -1) + clss[clss == -1] = 0 + + #setattr(self, 'clss', clss.to(device)) + #setattr(self, 'mask_cls', mask_cls.to(device)) + #setattr(self, 'src', src.to(device)) + #setattr(self, 'segs', segs.to(device)) + #setattr(self, 'mask', mask.to(device)) + src_str = [x[-2] for x in data] + #setattr(self, 'src_str', src_str) + #x, segs, clss, mask, mask_cls, + #td = TensorDataset(src, segs, clss, mask, mask_cls) + #td = src, segs, clss, mask, mask_cls, None, src_str, None + td = ExtSumIterableDataset(src, segs, clss, mask, mask_cls, None, src_str, None) + if is_labeled: + #setattr(self, 'labels', labels.to(device)) + tgt_str = [x[-1] for x in data] + #setattr(self, 'tgt_str', tgt_str) + #td = TensorDataset(src, segs, clss, mask, mask_cls, labels) + td = ExtSumIterableDataset(src, segs, clss, mask, mask_cls, labels, src_str, tgt_str) + return td + + + def preprocess_2(self, sources, targets=None, oracle_mode="greedy", selections=3): + """preprocess multiple data points""" + + is_labeled = False + if targets is None: + data = [self._preprocess_single(source, None, oracle_mode, selections) for source in sources] + else: + data = [self._preprocess_single(source, target, oracle_mode, selections) for (source, target) in zip(sources, targets)] + is_labeled = True + + def _pad(data, pad_id, width=-1): + if (width == -1): + width = max(len(d) for d in data) + rtn_data = [d + [pad_id] * (width - len(d)) for d in data] + return rtn_data + + + if data is not None: + pre_src = [x[0] for x in data] + pre_segs = [x[2] for x in data] + pre_clss = [x[3] for x in data] + + src = torch.tensor(_pad(pre_src, 0)) + + pre_labels = None + labels = None + if is_labeled: + pre_labels = [x[1] for x in data] + labels = torch.tensor(_pad(pre_labels, 0)) + segs = torch.tensor(_pad(pre_segs, 0)) + #mask = 1 - (src == 0) + mask = ~(src == 0) + + clss = torch.tensor(_pad(pre_clss, -1)) + #mask_cls = 1 - (clss == -1) + mask_cls = ~(clss == -1) + clss[clss == -1] = 0 + + #setattr(self, 'clss', clss.to(device)) + #setattr(self, 'mask_cls', mask_cls.to(device)) + #setattr(self, 'src', src.to(device)) + #setattr(self, 'segs', segs.to(device)) + #setattr(self, 'mask', mask.to(device)) + src_str = [x[-2] for x in data] + #setattr(self, 'src_str', src_str) + #x, segs, clss, mask, mask_cls, + td = TensorDataset(src, segs, clss, mask, mask_cls) + if (is_labeled): + #setattr(self, 'labels', labels.to(device)) + tgt_str = [x[-1] for x in data] + #setattr(self, 'tgt_str', tgt_str) + td = TensorDataset(src, segs, clss, mask, mask_cls, labels) + return td + + + + def _preprocess_single(self, source, target=None, oracle_mode="greedy", selections=3): + """preprocess single data point""" + oracle_ids = None + if target is not None: + if (oracle_mode == 'greedy'): + oracle_ids = greedy_selection(source, target, selections) + elif (oracle_mode == 'combination'): + oracle_ids = combination_selection(source, target, selections) + print(oracle_ids) + + + b_data = self.preprossor.preprocess(source, target, oracle_ids) + + if (b_data is None): + return None + indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data + return (indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt) + #return {"src": indexed_tokens, "labels": labels, "segs": segments_ids, 'clss': cls_ids, + # 'src_txt': src_txt, "tgt_txt": tgt_txt} + + + +class ExtractiveSummarizer(Transformer): + def __init__(self, model_name="bert-base-cased", cache_dir="."): + super().__init__( + model_class=MODEL_CLASS, + model_name=model_name, + num_labels=0, + cache_dir=cache_dir, + ) + args = Bunch(default_parameters) + self.model = Summarizer(args, MODEL_CLASS[model_name], model_name, None, cache_dir) + + @staticmethod + def list_supported_models(): + return list(MODEL_CLASS) + + def fit( + self, + train_dataset, + device="cuda", + num_epochs=1, + batch_size=32, + num_gpus=None, + local_rank=-1, + weight_decay=0.0, + learning_rate=2e-3, + adam_epsilon=1e-8, + warmup_steps=10000, + verbose=True, + seed=None, + decay_method='noam', + lr=0.002, + accum_count=2, + **kwargs + ): + device, num_gpus = get_device(device=device, num_gpus=num_gpus, local_rank=local_rank) + self.model.to(device) + super().fine_tune( + train_dataset=train_dataset, + get_inputs=ExtSumProcessor.get_inputs, + device=device, + per_gpu_train_batch_size=batch_size, + n_gpu=num_gpus, + num_train_epochs=num_epochs, + weight_decay=weight_decay, + learning_rate=learning_rate, + adam_epsilon=adam_epsilon, + warmup_steps=warmup_steps, + verbose=verbose, + seed=seed, + **kwargs, + ) + + def predict(self, eval_dataset, device, batch_size=16, sentence_seperator="", top_n=3, block_trigram=True, num_gpus=1, verbose=True, cal_lead=False): + def _get_ngrams(n, text): + ngram_set = set() + text_length = len(text) + max_index_ngram_start = text_length - n + for i in range(max_index_ngram_start + 1): + ngram_set.add(tuple(text[i:i + n])) + return ngram_set + + def _block_tri(c, p): + tri_c = _get_ngrams(3, c.split()) + for s in p: + tri_s = _get_ngrams(3, s.split()) + if len(tri_c.intersection(tri_s))>0: + return True + return False + + sent_scores = list( + super().predict( + eval_dataset=eval_dataset, + get_inputs=ExtSumProcessor.get_inputs, + device=device, + per_gpu_eval_batch_size=batch_size, + n_gpu=num_gpus, + verbose=verbose, + ) + ) + #return sent_scores + if cal_lead: + selected_ids = list(range(eval_dataset.clss.size(1)))*len(eval_dataset.clss) + else: + negative_sent_score = [-i for i in sent_scores[0]] + selected_ids = np.argsort(negative_sent_score, 1) + # selected_ids = np.sort(selected_ids,1) + pred = [] + for i, idx in enumerate(selected_ids): + _pred = [] + if(len(eval_dataset.src_str[i])==0): + pred.append('') + continue + for j in selected_ids[i][:len(eval_dataset.src_str[i])]: + if(j>=len( eval_dataset.src_str[i])): + continue + candidate = eval_dataset.src_str[i][j].strip() + if(block_trigram): + if(not _block_tri(candidate,_pred)): + _pred.append(candidate) + else: + _pred.append(candidate) + + # only select the top 3 + if len(_pred) == top_n: + break + + #_pred = ''.join(_pred) + _pred = sentence_seperator.join(_pred) + pred.append(_pred.strip()) + return pred + + """preds = list( + super().predict( + eval_dataset=eval_dataset, + get_inputs=ExtSumProcessor.get_inputs, + device=device, + per_gpu_eval_batch_size=batch_size, + n_gpu=num_gpus, + verbose=True, + ) + ) + preds = np.concatenate(preds) + # todo generator & probs + return np.argmax(preds, axis=1) + """ \ No newline at end of file From cc8a1b6a9dbaa06cc08ef858fd7c7092e72a45d6 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Sat, 26 Oct 2019 02:29:55 +0000 Subject: [PATCH 019/167] version works with an external data loader/iterator --- .../tc_mnli_transformers.ipynb | 6283 --- .../CNNDM_TransformerSum.ipynb | 39914 +++++++++++++++- .../transformers/extractive_summarization.py | 138 +- 3 files changed, 39581 insertions(+), 6754 deletions(-) delete mode 100644 examples/text_classification/tc_mnli_transformers.ipynb diff --git a/examples/text_classification/tc_mnli_transformers.ipynb b/examples/text_classification/tc_mnli_transformers.ipynb deleted file mode 100644 index 00ddedf87..000000000 --- a/examples/text_classification/tc_mnli_transformers.ipynb +++ /dev/null @@ -1,6283 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "*Copyright (c) Microsoft Corporation. All rights reserved.*\n", - "\n", - "*Licensed under the MIT License.*\n", - "\n", - "# Text Classification of MultiNLI Sentences using Different Transformer Models" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "import sys\n", - "import os\n", - "import json\n", - "import pandas as pd\n", - "import numpy as np\n", - "import scrapbook as sb\n", - "from sklearn.metrics import classification_report, accuracy_score\n", - "from sklearn.preprocessing import LabelEncoder\n", - "from sklearn.model_selection import train_test_split\n", - "import torch\n", - "import torch.nn as nn\n", - "from tqdm import tqdm\n", - "from utils_nlp.dataset.multinli import load_pandas_df\n", - "from utils_nlp.models.transformers.sequence_classification import (\n", - " SequenceClassifier,\n", - " Processor,\n", - ")\n", - "from utils_nlp.common.timer import Timer" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Introduction\n", - "In this notebook, we fine-tune and evaluate a number of pretrained models on a subset of the [MultiNLI](https://www.nyu.edu/projects/bowman/multinli/) dataset.\n", - "\n", - "We use a [sequence classifier](../../utils_nlp/models/transformers/sequence_classification.py) that wraps [Hugging Face's PyTorch implementation](https://github.com/huggingface/transformers) of different transformers, like [BERT](https://github.com/google-research/bert), [XLNet](https://github.com/zihangdai/xlnet), and [RoBERTa](https://github.com/pytorch/fairseq)." - ] - }, - { - "cell_type": "code", - "execution_count": 32, - "metadata": { - "tags": [ - "parameters" - ] - }, - "outputs": [], - "source": [ - "# notebook parameters\n", - "DATA_FOLDER = \"./temp\"\n", - "CACHE_DIR = \"./temp\"\n", - "DEVICE = \"cuda\"\n", - "NUM_EPOCHS = 1\n", - "BATCH_SIZE = 16\n", - "NUM_GPUS = 2\n", - "MAX_LEN = 150\n", - "TRAIN_DATA_FRACTION = 0.15\n", - "TEST_DATA_FRACTION = 0.15\n", - "TRAIN_SIZE = 0.75\n", - "LABEL_COL = \"genre\"\n", - "TEXT_COL = \"sentence1\"" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Read Dataset\n", - "We start by loading a subset of the data. The following function also downloads and extracts the files, if they don't exist in the data folder.\n", - "\n", - "The MultiNLI dataset is mainly used for natural language inference (NLI) tasks, where the inputs are sentence pairs and the labels are entailment indicators. The sentence pairs are also classified into *genres* that allow for more coverage and better evaluation of NLI models.\n", - "\n", - "For our classification task, we use the first sentence only as the text input, and the corresponding genre as the label. We select the examples corresponding to one of the entailment labels (*neutral* in this case) to avoid duplicate rows, as the sentences are not unique, whereas the sentence pairs are." - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": {}, - "outputs": [], - "source": [ - "df = load_pandas_df(DATA_FOLDER, \"train\")\n", - "df = df[df[\"gold_label\"]==\"neutral\"] # get unique sentences" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "
\n", - "\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
genresentence1
0governmentConceptually cream skimming has two basic dime...
4telephoneyeah i tell you what though if you go price so...
6travelBut a few Christian mosaics survive above the ...
12slateIt's not that the questions they asked weren't...
13travelThebes held onto power until the 12th Dynasty,...
\n", - "
" - ], - "text/plain": [ - " genre sentence1\n", - "0 government Conceptually cream skimming has two basic dime...\n", - "4 telephone yeah i tell you what though if you go price so...\n", - "6 travel But a few Christian mosaics survive above the ...\n", - "12 slate It's not that the questions they asked weren't...\n", - "13 travel Thebes held onto power until the 12th Dynasty,..." - ] - }, - "execution_count": 5, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "df[[LABEL_COL, TEXT_COL]].head()" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "We split the data for training and testing, sample a fraction for faster execution, and encode the class labels:" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/media/bleik2/miniconda3/envs/nlp_gpu/lib/python3.6/site-packages/sklearn/model_selection/_split.py:2179: FutureWarning: From version 0.21, test_size will always complement train_size unless both are specified.\n", - " FutureWarning)\n" - ] - } - ], - "source": [ - "# split\n", - "df_train, df_test = train_test_split(df, train_size = TRAIN_SIZE, random_state=0)" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [], - "source": [ - "# sample\n", - "df_train = df_train.sample(frac=TRAIN_DATA_FRACTION).reset_index(drop=True)\n", - "df_test = df_test.sample(frac=TEST_DATA_FRACTION).reset_index(drop=True)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The examples in the dataset are grouped into 5 genres:" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "telephone 3146\n", - "fiction 2960\n", - "slate 2901\n", - "government 2893\n", - "travel 2826\n", - "Name: genre, dtype: int64" - ] - }, - "execution_count": 8, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "df_train[LABEL_COL].value_counts()" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": {}, - "outputs": [], - "source": [ - "# encode labels\n", - "label_encoder = LabelEncoder()\n", - "labels_train = label_encoder.fit_transform(df_train[LABEL_COL])\n", - "labels_test = label_encoder.transform(df_test[LABEL_COL])\n", - "\n", - "num_labels = len(np.unique(labels_train))" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Number of unique labels: 5\n", - "Number of training examples: 14726\n", - "Number of testing examples: 4909\n" - ] - } - ], - "source": [ - "print(\"Number of unique labels: {}\".format(num_labels))\n", - "print(\"Number of training examples: {}\".format(df_train.shape[0]))\n", - "print(\"Number of testing examples: {}\".format(df_test.shape[0]))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Select Pretrained Models\n", - "\n", - "Several pretrained models have been made available by [Hugging Face](https://github.com/huggingface/transformers). For text classification, the following pretrained models are supported." - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "
\n", - "\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
model_name
0bert-base-uncased
1bert-large-uncased
2bert-base-cased
3bert-large-cased
4bert-base-multilingual-uncased
5bert-base-multilingual-cased
6bert-base-chinese
7bert-base-german-cased
8bert-large-uncased-whole-word-masking
9bert-large-cased-whole-word-masking
10bert-large-uncased-whole-word-masking-finetune...
11bert-large-cased-whole-word-masking-finetuned-...
12bert-base-cased-finetuned-mrpc
13roberta-base
14roberta-large
15roberta-large-mnli
16xlnet-base-cased
17xlnet-large-cased
18distilbert-base-uncased
19distilbert-base-uncased-distilled-squad
\n", - "
" - ], - "text/plain": [ - " model_name\n", - "0 bert-base-uncased\n", - "1 bert-large-uncased\n", - "2 bert-base-cased\n", - "3 bert-large-cased\n", - "4 bert-base-multilingual-uncased\n", - "5 bert-base-multilingual-cased\n", - "6 bert-base-chinese\n", - "7 bert-base-german-cased\n", - "8 bert-large-uncased-whole-word-masking\n", - "9 bert-large-cased-whole-word-masking\n", - "10 bert-large-uncased-whole-word-masking-finetune...\n", - "11 bert-large-cased-whole-word-masking-finetuned-...\n", - "12 bert-base-cased-finetuned-mrpc\n", - "13 roberta-base\n", - "14 roberta-large\n", - "15 roberta-large-mnli\n", - "16 xlnet-base-cased\n", - "17 xlnet-large-cased\n", - "18 distilbert-base-uncased\n", - "19 distilbert-base-uncased-distilled-squad" - ] - }, - "execution_count": 11, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "pd.DataFrame({\"model_name\": SequenceClassifier.list_supported_models()})" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Fine-tune\n", - "\n", - "Our wrappers make it easy to fine-tune different models in a unified way, hiding the preprocessing details that are needed before training. In this example, we're going to select the following models and use the same piece of code to fine-tune them on our genre classification task. Note that some models were pretrained on multilingual datasets and can be used with non-English datasets." - ] - }, - { - "cell_type": "code", - "execution_count": 28, - "metadata": {}, - "outputs": [], - "source": [ - "model_names = [\"distilbert-base-uncased\", \"roberta-base\", \"xlnet-base-cased\"]" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "For each pretrained model, we preprocess the data, fine-tune the classifier, score the test set, and store the evaluation results." - ] - }, - { - "cell_type": "code", - "execution_count": 33, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "\n", - " 0%| | 0/3 [00:00\n", - "\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
distilbert-base-uncasedroberta-basexlnet-base-cased
accuracy0.9014060.9195360.925647
f1-score0.8978290.9167930.923171
time0.1119360.1895810.270957
\n", - "" - ], - "text/plain": [ - " distilbert-base-uncased roberta-base xlnet-base-cased\n", - "accuracy 0.901406 0.919536 0.925647\n", - "f1-score 0.897829 0.916793 0.923171\n", - "time 0.111936 0.189581 0.270957" - ] - }, - "execution_count": 35, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "pd.DataFrame(results)" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "nlp_gpu", - "language": "python", - "name": "nlp_gpu" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.6.8" - } - }, - "nbformat": 4, - "nbformat_minor": 2 -} diff --git a/examples/text_summarization/CNNDM_TransformerSum.ipynb b/examples/text_summarization/CNNDM_TransformerSum.ipynb index 2e6bb5a75..13db4014d 100644 --- a/examples/text_summarization/CNNDM_TransformerSum.ipynb +++ b/examples/text_summarization/CNNDM_TransformerSum.ipynb @@ -6,8 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%load_ext autoreload\n", - "\n" + "%load_ext autoreload" ] }, { @@ -16,14 +15,7 @@ "metadata": {}, "outputs": [], "source": [ - "import sys\n", - "import os\n", - "\n", - "nlp_path = os.path.abspath(\"../../\")\n", - "if nlp_path not in sys.path:\n", - " sys.path.insert(0, nlp_path)\n", - "sys.path.insert(0, \"./\")\n", - "sys.path.insert(0, \"./BertSum\")" + "%autoreload 2" ] }, { @@ -32,7 +24,14 @@ "metadata": {}, "outputs": [], "source": [ - "%autoreload 2" + "import sys\n", + "import os\n", + "\n", + "nlp_path = os.path.abspath(\"../../\")\n", + "if nlp_path not in sys.path:\n", + " sys.path.insert(0, nlp_path)\n", + "sys.path.insert(0, \"./\")\n", + "sys.path.insert(0, \"/dadendev/nlp/examples/text_summarization/BertSum/\")" ] }, { @@ -41,87 +40,34 @@ "metadata": {}, "outputs": [ { - "name": "stderr", + "name": "stdout", "output_type": "stream", "text": [ - "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", - "[nltk_data] Package punkt is already up-to-date!\n" + "['/dadendev/nlp/examples/text_summarization/BertSum/', './', '/dadendev/nlp', '/dadendev/anaconda3/envs/cm3/lib/python36.zip', '/dadendev/anaconda3/envs/cm3/lib/python3.6', '/dadendev/anaconda3/envs/cm3/lib/python3.6/lib-dynload', '', '/home/daden/.local/lib/python3.6/site-packages', '/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages', '/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/pyrouge-0.1.3-py3.6.egg', '/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions', '/home/daden/.ipython']\n" ] } ], "source": [ - "from utils_nlp.dataset.cnndm import CNNDMSummarization" + "print(sys.path)" ] }, { "cell_type": "code", "execution_count": 5, - "metadata": { - "scrolled": true - }, + "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ + "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", + "[nltk_data] Package punkt is already up-to-date!\n", "0lines [00:00, ?lines/s]\n", "0lines [00:00, ?lines/s]\n", "0lines [00:00, ?lines/s]\n", "0lines [00:00, ?lines/s]\n" ] - } - ], - "source": [ - "train_dataset, test_dataset = CNNDMSummarization(top_n=5)" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "data": { - "text/plain": [ - "5" - ] - }, - "execution_count": 6, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "len(train_dataset)" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "5" - ] - }, - "execution_count": 7, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "len(test_dataset)" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [ + }, { "data": { "text/plain": [ @@ -1392,27 +1338,37 @@ " '.']]" ] }, - "execution_count": 8, + "execution_count": 5, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "test_dataset[0]" + "#\"\"\"\n", + "from utils_nlp.dataset.cnndm import CNNDMSummarization\n", + "\n", + "train_dataset, test_dataset = CNNDMSummarization(top_n=5)\n", + "\n", + "len(train_dataset)\n", + "\n", + "len(test_dataset)\n", + "\n", + "test_dataset[0]\n", + "#\"\"\"" ] }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 6, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1024 20:41:43.713167 140449625069376 file_utils.py:39] PyTorch version 1.2.0 available.\n", - "I1024 20:41:43.746781 140449625069376 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1024 20:41:43.753849 140449625069376 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" + "I1026 02:18:57.081262 139722144081728 file_utils.py:39] PyTorch version 1.2.0 available.\n", + "I1026 02:18:57.117647 139722144081728 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1026 02:18:57.134480 139722144081728 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" ] } ], @@ -1422,14 +1378,14 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 7, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1024 20:41:43.980694 140449625069376 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-vocab.txt from cache at ./5e8a2b4893d13790ed4150ca1906be5f7a03d6c4ddf62296c383f6db42814db2.e13dbb970cb325137104fb2e5f36fe865f27746c6b526f6352861b1980eb80b1\n" + "I1026 02:18:57.327846 139722144081728 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-vocab.txt from cache at ./5e8a2b4893d13790ed4150ca1906be5f7a03d6c4ddf62296c383f6db42814db2.e13dbb970cb325137104fb2e5f36fe865f27746c6b526f6352861b1980eb80b1\n" ] } ], @@ -1439,271 +1395,155 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 8, "metadata": {}, "outputs": [], "source": [ - "ext_sum_train = processor.preprocess(list(train_dataset), list(train_dataset.get_target()))" + "#\"\"\"\n", + "ext_sum_train = processor.preprocess(list(train_dataset), list(train_dataset.get_target()))\n", + "\n", + "ext_sum_test = processor.preprocess(list(test_dataset), list(test_dataset.get_target()))\n", + "\n", + "#type(ext_sum_train)\n", + "#\"\"\"" ] }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 9, "metadata": {}, "outputs": [], "source": [ - "ext_sum_test = processor.preprocess(list(test_dataset), list(test_dataset.get_target()))" + "import glob\n", + "BERT_DATA_PATH = BERT_DATA_PATH=\"./bert_data/\"\n", + "pts = sorted(glob.glob(BERT_DATA_PATH + 'cnndm.train' + '.[0-9]*.pt'))" ] }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 10, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "utils_nlp.models.transformers.extractive_summarization.ExtSumIterableDataset" + "['./bert_data/cnndm.train.0.bert.pt', './bert_data/cnndm.train.1.bert.pt']" ] }, - "execution_count": 13, + "execution_count": 10, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "type(ext_sum_train)" + "pts[0:2]" ] }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 11, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "utils_nlp.models.transformers.extractive_summarization.ExtSumData" - ] - }, - "execution_count": 14, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ - "type(ext_sum_train[0])" + "import torch\n", + "def get_dataset(file_list):\n", + " #random.shuffle(file_list)\n", + " for file in file_list:\n", + " yield torch.load(file)" ] }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 12, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "tensor([0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0])" - ] - }, - "execution_count": 15, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ - "ext_sum_train[0].labels" + "from bertsum.models.data_loader import DataIterator\n", + "from bertsum.models import model_builder, data_loader\n", + "class Bunch(object):\n", + " \"\"\" Class which convert a dictionary to an object \"\"\"\n", + "\n", + " def __init__(self, adict):\n", + " self.__dict__.update(adict)\n", + "def get_data_loader(data_files, device, is_labeled=False, batch_size=3000):\n", + " \"\"\"\n", + " Function to get data iterator over a list of data objects.\n", + "\n", + " Args:\n", + " dataset (list of objects): a list of data objects.\n", + " is_test (bool): it specifies whether the data objects are labeled data.\n", + " batch_size (int): number of tokens per batch.\n", + " \n", + " Returns:\n", + " DataIterator\n", + "\n", + " \"\"\"\n", + " args = Bunch({})\n", + " args.use_interval = True\n", + " args.batch_size = batch_size\n", + " data_iter = None\n", + " data_iter = data_loader.Dataloader(args, get_dataset(data_files), args.batch_size,device, shuffle=False, is_test=is_labeled)\n", + " return data_iter" ] }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 13, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "[0,\n", - " 1,\n", - " 2,\n", - " 3,\n", - " 4,\n", - " 5,\n", - " 6,\n", - " 7,\n", - " 8,\n", - " 9,\n", - " 10,\n", - " 11,\n", - " 12,\n", - " 13,\n", - " 14,\n", - " 15,\n", - " 16,\n", - " 17,\n", - " 18,\n", - " 0,\n", - " 1,\n", - " 2,\n", - " 3,\n", - " 4,\n", - " 5,\n", - " 6,\n", - " 7,\n", - " 8,\n", - " 9,\n", - " 10,\n", - " 11,\n", - " 12,\n", - " 13,\n", - " 14,\n", - " 15,\n", - " 16,\n", - " 17,\n", - " 18,\n", - " 0,\n", - " 1,\n", - " 2,\n", - " 3,\n", - " 4,\n", - " 5,\n", - " 6,\n", - " 7,\n", - " 8,\n", - " 9,\n", - " 10,\n", - " 11,\n", - " 12,\n", - " 13,\n", - " 14,\n", - " 15,\n", - " 16,\n", - " 17,\n", - " 18,\n", - " 0,\n", - " 1,\n", - " 2,\n", - " 3,\n", - " 4,\n", - " 5,\n", - " 6,\n", - " 7,\n", - " 8,\n", - " 9,\n", - " 10,\n", - " 11,\n", - " 12,\n", - " 13,\n", - " 14,\n", - " 15,\n", - " 16,\n", - " 17,\n", - " 18,\n", - " 0,\n", - " 1,\n", - " 2,\n", - " 3,\n", - " 4,\n", - " 5,\n", - " 6,\n", - " 7,\n", - " 8,\n", - " 9,\n", - " 10,\n", - " 11,\n", - " 12,\n", - " 13,\n", - " 14,\n", - " 15,\n", - " 16,\n", - " 17,\n", - " 18]" - ] - }, - "execution_count": 16, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ - "list(range(ext_sum_test.clss.size(1)))*len(ext_sum_test.clss)" + "device = torch.device(\"cuda:{}\".format(0)) \n", + "def train_iter_func():\n", + " return get_data_loader(pts[0:2], device, is_labeled=True)" ] }, { "cell_type": "code", - "execution_count": 17, - "metadata": { - "scrolled": false - }, + "execution_count": 14, + "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1024 20:41:45.197966 140449625069376 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-config.json from cache at ./b945b69218e98b3e2c95acf911789741307dec43c698d35fad11c1ae28bda352.d7a3af18ce3a2ab7c0f48f04dc8daff45ed9a3ed333b9e9a79d012a0dedf87a6\n", - "I1024 20:41:45.200124 140449625069376 configuration_utils.py:168] Model config {\n", - " \"attention_probs_dropout_prob\": 0.1,\n", - " \"finetuning_task\": null,\n", - " \"hidden_act\": \"gelu\",\n", - " \"hidden_dropout_prob\": 0.1,\n", - " \"hidden_size\": 768,\n", - " \"initializer_range\": 0.02,\n", - " \"intermediate_size\": 3072,\n", - " \"layer_norm_eps\": 1e-12,\n", - " \"max_position_embeddings\": 512,\n", - " \"num_attention_heads\": 12,\n", - " \"num_hidden_layers\": 12,\n", - " \"num_labels\": 0,\n", - " \"output_attentions\": false,\n", - " \"output_hidden_states\": false,\n", - " \"output_past\": true,\n", - " \"pruned_heads\": {},\n", - " \"torchscript\": false,\n", - " \"type_vocab_size\": 2,\n", - " \"use_bfloat16\": false,\n", - " \"vocab_size\": 28996\n", - "}\n", - "\n", - "I1024 20:41:45.342200 140449625069376 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-pytorch_model.bin from cache at ./35d8b9d36faaf46728a0192d82bf7d00137490cd6074e8500778afed552a67e5.3fadbea36527ae472139fe84cddaa65454d7429f12d543d80bfc3ad70de55ac2\n", - "I1024 20:41:48.732301 140449625069376 modeling_utils.py:405] Weights of BertForSequenceClassification not initialized from pretrained model: ['classifier.weight', 'classifier.bias']\n", - "I1024 20:41:48.733542 140449625069376 modeling_utils.py:408] Weights from pretrained model not used in BertForSequenceClassification: ['cls.predictions.bias', 'cls.predictions.transform.dense.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.decoder.weight', 'cls.seq_relationship.weight', 'cls.seq_relationship.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.LayerNorm.bias']\n", - "I1024 20:41:48.868890 140449625069376 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-config.json from cache at ./b945b69218e98b3e2c95acf911789741307dec43c698d35fad11c1ae28bda352.d7a3af18ce3a2ab7c0f48f04dc8daff45ed9a3ed333b9e9a79d012a0dedf87a6\n", - "I1024 20:41:48.870221 140449625069376 configuration_utils.py:168] Model config {\n", - " \"attention_probs_dropout_prob\": 0.1,\n", + "I1026 02:18:58.823258 139722144081728 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1026 02:18:58.824696 139722144081728 configuration_utils.py:168] Model config {\n", + " \"activation\": \"gelu\",\n", + " \"attention_dropout\": 0.1,\n", + " \"dim\": 768,\n", + " \"dropout\": 0.1,\n", " \"finetuning_task\": null,\n", - " \"hidden_act\": \"gelu\",\n", - " \"hidden_dropout_prob\": 0.1,\n", - " \"hidden_size\": 768,\n", + " \"hidden_dim\": 3072,\n", " \"initializer_range\": 0.02,\n", - " \"intermediate_size\": 3072,\n", - " \"layer_norm_eps\": 1e-12,\n", " \"max_position_embeddings\": 512,\n", - " \"num_attention_heads\": 12,\n", - " \"num_hidden_layers\": 12,\n", + " \"n_heads\": 12,\n", + " \"n_layers\": 6,\n", " \"num_labels\": 2,\n", " \"output_attentions\": false,\n", " \"output_hidden_states\": false,\n", " \"output_past\": true,\n", " \"pruned_heads\": {},\n", + " \"qa_dropout\": 0.1,\n", + " \"seq_classif_dropout\": 0.2,\n", + " \"sinusoidal_pos_embds\": false,\n", + " \"tie_weights_\": true,\n", " \"torchscript\": false,\n", - " \"type_vocab_size\": 2,\n", " \"use_bfloat16\": false,\n", - " \"vocab_size\": 28996\n", + " \"vocab_size\": 30522\n", "}\n", "\n", - "I1024 20:41:48.990102 140449625069376 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-pytorch_model.bin from cache at ./35d8b9d36faaf46728a0192d82bf7d00137490cd6074e8500778afed552a67e5.3fadbea36527ae472139fe84cddaa65454d7429f12d543d80bfc3ad70de55ac2\n", - "I1024 20:41:52.468241 140449625069376 modeling_utils.py:405] Weights of BertForSequenceClassification not initialized from pretrained model: ['classifier.weight', 'classifier.bias']\n", - "I1024 20:41:52.471548 140449625069376 modeling_utils.py:408] Weights from pretrained model not used in BertForSequenceClassification: ['cls.predictions.bias', 'cls.predictions.transform.dense.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.decoder.weight', 'cls.seq_relationship.weight', 'cls.seq_relationship.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.LayerNorm.bias']\n" + "I1026 02:18:58.951738 139722144081728 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], "source": [ + "summarizer = None\n", "summarizer = ExtractiveSummarizer()" ] }, { "cell_type": "code", - "execution_count": 18, + "execution_count": 15, "metadata": {}, "outputs": [], "source": [ @@ -1713,311 +1553,39537 @@ "DEVICE = \"cuda\"\n", "NUM_EPOCHS = 1\n", "BATCH_SIZE = 64\n", - "NUM_GPUS = 2\n", + "NUM_GPUS = 1\n", "MAX_LEN = 150" ] }, { "cell_type": "code", - "execution_count": 19, + "execution_count": 16, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "Epoch: 0%| | 0/1 [00:00but none of the cell phones found so far have been sent to the institute , menichini said .`` it is a very disturbing scene , `` said julian reichelt , editor-in-chief of bild online .'" - ] - }, - "execution_count": 26, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "prediction[0]" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "import numpy as np\n", - "np.argsort(negative, 1) " - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1404216 1.1382208 1.1487969 1.1592742 1.150235 1.1213623 1.0913613\n", + " 1.0712713 1.0617098 1.0581205 1.0560386 1.0506202 1.0425316 1.0357075\n", + " 1.0330073 1.0348654 1.0391371 1.043277 1.0457077 1.0461395 1.0473449\n", + " 1.0498399 1.056031 1.0642823]\n", + " [1.1457242 1.1410565 1.1482023 1.1554116 1.1442827 1.1159548 1.0873289\n", + " 1.0689589 1.0602664 1.0582166 1.0580052 1.0540941 1.0462933 1.0396464\n", + " 1.0363877 1.0377444 1.0422776 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.168888 1.1635568 1.1737443 1.1837516 1.1723554 1.1392629 1.1053437\n", + " 1.0833414 1.0725526 1.0710623 1.070617 1.0659485 1.0564098 1.0483375\n", + " 1.044067 1.0460622 1.0518272 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.180507 1.1766944 1.1877428 1.1976618 1.1854265 1.1507403 1.1143725\n", + " 1.0902525 1.078275 1.0756032 1.0753251 1.0704066 1.060791 1.0523685\n", + " 1.0482816 1.0497705 1.0554085 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1910266 1.1847647 1.1916859 1.1991943 1.1850076 1.1523317 1.1177883\n", + " 1.0939497 1.0831846 1.0822954 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1756952 1.1721278 1.1824558 1.1913029 1.1791137 1.1450393 1.1094971\n", + " 1.0854535 1.0748057 1.0720049 1.071727 1.0664676 1.0576714 1.0494435\n", + " 1.0456601 1.0475333 1.0532767 0. 0. ]\n", + " [1.1894987 1.184976 1.1950359 1.2039771 1.1895272 1.1545174 1.1184129\n", + " 1.0947466 1.0838315 1.0827241 1.0822178 1.0770682 1.066552 1.0567732\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1784894 1.1742834 1.185215 1.1951741 1.1819177 1.1470914 1.1107084\n", + " 1.086556 1.0751194 1.0732338 1.0738026 1.0694369 1.060716 1.052413\n", + " 1.0482074 1.0504698 0. 0. 0. ]\n", + " [1.1876984 1.1835916 1.1936526 1.2026093 1.1885858 1.1526834 1.1155814\n", + " 1.0900702 1.0778016 1.0746753 1.0739732 1.068891 1.0596607 1.0511962\n", + " 1.0480136 1.0501323 1.0557435 1.06121 0. ]\n", + " [1.172551 1.1706271 1.1819398 1.1895916 1.1768036 1.1426449 1.1075835\n", + " 1.0846632 1.0736834 1.071052 1.0697472 1.0638644 1.0550672 1.0473083\n", + " 1.0436631 1.0455433 1.0505179 1.0553901 1.0581397]]\n", + "[[1.1634352 1.1614712 1.1733094 1.1826628 1.170537 1.1378226 1.1036575\n", + " 1.0813575 1.0702822 1.0670638 1.0649542 1.0597672 1.0510858 1.0432907\n", + " 1.0401757 1.0413986 1.04609 1.0512363 1.0530883 1.0539745 1.0553572\n", + " 0. 0. ]\n", + " [1.1713644 1.1679837 1.1773636 1.185437 1.1716739 1.1386508 1.1050689\n", + " 1.0824635 1.072303 1.0695422 1.0689243 1.0641993 1.0556995 1.0471106\n", + " 1.0438412 1.0455481 1.0508647 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1600033 1.1570437 1.1668292 1.1769494 1.1657181 1.133863 1.1010096\n", + " 1.0785367 1.0677959 1.0645295 1.0630144 1.0583891 1.0504831 1.0433458\n", + " 1.0402708 1.0417621 1.0463779 1.0510926 1.053537 0. 0.\n", + " 0. 0. ]\n", + " [1.1881349 1.1824464 1.1920891 1.2006931 1.1856519 1.1497674 1.1131405\n", + " 1.0898145 1.0797038 1.0785129 1.0795808 1.0745809 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.167589 1.1646327 1.1749204 1.1839068 1.1719788 1.1411008 1.1081392\n", + " 1.0857916 1.0740775 1.069386 1.0671144 1.0607107 1.0512972 1.0440143\n", + " 1.0408238 1.0431826 1.048603 1.0528772 1.0553212 1.0562288 1.057253\n", + " 1.0605414 1.0676858]]\n", + "[[1.1787574 1.1757122 1.187011 1.1966021 1.1843501 1.1505324 1.114452\n", + " 1.0894388 1.0772747 1.0737187 1.0727026 1.0675914 1.0586123 1.0501384\n", + " 1.0463899 1.0479349 1.053011 1.0583405 1.0604333 0. ]\n", + " [1.1762736 1.1712902 1.1815387 1.1902736 1.1764466 1.14223 1.107979\n", + " 1.0854776 1.0750122 1.0730567 1.072496 1.067743 1.0584924 1.049964\n", + " 1.0464165 1.0483127 0. 0. 0. 0. ]\n", + " [1.1780635 1.1752433 1.1872272 1.198023 1.1850975 1.1495063 1.1126664\n", + " 1.0884945 1.0761737 1.072982 1.0717481 1.066278 1.0574124 1.0485958\n", + " 1.0450757 1.0470011 1.0521518 1.0569067 1.0593803 1.0599041]\n", + " [1.159375 1.1559774 1.1649703 1.1733987 1.1623383 1.1306849 1.0992601\n", + " 1.0780622 1.0673767 1.0647442 1.0635964 1.0583847 1.05071 1.0433283\n", + " 1.0399547 1.0409946 1.0455391 1.0502384 1.0527914 0. ]\n", + " [1.1614159 1.1568272 1.165538 1.1732684 1.1623625 1.1311121 1.0993273\n", + " 1.077991 1.0678694 1.0660673 1.0656501 1.0605776 1.0525739 1.0449353\n", + " 1.0415945 1.0435039 0. 0. 0. 0. ]]\n", + "[[1.1872892 1.1825937 1.1931487 1.2024906 1.1890664 1.1523585 1.1155646\n", + " 1.0916562 1.0813947 1.080583 1.0807223 1.0752921 1.064772 1.0543629\n", + " 0. 0. 0. 0. ]\n", + " [1.1541674 1.1507558 1.1587005 1.164798 1.1536443 1.124165 1.0945597\n", + " 1.0750628 1.065244 1.0619894 1.0611098 1.0566751 1.0484897 1.0420651\n", + " 1.0387954 1.0400308 1.0448463 0. ]\n", + " [1.1830171 1.178354 1.1894106 1.1971374 1.1837143 1.1482003 1.1127532\n", + " 1.089444 1.0788698 1.078062 1.0785902 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1590555 1.1540489 1.1623938 1.1704543 1.1598598 1.1298052 1.0985548\n", + " 1.0774995 1.0672728 1.0646241 1.0636449 1.0590906 1.0509427 1.0433738\n", + " 1.0399386 1.0414804 1.0463672 1.05095 ]\n", + " [1.1623192 1.1580517 1.1662506 1.1736846 1.1624398 1.132062 1.1013663\n", + " 1.0806588 1.0701267 1.0680041 1.0672935 1.0626292 1.0541846 1.0460479\n", + " 1.0426476 1.0440701 0. 0. ]]\n", + "[[1.2339694 1.2263023 1.2372372 1.2462715 1.2324288 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1926101 1.1873543 1.1997187 1.2086354 1.1955812 1.1582668 1.1195769\n", + " 1.0943289 1.0835568 1.0826013 1.0838871 1.0788245 1.0683949 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1603333 1.1580158 1.1677399 1.1757841 1.1622795 1.1309186 1.0994718\n", + " 1.0789894 1.06855 1.0649198 1.0637152 1.0579562 1.0493116 1.0417893\n", + " 1.039054 1.0408165 1.0460291 1.0506966 1.0532385 1.0539823 1.0555005\n", + " 0. ]\n", + " [1.169147 1.1639885 1.173601 1.1825683 1.1709855 1.1393296 1.10572\n", + " 1.0838937 1.0733678 1.0719557 1.0720112 1.0678499 1.0587573 1.0503612\n", + " 1.0465053 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1568433 1.1536688 1.1631488 1.1713347 1.1597939 1.1286633 1.0981059\n", + " 1.0777868 1.0673268 1.0636117 1.0614661 1.0561079 1.0477897 1.0410007\n", + " 1.038375 1.0399542 1.0444206 1.0490144 1.0510802 1.0518255 1.0534179\n", + " 1.0568202]]\n", + "[[1.1846391 1.1803603 1.1915772 1.1997948 1.1873112 1.1513246 1.114588\n", + " 1.0905707 1.079324 1.0768743 1.0764761 1.0718048 1.06208 1.0529976\n", + " 1.0488364 1.0507507 0. 0. 0. 0. 0. ]\n", + " [1.1565294 1.1529603 1.163371 1.1723722 1.1616895 1.1308088 1.0984099\n", + " 1.0769445 1.0666708 1.0640453 1.0639693 1.0595124 1.0517446 1.044284\n", + " 1.0410682 1.0426148 1.0477531 0. 0. 0. 0. ]\n", + " [1.1883116 1.1856109 1.1958485 1.2054907 1.1927798 1.1578197 1.120644\n", + " 1.0954754 1.0828897 1.0794038 1.0784471 1.0724387 1.0621471 1.0532109\n", + " 1.0489068 1.0507765 1.0559068 1.06099 1.0634158 0. 0. ]\n", + " [1.1752535 1.1724548 1.182549 1.1909877 1.178664 1.1445918 1.1097001\n", + " 1.086665 1.0739702 1.070582 1.0683659 1.0622976 1.0545644 1.0473471\n", + " 1.0435987 1.0452135 1.050137 1.0550753 1.057815 1.0593069 1.0612339]\n", + " [1.1667259 1.1611558 1.1695321 1.176039 1.1658812 1.134839 1.1024005\n", + " 1.0806423 1.070008 1.0668772 1.0667088 1.0622275 1.0541025 1.0461913\n", + " 1.0429196 1.0445768 1.049156 1.05381 0. 0. 0. ]]\n", + "[[1.1764722 1.1707484 1.1789062 1.1868346 1.1749482 1.1438004 1.1111141\n", + " 1.0885147 1.0766736 1.0721604 1.0694642 1.0634428 1.0544975 1.0467147\n", + " 1.0435228 1.045229 1.0502366 1.0552884 1.0578654 1.0594503]\n", + " [1.1662146 1.1611819 1.1707003 1.1800531 1.1698593 1.1382816 1.105219\n", + " 1.0827779 1.0716095 1.0687225 1.0679989 1.0641049 1.0557632 1.0479938\n", + " 1.0439577 1.0452281 1.049747 1.0545522 0. 0. ]\n", + " [1.1797976 1.176254 1.1867855 1.1955894 1.1834035 1.1480683 1.1126268\n", + " 1.0888485 1.0777911 1.074441 1.0734869 1.0675355 1.0576481 1.0492995\n", + " 1.0452727 1.0472277 1.0522691 1.0576291 1.0600415 0. ]\n", + " [1.1733458 1.1710303 1.1826454 1.1914655 1.1788504 1.1448953 1.109294\n", + " 1.0855175 1.0742916 1.0714811 1.0702939 1.0648934 1.0558637 1.0478802\n", + " 1.0438752 1.0455638 1.0505495 1.0555447 1.058313 0. ]\n", + " [1.1643083 1.1589724 1.1685252 1.1769142 1.1655449 1.1333059 1.1006192\n", + " 1.0790011 1.068824 1.0671171 1.0675739 1.0631111 1.0547466 1.0467576\n", + " 1.0435537 1.045583 0. 0. 0. 0. ]]\n", + "[[1.1630546 1.1578834 1.166992 1.1753739 1.1652012 1.1351147 1.1029993\n", + " 1.0811146 1.0704648 1.0673348 1.0671493 1.0624152 1.0538704 1.046205\n", + " 1.0428562 1.0450966 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1592276 1.1548964 1.1674546 1.1790466 1.1692669 1.1381571 1.1049286\n", + " 1.0823296 1.071322 1.0677221 1.0651003 1.0593067 1.049891 1.0417783\n", + " 1.0384943 1.0404663 1.045731 1.0508084 1.0534579 1.0536551 1.0543345\n", + " 1.0570112 1.0637879 1.0739474 1.0820385 1.086638 1.0877128]\n", + " [1.1826481 1.1772715 1.1875721 1.1975948 1.186952 1.1521544 1.1156099\n", + " 1.0911766 1.0796702 1.0775177 1.0770122 1.0719702 1.0623062 1.0530591\n", + " 1.0488307 1.05053 1.056313 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2100861 1.2046387 1.213775 1.220796 1.2043839 1.1670113 1.1283872\n", + " 1.1030576 1.0915153 1.0893569 1.0894327 1.0832076 1.0716436 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1571642 1.1559422 1.1663363 1.1760681 1.1643916 1.1335694 1.1015252\n", + " 1.0790325 1.0681493 1.0647056 1.0628549 1.05734 1.0490898 1.0421836\n", + " 1.0385746 1.040332 1.0450803 1.04979 1.0522723 1.0533178 1.0546669\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1757386 1.1720086 1.1811514 1.1889431 1.1768563 1.1427559 1.1081923\n", + " 1.0860755 1.0754188 1.0732636 1.0728418 1.067192 1.057829 1.0489665\n", + " 1.0451599 1.0471292 1.0524582]\n", + " [1.1940403 1.1873331 1.197589 1.2071723 1.1935498 1.1573802 1.1206651\n", + " 1.0961499 1.0854967 1.0844646 1.0844444 1.0792158 1.0682181 0.\n", + " 0. 0. 0. ]\n", + " [1.2032039 1.1964419 1.2064072 1.2154804 1.2013707 1.1646303 1.1247784\n", + " 1.0974082 1.0853503 1.0840521 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2104557 1.2044618 1.2145329 1.2226741 1.2094425 1.1701484 1.1302681\n", + " 1.1034399 1.0916126 1.0895351 1.0894504 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1707499 1.1656563 1.1751264 1.1842668 1.1734804 1.1413306 1.107587\n", + " 1.0848123 1.0744162 1.0718555 1.0715584 1.0670139 1.0577638 1.049784\n", + " 1.0458455 1.0477428 0. ]]\n", + "[[1.1729534 1.1678283 1.1774231 1.1862829 1.173662 1.1402928 1.105618\n", + " 1.082311 1.0719291 1.068735 1.068608 1.0631557 1.054517 1.046671\n", + " 1.0435393 1.0452358 1.0506005 1.055809 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1510454 1.1479455 1.1595845 1.1708041 1.162502 1.1320189 1.1002209\n", + " 1.0788378 1.0681056 1.0644157 1.0626708 1.0566311 1.0476379 1.0402873\n", + " 1.0374577 1.0398997 1.04517 1.0504197 1.0532148 1.0539148 1.0547906\n", + " 1.057759 1.064784 1.0741097 1.08163 1.0852412 1.0859218 1.0818439\n", + " 1.0740324]\n", + " [1.17365 1.1704155 1.1805397 1.187757 1.1739165 1.1401985 1.1062409\n", + " 1.0833312 1.0733476 1.070806 1.0706228 1.0658057 1.0573137 1.0488985\n", + " 1.0450854 1.0465755 1.0519 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1594319 1.157558 1.1682388 1.1778386 1.1663034 1.1346283 1.101903\n", + " 1.0794902 1.0682576 1.0643997 1.0623885 1.0578731 1.0497596 1.0427055\n", + " 1.0398679 1.0414141 1.0459955 1.0504216 1.052993 1.0538776 1.0550233\n", + " 1.0585622 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1624342 1.1589593 1.1676418 1.1750752 1.162669 1.1307142 1.0995148\n", + " 1.0785979 1.068304 1.0657233 1.064527 1.0594928 1.0518011 1.0450653\n", + " 1.0418857 1.0435859 1.0484128 1.0532308 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1849446 1.1788368 1.1882906 1.1968815 1.183668 1.1497152 1.1140752\n", + " 1.0901365 1.0784045 1.0755508 1.0753521 1.0706596 1.0615072 1.0532368\n", + " 1.0490355 1.0512328 0. 0. 0. 0. ]\n", + " [1.1702583 1.1660857 1.176421 1.1840829 1.1717834 1.1389291 1.1057398\n", + " 1.0848054 1.0745461 1.0736089 1.0737873 1.0686768 1.059069 1.0500991\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1583881 1.1557205 1.1648351 1.1724569 1.1597496 1.1292373 1.097468\n", + " 1.0765706 1.0669948 1.0648263 1.0649197 1.060077 1.051925 1.0442392\n", + " 1.0408734 1.0423319 1.0473005 0. 0. 0. ]\n", + " [1.1645098 1.1611782 1.170501 1.177503 1.1658993 1.1344078 1.1023004\n", + " 1.0804275 1.0700951 1.0665294 1.0651656 1.0593891 1.0507369 1.0436527\n", + " 1.040704 1.0423712 1.0473474 1.0519447 1.0540832 1.054748 ]\n", + " [1.1834102 1.1808382 1.1918097 1.2012244 1.1889216 1.1527579 1.1161462\n", + " 1.0913453 1.0788051 1.0755407 1.0741926 1.068117 1.0582172 1.0496098\n", + " 1.0457338 1.0470573 1.0522363 1.0579464 1.0609475 0. ]]\n", + "[[1.1859691 1.1830146 1.1935633 1.2034949 1.1914446 1.1578407 1.1216028\n", + " 1.0965443 1.0834544 1.0784655 1.0759985 1.0691885 1.0598543 1.0515774\n", + " 1.0482147 1.0501261 1.0558324 1.0610228 1.063476 1.0643164 1.0657246]\n", + " [1.1680489 1.163842 1.1714712 1.1793547 1.1674104 1.1374242 1.1065718\n", + " 1.085095 1.0740777 1.0708115 1.0696187 1.0642245 1.055511 1.047259\n", + " 1.0438124 1.0456469 1.0507643 0. 0. 0. 0. ]\n", + " [1.161232 1.1561066 1.1637467 1.1691742 1.158198 1.1278292 1.0969756\n", + " 1.0766361 1.0663805 1.0643857 1.0639617 1.0602801 1.0519956 1.0453373\n", + " 1.042014 1.0435896 1.0486758 0. 0. 0. 0. ]\n", + " [1.1998947 1.1934593 1.2034178 1.2114797 1.1994226 1.1626341 1.1251814\n", + " 1.1004362 1.0894243 1.0876962 1.0874437 1.0818498 1.0699897 1.0594684\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.170208 1.1660489 1.1754843 1.1851623 1.1729432 1.140603 1.106729\n", + " 1.0838869 1.0734708 1.0712358 1.0714331 1.0668894 1.0574995 1.0494034\n", + " 1.0455539 1.0475217 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.166502 1.162509 1.1720389 1.1800433 1.1690197 1.1365234 1.1033151\n", + " 1.0813069 1.0708171 1.0682837 1.0677327 1.0627527 1.0539874 1.045497\n", + " 1.0421988 1.0437773 1.048913 1.0540376 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1712791 1.1643999 1.1731689 1.1810842 1.1699141 1.137961 1.1054628\n", + " 1.0839368 1.074257 1.0726002 1.0731488 1.0688615 1.0600538 1.0517317\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1498826 1.1476395 1.1583471 1.1678488 1.1579169 1.1278433 1.0968246\n", + " 1.0759611 1.0656041 1.0615476 1.0592408 1.0533082 1.045573 1.0389386\n", + " 1.0363152 1.0381063 1.0431095 1.047583 1.0490552 1.050073 1.0514085\n", + " 1.0543628 1.061025 1.0694382]\n", + " [1.1657125 1.160802 1.1692872 1.1774392 1.1659007 1.1350603 1.1033238\n", + " 1.0817173 1.070915 1.0668297 1.0653833 1.0595132 1.051053 1.0434371\n", + " 1.0405929 1.04219 1.0475577 1.0522953 1.0545598 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1708504 1.1649762 1.1725594 1.1792533 1.1672512 1.1356506 1.103041\n", + " 1.0824399 1.0719634 1.0688745 1.0683169 1.0631058 1.0545667 1.046562\n", + " 1.0433148 1.0451392 1.0501609 1.0554868 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.2227725 1.2140074 1.2221172 1.2304159 1.2164202 1.1793151 1.1383954\n", + " 1.1094762 1.0963635 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1600157 1.1560538 1.1652929 1.1744305 1.1631572 1.1326567 1.1010038\n", + " 1.0792464 1.0696704 1.0669501 1.0654671 1.0610888 1.0520694 1.0442615\n", + " 1.0403086 1.041997 1.0468765 1.0515842 0. 0. 0. ]\n", + " [1.1747407 1.1717119 1.1825526 1.1916369 1.1788055 1.1453636 1.1109467\n", + " 1.0881171 1.0768373 1.0734651 1.0717664 1.0661016 1.0564258 1.0479386\n", + " 1.0446672 1.0468669 1.0527147 1.0582448 0. 0. 0. ]\n", + " [1.1728672 1.1712186 1.1830592 1.1927918 1.1814796 1.1476982 1.1125984\n", + " 1.0884142 1.0770662 1.0733773 1.0711428 1.0645465 1.055086 1.0464413\n", + " 1.0431123 1.0449014 1.0500808 1.0545876 1.0566536 1.0572578 1.058532 ]\n", + " [1.172732 1.1684241 1.1774347 1.1853509 1.1726953 1.1414793 1.1089274\n", + " 1.0861826 1.0741267 1.0700555 1.0675609 1.0610771 1.0525784 1.0450442\n", + " 1.0418179 1.0434077 1.0484078 1.0530307 1.0559765 1.0577005 0. ]]\n", + "[[1.1744422 1.1733974 1.1858929 1.1956712 1.1818917 1.1469514 1.1116245\n", + " 1.0879899 1.0765495 1.0728999 1.0716568 1.0652721 1.0553583 1.0473734\n", + " 1.0436543 1.0452578 1.0505292 1.0554019 1.0579519 1.0592248]\n", + " [1.1569543 1.1537786 1.1644831 1.1729796 1.1630679 1.1321663 1.0998964\n", + " 1.0777477 1.0674917 1.0641507 1.0621207 1.05782 1.049666 1.0420569\n", + " 1.0388087 1.0405384 1.0449387 1.0497361 1.0524507 1.0538582]\n", + " [1.1697088 1.1671906 1.1770414 1.1859386 1.1740094 1.1403264 1.1058387\n", + " 1.0824742 1.0702931 1.0687476 1.0678737 1.0639299 1.0549736 1.0473288\n", + " 1.0436398 1.0448228 1.0498611 1.0550108 0. 0. ]\n", + " [1.1793091 1.1758392 1.1875013 1.1976743 1.1851444 1.14948 1.1135122\n", + " 1.0891796 1.0776856 1.0740509 1.0729598 1.0671941 1.0577068 1.0491214\n", + " 1.0455444 1.0473945 1.0530212 1.0580549 1.060267 1.0609967]\n", + " [1.1601154 1.1562114 1.1666577 1.1752074 1.1636553 1.1315873 1.0986191\n", + " 1.0776999 1.0676078 1.0660305 1.0653272 1.0603148 1.0515686 1.0435042\n", + " 1.0398998 1.0417576 1.0469605 1.0518608 0. 0. ]]\n", + "[[1.1849455 1.1798476 1.1900245 1.1992823 1.1863313 1.1509048 1.115067\n", + " 1.0910939 1.0801622 1.0777845 1.0777249 1.0717831 1.0611471 1.052471\n", + " 1.0484307 1.050727 0. 0. 0. ]\n", + " [1.1655529 1.1616077 1.1713927 1.1796871 1.1678731 1.1362044 1.1027914\n", + " 1.0804714 1.0698527 1.0666178 1.0659049 1.0610828 1.0526239 1.0449754\n", + " 1.0415119 1.0432109 1.0481561 1.0527686 1.0554969]\n", + " [1.1948763 1.188616 1.1973301 1.2055517 1.1927449 1.1573452 1.1209133\n", + " 1.0957881 1.0842685 1.0816672 1.0815787 1.0768882 1.0670722 1.0576974\n", + " 1.053963 0. 0. 0. 0. ]\n", + " [1.1622015 1.158417 1.1684195 1.177542 1.1659088 1.1330123 1.0993475\n", + " 1.0779878 1.0689522 1.0673832 1.068134 1.0635942 1.0544767 1.0464783\n", + " 1.0426651 1.044287 0. 0. 0. ]\n", + " [1.1710075 1.1685865 1.1786505 1.1870699 1.1741731 1.1403931 1.1058457\n", + " 1.0833502 1.0722282 1.0695789 1.0689442 1.0644829 1.0559155 1.0482572\n", + " 1.0448353 1.0462822 1.0509816 1.056294 0. ]]\n", + "[[1.1803926 1.1765841 1.1861513 1.1955321 1.1828578 1.1488584 1.1144634\n", + " 1.0907595 1.0796299 1.0766339 1.075547 1.0706635 1.0611638 1.0520716\n", + " 1.0481923 1.0502305 1.0561656 0. 0. 0. 0. ]\n", + " [1.1773163 1.174214 1.1840411 1.1922555 1.1798053 1.1454023 1.1101205\n", + " 1.0872678 1.0759727 1.0726637 1.0703098 1.064332 1.0549141 1.0473582\n", + " 1.0438468 1.0458716 1.0513582 1.0564303 1.0590675 1.0599436 1.0612571]\n", + " [1.1853611 1.1825719 1.19469 1.2052515 1.1926808 1.1568418 1.1192542\n", + " 1.0937974 1.0811179 1.0771602 1.075145 1.0690401 1.0588129 1.0509968\n", + " 1.0475837 1.0493959 1.0551512 1.06077 1.0629901 1.0636641 1.0652585]\n", + " [1.1757878 1.1728334 1.1846533 1.1937872 1.1818905 1.1468146 1.1106216\n", + " 1.0870855 1.0765246 1.0754768 1.0759152 1.0716317 1.0615567 1.0527298\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1822208 1.17945 1.18969 1.19822 1.1849738 1.1512607 1.1158885\n", + " 1.0917715 1.0797955 1.0758108 1.0733457 1.0673254 1.0574572 1.0489508\n", + " 1.0454394 1.0473217 1.0525185 1.0572245 1.0598794 1.061248 1.0633609]]\n", + "[[1.2089102 1.2025135 1.2116132 1.2200519 1.205617 1.1663462 1.1269065\n", + " 1.1009701 1.0889732 1.0871682 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1915661 1.1863483 1.1948744 1.2027811 1.1894257 1.1548983 1.1183138\n", + " 1.0940094 1.0821359 1.0812851 1.0817925 1.076808 1.0668173 1.0576665\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1627878 1.1574774 1.1658094 1.1738864 1.1650093 1.1349751 1.1031276\n", + " 1.0814143 1.0709354 1.0680982 1.0679152 1.0638603 1.0558501 1.0482937\n", + " 1.0444313 1.0460567 1.0508611 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1661844 1.1630505 1.1735362 1.1839038 1.1728752 1.1401144 1.1073085\n", + " 1.0842583 1.0724335 1.0681434 1.0662866 1.0603404 1.0511246 1.0442501\n", + " 1.0410129 1.043037 1.0485271 1.0528156 1.05536 1.0566552 1.0585192\n", + " 1.0619191 1.0689411 1.0783441]\n", + " [1.1808954 1.1756494 1.1857889 1.1947352 1.1842828 1.1508399 1.1154706\n", + " 1.0917468 1.0802917 1.0782082 1.077152 1.0722364 1.0620917 1.0529326\n", + " 1.0484403 1.0501089 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1824663 1.1782787 1.1895579 1.1973901 1.1849346 1.1501336 1.1140383\n", + " 1.0904903 1.0782118 1.0742003 1.0725392 1.0667508 1.0573462 1.0490521\n", + " 1.0457544 1.0479916 1.0537797 1.05963 1.0621996]\n", + " [1.1572778 1.1525054 1.1616044 1.1694963 1.1588285 1.1279019 1.0971849\n", + " 1.0766209 1.0671254 1.0648601 1.0645041 1.0596299 1.0514314 1.0436809\n", + " 1.0400743 1.0417919 1.0468018 0. 0. ]\n", + " [1.1691214 1.1660781 1.1765568 1.1848278 1.1716586 1.1390461 1.1052625\n", + " 1.0823803 1.0722647 1.0699332 1.0699689 1.065772 1.0564286 1.048411\n", + " 1.044695 1.0463202 1.0515692 0. 0. ]\n", + " [1.1703575 1.1665583 1.177283 1.1853651 1.1737859 1.1407559 1.1065547\n", + " 1.0838907 1.0731906 1.0723407 1.0724931 1.0671037 1.0575305 1.0489547\n", + " 1.0454301 0. 0. 0. 0. ]\n", + " [1.2012012 1.1962655 1.2062547 1.2155825 1.2024426 1.1655741 1.1263927\n", + " 1.1008356 1.0890464 1.0874373 1.0878903 1.0817786 1.0707178 1.0605931\n", + " 1.0559864 0. 0. 0. 0. ]]\n", + "[[1.1753603 1.171077 1.181284 1.1898232 1.1766658 1.1425104 1.107956\n", + " 1.0851326 1.0748097 1.0732886 1.0733961 1.0685148 1.0592344 1.0507712\n", + " 1.0469781 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1719455 1.1694057 1.1798942 1.1897519 1.1781604 1.1458206 1.1123129\n", + " 1.0888141 1.0769259 1.0719424 1.0694667 1.0631965 1.0536326 1.0465356\n", + " 1.0434449 1.0455471 1.0508093 1.0555146 1.0583014 1.0587498 1.0598711\n", + " 1.0631003 1.0707695]\n", + " [1.1739382 1.1682134 1.1768072 1.185044 1.1723073 1.1392905 1.1063884\n", + " 1.0847186 1.0747242 1.0740662 1.074441 1.0704825 1.0611461 1.0523678\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1700717 1.1658804 1.1773058 1.1862843 1.1752232 1.1414152 1.1063294\n", + " 1.0831982 1.0721517 1.07018 1.0704544 1.0664426 1.0575737 1.0495505\n", + " 1.0455308 1.0470529 1.0523729 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1579506 1.1534443 1.1620725 1.1687474 1.1571923 1.1269286 1.0960555\n", + " 1.0763453 1.0668813 1.0650903 1.0647058 1.0604376 1.0521888 1.0443295\n", + " 1.0407363 1.0423838 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1914104 1.1854361 1.1946839 1.2043885 1.1911741 1.1558928 1.1181414\n", + " 1.0926682 1.0818752 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.162997 1.1614212 1.1728804 1.1828203 1.1710418 1.1396129 1.106631\n", + " 1.0840753 1.0725464 1.0680262 1.0659052 1.0595293 1.0510793 1.043874\n", + " 1.0406224 1.0426235 1.0473664 1.0524344 1.0546676 1.0555704 1.0568465\n", + " 1.0605649 0. ]\n", + " [1.1640346 1.160655 1.1704586 1.1790774 1.1678846 1.1355835 1.102469\n", + " 1.0806385 1.0698832 1.0670718 1.0665355 1.0621023 1.0537989 1.0462719\n", + " 1.0425395 1.0440483 1.0490744 1.0539619 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1670022 1.163613 1.1737156 1.1821599 1.1719117 1.1394384 1.1056157\n", + " 1.0827199 1.0722494 1.0703013 1.0701677 1.0656863 1.0566825 1.0490404\n", + " 1.0454746 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1514772 1.1490157 1.1592273 1.168388 1.1576912 1.1274172 1.0963283\n", + " 1.0752872 1.0643954 1.0608289 1.0591381 1.0545744 1.0466233 1.0404831\n", + " 1.0378356 1.0397538 1.0440888 1.0485041 1.0512992 1.0517466 1.0532682\n", + " 1.0564828 1.0628031]]\n", + "[[1.1485316 1.1450702 1.1538118 1.1610837 1.1511861 1.1211782 1.0918785\n", + " 1.0723041 1.0614765 1.0581757 1.0565912 1.0519377 1.0451113 1.0388919\n", + " 1.036518 1.0377296 1.0418563 1.0459641 1.0479603 1.0488983 0.\n", + " 0. 0. ]\n", + " [1.1657189 1.1627076 1.1727618 1.1813644 1.1695158 1.1373124 1.1045172\n", + " 1.0829917 1.0720183 1.067944 1.0652602 1.0594733 1.0506452 1.0432553\n", + " 1.0405707 1.0426524 1.0476409 1.0527314 1.0554636 1.056887 1.0583565\n", + " 1.061927 0. ]\n", + " [1.1713915 1.1678953 1.1779623 1.1875281 1.1759664 1.1427869 1.1096822\n", + " 1.087139 1.075303 1.0711918 1.0682143 1.0623465 1.0531975 1.045363\n", + " 1.0425409 1.0450523 1.050029 1.055179 1.0572994 1.0580212 1.0588597\n", + " 1.062413 1.0695705]\n", + " [1.1789492 1.1754076 1.1851416 1.1919129 1.1798288 1.1456635 1.1103361\n", + " 1.0870268 1.0757679 1.0726562 1.0716395 1.0669506 1.058445 1.0499946\n", + " 1.0465468 1.0481367 1.0534775 1.0584881 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1855537 1.1799216 1.1901689 1.1994164 1.1870238 1.1516734 1.1146945\n", + " 1.0903952 1.0786179 1.0761869 1.0754151 1.0701087 1.06077 1.0519093\n", + " 1.0476497 1.0495945 1.0554875 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1704261 1.1658146 1.1752355 1.1846609 1.1742395 1.1416477 1.1067655\n", + " 1.0845064 1.0732403 1.0703758 1.0698128 1.0645962 1.0558841 1.0468616\n", + " 1.0429704 1.0447457 1.0497886 1.0550364 0. 0. 0.\n", + " 0. ]\n", + " [1.1803553 1.1771338 1.187596 1.1947287 1.1826574 1.1482722 1.1122131\n", + " 1.0885231 1.076876 1.0732758 1.0714151 1.06619 1.0572362 1.0483391\n", + " 1.0448807 1.0470217 1.0523282 1.0572125 1.0598977 0. 0.\n", + " 0. ]\n", + " [1.171112 1.1677775 1.1775614 1.1841214 1.1714342 1.1384896 1.1049275\n", + " 1.082651 1.0724064 1.069863 1.0696044 1.0639516 1.0553274 1.0466329\n", + " 1.0435125 1.0454246 1.0509832 1.0564378 0. 0. 0.\n", + " 0. ]\n", + " [1.1805875 1.1791167 1.1904984 1.1984318 1.1856452 1.1500244 1.1132948\n", + " 1.0893466 1.0776752 1.0748081 1.073138 1.0667503 1.0572056 1.0492964\n", + " 1.0454862 1.0473195 1.0525656 1.0578859 1.0604571 0. 0.\n", + " 0. ]\n", + " [1.1753868 1.1728908 1.1841433 1.1950577 1.1833442 1.1501305 1.1147666\n", + " 1.0906702 1.0786573 1.0739297 1.0716611 1.0657972 1.0563287 1.0479842\n", + " 1.0444454 1.0458711 1.0507386 1.0556717 1.0586157 1.0593183 1.0604815\n", + " 1.0641727]]\n", + "[[1.1785043 1.1760865 1.1877265 1.1967691 1.1828363 1.147072 1.1114184\n", + " 1.0881212 1.0773388 1.0758164 1.07569 1.0702001 1.0605825 1.0516602\n", + " 1.0476419 1.050019 0. 0. 0. 0. ]\n", + " [1.1511545 1.1469238 1.1541901 1.1613953 1.1502188 1.1211624 1.0917536\n", + " 1.0720743 1.0626551 1.0602452 1.059047 1.0553408 1.0483803 1.0413208\n", + " 1.0381116 1.0397011 1.0439711 0. 0. 0. ]\n", + " [1.1755693 1.1723326 1.1833308 1.1926528 1.1803012 1.1471249 1.1123453\n", + " 1.0884527 1.0771992 1.0737221 1.0715925 1.0658624 1.056151 1.0480531\n", + " 1.0443565 1.0466609 1.0519096 1.057018 1.0593157 0. ]\n", + " [1.1656038 1.1614499 1.170697 1.1787148 1.1666553 1.1344825 1.1026814\n", + " 1.0812513 1.0703337 1.0663157 1.0643324 1.0585947 1.0504237 1.0431536\n", + " 1.0399753 1.0419608 1.0468647 1.0515609 1.0541548 1.0551137]\n", + " [1.1608604 1.1563758 1.165789 1.1732967 1.1614486 1.1297989 1.0978951\n", + " 1.0760698 1.0664419 1.0639362 1.0636187 1.0594469 1.0519662 1.0449362\n", + " 1.0415266 1.0426674 1.0470803 1.0518024 0. 0. ]]\n", + "[[1.1676779 1.1626108 1.1721154 1.1806381 1.1702011 1.137893 1.1046041\n", + " 1.0824304 1.0715871 1.0687058 1.067898 1.0628983 1.0540462 1.0457623\n", + " 1.0422488 1.0440719 1.0492637 1.0544572 0. ]\n", + " [1.1823181 1.1790336 1.1894498 1.1985984 1.1853033 1.1504736 1.1144515\n", + " 1.0900764 1.0785292 1.0748106 1.0732325 1.0681486 1.0582088 1.0498999\n", + " 1.0464046 1.048329 1.0537266 1.0591497 1.0613301]\n", + " [1.1731216 1.1703671 1.1808102 1.1897533 1.1784705 1.1448756 1.1098871\n", + " 1.0860772 1.0747272 1.0717348 1.0706502 1.0660646 1.0577391 1.0492886\n", + " 1.0454001 1.0466799 1.0516949 1.0567312 0. ]\n", + " [1.1599004 1.1572199 1.1678187 1.1776733 1.1663604 1.134958 1.1020068\n", + " 1.0802861 1.0695653 1.066317 1.0657425 1.0608397 1.0525032 1.0448763\n", + " 1.041632 1.0429415 1.0476866 1.0526816 0. ]\n", + " [1.1932092 1.1877421 1.1982962 1.2071985 1.1931419 1.1559188 1.1200331\n", + " 1.0966035 1.0863224 1.0851407 1.0850353 1.077938 1.0662961 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1627425 1.1599997 1.1703111 1.1788983 1.1674846 1.1344948 1.1014972\n", + " 1.078972 1.0685346 1.0664881 1.0657997 1.061202 1.0521386 1.044595\n", + " 1.0413046 1.0426141 1.0474356 1.0527449 0. ]\n", + " [1.1855112 1.1809921 1.1907382 1.1993313 1.1861955 1.1506213 1.1138277\n", + " 1.0896196 1.0780514 1.0750147 1.0749253 1.0698171 1.0608039 1.051708\n", + " 1.0479017 1.0498742 1.0554982 1.0608368 0. ]\n", + " [1.1646849 1.1625642 1.1737373 1.1821791 1.1709684 1.1378219 1.1040459\n", + " 1.0822532 1.0719942 1.0694495 1.0700121 1.065058 1.0560335 1.0479556\n", + " 1.0437592 1.0454934 0. 0. 0. ]\n", + " [1.172407 1.1677303 1.1775345 1.1878116 1.1763761 1.1423684 1.1080714\n", + " 1.0850732 1.0747606 1.0724622 1.0722201 1.0668793 1.0581242 1.0490582\n", + " 1.0447031 1.0464553 1.0521814 0. 0. ]\n", + " [1.1758363 1.1744295 1.1859156 1.1935514 1.1809157 1.1459954 1.1102384\n", + " 1.0870018 1.075886 1.0723974 1.0711833 1.0656302 1.0563955 1.0489466\n", + " 1.0449803 1.0465454 1.0518675 1.0569544 1.0594494]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1925997 1.1877121 1.1976557 1.2067115 1.1941671 1.1601485 1.1233587\n", + " 1.0984089 1.0854956 1.0811974 1.0788846 1.0726838 1.0621469 1.0527767\n", + " 1.0488787 1.0507487 1.0568073 1.0622641 1.0651324 0. ]\n", + " [1.174073 1.1690742 1.1784058 1.186684 1.1745025 1.1407408 1.1067643\n", + " 1.0844957 1.0740339 1.072235 1.0723592 1.068261 1.0595205 1.0512866\n", + " 1.0474578 0. 0. 0. 0. 0. ]\n", + " [1.1783783 1.175626 1.1871824 1.1967684 1.184597 1.150141 1.1145798\n", + " 1.0903734 1.0777476 1.0738913 1.0718558 1.0665557 1.0572578 1.0490688\n", + " 1.0449445 1.0469006 1.0523249 1.0572952 1.0595737 1.0600201]\n", + " [1.1697792 1.1656253 1.1752745 1.183887 1.1724058 1.1398462 1.1061379\n", + " 1.0834455 1.0722039 1.0690526 1.0684773 1.0633876 1.0544739 1.0465215\n", + " 1.0432044 1.0450126 1.0503238 1.0553542 0. 0. ]\n", + " [1.1694634 1.1656394 1.1756917 1.1842375 1.1724708 1.1392745 1.1051455\n", + " 1.0824565 1.0714165 1.068876 1.0678409 1.0621587 1.0532467 1.0452458\n", + " 1.0414299 1.0430121 1.0479305 1.0529103 0. 0. ]]\n", + "[[1.1764137 1.1738186 1.1843357 1.193557 1.1814833 1.1489159 1.1144452\n", + " 1.0914013 1.0785766 1.0734661 1.0715766 1.06508 1.0555825 1.0474744\n", + " 1.0444237 1.0465627 1.0517651 1.0568539 1.0591435 1.0599451 1.0611402\n", + " 1.0647109 1.0727475]\n", + " [1.1992152 1.1930711 1.2017119 1.2096744 1.1969734 1.159945 1.1216801\n", + " 1.0964838 1.0855191 1.0837197 1.0842819 1.0792067 1.0684708 1.058975\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1600797 1.1569902 1.1667292 1.1741071 1.1630279 1.132341 1.1009014\n", + " 1.080019 1.0694096 1.0659859 1.0637084 1.0582296 1.0497047 1.0427014\n", + " 1.0392733 1.041244 1.0462105 1.0507337 1.0524461 1.0533055 0.\n", + " 0. 0. ]\n", + " [1.1810632 1.1763625 1.1844212 1.1942958 1.1812001 1.1469171 1.1122258\n", + " 1.08955 1.0794806 1.0774245 1.0771482 1.0713493 1.0616603 1.0526152\n", + " 1.0490869 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1713742 1.1675638 1.1768847 1.1849275 1.1731192 1.140007 1.1062629\n", + " 1.0850974 1.0757347 1.0742168 1.0741955 1.0690286 1.0592979 1.0502355\n", + " 1.0459622 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1680896 1.1623762 1.1719354 1.180862 1.1695796 1.1370188 1.1043572\n", + " 1.0834812 1.0738562 1.0724475 1.0722804 1.0668888 1.0574307 1.048665\n", + " 1.0447464 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1706684 1.1667541 1.1771704 1.1859758 1.1748161 1.1413095 1.1071268\n", + " 1.0843601 1.07431 1.0726736 1.072682 1.0680553 1.0587331 1.0498492\n", + " 1.0459234 1.0477356 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1768138 1.1713765 1.1812706 1.1892742 1.176677 1.1419911 1.1071683\n", + " 1.0840455 1.0735688 1.0711507 1.070614 1.066331 1.0578709 1.0496876\n", + " 1.0460278 1.0476099 1.0528679 1.0581824 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1846992 1.1798586 1.189609 1.1988776 1.1862533 1.151457 1.1149781\n", + " 1.0909017 1.079788 1.0775751 1.0774325 1.07267 1.0625844 1.0534315\n", + " 1.0492045 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.17881 1.17664 1.1880112 1.1966292 1.1847878 1.1508437 1.1152713\n", + " 1.0908632 1.078489 1.0741669 1.0718008 1.064576 1.055501 1.0473701\n", + " 1.0444385 1.0469172 1.0522352 1.057499 1.0601383 1.0611408 1.062319\n", + " 1.0666548 1.0745817]]\n", + "[[1.173113 1.167641 1.1753509 1.1827297 1.1703615 1.1383306 1.1049747\n", + " 1.082874 1.0720785 1.0691411 1.0686883 1.0639651 1.0557547 1.0485297\n", + " 1.0451463 1.0471002 1.0523756 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2209158 1.2150539 1.2261264 1.2374511 1.2238736 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.168886 1.1663829 1.1784232 1.189298 1.1786361 1.1453929 1.1108927\n", + " 1.0879108 1.0759486 1.0718565 1.0690573 1.062977 1.0535439 1.0455837\n", + " 1.04226 1.0445263 1.0496587 1.0545733 1.0566691 1.0576333 1.0591301\n", + " 1.0624967 1.0702481 1.0806808]\n", + " [1.1836957 1.1789051 1.188632 1.1964092 1.1832592 1.1491401 1.113751\n", + " 1.0895357 1.0775666 1.0739405 1.0723267 1.0673988 1.0587735 1.0510967\n", + " 1.0476534 1.0498923 1.0549634 1.0600647 1.0622494 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1757954 1.1698611 1.1789807 1.1848823 1.1722726 1.1400771 1.1059916\n", + " 1.083773 1.0738916 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1639942 1.1599026 1.1690202 1.1768588 1.1635505 1.1316134 1.0999466\n", + " 1.079472 1.0701851 1.0678369 1.0674608 1.0621495 1.0531065 1.0453215\n", + " 1.0422417 1.0442499 1.0495628]\n", + " [1.1971463 1.1918958 1.2012041 1.208768 1.1944735 1.1561632 1.1181521\n", + " 1.0932566 1.0827277 1.0805259 1.08141 1.0765902 1.0669659 1.0573047\n", + " 1.0530425 0. 0. ]\n", + " [1.1707062 1.1657844 1.1756108 1.1826272 1.1702371 1.1371573 1.1029035\n", + " 1.0806503 1.0708903 1.0698138 1.070645 1.0661526 1.0573651 1.0489908\n", + " 1.045087 0. 0. ]\n", + " [1.1883641 1.183217 1.1936921 1.203402 1.1910952 1.1544204 1.116342\n", + " 1.0913913 1.0804666 1.0790915 1.0795364 1.0742887 1.0642667 1.0546874\n", + " 1.0501072 0. 0. ]\n", + " [1.1896319 1.1837536 1.1929519 1.2007971 1.1888001 1.1538535 1.1178205\n", + " 1.0946206 1.083608 1.0816296 1.0811205 1.0750837 1.0651584 1.0556891\n", + " 1.0517813 0. 0. ]]\n", + "[[1.1560977 1.1515481 1.1594094 1.1668113 1.1564113 1.1265692 1.0958272\n", + " 1.0755689 1.0658828 1.0641668 1.0638293 1.0594074 1.0516365 1.0443285\n", + " 1.0410358 1.0426246 0. 0. ]\n", + " [1.1621101 1.1588535 1.1681949 1.1772791 1.1655549 1.1342584 1.1016641\n", + " 1.0798141 1.0693259 1.0666643 1.0665872 1.06246 1.0541013 1.0466928\n", + " 1.0429807 1.0444936 1.0494965 0. ]\n", + " [1.1702197 1.1667527 1.1770959 1.1859684 1.1730906 1.1402581 1.1065536\n", + " 1.0843551 1.0734749 1.0713122 1.0702794 1.0652277 1.0561179 1.0479603\n", + " 1.0442941 1.0457538 1.0510731 1.0561378]\n", + " [1.208044 1.2014472 1.2097365 1.2173198 1.2023294 1.1656973 1.1283674\n", + " 1.1033969 1.0914913 1.0892537 1.0894182 1.084009 1.0728755 1.062632\n", + " 0. 0. 0. 0. ]\n", + " [1.1692368 1.164967 1.1750083 1.1832505 1.1709588 1.1376811 1.1040305\n", + " 1.0822021 1.0719615 1.0697776 1.0694361 1.0644177 1.05536 1.0471876\n", + " 1.0432774 1.0451902 1.0504982 0. ]]\n", + "[[1.1559787 1.151992 1.161515 1.16981 1.1597209 1.1287553 1.0973632\n", + " 1.076401 1.0666924 1.0650754 1.0654747 1.0616261 1.0537941 1.0460271\n", + " 1.0423363 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1643581 1.1602194 1.1709067 1.178803 1.1660198 1.133292 1.0999815\n", + " 1.078438 1.0680503 1.065171 1.0642022 1.0593698 1.0512173 1.0439974\n", + " 1.0406227 1.0424453 1.0473055 1.052026 1.0544068 0. 0.\n", + " 0. ]\n", + " [1.1850452 1.1817249 1.192092 1.2015308 1.1861836 1.1502193 1.114152\n", + " 1.0908816 1.0808306 1.0804263 1.080512 1.0749693 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.164427 1.1599337 1.1698444 1.1786782 1.1677853 1.1359172 1.1026912\n", + " 1.0807604 1.0704175 1.0684451 1.0681431 1.0630355 1.0543665 1.0461822\n", + " 1.0426339 1.0444415 1.0498077 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1715014 1.169235 1.1799822 1.189206 1.1766875 1.1425049 1.1083791\n", + " 1.0857618 1.074901 1.071269 1.0693667 1.0631686 1.0537019 1.0458018\n", + " 1.0421885 1.0442154 1.0495602 1.0545506 1.057371 1.0588089 1.0602769\n", + " 1.0641197]]\n", + "[[1.1731172 1.1687616 1.1793368 1.1883177 1.1763324 1.1420577 1.1070867\n", + " 1.0842193 1.0741516 1.0726748 1.0731046 1.0687153 1.0594548 1.0511469\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.160868 1.1589189 1.1695335 1.17978 1.1684204 1.1369817 1.1044155\n", + " 1.0821817 1.0708313 1.0670408 1.0648217 1.0581833 1.049749 1.0425105\n", + " 1.0393205 1.0412326 1.0459031 1.0508707 1.0530021 1.0538397 1.0548329\n", + " 1.058653 1.06547 ]\n", + " [1.1789082 1.1774334 1.189831 1.2002085 1.1872222 1.150607 1.1130918\n", + " 1.0883657 1.076319 1.0723797 1.0712825 1.0660251 1.0570037 1.0491413\n", + " 1.0457741 1.0474281 1.0525091 1.0576314 1.059913 1.0607775 0.\n", + " 0. 0. ]\n", + " [1.175652 1.1702154 1.1804048 1.1890949 1.1769087 1.142897 1.1088243\n", + " 1.0866487 1.0767007 1.0754416 1.0753475 1.0699428 1.0601985 1.0514385\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1677325 1.1645093 1.1752284 1.1837245 1.1730497 1.1407759 1.1071895\n", + " 1.0841935 1.0732136 1.06941 1.0671777 1.0615817 1.0524609 1.0453639\n", + " 1.0421273 1.0441425 1.0490396 1.0536973 1.0560577 1.0566622 1.0581416\n", + " 0. 0. ]]\n", + "[[1.1637325 1.1608288 1.1709707 1.180529 1.1698961 1.1371942 1.1034908\n", + " 1.0810059 1.0707097 1.0695813 1.0700494 1.0655963 1.0564547 1.0486101\n", + " 1.0448835 0. 0. 0. 0. ]\n", + " [1.204362 1.1986963 1.2086344 1.2160791 1.201406 1.1645896 1.1267778\n", + " 1.1015917 1.090273 1.0879662 1.0872085 1.0811154 1.0700228 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1602035 1.1542804 1.162684 1.1709954 1.1598864 1.1296225 1.0983615\n", + " 1.0776498 1.067614 1.0657302 1.0656927 1.0616051 1.0536873 1.0462021\n", + " 1.0426319 1.0443162 0. 0. 0. ]\n", + " [1.1831973 1.1778909 1.1880934 1.1976384 1.1859245 1.1512111 1.1145428\n", + " 1.0916367 1.0806937 1.0792755 1.0792421 1.0737128 1.0630414 1.0534993\n", + " 1.0488542 1.0508264 0. 0. 0. ]\n", + " [1.1732649 1.1710188 1.1828724 1.1919045 1.1791074 1.1445925 1.1091115\n", + " 1.0851942 1.0740162 1.0708709 1.0697833 1.0638146 1.0548357 1.0467056\n", + " 1.0431707 1.04506 1.0506316 1.0560024 1.0585487]]\n", + "[[1.1907945 1.18773 1.19843 1.2077622 1.1952636 1.1591626 1.1215457\n", + " 1.0965555 1.0836165 1.0790794 1.0773792 1.0707117 1.061153 1.0522829\n", + " 1.0484664 1.0504256 1.0560169 1.0611079 1.0636528 1.0645063 0. ]\n", + " [1.1819822 1.1792086 1.1893613 1.1969259 1.1820458 1.1465507 1.1115282\n", + " 1.0880753 1.0768044 1.0743824 1.0729053 1.0674616 1.0582134 1.049443\n", + " 1.0460047 1.0477326 1.0530618 1.0583208 1.0606148 0. 0. ]\n", + " [1.1967402 1.1915252 1.2015004 1.2103617 1.1969864 1.160793 1.1222187\n", + " 1.0962646 1.0846363 1.0813346 1.0820472 1.0764382 1.0665816 1.0572605\n", + " 1.0534815 1.0559195 0. 0. 0. 0. 0. ]\n", + " [1.1802201 1.1779583 1.1901398 1.1993967 1.1873357 1.1516547 1.1149071\n", + " 1.0904162 1.0784134 1.0744463 1.0721772 1.0669104 1.0576106 1.0492616\n", + " 1.0459706 1.0475783 1.0528225 1.0575098 1.0596449 1.0601227 1.0614035]\n", + " [1.1644251 1.1602228 1.1696773 1.1774329 1.1657503 1.1334189 1.1014321\n", + " 1.080052 1.069203 1.0656791 1.0640157 1.0584906 1.0498042 1.042717\n", + " 1.0394448 1.0412211 1.0456436 1.0502753 1.0528706 1.0541096 0. ]]\n", + "[[1.1675365 1.1642439 1.174453 1.183202 1.1707731 1.1384739 1.1054236\n", + " 1.0836154 1.0732881 1.071094 1.0709572 1.0651634 1.0560521 1.0474856\n", + " 1.0438994 1.045862 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1622396 1.1604788 1.1700565 1.1781201 1.1656029 1.1337304 1.101233\n", + " 1.078972 1.0690314 1.0659811 1.0638844 1.0588036 1.0501726 1.0423385\n", + " 1.0392236 1.0407753 1.0453284 1.0500791 1.0526495 1.0539365 0.\n", + " 0. ]\n", + " [1.1911554 1.1877615 1.1983107 1.2084515 1.1958992 1.1597774 1.1211016\n", + " 1.0943296 1.0816805 1.0785002 1.0766232 1.0715867 1.0617644 1.0529941\n", + " 1.0487926 1.0509081 1.0566909 1.0621909 1.0650365 0. 0.\n", + " 0. ]\n", + " [1.1755776 1.1724787 1.183783 1.1939496 1.1814275 1.1468656 1.110833\n", + " 1.0864584 1.0746642 1.071094 1.0693951 1.0641086 1.0553362 1.0474176\n", + " 1.0440702 1.045291 1.0502622 1.0549576 1.0571822 1.0583389 0.\n", + " 0. ]\n", + " [1.1625689 1.161007 1.1714005 1.1800421 1.169067 1.1376864 1.1049192\n", + " 1.0825163 1.071002 1.0668558 1.064512 1.0590059 1.0503403 1.0434741\n", + " 1.0400196 1.0420853 1.0466466 1.0512347 1.0534884 1.054243 1.05592\n", + " 1.0593508]]\n", + "[[1.1773484 1.1740535 1.1853747 1.1941231 1.1827925 1.147617 1.1116228\n", + " 1.0876899 1.0767852 1.0739692 1.0729828 1.0677515 1.0582644 1.0495262\n", + " 1.0456139 1.0472128 1.0525486 1.0579631 0. 0. 0.\n", + " 0. ]\n", + " [1.1911992 1.1866615 1.1969018 1.2045016 1.1920097 1.1556695 1.117924\n", + " 1.0926676 1.0810835 1.0775489 1.0766466 1.0719385 1.0621841 1.0536083\n", + " 1.0500399 1.0519496 1.0580509 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1750389 1.1720185 1.1825979 1.1919389 1.1795653 1.14681 1.1126665\n", + " 1.0892357 1.0773696 1.0730599 1.0705311 1.0643919 1.0546682 1.0469284\n", + " 1.044134 1.046216 1.0512732 1.0559812 1.058452 1.0591192 1.0603445\n", + " 1.0638667]\n", + " [1.1791378 1.1758327 1.1862538 1.1953845 1.1823887 1.1471972 1.1115123\n", + " 1.0879741 1.076463 1.0733545 1.0715954 1.0658575 1.0563765 1.0483197\n", + " 1.0445684 1.0468606 1.0520986 1.0571431 1.0597136 0. 0.\n", + " 0. ]\n", + " [1.1702483 1.167414 1.1776588 1.1876249 1.1757351 1.1429732 1.1085182\n", + " 1.0847096 1.073801 1.0712754 1.0700874 1.0656335 1.0571599 1.048673\n", + " 1.0449529 1.0462068 1.0511032 1.0562465 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1684389 1.1638728 1.1737176 1.1826099 1.1725198 1.1402032 1.1063883\n", + " 1.0837158 1.0722864 1.0704875 1.0708739 1.0666863 1.0582641 1.0499079\n", + " 1.0460496 1.0477906]\n", + " [1.1841329 1.1781213 1.1886256 1.1985939 1.1864362 1.151415 1.1157839\n", + " 1.092125 1.0817642 1.0802639 1.0807699 1.0752077 1.0649692 1.0549048\n", + " 0. 0. ]]\n", + "[[1.15421 1.1503869 1.1603649 1.169195 1.158847 1.1277777 1.0966655\n", + " 1.0761178 1.0666623 1.0656743 1.0662818 1.0620828 1.0531552 1.0449941\n", + " 0. ]\n", + " [1.1933258 1.1865896 1.1956226 1.2035223 1.1915219 1.1559603 1.119442\n", + " 1.0960078 1.085063 1.0833656 1.0831295 1.0768261 1.0656228 1.0559164\n", + " 0. ]\n", + " [1.214306 1.2080207 1.2184956 1.2274452 1.2138339 1.1750259 1.1354698\n", + " 1.1090157 1.0970168 1.0948037 1.0953797 1.0890838 1.0772377 1.0662081\n", + " 0. ]\n", + " [1.1867583 1.1808655 1.1888041 1.1952806 1.1819769 1.1472242 1.1117936\n", + " 1.0887542 1.0788313 1.0775976 1.0774952 0. 0. 0.\n", + " 0. ]\n", + " [1.1719602 1.1680497 1.1786492 1.1888158 1.178408 1.144798 1.1088275\n", + " 1.086174 1.0751846 1.0736701 1.0740132 1.0696665 1.060532 1.0518909\n", + " 1.0475733]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1659139 1.1645955 1.1758271 1.1848166 1.1712084 1.1383724 1.1046118\n", + " 1.0824598 1.0715493 1.0689148 1.0675695 1.0627965 1.0542948 1.0460879\n", + " 1.0427855 1.0442848 1.04926 1.0544292 0. 0. 0.\n", + " 0. ]\n", + " [1.1665357 1.1639991 1.174651 1.1825281 1.170794 1.1376905 1.1036769\n", + " 1.0812995 1.070731 1.0679588 1.0673513 1.062105 1.0535868 1.0452852\n", + " 1.0421717 1.0434164 1.0479828 1.0527811 1.0552485 0. 0.\n", + " 0. ]\n", + " [1.1891918 1.1816106 1.1903512 1.1983938 1.1854572 1.1520126 1.1160157\n", + " 1.0934516 1.0828881 1.0810325 1.0809615 1.0752823 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1685555 1.1649139 1.1747091 1.1816787 1.170431 1.1369088 1.1036327\n", + " 1.0816085 1.0717304 1.0701565 1.0708683 1.0669519 1.0579083 1.0496583\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1632993 1.1603454 1.1715829 1.1814475 1.1708101 1.139177 1.1066406\n", + " 1.0840845 1.0723931 1.0686623 1.0664315 1.0604272 1.0518655 1.0442572\n", + " 1.0414027 1.0428118 1.0477935 1.0524155 1.0542413 1.0541886 1.0552669\n", + " 1.0586233]]\n", + "[[1.1915107 1.1870868 1.1985236 1.2089949 1.1964349 1.1585661 1.1195631\n", + " 1.094426 1.083762 1.0819942 1.0830698 1.0781182 1.0676013 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.164797 1.1614852 1.1711091 1.1784583 1.1663765 1.1339288 1.1013097\n", + " 1.079535 1.0699245 1.0676103 1.0668548 1.0620036 1.0534751 1.0455258\n", + " 1.0422343 1.044036 1.0488763 1.0538198]\n", + " [1.16193 1.1593618 1.1686965 1.1761608 1.1652839 1.1329241 1.099896\n", + " 1.0781372 1.0679497 1.065626 1.0659349 1.0615973 1.0535913 1.0462937\n", + " 1.0425844 1.0441371 1.0490463 0. ]\n", + " [1.1635339 1.1586273 1.1682358 1.1758311 1.1650445 1.1331545 1.1006649\n", + " 1.0793552 1.0695354 1.0674229 1.0669037 1.0627005 1.0541787 1.0460111\n", + " 1.042403 1.0442712 0. 0. ]\n", + " [1.1805847 1.1759462 1.1867167 1.1955572 1.182039 1.1479031 1.1124216\n", + " 1.0885593 1.077687 1.0760629 1.0763375 1.0706294 1.0612649 1.0523299\n", + " 1.0483027 0. 0. 0. ]]\n", + "[[1.173221 1.1706578 1.1811802 1.189939 1.1778746 1.1442248 1.1092132\n", + " 1.0854822 1.0738293 1.0711658 1.0704184 1.0652912 1.0564572 1.0483338\n", + " 1.0446907 1.0465128 1.0518026 1.0569497]\n", + " [1.1539403 1.149463 1.1587312 1.1678753 1.1565378 1.126504 1.0954381\n", + " 1.0744818 1.0656216 1.0643116 1.0646573 1.0603793 1.0520308 1.0442038\n", + " 1.0406547 0. 0. 0. ]\n", + " [1.1924285 1.1854209 1.1938791 1.2013574 1.1869743 1.1525714 1.1180218\n", + " 1.0929757 1.0819913 1.0803115 1.0819966 1.0772856 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1647696 1.1622305 1.1730443 1.1815766 1.1688933 1.1359868 1.1025363\n", + " 1.0805097 1.070385 1.0679363 1.0682288 1.0636175 1.0551205 1.0471109\n", + " 1.0434176 1.0450966 1.0502056 0. ]\n", + " [1.1602901 1.1571726 1.167248 1.1761501 1.1638107 1.1322379 1.0996826\n", + " 1.0781174 1.0680017 1.0655963 1.0650983 1.06023 1.0513035 1.0436788\n", + " 1.0401564 1.041977 1.0470406 1.0521705]]\n", + "[[1.1559851 1.1536065 1.1648664 1.1746628 1.1637574 1.1314824 1.0991361\n", + " 1.0774279 1.0670712 1.0634385 1.0617465 1.0560665 1.0476353 1.0402787\n", + " 1.0376016 1.0396051 1.04441 1.0494761 1.0517178 1.0525742 1.0537978\n", + " 1.0569222 1.0636439 1.0726104]\n", + " [1.1731846 1.1689593 1.1793896 1.1889213 1.1768495 1.1432151 1.1081187\n", + " 1.0843961 1.072755 1.0694584 1.0682889 1.0631193 1.054622 1.0464934\n", + " 1.0428393 1.0442196 1.0490837 1.0541283 1.0568365 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1781571 1.1763995 1.188251 1.1981664 1.1859261 1.1509281 1.1152909\n", + " 1.0909135 1.0784671 1.073961 1.071748 1.065393 1.0558076 1.0479808\n", + " 1.0443913 1.0464174 1.0509622 1.0562094 1.058651 1.0596746 1.061554\n", + " 0. 0. 0. ]\n", + " [1.1678672 1.1632504 1.1720734 1.1798977 1.167327 1.1358625 1.1033624\n", + " 1.0816329 1.0718386 1.0708922 1.0716212 1.0672215 1.0577195 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.177065 1.1723764 1.1832582 1.19283 1.1816885 1.1474309 1.1112653\n", + " 1.086725 1.0754851 1.0726734 1.0719821 1.0673338 1.0585784 1.0499017\n", + " 1.0460944 1.0477175 1.0531228 1.0584084 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.179499 1.1782469 1.1910794 1.2011174 1.1889414 1.1512018 1.1141404\n", + " 1.0893389 1.0772793 1.0739775 1.0728375 1.0666018 1.0574294 1.0488311\n", + " 1.044996 1.046842 1.0517013 1.0571446 1.0595618 0. 0.\n", + " 0. ]\n", + " [1.1595955 1.157584 1.168137 1.1771489 1.16505 1.1338195 1.1014441\n", + " 1.0800564 1.0688123 1.0649799 1.0628209 1.0572383 1.0486417 1.0419117\n", + " 1.0390323 1.0409518 1.045157 1.0498822 1.0521309 1.0529845 1.0540767\n", + " 1.0578551]\n", + " [1.1625274 1.1582676 1.1671002 1.1742072 1.1608171 1.128554 1.0972526\n", + " 1.076986 1.0680943 1.0671895 1.0677047 1.0634886 1.0550193 1.0468774\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1706115 1.1662945 1.177003 1.1855878 1.1750299 1.1416143 1.1069574\n", + " 1.0842123 1.0741041 1.0729929 1.0739001 1.0695679 1.0604472 1.0515432\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1759057 1.1714118 1.1824383 1.1907874 1.1800716 1.1462867 1.1116163\n", + " 1.0878911 1.078481 1.076637 1.0771154 1.0716088 1.0619514 1.0532393\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1812537 1.1752889 1.1855834 1.1947281 1.1833627 1.1502811 1.1153053\n", + " 1.0915892 1.0805665 1.0789564 1.0795203 1.0744443 1.0646341 1.0552697\n", + " 1.0507555 0. 0. 0. 0. 0. ]\n", + " [1.1665425 1.1638399 1.1747097 1.1838102 1.1730826 1.1404078 1.1056373\n", + " 1.0832216 1.0721139 1.068593 1.0666169 1.0614423 1.0526055 1.0446084\n", + " 1.0411586 1.0427912 1.047543 1.0521799 1.0544277 1.0550851]\n", + " [1.1783189 1.1752887 1.1853377 1.194795 1.1811067 1.1468744 1.1120362\n", + " 1.088292 1.0762273 1.0725509 1.0708578 1.0652883 1.0562359 1.048721\n", + " 1.0451293 1.0468613 1.0519965 1.0568851 1.0597018 0. ]\n", + " [1.1717569 1.1679862 1.1777066 1.1856587 1.1716596 1.138976 1.1054279\n", + " 1.0827888 1.0713694 1.0684414 1.0672429 1.0615288 1.0531243 1.0457096\n", + " 1.0425056 1.0443186 1.0495363 1.0548761 1.057338 0. ]\n", + " [1.2120006 1.2062354 1.2167368 1.2241261 1.2110537 1.1721247 1.1307585\n", + " 1.1046674 1.0926837 1.0915954 1.0922952 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1831251 1.179882 1.190892 1.2015519 1.189456 1.154093 1.1171386\n", + " 1.0929385 1.0805107 1.0762345 1.074034 1.0672117 1.0569799 1.048574\n", + " 1.0451005 1.0473847 1.0531144 1.0584749 1.0614905 1.0632682 1.0645657\n", + " 1.0682986 1.0757202 1.0859168 1.0932063]\n", + " [1.2076586 1.2017151 1.2113049 1.2192742 1.2052692 1.1684579 1.1293001\n", + " 1.1037887 1.0914438 1.0886855 1.0882134 1.0815415 1.0706657 1.0604621\n", + " 1.0562751 1.0594045 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1678641 1.1622264 1.171942 1.179759 1.1685011 1.1360034 1.1028926\n", + " 1.0815643 1.0723338 1.0717479 1.0722331 1.0676521 1.058026 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1852231 1.1806418 1.1901566 1.198884 1.1858512 1.151122 1.1149936\n", + " 1.0914725 1.0803627 1.0790833 1.0791011 1.0743339 1.0640695 1.0549736\n", + " 1.0509791 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1496325 1.1470776 1.1574967 1.1660771 1.1546737 1.1233201 1.092186\n", + " 1.0716964 1.0627017 1.0607486 1.0609152 1.0571179 1.0487521 1.0415223\n", + " 1.0383894 1.039965 1.0448658 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1732006 1.1693197 1.1799634 1.189455 1.1781211 1.1446581 1.1095741\n", + " 1.0861838 1.0757099 1.0736898 1.0737972 1.0693097 1.0603937 1.0513611\n", + " 1.0474397 0. 0. 0. 0. ]\n", + " [1.1979003 1.1928967 1.2042214 1.2129508 1.1979135 1.1603222 1.1220077\n", + " 1.097775 1.0866507 1.0856571 1.0856248 1.079674 1.0687976 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.175853 1.1718063 1.1822903 1.1921563 1.1797103 1.1454836 1.1098539\n", + " 1.086035 1.0745769 1.0719199 1.0710061 1.0656925 1.0566461 1.0482346\n", + " 1.0443591 1.0465641 1.0519164 1.0572104 1.0594636]\n", + " [1.1780484 1.1742443 1.1844615 1.1938266 1.1821249 1.147596 1.1119382\n", + " 1.088121 1.0775999 1.0758804 1.0759021 1.0714484 1.0621893 1.053128\n", + " 1.0491211 0. 0. 0. 0. ]\n", + " [1.1843538 1.1799326 1.1903305 1.2001715 1.1877894 1.1532989 1.1158063\n", + " 1.0908008 1.0793867 1.077132 1.0776579 1.0730703 1.0636528 1.0545945\n", + " 1.050256 1.0523533 0. 0. 0. ]]\n", + "[[1.190713 1.1858121 1.1972072 1.206513 1.1927557 1.1575749 1.1203023\n", + " 1.0957757 1.0844609 1.0820321 1.0825996 1.0772061 1.0667512 1.0575472\n", + " 1.0532155 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1536801 1.149698 1.1593602 1.1683075 1.1572938 1.1276606 1.096518\n", + " 1.0759106 1.0665118 1.0644544 1.0643293 1.0600163 1.0519524 1.0442237\n", + " 1.0405041 1.0420086 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1632313 1.1597197 1.1690708 1.1777128 1.1661383 1.1339526 1.1005867\n", + " 1.0790925 1.0682068 1.0653217 1.0640204 1.0596361 1.051477 1.0439962\n", + " 1.0405815 1.0420886 1.0464696 1.051084 1.0537719 0. 0.\n", + " 0. ]\n", + " [1.1890466 1.1833056 1.1925975 1.1996793 1.1846559 1.1480739 1.1118274\n", + " 1.0892026 1.0798395 1.079244 1.0796024 1.0739447 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1506214 1.1479485 1.1579444 1.1663767 1.1565033 1.1257752 1.0951327\n", + " 1.0742073 1.0640198 1.0604278 1.0582871 1.0533272 1.0454261 1.0386871\n", + " 1.0360432 1.0374703 1.0420759 1.0464768 1.0488915 1.0499245 1.051256\n", + " 1.0543122]]\n", + "[[1.1794794 1.1754539 1.1845897 1.1929026 1.1802857 1.1475279 1.1137693\n", + " 1.0908489 1.0793097 1.0748497 1.0719398 1.0650744 1.0556291 1.0473229\n", + " 1.044268 1.0462962 1.0518618 1.0566728 1.0591226 1.0603005 1.0616701]\n", + " [1.1515023 1.1474819 1.15734 1.1659871 1.1552086 1.1254873 1.0949566\n", + " 1.0743805 1.0648766 1.0628253 1.063032 1.0586344 1.0503654 1.042803\n", + " 1.0395048 1.041135 0. 0. 0. 0. 0. ]\n", + " [1.1642799 1.1624355 1.1722947 1.1811454 1.1685317 1.136759 1.1036878\n", + " 1.0813818 1.0703657 1.067765 1.066921 1.0618118 1.0534558 1.045243\n", + " 1.0417523 1.0430435 1.0479686 1.0531497 0. 0. 0. ]\n", + " [1.1732397 1.16954 1.1803656 1.1896654 1.1773756 1.1427335 1.1070852\n", + " 1.0841832 1.0733078 1.0703051 1.0694344 1.0639 1.0547323 1.0465928\n", + " 1.0430197 1.04484 1.0502889 1.0554228 0. 0. 0. ]\n", + " [1.1633898 1.1603507 1.169465 1.1786399 1.1667795 1.134183 1.1018018\n", + " 1.0800451 1.0690227 1.0657072 1.0644717 1.0588114 1.0508196 1.0434047\n", + " 1.0402882 1.0419455 1.0465772 1.0512815 1.0536612 1.0545923 0. ]]\n", + "[[1.1848141 1.1815054 1.1923611 1.2018852 1.1884392 1.1535792 1.1178548\n", + " 1.0930431 1.0805813 1.0765489 1.0743251 1.0683142 1.0587177 1.0496713\n", + " 1.0459154 1.0479269 1.053003 1.057956 1.0606292 1.0615171 0. ]\n", + " [1.1900504 1.1849792 1.1948692 1.2039039 1.1917821 1.1566274 1.1197217\n", + " 1.0957488 1.0840657 1.0820059 1.0821469 1.0772712 1.0668869 1.0572401\n", + " 1.0527537 0. 0. 0. 0. 0. 0. ]\n", + " [1.1685477 1.1651144 1.1744354 1.1815708 1.1696318 1.1373903 1.1037204\n", + " 1.0811601 1.0704625 1.0673913 1.066312 1.0618839 1.0544671 1.0465649\n", + " 1.043532 1.0450857 1.0498066 1.0544708 0. 0. 0. ]\n", + " [1.1762111 1.1720243 1.1820585 1.1898602 1.176693 1.143054 1.108667\n", + " 1.0855087 1.0749016 1.07198 1.071234 1.0667927 1.0582305 1.0496827\n", + " 1.045975 1.0476904 1.0531814 0. 0. 0. 0. ]\n", + " [1.1794004 1.1749334 1.1847222 1.1941258 1.1820722 1.1491885 1.1135786\n", + " 1.0888796 1.0770906 1.072913 1.0704606 1.0642256 1.0553154 1.0478802\n", + " 1.044692 1.0466177 1.051949 1.0570467 1.0594534 1.0604666 1.0620366]]\n", + "[[1.1877241 1.1825418 1.1928568 1.202011 1.1888806 1.1534572 1.1168721\n", + " 1.0933175 1.0829222 1.0820048 1.0821487 1.0767089 1.0656419 0.\n", + " 0. 0. 0. ]\n", + " [1.1599733 1.1556721 1.1647872 1.1735228 1.1624174 1.1324793 1.1007285\n", + " 1.0792087 1.0690589 1.0670229 1.0670662 1.0626932 1.0547193 1.0468817\n", + " 1.0430773 1.0447389 0. ]\n", + " [1.1843463 1.1792796 1.1891446 1.1983566 1.18641 1.1519015 1.1163657\n", + " 1.0925466 1.0822735 1.0802193 1.0804526 1.07493 1.064413 1.0546662\n", + " 1.0506152 0. 0. ]\n", + " [1.1890265 1.183652 1.1934159 1.2031078 1.1902777 1.1553943 1.1190917\n", + " 1.0946387 1.0833662 1.0808489 1.0804759 1.0753274 1.0653058 1.056231\n", + " 1.0519731 1.0542365 0. ]\n", + " [1.1774834 1.1724143 1.1813173 1.1890808 1.1768739 1.1450224 1.1123204\n", + " 1.0897025 1.0787277 1.0755254 1.0746431 1.0688868 1.0595645 1.0507377\n", + " 1.0465876 1.0483592 1.0538489]]\n", + "[[1.1839967 1.1787881 1.1890632 1.1979073 1.1850872 1.1492673 1.1124275\n", + " 1.089108 1.0785475 1.0775635 1.0778954 1.0728493 1.0634516 1.0540849\n", + " 1.0497779 0. 0. 0. ]\n", + " [1.1780002 1.174718 1.1861523 1.1944034 1.1810672 1.1444668 1.1095631\n", + " 1.0869033 1.0780617 1.0773716 1.0782927 1.0726957 1.0620755 1.0525368\n", + " 0. 0. 0. 0. ]\n", + " [1.1881726 1.1834033 1.1938497 1.2024864 1.1903427 1.1549776 1.1171598\n", + " 1.0924613 1.0805578 1.0776625 1.0768905 1.0719336 1.0622528 1.0531964\n", + " 1.0489612 1.0504602 1.0561306 1.0612499]\n", + " [1.1799302 1.174023 1.1852684 1.1947918 1.1835891 1.149055 1.1132019\n", + " 1.0895715 1.078615 1.0762326 1.0768555 1.0718135 1.0623813 1.0532323\n", + " 1.049607 0. 0. 0. ]\n", + " [1.1777813 1.174144 1.183656 1.1897075 1.1783017 1.1439525 1.1093411\n", + " 1.085556 1.0740348 1.0704252 1.0705065 1.0657307 1.0575194 1.0492315\n", + " 1.045897 1.047597 1.0527562 1.0578536]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1909148 1.1863421 1.1959877 1.2055423 1.192541 1.1572438 1.120142\n", + " 1.0952051 1.0833957 1.0807196 1.0810834 1.0752425 1.0652741 1.0563997\n", + " 1.0520169 1.0545949 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1505033 1.1474828 1.1568295 1.1644528 1.1546502 1.1254559 1.0954022\n", + " 1.0750675 1.0645788 1.061285 1.0594668 1.053933 1.0458453 1.0395464\n", + " 1.0367067 1.0386357 1.0431211 1.0476431 1.0496138 1.0502518 1.0512738\n", + " 1.0546783]\n", + " [1.2066891 1.2025194 1.2143736 1.2239447 1.2079699 1.1681447 1.1271664\n", + " 1.1012647 1.0901259 1.0892991 1.0891669 1.0832139 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1792161 1.176592 1.1880248 1.1973003 1.184472 1.1495595 1.1134248\n", + " 1.0903307 1.0782512 1.0741122 1.0719014 1.0657674 1.056463 1.0482427\n", + " 1.0447384 1.046711 1.0520712 1.0569326 1.0593876 1.0603955 0.\n", + " 0. ]\n", + " [1.1915449 1.1855452 1.1947583 1.2026298 1.1883278 1.1531057 1.116986\n", + " 1.0937259 1.0830135 1.0819545 1.082504 1.0768033 1.0663978 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1724752 1.1697401 1.1804849 1.1887426 1.1774274 1.144585 1.1096721\n", + " 1.0861714 1.0741861 1.0698972 1.0688835 1.0634226 1.0543097 1.0468651\n", + " 1.0434235 1.0450318 1.049815 1.0546536 1.0568913 1.0579414]\n", + " [1.1607214 1.1582505 1.1678958 1.1759175 1.1631528 1.1308672 1.0988586\n", + " 1.0773182 1.0674269 1.0649829 1.064274 1.0595148 1.0515136 1.0441563\n", + " 1.0411471 1.0428929 1.0478 1.0527276 0. 0. ]\n", + " [1.2130052 1.2078701 1.2166269 1.2261952 1.2121534 1.1742027 1.1335535\n", + " 1.106514 1.0941507 1.0924004 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1699573 1.1654333 1.1761448 1.1851707 1.1748052 1.1422777 1.1077293\n", + " 1.0846132 1.0738759 1.0710461 1.0700319 1.0654796 1.0562971 1.0479286\n", + " 1.0440261 1.045774 1.0509548 1.0561651 0. 0. ]\n", + " [1.1895937 1.1842464 1.1963233 1.2074591 1.1957536 1.1589885 1.1199594\n", + " 1.0934235 1.0817491 1.0800282 1.0799614 1.0751989 1.0646462 1.0552152\n", + " 1.0506406 1.0528927 0. 0. 0. 0. ]]\n", + "[[1.1606507 1.1586683 1.1690888 1.1782593 1.1673433 1.1362189 1.1038898\n", + " 1.0815562 1.070362 1.0658514 1.0636818 1.0580804 1.0493958 1.0425977\n", + " 1.0394195 1.0407463 1.0449516 1.0494486 1.051949 1.0528601 1.0542564\n", + " 1.0575261 1.0644674]\n", + " [1.1770251 1.1750005 1.1854414 1.1919848 1.179604 1.1452355 1.1090442\n", + " 1.0862323 1.0753325 1.072738 1.0732582 1.068402 1.0597752 1.050966\n", + " 1.0469036 1.048497 1.0541043 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.162685 1.1596508 1.1698756 1.1781464 1.1677079 1.1358277 1.1026818\n", + " 1.0804296 1.0693762 1.0661647 1.0655773 1.0601931 1.0517921 1.044145\n", + " 1.0409703 1.0423934 1.0470551 1.0515966 1.0537235 0. 0.\n", + " 0. 0. ]\n", + " [1.1823596 1.1784147 1.1887856 1.1974345 1.1871587 1.1531876 1.1173348\n", + " 1.0930792 1.0817642 1.0785358 1.0782478 1.0729936 1.0625571 1.0532565\n", + " 1.0490459 1.0511087 1.0565001 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1798363 1.1748188 1.1843525 1.1925073 1.1793866 1.1458591 1.1109129\n", + " 1.0874888 1.0765753 1.0737392 1.0729465 1.0682167 1.0586778 1.0510269\n", + " 1.0470881 1.0492538 1.055173 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1688464 1.165993 1.1761689 1.185107 1.172621 1.1391073 1.1059146\n", + " 1.0835986 1.0726075 1.0687138 1.0667474 1.0601267 1.051764 1.044337\n", + " 1.0411777 1.0433042 1.0482185 1.0528619 1.0550897 1.0558561 1.0570223\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1796335 1.1770189 1.1889131 1.1991146 1.187104 1.1528525 1.1165413\n", + " 1.0916934 1.0792773 1.0746034 1.0728226 1.0665379 1.0570945 1.0486042\n", + " 1.0453752 1.0476054 1.0530142 1.0580529 1.0607245 1.0613762 1.0629736\n", + " 1.066605 1.0744028 1.0855106 0. 0. ]\n", + " [1.1543852 1.1515672 1.1622092 1.1727078 1.1631981 1.1322362 1.0990646\n", + " 1.0770136 1.0662535 1.0626945 1.0606153 1.0553416 1.0467901 1.0396525\n", + " 1.0372324 1.0393366 1.0442303 1.0493367 1.0515679 1.0516574 1.0524782\n", + " 1.0554887 1.0618145 1.0710808 1.0785806 1.0825187]\n", + " [1.1722716 1.1706172 1.1819819 1.190884 1.1782223 1.1437258 1.1087953\n", + " 1.0856229 1.0742196 1.07089 1.0692927 1.06322 1.0542846 1.046349\n", + " 1.0429087 1.0443212 1.0496002 1.0540886 1.0560824 1.0570168 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1601348 1.1557288 1.1646014 1.1722466 1.1622033 1.1321268 1.1001441\n", + " 1.0791018 1.0683918 1.0647938 1.0638851 1.058814 1.0509274 1.0434755\n", + " 1.0403085 1.0416347 1.0463146 1.0507829 1.0532507 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1576197 1.1535615 1.1634294 1.1716366 1.1604214 1.1283015 1.0961645\n", + " 1.0757221 1.066183 1.0645123 1.0647013 1.0599657 1.0518969 1.0440166\n", + " 1.0406208 1.0426455 0. 0. ]\n", + " [1.1752746 1.1718104 1.1828536 1.1928589 1.1809305 1.1467212 1.1106391\n", + " 1.0860515 1.0742865 1.0710355 1.0700055 1.0652655 1.0565495 1.0485736\n", + " 1.0447874 1.0464976 1.0513871 1.0563918]\n", + " [1.1567286 1.1520643 1.1597593 1.167701 1.1564975 1.1266251 1.0958902\n", + " 1.0749377 1.0650817 1.0627491 1.0629541 1.0592365 1.0516641 1.0449954\n", + " 1.0413834 1.0430899 0. 0. ]\n", + " [1.1620603 1.1589439 1.167535 1.1755646 1.1636614 1.1322987 1.1005476\n", + " 1.0795217 1.0693645 1.0677977 1.0686252 1.0646319 1.0560185 1.0479982\n", + " 0. 0. 0. 0. ]\n", + " [1.1716242 1.167584 1.1778635 1.1876801 1.1762025 1.1427485 1.1078832\n", + " 1.0853863 1.0746748 1.0717293 1.0708865 1.0664568 1.0569072 1.0482556\n", + " 1.0442082 1.0454799 1.0507665 1.0558854]]\n", + "[[1.1666471 1.1634797 1.1750242 1.1839218 1.1728224 1.1387342 1.1039292\n", + " 1.0807071 1.0706695 1.0684277 1.0678307 1.0626038 1.0533897 1.0453281\n", + " 1.041895 1.0437744 1.0488453 1.054344 ]\n", + " [1.168137 1.1642532 1.1743909 1.1813506 1.1694591 1.1374251 1.1034822\n", + " 1.0820526 1.0715529 1.069607 1.069868 1.0651014 1.0570388 1.0489953\n", + " 1.0453726 0. 0. 0. ]\n", + " [1.1872312 1.1827387 1.1924144 1.2010137 1.1882222 1.1532209 1.1163439\n", + " 1.0926208 1.0812106 1.0799006 1.0801595 1.0752283 1.0652354 1.0557904\n", + " 1.0512265 0. 0. 0. ]\n", + " [1.1768948 1.1735153 1.1841389 1.1930242 1.1817496 1.1477884 1.1128534\n", + " 1.0889186 1.0783828 1.075203 1.0750436 1.0697165 1.0597205 1.0512118\n", + " 1.0471522 1.0491289 1.0548617 0. ]\n", + " [1.1851506 1.1798313 1.1912478 1.2024152 1.1901082 1.1542164 1.1162338\n", + " 1.0919588 1.0805624 1.0780735 1.0788391 1.07404 1.0646515 1.0554799\n", + " 1.0515937 0. 0. 0. ]]\n", + "[[1.1703966 1.1677982 1.1787411 1.1877304 1.1747416 1.1416618 1.1071081\n", + " 1.083957 1.0732775 1.0700778 1.0695697 1.0642654 1.0558829 1.0475255\n", + " 1.0443572 1.0460743 1.0512745 1.0563366 0. 0. ]\n", + " [1.2110943 1.2052484 1.215355 1.225056 1.2104286 1.1710855 1.1319703\n", + " 1.1064359 1.0950503 1.0935841 1.0931801 1.0868124 1.0742166 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1749078 1.171922 1.1835625 1.193229 1.1808678 1.1463389 1.110747\n", + " 1.0874666 1.075778 1.0724949 1.0708549 1.06427 1.0550628 1.0469228\n", + " 1.04376 1.0453967 1.0510724 1.0561767 1.0585926 1.0595899]\n", + " [1.1897436 1.1856316 1.1951021 1.2047738 1.1920424 1.1566372 1.1205697\n", + " 1.0951761 1.0817374 1.0773532 1.0760239 1.0697598 1.0596018 1.0516117\n", + " 1.047542 1.0499105 1.0554245 1.0605808 1.0628676 1.063694 ]\n", + " [1.2077494 1.2026061 1.21147 1.2181405 1.2043493 1.1663193 1.1273419\n", + " 1.1016543 1.0897317 1.088928 1.0896924 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1643414 1.159507 1.1686261 1.1768465 1.1659817 1.13438 1.1017277\n", + " 1.0797997 1.0698897 1.067095 1.0678532 1.0637653 1.0556371 1.0480669\n", + " 1.0444918 1.0462645 0. 0. ]\n", + " [1.1596472 1.1572576 1.1674273 1.1764421 1.164406 1.1321205 1.0995603\n", + " 1.0774865 1.0671408 1.0645777 1.0643461 1.059791 1.0516113 1.0437493\n", + " 1.0405837 1.0420305 1.0468888 1.0518008]\n", + " [1.1780684 1.1728048 1.1817988 1.1884474 1.1777593 1.1452291 1.1120772\n", + " 1.088962 1.0782242 1.075264 1.0749109 1.0696115 1.060139 1.0517566\n", + " 1.048006 1.0506195 0. 0. ]\n", + " [1.1766485 1.1726444 1.183058 1.192108 1.1792568 1.1453631 1.1096364\n", + " 1.0858604 1.0750258 1.072859 1.071838 1.0674044 1.0583727 1.0496727\n", + " 1.0459502 1.0477704 1.0527925 1.057872 ]\n", + " [1.1897868 1.1852533 1.1949604 1.2048163 1.1915796 1.1556911 1.1182009\n", + " 1.0935327 1.0812188 1.0786084 1.0775266 1.0722114 1.0620185 1.0533504\n", + " 1.0494725 1.0513537 1.057269 1.0626287]]\n", + "[[1.1939749 1.1904267 1.2022214 1.2123344 1.2002873 1.1636077 1.1245538\n", + " 1.0978857 1.0848514 1.0807691 1.0794082 1.0729216 1.0632622 1.0537019\n", + " 1.049696 1.05146 1.0569279 1.0624186 1.0655787 1.0668397 0.\n", + " 0. ]\n", + " [1.1969754 1.1904377 1.2001573 1.2079424 1.1958216 1.1604753 1.1233528\n", + " 1.0982466 1.0867908 1.084658 1.0848843 1.0795637 1.0686685 1.0585667\n", + " 1.0543545 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1778021 1.17529 1.1861361 1.1942266 1.1804714 1.1452945 1.1096169\n", + " 1.086735 1.0755193 1.0732061 1.0719794 1.0659124 1.0567733 1.0485437\n", + " 1.045142 1.0469373 1.0525225 1.0578102 1.060142 0. 0.\n", + " 0. ]\n", + " [1.168924 1.1657188 1.1749327 1.1841571 1.1730487 1.1404599 1.1075294\n", + " 1.0852551 1.0736343 1.0694648 1.0678722 1.0622365 1.0536256 1.0462292\n", + " 1.0430448 1.0452332 1.0495538 1.054387 1.0567776 1.0574175 1.058756\n", + " 1.0622895]\n", + " [1.164509 1.1619049 1.1721891 1.1795714 1.1677191 1.1345553 1.1010344\n", + " 1.0800024 1.0700194 1.0682309 1.0672907 1.0628173 1.0540357 1.0462104\n", + " 1.0429007 1.0443645 1.0496064 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1686723 1.1644766 1.1748002 1.1841626 1.1726743 1.1396067 1.1057122\n", + " 1.0828379 1.0726323 1.0713185 1.0718204 1.0675484 1.0586187 1.0501683\n", + " 1.0463976 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1674037 1.165312 1.1756846 1.1849746 1.1732662 1.141356 1.107659\n", + " 1.084957 1.0737498 1.0695963 1.0675331 1.0608213 1.0522821 1.0445777\n", + " 1.0413063 1.0433716 1.0482584 1.053425 1.0557951 1.056902 1.0585223\n", + " 0. 0. ]\n", + " [1.1665163 1.162154 1.1718147 1.1810784 1.1691294 1.1362345 1.1030418\n", + " 1.0808767 1.070644 1.0683904 1.0692029 1.0644342 1.0554329 1.0470517\n", + " 1.042879 1.0443783 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1741832 1.1718009 1.1826996 1.1915696 1.1813254 1.1483238 1.112835\n", + " 1.0895306 1.0774621 1.0728126 1.07038 1.0636842 1.0547452 1.0470762\n", + " 1.0438248 1.0456901 1.0514836 1.056401 1.0580347 1.0590019 1.0602517\n", + " 1.0638262 1.0711381]\n", + " [1.186616 1.1822542 1.1921537 1.2006538 1.1868355 1.1526296 1.11675\n", + " 1.092743 1.08165 1.0783476 1.0771253 1.0706141 1.0607469 1.0518597\n", + " 1.0482881 1.050372 1.0559763 1.0615271 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1909087 1.1848052 1.1927105 1.1988796 1.1868372 1.1517236 1.1164223\n", + " 1.0937127 1.0832428 1.081961 1.0812991 1.0752952 1.0649918 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1607052 1.1559025 1.1648405 1.1742791 1.1640625 1.1334082 1.1010122\n", + " 1.0789555 1.0685921 1.065613 1.0643778 1.0604076 1.0519851 1.0440058\n", + " 1.0402646 1.0418653 1.0465764 1.0513282]\n", + " [1.1787598 1.1758078 1.1869195 1.1946737 1.1818992 1.1463072 1.110385\n", + " 1.0869997 1.0762074 1.0747814 1.0745783 1.0694184 1.0603507 1.0513616\n", + " 1.0474206 1.0492998 1.0545961 0. ]\n", + " [1.1647615 1.1612953 1.1718701 1.1815213 1.1708864 1.1385059 1.1046671\n", + " 1.083113 1.072615 1.0702883 1.0709248 1.066327 1.0576276 1.0493762\n", + " 1.0455629 1.0472867 0. 0. ]\n", + " [1.1569592 1.1527565 1.1626314 1.1702236 1.1588182 1.1278335 1.0968145\n", + " 1.0763565 1.0668154 1.0654609 1.0656276 1.061018 1.0526886 1.0452914\n", + " 1.041809 0. 0. 0. ]]\n", + "[[1.1662263 1.1596196 1.1668915 1.1747843 1.1634145 1.1331972 1.1014608\n", + " 1.0801896 1.0705693 1.0682361 1.0686318 1.064537 1.0562761 1.0481282\n", + " 1.0442466 0. 0. 0. 0. 0. 0. ]\n", + " [1.1692423 1.1636544 1.1720612 1.1800836 1.1675596 1.1362424 1.1036704\n", + " 1.0819273 1.0720366 1.0702788 1.0707185 1.0656483 1.0574116 1.0492014\n", + " 1.0458655 0. 0. 0. 0. 0. 0. ]\n", + " [1.1713781 1.1684644 1.1798639 1.1897175 1.1772628 1.1430342 1.1069343\n", + " 1.0827366 1.0712264 1.0684966 1.0684292 1.0639198 1.0556216 1.0477908\n", + " 1.0442113 1.0454735 1.0502009 1.0550203 0. 0. 0. ]\n", + " [1.1709005 1.1688519 1.1802604 1.190624 1.1777991 1.1441181 1.1099975\n", + " 1.0872111 1.0754299 1.072238 1.0700523 1.063756 1.0545703 1.0469321\n", + " 1.0429652 1.0452682 1.0502853 1.055254 1.057209 1.0583589 1.0597224]\n", + " [1.1580029 1.1555214 1.1653636 1.1734401 1.1607971 1.1292104 1.0973549\n", + " 1.0763377 1.0665814 1.0642443 1.0636069 1.0592455 1.0512465 1.0440687\n", + " 1.0405517 1.0421424 1.0465312 1.051169 0. 0. 0. ]]\n", + "[[1.1504915 1.1464791 1.1552713 1.1632934 1.1525539 1.1225004 1.0917888\n", + " 1.0719671 1.0624632 1.0607535 1.0605903 1.0559511 1.0485638 1.0417271\n", + " 1.0384433 1.0402473 1.044754 0. 0. 0. 0. ]\n", + " [1.1746349 1.1708128 1.1800033 1.1874199 1.1746491 1.1411302 1.1081402\n", + " 1.085811 1.0744274 1.0706387 1.0688952 1.0630655 1.0536525 1.0462335\n", + " 1.0432256 1.0455501 1.0507945 1.0555836 1.0579407 1.0587536 0. ]\n", + " [1.1695294 1.1665106 1.1770256 1.1866269 1.1736563 1.1405807 1.1062193\n", + " 1.0834401 1.0724074 1.0702341 1.070069 1.0650191 1.0562754 1.0481371\n", + " 1.0444148 1.0460365 1.0512463 0. 0. 0. 0. ]\n", + " [1.1712863 1.1668057 1.1764529 1.1843165 1.1722934 1.1398284 1.1066649\n", + " 1.0842637 1.0733459 1.0706303 1.0699083 1.0645701 1.0560566 1.0477787\n", + " 1.0444914 1.046471 1.0522695 0. 0. 0. 0. ]\n", + " [1.1792305 1.1762298 1.1872561 1.1963844 1.1847966 1.1512414 1.1159769\n", + " 1.0914303 1.0796604 1.0747738 1.0723908 1.0661362 1.0572317 1.0487428\n", + " 1.0458541 1.0480231 1.0532039 1.0582417 1.0601202 1.0606809 1.0619009]]\n", + "[[1.1762661 1.1718094 1.1821021 1.1900393 1.1765386 1.1423163 1.1082705\n", + " 1.0859333 1.0766221 1.0755129 1.07537 1.0706196 1.0612129 1.0520171\n", + " 0. 0. 0. ]\n", + " [1.1755314 1.1712266 1.1815262 1.188621 1.1767151 1.1426585 1.1076512\n", + " 1.0850964 1.0753348 1.0736754 1.0739123 1.0689951 1.0595604 1.0506608\n", + " 1.0468446 0. 0. ]\n", + " [1.1570818 1.1523263 1.1597791 1.1660676 1.1536939 1.1238476 1.094015\n", + " 1.0739645 1.0643842 1.0628989 1.0626762 1.0590805 1.0516652 1.0445011\n", + " 1.0414548 0. 0. ]\n", + " [1.1566712 1.1525443 1.1611464 1.1688948 1.1568083 1.1258495 1.0956032\n", + " 1.0756443 1.0661447 1.0642134 1.0638831 1.0593354 1.0513116 1.0439469\n", + " 1.0405086 1.0424343 0. ]\n", + " [1.1722456 1.1686206 1.1790067 1.1879029 1.1764364 1.1432737 1.1084391\n", + " 1.0853287 1.0745789 1.0719824 1.070836 1.0659395 1.0564342 1.0482057\n", + " 1.0443124 1.0462569 1.0517563]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1863354 1.1821792 1.1921717 1.2012494 1.188243 1.1540483 1.1181896\n", + " 1.0934364 1.0801818 1.0759767 1.0735726 1.0669101 1.0579363 1.0500383\n", + " 1.0468507 1.0490894 1.0544415 1.059415 1.0619212 1.0628241 1.0644885\n", + " 0. ]\n", + " [1.1698931 1.1672788 1.1780357 1.186405 1.1758465 1.1438042 1.1099308\n", + " 1.0867919 1.0752473 1.0710316 1.068351 1.0617261 1.052658 1.0450721\n", + " 1.0420263 1.0443375 1.0490663 1.0543538 1.056269 1.0566454 1.057793\n", + " 1.0614773]\n", + " [1.2035093 1.1957641 1.2041363 1.2120253 1.1990652 1.1635082 1.1255215\n", + " 1.1003144 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.192595 1.1880022 1.1989641 1.2079126 1.1960878 1.1603643 1.1232581\n", + " 1.0984046 1.087307 1.0859408 1.0857046 1.0801194 1.0692219 1.0590742\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1789293 1.1737319 1.1831871 1.1919607 1.1784172 1.14304 1.107502\n", + " 1.0856347 1.0759906 1.0750011 1.0751976 1.0708134 1.0609564 1.0522342\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1722184 1.1683341 1.1794025 1.1893444 1.1781034 1.1450492 1.1101471\n", + " 1.0860546 1.0748144 1.0720601 1.0715376 1.0660119 1.0564796 1.048244\n", + " 1.04434 1.0460122 1.0515466 1.0569181 0. 0. ]\n", + " [1.1681579 1.1643798 1.1758955 1.1860995 1.1746894 1.141268 1.1064823\n", + " 1.0831646 1.0727673 1.0711116 1.0715698 1.066328 1.0567944 1.0480018\n", + " 1.0437607 1.0455571 0. 0. 0. 0. ]\n", + " [1.1688367 1.165417 1.1760488 1.1853771 1.173471 1.1398065 1.1056402\n", + " 1.082873 1.0723594 1.0697879 1.06928 1.0639243 1.0542204 1.0461769\n", + " 1.0422691 1.0438977 1.0489935 1.0546979 0. 0. ]\n", + " [1.1750275 1.1720996 1.1835061 1.1919531 1.1799109 1.1459583 1.1106274\n", + " 1.0864167 1.0749307 1.0714328 1.0695549 1.0642856 1.0552142 1.0473026\n", + " 1.0439404 1.0454023 1.0507562 1.0557989 1.0582664 1.0590051]\n", + " [1.1668124 1.1622363 1.1712613 1.1789839 1.1665535 1.1347388 1.1018922\n", + " 1.0798255 1.0695835 1.0671965 1.0670887 1.0630208 1.0546324 1.0473688\n", + " 1.0439843 1.0457544 1.0505427 0. 0. 0. ]]\n", + "[[1.1489947 1.1473142 1.1560242 1.1635336 1.1516916 1.1221023 1.0932229\n", + " 1.0734173 1.0631988 1.0594504 1.0574797 1.0525572 1.0447825 1.0390416\n", + " 1.0362933 1.038376 1.0428501 1.0465509 1.0481169 1.0489247]\n", + " [1.1631271 1.1579517 1.1667817 1.1743697 1.1630781 1.1318542 1.1002504\n", + " 1.0795295 1.0694772 1.0668145 1.0666893 1.0621173 1.0539322 1.046323\n", + " 1.0429624 1.0451472 0. 0. 0. 0. ]\n", + " [1.1756306 1.1716894 1.1829225 1.1919826 1.1813748 1.1472261 1.1123763\n", + " 1.0883305 1.0763481 1.0728238 1.070363 1.0647776 1.0550121 1.04682\n", + " 1.0430104 1.0444285 1.0491098 1.0542052 1.0563147 1.0574783]\n", + " [1.1736685 1.1708678 1.181343 1.1902107 1.1770111 1.1426207 1.1071638\n", + " 1.0841452 1.0738697 1.0716993 1.0717958 1.0669982 1.0583065 1.0494568\n", + " 1.0455501 1.0475183 1.0528605 0. 0. 0. ]\n", + " [1.1925311 1.1864634 1.1953018 1.2023387 1.1889853 1.1530395 1.116418\n", + " 1.0932617 1.0827793 1.080589 1.080466 1.0750188 1.0651598 1.0557208\n", + " 1.0521743 0. 0. 0. 0. 0. ]]\n", + "[[1.1653999 1.1607378 1.1701254 1.1775566 1.1664538 1.1338831 1.1012512\n", + " 1.0798812 1.070208 1.0696814 1.0706347 1.0661991 1.0575569 1.0491136\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1819289 1.1761211 1.1853656 1.1932763 1.180228 1.1453539 1.110073\n", + " 1.0869436 1.0768162 1.0752771 1.0753846 1.070238 1.0602252 1.0513026\n", + " 1.046848 1.049253 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1785367 1.175128 1.1854262 1.1940582 1.1804006 1.1445125 1.1096796\n", + " 1.0874165 1.0778536 1.0769862 1.0776826 1.0720983 1.0616415 1.0522859\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1701262 1.1671844 1.1780486 1.1861407 1.1754153 1.1430542 1.1095386\n", + " 1.086743 1.074833 1.0704666 1.0680164 1.0615702 1.052375 1.0452347\n", + " 1.0422416 1.0444847 1.0489981 1.0539845 1.0568094 1.0576009 1.0585692\n", + " 1.0622822]\n", + " [1.1515515 1.1471983 1.1561127 1.163999 1.1544544 1.1255198 1.0953004\n", + " 1.0748657 1.0644295 1.0611589 1.0604024 1.0561476 1.0483303 1.0414823\n", + " 1.0385393 1.0402994 1.0449823 1.0499055 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1684707 1.166345 1.1772407 1.1869531 1.175212 1.142026 1.1074884\n", + " 1.0849593 1.073342 1.0705792 1.0698665 1.065179 1.0563723 1.0482479\n", + " 1.0447019 1.0460122 1.0510104 1.0562122 0. ]\n", + " [1.1598446 1.1548313 1.1635953 1.1722013 1.1610261 1.1307186 1.0984801\n", + " 1.076518 1.0671265 1.0658989 1.0673105 1.0635033 1.0549852 1.0469493\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1745071 1.1718184 1.1823941 1.1899896 1.1774993 1.142302 1.1066763\n", + " 1.0836223 1.0731832 1.0708423 1.0719455 1.0673492 1.0587296 1.0502145\n", + " 1.0465189 1.0485723 0. 0. 0. ]\n", + " [1.156328 1.1518875 1.1605159 1.1667608 1.1569121 1.1266423 1.0952461\n", + " 1.0743393 1.0643276 1.0612277 1.0598195 1.0557528 1.0479307 1.0414313\n", + " 1.0382533 1.0401735 1.0446795 1.0492992 1.0521114]\n", + " [1.1668036 1.1642177 1.1737468 1.1833285 1.1700536 1.1356635 1.1022007\n", + " 1.0809207 1.0718745 1.0716532 1.0723307 1.0672016 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1783047 1.1762024 1.187528 1.1958526 1.1834222 1.1489053 1.1131378\n", + " 1.0895253 1.0774908 1.073145 1.0709686 1.0646915 1.0552025 1.0478072\n", + " 1.0445287 1.0460976 1.0514745 1.0563166 1.058636 1.059918 1.0613301]\n", + " [1.1697366 1.1658998 1.1762738 1.1857374 1.1736774 1.1405119 1.106593\n", + " 1.0849913 1.0748162 1.0737927 1.0741254 1.0692071 1.0590401 1.050324\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.2004569 1.1955252 1.2057588 1.2155951 1.2013643 1.1646613 1.1271982\n", + " 1.1021377 1.0910174 1.0892351 1.0891719 1.0824231 1.0713539 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1759962 1.1751307 1.1866783 1.1952881 1.1833133 1.1484914 1.1113513\n", + " 1.0879897 1.0765027 1.0729287 1.0713011 1.0651708 1.0561082 1.0480616\n", + " 1.0443014 1.0462683 1.0512317 1.0561721 1.0584087 1.0595145 0. ]\n", + " [1.1787397 1.1754403 1.1856127 1.1930553 1.1810088 1.1469631 1.1115744\n", + " 1.0883923 1.076634 1.0738729 1.0724854 1.0666295 1.0578098 1.049672\n", + " 1.0461173 1.0482427 1.0537575 1.0592089 0. 0. 0. ]]\n", + "[[1.1684225 1.165545 1.1769795 1.1864427 1.1746814 1.1411985 1.105988\n", + " 1.0830348 1.0717975 1.0688312 1.0673138 1.062076 1.0531849 1.0449022\n", + " 1.0416107 1.0432308 1.0482558 1.0534426 1.0563339]\n", + " [1.1867012 1.1807301 1.190387 1.199764 1.1866767 1.1515483 1.1153063\n", + " 1.0914046 1.0817145 1.0813515 1.0817283 1.0767778 1.066484 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.180696 1.1756377 1.1847956 1.1930851 1.1796763 1.146877 1.1122034\n", + " 1.089127 1.0781065 1.0752245 1.0746096 1.069223 1.0601139 1.0512831\n", + " 1.0478398 1.0501232 0. 0. 0. ]\n", + " [1.1789114 1.1739652 1.1833373 1.1912733 1.1784827 1.1453241 1.1110948\n", + " 1.0884352 1.0775243 1.0740906 1.0724552 1.0662369 1.0563215 1.0479265\n", + " 1.0442091 1.0461352 1.0516725 1.0566875 1.0589584]\n", + " [1.1821723 1.1768428 1.1872344 1.1960602 1.1854304 1.1514201 1.1159192\n", + " 1.0928102 1.0822786 1.0803242 1.0805961 1.0746801 1.0642143 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1770382 1.175323 1.1848024 1.1930116 1.1794683 1.1451476 1.1106067\n", + " 1.0874798 1.0759923 1.0726577 1.0699925 1.0647904 1.0557283 1.0478469\n", + " 1.0446916 1.0467767 1.0522178 1.0577177 1.0606079 1.0618302]\n", + " [1.170175 1.1646522 1.1741366 1.1822288 1.1708695 1.1375309 1.1037846\n", + " 1.0816424 1.0721399 1.0714663 1.0716866 1.0667225 1.0574433 1.048429\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1687953 1.1658533 1.1762731 1.1847472 1.1734807 1.1401424 1.1059163\n", + " 1.0829799 1.0719224 1.0697323 1.0696287 1.064749 1.0552818 1.047227\n", + " 1.0431726 1.0449574 1.0503068 0. 0. 0. ]\n", + " [1.1785094 1.1764942 1.1880834 1.19603 1.1818447 1.1477803 1.1128602\n", + " 1.089432 1.077939 1.0742776 1.072673 1.0662252 1.056157 1.0480881\n", + " 1.0446892 1.0465705 1.0520283 1.0567721 1.0592165 1.0601231]\n", + " [1.1794794 1.1758108 1.1864867 1.1943023 1.1812954 1.146322 1.1105274\n", + " 1.0868492 1.0758804 1.0728406 1.072514 1.0672756 1.058513 1.0500133\n", + " 1.0460896 1.0477325 1.0528185 1.0576751 0. 0. ]]\n", + "[[1.1936733 1.1877261 1.1985449 1.2084726 1.1951745 1.159112 1.1215676\n", + " 1.0966196 1.0856832 1.084909 1.085844 1.0804193 1.0693314 1.0588186\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1617895 1.1572956 1.1669606 1.1756196 1.1649172 1.1329308 1.0997465\n", + " 1.0785091 1.0682116 1.066665 1.0668634 1.0626968 1.0550158 1.0470002\n", + " 1.0432775 1.0448352 0. 0. 0. ]\n", + " [1.1732774 1.16897 1.1788151 1.1858236 1.1721658 1.1399713 1.1061441\n", + " 1.0832777 1.0724943 1.0692087 1.0675222 1.0622028 1.0535558 1.0460681\n", + " 1.0423648 1.044134 1.0489558 1.053627 1.0560389]\n", + " [1.1808264 1.1770633 1.1868906 1.194418 1.1825686 1.1480665 1.1126584\n", + " 1.0884188 1.0768301 1.0733504 1.0718336 1.066007 1.0575402 1.0492365\n", + " 1.0454696 1.0479054 1.0532938 1.0584304 1.0609298]\n", + " [1.1664163 1.1628476 1.1736275 1.1828618 1.1712995 1.1386771 1.1050128\n", + " 1.0822766 1.0717177 1.069518 1.0696745 1.0655683 1.0568006 1.049091\n", + " 1.0453373 1.0472292 0. 0. 0. ]]\n", + "[[1.1813533 1.1765777 1.1867065 1.1942437 1.1802087 1.1458191 1.1105837\n", + " 1.0871345 1.0769334 1.0748676 1.0743285 1.070039 1.0609456 1.0521312\n", + " 1.0482901 1.0500653 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1527727 1.1486453 1.158773 1.1678611 1.1579597 1.126858 1.0951271\n", + " 1.0742471 1.0656946 1.064838 1.0651327 1.0608703 1.052377 1.0443012\n", + " 1.0406946 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1648103 1.1626198 1.1726342 1.1821111 1.1700871 1.1379191 1.1053655\n", + " 1.0835513 1.0721562 1.0675558 1.0649437 1.0593171 1.0502045 1.0429376\n", + " 1.0404553 1.0420134 1.0467651 1.0511322 1.0534351 1.054093 1.0557368\n", + " 1.0594834]\n", + " [1.178996 1.1742496 1.1842885 1.1941838 1.1818007 1.1478376 1.111954\n", + " 1.0885272 1.0780624 1.0768015 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1591915 1.1571511 1.167896 1.1774137 1.1655356 1.133476 1.100495\n", + " 1.0793053 1.0685321 1.0650464 1.0635154 1.0579212 1.0488319 1.041831\n", + " 1.0384098 1.0397135 1.0446872 1.0491889 1.0515785 1.0530055 0.\n", + " 0. ]]\n", + "[[1.1872008 1.1803383 1.1895458 1.198145 1.18561 1.1517715 1.1160522\n", + " 1.0924577 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1744093 1.1708089 1.1802616 1.189645 1.1774877 1.1439451 1.1088628\n", + " 1.0849557 1.0735444 1.0710768 1.0710112 1.0671251 1.0580611 1.0499816\n", + " 1.0459499 1.0476738 1.0528286 0. ]\n", + " [1.1482464 1.1436205 1.1530911 1.1619871 1.1517296 1.1227602 1.0928334\n", + " 1.072564 1.0628188 1.0606952 1.0606507 1.0560385 1.0483234 1.0403748\n", + " 1.0372651 1.0386906 1.0438163 0. ]\n", + " [1.1814022 1.1768485 1.1868255 1.1941097 1.1815543 1.1468732 1.1114452\n", + " 1.0883723 1.0778025 1.0757486 1.0761105 1.0712168 1.0616971 1.0525855\n", + " 1.0485789 1.0505936 0. 0. ]\n", + " [1.1705494 1.1675496 1.1791239 1.1870517 1.1748677 1.1408832 1.105931\n", + " 1.0828221 1.0725493 1.0698204 1.0691273 1.0643548 1.0554959 1.0470357\n", + " 1.0435306 1.0451651 1.0504081 1.0555387]]\n", + "[[1.1682999 1.1637604 1.1731138 1.1813571 1.1686238 1.1349874 1.101876\n", + " 1.0807406 1.0720453 1.0715965 1.0723007 1.0669733 1.0572522 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1708732 1.1667308 1.1763017 1.1842479 1.174206 1.1409519 1.1064775\n", + " 1.0831329 1.0721514 1.070954 1.0707793 1.0663993 1.0570585 1.0486246\n", + " 1.0449977 0. 0. 0. 0. 0. ]\n", + " [1.1839778 1.1777717 1.1870917 1.1953139 1.1834918 1.1498514 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1621016 1.1579406 1.1677785 1.1769962 1.1660047 1.1337591 1.1019905\n", + " 1.0802145 1.0704602 1.069287 1.0698946 1.0653386 1.05656 1.0483876\n", + " 1.0446031 0. 0. 0. 0. 0. ]\n", + " [1.1805518 1.1782476 1.1881214 1.1970303 1.1838886 1.1502327 1.1143888\n", + " 1.090779 1.0787824 1.0746399 1.0725094 1.0671941 1.0570651 1.049504\n", + " 1.0457331 1.0474143 1.0527328 1.0582975 1.0606852 1.0620178]]\n", + "[[1.1758908 1.1733935 1.1844676 1.1933109 1.1808846 1.146463 1.1117827\n", + " 1.088302 1.0766381 1.0722803 1.070349 1.0640585 1.0547391 1.0466427\n", + " 1.0434593 1.0456759 1.0510063 1.0563958 1.0591182 1.0601996 1.0616246\n", + " 1.0655502 1.0730407]\n", + " [1.1516813 1.1469234 1.1558608 1.1641513 1.1534076 1.123714 1.0939815\n", + " 1.0745158 1.0654848 1.0640677 1.0645046 1.0604706 1.0520306 1.0443445\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1970371 1.1924156 1.2010126 1.2108274 1.1953487 1.1567413 1.1180737\n", + " 1.0934789 1.082585 1.0813148 1.0820359 1.0771962 1.0669351 1.0574236\n", + " 1.0531983 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1657286 1.1614779 1.1712297 1.1801491 1.1678534 1.1347493 1.1015779\n", + " 1.0803039 1.0709379 1.0695497 1.0703336 1.0663105 1.0573356 1.0487217\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1928215 1.1899415 1.2010549 1.2098747 1.1970266 1.160344 1.1224384\n", + " 1.0966817 1.0840398 1.0798035 1.0774747 1.0709461 1.0613637 1.0527142\n", + " 1.0492523 1.0508603 1.0570983 1.0622213 1.0647622 1.0655644 0.\n", + " 0. 0. ]]\n", + "[[1.169611 1.1652728 1.1758168 1.1847951 1.1718442 1.1390103 1.105373\n", + " 1.0832125 1.0730988 1.0705823 1.0694181 1.064522 1.0552968 1.047051\n", + " 1.0437169 1.0460358 1.0517572]\n", + " [1.1706104 1.1655891 1.1745276 1.180409 1.1683815 1.1360255 1.1034585\n", + " 1.0820059 1.0730526 1.0723096 1.0725092 1.0679009 1.0584782 1.0497435\n", + " 0. 0. 0. ]\n", + " [1.1700047 1.1646605 1.172975 1.1794609 1.16826 1.1356661 1.1028241\n", + " 1.0808107 1.0702033 1.0688596 1.0688837 1.0648922 1.0568745 1.04874\n", + " 1.0449183 1.0465344 0. ]\n", + " [1.1573688 1.1540408 1.1631595 1.171618 1.1592491 1.1278546 1.0959053\n", + " 1.0751237 1.06561 1.0634925 1.0629797 1.0581366 1.0505072 1.0434077\n", + " 1.039878 1.0418358 1.0465195]\n", + " [1.1735328 1.1696117 1.179817 1.1897565 1.1776012 1.1443142 1.10957\n", + " 1.086764 1.0754989 1.0729009 1.0731394 1.0681609 1.0591509 1.0505984\n", + " 1.046575 1.048652 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1662401 1.1603041 1.1682899 1.1769948 1.1657838 1.1345842 1.1024309\n", + " 1.0817249 1.0717214 1.0710137 1.0710912 1.0662909 1.0565324 1.0481015\n", + " 1.044451 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1800781 1.1776009 1.1885983 1.1978617 1.1857845 1.1504483 1.1134924\n", + " 1.0888294 1.0765462 1.0729446 1.0727515 1.067526 1.0583609 1.049723\n", + " 1.0457852 1.0474671 1.052315 1.0573313 1.0599536 0. 0.\n", + " 0. 0. ]\n", + " [1.1666691 1.1615524 1.170347 1.1786349 1.1668671 1.1346473 1.1017139\n", + " 1.0799916 1.0698161 1.067991 1.0676755 1.0639188 1.0559752 1.0476038\n", + " 1.0441408 1.0458045 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1657262 1.1636713 1.1738855 1.1829854 1.1699904 1.1353669 1.1019819\n", + " 1.0800691 1.0706393 1.0693122 1.0696092 1.0652778 1.0558267 1.0473856\n", + " 1.0435783 1.045202 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1561427 1.153819 1.1643107 1.1739501 1.1630977 1.1323448 1.099432\n", + " 1.0771298 1.0665411 1.062853 1.0607231 1.0560853 1.0480897 1.0412264\n", + " 1.0383629 1.0398766 1.0443025 1.0487765 1.0509918 1.0522008 1.0536942\n", + " 1.0567299 1.0636384]]\n", + "[[1.1817485 1.1785688 1.1894517 1.1993264 1.1866136 1.1508547 1.1154144\n", + " 1.0913055 1.0794709 1.0756731 1.0741584 1.067732 1.0577898 1.0494642\n", + " 1.0460786 1.0477741 1.0532596 1.0586311 1.0608202 1.0614755]\n", + " [1.1739112 1.1699871 1.1802922 1.1883091 1.1753602 1.1422045 1.1074262\n", + " 1.0843148 1.0742453 1.0716072 1.0716151 1.0671906 1.058744 1.0507594\n", + " 1.0470966 0. 0. 0. 0. 0. ]\n", + " [1.1886336 1.1861521 1.19773 1.207598 1.193371 1.1570863 1.1199763\n", + " 1.0950546 1.0826621 1.0788965 1.0770495 1.0710498 1.0610031 1.0520188\n", + " 1.048153 1.0504693 1.0561637 1.0621122 1.0650586 0. ]\n", + " [1.1704912 1.1649319 1.1743901 1.1817315 1.1714907 1.1393881 1.1059942\n", + " 1.0836494 1.0736841 1.0718409 1.0719165 1.0672053 1.058187 1.0494976\n", + " 1.0453211 0. 0. 0. 0. 0. ]\n", + " [1.1977834 1.1931974 1.2037075 1.212428 1.1987638 1.1617408 1.1236988\n", + " 1.0977962 1.0861709 1.0833338 1.082931 1.0772659 1.0672865 1.0576829\n", + " 1.0537524 1.056019 1.0625321 0. 0. 0. ]]\n", + "[[1.1726623 1.1701894 1.181344 1.1894575 1.1780918 1.1440675 1.1091349\n", + " 1.085271 1.0742265 1.0703558 1.0685731 1.0627493 1.0538415 1.0460752\n", + " 1.0428214 1.0446758 1.049789 1.0547483 1.0574226 1.0581377 0.\n", + " 0. 0. ]\n", + " [1.1562877 1.1525476 1.1619959 1.1703303 1.1589724 1.1282742 1.096135\n", + " 1.0759403 1.0660796 1.064166 1.0639274 1.0597277 1.0510819 1.0438318\n", + " 1.040204 1.0418364 1.0468744 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.198333 1.1927785 1.2049382 1.215316 1.2011397 1.1635019 1.1255811\n", + " 1.1011328 1.0899017 1.0891787 1.0896184 1.0844067 1.0726552 1.0615728\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1776934 1.173247 1.183322 1.1907176 1.1793729 1.1458781 1.1110787\n", + " 1.0879551 1.0763526 1.0730535 1.0720217 1.0669005 1.058069 1.0492281\n", + " 1.0454848 1.0471003 1.0518379 1.0570496 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1499288 1.1472359 1.1559829 1.1645383 1.1526346 1.123415 1.0937382\n", + " 1.0737005 1.0635619 1.0604243 1.0587994 1.053695 1.0457219 1.0390744\n", + " 1.036743 1.0387046 1.0432353 1.0479729 1.0500578 1.0506434 1.0515873\n", + " 1.0548038 1.0615771]]\n", + "[[1.2030809 1.1982869 1.2083929 1.2172967 1.2041498 1.167891 1.1297123\n", + " 1.1037428 1.0902483 1.0862479 1.0837526 1.0765698 1.065992 1.0561186\n", + " 1.0518404 1.0535127 1.0598003 1.0655985 1.068536 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1722653 1.1671253 1.1765414 1.1849508 1.1720071 1.1384411 1.1039474\n", + " 1.0813675 1.0713056 1.0696279 1.0698395 1.0650884 1.056049 1.0474066\n", + " 1.0438862 1.0458219 1.051649 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1770221 1.1713213 1.1802716 1.1877574 1.1774756 1.1447724 1.1103818\n", + " 1.0868608 1.075743 1.0732408 1.0729225 1.0687562 1.0599607 1.0514959\n", + " 1.0474815 1.0493832 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1722589 1.1693637 1.1800036 1.1875595 1.1755226 1.1422623 1.107955\n", + " 1.0850842 1.0735614 1.0699407 1.0682318 1.0617509 1.0534904 1.0456251\n", + " 1.0426537 1.0443547 1.0493877 1.0545727 1.056836 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1544834 1.1513964 1.1624074 1.1734693 1.1649936 1.1340313 1.1004932\n", + " 1.0784414 1.0671355 1.0632131 1.0615871 1.0561604 1.0478934 1.0407574\n", + " 1.0382437 1.0402616 1.0450333 1.05021 1.0521559 1.052652 1.0533544\n", + " 1.055572 1.0616957 1.0707844 1.0780007 1.0831779 1.0847808]]\n", + "[[1.1760265 1.1697752 1.1780058 1.1858759 1.1735126 1.1400183 1.1069483\n", + " 1.0849915 1.0754182 1.0743177 1.0749472 1.0702221 1.0607972 1.052094\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1704004 1.1692038 1.1801646 1.1886201 1.1763502 1.1434273 1.1086904\n", + " 1.0851853 1.0737205 1.0703673 1.0681967 1.061424 1.0520021 1.0447136\n", + " 1.0414444 1.0438846 1.0489783 1.0546849 1.0568899 1.0578803 1.0595238]\n", + " [1.1696341 1.1677082 1.1799684 1.1907961 1.1778466 1.1439528 1.1085486\n", + " 1.0847036 1.0728267 1.0698166 1.0680231 1.0623536 1.0529217 1.0452204\n", + " 1.0413928 1.0431207 1.047888 1.0528994 1.0555063 1.0566177 0. ]\n", + " [1.1872265 1.1820441 1.191505 1.1990441 1.1871697 1.1522405 1.1161779\n", + " 1.0926615 1.0813687 1.0793109 1.0791315 1.0740516 1.0640765 1.0549477\n", + " 1.050933 1.0530767 0. 0. 0. 0. 0. ]\n", + " [1.1760226 1.1717565 1.1820791 1.1894131 1.1770453 1.1430143 1.1083753\n", + " 1.0860217 1.0752789 1.072623 1.072314 1.066513 1.0572679 1.0489359\n", + " 1.0451174 1.0466994 1.0519714 1.0570349 0. 0. 0. ]]\n", + "[[1.1870487 1.1838198 1.1944858 1.2036669 1.1900164 1.1549783 1.1180182\n", + " 1.093778 1.0811889 1.0783913 1.0765712 1.0700185 1.0606583 1.0517849\n", + " 1.048142 1.0501167 1.0559647 1.0614482 1.0636824]\n", + " [1.1646276 1.1609548 1.1704402 1.1801319 1.1677517 1.1347454 1.1020982\n", + " 1.080353 1.0712942 1.0700355 1.0704473 1.0658684 1.0566756 1.04826\n", + " 1.0442924 0. 0. 0. 0. ]\n", + " [1.1720172 1.168607 1.1785682 1.1862063 1.1752108 1.1422503 1.1080536\n", + " 1.0846274 1.0735742 1.0703784 1.0688211 1.0639921 1.055083 1.0469987\n", + " 1.0431939 1.0448153 1.0495117 1.054422 1.0569394]\n", + " [1.161971 1.1569502 1.166265 1.174741 1.1638669 1.1317408 1.0985255\n", + " 1.0777271 1.0678716 1.066588 1.0668379 1.0621998 1.05381 1.0460601\n", + " 1.0426933 0. 0. 0. 0. ]\n", + " [1.1612272 1.1584156 1.1683285 1.1774837 1.1653075 1.1337959 1.1007652\n", + " 1.0782773 1.0684985 1.0663688 1.065813 1.0609784 1.0527581 1.044715\n", + " 1.0416607 1.0433184 1.0483766 0. 0. ]]\n", + "[[1.1804878 1.1759188 1.1871574 1.1960552 1.1836852 1.148682 1.1119164\n", + " 1.0874215 1.0764664 1.0747792 1.0748634 1.0698487 1.0606036 1.0514411\n", + " 1.047069 1.0491883 0. 0. 0. ]\n", + " [1.1677687 1.163583 1.174889 1.185661 1.174698 1.1412084 1.1056429\n", + " 1.0834092 1.07315 1.0720154 1.0725069 1.0677974 1.0583212 1.049155\n", + " 1.0447879 0. 0. 0. 0. ]\n", + " [1.180352 1.1738818 1.1834446 1.1923088 1.1799072 1.1460671 1.1101174\n", + " 1.0875648 1.0774575 1.0765032 1.0769929 1.072097 1.0620307 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1820449 1.1768215 1.186269 1.1939607 1.1817783 1.1462934 1.1108606\n", + " 1.0868707 1.0769949 1.0749532 1.0750389 1.0700443 1.0604622 1.051614\n", + " 1.0479918 0. 0. 0. 0. ]\n", + " [1.1623816 1.1604464 1.1708317 1.1800357 1.1679723 1.1352658 1.1021937\n", + " 1.0800036 1.0694036 1.0666233 1.0655667 1.0604544 1.0522845 1.0447363\n", + " 1.0413203 1.0431354 1.0476264 1.0522677 1.0544294]]\n", + "[[1.1563748 1.1508553 1.1589295 1.1663587 1.155948 1.1257335 1.0947975\n", + " 1.074687 1.0651954 1.0630493 1.0631766 1.059409 1.05132 1.0440949\n", + " 1.0410061 1.0431012 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1785867 1.1747005 1.186585 1.1971418 1.1841545 1.1488897 1.1130419\n", + " 1.0893908 1.0788 1.0758265 1.0753791 1.0702993 1.0597221 1.050628\n", + " 1.0463797 1.0481682 1.0541375 1.0596269 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1660762 1.1620448 1.1718384 1.1820974 1.1717482 1.1407946 1.1083336\n", + " 1.0861142 1.0745637 1.0706977 1.068995 1.0625956 1.0529137 1.0447413\n", + " 1.0414786 1.0436238 1.0489526 1.0541607 1.0567508 1.0573928 1.0583909\n", + " 1.061619 1.0693492 1.0797455]\n", + " [1.161384 1.1587814 1.170095 1.1795499 1.168457 1.1357081 1.1033257\n", + " 1.0814552 1.0706904 1.0671893 1.0652142 1.0590547 1.0501033 1.0423815\n", + " 1.0391157 1.0408459 1.0455803 1.0503614 1.052138 1.0531646 1.0540906\n", + " 1.0573944 0. 0. ]\n", + " [1.1796935 1.1756121 1.1864015 1.1947883 1.1825655 1.1471986 1.1109241\n", + " 1.0866895 1.0756983 1.0731645 1.0728078 1.0680212 1.0587244 1.0505123\n", + " 1.0469787 1.0487901 1.0544004 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1736546 1.1707237 1.1825272 1.1925553 1.181153 1.146607 1.110348\n", + " 1.0866373 1.0754632 1.073017 1.072282 1.066927 1.0574174 1.0490016\n", + " 1.044944 1.0464637 1.0519754 1.0574099 0. 0. 0.\n", + " 0. ]\n", + " [1.1758146 1.1728451 1.1847122 1.1938255 1.1820734 1.1493843 1.1143997\n", + " 1.0902169 1.0786299 1.0745902 1.0717416 1.0654873 1.0555845 1.0473475\n", + " 1.0434896 1.0447936 1.049993 1.0551883 1.057625 1.0585345 1.0602648\n", + " 1.0642942]\n", + " [1.2040321 1.1976545 1.2076354 1.217091 1.2035148 1.1652796 1.1255989\n", + " 1.0999361 1.0887547 1.0871105 1.0883831 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2024171 1.1966004 1.2063513 1.2149501 1.1997437 1.1624808 1.1240718\n", + " 1.099154 1.0869904 1.0835238 1.0824047 1.0761607 1.0659249 1.0561761\n", + " 1.0517007 1.0534732 1.0591782 1.065265 0. 0. 0.\n", + " 0. ]\n", + " [1.192569 1.1879185 1.1994964 1.2091801 1.1949667 1.1592342 1.121229\n", + " 1.0958407 1.085069 1.0839102 1.0842375 1.0784448 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1635149 1.1609815 1.1714679 1.1782708 1.1665404 1.1337438 1.1005933\n", + " 1.0789583 1.0693105 1.0670493 1.066515 1.0623152 1.0542058 1.0465244\n", + " 1.043163 1.0449545 1.0498136 0. 0. ]\n", + " [1.1589438 1.1552298 1.1645929 1.1735508 1.1619815 1.1309029 1.0984577\n", + " 1.0765296 1.0658913 1.0627708 1.0620902 1.0578884 1.0504308 1.0434196\n", + " 1.0404963 1.0422156 1.0467151 1.0513676 0. ]\n", + " [1.1832778 1.1764936 1.1857909 1.1955086 1.1833885 1.1505185 1.1165189\n", + " 1.093003 1.0831065 1.0819551 1.0818315 1.0756627 1.0651455 1.0548365\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1763899 1.1743116 1.1869881 1.1975675 1.1843203 1.1479548 1.110255\n", + " 1.0852666 1.0739124 1.0710984 1.0702859 1.0655413 1.0565342 1.0484825\n", + " 1.044281 1.045948 1.0512346 1.0564666 1.0589923]\n", + " [1.1795092 1.1758995 1.1869797 1.1970814 1.1848602 1.1502476 1.1139762\n", + " 1.0896077 1.0783324 1.074716 1.0742167 1.0686976 1.059106 1.0501108\n", + " 1.0465162 1.048494 1.0539455 1.0594655 0. ]]\n", + "[[1.1746794 1.1707835 1.179931 1.1873844 1.1762877 1.1440543 1.109933\n", + " 1.0868125 1.074926 1.070456 1.0677865 1.0617001 1.0534642 1.0457704\n", + " 1.0424155 1.0439181 1.048423 1.0530773 1.0553075 1.0565007 1.0588988]\n", + " [1.1546688 1.1504622 1.1590365 1.1670598 1.1560768 1.1262227 1.094357\n", + " 1.0749007 1.0653422 1.0635105 1.0636286 1.0592209 1.0515313 1.0443797\n", + " 1.0408136 1.0427275 0. 0. 0. 0. 0. ]\n", + " [1.1828768 1.1782577 1.1880187 1.1964738 1.1853774 1.1510448 1.1147038\n", + " 1.0905749 1.0791852 1.0766156 1.0769106 1.072494 1.063256 1.0547248\n", + " 1.0502976 1.0519304 0. 0. 0. 0. 0. ]\n", + " [1.1852794 1.180247 1.1901612 1.1982572 1.1852163 1.1508778 1.1156662\n", + " 1.0921602 1.081354 1.0787184 1.0778971 1.0724102 1.0624561 1.0536624\n", + " 1.0497363 1.0522078 0. 0. 0. 0. 0. ]\n", + " [1.177247 1.1739967 1.1839257 1.1928205 1.1799705 1.1473626 1.1133969\n", + " 1.0899366 1.0780089 1.0739175 1.0719558 1.0659683 1.0564618 1.0488579\n", + " 1.045216 1.0477544 1.0527296 1.0572243 1.0594301 1.0596814 0. ]]\n", + "[[1.1799319 1.1749958 1.1841435 1.1914515 1.1795455 1.1462183 1.1119173\n", + " 1.0894195 1.0784352 1.0761161 1.0764346 1.0719647 1.061928 1.0530151\n", + " 1.0489917 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1786592 1.17554 1.1873233 1.1970074 1.1850649 1.1507715 1.1145674\n", + " 1.0904194 1.0780585 1.074142 1.0722315 1.066155 1.0571885 1.0492237\n", + " 1.0459353 1.0476274 1.052396 1.0571222 1.0593071 1.0605351 1.062914\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1759567 1.1705409 1.1789652 1.1869543 1.1747139 1.141867 1.1078019\n", + " 1.0850434 1.0755911 1.074104 1.0734476 1.0683125 1.0587889 1.0503113\n", + " 1.0469042 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1487386 1.1462255 1.1561962 1.1652637 1.1563144 1.1270969 1.0959561\n", + " 1.0745904 1.0637639 1.0603569 1.0584514 1.0528351 1.0448121 1.0384423\n", + " 1.0359107 1.0378292 1.0424806 1.0474443 1.0494709 1.0498729 1.0511358\n", + " 1.054247 1.0607289 1.0695485 1.076944 1.08103 ]\n", + " [1.1675657 1.1641558 1.1753932 1.1855676 1.1734693 1.1394492 1.1043346\n", + " 1.0819393 1.0723878 1.0711067 1.071937 1.0667825 1.0575413 1.04865\n", + " 1.0443568 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.2014486 1.1952965 1.2040883 1.2102354 1.1974081 1.1604633 1.1225919\n", + " 1.0971414 1.086197 1.0847597 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2209095 1.2154976 1.2274144 1.2363455 1.2221504 1.1821679 1.1405005\n", + " 1.112352 1.1004889 1.0987583 1.0994579 1.093109 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1729642 1.1695801 1.1805454 1.1896371 1.1779522 1.1442504 1.1084832\n", + " 1.0861708 1.0751586 1.072881 1.0718045 1.0672032 1.0583892 1.0500281\n", + " 1.0462643 1.0477917 1.0532113 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1683459 1.1635666 1.1740098 1.1820322 1.1714809 1.1395364 1.1055998\n", + " 1.082484 1.071686 1.0692817 1.0692428 1.0647829 1.0566107 1.0486972\n", + " 1.0450053 1.046326 1.0515096 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1696382 1.1666104 1.178894 1.1914463 1.1808419 1.1479623 1.1118191\n", + " 1.0876131 1.0756309 1.0719216 1.0698111 1.0632769 1.0536828 1.0456672\n", + " 1.042545 1.0445168 1.0498247 1.0556477 1.058537 1.058977 1.0593944\n", + " 1.0626035 1.0696961 1.079804 1.0878274 1.0924618 1.0946434 1.0912737\n", + " 1.0836544]]\n", + "[[1.1675127 1.1629559 1.1735562 1.1829228 1.1712346 1.1378193 1.1037012\n", + " 1.0811125 1.0714171 1.0697808 1.0698897 1.0650346 1.0559238 1.0473363\n", + " 1.043672 1.0455033 1.0511813 0. 0. ]\n", + " [1.1887257 1.1849022 1.1936841 1.2014537 1.1870979 1.1510167 1.1159966\n", + " 1.0931426 1.0831566 1.0814861 1.0822637 1.0769235 1.066103 1.056921\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1849139 1.1807257 1.1907429 1.1993096 1.1867423 1.1527928 1.1169182\n", + " 1.0921056 1.0799986 1.0766207 1.0748248 1.0693171 1.0598174 1.0515969\n", + " 1.0473951 1.049733 1.0548861 1.0600169 1.0624907]\n", + " [1.1863976 1.1818081 1.1907023 1.2005239 1.1873169 1.1525903 1.1162622\n", + " 1.0927882 1.0808212 1.0776362 1.0772291 1.0716816 1.0625423 1.0530387\n", + " 1.0491471 1.0514506 1.0574056 0. 0. ]\n", + " [1.1688004 1.1644019 1.1734083 1.182418 1.1714481 1.1396021 1.1062514\n", + " 1.0842348 1.0732727 1.0700407 1.0684631 1.0632123 1.0544624 1.0463771\n", + " 1.043054 1.0447909 1.0498898 1.0550725 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1780655 1.1742657 1.1845162 1.1922758 1.1802711 1.1458592 1.1103269\n", + " 1.0866319 1.0764071 1.0744424 1.0734181 1.0677654 1.0581942 1.0498676\n", + " 1.0463692 1.0484583 1.0540969 0. 0. 0. 0. ]\n", + " [1.1691206 1.1674994 1.1781511 1.1867099 1.174559 1.1413168 1.1070659\n", + " 1.084016 1.0723621 1.0687786 1.0665557 1.0609071 1.0527823 1.0454541\n", + " 1.0420605 1.0438086 1.0487069 1.0529405 1.0552636 1.0565099 1.0581633]\n", + " [1.1772733 1.1731997 1.1824487 1.1903871 1.177221 1.1421732 1.107354\n", + " 1.0840772 1.073169 1.0717328 1.0719271 1.0667833 1.0588317 1.0500878\n", + " 1.0461954 1.0482887 0. 0. 0. 0. 0. ]\n", + " [1.1670798 1.162906 1.1731124 1.1830593 1.1720285 1.1390048 1.1046466\n", + " 1.0821823 1.071644 1.0697397 1.0692732 1.0643445 1.0556805 1.0475024\n", + " 1.0436804 1.0452712 1.0502356 0. 0. 0. 0. ]\n", + " [1.1884243 1.1837461 1.195989 1.2061764 1.1936228 1.156517 1.1176322\n", + " 1.0924151 1.0807048 1.0796733 1.0805063 1.0763767 1.0665307 1.0570074\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1614114 1.157322 1.1659513 1.1733501 1.1625683 1.1308657 1.0985003\n", + " 1.0775048 1.0675939 1.0650979 1.0650846 1.06031 1.0522988 1.0443226\n", + " 1.0408125 1.0424172 1.0475838 0. ]\n", + " [1.1474429 1.1444933 1.1535232 1.1617246 1.1508735 1.1213654 1.090698\n", + " 1.070628 1.0607535 1.0586662 1.0582885 1.0544599 1.0465506 1.0400821\n", + " 1.0371308 1.0386251 1.0429487 1.0472443]\n", + " [1.165457 1.1620486 1.1718652 1.1795194 1.1671826 1.1344839 1.1010488\n", + " 1.0789992 1.0685544 1.0658735 1.0658238 1.0616931 1.0530477 1.0458536\n", + " 1.0428673 1.0445819 1.0497565 1.0550098]\n", + " [1.1734841 1.1679786 1.177698 1.1875889 1.17519 1.1423244 1.1077027\n", + " 1.0856183 1.0756382 1.0744534 1.074516 1.0698764 1.0596923 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.157365 1.1550677 1.164855 1.1738411 1.162196 1.1309664 1.0979439\n", + " 1.0767825 1.0670125 1.0653062 1.0656579 1.0620829 1.0534248 1.0458006\n", + " 1.0424459 1.0439723 0. 0. ]]\n", + "[[1.1684604 1.164282 1.1742442 1.1828469 1.170559 1.1377149 1.1033943\n", + " 1.0810857 1.0700626 1.0673043 1.0663683 1.0613333 1.052054 1.044521\n", + " 1.041284 1.0431117 1.0484924 1.0534588 1.0560366]\n", + " [1.165447 1.1639016 1.175094 1.1833737 1.1699389 1.1359018 1.1034695\n", + " 1.0817466 1.0713105 1.0688723 1.0684309 1.0629673 1.0540074 1.0462137\n", + " 1.0426531 1.0443248 1.049593 1.0541669 0. ]]\n", + "[[1.1609731 1.1580577 1.1681073 1.1764519 1.1649839 1.1334847 1.1017543\n", + " 1.0800421 1.0691295 1.0652531 1.0633184 1.0573602 1.0492975 1.0421662\n", + " 1.0390866 1.0407501 1.04551 1.0500281 1.0522329 1.0529834]\n", + " [1.1817296 1.1777209 1.1874672 1.1944764 1.1808369 1.1455119 1.1105385\n", + " 1.0874009 1.0769016 1.0745454 1.0745275 1.0694349 1.0599353 1.0516102\n", + " 1.0477918 1.0493329 1.0549026 0. 0. 0. ]\n", + " [1.1749367 1.1729032 1.185037 1.1942295 1.1826749 1.1480865 1.1116881\n", + " 1.0881333 1.076688 1.0728267 1.0718421 1.0660317 1.0563674 1.0476004\n", + " 1.0439953 1.045778 1.0513217 1.0568557 1.0593635 0. ]\n", + " [1.1757302 1.1729074 1.1835705 1.1930524 1.1807908 1.147119 1.1118425\n", + " 1.0880978 1.0761939 1.0731624 1.0718541 1.066025 1.0570182 1.0487939\n", + " 1.0451652 1.0470768 1.0522618 1.0574272 1.0597838 0. ]\n", + " [1.1645488 1.1631066 1.1741612 1.1832376 1.1701645 1.1376657 1.1038058\n", + " 1.0813035 1.069979 1.0667856 1.0654184 1.060041 1.0511615 1.0441391\n", + " 1.0409929 1.0425303 1.04714 1.0520295 1.0547451 1.0557348]]\n", + "[[1.1936064 1.1873316 1.1958506 1.2026924 1.1899185 1.1544614 1.1180974\n", + " 1.0940005 1.0828991 1.0802451 1.0801762 1.0742594 1.064586 1.055168\n", + " 1.0511737 1.0537739 0. 0. 0. 0. ]\n", + " [1.1733918 1.1703851 1.1810365 1.1891984 1.1757048 1.1425403 1.1085528\n", + " 1.0856519 1.0747643 1.072201 1.0705326 1.0639669 1.054761 1.0465031\n", + " 1.0429466 1.0449167 1.0495896 1.0551797 1.0574048 0. ]\n", + " [1.1656666 1.1633333 1.1734926 1.183115 1.1717411 1.1391742 1.10554\n", + " 1.0829121 1.0716822 1.0687022 1.0667973 1.0613668 1.0526152 1.0445695\n", + " 1.0409576 1.0426104 1.0472504 1.0522242 1.0545255 0. ]\n", + " [1.1750438 1.1733174 1.1847194 1.1937239 1.1804723 1.1462914 1.1112736\n", + " 1.0874429 1.0758123 1.0721854 1.070307 1.0637538 1.0547073 1.0468146\n", + " 1.0430864 1.0448914 1.0494491 1.05504 1.0577304 1.0591547]\n", + " [1.1706399 1.1673404 1.1782441 1.1870716 1.1750238 1.140352 1.105769\n", + " 1.0829327 1.0733176 1.0718293 1.0720471 1.0674928 1.0577025 1.0491676\n", + " 1.0452873 1.0470617 0. 0. 0. 0. ]]\n", + "[[1.1750988 1.1723332 1.183584 1.192876 1.1831942 1.1496975 1.114825\n", + " 1.0908451 1.0787873 1.0739123 1.0713176 1.0648994 1.0554538 1.0472691\n", + " 1.0440826 1.0463414 1.0519879 1.0569563 1.0590472 1.059252 1.0602292\n", + " 1.0642326 1.0716445 1.0826703 1.0907598]\n", + " [1.1657214 1.1638403 1.1752222 1.1837556 1.1735119 1.1412015 1.1069827\n", + " 1.0836269 1.0718976 1.0678794 1.066595 1.060805 1.0518234 1.0439473\n", + " 1.0407585 1.0424801 1.0470011 1.0520371 1.0546898 1.055671 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1808457 1.175525 1.1840272 1.1923487 1.1803467 1.1466603 1.1114686\n", + " 1.0880778 1.0772214 1.0743879 1.0746412 1.0701233 1.0607284 1.0524936\n", + " 1.0485243 1.0508726 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1842659 1.1809298 1.1916722 1.200341 1.186129 1.1514276 1.1148913\n", + " 1.0908269 1.0792748 1.0759681 1.0749162 1.0687766 1.0588137 1.0507512\n", + " 1.0469651 1.0487002 1.0544492 1.0593836 1.0618963 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1607258 1.1567507 1.167262 1.1762797 1.1655055 1.1334668 1.1007338\n", + " 1.079321 1.0695226 1.0673815 1.0683054 1.0640652 1.055568 1.0472829\n", + " 1.0434681 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1918678 1.1861727 1.195891 1.2039864 1.191704 1.1563283 1.1200027\n", + " 1.0955684 1.084497 1.0824329 1.0821949 1.0760677 1.0660192 1.0562692\n", + " 1.052199 0. 0. 0. 0. 0. 0. ]\n", + " [1.1932133 1.1881856 1.1989876 1.2068408 1.1928012 1.1560458 1.1193248\n", + " 1.0946699 1.0843966 1.0831596 1.0831786 1.0779755 1.06772 1.0580153\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1671788 1.1646386 1.1745349 1.183609 1.171948 1.1402124 1.1066022\n", + " 1.0837126 1.072604 1.0689089 1.0679071 1.0628251 1.0538644 1.0458452\n", + " 1.0424329 1.0441784 1.0494137 1.054413 0. 0. 0. ]\n", + " [1.1660745 1.1641542 1.1756237 1.1860666 1.173249 1.1399918 1.1055323\n", + " 1.0823247 1.0709554 1.067456 1.0656887 1.060048 1.0513256 1.0437714\n", + " 1.0409108 1.0423572 1.0473424 1.0525026 1.0549198 1.0559831 1.0572886]\n", + " [1.1649494 1.1622468 1.173334 1.1833519 1.1712985 1.1389856 1.1048597\n", + " 1.08242 1.0708625 1.0677779 1.0665914 1.0608404 1.0521392 1.0442845\n", + " 1.0409153 1.0424876 1.0473133 1.0520651 1.0547378 1.0557796 0. ]]\n", + "[[1.1642531 1.1603918 1.1720076 1.1825541 1.1724535 1.1400898 1.1056625\n", + " 1.0822839 1.0705509 1.0669835 1.065303 1.0597084 1.0512129 1.0433803\n", + " 1.0400388 1.0413983 1.0462987 1.0514542 1.054115 1.0551807]\n", + " [1.2019129 1.1945281 1.2024207 1.209819 1.1949732 1.1601315 1.1238731\n", + " 1.0995133 1.0876391 1.0842528 1.0827589 1.0767214 1.0659606 1.0565628\n", + " 1.0528345 1.0557492 0. 0. 0. 0. ]\n", + " [1.1690779 1.1625085 1.1720538 1.1804802 1.170277 1.1377627 1.1034076\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1585667 1.1555358 1.1651232 1.1729391 1.1609327 1.128997 1.0977912\n", + " 1.0770639 1.0667351 1.0638934 1.062943 1.0576038 1.0499191 1.043162\n", + " 1.0399823 1.0418609 1.0463715 1.0509542 0. 0. ]\n", + " [1.1691157 1.1665708 1.1775601 1.1861628 1.1746643 1.1407641 1.1057285\n", + " 1.0832899 1.0727684 1.0702322 1.0698056 1.0659788 1.0566355 1.0488261\n", + " 1.0447172 1.0465825 1.0517184 0. 0. 0. ]]\n", + "[[1.1802267 1.1734082 1.182157 1.1909703 1.1793625 1.1462091 1.1108713\n", + " 1.0879114 1.0775875 1.0766709 1.0766773 1.0713724 1.0614214 1.0524588\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1798984 1.1751525 1.1846726 1.192399 1.1798451 1.1458995 1.1107746\n", + " 1.087894 1.0760916 1.073715 1.072828 1.0673926 1.0584426 1.0498884\n", + " 1.0462565 1.0484736 1.05369 1.058717 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1472389 1.1437097 1.1535672 1.1650494 1.1568953 1.1278906 1.0964329\n", + " 1.0751499 1.0640143 1.0606197 1.0591962 1.0542831 1.0463853 1.0397235\n", + " 1.0371288 1.038845 1.043417 1.048312 1.0509326 1.0517219 1.0528325\n", + " 1.0552511 1.0615497 1.0707406 1.0779946 1.0821148 1.0834774 1.0805395\n", + " 1.0726756]\n", + " [1.1718084 1.1699121 1.1808107 1.1902643 1.177465 1.1441267 1.1095408\n", + " 1.0862546 1.0746549 1.071249 1.0695963 1.0639535 1.0552078 1.0472269\n", + " 1.0435936 1.0454979 1.0510211 1.0559527 1.0583652 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2094419 1.2024001 1.2113315 1.2187409 1.2048969 1.1682254 1.13045\n", + " 1.1053945 1.0934207 1.0916376 1.0912656 1.0839143 1.0725423 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1713189 1.1677991 1.1780229 1.186985 1.1746866 1.140767 1.1060975\n", + " 1.0833613 1.0722675 1.0695114 1.0690197 1.0640607 1.0557181 1.0477767\n", + " 1.0439702 1.0458566 1.0505431 1.0557868 0. 0. ]\n", + " [1.1655631 1.1622462 1.1726586 1.1816602 1.1699333 1.1364931 1.1022235\n", + " 1.0792994 1.0699837 1.0682838 1.068747 1.0645902 1.0554161 1.0476921\n", + " 1.0439515 1.0459411 0. 0. 0. 0. ]\n", + " [1.1723716 1.1699402 1.1797162 1.1875014 1.1739615 1.1407216 1.1071955\n", + " 1.0845131 1.0734468 1.070157 1.0688893 1.0631871 1.054219 1.046257\n", + " 1.0429673 1.0441208 1.0489177 1.0535103 1.0559613 1.0572599]\n", + " [1.1860933 1.1820756 1.1914914 1.2003585 1.1866385 1.1532946 1.11784\n", + " 1.0936761 1.0815847 1.0784637 1.0767981 1.0720613 1.0620228 1.05383\n", + " 1.050184 1.0522583 1.0582182 0. 0. 0. ]\n", + " [1.1744224 1.1709979 1.1826944 1.1913106 1.180425 1.1466117 1.1113048\n", + " 1.0878679 1.0766379 1.0750401 1.0754044 1.070295 1.0613295 1.0522135\n", + " 1.0479143 1.0499039 0. 0. 0. 0. ]]\n", + "[[1.171872 1.1685363 1.1791357 1.1880338 1.1761762 1.1421397 1.1072626\n", + " 1.0835778 1.0723165 1.069233 1.0679656 1.0632709 1.054664 1.0467454\n", + " 1.0435232 1.0450344 1.0499076 1.0547358 1.057026 0. ]\n", + " [1.1601331 1.155798 1.1653395 1.1747748 1.1637684 1.1318426 1.1000448\n", + " 1.0782553 1.0692304 1.0684958 1.0689752 1.0646878 1.0554541 1.0471025\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1820103 1.1793115 1.1904728 1.1988475 1.1860362 1.1511247 1.1141096\n", + " 1.0887564 1.077153 1.0729414 1.0711704 1.0664232 1.0572892 1.0492471\n", + " 1.0460654 1.0482287 1.0535471 1.0583187 1.0605861 1.0613359]\n", + " [1.1790287 1.1752281 1.1838938 1.191824 1.1789569 1.1450393 1.1108793\n", + " 1.0877535 1.0760049 1.0736891 1.072588 1.0668467 1.058569 1.0505791\n", + " 1.046873 1.049337 1.0546374 1.0600574 0. 0. ]\n", + " [1.1746298 1.1701976 1.1802678 1.1881359 1.1756989 1.1415355 1.1070406\n", + " 1.0838772 1.0739739 1.0721672 1.0729886 1.0685555 1.0596505 1.051209\n", + " 1.0469828 0. 0. 0. 0. 0. ]]\n", + "[[1.1467135 1.1456593 1.1565462 1.1660845 1.1547182 1.1246232 1.0939922\n", + " 1.0734041 1.0632544 1.0599927 1.0584992 1.0530896 1.0456253 1.0386435\n", + " 1.0361433 1.0372182 1.0415877 1.0459949 1.0482584 1.0492625 1.0507097\n", + " 1.0538926]\n", + " [1.1765211 1.1717453 1.1815145 1.1902593 1.1787815 1.1451931 1.1097668\n", + " 1.08679 1.0753053 1.0732648 1.0729309 1.0681721 1.0590795 1.0512068\n", + " 1.047541 1.0499313 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1805613 1.1757327 1.1863464 1.1955515 1.1834325 1.1485994 1.1127459\n", + " 1.0891478 1.0789964 1.077707 1.0781194 1.0738013 1.0636016 1.0544316\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1851299 1.1809645 1.1896166 1.1969142 1.1815782 1.1480553 1.1136907\n", + " 1.0918915 1.0818928 1.079669 1.0798941 1.0743567 1.0634451 1.0545826\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1860693 1.1805791 1.1897465 1.1973627 1.1831859 1.1489586 1.1131172\n", + " 1.0895354 1.0797837 1.0780587 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1778499 1.1748528 1.1851997 1.1941003 1.1821632 1.1483665 1.1139653\n", + " 1.090898 1.0789118 1.0742884 1.0718488 1.0654131 1.055695 1.0475607\n", + " 1.0445464 1.0469142 1.0517395 1.0567765 1.059125 1.0597004 1.0611815\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1710668 1.1685275 1.1800709 1.1908679 1.1803929 1.1473383 1.1122437\n", + " 1.088583 1.0767871 1.0725504 1.0699085 1.063713 1.053784 1.0457708\n", + " 1.042677 1.0449002 1.0508068 1.0557249 1.0580834 1.0590086 1.0599183\n", + " 1.0634032 1.0707705 1.0814811 1.0895295 1.0937884]\n", + " [1.1683989 1.1633592 1.1727403 1.1803738 1.1697569 1.1373692 1.1034632\n", + " 1.0807065 1.0706758 1.0677823 1.0665792 1.0624163 1.0538265 1.0461142\n", + " 1.0433457 1.0453327 1.0509694 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1601056 1.1590761 1.1702309 1.180023 1.1687627 1.1360734 1.1030354\n", + " 1.0807285 1.0696316 1.0656213 1.0635924 1.057768 1.049303 1.0421891\n", + " 1.0395254 1.0410436 1.045537 1.0499897 1.0523556 1.0527545 1.0539542\n", + " 1.0572513 0. 0. 0. 0. ]\n", + " [1.1935525 1.1872542 1.196669 1.2043941 1.192076 1.1568695 1.1199309\n", + " 1.0954438 1.0840073 1.0825375 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.171106 1.1690885 1.1803284 1.1897165 1.1759568 1.142486 1.108216\n", + " 1.0851032 1.0741525 1.0720731 1.071238 1.0660689 1.0570018 1.0485897\n", + " 1.045469 1.0468658 1.051818 1.0566868 0. 0. 0. ]\n", + " [1.168268 1.1661023 1.1766508 1.18533 1.1722608 1.1393896 1.1051152\n", + " 1.0831661 1.0725296 1.0699255 1.0688002 1.06395 1.0549973 1.0474044\n", + " 1.0434616 1.0452524 1.0503018 1.0553797 0. 0. 0. ]\n", + " [1.1760002 1.1722912 1.1820107 1.1906533 1.1783217 1.146481 1.1129557\n", + " 1.090049 1.0781618 1.0736402 1.071051 1.0646012 1.054945 1.0474164\n", + " 1.0443606 1.0465516 1.0515902 1.0567019 1.0587236 1.0590978 1.060463 ]\n", + " [1.1615597 1.1581037 1.1681713 1.1769222 1.1644067 1.1322197 1.098693\n", + " 1.0775687 1.0682395 1.0668181 1.0670615 1.06288 1.0542792 1.0462635\n", + " 1.0426896 0. 0. 0. 0. 0. 0. ]\n", + " [1.1893057 1.1860315 1.19787 1.2090969 1.1964914 1.1589749 1.1212329\n", + " 1.0963302 1.0839362 1.0806689 1.0789338 1.0733622 1.0625652 1.0531651\n", + " 1.0489362 1.0511719 1.0569055 1.0628698 1.0656334 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.169376 1.1658403 1.1740679 1.1797631 1.1669905 1.135029 1.1034604\n", + " 1.0823233 1.0721854 1.0695182 1.0683376 1.0627886 1.0542538 1.0465118\n", + " 1.0434042 1.0451152 1.049726 1.0542326 0. ]\n", + " [1.1678522 1.1624824 1.1716058 1.1803341 1.1704613 1.1383333 1.1044427\n", + " 1.0817907 1.0719988 1.0701761 1.0705295 1.0659696 1.0571768 1.0486022\n", + " 1.0446899 0. 0. 0. 0. ]\n", + " [1.1640415 1.1616184 1.1706467 1.1778147 1.1643239 1.1323202 1.1013224\n", + " 1.0807393 1.0701723 1.067276 1.0655942 1.0604366 1.0518425 1.0442574\n", + " 1.0412337 1.0425196 1.047217 1.05138 1.0536486]\n", + " [1.1673794 1.1653236 1.1763066 1.1846898 1.1713774 1.1377542 1.1041965\n", + " 1.0818985 1.0709522 1.0681245 1.0670047 1.0613269 1.0530496 1.0451639\n", + " 1.0417266 1.0433867 1.0483396 1.0529871 1.0553352]\n", + " [1.1722722 1.1698002 1.1794142 1.1892061 1.1777546 1.1438859 1.1088369\n", + " 1.086015 1.0758666 1.0736299 1.0729555 1.0683455 1.059373 1.0507944\n", + " 1.0470592 1.0488663 0. 0. 0. ]]\n", + "[[1.1832443 1.1804364 1.1909677 1.1991976 1.1847457 1.1496665 1.113276\n", + " 1.088623 1.0767905 1.0727708 1.0705557 1.06438 1.0558245 1.0481044\n", + " 1.0452915 1.0469869 1.0524952 1.0578635 1.0599786 1.0608256 1.0624828]\n", + " [1.228512 1.2213788 1.2302449 1.2366695 1.2218846 1.181566 1.1400732\n", + " 1.1119595 1.0996373 1.0977844 1.0970844 1.0911827 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1608093 1.1567043 1.1654514 1.1738448 1.1616297 1.1309985 1.0992645\n", + " 1.0780947 1.0680785 1.0659386 1.0657952 1.061996 1.0538445 1.0463303\n", + " 1.0429027 1.0445496 0. 0. 0. 0. 0. ]\n", + " [1.1690984 1.166687 1.1773602 1.1871517 1.1747595 1.1413893 1.1068188\n", + " 1.0834554 1.0725427 1.0697038 1.0693526 1.0644811 1.0562724 1.0480756\n", + " 1.0443275 1.0461965 1.0511357 1.0564107 0. 0. 0. ]\n", + " [1.1761032 1.1742196 1.1864743 1.1948191 1.1806014 1.145712 1.1107451\n", + " 1.087399 1.0763923 1.0730872 1.0709434 1.0648472 1.0550966 1.0467163\n", + " 1.0434322 1.0452237 1.0505763 1.0554801 1.0579416 1.0587136 0. ]]\n", + "[[1.1737907 1.1703002 1.1809124 1.1888834 1.1757405 1.1415439 1.1068609\n", + " 1.0843406 1.0744601 1.0726576 1.0718793 1.0670208 1.0572181 1.0487603\n", + " 1.0448583 1.046779 1.0520874 0. ]\n", + " [1.1684476 1.1655214 1.1759441 1.1839161 1.1729892 1.1395439 1.105026\n", + " 1.0822337 1.0723099 1.0704845 1.0709041 1.066556 1.0571214 1.0489358\n", + " 1.0451378 1.0470389 0. 0. ]\n", + " [1.1612163 1.1563776 1.1658002 1.1730196 1.1626556 1.131323 1.0993907\n", + " 1.0779543 1.0679682 1.0657722 1.0656885 1.0612268 1.0530287 1.0452045\n", + " 1.042019 1.043816 1.0490241 0. ]\n", + " [1.1633615 1.1605929 1.1703911 1.1785778 1.1656408 1.1332015 1.0999305\n", + " 1.0778155 1.067725 1.0653088 1.0650158 1.0606679 1.0527519 1.045157\n", + " 1.0418907 1.0433735 1.0481399 1.0533485]\n", + " [1.2052703 1.1995914 1.2102106 1.2171264 1.2038112 1.1665179 1.1273177\n", + " 1.1014547 1.090306 1.0886112 1.088229 1.0834897 1.0726461 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1642917 1.1613163 1.1708298 1.1779838 1.1666579 1.1346837 1.1019899\n", + " 1.080214 1.069379 1.0653155 1.0634496 1.0586971 1.0503455 1.0428802\n", + " 1.0401182 1.0421197 1.0468435 1.0513715 1.0537592 0. 0.\n", + " 0. ]\n", + " [1.1845351 1.1793379 1.190369 1.2003376 1.1872574 1.1512595 1.11457\n", + " 1.0898716 1.0801917 1.0793549 1.0802492 1.0751885 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1870506 1.1840962 1.1962932 1.2042869 1.189111 1.151833 1.114141\n", + " 1.0913713 1.0813444 1.0801953 1.0814292 1.0757931 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1655769 1.1614192 1.1713358 1.1803004 1.1695325 1.1379384 1.1048043\n", + " 1.0828884 1.0717177 1.0682924 1.0663583 1.0607288 1.0517347 1.0440574\n", + " 1.0411409 1.0428077 1.0475882 1.0521377 1.0543641 1.0552396 0.\n", + " 0. ]\n", + " [1.163459 1.1618866 1.1733158 1.1826459 1.171104 1.1383785 1.1049087\n", + " 1.082191 1.0708632 1.0665765 1.0642551 1.0592489 1.050583 1.0432918\n", + " 1.0401875 1.0419655 1.0470206 1.0515267 1.0541635 1.0549397 1.0564287\n", + " 1.059952 ]]\n", + "[[1.1635782 1.1612972 1.1721916 1.1809385 1.1686243 1.1363249 1.1029744\n", + " 1.0807924 1.0700728 1.067195 1.0659817 1.0603468 1.0521796 1.04473\n", + " 1.0411221 1.0429301 1.0474792 1.0521569 1.054361 ]\n", + " [1.1739686 1.1700464 1.1792142 1.1868043 1.1736982 1.1396077 1.1057804\n", + " 1.0830908 1.0732645 1.0723053 1.0723046 1.0673609 1.0588124 1.0503608\n", + " 1.0467073 1.0489371 0. 0. 0. ]\n", + " [1.1677926 1.1641436 1.1734619 1.1816455 1.1685226 1.1375898 1.1050248\n", + " 1.083004 1.0720034 1.0694174 1.0682251 1.0630431 1.0543739 1.0461824\n", + " 1.0429938 1.0444844 1.0496235 1.0544008 0. ]\n", + " [1.2097842 1.2028991 1.2113816 1.21812 1.205534 1.1679642 1.1283116\n", + " 1.1015997 1.0890086 1.0872824 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1705217 1.1686742 1.1798085 1.1880329 1.1751086 1.1412133 1.106845\n", + " 1.0841069 1.0731813 1.0698098 1.0689776 1.0635654 1.0542363 1.0468771\n", + " 1.0436813 1.044766 1.0500095 1.0546151 1.0570555]]\n", + "[[1.1670108 1.1636018 1.1740013 1.1825244 1.1707715 1.1370167 1.1026791\n", + " 1.0807842 1.0705975 1.0687566 1.0694065 1.0652165 1.0561054 1.0480815\n", + " 1.0441474 1.0460635 0. 0. 0. 0. ]\n", + " [1.1701691 1.1674514 1.1782925 1.1877526 1.1746945 1.140917 1.1062754\n", + " 1.0830697 1.0729109 1.0703198 1.0704838 1.0652505 1.0566595 1.0478548\n", + " 1.0441608 1.0456285 1.0511427 0. 0. 0. ]\n", + " [1.1581777 1.1531464 1.1615678 1.1691716 1.1576512 1.1273448 1.0968679\n", + " 1.0767729 1.0667855 1.0644126 1.0639954 1.0596555 1.0521034 1.0445125\n", + " 1.0414195 1.0430655 1.0480098 0. 0. 0. ]\n", + " [1.1888456 1.185029 1.1950836 1.2034724 1.1901423 1.1542022 1.1180654\n", + " 1.092755 1.0802411 1.0767549 1.075729 1.0700812 1.060522 1.0525843\n", + " 1.048856 1.0507487 1.0564814 1.0616152 1.0645757 0. ]\n", + " [1.1835667 1.1800137 1.192812 1.2025175 1.1897671 1.1529616 1.1145505\n", + " 1.0897901 1.077512 1.0746324 1.0730864 1.0670371 1.0577747 1.0493224\n", + " 1.0458537 1.0474933 1.0531521 1.0584513 1.0606996 1.061733 ]]\n", + "[[1.1941538 1.1856525 1.1922617 1.1985897 1.1867446 1.1538953 1.1188205\n", + " 1.0946348 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1676254 1.1633108 1.1720549 1.1799 1.1667002 1.1340057 1.1018993\n", + " 1.081043 1.072263 1.0716254 1.0721078 1.0672718 1.0587002 0.\n", + " 0. 0. 0. ]\n", + " [1.1855658 1.1799316 1.1887392 1.1977866 1.1853426 1.15006 1.1150435\n", + " 1.0915581 1.0807027 1.0790973 1.0789945 1.0733743 1.063934 1.0546275\n", + " 1.0511391 0. 0. ]\n", + " [1.1665145 1.1629282 1.1737002 1.1828753 1.1711087 1.1372666 1.103336\n", + " 1.0809214 1.0706509 1.0687778 1.0689932 1.0641576 1.05489 1.0469849\n", + " 1.0431228 1.0449041 1.0504377]\n", + " [1.166712 1.1628597 1.1732502 1.1820661 1.1718593 1.1393344 1.1055167\n", + " 1.0827334 1.071594 1.0701492 1.0706276 1.0661784 1.0580009 1.0495328\n", + " 1.045448 1.0471604 0. ]]\n", + "[[1.1749959 1.1717584 1.1819293 1.1911571 1.1792555 1.1455822 1.1111009\n", + " 1.0873952 1.0754045 1.0709293 1.0691633 1.0629033 1.0545064 1.046841\n", + " 1.0436643 1.0456363 1.050839 1.05573 1.0583258 1.059301 0. ]\n", + " [1.1731133 1.1689979 1.1786274 1.1861805 1.1717676 1.1390139 1.1057286\n", + " 1.0838977 1.0742118 1.0725483 1.0729805 1.0674794 1.0586584 1.0501397\n", + " 1.0464861 0. 0. 0. 0. 0. 0. ]\n", + " [1.1591057 1.1584808 1.1693069 1.1780753 1.1658783 1.1346189 1.102469\n", + " 1.0809184 1.0698539 1.0659206 1.063935 1.0576665 1.0497088 1.0429442\n", + " 1.0397543 1.04161 1.0460683 1.0505592 1.053046 1.0542473 1.055871 ]\n", + " [1.1607292 1.1580383 1.1687495 1.1768755 1.1643417 1.1321189 1.0995977\n", + " 1.078207 1.068237 1.0663981 1.0664123 1.0618122 1.052593 1.0449276\n", + " 1.0413406 1.0427946 1.0480714 0. 0. 0. 0. ]\n", + " [1.2108114 1.2073674 1.2184253 1.2260853 1.2092183 1.1702224 1.128084\n", + " 1.1023691 1.0913606 1.090474 1.0913008 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1505831 1.1476958 1.1572945 1.1649227 1.1534097 1.123393 1.0921793\n", + " 1.0714487 1.0618557 1.059347 1.0592443 1.0552319 1.0477492 1.04054\n", + " 1.0375283 1.0391874 1.0434968 1.0478139 0. 0. 0.\n", + " 0. ]\n", + " [1.1769282 1.1733658 1.1845764 1.1939753 1.1812894 1.1462641 1.1111357\n", + " 1.0873467 1.0757205 1.0718355 1.0694069 1.0635884 1.0545609 1.0467273\n", + " 1.0437149 1.0457973 1.0507814 1.0556008 1.0582155 1.0591552 1.0611998\n", + " 1.065493 ]\n", + " [1.1736686 1.1677923 1.176474 1.1842862 1.1721784 1.1395781 1.1063929\n", + " 1.0835668 1.0729976 1.0704492 1.0698967 1.0653365 1.0568472 1.0487552\n", + " 1.045152 1.0471233 1.0525316 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1950047 1.1898583 1.1997987 1.2073143 1.1950791 1.1585909 1.1221296\n", + " 1.0964471 1.0842682 1.0809458 1.0805045 1.0751779 1.0650713 1.0566798\n", + " 1.0526221 1.0550288 1.0610508 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.174122 1.1686827 1.1770633 1.1852239 1.173105 1.1399878 1.105803\n", + " 1.0833745 1.0728652 1.0717726 1.0718942 1.0680612 1.0588945 1.0506548\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1660345 1.1613271 1.1699213 1.1780959 1.166142 1.1358976 1.1034336\n", + " 1.0821693 1.0714687 1.0689553 1.0689402 1.0649407 1.0561846 1.0481014\n", + " 1.0448585 1.0468687 0. 0. 0. 0. ]\n", + " [1.2006052 1.1943872 1.2036926 1.2118096 1.1996737 1.1628151 1.1235344\n", + " 1.0969669 1.0855075 1.084542 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1549954 1.1500555 1.1589081 1.1673905 1.1564543 1.1274797 1.0969766\n", + " 1.0764496 1.0669068 1.0646138 1.0651006 1.0605625 1.0529404 1.0451409\n", + " 1.0418309 0. 0. 0. 0. 0. ]\n", + " [1.1787748 1.1771462 1.1886914 1.1986176 1.1854277 1.1496333 1.1132773\n", + " 1.0887411 1.0772363 1.0732884 1.0720513 1.0653733 1.0559746 1.0476056\n", + " 1.0437889 1.0458977 1.0509282 1.0558665 1.0582546 1.0590768]\n", + " [1.1725851 1.1703752 1.1818002 1.1905223 1.1787524 1.1453735 1.110458\n", + " 1.0864955 1.0748628 1.0715569 1.0694087 1.0638571 1.0548685 1.0469667\n", + " 1.0437051 1.0449948 1.0500056 1.0553961 1.0577099 1.0588068]]\n", + "[[1.1621134 1.1593429 1.1699961 1.179049 1.1676619 1.134515 1.1006619\n", + " 1.0788077 1.0686102 1.0663073 1.0666904 1.0625408 1.0542566 1.0464401\n", + " 1.0431061 1.0444133 1.0491891 0. 0. ]\n", + " [1.1527749 1.1494753 1.1597817 1.1684732 1.1574227 1.1276462 1.0963819\n", + " 1.0756297 1.065484 1.0632865 1.0624796 1.0573009 1.0493563 1.0419494\n", + " 1.0387279 1.0401235 1.0449619 1.049697 0. ]\n", + " [1.1636531 1.1618481 1.1713815 1.1780324 1.1667671 1.1341734 1.1008161\n", + " 1.0793914 1.0685687 1.066314 1.0651977 1.0604992 1.0509385 1.0440294\n", + " 1.0406926 1.0421903 1.0471306 1.0519677 1.0543513]\n", + " [1.1495982 1.1440061 1.1514814 1.1589392 1.149491 1.1213782 1.0922899\n", + " 1.0724323 1.0623617 1.0599501 1.0590324 1.0551087 1.0479606 1.0410994\n", + " 1.038252 1.0399135 1.0448263 0. 0. ]\n", + " [1.1537238 1.1501786 1.1607704 1.1704675 1.1603398 1.1309887 1.0986488\n", + " 1.0776876 1.0673386 1.0658708 1.0661784 1.0616952 1.0532055 1.0453\n", + " 1.0416191 0. 0. 0. 0. ]]\n", + "[[1.167297 1.1648338 1.174409 1.1824827 1.1690786 1.1352901 1.1016709\n", + " 1.0800724 1.0702678 1.0694922 1.0696001 1.0647984 1.0566263 1.0479157\n", + " 1.044014 1.0461729 0. 0. 0. 0. ]\n", + " [1.1992292 1.1908449 1.1991771 1.2074782 1.1943843 1.158612 1.1215457\n", + " 1.0969535 1.0864859 1.0844454 1.0840166 1.0781928 1.0676693 1.0582763\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1681776 1.1622915 1.1707366 1.178491 1.1677965 1.1366898 1.1038465\n", + " 1.0817128 1.0713422 1.0688691 1.0679013 1.0634415 1.055186 1.0474322\n", + " 1.0437676 1.0453874 1.0503216 0. 0. 0. ]\n", + " [1.1978444 1.1920938 1.2024136 1.2107167 1.1965147 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.173009 1.1695546 1.1799343 1.1883769 1.1769834 1.1431725 1.1088179\n", + " 1.0858455 1.0741496 1.0701395 1.0684775 1.0628346 1.0542778 1.04612\n", + " 1.0428131 1.044588 1.0495158 1.0542004 1.056587 1.0575169]]\n", + "[[1.1836362 1.1772132 1.1859956 1.1948329 1.1822989 1.1485566 1.1132592\n", + " 1.0896796 1.0782791 1.0757356 1.0747002 1.0693716 1.0602165 1.0513625\n", + " 1.0474637 1.0496027 1.0552928 0. 0. 0. ]\n", + " [1.1649003 1.1615762 1.1727538 1.1826582 1.1715399 1.1390078 1.1047585\n", + " 1.082675 1.0726632 1.0709063 1.0707475 1.0664833 1.0568856 1.0481172\n", + " 1.0440336 1.045727 0. 0. 0. 0. ]\n", + " [1.2304913 1.2239757 1.2353911 1.2438717 1.2266707 1.1854055 1.1430783\n", + " 1.1146917 1.1022388 1.1009034 1.1011488 1.0938383 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1833597 1.1806157 1.1916791 1.2002265 1.1864334 1.151786 1.1159481\n", + " 1.091359 1.0790894 1.0752584 1.073537 1.0673244 1.0575047 1.0493598\n", + " 1.0459199 1.048093 1.0534332 1.0587448 1.0616461 1.0626352]\n", + " [1.1894017 1.1825914 1.1913323 1.2002051 1.1884329 1.1549801 1.1186097\n", + " 1.093421 1.0823588 1.0797832 1.0790858 1.0743892 1.0651007 1.0563146\n", + " 1.0521208 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1824198 1.1795008 1.191336 1.2021676 1.1894464 1.1545774 1.1168013\n", + " 1.0918955 1.0804466 1.077782 1.0771807 1.0718542 1.0614635 1.0527157\n", + " 1.0480235 1.0501213 1.0555829 1.0612825]\n", + " [1.1961777 1.1906081 1.2009282 1.2085695 1.1922201 1.1542051 1.1173056\n", + " 1.0936877 1.0838436 1.0834962 1.0838143 1.0776771 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1627344 1.159837 1.1710835 1.1799817 1.1682999 1.13551 1.1021438\n", + " 1.0802443 1.0701351 1.06797 1.0684278 1.0636942 1.0553296 1.0471264\n", + " 1.043415 1.0452147 0. 0. ]\n", + " [1.1606995 1.1554495 1.1647434 1.173425 1.1618942 1.1302955 1.0976199\n", + " 1.0773605 1.068292 1.0669898 1.0674231 1.0631475 1.0540289 1.045746\n", + " 1.0416083 0. 0. 0. ]\n", + " [1.1838496 1.1795694 1.1885638 1.1965673 1.1827005 1.1473496 1.1129218\n", + " 1.0903863 1.0800176 1.0778326 1.0781472 1.0725471 1.0618186 1.0527079\n", + " 1.0484803 1.0507551 0. 0. ]]\n", + "[[1.1599815 1.1553018 1.1643023 1.172024 1.161207 1.1303532 1.0982516\n", + " 1.0771439 1.0672699 1.0646676 1.0645996 1.0604242 1.0526664 1.0448574\n", + " 1.0415303 1.0428673 1.0481457 0. 0. ]\n", + " [1.185404 1.1803372 1.1893163 1.1979102 1.1847324 1.1503356 1.1149038\n", + " 1.090988 1.0798843 1.0777006 1.077801 1.0727079 1.0632242 1.0540593\n", + " 1.0501997 1.0525793 0. 0. 0. ]\n", + " [1.1656576 1.1622392 1.1722801 1.1816841 1.169801 1.1372522 1.1039331\n", + " 1.081455 1.071181 1.0684599 1.0682192 1.0635053 1.055075 1.0474765\n", + " 1.0438164 1.0454266 1.0506246 0. 0. ]\n", + " [1.1801403 1.1774315 1.1879313 1.1964974 1.18343 1.1491861 1.113429\n", + " 1.0893071 1.0784364 1.0748382 1.0734264 1.0679204 1.0583086 1.0503091\n", + " 1.0460484 1.0481248 1.0537761 1.0589656 1.0614733]\n", + " [1.1760496 1.1700995 1.178956 1.1862302 1.1753339 1.1419395 1.1080992\n", + " 1.0848187 1.0745909 1.0721846 1.0722619 1.0680883 1.0592957 1.0511297\n", + " 1.0473953 1.0496358 0. 0. 0. ]]\n", + "[[1.1633482 1.1597252 1.1695983 1.1767051 1.1645402 1.1325676 1.1005079\n", + " 1.0791876 1.0693994 1.0682685 1.0685775 1.0636972 1.0553304 1.0471641\n", + " 1.0435127 1.0454894 0. 0. 0. 0. ]\n", + " [1.1608237 1.1572734 1.1674027 1.175404 1.164905 1.1330614 1.1000268\n", + " 1.079428 1.0693032 1.0677668 1.0682863 1.0638431 1.0553197 1.0470352\n", + " 1.0435764 0. 0. 0. 0. 0. ]\n", + " [1.1768531 1.1748061 1.1863723 1.1938889 1.1813936 1.1469256 1.1120142\n", + " 1.0882392 1.0771543 1.0733168 1.0713001 1.0654237 1.0556585 1.0475422\n", + " 1.0436361 1.0454108 1.0506941 1.0558066 1.0587807 1.0598586]\n", + " [1.1801124 1.1758459 1.1851702 1.1934557 1.1811537 1.1472261 1.113273\n", + " 1.0901618 1.0789269 1.0763521 1.0751113 1.0701625 1.0603532 1.0517526\n", + " 1.0478518 1.0499625 1.0560033 0. 0. 0. ]\n", + " [1.1598163 1.1552925 1.1643536 1.1722355 1.1620905 1.1316867 1.0999548\n", + " 1.0790713 1.0695777 1.0680566 1.0684025 1.0630314 1.0540103 1.0458834\n", + " 1.0421 0. 0. 0. 0. 0. ]]\n", + "[[1.1599363 1.1581098 1.1683884 1.178348 1.167869 1.135883 1.1025971\n", + " 1.0808039 1.0697937 1.066244 1.0637456 1.0572338 1.0488192 1.0413755\n", + " 1.0380722 1.0401005 1.0449718 1.0499221 1.0520883 1.052704 1.0535201\n", + " 1.0567218 1.0633103 0. 0. ]\n", + " [1.176969 1.1739099 1.1838999 1.1932681 1.180174 1.1449362 1.1103231\n", + " 1.0873436 1.0777593 1.077597 1.0780864 1.0721446 1.0617541 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1677387 1.163169 1.1724467 1.1808681 1.1685063 1.1360005 1.1028473\n", + " 1.0812652 1.0715382 1.0693368 1.0691339 1.0645331 1.0553901 1.0473139\n", + " 1.0438987 1.0459417 1.0516226 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1672218 1.1648556 1.175054 1.1833997 1.1707476 1.1375101 1.1038965\n", + " 1.0809863 1.0708215 1.0681646 1.0687757 1.0646762 1.0558379 1.0481453\n", + " 1.0444478 1.0463297 1.0513881 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1488909 1.145071 1.1545486 1.1626633 1.1527107 1.1246567 1.0952679\n", + " 1.0750997 1.0644501 1.0602831 1.0580391 1.0528102 1.0449766 1.0387087\n", + " 1.0365921 1.038765 1.0436528 1.0478876 1.0502161 1.0511351 1.0517597\n", + " 1.0545815 1.0605189 1.0693645 1.0762005]]\n", + "[[1.1916065 1.1861832 1.195753 1.2043352 1.1918445 1.1560733 1.1193832\n", + " 1.0950725 1.0836718 1.0811813 1.0813897 1.0763521 1.0656242 1.0562993\n", + " 1.0520338 0. 0. 0. 0. 0. 0. ]\n", + " [1.1820228 1.179307 1.1904464 1.199836 1.1878352 1.153411 1.1175338\n", + " 1.092204 1.080141 1.0759805 1.0732473 1.0668159 1.0575907 1.0496032\n", + " 1.0456178 1.0475216 1.0527253 1.0574871 1.0599968 1.0610025 1.062233 ]\n", + " [1.1600243 1.1591669 1.169726 1.179104 1.1671073 1.1349646 1.1020602\n", + " 1.080032 1.0684348 1.0646629 1.062391 1.0570819 1.0493406 1.0423315\n", + " 1.0391934 1.0408655 1.0451947 1.049232 1.0517659 1.0526874 1.0539435]\n", + " [1.1628711 1.1602087 1.1708629 1.1807865 1.1689752 1.1373543 1.1039525\n", + " 1.0812976 1.0702193 1.0661756 1.0642419 1.0585182 1.0504401 1.0430579\n", + " 1.0399591 1.0413629 1.0457437 1.0505896 1.0530757 1.0542626 1.0566459]\n", + " [1.1764083 1.1731035 1.1833066 1.1920564 1.178874 1.1457875 1.1111087\n", + " 1.0879208 1.0764189 1.0726562 1.070914 1.0651358 1.0556033 1.0475475\n", + " 1.0442348 1.0461681 1.0510929 1.0563707 1.0585746 1.0594177 0. ]]\n", + "[[1.1585937 1.154731 1.1645858 1.1737238 1.1624767 1.1310742 1.0985225\n", + " 1.0780517 1.068523 1.0666802 1.067151 1.0626404 1.0538839 1.045615\n", + " 1.0418284 0. 0. ]\n", + " [1.1756107 1.1715797 1.1808693 1.1885717 1.1755321 1.1427336 1.1077024\n", + " 1.085592 1.0746177 1.0739747 1.0746061 1.0700414 1.0610071 0.\n", + " 0. 0. 0. ]\n", + " [1.1608994 1.1562178 1.1653876 1.1724895 1.1612569 1.1295934 1.0977305\n", + " 1.0767666 1.0677195 1.0666418 1.0669111 1.0619664 1.0535252 1.0456806\n", + " 1.0420706 0. 0. ]\n", + " [1.1913677 1.1861271 1.1964538 1.2050248 1.1907284 1.1547744 1.1182861\n", + " 1.0947734 1.084435 1.0836378 1.0836419 1.0773118 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1746767 1.1711692 1.181209 1.1907482 1.1792204 1.1454278 1.1102753\n", + " 1.0869983 1.076391 1.0732875 1.0735857 1.068823 1.0597651 1.0507851\n", + " 1.0469838 1.0485933 1.054147 ]]\n", + "[[1.1721605 1.165809 1.1742692 1.1829901 1.171984 1.1411539 1.1080256\n", + " 1.0859098 1.075456 1.0734847 1.072909 1.0680044 1.0588815 1.0501337\n", + " 1.0460818 1.0480574 0. 0. ]\n", + " [1.1711905 1.1675308 1.1772101 1.1842284 1.1722684 1.1386784 1.1043504\n", + " 1.0817059 1.0724841 1.0712678 1.0720246 1.0669246 1.0578488 1.0494789\n", + " 1.0456748 0. 0. 0. ]\n", + " [1.175236 1.1718675 1.1822443 1.1906111 1.178569 1.1443839 1.1088028\n", + " 1.0854667 1.0742896 1.071755 1.0720148 1.0672798 1.0587808 1.0506393\n", + " 1.0469172 1.048434 1.0535159 0. ]\n", + " [1.1691897 1.165949 1.1763813 1.1855435 1.1732363 1.1396061 1.1058607\n", + " 1.0834655 1.0727012 1.070223 1.0694412 1.0639062 1.0548645 1.046716\n", + " 1.0432596 1.0450399 1.050007 1.0554796]\n", + " [1.1597015 1.1538593 1.1616446 1.1691779 1.158015 1.1275641 1.09707\n", + " 1.077243 1.0681092 1.0662812 1.0663432 1.0623163 1.0541294 1.0465786\n", + " 1.0431854 0. 0. 0. ]]\n", + "[[1.2024975 1.1961131 1.2037446 1.2105826 1.1963189 1.1600895 1.1236775\n", + " 1.0987995 1.0876034 1.0854446 1.0851222 1.0805303 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1784539 1.174222 1.184779 1.1934278 1.1828614 1.1493466 1.1142695\n", + " 1.0907034 1.0792574 1.0766128 1.0764387 1.071583 1.0623046 1.052977\n", + " 1.0490001 1.0511409 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.173209 1.1710377 1.1813463 1.1907465 1.1788099 1.1462406 1.1119072\n", + " 1.0883178 1.0760274 1.0719523 1.0695263 1.0629077 1.0536482 1.0461211\n", + " 1.0430131 1.0452635 1.0500147 1.0550873 1.057265 1.0577607 1.0590472\n", + " 1.0630581 1.0703315]\n", + " [1.1805496 1.1758378 1.1850275 1.1946639 1.1816183 1.1460698 1.1113417\n", + " 1.0889262 1.0782496 1.0760704 1.0753157 1.0702311 1.060705 1.0515712\n", + " 1.0475254 1.049806 1.0554391 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1671734 1.1653286 1.1769907 1.1866925 1.173666 1.1407719 1.106403\n", + " 1.083319 1.0719669 1.0683664 1.0670195 1.0610198 1.0520978 1.0441607\n", + " 1.0410666 1.0424569 1.0474998 1.0521863 1.0549996 1.056566 0.\n", + " 0. 0. ]]\n", + "[[1.1624694 1.1587448 1.1683894 1.1776316 1.1659503 1.1343664 1.1019244\n", + " 1.0806032 1.070688 1.0684367 1.0681266 1.0632744 1.0551314 1.0468563\n", + " 1.0433698 1.0451641 0. 0. 0. 0. ]\n", + " [1.1819729 1.1772871 1.1880634 1.1971833 1.1838082 1.1485708 1.1128253\n", + " 1.0897918 1.0798473 1.0794557 1.080437 1.0749915 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2043673 1.1993996 1.210937 1.220864 1.2087235 1.1722455 1.1323428\n", + " 1.1053116 1.0918866 1.0878183 1.0857908 1.0791427 1.0685138 1.0586144\n", + " 1.0535271 1.0548409 1.0606229 1.0662917 1.0696421 1.0711261]\n", + " [1.1852306 1.1800199 1.1891354 1.1982214 1.1853092 1.1514498 1.1155674\n", + " 1.0914468 1.0802187 1.077472 1.077711 1.0727301 1.0631541 1.0541062\n", + " 1.049783 1.0518411 0. 0. 0. 0. ]\n", + " [1.1951191 1.188637 1.1978909 1.2055254 1.1917655 1.1556814 1.1184059\n", + " 1.0937221 1.0836648 1.082589 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2081542 1.2034414 1.2134106 1.222421 1.2084967 1.1705583 1.1315694\n", + " 1.1049854 1.0911154 1.0867093 1.0843985 1.077541 1.067051 1.058032\n", + " 1.0537206 1.056482 1.0623492 1.068509 1.0712402]\n", + " [1.1832383 1.1789502 1.1897726 1.1969833 1.1833823 1.1482546 1.112634\n", + " 1.0884818 1.0771921 1.0735588 1.0734004 1.0684611 1.0590562 1.0505339\n", + " 1.0468394 1.0488892 1.0546316 1.0604048 0. ]\n", + " [1.1591856 1.1565021 1.1661258 1.1739486 1.1617411 1.1290612 1.0974692\n", + " 1.0772392 1.0674462 1.0650367 1.0643718 1.0591333 1.0510381 1.043545\n", + " 1.0399806 1.0418012 1.0463804 1.0511347 0. ]\n", + " [1.2048514 1.1985885 1.2084808 1.2159008 1.2031608 1.1677133 1.1287664\n", + " 1.1023712 1.0894696 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2039777 1.1985978 1.2088604 1.2173834 1.2028322 1.1653337 1.1267078\n", + " 1.1006119 1.089707 1.0875324 1.0886779 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1688827 1.1652216 1.1763861 1.1857718 1.1737378 1.1399541 1.1055896\n", + " 1.0832031 1.0719454 1.0684718 1.0666689 1.0609987 1.0518993 1.0442617\n", + " 1.0408717 1.0425979 1.047785 1.0526294 1.0550375 1.0558397]\n", + " [1.1603768 1.1566695 1.1662807 1.1744393 1.1627418 1.1311297 1.0991035\n", + " 1.0777532 1.0681589 1.0661395 1.0653775 1.0601883 1.0520477 1.0441924\n", + " 1.0409771 1.0427164 1.0477258 0. 0. 0. ]\n", + " [1.1620498 1.1594739 1.1703143 1.1790588 1.1673955 1.1340337 1.1013792\n", + " 1.0799495 1.0692569 1.0664365 1.0654024 1.0596225 1.0509679 1.0431268\n", + " 1.0399909 1.0412517 1.0463006 1.0515109 1.0536681 0. ]\n", + " [1.1747923 1.1683683 1.1763777 1.1842891 1.172149 1.1395038 1.1057513\n", + " 1.0836576 1.0732151 1.070648 1.0696343 1.0650208 1.0565778 1.0484279\n", + " 1.0451108 1.0471001 1.0529032 0. 0. 0. ]\n", + " [1.1861517 1.1809427 1.1912241 1.2000711 1.1872346 1.1513574 1.1145864\n", + " 1.0903283 1.0793029 1.0770204 1.0769348 1.0716807 1.0610588 1.0523871\n", + " 1.0479242 1.0497955 1.0555769 0. 0. 0. ]]\n", + "[[1.1951736 1.1898118 1.2007612 1.2114656 1.1996107 1.1623206 1.1221172\n", + " 1.0954058 1.0835766 1.0811857 1.081027 1.0758275 1.0657983 1.0570736\n", + " 1.0526069 1.0547217 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1715673 1.166858 1.1764437 1.1852549 1.174262 1.1417131 1.1074195\n", + " 1.0848377 1.0735114 1.0713655 1.0704837 1.0656941 1.0570425 1.0488186\n", + " 1.04534 1.0471027 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1709553 1.1656699 1.175614 1.1829948 1.1715479 1.13851 1.104431\n", + " 1.0815812 1.0719187 1.0701847 1.0705787 1.0664903 1.0583339 1.0497693\n", + " 1.046077 1.048067 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1658826 1.1626642 1.1725655 1.1799308 1.1675422 1.1348985 1.1019962\n", + " 1.0802618 1.0709403 1.0692198 1.0684404 1.0635353 1.054414 1.0465454\n", + " 1.0431911 1.0451456 1.0502826 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1682154 1.1653306 1.1753211 1.1853335 1.1745205 1.1418495 1.1087738\n", + " 1.0861728 1.0751324 1.0708328 1.0680141 1.0622149 1.0529205 1.0450227\n", + " 1.042233 1.0443404 1.0496446 1.0538937 1.056299 1.056781 1.0576723\n", + " 1.0613865 1.0687374]]\n", + "[[1.1736261 1.1713581 1.182152 1.1914077 1.1796987 1.1458904 1.110935\n", + " 1.0871589 1.0751802 1.0723507 1.0712405 1.0653038 1.0557306 1.0479423\n", + " 1.0447042 1.0465566 1.0518515 1.057127 ]\n", + " [1.1609939 1.1585358 1.1700683 1.1803982 1.1689637 1.1365923 1.1025527\n", + " 1.0796245 1.0694164 1.066738 1.0660989 1.0617169 1.0530102 1.0449457\n", + " 1.0415878 1.0430095 1.0476483 1.052429 ]\n", + " [1.167785 1.1634817 1.1741682 1.1825932 1.1711273 1.1369829 1.1031617\n", + " 1.0806197 1.0711799 1.0699322 1.0708857 1.0667684 1.0579166 1.0495764\n", + " 0. 0. 0. 0. ]\n", + " [1.1657821 1.160861 1.1707141 1.1797334 1.1677192 1.1353108 1.1015537\n", + " 1.0797005 1.069581 1.0680218 1.0684698 1.0642312 1.0562688 1.0480535\n", + " 1.0442951 1.046149 0. 0. ]\n", + " [1.1845951 1.178203 1.1871024 1.1950544 1.1795353 1.1441569 1.1083511\n", + " 1.0850646 1.0754741 1.0745453 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1742004 1.1702174 1.1795087 1.1889482 1.175786 1.1421901 1.1073647\n", + " 1.0842332 1.0731481 1.0697658 1.0682747 1.0639046 1.0552737 1.0477057\n", + " 1.0444489 1.0461739 1.0513363 1.0567158 0. 0. 0.\n", + " 0. ]\n", + " [1.1650829 1.1604333 1.1694789 1.1771052 1.1655163 1.1339833 1.1018876\n", + " 1.0797781 1.0702109 1.0674883 1.0662093 1.0613637 1.0529346 1.0446162\n", + " 1.0416027 1.0432497 1.0482298 1.0532793 0. 0. 0.\n", + " 0. ]\n", + " [1.1709543 1.1676867 1.1774695 1.1857767 1.1728667 1.1394055 1.1061122\n", + " 1.0837636 1.0725988 1.0691214 1.0668623 1.0615083 1.0524861 1.0448123\n", + " 1.0418717 1.0440301 1.048713 1.0533366 1.0558035 1.0568999 0.\n", + " 0. ]\n", + " [1.16605 1.1620672 1.1727926 1.1816683 1.1703587 1.1383146 1.1049708\n", + " 1.0826153 1.07234 1.0698302 1.0694481 1.0647447 1.0554882 1.0475116\n", + " 1.0438882 1.0455788 1.0509664 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1650008 1.161671 1.171323 1.1806825 1.1694505 1.1367784 1.103967\n", + " 1.0818107 1.0707986 1.0666895 1.0644852 1.0588006 1.0501939 1.0426685\n", + " 1.039701 1.0413634 1.046292 1.0507622 1.0536351 1.05475 1.0558636\n", + " 1.0592704]]\n", + "[[1.1715695 1.1667852 1.1767013 1.185637 1.1736336 1.1400678 1.105902\n", + " 1.0829722 1.0728492 1.0703596 1.0701799 1.0656258 1.0567089 1.0484747\n", + " 1.0447242 1.0463023 1.0517155 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.186471 1.1811391 1.1912899 1.200523 1.1878355 1.152116 1.1147263\n", + " 1.0912365 1.0807326 1.0800867 1.0809069 1.0763906 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1788454 1.1758857 1.1867292 1.195952 1.1845882 1.151094 1.1160175\n", + " 1.0921577 1.0791916 1.0750566 1.0728108 1.066244 1.0564077 1.0485348\n", + " 1.0452337 1.0474881 1.0527592 1.0579628 1.0604125 1.0610309 1.0623752\n", + " 1.0658872 1.0737529]\n", + " [1.1862689 1.1831483 1.1939356 1.2036512 1.1896969 1.153546 1.1167222\n", + " 1.0917544 1.0788441 1.0753131 1.0738565 1.0688256 1.0596182 1.0513353\n", + " 1.0475632 1.0496432 1.0547255 1.0595727 1.0625021 0. 0.\n", + " 0. 0. ]\n", + " [1.1942841 1.1890868 1.1984694 1.2076496 1.1942946 1.1591233 1.121887\n", + " 1.0975235 1.085721 1.0847675 1.0849379 1.0793725 1.0688922 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1813816 1.1770911 1.1865262 1.1949415 1.1810739 1.1479081 1.1128532\n", + " 1.0893091 1.0786445 1.0755508 1.073913 1.0693982 1.059665 1.0516636\n", + " 1.0476941 1.0499163 1.0557573 0. 0. 0. ]\n", + " [1.1776395 1.1744187 1.1846263 1.1940213 1.1805302 1.1466898 1.1111552\n", + " 1.0882692 1.0764494 1.0725448 1.0711049 1.0655916 1.056037 1.0484153\n", + " 1.0451088 1.046656 1.0519968 1.0569328 1.0592946 1.0604969]\n", + " [1.1761103 1.1718762 1.181948 1.1909277 1.1779058 1.1456629 1.1112459\n", + " 1.0886722 1.0782578 1.075962 1.075721 1.0705916 1.0607034 1.05148\n", + " 1.0473734 0. 0. 0. 0. 0. ]\n", + " [1.1587477 1.1536443 1.1624185 1.1705742 1.1595565 1.129086 1.0978332\n", + " 1.0771031 1.0675977 1.0652134 1.0648407 1.0601497 1.0515796 1.0438788\n", + " 1.0405536 1.0425005 1.0476658 0. 0. 0. ]\n", + " [1.1917635 1.184598 1.1932983 1.2026066 1.1898823 1.1553074 1.1195797\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.176442 1.1730051 1.1830112 1.1922253 1.1797198 1.1460296 1.1107762\n", + " 1.0875139 1.0772185 1.0760949 1.0755163 1.0719154 1.0619062 1.0537615\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1870962 1.1835979 1.195514 1.2051933 1.1936139 1.1579076 1.1203278\n", + " 1.0949498 1.0827245 1.0795228 1.0780759 1.0718553 1.0620859 1.053113\n", + " 1.0490695 1.0505166 1.0558126 1.0612417 1.0643458]\n", + " [1.1449354 1.1401892 1.1480892 1.1554973 1.1443198 1.1167974 1.0879276\n", + " 1.0687639 1.0598836 1.0580924 1.0576224 1.0536485 1.0463578 1.0400225\n", + " 1.0370501 1.0386233 0. 0. 0. ]\n", + " [1.1633407 1.1585182 1.1681558 1.1764263 1.1652933 1.1336219 1.1005969\n", + " 1.0799036 1.0708053 1.0703633 1.0712327 1.0663874 1.0569122 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1880603 1.1832429 1.193072 1.201936 1.1885448 1.1532023 1.1169132\n", + " 1.0931742 1.0820231 1.0790253 1.0786457 1.0730046 1.0626506 1.0530483\n", + " 1.0491081 1.051298 1.0571164 0. 0. ]]\n", + "[[1.1764535 1.1709051 1.1800165 1.1870999 1.1745195 1.1408308 1.1064562\n", + " 1.0839571 1.073459 1.0710588 1.071028 1.0666142 1.0582604 1.0498469\n", + " 1.045877 1.0476009 1.0531354 0. ]\n", + " [1.1653819 1.1618682 1.1708424 1.177686 1.1656327 1.133962 1.1011577\n", + " 1.0806406 1.0704476 1.067184 1.0660722 1.0610741 1.0522668 1.0446239\n", + " 1.0416195 1.0435863 1.048606 1.053514 ]\n", + " [1.2033617 1.1986418 1.2098085 1.2178874 1.2012786 1.1627198 1.1242208\n", + " 1.0988809 1.0880095 1.0876263 1.0884745 1.0821984 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1667377 1.1638386 1.174893 1.1842152 1.1727905 1.1392096 1.1049858\n", + " 1.0825529 1.0721705 1.0696622 1.0685409 1.0638037 1.0546244 1.04636\n", + " 1.0426329 1.0441948 1.0491935 1.0537037]\n", + " [1.1638799 1.1600356 1.1702695 1.1798304 1.1683512 1.1364763 1.1028861\n", + " 1.0806189 1.0704756 1.0686488 1.0689417 1.0644313 1.0549574 1.0467566\n", + " 1.0427996 1.0446597 0. 0. ]]\n", + "[[1.1556383 1.153118 1.1630837 1.1722655 1.1608207 1.1306514 1.0989825\n", + " 1.077772 1.0671171 1.0630916 1.0614269 1.0556407 1.0476083 1.0406133\n", + " 1.0376135 1.0391879 1.0437509 1.0485706 1.0509806 1.0519488 1.0534588\n", + " 0. ]\n", + " [1.1627083 1.1595789 1.1697987 1.179493 1.1683046 1.1364086 1.1044335\n", + " 1.0830377 1.0717453 1.067857 1.0650152 1.0594252 1.0504116 1.0427635\n", + " 1.0396721 1.0413957 1.0459517 1.0505316 1.0528435 1.0537463 1.054954\n", + " 1.0583097]\n", + " [1.1957803 1.1920917 1.2023177 1.210265 1.1982456 1.1624742 1.1246992\n", + " 1.0980408 1.0851004 1.0806301 1.0779487 1.0717312 1.0617893 1.0531052\n", + " 1.0495787 1.0516522 1.0573802 1.0627853 1.0655864 1.0665742 0.\n", + " 0. ]\n", + " [1.160648 1.1584146 1.169553 1.1804891 1.1692622 1.1369212 1.1032937\n", + " 1.0807499 1.069607 1.0656308 1.0638003 1.058253 1.0490583 1.0419196\n", + " 1.0391557 1.0406338 1.0454514 1.0503433 1.0526307 1.0536186 1.0550231\n", + " 1.0583259]\n", + " [1.1698216 1.1669635 1.1779659 1.1872253 1.1765511 1.1429307 1.108159\n", + " 1.0845857 1.0734236 1.0703325 1.0693302 1.0637069 1.0548553 1.0466696\n", + " 1.0431814 1.0444747 1.049469 1.0544014 1.0568438 0. 0.\n", + " 0. ]]\n", + "[[1.1915624 1.1874994 1.1981918 1.2070953 1.1947498 1.1592553 1.1219695\n", + " 1.095994 1.0829842 1.0780917 1.0764934 1.0707562 1.0612454 1.0527698\n", + " 1.0492266 1.0513083 1.0567703 1.0618844 1.0647037 1.0657438 0.\n", + " 0. 0. ]\n", + " [1.1548052 1.1540262 1.1650552 1.1741664 1.1626623 1.131572 1.0998403\n", + " 1.078734 1.0682266 1.0643424 1.061886 1.0564313 1.0474991 1.0405414\n", + " 1.0377057 1.0397923 1.0445287 1.0491805 1.0515409 1.052434 1.0539511\n", + " 1.0574787 1.0645905]\n", + " [1.1613133 1.1571219 1.165663 1.1717418 1.1600392 1.1284992 1.0970649\n", + " 1.0764637 1.0682204 1.06809 1.0684283 1.0639101 1.0550911 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2253106 1.2203825 1.23116 1.2406449 1.2256129 1.1862389 1.1432439\n", + " 1.114586 1.1019236 1.0995865 1.100264 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1752161 1.1716543 1.1817784 1.1917422 1.1794473 1.1466385 1.1120427\n", + " 1.0883871 1.0758748 1.0717003 1.0691829 1.0636243 1.0547495 1.0469923\n", + " 1.0437186 1.045571 1.0505561 1.0551006 1.0572548 1.0582312 1.0598105\n", + " 0. 0. ]]\n", + "[[1.159129 1.1571225 1.1671729 1.1761782 1.1653445 1.1339548 1.1016586\n", + " 1.0799615 1.068655 1.0654527 1.0632886 1.0582608 1.050364 1.0431161\n", + " 1.0398791 1.0408556 1.0450236 1.0493821 1.0517651 1.0529884]\n", + " [1.1654372 1.1634884 1.1746812 1.1821448 1.1701931 1.1363448 1.1027414\n", + " 1.0808932 1.0708853 1.0687364 1.0683268 1.0632894 1.0550331 1.0471042\n", + " 1.0437107 1.0454674 1.0507619 0. 0. 0. ]\n", + " [1.1821594 1.1782231 1.1879022 1.1977583 1.1867343 1.1511399 1.1160511\n", + " 1.0924459 1.0807989 1.0786943 1.0787398 1.0734804 1.0631125 1.0536764\n", + " 1.0497174 1.052061 0. 0. 0. 0. ]\n", + " [1.1881547 1.1825948 1.1951877 1.2074158 1.194778 1.1577092 1.1214708\n", + " 1.0972241 1.0863706 1.0856382 1.0861101 1.0809536 1.0689347 1.058549\n", + " 1.0538329 0. 0. 0. 0. 0. ]\n", + " [1.1637075 1.160848 1.1712818 1.1801859 1.1686333 1.1362201 1.1023917\n", + " 1.0808083 1.07099 1.0698371 1.0703088 1.0653193 1.057241 1.0485971\n", + " 1.0449004 0. 0. 0. 0. 0. ]]\n", + "[[1.1724303 1.170644 1.1811908 1.1894758 1.175605 1.141918 1.1077311\n", + " 1.0850608 1.0745963 1.0724199 1.0717392 1.0670137 1.0580188 1.0496695\n", + " 1.0458208 1.0476419 1.0529112]\n", + " [1.1943452 1.1898541 1.2012357 1.2114855 1.1992843 1.1622928 1.1230619\n", + " 1.0971346 1.0851902 1.0840677 1.0839298 1.0787562 1.0689566 1.059104\n", + " 1.0545568 0. 0. ]\n", + " [1.1687313 1.1649189 1.1755056 1.1844862 1.1733645 1.1403518 1.1056684\n", + " 1.0835092 1.0732002 1.0710205 1.0715512 1.0672032 1.0582235 1.0503026\n", + " 1.0463501 1.0480797 0. ]\n", + " [1.1773834 1.171984 1.1808252 1.1891762 1.1770226 1.1443744 1.1095933\n", + " 1.0862404 1.0750043 1.0719103 1.0718579 1.067063 1.057854 1.0497103\n", + " 1.0458133 1.0476635 1.0529866]\n", + " [1.1748962 1.1686755 1.1765203 1.1847491 1.1724513 1.139654 1.1069883\n", + " 1.0859808 1.0769082 1.07577 1.0756941 1.0708355 1.0605954 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1646723 1.1632094 1.1738242 1.1822228 1.1709605 1.1385602 1.1038064\n", + " 1.0815655 1.0706545 1.0682148 1.0676378 1.0626053 1.0538907 1.0458522\n", + " 1.0425382 1.0441335 1.0494176 1.0544616 0. 0. 0.\n", + " 0. ]\n", + " [1.1678958 1.165916 1.1772609 1.1855906 1.1724693 1.1390638 1.1056381\n", + " 1.0830953 1.072261 1.0692275 1.0685091 1.0631517 1.0542365 1.0462649\n", + " 1.0429469 1.0443889 1.0491227 1.0537422 1.0563776 0. 0.\n", + " 0. ]\n", + " [1.1992872 1.1936108 1.2031789 1.2132131 1.2008657 1.1647469 1.1277082\n", + " 1.102261 1.0895272 1.0862917 1.0852392 1.0801688 1.0694053 1.0594293\n", + " 1.055321 1.0574924 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1737771 1.1694081 1.1787553 1.1851947 1.1722745 1.1394391 1.106607\n", + " 1.084648 1.0752068 1.0734638 1.0732477 1.0686923 1.058855 1.0505015\n", + " 1.0465413 1.0481362 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1746553 1.1717868 1.1821833 1.1910422 1.179582 1.1463914 1.1120911\n", + " 1.0882007 1.0761579 1.0716405 1.0688407 1.0625782 1.053745 1.0460862\n", + " 1.0436156 1.0451916 1.0503285 1.0550792 1.0574509 1.0584412 1.0597694\n", + " 1.0633564]]\n", + "[[1.1505456 1.1470914 1.1548812 1.1617315 1.1495692 1.1201712 1.090444\n", + " 1.0706916 1.0618057 1.0599388 1.0603608 1.0564651 1.0489533 1.0416855\n", + " 1.0383966 1.039707 1.044375 0. 0. 0. ]\n", + " [1.184116 1.1791319 1.188468 1.1964954 1.184376 1.1503497 1.1152478\n", + " 1.0917234 1.0807943 1.0786241 1.078675 1.0736572 1.0638769 1.0544643\n", + " 1.0506159 0. 0. 0. 0. 0. ]\n", + " [1.1736177 1.1718811 1.18325 1.192828 1.180652 1.1466043 1.1123586\n", + " 1.0893908 1.0769389 1.0727805 1.0707963 1.06453 1.0544769 1.0467778\n", + " 1.0433309 1.044922 1.0500611 1.0547465 1.0567484 1.057378 ]\n", + " [1.1786944 1.1761752 1.186171 1.194868 1.181771 1.1487834 1.1141723\n", + " 1.090577 1.0784153 1.0746493 1.0729411 1.0667719 1.056964 1.0488566\n", + " 1.0451629 1.0474463 1.0523223 1.0575606 1.0595067 1.0602325]\n", + " [1.1701617 1.1662618 1.1754702 1.1825423 1.1715261 1.139629 1.1065221\n", + " 1.0835606 1.0723528 1.0697795 1.0691144 1.064558 1.0559138 1.0482934\n", + " 1.044259 1.0468676 1.0519323 0. 0. 0. ]]\n", + "[[1.1846281 1.1803684 1.1904753 1.1983215 1.1861844 1.151275 1.1154817\n", + " 1.0919266 1.0806141 1.0779909 1.0768056 1.0716203 1.0615945 1.0522717\n", + " 1.0487367 1.0509331 1.0571151 0. 0. 0. ]\n", + " [1.1616671 1.1592216 1.169707 1.178766 1.1677063 1.1360525 1.102593\n", + " 1.0799718 1.06927 1.0665048 1.0661653 1.0613269 1.0531387 1.0457097\n", + " 1.0423133 1.043541 1.0483199 1.0529784 0. 0. ]\n", + " [1.1699965 1.1653035 1.1759506 1.185019 1.174051 1.1403043 1.1057603\n", + " 1.0832359 1.07289 1.071486 1.071933 1.0668349 1.0579871 1.0491073\n", + " 1.0451814 0. 0. 0. 0. 0. ]\n", + " [1.165266 1.1598556 1.1686716 1.1762637 1.1650162 1.1331779 1.1003985\n", + " 1.0799303 1.0704861 1.06896 1.0696923 1.0651636 1.0559199 1.0476056\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1755683 1.1744043 1.1864868 1.194982 1.1815572 1.1468418 1.1106759\n", + " 1.0868763 1.075224 1.0717072 1.0705521 1.0646789 1.055094 1.0471246\n", + " 1.0438198 1.0454724 1.0503714 1.055168 1.0577601 1.0588182]]\n", + "[[1.1818419 1.1772125 1.1871672 1.1960286 1.1847917 1.1503149 1.1141998\n", + " 1.0912228 1.0799364 1.0780743 1.0786538 1.0738493 1.0641172 1.0547131\n", + " 1.0504504 0. 0. 0. 0. ]\n", + " [1.1500543 1.1451281 1.153161 1.1613394 1.1500978 1.1205817 1.0910599\n", + " 1.0715305 1.0627712 1.0613497 1.0612656 1.0576569 1.0498546 1.0424962\n", + " 1.0388755 1.0405828 0. 0. 0. ]\n", + " [1.1684079 1.1632904 1.1725384 1.1807851 1.1699524 1.1375206 1.104058\n", + " 1.0818007 1.0715514 1.0699346 1.0698245 1.0650451 1.0564517 1.0485144\n", + " 1.0446692 1.0465398 0. 0. 0. ]\n", + " [1.1903218 1.1849587 1.1946138 1.2031372 1.1892776 1.1543863 1.1178379\n", + " 1.093331 1.0815762 1.0784382 1.0774792 1.0727466 1.0633814 1.0543618\n", + " 1.0508219 1.0532753 1.0591569 0. 0. ]\n", + " [1.1740026 1.170749 1.181138 1.1903654 1.176628 1.1426616 1.1083244\n", + " 1.0851545 1.073482 1.069839 1.0679336 1.0628754 1.0541975 1.0464673\n", + " 1.0433336 1.0453359 1.0503085 1.0551673 1.0576348]]\n", + "[[1.1701995 1.1673437 1.1780735 1.1861658 1.1734442 1.1401702 1.1063691\n", + " 1.0839792 1.0724274 1.0693185 1.0673662 1.0616643 1.0525851 1.0452665\n", + " 1.0426397 1.0441135 1.0492514 1.0538061 1.056346 1.057294 ]\n", + " [1.1697816 1.1672223 1.178791 1.1886398 1.1766647 1.143248 1.108544\n", + " 1.0848639 1.0735679 1.0698912 1.0684079 1.062274 1.053763 1.0459011\n", + " 1.0422041 1.0439363 1.0487928 1.0533754 1.0555809 1.0560677]\n", + " [1.176415 1.1724424 1.1840272 1.1940365 1.1837736 1.1489631 1.1124557\n", + " 1.0879042 1.0765823 1.0746996 1.0748831 1.0699356 1.0607258 1.0518066\n", + " 1.0479426 1.0498636 0. 0. 0. 0. ]\n", + " [1.167628 1.1641252 1.1743175 1.1833223 1.170095 1.1361649 1.1024917\n", + " 1.0808324 1.0716125 1.0700533 1.0706387 1.0655466 1.056403 1.0478144\n", + " 1.044316 1.0462008 0. 0. 0. 0. ]\n", + " [1.1729302 1.1705625 1.1810695 1.1900352 1.1767917 1.1427782 1.1074526\n", + " 1.0849841 1.074849 1.0732607 1.0732358 1.0686502 1.0591404 1.0502849\n", + " 1.0468677 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1712892 1.1670325 1.1766064 1.18451 1.1723454 1.1392425 1.1064143\n", + " 1.0838984 1.073111 1.0699164 1.0692502 1.0639288 1.0551028 1.0470345\n", + " 1.0434774 1.0450326 1.0500813 1.0548407 0. ]\n", + " [1.2048578 1.1979433 1.2087793 1.2194506 1.2075242 1.1711769 1.1323271\n", + " 1.1064748 1.0949974 1.0943087 1.0951754 1.0895828 1.077354 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1751082 1.1731299 1.1849178 1.1951939 1.1818376 1.1470717 1.1111958\n", + " 1.0871347 1.0759375 1.0727965 1.0719147 1.0661988 1.0573827 1.0486611\n", + " 1.0451885 1.0469531 1.0519505 1.0569514 1.0595835]\n", + " [1.1640713 1.1606737 1.1705225 1.1789758 1.1686798 1.1368484 1.1040189\n", + " 1.0819895 1.0710664 1.0684994 1.0679561 1.0631635 1.054542 1.0463408\n", + " 1.0426983 1.0439845 1.0486727 1.0537401 0. ]\n", + " [1.1825032 1.1774967 1.1879854 1.1975255 1.1850743 1.1502461 1.1137815\n", + " 1.0895981 1.078029 1.0764489 1.0769818 1.0720454 1.0625852 1.0536867\n", + " 1.0495181 1.0513334 0. 0. 0. ]]\n", + "[[1.1805365 1.1753495 1.1843647 1.1944007 1.1808093 1.1453187 1.1098607\n", + " 1.0873135 1.077608 1.0771172 1.0779562 1.0729127 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.181203 1.175174 1.1845566 1.1933432 1.1810662 1.1472006 1.1124344\n", + " 1.0903884 1.080049 1.0784463 1.0781114 1.0728949 1.0628812 1.0531199\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1760823 1.1745968 1.186199 1.1947964 1.1816347 1.1472201 1.1119068\n", + " 1.0885087 1.0770879 1.0739617 1.072237 1.0658491 1.0566909 1.0483646\n", + " 1.0448362 1.0464557 1.0513661 1.0561543 1.0585928 1.0597188 0.\n", + " 0. 0. 0. ]\n", + " [1.1659505 1.1621693 1.1718751 1.1800797 1.1690813 1.1367923 1.1032792\n", + " 1.0812584 1.0709591 1.0682976 1.0684148 1.064002 1.0554928 1.0475917\n", + " 1.0437428 1.0452051 1.0503564 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.146778 1.1440736 1.1537966 1.1631031 1.153358 1.1249427 1.0951734\n", + " 1.0750053 1.0644627 1.0608326 1.0588669 1.0530374 1.0449115 1.0378548\n", + " 1.0352565 1.0370952 1.0416008 1.0456121 1.0475097 1.04825 1.0495619\n", + " 1.0527415 1.0592556 1.067985 ]]\n", + "[[1.2066071 1.201591 1.2131429 1.223479 1.2076143 1.1693437 1.128953\n", + " 1.102458 1.0905455 1.0896153 1.0898385 1.0845698 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1505711 1.1458404 1.1539972 1.1610653 1.1502404 1.1209036 1.0912318\n", + " 1.071756 1.0631479 1.0613235 1.0605426 1.0566062 1.0486473 1.0414405\n", + " 1.0384781 1.0401632 1.0450966 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1713271 1.1658849 1.175062 1.1847628 1.1751161 1.1431711 1.108787\n", + " 1.0850922 1.074179 1.0716406 1.0712277 1.0674169 1.0587606 1.0504843\n", + " 1.0465733 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1577535 1.1546978 1.1652929 1.1752409 1.1652926 1.1343064 1.1022155\n", + " 1.0805928 1.0694987 1.0650444 1.0620396 1.0563133 1.0476887 1.040691\n", + " 1.0379477 1.0400851 1.0454178 1.0502149 1.0524547 1.0531847 1.0545878\n", + " 1.0578189 1.0648893 1.0743909 1.0821449 1.0856 ]\n", + " [1.1748265 1.1692234 1.1792588 1.1886632 1.176919 1.1433752 1.108501\n", + " 1.0853527 1.0747976 1.0730567 1.073139 1.068333 1.0590532 1.0502111\n", + " 1.0461203 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1601431 1.1580216 1.1691592 1.179945 1.1715407 1.1397506 1.1057454\n", + " 1.0834582 1.072269 1.0683626 1.066206 1.0597955 1.0506855 1.042954\n", + " 1.0398378 1.0415853 1.0469563 1.0516236 1.0538483 1.0538477 1.0545446\n", + " 1.0577736 1.064635 1.0742252 1.0825285 1.086855 ]\n", + " [1.1747235 1.1714411 1.1821609 1.1912006 1.1786188 1.1439204 1.1076154\n", + " 1.0849386 1.0740719 1.0725447 1.0730754 1.0674553 1.0583014 1.0498439\n", + " 1.0459435 1.0476996 1.0530218 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1700511 1.1675682 1.1778209 1.1871847 1.1743711 1.1416149 1.1074005\n", + " 1.083876 1.0725831 1.0691493 1.0680325 1.0631175 1.0541208 1.0461121\n", + " 1.0425771 1.0440183 1.0489607 1.0542641 1.0568002 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1701375 1.1638914 1.1721674 1.1799256 1.1682013 1.1363422 1.1039087\n", + " 1.082782 1.0733818 1.0723269 1.0725342 1.0676115 1.0578896 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1799926 1.1746708 1.1845607 1.1928263 1.1815593 1.1480618 1.1128471\n", + " 1.0900567 1.079027 1.07698 1.0770953 1.0723739 1.0628904 1.0537443\n", + " 1.0494622 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1653223 1.1608362 1.170184 1.1783013 1.1675968 1.1358533 1.1033295\n", + " 1.0819706 1.0719253 1.0698034 1.069062 1.0648466 1.0563107 1.0481344\n", + " 1.0445002 1.0461503 1.0512557]\n", + " [1.189564 1.1842421 1.1934223 1.2014613 1.1868571 1.1516354 1.1152469\n", + " 1.0913389 1.0812457 1.0801054 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1735737 1.1708988 1.1813622 1.1889703 1.1767004 1.1422453 1.1076056\n", + " 1.0852928 1.075079 1.072907 1.0734806 1.068088 1.0591686 1.0507045\n", + " 1.0465543 1.0483583 0. ]\n", + " [1.1654809 1.1608852 1.170594 1.1804554 1.1695924 1.1367518 1.1020532\n", + " 1.0796542 1.0691082 1.0675535 1.0682026 1.0645425 1.0564972 1.0482559\n", + " 1.0443511 1.0458415 0. ]\n", + " [1.1927034 1.1865754 1.1964217 1.2054281 1.192537 1.1566088 1.1201391\n", + " 1.0957626 1.0849985 1.0837232 1.0838692 1.0783541 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1604909 1.1560262 1.1663777 1.1757603 1.1645329 1.1330285 1.0994986\n", + " 1.0773022 1.0674239 1.065484 1.0661151 1.0617412 1.0534478 1.0457233\n", + " 1.0421233 1.0439767 0. 0. 0. 0. 0. ]\n", + " [1.1838115 1.180473 1.1910504 1.1993473 1.1862543 1.1495125 1.1128736\n", + " 1.0894165 1.0799038 1.0793184 1.0795082 1.0744835 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.2096037 1.2020594 1.210082 1.2153598 1.2018654 1.1653824 1.127852\n", + " 1.1028929 1.0910891 1.0882602 1.0889971 1.0834302 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1851145 1.1832454 1.1960372 1.2058069 1.1919568 1.1544089 1.1158568\n", + " 1.0908914 1.0788238 1.0754461 1.0730633 1.0664184 1.0568122 1.0488847\n", + " 1.045586 1.0481657 1.0539565 1.0596892 1.0621494 1.062979 1.0641348]\n", + " [1.1843046 1.1783111 1.1885655 1.1990168 1.1870314 1.1512063 1.1135367\n", + " 1.0890149 1.0779159 1.0759252 1.0763658 1.0717957 1.0623981 1.0531025\n", + " 1.0490328 1.0509772 0. 0. 0. 0. 0. ]]\n", + "[[1.1676961 1.1628473 1.1733409 1.1825528 1.1701796 1.1368752 1.1027915\n", + " 1.0803125 1.0707293 1.0695077 1.0701214 1.0653884 1.0562007 1.0480847\n", + " 1.04451 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1929955 1.1865304 1.1963705 1.2068238 1.194172 1.1580207 1.1209633\n", + " 1.0967227 1.0854179 1.0840201 1.0843954 1.0795808 1.0682489 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1904528 1.1850414 1.1942729 1.2029262 1.190865 1.1546994 1.1173615\n", + " 1.0932502 1.082054 1.0807192 1.0808681 1.07599 1.0660428 1.056996\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1515852 1.150408 1.1612674 1.1706749 1.1597553 1.1288787 1.0974419\n", + " 1.0764118 1.0657378 1.062138 1.060247 1.0545591 1.0464735 1.039982\n", + " 1.0369116 1.0380801 1.0425022 1.0466081 1.0492723 1.0505213 1.052207\n", + " 1.0553678]\n", + " [1.1696295 1.16589 1.1746646 1.1830413 1.1704521 1.1375669 1.1048534\n", + " 1.0834057 1.0738232 1.0723346 1.0719115 1.0670277 1.0582683 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1715398 1.168754 1.1794538 1.1890044 1.1771879 1.1441648 1.109051\n", + " 1.0845808 1.0733823 1.0692992 1.067966 1.062642 1.0542686 1.0471704\n", + " 1.0434656 1.0449502 1.0491614 1.0540138 1.0565858 1.0577961]\n", + " [1.1702855 1.1683159 1.179215 1.1867605 1.1752652 1.1409482 1.1056787\n", + " 1.0828327 1.0721686 1.0686035 1.0677704 1.0631131 1.0548544 1.0467919\n", + " 1.0434216 1.0450128 1.0497493 1.0546246 1.0570724 0. ]]\n", + "[[1.1750476 1.1695799 1.1790532 1.1868219 1.175609 1.1420821 1.1074502\n", + " 1.0847948 1.0748421 1.0732658 1.0734257 1.0691073 1.0598558 1.0512022\n", + " 1.0471423 0. 0. 0. 0. 0. ]\n", + " [1.1593124 1.1561317 1.1654097 1.1733499 1.1628023 1.1314863 1.0990782\n", + " 1.0781534 1.0681286 1.0652056 1.0650283 1.0604379 1.0527282 1.0448897\n", + " 1.041626 1.0431557 1.0477682 0. 0. 0. ]\n", + " [1.1827455 1.1813884 1.1934369 1.2023166 1.1873444 1.1516659 1.1152955\n", + " 1.0910697 1.079354 1.0758953 1.0741444 1.067509 1.0583155 1.0499095\n", + " 1.0458493 1.0477113 1.0527472 1.0576164 1.0600618 1.0613737]\n", + " [1.1680378 1.1659714 1.1771247 1.1855466 1.1732928 1.1400868 1.1057843\n", + " 1.0827351 1.071753 1.0684171 1.0660806 1.0609338 1.0520308 1.0440652\n", + " 1.0407674 1.0427723 1.0478394 1.0524849 1.0550376 1.056117 ]\n", + " [1.1710749 1.1669511 1.1771164 1.1859257 1.1748767 1.1416931 1.1062028\n", + " 1.083251 1.0724955 1.0701348 1.0701873 1.0657578 1.0572946 1.0494692\n", + " 1.0455205 1.0470665 1.0522817 0. 0. 0. ]]\n", + "[[1.1653203 1.1628287 1.1736485 1.1831801 1.1732125 1.1414982 1.1077533\n", + " 1.084886 1.0735745 1.0693398 1.0672116 1.0606328 1.0514488 1.0439632\n", + " 1.0408982 1.0428895 1.048113 1.0535504 1.0562329 1.0567739 1.0575266\n", + " 1.0610018 1.06828 1.0781009]\n", + " [1.1746286 1.1705332 1.1812376 1.190053 1.1777831 1.1437781 1.1091498\n", + " 1.0863026 1.0763655 1.0744522 1.0748363 1.069667 1.0598267 1.0508957\n", + " 1.0471263 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1623058 1.1593162 1.1704766 1.178858 1.1675519 1.1350435 1.1019655\n", + " 1.0797715 1.0690424 1.0663544 1.0653499 1.0607753 1.0522784 1.0448391\n", + " 1.0412406 1.043111 1.0476514 1.0526856 1.0547789 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1654963 1.1635766 1.1754384 1.1857285 1.1736861 1.1408112 1.1067002\n", + " 1.0839865 1.072694 1.0685818 1.0665613 1.0605372 1.0515527 1.0441157\n", + " 1.0408614 1.042625 1.0475639 1.0527285 1.0548884 1.0553648 1.0563596\n", + " 1.0598402 1.0666292 0. ]\n", + " [1.1619388 1.159162 1.1690667 1.178403 1.1681412 1.1369712 1.1042129\n", + " 1.082505 1.0717261 1.0678959 1.065209 1.0595384 1.0506443 1.0430713\n", + " 1.0401977 1.042302 1.0477476 1.0522932 1.0542494 1.0550176 1.0556674\n", + " 1.0583229 1.0657498 1.0752343]]\n", + "[[1.1661255 1.161084 1.1704757 1.179898 1.168582 1.1368643 1.1042774\n", + " 1.0823598 1.0714259 1.0691537 1.0682665 1.0629117 1.0542794 1.0453112\n", + " 1.0416282 1.0432086 1.0480052 1.0531615 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.165185 1.1630167 1.1728671 1.1815909 1.1681932 1.1349462 1.1012081\n", + " 1.079149 1.0691255 1.0675639 1.0676117 1.063102 1.0546665 1.0469381\n", + " 1.0432976 1.0448189 1.0502484 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1603695 1.1571825 1.1674702 1.1753975 1.1630921 1.1320041 1.0982914\n", + " 1.0771328 1.0666283 1.0647386 1.0642078 1.0601897 1.0513773 1.0440433\n", + " 1.0407928 1.0423534 1.0469617 1.0519722 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.152868 1.1512218 1.1633972 1.1732188 1.16269 1.1312788 1.0993474\n", + " 1.0777932 1.0673906 1.0635017 1.0619253 1.0563453 1.0477629 1.0405297\n", + " 1.0374926 1.039183 1.043843 1.048517 1.0505784 1.0512474 1.052209\n", + " 1.0556319 1.062472 1.0719851]\n", + " [1.1784102 1.1748092 1.1855035 1.1952882 1.1819273 1.1474627 1.1118072\n", + " 1.0875599 1.0757934 1.0725918 1.0717578 1.0664387 1.0576593 1.0495743\n", + " 1.0463928 1.0484362 1.0540962 1.0599232 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.146524 1.1446148 1.1552706 1.1649237 1.155802 1.1253341 1.094684\n", + " 1.0742316 1.0640516 1.0605743 1.0580555 1.0529901 1.0445559 1.0378399\n", + " 1.0353394 1.0373272 1.042478 1.0466374 1.0491592 1.0500841 1.0513526\n", + " 1.054218 1.060439 1.0688775 1.0760761 1.0796018]\n", + " [1.1649824 1.1598656 1.168984 1.1776813 1.1660236 1.1343135 1.1020828\n", + " 1.0806918 1.0699118 1.0671573 1.0662626 1.0615982 1.0539546 1.0459845\n", + " 1.043227 1.0450966 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2074423 1.1990091 1.2095104 1.2203114 1.2080991 1.170207 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1965299 1.1883204 1.1973982 1.2061276 1.1942277 1.1598167 1.1222949\n", + " 1.096831 1.0857933 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1669545 1.163881 1.1757716 1.1848993 1.1740178 1.1395816 1.1043547\n", + " 1.0814493 1.0709289 1.0696415 1.0702488 1.0658115 1.0571764 1.0485089\n", + " 1.0447396 1.0463332 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1619604 1.1602652 1.1706293 1.1786603 1.1660113 1.133427 1.1000892\n", + " 1.0786382 1.0682112 1.0663108 1.06554 1.061464 1.0525357 1.0454675\n", + " 1.0420369 1.0434184 1.0482563 1.053089 0. 0. ]\n", + " [1.2225939 1.2160811 1.226984 1.2359364 1.221071 1.1812993 1.1390445\n", + " 1.1104636 1.0975437 1.0958314 1.0956327 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1807046 1.1779419 1.1895965 1.1990964 1.1870027 1.1509769 1.1142933\n", + " 1.0898788 1.0788358 1.076904 1.0767082 1.0713133 1.0614631 1.05224\n", + " 1.0479338 1.0497786 1.0553949 0. 0. 0. ]\n", + " [1.1891719 1.186927 1.1988754 1.2088602 1.195666 1.1593858 1.121628\n", + " 1.0963063 1.0827069 1.0790871 1.0771068 1.0707138 1.0610799 1.0524224\n", + " 1.04889 1.0504508 1.0561937 1.0614283 1.0639983 1.0650015]\n", + " [1.1731309 1.1674103 1.1778752 1.1863115 1.1748557 1.1407269 1.1057833\n", + " 1.0832038 1.0722157 1.0707254 1.0709448 1.0660754 1.0571449 1.0487982\n", + " 1.0451412 0. 0. 0. 0. 0. ]]\n", + "[[1.1776365 1.1731397 1.1827495 1.1920564 1.180182 1.1472278 1.1130364\n", + " 1.0897286 1.0787735 1.0758196 1.0751877 1.0694585 1.0598947 1.051351\n", + " 1.0470428 1.0491893 1.0548291 0. 0. 0. ]\n", + " [1.1865991 1.1834173 1.1936314 1.2011371 1.1874089 1.1515243 1.115113\n", + " 1.0915438 1.0808427 1.0796318 1.0799484 1.0747021 1.0648042 1.0553579\n", + " 1.0516237 0. 0. 0. 0. 0. ]\n", + " [1.1507413 1.148576 1.1580528 1.1661198 1.1547544 1.1244633 1.0936477\n", + " 1.0729468 1.0632092 1.0602273 1.0584586 1.0539188 1.0465178 1.0392692\n", + " 1.0363975 1.0376527 1.0419037 1.0462176 1.0486109 0. ]\n", + " [1.1785501 1.1754838 1.1873654 1.1979517 1.1858153 1.149866 1.1132076\n", + " 1.089098 1.0767941 1.0738856 1.0720196 1.0659295 1.0560145 1.0478932\n", + " 1.044383 1.0465813 1.0517926 1.0570837 1.0593184 1.0600735]\n", + " [1.1610813 1.1561639 1.1652873 1.1742043 1.1632706 1.1321697 1.1000099\n", + " 1.0784878 1.0685354 1.0664797 1.0657126 1.0614988 1.0533122 1.0453174\n", + " 1.0418423 1.0435623 1.0485947 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.155247 1.1533048 1.1635829 1.1736879 1.1637079 1.1334615 1.1024951\n", + " 1.0811056 1.0701463 1.065783 1.0637076 1.0578152 1.0489523 1.0417507\n", + " 1.0388184 1.041072 1.0460238 1.0503559 1.0520918 1.052532 1.0529798\n", + " 1.055911 1.0629689 1.0725081]\n", + " [1.1692564 1.1668369 1.177124 1.1859497 1.1732911 1.1405799 1.1066464\n", + " 1.0828924 1.0719985 1.0695239 1.0689472 1.0646865 1.0550836 1.0478498\n", + " 1.0437434 1.0452543 1.0504239 1.0553879 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.157816 1.1554663 1.1651762 1.1738107 1.1624126 1.1320467 1.1009926\n", + " 1.0799896 1.068323 1.0648813 1.0625367 1.0565646 1.0482519 1.0410168\n", + " 1.0381985 1.0396118 1.0441409 1.0482785 1.0504267 1.051552 1.05277\n", + " 0. 0. 0. ]\n", + " [1.1568625 1.1544081 1.163888 1.1716639 1.15952 1.1278421 1.0961357\n", + " 1.0751231 1.0656334 1.0635365 1.0627809 1.057835 1.0492656 1.0421925\n", + " 1.0385711 1.0405084 1.0453471 1.0500357 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1673355 1.1641657 1.1746074 1.1825358 1.1722188 1.1388755 1.1050152\n", + " 1.0824502 1.0722011 1.0698901 1.070052 1.065802 1.0571412 1.0487996\n", + " 1.0450672 1.0468304 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1660991 1.1618801 1.1725259 1.1799376 1.1679173 1.1359793 1.1025064\n", + " 1.0808443 1.0705326 1.0676218 1.0662944 1.0609486 1.0519179 1.0441488\n", + " 1.0407971 1.0425609 1.0478215 1.0528543 1.0556043]\n", + " [1.1667432 1.1611968 1.1701117 1.1789362 1.167921 1.1351976 1.1023395\n", + " 1.0811374 1.0712869 1.0698366 1.0704231 1.0663779 1.0576642 1.0488985\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1673055 1.1637425 1.1749499 1.1843917 1.1738816 1.1415329 1.1070085\n", + " 1.0848777 1.0741093 1.071415 1.0711914 1.0658383 1.0566607 1.0477057\n", + " 1.0437945 1.0452127 1.0508254 0. 0. ]\n", + " [1.1730036 1.1710542 1.1818088 1.1917071 1.1793388 1.1455601 1.1104529\n", + " 1.0862019 1.0750172 1.071257 1.0699949 1.0646323 1.0562267 1.0481101\n", + " 1.0446032 1.0462719 1.0511438 1.056221 1.0586401]\n", + " [1.1410356 1.1375593 1.1465828 1.1540605 1.1436484 1.1162182 1.08778\n", + " 1.0685017 1.0598599 1.0576899 1.0579425 1.0538397 1.0467191 1.0400124\n", + " 1.036762 1.0380456 1.0425329 0. 0. ]]\n", + "[[1.1912507 1.1861038 1.1960213 1.2050124 1.1913403 1.155351 1.1184233\n", + " 1.0949706 1.0842264 1.0829446 1.0830486 1.0775268 1.066028 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1628854 1.159896 1.1691661 1.1775044 1.165207 1.135153 1.1036202\n", + " 1.0825104 1.0718489 1.0683943 1.0663452 1.0607325 1.0514783 1.043742\n", + " 1.0402793 1.0420251 1.0468632 1.051211 1.053771 ]\n", + " [1.1981217 1.1909953 1.1992983 1.2067779 1.1922945 1.155294 1.118787\n", + " 1.0948883 1.0841752 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1731989 1.1700289 1.1804512 1.1889545 1.1760737 1.141649 1.1065964\n", + " 1.0843521 1.0742326 1.0723653 1.0727646 1.0676212 1.058277 1.0496433\n", + " 1.0459739 1.0479276 0. 0. 0. ]\n", + " [1.1593796 1.154963 1.1647751 1.174581 1.1640674 1.1320275 1.0983268\n", + " 1.0769258 1.0673444 1.0653245 1.0655023 1.0611403 1.0525506 1.0446762\n", + " 1.0409027 1.0423858 1.047706 0. 0. ]]\n", + "[[1.1791887 1.1766112 1.1876813 1.1954985 1.1811798 1.1460185 1.1104512\n", + " 1.0873153 1.0768698 1.0740794 1.0728087 1.0666218 1.056628 1.0481662\n", + " 1.0445732 1.0467153 1.052076 1.0572475 1.0591754 0. 0. ]\n", + " [1.1762671 1.1737669 1.1849725 1.1955805 1.1832316 1.1491593 1.1132456\n", + " 1.0887101 1.0764074 1.0720996 1.0699146 1.0641575 1.0551782 1.0477437\n", + " 1.0439433 1.0456431 1.0508969 1.0562072 1.0588379 1.0595587 1.0613261]\n", + " [1.1823673 1.1790676 1.1904362 1.2002885 1.1876366 1.1528101 1.1161674\n", + " 1.0919406 1.0799218 1.0758384 1.0740949 1.0682559 1.0590866 1.050617\n", + " 1.0466336 1.0480745 1.0533509 1.0583861 1.0606413 1.0616612 0. ]\n", + " [1.172656 1.1713238 1.1828756 1.1931292 1.1809512 1.1471822 1.1118845\n", + " 1.0874151 1.0757706 1.0722555 1.0701468 1.0648437 1.0558034 1.0481145\n", + " 1.0442772 1.0461638 1.0510207 1.0562588 1.0589015 0. 0. ]\n", + " [1.1811017 1.1783533 1.1891031 1.1978446 1.1856451 1.1511117 1.1162952\n", + " 1.0928316 1.0808352 1.076405 1.073431 1.066661 1.0568917 1.0488696\n", + " 1.0453026 1.0472374 1.0527512 1.0576568 1.0598392 1.0606496 1.0627848]]\n", + "[[1.1888374 1.1848171 1.1948054 1.2038597 1.1876926 1.1516002 1.1152728\n", + " 1.091973 1.0823135 1.0810511 1.0817697 1.0759476 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1773798 1.1736463 1.1838446 1.1926588 1.1804799 1.1464801 1.111258\n", + " 1.0880483 1.0759273 1.0726783 1.0705487 1.0643128 1.0549126 1.0467423\n", + " 1.0431451 1.0452038 1.050288 1.0552716 1.0579623 1.0587398 0. ]\n", + " [1.1880004 1.1853312 1.1960142 1.2045268 1.1927003 1.1578084 1.1209843\n", + " 1.0954678 1.082872 1.0782264 1.076266 1.0689502 1.0596584 1.0511383\n", + " 1.047917 1.049706 1.0551888 1.0606272 1.0628427 1.0633408 1.0649208]\n", + " [1.1605676 1.1568635 1.1667814 1.1758039 1.1641828 1.1326704 1.1008711\n", + " 1.0797795 1.069789 1.0682099 1.0677595 1.0627072 1.0535069 1.0452504\n", + " 1.0413104 1.0435308 0. 0. 0. 0. 0. ]\n", + " [1.183324 1.178767 1.188071 1.1965532 1.1835725 1.1480598 1.1128583\n", + " 1.0890251 1.0771804 1.0737958 1.0724075 1.0668046 1.0578587 1.0498313\n", + " 1.0464003 1.0482213 1.0536892 1.0585976 1.0609018 0. 0. ]]\n", + "[[1.1777045 1.1736547 1.1844782 1.1927257 1.1817219 1.146475 1.1103058\n", + " 1.0862126 1.0750868 1.0729495 1.0733778 1.0683352 1.0593568 1.0505958\n", + " 1.0463341 1.0478302 1.0534048 0. 0. 0. 0. ]\n", + " [1.175629 1.1715356 1.1822873 1.1918819 1.1795156 1.1457858 1.110989\n", + " 1.087967 1.0774007 1.0756114 1.0755119 1.0704883 1.0607098 1.0518051\n", + " 1.0474522 1.0495 0. 0. 0. 0. 0. ]\n", + " [1.1686659 1.1644008 1.1742095 1.1834425 1.1719581 1.1397463 1.1059787\n", + " 1.0833421 1.0727048 1.0710751 1.0710862 1.0665076 1.0580102 1.0496918\n", + " 1.045859 1.0476891 0. 0. 0. 0. 0. ]\n", + " [1.1632107 1.1590711 1.1683153 1.1766186 1.1653318 1.1333333 1.1008046\n", + " 1.0787244 1.0687813 1.0666151 1.0663021 1.0624784 1.053965 1.0466658\n", + " 1.0431087 1.0449214 1.050094 0. 0. 0. 0. ]\n", + " [1.1793115 1.1770115 1.1882432 1.1963955 1.1849223 1.1510675 1.1154368\n", + " 1.091537 1.0788811 1.0752157 1.0726459 1.0665736 1.0567129 1.0487422\n", + " 1.0452104 1.0467432 1.0521587 1.0573413 1.0595326 1.0601711 1.061577 ]]\n", + "[[1.1616795 1.159108 1.1690981 1.1772889 1.1653641 1.1330557 1.0997564\n", + " 1.077987 1.0689536 1.0676205 1.0674083 1.0627962 1.0541552 1.0459145\n", + " 1.0419447 1.0439627 0. ]\n", + " [1.1586214 1.1552061 1.1644653 1.1720237 1.1593909 1.1280804 1.0968571\n", + " 1.0767066 1.0677869 1.0663159 1.0669382 1.0631984 1.0545312 1.046593\n", + " 0. 0. 0. ]\n", + " [1.1711837 1.1636387 1.1700758 1.1779594 1.1659765 1.1348188 1.1025128\n", + " 1.0804858 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1872969 1.1835697 1.1936916 1.2022882 1.1883345 1.1529566 1.116238\n", + " 1.092 1.0809498 1.0783806 1.0782121 1.0727286 1.0634228 1.0541263\n", + " 1.050057 1.05193 1.0579993]\n", + " [1.1836442 1.1771486 1.1867632 1.1952212 1.183606 1.1492143 1.1137211\n", + " 1.0904226 1.0798357 1.0781393 1.0782846 1.0726274 1.0626209 1.0535432\n", + " 1.049359 0. 0. ]]\n", + "[[1.176695 1.1701125 1.1797314 1.1876179 1.1748445 1.1415193 1.1080841\n", + " 1.0861127 1.075999 1.0748693 1.0750912 1.0703311 1.0601282 1.0513811\n", + " 1.047448 0. 0. 0. 0. ]\n", + " [1.2059491 1.1993456 1.2092217 1.2190462 1.2052706 1.1662267 1.1266764\n", + " 1.1007582 1.0886523 1.0877677 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.175284 1.1723043 1.1821337 1.1896826 1.1768339 1.1434507 1.1085343\n", + " 1.0860126 1.0749362 1.0718002 1.0707945 1.0654184 1.0562562 1.0477756\n", + " 1.0441225 1.0460049 1.0513455 1.0567696 0. ]\n", + " [1.2068547 1.2018759 1.2141132 1.2249374 1.2111957 1.1709545 1.1296049\n", + " 1.1029555 1.0912548 1.0897051 1.0906422 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1624836 1.1585572 1.1680948 1.1776366 1.1660702 1.1348065 1.1018152\n", + " 1.0793222 1.0691011 1.0662687 1.0650241 1.0595995 1.050884 1.0435569\n", + " 1.0398804 1.0416298 1.0463451 1.051033 1.0531278]]\n", + "[[1.1764318 1.1715224 1.1813263 1.1903398 1.1788905 1.1458901 1.1110429\n", + " 1.0872742 1.07598 1.0735549 1.073797 1.0688058 1.0603045 1.0517106\n", + " 1.0477946 1.0497785 0. 0. 0. 0. ]\n", + " [1.1599946 1.1565396 1.1674285 1.176512 1.165618 1.1336274 1.1008095\n", + " 1.0784179 1.0680928 1.0657142 1.0654199 1.0607703 1.0526156 1.0447744\n", + " 1.0417043 1.0433416 1.0483295 0. 0. 0. ]\n", + " [1.160937 1.1584349 1.1694936 1.176536 1.1658696 1.1338807 1.1004614\n", + " 1.078099 1.0675269 1.0657794 1.0650434 1.0603442 1.0518963 1.0445702\n", + " 1.0408323 1.042276 1.0469495 1.0515293 0. 0. ]\n", + " [1.1807952 1.1787153 1.1910393 1.2004981 1.1886659 1.1527932 1.1151474\n", + " 1.0907881 1.0786355 1.0750961 1.0734485 1.067729 1.0578899 1.049777\n", + " 1.0462028 1.0478933 1.0528328 1.0576918 1.0601602 1.0610828]\n", + " [1.1659436 1.1628021 1.1726005 1.1811833 1.170146 1.1369082 1.103098\n", + " 1.0808243 1.0707057 1.0683612 1.0679938 1.063562 1.0549706 1.0475508\n", + " 1.0436368 1.0453031 1.0504102 0. 0. 0. ]]\n", + "[[1.1807305 1.178181 1.1894615 1.1988983 1.1866403 1.152071 1.11641\n", + " 1.0921429 1.0798734 1.0760214 1.0738834 1.0673226 1.0580055 1.0493916\n", + " 1.0456206 1.0473777 1.0524306 1.0575049 1.0602919 1.0614867 0.\n", + " 0. 0. 0. ]\n", + " [1.1697227 1.1639965 1.1741893 1.1822153 1.17168 1.138651 1.1047225\n", + " 1.0832825 1.0735564 1.0724121 1.0729085 1.0679135 1.0584692 1.049447\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1640903 1.1631279 1.1747224 1.1844963 1.1717161 1.1400326 1.106862\n", + " 1.0841897 1.072875 1.0682994 1.0662359 1.060361 1.051563 1.0438478\n", + " 1.0408785 1.0426246 1.0473791 1.0519753 1.0549042 1.0558143 1.0570667\n", + " 1.0606896 0. 0. ]\n", + " [1.1659468 1.1631818 1.1737436 1.1835194 1.1721139 1.1393193 1.1055021\n", + " 1.0834231 1.071783 1.0677191 1.0654262 1.0593385 1.0505369 1.0430678\n", + " 1.0403728 1.0425159 1.0473406 1.0525224 1.0544302 1.0555019 1.0574709\n", + " 1.0608166 1.0679982 1.0774497]\n", + " [1.1657997 1.1627939 1.1729689 1.181808 1.1701128 1.136702 1.103039\n", + " 1.0807036 1.0701169 1.0680933 1.0673392 1.0620034 1.0535482 1.0455515\n", + " 1.0420858 1.0435152 1.0488372 1.0537003 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1679332 1.1658769 1.1771598 1.1849076 1.174491 1.1410966 1.107032\n", + " 1.0844368 1.0726136 1.0693308 1.0674773 1.0618113 1.0530959 1.0448269\n", + " 1.0414348 1.0427012 1.0476961 1.0523728 1.0548658 1.0562704]\n", + " [1.1759208 1.1706508 1.1815867 1.1892416 1.1778418 1.1432323 1.1083479\n", + " 1.0857041 1.0743525 1.0715308 1.0709037 1.0657152 1.0565444 1.0486071\n", + " 1.0450385 1.0470321 1.0530738 0. 0. 0. ]\n", + " [1.1748949 1.1703128 1.1807249 1.1894665 1.1756897 1.1420794 1.1078808\n", + " 1.0846059 1.0739764 1.0712132 1.0700591 1.0652192 1.056137 1.047955\n", + " 1.0441957 1.0464132 1.0516917 1.0569061 0. 0. ]\n", + " [1.1601084 1.1561953 1.1668817 1.1764107 1.1654181 1.1330673 1.0998595\n", + " 1.0785956 1.0689775 1.0683409 1.0689294 1.0647861 1.0554694 1.047292\n", + " 1.0433474 0. 0. 0. 0. 0. ]\n", + " [1.1610006 1.1558974 1.1644086 1.1720906 1.1615282 1.1304212 1.0985668\n", + " 1.0780836 1.0683662 1.066992 1.0669694 1.0632795 1.0547045 1.0467944\n", + " 1.0433806 0. 0. 0. 0. 0. ]]\n", + "[[1.1664016 1.1625274 1.173658 1.184018 1.1729379 1.1396842 1.1053451\n", + " 1.0823089 1.07135 1.0692581 1.0695821 1.0655048 1.0563066 1.0486778\n", + " 1.0448542 1.0465062 0. 0. 0. 0. 0. ]\n", + " [1.1658214 1.160913 1.1704161 1.1792045 1.1671795 1.1360286 1.1030823\n", + " 1.0807813 1.0698787 1.0662805 1.0643344 1.0583944 1.049953 1.04272\n", + " 1.0396942 1.0413888 1.046342 1.0507675 1.0530874 1.0543036 0. ]\n", + " [1.1864667 1.1831533 1.1941862 1.2034098 1.1902678 1.1544212 1.1160918\n", + " 1.0926216 1.080487 1.0773268 1.0752764 1.07011 1.0604745 1.0510212\n", + " 1.0474128 1.0487846 1.054088 1.0595739 1.0619657 0. 0. ]\n", + " [1.1731613 1.1689942 1.1780868 1.186091 1.173047 1.1401072 1.1061165\n", + " 1.0834816 1.0728474 1.0702537 1.0694885 1.0649647 1.0565072 1.0486176\n", + " 1.0449487 1.0468488 1.052398 0. 0. 0. 0. ]\n", + " [1.1802636 1.1771353 1.1868596 1.1953932 1.1837544 1.1501514 1.1147012\n", + " 1.0902165 1.0775938 1.0733376 1.0713412 1.0654641 1.0560262 1.0485545\n", + " 1.0454811 1.0471022 1.0519744 1.0568659 1.0592833 1.0603019 1.0618362]]\n", + "[[1.1818923 1.1771578 1.186214 1.1946471 1.1834259 1.1484559 1.1129811\n", + " 1.0897796 1.078412 1.076493 1.0760759 1.0713456 1.061081 1.0521157\n", + " 1.0482738 0. 0. ]\n", + " [1.171797 1.1680698 1.1791092 1.1876304 1.177073 1.1432703 1.1083753\n", + " 1.0851908 1.074178 1.0726798 1.0729233 1.0676601 1.0583212 1.0495776\n", + " 1.0456679 1.04745 0. ]\n", + " [1.1791704 1.1744993 1.1838465 1.1915523 1.1779832 1.1439642 1.1089637\n", + " 1.0861962 1.0761716 1.0741675 1.0747449 1.0696071 1.0603896 1.0515538\n", + " 1.0475798 0. 0. ]\n", + " [1.1677566 1.1632856 1.1722007 1.1778079 1.1661415 1.1324692 1.1000462\n", + " 1.0782254 1.0697272 1.0689485 1.069538 1.0655792 1.0570518 0.\n", + " 0. 0. 0. ]\n", + " [1.1614641 1.1569538 1.1662469 1.1734108 1.1604338 1.1288493 1.0970755\n", + " 1.0761847 1.0668633 1.0647382 1.0647857 1.0603386 1.0518554 1.0442841\n", + " 1.0411929 1.0429145 1.0480744]]\n", + "[[1.2021662 1.1978488 1.2077925 1.2169716 1.201983 1.1649613 1.1260293\n", + " 1.1006756 1.0892451 1.0882522 1.0887814 1.0834103 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1802295 1.177574 1.1877601 1.1948876 1.1840074 1.1501291 1.114389\n", + " 1.0902317 1.078675 1.0748079 1.0725489 1.0668358 1.0577321 1.048668\n", + " 1.0455928 1.0476741 1.0528029 1.058173 1.0604327 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1731882 1.1720632 1.1839528 1.1914681 1.1794522 1.1451443 1.1097441\n", + " 1.086151 1.075071 1.0721376 1.0700369 1.0636591 1.0544646 1.0467215\n", + " 1.0426853 1.0445827 1.0497842 1.0549214 1.057377 1.058681 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1772189 1.1725202 1.1813354 1.1897923 1.1785929 1.1460595 1.1118231\n", + " 1.0888636 1.0785272 1.0761374 1.076102 1.070794 1.0609901 1.0521513\n", + " 1.0484077 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1725731 1.1703826 1.1809094 1.1911378 1.1805881 1.1486402 1.1137823\n", + " 1.0899054 1.0774006 1.0720918 1.0696986 1.0635877 1.0543166 1.0465028\n", + " 1.0432138 1.0449798 1.0503066 1.0553936 1.0577742 1.0585005 1.0595921\n", + " 1.0632296 1.0701597 1.0800674 1.0882986]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1668705 1.1642699 1.1742866 1.1822681 1.1691349 1.1361682 1.1025784\n", + " 1.0802594 1.0695914 1.067418 1.0664651 1.0615872 1.0533681 1.0455709\n", + " 1.0421079 1.044556 1.0492524 1.0545045 0. ]\n", + " [1.1911161 1.1867714 1.1969342 1.20394 1.1907845 1.1550404 1.1180649\n", + " 1.0937101 1.0829788 1.0820407 1.0832013 1.0779757 1.0678964 1.0576292\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1727358 1.1673495 1.1779059 1.1872278 1.1761632 1.1430445 1.1084299\n", + " 1.0852661 1.0743605 1.0718834 1.0718839 1.0666242 1.0570754 1.0488253\n", + " 1.0450895 1.0470469 1.05283 0. 0. ]\n", + " [1.1856244 1.1837027 1.1951764 1.20459 1.1905364 1.1538185 1.1167004\n", + " 1.0919416 1.079879 1.0772271 1.0758693 1.0693803 1.0593601 1.0506657\n", + " 1.0466415 1.0481653 1.0540298 1.0599399 1.0630338]\n", + " [1.182562 1.1781338 1.1884968 1.1961418 1.1838684 1.1484522 1.1122512\n", + " 1.0891533 1.0779301 1.0754501 1.0753067 1.0697837 1.0602165 1.0513635\n", + " 1.0475892 1.049599 1.0557028 0. 0. ]]\n", + "[[1.184582 1.179202 1.1882633 1.1949426 1.1811153 1.1463033 1.110836\n", + " 1.0873356 1.0774392 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.174901 1.1735624 1.1847022 1.1933227 1.183382 1.1498548 1.1146239\n", + " 1.0908741 1.0782942 1.0740213 1.0712364 1.0645105 1.0544463 1.0468953\n", + " 1.0433407 1.0456538 1.050746 1.0558052 1.0586735 1.0592221 1.0602884\n", + " 1.0639367 1.0715542]\n", + " [1.1648804 1.1609678 1.1720134 1.1817932 1.1699886 1.136913 1.1033937\n", + " 1.0811995 1.0717 1.0702306 1.0711898 1.0665183 1.0564243 1.0477555\n", + " 1.0436558 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1686758 1.1641592 1.1743805 1.1826534 1.1722676 1.1401922 1.1056833\n", + " 1.0828176 1.0720631 1.0699455 1.0699513 1.0655848 1.0573863 1.04939\n", + " 1.0453538 1.0468993 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1835585 1.1813172 1.1920962 1.2017629 1.1881157 1.153003 1.1160975\n", + " 1.0912175 1.078712 1.0755856 1.0736729 1.0675972 1.0581547 1.0498773\n", + " 1.0462161 1.0476727 1.0532336 1.0581853 1.0609635 1.0617449 0.\n", + " 0. 0. ]]\n", + "[[1.1850221 1.179985 1.1891958 1.1982979 1.1849273 1.150784 1.1150099\n", + " 1.0913451 1.079229 1.0764594 1.0764264 1.0711013 1.0613908 1.0525724\n", + " 1.0487386 1.0508353 1.0568007 0. 0. ]\n", + " [1.1674688 1.1642414 1.1743193 1.1833417 1.1716988 1.1393214 1.1056237\n", + " 1.0831683 1.072203 1.0687929 1.0676522 1.062282 1.0532572 1.0456059\n", + " 1.0418723 1.0436825 1.0484633 1.0532571 1.0557516]\n", + " [1.1566575 1.1546459 1.1657549 1.1737049 1.1613015 1.1296774 1.0975268\n", + " 1.0765176 1.0671203 1.0654826 1.0651507 1.0601991 1.051749 1.0439883\n", + " 1.0403812 1.0420574 1.0470597 0. 0. ]\n", + " [1.1733859 1.16726 1.175944 1.1832454 1.1717914 1.1389874 1.1056862\n", + " 1.0838435 1.073957 1.0722748 1.0727977 1.0683514 1.0596418 1.0511642\n", + " 1.047492 0. 0. 0. 0. ]\n", + " [1.1673094 1.161616 1.1695602 1.1770442 1.1671135 1.1357456 1.1029481\n", + " 1.0813563 1.0705111 1.0688591 1.0691527 1.0650655 1.0571352 1.0489377\n", + " 1.0446299 1.0460572 0. 0. 0. ]]\n", + "[[1.1809031 1.1769543 1.1868134 1.1938008 1.1821467 1.1482824 1.1135169\n", + " 1.089711 1.0784566 1.0746154 1.0727718 1.0672212 1.0577552 1.0496032\n", + " 1.0463046 1.0487332 1.0541767 1.0593878 1.0615838 0. ]\n", + " [1.16712 1.1652638 1.1752914 1.1835126 1.1703273 1.1381931 1.1046498\n", + " 1.0821145 1.0712016 1.067585 1.0660303 1.0603031 1.05185 1.0442953\n", + " 1.0411721 1.0433031 1.0479044 1.052566 1.0549026 1.0558565]\n", + " [1.170075 1.1660961 1.1751571 1.1820139 1.1681538 1.1352036 1.102213\n", + " 1.0813229 1.0714045 1.0693384 1.0677356 1.0622988 1.052962 1.045283\n", + " 1.0417997 1.0436982 1.0488486 1.0538102 0. 0. ]\n", + " [1.1568717 1.1521684 1.1598561 1.1662228 1.1535883 1.1240401 1.0939995\n", + " 1.0741459 1.0644959 1.0630531 1.0625297 1.0589311 1.0509729 1.0437826\n", + " 1.0408087 1.0422425 1.0472431 0. 0. 0. ]\n", + " [1.1644539 1.1617355 1.172456 1.1820052 1.1699027 1.1378912 1.1043901\n", + " 1.0821842 1.0710843 1.0684439 1.0671437 1.0624063 1.0536734 1.0457653\n", + " 1.0423869 1.0438405 1.0491247 1.0542299 0. 0. ]]\n", + "[[1.1845055 1.1803533 1.1903881 1.1982578 1.1868043 1.1517466 1.1158619\n", + " 1.0911502 1.0800322 1.0770918 1.0764571 1.0703735 1.0608373 1.0520438\n", + " 1.0481151 1.0501287 1.0558033 1.0612195 0. 0. ]\n", + " [1.1583315 1.1541599 1.1628257 1.1697524 1.1595504 1.1280237 1.0958768\n", + " 1.0749098 1.0648224 1.062777 1.0622067 1.0584859 1.0502323 1.0430472\n", + " 1.0395726 1.0416669 1.0467179 0. 0. 0. ]\n", + " [1.1669754 1.1643798 1.175536 1.1840092 1.172108 1.138522 1.1038254\n", + " 1.0817297 1.0715746 1.0699936 1.069973 1.0652092 1.0554204 1.0476998\n", + " 1.0441275 1.0461767 0. 0. 0. 0. ]\n", + " [1.1724072 1.1693292 1.1805891 1.1895907 1.1766502 1.1437236 1.1095283\n", + " 1.0863576 1.0746467 1.0708188 1.0691711 1.0637572 1.0549495 1.0471417\n", + " 1.0433573 1.0452929 1.049944 1.0546696 1.0577343 1.0592085]\n", + " [1.1705472 1.1676346 1.1776428 1.1854811 1.1723955 1.1388676 1.1048263\n", + " 1.0823346 1.0719159 1.0693845 1.0686859 1.0635157 1.0550791 1.0470572\n", + " 1.0439117 1.0456034 1.0505438 1.0558292 0. 0. ]]\n", + "[[1.1825432 1.1770247 1.1869447 1.1942431 1.178769 1.1435685 1.109332\n", + " 1.0873246 1.0773875 1.076777 1.0771251 1.0715752 1.0619327 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1483703 1.1441724 1.1530132 1.1611404 1.1510639 1.1219054 1.0917716\n", + " 1.0716894 1.0624545 1.0607712 1.0613613 1.057377 1.0496507 1.0424695\n", + " 1.0390368 1.0407014 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1557167 1.1501088 1.15782 1.1644703 1.1545235 1.1250434 1.0946922\n", + " 1.0749336 1.065161 1.063758 1.0638396 1.060398 1.052721 1.0450877\n", + " 1.041652 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1716213 1.1689323 1.1792951 1.1883806 1.1776867 1.1454756 1.1107184\n", + " 1.0880626 1.075988 1.0713409 1.0683497 1.0619506 1.0533237 1.0459006\n", + " 1.0427616 1.0446693 1.0499785 1.0545707 1.0574299 1.0584134 1.0600002\n", + " 1.0641705 0. ]\n", + " [1.1543791 1.1524394 1.163391 1.1727902 1.1628098 1.1315142 1.0992903\n", + " 1.077728 1.0671091 1.0632256 1.061002 1.0555555 1.0471158 1.0402985\n", + " 1.0375258 1.0394062 1.0438988 1.0485785 1.0512234 1.0525262 1.05395\n", + " 1.0573043 1.0637504]]\n", + "[[1.1697031 1.1667335 1.177463 1.1874264 1.1771609 1.145121 1.11102\n", + " 1.0874285 1.0761726 1.0716196 1.0685594 1.0623194 1.0532616 1.0455315\n", + " 1.0422034 1.044318 1.0501405 1.0554943 1.057964 1.0585428 1.0594704\n", + " 1.0630987 1.070962 1.0812969]\n", + " [1.1671786 1.1634446 1.1750044 1.1846269 1.1723201 1.1389958 1.1046258\n", + " 1.0818579 1.0723348 1.0711997 1.0718354 1.0670642 1.0584351 1.049411\n", + " 1.0453831 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1656585 1.1620978 1.1726909 1.1818244 1.1703326 1.1366838 1.1024338\n", + " 1.0800236 1.0701307 1.0692825 1.0705976 1.0667361 1.0583178 1.049705\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1683532 1.1648903 1.1749359 1.1839526 1.1724117 1.1400179 1.1073098\n", + " 1.0850855 1.0733125 1.0686677 1.0666934 1.060477 1.0515618 1.0437813\n", + " 1.0411352 1.0432428 1.0486679 1.0529593 1.0552882 1.0560429 1.0572056\n", + " 1.0601302 1.0673347 0. ]\n", + " [1.150586 1.1472558 1.1560812 1.1625727 1.1519347 1.1217585 1.0922383\n", + " 1.0726522 1.0629951 1.0596821 1.0585185 1.053913 1.0457966 1.0395632\n", + " 1.036708 1.0382098 1.0425745 1.0469687 1.0492955 1.0505047 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1805592 1.1771083 1.187208 1.1958247 1.1820798 1.147239 1.1125736\n", + " 1.0893087 1.0770297 1.0740669 1.072341 1.0661114 1.0570142 1.0490769\n", + " 1.0456059 1.0480969 1.0533099 1.0583276 1.0607841 0. 0.\n", + " 0. 0. ]\n", + " [1.1642038 1.1637871 1.1746017 1.1841639 1.1714455 1.1385022 1.1044346\n", + " 1.0820123 1.0711956 1.0685157 1.0669411 1.0618289 1.0528525 1.0453631\n", + " 1.041962 1.0434526 1.0480862 1.0525014 1.055135 1.0559949 0.\n", + " 0. 0. ]\n", + " [1.1893997 1.1859831 1.1974272 1.2069241 1.1941879 1.1587933 1.1209817\n", + " 1.0959255 1.0839332 1.0803707 1.0790405 1.0731393 1.0634314 1.0544028\n", + " 1.0500591 1.0514953 1.0566196 1.061959 1.0643405 0. 0.\n", + " 0. 0. ]\n", + " [1.1465962 1.1451077 1.1552584 1.1638789 1.1522392 1.1237543 1.0941468\n", + " 1.0744408 1.0643252 1.0605571 1.0586791 1.0526319 1.0451026 1.038474\n", + " 1.0360228 1.0381659 1.0422981 1.0465387 1.0487329 1.04929 1.0505444\n", + " 1.0537244 1.0606459]\n", + " [1.1804138 1.1776266 1.1888399 1.1983105 1.1861507 1.1513319 1.1149861\n", + " 1.0900741 1.0777794 1.0747395 1.0730484 1.0683057 1.0594752 1.050993\n", + " 1.0472044 1.0487919 1.0537143 1.0588602 1.0612712 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1713277 1.1689789 1.18008 1.1897957 1.1771574 1.1429493 1.1087401\n", + " 1.085811 1.0746884 1.0701263 1.0682038 1.0619057 1.053236 1.0454979\n", + " 1.0426545 1.0443642 1.049363 1.0546013 1.0570099 1.0576788 1.0592477]\n", + " [1.1503886 1.1458868 1.1530207 1.1593634 1.1480632 1.119182 1.089538\n", + " 1.0701436 1.0612936 1.0593836 1.0598825 1.0563465 1.0493364 1.0424287\n", + " 1.0391239 1.0406249 0. 0. 0. 0. 0. ]\n", + " [1.1825643 1.1786034 1.1888745 1.1970526 1.1839749 1.1490564 1.1130698\n", + " 1.088344 1.0772741 1.0743265 1.073158 1.0688217 1.0603132 1.0521052\n", + " 1.0484217 1.0500197 1.0556912 0. 0. 0. 0. ]\n", + " [1.1632409 1.1610725 1.1725168 1.1815338 1.1697599 1.1363106 1.1023767\n", + " 1.0797862 1.069023 1.066317 1.0663503 1.061652 1.0535096 1.0453825\n", + " 1.0421965 1.043583 1.0482073 1.0529542 0. 0. 0. ]\n", + " [1.1610234 1.1551173 1.1631696 1.1704111 1.1594112 1.1285858 1.0970062\n", + " 1.0768774 1.0677397 1.0662411 1.0668262 1.0624307 1.0540969 1.0461081\n", + " 1.0427328 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1760339 1.1716683 1.1822195 1.1904062 1.1779628 1.1442003 1.1097912\n", + " 1.0864215 1.0759039 1.0727153 1.0710746 1.0661011 1.0567402 1.0481126\n", + " 1.0447006 1.0463165 1.0516082 1.0566758 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1643119 1.1607504 1.1703287 1.1788651 1.1683037 1.1367221 1.1038704\n", + " 1.0822512 1.0723155 1.0698812 1.0700804 1.065208 1.0564586 1.0483419\n", + " 1.0444226 1.0460554 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1736797 1.1712179 1.1816723 1.1917945 1.1813669 1.1488652 1.1151829\n", + " 1.0915523 1.0784459 1.0735245 1.0705152 1.0642285 1.0546983 1.0471802\n", + " 1.044141 1.0459588 1.0516014 1.0562872 1.0590503 1.059734 1.0608103\n", + " 1.0642874 1.0716714]\n", + " [1.182641 1.1805515 1.1913182 1.200002 1.1889665 1.1544191 1.1183879\n", + " 1.0938143 1.0813007 1.076806 1.0739652 1.067784 1.058081 1.0496079\n", + " 1.0461268 1.0477378 1.0531981 1.0581644 1.0602283 1.0609862 1.0622699\n", + " 0. 0. ]\n", + " [1.171229 1.1664283 1.1764203 1.184694 1.1739991 1.1405945 1.1059605\n", + " 1.0833149 1.0726373 1.0703169 1.0707159 1.0660603 1.0570207 1.0484097\n", + " 1.0444561 1.0464063 1.0516871 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1794016 1.1760428 1.1870306 1.1966759 1.183698 1.1480589 1.1126964\n", + " 1.0890251 1.0771524 1.0740979 1.0724331 1.0669799 1.0575846 1.0490764\n", + " 1.045278 1.0473454 1.0525829 1.0576669 1.0602028 0. 0.\n", + " 0. 0. ]\n", + " [1.1679219 1.1672888 1.1792419 1.1884459 1.1766039 1.1425251 1.1077734\n", + " 1.0843278 1.072707 1.0692397 1.0670972 1.0612109 1.0527818 1.0453653\n", + " 1.0421458 1.0437083 1.048744 1.0533332 1.0558368 1.056721 1.0584183\n", + " 1.0624782 0. ]\n", + " [1.1579429 1.1541117 1.164153 1.1737809 1.1634117 1.13218 1.1001399\n", + " 1.0787333 1.0672477 1.0636483 1.061601 1.0567929 1.0486575 1.042069\n", + " 1.0391107 1.0410099 1.0453794 1.0501332 1.0530412 1.0542095 1.0553083\n", + " 1.0585986 1.0650156]\n", + " [1.1687633 1.166281 1.1774721 1.1873664 1.1751342 1.1426363 1.1086318\n", + " 1.0857335 1.0742315 1.0702474 1.0685776 1.0627705 1.0536985 1.045951\n", + " 1.0423857 1.044331 1.0492562 1.0539665 1.0568566 1.0577102 0.\n", + " 0. 0. ]\n", + " [1.1760767 1.1733518 1.1844277 1.1938851 1.1826087 1.1485165 1.1127713\n", + " 1.0882053 1.076552 1.0732132 1.07223 1.0668485 1.0577401 1.0491993\n", + " 1.045533 1.0467713 1.0517526 1.0567034 1.059106 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1683712 1.1648307 1.1754683 1.1834816 1.1706108 1.1379073 1.1043043\n", + " 1.0818006 1.0710244 1.0682768 1.0673853 1.0619944 1.0537765 1.0463299\n", + " 1.0429281 1.0443182 1.0491607 1.0540617 1.0563672 0. ]\n", + " [1.157154 1.1543356 1.1644229 1.1722263 1.1598011 1.1286705 1.0971452\n", + " 1.0759885 1.0666366 1.0646847 1.0644976 1.060417 1.0522509 1.0448432\n", + " 1.0416692 1.0433699 0. 0. 0. 0. ]\n", + " [1.1745291 1.1702826 1.1797066 1.1872272 1.1752911 1.1420716 1.1075408\n", + " 1.0853822 1.0743554 1.071905 1.070796 1.0664761 1.0574487 1.0492885\n", + " 1.0459068 1.0481572 1.0533397 0. 0. 0. ]\n", + " [1.1830468 1.1800758 1.1901115 1.1982431 1.1848421 1.1511627 1.1159958\n", + " 1.0920175 1.0797776 1.0754249 1.0737958 1.0675986 1.0580056 1.0496321\n", + " 1.0461076 1.0478001 1.0530441 1.0582877 1.0609441 1.0617691]\n", + " [1.1744745 1.1707593 1.1817123 1.1905203 1.1796466 1.1453459 1.1099408\n", + " 1.0869224 1.0763571 1.0754439 1.0758668 1.0714262 1.0618714 1.0527757\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1760814 1.1731889 1.1855074 1.1960781 1.1838528 1.1494554 1.1131178\n", + " 1.0881354 1.0761812 1.0724009 1.0710949 1.0653312 1.0562278 1.0483283\n", + " 1.0444123 1.0462452 1.0512965 1.0562228 1.0588768]\n", + " [1.1591648 1.1552875 1.1647635 1.1732054 1.1624839 1.1314046 1.0992812\n", + " 1.0785853 1.0687735 1.067119 1.0668086 1.0621518 1.0527765 1.0451986\n", + " 1.0415205 1.0433292 1.0487592 0. 0. ]\n", + " [1.1952533 1.1888756 1.1993359 1.2090447 1.1959153 1.1593145 1.1211019\n", + " 1.0951576 1.0832329 1.0811772 1.0818512 1.0765843 1.0671152 1.0575997\n", + " 1.05334 0. 0. 0. 0. ]\n", + " [1.1705868 1.1663482 1.1775713 1.1871 1.1747962 1.1420153 1.1073071\n", + " 1.0846994 1.0742303 1.0731206 1.07317 1.0684358 1.0591553 1.05052\n", + " 1.0465561 0. 0. 0. 0. ]\n", + " [1.1462022 1.1428245 1.1524565 1.1589886 1.1477648 1.1182399 1.0886806\n", + " 1.0701689 1.0617404 1.060358 1.0600551 1.0555649 1.047085 1.0399114\n", + " 1.0366259 1.0383439 1.0430362 0. 0. ]]\n", + "[[1.177409 1.1737269 1.1844773 1.1938424 1.1810117 1.1459459 1.1114641\n", + " 1.0879847 1.0757911 1.0729374 1.0710989 1.0650183 1.0561557 1.0480442\n", + " 1.0443923 1.0462072 1.0514446 1.0566216 1.0593226 1.0603597 0.\n", + " 0. 0. ]\n", + " [1.1648247 1.1610744 1.1710309 1.1785773 1.1658859 1.1339182 1.1009336\n", + " 1.0797508 1.0700345 1.0683998 1.0681183 1.0633348 1.0539135 1.0459602\n", + " 1.0424451 1.0444224 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1726661 1.1701715 1.1820986 1.1915597 1.179745 1.1466802 1.111831\n", + " 1.0887254 1.0767709 1.0730053 1.070416 1.0639768 1.0540664 1.0460355\n", + " 1.0431637 1.0450386 1.0505859 1.0556493 1.058303 1.0592269 1.060646\n", + " 1.0647401 1.0729587]\n", + " [1.1662649 1.1635084 1.1738039 1.1832082 1.1704135 1.1371408 1.1038178\n", + " 1.0821086 1.0720824 1.07002 1.0700682 1.0646937 1.055464 1.0472951\n", + " 1.0435463 1.0451335 1.050573 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1561456 1.1540377 1.1649144 1.1745385 1.1634071 1.1330497 1.1008844\n", + " 1.0793386 1.068052 1.0645182 1.0624655 1.0562901 1.0479592 1.0406529\n", + " 1.0376173 1.0393795 1.0442433 1.0488551 1.0508711 1.0521127 1.0534036\n", + " 1.0564067 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1576828 1.155762 1.1662854 1.1759235 1.1649814 1.1342342 1.1020191\n", + " 1.0805885 1.0694166 1.0660069 1.0636662 1.0577592 1.0487647 1.0414331\n", + " 1.0387673 1.0404836 1.0451946 1.0499635 1.0526514 1.053403 1.0547452\n", + " 1.0581189 1.0652003]\n", + " [1.1924406 1.1864784 1.1962831 1.2040591 1.1900345 1.1544889 1.1174978\n", + " 1.0933659 1.0820771 1.0804791 1.0807667 1.0753845 1.0649241 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1830126 1.1778427 1.1867201 1.1951088 1.1819165 1.1481472 1.1131188\n", + " 1.0894315 1.0777291 1.0752969 1.0735444 1.0688161 1.0593729 1.0514226\n", + " 1.0478005 1.0498532 1.0557255 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1747643 1.1701916 1.1785222 1.1867105 1.1748798 1.1406913 1.1056677\n", + " 1.0829183 1.0720017 1.0715636 1.0730293 1.0683718 1.0597183 1.0512278\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1779858 1.1735828 1.183482 1.1922715 1.178976 1.1458045 1.1110928\n", + " 1.087217 1.0763844 1.0736349 1.0732449 1.0686247 1.0597609 1.0513316\n", + " 1.0475309 1.0492826 1.0549977 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1613379 1.1591693 1.170357 1.1799985 1.1681523 1.1358687 1.1025056\n", + " 1.0800409 1.0690055 1.065582 1.0647244 1.0598627 1.0510051 1.0432347\n", + " 1.0397023 1.0409255 1.0452172 1.0499294 1.0525991 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1589018 1.1543288 1.1629579 1.1707268 1.1594592 1.1291083 1.0982229\n", + " 1.0770591 1.0670485 1.0641559 1.0633761 1.0590433 1.0507934 1.0436537\n", + " 1.0407605 1.0430887 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1804613 1.1757782 1.1849878 1.1932421 1.1822473 1.1485114 1.1131327\n", + " 1.0904182 1.0794415 1.0773382 1.0763587 1.0703 1.059867 1.0503302\n", + " 1.0463339 1.0481061 1.0543063 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1668762 1.1648376 1.1754897 1.1855466 1.1739256 1.1424296 1.1091216\n", + " 1.0864769 1.0749158 1.070282 1.0678613 1.06133 1.0518596 1.0438843\n", + " 1.0407864 1.043134 1.0481964 1.0527925 1.055567 1.0558363 1.0569293\n", + " 1.0602465 1.0678073 1.077341 ]\n", + " [1.1857469 1.1806283 1.1901346 1.1987625 1.1866286 1.1516095 1.115727\n", + " 1.0917697 1.08105 1.0791447 1.0789814 1.073601 1.0643182 1.0546227\n", + " 1.0507035 1.05302 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1777036 1.1732885 1.1831586 1.1925616 1.1812807 1.1478897 1.1132301\n", + " 1.0893313 1.0785651 1.0779457 1.0784463 1.0730151 1.0629723 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1664126 1.1646866 1.1737278 1.1830689 1.1706544 1.1369501 1.1033678\n", + " 1.080699 1.0698879 1.0670329 1.0656042 1.0602115 1.0519266 1.0446094\n", + " 1.0413661 1.0435107 1.0480824 1.0533358 1.0555464 1.0564094 0. ]\n", + " [1.2017254 1.196293 1.2059951 1.2154481 1.201812 1.165501 1.127767\n", + " 1.1020783 1.0897095 1.0871378 1.087732 1.0822114 1.0715384 1.0613699\n", + " 1.0570191 0. 0. 0. 0. 0. 0. ]\n", + " [1.1699764 1.164558 1.1738518 1.182304 1.1706548 1.1371299 1.1036911\n", + " 1.0817169 1.072156 1.0707105 1.0720601 1.0679655 1.0587986 1.0499594\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1802183 1.1763369 1.1877456 1.1970812 1.1840954 1.1500295 1.114611\n", + " 1.0901511 1.0771486 1.0733674 1.0710313 1.0652351 1.0560043 1.0481699\n", + " 1.0450039 1.046496 1.0516044 1.0570661 1.0597746 1.0611202 1.0631446]]\n", + "[[1.2277776 1.2210503 1.2304119 1.2389151 1.2236425 1.1827135 1.1396817\n", + " 1.1118597 1.0996555 1.098113 1.096923 1.0907967 1.0784521 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1621485 1.1578223 1.1683892 1.1792243 1.1688643 1.136731 1.1037123\n", + " 1.0810295 1.0707605 1.0692759 1.0694261 1.065211 1.0563428 1.0476007\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1740816 1.1702557 1.1812304 1.1901175 1.1779377 1.1429565 1.1087283\n", + " 1.0858926 1.0753449 1.0742301 1.074927 1.0696479 1.0599802 1.0512294\n", + " 1.0473992 0. 0. 0. 0. ]\n", + " [1.1746818 1.1725594 1.1824399 1.1896106 1.1759228 1.1428648 1.108754\n", + " 1.0856184 1.0749602 1.0715894 1.0697058 1.0643952 1.0550028 1.047352\n", + " 1.0438696 1.0459335 1.0511304 1.0558728 1.0585474]\n", + " [1.1927667 1.1861296 1.1922436 1.1999617 1.1868707 1.1526234 1.1181631\n", + " 1.0943413 1.0837362 1.0813004 1.0805098 1.0762395 1.0661784 1.0573424\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1655165 1.1631247 1.1729852 1.1811669 1.1691599 1.137004 1.1041483\n", + " 1.0831307 1.0717869 1.0678439 1.0654619 1.0599471 1.0514085 1.0437862\n", + " 1.0406296 1.042185 1.0470068 1.0511925 1.0537932 1.0547153 1.0563061]\n", + " [1.1690794 1.1671978 1.178384 1.1875926 1.1743587 1.1411679 1.1064602\n", + " 1.0838645 1.0729008 1.070106 1.0692421 1.0647032 1.0558281 1.0477343\n", + " 1.0441238 1.045612 1.0506794 1.0558705 0. 0. 0. ]\n", + " [1.1768887 1.1708808 1.1790504 1.1856866 1.1738608 1.1403958 1.1058043\n", + " 1.0827216 1.0728109 1.0714612 1.0720867 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1864626 1.1817794 1.1922492 1.2002828 1.1858758 1.1493578 1.112366\n", + " 1.0891396 1.0790616 1.0780582 1.0789186 1.0741463 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1571021 1.1550187 1.1659936 1.1750395 1.1640509 1.1332409 1.1016445\n", + " 1.0797864 1.0686342 1.0644788 1.0623145 1.0565039 1.047893 1.0414562\n", + " 1.0383896 1.0399591 1.0449481 1.0490556 1.0509847 1.0516825 1.0527853]]\n", + "[[1.182935 1.1804751 1.1924411 1.2021248 1.1901838 1.1543857 1.116853\n", + " 1.0916563 1.0796762 1.0765678 1.0752003 1.0692375 1.0592781 1.0504764\n", + " 1.0464054 1.0479839 1.0532695 1.0588967 1.0616984]\n", + " [1.1554751 1.1508012 1.1579798 1.1643032 1.1516464 1.1212783 1.0917068\n", + " 1.0736765 1.0653973 1.0649548 1.064504 1.061324 1.0529461 1.0451838\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1638523 1.1616874 1.1723065 1.1796551 1.1671362 1.134228 1.1009747\n", + " 1.07958 1.0699434 1.0674732 1.0674543 1.0623014 1.053632 1.0457842\n", + " 1.0427152 1.0443268 1.0492713 0. 0. ]\n", + " [1.1858726 1.1829982 1.1924864 1.2015119 1.1892933 1.153345 1.115861\n", + " 1.09214 1.0796456 1.0754734 1.074165 1.0684161 1.0595783 1.0507131\n", + " 1.0474178 1.0492022 1.054367 1.0596025 1.0622362]\n", + " [1.1690474 1.1641133 1.1743071 1.1825031 1.171111 1.1382617 1.1038499\n", + " 1.0814813 1.0716896 1.0710208 1.0720537 1.067807 1.0591265 1.0505211\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1748257 1.1696775 1.1796244 1.187645 1.1758673 1.141447 1.1074598\n", + " 1.0849189 1.0749601 1.0728805 1.0730659 1.0683458 1.0585359 1.0502162\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1864977 1.1808585 1.1897489 1.1986593 1.185914 1.1521795 1.1165148\n", + " 1.0929278 1.0817094 1.0787929 1.0784577 1.0733039 1.063305 1.0539128\n", + " 1.050075 1.0523229 0. 0. 0. 0. 0. ]\n", + " [1.1669189 1.1633378 1.1738231 1.1817026 1.170545 1.1376122 1.1040289\n", + " 1.0815239 1.0708072 1.069508 1.0700636 1.0659554 1.0574856 1.0494748\n", + " 1.0453886 0. 0. 0. 0. 0. 0. ]\n", + " [1.1801013 1.1775231 1.1889777 1.1976439 1.1869571 1.1529219 1.116744\n", + " 1.092566 1.0805262 1.0759711 1.0731808 1.0667057 1.0569732 1.0489116\n", + " 1.0453731 1.0470392 1.0525099 1.0576555 1.0597417 1.0604488 1.061786 ]\n", + " [1.1616089 1.1592379 1.1694478 1.1785669 1.1670994 1.135135 1.1015047\n", + " 1.0795265 1.0690372 1.0657194 1.0646738 1.0596414 1.0510265 1.0438122\n", + " 1.040141 1.0418782 1.0462476 1.0508711 1.0535513 0. 0. ]]\n", + "[[1.1879988 1.1842506 1.1952341 1.2034364 1.1884873 1.1522912 1.1147852\n", + " 1.0906639 1.0804596 1.079522 1.0800533 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1713849 1.1673925 1.1756647 1.1836554 1.1728597 1.1405312 1.1071267\n", + " 1.0849156 1.0736792 1.0694838 1.0670724 1.0611727 1.0526701 1.0452952\n", + " 1.0422114 1.0439731 1.048801 1.0538596 1.056275 1.0575334 1.0591147]\n", + " [1.1574519 1.1539385 1.1640362 1.1718961 1.1610086 1.1298885 1.0976806\n", + " 1.0761251 1.0663942 1.0652127 1.0652951 1.0612115 1.0525911 1.0448513\n", + " 1.0413923 1.0429543 0. 0. 0. 0. 0. ]\n", + " [1.1595914 1.156569 1.1670477 1.1760015 1.1648648 1.1331323 1.099982\n", + " 1.0781239 1.0687157 1.0665935 1.0664765 1.0618106 1.0535165 1.0452675\n", + " 1.0414146 1.0432312 1.0482682 0. 0. 0. 0. ]\n", + " [1.1461864 1.142554 1.1512995 1.158977 1.1475173 1.1187823 1.0889229\n", + " 1.0695941 1.0602182 1.0584102 1.0583472 1.0550961 1.0478623 1.0410063\n", + " 1.0378628 1.0391899 1.0437171 0. 0. 0. 0. ]]\n", + "[[1.1730325 1.1699079 1.1810119 1.1902542 1.1781732 1.1437325 1.1084708\n", + " 1.0855817 1.0757716 1.0750977 1.0752399 1.0702269 1.0600157 1.0509305\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1784195 1.1740959 1.1838405 1.192517 1.1807655 1.1485772 1.1142612\n", + " 1.0902895 1.0772502 1.0727271 1.0704734 1.065319 1.056816 1.0490507\n", + " 1.0456952 1.0471661 1.0519742 1.0561749 1.0584313 1.0598048 1.0619698\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.190355 1.1854942 1.1946696 1.2026958 1.1909182 1.1556998 1.1190352\n", + " 1.0951298 1.0836332 1.0816718 1.0816934 1.0769418 1.0666875 1.0571529\n", + " 1.052711 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1693146 1.1658473 1.1757044 1.186016 1.1758049 1.1436279 1.1109532\n", + " 1.0884445 1.0769436 1.0725394 1.0697557 1.0629116 1.0529819 1.0454048\n", + " 1.0425943 1.0453037 1.0507483 1.0562047 1.0582956 1.0586318 1.0593154\n", + " 1.0630308 1.070311 1.0805154 1.0887164 1.092751 1.0937406]\n", + " [1.1813378 1.1775768 1.1875486 1.196485 1.1820312 1.1473455 1.1111277\n", + " 1.0865115 1.0752566 1.0722234 1.0707186 1.0656341 1.056584 1.048787\n", + " 1.0449102 1.0468793 1.0520847 1.0575032 1.0601487 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1738626 1.1701114 1.1812011 1.1904341 1.1772245 1.1434643 1.1088834\n", + " 1.0857592 1.0744903 1.0720557 1.0707854 1.0654378 1.0560611 1.0477729\n", + " 1.0445262 1.0466294 1.0517986 1.0573059 0. 0. 0.\n", + " 0. ]\n", + " [1.178957 1.1729434 1.1811656 1.1899673 1.1774831 1.143066 1.1082714\n", + " 1.0859315 1.075211 1.0733142 1.0732492 1.0692208 1.0603906 1.051905\n", + " 1.047957 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1624881 1.1579937 1.1664305 1.1725976 1.1601305 1.1289706 1.0979643\n", + " 1.077521 1.0679699 1.0663558 1.066638 1.0618765 1.0535351 1.0457687\n", + " 1.0423561 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1704412 1.169142 1.181564 1.1903085 1.1783036 1.1449422 1.1099299\n", + " 1.0866332 1.0749664 1.0713342 1.0689987 1.0626372 1.0527766 1.0454036\n", + " 1.042203 1.0439776 1.0489873 1.0541486 1.0566049 1.0578283 1.0596634\n", + " 1.0634505]\n", + " [1.2000486 1.1952853 1.2050884 1.2141439 1.2009732 1.1646042 1.1268744\n", + " 1.100621 1.086953 1.0830798 1.0809988 1.0753449 1.0654722 1.0561393\n", + " 1.0522113 1.0542786 1.0602226 1.0654658 1.0680635 0. 0.\n", + " 0. ]]\n", + "[[1.1618998 1.1590616 1.1698798 1.1784868 1.1664306 1.1336858 1.1002091\n", + " 1.0788647 1.0685807 1.0660454 1.0658927 1.0616899 1.0529139 1.0455183\n", + " 1.0421442 1.043447 1.0482389 1.0528733 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1677625 1.161841 1.1710529 1.1794732 1.1684183 1.1374524 1.1045536\n", + " 1.0822744 1.0717427 1.0705258 1.0704174 1.06607 1.0571215 1.0487567\n", + " 1.0448112 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.164726 1.1611592 1.1706114 1.179465 1.1670762 1.1344932 1.101601\n", + " 1.0802034 1.0698719 1.0677712 1.0669789 1.0622661 1.0538445 1.0463623\n", + " 1.0424794 1.044428 1.0492994 1.0540744 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1667497 1.1610523 1.1703705 1.1779367 1.1674826 1.1359278 1.1036588\n", + " 1.0818899 1.0720059 1.0701991 1.0702596 1.0664508 1.0573537 1.049253\n", + " 1.0459027 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1554804 1.1524262 1.1630297 1.1723198 1.1617779 1.1321954 1.1009026\n", + " 1.0799773 1.0688607 1.0646808 1.0627749 1.056805 1.0479407 1.0405014\n", + " 1.0377082 1.0393239 1.0439254 1.0482814 1.0506979 1.0512791 1.052632\n", + " 1.055521 1.0624108]]\n", + "[[1.1628801 1.1600821 1.1705904 1.1782485 1.1667448 1.1343188 1.100943\n", + " 1.078427 1.0686349 1.0658945 1.0650649 1.0607566 1.0528114 1.0448136\n", + " 1.0415035 1.0429307 1.0478755 1.0527703 0. 0. ]\n", + " [1.1879126 1.1813158 1.1915965 1.2018868 1.1903166 1.1557829 1.1185911\n", + " 1.094928 1.0838263 1.0835133 1.0846323 1.0791305 1.0682737 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1749064 1.1715059 1.1817067 1.1906345 1.1779693 1.1442415 1.1087959\n", + " 1.0861684 1.0760282 1.0743592 1.0751207 1.0700219 1.0599046 1.0507021\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1579337 1.1527362 1.161094 1.1701201 1.1599072 1.1310209 1.1004889\n", + " 1.0793253 1.0695908 1.0670282 1.0665898 1.0618184 1.0531454 1.0454848\n", + " 1.0419669 1.0437078 0. 0. 0. 0. ]\n", + " [1.1632267 1.1611392 1.170756 1.1790285 1.1670376 1.1352887 1.1025633\n", + " 1.080634 1.0694503 1.0660394 1.0646849 1.059307 1.0513858 1.0443033\n", + " 1.0411788 1.0423663 1.0467252 1.0507039 1.0528831 1.0539037]]\n", + "[[1.1559801 1.1537967 1.1646647 1.1744529 1.1647627 1.1333542 1.1020259\n", + " 1.0809307 1.0700208 1.066162 1.0633096 1.0572999 1.0483439 1.041167\n", + " 1.0387709 1.0410271 1.0458454 1.0506246 1.0527637 1.0531198 1.0538412\n", + " 1.0565894 1.0635763 1.0727373]\n", + " [1.1731924 1.1671801 1.1759018 1.183079 1.1711992 1.1386704 1.105612\n", + " 1.0841671 1.0740899 1.0722888 1.0724841 1.0678862 1.0592378 1.0508444\n", + " 1.0472072 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1745943 1.1697246 1.1784214 1.185837 1.1731882 1.1413348 1.1075096\n", + " 1.0851308 1.0738318 1.0713226 1.0705847 1.0653534 1.0569721 1.0492352\n", + " 1.0457637 1.0475969 1.0527697 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1795249 1.1740077 1.1837374 1.1919975 1.1795444 1.1452099 1.1114036\n", + " 1.0878985 1.0767422 1.0747019 1.0748899 1.069783 1.0605246 1.0516908\n", + " 1.0479265 1.0498905 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.159069 1.1551557 1.1642652 1.1721306 1.160332 1.1287159 1.0971462\n", + " 1.0763736 1.0668514 1.0644159 1.0642598 1.0596287 1.0514809 1.0443664\n", + " 1.0410588 1.0428721 1.0477881 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1584986 1.153598 1.162038 1.1699195 1.1585569 1.1283736 1.0973728\n", + " 1.0763693 1.0663701 1.0635588 1.062768 1.0589348 1.0517102 1.0441918\n", + " 1.0411416 1.0425926 1.0470071 1.0519191 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.173353 1.1696943 1.1790923 1.1868155 1.1744351 1.1398572 1.1065149\n", + " 1.084354 1.0740011 1.0727237 1.0728374 1.0678099 1.058811 1.050315\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1576291 1.1553969 1.1658626 1.1740462 1.1624837 1.1308262 1.0993584\n", + " 1.0780156 1.0675071 1.0641919 1.0621784 1.0571662 1.0486631 1.0417305\n", + " 1.0390685 1.0407726 1.045551 1.0498716 1.0521497 1.0529336 0.\n", + " 0. 0. ]\n", + " [1.1863928 1.181643 1.1909597 1.198733 1.1855834 1.1502056 1.1148666\n", + " 1.0909958 1.0794305 1.0761778 1.0749762 1.0694062 1.0599754 1.0519141\n", + " 1.0481491 1.0499481 1.0555464 1.0610415 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.156308 1.1537615 1.1643262 1.1731572 1.1623157 1.1309544 1.0987765\n", + " 1.0775687 1.0669467 1.0634954 1.0619863 1.0565114 1.0483642 1.0411901\n", + " 1.0382255 1.0399994 1.0448016 1.0489118 1.0515822 1.0521772 1.0533913\n", + " 1.0565288 1.063352 ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1719235 1.1699109 1.1815654 1.1907276 1.1788596 1.1450229 1.1105957\n", + " 1.0871196 1.0755608 1.0718066 1.0709207 1.0652344 1.0567478 1.048252\n", + " 1.0443549 1.045974 1.0510898 1.0563594 1.0584221 0. ]\n", + " [1.1660583 1.1638104 1.174122 1.1826657 1.1703925 1.1359887 1.1024259\n", + " 1.0807719 1.0699806 1.0670338 1.0653818 1.0601985 1.0512568 1.0439101\n", + " 1.0409617 1.0425835 1.0474607 1.0520641 1.0543643 1.0551689]\n", + " [1.1744295 1.1704311 1.1807165 1.1903015 1.1775289 1.1430211 1.1082917\n", + " 1.0853487 1.0741072 1.0723412 1.0721904 1.0677181 1.0584137 1.0498933\n", + " 1.0459687 1.0475724 1.0531554 0. 0. 0. ]\n", + " [1.1836739 1.179144 1.1909372 1.2003543 1.1872768 1.1523764 1.1160697\n", + " 1.0917463 1.0802126 1.0784135 1.0776585 1.0718331 1.0617625 1.0527121\n", + " 1.0486311 1.0505933 1.0563058 0. 0. 0. ]\n", + " [1.2192068 1.2129178 1.2235783 1.2325193 1.2181379 1.1780452 1.1350429\n", + " 1.1067059 1.0943677 1.0923463 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1641705 1.1601276 1.1696731 1.1771332 1.166732 1.1353296 1.1021428\n", + " 1.0802209 1.0689394 1.0664874 1.0654149 1.0606554 1.0518876 1.0441417\n", + " 1.0409927 1.0424857 1.0471911 1.0523716 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1997528 1.192158 1.2003367 1.2063134 1.1909918 1.1548886 1.1171465\n", + " 1.0931795 1.0821534 1.0809034 1.0815173 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1645634 1.1614678 1.1708394 1.1795094 1.1683072 1.1361034 1.1026821\n", + " 1.0809566 1.0705632 1.0679498 1.0679076 1.0637039 1.0551997 1.0478384\n", + " 1.0442686 1.045871 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1681366 1.1642662 1.1744654 1.1845258 1.174064 1.1432076 1.110033\n", + " 1.0869515 1.0756134 1.0704811 1.0681146 1.0613964 1.0521469 1.0442067\n", + " 1.0412233 1.0438011 1.0496006 1.0550882 1.0577585 1.0573894 1.058659\n", + " 1.0620579 1.0691748 1.0790708 1.086959 1.091285 1.0924785]\n", + " [1.1767601 1.1731874 1.1841929 1.1926999 1.1814871 1.1473746 1.1115543\n", + " 1.0873592 1.0761971 1.0729511 1.071743 1.0668817 1.058184 1.0497842\n", + " 1.045734 1.0474728 1.0529764 1.0582602 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1762929 1.1724362 1.1823738 1.1909782 1.1790682 1.1453614 1.1107502\n", + " 1.087349 1.0765073 1.0738021 1.0732754 1.0682435 1.058606 1.0500643\n", + " 1.0459689 1.0477836 1.0533769 0. 0. 0. 0. ]\n", + " [1.2128942 1.2055032 1.2149944 1.2229148 1.207837 1.1687257 1.1302185\n", + " 1.1059474 1.0946572 1.0931174 1.0929395 1.0858253 1.0737389 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1559217 1.1527941 1.1634606 1.17077 1.1600273 1.128074 1.095828\n", + " 1.0751184 1.0653485 1.063096 1.0633576 1.0587958 1.050068 1.0430547\n", + " 1.039355 1.0409191 1.0458986 0. 0. 0. 0. ]\n", + " [1.1653064 1.1622388 1.1720941 1.1794677 1.1674157 1.1348408 1.1020488\n", + " 1.0803243 1.0702645 1.0689952 1.0692034 1.0648165 1.0559535 1.0480083\n", + " 1.044225 1.0460014 0. 0. 0. 0. 0. ]\n", + " [1.1963732 1.1930097 1.2045776 1.2132627 1.198113 1.1607475 1.1228641\n", + " 1.0973532 1.0846828 1.0799723 1.0768967 1.0706125 1.0606338 1.0523449\n", + " 1.0496019 1.0521418 1.058339 1.0642611 1.0671772 1.068454 1.0701219]]\n", + "[[1.1728238 1.1703296 1.180569 1.1897433 1.1768843 1.1424763 1.1072891\n", + " 1.0842761 1.0737151 1.0712198 1.0712379 1.0659904 1.0570165 1.0485808\n", + " 1.0448409 1.0465924 1.0518191 1.0569497 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2197667 1.2123833 1.2236773 1.2313571 1.2179055 1.1783311 1.1357869\n", + " 1.1070509 1.0953355 1.0939287 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1745532 1.1723778 1.183801 1.1945978 1.1834933 1.1490732 1.1134554\n", + " 1.0897079 1.078192 1.0740315 1.0715265 1.0646224 1.0549577 1.0469193\n", + " 1.0434507 1.0457777 1.051529 1.056818 1.0590286 1.0603702 1.0617541\n", + " 1.0655465 1.073347 1.0838214]\n", + " [1.1677067 1.1628712 1.171045 1.1791909 1.1664413 1.133914 1.1017036\n", + " 1.08042 1.0707613 1.0702164 1.0705943 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.160641 1.1588775 1.1703542 1.1780268 1.1672018 1.1348686 1.1016223\n", + " 1.0793489 1.0690935 1.0662504 1.0651188 1.0595572 1.0511434 1.043412\n", + " 1.0398496 1.041236 1.0464134 1.0509845 1.0532682 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1599143 1.1567883 1.166133 1.1736479 1.1600844 1.128308 1.0964495\n", + " 1.0759103 1.0665033 1.06476 1.0643058 1.0602418 1.0518168 1.0446563\n", + " 1.0414654 1.0435066 1.0482635 0. ]\n", + " [1.2201291 1.2130891 1.2232282 1.2313863 1.216695 1.1765674 1.1362176\n", + " 1.1100016 1.0989568 1.0973625 1.0972992 1.0902009 1.0774096 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1615951 1.1564318 1.1637915 1.1709515 1.159489 1.1282512 1.0973191\n", + " 1.0767725 1.0669546 1.0640082 1.0630703 1.0583979 1.0508658 1.0436043\n", + " 1.0402651 1.0420823 1.0467356 1.0516682]\n", + " [1.161689 1.1565422 1.1648222 1.1728094 1.1607287 1.1299083 1.09835\n", + " 1.0776402 1.0674994 1.0650743 1.064719 1.0605985 1.0525706 1.0450754\n", + " 1.0417658 1.0436002 1.0487902 0. ]\n", + " [1.1826862 1.1782653 1.188553 1.1957719 1.1838831 1.1508414 1.1150858\n", + " 1.0910752 1.0792567 1.0760769 1.0768822 1.0710871 1.0618004 1.052583\n", + " 1.0486488 1.0510862 0. 0. ]]\n", + "[[1.1611664 1.159353 1.1714443 1.1816256 1.1691725 1.1363751 1.1025218\n", + " 1.0800716 1.0692406 1.0655547 1.0643008 1.0588526 1.0499648 1.0423822\n", + " 1.0393034 1.0407264 1.0456119 1.0505177 1.0527489 1.0536007]\n", + " [1.182896 1.1784918 1.1883972 1.1964589 1.1838114 1.1494977 1.1135192\n", + " 1.0892566 1.0777441 1.0750555 1.0740914 1.0694845 1.0604756 1.0519187\n", + " 1.0487051 1.0507231 1.0566187 0. 0. 0. ]\n", + " [1.1605752 1.1556307 1.1645933 1.173369 1.1619985 1.1316082 1.099278\n", + " 1.0785254 1.0687699 1.0673876 1.067503 1.0630094 1.0546173 1.0463332\n", + " 1.0425987 0. 0. 0. 0. 0. ]\n", + " [1.1616058 1.1565922 1.1664598 1.1752602 1.1639811 1.1331592 1.1011447\n", + " 1.0798167 1.0704005 1.0688816 1.0689586 1.0645643 1.0558351 1.0476043\n", + " 1.0439502 0. 0. 0. 0. 0. ]\n", + " [1.1687433 1.1637204 1.1732002 1.1811496 1.1698226 1.1370083 1.1034145\n", + " 1.0815833 1.0711915 1.0699135 1.069892 1.0654811 1.0568229 1.0484948\n", + " 1.0448073 0. 0. 0. 0. 0. ]]\n", + "[[1.1695656 1.1664509 1.1772685 1.1853513 1.1728837 1.1397896 1.106099\n", + " 1.0833666 1.0723616 1.070348 1.0695417 1.065097 1.0555842 1.047988\n", + " 1.0444571 1.0460304 1.0512388 1.0562056]\n", + " [1.17258 1.1670679 1.1760101 1.1838951 1.1732774 1.141301 1.1070348\n", + " 1.0851933 1.0744942 1.0724127 1.0726588 1.0677681 1.0586854 1.050489\n", + " 1.046368 1.0480415 0. 0. ]\n", + " [1.1812645 1.1768816 1.1863946 1.1953664 1.1822476 1.1490122 1.1144615\n", + " 1.0912428 1.079802 1.0755891 1.0749751 1.0693212 1.0596076 1.0509864\n", + " 1.0474466 1.0499927 1.0553455 1.0609828]\n", + " [1.182252 1.1787472 1.1889938 1.1977956 1.1834661 1.1489228 1.113126\n", + " 1.0893443 1.0787468 1.0776613 1.0778148 1.0720286 1.0624992 1.053247\n", + " 1.049175 0. 0. 0. ]\n", + " [1.184835 1.1811342 1.1924213 1.2016692 1.1902564 1.154448 1.1162885\n", + " 1.0910624 1.0788984 1.0764613 1.0760293 1.0706236 1.0609858 1.0519835\n", + " 1.0479234 1.049443 1.05471 1.0604959]]\n", + "[[1.1670173 1.1632743 1.1751076 1.1861762 1.1740199 1.1407515 1.1061532\n", + " 1.0831268 1.0727525 1.0704843 1.0699809 1.0647287 1.0549675 1.0461786\n", + " 1.0422813 1.0439934 1.0491344 1.0548795 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1652269 1.1637077 1.1747828 1.1849808 1.1735412 1.1417437 1.1081771\n", + " 1.0851135 1.0735275 1.0688243 1.0665544 1.0603923 1.0515782 1.043646\n", + " 1.040867 1.0429289 1.0484807 1.0529559 1.055895 1.0565848 1.0578039\n", + " 1.0612235 1.0687385 1.0789647 0. 0. 0. 0. ]\n", + " [1.1611364 1.1569253 1.1666358 1.1745937 1.164395 1.1331977 1.1004614\n", + " 1.0789626 1.068535 1.0656478 1.065282 1.0604075 1.0521833 1.0439382\n", + " 1.0405139 1.0420231 1.0468483 1.051726 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1413417 1.1375718 1.1468778 1.156577 1.1485491 1.120646 1.0910627\n", + " 1.0713085 1.0616995 1.0580318 1.0563799 1.0511876 1.0431713 1.0366417\n", + " 1.0342314 1.0361406 1.0405598 1.0452266 1.0476516 1.0483454 1.0496607\n", + " 1.0517507 1.0577404 1.066842 1.073912 1.0782754 1.0787671 1.0758488]\n", + " [1.1899836 1.1827952 1.1909525 1.2001442 1.1879729 1.1546988 1.1191308\n", + " 1.0945021 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1710484 1.1690192 1.1797765 1.1879747 1.1747035 1.1404033 1.1058843\n", + " 1.0833836 1.0732604 1.0707456 1.0709134 1.0661097 1.0572485 1.048953\n", + " 1.0451434 1.04691 1.0523791 0. 0. 0. 0. ]\n", + " [1.1716158 1.1685002 1.1794763 1.1883587 1.1772445 1.1435407 1.1086934\n", + " 1.085561 1.0749276 1.073629 1.0736511 1.0687093 1.0597284 1.0510023\n", + " 1.0465384 1.0481478 1.05345 0. 0. 0. 0. ]\n", + " [1.1750516 1.1725869 1.1833045 1.1912448 1.1801854 1.1476244 1.1120228\n", + " 1.0881956 1.0762281 1.071799 1.0691394 1.0635389 1.0546379 1.0469283\n", + " 1.0439812 1.0455163 1.0505191 1.055534 1.0577971 1.0585731 1.0600879]\n", + " [1.1569163 1.1534367 1.1640725 1.1729894 1.1625795 1.1310294 1.0985994\n", + " 1.0767782 1.0664922 1.0638081 1.0625372 1.0576723 1.0492077 1.041721\n", + " 1.038258 1.0397259 1.0442266 1.0489132 1.0512474 0. 0. ]\n", + " [1.1769665 1.1729041 1.1836443 1.1921302 1.1806792 1.1467413 1.1109408\n", + " 1.0869544 1.0758497 1.0723996 1.0720174 1.0677904 1.0590197 1.0509987\n", + " 1.0472407 1.0489646 1.054424 0. 0. 0. 0. ]]\n", + "[[1.1787908 1.1743457 1.1841009 1.1919701 1.1789625 1.1449507 1.1097884\n", + " 1.086083 1.0743867 1.0704848 1.0699383 1.0646443 1.0565078 1.0483385\n", + " 1.044947 1.0466243 1.0517985 1.0569173 1.059571 0. 0. ]\n", + " [1.1534216 1.1509742 1.1611788 1.1689895 1.1580533 1.1275485 1.0961891\n", + " 1.0751384 1.0643728 1.0611334 1.0591803 1.0533596 1.0458235 1.0390724\n", + " 1.0364325 1.0380236 1.0425004 1.0467412 1.048758 1.0492542 1.0505259]\n", + " [1.2101972 1.2049073 1.2157058 1.2244084 1.2088807 1.171118 1.131252\n", + " 1.1050138 1.0928128 1.0914946 1.0917773 1.0858016 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1825955 1.1793611 1.1904887 1.1988782 1.1869457 1.1515627 1.1149908\n", + " 1.0910473 1.0805724 1.0797819 1.0802232 1.0751213 1.0647572 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.171314 1.1692663 1.1802437 1.1891747 1.1759932 1.1419365 1.1071993\n", + " 1.0845617 1.0734042 1.0702617 1.0688959 1.0631949 1.0540956 1.0462453\n", + " 1.0430278 1.0446979 1.0496575 1.0545754 1.05715 1.0578622 0. ]]\n", + "[[1.1737918 1.1692736 1.1789799 1.1875571 1.174778 1.141525 1.1074905\n", + " 1.0852716 1.0747974 1.0728182 1.0720872 1.0673226 1.0579748 1.0494072\n", + " 1.0456533 1.047847 1.0532929 0. ]\n", + " [1.1839689 1.1793177 1.1895766 1.1969184 1.1859902 1.1520091 1.1166965\n", + " 1.0918885 1.0799083 1.0758932 1.07533 1.0703404 1.0610145 1.0527396\n", + " 1.0488125 1.0506806 1.055672 1.0607841]]\n", + "[[1.168735 1.1663097 1.1777349 1.1872637 1.1741147 1.1404357 1.1061372\n", + " 1.0833615 1.0720183 1.069151 1.067686 1.0623415 1.0535121 1.0458335\n", + " 1.0427207 1.0437796 1.048345 1.0532243 1.0556425 1.0566564 0.\n", + " 0. ]\n", + " [1.167279 1.1655215 1.1764011 1.1864547 1.1744074 1.1415118 1.1078042\n", + " 1.0846416 1.0728124 1.0693319 1.0668994 1.0608542 1.0513177 1.0444236\n", + " 1.0411088 1.0435789 1.0479122 1.0531131 1.0548753 1.055704 1.0570356\n", + " 1.0611719]\n", + " [1.1768275 1.1724575 1.1822615 1.1901793 1.179625 1.1463876 1.1121395\n", + " 1.089311 1.0786496 1.0771062 1.0773199 1.0723912 1.0622238 1.0530448\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1748915 1.170438 1.1806828 1.1895882 1.1789854 1.1456736 1.1109567\n", + " 1.0874944 1.0760983 1.0729944 1.0716778 1.06717 1.0580486 1.0499092\n", + " 1.045914 1.0475625 1.0525309 1.057311 0. 0. 0.\n", + " 0. ]\n", + " [1.1666296 1.1623677 1.1720998 1.1803505 1.1690103 1.1376873 1.1050749\n", + " 1.083813 1.0727589 1.0686389 1.0667317 1.0610924 1.0518267 1.0443598\n", + " 1.0408295 1.0423229 1.0470971 1.0515046 1.0536817 1.0546038 0.\n", + " 0. ]]\n", + "[[1.1590605 1.156569 1.1681753 1.177861 1.1682067 1.1364106 1.1029184\n", + " 1.0807759 1.0692832 1.0655304 1.0635964 1.0578272 1.0493274 1.042165\n", + " 1.03868 1.0401899 1.0448889 1.0492386 1.0515578 1.0521282 1.0535784\n", + " 1.0567406]\n", + " [1.2000083 1.1938826 1.2032157 1.2115525 1.1986965 1.1627651 1.1257383\n", + " 1.100955 1.0875736 1.0834019 1.0808998 1.0738724 1.0637991 1.0546156\n", + " 1.0508338 1.0535015 1.0596861 1.0655286 1.0680656 0. 0.\n", + " 0. ]\n", + " [1.178087 1.1753769 1.1875812 1.1988147 1.1867115 1.150851 1.1139139\n", + " 1.0892897 1.0770783 1.0731161 1.0715618 1.0653894 1.0559552 1.0475925\n", + " 1.0440601 1.0458673 1.0508419 1.0561848 1.058901 1.0600836 1.0615011\n", + " 0. ]\n", + " [1.1848464 1.1784505 1.1878432 1.1964853 1.1841332 1.1502564 1.1154113\n", + " 1.0919633 1.0800923 1.0772221 1.0755006 1.0695292 1.0596219 1.0508928\n", + " 1.0465803 1.0487118 1.0542343 1.0596138 0. 0. 0.\n", + " 0. ]\n", + " [1.1715518 1.1689992 1.1794345 1.1881166 1.1755126 1.1417522 1.1077565\n", + " 1.0852602 1.073882 1.070616 1.0680739 1.0623733 1.0530392 1.0455049\n", + " 1.0427338 1.0445306 1.0500004 1.0547224 1.0573634 1.0583792 1.0597663\n", + " 1.0634384]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1638265 1.159077 1.168647 1.1763402 1.1643399 1.1323067 1.1005347\n", + " 1.0789738 1.0685314 1.0652301 1.0641216 1.0593889 1.051026 1.04406\n", + " 1.0406156 1.042422 1.0473434 1.0520337 1.0546918]\n", + " [1.1631227 1.1592493 1.1691417 1.1773152 1.1661334 1.133932 1.10098\n", + " 1.0793122 1.0694742 1.0676494 1.0670666 1.0626862 1.0542282 1.0462022\n", + " 1.0428933 1.0446398 1.0502 0. 0. ]\n", + " [1.1937313 1.1891445 1.2000711 1.2094235 1.1947459 1.157759 1.1193926\n", + " 1.0950164 1.0844525 1.0830736 1.0845135 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1632072 1.1590095 1.1675756 1.1748961 1.1634893 1.1320693 1.1004691\n", + " 1.0786612 1.0680852 1.0646176 1.0634586 1.0590829 1.0509421 1.0438076\n", + " 1.0404142 1.0423506 1.0467957 1.0514808 1.053914 ]\n", + " [1.176384 1.1725361 1.182106 1.1894628 1.1771026 1.1434399 1.1087008\n", + " 1.0862402 1.0753108 1.0724885 1.0705144 1.0655851 1.0564893 1.0482934\n", + " 1.0448403 1.0463945 1.0517368 1.0569773 0. ]]\n", + "[[1.1581546 1.1552705 1.1660322 1.1757939 1.1642451 1.1324677 1.099464\n", + " 1.0771227 1.0668788 1.0644294 1.0637484 1.0586226 1.0503526 1.0424453\n", + " 1.0388892 1.0403217 1.045058 1.0497842 1.0524007]\n", + " [1.1618656 1.1585822 1.1682308 1.1763656 1.165501 1.1343316 1.1017836\n", + " 1.0804443 1.07008 1.067903 1.0676453 1.0625008 1.0538605 1.0454733\n", + " 1.0418158 1.0435869 1.048771 0. 0. ]\n", + " [1.1744475 1.1697377 1.1802192 1.1898072 1.17838 1.1449912 1.11016\n", + " 1.0874268 1.0771685 1.0751369 1.07586 1.0708023 1.061464 1.0524844\n", + " 1.0481123 0. 0. 0. 0. ]\n", + " [1.1587886 1.155496 1.1655451 1.1748118 1.1647516 1.1335846 1.101001\n", + " 1.0781327 1.0683919 1.0660604 1.0664105 1.0625769 1.0541966 1.046089\n", + " 1.042248 1.0438361 0. 0. 0. ]\n", + " [1.1762682 1.1717662 1.1802431 1.186464 1.1731291 1.1397612 1.1071212\n", + " 1.0846763 1.0742579 1.0716498 1.071023 1.0664738 1.057803 1.0492294\n", + " 1.0452067 1.0474529 1.0530171 0. 0. ]]\n", + "[[1.169521 1.1671464 1.1759415 1.1845926 1.1718193 1.1393492 1.106135\n", + " 1.0833724 1.0728436 1.069963 1.0685198 1.0637636 1.0549436 1.0470239\n", + " 1.0436361 1.0459117 1.0508113 1.0557331 0. 0. ]\n", + " [1.1552181 1.1518517 1.161179 1.1690922 1.1570196 1.1259423 1.0946577\n", + " 1.0739902 1.0642179 1.06182 1.061324 1.0567561 1.0492076 1.0423045\n", + " 1.0389974 1.0406119 1.0453283 1.049872 0. 0. ]\n", + " [1.1791998 1.1746608 1.1838378 1.1917523 1.179841 1.1472484 1.113524\n", + " 1.0900505 1.0774522 1.0723681 1.070763 1.0654949 1.0565332 1.0487614\n", + " 1.0456569 1.0471727 1.0519774 1.0562575 1.0589569 1.0602698]\n", + " [1.1757989 1.1699164 1.1802216 1.1896404 1.1783389 1.1448202 1.109011\n", + " 1.0859557 1.0759277 1.0745032 1.0747968 1.0703374 1.0608042 1.0515301\n", + " 1.0473324 0. 0. 0. 0. 0. ]\n", + " [1.1722662 1.1692235 1.1804585 1.188696 1.1769202 1.1423212 1.1076119\n", + " 1.084688 1.0735359 1.0701294 1.0689405 1.0632832 1.0546173 1.0468106\n", + " 1.0433161 1.0453572 1.0508369 1.0557439 1.0582366 0. ]]\n", + "[[1.1603377 1.1567444 1.1670085 1.1760455 1.163522 1.1313403 1.0992026\n", + " 1.0775993 1.0672247 1.0641589 1.063596 1.058806 1.0507023 1.0430216\n", + " 1.0399489 1.0417517 1.0468047 1.0513978 1.0535265 0. ]\n", + " [1.1672851 1.1635159 1.1739339 1.1832435 1.1713192 1.1384126 1.1043028\n", + " 1.0815128 1.0707235 1.0676638 1.0669999 1.0617454 1.0530752 1.0452406\n", + " 1.0416559 1.0432752 1.0479733 1.0529345 1.0553514 0. ]\n", + " [1.1628313 1.15876 1.1689609 1.1758207 1.1641924 1.1314207 1.0989269\n", + " 1.0772243 1.0676987 1.0668799 1.0681612 1.0641124 1.0551437 1.0472038\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1673996 1.1636235 1.1729045 1.1814184 1.1683297 1.1353562 1.102183\n", + " 1.0812103 1.0709841 1.0682132 1.066939 1.0623246 1.0536722 1.04613\n", + " 1.0428237 1.0449855 1.0498059 1.0548209 0. 0. ]\n", + " [1.1721036 1.1673136 1.1774337 1.1856284 1.1743845 1.1417395 1.1078224\n", + " 1.0854591 1.0741897 1.0710797 1.0694528 1.063066 1.0538099 1.0459616\n", + " 1.0423096 1.0443615 1.0493128 1.0541817 1.0565269 1.0573004]]\n", + "[[1.1676726 1.1653315 1.175443 1.1848478 1.1735196 1.1403929 1.1068656\n", + " 1.0839617 1.0718777 1.0681318 1.0660585 1.060138 1.0511949 1.043988\n", + " 1.041071 1.0428925 1.0480844 1.0524426 1.0547158 1.0555536]\n", + " [1.1862161 1.1811496 1.1911187 1.1976855 1.1831355 1.1472774 1.1114159\n", + " 1.088699 1.0787436 1.0780348 1.0782995 1.0729764 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1696279 1.1650594 1.1743097 1.1819173 1.1707242 1.137862 1.1029761\n", + " 1.0814581 1.0705827 1.0693967 1.0697088 1.0655732 1.0570735 1.0481931\n", + " 1.044281 1.0460838 0. 0. 0. 0. ]\n", + " [1.1660262 1.161922 1.1701499 1.176777 1.1654681 1.133021 1.1001903\n", + " 1.078195 1.067936 1.0656297 1.0654942 1.0609994 1.0530756 1.0455565\n", + " 1.042299 1.0438006 1.0486904 1.0531967 0. 0. ]\n", + " [1.1807361 1.1756608 1.1850542 1.194154 1.1815903 1.1485647 1.1136354\n", + " 1.0901777 1.0782939 1.0757954 1.074971 1.0706031 1.0620258 1.0533893\n", + " 1.0494368 1.0515054 0. 0. 0. 0. ]]\n", + "[[1.1728194 1.1688867 1.179753 1.1878009 1.1742376 1.1394689 1.1052377\n", + " 1.0830294 1.072608 1.0697485 1.0688479 1.0635449 1.0544143 1.0466359\n", + " 1.0433823 1.0450606 1.0504531 1.0552828 1.0577091 0. 0.\n", + " 0. ]\n", + " [1.1763539 1.1739537 1.1860044 1.1964365 1.1844068 1.1491513 1.1131583\n", + " 1.0890461 1.0771447 1.0736328 1.0720322 1.0663677 1.0574447 1.0492826\n", + " 1.0458275 1.0472208 1.0522704 1.0573776 1.0601767 1.0613878 0.\n", + " 0. ]\n", + " [1.1891004 1.1833552 1.1932583 1.2012635 1.188961 1.1543881 1.1185051\n", + " 1.094969 1.0836182 1.0821741 1.0824597 1.0766693 1.0664591 1.0566597\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1702853 1.1672813 1.1765498 1.185191 1.1733215 1.1409019 1.1086931\n", + " 1.0865189 1.0749476 1.0705814 1.0679489 1.0617304 1.0523775 1.045034\n", + " 1.0425451 1.0448495 1.0495045 1.0543077 1.0566276 1.0570657 1.0582705\n", + " 1.0618207]\n", + " [1.1744591 1.1735109 1.1848679 1.1919352 1.1801593 1.145851 1.1102542\n", + " 1.0870693 1.075704 1.0721697 1.0695759 1.0636283 1.0545231 1.0467335\n", + " 1.0436267 1.04552 1.0505235 1.0549402 1.0574765 1.0580485 1.059778\n", + " 0. ]]\n", + "[[1.1548816 1.1511123 1.1602541 1.1674292 1.1557988 1.1253414 1.0941535\n", + " 1.0740216 1.0651 1.0633261 1.0626996 1.0582211 1.0498728 1.0423617\n", + " 1.0391932 1.04071 1.0454924 0. 0. 0. 0. ]\n", + " [1.1603365 1.154588 1.1626055 1.1701068 1.1590486 1.1283433 1.0974159\n", + " 1.076984 1.0674505 1.0656404 1.0658325 1.0619751 1.0542701 1.0466104\n", + " 1.043227 0. 0. 0. 0. 0. 0. ]\n", + " [1.1718906 1.1686559 1.1789933 1.1876882 1.1758904 1.1425091 1.1082486\n", + " 1.0862983 1.0752386 1.0719007 1.070945 1.0659317 1.0565748 1.0483221\n", + " 1.0447675 1.0462182 1.0515612 1.0566503 0. 0. 0. ]\n", + " [1.1765082 1.1746261 1.185694 1.1958168 1.1842159 1.1506181 1.1154253\n", + " 1.0911885 1.0786474 1.0750825 1.0725694 1.066032 1.0560884 1.0480652\n", + " 1.0444808 1.0457029 1.0513179 1.0562421 1.0588785 1.0599124 1.0616962]\n", + " [1.1856405 1.1837553 1.1944873 1.2025347 1.1882796 1.1513441 1.1150723\n", + " 1.0909486 1.0794276 1.0758517 1.0744306 1.0685375 1.0586094 1.05\n", + " 1.0464121 1.0480574 1.0533472 1.0583978 1.0610192 1.0617291 0. ]]\n", + "[[1.174024 1.1711096 1.1818424 1.1906755 1.1755385 1.141279 1.1070951\n", + " 1.084204 1.0732098 1.0707859 1.0695097 1.063662 1.0540925 1.0465459\n", + " 1.0431437 1.044988 1.0501478 1.0553647 1.0579842]\n", + " [1.1655259 1.1623403 1.1716 1.180079 1.1682727 1.1357365 1.1031368\n", + " 1.0808754 1.0702763 1.0674397 1.0673814 1.0629056 1.0541477 1.0465541\n", + " 1.0430174 1.0450416 1.0507736 0. 0. ]\n", + " [1.1916282 1.1865046 1.1964189 1.2042766 1.1913509 1.1565158 1.1203275\n", + " 1.0963776 1.0855947 1.0832448 1.0839925 1.0779612 1.067098 1.0581119\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1550105 1.1522613 1.1623845 1.1713048 1.1599655 1.1286867 1.0973923\n", + " 1.0763872 1.0661563 1.0636791 1.0628479 1.0574151 1.049302 1.0416524\n", + " 1.0386425 1.0399227 1.0446645 1.0493345 0. ]\n", + " [1.1866006 1.1807652 1.1918977 1.2009479 1.1893891 1.1538337 1.1167746\n", + " 1.092488 1.081956 1.0805819 1.0811259 1.0761386 1.0658206 1.0560492\n", + " 1.051288 0. 0. 0. 0. ]]\n", + "[[1.1735265 1.1697168 1.179609 1.188385 1.1774194 1.1443448 1.1093088\n", + " 1.0855366 1.0756983 1.0741851 1.074636 1.0698528 1.0609295 1.0519447\n", + " 1.0479803 0. 0. 0. 0. 0. 0. ]\n", + " [1.194098 1.1888798 1.1996901 1.2088962 1.1955467 1.160488 1.123699\n", + " 1.0988361 1.0875217 1.0857304 1.0859715 1.080465 1.0695996 1.0599204\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1593673 1.1571629 1.1676476 1.1758479 1.1645207 1.1330291 1.1006818\n", + " 1.0789514 1.0683528 1.0643958 1.0622487 1.0566498 1.0486591 1.0417382\n", + " 1.0389547 1.0403396 1.0449519 1.0493693 1.0517305 1.0530336 1.0548459]\n", + " [1.1783452 1.1763477 1.1887659 1.1996326 1.186971 1.150929 1.1135268\n", + " 1.0888138 1.0762668 1.0730271 1.0709263 1.0648718 1.0557972 1.0478227\n", + " 1.0446185 1.0460669 1.0514868 1.056483 1.0588741 1.0595914 1.0609331]\n", + " [1.1844178 1.1798164 1.1910145 1.1998081 1.18789 1.1524011 1.1157906\n", + " 1.0914828 1.0809246 1.0793551 1.0798563 1.0752621 1.0649061 1.0555294\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1675082 1.1635071 1.1723422 1.1794903 1.1667231 1.1341405 1.1020145\n", + " 1.0809842 1.0716956 1.0695863 1.0684632 1.0633955 1.0543494 1.0463521\n", + " 1.0435464 1.0456039 1.0513537 0. 0. 0. 0. ]\n", + " [1.1630962 1.1596489 1.168615 1.1756353 1.1626588 1.1318605 1.1008419\n", + " 1.0800817 1.0695553 1.0659878 1.0636481 1.0580829 1.049724 1.0426387\n", + " 1.0399925 1.0416725 1.0466204 1.0513893 1.0539058 1.0549457 1.0567921]\n", + " [1.2019694 1.1960727 1.2062103 1.2156835 1.2005253 1.1634688 1.1247272\n", + " 1.1001623 1.0896375 1.0881963 1.0887227 1.0830624 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.158231 1.1547873 1.1648988 1.1731702 1.1604537 1.1278663 1.096317\n", + " 1.0755333 1.0663953 1.0641267 1.0641123 1.0594343 1.0512697 1.0438576\n", + " 1.0405449 1.0422515 1.0472361 0. 0. 0. 0. ]\n", + " [1.1860088 1.1816559 1.19111 1.1996739 1.1867805 1.152632 1.1162976\n", + " 1.0920038 1.0799737 1.0774246 1.0769479 1.0717261 1.0624849 1.0538468\n", + " 1.0501173 1.0520478 0. 0. 0. 0. 0. ]]\n", + "[[1.1959436 1.1917502 1.2006328 1.207802 1.1919827 1.1559074 1.1198903\n", + " 1.096325 1.085855 1.0842372 1.0853674 1.0799962 1.0691552 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1705916 1.16674 1.1774287 1.1867633 1.1739709 1.1401498 1.1052438\n", + " 1.0829293 1.0733315 1.072265 1.0737808 1.0691853 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1673368 1.1652642 1.1765021 1.1848987 1.1722431 1.1385483 1.1054536\n", + " 1.0831456 1.0722266 1.0683349 1.0665116 1.0606855 1.0515273 1.044475\n", + " 1.0417085 1.0432658 1.0487231 1.0527728 1.0556424 1.0564538 1.0582447]\n", + " [1.1538658 1.149389 1.1588326 1.1672089 1.1559228 1.1255294 1.0951734\n", + " 1.0753251 1.0661147 1.0641137 1.063628 1.059395 1.0511881 1.0436983\n", + " 1.0404 1.0422426 0. 0. 0. 0. 0. ]\n", + " [1.164272 1.1611987 1.1723586 1.1814233 1.1706208 1.1378099 1.1035935\n", + " 1.080936 1.0697932 1.0670162 1.0661507 1.0611514 1.0519813 1.0442501\n", + " 1.040789 1.042512 1.0472646 1.0519766 1.054147 0. 0. ]]\n", + "[[1.1677243 1.1656802 1.1759412 1.1840559 1.1729325 1.1398573 1.1046809\n", + " 1.0827036 1.0725384 1.0707271 1.0704949 1.0657681 1.0572695 1.0490712\n", + " 1.0453401 1.0471157 0. 0. 0. ]\n", + " [1.1741896 1.1703517 1.180548 1.188525 1.1750165 1.1413524 1.1075995\n", + " 1.0850754 1.075349 1.0734494 1.0730709 1.0686086 1.0595859 1.0509738\n", + " 1.0475097 0. 0. 0. 0. ]\n", + " [1.1955383 1.1907508 1.200367 1.2084141 1.1942226 1.1584842 1.1212977\n", + " 1.0962217 1.0854539 1.0829722 1.0819803 1.0768976 1.0667293 1.0571967\n", + " 1.0530169 0. 0. 0. 0. ]\n", + " [1.1853253 1.1812946 1.191298 1.199975 1.1871715 1.1529665 1.117324\n", + " 1.0930803 1.0809772 1.0771786 1.0756059 1.0690067 1.0596395 1.050852\n", + " 1.047171 1.048919 1.0546433 1.0599437 1.062331 ]\n", + " [1.1696944 1.1655705 1.1757771 1.1846052 1.174714 1.141933 1.1078361\n", + " 1.0836922 1.0723168 1.0687766 1.0688071 1.0637349 1.055121 1.0472702\n", + " 1.0439949 1.0456989 1.0508606 1.0560323 0. ]]\n", + "[[1.1653397 1.1607682 1.1691871 1.1769962 1.1644865 1.1328331 1.1016974\n", + " 1.0806075 1.0711834 1.0684901 1.068205 1.0633254 1.0544966 1.0467868\n", + " 1.0436962 1.0458513 0. 0. 0. 0. 0. ]\n", + " [1.1650504 1.1601615 1.167924 1.1754845 1.1637632 1.1315018 1.099947\n", + " 1.079466 1.0701858 1.0694214 1.0693357 1.0646908 1.0558009 1.0474424\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1959691 1.1898575 1.1988904 1.207166 1.193242 1.1579735 1.121152\n", + " 1.0967264 1.0859803 1.0851315 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1785874 1.1736276 1.183613 1.191789 1.1789712 1.1442482 1.1101128\n", + " 1.087869 1.076892 1.0747526 1.0742733 1.0689468 1.059629 1.0511845\n", + " 1.047421 1.0494714 0. 0. 0. 0. 0. ]\n", + " [1.1778586 1.17507 1.1869888 1.1967324 1.184202 1.149745 1.113425\n", + " 1.088938 1.0766233 1.072945 1.0708178 1.0653292 1.0563551 1.0482212\n", + " 1.0449665 1.0469998 1.0522503 1.0571553 1.0596588 1.0600194 1.061372 ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1839657 1.1809511 1.1917984 1.2007877 1.1885786 1.1522461 1.1146677\n", + " 1.0894557 1.0771366 1.0735894 1.0725584 1.0675486 1.0582423 1.0497558\n", + " 1.0464803 1.0482277 1.053562 1.0587568 1.0615838]\n", + " [1.1695201 1.1674415 1.1777576 1.1849675 1.1729809 1.1385943 1.1042916\n", + " 1.0819834 1.0709928 1.0686929 1.0679128 1.0625407 1.0536516 1.0460825\n", + " 1.0428056 1.0443633 1.049406 1.0541899 1.0567211]\n", + " [1.1769956 1.1695616 1.1776505 1.1848645 1.1727318 1.1410166 1.1072679\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.176288 1.171344 1.180728 1.1876128 1.1751134 1.14076 1.107006\n", + " 1.0850908 1.075159 1.0731649 1.0730777 1.0678625 1.0586853 1.0505161\n", + " 1.0469766 1.0495787 0. 0. 0. ]\n", + " [1.1725748 1.1664718 1.1750296 1.1823837 1.1709276 1.1388791 1.1057775\n", + " 1.0839725 1.0734217 1.0707126 1.0696285 1.0644603 1.0553778 1.0470427\n", + " 1.0440006 1.0462359 1.051796 1.0571482 0. ]]\n", + "[[1.1720941 1.167925 1.1780673 1.1864471 1.1753659 1.1421205 1.1076503\n", + " 1.0839225 1.072878 1.0701058 1.0701113 1.0655391 1.0570542 1.0490994\n", + " 1.0452942 1.0467433 1.0517409 0. ]\n", + " [1.1728439 1.1685772 1.1787516 1.1878581 1.1749909 1.1403624 1.1056094\n", + " 1.0831668 1.0738012 1.0727656 1.0739272 1.0696099 1.0601963 1.0514802\n", + " 0. 0. 0. 0. ]\n", + " [1.1682398 1.164812 1.1751052 1.1825178 1.1700501 1.1365354 1.1030648\n", + " 1.0804275 1.0706358 1.0685663 1.069811 1.0654243 1.0566232 1.0488323\n", + " 1.0450586 0. 0. 0. ]\n", + " [1.1741798 1.1694331 1.1805441 1.1901724 1.1796069 1.1458397 1.1098982\n", + " 1.0852783 1.074006 1.071535 1.0716405 1.0675173 1.0585319 1.0503854\n", + " 1.0462104 1.0475099 1.0527947 0. ]\n", + " [1.1742238 1.1685942 1.1771302 1.184567 1.1723783 1.1400726 1.1064172\n", + " 1.0838267 1.0730703 1.0708792 1.0695288 1.0646851 1.0560762 1.0477034\n", + " 1.0441579 1.0458729 1.0509366 1.055912 ]]\n", + "[[1.1728286 1.167805 1.1781926 1.1878409 1.1764843 1.1430976 1.1082239\n", + " 1.0852913 1.0746887 1.0735486 1.0739344 1.0698266 1.0606592 1.051796\n", + " 1.047638 0. 0. 0. 0. 0. ]\n", + " [1.1719124 1.1685561 1.1786395 1.1878802 1.1769836 1.1441132 1.1099252\n", + " 1.0865421 1.0764791 1.0738463 1.0738717 1.0695704 1.0598661 1.05052\n", + " 1.0465134 1.0484229 0. 0. 0. 0. ]\n", + " [1.179615 1.1770214 1.1885114 1.1976215 1.1857975 1.151159 1.1153806\n", + " 1.0905957 1.0783987 1.0741563 1.0724967 1.0662644 1.056867 1.0486417\n", + " 1.0450559 1.0465832 1.0517168 1.0566233 1.0591712 1.0602678]\n", + " [1.1733861 1.1702008 1.1808734 1.1902286 1.1783794 1.1452868 1.1105846\n", + " 1.086888 1.0760809 1.0725781 1.0712057 1.0651782 1.0557394 1.0477397\n", + " 1.044235 1.0455519 1.0508876 1.0557889 1.0584488 0. ]\n", + " [1.1652514 1.1608319 1.1699667 1.1782736 1.1661787 1.134378 1.1018876\n", + " 1.0797206 1.0693883 1.0668175 1.0659235 1.0620205 1.0544782 1.0465888\n", + " 1.043543 1.0449892 1.0500207 0. 0. 0. ]]\n", + "[[1.1771387 1.1737068 1.1840451 1.1923913 1.1785328 1.1436571 1.1087346\n", + " 1.0860709 1.0758641 1.0739079 1.0733675 1.0682813 1.0584773 1.0499364\n", + " 1.0460243 1.0479547 1.0537797 0. 0. ]\n", + " [1.1624715 1.1577184 1.1662582 1.1748537 1.163266 1.1311405 1.0989956\n", + " 1.0780035 1.0693405 1.068279 1.0689468 1.0647429 1.055861 1.0475869\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1775135 1.1699216 1.1775148 1.1852314 1.17369 1.1418052 1.1077852\n", + " 1.0864953 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1723789 1.1691275 1.1798725 1.1892338 1.177484 1.143277 1.1084096\n", + " 1.085383 1.075251 1.0738239 1.0742896 1.0701501 1.0604595 1.0512809\n", + " 1.047342 0. 0. 0. 0. ]\n", + " [1.1735656 1.1709704 1.1824801 1.1904695 1.17694 1.1429018 1.1085594\n", + " 1.0859036 1.0745822 1.0717137 1.069902 1.0645562 1.0554392 1.0469671\n", + " 1.0435209 1.0451179 1.0502212 1.054958 1.0574138]]\n", + "[[1.1926248 1.1865658 1.1959172 1.2042903 1.1914314 1.1563098 1.1198223\n", + " 1.0959628 1.0846655 1.0830038 1.0827187 1.0766519 1.0666164 1.0569311\n", + " 1.0527208 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1592442 1.1553581 1.1639559 1.1717627 1.1593281 1.1287693 1.0974003\n", + " 1.0762271 1.0658851 1.0633826 1.0621655 1.0567856 1.0494344 1.0423679\n", + " 1.0392079 1.0411918 1.0455143 1.0497023 1.0520754 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1534461 1.1485808 1.1581218 1.1673049 1.1571414 1.1271415 1.0963876\n", + " 1.0758685 1.0661516 1.0644178 1.0646455 1.0602233 1.0518523 1.0438888\n", + " 1.0403373 1.0420961 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1605568 1.1582518 1.1690671 1.1792079 1.1693918 1.1379322 1.1055686\n", + " 1.0833151 1.071914 1.0677912 1.0653743 1.0593106 1.0501783 1.0429626\n", + " 1.0401057 1.0420967 1.0472069 1.052201 1.0540153 1.0543578 1.0549868\n", + " 1.0583401 1.0652046 1.0750275]\n", + " [1.1494447 1.1448278 1.152752 1.160094 1.1496152 1.1204498 1.090465\n", + " 1.0713117 1.0618365 1.0595964 1.0598956 1.0567912 1.0494745 1.042645\n", + " 1.0392869 1.0409117 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1891448 1.1844844 1.1940392 1.2015963 1.1876447 1.1541871 1.1181201\n", + " 1.0945444 1.0829252 1.0802613 1.0791137 1.0738183 1.0641685 1.055042\n", + " 1.0507714 1.0531522 0. 0. ]\n", + " [1.1800588 1.1755457 1.1864239 1.197044 1.1858778 1.1511679 1.1147957\n", + " 1.0905881 1.0785986 1.0752445 1.0749989 1.0694453 1.0601376 1.0513638\n", + " 1.0471941 1.0488499 1.0541879 1.0595301]\n", + " [1.1680794 1.1641369 1.1734875 1.1819136 1.1698431 1.137309 1.1043085\n", + " 1.0827907 1.0737809 1.0727022 1.0731335 1.0680711 1.058516 1.0497735\n", + " 0. 0. 0. 0. ]\n", + " [1.1642524 1.159611 1.169762 1.1781173 1.1677557 1.1360538 1.1030539\n", + " 1.0809091 1.0708019 1.0687125 1.0683012 1.0633327 1.0545495 1.0464946\n", + " 1.0429643 1.0449082 0. 0. ]\n", + " [1.167706 1.1627356 1.1727787 1.1821251 1.1705599 1.1382705 1.1043552\n", + " 1.0825851 1.0728524 1.071342 1.0715405 1.06627 1.0571877 1.0484731\n", + " 1.0445276 0. 0. 0. ]]\n", + "[[1.1684465 1.1666212 1.1776695 1.1861589 1.1750358 1.142651 1.1087973\n", + " 1.0860085 1.074166 1.0701112 1.0679023 1.0617267 1.0529281 1.0455449\n", + " 1.0423967 1.044392 1.0495481 1.0541848 1.0565696 1.0571465 1.0587068\n", + " 1.0626224]\n", + " [1.1807384 1.1776772 1.1881714 1.1960768 1.1847942 1.1509861 1.1155516\n", + " 1.0908366 1.0789592 1.075143 1.0730897 1.0678033 1.0584656 1.0500084\n", + " 1.046702 1.0488334 1.0538743 1.0586767 1.0610543 0. 0.\n", + " 0. ]\n", + " [1.1715629 1.1693182 1.1809063 1.1903402 1.1775167 1.1430969 1.1085286\n", + " 1.0856856 1.0743326 1.071029 1.0692647 1.0631733 1.0534912 1.0457008\n", + " 1.0421131 1.0439738 1.0491544 1.0541906 1.0564687 1.0575145 0.\n", + " 0. ]\n", + " [1.1645374 1.1602421 1.1702124 1.1791651 1.1670922 1.1356376 1.1023788\n", + " 1.0802543 1.0701524 1.0686353 1.0683415 1.0642602 1.055726 1.047254\n", + " 1.0434974 1.0449761 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1503117 1.1466827 1.1560644 1.1631725 1.1514207 1.1221595 1.0920508\n", + " 1.0725518 1.0636605 1.0621521 1.0621303 1.0578117 1.0503771 1.0431834\n", + " 1.0397078 1.0416551 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1663642 1.1648606 1.1762068 1.1845725 1.1735356 1.1405034 1.1063676\n", + " 1.0828612 1.0714865 1.0673622 1.0662004 1.0608189 1.0520558 1.0450927\n", + " 1.0414758 1.0434994 1.0483551 1.0532892 1.0556252 1.0567503 0.\n", + " 0. ]\n", + " [1.1896383 1.186216 1.1960838 1.2058722 1.193062 1.1585131 1.1225959\n", + " 1.0973155 1.0840342 1.0787729 1.0759828 1.0692141 1.0592815 1.050879\n", + " 1.0477064 1.0499959 1.0558182 1.0605017 1.0634708 1.0643986 1.0657744\n", + " 1.0701858]\n", + " [1.1873037 1.1834084 1.1931887 1.2023224 1.1888565 1.154862 1.118451\n", + " 1.0946709 1.0823045 1.0783534 1.0767666 1.0703528 1.0604534 1.0511883\n", + " 1.0477792 1.0498521 1.0553833 1.0605816 1.0630071 0. 0.\n", + " 0. ]\n", + " [1.1606294 1.1550561 1.162381 1.169344 1.1581249 1.1283097 1.0980769\n", + " 1.0781538 1.0684099 1.0664978 1.0662324 1.0620731 1.0538923 1.0461341\n", + " 1.0430402 1.0449991 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1588914 1.1550283 1.1656282 1.1742209 1.1633377 1.1310942 1.0983324\n", + " 1.0769857 1.0668676 1.065188 1.0649303 1.0603708 1.0518631 1.0440134\n", + " 1.0403589 1.0417316 1.0468519 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.179623 1.1744078 1.1838694 1.1936728 1.1814965 1.1481119 1.1127567\n", + " 1.0902898 1.0789878 1.076106 1.076542 1.0710932 1.0611118 1.0517234\n", + " 1.0476716 1.0496112 0. 0. 0. ]\n", + " [1.1850536 1.1796544 1.1875868 1.1943457 1.1809893 1.1464869 1.1119156\n", + " 1.089504 1.0790876 1.076765 1.0769417 1.0721482 1.0623448 1.0535213\n", + " 1.0494184 1.0516499 0. 0. 0. ]\n", + " [1.173493 1.1704421 1.18079 1.1904154 1.1782643 1.1438369 1.1094198\n", + " 1.0858054 1.073968 1.0706346 1.0698367 1.0637943 1.0552232 1.0470587\n", + " 1.0436095 1.0449744 1.0500859 1.0549349 1.0575701]\n", + " [1.2087446 1.2032001 1.2131407 1.2211053 1.2064211 1.1684401 1.1286991\n", + " 1.1030341 1.091343 1.08935 1.088879 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1830606 1.1789124 1.1897987 1.1981792 1.1856836 1.151221 1.1154201\n", + " 1.0923761 1.0824013 1.0813489 1.082 1.0767572 1.0656675 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1622467 1.159038 1.1687329 1.1782771 1.1675991 1.1361884 1.1026862\n", + " 1.0808378 1.0703882 1.0689254 1.0692312 1.0651765 1.0567666 1.0487742\n", + " 1.0450225 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1601807 1.1572344 1.16771 1.1771399 1.1668701 1.1352596 1.1032299\n", + " 1.081423 1.0699852 1.0658258 1.0637379 1.0580156 1.050006 1.0431386\n", + " 1.040342 1.0425134 1.04718 1.0517167 1.0543426 1.05537 1.0566124\n", + " 1.0597987 1.0672238]\n", + " [1.1869768 1.1819773 1.1935098 1.2047051 1.1934727 1.1574628 1.1187434\n", + " 1.0928261 1.0801122 1.0779573 1.0782592 1.0736799 1.0638044 1.0544864\n", + " 1.0497633 1.0517993 1.0578203 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1865928 1.182676 1.1931334 1.2025063 1.1888168 1.1529053 1.1158888\n", + " 1.0910602 1.0790122 1.0759426 1.0747354 1.0690608 1.0597049 1.0510517\n", + " 1.0473213 1.049334 1.0551096 1.0606006 1.0634935 0. 0.\n", + " 0. 0. ]\n", + " [1.1746625 1.1709608 1.1819968 1.1912806 1.1792034 1.1450689 1.1099651\n", + " 1.0861151 1.0750653 1.0715303 1.0711467 1.0661652 1.056896 1.048677\n", + " 1.0450846 1.0469209 1.0522249 1.0574917 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1840471 1.1784294 1.1899179 1.1991043 1.1869607 1.1513209 1.1144122\n", + " 1.0899017 1.0793824 1.0778921 1.0785508 1.0735188 1.0634328 1.0540864\n", + " 1.0496722 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1518425 1.1489177 1.1592722 1.1689006 1.1576388 1.1278363 1.0974025\n", + " 1.0767936 1.0665858 1.0629846 1.0609033 1.0555226 1.0469704 1.0402911\n", + " 1.0374076 1.0391315 1.0443181 1.0487792 1.0515442 1.0525327 1.0540714\n", + " 1.0572695 1.0642146 1.073281 ]\n", + " [1.1790944 1.1742789 1.1837692 1.1917026 1.1801424 1.1462077 1.1118742\n", + " 1.0886766 1.0782275 1.075965 1.076143 1.0720354 1.0622804 1.0533376\n", + " 1.0492578 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1982228 1.1943879 1.2033348 1.2105768 1.1962095 1.1601027 1.1226826\n", + " 1.0970759 1.0840616 1.0799468 1.078111 1.0723741 1.062255 1.0540389\n", + " 1.0501177 1.0516193 1.0568085 1.0619487 1.0644712 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1750661 1.1720194 1.183418 1.1933073 1.181184 1.147108 1.1119578\n", + " 1.0876417 1.0753635 1.0711361 1.0691979 1.0632926 1.0542024 1.0464901\n", + " 1.0433075 1.0456053 1.0509297 1.0560768 1.0588043 1.0594794 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1690314 1.165161 1.1753784 1.1845386 1.1722902 1.1387993 1.1053487\n", + " 1.0828723 1.0717484 1.0685636 1.0666844 1.0608194 1.0522417 1.0448512\n", + " 1.0418885 1.0435785 1.0485055 1.0531834 1.0557165 1.0569377]\n", + " [1.1826335 1.1787343 1.1894898 1.1995184 1.1870061 1.1516575 1.115292\n", + " 1.0910106 1.0798237 1.0779804 1.0778282 1.0724763 1.0625682 1.0535188\n", + " 1.0494578 0. 0. 0. 0. 0. ]\n", + " [1.165884 1.163147 1.1734071 1.1822411 1.1704788 1.137943 1.1049602\n", + " 1.0824344 1.0708991 1.067985 1.0662507 1.0602523 1.0518106 1.044128\n", + " 1.0407718 1.0430954 1.0481508 1.0530498 1.0553519 0. ]\n", + " [1.1767898 1.1727339 1.1822958 1.1902094 1.1776754 1.1428694 1.1088243\n", + " 1.0857033 1.0736339 1.0699128 1.0679438 1.0623059 1.0541302 1.0469333\n", + " 1.0434953 1.045419 1.0506786 1.0554712 1.0583445 1.0595475]\n", + " [1.1591787 1.1549026 1.1641586 1.1727992 1.1627237 1.1324675 1.1002246\n", + " 1.0789161 1.068598 1.0658684 1.0651897 1.0604701 1.0520889 1.0444489\n", + " 1.0409817 1.0424713 1.0474846 1.0520445 0. 0. ]]\n", + "[[1.1776615 1.173814 1.1854777 1.1945684 1.1833864 1.1485527 1.1108449\n", + " 1.0869699 1.0754726 1.0737393 1.0735126 1.0689883 1.0597279 1.0509274\n", + " 1.0467172 1.0485013 1.0537384 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1907009 1.1864742 1.1987822 1.2087431 1.1944172 1.1576018 1.119679\n", + " 1.094856 1.0840318 1.0828971 1.0833478 1.0785239 1.0682929 1.0582572\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.161986 1.1574216 1.1671233 1.1760256 1.1655773 1.1344392 1.1020476\n", + " 1.0801563 1.0706677 1.068043 1.0679734 1.0632491 1.0540185 1.0456759\n", + " 1.0418228 1.0434823 1.04842 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1670004 1.1632288 1.1751399 1.1873152 1.1784577 1.1455706 1.1106162\n", + " 1.0864344 1.0747907 1.07124 1.0695996 1.0637052 1.054083 1.0463959\n", + " 1.0432036 1.0452753 1.0508751 1.0559988 1.0586097 1.0594952 1.0605848\n", + " 1.0639882 1.0711565 1.0811919 1.0895783 1.0945714 1.0963675 1.0927804\n", + " 1.0840461 1.0734171]\n", + " [1.1753764 1.1712792 1.1815852 1.1894532 1.1775446 1.1434116 1.1071149\n", + " 1.0847551 1.0743885 1.0723746 1.0727873 1.0677516 1.0589594 1.04984\n", + " 1.0453954 1.0472673 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1630763 1.1607274 1.1706928 1.179364 1.1667969 1.1334695 1.1008362\n", + " 1.0792773 1.0684679 1.0663979 1.0652964 1.060268 1.0516496 1.0443434\n", + " 1.0404998 1.0421973 1.0469854 1.0516468 1.0536164 0. 0.\n", + " 0. ]\n", + " [1.1533798 1.1504354 1.1606995 1.1694887 1.1586784 1.1281817 1.0965433\n", + " 1.0752367 1.0654367 1.0627749 1.0621426 1.0578898 1.0496107 1.0420933\n", + " 1.0389906 1.0403003 1.0447481 1.0496812 0. 0. 0.\n", + " 0. ]\n", + " [1.1553208 1.1505908 1.1572545 1.1640446 1.1528196 1.124174 1.0948744\n", + " 1.0746022 1.064433 1.0609602 1.0607563 1.0566629 1.049315 1.0430434\n", + " 1.0395206 1.0413606 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.146894 1.1436983 1.1529958 1.1615698 1.1504011 1.121744 1.0913826\n", + " 1.0717665 1.062008 1.0601784 1.0599676 1.0556047 1.0479027 1.0407456\n", + " 1.0380877 1.0393912 1.0440447 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1590233 1.1578907 1.1690211 1.1784992 1.1669692 1.1355875 1.1030122\n", + " 1.0804881 1.0685023 1.0651311 1.0626128 1.0574433 1.0494385 1.0424821\n", + " 1.0395027 1.0410058 1.0454587 1.050146 1.0524945 1.0534754 1.0549936\n", + " 1.0581685]]\n", + "[[1.1763631 1.1735225 1.1855757 1.1951182 1.1829952 1.1482934 1.111938\n", + " 1.0877557 1.0760654 1.0726112 1.0710999 1.0656346 1.0568235 1.0484033\n", + " 1.0447339 1.0463196 1.0510997 1.0559886 1.0582061 1.0590175 0. ]\n", + " [1.160239 1.1580609 1.1675146 1.1766224 1.1656642 1.1354903 1.103102\n", + " 1.0810645 1.0708281 1.0678052 1.0663316 1.0614961 1.0524615 1.0445706\n", + " 1.0411559 1.0427321 1.0475779 1.052591 0. 0. 0. ]\n", + " [1.1687878 1.1668844 1.178014 1.1884648 1.1771725 1.1436931 1.1092217\n", + " 1.0857978 1.073691 1.0700411 1.0678974 1.0616373 1.053083 1.0452547\n", + " 1.0415518 1.0434371 1.0481405 1.0531865 1.0556802 1.0569924 1.058624 ]\n", + " [1.1710991 1.1657771 1.1738462 1.17938 1.1676617 1.1353041 1.102634\n", + " 1.0810717 1.0711138 1.0684445 1.0673445 1.0626371 1.0542862 1.0462472\n", + " 1.0430709 1.0448651 1.0500379 1.0553309 0. 0. 0. ]\n", + " [1.1772989 1.1748337 1.1865648 1.1954069 1.1831819 1.1488117 1.1130655\n", + " 1.0883615 1.0766773 1.0733552 1.0709298 1.0657562 1.0563818 1.0482222\n", + " 1.0442761 1.0460693 1.0512835 1.0561168 1.0588053 1.0596981 0. ]]\n", + "[[1.1664274 1.1641579 1.175449 1.1839918 1.1722969 1.1388292 1.104422\n", + " 1.0821126 1.0712432 1.0690749 1.0684524 1.0635129 1.0545517 1.046612\n", + " 1.0430396 1.0447356 1.0499549 1.0554962]\n", + " [1.1555537 1.1517572 1.1613294 1.1697644 1.158067 1.1273787 1.0958297\n", + " 1.0752054 1.0656772 1.0634836 1.0637612 1.0598651 1.0517952 1.0444403\n", + " 1.0411221 1.0431458 0. 0. ]\n", + " [1.1587802 1.1554142 1.1661942 1.174489 1.1627876 1.1313188 1.0989538\n", + " 1.0769732 1.0676162 1.0658063 1.0662093 1.0617454 1.0527896 1.0454315\n", + " 1.0418078 1.0438379 0. 0. ]\n", + " [1.1686585 1.1646602 1.1745179 1.1838747 1.1727933 1.1401347 1.1060191\n", + " 1.0839884 1.0736455 1.0723178 1.0731438 1.0680649 1.0591075 1.0500994\n", + " 1.0461326 0. 0. 0. ]\n", + " [1.1684109 1.1644437 1.1755291 1.1841562 1.1727698 1.1383361 1.1047295\n", + " 1.0823224 1.0718216 1.0709151 1.0706882 1.0660251 1.0571024 1.0486009\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1702063 1.167799 1.1774619 1.1856182 1.1730435 1.1388538 1.1054057\n", + " 1.0829406 1.0733644 1.0714879 1.0718677 1.067044 1.0579237 1.0494286\n", + " 1.0457757 1.048031 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1647344 1.162633 1.1745821 1.1850946 1.1734822 1.1407241 1.1061174\n", + " 1.0826325 1.0707402 1.0667235 1.064789 1.0585781 1.0497816 1.042633\n", + " 1.0394493 1.041056 1.0459945 1.0504425 1.0532912 1.0540854 1.0554817\n", + " 1.0586815]\n", + " [1.1763437 1.171699 1.1808004 1.1888199 1.1778136 1.1450524 1.1110327\n", + " 1.0879871 1.077385 1.0749311 1.0742931 1.0696266 1.060115 1.0517925\n", + " 1.0479594 1.0502694 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1680791 1.166485 1.1773694 1.1867026 1.1742743 1.1413077 1.10789\n", + " 1.0851979 1.073688 1.0695364 1.0673947 1.0613937 1.0525192 1.0448935\n", + " 1.0417453 1.0440589 1.0484718 1.0534732 1.0556426 1.0565064 1.0580461\n", + " 1.0621619]\n", + " [1.1708353 1.1664039 1.1763669 1.1860156 1.1753439 1.1428764 1.1084461\n", + " 1.0855851 1.0746523 1.0723553 1.0719233 1.0670961 1.058268 1.0495785\n", + " 1.0455583 1.047434 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.223357 1.2173319 1.2273571 1.2376071 1.2240366 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1821107 1.1794319 1.191693 1.2020702 1.1885519 1.1526408 1.1156871\n", + " 1.0907623 1.0789696 1.076071 1.0754505 1.0701363 1.0599387 1.0513825\n", + " 1.0475016 1.0492257 1.0544659 1.059984 1.0625215 0. 0. ]\n", + " [1.1795117 1.1779314 1.1890566 1.1969084 1.182864 1.1471332 1.111544\n", + " 1.0881611 1.0769312 1.0740833 1.0723166 1.0668387 1.0572025 1.0485835\n", + " 1.0451002 1.0469797 1.0522449 1.0576078 1.0598702 0. 0. ]\n", + " [1.1719381 1.166983 1.1754917 1.1831652 1.1701493 1.137408 1.1042314\n", + " 1.0824499 1.072462 1.0711168 1.0712155 1.0671605 1.0585607 1.0504669\n", + " 1.0467789 0. 0. 0. 0. 0. 0. ]\n", + " [1.1751677 1.1702294 1.1800263 1.1892225 1.1764896 1.1439823 1.1092974\n", + " 1.0857219 1.0738007 1.0696547 1.0676568 1.062142 1.053584 1.0463006\n", + " 1.0425858 1.0445545 1.0494844 1.05464 1.0574274 1.0585375 1.0601281]]\n", + "[[1.1770273 1.172989 1.1830988 1.1919166 1.1785127 1.1452936 1.1107552\n", + " 1.0868113 1.0767078 1.0742083 1.0739563 1.0683964 1.058896 1.0503603\n", + " 1.0464119 1.0482321 1.0540107 0. 0. 0. 0. ]\n", + " [1.1770577 1.1727953 1.1831152 1.1909487 1.1785536 1.1449429 1.1107056\n", + " 1.0881482 1.0760667 1.0716834 1.0692904 1.0633216 1.0541779 1.0466151\n", + " 1.0432241 1.0452797 1.0507641 1.056123 1.0588992 1.0600466 1.0618681]\n", + " [1.2385999 1.2302428 1.2404225 1.2494471 1.233779 1.1931965 1.1504954\n", + " 1.1210722 1.107768 1.1053003 1.1052687 1.0978334 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1823885 1.1780739 1.1883903 1.1965657 1.1842161 1.1496532 1.1129868\n", + " 1.0898914 1.0788742 1.076219 1.0762409 1.0708036 1.0609938 1.0518696\n", + " 1.0478777 1.0497665 1.0555571 0. 0. 0. 0. ]\n", + " [1.1855559 1.1810147 1.1910448 1.1994941 1.1871985 1.1528863 1.1175456\n", + " 1.0931146 1.0811281 1.0780035 1.0780215 1.0731686 1.063098 1.0543485\n", + " 1.0501305 1.0521073 1.0580969 0. 0. 0. 0. ]]\n", + "[[1.180642 1.1750549 1.1843414 1.1928177 1.1816318 1.1486776 1.1131426\n", + " 1.0902448 1.0794588 1.0777289 1.0777655 1.0730063 1.0639715 1.0549525\n", + " 1.0504948 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1698073 1.1668854 1.1770607 1.1865947 1.1744192 1.1406245 1.1054761\n", + " 1.0831765 1.0723146 1.0699663 1.0688357 1.0640719 1.0550827 1.0470581\n", + " 1.0427394 1.0445464 1.0496364 1.0546852 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1541176 1.1509106 1.1619607 1.1723317 1.1622953 1.1318537 1.0995054\n", + " 1.0776243 1.0669372 1.0637524 1.0625858 1.0572953 1.0482275 1.0408362\n", + " 1.037525 1.0390829 1.0441781 1.0489147 1.0513515 1.0520144 0.\n", + " 0. 0. ]\n", + " [1.206823 1.1987969 1.2080418 1.2165964 1.2047849 1.1690943 1.1313403\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1734099 1.1710976 1.1815896 1.1914759 1.1794171 1.1475028 1.1134903\n", + " 1.0902284 1.0775648 1.072831 1.070263 1.064185 1.0544393 1.0467569\n", + " 1.0438411 1.0459502 1.0511457 1.0559459 1.0584754 1.0592194 1.0601432\n", + " 1.0636041 1.0708767]]\n", + "[[1.1852019 1.1796722 1.188621 1.1962614 1.1816784 1.1471272 1.1134341\n", + " 1.0911597 1.0812635 1.0804452 1.080039 1.0746622 1.0639012 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1583703 1.1537123 1.1635069 1.1713177 1.1598046 1.12785 1.0955522\n", + " 1.0754323 1.0665897 1.0661591 1.0665232 1.0621833 1.0531464 1.045062\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1547501 1.1521423 1.1623198 1.1713381 1.1610837 1.129438 1.0980606\n", + " 1.0770905 1.0669043 1.0632722 1.0610771 1.0552129 1.0467057 1.0397047\n", + " 1.0370036 1.0386838 1.0438572 1.0488532 1.0521455 1.053041 1.0541413\n", + " 1.0574194 1.0638437 1.0726146 1.0794759 1.0830754]\n", + " [1.1826942 1.1774096 1.1882498 1.1978915 1.1866179 1.1521422 1.1170015\n", + " 1.0931491 1.0822054 1.080405 1.0806404 1.075566 1.0657945 1.0564289\n", + " 1.0520312 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1565533 1.1538216 1.1641945 1.1732575 1.1619804 1.130369 1.0987148\n", + " 1.0771966 1.0673792 1.0644635 1.0637866 1.0590488 1.0504415 1.043197\n", + " 1.0396987 1.0413612 1.0461863 1.0510148 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1773212 1.172655 1.1816583 1.1907873 1.1774299 1.1430174 1.1078904\n", + " 1.0854719 1.0757626 1.0745995 1.075079 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.156469 1.1528721 1.1635292 1.1719735 1.1615885 1.1308235 1.0993526\n", + " 1.0782377 1.0671594 1.0639423 1.0623415 1.0567961 1.0487145 1.041551\n", + " 1.0384305 1.0400572 1.0446186 1.0492462 1.0515552 1.0524716 1.0538517]\n", + " [1.1805614 1.1761073 1.1849194 1.1926389 1.1811454 1.1481062 1.1129146\n", + " 1.0894129 1.077839 1.0754892 1.0752407 1.0705612 1.0611935 1.0529715\n", + " 1.0491863 1.0515337 0. 0. 0. 0. 0. ]\n", + " [1.1823635 1.1776733 1.188003 1.1970117 1.1853476 1.1504107 1.113853\n", + " 1.0906026 1.079686 1.0773957 1.0778692 1.0728487 1.0634407 1.0544083\n", + " 1.0498722 1.051527 0. 0. 0. 0. 0. ]\n", + " [1.2110484 1.2050238 1.2161595 1.2246858 1.2096289 1.1690842 1.1286066\n", + " 1.1019768 1.0903296 1.0894085 1.0902305 1.0845472 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1955578 1.1905476 1.2011187 1.2101055 1.1981064 1.1614994 1.1225471\n", + " 1.0968243 1.0845987 1.0811695 1.0798415 1.0739735 1.0634503 1.0546957\n", + " 1.050589 1.0529242 1.0598555 1.0659852 0. ]\n", + " [1.161733 1.1583631 1.1695367 1.1793073 1.1677566 1.1347735 1.1009469\n", + " 1.0790633 1.0693213 1.067077 1.0668551 1.0619391 1.0532625 1.0449116\n", + " 1.0413046 1.0429536 1.0481093 0. 0. ]\n", + " [1.1647642 1.1631216 1.1731621 1.1823401 1.1703846 1.1381139 1.1046224\n", + " 1.081902 1.0709436 1.0674845 1.0660429 1.0610783 1.0522895 1.0445346\n", + " 1.0414938 1.0430992 1.0479704 1.0530015 1.0554361]\n", + " [1.1747141 1.1691365 1.1785063 1.1864984 1.1741478 1.1418694 1.1087749\n", + " 1.085995 1.0757431 1.0731683 1.0720676 1.0672488 1.0583484 1.0499531\n", + " 1.0461007 1.0484004 0. 0. 0. ]\n", + " [1.2140539 1.2070532 1.2156862 1.2237967 1.2085968 1.1706369 1.1307853\n", + " 1.1044203 1.0923182 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1735718 1.1687136 1.1784467 1.1866441 1.1754583 1.1428534 1.1090221\n", + " 1.0867115 1.0763104 1.0738008 1.0743215 1.0698454 1.0611491 1.0522256\n", + " 1.0483775 0. 0. 0. 0. 0. ]\n", + " [1.177038 1.174252 1.1850882 1.1950202 1.182429 1.1476376 1.1120825\n", + " 1.0879655 1.0763491 1.0733117 1.071747 1.0669919 1.0580884 1.0494397\n", + " 1.0453824 1.0471383 1.051946 1.0570894 1.059355 0. ]\n", + " [1.1573982 1.1541036 1.1635625 1.1711345 1.1595107 1.1284815 1.0972995\n", + " 1.0766615 1.0663111 1.0629656 1.0617802 1.0560694 1.0481311 1.0409331\n", + " 1.0379643 1.0397874 1.0445616 1.0490257 1.0516659 1.0528207]\n", + " [1.1974908 1.1948333 1.2062106 1.2151009 1.197906 1.1586488 1.1202562\n", + " 1.0958087 1.0854353 1.0843264 1.0850544 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1627967 1.1591069 1.1687518 1.1777352 1.1660922 1.1347089 1.1019719\n", + " 1.080416 1.0703192 1.0678539 1.0670286 1.0624635 1.0538877 1.0456334\n", + " 1.0423305 1.0438743 1.048954 0. 0. 0. ]]\n", + "[[1.1932629 1.1891116 1.1985278 1.207975 1.1940607 1.1580222 1.1211147\n", + " 1.0962222 1.0845982 1.0813656 1.0809675 1.0748875 1.064898 1.0547279\n", + " 1.0505104 1.0523171 1.0586836 0. 0. ]\n", + " [1.1653215 1.1624207 1.1712896 1.1790507 1.1659205 1.1340419 1.1010646\n", + " 1.0793514 1.0690253 1.0658107 1.0649743 1.060073 1.0524036 1.0449433\n", + " 1.0413241 1.0429702 1.0474114 1.0522704 0. ]\n", + " [1.1831703 1.1798382 1.1914762 1.2004892 1.1881627 1.15245 1.1159974\n", + " 1.0907705 1.079073 1.0752089 1.0730455 1.0675812 1.0584209 1.0502883\n", + " 1.0466058 1.0486631 1.0539966 1.0591516 1.0616232]\n", + " [1.2111373 1.2057557 1.2165015 1.2252023 1.2105887 1.1710315 1.1310221\n", + " 1.1044768 1.0933181 1.0916518 1.091729 1.085297 1.0733523 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1991804 1.1940395 1.2037376 1.2124945 1.199031 1.1620418 1.1238476\n", + " 1.0988915 1.0870235 1.084697 1.0841779 1.0788863 1.0683178 1.0582596\n", + " 1.0541905 0. 0. 0. 0. ]]\n", + "[[1.1591263 1.1566951 1.1672919 1.176568 1.1649474 1.1329887 1.100294\n", + " 1.0784743 1.0676051 1.0644559 1.0632044 1.0576872 1.049171 1.0420009\n", + " 1.0382943 1.039795 1.0445405 1.0490681 1.0517001 1.0531943]\n", + " [1.1772053 1.1725466 1.1804417 1.1876446 1.1747181 1.1419153 1.1084341\n", + " 1.0859529 1.0747577 1.0703908 1.0683973 1.0624075 1.053099 1.0458449\n", + " 1.0432459 1.0451747 1.0507467 1.0554029 1.0579166 1.0589646]\n", + " [1.1594379 1.1542315 1.1624923 1.1694314 1.1575586 1.127098 1.0965812\n", + " 1.0764997 1.0668111 1.064502 1.0642428 1.059915 1.0521116 1.0443349\n", + " 1.0413007 1.0432053 1.0482651 0. 0. 0. ]\n", + " [1.184492 1.1787945 1.1885786 1.1965764 1.182394 1.1478927 1.1128607\n", + " 1.0896775 1.0793656 1.0781479 1.0780468 1.073711 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1707821 1.1662415 1.1760187 1.1843851 1.1736904 1.1408347 1.1071316\n", + " 1.0844907 1.0737879 1.0719795 1.0715789 1.0671165 1.0580423 1.0495062\n", + " 1.0456804 1.047613 0. 0. 0. 0. ]]\n", + "[[1.1700906 1.1683089 1.1783638 1.187488 1.1749662 1.1400067 1.106136\n", + " 1.0839261 1.0727509 1.0694252 1.0684292 1.0622115 1.0539953 1.0460448\n", + " 1.0427738 1.0447353 1.0494615 1.05439 1.0568664 1.0577579 0. ]\n", + " [1.1952047 1.1915507 1.2008855 1.2104548 1.1965134 1.159852 1.1220857\n", + " 1.0965406 1.0840008 1.0795933 1.0784835 1.0730162 1.0627263 1.0533867\n", + " 1.0492458 1.0515221 1.0569843 1.0618559 1.0653534 0. 0. ]\n", + " [1.1602199 1.1573951 1.1670033 1.176373 1.1657805 1.134758 1.101996\n", + " 1.0806828 1.0704075 1.0683918 1.0686522 1.0634004 1.0545889 1.0460459\n", + " 1.0420315 1.0438442 0. 0. 0. 0. 0. ]\n", + " [1.1585691 1.1562124 1.1665094 1.1759707 1.1648676 1.1332281 1.1002935\n", + " 1.0791659 1.0698503 1.0679415 1.0675026 1.0631361 1.0546545 1.0464878\n", + " 1.042935 0. 0. 0. 0. 0. 0. ]\n", + " [1.1595986 1.1577168 1.1679393 1.1759653 1.1647704 1.1328149 1.10074\n", + " 1.0792543 1.0689179 1.0653939 1.0633463 1.0580196 1.0495827 1.0427996\n", + " 1.0396618 1.041758 1.0464984 1.0510659 1.0531139 1.0539986 1.0554127]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1645429 1.1619864 1.1732857 1.18124 1.1699908 1.1371738 1.1041079\n", + " 1.081416 1.0704446 1.0673428 1.0656189 1.0600073 1.0517879 1.04442\n", + " 1.0410749 1.0426563 1.0473554 1.0518861 1.0541136 1.0546908 1.056182\n", + " 0. 0. 0. ]\n", + " [1.1601344 1.1565918 1.1664981 1.1750306 1.163054 1.1308825 1.0984664\n", + " 1.0767415 1.0670286 1.0652386 1.0651978 1.0597245 1.0512366 1.0431172\n", + " 1.0394386 1.0408554 1.0457495 1.0505338 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2057104 1.1997825 1.2094145 1.2179232 1.2040402 1.165201 1.1257914\n", + " 1.1008914 1.0892777 1.0869615 1.0874431 1.0822355 1.0714995 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.170338 1.1676519 1.1782898 1.1867605 1.1732783 1.1402358 1.1057901\n", + " 1.0826882 1.0723702 1.0701197 1.0688835 1.0643948 1.0552067 1.047059\n", + " 1.0434632 1.045059 1.0499634 1.0550661 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1701466 1.1666529 1.1774994 1.1872367 1.176073 1.1438824 1.1099117\n", + " 1.0870701 1.0753933 1.0714371 1.0691965 1.0626348 1.0528892 1.0453973\n", + " 1.0423148 1.044452 1.0501957 1.0552306 1.0573515 1.0578549 1.0587888\n", + " 1.0624521 1.0702306 1.0800256]]\n", + "[[1.19798 1.1941202 1.205242 1.2134451 1.2003284 1.1650391 1.127479\n", + " 1.10176 1.088052 1.0835587 1.0808417 1.0735106 1.0636427 1.0550742\n", + " 1.0510275 1.0534775 1.0589502 1.0647292 1.0674171 1.0682601 0.\n", + " 0. 0. ]\n", + " [1.1814382 1.1773158 1.1877719 1.1975152 1.1854498 1.1503899 1.1135523\n", + " 1.088856 1.0772134 1.0741773 1.074161 1.0693096 1.0605593 1.051792\n", + " 1.0478902 1.0493923 1.0542729 1.0593878 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1612657 1.1583735 1.1686236 1.1785786 1.1676906 1.1361523 1.1035757\n", + " 1.0817478 1.0705225 1.0662516 1.0644833 1.0588344 1.0502332 1.0430063\n", + " 1.04021 1.0418775 1.0466806 1.0516949 1.0536901 1.0544224 1.0554142\n", + " 1.058814 1.0656579]\n", + " [1.173821 1.1711649 1.1823635 1.1904716 1.1770573 1.143717 1.1090932\n", + " 1.0856322 1.0744176 1.0709263 1.0691036 1.0639446 1.0549725 1.0470111\n", + " 1.0435319 1.0453205 1.0502287 1.0549972 1.0576155 0. 0.\n", + " 0. 0. ]\n", + " [1.1717473 1.1682522 1.1786361 1.1866534 1.1751152 1.1425252 1.1087421\n", + " 1.0860006 1.0747541 1.0706761 1.0684277 1.0628169 1.0539196 1.0460099\n", + " 1.0423716 1.0442417 1.0492196 1.0538697 1.0560045 1.0572306 0.\n", + " 0. 0. ]]\n", + "[[1.1644592 1.1628745 1.1733665 1.1830602 1.1714492 1.1388111 1.10408\n", + " 1.0820497 1.070978 1.0687337 1.0687506 1.0640885 1.0552375 1.0474806\n", + " 1.0439017 1.0453753 1.0501215 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1733327 1.1696519 1.1798575 1.1881078 1.1754012 1.1427896 1.1092877\n", + " 1.086407 1.0744768 1.0712776 1.0696397 1.0635381 1.0547743 1.0470643\n", + " 1.0432265 1.0449666 1.0494721 1.054358 1.0568595 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1639996 1.1600853 1.1703167 1.1792159 1.1677958 1.1347703 1.1012708\n", + " 1.0790132 1.0683485 1.0659833 1.0662878 1.0620078 1.0536036 1.0462258\n", + " 1.0427763 1.0448962 1.0506519 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1513472 1.1485611 1.1579014 1.1664691 1.1556396 1.1259207 1.0952277\n", + " 1.0755628 1.0653199 1.0616502 1.0593914 1.053806 1.0454564 1.0388817\n", + " 1.0362349 1.0383396 1.0431404 1.0478368 1.0500274 1.0508648 1.0522573\n", + " 1.055532 1.0618922 1.0711281]\n", + " [1.1699009 1.1638079 1.1721681 1.1805464 1.1693087 1.1377381 1.1047988\n", + " 1.0825742 1.0728673 1.0706036 1.0705601 1.0662417 1.0576301 1.049269\n", + " 1.0456042 1.0475059 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1679509 1.16423 1.1742958 1.1816928 1.16998 1.1373347 1.103742\n", + " 1.080846 1.0705318 1.0674859 1.0664692 1.0615007 1.0533648 1.0459553\n", + " 1.0428976 1.0444798 1.0497459 1.054898 1.0579566]\n", + " [1.1649194 1.1612505 1.1703746 1.1782875 1.1667839 1.1352406 1.1025916\n", + " 1.080548 1.0699332 1.0668734 1.0657821 1.0614458 1.05309 1.0453238\n", + " 1.0421091 1.0437719 1.0491147 1.054484 0. ]\n", + " [1.1879703 1.1834439 1.1925867 1.1996584 1.1881219 1.1523226 1.1162214\n", + " 1.0912608 1.0794915 1.075838 1.0733584 1.0682297 1.0588595 1.0504919\n", + " 1.0473528 1.0496597 1.0551903 1.060313 0. ]\n", + " [1.1770694 1.1742752 1.1839747 1.1921009 1.180026 1.1466922 1.1117284\n", + " 1.0885309 1.077954 1.0751742 1.0737547 1.0684283 1.0587717 1.0501152\n", + " 1.0469534 1.0492878 1.055123 0. 0. ]\n", + " [1.1752911 1.1699307 1.1792171 1.1875935 1.1765004 1.1444293 1.1107279\n", + " 1.0875548 1.0764843 1.0741549 1.0740424 1.0693629 1.0604736 1.0520778\n", + " 1.0483972 0. 0. 0. 0. ]]\n", + "[[1.1675985 1.163038 1.1734798 1.1832669 1.1718932 1.1386547 1.1055543\n", + " 1.0834179 1.0732565 1.0707208 1.070848 1.0659671 1.056562 1.0481986\n", + " 1.0440415 1.0455872 1.0507902 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1647258 1.1629883 1.1734208 1.1826462 1.1718874 1.139509 1.1057097\n", + " 1.083022 1.071953 1.0680676 1.0660689 1.0600805 1.0518031 1.0443028\n", + " 1.0409305 1.0428324 1.0473332 1.0524017 1.0548457 1.0556408 1.0573978\n", + " 1.0605886]\n", + " [1.19238 1.1857082 1.1945909 1.2028885 1.1907798 1.1557329 1.118991\n", + " 1.0953319 1.0840315 1.0822301 1.0817034 1.0759891 1.0652086 1.0556726\n", + " 1.051534 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1642456 1.1604514 1.1707617 1.1793863 1.1677902 1.136145 1.1028736\n", + " 1.081246 1.0711135 1.0687386 1.0688711 1.0641332 1.0556946 1.0474595\n", + " 1.0437216 1.0452311 1.0503962 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1635107 1.1595569 1.1697806 1.1779454 1.1670669 1.1348339 1.1020812\n", + " 1.0806928 1.0700455 1.067543 1.0665345 1.0619702 1.0531142 1.0450222\n", + " 1.041865 1.0433612 1.0482106 1.0529814 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1527797 1.1519753 1.1625689 1.1736333 1.1636248 1.1321388 1.0997827\n", + " 1.0781075 1.0672075 1.063069 1.0612811 1.055413 1.0473198 1.0401238\n", + " 1.0371685 1.0390284 1.0435078 1.0484622 1.0516081 1.0524755 1.053566\n", + " 1.0566396 1.0628319 1.0716376]\n", + " [1.202096 1.1987128 1.2109078 1.221224 1.208024 1.1711255 1.1323596\n", + " 1.1048201 1.0906334 1.0855043 1.0828428 1.0758855 1.0655502 1.0563086\n", + " 1.0523313 1.054351 1.0601757 1.0659813 1.0686046 1.0695369 1.0712495\n", + " 0. 0. 0. ]\n", + " [1.1738734 1.1708357 1.1825085 1.1920507 1.1797497 1.1449572 1.1091748\n", + " 1.08576 1.0751148 1.0720627 1.070917 1.0648506 1.0556071 1.047458\n", + " 1.0433469 1.045074 1.0501239 1.05494 1.057568 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2088846 1.2041113 1.2160746 1.2253525 1.2088422 1.1688054 1.1282942\n", + " 1.1018252 1.0909023 1.089733 1.090295 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1862639 1.1826758 1.1948979 1.2049333 1.1904738 1.1525533 1.1149168\n", + " 1.0909178 1.0809493 1.0801452 1.0810362 1.0752839 1.0647134 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1901407 1.1863362 1.1976507 1.2075583 1.1948054 1.1594051 1.1218754\n", + " 1.0965216 1.083907 1.0804367 1.0785306 1.0729343 1.0628518 1.0538287\n", + " 1.0499316 1.0516206 1.0571592 1.0625058 1.0650785 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1565261 1.1538607 1.1649011 1.1753434 1.1650645 1.1339072 1.1014483\n", + " 1.0795623 1.0685894 1.064727 1.0624319 1.057177 1.0486015 1.0415188\n", + " 1.0387082 1.0404525 1.0455593 1.0501192 1.0526241 1.0531074 1.0544086\n", + " 1.0573413 1.063682 1.0731456 1.0807166]\n", + " [1.1708927 1.1675502 1.1783631 1.1878436 1.1751325 1.1431144 1.1094435\n", + " 1.0857618 1.0746022 1.0706389 1.0685287 1.0620618 1.053481 1.0456104\n", + " 1.0424223 1.0439293 1.0491242 1.0538456 1.0556781 1.056423 1.0577226\n", + " 0. 0. 0. 0. ]\n", + " [1.1974207 1.194299 1.2039747 1.2117673 1.199495 1.16202 1.1240535\n", + " 1.0987906 1.0855775 1.0823468 1.0806979 1.0751098 1.0648755 1.0558529\n", + " 1.0520877 1.054504 1.0607961 1.067144 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1697897 1.1648587 1.1758412 1.1849184 1.1729665 1.1391144 1.104463\n", + " 1.0820518 1.0718191 1.0705112 1.0702877 1.0652789 1.0555593 1.0472714\n", + " 1.0435615 1.0454279 1.051035 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1554594 1.1529227 1.1627239 1.1710407 1.1592774 1.1281967 1.0964426\n", + " 1.0757205 1.0656608 1.0627139 1.0624036 1.0578431 1.0498939 1.0423847\n", + " 1.0390592 1.040447 1.0448686 1.0496207]\n", + " [1.159905 1.1545151 1.163069 1.1711342 1.1598779 1.1290618 1.0974022\n", + " 1.0764533 1.0669655 1.0646572 1.0651052 1.0608408 1.053373 1.0455626\n", + " 1.0419557 1.0436971 0. 0. ]\n", + " [1.1667995 1.162963 1.1739023 1.1827949 1.1718736 1.1386315 1.1047958\n", + " 1.0818499 1.0719274 1.0699402 1.070045 1.0657648 1.0563376 1.0486265\n", + " 1.0448602 1.046923 0. 0. ]\n", + " [1.1711872 1.1672372 1.1769305 1.1858324 1.1734945 1.1405736 1.106775\n", + " 1.0840509 1.0730445 1.0699341 1.0680915 1.0629108 1.0542237 1.046285\n", + " 1.0430758 1.0452316 1.0506984 1.0559511]\n", + " [1.1790754 1.174489 1.1844575 1.192967 1.1807566 1.1464504 1.1105852\n", + " 1.0869366 1.0762115 1.0737464 1.073938 1.0689759 1.0594649 1.0515606\n", + " 1.0477334 1.0498252 1.0561092 0. ]]\n", + "[[1.1594553 1.1554066 1.1646409 1.1737515 1.1626799 1.1320575 1.09997\n", + " 1.0783093 1.0669321 1.0629187 1.0611069 1.0558707 1.0479444 1.041532\n", + " 1.0387281 1.0404232 1.0448827 1.049653 1.0524646 1.0535642 1.0548683\n", + " 1.0577852 1.0643405]\n", + " [1.1708937 1.1690215 1.1806253 1.1883955 1.1762655 1.1417503 1.1065502\n", + " 1.0835638 1.072974 1.0703753 1.0698992 1.0649694 1.0553286 1.0472382\n", + " 1.0434418 1.0453429 1.0507287 1.0557489 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1783569 1.174398 1.1835814 1.191342 1.1786782 1.1460812 1.1109698\n", + " 1.0881051 1.0763206 1.0743108 1.074099 1.0695823 1.0602232 1.0516104\n", + " 1.0475321 1.0496539 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1839296 1.1781887 1.1885943 1.19829 1.1879605 1.1537421 1.1173525\n", + " 1.0929996 1.0817333 1.0789529 1.0790609 1.07398 1.0641997 1.0549202\n", + " 1.0502061 1.0516838 1.0573138 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1829673 1.1767615 1.1867912 1.1957301 1.183902 1.1487781 1.1130396\n", + " 1.0897679 1.0795981 1.0787222 1.0788288 1.0730608 1.0633664 1.0539441\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1680411 1.1639723 1.1728925 1.1798712 1.1675891 1.1345398 1.1015767\n", + " 1.0799063 1.070529 1.0686553 1.0692532 1.0651522 1.0564871 1.0485928\n", + " 1.0448145 0. 0. 0. 0. ]\n", + " [1.1501516 1.1467283 1.1569856 1.1657956 1.156147 1.1264457 1.0949553\n", + " 1.0749984 1.0647516 1.0616964 1.0607507 1.0557889 1.0478482 1.0405402\n", + " 1.037507 1.0389187 1.043377 1.0478582 1.0502559]\n", + " [1.1792494 1.1744479 1.1846888 1.1942917 1.1823597 1.148042 1.1122408\n", + " 1.0890684 1.0782822 1.0757512 1.0755576 1.0702126 1.060356 1.0512662\n", + " 1.0470742 1.0487154 1.054463 0. 0. ]\n", + " [1.1701837 1.1675936 1.1791258 1.1890405 1.176993 1.1420335 1.1066141\n", + " 1.083255 1.0725996 1.0703381 1.0694686 1.064885 1.0556407 1.0474908\n", + " 1.0436889 1.0452733 1.0505041 1.0556293 0. ]\n", + " [1.1704173 1.1626356 1.1742935 1.1863155 1.1721215 1.1402683 1.1058182\n", + " 1.0841135 1.0724375 1.0708171 1.0722338 1.065534 1.0556554 1.044716\n", + " 1.0437855 0. 0. 0. 0. ]]\n", + "[[1.1747873 1.1725409 1.1828448 1.1920893 1.1801782 1.1471213 1.1126322\n", + " 1.0894812 1.077662 1.0727439 1.0706719 1.063536 1.0541046 1.0466673\n", + " 1.0430866 1.0454863 1.0508337 1.0558554 1.0579869 1.0586526 1.0599331\n", + " 1.0635817]\n", + " [1.1930615 1.1903322 1.2018734 1.2100956 1.1980369 1.1619002 1.1235943\n", + " 1.0972834 1.084142 1.0795475 1.0771987 1.0708282 1.0604734 1.0521606\n", + " 1.0485872 1.0506655 1.0556488 1.0615062 1.0640112 1.0651007 1.0668277\n", + " 0. ]\n", + " [1.181528 1.1784607 1.1879866 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1587337 1.1559255 1.1659412 1.1741012 1.1630087 1.1309791 1.0980928\n", + " 1.0768708 1.0664316 1.0633242 1.062534 1.0578898 1.0497584 1.0428393\n", + " 1.0396029 1.0414959 1.0460625 1.0509083 1.0534608 0. 0.\n", + " 0. ]\n", + " [1.1762954 1.172245 1.1824927 1.1901567 1.1785372 1.1454996 1.1111392\n", + " 1.0879037 1.0764363 1.0729687 1.0713652 1.0657697 1.0566113 1.0481275\n", + " 1.044735 1.0469165 1.0523275 1.0571799 1.0592846 0. 0.\n", + " 0. ]]\n", + "[[1.1616297 1.1557927 1.1645563 1.1733694 1.162304 1.1326104 1.1014445\n", + " 1.0802886 1.0700642 1.0681267 1.0678965 1.0638047 1.0555298 1.0470307\n", + " 1.043261 0. 0. 0. 0. ]\n", + " [1.1747895 1.1699599 1.1789511 1.1881151 1.1775331 1.1460141 1.112428\n", + " 1.0895927 1.0785636 1.0754714 1.0742418 1.0692137 1.0598341 1.0507442\n", + " 1.0471464 1.0489492 1.0545506 0. 0. ]\n", + " [1.174178 1.1722717 1.183394 1.1925637 1.1811303 1.1471072 1.1114172\n", + " 1.087222 1.0761082 1.072529 1.0704983 1.065483 1.056168 1.0480946\n", + " 1.0446187 1.0462399 1.0515101 1.0565473 1.0586945]\n", + " [1.1673324 1.1639011 1.1746943 1.1831162 1.1706512 1.1364228 1.1025677\n", + " 1.0804269 1.0708817 1.0698179 1.0704812 1.0653237 1.0560623 1.0477648\n", + " 1.0441269 0. 0. 0. 0. ]\n", + " [1.1641667 1.1614678 1.1731049 1.1836144 1.171787 1.1390877 1.1043327\n", + " 1.0811387 1.0702819 1.0672941 1.0665544 1.0608183 1.0519072 1.0439639\n", + " 1.0402474 1.0421493 1.0468887 1.0518038 1.0544595]]\n", + "[[1.166 1.1622629 1.1725878 1.1810383 1.170335 1.1380287 1.1044508\n", + " 1.0819385 1.0717196 1.0700765 1.06994 1.0659119 1.0567782 1.0482217\n", + " 1.0441784 1.0457351 0. 0. 0. 0. 0. ]\n", + " [1.17959 1.1766062 1.1867064 1.1959715 1.1835144 1.1497258 1.1154939\n", + " 1.091926 1.0798352 1.0751181 1.0728674 1.0661892 1.0566645 1.04885\n", + " 1.0457292 1.0478153 1.0533892 1.0582746 1.0606915 1.0611897 1.0622613]\n", + " [1.1702504 1.1664152 1.1769304 1.1845952 1.1732663 1.1403193 1.1064103\n", + " 1.0838692 1.0729682 1.0709419 1.0699921 1.0646673 1.0557468 1.0471042\n", + " 1.0433168 1.0449758 1.0504017 0. 0. 0. 0. ]\n", + " [1.194924 1.1898016 1.1978581 1.206671 1.1941823 1.160416 1.1240501\n", + " 1.098786 1.0869296 1.0837474 1.0822954 1.0771269 1.0670717 1.0571704\n", + " 1.0533401 1.0556648 0. 0. 0. 0. 0. ]\n", + " [1.1982437 1.1932088 1.2030365 1.2112175 1.1971245 1.1592768 1.1216925\n", + " 1.0972978 1.0872735 1.0856571 1.0864612 1.0808334 1.0694708 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1714703 1.1676259 1.1781384 1.1871216 1.1749799 1.1417927 1.108412\n", + " 1.0859785 1.0756434 1.0743324 1.0750974 1.07068 1.0611858 1.0521821\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1827369 1.1781161 1.187675 1.1953583 1.1833779 1.1490465 1.113754\n", + " 1.0901647 1.079573 1.0771282 1.0765756 1.0713784 1.0621567 1.0531601\n", + " 1.0496172 1.0520289 0. 0. 0. 0. 0. ]\n", + " [1.167027 1.1647627 1.1760502 1.1854352 1.1736976 1.139821 1.1054224\n", + " 1.0824397 1.0715034 1.0677675 1.0658352 1.0600128 1.0512464 1.0440274\n", + " 1.0410817 1.0432738 1.0483377 1.0537146 1.0560763 1.056832 1.0578914]\n", + " [1.1589501 1.1558827 1.1653006 1.1735749 1.1623745 1.1306012 1.09827\n", + " 1.07704 1.0660815 1.0627495 1.0608945 1.0559427 1.0476944 1.0413693\n", + " 1.0383389 1.039585 1.0438501 1.0486107 1.0510355 1.0528097 1.0546781]\n", + " [1.1721028 1.1679174 1.1789674 1.1887574 1.1769108 1.142782 1.1082675\n", + " 1.0849133 1.0751297 1.0734565 1.0733067 1.0687355 1.0591898 1.0504715\n", + " 1.0464443 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1584239 1.1534126 1.1619362 1.1694188 1.1588633 1.1284515 1.0973061\n", + " 1.0771619 1.067147 1.0659213 1.0657375 1.0618376 1.0531644 1.0453967\n", + " 1.0421015 1.0437413 0. 0. 0. 0. 0. ]\n", + " [1.1763142 1.1711863 1.1809988 1.1896176 1.1773363 1.1438998 1.1103028\n", + " 1.0878563 1.0776923 1.0749419 1.0748137 1.069279 1.0591252 1.0504296\n", + " 1.0465972 1.0490358 0. 0. 0. 0. 0. ]\n", + " [1.2136772 1.2076592 1.2177339 1.225587 1.211715 1.1728598 1.1321449\n", + " 1.1043661 1.0928116 1.091006 1.0907259 1.0857557 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.193922 1.1877514 1.1977268 1.2064344 1.1948148 1.1597165 1.12257\n", + " 1.0974128 1.0864414 1.0838256 1.0833105 1.0780015 1.0675616 1.0579947\n", + " 1.0531886 1.0549506 1.0608404 0. 0. 0. 0. ]\n", + " [1.1853524 1.1817436 1.1917487 1.2018533 1.1888264 1.1542205 1.1186891\n", + " 1.0940369 1.0814286 1.0768135 1.0740457 1.0671198 1.0578245 1.0502005\n", + " 1.0465717 1.0485973 1.0543605 1.0592555 1.0612098 1.0623598 1.0639095]]\n", + "[[1.1681712 1.1649613 1.1749287 1.1844679 1.1722898 1.139671 1.105799\n", + " 1.0831655 1.0729179 1.0707412 1.0711256 1.0668594 1.0574809 1.0492797\n", + " 1.0452712 1.047324 0. 0. 0. 0. ]\n", + " [1.1764348 1.1733644 1.1847041 1.1925564 1.179745 1.1457894 1.1108924\n", + " 1.087287 1.0759375 1.0723752 1.0709684 1.0647061 1.055711 1.0476304\n", + " 1.0446132 1.0463264 1.0513495 1.0565324 1.0587877 1.0593915]\n", + " [1.1690766 1.1637237 1.1721684 1.1795663 1.1668593 1.1342931 1.1013821\n", + " 1.0805738 1.0713031 1.0698948 1.07032 1.0655774 1.056988 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.194814 1.1882427 1.197363 1.2027837 1.1877967 1.1509383 1.1137763\n", + " 1.0899365 1.0797122 1.0790232 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1654986 1.1617006 1.1710817 1.178444 1.1666416 1.1341022 1.1018584\n", + " 1.0794786 1.0699682 1.0671325 1.0671587 1.0624835 1.0543537 1.0466993\n", + " 1.0430683 1.0448471 1.0496929 0. 0. 0. ]]\n", + "[[1.199366 1.1931199 1.2041748 1.2130138 1.1985466 1.1610482 1.1223427\n", + " 1.0970458 1.0859439 1.0839319 1.0845338 1.0786555 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1620071 1.1593006 1.1699406 1.1794126 1.1684177 1.137139 1.1044675\n", + " 1.082433 1.0711465 1.0679001 1.0655959 1.0593752 1.0505682 1.0432532\n", + " 1.0398778 1.0416317 1.0465827 1.051162 1.0532304 1.0541087 1.0554485]]\n", + "[[1.177416 1.1714338 1.1807796 1.1890298 1.1773405 1.1441746 1.1101948\n", + " 1.087982 1.0773604 1.0762119 1.076481 1.0709457 1.0608127 1.0515108\n", + " 1.0474511 0. 0. 0. 0. 0. ]\n", + " [1.1736834 1.1677256 1.176936 1.1857446 1.1751642 1.1432542 1.1093774\n", + " 1.0869699 1.0761566 1.0734656 1.0732975 1.0680784 1.0589092 1.0500463\n", + " 1.0459635 1.0476997 1.0531198 0. 0. 0. ]\n", + " [1.1647178 1.1609094 1.1709116 1.1796498 1.1674432 1.1350539 1.1024396\n", + " 1.081712 1.0723503 1.070663 1.0709944 1.0659454 1.0567063 1.0482993\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1684844 1.1644791 1.1737041 1.1812552 1.1676022 1.134831 1.1021827\n", + " 1.0809549 1.0714226 1.0700107 1.0700289 1.065667 1.056424 1.0480533\n", + " 1.0448579 0. 0. 0. 0. 0. ]\n", + " [1.1763787 1.1735382 1.1850005 1.1933414 1.1822118 1.1483349 1.1125319\n", + " 1.088099 1.0762339 1.0722849 1.0704514 1.0648167 1.0564305 1.048444\n", + " 1.0447037 1.0462605 1.0509031 1.0559887 1.0588226 1.0600998]]\n", + "[[1.1674116 1.1635143 1.1730878 1.1815865 1.1698339 1.1377668 1.1049076\n", + " 1.0823609 1.071261 1.067733 1.0660839 1.061308 1.0525181 1.0452383\n", + " 1.042086 1.0440977 1.0487208 1.0536512 1.0561724 0. ]\n", + " [1.1614758 1.1578091 1.167671 1.1763316 1.1651145 1.1342046 1.1018155\n", + " 1.0801464 1.0699377 1.067975 1.0675527 1.0625743 1.0540885 1.0457691\n", + " 1.0421448 1.0436267 1.0486339 0. 0. 0. ]\n", + " [1.1705284 1.1678132 1.1783048 1.187931 1.1766576 1.1443546 1.1091192\n", + " 1.0850391 1.0731235 1.0691113 1.0673163 1.0628803 1.0545355 1.0472448\n", + " 1.0431988 1.0445186 1.0488464 1.0533977 1.0558143 1.0571349]\n", + " [1.1690173 1.1652461 1.1753901 1.182979 1.1704296 1.1371413 1.1035395\n", + " 1.0814695 1.0716653 1.0711293 1.0716394 1.0676099 1.0586914 1.0500307\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1757256 1.1712346 1.1806437 1.1886659 1.1773766 1.1444403 1.1097767\n", + " 1.0861518 1.0757971 1.0733447 1.0728819 1.0686045 1.0596428 1.0512549\n", + " 1.0469868 1.0486296 0. 0. 0. 0. ]]\n", + "[[1.1660554 1.1619266 1.1720266 1.181461 1.16994 1.1372077 1.1040888\n", + " 1.0820765 1.0712572 1.0689073 1.0679747 1.0635467 1.0548345 1.0464892\n", + " 1.0427811 1.0441998 1.0490562 1.0541071 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1472566 1.144712 1.1550345 1.1650512 1.156717 1.1267645 1.0952153\n", + " 1.0746725 1.0643762 1.0604202 1.0584676 1.0527077 1.0449421 1.0383176\n", + " 1.0356604 1.0378866 1.0424962 1.047446 1.0495064 1.0505881 1.0515416\n", + " 1.05448 1.0601791 1.0688103 1.0752461 1.0786456]\n", + " [1.1805335 1.1774163 1.1882919 1.1976646 1.1854606 1.1505725 1.114386\n", + " 1.0894389 1.0775962 1.0739982 1.073483 1.0684093 1.0593041 1.0515766\n", + " 1.0476366 1.0492095 1.0539237 1.0588411 1.0610509 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1670544 1.1635387 1.1736314 1.1825999 1.1713101 1.1385913 1.1049762\n", + " 1.0829127 1.0723994 1.0698085 1.0702645 1.0656481 1.0572364 1.0488255\n", + " 1.0449245 1.0467972 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2033181 1.1979787 1.2072277 1.2160425 1.2020283 1.1642925 1.1256403\n", + " 1.1002024 1.0882359 1.0864403 1.0868845 1.081665 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1741462 1.1691376 1.1786957 1.1868399 1.1747923 1.1406432 1.1064435\n", + " 1.0834762 1.0728499 1.0714462 1.0718061 1.0677938 1.0586082 1.0501754\n", + " 1.046669 0. 0. ]\n", + " [1.1637145 1.1596948 1.1694276 1.1792245 1.167756 1.1343558 1.1011475\n", + " 1.0791315 1.0691648 1.0670732 1.0667949 1.0619121 1.0534467 1.0453455\n", + " 1.0417424 1.0434055 1.0482477]\n", + " [1.1732808 1.1693956 1.1781275 1.1864378 1.1731361 1.1412498 1.108096\n", + " 1.0862913 1.0763702 1.074931 1.0744725 1.0693573 1.0593785 0.\n", + " 0. 0. 0. ]\n", + " [1.1930792 1.1873057 1.1979536 1.2075129 1.1938508 1.157034 1.1195191\n", + " 1.0949173 1.084734 1.0833127 1.0841963 1.078862 1.0686064 0.\n", + " 0. 0. 0. ]\n", + " [1.2029903 1.1971147 1.2055674 1.2140377 1.1999748 1.164104 1.1260679\n", + " 1.1009057 1.0893497 1.0866423 1.0873638 1.081374 1.07047 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1865232 1.1804161 1.188998 1.1976551 1.185706 1.1526392 1.1175857\n", + " 1.0931647 1.0816902 1.0782101 1.0775698 1.0720145 1.0630958 1.0538731\n", + " 1.0501937 0. 0. 0. 0. 0. 0. ]\n", + " [1.1695353 1.167306 1.1783944 1.1870867 1.1751004 1.1418504 1.1072944\n", + " 1.0845436 1.0727136 1.0695069 1.0674965 1.0617648 1.0534874 1.0459791\n", + " 1.0430377 1.0442247 1.0490683 1.0538986 1.0563325 1.0569136 1.0587937]\n", + " [1.1845468 1.1814644 1.1930909 1.2027464 1.1915064 1.1572412 1.120535\n", + " 1.0950229 1.082528 1.0779095 1.0751677 1.069267 1.0596838 1.0509149\n", + " 1.0474261 1.0496808 1.054769 1.0595342 1.0617874 1.0626187 1.0639935]\n", + " [1.1758764 1.1731628 1.1834974 1.1907978 1.1789516 1.1434938 1.1076101\n", + " 1.083946 1.072956 1.0704284 1.0701627 1.0657979 1.0566801 1.0492169\n", + " 1.045454 1.0472159 1.0523155 1.0574869 0. 0. 0. ]\n", + " [1.1780283 1.1726166 1.1819879 1.1909381 1.1784462 1.1437933 1.1089425\n", + " 1.0860951 1.0758516 1.0740964 1.074083 1.0693105 1.0594285 1.0506567\n", + " 1.0465746 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1908336 1.1849023 1.1963365 1.2069389 1.1949359 1.1600555 1.1220548\n", + " 1.0973867 1.0862353 1.0841233 1.084211 1.0779974 1.0668129 1.0570676\n", + " 1.0529604 0. 0. 0. 0. 0. 0. ]\n", + " [1.194447 1.1916881 1.203098 1.212726 1.199123 1.1634904 1.1254342\n", + " 1.0992615 1.0859092 1.0815756 1.0793098 1.0725878 1.0625837 1.0540923\n", + " 1.0499116 1.0524882 1.0580236 1.0632608 1.065946 1.0668135 0. ]\n", + " [1.1784053 1.1739233 1.1837401 1.1921108 1.1802199 1.1468302 1.1116052\n", + " 1.0873157 1.0758388 1.0727003 1.0724262 1.0681107 1.0597323 1.0509633\n", + " 1.0471977 1.0483774 1.0535982 1.0588768 0. 0. 0. ]\n", + " [1.1867741 1.183998 1.1939659 1.2030926 1.189273 1.1555998 1.1198133\n", + " 1.0955961 1.0829701 1.0779753 1.0752411 1.0682044 1.0588794 1.0507537\n", + " 1.0475318 1.0498089 1.0555588 1.0611502 1.0632576 1.0638406 1.0652738]\n", + " [1.1584772 1.157116 1.1676437 1.1762179 1.1650321 1.1327366 1.1002364\n", + " 1.0785283 1.067164 1.0640161 1.0622723 1.0572289 1.0490799 1.0418726\n", + " 1.0388788 1.0399994 1.0446217 1.0496092 1.0520995 1.0532074 0. ]]\n", + "[[1.1696863 1.1645856 1.174499 1.1831613 1.1724766 1.1402646 1.106449\n", + " 1.0840598 1.0732344 1.0702848 1.069079 1.0638689 1.0546739 1.0462791\n", + " 1.0426661 1.044629 1.0495703 1.0550398 0. 0. 0. ]\n", + " [1.1812567 1.1759707 1.1872176 1.1973531 1.1852858 1.1500874 1.1131482\n", + " 1.0889752 1.0782495 1.0768783 1.0775073 1.0724574 1.062578 1.0531665\n", + " 1.0489427 0. 0. 0. 0. 0. 0. ]\n", + " [1.1607618 1.1586294 1.1692884 1.1787989 1.167053 1.1356274 1.1030388\n", + " 1.0808411 1.0695627 1.0664818 1.0650508 1.0601102 1.0514756 1.0437535\n", + " 1.0407333 1.0422406 1.0469178 1.0517954 1.0546169 0. 0. ]\n", + " [1.1626272 1.1596875 1.1697541 1.1782755 1.1658936 1.1337507 1.1008772\n", + " 1.0786424 1.0685326 1.065655 1.0655347 1.0610633 1.0525703 1.0449971\n", + " 1.0419635 1.0434378 1.0485889 1.0535002 0. 0. 0. ]\n", + " [1.1565977 1.1549221 1.1657144 1.1755369 1.1643273 1.1323804 1.099582\n", + " 1.0781902 1.0673785 1.0635719 1.0622422 1.0575622 1.0495057 1.0428911\n", + " 1.0396333 1.040825 1.0449626 1.0492916 1.0515715 1.0524999 1.0537932]]\n", + "[[1.187412 1.1838276 1.195159 1.2040081 1.1907196 1.1545591 1.1177064\n", + " 1.0928943 1.0810056 1.0779982 1.0761435 1.0702066 1.0596439 1.0512927\n", + " 1.0474594 1.0493882 1.0554638 1.0608087 1.0630865]\n", + " [1.1597438 1.1568252 1.1658506 1.1730496 1.1615632 1.1293786 1.0968183\n", + " 1.0761734 1.0664004 1.0638425 1.0638558 1.0597832 1.0518224 1.0442039\n", + " 1.040773 1.0424267 1.0473534 0. 0. ]\n", + " [1.1545143 1.1509578 1.1595464 1.1678183 1.1563879 1.1265359 1.0955508\n", + " 1.0745934 1.0649786 1.0623952 1.0622776 1.0579299 1.0505869 1.0433499\n", + " 1.0401489 1.0414115 1.0461211 0. 0. ]\n", + " [1.1640524 1.1589069 1.1680565 1.1760643 1.165577 1.1347021 1.101886\n", + " 1.0798881 1.0702721 1.0687491 1.06904 1.0647346 1.0562173 1.0477319\n", + " 1.0434186 1.0450343 0. 0. 0. ]\n", + " [1.1737151 1.1692526 1.1787858 1.1876962 1.1758405 1.1426634 1.1080325\n", + " 1.0852059 1.0747176 1.0720273 1.0722907 1.0676858 1.0584147 1.0500506\n", + " 1.0464698 1.0480406 0. 0. 0. ]]\n", + "[[1.1917092 1.1870571 1.1974237 1.2056531 1.1927462 1.15388 1.1157107\n", + " 1.0913997 1.0801816 1.0796748 1.0803287 1.0750501 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1626877 1.1597422 1.1693887 1.1791143 1.1672308 1.1362277 1.1035031\n", + " 1.0810609 1.0698231 1.0661341 1.0640302 1.0588174 1.0500717 1.042674\n", + " 1.0393445 1.0408168 1.04554 1.0501102 1.0524517 1.0536593 0. ]\n", + " [1.1543561 1.1513112 1.1610312 1.1697719 1.1584193 1.1272413 1.0956283\n", + " 1.0750825 1.0645112 1.0607624 1.0596714 1.0546145 1.0468942 1.0398408\n", + " 1.0369303 1.0387893 1.0430466 1.0477135 1.0499669 1.0511652 0. ]\n", + " [1.1871536 1.1808771 1.1890551 1.1980498 1.1860857 1.1511967 1.1155567\n", + " 1.0917464 1.0814224 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.163701 1.1609608 1.1712221 1.1798402 1.1677301 1.136686 1.1046975\n", + " 1.0827075 1.0713075 1.066595 1.0643867 1.0583388 1.0496266 1.0425833\n", + " 1.0400193 1.0421336 1.0472226 1.0517169 1.0542136 1.0553193 1.0568575]]\n", + "[[1.1726044 1.16849 1.1776117 1.1854991 1.1714736 1.1389924 1.1061532\n", + " 1.0839592 1.0735977 1.0718118 1.0715318 1.0672797 1.0590857 1.0508335\n", + " 1.0475183 0. 0. 0. 0. ]\n", + " [1.1795105 1.1769598 1.1886584 1.1980901 1.184137 1.1480248 1.111288\n", + " 1.0873864 1.0765477 1.0744399 1.0742242 1.0692577 1.0597599 1.0509521\n", + " 1.0469687 1.0483477 1.0534347 1.0588691 0. ]\n", + " [1.165064 1.161195 1.1702268 1.1782832 1.1654149 1.1339209 1.1017377\n", + " 1.0809376 1.070746 1.0682734 1.0678902 1.0635899 1.0554746 1.0477235\n", + " 1.0442054 1.0459117 1.0508738 0. 0. ]\n", + " [1.181421 1.1771579 1.1871852 1.1957312 1.1817282 1.1476591 1.1122272\n", + " 1.0879475 1.0767932 1.0734788 1.0720879 1.0663524 1.0569321 1.0488294\n", + " 1.0449202 1.04715 1.0525553 1.0574814 1.0598463]\n", + " [1.1673609 1.1626838 1.1723721 1.1812823 1.1693419 1.1373535 1.103539\n", + " 1.0812557 1.0707688 1.0680391 1.0681105 1.0630519 1.054828 1.0470713\n", + " 1.0433085 1.0451878 1.0504274 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1622787 1.1580666 1.1678952 1.1766275 1.1653464 1.1332314 1.1006358\n", + " 1.0795008 1.069938 1.0689595 1.0690109 1.0645334 1.0548912 1.0465312\n", + " 1.0426205 1.0443332 0. 0. 0. 0. ]\n", + " [1.1580459 1.1540203 1.1623914 1.1698891 1.1581614 1.1274662 1.0958245\n", + " 1.0757638 1.0659747 1.0648768 1.0649463 1.0606121 1.0522279 1.0447769\n", + " 1.0413965 1.0432792 0. 0. 0. 0. ]\n", + " [1.2073905 1.2026992 1.212484 1.2209508 1.206403 1.1684152 1.1302782\n", + " 1.1037854 1.0902476 1.0856671 1.0831443 1.0759329 1.0656145 1.0563366\n", + " 1.0531576 1.0554018 1.0618731 1.0676255 1.070276 1.071237 ]\n", + " [1.1581056 1.1551573 1.1641994 1.1729904 1.1617571 1.130797 1.0984918\n", + " 1.0777265 1.0677752 1.0659596 1.0654422 1.0613211 1.0527217 1.0449792\n", + " 1.0414058 1.0427352 1.0475678 0. 0. 0. ]\n", + " [1.1764808 1.1726111 1.1827528 1.1912647 1.178124 1.1443235 1.109939\n", + " 1.0866513 1.0752814 1.0721709 1.0716852 1.0663416 1.0570763 1.0490762\n", + " 1.045167 1.0469258 1.0520966 1.0568075 0. 0. ]]\n", + "[[1.1819323 1.1762407 1.1859443 1.1946051 1.1821767 1.1479706 1.1120759\n", + " 1.0883524 1.07715 1.0742918 1.0742992 1.0695195 1.059921 1.0512521\n", + " 1.0475308 1.0497637 1.0559945 0. 0. 0. 0. ]\n", + " [1.1614578 1.1592348 1.1694732 1.1776122 1.1658154 1.1336572 1.1006193\n", + " 1.079474 1.0691818 1.0661355 1.0642315 1.0590956 1.0505402 1.0433688\n", + " 1.0404029 1.0420835 1.0468322 1.0516603 1.0537809 1.0546064 1.0560471]\n", + " [1.1756878 1.1708703 1.1806289 1.1900262 1.1783965 1.1456838 1.1110325\n", + " 1.0873251 1.0760013 1.074451 1.0742556 1.0695156 1.0597323 1.0506358\n", + " 1.0463268 1.047905 0. 0. 0. 0. 0. ]\n", + " [1.1794378 1.173797 1.1828225 1.1903245 1.1792893 1.1475077 1.1127901\n", + " 1.0895777 1.0784307 1.0754982 1.0755352 1.0707678 1.0613273 1.052923\n", + " 1.0489491 0. 0. 0. 0. 0. 0. ]\n", + " [1.1572092 1.1544282 1.1639132 1.1724482 1.1611457 1.1291857 1.0975387\n", + " 1.0760186 1.0661225 1.0635265 1.0624751 1.0575335 1.049157 1.0418035\n", + " 1.0386684 1.040386 1.0451819 1.0498273 1.0523263 0. 0. ]]\n", + "[[1.1762394 1.1721841 1.1816037 1.1902633 1.1750693 1.1401289 1.1064814\n", + " 1.0846908 1.0747507 1.0742613 1.0748218 1.0694745 1.0602791 1.0513568\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1758697 1.1710547 1.1811285 1.1884661 1.1751995 1.1407893 1.1065125\n", + " 1.0842195 1.0747812 1.0736835 1.0740893 1.0694051 1.0596374 1.0511781\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1794395 1.176435 1.1871302 1.1955314 1.1840639 1.149147 1.1135597\n", + " 1.089768 1.077666 1.0743997 1.0731453 1.0671085 1.058236 1.0498306\n", + " 1.046026 1.0478683 1.0529562 1.058322 1.0605655 0. ]\n", + " [1.1653621 1.1626279 1.1718298 1.17955 1.1669976 1.1340854 1.101705\n", + " 1.0803863 1.0699 1.0665305 1.0654054 1.0597475 1.0513908 1.0437236\n", + " 1.0402938 1.0421824 1.046208 1.0509019 1.05369 1.0543722]\n", + " [1.1764734 1.1734083 1.1845089 1.1922717 1.1801621 1.1450583 1.10921\n", + " 1.0864589 1.0755477 1.0742015 1.074238 1.0682864 1.0583087 1.0492402\n", + " 1.045204 1.0467677 1.052378 0. 0. 0. ]]\n", + "[[1.157129 1.1552501 1.1663554 1.176086 1.1647925 1.1328207 1.100542\n", + " 1.078966 1.0676488 1.0642679 1.0621307 1.0566137 1.0478729 1.0409256\n", + " 1.0378911 1.0397438 1.0438516 1.0487567 1.051384 1.0521493 1.0537037\n", + " 1.0570837]\n", + " [1.1797223 1.1767112 1.1882468 1.1969757 1.1850426 1.1495525 1.1132436\n", + " 1.088877 1.0771264 1.073103 1.0719414 1.0664297 1.0568694 1.0482097\n", + " 1.0447034 1.0468102 1.052038 1.0577246 1.0603427 0. 0.\n", + " 0. ]\n", + " [1.1718938 1.1699618 1.1794711 1.1886123 1.1766987 1.1450691 1.1115125\n", + " 1.0886402 1.0765815 1.0716578 1.0692875 1.0628412 1.0531216 1.0457927\n", + " 1.0426688 1.0448264 1.0493901 1.054677 1.0563158 1.0571426 1.0582236\n", + " 0. ]\n", + " [1.1915237 1.1854321 1.1957369 1.2044692 1.189468 1.1528664 1.1154499\n", + " 1.0911298 1.0801972 1.0795515 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1837646 1.1783867 1.187161 1.1937034 1.1804521 1.1458132 1.1107191\n", + " 1.0871805 1.0773642 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1851051 1.180845 1.1914675 1.1992723 1.1866682 1.1513107 1.1147052\n", + " 1.0903611 1.0788281 1.0758603 1.0752064 1.0703039 1.0604401 1.0519712\n", + " 1.0480577 1.049862 1.0556005 1.0608654 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1646695 1.1627667 1.174293 1.1837609 1.1722362 1.1392366 1.1050092\n", + " 1.0823517 1.0710216 1.0678207 1.0662131 1.0610547 1.0525005 1.0449332\n", + " 1.0416467 1.0426078 1.0473609 1.0522784 1.0549693 1.0559504 0.\n", + " 0. 0. ]\n", + " [1.1910684 1.1866255 1.1987118 1.209076 1.1961441 1.1581465 1.1189966\n", + " 1.0940316 1.0835433 1.0834789 1.0846024 1.0792001 1.0678201 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1556065 1.154821 1.1656393 1.1760534 1.1651669 1.1331228 1.0998213\n", + " 1.0786114 1.0681279 1.0644376 1.0628378 1.0569998 1.0486195 1.0411365\n", + " 1.0382751 1.0401288 1.0446391 1.0490268 1.051506 1.0521928 1.0532049\n", + " 1.057032 1.0636531]\n", + " [1.1590207 1.1559762 1.166121 1.1756191 1.1646037 1.1332703 1.1011733\n", + " 1.0793761 1.06831 1.0642372 1.0626845 1.0573434 1.0492858 1.0419605\n", + " 1.0390692 1.0404723 1.0449705 1.0494062 1.0520927 1.0531969 1.0545737\n", + " 0. 0. ]]\n", + "[[1.1566834 1.1539365 1.1628947 1.1718107 1.1596205 1.1281329 1.0959965\n", + " 1.0751793 1.0656445 1.063202 1.0625429 1.0574863 1.0490991 1.0419676\n", + " 1.0388455 1.0403599 1.0447261 1.0492629 1.0518705 0. ]\n", + " [1.1632068 1.1592952 1.1678234 1.1755209 1.161495 1.1299587 1.0981547\n", + " 1.0780602 1.0696152 1.0680751 1.0687073 1.063957 1.0551537 1.0469265\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1641743 1.1594541 1.1686984 1.1773001 1.1652486 1.1334817 1.101602\n", + " 1.0803703 1.0695295 1.0659204 1.0640215 1.0587395 1.0502561 1.0430884\n", + " 1.0398415 1.0419159 1.0468873 1.0517771 1.0542344 1.0550462]\n", + " [1.1671023 1.1631985 1.172338 1.1802772 1.1678946 1.1351591 1.102379\n", + " 1.0803931 1.0705235 1.0683208 1.0676719 1.0631316 1.0542595 1.0464804\n", + " 1.0429554 1.0446541 1.0494883 1.0542063 0. 0. ]\n", + " [1.1677558 1.1648947 1.1754504 1.1840131 1.1735069 1.141257 1.1072801\n", + " 1.084678 1.0740157 1.0718452 1.0718886 1.0672122 1.058796 1.0505298\n", + " 1.0467438 0. 0. 0. 0. 0. ]]\n", + "[[1.1438396 1.1396911 1.1479009 1.1555077 1.146085 1.1183214 1.0893166\n", + " 1.0695144 1.0604669 1.0578829 1.0586249 1.0552821 1.0479406 1.0415013\n", + " 1.0382336 1.0394824 0. 0. ]\n", + " [1.1565074 1.1542434 1.1640545 1.1719731 1.1605685 1.128889 1.097578\n", + " 1.0769075 1.0670413 1.0648817 1.063753 1.0596213 1.0515695 1.0439432\n", + " 1.0407254 1.0422864 1.0473211 0. ]\n", + " [1.1827586 1.1788359 1.1888274 1.198586 1.186778 1.1522754 1.1163436\n", + " 1.0922359 1.0806714 1.0772866 1.0770283 1.0716169 1.0622979 1.0533571\n", + " 1.0492786 1.0515429 1.057425 0. ]\n", + " [1.1802225 1.1753778 1.1848681 1.1922141 1.1785517 1.1456428 1.1110646\n", + " 1.088575 1.0770655 1.0746806 1.0732594 1.067395 1.058023 1.0497911\n", + " 1.0463605 1.0489782 1.0548882 1.0601475]\n", + " [1.1526662 1.1484327 1.1546615 1.1608326 1.1492157 1.1211915 1.0920186\n", + " 1.0718585 1.0623924 1.0591222 1.0589354 1.0551745 1.0483663 1.0417247\n", + " 1.0385278 1.0399843 1.0447227 0. ]]\n", + "[[1.1778357 1.1739864 1.1848673 1.1944302 1.1810075 1.1466316 1.1114333\n", + " 1.0877283 1.0767578 1.0745635 1.074097 1.0689344 1.0602084 1.0514823\n", + " 1.0475694 1.0494846 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1709106 1.1659899 1.1762996 1.185539 1.1737552 1.1405921 1.1062338\n", + " 1.0839417 1.0740131 1.0721686 1.0718585 1.0669074 1.0575038 1.0488337\n", + " 1.0450668 1.0470669 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1566377 1.156309 1.166516 1.175556 1.1641256 1.1333826 1.1006156\n", + " 1.0787091 1.0672721 1.0636874 1.0617285 1.0564582 1.0481008 1.041334\n", + " 1.0385036 1.0396036 1.043865 1.0483196 1.0505674 1.0516748 1.0530546\n", + " 0. 0. ]\n", + " [1.1546967 1.1535281 1.16299 1.1709263 1.1590779 1.1281067 1.096933\n", + " 1.0765632 1.0657451 1.0624212 1.0605022 1.0548329 1.047176 1.0405716\n", + " 1.0378166 1.0396276 1.0442982 1.0483011 1.0505282 1.0514284 1.0528681\n", + " 1.0563971 0. ]\n", + " [1.1567243 1.1547514 1.1655889 1.1745285 1.1632189 1.1323673 1.1000799\n", + " 1.0785726 1.0677619 1.0639253 1.0621507 1.0568172 1.0484143 1.0419471\n", + " 1.0389299 1.0408169 1.0457777 1.0503466 1.0527766 1.0533007 1.0546557\n", + " 1.0581112 1.0652217]]\n", + "[[1.1484061 1.1448398 1.1532568 1.1611378 1.1495821 1.1204294 1.0906764\n", + " 1.0712653 1.0621748 1.0601447 1.0603368 1.0562676 1.048716 1.0415424\n", + " 1.0381819 1.0399804 0. 0. ]\n", + " [1.1681536 1.1648257 1.1760807 1.1859137 1.1736128 1.1399829 1.1053215\n", + " 1.08245 1.0718932 1.0692782 1.0690684 1.064289 1.0555862 1.0474441\n", + " 1.043573 1.0453192 1.0502411 1.055274 ]\n", + " [1.159687 1.1547518 1.1634022 1.1706185 1.1600437 1.1295955 1.0985385\n", + " 1.0783271 1.0682442 1.0670984 1.0666153 1.0621513 1.0537229 1.045862\n", + " 1.0425166 0. 0. 0. ]\n", + " [1.1660787 1.1618026 1.1713545 1.1784106 1.1672682 1.1348965 1.1011783\n", + " 1.0791475 1.0689039 1.0668242 1.0658011 1.0611275 1.0525993 1.0452155\n", + " 1.0420333 1.0441858 1.0491965 1.0541536]\n", + " [1.1775199 1.1724625 1.182435 1.191485 1.1792576 1.1462343 1.1113868\n", + " 1.0881073 1.0766131 1.0743111 1.0740044 1.0690032 1.0598038 1.0514934\n", + " 1.0474735 1.0494181 1.0548141 0. ]]\n", + "[[1.1707022 1.166775 1.176439 1.1853637 1.1736044 1.140509 1.1057744\n", + " 1.0832373 1.0721256 1.0692147 1.0690314 1.0644077 1.0553669 1.0475048\n", + " 1.0441186 1.045872 1.0516016 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1740338 1.1711553 1.1826231 1.1922331 1.1790587 1.1439451 1.1081108\n", + " 1.0844796 1.0732902 1.0699446 1.0689311 1.063925 1.0549742 1.0471255\n", + " 1.0434275 1.0451432 1.0502805 1.0550991 1.0575604 0. 0.\n", + " 0. 0. ]\n", + " [1.1605355 1.1585618 1.1689218 1.1776443 1.1654004 1.1324053 1.1000402\n", + " 1.0788817 1.0685191 1.065419 1.0635641 1.0586462 1.0503557 1.0428989\n", + " 1.0396218 1.0410228 1.0457138 1.0501941 1.0523787 1.0533186 1.0551125\n", + " 0. 0. ]\n", + " [1.157721 1.153551 1.1628985 1.1710482 1.1625487 1.1337972 1.103074\n", + " 1.0816593 1.0705646 1.0659641 1.0632882 1.0573071 1.0492735 1.0423304\n", + " 1.0394516 1.0411174 1.0459697 1.0503938 1.0528326 1.0538731 1.0550567\n", + " 1.0582434 1.065547 ]\n", + " [1.1705129 1.1673301 1.1783359 1.186903 1.1760644 1.1420503 1.1063484\n", + " 1.0829655 1.0711796 1.0685475 1.0678061 1.0633296 1.0545498 1.0469384\n", + " 1.0430973 1.0446615 1.0493847 1.0541749 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1584271 1.1560903 1.1662649 1.1748949 1.1643246 1.132515 1.1009427\n", + " 1.0795963 1.0686184 1.0643519 1.0625494 1.0570934 1.0488907 1.042327\n", + " 1.0393319 1.0409113 1.0451943 1.0495116 1.0521398 1.053458 1.0547185\n", + " 1.0582632]\n", + " [1.1820421 1.1782014 1.189167 1.1987474 1.1861765 1.1510323 1.114709\n", + " 1.0901309 1.0792973 1.0770214 1.0776417 1.0726324 1.0635153 1.0542296\n", + " 1.0501573 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1529049 1.1496804 1.158842 1.1668321 1.1555545 1.1252553 1.0946299\n", + " 1.074369 1.0643015 1.0613095 1.0601276 1.0554856 1.0477214 1.040643\n", + " 1.0376658 1.0392565 1.0433217 1.0474768 1.0495842 0. 0.\n", + " 0. ]\n", + " [1.1890316 1.1857973 1.1957775 1.2043617 1.1907784 1.1563085 1.1201007\n", + " 1.0960736 1.0837489 1.0794727 1.0773271 1.0709951 1.0611619 1.0524195\n", + " 1.048618 1.050893 1.0565735 1.0619051 1.0644921 0. 0.\n", + " 0. ]\n", + " [1.170803 1.1669015 1.1763206 1.1834522 1.1708703 1.1378014 1.1044818\n", + " 1.0829985 1.0732203 1.071059 1.0710046 1.0659769 1.0568932 1.0488448\n", + " 1.0451206 1.0471944 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1681422 1.1646178 1.1746625 1.1839632 1.170961 1.1384665 1.1035473\n", + " 1.0816019 1.0711277 1.0696093 1.0690223 1.0646415 1.055738 1.0475575\n", + " 1.0436074 1.0452029 1.0503125 0. 0. 0. 0. ]\n", + " [1.1820618 1.1763661 1.1853695 1.193829 1.1819847 1.148237 1.1121813\n", + " 1.0887874 1.0777485 1.074961 1.0750096 1.070058 1.0611452 1.0523214\n", + " 1.0483071 1.050491 0. 0. 0. 0. 0. ]\n", + " [1.154657 1.1515406 1.1615226 1.1697434 1.159014 1.1279037 1.0958763\n", + " 1.0743861 1.0651703 1.0629146 1.0628828 1.058285 1.050154 1.0428654\n", + " 1.0393758 1.0408685 1.045896 0. 0. 0. 0. ]\n", + " [1.1855576 1.1821388 1.1918848 1.2009425 1.1881299 1.1537247 1.1177026\n", + " 1.0929631 1.0798936 1.0757489 1.0738328 1.067847 1.0586659 1.0506301\n", + " 1.047298 1.0492009 1.0544865 1.0599246 1.0623325 1.0628953 1.0644138]\n", + " [1.17685 1.1724305 1.1826519 1.1918278 1.18005 1.1464556 1.1109165\n", + " 1.0868096 1.0757489 1.0727525 1.0719475 1.0675676 1.0584762 1.0499681\n", + " 1.0464389 1.0481256 1.0534381 1.0588 0. 0. 0. ]]\n", + "[[1.1729751 1.1683059 1.179031 1.187343 1.1738183 1.1396272 1.1043295\n", + " 1.0811025 1.0704851 1.0686433 1.0681716 1.0633632 1.0545564 1.0466994\n", + " 1.0433711 1.0454202 1.0509373 1.0562153]\n", + " [1.1672995 1.1639155 1.1750611 1.1841397 1.1728905 1.1399933 1.1062276\n", + " 1.0834647 1.0728335 1.0697365 1.068916 1.0636595 1.0550205 1.0466906\n", + " 1.0435607 1.0452765 1.0505288 1.0555344]\n", + " [1.1727232 1.1675811 1.1757133 1.1835369 1.1694586 1.1359748 1.1034932\n", + " 1.0820017 1.0726995 1.0714551 1.0718336 1.066706 1.0576231 1.0495653\n", + " 1.0460175 0. 0. 0. ]\n", + " [1.1624272 1.1598301 1.1697109 1.1783884 1.1659174 1.1339866 1.1010752\n", + " 1.0796909 1.0701565 1.0676029 1.0679526 1.0631241 1.0534642 1.0454131\n", + " 1.0420614 1.043856 1.0493188 0. ]\n", + " [1.1590481 1.1545043 1.1639435 1.1716982 1.1606958 1.1295683 1.0971193\n", + " 1.0761185 1.0663936 1.0645812 1.0648803 1.0606483 1.0522673 1.0444887\n", + " 1.0409404 1.042424 1.0476928 0. ]]\n", + "[[1.1848415 1.1801538 1.1894865 1.19811 1.1851103 1.150195 1.114478\n", + " 1.0911912 1.0798945 1.0769334 1.0757985 1.0702739 1.0601829 1.0515425\n", + " 1.0477546 1.0499265 1.0555696 1.0610738 0. 0. ]\n", + " [1.1677603 1.1638047 1.1733804 1.1826847 1.1704782 1.1376457 1.1039939\n", + " 1.0815381 1.070776 1.068229 1.0671779 1.0631592 1.0547148 1.0470871\n", + " 1.0431454 1.0445191 1.0494996 1.0546037 0. 0. ]\n", + " [1.1625051 1.1595712 1.1711478 1.1796385 1.1677661 1.1350927 1.1012342\n", + " 1.0790715 1.0689214 1.0664403 1.0663655 1.0611668 1.0522497 1.0440108\n", + " 1.0406113 1.0422671 1.0473866 1.0525535 0. 0. ]\n", + " [1.1766167 1.1730342 1.183634 1.192987 1.180599 1.1472138 1.1126496\n", + " 1.0887283 1.0763623 1.0723535 1.07063 1.0648865 1.0561962 1.0484086\n", + " 1.0451885 1.0466936 1.0520135 1.0568455 1.0589731 1.0598363]\n", + " [1.1649477 1.1613003 1.1725639 1.1825987 1.1711977 1.1381283 1.1038741\n", + " 1.081155 1.0700496 1.0674931 1.0665435 1.0613875 1.0520154 1.044385\n", + " 1.04067 1.04224 1.0466998 1.0518535 1.0540243 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1894524 1.184076 1.1949757 1.203456 1.1899267 1.1532199 1.1164153\n", + " 1.0922048 1.0816945 1.0800319 1.0809911 1.0759208 1.0659506 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.17267 1.1704967 1.1813694 1.1916192 1.1790049 1.1458812 1.1107323\n", + " 1.0868295 1.0754575 1.072898 1.0727439 1.0679728 1.0587622 1.0502133\n", + " 1.0463209 1.048028 1.0534706 0. 0. ]\n", + " [1.1673393 1.1654223 1.1757184 1.1838117 1.1717929 1.1387116 1.1049869\n", + " 1.082618 1.0715245 1.0680639 1.0670327 1.0619473 1.052996 1.045289\n", + " 1.0417792 1.043446 1.0480893 1.0528365 1.0558157]\n", + " [1.1858361 1.1825066 1.1929849 1.2010157 1.1887273 1.154568 1.1188563\n", + " 1.0941303 1.0822383 1.0791112 1.0776217 1.0718741 1.0615778 1.0531621\n", + " 1.0491707 1.0514262 1.057216 1.062414 0. ]\n", + " [1.1761692 1.171563 1.1811274 1.1890355 1.1767714 1.1420038 1.1067057\n", + " 1.0837379 1.072832 1.0700368 1.0698118 1.0648924 1.0566413 1.0486286\n", + " 1.0450346 1.0466216 1.0515794 1.0567652 0. ]]\n", + "[[1.1561447 1.1538917 1.1652904 1.1754324 1.1643299 1.1324674 1.0996226\n", + " 1.0778707 1.0672404 1.0634799 1.0619934 1.0567272 1.0483525 1.041517\n", + " 1.03843 1.0404096 1.0449079 1.0492263 1.051374 1.051715 1.0533034\n", + " 1.056584 1.0634574]\n", + " [1.1609186 1.1589879 1.1688246 1.1777247 1.165549 1.1337572 1.1014857\n", + " 1.0793738 1.0680736 1.0653858 1.0639224 1.0583985 1.0494812 1.0422055\n", + " 1.0391071 1.0407594 1.0449688 1.0495219 1.0520818 1.0534525 0.\n", + " 0. 0. ]\n", + " [1.1598442 1.1577601 1.1687051 1.1771168 1.1670742 1.1359112 1.1027905\n", + " 1.0803175 1.068781 1.0651766 1.0632734 1.0576191 1.0500191 1.0428877\n", + " 1.0395944 1.0412102 1.0456575 1.0505656 1.052655 1.0534545 1.0545828\n", + " 0. 0. ]\n", + " [1.1729991 1.170685 1.1817827 1.1892469 1.177084 1.1433098 1.10868\n", + " 1.0854751 1.074146 1.070357 1.0685349 1.0626633 1.0541981 1.046556\n", + " 1.0433571 1.0447073 1.0496361 1.0545194 1.0566458 1.0576317 0.\n", + " 0. 0. ]\n", + " [1.209218 1.2032931 1.2126226 1.220261 1.2063485 1.168874 1.1298611\n", + " 1.1035349 1.0921962 1.0902323 1.0893908 1.0834817 1.0724319 1.0619161\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1666826 1.16267 1.1722816 1.1812415 1.1692859 1.1367042 1.1034138\n", + " 1.0813136 1.0705656 1.0683746 1.0677612 1.0638602 1.0553858 1.0471405\n", + " 1.0434533 1.0449133 1.0501677 0. 0. 0. ]\n", + " [1.1705964 1.1673955 1.1771578 1.1841242 1.1716845 1.1389309 1.1055238\n", + " 1.0833015 1.0721942 1.0690743 1.0670735 1.0620792 1.053225 1.0454377\n", + " 1.0419407 1.0438641 1.0486901 1.0535036 1.0558343 0. ]\n", + " [1.1693251 1.1675853 1.179157 1.1882489 1.1758838 1.1419863 1.1070707\n", + " 1.0843164 1.0730085 1.06938 1.067519 1.0622483 1.053347 1.0455049\n", + " 1.0419667 1.043677 1.0485351 1.0534061 1.0561405 1.0573118]\n", + " [1.1669958 1.1634108 1.1734277 1.1824431 1.1719295 1.1391041 1.105298\n", + " 1.0829964 1.0726647 1.0707238 1.070765 1.0661507 1.0570743 1.0488287\n", + " 1.0449783 1.0466242 0. 0. 0. 0. ]\n", + " [1.1621362 1.1579142 1.167748 1.1777496 1.1657428 1.1346135 1.1015215\n", + " 1.0799803 1.0696987 1.067961 1.0669314 1.0624292 1.053235 1.044848\n", + " 1.0413876 1.0432587 1.0484772 0. 0. 0. ]]\n", + "[[1.1910882 1.185783 1.1951325 1.2017506 1.1907071 1.1568067 1.1209791\n", + " 1.0963125 1.0844579 1.0809822 1.079824 1.0742719 1.0638777 1.0554216\n", + " 1.0516578 1.0539411 1.0599087 0. ]\n", + " [1.1646504 1.1611972 1.1724509 1.1811954 1.1691922 1.1362453 1.1026702\n", + " 1.0807993 1.0707108 1.0693151 1.0690295 1.0638928 1.0553637 1.0471644\n", + " 1.0432538 1.0447279 1.0499191 0. ]\n", + " [1.1740212 1.1678497 1.1758573 1.1834254 1.1730351 1.1413534 1.1084536\n", + " 1.0866107 1.0764395 1.0747682 1.0748422 1.0705106 1.0615103 1.0524664\n", + " 1.0480216 0. 0. 0. ]\n", + " [1.168165 1.1638632 1.1725069 1.1804671 1.1692858 1.1375316 1.1047041\n", + " 1.0822985 1.0715338 1.0686563 1.0687163 1.0640596 1.055157 1.0475847\n", + " 1.0440234 1.0458418 1.0511307 0. ]\n", + " [1.1936097 1.1901535 1.2005953 1.2097312 1.1963462 1.1593151 1.1208851\n", + " 1.0947777 1.0826776 1.0788379 1.0791035 1.0737756 1.0638348 1.0550227\n", + " 1.0504969 1.05256 1.0583261 1.0636535]]\n", + "[[1.1705908 1.168168 1.1791713 1.1887072 1.1758612 1.1421448 1.106864\n", + " 1.0838846 1.0726086 1.071013 1.0709122 1.0661898 1.0570523 1.0488447\n", + " 1.0447026 1.046513 1.052087 0. 0. 0. ]\n", + " [1.187087 1.1831815 1.193423 1.2019496 1.1901498 1.1554008 1.1190225\n", + " 1.0942508 1.0819777 1.0794675 1.078554 1.07294 1.0624152 1.0536724\n", + " 1.0494016 1.0513378 1.0570866 1.0625012 0. 0. ]\n", + " [1.1878042 1.1849439 1.1958497 1.2050197 1.1915053 1.1567211 1.1203105\n", + " 1.0951828 1.082846 1.0782341 1.0761635 1.070146 1.0603871 1.0518562\n", + " 1.0477366 1.0501099 1.0554252 1.0605302 1.0629655 1.0636234]\n", + " [1.20592 1.1998796 1.2095369 1.2191522 1.2049332 1.1667854 1.1277502\n", + " 1.1020176 1.0906168 1.089158 1.0899386 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2052627 1.1977824 1.2055402 1.2125854 1.198519 1.1619558 1.1251525\n", + " 1.1000624 1.0896806 1.0877137 1.0870473 1.0813918 1.0705547 1.0608636\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1720364 1.1696804 1.1805501 1.1891227 1.1756511 1.1416196 1.1064829\n", + " 1.0839508 1.0726491 1.0697069 1.0680519 1.0629404 1.0538975 1.0461205\n", + " 1.0431194 1.0447001 1.0495389 1.0542053 1.0566934 1.0573324]\n", + " [1.1660612 1.162176 1.1728323 1.1817707 1.1705825 1.1370419 1.1026112\n", + " 1.07973 1.0689342 1.0666723 1.0670097 1.062722 1.0543978 1.0468422\n", + " 1.0430882 1.0446361 1.0496342 1.0547054 0. 0. ]\n", + " [1.1729202 1.170043 1.1802577 1.1878594 1.1754261 1.1413543 1.1058807\n", + " 1.0841112 1.074061 1.0727073 1.0731337 1.0680962 1.0589389 1.0499973\n", + " 1.0463763 1.0484452 0. 0. 0. 0. ]\n", + " [1.1951652 1.190201 1.2000629 1.2081091 1.194377 1.1581588 1.1204534\n", + " 1.0953279 1.0834231 1.0803221 1.080152 1.0749807 1.0657414 1.0567786\n", + " 1.0530206 1.05503 1.0606049 0. 0. 0. ]\n", + " [1.1962445 1.1908453 1.201141 1.209288 1.1957165 1.1591079 1.1222568\n", + " 1.0972277 1.0858248 1.0823278 1.0822363 1.0766748 1.0657704 1.0569596\n", + " 1.0526037 1.0552453 1.0615499 0. 0. 0. ]]\n", + "[[1.1577841 1.1536676 1.1631303 1.1709838 1.160257 1.1283909 1.0969487\n", + " 1.0767643 1.0679699 1.0672474 1.0681448 1.0633297 1.0540984 1.0459644\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1664667 1.1653155 1.1758628 1.185333 1.1729813 1.1395168 1.1060659\n", + " 1.0833905 1.0715816 1.0685737 1.066709 1.060639 1.0523467 1.0445609\n", + " 1.0414603 1.0430759 1.0480499 1.0526977 1.0553106 1.056453 ]\n", + " [1.1750485 1.1706921 1.1816852 1.1906523 1.1799909 1.145134 1.1101925\n", + " 1.0866176 1.0756567 1.0743799 1.0748907 1.0712427 1.0617907 1.0529795\n", + " 1.0488836 0. 0. 0. 0. 0. ]\n", + " [1.1597973 1.1552234 1.1633472 1.1712729 1.1594594 1.1285589 1.0975388\n", + " 1.076014 1.0658073 1.06272 1.0621098 1.0589874 1.0511345 1.0443254\n", + " 1.0411257 1.0426522 1.0477031 0. 0. 0. ]\n", + " [1.1702056 1.166047 1.1772707 1.1863971 1.1757456 1.1420308 1.1062188\n", + " 1.0830622 1.0723569 1.0699427 1.0703543 1.0659599 1.0570631 1.048623\n", + " 1.0446167 1.0461581 1.051428 0. 0. 0. ]]\n", + "[[1.1851382 1.1801555 1.1911218 1.1994678 1.1875466 1.1524096 1.1165066\n", + " 1.0930701 1.081908 1.0808308 1.0811111 1.0752517 1.0649993 1.055486\n", + " 1.0508561 1.0529875 0. 0. ]\n", + " [1.1825639 1.1776294 1.187285 1.1958314 1.1848973 1.1520822 1.1171718\n", + " 1.0933527 1.0813923 1.0787561 1.078323 1.0732619 1.0633718 1.0540366\n", + " 1.0500152 1.0523733 0. 0. ]\n", + " [1.1831388 1.178543 1.188149 1.1956433 1.1839017 1.14882 1.1132432\n", + " 1.0892385 1.0777652 1.0746592 1.0740333 1.0689007 1.0605923 1.0519885\n", + " 1.0482019 1.0502808 1.0557449 0. ]\n", + " [1.1480201 1.1452364 1.1539028 1.161165 1.1504055 1.120811 1.0906659\n", + " 1.0702016 1.0608387 1.0581052 1.058126 1.0538199 1.0466161 1.0397416\n", + " 1.0368975 1.0381024 1.0426447 1.0472213]\n", + " [1.165925 1.1628606 1.1727734 1.1810058 1.1701497 1.1367819 1.1027883\n", + " 1.0808446 1.0717752 1.0698615 1.0704184 1.0648973 1.056253 1.0481795\n", + " 1.0443419 1.0460356 0. 0. ]]\n", + "[[1.1716313 1.1686254 1.178688 1.1877484 1.1763315 1.1432555 1.1084285\n", + " 1.0844613 1.0736804 1.0704694 1.0688604 1.0642675 1.0557793 1.0475142\n", + " 1.0439341 1.0453134 1.0499811 1.0549905 1.0571973 0. ]\n", + " [1.1751909 1.1719896 1.1821275 1.1913967 1.1791675 1.1459928 1.1112988\n", + " 1.0877802 1.0765984 1.0735191 1.0723442 1.0672765 1.057555 1.0488923\n", + " 1.0453218 1.0471592 1.0524038 1.0574516 0. 0. ]\n", + " [1.17551 1.1728456 1.1836104 1.1921409 1.1787447 1.1442065 1.1091964\n", + " 1.0858941 1.0750645 1.0724719 1.0716319 1.0668243 1.0572777 1.0489615\n", + " 1.0450315 1.046994 1.0524801 1.0576124 0. 0. ]\n", + " [1.1792823 1.1749443 1.1862 1.1952975 1.1823026 1.1482815 1.1117612\n", + " 1.0871043 1.0750915 1.0721627 1.0719489 1.0672107 1.058256 1.0498284\n", + " 1.0460708 1.0478225 1.0531014 1.058046 0. 0. ]\n", + " [1.173128 1.1711888 1.1822336 1.1918812 1.178284 1.144617 1.1092987\n", + " 1.0853779 1.0736095 1.0701923 1.0687932 1.0630741 1.0542923 1.0467811\n", + " 1.0429609 1.0451494 1.0499463 1.054866 1.0577265 1.0590937]]\n", + "[[1.1673474 1.1641828 1.1741862 1.1821353 1.1687515 1.1350445 1.1020148\n", + " 1.080657 1.070876 1.0678945 1.067325 1.0617508 1.0532374 1.0452323\n", + " 1.0418682 1.0436018 1.0490572 1.0539494 0. ]\n", + " [1.1693845 1.1664671 1.1777565 1.1878903 1.1751482 1.141141 1.1063205\n", + " 1.0829216 1.0724441 1.0695307 1.0684415 1.0626103 1.0539094 1.0455002\n", + " 1.041688 1.0432844 1.0481117 1.0532559 1.05603 ]\n", + " [1.1600387 1.1551564 1.1631323 1.1709292 1.1601338 1.1315652 1.1013093\n", + " 1.0809166 1.0706074 1.0673623 1.0657883 1.0612481 1.0526221 1.0450059\n", + " 1.0415825 1.0429463 1.0479366 0. 0. ]\n", + " [1.1915071 1.1868352 1.1980497 1.2063917 1.1940522 1.1577734 1.1203626\n", + " 1.0957313 1.0845287 1.0825654 1.0825198 1.077166 1.0664825 1.0568016\n", + " 1.0522263 1.0545703 0. 0. 0. ]\n", + " [1.1676966 1.1627665 1.1729244 1.1829673 1.1720126 1.1393971 1.105086\n", + " 1.0825329 1.0724773 1.0707691 1.071234 1.0666578 1.0577097 1.0490328\n", + " 1.0450431 1.0466864 0. 0. 0. ]]\n", + "[[1.1586288 1.1539174 1.1616828 1.1696428 1.158911 1.1292545 1.098309\n", + " 1.0773699 1.067414 1.0647188 1.0649391 1.060712 1.0530133 1.0453961\n", + " 1.0415692 1.0432005 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1606548 1.1572531 1.1669955 1.1760961 1.1653316 1.1349192 1.1029078\n", + " 1.0813749 1.0703042 1.0667882 1.0647967 1.0590931 1.0504309 1.0433551\n", + " 1.0402536 1.042102 1.0465977 1.051177 1.0535389 1.0542824 1.0557115\n", + " 1.059275 1.0667404]\n", + " [1.1524189 1.1493325 1.1570644 1.1632246 1.1521238 1.1230485 1.0930626\n", + " 1.0725932 1.0624921 1.0599307 1.0591135 1.0547982 1.047312 1.0402678\n", + " 1.0373462 1.0392141 1.0434319 1.0477799 1.0501609 0. 0.\n", + " 0. 0. ]\n", + " [1.1822287 1.179613 1.1887943 1.1972893 1.1839248 1.1500149 1.1149017\n", + " 1.0908127 1.0786765 1.0754447 1.0734999 1.0672989 1.057838 1.0495112\n", + " 1.0459211 1.0478349 1.0534662 1.0588027 1.0611768 0. 0.\n", + " 0. 0. ]\n", + " [1.1691929 1.1640537 1.1727561 1.1803788 1.1697472 1.1377805 1.1040392\n", + " 1.0814507 1.0705118 1.0686114 1.0676486 1.0628798 1.0546947 1.0470855\n", + " 1.0434972 1.0450822 1.0503346 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1734265 1.1710731 1.1825271 1.1923285 1.1800846 1.1462452 1.1109222\n", + " 1.0863857 1.0749189 1.0713106 1.0696205 1.0645304 1.0556593 1.0480865\n", + " 1.0443753 1.0460329 1.0510867 1.0559213 1.0584148 1.0591693 0.\n", + " 0. 0. 0. ]\n", + " [1.167529 1.1646775 1.1752996 1.1848012 1.1722077 1.1384847 1.1053692\n", + " 1.0835255 1.072298 1.0691808 1.0677397 1.062125 1.0531396 1.0455666\n", + " 1.0417603 1.0434415 1.0482193 1.0524458 1.0547825 1.0556364 0.\n", + " 0. 0. 0. ]\n", + " [1.178516 1.1744642 1.1853421 1.1941838 1.1816056 1.1463497 1.1106083\n", + " 1.0864317 1.0759717 1.073528 1.0730225 1.06826 1.0590956 1.0507349\n", + " 1.0470737 1.0487384 1.0544027 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1495337 1.147125 1.1575431 1.1664708 1.1553022 1.1254624 1.0952245\n", + " 1.0751424 1.0648818 1.0616183 1.059764 1.0543072 1.0457972 1.0391518\n", + " 1.0364797 1.0386319 1.0436537 1.0480366 1.0504849 1.0516554 1.0527066\n", + " 1.0559022 1.0627722 1.0715483]\n", + " [1.1730582 1.1662451 1.1745679 1.1820478 1.1685483 1.1368 1.103863\n", + " 1.0827148 1.0730871 1.071377 1.0720128 1.067585 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.186118 1.1819378 1.1917698 1.1991162 1.1872447 1.1523192 1.115903\n", + " 1.0920345 1.0804476 1.0773548 1.0772479 1.0720145 1.0623485 1.0532111\n", + " 1.0496305 1.0516552 1.0574379 0. 0. 0. 0. ]\n", + " [1.1844891 1.1827947 1.1948742 1.205398 1.1921884 1.1554917 1.1179419\n", + " 1.0926205 1.0794855 1.0760015 1.0739588 1.0679259 1.0588701 1.0502783\n", + " 1.0467299 1.0485611 1.0534211 1.0586442 1.0610976 1.0618765 1.0636798]\n", + " [1.175084 1.1709075 1.1816283 1.1911842 1.1796151 1.1453929 1.1095282\n", + " 1.0860097 1.0749755 1.0726768 1.0722761 1.0669334 1.0575691 1.0489423\n", + " 1.0452483 1.0467434 1.0521965 1.0580165 0. 0. 0. ]\n", + " [1.1757172 1.173794 1.1846731 1.1925713 1.179164 1.1447208 1.1099328\n", + " 1.086191 1.0751096 1.0721778 1.0704511 1.0653929 1.0558331 1.0477172\n", + " 1.0441477 1.0458109 1.0508586 1.0559613 1.0581081 0. 0. ]\n", + " [1.1551275 1.1526105 1.1631026 1.1712387 1.1591262 1.1281998 1.0960377\n", + " 1.0749484 1.0649251 1.0623106 1.0623986 1.0576627 1.0498515 1.042144\n", + " 1.0388834 1.0404582 1.0448935 1.0497493 0. 0. 0. ]]\n", + "[[1.1734489 1.1711558 1.1813294 1.1907328 1.1783333 1.1440997 1.109448\n", + " 1.0859625 1.0754032 1.0726434 1.0723952 1.067334 1.0581455 1.0500683\n", + " 1.0459929 1.0475695 1.0529951 0. 0. 0. ]\n", + " [1.1717432 1.1684469 1.1799631 1.1897492 1.1781042 1.1434875 1.1079735\n", + " 1.0844811 1.073234 1.0703486 1.0703241 1.0659992 1.0571324 1.0489761\n", + " 1.0452502 1.0469334 1.0523487 0. 0. 0. ]\n", + " [1.1614817 1.1595122 1.1691706 1.1780496 1.1661526 1.1330317 1.1005216\n", + " 1.0789378 1.0682269 1.0648195 1.063472 1.0586429 1.0508289 1.0432793\n", + " 1.0400776 1.0414158 1.0458062 1.050247 1.0525875 1.053344 ]\n", + " [1.1673157 1.1596197 1.1678967 1.1762571 1.1651565 1.135283 1.1026782\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1852918 1.1817588 1.1930104 1.2023418 1.190718 1.1548761 1.1179606\n", + " 1.093351 1.081017 1.0774701 1.0766193 1.0712707 1.0618432 1.0527977\n", + " 1.0487583 1.0506413 1.0559528 1.0613703 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1607245 1.1591204 1.1696954 1.1768597 1.1656761 1.1328034 1.0997841\n", + " 1.078111 1.0683619 1.0664759 1.0663165 1.0622003 1.0535767 1.0461122\n", + " 1.0425777 1.0444194 1.0494419 0. 0. ]\n", + " [1.1734146 1.1669579 1.1747407 1.1818913 1.1694417 1.1368551 1.1041911\n", + " 1.0831243 1.0735132 1.0718505 1.0715332 1.0670463 1.0579258 1.0495567\n", + " 1.0461364 0. 0. 0. 0. ]\n", + " [1.1689111 1.1649778 1.1753981 1.1853578 1.1735313 1.139867 1.1056967\n", + " 1.0833441 1.0729918 1.0711012 1.070647 1.0656338 1.0561426 1.0477314\n", + " 1.043362 1.045502 1.0509338 0. 0. ]\n", + " [1.186178 1.1830527 1.1934004 1.201295 1.189307 1.1534699 1.1169603\n", + " 1.0917858 1.0807983 1.0773264 1.0754588 1.0696714 1.0595275 1.0512801\n", + " 1.0473518 1.0493947 1.0549423 1.0603268 1.0627834]\n", + " [1.1883662 1.1825184 1.19187 1.1984711 1.1859 1.1515095 1.1152896\n", + " 1.0912386 1.0804552 1.0788267 1.0788933 1.0745133 1.0648589 1.0559216\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1605238 1.1562239 1.1653169 1.1721284 1.1613789 1.1305453 1.0986707\n", + " 1.0774875 1.0673965 1.0654383 1.0652391 1.0608902 1.0528816 1.0453188\n", + " 1.0419905 1.0441309 0. 0. 0. 0. ]\n", + " [1.1620219 1.1581478 1.1681496 1.1765484 1.1649494 1.1328971 1.0995536\n", + " 1.0778732 1.0679195 1.0662266 1.06631 1.0617241 1.0535806 1.0460218\n", + " 1.0425571 1.0444758 1.0498585 0. 0. 0. ]\n", + " [1.1797875 1.1739743 1.1833876 1.1923218 1.1796803 1.1462822 1.1107885\n", + " 1.0878875 1.0769752 1.0745878 1.0740508 1.0688376 1.0589402 1.0510268\n", + " 1.0473475 1.0495707 0. 0. 0. 0. ]\n", + " [1.1731449 1.1691309 1.1790045 1.1866133 1.1733867 1.1407099 1.1069688\n", + " 1.0844404 1.0734267 1.0709614 1.0701357 1.0647357 1.0559909 1.0478253\n", + " 1.0441246 1.0462236 1.0518152 1.05717 0. 0. ]\n", + " [1.1761634 1.1732794 1.1833591 1.192282 1.1798384 1.1474056 1.1127844\n", + " 1.0890871 1.0769249 1.0727762 1.070811 1.0646265 1.0552781 1.0477259\n", + " 1.044566 1.0459667 1.0512044 1.0560502 1.0584813 1.0594454]]\n", + "[[1.1834788 1.1775606 1.1863624 1.195047 1.1830473 1.148568 1.1138538\n", + " 1.0910752 1.0812792 1.0806054 1.0816202 1.0755318 1.0645723 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1683434 1.1642475 1.1738539 1.1813887 1.1706966 1.1384531 1.1058537\n", + " 1.083678 1.0731155 1.0704895 1.0702871 1.0653832 1.0565877 1.0482905\n", + " 1.0445751 1.0462955 1.0518206 0. 0. 0. ]\n", + " [1.1622434 1.1593394 1.1704358 1.1793823 1.1686273 1.1362339 1.1022005\n", + " 1.0799277 1.0693014 1.0667405 1.0662358 1.0616325 1.052995 1.045459\n", + " 1.0418947 1.0435389 1.0482922 1.052973 0. 0. ]\n", + " [1.1535211 1.1504378 1.1603535 1.1692009 1.1581297 1.1276916 1.0969687\n", + " 1.0752949 1.0654867 1.0622528 1.0608187 1.055847 1.0481147 1.0413344\n", + " 1.0381894 1.0397195 1.044105 1.0483159 1.0504984 1.0510138]\n", + " [1.1756086 1.170046 1.179054 1.1859759 1.17448 1.1414322 1.1062666\n", + " 1.0838801 1.073604 1.0714202 1.0714438 1.066486 1.0573888 1.0493456\n", + " 1.0453298 1.0472467 1.0526998 0. 0. 0. ]]\n", + "[[1.1967052 1.19235 1.2015532 1.2094748 1.1962457 1.1606286 1.1227841\n", + " 1.0970029 1.0840585 1.0805271 1.078815 1.0742178 1.0646422 1.0559937\n", + " 1.0516473 1.05385 1.0594276 1.0650644]\n", + " [1.172286 1.168748 1.179424 1.1888222 1.1763359 1.143215 1.1086668\n", + " 1.0860037 1.075356 1.0731503 1.0727365 1.0674217 1.0575897 1.0489452\n", + " 1.0451199 1.046817 1.0528728 0. ]\n", + " [1.1956943 1.1905768 1.1996235 1.2081246 1.1940718 1.1594018 1.1228474\n", + " 1.0987718 1.0864795 1.0844934 1.0840181 1.0782975 1.0672315 1.0582076\n", + " 1.0542446 0. 0. 0. ]\n", + " [1.1935213 1.1871628 1.193932 1.2010845 1.188087 1.1534399 1.1182116\n", + " 1.0948917 1.0843127 1.0816543 1.0812546 1.0761496 1.066381 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1918025 1.1848043 1.1934953 1.2019328 1.1910131 1.1564393 1.12037\n", + " 1.0959027 1.0843462 1.08235 1.0810804 1.075873 1.0655974 1.0561771\n", + " 1.0520669 0. 0. 0. ]]\n", + "[[1.175662 1.1729815 1.1851804 1.1961031 1.183702 1.149078 1.1131885\n", + " 1.08872 1.0763583 1.0719208 1.0704358 1.0644839 1.0558743 1.0480456\n", + " 1.0444773 1.0466862 1.0515813 1.0568054 1.0597131 1.0606757 0.\n", + " 0. 0. ]\n", + " [1.1762244 1.1727768 1.1829205 1.1917028 1.1797925 1.1460907 1.1109837\n", + " 1.0874983 1.0759376 1.0725152 1.0715181 1.0661038 1.0572422 1.0491505\n", + " 1.045124 1.0470122 1.052191 1.0570863 1.0597228 0. 0.\n", + " 0. 0. ]\n", + " [1.1659734 1.1623652 1.1725084 1.181332 1.1691643 1.1365749 1.1031128\n", + " 1.0815525 1.0710187 1.0682287 1.0680975 1.0631506 1.0540959 1.0458426\n", + " 1.042467 1.0440775 1.0490649 1.0544676 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1513716 1.1488829 1.1602651 1.1696973 1.1594832 1.1284916 1.0967665\n", + " 1.0753753 1.0654826 1.0630186 1.0632592 1.0586905 1.050279 1.0429959\n", + " 1.0393897 1.0408211 1.0454189 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1581962 1.155124 1.1654713 1.1741002 1.1622772 1.1302694 1.0978452\n", + " 1.0768858 1.066658 1.0634271 1.061433 1.0566896 1.0487684 1.0418514\n", + " 1.0390638 1.0411834 1.0455804 1.0498393 1.0520798 1.0528729 1.0544617\n", + " 1.0581506 1.0652205]]\n", + "[[1.1895169 1.1831979 1.1921163 1.2002642 1.186287 1.1523223 1.1167837\n", + " 1.0934503 1.083219 1.0808631 1.0803957 1.0744758 1.0643967 1.0553058\n", + " 1.0516535 0. 0. ]\n", + " [1.1622036 1.159301 1.1692854 1.177059 1.1647696 1.1320432 1.098469\n", + " 1.0763527 1.0666941 1.0648671 1.0649629 1.0609062 1.0527152 1.045378\n", + " 1.0417322 1.0433534 1.048617 ]\n", + " [1.1711261 1.1681538 1.1781275 1.1881709 1.1764456 1.143299 1.1082307\n", + " 1.0850732 1.0750902 1.0732286 1.073368 1.0685605 1.0590602 1.0501697\n", + " 1.0461645 1.0479535 0. ]\n", + " [1.1804887 1.175798 1.1856692 1.1924418 1.1779865 1.1431351 1.1082953\n", + " 1.0857186 1.0765754 1.0758415 1.0769038 1.0722398 1.0620494 0.\n", + " 0. 0. 0. ]\n", + " [1.1647818 1.160138 1.1690525 1.1761711 1.1646634 1.1331005 1.1006154\n", + " 1.0789249 1.0695473 1.0672978 1.0664253 1.0619568 1.0533917 1.0457872\n", + " 1.0421983 1.0440166 1.0494196]]\n", + "[[1.1631678 1.1587766 1.16928 1.1782259 1.1672403 1.1357132 1.1020994\n", + " 1.0797012 1.0690515 1.0654494 1.0645565 1.0598751 1.0508714 1.0435791\n", + " 1.0403116 1.042111 1.0468764 1.0518063 1.0542324]\n", + " [1.1663623 1.1627525 1.1723015 1.1800283 1.1672362 1.1343062 1.1009461\n", + " 1.0800034 1.0696807 1.06696 1.0662618 1.0612004 1.0524986 1.044754\n", + " 1.0417838 1.0435572 1.0484222 1.0534714 0. ]\n", + " [1.2048049 1.1988765 1.2098348 1.2191284 1.2043604 1.1653066 1.1249269\n", + " 1.0993466 1.088058 1.086399 1.0865993 1.0813875 1.0697381 1.0594267\n", + " 1.0545744 1.0570921 0. 0. 0. ]\n", + " [1.2139394 1.2047724 1.2133825 1.2214223 1.2073697 1.1714331 1.1317791\n", + " 1.1055892 1.0933819 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1668403 1.164608 1.17559 1.1848991 1.1715821 1.1370718 1.103106\n", + " 1.08086 1.071029 1.0685794 1.0684503 1.0632805 1.0545446 1.0465002\n", + " 1.0430871 1.0446162 1.0496283 1.0545967 0. ]]\n", + "[[1.1968229 1.1924431 1.2033159 1.2115445 1.1985826 1.1617793 1.1233767\n", + " 1.0969981 1.0839003 1.0798194 1.0782033 1.07264 1.0630804 1.0545082\n", + " 1.0502551 1.052546 1.0580112 1.0641019 1.0672451 0. ]\n", + " [1.1651559 1.1629635 1.1731287 1.18204 1.170267 1.1369874 1.103245\n", + " 1.0808587 1.0696443 1.0663058 1.064774 1.0592396 1.0502651 1.043269\n", + " 1.0401813 1.0418108 1.0466169 1.051527 1.0543219 1.0557151]\n", + " [1.1690999 1.1649188 1.173928 1.1824869 1.170564 1.1386291 1.1059455\n", + " 1.0842633 1.0736555 1.0708741 1.0699642 1.0644839 1.0558138 1.0474303\n", + " 1.0436156 1.0450964 1.0502541 0. 0. 0. ]\n", + " [1.1726289 1.1691327 1.1784011 1.1860198 1.1736245 1.1403136 1.1074536\n", + " 1.0855863 1.0747716 1.0708404 1.0690788 1.0631934 1.0536948 1.0460995\n", + " 1.042814 1.0449177 1.0499835 1.0548115 1.0568686 1.057639 ]\n", + " [1.1879832 1.1825621 1.1915206 1.199167 1.1869637 1.1528385 1.1172793\n", + " 1.0934211 1.0819148 1.0800189 1.0798157 1.0744352 1.0646472 1.0556355\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1586449 1.1551725 1.166164 1.1764226 1.166244 1.1351659 1.1017953\n", + " 1.0797164 1.0697366 1.0674838 1.0676404 1.0628821 1.054034 1.046129\n", + " 1.0422295 1.0438188 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1595795 1.1554543 1.1642747 1.1718103 1.1596544 1.1293067 1.0982099\n", + " 1.0765958 1.0663798 1.0633482 1.0623627 1.0574824 1.0494858 1.0423217\n", + " 1.0392661 1.0404197 1.0450488 1.0496707 1.0520031 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1457322 1.1429611 1.152785 1.1613632 1.1509024 1.1207293 1.0913899\n", + " 1.0719122 1.0618374 1.0582933 1.0561051 1.0515295 1.0440129 1.0372869\n", + " 1.0348495 1.0370561 1.0417646 1.0458677 1.0480001 1.0490192 1.0501442\n", + " 1.0530552 1.0595609 1.068145 ]\n", + " [1.181367 1.1789471 1.1896828 1.1995482 1.1869099 1.1532006 1.1168686\n", + " 1.0922691 1.0798916 1.0759699 1.0740217 1.0675049 1.0585438 1.0499873\n", + " 1.0465521 1.0485052 1.0533719 1.058455 1.0607743 1.0616333 0.\n", + " 0. 0. 0. ]\n", + " [1.1682401 1.1655706 1.1761063 1.1842573 1.1701186 1.1376367 1.1047894\n", + " 1.0828353 1.0727488 1.0711195 1.0711784 1.0669922 1.0577664 1.049915\n", + " 1.0457054 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.2237251 1.2171897 1.22686 1.2338939 1.2195683 1.1795824 1.1385219\n", + " 1.1114812 1.0991862 1.09779 1.0978374 1.0903556 1.0788984 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1856142 1.1815916 1.1931014 1.2025182 1.1901233 1.1545259 1.1171573\n", + " 1.092243 1.0807943 1.077871 1.0770826 1.0720965 1.0620813 1.052757\n", + " 1.0484914 1.0503589 1.0558995 1.0616531]\n", + " [1.1736166 1.1702642 1.1799083 1.1887907 1.1749581 1.1402831 1.1058342\n", + " 1.0838354 1.0733459 1.0716162 1.0716738 1.0668175 1.0576706 1.0491999\n", + " 1.0454746 1.0472806 1.052725 0. ]\n", + " [1.1842002 1.179673 1.1894809 1.1976143 1.1857258 1.1505054 1.1153814\n", + " 1.0909905 1.0795428 1.0763524 1.0751619 1.0701932 1.0610527 1.0520917\n", + " 1.0482367 1.0503308 1.0560173 1.06113 ]\n", + " [1.1843699 1.1817138 1.1935822 1.2030717 1.1880282 1.152391 1.1158324\n", + " 1.0916951 1.0813404 1.0804476 1.0803989 1.0742332 1.0637329 1.0544055\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1806226 1.173735 1.1822032 1.1896671 1.177243 1.1432753 1.1095792\n", + " 1.0878475 1.0783399 1.0772653 1.077325 1.0721028 1.0617225 0.\n", + " 0. 0. 0. ]\n", + " [1.1477087 1.1432554 1.1516267 1.1586033 1.1491528 1.1203972 1.0909468\n", + " 1.0714884 1.062307 1.0600092 1.0598234 1.0558083 1.0479032 1.0407077\n", + " 1.0378294 1.0393609 1.0440221]\n", + " [1.1904807 1.1843586 1.1949958 1.2030295 1.189483 1.1529698 1.117244\n", + " 1.0936141 1.083423 1.0824883 1.0828934 1.0773938 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1728383 1.1687748 1.1787531 1.1883035 1.1774635 1.1432563 1.1076092\n", + " 1.0839925 1.0726577 1.0710227 1.071217 1.0671295 1.058407 1.0502707\n", + " 1.0460758 1.0477175 1.0529752]\n", + " [1.1707742 1.1666228 1.1773107 1.1860933 1.1750028 1.1420768 1.107247\n", + " 1.0846628 1.0738796 1.072281 1.0722154 1.0676198 1.0587667 1.0502388\n", + " 1.046145 1.0479007 0. ]]\n", + "[[1.2001827 1.1921077 1.2005336 1.2097572 1.1980133 1.1626487 1.1255294\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.186954 1.1815449 1.1913745 1.2010052 1.1875956 1.1518061 1.1153923\n", + " 1.0920981 1.0818073 1.0805953 1.0815235 1.0758301 1.065244 1.0556595\n", + " 0. 0. 0. ]\n", + " [1.1622428 1.1586328 1.1684306 1.1771438 1.1657827 1.1338961 1.1001692\n", + " 1.0787996 1.0688987 1.0667316 1.0661259 1.0618918 1.0532131 1.0455284\n", + " 1.0420773 1.0438263 1.0486449]\n", + " [1.2117012 1.2041825 1.2119594 1.2219934 1.2077736 1.1712034 1.1322309\n", + " 1.1048684 1.0925623 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1630415 1.1578419 1.165874 1.1731131 1.1608782 1.1284423 1.0973119\n", + " 1.0770574 1.0679233 1.0664749 1.0661199 1.0615376 1.053135 1.0451505\n", + " 1.0417733 1.0438964 0. ]]\n", + "[[1.167724 1.1637025 1.1736189 1.1820204 1.1694578 1.1378874 1.1049923\n", + " 1.0833185 1.0729828 1.071339 1.0715321 1.0669975 1.057917 1.0495818\n", + " 1.0460565 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1474779 1.1449288 1.156267 1.1667407 1.1575751 1.1278082 1.096363\n", + " 1.0749645 1.0642583 1.0609698 1.0591186 1.0541223 1.045826 1.038624\n", + " 1.036049 1.0376378 1.0422719 1.047094 1.0492477 1.0497133 1.0504603\n", + " 1.0535436 1.0601165]\n", + " [1.1956644 1.1930907 1.2033573 1.2109716 1.198392 1.1615275 1.1230487\n", + " 1.0973413 1.0844402 1.0809697 1.0793027 1.0731393 1.0628169 1.0542516\n", + " 1.0500083 1.052279 1.0577971 1.063323 1.0660392 0. 0.\n", + " 0. 0. ]\n", + " [1.1719576 1.1680367 1.1789867 1.1875546 1.1756169 1.1421311 1.107929\n", + " 1.085152 1.0751473 1.0733078 1.0738523 1.0695413 1.0605811 1.051557\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1718981 1.166314 1.1748991 1.1822987 1.1706256 1.137702 1.1047753\n", + " 1.0828847 1.072947 1.0714693 1.0714054 1.0672249 1.0582201 1.0496349\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1551527 1.1506605 1.1576493 1.1638818 1.1531097 1.1238595 1.0936118\n", + " 1.0731182 1.063158 1.0602297 1.0589104 1.0551705 1.0478559 1.0411223\n", + " 1.0380303 1.0393997 1.04399 1.048538 0. ]\n", + " [1.1603711 1.1579643 1.1685185 1.1774491 1.1657262 1.1342629 1.10127\n", + " 1.0788862 1.068279 1.0654395 1.0640309 1.0592303 1.0506293 1.0430087\n", + " 1.0395437 1.0413684 1.0461135 1.0508363 1.053709 ]\n", + " [1.172769 1.1677822 1.1770545 1.1839476 1.1726527 1.1400541 1.1061548\n", + " 1.083596 1.0733258 1.0700397 1.0686882 1.0640318 1.0557654 1.0474421\n", + " 1.0445471 1.0465559 1.0525694 0. 0. ]\n", + " [1.1892469 1.1829177 1.1911869 1.1991147 1.1868913 1.153418 1.1174688\n", + " 1.093253 1.0824583 1.0799496 1.0793724 1.0745378 1.0648988 1.0557747\n", + " 1.0511624 1.0528162 0. 0. 0. ]\n", + " [1.1848018 1.1782613 1.1866202 1.1949006 1.1814162 1.1477242 1.1127641\n", + " 1.0897087 1.0798243 1.0785191 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1592882 1.1545969 1.1639159 1.172744 1.1621757 1.1313304 1.1001817\n", + " 1.0796547 1.0689822 1.0647771 1.0627322 1.0566981 1.0482194 1.041243\n", + " 1.0384098 1.0401124 1.0448552 1.0494528 1.0514805 1.0521376 1.05331\n", + " 1.0564686]\n", + " [1.1627235 1.1598144 1.1695504 1.1781274 1.1658671 1.1342579 1.1006503\n", + " 1.0786067 1.0681505 1.0661641 1.0662237 1.0625514 1.0543628 1.0472262\n", + " 1.0436511 1.0454072 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1842633 1.181467 1.1925508 1.2015439 1.1873733 1.1515524 1.1143749\n", + " 1.0896052 1.0778335 1.0743921 1.0731801 1.0675274 1.0581518 1.0501151\n", + " 1.0462027 1.048505 1.0541044 1.059429 1.0618267 1.0625509 0.\n", + " 0. ]\n", + " [1.1572757 1.1520599 1.1590743 1.1654145 1.1545486 1.1237241 1.094134\n", + " 1.0742306 1.0651605 1.0636574 1.0638402 1.0603884 1.0526023 1.0451578\n", + " 1.0418046 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1754242 1.1712449 1.1809394 1.1907516 1.1781642 1.1457478 1.1117833\n", + " 1.0883416 1.0769154 1.074918 1.0746938 1.0695441 1.0606246 1.0518937\n", + " 1.0479854 1.049827 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1779608 1.1749966 1.18612 1.1947876 1.1829588 1.1482052 1.1129419\n", + " 1.0891149 1.0784084 1.0761136 1.0764349 1.0710778 1.0609732 1.0520457\n", + " 1.0479419 1.0499674 0. ]\n", + " [1.2127675 1.2068801 1.2181216 1.2275767 1.2170439 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1898543 1.1826935 1.1899252 1.195072 1.1818697 1.1472385 1.1121106\n", + " 1.088846 1.0782923 1.0764289 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1749103 1.1716502 1.1813515 1.1902907 1.179209 1.1460936 1.1108294\n", + " 1.0884339 1.0773472 1.0746331 1.0739061 1.0685254 1.0590589 1.0503188\n", + " 1.0464598 1.0485132 1.0542892]\n", + " [1.1975732 1.1939678 1.2045995 1.2119311 1.1960492 1.1581482 1.1203774\n", + " 1.0958427 1.0858155 1.0849276 1.0859793 1.0800859 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1724186 1.1684854 1.1790038 1.1879704 1.1767846 1.143458 1.109131\n", + " 1.0865089 1.0754902 1.07205 1.0714142 1.0657982 1.0565742 1.0479097\n", + " 1.044171 1.0455703 1.0505066 1.0557084 0. ]\n", + " [1.1760728 1.1729101 1.1845647 1.1952047 1.184075 1.1503108 1.1143224\n", + " 1.0899613 1.077895 1.0744725 1.0731988 1.0677638 1.058983 1.050548\n", + " 1.0466307 1.047916 1.0531462 1.0582776 1.0609165]\n", + " [1.1745715 1.1697478 1.1813864 1.1920793 1.1810017 1.1470586 1.1115904\n", + " 1.0875974 1.0767754 1.0749426 1.0755615 1.0706772 1.0609007 1.0521082\n", + " 1.0479897 0. 0. 0. 0. ]\n", + " [1.1791408 1.177102 1.1888071 1.1996297 1.1867774 1.1508137 1.1133813\n", + " 1.0885805 1.0770042 1.0741518 1.073825 1.0693516 1.0597681 1.0514694\n", + " 1.046852 1.0490149 1.0541449 1.0596552 0. ]\n", + " [1.1502198 1.1466053 1.153944 1.1604098 1.1485115 1.1184207 1.090007\n", + " 1.0717883 1.0629321 1.0611439 1.0606656 1.0558739 1.0482056 1.0414246\n", + " 1.0383185 1.0400902 1.0445809 0. 0. ]]\n", + "[[1.1817727 1.179137 1.1907293 1.2001247 1.1866235 1.1513715 1.1145808\n", + " 1.0899029 1.0783206 1.0751878 1.074024 1.068135 1.0588675 1.0502192\n", + " 1.0463643 1.0482618 1.0532807 1.0585301 1.0609009 0. 0.\n", + " 0. ]\n", + " [1.1717726 1.169215 1.1793672 1.1883574 1.1770579 1.1440003 1.1097373\n", + " 1.0868223 1.0753038 1.0707985 1.0686384 1.0626576 1.0527115 1.0455718\n", + " 1.0426034 1.0447438 1.049665 1.0542771 1.0565778 1.0575732 1.0588088\n", + " 1.0627224]\n", + " [1.1658725 1.1613626 1.1718 1.1814921 1.1689633 1.1353217 1.1013279\n", + " 1.0793496 1.0698781 1.0682689 1.0687954 1.0647742 1.0563712 1.0481251\n", + " 1.0444458 1.0462683 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1824818 1.1764615 1.1854651 1.1923158 1.1785159 1.1431437 1.1084034\n", + " 1.0855069 1.0754907 1.0750417 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1546637 1.1492252 1.1574514 1.1649806 1.1542215 1.124259 1.0933825\n", + " 1.0738186 1.0645769 1.0624559 1.0630946 1.0596294 1.0520478 1.0446345\n", + " 1.0412265 1.043091 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1653234 1.1618474 1.1726148 1.1800363 1.1689254 1.1363299 1.1032183\n", + " 1.0814518 1.0720962 1.0708573 1.0715666 1.066702 1.0575794 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1889583 1.1846168 1.1941904 1.2039429 1.1903101 1.1548648 1.1179003\n", + " 1.0931271 1.0812281 1.0790324 1.0797199 1.0739833 1.0651186 1.0556723\n", + " 1.0515373 1.0537276 0. 0. 0. 0. ]\n", + " [1.1758106 1.1728506 1.1838847 1.1934158 1.1814861 1.1476356 1.1127119\n", + " 1.0887938 1.0770648 1.0735029 1.0719454 1.0664365 1.0574179 1.049206\n", + " 1.0449789 1.0465512 1.0516937 1.0564263 1.0589651 0. ]\n", + " [1.167338 1.1647141 1.1752609 1.1834712 1.1716957 1.1390377 1.1052492\n", + " 1.0829638 1.0719173 1.0686045 1.0671072 1.0613524 1.0529373 1.0451953\n", + " 1.0421407 1.0434589 1.0482848 1.0525357 1.0546451 1.0553199]\n", + " [1.1692581 1.1659403 1.1760225 1.1842943 1.1733972 1.1409221 1.1072838\n", + " 1.0843172 1.0731173 1.0699749 1.0691831 1.0639246 1.0555642 1.0472533\n", + " 1.0440726 1.0458382 1.0510176 1.0563395 0. 0. ]]\n", + "[[1.1712868 1.1664028 1.1759542 1.1843877 1.1713885 1.1374283 1.1036807\n", + " 1.081198 1.0710686 1.0688093 1.0685606 1.0641828 1.0558958 1.0479443\n", + " 1.0445168 1.0464466 1.0522501 0. 0. 0. 0. ]\n", + " [1.1726139 1.1676445 1.1763589 1.1844802 1.1713581 1.1380242 1.1042348\n", + " 1.0817099 1.0722759 1.0701545 1.070716 1.0660163 1.0570898 1.0492224\n", + " 1.0458221 1.0480325 0. 0. 0. 0. 0. ]\n", + " [1.188487 1.184473 1.1945128 1.2033504 1.1902454 1.1553833 1.1188738\n", + " 1.0943512 1.0824246 1.078724 1.0776653 1.0720593 1.062138 1.0526628\n", + " 1.049154 1.0511942 1.056775 1.0620818 0. 0. 0. ]\n", + " [1.1670072 1.165493 1.1769999 1.1859738 1.1737238 1.1411195 1.107239\n", + " 1.0840796 1.0729892 1.0688871 1.0668544 1.061106 1.0522717 1.0446814\n", + " 1.0413017 1.0430241 1.04789 1.0525845 1.0549414 1.0558722 1.0576143]\n", + " [1.1913787 1.1858643 1.1955642 1.203021 1.1901062 1.1548853 1.1188244\n", + " 1.0941344 1.0835147 1.0822134 1.0827314 1.0778878 1.067563 1.0576777\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1706287 1.1662982 1.1765034 1.1848962 1.1726311 1.1394758 1.1053647\n", + " 1.0829939 1.0732207 1.071388 1.0705911 1.0659151 1.0572214 1.0486267\n", + " 1.0449612 1.0467527 1.0522674]\n", + " [1.1895659 1.1837764 1.1933069 1.2015884 1.1875882 1.1513226 1.1149962\n", + " 1.0910385 1.0798479 1.0791098 1.0791159 1.0736445 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1690797 1.1636147 1.1715155 1.1786828 1.1668094 1.1360244 1.1032212\n", + " 1.0808302 1.0702921 1.0676022 1.067623 1.063724 1.0557292 1.0484711\n", + " 1.0447915 1.0461559 0. 0. 0. ]\n", + " [1.168935 1.1668622 1.1781161 1.186842 1.1747055 1.1410104 1.1068795\n", + " 1.0837824 1.0728451 1.0697659 1.0676811 1.063001 1.0539044 1.0462742\n", + " 1.0423851 1.0440041 1.0489783 1.0536847 1.0561324]\n", + " [1.1582043 1.1534004 1.1620873 1.1690879 1.1587174 1.1281425 1.0966578\n", + " 1.0757614 1.0666515 1.0646523 1.064643 1.0609968 1.0529575 1.045261\n", + " 1.0417643 1.0434031 0. 0. 0. ]\n", + " [1.1707516 1.1682501 1.179185 1.1884012 1.1754017 1.1414802 1.1066825\n", + " 1.0833209 1.0720375 1.0694104 1.0683494 1.0633061 1.0549765 1.0470214\n", + " 1.04325 1.044944 1.0495011 1.0540911 1.0564716]\n", + " [1.1791767 1.1734163 1.1822143 1.1900315 1.1775167 1.1436899 1.1088833\n", + " 1.0861068 1.0753138 1.0721998 1.0714084 1.066481 1.0574859 1.0492722\n", + " 1.0456542 1.0481979 1.053575 0. 0. ]]\n", + "[[1.1717248 1.1669649 1.1764938 1.1854268 1.1736805 1.1418856 1.1086255\n", + " 1.0864207 1.0748926 1.0705103 1.0683563 1.0618933 1.0527445 1.0454308\n", + " 1.0425749 1.0446614 1.0499579 1.0545192 1.0568787 1.0576285 1.0598061\n", + " 1.0639253 1.0718818]\n", + " [1.1784873 1.1743479 1.1842934 1.1925337 1.1797619 1.1448 1.1096741\n", + " 1.0862696 1.075161 1.0733498 1.07341 1.0695043 1.059904 1.0522075\n", + " 1.0482129 1.0502414 1.0556834 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.166587 1.1626921 1.1716578 1.1780753 1.164493 1.1332636 1.1027099\n", + " 1.0823025 1.0730661 1.0714933 1.0710387 1.0663106 1.0569534 1.0490015\n", + " 1.04486 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1691368 1.1672868 1.1795087 1.1893818 1.1771375 1.1424311 1.1073323\n", + " 1.0842805 1.0722818 1.0692531 1.0676326 1.0621831 1.0531392 1.0452251\n", + " 1.0417538 1.0434433 1.0484099 1.0531505 1.0556397 1.0565499 0.\n", + " 0. 0. ]\n", + " [1.1915169 1.1870937 1.1982516 1.2074156 1.1951921 1.1587515 1.1211435\n", + " 1.0961767 1.0844314 1.0823389 1.0829123 1.0776536 1.0672274 1.0576848\n", + " 1.0535946 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1772041 1.172627 1.1809034 1.1890688 1.1755697 1.1442987 1.1106739\n", + " 1.0876689 1.076997 1.0739884 1.0730069 1.0677881 1.0588837 1.0507873\n", + " 1.0469335 1.0489538 0. 0. 0. ]\n", + " [1.1652482 1.1616586 1.171412 1.1796715 1.1673846 1.1347755 1.101892\n", + " 1.0809349 1.071276 1.0701202 1.0701303 1.0648562 1.0563403 1.0478228\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1889695 1.1845373 1.1952229 1.2040055 1.1902663 1.1553307 1.1190547\n", + " 1.094876 1.0821545 1.0775868 1.0759921 1.0690606 1.0596174 1.0512371\n", + " 1.0476189 1.0499178 1.0561459 1.0617677 1.0648428]\n", + " [1.1817094 1.1776586 1.188677 1.1983433 1.1855426 1.1502912 1.113635\n", + " 1.0896139 1.0787078 1.0771129 1.0772653 1.0720366 1.0624821 1.0535426\n", + " 1.0491358 1.0511491 0. 0. 0. ]\n", + " [1.1612599 1.1577191 1.1686099 1.1773393 1.1665839 1.1347572 1.1013037\n", + " 1.0792552 1.0690902 1.0679923 1.068167 1.0637996 1.0548141 1.0466281\n", + " 1.0429288 1.0445509 0. 0. 0. ]]\n", + "[[1.1718285 1.1693268 1.1802664 1.1891296 1.1754811 1.1428392 1.1086016\n", + " 1.0855727 1.073963 1.0703336 1.0682075 1.062381 1.0530672 1.0456524\n", + " 1.0429156 1.0449357 1.0501457 1.0552795 1.0574213 1.058267 1.0598111]\n", + " [1.167548 1.1624849 1.1719992 1.1800716 1.170187 1.1386586 1.1050919\n", + " 1.0827146 1.0724114 1.0701108 1.0695579 1.0648798 1.056057 1.0482453\n", + " 1.0446346 1.046479 1.0519457 0. 0. 0. 0. ]\n", + " [1.1745609 1.1713573 1.1819776 1.190979 1.1776955 1.1431149 1.1081146\n", + " 1.0853467 1.0748963 1.0719324 1.0705364 1.0651014 1.0556332 1.047303\n", + " 1.0439482 1.0457776 1.0508698 1.0559562 1.0583292 0. 0. ]\n", + " [1.1859564 1.182629 1.1929134 1.2011106 1.1886548 1.1531476 1.1166975\n", + " 1.0920801 1.0805328 1.07752 1.0764529 1.0710329 1.0617416 1.0524763\n", + " 1.0488981 1.0508263 1.0565073 1.0623026 0. 0. 0. ]\n", + " [1.167755 1.1637453 1.173641 1.1823409 1.1699605 1.1374615 1.1041356\n", + " 1.0817617 1.0707469 1.0680146 1.0668464 1.0616794 1.0529853 1.0455723\n", + " 1.0422069 1.0440742 1.0488064 1.0538532 1.0564649 0. 0. ]]\n", + "[[1.1920907 1.1856053 1.1946166 1.2024602 1.1903411 1.1549876 1.1174772\n", + " 1.092656 1.0818692 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1839153 1.1826504 1.1942168 1.2026227 1.1880012 1.1514822 1.1147008\n", + " 1.0904294 1.0785772 1.0753195 1.0734001 1.0682904 1.0586455 1.0503035\n", + " 1.0465934 1.0485613 1.0536216 1.0591991 1.0616851]\n", + " [1.1692605 1.1670197 1.1783081 1.1865995 1.1756822 1.1422021 1.1074356\n", + " 1.0843868 1.0729185 1.0696061 1.0687214 1.06344 1.0551195 1.0470486\n", + " 1.0432523 1.0451038 1.0501118 1.0549046 1.057248 ]\n", + " [1.164895 1.1619272 1.173095 1.1829123 1.1706656 1.1373552 1.1031445\n", + " 1.080364 1.0700855 1.0678579 1.0673298 1.0624335 1.053379 1.0450801\n", + " 1.0416409 1.0432153 1.0483067 1.0536458 0. ]\n", + " [1.1489573 1.1455698 1.1541841 1.1610429 1.1507834 1.1208334 1.0910673\n", + " 1.0710944 1.0622232 1.0599385 1.0599461 1.055685 1.0482601 1.0412172\n", + " 1.037995 1.0397218 1.0443996 0. 0. ]]\n", + "[[1.2024691 1.1964242 1.2073323 1.2157379 1.2004106 1.1636726 1.1257454\n", + " 1.1005796 1.0896676 1.0883319 1.0885302 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1519161 1.1488458 1.1580129 1.1660081 1.1558182 1.125783 1.0950618\n", + " 1.0750606 1.065067 1.0634333 1.0629493 1.05864 1.0509568 1.0437641\n", + " 1.0405568 1.0421032 0. 0. ]\n", + " [1.1847291 1.180344 1.1907902 1.1987839 1.1869166 1.151638 1.1146358\n", + " 1.0902174 1.078764 1.0760638 1.074835 1.0698444 1.060247 1.0515226\n", + " 1.0477008 1.0498093 1.055653 1.0611324]\n", + " [1.1759427 1.1721432 1.1813363 1.188764 1.1774467 1.1437236 1.1093115\n", + " 1.086061 1.076141 1.0725157 1.0720638 1.0665231 1.0571499 1.0487659\n", + " 1.0452126 1.047245 1.0529269 0. ]\n", + " [1.1785637 1.1750498 1.1848743 1.1936067 1.1816741 1.147502 1.1124254\n", + " 1.0892733 1.0775985 1.0752543 1.0748137 1.0696054 1.0600619 1.0509458\n", + " 1.0469627 1.0491009 1.0544477 0. ]]\n", + "[[1.1930671 1.1880271 1.1984496 1.2063476 1.1935381 1.157869 1.1201655\n", + " 1.094201 1.0812733 1.077775 1.076779 1.0716166 1.0623294 1.0535704\n", + " 1.0501595 1.0520028 1.0572518 1.062268 1.0650338 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1627702 1.1607044 1.1710279 1.1797705 1.1680378 1.1358516 1.1030992\n", + " 1.0815924 1.0710542 1.0672158 1.0643814 1.0584146 1.0493121 1.0417035\n", + " 1.0391564 1.0412875 1.0468373 1.0518482 1.0543768 1.0553195 1.05636\n", + " 1.0597337 1.0673325 1.076802 ]\n", + " [1.1765156 1.1733426 1.1838077 1.1936165 1.181663 1.1487498 1.1141601\n", + " 1.0901256 1.0777789 1.0735177 1.0710542 1.0650297 1.055794 1.0476747\n", + " 1.0436121 1.0454092 1.0501993 1.0552291 1.057593 1.0588247 1.0601867\n", + " 0. 0. 0. ]\n", + " [1.1798159 1.1766737 1.1874053 1.1963929 1.1834896 1.1497599 1.1144065\n", + " 1.0901755 1.0781713 1.0749147 1.073582 1.0678458 1.0580363 1.0491512\n", + " 1.045339 1.046753 1.0515193 1.0565481 1.059064 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1681863 1.163719 1.1738223 1.181242 1.1710593 1.1391469 1.1060967\n", + " 1.0838075 1.0740194 1.0718477 1.071781 1.0667263 1.0577903 1.048939\n", + " 1.0448025 1.0464095 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1906137 1.1871306 1.1975739 1.205857 1.1939185 1.1585351 1.1208782\n", + " 1.0953199 1.0829872 1.0793955 1.0774581 1.0709054 1.0616927 1.053238\n", + " 1.0490001 1.0513823 1.0569341 1.062192 1.0648066 0. ]\n", + " [1.1731818 1.169822 1.1810637 1.1909019 1.1775628 1.1443398 1.1091216\n", + " 1.0857048 1.075641 1.0731272 1.0731742 1.0681057 1.0586189 1.0500789\n", + " 1.0457754 1.0474956 0. 0. 0. 0. ]\n", + " [1.1702248 1.1675878 1.1776407 1.1864 1.1742554 1.1417584 1.1079717\n", + " 1.0843339 1.073339 1.0705599 1.0696318 1.065171 1.0560818 1.0479177\n", + " 1.0444573 1.0456653 1.0506986 1.0559033 0. 0. ]\n", + " [1.1702563 1.1664665 1.1764231 1.1844386 1.1705658 1.1380962 1.1041902\n", + " 1.0817412 1.0725638 1.0715214 1.0721105 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1576617 1.1554556 1.166055 1.17507 1.1644133 1.1321495 1.1002055\n", + " 1.0783862 1.0674537 1.0641274 1.062529 1.058292 1.0503305 1.0434287\n", + " 1.0402784 1.0412376 1.046053 1.0504291 1.0530068 1.0537779]]\n", + "[[1.1823909 1.1783662 1.1883544 1.196416 1.1841801 1.1494125 1.113892\n", + " 1.0903893 1.0794659 1.0772332 1.0765387 1.0715388 1.0618476 1.0531012\n", + " 1.0486013 1.05051 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1972557 1.1906593 1.1996759 1.2086573 1.1947142 1.1576248 1.1211822\n", + " 1.0982945 1.0877969 1.0857795 1.0855808 1.0797772 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.162041 1.1598531 1.1707585 1.1787757 1.1660666 1.1331136 1.1004318\n", + " 1.0784938 1.0682324 1.0658296 1.0647538 1.06097 1.0528997 1.0457156\n", + " 1.042649 1.0443965 1.0496569 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1581911 1.1555315 1.1653811 1.1733768 1.1621554 1.1313092 1.0995384\n", + " 1.0783489 1.0675527 1.064571 1.0626534 1.0575511 1.0495378 1.0428716\n", + " 1.039515 1.040938 1.0452842 1.0496535 1.0522836 1.0531487 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1748787 1.1725769 1.1835623 1.1937363 1.1833946 1.1492552 1.1145345\n", + " 1.0904216 1.0781758 1.0737146 1.0708495 1.0649788 1.0551076 1.0470196\n", + " 1.0436064 1.0455182 1.0511782 1.0560799 1.0584263 1.0592345 1.0604229\n", + " 1.0639868 1.0711867 1.0816216 1.0896814]]\n", + "[[1.1720203 1.1695397 1.1802868 1.1894774 1.1767745 1.1440238 1.1096855\n", + " 1.0860989 1.0740949 1.070775 1.0685085 1.0630825 1.0537078 1.0457199\n", + " 1.042406 1.0437888 1.0488967 1.0536946 1.0562016 1.0571401]\n", + " [1.186147 1.1812828 1.1899444 1.1974335 1.1839142 1.1487144 1.1120197\n", + " 1.0876255 1.0771109 1.0758319 1.0765139 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2079644 1.2016821 1.2123337 1.2221702 1.2096938 1.1708941 1.1305256\n", + " 1.1046686 1.0940764 1.0929408 1.0934743 1.0868757 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1729844 1.1704503 1.181375 1.1907581 1.1775701 1.1442244 1.1094038\n", + " 1.0863167 1.0750337 1.0720465 1.0704467 1.0654291 1.0565213 1.0487149\n", + " 1.0449609 1.0463271 1.0512114 1.0561155 1.0583272 0. ]\n", + " [1.158291 1.1549652 1.1656245 1.175066 1.1643583 1.1326773 1.0996406\n", + " 1.0771939 1.0682963 1.0674772 1.0676159 1.0640062 1.0555489 1.0471607\n", + " 1.0431099 0. 0. 0. 0. 0. ]]\n", + "[[1.1569065 1.1553831 1.166095 1.175523 1.1649948 1.1326685 1.1006724\n", + " 1.079087 1.0682204 1.0643778 1.0627174 1.0572946 1.0487038 1.042008\n", + " 1.0390943 1.0410305 1.045689 1.0505708 1.053311 1.0542387 1.0552604\n", + " 1.058546 1.0650858 0. 0. ]\n", + " [1.167166 1.1645089 1.17534 1.1834598 1.1721547 1.1385689 1.1042706\n", + " 1.0818541 1.071219 1.0692968 1.0684371 1.0630901 1.0542773 1.0459325\n", + " 1.0426207 1.0442224 1.0494086 1.0543464 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1734663 1.1725429 1.1836923 1.193487 1.181495 1.147481 1.1127108\n", + " 1.0889872 1.077024 1.072891 1.0703676 1.063587 1.0543474 1.0465962\n", + " 1.0428624 1.0443717 1.0496094 1.0547245 1.0574892 1.0585096 1.0606307\n", + " 0. 0. 0. 0. ]\n", + " [1.1779349 1.1732678 1.1829464 1.1899343 1.1749417 1.140551 1.1066585\n", + " 1.0849171 1.0757574 1.0747968 1.0751286 1.0695406 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1573486 1.1554925 1.1659286 1.1753162 1.1650864 1.1326383 1.1003425\n", + " 1.0792667 1.0688572 1.0653048 1.0635005 1.0575624 1.0490092 1.0417122\n", + " 1.0384573 1.0407441 1.0455536 1.0505941 1.0532132 1.0533997 1.054668\n", + " 1.0578276 1.064846 1.0742261 1.0815511]]\n", + "[[1.1699247 1.1652688 1.1742322 1.1814463 1.1710452 1.1391647 1.1057252\n", + " 1.0831105 1.071689 1.0686009 1.0672761 1.0636407 1.0551504 1.047845\n", + " 1.0441623 1.0454508 1.0503879 1.0551126 0. ]\n", + " [1.1700962 1.1670722 1.1774457 1.1868788 1.1749655 1.1415327 1.1068857\n", + " 1.0835472 1.0719426 1.0691453 1.067772 1.0623666 1.054004 1.046789\n", + " 1.0433716 1.0452315 1.0502226 1.055316 1.0571845]\n", + " [1.1661487 1.1609905 1.1708808 1.1790868 1.1666243 1.1352301 1.1031421\n", + " 1.0818527 1.0719845 1.0707455 1.0703067 1.0655518 1.0560322 1.0476022\n", + " 1.0437574 0. 0. 0. 0. ]\n", + " [1.2093909 1.2022657 1.2112432 1.2186086 1.2048782 1.1657225 1.1268635\n", + " 1.1015369 1.0900254 1.087851 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.162211 1.1569638 1.1654464 1.17177 1.1589408 1.1284997 1.097644\n", + " 1.0767123 1.0667652 1.0642972 1.0640848 1.0603276 1.0521406 1.0447038\n", + " 1.0411061 1.0424318 1.0474416 0. 0. ]]\n", + "[[1.172302 1.1704781 1.1809949 1.1902168 1.1778792 1.1448605 1.1098564\n", + " 1.0858765 1.0739689 1.0703154 1.0689665 1.0640193 1.0554202 1.0478604\n", + " 1.0440854 1.0457108 1.0506464 1.0555915 1.0581357]\n", + " [1.1700542 1.167101 1.1775057 1.1864091 1.1750466 1.1412317 1.1065878\n", + " 1.0836557 1.072559 1.0696272 1.068514 1.0636195 1.054891 1.0471205\n", + " 1.0433598 1.0450195 1.0500326 1.055427 0. ]\n", + " [1.1864024 1.1827695 1.19208 1.2010995 1.1878513 1.1524961 1.1166016\n", + " 1.0923554 1.080744 1.0772188 1.0763544 1.0702294 1.0604105 1.0511765\n", + " 1.047502 1.0497656 1.0555481 1.061009 0. ]\n", + " [1.1635797 1.1594838 1.1700747 1.1802764 1.1689878 1.136396 1.1023353\n", + " 1.080034 1.0695287 1.0668293 1.0666255 1.0614967 1.052521 1.0446819\n", + " 1.0406271 1.042469 1.0474489 1.0525465 0. ]\n", + " [1.1734556 1.1704541 1.1805166 1.1895778 1.1786014 1.1454462 1.1102031\n", + " 1.0870225 1.0758046 1.0728813 1.0723331 1.0664996 1.0568311 1.048978\n", + " 1.045078 1.0469201 1.0522468 1.0575316 0. ]]\n", + "[[1.1806273 1.1762989 1.1869372 1.1957515 1.1824598 1.1469818 1.111763\n", + " 1.0888836 1.0792651 1.0781454 1.0786754 1.0728781 1.0628076 1.0534393\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1785105 1.1753376 1.1857417 1.1941372 1.179622 1.1446414 1.1093687\n", + " 1.0865775 1.076219 1.0744733 1.0743127 1.0694878 1.0599707 1.0515733\n", + " 1.0477892 1.0494698 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1700854 1.1646154 1.1736721 1.1820861 1.1719384 1.1399115 1.1058755\n", + " 1.083581 1.0733252 1.07137 1.071634 1.0679574 1.0592179 1.0508791\n", + " 1.0469289 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1993977 1.1943666 1.2027847 1.2111356 1.1970267 1.1597633 1.1229956\n", + " 1.0976989 1.0856109 1.0813148 1.078876 1.0727544 1.0624123 1.0536445\n", + " 1.0502977 1.0529311 1.0593058 1.0654103 1.0684768 0. 0.\n", + " 0. 0. ]\n", + " [1.1648133 1.1622944 1.1733724 1.183094 1.1719207 1.1403415 1.1074977\n", + " 1.0850177 1.0732688 1.068986 1.0669304 1.0609498 1.0521929 1.0444342\n", + " 1.0412469 1.0431606 1.0481641 1.05265 1.0551349 1.0555838 1.0570389\n", + " 1.0603464 1.0680168]]\n", + "[[1.1756787 1.1716024 1.1811206 1.1888063 1.1777215 1.1442068 1.1094401\n", + " 1.0863774 1.0752219 1.0725408 1.0717351 1.0673361 1.0581576 1.0501063\n", + " 1.0464652 1.0483773 0. ]\n", + " [1.1763872 1.1723882 1.1829207 1.1925662 1.1798619 1.1447327 1.1098889\n", + " 1.086803 1.0761179 1.0735222 1.0731211 1.0678351 1.0577075 1.0493137\n", + " 1.0452838 1.0471302 1.05333 ]\n", + " [1.1808133 1.1750431 1.1832274 1.1923707 1.1774672 1.1434075 1.1088897\n", + " 1.0861596 1.0769001 1.0751894 1.0755008 1.0701436 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1941038 1.1879687 1.1987314 1.2088541 1.1955265 1.1597162 1.1213412\n", + " 1.0957246 1.08466 1.0831537 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1713293 1.1678554 1.1784844 1.1874831 1.1751041 1.1426241 1.1086235\n", + " 1.0856363 1.0752165 1.0725203 1.0729811 1.067915 1.0590161 1.050467\n", + " 1.0465817 1.0483876 0. ]]\n", + "[[1.1718068 1.16874 1.1791251 1.1878996 1.1754038 1.1412618 1.1067652\n", + " 1.0834366 1.0725334 1.0693814 1.067832 1.0622437 1.0536505 1.0459553\n", + " 1.0425773 1.0442947 1.0493443 1.0544138 1.0570375 0. 0.\n", + " 0. 0. ]\n", + " [1.157006 1.1527743 1.1618273 1.1695503 1.1591159 1.1294231 1.0981994\n", + " 1.0770679 1.0666146 1.0628983 1.0617396 1.056785 1.048936 1.0411667\n", + " 1.0381681 1.0399002 1.0445721 1.0491316 1.0512685 0. 0.\n", + " 0. 0. ]\n", + " [1.1693089 1.1661069 1.1758142 1.1833539 1.1717962 1.1393366 1.1059333\n", + " 1.08352 1.0726668 1.0693882 1.0679889 1.0633608 1.0545751 1.0466663\n", + " 1.0434966 1.0456773 1.0505667 1.0555398 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1745253 1.1703463 1.1808772 1.1901271 1.1777055 1.1431986 1.1087954\n", + " 1.085455 1.0755892 1.0737969 1.0738729 1.0692979 1.0604532 1.051725\n", + " 1.0479405 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1735005 1.1709225 1.1813353 1.1910115 1.1806 1.147351 1.1126282\n", + " 1.0891057 1.077145 1.0729901 1.0709078 1.0644549 1.0551913 1.0469255\n", + " 1.0438257 1.0458177 1.0507635 1.0555812 1.0579747 1.0583454 1.0593393\n", + " 1.0631921 1.0705808]]\n", + "[[1.1636739 1.1602919 1.1704235 1.1794853 1.1680043 1.1353762 1.101677\n", + " 1.07952 1.0697565 1.0672948 1.0676419 1.0631068 1.0544558 1.0466237\n", + " 1.0427113 1.0442673 1.0495998]\n", + " [1.1790144 1.1768934 1.18828 1.1977795 1.1841215 1.1485319 1.1124976\n", + " 1.0882146 1.0776696 1.0759032 1.0757074 1.0712209 1.06145 1.0528876\n", + " 1.048612 0. 0. ]\n", + " [1.1961936 1.1911747 1.2009761 1.2096903 1.199312 1.1644186 1.1269686\n", + " 1.1013765 1.0889435 1.0851445 1.0837203 1.0785403 1.0678688 1.0581658\n", + " 1.0535429 1.0555054 1.0616903]\n", + " [1.2110655 1.2032105 1.212247 1.2212653 1.2076706 1.1702912 1.1300793\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2022208 1.1960243 1.2040598 1.2108796 1.1950893 1.1588827 1.1211363\n", + " 1.0963466 1.084852 1.0828133 1.0826182 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1666156 1.1624616 1.1723073 1.1807729 1.1697589 1.1366231 1.1025935\n", + " 1.0802168 1.070481 1.0694345 1.0702376 1.0661561 1.057263 1.048956\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1733168 1.1688155 1.1789222 1.1877334 1.1748688 1.141463 1.1062937\n", + " 1.0833125 1.0727322 1.071088 1.0706358 1.0660347 1.0567676 1.0485257\n", + " 1.0447879 1.0466915 1.0524237 0. 0. ]\n", + " [1.185109 1.181341 1.1915927 1.1996659 1.1883713 1.1544194 1.1178839\n", + " 1.0938555 1.080977 1.076572 1.0742611 1.0687551 1.0591812 1.0512042\n", + " 1.0471042 1.049469 1.0549543 1.0601792 1.0628322]\n", + " [1.1895461 1.1863146 1.1976551 1.2070042 1.1941086 1.1581 1.1207317\n", + " 1.0955443 1.0835469 1.0804405 1.0790783 1.0734593 1.0630951 1.0537724\n", + " 1.049719 1.0514975 1.0575062 1.0630734 0. ]\n", + " [1.1756027 1.1707095 1.1797568 1.1873406 1.1749362 1.1425452 1.1092525\n", + " 1.0860529 1.0754431 1.0728121 1.0726395 1.0675004 1.0585382 1.0506053\n", + " 1.0466417 1.0486969 0. 0. 0. ]]\n", + "[[1.1740398 1.1682411 1.1776571 1.1865633 1.1748333 1.1420128 1.1084503\n", + " 1.0860944 1.0756073 1.0734566 1.0739162 1.069064 1.0599946 1.0507882\n", + " 1.046367 1.0480822 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1697766 1.1663184 1.1764991 1.1848773 1.1714188 1.1377977 1.1041837\n", + " 1.0820385 1.0715593 1.0699413 1.0694958 1.0652026 1.0564375 1.048263\n", + " 1.0446024 1.0462133 1.0512122 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1989502 1.1938443 1.2043622 1.213472 1.2001177 1.1630652 1.1247257\n", + " 1.0985639 1.0865185 1.0836073 1.0836823 1.0784488 1.0678508 1.0583335\n", + " 1.0538695 1.0559462 1.0624864 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1775643 1.1766021 1.1880087 1.1973015 1.1839395 1.1478585 1.112685\n", + " 1.0890795 1.0776721 1.0743883 1.0727633 1.0665301 1.0558859 1.0481079\n", + " 1.04464 1.0460669 1.0512549 1.0560324 1.0586388 1.0598214 0.\n", + " 0. ]\n", + " [1.166703 1.1646914 1.1757082 1.1855493 1.1739283 1.1409291 1.1070095\n", + " 1.083964 1.072354 1.0681522 1.0660825 1.0598419 1.051629 1.0443271\n", + " 1.041531 1.0428017 1.0476449 1.0523537 1.0546312 1.0551101 1.0564992\n", + " 1.0602297]]\n", + "[[1.1715292 1.1667145 1.1767281 1.1851755 1.1738394 1.1413718 1.1076251\n", + " 1.0852513 1.0745742 1.0731305 1.0732963 1.0687419 1.0594094 1.0508652\n", + " 1.0471838 0. 0. 0. 0. 0. 0. ]\n", + " [1.1677947 1.1665256 1.178344 1.1881032 1.1761558 1.1428628 1.108396\n", + " 1.0849446 1.0730458 1.0694097 1.0676668 1.0619987 1.0527062 1.0451801\n", + " 1.041932 1.0434902 1.0485108 1.0531735 1.0555402 1.0566967 1.0577085]\n", + " [1.1613523 1.1548073 1.1625518 1.1699792 1.159954 1.1297472 1.0987253\n", + " 1.0781039 1.0683125 1.0666403 1.0666854 1.0619161 1.0534925 1.0454402\n", + " 1.042091 0. 0. 0. 0. 0. 0. ]\n", + " [1.1951295 1.1879456 1.1957395 1.202987 1.1884339 1.1540632 1.1191314\n", + " 1.0957837 1.0854691 1.083243 1.0829266 1.0771024 1.0675497 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.15754 1.1531875 1.163321 1.1717846 1.1610303 1.1298851 1.0968852\n", + " 1.0760896 1.0662351 1.0643373 1.0642056 1.059906 1.0516133 1.0437678\n", + " 1.040121 1.0415372 1.0465099 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1712276 1.1666491 1.1757717 1.1848828 1.1728561 1.1402404 1.1073177\n", + " 1.0849816 1.0748634 1.0727501 1.0721607 1.0672343 1.0581656 1.0495847\n", + " 1.0455737 1.0475831 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.165218 1.1630234 1.1728142 1.1829953 1.1720984 1.1392511 1.1066334\n", + " 1.0845264 1.0732375 1.069137 1.0663162 1.0600287 1.0511069 1.0439047\n", + " 1.0405914 1.0429534 1.0480245 1.0526075 1.0550065 1.056165 1.0570891\n", + " 1.0602182 1.0674902 1.0770088]\n", + " [1.1650999 1.1597557 1.1689134 1.176816 1.1657802 1.1333628 1.1009691\n", + " 1.0797565 1.0699897 1.0681 1.0682445 1.0639427 1.0550872 1.0469673\n", + " 1.0434798 1.0452286 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1867707 1.1839106 1.1962994 1.2049736 1.1924067 1.1561201 1.1180058\n", + " 1.0926706 1.0811979 1.077919 1.0766821 1.0716354 1.0619875 1.0532646\n", + " 1.0489888 1.0508206 1.056319 1.0615904 1.0642239 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1708645 1.167023 1.1772265 1.185082 1.1738828 1.140423 1.1060284\n", + " 1.0825351 1.070931 1.0679382 1.0666662 1.0618719 1.0531032 1.0457556\n", + " 1.0422897 1.0442576 1.0491805 1.0541493 1.0565445 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.18498 1.1812699 1.1907749 1.1987782 1.1851039 1.1499599 1.1142758\n", + " 1.0916535 1.0806669 1.078126 1.0769652 1.0713532 1.061521 1.0523629\n", + " 1.0485321 1.0507264 1.0567296 0. 0. ]\n", + " [1.1674408 1.1636062 1.1738666 1.182206 1.1707019 1.1378465 1.1036873\n", + " 1.0817779 1.0710137 1.0676179 1.0667943 1.0619473 1.0535246 1.0453477\n", + " 1.0421984 1.0438558 1.0488915 1.0535221 1.0558684]\n", + " [1.1668035 1.1625063 1.1718425 1.1795374 1.1653694 1.1321418 1.0989755\n", + " 1.0777359 1.0681218 1.065738 1.0656463 1.0611523 1.052907 1.0452152\n", + " 1.042208 1.044523 1.0501462 0. 0. ]\n", + " [1.1717498 1.1659014 1.1752436 1.1832455 1.1722435 1.1396195 1.1058515\n", + " 1.0843292 1.0743113 1.0719988 1.0725666 1.0673392 1.0579203 1.0491799\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1505777 1.1473861 1.1580131 1.1668177 1.1559772 1.1250597 1.0935278\n", + " 1.0732043 1.0636817 1.0629125 1.063199 1.0594065 1.0512292 1.0435567\n", + " 1.0399439 0. 0. 0. 0. ]]\n", + "[[1.1883956 1.1834577 1.193568 1.2027817 1.1891077 1.1535746 1.116732\n", + " 1.0939134 1.0834719 1.0820463 1.0827286 1.0767735 1.0660509 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1769085 1.1739042 1.1845908 1.1932355 1.1802533 1.145158 1.1101296\n", + " 1.0866064 1.0749192 1.0714769 1.0697309 1.0641258 1.054853 1.0473623\n", + " 1.0443392 1.0464385 1.0518894 1.0574486 1.0600982 1.061013 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1630299 1.1590188 1.1687846 1.1806473 1.1718304 1.1403716 1.1077937\n", + " 1.0857415 1.0742056 1.0699232 1.0675074 1.0609359 1.0512227 1.043489\n", + " 1.0404608 1.0425967 1.0482802 1.0536009 1.0563396 1.0575058 1.057617\n", + " 1.0606793 1.0677395 1.0773759 1.0856496 1.0902346 1.0924084 1.089184\n", + " 1.0814565]\n", + " [1.1756246 1.1697679 1.1793255 1.188241 1.1768243 1.142482 1.1073745\n", + " 1.0843849 1.0743526 1.0723765 1.0729492 1.0678518 1.0585346 1.0498954\n", + " 1.0455679 1.0475492 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1566314 1.1530975 1.1605297 1.1687739 1.1568621 1.1258305 1.0952623\n", + " 1.0746278 1.0650644 1.0627435 1.0622314 1.0580488 1.0502267 1.0431545\n", + " 1.0400839 1.0414305 1.0463946 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1695577 1.1662427 1.1754453 1.1834626 1.170445 1.1375147 1.1039591\n", + " 1.0819113 1.0711612 1.0678169 1.0665296 1.0610427 1.0523664 1.0451298\n", + " 1.0422134 1.0438783 1.0487902 1.0532031 1.055294 ]\n", + " [1.1742626 1.168974 1.1788088 1.1881135 1.1762602 1.1428521 1.1085882\n", + " 1.0861747 1.0763304 1.0748237 1.0751715 1.0702429 1.060512 1.0512123\n", + " 1.0469289 0. 0. 0. 0. ]\n", + " [1.1756711 1.1703234 1.1815786 1.1908783 1.1779225 1.1433374 1.1078578\n", + " 1.0847977 1.074769 1.0738811 1.0747874 1.070473 1.0612564 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1570976 1.153975 1.163864 1.1732196 1.1611516 1.129397 1.097607\n", + " 1.076645 1.0674479 1.0664862 1.0669533 1.0619607 1.0538434 1.0459598\n", + " 1.0425594 0. 0. 0. 0. ]\n", + " [1.1662453 1.1623302 1.1724977 1.1799196 1.1671352 1.1339948 1.1006593\n", + " 1.0788488 1.0683023 1.0661595 1.0656991 1.0611992 1.0528733 1.0455456\n", + " 1.0421883 1.0440524 1.0492988 1.0542666 0. ]]\n", + "[[1.1761265 1.1725582 1.1834745 1.1920725 1.1811146 1.1476898 1.112281\n", + " 1.088251 1.0773035 1.0743856 1.073189 1.067463 1.0582141 1.049445\n", + " 1.0453247 1.046827 1.0524904 1.0579171 0. 0. 0. ]\n", + " [1.1768334 1.1744747 1.1849333 1.1939194 1.1816729 1.1470765 1.1124417\n", + " 1.0888346 1.0768652 1.0728936 1.0703815 1.0647702 1.0556678 1.0474228\n", + " 1.044067 1.0461727 1.0508394 1.0560552 1.0582083 1.0592126 0. ]\n", + " [1.172613 1.1664702 1.1753637 1.1836454 1.172348 1.1399754 1.1060131\n", + " 1.084088 1.0737033 1.072263 1.072552 1.0682887 1.0592014 1.0505884\n", + " 1.0468558 0. 0. 0. 0. 0. 0. ]\n", + " [1.1711957 1.1680099 1.1789191 1.1884531 1.1753247 1.1416926 1.106842\n", + " 1.0837148 1.0729686 1.0704228 1.0701561 1.0653912 1.0566101 1.0484782\n", + " 1.0448236 1.0466994 1.0519243 1.0572883 0. 0. 0. ]\n", + " [1.1641691 1.1612972 1.1699556 1.1780021 1.1678636 1.1372766 1.1049883\n", + " 1.0840338 1.0719401 1.0667737 1.0646836 1.0588155 1.0505697 1.0431677\n", + " 1.039435 1.0410746 1.0454471 1.0496943 1.0520669 1.0534632 1.055113 ]]\n", + "[[1.1820135 1.1793487 1.189819 1.1977626 1.1850774 1.1502475 1.1142703\n", + " 1.0899817 1.0783889 1.0746638 1.0739926 1.0682371 1.0588293 1.0506461\n", + " 1.0467672 1.0487542 1.0539508 1.0590113 1.0612468 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1750498 1.1720241 1.1829541 1.1927079 1.1801054 1.1446686 1.1086676\n", + " 1.0853006 1.0750563 1.073403 1.0736552 1.0687233 1.0594109 1.050602\n", + " 1.0463785 1.0480205 1.0531979 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1859396 1.1807917 1.191586 1.201174 1.1875491 1.1515886 1.114509\n", + " 1.090147 1.0787693 1.0776947 1.0781399 1.0735528 1.0636755 1.0540589\n", + " 1.0498058 1.0514334 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1771221 1.1732739 1.1837276 1.1912221 1.1783972 1.1432378 1.1077962\n", + " 1.0847186 1.0743203 1.0715322 1.0717157 1.0671811 1.0576191 1.0493517\n", + " 1.0452981 1.0470557 1.0526825 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.151216 1.1472255 1.1592593 1.171032 1.1632519 1.132919 1.1012555\n", + " 1.0796964 1.0689914 1.065377 1.0631355 1.0577778 1.0486073 1.0413519\n", + " 1.0387609 1.0406878 1.0456356 1.0506743 1.0534173 1.0543766 1.0557553\n", + " 1.0586482 1.0643414 1.0733349 1.080587 1.0850219 1.0858964 1.0821327\n", + " 1.0744808 1.0645981]]\n", + "[[1.1833252 1.1790924 1.1896943 1.1983277 1.1855681 1.1513298 1.1153077\n", + " 1.0912485 1.0794289 1.0766937 1.0757172 1.070021 1.0607965 1.052122\n", + " 1.0479476 1.0497998 1.0551636 1.0606761 0. 0. 0. ]\n", + " [1.167195 1.1635951 1.1731781 1.1816105 1.1694303 1.1369748 1.1036488\n", + " 1.0813602 1.0709227 1.0687679 1.0679456 1.0639336 1.0552739 1.0474695\n", + " 1.0440464 1.0460608 1.0513215 0. 0. 0. 0. ]\n", + " [1.1917539 1.1875024 1.1985931 1.2079561 1.1944585 1.1570797 1.1191317\n", + " 1.0944604 1.0834119 1.0819464 1.0821267 1.0763882 1.0659763 1.0564009\n", + " 1.0517191 1.0546442 0. 0. 0. 0. 0. ]\n", + " [1.1486642 1.1455683 1.1555064 1.1650491 1.1543566 1.125613 1.0951234\n", + " 1.0748051 1.0641599 1.0607418 1.0585899 1.053697 1.0453955 1.0389473\n", + " 1.0360504 1.0379779 1.0422473 1.0468147 1.048989 1.0498164 1.051082 ]\n", + " [1.1507659 1.1463704 1.1545737 1.1622729 1.1531398 1.1250808 1.0960568\n", + " 1.0764096 1.0674666 1.0649773 1.0648893 1.060311 1.051951 1.044071\n", + " 1.0403581 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1709075 1.1676347 1.178036 1.1869223 1.1732967 1.1394566 1.1059152\n", + " 1.0834956 1.0726861 1.0695744 1.0677942 1.0624444 1.0535201 1.0458742\n", + " 1.0424737 1.0445619 1.0495933 1.0543077 1.0569618]\n", + " [1.1874125 1.1830411 1.1938403 1.2037437 1.1906487 1.1556886 1.1192721\n", + " 1.0949277 1.0832485 1.0802954 1.0802311 1.0750878 1.064502 1.0554587\n", + " 1.0513629 1.0535328 0. 0. 0. ]\n", + " [1.1716517 1.1693772 1.1797423 1.1876932 1.1750457 1.1407952 1.1062139\n", + " 1.0839354 1.0741563 1.0716302 1.0720861 1.0669397 1.0573336 1.049094\n", + " 1.0450811 1.0468379 1.0525466 0. 0. ]\n", + " [1.1657743 1.1634353 1.1739744 1.1823559 1.1699823 1.1362734 1.1025647\n", + " 1.0812981 1.0711696 1.0701303 1.0703157 1.0655208 1.0560535 1.047857\n", + " 1.0441036 1.0457922 0. 0. 0. ]\n", + " [1.1636828 1.1590397 1.1672635 1.174445 1.1628318 1.1315962 1.0995215\n", + " 1.0784073 1.0682132 1.0655233 1.0642229 1.060181 1.0522888 1.0445849\n", + " 1.0417377 1.0437021 1.0488936 0. 0. ]]\n", + "[[1.168416 1.1671338 1.1788259 1.1898459 1.177827 1.144978 1.1103755\n", + " 1.0868429 1.0747335 1.070601 1.0684162 1.0621898 1.052771 1.0452021\n", + " 1.0419492 1.0438043 1.0485997 1.0540088 1.056707 1.0575923 1.0588683\n", + " 1.0627308]\n", + " [1.172945 1.1690302 1.1801965 1.188904 1.1763029 1.1420054 1.1078012\n", + " 1.0853676 1.0734689 1.0695456 1.0676272 1.0620929 1.0529956 1.0460492\n", + " 1.0431824 1.0446941 1.0496837 1.0546122 1.0571214 1.057977 1.0602121\n", + " 0. ]\n", + " [1.1812483 1.1779168 1.1881025 1.1968185 1.1840839 1.1490709 1.1133928\n", + " 1.0897486 1.078694 1.0756778 1.0749133 1.0694082 1.059621 1.0509979\n", + " 1.0473403 1.0491813 1.054737 1.0600137 0. 0. 0.\n", + " 0. ]\n", + " [1.1652958 1.1619812 1.1732852 1.1829753 1.171944 1.1392404 1.1042869\n", + " 1.0814213 1.0707183 1.069193 1.0698555 1.065096 1.0567293 1.0486037\n", + " 1.0448078 1.0464267 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2113675 1.2052252 1.2150817 1.2230173 1.2086495 1.1707312 1.1305562\n", + " 1.1033635 1.0909462 1.089335 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1936464 1.189691 1.2004404 1.2107981 1.1957197 1.1574606 1.1185868\n", + " 1.0937907 1.0832605 1.0829266 1.0842574 1.0784711 1.0673058 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1883484 1.1841164 1.1942115 1.2028506 1.1886908 1.152671 1.1161388\n", + " 1.0914427 1.0800432 1.0774328 1.0762928 1.0699226 1.0596545 1.0509759\n", + " 1.0470983 1.0492218 1.055196 1.061418 0. 0. 0. ]\n", + " [1.1778945 1.1718556 1.1801373 1.1878302 1.177824 1.1452844 1.1115618\n", + " 1.0890148 1.0783852 1.0766811 1.0771194 1.0728908 1.0631704 1.0539173\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1731557 1.1699106 1.1809906 1.1903168 1.177866 1.1448443 1.1104821\n", + " 1.086891 1.0752848 1.0708077 1.0685437 1.0630008 1.0538559 1.0463663\n", + " 1.0428177 1.0449604 1.0496496 1.0544499 1.0567181 1.057549 1.0590911]\n", + " [1.1692696 1.1636268 1.1733679 1.1816542 1.1708577 1.1386268 1.1050392\n", + " 1.0831131 1.0726717 1.0716149 1.0717368 1.0668306 1.0579841 1.0493237\n", + " 1.0456691 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1662197 1.1622185 1.1721761 1.1814646 1.1703163 1.1384226 1.1054815\n", + " 1.0830649 1.0720139 1.0684344 1.0667496 1.060943 1.0522872 1.0444384\n", + " 1.0412872 1.0425422 1.0475739 1.0521765 1.0544904 1.0551627 0.\n", + " 0. 0. ]\n", + " [1.1790652 1.1764873 1.188677 1.1980501 1.1843288 1.1482604 1.1117563\n", + " 1.0874248 1.0761124 1.0730377 1.0720342 1.0661699 1.0564953 1.0484096\n", + " 1.0442241 1.0463798 1.051785 1.0569677 1.059873 0. 0.\n", + " 0. 0. ]\n", + " [1.2147033 1.2098222 1.218581 1.227642 1.2119288 1.1750696 1.1355355\n", + " 1.1087954 1.0964186 1.0943975 1.0938095 1.0878568 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1463866 1.1443876 1.1543334 1.1632156 1.1528333 1.122765 1.0933645\n", + " 1.0736626 1.0639168 1.0600555 1.0578969 1.0524763 1.0443419 1.0373087\n", + " 1.0346818 1.0363729 1.0405751 1.0450736 1.0475949 1.0486035 1.0500962\n", + " 1.0531961 1.0596141]\n", + " [1.1836311 1.1778533 1.188041 1.1966928 1.1852863 1.1507447 1.1149511\n", + " 1.0907258 1.080312 1.0789627 1.079767 1.0747056 1.0649607 1.0551925\n", + " 1.0506029 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1681517 1.1651919 1.1758287 1.1853219 1.1738453 1.1403483 1.1060947\n", + " 1.0836502 1.0731256 1.071338 1.0716803 1.0665013 1.0576961 1.0495272\n", + " 1.0454985 1.0474485 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1676471 1.1653359 1.1764613 1.1862283 1.1742302 1.1398271 1.1047523\n", + " 1.0808939 1.0701783 1.0674028 1.0658633 1.060895 1.0521489 1.0446991\n", + " 1.0408612 1.0426085 1.047628 1.0523224 1.0545671 1.055341 0.\n", + " 0. ]\n", + " [1.1766409 1.1737418 1.1848394 1.1940315 1.1814679 1.1474625 1.1120924\n", + " 1.0881003 1.0765079 1.0736367 1.072366 1.0670998 1.0582502 1.0498028\n", + " 1.0460652 1.0477816 1.0529088 1.0581474 0. 0. 0.\n", + " 0. ]\n", + " [1.1607047 1.1581644 1.1682789 1.1772611 1.1647711 1.1324366 1.0999293\n", + " 1.0785077 1.0677559 1.0638986 1.0622185 1.0571034 1.0490837 1.0419376\n", + " 1.0387691 1.040547 1.0448514 1.0493003 1.0515418 1.0524685 1.0540693\n", + " 1.0575016]\n", + " [1.1776034 1.1756014 1.1873231 1.1965158 1.1838183 1.1484809 1.1114653\n", + " 1.0871828 1.0754666 1.0725346 1.0712302 1.0650675 1.0557601 1.0471241\n", + " 1.04367 1.0455531 1.0505437 1.055563 1.0585557 1.0595117 0.\n", + " 0. ]]\n", + "[[1.1822774 1.1796178 1.191632 1.2018393 1.1887352 1.152845 1.1162672\n", + " 1.0921621 1.0801392 1.0761802 1.0745516 1.068499 1.0585501 1.0498111\n", + " 1.0461509 1.0481131 1.0537351 1.0588183 1.0613949 1.0621717]\n", + " [1.1629555 1.1574774 1.1663668 1.1738863 1.1628114 1.131414 1.0997319\n", + " 1.0791917 1.0699916 1.0690025 1.0693022 1.0649607 1.0559515 1.047349\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.168022 1.1655836 1.1765428 1.1855 1.1738567 1.1405973 1.1062098\n", + " 1.0838242 1.0734417 1.0712152 1.0706006 1.0655955 1.0564148 1.0485783\n", + " 1.0446708 1.0463419 1.0517122 0. 0. 0. ]\n", + " [1.169033 1.1662773 1.1768095 1.1859745 1.1735784 1.1417613 1.1083856\n", + " 1.0858524 1.0749093 1.0722437 1.0714746 1.0664506 1.0566577 1.0482979\n", + " 1.0445251 1.0462496 1.0515636 0. 0. 0. ]\n", + " [1.1780446 1.1719323 1.1819406 1.1906286 1.1778738 1.1453036 1.1102381\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1842885 1.1825252 1.194206 1.203016 1.1913481 1.1564533 1.1197816\n", + " 1.0945891 1.0816526 1.077117 1.0749025 1.068504 1.0586556 1.0501865\n", + " 1.0465684 1.0488286 1.0546287 1.059571 1.0622382 1.0632591 1.064424 ]\n", + " [1.1692886 1.1625655 1.1703968 1.1774354 1.1656362 1.1340063 1.1016916\n", + " 1.0810496 1.0713804 1.0697283 1.0703644 1.0658009 1.0573754 1.0491064\n", + " 1.0455191 0. 0. 0. 0. 0. 0. ]\n", + " [1.1775565 1.1701883 1.1784391 1.1861103 1.173528 1.1401021 1.107283\n", + " 1.0850937 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1778101 1.1726586 1.181289 1.188338 1.1740499 1.140885 1.1075183\n", + " 1.0843415 1.072696 1.069785 1.0686269 1.0631248 1.0547174 1.0469232\n", + " 1.043753 1.0451756 1.0504359 1.0553532 1.0579116 0. 0. ]\n", + " [1.1617849 1.1544267 1.1632824 1.1728398 1.1627172 1.1336532 1.1032373\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1555631 1.1515037 1.1619756 1.1702185 1.159283 1.127309 1.0951352\n", + " 1.0745308 1.0653408 1.0635555 1.0635806 1.0585978 1.0503601 1.0427126\n", + " 1.0392628 1.0410954 1.0460063 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1823304 1.1791161 1.1900175 1.1979889 1.1855508 1.1500844 1.113776\n", + " 1.0890915 1.0780531 1.0754029 1.0743368 1.0693655 1.0597872 1.0516567\n", + " 1.0474297 1.049383 1.0548472 1.0605007 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.15376 1.1524616 1.1634438 1.1738658 1.1639023 1.1333148 1.1005286\n", + " 1.0796405 1.0685092 1.0641767 1.0621043 1.0559467 1.0474132 1.0405616\n", + " 1.0374352 1.0395186 1.0439159 1.0490147 1.0512041 1.0528754 1.0540996\n", + " 1.0569813 1.0638003 1.0724217]\n", + " [1.1646441 1.1612666 1.1714498 1.1792676 1.1663923 1.1339884 1.1010859\n", + " 1.0792402 1.0691553 1.0683268 1.0685374 1.0646462 1.0556056 1.047743\n", + " 1.0441214 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2030847 1.1950798 1.2037725 1.2108563 1.19583 1.158819 1.1204938\n", + " 1.095417 1.0843024 1.0834019 1.0842898 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1557468 1.1511809 1.1612113 1.1698825 1.1599348 1.1293423 1.0968196\n", + " 1.0755051 1.0654773 1.0630656 1.0634167 1.0595874 1.0512575 1.0436319\n", + " 1.0401914 1.0419967 1.0470514]\n", + " [1.1741621 1.1688164 1.1796544 1.1883597 1.1765378 1.142595 1.1081736\n", + " 1.0847183 1.0745691 1.0727332 1.0733155 1.0686606 1.0589122 1.0504113\n", + " 1.0466996 0. 0. ]\n", + " [1.2172222 1.2111245 1.2211732 1.2298208 1.214298 1.1751243 1.133724\n", + " 1.1065675 1.0941851 1.0924703 1.0926125 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1664807 1.1621248 1.172169 1.1809264 1.1709116 1.139213 1.1054809\n", + " 1.0828563 1.0721904 1.0693303 1.0701854 1.0659932 1.0572914 1.0491345\n", + " 1.045354 1.0468451 0. ]\n", + " [1.1557436 1.1519887 1.1613895 1.1690786 1.1581978 1.1272069 1.0950915\n", + " 1.0749669 1.0656412 1.0646768 1.0648383 1.0602117 1.0519321 1.0443788\n", + " 1.0407053 1.0425367 0. ]]\n", + "[[1.1707733 1.1679976 1.1787845 1.1883191 1.176164 1.1426451 1.1079146\n", + " 1.0845289 1.0736347 1.0710412 1.071253 1.0666164 1.057669 1.0493008\n", + " 1.0456915 1.0471787 1.052624 ]\n", + " [1.1743401 1.1701057 1.1798246 1.1867517 1.1750678 1.141709 1.1076453\n", + " 1.0846261 1.0745085 1.0717958 1.0719106 1.067159 1.0579776 1.0496309\n", + " 1.0456944 1.0477126 1.0533142]\n", + " [1.1689223 1.1639895 1.1748087 1.183375 1.1723816 1.1391727 1.1046548\n", + " 1.0823978 1.0721691 1.0711386 1.0724809 1.0686399 1.0595728 0.\n", + " 0. 0. 0. ]\n", + " [1.1547922 1.1500505 1.1589377 1.1667953 1.1554226 1.1257825 1.0951483\n", + " 1.0751917 1.0660584 1.0642793 1.0643167 1.0607826 1.0527691 1.0450596\n", + " 1.0415722 0. 0. ]\n", + " [1.1625866 1.1582366 1.1679233 1.1760035 1.1650765 1.1336542 1.1004727\n", + " 1.0790482 1.0690839 1.0672466 1.0670066 1.0619061 1.0531771 1.0453769\n", + " 1.0417916 1.043427 1.0486425]]\n", + "[[1.1616546 1.1586633 1.1686926 1.1773438 1.1657542 1.1340538 1.1008782\n", + " 1.0784227 1.0683024 1.0660049 1.0659399 1.061787 1.0533589 1.0458486\n", + " 1.0421858 1.043667 1.0486093 0. 0. ]\n", + " [1.1724907 1.1685152 1.1792239 1.1888984 1.1767721 1.1428858 1.1080683\n", + " 1.0846106 1.0730863 1.070573 1.0699834 1.0650562 1.0565702 1.0484375\n", + " 1.0447676 1.0463415 1.0513281 1.0563675 0. ]\n", + " [1.179071 1.1729 1.1827168 1.1910892 1.177974 1.1452867 1.1107703\n", + " 1.0880219 1.0774391 1.0758262 1.0755391 1.0710139 1.0617532 1.0526841\n", + " 1.0487125 0. 0. 0. 0. ]\n", + " [1.188839 1.1845111 1.1946639 1.2038033 1.1900429 1.154722 1.1185654\n", + " 1.0938181 1.081066 1.0774515 1.0754147 1.0699223 1.0601981 1.0515392\n", + " 1.047464 1.0496502 1.0555 1.0607604 1.0633048]\n", + " [1.184356 1.1791689 1.1901115 1.2011671 1.1888286 1.154887 1.1180654\n", + " 1.0928808 1.0815951 1.0803008 1.0807165 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.2002969 1.1922144 1.1986583 1.2045504 1.1918972 1.1571212 1.1204039\n", + " 1.0952506 1.0837061 1.081902 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1921792 1.1889868 1.2001171 1.2085948 1.1950657 1.1594858 1.1225892\n", + " 1.0968158 1.0834267 1.0793378 1.0768125 1.0706964 1.0601598 1.0520264\n", + " 1.048471 1.0503316 1.056442 1.06138 1.0641128 1.0653058]\n", + " [1.1776683 1.1738447 1.1843128 1.1929765 1.1807933 1.1467205 1.1118948\n", + " 1.088017 1.0769136 1.0734951 1.0718249 1.06645 1.0571463 1.0487616\n", + " 1.0453151 1.047486 1.0528023 1.0581369 1.0604078 0. ]\n", + " [1.1637657 1.1600126 1.1687078 1.1774409 1.1651613 1.133951 1.1008985\n", + " 1.0786804 1.0674206 1.0648704 1.0641155 1.0599174 1.0524987 1.0451038\n", + " 1.0416567 1.0428108 1.0474881 1.0524712 0. 0. ]\n", + " [1.1700497 1.1662006 1.1749952 1.1834348 1.1729128 1.1413693 1.1075181\n", + " 1.0854114 1.0745107 1.0726016 1.072403 1.0674695 1.058071 1.0496565\n", + " 1.0460325 1.0480722 0. 0. 0. 0. ]]\n", + "[[1.1690131 1.1668935 1.1777124 1.1876594 1.1752272 1.1412344 1.1066914\n", + " 1.0838727 1.0728674 1.0692735 1.0679132 1.0625943 1.0538828 1.0462338\n", + " 1.0427372 1.0444224 1.0493476 1.0537765 1.0561192 1.0570321 0.\n", + " 0. 0. 0. ]\n", + " [1.1766036 1.1718249 1.1817611 1.1891981 1.1776252 1.1429894 1.1072028\n", + " 1.0846555 1.0743059 1.0726063 1.0733354 1.0688738 1.0598096 1.0510234\n", + " 1.0472487 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1695737 1.1653037 1.1746205 1.1826587 1.1713867 1.1384969 1.1049098\n", + " 1.0823636 1.072124 1.0693117 1.0688584 1.0633239 1.0544083 1.0462755\n", + " 1.0430801 1.0448163 1.0499353 1.0547379 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1614438 1.1599798 1.1702429 1.1792448 1.1679045 1.1356914 1.1026103\n", + " 1.0806504 1.0697389 1.0662602 1.0643297 1.0586128 1.049787 1.0427428\n", + " 1.0398461 1.041199 1.0458703 1.0503101 1.0526626 1.0541295 1.0556862\n", + " 1.0594184 0. 0. ]\n", + " [1.1619887 1.1605781 1.1713816 1.181528 1.1699109 1.138142 1.1046016\n", + " 1.0822902 1.0712996 1.0675255 1.0656673 1.0597756 1.0506245 1.0430754\n", + " 1.0399323 1.0418496 1.04615 1.0511873 1.0537295 1.0543643 1.0555273\n", + " 1.0586396 1.0658101 1.0755106]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1831703 1.1774739 1.1857449 1.1912395 1.1784583 1.1443504 1.1095103\n", + " 1.0863957 1.0767442 1.0755969 1.0749251 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1593676 1.156486 1.1670253 1.1775432 1.168831 1.1380997 1.1061035\n", + " 1.0840979 1.0724851 1.0677859 1.0654935 1.0592289 1.0503238 1.0427334\n", + " 1.0398054 1.0422336 1.0474383 1.0521014 1.0542815 1.0542548 1.0550305\n", + " 1.0582124 1.0652999 1.0749747 1.0833055 1.0871241]\n", + " [1.2108694 1.2066396 1.2178944 1.2287899 1.2127197 1.1712836 1.128689\n", + " 1.1011254 1.0890961 1.088287 1.0888356 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.163667 1.158231 1.1664472 1.1737605 1.1610146 1.130089 1.098816\n", + " 1.0776705 1.0679858 1.0651371 1.0652552 1.06137 1.053287 1.0457999\n", + " 1.0424162 1.044155 1.0492111 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.16102 1.1584195 1.169047 1.1794206 1.1692805 1.1371549 1.1044142\n", + " 1.0818701 1.0705246 1.0663288 1.0642921 1.0585191 1.0500677 1.0425445\n", + " 1.0393105 1.0408733 1.0452615 1.0500299 1.0528619 1.0540211 1.0552943\n", + " 1.0589237 0. 0. 0. 0. ]]\n", + "[[1.206466 1.1994962 1.2082285 1.2149072 1.1998081 1.1627636 1.1249284\n", + " 1.0984098 1.0872405 1.0858991 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1664646 1.1630542 1.1737037 1.1814882 1.1693646 1.1350553 1.1021446\n", + " 1.0804986 1.0714345 1.0710325 1.0716308 1.0669283 1.0573889 1.0488918\n", + " 0. 0. 0. 0. ]\n", + " [1.1722206 1.1676464 1.1766789 1.1850294 1.1717606 1.1389085 1.1053602\n", + " 1.0829669 1.0727252 1.071158 1.0712475 1.0668777 1.058343 1.0505049\n", + " 1.046659 0. 0. 0. ]\n", + " [1.1695067 1.1687645 1.1804277 1.187563 1.1740354 1.1396122 1.1048614\n", + " 1.082575 1.0721862 1.069297 1.0688559 1.0638509 1.0548062 1.046563\n", + " 1.0431381 1.0447162 1.0500454 1.0551075]\n", + " [1.1619083 1.1584284 1.167066 1.1754981 1.1630805 1.1312907 1.0994021\n", + " 1.0777171 1.0677578 1.0657406 1.0663105 1.0624304 1.0544772 1.0466905\n", + " 1.0432777 1.0450635 0. 0. ]]\n", + "[[1.1797413 1.1744258 1.1851802 1.194884 1.1838855 1.1492475 1.1127715\n", + " 1.0892031 1.0785385 1.0778655 1.0778933 1.0731606 1.0633198 1.0535973\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1704531 1.167222 1.179311 1.1893137 1.1775842 1.1427826 1.1074404\n", + " 1.0837054 1.0728885 1.0699512 1.0687615 1.0632913 1.0541562 1.0458908\n", + " 1.042403 1.0437555 1.0489774 1.0541075 1.0566329]\n", + " [1.2024171 1.1965612 1.206862 1.2151049 1.2014039 1.1637408 1.1254663\n", + " 1.1002185 1.0895044 1.0884312 1.088526 1.0831074 1.071843 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1665944 1.1621866 1.172627 1.1809976 1.1690559 1.136262 1.1028194\n", + " 1.080851 1.07056 1.0691565 1.0694284 1.06489 1.0562093 1.0481629\n", + " 1.0443813 1.0461217 0. 0. 0. ]\n", + " [1.1785727 1.175313 1.1866342 1.1961503 1.1831791 1.1485002 1.1130553\n", + " 1.0889 1.0772285 1.0739067 1.0723543 1.0666494 1.0575604 1.0493517\n", + " 1.0458056 1.0474138 1.0527596 1.0577197 1.0603406]]\n", + "[[1.1763248 1.1714468 1.1797031 1.1866541 1.1734391 1.1404642 1.1069362\n", + " 1.0857867 1.0761963 1.0745616 1.0750287 1.0702598 1.0606183 1.0516238\n", + " 1.0474321 0. 0. 0. ]\n", + " [1.150974 1.1467994 1.1547694 1.1611096 1.1496589 1.1211268 1.0924561\n", + " 1.0733287 1.0640198 1.0620952 1.0611869 1.0574018 1.0499938 1.042715\n", + " 1.0397406 1.0413412 0. 0. ]\n", + " [1.1859646 1.1816201 1.1895775 1.1975573 1.1830063 1.1488526 1.1141014\n", + " 1.0904453 1.0787029 1.0754664 1.073139 1.0679848 1.0583719 1.0504096\n", + " 1.0463403 1.0483685 1.053532 1.0591006]\n", + " [1.1852592 1.1788652 1.1885688 1.1973 1.1857798 1.1528436 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.181799 1.175604 1.1833462 1.1903709 1.1776915 1.1446855 1.1105773\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1691911 1.1673326 1.1766832 1.1850994 1.1723665 1.1393967 1.1058928\n", + " 1.0837613 1.0733879 1.0704212 1.0700959 1.0655103 1.0564588 1.0482618\n", + " 1.0445043 1.0462751 1.0517247]\n", + " [1.1881366 1.1819292 1.1912037 1.2001159 1.1867903 1.1510985 1.1152481\n", + " 1.0912542 1.0808514 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1779734 1.1740749 1.1848545 1.1955295 1.1830631 1.1479383 1.1122708\n", + " 1.0879036 1.0766209 1.0747902 1.0751317 1.0706964 1.0610484 1.05179\n", + " 1.0476575 1.0493587 0. ]\n", + " [1.1861528 1.1835402 1.1932843 1.2019143 1.1868532 1.1521477 1.1164305\n", + " 1.0924519 1.0814723 1.0787704 1.0786026 1.0729303 1.063015 1.0538\n", + " 1.0497941 1.0515192 1.0573488]\n", + " [1.1527944 1.1489091 1.157412 1.1650162 1.1540378 1.1238906 1.0929933\n", + " 1.0724463 1.0632588 1.0613625 1.0620272 1.0579683 1.0506132 1.0431778\n", + " 1.0396887 1.0413529 0. ]]\n", + "[[1.1891878 1.1850274 1.1964837 1.2060583 1.1944716 1.1592425 1.1221465\n", + " 1.0970906 1.0840564 1.0799466 1.0774343 1.0722466 1.0625482 1.0540888\n", + " 1.0502126 1.0515946 1.057028 1.0623399 1.0653237 1.0662315]\n", + " [1.1697526 1.1646128 1.173423 1.18114 1.169351 1.1361644 1.101815\n", + " 1.079789 1.0694202 1.066612 1.0669229 1.0629054 1.0546978 1.0469655\n", + " 1.043723 1.0455186 1.0508091 0. 0. 0. ]\n", + " [1.1782635 1.1756309 1.1863652 1.1958531 1.1834681 1.1499089 1.114214\n", + " 1.0902613 1.0780361 1.0747808 1.073296 1.067091 1.0580875 1.0493169\n", + " 1.0453906 1.0463785 1.0517236 1.0568894 1.0595015 0. ]\n", + " [1.1728998 1.1665245 1.1758987 1.1838028 1.1732064 1.1416694 1.1077635\n", + " 1.085898 1.0751226 1.0734062 1.0733055 1.0678843 1.058868 1.0499889\n", + " 1.0460792 0. 0. 0. 0. 0. ]\n", + " [1.166668 1.1631056 1.1738935 1.1821854 1.1707425 1.1376275 1.1028962\n", + " 1.0804896 1.0694844 1.067083 1.0659375 1.0615282 1.052794 1.0454121\n", + " 1.0418836 1.0437552 1.0487022 1.0534097 1.0557505 0. ]]\n", + "[[1.1790375 1.1760938 1.1866163 1.1950576 1.18303 1.1488553 1.1141889\n", + " 1.0904142 1.0785644 1.0751114 1.0733222 1.0672021 1.0581838 1.0497086\n", + " 1.0464735 1.0480763 1.0537928 1.0587701 1.0608255 0. ]\n", + " [1.1796266 1.1765678 1.1877959 1.1982237 1.1861414 1.1515722 1.1151077\n", + " 1.0901071 1.0779649 1.0751625 1.0744147 1.0695498 1.0605305 1.0515164\n", + " 1.0476815 1.0491161 1.0542629 1.0600337 0. 0. ]\n", + " [1.1766675 1.1723838 1.1814051 1.1913298 1.1774637 1.1423825 1.1068503\n", + " 1.0848051 1.0747733 1.0744603 1.0751048 1.0703441 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1806772 1.1775981 1.1900383 1.2008578 1.1876696 1.1523489 1.1157317\n", + " 1.0917802 1.0799633 1.0760566 1.0746249 1.0685593 1.0586647 1.0499673\n", + " 1.0458176 1.0478988 1.053401 1.0588365 1.061072 1.0619653]\n", + " [1.187533 1.1812271 1.1911335 1.1994638 1.1856648 1.148986 1.1131018\n", + " 1.0896338 1.0792629 1.079034 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1626312 1.1607263 1.1731435 1.1821102 1.171325 1.1391537 1.1053575\n", + " 1.0822359 1.070522 1.067066 1.0649488 1.059442 1.0515846 1.0441101\n", + " 1.040519 1.0423627 1.0466561 1.0511445 1.0530889 1.0540407 1.055501 ]\n", + " [1.1781687 1.1743599 1.1848221 1.1945565 1.1823663 1.1480777 1.1129302\n", + " 1.0887072 1.0767775 1.0729073 1.0712985 1.0648817 1.055828 1.0477691\n", + " 1.0441802 1.0459564 1.050778 1.0560873 1.0581951 1.0591552 0. ]\n", + " [1.181659 1.1769012 1.1873652 1.1961715 1.185322 1.1510162 1.1147003\n", + " 1.0895101 1.0775788 1.0742332 1.0725076 1.0673989 1.057991 1.0495542\n", + " 1.045988 1.0480915 1.0536648 1.0591824 1.0616393 0. 0. ]\n", + " [1.1632683 1.1611075 1.1716161 1.1806834 1.1684409 1.1356884 1.1029353\n", + " 1.0807128 1.0699553 1.0661447 1.0653929 1.060173 1.0519211 1.0444665\n", + " 1.041132 1.0427773 1.0477189 1.0525997 1.0552503 0. 0. ]\n", + " [1.1968387 1.1913327 1.2010067 1.2094468 1.1969228 1.1613958 1.1241654\n", + " 1.099333 1.0869801 1.0847356 1.0843356 1.0787915 1.0687566 1.058804\n", + " 1.0545175 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1907102 1.1865884 1.1965032 1.2048084 1.1911771 1.1554362 1.119822\n", + " 1.0958022 1.0833361 1.0789998 1.076906 1.0701779 1.0602332 1.0519984\n", + " 1.048199 1.0507047 1.0560243 1.0611006 1.0633856 1.0642549]\n", + " [1.1756413 1.1710242 1.1814908 1.189912 1.1792184 1.1442584 1.1095532\n", + " 1.0869594 1.0761471 1.074818 1.0751078 1.0703163 1.0610499 1.0522784\n", + " 1.0482227 0. 0. 0. 0. 0. ]\n", + " [1.1779495 1.173857 1.1849588 1.19416 1.1824837 1.1470401 1.1108198\n", + " 1.0866494 1.0758061 1.0741735 1.0746229 1.0705136 1.0609818 1.0523947\n", + " 1.0482422 1.0499994 0. 0. 0. 0. ]\n", + " [1.183219 1.1786083 1.1880654 1.1963756 1.1824163 1.146922 1.11224\n", + " 1.0892668 1.0785996 1.0780095 1.0781645 1.0731378 1.0631402 1.0538073\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1948397 1.1914902 1.2030301 1.2114378 1.1985455 1.1617925 1.1234484\n", + " 1.0973263 1.0852604 1.0811491 1.0796554 1.0739211 1.0635295 1.0544721\n", + " 1.0504141 1.052699 1.0584798 1.0640057 1.0670744 0. ]]\n", + "[[1.1686499 1.1666379 1.1777039 1.1873723 1.1761193 1.143454 1.1089557\n", + " 1.0852488 1.0732704 1.0687486 1.0666069 1.0612773 1.0529492 1.0457243\n", + " 1.0422705 1.0440307 1.0489498 1.0536357 1.0561515 1.0573983 1.0589375]\n", + " [1.1742085 1.1722786 1.1834205 1.1919695 1.1782452 1.1446462 1.109965\n", + " 1.0866472 1.075348 1.0715519 1.0699356 1.0641327 1.0548177 1.0468916\n", + " 1.0436431 1.0452445 1.0503116 1.0551562 1.0576338 1.0588486 0. ]\n", + " [1.1649534 1.1584961 1.1664454 1.1742811 1.1627192 1.1319045 1.1001064\n", + " 1.0782127 1.0683388 1.0659001 1.0656503 1.06144 1.0534252 1.046177\n", + " 1.043004 0. 0. 0. 0. 0. 0. ]\n", + " [1.1636602 1.1596953 1.169514 1.1785953 1.1666089 1.1345555 1.1015368\n", + " 1.0801299 1.0702181 1.0684031 1.0690789 1.0643351 1.0556498 1.0476353\n", + " 1.0436611 1.0451314 0. 0. 0. 0. 0. ]\n", + " [1.1778907 1.1739793 1.183711 1.1923896 1.1796131 1.1456981 1.1107061\n", + " 1.086984 1.0761604 1.0729516 1.0714456 1.0656887 1.056334 1.047884\n", + " 1.0442872 1.0462254 1.0517882 1.0570579 1.0598047 0. 0. ]]\n", + "[[1.2146436 1.2087833 1.2185652 1.2251554 1.2110502 1.1713374 1.1305146\n", + " 1.1026534 1.090867 1.0880333 1.089721 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1691653 1.166872 1.1778858 1.18696 1.1746769 1.140744 1.1058339\n", + " 1.0832481 1.072445 1.0706873 1.0703794 1.0656174 1.0564578 1.0483801\n", + " 1.0444574 1.0461265 1.051736 0. 0. ]\n", + " [1.179245 1.1762655 1.1875328 1.1972353 1.1841588 1.1496105 1.1134318\n", + " 1.0893309 1.0775567 1.0739843 1.0730646 1.0674628 1.0579116 1.049404\n", + " 1.0457561 1.0475901 1.0526925 1.0579443 1.0603544]\n", + " [1.1770188 1.172626 1.1828101 1.1941363 1.1826938 1.1487578 1.1126642\n", + " 1.0892061 1.0778222 1.0761527 1.0763001 1.0715225 1.0625564 1.0532655\n", + " 1.0489562 1.050672 0. 0. 0. ]\n", + " [1.1714312 1.1671895 1.1776079 1.1876577 1.1755744 1.1429226 1.1080195\n", + " 1.0845423 1.0743309 1.0720805 1.0723019 1.0683411 1.059197 1.0509084\n", + " 1.0467176 1.0485418 0. 0. 0. ]]\n", + "[[1.1950362 1.1892763 1.201805 1.2123066 1.1980513 1.1611034 1.1228546\n", + " 1.0987777 1.0883143 1.0868318 1.087191 1.0818917 1.0705488 1.0599558\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1644045 1.1605867 1.1702175 1.1793195 1.1671326 1.1351559 1.1025672\n", + " 1.0805995 1.0701307 1.0667614 1.0649391 1.0590961 1.0507472 1.0435772\n", + " 1.0407025 1.042278 1.0477537 1.052368 1.054248 1.0551451]\n", + " [1.1577244 1.1530206 1.1611626 1.1694388 1.1572093 1.1273761 1.0962173\n", + " 1.0753449 1.0658562 1.0633085 1.0640111 1.0605426 1.0528587 1.0454383\n", + " 1.041841 1.0432801 0. 0. 0. 0. ]\n", + " [1.1608819 1.1562101 1.1656209 1.1744814 1.1637634 1.1320955 1.09943\n", + " 1.0777477 1.0675298 1.0655597 1.0662916 1.0624115 1.0545233 1.0467798\n", + " 1.0429066 1.0443974 0. 0. 0. 0. ]\n", + " [1.2061709 1.2007875 1.2113106 1.2210534 1.2065709 1.1694196 1.1300884\n", + " 1.1044354 1.0919129 1.0900267 1.0900788 1.0840806 1.0733309 1.0629708\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1898727 1.1847738 1.1951274 1.2041442 1.1919707 1.1570231 1.1201965\n", + " 1.0953403 1.084371 1.0820628 1.0823557 1.0765731 1.0665934 1.0566585\n", + " 1.0520438 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1552823 1.1510918 1.1595402 1.1670344 1.1557258 1.1248927 1.094088\n", + " 1.0738771 1.0632386 1.0600829 1.0585417 1.0540402 1.0471591 1.0407872\n", + " 1.038249 1.0394721 1.0438643 1.0481747 1.0504773 1.0516857 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1505901 1.1478336 1.1589183 1.1701247 1.1610177 1.1311789 1.0989652\n", + " 1.0778612 1.0675672 1.0642574 1.0625415 1.0566161 1.0477681 1.0405998\n", + " 1.0377188 1.0396247 1.0450884 1.0503066 1.0527844 1.0535996 1.0536728\n", + " 1.0563827 1.0628192 1.0724078 1.0802878 1.0843787 1.0862267 1.0825274\n", + " 1.0749503]\n", + " [1.165057 1.1621144 1.1714865 1.1786548 1.1657442 1.1334939 1.101234\n", + " 1.0800167 1.0699443 1.0671021 1.0663822 1.0613799 1.0532912 1.0455079\n", + " 1.0420655 1.0438379 1.048621 1.0536635 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1643329 1.1591709 1.166789 1.1730438 1.1600565 1.1287402 1.097781\n", + " 1.07629 1.0669605 1.0652598 1.0658288 1.061794 1.054001 1.0461237\n", + " 1.042808 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1755077 1.1703007 1.1793044 1.1863716 1.1727126 1.1399634 1.1061889\n", + " 1.0840541 1.0738578 1.0719196 1.0717468 1.0672766 1.0581671 1.0498606\n", + " 1.0463588 1.0486732 1.054423 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1708231 1.1682591 1.1783696 1.188158 1.1775548 1.1441996 1.1105798\n", + " 1.0876633 1.0759066 1.071537 1.0693141 1.0629177 1.0537297 1.0455494\n", + " 1.0426164 1.0447412 1.0498726 1.0546486 1.0569975 1.0578783 1.0589308\n", + " 1.0620172 1.0693655 1.0790749]\n", + " [1.1623778 1.1598146 1.1706777 1.1786034 1.168104 1.1358818 1.1025047\n", + " 1.0806874 1.0704731 1.0681467 1.0684367 1.0638291 1.054977 1.0474104\n", + " 1.0438004 1.0455774 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.158764 1.1559122 1.1665751 1.1763499 1.1647959 1.1334767 1.1013657\n", + " 1.0795695 1.0686071 1.0644367 1.0629408 1.0575988 1.0490727 1.0422448\n", + " 1.038951 1.0406038 1.044942 1.0495884 1.0519602 1.0531201 1.0543374\n", + " 1.0576059 0. 0. ]\n", + " [1.1893411 1.1859219 1.1966779 1.2044263 1.1933478 1.158668 1.122107\n", + " 1.0970671 1.0838784 1.0786403 1.0763896 1.0696089 1.0597781 1.0516317\n", + " 1.0480908 1.050089 1.0554258 1.0606658 1.0630279 1.0640334 1.0657611\n", + " 0. 0. 0. ]]\n", + "[[1.1807731 1.1765741 1.1868167 1.1955627 1.182386 1.1471661 1.111119\n", + " 1.0882332 1.0772469 1.0755776 1.0758475 1.0706716 1.0610911 1.0526603\n", + " 1.0486318 1.0507038 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1748135 1.1696495 1.1792704 1.1883652 1.1763349 1.1424265 1.1080294\n", + " 1.0853262 1.0748949 1.0727011 1.0730232 1.0681636 1.0588498 1.0502002\n", + " 1.0461006 1.0480561 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1764123 1.1693214 1.179327 1.1876055 1.1775321 1.1452453 1.1107144\n", + " 1.0877526 1.0776801 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1559653 1.151082 1.1600003 1.167818 1.1569982 1.1269451 1.0965072\n", + " 1.0760942 1.0663242 1.0645475 1.0642775 1.059279 1.050645 1.043171\n", + " 1.0399488 1.041715 1.0470778 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1773738 1.1745696 1.1861732 1.1958256 1.1837848 1.1504709 1.1156831\n", + " 1.0916728 1.0787698 1.074842 1.0725148 1.0660435 1.0567272 1.0486745\n", + " 1.0451493 1.0471505 1.052387 1.0574441 1.0599484 1.0605383 1.0619755\n", + " 1.0656828]]\n", + "[[1.1724305 1.1666043 1.1755016 1.1835384 1.1718878 1.1394752 1.1063673\n", + " 1.0839006 1.0736785 1.0717944 1.0716558 1.0673732 1.0583991 1.0500137\n", + " 1.0464085 0. 0. 0. 0. ]\n", + " [1.1737304 1.1704284 1.1799406 1.1888167 1.1769809 1.1435752 1.1081291\n", + " 1.0852042 1.0735813 1.0702379 1.0688651 1.0643988 1.0555372 1.0476784\n", + " 1.0437397 1.0455515 1.0503151 1.0555491 1.0583152]\n", + " [1.1702305 1.165613 1.1735502 1.1819396 1.1703911 1.138435 1.1054258\n", + " 1.0834311 1.0732806 1.0716573 1.071584 1.0675129 1.0581901 1.0496817\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1676375 1.1609843 1.1690805 1.1754891 1.1640472 1.1329502 1.1014246\n", + " 1.081022 1.0716528 1.0706813 1.0710806 1.0667723 1.0575789 1.0492164\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1857883 1.1831149 1.1940632 1.2041283 1.1911117 1.1540763 1.1147633\n", + " 1.0893738 1.076766 1.0743837 1.0734404 1.0687057 1.0593077 1.0510359\n", + " 1.04678 1.0481997 1.053207 1.0583764 1.0609419]]\n", + "[[1.174365 1.1710778 1.1814388 1.1897862 1.1769595 1.1430643 1.1082739\n", + " 1.0855707 1.0747151 1.0716803 1.0708503 1.0653915 1.0554585 1.0475056\n", + " 1.0439419 1.0457052 1.0507697 1.0559062 1.058295 ]\n", + " [1.176994 1.1736053 1.1830995 1.1903622 1.1771946 1.142617 1.1072211\n", + " 1.0853169 1.0745286 1.0719141 1.0718683 1.0663197 1.056514 1.0482671\n", + " 1.0447671 1.0465574 1.0520397 1.05738 0. ]\n", + " [1.1800541 1.1770712 1.188761 1.1983197 1.183802 1.148364 1.1117834\n", + " 1.0875534 1.0763888 1.0746287 1.0741682 1.0682902 1.0581777 1.04915\n", + " 1.044987 1.0470043 1.0522194 1.057888 0. ]\n", + " [1.1762519 1.1721381 1.1810244 1.1881502 1.1764702 1.1433964 1.1096344\n", + " 1.0860106 1.0743389 1.0705602 1.069012 1.0635358 1.0548515 1.0474905\n", + " 1.044083 1.0460876 1.0509281 1.0553914 1.0578166]\n", + " [1.1715496 1.1675088 1.1782391 1.1877944 1.1764774 1.1428213 1.1083444\n", + " 1.0850395 1.0741081 1.0713222 1.0711043 1.0664818 1.0571432 1.0489335\n", + " 1.0449369 1.046642 1.0520562 0. 0. ]]\n", + "[[1.1578726 1.1554332 1.1675662 1.1778239 1.1673672 1.1350563 1.1016229\n", + " 1.0791435 1.0684073 1.0646756 1.0624979 1.0571142 1.0484419 1.0409741\n", + " 1.038101 1.0396838 1.0446769 1.0493731 1.0518012 1.0529681 1.0541555\n", + " 1.0575417]\n", + " [1.1666477 1.1620811 1.1725549 1.1820982 1.170726 1.1382177 1.1042742\n", + " 1.082394 1.071862 1.0697298 1.0698195 1.0650709 1.0558103 1.0472007\n", + " 1.0435058 1.0450493 1.0505298 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1614671 1.1560302 1.1650548 1.1728485 1.1626889 1.1311042 1.0992838\n", + " 1.0781834 1.0680954 1.065767 1.0657244 1.0616986 1.0529175 1.0449411\n", + " 1.0412979 1.0427575 1.0478867 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1910856 1.1857688 1.1957599 1.2048051 1.191898 1.1559383 1.119123\n", + " 1.0953785 1.0843449 1.0830312 1.0831527 1.0774012 1.0671 1.0573517\n", + " 1.0527384 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1702635 1.1641349 1.1723225 1.179628 1.1671985 1.1353831 1.102369\n", + " 1.0804802 1.0711277 1.0688175 1.0687295 1.0640638 1.0558438 1.0476652\n", + " 1.044124 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1697071 1.1668867 1.1784396 1.1881452 1.176173 1.1422354 1.1072545\n", + " 1.0835184 1.0731363 1.0708663 1.0709778 1.0664045 1.0563492 1.0479394\n", + " 1.0440081 1.0457345 1.051365 0. 0. ]\n", + " [1.1605284 1.1578072 1.1677964 1.1762648 1.1652168 1.1336336 1.1005853\n", + " 1.0792342 1.0684637 1.0651506 1.0640726 1.0591738 1.0508354 1.043642\n", + " 1.0404534 1.0422027 1.0467381 1.0514381 1.053966 ]]\n", + "[[1.1789393 1.1739683 1.182925 1.1908567 1.179134 1.1456083 1.1106915\n", + " 1.0874933 1.0762944 1.0727706 1.0727208 1.0678407 1.0590593 1.0506883\n", + " 1.0472741 1.0496616 1.0550789 0. 0. 0. ]\n", + " [1.1694621 1.166524 1.1771008 1.1864522 1.1744314 1.1417629 1.1074883\n", + " 1.0845188 1.0730848 1.0703084 1.0695047 1.0645366 1.0556349 1.0473328\n", + " 1.0434103 1.0453005 1.050065 1.0554771 0. 0. ]\n", + " [1.1670556 1.1633923 1.1743109 1.1826996 1.1717517 1.1395779 1.1050185\n", + " 1.0833687 1.072603 1.0701082 1.070226 1.0657192 1.0574007 1.0490471\n", + " 1.0452815 1.0470448 0. 0. 0. 0. ]\n", + " [1.1623826 1.1599596 1.1713415 1.1805642 1.1700171 1.1368737 1.1027845\n", + " 1.0800444 1.0691999 1.0660568 1.0651252 1.060228 1.0519013 1.044387\n", + " 1.0411372 1.0422978 1.0471185 1.0517658 1.053833 1.054611 ]\n", + " [1.1688944 1.1646985 1.1748105 1.1837121 1.1730329 1.1409141 1.1074028\n", + " 1.0852654 1.074872 1.0718287 1.0711963 1.065786 1.0566564 1.048378\n", + " 1.044689 1.0462236 1.0516022 0. 0. 0. ]]\n", + "[[1.1776682 1.1745216 1.1860338 1.1947868 1.1819228 1.145386 1.1085837\n", + " 1.0846733 1.0739911 1.072239 1.0726981 1.0683577 1.0588789 1.0506434\n", + " 1.0467849 1.0485938 1.0545124 0. 0. 0. ]\n", + " [1.1739234 1.1681145 1.1778244 1.1872256 1.1755688 1.1428348 1.108683\n", + " 1.0850947 1.0743867 1.0724597 1.0720942 1.0672115 1.0582563 1.0493042\n", + " 1.0454109 1.0469645 1.0523388 0. 0. 0. ]\n", + " [1.1632615 1.1614404 1.1732938 1.1819209 1.1709297 1.1381652 1.1040983\n", + " 1.0818092 1.0706006 1.0668865 1.0649242 1.0598301 1.0516323 1.0443829\n", + " 1.0411652 1.0420988 1.0468274 1.0512357 1.0536114 1.0543638]\n", + " [1.204322 1.1984577 1.2080036 1.2156453 1.2004107 1.1632951 1.1251101\n", + " 1.0994966 1.0882971 1.086316 1.0864912 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1893377 1.1857266 1.1964904 1.2051555 1.1915094 1.1565338 1.1202382\n", + " 1.0953916 1.0825663 1.0792292 1.07751 1.0715156 1.0618069 1.0527959\n", + " 1.0495362 1.0514143 1.0571316 1.0624541 1.064624 0. ]]\n", + "[[1.1765482 1.1722599 1.1833823 1.1934751 1.1812339 1.1465946 1.1116695\n", + " 1.0878372 1.0763026 1.0728211 1.0720503 1.0659177 1.0569777 1.0483998\n", + " 1.0443653 1.0456859 1.0505412 1.0558475 1.0583 0. 0. ]\n", + " [1.1494197 1.1455139 1.1543336 1.1616262 1.1519531 1.1225958 1.0924529\n", + " 1.0723546 1.0628412 1.0602642 1.0591052 1.0548515 1.0470343 1.0398256\n", + " 1.0366986 1.038241 1.0426189 1.047033 0. 0. 0. ]\n", + " [1.1659814 1.1606817 1.1694523 1.1787401 1.1679524 1.136256 1.1031018\n", + " 1.081953 1.07262 1.0709189 1.071805 1.0664546 1.0570663 1.0484178\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1704421 1.1667589 1.1772251 1.1858382 1.1734087 1.1406581 1.1067361\n", + " 1.0840789 1.0726672 1.0691005 1.067019 1.0609732 1.051643 1.0444255\n", + " 1.0413351 1.0434009 1.0486519 1.0535767 1.0554894 1.056148 1.0573426]\n", + " [1.1785114 1.1730806 1.1819302 1.1905228 1.178023 1.1432922 1.1091002\n", + " 1.0863515 1.0766068 1.0751408 1.0762227 1.0715836 1.0619642 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1658583 1.1634141 1.1745567 1.1843823 1.1719645 1.1393545 1.1047307\n", + " 1.0816394 1.0712097 1.0689048 1.0687486 1.0643382 1.0559038 1.0474368\n", + " 1.0437286 1.0450859 1.050481 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1510301 1.1477263 1.1571081 1.166007 1.1555512 1.1250508 1.0939127\n", + " 1.0728155 1.0635179 1.0611787 1.0606428 1.055942 1.048183 1.0407851\n", + " 1.0378568 1.0393336 1.044287 1.0492778 0. 0. 0.\n", + " 0. ]\n", + " [1.1717802 1.1672733 1.1752311 1.1837286 1.1711806 1.1378313 1.1049778\n", + " 1.0829144 1.0721954 1.0694035 1.068333 1.0632577 1.0546124 1.0462884\n", + " 1.0431215 1.0449448 1.0500442 1.0554847 0. 0. 0.\n", + " 0. ]\n", + " [1.1723124 1.1691658 1.1804639 1.1903583 1.1780202 1.1452657 1.1109041\n", + " 1.0877606 1.0757397 1.0717059 1.0697043 1.063801 1.0543776 1.0468137\n", + " 1.0435278 1.0454024 1.0504545 1.0552008 1.0576488 1.0580231 1.0588709\n", + " 1.0621616]\n", + " [1.1832966 1.1808608 1.1920741 1.1996124 1.1878016 1.1523393 1.1154808\n", + " 1.0913495 1.0788589 1.075392 1.0734515 1.0676538 1.0582132 1.0497519\n", + " 1.0462837 1.0482004 1.0534416 1.0587932 1.0611917 1.0617583 0.\n", + " 0. ]]\n", + "[[1.1724805 1.1699091 1.1804101 1.1885252 1.1764529 1.1422516 1.1074955\n", + " 1.084411 1.0742124 1.0721503 1.0710995 1.0659853 1.0572588 1.048844\n", + " 1.0451463 1.0468175 1.0517498 1.0571395 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1945457 1.1892469 1.1980593 1.2060211 1.1934803 1.1579685 1.1213299\n", + " 1.0966954 1.0862652 1.0845712 1.0853245 1.0797775 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1698097 1.1652454 1.1764257 1.1851426 1.1731244 1.1392009 1.1045526\n", + " 1.0818254 1.0716962 1.0696521 1.0695068 1.064853 1.0552276 1.0468609\n", + " 1.0428407 1.0445764 1.050053 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1717896 1.1686598 1.1792917 1.1881132 1.176906 1.1448011 1.1110715\n", + " 1.0880418 1.0764291 1.0721401 1.0696269 1.0626781 1.0533615 1.0458083\n", + " 1.0429459 1.044955 1.0501009 1.0552155 1.0577707 1.0584283 1.059592\n", + " 1.0631896 1.0707963]\n", + " [1.1743666 1.1718386 1.1832033 1.1919034 1.1794565 1.146274 1.1113235\n", + " 1.0883099 1.0763237 1.0720743 1.0701038 1.06401 1.0551611 1.0473009\n", + " 1.0441927 1.0456456 1.051349 1.0558633 1.0578041 1.0585755 0.\n", + " 0. 0. ]]\n", + "[[1.1690413 1.1654836 1.1754688 1.1848829 1.174237 1.1418132 1.1071709\n", + " 1.0849274 1.0744036 1.0717117 1.0721482 1.0672224 1.0576003 1.0491428\n", + " 1.0451089 1.0470265 0. 0. 0. ]\n", + " [1.1685166 1.164761 1.1745303 1.1833494 1.1705912 1.1383823 1.1052126\n", + " 1.0826713 1.0717063 1.0686543 1.0673316 1.0629101 1.0542625 1.0468707\n", + " 1.0430028 1.0447713 1.049475 1.0542201 1.0567619]\n", + " [1.1634486 1.1601802 1.1697657 1.1775415 1.165265 1.1341796 1.1015344\n", + " 1.0798218 1.0697939 1.0686632 1.0687859 1.0644549 1.0555685 1.0478464\n", + " 1.0441399 1.0460804 0. 0. 0. ]\n", + " [1.1660577 1.1630712 1.1735104 1.1822753 1.1704159 1.1369497 1.1032138\n", + " 1.0803834 1.0701199 1.0667628 1.0666684 1.0616568 1.0532364 1.0450662\n", + " 1.0416942 1.0433683 1.0486494 1.0537267 0. ]\n", + " [1.1726315 1.1694181 1.1805218 1.1898066 1.1780119 1.1439219 1.1082896\n", + " 1.0850496 1.0743403 1.0718478 1.070863 1.0659565 1.0565208 1.0480101\n", + " 1.0442826 1.0459498 1.0511128 1.0564919 0. ]]\n", + "[[1.1761844 1.1740148 1.185445 1.19444 1.1819477 1.1470513 1.1110035\n", + " 1.0871924 1.075735 1.0726466 1.0712736 1.066281 1.057123 1.0489432\n", + " 1.0451761 1.0469612 1.05197 1.0567572 1.0593513 0. 0. ]\n", + " [1.1674687 1.1634847 1.1734855 1.1827934 1.1714001 1.1389565 1.1052768\n", + " 1.0833646 1.072764 1.0709685 1.0710564 1.0665846 1.0574117 1.0490429\n", + " 1.0450073 1.0469668 0. 0. 0. 0. 0. ]\n", + " [1.1802672 1.1762502 1.1871887 1.1964625 1.1835759 1.1496607 1.113974\n", + " 1.0900458 1.0778971 1.0737165 1.0713186 1.0655636 1.0562109 1.0479425\n", + " 1.0447783 1.0467824 1.0522029 1.0572371 1.0598832 1.0610404 1.0629451]\n", + " [1.1672621 1.1631571 1.1722915 1.1797743 1.1682041 1.1358339 1.103096\n", + " 1.0811534 1.0711026 1.0688798 1.0689923 1.0643575 1.056072 1.048037\n", + " 1.0443639 1.0461209 0. 0. 0. 0. 0. ]\n", + " [1.1603149 1.1582726 1.1682304 1.1765081 1.1641673 1.13158 1.1002309\n", + " 1.0791273 1.0687675 1.0653858 1.0633743 1.0579754 1.0495008 1.0421509\n", + " 1.0393593 1.0412439 1.0458792 1.0505816 1.0529294 1.0536572 1.0552266]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1671346 1.1641023 1.1741655 1.1831716 1.1736833 1.1416965 1.1081632\n", + " 1.0854363 1.0751671 1.0726103 1.0721804 1.0674292 1.0577816 1.0491972\n", + " 1.045258 1.0471756 0. ]\n", + " [1.1729612 1.1668243 1.1754761 1.1833816 1.1730112 1.1406618 1.1059856\n", + " 1.0828973 1.0724684 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1661108 1.163117 1.1727293 1.1805221 1.1668315 1.134168 1.1014687\n", + " 1.080273 1.0707097 1.0679142 1.0683901 1.0638789 1.0552735 1.0477778\n", + " 1.0441682 1.0461073 1.0513506]\n", + " [1.2031353 1.1969199 1.2070194 1.2144433 1.1997355 1.1612495 1.122706\n", + " 1.098041 1.0869291 1.0859222 1.086608 1.0816716 1.0706071 1.060296\n", + " 0. 0. 0. ]\n", + " [1.1719325 1.1684016 1.1797346 1.18934 1.1763186 1.1422303 1.106501\n", + " 1.0833768 1.0728734 1.0710696 1.0709156 1.0656612 1.0561979 1.0476031\n", + " 1.0438464 1.0457029 1.0514183]]\n", + "[[1.1631173 1.1584167 1.1681935 1.1780013 1.1665365 1.1345701 1.1006653\n", + " 1.078396 1.0674282 1.06552 1.0655438 1.0617459 1.053687 1.0462604\n", + " 1.0427117 1.0442094 1.0489432 0. 0. 0. ]\n", + " [1.1789685 1.1741599 1.1829844 1.1904672 1.1771892 1.1440127 1.1096109\n", + " 1.0863943 1.0755996 1.0724455 1.0710301 1.0652976 1.0563773 1.048274\n", + " 1.0449227 1.0469584 1.052147 1.0572053 0. 0. ]\n", + " [1.1863825 1.1840383 1.1945797 1.202572 1.1890647 1.1539744 1.1168314\n", + " 1.0916399 1.0801574 1.0764598 1.0751808 1.0698062 1.0603262 1.0516647\n", + " 1.0483569 1.0504621 1.0565171 1.0623206 0. 0. ]\n", + " [1.1706423 1.165041 1.1731246 1.1790398 1.1644498 1.1328743 1.0996387\n", + " 1.0790222 1.0706791 1.0698328 1.0704017 1.0661104 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1774652 1.1747446 1.1858064 1.1953139 1.1841968 1.150033 1.1135517\n", + " 1.0892179 1.0771916 1.074037 1.0724169 1.0660985 1.0565325 1.0475768\n", + " 1.0442097 1.0457257 1.0507909 1.0561676 1.058998 1.060411 ]]\n", + "[[1.1815581 1.1757828 1.1856823 1.1955937 1.1835513 1.1495 1.1138488\n", + " 1.0898516 1.0793126 1.0777211 1.0775263 1.0733283 1.0635419 1.0540733\n", + " 1.0497906 0. 0. 0. ]\n", + " [1.1793239 1.1754038 1.1848128 1.1936688 1.1816531 1.1480674 1.1125373\n", + " 1.0892832 1.0778563 1.074806 1.0732644 1.0682603 1.0587854 1.0503404\n", + " 1.0463883 1.0481759 1.0536956 1.0591124]\n", + " [1.2129306 1.2075812 1.2192007 1.228246 1.2115331 1.1696632 1.1282935\n", + " 1.1018913 1.0910788 1.0906422 1.0912572 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1745927 1.1700168 1.180933 1.1907694 1.1785465 1.1440405 1.1078984\n", + " 1.0844159 1.0735803 1.0720202 1.0720838 1.067499 1.057823 1.048982\n", + " 1.045073 1.0473635 0. 0. ]\n", + " [1.2024933 1.1956904 1.2040689 1.2136006 1.2000477 1.1636473 1.1246914\n", + " 1.0980809 1.0867424 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1773401 1.1710044 1.1792742 1.1866496 1.17398 1.1411467 1.107148\n", + " 1.0844423 1.0740681 1.0722191 1.0720557 1.0673808 1.0586085 1.0504098\n", + " 1.0469645 1.0493402 0. 0. 0. 0. ]\n", + " [1.1773126 1.174264 1.1845441 1.192059 1.1808888 1.1467638 1.1115514\n", + " 1.0873928 1.0756788 1.0716344 1.0712248 1.0659101 1.05698 1.0490494\n", + " 1.0455679 1.047084 1.051862 1.0567207 1.0589727 0. ]\n", + " [1.1890907 1.1866357 1.1971027 1.2053981 1.1924735 1.1574179 1.1204062\n", + " 1.0949105 1.0820315 1.0778328 1.0752784 1.0697943 1.0605221 1.0519078\n", + " 1.0484862 1.0498116 1.0554986 1.0609156 1.0633706 1.064464 ]\n", + " [1.1679503 1.1639415 1.1747069 1.1842442 1.1733323 1.1413407 1.1066939\n", + " 1.0839863 1.0731251 1.0708722 1.0712751 1.0668617 1.0582473 1.050168\n", + " 1.0462509 1.0476222 0. 0. 0. 0. ]\n", + " [1.1741588 1.1696051 1.1807545 1.1903541 1.1771591 1.1423545 1.1070968\n", + " 1.0843095 1.0750253 1.0746217 1.075392 1.0707585 1.0607209 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1650978 1.1606964 1.1698729 1.1788211 1.1675198 1.1355639 1.1027225\n", + " 1.0799358 1.0697278 1.0669394 1.065965 1.0621927 1.0540292 1.0463047\n", + " 1.0428901 1.0441861 1.0487535 1.0534029 0. 0. 0. ]\n", + " [1.1540936 1.1503187 1.1595389 1.1681733 1.1571903 1.1260723 1.0951054\n", + " 1.074652 1.0651534 1.0632701 1.0633571 1.0594049 1.0513365 1.0436721\n", + " 1.0404444 1.0417771 1.0466257 0. 0. 0. 0. ]\n", + " [1.1887248 1.1852777 1.1957635 1.2029138 1.1921102 1.1573318 1.1206732\n", + " 1.0957257 1.0823951 1.0779595 1.0753716 1.0689063 1.059228 1.0514607\n", + " 1.0482488 1.049994 1.0554152 1.0606968 1.0633969 1.0649772 1.0669435]\n", + " [1.1644967 1.160988 1.17197 1.1807843 1.1701791 1.1377826 1.1042047\n", + " 1.0818481 1.0712336 1.0687584 1.0679889 1.062923 1.053872 1.0455067\n", + " 1.0417898 1.0433257 1.0485526 1.0535846 0. 0. 0. ]\n", + " [1.1789625 1.174973 1.1854119 1.1939662 1.1820279 1.1474445 1.1119783\n", + " 1.0881748 1.0764315 1.0730778 1.0716914 1.066522 1.057322 1.048798\n", + " 1.0455315 1.0470932 1.052411 1.0579021 1.0606145 0. 0. ]]\n", + "[[1.193781 1.1887262 1.1999954 1.2099706 1.1959602 1.1598244 1.1226164\n", + " 1.0977877 1.0861763 1.0845702 1.0853405 1.0799636 1.0690463 1.0592909\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1853778 1.1809633 1.1901472 1.1981003 1.1840081 1.1492392 1.1142107\n", + " 1.090607 1.079058 1.0762705 1.0750004 1.069126 1.0600128 1.0513902\n", + " 1.0477889 1.0498315 1.0549021 1.0599165 0. 0. 0.\n", + " 0. ]\n", + " [1.1733193 1.1668167 1.1740503 1.1810975 1.168631 1.1359468 1.1035123\n", + " 1.0821476 1.0730082 1.072093 1.0726788 1.0682726 1.0593641 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1723502 1.1708261 1.181759 1.1916405 1.1796503 1.1451197 1.1102266\n", + " 1.0866398 1.0747558 1.0706731 1.068554 1.0631115 1.0542048 1.0465925\n", + " 1.0435746 1.04491 1.0502158 1.0550587 1.0573162 1.0578704 1.0593545\n", + " 1.0635282]\n", + " [1.180855 1.1777893 1.1897749 1.1986228 1.1857677 1.1511151 1.1152891\n", + " 1.0909485 1.0794045 1.0752732 1.0728607 1.0666478 1.0567133 1.0487298\n", + " 1.0454736 1.047198 1.0523202 1.0576221 1.0601773 1.0614206 1.0631393\n", + " 0. ]]\n", + "[[1.1926596 1.1847304 1.1931084 1.2013167 1.1892595 1.154401 1.1180152\n", + " 1.0943979 1.0840874 1.0823231 1.0830799 1.0770667 1.065926 1.0560193\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1722877 1.1693227 1.1795863 1.188274 1.1756537 1.1419694 1.1074166\n", + " 1.0846508 1.0734661 1.0705235 1.0688652 1.0632238 1.0536987 1.0461104\n", + " 1.0423722 1.0441648 1.0491673 1.0541224 1.0563766 1.057174 ]\n", + " [1.1789826 1.1738274 1.1837556 1.1933888 1.1814715 1.1481616 1.1124512\n", + " 1.0891423 1.0781223 1.0758297 1.075554 1.0698028 1.0604813 1.0514594\n", + " 1.0472662 1.0489305 1.0548744 0. 0. 0. ]\n", + " [1.164053 1.1600423 1.169873 1.1781737 1.1679773 1.1364915 1.1035528\n", + " 1.0814183 1.0710806 1.068367 1.068327 1.0639074 1.0558376 1.0476365\n", + " 1.0438863 1.0450786 1.0500797 0. 0. 0. ]\n", + " [1.1667062 1.1628649 1.1735908 1.1838412 1.1727854 1.1403028 1.1065552\n", + " 1.0835233 1.0720252 1.0687733 1.0675265 1.0622493 1.0534458 1.0456928\n", + " 1.0422351 1.0439023 1.0489907 1.0540664 1.0566823 0. ]]\n", + "[[1.1814268 1.180452 1.1917028 1.2006516 1.186923 1.1507771 1.1136816\n", + " 1.0890983 1.0774503 1.0746167 1.0728441 1.0680636 1.0588849 1.0502316\n", + " 1.0464978 1.0482311 1.0537003 1.0582678 1.0607861 0. 0. ]\n", + " [1.166935 1.1628529 1.1723704 1.1808926 1.1686327 1.1368704 1.103112\n", + " 1.0811974 1.0703527 1.0681173 1.0677458 1.0634586 1.055129 1.0473574\n", + " 1.0439425 1.0452849 1.0502667 0. 0. 0. 0. ]\n", + " [1.1804061 1.1775265 1.1886785 1.1982433 1.1854451 1.151573 1.1157271\n", + " 1.0917168 1.0791923 1.075299 1.0733064 1.0667571 1.0570587 1.0488034\n", + " 1.0454044 1.0470525 1.0524014 1.0571108 1.0590993 1.0601434 1.0614957]\n", + " [1.1737775 1.1704214 1.1816213 1.1914054 1.1789637 1.1449535 1.1095275\n", + " 1.0862336 1.0749495 1.0720433 1.0718145 1.0664313 1.0570521 1.0490175\n", + " 1.0452659 1.0469595 1.0526206 0. 0. 0. 0. ]\n", + " [1.1709807 1.1678648 1.1782652 1.1865304 1.1751044 1.1415669 1.1068492\n", + " 1.084773 1.0739372 1.0713673 1.0712935 1.0664191 1.0573504 1.0492213\n", + " 1.0449443 1.0465184 1.0518137 0. 0. 0. 0. ]]\n", + "[[1.1718578 1.1676102 1.1782289 1.1864271 1.1749792 1.1411594 1.1057124\n", + " 1.0829036 1.0723296 1.0719436 1.0724633 1.0679895 1.0582595 1.0495968\n", + " 1.0454544 0. 0. ]\n", + " [1.1707902 1.1657054 1.1758102 1.1850212 1.1742053 1.1415358 1.1068118\n", + " 1.0841815 1.0732812 1.0713265 1.0716687 1.0666308 1.0574508 1.0490768\n", + " 1.0451313 1.0467744 0. ]\n", + " [1.1676933 1.1649656 1.1756305 1.1841888 1.1719234 1.1386821 1.1045306\n", + " 1.0831981 1.0739752 1.0728753 1.0730718 1.068492 1.058819 1.0500921\n", + " 0. 0. 0. ]\n", + " [1.1742337 1.1696062 1.1793433 1.1871179 1.174879 1.1426115 1.1089355\n", + " 1.0866091 1.0760525 1.0727465 1.0726786 1.0674914 1.0582284 1.0501854\n", + " 1.046488 1.0483388 1.0541937]\n", + " [1.2015034 1.1947746 1.202774 1.2107286 1.1960384 1.1590137 1.1217766\n", + " 1.0976443 1.0872471 1.0856955 1.0859728 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1633211 1.1605437 1.1713812 1.1797085 1.1670691 1.1351056 1.1026969\n", + " 1.08138 1.0705029 1.0669413 1.0652399 1.0595754 1.0508078 1.0435258\n", + " 1.0407839 1.0422367 1.0470103 1.0516375 1.0535115 1.0544724 0.\n", + " 0. 0. 0. ]\n", + " [1.1903584 1.1850042 1.1943679 1.203503 1.1910343 1.1559209 1.1190417\n", + " 1.0952942 1.08403 1.0817878 1.0821375 1.076646 1.0661967 1.0565935\n", + " 1.0525085 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1613145 1.1570362 1.1665698 1.1757371 1.1638075 1.1321639 1.0994294\n", + " 1.0776107 1.0677842 1.0652936 1.0650549 1.060957 1.0529487 1.0453154\n", + " 1.0419881 1.0437758 1.048926 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1639826 1.1615396 1.1718638 1.1815928 1.1708765 1.1384695 1.10589\n", + " 1.0840735 1.0729399 1.0687762 1.065861 1.0599787 1.0506924 1.0429263\n", + " 1.040109 1.0423867 1.047514 1.0523723 1.0540127 1.0548376 1.0559933\n", + " 1.0591884 1.0662482 1.0758599]\n", + " [1.1806103 1.1775107 1.18773 1.1961893 1.1830708 1.1495062 1.1145918\n", + " 1.0910364 1.0791997 1.0756395 1.0739164 1.067711 1.0580872 1.0495641\n", + " 1.0459564 1.0482458 1.0533803 1.0585552 1.0607551 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1735635 1.1709598 1.1816832 1.1908097 1.1801186 1.1468809 1.1125593\n", + " 1.0892068 1.0772471 1.0732882 1.0706234 1.06407 1.0549452 1.0472387\n", + " 1.0439397 1.0461286 1.0510435 1.0562162 1.0583293 1.0588009 1.0600165\n", + " 1.0634811]\n", + " [1.181872 1.1774478 1.1866257 1.194651 1.1820555 1.1478842 1.1138753\n", + " 1.0908488 1.0788846 1.0754534 1.0731555 1.0675988 1.0579239 1.04977\n", + " 1.0465539 1.0491757 1.0545964 1.0598184 1.0617918 0. 0.\n", + " 0. ]\n", + " [1.1668394 1.1652946 1.1760212 1.184517 1.171719 1.1390725 1.1058668\n", + " 1.0833445 1.072233 1.0685192 1.0667597 1.0609009 1.0523539 1.0445948\n", + " 1.0415677 1.0429953 1.0479748 1.0526428 1.0550321 1.0563706 0.\n", + " 0. ]\n", + " [1.1527177 1.1484623 1.15698 1.1647459 1.1536145 1.1246861 1.0940099\n", + " 1.0744082 1.0651083 1.0634191 1.0636371 1.0592434 1.0517852 1.044545\n", + " 1.0410362 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1814902 1.1780727 1.1878775 1.1964377 1.1834984 1.1491386 1.1138705\n", + " 1.0901548 1.0790198 1.0765667 1.0759366 1.0699471 1.0603638 1.0518624\n", + " 1.0477793 1.0500122 1.0557901 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1641619 1.1597468 1.1677297 1.1751912 1.1626915 1.1297657 1.0981956\n", + " 1.0774535 1.0680557 1.0672143 1.0672051 1.0635177 1.0548377 1.0466154\n", + " 1.0430183 0. 0. 0. 0. ]\n", + " [1.1737071 1.1696038 1.1800956 1.1897624 1.1773458 1.1435639 1.1081398\n", + " 1.0847557 1.0746233 1.072978 1.0730214 1.0687494 1.0595177 1.0504485\n", + " 1.0466193 1.0483544 0. 0. 0. ]\n", + " [1.191168 1.1855938 1.1947422 1.2023783 1.1899045 1.1540928 1.117528\n", + " 1.0927426 1.0823312 1.0809186 1.0807964 1.0768198 1.0664253 1.0571678\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2011083 1.1978608 1.2079298 1.2157255 1.2034076 1.1656649 1.1266955\n", + " 1.1002289 1.0867021 1.0830735 1.0813695 1.0751417 1.0648127 1.0558989\n", + " 1.0520369 1.05409 1.0596964 1.0657734 1.0684226]\n", + " [1.1584206 1.1553893 1.1655354 1.1743637 1.1630824 1.1317155 1.099588\n", + " 1.0786289 1.068783 1.0680162 1.0684979 1.0640422 1.0546999 1.0462897\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.187962 1.182291 1.1926386 1.2010578 1.18636 1.1500142 1.1135784\n", + " 1.0902512 1.0803626 1.0795828 1.0804908 1.0760323 1.0661273 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1978177 1.1909341 1.1997758 1.2088528 1.1966616 1.1618543 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1725336 1.1695662 1.1804624 1.1892271 1.1766713 1.144214 1.1096057\n", + " 1.0866015 1.0750405 1.0717375 1.070092 1.064315 1.055373 1.0469087\n", + " 1.0433209 1.0451418 1.0501583 1.0554832 1.058264 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1594269 1.15675 1.1670991 1.1765518 1.1654774 1.1342653 1.1019089\n", + " 1.080157 1.0692031 1.0657506 1.0636926 1.0582834 1.0494221 1.042229\n", + " 1.0392416 1.0409577 1.0456004 1.0504587 1.0525362 1.0535089 1.054841\n", + " 1.0580956 1.0650123 1.0741363]\n", + " [1.1676849 1.1638181 1.1752201 1.1845548 1.1729993 1.1392789 1.1040366\n", + " 1.0808052 1.0701927 1.0677453 1.0681558 1.063513 1.0548909 1.0462852\n", + " 1.042935 1.044749 1.0499327 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1793407 1.1764425 1.1872464 1.1968722 1.1848781 1.1518744 1.1168842\n", + " 1.0926225 1.080173 1.0753047 1.0728968 1.0667375 1.0567908 1.0492107\n", + " 1.0455922 1.0474358 1.0525105 1.0578084 1.0600936 1.0605377 1.0618767\n", + " 1.0655844]\n", + " [1.1675245 1.1636546 1.1742178 1.1848959 1.1740434 1.1421405 1.107311\n", + " 1.083882 1.0724069 1.0694122 1.0689313 1.0641003 1.0546488 1.045994\n", + " 1.042417 1.0440007 1.0487986 1.0539193 0. 0. 0.\n", + " 0. ]\n", + " [1.1577587 1.1522151 1.1592519 1.1664104 1.1549772 1.1253814 1.0950083\n", + " 1.0752486 1.0654011 1.0626974 1.062086 1.0581787 1.0506239 1.0434918\n", + " 1.0403134 1.0417339 1.0465777 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1551726 1.1532528 1.1645937 1.1746092 1.1641049 1.1319034 1.099521\n", + " 1.078411 1.067618 1.0637268 1.0621005 1.0562897 1.0476103 1.0403613\n", + " 1.037512 1.0390863 1.0435011 1.0478501 1.0503635 1.051553 1.0530732\n", + " 1.0566105]\n", + " [1.1675603 1.1615863 1.1702666 1.1785514 1.166576 1.1355921 1.1030262\n", + " 1.0819328 1.0724554 1.0705702 1.0710323 1.0662974 1.057369 1.0490322\n", + " 1.0455523 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1718174 1.1658098 1.1762176 1.186637 1.1765251 1.1440905 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1617025 1.1577029 1.1673373 1.1778777 1.1678965 1.1362691 1.1043777\n", + " 1.0828817 1.0715846 1.067246 1.064767 1.0586379 1.0493762 1.0419225\n", + " 1.0386076 1.040851 1.0458064 1.0503031 1.0525191 1.053393 1.0542945\n", + " 1.0576483 1.0643892 1.0738081]\n", + " [1.1779364 1.174346 1.184557 1.1928089 1.1791781 1.1454102 1.1110909\n", + " 1.0878569 1.0765595 1.0729098 1.0710415 1.0651156 1.0551119 1.0473143\n", + " 1.0441146 1.0460867 1.0521119 1.0572615 1.059523 1.0599502 0.\n", + " 0. 0. 0. ]\n", + " [1.1938145 1.1873782 1.1956089 1.2042094 1.1891919 1.153185 1.1165024\n", + " 1.0931832 1.0828867 1.0820249 1.0819776 1.0763918 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1716795 1.1686553 1.179305 1.1876359 1.1742923 1.1413434 1.1078581\n", + " 1.085411 1.074646 1.0711977 1.069955 1.0634376 1.054445 1.0465504\n", + " 1.0434344 1.0455016 1.0508139 1.0556631 1.0578755 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1615198 1.1587307 1.1699228 1.1805539 1.1702294 1.1383666 1.1043154\n", + " 1.0821314 1.0712953 1.0673563 1.0652763 1.0595883 1.0504564 1.0428718\n", + " 1.0397575 1.0418612 1.0467061 1.0519196 1.0539105 1.0542136 1.0551796\n", + " 1.0577707 1.0642191 1.0739628 1.081552 ]\n", + " [1.1734668 1.1711848 1.1819363 1.1886528 1.1762064 1.1421334 1.1071651\n", + " 1.0844442 1.0735203 1.070427 1.0693691 1.0643561 1.0552928 1.0475402\n", + " 1.0441391 1.0458001 1.0510446 1.0559577 1.0587004 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1650037 1.1624091 1.1732187 1.182803 1.1707733 1.1380587 1.1044183\n", + " 1.081967 1.0712682 1.0684634 1.0676103 1.0629647 1.0546893 1.0471102\n", + " 1.04322 1.0447696 1.0497957 1.0543704 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1914339 1.18781 1.1976079 1.2055253 1.1937368 1.157533 1.1194189\n", + " 1.0947534 1.0823683 1.0795577 1.0794411 1.0745851 1.0644205 1.0557951\n", + " 1.0513076 1.0534586 1.0594195 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1689633 1.1662674 1.1770401 1.1859832 1.1729662 1.1398224 1.1064892\n", + " 1.0843401 1.0727494 1.0689151 1.0668867 1.0608388 1.0516427 1.0447067\n", + " 1.0416559 1.0437633 1.048862 1.0538831 1.0565062 1.0576477 1.0592842\n", + " 1.0629681 0. 0. 0. ]]\n", + "[[1.1717869 1.1680143 1.1794406 1.1891845 1.175919 1.1426653 1.1078254\n", + " 1.0848415 1.0742189 1.0709687 1.0710735 1.0663633 1.0567387 1.0484691\n", + " 1.0442665 1.0456731 1.051104 1.056142 0. 0. ]\n", + " [1.1799164 1.1772381 1.1887305 1.1983978 1.1856804 1.1500907 1.1139939\n", + " 1.0897807 1.0782243 1.0746754 1.0732802 1.0679685 1.058628 1.0495827\n", + " 1.0457152 1.0474457 1.052751 1.0581515 1.0604547 0. ]\n", + " [1.2084104 1.2023365 1.2137511 1.2218418 1.2066655 1.1670274 1.1264961\n", + " 1.1000642 1.0889701 1.0879112 1.0885838 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1576385 1.1541952 1.1639417 1.1721916 1.1604075 1.1286058 1.0974423\n", + " 1.076358 1.0659032 1.0625834 1.0611253 1.056091 1.0482355 1.0418844\n", + " 1.0388387 1.0406858 1.0452 1.0499312 1.0519563 1.0525017]\n", + " [1.1668153 1.1630185 1.1736866 1.1823152 1.1712916 1.1378974 1.103737\n", + " 1.0812693 1.0710595 1.069313 1.0693154 1.0643349 1.0550704 1.0463334\n", + " 1.0422376 1.0438312 0. 0. 0. 0. ]]\n", + "[[1.1781838 1.1755564 1.1856527 1.1942072 1.1805159 1.1450315 1.1098047\n", + " 1.0866122 1.0774374 1.0758706 1.076669 1.0718368 1.0620458 1.0528308\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1858041 1.1812894 1.1917095 1.202388 1.1894298 1.1527008 1.1163881\n", + " 1.091671 1.0812172 1.0800265 1.0800333 1.0746124 1.0643088 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1738822 1.1718735 1.183319 1.1932927 1.1807377 1.1473536 1.112547\n", + " 1.0887277 1.0767959 1.0727657 1.0704634 1.0646834 1.0553348 1.0477931\n", + " 1.0443331 1.0462371 1.0505323 1.0556505 1.0579582 1.0588824 1.0604731\n", + " 0. 0. ]\n", + " [1.1625688 1.1590179 1.168577 1.177207 1.1643231 1.1318532 1.1000689\n", + " 1.0784146 1.0681442 1.065176 1.0639355 1.0589727 1.0505044 1.0433776\n", + " 1.0402352 1.0419844 1.046886 1.0519164 1.054348 0. 0.\n", + " 0. 0. ]\n", + " [1.1550646 1.1522492 1.1628357 1.1720811 1.1604793 1.1302924 1.0982597\n", + " 1.077335 1.0665611 1.0631303 1.0615596 1.0561197 1.0484319 1.0415277\n", + " 1.038745 1.0404646 1.0450641 1.0495578 1.0519658 1.0528021 1.0538332\n", + " 1.0576777 1.064978 ]]\n", + "[[1.1800867 1.1768023 1.1877252 1.1978854 1.186257 1.1513305 1.1164656\n", + " 1.0925412 1.0800452 1.0758998 1.0728837 1.0666167 1.0568382 1.0489684\n", + " 1.0457536 1.0480274 1.0528083 1.057993 1.0603434 1.0609996 1.0622406\n", + " 1.0660856]\n", + " [1.1757971 1.1733054 1.183957 1.1928413 1.18015 1.1464564 1.1121304\n", + " 1.0893822 1.0774844 1.0727901 1.0702955 1.0636655 1.0544322 1.046839\n", + " 1.0437845 1.046128 1.051034 1.0558532 1.0584689 1.0596765 1.061416\n", + " 1.0655557]\n", + " [1.1827834 1.1781503 1.1869589 1.1958283 1.1837775 1.1503719 1.1150959\n", + " 1.0915208 1.0800211 1.0772982 1.0761322 1.0717456 1.062079 1.0534058\n", + " 1.049267 1.0507479 1.0558825 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1532747 1.1485949 1.1569833 1.1641773 1.1548945 1.1248243 1.0939672\n", + " 1.0733385 1.0646646 1.0631356 1.0637726 1.0603908 1.0524869 1.0447196\n", + " 1.0412803 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1773096 1.1729583 1.1817324 1.1897794 1.177072 1.1438308 1.1104555\n", + " 1.0881141 1.0768656 1.0735631 1.0723188 1.0668095 1.0571955 1.0497575\n", + " 1.0462041 1.0482988 1.0538101 1.0590502 0. 0. 0.\n", + " 0. ]]\n", + "[[1.2082175 1.2012061 1.2115719 1.2201403 1.2066958 1.1689954 1.1303518\n", + " 1.105012 1.0939989 1.0926099 1.0925493 1.0863547 1.0741599 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1564732 1.1527188 1.160643 1.1679208 1.1565499 1.1253841 1.0950598\n", + " 1.0749863 1.0654666 1.064744 1.065246 1.0615093 1.0530897 1.0449849\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1719127 1.1680903 1.1789837 1.1876142 1.176436 1.1426116 1.1073648\n", + " 1.0840945 1.0734949 1.0715277 1.0714668 1.0665852 1.057302 1.0490674\n", + " 1.0448924 1.0463322 1.0515623 0. 0. ]\n", + " [1.1814061 1.1770296 1.1873206 1.1966131 1.1841099 1.149658 1.114195\n", + " 1.0899745 1.0779006 1.0742038 1.0719767 1.0668011 1.0570154 1.0485592\n", + " 1.045246 1.0475836 1.0529052 1.0580812 1.060437 ]\n", + " [1.1694279 1.1662571 1.1758947 1.1839336 1.1708846 1.1382334 1.1045251\n", + " 1.0822928 1.0724986 1.0699855 1.0698371 1.0648096 1.0559009 1.048096\n", + " 1.0442911 1.0463732 1.0517582 0. 0. ]]\n", + "[[1.1643953 1.161935 1.1725998 1.1804712 1.1692195 1.1357703 1.1020536\n", + " 1.0803674 1.0697803 1.068045 1.0682108 1.0635406 1.0544139 1.0467722\n", + " 1.0431061 1.0446855 1.0500188 0. 0. ]\n", + " [1.1668357 1.1639242 1.1747072 1.1836715 1.1714836 1.1382128 1.1034323\n", + " 1.0812942 1.0703615 1.0674067 1.0668894 1.0619183 1.0536292 1.0457171\n", + " 1.0421276 1.0438223 1.048787 1.0534067 1.0555633]\n", + " [1.178582 1.1739761 1.1837517 1.1929189 1.1797116 1.1456381 1.1101811\n", + " 1.0863025 1.0756295 1.0729727 1.0720956 1.0667055 1.0578512 1.0494156\n", + " 1.0451676 1.0472087 1.052445 1.0578964 0. ]\n", + " [1.1644762 1.1590264 1.1671587 1.1750276 1.1643121 1.1333022 1.1013787\n", + " 1.0795283 1.0694507 1.0664223 1.0651165 1.0607295 1.0521567 1.0448643\n", + " 1.0410812 1.0430573 1.047861 1.052517 0. ]\n", + " [1.1556207 1.1529216 1.1619332 1.1704129 1.1592783 1.1273345 1.0960426\n", + " 1.0750082 1.0649232 1.0623665 1.0614251 1.0565962 1.0486828 1.0420097\n", + " 1.0389451 1.0403159 1.0450238 1.049517 1.052054 ]]\n", + "[[1.157194 1.1539935 1.1640341 1.1725538 1.1601728 1.1288443 1.0970807\n", + " 1.0758315 1.0657278 1.0641235 1.0635034 1.059641 1.0515275 1.0437006\n", + " 1.040444 1.0418892 1.0470979 0. 0. 0. ]\n", + " [1.148662 1.1438313 1.1518292 1.1595054 1.1497955 1.1217117 1.0918195\n", + " 1.0722299 1.0628916 1.0608617 1.0612602 1.0577283 1.0505294 1.0434042\n", + " 1.0402809 0. 0. 0. 0. 0. ]\n", + " [1.1743034 1.1703922 1.1810567 1.1900353 1.1775804 1.1435983 1.1087205\n", + " 1.0857708 1.0752755 1.0737245 1.0738559 1.0691334 1.0595264 1.05065\n", + " 1.0464877 1.0485729 0. 0. 0. 0. ]\n", + " [1.1890392 1.1868584 1.1986877 1.207846 1.1936189 1.1574166 1.1200304\n", + " 1.094934 1.0825803 1.0793936 1.0773911 1.0706246 1.0609934 1.0520898\n", + " 1.048232 1.0499382 1.0552992 1.0605887 1.0630438 1.0640479]\n", + " [1.1729741 1.1681958 1.1774296 1.1854887 1.1723688 1.1381446 1.1043537\n", + " 1.0820085 1.0712166 1.0691366 1.0683944 1.0636408 1.0553159 1.0478066\n", + " 1.0445374 1.0464146 1.0512722 1.0562706 0. 0. ]]\n", + "[[1.1787679 1.1740108 1.1842088 1.1925547 1.1805959 1.1460854 1.1100035\n", + " 1.0863405 1.0752412 1.072706 1.0725545 1.0681597 1.0593297 1.0512309\n", + " 1.0473557 1.0490607 1.054426 0. 0. ]\n", + " [1.1732168 1.1690909 1.179982 1.1887178 1.1756991 1.1415828 1.1064447\n", + " 1.0831522 1.0731074 1.0711492 1.0715615 1.0667796 1.0576077 1.0492182\n", + " 1.045652 1.0481739 0. 0. 0. ]\n", + " [1.1989319 1.1934223 1.2039382 1.2118125 1.1992992 1.1618689 1.123591\n", + " 1.0994294 1.0882677 1.0865754 1.0868267 1.0807029 1.0702189 1.0599695\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1741576 1.1719923 1.1826135 1.1896925 1.1762873 1.1414442 1.1073315\n", + " 1.0848519 1.0740827 1.071022 1.0703185 1.0648068 1.0555943 1.0474035\n", + " 1.0437071 1.0459069 1.0511206 1.0559775 1.0585204]\n", + " [1.1584184 1.1539844 1.1621214 1.1699853 1.158641 1.1277122 1.0960836\n", + " 1.075327 1.0663137 1.0651348 1.0651823 1.06102 1.0532614 1.0455287\n", + " 1.0422242 0. 0. 0. 0. ]]\n", + "[[1.1768976 1.174716 1.1860036 1.1941851 1.1824832 1.146614 1.1096741\n", + " 1.085699 1.0738188 1.0711647 1.0705017 1.0658416 1.0569545 1.048668\n", + " 1.0449007 1.0463881 1.0514027 1.0565982 1.0590272]\n", + " [1.1717918 1.167759 1.1780418 1.1870672 1.1749954 1.1423699 1.1080581\n", + " 1.0849363 1.0748614 1.0722116 1.0715103 1.0666705 1.0571314 1.0483102\n", + " 1.0446233 1.0461373 1.0513393 1.0562507 0. ]\n", + " [1.1625054 1.1578169 1.1680374 1.1761163 1.1662045 1.1350875 1.1021448\n", + " 1.080277 1.069975 1.0680461 1.068393 1.0642011 1.0560085 1.0479106\n", + " 1.0439733 1.045463 0. 0. 0. ]\n", + " [1.1813549 1.1768615 1.186908 1.1947713 1.1810066 1.1458948 1.1104592\n", + " 1.0875207 1.0773088 1.0748813 1.074885 1.0699989 1.0602845 1.0519618\n", + " 1.048367 1.0508848 0. 0. 0. ]\n", + " [1.1895018 1.1840389 1.1939331 1.2021858 1.1883572 1.1544592 1.1188318\n", + " 1.0947427 1.0833784 1.0812047 1.0822804 1.0768048 1.0662574 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1911386 1.1875108 1.1996565 1.2084882 1.1937101 1.1562841 1.1185634\n", + " 1.0936983 1.0832373 1.0826634 1.083741 1.0778136 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1604874 1.1559491 1.1656657 1.1745406 1.1636058 1.132369 1.0998585\n", + " 1.0782456 1.0679377 1.0650382 1.065151 1.0609015 1.052884 1.044921\n", + " 1.0415487 1.0431623 1.0478823 1.0526416]\n", + " [1.1836302 1.1782684 1.1879066 1.195889 1.1808381 1.1445918 1.1095514\n", + " 1.0872246 1.0778298 1.0771043 1.077707 1.0722284 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1913111 1.1874349 1.1977582 1.204809 1.1925598 1.1563625 1.1193914\n", + " 1.0946562 1.0824062 1.0787585 1.0771328 1.0720426 1.0622716 1.053504\n", + " 1.0499517 1.0518034 1.0576532 1.0631618]\n", + " [1.1931413 1.1863719 1.1945962 1.2025744 1.189782 1.1547619 1.1189638\n", + " 1.0947124 1.0829643 1.0798674 1.0793517 1.0741701 1.0640024 1.0553005\n", + " 1.0516664 1.0542333 0. 0. ]]\n", + "[[1.1638699 1.1616745 1.1707071 1.1800764 1.1694325 1.1373346 1.104592\n", + " 1.0822918 1.0706688 1.0664799 1.0646054 1.0590447 1.0511261 1.0440423\n", + " 1.0409195 1.0422205 1.046965 1.051609 1.0538455 1.055217 1.0568432\n", + " 1.0603635]\n", + " [1.2088472 1.2027905 1.2124987 1.2201484 1.205915 1.1673785 1.1278785\n", + " 1.1020943 1.0903306 1.0885787 1.0884668 1.0835111 1.0725123 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1773856 1.172978 1.1829815 1.192445 1.1801612 1.1447759 1.1096803\n", + " 1.0862327 1.0756313 1.0745528 1.0752063 1.0695857 1.0603237 1.051047\n", + " 1.0468327 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1798022 1.1728127 1.1809555 1.1886619 1.177206 1.1447846 1.1107645\n", + " 1.088306 1.077424 1.0758188 1.0754925 1.0706673 1.0611582 1.05227\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1744537 1.1720537 1.1832196 1.1925596 1.179667 1.1451114 1.1099832\n", + " 1.0863663 1.0744869 1.0710642 1.0690857 1.0633376 1.0539619 1.0459335\n", + " 1.0426651 1.0442436 1.0491811 1.0544863 1.0569613 1.0582678 0.\n", + " 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.2071368 1.2005948 1.2103554 1.219215 1.2038507 1.165103 1.1264619\n", + " 1.1007497 1.0894119 1.0881008 1.0879096 1.0826583 1.071441 1.0616338\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1871194 1.1820837 1.1909235 1.1987394 1.188018 1.1554825 1.1201912\n", + " 1.0959578 1.0831455 1.0786794 1.076548 1.0702311 1.0609224 1.0523608\n", + " 1.0482925 1.0494913 1.0544988 1.059492 1.0624684 1.0640548 0. ]\n", + " [1.1697758 1.1667345 1.1779755 1.1875778 1.1760944 1.1427829 1.1081446\n", + " 1.0852407 1.0746316 1.0730017 1.0737072 1.06898 1.0598269 1.0511006\n", + " 1.0469702 0. 0. 0. 0. 0. 0. ]\n", + " [1.1752561 1.1724921 1.1830076 1.1923472 1.1802415 1.1483432 1.1135628\n", + " 1.0897057 1.0777116 1.0736706 1.0711004 1.0651172 1.0553793 1.0470762\n", + " 1.0438061 1.0456849 1.0507554 1.0552642 1.0578451 1.0582832 1.0596483]\n", + " [1.175482 1.1722592 1.1834986 1.1933366 1.1817583 1.1469123 1.1111608\n", + " 1.0871786 1.0753944 1.072458 1.0710943 1.065333 1.0562224 1.0481374\n", + " 1.0440354 1.0459863 1.0513498 1.0565034 1.0588135 0. 0. ]]\n", + "[[1.1944907 1.190482 1.2023695 1.2111673 1.1959276 1.1585846 1.119661\n", + " 1.0940931 1.0835819 1.0828043 1.0834086 1.0786039 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1669357 1.1627804 1.1719441 1.1803255 1.1673787 1.1356997 1.1023637\n", + " 1.0803651 1.0697204 1.0673391 1.0666581 1.0623788 1.0539856 1.046661\n", + " 1.0435185 1.0450711 1.0505629]\n", + " [1.1764395 1.1716785 1.1812699 1.1896122 1.1762954 1.1424664 1.1075615\n", + " 1.084979 1.0746711 1.0730536 1.0734063 1.068287 1.0595938 1.0512662\n", + " 1.0474907 0. 0. ]\n", + " [1.1735523 1.1669271 1.1745212 1.1825143 1.171694 1.139256 1.1058006\n", + " 1.083883 1.0735337 1.0703467 1.0703657 1.065011 1.0562421 1.0479484\n", + " 1.0443087 1.0461453 1.0516247]\n", + " [1.1928878 1.187329 1.1971974 1.2063143 1.1925455 1.1561931 1.1207294\n", + " 1.0972304 1.0867279 1.0851771 1.084946 1.0785801 1.0674185 1.0576495\n", + " 0. 0. 0. ]]\n", + "[[1.169393 1.1635458 1.1708595 1.1775608 1.1653782 1.1321416 1.0997367\n", + " 1.0784059 1.0689704 1.0680096 1.0688441 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1548285 1.15149 1.1623695 1.1717978 1.160101 1.1278756 1.09526\n", + " 1.0746073 1.0657946 1.0642309 1.0647571 1.0599654 1.0515678 1.0433463\n", + " 1.0397364 1.0410185 0. 0. ]\n", + " [1.1733112 1.1696522 1.1799214 1.1892824 1.176148 1.1417036 1.1062515\n", + " 1.0832478 1.0728314 1.0710875 1.0713978 1.0671016 1.0582255 1.0500525\n", + " 1.0466217 1.0488274 0. 0. ]\n", + " [1.1957862 1.1913128 1.2008929 1.2091225 1.1950452 1.1593921 1.1225888\n", + " 1.0974307 1.0847199 1.0804147 1.0791676 1.0731971 1.0633942 1.05456\n", + " 1.0510743 1.0537825 1.0593798 1.0649571]\n", + " [1.1764588 1.1698732 1.1788111 1.1872891 1.1754478 1.141938 1.1085547\n", + " 1.0865391 1.0776527 1.0769564 1.0772047 1.072079 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1721334 1.166079 1.1762762 1.1853024 1.1743414 1.1401256 1.1049906\n", + " 1.0829133 1.0740781 1.0738364 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1672764 1.163392 1.172976 1.1813556 1.1690867 1.1369967 1.103919\n", + " 1.0818465 1.0707676 1.0678513 1.0665672 1.0625323 1.0543267 1.047078\n", + " 1.0434233 1.0450928 1.0501517 1.0549257 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.161608 1.1572623 1.1682405 1.1777589 1.1666912 1.1340923 1.1004734\n", + " 1.0783942 1.0691321 1.0675262 1.0676626 1.0635328 1.0545938 1.0461879\n", + " 1.0425507 1.04426 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1509143 1.1488423 1.1605924 1.1716665 1.1623642 1.1304929 1.0978676\n", + " 1.0765811 1.0662714 1.0629269 1.0610917 1.0555096 1.0469909 1.0399522\n", + " 1.0372871 1.0387592 1.0436798 1.0486469 1.0516293 1.0525186 1.0537775\n", + " 1.0567762 1.0632547 1.0721933 1.0795383 1.0827043]\n", + " [1.1649529 1.1600888 1.169502 1.1790731 1.1676648 1.1353614 1.1024045\n", + " 1.0802257 1.0697465 1.0678711 1.0679266 1.0632173 1.0548524 1.0466969\n", + " 1.0433136 1.0447272 1.0503174 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1707736 1.167138 1.1777816 1.1859956 1.1744857 1.140017 1.1060503\n", + " 1.0833678 1.0737275 1.0719088 1.0719877 1.0674634 1.0584291 1.0498962\n", + " 1.0460628 1.0481155 0. ]\n", + " [1.1740825 1.1697015 1.1796873 1.1878889 1.1764786 1.1423413 1.1072241\n", + " 1.0835761 1.0729921 1.0708681 1.0716256 1.0669218 1.0584021 1.0497624\n", + " 1.0457824 1.0475551 1.05295 ]\n", + " [1.1739647 1.1686424 1.1775883 1.1849593 1.1720606 1.1385894 1.1042736\n", + " 1.0828887 1.0729115 1.0721297 1.0732367 1.0685732 1.0593468 1.0508181\n", + " 0. 0. 0. ]\n", + " [1.2150751 1.212685 1.2251291 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2147017 1.2091043 1.2186416 1.2266983 1.2108898 1.1721252 1.1320847\n", + " 1.1054661 1.0934466 1.0919925 1.0925517 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1779506 1.1757776 1.1874114 1.1957353 1.1829853 1.1485964 1.1123556\n", + " 1.0887764 1.0770751 1.0734435 1.072706 1.0669045 1.0574591 1.0490167\n", + " 1.0454918 1.0469972 1.0522628 1.0574929 1.0602617 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1446363 1.1428907 1.1542969 1.1635416 1.153789 1.1234639 1.0926219\n", + " 1.0721966 1.0621699 1.059183 1.0575207 1.0526372 1.044564 1.0381315\n", + " 1.0351648 1.0369375 1.0413598 1.0455605 1.048041 1.0484397 1.0492842\n", + " 1.0520701 1.0582117 1.067267 1.074124 ]\n", + " [1.1509827 1.147465 1.1561577 1.1636025 1.1520091 1.1218016 1.0917518\n", + " 1.0721724 1.0626514 1.0608004 1.0598978 1.0552188 1.0471928 1.0403731\n", + " 1.0375233 1.0392092 1.0438262 1.0482352 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.156446 1.1526481 1.1612635 1.1697818 1.1579721 1.1265948 1.0956519\n", + " 1.0750176 1.0653046 1.0642021 1.0645851 1.0603547 1.0527415 1.0450904\n", + " 1.0415347 1.0428989 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1633644 1.1613306 1.1720356 1.1804726 1.16783 1.135256 1.1020356\n", + " 1.080591 1.0703313 1.0677315 1.0671344 1.0618314 1.0530018 1.0453374\n", + " 1.041882 1.0437123 1.0486804 1.0537347 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1778388 1.1737015 1.1842443 1.1930488 1.1802857 1.1465969 1.1108556\n", + " 1.0872319 1.0753164 1.0725746 1.0719686 1.0667169 1.0578619 1.0497788\n", + " 1.0459566 1.0478933 1.0534849 1.0589409 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1636614 1.1614339 1.1724546 1.1825953 1.1726675 1.1394722 1.1058996\n", + " 1.0837854 1.071763 1.068221 1.0659828 1.06011 1.0511196 1.0434619\n", + " 1.0407974 1.0426656 1.047654 1.0532118 1.0556519 1.0561812 1.0575346\n", + " 1.0609637 1.0680072 1.07789 1.0856489 1.0896434]\n", + " [1.1665915 1.1645383 1.1765491 1.1867416 1.1748526 1.1418023 1.1071342\n", + " 1.0836031 1.0721402 1.0685421 1.0666889 1.061417 1.0530149 1.0453469\n", + " 1.0422249 1.0431844 1.0481098 1.0526389 1.0546869 1.0554745 1.0570471\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1612113 1.1566492 1.1667248 1.1758451 1.165139 1.1330849 1.100113\n", + " 1.0784758 1.068832 1.0672691 1.0669008 1.0624982 1.053738 1.0454674\n", + " 1.0417792 1.0435483 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1752313 1.1729395 1.1844693 1.1926572 1.1804965 1.1466254 1.1111448\n", + " 1.0872182 1.0751477 1.0723606 1.0711384 1.065619 1.0560662 1.0480384\n", + " 1.0445244 1.0461739 1.0513419 1.0563681 1.0587685 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1623584 1.1603605 1.1710206 1.1797523 1.1680181 1.1350684 1.1020218\n", + " 1.0794396 1.0695021 1.0665393 1.0655876 1.0604823 1.0523863 1.0449507\n", + " 1.0411308 1.0425367 1.0470941 1.0514141 1.0537072]\n", + " [1.1672889 1.1645548 1.1762525 1.1865168 1.1745356 1.1411965 1.1066325\n", + " 1.083738 1.0728512 1.0696663 1.0684115 1.0627462 1.0531749 1.0452363\n", + " 1.0414921 1.0429194 1.0480585 1.0531129 1.0558057]\n", + " [1.163366 1.1596785 1.1689005 1.1758417 1.1628381 1.1305761 1.098173\n", + " 1.0773358 1.0677345 1.0655601 1.0650302 1.060391 1.0518129 1.0441903\n", + " 1.0409999 1.0428616 1.0476481 1.052399 0. ]\n", + " [1.1688554 1.1638602 1.1736537 1.1820005 1.1692878 1.1372706 1.1042905\n", + " 1.0827208 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1611745 1.1580597 1.1685778 1.1768978 1.165315 1.1333625 1.1010256\n", + " 1.0794446 1.0686891 1.0658606 1.0643363 1.0594422 1.0506691 1.0429653\n", + " 1.0396886 1.0409621 1.0456605 1.0509373 1.0537229]]\n", + "[[1.1779433 1.1733313 1.183382 1.1922003 1.1799673 1.1465877 1.1113834\n", + " 1.0877645 1.076788 1.0740008 1.0736663 1.0684929 1.0590621 1.0504898\n", + " 1.0465602 1.0487101 1.0545373]\n", + " [1.1673821 1.1623677 1.1708486 1.1795143 1.1682525 1.1359448 1.1027832\n", + " 1.0809493 1.070305 1.0681131 1.0674579 1.0633231 1.0548229 1.0469401\n", + " 1.0434704 1.0452284 1.0504903]\n", + " [1.1723331 1.1690991 1.1798155 1.187374 1.1755334 1.1411902 1.1066266\n", + " 1.0842847 1.073987 1.0725616 1.0730803 1.0680398 1.0592988 1.050728\n", + " 1.0467122 1.0486699 0. ]\n", + " [1.156049 1.1536571 1.1639866 1.1720606 1.1602166 1.1290287 1.0970482\n", + " 1.0760038 1.0663521 1.0643269 1.0644902 1.0598861 1.0511961 1.0438868\n", + " 1.0406076 1.0422586 1.0472175]\n", + " [1.2032394 1.1986448 1.2079936 1.2165331 1.201355 1.1633728 1.1249304\n", + " 1.0991149 1.0881718 1.0868742 1.0873632 1.0813231 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1747801 1.17233 1.1834154 1.1927516 1.1808878 1.1459057 1.1098387\n", + " 1.0858864 1.0746998 1.0719974 1.0715282 1.0667613 1.0571495 1.0490519\n", + " 1.0450352 1.0465149 1.0517251 1.0567816 0. 0. 0. ]\n", + " [1.1650739 1.1615801 1.1719198 1.1810316 1.169977 1.1374899 1.1033255\n", + " 1.0812861 1.0706685 1.0684066 1.0681505 1.0639341 1.0556439 1.0476876\n", + " 1.0441086 1.0455284 1.0505288 0. 0. 0. 0. ]\n", + " [1.1798217 1.175878 1.1870458 1.1968484 1.183775 1.147792 1.1113886\n", + " 1.0880897 1.0782125 1.0774523 1.0789458 1.073676 1.0640316 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1830883 1.176553 1.1846291 1.191869 1.1784779 1.1450086 1.1105626\n", + " 1.0880302 1.0780039 1.0765693 1.076625 1.0710173 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1685284 1.1672684 1.1794331 1.1904479 1.178921 1.1440117 1.1091162\n", + " 1.0855255 1.0734622 1.0693966 1.0673797 1.0617615 1.0523887 1.0451225\n", + " 1.0416596 1.043024 1.0477893 1.0527861 1.0552106 1.0560187 1.0578328]]\n", + "[[1.2081269 1.2021993 1.2128007 1.2220976 1.2078066 1.16916 1.129961\n", + " 1.1038761 1.0927945 1.0910172 1.0902936 1.0843309 1.0724959 1.0617058\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1657196 1.1610968 1.1707649 1.179336 1.1689672 1.1370956 1.1033028\n", + " 1.081047 1.0707414 1.0686451 1.0688875 1.0647428 1.0566082 1.0487165\n", + " 1.0448314 1.0464262 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1504208 1.1481497 1.1589078 1.1686759 1.1585271 1.127419 1.0966332\n", + " 1.0760725 1.0663155 1.0627365 1.0608059 1.0545931 1.045894 1.0389768\n", + " 1.0364814 1.0384284 1.0437189 1.048715 1.0512112 1.0523558 1.0529817\n", + " 1.0564455 1.0632018 1.0718948 1.0788528 1.0817568]\n", + " [1.1725867 1.1691972 1.1792284 1.1872127 1.1750097 1.1408736 1.10612\n", + " 1.0841006 1.0738771 1.0728787 1.073112 1.0686015 1.0593628 1.0504854\n", + " 1.0465208 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1842175 1.1797391 1.1876763 1.1944789 1.1802133 1.146221 1.1122425\n", + " 1.0896702 1.0779359 1.0754297 1.0737255 1.068571 1.0592356 1.0512197\n", + " 1.0475633 1.0498602 1.0558008 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.167792 1.1653831 1.17644 1.186234 1.1747267 1.1416979 1.1069363\n", + " 1.0832871 1.0723419 1.0686812 1.0676091 1.0614758 1.0520254 1.0445383\n", + " 1.0414009 1.0428718 1.0478405 1.0529413 1.0558076 1.057042 0.\n", + " 0. ]\n", + " [1.1595635 1.1581123 1.1692268 1.1788094 1.1673493 1.1346066 1.1014532\n", + " 1.0798262 1.0689917 1.065146 1.0635014 1.0576727 1.0492308 1.042381\n", + " 1.0391701 1.0410149 1.0461701 1.05105 1.0534191 1.0543942 1.055899\n", + " 1.0593106]\n", + " [1.1719244 1.1700174 1.1808653 1.190733 1.1782371 1.145133 1.1101667\n", + " 1.0861981 1.0740447 1.0708013 1.0691732 1.0638365 1.0548371 1.0472032\n", + " 1.0434276 1.0447648 1.0495695 1.0543355 1.05664 1.0575497 0.\n", + " 0. ]\n", + " [1.1613617 1.1572111 1.1666151 1.1753935 1.1637222 1.1324979 1.100521\n", + " 1.0788838 1.0689701 1.06625 1.0662669 1.0614369 1.0531934 1.0451941\n", + " 1.041342 1.0427952 1.0475549 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2015659 1.1969026 1.2065783 1.2155534 1.2012589 1.1650392 1.1270688\n", + " 1.1014831 1.0885006 1.0855075 1.084422 1.079056 1.068775 1.0590338\n", + " 1.0549443 1.0573872 1.0640273 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1579216 1.1560546 1.1670145 1.1757512 1.1640384 1.1332523 1.1010545\n", + " 1.0794634 1.0682482 1.0649229 1.0627311 1.0570546 1.0493913 1.0423481\n", + " 1.0392306 1.0408955 1.0452235 1.0494984 1.051857 1.0528668 1.0542088]\n", + " [1.1760457 1.170583 1.1802032 1.1894474 1.1766559 1.1427147 1.108417\n", + " 1.0855854 1.0757397 1.0747163 1.0749385 1.0700763 1.0605166 1.0518174\n", + " 1.0479183 0. 0. 0. 0. 0. 0. ]\n", + " [1.1631308 1.1594342 1.1693923 1.1784906 1.166667 1.133769 1.1011084\n", + " 1.0790088 1.0688043 1.0663569 1.0657848 1.0614028 1.0527412 1.0455554\n", + " 1.0422082 1.0438632 1.0486718 1.0533054 0. 0. 0. ]\n", + " [1.1683823 1.1667248 1.1778324 1.1861101 1.1753839 1.1416925 1.106687\n", + " 1.0839756 1.0728511 1.0693872 1.0681577 1.0630227 1.0541745 1.0463345\n", + " 1.0430969 1.0447221 1.049385 1.05409 1.0562922 0. 0. ]\n", + " [1.1848638 1.1814404 1.1916575 1.1992835 1.1872872 1.1522161 1.116108\n", + " 1.0916879 1.0797526 1.0757596 1.0738401 1.0670129 1.0579821 1.0499501\n", + " 1.0462717 1.0488362 1.0540311 1.0593007 1.0616665 1.062608 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1767548 1.1733118 1.1849375 1.1941557 1.1808867 1.1458411 1.1107906\n", + " 1.0880617 1.0777905 1.0766264 1.0770218 1.0715432 1.0616548 1.0527784\n", + " 1.0484376 0. 0. 0. ]\n", + " [1.1603984 1.157848 1.1682297 1.1765792 1.1643279 1.1323191 1.0994719\n", + " 1.0778904 1.0679854 1.0659751 1.065963 1.0614033 1.0524383 1.0447536\n", + " 1.0410601 1.0424529 1.0474316 0. ]\n", + " [1.2034118 1.1963261 1.2056159 1.2137051 1.1990201 1.1620892 1.123864\n", + " 1.098881 1.08743 1.0857059 1.0850825 1.0793711 1.0688964 1.0592146\n", + " 0. 0. 0. 0. ]\n", + " [1.1726394 1.1688673 1.1808256 1.1910493 1.1785203 1.1442494 1.1096529\n", + " 1.0870526 1.0770475 1.0748658 1.0745578 1.0690541 1.0591563 1.0498378\n", + " 1.0461582 1.048328 1.0547433 0. ]\n", + " [1.166241 1.1620033 1.1714542 1.1791661 1.1678164 1.1361657 1.1032751\n", + " 1.0817792 1.0713679 1.0678707 1.0670663 1.061779 1.0531936 1.0456547\n", + " 1.0419823 1.0438285 1.0487702 1.0538007]]\n", + "[[1.161991 1.1579393 1.1675978 1.1755576 1.1649377 1.1329172 1.1003187\n", + " 1.0788057 1.0685201 1.0661306 1.0659251 1.0614856 1.053087 1.045416\n", + " 1.0415527 1.0431448 1.0482309 0. 0. 0. 0. ]\n", + " [1.1623452 1.1604626 1.1709498 1.1804534 1.1690125 1.136892 1.1043333\n", + " 1.0824201 1.0713856 1.0673435 1.0655954 1.0600439 1.0509335 1.0435421\n", + " 1.0401324 1.0416862 1.0460302 1.051207 1.0539775 1.0550978 1.0567756]\n", + " [1.1747184 1.1717527 1.1817753 1.1905789 1.1789057 1.1453067 1.1114762\n", + " 1.0881119 1.0762073 1.0729061 1.0714408 1.0657119 1.0561079 1.0479835\n", + " 1.043907 1.0458777 1.0507745 1.0554336 1.0572274 0. 0. ]\n", + " [1.1823652 1.1792698 1.1894418 1.1973665 1.1857792 1.1510926 1.1152642\n", + " 1.0912992 1.0795845 1.0759108 1.0738256 1.0678713 1.0580846 1.0498532\n", + " 1.0458562 1.0479094 1.0535331 1.0585022 1.06083 0. 0. ]\n", + " [1.193078 1.1879778 1.1975125 1.2056984 1.1919973 1.1557823 1.118818\n", + " 1.0937204 1.0821123 1.0800439 1.0795366 1.0747608 1.0650382 1.0558397\n", + " 1.0518979 1.0543014 0. 0. 0. 0. 0. ]]\n", + "[[1.1656901 1.1613641 1.1709843 1.1797299 1.1686242 1.1370461 1.1038651\n", + " 1.0821365 1.0732313 1.0711696 1.0714889 1.0665252 1.0574073 1.0487015\n", + " 1.0446026 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1731563 1.1692659 1.1798153 1.1882733 1.1761343 1.1425349 1.1079189\n", + " 1.0855823 1.0751964 1.0738598 1.0739932 1.0688212 1.0598077 1.0509853\n", + " 1.0467151 1.0485508 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1854537 1.1819634 1.1916118 1.2005597 1.1880789 1.152685 1.11686\n", + " 1.0926704 1.0805146 1.0760407 1.0728419 1.067304 1.058016 1.0502338\n", + " 1.0467958 1.0491781 1.0544015 1.0594478 1.0623615 1.0635375 1.0648284\n", + " 1.068753 ]\n", + " [1.164346 1.1614405 1.172312 1.180722 1.1684057 1.135425 1.101151\n", + " 1.0798049 1.0695605 1.0680789 1.0684707 1.0636934 1.0552131 1.0472982\n", + " 1.043602 1.0454407 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1661836 1.1613364 1.1707203 1.1792437 1.1675351 1.136343 1.1035305\n", + " 1.081632 1.0723499 1.070379 1.070745 1.0668306 1.05743 1.0493025\n", + " 1.0452806 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1879811 1.1833613 1.1933588 1.2027681 1.1894017 1.154203 1.117062\n", + " 1.0928386 1.0811946 1.0783184 1.0780044 1.0726734 1.0627327 1.0543513\n", + " 1.050024 1.0523057 1.0580939 0. 0. ]\n", + " [1.1792105 1.1746252 1.1851444 1.1941175 1.181781 1.1472871 1.1120194\n", + " 1.0884482 1.0768574 1.0735955 1.072616 1.0670601 1.0579768 1.049649\n", + " 1.0457013 1.0474219 1.0524702 1.0575894 1.060283 ]\n", + " [1.1526989 1.1484345 1.1560683 1.1634218 1.1524574 1.12401 1.0936245\n", + " 1.0733223 1.0639188 1.0618852 1.0618228 1.0580449 1.0499166 1.0432972\n", + " 1.0399503 1.0415668 0. 0. 0. ]\n", + " [1.177152 1.1750396 1.1855756 1.1935688 1.180294 1.1450969 1.109669\n", + " 1.0861999 1.0757799 1.073175 1.0721878 1.0670285 1.0580336 1.049625\n", + " 1.0462285 1.048037 1.0535306 1.058744 0. ]\n", + " [1.1682131 1.1647434 1.1756921 1.1837924 1.1720655 1.1395775 1.1053802\n", + " 1.0831283 1.0723826 1.0702407 1.0691985 1.0643986 1.0558211 1.0469638\n", + " 1.0433156 1.0449466 1.0499295 1.0550791 0. ]]\n", + "[[1.1744528 1.1716214 1.1823683 1.1903523 1.1781172 1.1438351 1.1099001\n", + " 1.0873866 1.0765975 1.075172 1.0751988 1.0704753 1.0609487 1.0519311\n", + " 1.0480523 0. 0. 0. 0. ]\n", + " [1.1798539 1.1750886 1.1850626 1.1936336 1.1809944 1.1465704 1.1110549\n", + " 1.0877044 1.0772405 1.074236 1.0731835 1.0676483 1.0577471 1.0488007\n", + " 1.0446961 1.0462188 1.0517926 1.0570464 0. ]\n", + " [1.1848869 1.179894 1.1907303 1.2004073 1.1862787 1.1491722 1.1117055\n", + " 1.0872624 1.077308 1.0771358 1.0787697 1.0738251 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1892066 1.185542 1.1959947 1.2034878 1.1919539 1.1563988 1.1199102\n", + " 1.095115 1.0828925 1.0790975 1.076947 1.0706728 1.0607452 1.0520113\n", + " 1.0482831 1.0504028 1.0559556 1.0615094 1.0642895]\n", + " [1.1776818 1.1726415 1.1817772 1.1897728 1.1763133 1.1424768 1.1077249\n", + " 1.0853443 1.0752659 1.0732642 1.0730681 1.0678945 1.0584371 1.0501508\n", + " 1.0464878 1.0488762 0. 0. 0. ]]\n", + "[[1.1822327 1.1772037 1.1871376 1.1956735 1.1834245 1.1488293 1.1123532\n", + " 1.0884871 1.077729 1.0766593 1.0767819 1.0723593 1.0623258 1.0531516\n", + " 1.0489786 0. ]\n", + " [1.1623476 1.1589265 1.1691673 1.1768862 1.16574 1.1334885 1.1008279\n", + " 1.079213 1.069504 1.0673218 1.0678341 1.0632524 1.05501 1.0473241\n", + " 1.0433818 1.0449307]\n", + " [1.1819112 1.1773031 1.1871389 1.1969969 1.1850263 1.1495756 1.1133319\n", + " 1.0890905 1.0779701 1.0766389 1.0770168 1.0730994 1.0631019 1.0543214\n", + " 1.0501434 0. ]\n", + " [1.1696036 1.1650891 1.1749254 1.1833742 1.1699929 1.1370217 1.1033907\n", + " 1.0818555 1.0725688 1.071064 1.0710413 1.0658686 1.0571163 1.0488722\n", + " 1.0453417 1.047107 ]\n", + " [1.1909416 1.1850895 1.1942694 1.201903 1.1886549 1.152715 1.1151124\n", + " 1.091163 1.081185 1.0796201 1.0805366 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1809433 1.1761535 1.1868062 1.1963506 1.1841683 1.1492732 1.1120853\n", + " 1.0874346 1.0754586 1.0725224 1.0728903 1.068261 1.0590689 1.0506827\n", + " 1.0468361 1.048615 1.054317 1.0602396 0. ]\n", + " [1.1912632 1.187852 1.1975923 1.207101 1.1937976 1.1585826 1.120883\n", + " 1.0947751 1.0818682 1.077962 1.0767051 1.071546 1.0618447 1.0537239\n", + " 1.0500045 1.0522727 1.0571663 1.0626947 1.0656909]\n", + " [1.1816878 1.1775421 1.187309 1.196573 1.1844798 1.1492789 1.1126928\n", + " 1.0891002 1.0783231 1.0764365 1.0765712 1.0708618 1.0613931 1.0521872\n", + " 1.047868 1.0494381 1.0551065 0. 0. ]\n", + " [1.1583095 1.1555905 1.1650034 1.1730927 1.1604968 1.1288974 1.0972323\n", + " 1.0761766 1.0655715 1.063083 1.0619463 1.0577214 1.0500176 1.042562\n", + " 1.0395887 1.0409328 1.0456182 1.0501102 1.0524769]\n", + " [1.1688128 1.1636566 1.1717571 1.1780595 1.1664597 1.1338909 1.100823\n", + " 1.0796226 1.0691797 1.0673149 1.0671295 1.0631212 1.0551788 1.0473328\n", + " 1.0438759 1.045792 1.0514617 0. 0. ]]\n", + "[[1.1646441 1.1607802 1.1707937 1.1794724 1.1670709 1.1341265 1.1013948\n", + " 1.0800236 1.0699819 1.0691868 1.0691061 1.064273 1.055608 1.0468639\n", + " 1.0431699 1.0447506 0. 0. 0. 0. ]\n", + " [1.1841649 1.1802583 1.1898214 1.1985722 1.1857454 1.1513212 1.1159097\n", + " 1.0920212 1.0799165 1.0763793 1.0742531 1.0682735 1.0583894 1.0496219\n", + " 1.0457125 1.0476792 1.0529529 1.0583091 1.0609552 0. ]\n", + " [1.1592555 1.1541384 1.1627395 1.170775 1.1599073 1.128789 1.0973016\n", + " 1.0765984 1.0677072 1.0657399 1.0654107 1.0611132 1.0523787 1.044765\n", + " 1.0410417 1.0427351 0. 0. 0. 0. ]\n", + " [1.1667838 1.1648049 1.1746829 1.1828694 1.1702899 1.1359742 1.1030297\n", + " 1.0815555 1.070604 1.0684419 1.0678797 1.0630871 1.0534883 1.0464299\n", + " 1.0430038 1.0447924 1.0499513 1.0548499 0. 0. ]\n", + " [1.1734321 1.1714737 1.1828343 1.1926156 1.1806211 1.1469443 1.111535\n", + " 1.0876768 1.0754747 1.0714619 1.0696721 1.0644556 1.0550909 1.0470414\n", + " 1.0434942 1.0446019 1.0499821 1.0552734 1.057801 1.0589585]]\n", + "[[1.204805 1.200055 1.2106743 1.2186617 1.2052251 1.1685308 1.1302338\n", + " 1.1036972 1.0902772 1.0864674 1.0853187 1.0793452 1.0689131 1.0592381\n", + " 1.0553238 1.057227 1.0634514 1.0691464 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1733885 1.1696225 1.1794701 1.1880351 1.1765153 1.1432916 1.1093338\n", + " 1.0869732 1.075435 1.0714134 1.0693328 1.0628952 1.0537761 1.0459937\n", + " 1.0430565 1.0448196 1.0502994 1.055178 1.057362 1.0577911 1.0589472\n", + " 0. 0. ]\n", + " [1.206376 1.1996835 1.209524 1.2168735 1.202226 1.1632986 1.124972\n", + " 1.0988172 1.0883548 1.0865493 1.0863609 1.0810537 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1715593 1.1688907 1.1793948 1.1892735 1.177576 1.1442521 1.1104803\n", + " 1.0878638 1.0760189 1.0716827 1.069381 1.062978 1.0535827 1.04547\n", + " 1.0424633 1.0444376 1.0497049 1.0545894 1.0570352 1.0579761 1.0591702\n", + " 1.0624628 1.0699309]\n", + " [1.1755996 1.172035 1.181547 1.1913433 1.1790495 1.1461909 1.1115544\n", + " 1.0884371 1.0776571 1.0749989 1.0753102 1.0703332 1.0602001 1.0513815\n", + " 1.0474021 1.0495604 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.17866 1.1739316 1.1824666 1.1905117 1.1780244 1.1437868 1.1088582\n", + " 1.086279 1.0762061 1.0758383 1.0760355 1.0707186 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1782836 1.1744521 1.1841261 1.1932701 1.1805549 1.1470454 1.1118917\n", + " 1.0881263 1.0766822 1.0732417 1.0722561 1.0667963 1.0579925 1.0497304\n", + " 1.0463324 1.0479404 1.0533209 1.0583591 1.0606718 0. ]\n", + " [1.1839632 1.1771879 1.1853571 1.192656 1.1791227 1.1461325 1.1130121\n", + " 1.0907996 1.0804626 1.0791144 1.0786852 1.0720245 1.0621558 1.0532744\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.163763 1.1609929 1.1716894 1.1802667 1.1695442 1.1372844 1.10396\n", + " 1.0819054 1.0706013 1.0664933 1.0651926 1.0599325 1.0511874 1.0436705\n", + " 1.0406903 1.0423394 1.0471313 1.051736 1.0542163 1.0552974]\n", + " [1.1802723 1.1762524 1.1858578 1.1941328 1.1809852 1.1481758 1.1133034\n", + " 1.0889721 1.0768591 1.0730648 1.07239 1.0671906 1.0583475 1.0501533\n", + " 1.0465431 1.0482717 1.0528517 1.0577638 1.0601053 0. ]]\n", + "[[1.1706207 1.1680672 1.1794409 1.1878798 1.1761672 1.141872 1.1070229\n", + " 1.083635 1.072806 1.0697083 1.0689149 1.0637116 1.0551099 1.0473651\n", + " 1.0437517 1.04528 1.0504646 1.055239 1.057694 ]\n", + " [1.1760064 1.1704222 1.1791255 1.1869172 1.1746157 1.1425887 1.1103766\n", + " 1.0885228 1.0782282 1.0760075 1.0760903 1.0712377 1.061986 1.0529722\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1723368 1.1687385 1.1785889 1.1875224 1.1750339 1.1410129 1.1073599\n", + " 1.0840636 1.0733953 1.0699701 1.0683982 1.0623332 1.0536671 1.0457668\n", + " 1.0425482 1.0446202 1.0498234 1.0550004 1.057537 ]\n", + " [1.1581842 1.1546444 1.1655159 1.1743492 1.1636353 1.1314237 1.0989296\n", + " 1.0775089 1.0666832 1.0641477 1.0629166 1.0579927 1.0493765 1.0417806\n", + " 1.0383371 1.0399902 1.044764 1.0493042 1.051701 ]\n", + " [1.1789345 1.17447 1.1836748 1.1919252 1.1793879 1.1449745 1.1105188\n", + " 1.0873474 1.0755845 1.0730771 1.0717871 1.0673279 1.0588094 1.0502347\n", + " 1.0470061 1.0492525 1.0550894 0. 0. ]]\n", + "[[1.1628016 1.1572933 1.1648709 1.1730509 1.1608858 1.1302198 1.0985725\n", + " 1.0770427 1.067066 1.0640497 1.0647033 1.0607126 1.0529673 1.0456614\n", + " 1.0423881 1.0437324 0. 0. 0. 0. ]\n", + " [1.178644 1.1755425 1.1871265 1.1957943 1.1838524 1.1494578 1.1131868\n", + " 1.088918 1.0763347 1.071834 1.0705006 1.0649015 1.0555637 1.0475948\n", + " 1.0442812 1.0458968 1.0513954 1.0565897 1.0594451 1.0603513]\n", + " [1.1710448 1.1691272 1.1801488 1.188886 1.17531 1.141572 1.107208\n", + " 1.0845515 1.0737796 1.0717309 1.0711464 1.0656973 1.0562836 1.047985\n", + " 1.0444083 1.0459394 1.0512286 1.0564746 0. 0. ]\n", + " [1.2037499 1.1992321 1.2079768 1.2169163 1.2012489 1.1647898 1.1262435\n", + " 1.1015869 1.0904993 1.0885142 1.0889194 1.0823311 1.0717082 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1654853 1.1595795 1.1676491 1.1744854 1.1624742 1.1321962 1.1004667\n", + " 1.0791776 1.0693631 1.0668409 1.0662547 1.0618907 1.0532303 1.0456412\n", + " 1.0421133 1.0440062 1.0491724 0. 0. 0. ]]\n", + "[[1.1526126 1.1508597 1.1622462 1.1719007 1.1622878 1.1309178 1.0983034\n", + " 1.0771356 1.0671471 1.0635308 1.0622667 1.0570556 1.0481914 1.0413272\n", + " 1.0382134 1.0399957 1.0449544 1.0491307 1.0515606 1.0518728 1.0527542\n", + " 1.055904 1.0629221 1.0724261]\n", + " [1.1928496 1.1882157 1.1983334 1.2070487 1.1942322 1.1582451 1.1197481\n", + " 1.0951838 1.0833242 1.0792874 1.0780959 1.0723733 1.0623565 1.0531158\n", + " 1.0493989 1.051534 1.0576862 1.0633107 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.160634 1.1562452 1.1649401 1.1730318 1.1622887 1.1310971 1.0991\n", + " 1.0776169 1.0676358 1.0653886 1.0649862 1.0610864 1.0532057 1.045906\n", + " 1.0422754 1.0439265 1.0489149 0. 0. 0. 0. ]\n", + " [1.1782411 1.1749398 1.1855582 1.1943699 1.181851 1.1474643 1.112383\n", + " 1.0883522 1.0776025 1.0751152 1.0748221 1.0701386 1.0605887 1.0521735\n", + " 1.0479364 1.0499849 1.0554699 0. 0. 0. 0. ]\n", + " [1.1700976 1.1668757 1.1765159 1.1851928 1.1739966 1.1409048 1.1069454\n", + " 1.0848384 1.0736792 1.069825 1.0684345 1.0617627 1.0531313 1.0449104\n", + " 1.0410995 1.0429811 1.0482447 1.0527843 1.055123 0. 0. ]\n", + " [1.1596243 1.1565368 1.1655647 1.1736469 1.1622856 1.1325312 1.1009797\n", + " 1.07896 1.0680258 1.0644737 1.0618099 1.0570273 1.0486664 1.041616\n", + " 1.0383326 1.0399338 1.0446202 1.0490257 1.0517619 1.0531336 1.0546021]\n", + " [1.172584 1.1672572 1.1771725 1.1862671 1.1756911 1.143001 1.1084579\n", + " 1.0853188 1.0751698 1.0734348 1.073793 1.069416 1.0599027 1.0507874\n", + " 1.0468161 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1674291 1.1662918 1.1769531 1.1864154 1.1751363 1.1422496 1.1077882\n", + " 1.0846142 1.0730212 1.0690383 1.0682275 1.0627064 1.053986 1.046147\n", + " 1.042962 1.0444419 1.0492657 1.0542276 1.0566437]\n", + " [1.222307 1.2155632 1.225425 1.23283 1.2162905 1.1781224 1.1371126\n", + " 1.1089633 1.0963049 1.0948544 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1881003 1.1831993 1.1921295 1.2003876 1.1865908 1.1522392 1.1163146\n", + " 1.0922378 1.080683 1.0775516 1.0771177 1.0717902 1.0625463 1.054142\n", + " 1.0505612 1.0527217 1.0586121 0. 0. ]\n", + " [1.1737123 1.1688513 1.1789391 1.1890376 1.1774008 1.1438771 1.1090947\n", + " 1.0857451 1.0757502 1.0743037 1.0743138 1.0692269 1.0596356 1.0504916\n", + " 1.0463245 0. 0. 0. 0. ]\n", + " [1.187315 1.1832047 1.1936426 1.2008612 1.1892148 1.153305 1.1162388\n", + " 1.0921742 1.0806572 1.0778958 1.0772334 1.0715142 1.0619495 1.053385\n", + " 1.0489233 1.0509263 1.0565879 0. 0. ]]\n", + "[[1.1625168 1.1595709 1.169212 1.1766925 1.1649169 1.1333516 1.1008888\n", + " 1.0797931 1.0691268 1.0651758 1.0639545 1.0582824 1.0499204 1.0426329\n", + " 1.0397074 1.0417259 1.0463846 1.0510249 1.0533899 1.0546833 1.0560403]\n", + " [1.177974 1.1733183 1.1827554 1.1904931 1.1794891 1.1465234 1.1118541\n", + " 1.0880954 1.0759434 1.0724201 1.0708915 1.0654374 1.0564883 1.0486071\n", + " 1.0450131 1.0469288 1.0521704 1.0567665 1.0591552 0. 0. ]\n", + " [1.1584917 1.1531363 1.1610904 1.1680176 1.1555163 1.1258492 1.0957047\n", + " 1.0755847 1.0667953 1.0652736 1.0655882 1.0611622 1.053149 1.0454779\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1621503 1.1580305 1.1681185 1.176021 1.1651739 1.1335493 1.1008751\n", + " 1.0793242 1.0694267 1.0673331 1.0674953 1.0630447 1.0550805 1.0474774\n", + " 1.044112 1.0461465 0. 0. 0. 0. 0. ]\n", + " [1.1829587 1.1796764 1.1906494 1.1989839 1.1876996 1.1534086 1.1180559\n", + " 1.09366 1.0810336 1.0768447 1.0741005 1.0665541 1.0571613 1.048992\n", + " 1.0461373 1.0480181 1.053827 1.0587221 1.0610563 1.0617683 1.0633537]]\n", + "[[1.1729782 1.1676444 1.1779484 1.187722 1.1742924 1.1413373 1.1063087\n", + " 1.0837939 1.0726273 1.0707372 1.0704794 1.0660038 1.0575155 1.0494698\n", + " 1.0459598 1.0478538 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1747019 1.1694112 1.1792295 1.1882578 1.1762651 1.1419138 1.1068774\n", + " 1.084017 1.0735055 1.0711337 1.0713525 1.0669751 1.0577843 1.0494106\n", + " 1.0453959 1.0470071 1.0525926 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1791146 1.1772677 1.1880853 1.195877 1.1836267 1.1480484 1.1108066\n", + " 1.0873433 1.0752751 1.0730637 1.07237 1.0667995 1.057921 1.049526\n", + " 1.0459512 1.0476946 1.0528092 1.0577825 1.0602119 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1546048 1.1515326 1.1618801 1.1717764 1.1616592 1.1307267 1.098711\n", + " 1.0774926 1.0673201 1.0632291 1.061432 1.0560241 1.0474956 1.0405912\n", + " 1.0376307 1.0394037 1.0445305 1.0490338 1.0512341 1.052186 1.0530258\n", + " 1.0554931 1.0625015 1.0712515 1.0787555]\n", + " [1.1934468 1.1894743 1.2011815 1.2098391 1.1952627 1.1572968 1.1183543\n", + " 1.0933121 1.0829431 1.081502 1.0826097 1.0775328 1.0672774 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1692522 1.1660951 1.1771147 1.1862968 1.1748992 1.140557 1.1054665\n", + " 1.0822862 1.0718853 1.0700336 1.0703596 1.0662212 1.0577152 1.049683\n", + " 1.045458 1.0470215 1.0521122 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1776171 1.1752468 1.1860986 1.1956295 1.1829109 1.1497622 1.1146482\n", + " 1.0908192 1.078485 1.0746428 1.0719984 1.06548 1.0559579 1.0476025\n", + " 1.0446491 1.0467578 1.051798 1.0569572 1.0589752 1.0600275 1.0616729\n", + " 1.0653427 1.0730001]\n", + " [1.1712383 1.165319 1.1755507 1.1841906 1.1730728 1.140419 1.105735\n", + " 1.0832747 1.0733223 1.071274 1.0720541 1.0672905 1.0583853 1.0495147\n", + " 1.0454487 1.04695 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1703268 1.1686318 1.1786594 1.1868169 1.1733644 1.1407481 1.1066555\n", + " 1.0837357 1.0727725 1.0695243 1.0678247 1.0628645 1.0542312 1.0462357\n", + " 1.0429229 1.0444809 1.0494812 1.0542957 1.0565673 0. 0.\n", + " 0. 0. ]\n", + " [1.152224 1.1492295 1.1580025 1.165868 1.1552774 1.1254035 1.0936493\n", + " 1.0733205 1.0635893 1.0612127 1.0607721 1.0569279 1.0497594 1.0426251\n", + " 1.0390131 1.0403514 1.0448053 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1689652 1.1657484 1.1761234 1.1851766 1.1730994 1.1390226 1.1046485\n", + " 1.0818901 1.0710406 1.0694095 1.0693209 1.064844 1.0558695 1.048279\n", + " 1.0443954 1.046381 0. 0. 0. 0. ]\n", + " [1.1669052 1.162505 1.1718827 1.1809232 1.16923 1.1374305 1.1039866\n", + " 1.0814612 1.0709978 1.0685482 1.0690826 1.0648748 1.0569075 1.048928\n", + " 1.0450896 1.0468421 0. 0. 0. 0. ]\n", + " [1.1662047 1.1606462 1.1699357 1.1785734 1.1666335 1.134938 1.1019992\n", + " 1.0803678 1.0708427 1.0689366 1.0692933 1.0648075 1.0562862 1.0477448\n", + " 1.0440774 1.0461321 0. 0. 0. 0. ]\n", + " [1.1665195 1.1630203 1.1733816 1.1821828 1.1698892 1.1375388 1.1040741\n", + " 1.081505 1.0709784 1.0683355 1.0684224 1.0639534 1.0552474 1.0476391\n", + " 1.0439386 1.0457743 1.0511388 0. 0. 0. ]\n", + " [1.174079 1.1709069 1.1813917 1.1903553 1.177587 1.1442213 1.1096469\n", + " 1.086508 1.0747861 1.071424 1.0692189 1.0638787 1.0546283 1.0467272\n", + " 1.043191 1.0452533 1.0501051 1.0547853 1.0569763 1.0575473]]\n", + "[[1.173778 1.1700662 1.1794205 1.1869783 1.1738046 1.1409403 1.1073661\n", + " 1.0851915 1.0755905 1.073298 1.0719866 1.0670805 1.0576121 1.0488429\n", + " 1.0454856 1.0474086 1.0529039 0. 0. 0. ]\n", + " [1.1705958 1.1659993 1.1770322 1.1862884 1.1752113 1.141555 1.1056056\n", + " 1.0831543 1.0727222 1.0708594 1.0709293 1.0671953 1.057989 1.0498824\n", + " 1.0461243 1.0479232 0. 0. 0. 0. ]\n", + " [1.1719822 1.1688193 1.1800319 1.1888956 1.176456 1.1423491 1.1077347\n", + " 1.0851121 1.0740979 1.0714442 1.0709277 1.0651164 1.0556144 1.0475173\n", + " 1.0440295 1.046092 1.052183 0. 0. 0. ]\n", + " [1.1780498 1.1742119 1.1850752 1.1940542 1.1823554 1.1479073 1.1136317\n", + " 1.0905492 1.0787789 1.0744264 1.0721006 1.065645 1.0565737 1.0486982\n", + " 1.0449171 1.0474104 1.0527625 1.057879 1.0599551 1.0606278]\n", + " [1.1823417 1.1785183 1.1891214 1.1984969 1.1847788 1.1497778 1.1139306\n", + " 1.0906827 1.0801349 1.0788875 1.0791316 1.0735319 1.063874 1.0546073\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1871881 1.1842659 1.1946554 1.2043645 1.191044 1.1565183 1.1196429\n", + " 1.0944507 1.0812658 1.07741 1.0756857 1.0691395 1.0599182 1.0516728\n", + " 1.0477288 1.0499399 1.0551257 1.0602344 1.0630307 1.0637468]\n", + " [1.1722342 1.1665039 1.1766065 1.1861688 1.1758672 1.1426466 1.1080261\n", + " 1.0852418 1.0752896 1.0742962 1.074591 1.0696194 1.0605953 1.0513407\n", + " 1.047442 0. 0. 0. 0. 0. ]\n", + " [1.1843042 1.1805667 1.1896803 1.1988921 1.1856884 1.1516087 1.1165993\n", + " 1.0920466 1.080969 1.0780213 1.0780066 1.0727925 1.063051 1.0541689\n", + " 1.0501841 1.0523285 0. 0. 0. 0. ]\n", + " [1.2054526 1.1994901 1.2098287 1.2200089 1.206507 1.1695964 1.1300427\n", + " 1.1027716 1.0916384 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1693085 1.1672848 1.1783125 1.1868964 1.1725271 1.1389803 1.1049678\n", + " 1.0827367 1.072491 1.0692749 1.0681068 1.0623305 1.0530599 1.0452813\n", + " 1.0422033 1.0437015 1.0489193 1.0535566 1.0557702 1.0566084]]\n", + "[[1.1827334 1.1790975 1.1897835 1.1996214 1.1873177 1.152005 1.1152037\n", + " 1.0909138 1.0794202 1.0767224 1.0762222 1.0706964 1.060966 1.0521947\n", + " 1.047947 1.0501276 1.0556865 1.0609895 0. 0. 0.\n", + " 0. ]\n", + " [1.168255 1.1660866 1.1770304 1.1854565 1.1723754 1.139353 1.1051021\n", + " 1.0830884 1.0720409 1.0697864 1.0690947 1.0643756 1.0554819 1.047786\n", + " 1.0442995 1.0462662 1.0514345 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1870353 1.1835209 1.1933174 1.2017179 1.1864241 1.1485523 1.1111971\n", + " 1.08726 1.0779287 1.0774252 1.0788399 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1749487 1.1721611 1.1835849 1.1928006 1.1805387 1.1463616 1.1112413\n", + " 1.0873141 1.0754542 1.0725365 1.0713875 1.0657007 1.0568063 1.0485274\n", + " 1.0444869 1.0463035 1.0512639 1.0562685 1.0592642 0. 0.\n", + " 0. ]\n", + " [1.1714844 1.1690779 1.1796219 1.1889129 1.1770221 1.1449296 1.1111027\n", + " 1.0880699 1.0758879 1.0714318 1.0691686 1.0624644 1.0533253 1.0460833\n", + " 1.0428872 1.0446631 1.0499718 1.0548599 1.057116 1.0576916 1.058945\n", + " 1.0626297]]\n", + "[[1.2149101 1.2056307 1.2140617 1.2224245 1.2086654 1.1712431 1.130942\n", + " 1.1043838 1.092657 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1558762 1.1543716 1.1649595 1.1750786 1.1650972 1.133542 1.1017107\n", + " 1.0800984 1.0691667 1.0653421 1.0628633 1.0571727 1.0484577 1.0414262\n", + " 1.0381902 1.039756 1.0445027 1.0492585 1.0515171 1.0528498 1.0541438\n", + " 1.0573429]\n", + " [1.1920621 1.1878686 1.1976229 1.2066729 1.193089 1.1585323 1.1220323\n", + " 1.0961709 1.0830675 1.0792221 1.0777657 1.072232 1.0625656 1.053767\n", + " 1.049702 1.0518712 1.0569366 1.0622137 1.0649333 0. 0.\n", + " 0. ]\n", + " [1.1768026 1.1710918 1.1799376 1.1876763 1.1737766 1.1409389 1.1070614\n", + " 1.0847886 1.0751262 1.0732393 1.0741937 1.069381 1.0601494 1.0515479\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1712372 1.1676762 1.1783352 1.1878465 1.1750748 1.1416221 1.1071217\n", + " 1.0840086 1.0734512 1.0708592 1.0702426 1.0650388 1.0561969 1.0474885\n", + " 1.0438429 1.0456734 1.050852 1.0561142 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1673037 1.1631851 1.1732376 1.1816261 1.1711509 1.1384811 1.1043466\n", + " 1.0822368 1.0721132 1.070354 1.0702307 1.065985 1.0574514 1.0489649\n", + " 1.0451025 1.0469947 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2061541 1.2004721 1.210988 1.2197585 1.2056885 1.1684859 1.1293882\n", + " 1.104137 1.0928203 1.0906911 1.0907001 1.0846841 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1573988 1.1538225 1.1646874 1.1744272 1.1632324 1.1323078 1.0997545\n", + " 1.0782012 1.0674423 1.0640986 1.0620848 1.0560584 1.0471767 1.0399133\n", + " 1.0368632 1.0388532 1.044213 1.0492774 1.0521879 1.0523822 1.0537769\n", + " 1.0568291 1.0632715 1.072203 1.0798312 1.0834781]\n", + " [1.1783468 1.1753701 1.1868984 1.1965096 1.1845216 1.1505333 1.1150517\n", + " 1.0907212 1.0787163 1.07443 1.0727166 1.0666143 1.0574167 1.0487782\n", + " 1.0448157 1.0463178 1.0513905 1.0564493 1.0588988 1.0598778 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1593174 1.1551301 1.1653371 1.1748202 1.1638774 1.131489 1.0994359\n", + " 1.0786667 1.0697054 1.0685424 1.06879 1.0642961 1.0549585 1.0463043\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.163813 1.160414 1.1704519 1.1794957 1.1671318 1.1354175 1.1020973\n", + " 1.0796931 1.0692337 1.0667342 1.066929 1.0624455 1.054291 1.0462247\n", + " 1.0429065 1.0443225 1.0495416 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1881493 1.1851013 1.195905 1.2052814 1.1921893 1.1558379 1.119826\n", + " 1.0951945 1.0832145 1.0792696 1.0778885 1.0716543 1.0613295 1.052425\n", + " 1.0482949 1.0504011 1.0561352 1.0613492 1.0636504 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1698759 1.166321 1.1771218 1.1864711 1.1742346 1.141326 1.106579\n", + " 1.0844985 1.074258 1.0737418 1.0750011 1.0699905 1.0604494 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1646389 1.1618376 1.1731753 1.1829326 1.1733875 1.141814 1.1084672\n", + " 1.0856986 1.074049 1.0697263 1.0666872 1.0607935 1.0514498 1.043573\n", + " 1.0404739 1.0428884 1.0481117 1.0528514 1.0551771 1.055745 1.0566803\n", + " 1.0595424 1.066916 1.0767703 1.0845094]\n", + " [1.1780655 1.1763173 1.1868166 1.195171 1.1823953 1.1472566 1.1119958\n", + " 1.0887564 1.0774187 1.0736859 1.0716549 1.0653063 1.0551015 1.0471488\n", + " 1.0440755 1.0453463 1.050952 1.0565257 1.0594945 1.0609956 1.0630462\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1639416 1.1591684 1.1694437 1.1777859 1.165853 1.1333902 1.1004581\n", + " 1.0786103 1.0694532 1.0681528 1.0691025 1.0646106 1.0560638 1.0478764\n", + " 1.0439296 0. 0. 0. 0. ]\n", + " [1.1823411 1.1803523 1.1914772 1.2011381 1.1873856 1.1515937 1.1153852\n", + " 1.0918227 1.0803273 1.0766162 1.0757172 1.069449 1.0588353 1.0504549\n", + " 1.0463426 1.0481188 1.0534596 1.0594615 1.0627743]\n", + " [1.1588947 1.1568366 1.1673309 1.1758862 1.163318 1.1312524 1.09848\n", + " 1.0770836 1.0667411 1.0647514 1.064044 1.0592194 1.0507784 1.0430765\n", + " 1.0398357 1.0415096 1.0462027 1.0510696 0. ]\n", + " [1.1619598 1.1565309 1.1644905 1.1718105 1.1599603 1.1291224 1.0977894\n", + " 1.0772576 1.067451 1.0652417 1.0653428 1.0610981 1.0530015 1.0452751\n", + " 1.0417601 1.0431911 1.0481493 0. 0. ]\n", + " [1.1699529 1.164995 1.1750197 1.1843102 1.1735586 1.1406825 1.106768\n", + " 1.0841442 1.0735481 1.0710167 1.0707221 1.0656377 1.0565372 1.0481606\n", + " 1.0441978 1.0458066 1.0511147 1.056122 0. ]]\n", + "[[1.1901242 1.1857574 1.1967446 1.2056011 1.1933739 1.1573355 1.1194483\n", + " 1.0939701 1.081341 1.0780946 1.0773089 1.0718031 1.0626705 1.0535157\n", + " 1.0495791 1.0515697 1.0573508 1.0628821 0. 0. 0. ]\n", + " [1.1935657 1.191093 1.2010561 1.2102839 1.1959345 1.1605408 1.1222719\n", + " 1.0964364 1.0829768 1.0786288 1.076954 1.0711482 1.0618554 1.0530362\n", + " 1.0494981 1.0516502 1.0568571 1.0620722 1.0648767 1.0658116 0. ]\n", + " [1.1828601 1.1800649 1.19127 1.2016369 1.1884382 1.1536056 1.117647\n", + " 1.0931036 1.0801814 1.0761982 1.0733949 1.0672505 1.057956 1.0496203\n", + " 1.046026 1.0478194 1.0533735 1.058106 1.0606865 1.0619855 1.0634708]\n", + " [1.1645764 1.1620915 1.1723859 1.1805508 1.1686962 1.1354308 1.1018921\n", + " 1.08019 1.0692616 1.066349 1.0649432 1.0603099 1.0517597 1.043917\n", + " 1.0405096 1.0420811 1.0467066 1.0517681 1.0544784 0. 0. ]\n", + " [1.183052 1.1757392 1.1825145 1.1889472 1.1759396 1.1431191 1.1079906\n", + " 1.0850111 1.0745119 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2048132 1.1955585 1.2064893 1.2178398 1.2061588 1.1704769 1.1317555\n", + " 1.105676 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1768285 1.1717048 1.1809067 1.1888764 1.1756094 1.1434227 1.1091855\n", + " 1.085986 1.0753158 1.072693 1.072121 1.0674124 1.058908 1.0506855\n", + " 1.046868 1.0488893 0. 0. 0. ]\n", + " [1.1738379 1.1715568 1.1828356 1.1927242 1.1805203 1.1467475 1.1106313\n", + " 1.0869185 1.0755703 1.0722027 1.071351 1.0663842 1.0573683 1.0495961\n", + " 1.0455407 1.048012 1.0534368 1.0588069 0. ]\n", + " [1.172151 1.1707953 1.1821539 1.191159 1.1778883 1.1432569 1.1075557\n", + " 1.0852497 1.0742952 1.0705332 1.0695498 1.0638851 1.0551672 1.0468037\n", + " 1.0435185 1.0453662 1.0502739 1.0553424 1.0573004]\n", + " [1.207261 1.2011694 1.2117682 1.2204163 1.2067034 1.1690273 1.1285791\n", + " 1.1018316 1.090667 1.0890528 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1816708 1.1769501 1.1861379 1.1935054 1.1790684 1.1441753 1.1090363\n", + " 1.08583 1.075447 1.0731903 1.072394 1.0677533 1.0585392 1.0505863\n", + " 1.0471952 1.0494494 1.0548397 0. 0. 0. 0. ]\n", + " [1.1750518 1.1704915 1.1804197 1.187956 1.1771481 1.1439524 1.1096219\n", + " 1.086773 1.0769615 1.0753918 1.0759032 1.0715516 1.061454 1.0524974\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.153554 1.1501065 1.1598803 1.1683222 1.1574898 1.1269428 1.0955722\n", + " 1.0749145 1.0647261 1.0626792 1.0626591 1.0583477 1.0500824 1.0428463\n", + " 1.0395402 1.041142 1.046302 0. 0. 0. 0. ]\n", + " [1.1606485 1.1576653 1.1688418 1.1789949 1.1684182 1.1366224 1.1033795\n", + " 1.0806937 1.0693414 1.0658779 1.064032 1.0585346 1.0500458 1.0424858\n", + " 1.0390881 1.0408005 1.0452236 1.0498896 1.0524446 1.0531057 1.0544168]\n", + " [1.1636218 1.159202 1.16863 1.1777381 1.1650851 1.1338824 1.1017308\n", + " 1.0808117 1.071723 1.0707408 1.071233 1.0659356 1.056898 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1703434 1.1653867 1.1751341 1.1842766 1.1720521 1.1394333 1.1054542\n", + " 1.0826321 1.0724584 1.0696619 1.0698923 1.0653877 1.0561808 1.0482802\n", + " 1.0447723 1.0471919 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1958019 1.1902006 1.2001417 1.2085717 1.1954362 1.1596262 1.1223276\n", + " 1.0976033 1.0858858 1.0838808 1.0842161 1.0783137 1.0678916 1.0582402\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1722381 1.1696073 1.1806146 1.1896268 1.1766398 1.142808 1.1077287\n", + " 1.0856009 1.0747741 1.0738856 1.0739765 1.0699179 1.0598838 1.051195\n", + " 1.0470451 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1600037 1.1556716 1.1659682 1.1737833 1.1615076 1.1301959 1.0981764\n", + " 1.0769035 1.0674142 1.0647682 1.0645717 1.0602267 1.0521437 1.0451298\n", + " 1.0418799 1.043477 1.0486346 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1550063 1.1533382 1.1637958 1.1726669 1.1616215 1.1305481 1.0982568\n", + " 1.0773686 1.0672538 1.0639086 1.062217 1.05637 1.0480877 1.0410045\n", + " 1.0380571 1.0402014 1.0453646 1.0503263 1.0524721 1.0530379 1.0546546\n", + " 1.0580071 1.0652082 1.0745983]]\n", + "[[1.1739359 1.1724273 1.183929 1.1931151 1.1811316 1.1474836 1.1121924\n", + " 1.0879167 1.075822 1.0717858 1.0691421 1.0635264 1.0539597 1.0462434\n", + " 1.0426663 1.044895 1.0501103 1.0553464 1.0580529 1.0594493 0.\n", + " 0. 0. ]\n", + " [1.1510748 1.1491112 1.1583655 1.1667196 1.1546853 1.1255047 1.0955212\n", + " 1.0760905 1.0657438 1.0617639 1.0597959 1.0542014 1.0459726 1.0398601\n", + " 1.0374304 1.039557 1.0440553 1.0488036 1.0507118 1.0518689 1.0535318\n", + " 1.0569193 1.0640196]\n", + " [1.1740077 1.1704917 1.1814699 1.191679 1.1801575 1.1460024 1.111169\n", + " 1.0878608 1.0769533 1.0753269 1.0751754 1.0702441 1.0606419 1.0516553\n", + " 1.0474787 1.0490783 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1875362 1.1838557 1.1959516 1.2069799 1.1950402 1.1575036 1.1181432\n", + " 1.0921397 1.0800387 1.0777155 1.0774313 1.0722815 1.0627416 1.053928\n", + " 1.0495731 1.0514419 1.0571891 1.0626948 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.158806 1.153941 1.1638794 1.1721722 1.1621283 1.1309819 1.0992354\n", + " 1.0776742 1.0678626 1.0661247 1.0668215 1.0627364 1.0546632 1.0466708\n", + " 1.042957 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.177042 1.1733248 1.1841922 1.1914399 1.1790781 1.1436963 1.1084918\n", + " 1.0855713 1.0759046 1.0743843 1.0746447 1.0702912 1.060763 1.0516644\n", + " 1.0477679 0. 0. 0. 0. ]\n", + " [1.1754111 1.1697093 1.1789176 1.1873559 1.175547 1.1420277 1.1075921\n", + " 1.0852772 1.0745784 1.0731118 1.0732013 1.0685402 1.0594403 1.0505849\n", + " 1.0466502 0. 0. 0. 0. ]\n", + " [1.1646144 1.1610882 1.1708963 1.1787086 1.1658654 1.1334867 1.1001662\n", + " 1.0792828 1.0691751 1.0679458 1.0681282 1.0639606 1.0547973 1.0471253\n", + " 1.0435482 1.0455133 0. 0. 0. ]\n", + " [1.1610577 1.1570556 1.1667953 1.1757743 1.1653736 1.1347855 1.1026601\n", + " 1.0807627 1.0695126 1.0666058 1.0649137 1.0605191 1.0517266 1.0440223\n", + " 1.0401416 1.0419562 1.0465951 1.051462 1.0537355]\n", + " [1.18693 1.1831664 1.1942745 1.202848 1.1893367 1.1540465 1.116607\n", + " 1.0918125 1.0797836 1.0765486 1.0757501 1.0697451 1.0602341 1.0520418\n", + " 1.0482695 1.0504718 1.0562656 1.0615435 0. ]]\n", + "[[1.1805174 1.1773627 1.1877557 1.1967474 1.1843083 1.1499206 1.1145017\n", + " 1.0900351 1.0781718 1.074583 1.0722164 1.0667993 1.0573888 1.0492284\n", + " 1.0452671 1.0472503 1.0523652 1.057297 1.0599104 1.0606835 0.\n", + " 0. 0. ]\n", + " [1.1612189 1.1599224 1.1712818 1.1814675 1.1700842 1.1382167 1.1044384\n", + " 1.0816668 1.0708786 1.0673554 1.0653696 1.0601116 1.0515351 1.0442538\n", + " 1.0410833 1.0425177 1.0471357 1.0514877 1.0535024 1.0540826 1.0553327\n", + " 1.0589027 1.0663023]\n", + " [1.1720606 1.1678545 1.1772461 1.1845576 1.172876 1.1411393 1.1080054\n", + " 1.0854213 1.074667 1.0719323 1.0702183 1.0654466 1.0561182 1.048407\n", + " 1.044885 1.0466918 1.0520236 1.0568973 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1631017 1.1595168 1.1694703 1.1767457 1.1654496 1.1329503 1.0996473\n", + " 1.0785446 1.0686187 1.0663195 1.0666157 1.0627221 1.05456 1.046678\n", + " 1.042822 1.0443194 1.0490081 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1729355 1.167936 1.1775817 1.1853012 1.1719574 1.1375883 1.103734\n", + " 1.0818323 1.0720397 1.0703403 1.0711164 1.066815 1.0581825 1.0497919\n", + " 1.0465901 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1804703 1.1763675 1.1869825 1.1963252 1.1836429 1.1487601 1.1133709\n", + " 1.0894171 1.0778955 1.0750664 1.0741575 1.0688992 1.0597146 1.0507637\n", + " 1.0469463 1.0489334 1.054419 1.0597618 0. ]\n", + " [1.1823859 1.1764839 1.1854215 1.1930971 1.1811774 1.1477498 1.1129797\n", + " 1.0901253 1.0792778 1.0765872 1.0759399 1.0707948 1.061509 1.0523196\n", + " 1.0483832 1.0501345 1.0555928 0. 0. ]\n", + " [1.1683195 1.1642902 1.1748537 1.1833761 1.1717045 1.1393915 1.1054919\n", + " 1.082875 1.0724292 1.0701011 1.0702819 1.0654362 1.057096 1.0483387\n", + " 1.044636 0. 0. 0. 0. ]\n", + " [1.1562617 1.153204 1.1628082 1.170956 1.1581506 1.1272823 1.0957581\n", + " 1.0749552 1.0648397 1.06239 1.0613881 1.0564909 1.0480685 1.0410017\n", + " 1.0380152 1.0395141 1.0444639 1.0490985 1.0516648]\n", + " [1.2013011 1.1951938 1.2046894 1.212551 1.1984079 1.1606735 1.1229056\n", + " 1.097825 1.0873322 1.0860671 1.0865724 1.0811641 1.070134 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1997567 1.1938125 1.2050443 1.2140193 1.2010655 1.163307 1.1234035\n", + " 1.0976515 1.0858656 1.084115 1.0848 1.0805019 1.0695424 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1610194 1.1596179 1.171325 1.180533 1.1673591 1.1353867 1.1023245\n", + " 1.0799282 1.0690384 1.0657482 1.064842 1.0594455 1.0506041 1.0437601\n", + " 1.0403733 1.0417131 1.0465403 1.051397 1.0538723 1.0551215 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1867081 1.1838229 1.1946596 1.2026948 1.1884615 1.1527581 1.1165613\n", + " 1.0927618 1.0809823 1.0781898 1.076132 1.0704985 1.0604361 1.051315\n", + " 1.0478522 1.0492702 1.0544014 1.059547 1.0619165 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1706465 1.1675771 1.1777157 1.189203 1.1790375 1.1474788 1.113508\n", + " 1.0901254 1.0783675 1.0737298 1.0707322 1.0637723 1.0539279 1.0454998\n", + " 1.0424787 1.0451738 1.0514481 1.0563107 1.0584859 1.0588169 1.0597851\n", + " 1.0632867 1.0711796 1.0812243 1.089385 1.0937254 1.0950971 1.0922928]\n", + " [1.1596279 1.1569848 1.1670293 1.175392 1.1630727 1.13084 1.0989001\n", + " 1.0777607 1.0679718 1.0647798 1.063664 1.0587587 1.0499814 1.0427221\n", + " 1.0398406 1.0410559 1.0454385 1.0495902 1.0517701 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1850172 1.1794652 1.1889141 1.1966147 1.1850405 1.1504529 1.1145622\n", + " 1.0914767 1.0805334 1.0788581 1.0785302 1.073494 1.0638857 1.0545584\n", + " 1.0504333 0. 0. 0. 0. 0. ]\n", + " [1.1562378 1.1537629 1.164401 1.1731725 1.162298 1.1315867 1.0998313\n", + " 1.0782155 1.0675925 1.0642116 1.0626314 1.0570339 1.0482132 1.0411795\n", + " 1.0380558 1.0396397 1.0438142 1.0486785 1.0509224 1.0519311]\n", + " [1.1726556 1.1690875 1.1797186 1.1885481 1.1752195 1.142218 1.1071486\n", + " 1.0842673 1.0736547 1.0713621 1.070993 1.0663993 1.057553 1.0490134\n", + " 1.0459317 1.0473571 1.0527002 0. 0. 0. ]\n", + " [1.1740185 1.1690625 1.1777196 1.1856478 1.1721127 1.1400743 1.1070412\n", + " 1.084612 1.0734265 1.0709938 1.0709339 1.0662196 1.0575562 1.0495993\n", + " 1.0458844 1.0477101 1.0528979 0. 0. 0. ]\n", + " [1.1881996 1.1835555 1.1935667 1.2027799 1.1898696 1.1551582 1.1190209\n", + " 1.0946097 1.0823168 1.0784829 1.0767794 1.0707582 1.0610303 1.0519073\n", + " 1.0480058 1.0502138 1.055616 1.060979 1.0637608 0. ]]\n", + "[[1.1724794 1.1702169 1.1820214 1.1910937 1.1783683 1.1445793 1.1093631\n", + " 1.0854341 1.0738717 1.070295 1.068713 1.0635328 1.0545095 1.047001\n", + " 1.0429363 1.0449413 1.0497783 1.0544006 1.0570507 1.0580775 0.\n", + " 0. 0. ]\n", + " [1.1801224 1.175626 1.1855382 1.1942673 1.1820954 1.1468142 1.1115869\n", + " 1.0889648 1.0787257 1.0769186 1.0769545 1.071531 1.0617768 1.0524687\n", + " 1.0481902 1.0502324 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1998519 1.1958979 1.2069002 1.2161238 1.2017691 1.1643778 1.1254983\n", + " 1.0996096 1.0867431 1.0831095 1.0811634 1.0739924 1.0634466 1.054554\n", + " 1.0506891 1.0531995 1.0587865 1.0649385 1.0678287 0. 0.\n", + " 0. 0. ]\n", + " [1.1783305 1.1749457 1.1854358 1.1942929 1.1820936 1.1485496 1.1127449\n", + " 1.0886858 1.0766596 1.073286 1.0718796 1.0663689 1.0579108 1.0497144\n", + " 1.0460253 1.0478079 1.0525516 1.0576748 1.060271 0. 0.\n", + " 0. 0. ]\n", + " [1.1730002 1.170718 1.1812947 1.1914839 1.1807501 1.147081 1.1125355\n", + " 1.0887262 1.0763717 1.0714489 1.0691613 1.0630467 1.0542717 1.0464631\n", + " 1.0436163 1.0455085 1.0503103 1.0554999 1.0579709 1.0588218 1.0602896\n", + " 1.0639569 1.0715631]]\n", + "[[1.1734636 1.170578 1.180863 1.187571 1.1759295 1.1413817 1.1066453\n", + " 1.0831629 1.0736777 1.0717 1.0713243 1.066585 1.057116 1.0491842\n", + " 1.0451939 1.046999 1.0524958 0. 0. ]\n", + " [1.1867949 1.1838901 1.1941352 1.2035499 1.1911044 1.155206 1.1182411\n", + " 1.0936743 1.0809911 1.0771456 1.0747758 1.0698631 1.0599216 1.051387\n", + " 1.048189 1.0497475 1.055216 1.0605463 1.0629936]\n", + " [1.1748309 1.1724387 1.1831199 1.192067 1.179432 1.1456758 1.1110004\n", + " 1.0873166 1.0753932 1.0717274 1.070417 1.0648322 1.055753 1.0478677\n", + " 1.0439425 1.0457565 1.0508468 1.0558988 1.0582275]\n", + " [1.1662607 1.1621088 1.1725167 1.1797531 1.1681808 1.1357951 1.1030358\n", + " 1.0815988 1.0716074 1.0698295 1.0682212 1.06277 1.0537097 1.0456438\n", + " 1.0422759 1.0444269 1.0496688 0. 0. ]\n", + " [1.1786946 1.1725407 1.1801233 1.1877486 1.174885 1.1409873 1.1075308\n", + " 1.085457 1.075723 1.0749233 1.0743237 1.0692672 1.0592836 1.0509068\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.160946 1.1558206 1.1660163 1.1742574 1.1636406 1.1322362 1.0997933\n", + " 1.079169 1.0698833 1.0686564 1.0692213 1.0641766 1.0551183 1.0465794\n", + " 1.0428997 0. 0. 0. 0. 0. 0. ]\n", + " [1.1651064 1.1604351 1.1699795 1.177817 1.1668051 1.1349187 1.1021857\n", + " 1.0804118 1.0706941 1.0689646 1.0688289 1.0647229 1.0558953 1.0477659\n", + " 1.0440385 1.0457745 0. 0. 0. 0. 0. ]\n", + " [1.1629217 1.1588551 1.167978 1.1764021 1.165815 1.1347022 1.1033584\n", + " 1.0814925 1.0696856 1.0657556 1.0632191 1.0580144 1.0499773 1.0427402\n", + " 1.0402035 1.0418308 1.0468209 1.0512846 1.0536411 1.0541476 1.0558158]\n", + " [1.1671138 1.1618987 1.1720438 1.1818979 1.1714957 1.1388206 1.1048734\n", + " 1.0818844 1.0714993 1.0695317 1.0701147 1.0659193 1.0567673 1.0483973\n", + " 1.0443642 1.0459107 0. 0. 0. 0. 0. ]\n", + " [1.1872444 1.183132 1.1935577 1.2021484 1.1897242 1.1551245 1.1182487\n", + " 1.0934258 1.0808572 1.0769297 1.0748997 1.0699959 1.060247 1.0523095\n", + " 1.0482237 1.0501703 1.0553838 1.0605195 1.0634588 0. 0. ]]\n", + "[[1.1694312 1.166758 1.1770624 1.1867127 1.1750156 1.1419125 1.1073399\n", + " 1.0845063 1.0735669 1.0706986 1.0700547 1.0649877 1.0554686 1.0469782\n", + " 1.0429548 1.0446057 1.0498191 1.0553508 0. 0. 0. ]\n", + " [1.166882 1.1635312 1.1724731 1.180137 1.168483 1.1364197 1.1033609\n", + " 1.0814847 1.0707806 1.0671972 1.0645996 1.0590787 1.0503364 1.0429431\n", + " 1.0399897 1.0420086 1.0462812 1.0516123 1.0541333 1.0550363 1.0565999]\n", + " [1.1874006 1.1825987 1.1932153 1.2027726 1.1896833 1.1541814 1.1173737\n", + " 1.0929481 1.082176 1.0806913 1.0809172 1.0756488 1.0659083 1.0562953\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1624403 1.1607802 1.171159 1.180013 1.167306 1.1349787 1.1017344\n", + " 1.0797395 1.0688974 1.0655893 1.0641506 1.0588579 1.0510786 1.0437928\n", + " 1.0405359 1.0419844 1.0464123 1.0507885 1.0529407 1.0539999 0. ]\n", + " [1.189572 1.1849518 1.1957078 1.2052119 1.1919867 1.1557707 1.1179405\n", + " 1.0927359 1.0810412 1.0780412 1.0779462 1.0728059 1.0628119 1.0542613\n", + " 1.0502392 1.0524498 1.0585444 0. 0. 0. 0. ]]\n", + "[[1.1576705 1.1527041 1.1599791 1.1674236 1.156289 1.1261848 1.0951662\n", + " 1.0748096 1.0648404 1.0624868 1.0622452 1.0588316 1.0510787 1.043976\n", + " 1.040535 1.0420014 1.0465828 0. 0. 0. 0. ]\n", + " [1.1683787 1.1668153 1.1776186 1.1864161 1.1741718 1.1413511 1.1070473\n", + " 1.0839691 1.0730773 1.0694125 1.0671047 1.061719 1.0531806 1.0455012\n", + " 1.0419956 1.0437901 1.0487865 1.0532949 1.0556822 1.0564994 1.0583956]\n", + " [1.1570107 1.1533825 1.1644613 1.1743851 1.1631181 1.1313583 1.098883\n", + " 1.0773259 1.0671104 1.0643138 1.0632693 1.0583545 1.0495012 1.0418742\n", + " 1.0383471 1.0398971 1.0445778 1.049451 1.0518286 0. 0. ]\n", + " [1.1599232 1.156116 1.1670135 1.1765448 1.1667153 1.134923 1.1006968\n", + " 1.0785701 1.0680536 1.0658572 1.0661733 1.06199 1.0531052 1.0454974\n", + " 1.0417768 1.0432752 1.0480548 0. 0. 0. 0. ]\n", + " [1.2057512 1.2000709 1.2100065 1.2177569 1.203054 1.1655496 1.1276085\n", + " 1.1028001 1.0916256 1.0896959 1.0900456 1.0837535 1.0722315 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.161845 1.1596721 1.1715513 1.1817849 1.170036 1.1370142 1.1031923\n", + " 1.0810041 1.0700895 1.0663911 1.0646937 1.0586133 1.0499166 1.0423774\n", + " 1.0392667 1.0411117 1.0455223 1.0504162 1.0527414 1.0539441 1.055472 ]\n", + " [1.1622701 1.15735 1.1672834 1.175712 1.1651978 1.1336491 1.1009377\n", + " 1.080227 1.0699012 1.0682945 1.06835 1.0640854 1.0545996 1.0467197\n", + " 1.0425997 1.044036 0. 0. 0. 0. 0. ]\n", + " [1.1748164 1.1724975 1.1840765 1.1928761 1.1801802 1.1455469 1.1099527\n", + " 1.0862674 1.0747137 1.0710385 1.0699568 1.0648324 1.055993 1.0485027\n", + " 1.0447321 1.0467528 1.051782 1.0568802 1.0595825 0. 0. ]\n", + " [1.1539607 1.1505768 1.1597965 1.1678774 1.15608 1.1255101 1.0946679\n", + " 1.0738704 1.0643597 1.0619248 1.0619355 1.0577253 1.0501332 1.0424386\n", + " 1.039189 1.0409279 1.0458283 0. 0. 0. 0. ]\n", + " [1.1829293 1.1796174 1.1907449 1.1992711 1.1862239 1.1507055 1.1143764\n", + " 1.0896802 1.0780096 1.0752528 1.0751024 1.0707133 1.0611093 1.0524472\n", + " 1.0483408 1.0500444 1.0551512 1.0605509 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.2058027 1.1991742 1.2096039 1.2191681 1.2060281 1.1679387 1.1292603\n", + " 1.1035258 1.0923584 1.0908823 1.0920149 1.0860417 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1773931 1.17258 1.1837058 1.1929959 1.1809148 1.1461195 1.110735\n", + " 1.0876406 1.0773231 1.0756322 1.0756581 1.0709275 1.0612065 1.051865\n", + " 1.0479431 0. 0. 0. 0. 0. ]\n", + " [1.1635302 1.1596982 1.1696032 1.1781558 1.1663262 1.1338102 1.1012058\n", + " 1.0802097 1.0706494 1.0693178 1.0694401 1.0648752 1.055652 1.0474644\n", + " 1.0440054 1.0459344 0. 0. 0. 0. ]\n", + " [1.1744592 1.1735865 1.1846433 1.1945685 1.1816453 1.1483525 1.1125145\n", + " 1.088379 1.0766832 1.0729132 1.0705689 1.0642722 1.0545232 1.0468625\n", + " 1.0433786 1.0452873 1.0505038 1.0558919 1.0582353 1.0593569]\n", + " [1.1790144 1.177247 1.1893826 1.198545 1.1854186 1.1503361 1.1132905\n", + " 1.0894228 1.0775809 1.0733676 1.0721529 1.0664446 1.057118 1.0489682\n", + " 1.0452937 1.0471497 1.0521722 1.057152 1.0596721 1.0606518]]\n", + "[[1.1856775 1.1811084 1.1904222 1.1998987 1.1880952 1.1531947 1.1161441\n", + " 1.0924158 1.0806303 1.077892 1.0786723 1.0735868 1.064074 1.0551667\n", + " 1.0510533 1.0529263 0. 0. 0. 0. ]\n", + " [1.1817408 1.1752045 1.1835278 1.1926273 1.1806021 1.1468732 1.1129098\n", + " 1.0906053 1.0798007 1.0778288 1.0773712 1.0717751 1.061961 1.0532484\n", + " 1.0491375 0. 0. 0. 0. 0. ]\n", + " [1.1561127 1.1519561 1.1611179 1.170222 1.1584997 1.1288421 1.0977318\n", + " 1.0763716 1.0664445 1.0647414 1.0650227 1.0613079 1.0530008 1.0452613\n", + " 1.041669 1.0433295 0. 0. 0. 0. ]\n", + " [1.1736364 1.1704406 1.1813693 1.1897868 1.1793218 1.1454635 1.1099347\n", + " 1.0867923 1.0760349 1.0736876 1.0745047 1.0699391 1.0600617 1.0511957\n", + " 1.0471572 0. 0. 0. 0. 0. ]\n", + " [1.1715055 1.1708223 1.1823623 1.1918318 1.178625 1.143653 1.1084131\n", + " 1.0848957 1.0734501 1.0701603 1.0687196 1.0632881 1.0545309 1.0463566\n", + " 1.0431788 1.0446041 1.0493848 1.0542009 1.0565038 1.0576789]]\n", + "[[1.1968857 1.1911229 1.2004184 1.2096843 1.196211 1.1596717 1.123474\n", + " 1.0990624 1.0873733 1.0858006 1.0858607 1.080722 1.0698572 1.0599629\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1716694 1.1665499 1.17667 1.185462 1.1742543 1.1410503 1.1065818\n", + " 1.084144 1.0736647 1.0720159 1.0716791 1.066993 1.0573411 1.0487645\n", + " 1.0446768 1.0462065 1.0518438 0. 0. 0. ]\n", + " [1.1695396 1.1664581 1.1765215 1.1852198 1.1734178 1.1396344 1.1065866\n", + " 1.0838681 1.072698 1.0691487 1.0675292 1.0615948 1.0525619 1.0450428\n", + " 1.0415606 1.0435855 1.0489566 1.0538645 1.056316 1.0571266]\n", + " [1.1588376 1.1545184 1.1643419 1.1734712 1.1624814 1.1305959 1.0990375\n", + " 1.0779221 1.0694104 1.0685117 1.069297 1.0650374 1.0555735 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1549529 1.1523358 1.1629244 1.1712892 1.1613886 1.1301497 1.0984969\n", + " 1.0772979 1.0665619 1.06278 1.0610934 1.0558789 1.0480286 1.0406172\n", + " 1.0373453 1.0387574 1.0430605 1.0473787 1.0498754 1.0508065]]\n", + "[[1.1718047 1.1690009 1.1807854 1.1913806 1.1794705 1.1450052 1.108989\n", + " 1.0850046 1.0739869 1.0719886 1.0718589 1.0677027 1.0591317 1.0503892\n", + " 1.0465121 1.0478712 1.0533135]\n", + " [1.1594989 1.1547035 1.1637428 1.1717827 1.1610763 1.1306539 1.0984889\n", + " 1.0782146 1.0683271 1.0664803 1.0664707 1.0616633 1.0531123 1.0452349\n", + " 1.0419295 1.0440505 0. ]\n", + " [1.1865358 1.1825111 1.1907569 1.198806 1.1847082 1.1508408 1.1161962\n", + " 1.0930753 1.0817595 1.078928 1.077485 1.0709283 1.0609488 1.0524545\n", + " 1.0487769 1.0514555 1.0575213]\n", + " [1.1951667 1.1890085 1.1978339 1.2071726 1.1940949 1.1581669 1.1207261\n", + " 1.0953865 1.0842782 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1470892 1.1427171 1.1510983 1.1587696 1.1481961 1.120431 1.0912366\n", + " 1.0717137 1.0624857 1.0605129 1.0607969 1.0574055 1.0496354 1.0425148\n", + " 1.0389866 1.0405647 0. ]]\n", + "[[1.1755438 1.1737312 1.1851803 1.194959 1.1825662 1.14837 1.1131808\n", + " 1.089022 1.0769168 1.073849 1.0720894 1.0664468 1.0566627 1.0485969\n", + " 1.04478 1.046294 1.0513093 1.0564716 1.059104 0. ]\n", + " [1.157882 1.152769 1.1614634 1.170003 1.1586814 1.1271493 1.0954534\n", + " 1.0746096 1.0644568 1.062633 1.0628033 1.0589019 1.051457 1.0441092\n", + " 1.0407951 1.0424293 0. 0. 0. 0. ]\n", + " [1.1665628 1.1648678 1.1759857 1.1842611 1.1715896 1.1377344 1.1032989\n", + " 1.0806004 1.0705062 1.067686 1.0663353 1.0616745 1.0526386 1.0446844\n", + " 1.0413823 1.0429575 1.0481347 1.0531301 1.0557092 0. ]\n", + " [1.1687996 1.1652324 1.1745415 1.1831651 1.1710886 1.1392391 1.1057122\n", + " 1.0827496 1.0714954 1.06673 1.0655376 1.0601449 1.0524538 1.045002\n", + " 1.0420622 1.0436192 1.048591 1.0532503 1.0559037 1.0567703]\n", + " [1.169618 1.1643451 1.1732104 1.1817566 1.1707606 1.1400046 1.1064799\n", + " 1.0842919 1.0733968 1.071448 1.0712887 1.0661099 1.0572885 1.0487379\n", + " 1.0445571 1.0464344 0. 0. 0. 0. ]]\n", + "[[1.1495323 1.1457254 1.1544538 1.1625206 1.1519924 1.1224118 1.0920635\n", + " 1.0716513 1.0615188 1.0587151 1.0581528 1.0543072 1.0468695 1.0404712\n", + " 1.0370848 1.0384158 1.0426984 1.0467875 1.0493944 0. 0. ]\n", + " [1.1676798 1.1642927 1.1742426 1.181932 1.1732391 1.1402938 1.1080556\n", + " 1.0855461 1.0735333 1.0690961 1.0662653 1.0605476 1.0524782 1.0441546\n", + " 1.0408317 1.042589 1.0467727 1.0516331 1.0536896 1.055501 1.0570428]\n", + " [1.1989913 1.1929313 1.2024078 1.2103186 1.195193 1.1593575 1.1213353\n", + " 1.0960103 1.084648 1.0833093 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1728677 1.1677831 1.177111 1.1859708 1.1749873 1.1418681 1.1077832\n", + " 1.085289 1.074599 1.07331 1.0737553 1.0680518 1.0588398 1.0501748\n", + " 1.0456555 1.0473766 0. 0. 0. 0. 0. ]\n", + " [1.1690965 1.1655116 1.1758235 1.1854266 1.1741415 1.1414883 1.107076\n", + " 1.0836133 1.073297 1.0710559 1.0707922 1.0655812 1.0567888 1.048379\n", + " 1.044512 1.0462645 1.0513114 0. 0. 0. 0. ]]\n", + "[[1.1837112 1.1801351 1.1902946 1.1972121 1.1837789 1.1481062 1.1120286\n", + " 1.0886288 1.0779576 1.0776174 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1669633 1.1613325 1.1702794 1.1783705 1.167441 1.136055 1.1031342\n", + " 1.082128 1.0721349 1.0700929 1.0704535 1.0658349 1.0568326 1.0483743\n", + " 1.0449342 0. 0. 0. 0. 0. 0. ]\n", + " [1.1823123 1.1795497 1.1896912 1.1984886 1.1850352 1.1513913 1.1157888\n", + " 1.0912243 1.0780882 1.0739646 1.0717087 1.0656104 1.0568507 1.0490075\n", + " 1.0456713 1.0479096 1.052526 1.0577964 1.060454 1.0614421 1.06306 ]\n", + " [1.1625899 1.1569313 1.1662682 1.1752083 1.1648424 1.1341301 1.101639\n", + " 1.0811911 1.071833 1.069833 1.070454 1.0660411 1.0566485 1.0478396\n", + " 1.0436392 0. 0. 0. 0. 0. 0. ]\n", + " [1.1742315 1.1722783 1.183279 1.1923425 1.1803796 1.1460414 1.1124085\n", + " 1.0889742 1.0773594 1.073108 1.0707022 1.0643357 1.0549217 1.0464832\n", + " 1.0431529 1.045124 1.0500462 1.0542222 1.0566288 1.0573969 1.0589318]]\n", + "[[1.1680719 1.1657256 1.1779151 1.1880149 1.1761237 1.1430471 1.1085035\n", + " 1.0854222 1.0742595 1.0700339 1.0673295 1.0615714 1.0522423 1.0447032\n", + " 1.0416754 1.0444179 1.0494943 1.0549605 1.057885 1.0590457 1.0604291\n", + " 1.0639459 1.0709413 1.0807184]\n", + " [1.1577426 1.1529924 1.161867 1.1692604 1.1588942 1.1274233 1.0963997\n", + " 1.0756322 1.0656945 1.0632424 1.0627035 1.0584934 1.0507468 1.0437127\n", + " 1.0405729 1.0423484 1.0470175 1.0519038 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1615807 1.1599146 1.1709912 1.1792307 1.1665623 1.1342947 1.1012174\n", + " 1.0795717 1.0690479 1.0660366 1.0641539 1.0591111 1.0505524 1.0429469\n", + " 1.0399154 1.0415624 1.0461153 1.0508108 1.0533301 1.0544708 0.\n", + " 0. 0. 0. ]\n", + " [1.1666521 1.1637472 1.1739122 1.1837174 1.1733882 1.1409894 1.1073611\n", + " 1.0853398 1.0740781 1.0699407 1.0672371 1.061415 1.0521814 1.0441705\n", + " 1.041066 1.0433071 1.0490351 1.0539492 1.0568066 1.0571594 1.0580355\n", + " 1.0616959 1.069225 0. ]\n", + " [1.1600711 1.1582165 1.1691645 1.1786212 1.1668123 1.1342113 1.1015134\n", + " 1.079242 1.0685654 1.0649581 1.0632955 1.0583562 1.0502301 1.0430268\n", + " 1.0398856 1.0415262 1.0461533 1.0507302 1.0534168 1.054129 1.055504\n", + " 1.0590721 1.0664916 0. ]]\n", + "[[1.1926914 1.18667 1.1969117 1.2050381 1.192739 1.1586078 1.1226118\n", + " 1.098123 1.0863701 1.0852149 1.0850579 1.0790712 1.0688916 1.0582187\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1717135 1.1694386 1.180478 1.1902518 1.1780603 1.1446998 1.1098256\n", + " 1.0857191 1.0738199 1.0700337 1.0683118 1.0634227 1.0545597 1.0465941\n", + " 1.0431712 1.044729 1.0494552 1.0541265 1.0564392 1.0572811 0. ]\n", + " [1.1593022 1.1544487 1.1637567 1.1723578 1.1605557 1.1298548 1.0980333\n", + " 1.0771344 1.0669352 1.0650716 1.0648603 1.0604908 1.0518439 1.0443505\n", + " 1.0408713 1.042197 1.0472293 0. 0. 0. 0. ]\n", + " [1.1729188 1.1718817 1.1835713 1.192975 1.1799223 1.1460215 1.1104904\n", + " 1.0867492 1.075506 1.0720905 1.0698836 1.0633578 1.0534785 1.0458041\n", + " 1.0423858 1.0440035 1.049212 1.054282 1.0565059 1.0575792 1.0593302]\n", + " [1.1832323 1.1783161 1.1877458 1.1945941 1.1824652 1.1481433 1.1131607\n", + " 1.0898628 1.0788006 1.0763607 1.0763963 1.0711038 1.0621665 1.0533701\n", + " 1.0495254 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1630816 1.1592032 1.1703538 1.1797944 1.1683637 1.1354045 1.1018064\n", + " 1.079792 1.070153 1.0681727 1.0673221 1.062706 1.0535553 1.0451403\n", + " 1.041192 1.0429014 1.0480701 0. 0. 0. ]\n", + " [1.1893197 1.1853014 1.195271 1.2050292 1.1916184 1.1554811 1.1186651\n", + " 1.0941684 1.0814443 1.0782385 1.0762548 1.0702449 1.0604833 1.0524173\n", + " 1.0483412 1.050486 1.0556865 1.0612338 1.0633451 0. ]\n", + " [1.1722877 1.1679207 1.1770833 1.1851406 1.1730646 1.1408486 1.108313\n", + " 1.0857455 1.0743446 1.07053 1.0684317 1.0623586 1.0538598 1.0464051\n", + " 1.043075 1.0451008 1.050169 1.0546359 1.0567229 1.0573496]\n", + " [1.2151855 1.2082503 1.2171608 1.2248895 1.2101705 1.1722045 1.1317046\n", + " 1.1051154 1.092648 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1679602 1.1643959 1.1755948 1.1845539 1.1734216 1.1398361 1.1049196\n", + " 1.0823544 1.0719799 1.0699711 1.0701123 1.0657663 1.0574579 1.0491259\n", + " 1.0452404 1.0466306 1.0517448 0. 0. 0. ]]\n", + "[[1.1872554 1.18294 1.1917304 1.200675 1.1867461 1.1514539 1.1156313\n", + " 1.0913485 1.0789312 1.0763642 1.0752736 1.0695124 1.0609354 1.0523034\n", + " 1.048385 1.0509703 1.0564847 1.0620338 0. 0. 0. ]\n", + " [1.1781049 1.175283 1.1856527 1.1945512 1.182092 1.1479994 1.1127211\n", + " 1.0886712 1.0769378 1.0730367 1.0701953 1.0646392 1.0552312 1.0471065\n", + " 1.0438879 1.0456259 1.0509603 1.0553805 1.0576648 1.0587213 1.060104 ]\n", + " [1.1575454 1.1528383 1.1619822 1.1687849 1.1582249 1.1275551 1.0964801\n", + " 1.0759228 1.0675308 1.0663881 1.0663266 1.0626655 1.0539453 1.0461459\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1572216 1.1526972 1.1619631 1.1694838 1.1588154 1.127854 1.0962642\n", + " 1.0757165 1.0663109 1.0645221 1.0641797 1.0597696 1.0514358 1.0436063\n", + " 1.0400643 1.041525 1.0462731 0. 0. 0. 0. ]\n", + " [1.1652746 1.1609315 1.1700939 1.1777563 1.1648412 1.1329175 1.1004508\n", + " 1.0790128 1.0683632 1.065665 1.0653284 1.0607342 1.0530839 1.0459878\n", + " 1.0425254 1.0446001 1.0494374 1.0539929 0. 0. 0. ]]\n", + "[[1.1769502 1.1716288 1.1806912 1.189095 1.1774278 1.1449181 1.111364\n", + " 1.0888894 1.0781903 1.0756328 1.074972 1.0699208 1.0606985 1.0517368\n", + " 1.0480009 1.0506363 0. ]\n", + " [1.1663003 1.1623213 1.1729498 1.1821873 1.1700748 1.136963 1.1034734\n", + " 1.0817626 1.0717041 1.0698228 1.0700321 1.0652134 1.0561984 1.0479468\n", + " 1.044151 1.0463784 0. ]\n", + " [1.1937056 1.1872526 1.1969811 1.2038507 1.1902261 1.1548327 1.119228\n", + " 1.0954037 1.0848997 1.0830597 1.0826266 1.0768677 1.0659281 0.\n", + " 0. 0. 0. ]\n", + " [1.1477612 1.1442945 1.1531068 1.1611573 1.1506642 1.120786 1.0913506\n", + " 1.0715253 1.0623254 1.0602771 1.0596367 1.0559261 1.0483997 1.0414762\n", + " 1.0382038 1.0396692 1.0444683]\n", + " [1.1723915 1.1687565 1.1794407 1.1889495 1.1766663 1.1429322 1.1073815\n", + " 1.0836731 1.0727692 1.0705328 1.070468 1.0664045 1.0573424 1.0490255\n", + " 1.0453273 1.0468572 1.0522149]]\n", + "[[1.15519 1.1536523 1.164212 1.172086 1.1607617 1.1300186 1.0986814\n", + " 1.0773003 1.0671074 1.063477 1.0614078 1.0558927 1.048156 1.0413004\n", + " 1.0383466 1.0399911 1.0443807 1.0487567 1.0509388 1.05174 1.053207\n", + " 1.0568154]\n", + " [1.1639475 1.1590022 1.1678019 1.1761842 1.1672838 1.1362844 1.1037152\n", + " 1.0817859 1.0711665 1.0699483 1.0699428 1.0649403 1.0561764 1.0478696\n", + " 1.043803 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1440557 1.1413758 1.1494744 1.1580242 1.1471756 1.1203346 1.091114\n", + " 1.0715537 1.0615853 1.0578156 1.056143 1.0507367 1.0433785 1.03703\n", + " 1.0347191 1.0360205 1.0403537 1.0444682 1.0469763 1.0482229 1.0496575\n", + " 1.0525144]\n", + " [1.1839724 1.1782497 1.187361 1.1950791 1.1813064 1.1470094 1.1123523\n", + " 1.0896432 1.0793294 1.0765139 1.0754883 1.0695915 1.059784 1.0510367\n", + " 1.0477147 1.0498734 1.056436 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1726589 1.1708932 1.1822714 1.190732 1.1783347 1.144098 1.1084675\n", + " 1.085582 1.0745599 1.0710876 1.0704556 1.0649687 1.0555376 1.0477732\n", + " 1.0441335 1.0458199 1.050767 1.0559856 1.0584857 0. 0.\n", + " 0. ]]\n", + "[[1.1835251 1.1786251 1.188751 1.1977139 1.1852181 1.1506456 1.1138116\n", + " 1.0906302 1.0797453 1.0778093 1.0777848 1.0727043 1.0626851 1.0536245\n", + " 1.0491859 1.0510577 0. ]\n", + " [1.179922 1.1751852 1.1859267 1.1959585 1.183515 1.1491525 1.1124276\n", + " 1.0878689 1.076933 1.0743431 1.0750122 1.071156 1.061891 1.0534192\n", + " 1.0489343 1.0506501 0. ]\n", + " [1.1712066 1.1677885 1.1776946 1.1856575 1.1727159 1.139316 1.1048282\n", + " 1.0827515 1.0726907 1.0705059 1.0710573 1.0668103 1.0577052 1.049426\n", + " 1.0455823 1.0473051 0. ]\n", + " [1.1713413 1.1672941 1.1779369 1.1859804 1.1754243 1.1428548 1.1085284\n", + " 1.0859866 1.0752413 1.0723374 1.0718719 1.0664481 1.0566646 1.0480762\n", + " 1.0442997 1.0460855 1.0516245]\n", + " [1.1648258 1.1597906 1.1691965 1.1770227 1.1666725 1.1352798 1.1026791\n", + " 1.0808579 1.0707844 1.0690215 1.069578 1.0652405 1.0572475 1.0489141\n", + " 1.044959 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1726816 1.1698326 1.179984 1.1885972 1.176917 1.1438099 1.1094345\n", + " 1.0863146 1.0741104 1.070964 1.0690053 1.0630189 1.054401 1.0462545\n", + " 1.0429882 1.0441759 1.0495794 1.0546641 1.0567051 1.0576268]\n", + " [1.1602314 1.1573658 1.168205 1.1771094 1.1655077 1.1325684 1.1000408\n", + " 1.0789016 1.0686467 1.066222 1.0652245 1.059787 1.0514892 1.0440551\n", + " 1.0406141 1.0424476 1.0471895 1.0520456 0. 0. ]\n", + " [1.1618475 1.1587412 1.1686246 1.1775122 1.1651582 1.1346669 1.1025717\n", + " 1.0811114 1.070701 1.068454 1.0683719 1.0636482 1.0551193 1.0469416\n", + " 1.0432125 1.044958 0. 0. 0. 0. ]\n", + " [1.2042296 1.1980448 1.2083225 1.217138 1.2033634 1.1660244 1.128388\n", + " 1.1036319 1.0925705 1.0909833 1.091136 1.0850652 1.0732563 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1806625 1.1768502 1.1880373 1.1980768 1.1853037 1.1499422 1.1140468\n", + " 1.0908995 1.0805703 1.0788078 1.0787468 1.0729651 1.0631548 1.0537572\n", + " 1.0496155 0. 0. 0. 0. 0. ]]\n", + "[[1.2014915 1.1961232 1.206103 1.2131656 1.1997964 1.162697 1.1251359\n", + " 1.1001306 1.0890669 1.0869033 1.0873849 1.0814819 1.0698124 1.060117\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.203442 1.1974612 1.2076138 1.2146946 1.2016369 1.1652523 1.1274124\n", + " 1.1006446 1.0885731 1.086067 1.0854834 1.0797348 1.0702767 1.0609854\n", + " 1.0564476 0. 0. 0. 0. 0. 0. ]\n", + " [1.181263 1.1755822 1.1852776 1.1928931 1.182187 1.1488916 1.1142402\n", + " 1.0905876 1.0796825 1.0778558 1.0782397 1.0730217 1.0630778 1.0542169\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1768587 1.1747649 1.1869147 1.1978692 1.1862215 1.1516768 1.1154624\n", + " 1.0912988 1.0787005 1.0744843 1.0719286 1.0662483 1.0565732 1.0482692\n", + " 1.0447434 1.0462606 1.0515136 1.0562984 1.0588531 1.0596718 1.0613451]\n", + " [1.1601896 1.1552576 1.1634473 1.171179 1.1602349 1.1291773 1.0971696\n", + " 1.0760485 1.0665098 1.0648835 1.0649222 1.0610223 1.0528876 1.0449256\n", + " 1.0414727 1.04317 0. 0. 0. 0. 0. ]]\n", + "[[1.1686323 1.1652851 1.1754191 1.1837666 1.1727437 1.1411077 1.1078329\n", + " 1.085127 1.073201 1.0692464 1.06673 1.0606649 1.0521903 1.0450072\n", + " 1.0416557 1.0432876 1.0480323 1.0525358 1.0551496 1.0564648 1.0581062\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1875644 1.1828718 1.193417 1.2024485 1.1906875 1.1557113 1.1188401\n", + " 1.093986 1.0823512 1.0797849 1.0802795 1.0748352 1.0647869 1.0547888\n", + " 1.0512404 1.053282 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1554943 1.1509653 1.1620398 1.1744833 1.1671293 1.1366553 1.1039917\n", + " 1.0817249 1.0705843 1.0668564 1.064503 1.0583938 1.0488749 1.0411289\n", + " 1.0380177 1.0401194 1.0449424 1.050257 1.0526783 1.0530561 1.0540708\n", + " 1.056225 1.0631504 1.0725678 1.0808654 1.0849658 1.0860384 1.0823976\n", + " 1.0747743]\n", + " [1.1632644 1.1606317 1.1718328 1.1809096 1.1685297 1.1361643 1.1024015\n", + " 1.0803971 1.0703124 1.0681323 1.0684195 1.0640074 1.0545299 1.0461825\n", + " 1.0423933 1.0442119 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1723166 1.1684561 1.1786191 1.1874855 1.1750201 1.1408167 1.1062927\n", + " 1.0834153 1.0733618 1.0721806 1.0728467 1.0679805 1.059434 1.0507003\n", + " 1.0467895 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.163667 1.1610111 1.1716658 1.1799054 1.1688604 1.1358198 1.1026042\n", + " 1.0811708 1.0715479 1.0704389 1.0711031 1.0659035 1.056819 1.0483404\n", + " 1.0444363 0. 0. 0. 0. 0. ]\n", + " [1.1599289 1.156871 1.1670613 1.1759015 1.1640806 1.1316645 1.0985861\n", + " 1.0766553 1.0661585 1.0633494 1.0624287 1.0579937 1.0496696 1.0426867\n", + " 1.0391055 1.0406653 1.0451852 1.0498259 1.0522882 0. ]\n", + " [1.1690029 1.1660864 1.1770959 1.1846775 1.173336 1.1391954 1.1048232\n", + " 1.0827713 1.0722759 1.070546 1.0710299 1.066179 1.0572957 1.0489664\n", + " 1.0450453 1.0467588 1.0518826 0. 0. 0. ]\n", + " [1.1762153 1.1739793 1.1851833 1.1934907 1.1802505 1.1457729 1.1110373\n", + " 1.0876498 1.0757232 1.0722896 1.0701897 1.0638199 1.0551146 1.0472726\n", + " 1.0442957 1.0457927 1.0512419 1.0559809 1.0586002 1.0597073]\n", + " [1.1811081 1.1759253 1.1865078 1.1950926 1.184466 1.1501545 1.1142275\n", + " 1.0906065 1.080617 1.0796969 1.0803703 1.0749582 1.0643216 1.0543414\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1801168 1.1762164 1.1869333 1.1966367 1.1835479 1.1479539 1.1124172\n", + " 1.0887862 1.0776072 1.0753517 1.074963 1.0695797 1.0604857 1.0520564\n", + " 1.0478387 1.0499737 1.0556054 0. 0. 0. ]\n", + " [1.1795732 1.1783714 1.189471 1.1983976 1.1853962 1.1496413 1.114238\n", + " 1.09002 1.0782157 1.0746427 1.0727623 1.0661414 1.0571315 1.0490315\n", + " 1.0454124 1.0472207 1.0521946 1.0571606 1.0600481 1.0611044]\n", + " [1.1705775 1.1666232 1.177639 1.1862864 1.1733689 1.1393925 1.104861\n", + " 1.0821869 1.0723878 1.0715244 1.0721649 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1579574 1.152628 1.1616504 1.1707952 1.1597654 1.128857 1.0964006\n", + " 1.0754617 1.0664109 1.0654302 1.0657861 1.0618783 1.0533857 1.0454304\n", + " 1.0417367 0. 0. 0. 0. 0. ]\n", + " [1.1679194 1.1626806 1.1729547 1.1810602 1.171129 1.1387837 1.105047\n", + " 1.0825609 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1834385 1.1779588 1.1877596 1.196459 1.1831505 1.1483109 1.1128023\n", + " 1.089961 1.0808883 1.0798415 1.0802349 1.0749046 1.0642457 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1670792 1.1609097 1.1690427 1.1771884 1.1654549 1.1346166 1.1021609\n", + " 1.080445 1.0705487 1.067713 1.0678449 1.0638108 1.0559723 1.0483367\n", + " 1.0447489 1.046578 0. 0. 0. ]\n", + " [1.1876119 1.1831312 1.1939883 1.2034675 1.1894953 1.1542138 1.1173716\n", + " 1.0926999 1.0801281 1.0766884 1.0749238 1.0687939 1.0587612 1.0501798\n", + " 1.0468314 1.0489604 1.054821 1.0607665 1.063647 ]\n", + " [1.167919 1.1644341 1.1735897 1.1813298 1.1688778 1.1361744 1.1030806\n", + " 1.0811849 1.0709459 1.0688807 1.0682254 1.0632898 1.0541731 1.0460079\n", + " 1.0425692 1.0443915 1.0497398 1.0546821 0. ]\n", + " [1.1793965 1.1743771 1.1836896 1.1915807 1.1786617 1.1445607 1.1104976\n", + " 1.0883813 1.0783503 1.0766215 1.0762208 1.0700766 1.0602515 1.0510826\n", + " 1.0472978 0. 0. 0. 0. ]]\n", + "[[1.1737041 1.1686558 1.1779528 1.1861091 1.1731921 1.1388263 1.1047336\n", + " 1.0828702 1.0730604 1.0721256 1.0728173 1.0691602 1.0596911 1.0512865\n", + " 0. 0. 0. 0. ]\n", + " [1.1700186 1.1656895 1.1753532 1.1839281 1.1708491 1.137788 1.1050048\n", + " 1.0840038 1.0747699 1.0739881 1.0741041 1.0694102 1.0598798 1.050972\n", + " 0. 0. 0. 0. ]\n", + " [1.1585796 1.1547456 1.1635634 1.171222 1.159065 1.128418 1.0969671\n", + " 1.07591 1.0655636 1.0630114 1.0617663 1.0577544 1.0500158 1.0427554\n", + " 1.0396264 1.0409662 1.0456808 1.050409 ]\n", + " [1.1775334 1.17327 1.1831913 1.1920719 1.1802527 1.1471686 1.1134094\n", + " 1.0904622 1.079246 1.0762758 1.0749729 1.0691055 1.0590873 1.0499297\n", + " 1.0460429 1.0479541 1.0534513 1.0588392]\n", + " [1.1697001 1.1644459 1.174701 1.1829977 1.1722181 1.1399134 1.1058179\n", + " 1.0840627 1.0737429 1.0718603 1.0720445 1.0681157 1.0591934 1.0508182\n", + " 1.0466803 1.048459 0. 0. ]]\n", + "[[1.1630592 1.1569985 1.1649365 1.1717174 1.1614825 1.1310581 1.0993559\n", + " 1.0783511 1.0679398 1.065822 1.0659171 1.0614808 1.0536937 1.0460379\n", + " 1.0423199 1.0437051 1.048493 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1934648 1.188622 1.1991447 1.2083898 1.1947793 1.158809 1.12062\n", + " 1.0943598 1.0827955 1.0805087 1.080472 1.0755061 1.0661104 1.0567011\n", + " 1.0523455 1.053855 1.0596104 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1594665 1.1577674 1.168673 1.1784146 1.166478 1.1359857 1.1031765\n", + " 1.0811015 1.0700524 1.066064 1.0639375 1.0578781 1.0495458 1.0421062\n", + " 1.0390238 1.04052 1.0453393 1.0499592 1.0523067 1.053527 1.0550289\n", + " 1.0585575]\n", + " [1.1766152 1.1723542 1.1826489 1.1930228 1.1813881 1.1472559 1.1108696\n", + " 1.0861126 1.0749501 1.07184 1.0721707 1.0671381 1.0582987 1.0491953\n", + " 1.04548 1.0470713 1.0521827 1.0578187 0. 0. 0.\n", + " 0. ]\n", + " [1.2009975 1.195249 1.2051108 1.2134111 1.1996074 1.163827 1.1266388\n", + " 1.1016643 1.0902706 1.0882785 1.0878364 1.0819123 1.0702626 1.0600843\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1645919 1.1621705 1.173289 1.1824698 1.1716349 1.1397948 1.1070232\n", + " 1.0850046 1.0736152 1.0693312 1.067361 1.0612913 1.0522904 1.044507\n", + " 1.0416138 1.0435544 1.0489173 1.0531843 1.0552797 1.0560416 1.0570393\n", + " 1.0603546 1.0675809]\n", + " [1.1641697 1.1602944 1.171801 1.181104 1.1697373 1.1365607 1.1022887\n", + " 1.0795022 1.0694356 1.0680363 1.0686629 1.0647113 1.056437 1.0484195\n", + " 1.04456 1.0463021 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1633496 1.157292 1.1647148 1.1731585 1.1610692 1.1300778 1.0986383\n", + " 1.0778816 1.0687493 1.0672789 1.0677593 1.0633708 1.0555079 1.0475702\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1759596 1.1734058 1.1839538 1.1937761 1.1807653 1.1462421 1.1121234\n", + " 1.0886075 1.0762514 1.0719767 1.0695977 1.0633273 1.0541719 1.0470743\n", + " 1.0440097 1.0460896 1.0516256 1.0558637 1.0586826 1.0595828 1.0606197\n", + " 1.0642064 0. ]\n", + " [1.1712918 1.1658906 1.1764004 1.1849115 1.174474 1.141486 1.107224\n", + " 1.0842904 1.074247 1.0722564 1.0728582 1.0679355 1.0587595 1.0498751\n", + " 1.0457226 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.2029512 1.1970909 1.2048762 1.2125041 1.198496 1.161581 1.1237637\n", + " 1.0986985 1.0865018 1.0851709 1.0859768 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1643491 1.1616123 1.1734056 1.1840565 1.1722051 1.1386193 1.1043447\n", + " 1.0818554 1.0717673 1.0694404 1.0695305 1.0648267 1.055989 1.0472144\n", + " 1.043713 1.0453494 1.0507241 0. 0. ]\n", + " [1.1850216 1.1816263 1.1905903 1.1982275 1.1845348 1.1502985 1.1141354\n", + " 1.0901784 1.0780811 1.0743853 1.0722802 1.0672641 1.0583022 1.049935\n", + " 1.0465881 1.0487657 1.0539418 1.0594819 1.0619919]\n", + " [1.1713003 1.1657968 1.175085 1.1826832 1.1710712 1.138695 1.1052778\n", + " 1.083477 1.0728803 1.0702436 1.0696398 1.0646735 1.0559477 1.0480155\n", + " 1.0446484 1.0469017 0. 0. 0. ]\n", + " [1.1611116 1.1572258 1.166856 1.1750768 1.163442 1.1319005 1.0999858\n", + " 1.0789325 1.0683086 1.0658859 1.0649912 1.0598371 1.0516174 1.0440979\n", + " 1.0412115 1.0427501 1.0476717 1.0523198 0. ]]\n", + "[[1.1643233 1.1602901 1.1713278 1.1798867 1.1699975 1.1383665 1.1050806\n", + " 1.0823293 1.071116 1.0684365 1.0684347 1.0633533 1.0548786 1.0467957\n", + " 1.0432734 1.0450349 1.0502733 0. 0. 0. ]\n", + " [1.177578 1.1738267 1.1841182 1.1935952 1.1812108 1.1478047 1.1128813\n", + " 1.0892423 1.0770882 1.0738728 1.0721548 1.0663471 1.0568106 1.0484165\n", + " 1.0447682 1.0462897 1.0512896 1.0562991 1.0592248 1.0603762]\n", + " [1.1681284 1.1648734 1.1754154 1.1828307 1.169028 1.135765 1.1023648\n", + " 1.0803982 1.0704931 1.0690675 1.0691276 1.0639564 1.0551524 1.0469904\n", + " 1.0436002 1.0453808 1.0507057 0. 0. 0. ]\n", + " [1.2005033 1.194337 1.2033304 1.2118509 1.1972629 1.1616616 1.1235119\n", + " 1.0986452 1.0878649 1.0868433 1.086862 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.180799 1.176837 1.1883068 1.1969491 1.184679 1.1481664 1.1121072\n", + " 1.0873051 1.0771489 1.0761656 1.0769023 1.0723689 1.0629479 1.0539241\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1907252 1.1851885 1.1964378 1.2072186 1.1939932 1.1565753 1.1175245\n", + " 1.0921092 1.0816993 1.0809457 1.0820842 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1645669 1.1627568 1.1744039 1.1835045 1.1707736 1.1377933 1.1040249\n", + " 1.081562 1.0704048 1.066618 1.0655969 1.0603272 1.0520664 1.0445666\n", + " 1.0413843 1.042729 1.047263 1.0519319 1.054494 1.0556827 0. ]\n", + " [1.16087 1.1575801 1.1676868 1.1762966 1.1642143 1.1316446 1.0991249\n", + " 1.0778689 1.0685622 1.0663141 1.0665716 1.0621134 1.0535568 1.0458751\n", + " 1.0425633 1.0443479 1.0496583 0. 0. 0. 0. ]\n", + " [1.153064 1.1508363 1.1619053 1.1706135 1.1611749 1.1302599 1.0983503\n", + " 1.076453 1.0660992 1.0624199 1.0604907 1.0554652 1.0471791 1.040069\n", + " 1.0369791 1.0384781 1.0430676 1.0471569 1.0495702 1.0503774 1.0519308]\n", + " [1.1658261 1.1639265 1.1745788 1.1835386 1.1714126 1.1381831 1.1050285\n", + " 1.0820364 1.0710609 1.0682951 1.0668571 1.0611286 1.05252 1.0451812\n", + " 1.0414135 1.0430869 1.0474781 1.0526081 1.0553045 0. 0. ]]\n", + "[[1.1662357 1.1613178 1.170085 1.177944 1.1658243 1.13327 1.1004126\n", + " 1.0794868 1.0706228 1.0696949 1.0704358 1.0668367 1.058165 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1658118 1.1641401 1.175034 1.1845104 1.1709635 1.1387048 1.1053\n", + " 1.0824852 1.0713184 1.0677195 1.0661832 1.0606114 1.0517942 1.0441526\n", + " 1.0409142 1.0426314 1.0472727 1.0521617 1.0546988 1.0555377 0. ]\n", + " [1.1784117 1.1740826 1.1829913 1.1908933 1.1778735 1.1438735 1.1102057\n", + " 1.0865244 1.0759801 1.0732406 1.0726056 1.0675337 1.0583619 1.0502648\n", + " 1.047044 1.0493058 1.0547117 0. 0. 0. 0. ]\n", + " [1.169957 1.1658247 1.1769814 1.1861951 1.1757876 1.1424466 1.1069516\n", + " 1.0836396 1.0729483 1.0708821 1.0716547 1.0669941 1.0577788 1.0492551\n", + " 1.0451913 1.0470004 0. 0. 0. 0. 0. ]\n", + " [1.1657596 1.162483 1.1731696 1.1824383 1.1713732 1.1383021 1.1052178\n", + " 1.0832161 1.0719602 1.0682265 1.0659281 1.0599344 1.0507308 1.0430114\n", + " 1.0395906 1.0415703 1.0465152 1.0514617 1.0537888 1.0542285 1.0555263]]\n", + "[[1.1520877 1.1490734 1.1590135 1.1678805 1.1574925 1.1284435 1.0974493\n", + " 1.0775306 1.0670176 1.0634886 1.0605834 1.0549961 1.0467217 1.0397636\n", + " 1.036907 1.0385914 1.0431516 1.0478598 1.0504674 1.0513631 1.053098\n", + " 1.0563298 1.0632533]\n", + " [1.1584558 1.1550497 1.1645017 1.1717597 1.1594925 1.1283221 1.097101\n", + " 1.076864 1.0670514 1.0649973 1.0645143 1.0595474 1.0517106 1.0442795\n", + " 1.040962 1.0424263 1.0472792 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1801339 1.179159 1.1913015 1.2016995 1.1881152 1.1520444 1.1147457\n", + " 1.0900714 1.0781913 1.0745193 1.0733128 1.0675632 1.0576068 1.0495387\n", + " 1.045885 1.0476514 1.0528125 1.0583054 1.0606158 1.0611572 0.\n", + " 0. 0. ]\n", + " [1.1750674 1.1733366 1.1838801 1.1921984 1.1797559 1.1446831 1.1101875\n", + " 1.0867432 1.0751938 1.0714283 1.0697408 1.0638943 1.0548021 1.0473076\n", + " 1.043343 1.0454632 1.0505887 1.0552312 1.0579392 1.0591217 0.\n", + " 0. 0. ]\n", + " [1.1738477 1.1702394 1.1802129 1.1895019 1.1759875 1.1422637 1.1081766\n", + " 1.0861537 1.0764799 1.0749667 1.0754632 1.0695853 1.0600145 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.183809 1.1804094 1.1925004 1.2023531 1.1888552 1.1520647 1.1149759\n", + " 1.0903983 1.0781623 1.0754545 1.0741388 1.0680691 1.0589085 1.050378\n", + " 1.0463418 1.0479617 1.0532804 1.0586989 1.0615739 0. 0.\n", + " 0. ]\n", + " [1.1784904 1.1732299 1.1844918 1.1950719 1.1829622 1.1477159 1.1121162\n", + " 1.0894737 1.0783798 1.0758733 1.0764054 1.0710168 1.061274 1.0523818\n", + " 1.0480113 1.049906 1.0559652 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1644009 1.1619769 1.1722598 1.1799853 1.1679145 1.1348343 1.1014887\n", + " 1.0797806 1.0694655 1.0668815 1.0663823 1.0620614 1.0532835 1.0456096\n", + " 1.0419626 1.0436065 1.0487142 1.0537786 0. 0. 0.\n", + " 0. ]\n", + " [1.1862599 1.1815922 1.1912265 1.2010013 1.188144 1.1530346 1.1162776\n", + " 1.0930687 1.082273 1.0799402 1.0803026 1.0750479 1.0652186 1.0554847\n", + " 1.0515722 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1878619 1.1847622 1.1947973 1.2050499 1.1939657 1.1591748 1.1227117\n", + " 1.0966463 1.0830885 1.0786526 1.0754521 1.0689585 1.0587543 1.0506245\n", + " 1.0471103 1.0489578 1.0550454 1.0596423 1.0626713 1.0636545 1.065233\n", + " 1.0695027]]\n", + "[[1.1736768 1.1701669 1.1798921 1.1876427 1.174847 1.1419264 1.1077064\n", + " 1.0847803 1.0732169 1.0714874 1.0708126 1.06628 1.0577292 1.0496521\n", + " 1.0460923 1.0476274 1.0527388 0. 0. 0. ]\n", + " [1.1569178 1.1539215 1.1629022 1.1698799 1.1575599 1.1267062 1.0969687\n", + " 1.0773644 1.0672971 1.0641245 1.0624335 1.0567328 1.0483755 1.0412593\n", + " 1.0384647 1.040336 1.0446961 1.0493729 1.051665 1.052876 ]]\n", + "[[1.1769004 1.1729102 1.1841685 1.1933665 1.1815326 1.1471908 1.1115178\n", + " 1.0875448 1.0756298 1.0732929 1.0722824 1.0669343 1.0576684 1.0492722\n", + " 1.0454215 1.047157 1.0525458 1.0580833 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1640837 1.1624954 1.1740332 1.1817591 1.1701076 1.1372994 1.1033995\n", + " 1.081264 1.070134 1.0674605 1.0657083 1.0608541 1.0521305 1.0439742\n", + " 1.0408537 1.0425673 1.0472248 1.0522721 1.0544473 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.165029 1.1630024 1.1733443 1.1843653 1.1737009 1.141325 1.1077888\n", + " 1.0852674 1.07362 1.0697027 1.0672143 1.0606003 1.051585 1.043822\n", + " 1.0406868 1.0423534 1.0477222 1.0524426 1.0548782 1.0548887 1.0558311\n", + " 1.059258 1.0661966 1.0762275 1.0842792]\n", + " [1.1520091 1.1490057 1.1583264 1.1661247 1.1544838 1.122923 1.0922203\n", + " 1.0719959 1.0628399 1.0613755 1.0613074 1.0570692 1.0497841 1.0424718\n", + " 1.0391282 1.0409362 1.0455481 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1898327 1.1855859 1.1953573 1.2038512 1.1903597 1.1538645 1.1180619\n", + " 1.0939629 1.0817138 1.0787001 1.0779383 1.0720904 1.0621171 1.0530174\n", + " 1.049085 1.0514381 1.0569117 1.0625176 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1763433 1.1741663 1.1852355 1.1946323 1.1816714 1.1475236 1.1118534\n", + " 1.0882477 1.0767345 1.0733458 1.0726185 1.0665135 1.0568238 1.0482757\n", + " 1.044129 1.0460392 1.0515366 1.0569686 1.0596915 0. 0.\n", + " 0. 0. ]\n", + " [1.1619496 1.1582217 1.1683649 1.1757224 1.1633941 1.1315304 1.0993538\n", + " 1.077986 1.0681491 1.0656375 1.0647205 1.0593665 1.0508206 1.0430878\n", + " 1.0398868 1.0416688 1.0466814 1.0515778 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1966193 1.1910477 1.2016038 1.2110376 1.197299 1.1593722 1.1217971\n", + " 1.0970944 1.0863158 1.084739 1.0841975 1.0784857 1.0674298 1.0575931\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1660943 1.1628671 1.1724187 1.1814615 1.170515 1.138864 1.1065702\n", + " 1.0852425 1.0745143 1.0700585 1.0673869 1.0611681 1.0519881 1.0442601\n", + " 1.0416822 1.0439533 1.0492915 1.0544904 1.0560789 1.0566509 1.0575893\n", + " 1.0609428 1.0680512]\n", + " [1.1919061 1.186898 1.1977506 1.2081225 1.1954154 1.1587725 1.1208084\n", + " 1.0956328 1.0843809 1.0823197 1.0831337 1.0778149 1.0671476 1.057246\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1726367 1.1673656 1.1767893 1.1847714 1.1741501 1.1415039 1.1076164\n", + " 1.0847557 1.0735439 1.0719917 1.0716686 1.0667536 1.057636 1.049483\n", + " 1.0455335 0. 0. 0. 0. 0. ]\n", + " [1.1652682 1.1630232 1.174539 1.1836903 1.1722552 1.1399381 1.1059909\n", + " 1.0832503 1.071804 1.0689877 1.0677409 1.0621952 1.0533109 1.0458136\n", + " 1.04204 1.0439354 1.0485324 1.0536305 1.0558529 0. ]\n", + " [1.1642311 1.1591327 1.1681052 1.1755425 1.164309 1.1325572 1.1000434\n", + " 1.0790226 1.0684997 1.0661919 1.0657545 1.0614334 1.0535095 1.0464814\n", + " 1.0430361 1.0449363 0. 0. 0. 0. ]\n", + " [1.1856079 1.1808338 1.1907533 1.1991851 1.1853223 1.151048 1.1151215\n", + " 1.0917459 1.0803573 1.0773942 1.076145 1.0704154 1.0603131 1.0513574\n", + " 1.0482054 1.050667 1.0566542 1.0623469 0. 0. ]\n", + " [1.1728219 1.1710306 1.1829733 1.1917917 1.1791756 1.1435925 1.1085385\n", + " 1.0852566 1.073929 1.0706289 1.0695289 1.063827 1.0550797 1.0469527\n", + " 1.0436563 1.0450718 1.0501578 1.0548253 1.0571723 1.0581967]]\n", + "[[1.1702139 1.1681311 1.178133 1.1842586 1.1722095 1.1383032 1.1050171\n", + " 1.083349 1.0725864 1.0697328 1.0684294 1.0634993 1.0545843 1.046895\n", + " 1.0436599 1.0453069 1.0503448 1.055643 0. 0. ]\n", + " [1.1823287 1.1790175 1.1893518 1.198362 1.1851503 1.1503943 1.1153023\n", + " 1.0915449 1.0795547 1.0763998 1.0746206 1.0684717 1.0587556 1.0499048\n", + " 1.0462818 1.0484082 1.0536788 1.0589681 1.0612171 0. ]\n", + " [1.1534795 1.151722 1.1623428 1.1698242 1.1585239 1.1275395 1.0961765\n", + " 1.075511 1.0651507 1.0629348 1.0619235 1.0565331 1.0483693 1.0413638\n", + " 1.0382588 1.0396142 1.0443225 1.0489137 1.0511514 0. ]\n", + " [1.1563963 1.1540847 1.1630789 1.1710982 1.1584564 1.1285619 1.097007\n", + " 1.0759172 1.0654495 1.062245 1.0614157 1.0562311 1.048916 1.0423143\n", + " 1.0391351 1.0407097 1.0451355 1.0494481 1.0518051 0. ]\n", + " [1.1598134 1.1579003 1.1684351 1.1773983 1.1665289 1.1341043 1.1017847\n", + " 1.0802883 1.0697393 1.0661638 1.0642834 1.0586399 1.0505195 1.043226\n", + " 1.0398428 1.041354 1.0459492 1.0502568 1.0523281 1.0530331]]\n", + "[[1.1849489 1.1814957 1.1914493 1.1998388 1.1870997 1.1531658 1.1177171\n", + " 1.0936556 1.0815974 1.0781173 1.0765665 1.0709584 1.0614512 1.0524074\n", + " 1.0487475 1.0507883 1.0566092 1.0619404]\n", + " [1.1626934 1.1583039 1.1680332 1.1774313 1.1665149 1.1349239 1.1013936\n", + " 1.0792514 1.0689204 1.0670671 1.067059 1.0631459 1.0547984 1.0468348\n", + " 1.0430595 1.044512 1.0494622 0. ]\n", + " [1.1743844 1.1694275 1.1786181 1.1869425 1.1762584 1.1431478 1.1090174\n", + " 1.0858848 1.0749826 1.0721703 1.0722975 1.0675879 1.0589262 1.0503124\n", + " 1.0461452 1.0477507 0. 0. ]\n", + " [1.1941218 1.1878142 1.1984571 1.2090609 1.1963311 1.1592085 1.1206783\n", + " 1.0946432 1.0827354 1.0806915 1.0816946 1.0769114 1.0673025 1.0581462\n", + " 1.0536528 0. 0. 0. ]\n", + " [1.1987699 1.1918569 1.2001542 1.2079191 1.1947608 1.1596235 1.1232569\n", + " 1.0989414 1.0869215 1.0843841 1.0838052 1.0787965 1.0681021 1.0590049\n", + " 1.0553247 0. 0. 0. ]]\n", + "[[1.1661887 1.162528 1.1732014 1.1826524 1.1713681 1.1381507 1.1041584\n", + " 1.0816215 1.0711331 1.0686241 1.0685681 1.0639384 1.0557499 1.0477556\n", + " 1.0440675 1.0458049 1.0508597 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1675878 1.1632569 1.1725633 1.181483 1.1686939 1.1359489 1.102371\n", + " 1.0801309 1.070088 1.0679927 1.068388 1.0636446 1.0551476 1.0467645\n", + " 1.0429025 1.0450699 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.154958 1.15213 1.1606401 1.168656 1.157752 1.1274412 1.0964602\n", + " 1.076347 1.0659841 1.0626019 1.0608017 1.0552799 1.0472909 1.0403543\n", + " 1.0375376 1.0394301 1.0435945 1.0483786 1.0511601 1.052466 1.0540401\n", + " 1.0573223 0. ]\n", + " [1.1533866 1.1516397 1.1615026 1.169952 1.1586008 1.1284821 1.0984793\n", + " 1.0781217 1.067547 1.0639623 1.0617388 1.0554864 1.0472603 1.04052\n", + " 1.0378245 1.0398113 1.0445875 1.0487373 1.0514096 1.0523877 1.0536637\n", + " 1.0575097 1.0644722]\n", + " [1.1689558 1.1657382 1.1769613 1.1870722 1.1747649 1.1411614 1.1068386\n", + " 1.0836207 1.0728257 1.0705327 1.0700077 1.0650574 1.0568134 1.0488127\n", + " 1.0447806 1.0468861 1.0519853 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1892114 1.1855608 1.1959558 1.2052019 1.1910154 1.1538368 1.1173439\n", + " 1.0931278 1.0825589 1.0812278 1.0808467 1.0747813 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2090974 1.2037112 1.2151725 1.2245826 1.2080207 1.1682086 1.1274759\n", + " 1.1004609 1.0887842 1.088088 1.0886896 1.0842495 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1620985 1.1584996 1.167845 1.1760329 1.1638966 1.1319808 1.0999651\n", + " 1.0783474 1.0681986 1.0655535 1.0644858 1.0590218 1.0511662 1.0436856\n", + " 1.040897 1.0426148 1.047604 1.0519052 1.0542947 0. 0.\n", + " 0. ]\n", + " [1.1620746 1.1580029 1.1675615 1.1765019 1.1648176 1.1340525 1.1017315\n", + " 1.079954 1.0683926 1.0643705 1.0626802 1.0571012 1.0487361 1.0421822\n", + " 1.039546 1.0411692 1.046226 1.0511978 1.0537517 1.0545902 1.0561296\n", + " 1.0592598]\n", + " [1.2289693 1.2229924 1.2334633 1.2418991 1.224974 1.1846526 1.1422378\n", + " 1.1129608 1.1007515 1.0981821 1.0994085 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1812994 1.177921 1.1891925 1.1976432 1.1836936 1.1484015 1.1138648\n", + " 1.0907031 1.079485 1.0757663 1.0735289 1.0672506 1.0573386 1.0485308\n", + " 1.0455062 1.0476522 1.0534301 1.0589114 1.0613724 0. 0.\n", + " 0. 0. ]\n", + " [1.1725172 1.167759 1.1779238 1.1869602 1.1746584 1.1418322 1.1076359\n", + " 1.0850554 1.0743862 1.0719099 1.0717402 1.0667697 1.0575248 1.0493745\n", + " 1.0456411 1.0474132 1.0529168 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.170919 1.1681263 1.1796942 1.1897808 1.1789389 1.1458672 1.1115845\n", + " 1.0881433 1.0769038 1.0728242 1.0701987 1.0640569 1.0546193 1.0463152\n", + " 1.04262 1.0444682 1.0495232 1.05418 1.0572509 1.0580964 1.0595179\n", + " 1.0632719 1.0709819]\n", + " [1.1732537 1.1709021 1.1820865 1.1912471 1.1794271 1.1463498 1.1112921\n", + " 1.0875297 1.0756803 1.0720528 1.0703628 1.0652914 1.056488 1.0482229\n", + " 1.0447842 1.0464925 1.0515583 1.0569433 1.0594714 0. 0.\n", + " 0. 0. ]\n", + " [1.1596256 1.1555856 1.1640604 1.1726859 1.1608533 1.1290228 1.0972902\n", + " 1.0764518 1.067503 1.0661567 1.0657957 1.0617183 1.0530924 1.045262\n", + " 1.0418028 1.0435444 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1799166 1.1748613 1.184646 1.1923245 1.1783398 1.1444452 1.1105154\n", + " 1.0871385 1.0765977 1.074454 1.0739179 1.0681483 1.0585268 1.0500569\n", + " 1.0463558 1.0481181 1.0537667 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1747721 1.1737703 1.1853712 1.1932342 1.1798899 1.1449112 1.1095833\n", + " 1.0860003 1.0748557 1.0716736 1.0704787 1.0656346 1.0566757 1.0483425\n", + " 1.0450442 1.0466866 1.0515939 1.0566996 1.0593201 0. 0.\n", + " 0. ]\n", + " [1.1670358 1.1642691 1.1740879 1.1821568 1.1717159 1.1402571 1.1074058\n", + " 1.0851654 1.0732579 1.0688677 1.0662764 1.0599333 1.0514065 1.04435\n", + " 1.0415707 1.0435927 1.0481777 1.0527885 1.0549215 1.0554991 1.0571206\n", + " 1.0609496]\n", + " [1.1905398 1.1856748 1.1947274 1.203263 1.1895282 1.1540287 1.1181891\n", + " 1.0944579 1.0829707 1.0806062 1.0793872 1.072895 1.0628957 1.0537205\n", + " 1.049933 1.052236 1.0589821 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1579162 1.1534772 1.1607938 1.1687119 1.1564198 1.124683 1.0945998\n", + " 1.0746466 1.0654783 1.0648178 1.0653208 1.0611185 1.0531493 1.0452216\n", + " 1.0415422 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.195214 1.1901023 1.1991482 1.2070205 1.192847 1.1583009 1.1220213\n", + " 1.0971261 1.0841404 1.0812023 1.0800875 1.0740789 1.0647191 1.0559013\n", + " 1.0517642 1.053986 1.0602154 0. 0. ]\n", + " [1.1757265 1.1702845 1.1790044 1.1867129 1.1731517 1.139719 1.1062348\n", + " 1.0835049 1.0732713 1.0702415 1.0685455 1.064272 1.0555724 1.0480679\n", + " 1.0445586 1.046909 1.0525451 0. 0. ]\n", + " [1.1837409 1.1784041 1.1875156 1.19551 1.1823168 1.1481066 1.1122746\n", + " 1.088922 1.0784863 1.0769365 1.0779183 1.0729146 1.0634192 1.0543303\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2052966 1.1993052 1.2083871 1.2162822 1.2022702 1.1649857 1.1261547\n", + " 1.0999296 1.0887995 1.0865749 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.182109 1.1781294 1.1887919 1.1980108 1.1854554 1.1498817 1.114347\n", + " 1.0903927 1.0783985 1.0754489 1.0740848 1.0679793 1.0581539 1.0496055\n", + " 1.0452973 1.0471632 1.0524802 1.0576266 1.0602071]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1863514 1.1814245 1.1917152 1.2018101 1.1899192 1.1548603 1.1167699\n", + " 1.0924047 1.0810001 1.0792787 1.0789878 1.0748421 1.0647194 1.0551956\n", + " 1.0509939 1.0528057 0. 0. 0. 0. 0. ]\n", + " [1.1766313 1.1725507 1.1826465 1.1921803 1.1796384 1.1457701 1.1104128\n", + " 1.0868683 1.0757648 1.0726949 1.0725627 1.0677595 1.0585983 1.0501848\n", + " 1.0464488 1.0483108 1.0537946 0. 0. 0. 0. ]\n", + " [1.186523 1.183066 1.1940101 1.2032669 1.190389 1.1558148 1.1186893\n", + " 1.0930634 1.0800666 1.0760511 1.0734088 1.067112 1.0573202 1.0492837\n", + " 1.0458854 1.0476693 1.0528929 1.05803 1.0602957 1.0612428 1.0628941]\n", + " [1.1880893 1.1837602 1.1940815 1.2026514 1.1894795 1.1547037 1.1181365\n", + " 1.0937206 1.0810349 1.0781677 1.076828 1.0719991 1.0621747 1.0533038\n", + " 1.0495666 1.0512215 1.0566165 1.0620703 0. 0. 0. ]\n", + " [1.1658396 1.1629324 1.1738572 1.1832297 1.171375 1.1393948 1.1057236\n", + " 1.0827 1.0712337 1.0679417 1.066557 1.061967 1.0536453 1.0460548\n", + " 1.0424713 1.0441037 1.048965 1.0539619 1.0565034 0. 0. ]]\n", + "[[1.1756638 1.1719328 1.1828215 1.1920695 1.1801533 1.1461233 1.1117893\n", + " 1.0892713 1.0781791 1.0753622 1.0748242 1.0691055 1.0592173 1.050531\n", + " 1.0461113 1.0480568 1.0534788 0. 0. ]\n", + " [1.1760143 1.1731875 1.1842955 1.1925774 1.1789154 1.1445118 1.1089866\n", + " 1.0859125 1.0745761 1.0718826 1.0708683 1.0650784 1.0564072 1.0481789\n", + " 1.0447805 1.0464208 1.0516254 1.0564306 1.0588008]\n", + " [1.173759 1.1722994 1.1844808 1.1927373 1.1799121 1.1445147 1.1088982\n", + " 1.0853096 1.0750054 1.0722414 1.07207 1.0664878 1.0568695 1.0485245\n", + " 1.0442815 1.0460482 1.0515395 1.0568414 0. ]\n", + " [1.203474 1.1978256 1.2080227 1.2165458 1.2019293 1.1643535 1.1255189\n", + " 1.1007867 1.0899689 1.088891 1.0890762 1.0829767 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1890968 1.1839812 1.1921701 1.1995167 1.1872838 1.153424 1.1175759\n", + " 1.0935714 1.0821185 1.0790956 1.0784354 1.073183 1.0629697 1.0541223\n", + " 1.0505476 1.0530959 0. 0. 0. ]]\n", + "[[1.1600239 1.1556758 1.1660044 1.1743648 1.1629773 1.1319566 1.0994321\n", + " 1.0779333 1.0684067 1.0664235 1.0667391 1.0618532 1.053269 1.045386\n", + " 1.0416117 1.0434333 0. 0. ]\n", + " [1.1818871 1.1776567 1.1879297 1.1973362 1.1846732 1.1510063 1.114733\n", + " 1.0904179 1.0788056 1.0753645 1.0743904 1.0691949 1.0599833 1.0509541\n", + " 1.0471363 1.0486883 1.0542171 1.0594145]\n", + " [1.1839106 1.1795202 1.1892716 1.1985316 1.1852729 1.1512157 1.1157818\n", + " 1.0922343 1.081443 1.0790178 1.0778431 1.0732664 1.0630699 1.053809\n", + " 1.0494288 1.0522872 0. 0. ]\n", + " [1.1758074 1.1732776 1.1836723 1.19235 1.1786983 1.1448587 1.1101177\n", + " 1.0870377 1.0760953 1.0727124 1.0723332 1.0666823 1.0576581 1.0490515\n", + " 1.045022 1.0470337 1.0522258 1.0576595]\n", + " [1.1531762 1.1495768 1.1605151 1.1700475 1.1585668 1.1281514 1.0958257\n", + " 1.0745598 1.0647618 1.0628022 1.0635849 1.0596592 1.0518931 1.0445064\n", + " 1.0409273 1.0426052 0. 0. ]]\n", + "[[1.1507119 1.147313 1.1551101 1.1624559 1.1511601 1.1225214 1.0930519\n", + " 1.0731981 1.0634764 1.0607017 1.0596609 1.0553114 1.0475955 1.0406936\n", + " 1.0379591 1.0393635 1.0438515 1.048122 0. 0. ]\n", + " [1.183636 1.1781217 1.1885533 1.1969935 1.1853628 1.1510842 1.1148764\n", + " 1.0904037 1.0790923 1.0766294 1.0762043 1.0708394 1.061039 1.0519049\n", + " 1.047572 1.0491184 1.0548506 0. 0. 0. ]\n", + " [1.1832541 1.1794903 1.1895452 1.1982443 1.1861899 1.1509868 1.1155609\n", + " 1.0918391 1.0800153 1.0760415 1.0743377 1.068422 1.0583894 1.0501093\n", + " 1.0460899 1.0484264 1.0537006 1.0587444 1.0612373 0. ]\n", + " [1.1602579 1.1571304 1.1673518 1.1767117 1.1654345 1.1344123 1.1027763\n", + " 1.0811027 1.0700305 1.0666158 1.064744 1.0587138 1.0497036 1.042255\n", + " 1.0388323 1.0404514 1.0454608 1.0498431 1.0523251 1.0537423]\n", + " [1.1730456 1.169737 1.1805693 1.1895946 1.1771896 1.1431574 1.1077548\n", + " 1.0846211 1.0747924 1.0726737 1.0730541 1.067977 1.0590166 1.0499666\n", + " 1.0463836 0. 0. 0. 0. 0. ]]\n", + "[[1.1786157 1.1734972 1.1830652 1.191361 1.1802788 1.1464499 1.1115006\n", + " 1.088578 1.0780723 1.076406 1.0765465 1.0711122 1.0614289 1.0521917\n", + " 1.0479988 1.0500983 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1746889 1.16975 1.1785109 1.186005 1.1739625 1.1421419 1.1083026\n", + " 1.085814 1.0749832 1.0723796 1.0713348 1.0664086 1.0565314 1.0487995\n", + " 1.0452384 1.04747 1.0535764 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.15178 1.1512275 1.1626654 1.1714821 1.1606308 1.1297442 1.0980779\n", + " 1.0765994 1.0659646 1.0622652 1.0597475 1.0548381 1.0464656 1.0396795\n", + " 1.0372843 1.0385287 1.0432612 1.0478401 1.0504453 1.0514617 1.0528864\n", + " 1.0562543 1.0629387]\n", + " [1.163559 1.1615741 1.1722088 1.1807396 1.1676558 1.1355519 1.1025928\n", + " 1.0810413 1.0704883 1.0679684 1.0665503 1.0618014 1.0534991 1.0457628\n", + " 1.042476 1.0441245 1.048953 1.0541397 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1529828 1.1504996 1.1607736 1.1708091 1.1602856 1.1302254 1.098887\n", + " 1.0780473 1.067341 1.0637479 1.0618677 1.0561587 1.0477918 1.0405313\n", + " 1.0378428 1.0393658 1.0439996 1.0487347 1.0512072 1.052645 1.0539347\n", + " 1.0569596 1.0634251]]\n", + "[[1.1817348 1.1761835 1.1840999 1.1916438 1.1793542 1.1459684 1.1113025\n", + " 1.088306 1.077338 1.0753908 1.0754153 1.0708488 1.0624306 1.0537806\n", + " 1.049981 0. 0. 0. 0. ]\n", + " [1.1702697 1.1661751 1.1773752 1.187061 1.1750877 1.1410373 1.1059259\n", + " 1.0826708 1.073155 1.071597 1.0719239 1.0674808 1.0576404 1.0491188\n", + " 1.0452052 1.047398 0. 0. 0. ]\n", + " [1.1610732 1.1584643 1.1674964 1.1769164 1.1654809 1.1334822 1.100463\n", + " 1.0781785 1.0688554 1.0668 1.0665828 1.0625503 1.0539285 1.0462506\n", + " 1.0425848 1.0440105 1.0489241 0. 0. ]\n", + " [1.1630855 1.1606034 1.1713827 1.1801345 1.1675576 1.1353843 1.1026707\n", + " 1.0806512 1.0702868 1.0676153 1.0659572 1.0605623 1.0519164 1.0436263\n", + " 1.0402939 1.0418396 1.0468334 1.0521784 1.0551703]\n", + " [1.210242 1.204271 1.214532 1.2236748 1.2089126 1.1692295 1.128907\n", + " 1.1027508 1.090878 1.0898855 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.174833 1.1696978 1.1797493 1.1891607 1.1768523 1.1428655 1.108066\n", + " 1.0850463 1.0751747 1.073939 1.0741377 1.0689399 1.0594417 1.0506264\n", + " 1.0466639 1.048795 0. 0. 0. ]\n", + " [1.1758615 1.1727333 1.1819141 1.1902653 1.1780322 1.1445285 1.1109772\n", + " 1.0885961 1.0772464 1.0733873 1.0715685 1.0654407 1.0563961 1.0484729\n", + " 1.0449287 1.0473175 1.0527095 1.0578296 1.0598636]\n", + " [1.1769034 1.1710215 1.1776893 1.1848702 1.1732103 1.1413451 1.1083213\n", + " 1.0858685 1.0752323 1.073045 1.0723023 1.0675824 1.0587152 1.0504795\n", + " 1.04688 1.048706 0. 0. 0. ]\n", + " [1.169536 1.1639409 1.172497 1.1804465 1.1676381 1.1365782 1.1035013\n", + " 1.0808104 1.0706323 1.0688562 1.0693473 1.065544 1.0566657 1.0489299\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1586891 1.1543028 1.1633179 1.1715835 1.1617206 1.1307242 1.0991205\n", + " 1.0775626 1.0674251 1.0663705 1.0669515 1.0633119 1.054814 1.0467612\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1753963 1.1704226 1.1802862 1.1895677 1.1774825 1.1444126 1.1094868\n", + " 1.0864947 1.075289 1.0724319 1.0724281 1.0679504 1.0595675 1.0509382\n", + " 1.0472045 1.0489655 1.0543069 0. 0. 0. 0. ]\n", + " [1.174429 1.1715459 1.1804562 1.1879535 1.1768773 1.1445897 1.1108232\n", + " 1.0878646 1.0760026 1.0714155 1.0681674 1.0623415 1.0533862 1.0457605\n", + " 1.0425866 1.0450757 1.0494863 1.054729 1.0572094 1.0581177 1.0596585]\n", + " [1.1718525 1.1679059 1.1780125 1.1867497 1.173999 1.1417246 1.1080824\n", + " 1.0848209 1.0741569 1.0714266 1.0703923 1.0647779 1.0557055 1.0476128\n", + " 1.0438131 1.0452609 1.0508907 1.0561843 0. 0. 0. ]\n", + " [1.177712 1.1742845 1.1844288 1.1929871 1.1810244 1.1473892 1.1131862\n", + " 1.0896221 1.07743 1.0726806 1.0701115 1.0646008 1.0554698 1.04792\n", + " 1.0446191 1.0467668 1.0519211 1.0564141 1.0587499 1.0596483 1.0609875]\n", + " [1.1597382 1.1556022 1.1650426 1.1734064 1.1629741 1.1317756 1.0996772\n", + " 1.0783365 1.0689024 1.0673568 1.0677869 1.0635866 1.0550276 1.046526\n", + " 1.0429987 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1768483 1.1750584 1.1872652 1.1979828 1.1845541 1.1487671 1.1119579\n", + " 1.0876191 1.0758454 1.0725534 1.0712166 1.0656556 1.0563301 1.0481817\n", + " 1.0445015 1.0462779 1.051151 1.05612 1.0584109 0. 0.\n", + " 0. ]\n", + " [1.1727376 1.1690972 1.1792129 1.1864973 1.1747267 1.139812 1.1048441\n", + " 1.082381 1.072057 1.0707163 1.0717757 1.067854 1.0591729 1.0507112\n", + " 1.0469773 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1606053 1.1573935 1.1671033 1.1742616 1.1619833 1.1311731 1.0998818\n", + " 1.0790906 1.0683299 1.0646254 1.0625552 1.0565106 1.048554 1.0418081\n", + " 1.039057 1.0411178 1.0461738 1.0508958 1.0530621 1.0537702 1.0553737\n", + " 1.0592189]\n", + " [1.159481 1.1573032 1.1686122 1.1790339 1.1671484 1.1352797 1.1022515\n", + " 1.0805666 1.0694655 1.065994 1.0643015 1.0586398 1.0498701 1.042912\n", + " 1.0397131 1.0413718 1.0458667 1.0506955 1.0527521 1.0532345 1.0543547\n", + " 0. ]\n", + " [1.1657931 1.1636064 1.174513 1.1825796 1.169538 1.1361876 1.102102\n", + " 1.080889 1.0708961 1.0688684 1.0684087 1.0639296 1.0545105 1.0470316\n", + " 1.043425 1.0451498 1.0504773 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1571996 1.1538434 1.1629369 1.1697974 1.1585175 1.1279713 1.0963715\n", + " 1.0764524 1.0669901 1.0648905 1.0645794 1.0599532 1.0517013 1.044049\n", + " 1.0408157 1.0424707 1.0476807 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1703076 1.1684461 1.1789726 1.1878527 1.1753371 1.1404271 1.1060342\n", + " 1.083481 1.073284 1.0721033 1.0728772 1.0677634 1.0589772 1.0501889\n", + " 1.04646 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1959915 1.1931406 1.2047809 1.2155854 1.2020463 1.1642444 1.1255451\n", + " 1.0996426 1.0866609 1.0819963 1.0790737 1.0720133 1.0610565 1.0518128\n", + " 1.0483264 1.0506846 1.0569451 1.0619934 1.0645528 1.065157 1.066762\n", + " 1.0711724]\n", + " [1.1541667 1.1491703 1.1572056 1.1641351 1.1544523 1.125159 1.0944932\n", + " 1.0746897 1.0651977 1.0630475 1.0629556 1.0590433 1.051043 1.0438769\n", + " 1.0404664 1.042229 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1984297 1.1930257 1.2020342 1.2101655 1.1957543 1.1581717 1.1203005\n", + " 1.0964146 1.085364 1.0837116 1.0841879 1.0789201 1.0682521 1.0586461\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1921053 1.187493 1.1980224 1.2061148 1.1932538 1.157272 1.1188996\n", + " 1.093111 1.081643 1.0793136 1.0786328 1.0733279 1.0638684 1.0547497\n", + " 1.0505238 1.0524136 1.0583477 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1680113 1.167697 1.1793188 1.187915 1.1764892 1.1424723 1.1079556\n", + " 1.0844994 1.0729992 1.0695689 1.066848 1.0617964 1.052787 1.0451884\n", + " 1.0420626 1.0436997 1.0485861 1.0536699 1.0563583 1.0573386 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1616144 1.1579567 1.1667823 1.1746646 1.1626954 1.1309248 1.0990595\n", + " 1.0784215 1.0696652 1.0682266 1.0681767 1.0638409 1.0549251 1.0469753\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1797731 1.1747338 1.1829636 1.1926397 1.1810044 1.1464156 1.1120336\n", + " 1.0890347 1.0780103 1.0760405 1.0758077 1.0705588 1.06114 1.0527024\n", + " 1.048602 1.050963 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1499493 1.1481102 1.158786 1.1684994 1.1577961 1.1278502 1.0961471\n", + " 1.0751086 1.0654231 1.0618743 1.060473 1.0549889 1.0465335 1.0393754\n", + " 1.0366794 1.0387145 1.0435011 1.0481794 1.0501626 1.0508183 1.0516264\n", + " 1.0545394 1.0612049 1.0706067 1.0779412 1.0813518]]\n", + "[[1.1672139 1.1651375 1.1761354 1.1849103 1.1727872 1.1390846 1.1057959\n", + " 1.0837224 1.072486 1.068745 1.0664984 1.061382 1.0529287 1.0453459\n", + " 1.0415924 1.0432501 1.0484214 1.053105 1.0553215 1.0566161]\n", + " [1.17461 1.1697271 1.1792037 1.1878672 1.1740873 1.1391882 1.1045687\n", + " 1.082069 1.0726115 1.0713372 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1752571 1.1718401 1.181862 1.189752 1.1768336 1.1442454 1.1099128\n", + " 1.0863239 1.0748428 1.0716664 1.0704603 1.0652324 1.0566357 1.0485582\n", + " 1.0449986 1.046683 1.0509942 1.0558069 1.0583006 0. ]\n", + " [1.163654 1.1608036 1.172328 1.1820874 1.1694124 1.1365861 1.1022248\n", + " 1.0796481 1.069571 1.0674646 1.0667728 1.0621365 1.0531585 1.0451741\n", + " 1.0416825 1.0435479 1.0487688 1.0540336 0. 0. ]\n", + " [1.1945695 1.1902761 1.2000594 1.2070342 1.1947324 1.1594216 1.1216218\n", + " 1.0960412 1.0844538 1.0814646 1.0818353 1.0758259 1.0660192 1.0569888\n", + " 1.0532694 0. 0. 0. 0. 0. ]]\n", + "[[1.1558571 1.153763 1.1650828 1.1738591 1.163497 1.1324161 1.0999146\n", + " 1.0781744 1.0671 1.0632794 1.0614208 1.0561045 1.0485785 1.0417805\n", + " 1.0389733 1.0407082 1.0454184 1.049943 1.0523615 1.0533717 1.0549026\n", + " 1.0583601]\n", + " [1.1639446 1.1606395 1.1718103 1.1813905 1.1703503 1.1380188 1.1038313\n", + " 1.0806035 1.0703257 1.067699 1.0675735 1.06313 1.0546391 1.0465801\n", + " 1.0427856 1.0442989 1.0490661 1.0541251 0. 0. 0.\n", + " 0. ]\n", + " [1.1537931 1.1507502 1.1608617 1.169248 1.1576797 1.127113 1.0946542\n", + " 1.0741892 1.0640453 1.0609848 1.0606418 1.0558106 1.0481724 1.0407542\n", + " 1.0377113 1.0393466 1.0437155 1.0486331 1.0511076 0. 0.\n", + " 0. ]\n", + " [1.1870973 1.1838738 1.1939101 1.2028735 1.189737 1.1548336 1.1189065\n", + " 1.09374 1.0818526 1.0779169 1.0763171 1.0706232 1.0606307 1.0516295\n", + " 1.0478535 1.049997 1.0555923 1.0609299 1.0634217 0. 0.\n", + " 0. ]\n", + " [1.1700974 1.1678709 1.1788784 1.187516 1.1755604 1.1414099 1.1066551\n", + " 1.0838858 1.0730547 1.0699248 1.0678717 1.0627106 1.053774 1.0458332\n", + " 1.0425361 1.0444689 1.0495989 1.054607 1.05729 0. 0.\n", + " 0. ]]\n", + "[[1.1646245 1.1618378 1.1720183 1.1804559 1.16912 1.137477 1.1053979\n", + " 1.083139 1.0724583 1.0681885 1.0657458 1.0596987 1.0507237 1.0433846\n", + " 1.0403267 1.0420473 1.0467849 1.0512356 1.0538653 1.0545937 1.05608\n", + " 1.0595092]\n", + " [1.1512685 1.1472028 1.1556786 1.163687 1.1530752 1.1228217 1.0923905\n", + " 1.0721399 1.0630082 1.0605649 1.0605614 1.0564834 1.0488131 1.0417203\n", + " 1.0385038 1.040376 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1635065 1.1598232 1.1695871 1.1777623 1.1667049 1.1335559 1.1008049\n", + " 1.0797524 1.0699718 1.0675879 1.0676148 1.0625079 1.0533006 1.0457906\n", + " 1.042399 1.0440599 1.0491298 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1669928 1.1633604 1.1728078 1.1811488 1.1675392 1.1349144 1.1013967\n", + " 1.079711 1.0696454 1.0681051 1.0681202 1.0637536 1.0553198 1.0473778\n", + " 1.0439029 1.0459064 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2042191 1.2004004 1.211488 1.2213072 1.2067871 1.1684133 1.1282854\n", + " 1.1017882 1.0884532 1.0839604 1.0812598 1.0742779 1.0630726 1.0539056\n", + " 1.0497643 1.0523546 1.0581648 1.0639062 1.0668479 1.0672964 0.\n", + " 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1740271 1.1700263 1.1812878 1.1888155 1.1760937 1.1414903 1.1059526\n", + " 1.083135 1.0727693 1.0714005 1.071805 1.067357 1.0587777 1.0504344\n", + " 1.0466582 1.048876 0. 0. 0. ]\n", + " [1.1732669 1.1704277 1.1818578 1.1919707 1.1799109 1.1459509 1.1101068\n", + " 1.0873607 1.0765604 1.0745939 1.0745786 1.0701146 1.060563 1.051561\n", + " 1.0470902 1.048779 0. 0. 0. ]\n", + " [1.172414 1.1688747 1.1798339 1.1889793 1.1779828 1.1445544 1.1096073\n", + " 1.0874286 1.076687 1.0746775 1.074556 1.070048 1.0603539 1.0518574\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1694925 1.1655712 1.1746857 1.1816264 1.168829 1.1355453 1.1032205\n", + " 1.0815864 1.0713297 1.067906 1.0668432 1.0610427 1.0527498 1.0452604\n", + " 1.0423341 1.0444416 1.0493127 1.054285 1.0563598]\n", + " [1.1641829 1.1630293 1.1739959 1.1827911 1.1696742 1.1372947 1.1037829\n", + " 1.0812199 1.0701314 1.066872 1.0655872 1.0602497 1.0520864 1.0445781\n", + " 1.0410663 1.0428022 1.0471282 1.0518322 1.0540551]]\n", + "[[1.1734582 1.1715848 1.1824336 1.1919588 1.1794045 1.14395 1.108292\n", + " 1.0851147 1.074582 1.0713911 1.0710465 1.0655118 1.0565064 1.0483065\n", + " 1.0447358 1.0462906 1.0512662 1.0563868 0. 0. 0.\n", + " 0. ]\n", + " [1.1979523 1.1931454 1.2046648 1.2140509 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1675006 1.1651313 1.175604 1.1833649 1.1705155 1.1365896 1.102503\n", + " 1.0801566 1.0706179 1.0686071 1.0691981 1.0640146 1.0554056 1.0470089\n", + " 1.043401 1.0450178 1.05013 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1728735 1.16895 1.1789544 1.1882372 1.1751745 1.1433315 1.1100985\n", + " 1.0870116 1.0750678 1.0706875 1.0686668 1.0624574 1.0535308 1.0461438\n", + " 1.0428096 1.0448438 1.0498011 1.0545163 1.0567296 1.0573514 1.0585067\n", + " 0. ]\n", + " [1.168174 1.1648593 1.1755673 1.1842486 1.1730545 1.1401858 1.1058544\n", + " 1.0830253 1.0713384 1.0672501 1.0650909 1.059317 1.0509315 1.0439024\n", + " 1.041121 1.0431968 1.0482404 1.0528686 1.0553284 1.0562068 1.0578712\n", + " 1.0614029]]\n", + "[[1.1659187 1.1619952 1.1719184 1.180179 1.1690907 1.1354393 1.1026644\n", + " 1.0805906 1.0705171 1.0689214 1.0688103 1.0648063 1.056078 1.047823\n", + " 1.044224 1.0463951 0. 0. 0. 0. ]\n", + " [1.1684986 1.1655725 1.1768037 1.1865004 1.1748241 1.1402469 1.1054741\n", + " 1.081786 1.0713128 1.0690026 1.0688562 1.0628375 1.0538415 1.045643\n", + " 1.0419494 1.0434442 1.048613 1.0536253 0. 0. ]\n", + " [1.175895 1.1691055 1.1786146 1.1883957 1.177102 1.1444546 1.1096822\n", + " 1.0872355 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1640735 1.1623418 1.1732413 1.1805115 1.1688757 1.1357464 1.1019459\n", + " 1.0805522 1.0703335 1.0690856 1.0689687 1.0643756 1.0554252 1.0473552\n", + " 1.0436027 1.0456387 0. 0. 0. 0. ]\n", + " [1.1773883 1.1765372 1.1879859 1.196527 1.1816722 1.1459289 1.110842\n", + " 1.0877703 1.0764164 1.0736126 1.0718927 1.0660055 1.0564276 1.048647\n", + " 1.0452378 1.0470363 1.0523391 1.0574164 1.0598674 1.0607008]]\n", + "[[1.1535676 1.1497886 1.1578943 1.1642325 1.1528823 1.1233197 1.0928663\n", + " 1.0733876 1.0636518 1.0618323 1.0605867 1.0567056 1.0490221 1.0420501\n", + " 1.0384823 1.0400261 1.0445777 0. ]\n", + " [1.1846879 1.1794817 1.1893141 1.197987 1.1845257 1.1486802 1.1122322\n", + " 1.0894755 1.0782961 1.0771868 1.0774355 1.0729632 1.0634478 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1796763 1.1742604 1.1827618 1.1904888 1.1800877 1.1471853 1.1132652\n", + " 1.0896695 1.0781024 1.0764688 1.0770464 1.0722113 1.0623324 1.0533841\n", + " 0. 0. 0. 0. ]\n", + " [1.1620407 1.1571997 1.1665471 1.1746247 1.1640844 1.1331176 1.1002624\n", + " 1.0793023 1.0686214 1.0663896 1.0663582 1.0615771 1.0537943 1.0463185\n", + " 1.0426948 1.0443461 1.0496739 0. ]\n", + " [1.173341 1.1688423 1.1787097 1.1877936 1.1768067 1.1439524 1.1088727\n", + " 1.085162 1.073985 1.0710183 1.0700645 1.0654883 1.0566186 1.0479461\n", + " 1.0445533 1.0461553 1.0511243 1.0563496]]\n", + "[[1.1733893 1.1702114 1.1811364 1.1907585 1.1794457 1.1459901 1.1108735\n", + " 1.0870322 1.075441 1.0718086 1.0701853 1.0650879 1.0563784 1.0481194\n", + " 1.044528 1.0460043 1.0510235 1.0563724 1.0593163 0. 0.\n", + " 0. ]\n", + " [1.1513221 1.1478143 1.1569585 1.1650074 1.1548432 1.1252952 1.0940461\n", + " 1.0730566 1.0640734 1.0622503 1.0625829 1.057977 1.0507598 1.043324\n", + " 1.0397015 1.0415289 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1532037 1.1507144 1.1610813 1.1700424 1.1583985 1.1283171 1.0973738\n", + " 1.0768414 1.0666957 1.0627164 1.0610342 1.0552188 1.0470396 1.0401957\n", + " 1.037095 1.0390329 1.0431957 1.0475451 1.049914 1.0504023 1.051644\n", + " 1.0551132]\n", + " [1.1717224 1.1673332 1.1778611 1.1863936 1.1755793 1.142621 1.1079308\n", + " 1.0851483 1.0749578 1.0729148 1.0737896 1.0693189 1.0603272 1.0514077\n", + " 1.0473814 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1661875 1.1648233 1.176782 1.1849258 1.1731662 1.139348 1.1048025\n", + " 1.0824344 1.0715686 1.0685174 1.0662715 1.0609372 1.052158 1.0443896\n", + " 1.041138 1.0432563 1.0475671 1.0526747 1.0549647 1.0556114 1.0573379\n", + " 0. ]]\n", + "[[1.1650913 1.1621355 1.1720312 1.1798302 1.1677666 1.1353945 1.1030664\n", + " 1.0807886 1.0696182 1.0660083 1.0638597 1.0584313 1.050133 1.0435643\n", + " 1.040436 1.0421742 1.0466695 1.0512279 1.0536151 1.0548878]\n", + " [1.1656922 1.1615578 1.1705264 1.1775758 1.1651272 1.1334205 1.1011646\n", + " 1.0803332 1.0701437 1.0675282 1.0664526 1.061316 1.0526605 1.0452988\n", + " 1.0420829 1.044406 1.0494767 1.0545124 0. 0. ]\n", + " [1.173362 1.1687462 1.1786346 1.1871315 1.1766047 1.1426191 1.1070805\n", + " 1.083911 1.0725542 1.0698547 1.0694152 1.0649813 1.0558853 1.0482855\n", + " 1.0442854 1.0459315 1.0512271 1.056707 0. 0. ]\n", + " [1.1855209 1.1827922 1.1929746 1.2013116 1.1883808 1.1533841 1.1174501\n", + " 1.093212 1.0810363 1.0780497 1.0768121 1.0705106 1.0613683 1.0525029\n", + " 1.0486828 1.0506516 1.0563442 1.0619446 0. 0. ]\n", + " [1.171996 1.1679823 1.1780356 1.1875942 1.1738393 1.1393613 1.104194\n", + " 1.0826005 1.0732294 1.0722239 1.073193 1.0682926 1.0587314 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1558081 1.1534476 1.1635606 1.1720806 1.1611923 1.1295408 1.0973494\n", + " 1.0762732 1.0665392 1.0641736 1.0640761 1.0597564 1.0517954 1.0441204\n", + " 1.0404804 1.0420406 1.0467682 0. 0. 0. 0. ]\n", + " [1.1886975 1.1828643 1.1942604 1.2040297 1.1912299 1.1547352 1.1161189\n", + " 1.0915802 1.08044 1.0793226 1.0801305 1.0749098 1.0651567 1.0557017\n", + " 1.0514785 0. 0. 0. 0. 0. 0. ]\n", + " [1.1711481 1.1659175 1.1743697 1.1817986 1.1699214 1.1375651 1.1042907\n", + " 1.0821357 1.0711753 1.0685887 1.067286 1.0629067 1.0545049 1.046872\n", + " 1.0432403 1.0449665 1.0498974 1.0555261 0. 0. 0. ]\n", + " [1.1602514 1.156518 1.167539 1.1777831 1.1670301 1.1349125 1.1019759\n", + " 1.0798441 1.0686201 1.0655288 1.0639681 1.0582293 1.0498363 1.0421867\n", + " 1.0390933 1.0408053 1.0453418 1.0500405 1.0520462 1.0526947 1.0538815]\n", + " [1.1581258 1.1535375 1.162161 1.1704215 1.1595953 1.1294119 1.0980077\n", + " 1.077154 1.0674369 1.0657231 1.0658333 1.0618255 1.0536261 1.0457864\n", + " 1.0423194 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1560017 1.1540002 1.1649811 1.1742698 1.1630621 1.1315342 1.0996685\n", + " 1.0782566 1.0673721 1.064236 1.0621716 1.0564283 1.0480585 1.0408252\n", + " 1.0381999 1.0394872 1.0442482 1.0488884 1.0511736 1.0523573 1.0537814\n", + " 0. 0. ]\n", + " [1.1369534 1.1337525 1.1428306 1.1520972 1.1428121 1.1142347 1.0856118\n", + " 1.0665958 1.0573134 1.0538447 1.0528903 1.0484273 1.0418279 1.0359203\n", + " 1.0333844 1.0351055 1.0386842 1.0421648 1.0444605 1.0452199 1.0461022\n", + " 1.0490793 1.0547944]\n", + " [1.2110618 1.2055014 1.2159605 1.2250493 1.2097533 1.1707572 1.1316946\n", + " 1.1056949 1.0937513 1.0926301 1.0925244 1.0864193 1.0740763 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1782223 1.1720617 1.1813259 1.1897585 1.1795208 1.1479795 1.1147312\n", + " 1.0919868 1.0809655 1.0779635 1.0767497 1.0714614 1.0616014 1.0527374\n", + " 1.0485476 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1733383 1.1711054 1.1824341 1.1904715 1.1764206 1.1417363 1.1071777\n", + " 1.0857874 1.0763142 1.0760369 1.0760252 1.070842 1.0606005 1.0513905\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.193133 1.1872537 1.1981444 1.2066191 1.1931603 1.1570418 1.1189098\n", + " 1.0942502 1.0836974 1.0825101 1.0836132 1.0782366 1.0676548 1.057686\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1690835 1.1680207 1.1793503 1.1888397 1.1781788 1.1448056 1.1097671\n", + " 1.0858896 1.0741092 1.0700774 1.0680274 1.0629272 1.0538383 1.0459642\n", + " 1.0424464 1.0438468 1.0489308 1.0538294 1.0566075 1.0575138 1.0592688]\n", + " [1.186828 1.1841125 1.1948035 1.2034456 1.1908939 1.1553826 1.1183581\n", + " 1.0931989 1.080536 1.0768877 1.074525 1.0681148 1.0590384 1.0505189\n", + " 1.0470294 1.0489615 1.0543412 1.0595659 1.0620958 1.0630784 0. ]\n", + " [1.1749542 1.1686435 1.1770406 1.1848257 1.1730287 1.1410258 1.107406\n", + " 1.0845927 1.0734248 1.0705154 1.0691761 1.0640774 1.0555447 1.0474998\n", + " 1.0438391 1.0458567 1.0509703 1.056023 0. 0. 0. ]\n", + " [1.1628428 1.1614796 1.1723797 1.1810691 1.1675621 1.1349955 1.1021667\n", + " 1.0803244 1.0701786 1.0682142 1.0680401 1.0626987 1.0539662 1.0456111\n", + " 1.0421759 1.0439775 1.049093 0. 0. 0. 0. ]]\n", + "[[1.166399 1.1622418 1.1731511 1.182496 1.1698081 1.1370975 1.1036935\n", + " 1.0817153 1.0723336 1.0715909 1.0719955 1.0674375 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1589425 1.1542938 1.1633023 1.1716905 1.1617568 1.1312325 1.0992041\n", + " 1.077841 1.0674187 1.065443 1.0652404 1.0609109 1.0523763 1.0451064\n", + " 1.0412592 1.0425907 0. ]\n", + " [1.1667831 1.1631343 1.1729121 1.1821039 1.1705605 1.1379006 1.1041389\n", + " 1.0821745 1.0720606 1.0705369 1.070778 1.0662324 1.0574644 1.0488663\n", + " 1.044739 1.046192 0. ]\n", + " [1.1605847 1.1564207 1.1661962 1.175064 1.163487 1.1317813 1.0999513\n", + " 1.0784625 1.0692122 1.0674006 1.0679034 1.063597 1.0542531 1.0460564\n", + " 1.0422066 1.0441562 0. ]\n", + " [1.1612818 1.1580524 1.1679637 1.1761789 1.1633286 1.1316016 1.0996908\n", + " 1.0792361 1.0694666 1.0674129 1.0668532 1.0617485 1.0531952 1.0451819\n", + " 1.0420531 1.0438231 1.0490093]]\n", + "[[1.1908916 1.1880047 1.1991802 1.2081813 1.1959547 1.159673 1.1212453\n", + " 1.0954508 1.0825429 1.0789661 1.0781265 1.0724671 1.06305 1.053686\n", + " 1.0498903 1.0518675 1.057221 1.0627172 1.0655471 0. 0. ]\n", + " [1.1640041 1.1606729 1.1708738 1.1804411 1.1692414 1.1374975 1.1040192\n", + " 1.0814143 1.0697501 1.0668159 1.0652156 1.0598253 1.0517087 1.0442358\n", + " 1.0407478 1.0424532 1.0471499 1.05185 1.0539386 1.0548766 1.0559363]\n", + " [1.161732 1.1583115 1.167659 1.1757494 1.1641445 1.1318667 1.0991037\n", + " 1.0787259 1.069114 1.0676023 1.0681587 1.0639484 1.0559068 1.0479628\n", + " 1.0443935 0. 0. 0. 0. 0. 0. ]\n", + " [1.1916324 1.1872718 1.19873 1.2073864 1.1923951 1.1562601 1.1186893\n", + " 1.0947734 1.0842533 1.0831476 1.0837653 1.0782088 1.0678521 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1669723 1.1635646 1.1740289 1.1836616 1.1715332 1.1386929 1.1043918\n", + " 1.0813918 1.0707608 1.0680867 1.0668814 1.06253 1.0540581 1.046639\n", + " 1.0428884 1.0446676 1.0498527 1.0548954 0. 0. 0. ]]\n", + "[[1.1607194 1.1568469 1.1657721 1.1741065 1.1628461 1.1316986 1.1002185\n", + " 1.0787251 1.0679678 1.0649146 1.0639918 1.0586056 1.0500727 1.0433977\n", + " 1.0404607 1.0425342 1.0478088 1.0526235 0. ]\n", + " [1.1641811 1.1601801 1.1703199 1.1787437 1.168312 1.1357471 1.1020274\n", + " 1.0803126 1.0705625 1.069132 1.0694557 1.0649438 1.0557237 1.0473917\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1595547 1.1559362 1.1660508 1.1740631 1.1632208 1.1317846 1.0993942\n", + " 1.0780666 1.0676906 1.0650984 1.064665 1.0598451 1.051209 1.0434331\n", + " 1.0402322 1.0418694 1.0468754 1.0519432 0. ]\n", + " [1.1765513 1.1739974 1.1851468 1.193514 1.1814516 1.1468201 1.1106235\n", + " 1.0860261 1.0744389 1.0718102 1.0710046 1.0656534 1.0568001 1.0488526\n", + " 1.0453398 1.0468663 1.0519046 1.0570308 1.0591962]\n", + " [1.1574495 1.1538668 1.1646861 1.1728349 1.1618133 1.1299129 1.0980132\n", + " 1.0769254 1.0669204 1.0640963 1.0627924 1.0577555 1.0496634 1.0419766\n", + " 1.0386775 1.0403597 1.0450255 1.0496435 1.0522798]]\n", + "[[1.1728402 1.167605 1.1760675 1.1854969 1.1739004 1.1403615 1.1065245\n", + " 1.0845343 1.0747468 1.0729749 1.0734183 1.0683992 1.0590563 1.0502057\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1551213 1.152249 1.1631793 1.1730484 1.1623018 1.1310935 1.0991132\n", + " 1.0773412 1.0667382 1.0629271 1.0614879 1.0559634 1.0474472 1.0406207\n", + " 1.0374694 1.0389572 1.0434892 1.0479134 1.0501963 1.0515206 1.0526725\n", + " 1.0557998 0. 0. ]\n", + " [1.1613995 1.1581601 1.1685983 1.1784027 1.1673374 1.1348873 1.1017685\n", + " 1.0800093 1.069369 1.0657449 1.0634855 1.0580549 1.0491263 1.0414821\n", + " 1.0386279 1.0406903 1.0459273 1.0511743 1.0538646 1.0552579 1.0562027\n", + " 1.0593435 1.0664356 1.0753335]\n", + " [1.1875192 1.1846533 1.1957213 1.2049912 1.1909688 1.154242 1.1175027\n", + " 1.0931878 1.0808153 1.0774893 1.0755885 1.069091 1.0593911 1.0516193\n", + " 1.0480515 1.0498266 1.0555521 1.0605439 1.0634693 1.0643358 0.\n", + " 0. 0. 0. ]\n", + " [1.1781244 1.1723554 1.1812844 1.190311 1.1775744 1.1443844 1.1089525\n", + " 1.0858194 1.0751812 1.0736792 1.0734947 1.0685909 1.0598383 1.0512265\n", + " 1.0473328 1.0494235 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.166842 1.1622055 1.1713983 1.1783814 1.1660657 1.1344227 1.1017808\n", + " 1.0802857 1.0701065 1.0672747 1.0653036 1.0599141 1.0515913 1.0444415\n", + " 1.0413156 1.0432193 1.0480853 1.0528358 1.0549494]\n", + " [1.1857138 1.1805022 1.1898888 1.199551 1.1870596 1.1532047 1.1174321\n", + " 1.0933489 1.0821502 1.0792527 1.079555 1.0741973 1.0636292 1.0542324\n", + " 1.0496095 1.0518614 0. 0. 0. ]\n", + " [1.1710975 1.1685579 1.1800921 1.1899594 1.1790073 1.1444019 1.1096672\n", + " 1.0863639 1.0755488 1.0737251 1.0736384 1.0687562 1.0594213 1.0503778\n", + " 1.0463833 1.0483396 0. 0. 0. ]\n", + " [1.1900918 1.1843407 1.19468 1.2037729 1.1895007 1.1523986 1.1145302\n", + " 1.0896981 1.0795646 1.0784208 1.0796806 1.0756332 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1597542 1.1553124 1.1631584 1.1715162 1.1604445 1.1302602 1.0990458\n", + " 1.0773963 1.0664521 1.0638756 1.0627663 1.0586594 1.0507199 1.0436666\n", + " 1.0402875 1.0417936 1.0461898 1.0508953 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.180212 1.1746645 1.1840163 1.1928996 1.1806957 1.1466479 1.112363\n", + " 1.0885547 1.0782402 1.076305 1.076437 1.0724009 1.0625635 1.0536569\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1797365 1.1759392 1.1853118 1.194637 1.181298 1.1470963 1.1120685\n", + " 1.0886916 1.0772858 1.0754771 1.0754132 1.0705947 1.0612797 1.0518956\n", + " 1.0478883 1.0493613 1.0549488 0. 0. 0. ]\n", + " [1.1712309 1.1690876 1.1807708 1.1905897 1.1783128 1.1445954 1.1100177\n", + " 1.0859635 1.0747297 1.0710548 1.069366 1.0637589 1.0550194 1.0473452\n", + " 1.043305 1.0448917 1.0496976 1.0545585 1.0573982 1.0586749]\n", + " [1.1640214 1.1600161 1.1712682 1.1810371 1.1703777 1.137286 1.103075\n", + " 1.0810089 1.0713311 1.0700647 1.0705199 1.0660746 1.0565275 1.0476698\n", + " 1.0435702 0. 0. 0. 0. 0. ]\n", + " [1.17658 1.1738558 1.1843507 1.1930712 1.1793673 1.1451219 1.1100348\n", + " 1.0861723 1.0749079 1.0722768 1.0717123 1.066808 1.0581256 1.0500338\n", + " 1.0461859 1.0481559 1.0535448 1.0587597 0. 0. ]]\n", + "[[1.1765026 1.172801 1.1834689 1.193488 1.1806386 1.1475898 1.1122708\n", + " 1.088841 1.0779731 1.0759273 1.0763237 1.0715135 1.0621245 1.0529519\n", + " 1.0489304 0. 0. 0. 0. 0. ]\n", + " [1.1628486 1.1597198 1.1701738 1.1784853 1.167104 1.1338617 1.1006911\n", + " 1.079005 1.0690298 1.0671628 1.0676241 1.0627712 1.0544373 1.0465851\n", + " 1.0429178 1.0449544 0. 0. 0. 0. ]\n", + " [1.1788402 1.1726631 1.1815243 1.1897157 1.1768084 1.144511 1.1094412\n", + " 1.0860875 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1663204 1.1632563 1.1732904 1.1819401 1.1690055 1.136271 1.1020315\n", + " 1.0805435 1.0705994 1.069378 1.069912 1.0652561 1.0567425 1.0485071\n", + " 1.0449744 1.0468682 0. 0. 0. 0. ]\n", + " [1.1648848 1.1612301 1.1711218 1.1791085 1.1669062 1.1348972 1.1025759\n", + " 1.0809541 1.0704795 1.0671061 1.0652919 1.0596263 1.0508972 1.0433348\n", + " 1.0401404 1.0416386 1.0461446 1.0509979 1.0534067 1.0546004]]\n", + "[[1.1682485 1.1647018 1.1744874 1.183384 1.1725547 1.1399325 1.1060247\n", + " 1.0830935 1.0723377 1.0706632 1.0709112 1.0662471 1.0576787 1.0492451\n", + " 1.0452 1.0467587 0. 0. 0. 0. ]\n", + " [1.1742198 1.171067 1.1812695 1.1889414 1.1752625 1.1407441 1.1065289\n", + " 1.084778 1.0741454 1.071609 1.0711304 1.0657575 1.0560329 1.0480255\n", + " 1.0442171 1.0460315 1.0515109 1.0569028 0. 0. ]\n", + " [1.1725693 1.1685976 1.1778886 1.1856899 1.1726412 1.138512 1.1039789\n", + " 1.0816281 1.0714743 1.0690148 1.0696077 1.0651141 1.0567939 1.0490161\n", + " 1.0454779 1.0474248 0. 0. 0. 0. ]\n", + " [1.1781762 1.1740754 1.1836325 1.1912007 1.1783608 1.1455495 1.1106019\n", + " 1.087128 1.075606 1.0725044 1.071149 1.0661445 1.0571504 1.0487778\n", + " 1.0455747 1.0474926 1.0532633 1.0583708 0. 0. ]\n", + " [1.16555 1.1624805 1.1722974 1.1797051 1.1692821 1.1381857 1.1059432\n", + " 1.0841913 1.07227 1.0684832 1.0658692 1.0591371 1.0503018 1.0426058\n", + " 1.0391413 1.0408936 1.0455115 1.0500119 1.0534208 1.0551511]]\n", + "[[1.2095686 1.2037694 1.214341 1.2227619 1.2087892 1.170548 1.1306039\n", + " 1.1040624 1.0914991 1.09065 1.091527 1.0856279 1.0743884 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2026585 1.1973113 1.2073518 1.2164203 1.2024318 1.1641259 1.1250132\n", + " 1.1000197 1.0891515 1.0877568 1.0889657 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1632464 1.1605986 1.1717687 1.1814363 1.1709132 1.1387885 1.1049275\n", + " 1.0818965 1.0706489 1.0668207 1.065014 1.0592998 1.0507743 1.0431105\n", + " 1.0399593 1.0415541 1.0462373 1.0512279 1.0535899 1.0545527 1.0561843\n", + " 1.0596629]\n", + " [1.1724658 1.166469 1.175685 1.1833689 1.1723492 1.1399055 1.1064432\n", + " 1.0848409 1.0750798 1.0735369 1.0736332 1.0694184 1.0600867 1.051309\n", + " 1.0475339 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1758839 1.1711036 1.181294 1.1903836 1.1799116 1.1453375 1.1090909\n", + " 1.0859253 1.0746974 1.0718427 1.0720383 1.0678126 1.0586544 1.0505104\n", + " 1.0468018 1.049081 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1603229 1.1581488 1.1692195 1.1782212 1.1660497 1.1343334 1.1018131\n", + " 1.0802736 1.0694088 1.0651945 1.0635418 1.0575647 1.0489011 1.0421909\n", + " 1.0393183 1.0409349 1.0460337 1.0507535 1.0525821 1.0534592 1.0546857\n", + " 1.0583618 0. 0. 0. ]\n", + " [1.1810919 1.1758505 1.1844234 1.1927449 1.1811377 1.1480087 1.1134036\n", + " 1.0902272 1.0790178 1.075624 1.0759348 1.0712565 1.0618249 1.0537413\n", + " 1.0498403 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1706445 1.1686072 1.1792004 1.1886183 1.1755109 1.1415454 1.1069107\n", + " 1.0840261 1.0729907 1.0715536 1.0712245 1.0660428 1.0566434 1.0482354\n", + " 1.0445614 1.046432 1.051824 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1863999 1.1813526 1.1906579 1.198724 1.184451 1.1486882 1.1126617\n", + " 1.088948 1.0790877 1.0777364 1.0790184 1.074138 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1483665 1.145766 1.1567559 1.1669017 1.1573117 1.1264608 1.0949914\n", + " 1.0743171 1.0646398 1.0611124 1.0595489 1.0539448 1.0454711 1.0381025\n", + " 1.03526 1.0369763 1.0416769 1.0459841 1.04855 1.0495563 1.050644\n", + " 1.0535765 1.0598872 1.0683506 1.0754693]]\n", + "[[1.1584457 1.1560988 1.1665711 1.1752814 1.1627039 1.1313063 1.0994143\n", + " 1.0778282 1.067349 1.0637382 1.0623156 1.0571175 1.0484872 1.041696\n", + " 1.0387957 1.0403022 1.0450337 1.0497417 1.0519207 1.0525634 1.0537682\n", + " 0. 0. ]\n", + " [1.1438432 1.1416864 1.1523244 1.1610801 1.15054 1.12158 1.091844\n", + " 1.0716631 1.0616804 1.0585532 1.0566571 1.0515641 1.0434008 1.0369668\n", + " 1.0343541 1.0358462 1.0399449 1.0445961 1.0468565 1.0481699 1.0492477\n", + " 1.0522027 1.0581515]\n", + " [1.163675 1.160948 1.1709722 1.178844 1.1677071 1.1363195 1.1043699\n", + " 1.0827825 1.0713085 1.0675789 1.0652778 1.0592304 1.0502357 1.0427452\n", + " 1.039891 1.041266 1.0462325 1.0507004 1.0529282 1.0535254 1.0549889\n", + " 0. 0. ]\n", + " [1.1791177 1.1746793 1.1840104 1.1930829 1.1796882 1.1448227 1.1104054\n", + " 1.0880489 1.0781375 1.0766064 1.0765224 1.0713948 1.0615584 1.0527937\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1623846 1.157872 1.1668499 1.1748991 1.1635587 1.1324385 1.1002682\n", + " 1.0789676 1.0690438 1.0672368 1.0673432 1.0629497 1.0542718 1.0461459\n", + " 1.0426338 1.0444542 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1557109 1.1516447 1.1609566 1.1688632 1.1571269 1.1273052 1.0966947\n", + " 1.0763259 1.0663153 1.063551 1.0630382 1.0591793 1.0514956 1.0442667\n", + " 1.0410718 1.0426867 1.0475458 0. 0. 0. 0. ]\n", + " [1.166527 1.1650987 1.1768255 1.1873381 1.1760459 1.1429758 1.1083157\n", + " 1.0848827 1.0733566 1.0697191 1.0673385 1.0616703 1.0524929 1.0445759\n", + " 1.0411962 1.042918 1.0480379 1.0528744 1.055233 1.0561954 1.0575212]\n", + " [1.1830765 1.178533 1.1894464 1.1992499 1.1877782 1.1534103 1.1174634\n", + " 1.0935084 1.0824387 1.0806895 1.0803267 1.0741135 1.0640403 1.0543226\n", + " 1.0498534 1.0520071 0. 0. 0. 0. 0. ]\n", + " [1.1581258 1.1550074 1.1645151 1.1725528 1.1611379 1.1297233 1.097891\n", + " 1.0776818 1.0677422 1.0651761 1.063762 1.0590469 1.0504774 1.0428433\n", + " 1.0397736 1.0413475 1.0462468 1.0506926 0. 0. 0. ]\n", + " [1.1726241 1.1701964 1.1816485 1.1898973 1.1785909 1.1444719 1.1086001\n", + " 1.0852473 1.0737139 1.070474 1.0697027 1.0640281 1.0549649 1.0466241\n", + " 1.0432988 1.0449554 1.04999 1.0552084 1.0578921 0. 0. ]]\n", + "[[1.1701299 1.1686889 1.1804317 1.1891904 1.1776402 1.1442031 1.1093625\n", + " 1.0851462 1.074066 1.0707026 1.0686753 1.0623617 1.0539911 1.0463066\n", + " 1.0431987 1.0444034 1.0493749 1.0542493 1.0568935 1.0575266 1.0594155\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1829666 1.1772957 1.186365 1.1945009 1.181019 1.1474291 1.1130397\n", + " 1.0908517 1.0798379 1.0783383 1.0776174 1.0716892 1.0615462 1.0526149\n", + " 1.0483392 1.0511447 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1563747 1.1534582 1.1645998 1.1754472 1.1668397 1.1357986 1.1029816\n", + " 1.0812094 1.0705518 1.0668613 1.0643375 1.0579203 1.0479509 1.0405777\n", + " 1.0376447 1.039685 1.0448042 1.0502334 1.052213 1.0531617 1.0546197\n", + " 1.0573927 1.0643615 1.0735407 1.080595 1.0846581 1.0856234]\n", + " [1.1797416 1.1742289 1.1837428 1.191591 1.179087 1.1444771 1.1093245\n", + " 1.0859312 1.0753316 1.0729436 1.0722893 1.067303 1.057627 1.0496005\n", + " 1.045945 1.0480705 1.0537271 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.180662 1.177761 1.1881579 1.197043 1.1836923 1.1490514 1.1127754\n", + " 1.0883662 1.0767409 1.0733219 1.0723199 1.0676205 1.0583401 1.0499395\n", + " 1.0463288 1.0482464 1.0536776 1.0585897 1.0612973 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1706495 1.1668732 1.1765397 1.1838894 1.1695682 1.136815 1.1029587\n", + " 1.081083 1.0715544 1.0690101 1.0680554 1.0626605 1.0542928 1.0460917\n", + " 1.0429941 1.0451218 1.050222 1.0552992 0. 0. 0. ]\n", + " [1.1712544 1.1678364 1.1785595 1.1875659 1.1744028 1.1393915 1.1048386\n", + " 1.0826316 1.073567 1.0735807 1.0750322 1.0699781 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1681285 1.1641513 1.1738759 1.1825665 1.1700282 1.137416 1.1038476\n", + " 1.081093 1.0703347 1.0676315 1.0671904 1.0630363 1.0545855 1.0472137\n", + " 1.0439202 1.0454111 1.0502102 1.0551554 0. 0. 0. ]\n", + " [1.1679823 1.1634722 1.1723742 1.1802694 1.1682476 1.1349468 1.1023005\n", + " 1.0802418 1.0712086 1.0698668 1.0700188 1.0658599 1.0572803 1.0488613\n", + " 1.0450369 0. 0. 0. 0. 0. 0. ]\n", + " [1.1618768 1.1590333 1.1703707 1.1800107 1.1689134 1.1364988 1.10322\n", + " 1.0808388 1.0696404 1.0658522 1.0641831 1.059175 1.0510669 1.0435672\n", + " 1.0404202 1.0421517 1.0466055 1.0511644 1.0538574 1.0549659 1.0564455]]\n", + "[[1.1737697 1.1702113 1.1804627 1.1903989 1.1778467 1.1454446 1.1114333\n", + " 1.0881711 1.0757414 1.0720917 1.0698448 1.0641121 1.054696 1.0469737\n", + " 1.0436321 1.045646 1.0501496 1.0551482 1.0575482 1.057916 1.0591449]\n", + " [1.1632481 1.1599901 1.1698768 1.1767293 1.1640558 1.1320981 1.1000824\n", + " 1.0790232 1.0691034 1.067721 1.0678309 1.0633858 1.054683 1.0469338\n", + " 1.0436006 1.0455784 0. 0. 0. 0. 0. ]\n", + " [1.186476 1.1826664 1.191933 1.2007117 1.1868453 1.1524801 1.1164315\n", + " 1.092308 1.0805265 1.0772653 1.0756167 1.0706964 1.060996 1.0525315\n", + " 1.0489448 1.0509264 1.0566499 1.0621245 0. 0. 0. ]\n", + " [1.1812766 1.17563 1.1844276 1.1920631 1.1806211 1.1465366 1.1117612\n", + " 1.0883579 1.0777828 1.0754373 1.0755864 1.0709486 1.0613976 1.0527284\n", + " 1.0488919 1.0510691 0. 0. 0. 0. 0. ]\n", + " [1.1777896 1.1758606 1.1871316 1.1958828 1.1818533 1.145881 1.1090715\n", + " 1.0846622 1.0733997 1.0707113 1.0698297 1.0646527 1.055942 1.0483346\n", + " 1.0448862 1.0468936 1.0522984 1.0576894 1.0599188 0. 0. ]]\n", + "[[1.1736503 1.1715095 1.1827816 1.192159 1.1788868 1.1450211 1.1104872\n", + " 1.0871463 1.0750451 1.071056 1.0693464 1.0630031 1.0542225 1.0464453\n", + " 1.042856 1.0447096 1.0499196 1.0551543 1.0580581 1.0595621 0.\n", + " 0. ]\n", + " [1.1750722 1.1707786 1.1829535 1.1934046 1.1809951 1.1455259 1.1086423\n", + " 1.0852947 1.0752776 1.0746443 1.0754502 1.0706109 1.0608518 1.0515537\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1667264 1.1645734 1.1765343 1.1877325 1.1770043 1.1436107 1.1083716\n", + " 1.0841545 1.0722133 1.0681152 1.0666822 1.0611844 1.0519423 1.0448219\n", + " 1.0413876 1.0429422 1.0475026 1.0526356 1.0552319 1.0556155 1.0566001\n", + " 1.0601082]\n", + " [1.1618721 1.1575725 1.1671243 1.1756182 1.1652336 1.1334566 1.1001002\n", + " 1.0787339 1.0688547 1.0671921 1.0676322 1.0636511 1.0560387 1.0477909\n", + " 1.0440162 1.0456363 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1630675 1.1591809 1.1693938 1.1787083 1.1667253 1.1344382 1.1013817\n", + " 1.0790243 1.0690824 1.0673198 1.0672178 1.063401 1.0551333 1.0469512\n", + " 1.0435627 1.0450381 1.0501902 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1695684 1.1674465 1.1790357 1.1879486 1.1758796 1.1419153 1.1066393\n", + " 1.0837715 1.072876 1.0700018 1.0693026 1.0645466 1.0553288 1.0475229\n", + " 1.0437394 1.0451648 1.0501176 1.0553075 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1691891 1.1666571 1.1778978 1.1871951 1.1752454 1.1418549 1.1072531\n", + " 1.0843229 1.0736126 1.0708663 1.0707737 1.0658584 1.0562116 1.0483036\n", + " 1.0443581 1.0459003 1.051082 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1850371 1.1812286 1.1919589 1.200612 1.1872289 1.1520948 1.115707\n", + " 1.0916237 1.0805395 1.0781574 1.0782388 1.0733008 1.0632122 1.0543877\n", + " 1.049962 1.0520597 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1613818 1.1584566 1.1685901 1.1755536 1.1641124 1.1316162 1.0996344\n", + " 1.0780383 1.0691653 1.067909 1.0678793 1.063231 1.0545125 1.0459373\n", + " 1.0421296 1.0437762 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1693465 1.1667156 1.1779381 1.1882336 1.1766845 1.1445894 1.110335\n", + " 1.0867431 1.0751672 1.0706177 1.068758 1.0629168 1.0537934 1.0457499\n", + " 1.0427922 1.0447681 1.0496751 1.054986 1.0563294 1.0572915 1.0583705\n", + " 1.0616579 1.0689918 1.0793152]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.199317 1.1937903 1.2041599 1.2118472 1.1979064 1.1609015 1.1234426\n", + " 1.0986738 1.0883147 1.0869589 1.086656 1.0816487 1.0704552 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1668346 1.1599257 1.1688322 1.1762435 1.1649787 1.1332302 1.100456\n", + " 1.0792364 1.0691268 1.067404 1.0673436 1.0631883 1.0544859 1.0468606\n", + " 1.0435604 0. 0. 0. 0. ]\n", + " [1.1855109 1.1777792 1.1860111 1.1937023 1.1829519 1.1491537 1.1143451\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1793418 1.1756117 1.1865757 1.196226 1.1826158 1.1481029 1.1125218\n", + " 1.0885139 1.0770447 1.0739901 1.073107 1.0677985 1.0584857 1.0499533\n", + " 1.0461406 1.0478418 1.0528888 1.0581809 1.0606302]\n", + " [1.1631463 1.1584961 1.1680075 1.177561 1.1674273 1.1364566 1.1027021\n", + " 1.0800265 1.0692599 1.0665458 1.0666736 1.0621376 1.053416 1.0457176\n", + " 1.0417131 1.0428984 1.0478841 0. 0. ]]\n", + "[[1.2045761 1.1990678 1.2107289 1.2198877 1.2049423 1.1650419 1.1255232\n", + " 1.099036 1.0878524 1.0869836 1.087271 1.0817356 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1587677 1.155481 1.1643322 1.1732736 1.1632719 1.132508 1.1013184\n", + " 1.0800729 1.0691727 1.0654116 1.0630747 1.0580839 1.049201 1.0419588\n", + " 1.039134 1.0406609 1.0454484 1.0502698 1.0525285 1.0535985]\n", + " [1.1713564 1.1673234 1.1775366 1.1861417 1.1740792 1.1401327 1.106467\n", + " 1.0844853 1.074949 1.0735631 1.0734452 1.0683701 1.0584909 1.0497105\n", + " 1.0459143 0. 0. 0. 0. 0. ]\n", + " [1.199458 1.19406 1.2040179 1.2131807 1.2005274 1.1647849 1.1267465\n", + " 1.1011575 1.089174 1.0860832 1.0842087 1.0779376 1.06731 1.0569927\n", + " 1.052647 1.0545692 1.0609394 1.0666921 0. 0. ]\n", + " [1.1588005 1.1554378 1.1652495 1.1725688 1.1603552 1.1293533 1.098005\n", + " 1.0773212 1.0670952 1.0645558 1.0634519 1.0590597 1.0509293 1.043631\n", + " 1.0406249 1.0423983 1.0471627 1.0519433 0. 0. ]]\n", + "[[1.1824129 1.1767278 1.1868949 1.1963156 1.1846144 1.1503639 1.1148121\n", + " 1.0914999 1.080945 1.0789689 1.079541 1.0740261 1.0641345 1.0545561\n", + " 1.0502843 0. 0. 0. 0. 0. 0. ]\n", + " [1.1627879 1.1601841 1.1713 1.1808616 1.1687305 1.1372124 1.1036534\n", + " 1.0811253 1.0699124 1.0666138 1.0648569 1.0592633 1.0514121 1.0439618\n", + " 1.0407257 1.0421332 1.0465463 1.0508317 1.052866 1.0535011 0. ]\n", + " [1.1691313 1.1657269 1.1764224 1.1861525 1.1742666 1.1416893 1.1079326\n", + " 1.0853173 1.0749907 1.07266 1.0727483 1.0676537 1.0585603 1.0499574\n", + " 1.0458027 1.047791 0. 0. 0. 0. 0. ]\n", + " [1.1860521 1.1831411 1.1953741 1.2046717 1.1915998 1.1554482 1.1179061\n", + " 1.0923654 1.0806289 1.0777626 1.0771728 1.0720972 1.0624522 1.0535114\n", + " 1.0492169 1.0508887 1.0564783 1.0620464 0. 0. 0. ]\n", + " [1.1825039 1.1792078 1.1898942 1.1976402 1.1868906 1.1528819 1.1171583\n", + " 1.0925014 1.0799838 1.074975 1.0729748 1.06694 1.0574242 1.0493822\n", + " 1.0456183 1.047867 1.0535277 1.0583956 1.0605919 1.0613794 1.0627097]]\n", + "[[1.1712086 1.1680521 1.1779052 1.1865739 1.1746418 1.1411645 1.108105\n", + " 1.0857123 1.0746776 1.0710424 1.0696272 1.0640554 1.0541342 1.0461733\n", + " 1.0428091 1.0447538 1.0495063 1.0546716 1.0566361 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1823342 1.1754272 1.1844172 1.1928438 1.181679 1.1476605 1.1115394\n", + " 1.0876234 1.0764557 1.0743731 1.0741675 1.0694798 1.0603731 1.0518861\n", + " 1.0479596 1.0500585 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1670797 1.1634448 1.1742918 1.1859167 1.1775061 1.1450626 1.1103877\n", + " 1.0866661 1.0750455 1.0708588 1.0682559 1.061948 1.0523202 1.0443434\n", + " 1.0413027 1.043346 1.0485879 1.0540736 1.0565499 1.0568384 1.0576813\n", + " 1.06105 1.0675924 1.0779173 1.086124 1.0908303 1.0921043 1.0895523]\n", + " [1.1796085 1.1765312 1.1870278 1.1952372 1.1841766 1.1506073 1.1156007\n", + " 1.0912802 1.0792875 1.0747927 1.0725374 1.0663536 1.0570754 1.0490283\n", + " 1.0460685 1.0479119 1.0530152 1.0578101 1.0605352 1.060999 1.0623719\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1949922 1.1897339 1.1985898 1.2060932 1.1923974 1.1582446 1.1210076\n", + " 1.096399 1.0840846 1.0803232 1.0781155 1.072476 1.0621434 1.0538087\n", + " 1.0499586 1.0526583 1.0584792 1.0636442 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1752148 1.1730361 1.1852248 1.1951829 1.1823523 1.1480653 1.1124141\n", + " 1.0881723 1.0763268 1.0729188 1.0709124 1.064931 1.055559 1.0472808\n", + " 1.0435584 1.0452796 1.0505525 1.0558413 1.0585593 1.059948 0.\n", + " 0. ]\n", + " [1.1893005 1.1860591 1.1964008 1.2048857 1.1925904 1.1583569 1.1221411\n", + " 1.0969571 1.0843383 1.0793417 1.0762815 1.0691899 1.0589931 1.0511699\n", + " 1.047959 1.0504444 1.0560695 1.061136 1.06335 1.0641841 1.0658728\n", + " 1.0701733]\n", + " [1.1600677 1.1586653 1.1682307 1.1766713 1.1650288 1.1333991 1.1008676\n", + " 1.0783511 1.0677769 1.064058 1.062271 1.0576961 1.0498515 1.0428295\n", + " 1.0402557 1.0418245 1.0465373 1.0512135 1.0533819 1.0538381 1.0551751\n", + " 0. ]\n", + " [1.1917148 1.1866581 1.1957874 1.2043082 1.1909118 1.1549382 1.1181035\n", + " 1.0929589 1.0815738 1.0795405 1.0790352 1.0745051 1.0645121 1.055407\n", + " 1.0515833 1.0538328 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1533635 1.1483785 1.1569694 1.1644661 1.1552778 1.1259528 1.0957981\n", + " 1.0752757 1.0652146 1.0629735 1.0629138 1.0579888 1.0504647 1.0426015\n", + " 1.0393242 1.0412132 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1562623 1.1528509 1.1621277 1.1690464 1.1584175 1.1280094 1.0970166\n", + " 1.0761559 1.0659875 1.0636051 1.06258 1.0580287 1.0499754 1.0428455\n", + " 1.0395705 1.0412232 1.0458293 1.0502628 0. ]\n", + " [1.1849252 1.1793251 1.1890205 1.1966301 1.1843677 1.1491808 1.1129681\n", + " 1.088882 1.0779537 1.0756499 1.0758078 1.0709865 1.0613912 1.0526427\n", + " 1.0485598 1.0505027 0. 0. 0. ]\n", + " [1.2000183 1.1926576 1.2008886 1.2087278 1.1952533 1.1589016 1.1215545\n", + " 1.0968801 1.0861517 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1755872 1.1712892 1.1794116 1.1872222 1.1748625 1.1429647 1.1096834\n", + " 1.0872194 1.075483 1.0719966 1.0700407 1.0647815 1.0555793 1.0477937\n", + " 1.0438671 1.0460107 1.0508342 1.0559018 1.0584879]\n", + " [1.1766304 1.1711171 1.1791291 1.1883982 1.1769047 1.1431222 1.1080066\n", + " 1.0841303 1.0734953 1.0702685 1.0704353 1.0656028 1.0572743 1.0493242\n", + " 1.045506 1.0473999 1.0527719 0. 0. ]]\n", + "[[1.1869036 1.1822526 1.1934692 1.2039301 1.1917118 1.155122 1.1174619\n", + " 1.0925628 1.0811791 1.0788597 1.0783445 1.0737377 1.064052 1.0553185\n", + " 1.0513474 1.0536271 0. 0. ]\n", + " [1.1865261 1.1812665 1.1919035 1.2012663 1.1888236 1.1545197 1.1179597\n", + " 1.0931003 1.0824219 1.0806237 1.0811218 1.0762985 1.0659747 1.0564361\n", + " 1.0516819 0. 0. 0. ]\n", + " [1.1635222 1.1605217 1.1702608 1.1771721 1.1661631 1.1333277 1.1002917\n", + " 1.0792398 1.0688472 1.0657599 1.0655586 1.0605466 1.0518587 1.0449089\n", + " 1.0414354 1.0431795 1.0479058 1.0528002]\n", + " [1.2045776 1.1983486 1.2083422 1.2169906 1.2023405 1.1641027 1.1249075\n", + " 1.0990392 1.0873384 1.0862188 1.0865467 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1770074 1.1748849 1.1865673 1.1943936 1.1833665 1.1479472 1.1109376\n", + " 1.0871971 1.0756298 1.0732067 1.0726087 1.0670149 1.0574007 1.0496105\n", + " 1.0454589 1.0470195 1.0528349 1.0581682]]\n", + "[[1.1568165 1.1531543 1.1635156 1.1729655 1.1617435 1.1307847 1.0986203\n", + " 1.0769457 1.0672711 1.0657766 1.0661243 1.0615509 1.0531245 1.0449401\n", + " 1.0409931 1.0426948 0. 0. 0. ]\n", + " [1.1718577 1.1683986 1.1784195 1.1867608 1.1751893 1.1417739 1.107878\n", + " 1.0859061 1.0748233 1.0722144 1.0710477 1.0658418 1.0562885 1.0480388\n", + " 1.0441108 1.0464516 1.0518396 1.0570251 0. ]\n", + " [1.164948 1.160997 1.1711503 1.1799802 1.1678317 1.1356732 1.1024332\n", + " 1.0800925 1.0695323 1.067523 1.0666513 1.0615975 1.0528512 1.045034\n", + " 1.0415614 1.0434461 1.0484784 1.0536712 0. ]\n", + " [1.1756103 1.1730971 1.1836134 1.1906464 1.1797861 1.1460111 1.1110743\n", + " 1.0879229 1.0753727 1.0725963 1.0708842 1.064812 1.0553685 1.0474666\n", + " 1.0436074 1.0457453 1.0513372 1.0559218 1.0579419]\n", + " [1.1675402 1.162858 1.1715972 1.1793728 1.1677719 1.1365545 1.10399\n", + " 1.0821583 1.0716097 1.0691547 1.0680385 1.0628257 1.0542021 1.0463574\n", + " 1.0427597 1.0448129 1.0499713 0. 0. ]]\n", + "[[1.1846441 1.180271 1.1896242 1.1976254 1.1848274 1.1501299 1.1139684\n", + " 1.0910705 1.0797747 1.0779312 1.0775672 1.0728374 1.0628067 1.0536087\n", + " 1.0499139 1.0523579]\n", + " [1.1699486 1.1647415 1.1733409 1.1812476 1.169142 1.1371061 1.1040049\n", + " 1.0821815 1.0722514 1.0703871 1.0704454 1.0662993 1.0569992 1.0487331\n", + " 1.0450298 0. ]]\n", + "[[1.1825504 1.1787486 1.190211 1.2000498 1.1862934 1.1499616 1.1130426\n", + " 1.0885214 1.0777452 1.0756018 1.0747062 1.0697483 1.0600761 1.0513309\n", + " 1.0476186 1.0491396 1.0549155 1.0602504 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1916738 1.1855278 1.1939489 1.2019304 1.1881632 1.1522629 1.1164439\n", + " 1.0928211 1.0819077 1.079946 1.0801476 1.0754821 1.06538 1.0567855\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1558936 1.1534823 1.1642158 1.1734778 1.162309 1.1307266 1.0984716\n", + " 1.0772886 1.066641 1.0633464 1.0613631 1.0557765 1.0473889 1.0403212\n", + " 1.0378559 1.0400199 1.0447532 1.0493534 1.0517094 1.0520915 1.0530763\n", + " 1.0559309 1.0629555 1.0721335]\n", + " [1.1702572 1.1679604 1.1792585 1.188942 1.1767335 1.1417847 1.1062497\n", + " 1.0835961 1.073445 1.0714914 1.0716627 1.0663294 1.0569763 1.0486349\n", + " 1.0447642 1.0465915 1.0522832 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1546509 1.1507436 1.1597816 1.1667285 1.1548847 1.1250508 1.0943593\n", + " 1.0736064 1.0636512 1.0610657 1.0601754 1.0553827 1.04785 1.0410453\n", + " 1.0380505 1.0397265 1.0439909 1.0483516 1.050755 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1693172 1.1648304 1.1730405 1.1805809 1.1680424 1.1369387 1.104221\n", + " 1.0814011 1.070044 1.0659641 1.064875 1.0606973 1.0528138 1.0458958\n", + " 1.042441 1.0442842 1.0490214 1.0536426 1.0564208 0. ]\n", + " [1.1612357 1.1601804 1.1710453 1.1799076 1.1666176 1.1339959 1.1008246\n", + " 1.0786 1.0677507 1.0644201 1.0624176 1.0578214 1.0496572 1.0426226\n", + " 1.0396917 1.0414532 1.045863 1.0502175 1.0520794 1.0526828]\n", + " [1.1726718 1.1687058 1.1790507 1.1880751 1.1753854 1.1427002 1.1076336\n", + " 1.084839 1.0746697 1.0720521 1.0723344 1.0671293 1.0576019 1.0497179\n", + " 1.0457242 1.0477719 0. 0. 0. 0. ]\n", + " [1.186792 1.1807301 1.1898098 1.1981919 1.1851534 1.1499076 1.1131251\n", + " 1.0893455 1.0795103 1.0786031 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.16065 1.1574159 1.1674238 1.175224 1.1641384 1.1312813 1.099165\n", + " 1.0776266 1.0677742 1.065585 1.065451 1.0607845 1.0526092 1.0452132\n", + " 1.041757 1.0432297 1.0482382 0. 0. 0. ]]\n", + "[[1.1836133 1.1802951 1.1902814 1.1969446 1.1838757 1.1491971 1.1134857\n", + " 1.0894444 1.0782471 1.0751499 1.0748544 1.0697598 1.0602617 1.0517074\n", + " 1.0478079 1.0495919 1.0547241 1.0599846 0. ]\n", + " [1.1683286 1.1640964 1.1742094 1.1830461 1.1710327 1.1393589 1.1059486\n", + " 1.0842197 1.0742842 1.0722108 1.0719789 1.0670165 1.0577604 1.0491109\n", + " 1.0452354 0. 0. 0. 0. ]\n", + " [1.1958649 1.1923375 1.2057059 1.21762 1.2044096 1.1651087 1.1241301\n", + " 1.0959496 1.0827181 1.0796239 1.0786424 1.0734049 1.0634578 1.0544814\n", + " 1.050168 1.0518751 1.0576054 1.0633049 1.0660752]\n", + " [1.1727763 1.1699382 1.1804895 1.1886743 1.1771827 1.1431277 1.1079783\n", + " 1.084211 1.0733536 1.0702587 1.0686115 1.0633748 1.0544976 1.0461735\n", + " 1.0426931 1.0442188 1.0489866 1.0541496 1.0565425]\n", + " [1.1727674 1.1689752 1.1790476 1.1878558 1.1754 1.1425277 1.1079581\n", + " 1.0849173 1.0737963 1.07148 1.0706141 1.0650146 1.056347 1.0480465\n", + " 1.0445218 1.046029 1.0514597 1.0567603 0. ]]\n", + "[[1.1640065 1.1616993 1.1725063 1.1813468 1.1683128 1.1356324 1.1024711\n", + " 1.0797964 1.0700259 1.0686858 1.0682175 1.0638707 1.0548497 1.0469539\n", + " 1.0432374 1.0449783 0. 0. 0. 0. 0. ]\n", + " [1.1566778 1.1548235 1.1660239 1.1756017 1.1642934 1.1328894 1.1001443\n", + " 1.0784086 1.0677317 1.0638075 1.0622123 1.0566864 1.0479959 1.0408545\n", + " 1.0376693 1.03937 1.0441266 1.0485579 1.0507969 1.0516878 1.0529517]\n", + " [1.1704367 1.165279 1.174578 1.183363 1.1712054 1.1378813 1.1055773\n", + " 1.0838053 1.0734121 1.0712489 1.0707017 1.0654691 1.0566322 1.0481261\n", + " 1.044773 0. 0. 0. 0. 0. 0. ]\n", + " [1.1799636 1.1773285 1.1872544 1.1959991 1.1843202 1.1504562 1.1146083\n", + " 1.0910306 1.0787579 1.074596 1.0721747 1.0658845 1.0561465 1.0486422\n", + " 1.0453027 1.0473729 1.0524756 1.0578724 1.0600462 1.0608582 1.0619651]\n", + " [1.1900983 1.1848152 1.1959466 1.2060546 1.1925933 1.156159 1.1183133\n", + " 1.0934038 1.0822837 1.080123 1.0796125 1.0743822 1.0640575 1.0545496\n", + " 1.0504636 1.0527608 1.059222 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1526744 1.1494753 1.1591533 1.1671735 1.1558838 1.1241736 1.0931332\n", + " 1.0733407 1.0642192 1.0629452 1.062531 1.0581262 1.0499368 1.0420101\n", + " 1.0387827 1.0403991 1.0453509 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1783233 1.1745511 1.1850045 1.1938623 1.1820574 1.147949 1.1119449\n", + " 1.0876526 1.076804 1.0743822 1.0743017 1.0695107 1.0599647 1.0516303\n", + " 1.0474967 1.0493262 1.0551357 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1692675 1.1658119 1.1760837 1.1848105 1.1720914 1.1395695 1.1057392\n", + " 1.0833689 1.0721709 1.0681856 1.0660045 1.0603111 1.0516372 1.044079\n", + " 1.0411531 1.0429826 1.048015 1.052734 1.0553237 1.0562416 1.0576788\n", + " 1.0614554]\n", + " [1.1865776 1.18331 1.1932671 1.2028202 1.1894016 1.154872 1.118154\n", + " 1.0927031 1.0803382 1.0768826 1.0755622 1.0698484 1.0606755 1.0513282\n", + " 1.0474963 1.0494097 1.054476 1.0596325 1.0623035 0. 0.\n", + " 0. ]\n", + " [1.1721505 1.1679776 1.1780372 1.18563 1.172784 1.1385083 1.1048808\n", + " 1.0828531 1.072918 1.070983 1.0706007 1.065459 1.056748 1.0485346\n", + " 1.0450556 1.0471294 1.0525689 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.196595 1.1901894 1.1998019 1.2095662 1.1972498 1.1617013 1.1247815\n", + " 1.0996822 1.0871559 1.0846916 1.0835924 1.0774456 1.0672911 1.0575309\n", + " 1.053068 1.0550215 1.0606109 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1793234 1.1772571 1.188174 1.1971191 1.1845111 1.148912 1.1140609\n", + " 1.090221 1.0782417 1.0735298 1.071752 1.066534 1.0569466 1.0486243\n", + " 1.0453303 1.0470804 1.0522903 1.0573716 1.0601594 1.0613896 0.\n", + " 0. 0. 0. ]\n", + " [1.1667033 1.1627568 1.1733332 1.1828289 1.1713269 1.1388779 1.1051439\n", + " 1.082367 1.0721158 1.0704439 1.0705589 1.0666709 1.0579731 1.0496751\n", + " 1.0460417 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1490754 1.1475058 1.1579058 1.1669134 1.15709 1.1262352 1.0956726\n", + " 1.0750669 1.064797 1.0614313 1.0594609 1.0543095 1.0458999 1.0393234\n", + " 1.0367185 1.0386158 1.0430601 1.0475487 1.0498606 1.0504007 1.0513982\n", + " 1.0541344 1.0609496 1.0700735]\n", + " [1.1667883 1.1636461 1.1734191 1.181858 1.1689698 1.1363345 1.1033282\n", + " 1.0809032 1.0709064 1.0686153 1.0690758 1.0649692 1.055835 1.0479211\n", + " 1.0444987 1.046305 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1533389 1.1507401 1.1597509 1.167261 1.1543462 1.1242851 1.0933268\n", + " 1.072694 1.0628281 1.0604287 1.0595723 1.0547575 1.0472009 1.0404087\n", + " 1.037229 1.0387181 1.0430347 1.0472963 1.0499095]\n", + " [1.1686077 1.1647792 1.1758107 1.1852152 1.1749258 1.1420424 1.1076969\n", + " 1.0847808 1.0747831 1.0730879 1.0736048 1.068647 1.0590976 1.0503196\n", + " 1.0459888 0. 0. 0. 0. ]\n", + " [1.1794695 1.1747375 1.1855016 1.195038 1.1828063 1.1483752 1.1124976\n", + " 1.0883995 1.0783354 1.0770859 1.0771247 1.0724405 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2022953 1.1960635 1.2055023 1.2132035 1.200002 1.1630676 1.1248173\n", + " 1.0991427 1.0877832 1.0860842 1.0863802 1.0808727 1.0700008 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1853669 1.1814235 1.1920141 1.2003303 1.1882349 1.1536721 1.1175678\n", + " 1.0927968 1.0809836 1.077446 1.0761495 1.0699836 1.0598061 1.0511492\n", + " 1.0469239 1.0492792 1.0551705 1.0603116 1.0627021]]\n", + "[[1.1780475 1.1728112 1.1830975 1.1911952 1.1777433 1.1432112 1.10834\n", + " 1.0859729 1.0760347 1.0753579 1.0761532 1.0713246 1.0613722 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1800413 1.1768026 1.1877544 1.1963784 1.1836243 1.148887 1.1123675\n", + " 1.0895959 1.0789232 1.0776727 1.078295 1.0732523 1.0632157 1.0538424\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1571887 1.1536312 1.163582 1.1725838 1.1609391 1.1296675 1.0981153\n", + " 1.0771024 1.0665196 1.0644234 1.0638264 1.0586739 1.0510061 1.0435361\n", + " 1.0401028 1.0416937 1.0464915 1.0514923 0. ]\n", + " [1.2060983 1.201163 1.2107713 1.2193363 1.2049801 1.1673893 1.1284597\n", + " 1.102382 1.0905216 1.088585 1.0896828 1.0838546 1.0719815 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.16544 1.1620433 1.171822 1.1807368 1.1693325 1.137155 1.104443\n", + " 1.0822836 1.0713743 1.0678664 1.0665922 1.0613511 1.0520713 1.0446734\n", + " 1.041017 1.0427393 1.0476859 1.0526428 1.0551552]]\n", + "[[1.1557349 1.1520008 1.1613582 1.1703885 1.1592227 1.1281642 1.0964073\n", + " 1.0754513 1.0653126 1.0623947 1.0625727 1.0579396 1.0496968 1.0425369\n", + " 1.039181 1.04058 1.0455844 1.0507236 0. ]\n", + " [1.1836483 1.1772995 1.1863523 1.1958734 1.1831114 1.1490031 1.1130676\n", + " 1.0898992 1.0799797 1.0789675 1.0795432 1.074161 1.0638666 1.0542682\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1677887 1.1655416 1.1764174 1.1846707 1.1715608 1.1374887 1.1033063\n", + " 1.081281 1.0713418 1.0698221 1.0699228 1.0645999 1.0560069 1.0476861\n", + " 1.0441234 1.0456636 1.0508937 0. 0. ]\n", + " [1.1722102 1.168242 1.1781862 1.1870838 1.1751966 1.1417171 1.1073009\n", + " 1.0837436 1.0727762 1.0694733 1.0680004 1.0634426 1.0548313 1.0469787\n", + " 1.0438464 1.0456029 1.0504502 1.0555527 1.0578265]\n", + " [1.1713097 1.1661862 1.1747091 1.1815628 1.1711757 1.1398132 1.1074295\n", + " 1.0850177 1.0738521 1.0715263 1.0712847 1.0662471 1.057537 1.0492026\n", + " 1.0449924 1.0467843 0. 0. 0. ]]\n", + "[[1.1778039 1.1754487 1.1862671 1.1953381 1.1837595 1.1512704 1.1161087\n", + " 1.0918602 1.0791658 1.0747193 1.0724565 1.0649588 1.0558865 1.0479184\n", + " 1.0449111 1.0465555 1.0521622 1.0566419 1.0589076 1.059503 1.0609858\n", + " 0. 0. ]\n", + " [1.1709085 1.1687948 1.1793212 1.1892252 1.1773161 1.1455284 1.1118151\n", + " 1.0886805 1.0767273 1.0719838 1.0697665 1.0633986 1.0541476 1.0459129\n", + " 1.0431212 1.0451578 1.0505695 1.055247 1.0576757 1.0582482 1.0591514\n", + " 1.0626664 1.070067 ]\n", + " [1.1534544 1.1497226 1.159091 1.1669455 1.156742 1.1264845 1.0952139\n", + " 1.074346 1.0655046 1.0642623 1.0645769 1.0605195 1.0519782 1.0442358\n", + " 1.0406144 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1613657 1.159758 1.1711144 1.1807504 1.1685808 1.1365825 1.1032552\n", + " 1.0816294 1.0705585 1.0666987 1.0647705 1.059024 1.0502642 1.0428549\n", + " 1.0396557 1.0414921 1.045546 1.05062 1.0528272 1.053598 1.055028\n", + " 0. 0. ]\n", + " [1.1664377 1.162446 1.1721838 1.1783508 1.1657851 1.1334051 1.1014144\n", + " 1.0807879 1.0708125 1.0676366 1.0663024 1.061116 1.0521493 1.0447024\n", + " 1.0416797 1.0436804 1.0488082 1.0537275 1.0561415 0. 0.\n", + " 0. 0. ]]\n", + "[[1.166439 1.1627456 1.1732962 1.1821929 1.1705978 1.1368073 1.1026572\n", + " 1.0806242 1.070977 1.069959 1.0705644 1.0664806 1.0577579 1.0493381\n", + " 1.0452859 0. 0. 0. 0. 0. 0. ]\n", + " [1.1645323 1.1620377 1.1715102 1.1794945 1.1687756 1.1377441 1.105097\n", + " 1.083132 1.0725819 1.0688756 1.0668404 1.0608109 1.0517356 1.0444368\n", + " 1.0409439 1.0427947 1.0475147 1.0519348 1.0540932 1.0550224 0. ]\n", + " [1.1625185 1.1592278 1.1686523 1.1768622 1.165157 1.1340028 1.1022619\n", + " 1.0807636 1.0694714 1.0658385 1.0637844 1.0580859 1.0503894 1.0432363\n", + " 1.0405223 1.0416685 1.046363 1.051145 1.0535556 1.0547154 1.0562332]\n", + " [1.1625363 1.1585116 1.1663337 1.174142 1.1633265 1.1334475 1.1024824\n", + " 1.0813711 1.0716219 1.0685672 1.0674403 1.0624758 1.053871 1.0458057\n", + " 1.0421036 1.0438045 1.0487583 0. 0. 0. 0. ]\n", + " [1.1755902 1.1707848 1.180514 1.1889603 1.1777657 1.1435226 1.1082526\n", + " 1.0853933 1.0762467 1.0746496 1.0744169 1.0698357 1.0602309 1.0512556\n", + " 1.0474072 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1984762 1.1931373 1.202999 1.2115079 1.1984628 1.1616052 1.123323\n", + " 1.0984917 1.0872587 1.0850044 1.0847574 1.0791259 1.0686253 1.058559\n", + " 1.0548718 0. 0. 0. 0. 0. 0. ]\n", + " [1.1982334 1.1947223 1.2066927 1.2159017 1.2021828 1.1640911 1.1243045\n", + " 1.0972823 1.0848314 1.0810496 1.0789945 1.0734662 1.0634226 1.0541853\n", + " 1.0503273 1.0520635 1.0574428 1.0628117 1.0654352 0. 0. ]\n", + " [1.1736434 1.1697004 1.1806785 1.1905956 1.1783979 1.1447603 1.1093386\n", + " 1.0853409 1.0738078 1.0715475 1.0710456 1.0661019 1.0572249 1.0486033\n", + " 1.0449196 1.0464748 1.0514767 1.0564264 0. 0. 0. ]\n", + " [1.1704007 1.1656337 1.1757079 1.1853324 1.1732304 1.1402887 1.1056037\n", + " 1.0826081 1.0722238 1.0701046 1.0700006 1.0652267 1.0566413 1.047832\n", + " 1.0442554 1.0459504 1.0516891 0. 0. 0. 0. ]\n", + " [1.1540096 1.1527424 1.1636649 1.1724194 1.1604599 1.1293516 1.097137\n", + " 1.0762137 1.065678 1.0624274 1.0603278 1.0555781 1.0477617 1.040838\n", + " 1.0380219 1.0397154 1.0443983 1.048688 1.0507157 1.0515224 1.0527983]]\n", + "[[1.1578205 1.1527164 1.1623019 1.170414 1.1608826 1.1307 1.0984923\n", + " 1.0773593 1.0677445 1.0660592 1.0661911 1.0614406 1.053094 1.0450684\n", + " 1.0413654 1.0429988 0. 0. 0. 0. 0. ]\n", + " [1.1660621 1.1623353 1.1728836 1.1829205 1.1709807 1.1378952 1.1032753\n", + " 1.081087 1.0713459 1.0697765 1.0702538 1.0665599 1.0578637 1.0493855\n", + " 1.0453924 1.0473815 0. 0. 0. 0. 0. ]\n", + " [1.1608131 1.1584156 1.1693726 1.1776792 1.1653658 1.1327112 1.1008071\n", + " 1.079401 1.068579 1.0657486 1.0632869 1.0582541 1.049843 1.0424312\n", + " 1.0394522 1.0411583 1.0458454 1.0509217 1.0531958 1.054071 1.0553768]\n", + " [1.174018 1.1708499 1.1817392 1.1893837 1.177487 1.1437876 1.1087896\n", + " 1.085085 1.0739095 1.0706468 1.0685391 1.0632421 1.0543514 1.0459561\n", + " 1.042803 1.0448995 1.0502785 1.0555809 1.0580034 0. 0. ]\n", + " [1.1645361 1.1618811 1.1719748 1.1802336 1.1683881 1.1352668 1.1017635\n", + " 1.0796487 1.0687333 1.0663155 1.0652658 1.0598153 1.0515846 1.0442293\n", + " 1.0407946 1.0421991 1.0470079 1.0515491 1.0540447 0. 0. ]]\n", + "[[1.1711644 1.168604 1.1787177 1.1874923 1.1747719 1.1413087 1.1067865\n", + " 1.084103 1.0738882 1.0727297 1.0732446 1.0681782 1.0592105 1.0506756\n", + " 1.0468148 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1727784 1.1671273 1.1776989 1.1867688 1.1750968 1.1423057 1.10893\n", + " 1.086807 1.0766082 1.07543 1.0755818 1.0699657 1.060582 1.0513505\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1966022 1.1933191 1.2058934 1.2168493 1.2028223 1.1648108 1.1250408\n", + " 1.0982285 1.0856216 1.0822419 1.0811344 1.0748683 1.0646746 1.0551496\n", + " 1.0505667 1.0522941 1.0576788 1.0632261 1.0655435 0. 0.\n", + " 0. 0. ]\n", + " [1.1585858 1.1547438 1.1641867 1.1716526 1.1599061 1.1292158 1.0971293\n", + " 1.0760844 1.0659387 1.0638115 1.0629432 1.0590224 1.0512836 1.0439256\n", + " 1.0410855 1.042751 1.047711 1.0525523 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1474043 1.1449951 1.1552707 1.1632054 1.1518162 1.1222595 1.0915499\n", + " 1.0720671 1.0626243 1.0594572 1.0576274 1.0522168 1.044472 1.0379653\n", + " 1.0353659 1.0372634 1.0419738 1.0457544 1.0478991 1.0490577 1.0502187\n", + " 1.0533764 1.0602413]]\n", + "[[1.1770447 1.1716945 1.18109 1.189276 1.1752495 1.1420327 1.1083751\n", + " 1.0863965 1.0772609 1.0761116 1.0761256 1.0713826 1.0616 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1781338 1.1732664 1.1839387 1.1924679 1.1803905 1.145682 1.1107659\n", + " 1.0872667 1.0769886 1.0748568 1.075387 1.0705243 1.0610595 1.0521353\n", + " 1.0480961 1.050277 0. 0. 0. ]\n", + " [1.1653575 1.1632054 1.1747817 1.1828694 1.170391 1.1367885 1.1026034\n", + " 1.0800635 1.069686 1.066799 1.0658787 1.0610048 1.0529144 1.0452977\n", + " 1.0417564 1.0433061 1.0480213 1.0527089 1.0547947]\n", + " [1.1507788 1.1471409 1.1547729 1.1624122 1.1504791 1.1216546 1.0919039\n", + " 1.0721143 1.0625619 1.0602216 1.0603241 1.0566299 1.0494486 1.0428709\n", + " 1.0394617 1.0410571 0. 0. 0. ]\n", + " [1.1779875 1.174025 1.1842248 1.1935904 1.1814138 1.1471363 1.110861\n", + " 1.0868244 1.0751088 1.071519 1.0712038 1.066413 1.057329 1.049251\n", + " 1.0453084 1.0470927 1.0525876 1.0580362 0. ]]\n", + "[[1.1600626 1.1581365 1.1688471 1.1782312 1.1659706 1.1337844 1.1008472\n", + " 1.0783603 1.0678357 1.0651169 1.0642135 1.0598382 1.0515695 1.0439807\n", + " 1.0408319 1.0418363 1.0465117 1.0512179 1.0537168 0. ]\n", + " [1.187673 1.1827137 1.1931612 1.2014492 1.1890792 1.15313 1.1163536\n", + " 1.0914955 1.0800993 1.0785449 1.07834 1.0725453 1.0630767 1.0538837\n", + " 1.0503395 0. 0. 0. 0. 0. ]\n", + " [1.1917337 1.1869375 1.1976163 1.207231 1.1936961 1.1573207 1.1192583\n", + " 1.0939344 1.082759 1.0815343 1.0820787 1.0768377 1.0661374 1.0563407\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1731308 1.1697874 1.1798693 1.1882824 1.1768901 1.1435006 1.1080741\n", + " 1.0842018 1.072871 1.0689555 1.0675777 1.0618644 1.0536052 1.0462716\n", + " 1.042938 1.0446591 1.0490485 1.0539433 1.0565388 1.0576532]\n", + " [1.1603116 1.1570524 1.1680127 1.1775821 1.1678948 1.1358273 1.1020933\n", + " 1.0790008 1.0684587 1.0651542 1.064913 1.0599375 1.051404 1.043468\n", + " 1.0403143 1.0419312 1.0463295 1.0510936 0. 0. ]]\n", + "[[1.161927 1.1576426 1.1655579 1.1731759 1.1615698 1.1304815 1.0984292\n", + " 1.0783383 1.0689853 1.0670238 1.0670341 1.0629693 1.0548693 1.0469077\n", + " 1.0435146 0. 0. 0. 0. ]\n", + " [1.1727952 1.170482 1.1817576 1.1893654 1.1763265 1.141881 1.1081564\n", + " 1.0853388 1.0747595 1.0717947 1.0697689 1.064287 1.0545915 1.0463011\n", + " 1.0433892 1.0449334 1.0500807 1.0549364 1.0571345]\n", + " [1.1655866 1.1636821 1.1737547 1.1811633 1.1690354 1.135434 1.1017395\n", + " 1.0799893 1.0697328 1.0685065 1.0681751 1.063655 1.0555909 1.0476873\n", + " 1.0436378 1.0453198 1.0503979 0. 0. ]\n", + " [1.1839147 1.1806493 1.1911603 1.1993213 1.1859856 1.1514591 1.1164982\n", + " 1.0925288 1.0804014 1.0768219 1.0744846 1.0689068 1.0588548 1.0502434\n", + " 1.0461063 1.048666 1.054283 1.059212 1.0615268]\n", + " [1.1851016 1.1812079 1.1918124 1.2005076 1.1869878 1.1522467 1.1163847\n", + " 1.0918403 1.080536 1.077358 1.0767945 1.0717137 1.0613003 1.0525858\n", + " 1.0486634 1.0509919 1.0568212 0. 0. ]]\n", + "[[1.1839738 1.1793158 1.1892813 1.197392 1.1838155 1.1494198 1.1141169\n", + " 1.090636 1.0795448 1.0764954 1.07528 1.0700262 1.0603845 1.0516186\n", + " 1.0480262 1.0500516 1.0564142 0. 0. 0. ]\n", + " [1.1658916 1.1628739 1.1739538 1.1825323 1.1713665 1.1369598 1.1036121\n", + " 1.0805788 1.0688819 1.0654844 1.0644598 1.0597035 1.0517958 1.0448464\n", + " 1.0418532 1.0430952 1.0478693 1.0521827 1.0543174 1.0552868]\n", + " [1.1641586 1.1606793 1.1706139 1.1800056 1.1682434 1.1372733 1.1045532\n", + " 1.0824517 1.0715901 1.0691818 1.0682497 1.0622567 1.0536003 1.0457156\n", + " 1.0427122 1.0444785 1.0502582 0. 0. 0. ]\n", + " [1.1940246 1.1902056 1.2002593 1.2091562 1.1951765 1.1603054 1.1229819\n", + " 1.0974853 1.085148 1.0814117 1.0800068 1.0739412 1.0639083 1.0543282\n", + " 1.0504625 1.0524507 1.0585413 1.0638299 0. 0. ]\n", + " [1.1735961 1.1695044 1.1795496 1.1880263 1.1751049 1.1413482 1.1058519\n", + " 1.0827113 1.0725521 1.0706054 1.0702466 1.0656246 1.0565196 1.0481788\n", + " 1.0448048 1.0467132 1.051932 1.057112 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1884396 1.1841954 1.1964858 1.2058579 1.1911954 1.1535181 1.116263\n", + " 1.0923127 1.0824934 1.0812846 1.0817777 1.0763981 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1829236 1.1796601 1.1909893 1.2004423 1.1885954 1.1547878 1.1178837\n", + " 1.0931541 1.081409 1.0770774 1.0743765 1.0675339 1.0576766 1.0490947\n", + " 1.0453701 1.0477079 1.0526428 1.0580055 1.0601509 1.0611925 1.0627003]\n", + " [1.1960192 1.1915789 1.2008164 1.2092185 1.1941823 1.1586251 1.1217079\n", + " 1.0970966 1.085964 1.0840452 1.0842115 1.0783848 1.0676097 1.0579735\n", + " 1.0534885 0. 0. 0. 0. 0. 0. ]\n", + " [1.1860762 1.1833997 1.1947733 1.2044842 1.1927907 1.1571313 1.1194118\n", + " 1.0936849 1.081312 1.0775193 1.0753382 1.068884 1.0587752 1.0507634\n", + " 1.0474044 1.0490233 1.0548327 1.0604858 1.0628928 1.0635657 1.065174 ]\n", + " [1.1841952 1.1803312 1.1906674 1.1995239 1.1862946 1.1494532 1.11256\n", + " 1.0885587 1.077739 1.0770124 1.0780902 1.0725571 1.0630641 1.0538306\n", + " 1.049709 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1647809 1.1606598 1.1707466 1.1795415 1.168794 1.1362721 1.1032386\n", + " 1.0811751 1.0714529 1.0700744 1.0707762 1.0664445 1.0573331 1.0488745\n", + " 1.044654 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.151312 1.14747 1.1589279 1.1709218 1.1623887 1.132275 1.1001066\n", + " 1.0786785 1.0684826 1.0652847 1.0633408 1.0577921 1.0487031 1.0413765\n", + " 1.0384926 1.0405381 1.0455469 1.050941 1.0533994 1.0539751 1.0548625\n", + " 1.0575361 1.063348 1.0724895 1.0800942 1.0840895 1.0855066 1.0822476\n", + " 1.0744921 1.0651937 1.0566193 1.0514549]\n", + " [1.1759089 1.1693982 1.1786764 1.1873065 1.1770695 1.1441156 1.1097087\n", + " 1.0871841 1.0763787 1.074357 1.0746064 1.0705189 1.061008 1.0519879\n", + " 1.0476387 1.0494792 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1627917 1.1596351 1.1710126 1.1810472 1.1691461 1.1363335 1.1023008\n", + " 1.0802691 1.0698762 1.0669774 1.065811 1.0606741 1.0515301 1.0437775\n", + " 1.0398526 1.041652 1.046539 1.0515139 1.053857 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1978874 1.1908098 1.199765 1.2071072 1.1943455 1.1584029 1.1216302\n", + " 1.0969584 1.0869012 1.085089 1.0853177 1.0801361 1.0697243 1.0595262\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1629317 1.1576134 1.1668079 1.1745692 1.1646947 1.1338176 1.1021543\n", + " 1.0813552 1.0713719 1.0696932 1.0698717 1.0653069 1.0562491 1.0478647\n", + " 1.0437992 0. 0. 0. 0. 0. ]\n", + " [1.16416 1.1616673 1.1729077 1.1821489 1.1709696 1.1385288 1.105443\n", + " 1.083091 1.0711116 1.0676585 1.0658656 1.0603921 1.0516156 1.0443769\n", + " 1.0407325 1.0424273 1.0468675 1.0516051 1.0542223 1.055803 ]\n", + " [1.1682041 1.1649853 1.1751012 1.1831579 1.1712903 1.1385249 1.1060511\n", + " 1.0836558 1.0725769 1.0687866 1.0667132 1.0603195 1.0514762 1.0437715\n", + " 1.0406771 1.0422903 1.0470221 1.0515302 1.0538985 1.0550873]\n", + " [1.1926466 1.188305 1.1981558 1.2057365 1.1933358 1.1578386 1.1203201\n", + " 1.0948465 1.081781 1.0785141 1.0775683 1.0714457 1.0623676 1.0534817\n", + " 1.0492977 1.051396 1.0569104 1.0626216 0. 0. ]\n", + " [1.1562941 1.1533228 1.1631353 1.170737 1.1589903 1.1273699 1.0953777\n", + " 1.0750026 1.0654314 1.0645094 1.0646887 1.0604571 1.0519853 1.0441072\n", + " 1.0404767 1.042082 0. 0. 0. 0. ]]\n", + "[[1.145493 1.1427232 1.1518521 1.1599368 1.1497252 1.1205891 1.0916388\n", + " 1.0725465 1.0626017 1.05922 1.0570222 1.0516214 1.0437055 1.037289\n", + " 1.0345528 1.0364158 1.0410019 1.0450617 1.0476187 1.0485083 1.0498012\n", + " 1.0528406 1.0592169]\n", + " [1.173437 1.169045 1.1813358 1.191576 1.180589 1.1457975 1.1102587\n", + " 1.0865567 1.0759785 1.0742154 1.0744443 1.0693887 1.0595703 1.0504429\n", + " 1.0464138 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1608727 1.157125 1.1667571 1.1748767 1.1629925 1.1302581 1.0979533\n", + " 1.0773282 1.0671996 1.0638416 1.0629818 1.0581819 1.050389 1.0433899\n", + " 1.0401678 1.0417616 1.0465657 1.0511626 1.0535927 0. 0.\n", + " 0. 0. ]\n", + " [1.1567551 1.1526092 1.163305 1.1724923 1.1620467 1.1304399 1.0971702\n", + " 1.0761203 1.0667197 1.0659223 1.0663395 1.0619127 1.0530434 1.0447719\n", + " 1.0409247 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1818863 1.179653 1.192092 1.2006837 1.186969 1.1499724 1.1128311\n", + " 1.0885147 1.0774275 1.0747708 1.0734245 1.0677054 1.0577867 1.0497065\n", + " 1.0460259 1.0481257 1.0534514 1.0584216 1.0607488 0. 0.\n", + " 0. 0. ]]\n", + "[[1.148572 1.1456423 1.1549107 1.1635733 1.1530696 1.1230866 1.0938027\n", + " 1.0737003 1.063524 1.0596726 1.058042 1.0529532 1.0451746 1.0386102\n", + " 1.0363424 1.0384326 1.0427144 1.0471643 1.0495032 1.0502981 1.051618\n", + " 1.0544261 1.0604725 1.0689886]\n", + " [1.173269 1.1698864 1.1802901 1.1897346 1.1773719 1.1439686 1.1091802\n", + " 1.0859327 1.0751417 1.0728679 1.0732235 1.0689095 1.0599694 1.051446\n", + " 1.0474175 1.0492041 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1672379 1.1647898 1.1752218 1.1844344 1.1712465 1.1377296 1.1037271\n", + " 1.0814286 1.070868 1.0696694 1.0696748 1.0653256 1.0565535 1.0485921\n", + " 1.0448159 1.0465102 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1800536 1.1747057 1.1847439 1.1931467 1.1815883 1.1469278 1.1114826\n", + " 1.0876969 1.0764005 1.0738394 1.0736543 1.0687598 1.0588853 1.050296\n", + " 1.0464351 1.0484523 1.0539666 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1645101 1.16027 1.1682731 1.1762526 1.1637353 1.1318593 1.0994593\n", + " 1.0796487 1.070899 1.0700686 1.0708845 1.0656859 1.0561484 1.0478007\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1638465 1.1603802 1.1709942 1.179255 1.1682162 1.1362557 1.1021409\n", + " 1.0804453 1.0696385 1.0670494 1.0656658 1.0609186 1.0524142 1.0449135\n", + " 1.0411206 1.0425849 1.0477923 1.0528114 1.0555488]\n", + " [1.198061 1.1917485 1.2009672 1.210564 1.1966419 1.1595347 1.1208007\n", + " 1.0963583 1.0851098 1.08316 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1972566 1.1913506 1.2014554 1.2093005 1.1941173 1.1564165 1.1189088\n", + " 1.0955323 1.0853868 1.0852021 1.0856521 1.0795618 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1769993 1.174172 1.1859515 1.1946123 1.1826764 1.1480751 1.1118298\n", + " 1.0880764 1.0770379 1.0740991 1.0727282 1.0677727 1.0579056 1.0494486\n", + " 1.0457748 1.0476782 1.0530733 1.0587306 0. ]\n", + " [1.1686896 1.1645055 1.1737441 1.1816149 1.1695039 1.1363672 1.1023875\n", + " 1.081084 1.0702727 1.0671505 1.0656047 1.0606874 1.0518941 1.0447164\n", + " 1.0411888 1.0430411 1.0477566 1.0525917 1.0552543]]\n", + "[[1.1889626 1.1829476 1.1934004 1.2016485 1.1899115 1.1560032 1.1196967\n", + " 1.0961741 1.0850687 1.0832617 1.0837216 1.0787072 1.0680008 1.0581633\n", + " 0. 0. 0. 0. ]\n", + " [1.1622988 1.1597747 1.1710408 1.1787429 1.167514 1.1350234 1.1014539\n", + " 1.079612 1.06933 1.066537 1.0664531 1.0614038 1.052297 1.0447918\n", + " 1.0412589 1.042785 1.0475644 1.0522603]\n", + " [1.1588862 1.1544744 1.1627381 1.1699482 1.1589686 1.1285672 1.0974298\n", + " 1.0762802 1.0662378 1.0643173 1.0642205 1.0599627 1.0522437 1.0449878\n", + " 1.0412788 1.0426769 1.0474783 0. ]\n", + " [1.1747919 1.1695535 1.1779292 1.1870873 1.1738579 1.1402041 1.1054865\n", + " 1.0836356 1.073663 1.0729288 1.0736136 1.0690533 1.0599315 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1609019 1.1572347 1.1672126 1.1746615 1.1634341 1.1317288 1.0989563\n", + " 1.077997 1.0681058 1.0659658 1.0660558 1.0617324 1.05339 1.0458791\n", + " 1.0423723 1.0442975 0. 0. ]]\n", + "[[1.1633754 1.1603273 1.1697268 1.1768982 1.1649479 1.1335428 1.1009641\n", + " 1.079196 1.0683993 1.0655565 1.0641414 1.0602226 1.0522139 1.0453273\n", + " 1.041507 1.0431287 1.0477434 1.0523598 1.054622 ]\n", + " [1.1677268 1.1638615 1.173583 1.1808034 1.1671994 1.133695 1.1004047\n", + " 1.0792613 1.0698684 1.0675983 1.0667787 1.0615928 1.0526428 1.0449338\n", + " 1.0416503 1.0436835 1.0489916 1.0540087 0. ]\n", + " [1.1651077 1.1593478 1.1674681 1.1745925 1.1634432 1.1327925 1.1005199\n", + " 1.0786539 1.0682385 1.065269 1.0643754 1.05932 1.051691 1.0444024\n", + " 1.0415115 1.0434645 1.0482899 1.0534756 0. ]\n", + " [1.192483 1.1875029 1.1964948 1.2046726 1.191128 1.1565096 1.1202986\n", + " 1.0958743 1.0843569 1.0821826 1.0816247 1.0765305 1.066082 1.056892\n", + " 1.0528634 0. 0. 0. 0. ]\n", + " [1.1907598 1.1857247 1.1946648 1.2025616 1.1896704 1.1541501 1.1172681\n", + " 1.0928953 1.0812666 1.0799385 1.0803701 1.0754185 1.0662502 1.0569962\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1815494 1.1777146 1.188471 1.1972475 1.1840392 1.1485438 1.1126865\n", + " 1.0891885 1.0781164 1.0758172 1.0757492 1.0707781 1.061113 1.0523254\n", + " 1.0485318 1.0506917 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1596726 1.1568933 1.1671171 1.1752875 1.1635348 1.1324633 1.1001381\n", + " 1.0786228 1.068421 1.0657593 1.0648319 1.0607541 1.0524664 1.0443243\n", + " 1.0409975 1.0424043 1.0470746 1.05194 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1691238 1.1666161 1.1769509 1.1860472 1.1761233 1.1437813 1.1100577\n", + " 1.0873141 1.0757837 1.0713865 1.0691131 1.0627589 1.053546 1.0459785\n", + " 1.0426774 1.0444294 1.0494034 1.0541214 1.0561922 1.0568346 1.0580169\n", + " 1.0613313 1.0686333]\n", + " [1.1860254 1.181904 1.1919395 1.19934 1.1856663 1.1506222 1.1148214\n", + " 1.0904638 1.0795206 1.0766165 1.0770565 1.0718379 1.0626 1.0545597\n", + " 1.0505264 1.0525525 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1790395 1.1744338 1.1852007 1.195334 1.1837202 1.1488386 1.1133835\n", + " 1.0897069 1.0791514 1.0774419 1.0778885 1.0726738 1.0632621 1.053796\n", + " 1.0496075 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.158953 1.1543671 1.1622162 1.1693549 1.1573291 1.1264404 1.0954118\n", + " 1.0757532 1.0669864 1.0655143 1.0665115 1.0620654 1.0541413 1.0462933\n", + " 1.042759 0. 0. 0. 0. 0. ]\n", + " [1.1888503 1.1862998 1.1969332 1.2059615 1.1921332 1.1571193 1.1202313\n", + " 1.0952077 1.0821724 1.0778923 1.075987 1.0700089 1.0601809 1.0521431\n", + " 1.048704 1.0504023 1.0557603 1.0600194 1.0626023 1.0643576]\n", + " [1.1975758 1.1921024 1.2035701 1.2144364 1.2016648 1.1643579 1.1250464\n", + " 1.0994585 1.0873512 1.0857487 1.0863152 1.0808879 1.0692027 1.0593872\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1742384 1.1720157 1.1835322 1.1933935 1.1801834 1.1461849 1.1098907\n", + " 1.0850515 1.0739357 1.0709703 1.0693221 1.0649871 1.056103 1.0480158\n", + " 1.0445915 1.0458802 1.0506101 1.05539 1.0576583 0. ]\n", + " [1.1780375 1.1769168 1.1873372 1.195329 1.1816967 1.1460702 1.1100439\n", + " 1.0866913 1.0753891 1.0732535 1.0731981 1.0675057 1.0583446 1.0501723\n", + " 1.0458348 1.0475466 1.0527923 1.0577703 0. 0. ]]\n", + "[[1.1802728 1.177395 1.1872895 1.1947494 1.183513 1.1494625 1.1143198\n", + " 1.0894129 1.0777224 1.0730525 1.0706164 1.0641648 1.0557376 1.0477704\n", + " 1.0449693 1.046607 1.0520196 1.0565829 1.0589573 1.060118 1.061446\n", + " 0. 0. ]\n", + " [1.1855303 1.1831968 1.1944193 1.203887 1.1907845 1.1557717 1.1194062\n", + " 1.0944452 1.0821377 1.0776172 1.0758123 1.0696412 1.059131 1.0507542\n", + " 1.0468916 1.0485257 1.0541044 1.0593406 1.0621519 1.0635717 0.\n", + " 0. 0. ]\n", + " [1.1604534 1.1584283 1.1689639 1.1785744 1.1675133 1.1359324 1.1035267\n", + " 1.0813633 1.0701636 1.0665567 1.0644039 1.0586628 1.0493491 1.0422322\n", + " 1.0392077 1.0416706 1.046622 1.0519563 1.0542812 1.0547749 1.0560907\n", + " 1.0593696 1.0667465]\n", + " [1.1787189 1.1747308 1.1849298 1.1927693 1.1788518 1.144474 1.1089814\n", + " 1.0859339 1.0750699 1.0726488 1.071691 1.0665252 1.0573512 1.0495135\n", + " 1.0459621 1.0482173 1.0535369 1.0588393 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.166098 1.163981 1.1746807 1.1830257 1.1698096 1.1366415 1.1035545\n", + " 1.081127 1.0710402 1.0688818 1.0685493 1.0639653 1.0551665 1.0476873\n", + " 1.0440211 1.045852 1.0509809 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1706972 1.1666667 1.1759032 1.1843828 1.1714597 1.1387188 1.1052935\n", + " 1.0831245 1.0725964 1.070152 1.0699575 1.0647044 1.0556862 1.0471227\n", + " 1.0435313 1.0455203 1.0511147 0. 0. 0. 0. ]\n", + " [1.1785245 1.1737032 1.1835475 1.1924808 1.1795663 1.1446518 1.1091325\n", + " 1.0857905 1.0746862 1.0717806 1.0713387 1.0665275 1.0569474 1.0490749\n", + " 1.0453205 1.0474039 1.0529249 1.0584334 0. 0. 0. ]\n", + " [1.1836611 1.1780473 1.1875701 1.1957343 1.1838601 1.1501565 1.1148841\n", + " 1.0921974 1.0819216 1.0810168 1.0814307 1.0751568 1.0645334 1.0545009\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1967015 1.1933663 1.2040534 1.2130793 1.2005174 1.1633635 1.124531\n", + " 1.0984715 1.085371 1.0808715 1.0783434 1.0717965 1.0616721 1.0532198\n", + " 1.0496193 1.0520099 1.0572062 1.0625224 1.0654022 1.0660578 1.0679502]\n", + " [1.2079475 1.2019584 1.2096075 1.2191517 1.2048247 1.1671951 1.1296866\n", + " 1.1051173 1.0931461 1.0915477 1.0914953 1.0848725 1.0728083 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.180566 1.1772739 1.1874164 1.1960669 1.1828902 1.147814 1.1115358\n", + " 1.0880783 1.0766588 1.0735724 1.0730121 1.0676559 1.0583588 1.0503359\n", + " 1.0463735 1.0479534 1.0529525 1.057906 1.060086 0. ]\n", + " [1.2107816 1.2055087 1.2161938 1.225243 1.2096336 1.171556 1.1317033\n", + " 1.1054218 1.0936943 1.0926434 1.093162 1.0870786 1.0753459 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1670203 1.162934 1.1736513 1.1832248 1.1718339 1.1384919 1.104325\n", + " 1.0818518 1.0712711 1.0689288 1.0693289 1.0650362 1.0560082 1.0479742\n", + " 1.0441439 1.045611 1.0509759 0. 0. 0. ]\n", + " [1.186238 1.1812432 1.1895124 1.1981598 1.1847761 1.1499836 1.1141421\n", + " 1.0911566 1.0798146 1.0777941 1.077049 1.0712404 1.0618062 1.0525447\n", + " 1.0486289 1.0509421 1.0569133 0. 0. 0. ]\n", + " [1.165297 1.1623726 1.1740929 1.1833522 1.1721632 1.1390681 1.105027\n", + " 1.0817957 1.0710912 1.0676247 1.065994 1.0611056 1.052361 1.0447488\n", + " 1.041359 1.0429746 1.0476035 1.0520207 1.0542037 1.0547371]]\n", + "[[1.1716158 1.1692524 1.1799111 1.1891861 1.1770544 1.1431801 1.1082901\n", + " 1.0852885 1.07399 1.0717015 1.0709463 1.0665468 1.057498 1.0493184\n", + " 1.0459454 1.0476177 1.0530398]\n", + " [1.1664073 1.1614304 1.1713891 1.1796064 1.1685361 1.1367044 1.1040566\n", + " 1.0817767 1.0716693 1.069595 1.0702327 1.066364 1.057476 1.0494508\n", + " 1.0455306 0. 0. ]\n", + " [1.1688192 1.1630014 1.1703371 1.1770213 1.1642383 1.132578 1.1009041\n", + " 1.080399 1.0707049 1.0684885 1.0687294 1.0641351 1.0555216 1.0475723\n", + " 1.0439909 0. 0. ]\n", + " [1.1729248 1.169315 1.1806004 1.1902361 1.1786392 1.143789 1.1081028\n", + " 1.0849171 1.0742475 1.0719304 1.0720177 1.0671549 1.0582333 1.0492269\n", + " 1.0457627 1.0474352 1.0527712]\n", + " [1.156002 1.1527811 1.1633112 1.172671 1.1625359 1.1315763 1.0987616\n", + " 1.0766326 1.0666683 1.064424 1.0634122 1.0590833 1.0507294 1.0427256\n", + " 1.0396925 1.0409708 1.0459447]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.2277563 1.2218918 1.2345848 1.2443168 1.2294507 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1614307 1.1592753 1.1693232 1.1788806 1.1675661 1.136262 1.1031883\n", + " 1.0805887 1.0691597 1.0655315 1.0635303 1.0582347 1.0501047 1.0434248\n", + " 1.0404524 1.0423543 1.0467874 1.0515987 1.0537986 1.0545549 1.0558234\n", + " 1.0594133]\n", + " [1.1583457 1.1546774 1.1653347 1.1741391 1.1635003 1.1319176 1.0990862\n", + " 1.0776145 1.0682399 1.0663171 1.0669984 1.0624281 1.0540711 1.045695\n", + " 1.0420356 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.193084 1.1896396 1.2006506 1.2092476 1.1977007 1.1615777 1.123706\n", + " 1.0988315 1.0856813 1.0806907 1.0778975 1.0705012 1.0603781 1.0516939\n", + " 1.0478139 1.0498767 1.0550679 1.0604404 1.0636371 1.0645912 1.0660367\n", + " 0. ]\n", + " [1.1672906 1.16218 1.1733816 1.1822724 1.1717836 1.1384687 1.1043687\n", + " 1.0819069 1.0712345 1.0690945 1.0694988 1.0650525 1.0560142 1.0476705\n", + " 1.0441443 1.0462325 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.173563 1.1707973 1.180061 1.1897887 1.1771317 1.1413743 1.1060913\n", + " 1.0838226 1.0741261 1.0739517 1.0743623 1.0696359 1.060158 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1642419 1.1584206 1.1663873 1.1729041 1.1618143 1.1306148 1.0991756\n", + " 1.0786546 1.0693706 1.0683411 1.0681416 1.0642183 1.055614 1.0476338\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1826888 1.179183 1.1902598 1.199053 1.1873912 1.1518878 1.1153756\n", + " 1.0915087 1.0796187 1.0772336 1.0761973 1.0706577 1.0604947 1.0514672\n", + " 1.0472462 1.0490992 1.0548891 1.0602804 0. ]\n", + " [1.1862017 1.1820397 1.193264 1.2010509 1.1872294 1.1505985 1.1147355\n", + " 1.091374 1.0808975 1.080369 1.0805817 1.0751867 1.0644097 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1620855 1.1601967 1.1697595 1.1772475 1.1641899 1.1324167 1.100442\n", + " 1.0786822 1.0680649 1.0648404 1.0635113 1.0581051 1.0505481 1.0435108\n", + " 1.0398552 1.0416102 1.046332 1.0511214 1.0539292]]\n", + "[[1.2105643 1.2046053 1.2142301 1.2214305 1.2087986 1.1711825 1.1321259\n", + " 1.104888 1.0935333 1.0914804 1.0911785 1.0856718 1.074183 1.0642257\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1667972 1.1636946 1.1746461 1.1851265 1.1728284 1.1402547 1.1062622\n", + " 1.0831535 1.0721911 1.0695249 1.0693265 1.0650281 1.0564232 1.0485754\n", + " 1.0447031 1.0462484 1.051426 0. 0. ]\n", + " [1.1696779 1.1674342 1.1781315 1.1869577 1.1756253 1.1420068 1.1071398\n", + " 1.0838306 1.0724505 1.0689672 1.0682011 1.0627162 1.0540606 1.0459507\n", + " 1.0423932 1.0440506 1.0488628 1.053764 1.0561805]\n", + " [1.1763086 1.1720616 1.182295 1.1913704 1.1793107 1.1452872 1.1104436\n", + " 1.08767 1.0768874 1.07485 1.0749277 1.069745 1.0601004 1.0512825\n", + " 1.0472002 1.0492024 0. 0. 0. ]\n", + " [1.1496694 1.145397 1.1540313 1.1613669 1.1494794 1.120339 1.0909733\n", + " 1.0714982 1.0628611 1.0616525 1.0620952 1.0587736 1.0511843 1.0438323\n", + " 1.0405098 0. 0. 0. 0. ]]\n", + "[[1.162974 1.1592362 1.1688534 1.1759956 1.16514 1.1337107 1.1009086\n", + " 1.0795985 1.0691732 1.0663772 1.0652132 1.06097 1.0530211 1.0448443\n", + " 1.041309 1.0427502 1.0475006 1.0521789 0. 0. 0. ]\n", + " [1.207728 1.2017913 1.211987 1.2193905 1.2062507 1.1685038 1.1282591\n", + " 1.1019863 1.0900043 1.0879892 1.0892425 1.0841861 1.0737088 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1596421 1.1561898 1.1670954 1.1753554 1.1649048 1.1331741 1.1002338\n", + " 1.0785402 1.0688008 1.0669369 1.0665541 1.061986 1.0533885 1.0454605\n", + " 1.0415801 1.0431334 1.0482142 0. 0. 0. 0. ]\n", + " [1.1791971 1.1779693 1.1896813 1.2002113 1.1871247 1.1522188 1.1163093\n", + " 1.091775 1.0793723 1.0751565 1.0728621 1.0665127 1.0575987 1.0492786\n", + " 1.045446 1.0470477 1.0530007 1.0582342 1.060691 1.0615312 0. ]\n", + " [1.1744002 1.171 1.1814193 1.1918887 1.1811364 1.148317 1.1128323\n", + " 1.0891644 1.0767796 1.0726204 1.0705498 1.0653735 1.0561396 1.0478785\n", + " 1.0441815 1.0452508 1.0502144 1.0550894 1.0576644 1.0584599 1.0596429]]\n", + "[[1.1736321 1.1690459 1.1795597 1.1887922 1.1778603 1.1443498 1.109524\n", + " 1.0860002 1.0748395 1.0719029 1.0717795 1.0666119 1.0576282 1.0487913\n", + " 1.0446138 1.0457809 1.0509238 1.0560732 0. 0. 0. ]\n", + " [1.1500219 1.1482525 1.1575787 1.1659722 1.154568 1.1257436 1.0947514\n", + " 1.0742304 1.0643605 1.061012 1.059155 1.0530756 1.0453124 1.039215\n", + " 1.0362041 1.0378393 1.0422425 1.046662 1.0485728 1.0489914 1.0503819]\n", + " [1.1817865 1.1781594 1.1894265 1.199159 1.1847702 1.1488096 1.1129105\n", + " 1.0899068 1.0800434 1.0794013 1.0800033 1.074935 1.0645701 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1638829 1.1599059 1.1691852 1.1783 1.1664194 1.1340609 1.1010817\n", + " 1.0793492 1.0687023 1.0668844 1.0664983 1.0621511 1.0538231 1.0458678\n", + " 1.042417 1.0441396 1.0493982 0. 0. 0. 0. ]\n", + " [1.1831285 1.1786556 1.1889216 1.1988053 1.1863002 1.1519883 1.1161522\n", + " 1.0919919 1.080563 1.0779309 1.0776119 1.072485 1.0626738 1.0534542\n", + " 1.0490631 1.050663 1.0563498 0. 0. 0. 0. ]]\n", + "[[1.1585491 1.1552074 1.165215 1.1735163 1.1625763 1.1315979 1.0994713\n", + " 1.0779029 1.0670526 1.0635941 1.0625731 1.0579283 1.0496352 1.0425186\n", + " 1.0395695 1.0413924 1.0459777 1.0505253 1.0528522 0. 0.\n", + " 0. ]\n", + " [1.1671754 1.1646572 1.174115 1.1831707 1.1704036 1.1379161 1.1049477\n", + " 1.082916 1.0714644 1.067502 1.0649595 1.0593534 1.0507079 1.0436645\n", + " 1.0405833 1.0423847 1.0475769 1.0527178 1.0552808 1.056548 1.0583243\n", + " 1.062032 ]\n", + " [1.167212 1.1649603 1.1757354 1.1838392 1.1726118 1.1398549 1.1059892\n", + " 1.0831294 1.0725691 1.0693791 1.0677383 1.0626135 1.053496 1.0460377\n", + " 1.042294 1.0438734 1.0486667 1.0535405 1.0560515 0. 0.\n", + " 0. ]\n", + " [1.1819683 1.1780392 1.1869994 1.1945535 1.1814293 1.1477857 1.112286\n", + " 1.0884358 1.0774399 1.074222 1.0737457 1.0687218 1.0597885 1.0517253\n", + " 1.0479215 1.0501649 1.0557418 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1673753 1.1629186 1.1725795 1.180667 1.1693873 1.1371995 1.1042368\n", + " 1.0829194 1.0722129 1.07042 1.0698547 1.0654062 1.0558763 1.0479113\n", + " 1.0441496 1.0462599 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1739621 1.1719664 1.1816657 1.1908116 1.1783513 1.1444331 1.1104702\n", + " 1.0873946 1.0761276 1.0718596 1.0704466 1.0642608 1.0546991 1.0470265\n", + " 1.0434841 1.045532 1.0502712 1.0551702 1.0573362 1.0580016 0.\n", + " 0. ]\n", + " [1.1603731 1.1570339 1.1667745 1.1744266 1.1628859 1.1322063 1.1009003\n", + " 1.0796317 1.069886 1.0669599 1.0666573 1.0614306 1.0524901 1.0444736\n", + " 1.0410314 1.0432632 1.048264 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1809918 1.1767408 1.1870095 1.1957618 1.1853911 1.1515594 1.1162134\n", + " 1.0921241 1.0807129 1.0778643 1.0764751 1.0707773 1.0603867 1.0509636\n", + " 1.0469514 1.0486777 1.0547142 1.0600814 0. 0. 0.\n", + " 0. ]\n", + " [1.1663867 1.1620171 1.1719306 1.1806248 1.1700743 1.1390816 1.1060221\n", + " 1.0834501 1.0725577 1.0695686 1.0689238 1.0637379 1.0545778 1.0465865\n", + " 1.0433075 1.0452971 1.0507444 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.164485 1.1634605 1.1753161 1.1837265 1.172073 1.1389999 1.1054964\n", + " 1.0832553 1.0720598 1.0682303 1.0658808 1.0604998 1.0516127 1.0440956\n", + " 1.0412455 1.042874 1.0478524 1.0525043 1.0549625 1.055846 1.0572995\n", + " 1.0611634]]\n", + "[[1.1611596 1.1589406 1.1685328 1.1764448 1.1644328 1.1326547 1.10062\n", + " 1.0791346 1.0681051 1.0654948 1.0640415 1.058446 1.0505872 1.0433959\n", + " 1.0403938 1.0423291 1.0470204 1.0516644 1.0540026 0. 0.\n", + " 0. ]\n", + " [1.1777874 1.1752768 1.186029 1.1951821 1.1834041 1.1488705 1.1136427\n", + " 1.0894862 1.0772301 1.0728936 1.0710579 1.0649216 1.0557861 1.0479236\n", + " 1.0445881 1.0468274 1.0518837 1.0569648 1.0593115 1.0599025 1.0615925\n", + " 1.0649579]\n", + " [1.1860198 1.1814204 1.1923655 1.2024399 1.1899273 1.1538186 1.1165029\n", + " 1.0917168 1.0801569 1.0776151 1.0776355 1.0724504 1.0627056 1.0533811\n", + " 1.0491186 1.0511285 1.05703 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1575035 1.1528813 1.161735 1.1685148 1.156777 1.1267903 1.0962071\n", + " 1.0760949 1.0669785 1.0652715 1.0648438 1.0604738 1.0523293 1.0446455\n", + " 1.041695 1.044014 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1741695 1.1702509 1.1805214 1.1894741 1.1773723 1.1435437 1.1073831\n", + " 1.0842028 1.0730581 1.070372 1.0693744 1.0639116 1.054946 1.046896\n", + " 1.043441 1.0459355 1.0509504 1.0557989 1.0580006 0. 0.\n", + " 0. ]]\n", + "[[1.1639578 1.1611507 1.1722553 1.1819843 1.1716852 1.1403959 1.1073116\n", + " 1.0846012 1.0735289 1.0692102 1.0666317 1.0606089 1.0513564 1.0436258\n", + " 1.0407493 1.0426706 1.0478781 1.052655 1.0551635 1.0557642 1.0565531\n", + " 1.0590296 1.0662636 1.0759933]\n", + " [1.1716658 1.1672937 1.1781154 1.1875997 1.1765821 1.1422555 1.1070559\n", + " 1.0836927 1.0732445 1.072047 1.0723869 1.0672014 1.0574137 1.0486546\n", + " 1.0447792 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1785252 1.1745085 1.1837562 1.1914444 1.1786182 1.144194 1.1099198\n", + " 1.0881965 1.0780388 1.0767154 1.0775572 1.0719169 1.062021 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.172322 1.169387 1.1808432 1.1895257 1.1773363 1.1432041 1.1082871\n", + " 1.08519 1.0745026 1.0719779 1.071932 1.0670717 1.0569772 1.0487077\n", + " 1.0448219 1.0463619 1.0521814 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1741396 1.1689763 1.1774629 1.1850109 1.1728553 1.1395797 1.1061655\n", + " 1.0834944 1.0732516 1.0710329 1.0713086 1.0675181 1.0591801 1.0509888\n", + " 1.0471038 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1804649 1.1769531 1.1867995 1.1959475 1.1841761 1.1504673 1.1152732\n", + " 1.0917243 1.0808737 1.0791961 1.0794408 1.0738506 1.0638669 1.054193\n", + " 1.0496408 0. 0. 0. ]\n", + " [1.1782256 1.1742761 1.18456 1.193912 1.1818852 1.1478429 1.1127822\n", + " 1.0888416 1.0779203 1.0747384 1.0747755 1.0701807 1.0605268 1.0522228\n", + " 1.0482454 1.0496639 1.0551918 0. ]\n", + " [1.1688834 1.1659478 1.1766889 1.1863768 1.1742239 1.1412827 1.106385\n", + " 1.0826902 1.0712087 1.0688341 1.0687139 1.0642531 1.0556519 1.0476614\n", + " 1.0435482 1.0451747 1.050269 1.0551841]\n", + " [1.2124519 1.2064968 1.2162952 1.223418 1.2096311 1.1722317 1.1331449\n", + " 1.1066141 1.0938642 1.0919617 1.091676 1.0847925 1.074044 1.0633456\n", + " 1.0590705 0. 0. 0. ]\n", + " [1.1756474 1.1705866 1.1803329 1.1896732 1.1772404 1.1425016 1.1082313\n", + " 1.0860615 1.0762347 1.0751053 1.0757272 1.0701922 1.0605233 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1701639 1.1681397 1.1795578 1.1883155 1.1750072 1.14132 1.1064595\n", + " 1.0840273 1.0727785 1.069141 1.0677462 1.062233 1.0530305 1.0457422\n", + " 1.0424184 1.0443755 1.0491575 1.0539503 1.0560588 1.0569364]\n", + " [1.168356 1.163133 1.1728266 1.1813626 1.1707844 1.1387107 1.1057438\n", + " 1.0836676 1.0737293 1.0720624 1.0722153 1.0677438 1.0586635 1.0501647\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1723326 1.1690536 1.1792549 1.1870099 1.175892 1.142529 1.1081178\n", + " 1.0849551 1.0737972 1.0711348 1.0711491 1.0666797 1.0573277 1.0494369\n", + " 1.0454253 1.0474353 1.0527774 0. 0. 0. ]\n", + " [1.1734278 1.1701162 1.1807802 1.1899298 1.1775882 1.143017 1.1077356\n", + " 1.0849853 1.0736824 1.071723 1.07118 1.0659401 1.0572567 1.0489266\n", + " 1.0449973 1.0469917 1.0524391 0. 0. 0. ]\n", + " [1.1741705 1.1704972 1.1818558 1.1918802 1.1792467 1.1443814 1.1085958\n", + " 1.0846479 1.073146 1.0704472 1.0698764 1.0652891 1.0567431 1.0487735\n", + " 1.0446918 1.0463014 1.0510905 1.0559417 1.0585315 0. ]]\n", + "[[1.1558989 1.1516339 1.1609181 1.1704938 1.1594418 1.1288496 1.0970747\n", + " 1.0755492 1.0660584 1.0641565 1.0643796 1.0602798 1.0520093 1.0444541\n", + " 1.0410056 1.0426223 0. 0. ]\n", + " [1.1689463 1.165887 1.1765114 1.1850699 1.1734852 1.1396905 1.1055115\n", + " 1.0832175 1.0730366 1.0709677 1.0711638 1.066267 1.0575445 1.0490214\n", + " 1.0450532 1.0468765 0. 0. ]\n", + " [1.184024 1.1793433 1.1878538 1.1939731 1.1814622 1.1471138 1.1122886\n", + " 1.0881845 1.0768796 1.0735809 1.072189 1.0662677 1.0579028 1.0497718\n", + " 1.0467577 1.0490037 1.0546533 1.0599858]\n", + " [1.1672745 1.161983 1.17044 1.1784439 1.1679093 1.136157 1.1035557\n", + " 1.0821154 1.0727607 1.0718331 1.0722026 1.067517 1.0581025 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.180335 1.1754633 1.1855626 1.193871 1.1799004 1.1450934 1.1095476\n", + " 1.086632 1.0765085 1.075634 1.0761266 1.0721508 1.0626193 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1821752 1.1774628 1.187893 1.1969206 1.1837912 1.147865 1.1111356\n", + " 1.0868559 1.0768754 1.07612 1.0775203 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.169021 1.16558 1.1761495 1.1862371 1.1747264 1.1422305 1.1085147\n", + " 1.0857834 1.0741161 1.0699911 1.067874 1.0617778 1.0523074 1.0447414\n", + " 1.0415328 1.0436504 1.0486863 1.0536621 1.0561668 1.057172 1.0586666\n", + " 1.0624392 1.0702076]\n", + " [1.1832491 1.1787094 1.1892625 1.1987269 1.1849825 1.1492087 1.1127917\n", + " 1.089118 1.0778233 1.075276 1.074083 1.0681252 1.0580143 1.0492204\n", + " 1.0456588 1.0479349 1.0541016 1.0599164 1.0627936 0. 0.\n", + " 0. 0. ]\n", + " [1.1775814 1.1727579 1.1824279 1.1917571 1.1794703 1.1463816 1.1107908\n", + " 1.0871971 1.0759014 1.073469 1.0729831 1.0689138 1.06036 1.0519567\n", + " 1.04776 1.049666 1.0549554 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1686032 1.1656998 1.1761577 1.1856318 1.1736976 1.141421 1.1082608\n", + " 1.0853323 1.0738021 1.0697346 1.0669479 1.0615363 1.0523833 1.0451851\n", + " 1.0415742 1.0434849 1.0486399 1.0533887 1.0558622 1.0572052 1.0586479\n", + " 0. 0. ]]\n", + "[[1.1824083 1.1775135 1.1864 1.1941612 1.1833853 1.1499443 1.1145722\n", + " 1.0906733 1.0794175 1.0778906 1.0782002 1.0734562 1.0637473 1.054599\n", + " 1.0502958 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1722008 1.1676745 1.1773498 1.185238 1.1722633 1.1388199 1.1047215\n", + " 1.0831807 1.0731323 1.0715123 1.072253 1.0673859 1.0577435 1.0491326\n", + " 1.0452919 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1588415 1.1548914 1.1651158 1.1748093 1.1642243 1.1323541 1.0996249\n", + " 1.077749 1.0676968 1.0657294 1.066062 1.0616283 1.052609 1.0443984\n", + " 1.0405686 1.0421585 1.0473307 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1724037 1.1695917 1.181181 1.1922253 1.1832974 1.1508539 1.1160342\n", + " 1.0914063 1.0781987 1.0734396 1.0707313 1.0644041 1.0549763 1.0471343\n", + " 1.0439708 1.0461107 1.0514112 1.0564041 1.0587039 1.0597908 1.0609206\n", + " 1.0647262 1.0721802 1.0819899 1.090091 1.0934992]\n", + " [1.1792309 1.1753119 1.1860478 1.1955551 1.1838734 1.1501737 1.1146445\n", + " 1.0905478 1.078221 1.0743865 1.0721818 1.0667106 1.0574211 1.049076\n", + " 1.0453095 1.0469124 1.0521339 1.0570934 1.0595078 1.0606829 0.\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1629078 1.1594533 1.1691644 1.1781033 1.1667213 1.1343318 1.1011441\n", + " 1.0802735 1.0707753 1.0698292 1.07135 1.0664098 1.0571525 1.0483966\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1978693 1.1917768 1.2010739 1.2113043 1.1969856 1.1613212 1.1241513\n", + " 1.099267 1.08863 1.0865803 1.0866196 1.0808481 1.0691401 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1653732 1.1608741 1.1711869 1.1800379 1.1682732 1.1361711 1.1026497\n", + " 1.0811086 1.0706 1.0681598 1.0683461 1.0634631 1.0545206 1.0470446\n", + " 1.0434601 1.0455823 0. 0. 0. 0. ]\n", + " [1.1817758 1.1768565 1.1884753 1.1992239 1.1869667 1.1515083 1.115211\n", + " 1.0912501 1.0809252 1.0795588 1.0797088 1.0744992 1.0643481 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1712005 1.1690754 1.1801617 1.1895436 1.1761291 1.1433891 1.1088109\n", + " 1.0850012 1.0741171 1.0705941 1.0690219 1.0634212 1.0541914 1.0464727\n", + " 1.0429821 1.0441303 1.049274 1.0542144 1.0563873 1.057194 ]]\n", + "[[1.1783482 1.1752968 1.1865718 1.1962621 1.1842074 1.1501275 1.1145298\n", + " 1.0904853 1.078244 1.0741471 1.072555 1.0664133 1.0570475 1.0484529\n", + " 1.0449612 1.046479 1.0519091 1.0567254 1.0590783 1.0597842]\n", + " [1.1866021 1.1837989 1.1942749 1.2028207 1.1909701 1.1553445 1.1188834\n", + " 1.0946865 1.0820847 1.0783792 1.0767738 1.0705498 1.0608659 1.0517147\n", + " 1.0481044 1.0503111 1.0556523 1.0607991 1.0632613 0. ]\n", + " [1.1807052 1.1755168 1.1854877 1.1931468 1.1812214 1.1468812 1.1121995\n", + " 1.089413 1.0791603 1.076569 1.0764058 1.0709612 1.0609401 1.0519614\n", + " 1.047922 1.0503831 0. 0. 0. 0. ]\n", + " [1.1602653 1.1554136 1.1644288 1.1734545 1.1626816 1.1314948 1.098794\n", + " 1.077935 1.0682108 1.0662531 1.0668573 1.0624305 1.0540617 1.0462255\n", + " 1.0424144 1.0440382 0. 0. 0. 0. ]\n", + " [1.1911414 1.1863773 1.1965911 1.204833 1.1911769 1.1544852 1.1163812\n", + " 1.0911164 1.0799432 1.0773904 1.0759628 1.0709884 1.0614264 1.0519835\n", + " 1.0485406 1.050727 1.0566332 1.0626558 0. 0. ]]\n", + "[[1.1840142 1.181669 1.1921556 1.2007111 1.1879864 1.1526489 1.1161611\n", + " 1.0914179 1.0797615 1.0765629 1.0752469 1.069843 1.0602157 1.0514482\n", + " 1.0479991 1.049719 1.055113 1.0603546 1.0625199 0. ]\n", + " [1.1764458 1.1720963 1.1820226 1.1912777 1.1796488 1.1466483 1.1115825\n", + " 1.0877255 1.0756137 1.0721557 1.070211 1.0645114 1.0559965 1.0480686\n", + " 1.0443758 1.0459094 1.0507975 1.0557483 1.0585747 1.0603082]\n", + " [1.1769283 1.1702493 1.178128 1.1858115 1.1737261 1.1406492 1.1075181\n", + " 1.0855147 1.0759064 1.0743569 1.0745084 1.0703634 1.0609578 1.0523838\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1668451 1.1641518 1.1729221 1.1802989 1.169329 1.1378906 1.1051666\n", + " 1.0828427 1.0719784 1.0682201 1.0677152 1.0623757 1.0536056 1.0461825\n", + " 1.0425138 1.0441543 1.0492932 1.0544226 0. 0. ]\n", + " [1.1801639 1.1758848 1.1857297 1.1932943 1.181194 1.1473007 1.1127012\n", + " 1.0894697 1.0783343 1.075001 1.073836 1.0679151 1.0588514 1.0503148\n", + " 1.0468991 1.04864 1.0541229 1.0594826 0. 0. ]]\n", + "[[1.1732597 1.1706893 1.181967 1.1920587 1.1785482 1.1445531 1.109069\n", + " 1.0855919 1.0740498 1.0712218 1.069457 1.0645995 1.0553106 1.0476046\n", + " 1.0444568 1.0460823 1.0515916 1.0569292 0. 0. 0.\n", + " 0. ]\n", + " [1.1739266 1.167874 1.1766229 1.1846769 1.1733367 1.1401402 1.1067679\n", + " 1.084702 1.0746205 1.0730656 1.0730168 1.0685755 1.0594168 1.0508331\n", + " 1.0472916 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1896222 1.1849322 1.1941628 1.2030481 1.1895077 1.1539081 1.118391\n", + " 1.0957289 1.085421 1.0839512 1.0834781 1.07777 1.0664182 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1800542 1.1773529 1.1881001 1.1972975 1.1860833 1.1520559 1.1168778\n", + " 1.092902 1.0806451 1.0762274 1.0733204 1.067247 1.0577459 1.0495809\n", + " 1.0463097 1.0483452 1.0538539 1.0587046 1.0612972 1.0617963 1.0633168\n", + " 1.0669394]\n", + " [1.1859039 1.1790777 1.188282 1.196291 1.1833935 1.1484941 1.1129849\n", + " 1.0898205 1.0795627 1.0779247 1.0781952 1.07356 1.0630616 1.0536768\n", + " 1.0495418 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.167969 1.16426 1.1737446 1.1823105 1.1728778 1.1403263 1.1065148\n", + " 1.0839562 1.0734819 1.0722176 1.0722841 1.0680734 1.0591809 1.0505902\n", + " 1.04633 0. 0. 0. 0. 0. ]\n", + " [1.1932373 1.189596 1.1993906 1.2079012 1.1953279 1.158399 1.120765\n", + " 1.095355 1.0826759 1.0797893 1.0785673 1.0725422 1.0628544 1.0539016\n", + " 1.0500219 1.0520477 1.0579481 1.063635 0. 0. ]\n", + " [1.1828594 1.1791633 1.1904517 1.200087 1.1882285 1.1538875 1.1175013\n", + " 1.0932463 1.080943 1.0771381 1.0753506 1.0693413 1.0595798 1.0509465\n", + " 1.0471295 1.048583 1.0541013 1.059368 1.061786 1.0626667]\n", + " [1.1689773 1.1658221 1.1752294 1.1830264 1.1721864 1.1391363 1.1056354\n", + " 1.082931 1.0726556 1.0702593 1.0699861 1.0653837 1.0569017 1.0484116\n", + " 1.0446959 1.046355 1.0515833 0. 0. 0. ]\n", + " [1.1583357 1.1554741 1.1659641 1.1747714 1.1638929 1.1329299 1.1002196\n", + " 1.0784774 1.0690922 1.0672272 1.0671532 1.0625707 1.0541129 1.0461336\n", + " 1.0423286 1.0440764 0. 0. 0. 0. ]]\n", + "[[1.1670648 1.1625926 1.172097 1.1809014 1.1700481 1.1359124 1.1019824\n", + " 1.0797858 1.0697174 1.0685127 1.06943 1.0657766 1.0572612 1.048969\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1697481 1.1652651 1.1760534 1.1846617 1.1743581 1.1411573 1.1068403\n", + " 1.0847743 1.0742478 1.0724474 1.072627 1.0684419 1.0595782 1.0508567\n", + " 1.0469221 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1762122 1.1708035 1.1805623 1.1890098 1.1774445 1.1435742 1.1088281\n", + " 1.0858474 1.0748849 1.0726006 1.0727383 1.0676304 1.0592464 1.0506814\n", + " 1.0471892 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1828436 1.1789881 1.1901804 1.1996369 1.185758 1.1504999 1.1143229\n", + " 1.0904099 1.0791552 1.075923 1.0755134 1.0700411 1.0603439 1.0520468\n", + " 1.047996 1.0497091 1.0554274 1.0610937 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1697994 1.1681278 1.1804729 1.1912556 1.1795226 1.1451443 1.1099467\n", + " 1.0862082 1.0742307 1.0705689 1.0686442 1.0624335 1.0537136 1.0462894\n", + " 1.0430259 1.0448884 1.0501848 1.0547872 1.0577228 1.058451 1.0596119\n", + " 1.063552 1.0715326]]\n", + "[[1.1674348 1.1650856 1.1754947 1.1847951 1.1725883 1.1390911 1.1048658\n", + " 1.0823258 1.071738 1.0682824 1.0662738 1.0609559 1.0521277 1.0446907\n", + " 1.0415801 1.04363 1.0485727 1.0532967 1.0559524 1.0566652 1.0585753]\n", + " [1.1746714 1.1708844 1.1804018 1.1881835 1.1764616 1.1440616 1.110104\n", + " 1.0868988 1.075764 1.0718929 1.0709586 1.0654975 1.0559419 1.0479416\n", + " 1.0444812 1.0460165 1.0510463 1.0559198 0. 0. 0. ]\n", + " [1.1575264 1.1548947 1.1653233 1.173897 1.1632147 1.1311879 1.0983491\n", + " 1.0768713 1.0669469 1.0651326 1.0648812 1.0605886 1.0524198 1.0448408\n", + " 1.0415958 1.042999 1.0479767 0. 0. 0. 0. ]\n", + " [1.1613321 1.1589471 1.1694083 1.178461 1.1670486 1.1346624 1.1020275\n", + " 1.079932 1.0691098 1.0655055 1.064018 1.058321 1.0498741 1.0426502\n", + " 1.0396843 1.0413005 1.0458797 1.0508505 1.053611 1.0545261 0. ]\n", + " [1.1827265 1.1803542 1.1905289 1.1981827 1.1845434 1.150393 1.1148477\n", + " 1.090877 1.0791957 1.0758591 1.0735705 1.0669198 1.0572847 1.0484565\n", + " 1.0449064 1.0464495 1.0523067 1.0577215 1.0608357 0. 0. ]]\n", + "[[1.1821425 1.1784205 1.1879236 1.1958069 1.1837479 1.1487871 1.1121854\n", + " 1.0884842 1.0770311 1.0734289 1.0722907 1.066503 1.057645 1.0493786\n", + " 1.0453598 1.047303 1.0521898 1.0576258 1.0597363]\n", + " [1.164865 1.1625866 1.1736771 1.1824591 1.1701005 1.1369112 1.1032096\n", + " 1.0806328 1.0703392 1.0673844 1.0671201 1.0618662 1.0531783 1.0454803\n", + " 1.0419352 1.0435511 1.0486183 1.0540326 0. ]\n", + " [1.1850572 1.1802176 1.1903137 1.1979609 1.1865273 1.1519032 1.1162311\n", + " 1.0918746 1.0799463 1.077199 1.076872 1.0712245 1.0614134 1.0531158\n", + " 1.0492346 1.05149 1.0576719 0. 0. ]\n", + " [1.1787046 1.1750876 1.1858994 1.1928672 1.1805494 1.1450294 1.1095668\n", + " 1.086499 1.0765014 1.0756083 1.0756255 1.0710886 1.0617522 1.0529987\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.180586 1.1761773 1.1859963 1.1941341 1.1822852 1.1482483 1.1133764\n", + " 1.0900071 1.0790703 1.0759856 1.0756029 1.0697858 1.0603422 1.0516804\n", + " 1.0478745 1.0501785 1.0563318 0. 0. ]]\n", + "[[1.1716565 1.1687783 1.1797878 1.1887127 1.175934 1.1429108 1.1084028\n", + " 1.0851299 1.0737181 1.0701773 1.0683693 1.0624396 1.053847 1.0465419\n", + " 1.0430723 1.0448279 1.0497997 1.0544214 1.056702 1.0575092 1.0592619]\n", + " [1.1901873 1.1861097 1.1961088 1.2050052 1.190849 1.1544632 1.1175576\n", + " 1.0933635 1.0826049 1.0807012 1.0804791 1.0754693 1.0655231 1.0561273\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1870837 1.1817075 1.1913011 1.1982362 1.186372 1.1512094 1.1154459\n", + " 1.0914588 1.0800582 1.0777407 1.0770714 1.0715652 1.0623748 1.0537121\n", + " 1.050404 1.052523 0. 0. 0. 0. 0. ]\n", + " [1.159241 1.1556691 1.1655387 1.17214 1.1607438 1.1286592 1.0970784\n", + " 1.0766025 1.0673753 1.06538 1.0655605 1.0610819 1.0520792 1.044356\n", + " 1.0409364 1.0427337 1.0481188 0. 0. 0. 0. ]\n", + " [1.1790628 1.1753367 1.1861945 1.1948884 1.1812567 1.147178 1.1120764\n", + " 1.0879375 1.075894 1.0721844 1.0702147 1.0658444 1.0570322 1.0492367\n", + " 1.045764 1.0474477 1.05255 1.0574802 1.060389 0. 0. ]]\n", + "[[1.1657823 1.1634223 1.1747262 1.1842823 1.172495 1.1400652 1.1059787\n", + " 1.0830626 1.0715095 1.0687338 1.0674025 1.0627785 1.05401 1.0461435\n", + " 1.0426282 1.0438551 1.0486281 1.0537088]\n", + " [1.2026745 1.1968881 1.2058278 1.2132589 1.1972337 1.1608673 1.1229619\n", + " 1.0980561 1.0872086 1.086324 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1935246 1.1883199 1.1983113 1.206802 1.1925751 1.1569461 1.1197983\n", + " 1.0950167 1.0837971 1.0809371 1.0804154 1.0745907 1.0648769 1.0558765\n", + " 1.0519971 1.0546542 1.0608621 0. ]\n", + " [1.1630542 1.1595659 1.1695907 1.1782613 1.1662226 1.1344547 1.1014132\n", + " 1.0793074 1.0696152 1.0668205 1.06672 1.0621258 1.0536773 1.04625\n", + " 1.0425154 1.043962 1.0491861 0. ]\n", + " [1.1745782 1.1717217 1.1831412 1.1911588 1.1797663 1.1445204 1.1087471\n", + " 1.085654 1.0743967 1.0714657 1.0713155 1.0664557 1.0575237 1.0495307\n", + " 1.0458283 1.0475186 1.0527757 1.0580615]]\n", + "[[1.1644346 1.1621923 1.1729424 1.1815094 1.1699303 1.1378667 1.1047366\n", + " 1.0822828 1.0710784 1.0677094 1.0661275 1.0617555 1.0526855 1.0451788\n", + " 1.0411917 1.0432558 1.0480437 1.0530812 1.0557798 0. ]\n", + " [1.1989958 1.1913807 1.2009892 1.2095016 1.1979384 1.1619596 1.1231833\n", + " 1.0981842 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1939276 1.1869072 1.1964003 1.2050089 1.192566 1.1571312 1.1204387\n", + " 1.095914 1.0849425 1.0828896 1.0833024 1.0770394 1.0670707 1.0571783\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.168052 1.1635298 1.1730802 1.1816384 1.168684 1.1370342 1.1043522\n", + " 1.0824296 1.0720531 1.0696995 1.0697684 1.0653254 1.0565168 1.0484859\n", + " 1.0446471 1.0466686 0. 0. 0. 0. ]\n", + " [1.1745945 1.1726865 1.1833289 1.1913674 1.1785724 1.1442851 1.1088792\n", + " 1.0854048 1.0735279 1.0699677 1.0678797 1.0631522 1.0545468 1.0469596\n", + " 1.0440176 1.0456012 1.0504794 1.0550685 1.0568986 1.0579423]]\n", + "[[1.16486 1.1600323 1.1682296 1.1743321 1.1633866 1.1313648 1.0996842\n", + " 1.0791568 1.0698706 1.0689038 1.0694636 1.0651476 1.0562277 1.0479501\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1766222 1.1728618 1.1834438 1.1909548 1.179173 1.1445413 1.1094046\n", + " 1.0857189 1.0746763 1.0716178 1.0703745 1.0652285 1.0569776 1.0488627\n", + " 1.0453163 1.0467695 1.0518581 1.0569327 1.0595591 0. 0. ]\n", + " [1.1613195 1.1590376 1.1695174 1.178529 1.1672918 1.1348397 1.1013935\n", + " 1.0795217 1.0690283 1.0654956 1.0639989 1.0586836 1.050396 1.0431637\n", + " 1.0398799 1.0415704 1.0457646 1.050563 1.0530393 1.0539242 1.0553249]\n", + " [1.1721668 1.1689706 1.17737 1.185633 1.172703 1.1385396 1.10357\n", + " 1.0824903 1.0738411 1.0731442 1.0736101 1.0685409 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.182192 1.1786709 1.1886058 1.1958754 1.1829479 1.1491306 1.114191\n", + " 1.0908182 1.0791066 1.0748811 1.0728911 1.0671663 1.0574685 1.0494152\n", + " 1.0457635 1.0481321 1.0534831 1.058355 1.0607373 0. 0. ]]\n", + "[[1.1680778 1.1643746 1.173533 1.1815554 1.170322 1.138357 1.1055111\n", + " 1.0833902 1.073306 1.0705535 1.0696481 1.0645071 1.0557047 1.0480849\n", + " 1.0446563 1.0469085 0. 0. 0. ]\n", + " [1.1741133 1.1714965 1.1819156 1.1907133 1.1780753 1.1440127 1.1085293\n", + " 1.0847944 1.073235 1.0699828 1.0686824 1.0638973 1.0551901 1.0479183\n", + " 1.0440234 1.0458161 1.0508708 1.055669 1.0580332]]\n", + "[[1.176297 1.171031 1.1806074 1.188874 1.1767228 1.143059 1.1094513\n", + " 1.0872123 1.0763661 1.07457 1.0741292 1.0694834 1.059793 1.0511258\n", + " 1.0472783 1.0496782 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1703601 1.1670556 1.1784158 1.187907 1.1773697 1.1456342 1.1111109\n", + " 1.0872542 1.0742474 1.0699197 1.0679407 1.0619458 1.052655 1.0454307\n", + " 1.042245 1.0445473 1.049586 1.0539817 1.0568306 1.0578041 1.0588926\n", + " 1.0617577 1.0689728 1.0782715]\n", + " [1.1659375 1.1632092 1.174414 1.1845146 1.1730627 1.1406268 1.1071496\n", + " 1.084566 1.0727144 1.068975 1.0670533 1.0607198 1.0521199 1.0446467\n", + " 1.0414754 1.0430743 1.0480264 1.0531214 1.05539 1.0563846 1.057735\n", + " 1.0615007 0. 0. ]\n", + " [1.1607404 1.1565864 1.16746 1.1773815 1.1667844 1.1346878 1.1013885\n", + " 1.0800058 1.0704247 1.0689969 1.0692229 1.0645177 1.0556818 1.0471569\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1602684 1.1568705 1.1670578 1.175534 1.1632941 1.1312858 1.0989368\n", + " 1.0777372 1.0685813 1.0672684 1.0667508 1.0625566 1.0538502 1.0455778\n", + " 1.0419388 1.0436788 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1612047 1.1592922 1.1694472 1.1778255 1.1652914 1.1336713 1.1009798\n", + " 1.0792983 1.0688267 1.066627 1.0657015 1.0620388 1.0542587 1.0463927\n", + " 1.0429654 1.04434 1.0495952 0. ]\n", + " [1.1932895 1.1878792 1.1976177 1.2040046 1.1913999 1.157062 1.120901\n", + " 1.0962567 1.0849296 1.0828117 1.0831182 1.0771575 1.0668856 1.057582\n", + " 0. 0. 0. 0. ]\n", + " [1.2034388 1.1962353 1.2043717 1.2111562 1.1952913 1.1574016 1.1200434\n", + " 1.0950928 1.0844647 1.0833102 1.0840371 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1619443 1.1579919 1.16787 1.1752378 1.1647341 1.133024 1.0997936\n", + " 1.078415 1.0679376 1.0656366 1.0652047 1.060809 1.052974 1.0451748\n", + " 1.041568 1.0428858 1.047283 1.0518379]\n", + " [1.1744329 1.1704334 1.1812009 1.1901883 1.1790919 1.1451778 1.1094129\n", + " 1.0868579 1.075661 1.0736774 1.0735644 1.0685328 1.0592817 1.0501885\n", + " 1.0460593 1.0478417 1.0532324 0. ]]\n", + "[[1.1678388 1.1642175 1.1744355 1.1835563 1.1714468 1.1400036 1.106015\n", + " 1.0829594 1.0724446 1.0694613 1.069398 1.0648999 1.0559349 1.0480967\n", + " 1.0441977 1.0456641 1.0508251 0. 0. 0. ]\n", + " [1.1720583 1.1703988 1.1814085 1.1893858 1.178449 1.1455456 1.1102387\n", + " 1.0871147 1.0749832 1.0707405 1.0691681 1.0632375 1.0544002 1.0460804\n", + " 1.0427989 1.0444953 1.0493395 1.0541087 1.0567036 1.0576648]\n", + " [1.1642773 1.1607524 1.170188 1.1779659 1.164321 1.1320889 1.0997044\n", + " 1.0784298 1.0681633 1.0661212 1.0654867 1.0607007 1.0525073 1.0448154\n", + " 1.0417283 1.0435271 1.0482615 1.0532339 0. 0. ]\n", + " [1.182088 1.1779332 1.1889956 1.1977739 1.1848389 1.1487495 1.1120003\n", + " 1.0879028 1.0767107 1.074647 1.0737062 1.06924 1.0602391 1.0517802\n", + " 1.0480949 1.0501245 1.056046 0. 0. 0. ]\n", + " [1.1696366 1.1681361 1.17931 1.1868784 1.1738982 1.1398596 1.1050736\n", + " 1.0830202 1.0726315 1.07005 1.069021 1.0640117 1.0552464 1.0466714\n", + " 1.0431744 1.0449446 1.0501935 1.0552918 0. 0. ]]\n", + "[[1.1526737 1.1506132 1.1614633 1.1707278 1.1604304 1.1301489 1.0986179\n", + " 1.0771207 1.066157 1.0625819 1.0605592 1.055035 1.046506 1.039834\n", + " 1.0370289 1.0381645 1.0425441 1.0471358 1.0495749 1.050724 1.0523822\n", + " 1.0556628]\n", + " [1.1519649 1.1502879 1.1605225 1.1692564 1.1577878 1.1278865 1.096695\n", + " 1.0752257 1.0647861 1.0613188 1.0602252 1.0553946 1.0478511 1.0407909\n", + " 1.0378456 1.0394784 1.0438625 1.0480953 1.0506748 0. 0.\n", + " 0. ]\n", + " [1.1940315 1.1872928 1.1964847 1.2059622 1.192397 1.1558766 1.1192192\n", + " 1.0942285 1.0839345 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1896703 1.1854296 1.1954222 1.203674 1.1902629 1.1550032 1.1187466\n", + " 1.0936285 1.0812051 1.0782262 1.0769293 1.0717868 1.061525 1.0531952\n", + " 1.049361 1.0512064 1.0570956 1.0632614 0. 0. 0.\n", + " 0. ]\n", + " [1.181593 1.1767201 1.1877793 1.1975778 1.1852511 1.1509027 1.1147411\n", + " 1.0904621 1.0790377 1.0764674 1.0756359 1.0706178 1.0607246 1.0517925\n", + " 1.0470021 1.0485222 1.053983 1.0593567 0. 0. 0.\n", + " 0. ]]\n", + "[[1.176166 1.1723701 1.1816251 1.1887944 1.1769713 1.1433238 1.1093618\n", + " 1.0863609 1.0758753 1.0732924 1.0724089 1.0676466 1.0584038 1.0495346\n", + " 1.0467753 1.0487108 1.054614 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1800356 1.1730403 1.1811216 1.1892366 1.1779234 1.1450557 1.1108493\n", + " 1.0882391 1.0778494 1.0754573 1.0755261 1.070767 1.0610676 1.0521042\n", + " 1.0481377 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1552582 1.1519394 1.1626064 1.1726329 1.1629248 1.1317487 1.0999227\n", + " 1.0790007 1.0683725 1.0647949 1.0624572 1.0566729 1.0480857 1.0408266\n", + " 1.0375309 1.0394658 1.0443492 1.0486785 1.0504533 1.051274 1.0523809\n", + " 1.0552999 1.0622431 1.0712084]\n", + " [1.1630541 1.1604961 1.1709028 1.1797892 1.167062 1.1352017 1.1020135\n", + " 1.0800554 1.0687861 1.0654875 1.0639087 1.0583365 1.0497928 1.0425315\n", + " 1.0398465 1.0422767 1.0475156 1.0518359 1.0543292 1.0552727 1.0564933\n", + " 1.0602015 0. 0. ]\n", + " [1.1795815 1.1775231 1.1889772 1.1983564 1.1846619 1.149844 1.1137516\n", + " 1.0890881 1.0772654 1.0737908 1.0727946 1.0671135 1.058142 1.0498661\n", + " 1.0457603 1.047446 1.0523254 1.0575517 1.0603497 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1875303 1.1853707 1.1957551 1.2049491 1.1918399 1.1572514 1.1201755\n", + " 1.0950791 1.0822542 1.0783752 1.0763253 1.0701299 1.0599523 1.051245\n", + " 1.0472434 1.0492102 1.0547915 1.0599527 1.0624417 1.0633872 0.\n", + " 0. 0. 0. ]\n", + " [1.159034 1.1569226 1.1669968 1.1749918 1.1634127 1.1318012 1.0995235\n", + " 1.0777886 1.0684189 1.0659672 1.064524 1.0599005 1.0511755 1.0437361\n", + " 1.0404264 1.0418618 1.0466549 1.0515327 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.159388 1.1571988 1.1672944 1.1765649 1.16606 1.1343144 1.1019683\n", + " 1.0804546 1.0702144 1.0668173 1.0646421 1.0590917 1.050232 1.0428829\n", + " 1.0396988 1.041698 1.0469707 1.0517879 1.0546346 1.055001 1.0565856\n", + " 1.0601913 1.0673661 1.0770993]\n", + " [1.1716712 1.1667049 1.1770009 1.1862689 1.1751363 1.1417569 1.10699\n", + " 1.0841247 1.0736755 1.0713956 1.0714136 1.0661778 1.0569075 1.0484235\n", + " 1.0443467 1.0460544 1.0518794 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1962329 1.1917778 1.2025025 1.2115555 1.2004757 1.1645951 1.1259258\n", + " 1.099115 1.0853995 1.0809321 1.079209 1.0731487 1.0629946 1.0543681\n", + " 1.050628 1.0526264 1.0576967 1.063353 1.0662785 1.0672086 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1862438 1.1795163 1.1886672 1.1968176 1.1839141 1.1490545 1.1132522\n", + " 1.0898608 1.0790246 1.0777397 1.0788163 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.15699 1.1553308 1.1657381 1.1753705 1.1634256 1.1329539 1.1009784\n", + " 1.0790638 1.0683547 1.0644832 1.0626234 1.0571632 1.0482571 1.0415341\n", + " 1.0383954 1.0402986 1.0446346 1.0496888 1.0520597 1.0529952 1.0546129]\n", + " [1.1629837 1.1603347 1.1713163 1.1811576 1.1692715 1.1371518 1.1038874\n", + " 1.0816194 1.0700938 1.0663809 1.0639496 1.0589287 1.0509661 1.0440147\n", + " 1.0406905 1.0424013 1.0469126 1.0514643 1.0535989 1.0544771 1.0558506]\n", + " [1.1613469 1.1578176 1.1664621 1.1744373 1.1617604 1.1298943 1.0985826\n", + " 1.0780095 1.068297 1.0662088 1.0655874 1.0606879 1.0520678 1.0448227\n", + " 1.0415145 1.0434287 1.0487332 0. 0. 0. 0. ]\n", + " [1.1933036 1.1887383 1.1994581 1.2079527 1.1935457 1.1580609 1.1211423\n", + " 1.0972627 1.0860233 1.0843081 1.0843481 1.0780166 1.066772 1.0573056\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.178017 1.1737304 1.1841466 1.1936886 1.1802217 1.1462848 1.1113791\n", + " 1.0891289 1.0794432 1.0778526 1.0783548 1.0728102 1.0624998 1.0527388\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1625166 1.159405 1.1697633 1.1792728 1.1675353 1.135484 1.1019624\n", + " 1.0792699 1.0681568 1.0651178 1.0644199 1.0603359 1.0523485 1.0444305\n", + " 1.041123 1.0424546 1.0474206 1.0525404 1.0551678 0. ]\n", + " [1.1877534 1.1827104 1.1906924 1.1977445 1.184321 1.1486369 1.1122847\n", + " 1.0890064 1.078469 1.0772436 1.0775933 1.0721145 1.0630674 1.0548097\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1680995 1.1644113 1.1738155 1.1821645 1.171462 1.1394197 1.1062189\n", + " 1.0834624 1.071656 1.0683584 1.0665649 1.060976 1.0522245 1.0449786\n", + " 1.0417562 1.0432372 1.0482242 1.0531986 1.0561926 1.0577946]\n", + " [1.1642475 1.1605861 1.170039 1.1795205 1.1682422 1.1359521 1.1026864\n", + " 1.0808756 1.0706452 1.0694519 1.0697522 1.065751 1.0569695 1.0485182\n", + " 1.0446033 0. 0. 0. 0. 0. ]]\n", + "[[1.1791886 1.174368 1.1854801 1.194324 1.1820602 1.1465365 1.1101605\n", + " 1.086032 1.0753515 1.0733595 1.073837 1.0691274 1.0595481 1.0507593\n", + " 1.0467762 1.0488521 0. 0. 0. 0. 0. ]\n", + " [1.1652795 1.1611872 1.1717097 1.1803544 1.1694547 1.1371096 1.1040998\n", + " 1.0820816 1.072256 1.0698568 1.0695748 1.0646325 1.0555516 1.0471469\n", + " 1.0433124 1.0450084 1.050466 0. 0. 0. 0. ]\n", + " [1.151653 1.1471872 1.1558944 1.1638982 1.1533604 1.1240423 1.0938636\n", + " 1.0734718 1.064264 1.062078 1.0613617 1.0573074 1.0494642 1.0421765\n", + " 1.0392367 1.0408555 1.0459586 0. 0. 0. 0. ]\n", + " [1.1783925 1.1760601 1.1871295 1.1962318 1.1848636 1.1507593 1.1151414\n", + " 1.0902349 1.0785596 1.0736495 1.071231 1.0652767 1.0564936 1.0481296\n", + " 1.0452043 1.0470657 1.0520011 1.0567881 1.0592524 1.0599568 1.061499 ]\n", + " [1.2162027 1.2098935 1.2197995 1.2267567 1.2126372 1.1733549 1.132795\n", + " 1.1053706 1.0935525 1.091537 1.0916467 1.0856763 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1529827 1.1489077 1.1580762 1.1650636 1.1546481 1.124605 1.0938854\n", + " 1.0737101 1.0645993 1.0624549 1.0618868 1.057278 1.0493459 1.0417109\n", + " 1.0385021 1.0403371 1.0453973 0. 0. ]\n", + " [1.2018085 1.1957605 1.205331 1.2134361 1.2004532 1.1646606 1.1265683\n", + " 1.1013186 1.0896246 1.0871072 1.0872874 1.0814964 1.0708535 1.0607378\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1859965 1.1814557 1.1921573 1.2018547 1.1895612 1.1549289 1.1189005\n", + " 1.0944829 1.0827409 1.0803967 1.0797287 1.0741976 1.0640491 1.0551026\n", + " 1.0507822 1.0530834 0. 0. 0. ]\n", + " [1.1660718 1.1631547 1.1724868 1.1805087 1.1674628 1.1354599 1.1025732\n", + " 1.0802469 1.0697976 1.0668008 1.0654039 1.0605611 1.0519848 1.044376\n", + " 1.041137 1.0430641 1.0479026 1.052527 1.0549415]\n", + " [1.1534971 1.1502212 1.1598089 1.1674305 1.1563958 1.1254092 1.094738\n", + " 1.0743145 1.0651928 1.0637298 1.0638621 1.0597641 1.0514085 1.0436215\n", + " 1.0404714 0. 0. 0. 0. ]]\n", + "[[1.1610144 1.1593164 1.171809 1.1813602 1.1687988 1.1365932 1.1027148\n", + " 1.0808513 1.0699055 1.0667294 1.0648468 1.0588641 1.0500537 1.0425402\n", + " 1.0396386 1.040867 1.0457488 1.050414 1.0529034 1.0538083 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2126397 1.2047677 1.2152143 1.2252738 1.212894 1.1760489 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1869426 1.1826122 1.1918101 1.2009772 1.1884031 1.1535457 1.11656\n", + " 1.091177 1.0799022 1.0768578 1.0757402 1.0711354 1.0616703 1.0528642\n", + " 1.0490371 1.0509905 1.0564635 1.0619706 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1513333 1.1498137 1.1592854 1.1676295 1.1574925 1.1269956 1.0954102\n", + " 1.075088 1.0650849 1.0620867 1.0606192 1.0552082 1.0471191 1.0400834\n", + " 1.0371836 1.0388644 1.0435642 1.0480052 1.0506233 1.0511541 1.0520675\n", + " 1.0553544 1.0621316 1.0709181 1.0781587]\n", + " [1.1605976 1.157698 1.1684259 1.177636 1.1669028 1.137041 1.1048936\n", + " 1.0832059 1.0712138 1.0668415 1.0645771 1.058416 1.0501565 1.0427173\n", + " 1.0396203 1.0414414 1.046567 1.0508982 1.0526892 1.0531287 1.0536381\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1780148 1.1749351 1.1857674 1.1959949 1.1836537 1.1488503 1.1134285\n", + " 1.0891057 1.0765908 1.0731947 1.0714817 1.0655951 1.0570395 1.0490528\n", + " 1.0451012 1.0468673 1.0519959 1.0571785 1.0597825 1.0609668]\n", + " [1.2111665 1.2056689 1.2169657 1.2249507 1.2101469 1.1706332 1.1307249\n", + " 1.1041912 1.09297 1.0914376 1.0927157 1.086641 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1638813 1.1616862 1.1717006 1.1804659 1.1683526 1.1339859 1.1007205\n", + " 1.0784686 1.0689183 1.0671678 1.0674478 1.0622675 1.0536408 1.045734\n", + " 1.0424179 1.0438937 1.0492898 0. 0. 0. ]\n", + " [1.1580894 1.1550641 1.1663193 1.1757957 1.1643538 1.1321776 1.0998539\n", + " 1.0785315 1.0679238 1.0645959 1.0630162 1.057899 1.0494034 1.0417507\n", + " 1.0383347 1.0400583 1.0446864 1.0494465 1.0520793 1.0530859]\n", + " [1.1911356 1.1857997 1.1955477 1.2046796 1.1909578 1.1553441 1.1183635\n", + " 1.094093 1.0829892 1.0805484 1.0803523 1.0751013 1.0650109 1.0555799\n", + " 1.0514019 1.0534874 0. 0. 0. 0. ]]\n", + "[[1.1767673 1.1729099 1.18398 1.1934841 1.1803821 1.1454979 1.1096274\n", + " 1.0863501 1.0769538 1.0760992 1.077053 1.071603 1.0611511 1.0520023\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1732892 1.1706929 1.1827102 1.1937661 1.1815243 1.1460483 1.109399\n", + " 1.0851748 1.0736719 1.0715778 1.0707366 1.0655385 1.0559214 1.0477735\n", + " 1.0438315 1.0454439 1.0505995 1.0562538 0. 0. 0.\n", + " 0. ]\n", + " [1.1670593 1.1645179 1.1769335 1.188341 1.1765511 1.142389 1.1071033\n", + " 1.0834576 1.0713007 1.0679617 1.06626 1.0603073 1.0515096 1.0438992\n", + " 1.0405213 1.0422403 1.0470141 1.0517838 1.0544467 1.0554441 1.0565684\n", + " 1.0599476]\n", + " [1.1764147 1.1733359 1.1831746 1.1909815 1.1794976 1.1462446 1.1119572\n", + " 1.0885277 1.0768518 1.0728234 1.0704446 1.0645462 1.0556657 1.0472312\n", + " 1.0439115 1.0462041 1.0511532 1.0559013 1.0579376 1.0583564 0.\n", + " 0. ]\n", + " [1.2044634 1.1990786 1.2092655 1.2182448 1.2034528 1.1651101 1.1261259\n", + " 1.100826 1.089071 1.0874817 1.0878326 1.0815579 1.0710305 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.177181 1.1725442 1.1823127 1.1898966 1.1768913 1.1433403 1.1089638\n", + " 1.0864561 1.0768135 1.0755855 1.0766623 1.0720417 1.0614047 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1632966 1.1607959 1.1711465 1.1817801 1.1713523 1.1388271 1.1052619\n", + " 1.0829917 1.0717704 1.0675541 1.066034 1.06013 1.0514684 1.0435565\n", + " 1.0398177 1.0411363 1.0458512 1.0503746 1.0524569 1.0532002 1.0541637]\n", + " [1.1678249 1.1625681 1.1714103 1.1792921 1.168183 1.1365832 1.1043987\n", + " 1.0824816 1.0720243 1.0696503 1.0689278 1.063952 1.055324 1.0473726\n", + " 1.0437524 1.0456451 1.0508606 0. 0. 0. 0. ]\n", + " [1.1670052 1.1645094 1.1753337 1.1847913 1.1722887 1.1388223 1.1047359\n", + " 1.0817136 1.0710754 1.0682012 1.0677452 1.0634602 1.0546737 1.0472153\n", + " 1.0435994 1.045302 1.0503914 1.0555335 0. 0. 0. ]\n", + " [1.1698605 1.1664163 1.1772087 1.1864686 1.1738629 1.1403589 1.1056471\n", + " 1.0826058 1.0723892 1.0702791 1.069984 1.0657889 1.0565342 1.0487573\n", + " 1.0450608 1.046571 1.0517644 0. 0. 0. 0. ]]\n", + "[[1.1968787 1.1912822 1.2001523 1.2072389 1.1924851 1.1573566 1.1209424\n", + " 1.0960952 1.0844857 1.0810404 1.0801443 1.074164 1.063924 1.0548801\n", + " 1.0512291 1.0535859 1.0599731 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1623402 1.1589987 1.169217 1.1786401 1.1659021 1.134377 1.1016533\n", + " 1.0797418 1.0696504 1.0672305 1.066421 1.0611764 1.0520867 1.0446271\n", + " 1.0410155 1.042503 1.0475074 1.0526764 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1790587 1.1736883 1.1836538 1.1928895 1.1803416 1.1455349 1.1099075\n", + " 1.0865544 1.076019 1.0735464 1.0740527 1.0700084 1.0609444 1.052342\n", + " 1.0484209 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1615491 1.1596379 1.1709367 1.1811824 1.1712345 1.1387781 1.1044867\n", + " 1.0823193 1.0712645 1.0675855 1.0654944 1.059307 1.0505683 1.0427732\n", + " 1.0398434 1.0413473 1.0461783 1.0513791 1.0536523 1.0546491 1.0557914\n", + " 1.0593668 1.0665127]\n", + " [1.1593492 1.153317 1.1607828 1.1686176 1.1582235 1.1284956 1.0972874\n", + " 1.0764519 1.0668088 1.06438 1.0646175 1.0604006 1.0527582 1.044554\n", + " 1.040749 1.0424321 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1694477 1.1635135 1.1711053 1.1792911 1.1675432 1.1354227 1.1034652\n", + " 1.08209 1.072753 1.0717177 1.0718608 1.0667053 1.0575397 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.159409 1.1546149 1.1632006 1.1723896 1.1616586 1.1313279 1.0993297\n", + " 1.0777881 1.0679159 1.066025 1.0660051 1.0620937 1.0539765 1.0459061\n", + " 1.0420486 1.0436946 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1676376 1.1625395 1.1723679 1.1813447 1.1706952 1.1382706 1.1048863\n", + " 1.0822552 1.0715166 1.0702193 1.0707505 1.0660408 1.0580236 1.0497332\n", + " 1.0459723 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1687982 1.1670737 1.1786662 1.1878284 1.17517 1.1414368 1.1075258\n", + " 1.0849608 1.0736786 1.0701629 1.0681545 1.0623847 1.0531808 1.0454061\n", + " 1.0416666 1.0433851 1.048154 1.053269 1.0555694 1.0570384 0.\n", + " 0. 0. ]\n", + " [1.1770892 1.1750453 1.1850462 1.1946964 1.1836714 1.1493938 1.1148305\n", + " 1.0913459 1.0791935 1.0743492 1.071476 1.0650183 1.0557669 1.0479709\n", + " 1.0448574 1.0466554 1.052056 1.0574431 1.059696 1.0604498 1.061616\n", + " 1.065097 1.0728709]]\n", + "[[1.1813638 1.1773502 1.1884532 1.1969799 1.186039 1.1521598 1.1164426\n", + " 1.0922154 1.0801051 1.0768046 1.0753915 1.0693854 1.0595797 1.0508287\n", + " 1.0470235 1.0487276 1.0542276 1.0593197 1.0614278 0. 0.\n", + " 0. 0. ]\n", + " [1.1602182 1.1565367 1.1652421 1.1735412 1.162368 1.13128 1.0995612\n", + " 1.079199 1.069399 1.0666056 1.0658928 1.0610667 1.0525695 1.0449587\n", + " 1.041362 1.0436064 1.0488117 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.175772 1.1712401 1.181512 1.1903259 1.1790413 1.1455806 1.1104467\n", + " 1.086603 1.0753597 1.0728143 1.0724208 1.067527 1.0588709 1.0505078\n", + " 1.0462593 1.0479406 1.0528895 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1717225 1.1702557 1.1816459 1.1910208 1.1780372 1.1439202 1.1085774\n", + " 1.0845991 1.073738 1.0700786 1.0689509 1.0637501 1.0550411 1.0467898\n", + " 1.04332 1.0449759 1.0497584 1.0546924 1.0568352 0. 0.\n", + " 0. 0. ]\n", + " [1.1663818 1.1635507 1.1739757 1.1833539 1.1715232 1.139493 1.1059027\n", + " 1.0828542 1.0710955 1.066827 1.0638843 1.0586907 1.050416 1.0433846\n", + " 1.0405496 1.0429094 1.0477113 1.0524639 1.0549712 1.056123 1.0575702\n", + " 1.0611833 1.0684285]]\n", + "[[1.1640975 1.1590562 1.168005 1.1753751 1.1638452 1.1325673 1.1004338\n", + " 1.0794854 1.0698478 1.0685354 1.0690367 1.0645396 1.0559828 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2176875 1.2123387 1.2242615 1.2329254 1.2174567 1.1767265 1.1349329\n", + " 1.1074611 1.0963644 1.0954232 1.0956789 1.0899833 1.0781802 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1706277 1.1689309 1.1807765 1.1899443 1.1773778 1.1434491 1.1076813\n", + " 1.0848497 1.0730331 1.0698957 1.0681089 1.062623 1.053275 1.0456319\n", + " 1.0423915 1.0441855 1.0495174 1.0548701 1.0577161]\n", + " [1.184728 1.1794232 1.1890941 1.1980681 1.1851166 1.1505551 1.114945\n", + " 1.0909568 1.0800664 1.0774145 1.0764468 1.0711094 1.0616621 1.052949\n", + " 1.0489776 1.0509768 1.056912 0. 0. ]\n", + " [1.1898292 1.1833382 1.1928078 1.2017511 1.1883743 1.1527209 1.1163741\n", + " 1.0933055 1.0832307 1.0819916 1.0830108 1.0771428 1.066356 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1651825 1.1609113 1.1704983 1.177563 1.1660144 1.133531 1.100446\n", + " 1.0784478 1.067982 1.0654721 1.064406 1.059912 1.0519121 1.0445611\n", + " 1.04137 1.0433121 1.0484508 1.0531532 0. 0. 0. ]\n", + " [1.1672153 1.1655097 1.1762494 1.1843138 1.1725911 1.1393847 1.1054466\n", + " 1.0831496 1.0720458 1.0691121 1.0683787 1.0625764 1.0540372 1.0464084\n", + " 1.0426124 1.0444803 1.0494956 1.0547795 0. 0. 0. ]\n", + " [1.181173 1.1771849 1.1876535 1.1960384 1.1839522 1.1493797 1.1132884\n", + " 1.089452 1.0782301 1.0757276 1.0759176 1.0705202 1.0612456 1.0524006\n", + " 1.0483917 1.0506189 1.0566695 0. 0. 0. 0. ]\n", + " [1.1636851 1.1623937 1.1744978 1.1823237 1.1719755 1.1393038 1.1052067\n", + " 1.0822247 1.0711578 1.0675606 1.0660259 1.0604986 1.0516301 1.0440898\n", + " 1.041084 1.0423349 1.0470585 1.0517981 1.054149 1.0549607 1.0565783]\n", + " [1.1571195 1.1541429 1.1647068 1.1740383 1.1628767 1.1324197 1.0998198\n", + " 1.0786391 1.0688636 1.0671453 1.0671837 1.0621006 1.0534564 1.0452998\n", + " 1.0418265 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1478668 1.1441683 1.1527119 1.1604711 1.148464 1.1210634 1.0918745\n", + " 1.0719064 1.0627501 1.0611111 1.0609119 1.0579638 1.0505742 1.0430152\n", + " 0. 0. 0. 0. ]\n", + " [1.1699722 1.1673883 1.1785601 1.1878269 1.1758287 1.1425004 1.1073445\n", + " 1.0846862 1.0747635 1.0734168 1.0737282 1.0688826 1.0593559 1.0506951\n", + " 1.0466293 0. 0. 0. ]\n", + " [1.172597 1.1683996 1.1782149 1.1872661 1.1738921 1.1400564 1.1056393\n", + " 1.0830084 1.072332 1.0700579 1.0696806 1.064651 1.0559524 1.0480883\n", + " 1.0441313 1.0457393 1.0513685 0. ]\n", + " [1.1889849 1.1848086 1.1943504 1.2023114 1.1891519 1.1540349 1.118039\n", + " 1.0944495 1.0826238 1.079416 1.0781015 1.0717486 1.0611473 1.0522316\n", + " 1.0482703 1.0506097 1.0568081 1.0628774]\n", + " [1.1666605 1.1638278 1.1744257 1.1833863 1.1711136 1.1378186 1.1037978\n", + " 1.0809765 1.0703642 1.06763 1.067451 1.0628208 1.0543675 1.0466497\n", + " 1.0429394 1.0440098 1.0485622 1.0532386]]\n", + "[[1.1520758 1.150377 1.1602006 1.1681595 1.156897 1.1262722 1.0948578\n", + " 1.0745428 1.0646877 1.061987 1.0613339 1.0564871 1.0481471 1.0408959\n", + " 1.0376427 1.0390389 1.0435406 1.0482913 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1673903 1.1614176 1.1702304 1.1787164 1.1673508 1.1356978 1.1023164\n", + " 1.0808055 1.0709761 1.0688282 1.0682216 1.0635645 1.0550052 1.046862\n", + " 1.0433612 1.0453598 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1785406 1.1735233 1.1833296 1.1923418 1.1798124 1.1464846 1.1109316\n", + " 1.0870343 1.07586 1.0732094 1.0732112 1.0685635 1.0595174 1.0510587\n", + " 1.0475352 1.0490673 1.0545572 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2089863 1.2031964 1.2153441 1.2253695 1.2108134 1.1697904 1.129228\n", + " 1.1027501 1.0918069 1.091743 1.0932589 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1748483 1.1714517 1.1814462 1.190596 1.1784494 1.145853 1.1125718\n", + " 1.089717 1.0779403 1.072814 1.0702803 1.0637536 1.0540535 1.0464871\n", + " 1.0434018 1.0457094 1.0510108 1.0560598 1.0585947 1.0591671 1.060174\n", + " 1.0637652 1.0713959]]\n", + "[[1.1807528 1.1786325 1.1906532 1.1999371 1.186576 1.1515127 1.1151586\n", + " 1.0901593 1.0784221 1.0742636 1.0711966 1.0655953 1.0564603 1.048383\n", + " 1.0455371 1.0474516 1.0530307 1.0584434 1.0612869 1.0621054 1.0636935\n", + " 1.0678029 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1853786 1.1814163 1.192204 1.2013832 1.1885041 1.1544325 1.1180638\n", + " 1.0932404 1.0814117 1.0778809 1.0768955 1.071236 1.0615045 1.0523432\n", + " 1.0485975 1.0504093 1.0560813 1.061481 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1594219 1.154005 1.162598 1.1702905 1.1587019 1.1288766 1.09777\n", + " 1.0772771 1.0675014 1.0656 1.0656022 1.06161 1.0537611 1.0461748\n", + " 1.0422997 1.0439026 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.18031 1.1742194 1.1826743 1.1901546 1.1784807 1.1454642 1.1110164\n", + " 1.0876204 1.0765938 1.0735836 1.0734718 1.0685467 1.0597589 1.0514371\n", + " 1.0477983 1.050402 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1483197 1.1442326 1.1550087 1.1666228 1.1586149 1.1298889 1.0981883\n", + " 1.0768232 1.0671028 1.0638157 1.0619323 1.0558977 1.0474632 1.0402716\n", + " 1.0375576 1.0397418 1.0444592 1.0494667 1.0518217 1.052571 1.0536244\n", + " 1.0564944 1.0617774 1.0703164 1.0777625 1.0822561 1.0837852 1.0806727\n", + " 1.0727671 1.0638149 1.0557381 1.0506067]]\n", + "[[1.1804963 1.1758806 1.1852051 1.1927073 1.1813893 1.1464674 1.1108198\n", + " 1.0875189 1.0758638 1.0729727 1.0722737 1.0684028 1.0598607 1.0514101\n", + " 1.047847 1.049687 1.0554671 0. 0. 0. ]\n", + " [1.1779724 1.1736978 1.1839304 1.1912369 1.1790506 1.1457989 1.1114683\n", + " 1.0883533 1.0780429 1.0749363 1.0746903 1.0687791 1.0589906 1.0505066\n", + " 1.0468072 1.0491567 1.05503 0. 0. 0. ]\n", + " [1.1632838 1.161232 1.171597 1.1800263 1.1675608 1.1349056 1.1024542\n", + " 1.0803379 1.0695316 1.0666298 1.0650175 1.0595685 1.050985 1.0434111\n", + " 1.0403327 1.0419624 1.0466374 1.0510266 1.053483 1.054178 ]\n", + " [1.1856115 1.1796621 1.1888173 1.1962978 1.1847929 1.1506824 1.115385\n", + " 1.0921149 1.0810866 1.0781434 1.0779716 1.0725359 1.0621485 1.0537283\n", + " 1.0499461 1.052326 0. 0. 0. 0. ]\n", + " [1.1953108 1.1895074 1.1999766 1.2094363 1.1967696 1.1608582 1.1239438\n", + " 1.099088 1.0878897 1.085999 1.0852567 1.079022 1.0683175 1.0589366\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1806458 1.1724925 1.1796598 1.1868347 1.1763282 1.1455423 1.1122462\n", + " 1.0900604 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1748167 1.1702602 1.1800065 1.1891756 1.1778923 1.145191 1.1107539\n", + " 1.0868547 1.0757596 1.0740726 1.073864 1.0693537 1.0594245 1.0503676\n", + " 1.0461997 1.0476822 0. 0. 0. ]\n", + " [1.2104206 1.2041459 1.2139233 1.222554 1.2083216 1.1706964 1.1311778\n", + " 1.103994 1.0915686 1.0892303 1.0884457 1.082452 1.0720543 1.0620595\n", + " 1.0573903 0. 0. 0. 0. ]\n", + " [1.1829509 1.1796023 1.1904277 1.2001013 1.1883974 1.1531497 1.1161366\n", + " 1.0914581 1.0796925 1.0763767 1.0750502 1.0694913 1.0602399 1.0515823\n", + " 1.0472852 1.0490227 1.0543315 1.0594589 1.0619603]\n", + " [1.1822631 1.1800283 1.1917411 1.2001597 1.1871037 1.151085 1.1135747\n", + " 1.0892795 1.0784321 1.075947 1.0756614 1.0701879 1.0605375 1.0520247\n", + " 1.048087 1.0495808 1.0550908 1.060431 0. ]]\n", + "[[1.1707716 1.1669046 1.177171 1.1858994 1.175462 1.1428047 1.1078678\n", + " 1.085345 1.0743049 1.0725732 1.072691 1.0682764 1.0590562 1.0506419\n", + " 1.0466186 1.0481172 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1946559 1.1903062 1.2010838 1.2107683 1.1965393 1.1583211 1.1193794\n", + " 1.0941454 1.0840032 1.0835277 1.0844702 1.078858 1.0685455 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1843338 1.179809 1.1911713 1.2004045 1.1862642 1.1513247 1.1148398\n", + " 1.0907834 1.0798954 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1655368 1.1606611 1.1694349 1.1775618 1.1651137 1.1346173 1.1024936\n", + " 1.0809953 1.0710051 1.0685446 1.0686212 1.0642374 1.0556129 1.0477352\n", + " 1.04423 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1699952 1.168247 1.1788145 1.1893402 1.1776952 1.1441658 1.1100934\n", + " 1.087051 1.0758497 1.0714141 1.0689455 1.0623634 1.0530238 1.0447673\n", + " 1.0417684 1.043995 1.0492417 1.0537064 1.0562962 1.0571952 1.0583234\n", + " 1.0615952 1.0688586 1.0788969]]\n", + "[[1.1819528 1.1780311 1.1888707 1.1963278 1.1846116 1.1503706 1.1153553\n", + " 1.0916331 1.0791366 1.0751262 1.072863 1.0664775 1.0573628 1.04921\n", + " 1.0456989 1.0479382 1.0534312 1.0582772 1.0606167 1.0614748]\n", + " [1.1845394 1.1791767 1.1894271 1.1990807 1.1866273 1.1516831 1.115577\n", + " 1.0918838 1.0812696 1.0788348 1.0780382 1.072756 1.0624942 1.0533806\n", + " 1.0488532 1.0507232 1.0564586 0. 0. 0. ]\n", + " [1.1706678 1.166659 1.176445 1.1834111 1.1701686 1.1366898 1.1037887\n", + " 1.0821477 1.0722384 1.0700336 1.0694484 1.0640638 1.0546939 1.0470408\n", + " 1.0436846 1.0456535 1.0514369 0. 0. 0. ]\n", + " [1.157792 1.1547323 1.1647587 1.173937 1.1630517 1.1312014 1.0986391\n", + " 1.0770236 1.0664008 1.0636598 1.0631791 1.0584098 1.0504524 1.0433928\n", + " 1.0401214 1.0415002 1.0459884 1.0511289 0. 0. ]\n", + " [1.1683029 1.1659987 1.176783 1.18582 1.173926 1.1403563 1.1061897\n", + " 1.0832076 1.0716372 1.0682431 1.0661253 1.0611984 1.0527388 1.0451005\n", + " 1.042072 1.0436318 1.0481112 1.0529077 1.0553327 1.0566725]]\n", + "[[1.1732701 1.1700197 1.1813247 1.189917 1.1777399 1.1426224 1.1071161\n", + " 1.0849519 1.0750139 1.0740242 1.0747436 1.0694894 1.0597821 1.0506828\n", + " 0. 0. 0. ]\n", + " [1.1668907 1.1634059 1.1744968 1.1834357 1.1711437 1.1376204 1.1030806\n", + " 1.0812771 1.0715294 1.0697917 1.0704242 1.0658085 1.0570109 1.0488828\n", + " 1.0451517 1.0467193 0. ]\n", + " [1.1597224 1.1551871 1.1637034 1.1707803 1.1603879 1.1292713 1.0971866\n", + " 1.0763627 1.0662011 1.0641584 1.0640987 1.0601442 1.052183 1.0448105\n", + " 1.0412395 1.0427674 1.0476205]\n", + " [1.1781731 1.1745415 1.1853694 1.1946431 1.182174 1.1460233 1.110112\n", + " 1.0860548 1.0763699 1.0742811 1.075077 1.0703547 1.0604986 1.0515889\n", + " 1.047502 0. 0. ]\n", + " [1.1564418 1.1519171 1.1612984 1.1686627 1.1582305 1.1277481 1.0963163\n", + " 1.0757388 1.0663024 1.0641932 1.0643549 1.060112 1.0518874 1.0444589\n", + " 1.0409348 1.0426021 1.0476838]]\n", + "[[1.171368 1.167346 1.1768639 1.1857642 1.173413 1.1411064 1.1072909\n", + " 1.0846529 1.0732177 1.0706472 1.0695361 1.0647266 1.0558797 1.0477031\n", + " 1.0439991 1.0453925 1.0501578 1.0553728 1.0577263 0. 0. ]\n", + " [1.1738672 1.1681741 1.1769819 1.1848276 1.173061 1.1404608 1.1062472\n", + " 1.0830288 1.0724058 1.0699505 1.0703014 1.0655519 1.0571889 1.0491732\n", + " 1.0453211 1.0472543 1.0527943 0. 0. 0. 0. ]\n", + " [1.1854928 1.1825665 1.1934712 1.2021301 1.1907026 1.1561525 1.1198436\n", + " 1.0943198 1.0822805 1.0773467 1.0749526 1.0677929 1.0585626 1.0505556\n", + " 1.0470823 1.0486659 1.054409 1.0595648 1.0619032 1.0629175 1.0642343]\n", + " [1.1935902 1.1856666 1.1949773 1.20393 1.1913098 1.1561264 1.1198678\n", + " 1.0950412 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1741025 1.1705384 1.1816871 1.1914066 1.179643 1.1452386 1.1091737\n", + " 1.0854187 1.074144 1.0716727 1.0714405 1.0663346 1.0571128 1.0491079\n", + " 1.0451635 1.046806 1.0518986 1.057094 0. 0. 0. ]]\n", + "[[1.1707878 1.1675613 1.1784207 1.1871268 1.1758235 1.1428428 1.1083671\n", + " 1.085122 1.0743775 1.0721388 1.0711701 1.0665249 1.0571283 1.048803\n", + " 1.0450233 1.0467083 1.0521145 0. 0. 0. ]\n", + " [1.1606452 1.1563643 1.1649563 1.1712526 1.1606712 1.1306373 1.0991092\n", + " 1.0783283 1.067519 1.0637548 1.0629632 1.0584035 1.0496147 1.0429431\n", + " 1.0402604 1.0421327 1.0473336 1.0518978 0. 0. ]\n", + " [1.1870081 1.1824082 1.1939956 1.204522 1.1925833 1.1564585 1.1179605\n", + " 1.092078 1.0806018 1.0781769 1.078259 1.0734489 1.0637047 1.0544603\n", + " 1.0499837 1.051782 1.0579057 0. 0. 0. ]\n", + " [1.1616021 1.1567262 1.1661006 1.1750572 1.1644619 1.1343489 1.1027185\n", + " 1.0809257 1.0696602 1.066096 1.0642297 1.0584309 1.0500246 1.0424739\n", + " 1.0394057 1.040965 1.0460262 1.0505261 1.052752 1.0534639]\n", + " [1.1833193 1.179512 1.1896726 1.1984407 1.1862894 1.1525805 1.1166312\n", + " 1.0918913 1.0791994 1.0749732 1.0734249 1.0675478 1.0579379 1.0501803\n", + " 1.0466224 1.0486177 1.0539075 1.0588393 1.0611691 1.0621701]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1860512 1.1805501 1.1905897 1.1989402 1.1877855 1.1531382 1.1165625\n", + " 1.0922443 1.0805873 1.0783665 1.0777831 1.0730541 1.0632902 1.0541413\n", + " 1.0496945 1.0517031 0. ]\n", + " [1.1650969 1.1599422 1.1689538 1.1759242 1.1638676 1.1324128 1.1003852\n", + " 1.0794129 1.069615 1.0686903 1.0692486 1.0652281 1.0563377 1.0482028\n", + " 0. 0. 0. ]\n", + " [1.166318 1.1624488 1.1725059 1.1816746 1.1698097 1.1376859 1.1032196\n", + " 1.0804467 1.0697402 1.0669099 1.0671984 1.0625055 1.0542945 1.0462545\n", + " 1.0429671 1.0446523 1.0498698]\n", + " [1.1613293 1.1563979 1.1659998 1.1737616 1.1631324 1.1315584 1.0996583\n", + " 1.078765 1.0697317 1.0685652 1.0685976 1.0641706 1.055202 1.0470594\n", + " 1.0432962 0. 0. ]\n", + " [1.1732681 1.1687889 1.1779861 1.1858057 1.1759155 1.1433345 1.1103574\n", + " 1.0875959 1.0772251 1.073983 1.0740099 1.0696344 1.059849 1.0511522\n", + " 1.0472378 1.0492692 0. ]]\n", + "[[1.175461 1.1723979 1.1833628 1.1929541 1.1815382 1.14694 1.1113882\n", + " 1.0874535 1.0765841 1.0738661 1.0739307 1.0690937 1.0599962 1.0511022\n", + " 1.046838 1.048762 0. 0. 0. ]\n", + " [1.2215941 1.2162876 1.2261333 1.234465 1.2181123 1.1778426 1.1359323\n", + " 1.1086953 1.0965784 1.0944966 1.0947376 1.0879598 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.182274 1.1799712 1.1919405 1.200815 1.1882664 1.1519536 1.1144658\n", + " 1.0902703 1.0782962 1.0746628 1.0742503 1.0687691 1.059272 1.0499272\n", + " 1.0464807 1.0484022 1.0536892 1.0594478 1.0626073]\n", + " [1.1738001 1.171216 1.1814532 1.1913047 1.1778187 1.1426445 1.1076216\n", + " 1.0843133 1.0749298 1.073856 1.0744593 1.0694523 1.0594363 1.0504891\n", + " 1.0464276 0. 0. 0. 0. ]\n", + " [1.2046678 1.1990336 1.2090528 1.2173016 1.2032838 1.1661775 1.1269455\n", + " 1.1004388 1.0885377 1.0868181 1.0874538 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1656123 1.1602886 1.1684419 1.176933 1.1654122 1.1330067 1.1002308\n", + " 1.0787157 1.0685891 1.0672466 1.066698 1.0625255 1.0540669 1.0459507\n", + " 1.0424582 1.0447357 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1665107 1.1651917 1.1760123 1.1848818 1.1713885 1.1391623 1.1052973\n", + " 1.0823829 1.0711684 1.0679592 1.0670273 1.0621977 1.053652 1.0463017\n", + " 1.0426131 1.0443019 1.049128 1.0538245 1.0560458 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1981809 1.1910875 1.2002757 1.2084938 1.1950772 1.1579405 1.1203061\n", + " 1.0956781 1.0848677 1.0823185 1.0822635 1.0757084 1.0654993 1.0558692\n", + " 1.0515813 1.0539669 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1728351 1.1668463 1.175384 1.182931 1.1699686 1.1382554 1.1061336\n", + " 1.0846641 1.0749995 1.0734142 1.0738271 1.0690844 1.0596024 1.0507773\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1732091 1.1685594 1.1781195 1.1874362 1.1765473 1.1453543 1.1115768\n", + " 1.0885953 1.0765929 1.0716525 1.0687803 1.0620923 1.0526379 1.0449497\n", + " 1.0421778 1.0448842 1.0505337 1.0559099 1.0586851 1.0599147 1.0606686\n", + " 1.0636415 1.0707234 1.0802625 1.087759 1.0919702]]\n", + "[[1.1620339 1.1595957 1.1708359 1.178806 1.1676036 1.1344259 1.1000636\n", + " 1.0783491 1.0675793 1.065911 1.0654869 1.0614895 1.0525992 1.0454147\n", + " 1.0417794 1.043405 1.0481914 1.0530956 0. ]\n", + " [1.1832945 1.1797805 1.1887329 1.1970999 1.1838667 1.150642 1.1150752\n", + " 1.0905969 1.0780265 1.0748498 1.0738907 1.0688709 1.0597279 1.0515274\n", + " 1.0480475 1.0498563 1.0552931 1.0606338 0. ]\n", + " [1.1714351 1.169551 1.1811274 1.1888485 1.1771507 1.1422237 1.1066422\n", + " 1.0836194 1.0729686 1.0699565 1.0690596 1.0641421 1.0552503 1.0473973\n", + " 1.0438873 1.0455683 1.0503088 1.0550277 1.0571952]\n", + " [1.1748613 1.169465 1.1789323 1.1880509 1.1771911 1.1436547 1.1089818\n", + " 1.0865927 1.0758103 1.0738312 1.0741651 1.0695053 1.0604008 1.0516167\n", + " 1.0474468 0. 0. 0. 0. ]\n", + " [1.1577711 1.1542258 1.1641238 1.1731102 1.1615951 1.1295297 1.097431\n", + " 1.0764812 1.0660123 1.0633558 1.0621462 1.0569293 1.0490123 1.0417022\n", + " 1.0384623 1.0399952 1.044559 1.0490471 1.0516853]]\n", + "[[1.1755638 1.1706713 1.1824025 1.1915597 1.1812991 1.1464187 1.1115909\n", + " 1.0886934 1.0791956 1.0783815 1.0781579 1.0733575 1.0625708 1.0531276\n", + " 1.0485349 0. 0. 0. 0. 0. ]\n", + " [1.1658651 1.1641787 1.1762552 1.1848356 1.1715791 1.138295 1.1044582\n", + " 1.0816715 1.0707374 1.0671656 1.065508 1.0599835 1.0514815 1.0440127\n", + " 1.0411472 1.0425017 1.0475651 1.052592 1.0550505 1.0562503]\n", + " [1.1742809 1.1702856 1.1801249 1.1877966 1.175599 1.1429025 1.1095083\n", + " 1.0869524 1.0754163 1.0718396 1.0697817 1.0646818 1.0555805 1.0473292\n", + " 1.0438826 1.045324 1.0500991 1.05508 1.0577722 0. ]\n", + " [1.185596 1.1806138 1.191678 1.2008846 1.1879679 1.1520873 1.1151884\n", + " 1.0914736 1.0811106 1.0807534 1.0811318 1.0753219 1.0640438 1.05469\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1658198 1.1631346 1.1738269 1.1822315 1.170505 1.1378318 1.1042658\n", + " 1.0822846 1.0720192 1.0694989 1.0694312 1.0643077 1.0552896 1.0471606\n", + " 1.043582 1.045304 1.050471 0. 0. 0. ]]\n", + "[[1.1628475 1.1593952 1.1698918 1.1777048 1.16521 1.1322297 1.0992998\n", + " 1.0778818 1.06771 1.0658356 1.0660038 1.061362 1.0532337 1.0456784\n", + " 1.0423977 1.0444134 1.0499179 0. 0. 0. 0. ]\n", + " [1.1813643 1.1768053 1.1872295 1.1967515 1.1840366 1.1486741 1.1135341\n", + " 1.0903432 1.0804485 1.0797793 1.0798721 1.0749617 1.0644096 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1620278 1.1586465 1.1691836 1.1782722 1.1673484 1.134316 1.10137\n", + " 1.0794922 1.0698004 1.0675298 1.067811 1.0628071 1.0540766 1.046015\n", + " 1.042062 1.0435901 1.0488106 0. 0. 0. 0. ]\n", + " [1.1720854 1.1685514 1.1795145 1.1885439 1.177839 1.1446096 1.1102233\n", + " 1.0869607 1.0750486 1.07114 1.0687245 1.0623542 1.053477 1.0459898\n", + " 1.0427196 1.0449735 1.0502195 1.0548553 1.0572672 1.0581163 1.0597525]\n", + " [1.1693926 1.1674455 1.1793542 1.1889682 1.175991 1.142055 1.107817\n", + " 1.0844208 1.0732682 1.0706204 1.069349 1.0633395 1.0539157 1.046329\n", + " 1.0426358 1.0444741 1.0497339 1.0547054 1.0575973 0. 0. ]]\n", + "[[1.1785115 1.1753002 1.1859528 1.1941792 1.1803454 1.14652 1.1116831\n", + " 1.0880551 1.0768708 1.0736718 1.0718304 1.0651897 1.0558043 1.0478035\n", + " 1.044291 1.0465267 1.0519017 1.0572733 1.0593938 1.0604042]\n", + " [1.1787952 1.1734457 1.1809781 1.1878724 1.1754373 1.1434907 1.1108997\n", + " 1.0878745 1.0757992 1.0722558 1.0711427 1.06706 1.0586337 1.0505809\n", + " 1.046989 1.0485483 1.0539149 1.059576 0. 0. ]\n", + " [1.1747345 1.1699494 1.1782452 1.1856688 1.1727796 1.1399308 1.1054955\n", + " 1.0835693 1.0730251 1.0711768 1.0711893 1.0667495 1.0574507 1.0491371\n", + " 1.0454841 1.0474854 1.0528561 0. 0. 0. ]\n", + " [1.176701 1.1736348 1.1846911 1.1930958 1.179973 1.1453865 1.1096199\n", + " 1.0860549 1.07476 1.0719476 1.0700072 1.0647663 1.0559703 1.0476116\n", + " 1.0439541 1.0460852 1.0514885 1.0568889 1.0595006 0. ]\n", + " [1.1666586 1.1634848 1.1742408 1.1840096 1.1717194 1.1395798 1.1054554\n", + " 1.0821961 1.0717269 1.0692812 1.0699793 1.0659356 1.0568472 1.0486643\n", + " 1.0445796 1.0463301 0. 0. 0. 0. ]]\n", + "[[1.168089 1.1658411 1.1765409 1.1845689 1.1712785 1.1386976 1.1048657\n", + " 1.082661 1.0723267 1.0691535 1.0688874 1.0636585 1.055028 1.0470452\n", + " 1.0436902 1.0453683 1.0504944 1.0554357]\n", + " [1.1574097 1.1518098 1.1597064 1.1661675 1.1557912 1.1261169 1.0951214\n", + " 1.0752708 1.0657014 1.06428 1.0644462 1.0601994 1.0523398 1.0447111\n", + " 1.0411581 1.0428606 0. 0. ]\n", + " [1.1847519 1.1803609 1.1897682 1.1987417 1.1858094 1.1511166 1.1149763\n", + " 1.091867 1.0804166 1.0773748 1.0769831 1.0715823 1.0620918 1.052785\n", + " 1.0490447 1.0513746 1.0574595 0. ]\n", + " [1.1793833 1.1739414 1.1837318 1.1920896 1.1793411 1.1455014 1.1104476\n", + " 1.0869762 1.0761454 1.0755293 1.0759796 1.0714931 1.0617682 1.0527402\n", + " 1.0487909 0. 0. 0. ]\n", + " [1.1908374 1.1852003 1.1947064 1.2028557 1.1901523 1.1550151 1.1187062\n", + " 1.0954304 1.0845135 1.0822526 1.0815164 1.0757867 1.0647768 1.0554997\n", + " 1.0517602 1.0543097 0. 0. ]]\n", + "[[1.1951172 1.1908181 1.2018694 1.2107961 1.1951916 1.1591873 1.1217073\n", + " 1.0971335 1.0868137 1.0852015 1.0859368 1.0804319 1.069574 1.0588174\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1749402 1.1711274 1.182631 1.1930163 1.1810172 1.1463735 1.1103774\n", + " 1.086416 1.0753912 1.0735006 1.0745611 1.0702498 1.0607562 1.0522863\n", + " 1.0479834 0. 0. 0. 0. ]\n", + " [1.1859093 1.1810708 1.1906433 1.1976774 1.1847179 1.1499457 1.1142994\n", + " 1.0910084 1.0798717 1.0769739 1.0758731 1.0707374 1.0608251 1.05188\n", + " 1.0481849 1.0505241 1.056805 0. 0. ]\n", + " [1.1673661 1.1642481 1.1747618 1.182148 1.1702358 1.1370742 1.1036355\n", + " 1.081315 1.0708315 1.0687377 1.0683753 1.06328 1.0551474 1.0475539\n", + " 1.0438951 1.0457805 1.0505513 1.0555158 0. ]\n", + " [1.1744391 1.1737928 1.1848512 1.1944903 1.1802648 1.1455663 1.110645\n", + " 1.0869321 1.075478 1.0718849 1.0703747 1.0651866 1.0565481 1.0488335\n", + " 1.0446304 1.0465037 1.0516676 1.0562137 1.0586382]]\n", + "[[1.1636908 1.1600213 1.1698852 1.1771873 1.1671591 1.1354659 1.1027358\n", + " 1.0807472 1.0705082 1.0680131 1.0681953 1.0631433 1.0551322 1.0466636\n", + " 1.0429797 1.0447897 0. 0. 0. 0. ]\n", + " [1.1887848 1.1850195 1.1940072 1.2019305 1.1886665 1.1538368 1.1179765\n", + " 1.0934575 1.0814066 1.078021 1.076812 1.0716372 1.0620822 1.0539725\n", + " 1.0500907 1.0523825 1.0581166 1.0637826 0. 0. ]\n", + " [1.1811296 1.1754607 1.1845239 1.1924195 1.1800371 1.1474609 1.1128839\n", + " 1.0888575 1.0776925 1.0740875 1.0738256 1.0694612 1.0600406 1.0520353\n", + " 1.0485134 1.0505836 1.0564759 0. 0. 0. ]\n", + " [1.1673677 1.1652659 1.1763517 1.1852354 1.174411 1.1415497 1.1077693\n", + " 1.0849562 1.0727334 1.0691068 1.066939 1.0612643 1.0527494 1.0449797\n", + " 1.0418692 1.0429232 1.0479616 1.0529335 1.0553614 1.0566332]\n", + " [1.1962123 1.1894329 1.1988368 1.2075847 1.1961204 1.1609014 1.1235831\n", + " 1.0978295 1.086526 1.0839211 1.0838475 1.0778091 1.0672221 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1660676 1.1634156 1.174469 1.1816187 1.1701672 1.1384217 1.1052371\n", + " 1.0821736 1.0714548 1.0676823 1.0653203 1.0591266 1.0506636 1.0433288\n", + " 1.0403239 1.0423514 1.047646 1.0520421 1.0550451 1.0564004 1.0584403\n", + " 1.0616813 1.0685985]\n", + " [1.1723872 1.1704102 1.1806111 1.1896113 1.1768337 1.1447351 1.110557\n", + " 1.0870848 1.0753032 1.07082 1.0693907 1.0634878 1.0545219 1.0466193\n", + " 1.0433509 1.0455508 1.0507427 1.0553524 1.0575521 1.0582155 0.\n", + " 0. 0. ]\n", + " [1.1837417 1.179513 1.1900383 1.1997086 1.1871856 1.1530433 1.1168255\n", + " 1.0924283 1.080222 1.0777104 1.0769312 1.0711703 1.0608717 1.0521998\n", + " 1.0477457 1.0492518 1.0549455 1.0604084 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1877984 1.1838824 1.1941081 1.2036175 1.1909297 1.1556178 1.1181359\n", + " 1.0932528 1.0803341 1.0770043 1.0755281 1.0702772 1.0608948 1.052457\n", + " 1.0489241 1.0507134 1.056084 1.0614848 1.063914 0. 0.\n", + " 0. 0. ]\n", + " [1.1739643 1.1704088 1.180337 1.1895729 1.1768097 1.1420527 1.1072092\n", + " 1.0845491 1.0738943 1.0717227 1.0712976 1.0668606 1.058393 1.049995\n", + " 1.0461988 1.0480987 1.0536302 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1564621 1.1519631 1.1610807 1.169818 1.1590724 1.1294031 1.0978477\n", + " 1.0774033 1.0676886 1.0656499 1.0653846 1.0608915 1.0528715 1.0452542\n", + " 1.0419827 0. 0. 0. 0. ]\n", + " [1.1754625 1.1714284 1.1798906 1.186476 1.1728218 1.1395333 1.1071211\n", + " 1.0847907 1.0729684 1.0696043 1.0685141 1.0632118 1.0542074 1.0470946\n", + " 1.0437976 1.0454282 1.0508661 1.0559328 1.058578 ]\n", + " [1.1947488 1.1908276 1.2006931 1.2073866 1.1953763 1.1590927 1.121434\n", + " 1.0960313 1.0835544 1.0802622 1.0789611 1.0733539 1.0637058 1.0549804\n", + " 1.0513746 1.053296 1.0593055 1.065185 0. ]\n", + " [1.2097993 1.2021289 1.2108325 1.2203708 1.2069341 1.1687658 1.1301467\n", + " 1.104303 1.0924165 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1837702 1.1792942 1.1890925 1.1969411 1.1846633 1.1498566 1.1144761\n", + " 1.0908341 1.0800205 1.0772651 1.0776376 1.0725759 1.0629966 1.0540117\n", + " 1.0499194 1.0523034 0. 0. 0. ]]\n", + "[[1.1660244 1.1652565 1.1762679 1.1852411 1.1721058 1.1401467 1.1068779\n", + " 1.0841063 1.0724857 1.0685308 1.0663395 1.0613352 1.0527282 1.0451468\n", + " 1.0415909 1.0436352 1.0483288 1.0525736 1.0548128 1.0560261]\n", + " [1.179663 1.1753367 1.186105 1.1949037 1.1827703 1.14681 1.1107786\n", + " 1.0872631 1.077511 1.0765287 1.0778277 1.0727757 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.164406 1.1617436 1.1715082 1.1799452 1.1677039 1.1342316 1.1011585\n", + " 1.0789412 1.0687028 1.0659498 1.0650806 1.0601776 1.0520809 1.044809\n", + " 1.0412704 1.0427548 1.0475824 1.0521879 0. 0. ]\n", + " [1.1853501 1.180007 1.1899213 1.1997081 1.1868076 1.150536 1.1146103\n", + " 1.0902945 1.0799906 1.0787438 1.078733 1.0738074 1.0638002 1.054836\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1613014 1.1579607 1.1686611 1.1778392 1.1654614 1.1333352 1.1000443\n", + " 1.0789422 1.0700531 1.0693043 1.0697072 1.0652912 1.0558677 1.0470465\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1643385 1.1602668 1.170848 1.1797566 1.1685449 1.1357677 1.1019832\n", + " 1.0802637 1.0704635 1.0686439 1.0685881 1.0644419 1.0558044 1.0474924\n", + " 1.0436429 1.0453484 0. 0. 0. 0. ]\n", + " [1.1535048 1.1501608 1.1606467 1.1702466 1.1592603 1.127947 1.0963801\n", + " 1.0752928 1.0651469 1.0619854 1.0610123 1.055944 1.0479287 1.0408016\n", + " 1.0376436 1.0393132 1.0435045 1.0481936 1.0506182 0. ]\n", + " [1.1832275 1.1794466 1.189025 1.1970071 1.1852624 1.1510937 1.1157702\n", + " 1.0916673 1.0795436 1.0769135 1.0752227 1.0688628 1.0601212 1.05141\n", + " 1.0480727 1.0499814 1.0553898 1.0603154 0. 0. ]\n", + " [1.1701529 1.1680986 1.1801981 1.1905363 1.1778584 1.1442585 1.108697\n", + " 1.0851197 1.0731388 1.068951 1.0679275 1.0617898 1.0527215 1.0451747\n", + " 1.0418015 1.0435499 1.0483683 1.0532445 1.0557064 1.056805 ]\n", + " [1.1693652 1.1652431 1.1742127 1.1829736 1.172053 1.1397862 1.1056988\n", + " 1.0830442 1.0733318 1.0719519 1.0727355 1.0687104 1.0590669 1.0503765\n", + " 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1807126 1.1757216 1.1857159 1.1942916 1.1831043 1.1490418 1.113366\n", + " 1.0898077 1.0791645 1.0769148 1.0777394 1.0729468 1.0635628 1.0544174\n", + " 1.050235 0. 0. 0. 0. ]\n", + " [1.178146 1.1730845 1.1825292 1.1901984 1.1787715 1.1452157 1.1108829\n", + " 1.0873395 1.0761595 1.0724474 1.0708762 1.0651722 1.0564144 1.0483199\n", + " 1.0445546 1.046638 1.0515072 1.0566813 1.059793 ]\n", + " [1.2163033 1.2108921 1.2220562 1.2311962 1.2156972 1.1758473 1.1347688\n", + " 1.1071796 1.095276 1.0938069 1.0941182 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1522865 1.1483523 1.1580579 1.166472 1.1565809 1.1259156 1.0950499\n", + " 1.0745262 1.064754 1.0637143 1.0642995 1.0604137 1.052558 1.0448627\n", + " 1.0414442 0. 0. 0. 0. ]\n", + " [1.1589538 1.1541848 1.1633322 1.1717656 1.1601847 1.130203 1.0982926\n", + " 1.0777172 1.0683643 1.0668328 1.0668085 1.0621791 1.0534021 1.0450919\n", + " 1.0415108 0. 0. 0. 0. ]]\n", + "[[1.1636355 1.1604558 1.1707494 1.1785809 1.1671778 1.1348306 1.1022694\n", + " 1.0808666 1.0700579 1.066624 1.064812 1.0596786 1.0510815 1.0437826\n", + " 1.0409232 1.0429289 1.0482225 1.0532422 0. 0. 0. ]\n", + " [1.1700141 1.1666943 1.175786 1.1828297 1.1704725 1.1369693 1.1038772\n", + " 1.0816466 1.0700555 1.0663123 1.0647459 1.0591596 1.0509439 1.0438693\n", + " 1.0411093 1.0425589 1.0473185 1.0524267 1.0549151 1.0563546 0. ]\n", + " [1.1647676 1.1615522 1.1716564 1.1802335 1.16787 1.1359354 1.1029333\n", + " 1.0812625 1.0717418 1.070315 1.0703683 1.065057 1.0561042 1.0478889\n", + " 1.0440302 1.0458782 0. 0. 0. 0. 0. ]\n", + " [1.1741111 1.171688 1.1824019 1.1909151 1.1782385 1.1432102 1.1080788\n", + " 1.0847411 1.0742583 1.0716758 1.0715685 1.0660877 1.056839 1.0484482\n", + " 1.0447377 1.0462159 1.0514203 1.0566555 0. 0. 0. ]\n", + " [1.1593709 1.1552271 1.1644685 1.1730342 1.1627935 1.1320586 1.1006705\n", + " 1.0790854 1.0677469 1.0639017 1.0623063 1.057277 1.0493269 1.0425495\n", + " 1.0396997 1.0411668 1.0458362 1.0503546 1.0527812 1.0539567 1.0555465]]\n", + "[[1.1903661 1.1871915 1.1980908 1.2070215 1.1934428 1.1584471 1.121329\n", + " 1.0959141 1.082988 1.0784193 1.0761017 1.0696222 1.0594932 1.0509167\n", + " 1.0472941 1.0496459 1.0549653 1.0601385 1.0629247 1.06411 1.0658858]\n", + " [1.1528429 1.1487154 1.1587546 1.1659247 1.1554666 1.1247181 1.0936916\n", + " 1.0735967 1.0646418 1.0637043 1.0646049 1.0597731 1.0514349 1.0433679\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1799891 1.1774724 1.1882912 1.1980289 1.1857085 1.1512483 1.1148745\n", + " 1.0901169 1.0788009 1.0753828 1.0730418 1.0677998 1.0581454 1.0497534\n", + " 1.0461562 1.0477763 1.0529735 1.0579734 1.0605189 1.0610358 0. ]\n", + " [1.1608801 1.1564816 1.1663357 1.1748176 1.1638396 1.1312883 1.0986253\n", + " 1.0775117 1.0681661 1.0669456 1.067122 1.0630822 1.0546472 1.0465254\n", + " 1.0428934 0. 0. 0. 0. 0. 0. ]\n", + " [1.1639427 1.1622506 1.1722282 1.1811637 1.169223 1.1362438 1.1032194\n", + " 1.0808595 1.0703459 1.0671151 1.0658143 1.0610887 1.0523885 1.0445327\n", + " 1.041129 1.0426108 1.0472269 1.0522863 1.0546384 0. 0. ]]\n", + "[[1.1817739 1.1791044 1.190489 1.1997781 1.1874605 1.1529448 1.116158\n", + " 1.0916765 1.0797033 1.0753124 1.0737593 1.0672898 1.0583309 1.0497568\n", + " 1.0456208 1.0474635 1.0529064 1.0578703 1.0603933 1.0614432 0. ]\n", + " [1.1655085 1.1625959 1.1733773 1.1828717 1.1703323 1.1380819 1.104643\n", + " 1.0823741 1.0712858 1.06802 1.0667596 1.0618014 1.052767 1.0450264\n", + " 1.0412724 1.042995 1.0480816 1.0527351 1.055167 0. 0. ]\n", + " [1.1590807 1.1539283 1.1630094 1.1715608 1.1599357 1.1298244 1.0985746\n", + " 1.077602 1.0672505 1.0646495 1.0637629 1.0596607 1.0516788 1.0442768\n", + " 1.0411898 1.0429444 1.047619 0. 0. 0. 0. ]\n", + " [1.151213 1.1485157 1.1578658 1.1654232 1.1544598 1.124609 1.0941833\n", + " 1.073512 1.0628414 1.0593535 1.0577472 1.0530869 1.0459828 1.03965\n", + " 1.0370741 1.0389353 1.0431089 1.0478503 1.0501562 1.0507724 1.0522904]\n", + " [1.171553 1.1703224 1.1811028 1.1896454 1.1790485 1.1454809 1.1104853\n", + " 1.0866275 1.0749391 1.0713613 1.0695548 1.0639486 1.0552622 1.0475552\n", + " 1.044048 1.0456759 1.0505502 1.0559114 1.0579343 0. 0. ]]\n", + "[[1.1651506 1.159456 1.1687024 1.1762501 1.1654123 1.1338985 1.100784\n", + " 1.079397 1.069594 1.0681218 1.0684777 1.0640699 1.0555663 1.0473634\n", + " 1.0436736 0. 0. 0. 0. ]\n", + " [1.1538329 1.1502488 1.1585253 1.1663457 1.1542535 1.1236571 1.0929414\n", + " 1.0727481 1.0628732 1.0603638 1.0597172 1.0552479 1.0474596 1.0406449\n", + " 1.0378729 1.0393914 1.0440241 1.0483433 1.0506307]\n", + " [1.1688242 1.1651808 1.1746998 1.1833822 1.1709247 1.1370128 1.1035677\n", + " 1.0811999 1.0702292 1.0671713 1.0660604 1.06133 1.0529442 1.0454484\n", + " 1.0421479 1.0437514 1.0490142 1.0539309 1.0567482]\n", + " [1.1703167 1.1653705 1.1744013 1.182074 1.1685658 1.1352422 1.1018305\n", + " 1.0807477 1.0713779 1.0709591 1.0719253 1.0679643 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.190541 1.1863407 1.1959074 1.20414 1.192362 1.1561298 1.1199428\n", + " 1.0953243 1.082928 1.0803618 1.0798122 1.0742853 1.0642569 1.0553541\n", + " 1.0515282 1.0539427 1.0599893 0. 0. ]]\n", + "[[1.1641635 1.1620868 1.1731582 1.1811947 1.1669109 1.134186 1.1011031\n", + " 1.0792603 1.0688816 1.0664264 1.0661962 1.0615634 1.0536387 1.04566\n", + " 1.0424881 1.0439378 1.0486077 1.0534167]\n", + " [1.1844312 1.178273 1.1874464 1.1956282 1.1822449 1.1480113 1.1128674\n", + " 1.0899016 1.078909 1.0759416 1.0752722 1.0702795 1.060881 1.0524489\n", + " 1.0489955 1.0511751 1.0573946 0. ]\n", + " [1.1747452 1.1709397 1.1809363 1.1894033 1.1783317 1.1448977 1.110289\n", + " 1.0876322 1.0764128 1.0739316 1.0724766 1.0675753 1.057794 1.0498284\n", + " 1.0458686 1.0477115 1.0530407 1.0581464]\n", + " [1.2002639 1.1953477 1.2066324 1.2168381 1.2031598 1.1653445 1.1259091\n", + " 1.0998402 1.0879343 1.0860937 1.0863249 1.0808516 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2101179 1.2038107 1.2131016 1.2217398 1.2066913 1.1680998 1.1292189\n", + " 1.103257 1.0912356 1.0900857 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1789656 1.1759384 1.1884443 1.197958 1.1852016 1.1499857 1.1139655\n", + " 1.0909166 1.0807159 1.0794725 1.0803897 1.0748106 1.0633961 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1782668 1.1733803 1.1826166 1.1908399 1.1791234 1.1457653 1.1113017\n", + " 1.0889325 1.0776942 1.0768733 1.0760988 1.0716616 1.0617191 1.0529118\n", + " 1.0492514 0. 0. 0. 0. 0. 0. ]\n", + " [1.1830363 1.1810623 1.1908813 1.2002804 1.1871321 1.1531856 1.1169691\n", + " 1.0928309 1.0800163 1.0758957 1.0732945 1.0674856 1.058131 1.0499882\n", + " 1.0463719 1.048359 1.0534934 1.0584642 1.0608261 1.0617254 1.0631275]\n", + " [1.1610868 1.1587812 1.168771 1.1775253 1.1653241 1.1329005 1.1005417\n", + " 1.0785824 1.0680664 1.064804 1.0631682 1.0579538 1.0498626 1.0430126\n", + " 1.0399011 1.0418396 1.0464162 1.0509877 1.0533885 1.0540771 0. ]\n", + " [1.1766683 1.1715244 1.1834208 1.1937476 1.1812315 1.1462349 1.1107391\n", + " 1.0873992 1.0765444 1.0746431 1.0745796 1.0695798 1.0599486 1.0503656\n", + " 1.0461998 1.0481153 0. 0. 0. 0. 0. ]]\n", + "[[1.1606029 1.1562139 1.1667025 1.1756968 1.1640344 1.1327624 1.099749\n", + " 1.0780314 1.068211 1.0663638 1.0657451 1.0612091 1.052384 1.044048\n", + " 1.0406592 1.0422286 1.0477698 0. 0. ]\n", + " [1.1604406 1.1559765 1.1626221 1.1690712 1.1565189 1.1263837 1.0956125\n", + " 1.0762644 1.067383 1.0669978 1.067232 1.0627164 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1905966 1.1864506 1.196365 1.204331 1.1909012 1.1546817 1.1184347\n", + " 1.0947899 1.0827366 1.0788492 1.0772705 1.0708203 1.0601681 1.0515473\n", + " 1.0477295 1.0498773 1.0559996 1.0614371 1.0639892]\n", + " [1.2022992 1.1963247 1.2067463 1.2161641 1.2012403 1.1645445 1.126734\n", + " 1.1019027 1.0908741 1.0893599 1.0895107 1.0833788 1.071106 1.0610354\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.169243 1.1645762 1.1740587 1.1822019 1.1712487 1.139155 1.1054969\n", + " 1.0833479 1.0729045 1.071174 1.0708377 1.0664213 1.0574131 1.049114\n", + " 1.0448698 1.0465771 0. 0. 0. ]]\n", + "[[1.1613303 1.1582181 1.1687455 1.178705 1.1673026 1.1342481 1.1006109\n", + " 1.0783399 1.0680778 1.066868 1.0668404 1.061952 1.0530877 1.0447409\n", + " 1.0410224 1.0426508 1.0479071 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2054989 1.1986227 1.2078795 1.2151229 1.2010324 1.1654785 1.128089\n", + " 1.1016731 1.090658 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1448933 1.1432787 1.1540873 1.1619936 1.1526623 1.123738 1.0934234\n", + " 1.0732914 1.0627158 1.059602 1.0573003 1.0517671 1.044046 1.0374893\n", + " 1.0352565 1.0366156 1.041129 1.045158 1.0476897 1.0485415 1.0501283\n", + " 1.0530803 1.0594181]\n", + " [1.2066882 1.2008862 1.2084906 1.2150654 1.2016797 1.1650697 1.1249552\n", + " 1.0980524 1.0855191 1.0844634 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1680541 1.1649219 1.1759822 1.1858656 1.1750128 1.1421595 1.1079946\n", + " 1.084923 1.0730586 1.0692822 1.0674229 1.0618119 1.0528333 1.044902\n", + " 1.0417672 1.0432695 1.0482447 1.052709 1.0555044 1.0572046 1.0587105\n", + " 0. 0. ]]\n", + "[[1.1722997 1.1671973 1.1773303 1.185909 1.1745237 1.1413164 1.1068207\n", + " 1.0841779 1.0734863 1.0714296 1.0711747 1.0661391 1.0573746 1.0489538\n", + " 1.0455564 0. 0. 0. 0. 0. ]\n", + " [1.1649756 1.1623063 1.1735032 1.1830779 1.1717551 1.1373193 1.1031375\n", + " 1.0810397 1.0712724 1.0700612 1.0695761 1.0652183 1.0562371 1.0478199\n", + " 1.0439602 1.0457643 0. 0. 0. 0. ]\n", + " [1.1842211 1.181271 1.1924491 1.1999065 1.1866244 1.1494393 1.1128784\n", + " 1.0889446 1.0781215 1.0759006 1.0763925 1.0717251 1.0616511 1.0532181\n", + " 1.049026 1.0508802 1.0564575 0. 0. 0. ]\n", + " [1.1563812 1.1521275 1.16172 1.1701926 1.1590623 1.1289041 1.0979433\n", + " 1.0772265 1.0667394 1.0634248 1.0617573 1.0569062 1.0484676 1.0409402\n", + " 1.0376071 1.0394592 1.0441424 1.0488117 1.0510491 0. ]\n", + " [1.176647 1.1754112 1.1868101 1.1957095 1.1820519 1.1473866 1.1120838\n", + " 1.0887895 1.0767484 1.0732516 1.0716046 1.0651493 1.0562121 1.0481244\n", + " 1.0447074 1.0461859 1.0512984 1.0561826 1.0584519 1.059509 ]]\n", + "[[1.1610316 1.1571549 1.1663927 1.1737118 1.1621277 1.1309099 1.098661\n", + " 1.0774825 1.0674967 1.0655572 1.0653001 1.0614929 1.0535548 1.0465457\n", + " 1.0430583 1.0449035 0. 0. 0. 0. ]\n", + " [1.1752222 1.1719669 1.18258 1.1918434 1.1796528 1.1469402 1.1127595\n", + " 1.0889121 1.0776032 1.0739515 1.0715984 1.0658832 1.0563654 1.0481881\n", + " 1.044342 1.0465932 1.0517629 1.0565547 1.0587777 1.0590339]\n", + " [1.1953214 1.1919829 1.2027321 1.2118081 1.1991321 1.1630723 1.124319\n", + " 1.097159 1.0840946 1.0801579 1.0784786 1.0720992 1.0627931 1.0536833\n", + " 1.0496296 1.0516009 1.0571266 1.0626564 1.0654647 1.0668185]\n", + " [1.1836495 1.1781787 1.1872482 1.1937153 1.1803783 1.1465179 1.11165\n", + " 1.0878904 1.077197 1.0742615 1.0739803 1.0693805 1.0602384 1.0520438\n", + " 1.0484985 1.0508742 1.0568304 0. 0. 0. ]\n", + " [1.1770589 1.1737733 1.1847391 1.1932068 1.1816173 1.1461092 1.1096833\n", + " 1.0861175 1.0746009 1.0725775 1.0718218 1.0662974 1.0564816 1.0481791\n", + " 1.044131 1.0458614 1.0516015 1.0569829 0. 0. ]]\n", + "[[1.1843939 1.1793622 1.189322 1.1970016 1.1850593 1.1503139 1.114592\n", + " 1.0903486 1.0795074 1.0766531 1.0755293 1.0699615 1.0597212 1.0509835\n", + " 1.0470293 1.0493454 1.0552596 0. 0. 0. ]\n", + " [1.1725686 1.1697623 1.1815255 1.1907976 1.1791005 1.1437311 1.1072388\n", + " 1.0832661 1.0720416 1.0694195 1.0683998 1.0640426 1.0552106 1.0473219\n", + " 1.0435222 1.0452567 1.0503491 1.055557 1.0577211 0. ]\n", + " [1.1880924 1.1848631 1.194488 1.2034531 1.1908445 1.155347 1.118574\n", + " 1.0947373 1.0824083 1.0783677 1.0765462 1.069623 1.0598661 1.0514324\n", + " 1.0480728 1.0497149 1.055645 1.0609721 1.0633982 1.0638202]\n", + " [1.1789165 1.1755439 1.1872779 1.1973155 1.1847241 1.1496092 1.1132213\n", + " 1.0890031 1.0779383 1.0753012 1.0744818 1.0687947 1.0589504 1.050147\n", + " 1.0460594 1.0479324 1.0532628 1.0588945 0. 0. ]\n", + " [1.1693004 1.1647815 1.1746182 1.1833644 1.1714532 1.138568 1.1053543\n", + " 1.0831627 1.0720948 1.0687356 1.0676577 1.0622382 1.0530962 1.0456153\n", + " 1.0424231 1.0440984 1.0494403 1.0546699 1.0575564 0. ]]\n", + "[[1.1532799 1.1506352 1.1603607 1.1687403 1.157333 1.1257186 1.0946443\n", + " 1.0741107 1.0639935 1.061668 1.0608747 1.0568295 1.0492256 1.0420976\n", + " 1.0391709 1.0406854 1.045327 1.0500935 0. 0. 0.\n", + " 0. ]\n", + " [1.1685717 1.1657605 1.1766477 1.1835742 1.1712925 1.13715 1.1033291\n", + " 1.0818065 1.0714146 1.0694745 1.0691193 1.0648304 1.0555962 1.0476719\n", + " 1.044386 1.0461773 1.05144 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1618129 1.1609883 1.1723611 1.180834 1.1687396 1.1367416 1.104093\n", + " 1.0818766 1.0709527 1.0670627 1.064042 1.0586673 1.049862 1.0426292\n", + " 1.0399628 1.0413678 1.0463881 1.0510079 1.05332 1.054521 1.0560493\n", + " 1.0598369]\n", + " [1.1743765 1.171682 1.1830429 1.1926771 1.1801604 1.1467718 1.1114268\n", + " 1.0875399 1.0773275 1.0747864 1.0745518 1.0696851 1.0599265 1.0512662\n", + " 1.0471858 1.049316 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1804163 1.1770546 1.1882068 1.1973066 1.1834515 1.1483814 1.1129137\n", + " 1.0893872 1.0793396 1.0776999 1.0777003 1.0720042 1.0619017 1.0528873\n", + " 1.04888 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1717606 1.1670532 1.1768141 1.1845827 1.1738846 1.1404452 1.1062353\n", + " 1.0839663 1.0733035 1.0715088 1.0711643 1.0664607 1.0572205 1.048835\n", + " 1.0451456 1.0473467 0. 0. 0. 0. 0. ]\n", + " [1.1924077 1.1870112 1.1970879 1.2056597 1.1914158 1.1555034 1.1186355\n", + " 1.0941753 1.0827761 1.0804853 1.0800455 1.074898 1.0644553 1.05506\n", + " 1.0506841 1.0526474 0. 0. 0. 0. 0. ]\n", + " [1.1937438 1.1897563 1.2004453 1.2091318 1.195871 1.1612595 1.1247363\n", + " 1.0986977 1.0847836 1.0796874 1.0767069 1.0697509 1.0602375 1.0518743\n", + " 1.0484737 1.0507826 1.0561941 1.0616308 1.0644567 1.0654733 1.067255 ]\n", + " [1.174082 1.1697278 1.1793423 1.1873566 1.1750841 1.1419754 1.1076745\n", + " 1.08485 1.0744138 1.071834 1.071766 1.0668225 1.0579846 1.0500823\n", + " 1.0461243 1.0478129 1.0532005 0. 0. 0. 0. ]\n", + " [1.183459 1.1802223 1.1914204 1.1996359 1.1861368 1.1516348 1.1155461\n", + " 1.0913793 1.079619 1.0756161 1.0743697 1.0683525 1.0584952 1.0500727\n", + " 1.0462626 1.0481987 1.0536299 1.0587683 1.0610982 1.0618583 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1652503 1.1622933 1.1725699 1.1821222 1.1696223 1.1356357 1.1022469\n", + " 1.0803204 1.0701898 1.0671782 1.0669544 1.0618244 1.0537107 1.0458462\n", + " 1.0420866 1.0440563 1.0490068 1.0541352 0. 0. 0.\n", + " 0. ]\n", + " [1.1643283 1.1625469 1.1740184 1.1835281 1.1729451 1.140448 1.106237\n", + " 1.0835803 1.0718662 1.0682276 1.0655942 1.0599326 1.0506573 1.043399\n", + " 1.0400122 1.0418698 1.0460491 1.051123 1.0538992 1.0551963 1.0566875\n", + " 1.060044 ]\n", + " [1.1708083 1.1672251 1.1773043 1.1860408 1.1732203 1.1390144 1.105408\n", + " 1.084129 1.0743974 1.0739597 1.0743977 1.0692568 1.0589422 1.0499496\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1608514 1.1576201 1.1676009 1.1761851 1.1649778 1.1321694 1.0991075\n", + " 1.0771208 1.0671154 1.0644867 1.0646002 1.0597651 1.0518131 1.043748\n", + " 1.0404673 1.0420097 1.0466754 1.0519505 0. 0. 0.\n", + " 0. ]\n", + " [1.1562289 1.1513826 1.15898 1.1663975 1.1558936 1.125704 1.0956591\n", + " 1.0763161 1.0674434 1.0651793 1.0649586 1.0602096 1.0517861 1.0441318\n", + " 1.0409234 1.042685 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1819869 1.1771556 1.1873475 1.196579 1.184359 1.1508493 1.1156538\n", + " 1.0913901 1.0791066 1.0759284 1.0742468 1.068226 1.0586613 1.0501788\n", + " 1.0470111 1.0490808 1.0547801 1.0598675 1.0624355]\n", + " [1.1576701 1.1531098 1.1618199 1.1695384 1.1584063 1.1284783 1.0969406\n", + " 1.0764242 1.0666188 1.0650014 1.0643668 1.0607734 1.0526898 1.0447417\n", + " 1.0417068 1.0433598 0. 0. 0. ]]\n", + "[[1.1734648 1.1704289 1.1809372 1.1900635 1.1776788 1.1433972 1.107829\n", + " 1.0847487 1.0735822 1.0705887 1.069324 1.0639408 1.0543774 1.0463217\n", + " 1.0424181 1.0441656 1.0498309 1.0549974 1.0575618]\n", + " [1.1727909 1.1698637 1.1813213 1.1917735 1.1789645 1.1434491 1.1081731\n", + " 1.0843424 1.0729584 1.0699672 1.0694085 1.0647581 1.0556538 1.0478451\n", + " 1.0441685 1.045804 1.0503579 1.0553561 1.0578952]\n", + " [1.1595324 1.1546931 1.1629575 1.1710615 1.1602933 1.1285356 1.0965323\n", + " 1.0753584 1.0658213 1.0648428 1.0649266 1.0609281 1.0535129 1.0459092\n", + " 1.0423476 0. 0. 0. 0. ]\n", + " [1.1796314 1.1748837 1.1860846 1.1957012 1.1832762 1.1486164 1.1122947\n", + " 1.088006 1.0768391 1.0747229 1.0745057 1.069438 1.0594989 1.0505702\n", + " 1.0461565 1.048047 1.053691 0. 0. ]\n", + " [1.1614083 1.1581233 1.1684093 1.1770848 1.1650314 1.1335154 1.1009464\n", + " 1.0790466 1.068876 1.066039 1.0660105 1.0615222 1.0527906 1.045661\n", + " 1.0421251 1.0439742 1.0489073 0. 0. ]]\n", + "[[1.1621299 1.1591537 1.1695732 1.1793976 1.1700859 1.1382709 1.1050967\n", + " 1.0830096 1.0720811 1.0681589 1.0656391 1.0600988 1.0511343 1.043082\n", + " 1.0398045 1.0414969 1.0463406 1.051399 1.053565 1.0547485 1.0554637\n", + " 1.0581516 1.0652412]\n", + " [1.1906308 1.1854885 1.1967208 1.2075849 1.1947716 1.1590143 1.1208745\n", + " 1.0950838 1.0830432 1.0814635 1.0817965 1.0764416 1.0666223 1.0570067\n", + " 1.0528142 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1666439 1.1642776 1.1751772 1.1833997 1.1707332 1.1372616 1.1036317\n", + " 1.0814674 1.0715894 1.0697545 1.0697021 1.0649211 1.0555564 1.047656\n", + " 1.0438645 1.0455115 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1600943 1.1565281 1.1673111 1.1755415 1.1643624 1.1325991 1.0994226\n", + " 1.0777433 1.0675489 1.0644739 1.0642438 1.059718 1.050762 1.0436772\n", + " 1.0402442 1.0419123 1.0468427 1.0522274 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1760738 1.1719664 1.1831278 1.1925249 1.1805649 1.145734 1.1097466\n", + " 1.0865889 1.0759693 1.0747651 1.075138 1.0704569 1.0610101 1.0521297\n", + " 1.0481032 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1700981 1.1678995 1.1772984 1.1860051 1.1753391 1.1423095 1.1085037\n", + " 1.0862887 1.0746962 1.070282 1.068071 1.0620298 1.0529344 1.0450069\n", + " 1.0423818 1.044147 1.0490627 1.054361 1.0563073 1.0568259 1.0581605\n", + " 1.0618863]\n", + " [1.1852139 1.1814865 1.1913956 1.1993785 1.1879878 1.152401 1.1162637\n", + " 1.0921804 1.0806947 1.0777526 1.0766087 1.0704944 1.0607425 1.0517378\n", + " 1.0478561 1.0499091 1.0555102 1.0611424 0. 0. 0.\n", + " 0. ]\n", + " [1.1917897 1.1860563 1.196377 1.2045118 1.1923946 1.1561769 1.1194073\n", + " 1.0951657 1.0844371 1.0825 1.0828303 1.0773556 1.0661656 1.0563259\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1743047 1.1686105 1.1777174 1.1858668 1.1745703 1.1415676 1.1073753\n", + " 1.0845903 1.0745454 1.0730307 1.0729213 1.0691532 1.0598433 1.0513074\n", + " 1.047663 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.208289 1.2019765 1.2109294 1.2193725 1.2046432 1.1681688 1.1294554\n", + " 1.1038449 1.0917548 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1493936 1.1472036 1.1573333 1.1665444 1.1555576 1.125453 1.0949198\n", + " 1.0744785 1.0638202 1.0608195 1.0588992 1.0538777 1.0457925 1.0395461\n", + " 1.0366791 1.0384568 1.0427115 1.0474875 1.0492884 1.050028 1.0505638\n", + " 1.0537143 1.0603321]\n", + " [1.1764296 1.1726029 1.1823928 1.1913853 1.1805162 1.1462673 1.1114941\n", + " 1.0879049 1.0764357 1.0732943 1.0725843 1.0671314 1.0583912 1.0504153\n", + " 1.0463893 1.0479586 1.0530053 1.0582129 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1723516 1.1699584 1.1814362 1.1919307 1.1796476 1.1450068 1.109364\n", + " 1.0851853 1.0737102 1.0700951 1.0683947 1.06269 1.0541308 1.0460203\n", + " 1.0427825 1.043853 1.0490013 1.0538847 1.0568838 1.0581012 0.\n", + " 0. 0. ]\n", + " [1.1740475 1.1694667 1.1793153 1.188213 1.1758716 1.1417934 1.1070076\n", + " 1.084276 1.0740805 1.0722408 1.0720538 1.0676342 1.058577 1.049763\n", + " 1.0459731 1.0479472 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1843773 1.1807827 1.1903795 1.1993511 1.1865475 1.1530842 1.1170337\n", + " 1.0919969 1.0795559 1.0747857 1.0725448 1.0663731 1.0569961 1.0497179\n", + " 1.0464764 1.0487423 1.0535487 1.0591464 1.0614464 1.0624188 1.064132\n", + " 0. 0. ]]\n", + "[[1.1964769 1.1901972 1.1998591 1.207003 1.193313 1.157995 1.1215783\n", + " 1.0979023 1.0868424 1.0853261 1.0860051 1.08038 1.069335 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1594172 1.1547283 1.1633207 1.1708301 1.1602969 1.1296722 1.0978957\n", + " 1.0767081 1.0667197 1.0642757 1.0649233 1.0609436 1.0533873 1.0460598\n", + " 1.0425503 0. 0. 0. 0. 0. 0. ]\n", + " [1.1665535 1.1632434 1.1737782 1.1805937 1.1687168 1.1360719 1.1026045\n", + " 1.0808003 1.0711743 1.0690979 1.0691109 1.0648236 1.0559431 1.0479645\n", + " 1.0445052 1.0461907 1.0517677 0. 0. 0. 0. ]\n", + " [1.1818181 1.1803849 1.1923659 1.202379 1.1880317 1.1527042 1.1158231\n", + " 1.0915083 1.0792757 1.0752103 1.0730146 1.0666869 1.0576571 1.0494199\n", + " 1.0457886 1.0477402 1.0529155 1.0578407 1.0604347 1.0612618 1.0631083]\n", + " [1.1488099 1.14506 1.1552575 1.1640334 1.1547632 1.1247492 1.0940326\n", + " 1.0738596 1.0645822 1.0625371 1.0626581 1.0587242 1.0501413 1.0427167\n", + " 1.03915 1.0409553 0. 0. 0. 0. 0. ]]\n", + "[[1.2154263 1.2087629 1.2188368 1.228481 1.214029 1.1751649 1.134501\n", + " 1.1068151 1.0948099 1.094254 1.0950711 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1614424 1.1584307 1.1682234 1.1773922 1.1651137 1.1340977 1.1013842\n", + " 1.0788394 1.0688391 1.0659701 1.0664284 1.0618298 1.0540782 1.0462141\n", + " 1.0425589 1.043921 1.0486957 0. 0. ]\n", + " [1.1660694 1.1628035 1.1722332 1.1808125 1.1687417 1.1369721 1.1038369\n", + " 1.080823 1.0699419 1.0662789 1.0651529 1.060476 1.0523808 1.0453519\n", + " 1.0417061 1.0429109 1.047295 1.0517731 1.0543063]\n", + " [1.1693347 1.1649529 1.1745254 1.1823108 1.1714158 1.1398681 1.1071707\n", + " 1.0853413 1.0751271 1.0733438 1.0729941 1.0678732 1.0582099 1.0496117\n", + " 1.0457919 1.0479968 0. 0. 0. ]\n", + " [1.2138034 1.2063959 1.2157811 1.2244213 1.2099376 1.1729476 1.1324714\n", + " 1.1056165 1.0930516 1.0908264 1.0909238 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1878681 1.1824119 1.1930307 1.2024188 1.1897538 1.1541258 1.1172239\n", + " 1.092774 1.081791 1.0796062 1.0796684 1.0749546 1.0651556 1.0554055\n", + " 1.0510654 1.0528517 0. ]\n", + " [1.1649984 1.1615977 1.1718086 1.1798649 1.1690413 1.1374148 1.1040957\n", + " 1.0819663 1.07096 1.0694702 1.0687762 1.0638329 1.0548412 1.0467103\n", + " 1.042953 1.0445684 1.0499929]\n", + " [1.1843742 1.1800615 1.1906615 1.1993476 1.185256 1.149503 1.1136315\n", + " 1.0905613 1.0809736 1.0802193 1.0802189 1.0748439 1.0641602 1.0544001\n", + " 0. 0. 0. ]\n", + " [1.1629986 1.1578059 1.1670754 1.1764436 1.1664866 1.1355706 1.1028588\n", + " 1.0801797 1.0696021 1.067685 1.0678303 1.06409 1.0554684 1.0478523\n", + " 1.0436913 1.045104 0. ]\n", + " [1.1802872 1.176085 1.1869024 1.195238 1.1818585 1.1474369 1.1113473\n", + " 1.0882658 1.0787008 1.0775235 1.0788546 1.0738221 1.064072 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1861827 1.1823143 1.1929821 1.2019243 1.188374 1.1524045 1.1162115\n", + " 1.0911627 1.079178 1.0756491 1.073863 1.0684673 1.0592169 1.0507649\n", + " 1.0473441 1.0496196 1.0553023 1.0603588 1.0632119 0. ]\n", + " [1.1751719 1.1728839 1.184479 1.1943347 1.180581 1.1464691 1.1110992\n", + " 1.087637 1.0770113 1.0748476 1.0753745 1.0698404 1.0607516 1.0517223\n", + " 1.0476439 1.0493771 0. 0. 0. 0. ]\n", + " [1.1722225 1.1682107 1.1790847 1.188887 1.1770806 1.1437405 1.1089321\n", + " 1.0857952 1.0749748 1.0732472 1.073596 1.0687617 1.0597976 1.0512983\n", + " 1.0472782 1.0491178 0. 0. 0. 0. ]\n", + " [1.1953526 1.190263 1.2010224 1.2087822 1.1934249 1.1558713 1.1186372\n", + " 1.094369 1.0839819 1.0836518 1.0842587 1.0781381 1.0669644 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1721942 1.1703959 1.1816216 1.1904979 1.1784226 1.1445204 1.1095006\n", + " 1.0864005 1.075414 1.0718558 1.070299 1.0639184 1.0547214 1.0461285\n", + " 1.042559 1.0446069 1.0495708 1.0545552 1.0568151 1.0578583]]\n", + "[[1.157717 1.1552545 1.1657445 1.1750901 1.1637919 1.1321064 1.0992141\n", + " 1.0775317 1.0672841 1.064484 1.0642563 1.0598379 1.0516914 1.0447274\n", + " 1.0410436 1.0428042 1.0477443 0. 0. ]\n", + " [1.1649153 1.160981 1.1712594 1.1799842 1.1681693 1.1363277 1.1029785\n", + " 1.0807648 1.0698922 1.0675166 1.0671413 1.0622433 1.0539758 1.0458974\n", + " 1.0424156 1.0439668 1.049027 1.0538683 0. ]\n", + " [1.1758468 1.1730098 1.1841748 1.1925368 1.180455 1.1464092 1.1112392\n", + " 1.0878334 1.0758963 1.0723416 1.0713103 1.0656662 1.0565845 1.0482519\n", + " 1.0447222 1.0463413 1.0510517 1.0559108 1.058361 ]\n", + " [1.171046 1.1670659 1.1766834 1.1840538 1.1709939 1.1375735 1.104953\n", + " 1.0835997 1.0735854 1.0710896 1.0709125 1.0659127 1.0565976 1.0485234\n", + " 1.0451527 1.0471387 1.0527893 0. 0. ]\n", + " [1.1832588 1.1785346 1.1885811 1.1975503 1.1842374 1.1497386 1.1138638\n", + " 1.0900358 1.0782169 1.0756634 1.0748461 1.0702585 1.0612378 1.0529082\n", + " 1.0492601 1.0513753 1.0570197 0. 0. ]]\n", + "[[1.1745579 1.1712644 1.1818206 1.1902171 1.1780113 1.1450016 1.1095214\n", + " 1.0864319 1.0747409 1.0726078 1.0717963 1.0665473 1.0574067 1.0492154\n", + " 1.0451063 1.0468043 1.0518823 1.0572453 0. 0. 0.\n", + " 0. ]\n", + " [1.1714001 1.1688857 1.1802803 1.1893693 1.1769247 1.1439052 1.1094965\n", + " 1.0866246 1.0745876 1.0710784 1.0688872 1.0623955 1.0539323 1.046329\n", + " 1.0429932 1.0444536 1.0493944 1.054285 1.0567545 1.0578728 1.0593913\n", + " 1.0631888]\n", + " [1.2061685 1.1987424 1.2065798 1.2150551 1.2009833 1.1642697 1.1263239\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1690177 1.1655358 1.1763878 1.1862097 1.174536 1.1418508 1.1080505\n", + " 1.0846286 1.0727804 1.0696499 1.0680072 1.0626107 1.0544181 1.0469439\n", + " 1.043524 1.0451987 1.0499268 1.0545083 1.0569321 1.0580428 0.\n", + " 0. ]\n", + " [1.1795094 1.1749456 1.1866271 1.1976756 1.1861907 1.1505412 1.113224\n", + " 1.0886333 1.0776764 1.0758995 1.0760598 1.0715668 1.0620273 1.0528111\n", + " 1.0484974 1.0503134 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1726784 1.1672896 1.1763994 1.1836958 1.173271 1.1416881 1.1080703\n", + " 1.085674 1.0748274 1.0718538 1.0715504 1.0664155 1.0574081 1.0492852\n", + " 1.0458978 1.0480845 0. 0. 0. 0. ]\n", + " [1.1700124 1.164187 1.1725315 1.180251 1.1676623 1.1364723 1.1043222\n", + " 1.0826871 1.0724859 1.0700628 1.0692583 1.0642232 1.0554341 1.047499\n", + " 1.0440819 1.0458453 1.0510508 0. 0. 0. ]\n", + " [1.1811306 1.1791795 1.1910223 1.2010541 1.188655 1.153812 1.1173147\n", + " 1.0929339 1.0804507 1.0768725 1.0750239 1.0683084 1.0585803 1.0498714\n", + " 1.0459986 1.0477586 1.0527736 1.0581676 1.0610086 1.0623633]\n", + " [1.1773195 1.1723347 1.1816165 1.1919723 1.1821053 1.1488261 1.1133132\n", + " 1.0885977 1.0771512 1.074411 1.0748177 1.0704225 1.0616909 1.0528923\n", + " 1.048627 1.0501274 0. 0. 0. 0. ]\n", + " [1.158492 1.154145 1.1631804 1.171592 1.1609985 1.1299858 1.0983225\n", + " 1.0770903 1.0674607 1.0651788 1.065888 1.0622121 1.0542108 1.0463262\n", + " 1.0428468 1.0444685 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1605535 1.1577308 1.1672136 1.1751204 1.1625186 1.1309656 1.0989256\n", + " 1.0771337 1.0666883 1.0640138 1.0625756 1.0571709 1.0485911 1.04166\n", + " 1.0384154 1.0403216 1.044725 1.0499171 1.052852 1.0541722 0. ]\n", + " [1.1645962 1.1628807 1.1725264 1.1815478 1.1709738 1.1383749 1.1062611\n", + " 1.0845891 1.0728781 1.068649 1.06619 1.0603254 1.0512655 1.0436804\n", + " 1.0400873 1.0416583 1.0461155 1.050646 1.0533959 1.0544055 1.055696 ]\n", + " [1.1807534 1.1769744 1.1874896 1.1962559 1.1845018 1.1497095 1.1136557\n", + " 1.0894238 1.078669 1.0763602 1.0752163 1.0709901 1.0613716 1.0528325\n", + " 1.048285 1.0503358 1.0564837 0. 0. 0. 0. ]\n", + " [1.1684203 1.1650957 1.1746769 1.1826451 1.1693155 1.1374593 1.1042836\n", + " 1.0820936 1.0713625 1.0684968 1.067362 1.0623941 1.054102 1.0457594\n", + " 1.0424019 1.0440462 1.0486354 1.0532928 1.0556139 0. 0. ]\n", + " [1.179708 1.1759719 1.1872222 1.1964802 1.183916 1.1497637 1.1140965\n", + " 1.0897014 1.0783832 1.0747644 1.0740473 1.068744 1.0591711 1.0506265\n", + " 1.0468563 1.0483246 1.0538732 1.0594207 0. 0. 0. ]]\n", + "[[1.1831543 1.1784546 1.1888956 1.1988101 1.1863093 1.1508306 1.1147597\n", + " 1.0912553 1.0804412 1.0792693 1.0796509 1.0743092 1.0642223 1.0550623\n", + " 1.0503539 0. 0. 0. 0. 0. ]\n", + " [1.1601238 1.1551521 1.1630086 1.1708593 1.1591299 1.1301036 1.0989531\n", + " 1.0775367 1.0671419 1.0647029 1.0636909 1.0599355 1.0523489 1.0451406\n", + " 1.0420315 1.0435187 0. 0. 0. 0. ]\n", + " [1.168537 1.1640248 1.1739196 1.1823912 1.1717954 1.1384428 1.1044401\n", + " 1.0823947 1.0722575 1.0711185 1.0717082 1.0669947 1.058608 1.0503541\n", + " 1.0461324 0. 0. 0. 0. 0. ]\n", + " [1.2155229 1.2091084 1.2195543 1.227862 1.2130286 1.173722 1.1332684\n", + " 1.1056764 1.0940012 1.0932865 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1708218 1.1671535 1.1767818 1.1852381 1.1728934 1.1403723 1.106067\n", + " 1.0829817 1.0710424 1.0682877 1.0665174 1.0610704 1.0525439 1.0448598\n", + " 1.041636 1.0434995 1.0484915 1.053571 1.0559603 1.0567492]]\n", + "[[1.1789539 1.1758057 1.185481 1.1944776 1.1801502 1.1437181 1.1097136\n", + " 1.0875754 1.0784758 1.077533 1.0776726 1.0724708 1.0622295 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2107173 1.2059559 1.2160859 1.2253115 1.2103409 1.1693757 1.129379\n", + " 1.1030424 1.0917951 1.0905075 1.0919656 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1880199 1.1836014 1.1925805 1.2024447 1.1887251 1.1535966 1.116967\n", + " 1.0928625 1.0805385 1.0773284 1.0763823 1.0705745 1.0616724 1.0524971\n", + " 1.0489384 1.0508032 1.0569237 1.0621495 0. ]\n", + " [1.1865685 1.1801776 1.1893027 1.1981255 1.1850804 1.1517191 1.116314\n", + " 1.0928103 1.0813203 1.0794977 1.080083 1.0748578 1.064827 1.0554067\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1736345 1.1716918 1.1835052 1.1927269 1.1801472 1.1452731 1.1095674\n", + " 1.0859176 1.0745106 1.0712378 1.0706007 1.0655336 1.0562658 1.0483087\n", + " 1.0446029 1.0461632 1.0509269 1.0561125 1.0584848]]\n", + "[[1.1491945 1.1473203 1.1575335 1.1675802 1.158599 1.1289401 1.098136\n", + " 1.0769575 1.0668058 1.0624707 1.0605478 1.0545766 1.0464022 1.039338\n", + " 1.0363832 1.0384835 1.0426761 1.0472685 1.0495876 1.049949 1.0506835\n", + " 1.0532289 1.0595348 1.068518 ]\n", + " [1.1607867 1.1554608 1.1640193 1.1715744 1.1601415 1.128366 1.0971738\n", + " 1.0767622 1.0671798 1.0651599 1.0648118 1.060624 1.0525534 1.0447819\n", + " 1.0415314 1.0431267 1.0480901 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1751367 1.1712332 1.1818137 1.1914287 1.1788971 1.1440119 1.1093941\n", + " 1.0864521 1.0774543 1.0768113 1.0774202 1.071954 1.0618654 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1880064 1.1830279 1.1945338 1.2025739 1.1902282 1.1536746 1.1152648\n", + " 1.0919173 1.0806619 1.0784694 1.0782686 1.0731946 1.062901 1.0536134\n", + " 1.0495158 1.0514683 1.0577754 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1553354 1.1530967 1.1623129 1.1710734 1.1593947 1.1283028 1.0960996\n", + " 1.0749923 1.0652703 1.063082 1.0634519 1.0590833 1.0508736 1.0434126\n", + " 1.0399423 1.0416253 1.046347 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1737322 1.171833 1.1832368 1.1925472 1.1799573 1.1454587 1.1106043\n", + " 1.0867901 1.0749207 1.0714005 1.069751 1.0642459 1.0556039 1.0472132\n", + " 1.0439051 1.0457239 1.0506498 1.055566 1.0577561 1.0587606 0. ]\n", + " [1.1630791 1.1598667 1.1709318 1.1790785 1.1673977 1.1350253 1.1021318\n", + " 1.0800879 1.0691513 1.0655091 1.0633568 1.0578511 1.0494511 1.0425591\n", + " 1.0398976 1.041838 1.0465451 1.0515305 1.0540954 1.0549066 1.0564467]\n", + " [1.1782618 1.173819 1.1833469 1.190428 1.1780357 1.144124 1.1097302\n", + " 1.0874434 1.0768477 1.074437 1.0730639 1.0679286 1.0587441 1.0504156\n", + " 1.0466458 1.0488269 1.0546466 0. 0. 0. 0. ]\n", + " [1.1986982 1.1919104 1.2018094 1.2094413 1.1965425 1.1611912 1.1242113\n", + " 1.0987483 1.0865506 1.0838931 1.0839912 1.0786169 1.0691578 1.0594592\n", + " 1.0556047 0. 0. 0. 0. 0. 0. ]\n", + " [1.1805857 1.1769799 1.1858666 1.1947504 1.1822842 1.1480775 1.1121991\n", + " 1.0892236 1.078052 1.0752697 1.0751342 1.0694708 1.0608951 1.0518982\n", + " 1.0480572 1.050127 1.0558444 0. 0. 0. 0. ]]\n", + "[[1.1755091 1.1711781 1.1816494 1.1894355 1.1765184 1.141927 1.1070926\n", + " 1.0843503 1.0754464 1.0746711 1.075005 1.069998 1.060215 1.0512614\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1501001 1.1476662 1.1584846 1.166914 1.1569984 1.1268809 1.0958605\n", + " 1.0750844 1.0645628 1.0610771 1.0591449 1.053407 1.0454353 1.0390161\n", + " 1.0363669 1.0380492 1.0430348 1.0469267 1.0494369 1.0502402 1.0512635\n", + " 1.0540087 1.0605776 1.0691788]\n", + " [1.152383 1.1497921 1.1584808 1.1653976 1.152822 1.1232281 1.092749\n", + " 1.0727178 1.0625268 1.05982 1.0586658 1.0542977 1.0464725 1.0403112\n", + " 1.0372068 1.0387456 1.0423405 1.0469264 1.0495138 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1651754 1.161746 1.1721 1.1808884 1.168538 1.1347854 1.1004378\n", + " 1.078356 1.0684973 1.0675162 1.0681196 1.0639442 1.0549858 1.0468056\n", + " 1.0431257 1.0449651 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1798781 1.1754552 1.1855528 1.195093 1.1833855 1.1485506 1.1134266\n", + " 1.0896413 1.0792447 1.0768979 1.0766416 1.0719583 1.0625386 1.0534511\n", + " 1.0493749 1.050987 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1796367 1.1762887 1.1863503 1.1947163 1.1831093 1.1495614 1.1157333\n", + " 1.092368 1.0800155 1.0750556 1.0717006 1.0654794 1.0559915 1.0483167\n", + " 1.0455955 1.0478294 1.0531676 1.0579684 1.0602105 1.0609889 1.0628562\n", + " 1.0663555 1.0744528]\n", + " [1.1778215 1.1741396 1.1834748 1.1933857 1.1811107 1.146198 1.1119404\n", + " 1.0887806 1.0776327 1.0744305 1.0738177 1.0680609 1.0587015 1.049856\n", + " 1.046045 1.0478195 1.0533462 1.0583295 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1724687 1.1679412 1.1767513 1.1846502 1.1710647 1.1376798 1.1049645\n", + " 1.0835199 1.0740306 1.0724511 1.0719919 1.0667623 1.0575162 1.0487719\n", + " 1.0454848 1.0479313 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.175564 1.1702669 1.179468 1.1875259 1.1770748 1.1449678 1.1111416\n", + " 1.0875537 1.0765805 1.073545 1.0730954 1.0673796 1.0578315 1.0497911\n", + " 1.0462445 1.0485811 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1728556 1.1695287 1.1808903 1.1885209 1.175239 1.1399775 1.1044176\n", + " 1.0827132 1.0725998 1.0705428 1.0706868 1.0653884 1.0562042 1.0482073\n", + " 1.0446839 1.0467703 1.0523192 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.164767 1.161196 1.1716214 1.1797497 1.1667057 1.1330671 1.0996248\n", + " 1.0785103 1.0690753 1.0676231 1.0678216 1.0633628 1.0544182 1.0464201\n", + " 1.0428741 1.0448986 0. 0. 0. 0. 0. ]\n", + " [1.2085929 1.2025082 1.2114339 1.2201277 1.205565 1.1698084 1.1302882\n", + " 1.103376 1.091051 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1573215 1.1537086 1.1634266 1.1718249 1.161687 1.1313154 1.0997558\n", + " 1.0784742 1.0679315 1.0639498 1.0614599 1.0560434 1.0479206 1.0408983\n", + " 1.0380995 1.0396988 1.0444051 1.0488373 1.0507978 1.0517656 1.0527018]\n", + " [1.1773007 1.1731515 1.1843183 1.1922718 1.1808074 1.1462648 1.1102328\n", + " 1.0866559 1.075459 1.0738053 1.0734102 1.0678245 1.0584022 1.0500016\n", + " 1.046523 1.0487765 1.0550163 0. 0. 0. 0. ]\n", + " [1.1755484 1.170161 1.1796799 1.1885325 1.1762543 1.1434484 1.1090325\n", + " 1.0855771 1.0744613 1.07187 1.0713153 1.0671593 1.0586053 1.0504279\n", + " 1.0468057 1.0487082 1.0542964 0. 0. 0. 0. ]]\n", + "[[1.1745526 1.1707917 1.1817651 1.1912612 1.1783332 1.143356 1.1076235\n", + " 1.0836502 1.0721598 1.0705398 1.070547 1.0662506 1.0578846 1.0495185\n", + " 1.0460238 1.0480211 1.0535388 0. 0. 0. ]\n", + " [1.1903815 1.1869951 1.1973532 1.2057998 1.1927636 1.1569868 1.1213988\n", + " 1.0967352 1.0840793 1.0799216 1.0774899 1.0710269 1.0609645 1.05273\n", + " 1.049222 1.0510913 1.056651 1.0621871 1.0647048 1.0654861]\n", + " [1.1769474 1.1722258 1.1806086 1.1878443 1.1749804 1.1428114 1.1094786\n", + " 1.0865456 1.0749325 1.0709677 1.0692022 1.0630889 1.0545691 1.0472541\n", + " 1.043996 1.0463974 1.0513802 1.0562351 1.0586776 0. ]\n", + " [1.1744548 1.1697356 1.1787306 1.1854658 1.172654 1.1400211 1.1065869\n", + " 1.0836383 1.0736554 1.0704904 1.069004 1.063336 1.0547057 1.0469322\n", + " 1.0431302 1.0450536 1.049975 1.0549543 0. 0. ]\n", + " [1.1923112 1.1883211 1.2002552 1.2103443 1.1963494 1.1580913 1.1189274\n", + " 1.0929271 1.0809125 1.0789248 1.0794365 1.074717 1.0649562 1.0551969\n", + " 1.0510306 1.0531276 0. 0. 0. 0. ]]\n", + "[[1.1638057 1.1595982 1.1702977 1.1793648 1.168052 1.1363623 1.1034278\n", + " 1.0810618 1.0708421 1.0688369 1.0686877 1.0640948 1.055005 1.0469233\n", + " 1.0428185 1.0444945 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1738037 1.1717528 1.1817827 1.1914335 1.1790186 1.1461353 1.1123428\n", + " 1.0883229 1.0759864 1.0722511 1.070172 1.063516 1.0536413 1.0462383\n", + " 1.043114 1.0445303 1.0498203 1.0545515 1.0564862 1.0575367 0.\n", + " 0. 0. ]\n", + " [1.1953474 1.1921716 1.2023607 1.2107493 1.1964108 1.161208 1.1239717\n", + " 1.0990417 1.0862321 1.0815638 1.0793099 1.0726463 1.0617875 1.0533887\n", + " 1.0501069 1.0521853 1.0580552 1.0635144 1.0656512 1.0663937 0.\n", + " 0. 0. ]\n", + " [1.1849163 1.1809411 1.1908872 1.1988697 1.186598 1.1515039 1.1150852\n", + " 1.0901709 1.077811 1.0738695 1.0721817 1.0673481 1.0582716 1.0501984\n", + " 1.0468094 1.0490425 1.0544524 1.0596062 1.0621345 0. 0.\n", + " 0. 0. ]\n", + " [1.1782384 1.1744298 1.1848825 1.1937351 1.1835992 1.150568 1.1155903\n", + " 1.09117 1.0785607 1.0735035 1.0712225 1.0649053 1.0550553 1.0476898\n", + " 1.0445834 1.0468742 1.0520234 1.0567813 1.0594962 1.060308 1.0620481\n", + " 1.0658226 1.073401 ]]\n", + "[[1.1628432 1.159655 1.1698897 1.1795515 1.1707394 1.1396704 1.1056621\n", + " 1.0838143 1.0722228 1.067819 1.0654951 1.059387 1.0502758 1.0427965\n", + " 1.0402532 1.0423135 1.0473394 1.0516783 1.0538673 1.055124 1.0558705\n", + " 1.0594639 1.0665474 1.0757858 1.0830595]\n", + " [1.1824678 1.1771688 1.1878535 1.1956054 1.1824105 1.1467903 1.111582\n", + " 1.0888164 1.0787189 1.0780078 1.0785476 1.072995 1.0626969 1.0530831\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1716325 1.1661663 1.1755716 1.1837621 1.1717154 1.1379936 1.1033942\n", + " 1.0815603 1.0713968 1.0698403 1.0695825 1.0649118 1.0561305 1.0479009\n", + " 1.0444112 1.0465266 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1745008 1.1703323 1.1804667 1.1886607 1.1770635 1.1435336 1.1090131\n", + " 1.0856899 1.0744069 1.0717033 1.0711614 1.0660405 1.0569723 1.0486279\n", + " 1.0448134 1.0463605 1.0514052 1.0564953 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1634756 1.1607735 1.1718551 1.1823905 1.1710639 1.1374396 1.1037357\n", + " 1.0817666 1.0708582 1.0669934 1.0652632 1.0593448 1.0503411 1.0432681\n", + " 1.0404449 1.0429677 1.047549 1.0525577 1.0548881 1.055236 1.0565734\n", + " 1.0597036 1.0670254 1.076737 0. ]]\n", + "[[1.2159262 1.2087055 1.2182635 1.2257484 1.210607 1.170781 1.1314412\n", + " 1.1062613 1.0955615 1.0940526 1.0936899 1.0868204 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1566706 1.1533629 1.1640424 1.173261 1.162028 1.1299893 1.0977436\n", + " 1.0765351 1.0665301 1.0641629 1.0635589 1.059099 1.0511432 1.0437801\n", + " 1.0400774 1.0413662 1.0460124 1.0508275 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1866055 1.181653 1.1942282 1.2055573 1.1938304 1.1575469 1.1188333\n", + " 1.0924689 1.0805564 1.0781078 1.0791155 1.0740776 1.0642228 1.05432\n", + " 1.0495973 1.0516304 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.161673 1.1600298 1.1701156 1.1790391 1.1687694 1.1366086 1.1036025\n", + " 1.0818112 1.0706828 1.0663104 1.0638322 1.057901 1.0490547 1.0418929\n", + " 1.0396447 1.0415274 1.046702 1.0513264 1.0539572 1.0548154 1.0560387\n", + " 1.0596926 1.0670909]\n", + " [1.1690382 1.1665767 1.1775709 1.186705 1.174127 1.1400943 1.1055671\n", + " 1.0825665 1.0727732 1.0706027 1.0698509 1.0652597 1.0560925 1.0480888\n", + " 1.0440496 1.0459855 1.0513184 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.2144892 1.2051079 1.2127441 1.2197758 1.2055122 1.1702709 1.1316781\n", + " 1.1065246 1.0945841 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1856472 1.1828399 1.1928076 1.2008485 1.1875937 1.1516982 1.1158894\n", + " 1.0921379 1.0799077 1.0768774 1.0754349 1.0700104 1.0607363 1.0515298\n", + " 1.047833 1.0496991 1.0552392 1.0605867 0. 0. ]\n", + " [1.1796772 1.1770055 1.1880937 1.1966424 1.1855487 1.1522455 1.1166681\n", + " 1.092015 1.0800259 1.0755918 1.0731193 1.0670894 1.0579653 1.0496612\n", + " 1.0458585 1.0475549 1.0521549 1.0574197 1.0598863 1.061071 ]\n", + " [1.1739382 1.17014 1.1813511 1.1906828 1.1786146 1.1438446 1.1078353\n", + " 1.0841285 1.072925 1.0697185 1.0687419 1.0638328 1.0551524 1.0474867\n", + " 1.0436175 1.0456243 1.0506754 1.0556344 1.0578663 0. ]\n", + " [1.1575319 1.1530619 1.1606483 1.1661308 1.1559715 1.1258975 1.0955354\n", + " 1.0750701 1.0652289 1.0633866 1.063126 1.0592544 1.052449 1.0450298\n", + " 1.041425 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1898873 1.1821065 1.1896999 1.1984704 1.1863728 1.1524901 1.1166674\n", + " 1.0914811 1.0811179 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1705334 1.1645924 1.1729734 1.1820829 1.1707735 1.137633 1.1046896\n", + " 1.0824965 1.0721244 1.0706022 1.0705502 1.065779 1.0575597 1.0489361\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1754274 1.1687902 1.1776848 1.1859304 1.1752641 1.1421554 1.1069082\n", + " 1.0841787 1.0736611 1.0722877 1.0728289 1.0689739 1.059842 1.0510222\n", + " 1.0466329 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.138523 1.1350198 1.145334 1.1554109 1.1476185 1.120277 1.0912172\n", + " 1.0720804 1.0621194 1.0585532 1.0564198 1.0510167 1.0432696 1.0368284\n", + " 1.0346099 1.036591 1.0415086 1.0459771 1.0481257 1.0483823 1.0487913\n", + " 1.0517982 1.057441 1.0656948 1.0736693 1.0780296 1.0791324 1.0753196\n", + " 1.067849 1.0589569]\n", + " [1.1610409 1.1576899 1.1676149 1.1761994 1.1637241 1.1319149 1.0993149\n", + " 1.0775188 1.0669111 1.0638881 1.0624044 1.0580767 1.050245 1.0430914\n", + " 1.0400305 1.0416316 1.0459083 1.0503742 1.0528502 1.0535456 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1746784 1.1721175 1.1828779 1.1913701 1.1789457 1.1451225 1.1108781\n", + " 1.0882211 1.0773435 1.0738581 1.0724849 1.0673025 1.0578438 1.0495292\n", + " 1.0455323 1.0472919 1.0524582 1.0574118]\n", + " [1.1841066 1.1798062 1.1886686 1.1949456 1.1842083 1.1501139 1.1146321\n", + " 1.0900242 1.0784034 1.0751209 1.0741273 1.069332 1.060251 1.0517623\n", + " 1.0483254 1.0506387 1.056374 0. ]\n", + " [1.1773218 1.171948 1.1821848 1.1915796 1.179435 1.1453182 1.1106617\n", + " 1.087966 1.0785 1.0774101 1.0778761 1.072507 1.0621984 1.0530415\n", + " 0. 0. 0. 0. ]\n", + " [1.1684933 1.1642039 1.1731495 1.1811161 1.1681205 1.1349914 1.1021211\n", + " 1.0808895 1.071747 1.0702848 1.0707911 1.0662913 1.0567311 1.0486233\n", + " 0. 0. 0. 0. ]\n", + " [1.1729631 1.1681701 1.1780372 1.18718 1.1743295 1.1414747 1.1072688\n", + " 1.0846364 1.0739663 1.0711977 1.0706087 1.0656723 1.0572336 1.0491288\n", + " 1.0457056 1.0479391 0. 0. ]]\n", + "[[1.1596802 1.1564907 1.1666461 1.174965 1.1628567 1.1315169 1.0990561\n", + " 1.078008 1.068307 1.0665752 1.0665659 1.0617232 1.0539674 1.0460337\n", + " 1.0426214 1.044567 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.16888 1.1670676 1.1778873 1.1867684 1.174432 1.1404858 1.1074685\n", + " 1.0846256 1.0729672 1.0688711 1.0669814 1.0611714 1.052971 1.0453209\n", + " 1.0421124 1.043894 1.0484037 1.0531336 1.0558761 1.0570676 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1609827 1.1586351 1.168751 1.1775509 1.1659867 1.1346158 1.1019201\n", + " 1.0803007 1.0695279 1.0656459 1.0639268 1.0582848 1.0496011 1.0426227\n", + " 1.0394076 1.0414212 1.0458608 1.0506841 1.05308 1.054299 1.055901\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1470653 1.1405116 1.1495031 1.1596811 1.1540779 1.1285385 1.100278\n", + " 1.079956 1.0692221 1.0645804 1.0622249 1.0560769 1.0473471 1.0402052\n", + " 1.0375768 1.0399253 1.0456591 1.0510309 1.053581 1.0539111 1.0541642\n", + " 1.0559485 1.0617665 1.0701778 1.0786397 1.0832145 1.0846362 1.0814046\n", + " 1.0734257 1.0639988 1.0562446 1.0514569 1.0499477 1.0509473 1.053697\n", + " 1.0567969]\n", + " [1.1737939 1.1709231 1.1816484 1.1907431 1.1794503 1.1462662 1.1111739\n", + " 1.0875483 1.0758889 1.0716008 1.0695163 1.0631378 1.0541922 1.0462217\n", + " 1.0427818 1.0449069 1.0501577 1.055481 1.0578958 1.058703 1.060409\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1598098 1.1556154 1.1649103 1.1738459 1.1629455 1.1316471 1.0994941\n", + " 1.0780414 1.0681536 1.0661262 1.0659294 1.0614785 1.0524998 1.044622\n", + " 1.0410984 1.04254 1.0477551]\n", + " [1.1952548 1.1903008 1.1997596 1.2087667 1.1947358 1.1582106 1.1204939\n", + " 1.0960255 1.0844738 1.0827212 1.0823365 1.077389 1.0668477 1.057375\n", + " 1.0531406 0. 0. ]\n", + " [1.203096 1.1967216 1.2054863 1.2132425 1.197967 1.1601346 1.1219532\n", + " 1.0973029 1.086247 1.0848724 1.0851363 1.0791925 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1705164 1.1662859 1.176437 1.1850085 1.1723738 1.1388869 1.1047437\n", + " 1.0820988 1.0720854 1.0702187 1.0698031 1.0641962 1.0553484 1.0469797\n", + " 1.0434458 1.044885 1.0507349]\n", + " [1.153552 1.1485883 1.1568961 1.1655002 1.1542331 1.1243044 1.093905\n", + " 1.0739874 1.0649194 1.0638715 1.0642447 1.0599693 1.0521257 1.0443856\n", + " 1.0407993 0. 0. ]]\n", + "[[1.1586703 1.1552185 1.165936 1.1756079 1.1646833 1.1325551 1.0989772\n", + " 1.0780332 1.0683453 1.0673251 1.0674458 1.0621295 1.0530746 1.0447445\n", + " 1.0408337 1.0425546 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1646303 1.1606925 1.1705263 1.1785175 1.1673274 1.1364527 1.1048397\n", + " 1.082576 1.0701549 1.066196 1.0638351 1.0584596 1.0504658 1.0437981\n", + " 1.0411944 1.0432378 1.0478524 1.0525528 1.0549903 1.0564901 1.0579201\n", + " 1.0613708]\n", + " [1.1684607 1.1655662 1.1758484 1.1851465 1.1732278 1.1413774 1.1072259\n", + " 1.0844579 1.0732487 1.0702667 1.0686014 1.0635288 1.0543925 1.0464815\n", + " 1.0427837 1.0443616 1.0490835 1.053678 1.0561374 0. 0.\n", + " 0. ]\n", + " [1.1786141 1.1743959 1.1847537 1.1934848 1.1811249 1.1464603 1.1102753\n", + " 1.0871797 1.075908 1.0738167 1.0739164 1.0689572 1.0593289 1.0511335\n", + " 1.0470874 1.0490391 1.0547282 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1658133 1.162966 1.1738243 1.1828487 1.1703917 1.1372453 1.1034684\n", + " 1.0813597 1.0714794 1.0697012 1.0697885 1.0651196 1.0563287 1.0478777\n", + " 1.0441462 1.0457617 1.0509754 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1564351 1.1542128 1.1649847 1.173243 1.16204 1.1303656 1.0979881\n", + " 1.0769212 1.0665752 1.0637807 1.0623927 1.0565149 1.0486366 1.0415329\n", + " 1.0385703 1.0400845 1.0447999 1.0492054 1.0515255 1.0523102 1.0534095]\n", + " [1.1631132 1.1600418 1.169004 1.1768053 1.1630775 1.1317617 1.1001209\n", + " 1.079537 1.0703642 1.0681524 1.0674626 1.0622284 1.0531263 1.0451982\n", + " 1.0420351 1.0442836 1.0497535 0. 0. 0. 0. ]\n", + " [1.1858977 1.1801741 1.1890473 1.1966206 1.1846868 1.1497769 1.1134913\n", + " 1.090111 1.0790337 1.0763057 1.077717 1.072955 1.0643076 1.0555788\n", + " 1.051495 0. 0. 0. 0. 0. 0. ]\n", + " [1.1724241 1.167202 1.1766734 1.1853089 1.1738818 1.1405538 1.1069915\n", + " 1.0847956 1.0747316 1.0730271 1.0737303 1.0688318 1.0598851 1.050814\n", + " 1.0469716 0. 0. 0. 0. 0. 0. ]\n", + " [1.1544225 1.1507623 1.1604726 1.169012 1.1578021 1.1277568 1.0967761\n", + " 1.0759265 1.0663785 1.0640832 1.0638709 1.0592083 1.051234 1.0434116\n", + " 1.040011 1.0415636 1.0464851 0. 0. 0. 0. ]]\n", + "[[1.2119371 1.2062105 1.217785 1.2268122 1.2138505 1.1743224 1.1333574\n", + " 1.106259 1.0939837 1.0927335 1.0924196 1.0865576 1.0749897 1.0640802\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1811445 1.1764019 1.1861694 1.1945878 1.182008 1.147574 1.1121398\n", + " 1.0886738 1.0779736 1.0763335 1.0758475 1.0709814 1.0616739 1.0525675\n", + " 1.0483978 1.0502743 0. 0. 0. ]\n", + " [1.1842747 1.1802086 1.1915461 1.20157 1.1875867 1.1513836 1.1146741\n", + " 1.0914638 1.0809591 1.0795308 1.0798129 1.0739685 1.0640805 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.196161 1.1926848 1.2027407 1.2110981 1.1988668 1.1629535 1.1247356\n", + " 1.0980167 1.0855864 1.0815737 1.0796409 1.0727599 1.0629654 1.0540816\n", + " 1.0502778 1.05242 1.0586959 1.0639346 1.0668157]\n", + " [1.1832014 1.1797701 1.1918559 1.2013481 1.1891055 1.153246 1.115383\n", + " 1.0903777 1.078823 1.0758888 1.0754375 1.0701388 1.0604566 1.0514317\n", + " 1.0472876 1.048951 1.0544562 1.0598242 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1662366 1.161879 1.1711156 1.1789982 1.1676538 1.1348896 1.1019139\n", + " 1.0806417 1.0708692 1.0684397 1.0683193 1.0633962 1.0545063 1.0464647\n", + " 1.0429208 1.0451841 1.0507327 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1587155 1.1548804 1.164772 1.1732514 1.1617119 1.1301097 1.0977591\n", + " 1.0766357 1.06689 1.065455 1.0658176 1.0609655 1.0527676 1.0448911\n", + " 1.0414764 1.0434201 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1574315 1.1560816 1.1674838 1.1766609 1.1655054 1.1342087 1.1014497\n", + " 1.079426 1.0683036 1.0644691 1.0622561 1.0571287 1.0487583 1.0418926\n", + " 1.0387915 1.0401794 1.0448703 1.0496503 1.0522534 1.0530701 1.0543815\n", + " 1.0577714]\n", + " [1.1967691 1.1926724 1.2037059 1.2130657 1.1980466 1.1612337 1.1227808\n", + " 1.0975575 1.0861946 1.0848781 1.0843679 1.0784912 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1847155 1.1793575 1.1871526 1.1943953 1.1815983 1.1471179 1.1123992\n", + " 1.0895437 1.0793417 1.0769777 1.0759544 1.0709087 1.0612231 1.0520561\n", + " 1.0483785 1.0507755 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1615977 1.1575545 1.1662831 1.1744982 1.1628499 1.1309284 1.097893\n", + " 1.076274 1.0670778 1.0655627 1.0661515 1.0623592 1.0540273 1.0464921\n", + " 1.0427675 1.0446148 0. 0. 0. ]\n", + " [1.1641012 1.1601405 1.1703908 1.1792846 1.1676062 1.1346918 1.1019181\n", + " 1.0802749 1.0712072 1.0706958 1.0714552 1.0663639 1.0567104 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1734495 1.1684964 1.1791275 1.187382 1.175702 1.1421338 1.1072145\n", + " 1.0842295 1.0734342 1.0718073 1.0720801 1.0672152 1.0584146 1.050093\n", + " 1.0462483 1.0483376 0. 0. 0. ]\n", + " [1.1765715 1.1756339 1.1867627 1.1953868 1.1810443 1.1461495 1.110414\n", + " 1.0870637 1.0757544 1.0727142 1.0712451 1.0660591 1.056778 1.048813\n", + " 1.0454574 1.0473703 1.0525446 1.0574735 1.059904 ]\n", + " [1.1689521 1.1663415 1.1769879 1.1857145 1.1732185 1.1401213 1.1060618\n", + " 1.0834022 1.0726228 1.0691961 1.0690688 1.0640765 1.0553528 1.0469239\n", + " 1.0434324 1.0448097 1.04992 1.0552552 0. ]]\n", + "[[1.1718818 1.1693839 1.1802125 1.1890476 1.1764407 1.1418463 1.1069288\n", + " 1.0838354 1.0731653 1.070639 1.0696026 1.0652715 1.0561922 1.0482746\n", + " 1.044806 1.0463039 1.0512794 1.0561881 0. 0. 0. ]\n", + " [1.186627 1.1832173 1.1948819 1.2049172 1.1924611 1.1569902 1.1202743\n", + " 1.0949144 1.0823833 1.0782447 1.0761364 1.0698581 1.0603685 1.0519409\n", + " 1.0481099 1.0499232 1.0554149 1.0607696 1.063186 1.0644281 0. ]\n", + " [1.1750698 1.1687684 1.1771934 1.185986 1.1747457 1.1423311 1.1082797\n", + " 1.086078 1.076178 1.074339 1.0751382 1.0709693 1.061874 1.0528195\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1657084 1.1620084 1.1717613 1.1807545 1.169715 1.1375259 1.10439\n", + " 1.081641 1.0704821 1.0679342 1.0669332 1.0623187 1.0537099 1.0459316\n", + " 1.042679 1.0440855 1.0490929 1.053659 1.0558492 0. 0. ]\n", + " [1.1722177 1.1705581 1.182319 1.1916423 1.178241 1.1436465 1.109221\n", + " 1.0859579 1.0744207 1.0709686 1.0690327 1.0633419 1.0539145 1.0462716\n", + " 1.0426189 1.0441501 1.0493156 1.0538096 1.0559909 1.0566874 1.0586095]]\n", + "[[1.161034 1.1587859 1.1687807 1.1772445 1.1653858 1.1325085 1.0997385\n", + " 1.0777191 1.067187 1.0641384 1.0629423 1.0579295 1.0500441 1.0429333\n", + " 1.0398571 1.0412374 1.0459926 1.0504457 1.0525225 1.0533129]\n", + " [1.1732132 1.1688949 1.1804934 1.1899811 1.1792357 1.1447736 1.109057\n", + " 1.0862464 1.0756458 1.0736699 1.0746121 1.0691962 1.0590701 1.05005\n", + " 1.0462234 0. 0. 0. 0. 0. ]\n", + " [1.1666584 1.1636864 1.1737095 1.1815687 1.168844 1.1355184 1.1021671\n", + " 1.0800364 1.069731 1.0672802 1.0674583 1.0630188 1.0541594 1.0467079\n", + " 1.043012 1.0446059 1.049783 0. 0. 0. ]\n", + " [1.1705284 1.167927 1.1779177 1.186045 1.1753663 1.1426141 1.1076882\n", + " 1.0845791 1.0726942 1.0685315 1.0679238 1.0629544 1.0547543 1.046622\n", + " 1.0433753 1.0445961 1.0492386 1.0538708 1.0568088 1.0579116]\n", + " [1.1580137 1.1562485 1.1669253 1.1757727 1.1643441 1.1325731 1.1000243\n", + " 1.0783637 1.0675488 1.0642909 1.0626535 1.0573894 1.0497172 1.0427476\n", + " 1.0394584 1.0409688 1.0454828 1.0498037 1.0519485 1.0528144]]\n", + "[[1.1550177 1.1514482 1.1602242 1.1665936 1.1553519 1.1237963 1.0939275\n", + " 1.0740625 1.0644569 1.0627127 1.0622073 1.0574001 1.0490515 1.0418892\n", + " 1.0388182 1.0406867 1.0455935 1.0504686 0. 0. 0.\n", + " 0. ]\n", + " [1.1729261 1.1711098 1.1832501 1.193026 1.1802826 1.1459041 1.1105491\n", + " 1.0867262 1.0748543 1.0713749 1.0694103 1.0638863 1.0543995 1.0466466\n", + " 1.0434616 1.0452332 1.0499243 1.0549611 1.057518 1.0582885 1.0599297\n", + " 1.0640956]\n", + " [1.1717734 1.1693848 1.1795205 1.1882267 1.1770685 1.1428874 1.1071135\n", + " 1.0843891 1.0733739 1.0714141 1.0714294 1.0668734 1.0576473 1.0495442\n", + " 1.045519 1.0471519 1.0525622 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1682816 1.1630386 1.1715072 1.1794024 1.1683302 1.1357529 1.102047\n", + " 1.0800778 1.069529 1.0671716 1.0676123 1.0640655 1.0553282 1.0476389\n", + " 1.0440749 1.04592 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.187155 1.1842123 1.1946459 1.2045126 1.1918812 1.1564488 1.120609\n", + " 1.0959179 1.0829463 1.0783502 1.0765396 1.0701596 1.059708 1.0514047\n", + " 1.0477835 1.049647 1.0552888 1.0605558 1.0628096 1.0632265 0.\n", + " 0. ]]\n", + "[[1.1635195 1.1608233 1.1707957 1.1787394 1.1667306 1.134715 1.1015384\n", + " 1.0796014 1.0689003 1.0654452 1.0635661 1.0586668 1.0506155 1.0434102\n", + " 1.0402377 1.0417705 1.0461097 1.0506413 1.0527862 1.054114 0. ]\n", + " [1.1629372 1.1621059 1.1734636 1.1826773 1.1697222 1.1378644 1.1042325\n", + " 1.0818492 1.0703365 1.0669227 1.06526 1.0594411 1.0505935 1.0434375\n", + " 1.0405346 1.0418959 1.0470213 1.0515456 1.0537297 1.054707 1.056117 ]\n", + " [1.1709166 1.1688497 1.1811192 1.1924613 1.1802841 1.1442744 1.107779\n", + " 1.0836406 1.0721337 1.0690142 1.0674741 1.062553 1.0536332 1.0457193\n", + " 1.04252 1.0437714 1.0487276 1.0538622 1.0561377 1.0567914 1.057842 ]\n", + " [1.1895517 1.1823679 1.1926625 1.2035556 1.1907794 1.153911 1.1159369\n", + " 1.0907317 1.0797659 1.0776412 1.078063 1.0734049 1.0638641 1.0548145\n", + " 1.05111 0. 0. 0. 0. 0. 0. ]\n", + " [1.1557387 1.1529161 1.1626785 1.1708524 1.1599098 1.1288266 1.0971386\n", + " 1.0765419 1.0668753 1.0644045 1.0643989 1.0595965 1.0506682 1.0432366\n", + " 1.039726 1.0412352 1.046046 0. 0. 0. 0. ]]\n", + "[[1.163791 1.1614649 1.1723295 1.1814406 1.1700995 1.1369543 1.1028359\n", + " 1.0808474 1.0698507 1.0659043 1.0646572 1.0590695 1.0505129 1.0432905\n", + " 1.0402228 1.0418103 1.046662 1.0513433 1.0535742 1.0543557]\n", + " [1.20142 1.1972778 1.2099411 1.2198536 1.2049769 1.1656399 1.1250505\n", + " 1.0997082 1.0879132 1.0872611 1.0879042 1.0824608 1.0715313 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1796715 1.1723965 1.1812252 1.1882668 1.1773319 1.1433444 1.1085159\n", + " 1.0857793 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1769923 1.1726468 1.1827959 1.1915783 1.1785297 1.1443661 1.1103969\n", + " 1.0872049 1.0760908 1.0725967 1.0709245 1.0648093 1.0556078 1.0473677\n", + " 1.0440365 1.0462863 1.0515207 1.0565453 1.0592146 0. ]\n", + " [1.1879213 1.1835988 1.1945492 1.2037797 1.1929455 1.1575283 1.1204057\n", + " 1.0948707 1.082435 1.0791701 1.0787113 1.0733346 1.0635161 1.0544955\n", + " 1.050367 1.0521321 1.0574926 1.0631168 0. 0. ]]\n", + "[[1.167072 1.1629628 1.1719555 1.1796144 1.167519 1.1345055 1.1013978\n", + " 1.080682 1.0707755 1.0684623 1.0680819 1.0626646 1.0538752 1.0459511\n", + " 1.0427243 1.044564 1.0497204 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1717662 1.1690766 1.1789718 1.1878918 1.1743134 1.1409042 1.1064546\n", + " 1.0837831 1.0727824 1.0693192 1.0677072 1.0624963 1.0538535 1.0462617\n", + " 1.0429796 1.044866 1.0500853 1.055155 1.0578823 1.0590491 0.\n", + " 0. ]\n", + " [1.1573493 1.1527451 1.1613135 1.168984 1.1578695 1.1276839 1.0970632\n", + " 1.0764183 1.0662632 1.0635234 1.0623057 1.0574257 1.0497804 1.0426912\n", + " 1.0392554 1.0409249 1.0455352 1.0501196 1.0526177 0. 0.\n", + " 0. ]\n", + " [1.172405 1.169693 1.1801724 1.190237 1.1786957 1.1454477 1.1118699\n", + " 1.0887886 1.0767378 1.0723937 1.0696008 1.0639259 1.0546436 1.0464783\n", + " 1.04342 1.0450336 1.0501869 1.055252 1.0579894 1.0590123 1.0607685\n", + " 1.0644819]\n", + " [1.207174 1.2005888 1.2117527 1.2223189 1.209283 1.1729705 1.1328988\n", + " 1.1059914 1.0937762 1.0914855 1.0915879 1.0860949 1.0746056 1.0643564\n", + " 1.059364 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1652702 1.1607915 1.1696754 1.1779509 1.1663735 1.1343601 1.1012757\n", + " 1.0797483 1.0692799 1.0659816 1.0645766 1.0601597 1.05184 1.0444405\n", + " 1.0413938 1.0435948 1.0488055 1.0542319 0. ]\n", + " [1.1759756 1.1705511 1.1797336 1.1884135 1.1776404 1.1442136 1.1091856\n", + " 1.0862157 1.0747164 1.0721693 1.0720941 1.0674397 1.0584427 1.0502167\n", + " 1.0464396 1.0484054 1.0538056 0. 0. ]\n", + " [1.1730047 1.1702131 1.1816713 1.1909608 1.1784105 1.1444016 1.1090684\n", + " 1.0853361 1.0740194 1.0712707 1.0701339 1.0658467 1.0570781 1.0490916\n", + " 1.0455706 1.0474194 1.052845 1.0584655 0. ]\n", + " [1.1686369 1.165812 1.1773739 1.1868805 1.176003 1.1422067 1.107709\n", + " 1.0843112 1.073248 1.070038 1.0685997 1.0637916 1.054715 1.0470501\n", + " 1.0431638 1.0449744 1.0499235 1.054955 1.0573705]\n", + " [1.1728561 1.1696975 1.1790118 1.1866208 1.1762173 1.1436075 1.109755\n", + " 1.0864284 1.076248 1.0731539 1.0722072 1.067423 1.057581 1.0487628\n", + " 1.0450456 1.0469387 1.0525198 0. 0. ]]\n", + "[[1.1911736 1.1836576 1.1913874 1.2002304 1.1881877 1.1534073 1.117274\n", + " 1.0935111 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1659926 1.1619607 1.1720113 1.1817486 1.1711671 1.1387775 1.1048208\n", + " 1.0819459 1.0720794 1.0700747 1.0699115 1.0654882 1.0567611 1.048553\n", + " 1.0446714 1.0463874 0. 0. 0. ]\n", + " [1.1615386 1.1585532 1.1672683 1.1759446 1.1635522 1.1310151 1.1001445\n", + " 1.079447 1.0699166 1.0682596 1.0675808 1.0623517 1.0536919 1.0459783\n", + " 1.0425813 1.0445955 0. 0. 0. ]\n", + " [1.1787002 1.1750845 1.1859522 1.1951771 1.1820962 1.1471272 1.1107213\n", + " 1.0864564 1.0742077 1.0715792 1.0705135 1.0652525 1.056559 1.048418\n", + " 1.0446272 1.0467663 1.052001 1.056953 1.0591246]\n", + " [1.1764548 1.1710032 1.1811506 1.1900723 1.1772168 1.1427023 1.1080458\n", + " 1.0852069 1.0752295 1.0735127 1.0739242 1.0691345 1.0601854 1.0519526\n", + " 1.0478119 0. 0. 0. 0. ]]\n", + "[[1.1706924 1.1671888 1.1775961 1.18682 1.1754973 1.142543 1.1069473\n", + " 1.083723 1.0726373 1.0697751 1.0691471 1.0653263 1.056414 1.0489616\n", + " 1.0451636 1.0463151 1.051151 1.0560799 0. ]\n", + " [1.1681548 1.1633523 1.172949 1.1806294 1.1691257 1.1362906 1.1029546\n", + " 1.0808501 1.0706853 1.0689504 1.0689917 1.064686 1.056212 1.0483744\n", + " 1.0447212 1.0465035 1.0520601 0. 0. ]\n", + " [1.1695029 1.1643983 1.1741116 1.181139 1.1691093 1.1359181 1.1023273\n", + " 1.0804412 1.0703322 1.0685754 1.0690228 1.0649358 1.0565622 1.0484849\n", + " 1.0450071 0. 0. 0. 0. ]\n", + " [1.1808738 1.1762215 1.1864058 1.1965408 1.1840206 1.1492656 1.1140894\n", + " 1.091603 1.0817324 1.0804478 1.0804489 1.0748515 1.0638614 1.0542582\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1886843 1.1851192 1.1963379 1.2055783 1.1914387 1.1560602 1.1182005\n", + " 1.0921558 1.0800798 1.076842 1.076138 1.0705755 1.0608101 1.0527734\n", + " 1.0490223 1.0507298 1.0563533 1.0613198 1.0636446]]\n", + "[[1.1593057 1.1558034 1.1653969 1.1727903 1.1614261 1.1306157 1.0993667\n", + " 1.0783658 1.0678983 1.0650011 1.0630738 1.057982 1.0497339 1.0426201\n", + " 1.0392078 1.0408838 1.0453846 1.050063 1.0523764]\n", + " [1.159766 1.1544378 1.1629742 1.1704438 1.1607313 1.1301117 1.0984143\n", + " 1.077271 1.0670855 1.0654209 1.0655069 1.0619798 1.0540147 1.0461549\n", + " 1.0425576 0. 0. 0. 0. ]\n", + " [1.1686082 1.1650943 1.174942 1.182733 1.1697431 1.1370789 1.1036534\n", + " 1.081497 1.0709658 1.0690042 1.0676222 1.0630028 1.0543141 1.0467657\n", + " 1.0434966 1.0450433 1.050339 1.0552601 0. ]\n", + " [1.1779792 1.1758331 1.1870995 1.1966653 1.1838396 1.148985 1.1129626\n", + " 1.088193 1.0766513 1.0734639 1.0722761 1.0667169 1.0572951 1.0494529\n", + " 1.0454427 1.0472264 1.0527719 1.0577364 1.0603311]\n", + " [1.1790642 1.1749505 1.184709 1.193021 1.1800069 1.146642 1.1117816\n", + " 1.0883597 1.0774609 1.0744851 1.0737325 1.068928 1.0591241 1.0507609\n", + " 1.046865 1.0486921 1.0542892 1.0594306 0. ]]\n", + "[[1.1999251 1.1963811 1.2070553 1.2155883 1.2008849 1.1624091 1.1232543\n", + " 1.0974637 1.0842245 1.0800807 1.0796876 1.074252 1.0644984 1.0561329\n", + " 1.0523194 1.0541205 1.059431 1.0651187 1.0683787 0. ]\n", + " [1.1696022 1.1672525 1.1786923 1.1871669 1.1754673 1.1423094 1.1076077\n", + " 1.0844277 1.0735627 1.0704107 1.0697932 1.0638597 1.0547856 1.0469972\n", + " 1.0429223 1.0446289 1.0496758 1.054943 0. 0. ]\n", + " [1.1806654 1.1765059 1.1875799 1.1981938 1.1854682 1.150367 1.1134006\n", + " 1.0889617 1.0769844 1.0753806 1.0755094 1.0694479 1.0602045 1.0511376\n", + " 1.0474799 1.0490865 1.0550616 0. 0. 0. ]\n", + " [1.1791655 1.1759828 1.1874728 1.1962888 1.1840246 1.1487385 1.1120256\n", + " 1.0875583 1.0766772 1.0735034 1.073103 1.0678346 1.0583398 1.0501132\n", + " 1.0465052 1.0479953 1.0529696 1.0580617 0. 0. ]\n", + " [1.1803521 1.1767704 1.1875823 1.1963744 1.183182 1.1492192 1.1129575\n", + " 1.0891393 1.0767655 1.0728904 1.0713218 1.0656278 1.0563232 1.0480608\n", + " 1.0447568 1.0467428 1.0513011 1.0562029 1.0587536 1.0605834]]\n", + "[[1.2058327 1.201023 1.2114544 1.220402 1.2054478 1.1658823 1.1268628\n", + " 1.1010662 1.0890404 1.0874563 1.088082 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1995348 1.1945225 1.2061126 1.2147343 1.1981708 1.1596595 1.1200868\n", + " 1.0944909 1.0838509 1.0831357 1.0839622 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1623834 1.1591984 1.1696309 1.1782833 1.1657543 1.1341168 1.1009617\n", + " 1.0793327 1.0694611 1.0669132 1.0672897 1.0629172 1.0542651 1.04656\n", + " 1.0427995 1.0443171 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1681193 1.16441 1.1750923 1.184851 1.1741374 1.1424568 1.109979\n", + " 1.0877551 1.0754349 1.0713929 1.0687025 1.0622348 1.0527542 1.0453345\n", + " 1.042242 1.0445962 1.0493482 1.0539169 1.0559576 1.0565281 1.0578094\n", + " 1.0615857]\n", + " [1.1593829 1.1559129 1.1659606 1.1752119 1.1635125 1.1320628 1.0991744\n", + " 1.0772076 1.0670513 1.0643554 1.0642987 1.0599077 1.0515232 1.0443852\n", + " 1.0410442 1.0426049 1.0475323 0. 0. 0. 0.\n", + " 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1746646 1.1708829 1.1813892 1.1895442 1.1759478 1.1405239 1.1053536\n", + " 1.0830373 1.0732484 1.0716223 1.0715387 1.0661632 1.0569339 1.0488267\n", + " 1.0454108 1.0476146 1.0535411 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1646516 1.1605049 1.1702797 1.1791621 1.1674508 1.1363277 1.1037006\n", + " 1.0815016 1.070079 1.0669591 1.0654172 1.0600986 1.0518672 1.044806\n", + " 1.0412815 1.0432 1.0475883 1.0521061 1.0549257 1.0558853 0.\n", + " 0. ]\n", + " [1.1754181 1.1737981 1.1840487 1.1926216 1.1812769 1.1478411 1.1126741\n", + " 1.0890145 1.076699 1.0724609 1.0701721 1.0643089 1.0551753 1.0470729\n", + " 1.0439653 1.0457822 1.0509746 1.0554466 1.0579114 1.0589476 1.0602322\n", + " 1.0642807]\n", + " [1.1584609 1.1570181 1.1682174 1.1775469 1.1663265 1.1335065 1.1011035\n", + " 1.079333 1.068933 1.0652796 1.0635273 1.057752 1.0492164 1.0418013\n", + " 1.0392281 1.0410758 1.0456618 1.0505285 1.0530498 1.053975 1.0555637\n", + " 1.0590504]\n", + " [1.1634234 1.1583219 1.166842 1.1748943 1.1638404 1.1329857 1.1009327\n", + " 1.0794656 1.0686632 1.0666822 1.0668279 1.0630329 1.0550236 1.0473224\n", + " 1.0436996 1.0453444 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1625834 1.1582074 1.1673359 1.1757728 1.1644632 1.1323779 1.0993679\n", + " 1.0776417 1.0675101 1.0651817 1.06455 1.0597541 1.0520072 1.044757\n", + " 1.0416187 1.0432686 1.048428 0. 0. 0. ]\n", + " [1.1718712 1.1704111 1.1820123 1.1919621 1.1792661 1.1452614 1.1100241\n", + " 1.0863864 1.0752962 1.0723003 1.0709593 1.0661021 1.0570364 1.0484532\n", + " 1.0447695 1.0465916 1.0520039 1.057389 0. 0. ]\n", + " [1.1752253 1.1703987 1.1791904 1.1874524 1.1745063 1.1419985 1.108258\n", + " 1.0856673 1.0744218 1.0709268 1.0695654 1.0643663 1.0556095 1.0478079\n", + " 1.0446417 1.046519 1.0516813 1.0568296 1.0595276 0. ]\n", + " [1.1622801 1.1609021 1.1723821 1.1814809 1.1686391 1.1357338 1.1023294\n", + " 1.0799848 1.0689384 1.0659689 1.064463 1.0587575 1.0500188 1.0429128\n", + " 1.03936 1.0409403 1.0458663 1.0504963 1.0527272 1.0541643]\n", + " [1.1670007 1.163365 1.1734511 1.1818211 1.1694177 1.1369377 1.1036465\n", + " 1.0810734 1.0708413 1.0679699 1.0673848 1.0625582 1.0542067 1.0460062\n", + " 1.0422711 1.04379 1.048705 1.0541577 0. 0. ]]\n", + "[[1.1635287 1.1590028 1.1678749 1.1762071 1.1652864 1.1341649 1.1023144\n", + " 1.0810235 1.0708696 1.069177 1.0691727 1.0651419 1.0558994 1.047833\n", + " 1.0439 0. 0. 0. ]\n", + " [1.1688948 1.1664891 1.1770633 1.1857225 1.173087 1.1384249 1.1050022\n", + " 1.0826341 1.0719942 1.0697461 1.0689304 1.0638864 1.0545024 1.0464606\n", + " 1.0429438 1.0443872 1.0494934 1.05444 ]\n", + " [1.1680392 1.1638031 1.1734239 1.1818818 1.1696053 1.1363174 1.1026156\n", + " 1.081096 1.0710164 1.0698656 1.0704874 1.0663619 1.0576795 1.04968\n", + " 1.0457689 0. 0. 0. ]\n", + " [1.1533946 1.1495738 1.1590558 1.1674869 1.1565156 1.1252424 1.0945392\n", + " 1.074404 1.0653119 1.0629385 1.0628997 1.0586375 1.0508894 1.042964\n", + " 1.0396779 1.0414141 1.0465398 0. ]\n", + " [1.1815364 1.1785135 1.1903288 1.1990094 1.1848936 1.148851 1.1122046\n", + " 1.0882274 1.0773977 1.0747578 1.0747279 1.0693359 1.0596867 1.0509973\n", + " 1.047235 1.0489883 1.0543101 1.059811 ]]\n", + "[[1.1738911 1.1689193 1.1781424 1.1867212 1.1746392 1.1425263 1.1085652\n", + " 1.08524 1.0743778 1.0712625 1.0705312 1.0651559 1.0555764 1.0474706\n", + " 1.0442505 1.0461708 1.0514867 1.0564474 0. 0. ]\n", + " [1.1700444 1.1677009 1.1792015 1.1877246 1.1761721 1.141931 1.1067765\n", + " 1.083913 1.0732611 1.0706592 1.069746 1.0643871 1.0549463 1.0468599\n", + " 1.0432266 1.0445343 1.0496967 1.0550041 0. 0. ]\n", + " [1.1688342 1.164212 1.173308 1.1807837 1.169301 1.1365848 1.1033734\n", + " 1.082009 1.0715214 1.0705534 1.0712589 1.067469 1.0588013 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1687605 1.1647384 1.1748071 1.1826837 1.1704731 1.1371017 1.1030667\n", + " 1.0810442 1.0707499 1.0684214 1.0681796 1.0636898 1.0555 1.0473944\n", + " 1.043604 1.0451747 1.0499696 1.0549392 0. 0. ]\n", + " [1.1708343 1.1687409 1.1794941 1.1887208 1.1754689 1.1420501 1.1071644\n", + " 1.0840306 1.0726012 1.0695583 1.0677325 1.0627348 1.0541773 1.0463208\n", + " 1.0432597 1.0446916 1.0495268 1.0545242 1.0567946 1.0573698]]\n", + "[[1.1584685 1.1550697 1.1653471 1.1742568 1.1621646 1.130268 1.0983617\n", + " 1.0764651 1.0673124 1.0654906 1.0646688 1.0604066 1.0518264 1.043815\n", + " 1.0403278 1.0419688 1.0472658 0. 0. ]\n", + " [1.1986597 1.1932104 1.2034695 1.2125274 1.1989988 1.1626194 1.1251642\n", + " 1.1002679 1.0888981 1.086905 1.0874918 1.0817939 1.0706725 1.0605842\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1960299 1.190465 1.2013253 1.2096648 1.1973159 1.161432 1.1236918\n", + " 1.098871 1.0886288 1.0866308 1.0867369 1.0807894 1.0702214 1.0598508\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1769435 1.1708211 1.179133 1.1872326 1.1745946 1.1403404 1.1064647\n", + " 1.0835973 1.0743036 1.0726591 1.0731332 1.0686427 1.0592188 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1646537 1.1628319 1.1731813 1.1812234 1.167751 1.1346275 1.1019325\n", + " 1.0802797 1.0699182 1.0672597 1.0658718 1.0608406 1.0525393 1.0449897\n", + " 1.0420104 1.0435117 1.0486219 1.0531858 1.0553899]]\n", + "[[1.1951404 1.1890459 1.1979465 1.2064004 1.1926826 1.1562898 1.1195633\n", + " 1.0958791 1.0846648 1.0820229 1.0818293 1.0763032 1.0656813 1.0566543\n", + " 1.052771 1.0554761 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1720195 1.1692258 1.1804817 1.1886058 1.177877 1.1462387 1.1120095\n", + " 1.0887439 1.0762995 1.0715349 1.068327 1.0627692 1.053786 1.0461177\n", + " 1.043237 1.044516 1.0494046 1.0539792 1.0564371 1.0574168 1.0594268\n", + " 1.0633626 0. 0. 0. 0. ]\n", + " [1.1770524 1.1729199 1.1838316 1.193471 1.1822163 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1859846 1.1795447 1.1885655 1.1968085 1.1845934 1.1489949 1.1124192\n", + " 1.088282 1.076958 1.0749315 1.0746684 1.0700669 1.060908 1.052175\n", + " 1.0483489 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1672828 1.1640946 1.17498 1.1857173 1.1757445 1.1444006 1.1099093\n", + " 1.0860708 1.0739422 1.0691711 1.0670086 1.0606552 1.0513724 1.0434306\n", + " 1.0408732 1.0430396 1.0486224 1.0533226 1.0555978 1.0562977 1.0573452\n", + " 1.0601761 1.0669186 1.0760466 1.0844165 1.0886691]]\n", + "[[1.1681095 1.164839 1.1754729 1.1844186 1.1724865 1.1391073 1.104736\n", + " 1.0832505 1.0733091 1.0716898 1.0721853 1.0677956 1.0585501 1.0500479\n", + " 1.0461961 0. 0. 0. 0. 0. ]\n", + " [1.1686789 1.1660541 1.1768909 1.1851648 1.173081 1.1388934 1.1049405\n", + " 1.0823715 1.0718354 1.0693904 1.0696528 1.065242 1.0564945 1.048772\n", + " 1.0451978 1.046863 1.0520607 0. 0. 0. ]\n", + " [1.2010715 1.1948448 1.2049019 1.2148966 1.201981 1.1635804 1.1250455\n", + " 1.0986918 1.087697 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1675265 1.1638896 1.1732522 1.1812761 1.1709636 1.1388396 1.1056913\n", + " 1.083717 1.0724384 1.0690213 1.0666693 1.0611087 1.0521832 1.0444455\n", + " 1.0412399 1.0433446 1.0484982 1.0534748 1.0555619 1.0561701]\n", + " [1.1700149 1.167536 1.1772428 1.1857666 1.1723431 1.1398869 1.1061072\n", + " 1.0834271 1.0729147 1.0690798 1.0681367 1.0626686 1.0537775 1.0458268\n", + " 1.0423204 1.0441536 1.0490626 1.0540295 1.0565645 0. ]]\n", + "[[1.1616691 1.1604426 1.171213 1.1806296 1.1683326 1.1361779 1.1038296\n", + " 1.0820312 1.0703876 1.066921 1.0647427 1.0582492 1.0500205 1.042935\n", + " 1.0396541 1.0416456 1.0464852 1.0512124 1.0533755 1.0544623 1.0560976\n", + " 1.05953 ]\n", + " [1.1943225 1.1894947 1.1996979 1.2073808 1.1949109 1.1593087 1.1220326\n", + " 1.0969716 1.0848897 1.0811324 1.0811387 1.0754344 1.065507 1.0563616\n", + " 1.0516756 1.0543411 1.0603507 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1823113 1.1790283 1.1899797 1.1992656 1.1869562 1.152584 1.116648\n", + " 1.091781 1.0805509 1.0769427 1.074614 1.0687985 1.0589684 1.0499841\n", + " 1.0462348 1.0477355 1.0531832 1.0584155 1.0612961 1.062343 0.\n", + " 0. ]\n", + " [1.1884376 1.1854062 1.1964375 1.2046973 1.1932204 1.1581472 1.1208463\n", + " 1.0950909 1.0825081 1.0785282 1.0762771 1.0701722 1.0602964 1.0519419\n", + " 1.0485259 1.0497866 1.0551617 1.0605446 1.0631082 1.0639821 0.\n", + " 0. ]\n", + " [1.1659917 1.1639024 1.1760929 1.1863968 1.1750605 1.1415341 1.1071666\n", + " 1.0839133 1.071934 1.0685631 1.0666322 1.0609088 1.0524303 1.0451076\n", + " 1.0415884 1.042716 1.0475962 1.0522765 1.0545273 1.0553796 1.0566188\n", + " 0. ]]\n", + "[[1.1850408 1.1827267 1.1923181 1.2012771 1.1889205 1.1545618 1.118413\n", + " 1.0936443 1.0810182 1.0762495 1.0734503 1.0675683 1.0586045 1.0507494\n", + " 1.0468225 1.0489326 1.0544535 1.0593561 1.0618654 1.0624787 1.0640452]\n", + " [1.184067 1.1788224 1.188419 1.1960088 1.184541 1.1496189 1.1129365\n", + " 1.0888036 1.077683 1.0750278 1.0748863 1.0696359 1.0603762 1.0517353\n", + " 1.0481861 1.0504488 1.0559492 0. 0. 0. 0. ]\n", + " [1.1766546 1.1723955 1.1825988 1.1916507 1.178644 1.1448947 1.109867\n", + " 1.0863167 1.0750145 1.0728374 1.0726227 1.0677758 1.0589447 1.0501145\n", + " 1.0462104 1.048179 1.0537473 0. 0. 0. 0. ]\n", + " [1.1996254 1.1952409 1.2047778 1.2137821 1.2004541 1.1636157 1.1253121\n", + " 1.0994592 1.0871572 1.0836124 1.0833842 1.0780929 1.0675232 1.0581768\n", + " 1.0539541 1.0562572 1.0627241 0. 0. 0. 0. ]\n", + " [1.1878351 1.1842823 1.1944159 1.202562 1.1900069 1.1548761 1.1183207\n", + " 1.0935668 1.0807717 1.0768917 1.0748714 1.0697638 1.0602646 1.0518066\n", + " 1.0487782 1.0506909 1.0560342 1.0612932 1.0635843 0. 0. ]]\n", + "[[1.1525419 1.1493385 1.15941 1.1676686 1.1567101 1.1265343 1.0951406\n", + " 1.0747638 1.0648689 1.0619383 1.0603716 1.0548955 1.0467405 1.0394796\n", + " 1.0361907 1.0378524 1.0425096 1.0467553 1.0491675 1.0501484 0. ]\n", + " [1.233596 1.226953 1.2362502 1.24463 1.2284677 1.1880199 1.1454551\n", + " 1.1158775 1.1020824 1.1009674 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1667084 1.16436 1.1756289 1.1844326 1.172398 1.1404285 1.106808\n", + " 1.0839747 1.0726916 1.0690174 1.0667995 1.06041 1.0519987 1.0446976\n", + " 1.0417526 1.0430235 1.0479729 1.0527108 1.0550584 1.0564097 1.0580641]\n", + " [1.1688032 1.1635499 1.173075 1.1822805 1.1705768 1.1383184 1.1048496\n", + " 1.0822685 1.0718473 1.0696694 1.069836 1.0657111 1.056361 1.0481892\n", + " 1.0441238 1.0457761 1.0509537 0. 0. 0. 0. ]\n", + " [1.1569067 1.1528258 1.1626569 1.1713717 1.1604083 1.1293834 1.0974432\n", + " 1.0766858 1.0672019 1.0660248 1.0663058 1.0622537 1.0539136 1.0460274\n", + " 1.0420948 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1620909 1.1585373 1.1682026 1.1770092 1.1658324 1.1339377 1.0999503\n", + " 1.0783876 1.0682383 1.0673873 1.0677879 1.0638585 1.0551957 1.0470271\n", + " 1.0429174 1.0442717 0. 0. 0. 0. 0. ]\n", + " [1.1513207 1.1489491 1.1579528 1.1655539 1.1536958 1.1234858 1.094022\n", + " 1.073826 1.0638577 1.0601542 1.0587153 1.0530217 1.0455179 1.0391574\n", + " 1.0367689 1.0383627 1.0428102 1.0475216 1.0498998 1.0510467 1.0523801]\n", + " [1.1937592 1.1888771 1.1983603 1.2080913 1.1948948 1.158359 1.1214265\n", + " 1.0969617 1.0853508 1.0824312 1.0824921 1.0769182 1.0662575 1.0570986\n", + " 1.0527596 1.0553513 0. 0. 0. 0. 0. ]\n", + " [1.1697414 1.1672827 1.1779283 1.1864251 1.1734103 1.1389496 1.1047486\n", + " 1.0824053 1.0722605 1.0701314 1.0692397 1.0643116 1.0550454 1.046698\n", + " 1.0434787 1.0451423 1.0502084 1.0553817 0. 0. 0. ]\n", + " [1.1601672 1.1564907 1.1659266 1.1748843 1.1631882 1.1307315 1.0989916\n", + " 1.0771674 1.0682216 1.0667055 1.0669637 1.0625932 1.0539775 1.0461024\n", + " 1.0426145 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1695576 1.1655225 1.1762985 1.1853223 1.1743587 1.1412222 1.1059525\n", + " 1.0833619 1.0723119 1.0697017 1.0688505 1.0638111 1.0550572 1.0467389\n", + " 1.0430422 1.0447863 1.0502719 1.0551106 0. 0. 0. ]\n", + " [1.1662464 1.161429 1.1717613 1.1804217 1.1688288 1.1365719 1.1024876\n", + " 1.0808583 1.0697404 1.0671899 1.0674466 1.0631461 1.0549672 1.0476954\n", + " 1.0438436 1.0458194 1.0509834 0. 0. 0. 0. ]\n", + " [1.1578553 1.1561298 1.1677586 1.1781728 1.1665761 1.134155 1.1011766\n", + " 1.0794306 1.0688555 1.0654547 1.0639389 1.058302 1.0494057 1.0423051\n", + " 1.0389813 1.0409511 1.0454562 1.050362 1.0525199 1.0533128 1.0546519]\n", + " [1.1609737 1.1588457 1.1691993 1.1784314 1.1663543 1.1349313 1.1013882\n", + " 1.0790505 1.0679603 1.0638248 1.0623043 1.0568911 1.048903 1.0418006\n", + " 1.0391563 1.040434 1.0447865 1.0495235 1.0519404 1.0529937 1.0547975]\n", + " [1.1524065 1.1472074 1.1566713 1.1652709 1.1553012 1.1247774 1.0947095\n", + " 1.0745097 1.0652205 1.0642234 1.0642006 1.0601565 1.0515932 1.0437063\n", + " 1.0401073 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1630718 1.1602181 1.1709965 1.1793926 1.1676419 1.134631 1.1019872\n", + " 1.0804014 1.0706884 1.0696069 1.06957 1.0645051 1.0558249 1.0476645\n", + " 1.0442959 0. 0. 0. ]\n", + " [1.1557167 1.1522675 1.1610224 1.1677786 1.156368 1.126438 1.0954041\n", + " 1.0751417 1.0651476 1.0619404 1.0610263 1.0562205 1.0486706 1.041342\n", + " 1.0390788 1.0412 1.0458537 1.0502784]\n", + " [1.1840498 1.1808809 1.1917808 1.200527 1.188376 1.1528354 1.1168201\n", + " 1.0925164 1.0812322 1.0783854 1.0774014 1.0721856 1.0619619 1.0532682\n", + " 1.0492965 1.0517125 1.0579509 0. ]\n", + " [1.1802186 1.1751784 1.1845222 1.1926851 1.1812357 1.1467915 1.1112232\n", + " 1.0881191 1.0769181 1.0753758 1.0754888 1.0708898 1.0619699 1.0530425\n", + " 1.0489038 1.0510292 0. 0. ]\n", + " [1.175702 1.1711681 1.1807559 1.1898899 1.1777493 1.1439953 1.109464\n", + " 1.0864866 1.0760703 1.0731806 1.0729728 1.068071 1.0585815 1.0502454\n", + " 1.0467482 1.0488185 1.0545135 0. ]]\n", + "[[1.1815776 1.1767306 1.1864488 1.1956611 1.1814212 1.1486613 1.1130273\n", + " 1.0891733 1.0780656 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1945752 1.1904386 1.2009847 1.2094693 1.1956378 1.1592804 1.1215684\n", + " 1.0966712 1.0841665 1.0805988 1.0801609 1.0741382 1.063633 1.0547236\n", + " 1.0508393 1.0526884 1.0587591 1.0644629]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1858602 1.1826006 1.1925713 1.2006 1.1877738 1.1528252 1.1163297\n", + " 1.0914519 1.080015 1.0763222 1.074783 1.0688938 1.0600435 1.0510411\n", + " 1.047351 1.0489506 1.0545474 1.059659 1.0625597 0. 0.\n", + " 0. ]\n", + " [1.1609209 1.1584392 1.1691418 1.1771764 1.1648506 1.1331736 1.1003466\n", + " 1.0794594 1.0697637 1.0685914 1.0683513 1.0632493 1.0541534 1.0457631\n", + " 1.0422702 1.0442734 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1801614 1.1771274 1.1884105 1.1970679 1.1838717 1.1484511 1.1113359\n", + " 1.0874875 1.0761148 1.0738662 1.0730774 1.0684499 1.0590024 1.0501612\n", + " 1.0464367 1.0479877 1.0531032 1.0587674 0. 0. 0.\n", + " 0. ]\n", + " [1.1691663 1.1677274 1.1789931 1.1885756 1.1767507 1.1430709 1.1083432\n", + " 1.0852119 1.0736126 1.0703923 1.0682366 1.0615236 1.0525916 1.0450051\n", + " 1.0418743 1.0434093 1.0488374 1.0536296 1.0561992 1.0571971 1.058865\n", + " 0. ]\n", + " [1.172927 1.1703005 1.1806817 1.1886108 1.1779102 1.1450692 1.1110282\n", + " 1.0882596 1.0762496 1.0720611 1.0693029 1.0626132 1.0537684 1.0460447\n", + " 1.043117 1.0453993 1.0502206 1.0556948 1.0573416 1.0579575 1.0595005\n", + " 1.0631238]]\n", + "[[1.1763513 1.1744897 1.1855323 1.1939085 1.1816443 1.1460122 1.1093256\n", + " 1.0854243 1.0744929 1.0710957 1.0705527 1.0652351 1.0559447 1.0481826\n", + " 1.0446248 1.0462872 1.0515076 1.0566777 1.058956 0. 0.\n", + " 0. ]\n", + " [1.1730181 1.1707515 1.1803334 1.1899036 1.178119 1.1458018 1.111949\n", + " 1.088848 1.0767041 1.0722234 1.0699799 1.0637097 1.0544116 1.0461403\n", + " 1.0433259 1.0452652 1.0502551 1.0552169 1.0573205 1.057939 1.0595254\n", + " 1.0629107]\n", + " [1.1731851 1.1700267 1.1810764 1.1909018 1.1782671 1.1443565 1.1090523\n", + " 1.0854127 1.0749574 1.0726124 1.0718892 1.0673807 1.0582932 1.049305\n", + " 1.0457764 1.0473418 1.0529023 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1732243 1.1709036 1.1828088 1.1920766 1.1799772 1.1447685 1.1085429\n", + " 1.0844058 1.0738657 1.0715677 1.0709196 1.0661108 1.0571271 1.0485508\n", + " 1.0448768 1.0465906 1.0517267 1.056877 0. 0. 0.\n", + " 0. ]\n", + " [1.1841758 1.1806682 1.1918743 1.201731 1.187122 1.1503695 1.1135657\n", + " 1.0901015 1.0795195 1.078234 1.0790201 1.0742288 1.0643989 1.0552976\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1783577 1.1757884 1.1866459 1.1968668 1.1847396 1.1503136 1.1138853\n", + " 1.0898163 1.0781691 1.075052 1.0744305 1.0691093 1.0600154 1.0507978\n", + " 1.0470039 1.0488781 1.0542325 1.0596278 0. 0. 0.\n", + " 0. ]\n", + " [1.166109 1.1625919 1.1715558 1.1796546 1.1656992 1.134232 1.1008664\n", + " 1.0796493 1.0702223 1.0695153 1.0695997 1.0654241 1.0567678 1.0486012\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1674212 1.1646069 1.1744558 1.1825417 1.17068 1.1384863 1.1050979\n", + " 1.0829309 1.0717683 1.0682955 1.0665295 1.0622365 1.0542879 1.0469306\n", + " 1.0439217 1.0452912 1.0498706 1.0545509 0. 0. 0.\n", + " 0. ]\n", + " [1.1567262 1.1531652 1.1629629 1.171258 1.1603284 1.1308687 1.0997487\n", + " 1.0787255 1.0672762 1.0635859 1.0616517 1.056067 1.0478989 1.041091\n", + " 1.038041 1.0399045 1.0443611 1.0486951 1.05109 1.0514466 1.0524845\n", + " 1.0556583]\n", + " [1.1690273 1.1643162 1.1733401 1.1813146 1.1718819 1.1416473 1.1092819\n", + " 1.086874 1.0762874 1.0731173 1.0727086 1.0673829 1.0583686 1.0497935\n", + " 1.0463555 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1721132 1.1681023 1.1776819 1.1863666 1.1740278 1.1417723 1.1079732\n", + " 1.0844293 1.0735046 1.0701848 1.0701458 1.0647346 1.0558195 1.0482836\n", + " 1.0449431 1.0470798 1.0527897 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1632985 1.1607534 1.1717085 1.1815683 1.1712457 1.1391557 1.1054726\n", + " 1.0824461 1.0706074 1.0672712 1.0651983 1.0595877 1.0504721 1.0432625\n", + " 1.040008 1.0415887 1.046656 1.0507141 1.0530759 1.0537103 1.0554079\n", + " 1.0585016]\n", + " [1.2109183 1.2039778 1.2134781 1.2213155 1.2087119 1.1708984 1.1302581\n", + " 1.1027445 1.0908198 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1542794 1.152032 1.1624299 1.1730223 1.1639559 1.1336074 1.1017934\n", + " 1.0800376 1.0686662 1.0642548 1.0622321 1.0565972 1.0483 1.0417136\n", + " 1.0387318 1.0403215 1.0443497 1.0492122 1.0519142 1.0530765 1.0542489\n", + " 1.0572278]\n", + " [1.1697998 1.1651444 1.174931 1.1822975 1.1703626 1.1374146 1.1039634\n", + " 1.0819999 1.0712472 1.0689145 1.0683239 1.0638207 1.0550666 1.0476145\n", + " 1.044039 1.0457296 1.0508853 1.0557219 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1642947 1.159947 1.1705285 1.1807097 1.1703391 1.1380696 1.1038071\n", + " 1.0808995 1.0695509 1.0663646 1.065717 1.0610564 1.0528536 1.044651\n", + " 1.0411612 1.0427074 1.0476185 1.0525987 0. 0. 0.\n", + " 0. ]\n", + " [1.1615354 1.1554711 1.1643705 1.1721777 1.1611816 1.1306721 1.0993598\n", + " 1.078804 1.069329 1.0683829 1.068586 1.0640837 1.0550727 1.0466974\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1639149 1.1616865 1.1723864 1.1811749 1.169008 1.1366274 1.1041634\n", + " 1.0823215 1.071004 1.0672355 1.0654196 1.0593997 1.0510194 1.0439705\n", + " 1.0408723 1.0427499 1.047496 1.052329 1.0548345 1.0556191 1.0570636\n", + " 1.0609924]\n", + " [1.1844106 1.1790743 1.188021 1.1975964 1.1848294 1.151003 1.1151443\n", + " 1.0913056 1.08019 1.0769783 1.0764314 1.0710735 1.0613285 1.0527627\n", + " 1.0487008 1.0510606 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1725515 1.1707777 1.1824503 1.1907656 1.1764566 1.141769 1.1066679\n", + " 1.083531 1.072973 1.0710254 1.0703833 1.0658706 1.0571448 1.0487756\n", + " 1.0451303 1.0469745 1.0522506 1.0573419 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1665293 1.1595833 1.1675242 1.1762774 1.1656475 1.1354989 1.1034368\n", + " 1.0824869 1.0737069 1.072089 1.0723572 1.0673099 1.0578195 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.15936 1.1559854 1.166627 1.1760547 1.1651667 1.1336521 1.101596\n", + " 1.0796095 1.0690068 1.0661371 1.0653358 1.0608786 1.0522511 1.044553\n", + " 1.0412066 1.0425055 1.0473005 1.0516939 0. 0. ]\n", + " [1.1801555 1.1754347 1.1865913 1.1950135 1.1827726 1.1475902 1.1116594\n", + " 1.0887088 1.0790776 1.0782388 1.0789123 1.0736678 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1617391 1.1583868 1.1678749 1.1762531 1.1642344 1.1335124 1.1010215\n", + " 1.0787437 1.0682635 1.0645814 1.0627155 1.0576773 1.0494944 1.0425992\n", + " 1.039408 1.0412785 1.0457969 1.0500345 1.0522871 1.0530748]\n", + " [1.1736403 1.1688592 1.1786594 1.1875536 1.1743312 1.1403323 1.1057674\n", + " 1.0830048 1.0724585 1.0707185 1.0711706 1.0671351 1.0583994 1.0505126\n", + " 1.0467976 1.0483695 0. 0. 0. 0. ]]\n", + "[[1.17823 1.1744118 1.1846884 1.194515 1.1828251 1.1487448 1.1128846\n", + " 1.0895017 1.0785674 1.0770859 1.0772641 1.0725596 1.0632858 1.0541235\n", + " 1.0497847 0. 0. 0. 0. 0. ]\n", + " [1.1668897 1.164526 1.1750367 1.1849198 1.1722804 1.1404411 1.1069648\n", + " 1.0837401 1.0721722 1.0687189 1.0668824 1.0607345 1.051998 1.0444285\n", + " 1.0412678 1.0431318 1.0478948 1.0528895 1.0555878 1.056461 ]\n", + " [1.1734314 1.169045 1.1781319 1.1865013 1.1748452 1.141936 1.1081241\n", + " 1.0848773 1.0733892 1.0698819 1.0683839 1.0638889 1.0553296 1.0472512\n", + " 1.0440203 1.0454067 1.0505599 1.0553857 1.0582688 0. ]\n", + " [1.188503 1.1829729 1.1932814 1.2029748 1.1891537 1.1541573 1.1175711\n", + " 1.0931778 1.0819718 1.0797323 1.0795801 1.0746863 1.0648985 1.0558106\n", + " 1.0514051 1.0535042 0. 0. 0. 0. ]\n", + " [1.1529127 1.1497048 1.1590178 1.1666988 1.1564006 1.1262953 1.0953035\n", + " 1.0745384 1.0653409 1.0627575 1.0619025 1.057804 1.0500025 1.0425944\n", + " 1.0393083 1.0406911 1.0453596 0. 0. 0. ]]\n", + "[[1.1644071 1.1613624 1.1714656 1.1790063 1.1678507 1.1357615 1.1029326\n", + " 1.0809555 1.0705409 1.0673819 1.0662979 1.0609746 1.052258 1.0445441\n", + " 1.0407187 1.0424234 1.0472373 1.0518476 1.0544565]\n", + " [1.2199377 1.2128906 1.2215574 1.2290142 1.213854 1.1749014 1.134015\n", + " 1.1066918 1.0952849 1.0934184 1.0937853 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1787356 1.1729152 1.1840082 1.1918647 1.1801083 1.1455402 1.1089082\n", + " 1.0860447 1.0749749 1.0733346 1.0737178 1.068836 1.0597457 1.050936\n", + " 1.0472151 0. 0. 0. 0. ]\n", + " [1.1776928 1.1736658 1.1835443 1.1912504 1.1802273 1.1460462 1.1111826\n", + " 1.0877032 1.0769259 1.0744916 1.0735427 1.0685108 1.059138 1.0503378\n", + " 1.0467806 1.0489514 1.0549152 0. 0. ]\n", + " [1.169476 1.1658107 1.1768701 1.18569 1.1742556 1.1411549 1.1065387\n", + " 1.0835927 1.0727898 1.0715317 1.0721728 1.0683551 1.0595096 1.0509104\n", + " 1.0470614 0. 0. 0. 0. ]]\n", + "[[1.1621432 1.157983 1.1666371 1.1738878 1.1616488 1.1309208 1.0995553\n", + " 1.0786412 1.0680128 1.0647577 1.0631351 1.057561 1.0490643 1.0420376\n", + " 1.038558 1.0401016 1.0450739 1.050006 1.0528986]\n", + " [1.1707045 1.167417 1.1780314 1.1869289 1.1736178 1.1407559 1.106457\n", + " 1.0837551 1.072686 1.0695503 1.0686294 1.0634453 1.05502 1.0472914\n", + " 1.043939 1.0457001 1.050987 1.0559881 0. ]\n", + " [1.181377 1.1780262 1.1881368 1.197522 1.1842797 1.149887 1.1142851\n", + " 1.0900236 1.0781794 1.0746158 1.0732054 1.0678966 1.0583341 1.04974\n", + " 1.0461572 1.047925 1.0530277 1.0583652 1.0611054]\n", + " [1.1559753 1.1521988 1.1614323 1.1682298 1.1573831 1.1266114 1.0951852\n", + " 1.0744857 1.0651982 1.063062 1.0625923 1.0585889 1.0504873 1.0429366\n", + " 1.0396436 1.0412325 1.0461321 0. 0. ]\n", + " [1.1642239 1.1605583 1.171337 1.1801025 1.167855 1.1358901 1.1028733\n", + " 1.0812258 1.0711486 1.0691239 1.0686969 1.0635732 1.0546819 1.0466411\n", + " 1.0428373 1.0444449 1.0498842 0. 0. ]]\n", + "[[1.2081525 1.201622 1.2097814 1.2175409 1.2033305 1.1670189 1.1272168\n", + " 1.100841 1.0885098 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1558609 1.1537305 1.1645168 1.1731211 1.1626463 1.1315541 1.0990297\n", + " 1.077436 1.066827 1.0632505 1.0624005 1.0572697 1.0491626 1.0414217\n", + " 1.0384462 1.040001 1.0442477 1.0488745 1.0514302 1.0526994]\n", + " [1.1860359 1.1806151 1.1906104 1.1990254 1.1884615 1.1537201 1.117927\n", + " 1.0937427 1.0829871 1.081039 1.0811924 1.0763471 1.0658964 1.0564289\n", + " 1.0517095 0. 0. 0. 0. 0. ]\n", + " [1.1677918 1.1608466 1.1691635 1.1778766 1.1668265 1.1361296 1.1041324\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1877158 1.1827443 1.1923647 1.2006259 1.1874466 1.1539203 1.1179354\n", + " 1.0940874 1.0824165 1.0797106 1.0791683 1.0740387 1.0641532 1.0551077\n", + " 1.0512968 1.053472 0. 0. 0. 0. ]]\n", + "[[1.1659911 1.1629562 1.1735586 1.1817863 1.1695907 1.1370087 1.1032552\n", + " 1.0812722 1.071054 1.0686158 1.0682142 1.0635635 1.054972 1.0469357\n", + " 1.0436969 1.0456269 1.0508214 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1696597 1.1680409 1.1788268 1.1889162 1.1771879 1.1450157 1.1103916\n", + " 1.0871902 1.0754113 1.0711825 1.068683 1.0629874 1.0533925 1.0450839\n", + " 1.041986 1.044317 1.0492983 1.0547206 1.0569105 1.0574968 1.0586393\n", + " 1.0616319 1.0689503 1.079252 1.087383 ]\n", + " [1.2129351 1.205597 1.2143614 1.2235557 1.2087739 1.1713781 1.1305004\n", + " 1.1032691 1.0912142 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1619098 1.1579168 1.1682248 1.1774693 1.1672788 1.1354488 1.1022379\n", + " 1.0799872 1.0695384 1.0676714 1.0676026 1.063124 1.0544372 1.0461495\n", + " 1.0424373 1.0443774 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1687083 1.1656027 1.1750883 1.1832412 1.1699324 1.1373489 1.1038116\n", + " 1.0815192 1.0716012 1.0694258 1.0699316 1.064895 1.0559921 1.0484363\n", + " 1.044625 1.0465354 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1632798 1.1586546 1.1681849 1.1763344 1.1636868 1.1318496 1.0986332\n", + " 1.0774428 1.0677154 1.0657295 1.066019 1.0623709 1.0537271 1.0458539\n", + " 1.0422812 1.0436903 1.0484658 0. 0. ]\n", + " [1.2084026 1.2031268 1.2133633 1.221763 1.2059441 1.1689075 1.130015\n", + " 1.1038496 1.0923007 1.0903288 1.090253 1.0840602 1.0730286 1.0626109\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1704608 1.168111 1.1792322 1.1884228 1.1763749 1.1424084 1.1075534\n", + " 1.0843586 1.0730152 1.0698333 1.0683814 1.0632813 1.0543717 1.0466272\n", + " 1.0429828 1.0448558 1.050108 1.0554025 1.0581117]\n", + " [1.1803014 1.1746048 1.1847541 1.1935045 1.1812234 1.1465392 1.1099954\n", + " 1.0866399 1.0760006 1.0751367 1.0754842 1.0704656 1.0617064 1.052452\n", + " 1.0482849 0. 0. 0. 0. ]\n", + " [1.164461 1.1605526 1.1693645 1.1774987 1.1661611 1.1348732 1.1026499\n", + " 1.0812278 1.070566 1.0674276 1.0664235 1.06181 1.0531323 1.0455251\n", + " 1.0422946 1.0439593 1.0486076 1.0534791 0. ]]\n", + "[[1.1666135 1.1614386 1.1717663 1.1805012 1.1694931 1.1368893 1.1034933\n", + " 1.0816165 1.0725945 1.071653 1.0725569 1.0682288 1.0589288 1.050251\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.2136142 1.2073791 1.2175757 1.2257673 1.2110188 1.1716789 1.1303753\n", + " 1.1045811 1.0933207 1.0926945 1.0932428 1.0871981 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1707003 1.1677293 1.1792768 1.1890113 1.1776994 1.1460484 1.111323\n", + " 1.0869787 1.075445 1.0714893 1.0696204 1.0636133 1.0542419 1.0461076\n", + " 1.0428544 1.0442983 1.049583 1.0543947 1.0572934 1.0582931 1.059862 ]\n", + " [1.1753812 1.1711142 1.182278 1.1920052 1.180665 1.1470864 1.1112229\n", + " 1.0869763 1.0760275 1.0729789 1.0730734 1.0681638 1.0591227 1.0505621\n", + " 1.0467505 1.0484341 1.0536007 0. 0. 0. 0. ]\n", + " [1.1739081 1.1710951 1.1813089 1.1899967 1.1768031 1.1438706 1.1092279\n", + " 1.0861614 1.0746219 1.0725073 1.0716548 1.0664316 1.0566435 1.0486418\n", + " 1.044985 1.0468057 1.0518347 1.0571425 0. 0. 0. ]]\n", + "[[1.1795069 1.1763167 1.1868501 1.1953262 1.1814079 1.1469636 1.1116755\n", + " 1.0879803 1.0765107 1.0733813 1.0715609 1.0668187 1.0575305 1.0494449\n", + " 1.0455219 1.0475103 1.0524088 1.0571508 1.0594918 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1696141 1.163767 1.172143 1.1797336 1.1678137 1.1359442 1.1035588\n", + " 1.0827261 1.0731953 1.0717129 1.0720384 1.0675282 1.0582898 1.0496527\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1666236 1.1620175 1.1712205 1.1794308 1.1677493 1.136963 1.1048145\n", + " 1.0829304 1.0728543 1.0707654 1.070137 1.0650946 1.055801 1.0474725\n", + " 1.044088 1.0462141 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1521614 1.1498154 1.159663 1.1680102 1.1582297 1.1276269 1.0959394\n", + " 1.0744019 1.0643817 1.0615243 1.0606451 1.0560914 1.0482537 1.0411619\n", + " 1.0381631 1.039927 1.0445012 1.0490091 1.0515387 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.171096 1.167582 1.1794009 1.191663 1.181658 1.1481643 1.1120362\n", + " 1.0876433 1.0757511 1.0717881 1.0697713 1.0631368 1.0535676 1.0454342\n", + " 1.0421195 1.0439898 1.0493848 1.0541716 1.05699 1.0568856 1.0578979\n", + " 1.0613978 1.0687948 1.0793982 1.0878382 1.0922189]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1670218 1.1635118 1.1741538 1.1825038 1.1716293 1.1400237 1.1067551\n", + " 1.0846143 1.0728499 1.0689113 1.0668123 1.0607203 1.0518943 1.0442718\n", + " 1.0408522 1.042564 1.0474501 1.0520811 1.0542871 1.0549228 1.056445\n", + " 0. 0. ]\n", + " [1.175118 1.172174 1.1828492 1.1914861 1.1781446 1.1435562 1.1082007\n", + " 1.0850986 1.0742991 1.0719733 1.0717232 1.0659301 1.0572512 1.0488644\n", + " 1.0447885 1.0468217 1.0521829 1.0577755 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1546645 1.1525955 1.1633059 1.1731975 1.1622947 1.1323731 1.1009705\n", + " 1.0792859 1.0685308 1.0641451 1.0624034 1.0567583 1.0478752 1.0412192\n", + " 1.0381885 1.0402634 1.0447459 1.0494778 1.0514547 1.0520972 1.0529149\n", + " 1.0566064 1.0631582]\n", + " [1.1825937 1.177148 1.1879874 1.1975627 1.1860192 1.1510291 1.11353\n", + " 1.0886853 1.077633 1.0758526 1.0760211 1.0722673 1.0630901 1.0540895\n", + " 1.0497823 1.0518435 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2113298 1.2035981 1.2135742 1.2231361 1.2108542 1.1734343 1.1333314\n", + " 1.1059211 1.0938249 1.0918709 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1736487 1.1709661 1.1820446 1.1911811 1.1781774 1.1435301 1.1085235\n", + " 1.0851315 1.0742286 1.0709406 1.0690824 1.063606 1.0541639 1.0463232\n", + " 1.0428216 1.0446073 1.0494969 1.0546739 1.0573251 1.0587014 1.0608826]\n", + " [1.1808053 1.176513 1.1860112 1.1951965 1.1833103 1.150802 1.1157261\n", + " 1.0917703 1.0796448 1.075662 1.074164 1.0681849 1.0589845 1.0501997\n", + " 1.0459781 1.0478215 1.0526574 1.0577493 1.0604805 0. 0. ]\n", + " [1.1794561 1.1758533 1.1862475 1.1958741 1.1831245 1.1478518 1.111912\n", + " 1.0877514 1.0772957 1.0749377 1.0741005 1.0684408 1.0590607 1.0505736\n", + " 1.0467218 1.0487673 1.0545287 1.0596985 0. 0. 0. ]\n", + " [1.1807405 1.1765985 1.1881841 1.1977144 1.1857778 1.1496142 1.1121981\n", + " 1.0881405 1.0775528 1.076159 1.0766888 1.072102 1.0624223 1.0532063\n", + " 1.0487341 1.0508949 0. 0. 0. 0. 0. ]\n", + " [1.1941433 1.1881347 1.1979812 1.2062918 1.194547 1.1597208 1.1226346\n", + " 1.097459 1.0855749 1.0825559 1.0822777 1.0767065 1.0665576 1.0571116\n", + " 1.05302 1.0554566 0. 0. 0. 0. 0. ]]\n", + "[[1.1655366 1.1617507 1.1721619 1.179925 1.1688936 1.1368349 1.1030391\n", + " 1.081281 1.0703136 1.0674888 1.0672222 1.062795 1.0538005 1.0460128\n", + " 1.042322 1.0437844 1.0485634 1.0534158]\n", + " [1.1719263 1.1681488 1.1782314 1.1865785 1.1749144 1.1416278 1.1074795\n", + " 1.0846537 1.0736414 1.0712795 1.0703613 1.0656145 1.0560523 1.0483327\n", + " 1.0442605 1.0459967 1.0513825 1.0565834]\n", + " [1.1523895 1.1482146 1.1565099 1.1647724 1.1531394 1.1235757 1.0934911\n", + " 1.0733093 1.0636947 1.0618291 1.0613046 1.0574687 1.0495831 1.04202\n", + " 1.0386586 1.0400808 1.0445584 0. ]\n", + " [1.2104152 1.2051145 1.2152292 1.2244759 1.2108445 1.1715547 1.1310759\n", + " 1.1044714 1.0925319 1.0904719 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1919839 1.1885761 1.1994159 1.2078644 1.1956556 1.1585604 1.1202841\n", + " 1.0953038 1.0833522 1.0805978 1.0796313 1.0744033 1.0645052 1.0550925\n", + " 1.0508778 1.053128 1.0586071 1.0643208]]\n", + "[[1.1692061 1.1659763 1.177148 1.1858037 1.1734221 1.1398981 1.1060911\n", + " 1.0836176 1.0724859 1.0686562 1.0673966 1.0611951 1.0522528 1.0446931\n", + " 1.0413069 1.042867 1.0479581 1.0530258 1.0554475 1.0563589 0.\n", + " 0. ]\n", + " [1.1796846 1.1757629 1.1855327 1.1935993 1.1811974 1.1470447 1.1121795\n", + " 1.0887923 1.0779139 1.0749028 1.0749524 1.0699508 1.0597318 1.0514252\n", + " 1.0478855 1.0498558 1.055481 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1674836 1.1643702 1.17464 1.1830158 1.1710547 1.1379604 1.1047932\n", + " 1.0818326 1.0720005 1.0696428 1.0689096 1.0634784 1.054745 1.0468615\n", + " 1.0431592 1.0448622 1.0500019 1.0551186 0. 0. 0.\n", + " 0. ]\n", + " [1.2102202 1.2025598 1.211157 1.219653 1.2052897 1.1688755 1.1293516\n", + " 1.1023974 1.0896853 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1617231 1.1582645 1.1675078 1.1756489 1.1638108 1.1312089 1.0994418\n", + " 1.0782077 1.067822 1.0643864 1.0626609 1.0573992 1.0492536 1.0422673\n", + " 1.0392385 1.0411695 1.0455769 1.0503271 1.0522476 1.0533056 1.0548661\n", + " 1.0586256]]\n", + "[[1.1488585 1.1467746 1.1570498 1.1667092 1.1560794 1.125644 1.0946404\n", + " 1.0744987 1.0645181 1.061632 1.0598874 1.0542711 1.0454657 1.038831\n", + " 1.0357751 1.0379354 1.0429316 1.0474455 1.0498637 1.0507414 1.0517952\n", + " 1.054866 1.06138 1.0702798 1.0771868]\n", + " [1.1744262 1.1703936 1.1807773 1.1893737 1.1788112 1.1449908 1.1101091\n", + " 1.087056 1.0766659 1.0745876 1.074667 1.0693839 1.060233 1.0512863\n", + " 1.0473506 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1665133 1.1627738 1.1732761 1.1818193 1.1699754 1.1375793 1.1052921\n", + " 1.0833986 1.071923 1.067725 1.0653715 1.0591229 1.050177 1.0432775\n", + " 1.0405134 1.0426329 1.0476992 1.0525042 1.0548197 1.0558676 1.0569948\n", + " 1.0608889 1.0681288 0. 0. ]\n", + " [1.1707332 1.1674054 1.178419 1.1875421 1.175379 1.141605 1.1066692\n", + " 1.08417 1.073489 1.0718637 1.0722879 1.0672888 1.0582336 1.0495346\n", + " 1.0456378 1.0476854 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1507742 1.1473327 1.1573783 1.1662942 1.1555964 1.125274 1.0938289\n", + " 1.0733848 1.06379 1.0612463 1.0611248 1.0571392 1.0488468 1.0414637\n", + " 1.0381719 1.039621 1.0441883 1.0487709 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1573174 1.1533192 1.1632893 1.1727537 1.1625966 1.1318544 1.0994444\n", + " 1.078715 1.0681704 1.0654247 1.0645136 1.0589318 1.0506573 1.0427448\n", + " 1.0395144 1.0410682 1.0457911 1.0507894 0. 0. ]\n", + " [1.1586411 1.1545744 1.1627817 1.1707935 1.1591641 1.1292558 1.0979931\n", + " 1.0768135 1.0662934 1.0631981 1.0622562 1.0575528 1.0496998 1.0424709\n", + " 1.0394785 1.0409572 1.0455278 1.0501583 1.052875 0. ]\n", + " [1.1850522 1.1835282 1.1951039 1.2049842 1.1904631 1.1545023 1.1168044\n", + " 1.0917935 1.07977 1.0760044 1.0736966 1.0681691 1.0583439 1.0500152\n", + " 1.046432 1.048735 1.0542103 1.0592908 1.0616176 1.0624472]\n", + " [1.145752 1.1419324 1.1510283 1.158855 1.1485547 1.1197028 1.0900891\n", + " 1.0705692 1.0614495 1.0594252 1.0591707 1.0551476 1.047839 1.0406322\n", + " 1.0377208 1.0394491 1.0440315 0. 0. 0. ]\n", + " [1.1838672 1.176435 1.1832783 1.1924882 1.179765 1.1472142 1.1132698\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1608691 1.1572711 1.1667501 1.1752777 1.1640232 1.133068 1.1009555\n", + " 1.0790392 1.0680145 1.0648856 1.0646913 1.0597949 1.0516236 1.044187\n", + " 1.040926 1.0422362 1.0467619 1.0512251 0. ]\n", + " [1.1767069 1.1725955 1.1830659 1.1915884 1.177277 1.1428206 1.1072975\n", + " 1.0844374 1.074895 1.0740119 1.0748067 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1654468 1.1621464 1.1715381 1.1795807 1.1672169 1.1348543 1.1021106\n", + " 1.0803233 1.0695132 1.0666037 1.0651444 1.0601286 1.0515189 1.0439894\n", + " 1.0408868 1.0425937 1.0471829 1.0524156 1.0547224]\n", + " [1.1975261 1.1930629 1.203449 1.2128344 1.1990144 1.1629206 1.124153\n", + " 1.0982337 1.0863146 1.0828619 1.0817722 1.0747355 1.0645026 1.0553777\n", + " 1.0515275 1.0540607 1.0608833 1.0669407 0. ]\n", + " [1.165038 1.1616608 1.1715134 1.1787968 1.1671166 1.1352481 1.1022476\n", + " 1.0808285 1.0700606 1.0672667 1.0659133 1.0608081 1.0525129 1.0447184\n", + " 1.0411112 1.0423285 1.0467492 1.0511653 1.0535107]]\n", + "[[1.1820768 1.1766787 1.187636 1.1959598 1.1848043 1.1493015 1.1136757\n", + " 1.0893999 1.0790657 1.0769377 1.0781022 1.0727727 1.0627052 1.0535691\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.170583 1.1651694 1.1739081 1.1808277 1.1699276 1.137726 1.1048442\n", + " 1.0832835 1.073272 1.0710647 1.0713097 1.067072 1.0584658 1.0500045\n", + " 1.0461822 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1589376 1.1559808 1.1662221 1.174508 1.1636754 1.1319877 1.0997263\n", + " 1.0785439 1.0678982 1.0650299 1.0634233 1.0586483 1.0500709 1.0425049\n", + " 1.0390421 1.0405629 1.0452651 1.0497991 1.0524553 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1621283 1.1581438 1.1672218 1.1753364 1.1641045 1.1327946 1.1013597\n", + " 1.0799987 1.0694141 1.0651656 1.0634367 1.0579927 1.0499878 1.0432447\n", + " 1.0404673 1.0421474 1.0471268 1.0515977 1.0539128 1.0549712 1.0565919\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1581502 1.1567652 1.1684239 1.1803356 1.1713235 1.1381167 1.1043451\n", + " 1.0818924 1.0706697 1.0665536 1.0650014 1.058989 1.0495225 1.0421157\n", + " 1.0389584 1.0411985 1.0462703 1.0516276 1.0544331 1.05483 1.0557448\n", + " 1.0587128 1.0652548 1.0749751 1.0830647 1.0868988 1.0874454]]\n", + "[[1.1549778 1.1529579 1.1646662 1.1749771 1.16498 1.1333144 1.099413\n", + " 1.0777116 1.0673882 1.064066 1.0620904 1.0566422 1.0479105 1.040648\n", + " 1.0374525 1.0392807 1.0439557 1.0489053 1.0512836 1.0518893 1.0529928\n", + " 1.0560865 1.0623956 1.0718491 1.0790445]\n", + " [1.1790516 1.1738591 1.1829559 1.1905888 1.178865 1.1442332 1.1097277\n", + " 1.0863891 1.0759404 1.0731437 1.0723579 1.067177 1.0585365 1.0501317\n", + " 1.0469939 1.0490792 1.0547352 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1820316 1.176963 1.1863632 1.1952112 1.1823722 1.1481745 1.1127708\n", + " 1.0898877 1.0793648 1.0778588 1.0781167 1.0729733 1.0630856 1.0540969\n", + " 1.0495753 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1556549 1.1511204 1.1604093 1.1683683 1.1584573 1.1286864 1.0981492\n", + " 1.0773076 1.0672845 1.0636849 1.0615798 1.0555301 1.0470356 1.0400856\n", + " 1.037488 1.0396525 1.0449487 1.049387 1.0518737 1.0527886 1.0538322\n", + " 1.0568565 1.063782 1.0726737 0. ]\n", + " [1.161945 1.155482 1.1625336 1.1690373 1.1576902 1.1272981 1.0960089\n", + " 1.0760069 1.0662469 1.0649822 1.0651133 1.0614113 1.0531732 1.0455947\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1669817 1.1653949 1.1767268 1.1854352 1.1724876 1.1380286 1.104257\n", + " 1.0820813 1.0715536 1.070117 1.0700252 1.0650083 1.0560341 1.0479888\n", + " 1.0438939 1.0457467 1.0510199]\n", + " [1.2136377 1.207222 1.216051 1.2256298 1.2112333 1.1730392 1.1327343\n", + " 1.1066996 1.0951413 1.0935242 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1543628 1.1512699 1.1598896 1.1674018 1.1564828 1.1276307 1.096559\n", + " 1.0756334 1.065703 1.0625464 1.0628327 1.0582826 1.0500332 1.0430372\n", + " 1.0401242 1.0416174 1.0462816]\n", + " [1.1716361 1.1677617 1.1789124 1.188883 1.1775461 1.144131 1.1087099\n", + " 1.0855093 1.074486 1.0726813 1.0728446 1.0680006 1.059348 1.050357\n", + " 1.046439 1.0481101 0. ]\n", + " [1.2066458 1.2003065 1.2107064 1.219978 1.2053248 1.1662235 1.1259346\n", + " 1.1007949 1.0903796 1.0893275 1.0902617 1.0838649 1.0722263 1.0611395\n", + " 0. 0. 0. ]]\n", + "[[1.1593082 1.1548803 1.1642236 1.1729349 1.161341 1.1305594 1.0988805\n", + " 1.0773164 1.0668995 1.0640721 1.063045 1.0588889 1.0505694 1.0436172\n", + " 1.039816 1.0413065 1.0459458 1.0506533 0. 0. ]\n", + " [1.165136 1.1624804 1.173114 1.1813687 1.1681942 1.1349131 1.1016821\n", + " 1.0800998 1.0699992 1.0681314 1.0671949 1.0617671 1.0530756 1.0452247\n", + " 1.0415475 1.0433294 1.048203 1.0534745 0. 0. ]\n", + " [1.202195 1.1961312 1.2032392 1.2111441 1.1952089 1.1581419 1.1222216\n", + " 1.0989333 1.0883714 1.08801 1.0877768 1.0811253 1.0693179 1.0590849\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1596482 1.1540565 1.1624753 1.1706307 1.1591835 1.1279681 1.0959764\n", + " 1.0759479 1.0672704 1.0658879 1.066375 1.0621682 1.0536542 1.045821\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1744908 1.1713133 1.1810446 1.1907208 1.178252 1.145642 1.111646\n", + " 1.0882473 1.0761555 1.0719582 1.0694768 1.0636203 1.0540055 1.0459714\n", + " 1.0425617 1.0444711 1.0500269 1.0551424 1.0580148 1.0592014]]\n", + "[[1.1795384 1.1770701 1.1886915 1.1983604 1.1861444 1.1511582 1.1146405\n", + " 1.0900772 1.0773846 1.0739232 1.0721909 1.0663408 1.0572432 1.0492342\n", + " 1.0456549 1.0472531 1.0525634 1.0573711 1.0598437 1.0607728]\n", + " [1.1675295 1.1658318 1.1783 1.1878278 1.1769348 1.1435902 1.1081953\n", + " 1.0844936 1.0736905 1.0706489 1.0693204 1.0633687 1.0542768 1.0459982\n", + " 1.0426028 1.0441961 1.049474 1.0544446 1.0570691 0. ]\n", + " [1.1692362 1.1673381 1.1783831 1.1877667 1.1740713 1.1399479 1.1058371\n", + " 1.0834486 1.0744112 1.0732261 1.0737537 1.0689608 1.0592777 1.050429\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1698596 1.1644539 1.1741112 1.1833396 1.1727359 1.1401356 1.1062219\n", + " 1.0838376 1.0732186 1.0714003 1.0712646 1.066448 1.0572984 1.0487357\n", + " 1.0448326 1.0466613 0. 0. 0. 0. ]\n", + " [1.1609275 1.1559024 1.1651225 1.1735317 1.1615725 1.1316608 1.1002443\n", + " 1.0792344 1.0697836 1.0681282 1.0682687 1.0638453 1.0551913 1.0469275\n", + " 1.0431864 0. 0. 0. 0. 0. ]]\n", + "[[1.1531279 1.1473523 1.1558865 1.1634727 1.1529619 1.1235336 1.0940218\n", + " 1.0747995 1.066081 1.0647513 1.0647105 1.0609182 1.0524626 1.0448107\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1707537 1.1664195 1.1755652 1.1835651 1.1720567 1.1396363 1.1055882\n", + " 1.0835958 1.072989 1.0704486 1.070182 1.0655342 1.0558935 1.048196\n", + " 1.0443579 1.0460527 1.0518242 0. 0. ]\n", + " [1.1782218 1.1749034 1.1849387 1.1923473 1.1777053 1.143093 1.1086696\n", + " 1.0864874 1.0768167 1.0754642 1.0763534 1.0714785 1.0616463 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1514407 1.1465878 1.1549484 1.1626422 1.1519141 1.123067 1.0935076\n", + " 1.0738676 1.0648943 1.062999 1.0618781 1.0570792 1.0489014 1.0415906\n", + " 1.0383791 1.0399567 1.0450248 0. 0. ]\n", + " [1.1840208 1.1791081 1.1890749 1.1976538 1.1842787 1.1487638 1.1136054\n", + " 1.0894407 1.077221 1.0732183 1.0719897 1.0667198 1.0576948 1.0495855\n", + " 1.0462284 1.0483544 1.0535676 1.0597085 1.0623544]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1643142 1.1605046 1.1709647 1.1791617 1.1655321 1.1328701 1.1003991\n", + " 1.0794897 1.0701089 1.067864 1.0678865 1.0627372 1.0535637 1.0456722\n", + " 1.0421519 1.0443213 1.0500977 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.155112 1.1530157 1.1637815 1.1743914 1.1650233 1.1339196 1.1014746\n", + " 1.0796857 1.0682396 1.0647082 1.0625006 1.0567014 1.048579 1.041408\n", + " 1.0385646 1.0405039 1.044824 1.0499617 1.052968 1.0536271 1.0545361\n", + " 1.0575004 1.064424 1.0735549 1.0812184]\n", + " [1.1676954 1.1623787 1.1712992 1.1804307 1.1702389 1.1379957 1.1049657\n", + " 1.0825425 1.0731523 1.072418 1.0732728 1.0688031 1.0592263 1.0505176\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1643577 1.1614017 1.1708548 1.1800349 1.169982 1.1391289 1.106769\n", + " 1.0847989 1.0737325 1.0696694 1.0667857 1.0600085 1.0510609 1.0435392\n", + " 1.0405129 1.0428721 1.0481989 1.0535444 1.0551735 1.0557709 1.0568668\n", + " 1.0600426 1.0667452 1.076694 0. ]\n", + " [1.1667833 1.1607534 1.1704562 1.1799326 1.1691508 1.1367061 1.1030812\n", + " 1.0812668 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1709099 1.1677084 1.1775502 1.1860349 1.1737114 1.141019 1.1065825\n", + " 1.0843182 1.0732487 1.0705427 1.069701 1.0648146 1.0557901 1.0475918\n", + " 1.0442762 1.0457091 1.0506935 1.0558072 0. 0. 0. ]\n", + " [1.1722575 1.1687138 1.1800736 1.1891049 1.1771405 1.1433835 1.1090273\n", + " 1.0859853 1.0754193 1.0731008 1.0725914 1.0674164 1.0577333 1.0491552\n", + " 1.0452613 1.0470855 1.0527622 0. 0. 0. 0. ]\n", + " [1.1849818 1.1795326 1.1895611 1.1981468 1.1858009 1.1514814 1.1157578\n", + " 1.0916126 1.0803677 1.0789461 1.0785577 1.072945 1.0629292 1.05355\n", + " 1.0496241 0. 0. 0. 0. 0. 0. ]\n", + " [1.1855135 1.1818669 1.1922457 1.2008591 1.1880356 1.1538725 1.1182792\n", + " 1.0935913 1.0804363 1.075667 1.0730972 1.0662457 1.0572526 1.0493153\n", + " 1.0461656 1.0480368 1.0539279 1.0595908 1.0627211 1.064173 1.0659152]\n", + " [1.1821885 1.1770127 1.1867338 1.1958331 1.1822178 1.1476501 1.1117027\n", + " 1.0895078 1.0783266 1.0769863 1.0773896 1.0729667 1.0626649 1.0536374\n", + " 1.0496345 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1823997 1.1794797 1.1904976 1.2000223 1.1875024 1.1527839 1.1166984\n", + " 1.0923275 1.0800905 1.075566 1.0730023 1.0668423 1.0569714 1.049283\n", + " 1.0458481 1.0482168 1.0535567 1.0584462 1.0613551 1.0624721 1.0639501\n", + " 1.0682064 1.0763795 0. ]\n", + " [1.1800839 1.174019 1.1836247 1.1910478 1.1794704 1.1466668 1.1113801\n", + " 1.0894964 1.0792135 1.0775244 1.078459 1.0738617 1.0637764 1.0542176\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.151761 1.148107 1.1573529 1.165019 1.1547765 1.1247431 1.0944805\n", + " 1.0741847 1.0640932 1.0605426 1.0595781 1.0546563 1.047093 1.039944\n", + " 1.0369307 1.0383708 1.0427266 1.0470675 1.0491248 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1425947 1.1410983 1.1517084 1.1603744 1.1506903 1.1209315 1.091648\n", + " 1.0721625 1.0622158 1.0586929 1.0562527 1.0508895 1.0429944 1.0367168\n", + " 1.034127 1.0356535 1.0402514 1.0445076 1.0467408 1.0475322 1.0483074\n", + " 1.0511265 1.0574502 1.0657305]\n", + " [1.187851 1.1835135 1.1937323 1.2009816 1.1893456 1.1538825 1.1183773\n", + " 1.0931855 1.0806813 1.0761298 1.0737772 1.0688132 1.0594848 1.0516738\n", + " 1.0478221 1.0499215 1.0555805 1.0605736 1.0630095 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1724799 1.1680669 1.1772432 1.1847376 1.1734169 1.1406999 1.1072837\n", + " 1.0846639 1.0728494 1.0698676 1.068406 1.0624976 1.0537751 1.0461614\n", + " 1.0431912 1.0449712 1.049899 1.0546566 1.0572287 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1690809 1.1653589 1.1764026 1.1857885 1.1738931 1.1405033 1.1056519\n", + " 1.0831875 1.0726588 1.0696579 1.0692537 1.0637317 1.0546753 1.0460873\n", + " 1.0424622 1.0440162 1.0492294 1.0546284 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1642574 1.1609857 1.172681 1.1828302 1.171915 1.1405926 1.1070123\n", + " 1.0840496 1.0717536 1.0678524 1.0660089 1.0599804 1.0508602 1.0431585\n", + " 1.0404825 1.0426077 1.0475984 1.0529261 1.0547997 1.0554124 1.0564184\n", + " 1.0590502 1.0660454 1.0756302 1.0832747]\n", + " [1.1711901 1.1670212 1.1773617 1.1870652 1.175343 1.1408035 1.1053648\n", + " 1.0826463 1.0722243 1.0706097 1.0701829 1.0655738 1.0566806 1.0481727\n", + " 1.0441782 1.0458736 1.0511681 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2169114 1.211592 1.222536 1.230783 1.2165309 1.1781371 1.1378477\n", + " 1.1103927 1.0974218 1.0954626 1.0958912 1.0895541 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1902071 1.1863971 1.1970516 1.2058501 1.1925225 1.1565379 1.1194739\n", + " 1.0946381 1.0839682 1.0818312 1.0825717 1.0773547 1.0666125 1.0571632\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1551554 1.1500975 1.1566204 1.1633753 1.1515305 1.122848 1.0932801\n", + " 1.0735371 1.0647815 1.0628952 1.0632 1.0588566 1.0510697 1.0433997\n", + " 1.0401527 0. 0. 0. 0. ]\n", + " [1.1763496 1.170882 1.1799182 1.1886189 1.1774132 1.1449823 1.1103588\n", + " 1.0883104 1.0778334 1.0762388 1.076762 1.0715379 1.0625659 1.0534221\n", + " 1.049206 0. 0. 0. 0. ]\n", + " [1.1840551 1.1806897 1.1911491 1.1995519 1.1863843 1.1513938 1.1156851\n", + " 1.0908619 1.0793761 1.0761657 1.0742033 1.0683126 1.0590615 1.050386\n", + " 1.0465473 1.0486088 1.0540289 1.0591824 1.0615185]\n", + " [1.1685424 1.1647388 1.1761694 1.1850317 1.1737972 1.1401907 1.1052134\n", + " 1.083518 1.0735891 1.072942 1.0737964 1.069122 1.059213 1.0503109\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1728077 1.1699294 1.1803234 1.1890407 1.1774424 1.1443238 1.1096547\n", + " 1.0862329 1.0748483 1.0710773 1.0691097 1.0637455 1.0544246 1.0465168\n", + " 1.0430746 1.0448169 1.0496596 1.0544199 1.0569193 1.0576816 0. ]\n", + " [1.1798139 1.1746409 1.1848955 1.1926546 1.1810371 1.1470912 1.1113493\n", + " 1.0877882 1.0773091 1.0747185 1.07383 1.0691296 1.0597014 1.0511191\n", + " 1.0472953 1.0493022 1.0553219 0. 0. 0. 0. ]\n", + " [1.1626842 1.161176 1.1722863 1.1810694 1.1679156 1.1356057 1.1026354\n", + " 1.080736 1.0700928 1.0674967 1.0662 1.0602689 1.051565 1.0438342\n", + " 1.0404824 1.0422912 1.047404 1.0519762 1.0544312 0. 0. ]\n", + " [1.1706287 1.1671664 1.177132 1.185585 1.1731446 1.1384168 1.1045401\n", + " 1.0821297 1.0717359 1.0693744 1.0692604 1.0649395 1.0558068 1.0479461\n", + " 1.0444318 1.0458293 1.0510802 0. 0. 0. 0. ]\n", + " [1.1667109 1.1619729 1.1710085 1.178792 1.1677185 1.1361219 1.1040186\n", + " 1.0820653 1.071177 1.0673022 1.0653613 1.059535 1.0510907 1.043877\n", + " 1.040964 1.0424225 1.047069 1.0516307 1.0544697 1.0557181 1.0573044]]\n", + "[[1.1797013 1.1735854 1.1819887 1.1888409 1.1787304 1.1466408 1.1125445\n", + " 1.0894694 1.0782045 1.0756484 1.0751398 1.0705492 1.0616454 1.0529201\n", + " 1.0493262 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1771849 1.1738244 1.1836259 1.1925929 1.1801634 1.1463768 1.1110353\n", + " 1.0880578 1.0766007 1.0722172 1.0699817 1.0635754 1.0546467 1.0465837\n", + " 1.043638 1.0459062 1.0512756 1.0559044 1.0583245 1.0592971 1.0605856\n", + " 0. ]\n", + " [1.1681354 1.1666167 1.1783909 1.1884784 1.1751124 1.1420544 1.107154\n", + " 1.0847174 1.0735831 1.0691563 1.0675615 1.0617089 1.0524511 1.044569\n", + " 1.0417987 1.0435933 1.049007 1.0530902 1.0561247 1.0571315 1.0586976\n", + " 1.0626134]\n", + " [1.1695156 1.1671717 1.1784835 1.1872007 1.1744188 1.1401633 1.1057206\n", + " 1.0829126 1.0721987 1.0688078 1.0671855 1.0619602 1.053254 1.0458314\n", + " 1.0424746 1.0445601 1.0496856 1.0549312 1.0572342 1.0581527 0.\n", + " 0. ]\n", + " [1.175164 1.170946 1.182197 1.1914303 1.1784414 1.1444808 1.109321\n", + " 1.0865377 1.0765947 1.0748384 1.0749454 1.0694802 1.0603442 1.0513667\n", + " 1.0469863 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.169692 1.1660045 1.1763444 1.185502 1.1720135 1.1386882 1.1047108\n", + " 1.0821296 1.0724056 1.0707504 1.0706583 1.0653628 1.0562006 1.0477601\n", + " 1.0436736 1.0452418 1.050482 0. 0. 0. 0. ]\n", + " [1.1764845 1.1733439 1.1827849 1.1912928 1.1795776 1.1468368 1.1132379\n", + " 1.0899813 1.0796423 1.0770941 1.0770584 1.071814 1.0614161 1.0524851\n", + " 1.0484133 0. 0. 0. 0. 0. 0. ]\n", + " [1.1832987 1.1808302 1.192534 1.2004384 1.1890317 1.1539311 1.1169686\n", + " 1.0916556 1.0798616 1.0759517 1.0736446 1.0681819 1.0588653 1.0504835\n", + " 1.0464612 1.0487615 1.0546353 1.0597196 1.0620184 1.0627955 0. ]\n", + " [1.1684073 1.1672328 1.1775992 1.186925 1.1732246 1.1395285 1.1057622\n", + " 1.0825574 1.0726604 1.0703537 1.0703738 1.0660473 1.0568087 1.047978\n", + " 1.0442876 1.0457612 1.0510262 0. 0. 0. 0. ]\n", + " [1.1723087 1.1685591 1.1788787 1.1893114 1.1792102 1.1464106 1.1120677\n", + " 1.0885515 1.076337 1.0717961 1.069236 1.0635093 1.0544845 1.0471002\n", + " 1.043893 1.0456626 1.0508603 1.055529 1.057705 1.0583543 1.0598897]]\n", + "[[1.1763312 1.1719337 1.181532 1.1905214 1.1781436 1.1460503 1.11184\n", + " 1.0884929 1.0780712 1.0755748 1.0758142 1.0706471 1.0610873 1.0521299\n", + " 1.0483584 1.0500863 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1756455 1.1733208 1.183068 1.1913279 1.1784834 1.1452763 1.1116114\n", + " 1.0886803 1.0764395 1.0715909 1.0689114 1.0626427 1.0532135 1.0459157\n", + " 1.0427611 1.0448503 1.0495089 1.0544965 1.0572332 1.0587106 1.0604714\n", + " 1.0644324]\n", + " [1.1777114 1.1728361 1.182234 1.1913189 1.1791108 1.1455146 1.1114609\n", + " 1.0890703 1.0783837 1.0760616 1.0760902 1.070604 1.0608487 1.0520835\n", + " 1.0482869 1.0506083 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1700851 1.1659932 1.1754047 1.1839882 1.1721711 1.1392069 1.1053653\n", + " 1.0828995 1.0724558 1.0696613 1.0694749 1.0647022 1.0555958 1.0473924\n", + " 1.0435663 1.0456172 1.050914 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1763084 1.1735435 1.1836199 1.1914554 1.1798728 1.1461267 1.1113302\n", + " 1.0880742 1.0766306 1.0737363 1.0720309 1.067397 1.0577136 1.0498317\n", + " 1.0459739 1.047947 1.0529073 1.058243 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1649677 1.1618497 1.171246 1.1799557 1.1683569 1.136399 1.1020899\n", + " 1.0804294 1.069949 1.0672404 1.067062 1.0622932 1.0530012 1.0453316\n", + " 1.0418065 1.043359 1.048024 1.05307 0. ]\n", + " [1.1685327 1.1645273 1.1737394 1.182953 1.1713812 1.1398581 1.1065464\n", + " 1.0836766 1.0728375 1.0701572 1.0690712 1.0635697 1.0550597 1.0472082\n", + " 1.0434833 1.0451683 1.0503424 1.0551829 0. ]\n", + " [1.1893559 1.1857153 1.19634 1.205227 1.1919489 1.1552379 1.1174669\n", + " 1.092712 1.081545 1.0793725 1.0783834 1.0732671 1.0632404 1.0543939\n", + " 1.0497835 1.0525496 1.0586793 0. 0. ]\n", + " [1.1770512 1.1734412 1.18374 1.1925839 1.1810699 1.1472919 1.1113943\n", + " 1.0868604 1.0751579 1.0718129 1.0703425 1.066115 1.0574454 1.0496488\n", + " 1.0455611 1.0473866 1.052392 1.057669 1.0603662]\n", + " [1.1604624 1.1570185 1.1665945 1.1743977 1.16409 1.133583 1.1018004\n", + " 1.0802042 1.0701791 1.0677103 1.0671127 1.0628494 1.0540321 1.0461504\n", + " 1.0427165 1.0445048 0. 0. 0. ]]\n", + "[[1.1899251 1.1836258 1.1920372 1.1988816 1.186078 1.1519117 1.1170652\n", + " 1.0934728 1.082084 1.0784366 1.0776596 1.0718946 1.0622395 1.0538675\n", + " 1.05034 1.052854 1.0588138 0. 0. ]\n", + " [1.1704786 1.1676776 1.1780449 1.1874188 1.1749375 1.1423233 1.1085601\n", + " 1.085676 1.0745639 1.071812 1.0707624 1.0663136 1.0575593 1.0493302\n", + " 1.0453832 1.0470854 1.0526503 0. 0. ]\n", + " [1.173435 1.1700072 1.1808411 1.1902966 1.1782124 1.1451132 1.1105413\n", + " 1.0872993 1.0771074 1.0757154 1.0762488 1.0709866 1.0611225 1.052106\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1785526 1.1752543 1.1844181 1.1929678 1.1795815 1.1465601 1.1121674\n", + " 1.0890384 1.0779507 1.0757152 1.0745182 1.0694261 1.0598689 1.0508101\n", + " 1.0474138 1.0494977 1.0551708 0. 0. ]\n", + " [1.193716 1.1909016 1.2032918 1.2132529 1.1980245 1.1605057 1.1216779\n", + " 1.0959473 1.0835656 1.0799534 1.0786897 1.0727744 1.0624897 1.0536581\n", + " 1.0495042 1.051586 1.0571743 1.0631548 1.0660647]]\n", + "[[1.1651802 1.1613722 1.1730273 1.1833881 1.172394 1.1392406 1.1047429\n", + " 1.0816588 1.0712194 1.0687023 1.0685294 1.0634599 1.0544999 1.0457381\n", + " 1.0418998 1.043577 1.048719 1.0541147 0. 0. ]\n", + " [1.1624402 1.157471 1.1657926 1.1735641 1.1611543 1.1303331 1.0993873\n", + " 1.0780792 1.0681844 1.0653533 1.0638387 1.0593997 1.0508393 1.0436637\n", + " 1.0403554 1.0420045 1.0470135 1.051696 0. 0. ]\n", + " [1.1602352 1.1573172 1.1669768 1.1758069 1.1637928 1.1326156 1.1004838\n", + " 1.0790681 1.0687721 1.066572 1.0656482 1.0612898 1.0529681 1.045038\n", + " 1.0413638 1.0431656 1.0482802 0. 0. 0. ]\n", + " [1.1760046 1.1758937 1.1877749 1.198066 1.1846576 1.1499581 1.1142414\n", + " 1.0895197 1.0775532 1.0733566 1.0707387 1.0656538 1.0568182 1.0482064\n", + " 1.0446819 1.046565 1.0513186 1.0567054 1.0600761 1.0612425]\n", + " [1.1842748 1.1811082 1.1915864 1.1991799 1.1878213 1.1528388 1.116986\n", + " 1.092146 1.0802186 1.0766244 1.0747733 1.0695102 1.0601407 1.0512024\n", + " 1.0475183 1.0493823 1.0547171 1.0599023 1.0624893 0. ]]\n", + "[[1.1773124 1.1710112 1.1806452 1.1887 1.177593 1.1437179 1.1094942\n", + " 1.0868405 1.0770364 1.0754323 1.075603 1.0705429 1.0608311 1.0520105\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1551266 1.15296 1.1627301 1.1714572 1.1596507 1.1293142 1.0966103\n", + " 1.0754373 1.0649463 1.0622144 1.0613946 1.0573946 1.049873 1.0430025\n", + " 1.0392004 1.0405724 1.0447961 1.0490301 1.0511705 0. 0.\n", + " 0. 0. ]\n", + " [1.1541696 1.1515892 1.161263 1.169682 1.1585237 1.1283431 1.096771\n", + " 1.0759679 1.0657878 1.0622034 1.0600318 1.0549386 1.0466385 1.0394847\n", + " 1.0371338 1.039158 1.044222 1.0486653 1.0515276 1.052611 1.0539237\n", + " 1.0566921 1.0632575]\n", + " [1.2144852 1.2088511 1.2182623 1.226238 1.2105829 1.1721267 1.1326951\n", + " 1.1063912 1.094337 1.0926764 1.0921743 1.0860741 1.0740162 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1715671 1.165912 1.176101 1.1858115 1.1760993 1.1429763 1.107688\n", + " 1.0847883 1.0744102 1.072233 1.0719398 1.06683 1.0576028 1.0487736\n", + " 1.0446792 1.0463914 1.0518664 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1958673 1.1917057 1.2024175 1.2115499 1.1982088 1.1611649 1.1225014\n", + " 1.0976905 1.0861858 1.0839139 1.0843558 1.0787655 1.068387 1.0581229\n", + " 1.0537316 1.0558941 0. ]\n", + " [1.1756444 1.1730953 1.1836436 1.1923138 1.1786803 1.1433903 1.1082602\n", + " 1.0857135 1.0759397 1.0752946 1.0754392 1.0710167 1.0608572 1.0518285\n", + " 0. 0. 0. ]\n", + " [1.1764734 1.1724604 1.1816214 1.1893544 1.1794047 1.1462197 1.1116061\n", + " 1.0880768 1.0769063 1.0745552 1.0741103 1.06886 1.0596068 1.0503318\n", + " 1.046063 1.0475872 1.0527469]\n", + " [1.1707991 1.1658024 1.1752517 1.1821252 1.1693144 1.1367064 1.103569\n", + " 1.0823709 1.0732532 1.0725358 1.0730325 1.0679826 1.0587511 1.050205\n", + " 0. 0. 0. ]\n", + " [1.1724992 1.1688999 1.1803125 1.1888108 1.1767888 1.1423105 1.107641\n", + " 1.0850722 1.0741677 1.072875 1.0732849 1.0687714 1.059652 1.0509918\n", + " 1.046928 1.0485632 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1671796 1.1638285 1.1737298 1.1832259 1.171759 1.1388541 1.1055844\n", + " 1.0834684 1.0721508 1.0684211 1.0656818 1.0600945 1.0511001 1.0433929\n", + " 1.0399483 1.041935 1.0464404 1.0511007 1.0535592 1.0545408 1.0556985]\n", + " [1.1702014 1.1685362 1.1789544 1.1868091 1.1752971 1.1408472 1.1053922\n", + " 1.0829146 1.0719342 1.069067 1.0689615 1.0640863 1.0542125 1.0466783\n", + " 1.0431498 1.045082 1.0502985 1.0555041 0. 0. 0. ]\n", + " [1.2231249 1.2164282 1.2261848 1.2358009 1.2210315 1.1798573 1.1364737\n", + " 1.1075066 1.0956473 1.0943223 1.0954882 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1685116 1.1654493 1.1763906 1.1849499 1.1745142 1.1413591 1.106602\n", + " 1.0836172 1.0733144 1.0709698 1.0709028 1.0662471 1.0576059 1.0490084\n", + " 1.0451782 1.0468556 0. 0. 0. 0. 0. ]\n", + " [1.1862348 1.1835048 1.1947575 1.2052767 1.1928018 1.1573628 1.1199166\n", + " 1.0942279 1.081278 1.078015 1.0762681 1.0706949 1.0611329 1.0524981\n", + " 1.0488228 1.0508435 1.0562164 1.0613087 1.0639795 0. 0. ]]\n", + "[[1.1814773 1.1780446 1.1905605 1.200658 1.1896449 1.1535592 1.1157728\n", + " 1.0898883 1.0781348 1.0743511 1.0726829 1.067441 1.0578489 1.0491798\n", + " 1.0454012 1.0472718 1.0525053 1.0574217 1.0597062 1.0602989]\n", + " [1.1875834 1.1824918 1.1924216 1.2012974 1.1874923 1.151578 1.1150031\n", + " 1.0913597 1.0799096 1.0788256 1.0786419 1.0742627 1.0643283 1.0552734\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1824878 1.1768547 1.1867837 1.1962119 1.1839721 1.1494498 1.1131363\n", + " 1.08819 1.0780016 1.0767884 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1977323 1.1923649 1.2027934 1.21096 1.1941742 1.1554677 1.1170669\n", + " 1.0921926 1.0821378 1.0815496 1.0825243 1.0772846 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.209914 1.2037092 1.213132 1.2198204 1.2062244 1.1687621 1.1286752\n", + " 1.1027654 1.0910975 1.0894021 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2184073 1.2118509 1.2230579 1.2324039 1.2160654 1.1743956 1.1317946\n", + " 1.10362 1.092467 1.0911021 1.091245 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1487623 1.1449325 1.1538408 1.1613557 1.1503184 1.1213412 1.091282\n", + " 1.0713269 1.06269 1.060522 1.0599002 1.0554048 1.0478466 1.0407088\n", + " 1.0375775 1.0391161 1.0437902 0. 0. ]\n", + " [1.1663305 1.1642556 1.1754457 1.1850473 1.1726321 1.1393727 1.1051704\n", + " 1.081941 1.0708607 1.0671921 1.0666919 1.0615637 1.05318 1.0457424\n", + " 1.0422392 1.0440823 1.0487646 1.0534968 1.0560088]\n", + " [1.2184924 1.2117774 1.2223054 1.2315995 1.2165837 1.1761096 1.1348982\n", + " 1.1070431 1.0952151 1.0936664 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2019964 1.1943209 1.2032113 1.2121593 1.1994843 1.1649064 1.1273949\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1619451 1.1569341 1.1665549 1.1738621 1.1630166 1.1309822 1.0981694\n", + " 1.0762391 1.0663195 1.0643556 1.0648519 1.0605253 1.0525781 1.0449706\n", + " 1.0416503 1.0434777 1.0485702 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1484414 1.1447014 1.1554382 1.164572 1.1549827 1.1250331 1.0945343\n", + " 1.0739648 1.0635923 1.060504 1.0589563 1.053802 1.0453935 1.0387201\n", + " 1.0360471 1.0380085 1.042934 1.0473496 1.0494071 1.0501963 1.0507722\n", + " 1.053774 1.0603493 1.0695404 1.0764714 1.0798553]\n", + " [1.1616871 1.1580576 1.1692735 1.1789057 1.1670375 1.1349543 1.101689\n", + " 1.079889 1.0694537 1.0664132 1.0652312 1.0597864 1.0511355 1.0433161\n", + " 1.0399699 1.0414321 1.0462198 1.0509393 1.0532415 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1623968 1.1585547 1.1687683 1.1786451 1.168224 1.13601 1.1027918\n", + " 1.0811206 1.0712539 1.0697079 1.0703472 1.0660738 1.0570542 1.0489885\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1679956 1.1638712 1.1744531 1.1827253 1.1720451 1.1390246 1.1047059\n", + " 1.0827808 1.0717404 1.069811 1.0693485 1.0655956 1.0568373 1.0486159\n", + " 1.0450268 1.0469328 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1653 1.162503 1.1729758 1.1823869 1.1709509 1.1383579 1.1048093\n", + " 1.0821487 1.0720363 1.0695989 1.0687531 1.064542 1.0560614 1.0479023\n", + " 1.0442984 1.0458009 1.0509005 0. 0. 0. ]\n", + " [1.1879476 1.1819582 1.1902872 1.1970811 1.18434 1.150103 1.115181\n", + " 1.0919944 1.0801413 1.0767384 1.0753412 1.0696453 1.0603887 1.0517544\n", + " 1.0478683 1.0495163 1.0546225 1.0599552 0. 0. ]\n", + " [1.161048 1.157221 1.1674775 1.1763775 1.1641862 1.1328534 1.1006948\n", + " 1.078933 1.0684283 1.0656532 1.0648042 1.0596079 1.0514752 1.043854\n", + " 1.0403541 1.0418937 1.0469356 1.0514355 1.05367 0. ]\n", + " [1.1598257 1.1581556 1.1689328 1.178273 1.1664292 1.1343644 1.1014946\n", + " 1.0793116 1.0687107 1.0654991 1.0636085 1.0583334 1.0497202 1.042024\n", + " 1.0387982 1.0400851 1.044302 1.0491714 1.0516165 1.0525267]\n", + " [1.1590089 1.154056 1.1614932 1.170518 1.1600163 1.130484 1.1001723\n", + " 1.0798733 1.0706639 1.0685465 1.0684294 1.0642527 1.0549927 1.0465016\n", + " 1.042671 0. 0. 0. 0. 0. ]]\n", + "[[1.1719656 1.1676605 1.1782154 1.1871681 1.1755401 1.1420177 1.1080728\n", + " 1.0860935 1.0761415 1.0746601 1.075149 1.0703894 1.0605359 1.0516729\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1667166 1.1661423 1.1782295 1.188407 1.1768675 1.1434171 1.1086735\n", + " 1.0855192 1.0738924 1.0694804 1.0677556 1.0618291 1.0528177 1.0448687\n", + " 1.041597 1.0435674 1.0485549 1.0535058 1.0562719 1.0575582 1.0592287\n", + " 1.0629495 1.0705746 0. ]\n", + " [1.1715207 1.1689898 1.1809974 1.1914102 1.178917 1.1441302 1.1084194\n", + " 1.0848249 1.0736316 1.07054 1.0693152 1.0640028 1.0546197 1.0465987\n", + " 1.0429736 1.0442883 1.0492333 1.0544899 1.056917 1.0577135 0.\n", + " 0. 0. 0. ]\n", + " [1.1630951 1.1600977 1.1711383 1.1808174 1.1698703 1.1376102 1.1047552\n", + " 1.0825831 1.0711477 1.0674777 1.0654418 1.0591176 1.0505493 1.0431577\n", + " 1.0402558 1.0421001 1.0469997 1.0518773 1.0539482 1.0548266 1.0560296\n", + " 1.0594773 1.06655 1.0765305]\n", + " [1.1656199 1.1607678 1.1700788 1.1780545 1.1667073 1.1346053 1.1017951\n", + " 1.0801282 1.0704149 1.0681697 1.0676528 1.0635266 1.0552052 1.0468999\n", + " 1.0436771 1.045506 1.0508263 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1507862 1.1457975 1.1533191 1.1600616 1.1483029 1.1190718 1.089454\n", + " 1.0706904 1.0623605 1.0610036 1.0619081 1.0579528 1.049927 1.042314\n", + " 1.0393761 0. 0. ]\n", + " [1.1835437 1.1773823 1.1871973 1.1948764 1.1831183 1.1485807 1.1147224\n", + " 1.0916228 1.0816379 1.0804543 1.0803504 1.0747347 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1952786 1.1896734 1.1995332 1.2070026 1.1952438 1.1598021 1.1235718\n", + " 1.099191 1.0887356 1.0863669 1.0854368 1.0792991 1.068644 1.0583197\n", + " 0. 0. 0. ]\n", + " [1.1779392 1.1754774 1.1866118 1.1950259 1.1818292 1.1461835 1.110116\n", + " 1.0868396 1.07601 1.0745585 1.074622 1.0690614 1.0594878 1.0508566\n", + " 1.046716 1.0486603 1.0544729]\n", + " [1.204569 1.1996454 1.2101513 1.2191883 1.2045722 1.1664398 1.1278713\n", + " 1.102227 1.0907879 1.0887 1.0891336 1.0836556 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1760665 1.1713727 1.1816019 1.1913326 1.1787614 1.1441364 1.109217\n", + " 1.0864147 1.0760318 1.0744667 1.0749596 1.0701219 1.0604131 1.0515865\n", + " 1.0471187 0. 0. 0. 0. 0. ]\n", + " [1.1959378 1.1919314 1.202558 1.2124321 1.1971211 1.1584445 1.1204789\n", + " 1.0952358 1.0850807 1.0833148 1.0837388 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1724807 1.1696846 1.1821281 1.1921406 1.1796939 1.1440881 1.1088036\n", + " 1.0854427 1.0741695 1.0704273 1.0692587 1.0637735 1.0545472 1.0465326\n", + " 1.0429934 1.0449979 1.0503094 1.05528 1.0577786 1.0585493]\n", + " [1.1766593 1.1700789 1.1791354 1.1886322 1.1775248 1.145169 1.11114\n", + " 1.0882427 1.0778464 1.0761943 1.0753142 1.0692551 1.0598168 1.0506183\n", + " 1.0468459 0. 0. 0. 0. 0. ]\n", + " [1.171098 1.1666014 1.1767875 1.1861396 1.1736592 1.140383 1.1063982\n", + " 1.08448 1.0743994 1.072058 1.0722513 1.0670216 1.0572897 1.0490501\n", + " 1.0453408 1.0471693 0. 0. 0. 0. ]]\n", + "[[1.1637596 1.1597991 1.1686705 1.1769106 1.1670085 1.1369638 1.1048362\n", + " 1.0826496 1.0709054 1.0665681 1.0642451 1.0589193 1.0504644 1.0428635\n", + " 1.0398936 1.0418694 1.0468194 1.0513912 1.0537862 1.0546942]\n", + " [1.1809072 1.1761316 1.1860471 1.1947175 1.1833718 1.1484984 1.1117543\n", + " 1.088124 1.0772686 1.0749747 1.0741123 1.0692698 1.059587 1.0506343\n", + " 1.0464168 1.0482417 1.0537271 1.0594593 0. 0. ]\n", + " [1.1773645 1.1743011 1.185647 1.1960652 1.1837047 1.148392 1.1124233\n", + " 1.0885957 1.077035 1.074539 1.0729975 1.0678885 1.0581174 1.0489879\n", + " 1.0452913 1.0467767 1.0519192 1.0572579 0. 0. ]\n", + " [1.1678587 1.165628 1.1769272 1.1860425 1.173304 1.1404942 1.106408\n", + " 1.0836847 1.0728419 1.0702659 1.0691197 1.0643584 1.0550332 1.0468842\n", + " 1.0430056 1.0447538 1.0498275 1.0554901 0. 0. ]\n", + " [1.1990101 1.191039 1.1991353 1.2091056 1.197079 1.1603053 1.1232525\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1587102 1.1565775 1.1670618 1.1770456 1.1655099 1.1346221 1.1024458\n", + " 1.080198 1.0692106 1.0650942 1.0628035 1.0572715 1.0493131 1.0424569\n", + " 1.0394932 1.0409012 1.0453863 1.0501227 1.0523524 1.0532439 1.0547377\n", + " 1.0583905]\n", + " [1.1743946 1.1709455 1.1823329 1.1909698 1.1799395 1.1457615 1.1103175\n", + " 1.0866375 1.0750458 1.0716112 1.0698981 1.0648911 1.0559828 1.0478278\n", + " 1.0439962 1.0454571 1.0503309 1.0555837 1.0578916 0. 0.\n", + " 0. ]\n", + " [1.213431 1.2065433 1.2174125 1.2266532 1.2125437 1.173907 1.1338998\n", + " 1.1068897 1.0952903 1.093838 1.0945209 1.0886415 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1789792 1.1753957 1.1855631 1.1927981 1.1810017 1.1461989 1.1114447\n", + " 1.0880324 1.0776054 1.0749962 1.0742089 1.0696046 1.0598099 1.0514556\n", + " 1.0477364 1.0495509 1.0552183 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1628647 1.15875 1.1687055 1.1768544 1.1650856 1.133891 1.1017255\n", + " 1.0803102 1.0698632 1.0672978 1.0658299 1.0611359 1.0523664 1.0445434\n", + " 1.0413346 1.0433224 1.0484259 1.0533328 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1874129 1.1844407 1.1954525 1.2037848 1.1885872 1.1513739 1.114862\n", + " 1.0912093 1.0809741 1.0797067 1.0798653 1.074077 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1583738 1.1553383 1.1646655 1.1717997 1.1606858 1.1287777 1.0966043\n", + " 1.076276 1.0668402 1.064477 1.0645287 1.0596333 1.0513418 1.0438131\n", + " 1.0402875 1.0420223 1.0467478 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1669672 1.1613984 1.169878 1.1765358 1.1646904 1.1335464 1.1015879\n", + " 1.08009 1.0696485 1.0667536 1.065298 1.0602376 1.0521315 1.0447439\n", + " 1.0415846 1.0437222 1.048643 1.0533301 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1485654 1.1471431 1.1575615 1.1668959 1.1557454 1.1252601 1.0943071\n", + " 1.0738121 1.0639678 1.0604917 1.0586162 1.0535319 1.0457972 1.0393102\n", + " 1.0364193 1.0381509 1.0423839 1.0466175 1.0490166 1.049891 1.0511694\n", + " 1.0543271 1.0608041]\n", + " [1.2065835 1.1996238 1.2082384 1.2163213 1.2022183 1.1663513 1.1285492\n", + " 1.1029928 1.0911865 1.088755 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1802231 1.1754403 1.1857045 1.1941255 1.1819155 1.1481032 1.1135545\n", + " 1.0900909 1.0792471 1.0766985 1.0761297 1.0709248 1.0607946 1.0517764\n", + " 1.0480446 1.0500048 1.0559343 0. 0. 0. 0. ]\n", + " [1.16915 1.1666447 1.1780598 1.1875733 1.1747642 1.1416016 1.1066462\n", + " 1.0832164 1.071746 1.068001 1.0657333 1.06027 1.0514085 1.0441289\n", + " 1.0407804 1.0424914 1.0474088 1.0522511 1.0549097 1.0561045 1.057815 ]\n", + " [1.1505777 1.146739 1.1556188 1.1632242 1.1513448 1.1215386 1.0915563\n", + " 1.0720264 1.0630156 1.0612241 1.0609843 1.0563121 1.048605 1.040941\n", + " 1.0382292 1.0397017 1.0446023 0. 0. 0. 0. ]\n", + " [1.1644003 1.1616492 1.1718585 1.179635 1.168326 1.1361878 1.1028169\n", + " 1.0802355 1.0692428 1.0659279 1.0641407 1.0591058 1.0507302 1.0438949\n", + " 1.0404083 1.0422033 1.0469913 1.0516824 1.0539912 1.0552424 0. ]\n", + " [1.1670078 1.1654546 1.1767384 1.1865071 1.1746376 1.1419058 1.1074424\n", + " 1.0839543 1.0729074 1.0691102 1.0673918 1.0612705 1.0529442 1.0452714\n", + " 1.0420433 1.0432677 1.0483505 1.0531989 1.0554056 1.0562351 0. ]]\n", + "[[1.1501856 1.1479985 1.1587486 1.1683965 1.1578761 1.1273996 1.0958576\n", + " 1.0744443 1.0642953 1.0609041 1.0593905 1.0540102 1.0457542 1.0388935\n", + " 1.0357418 1.0369182 1.0415735 1.0457867 1.0483824 1.0494353 1.0510122]\n", + " [1.1814005 1.1773148 1.187671 1.1963763 1.1836963 1.1501377 1.1151612\n", + " 1.0913707 1.0803691 1.0776243 1.076257 1.0702953 1.061042 1.0519624\n", + " 1.0479279 1.0497661 1.0553544 1.0611128 0. 0. 0. ]\n", + " [1.1651466 1.1637409 1.1751719 1.1845732 1.173116 1.1411804 1.1078273\n", + " 1.0849774 1.0734429 1.0690023 1.0668163 1.0611346 1.0520916 1.0450997\n", + " 1.041626 1.0436548 1.0486767 1.0534968 1.0556448 1.0569563 1.0582819]\n", + " [1.1558175 1.1524608 1.1626596 1.1711353 1.1606871 1.128715 1.0967858\n", + " 1.0754179 1.0666813 1.0652938 1.0657932 1.06147 1.052824 1.0449083\n", + " 1.0413783 0. 0. 0. 0. 0. 0. ]\n", + " [1.2159088 1.2106683 1.2213991 1.2293085 1.2151924 1.1756123 1.1343434\n", + " 1.1071408 1.0953419 1.0933101 1.0935955 1.0878093 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1462303 1.1406194 1.146807 1.1523861 1.1413597 1.1140841 1.0862031\n", + " 1.0678438 1.0590526 1.0573756 1.0576301 1.0543551 1.0474709 1.0410589\n", + " 1.0378166 1.0393723 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1595513 1.1578529 1.1685008 1.1776958 1.1654605 1.1330583 1.1005986\n", + " 1.0791836 1.0682393 1.0645008 1.0622292 1.0568938 1.0483707 1.0414588\n", + " 1.0389299 1.0408999 1.0450879 1.0498208 1.0522139 1.0534093 1.0550364\n", + " 1.0587492]\n", + " [1.1702944 1.1660373 1.1758521 1.1841013 1.1728961 1.1407447 1.1079521\n", + " 1.0860112 1.0757201 1.0736996 1.0735033 1.0682642 1.0590805 1.050823\n", + " 1.0471373 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1666338 1.164999 1.1744584 1.1833538 1.171593 1.1396292 1.1061219\n", + " 1.0838536 1.072618 1.0688535 1.0679383 1.0624225 1.053123 1.0456475\n", + " 1.0420301 1.043805 1.0485834 1.0536953 1.0562557 0. 0.\n", + " 0. ]\n", + " [1.1639299 1.1595507 1.1683735 1.1753652 1.1648947 1.1327271 1.0999551\n", + " 1.077593 1.0674856 1.0647974 1.0639547 1.0594575 1.0520102 1.0449861\n", + " 1.0418675 1.0435035 1.0480796 1.0530236 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1654233 1.1598698 1.169197 1.1781493 1.166826 1.135853 1.1036141\n", + " 1.0823638 1.0719094 1.0688925 1.0679659 1.0628412 1.054208 1.046\n", + " 1.0426052 1.0442672 1.0494838 1.0544802]\n", + " [1.162031 1.1573274 1.1650681 1.1719766 1.1602982 1.1297014 1.099286\n", + " 1.0780628 1.0675771 1.0641044 1.062729 1.0582336 1.0504013 1.0436457\n", + " 1.0408026 1.0425183 1.0470214 1.0516223]\n", + " [1.1948298 1.1907344 1.2003342 1.2090235 1.1942885 1.1583942 1.1208614\n", + " 1.0961074 1.0841272 1.0818144 1.0815009 1.0758897 1.0656582 1.0562873\n", + " 1.0524114 1.0548142 0. 0. ]\n", + " [1.1691935 1.1640028 1.1742027 1.1828705 1.1712601 1.138014 1.1048414\n", + " 1.0828706 1.0730253 1.071871 1.0726247 1.0681332 1.0590703 1.0504591\n", + " 0. 0. 0. 0. ]\n", + " [1.157795 1.1533139 1.1629504 1.1728373 1.1620542 1.1306893 1.098238\n", + " 1.0768806 1.0671165 1.0651206 1.0652252 1.0602884 1.0520376 1.0436691\n", + " 1.0397995 1.0416666 1.0468575 0. ]]\n", + "[[1.1751997 1.1718615 1.1825347 1.1916361 1.178635 1.1437846 1.1083906\n", + " 1.0854565 1.0753968 1.0743239 1.0750997 1.0707256 1.0611458 1.052305\n", + " 1.0485848 0. ]\n", + " [1.1672289 1.1616199 1.1700617 1.1775652 1.1667396 1.1352658 1.1028962\n", + " 1.0819228 1.0717081 1.0693499 1.0692904 1.0645367 1.0558989 1.0477972\n", + " 1.0442162 1.0459442]\n", + " [1.2141647 1.2089522 1.2197211 1.2302655 1.2156212 1.1764221 1.1353469\n", + " 1.1084021 1.0962045 1.0944537 1.0953698 1.0891175 0. 0.\n", + " 0. 0. ]\n", + " [1.2040272 1.198032 1.207722 1.2165626 1.2010216 1.1627536 1.1254678\n", + " 1.1008362 1.0902127 1.0881133 1.0879123 1.0811197 1.0696435 0.\n", + " 0. 0. ]\n", + " [1.2007996 1.1916689 1.2015219 1.2121147 1.2010909 1.165266 1.1279691\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1677134 1.1630789 1.1713504 1.1795657 1.1666886 1.1340351 1.1016062\n", + " 1.0804905 1.0716107 1.070692 1.0720787 1.0669829 1.0575867 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2199466 1.2146212 1.2243602 1.2323322 1.2157782 1.1761101 1.1347388\n", + " 1.107088 1.0939224 1.0929085 1.0930772 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.176247 1.1740066 1.1853075 1.1937741 1.1812072 1.1455045 1.1097212\n", + " 1.0859336 1.0756892 1.0731491 1.072239 1.0676055 1.0578622 1.0495287\n", + " 1.0459212 1.0475208 1.0527111 1.0581979]\n", + " [1.190174 1.1862886 1.1968927 1.2050245 1.1927607 1.1564221 1.1190494\n", + " 1.0936539 1.0814162 1.0774772 1.0768167 1.070813 1.0611627 1.0523685\n", + " 1.0483873 1.0502667 1.0557971 1.0612493]\n", + " [1.2044075 1.1983765 1.2079545 1.2143545 1.2012818 1.1636556 1.1250739\n", + " 1.0996294 1.0877383 1.0857451 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.154748 1.1516424 1.1609733 1.1694419 1.1577841 1.1271025 1.0956969\n", + " 1.0752251 1.0647799 1.0614053 1.0603355 1.0554663 1.0473248 1.040647\n", + " 1.0379132 1.0391206 1.0436581 1.048328 1.05078 1.0519099]\n", + " [1.19137 1.1873752 1.1978915 1.206579 1.1930993 1.1574724 1.1203052\n", + " 1.0949126 1.0829216 1.0794406 1.0789055 1.0736479 1.063816 1.0547117\n", + " 1.0508965 1.053045 1.0586098 1.0639725 0. 0. ]]\n", + "[[1.162383 1.15892 1.1683017 1.17706 1.1661125 1.1344198 1.102069\n", + " 1.0796206 1.0691526 1.0666233 1.0668426 1.0627555 1.0538728 1.0460461\n", + " 1.0423183 1.043811 1.0487895 0. 0. ]\n", + " [1.16761 1.1649135 1.1757625 1.1848215 1.174371 1.1416082 1.1069101\n", + " 1.0839233 1.0723895 1.0689833 1.0681204 1.0633754 1.0539242 1.0465468\n", + " 1.042689 1.0441191 1.0489281 1.0539846 1.0566617]\n", + " [1.1761103 1.1716528 1.1824403 1.1919636 1.1801978 1.1467466 1.1118989\n", + " 1.0878768 1.0756423 1.0723261 1.0708904 1.0655924 1.0564027 1.0483958\n", + " 1.0445102 1.0463035 1.0514028 1.0565042 1.0587305]\n", + " [1.1904927 1.185181 1.1961701 1.206821 1.1934493 1.1567931 1.1183668\n", + " 1.0926447 1.08233 1.0810605 1.0812545 1.0766519 1.066793 1.0572797\n", + " 1.0528632 0. 0. 0. 0. ]\n", + " [1.1570241 1.1523621 1.1624631 1.1719022 1.1613784 1.1301 1.0977263\n", + " 1.0761776 1.0665394 1.065073 1.0652395 1.0613596 1.0531027 1.0450563\n", + " 1.0413842 1.0429634 0. 0. 0. ]]\n", + "[[1.1787833 1.1738482 1.1831247 1.1902561 1.1767972 1.1419532 1.107881\n", + " 1.0856843 1.075652 1.0752124 1.0756332 1.0698075 1.0605721 1.0515517\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.172034 1.1681012 1.1778163 1.1853675 1.1720887 1.1394857 1.1054773\n", + " 1.0828437 1.0716109 1.0690382 1.068169 1.063428 1.0548981 1.0476542\n", + " 1.0440674 1.045823 1.0503813 1.0550125 1.0574365 0. ]\n", + " [1.1829693 1.1803983 1.1914623 1.1998042 1.1889205 1.1532596 1.1158727\n", + " 1.0906672 1.0777274 1.0727627 1.0716155 1.0653619 1.0566353 1.0488409\n", + " 1.0451149 1.0468704 1.0519031 1.0565791 1.0595304 1.0608178]\n", + " [1.1640954 1.1594023 1.1686445 1.177635 1.1659821 1.1337808 1.1007916\n", + " 1.0790151 1.0691644 1.0669771 1.0665733 1.0623114 1.0538918 1.0464525\n", + " 1.042762 1.0442656 0. 0. 0. 0. ]\n", + " [1.1755292 1.1710453 1.1817657 1.1904205 1.1780157 1.1442684 1.109579\n", + " 1.0858694 1.0755738 1.0732905 1.0737647 1.0693364 1.0594517 1.0509174\n", + " 1.0469304 1.0489546 0. 0. 0. 0. ]]\n", + "[[1.1856068 1.1796656 1.1897565 1.199141 1.1865362 1.1527262 1.1160659\n", + " 1.092799 1.0818908 1.0805389 1.0808538 1.0749809 1.0648447 1.0550573\n", + " 1.0505333 0. 0. 0. 0. 0. 0. ]\n", + " [1.1873146 1.1822178 1.1926081 1.201513 1.1908382 1.1557691 1.1191415\n", + " 1.094677 1.0834996 1.0811783 1.0813105 1.0757585 1.0658195 1.0562321\n", + " 1.0520093 0. 0. 0. 0. 0. 0. ]\n", + " [1.1654103 1.1609532 1.1710309 1.180689 1.1696782 1.1369714 1.103202\n", + " 1.0814546 1.0716549 1.0702909 1.070576 1.0657866 1.0563002 1.0475357\n", + " 1.0435469 0. 0. 0. 0. 0. 0. ]\n", + " [1.1639444 1.162775 1.1739136 1.1838312 1.171767 1.1378814 1.1043528\n", + " 1.0818552 1.07074 1.0668905 1.0651925 1.0591385 1.0510451 1.0436896\n", + " 1.040764 1.042123 1.0469223 1.0521003 1.0548252 1.0564284 1.0580773]\n", + " [1.170708 1.1649768 1.1746539 1.1842202 1.1731793 1.1400878 1.1060011\n", + " 1.0840259 1.0742307 1.0733548 1.0738026 1.0692781 1.0597336 1.0505191\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1859317 1.181368 1.1913216 1.2001492 1.1878805 1.1520126 1.1156343\n", + " 1.0916098 1.0805535 1.078725 1.0785084 1.0740712 1.0644585 1.0552546\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1667676 1.164823 1.1761324 1.1843176 1.1716195 1.1375818 1.1039383\n", + " 1.0818044 1.07167 1.0694164 1.0682642 1.0628872 1.053753 1.0458515\n", + " 1.0420908 1.0439425 1.0492994 1.0545461 0. 0. ]\n", + " [1.1569995 1.1529703 1.1611972 1.1685259 1.1566975 1.125788 1.0950519\n", + " 1.075636 1.0664552 1.0648565 1.0648037 1.06071 1.0524119 1.0447278\n", + " 1.0416607 1.0436157 0. 0. 0. 0. ]\n", + " [1.1854942 1.180501 1.1893055 1.1963884 1.1847631 1.1505284 1.1147867\n", + " 1.0904006 1.0784569 1.0753809 1.0742657 1.0696392 1.0600485 1.051887\n", + " 1.0482885 1.0506858 1.0561746 0. 0. 0. ]\n", + " [1.1908393 1.1871266 1.1975385 1.2060511 1.1928698 1.1578231 1.1212449\n", + " 1.0965414 1.0843787 1.0801384 1.0777116 1.0710226 1.0607148 1.0520557\n", + " 1.0480744 1.0502458 1.0559574 1.0611622 1.0637131 1.064269 ]]\n", + "[[1.181281 1.1759734 1.1853784 1.1939416 1.1812446 1.1469351 1.1117115\n", + " 1.0890251 1.0782375 1.0764477 1.0762266 1.0712204 1.0617887 1.0526034\n", + " 1.0487942 1.0514047 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1800523 1.1792493 1.1924895 1.2013887 1.1873497 1.1513796 1.1143671\n", + " 1.089556 1.0784355 1.0748637 1.0743269 1.0684125 1.0586811 1.0502094\n", + " 1.0464643 1.0480379 1.0531439 1.0585247 1.0612295 0. 0.\n", + " 0. ]\n", + " [1.1554555 1.1546243 1.1653388 1.1750473 1.1636595 1.1326976 1.1004316\n", + " 1.0789338 1.0677068 1.0634557 1.0615534 1.0564028 1.0478965 1.0414395\n", + " 1.0384754 1.040339 1.044597 1.049323 1.051807 1.0529388 1.0541973\n", + " 1.0577751]\n", + " [1.1780697 1.1760572 1.1877884 1.1963582 1.1851631 1.1510179 1.1150694\n", + " 1.0909724 1.0786027 1.0741345 1.072167 1.0658075 1.0564878 1.0484345\n", + " 1.0449047 1.0469378 1.0521535 1.057149 1.0591264 1.0600258 1.0614953\n", + " 0. ]\n", + " [1.2041559 1.200662 1.2110773 1.2193981 1.2057636 1.1677965 1.1285083\n", + " 1.1020302 1.08867 1.0843337 1.0825686 1.0754975 1.065582 1.0563362\n", + " 1.052401 1.054178 1.0599021 1.0661978 1.0688951 0. 0.\n", + " 0. ]]\n", + "[[1.1725 1.1699548 1.1808037 1.1900909 1.1765271 1.142875 1.1085329\n", + " 1.0855843 1.0751312 1.0726159 1.0728657 1.068015 1.0592228 1.0507674\n", + " 1.0467383 1.0482342 1.0533693 0. 0. ]\n", + " [1.1847826 1.1811495 1.192481 1.2020253 1.1900039 1.1550472 1.1180612\n", + " 1.0927576 1.0810201 1.0774622 1.0759495 1.0703553 1.0603975 1.0514809\n", + " 1.047569 1.0494354 1.0547123 1.0595493 1.0619434]\n", + " [1.1687307 1.1636136 1.1724837 1.1810665 1.1688564 1.136599 1.1034288\n", + " 1.081798 1.0713241 1.0691693 1.0689676 1.0641241 1.0557339 1.0478816\n", + " 1.0446632 1.0466264 1.0522177 0. 0. ]\n", + " [1.1779661 1.1736753 1.1838133 1.1926161 1.1794567 1.145058 1.1101991\n", + " 1.0873315 1.076376 1.0748897 1.0746578 1.0690655 1.059912 1.0512724\n", + " 1.047675 1.0495063 0. 0. 0. ]\n", + " [1.1624597 1.1574208 1.1661205 1.1747146 1.1635429 1.1322322 1.1005902\n", + " 1.0792153 1.0688772 1.06628 1.0658151 1.0605514 1.0525706 1.0449525\n", + " 1.0414448 1.0430981 1.0477262 1.0526106 0. ]]\n", + "[[1.1814725 1.1776655 1.1893063 1.1991303 1.1866668 1.1516759 1.1143544\n", + " 1.0894812 1.077423 1.0746927 1.0734931 1.0676464 1.0579395 1.049479\n", + " 1.0459062 1.0474476 1.0527301 1.0578545 1.0603456 1.0618113 0. ]\n", + " [1.162481 1.160192 1.1701458 1.1788496 1.1662592 1.1344072 1.1018622\n", + " 1.0804179 1.0697541 1.0663075 1.0647177 1.0588256 1.0500352 1.0428703\n", + " 1.0397043 1.0415663 1.0464118 1.0509868 1.0535276 1.0541223 1.0557079]\n", + " [1.1876441 1.183092 1.1917988 1.202576 1.1901442 1.1538813 1.118379\n", + " 1.0936419 1.0836912 1.0819693 1.0817455 1.0768224 1.0659364 1.056174\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1763446 1.173975 1.1833446 1.1910697 1.1782619 1.1442642 1.1099722\n", + " 1.0867127 1.0754358 1.0718899 1.0698353 1.0638834 1.05524 1.047193\n", + " 1.0441794 1.0459094 1.0512153 1.0562689 1.0584795 1.0596073 0. ]\n", + " [1.1710165 1.169042 1.1803293 1.189716 1.1767952 1.1432072 1.1085252\n", + " 1.0852658 1.0738177 1.0709348 1.0703297 1.0652813 1.0561055 1.0473866\n", + " 1.043995 1.0454941 1.0507921 1.0564624 0. 0. 0. ]]\n", + "[[1.1646519 1.1626127 1.1748514 1.1840519 1.1730524 1.139912 1.1055809\n", + " 1.082367 1.0714016 1.0683243 1.067048 1.0614817 1.0519806 1.0442587\n", + " 1.0406996 1.042219 1.0473721 1.0523503 1.054954 1.0563471 0.\n", + " 0. 0. ]\n", + " [1.1737854 1.1715547 1.1826246 1.1905681 1.1771625 1.1439961 1.1097066\n", + " 1.0864797 1.0746917 1.0706147 1.0678225 1.0624503 1.0539201 1.0466689\n", + " 1.0430727 1.0449151 1.0499653 1.0547189 1.0571688 1.0582753 1.0598353\n", + " 0. 0. ]\n", + " [1.1842593 1.1805071 1.1897323 1.1989167 1.1857759 1.1507813 1.1152892\n", + " 1.0911796 1.078748 1.0752914 1.0747938 1.0690415 1.0595664 1.0515243\n", + " 1.047613 1.0494475 1.0552679 1.0605125 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1475935 1.1437992 1.1530294 1.1611097 1.152278 1.1236069 1.0935134\n", + " 1.0734576 1.0639588 1.0621182 1.0619311 1.0577728 1.0496427 1.0421326\n", + " 1.0388489 1.0405083 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1539485 1.1509551 1.1603351 1.1687135 1.1578816 1.1274499 1.0963211\n", + " 1.0756292 1.0655545 1.061628 1.0597008 1.0543857 1.0461063 1.0394508\n", + " 1.036941 1.0389282 1.0439241 1.0486093 1.0506983 1.0516189 1.0526816\n", + " 1.0554826 1.0619494]]\n", + "[[1.1766045 1.1737245 1.1836381 1.1931683 1.1817493 1.1484965 1.1143484\n", + " 1.0914522 1.079362 1.0748603 1.0718095 1.0649326 1.0549026 1.047006\n", + " 1.0440615 1.0464615 1.0521973 1.0573316 1.0594584 1.0600703 1.0611758\n", + " 1.064856 1.0725876 1.0827969]\n", + " [1.1722324 1.1668726 1.1764836 1.1858453 1.1736676 1.1401509 1.1064858\n", + " 1.0845677 1.074525 1.0730618 1.0732515 1.0685282 1.0592731 1.0505849\n", + " 1.046824 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1872187 1.1839405 1.193788 1.2018784 1.1887298 1.153309 1.1171837\n", + " 1.0920693 1.0808707 1.0775241 1.0760245 1.0711331 1.0617368 1.0522678\n", + " 1.0486436 1.050595 1.0564626 1.061787 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1715105 1.1702793 1.1817306 1.1900679 1.178646 1.1449589 1.1101066\n", + " 1.0862807 1.0753028 1.0713471 1.0689831 1.0626553 1.0536535 1.0458151\n", + " 1.0426741 1.0443481 1.0492406 1.0543141 1.0570449 1.0582666 1.05987\n", + " 0. 0. 0. ]\n", + " [1.2047601 1.1981587 1.2080351 1.2162867 1.203603 1.166478 1.1278687\n", + " 1.1016797 1.0901589 1.0887839 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1738105 1.1690395 1.1800245 1.1899811 1.1786988 1.144247 1.1086177\n", + " 1.0847994 1.0735667 1.0711393 1.0710753 1.0669544 1.0578908 1.0498623\n", + " 1.0461367 1.0475414 1.0523931 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1553842 1.1525166 1.1623315 1.1708146 1.1589098 1.1282005 1.0970613\n", + " 1.0765957 1.0664853 1.0628763 1.0608814 1.0557951 1.0472975 1.0404704\n", + " 1.0377365 1.0398618 1.0448215 1.0494517 1.0515049 1.0524127 1.0533026\n", + " 1.0568354 1.0638796]\n", + " [1.1630572 1.1584766 1.1685385 1.1779096 1.167372 1.1354748 1.1020523\n", + " 1.0798204 1.0695282 1.06733 1.0672944 1.062745 1.0538883 1.0459937\n", + " 1.0422597 1.044037 1.0492761 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1825583 1.1797158 1.1898241 1.1987798 1.1857623 1.1513088 1.1158789\n", + " 1.092219 1.0800667 1.0756339 1.0734196 1.0669358 1.0565239 1.0488329\n", + " 1.0456324 1.0472422 1.0528493 1.0580643 1.0604875 1.0613296 0.\n", + " 0. 0. ]\n", + " [1.1792123 1.1721442 1.1801705 1.1885746 1.1766083 1.1433475 1.1098577\n", + " 1.0874794 1.0776355 1.0769655 1.0768204 1.0716149 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1904463 1.1877875 1.1997597 1.2079327 1.1966033 1.1609006 1.122765\n", + " 1.0976989 1.0840869 1.0803136 1.0776672 1.070577 1.0606747 1.0519236\n", + " 1.0478745 1.0499701 1.0552231 1.0600498 1.0626719 1.0640116 1.0657406\n", + " 0. 0. 0. ]\n", + " [1.1558493 1.1550932 1.1661556 1.1759447 1.165775 1.1337211 1.101762\n", + " 1.0803341 1.0692325 1.0654455 1.0629641 1.0572697 1.0486141 1.0412546\n", + " 1.0383198 1.0399352 1.0448483 1.0496811 1.0522019 1.0531251 1.0540155\n", + " 1.0568194 1.0640295 1.073268 ]\n", + " [1.1792724 1.1752793 1.1852807 1.1930603 1.1809267 1.1466525 1.1117849\n", + " 1.0887231 1.0773361 1.0739664 1.0722688 1.0659832 1.0568209 1.0484822\n", + " 1.0449498 1.047032 1.0526004 1.0576006 1.0598356 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1624537 1.1587958 1.1688921 1.1785969 1.1671059 1.135353 1.1024917\n", + " 1.0809062 1.0701021 1.0671686 1.0658567 1.0606265 1.051785 1.0441481\n", + " 1.040323 1.0419413 1.046528 1.0514896 1.0534831 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1610453 1.1596067 1.1701562 1.178539 1.1671098 1.1354189 1.1027483\n", + " 1.080668 1.0696282 1.0659876 1.0638857 1.0584049 1.0503381 1.0433738\n", + " 1.0401659 1.0417613 1.0460291 1.0505259 1.0528792 1.0540527 1.0556176\n", + " 0. 0. 0. ]]\n", + "[[1.1673934 1.1631035 1.1728132 1.1815132 1.1707904 1.1384176 1.1038882\n", + " 1.081356 1.0711637 1.0693202 1.0697663 1.0653225 1.0570068 1.048873\n", + " 1.0453123 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1625048 1.1593235 1.1690537 1.1776592 1.167743 1.1375645 1.1055847\n", + " 1.0835183 1.0722122 1.0681837 1.065187 1.0590624 1.0503647 1.0429859\n", + " 1.0395578 1.0410322 1.045528 1.0504478 1.0530236 1.0538784 1.0554881\n", + " 1.0587841]\n", + " [1.2106782 1.2034912 1.2121668 1.2201208 1.2055156 1.1683779 1.1300619\n", + " 1.1041367 1.0930512 1.0910414 1.0910766 1.0843456 1.0728618 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.187507 1.1836356 1.1937429 1.2034702 1.1903064 1.1540816 1.1179634\n", + " 1.093362 1.0809472 1.0769392 1.0750731 1.0694524 1.059748 1.0512515\n", + " 1.0477202 1.0498139 1.0551817 1.0603914 1.0625914 0. 0.\n", + " 0. ]\n", + " [1.1654314 1.1628194 1.1726168 1.1800501 1.1673145 1.1342709 1.1011317\n", + " 1.0799826 1.0701239 1.0680797 1.0673716 1.0626404 1.0538508 1.046274\n", + " 1.0430039 1.0444212 1.0493549 1.0540606 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1815019 1.177663 1.1881832 1.1955053 1.1819547 1.1464437 1.111139\n", + " 1.0873768 1.0761135 1.0729365 1.0724119 1.0671678 1.0583718 1.0500312\n", + " 1.0457801 1.0478714 1.0531262 1.0583854]\n", + " [1.1917875 1.1871951 1.1971383 1.2051502 1.1920471 1.1564825 1.1193968\n", + " 1.0947522 1.0826144 1.0790634 1.0774288 1.0713183 1.0615764 1.0527581\n", + " 1.0492458 1.0514706 1.057678 1.0639737]\n", + " [1.183842 1.1792935 1.188798 1.1973344 1.184449 1.1503913 1.1157224\n", + " 1.0923579 1.080672 1.0780969 1.0771649 1.0712489 1.0615311 1.0526705\n", + " 1.0489732 1.0512419 1.0573223 0. ]\n", + " [1.1978525 1.1944457 1.2059765 1.2165662 1.2025844 1.164914 1.1245654\n", + " 1.098088 1.0867712 1.0853149 1.0859466 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2165055 1.2112185 1.2243018 1.2370394 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1541449 1.1520544 1.1627479 1.1726549 1.1623374 1.1312412 1.0990964\n", + " 1.0780334 1.0678523 1.0644146 1.061954 1.0564204 1.048027 1.0406642\n", + " 1.0377953 1.0393075 1.0443257 1.0487517 1.0510396 1.0521932 1.0535063\n", + " 1.0565945]\n", + " [1.1746547 1.1700501 1.1801631 1.1881204 1.1772988 1.1436555 1.1089276\n", + " 1.0863571 1.0758951 1.0733223 1.0732337 1.068043 1.0585383 1.0497057\n", + " 1.0458113 1.0475403 1.0529184 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1769001 1.1733125 1.1837022 1.1927816 1.1826031 1.1489527 1.1145785\n", + " 1.0906327 1.0803849 1.0783662 1.0780371 1.0724562 1.0628133 1.0531498\n", + " 1.0487686 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1583984 1.1536757 1.1618718 1.168921 1.1570448 1.1270556 1.0962474\n", + " 1.0755067 1.0663967 1.0644071 1.0650252 1.0609186 1.0523498 1.0447503\n", + " 1.0414139 1.043083 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1710508 1.1682774 1.1791239 1.1882378 1.1762582 1.1417923 1.1059296\n", + " 1.0823504 1.0718377 1.0692226 1.0698872 1.065033 1.0554141 1.047534\n", + " 1.0435488 1.0451065 1.0502075 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1594746 1.1564894 1.16643 1.1748953 1.16313 1.1308675 1.0984832\n", + " 1.0773423 1.067322 1.0656325 1.0653883 1.0611963 1.0529234 1.0450876\n", + " 1.0412974 1.0429382 1.0477846 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1577129 1.1546814 1.1647114 1.1734954 1.1623428 1.1326435 1.1014538\n", + " 1.0800898 1.0688317 1.0651841 1.0626848 1.0570705 1.0488399 1.0418327\n", + " 1.0387539 1.0406673 1.044817 1.0496458 1.0521122 1.0532166 1.0547907\n", + " 1.0581334]\n", + " [1.1992272 1.1923792 1.2015164 1.2094529 1.1947979 1.1576792 1.1200545\n", + " 1.0964904 1.086045 1.0847719 1.0854386 1.0789478 1.067956 1.0581943\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1594837 1.1554096 1.1653451 1.1726828 1.1632636 1.1316518 1.0994462\n", + " 1.0781366 1.0689827 1.0675892 1.0674037 1.063888 1.0552042 1.0470954\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1669583 1.1636515 1.1737078 1.1820273 1.1706691 1.137696 1.103685\n", + " 1.0814059 1.0709573 1.0686008 1.06795 1.0637041 1.0546751 1.0468173\n", + " 1.0433857 1.0448622 1.0498785 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1962466 1.192842 1.2038199 1.2119733 1.1997638 1.1629587 1.1239077\n", + " 1.0973138 1.0843068 1.0806495 1.0793818 1.0739591 1.0641205 1.0551972\n", + " 1.0512611 1.053063 1.058734 1.0642003 1.0670061]\n", + " [1.1671711 1.1633489 1.1736331 1.1811469 1.1705241 1.1379936 1.1041934\n", + " 1.0815732 1.070875 1.0671842 1.0666612 1.0614041 1.0528482 1.0454801\n", + " 1.0419196 1.043491 1.0482655 1.0529437 1.0554079]\n", + " [1.158482 1.1551843 1.1653563 1.1737064 1.1635971 1.1321797 1.1000168\n", + " 1.0782534 1.0690988 1.0678288 1.0678245 1.0633469 1.0538524 1.0456331\n", + " 1.0419518 0. 0. 0. 0. ]\n", + " [1.175024 1.1721513 1.1826037 1.1911707 1.1774838 1.1427294 1.1080006\n", + " 1.0850087 1.0743006 1.0718987 1.0713208 1.0653791 1.0562662 1.0478563\n", + " 1.0443671 1.0464815 1.0517253 1.0568278 0. ]\n", + " [1.166095 1.1629221 1.1739525 1.1831104 1.1718645 1.1387432 1.1041772\n", + " 1.0810915 1.0713806 1.0695516 1.0698354 1.0654306 1.0569589 1.0488582\n", + " 1.0449891 1.0469315 0. 0. 0. ]]\n", + "[[1.1852231 1.1805464 1.1912477 1.2001268 1.1866316 1.1507545 1.1144731\n", + " 1.0905652 1.0801133 1.0784503 1.0788404 1.0738844 1.063211 1.0542619\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1769971 1.1736684 1.1844741 1.1936916 1.1815782 1.1470389 1.1110222\n", + " 1.0880969 1.0770643 1.075534 1.0756265 1.070207 1.0608114 1.0517875\n", + " 1.0476524 1.0498296 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1539276 1.1513649 1.1615502 1.1698853 1.1575015 1.1267644 1.095435\n", + " 1.0745806 1.0648632 1.0630565 1.0626816 1.0583133 1.0501367 1.0426182\n", + " 1.039333 1.0407361 1.045453 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1591091 1.1567906 1.1670684 1.1754123 1.1630938 1.1321853 1.0999914\n", + " 1.0787504 1.0680342 1.0646002 1.0629858 1.0570999 1.0489949 1.0422635\n", + " 1.0390242 1.0407276 1.045673 1.0502439 1.0528046 1.0535339 1.0552835\n", + " 1.0589062]\n", + " [1.1828284 1.17945 1.1900723 1.1979277 1.1857383 1.1503588 1.1142626\n", + " 1.0904813 1.0793769 1.0761442 1.0756285 1.0703682 1.0604597 1.0514671\n", + " 1.0480963 1.0500546 1.0557945 1.0610269 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1879376 1.1819253 1.1915295 1.2006326 1.1871963 1.1518682 1.1165245\n", + " 1.0928102 1.0826701 1.0812855 1.0818846 1.0764929 1.0663425 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1759324 1.1711698 1.1823483 1.1921036 1.179006 1.144763 1.1096512\n", + " 1.0862175 1.0760353 1.0745584 1.0751021 1.0704979 1.0607089 1.0518014\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1570095 1.1560658 1.1674981 1.176806 1.1655674 1.1333221 1.1005619\n", + " 1.0789168 1.0681034 1.0644213 1.0625371 1.057291 1.0488592 1.041955\n", + " 1.0390935 1.0411034 1.0455141 1.0498978 1.0521163 1.0527631 1.0542411\n", + " 1.0577886]\n", + " [1.1709794 1.1676391 1.1780702 1.1880555 1.175755 1.1426885 1.1085272\n", + " 1.085676 1.0745139 1.0722383 1.0717508 1.0663145 1.057317 1.0491782\n", + " 1.0452076 1.0470128 1.0525198 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1705041 1.1644351 1.1720893 1.1775537 1.1656529 1.1334292 1.1008687\n", + " 1.0790789 1.0696216 1.0680585 1.0677661 1.0638329 1.0554316 1.047624\n", + " 1.0439936 1.0460027 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.2239307 1.2169528 1.225717 1.232348 1.2177327 1.1776608 1.1375806\n", + " 1.1114314 1.1001014 1.0984035 1.0983734 1.0912727 1.0782479 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1593941 1.1565795 1.1656176 1.1738948 1.1620762 1.1301851 1.0989338\n", + " 1.0778022 1.0673683 1.0642728 1.062401 1.057462 1.0490154 1.0413841\n", + " 1.0384648 1.0402111 1.044592 1.0490855 1.0515763 1.0528551 0. ]\n", + " [1.1800609 1.1768235 1.187749 1.1968255 1.1842303 1.1494322 1.1144749\n", + " 1.0907372 1.0786701 1.0742772 1.072047 1.065601 1.0562434 1.0483205\n", + " 1.0448503 1.0471783 1.0520551 1.0570241 1.0593737 1.0600773 1.0614192]\n", + " [1.1836325 1.1797924 1.1898947 1.1980926 1.1850106 1.1504103 1.1143742\n", + " 1.09108 1.079979 1.0766324 1.0760567 1.0704253 1.0603406 1.0513978\n", + " 1.0473807 1.0494237 1.0551814 1.060881 0. 0. 0. ]\n", + " [1.1703238 1.1675695 1.1794906 1.1898196 1.1801091 1.1466026 1.1102934\n", + " 1.0856072 1.0731682 1.0686257 1.0673647 1.062196 1.0534171 1.0458133\n", + " 1.0421674 1.04386 1.0481199 1.052787 1.0550454 1.0556298 1.0566838]]\n", + "[[1.1751186 1.168428 1.1760198 1.1820327 1.1703113 1.1378567 1.1051854\n", + " 1.0838059 1.0740532 1.0719312 1.0715542 1.0667323 1.0574026 1.0492289\n", + " 1.045776 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1604962 1.1578314 1.1681544 1.1759453 1.1631054 1.1311623 1.0989788\n", + " 1.0780576 1.0684592 1.0666311 1.0668597 1.0621842 1.0538578 1.0460652\n", + " 1.0426807 1.0446167 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1817878 1.1783454 1.1884723 1.196812 1.1834168 1.1497879 1.1140853\n", + " 1.0895655 1.0774106 1.0747474 1.0744697 1.0691596 1.0602784 1.0521586\n", + " 1.0481701 1.0499659 1.0550181 1.0599267 0. 0. 0.\n", + " 0. ]\n", + " [1.1668689 1.1645771 1.1754084 1.1860261 1.1737801 1.1413387 1.1070044\n", + " 1.0841292 1.0728401 1.0686023 1.0672067 1.0612036 1.0525786 1.0448565\n", + " 1.0417215 1.0436047 1.0485795 1.0532668 1.0553769 1.0559037 1.0569937\n", + " 1.0604532]\n", + " [1.1404105 1.1384645 1.1477567 1.1555959 1.1451478 1.1164534 1.0881113\n", + " 1.0690008 1.0595623 1.0566494 1.0552399 1.0502399 1.0433024 1.0372641\n", + " 1.0344492 1.0359081 1.0400573 1.0440001 1.0459677 1.0466077 0.\n", + " 0. ]]\n", + "[[1.1628854 1.1609606 1.1717994 1.1814793 1.1707805 1.1379305 1.1041386\n", + " 1.0819123 1.0713319 1.0680385 1.0662303 1.0606931 1.0516258 1.0443137\n", + " 1.0407695 1.0425448 1.0469106 1.0516493 1.0537044 1.0543597 1.0554124\n", + " 0. 0. 0. ]\n", + " [1.1658188 1.1607839 1.1700766 1.1784587 1.1679564 1.136155 1.1027762\n", + " 1.0819882 1.0716861 1.0704751 1.0704155 1.0654278 1.0567108 1.0479393\n", + " 1.0439242 1.0454912 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1632826 1.1608201 1.1716673 1.1814592 1.1693546 1.136347 1.1040066\n", + " 1.0821573 1.0713546 1.0676358 1.065275 1.0589843 1.0503268 1.0427142\n", + " 1.0403079 1.0425091 1.0480131 1.0524844 1.0554501 1.0561554 1.057652\n", + " 1.0608717 1.0684261 1.078127 ]\n", + " [1.1564878 1.1537819 1.1629735 1.1715246 1.1606619 1.1293464 1.098243\n", + " 1.0768882 1.0667958 1.0633756 1.0617929 1.0569643 1.0485228 1.0417771\n", + " 1.0385394 1.0401096 1.0443518 1.0492705 1.0514636 1.0526263 0.\n", + " 0. 0. 0. ]\n", + " [1.1654327 1.1610137 1.1705997 1.1782632 1.1674874 1.1359066 1.1036462\n", + " 1.0818942 1.0712749 1.0679022 1.0662411 1.0608664 1.0522007 1.0446877\n", + " 1.0411478 1.0427471 1.0477476 1.0524867 1.0552202 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1685066 1.162956 1.1718727 1.1795449 1.1689522 1.1377038 1.1050376\n", + " 1.0825074 1.0719523 1.0693713 1.0693907 1.0644548 1.0563339 1.0480686\n", + " 1.0446924 1.0468527 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1620977 1.1589804 1.1685107 1.1753426 1.1636649 1.1318234 1.0993764\n", + " 1.0782471 1.0680292 1.0655212 1.0639616 1.0598084 1.0517267 1.0446831\n", + " 1.0416235 1.0439179 1.0490955 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1971962 1.1912735 1.202192 1.210882 1.1968057 1.1598872 1.1223301\n", + " 1.0979215 1.0869269 1.0850065 1.0858836 1.0804056 1.0695103 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1635562 1.1620426 1.1738118 1.1852658 1.1741917 1.1425234 1.1081866\n", + " 1.0852597 1.0732832 1.069591 1.0674434 1.0608007 1.0513928 1.0440629\n", + " 1.04055 1.0422838 1.0476074 1.0531012 1.055556 1.0566056 1.0580784\n", + " 1.0611771 1.0682484]\n", + " [1.2074862 1.2016788 1.2116333 1.2207903 1.2063437 1.1678876 1.1287993\n", + " 1.1030431 1.0914311 1.0898879 1.0899225 1.0840008 1.0724134 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1657513 1.1637309 1.1744329 1.1834978 1.1714445 1.1388662 1.1049485\n", + " 1.0818365 1.0709372 1.0675994 1.0661198 1.0604815 1.0519552 1.0444262\n", + " 1.0404216 1.0420642 1.0466952 1.0515501 1.0542852 1.0555406 0. ]\n", + " [1.1974274 1.1942861 1.2065976 1.2159767 1.2019998 1.165426 1.1266687\n", + " 1.1001618 1.0866331 1.0819037 1.0804073 1.0740126 1.0639564 1.0554746\n", + " 1.0516534 1.0531417 1.0580745 1.0633097 1.0656627 1.0672677 1.0698107]\n", + " [1.1903154 1.1859901 1.1961706 1.2063978 1.1939988 1.1574228 1.1191924\n", + " 1.0945327 1.0835623 1.0822692 1.0829331 1.0780344 1.0677967 1.05813\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1942235 1.1879227 1.1956935 1.201666 1.1876968 1.1529437 1.1179053\n", + " 1.0938548 1.0837277 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1714604 1.166316 1.1763958 1.1857654 1.1739751 1.1417298 1.1077919\n", + " 1.084825 1.0749398 1.0727657 1.0721074 1.0671533 1.0577979 1.0492185\n", + " 1.04572 1.0476496 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1771002 1.1737144 1.1847384 1.1938243 1.182502 1.1482749 1.1118863\n", + " 1.0882572 1.0765982 1.073877 1.0724667 1.0674545 1.0581354 1.0489632\n", + " 1.0451896 1.0471034 1.0524703 1.0576464 1.0605578 0. ]\n", + " [1.1639315 1.1597457 1.1694003 1.1766601 1.1642606 1.1316936 1.0996965\n", + " 1.0786128 1.0699582 1.0691396 1.0697671 1.0651741 1.0560557 1.047841\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1601602 1.1572047 1.1665063 1.1737443 1.1616546 1.1307639 1.0993237\n", + " 1.0779054 1.068809 1.0672113 1.0675905 1.0633959 1.0551771 1.0472372\n", + " 1.0434355 0. 0. 0. 0. 0. ]\n", + " [1.174093 1.1719409 1.183239 1.1922318 1.1795168 1.1453127 1.1100711\n", + " 1.0863585 1.0748537 1.0714464 1.0692717 1.063811 1.0547469 1.046939\n", + " 1.0430999 1.0449532 1.0499017 1.0548443 1.0576687 1.0585747]\n", + " [1.1708912 1.1680584 1.1791975 1.1891439 1.1773378 1.1434064 1.10744\n", + " 1.0839872 1.0725251 1.0691782 1.0675945 1.0623832 1.05327 1.0454683\n", + " 1.0419902 1.0435526 1.0485325 1.0533262 1.0558361 1.0568483]]\n", + "[[1.1655177 1.1628046 1.1733985 1.1817135 1.1707493 1.1376777 1.1029409\n", + " 1.0812218 1.0705653 1.0674345 1.0674373 1.0625689 1.0541998 1.0460587\n", + " 1.0428473 1.0444835 1.0493255 1.0543287]\n", + " [1.1729786 1.1678755 1.1766391 1.184707 1.1716981 1.1388952 1.1057209\n", + " 1.0836422 1.0733432 1.0705518 1.0700822 1.0648607 1.0560834 1.048053\n", + " 1.0445275 1.0461406 1.0518483 0. ]\n", + " [1.1892679 1.1849605 1.1954969 1.20437 1.1922938 1.156745 1.1197418\n", + " 1.0954506 1.0837425 1.0810996 1.0803756 1.0746965 1.064907 1.0552492\n", + " 1.050757 1.0527357 1.0588156 0. ]\n", + " [1.1802809 1.1765237 1.1870143 1.1968486 1.1834296 1.1483843 1.1122913\n", + " 1.0878291 1.0765543 1.0743978 1.0742577 1.0696502 1.0605925 1.0515808\n", + " 1.0475955 1.0493201 1.0555011 0. ]\n", + " [1.1904287 1.1855268 1.1951673 1.2018852 1.1903293 1.1554235 1.1190833\n", + " 1.0944177 1.0836092 1.0806935 1.0804745 1.0748743 1.0647352 1.0561318\n", + " 1.051902 1.0545355 0. 0. ]]\n", + "[[1.1669443 1.1639726 1.1742668 1.1817387 1.1697485 1.136537 1.1024537\n", + " 1.0807197 1.0703232 1.0680445 1.0675917 1.0631245 1.0538905 1.0466443\n", + " 1.0430145 1.0448493 1.049761 1.0547074 0. ]\n", + " [1.1713318 1.1676327 1.1774008 1.1848431 1.1723679 1.1377003 1.1035273\n", + " 1.0825912 1.0736567 1.072683 1.0730424 1.0681026 1.058084 1.049096\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1711957 1.1689687 1.179984 1.1896336 1.1774012 1.1439198 1.1090435\n", + " 1.0857939 1.0751522 1.0728568 1.0721767 1.0673187 1.0581324 1.0493772\n", + " 1.0454671 1.047289 1.0526439 0. 0. ]\n", + " [1.1757238 1.1735368 1.1846478 1.1936133 1.1797912 1.1446292 1.1086153\n", + " 1.0852582 1.07406 1.0713176 1.069846 1.0645715 1.0550717 1.047059\n", + " 1.0435989 1.0455847 1.050755 1.0557646 1.0582976]\n", + " [1.1776695 1.1736305 1.1844394 1.1932113 1.1800034 1.1450659 1.1098468\n", + " 1.0868437 1.0764978 1.0758063 1.0759764 1.0706257 1.0604167 1.0520849\n", + " 1.0478365 0. 0. 0. 0. ]]\n", + "[[1.163605 1.1597764 1.1686586 1.177541 1.1652517 1.1345372 1.1024494\n", + " 1.0814258 1.0708209 1.0678153 1.0664856 1.0615789 1.052622 1.0444368\n", + " 1.0408298 1.0423033 1.0470123 1.05217 ]\n", + " [1.180214 1.1748675 1.1818619 1.1901189 1.1781201 1.1443201 1.1098816\n", + " 1.0874325 1.0779113 1.076381 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1587492 1.1549102 1.1649094 1.173282 1.1625744 1.130684 1.0983307\n", + " 1.0773127 1.0674579 1.0655097 1.065007 1.0604315 1.0519581 1.0446268\n", + " 1.0413464 1.0429374 1.0481503 0. ]\n", + " [1.1900399 1.1851983 1.1949754 1.203836 1.1907228 1.155045 1.1188983\n", + " 1.0945717 1.0829848 1.0806118 1.0802468 1.074409 1.0647352 1.0554258\n", + " 1.0519761 1.0541875 0. 0. ]\n", + " [1.1728395 1.1697736 1.181072 1.1893718 1.1766107 1.1430848 1.1087358\n", + " 1.086105 1.0755435 1.0738013 1.073596 1.0686603 1.0593861 1.0506788\n", + " 1.0466442 1.0484905 0. 0. ]]\n", + "[[1.158599 1.1551145 1.1657076 1.1744518 1.1632154 1.1303769 1.0977538\n", + " 1.0768977 1.0675719 1.0665132 1.0661644 1.0617447 1.0531014 1.0452081\n", + " 1.0414647 1.0436566 0. 0. ]\n", + " [1.1724586 1.1685438 1.179294 1.1893349 1.1777638 1.1439669 1.1094888\n", + " 1.0862373 1.0757287 1.073159 1.0730482 1.0679941 1.0584866 1.0499896\n", + " 1.0463405 1.0481167 0. 0. ]\n", + " [1.1714523 1.1663961 1.1762667 1.1848124 1.1728288 1.1399912 1.1058182\n", + " 1.0826283 1.0720973 1.069348 1.0690297 1.0645468 1.0555301 1.0477241\n", + " 1.0439724 1.0459781 1.0510206 1.0563638]\n", + " [1.1630065 1.1576622 1.1663338 1.1735622 1.1634088 1.1338602 1.1029142\n", + " 1.0817572 1.0727706 1.0710156 1.0705588 1.0661079 1.0570092 1.0482585\n", + " 0. 0. 0. 0. ]\n", + " [1.1702504 1.1642836 1.1733698 1.1820049 1.1695688 1.1380234 1.1052288\n", + " 1.0832661 1.0738602 1.0720996 1.0724027 1.0677466 1.0583215 1.0492963\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1492873 1.1474586 1.1579692 1.1674093 1.1571556 1.1270353 1.0954931\n", + " 1.0740896 1.0643008 1.0611597 1.0597997 1.0545791 1.046189 1.0397528\n", + " 1.0369297 1.0387229 1.0430065 1.0475767 1.0494337 1.0502644 1.0513564\n", + " 1.0548544 1.0616858 1.0707026 1.0777506]\n", + " [1.199433 1.1952885 1.2076492 1.218158 1.2042004 1.1655538 1.12509\n", + " 1.098089 1.0858265 1.0834745 1.083838 1.07956 1.0697963 1.0598223\n", + " 1.0558158 1.0586039 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1764138 1.1733475 1.1845355 1.1926562 1.1789333 1.1428955 1.1079884\n", + " 1.0856727 1.0751469 1.0722865 1.0706298 1.0640733 1.0548103 1.0465932\n", + " 1.0430048 1.045358 1.0509154 1.0561068 1.058245 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1747295 1.1715653 1.1826563 1.1903799 1.177599 1.1432508 1.1080136\n", + " 1.0851151 1.0749257 1.0721313 1.072342 1.0676278 1.0581969 1.0498194\n", + " 1.0461613 1.0479126 1.0533247 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1641182 1.1615849 1.172648 1.1805348 1.1674447 1.1357111 1.1026028\n", + " 1.0811182 1.0709125 1.0688176 1.0690122 1.0640997 1.0553626 1.0472754\n", + " 1.0435743 1.0455489 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1738861 1.1700653 1.179803 1.1866367 1.1745281 1.1413774 1.1074989\n", + " 1.0852 1.074142 1.0712017 1.0699235 1.0648596 1.0560664 1.0482222\n", + " 1.0442014 1.0459687 1.0510207 1.0559769 0. 0. ]\n", + " [1.172925 1.1678852 1.1774254 1.1869237 1.1750382 1.1406714 1.10655\n", + " 1.0844438 1.0746832 1.0739175 1.0739831 1.069616 1.0597602 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1924386 1.1878543 1.1993026 1.2087338 1.1970359 1.1608919 1.1228347\n", + " 1.0975032 1.0851418 1.082223 1.0811962 1.0753179 1.0655675 1.056073\n", + " 1.0516539 1.0536761 1.0594925 1.065484 0. 0. ]\n", + " [1.1641935 1.161456 1.1720303 1.18128 1.1703439 1.1377195 1.1039491\n", + " 1.0812358 1.0704601 1.067055 1.0657437 1.0601273 1.051861 1.044338\n", + " 1.041201 1.0425336 1.0475241 1.052487 1.0553794 1.0564398]\n", + " [1.1894544 1.186257 1.1974838 1.2058849 1.1937042 1.1577598 1.1204813\n", + " 1.0952432 1.0823402 1.0782588 1.0758078 1.0699437 1.060221 1.0518264\n", + " 1.0478781 1.0497465 1.0551721 1.060664 1.0630162 1.0637413]]\n", + "[[1.164121 1.1583455 1.1673254 1.1760882 1.1653268 1.1334506 1.1009989\n", + " 1.0799817 1.069861 1.0679411 1.0674322 1.0626279 1.0536078 1.0454521\n", + " 1.0416149 1.0435597 1.049127 ]\n", + " [1.1537027 1.1511375 1.1614504 1.1703725 1.1589192 1.1276883 1.0960499\n", + " 1.074991 1.0658367 1.0633578 1.0634036 1.0590137 1.0508751 1.0434607\n", + " 1.0399712 1.0412663 1.046054 ]\n", + " [1.1899714 1.1839471 1.1934422 1.202363 1.1893786 1.1549209 1.118607\n", + " 1.0941421 1.0837414 1.0817751 1.081524 1.0764893 1.0663606 1.0563214\n", + " 0. 0. 0. ]\n", + " [1.1664674 1.1620401 1.1719879 1.1797335 1.1688695 1.1368965 1.1035631\n", + " 1.0815248 1.0710398 1.0688114 1.0682225 1.0637258 1.0546861 1.0468645\n", + " 1.0431229 1.0452609 1.0506455]\n", + " [1.165095 1.1602218 1.1695142 1.1773988 1.167236 1.1358242 1.1032469\n", + " 1.0815631 1.0717804 1.0696867 1.0699536 1.065028 1.056216 1.0480797\n", + " 1.0444626 0. 0. ]]\n", + "[[1.1620173 1.1586493 1.1692252 1.1784484 1.1670599 1.1346636 1.1014868\n", + " 1.0797935 1.0698192 1.0677935 1.0671207 1.0626423 1.0541173 1.0463282\n", + " 1.0425507 1.044097 1.0491849 0. 0. 0. 0. ]\n", + " [1.1558992 1.1529996 1.1620711 1.1700094 1.1593931 1.1289188 1.0979357\n", + " 1.0769191 1.0661922 1.0622737 1.0601232 1.0550956 1.0472945 1.040426\n", + " 1.0373675 1.0390258 1.0432761 1.0476601 1.0499631 1.050946 1.052607 ]\n", + " [1.1699814 1.1676056 1.1788667 1.1878374 1.1730797 1.1401092 1.1061001\n", + " 1.0840234 1.073479 1.0723388 1.0726377 1.0669627 1.0580794 1.0496615\n", + " 1.0456047 0. 0. 0. 0. 0. 0. ]\n", + " [1.1625353 1.1595685 1.169539 1.177743 1.1659052 1.134826 1.1018251\n", + " 1.0798123 1.0684882 1.0649246 1.0632666 1.0587256 1.0511199 1.0443314\n", + " 1.0408496 1.04234 1.0468248 1.0513191 1.053802 1.054723 0. ]\n", + " [1.1623065 1.157489 1.1660558 1.174679 1.1638886 1.1321266 1.0995666\n", + " 1.078351 1.068386 1.0670291 1.067188 1.0628555 1.0544158 1.046612\n", + " 1.0431621 1.0452048 0. 0. 0. 0. 0. ]]\n", + "[[1.1877885 1.1833028 1.1946137 1.2044805 1.192364 1.1557126 1.1188767\n", + " 1.0945318 1.0823565 1.0786477 1.0767763 1.0706973 1.060467 1.0518062\n", + " 1.0480844 1.0500063 1.0557998 1.0611463 1.0639482 0. 0. ]\n", + " [1.1630672 1.1612448 1.1718359 1.1804106 1.1671541 1.1344941 1.1017969\n", + " 1.0800881 1.0699754 1.0673916 1.06628 1.0612589 1.0524664 1.0448313\n", + " 1.0413713 1.0430723 1.0477349 1.052362 0. 0. 0. ]\n", + " [1.1634533 1.1621208 1.1740603 1.1834159 1.1709167 1.1381717 1.1045505\n", + " 1.08163 1.0703207 1.0670022 1.0649542 1.0593605 1.0504513 1.0433722\n", + " 1.0401406 1.0418102 1.0466646 1.0508792 1.0532792 1.0540462 1.0554234]\n", + " [1.1843913 1.1806264 1.1913028 1.2000568 1.1869017 1.1515814 1.1155796\n", + " 1.0910693 1.0786506 1.0756284 1.073563 1.068646 1.0592842 1.0508842\n", + " 1.0473222 1.0492988 1.054417 1.0597552 1.062038 0. 0. ]\n", + " [1.1639829 1.1581588 1.166142 1.1733247 1.1621792 1.1310395 1.0994867\n", + " 1.0788419 1.0688934 1.0676057 1.0675758 1.06378 1.0549059 1.047166\n", + " 1.0436318 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1570868 1.151629 1.1598617 1.1673023 1.1560763 1.1262074 1.0949423\n", + " 1.0750349 1.0646689 1.0633187 1.064081 1.060297 1.0528479 1.045843\n", + " 1.0424011 0. 0. 0. 0. 0. 0. ]\n", + " [1.1842916 1.1790735 1.18887 1.1963506 1.1846824 1.150679 1.1146098\n", + " 1.0908154 1.0792689 1.0767779 1.077144 1.0714766 1.0629097 1.0542241\n", + " 1.0503218 0. 0. 0. 0. 0. 0. ]\n", + " [1.1748058 1.1698227 1.1783161 1.1860043 1.1727226 1.1404352 1.1072965\n", + " 1.0848347 1.0740688 1.0710418 1.0703583 1.0652757 1.0561044 1.048093\n", + " 1.0444785 1.0463638 1.0515982 1.0569139 0. 0. 0. ]\n", + " [1.1644913 1.1617727 1.1722038 1.1805066 1.1682897 1.1351228 1.101799\n", + " 1.0807327 1.0718602 1.0710154 1.0714226 1.066622 1.0568355 1.048294\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1772618 1.1751524 1.1862516 1.1947341 1.1833304 1.1500949 1.1149983\n", + " 1.0910015 1.0780709 1.0736914 1.0709401 1.064954 1.0560688 1.0479655\n", + " 1.0443277 1.0462561 1.0508184 1.0559975 1.0583217 1.059013 1.0605195]]\n", + "[[1.1517571 1.1492219 1.1591403 1.1692144 1.1586004 1.1277354 1.096209\n", + " 1.0752678 1.0648291 1.0615076 1.0596521 1.0541456 1.0463934 1.0394701\n", + " 1.036627 1.0376538 1.0421392 1.0464188 1.0487496 1.0500003 1.0516417\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1521161 1.1503963 1.1615013 1.1709518 1.1614255 1.1304486 1.0978917\n", + " 1.0770587 1.0667535 1.0635288 1.0619477 1.0565883 1.0477669 1.040654\n", + " 1.0378134 1.0397943 1.0444438 1.04941 1.0515367 1.0523037 1.0527537\n", + " 1.0560656 1.0634233 1.073084 1.0805728 1.0845828]\n", + " [1.1588395 1.1550028 1.1655784 1.1746808 1.1632158 1.1309893 1.0985172\n", + " 1.0770645 1.0672257 1.0652915 1.0650922 1.0608906 1.0521294 1.0444092\n", + " 1.0409342 1.0425572 1.047663 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.201356 1.1952431 1.2048323 1.2126923 1.1981225 1.1617466 1.1236904\n", + " 1.0983964 1.0867549 1.0855654 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1864364 1.1824347 1.1939642 1.2023106 1.1889604 1.1520429 1.1147105\n", + " 1.0897473 1.078571 1.0762278 1.0754791 1.0708866 1.0615859 1.0531234\n", + " 1.0490239 1.0514843 1.0575747 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1633954 1.1606675 1.1697209 1.1778071 1.1657119 1.1339301 1.1008018\n", + " 1.0785184 1.0683843 1.0652385 1.0640155 1.0598032 1.0517238 1.0443372\n", + " 1.0406171 1.0426031 1.0469359 1.0516106 1.0544531]\n", + " [1.1913762 1.187676 1.1971279 1.2046254 1.1923181 1.1564997 1.1197364\n", + " 1.0947422 1.0828778 1.0801125 1.078746 1.072777 1.0623665 1.0538926\n", + " 1.0503347 1.0523533 1.0585637 1.064254 0. ]\n", + " [1.1656026 1.1646116 1.1753995 1.1831717 1.1695831 1.1370339 1.1035334\n", + " 1.0804094 1.0702564 1.0676097 1.0662884 1.0622735 1.0539651 1.0465672\n", + " 1.0431651 1.0450889 1.050252 1.0555856 0. ]\n", + " [1.1852913 1.1814816 1.1913675 1.1994327 1.1870481 1.1528362 1.1170799\n", + " 1.0933329 1.0816388 1.0780652 1.0768315 1.0704834 1.0598063 1.0512742\n", + " 1.0475084 1.0498464 1.0557215 1.0613707 0. ]\n", + " [1.1718626 1.1676191 1.177359 1.1846251 1.1732587 1.1412901 1.1077857\n", + " 1.0856403 1.0748293 1.0720816 1.0717831 1.0665109 1.0575242 1.0489427\n", + " 1.0453676 1.0473062 1.0526861 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1653622 1.1619831 1.1718024 1.1807888 1.1682801 1.1365212 1.1031567\n", + " 1.0814971 1.0714767 1.0696502 1.0702524 1.0657887 1.0573246 1.0490918\n", + " 1.0451066 1.0467576 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1663989 1.1637754 1.1741298 1.1829025 1.1709973 1.1382538 1.1055621\n", + " 1.0834489 1.0724875 1.0687492 1.0669701 1.0615366 1.0530806 1.0453504\n", + " 1.0420933 1.0436041 1.04858 1.0530553 1.0555694 1.05664 0.\n", + " 0. ]\n", + " [1.1618716 1.1588463 1.1691043 1.177241 1.1657164 1.1333305 1.1007062\n", + " 1.0792669 1.0694201 1.0674262 1.067057 1.0623672 1.0538065 1.0459666\n", + " 1.0426422 1.0442221 1.0490552 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1891674 1.183153 1.1924381 1.2000303 1.187854 1.1534783 1.1175622\n", + " 1.0941793 1.0834724 1.0815101 1.081091 1.0750374 1.0654423 1.0560219\n", + " 1.0519657 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1708512 1.1685599 1.1786826 1.1869291 1.1752939 1.1425905 1.1089184\n", + " 1.0862604 1.0746527 1.0704241 1.0679066 1.0619266 1.0530075 1.0454587\n", + " 1.0420414 1.0443159 1.0491291 1.0538327 1.056607 1.0575299 1.0591332\n", + " 1.062806 ]]\n", + "[[1.1736106 1.1700896 1.1794217 1.1876681 1.1752573 1.1434599 1.1106027\n", + " 1.0882303 1.0762805 1.0713245 1.0690047 1.0624406 1.053816 1.0465297\n", + " 1.0429065 1.044644 1.0493891 1.0543019 1.0570246 1.0584563]\n", + " [1.1633254 1.1584487 1.1693186 1.1789443 1.1696944 1.1386058 1.104367\n", + " 1.0822538 1.0716295 1.0698856 1.0697728 1.065259 1.0565355 1.0482405\n", + " 1.0444509 0. 0. 0. 0. 0. ]\n", + " [1.21946 1.2135165 1.224946 1.2335222 1.2184292 1.1782322 1.1359162\n", + " 1.1079935 1.0948906 1.0932246 1.0933955 1.0868556 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1666282 1.1638258 1.1744844 1.1829689 1.1720074 1.1392756 1.10546\n", + " 1.0828859 1.0718758 1.0694867 1.0687916 1.0638791 1.0553898 1.0477238\n", + " 1.0439541 1.0456265 1.0511435 0. 0. 0. ]\n", + " [1.1774926 1.1726601 1.1812093 1.1906799 1.180264 1.1466874 1.1127453\n", + " 1.089417 1.0784595 1.0762409 1.0760252 1.0712074 1.0621221 1.0531453\n", + " 1.0492612 1.0514688 0. 0. 0. 0. ]]\n", + "[[1.1785909 1.174144 1.1840107 1.1926112 1.1804912 1.1457757 1.1099375\n", + " 1.0862913 1.0761951 1.0740924 1.0747327 1.0704355 1.0608771 1.0520142\n", + " 1.0476046 1.0494303 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1864613 1.1825606 1.1928836 1.2011303 1.1890169 1.1540565 1.117263\n", + " 1.0924333 1.0798007 1.076109 1.0739641 1.0690554 1.0603113 1.0516319\n", + " 1.0481166 1.0499811 1.0551033 1.0603276 1.0630759 0. 0.\n", + " 0. 0. ]\n", + " [1.1591088 1.1556959 1.1659195 1.1748124 1.1625756 1.131494 1.0996883\n", + " 1.0789812 1.0681794 1.0645999 1.0627892 1.0565616 1.0482571 1.041366\n", + " 1.0389899 1.0409237 1.0461314 1.0512886 1.0536911 1.0540252 1.055363\n", + " 1.0584823 1.06565 ]\n", + " [1.1758184 1.1713427 1.180861 1.1895089 1.1762807 1.1436417 1.1098965\n", + " 1.0873041 1.0761917 1.0729598 1.0715108 1.0660151 1.056951 1.0482976\n", + " 1.0451652 1.0471796 1.0526842 1.0578117 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1618425 1.1601659 1.1705569 1.1803622 1.1691545 1.1382596 1.1055086\n", + " 1.0834773 1.0721544 1.067579 1.0656912 1.059852 1.0512027 1.0437279\n", + " 1.0403275 1.0421042 1.047065 1.0516907 1.0538771 1.0552139 1.0562555\n", + " 1.0595509 1.0666295]]\n", + "[[1.1570985 1.1539928 1.1635959 1.1718931 1.1596987 1.1285092 1.0963997\n", + " 1.0751503 1.0656936 1.063394 1.0623959 1.0582001 1.0499113 1.0427625\n", + " 1.0396482 1.0413655 1.0460113 1.0506594 0. ]\n", + " [1.1675336 1.1628065 1.1734822 1.182635 1.170424 1.1385529 1.1048605\n", + " 1.0824453 1.072094 1.0701443 1.0706306 1.0656615 1.0570676 1.0485557\n", + " 1.0446376 1.0463572 0. 0. 0. ]\n", + " [1.1815026 1.176653 1.1870993 1.1958176 1.1823424 1.1467545 1.1098778\n", + " 1.0858055 1.0747626 1.0724592 1.0718764 1.0672244 1.0583315 1.0497129\n", + " 1.0459701 1.0479866 1.0534794 1.0587239 0. ]\n", + " [1.1433276 1.1385707 1.1464759 1.1539259 1.1450887 1.1170932 1.0875995\n", + " 1.0690042 1.0602272 1.0583405 1.0583751 1.0542945 1.0463976 1.0392585\n", + " 1.0359592 1.0374575 0. 0. 0. ]\n", + " [1.1671344 1.1640978 1.174229 1.1828218 1.1701887 1.1363653 1.1029779\n", + " 1.0811472 1.0708656 1.0684357 1.0673249 1.061389 1.0523392 1.0445777\n", + " 1.0412313 1.0431916 1.04826 1.053328 1.0559291]]\n", + "[[1.1817074 1.177377 1.1879115 1.1979172 1.1863433 1.1519436 1.1162009\n", + " 1.0918447 1.0799316 1.0759907 1.0740775 1.0683445 1.0584537 1.0498028\n", + " 1.0456079 1.047561 1.0526718 1.0580062 1.0602326 0. 0. ]\n", + " [1.1791371 1.1771218 1.18873 1.1983624 1.1869788 1.1523738 1.1160419\n", + " 1.0907578 1.078738 1.0741593 1.0719787 1.0662719 1.056727 1.048825\n", + " 1.045255 1.0467023 1.0517907 1.0565805 1.0591749 1.0603555 1.0619459]\n", + " [1.1663321 1.160183 1.1694361 1.1772138 1.166353 1.1356624 1.103493\n", + " 1.0818902 1.0717859 1.0697192 1.0698129 1.065594 1.0566545 1.0486407\n", + " 1.0449789 0. 0. 0. 0. 0. 0. ]\n", + " [1.1802953 1.1761096 1.1858336 1.194089 1.1826668 1.1491194 1.1139886\n", + " 1.0898703 1.0793722 1.0762378 1.0751362 1.069746 1.059806 1.0512565\n", + " 1.0474653 1.0492876 1.0550313 1.0600072 0. 0. 0. ]\n", + " [1.2080467 1.2027348 1.2126518 1.2196047 1.2060664 1.1683614 1.1294138\n", + " 1.1029072 1.0909693 1.0899916 1.0896375 1.0837125 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1857708 1.1808249 1.1913872 1.1987976 1.1845667 1.1491551 1.113733\n", + " 1.0900028 1.0790892 1.0772763 1.0767076 1.0718408 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1815223 1.1772177 1.1857285 1.1941726 1.1814919 1.1470852 1.1119683\n", + " 1.0881442 1.0762869 1.0730867 1.0724621 1.0680132 1.0595214 1.0511208\n", + " 1.0479343 1.049983 1.0553777 1.0604328 0. 0. ]\n", + " [1.1651275 1.1628293 1.1742423 1.1822078 1.1698796 1.1363417 1.1022799\n", + " 1.0799973 1.0693436 1.066534 1.0651118 1.0597334 1.0512515 1.0438529\n", + " 1.040903 1.0421169 1.0468558 1.051502 1.0536813 1.0547663]\n", + " [1.166326 1.1625165 1.173301 1.1814529 1.1704586 1.1356113 1.1012118\n", + " 1.0788049 1.069336 1.0676733 1.0678829 1.0633963 1.0554742 1.0476844\n", + " 1.0437446 1.0457288 0. 0. 0. 0. ]\n", + " [1.1815253 1.1769629 1.1877351 1.1962277 1.1835735 1.147941 1.1115122\n", + " 1.0877757 1.0772536 1.0761403 1.0763565 1.0714394 1.0613312 1.0523002\n", + " 1.0479944 1.0499724 0. 0. 0. 0. ]]\n", + "[[1.16375 1.1586473 1.1686085 1.1779487 1.1664525 1.134997 1.1025198\n", + " 1.0808309 1.0710874 1.0696594 1.0698717 1.0648423 1.0553648 1.0468819\n", + " 1.0429658 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1644638 1.1600862 1.1691307 1.1770375 1.1652715 1.134407 1.1020044\n", + " 1.0805796 1.0705723 1.0683169 1.066989 1.0621184 1.0530504 1.0445635\n", + " 1.041217 1.0430855 1.0482959 1.0535219 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1530538 1.1498586 1.1598463 1.1690903 1.1590525 1.1301076 1.0990666\n", + " 1.0778719 1.0668056 1.0625561 1.0606338 1.0550959 1.0467947 1.0397873\n", + " 1.0371773 1.0388982 1.043329 1.0476927 1.0504792 1.0517801 1.0529112\n", + " 1.0558347 1.061998 ]\n", + " [1.1597581 1.1578969 1.1684566 1.1773267 1.1646506 1.1334226 1.101146\n", + " 1.0793355 1.068364 1.0650185 1.0632617 1.0572553 1.0487888 1.0415993\n", + " 1.038731 1.0400846 1.0448016 1.0492882 1.0517395 1.0527947 1.0541948\n", + " 0. 0. ]\n", + " [1.1792839 1.1767628 1.1877834 1.1955075 1.1811802 1.1464671 1.110819\n", + " 1.0869454 1.0762805 1.0739262 1.0729401 1.0680681 1.0587283 1.0503199\n", + " 1.0461675 1.0479732 1.0531471 1.058553 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1759546 1.1722167 1.1826786 1.1925466 1.180531 1.146984 1.1116863\n", + " 1.0880953 1.0772446 1.0744755 1.0748394 1.0697618 1.0610292 1.0523338\n", + " 1.0480988 1.0498701 0. 0. 0. ]\n", + " [1.1627324 1.1599183 1.168122 1.1751221 1.1619732 1.130752 1.0991911\n", + " 1.0778801 1.0673803 1.0640515 1.0629764 1.0582588 1.0511864 1.0438685\n", + " 1.0406215 1.0423193 1.0467972 1.0518292 0. ]\n", + " [1.1758921 1.1711925 1.181023 1.1900839 1.1775241 1.144181 1.1096954\n", + " 1.0875705 1.0770415 1.0755265 1.0756493 1.0704077 1.0615293 1.0523726\n", + " 1.048464 0. 0. 0. 0. ]\n", + " [1.1741639 1.170921 1.1818044 1.1906133 1.1773745 1.1429336 1.1086038\n", + " 1.0861921 1.0751085 1.0721493 1.0705264 1.0649664 1.0560731 1.0476846\n", + " 1.0441483 1.0460912 1.0509686 1.0560231 1.058305 ]\n", + " [1.1740148 1.1689365 1.1773767 1.1859852 1.173951 1.141484 1.1072953\n", + " 1.0844142 1.0739232 1.0709755 1.0710467 1.066088 1.0568842 1.0487865\n", + " 1.0452106 1.0469893 1.0524476 0. 0. ]]\n", + "[[1.1574717 1.1544482 1.1640396 1.1722136 1.1606457 1.1288761 1.0968876\n", + " 1.0761776 1.0659727 1.0631943 1.0621965 1.0573077 1.0496557 1.0420083\n", + " 1.0388646 1.040551 1.0450964 1.049687 1.0521472]\n", + " [1.172413 1.1689634 1.1792862 1.1880502 1.1752299 1.1413349 1.106823\n", + " 1.0847569 1.0744033 1.0731968 1.0735798 1.0681643 1.059252 1.0503978\n", + " 1.046536 0. 0. 0. 0. ]\n", + " [1.1750469 1.1703309 1.1804132 1.1890584 1.1764075 1.1431404 1.1089327\n", + " 1.0854363 1.0747057 1.0715108 1.070742 1.0655851 1.056596 1.0480082\n", + " 1.0442896 1.0459121 1.0511982 1.0564973 0. ]\n", + " [1.1600516 1.1559261 1.1662717 1.1758995 1.1647494 1.1322336 1.0993583\n", + " 1.0780903 1.0684361 1.066837 1.0669186 1.0627044 1.0534947 1.0453095\n", + " 1.0413336 1.043167 0. 0. 0. ]\n", + " [1.1691532 1.1642656 1.172864 1.1813593 1.1692687 1.1363611 1.1034455\n", + " 1.0813203 1.0707549 1.068033 1.0666591 1.0622202 1.0538259 1.046739\n", + " 1.0436218 1.0455066 1.0511236 0. 0. ]]\n", + "[[1.2039558 1.1988448 1.2089266 1.2169447 1.2029741 1.1648142 1.1257362\n", + " 1.0999509 1.0893652 1.0881151 1.0884589 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1778373 1.1727782 1.1838458 1.1938391 1.1812718 1.146772 1.1115638\n", + " 1.0887909 1.0779216 1.0761657 1.076133 1.070383 1.0603982 1.0512606\n", + " 1.046953 1.0490731 1.0553589 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1570935 1.1538601 1.1643859 1.1729218 1.1623449 1.1311119 1.0987595\n", + " 1.0778383 1.0673224 1.0637318 1.0622278 1.0569572 1.0485367 1.04162\n", + " 1.038686 1.040474 1.0447992 1.0490481 1.0511863 1.0518464 1.0536349\n", + " 1.0570694]\n", + " [1.1707311 1.1668361 1.1777322 1.1866952 1.1757882 1.1427132 1.1080414\n", + " 1.0855837 1.0746659 1.0724719 1.0724324 1.0676517 1.0589778 1.0504116\n", + " 1.0463074 1.0481637 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2151793 1.209398 1.2192746 1.2263699 1.2113754 1.1734263 1.1338329\n", + " 1.1072353 1.09502 1.0935422 1.0937818 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.211958 1.2038343 1.213475 1.2217474 1.2081549 1.1705878 1.1307944\n", + " 1.1036615 1.09125 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1614548 1.1559577 1.164907 1.1722062 1.1614558 1.130416 1.0986764\n", + " 1.077675 1.0672756 1.0648106 1.0642807 1.0604136 1.0528591 1.0449873\n", + " 1.0418983 1.0433114 1.0483476 0. 0. ]\n", + " [1.1684316 1.16406 1.1733015 1.1808321 1.1701115 1.1394536 1.1070224\n", + " 1.0852103 1.074219 1.0711241 1.0703638 1.065474 1.0565876 1.0480921\n", + " 1.0443381 1.0458875 1.0508991 0. 0. ]\n", + " [1.1642191 1.1605264 1.1712147 1.1815963 1.170166 1.1369863 1.1034912\n", + " 1.0808561 1.069933 1.06692 1.0663718 1.061704 1.0523247 1.04466\n", + " 1.0410643 1.042906 1.0479895 1.053205 0. ]\n", + " [1.174032 1.1719941 1.1821911 1.190247 1.1762214 1.1433015 1.1087443\n", + " 1.0852334 1.0739995 1.0709455 1.0701296 1.0651308 1.0559893 1.0484098\n", + " 1.0446762 1.046278 1.0512699 1.0563374 1.0586395]]\n", + "[[1.1550957 1.1515718 1.1616595 1.1700715 1.1590422 1.1280732 1.0967925\n", + " 1.0756344 1.0654013 1.061909 1.0604675 1.0557708 1.0471216 1.0406277\n", + " 1.037633 1.0391247 1.0437719 1.0480174 1.0502678 1.0513082 1.0524703\n", + " 1.0556718]\n", + " [1.1910917 1.1857809 1.1966884 1.2065651 1.1941313 1.1580029 1.1189871\n", + " 1.0931491 1.0813441 1.0803874 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1861501 1.182248 1.1917486 1.2001367 1.1878239 1.1540571 1.1181072\n", + " 1.0938683 1.0814546 1.0771878 1.0765462 1.0710998 1.0612792 1.0528415\n", + " 1.0491858 1.0511878 1.0570853 1.0620962 0. 0. 0.\n", + " 0. ]\n", + " [1.177352 1.1742606 1.1852099 1.1946067 1.1820343 1.1474216 1.1119429\n", + " 1.0881096 1.0759819 1.0728465 1.0718557 1.0662076 1.0576851 1.0497655\n", + " 1.045847 1.047703 1.0525787 1.0576315 1.0602725 0. 0.\n", + " 0. ]\n", + " [1.165539 1.1607419 1.170637 1.1796724 1.1677611 1.1359686 1.1032344\n", + " 1.081612 1.071877 1.069807 1.0700762 1.0653783 1.056162 1.0479428\n", + " 1.0438058 1.0456098 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1865685 1.1805842 1.1908348 1.2013986 1.1884902 1.1517389 1.1144576\n", + " 1.0903121 1.0798299 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1589265 1.154247 1.1626409 1.1711224 1.1601048 1.130084 1.0987511\n", + " 1.0773007 1.0674568 1.0652604 1.0654178 1.0619382 1.0542545 1.0464755\n", + " 1.0426099 0. 0. 0. ]\n", + " [1.1838224 1.1793026 1.1905764 1.1999457 1.1886327 1.1533098 1.1159602\n", + " 1.0904706 1.0785122 1.0756441 1.0745914 1.069801 1.0604689 1.051205\n", + " 1.0475464 1.0493295 1.054898 1.0604954]\n", + " [1.1730629 1.1674621 1.1758434 1.184075 1.1727816 1.1400768 1.1069913\n", + " 1.0849894 1.0744649 1.0717227 1.0711966 1.0662284 1.0571405 1.0488193\n", + " 1.0448296 1.0462536 1.0514326 0. ]\n", + " [1.1786345 1.1748081 1.1862904 1.1951276 1.1828153 1.1481165 1.1123842\n", + " 1.089 1.0786173 1.0769706 1.0773324 1.0721387 1.0622171 1.0529922\n", + " 1.0485928 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1629416 1.1592516 1.1690931 1.1772673 1.1664877 1.1340692 1.1014365\n", + " 1.0806069 1.0710474 1.0699368 1.0706434 1.0657898 1.0572938 1.0485554\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.161944 1.1605154 1.1713283 1.180797 1.1685233 1.134668 1.1017214\n", + " 1.0799084 1.0692279 1.066085 1.0650773 1.0594722 1.0514109 1.0439941\n", + " 1.0406624 1.0418124 1.0465856 1.0509049 1.0532278 1.0541694]\n", + " [1.1839688 1.1783344 1.1894455 1.1989 1.1867881 1.1511568 1.1143711\n", + " 1.0902472 1.0803347 1.0792358 1.0800872 1.0749865 1.0646738 1.0550915\n", + " 1.0502179 0. 0. 0. 0. 0. ]\n", + " [1.1664296 1.1632117 1.174092 1.1834828 1.1725804 1.1402532 1.1060579\n", + " 1.0830166 1.0730561 1.0701685 1.0708199 1.0656319 1.0569781 1.0481818\n", + " 1.0443646 1.0460346 0. 0. 0. 0. ]\n", + " [1.166984 1.162457 1.1736059 1.1834104 1.1724402 1.1391888 1.1045496\n", + " 1.0821955 1.0721416 1.0713536 1.0716956 1.06707 1.0571032 1.0482172\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2128992 1.2063414 1.217549 1.2268066 1.211221 1.1726373 1.1314652\n", + " 1.10521 1.0932206 1.0917178 1.0917333 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.189129 1.1832564 1.1932616 1.199345 1.1846734 1.1486106 1.1121136\n", + " 1.0890841 1.079062 1.0781617 1.0786986 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2082247 1.201996 1.212148 1.2214605 1.2074544 1.1716315 1.1338359\n", + " 1.1083705 1.0962005 1.0934211 1.0923492 1.0855265 1.0744292 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.162394 1.1609421 1.1725471 1.1806202 1.1703315 1.138006 1.1030487\n", + " 1.0807413 1.0695697 1.0664802 1.065002 1.0594691 1.0511332 1.0431908\n", + " 1.0398163 1.0415066 1.0461471 1.0510889 1.0535996 1.0547638]\n", + " [1.1738319 1.1708933 1.181157 1.1901866 1.1761916 1.1417906 1.106749\n", + " 1.083319 1.0720904 1.0686367 1.0672647 1.0621117 1.0534557 1.0458553\n", + " 1.0427927 1.0446326 1.0495065 1.0546936 1.0571438 1.0580822]]\n", + "[[1.1967692 1.1913366 1.201259 1.2101074 1.1964265 1.1604652 1.1234695\n", + " 1.0999712 1.0889057 1.0870513 1.0867608 1.0813878 1.0704999 1.060255\n", + " 0. 0. 0. 0. ]\n", + " [1.179806 1.1742027 1.182817 1.1909451 1.1785955 1.144909 1.1113712\n", + " 1.0887562 1.077646 1.0751956 1.07431 1.0684804 1.0592344 1.0506749\n", + " 1.046869 1.0490843 1.0546092 1.0599091]\n", + " [1.1843674 1.1803951 1.1906309 1.1994866 1.1851846 1.1486089 1.1124692\n", + " 1.0889007 1.0785514 1.077105 1.0771362 1.0716969 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1550515 1.15032 1.1590581 1.1665893 1.1552587 1.1248208 1.0935009\n", + " 1.0736297 1.0640843 1.0619947 1.0619025 1.0576684 1.049918 1.0429763\n", + " 1.0398338 1.041638 1.0464444 0. ]\n", + " [1.1700361 1.1651005 1.1748793 1.1838286 1.1714795 1.1398456 1.1065762\n", + " 1.0848066 1.0746014 1.0729519 1.0726737 1.0681779 1.059164 1.0507438\n", + " 0. 0. 0. 0. ]]\n", + "[[1.2073245 1.2008265 1.2120081 1.2208143 1.2069727 1.1694345 1.128948\n", + " 1.1030885 1.0911344 1.0902085 1.0902522 1.0844357 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1780212 1.175207 1.1862347 1.194807 1.1801975 1.1451366 1.1097269\n", + " 1.0868069 1.0769535 1.0754557 1.0764545 1.0713918 1.0615277 1.0519027\n", + " 0. 0. 0. 0. ]\n", + " [1.162243 1.1578547 1.1655961 1.1730771 1.1608167 1.1298658 1.0994717\n", + " 1.0794594 1.0700244 1.0668741 1.066295 1.0609381 1.0520599 1.0439335\n", + " 1.0406811 1.0424849 1.0477439 0. ]\n", + " [1.1677573 1.1637967 1.1740053 1.1826401 1.1713125 1.1376425 1.1028658\n", + " 1.0807627 1.0704858 1.0694062 1.0700784 1.0661062 1.0574994 1.0491349\n", + " 1.0450106 0. 0. 0. ]\n", + " [1.1707108 1.1664813 1.1772927 1.1868097 1.1754119 1.1416781 1.1058416\n", + " 1.0823205 1.0714365 1.0692737 1.0689224 1.0644501 1.0554171 1.0475087\n", + " 1.0440422 1.0458574 1.051217 1.0564009]]\n", + "[[1.1685716 1.1661963 1.1767216 1.1844527 1.1733631 1.1399832 1.1054809\n", + " 1.083127 1.0724403 1.0695893 1.0698631 1.0650585 1.0564424 1.0483974\n", + " 1.0444304 1.0462161 1.051586 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1658142 1.1621293 1.1715568 1.1786354 1.1663014 1.1331099 1.0998403\n", + " 1.0778958 1.0680792 1.0665902 1.0669789 1.0634389 1.0557419 1.0480462\n", + " 1.0445194 1.0465091 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1610851 1.1594045 1.1695379 1.179269 1.1673232 1.1358726 1.1031482\n", + " 1.0813038 1.0701435 1.0664921 1.0645901 1.0588684 1.0509429 1.0439674\n", + " 1.0411744 1.0424726 1.0470363 1.0517532 1.0539452 1.0550443 1.0566723\n", + " 1.0604541]\n", + " [1.161748 1.1580409 1.1675721 1.1751931 1.1637707 1.1325245 1.0998948\n", + " 1.0793031 1.0693412 1.0677555 1.0671211 1.0625987 1.0530524 1.0453945\n", + " 1.0417904 1.0434992 1.0488485 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1655498 1.1624576 1.1742576 1.1834637 1.1733091 1.1399014 1.1042413\n", + " 1.0802703 1.0697336 1.0673846 1.0672199 1.0626137 1.0543134 1.0466001\n", + " 1.0426619 1.0437142 1.0483325 1.05325 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1798563 1.1755759 1.1852276 1.1920491 1.1805352 1.1471233 1.1121498\n", + " 1.0885423 1.0771915 1.0737959 1.0735421 1.0685338 1.0598763 1.0509404\n", + " 1.0470262 1.0487329 1.054236 1.0594523 0. ]\n", + " [1.2021784 1.1969229 1.2075953 1.2167414 1.2018572 1.1647693 1.1255418\n", + " 1.0995241 1.0882814 1.0858816 1.0863118 1.0812929 1.0705496 1.0600662\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1787935 1.1732503 1.180851 1.1882163 1.1755915 1.1426487 1.108511\n", + " 1.0866178 1.0759857 1.0737962 1.0738472 1.0692481 1.0602924 1.0517905\n", + " 1.0481637 0. 0. 0. 0. ]\n", + " [1.1861681 1.1821884 1.1924919 1.2012082 1.1884625 1.1532624 1.1171087\n", + " 1.0932393 1.0812937 1.0773623 1.0748895 1.0683863 1.0583647 1.0497963\n", + " 1.0464139 1.0486599 1.0541425 1.0596143 1.0621231]\n", + " [1.1663512 1.1611655 1.1696995 1.1776938 1.1657081 1.1338338 1.1006802\n", + " 1.0789664 1.0693216 1.066828 1.0665877 1.061966 1.0532321 1.0457443\n", + " 1.042251 1.0440677 1.0492991 0. 0. ]]\n", + "[[1.1801405 1.1765012 1.1884421 1.1994188 1.187315 1.1523058 1.1148714\n", + " 1.089929 1.0774028 1.0744133 1.0740979 1.0686878 1.0596821 1.0509702\n", + " 1.0468789 1.0483285 1.0535516 1.059097 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1605487 1.1578019 1.1683654 1.1778448 1.1673982 1.13586 1.1032486\n", + " 1.0808892 1.069246 1.0652093 1.0633907 1.0583609 1.0501242 1.0433557\n", + " 1.0398693 1.0418415 1.0469078 1.051593 1.0538845 1.0544871 1.055557\n", + " 1.0593053 0. ]\n", + " [1.1411623 1.1382108 1.1490054 1.1586068 1.150172 1.1224384 1.0923514\n", + " 1.0719476 1.0619273 1.0583789 1.0563089 1.0513555 1.0431325 1.0361831\n", + " 1.0334775 1.0351 1.0396156 1.0442765 1.0467442 1.0474025 1.0479625\n", + " 1.0507513 1.0569177]\n", + " [1.1702302 1.1664443 1.1766638 1.1838865 1.1712143 1.1379967 1.1045791\n", + " 1.0824978 1.0726446 1.0704064 1.0703291 1.0654073 1.0562528 1.047826\n", + " 1.043962 1.0454547 1.050669 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1894333 1.1848614 1.1951063 1.2039242 1.1903105 1.1551484 1.1187043\n", + " 1.0943854 1.0824169 1.0791087 1.0785081 1.0726972 1.0627451 1.0536897\n", + " 1.0497687 1.0520239 1.0579932 1.0636238 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1622651 1.1581273 1.1681011 1.1764193 1.1636211 1.1321539 1.0993419\n", + " 1.0774784 1.0675554 1.0654714 1.0653951 1.0608084 1.0525686 1.0446769\n", + " 1.0413777 1.0426576 1.047472 1.0521712 0. 0. ]\n", + " [1.1750674 1.1716162 1.1821104 1.1908631 1.1784688 1.1445359 1.1098506\n", + " 1.0866936 1.0760715 1.073796 1.0732558 1.0673307 1.0577742 1.0488024\n", + " 1.0455977 1.0475664 1.0533181 0. 0. 0. ]\n", + " [1.1901382 1.1871736 1.1977901 1.2065578 1.1933979 1.1581424 1.1211227\n", + " 1.0954257 1.0834081 1.0794169 1.0779604 1.072054 1.0616587 1.0534638\n", + " 1.0492797 1.0512325 1.0569897 1.0628028 1.0649813 0. ]\n", + " [1.1725101 1.1700792 1.1810776 1.1918397 1.1815118 1.147022 1.1114174\n", + " 1.0872223 1.0747607 1.0709661 1.06919 1.0633577 1.0547295 1.04671\n", + " 1.0430982 1.0448039 1.0495082 1.0548174 1.0582036 1.0598127]\n", + " [1.1741666 1.1684712 1.1783288 1.186105 1.1747187 1.1414791 1.106465\n", + " 1.0838094 1.0739219 1.0733309 1.0739385 1.069763 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1797282 1.1758548 1.1857114 1.1924942 1.1801834 1.1457833 1.1103764\n", + " 1.087424 1.0766237 1.0739514 1.0733359 1.0683491 1.0589826 1.050762\n", + " 1.0471127 1.0486579 1.0539572 1.0590376 0. 0. ]\n", + " [1.1532626 1.150207 1.1583867 1.1658702 1.154858 1.1245227 1.0947835\n", + " 1.0746648 1.0639355 1.0604404 1.0588135 1.0541118 1.0464096 1.0403141\n", + " 1.0373892 1.0388951 1.0429996 1.0475706 1.0499839 1.0512872]\n", + " [1.2207487 1.2128175 1.223686 1.2336471 1.2194533 1.1798509 1.137876\n", + " 1.109966 1.0978507 1.096356 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1616787 1.156499 1.1651524 1.1729488 1.1617401 1.1303201 1.0980434\n", + " 1.0770456 1.0675651 1.0665778 1.066955 1.0621967 1.0542443 1.0461385\n", + " 1.0425284 0. 0. 0. 0. 0. ]\n", + " [1.1617883 1.15779 1.1665757 1.173253 1.1623952 1.1313412 1.0990185\n", + " 1.0773782 1.0671117 1.0651455 1.0653441 1.0613608 1.0526648 1.0455085\n", + " 1.0419704 1.043558 1.0486418 0. 0. 0. ]]\n", + "[[1.1609683 1.1585158 1.1695367 1.1787829 1.1681104 1.1357296 1.1017538\n", + " 1.0801291 1.069223 1.0671867 1.0664846 1.0618223 1.0527873 1.0453444\n", + " 1.0419751 1.043479 1.0484486 1.0533091]\n", + " [1.1735908 1.1683685 1.1763266 1.1828984 1.1678994 1.1357349 1.1033775\n", + " 1.0818083 1.0720985 1.0714983 1.071183 1.0672106 1.0584779 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.17083 1.1686711 1.180028 1.1885821 1.1757082 1.1420759 1.1072693\n", + " 1.0833973 1.0720096 1.0688323 1.0686922 1.0639982 1.0558381 1.0478135\n", + " 1.0444044 1.0459559 1.0513484 1.0564996 0. 0. 0.\n", + " 0. ]\n", + " [1.1947937 1.1911801 1.2021478 1.2106135 1.1954913 1.1590726 1.1213397\n", + " 1.095331 1.0836608 1.0801327 1.0789151 1.072088 1.0618583 1.0531602\n", + " 1.0495089 1.0514019 1.0573273 1.0630364 1.0656776 0. 0.\n", + " 0. ]\n", + " [1.1490119 1.1460652 1.1563461 1.1652496 1.155352 1.1250205 1.0941519\n", + " 1.073609 1.0633078 1.0597501 1.0581208 1.0531378 1.0454961 1.0391346\n", + " 1.0362215 1.037701 1.042141 1.0460373 1.0484053 1.0492314 1.0501624\n", + " 1.0533149]\n", + " [1.1842917 1.1796963 1.1906899 1.1993053 1.1880839 1.153135 1.1163028\n", + " 1.0927057 1.0820364 1.0805337 1.0804958 1.0759069 1.065288 1.055761\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2164464 1.2104143 1.2205608 1.2287675 1.2147262 1.1754606 1.134635\n", + " 1.1082345 1.0957313 1.0938927 1.0937363 1.0879601 1.0761799 1.0657027\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1645267 1.1636422 1.1751835 1.1846318 1.172263 1.138639 1.1042911\n", + " 1.0818348 1.0703658 1.0670044 1.0652962 1.0597184 1.0519571 1.0448866\n", + " 1.0417781 1.0433053 1.0480245 1.0530199 1.0553814 1.0562254 1.0573367]\n", + " [1.17613 1.1705565 1.1797122 1.1887528 1.1771718 1.1448834 1.1106226\n", + " 1.0872562 1.0763565 1.0738478 1.0734501 1.0679979 1.0586655 1.0501267\n", + " 1.0464894 1.0487705 0. 0. 0. 0. 0. ]\n", + " [1.1744106 1.1709942 1.1815168 1.1898704 1.17635 1.1422665 1.1076516\n", + " 1.0848684 1.0739212 1.0711765 1.0706584 1.064927 1.0561306 1.0481594\n", + " 1.0446153 1.0464915 1.0516309 1.0568411 1.0592833 0. 0. ]\n", + " [1.1682452 1.1642617 1.1743697 1.1850262 1.1735634 1.1395886 1.1043619\n", + " 1.0811788 1.0709631 1.0691884 1.0694914 1.065508 1.0561577 1.048578\n", + " 1.0444742 1.0461127 0. 0. 0. 0. 0. ]\n", + " [1.1619833 1.1605068 1.1705147 1.1792817 1.1668503 1.1333994 1.1010649\n", + " 1.079793 1.0693117 1.0666006 1.0661153 1.0608091 1.0524088 1.0450042\n", + " 1.0415394 1.0433211 1.0483683 1.0530264 0. 0. 0. ]]\n", + "[[1.1632739 1.1604862 1.1710248 1.179772 1.1675485 1.1345866 1.1008084\n", + " 1.0798098 1.0703999 1.0689547 1.0692664 1.0643464 1.0554328 1.0470477\n", + " 1.0434604 1.0451175 0. 0. 0. 0. ]\n", + " [1.1786387 1.1750194 1.1845009 1.192947 1.1793427 1.1460888 1.1116931\n", + " 1.0886362 1.0778083 1.0748005 1.0734181 1.0679092 1.0580893 1.0497669\n", + " 1.045605 1.0477016 1.0533942 1.058529 0. 0. ]\n", + " [1.1627395 1.1575804 1.166464 1.1738782 1.1634922 1.1328453 1.1010891\n", + " 1.0796474 1.0693592 1.0658925 1.0641035 1.058768 1.0502274 1.0428964\n", + " 1.0393242 1.0411869 1.0459168 1.0509104 1.0533428 0. ]\n", + " [1.1736604 1.169932 1.179808 1.1884226 1.1764349 1.1432195 1.1089631\n", + " 1.0854154 1.0744791 1.0712287 1.06966 1.0645722 1.0560703 1.0478765\n", + " 1.0448298 1.0470843 1.0525271 1.0577086 0. 0. ]\n", + " [1.1613289 1.1595532 1.1704577 1.1780754 1.1664301 1.1340578 1.1007545\n", + " 1.0791304 1.0684243 1.0653446 1.0641131 1.0590559 1.0505828 1.0434647\n", + " 1.0401584 1.0419741 1.0469013 1.0514112 1.0534691 1.0543392]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1830165 1.178347 1.1897013 1.1982539 1.186082 1.1503903 1.1136446\n", + " 1.0888717 1.0786854 1.0768881 1.0779405 1.0738449 1.063792 1.0548011\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1748109 1.1726104 1.1845428 1.1929185 1.1805847 1.1464969 1.1108947\n", + " 1.0869842 1.0747788 1.0714594 1.0701269 1.0635501 1.0546702 1.0468271\n", + " 1.0433421 1.045474 1.0507066 1.055932 1.0589443 0. 0.\n", + " 0. 0. ]\n", + " [1.1816584 1.1769576 1.1860254 1.1933236 1.1790487 1.1445525 1.1095265\n", + " 1.0871316 1.0778162 1.0765027 1.0771903 1.0714641 1.0616244 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1907225 1.1860877 1.1970559 1.2049763 1.1889095 1.1515259 1.1144717\n", + " 1.0911785 1.0814406 1.0807719 1.0813887 1.075748 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1766247 1.1721237 1.181977 1.1910086 1.179896 1.1464404 1.111968\n", + " 1.0887854 1.0771682 1.0730878 1.0704585 1.0645941 1.0549946 1.0468308\n", + " 1.0436294 1.0459517 1.0510653 1.0563726 1.0582987 1.058991 1.0603592\n", + " 1.0639254 1.0719093]]\n", + "[[1.1799546 1.1716876 1.1803621 1.1890221 1.1778913 1.1459234 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1617213 1.1597888 1.1709415 1.1800808 1.1688613 1.1360773 1.1032364\n", + " 1.0808343 1.0705777 1.0671834 1.0651641 1.0596752 1.0506549 1.0431125\n", + " 1.0403241 1.0421398 1.047134 1.0518066 1.0543761 1.0550947 1.0561323\n", + " 1.059936 1.0672737 0. 0. ]\n", + " [1.1874359 1.183749 1.1942427 1.2021201 1.1900917 1.1542616 1.1172197\n", + " 1.0929296 1.0806857 1.0781618 1.0769625 1.0716854 1.0615183 1.0528823\n", + " 1.0490298 1.051071 1.056724 1.0621985 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1480794 1.1464155 1.1563619 1.1642869 1.1536574 1.1237655 1.0935485\n", + " 1.0743229 1.0647874 1.0616893 1.0596477 1.0540514 1.0454668 1.0383043\n", + " 1.0355086 1.0372399 1.0413498 1.0454973 1.047396 1.0480173 1.0486463\n", + " 1.0521566 1.0591011 1.0681942 1.0751686]\n", + " [1.1843616 1.1796826 1.1889408 1.1963961 1.1850377 1.1506537 1.1151594\n", + " 1.0911828 1.0802002 1.0772281 1.0773374 1.0724231 1.0627917 1.0537589\n", + " 1.0497591 1.0520937 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1515434 1.1472057 1.1569127 1.1668612 1.1569486 1.127042 1.0960236\n", + " 1.0750178 1.0654376 1.0628631 1.0620581 1.0577366 1.0498141 1.0418375\n", + " 1.0385907 1.0402538 1.0451608 0. 0. ]\n", + " [1.1898497 1.1856807 1.1960858 1.2040756 1.1915022 1.1557045 1.1186922\n", + " 1.0943898 1.0824107 1.0801306 1.0798166 1.0741297 1.0641321 1.0546881\n", + " 1.0506585 1.0527889 1.0587293 0. 0. ]\n", + " [1.161389 1.1577196 1.1682274 1.1770602 1.1653427 1.133359 1.1004384\n", + " 1.0787102 1.068425 1.0652936 1.0645318 1.0592023 1.0503372 1.0426894\n", + " 1.039386 1.0409493 1.0458516 1.0507796 1.0530796]\n", + " [1.166995 1.1634343 1.1740147 1.1830602 1.1703361 1.1377634 1.1032503\n", + " 1.0808954 1.0707874 1.068926 1.0693748 1.0650916 1.0557593 1.0475647\n", + " 1.0438783 1.0455353 0. 0. 0. ]\n", + " [1.1669765 1.1648813 1.1746901 1.1820209 1.1686411 1.1360198 1.1030234\n", + " 1.081488 1.0708196 1.0679406 1.0667981 1.0610493 1.0526837 1.04484\n", + " 1.0417817 1.0438541 1.0488273 1.053805 1.0560324]]\n", + "[[1.1770449 1.1733524 1.1838436 1.1909163 1.1789267 1.1437469 1.1089538\n", + " 1.0866069 1.0777417 1.0764959 1.0773735 1.0723251 1.0621896 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1627886 1.1595416 1.169938 1.178827 1.1667491 1.1339107 1.1016016\n", + " 1.0799135 1.0691893 1.0657644 1.063912 1.058744 1.0504248 1.0434762\n", + " 1.0403166 1.042346 1.0468645 1.051941 1.0543293 1.0553558 1.0569402]\n", + " [1.1778038 1.1762196 1.1875975 1.1970406 1.1847239 1.1512189 1.116212\n", + " 1.0920969 1.0792297 1.0745491 1.0730269 1.0668116 1.0572207 1.049157\n", + " 1.0452112 1.046815 1.0516233 1.0563927 1.0584639 1.0591434 0. ]\n", + " [1.1456709 1.1417534 1.1517887 1.1605047 1.1506072 1.1214514 1.0913228\n", + " 1.071993 1.0630715 1.060994 1.0608786 1.0564567 1.0492315 1.0418979\n", + " 1.038261 1.0397272 0. 0. 0. 0. 0. ]\n", + " [1.194299 1.1889127 1.197717 1.2056978 1.1935705 1.1581995 1.1215724\n", + " 1.0967746 1.0857549 1.0834606 1.0827285 1.0771651 1.0668535 1.0576187\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1669185 1.1616894 1.1713475 1.1805722 1.1686058 1.1371688 1.1038681\n", + " 1.0817482 1.0714977 1.0698695 1.0704854 1.0661978 1.0576118 1.0494915\n", + " 1.04589 0. 0. 0. 0. ]\n", + " [1.1726712 1.168352 1.1777809 1.1871791 1.1757437 1.143528 1.1091214\n", + " 1.086124 1.0752982 1.0728438 1.0728736 1.0681506 1.0591619 1.0508223\n", + " 1.0465838 1.0481431 1.0532646 0. 0. ]\n", + " [1.1938455 1.191027 1.2018207 1.2098532 1.1975982 1.1609781 1.1221235\n", + " 1.0970286 1.0844953 1.0798742 1.0789502 1.0731194 1.0635194 1.0541087\n", + " 1.050341 1.0519621 1.0574408 1.0628784 1.0655578]\n", + " [1.200055 1.1951331 1.206543 1.2152698 1.200316 1.1613183 1.1218349\n", + " 1.0962561 1.0855395 1.084085 1.0847918 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1715586 1.1666687 1.1766006 1.1850355 1.172241 1.1386497 1.1042974\n", + " 1.0817623 1.0711571 1.0689741 1.0689952 1.0643332 1.0556 1.0474539\n", + " 1.0438831 1.0458173 1.0515056 0. 0. ]]\n", + "[[1.184765 1.1820947 1.1931034 1.2028774 1.1894485 1.1549568 1.1183742\n", + " 1.0940788 1.0811013 1.0768348 1.0745577 1.0670904 1.057762 1.0494455\n", + " 1.0459254 1.047894 1.0534028 1.058609 1.0607872 1.0618958 1.0635476\n", + " 1.0676763]\n", + " [1.176239 1.170125 1.1782137 1.1862516 1.1761217 1.1443849 1.1105667\n", + " 1.0869005 1.076233 1.0740478 1.0736605 1.0689247 1.0597377 1.0514879\n", + " 1.0477881 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1879714 1.184927 1.1961794 1.206239 1.1934146 1.1570399 1.1186626\n", + " 1.0934215 1.0811687 1.0790881 1.078665 1.0737782 1.0640926 1.0544206\n", + " 1.0501276 1.0521139 1.0580561 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1761407 1.1734364 1.1859465 1.1956174 1.1831774 1.1487916 1.1116692\n", + " 1.0876485 1.0754827 1.0715824 1.0694122 1.0635791 1.0545679 1.0462465\n", + " 1.042998 1.04483 1.0498338 1.0546495 1.0570276 1.0582756 1.0600681\n", + " 0. ]\n", + " [1.1771513 1.1747507 1.184938 1.1932458 1.1802773 1.1451297 1.1095897\n", + " 1.0869858 1.0765637 1.0754982 1.0759413 1.0702857 1.0612134 1.052093\n", + " 1.0479381 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1692463 1.1654114 1.1771442 1.185772 1.1731855 1.1400108 1.1062363\n", + " 1.083489 1.073117 1.0708003 1.069912 1.0647099 1.0558906 1.0475627\n", + " 1.0438517 1.0457275 1.0508311 1.0559509 0. 0. 0. ]\n", + " [1.1845651 1.1810175 1.191707 1.1992649 1.1877953 1.1529058 1.1167054\n", + " 1.0921086 1.0803949 1.0768402 1.0753367 1.0705918 1.0604799 1.0523438\n", + " 1.0476751 1.0497339 1.0555525 1.061183 0. 0. 0. ]\n", + " [1.1833715 1.1805471 1.1911758 1.1988297 1.1874254 1.1530672 1.1157826\n", + " 1.0919687 1.0792642 1.07422 1.0717257 1.066369 1.057061 1.0491388\n", + " 1.0457413 1.0475483 1.0530986 1.058012 1.0605552 1.0615444 1.0630261]\n", + " [1.1904397 1.1871933 1.1977739 1.2067298 1.1935596 1.1583984 1.1201624\n", + " 1.095356 1.0823832 1.0788052 1.0774843 1.0716548 1.061863 1.0533681\n", + " 1.0497382 1.0512998 1.056865 1.0625806 1.0651487 0. 0. ]\n", + " [1.1643083 1.159101 1.1681906 1.1767682 1.1648995 1.1335658 1.1010319\n", + " 1.079641 1.0698872 1.0679853 1.0678815 1.0641489 1.0558366 1.0476028\n", + " 1.0442866 1.046096 0. 0. 0. 0. 0. ]]\n", + "[[1.1957718 1.1892874 1.198538 1.207993 1.1953421 1.1604664 1.1234277\n", + " 1.0988065 1.0874777 1.0851474 1.0844576 1.0783958 1.0677149 1.0580314\n", + " 1.0536811 1.0560542 0. 0. 0. ]\n", + " [1.1596155 1.1569874 1.1679252 1.177746 1.1661619 1.1338265 1.1010482\n", + " 1.079016 1.0685865 1.0656656 1.0644008 1.059195 1.0506698 1.0427628\n", + " 1.0394096 1.0410136 1.045514 1.0501443 1.0525928]\n", + " [1.1860799 1.180947 1.1906956 1.2004789 1.1873051 1.1521438 1.1150388\n", + " 1.0905883 1.0792303 1.0765291 1.0764818 1.0712916 1.0617865 1.0532829\n", + " 1.0492729 1.0515914 0. 0. 0. ]\n", + " [1.1698904 1.1648977 1.1730425 1.1816815 1.1713731 1.1399667 1.1070963\n", + " 1.0847355 1.0738909 1.072575 1.0723406 1.0675155 1.057979 1.0492412\n", + " 1.0454581 0. 0. 0. 0. ]\n", + " [1.1837641 1.1790096 1.1896572 1.1987562 1.1861331 1.149947 1.1131363\n", + " 1.0885879 1.0779873 1.0766357 1.0768099 1.072871 1.0628538 1.0538671\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1754696 1.1712484 1.1811845 1.1895899 1.177607 1.1441197 1.1096333\n", + " 1.0859728 1.074636 1.0716038 1.0707577 1.0663071 1.0568112 1.0491703\n", + " 1.0454329 1.0468694 1.0518476 1.0567846]\n", + " [1.1671627 1.1641774 1.1745653 1.1835022 1.1713262 1.1382064 1.1042174\n", + " 1.0822326 1.0714701 1.0686142 1.0681926 1.062987 1.0540122 1.0457771\n", + " 1.0423414 1.0440018 1.0490041 1.0539479]\n", + " [1.1813347 1.1774635 1.1874284 1.1957241 1.1827915 1.1487721 1.1137638\n", + " 1.0899417 1.0786912 1.0754814 1.0746634 1.068821 1.0592511 1.0503347\n", + " 1.0468239 1.048622 1.054201 1.0596321]\n", + " [1.1688491 1.16377 1.1737021 1.1825671 1.1707761 1.138156 1.105026\n", + " 1.0830777 1.0730703 1.0713148 1.0713421 1.0666745 1.0577662 1.0494133\n", + " 1.0451224 1.0469174 1.0524869 0. ]\n", + " [1.1807183 1.1756084 1.1847845 1.1922126 1.179584 1.1446041 1.1085593\n", + " 1.0855589 1.074532 1.0726832 1.0728121 1.0689025 1.0600818 1.0519274\n", + " 1.0481682 1.049919 0. 0. ]]\n", + "[[1.1569365 1.1540172 1.1638192 1.172827 1.1617237 1.1309837 1.0984986\n", + " 1.0771211 1.0664234 1.0643911 1.0639668 1.059743 1.0516886 1.0440879\n", + " 1.0404605 1.0419803 1.0465758 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1659594 1.1633786 1.174655 1.1830757 1.1718168 1.1393543 1.1056037\n", + " 1.0834184 1.0721905 1.0689529 1.0679247 1.0623618 1.05313 1.0452347\n", + " 1.0417553 1.0431664 1.0479728 1.0529054 1.0556502 0. 0.\n", + " 0. ]\n", + " [1.1704893 1.1672513 1.1781126 1.1877398 1.1755977 1.1417427 1.1080272\n", + " 1.0854223 1.0744734 1.0704968 1.0677348 1.0619482 1.0530189 1.0452623\n", + " 1.0424331 1.0443037 1.0496628 1.0539234 1.0563225 1.0576689 1.0597832\n", + " 1.0635098]\n", + " [1.1829525 1.1786064 1.1885259 1.1956718 1.183937 1.1492804 1.1140454\n", + " 1.0904998 1.079625 1.076805 1.0765244 1.0713022 1.0609236 1.0526496\n", + " 1.0486443 1.050778 1.0570856 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1549376 1.1495328 1.1573828 1.1645724 1.1540965 1.1241459 1.0936824\n", + " 1.0735023 1.064235 1.0628273 1.0630502 1.0594457 1.0517015 1.0442958\n", + " 1.040665 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.160444 1.1561007 1.164823 1.1725348 1.1620898 1.1315777 1.1000406\n", + " 1.0791945 1.0692878 1.0678618 1.0684127 1.0634346 1.0543722 1.0462443\n", + " 1.0423926 0. 0. 0. ]\n", + " [1.1714048 1.1684073 1.1792303 1.1879802 1.1769507 1.1430812 1.1084316\n", + " 1.0850588 1.0734977 1.0712794 1.0705562 1.0651507 1.0559331 1.0478241\n", + " 1.0444919 1.0459554 1.0512513 1.0565628]\n", + " [1.171711 1.1685364 1.1779933 1.1857461 1.1730889 1.1394341 1.105654\n", + " 1.0841643 1.0735223 1.0702894 1.0691384 1.0636097 1.0545001 1.0462903\n", + " 1.0426081 1.0443861 1.0495602 1.0545194]\n", + " [1.1731435 1.1701859 1.1807853 1.1887091 1.1759784 1.1422601 1.1081982\n", + " 1.0849037 1.0746218 1.0718546 1.0705601 1.0655397 1.0565697 1.0480075\n", + " 1.044684 1.0463151 1.0512776 1.0562313]\n", + " [1.181398 1.177792 1.1887845 1.1981243 1.1860658 1.1509418 1.1146805\n", + " 1.0906986 1.0792224 1.076365 1.0755833 1.0706799 1.0608599 1.0517042\n", + " 1.0474852 1.0492661 1.0546407 1.0600653]]\n", + "[[1.189808 1.1837276 1.1916443 1.2001837 1.1876874 1.1526017 1.116854\n", + " 1.0944934 1.0837952 1.0825887 1.0823447 1.0768946 1.0663178 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1704149 1.1662192 1.1747165 1.1822335 1.1701736 1.139623 1.1070831\n", + " 1.0844104 1.0730175 1.0697443 1.0682194 1.0630816 1.0541458 1.0463434\n", + " 1.0427266 1.0444844 1.0495753 1.0544351]\n", + " [1.1685994 1.1655316 1.1766866 1.1864549 1.173588 1.1403403 1.1061347\n", + " 1.0832763 1.0721855 1.0701687 1.0693954 1.0639151 1.0547907 1.0464991\n", + " 1.042608 1.044306 1.0496113 1.0550542]\n", + " [1.1711806 1.1668496 1.1771953 1.1852311 1.173356 1.1388617 1.1057974\n", + " 1.0839369 1.074839 1.0735593 1.0740502 1.0691833 1.0597528 1.0511376\n", + " 0. 0. 0. 0. ]\n", + " [1.1645687 1.1597444 1.1697721 1.1784927 1.167719 1.135476 1.1020554\n", + " 1.0805544 1.070393 1.068693 1.0687628 1.0639373 1.0547433 1.046541\n", + " 1.0427685 1.0444832 0. 0. ]]\n", + "[[1.168032 1.1652757 1.1762055 1.185767 1.1731411 1.1392621 1.1048455\n", + " 1.0818619 1.0710917 1.0691124 1.0680735 1.0634993 1.0542858 1.0463185\n", + " 1.042594 1.0443887 1.0494932 1.0549008 0. ]\n", + " [1.189034 1.1815208 1.1907635 1.2000697 1.18894 1.1543405 1.1176406\n", + " 1.0932364 1.0825723 1.0810739 1.0818242 1.076835 1.0664159 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1781547 1.1741484 1.1856782 1.1951247 1.1839304 1.1488988 1.1133441\n", + " 1.0894878 1.0783399 1.0766416 1.0768211 1.0715815 1.0621933 1.0528506\n", + " 1.0485256 1.050426 0. 0. 0. ]\n", + " [1.1651748 1.160679 1.1709704 1.1798255 1.1670432 1.1349744 1.1022661\n", + " 1.0807626 1.0710133 1.0700525 1.0707194 1.0658768 1.056814 1.0485892\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1922895 1.1881914 1.1978257 1.2065406 1.1937494 1.1579318 1.1221399\n", + " 1.0972306 1.0848465 1.0803317 1.0788286 1.0727873 1.0620078 1.0536239\n", + " 1.0496581 1.0519862 1.0573523 1.063093 1.0650536]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1740425 1.1687392 1.178541 1.1872847 1.174718 1.1413181 1.107478\n", + " 1.084976 1.0740156 1.0717418 1.0711626 1.0665432 1.0575523 1.0493895\n", + " 1.0460385 1.0480508 1.0538071 0. 0. 0. ]\n", + " [1.1809863 1.1773009 1.1883107 1.1974413 1.1855819 1.1510606 1.1150701\n", + " 1.0908153 1.0793438 1.0753467 1.0730364 1.0663308 1.0565369 1.0478193\n", + " 1.044217 1.0461186 1.051631 1.0566734 1.059001 1.0597357]\n", + " [1.1791034 1.1774862 1.1888471 1.1977524 1.1840333 1.1484218 1.1116871\n", + " 1.0879972 1.0764978 1.0738941 1.0725887 1.0667001 1.0572704 1.0483614\n", + " 1.0448755 1.046644 1.0519992 1.0570513 1.0598235 0. ]\n", + " [1.1633581 1.1577566 1.1657898 1.173666 1.1623844 1.1311243 1.0994029\n", + " 1.0784712 1.068515 1.0661869 1.0658498 1.0613925 1.0532376 1.04579\n", + " 1.0422379 1.043802 1.0486759 0. 0. 0. ]\n", + " [1.1759032 1.171948 1.1830031 1.1923422 1.1805177 1.1472859 1.1123121\n", + " 1.0888981 1.0772765 1.0738355 1.0721875 1.0663716 1.0570134 1.0485942\n", + " 1.0448363 1.046608 1.0519282 1.0572361 1.0600917 0. ]]\n", + "[[1.185986 1.1809582 1.1913604 1.1990366 1.1850188 1.1491705 1.1131557\n", + " 1.0898737 1.0799654 1.0788326 1.0796267 1.0748308 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1681046 1.1657181 1.1765852 1.1851721 1.1725352 1.140173 1.1064043\n", + " 1.0839412 1.0725769 1.0696964 1.0682656 1.0621653 1.053136 1.0452628\n", + " 1.0418395 1.0433599 1.0485157 1.0532923 1.0558145]\n", + " [1.1666007 1.1616728 1.1716254 1.1811185 1.1709323 1.1392518 1.1057224\n", + " 1.0832947 1.0727711 1.0700626 1.0695891 1.0649374 1.0558461 1.0479046\n", + " 1.0441204 1.046324 0. 0. 0. ]\n", + " [1.1968964 1.1911288 1.2005213 1.2097551 1.1963773 1.1592358 1.1219496\n", + " 1.0972879 1.0866346 1.0846589 1.0847633 1.0790045 1.0684581 1.0585681\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.178219 1.1748263 1.1850382 1.1933926 1.1799662 1.1459574 1.1112319\n", + " 1.0878392 1.0766332 1.073499 1.0728118 1.0673164 1.0582067 1.0495955\n", + " 1.0458896 1.0477116 1.0531716 1.0581683 0. ]]\n", + "[[1.1730462 1.1689013 1.1782774 1.1864954 1.1721412 1.1377589 1.1032861\n", + " 1.0808358 1.0708089 1.0681982 1.0679442 1.0631882 1.054344 1.0463426\n", + " 1.0431404 1.0451705 1.0502712 1.0554047]\n", + " [1.1737316 1.1691263 1.1796273 1.1888769 1.1782594 1.1449666 1.1096158\n", + " 1.0868146 1.075881 1.0738028 1.073629 1.0694631 1.0602562 1.0515267\n", + " 1.0474405 1.0494487 0. 0. ]\n", + " [1.1688545 1.1660432 1.1762208 1.183815 1.1729423 1.140465 1.1069789\n", + " 1.0841289 1.0730474 1.0707768 1.0703505 1.0651982 1.0564251 1.047986\n", + " 1.0442226 1.0459234 1.0514643 0. ]\n", + " [1.1787088 1.1740453 1.1835423 1.1915247 1.179837 1.1454941 1.1098446\n", + " 1.0864688 1.0758547 1.0738863 1.0740204 1.0693315 1.0598168 1.051452\n", + " 1.0479573 0. 0. 0. ]\n", + " [1.1552144 1.1500291 1.1588206 1.167241 1.1572757 1.1263387 1.0948429\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1670381 1.1626045 1.1731383 1.1825489 1.1719005 1.1387256 1.1044114\n", + " 1.0814466 1.0710199 1.069407 1.0698577 1.0652366 1.0566001 1.0484936\n", + " 1.0444286 1.0460187 0. 0. 0. ]\n", + " [1.1802251 1.1770213 1.1878021 1.1970161 1.1830814 1.1490263 1.1135854\n", + " 1.0894594 1.0781822 1.0752895 1.0734209 1.0675695 1.0587679 1.0506793\n", + " 1.046835 1.0489303 1.0542111 1.0598018 0. ]\n", + " [1.1687223 1.1652912 1.1751807 1.1831563 1.1703086 1.1370292 1.1037118\n", + " 1.0814341 1.070792 1.0683564 1.0677652 1.063 1.0541402 1.046625\n", + " 1.0433772 1.0449138 1.0499947 1.055196 0. ]\n", + " [1.1734536 1.1693296 1.1790837 1.1869159 1.1748284 1.1412457 1.1062132\n", + " 1.083271 1.0709411 1.0682155 1.0673008 1.0622566 1.0541859 1.0467744\n", + " 1.0433089 1.0447658 1.0495168 1.0540166 1.0563064]\n", + " [1.2025791 1.1956987 1.2046896 1.2119789 1.1980894 1.161586 1.1234856\n", + " 1.098302 1.0872595 1.0868107 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1719741 1.1668835 1.1764765 1.1859447 1.1756651 1.1434529 1.1095817\n", + " 1.0868862 1.0766202 1.0743024 1.0738983 1.0682447 1.0582036 1.0489829\n", + " 1.0448227 1.0465089 1.0522066 0. 0. 0. 0. ]\n", + " [1.1677346 1.1653801 1.1758711 1.1841335 1.1717737 1.1385912 1.1051031\n", + " 1.0830678 1.072083 1.0684164 1.0671996 1.061396 1.0524167 1.0447267\n", + " 1.041444 1.0430127 1.0476506 1.0521667 1.0542102 1.0549749 1.0564954]\n", + " [1.2024568 1.1962175 1.2069421 1.215298 1.2014173 1.163837 1.1252993\n", + " 1.1002502 1.0892437 1.0879261 1.0886897 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.2090896 1.2040232 1.2150015 1.2245737 1.21129 1.1726354 1.1326307\n", + " 1.1064277 1.0944636 1.0928968 1.0933594 1.0867373 1.074851 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1700503 1.1662903 1.1763884 1.1855981 1.1742718 1.1407099 1.1067338\n", + " 1.0837133 1.0734928 1.0707984 1.071215 1.0659345 1.0575211 1.0490772\n", + " 1.0454562 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1798201 1.1749177 1.1832378 1.1918643 1.1799546 1.1461811 1.1114851\n", + " 1.0883195 1.0779424 1.0756793 1.0750881 1.0694323 1.0600729 1.0516458\n", + " 1.0480224 1.0502328 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1661764 1.1613578 1.1713064 1.1799138 1.1696529 1.1373217 1.1039348\n", + " 1.081904 1.0717003 1.069476 1.0697397 1.0652573 1.0562189 1.0477803\n", + " 1.0437484 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1666069 1.1622968 1.1719732 1.1806958 1.1691794 1.1359469 1.1029612\n", + " 1.0806192 1.0706325 1.0682323 1.0686188 1.0645807 1.0561965 1.0482206\n", + " 1.0444576 1.0459399 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1640879 1.1608145 1.1711572 1.1797146 1.1683809 1.135482 1.101467\n", + " 1.0792893 1.0687209 1.0670847 1.0670807 1.0628275 1.0545119 1.0470445\n", + " 1.0437088 1.0454715 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1521317 1.1493108 1.1595206 1.1689641 1.1580316 1.1283 1.0975021\n", + " 1.0770508 1.066956 1.0630132 1.0605673 1.0546986 1.045955 1.0389402\n", + " 1.0360812 1.0382825 1.0431664 1.048054 1.0506371 1.0513813 1.052557\n", + " 1.0557317 1.0620422 1.070805 1.0780007 1.0817795]]\n", + "[[1.1712452 1.1665761 1.1757483 1.1830788 1.1718678 1.1396638 1.1065546\n", + " 1.0840955 1.0733564 1.0699531 1.0677133 1.0623424 1.0536433 1.0457475\n", + " 1.0426434 1.0446862 1.0497832 1.0545712 1.0569288]\n", + " [1.1742146 1.1689087 1.1792424 1.1893407 1.1787716 1.1452148 1.109898\n", + " 1.0859383 1.074564 1.0726979 1.0733947 1.0685184 1.0590333 1.0504198\n", + " 1.0463097 0. 0. 0. 0. ]\n", + " [1.1634979 1.1607633 1.1710509 1.179445 1.1674776 1.1355038 1.1020943\n", + " 1.0800567 1.0693502 1.0667286 1.065728 1.0602587 1.0522083 1.0443617\n", + " 1.0407692 1.0425667 1.0475978 1.0523827 0. ]\n", + " [1.1721308 1.1661822 1.1756321 1.1843078 1.1715974 1.1384495 1.1053331\n", + " 1.0837218 1.0745845 1.0729015 1.0727063 1.0672417 1.0571208 1.0488106\n", + " 1.0454928 0. 0. 0. 0. ]\n", + " [1.1970015 1.1908462 1.1990483 1.206859 1.1935072 1.1564374 1.118355\n", + " 1.0935562 1.0821451 1.080832 1.081296 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1704756 1.1654352 1.1761793 1.1845455 1.1729939 1.1395801 1.1053617\n", + " 1.082709 1.072318 1.0705614 1.0706475 1.066387 1.0568546 1.0487182\n", + " 1.0451403 0. 0. 0. 0. ]\n", + " [1.1709011 1.1673329 1.1773703 1.1854273 1.1731422 1.1405205 1.106563\n", + " 1.0838933 1.0733092 1.0699341 1.068415 1.0632168 1.0539653 1.0458139\n", + " 1.0422744 1.0439754 1.049151 1.0542732 1.0572101]\n", + " [1.1609517 1.156666 1.1651545 1.173205 1.1614361 1.1312878 1.0997076\n", + " 1.0778892 1.0671713 1.0648036 1.0638224 1.0593195 1.0512574 1.0437645\n", + " 1.0402789 1.0421941 1.0468663 1.0515442 0. ]\n", + " [1.1627417 1.1575823 1.1679841 1.1775409 1.1670128 1.1353173 1.1025808\n", + " 1.0809052 1.0708152 1.0682508 1.0682306 1.0629594 1.0539424 1.0455949\n", + " 1.0416858 1.0432895 1.0486685 0. 0. ]\n", + " [1.1664599 1.1617508 1.17027 1.1775823 1.1651326 1.1339302 1.1015857\n", + " 1.0803437 1.0700744 1.0689641 1.0689615 1.0649145 1.0567927 1.0485116\n", + " 1.0446029 0. 0. 0. 0. ]]\n", + "[[1.147372 1.1459912 1.1575218 1.1667544 1.1574134 1.1265953 1.0956358\n", + " 1.0753206 1.0649357 1.0609962 1.0594964 1.0541713 1.0462017 1.0391006\n", + " 1.0363221 1.0376339 1.0420532 1.045898 1.0486392 1.0493805 1.0503321\n", + " 1.0535288 1.0602655]\n", + " [1.1604615 1.1562517 1.1653676 1.173493 1.1629553 1.1320266 1.0999608\n", + " 1.0787129 1.0689257 1.0666376 1.0661833 1.0614094 1.0529479 1.0451117\n", + " 1.0416615 1.0431544 1.0482447 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1776701 1.1721176 1.1816074 1.1909007 1.1786071 1.1456898 1.1116445\n", + " 1.0885447 1.0785966 1.0765519 1.0763711 1.0708957 1.0608174 1.0515395\n", + " 1.0473703 1.0495799 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1708903 1.165354 1.1729714 1.1791825 1.1670026 1.1354711 1.1021595\n", + " 1.0810726 1.0706545 1.0688733 1.0690296 1.0645804 1.0564631 1.048937\n", + " 1.0456165 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1649536 1.161274 1.1707344 1.1787372 1.1670794 1.1354928 1.1028389\n", + " 1.0811208 1.0706264 1.0672673 1.06563 1.0607591 1.0526757 1.0449592\n", + " 1.0419296 1.0435344 1.0486871 1.053708 1.0562981 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1642 1.1603627 1.1698371 1.1766176 1.1655589 1.1337918 1.1009859\n", + " 1.0792478 1.0693942 1.0677074 1.0675973 1.0631299 1.05495 1.0469512\n", + " 1.0429579 1.044569 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1640427 1.1589551 1.1686561 1.1764101 1.1655107 1.1341809 1.1017646\n", + " 1.0801917 1.0703325 1.0679631 1.0685081 1.064083 1.0550821 1.0468689\n", + " 1.0436221 1.0453947 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1708403 1.164988 1.1722597 1.1791384 1.1678997 1.1356918 1.1026883\n", + " 1.0808307 1.070334 1.0681713 1.0676495 1.0634131 1.0554069 1.0476133\n", + " 1.0441545 1.0459784 1.0510676 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1644194 1.1620762 1.1721677 1.1811204 1.1695997 1.1372232 1.1033984\n", + " 1.0811495 1.070551 1.0672631 1.0671804 1.062327 1.0537257 1.046127\n", + " 1.0422829 1.0435721 1.0484427 1.053281 0. 0. 0.\n", + " 0. ]\n", + " [1.1673304 1.1647501 1.1760379 1.18669 1.1743795 1.1416632 1.107613\n", + " 1.0856773 1.0738293 1.0703005 1.0677208 1.0623388 1.0531596 1.0454055\n", + " 1.0424571 1.0445167 1.0497344 1.0546882 1.056853 1.057587 1.0587994\n", + " 1.0623311]]\n", + "[[1.1768838 1.1693345 1.1770453 1.1848922 1.1746851 1.1439891 1.1111445\n", + " 1.0891043 1.0786028 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1583292 1.1565936 1.1686105 1.1793839 1.1689899 1.1363151 1.1032115\n", + " 1.0809162 1.0693345 1.0655348 1.0639774 1.0583341 1.0491196 1.0418057\n", + " 1.038821 1.0406054 1.0457714 1.0503573 1.0521016 1.0522317 1.0534612\n", + " 1.0563918 1.0641915 1.0746214 1.0822492 1.0862596]\n", + " [1.1542398 1.1503056 1.1604401 1.1691681 1.1589507 1.1284615 1.0966257\n", + " 1.0755512 1.0658022 1.0637783 1.0639882 1.0598512 1.051832 1.0438025\n", + " 1.0400258 1.0411586 1.0458589 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1967651 1.1895839 1.2008948 1.2117789 1.1996529 1.1630682 1.123906\n", + " 1.0979874 1.0874138 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1775879 1.1732072 1.1827058 1.1913799 1.1807601 1.1477344 1.1125666\n", + " 1.089262 1.0770812 1.0751076 1.0753543 1.071147 1.0616603 1.0528117\n", + " 1.0488107 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1577797 1.1556488 1.1668714 1.1764838 1.1656336 1.1328347 1.10039\n", + " 1.0787921 1.0681708 1.0647811 1.0621736 1.0564882 1.0479783 1.040796\n", + " 1.0381533 1.0402261 1.0449976 1.04987 1.0520025 1.0531044 1.0547588\n", + " 1.0581161 1.0647428]\n", + " [1.1865501 1.1797421 1.189045 1.1980138 1.1844895 1.1496576 1.1149726\n", + " 1.0919194 1.0812327 1.0787492 1.0782712 1.0725206 1.0632095 1.0547754\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1562443 1.1523255 1.160866 1.168746 1.1574972 1.1270102 1.0963566\n", + " 1.0761837 1.0657339 1.062065 1.0601571 1.0552031 1.0472858 1.0408047\n", + " 1.0379477 1.0394751 1.0440688 1.0485041 1.0512692 1.0526884 1.0544037\n", + " 0. 0. ]\n", + " [1.1669036 1.1620653 1.1721721 1.180995 1.1690749 1.1367311 1.103955\n", + " 1.0825648 1.0726721 1.0713862 1.0716834 1.0668595 1.058029 1.0494165\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1662985 1.1635735 1.1746788 1.183519 1.1711586 1.1381572 1.103433\n", + " 1.0819706 1.0719407 1.0698051 1.0702877 1.0659186 1.0568371 1.0489012\n", + " 1.0450912 1.0470449 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1689328 1.1636046 1.1731569 1.1816767 1.1705649 1.1381415 1.1048338\n", + " 1.0831121 1.0731012 1.071399 1.0719377 1.0667512 1.0582658 1.0497831\n", + " 1.0460721 0. 0. 0. ]\n", + " [1.1688452 1.1653187 1.1754777 1.1828406 1.1708223 1.1384652 1.1045338\n", + " 1.0815612 1.0711114 1.0683599 1.06732 1.0629846 1.0547084 1.0468652\n", + " 1.0436053 1.0450486 1.0496247 1.0543869]\n", + " [1.1833293 1.1792948 1.1895828 1.1987908 1.1874183 1.152463 1.1162589\n", + " 1.091279 1.0796188 1.0762273 1.0758296 1.0702138 1.0602897 1.0516552\n", + " 1.0477116 1.0493875 1.0551963 1.0607779]\n", + " [1.1729707 1.1689425 1.177998 1.1864611 1.1741431 1.1406537 1.1053487\n", + " 1.0832747 1.0727266 1.0714397 1.0713081 1.0675882 1.0589199 1.0505702\n", + " 1.0467758 0. 0. 0. ]\n", + " [1.1777769 1.172318 1.1820531 1.1895912 1.1783212 1.1434605 1.108328\n", + " 1.0853735 1.0752234 1.0743138 1.074971 1.0699178 1.0605385 1.0518705\n", + " 1.048141 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1829767 1.1795326 1.189698 1.1967038 1.1859795 1.1516591 1.1167141\n", + " 1.0927972 1.0803834 1.0768508 1.0748657 1.0684526 1.0591179 1.0504957\n", + " 1.047046 1.0493503 1.0547243 1.05992 1.0619559 0. ]\n", + " [1.1896131 1.1865919 1.1973313 1.2048495 1.1927403 1.1574817 1.1205884\n", + " 1.0954899 1.0829492 1.0789826 1.0765607 1.0699905 1.0603435 1.051729\n", + " 1.0479482 1.0504788 1.0560106 1.0612798 1.0635816 1.0643435]\n", + " [1.1676854 1.1633215 1.172669 1.180264 1.1690881 1.1361518 1.102723\n", + " 1.0806623 1.0705159 1.0689228 1.0697938 1.0652922 1.0573059 1.0488772\n", + " 1.0451186 0. 0. 0. 0. 0. ]\n", + " [1.1648912 1.1630082 1.1745843 1.1838939 1.1723485 1.1392503 1.1050179\n", + " 1.0826385 1.0721397 1.0694417 1.0691259 1.0637102 1.0547491 1.0468471\n", + " 1.0428779 1.0446157 1.0500215 1.0550667 0. 0. ]\n", + " [1.1942577 1.1890292 1.1980499 1.2064959 1.1934013 1.1570692 1.119623\n", + " 1.0951838 1.0836887 1.0806739 1.0804932 1.0751636 1.0655895 1.0560927\n", + " 1.0526223 1.0550197 0. 0. 0. 0. ]]\n", + "[[1.1626 1.1598879 1.168055 1.1756402 1.1621977 1.1314491 1.0990086\n", + " 1.0773596 1.0677794 1.0652347 1.064721 1.0598315 1.0518078 1.0441731\n", + " 1.0409238 1.0423297 1.0472664 1.0518726 0. 0. 0. ]\n", + " [1.1863937 1.1828481 1.1940788 1.2040893 1.1917343 1.1556834 1.117836\n", + " 1.0924858 1.0802305 1.0775722 1.075893 1.0696752 1.0597715 1.0514107\n", + " 1.0476758 1.0499008 1.055665 1.0612054 1.0635571 0. 0. ]\n", + " [1.1568366 1.1522869 1.1612728 1.1697348 1.1591604 1.1284709 1.0967822\n", + " 1.0752515 1.0656114 1.0628672 1.0628619 1.0583602 1.0502073 1.0432205\n", + " 1.0396253 1.0411762 1.0459359 1.0505883 0. 0. 0. ]\n", + " [1.1650367 1.1622225 1.172796 1.1825901 1.1714646 1.1398783 1.1066408\n", + " 1.0840737 1.0722452 1.0686433 1.0661118 1.0595766 1.0511147 1.0433269\n", + " 1.0402017 1.0418316 1.0468451 1.0516108 1.054399 1.055217 1.0569907]\n", + " [1.1834564 1.1781512 1.1869978 1.193983 1.1804833 1.1459322 1.1116767\n", + " 1.0888972 1.0775777 1.0747914 1.0737399 1.068678 1.059802 1.0511389\n", + " 1.047694 1.0496742 1.0551082 1.0607907 0. 0. 0. ]]\n", + "[[1.1739628 1.1716642 1.1821396 1.192028 1.179857 1.1475343 1.1136116\n", + " 1.0901138 1.0776762 1.0733678 1.0707871 1.0643151 1.0546854 1.0466589\n", + " 1.0438329 1.0457464 1.0513314 1.0561424 1.0584295 1.0596122 1.0602859\n", + " 1.0637635 1.0714604]\n", + " [1.178713 1.175171 1.1845273 1.1933062 1.1798987 1.1471236 1.1129028\n", + " 1.0894064 1.0775363 1.0732923 1.0709519 1.0650593 1.0561149 1.0481721\n", + " 1.0448093 1.0469819 1.0521015 1.0569794 1.0594383 1.0603561 0.\n", + " 0. 0. ]\n", + " [1.1627405 1.1602489 1.1706492 1.1801646 1.1690717 1.1369069 1.1040936\n", + " 1.081762 1.0701314 1.066249 1.0642245 1.058345 1.0497991 1.0424529\n", + " 1.039581 1.0411987 1.0461265 1.0506063 1.0530505 1.0542537 1.0559007\n", + " 1.0592388 0. ]\n", + " [1.1885946 1.1840937 1.1941977 1.2034004 1.189243 1.1542948 1.1182575\n", + " 1.094385 1.0830141 1.0808126 1.0811728 1.0754747 1.0653741 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1645385 1.1611867 1.1711845 1.1802264 1.1679796 1.135186 1.1016487\n", + " 1.0799727 1.0697498 1.0683377 1.0679737 1.0634255 1.0548519 1.0468743\n", + " 1.043203 1.0446565 1.0496376 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1923645 1.1862767 1.196973 1.2051071 1.1920062 1.1558005 1.1184884\n", + " 1.0941457 1.0836029 1.0825906 1.0830647 1.0779463 1.0674441 1.0572449\n", + " 0. 0. 0. 0. ]\n", + " [1.1776891 1.174354 1.1849855 1.1940838 1.1817808 1.1467088 1.1107582\n", + " 1.0875468 1.076562 1.0742375 1.0739772 1.0690969 1.0600375 1.0511082\n", + " 1.0470566 1.0489242 1.0545443 0. ]\n", + " [1.160146 1.1566788 1.1663849 1.1748401 1.1629 1.1310765 1.0987127\n", + " 1.0767411 1.0668901 1.0644412 1.0637366 1.0591264 1.0510577 1.043338\n", + " 1.0402484 1.0416386 1.0464082 1.051456 ]\n", + " [1.1723382 1.1698937 1.1809729 1.18962 1.1762149 1.1426888 1.1083751\n", + " 1.0855879 1.0756966 1.0738769 1.073977 1.0696286 1.0601743 1.0512645\n", + " 1.0473737 0. 0. 0. ]\n", + " [1.204699 1.1982617 1.2078209 1.216355 1.2016201 1.1642005 1.1267647\n", + " 1.1026925 1.0915378 1.0903844 1.090203 1.0835091 1.0716265 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1862502 1.1821016 1.1922164 1.201639 1.1888252 1.1547539 1.119333\n", + " 1.0950745 1.0826278 1.0786351 1.0769191 1.070847 1.0611428 1.0526087\n", + " 1.0483994 1.0504366 1.0559587 1.0611802 1.0636967 0. ]\n", + " [1.1705453 1.1666946 1.17758 1.1872034 1.1748812 1.141351 1.1070213\n", + " 1.0842301 1.0733125 1.0701174 1.0689973 1.0640503 1.0548848 1.0467287\n", + " 1.0430515 1.0446324 1.0496006 1.0546986 1.0571321 0. ]\n", + " [1.1715991 1.1702476 1.1824685 1.1911032 1.1800983 1.1460822 1.1107078\n", + " 1.0866705 1.0747194 1.0712005 1.0692289 1.0633141 1.0543268 1.046554\n", + " 1.0424439 1.0444115 1.049698 1.0546559 1.0573022 1.058757 ]\n", + " [1.1885216 1.183596 1.1965497 1.2077165 1.1936529 1.1565782 1.1187568\n", + " 1.093902 1.0831317 1.0802186 1.079657 1.0741642 1.0640963 1.0547897\n", + " 1.0503532 1.0528629 1.0589361 1.0649903 0. 0. ]\n", + " [1.1913064 1.1859331 1.1961656 1.2056718 1.1929175 1.1576138 1.1204547\n", + " 1.0961691 1.0847702 1.0821819 1.0824178 1.0770893 1.066704 1.0572987\n", + " 1.0525641 0. 0. 0. 0. 0. ]]\n", + "[[1.1649497 1.1625776 1.1723895 1.1810598 1.1698802 1.1372589 1.104563\n", + " 1.0823838 1.0712382 1.0677006 1.0660616 1.0603813 1.052345 1.0448664\n", + " 1.0412925 1.0432378 1.0478698 1.0526768 1.0551901 1.056322 ]\n", + " [1.1865846 1.1812787 1.1903269 1.1983297 1.1844013 1.1507281 1.1155714\n", + " 1.0920951 1.0810084 1.0781399 1.0782942 1.0730112 1.0633575 1.0546929\n", + " 1.050747 1.0530905 0. 0. 0. 0. ]\n", + " [1.1774876 1.1732823 1.1823553 1.1918265 1.1786602 1.1441352 1.1091341\n", + " 1.086083 1.0764321 1.0756541 1.076267 1.0711166 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1949587 1.1861706 1.194963 1.2037934 1.1906432 1.1551412 1.11828\n", + " 1.0933744 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1838994 1.1790888 1.1889145 1.1981355 1.185399 1.1517173 1.1160349\n", + " 1.0915935 1.0809544 1.0780883 1.0770231 1.0716951 1.0612171 1.0518363\n", + " 1.0475817 1.0492706 1.0548635 1.0601912 0. 0. ]]\n", + "[[1.1626029 1.1579897 1.1660364 1.1732794 1.1606476 1.1302376 1.0986081\n", + " 1.0773952 1.0675001 1.0645341 1.06409 1.0596207 1.0515939 1.0441886\n", + " 1.0407834 1.0422664 1.0471549 0. 0. ]\n", + " [1.1698931 1.1660855 1.1758006 1.1853899 1.1728361 1.1386416 1.104559\n", + " 1.0826697 1.0732163 1.0720572 1.072136 1.0679058 1.0584904 1.0499339\n", + " 1.046133 0. 0. 0. 0. ]\n", + " [1.1754524 1.1730756 1.1848727 1.1937981 1.1809617 1.1458614 1.1097703\n", + " 1.086192 1.0749761 1.072237 1.0709288 1.0652208 1.0559989 1.0477536\n", + " 1.0439721 1.0458906 1.0507675 1.0556906 1.0585175]\n", + " [1.1672732 1.1640689 1.1747231 1.1838602 1.174006 1.1402884 1.1067644\n", + " 1.0839272 1.0741099 1.0726256 1.0722212 1.0670571 1.0572395 1.048648\n", + " 1.0447836 0. 0. 0. 0. ]\n", + " [1.177928 1.1744119 1.1849043 1.1927806 1.1794181 1.1452541 1.1101406\n", + " 1.0874083 1.076723 1.0746747 1.0747256 1.069366 1.0599564 1.0514245\n", + " 1.047641 1.0498294 0. 0. 0. ]]\n", + "[[1.1448305 1.1408076 1.150618 1.1607066 1.1525989 1.124462 1.094476\n", + " 1.0737221 1.0638196 1.0601978 1.0584927 1.0535843 1.0450486 1.0382358\n", + " 1.0356119 1.037678 1.0423769 1.0469263 1.049611 1.050053 1.0512611\n", + " 1.0544573 1.0606354 1.0692492 1.0759983 1.0794674 1.0807455 1.0773546\n", + " 1.0704484]\n", + " [1.1758924 1.1725329 1.183284 1.1922244 1.1801643 1.1464653 1.1113545\n", + " 1.0883832 1.0767555 1.0730604 1.0708878 1.064978 1.0551811 1.0471201\n", + " 1.0436606 1.0451105 1.0502875 1.0553056 1.0581934 1.0596244 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1760689 1.1722851 1.1824987 1.1916745 1.1793545 1.1461662 1.112091\n", + " 1.0889853 1.0767713 1.071907 1.0698483 1.0638458 1.0545679 1.04709\n", + " 1.0438927 1.0459458 1.0513785 1.0561681 1.0585431 1.059287 1.0607696\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1814157 1.1801834 1.1927199 1.2014982 1.1897328 1.1532167 1.1149211\n", + " 1.0901686 1.0777231 1.0755211 1.0745664 1.0684241 1.0593314 1.0503389\n", + " 1.0466249 1.0480862 1.05315 1.0583446 1.0612129 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1643686 1.1617756 1.1729999 1.1823432 1.1699764 1.137619 1.1042011\n", + " 1.0813446 1.0701022 1.0661461 1.0645412 1.058458 1.0502375 1.0430508\n", + " 1.0401533 1.0416008 1.0468986 1.0519978 1.0548737 1.0560234 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1769193 1.1757174 1.1873326 1.1969478 1.184332 1.1499894 1.1144209\n", + " 1.089975 1.0780648 1.0736997 1.0716468 1.0655648 1.0564746 1.0483701\n", + " 1.044958 1.0466118 1.0518283 1.0568947 1.0592432 1.0600817 0.\n", + " 0. ]\n", + " [1.1758399 1.1708432 1.1817366 1.1909573 1.1789052 1.1461078 1.1120954\n", + " 1.0892416 1.07857 1.0771147 1.0768523 1.0714597 1.062102 1.0530229\n", + " 1.048869 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1644585 1.1613991 1.1714257 1.1796122 1.1669049 1.1341281 1.1010875\n", + " 1.079122 1.0687809 1.0661722 1.065331 1.0609252 1.0528272 1.045544\n", + " 1.042148 1.0442257 1.0493021 1.0544697 0. 0. 0.\n", + " 0. ]\n", + " [1.1606536 1.1572148 1.1684183 1.1781847 1.1675259 1.1350106 1.1013699\n", + " 1.079006 1.069109 1.0673041 1.067697 1.0637071 1.054541 1.0465811\n", + " 1.0426433 1.0440229 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1745156 1.1715169 1.1819448 1.1913123 1.1802828 1.1471874 1.1126243\n", + " 1.0892586 1.0774395 1.0731193 1.0710247 1.0649042 1.0558357 1.0481501\n", + " 1.0446455 1.0468882 1.0520636 1.0566897 1.0587721 1.0593065 1.0606456\n", + " 1.0643371]]\n", + "[[1.1908913 1.1838814 1.1900622 1.1963725 1.185584 1.1521626 1.1179974\n", + " 1.0945845 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1662384 1.1622095 1.1711801 1.1793077 1.165979 1.133069 1.09986\n", + " 1.0784878 1.0686924 1.0661305 1.0652001 1.0604116 1.0518997 1.0441253\n", + " 1.041006 1.0430487 1.0481564 1.0529748]\n", + " [1.1572312 1.153784 1.1652148 1.1742905 1.1637292 1.131991 1.099017\n", + " 1.0775633 1.0675665 1.0652918 1.0656745 1.0610543 1.0517701 1.0439487\n", + " 1.0400358 1.041738 1.0468247 0. ]\n", + " [1.1638228 1.1589465 1.1679305 1.1754968 1.1643859 1.1327653 1.099891\n", + " 1.0784925 1.0685371 1.0673958 1.0679561 1.0637413 1.0561697 1.0481335\n", + " 1.044742 0. 0. 0. ]\n", + " [1.1694307 1.1642709 1.1741837 1.1822764 1.1716533 1.1394335 1.1054914\n", + " 1.083368 1.0728191 1.0715963 1.0715127 1.0669396 1.0575608 1.0490974\n", + " 1.0450591 0. 0. 0. ]]\n", + "[[1.171763 1.1685381 1.1795454 1.1873821 1.1751474 1.1404824 1.1055878\n", + " 1.083204 1.0729254 1.0709735 1.071203 1.0668492 1.0570923 1.0488882\n", + " 1.0453148 1.0469371 1.0525291 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1916707 1.1861799 1.1960673 1.2049806 1.1922992 1.1578988 1.1213615\n", + " 1.0967804 1.0855197 1.0829298 1.0824765 1.0771078 1.0663885 1.0568454\n", + " 1.0524324 1.0547336 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1755617 1.171478 1.1809424 1.1891385 1.1765542 1.14296 1.108445\n", + " 1.0852914 1.0752513 1.0728757 1.073349 1.0682427 1.0588255 1.0505507\n", + " 1.0462977 1.0485123 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1624637 1.1603702 1.1704352 1.179307 1.166816 1.1321415 1.1004461\n", + " 1.0781753 1.0690153 1.0676618 1.0675808 1.0633599 1.0546788 1.0468858\n", + " 1.0434833 1.0452175 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1628015 1.1611104 1.1730049 1.1826197 1.1714779 1.137902 1.1040695\n", + " 1.081608 1.0705463 1.066756 1.0653853 1.0600309 1.0513923 1.0444024\n", + " 1.041077 1.0426967 1.0476096 1.0520682 1.0543622 1.0549964 1.0561916\n", + " 1.0599858]]\n", + "[[1.1707062 1.1679126 1.1788695 1.1870856 1.1748554 1.141099 1.106917\n", + " 1.084478 1.0734495 1.0702044 1.068971 1.0632875 1.0546336 1.0465899\n", + " 1.043236 1.0448862 1.0495116 1.0545517 1.0567704]\n", + " [1.163218 1.1604623 1.1696284 1.1791029 1.167502 1.135071 1.1019354\n", + " 1.080619 1.0704057 1.0683941 1.0687004 1.0643023 1.0554034 1.0475781\n", + " 1.0437205 1.045728 0. 0. 0. ]\n", + " [1.1667607 1.1631769 1.1729165 1.1817275 1.1702528 1.1375844 1.1037703\n", + " 1.0818076 1.071167 1.0690285 1.0686605 1.0639663 1.0552151 1.0472664\n", + " 1.0437516 1.0454508 1.0509923 0. 0. ]\n", + " [1.184265 1.1803781 1.1899894 1.196686 1.1822424 1.147427 1.111642\n", + " 1.0888873 1.0782137 1.0758271 1.0751626 1.0701383 1.0608727 1.0521435\n", + " 1.0490233 1.051347 1.0575273 0. 0. ]\n", + " [1.1581006 1.1528133 1.1602628 1.167071 1.1560919 1.1260507 1.0955348\n", + " 1.0753878 1.0657948 1.0632089 1.0632324 1.0592616 1.0513554 1.0439662\n", + " 1.0403993 1.0418537 1.0464455 0. 0. ]]\n", + "[[1.1824356 1.178542 1.1891897 1.1966892 1.1844186 1.15042 1.1144153\n", + " 1.0895767 1.0778139 1.0743201 1.0722551 1.0673977 1.0577601 1.050244\n", + " 1.0464592 1.0488251 1.0539963 1.0589558 1.0613097 0. 0.\n", + " 0. ]\n", + " [1.1891005 1.1819686 1.1902303 1.1979856 1.1850991 1.1508874 1.1149571\n", + " 1.0918314 1.0814842 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1510077 1.1484709 1.1574969 1.1662357 1.1561007 1.1270381 1.097825\n", + " 1.0773565 1.0668575 1.0625399 1.0602472 1.0547179 1.046335 1.0395904\n", + " 1.0366844 1.0382341 1.0422945 1.04639 1.0488427 1.0497822 1.0508217\n", + " 1.0541012]\n", + " [1.1758089 1.1733367 1.1841316 1.1933768 1.1804297 1.1456969 1.1103168\n", + " 1.0861892 1.0754085 1.072533 1.0712839 1.066691 1.0576475 1.0491829\n", + " 1.045604 1.0469636 1.0519718 1.0571736 0. 0. 0.\n", + " 0. ]\n", + " [1.1697905 1.1667559 1.1777484 1.186341 1.1749518 1.1421132 1.1071821\n", + " 1.0842092 1.0727866 1.0694386 1.06811 1.0633035 1.0544177 1.0468245\n", + " 1.0427752 1.0444432 1.0496008 1.0549752 1.0580945 0. 0.\n", + " 0. ]]\n", + "[[1.1906435 1.1827545 1.1906762 1.1983806 1.185171 1.1513017 1.1161114\n", + " 1.0930955 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1545347 1.151305 1.1609029 1.1699395 1.1581529 1.1282394 1.0967716\n", + " 1.0758467 1.0653018 1.0631917 1.0626355 1.0586376 1.0510824 1.0434237\n", + " 1.0401452 1.0417521 1.0463244 0. 0. 0. 0. ]\n", + " [1.1505977 1.1474272 1.1572373 1.1654606 1.1549048 1.1249704 1.095018\n", + " 1.0747018 1.0636619 1.060309 1.0583872 1.0531873 1.0449984 1.0391121\n", + " 1.036656 1.038169 1.0424141 1.0469648 1.0492206 1.0502378 1.0514874]\n", + " [1.1641057 1.1583203 1.1663301 1.1749132 1.1642773 1.133659 1.1019803\n", + " 1.0803443 1.0701971 1.0672623 1.0676945 1.0635937 1.055269 1.0477303\n", + " 1.0439345 1.0456278 0. 0. 0. 0. 0. ]\n", + " [1.1601139 1.1569926 1.1664943 1.1738853 1.1627088 1.1309094 1.0986536\n", + " 1.0778319 1.0680623 1.0657765 1.0655673 1.0608208 1.0526869 1.0449551\n", + " 1.0414146 1.0434802 1.048569 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.163271 1.1591618 1.168697 1.1765584 1.1660606 1.1349707 1.1031384\n", + " 1.0819224 1.0721402 1.0702376 1.0699593 1.0645608 1.0558045 1.0476025\n", + " 1.0436738 0. 0. 0. 0. 0. ]\n", + " [1.1618071 1.1599966 1.1701943 1.1785979 1.1660568 1.1340104 1.1016325\n", + " 1.0790284 1.0692661 1.0665793 1.0655574 1.0609349 1.0526335 1.0445961\n", + " 1.0412043 1.0427146 1.0474061 1.0524986 0. 0. ]\n", + " [1.1817577 1.1769882 1.1876383 1.1974697 1.184725 1.1492206 1.1138082\n", + " 1.091026 1.0813013 1.0805466 1.080598 1.075316 1.0644026 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1859863 1.1810371 1.1903533 1.1987499 1.1857579 1.1513507 1.1160386\n", + " 1.092843 1.0825487 1.080464 1.0812397 1.0758963 1.0656228 1.0559269\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.173149 1.1711375 1.1821942 1.190935 1.1767173 1.1425251 1.1084098\n", + " 1.085859 1.0747492 1.0714316 1.0698452 1.0638667 1.0548271 1.046855\n", + " 1.0432762 1.045197 1.04982 1.054835 1.0573919 1.0584114]]\n", + "[[1.165889 1.162593 1.1732466 1.1830034 1.171603 1.1393987 1.1054182\n", + " 1.0828652 1.0715926 1.0677514 1.0664029 1.0607406 1.0520451 1.0446572\n", + " 1.0414196 1.0429237 1.0473635 1.0523005 1.0545502 1.0551509 1.056307\n", + " 1.0594382]\n", + " [1.1654181 1.1621265 1.1734952 1.1821911 1.1711068 1.1381354 1.1041107\n", + " 1.0814853 1.0713978 1.0699147 1.069881 1.0656912 1.0569301 1.0485322\n", + " 1.0452253 1.0467961 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1624177 1.1593072 1.1692383 1.1767638 1.1646974 1.1323456 1.0998431\n", + " 1.0787666 1.0699803 1.0686165 1.0687593 1.0649799 1.0562992 1.0481728\n", + " 1.0445224 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1733001 1.1713431 1.1824332 1.1918887 1.1806418 1.1467686 1.1122048\n", + " 1.0893068 1.0777621 1.0736481 1.0717543 1.0649762 1.0557189 1.0471576\n", + " 1.0439552 1.0458528 1.0510249 1.0557954 1.0578518 1.0580082 0.\n", + " 0. ]\n", + " [1.166327 1.1603296 1.1691302 1.1783687 1.1692495 1.1386064 1.1056119\n", + " 1.0836518 1.0729951 1.0713111 1.071087 1.0668416 1.0575471 1.0491483\n", + " 1.0454782 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1594 1.1556296 1.166267 1.1756277 1.1640368 1.1315773 1.0979029\n", + " 1.0767713 1.0670891 1.0657523 1.066347 1.0619943 1.053393 1.0450519\n", + " 1.0414395 1.0434619 0. 0. 0. ]\n", + " [1.169944 1.1670887 1.1774832 1.1849852 1.1728584 1.1399446 1.1060845\n", + " 1.0839757 1.0726615 1.0694482 1.0679833 1.062492 1.0533292 1.045465\n", + " 1.0424795 1.0440602 1.0487556 1.0535988 1.0560133]\n", + " [1.158327 1.1551437 1.1651727 1.1741493 1.1630507 1.1318064 1.0990423\n", + " 1.0775136 1.0663794 1.0636568 1.0620799 1.0572937 1.0494831 1.0421351\n", + " 1.0391365 1.0404407 1.0448221 1.0493182 1.0515615]\n", + " [1.1699231 1.1666459 1.1757535 1.1833293 1.171173 1.1375825 1.1035062\n", + " 1.08132 1.0710638 1.0683471 1.0686305 1.0639753 1.0558217 1.0477936\n", + " 1.0442848 1.0461814 1.0516409 0. 0. ]\n", + " [1.1744579 1.170831 1.1810255 1.1903983 1.1783481 1.145406 1.1104761\n", + " 1.0867184 1.0759553 1.0730375 1.0723947 1.0668002 1.0579225 1.049555\n", + " 1.0452118 1.0466801 1.0518965 1.0569897 0. ]]\n", + "[[1.1643262 1.1621137 1.174266 1.1853306 1.1739733 1.1415992 1.106972\n", + " 1.0834985 1.0717442 1.067347 1.0652572 1.0592992 1.0504756 1.0427256\n", + " 1.0397456 1.0413362 1.0465981 1.0511352 1.0538874 1.0547282 1.0558372\n", + " 1.0591841 1.0663886]\n", + " [1.1656237 1.1609282 1.1716514 1.1811684 1.1691608 1.1359321 1.1022811\n", + " 1.0800655 1.0700188 1.0678866 1.0677516 1.0631466 1.0545613 1.0458133\n", + " 1.0421731 1.0438372 1.0492004 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1687689 1.1637917 1.1733682 1.1805415 1.1689339 1.1367242 1.1029855\n", + " 1.081187 1.0707875 1.0693481 1.0691954 1.0649799 1.0555781 1.0476588\n", + " 1.0439397 1.0453831 1.0505773 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2036209 1.1981999 1.2085435 1.2190529 1.20517 1.1664397 1.1276611\n", + " 1.1013243 1.090691 1.0898626 1.0906327 1.0846822 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1664672 1.1643989 1.1752664 1.1850245 1.1722425 1.1387899 1.1047767\n", + " 1.0815489 1.0711482 1.0684108 1.0683398 1.0627824 1.0537047 1.0457808\n", + " 1.0420746 1.0441192 1.0493646 1.0545546 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.183021 1.1784637 1.1867276 1.1941787 1.1797808 1.1450853 1.1112564\n", + " 1.0889935 1.0789204 1.0775018 1.0780171 1.0729351 1.0629269 0.\n", + " 0. 0. 0. ]\n", + " [1.1552733 1.1504794 1.1583042 1.1653547 1.1532474 1.1238264 1.0942458\n", + " 1.0746403 1.0654448 1.0637523 1.0632606 1.0590869 1.0510643 1.0437483\n", + " 1.0404679 1.0424172 0. ]\n", + " [1.174204 1.1697416 1.1796579 1.1871502 1.174819 1.1407399 1.1059134\n", + " 1.083207 1.0737088 1.072159 1.0723997 1.0677398 1.0583444 1.0498935\n", + " 0. 0. 0. ]\n", + " [1.2187797 1.2102456 1.2195596 1.2281497 1.2139496 1.1761202 1.1374253\n", + " 1.1119304 1.1001089 1.0984799 1.0978501 1.0906215 1.0777584 0.\n", + " 0. 0. 0. ]\n", + " [1.1805816 1.1755006 1.1833906 1.190485 1.177354 1.143719 1.1086037\n", + " 1.0855325 1.0743419 1.0717857 1.0705601 1.0658861 1.0572418 1.0491402\n", + " 1.0455939 1.0475019 1.0530119]]\n", + "[[1.2052058 1.198313 1.2075462 1.2149715 1.2023659 1.1659789 1.1278937\n", + " 1.1022099 1.0905269 1.0885797 1.0888133 1.0836773 1.0729718 1.0622342\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.18125 1.1781762 1.188422 1.1970712 1.1861162 1.151489 1.1152351\n", + " 1.0919136 1.0787342 1.0750649 1.0733738 1.0674766 1.0577948 1.0495975\n", + " 1.0461636 1.0476395 1.0531657 1.058081 1.0603836 1.0611134]\n", + " [1.176111 1.1724527 1.1833766 1.193629 1.1813706 1.1480178 1.1126465\n", + " 1.0888208 1.0777339 1.0751456 1.0753335 1.0705063 1.0611207 1.052419\n", + " 1.0484912 1.0505041 0. 0. 0. 0. ]\n", + " [1.1656209 1.1625946 1.1733966 1.1816571 1.168692 1.1351787 1.101189\n", + " 1.0788975 1.068969 1.0670562 1.0672251 1.0624702 1.0537182 1.0458343\n", + " 1.0421487 1.0439615 1.0491586 0. 0. 0. ]\n", + " [1.187254 1.183582 1.1940669 1.202713 1.1899712 1.1546855 1.1182153\n", + " 1.0928154 1.0807055 1.0771847 1.0753759 1.0696453 1.0602207 1.0517808\n", + " 1.0484108 1.0500935 1.0556405 1.0606893 1.0635219 0. ]]\n", + "[[1.1679235 1.1644479 1.1742526 1.1821177 1.170136 1.1371526 1.1039133\n", + " 1.0823644 1.0718776 1.0693794 1.0687947 1.0626327 1.053791 1.0456828\n", + " 1.0424066 1.0443829 1.0502483 0. ]\n", + " [1.1572924 1.1547446 1.1649861 1.1736174 1.161594 1.1301693 1.0977337\n", + " 1.0764343 1.0669597 1.0647852 1.0644617 1.0596375 1.051036 1.0431569\n", + " 1.0400577 1.041624 1.0462341 1.051322 ]\n", + " [1.164254 1.1589665 1.1661315 1.1733621 1.1613232 1.1306454 1.0994532\n", + " 1.0779359 1.0677948 1.0646436 1.063999 1.0596282 1.0519714 1.0449029\n", + " 1.0413302 1.0431453 1.0479931 1.0531251]\n", + " [1.1698349 1.1675801 1.1790577 1.1881361 1.1768881 1.1424768 1.1064886\n", + " 1.0842817 1.0735184 1.0713296 1.0713055 1.0662229 1.0566286 1.0480825\n", + " 1.0444155 1.0459492 1.0514094 0. ]\n", + " [1.1512636 1.1474464 1.1560364 1.1635215 1.1522307 1.1217899 1.0926222\n", + " 1.0731432 1.0636934 1.0611237 1.0610678 1.0567731 1.0491549 1.0422107\n", + " 1.0389981 1.0406559 1.0451387 0. ]]\n", + "[[1.1627269 1.1603918 1.1721426 1.1820316 1.1707724 1.137781 1.1034704\n", + " 1.0805678 1.0695782 1.0664806 1.0648625 1.0600464 1.0512305 1.043929\n", + " 1.040069 1.0418355 1.0467273 1.0512772 1.0537039 1.0543424]\n", + " [1.1557086 1.1543815 1.1651212 1.1735469 1.1623769 1.1307516 1.0980446\n", + " 1.0769928 1.0665357 1.0629538 1.0616268 1.0568024 1.0484335 1.0411382\n", + " 1.037916 1.0391095 1.0438613 1.0484095 1.050823 1.0518917]\n", + " [1.1920695 1.1876991 1.1979892 1.2060717 1.192728 1.1567234 1.1199585\n", + " 1.0949024 1.0826316 1.0785952 1.0768521 1.0702773 1.0606315 1.051717\n", + " 1.04813 1.0504423 1.056594 1.0627091 1.0657853 0. ]\n", + " [1.1586227 1.1534337 1.1621749 1.1703801 1.1590961 1.1282328 1.0973985\n", + " 1.0767903 1.0673938 1.0662298 1.0661558 1.0617803 1.0527709 1.0450034\n", + " 1.0415237 0. 0. 0. 0. 0. ]\n", + " [1.1602105 1.1586058 1.1686325 1.1770226 1.1651047 1.133288 1.1002101\n", + " 1.0783162 1.0678841 1.0645357 1.0640523 1.0594546 1.0512779 1.0440305\n", + " 1.0405526 1.0419245 1.0467662 1.0511686 1.0534832 0. ]]\n", + "[[1.1688392 1.1658994 1.1770303 1.1867553 1.175431 1.1425552 1.1076757\n", + " 1.0850923 1.0736221 1.0699874 1.0680188 1.0617592 1.0527691 1.0455008\n", + " 1.0423 1.0440983 1.049157 1.053532 1.0560937 1.0569979 1.0587578\n", + " 1.062507 0. ]\n", + " [1.1734496 1.170387 1.1808181 1.1887884 1.177937 1.1455612 1.1112356\n", + " 1.0878963 1.0753711 1.0712485 1.0688207 1.0628397 1.0540286 1.0467423\n", + " 1.0438702 1.0460373 1.0510905 1.0562645 1.0581005 1.059483 1.0607406\n", + " 1.064198 1.0714259]\n", + " [1.1592817 1.1548297 1.1642824 1.1726435 1.1611861 1.1303216 1.0984035\n", + " 1.0770637 1.0675181 1.0648422 1.0644785 1.0594867 1.0509032 1.0431223\n", + " 1.0397904 1.0413392 1.046071 1.0509592 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1797156 1.176321 1.1854031 1.1944124 1.1812603 1.1481364 1.1140518\n", + " 1.0907416 1.0785542 1.0740935 1.072082 1.066437 1.0571352 1.0487983\n", + " 1.045395 1.0478966 1.0533108 1.0578482 1.0603633 1.0610039 0.\n", + " 0. 0. ]\n", + " [1.178589 1.1746713 1.1842936 1.1927711 1.180251 1.146361 1.1110542\n", + " 1.0879216 1.0762393 1.0732117 1.0717016 1.0664271 1.0573285 1.0486115\n", + " 1.0449865 1.0464878 1.0513158 1.056456 1.0591968 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1594609 1.1565647 1.1667286 1.1755934 1.1633458 1.1311095 1.098263\n", + " 1.0767298 1.0667868 1.0644758 1.0638714 1.0595322 1.0516434 1.0438235\n", + " 1.0403163 1.0419226 1.0465463 1.0516151 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1736555 1.1702976 1.1806077 1.189176 1.1775305 1.1436163 1.1080673\n", + " 1.0851648 1.074038 1.0710318 1.0703667 1.0654254 1.056076 1.0482576\n", + " 1.0446619 1.046135 1.0514466 1.0566659 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1891314 1.183923 1.194422 1.2036306 1.1900227 1.1545534 1.1172593\n", + " 1.0927063 1.0814757 1.0787302 1.079096 1.0738801 1.0630736 1.0537179\n", + " 1.0494777 1.0516173 1.0575849 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1580945 1.1555754 1.1655988 1.1750406 1.1645532 1.1334646 1.101493\n", + " 1.0806687 1.0698272 1.0657614 1.0631851 1.0576247 1.0488229 1.0415921\n", + " 1.0385216 1.0407993 1.0456502 1.0503794 1.0528481 1.0531323 1.0546043\n", + " 1.0576094 1.064219 1.073781 1.0816002]\n", + " [1.170083 1.1677241 1.1787293 1.1887157 1.1773392 1.1446136 1.110465\n", + " 1.0868843 1.0739801 1.0698435 1.0677967 1.0618023 1.0535612 1.0460672\n", + " 1.0430146 1.0443372 1.0490736 1.0539412 1.055958 1.056595 1.058127\n", + " 1.0616639 0. 0. 0. ]]\n", + "[[1.1515852 1.1472621 1.1551772 1.1620156 1.1526386 1.1242588 1.0954196\n", + " 1.0758656 1.0664873 1.0637122 1.0624667 1.0573659 1.0488179 1.0415264\n", + " 1.0380135 1.0396315 1.0443403]\n", + " [1.1670618 1.1624701 1.1719711 1.1804361 1.1692096 1.1374563 1.1042968\n", + " 1.0822706 1.072101 1.070241 1.0698766 1.0650833 1.05586 1.0477111\n", + " 1.0442744 1.0461335 0. ]\n", + " [1.1831717 1.1779553 1.1866525 1.1943109 1.1804963 1.1462833 1.1108224\n", + " 1.0871801 1.0764537 1.0739205 1.0734167 1.0690771 1.0600733 1.051285\n", + " 1.0474823 1.0494305 1.0550809]\n", + " [1.1681845 1.162645 1.1712341 1.178187 1.1648486 1.1340424 1.1013161\n", + " 1.0810132 1.071783 1.0706215 1.0708984 1.0668772 1.0576047 0.\n", + " 0. 0. 0. ]\n", + " [1.1815176 1.1771247 1.188989 1.1979992 1.1855203 1.1499591 1.1127555\n", + " 1.08872 1.0788827 1.0782027 1.0791305 1.0738056 1.0633535 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1764245 1.1717898 1.1824045 1.19199 1.179997 1.1461762 1.1107048\n", + " 1.0880188 1.0775573 1.0753716 1.0759449 1.0710738 1.061552 1.0523025\n", + " 1.0482255 0. 0. 0. 0. ]\n", + " [1.1699146 1.1653957 1.1756133 1.1824441 1.1700658 1.1366318 1.1031004\n", + " 1.0810441 1.0717983 1.0695848 1.0693055 1.0643305 1.0556304 1.0472368\n", + " 1.0436937 1.0457426 1.0509983 0. 0. ]\n", + " [1.1511731 1.147969 1.1583999 1.1676099 1.1569195 1.1258279 1.0940765\n", + " 1.0735885 1.0645388 1.0630289 1.0626512 1.0583813 1.0496532 1.042\n", + " 1.0381554 1.0392735 1.0437734 0. 0. ]\n", + " [1.1745139 1.1703103 1.1801281 1.1887699 1.1767077 1.144437 1.110448\n", + " 1.0877312 1.0764722 1.0730369 1.0717245 1.0654794 1.0563942 1.0480093\n", + " 1.0444458 1.0465653 1.0522491 1.0574535 1.0600076]\n", + " [1.1750832 1.1702765 1.1811374 1.1906482 1.17852 1.1443259 1.109327\n", + " 1.0861787 1.0759742 1.0744352 1.0745279 1.0695565 1.0597203 1.0511626\n", + " 1.0472546 0. 0. 0. 0. ]]\n", + "[[1.1489395 1.1470759 1.1569914 1.1659622 1.1551392 1.126105 1.095645\n", + " 1.0751479 1.0644121 1.0605797 1.0586772 1.0532368 1.0457741 1.0392815\n", + " 1.0366546 1.0379052 1.0423002 1.0466194 1.0492312 1.0502863 1.0516295\n", + " 1.0544037]\n", + " [1.1709087 1.1669863 1.1771593 1.1862077 1.1747962 1.1412401 1.1059002\n", + " 1.082247 1.0718527 1.069625 1.069104 1.0644336 1.056098 1.048017\n", + " 1.0445385 1.0465169 1.0515956 1.0566105 0. 0. 0.\n", + " 0. ]\n", + " [1.1796945 1.173542 1.1832731 1.1919286 1.1787742 1.1454291 1.1116805\n", + " 1.0890114 1.0783828 1.0768372 1.0765929 1.071883 1.0624527 1.0535607\n", + " 1.0499129 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1692717 1.1652813 1.1753306 1.1843847 1.1731783 1.1399572 1.1059567\n", + " 1.0834607 1.0738472 1.0720516 1.072522 1.0679171 1.0584552 1.0497881\n", + " 1.0459791 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1632979 1.159807 1.1701155 1.1792096 1.1686215 1.1362146 1.1027826\n", + " 1.0800408 1.0692927 1.0665528 1.0650159 1.0604082 1.0522707 1.0441792\n", + " 1.040508 1.0421227 1.0469084 1.0517123 1.0540986 0. 0.\n", + " 0. ]]\n", + "[[1.1642777 1.1609988 1.1712506 1.1798881 1.1684946 1.1363516 1.1030968\n", + " 1.0812083 1.0704349 1.0670567 1.0659122 1.0609612 1.0522885 1.0448569\n", + " 1.0409122 1.0425886 1.047176 1.0518961 1.0541052 0. ]\n", + " [1.1739327 1.1722126 1.183062 1.1908038 1.1787465 1.1438346 1.1084082\n", + " 1.0851482 1.074573 1.0715829 1.0711302 1.0658628 1.0571141 1.0484844\n", + " 1.045159 1.0469289 1.0519834 1.057195 0. 0. ]\n", + " [1.1628397 1.1600612 1.1697844 1.1782246 1.1657674 1.1347612 1.1031704\n", + " 1.0815439 1.0704136 1.0663655 1.0641048 1.0585629 1.0496767 1.0427537\n", + " 1.0398115 1.0419114 1.0474683 1.0520967 1.0541071 1.0548698]\n", + " [1.1901627 1.1845043 1.1940227 1.202979 1.1895111 1.1533269 1.1171181\n", + " 1.0931721 1.0821669 1.0799892 1.0801342 1.074793 1.0647132 1.0556749\n", + " 1.0515338 1.0540755 0. 0. 0. 0. ]\n", + " [1.1565168 1.1529102 1.1629063 1.1717323 1.1597877 1.1290426 1.0973375\n", + " 1.0760148 1.0664313 1.0645195 1.0642297 1.0596881 1.0511998 1.0432757\n", + " 1.0397599 1.041178 1.0464712 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1821768 1.1778237 1.1889782 1.198673 1.1857915 1.1505494 1.1141055\n", + " 1.0904615 1.0798618 1.0788455 1.0798519 1.074893 1.0652032 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1712177 1.1685388 1.1798524 1.189622 1.1775056 1.1440951 1.1088456\n", + " 1.08701 1.0769721 1.0756478 1.0758471 1.0702907 1.0605007 1.0512979\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1700222 1.1663837 1.175995 1.1839153 1.1714766 1.139156 1.1066741\n", + " 1.0849841 1.0740261 1.0707994 1.0690676 1.0624703 1.0533855 1.0453266\n", + " 1.0420376 1.0438095 1.0485791 1.0536178 1.0563287 0. ]\n", + " [1.1834353 1.1778921 1.1878378 1.1968571 1.1840674 1.1490986 1.1131781\n", + " 1.0897536 1.0791541 1.0771768 1.0777189 1.0724905 1.0631207 1.0541096\n", + " 1.0501589 0. 0. 0. 0. 0. ]\n", + " [1.1694889 1.1668262 1.1782012 1.1872917 1.1740125 1.1402441 1.1054825\n", + " 1.0827698 1.0713172 1.0681788 1.0666972 1.0617328 1.0529054 1.0455068\n", + " 1.0420113 1.0437237 1.0487623 1.0533481 1.0558169 1.0567648]]\n", + "[[1.1571764 1.1551894 1.1658733 1.1746247 1.1622598 1.1301157 1.0989128\n", + " 1.0777434 1.0672235 1.0641208 1.0624456 1.0570679 1.0488657 1.0417427\n", + " 1.0388173 1.0406741 1.0458094 1.0498257 1.0523907 1.0535407 1.0550314\n", + " 1.0585867]\n", + " [1.178016 1.1760206 1.186715 1.197571 1.1850429 1.1507144 1.1156172\n", + " 1.0915664 1.0791571 1.074491 1.0722665 1.0658091 1.0562371 1.0484734\n", + " 1.044986 1.0468994 1.0523998 1.0572431 1.0597725 1.0606213 1.0619727\n", + " 1.0658362]]\n", + "[[1.1697266 1.167907 1.1791306 1.1884438 1.1756964 1.1422094 1.107468\n", + " 1.0841566 1.0729171 1.0697551 1.0676007 1.0627565 1.0538081 1.0462371\n", + " 1.0428231 1.044509 1.0492027 1.0538156 1.0560254 1.0567992 0. ]\n", + " [1.1646518 1.1604506 1.1706396 1.1807268 1.1703856 1.13843 1.1045914\n", + " 1.0824922 1.0719534 1.0701845 1.0703484 1.0655886 1.05652 1.0480503\n", + " 1.0443227 1.045891 0. 0. 0. 0. 0. ]\n", + " [1.1746964 1.1717454 1.1832148 1.1916736 1.1801095 1.1456983 1.1098303\n", + " 1.0865955 1.0750997 1.0725502 1.0717645 1.0669061 1.0574511 1.0491675\n", + " 1.0453978 1.0469576 1.052225 1.0573165 0. 0. 0. ]\n", + " [1.1799995 1.1763613 1.1860706 1.194577 1.1814353 1.1485004 1.1139518\n", + " 1.0903354 1.0785192 1.0740464 1.0717647 1.0653362 1.0561465 1.0487179\n", + " 1.0456648 1.0474666 1.0520308 1.057474 1.059651 1.060374 1.062042 ]\n", + " [1.1965992 1.1907173 1.2002236 1.209426 1.1955197 1.1585217 1.1200526\n", + " 1.0956926 1.0845582 1.0824943 1.0828116 1.0771842 1.0665687 1.0572696\n", + " 1.0528498 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.162987 1.1578258 1.1664734 1.1738344 1.163449 1.1317526 1.1000794\n", + " 1.079013 1.068885 1.0665717 1.0667626 1.0628946 1.0542837 1.0470847\n", + " 1.043501 1.0455912 0. 0. 0. ]\n", + " [1.1593887 1.1561476 1.1656224 1.1742066 1.1616304 1.130097 1.098317\n", + " 1.0776048 1.0672735 1.0646219 1.0633167 1.0583094 1.049397 1.0416024\n", + " 1.0383098 1.0400945 1.0449191 1.0497135 1.0521173]\n", + " [1.1664352 1.1616776 1.1713305 1.1797932 1.1680355 1.1356919 1.1022121\n", + " 1.0807317 1.0706797 1.0685443 1.0672647 1.0621427 1.0532633 1.0450395\n", + " 1.0414567 1.0432847 1.0482415 1.0532398 0. ]\n", + " [1.1682533 1.1627915 1.17044 1.1782099 1.1660384 1.134929 1.1025918\n", + " 1.0812759 1.0709835 1.0686407 1.0689071 1.0640066 1.0548583 1.0471588\n", + " 1.0435151 1.0455335 0. 0. 0. ]\n", + " [1.1942012 1.185893 1.1925684 1.1999887 1.1881585 1.1534406 1.1184103\n", + " 1.0947889 1.0845548 1.0826877 1.0831333 1.0782024 1.0677656 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1717297 1.1698176 1.1798992 1.1885172 1.1748908 1.1419572 1.1083354\n", + " 1.085599 1.0743003 1.0707858 1.0680794 1.0622362 1.0531567 1.0455463\n", + " 1.0425723 1.0441871 1.0492531 1.053796 1.0560837 1.0576646]\n", + " [1.1907322 1.1850675 1.1957898 1.2045705 1.1918966 1.1556547 1.1180099\n", + " 1.0926403 1.0821972 1.0803212 1.0808305 1.0752848 1.0652158 1.0558224\n", + " 1.0517652 0. 0. 0. 0. 0. ]\n", + " [1.1784703 1.1754358 1.1858091 1.1945031 1.1828502 1.1490293 1.1138521\n", + " 1.0900464 1.0781347 1.0749171 1.0726306 1.0657878 1.0560615 1.0474733\n", + " 1.0437051 1.0457399 1.0510002 1.0559101 1.0581908 1.0589147]\n", + " [1.1887343 1.1823719 1.1916088 1.2009999 1.1882454 1.1524192 1.116295\n", + " 1.0929208 1.0829457 1.0810717 1.0813801 1.0758721 1.0650796 1.055578\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1820049 1.1788257 1.1888354 1.1974854 1.185322 1.1512529 1.1161547\n", + " 1.0925136 1.0795954 1.075926 1.073774 1.0673965 1.0573683 1.0495083\n", + " 1.0464599 1.0480456 1.0539036 1.0585016 1.0606998 1.0614438]]\n", + "[[1.1932261 1.1847508 1.1912847 1.1966546 1.1858449 1.1517249 1.1164452\n", + " 1.092672 1.0821187 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1746515 1.1713781 1.1800582 1.1883332 1.1762362 1.1438051 1.1099013\n", + " 1.0872555 1.0760376 1.0726237 1.071698 1.0660974 1.0572189 1.0484846\n", + " 1.0452573 1.0472887 1.0527738 1.0580136 0. 0. ]\n", + " [1.1582054 1.1551118 1.1650549 1.173429 1.1617272 1.1307744 1.098809\n", + " 1.0775121 1.0670362 1.0636506 1.062045 1.0569896 1.0487076 1.0417988\n", + " 1.0384405 1.0404642 1.0452043 1.0498061 1.0519185 1.0525874]\n", + " [1.1750596 1.1720558 1.182394 1.1916409 1.1787329 1.1453555 1.1105759\n", + " 1.0866624 1.0753193 1.0715709 1.0699842 1.0642612 1.055541 1.0478331\n", + " 1.0445509 1.04579 1.0508226 1.0555947 1.0578387 1.0590713]\n", + " [1.1751285 1.1704149 1.1799479 1.1882442 1.177497 1.1450369 1.110939\n", + " 1.08768 1.0761548 1.0732591 1.0717353 1.0669097 1.0576406 1.049389\n", + " 1.0457062 1.0472896 1.0523577 1.0572959 0. 0. ]]\n", + "[[1.1663957 1.1639524 1.1755812 1.1850497 1.1733682 1.1406105 1.1058064\n", + " 1.0827785 1.0715431 1.0688617 1.0682776 1.0632588 1.055157 1.0471056\n", + " 1.0436149 1.0450778 1.0499809 1.0550635 0. 0. ]\n", + " [1.1814061 1.1767111 1.1874318 1.1953813 1.1824627 1.1463944 1.1095803\n", + " 1.0862234 1.0755148 1.0742637 1.0746908 1.0702022 1.0608071 1.0522107\n", + " 1.0485009 1.0507257 0. 0. 0. 0. ]\n", + " [1.1796508 1.1737227 1.1832992 1.1909516 1.1801991 1.147173 1.1129528\n", + " 1.0894411 1.0778586 1.0745051 1.0738262 1.0685923 1.0597024 1.0511733\n", + " 1.0476129 1.0496272 1.0551397 0. 0. 0. ]\n", + " [1.1690458 1.1671947 1.1776953 1.1861609 1.1729167 1.1389437 1.105267\n", + " 1.0824931 1.0716028 1.0680144 1.0674411 1.062115 1.0535872 1.0461973\n", + " 1.0424273 1.0443878 1.0495269 1.0540634 1.0565597 1.0571955]\n", + " [1.1594528 1.1560916 1.1671113 1.176944 1.1657783 1.134047 1.1007509\n", + " 1.0788931 1.0684776 1.0656527 1.065719 1.0607307 1.0521771 1.043955\n", + " 1.0403864 1.0416791 1.046417 1.0512818 0. 0. ]]\n", + "[[1.1948941 1.1894653 1.199946 1.2078719 1.1935325 1.155643 1.1175809\n", + " 1.092981 1.082503 1.0815737 1.0819461 1.07704 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1932651 1.1881571 1.1976233 1.2055706 1.1939623 1.1586689 1.1224426\n", + " 1.0975261 1.0851482 1.0817691 1.0799383 1.0745854 1.0643716 1.0552529\n", + " 1.051536 1.0537176 1.0599961 0. ]\n", + " [1.1687701 1.1643362 1.1741104 1.1826745 1.1723965 1.1395526 1.1047809\n", + " 1.0823418 1.0722471 1.0702434 1.0702884 1.0660053 1.0574145 1.049218\n", + " 1.0454402 0. 0. 0. ]\n", + " [1.1703744 1.167152 1.1773978 1.1865289 1.1746589 1.1413734 1.1073043\n", + " 1.0844288 1.0741737 1.0716215 1.0709492 1.0656481 1.057027 1.0491327\n", + " 1.0452596 1.0467335 1.0522263 0. ]\n", + " [1.172101 1.1694541 1.1805023 1.1886615 1.1757251 1.1413828 1.1067897\n", + " 1.083804 1.0731695 1.070364 1.0701824 1.0649732 1.0560389 1.0476635\n", + " 1.0442007 1.0458708 1.0510417 1.0562539]]\n", + "[[1.1839466 1.1789819 1.1886554 1.1975398 1.1856167 1.1508017 1.1149613\n", + " 1.0914049 1.0809829 1.0792022 1.0791932 1.074099 1.0640639 1.0544778\n", + " 1.0502841 0. 0. 0. 0. 0. ]\n", + " [1.1760945 1.1722513 1.1823802 1.1925986 1.1818374 1.1487889 1.1139276\n", + " 1.0903308 1.0801266 1.07781 1.0779676 1.0731214 1.0626717 1.0530473\n", + " 1.048433 0. 0. 0. 0. 0. ]\n", + " [1.1794221 1.1748434 1.184818 1.1934726 1.1807011 1.1465077 1.1111491\n", + " 1.0880347 1.0770794 1.0743045 1.0740516 1.0686886 1.059854 1.0510231\n", + " 1.0472958 1.049509 1.0549538 1.0603634 0. 0. ]\n", + " [1.1653639 1.1637762 1.1741089 1.1841254 1.1723324 1.1395571 1.1057013\n", + " 1.0826155 1.0718467 1.0687543 1.0670017 1.06113 1.0516673 1.0443738\n", + " 1.0406901 1.0423272 1.0471036 1.0519091 1.0544928 1.0554783]\n", + " [1.204498 1.196794 1.2048193 1.2129116 1.1988014 1.1633742 1.1242883\n", + " 1.0987248 1.0873195 1.0857387 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.191489 1.1861358 1.1957624 1.2045047 1.1918088 1.1563957 1.119592\n", + " 1.0954312 1.0828143 1.0794642 1.0783845 1.0719914 1.0627887 1.0537907\n", + " 1.0504028 1.052529 1.0583476 1.064106 0. 0. 0.\n", + " 0. ]\n", + " [1.1948922 1.1901615 1.200822 1.2098076 1.1984918 1.1627346 1.1244922\n", + " 1.0991431 1.0874618 1.0843964 1.0832242 1.0775362 1.0669283 1.0570489\n", + " 1.0520525 1.0541226 1.060483 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1652622 1.1604714 1.1697801 1.1776905 1.1675816 1.1362288 1.1038489\n", + " 1.0818818 1.0713862 1.0684361 1.0671086 1.062049 1.0533383 1.0452207\n", + " 1.0418448 1.0435401 1.0483563 1.0531512 0. 0. 0.\n", + " 0. ]\n", + " [1.1621994 1.159928 1.1710372 1.1797955 1.1700228 1.1384953 1.1053566\n", + " 1.0827346 1.0712215 1.067189 1.0649198 1.0588201 1.0504811 1.0433766\n", + " 1.0398265 1.0417787 1.0468253 1.0517226 1.0542598 1.0553646 1.0568926\n", + " 1.0601852]\n", + " [1.1609263 1.1570837 1.1678371 1.1765717 1.1665877 1.1348019 1.1015153\n", + " 1.0792464 1.0691699 1.0674728 1.0674222 1.0629708 1.0537609 1.0455772\n", + " 1.0417778 1.043383 1.0487287 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1738327 1.1671464 1.17482 1.1815836 1.1694485 1.1374812 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1558373 1.152851 1.163596 1.1725395 1.1621224 1.1312414 1.0990005\n", + " 1.0777259 1.0675541 1.0650886 1.0642186 1.0593576 1.051336 1.0441021\n", + " 1.0405056 1.042054 1.0465311 1.051329 0. 0. 0. ]\n", + " [1.1658039 1.1636136 1.1743196 1.1833082 1.1712551 1.1375275 1.1039066\n", + " 1.0817251 1.0703374 1.0682385 1.0676268 1.0628477 1.0539614 1.0462772\n", + " 1.0422932 1.0441959 1.0495672 1.0549093 0. 0. 0. ]\n", + " [1.1661988 1.1643165 1.1752578 1.1844774 1.1738017 1.1408945 1.1062853\n", + " 1.0828518 1.0711882 1.0674728 1.066293 1.0611585 1.0530416 1.045506\n", + " 1.0418305 1.0434058 1.047904 1.0523847 1.0546626 1.0554591 1.0566989]\n", + " [1.1809945 1.1773053 1.187676 1.1975553 1.1855826 1.1506075 1.1140845\n", + " 1.0893092 1.0778998 1.074883 1.0746703 1.0699825 1.0608025 1.0518186\n", + " 1.0478228 1.0496572 1.0552175 0. 0. 0. 0. ]]\n", + "[[1.1640738 1.1599596 1.1680858 1.1764865 1.164961 1.133971 1.1024992\n", + " 1.0811012 1.0702857 1.067937 1.0676001 1.0633224 1.0553112 1.0473382\n", + " 1.0437436 1.0453181 0. 0. 0. ]\n", + " [1.2020522 1.1947416 1.2040632 1.2127916 1.2021294 1.1660551 1.127147\n", + " 1.1004815 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1616153 1.1571258 1.1667871 1.1741575 1.1633681 1.1316979 1.1001039\n", + " 1.0791421 1.0693933 1.0674818 1.0673827 1.0626873 1.053831 1.0464594\n", + " 1.0429833 1.0450248 0. 0. 0. ]\n", + " [1.1535388 1.1501595 1.1596394 1.1674095 1.1562091 1.1261622 1.0958753\n", + " 1.0755339 1.0653214 1.0624638 1.0609326 1.0562925 1.04847 1.0415237\n", + " 1.0383857 1.0398775 1.0442438 1.048775 1.0507617]\n", + " [1.1608547 1.1583877 1.1695071 1.1771396 1.1648953 1.1316285 1.0988327\n", + " 1.0779096 1.068042 1.0655992 1.0642223 1.0594597 1.0502325 1.0427718\n", + " 1.03985 1.0416543 1.0463327 1.0510156 1.0528007]]\n", + "[[1.1827769 1.1773119 1.1869584 1.1955816 1.1826514 1.1484039 1.1127785\n", + " 1.0889796 1.0772011 1.0750704 1.0746821 1.0699813 1.0611277 1.0526547\n", + " 1.0489769 1.0511 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1592939 1.1552892 1.1636461 1.1716477 1.1601195 1.1300993 1.098035\n", + " 1.0769469 1.0666996 1.0642092 1.0633734 1.0588589 1.0510854 1.0433327\n", + " 1.0402988 1.0416133 1.0461946 1.0505452 0. 0. 0.\n", + " 0. ]\n", + " [1.1643026 1.1626039 1.172436 1.1805836 1.1685734 1.135158 1.1023731\n", + " 1.0801091 1.0689168 1.0659847 1.064782 1.0602189 1.0526208 1.04572\n", + " 1.0419774 1.0440723 1.0485375 1.0524993 1.0543258 0. 0.\n", + " 0. ]\n", + " [1.1666971 1.1650729 1.1759119 1.1855863 1.1732699 1.1395286 1.1064062\n", + " 1.0842241 1.0733719 1.069788 1.067248 1.0613511 1.0520916 1.0444932\n", + " 1.0415559 1.0434573 1.048633 1.0531794 1.0557297 1.0565687 1.057875\n", + " 1.0618926]\n", + " [1.1709559 1.1663485 1.1752765 1.1833143 1.1705776 1.138678 1.1055688\n", + " 1.0832235 1.0725719 1.069144 1.06765 1.0631886 1.0547947 1.0470283\n", + " 1.0438604 1.045584 1.0503851 1.0552614 1.0576936 0. 0.\n", + " 0. ]]\n", + "[[1.1709555 1.1671559 1.177464 1.186598 1.1748556 1.1419007 1.1075807\n", + " 1.0845948 1.0745085 1.0728148 1.072715 1.0667497 1.0577542 1.0491692\n", + " 1.0455047 0. 0. 0. 0. 0. 0. ]\n", + " [1.1688038 1.1644603 1.1734911 1.180553 1.1682023 1.1358148 1.1030407\n", + " 1.0809333 1.0700214 1.067123 1.0659322 1.060667 1.0524852 1.04502\n", + " 1.0417645 1.0435467 1.0481664 1.052907 1.0553745 0. 0. ]\n", + " [1.1689706 1.1675754 1.1795517 1.188851 1.1761137 1.1422464 1.1075497\n", + " 1.0845672 1.0728184 1.0692226 1.0673856 1.0612652 1.0530181 1.0457513\n", + " 1.0426683 1.0443633 1.049232 1.0537925 1.0561745 1.0570321 1.05868 ]\n", + " [1.1669782 1.1624246 1.1724138 1.179884 1.1684351 1.1355145 1.1027727\n", + " 1.0812153 1.0711448 1.0690651 1.0686476 1.0639212 1.0551955 1.0470146\n", + " 1.0437709 1.0455724 1.0510508 0. 0. 0. 0. ]\n", + " [1.173996 1.1700432 1.1800867 1.1890448 1.1769371 1.1450464 1.110372\n", + " 1.0874494 1.07642 1.0739334 1.0735377 1.0687089 1.0596489 1.050853\n", + " 1.0465494 1.0485053 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1665763 1.1633041 1.1740344 1.1824964 1.1712117 1.1378534 1.1044039\n", + " 1.0822475 1.0717599 1.0698315 1.0696542 1.0647511 1.0560013 1.0476975\n", + " 1.0437639 1.0455321 1.0509185 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1616583 1.1578516 1.1680933 1.1768208 1.164486 1.1314844 1.0983738\n", + " 1.0775622 1.0683695 1.0672914 1.0670615 1.062042 1.0532098 1.0450336\n", + " 1.041283 1.0433517 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1513745 1.1486244 1.1592126 1.1674021 1.1569693 1.1262207 1.0949244\n", + " 1.0746433 1.064695 1.0614406 1.0598532 1.054255 1.0464553 1.0392174\n", + " 1.0364106 1.0382777 1.042725 1.047119 1.0489523 1.0498229 1.0512627\n", + " 1.0546901]\n", + " [1.1890194 1.186531 1.1985476 1.206546 1.1910481 1.1546416 1.1164972\n", + " 1.0916667 1.0805094 1.0781221 1.0770026 1.0713136 1.061633 1.0525537\n", + " 1.0489708 1.0511901 1.0571117 1.0627649 0. 0. 0.\n", + " 0. ]\n", + " [1.172008 1.1665298 1.1762038 1.1837025 1.1729276 1.141018 1.1077107\n", + " 1.0860783 1.0760138 1.0740018 1.0745957 1.0697958 1.0603681 1.0511422\n", + " 1.0469968 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1802495 1.1759175 1.1850703 1.1925093 1.1800668 1.1456026 1.1104747\n", + " 1.0868366 1.076161 1.0737656 1.0735441 1.0692782 1.0597947 1.051035\n", + " 1.0469732 1.0490458 1.0541785 0. ]\n", + " [1.172814 1.1692778 1.1796365 1.1878603 1.1767759 1.1436738 1.1088886\n", + " 1.0855972 1.0748649 1.0718831 1.0708029 1.0649756 1.0559361 1.0474982\n", + " 1.043764 1.0456387 1.050849 1.0562803]\n", + " [1.1581724 1.1524038 1.160324 1.1691543 1.1597079 1.1305189 1.0991405\n", + " 1.0787264 1.0685053 1.0663418 1.0656705 1.0606192 1.0521814 1.044693\n", + " 1.0411359 1.0431268 0. 0. ]\n", + " [1.1784712 1.1724933 1.1812927 1.1900812 1.1785787 1.1452366 1.1116933\n", + " 1.089173 1.0798514 1.0783489 1.0783696 1.0728546 1.0621912 1.0525712\n", + " 0. 0. 0. 0. ]\n", + " [1.1805338 1.1771533 1.1881849 1.1973147 1.183013 1.1487232 1.1132851\n", + " 1.0904311 1.0801281 1.0793866 1.0798261 1.074563 1.0644418 1.0555836\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1626936 1.1583688 1.1677735 1.1758418 1.1630527 1.1319046 1.0997671\n", + " 1.0783367 1.068003 1.0659302 1.0650948 1.0601726 1.0525756 1.0450379\n", + " 1.0421288 1.0438749 1.0490943 0. 0. ]\n", + " [1.2060208 1.2010278 1.2107952 1.2183076 1.205347 1.1684622 1.1294943\n", + " 1.1026396 1.0899787 1.0858018 1.0847278 1.0784075 1.0681708 1.0580851\n", + " 1.0541381 1.0561644 1.0628291 1.0690001 0. ]\n", + " [1.1693625 1.1656516 1.1759094 1.1842939 1.1719917 1.1385589 1.1047059\n", + " 1.0827569 1.0717237 1.0689377 1.0675902 1.0621307 1.0531924 1.0454801\n", + " 1.0423021 1.0441997 1.0490978 1.0540949 1.0565517]\n", + " [1.1608739 1.1568563 1.1654068 1.171272 1.1592413 1.1284527 1.0984366\n", + " 1.0785047 1.0694487 1.067173 1.0669786 1.0622323 1.0531996 1.0455627\n", + " 1.0421132 1.043802 0. 0. 0. ]\n", + " [1.1658466 1.1624376 1.1733042 1.1818948 1.1713825 1.1384792 1.1042633\n", + " 1.0823406 1.0722978 1.0710772 1.0706635 1.0671179 1.0577556 1.0493075\n", + " 1.0454218 0. 0. 0. 0. ]]\n", + "[[1.1774684 1.1743903 1.1835063 1.192244 1.1795418 1.1463447 1.1123114\n", + " 1.0891573 1.0777156 1.0744988 1.0725838 1.0674789 1.0576464 1.0492381\n", + " 1.0459596 1.0476252 1.0534552 1.058576 0. 0. 0. ]\n", + " [1.1819601 1.1758085 1.1834987 1.1918747 1.1805005 1.1480922 1.1141841\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1594715 1.1569463 1.1667764 1.1751354 1.1633583 1.1323332 1.1008145\n", + " 1.079444 1.0683832 1.0647273 1.0624086 1.0567651 1.0487932 1.0418304\n", + " 1.0391732 1.0411035 1.0454918 1.0500829 1.0521802 1.0530028 1.0546327]\n", + " [1.1559945 1.1522511 1.1621082 1.170815 1.1591281 1.1276778 1.0954431\n", + " 1.0741528 1.0646379 1.0625397 1.0619354 1.0571631 1.0494782 1.0420775\n", + " 1.0391974 1.0409713 1.0456489 1.0503575 0. 0. 0. ]\n", + " [1.1707132 1.1673197 1.1769009 1.1843908 1.1720666 1.1387013 1.105325\n", + " 1.0827879 1.0729861 1.0706441 1.0699297 1.0650038 1.0564413 1.0480809\n", + " 1.0449694 1.0467012 1.0520097 0. 0. 0. 0. ]]\n", + "[[1.1750556 1.1700613 1.1786134 1.1875268 1.1764675 1.145087 1.1116171\n", + " 1.0891833 1.0788499 1.0761284 1.0758104 1.0704257 1.06004 1.050852\n", + " 1.0464064 1.0482544 0. 0. ]\n", + " [1.1693602 1.1633015 1.1727147 1.1813962 1.1696585 1.1367995 1.103842\n", + " 1.0826058 1.0734044 1.0722166 1.0731083 1.0686177 1.0592756 1.0508481\n", + " 0. 0. 0. 0. ]\n", + " [1.1583458 1.1554377 1.1653179 1.1738237 1.1628402 1.1309401 1.0982596\n", + " 1.0769957 1.0671138 1.0644083 1.063952 1.0591515 1.0508187 1.0430013\n", + " 1.0396366 1.041232 1.0463456 1.0513827]\n", + " [1.1787702 1.1734815 1.184452 1.1933734 1.1822172 1.1481789 1.1125306\n", + " 1.0888716 1.0776933 1.075361 1.0753056 1.0702977 1.0602773 1.0515232\n", + " 1.0470563 1.0486691 1.0540295 0. ]\n", + " [1.1585667 1.1543922 1.1643646 1.1730851 1.1615939 1.1299824 1.0978128\n", + " 1.076409 1.0665756 1.0643895 1.0641472 1.0602899 1.0520488 1.0451515\n", + " 1.0415753 1.0432171 1.0479807 0. ]]\n", + "[[1.1821352 1.1780076 1.1890068 1.1984228 1.1867415 1.150277 1.1139904\n", + " 1.090016 1.0796995 1.078635 1.0797379 1.075253 1.0652449 1.0556307\n", + " 0. 0. 0. 0. ]\n", + " [1.1744621 1.1706154 1.1806003 1.1892886 1.1762125 1.1423365 1.1076143\n", + " 1.0843067 1.0739281 1.0709455 1.0707446 1.0658021 1.0570494 1.0490708\n", + " 1.0452759 1.0468793 1.0518452 1.0567001]\n", + " [1.1756154 1.1730838 1.1843578 1.1931378 1.1798955 1.1454546 1.1101373\n", + " 1.086817 1.0758438 1.0732875 1.0719317 1.0667722 1.0573301 1.048659\n", + " 1.0448241 1.0468736 1.052275 1.0576484]\n", + " [1.1751361 1.1686991 1.1756382 1.1825176 1.1701499 1.1379124 1.1067818\n", + " 1.085363 1.0750078 1.0722386 1.0713652 1.0661553 1.05654 1.0488266\n", + " 1.0455519 1.0478488 0. 0. ]\n", + " [1.1804198 1.1763818 1.1857553 1.195873 1.1832274 1.1472173 1.111811\n", + " 1.0879098 1.0784284 1.0778567 1.0786095 1.0735204 1.0638112 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1820045 1.1765338 1.1866729 1.1954345 1.1814082 1.1473035 1.112622\n", + " 1.0897964 1.0799173 1.078785 1.0788523 1.0729036 1.0623989 1.0529436\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1705751 1.1632462 1.1719271 1.1818339 1.171099 1.1406401 1.1084682\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1755651 1.1726128 1.1827682 1.191752 1.1774385 1.1425941 1.1080774\n", + " 1.08557 1.0751933 1.0723481 1.0715619 1.0656837 1.0565314 1.0486579\n", + " 1.0448012 1.047189 1.0525175 1.0576264 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1487626 1.1463939 1.158267 1.1699197 1.1614273 1.1306568 1.0982813\n", + " 1.0769475 1.0671557 1.0639825 1.0624875 1.0569693 1.0484977 1.0410312\n", + " 1.0382102 1.0401331 1.0451168 1.0497879 1.0518553 1.0523597 1.0530078\n", + " 1.0555792 1.0629641 1.0715424 1.0792953 1.0837169 1.0848274 1.0812863\n", + " 1.0737 1.0645252 1.0567218]\n", + " [1.182997 1.1777205 1.1873375 1.1969858 1.1849017 1.150239 1.1143105\n", + " 1.0915334 1.080636 1.0785396 1.0789737 1.0738709 1.0638065 1.0544348\n", + " 1.0502846 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1724819 1.1693032 1.1794814 1.188767 1.1775577 1.1449952 1.1107303\n", + " 1.0881113 1.0764314 1.0721132 1.0693339 1.0635273 1.0547143 1.0465597\n", + " 1.0434445 1.0451919 1.0499711 1.0547149 1.0566436 1.0577877 1.0590535\n", + " 1.0626066 0. ]\n", + " [1.1810322 1.1744497 1.1832461 1.1913421 1.180338 1.1469657 1.1122955\n", + " 1.0895573 1.0797323 1.079027 1.0788594 1.0735601 1.0634032 1.053803\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1516647 1.1493778 1.1610363 1.1723895 1.163635 1.1325824 1.1003933\n", + " 1.0786339 1.0671966 1.0637 1.0618007 1.0558653 1.047046 1.0399066\n", + " 1.0365847 1.0380312 1.0430311 1.0473428 1.0495355 1.0505539 1.0514534\n", + " 1.0542188 1.061389 ]\n", + " [1.1868484 1.1840221 1.194911 1.2037666 1.1901757 1.1555191 1.118522\n", + " 1.0937023 1.0809568 1.0775088 1.0756975 1.0696297 1.0606887 1.0521542\n", + " 1.0486554 1.0501372 1.0555955 1.0607823 1.06338 0. 0.\n", + " 0. 0. ]\n", + " [1.1811929 1.1766968 1.1892753 1.1982347 1.1874645 1.1509708 1.114025\n", + " 1.0891081 1.0787116 1.0776058 1.0786499 1.0739535 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1555061 1.1537602 1.1652265 1.1738319 1.1634341 1.1321988 1.0990356\n", + " 1.0772914 1.0668299 1.0634843 1.0616639 1.0565233 1.0478169 1.0408689\n", + " 1.0375532 1.0392759 1.0436454 1.0480876 1.0505041 1.0516534 1.0530443]\n", + " [1.1662948 1.1616542 1.1708869 1.1782887 1.1654603 1.1340164 1.1019301\n", + " 1.0806001 1.0717982 1.0704826 1.071346 1.0665066 1.0570316 1.0485909\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1993114 1.1931225 1.2030226 1.2106411 1.1966754 1.159211 1.120526\n", + " 1.094037 1.0837168 1.0824094 1.0835804 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1624155 1.1585006 1.1673098 1.1760408 1.1640466 1.1322048 1.1008707\n", + " 1.0802176 1.0710714 1.0695852 1.0692041 1.0647588 1.0554988 1.0469017\n", + " 1.0430553 0. 0. 0. 0. 0. 0. ]\n", + " [1.167794 1.1637921 1.1746151 1.1836482 1.1715102 1.1389496 1.1051378\n", + " 1.0829667 1.0723828 1.0697105 1.0687808 1.0633726 1.0539957 1.0461481\n", + " 1.0426077 1.044431 1.0500119 1.0550412 0. 0. 0. ]]\n", + "[[1.1786678 1.1748191 1.1836488 1.1913053 1.1785012 1.1440796 1.1089717\n", + " 1.0861659 1.0763949 1.0753682 1.0756814 1.071199 1.0618112 1.0530277\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1772156 1.1738683 1.1847024 1.1934855 1.1807685 1.1464512 1.1111834\n", + " 1.0873098 1.0763284 1.0738811 1.0733185 1.0676198 1.058598 1.0502415\n", + " 1.0467194 1.0486166 1.0538279 1.058633 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1695126 1.1661108 1.1769825 1.1875172 1.1766804 1.1440579 1.1099671\n", + " 1.0870134 1.0754334 1.0707893 1.0687022 1.0628686 1.0534873 1.0454822\n", + " 1.0418329 1.0432358 1.0483792 1.0534368 1.0559742 1.0571876 1.0586352\n", + " 1.0619437 1.0692015]\n", + " [1.1543002 1.1511731 1.1610471 1.170815 1.1594589 1.1274924 1.0954881\n", + " 1.0747563 1.065798 1.0642753 1.0642853 1.0597919 1.0516012 1.0435013\n", + " 1.0398296 1.0414795 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1737353 1.1683929 1.1770653 1.1838994 1.1731048 1.1401367 1.1063209\n", + " 1.0839243 1.0725036 1.0693221 1.0677401 1.0627807 1.0540676 1.0468634\n", + " 1.0433788 1.04552 1.05042 1.0553259 1.0580293 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1656892 1.1623963 1.1730071 1.1820182 1.1688366 1.1369293 1.1038681\n", + " 1.0819046 1.0714337 1.069071 1.0680841 1.0634624 1.0542537 1.0461724\n", + " 1.0428683 1.0441694 1.0489857 1.0540277 0. ]\n", + " [1.1637671 1.1608139 1.1700292 1.1779684 1.1652561 1.133362 1.1003078\n", + " 1.0788251 1.0685055 1.0665264 1.0664178 1.0619701 1.0537196 1.0463736\n", + " 1.0429218 1.0448953 1.0503161 0. 0. ]\n", + " [1.175946 1.1718273 1.1825982 1.191639 1.1795026 1.145045 1.1096594\n", + " 1.0866071 1.0753499 1.0727427 1.0719477 1.0666338 1.0576739 1.0491841\n", + " 1.0453148 1.0467606 1.0519996 1.0572224 0. ]\n", + " [1.1899433 1.185549 1.1957304 1.2036229 1.191182 1.1558104 1.1194376\n", + " 1.0943956 1.0824357 1.0789751 1.0771106 1.0712681 1.0614133 1.0526636\n", + " 1.0489788 1.0508668 1.056306 1.0619516 1.0642213]\n", + " [1.1684321 1.1634772 1.1735716 1.1820228 1.1719706 1.1398127 1.1054561\n", + " 1.0824662 1.0715442 1.0699009 1.0703788 1.0657411 1.0573869 1.0488749\n", + " 1.0451462 1.0468482 0. 0. 0. ]]\n", + "[[1.166176 1.161511 1.169895 1.1774777 1.1671913 1.1352576 1.1015874\n", + " 1.0787567 1.0680813 1.0662173 1.0663284 1.0615916 1.0540395 1.0465257\n", + " 1.0428913 1.0449783 1.050304 0. 0. 0. ]\n", + " [1.1607206 1.157861 1.1678345 1.176509 1.1651845 1.1326809 1.0998849\n", + " 1.077994 1.0676788 1.0648994 1.0635622 1.0583599 1.049767 1.0425378\n", + " 1.0395751 1.0408338 1.0459727 1.0509505 1.0535783 0. ]\n", + " [1.1764902 1.1730015 1.1835827 1.1930456 1.1812688 1.1462625 1.1098299\n", + " 1.0854901 1.0741699 1.0713179 1.0713484 1.0669754 1.0580786 1.0498593\n", + " 1.0456334 1.0470144 1.0518574 1.056554 0. 0. ]\n", + " [1.1756161 1.1718174 1.1827633 1.19166 1.1792679 1.1455826 1.1100222\n", + " 1.0871949 1.0767773 1.0753322 1.0754024 1.0710322 1.0611119 1.052273\n", + " 1.0481342 0. 0. 0. 0. 0. ]\n", + " [1.1854706 1.1820879 1.1929564 1.2023412 1.1899486 1.1542203 1.1172487\n", + " 1.0923908 1.0793977 1.0757928 1.0740675 1.0670686 1.0579227 1.0496337\n", + " 1.0463449 1.048141 1.0540113 1.0596765 1.0620329 1.0629488]]\n", + "[[1.1586657 1.155289 1.1645421 1.1730165 1.1617908 1.1305499 1.098856\n", + " 1.0774182 1.0676805 1.0659052 1.0658557 1.0617615 1.0535754 1.0456355\n", + " 1.0419983 1.0435593 0. 0. 0. 0. 0. ]\n", + " [1.1886683 1.1860163 1.1960814 1.2049937 1.1919655 1.156415 1.1195815\n", + " 1.0944052 1.0827024 1.0786927 1.0774106 1.0712725 1.0617483 1.0527741\n", + " 1.0490843 1.0509382 1.0564376 1.06151 1.0639185 0. 0. ]\n", + " [1.1805779 1.1773452 1.1890268 1.1980845 1.1856462 1.1502457 1.1141982\n", + " 1.0896596 1.0780364 1.0751227 1.0736973 1.0680503 1.0587761 1.0501882\n", + " 1.0462071 1.0481304 1.0533532 1.0585413 1.0612577 0. 0. ]\n", + " [1.1500629 1.1475763 1.1571553 1.1656388 1.1555862 1.1261082 1.0951586\n", + " 1.0738897 1.0641872 1.06098 1.0592992 1.0539944 1.046449 1.0394472\n", + " 1.0364287 1.03735 1.0421705 1.046607 1.0489677 1.0497767 1.0514275]\n", + " [1.1791213 1.1769445 1.1879554 1.1950604 1.1823031 1.1473262 1.1111643\n", + " 1.0872922 1.0767812 1.0736542 1.0718286 1.066992 1.0576031 1.0486917\n", + " 1.0452086 1.0470741 1.0522568 1.0572894 1.0595729 0. 0. ]]\n", + "[[1.1647989 1.1611985 1.1714925 1.1793784 1.167339 1.1347094 1.1013885\n", + " 1.0796127 1.069012 1.0657393 1.0645838 1.0596085 1.0513821 1.0441645\n", + " 1.0408572 1.0424144 1.0470352 1.05135 1.0535784 1.0546124]\n", + " [1.1666847 1.1628869 1.1733052 1.1822513 1.1724399 1.1400048 1.1061612\n", + " 1.0836861 1.0733525 1.070926 1.0711223 1.0663229 1.0570253 1.0483643\n", + " 1.0445282 1.0462921 0. 0. 0. 0. ]\n", + " [1.1929573 1.1877524 1.1984417 1.2074959 1.1948841 1.1580787 1.1203712\n", + " 1.0952468 1.0846053 1.0834684 1.0841553 1.079274 1.0689304 1.0591913\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1735321 1.1691151 1.1785909 1.1869081 1.1755018 1.1423303 1.1079547\n", + " 1.0849806 1.0741179 1.0714322 1.0705267 1.0658425 1.0564926 1.0481253\n", + " 1.0445182 1.0463791 1.0517535 1.0570616 0. 0. ]\n", + " [1.1911372 1.1862177 1.1960561 1.2030659 1.1906368 1.1539962 1.116408\n", + " 1.0923202 1.0811204 1.0803064 1.0816301 1.0758759 1.0658568 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1611344 1.1568416 1.1665106 1.1753305 1.1640751 1.1328375 1.100136\n", + " 1.0783772 1.0680315 1.0656239 1.0650126 1.0608501 1.0529159 1.0453931\n", + " 1.0419124 1.0434661 1.0482239 1.0530118]\n", + " [1.1859859 1.1792856 1.1885967 1.1975563 1.1843617 1.1506231 1.1142442\n", + " 1.0902804 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1583833 1.1559963 1.1659415 1.174269 1.1619018 1.1302476 1.0982963\n", + " 1.0773937 1.067799 1.0662073 1.0659394 1.0609905 1.0521472 1.0442636\n", + " 1.0411882 1.0425258 1.0474463 0. ]\n", + " [1.1940554 1.188615 1.1978012 1.205702 1.1928239 1.1582681 1.1221579\n", + " 1.098105 1.0869035 1.0844924 1.0842112 1.0784872 1.0679008 1.0582734\n", + " 0. 0. 0. 0. ]\n", + " [1.1733798 1.1693616 1.1795934 1.1888287 1.177836 1.1448711 1.1101419\n", + " 1.0865451 1.0762758 1.073424 1.0735118 1.0691829 1.0602391 1.0514003\n", + " 1.0474782 1.0491717 0. 0. ]]\n", + "[[1.180624 1.1771076 1.1886104 1.1984317 1.1865053 1.1516063 1.1150992\n", + " 1.0901804 1.0784212 1.0745722 1.072404 1.0668359 1.0576789 1.0495684\n", + " 1.0458586 1.0477272 1.0527828 1.0579113 1.0601631 1.0607078]\n", + " [1.1655762 1.161767 1.1715907 1.1809332 1.1689852 1.135761 1.1029464\n", + " 1.0810994 1.0713034 1.0702436 1.0703934 1.0654235 1.056287 1.0478437\n", + " 1.044117 0. 0. 0. 0. 0. ]\n", + " [1.1892724 1.184159 1.1945629 1.2032021 1.1903944 1.1530422 1.1160305\n", + " 1.09201 1.0813792 1.0802518 1.0806719 1.0759178 1.0658717 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1764823 1.1700795 1.1801332 1.1885412 1.1763128 1.1422865 1.1074978\n", + " 1.0847294 1.0749751 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1841613 1.1802897 1.1904851 1.1989592 1.1858364 1.1504993 1.1143628\n", + " 1.090536 1.0789492 1.0752362 1.0737584 1.0682743 1.0587751 1.05022\n", + " 1.0467323 1.048465 1.0537276 1.0586969 1.060905 0. ]]\n", + "[[1.1882957 1.1838926 1.1968067 1.2077417 1.1955746 1.1576698 1.1186844\n", + " 1.0924686 1.0802262 1.0787034 1.0789326 1.0735519 1.063521 1.0536921\n", + " 1.0491226 1.0509222 1.0569285 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.159791 1.1572269 1.167389 1.1773732 1.1677135 1.1362782 1.1040493\n", + " 1.0823128 1.0711224 1.0667524 1.0642885 1.0587558 1.0498652 1.0424199\n", + " 1.0392681 1.0411652 1.0462613 1.050987 1.0531124 1.05408 1.0544772\n", + " 1.0581902 1.0649463 1.0745127 1.0818315]\n", + " [1.1722033 1.1681885 1.1781577 1.1867518 1.1748395 1.1414229 1.1074916\n", + " 1.0846199 1.0732508 1.0695616 1.0677744 1.0622563 1.0532739 1.0459377\n", + " 1.0429066 1.0448166 1.0498574 1.0549648 1.0575544 1.0583812 1.0599631\n", + " 1.0638765 0. 0. 0. ]\n", + " [1.203547 1.198295 1.2071536 1.2158647 1.2018068 1.164382 1.1268796\n", + " 1.1023904 1.0905885 1.0885576 1.0883257 1.0831007 1.0726293 1.0621665\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1574682 1.1542066 1.1637856 1.1711104 1.158479 1.1277151 1.0968181\n", + " 1.0764031 1.0667146 1.0642178 1.064421 1.0598303 1.0519366 1.0443447\n", + " 1.0410858 1.0428414 1.047698 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1650348 1.1631237 1.1743892 1.1828254 1.1716604 1.1374792 1.1028363\n", + " 1.0802886 1.0693878 1.0670813 1.0666187 1.0622641 1.053366 1.0460011\n", + " 1.0425714 1.0439578 1.048991 1.0539284]\n", + " [1.1552892 1.1496229 1.1575825 1.1659241 1.1554871 1.1248405 1.0933089\n", + " 1.0729684 1.0641954 1.0629988 1.0638459 1.0599748 1.0520012 1.0439088\n", + " 1.0405552 0. 0. 0. ]\n", + " [1.1937835 1.1871748 1.1958221 1.2043723 1.1913432 1.1570289 1.1202934\n", + " 1.0956994 1.0844353 1.0825944 1.0831236 1.078168 1.0680113 1.0583885\n", + " 0. 0. 0. 0. ]\n", + " [1.1723285 1.1680039 1.1780307 1.1861299 1.1753138 1.1436148 1.1098591\n", + " 1.0875086 1.0763116 1.0740668 1.0737615 1.0683991 1.0595138 1.050812\n", + " 1.0468732 1.0490923 0. 0. ]\n", + " [1.1507298 1.1466033 1.1565856 1.1663467 1.1558251 1.125299 1.0945557\n", + " 1.0739952 1.0649749 1.0629466 1.0631022 1.0589147 1.0503293 1.0427289\n", + " 1.0390613 1.0404959 0. 0. ]]\n", + "[[1.1854402 1.1786517 1.1875359 1.1955535 1.1828368 1.1487352 1.1141568\n", + " 1.0908369 1.0797199 1.0776168 1.0780717 1.0735376 1.0640812 1.0553286\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1805714 1.177585 1.1882358 1.1974822 1.1844214 1.1493952 1.1135315\n", + " 1.0890172 1.078288 1.0751159 1.0737754 1.0675871 1.0580297 1.0496525\n", + " 1.0457689 1.0477527 1.0531225 1.0586292 1.0614477]\n", + " [1.1586503 1.1551347 1.1645001 1.1721184 1.1617712 1.1314055 1.1001618\n", + " 1.0788257 1.0690994 1.0663234 1.0647587 1.0598339 1.0515416 1.0435773\n", + " 1.0399672 1.0411527 1.0458002 1.0504888 0. ]\n", + " [1.1769853 1.1709073 1.1803572 1.1878151 1.1752372 1.1422184 1.1082431\n", + " 1.0856429 1.0764878 1.0758159 1.0764006 1.0716653 1.0612028 1.0521533\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.154273 1.1526154 1.1627469 1.1719573 1.1602594 1.1273954 1.0953896\n", + " 1.0743041 1.0638951 1.0617907 1.0610012 1.0562668 1.048141 1.0408987\n", + " 1.0375471 1.0392601 1.043498 1.0480726 1.0502689]]\n", + "[[1.1650696 1.1587826 1.1671001 1.1746447 1.1632265 1.1328421 1.1011876\n", + " 1.0807056 1.0711441 1.0699276 1.0700417 1.0659933 1.0568314 1.0485196\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1727041 1.1687325 1.1776931 1.1860089 1.1737561 1.140458 1.1070777\n", + " 1.0843529 1.074245 1.0719174 1.0723128 1.068534 1.0594189 1.0511674\n", + " 1.0472523 0. 0. 0. 0. 0. ]\n", + " [1.1859391 1.1810982 1.189987 1.1982064 1.1850374 1.1513665 1.115485\n", + " 1.0919874 1.0800158 1.0758194 1.0756426 1.0703093 1.0606004 1.0525837\n", + " 1.0486636 1.0506471 1.0561314 1.0615907 0. 0. ]\n", + " [1.1750047 1.1705204 1.1808083 1.1896726 1.1778115 1.1439563 1.1090245\n", + " 1.0858387 1.0749768 1.0725127 1.0719337 1.0676534 1.0587453 1.0500203\n", + " 1.046671 1.0483477 1.0539637 0. 0. 0. ]\n", + " [1.1593423 1.1576929 1.1688231 1.1768475 1.1651652 1.1341453 1.1016003\n", + " 1.0797817 1.0689962 1.0652025 1.0636102 1.0585743 1.0502968 1.043179\n", + " 1.0398928 1.041215 1.0463101 1.0506107 1.0527838 1.0535882]]\n", + "[[1.1677519 1.1657913 1.1769419 1.1843463 1.1723045 1.1381797 1.1034944\n", + " 1.0815998 1.0710785 1.0693885 1.0692879 1.0640553 1.0555519 1.0471824\n", + " 1.0439057 1.0455515 1.0505471 0. 0. ]\n", + " [1.1636735 1.1611605 1.1717198 1.1805695 1.1679432 1.1347449 1.1013149\n", + " 1.0797812 1.0697558 1.0676742 1.067151 1.0619439 1.052986 1.0445873\n", + " 1.0412009 1.0426731 1.0477872 1.0527431 0. ]\n", + " [1.1645104 1.1627603 1.1735647 1.18344 1.171637 1.1386107 1.1036415\n", + " 1.0810834 1.0701883 1.067451 1.0670875 1.0616399 1.0523161 1.0445012\n", + " 1.0408952 1.0423187 1.0472796 1.052138 1.0550361]\n", + " [1.1694403 1.1648489 1.1752491 1.184872 1.1727638 1.1405127 1.1065062\n", + " 1.0845306 1.0744761 1.0726615 1.0728614 1.0677081 1.0582557 1.0489764\n", + " 1.0452535 1.0470407 0. 0. 0. ]\n", + " [1.170115 1.1645578 1.1737301 1.1823525 1.1716185 1.1393453 1.1063395\n", + " 1.08445 1.0753905 1.0741444 1.0745873 1.0700365 1.0598844 1.0504565\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.177238 1.1717536 1.1810423 1.1895483 1.1768663 1.1441946 1.1105194\n", + " 1.0879564 1.0771539 1.0744143 1.0737896 1.06789 1.0581946 1.0495934\n", + " 1.0461752 1.0486861 1.0550616 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1719317 1.168835 1.1803648 1.189725 1.1803087 1.1474022 1.1128262\n", + " 1.08879 1.0769637 1.0728692 1.0698293 1.0637126 1.0542201 1.0458312\n", + " 1.0431163 1.0451739 1.0506086 1.0559593 1.0581626 1.0589807 1.0597025\n", + " 1.0629232 1.070301 1.0804459 1.0882243]\n", + " [1.1616448 1.1572299 1.1658969 1.1735301 1.1609478 1.1301792 1.0985783\n", + " 1.0780983 1.0680896 1.066213 1.0655729 1.061571 1.053504 1.0456606\n", + " 1.0423601 1.0440469 1.0490698 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1799498 1.175243 1.1852529 1.1941229 1.1809843 1.146763 1.1118679\n", + " 1.0886173 1.0785339 1.0767457 1.0770222 1.0721343 1.0624449 1.0537622\n", + " 1.0497401 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1777275 1.1736145 1.183186 1.1906828 1.1776465 1.1447499 1.1110529\n", + " 1.0877697 1.0771662 1.0739033 1.0721754 1.0673008 1.0578637 1.0499648\n", + " 1.0462205 1.0482528 1.0536696 1.0590296 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1639726 1.1616937 1.1716466 1.1806803 1.1685872 1.1365895 1.1033764\n", + " 1.0807194 1.069738 1.0666788 1.0655885 1.0608177 1.0527327 1.0451282\n", + " 1.0421824 1.0435076 1.0480483 1.052561 1.0549107 0. 0.\n", + " 0. 0. ]\n", + " [1.1639016 1.1609142 1.1704946 1.1786852 1.1669865 1.1338955 1.1005596\n", + " 1.0791541 1.0688683 1.0674664 1.0675697 1.0624164 1.0546706 1.0466517\n", + " 1.0430503 1.0447918 1.049741 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1780577 1.1731153 1.1846106 1.1934843 1.1808528 1.1462926 1.110353\n", + " 1.088209 1.0781455 1.0766187 1.0774944 1.0719019 1.0623143 1.0530404\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1796188 1.1757863 1.1859447 1.194162 1.1832151 1.1493869 1.1148239\n", + " 1.0903431 1.0778788 1.0734973 1.0706824 1.0644128 1.0552824 1.0479666\n", + " 1.0450541 1.0475454 1.0529182 1.0576018 1.0602715 1.0615075 1.0626888\n", + " 1.0661976 1.073311 ]\n", + " [1.1701236 1.1644715 1.1740888 1.1829019 1.1711161 1.1396441 1.1059139\n", + " 1.0831422 1.072135 1.0692952 1.068209 1.0634923 1.0546902 1.0468658\n", + " 1.043602 1.0455205 1.0506799 1.0555596 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1591504 1.1567441 1.1670094 1.1747642 1.1625392 1.1302853 1.0985911\n", + " 1.07768 1.0683198 1.0664833 1.0659531 1.0618092 1.053976 1.0459116\n", + " 1.0426269 1.0441349 1.0487367 0. 0. 0. 0. ]\n", + " [1.1748585 1.1707218 1.1801925 1.1885191 1.175139 1.1411899 1.1067842\n", + " 1.0838395 1.0735689 1.0711614 1.0707861 1.0653101 1.0567894 1.0482807\n", + " 1.0449142 1.0467052 1.0522794 0. 0. 0. 0. ]\n", + " [1.1571875 1.1539505 1.1629245 1.1714764 1.1601986 1.130583 1.0989065\n", + " 1.0776482 1.0675821 1.0652794 1.064783 1.0603918 1.0522367 1.0446663\n", + " 1.0411747 1.0423822 0. 0. 0. 0. 0. ]\n", + " [1.1632857 1.1621977 1.1732963 1.1830026 1.170697 1.1373259 1.1035507\n", + " 1.0812134 1.0695992 1.0663159 1.0645479 1.058956 1.0507011 1.0432645\n", + " 1.0403088 1.041911 1.046648 1.0510896 1.0533767 1.054654 1.0561388]\n", + " [1.1811224 1.1774522 1.1884847 1.1979113 1.1845993 1.1486042 1.1124985\n", + " 1.0885856 1.0764705 1.0726078 1.0702909 1.0642476 1.0548971 1.0473378\n", + " 1.0440364 1.045984 1.0512556 1.0561631 1.0585629 1.0598493 1.0613625]]\n", + "[[1.1794541 1.175785 1.1862687 1.1946847 1.1829556 1.148652 1.113399\n", + " 1.0891916 1.0779148 1.0747666 1.0736315 1.0685698 1.0590863 1.0506461\n", + " 1.0467165 1.0488836 1.0540769 1.059679 0. ]\n", + " [1.15641 1.1530318 1.1618892 1.1682726 1.157248 1.1262376 1.095723\n", + " 1.0754917 1.0663308 1.0647535 1.0648899 1.0605135 1.0523274 1.0446025\n", + " 1.0409635 1.0427326 1.0473514 0. 0. ]\n", + " [1.1684594 1.1638179 1.1741314 1.1824222 1.1720781 1.1399555 1.1060432\n", + " 1.083305 1.0723547 1.0685046 1.0671262 1.0616293 1.0524224 1.0448576\n", + " 1.0412681 1.0435956 1.0486226 1.0533589 1.0557859]\n", + " [1.1709636 1.1659318 1.1745743 1.1819751 1.1704484 1.1394916 1.1059453\n", + " 1.0833695 1.0733503 1.0711339 1.071814 1.0676895 1.0595067 1.051213\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1855066 1.1827072 1.1928294 1.2008995 1.1873081 1.152198 1.115662\n", + " 1.0913765 1.0796068 1.0763572 1.0759614 1.0705932 1.0615102 1.0526212\n", + " 1.0486937 1.0509357 1.0565406 1.0622658 0. ]]\n", + "[[1.1751132 1.1722465 1.1840489 1.1934371 1.1802074 1.1447909 1.1091639\n", + " 1.0853268 1.0738057 1.0714266 1.0708134 1.0666443 1.0577698 1.049329\n", + " 1.0457891 1.0471509 1.0523903 1.0576389]\n", + " [1.1712949 1.1686256 1.1788585 1.1874895 1.175635 1.1412843 1.1071844\n", + " 1.0842607 1.0735884 1.0710722 1.0704011 1.0657567 1.0569746 1.0490149\n", + " 1.0452851 1.0469214 1.0523323 0. ]\n", + " [1.197292 1.1901205 1.197734 1.2040747 1.1890631 1.1529653 1.1167722\n", + " 1.0927564 1.0821102 1.0808718 1.0815431 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1596124 1.1566714 1.1652964 1.1725965 1.1596718 1.1282694 1.0962856\n", + " 1.0753077 1.064886 1.0629473 1.0625458 1.0580072 1.0505126 1.0432941\n", + " 1.0401314 1.0418698 1.0466805 1.0516022]\n", + " [1.1895688 1.1836137 1.1937857 1.2033335 1.191812 1.1565214 1.1204324\n", + " 1.0958576 1.0851982 1.083597 1.0834507 1.0785167 1.0682007 1.0588865\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1804231 1.1785245 1.1894338 1.1991338 1.1864467 1.1515629 1.115161\n", + " 1.0902104 1.0779952 1.0741436 1.073552 1.0688119 1.0585605 1.0508428\n", + " 1.0468177 1.0483407 1.0537345 1.058697 1.061162 0. 0.\n", + " 0. 0. ]\n", + " [1.1654444 1.1607224 1.1699935 1.1788683 1.1673598 1.1353219 1.1024119\n", + " 1.0803422 1.0688103 1.0648568 1.0628021 1.0579329 1.0502312 1.0431454\n", + " 1.0401942 1.042031 1.046797 1.051494 1.0541899 1.0553224 0.\n", + " 0. 0. ]\n", + " [1.1649771 1.159562 1.1688029 1.1772403 1.1650527 1.1337084 1.1016029\n", + " 1.0800772 1.0708404 1.0687437 1.068872 1.0645057 1.0558268 1.0479975\n", + " 1.044352 1.0466084 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1635807 1.160123 1.1695794 1.1770097 1.1641105 1.1330733 1.1012613\n", + " 1.080497 1.0699414 1.0671418 1.0658317 1.0607283 1.0523404 1.0452361\n", + " 1.0420207 1.0443906 1.0492893 1.0537337 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.151485 1.1493695 1.1596738 1.1694369 1.1588992 1.1292379 1.0979745\n", + " 1.076857 1.066172 1.0623275 1.0605345 1.0549147 1.0464807 1.0399737\n", + " 1.0368909 1.0385611 1.0427725 1.0473509 1.0498371 1.0510015 1.0522639\n", + " 1.0554388 1.0615488]]\n", + "[[1.16933 1.1674236 1.1779732 1.186842 1.1742059 1.1406326 1.1065847\n", + " 1.0838858 1.073068 1.0715289 1.0724701 1.0675826 1.0583827 1.0496465\n", + " 1.0457164 1.0473614]\n", + " [1.163481 1.1583877 1.1672626 1.1750729 1.1637816 1.1323643 1.1004609\n", + " 1.0794343 1.0700375 1.0684351 1.0681355 1.0633752 1.0549009 1.0461986\n", + " 1.0425348 1.0444323]\n", + " [1.1594068 1.1552773 1.1659353 1.175699 1.1654278 1.1343046 1.1010137\n", + " 1.0793612 1.069423 1.0673928 1.0679624 1.0637305 1.0545102 1.0462546\n", + " 1.0423344 1.0441065]\n", + " [1.1696368 1.1654228 1.174596 1.1830193 1.1716659 1.1370473 1.1030551\n", + " 1.0821148 1.0726494 1.0714773 1.0722249 1.0679684 1.058761 1.0501748\n", + " 0. 0. ]\n", + " [1.1706117 1.1674521 1.1774738 1.1864783 1.1732817 1.1406825 1.1064699\n", + " 1.0834535 1.0730065 1.0705267 1.0715873 1.0675048 1.0587206 1.0500529\n", + " 1.046259 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1753362 1.1698306 1.1788577 1.1863607 1.174381 1.1411952 1.106594\n", + " 1.0833263 1.0728769 1.0704292 1.0701244 1.0656663 1.0571691 1.0492756\n", + " 1.0455065 1.0473211 1.0525702 0. 0. ]\n", + " [1.1632355 1.1604142 1.1711873 1.1807876 1.1695932 1.1375505 1.1041695\n", + " 1.0811918 1.0702585 1.0676322 1.0664076 1.061459 1.0529106 1.0446104\n", + " 1.0411559 1.0428187 1.0475888 1.0527878 0. ]\n", + " [1.1764853 1.1729908 1.181344 1.1894121 1.1758424 1.1428311 1.1089181\n", + " 1.0865785 1.075416 1.0721393 1.0709076 1.0651076 1.0558977 1.0474085\n", + " 1.044038 1.0459626 1.0513628 1.0565323 1.0589049]\n", + " [1.1927088 1.1883214 1.1985728 1.206193 1.1888125 1.1525772 1.1162956\n", + " 1.0937752 1.0836233 1.0834209 1.0826138 1.0767889 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1645473 1.1600031 1.1688745 1.1779233 1.1665815 1.134896 1.102119\n", + " 1.0799865 1.0711086 1.069889 1.0694875 1.0657265 1.0566005 1.0483494\n", + " 1.0444322 0. 0. 0. 0. ]]\n", + "[[1.1964765 1.1908164 1.200117 1.2087308 1.1957518 1.159939 1.1217914\n", + " 1.0962285 1.0852306 1.0830134 1.0835618 1.0791255 1.0689644 1.0594711\n", + " 1.0550967 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1691053 1.1659411 1.176687 1.1843557 1.1716553 1.1379958 1.1046189\n", + " 1.0821679 1.0718764 1.0686289 1.0674845 1.0619047 1.0531913 1.045284\n", + " 1.0418386 1.043648 1.0486608 1.0532808 1.0557784 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1691492 1.162188 1.1696978 1.1763572 1.1655769 1.1344326 1.102141\n", + " 1.081308 1.0716953 1.0702324 1.0701779 1.0660945 1.0572764 1.049306\n", + " 1.045775 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2015998 1.195666 1.2051511 1.2141845 1.2003773 1.1625103 1.1244686\n", + " 1.0998375 1.087953 1.0857016 1.0862633 1.0809377 1.0701171 1.0605986\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1578671 1.1560539 1.1672057 1.177821 1.1673253 1.1350377 1.1026549\n", + " 1.0812095 1.0701383 1.06576 1.0636674 1.0576063 1.0485665 1.041579\n", + " 1.0390443 1.0412887 1.0462877 1.0517614 1.0535107 1.0542741 1.0556778\n", + " 1.0590907 1.0661643 1.0760081 1.0836887 1.0875245]]\n", + "[[1.1570983 1.1530261 1.1619883 1.1701465 1.1578801 1.1270765 1.0954281\n", + " 1.0748392 1.0656812 1.063902 1.0631467 1.0593451 1.0512257 1.043701\n", + " 1.040755 1.04263 1.0478203 0. 0. 0. 0. ]\n", + " [1.1801761 1.1757264 1.1867948 1.1955974 1.1836907 1.148095 1.1125225\n", + " 1.0891954 1.0787035 1.077436 1.078273 1.0732006 1.0631402 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1847439 1.1796486 1.1883802 1.1966674 1.1832829 1.1492897 1.1136552\n", + " 1.0899979 1.0784258 1.0762036 1.0760554 1.071248 1.061929 1.0536858\n", + " 1.0494044 1.0512726 0. 0. 0. 0. 0. ]\n", + " [1.1655728 1.1624916 1.1745042 1.1841301 1.1725465 1.1400373 1.1057394\n", + " 1.0832272 1.0718603 1.0683205 1.0663995 1.0603878 1.051522 1.0436337\n", + " 1.0404232 1.0418168 1.0468549 1.0516357 1.0540445 1.0550641 1.0564021]\n", + " [1.184391 1.1799805 1.1904873 1.1989949 1.1861372 1.1502078 1.1150559\n", + " 1.0917346 1.080779 1.0784603 1.0773754 1.0719101 1.0612224 1.0524095\n", + " 1.0483288 1.0506153 1.0565612 0. 0. 0. 0. ]]\n", + "[[1.1567394 1.1538804 1.1649954 1.1736284 1.1633955 1.1319083 1.0989834\n", + " 1.0773765 1.0672601 1.0649732 1.0644634 1.0592542 1.0506119 1.0425955\n", + " 1.0392209 1.0407822 1.0454357 1.050548 0. ]\n", + " [1.1528268 1.1485966 1.1578435 1.1657653 1.1549346 1.1254442 1.0947038\n", + " 1.0740612 1.0645041 1.0620068 1.0613915 1.0568742 1.0488572 1.0410959\n", + " 1.0377991 1.0395231 1.0443051 1.0491171 0. ]\n", + " [1.1642839 1.1627921 1.1734326 1.1826872 1.170225 1.1382458 1.1046968\n", + " 1.0817366 1.0707775 1.0674412 1.0661355 1.0614359 1.0530957 1.0453813\n", + " 1.0421124 1.0434837 1.0482713 1.053016 1.0550431]\n", + " [1.1929665 1.1897279 1.2009847 1.2083187 1.1951003 1.1586794 1.120347\n", + " 1.0949447 1.0825697 1.0787036 1.0778662 1.0720776 1.0620129 1.0534171\n", + " 1.0496073 1.0513796 1.0570488 1.0626423 1.0656184]\n", + " [1.1632711 1.1588373 1.1686549 1.1774447 1.1645856 1.133104 1.1005629\n", + " 1.0786233 1.0682514 1.0653293 1.0650679 1.0607367 1.0526028 1.0452391\n", + " 1.0420172 1.0435965 1.0483232 1.052913 0. ]]\n", + "[[1.1756266 1.1740983 1.1859397 1.1956133 1.1817813 1.1464672 1.1098206\n", + " 1.0861266 1.0743939 1.0720475 1.0711704 1.0663666 1.0575805 1.0495276\n", + " 1.0456476 1.0476022 1.0525568 1.0575905 1.0599487]\n", + " [1.1790347 1.17576 1.1876234 1.19761 1.1863312 1.1502585 1.1136339\n", + " 1.0890192 1.0773753 1.0756783 1.0756783 1.0705653 1.0611426 1.051989\n", + " 1.047917 0. 0. 0. 0. ]\n", + " [1.1909243 1.1846683 1.1937469 1.201367 1.1884058 1.154218 1.1192937\n", + " 1.0954896 1.0843672 1.0824623 1.0824844 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1739298 1.170471 1.1813314 1.19022 1.1773196 1.1441348 1.1096114\n", + " 1.086809 1.076305 1.0749035 1.0743588 1.0697112 1.0600529 1.0512363\n", + " 1.047208 0. 0. 0. 0. ]\n", + " [1.1867191 1.1823628 1.1922523 1.2012813 1.1895094 1.1545745 1.118056\n", + " 1.0941842 1.0821872 1.0793267 1.078353 1.0732795 1.0635722 1.0541104\n", + " 1.0503672 1.052497 1.0585144 0. 0. ]]\n", + "[[1.178478 1.1734577 1.1822547 1.191266 1.1794597 1.145993 1.1107908\n", + " 1.0878445 1.0768095 1.0740607 1.073781 1.0688124 1.0598644 1.0514544\n", + " 1.0482326 1.0503254 0. 0. 0. 0. ]\n", + " [1.1642838 1.1600103 1.1696566 1.1784487 1.1663442 1.133908 1.1016091\n", + " 1.080691 1.0712159 1.0705175 1.0708654 1.0665734 1.056995 1.0482912\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2140988 1.2076117 1.2177483 1.2262679 1.2104268 1.1726918 1.133101\n", + " 1.1059202 1.093369 1.0916492 1.0912541 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1915748 1.1881478 1.1990368 1.2085596 1.1952852 1.1590092 1.1210494\n", + " 1.0955869 1.0829276 1.0785855 1.0765624 1.0697821 1.0596986 1.0511994\n", + " 1.0476208 1.0495435 1.0557396 1.0612974 1.0631149 1.063936 ]\n", + " [1.175519 1.1722194 1.1829652 1.1925135 1.1805109 1.146173 1.1104165\n", + " 1.0863601 1.074443 1.0712502 1.0704393 1.0651093 1.0562794 1.0485488\n", + " 1.0449744 1.0468577 1.0516295 1.0565814 1.0589309 1.060232 ]]\n", + "[[1.166464 1.1628551 1.1728746 1.182184 1.1702762 1.1393044 1.1069885\n", + " 1.0848176 1.0727983 1.0687585 1.0664815 1.0597967 1.0513092 1.0437934\n", + " 1.0409367 1.0429591 1.0482148 1.0525019 1.054571 1.0554112 1.0566278]\n", + " [1.1819148 1.1803795 1.1923323 1.2012037 1.1885331 1.1521714 1.1143256\n", + " 1.0891106 1.0774887 1.0741222 1.0737783 1.0686387 1.0592314 1.0507019\n", + " 1.0468687 1.0483868 1.0533853 1.0586171 1.0610547 0. 0. ]\n", + " [1.1593329 1.1564794 1.1671451 1.1755649 1.1646439 1.1332006 1.100036\n", + " 1.0784831 1.0689424 1.0674354 1.0675285 1.0627171 1.0541017 1.0456854\n", + " 1.0420929 1.0439143 0. 0. 0. 0. 0. ]\n", + " [1.1754193 1.1730937 1.1849681 1.1934323 1.1809227 1.1459657 1.1103126\n", + " 1.0866112 1.0756744 1.0727507 1.0723532 1.0668162 1.0576891 1.04901\n", + " 1.04519 1.046731 1.052236 1.057669 0. 0. 0. ]\n", + " [1.1499099 1.1473966 1.1572125 1.165488 1.1545404 1.1238325 1.0935233\n", + " 1.0734634 1.0639874 1.0624969 1.0620483 1.057721 1.0497904 1.0424092\n", + " 1.0391363 1.0411482 0. 0. 0. 0. 0. ]]\n", + "[[1.1738194 1.1716174 1.1817839 1.1911305 1.1784809 1.1458144 1.1110559\n", + " 1.0874859 1.0750092 1.0713996 1.069453 1.0634278 1.0551845 1.0474612\n", + " 1.0435282 1.0455599 1.0503399 1.0549703 1.0576578 1.0585594]\n", + " [1.1532183 1.1505492 1.1602229 1.1686966 1.1570386 1.1261843 1.0949135\n", + " 1.0739856 1.0645114 1.062393 1.0628847 1.0588273 1.0506768 1.0431188\n", + " 1.0396829 1.0415177 0. 0. 0. 0. ]\n", + " [1.1643088 1.1615884 1.1728511 1.1821038 1.1706736 1.137891 1.1037058\n", + " 1.0809965 1.0706023 1.0691956 1.0699196 1.0646794 1.0563861 1.0480051\n", + " 1.0441277 0. 0. 0. 0. 0. ]\n", + " [1.170716 1.1691327 1.1803172 1.1900426 1.1772363 1.1444334 1.1097296\n", + " 1.0862025 1.074047 1.0703378 1.068617 1.0628802 1.0545301 1.0466899\n", + " 1.0431956 1.0446445 1.0498959 1.0543743 1.056457 1.0573949]\n", + " [1.1959627 1.1900978 1.1989946 1.2083263 1.1935592 1.1573563 1.1213251\n", + " 1.0965704 1.0852547 1.0841954 1.0846992 1.0793438 1.0684186 1.058453\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1934197 1.1881928 1.1997043 1.2087513 1.1948051 1.1577207 1.1199743\n", + " 1.0952451 1.0846944 1.0834885 1.0840555 1.079594 1.0691205 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2097971 1.2032243 1.2143636 1.224453 1.2096848 1.170928 1.1301615\n", + " 1.103459 1.0914744 1.0910816 1.091769 1.0854583 1.074413 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1543181 1.1503606 1.1581256 1.1657652 1.155808 1.126006 1.0955104\n", + " 1.0750315 1.0649366 1.0632856 1.0627131 1.0587463 1.0503737 1.0434376\n", + " 1.0400332 1.0414966 1.0465399 0. ]\n", + " [1.16349 1.1590965 1.1690214 1.1773769 1.1669682 1.1353279 1.103184\n", + " 1.081527 1.0719056 1.069925 1.0699046 1.0649918 1.0561635 1.0478804\n", + " 1.0442995 1.0460348 0. 0. ]\n", + " [1.1826285 1.1775036 1.1871552 1.1959038 1.1838435 1.1499553 1.1145989\n", + " 1.0911112 1.0796973 1.0764166 1.0751156 1.069464 1.0593983 1.0508112\n", + " 1.0468639 1.0489451 1.0544739 1.0600382]]\n", + "[[1.185046 1.1822512 1.1925178 1.2009509 1.1890984 1.1543188 1.1182553\n", + " 1.0934576 1.0814674 1.0770978 1.0740762 1.0682188 1.0585839 1.050839\n", + " 1.0470765 1.0494057 1.0547279 1.0596843 1.0622168 1.0627855 1.0643182\n", + " 0. 0. ]\n", + " [1.1757092 1.1699808 1.1788989 1.1866269 1.1742417 1.1415958 1.108615\n", + " 1.0870014 1.0774024 1.0751046 1.0747294 1.0689495 1.0589672 1.0502435\n", + " 1.0466247 1.0492889 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1566448 1.1544342 1.1651003 1.1745855 1.164156 1.1336485 1.1016629\n", + " 1.0797058 1.0687906 1.064784 1.0626658 1.0565338 1.0478121 1.0409788\n", + " 1.0380241 1.0396664 1.0442405 1.0484746 1.0509838 1.0520314 1.0537313\n", + " 1.0572717 1.0640215]\n", + " [1.1864254 1.1807772 1.1913239 1.1997783 1.1878251 1.1522197 1.1168332\n", + " 1.0929545 1.0817747 1.0792106 1.0791876 1.0736436 1.0632417 1.0545186\n", + " 1.0502604 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1498134 1.147592 1.1582987 1.1665527 1.155709 1.1262347 1.0945419\n", + " 1.0743431 1.0632832 1.0607595 1.0592458 1.0539874 1.0467298 1.0394918\n", + " 1.0367937 1.038508 1.0427262 1.0467253 1.0487039 1.0490456 1.050518\n", + " 0. 0. ]]\n", + "[[1.1688553 1.1659956 1.1767409 1.1860683 1.1742268 1.1411885 1.1074009\n", + " 1.0844077 1.0724534 1.069095 1.0672231 1.0612495 1.0527364 1.0449526\n", + " 1.0417274 1.0428025 1.0479555 1.0528518 1.0556004 1.0566788 0. ]\n", + " [1.1783483 1.1739475 1.1830232 1.1907806 1.1773072 1.1449195 1.110479\n", + " 1.0867606 1.0750029 1.0715472 1.0704235 1.0649343 1.0559797 1.0481222\n", + " 1.0442126 1.0457925 1.0504327 1.0551426 1.0575988 0. 0. ]\n", + " [1.1781715 1.1748983 1.1867168 1.1956723 1.1816612 1.1465505 1.1111492\n", + " 1.0877999 1.0767847 1.0750283 1.074221 1.0685575 1.0590118 1.0506744\n", + " 1.0465213 1.0487127 1.0545791 0. 0. 0. 0. ]\n", + " [1.1773263 1.1751767 1.1866878 1.1962807 1.1836188 1.1482193 1.1121883\n", + " 1.0881007 1.0766016 1.072536 1.0701727 1.064374 1.0551109 1.0474598\n", + " 1.0438265 1.0457295 1.0511922 1.0562954 1.0589149 1.0601215 1.0616114]\n", + " [1.1727562 1.1687171 1.1796272 1.1893363 1.1767049 1.1428071 1.1073155\n", + " 1.0837971 1.0722331 1.0693374 1.0684531 1.0634019 1.0552119 1.0472987\n", + " 1.0436409 1.0449595 1.0500343 1.0551423 1.0574322 0. 0. ]]\n", + "[[1.1621279 1.1586465 1.1679889 1.1755135 1.1645917 1.13322 1.100719\n", + " 1.0784731 1.0686642 1.0661685 1.0648093 1.0609953 1.0527328 1.045209\n", + " 1.0419251 1.0431855 1.0481758 0. ]\n", + " [1.173984 1.1690316 1.1782668 1.1870776 1.1786227 1.1473358 1.1134748\n", + " 1.0899466 1.0789449 1.0759938 1.0757527 1.0706843 1.0615659 1.052355\n", + " 1.0483032 0. 0. 0. ]\n", + " [1.1600593 1.1568924 1.165785 1.1742867 1.1623362 1.1305293 1.0988151\n", + " 1.0768095 1.0670162 1.0646558 1.064661 1.0603192 1.0526941 1.0452329\n", + " 1.04168 1.0432329 1.047919 0. ]\n", + " [1.1771127 1.1727306 1.1832336 1.191705 1.1779336 1.1433135 1.1077844\n", + " 1.0843427 1.0736537 1.0714476 1.0707216 1.0660716 1.0570457 1.0487946\n", + " 1.0451362 1.0469888 1.0519053 1.0570469]\n", + " [1.1696979 1.164278 1.1730926 1.1814221 1.1693385 1.1373217 1.1038412\n", + " 1.0819321 1.0715766 1.0693413 1.0691054 1.0652646 1.0567963 1.0485324\n", + " 1.0451862 1.046934 1.052478 0. ]]\n", + "[[1.163395 1.1596233 1.1684835 1.1766427 1.1645411 1.1340444 1.1016037\n", + " 1.0798155 1.0701162 1.0686849 1.0688664 1.0652161 1.0570693 1.0488863\n", + " 0. 0. ]\n", + " [1.1868578 1.1820185 1.192162 1.2003493 1.1873322 1.15192 1.1154644\n", + " 1.0914468 1.0804404 1.0781636 1.078231 1.0731256 1.0636692 1.0547851\n", + " 1.0504048 1.052558 ]\n", + " [1.1630752 1.1585522 1.1679661 1.1751177 1.1640257 1.1320612 1.0992787\n", + " 1.0781113 1.0680711 1.0666869 1.0666695 1.0623345 1.0538274 1.0459158\n", + " 1.0424054 1.0442665]\n", + " [1.1596549 1.155133 1.1638168 1.1724776 1.1620688 1.1322376 1.1011074\n", + " 1.0799189 1.070269 1.0679804 1.0681157 1.0634557 1.0541704 1.0461926\n", + " 1.042388 1.0438831]\n", + " [1.1861683 1.1804698 1.1889424 1.1982495 1.184613 1.1490401 1.1134802\n", + " 1.09084 1.0809766 1.0793498 1.0791535 1.0744796 1.0641588 1.0550183\n", + " 0. 0. ]]\n", + "[[1.1858978 1.182676 1.1931183 1.2027693 1.1896518 1.1545124 1.1180738\n", + " 1.0935143 1.0813193 1.0777504 1.0762758 1.0694036 1.0601091 1.0511947\n", + " 1.0474365 1.0493001 1.054156 1.059462 1.0620282]\n", + " [1.1848569 1.1781298 1.1878531 1.197163 1.1840056 1.1489761 1.1124212\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.196171 1.191696 1.201855 1.210602 1.1950475 1.156502 1.118488\n", + " 1.094963 1.0849723 1.0843201 1.0849952 1.0793343 1.0676639 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1800804 1.1762261 1.1850507 1.1931471 1.1808825 1.1466954 1.1132476\n", + " 1.0904846 1.0788288 1.0748523 1.0730462 1.0670229 1.0570359 1.048892\n", + " 1.0456972 1.0479642 1.0533744 1.0583845 1.0605173]\n", + " [1.1600412 1.1546816 1.1613265 1.1672103 1.1561573 1.1266465 1.0964105\n", + " 1.075795 1.0663154 1.0634421 1.0628238 1.058954 1.0513158 1.0440444\n", + " 1.0412563 1.0429289 1.0478679 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1896632 1.1843865 1.1939554 1.2003767 1.1882067 1.1534901 1.1182352\n", + " 1.0938817 1.0832355 1.080507 1.0810323 1.0757912 1.0660009 1.0564399\n", + " 1.0525185 0. 0. 0. 0. 0. ]\n", + " [1.1894628 1.1827098 1.1929142 1.2013626 1.188763 1.1533164 1.1162083\n", + " 1.0918962 1.0812861 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1942956 1.1909032 1.2011439 1.2085599 1.1966798 1.1604773 1.122935\n", + " 1.0974602 1.0846747 1.0805414 1.0793518 1.0726808 1.0628943 1.0543196\n", + " 1.049905 1.0522046 1.0581745 1.0636551 1.0661564 0. ]\n", + " [1.176014 1.1726551 1.1830711 1.1910676 1.1800601 1.1466018 1.1119146\n", + " 1.0876428 1.0759207 1.0718452 1.0699636 1.064352 1.0554285 1.0477555\n", + " 1.0445068 1.0460852 1.051156 1.0561342 1.0585148 1.0593802]\n", + " [1.1771713 1.1687589 1.1750071 1.1808846 1.1683416 1.1371201 1.105481\n", + " 1.0831736 1.0731316 1.0706468 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1724781 1.1680769 1.1776756 1.186869 1.1750373 1.1421181 1.1082629\n", + " 1.0855803 1.07475 1.0725822 1.0723276 1.0675061 1.0582533 1.049783\n", + " 1.045752 1.0472192 1.0525131 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1707247 1.1698256 1.1810862 1.1890216 1.1776328 1.1433704 1.1090108\n", + " 1.0859067 1.0741968 1.0702189 1.0683783 1.06213 1.0533471 1.0457623\n", + " 1.0425133 1.0442348 1.0492929 1.0544722 1.0563668 1.0573304 1.0589513\n", + " 1.0630798]\n", + " [1.1715132 1.1662406 1.1761895 1.1849368 1.1718549 1.1390079 1.1051829\n", + " 1.0834838 1.0742356 1.0737485 1.0742475 1.0697925 1.0603827 1.0510392\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.161665 1.1585567 1.169452 1.1780117 1.1672515 1.1339655 1.100243\n", + " 1.0780134 1.0674024 1.0648074 1.0644835 1.0591892 1.0508374 1.0429555\n", + " 1.039896 1.0415597 1.046459 1.0513357 1.0541081 0. 0.\n", + " 0. ]\n", + " [1.1649472 1.1585171 1.1658674 1.1729777 1.1611885 1.1302524 1.0992008\n", + " 1.0786792 1.0690185 1.0677484 1.06767 1.064046 1.0556024 1.0476112\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1838454 1.1793255 1.1893907 1.196406 1.1843764 1.1497763 1.1140103\n", + " 1.0898179 1.0780061 1.0747075 1.0738723 1.0687567 1.0599046 1.0510685\n", + " 1.0480137 1.0501764 1.0556918 1.0613103]\n", + " [1.1687926 1.1631067 1.1717298 1.1793633 1.1682909 1.1362331 1.1034554\n", + " 1.0813684 1.0708847 1.0682164 1.0682439 1.0643831 1.0557926 1.0479901\n", + " 1.044304 1.0459741 1.0513488 0. ]\n", + " [1.1553469 1.151509 1.1610979 1.1693794 1.1593273 1.1283377 1.0959383\n", + " 1.0745354 1.0651512 1.063303 1.0635501 1.0601517 1.0522666 1.0448008\n", + " 1.0412993 1.0426912 1.047183 0. ]\n", + " [1.1785736 1.1734686 1.1832714 1.1925176 1.1812 1.1457595 1.1106639\n", + " 1.0864083 1.0761353 1.0743179 1.074812 1.0703132 1.0608081 1.0521026\n", + " 1.0480505 0. 0. 0. ]\n", + " [1.1806548 1.1761003 1.1872212 1.1966758 1.1852775 1.1500658 1.1131585\n", + " 1.0883539 1.0775504 1.0766088 1.0764933 1.072479 1.0630683 1.0541022\n", + " 1.0498172 0. 0. 0. ]]\n", + "[[1.164025 1.1611106 1.1721911 1.1815788 1.1699106 1.1382897 1.1056714\n", + " 1.0834632 1.0720061 1.0679549 1.0660968 1.0604117 1.0516785 1.0435702\n", + " 1.0407386 1.0424916 1.0478345 1.0520542 1.0546017 1.0552018 1.055947\n", + " 1.0594227 1.0665584 0. ]\n", + " [1.1807486 1.1765355 1.1863526 1.1947926 1.1818774 1.1488794 1.1140372\n", + " 1.0900884 1.0780377 1.0739207 1.0723314 1.0668857 1.0572459 1.0493631\n", + " 1.0452684 1.0466073 1.0519542 1.056825 1.0599923 1.0612015 0.\n", + " 0. 0. 0. ]\n", + " [1.1714903 1.1670785 1.1758698 1.1832815 1.1727759 1.1413445 1.1074682\n", + " 1.0847504 1.074082 1.0718498 1.0718381 1.0677748 1.0586879 1.0499327\n", + " 1.0465816 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.182718 1.1791508 1.190722 1.1984351 1.1842036 1.1494095 1.1131333\n", + " 1.0900357 1.0800956 1.0788513 1.0800791 1.0747639 1.0645128 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1654451 1.1630876 1.1755989 1.1871034 1.1763221 1.1425245 1.107878\n", + " 1.0853148 1.0738108 1.0697086 1.0680603 1.0619864 1.0525227 1.0443964\n", + " 1.0412403 1.0433245 1.0483751 1.0531452 1.0555632 1.0561692 1.0570475\n", + " 1.0604535 1.0676817 1.0777392]]\n", + "[[1.171337 1.1674104 1.1785998 1.1876868 1.1751398 1.1413802 1.1067871\n", + " 1.0836003 1.0734736 1.072288 1.0723339 1.0669028 1.0574658 1.0485605\n", + " 1.0449189 0. 0. 0. 0. 0. 0. ]\n", + " [1.1738529 1.1704229 1.1819308 1.1919525 1.179583 1.1465664 1.1121291\n", + " 1.0883982 1.0764067 1.0721258 1.0703562 1.064599 1.0550516 1.0475223\n", + " 1.0446069 1.0459324 1.0510452 1.0564107 1.0590522 1.0599082 1.0621454]]\n", + "[[1.163927 1.1600758 1.1695726 1.1779826 1.1669009 1.1346334 1.101135\n", + " 1.0798181 1.0698329 1.0678896 1.0680035 1.0637339 1.0550734 1.0470296\n", + " 1.0430566 1.0448769 0. 0. 0. ]\n", + " [1.1836141 1.1806968 1.1908193 1.200001 1.1869062 1.152327 1.1163979\n", + " 1.0921726 1.0797591 1.0766048 1.0752977 1.0690942 1.0599087 1.0511862\n", + " 1.0473849 1.049321 1.0546789 1.0600696 1.0623721]\n", + " [1.1748743 1.1681046 1.1764225 1.1838181 1.1717553 1.1402171 1.1076996\n", + " 1.0861266 1.0760676 1.074038 1.0735047 1.0690112 1.0594378 1.0511904\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1809268 1.177489 1.186392 1.1946039 1.1811825 1.1476951 1.1128165\n", + " 1.0898478 1.0783689 1.0752128 1.073531 1.0682137 1.0588986 1.0508593\n", + " 1.0470421 1.0491766 1.054838 1.0602273 0. ]\n", + " [1.1800374 1.176271 1.187633 1.1974901 1.184283 1.1494173 1.113187\n", + " 1.0884588 1.0782243 1.076836 1.0771048 1.072334 1.063246 1.0537937\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1956396 1.1900753 1.2006512 1.2098519 1.1962492 1.1587726 1.1200609\n", + " 1.0959855 1.0854388 1.0846803 1.0860554 1.0806086 1.069442 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1848037 1.1790258 1.1888788 1.1990751 1.1869091 1.1518133 1.1157899\n", + " 1.0920254 1.0818231 1.0802912 1.0808522 1.0752885 1.0653813 1.0554811\n", + " 1.0508515 0. 0. 0. ]\n", + " [1.1764371 1.1722109 1.1823105 1.190067 1.1777067 1.1433561 1.1085632\n", + " 1.0851424 1.0740366 1.0712997 1.0715623 1.066921 1.0585951 1.0507731\n", + " 1.0470531 1.0488815 1.0540572 0. ]\n", + " [1.1727074 1.1709001 1.1821139 1.1906892 1.1781819 1.1442577 1.1090987\n", + " 1.0854431 1.0745243 1.0715611 1.0707796 1.0660503 1.0569952 1.0486656\n", + " 1.0449373 1.0467714 1.0514771 1.0571153]\n", + " [1.1918856 1.1863433 1.19616 1.2035025 1.1884184 1.1517754 1.1152889\n", + " 1.091543 1.0803237 1.0788599 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1604487 1.1569126 1.1668946 1.1762421 1.1644937 1.133044 1.0998378\n", + " 1.0784523 1.068381 1.0660795 1.066291 1.0616357 1.0537089 1.0458292\n", + " 1.0423999 1.043903 1.0486642 0. ]\n", + " [1.1689427 1.1652559 1.1741971 1.1820749 1.1700516 1.1374137 1.10389\n", + " 1.0813938 1.070501 1.0675237 1.0667801 1.0614369 1.0532676 1.0459961\n", + " 1.0425866 1.0443474 1.0491611 1.0543534]\n", + " [1.2021329 1.1956707 1.2052956 1.213645 1.1994956 1.162659 1.124667\n", + " 1.0994731 1.0878655 1.086173 1.0870571 1.0813141 1.0707731 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1702975 1.1646682 1.1740553 1.1835458 1.1722466 1.139816 1.106256\n", + " 1.0844164 1.0738288 1.0719826 1.0716022 1.066665 1.0573463 1.0490015\n", + " 1.0448264 1.046325 0. 0. ]\n", + " [1.1564432 1.1526514 1.1616565 1.1704769 1.1597441 1.129414 1.0973603\n", + " 1.0768902 1.0666596 1.0649474 1.0648625 1.0609597 1.0528588 1.0451467\n", + " 1.0414133 1.0431371 0. 0. ]]\n", + "[[1.1708851 1.1662027 1.1759341 1.1830783 1.1703893 1.1371278 1.1045921\n", + " 1.0834446 1.0745462 1.0735363 1.0738945 1.0687244 1.0590199 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.155523 1.1527858 1.163705 1.1719161 1.1611754 1.1303811 1.0984462\n", + " 1.076645 1.0666652 1.0638651 1.0621896 1.0574335 1.0490581 1.0419595\n", + " 1.0384051 1.0399526 1.0443802 1.0489705 1.0514575]\n", + " [1.1657522 1.1610916 1.171412 1.1795702 1.168138 1.1353965 1.1023993\n", + " 1.0808513 1.0715065 1.070172 1.070323 1.0658416 1.0568157 1.0486848\n", + " 1.0449536 0. 0. 0. 0. ]\n", + " [1.1608694 1.1560464 1.1654695 1.1743021 1.1638316 1.1329883 1.1010066\n", + " 1.0795516 1.0697728 1.0684298 1.0686947 1.0638645 1.0550429 1.0468167\n", + " 1.0428752 0. 0. 0. 0. ]\n", + " [1.1901689 1.1870811 1.1978301 1.2062894 1.1945288 1.1583848 1.1202468\n", + " 1.09462 1.0816617 1.0781521 1.0761564 1.070606 1.0614791 1.0526109\n", + " 1.0487136 1.0501646 1.055544 1.0608764 1.0636164]]\n", + "[[1.1786878 1.1757702 1.1862266 1.1951307 1.1831667 1.1487602 1.1133585\n", + " 1.0899397 1.0774812 1.0744444 1.0723611 1.0664924 1.0569087 1.048747\n", + " 1.0452425 1.0471637 1.0524763 1.0575154 1.0597281 1.0604789]\n", + " [1.1721222 1.1689464 1.1788472 1.1879015 1.1753109 1.1423762 1.1082915\n", + " 1.0851438 1.0739703 1.0713413 1.0701996 1.0647393 1.0550041 1.0470607\n", + " 1.0434042 1.0448416 1.050046 1.0550148 0. 0. ]\n", + " [1.1664203 1.1613696 1.1710962 1.1800045 1.1679028 1.135415 1.102461\n", + " 1.0806273 1.0710006 1.0688543 1.0686688 1.064021 1.0552602 1.046626\n", + " 1.0429449 1.0447142 1.0500216 0. 0. 0. ]\n", + " [1.188983 1.1828554 1.192303 1.200415 1.1881251 1.1529821 1.1170133\n", + " 1.0938914 1.0841405 1.0829512 1.0834799 1.0771452 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1956608 1.1905805 1.1993603 1.207013 1.1932911 1.1581447 1.1219591\n", + " 1.0974584 1.0845808 1.0799849 1.0767158 1.069814 1.0599413 1.0516332\n", + " 1.0481465 1.0505233 1.0564525 1.0617906 1.0642086 1.0654557]]\n", + "[[1.1777599 1.1725194 1.1830848 1.1918056 1.1783293 1.1436377 1.1087562\n", + " 1.0866576 1.0778686 1.076758 1.0774859 1.0721287 1.0618665 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.177701 1.1716079 1.1810839 1.188301 1.1757561 1.1420225 1.1076535\n", + " 1.0852783 1.0756236 1.0741274 1.0742224 1.0687797 1.0591886 1.0505326\n", + " 1.0470853 0. 0. 0. 0. ]\n", + " [1.1632321 1.1598129 1.1704314 1.1800056 1.1683977 1.1360544 1.1024317\n", + " 1.0798322 1.0692685 1.0668185 1.0664464 1.0614078 1.0532283 1.0453726\n", + " 1.041769 1.0432017 1.0475346 1.0525945 0. ]\n", + " [1.1771675 1.1723486 1.1808388 1.1884085 1.1755693 1.1439939 1.1105751\n", + " 1.0878897 1.0763979 1.072541 1.0708932 1.065002 1.0559809 1.0476655\n", + " 1.0440838 1.0460376 1.0509526 1.0558884 1.058313 ]\n", + " [1.1732193 1.1692454 1.1795132 1.188189 1.1753305 1.1419975 1.1076058\n", + " 1.0849172 1.0748643 1.0732889 1.073923 1.0685949 1.0600191 1.0513335\n", + " 1.0471652 0. 0. 0. 0. ]]\n", + "[[1.1883967 1.1835407 1.1934655 1.202961 1.1904805 1.1558663 1.118458\n", + " 1.0940232 1.0825409 1.0798789 1.0807872 1.075667 1.0659204 1.0555595\n", + " 1.0507264 1.052365 0. 0. ]\n", + " [1.1874374 1.1831217 1.1943231 1.2038279 1.1932046 1.1582909 1.1199888\n", + " 1.095232 1.0836374 1.0818305 1.0816462 1.0770036 1.0669581 1.0569408\n", + " 1.0522255 1.0544033 0. 0. ]\n", + " [1.1830617 1.1791236 1.1890149 1.1968591 1.1836164 1.1496037 1.1145403\n", + " 1.09127 1.0796248 1.0767038 1.075425 1.0695696 1.0601726 1.0513625\n", + " 1.0477911 1.0504192 1.0559939 1.0617216]\n", + " [1.1797388 1.1753784 1.1848564 1.1924227 1.1796604 1.1455512 1.1112506\n", + " 1.0875745 1.0763649 1.0733917 1.0723063 1.0670873 1.0578985 1.0496429\n", + " 1.0462852 1.0483272 1.0535553 1.0585655]\n", + " [1.1882126 1.1830317 1.1918491 1.2004831 1.1890173 1.1546814 1.117467\n", + " 1.0934838 1.0812286 1.0792729 1.0790567 1.0739942 1.0650868 1.0560883\n", + " 1.052116 1.0541149 0. 0. ]]\n", + "[[1.1765721 1.1736253 1.1840689 1.1917284 1.1774604 1.1420466 1.1080419\n", + " 1.0856864 1.0750544 1.072174 1.0709814 1.0652122 1.0561728 1.0477407\n", + " 1.0438305 1.0458927 1.0513425 1.0566486 1.0591964 0. 0. ]\n", + " [1.1805395 1.175143 1.1852844 1.193815 1.1823406 1.1477187 1.1117009\n", + " 1.0878341 1.0771722 1.0750962 1.0755253 1.0706272 1.0613434 1.0520735\n", + " 1.0482589 1.0504572 0. 0. 0. 0. 0. ]\n", + " [1.1960324 1.1909094 1.2020144 1.2114643 1.1990356 1.161298 1.1229931\n", + " 1.0973123 1.085314 1.0842527 1.0848219 1.0797782 1.0693806 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1750252 1.1714137 1.1812596 1.1905825 1.1792012 1.1458808 1.1112093\n", + " 1.0873537 1.0748792 1.0712074 1.0691692 1.0640242 1.0548357 1.0472107\n", + " 1.043674 1.0455949 1.0500058 1.0549755 1.057711 1.0582483 1.0598532]\n", + " [1.1607232 1.156153 1.1649148 1.171391 1.1594324 1.1271755 1.0965687\n", + " 1.0762509 1.067343 1.0657107 1.0656948 1.0610467 1.0528628 1.0451624\n", + " 1.0421321 1.0444559 0. 0. 0. 0. 0. ]]\n", + "[[1.1613302 1.15872 1.1690781 1.1776088 1.1653495 1.1339753 1.101989\n", + " 1.0807704 1.069787 1.0662123 1.0639344 1.0582122 1.0493126 1.0421278\n", + " 1.039416 1.0410516 1.0456784 1.0502831 1.0526597 1.0535374 1.0548044\n", + " 1.0585299]\n", + " [1.1647117 1.1629486 1.175259 1.1845988 1.1719975 1.1394517 1.1053636\n", + " 1.0825063 1.0715175 1.0680726 1.066857 1.060868 1.052048 1.0437192\n", + " 1.040413 1.04212 1.0470576 1.0518876 1.0544245 1.0554672 0.\n", + " 0. ]\n", + " [1.1774104 1.1731685 1.18258 1.1907814 1.1776235 1.1446557 1.1101333\n", + " 1.0871526 1.075933 1.073472 1.0721233 1.0677882 1.0586369 1.0504322\n", + " 1.0465009 1.0487471 1.0539335 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1977656 1.1933734 1.2046112 1.2156475 1.2014527 1.1640273 1.1254199\n", + " 1.1001045 1.0886887 1.0877445 1.088203 1.0827602 1.0715219 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1638863 1.1599638 1.1702678 1.1784388 1.1679758 1.1351922 1.1015592\n", + " 1.0794797 1.069327 1.0677974 1.0678438 1.0639539 1.0555228 1.047222\n", + " 1.0435703 1.0452462 0. 0. 0. 0. 0.\n", + " 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1675434 1.1621016 1.1714233 1.1799873 1.1672257 1.1351395 1.1020925\n", + " 1.0802814 1.0698075 1.0679724 1.0677874 1.0635183 1.0549833 1.0474163\n", + " 1.0440247 1.0457696]\n", + " [1.1719701 1.1659974 1.175978 1.1859819 1.1761707 1.1435094 1.1091669\n", + " 1.0856869 1.0750971 1.0725276 1.072135 1.0672284 1.058399 1.0496105\n", + " 1.0454973 1.0477791]\n", + " [1.2107811 1.2042639 1.2149607 1.2241524 1.2101201 1.1709256 1.1296836\n", + " 1.1029644 1.0907475 1.089479 1.0906208 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2086916 1.2005371 1.2080358 1.2148058 1.1998988 1.1641016 1.1274978\n", + " 1.1033126 1.0916963 1.0895189 1.0887638 1.0823447 0. 0.\n", + " 0. 0. ]\n", + " [1.1907434 1.1855454 1.1956019 1.2041506 1.1906456 1.1559538 1.1198424\n", + " 1.095349 1.0840429 1.0809231 1.0805947 1.0751444 1.064971 1.0557681\n", + " 1.0516347 1.054146 ]]\n", + "[[1.1666089 1.1632295 1.1730694 1.1815265 1.1690769 1.1369028 1.1038117\n", + " 1.0806818 1.0708334 1.0688574 1.0695525 1.0649014 1.0559405 1.0479301\n", + " 1.0444974 1.0460978 0. 0. 0. ]\n", + " [1.208566 1.2026312 1.2116041 1.219308 1.2047516 1.1679405 1.1299906\n", + " 1.1047275 1.0924065 1.0905503 1.089647 1.0838287 1.072387 1.0618643\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1637776 1.158163 1.1672996 1.1755543 1.1647615 1.1341937 1.1016068\n", + " 1.0802131 1.0715501 1.0703298 1.0705085 1.065824 1.0567244 1.0475967\n", + " 1.0435202 0. 0. 0. 0. ]\n", + " [1.165046 1.1629004 1.1732358 1.1813142 1.1698493 1.1372148 1.103132\n", + " 1.0813514 1.0705568 1.0670018 1.0662727 1.0609425 1.0526237 1.0447237\n", + " 1.0413319 1.0430819 1.0476972 1.052288 1.0550283]\n", + " [1.1736083 1.1705232 1.180621 1.1892004 1.1756445 1.1420498 1.1078532\n", + " 1.0849903 1.073858 1.0708389 1.0695304 1.0635985 1.0546277 1.0465522\n", + " 1.0430338 1.0447291 1.0502154 1.0554278 1.0581214]]\n", + "[[1.182807 1.1783451 1.19083 1.2023827 1.1900371 1.153798 1.1151093\n", + " 1.0896142 1.0784272 1.0771029 1.077703 1.0733947 1.0635265 1.054195\n", + " 1.0497022 1.0517405 0. 0. 0. ]\n", + " [1.1630613 1.1608764 1.1716688 1.1795683 1.1676244 1.1350355 1.101805\n", + " 1.0796052 1.068776 1.0654429 1.0645288 1.0590492 1.0511951 1.0440575\n", + " 1.0406313 1.0422332 1.0469166 1.0517883 1.0543157]\n", + " [1.1793545 1.1746025 1.1844372 1.1923225 1.1812925 1.1467112 1.1108752\n", + " 1.0878117 1.0774027 1.0759747 1.0763414 1.072041 1.0627567 1.0537258\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1699421 1.1665289 1.1755104 1.1838837 1.1715553 1.1377108 1.1044681\n", + " 1.0827539 1.0727956 1.0713652 1.071736 1.0666794 1.057495 1.0493486\n", + " 1.0456372 0. 0. 0. 0. ]\n", + " [1.1794642 1.1757283 1.1847653 1.1937027 1.1814679 1.1476989 1.1128722\n", + " 1.0894655 1.0775067 1.0749968 1.0740608 1.0685085 1.0588372 1.0509056\n", + " 1.0470128 1.0489625 1.0547202 1.0599675 0. ]]\n", + "[[1.1610706 1.1582398 1.168148 1.1774956 1.1662505 1.1346402 1.1018435\n", + " 1.0803108 1.0700808 1.0666347 1.0649376 1.0594876 1.050491 1.0427581\n", + " 1.03957 1.0409387 1.0455993 1.0501732 1.052285 1.0529374 0.\n", + " 0. ]\n", + " [1.1732517 1.17014 1.1814573 1.1896884 1.1762946 1.1416774 1.106942\n", + " 1.0855116 1.0759859 1.074719 1.0754902 1.0699745 1.0592431 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1825931 1.1785512 1.1897576 1.1996222 1.1881689 1.1537747 1.1169837\n", + " 1.0926008 1.0811504 1.0789826 1.079278 1.0745286 1.0649236 1.0551244\n", + " 1.0511253 1.052953 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1591918 1.1580263 1.1690323 1.1790189 1.1679257 1.1362872 1.1036127\n", + " 1.0816147 1.0705857 1.0663391 1.0641176 1.0585972 1.0497388 1.0421602\n", + " 1.0393764 1.0410367 1.0450883 1.0499954 1.0529159 1.0540552 1.0555292\n", + " 1.0591624]\n", + " [1.1716084 1.1679689 1.1784092 1.1858366 1.1736293 1.1396044 1.1055535\n", + " 1.0832958 1.0736603 1.072063 1.0724075 1.0681117 1.0585183 1.0504899\n", + " 1.0466366 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1395333 1.135643 1.1432517 1.1494985 1.1380038 1.1115924 1.084359\n", + " 1.0663893 1.0583265 1.0563045 1.0559158 1.0522401 1.0450252 1.0388114\n", + " 1.0358857 1.0372751 1.0416868 0. 0. 0. 0. ]\n", + " [1.1887939 1.1830027 1.1933241 1.2023463 1.1899208 1.154867 1.1178293\n", + " 1.0933547 1.0821687 1.0793724 1.07873 1.07329 1.0632282 1.0537093\n", + " 1.0499495 1.052112 1.0584439 0. 0. 0. 0. ]\n", + " [1.1615536 1.1585672 1.1689252 1.1770278 1.1668273 1.1353772 1.1026676\n", + " 1.0804765 1.0691402 1.0653446 1.0633903 1.0584921 1.0502815 1.0431396\n", + " 1.0403305 1.0416093 1.0461439 1.0507686 1.0529381 1.0537225 1.0550098]\n", + " [1.157376 1.1517109 1.159687 1.1673869 1.156273 1.1263834 1.0953563\n", + " 1.0750254 1.0652573 1.0635347 1.0632551 1.0594336 1.0518883 1.0443486\n", + " 1.0409207 1.0423036 0. 0. 0. 0. 0. ]\n", + " [1.1662227 1.1637441 1.1735888 1.182524 1.1691242 1.1362724 1.1024773\n", + " 1.0803226 1.069973 1.0671787 1.0654495 1.0609055 1.0520545 1.0445697\n", + " 1.0411786 1.0433732 1.048179 1.0534929 0. 0. 0. ]]\n", + "[[1.1737237 1.1677626 1.1757876 1.1846448 1.1736639 1.1420976 1.1091675\n", + " 1.0869186 1.0756121 1.0741708 1.0743201 1.0698084 1.0613012 1.0522692\n", + " 1.048519 0. 0. 0. 0. 0. ]\n", + " [1.1892942 1.1843897 1.1953038 1.2048459 1.1908792 1.1540189 1.1164874\n", + " 1.091953 1.0818452 1.0809094 1.0819496 1.0765474 1.0654163 1.0558437\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1535884 1.1502334 1.1603692 1.1693687 1.1584125 1.1285284 1.0973412\n", + " 1.0759283 1.0658247 1.063344 1.0632399 1.0591917 1.0504369 1.043568\n", + " 1.0402193 1.041536 1.0464182 0. 0. 0. ]\n", + " [1.1762135 1.173898 1.1835322 1.1923245 1.1803092 1.1464698 1.1115313\n", + " 1.0880908 1.0759041 1.0722946 1.0706749 1.0643935 1.055614 1.047788\n", + " 1.044404 1.046288 1.0514308 1.0559349 1.0585132 1.0592407]\n", + " [1.1631633 1.1610484 1.1720023 1.1802449 1.1686536 1.1357355 1.1024512\n", + " 1.0799208 1.0698786 1.066852 1.0665965 1.0618829 1.0531316 1.0453846\n", + " 1.0420386 1.0435368 1.0484532 1.0530703 0. 0. ]]\n", + "[[1.1579874 1.1545061 1.1653254 1.1736112 1.1636391 1.1321144 1.0990729\n", + " 1.0767891 1.0663768 1.0629913 1.062222 1.057704 1.0500221 1.0423784\n", + " 1.0395634 1.0411831 1.0457339 1.0504447 1.0527622]\n", + " [1.1766458 1.1739951 1.1857307 1.1939857 1.1807029 1.1448734 1.1085672\n", + " 1.0853901 1.0742574 1.0723959 1.0716269 1.0665236 1.0569072 1.0487384\n", + " 1.0451928 1.0471965 1.0527407 1.0579284 0. ]\n", + " [1.1713591 1.1666211 1.1762669 1.1850017 1.1723353 1.1401849 1.1064818\n", + " 1.0837113 1.0735027 1.0710288 1.0708507 1.065739 1.0564797 1.0485618\n", + " 1.0448462 1.0471842 0. 0. 0. ]\n", + " [1.1690298 1.1639786 1.1738008 1.1832316 1.1730375 1.1407249 1.1070744\n", + " 1.083899 1.0732293 1.070671 1.0712839 1.0668033 1.0583272 1.0501744\n", + " 1.0460202 1.0479363 0. 0. 0. ]\n", + " [1.1931846 1.1863636 1.1954657 1.2044277 1.1916167 1.1567752 1.1207268\n", + " 1.0960592 1.084914 1.0826074 1.0826385 1.0772264 1.0668392 1.05701\n", + " 1.0528373 0. 0. 0. 0. ]]\n", + "[[1.1496096 1.1468676 1.157579 1.1662884 1.1549078 1.1244793 1.0933809\n", + " 1.0729482 1.06351 1.0612729 1.0607632 1.0561612 1.0477889 1.040433\n", + " 1.0371723 1.0384406 1.0428721 1.0476334 0. 0. ]\n", + " [1.1806161 1.1771189 1.1883107 1.1980734 1.1858817 1.1497599 1.1136814\n", + " 1.089426 1.078897 1.0765622 1.0762275 1.0710155 1.0610633 1.0520513\n", + " 1.0475751 1.0490512 1.054508 0. 0. 0. ]\n", + " [1.1804209 1.178168 1.1882205 1.1983423 1.1861098 1.1519355 1.1160874\n", + " 1.0922148 1.0795788 1.0759482 1.0734223 1.0673845 1.0577598 1.0492367\n", + " 1.0459938 1.0478204 1.0534031 1.0580741 1.0598997 1.0602207]\n", + " [1.1718769 1.1655253 1.1738522 1.1823839 1.1718853 1.139592 1.1061475\n", + " 1.0833442 1.072145 1.0697052 1.0693715 1.06483 1.0557041 1.0475156\n", + " 1.044187 1.0460755 0. 0. 0. 0. ]\n", + " [1.1782391 1.1735926 1.1836429 1.1929598 1.1806978 1.145988 1.1099547\n", + " 1.0866055 1.0756683 1.0733742 1.0727718 1.0679673 1.0578909 1.0495604\n", + " 1.0456878 1.0471531 1.0525664 1.0576434 0. 0. ]]\n", + "[[1.1749434 1.1723876 1.1832186 1.1931227 1.1816193 1.147723 1.113021\n", + " 1.0889285 1.076002 1.0721186 1.0696927 1.064126 1.0547013 1.047082\n", + " 1.0439402 1.0454849 1.0501918 1.0558105 1.0583229 1.0597355 1.0614272\n", + " 0. ]\n", + " [1.1664715 1.1639798 1.1750824 1.1852217 1.1730268 1.1389363 1.1046075\n", + " 1.0822325 1.072184 1.07001 1.0704093 1.0657206 1.0567191 1.0483192\n", + " 1.044438 1.0462847 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1645641 1.1605138 1.1693338 1.1775984 1.1655658 1.1328288 1.1009178\n", + " 1.0796399 1.0689243 1.0657392 1.0645138 1.0599202 1.0514159 1.0440376\n", + " 1.04063 1.0420312 1.0466231 1.0513492 0. 0. 0.\n", + " 0. ]\n", + " [1.1856204 1.1820104 1.1934521 1.2030729 1.1881163 1.150073 1.1120733\n", + " 1.087613 1.0776762 1.0772537 1.0783057 1.0737438 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1726625 1.1705222 1.1824254 1.1916828 1.1809922 1.146801 1.1114067\n", + " 1.0869955 1.0751306 1.0710213 1.0689286 1.062721 1.0540843 1.0459712\n", + " 1.0425875 1.0446216 1.0494865 1.0542374 1.0567384 1.0574864 1.0593064\n", + " 1.0629532]]\n", + "[[1.1467129 1.1429288 1.1504948 1.1580429 1.1477488 1.1197368 1.0906237\n", + " 1.0713356 1.0617387 1.0591109 1.0586087 1.0543773 1.0466776 1.0397458\n", + " 1.037322 1.0390127 1.04408 0. 0. ]\n", + " [1.1700052 1.1667051 1.176237 1.1855396 1.1739012 1.141634 1.1080582\n", + " 1.084754 1.0739609 1.0702156 1.068466 1.062999 1.0536599 1.0456825\n", + " 1.042365 1.0444318 1.0496916 1.0550349 1.0574561]\n", + " [1.1722608 1.1699908 1.1814127 1.1911532 1.1790166 1.1449835 1.1095327\n", + " 1.0861609 1.0748546 1.0716467 1.0714666 1.0660801 1.056429 1.0486022\n", + " 1.0445771 1.0460304 1.0512495 1.056623 0. ]\n", + " [1.1722971 1.1691663 1.1796445 1.1885263 1.1747319 1.1409173 1.1060017\n", + " 1.0829436 1.0728356 1.0705334 1.0711944 1.0668364 1.0575658 1.0496196\n", + " 1.045846 1.0473832 1.0526202 0. 0. ]\n", + " [1.1846851 1.180732 1.1922915 1.2010924 1.1891505 1.1518676 1.114346\n", + " 1.0896451 1.0789715 1.0780001 1.078798 1.0744272 1.0640671 1.0547624\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.185981 1.1790867 1.1871642 1.1948166 1.1821233 1.1493757 1.1149259\n", + " 1.0915744 1.0812813 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1862863 1.1827556 1.1943669 1.2027742 1.1918795 1.1564956 1.1193665\n", + " 1.0941374 1.080736 1.0770007 1.0755302 1.0701567 1.06073 1.0524158\n", + " 1.0482622 1.0499656 1.055376 1.060422 1.0631931]\n", + " [1.2101486 1.2027739 1.212358 1.2197644 1.2047793 1.1686788 1.1310424\n", + " 1.1051592 1.0929883 1.0907775 1.0903091 1.0832169 1.0723625 1.062125\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2218347 1.2171608 1.2272547 1.2364204 1.2199129 1.1816472 1.1400921\n", + " 1.1129577 1.100941 1.0988026 1.0988368 1.0912848 1.0781333 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1808012 1.1753128 1.1863095 1.1955976 1.1842229 1.1499897 1.1140481\n", + " 1.0904676 1.0798148 1.0783283 1.0785261 1.0736026 1.0633175 1.0538808\n", + " 1.0493592 0. 0. 0. 0. ]]\n", + "[[1.1956042 1.1898032 1.2005967 1.2102759 1.1950318 1.1576582 1.1199006\n", + " 1.0954314 1.0847613 1.084526 1.0845724 1.0783327 1.0669347 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1595297 1.1570069 1.1676748 1.1779865 1.1678052 1.1354041 1.1010228\n", + " 1.078989 1.0682138 1.0651857 1.0634195 1.0577421 1.0487169 1.0416187\n", + " 1.0386791 1.0408641 1.0459586 1.0510391 1.0538144 1.0545143 1.055427\n", + " 1.0584606 1.0655487 1.0749063 1.0822569]\n", + " [1.1776766 1.174099 1.1837223 1.1916192 1.1801307 1.1470613 1.1123878\n", + " 1.0888801 1.0776684 1.075517 1.0750201 1.0693648 1.0602036 1.0513157\n", + " 1.0479503 1.0499215 1.0558524 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1641736 1.1609273 1.1714945 1.180047 1.1688321 1.1362811 1.102962\n", + " 1.081047 1.0706722 1.0692921 1.0687667 1.0640162 1.0551306 1.0470518\n", + " 1.0429735 1.0446961 1.0498902 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1644652 1.1617703 1.1720227 1.1806071 1.1686898 1.1363132 1.1029184\n", + " 1.080586 1.0694895 1.0665169 1.0655556 1.060655 1.0525848 1.0447313\n", + " 1.0415317 1.0429962 1.0474299 1.0523813 1.0546708 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1727501 1.1661807 1.1740637 1.1816214 1.1711593 1.1397659 1.1062448\n", + " 1.0844859 1.0738926 1.071943 1.0719568 1.0673 1.0585592 1.0500572\n", + " 1.0466422 0. 0. ]\n", + " [1.1615788 1.1572106 1.1674442 1.1770649 1.1659147 1.1338177 1.1003292\n", + " 1.0778263 1.0674279 1.0651405 1.0653669 1.0614506 1.0531963 1.0451214\n", + " 1.0417111 1.0432942 1.048024 ]\n", + " [1.185352 1.1804489 1.1904534 1.1986126 1.1843942 1.1475259 1.1123117\n", + " 1.0886345 1.0794582 1.0789233 1.0798956 1.0743284 1.0642772 0.\n", + " 0. 0. 0. ]\n", + " [1.1910466 1.1857471 1.1970221 1.206507 1.1934707 1.1573532 1.1201733\n", + " 1.0959022 1.0856612 1.0836215 1.0843456 1.0790843 1.0682544 1.0584145\n", + " 0. 0. 0. ]\n", + " [1.1786948 1.1749954 1.1849489 1.1936088 1.1806786 1.1464523 1.1119385\n", + " 1.0885277 1.0770808 1.0748894 1.0741048 1.0695812 1.0602593 1.0521632\n", + " 1.0484679 1.0500742 1.0553746]]\n", + "[[1.1781244 1.1750216 1.1853623 1.1946647 1.1829556 1.1501875 1.1156247\n", + " 1.0921773 1.0797372 1.0751461 1.0720168 1.0652269 1.0551928 1.047304\n", + " 1.0441936 1.0468192 1.0519208 1.0568663 1.059445 1.0597582 1.0612041\n", + " 1.0647738 1.0727243]\n", + " [1.1742092 1.1709993 1.1829646 1.1939203 1.1819896 1.1483494 1.1137257\n", + " 1.0906085 1.078573 1.0738057 1.0712978 1.0648823 1.0551895 1.0470951\n", + " 1.0436084 1.0457948 1.0508705 1.0560275 1.0582196 1.0592248 1.0606401\n", + " 1.0645394 1.0726888]\n", + " [1.1715254 1.1663018 1.1750455 1.1837864 1.1717689 1.139001 1.1054294\n", + " 1.0826988 1.0718648 1.0693613 1.0690391 1.06449 1.0561653 1.0483558\n", + " 1.0447913 1.04646 1.0519041 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1726052 1.1686167 1.1783684 1.1867346 1.1749511 1.141557 1.1068293\n", + " 1.0831084 1.071937 1.068781 1.0678567 1.0629804 1.0547397 1.047572\n", + " 1.0440983 1.0458865 1.051235 1.0566363 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1837028 1.178044 1.1876874 1.1952252 1.1797919 1.1453619 1.1112934\n", + " 1.0890565 1.0793452 1.0782061 1.0785375 1.0727637 1.0627986 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.177302 1.1734318 1.1848294 1.1950476 1.1827286 1.1473899 1.1108472\n", + " 1.0866075 1.0759716 1.0738838 1.0738174 1.0690532 1.0599682 1.0513453\n", + " 1.0471731 1.0490611 1.0544358 0. 0. 0. 0. ]\n", + " [1.1512291 1.1478021 1.1571715 1.1662074 1.1561214 1.1257495 1.0951339\n", + " 1.0738392 1.0647066 1.062303 1.062792 1.0592841 1.0509918 1.0436385\n", + " 1.0400695 1.0414362 0. 0. 0. 0. 0. ]\n", + " [1.1951721 1.188992 1.1981374 1.2051 1.1899734 1.1542487 1.1175083\n", + " 1.0940853 1.0843936 1.0821539 1.0822116 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1654004 1.1631709 1.1740382 1.1830349 1.1723771 1.1397418 1.1056043\n", + " 1.0824734 1.0712539 1.067531 1.066038 1.0611173 1.052481 1.0452354\n", + " 1.0418061 1.0433278 1.0475851 1.0519515 1.0542524 1.0551687 1.0568008]\n", + " [1.178206 1.1749125 1.1867796 1.1956725 1.1826829 1.1474054 1.1109033\n", + " 1.0876814 1.0766777 1.0742887 1.073407 1.0674019 1.0575793 1.0489951\n", + " 1.045218 1.047174 1.0531439 1.0587265 0. 0. 0. ]]\n", + "[[1.1748466 1.1712747 1.1827865 1.1920763 1.1795154 1.1446314 1.1089705\n", + " 1.0854541 1.0747495 1.0730962 1.072808 1.0677114 1.0581774 1.0495324\n", + " 1.0456187 1.0476384 1.0534483 0. ]\n", + " [1.176739 1.1721516 1.1805409 1.1883373 1.1742353 1.1395919 1.1055026\n", + " 1.0843964 1.0752013 1.0746566 1.075269 1.0703449 1.0602486 1.0511781\n", + " 0. 0. 0. 0. ]\n", + " [1.1769422 1.1734693 1.1828773 1.1911529 1.1784713 1.1445135 1.109963\n", + " 1.0866866 1.0760891 1.073037 1.0722417 1.0671034 1.057664 1.0495073\n", + " 1.0455372 1.0475638 1.0531675 1.0584446]\n", + " [1.1964465 1.1926302 1.2036629 1.2126775 1.1983198 1.161431 1.1233674\n", + " 1.0982534 1.0868883 1.0849209 1.0849646 1.0796112 1.0687437 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1742871 1.1711051 1.1820352 1.1910244 1.1787728 1.1450598 1.1100141\n", + " 1.0872787 1.0768216 1.0755248 1.0754938 1.0701143 1.0605999 1.0516013\n", + " 1.0478628 0. 0. 0. ]]\n", + "[[1.1971365 1.1916223 1.2015845 1.2090836 1.1941154 1.157767 1.1207788\n", + " 1.0972025 1.0868145 1.0856783 1.0860265 1.0798321 1.0683912 0.\n", + " 0. 0. ]\n", + " [1.172415 1.1688633 1.1786678 1.1863688 1.1731665 1.1380795 1.1049249\n", + " 1.0827801 1.0739425 1.0727482 1.0737499 1.0693303 1.0599151 1.0511761\n", + " 0. 0. ]\n", + " [1.1681559 1.1637319 1.1742952 1.1838869 1.1733178 1.1403583 1.1062319\n", + " 1.083624 1.0736017 1.0720999 1.0732534 1.0692195 1.0602677 1.0514921\n", + " 1.0471976 0. ]\n", + " [1.1740739 1.1707487 1.1817665 1.1919419 1.178258 1.1443105 1.1079626\n", + " 1.084613 1.0745164 1.0733402 1.0742936 1.0699735 1.0605974 1.0515712\n", + " 1.0475279 0. ]\n", + " [1.1625929 1.1588422 1.1689029 1.177368 1.1660112 1.1335804 1.1008892\n", + " 1.0792584 1.0698802 1.0680617 1.0685104 1.0643506 1.055583 1.0475714\n", + " 1.0438557 1.0455523]]\n", + "[[1.1719373 1.1665853 1.1762121 1.1852689 1.1734864 1.1402742 1.1056666\n", + " 1.0835304 1.0731497 1.0709972 1.0712739 1.0669994 1.0575153 1.049341\n", + " 1.0455643 0. 0. ]\n", + " [1.1565757 1.152471 1.1620102 1.1714485 1.1622033 1.1319352 1.1000075\n", + " 1.0788035 1.068641 1.0662781 1.0664823 1.0625845 1.0540221 1.0457358\n", + " 1.0421628 0. 0. ]\n", + " [1.1930041 1.1882042 1.1983082 1.2066423 1.1943678 1.1588744 1.1216985\n", + " 1.095253 1.0831262 1.0798708 1.0800948 1.0750911 1.0656444 1.0566474\n", + " 1.0523655 1.0541785 1.059469 ]\n", + " [1.1572317 1.1534711 1.1635242 1.1732748 1.1614829 1.1298764 1.0975481\n", + " 1.0764135 1.0660753 1.0639184 1.063453 1.0595986 1.051409 1.0442412\n", + " 1.0409093 1.0423976 1.0472064]\n", + " [1.1864405 1.1811006 1.1903578 1.1978009 1.1866865 1.1522352 1.1169564\n", + " 1.0929585 1.081838 1.0795501 1.0801864 1.0751554 1.0651296 1.0559313\n", + " 0. 0. 0. ]]\n", + "[[1.1784108 1.1741004 1.1845242 1.1928182 1.1809229 1.1469268 1.1116265\n", + " 1.0875449 1.0764388 1.0739958 1.0735848 1.0690616 1.0600809 1.0511521\n", + " 1.0472791 1.0491618 1.0547132 0. 0. 0. ]\n", + " [1.1570286 1.1549104 1.1661556 1.1742669 1.1632884 1.1319674 1.099418\n", + " 1.0778648 1.0675652 1.0642458 1.0628375 1.057229 1.0485469 1.0412893\n", + " 1.038002 1.0395386 1.0441128 1.049022 1.0516689 1.0529402]\n", + " [1.191762 1.1882803 1.198997 1.207643 1.1947293 1.158942 1.1215093\n", + " 1.0956357 1.0835756 1.0798832 1.0798284 1.0739441 1.0637696 1.0550506\n", + " 1.050592 1.053141 1.0587462 1.0644275 0. 0. ]\n", + " [1.1586895 1.1541361 1.1642733 1.1736546 1.1636393 1.1325397 1.1004837\n", + " 1.078821 1.0688171 1.0675707 1.0678644 1.0636111 1.0546634 1.0463294\n", + " 1.0426112 0. 0. 0. 0. 0. ]\n", + " [1.1853486 1.179909 1.189069 1.19609 1.1835407 1.1494465 1.1143553\n", + " 1.0911779 1.0799323 1.0780342 1.0783277 1.0736008 1.0636913 1.0548997\n", + " 1.0514523 0. 0. 0. 0. 0. ]]\n", + "[[1.1610581 1.1587609 1.167702 1.1765686 1.1637619 1.1313853 1.0991875\n", + " 1.07822 1.0687004 1.0686462 1.0691421 1.064534 1.0554515 1.0471271\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1624591 1.1613286 1.1728672 1.180854 1.1690346 1.1364603 1.102702\n", + " 1.080709 1.0694094 1.0654714 1.064291 1.0589606 1.0503813 1.043575\n", + " 1.0402572 1.0420488 1.0465275 1.0509442 1.053131 1.0541108]\n", + " [1.1526123 1.1481372 1.1567324 1.1641161 1.1537406 1.1243799 1.0942982\n", + " 1.073957 1.0646038 1.0630615 1.0634971 1.0585212 1.0505395 1.0428835\n", + " 1.0392029 1.040618 0. 0. 0. 0. ]\n", + " [1.1672393 1.1615832 1.1698251 1.1766663 1.1650106 1.133227 1.1013136\n", + " 1.0804598 1.0715501 1.0706398 1.0715408 1.0670799 1.0582682 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1801232 1.176851 1.1879427 1.1965158 1.1830858 1.147166 1.1108426\n", + " 1.0873617 1.0761667 1.0742247 1.0738847 1.0688449 1.0589278 1.0505219\n", + " 1.0467213 1.0483578 1.0536143 1.0589161 0. 0. ]]\n", + "[[1.1846242 1.1806856 1.190124 1.1990278 1.1865963 1.1515657 1.1148088\n", + " 1.0906682 1.0797573 1.077609 1.0778761 1.0724941 1.0626506 1.0527453\n", + " 1.0486501 1.0503875 1.0562392 0. 0. ]\n", + " [1.15968 1.1551833 1.1644182 1.1732141 1.1614859 1.1306554 1.0983925\n", + " 1.0764215 1.0665414 1.0649645 1.0649517 1.0609583 1.052295 1.0447285\n", + " 1.0411257 1.0426433 1.0479496 0. 0. ]\n", + " [1.1412282 1.1371366 1.1447124 1.151722 1.1429187 1.1151053 1.0872313\n", + " 1.0684717 1.0600382 1.0587182 1.0590774 1.0549982 1.0476091 1.0401254\n", + " 1.0365245 0. 0. 0. 0. ]\n", + " [1.1862235 1.1832502 1.1937765 1.20206 1.1888211 1.1544567 1.1182476\n", + " 1.0934594 1.0813816 1.0771656 1.0761589 1.0701609 1.0602733 1.0513636\n", + " 1.0476551 1.049961 1.0551244 1.0605295 1.0627391]\n", + " [1.1659842 1.1635618 1.1736783 1.1822476 1.170033 1.1391387 1.1065583\n", + " 1.0846413 1.0737255 1.0704747 1.0690057 1.0635389 1.0542887 1.0462594\n", + " 1.0422468 1.0446707 1.0497637 1.0545866 0. ]]\n", + "[[1.1675713 1.1653031 1.1763387 1.1856186 1.1738274 1.1397047 1.105719\n", + " 1.0832776 1.072365 1.0698392 1.0691203 1.0640584 1.0551599 1.0472078\n", + " 1.0438019 1.0455489 1.0505592 1.0556691 0. ]\n", + " [1.1743253 1.1728809 1.1833605 1.1933122 1.1794233 1.1459898 1.1113662\n", + " 1.0877185 1.0760468 1.0722107 1.0705334 1.0647017 1.0558292 1.0472891\n", + " 1.0438112 1.0460583 1.0512513 1.0565704 1.058906 ]\n", + " [1.1753373 1.1734908 1.1848078 1.1939942 1.1798959 1.1450083 1.1096487\n", + " 1.0867313 1.0759289 1.072539 1.0718045 1.0657082 1.0569782 1.048636\n", + " 1.0453168 1.0466349 1.0518934 1.0569141 1.0595622]\n", + " [1.1730572 1.1685438 1.1793199 1.1876861 1.1758264 1.1423181 1.1073085\n", + " 1.0842216 1.0733595 1.0719429 1.0718714 1.0670341 1.0575407 1.0493813\n", + " 1.0455593 1.0470529 1.0527576 0. 0. ]\n", + " [1.1630667 1.1589614 1.1685002 1.1771202 1.1646903 1.1335759 1.1011846\n", + " 1.07918 1.0690049 1.065953 1.0643084 1.0595294 1.0513477 1.0437045\n", + " 1.0405117 1.04213 1.046762 1.0514941 1.0538028]]\n", + "[[1.1591846 1.1555521 1.1633614 1.1719897 1.1607416 1.1305048 1.0997473\n", + " 1.0784028 1.0672017 1.0639682 1.0620741 1.0567753 1.0489259 1.0420971\n", + " 1.0393696 1.0413942 1.0460399 1.0503196 1.0524508]\n", + " [1.175764 1.1724641 1.1824505 1.1910871 1.1780113 1.1445733 1.1101693\n", + " 1.0870061 1.0757833 1.0725905 1.0725931 1.0676552 1.058425 1.050337\n", + " 1.0463902 1.0483304 1.0539672 0. 0. ]\n", + " [1.1841989 1.1800168 1.1910311 1.2004254 1.1866618 1.1501293 1.1135924\n", + " 1.0895331 1.0800433 1.0792599 1.0802062 1.0755464 1.0651845 1.0556676\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.173526 1.1695006 1.1793379 1.1879652 1.1748232 1.1411365 1.1071603\n", + " 1.084651 1.0747575 1.07322 1.073486 1.0686088 1.0597615 1.0514033\n", + " 1.0473013 0. 0. 0. 0. ]\n", + " [1.1688855 1.1658354 1.1767789 1.1844355 1.1727226 1.1387646 1.104446\n", + " 1.0822682 1.0719719 1.0706013 1.0703645 1.0654768 1.056985 1.0486435\n", + " 1.0449262 1.0466838 1.0518398 0. 0. ]]\n", + "[[1.1604631 1.1556461 1.1637123 1.1711627 1.159189 1.127895 1.0965742\n", + " 1.0761378 1.0673385 1.0661379 1.066649 1.0621552 1.0542227 1.046218\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1885937 1.1809499 1.1866174 1.1940258 1.1814226 1.1482648 1.1130507\n", + " 1.0894251 1.0785528 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.17483 1.173653 1.1849909 1.1939182 1.1802535 1.1451275 1.1101819\n", + " 1.0862468 1.0753425 1.0720588 1.071232 1.0659987 1.0567391 1.0487573\n", + " 1.0448472 1.0464976 1.0515355 1.0566204 1.0588716 0. ]\n", + " [1.2025074 1.196135 1.2063943 1.2139446 1.2009679 1.16485 1.12582\n", + " 1.0999395 1.0880382 1.0862 1.0865334 1.0813755 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1863612 1.1831782 1.1933775 1.2009195 1.1882335 1.154272 1.1190735\n", + " 1.0946994 1.0824353 1.0781382 1.0756106 1.0687566 1.0583266 1.0499461\n", + " 1.0467045 1.0486948 1.0544816 1.0594718 1.0618149 1.0620624]]\n", + "[[1.1740386 1.1706182 1.1808616 1.1892928 1.1760069 1.1415645 1.106869\n", + " 1.0847901 1.0742632 1.0717986 1.0711806 1.0658412 1.0565261 1.0481377\n", + " 1.0446762 1.0462397 1.051612 1.0567354 0. 0. 0. ]\n", + " [1.1706853 1.1677289 1.1783924 1.1879649 1.1758721 1.1428602 1.1080314\n", + " 1.0845237 1.0730417 1.0694337 1.0677685 1.0630565 1.0542096 1.0468266\n", + " 1.0430965 1.0445516 1.0494666 1.0543216 1.0568368 1.0581229 0. ]\n", + " [1.165289 1.1615438 1.171865 1.1814035 1.1700497 1.1384337 1.1046349\n", + " 1.0819026 1.0700088 1.0666928 1.0647837 1.0597528 1.0514252 1.0443741\n", + " 1.0412188 1.0429013 1.047004 1.0521849 1.0547233 1.0559126 1.0574208]\n", + " [1.1829603 1.1813493 1.1942871 1.203621 1.1904949 1.1536136 1.1161935\n", + " 1.091379 1.0795884 1.0762289 1.0756372 1.0693564 1.0595254 1.0502808\n", + " 1.0467527 1.0484701 1.0540681 1.0595224 1.0620909 0. 0. ]\n", + " [1.2004007 1.1948547 1.2038859 1.2111481 1.198004 1.1624199 1.1244409\n", + " 1.0991877 1.0862967 1.0823528 1.0809069 1.0752662 1.0652782 1.0559267\n", + " 1.0522063 1.0546914 1.0605829 1.0664816 0. 0. 0. ]]\n", + "[[1.1578488 1.153769 1.1614497 1.1683443 1.1563569 1.1256629 1.0950665\n", + " 1.0754281 1.0661963 1.0654148 1.0655947 1.0621376 1.0534805 1.0456898\n", + " 0. 0. 0. 0. ]\n", + " [1.1664842 1.1636003 1.1738436 1.1817869 1.1701905 1.1373948 1.1031553\n", + " 1.0810697 1.0702918 1.0676798 1.0669078 1.0624617 1.0542827 1.0465235\n", + " 1.0432044 1.0443116 1.048889 1.0538331]\n", + " [1.1749712 1.1723852 1.182879 1.1923437 1.1783725 1.1444455 1.1093686\n", + " 1.0859987 1.0746759 1.0722704 1.0714304 1.066974 1.0576525 1.0491858\n", + " 1.045128 1.0464183 1.0515622 1.0563948]\n", + " [1.1613997 1.1584392 1.168705 1.1769431 1.1654156 1.1339843 1.1014062\n", + " 1.079151 1.068125 1.0657213 1.0650561 1.0609759 1.0532273 1.045833\n", + " 1.0422696 1.0436394 1.0479774 1.0525708]\n", + " [1.2018546 1.195928 1.2048374 1.2129353 1.1979871 1.1615599 1.1237302\n", + " 1.0981743 1.0872042 1.0853056 1.0848446 1.0800717 1.0698637 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1533769 1.150483 1.1596688 1.1671653 1.1546923 1.1241829 1.0934035\n", + " 1.0734022 1.0636529 1.0610126 1.0607438 1.056255 1.0485729 1.0415161\n", + " 1.0382627 1.0400689 1.0448762 1.0495713 0. 0. ]\n", + " [1.1789198 1.1762186 1.186819 1.1956749 1.1819791 1.1478217 1.1126326\n", + " 1.0891901 1.0771244 1.0736023 1.0715308 1.0653452 1.0560133 1.0478604\n", + " 1.0444658 1.046262 1.0515344 1.056325 1.0590508 1.0603453]\n", + " [1.1707321 1.1677885 1.1779649 1.1868026 1.1735367 1.1395383 1.1046951\n", + " 1.0824754 1.0720775 1.0707653 1.0709745 1.065953 1.0564148 1.0481286\n", + " 1.044064 1.0460356 1.0513248 0. 0. 0. ]\n", + " [1.175188 1.1709607 1.1819785 1.1913203 1.1785988 1.1432453 1.1072059\n", + " 1.0840849 1.073563 1.0717009 1.0715084 1.0670274 1.0578961 1.0498412\n", + " 1.046267 1.0483545 1.0544144 0. 0. 0. ]\n", + " [1.1679596 1.1614964 1.1696452 1.177196 1.1671722 1.136136 1.1037822\n", + " 1.0821457 1.0722638 1.0702406 1.069694 1.0654373 1.0564567 1.0484916\n", + " 1.0448765 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1646569 1.1617998 1.1733835 1.1826756 1.170622 1.136873 1.1024171\n", + " 1.0807445 1.0713472 1.070532 1.0712612 1.066483 1.0572269 1.0483656\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1657043 1.1629891 1.1740026 1.18151 1.1694925 1.1362484 1.1027746\n", + " 1.0804756 1.071394 1.0701373 1.0701872 1.0655386 1.0560377 1.0477489\n", + " 1.0436095 0. 0. 0. 0. 0. ]\n", + " [1.1844015 1.1811426 1.1908906 1.1992143 1.1862563 1.1507974 1.1156975\n", + " 1.0914898 1.0799341 1.0756724 1.073341 1.0668373 1.0574379 1.0491996\n", + " 1.0457243 1.0482352 1.0531702 1.0588666 1.0613372 1.0620955]\n", + " [1.1868532 1.1823428 1.1915903 1.2008632 1.1873085 1.1517284 1.115643\n", + " 1.0921007 1.0804836 1.0778599 1.077116 1.07237 1.0624516 1.0535104\n", + " 1.0499262 1.0519497 1.0580037 0. 0. 0. ]\n", + " [1.1754758 1.1723046 1.1826816 1.1907865 1.1771816 1.1438138 1.1086881\n", + " 1.0852573 1.0732563 1.0693314 1.0679997 1.0624839 1.0536177 1.0463419\n", + " 1.0425351 1.0445735 1.0495422 1.0545986 1.0572459 1.0582647]]\n", + "[[1.1350158 1.1317153 1.1407498 1.1515396 1.1423819 1.1158098 1.0876399\n", + " 1.068687 1.0582933 1.0549077 1.0538188 1.0489411 1.0411962 1.0354183\n", + " 1.0332423 1.0351174 1.039691 1.0444044 1.0463616 1.047139 1.0482947\n", + " 1.0505984 1.0564353 1.0646029 1.070916 1.0753453 1.0763301 1.0737625]\n", + " [1.163832 1.1606449 1.1720892 1.1809683 1.1697745 1.1366178 1.102955\n", + " 1.0805912 1.0696487 1.0671062 1.0663382 1.0616868 1.053125 1.0450662\n", + " 1.0417405 1.0433896 1.0486244 1.0538378 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1693474 1.1661258 1.1753755 1.1832225 1.1697955 1.1365864 1.1031048\n", + " 1.0817118 1.0728151 1.0713954 1.0721279 1.0674345 1.0582904 1.0499543\n", + " 1.0461884 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1969738 1.1917222 1.201766 1.2114685 1.1992676 1.1622957 1.1239675\n", + " 1.0986074 1.086566 1.0848013 1.0841805 1.0788924 1.0683131 1.0582529\n", + " 1.0535263 1.0555437 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1601044 1.1570215 1.1640949 1.1718179 1.1600994 1.1300484 1.0995708\n", + " 1.0787046 1.0677302 1.065006 1.0635557 1.0584228 1.0506954 1.0439343\n", + " 1.0405843 1.0426172 1.0469506 1.0514383 1.0542787 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1726112 1.1690652 1.1791425 1.1883601 1.1769106 1.1450657 1.1108159\n", + " 1.0871292 1.0755125 1.0713013 1.0689296 1.0634108 1.0545888 1.0470357\n", + " 1.0442857 1.045655 1.0507458 1.0560449 1.0582793 1.0594544 1.0611775\n", + " 1.0656191]\n", + " [1.2087075 1.2024152 1.2126007 1.2206452 1.2056733 1.1683342 1.1301419\n", + " 1.1049151 1.0934174 1.0914342 1.090749 1.0842477 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1782168 1.173151 1.1821913 1.1903133 1.1773593 1.1433846 1.108643\n", + " 1.0860915 1.0747541 1.0727508 1.0718857 1.0673263 1.0582583 1.0505759\n", + " 1.0471058 1.049081 1.0545676 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1612318 1.1562421 1.1644678 1.1715504 1.1605216 1.1295942 1.0980945\n", + " 1.0774232 1.0673718 1.065841 1.0662298 1.0621057 1.0538678 1.0461326\n", + " 1.0425414 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1802696 1.1750134 1.1843609 1.191999 1.1799366 1.1455321 1.1098447\n", + " 1.0863448 1.0755322 1.072884 1.073218 1.0682657 1.059681 1.0513861\n", + " 1.0478295 1.0500714 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1703533 1.1662278 1.1750603 1.1827232 1.1703515 1.137811 1.103947\n", + " 1.0821655 1.0717354 1.069149 1.0683783 1.0630023 1.0543578 1.0465274\n", + " 1.0429506 1.0451891 1.0505793 0. 0. 0. 0. ]\n", + " [1.1727096 1.1704843 1.1816709 1.1903821 1.1783559 1.1458446 1.1114893\n", + " 1.087953 1.0759606 1.0718173 1.0693585 1.0633531 1.0545553 1.0468553\n", + " 1.0434299 1.0450585 1.0501972 1.0550544 1.0576421 1.0590066 1.0609263]\n", + " [1.1581321 1.1543589 1.1647385 1.1734154 1.1632898 1.132005 1.099382\n", + " 1.0779688 1.0676203 1.0658946 1.0656927 1.0615278 1.0533711 1.0454364\n", + " 1.0415379 1.0430032 1.0477905 0. 0. 0. 0. ]\n", + " [1.1629944 1.1582161 1.1682336 1.1765506 1.1653488 1.133947 1.101216\n", + " 1.0792258 1.0688093 1.0669454 1.0674702 1.0628694 1.0545753 1.0468452\n", + " 1.0431961 1.0450517 1.0502999 0. 0. 0. 0. ]\n", + " [1.1635237 1.1607383 1.1709276 1.1795857 1.1676458 1.1354374 1.102061\n", + " 1.0798413 1.0690117 1.0669692 1.0664504 1.0619146 1.0534174 1.0456736\n", + " 1.0422527 1.0436413 1.0484024 1.0533183 0. 0. 0. ]]\n", + "[[1.1828289 1.1758392 1.1839247 1.1900647 1.1778562 1.144065 1.1093343\n", + " 1.0862812 1.0768256 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.166838 1.1621965 1.1722952 1.181348 1.1705782 1.1385604 1.1048836\n", + " 1.0823059 1.0719496 1.0692817 1.0683634 1.0635972 1.0545946 1.0464357\n", + " 1.0429648 1.0447711 1.049857 1.0551065 0. 0. ]\n", + " [1.1779549 1.1725783 1.1813916 1.1891507 1.1759797 1.1416429 1.1071123\n", + " 1.0840018 1.0735576 1.0719137 1.0721074 1.0673676 1.0586653 1.0500438\n", + " 1.0460975 1.0479834 0. 0. 0. 0. ]\n", + " [1.2009054 1.1948907 1.202151 1.2094946 1.1965854 1.1608078 1.1234659\n", + " 1.0971818 1.086547 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1778764 1.175304 1.1862023 1.1960572 1.1838977 1.1505275 1.1148984\n", + " 1.0907931 1.0780641 1.0744478 1.0724761 1.0659763 1.0569102 1.0480855\n", + " 1.0447634 1.0463405 1.0509907 1.0556823 1.0578487 1.0584074]]\n", + "[[1.182746 1.1772583 1.1862582 1.194656 1.1823109 1.1480494 1.1130679\n", + " 1.0907923 1.080236 1.077842 1.0778244 1.0717753 1.0619433 1.0525888\n", + " 1.0486479 0. 0. 0. 0. ]\n", + " [1.1840472 1.1797147 1.1920934 1.2026191 1.190959 1.1543634 1.1165156\n", + " 1.0914972 1.08083 1.0795177 1.0802436 1.0754883 1.0649656 1.0554475\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1714411 1.1689429 1.1801121 1.1886567 1.1758507 1.1420826 1.1069268\n", + " 1.0845088 1.0749032 1.0729736 1.0731275 1.0686319 1.0588901 1.0504878\n", + " 1.0464907 0. 0. 0. 0. ]\n", + " [1.1782525 1.1754892 1.1873705 1.1966008 1.1845721 1.1487572 1.1117496\n", + " 1.0873543 1.0755147 1.0724574 1.0718838 1.06695 1.0578072 1.0494272\n", + " 1.0456389 1.0470113 1.0517602 1.0568749 1.059428 ]\n", + " [1.1524458 1.147827 1.155999 1.1634048 1.1525861 1.1237804 1.0930722\n", + " 1.0729393 1.0638946 1.062071 1.0623783 1.0581555 1.0507637 1.0433804\n", + " 1.040129 0. 0. 0. 0. ]]\n", + "[[1.1711391 1.1690745 1.181055 1.1906468 1.1777139 1.1440878 1.1092515\n", + " 1.0861341 1.0749108 1.0720083 1.0706259 1.0645802 1.0552554 1.0469548\n", + " 1.0432987 1.0448723 1.0502567 1.0553774 1.0578376]\n", + " [1.1862484 1.1825016 1.1932406 1.2027525 1.1894585 1.1542871 1.1177013\n", + " 1.0927927 1.0808402 1.0774859 1.0763211 1.0706611 1.0603354 1.0515009\n", + " 1.046922 1.0485494 1.0538365 1.0593021 1.0624858]\n", + " [1.1552186 1.1515224 1.1606116 1.16805 1.1577622 1.1275927 1.0957536\n", + " 1.0756397 1.0663471 1.064202 1.0640445 1.0594813 1.0511769 1.0434042\n", + " 1.0399116 1.0414097 1.046392 0. 0. ]\n", + " [1.1532179 1.1504174 1.161068 1.1693863 1.158186 1.1269319 1.0943867\n", + " 1.0734135 1.0643235 1.0631341 1.0633548 1.059631 1.0514915 1.0440578\n", + " 1.0403324 1.0421337 0. 0. 0. ]\n", + " [1.1601508 1.1574296 1.1678971 1.1760164 1.1632638 1.1317098 1.0996081\n", + " 1.0785016 1.0679604 1.0656897 1.0646409 1.0590327 1.0506101 1.0431085\n", + " 1.0396614 1.041417 1.045767 1.0503951 1.0527363]]\n", + "[[1.214617 1.2092799 1.2192194 1.2281349 1.2139008 1.1755277 1.1341506\n", + " 1.106097 1.0940696 1.0922239 1.0927458 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1744357 1.1720741 1.1830828 1.1913887 1.1790332 1.1435193 1.107608\n", + " 1.0853314 1.0762016 1.075515 1.0765548 1.0710918 1.061046 1.0520171\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1872034 1.1821423 1.1909657 1.199236 1.1850696 1.149478 1.1143305\n", + " 1.0915864 1.0815244 1.0808866 1.0813639 1.0752621 1.0644634 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1712954 1.168988 1.1788609 1.1888733 1.1769108 1.1448718 1.1106405\n", + " 1.0882957 1.0760542 1.0722147 1.0697985 1.0636259 1.0549164 1.0469135\n", + " 1.0436678 1.045375 1.0508392 1.0557731 1.0582566 1.0595266 1.0613815\n", + " 1.0652618 1.0728422]\n", + " [1.1604224 1.1577542 1.1689055 1.1776404 1.1658968 1.133184 1.1003604\n", + " 1.078084 1.0680734 1.0658212 1.0659678 1.0612068 1.0526161 1.0450853\n", + " 1.0414318 1.0430532 1.0482658 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1619867 1.1584655 1.169136 1.1792816 1.1684407 1.1368601 1.1035678\n", + " 1.0815418 1.0702274 1.0669723 1.0651276 1.05956 1.0505513 1.0432228\n", + " 1.0401427 1.0420554 1.0473745 1.0519989 1.0543492 1.0551115 1.0559932\n", + " 1.0590174 1.066397 1.0758365]\n", + " [1.1735147 1.1687936 1.1786749 1.1867441 1.174027 1.1402533 1.1061908\n", + " 1.0835493 1.0732232 1.0714127 1.0711277 1.0653665 1.0565767 1.0482496\n", + " 1.0445307 1.0469993 1.0523599 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1919876 1.1888866 1.2000176 1.2095201 1.1961818 1.1601683 1.1230094\n", + " 1.0970553 1.0840064 1.079904 1.076928 1.0707809 1.0608712 1.0520892\n", + " 1.0487068 1.0502617 1.0558646 1.0610418 1.0633576 1.0646104 1.0660418\n", + " 0. 0. 0. ]\n", + " [1.1678854 1.1623435 1.1711674 1.1784676 1.1675203 1.1361555 1.1038028\n", + " 1.0823462 1.0728964 1.0717453 1.0717328 1.0665374 1.0571556 1.0486505\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1990836 1.1926048 1.2019727 1.2115723 1.2004387 1.1651037 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1711391 1.1668415 1.1758112 1.1819427 1.1703106 1.1377394 1.1045613\n", + " 1.0830057 1.0735757 1.0717201 1.0716501 1.0665406 1.0573542 1.0492202\n", + " 1.0458152 0. 0. 0. ]\n", + " [1.1666359 1.161841 1.1719742 1.17969 1.1693472 1.1368059 1.1036675\n", + " 1.0815002 1.0723466 1.0705758 1.0713247 1.0660858 1.0566814 1.0483078\n", + " 0. 0. 0. 0. ]\n", + " [1.1875365 1.1837704 1.1924485 1.20015 1.1862468 1.1518527 1.1167406\n", + " 1.0927924 1.0805316 1.0776699 1.0759789 1.0696734 1.0600432 1.0513687\n", + " 1.047873 1.050293 1.0560969 1.0616801]\n", + " [1.1637233 1.1616573 1.1718076 1.1811401 1.1697648 1.1375221 1.102921\n", + " 1.081122 1.0706031 1.0675684 1.0675014 1.062811 1.0540837 1.0465009\n", + " 1.0426245 1.0441606 1.0490296 1.0540193]\n", + " [1.1702204 1.1674873 1.1774335 1.1853983 1.1724145 1.1391668 1.1048415\n", + " 1.0826986 1.0725933 1.0711507 1.0706284 1.065181 1.0558772 1.0477513\n", + " 1.044102 1.0457566 1.0511099 0. ]]\n", + "[[1.1715766 1.167953 1.1786004 1.1895267 1.1813143 1.1501852 1.1155589\n", + " 1.0914973 1.0787075 1.0735111 1.0705477 1.0636121 1.0533234 1.0454732\n", + " 1.0425866 1.0451995 1.0506911 1.0562254 1.0588073 1.059542 1.0605608\n", + " 1.0643144 1.071132 1.0814879 1.0902725 1.0949787 1.0956903 1.0914254]\n", + " [1.1656644 1.1603444 1.169033 1.1768858 1.165217 1.1343833 1.1021276\n", + " 1.0800511 1.0694157 1.0665995 1.0656358 1.0615071 1.0532911 1.045933\n", + " 1.042299 1.0440521 1.0488116 1.0536896 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.2073323 1.2012851 1.211627 1.2198838 1.2061393 1.1685953 1.1297386\n", + " 1.1044853 1.0933828 1.092253 1.0924885 1.0855343 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1772887 1.1741655 1.1839187 1.1913791 1.1772121 1.1438177 1.1098657\n", + " 1.0870519 1.0759803 1.0732346 1.0718689 1.0669403 1.0578519 1.049542\n", + " 1.0458093 1.0476185 1.0524837 1.0575299 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.16555 1.1631733 1.1740179 1.1833022 1.1710186 1.1364695 1.1026083\n", + " 1.0798758 1.0702534 1.0690215 1.069451 1.0651209 1.0564167 1.047966\n", + " 1.0440598 1.0456067 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1657021 1.1622617 1.1717925 1.1790226 1.1681719 1.1362678 1.1029466\n", + " 1.0801185 1.0693609 1.0658486 1.0658251 1.0615361 1.0532417 1.0458806\n", + " 1.0422605 1.044063 1.0486047 1.053361 0. ]\n", + " [1.2066772 1.2012691 1.2117851 1.2195584 1.2043121 1.1651863 1.1274631\n", + " 1.1033014 1.0924844 1.0907764 1.0907395 1.0842043 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.18093 1.1759319 1.1843071 1.1926091 1.1795809 1.1456224 1.1120667\n", + " 1.0896264 1.0795755 1.0769684 1.077786 1.0725487 1.0624107 1.05314\n", + " 1.0479144 0. 0. 0. 0. ]\n", + " [1.1921049 1.186327 1.1961832 1.2044985 1.1914209 1.1569494 1.1220429\n", + " 1.0983617 1.0871977 1.084713 1.084601 1.0786048 1.0672276 1.0582588\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1789442 1.1758401 1.1862285 1.1939228 1.1813672 1.1480967 1.1129297\n", + " 1.0890799 1.0766577 1.0733666 1.0709225 1.0661792 1.0572203 1.0497626\n", + " 1.0457418 1.0478482 1.0525014 1.0577887 1.0599046]]\n", + "[[1.1632305 1.1595763 1.1700183 1.178479 1.1678917 1.1354425 1.1020818\n", + " 1.0797085 1.0687201 1.0652518 1.0648203 1.0602074 1.0521826 1.0448843\n", + " 1.0415865 1.0431138 1.047673 1.0522361 1.0546348 0. 0. ]\n", + " [1.1698788 1.1676223 1.1786064 1.1877893 1.1757922 1.1420939 1.1075025\n", + " 1.0849897 1.0729867 1.0693066 1.0668162 1.061453 1.0524746 1.0450921\n", + " 1.0415819 1.0433009 1.0481145 1.0524772 1.0551401 1.0561665 1.0577537]\n", + " [1.1616976 1.1559079 1.163504 1.1705753 1.1596111 1.1295415 1.0981901\n", + " 1.0774376 1.0673087 1.0649798 1.0644419 1.0606751 1.052984 1.0450662\n", + " 1.0413829 1.0431981 0. 0. 0. 0. 0. ]\n", + " [1.1509651 1.1475222 1.1577164 1.1663295 1.1551018 1.1247199 1.0939914\n", + " 1.0735408 1.0640824 1.0620823 1.0613954 1.0564302 1.0479554 1.0406603\n", + " 1.0371195 1.0388243 1.0435224 1.0481647 0. 0. 0. ]\n", + " [1.1697539 1.1679035 1.1790909 1.1883261 1.1750145 1.1410916 1.1067325\n", + " 1.0838777 1.0720834 1.0687549 1.067269 1.0614405 1.0527523 1.0452733\n", + " 1.0419327 1.0438763 1.0485855 1.0538604 1.0565102 1.057807 0. ]]\n", + "[[1.1429317 1.1396062 1.146977 1.1536673 1.1430796 1.1155206 1.0873563\n", + " 1.0688837 1.0595429 1.0561275 1.0546247 1.0499005 1.0424205 1.0364035\n", + " 1.0337896 1.0351243 1.0391908 1.0433614 1.0458297 1.0471594]\n", + " [1.1554577 1.1514068 1.1610038 1.1681225 1.1557927 1.1258618 1.0949445\n", + " 1.074767 1.0655783 1.0639333 1.063569 1.059158 1.0511258 1.0439829\n", + " 1.040675 1.0425091 0. 0. 0. 0. ]\n", + " [1.1487237 1.1439979 1.1517142 1.1589017 1.1470273 1.1184582 1.089543\n", + " 1.0699925 1.0607212 1.0590272 1.0589693 1.0553709 1.0479454 1.0410969\n", + " 1.0381747 1.0395578 1.0441477 0. 0. 0. ]\n", + " [1.1754235 1.1697568 1.1791244 1.1875185 1.1758511 1.1429716 1.1092033\n", + " 1.0867516 1.0762097 1.0751309 1.0754776 1.070512 1.0610969 1.0520648\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1693507 1.1656784 1.1754825 1.1847901 1.1735891 1.139458 1.1057954\n", + " 1.083704 1.0737995 1.0723008 1.0726064 1.0680608 1.0586481 1.0503091\n", + " 1.046231 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1675942 1.1649537 1.1761746 1.1860744 1.1754946 1.1424819 1.1077496\n", + " 1.0836385 1.0721706 1.0685508 1.0671277 1.0621718 1.0534092 1.0460107\n", + " 1.0417893 1.0437022 1.0484961 1.0535069 1.0562795]\n", + " [1.205289 1.1994773 1.2098494 1.2172898 1.2027987 1.1652092 1.1261153\n", + " 1.0998443 1.0891027 1.0879058 1.0888916 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1694698 1.1629357 1.1706381 1.1775795 1.1664641 1.1349723 1.1030413\n", + " 1.0822759 1.072268 1.0706638 1.070858 1.0663631 1.0579827 1.0496218\n", + " 1.0460036 0. 0. 0. 0. ]\n", + " [1.1663179 1.1624086 1.1698748 1.1768557 1.1635377 1.1323705 1.100859\n", + " 1.0795023 1.0703206 1.0692747 1.0697353 1.0652624 1.0567024 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2051942 1.1996702 1.210166 1.2173479 1.2017832 1.1640298 1.1246426\n", + " 1.0991032 1.0880728 1.08714 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1697422 1.1659703 1.1765299 1.1851788 1.1743715 1.1420994 1.1074631\n", + " 1.0847342 1.0744442 1.0724897 1.0727236 1.0678372 1.058967 1.0503515\n", + " 1.0465946 0. 0. ]\n", + " [1.1752644 1.1707484 1.1798497 1.1885794 1.1766837 1.1436559 1.1088634\n", + " 1.086721 1.0765822 1.0745527 1.0752602 1.0705928 1.0607017 1.0521407\n", + " 0. 0. 0. ]\n", + " [1.1516801 1.1486666 1.1571834 1.16516 1.1537064 1.1245981 1.0943731\n", + " 1.074344 1.064605 1.0621231 1.0617417 1.0571221 1.0497593 1.042605\n", + " 1.0397022 1.041041 1.0458926]\n", + " [1.171744 1.1668415 1.1769143 1.1870856 1.175139 1.1410595 1.105954\n", + " 1.083365 1.073451 1.0719624 1.0721484 1.067202 1.0579549 1.0490574\n", + " 1.0451893 1.0471934 0. ]\n", + " [1.2030408 1.1974463 1.2069067 1.214851 1.2016573 1.1644162 1.1255752\n", + " 1.0998608 1.0880171 1.0863152 1.0864053 1.080548 1.069427 1.0602407\n", + " 0. 0. 0. ]]\n", + "[[1.1734648 1.1715778 1.1828777 1.1924607 1.1803639 1.1455446 1.1097448\n", + " 1.0861145 1.0743705 1.0706176 1.0691031 1.0636253 1.055331 1.04772\n", + " 1.043913 1.0456668 1.0506834 1.0554239 1.0575119 1.058431 ]\n", + " [1.1566076 1.1536837 1.1638533 1.1733087 1.1621931 1.1316428 1.0988278\n", + " 1.0770838 1.0672832 1.0651234 1.0647438 1.0610906 1.0530765 1.0450087\n", + " 1.0414284 1.0428153 1.0475336 0. 0. 0. ]\n", + " [1.1690435 1.1647522 1.1725464 1.1811091 1.1687877 1.135914 1.1029737\n", + " 1.0811492 1.0709906 1.0676816 1.067102 1.0618571 1.0530823 1.0454508\n", + " 1.041919 1.043467 1.0481776 1.0532663 0. 0. ]\n", + " [1.1605006 1.1565733 1.1657075 1.1743397 1.1633371 1.1315215 1.099413\n", + " 1.0785906 1.0686948 1.0664375 1.0664492 1.0620079 1.0536791 1.04604\n", + " 1.0422806 1.0438919 0. 0. 0. 0. ]\n", + " [1.1903491 1.1870885 1.1975517 1.2065275 1.1935048 1.1575551 1.1194365\n", + " 1.0946791 1.0819883 1.078389 1.0775347 1.0716747 1.0619925 1.0527979\n", + " 1.0490546 1.0513726 1.0568359 1.0623649 1.0646536 0. ]]\n", + "[[1.1670026 1.1638848 1.173461 1.181899 1.1699195 1.1386758 1.1053404\n", + " 1.0831174 1.0735112 1.0710598 1.0698943 1.0652311 1.0561575 1.0477659\n", + " 1.0444105 1.04645 0. 0. 0. 0. 0. ]\n", + " [1.1841528 1.1804664 1.191633 1.2012975 1.1880875 1.1516416 1.1142572\n", + " 1.0889928 1.07747 1.0738037 1.0723745 1.0670103 1.0580469 1.0492316\n", + " 1.0458468 1.0473925 1.0526937 1.0580289 1.0605553 0. 0. ]\n", + " [1.1639271 1.161513 1.1732613 1.1817639 1.1711247 1.1389499 1.1052592\n", + " 1.0825559 1.0709854 1.0678036 1.0660151 1.0600873 1.0510948 1.0437452\n", + " 1.040498 1.0418848 1.0467609 1.0512736 1.054074 1.0550398 0. ]\n", + " [1.1738629 1.1696013 1.1796955 1.1897193 1.1771958 1.14294 1.1071281\n", + " 1.0843107 1.0730655 1.071451 1.0715644 1.0668015 1.0578364 1.0496314\n", + " 1.045493 1.047088 1.0526975 0. 0. 0. 0. ]\n", + " [1.1677644 1.1660149 1.1780261 1.1887771 1.1774213 1.1432307 1.1079818\n", + " 1.0840943 1.0723085 1.0686119 1.0668546 1.0609562 1.0521814 1.0445359\n", + " 1.0411861 1.0425453 1.0472072 1.0521425 1.0547771 1.055769 1.0573767]]\n", + "[[1.1588378 1.1551619 1.164806 1.1733873 1.1620897 1.1302655 1.0976213\n", + " 1.0766248 1.0667773 1.065405 1.0652037 1.0608402 1.0526074 1.0450488\n", + " 1.0417081 1.0433402 1.0485071 0. 0. 0. 0. ]\n", + " [1.1835964 1.1808563 1.1917967 1.1998485 1.1872945 1.1532471 1.1173102\n", + " 1.0932367 1.0801913 1.0762365 1.0732177 1.0672381 1.0577887 1.0497729\n", + " 1.0459417 1.04837 1.0533996 1.0583924 1.0607102 1.0616714 1.063091 ]\n", + " [1.1735318 1.1693444 1.1794245 1.1876433 1.1758215 1.1413411 1.1066874\n", + " 1.0837936 1.0731027 1.0704728 1.0695304 1.0646064 1.0553563 1.0469639\n", + " 1.0433205 1.045353 1.050829 1.0564334 0. 0. 0. ]\n", + " [1.2049463 1.1995915 1.2094703 1.2157041 1.2016313 1.163292 1.1233307\n", + " 1.0976777 1.0863887 1.0847117 1.0846803 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.2052152 1.1996689 1.2093745 1.2174261 1.2035748 1.1653743 1.1262072\n", + " 1.1003112 1.0896844 1.0878749 1.0879384 1.0828996 1.0717434 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1935985 1.1889253 1.1998655 1.2086424 1.1972853 1.1615832 1.1238185\n", + " 1.0985703 1.0867113 1.0837619 1.0823121 1.0767353 1.0662622 1.0564989\n", + " 1.0519713 1.0537162 1.059857 0. 0. 0. 0. ]\n", + " [1.1696613 1.1667743 1.1775098 1.1861854 1.1755483 1.142982 1.1087152\n", + " 1.0851555 1.0736665 1.0698673 1.0679222 1.0628089 1.0540835 1.0464275\n", + " 1.0431676 1.0445144 1.0493639 1.0540458 1.0561683 1.0573053 1.0585032]\n", + " [1.1856937 1.1804589 1.1907461 1.1996955 1.1879069 1.1529367 1.11606\n", + " 1.0914462 1.0794435 1.0777631 1.0776168 1.0727812 1.0639005 1.0548073\n", + " 1.0504597 1.0524846 0. 0. 0. 0. 0. ]\n", + " [1.2064072 1.2001091 1.2103777 1.2177787 1.2045091 1.1667081 1.1276686\n", + " 1.1015272 1.0902478 1.0889417 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1738912 1.170676 1.1816113 1.1894444 1.1758281 1.1415257 1.1068821\n", + " 1.0840352 1.0736045 1.0706507 1.0702534 1.065175 1.0557482 1.0475701\n", + " 1.0441478 1.0463363 1.0517058 1.0569476 0. 0. 0. ]]\n", + "[[1.1659894 1.163829 1.1744468 1.1825955 1.170018 1.1370648 1.1036485\n", + " 1.081245 1.0716186 1.0690473 1.0678569 1.062881 1.0538733 1.0454397\n", + " 1.0421728 1.043831 1.0486809 1.0541192 0. 0. 0. ]\n", + " [1.1737003 1.1688273 1.1783215 1.1874529 1.1758294 1.1423066 1.1076367\n", + " 1.0844826 1.074583 1.072572 1.0725769 1.0671918 1.0581282 1.0493007\n", + " 1.0449834 1.0466312 1.0519798 0. 0. 0. 0. ]\n", + " [1.157105 1.1543822 1.1634134 1.1714253 1.158962 1.1281238 1.097321\n", + " 1.0767545 1.0663112 1.0621 1.0602053 1.0542624 1.0463872 1.0395621\n", + " 1.0367188 1.038696 1.0429937 1.0474923 1.049459 1.050618 1.0520871]\n", + " [1.1904507 1.1859764 1.1952021 1.2035606 1.1892426 1.1547711 1.1186235\n", + " 1.0942659 1.082396 1.0793993 1.0784563 1.0736232 1.0639808 1.0547496\n", + " 1.0515121 1.0535835 1.0598036 0. 0. 0. 0. ]\n", + " [1.1502054 1.1471083 1.1566753 1.165307 1.1541501 1.1239069 1.0933138\n", + " 1.0723928 1.062569 1.0602638 1.0596048 1.0547074 1.0475453 1.0407665\n", + " 1.0376027 1.0392275 1.0437185 1.0479351 1.050157 0. 0. ]]\n", + "[[1.1623164 1.1595267 1.1700249 1.1796987 1.1681571 1.1365081 1.1037554\n", + " 1.0816611 1.0702295 1.0668292 1.0649537 1.059809 1.050822 1.0434768\n", + " 1.0394855 1.0408314 1.0455008 1.0502906 1.0529547 1.0543944 0.\n", + " 0. ]\n", + " [1.1705672 1.1675141 1.1773726 1.1865839 1.175344 1.1424624 1.1089585\n", + " 1.0856022 1.0736165 1.0693785 1.0669373 1.0607307 1.0523286 1.0447829\n", + " 1.0418011 1.0438344 1.0492696 1.0538588 1.0562583 1.0570362 0.\n", + " 0. ]\n", + " [1.1683321 1.1631588 1.1719071 1.1798402 1.1684315 1.1364912 1.1039355\n", + " 1.0819052 1.071141 1.0692028 1.0691322 1.0642498 1.0559654 1.0482618\n", + " 1.0445143 1.046498 1.0519074 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1707655 1.1684098 1.178181 1.187288 1.1755528 1.1435843 1.1103377\n", + " 1.0873271 1.0754019 1.0710894 1.0681722 1.0621219 1.0531116 1.0453526\n", + " 1.0421656 1.0444556 1.0494344 1.0540706 1.0562618 1.0571713 1.0579405\n", + " 1.0615883]\n", + " [1.1729493 1.1709301 1.1812615 1.1902189 1.1772656 1.1434109 1.1083707\n", + " 1.0852559 1.0738215 1.0703378 1.0691279 1.0637163 1.054677 1.0471221\n", + " 1.0436475 1.0451155 1.0502099 1.0554343 1.0582724 0. 0.\n", + " 0. ]]\n", + "[[1.1664596 1.1615285 1.1711026 1.1806242 1.1700628 1.1387794 1.1053168\n", + " 1.0828254 1.0727215 1.0699985 1.0699036 1.065124 1.0561857 1.0480548\n", + " 1.0443804 1.0462364 0. 0. ]\n", + " [1.1842998 1.1792743 1.1886753 1.1968223 1.1834239 1.1493459 1.1143072\n", + " 1.0898556 1.0777546 1.0740184 1.0741522 1.0694538 1.0600873 1.052016\n", + " 1.048269 1.050132 1.0556909 1.0608351]]\n", + "[[1.1780128 1.1736989 1.1845855 1.1945422 1.1820068 1.1472749 1.110329\n", + " 1.0863066 1.0744972 1.0716726 1.0708528 1.0661094 1.0574458 1.0492\n", + " 1.0454468 1.0476702 1.0528616 1.0579538 1.0602908]\n", + " [1.1674268 1.1651435 1.1755023 1.1845304 1.1721627 1.1390558 1.1046517\n", + " 1.0818369 1.0707682 1.0677981 1.0674345 1.0624827 1.0541782 1.045769\n", + " 1.0423892 1.0441887 1.0488333 1.0538663 0. ]\n", + " [1.1767306 1.1734853 1.1863616 1.1971892 1.1848342 1.1484777 1.1114222\n", + " 1.0872526 1.0767317 1.0747962 1.0745224 1.0692189 1.0591017 1.0498357\n", + " 1.0455242 1.0472642 1.0526348 0. 0. ]\n", + " [1.1881268 1.1833165 1.1943953 1.2032816 1.1911354 1.1551614 1.1181993\n", + " 1.0945672 1.0834777 1.0815637 1.0824865 1.0773096 1.0667076 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.184274 1.1804016 1.1900551 1.1971406 1.1846011 1.1495821 1.1136999\n", + " 1.0895846 1.0776907 1.0744032 1.0742579 1.0684464 1.0592636 1.0508813\n", + " 1.047315 1.0490776 1.0543888 1.0597922 0. ]]\n", + "[[1.1544143 1.151899 1.1617689 1.1702391 1.1586614 1.1285856 1.0966094\n", + " 1.0756234 1.0655698 1.0630887 1.0628632 1.0582223 1.0499896 1.0427898\n", + " 1.0392879 1.0407779 1.0457225 1.050516 0. 0. 0.\n", + " 0. ]\n", + " [1.165384 1.1628835 1.1740997 1.1827484 1.1715177 1.1390445 1.1053551\n", + " 1.0829575 1.0714384 1.0678998 1.0654944 1.060104 1.0509781 1.0439596\n", + " 1.0404143 1.0422909 1.0474296 1.0523673 1.055137 1.0559793 1.0574752\n", + " 1.0613312]\n", + " [1.1573669 1.1550741 1.1655339 1.1746604 1.1639453 1.1327245 1.1002815\n", + " 1.0780071 1.0673515 1.0640664 1.0623972 1.0576973 1.0497004 1.0423709\n", + " 1.039003 1.0402862 1.0447162 1.048922 1.0509685 1.0519221 0.\n", + " 0. ]\n", + " [1.193432 1.188402 1.1989228 1.207391 1.1948662 1.1589016 1.1209654\n", + " 1.0958005 1.0848694 1.0828103 1.082314 1.0772557 1.0669252 1.0565449\n", + " 1.052539 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1646854 1.1609696 1.1707046 1.180105 1.1681192 1.1355151 1.1027316\n", + " 1.0805339 1.06914 1.0652001 1.0633974 1.0587425 1.0504637 1.0437549\n", + " 1.040406 1.0420916 1.0467443 1.0513757 1.0541236 1.055123 1.0569612\n", + " 1.0605813]]\n", + "[[1.1631284 1.1583236 1.1681587 1.1778461 1.1665434 1.1352316 1.1029856\n", + " 1.0813824 1.0715289 1.0691061 1.0689577 1.0631837 1.0548167 1.0464255\n", + " 1.0426716 1.0439439 1.0494585 0. 0. 0. ]\n", + " [1.1627114 1.1592866 1.1702119 1.1797974 1.1680341 1.1359177 1.102881\n", + " 1.0810798 1.0716997 1.0700274 1.0697415 1.0643854 1.055399 1.0468379\n", + " 1.0430353 1.0447927 0. 0. 0. 0. ]\n", + " [1.1533512 1.1501635 1.1589168 1.1659495 1.1547233 1.1243913 1.0934199\n", + " 1.0729098 1.0634474 1.0608199 1.0602299 1.0558565 1.0479852 1.0413247\n", + " 1.0379888 1.0392367 1.0436145 1.0480233 0. 0. ]\n", + " [1.2123656 1.2067832 1.2166971 1.2250856 1.2099975 1.1713741 1.1315829\n", + " 1.1050154 1.0932999 1.0909296 1.0908451 1.0852447 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1582925 1.1546948 1.1646842 1.1728692 1.1612942 1.1303498 1.0990741\n", + " 1.077885 1.0670177 1.0635767 1.0615333 1.0567863 1.0485708 1.041812\n", + " 1.0388148 1.0409038 1.0456179 1.0500693 1.0519314 1.0523884]]\n", + "[[1.1731068 1.1672277 1.1761577 1.1841674 1.1723439 1.1405432 1.1072586\n", + " 1.0846773 1.0736878 1.0705 1.0693496 1.0642807 1.0560269 1.0481849\n", + " 1.0445966 1.0465674 1.051694 1.0567994 0. 0. ]\n", + " [1.1660287 1.163124 1.1735483 1.1812835 1.1708192 1.1383065 1.1041874\n", + " 1.0823678 1.0724857 1.0710834 1.0707252 1.066641 1.0574744 1.0490532\n", + " 1.0451007 0. 0. 0. 0. 0. ]\n", + " [1.1619304 1.1587538 1.1691376 1.1773026 1.1658013 1.1340847 1.101406\n", + " 1.0797515 1.0695312 1.0684118 1.0687573 1.06396 1.0552908 1.0471145\n", + " 1.043448 1.0449888 0. 0. 0. 0. ]\n", + " [1.1719356 1.1691626 1.1799351 1.1875829 1.1753037 1.1409667 1.10621\n", + " 1.0836265 1.0734457 1.0715919 1.0719769 1.0671616 1.0584671 1.0498362\n", + " 1.0457555 1.0474899 0. 0. 0. 0. ]\n", + " [1.1496468 1.147297 1.1565877 1.1652457 1.15427 1.1246678 1.0941597\n", + " 1.0732884 1.0631388 1.0598689 1.0579481 1.0534743 1.0455482 1.038652\n", + " 1.0358427 1.0371042 1.0412588 1.0455143 1.0481032 1.049218 ]]\n", + "[[1.1575639 1.1552632 1.1640643 1.1717768 1.1596916 1.1290246 1.0974798\n", + " 1.076034 1.0653433 1.0621138 1.0609146 1.0563087 1.0490466 1.0422812\n", + " 1.0392047 1.0406401 1.0452677 1.0498714 1.0523142 0. 0.\n", + " 0. 0. ]\n", + " [1.1707426 1.1681597 1.1791602 1.1865994 1.1743293 1.139802 1.1052307\n", + " 1.0833735 1.0743021 1.0734637 1.0743966 1.0696088 1.0591439 1.0502145\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.171835 1.1678985 1.1777936 1.1857259 1.1725367 1.1387266 1.1044501\n", + " 1.0826554 1.0736891 1.0728961 1.0741059 1.0688274 1.0591896 1.0504786\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1615357 1.1559293 1.1641948 1.1729364 1.1614016 1.1304445 1.0984699\n", + " 1.0775388 1.0675813 1.0644214 1.0647299 1.0608835 1.0526694 1.0456446\n", + " 1.0422057 1.044109 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.164693 1.1611855 1.1716837 1.1816077 1.1710542 1.1397601 1.1068444\n", + " 1.0842556 1.0729246 1.0687407 1.0665429 1.0603653 1.051377 1.0435387\n", + " 1.0406318 1.0424732 1.0474894 1.051846 1.054679 1.0556735 1.0571384\n", + " 1.0607498 1.0680623]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1785347 1.1730871 1.1826775 1.1920894 1.1796956 1.1463993 1.1110014\n", + " 1.0873371 1.0763378 1.074082 1.0739774 1.0692726 1.059796 1.0514156\n", + " 1.0476848 1.0500726 0. 0. 0. ]\n", + " [1.1922878 1.1889172 1.2004858 1.2096049 1.1956066 1.1600696 1.1225709\n", + " 1.0973155 1.0843663 1.0806531 1.0783994 1.0730318 1.0629412 1.054232\n", + " 1.0497802 1.0521365 1.0578082 1.0632176 1.0655965]\n", + " [1.1586794 1.1558037 1.1659118 1.1735812 1.1626878 1.1313112 1.0986456\n", + " 1.0773607 1.0670596 1.064845 1.0648984 1.06055 1.0523353 1.0446428\n", + " 1.0413585 1.042847 1.0478036 0. 0. ]\n", + " [1.1645911 1.1599085 1.1681648 1.1747419 1.1635427 1.1319402 1.0993949\n", + " 1.0778302 1.066976 1.0653327 1.0644709 1.0597152 1.0520359 1.0447382\n", + " 1.0413371 1.0431945 1.048472 0. 0. ]\n", + " [1.1576967 1.1539427 1.1628666 1.1701436 1.1571193 1.126388 1.0950309\n", + " 1.074341 1.0653238 1.0634904 1.0639708 1.0599444 1.0517287 1.0441906\n", + " 1.0406086 1.0421225 1.0469671 0. 0. ]]\n", + "[[1.1624919 1.157313 1.1665574 1.1743739 1.162395 1.1314452 1.0994194\n", + " 1.0783871 1.0684252 1.0659136 1.065572 1.0610949 1.0521997 1.0444354\n", + " 1.0410213 1.0427566 1.0480361 1.0527562 0. 0. ]\n", + " [1.1721733 1.1674185 1.1768299 1.1838524 1.1727564 1.1404433 1.1081\n", + " 1.0860633 1.0758667 1.074809 1.0748297 1.0702057 1.0602769 1.0513654\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1751503 1.1694932 1.1781871 1.1868873 1.1760597 1.1441531 1.1098983\n", + " 1.0876065 1.0777067 1.0760105 1.0755061 1.0707172 1.0604922 1.0509008\n", + " 1.0466405 0. 0. 0. 0. 0. ]\n", + " [1.1628433 1.1599219 1.169989 1.1774021 1.1648235 1.1341218 1.1019517\n", + " 1.0808487 1.069855 1.0664413 1.064263 1.0590514 1.0506097 1.0433267\n", + " 1.0403965 1.0422468 1.0467787 1.0513502 1.0537217 1.0548289]\n", + " [1.174351 1.1723936 1.1846906 1.1945591 1.1822808 1.1470925 1.1114511\n", + " 1.0870678 1.0757028 1.0723565 1.070942 1.0654022 1.0564427 1.0486612\n", + " 1.0447426 1.0464048 1.0514474 1.0564479 1.0590593 1.0602595]]\n", + "[[1.16702 1.1637112 1.1736902 1.1810412 1.1677222 1.1350306 1.102316\n", + " 1.0805572 1.0711895 1.0689043 1.0681044 1.0635146 1.0543072 1.0465188\n", + " 1.0427845 1.0442387 1.0491731 1.0538281 0. 0. ]\n", + " [1.1705861 1.1676477 1.1788266 1.1886654 1.1762056 1.1433766 1.108686\n", + " 1.0852084 1.0746119 1.0716671 1.0717869 1.0670938 1.0579358 1.0493981\n", + " 1.0453987 1.0468332 1.0521983 0. 0. 0. ]\n", + " [1.1662976 1.16277 1.1740763 1.1828173 1.1718873 1.1392068 1.1052393\n", + " 1.082639 1.0723495 1.0703583 1.0699855 1.064936 1.0558869 1.047333\n", + " 1.043446 1.045026 1.0503632 0. 0. 0. ]\n", + " [1.1870728 1.1839125 1.1949332 1.2038327 1.1902251 1.1539146 1.1181262\n", + " 1.0933055 1.0805571 1.0770559 1.0751288 1.0686103 1.0589867 1.0504639\n", + " 1.0469383 1.049063 1.0548449 1.0598243 1.0626483 1.0633258]\n", + " [1.1867085 1.180938 1.1899801 1.1978881 1.18444 1.150234 1.1151272\n", + " 1.0909859 1.079905 1.0765421 1.0751529 1.0688035 1.0592769 1.0508163\n", + " 1.0470748 1.0493454 1.0551355 1.0603712 0. 0. ]]\n", + "[[1.1866525 1.1812131 1.1904185 1.1982272 1.1843956 1.1489334 1.1141174\n", + " 1.0907981 1.0798556 1.0782546 1.0781913 1.0724306 1.0630738 1.0541224\n", + " 0. 0. 0. 0. ]\n", + " [1.1618288 1.1591575 1.1700433 1.1777861 1.1669439 1.1343848 1.10063\n", + " 1.0786728 1.0689764 1.0678226 1.0679846 1.0633551 1.0545914 1.0464022\n", + " 1.0424235 1.0439376 0. 0. ]\n", + " [1.1810478 1.1762779 1.1849527 1.1916559 1.1796386 1.1460831 1.1125332\n", + " 1.0894965 1.0775867 1.0740254 1.0722715 1.066497 1.0574603 1.049553\n", + " 1.0464112 1.0486902 1.053962 1.0589759]\n", + " [1.1941928 1.1893704 1.2011528 1.2117355 1.19749 1.1592767 1.1200569\n", + " 1.0952243 1.0849856 1.0836358 1.0842717 1.0791905 1.0683651 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1703974 1.1678292 1.1775486 1.1855597 1.1729584 1.1391279 1.1048611\n", + " 1.082851 1.072278 1.0704781 1.0700202 1.0650779 1.055808 1.0479255\n", + " 1.0444248 1.0463895 1.0516214 0. ]]\n", + "[[1.1643898 1.1619071 1.1734499 1.1822089 1.1712765 1.1377778 1.1029702\n", + " 1.081014 1.0702621 1.0685371 1.0680964 1.0637181 1.0546507 1.0468962\n", + " 1.0430493 1.0446432 1.0497745]\n", + " [1.168999 1.1653491 1.175617 1.1835444 1.1704184 1.1376283 1.1036792\n", + " 1.0811664 1.0717853 1.0704163 1.070688 1.0669155 1.058601 1.0501285\n", + " 0. 0. 0. ]\n", + " [1.1609263 1.1555408 1.1644136 1.1727314 1.161863 1.1311982 1.0996188\n", + " 1.0788596 1.068947 1.0674608 1.0670773 1.0619544 1.0535592 1.0454804\n", + " 1.0423511 0. 0. ]\n", + " [1.1562504 1.1531765 1.1630857 1.1708705 1.1592298 1.1280835 1.0966763\n", + " 1.0762223 1.0671111 1.0648805 1.0649835 1.0610768 1.0534782 1.0457866\n", + " 1.0422128 1.0438282 0. ]\n", + " [1.2111087 1.205466 1.2154224 1.2245104 1.2095809 1.1716967 1.1327469\n", + " 1.1063749 1.0945299 1.093508 1.0936477 1.0870204 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1780587 1.1741196 1.1838628 1.1925924 1.179315 1.145581 1.1110051\n", + " 1.0880665 1.076483 1.072662 1.0704731 1.0643954 1.0550064 1.0473704\n", + " 1.043848 1.0459869 1.0511956 1.0560751 1.0584989 1.059608 1.0613902]\n", + " [1.1739594 1.1699432 1.1794529 1.1873598 1.1752818 1.1422677 1.10783\n", + " 1.0853643 1.0741531 1.071534 1.0709245 1.0656571 1.0568649 1.0487697\n", + " 1.0453414 1.0472835 1.052276 1.057167 0. 0. 0. ]\n", + " [1.1698447 1.1669707 1.1773429 1.1851168 1.1720611 1.1391205 1.1047976\n", + " 1.0828998 1.0725788 1.0705673 1.0703492 1.0650827 1.056487 1.0485553\n", + " 1.0445614 1.0461277 1.0516603 0. 0. 0. 0. ]\n", + " [1.1652458 1.1614659 1.1713667 1.1805352 1.1680219 1.1362907 1.1038588\n", + " 1.0817865 1.0703602 1.0659899 1.0640877 1.058206 1.049868 1.0430611\n", + " 1.0403571 1.042184 1.0470947 1.0523179 1.0549852 1.0561031 1.0575647]\n", + " [1.2023283 1.1944627 1.2025121 1.2103883 1.1975392 1.1616395 1.1237717\n", + " 1.0988512 1.0878444 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1522243 1.1485182 1.15848 1.1681304 1.1570754 1.1264776 1.0955516\n", + " 1.0746096 1.0643637 1.0609035 1.0595057 1.0543177 1.046165 1.0394285\n", + " 1.0366931 1.0387808 1.0436718 1.0485625 1.0503002 1.0510238 1.0520487\n", + " 1.0552087 1.0620865 1.0712554 1.0787479 1.0823659]\n", + " [1.1737648 1.1709793 1.1832284 1.1932542 1.1812402 1.1465539 1.1106288\n", + " 1.0870531 1.075397 1.0716987 1.0701886 1.0649569 1.0558414 1.047637\n", + " 1.0440059 1.0453466 1.0506258 1.0552254 1.0575076 1.0581274 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1763095 1.1730196 1.1845789 1.1935197 1.1833832 1.1486228 1.1126323\n", + " 1.0885103 1.0770885 1.0751137 1.0742826 1.0696086 1.060326 1.0515909\n", + " 1.0474337 1.0493109 1.054926 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1714823 1.1679717 1.1789048 1.1887228 1.1764799 1.1420981 1.106881\n", + " 1.0837841 1.0731217 1.0717324 1.0716208 1.0672494 1.0579859 1.049173\n", + " 1.0454162 1.0470808 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.166696 1.1647465 1.1770923 1.1880533 1.1764468 1.1416785 1.1062571\n", + " 1.0824603 1.0705764 1.068331 1.0672922 1.0616871 1.0531285 1.0454631\n", + " 1.0419122 1.0436738 1.0485458 1.0535377 1.0557498 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1592119 1.1571655 1.166629 1.1750101 1.1637312 1.1319213 1.0998861\n", + " 1.0788646 1.067421 1.0642786 1.0629585 1.0573753 1.0496032 1.0424726\n", + " 1.0396805 1.0416775 1.0464375 1.0512737 1.0538803 1.0542307]\n", + " [1.1678883 1.1638188 1.172619 1.179496 1.1683459 1.1362417 1.1029116\n", + " 1.081066 1.0703672 1.0686507 1.0682232 1.0635159 1.0549337 1.0469\n", + " 1.0435646 1.0452793 1.0501297 0. 0. 0. ]\n", + " [1.159443 1.1553423 1.165026 1.1730987 1.1616194 1.1303313 1.0985175\n", + " 1.0771912 1.066613 1.0632883 1.0613115 1.0564411 1.0485166 1.0411025\n", + " 1.038645 1.0405865 1.0452366 1.0496575 1.0519165 1.0528464]\n", + " [1.1908116 1.1854006 1.1967818 1.2050953 1.1917645 1.155026 1.1175002\n", + " 1.0936235 1.0826056 1.0813739 1.0817547 1.0770372 1.0662217 1.0569031\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1684195 1.166082 1.1781752 1.1876328 1.1764743 1.1421046 1.1060765\n", + " 1.083431 1.0725904 1.0703638 1.0705473 1.0656133 1.0561539 1.0479745\n", + " 1.0440713 1.0457584 1.0510517 0. 0. 0. ]]\n", + "[[1.1711953 1.1687679 1.1792034 1.1890607 1.1772121 1.1449183 1.1110342\n", + " 1.0876172 1.0754005 1.0714157 1.0695913 1.0636969 1.0543576 1.046587\n", + " 1.0428355 1.0448335 1.0499762 1.0545127 1.0562426 1.0566721 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1788335 1.1745869 1.1847901 1.1937515 1.1812795 1.1470877 1.1113647\n", + " 1.0873454 1.075949 1.0727764 1.0716174 1.0670754 1.0581818 1.0501351\n", + " 1.0462533 1.04851 1.0537052 1.0590465 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1508758 1.1481082 1.1576941 1.1672264 1.1580856 1.1278259 1.0961418\n", + " 1.075814 1.0653193 1.0618287 1.0598041 1.0549122 1.0467113 1.0397438\n", + " 1.036588 1.038507 1.0428807 1.0475261 1.0501748 1.0507703 1.0520129\n", + " 1.0555859 1.0624071 1.0717331 1.0787474 1.0825826]\n", + " [1.1748269 1.1714087 1.1823622 1.1899741 1.1766543 1.1420172 1.1079289\n", + " 1.0853269 1.0745883 1.0722537 1.0711778 1.0650004 1.056238 1.0477445\n", + " 1.04407 1.0463219 1.0512804 1.0563804 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1552155 1.1528306 1.1621593 1.1709844 1.1597553 1.1296568 1.099751\n", + " 1.0789013 1.0680035 1.0642071 1.0619669 1.0562586 1.0476471 1.0407035\n", + " 1.0379348 1.0391359 1.0435045 1.0479494 1.0503249 1.0514582 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1670595 1.1620005 1.172331 1.1814505 1.1693953 1.1365185 1.1031227\n", + " 1.0812078 1.0712798 1.0696236 1.0695095 1.064743 1.0553104 1.047197\n", + " 1.0432541 1.0453504 0. 0. 0. 0. 0. ]\n", + " [1.173008 1.1704303 1.1816596 1.1909745 1.1776382 1.1437541 1.1091549\n", + " 1.0855148 1.0748305 1.0719266 1.0708306 1.0662168 1.0567236 1.0486069\n", + " 1.0450178 1.046684 1.0519565 1.0574311 0. 0. 0. ]\n", + " [1.1763985 1.1741697 1.1855674 1.1961154 1.1839818 1.1499354 1.1140119\n", + " 1.0893523 1.0765381 1.0727779 1.0707535 1.064573 1.0555336 1.0477321\n", + " 1.0440229 1.0458076 1.0505046 1.055579 1.0578641 1.058631 1.0600228]\n", + " [1.1870697 1.183525 1.1936955 1.201903 1.1906443 1.1557415 1.1198013\n", + " 1.0949728 1.08242 1.0781633 1.076686 1.0710194 1.0617629 1.0528435\n", + " 1.0491039 1.0511793 1.0560702 1.0611876 1.0634634 0. 0. ]\n", + " [1.1944324 1.190191 1.2017838 1.2113545 1.1972502 1.1599586 1.1213344\n", + " 1.0952858 1.084029 1.0813498 1.0804381 1.0750891 1.0646545 1.055132\n", + " 1.0511409 1.053225 1.0594294 0. 0. 0. 0. ]]\n", + "[[1.1611292 1.1557266 1.1642582 1.1711144 1.1610225 1.1298382 1.0981768\n", + " 1.0770209 1.0677903 1.0661364 1.0661768 1.0622892 1.053642 1.0457443\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1810422 1.178767 1.189513 1.2003813 1.1882737 1.1534951 1.1173416\n", + " 1.0926739 1.080028 1.0750623 1.0731283 1.0668054 1.0571461 1.0483242\n", + " 1.0451596 1.0474484 1.0530344 1.0577933 1.0605441 1.0616871 1.0629576\n", + " 1.0665153 1.0741065 1.0840667]\n", + " [1.1765132 1.1729602 1.1842766 1.1923058 1.1809328 1.1460903 1.1101704\n", + " 1.0860935 1.0745646 1.0709678 1.0701567 1.0656276 1.0565739 1.0485715\n", + " 1.0452099 1.0471818 1.0528032 1.0581905 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1966136 1.1915317 1.2016307 1.2106758 1.197736 1.1613779 1.1227517\n", + " 1.0975388 1.0849503 1.081678 1.0810606 1.0754975 1.0655442 1.0563593\n", + " 1.0516268 1.0532614 1.0589101 1.0649067 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1751488 1.1688681 1.1780722 1.1866488 1.1741315 1.1408209 1.1069113\n", + " 1.0856586 1.0766916 1.0759845 1.0763615 1.0709966 1.0606493 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1556827 1.1506959 1.1598178 1.1692079 1.1600039 1.1301403 1.0982999\n", + " 1.0772287 1.066848 1.0651162 1.0651753 1.0603302 1.0527134 1.0449029\n", + " 1.041344 1.0426284 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1802119 1.1767459 1.1876588 1.1961625 1.1845214 1.1494453 1.1134099\n", + " 1.0894436 1.0781708 1.0759373 1.074974 1.0691915 1.0599854 1.0513972\n", + " 1.0471312 1.0491029 1.0548272 1.0601695 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1516944 1.1502359 1.1620587 1.1726599 1.1618772 1.1308177 1.0991546\n", + " 1.0775968 1.0666969 1.062864 1.0609189 1.0552428 1.047208 1.0401461\n", + " 1.0373527 1.0387008 1.0433172 1.0471835 1.0495199 1.0504574 1.0515037\n", + " 1.0546801 1.0611811 0. 0. ]\n", + " [1.1732825 1.1685299 1.1783787 1.1873685 1.1748621 1.1409669 1.1066937\n", + " 1.0837334 1.0729012 1.0709896 1.0701969 1.0645597 1.0558418 1.04752\n", + " 1.0440804 1.0460675 1.0517905 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1557229 1.1535851 1.1648028 1.1756283 1.1659721 1.1347351 1.1016935\n", + " 1.0802011 1.0695537 1.0655288 1.0635571 1.0570813 1.0483346 1.0405941\n", + " 1.0378554 1.0397713 1.0445883 1.0495455 1.051817 1.0521554 1.0528997\n", + " 1.0555438 1.0622042 1.0719485 1.0792212]]\n", + "[[1.1751896 1.1705995 1.1805917 1.1887627 1.1763378 1.141971 1.1076262\n", + " 1.0853004 1.0758611 1.0746791 1.0759778 1.0710975 1.0617532 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1690731 1.1683637 1.1804985 1.1899197 1.17689 1.1442671 1.1099888\n", + " 1.0863379 1.0741662 1.0697303 1.0680013 1.0619545 1.052715 1.0452757\n", + " 1.0417633 1.0435001 1.0487055 1.0536326 1.0560412 1.0573318 1.0588236]\n", + " [1.1701403 1.1680392 1.1789925 1.1872569 1.175036 1.1415398 1.1067979\n", + " 1.08365 1.0724475 1.0697194 1.0685995 1.0637233 1.0541848 1.0467901\n", + " 1.0432143 1.0447459 1.0499041 1.0547596 1.0571821 0. 0. ]\n", + " [1.2053952 1.1990082 1.2095817 1.2177993 1.2019238 1.1635727 1.1249632\n", + " 1.0995779 1.0890545 1.0882161 1.0887153 1.083097 1.0721164 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1711776 1.1669388 1.178161 1.187985 1.1764147 1.142701 1.1078283\n", + " 1.0848137 1.074425 1.0724047 1.0728247 1.0683722 1.0593758 1.0507627\n", + " 1.046943 1.048747 0. 0. 0. 0. 0. ]]\n", + "[[1.1735337 1.1689149 1.1796674 1.1881508 1.1757971 1.1413587 1.1056204\n", + " 1.083579 1.0737717 1.0721381 1.0727404 1.0679243 1.0590793 1.0504107\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1771542 1.1738095 1.1843598 1.1924804 1.1793708 1.1447059 1.1090559\n", + " 1.0864791 1.0767066 1.0755765 1.0766954 1.0715474 1.0615752 1.0521718\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1795691 1.177551 1.1883807 1.1969465 1.1822457 1.1475112 1.112095\n", + " 1.0886344 1.0773144 1.0741106 1.0724239 1.0668336 1.0576911 1.0488365\n", + " 1.0452949 1.0470849 1.0521048 1.0576105 1.0600511]\n", + " [1.1846048 1.1784997 1.1880907 1.1975092 1.1846422 1.1500021 1.1143209\n", + " 1.0909446 1.079875 1.0787069 1.0791688 1.0738437 1.0641061 1.0549569\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1518366 1.1480215 1.1575621 1.1658002 1.1547313 1.1250535 1.0942948\n", + " 1.0738412 1.0641103 1.0617042 1.0606757 1.0558873 1.0480806 1.0408401\n", + " 1.037845 1.0396112 1.0442909 1.0489486 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1684722 1.1636952 1.1737446 1.1829423 1.1707759 1.1381141 1.1042506\n", + " 1.0817552 1.0716267 1.0704012 1.0709817 1.0670526 1.0582712 1.0499907\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1667342 1.164063 1.1752231 1.1851248 1.1729947 1.1389604 1.1048776\n", + " 1.0818305 1.0701067 1.0662102 1.0645514 1.0589107 1.0507411 1.0436498\n", + " 1.0410101 1.042621 1.0477667 1.0524591 1.0548115 1.0559243 1.057147 ]\n", + " [1.155907 1.1510427 1.1593354 1.1660085 1.1548855 1.1252656 1.0944517\n", + " 1.0746183 1.0647721 1.062274 1.0622854 1.057794 1.049984 1.0427777\n", + " 1.039517 1.0412315 1.0464526 0. 0. 0. 0. ]\n", + " [1.1861415 1.1821902 1.1921611 1.2012432 1.1881173 1.1530526 1.1166825\n", + " 1.0927528 1.0810213 1.0785875 1.077612 1.0718347 1.0620853 1.0528352\n", + " 1.0487229 1.0507157 1.0566335 1.0621802 0. 0. 0. ]\n", + " [1.1547086 1.1514633 1.1611251 1.1691562 1.1593394 1.1287247 1.0966794\n", + " 1.075936 1.066076 1.0634693 1.063165 1.0586227 1.0502526 1.0430015\n", + " 1.0392541 1.0406783 1.0451345 1.0500864 0. 0. 0. ]]\n", + "[[1.1774447 1.1727731 1.1827353 1.1903571 1.1799569 1.1466634 1.1118594\n", + " 1.0893128 1.0788033 1.0776453 1.0771326 1.0724205 1.0621278 1.0526857\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1724861 1.1677314 1.1783404 1.187303 1.1764755 1.1423073 1.1069236\n", + " 1.0840936 1.0735136 1.0719537 1.0722795 1.0680368 1.0589097 1.0501742\n", + " 1.0460544 1.0478712 0. 0. 0. 0. 0. ]\n", + " [1.1898029 1.1843723 1.193109 1.2015607 1.1887615 1.1542573 1.1191441\n", + " 1.0954489 1.0844816 1.0822345 1.0814806 1.0750197 1.0649571 1.0556928\n", + " 1.0517099 1.0547006 0. 0. 0. 0. 0. ]\n", + " [1.1562111 1.1530688 1.1634146 1.1726092 1.1616309 1.1308419 1.0992261\n", + " 1.0778433 1.0668993 1.0634362 1.0620979 1.0566882 1.0483016 1.0411023\n", + " 1.0382107 1.0397222 1.0441989 1.0489881 1.0510676 1.051651 1.0529019]\n", + " [1.1729641 1.1682739 1.178987 1.189644 1.1782423 1.1449983 1.1097604\n", + " 1.085885 1.0742422 1.0711142 1.0704411 1.0655597 1.0563987 1.048308\n", + " 1.044379 1.0463427 1.051869 1.0576699 0. 0. 0. ]]\n", + "[[1.1769295 1.1735047 1.1846353 1.1933258 1.1793987 1.1440187 1.1084534\n", + " 1.0851717 1.0743682 1.0718362 1.0707703 1.065449 1.0562423 1.0481086\n", + " 1.0444968 1.046544 1.0525469 1.0582476 0. 0. 0.\n", + " 0. ]\n", + " [1.1515759 1.1481764 1.1578691 1.1663122 1.15504 1.1257845 1.0949274\n", + " 1.0746334 1.064975 1.0623721 1.0614086 1.0565319 1.0482602 1.041485\n", + " 1.0384886 1.0394993 1.0438938 1.0483199 1.0506896 0. 0.\n", + " 0. ]\n", + " [1.1837672 1.180619 1.1919168 1.200963 1.18872 1.1539367 1.1163276\n", + " 1.091407 1.0784729 1.0734718 1.071702 1.0655378 1.0557294 1.0483583\n", + " 1.0453871 1.0477412 1.0533339 1.0584481 1.0605577 1.0617808 1.0641986\n", + " 1.068511 ]\n", + " [1.1552486 1.1515701 1.1599056 1.1676749 1.1571995 1.1275983 1.0959843\n", + " 1.0755194 1.0665826 1.0647101 1.0642443 1.0600381 1.051638 1.0439924\n", + " 1.040812 1.0420426 1.0470089 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1792974 1.1736774 1.1835678 1.1916351 1.1792253 1.1449107 1.1097612\n", + " 1.0867659 1.0775608 1.0767794 1.0770831 1.0720993 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.2020551 1.1961409 1.204872 1.213025 1.2003767 1.1630108 1.1237166\n", + " 1.0975642 1.0857365 1.0842067 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1632588 1.1586853 1.167068 1.1740916 1.1627485 1.1322224 1.1003835\n", + " 1.0788248 1.0678561 1.0641725 1.0623565 1.0579567 1.0500517 1.0436646\n", + " 1.0402052 1.0418911 1.0464032 1.0510892 1.0539136 1.0551922 0. ]\n", + " [1.1787479 1.1736805 1.1830277 1.1920301 1.1794385 1.1466703 1.1122215\n", + " 1.089341 1.0780922 1.0752265 1.0755593 1.070594 1.0614151 1.0526983\n", + " 1.0487646 1.050932 0. 0. 0. 0. 0. ]\n", + " [1.1581855 1.1572287 1.1681958 1.1775457 1.1657982 1.1339278 1.1014785\n", + " 1.0797383 1.0688945 1.0649614 1.063441 1.0576228 1.048488 1.0417639\n", + " 1.0386188 1.0407338 1.04549 1.0499237 1.0520225 1.0528532 1.0541481]\n", + " [1.1777829 1.1714132 1.1812948 1.1897072 1.1784728 1.145224 1.1102239\n", + " 1.0874804 1.0771936 1.0757254 1.076134 1.0718995 1.0621835 1.053454\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1647843 1.16249 1.172809 1.179467 1.166651 1.1350682 1.1035113\n", + " 1.0820235 1.071124 1.0677118 1.0655473 1.0597458 1.0506731 1.0435022\n", + " 1.0404369 1.0418923 1.0460299 1.0505534 1.0526224 1.05375 1.055812\n", + " 0. ]\n", + " [1.1773471 1.172372 1.1822817 1.1906959 1.1784519 1.1447693 1.110375\n", + " 1.086826 1.0767006 1.0747498 1.0741092 1.069457 1.0595969 1.0505806\n", + " 1.0464091 1.0482439 1.0539019 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.168058 1.1639767 1.1730896 1.1813316 1.1688131 1.1370238 1.1045237\n", + " 1.0825694 1.0717397 1.0691731 1.0680914 1.0637277 1.0550262 1.0471606\n", + " 1.0442382 1.0463886 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1841788 1.1802061 1.1897968 1.1969035 1.1843649 1.1501235 1.114117\n", + " 1.089077 1.0772285 1.0733676 1.0716419 1.066682 1.0580715 1.0501795\n", + " 1.0462842 1.0481728 1.0535171 1.0582144 1.060777 1.0618 0.\n", + " 0. ]\n", + " [1.16192 1.159022 1.1695391 1.1777244 1.1658467 1.133026 1.1004423\n", + " 1.0786428 1.0678566 1.0637834 1.0623643 1.0572515 1.0490497 1.0425856\n", + " 1.0396699 1.0413573 1.0458426 1.0506773 1.0533334 1.0542128 1.0556577\n", + " 1.0594873]]\n", + "[[1.1638027 1.1605337 1.1708884 1.1805905 1.1680908 1.136028 1.1020759\n", + " 1.0797029 1.0694803 1.0676631 1.068016 1.063191 1.0542176 1.0464066\n", + " 1.0424601 1.0443279 0. 0. 0. 0. ]\n", + " [1.1650356 1.1614034 1.1721594 1.1812075 1.1700197 1.1379095 1.1038942\n", + " 1.082054 1.0713999 1.0701404 1.0707097 1.0658855 1.0563571 1.0479099\n", + " 1.0439544 1.0457075 0. 0. 0. 0. ]\n", + " [1.164712 1.161209 1.1712755 1.1802646 1.1680708 1.1363164 1.1033535\n", + " 1.0814905 1.0707484 1.0675334 1.065581 1.0596415 1.0508548 1.0433472\n", + " 1.0401468 1.0420344 1.0468109 1.0515306 1.0534296 1.0540619]\n", + " [1.1796544 1.1761651 1.1873958 1.1957308 1.1826122 1.1471642 1.1110882\n", + " 1.0878732 1.0771307 1.074904 1.0739663 1.0684153 1.058669 1.0498298\n", + " 1.0465682 1.048383 1.0538118 1.058959 0. 0. ]\n", + " [1.1901524 1.1863961 1.1965947 1.2044743 1.1890212 1.152518 1.1160288\n", + " 1.0922796 1.0815456 1.08063 1.0814183 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.180502 1.1767149 1.1879356 1.1968982 1.1830478 1.1483343 1.11184\n", + " 1.0884428 1.078018 1.0760871 1.0768911 1.0716755 1.0624331 1.0532728\n", + " 1.0490214 0. 0. 0. ]\n", + " [1.1783403 1.174787 1.1850697 1.1929325 1.1803222 1.1457868 1.1104665\n", + " 1.0873739 1.0762947 1.073196 1.0717243 1.0665239 1.0572608 1.0489825\n", + " 1.0456634 1.0481774 1.0540946 0. ]\n", + " [1.1948011 1.1906855 1.2009217 1.2100705 1.1966219 1.1602024 1.1223166\n", + " 1.0964215 1.0838588 1.0801755 1.0784534 1.0730989 1.0632993 1.0546284\n", + " 1.0508534 1.053181 1.0592191 1.0650387]\n", + " [1.172095 1.167215 1.1782763 1.1873038 1.1766589 1.1438363 1.1095445\n", + " 1.08675 1.076901 1.075575 1.0760436 1.0710721 1.0613011 1.0519772\n", + " 0. 0. 0. 0. ]\n", + " [1.1499283 1.1459075 1.1542317 1.162995 1.1526852 1.123881 1.0938361\n", + " 1.0731983 1.0630547 1.0602641 1.0598053 1.0561194 1.0487701 1.0419514\n", + " 1.0385214 1.0397353 1.0442759 1.0489686]]\n", + "[[1.1997273 1.1943663 1.2045135 1.2125114 1.1998837 1.1632609 1.1253523\n", + " 1.1000026 1.088286 1.0863657 1.086022 1.0802436 1.0692135 1.0589052\n", + " 1.0548352 0. ]\n", + " [1.1856776 1.1806976 1.1909562 1.1987207 1.1862285 1.1509458 1.1154033\n", + " 1.0913842 1.0802263 1.077736 1.0771747 1.0717424 1.0620372 1.0537541\n", + " 1.0495851 1.0519834]\n", + " [1.1840564 1.1786587 1.1883324 1.1961864 1.182976 1.1489921 1.1140145\n", + " 1.090504 1.0795617 1.0786127 1.0776783 1.0725853 0. 0.\n", + " 0. 0. ]\n", + " [1.1641785 1.1593275 1.166692 1.1723821 1.1617359 1.1309295 1.0995154\n", + " 1.0777009 1.0678369 1.0659882 1.0664824 1.06248 1.054493 1.0466512\n", + " 1.0428779 1.044537 ]\n", + " [1.1651515 1.1610703 1.1697289 1.1781538 1.1667407 1.1337531 1.1013532\n", + " 1.0801262 1.07046 1.0683124 1.0676769 1.0636255 1.054564 1.0466139\n", + " 1.043037 0. ]]\n", + "[[1.1841466 1.180398 1.1906133 1.1993636 1.1865786 1.1520346 1.1164697\n", + " 1.0921423 1.0803785 1.0763535 1.0738249 1.0672872 1.0576307 1.0494972\n", + " 1.0459939 1.0481963 1.0538151 1.0587902 1.0611823 1.0620235 1.06367 ]\n", + " [1.1715578 1.1647363 1.1742557 1.1827857 1.1713258 1.1396291 1.1066346\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1545477 1.1519773 1.1619976 1.1699286 1.1588284 1.1270472 1.0955294\n", + " 1.0746583 1.0649189 1.0625324 1.0619481 1.0582262 1.0505735 1.0430839\n", + " 1.0399951 1.041504 1.046395 0. 0. 0. 0. ]\n", + " [1.1821343 1.1782852 1.1877484 1.1951497 1.1832595 1.1487523 1.1135356\n", + " 1.0894884 1.0777986 1.0744331 1.0721827 1.0672631 1.0582006 1.0499854\n", + " 1.0462643 1.0485817 1.0536113 1.0589393 1.0613738 0. 0. ]\n", + " [1.1510785 1.1471263 1.154878 1.1627896 1.1519899 1.1241207 1.0942643\n", + " 1.0738571 1.0643619 1.0622721 1.0624481 1.0584185 1.0510478 1.0435399\n", + " 1.0400095 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1619303 1.1586668 1.1682863 1.1774414 1.165977 1.1340988 1.1007458\n", + " 1.0793716 1.0693963 1.0675886 1.0674522 1.0631171 1.054354 1.0462205\n", + " 1.0425042 1.0443546 0. 0. ]\n", + " [1.1680046 1.1662053 1.1766016 1.1852316 1.1725487 1.1373193 1.1039232\n", + " 1.0817903 1.0711737 1.0693307 1.0685759 1.0637494 1.0540559 1.0462991\n", + " 1.043104 1.044758 1.0497775 1.0546778]\n", + " [1.177521 1.1721162 1.1824703 1.1918277 1.1802087 1.1468865 1.1116241\n", + " 1.0879462 1.077518 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1656853 1.162224 1.1713576 1.1788653 1.1659036 1.13321 1.1011586\n", + " 1.0800476 1.0698333 1.0676432 1.0667965 1.0616237 1.0532935 1.0450642\n", + " 1.0420513 1.0439364 1.0490211 1.0539904]\n", + " [1.1937675 1.1858606 1.195078 1.2042779 1.1923975 1.1575638 1.1203127\n", + " 1.0953542 1.0842793 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1763275 1.1738199 1.1844168 1.192832 1.1814959 1.1484073 1.1137402\n", + " 1.0907332 1.0786762 1.0740618 1.0716081 1.065134 1.0551512 1.047458\n", + " 1.0441095 1.0460755 1.0517571 1.0566316 1.0584611 1.0592384 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1648796 1.1629229 1.1740137 1.1829214 1.1703074 1.1362944 1.1027296\n", + " 1.0803459 1.0689895 1.0666856 1.0653074 1.0597785 1.0517546 1.0446521\n", + " 1.0410093 1.042933 1.0473676 1.0522718 1.0546474 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1801546 1.1755054 1.1857271 1.1937869 1.179358 1.1433771 1.1073947\n", + " 1.0843257 1.0748764 1.0739913 1.0746382 1.0700374 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1670789 1.1618685 1.1714801 1.1801897 1.1696601 1.1374334 1.1039209\n", + " 1.0814698 1.071407 1.0697038 1.0699469 1.0656929 1.0573456 1.0488095\n", + " 1.0448763 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1647762 1.1621064 1.1731131 1.1836553 1.1737412 1.1417795 1.1074747\n", + " 1.084573 1.0731345 1.0692486 1.06691 1.0605483 1.0514177 1.043534\n", + " 1.0405188 1.0425265 1.0479772 1.053012 1.0553424 1.055628 1.0561961\n", + " 1.0595332 1.0666307 1.0765221 1.0848107 1.089431 ]]\n", + "[[1.1713715 1.1682702 1.1795796 1.1893766 1.1773523 1.1430477 1.1078796\n", + " 1.0844018 1.0730014 1.069504 1.0681528 1.0622553 1.0530101 1.0454997\n", + " 1.0424651 1.044343 1.0496341 1.0546887 1.0570974 1.0581634]\n", + " [1.184626 1.1815639 1.1914227 1.1997279 1.1858729 1.1507802 1.1147655\n", + " 1.0896403 1.078157 1.0737009 1.0716943 1.0658697 1.057267 1.0497079\n", + " 1.0459012 1.0477923 1.0532154 1.058422 1.0607748 1.0622636]\n", + " [1.1940666 1.1893165 1.1993431 1.2065595 1.1941731 1.157591 1.1198573\n", + " 1.0942986 1.0824438 1.0793551 1.0792865 1.0742722 1.0650272 1.0560511\n", + " 1.0517801 1.0539912 1.0597987 0. 0. 0. ]\n", + " [1.1658754 1.1630647 1.1737142 1.182152 1.1714936 1.1384051 1.1038787\n", + " 1.0808085 1.0703372 1.0684335 1.0687762 1.0642797 1.0553168 1.0472852\n", + " 1.0434587 1.0452412 0. 0. 0. 0. ]\n", + " [1.1640295 1.1598685 1.170181 1.179002 1.1681117 1.1360252 1.1033477\n", + " 1.0816628 1.0699859 1.0667179 1.0648477 1.0591356 1.0509119 1.0434282\n", + " 1.0404527 1.0424805 1.0472399 1.0523502 1.054541 1.0551418]]\n", + "[[1.1910907 1.1876605 1.199295 1.208075 1.1928456 1.154897 1.1174033\n", + " 1.0927398 1.0828156 1.0817734 1.0826682 1.0776209 1.0671023 1.0572776\n", + " 0. 0. 0. ]\n", + " [1.187337 1.1836276 1.1942273 1.2032038 1.1906229 1.1548023 1.1180114\n", + " 1.0935713 1.0822947 1.0802212 1.0797392 1.074124 1.0641521 1.0546626\n", + " 1.0503448 1.0525813 1.0587244]\n", + " [1.1701188 1.1657004 1.1766483 1.1860591 1.1756954 1.143055 1.1084809\n", + " 1.0851318 1.0741093 1.0714953 1.0715517 1.0665349 1.0572504 1.0491166\n", + " 1.0452226 1.047231 0. ]\n", + " [1.1827754 1.176666 1.1870136 1.1959565 1.1839879 1.1488138 1.1136851\n", + " 1.090331 1.0807668 1.0804545 1.0811735 1.0757378 1.0650432 0.\n", + " 0. 0. 0. ]\n", + " [1.178215 1.1729437 1.1815292 1.1886001 1.1769037 1.1447189 1.1107048\n", + " 1.0876629 1.0762649 1.0735492 1.0723189 1.0680552 1.0590426 1.0510372\n", + " 1.0474598 1.0499232 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1810406 1.177908 1.1883436 1.1969627 1.186794 1.1533722 1.1180589\n", + " 1.0941105 1.0811557 1.0762575 1.0731146 1.0664035 1.0572037 1.0492197\n", + " 1.0456377 1.0480264 1.0536251 1.058288 1.0609897 1.0620426 1.0633153\n", + " 1.0672512 1.0748236]\n", + " [1.1812544 1.1766912 1.1859571 1.1939402 1.1807408 1.1477153 1.1136479\n", + " 1.0903159 1.0780686 1.0745506 1.0723898 1.0663743 1.056555 1.048268\n", + " 1.0447896 1.0470614 1.052674 1.0579572 1.0605211 0. 0.\n", + " 0. 0. ]\n", + " [1.1716366 1.1706687 1.1830138 1.1928257 1.1808524 1.1464505 1.1105816\n", + " 1.086729 1.0750768 1.0716668 1.0697497 1.0636551 1.0538185 1.0461684\n", + " 1.0426303 1.0445668 1.0494074 1.0547224 1.0573902 1.0583144 1.060391\n", + " 0. 0. ]\n", + " [1.1845275 1.1809962 1.1908598 1.199967 1.1860622 1.1513948 1.1159481\n", + " 1.0915433 1.0792414 1.0746212 1.0727216 1.0663943 1.0566177 1.0487727\n", + " 1.0452633 1.0475644 1.0527923 1.0585122 1.0613152 1.0620556 1.0639892\n", + " 0. 0. ]\n", + " [1.1631179 1.1598364 1.1702317 1.1788052 1.1670635 1.135007 1.1020428\n", + " 1.0802947 1.0697912 1.0665596 1.0651257 1.0593536 1.0502977 1.0429846\n", + " 1.0393852 1.0412438 1.0464131 1.051231 1.053678 1.0548135 0.\n", + " 0. 0. ]]\n", + "[[1.1699471 1.1674232 1.177249 1.1870098 1.1769332 1.1442136 1.1099507\n", + " 1.087522 1.0757163 1.0715201 1.0693302 1.0630019 1.0540211 1.0464373\n", + " 1.0430589 1.045221 1.0507077 1.0548872 1.0574157 1.0579672 1.0590223\n", + " 1.062368 1.0697721]\n", + " [1.1900685 1.1872239 1.1972885 1.2059281 1.1926862 1.1589909 1.1223124\n", + " 1.096908 1.0831316 1.0782942 1.0756932 1.0691985 1.05894 1.0507269\n", + " 1.0476638 1.0496216 1.0547715 1.0604088 1.062933 1.0644797 1.0662714\n", + " 1.070351 0. ]\n", + " [1.1800658 1.1769757 1.1884826 1.1981273 1.1854799 1.1515199 1.1159952\n", + " 1.0916944 1.0787535 1.0749714 1.073117 1.066689 1.0576078 1.0492365\n", + " 1.0454341 1.0472116 1.052261 1.0572507 1.0593923 1.0605812 0.\n", + " 0. 0. ]\n", + " [1.1693789 1.1671146 1.1777407 1.1861371 1.173793 1.1400431 1.1062024\n", + " 1.0839478 1.0733302 1.0699736 1.0681633 1.0620735 1.0530537 1.0453247\n", + " 1.0419674 1.0438414 1.0487738 1.053354 1.055682 1.0570728 0.\n", + " 0. 0. ]\n", + " [1.1670916 1.1628776 1.1728767 1.1818539 1.1705633 1.1376739 1.1039528\n", + " 1.0814168 1.071527 1.0692263 1.0695868 1.0649468 1.0561655 1.0478879\n", + " 1.0442352 1.0459433 1.0516135 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1771202 1.1746236 1.1853378 1.1923218 1.1796718 1.1449217 1.1096828\n", + " 1.0874598 1.0766271 1.0739079 1.0741677 1.0686795 1.0592841 1.0505784\n", + " 1.0468048 1.0488272 1.0544194 0. 0. 0. ]\n", + " [1.1884584 1.1853919 1.195849 1.2034814 1.1900065 1.1527102 1.1145452\n", + " 1.0905272 1.0798802 1.0796151 1.0806475 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1728048 1.1702117 1.181079 1.1894794 1.1789457 1.1458985 1.1113861\n", + " 1.0878012 1.0759661 1.072771 1.070269 1.0644277 1.0556023 1.0473814\n", + " 1.0440472 1.0454367 1.0509952 1.0552818 1.0573796 1.0577207]\n", + " [1.1878353 1.1827078 1.1946161 1.2057675 1.192724 1.1563942 1.1187578\n", + " 1.0947567 1.0843945 1.0829148 1.0830736 1.0775448 1.0668977 1.056789\n", + " 1.0521457 1.0545719 0. 0. 0. 0. ]\n", + " [1.1803205 1.1752234 1.1839849 1.1908956 1.1781534 1.1460629 1.1128473\n", + " 1.0906715 1.079871 1.0772228 1.0764346 1.0704812 1.0616009 1.0526222\n", + " 1.0490122 1.0517274 0. 0. 0. 0. ]]\n", + "[[1.1570263 1.1522659 1.1614637 1.1700538 1.1598433 1.1299093 1.0980043\n", + " 1.0772763 1.0671825 1.0653952 1.065371 1.061256 1.0530962 1.0453869\n", + " 1.0417638 1.0431949 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1782985 1.1725802 1.1858084 1.1978477 1.1899612 1.1572515 1.1210718\n", + " 1.0956075 1.0822078 1.0778635 1.0754097 1.0684669 1.0585996 1.0499305\n", + " 1.0465825 1.0486778 1.0546708 1.0600725 1.0631287 1.0651894 1.0662262\n", + " 1.0695122 1.0768827 1.087677 1.0952783 1.1010773 1.1022278 1.0978954\n", + " 1.0898399 1.0788913]\n", + " [1.1570938 1.151156 1.1586992 1.1649454 1.154326 1.1243348 1.0943328\n", + " 1.0743675 1.0656372 1.0641427 1.0646482 1.0606812 1.0523779 1.0446839\n", + " 1.0412447 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1715574 1.1663725 1.1751796 1.1830009 1.172684 1.1403123 1.1070738\n", + " 1.0849295 1.0748421 1.0725572 1.0731881 1.0684756 1.0594454 1.0505502\n", + " 1.0465729 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1615961 1.1594052 1.1682777 1.1765528 1.1631529 1.1313977 1.0996438\n", + " 1.0787786 1.0687057 1.0660609 1.0649378 1.0602777 1.0520399 1.0445526\n", + " 1.0412853 1.0431988 1.0482931 1.0531709 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1560497 1.1539829 1.1650993 1.174518 1.1633964 1.1302114 1.0976845\n", + " 1.0761845 1.0665039 1.0637449 1.0630418 1.0580508 1.0490941 1.0413579\n", + " 1.0382595 1.0398997 1.044496 1.0494351 1.0517132]\n", + " [1.1862283 1.182333 1.1934701 1.202901 1.1895305 1.1548866 1.1183856\n", + " 1.0932662 1.0815089 1.0785449 1.0777268 1.0721639 1.0622299 1.0530707\n", + " 1.0488416 1.0506746 1.0561458 1.062067 0. ]\n", + " [1.1693403 1.1667582 1.1789391 1.1891471 1.1775107 1.1431614 1.1075227\n", + " 1.083471 1.0729052 1.07012 1.0689442 1.063228 1.0535948 1.0452176\n", + " 1.0416687 1.0431811 1.0483731 1.0537431 1.0566312]\n", + " [1.1686885 1.1641109 1.1725041 1.1806267 1.1682061 1.1362301 1.1037197\n", + " 1.0820343 1.0715353 1.0684793 1.0678614 1.0636965 1.0554686 1.0478123\n", + " 1.0442308 1.0462718 1.0514815 0. 0. ]\n", + " [1.1838756 1.1797037 1.1891346 1.195934 1.1853395 1.1508533 1.1153009\n", + " 1.0909184 1.0794395 1.0759091 1.0755607 1.0697229 1.0599508 1.0516738\n", + " 1.0479184 1.0502402 1.0563695 0. 0. ]]\n", + "[[1.1860862 1.1807277 1.1899984 1.1979873 1.1847241 1.150542 1.1146013\n", + " 1.0907917 1.0791982 1.0762163 1.0767977 1.0718623 1.0622017 1.0534519\n", + " 1.0495259 1.0519085 0. 0. ]\n", + " [1.1656504 1.1625267 1.173338 1.1824759 1.169911 1.1373737 1.1036808\n", + " 1.0815207 1.0707777 1.0688523 1.0679517 1.0629777 1.0543118 1.0461104\n", + " 1.0426102 1.044486 1.0494488 1.0544698]\n", + " [1.1674192 1.1624237 1.1720301 1.180921 1.1694354 1.137845 1.105231\n", + " 1.0835778 1.0728467 1.0710332 1.0707731 1.0659302 1.0574043 1.0488737\n", + " 1.0453196 0. 0. 0. ]\n", + " [1.181132 1.1765673 1.186003 1.1936646 1.1812968 1.1470822 1.1122408\n", + " 1.0892202 1.0776976 1.0753602 1.0741624 1.0684 1.0586302 1.0501873\n", + " 1.046873 1.0491152 1.0547113 1.0598817]\n", + " [1.1898972 1.1855582 1.1957995 1.2047185 1.1908357 1.1556485 1.11874\n", + " 1.094181 1.0833776 1.0813875 1.080766 1.0758421 1.065394 1.0559797\n", + " 1.0517595 0. 0. 0. ]]\n", + "[[1.1620895 1.1586368 1.1684091 1.1770082 1.1647692 1.1322246 1.1003313\n", + " 1.0794271 1.0696464 1.0681484 1.0676514 1.0623785 1.0537506 1.0458272\n", + " 1.0422227 1.0441444 0. 0. 0. 0. ]\n", + " [1.179052 1.1761754 1.1871473 1.1965711 1.1837455 1.1482215 1.1128856\n", + " 1.0895135 1.0787843 1.0765549 1.0753182 1.0701904 1.0603443 1.0512373\n", + " 1.0468739 1.0485566 1.0544745 1.0599155 0. 0. ]\n", + " [1.1834338 1.178585 1.1882712 1.1973866 1.183642 1.1491637 1.1142353\n", + " 1.0909064 1.0798609 1.0784361 1.0786382 1.0738899 1.0646564 1.0554338\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1662977 1.165205 1.1774154 1.186876 1.1735262 1.1406019 1.1062225\n", + " 1.0834435 1.0724998 1.0687866 1.0672126 1.0612857 1.0522841 1.0451236\n", + " 1.0414835 1.0434321 1.0480237 1.052997 1.0556643 1.0565581]\n", + " [1.1757385 1.1738508 1.1844653 1.1918726 1.1789675 1.1439812 1.1080956\n", + " 1.0844972 1.0739464 1.0715878 1.0702422 1.0658324 1.0569252 1.0488569\n", + " 1.0453753 1.0472374 1.0525701 1.0578374 0. 0. ]]\n", + "[[1.1752409 1.1694419 1.177961 1.185311 1.17342 1.1416758 1.1091678\n", + " 1.0873733 1.0766524 1.0740565 1.073128 1.0677531 1.0583149 1.0502857\n", + " 1.0466253 1.0494115 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.163586 1.1603925 1.1710662 1.181564 1.1706944 1.1399994 1.1073177\n", + " 1.0846035 1.0729492 1.068165 1.0663162 1.0600269 1.051341 1.0435137\n", + " 1.0406688 1.0426663 1.0476575 1.0521781 1.0546095 1.0553106 1.0560219\n", + " 1.058715 1.0655956 1.0751381]\n", + " [1.17013 1.1652942 1.1748562 1.1845356 1.1727204 1.1398399 1.1059357\n", + " 1.083654 1.0734721 1.0723604 1.0728228 1.0683464 1.0588309 1.0501429\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1740189 1.1707941 1.1814488 1.19026 1.177229 1.1436734 1.109118\n", + " 1.0860837 1.0758914 1.0735806 1.0741056 1.0691919 1.0592575 1.0505605\n", + " 1.0465933 1.0483536 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2149853 1.2087194 1.2188884 1.2282559 1.2135739 1.1743851 1.1333777\n", + " 1.1058936 1.0939327 1.0926344 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1680903 1.1634531 1.1731054 1.1824074 1.1707032 1.1370339 1.1033139\n", + " 1.0810623 1.0712366 1.0701131 1.0706338 1.0667717 1.0584574 1.0500579\n", + " 1.0461552 0. 0. 0. 0. 0. 0. ]\n", + " [1.1881175 1.182926 1.1915616 1.1995138 1.1864895 1.1511284 1.1159593\n", + " 1.0922145 1.0824709 1.0808407 1.0816733 1.0768228 1.0659664 1.0565301\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1589411 1.1553923 1.163776 1.171039 1.1594098 1.1283443 1.0973108\n", + " 1.0769616 1.0662667 1.0626192 1.0609841 1.055749 1.0478083 1.0413505\n", + " 1.0381277 1.0396885 1.0441039 1.0486841 1.0514128 1.052756 0. ]\n", + " [1.1570767 1.1548724 1.1664737 1.1765187 1.1655664 1.1332991 1.0997424\n", + " 1.0778621 1.0670729 1.0639926 1.0625763 1.0572392 1.0486413 1.0417153\n", + " 1.0382111 1.0398118 1.0446544 1.0491087 1.0515364 1.0523974 1.053746 ]\n", + " [1.1507896 1.1461381 1.1531656 1.1602681 1.1495084 1.1205835 1.0911577\n", + " 1.0712678 1.0618075 1.0598017 1.0591276 1.0558959 1.0490946 1.042051\n", + " 1.0385545 1.040074 1.0448407 0. 0. 0. 0. ]]\n", + "[[1.154438 1.1517245 1.1607242 1.1686985 1.1582465 1.1287904 1.0987837\n", + " 1.0781592 1.0675101 1.0632432 1.0606912 1.054934 1.0472578 1.0406133\n", + " 1.0377791 1.0396305 1.043836 1.0481713 1.0503575 1.0517956 1.0538015]\n", + " [1.1597695 1.1541287 1.1621135 1.1699966 1.1590824 1.1291338 1.0976206\n", + " 1.0772038 1.0677284 1.0659266 1.0664904 1.062221 1.0543875 1.0465174\n", + " 1.042825 0. 0. 0. 0. 0. 0. ]\n", + " [1.1762443 1.1710238 1.1809163 1.1889874 1.178025 1.1455991 1.1104246\n", + " 1.0870935 1.0759119 1.0727304 1.0714028 1.0668505 1.0577142 1.0491226\n", + " 1.0457842 1.0478317 1.0537369 0. 0. 0. 0. ]\n", + " [1.1808033 1.1764175 1.1872398 1.1957632 1.1832831 1.1482958 1.1120802\n", + " 1.088256 1.0775383 1.0748361 1.0754118 1.0704256 1.0608963 1.0524095\n", + " 1.0485249 1.0505273 0. 0. 0. 0. 0. ]\n", + " [1.1897936 1.185358 1.1951207 1.2030878 1.1903241 1.1551543 1.118792\n", + " 1.0946906 1.082551 1.0789493 1.0775526 1.0721096 1.0622541 1.0529883\n", + " 1.0495406 1.0515786 1.0574223 1.0630167 0. 0. 0. ]]\n", + "[[1.1750414 1.1704795 1.1780232 1.1874487 1.174727 1.140191 1.1055635\n", + " 1.083595 1.0737201 1.0722299 1.0730573 1.0680586 1.0591235 1.0511023\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1806381 1.1745209 1.1837418 1.1944172 1.1821201 1.1474916 1.1118752\n", + " 1.0885078 1.0786386 1.0774531 1.078225 1.0730202 1.0629439 1.0532628\n", + " 1.0490181 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.168952 1.1673962 1.178739 1.1892512 1.1784644 1.1449244 1.1098939\n", + " 1.086546 1.074689 1.070545 1.0685563 1.0627856 1.0540993 1.0463934\n", + " 1.0433118 1.045256 1.0494368 1.054586 1.0576267 1.0586121 1.0604374\n", + " 1.0640291]\n", + " [1.1630561 1.160889 1.171021 1.1790891 1.1658516 1.133778 1.1015911\n", + " 1.0798166 1.0693898 1.0663548 1.0645521 1.0594208 1.0506523 1.0432299\n", + " 1.0402503 1.041916 1.046551 1.0514838 1.053726 1.0545561 0.\n", + " 0. ]\n", + " [1.1909168 1.1856748 1.1955467 1.2037668 1.1899619 1.1541429 1.1165469\n", + " 1.0916904 1.0815066 1.080309 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1787584 1.1741251 1.1817203 1.1887704 1.174145 1.1407573 1.1055782\n", + " 1.0833386 1.0725521 1.0697938 1.069995 1.0652175 1.056698 1.0489452\n", + " 1.0451466 1.0473814 1.0528637 0. ]\n", + " [1.1864293 1.1821411 1.1929113 1.2013959 1.1899219 1.1549752 1.118248\n", + " 1.0925298 1.081106 1.0778579 1.0769329 1.071487 1.0618415 1.0529448\n", + " 1.0495732 1.051384 1.0572863 1.0626305]\n", + " [1.184081 1.179488 1.1898144 1.1982601 1.1845717 1.1499186 1.1136752\n", + " 1.0889065 1.0776813 1.0749305 1.0741318 1.0691438 1.059917 1.0517665\n", + " 1.0482031 1.0504472 1.0558705 0. ]\n", + " [1.1781701 1.1748946 1.1855631 1.1931 1.1800277 1.1449422 1.1090946\n", + " 1.0863377 1.0761352 1.0740981 1.0744779 1.0697905 1.0603188 1.0517569\n", + " 1.0478638 1.0499598 0. 0. ]\n", + " [1.1630373 1.1606002 1.1710958 1.1799343 1.1669744 1.1347263 1.1016144\n", + " 1.0797085 1.0700184 1.0679895 1.0683757 1.064302 1.0556053 1.0476984\n", + " 1.0436932 1.0451565 0. 0. ]]\n", + "[[1.1748297 1.1719615 1.1827594 1.1917088 1.1797214 1.145226 1.1099831\n", + " 1.0869136 1.075631 1.0745909 1.0750004 1.0707028 1.0611756 1.0523926\n", + " 1.0482044 0. 0. 0. 0. 0. 0. ]\n", + " [1.1677378 1.1646148 1.1760472 1.1861107 1.174121 1.1406808 1.1061363\n", + " 1.0837584 1.072498 1.0687854 1.0671617 1.0613227 1.051907 1.0442234\n", + " 1.0405802 1.042401 1.0475256 1.0527445 1.0552969 1.0563936 0. ]\n", + " [1.1788516 1.1740996 1.1837168 1.191666 1.1797988 1.1452172 1.1088564\n", + " 1.0859445 1.075253 1.072855 1.0732728 1.0687108 1.059894 1.0521998\n", + " 1.0481387 1.0503019 0. 0. 0. 0. 0. ]\n", + " [1.1715239 1.1693399 1.1811221 1.1918181 1.1789813 1.1452973 1.1100574\n", + " 1.086048 1.0735091 1.0699682 1.0679909 1.0621449 1.0536875 1.0459533\n", + " 1.0428896 1.0443181 1.0496179 1.0542951 1.0566484 1.0570527 1.058482 ]\n", + " [1.1944512 1.1896431 1.2012526 1.2124416 1.1988832 1.1608727 1.1232498\n", + " 1.0972662 1.0867354 1.0856425 1.0863243 1.0804266 1.0692301 1.0588899\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2077792 1.2021036 1.213538 1.2218331 1.2068647 1.1690211 1.1302103\n", + " 1.1044198 1.093223 1.0912449 1.0919179 1.0858729 1.0739887 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.182266 1.1787449 1.1892573 1.1977843 1.1844554 1.1506798 1.1156723\n", + " 1.0916805 1.0793517 1.0753002 1.072851 1.0660998 1.056837 1.0485774\n", + " 1.0453026 1.047175 1.0530368 1.0581043 1.0604011 1.0611795]\n", + " [1.1562996 1.1527537 1.1629616 1.1716186 1.1617548 1.1304417 1.0976915\n", + " 1.0766 1.0661299 1.0639428 1.0635033 1.0591673 1.0516105 1.043979\n", + " 1.0407369 1.0423203 0. 0. 0. 0. ]\n", + " [1.1932427 1.189633 1.1998518 1.207689 1.1957842 1.1600715 1.1236492\n", + " 1.0991255 1.0860306 1.0821049 1.0796634 1.0726776 1.0625049 1.0538892\n", + " 1.0500964 1.052618 1.058825 1.0643244 1.0664191 0. ]\n", + " [1.1607573 1.154921 1.1622591 1.1700151 1.1589108 1.1293919 1.0980524\n", + " 1.0769962 1.0672619 1.0646286 1.0648079 1.0604393 1.0526084 1.0451622\n", + " 1.0420085 1.0438344 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1713165 1.1692293 1.1802585 1.1893575 1.1772546 1.1443257 1.1098378\n", + " 1.0867283 1.0750443 1.0712398 1.0687859 1.0630579 1.0535668 1.045864\n", + " 1.0423677 1.0438648 1.0490011 1.0538702 1.0565706 1.0574633]\n", + " [1.1731493 1.1691718 1.1799988 1.188968 1.1772196 1.1433574 1.1082532\n", + " 1.0853443 1.0741726 1.0711069 1.0700563 1.0656984 1.0567479 1.0489624\n", + " 1.0451388 1.046705 1.0518713 1.0569416 0. 0. ]\n", + " [1.1909406 1.1875477 1.1982882 1.2075104 1.1937894 1.1592023 1.1221297\n", + " 1.0968417 1.0835475 1.0792197 1.076921 1.069818 1.0605196 1.0521082\n", + " 1.0482394 1.0504242 1.0560168 1.061347 1.0639236 1.0650604]\n", + " [1.1593611 1.1573311 1.1679827 1.1768728 1.1653862 1.1336589 1.1009004\n", + " 1.0789536 1.0676211 1.0647192 1.0633582 1.0579836 1.04951 1.0423505\n", + " 1.0387365 1.0404147 1.0453355 1.049881 1.0522063 1.0532887]\n", + " [1.1791422 1.1763453 1.1867183 1.1960832 1.1826499 1.1464136 1.111198\n", + " 1.0872673 1.0765342 1.0732136 1.0717925 1.0661526 1.0573487 1.049063\n", + " 1.0453292 1.047537 1.0527759 1.058352 0. 0. ]]\n", + "[[1.1841073 1.1808934 1.1933506 1.204014 1.1925151 1.1558446 1.1177773\n", + " 1.0919719 1.0792572 1.0762317 1.0751747 1.0700575 1.0605748 1.0519902\n", + " 1.0475346 1.0490488 1.0541869 1.0594432 1.0618105 0. ]\n", + " [1.1853635 1.1814524 1.1912037 1.1996665 1.186767 1.1524712 1.1171995\n", + " 1.0922548 1.0795708 1.0759014 1.0734882 1.0677094 1.0586593 1.0503145\n", + " 1.0469317 1.0488353 1.0543247 1.059177 1.0615593 1.0628335]\n", + " [1.188105 1.1830755 1.1937097 1.2033294 1.1905999 1.1545624 1.1175797\n", + " 1.0933669 1.0824152 1.0811512 1.081622 1.0762297 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1516552 1.1474651 1.1559029 1.1640115 1.152917 1.1237298 1.0935441\n", + " 1.0726237 1.0634977 1.0617176 1.0622363 1.0582523 1.0509166 1.0438627\n", + " 1.0402741 0. 0. 0. 0. 0. ]\n", + " [1.1700115 1.1669667 1.1774294 1.1865767 1.1755639 1.1422545 1.1074301\n", + " 1.0840309 1.0718919 1.0683955 1.0668011 1.0614319 1.053532 1.0459366\n", + " 1.0424687 1.0437441 1.048454 1.053137 1.0553758 1.0561523]]\n", + "[[1.1834245 1.1796005 1.1905777 1.1998585 1.1861193 1.1506232 1.1143186\n", + " 1.0896541 1.0784266 1.0752693 1.0734218 1.0679436 1.0581332 1.0497895\n", + " 1.0461011 1.0483636 1.0536367 1.0589093 1.061403 1.0620546 0.\n", + " 0. ]\n", + " [1.1774 1.1743318 1.1847668 1.1925328 1.1815295 1.1485745 1.1145899\n", + " 1.0918535 1.0785984 1.074045 1.0712398 1.0636879 1.0549026 1.0470647\n", + " 1.0441208 1.0467683 1.0519209 1.0569248 1.0596033 1.0601442 1.0614212\n", + " 1.064769 ]\n", + " [1.2015122 1.1959207 1.2046618 1.2126589 1.1989924 1.1618387 1.124041\n", + " 1.099649 1.0886453 1.086899 1.0858991 1.0806662 1.07005 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1755493 1.1701843 1.1793312 1.1863828 1.1719301 1.1391865 1.1062887\n", + " 1.085 1.0753376 1.0742291 1.0741313 1.0687867 1.0595826 1.0511435\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1790632 1.1744506 1.184363 1.19326 1.1814826 1.1476336 1.1129568\n", + " 1.0896885 1.079025 1.0770174 1.0766149 1.0709504 1.0610695 1.0522481\n", + " 1.0485957 1.0507208 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1797235 1.1737067 1.1834582 1.1919054 1.181074 1.1476895 1.1132606\n", + " 1.0902989 1.0800002 1.078274 1.077979 1.0721462 1.0620836 1.0523193\n", + " 1.0480548 0. 0. 0. 0. 0. ]\n", + " [1.1542062 1.1529624 1.1641642 1.1719406 1.1609576 1.1296693 1.0970834\n", + " 1.0757813 1.06519 1.0615393 1.0606676 1.0558925 1.0478132 1.0412184\n", + " 1.0375735 1.0390042 1.0434018 1.0477397 1.0504587 1.0521247]\n", + " [1.1790277 1.1752921 1.1856536 1.1939933 1.1812224 1.145645 1.1099552\n", + " 1.0863824 1.0754938 1.0728656 1.0720221 1.0663203 1.0569607 1.0481251\n", + " 1.0444235 1.0465766 1.0518501 1.056843 1.0590494 0. ]\n", + " [1.1839808 1.1795185 1.1897935 1.1989897 1.1855571 1.1517459 1.1161155\n", + " 1.0923959 1.0813332 1.0785645 1.0776949 1.0720662 1.062019 1.053114\n", + " 1.0488176 1.0512421 1.0571077 0. 0. 0. ]\n", + " [1.1639304 1.1614432 1.1726075 1.1807592 1.1685997 1.1354994 1.1014298\n", + " 1.0794754 1.0683419 1.0656441 1.0646204 1.0594833 1.0505615 1.043378\n", + " 1.0401833 1.0419801 1.0467968 1.0514469 1.0539402 1.0551734]]\n", + "[[1.1727378 1.169533 1.1800991 1.189942 1.1766808 1.1430598 1.1083236\n", + " 1.084883 1.0737876 1.0707428 1.0706097 1.0658318 1.0571539 1.049035\n", + " 1.0450801 1.0470296 1.0522673 1.0579715]\n", + " [1.1634678 1.1610323 1.1715136 1.1809187 1.1685598 1.1356323 1.102212\n", + " 1.0800362 1.0695915 1.0670832 1.0665013 1.0613799 1.0529547 1.0449353\n", + " 1.0412706 1.0431832 1.04813 1.0533631]\n", + " [1.2072827 1.2015212 1.2119781 1.2188761 1.2066056 1.1695029 1.1285051\n", + " 1.1019233 1.0893844 1.0887263 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1879667 1.1824471 1.1927966 1.202481 1.1868916 1.1511644 1.1146748\n", + " 1.0914794 1.0808766 1.0800264 1.0800834 1.0744151 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1663667 1.1619979 1.1726587 1.1813393 1.1709658 1.1377034 1.1040642\n", + " 1.0824207 1.0723476 1.0706974 1.070759 1.0657579 1.0564954 1.0476501\n", + " 1.0439845 1.0460544 0. 0. ]]\n", + "[[1.1551384 1.1511145 1.1593671 1.1663759 1.1544021 1.1242517 1.094045\n", + " 1.0740392 1.0652088 1.0639248 1.0642772 1.0603588 1.052108 1.0444131\n", + " 1.0409985 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1554646 1.1539075 1.1648898 1.174003 1.1620071 1.1309131 1.098907\n", + " 1.0782456 1.0678546 1.0644064 1.0622561 1.0561386 1.0472308 1.0400848\n", + " 1.0374055 1.0393331 1.0437121 1.0482421 1.0505522 1.0511699 1.0525928\n", + " 0. 0. ]\n", + " [1.1859958 1.1802821 1.1895798 1.1971755 1.1835926 1.1468213 1.1109693\n", + " 1.0877334 1.0780662 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1809888 1.1764431 1.185189 1.1937854 1.1813488 1.1473644 1.112481\n", + " 1.0900469 1.0792596 1.0765429 1.0759716 1.070206 1.0605828 1.0523677\n", + " 1.048577 1.0512096 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1659933 1.1636107 1.1755136 1.1855699 1.174623 1.1420343 1.1073463\n", + " 1.084085 1.0724275 1.0685428 1.0668173 1.0609883 1.0529164 1.0452259\n", + " 1.0417987 1.0437016 1.0481642 1.0530784 1.0557107 1.0567667 1.0582247\n", + " 1.0617522 1.0691661]]\n", + "[[1.1722454 1.1679089 1.1775992 1.185712 1.1741059 1.1405475 1.105324\n", + " 1.0829275 1.0729924 1.071557 1.0718809 1.0671587 1.057883 1.0493075\n", + " 1.0453284 1.047137 ]\n", + " [1.1653275 1.1622124 1.1725684 1.1831291 1.1714776 1.140301 1.1054685\n", + " 1.0831406 1.0725716 1.0708215 1.0707848 1.0660859 1.0569992 1.048636\n", + " 1.0447148 1.0462972]\n", + " [1.1936232 1.1874843 1.197732 1.2062451 1.193863 1.1568061 1.1183771\n", + " 1.0932002 1.0814004 1.0779686 1.0786989 1.0739577 1.064715 1.0554059\n", + " 1.0516596 1.0540371]\n", + " [1.2125129 1.206721 1.2168791 1.2247903 1.2101955 1.1711984 1.1310084\n", + " 1.104042 1.0923969 1.0905253 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.187185 1.1818098 1.1899093 1.1987739 1.1869673 1.1537735 1.1189497\n", + " 1.095539 1.0839694 1.0824187 1.0823729 1.0768526 1.0672714 1.0576941\n", + " 0. 0. ]]\n", + "[[1.1847786 1.1765484 1.1858655 1.1946114 1.1820246 1.1489333 1.1127071\n", + " 1.0891345 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.179482 1.175387 1.1857967 1.1950067 1.1828941 1.1492966 1.1137358\n", + " 1.0900099 1.079327 1.0772157 1.0765119 1.0711896 1.0614995 1.052636\n", + " 1.0484315 1.0503337 0. ]\n", + " [1.1704463 1.1659735 1.1760144 1.1847283 1.1745676 1.1419127 1.1073686\n", + " 1.0858206 1.0752703 1.0736414 1.0733443 1.068882 1.0591199 1.0500846\n", + " 1.0460974 0. 0. ]\n", + " [1.1798431 1.1748235 1.1849566 1.1943563 1.183029 1.1482999 1.1121182\n", + " 1.0890669 1.0780541 1.0758018 1.0753051 1.0705727 1.0603217 1.0513357\n", + " 1.0470033 1.0488228 1.0544751]\n", + " [1.1697462 1.1654742 1.1759278 1.185991 1.17442 1.1420382 1.1079276\n", + " 1.08451 1.0731201 1.0710425 1.0706313 1.0658361 1.0562947 1.0480996\n", + " 1.0439923 1.0458995 1.0512924]]\n", + "[[1.1673378 1.1649468 1.176141 1.185282 1.1740462 1.1405582 1.1068884\n", + " 1.08463 1.0731847 1.0694138 1.0675735 1.0617065 1.0523326 1.0451462\n", + " 1.0418404 1.0437793 1.048621 1.0537002 1.0558867 1.0564287 1.0579932\n", + " 0. 0. 0. 0. ]\n", + " [1.168487 1.166094 1.177241 1.1856159 1.1734072 1.1394126 1.1051883\n", + " 1.0830495 1.0723143 1.0698733 1.0686879 1.0636504 1.054645 1.0464978\n", + " 1.0431837 1.0448138 1.0499103 1.0551014 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1606157 1.1565883 1.1652437 1.1728065 1.1608169 1.1283756 1.0975642\n", + " 1.0758017 1.0663025 1.0635759 1.0630815 1.0586336 1.0507467 1.0439923\n", + " 1.0402094 1.0422801 1.0465422 1.0513052 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1725249 1.1664786 1.1758565 1.1844835 1.1720779 1.139489 1.1059215\n", + " 1.0831547 1.0727682 1.0698185 1.0694177 1.0648766 1.056207 1.0484548\n", + " 1.04511 1.0474228 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1551988 1.1533471 1.1638165 1.172787 1.1628977 1.1313541 1.0986705\n", + " 1.0775298 1.0673949 1.0639354 1.0618856 1.0565045 1.047963 1.040908\n", + " 1.0380412 1.0397277 1.0442432 1.0489757 1.051677 1.0521204 1.0537137\n", + " 1.0570039 1.0636142 1.0734178 1.0810225]]\n", + "[[1.1674788 1.1634127 1.1731539 1.1818286 1.1695762 1.1377703 1.1046882\n", + " 1.0824926 1.0725673 1.0703888 1.0706906 1.0662376 1.0575539 1.0490209\n", + " 1.0448366 1.046581 0. 0. ]\n", + " [1.2011012 1.1930628 1.2013769 1.2101833 1.197115 1.1624377 1.1251211\n", + " 1.0999855 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1838748 1.1798915 1.1910205 1.199471 1.1868793 1.1520972 1.1150534\n", + " 1.0903012 1.078562 1.075313 1.0746703 1.0697356 1.0608195 1.0526531\n", + " 1.0488019 1.0506082 1.0557649 1.0604873]\n", + " [1.1647238 1.1616889 1.1716818 1.1785499 1.1672792 1.1338177 1.1004483\n", + " 1.0791553 1.0691398 1.0671182 1.0674088 1.0627022 1.0540229 1.0462388\n", + " 1.042959 1.0443531 1.0495462 0. ]\n", + " [1.17205 1.1683177 1.1783533 1.1881132 1.1764795 1.1436443 1.109244\n", + " 1.0858624 1.075414 1.0727745 1.0724771 1.0682573 1.0591991 1.0504776\n", + " 1.0467784 1.048683 0. 0. ]]\n", + "[[1.1605206 1.1563708 1.1652925 1.1728677 1.1605464 1.1295491 1.0981157\n", + " 1.0768424 1.0667362 1.0637269 1.0621846 1.0570835 1.0494492 1.0426022\n", + " 1.0390092 1.0406078 1.0452799 1.0497693 1.0524611 0. ]\n", + " [1.1659486 1.1623409 1.1739057 1.182927 1.1718234 1.1380223 1.1034691\n", + " 1.0809842 1.0705615 1.0692941 1.0695801 1.0648239 1.0566384 1.0482936\n", + " 1.044442 1.0462489 0. 0. 0. 0. ]\n", + " [1.1816255 1.1767737 1.186577 1.1960143 1.1840504 1.1488832 1.1135762\n", + " 1.0900439 1.0791332 1.0769213 1.0764194 1.0710326 1.0609713 1.0517523\n", + " 1.0475729 1.0495089 1.05546 0. 0. 0. ]\n", + " [1.1684873 1.1669226 1.1779776 1.1856847 1.1750615 1.1408345 1.1065974\n", + " 1.0843614 1.0723127 1.0692933 1.0676856 1.0618862 1.0531757 1.0453787\n", + " 1.0421584 1.0437114 1.0484675 1.0535074 1.0562783 1.0570219]\n", + " [1.1732509 1.1696577 1.1798332 1.1895443 1.1779361 1.1439754 1.109382\n", + " 1.0862794 1.0760353 1.073753 1.0733768 1.068932 1.059654 1.0508897\n", + " 1.0468491 1.0486301 0. 0. 0. 0. ]]\n", + "[[1.1785066 1.1739699 1.1846206 1.1951813 1.1829221 1.1478539 1.1119084\n", + " 1.0881302 1.0771207 1.0751051 1.0744231 1.0702214 1.0602973 1.051471\n", + " 1.0476032 1.0492624 0. 0. 0. 0. 0. ]\n", + " [1.1742697 1.1725444 1.1837343 1.1935594 1.1810263 1.1480842 1.1129065\n", + " 1.0894018 1.0774219 1.0726094 1.0700428 1.0635711 1.054822 1.0469863\n", + " 1.043438 1.045339 1.050781 1.055554 1.0577404 1.0588213 1.0600206]\n", + " [1.1720303 1.1669259 1.1753762 1.1823345 1.169588 1.1365032 1.1042988\n", + " 1.0831609 1.0742314 1.0731065 1.0728047 1.0673351 1.0580165 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.160558 1.1577498 1.1681855 1.176882 1.164625 1.1324408 1.1001407\n", + " 1.0787822 1.0688314 1.0667223 1.0662669 1.0610207 1.0526994 1.0453202\n", + " 1.0415856 1.0433697 1.0488324 0. 0. 0. 0. ]\n", + " [1.1743561 1.1731362 1.1838248 1.1937828 1.1817095 1.1467963 1.1110018\n", + " 1.0874281 1.0757124 1.0716248 1.0699774 1.0643295 1.0549924 1.047286\n", + " 1.0438052 1.0457023 1.0508989 1.0563654 1.0588696 1.0597584 1.0618025]]\n", + "[[1.1523362 1.148873 1.1587863 1.16697 1.1561347 1.1256227 1.0945148\n", + " 1.0744756 1.0645937 1.0618109 1.0617392 1.0570312 1.0491785 1.0415424\n", + " 1.0382594 1.0395991 1.044216 1.0491804]\n", + " [1.1877544 1.1820061 1.1915748 1.1996849 1.1873453 1.1514993 1.1151083\n", + " 1.0914884 1.0802555 1.0785303 1.0787358 1.0732025 1.0640131 1.0548226\n", + " 1.0506749 0. 0. 0. ]]\n", + "[[1.1628408 1.1596537 1.1695306 1.1777576 1.1657925 1.133802 1.10084\n", + " 1.0803937 1.0707631 1.0687904 1.0688835 1.06412 1.0548406 1.0465941\n", + " 1.0429268 1.0445695 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1451714 1.1423492 1.1533093 1.1628264 1.1538725 1.1247118 1.0940497\n", + " 1.0738562 1.0636886 1.0599582 1.0576833 1.0525007 1.044385 1.0376453\n", + " 1.0349302 1.0364858 1.0410867 1.044791 1.0469488 1.047902 1.0491744\n", + " 1.0521098 1.058463 ]\n", + " [1.1795802 1.175612 1.1855472 1.1943507 1.1825353 1.1478455 1.1116927\n", + " 1.0881495 1.0777595 1.0763848 1.0763031 1.0712872 1.0623535 1.053501\n", + " 1.0494999 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1658726 1.1601762 1.1681352 1.1759871 1.164717 1.1334035 1.1011897\n", + " 1.0799487 1.0706555 1.0696714 1.0701189 1.0662358 1.0577753 1.0492957\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1661376 1.1624144 1.1729094 1.1822374 1.1724111 1.139864 1.1052947\n", + " 1.0820152 1.0713947 1.0692986 1.069593 1.0652171 1.056409 1.0482521\n", + " 1.0440018 1.0455725 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1789695 1.1738241 1.1835222 1.1925282 1.180367 1.1463584 1.1114908\n", + " 1.0887386 1.0784163 1.0764827 1.075796 1.0705974 1.0603375 1.0509257\n", + " 1.0467616 1.0487549 1.0545276 0. 0. ]\n", + " [1.1685487 1.1653764 1.1759351 1.1848621 1.1724975 1.1389254 1.1032658\n", + " 1.0810792 1.0705211 1.0689495 1.0692152 1.0653921 1.0565277 1.0487715\n", + " 1.0449547 1.046349 1.051689 0. 0. ]\n", + " [1.185792 1.1816373 1.1933091 1.202217 1.1899378 1.1543617 1.1176126\n", + " 1.092581 1.0800847 1.0757103 1.0742522 1.0686285 1.0592312 1.0503355\n", + " 1.0470438 1.0490069 1.0547664 1.060446 1.0634537]\n", + " [1.1894386 1.1850854 1.1947794 1.2023923 1.18957 1.1540968 1.1182297\n", + " 1.0940851 1.0822836 1.0779223 1.0761992 1.0698051 1.0595248 1.0512043\n", + " 1.0475332 1.0498674 1.0558685 1.0612056 1.0637658]\n", + " [1.1872461 1.1787524 1.1864743 1.1941316 1.1818515 1.1488391 1.1131103\n", + " 1.0891768 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1737785 1.1716057 1.1828855 1.1912115 1.1787112 1.1449491 1.1100802\n", + " 1.0864186 1.0752515 1.0713364 1.0694982 1.0634806 1.0545079 1.046815\n", + " 1.043487 1.0453002 1.0502381 1.0551553 1.0573215 1.0580257 1.0597552\n", + " 1.0638226]\n", + " [1.1704876 1.1675463 1.1777072 1.1848643 1.1741607 1.1413232 1.1070579\n", + " 1.0838832 1.0730196 1.0700597 1.0700685 1.0649976 1.0559965 1.0478956\n", + " 1.043917 1.0456779 1.0509316 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1571983 1.1528469 1.1604724 1.1669451 1.1562992 1.1257194 1.0954044\n", + " 1.0752685 1.0658005 1.063449 1.0636591 1.0591872 1.0511665 1.0442567\n", + " 1.0408837 1.0425189 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1950059 1.1901613 1.199233 1.2082322 1.1935495 1.1578599 1.1202886\n", + " 1.0954103 1.0850466 1.0836964 1.0839143 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1866155 1.1849573 1.1975411 1.2067493 1.191484 1.1554208 1.1174184\n", + " 1.092579 1.0809078 1.0781703 1.0771601 1.0714837 1.0620221 1.0527854\n", + " 1.0492278 1.051035 1.0567756 1.0624542 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1791803 1.1727424 1.1817082 1.1899502 1.179621 1.1462617 1.1112852\n", + " 1.0889322 1.0779856 1.0763566 1.0764539 1.071187 1.0614964 1.0519494\n", + " 1.0475066 1.0493618 0. 0. 0. 0. 0. ]\n", + " [1.1763461 1.1732732 1.1837375 1.1923308 1.1803027 1.146938 1.1120932\n", + " 1.0892438 1.07807 1.0741122 1.0715268 1.0653063 1.0555532 1.0474082\n", + " 1.044129 1.0463994 1.0513391 1.0568107 1.058894 1.0593944 1.0609002]\n", + " [1.1718564 1.1665901 1.1754105 1.1840473 1.1729016 1.1409246 1.1070002\n", + " 1.0844111 1.0737509 1.071304 1.0715762 1.0659881 1.057288 1.0493944\n", + " 1.0456876 0. 0. 0. 0. 0. 0. ]\n", + " [1.1716869 1.1688936 1.179217 1.1880348 1.1757419 1.140812 1.10693\n", + " 1.0839653 1.0729656 1.0699172 1.0691856 1.0647092 1.0558388 1.0478342\n", + " 1.0446423 1.0461574 1.0509351 1.0562077 0. 0. 0. ]\n", + " [1.1718662 1.1687543 1.1792984 1.18716 1.174772 1.1413977 1.1065733\n", + " 1.0836406 1.072727 1.0695884 1.0682299 1.0630996 1.0543798 1.0468047\n", + " 1.0430856 1.0450801 1.0502397 1.0551628 1.0576013 0. 0. ]]\n", + "[[1.1981864 1.1933211 1.2030762 1.2112063 1.1980408 1.1610429 1.1233711\n", + " 1.0983223 1.087305 1.085527 1.0861666 1.0803543 1.0694788 1.0596597\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1882544 1.1845683 1.1957973 1.2039862 1.1923882 1.1554157 1.1173666\n", + " 1.0928518 1.0817751 1.0794225 1.0794512 1.0740764 1.0641764 1.0548443\n", + " 1.050991 1.0531961 0. 0. 0. 0. 0. ]\n", + " [1.1742693 1.17258 1.1836014 1.1944239 1.1831521 1.1495292 1.114975\n", + " 1.0910476 1.0784181 1.0739036 1.0710306 1.0645287 1.0549473 1.0472997\n", + " 1.0434654 1.0452569 1.0503783 1.0553416 1.0569931 1.0574203 1.0583396]\n", + " [1.1767359 1.173519 1.184878 1.1941007 1.1808124 1.1470942 1.1122205\n", + " 1.0884888 1.0768493 1.0737405 1.0721133 1.0659273 1.0565501 1.0482417\n", + " 1.0448706 1.0465761 1.0521857 1.0571527 1.0594597 0. 0. ]\n", + " [1.1753831 1.1695111 1.1790465 1.187916 1.1765269 1.143244 1.1087744\n", + " 1.0868496 1.0761245 1.0749278 1.0753546 1.0714389 1.062469 1.0535727\n", + " 1.0493935 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1542349 1.1518017 1.1626681 1.1722327 1.1616405 1.1313411 1.0991881\n", + " 1.0776668 1.0665474 1.062818 1.0611627 1.0553222 1.0471954 1.0404071\n", + " 1.0376704 1.0389707 1.0435308 1.0483148 1.0508292 1.0516391 1.0532042\n", + " 1.0564282]\n", + " [1.2081715 1.2025054 1.2130356 1.2215922 1.2087117 1.1719097 1.1326925\n", + " 1.1049951 1.0914862 1.0872554 1.0851488 1.0789354 1.0680866 1.0580808\n", + " 1.0540661 1.0566953 1.0629473 1.0692916 1.072232 0. 0.\n", + " 0. ]\n", + " [1.1517748 1.1479924 1.156456 1.1633718 1.1525488 1.1230307 1.0929798\n", + " 1.0732049 1.0633459 1.062456 1.062351 1.0584449 1.0505402 1.043153\n", + " 1.0396589 1.041281 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1693321 1.16487 1.1742175 1.1824561 1.1702144 1.1373141 1.1037122\n", + " 1.0819393 1.0718981 1.0697688 1.0698193 1.0650675 1.056382 1.0484438\n", + " 1.0447495 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.167587 1.1646774 1.1745962 1.1819757 1.1715207 1.1379364 1.1049583\n", + " 1.0827034 1.0726717 1.0712719 1.0715297 1.0665796 1.0575745 1.0491822\n", + " 1.0455973 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1525651 1.1497548 1.1593415 1.1680117 1.1574426 1.1265278 1.0950134\n", + " 1.0744742 1.06476 1.0619786 1.0615063 1.0570786 1.0493947 1.0421717\n", + " 1.0386789 1.0401075 1.0443562 1.0492474 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1620172 1.1580884 1.1683109 1.1779934 1.1664996 1.1345106 1.1022638\n", + " 1.080803 1.0710537 1.0693858 1.0695772 1.0652235 1.0559084 1.047549\n", + " 1.0436289 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1658852 1.1638484 1.1749604 1.1850816 1.1732513 1.140944 1.1071706\n", + " 1.0844536 1.0728121 1.0687628 1.0663701 1.0607302 1.0517819 1.0446213\n", + " 1.0413536 1.043306 1.048385 1.052933 1.0555109 1.0563002 1.0575016\n", + " 1.0611103 1.0687011 1.0789576]\n", + " [1.1573701 1.1553453 1.165485 1.1733477 1.1626906 1.131748 1.0985411\n", + " 1.0780253 1.0683843 1.066414 1.0664608 1.0623273 1.0533006 1.0453148\n", + " 1.041569 1.0430781 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1846044 1.1818758 1.1933345 1.2011884 1.1893536 1.153658 1.116987\n", + " 1.0917797 1.0792525 1.07557 1.0742829 1.0684943 1.0586731 1.0505396\n", + " 1.0468342 1.0487461 1.0542729 1.0594506 1.0618283 1.0624332 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1580266 1.1565657 1.1672606 1.177645 1.1666404 1.1358048 1.1033779\n", + " 1.0814112 1.0697927 1.0660833 1.0637258 1.0576845 1.0489067 1.0421084\n", + " 1.0390549 1.0409557 1.0458871 1.0508168 1.0526642 1.0533069 1.0547065\n", + " 1.0578265 1.0648584 1.0746264]\n", + " [1.1562771 1.151096 1.1578565 1.1647327 1.1531587 1.122973 1.0935122\n", + " 1.0731715 1.0631617 1.0598469 1.0584971 1.0545077 1.0472052 1.0408971\n", + " 1.0380372 1.0398152 1.0439684 1.0488576 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1573339 1.1547726 1.1652454 1.1753575 1.1630591 1.1308963 1.097367\n", + " 1.0767323 1.0675765 1.0670587 1.0667615 1.0625292 1.053212 1.0450236\n", + " 1.0415082 1.0433387 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1803539 1.1778362 1.1899003 1.1992307 1.1866637 1.1515326 1.1148679\n", + " 1.09061 1.0787958 1.0755118 1.0738789 1.067969 1.0578617 1.0492678\n", + " 1.0452582 1.047361 1.0528617 1.0581723 1.0609317 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1505088 1.1482761 1.1576517 1.1655562 1.1539378 1.1243478 1.0933759\n", + " 1.0724052 1.0624853 1.0591902 1.0580378 1.0531291 1.046185 1.0394518\n", + " 1.0362498 1.0379937 1.0423237 1.0466305 1.0491779 1.0502582 0.\n", + " 0. 0. 0. ]]\n", + "[[1.2082642 1.2023067 1.2129781 1.2201978 1.2061672 1.1680495 1.1289859\n", + " 1.1030821 1.0911576 1.0895686 1.089815 1.0833209 1.0724683 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.173831 1.1682932 1.1774969 1.1857524 1.1735134 1.1413237 1.1071845\n", + " 1.0845556 1.07402 1.0710559 1.0708896 1.0663428 1.0575223 1.0495919\n", + " 1.0458602 1.0477936 1.0532844 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2401761 1.2341558 1.2454776 1.2539321 1.2374079 1.1947924 1.1502414\n", + " 1.1208676 1.1067511 1.1045607 1.1041945 1.0975916 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1739544 1.1677551 1.1762121 1.1841166 1.1724144 1.140934 1.1080592\n", + " 1.085395 1.0748858 1.071849 1.0722146 1.0676064 1.0582147 1.0497411\n", + " 1.0456825 1.0475413 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1626335 1.1598626 1.1705562 1.1813583 1.1702285 1.138356 1.1049294\n", + " 1.0826521 1.0715171 1.0672765 1.0652088 1.058958 1.0496703 1.0426421\n", + " 1.0399586 1.0423623 1.0472765 1.0523505 1.0549762 1.0556046 1.0565577\n", + " 1.0595983 1.0663973 1.0762751 1.0847317 1.08917 ]]\n", + "[[1.1710385 1.1673805 1.1781456 1.187236 1.175478 1.1417395 1.1066554\n", + " 1.0836983 1.0726856 1.0698053 1.0693824 1.0646132 1.0555135 1.0472932\n", + " 1.0436591 1.0452731 1.0506899 1.0559984 0. 0. 0. ]\n", + " [1.1887805 1.1832606 1.1931214 1.2009604 1.1883916 1.1532478 1.1169784\n", + " 1.0928203 1.0822619 1.0810877 1.0816556 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1704566 1.1674577 1.1783189 1.1876469 1.175007 1.1414218 1.1070455\n", + " 1.0840589 1.0728968 1.0698705 1.0683962 1.0635059 1.0544484 1.0465428\n", + " 1.0425569 1.0442501 1.0494361 1.0545012 1.0573052 0. 0. ]\n", + " [1.1783094 1.1733022 1.183951 1.1935523 1.1820033 1.1478081 1.1117121\n", + " 1.087302 1.075722 1.0727588 1.0715529 1.0663127 1.057238 1.0485537\n", + " 1.0446687 1.0462905 1.0517305 1.05738 1.0602057 0. 0. ]\n", + " [1.1736406 1.1718068 1.1816765 1.188871 1.176814 1.143675 1.1099735\n", + " 1.087595 1.076194 1.0718584 1.0696564 1.0632198 1.0543989 1.0463024\n", + " 1.0431752 1.0448211 1.0494041 1.0536786 1.055647 1.0566413 1.0585858]]\n", + "[[1.167169 1.164783 1.1758213 1.1840264 1.170729 1.1370559 1.1037761\n", + " 1.0822414 1.0719373 1.0693103 1.0679262 1.062217 1.0526351 1.0450099\n", + " 1.041486 1.0432324 1.0480579 1.0525974 1.0545801]\n", + " [1.1825739 1.1767439 1.1865555 1.194353 1.1807493 1.1456517 1.1095408\n", + " 1.0872298 1.0769693 1.0761807 1.0772673 1.0729127 1.0633593 1.0544994\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1704435 1.1678748 1.178868 1.1878563 1.1757265 1.1421258 1.1074183\n", + " 1.0840493 1.0734261 1.0705477 1.0697213 1.0648639 1.0560684 1.047719\n", + " 1.0442642 1.0457654 1.0509955 1.0565001 0. ]\n", + " [1.1669347 1.1609545 1.1686889 1.1764627 1.1659024 1.1347886 1.1020936\n", + " 1.0805856 1.0701838 1.067637 1.0677819 1.0635223 1.055237 1.0473865\n", + " 1.043509 1.0451016 0. 0. 0. ]\n", + " [1.1873649 1.1827376 1.1933198 1.2021871 1.1882328 1.1537788 1.1175699\n", + " 1.0931911 1.0809637 1.0785203 1.0777247 1.0720315 1.0627968 1.0538516\n", + " 1.0500308 1.0524417 1.0583371 0. 0. ]]\n", + "[[1.1543044 1.1517907 1.1625881 1.1737905 1.1642836 1.1325976 1.1000979\n", + " 1.0781369 1.0671706 1.0633763 1.0617764 1.0561535 1.0474486 1.0400579\n", + " 1.0372505 1.0394695 1.0443954 1.0492742 1.0516838 1.0524105 1.052686\n", + " 1.0552301 1.0622183 1.0716727 1.0798047 1.0845425]\n", + " [1.1761172 1.1715583 1.1825367 1.1911398 1.1785804 1.1441116 1.1091454\n", + " 1.0864959 1.076412 1.0754325 1.0757716 1.0709836 1.061419 1.0523078\n", + " 1.0480683 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1622933 1.1603225 1.1715416 1.18098 1.1693752 1.1371413 1.1028512\n", + " 1.0808686 1.0701237 1.0688024 1.0688068 1.0640367 1.0552968 1.0472229\n", + " 1.0433156 1.044484 1.0495754 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1756976 1.1710104 1.1809424 1.189065 1.1785628 1.1451567 1.109837\n", + " 1.0868385 1.0759971 1.0742084 1.0747269 1.0701523 1.0614741 1.0527401\n", + " 1.048507 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1578015 1.15581 1.1666135 1.1759552 1.1638942 1.1321907 1.0995308\n", + " 1.0777178 1.0672811 1.0644621 1.0633123 1.0580181 1.0495634 1.04204\n", + " 1.0385605 1.0399721 1.0443915 1.0492952 1.0520148 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1881704 1.1821976 1.1912452 1.1998491 1.1865957 1.151719 1.1153399\n", + " 1.091693 1.0811093 1.0795419 1.0797782 1.0748686 1.0649172 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1771449 1.1745496 1.185533 1.1946752 1.1820049 1.1473248 1.1117262\n", + " 1.0875772 1.0764375 1.0733865 1.0727233 1.0678957 1.058869 1.0499479\n", + " 1.0461514 1.0477096 1.0531785 1.0583158 0. ]\n", + " [1.1683261 1.1628555 1.1727294 1.1826257 1.1709945 1.1385686 1.1047368\n", + " 1.0821723 1.0715895 1.07032 1.0707569 1.066306 1.0572418 1.0488305\n", + " 1.045015 0. 0. 0. 0. ]\n", + " [1.1735519 1.1724828 1.1842277 1.1935506 1.1805844 1.1454543 1.1094561\n", + " 1.0856571 1.0742137 1.0716308 1.070516 1.0650942 1.0557746 1.0474359\n", + " 1.0438979 1.0455836 1.0505446 1.055846 1.0582579]\n", + " [1.1600683 1.1560011 1.1650896 1.1734312 1.1629988 1.1320419 1.0998384\n", + " 1.0786401 1.0683196 1.064859 1.0642961 1.0590689 1.0504925 1.0432557\n", + " 1.0403892 1.0424325 1.0473377 1.0525331 0. ]]\n", + "[[1.1720774 1.1696194 1.1807361 1.189163 1.1762494 1.1420034 1.1076719\n", + " 1.085115 1.0740619 1.071083 1.0697116 1.0647991 1.0556381 1.0476127\n", + " 1.044172 1.0461047 1.0515158 1.0568568]\n", + " [1.1829324 1.1783228 1.1888032 1.1980801 1.1873177 1.153251 1.1178677\n", + " 1.0934167 1.081541 1.0782447 1.0769699 1.0717819 1.061534 1.052422\n", + " 1.0483744 1.0500346 1.0555422 1.0608981]\n", + " [1.2092557 1.2029266 1.2125322 1.2209312 1.2067041 1.1703324 1.1324365\n", + " 1.1062471 1.093776 1.0911809 1.0912708 1.0852969 1.0741029 1.0644578\n", + " 0. 0. 0. 0. ]\n", + " [1.21672 1.2103032 1.2203543 1.2297924 1.214562 1.1746514 1.1343826\n", + " 1.1080248 1.0964026 1.0946531 1.0952195 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1711748 1.165921 1.175215 1.1833557 1.1697305 1.1374954 1.1044177\n", + " 1.0824943 1.0720829 1.0698695 1.069674 1.0648743 1.0567759 1.0490229\n", + " 1.0454471 1.0477432 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1842831 1.1794397 1.1902658 1.1987715 1.1854553 1.1487392 1.1118832\n", + " 1.0881374 1.0777929 1.0765444 1.077495 1.072649 1.0627955 1.0540009\n", + " 0. 0. 0. 0. ]\n", + " [1.1650391 1.1608417 1.1703382 1.1787808 1.1675458 1.1338178 1.100904\n", + " 1.0792919 1.0692439 1.067493 1.0678766 1.0636083 1.0558188 1.0477444\n", + " 1.0441183 1.0458397 0. 0. ]\n", + " [1.1650201 1.1607977 1.1704783 1.18041 1.169961 1.1376829 1.105086\n", + " 1.0833006 1.0732298 1.0719411 1.0719348 1.0672798 1.0578389 1.0490932\n", + " 0. 0. 0. 0. ]\n", + " [1.1883552 1.183147 1.1928847 1.2018856 1.1887534 1.1534657 1.1165557\n", + " 1.092077 1.0807918 1.0783626 1.0789112 1.0739311 1.0646043 1.0553668\n", + " 1.0514624 0. 0. 0. ]\n", + " [1.1626945 1.160938 1.1715697 1.1798068 1.1675693 1.1344861 1.1016074\n", + " 1.0802597 1.0691768 1.0669613 1.0664396 1.060897 1.0526386 1.0449303\n", + " 1.0415 1.0429384 1.048178 1.0530127]]\n", + "[[1.1595297 1.1561657 1.1649714 1.1717751 1.1607119 1.1303906 1.0991703\n", + " 1.0782305 1.0678053 1.0652015 1.064283 1.0591897 1.051277 1.0437803\n", + " 1.0405957 1.0423774 1.0469666 1.0515712 0. 0. ]\n", + " [1.174151 1.1702421 1.1793535 1.187631 1.1761265 1.143543 1.1096034\n", + " 1.0859231 1.0733577 1.0698111 1.0680996 1.0629355 1.0539924 1.0470209\n", + " 1.0434101 1.0449702 1.0495561 1.0542787 1.0568049 1.0586648]\n", + " [1.1861255 1.1813339 1.1915673 1.1996315 1.1862414 1.1508013 1.1152627\n", + " 1.0912471 1.0798779 1.0765744 1.0765828 1.0710577 1.0613097 1.052936\n", + " 1.0490922 1.0515798 0. 0. 0. 0. ]\n", + " [1.1857154 1.179622 1.1895947 1.1981544 1.186811 1.1525378 1.116965\n", + " 1.093167 1.0821538 1.0813955 1.0821781 1.0772195 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1702044 1.1684201 1.178852 1.1875299 1.1751127 1.142065 1.1077514\n", + " 1.0853419 1.0740309 1.0707271 1.0683626 1.0628074 1.0535401 1.0458077\n", + " 1.0423149 1.0438106 1.0489236 1.054004 1.0562072 1.0571666]]\n", + "[[1.171087 1.1682556 1.1783504 1.1866394 1.1731337 1.140196 1.1062824\n", + " 1.083592 1.0731771 1.0704608 1.0697551 1.0651644 1.0563371 1.0480338\n", + " 1.0445764 1.0466207 1.0516998 1.0568041 0. 0. 0. ]\n", + " [1.1690869 1.1647 1.1753309 1.1843785 1.1719632 1.1383047 1.1040405\n", + " 1.0813924 1.070825 1.069218 1.0693028 1.0653262 1.0569993 1.0489143\n", + " 1.0448186 1.0464134 0. 0. 0. 0. 0. ]\n", + " [1.170818 1.167237 1.1777774 1.1865296 1.1745913 1.1404896 1.1059659\n", + " 1.0832071 1.0736312 1.0723677 1.0730114 1.0687859 1.0591382 1.0508565\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1674776 1.1645865 1.1740792 1.1836646 1.172207 1.1415448 1.1082277\n", + " 1.08541 1.0738539 1.0690292 1.0669179 1.0614445 1.0526472 1.0447023\n", + " 1.0417627 1.0432016 1.0477911 1.0525111 1.0550604 1.0558876 1.0573128]\n", + " [1.180225 1.1769553 1.186075 1.1948153 1.1822059 1.1489294 1.1137027\n", + " 1.0898657 1.0783427 1.0747329 1.0734211 1.0676546 1.0580136 1.0494981\n", + " 1.0459721 1.0481564 1.0538052 1.0587075 1.0610994 0. 0. ]]\n", + "[[1.162438 1.1576577 1.1661396 1.1735954 1.1631618 1.131633 1.0992287\n", + " 1.0773449 1.0667722 1.0639693 1.0624478 1.0585808 1.051121 1.043821\n", + " 1.0407336 1.0423343 1.0472493 1.0523982 0. 0. ]\n", + " [1.1736969 1.1710436 1.1815765 1.1901742 1.1772875 1.1444916 1.1098784\n", + " 1.0868118 1.0747831 1.0715058 1.0699745 1.0643002 1.0550046 1.0473254\n", + " 1.043659 1.0456145 1.0508915 1.0554905 1.0576042 1.0583224]\n", + " [1.1682513 1.1628654 1.1729745 1.1816304 1.1705688 1.138021 1.1034502\n", + " 1.081332 1.0713373 1.0709417 1.0713971 1.0674006 1.0582848 1.04968\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1656575 1.1618205 1.1709663 1.1793456 1.1682825 1.1356126 1.1030719\n", + " 1.0806859 1.0699264 1.0671964 1.0657972 1.0607349 1.0524888 1.0448594\n", + " 1.0412421 1.0426073 1.0470021 1.051507 1.0539106 0. ]\n", + " [1.1656404 1.1630114 1.1743112 1.1832248 1.172263 1.1391802 1.1044115\n", + " 1.0818199 1.071029 1.0684892 1.068331 1.0635608 1.055002 1.047149\n", + " 1.0433048 1.0446924 1.049471 1.0542407 0. 0. ]]\n", + "[[1.1849095 1.1800314 1.1891041 1.1969197 1.1842515 1.149828 1.1153623\n", + " 1.0922225 1.0806171 1.0764132 1.0753891 1.069756 1.0601194 1.0520363\n", + " 1.0485461 1.0511991 1.0569558 0. 0. ]\n", + " [1.177792 1.1739455 1.1842579 1.192119 1.1802578 1.146547 1.1108782\n", + " 1.08716 1.0754064 1.072775 1.0713807 1.065554 1.0563406 1.0479082\n", + " 1.0444565 1.0464158 1.0517867 1.057099 1.059295 ]\n", + " [1.1645805 1.1607013 1.1713088 1.1811496 1.1695249 1.1371795 1.1028918\n", + " 1.0805004 1.0694577 1.0670133 1.0669706 1.0625952 1.0541072 1.0462778\n", + " 1.0424434 1.0435553 1.0481389 1.0529766 0. ]\n", + " [1.1638751 1.1606808 1.1705594 1.1782283 1.164629 1.1317034 1.0990268\n", + " 1.0782315 1.0688397 1.0672777 1.0668643 1.0621498 1.0531011 1.0452714\n", + " 1.0418907 1.0439783 1.0494068 0. 0. ]\n", + " [1.1689199 1.1649809 1.175129 1.1846483 1.1724378 1.1399649 1.1055145\n", + " 1.0827787 1.0718954 1.068978 1.0682594 1.0635967 1.05546 1.047322\n", + " 1.044061 1.0454379 1.0503273 1.0552782 0. ]]\n", + "[[1.1732924 1.1673652 1.1773884 1.188028 1.1793997 1.1465337 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1692086 1.16468 1.1745154 1.1830409 1.1702628 1.136716 1.1024835\n", + " 1.0803732 1.0703795 1.0681338 1.0675488 1.0630175 1.0541806 1.0462701\n", + " 1.0430647 1.0450683 1.0507904 0. 0. 0. 0. ]\n", + " [1.1762576 1.1718221 1.1813419 1.189899 1.1784683 1.1450726 1.1101383\n", + " 1.0864831 1.0749478 1.0713065 1.0695902 1.0649259 1.0561872 1.0487143\n", + " 1.0453178 1.0473356 1.0524356 1.0575647 1.0604306 0. 0. ]\n", + " [1.1810176 1.1788518 1.1901604 1.1994913 1.1874081 1.1519257 1.116307\n", + " 1.0919827 1.0802561 1.0762463 1.0736802 1.0675726 1.0576067 1.0488749\n", + " 1.0454718 1.0469204 1.0516534 1.0571479 1.0602363 1.061697 1.0635227]\n", + " [1.159292 1.1557608 1.1666214 1.1762493 1.1660471 1.13522 1.1025821\n", + " 1.0800333 1.0696902 1.066388 1.0650339 1.0595915 1.0507218 1.0428755\n", + " 1.0393275 1.0407748 1.0455402 1.0499818 1.0522443 1.0532407 0. ]]\n", + "[[1.1871517 1.1825343 1.1919532 1.2002759 1.1865587 1.1530828 1.1175216\n", + " 1.0939581 1.0831618 1.0817066 1.0818216 1.075366 1.0655181 1.0559088\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1563029 1.1535099 1.163794 1.1725237 1.1614641 1.1308088 1.0992864\n", + " 1.0775855 1.0669343 1.0630571 1.0612785 1.0554836 1.0477674 1.0409583\n", + " 1.0380578 1.0396206 1.0446253 1.0492815 1.0518535 1.052686 1.0541983\n", + " 1.0573286]\n", + " [1.1666448 1.1617112 1.1698198 1.177579 1.165914 1.1338764 1.1020612\n", + " 1.0805283 1.0699599 1.0667552 1.0658715 1.0610427 1.0531346 1.0460044\n", + " 1.0422626 1.0438129 1.0488596 1.0536451 0. 0. 0.\n", + " 0. ]\n", + " [1.1609584 1.1580436 1.1682608 1.1764235 1.1646966 1.1323119 1.1000066\n", + " 1.0786238 1.0683329 1.0662918 1.0654733 1.0611267 1.0520444 1.0447501\n", + " 1.0416749 1.0432059 1.0480471 1.0526876 0. 0. 0.\n", + " 0. ]\n", + " [1.1746814 1.1697059 1.1802917 1.1888345 1.1754771 1.1420143 1.1076854\n", + " 1.0846288 1.0745382 1.0724574 1.0724595 1.0679692 1.0585603 1.0502034\n", + " 1.0463814 1.0480072 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.189427 1.1849164 1.1958288 1.204141 1.1920213 1.1573174 1.1207849\n", + " 1.0960504 1.0838472 1.0789394 1.0768104 1.0700814 1.0604093 1.051355\n", + " 1.0476216 1.0499895 1.0555207 1.0607457 1.0632578 1.0641599]\n", + " [1.1928589 1.1892536 1.1999094 1.2089953 1.195015 1.1590954 1.1216977\n", + " 1.0966823 1.0839851 1.0796291 1.0784619 1.0724276 1.0621796 1.0534828\n", + " 1.0495734 1.0514827 1.0574077 1.0630057 1.0656575 0. ]\n", + " [1.1667902 1.1623061 1.1720955 1.180468 1.1703373 1.1382791 1.1043704\n", + " 1.0816056 1.0706512 1.0678021 1.0683211 1.063931 1.0554006 1.0476518\n", + " 1.0442427 1.0461358 0. 0. 0. 0. ]\n", + " [1.2253225 1.2175366 1.227216 1.2361213 1.2203671 1.1800524 1.1377254\n", + " 1.1095486 1.0972828 1.0954654 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1727153 1.1688195 1.1787996 1.1865194 1.1752952 1.1416347 1.108467\n", + " 1.0857596 1.0748172 1.0717854 1.0713531 1.0665113 1.0571215 1.0488307\n", + " 1.0452919 1.0473406 1.0520647 0. 0. 0. ]]\n", + "[[1.1777016 1.1757153 1.1878937 1.1965076 1.1842694 1.1482863 1.1121894\n", + " 1.0873525 1.0767851 1.0738437 1.0719905 1.0665 1.0574683 1.0484064\n", + " 1.0449662 1.0469047 1.0523077 1.0576267 1.0602356 0. ]\n", + " [1.1709523 1.1676242 1.1782234 1.1879563 1.1767962 1.1436332 1.1085887\n", + " 1.0857128 1.0750432 1.0727096 1.0727975 1.0677878 1.0592282 1.0504559\n", + " 1.0463543 1.0481322 0. 0. 0. 0. ]\n", + " [1.1869633 1.1817653 1.1907889 1.1986887 1.1857817 1.1515236 1.1152729\n", + " 1.0908719 1.0791916 1.0753217 1.0745813 1.0700452 1.060366 1.0521784\n", + " 1.048705 1.0507442 1.056195 1.0618441 0. 0. ]\n", + " [1.1809362 1.177638 1.1868623 1.1956832 1.1820782 1.1478264 1.1122043\n", + " 1.0875814 1.0752169 1.0709372 1.0695338 1.0641758 1.0558386 1.047906\n", + " 1.0450835 1.0465817 1.051375 1.0565007 1.0590312 1.0603061]\n", + " [1.1859536 1.1818228 1.1907572 1.197769 1.184876 1.1504002 1.1149117\n", + " 1.0913898 1.0796434 1.0766748 1.0751497 1.0696679 1.0603714 1.0519105\n", + " 1.0490909 1.051725 1.0574968 0. 0. 0. ]]\n", + "[[1.167889 1.1629156 1.1722506 1.1811242 1.1700051 1.137917 1.1043582\n", + " 1.0828382 1.0728484 1.0713913 1.0715799 1.0663301 1.0568707 1.0483793\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1686652 1.1652491 1.1756256 1.1846758 1.1723542 1.1394782 1.105224\n", + " 1.0827361 1.0722151 1.0697933 1.0691944 1.0648843 1.055742 1.0480496\n", + " 1.0443022 1.0459855 1.0515385 0. 0. ]\n", + " [1.1643578 1.1583192 1.16548 1.1727976 1.161467 1.1308413 1.1000073\n", + " 1.0793461 1.0689117 1.0673678 1.0671428 1.063187 1.0547372 1.0472317\n", + " 1.0436953 0. 0. 0. 0. ]\n", + " [1.1840599 1.1799345 1.1917984 1.2022755 1.1895101 1.1538851 1.1164441\n", + " 1.0907273 1.0784701 1.0748599 1.0732495 1.0679909 1.0587097 1.0498804\n", + " 1.0462826 1.0484352 1.0540909 1.0594828 1.0622585]\n", + " [1.2077645 1.2006625 1.2101507 1.2188519 1.204553 1.1674881 1.1285468\n", + " 1.10202 1.0909196 1.0900548 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1575513 1.1532553 1.1624238 1.1703826 1.1595335 1.1290414 1.0969703\n", + " 1.0755764 1.0652375 1.0623968 1.0614557 1.0576013 1.0496864 1.0426128\n", + " 1.0395803 1.0407461 1.04501 1.0495342 1.0518169 0. 0.\n", + " 0. ]\n", + " [1.166085 1.1629148 1.1728632 1.1808001 1.1687223 1.1362329 1.1031067\n", + " 1.0814751 1.070499 1.0669595 1.0650542 1.0598191 1.0513942 1.0440115\n", + " 1.0410229 1.042687 1.047394 1.0526669 1.0552754 1.0564221 0.\n", + " 0. ]\n", + " [1.1897908 1.1851249 1.1973423 1.2084804 1.1948209 1.1575242 1.1193256\n", + " 1.0950055 1.083932 1.0820054 1.08237 1.0774814 1.0666347 1.0568583\n", + " 1.0525776 1.0550431 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1708481 1.1677687 1.1784947 1.186617 1.1750388 1.1412132 1.10676\n", + " 1.0841169 1.0731027 1.070748 1.0701587 1.0647737 1.0554982 1.04706\n", + " 1.0434724 1.0450587 1.0505122 1.055594 0. 0. 0.\n", + " 0. ]\n", + " [1.1570486 1.1544716 1.1643662 1.1733522 1.1622105 1.132371 1.1010544\n", + " 1.0797108 1.0682425 1.0646724 1.0619835 1.055676 1.0476946 1.0408537\n", + " 1.0382096 1.0399588 1.0445267 1.0492873 1.0517007 1.0528569 1.0546787\n", + " 1.0581206]]\n", + "[[1.1764327 1.1697805 1.1796477 1.1898046 1.1792316 1.1454825 1.1103865\n", + " 1.0866771 1.0761477 1.0741781 1.0744147 1.0694921 1.0600241 1.0507725\n", + " 1.0466211 0. 0. 0. 0. 0. 0. ]\n", + " [1.1615152 1.1578951 1.1664935 1.1742376 1.1633005 1.1323383 1.100838\n", + " 1.0795043 1.0681281 1.0642169 1.0621384 1.0568831 1.0491782 1.0424751\n", + " 1.039683 1.0409375 1.0454769 1.0499194 1.0524114 1.0541122 1.0556554]\n", + " [1.1727433 1.1709768 1.1826817 1.1921835 1.1790199 1.1453067 1.1105099\n", + " 1.0871938 1.0751688 1.0717474 1.069888 1.064276 1.0548953 1.0471658\n", + " 1.043612 1.0452787 1.0504031 1.0555302 1.057892 1.0588484 0. ]\n", + " [1.1703657 1.1651347 1.1742373 1.1828825 1.1709827 1.1380024 1.1033199\n", + " 1.081311 1.0709128 1.0697663 1.0701535 1.0665565 1.0579504 1.0500157\n", + " 1.0461634 1.0480492 0. 0. 0. 0. 0. ]\n", + " [1.1615951 1.1588897 1.1694384 1.1776545 1.1658769 1.1325517 1.0999603\n", + " 1.078524 1.0687401 1.0675541 1.0680705 1.0638058 1.055292 1.0471692\n", + " 1.0438032 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1700902 1.1663128 1.1759449 1.183446 1.1717167 1.1382399 1.1040593\n", + " 1.0817953 1.0720954 1.0697417 1.0708476 1.066743 1.0572193 1.0494934\n", + " 1.0455786 1.0475471 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1565074 1.1533277 1.16416 1.1737888 1.1628869 1.1312573 1.0986983\n", + " 1.0768191 1.0665708 1.064173 1.0641435 1.0594362 1.050967 1.0429903\n", + " 1.0395509 1.0408882 1.0453937 1.0501944 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1432624 1.1399466 1.1477983 1.1544198 1.1432618 1.115857 1.0879189\n", + " 1.0689856 1.0598595 1.0574405 1.0563699 1.0524993 1.0452586 1.0387012\n", + " 1.0355862 1.0370294 1.0411351 1.0456713 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1754175 1.1736861 1.1844997 1.194012 1.1812164 1.1475738 1.1120566\n", + " 1.0881733 1.0764027 1.0724916 1.0718888 1.067171 1.0573039 1.0491334\n", + " 1.045587 1.0471189 1.0519584 1.0572956 1.0594908 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1519595 1.1499254 1.1606262 1.1709502 1.1607748 1.1303947 1.0985575\n", + " 1.0772599 1.0663426 1.0629722 1.0609117 1.0554211 1.0473292 1.0405028\n", + " 1.0376107 1.0392301 1.043645 1.04847 1.0507001 1.0512356 1.0520045\n", + " 1.0552232 1.0618985 1.0711116]]\n", + "[[1.1823468 1.1789664 1.189671 1.196093 1.1818109 1.1465634 1.1106552\n", + " 1.0882982 1.0786551 1.0773624 1.078215 1.0731301 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1663313 1.1633135 1.1730568 1.1817303 1.1698215 1.1371672 1.1032447\n", + " 1.0810688 1.0704666 1.0680821 1.0681949 1.0633297 1.0549014 1.0465952\n", + " 1.0429864 1.0444834 1.0498381 0. ]\n", + " [1.1622958 1.1596229 1.1701393 1.1796921 1.1680603 1.1352278 1.1018959\n", + " 1.079405 1.0687507 1.0659156 1.0648323 1.0601579 1.0515196 1.0440531\n", + " 1.0406145 1.0420407 1.0468992 1.0516618]\n", + " [1.1904829 1.1860394 1.1972504 1.2070967 1.1942074 1.1583147 1.1201243\n", + " 1.0940007 1.0816362 1.079342 1.0792309 1.0736876 1.0640607 1.0547354\n", + " 1.05048 1.0521213 1.0582455 0. ]\n", + " [1.1673292 1.1636076 1.1734424 1.1811407 1.1675198 1.1355968 1.1027523\n", + " 1.0802351 1.0699018 1.0673318 1.0675156 1.0630009 1.054607 1.0463624\n", + " 1.0433288 1.0449607 1.0500516 1.0551125]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1618626 1.1585107 1.1678933 1.1757267 1.1635813 1.1332781 1.1006742\n", + " 1.0785712 1.067862 1.0649949 1.0645926 1.0601627 1.0522283 1.04497\n", + " 1.0415889 1.0433946 1.048207 ]\n", + " [1.2090552 1.2035215 1.213475 1.2238944 1.2106396 1.1716679 1.1305813\n", + " 1.1049879 1.0925068 1.0911013 1.0919089 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1989621 1.1940285 1.204572 1.2130883 1.1989586 1.1617168 1.1242015\n", + " 1.1001124 1.0894648 1.0884099 1.0886054 1.0816056 1.0702933 0.\n", + " 0. 0. 0. ]\n", + " [1.1555384 1.1510117 1.1601207 1.1686289 1.1568878 1.126906 1.0959257\n", + " 1.0756058 1.0660286 1.0638969 1.0637627 1.0594414 1.0511683 1.0436418\n", + " 1.0404369 1.042076 1.0474378]\n", + " [1.20689 1.1988493 1.2081877 1.2158104 1.2014791 1.1635027 1.1239026\n", + " 1.0976349 1.0865887 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1614242 1.1582817 1.1684713 1.178059 1.1666064 1.1349425 1.1032785\n", + " 1.0815607 1.0698607 1.0662564 1.0640285 1.0584328 1.050045 1.0432587\n", + " 1.040282 1.0422243 1.046636 1.0513148 1.0533999 1.0543352 1.0555083]\n", + " [1.2044083 1.1994617 1.2090685 1.2175494 1.2035834 1.1668353 1.1299397\n", + " 1.10457 1.0910825 1.0857172 1.082406 1.0746561 1.0638738 1.0552549\n", + " 1.0517588 1.054463 1.0604643 1.0659316 1.0685892 1.0695913 1.0715383]\n", + " [1.1777637 1.1752893 1.187106 1.1955683 1.1833031 1.1481367 1.1120105\n", + " 1.0879196 1.0767163 1.0736142 1.0731652 1.067649 1.0579293 1.0492382\n", + " 1.0455188 1.0472169 1.0527462 1.058288 0. 0. 0. ]\n", + " [1.1668234 1.1641641 1.1764777 1.1871818 1.1750364 1.1406956 1.105921\n", + " 1.0825808 1.0712872 1.0685415 1.0673815 1.0613049 1.0521021 1.0439458\n", + " 1.0403558 1.0418923 1.0470257 1.0520974 1.0546281 1.055627 0. ]\n", + " [1.1662972 1.1638029 1.1742189 1.1836722 1.1717016 1.1390444 1.1049837\n", + " 1.0824071 1.0720502 1.0705327 1.0703948 1.0653435 1.0570974 1.0484413\n", + " 1.044399 1.0459574 0. 0. 0. 0. 0. ]]\n", + "[[1.1879165 1.183573 1.1932628 1.2034183 1.1902068 1.1543787 1.1178738\n", + " 1.093148 1.0810113 1.0777969 1.0772657 1.070999 1.0619398 1.0528609\n", + " 1.0490485 1.0508687 1.0568101 1.0622032 0. 0. 0. ]\n", + " [1.1953315 1.1887496 1.19932 1.2077167 1.1947329 1.1578625 1.1188519\n", + " 1.0930289 1.0828606 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1679149 1.1663145 1.1781949 1.1865449 1.1740081 1.1409177 1.1068145\n", + " 1.0848049 1.0731996 1.0698878 1.0675397 1.0617266 1.0533627 1.0455961\n", + " 1.0426273 1.0440291 1.048908 1.0534346 1.0555826 1.0562218 1.057814 ]\n", + " [1.2040251 1.1990583 1.2097886 1.218534 1.2030416 1.1648504 1.1263411\n", + " 1.1012485 1.0892974 1.0883301 1.0887307 1.0822935 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1676686 1.1639196 1.1745309 1.1839895 1.1719801 1.1384217 1.1048634\n", + " 1.0828295 1.0728482 1.0715765 1.0727881 1.0677949 1.0586036 1.0497988\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1842667 1.1792817 1.188817 1.1973156 1.1858691 1.1522183 1.1161691\n", + " 1.0918185 1.08043 1.0776645 1.077219 1.0722337 1.0626496 1.0538435\n", + " 1.0496336 1.0513676 1.0569787]\n", + " [1.1847034 1.1782863 1.1882842 1.196904 1.1846049 1.1508191 1.1150149\n", + " 1.0911812 1.0804453 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1538044 1.1489714 1.1559012 1.1634423 1.1528542 1.1238977 1.0936509\n", + " 1.0734552 1.0640916 1.0622543 1.0621837 1.0583634 1.0512948 1.043603\n", + " 1.04016 1.0415751 0. ]\n", + " [1.2062701 1.1995746 1.2104256 1.2188383 1.2055305 1.1688133 1.1296142\n", + " 1.1037186 1.0920817 1.0910077 1.0914326 1.0853388 1.0735371 0.\n", + " 0. 0. 0. ]\n", + " [1.177544 1.1747574 1.1862346 1.1939012 1.180221 1.1456149 1.1101906\n", + " 1.0877273 1.0779545 1.0771581 1.0774052 1.0719264 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.173846 1.171177 1.1818199 1.191324 1.1783288 1.1450914 1.1099074\n", + " 1.0866015 1.0755124 1.0723506 1.0717499 1.0665665 1.0574832 1.0488116\n", + " 1.0450588 1.0468144 1.0521684 1.0574318]\n", + " [1.1711868 1.1682494 1.1784567 1.1871339 1.1731727 1.1395315 1.1053035\n", + " 1.082954 1.0733567 1.0714158 1.0721701 1.0678464 1.05884 1.0503782\n", + " 1.0464869 1.0484296 0. 0. ]\n", + " [1.1791618 1.1753899 1.1854345 1.1939344 1.1819085 1.1481631 1.1139776\n", + " 1.0905552 1.0791961 1.0759612 1.0744057 1.0685823 1.0591837 1.050726\n", + " 1.0468683 1.0494218 1.0552114 1.060592 ]\n", + " [1.1801275 1.1756412 1.1850609 1.1925955 1.178998 1.1451361 1.1111822\n", + " 1.0890298 1.0790638 1.077754 1.077805 1.073097 1.0626667 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1687024 1.1663556 1.1776011 1.185385 1.1731524 1.1375682 1.1041532\n", + " 1.0819548 1.0718212 1.0703716 1.0706503 1.0663617 1.0565351 1.0487524\n", + " 1.0450667 1.0468724 0. 0. ]]\n", + "[[1.180715 1.1767368 1.1871012 1.1956666 1.1830229 1.1489192 1.1125765\n", + " 1.0889535 1.0782853 1.0753382 1.0745357 1.0699749 1.0603639 1.0518329\n", + " 1.0479214 1.0495528 1.0551915 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1734562 1.1693152 1.1801785 1.1882468 1.1771964 1.1427146 1.1071459\n", + " 1.0838583 1.0732342 1.0717571 1.0720757 1.0674784 1.0583035 1.0497371\n", + " 1.0458583 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1856245 1.1808423 1.1902649 1.1985778 1.1852665 1.1516533 1.1159395\n", + " 1.0918851 1.0793389 1.0748408 1.0728981 1.0672166 1.0579802 1.0500027\n", + " 1.0469577 1.0487179 1.0541372 1.0593598 1.0614892 1.062531 0.\n", + " 0. ]\n", + " [1.165057 1.163295 1.1738077 1.1832944 1.1721381 1.1404635 1.106716\n", + " 1.0839975 1.0723397 1.0679905 1.06626 1.0601014 1.0516028 1.0440118\n", + " 1.0410097 1.0426708 1.0476316 1.0522327 1.0548517 1.0558037 1.0575445\n", + " 1.0609658]\n", + " [1.1752509 1.169626 1.178623 1.186913 1.1747403 1.1418746 1.1076746\n", + " 1.0854291 1.0745888 1.072055 1.0714567 1.0669742 1.0581639 1.0498507\n", + " 1.046149 1.0481876 1.0539483 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1625533 1.1585692 1.1689292 1.1777276 1.1676656 1.1359468 1.1027831\n", + " 1.0807962 1.0702102 1.0677755 1.0678447 1.0638362 1.0555252 1.0470233\n", + " 1.043242 1.0453202 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.165313 1.1608571 1.170211 1.1778502 1.1665252 1.1336997 1.101348\n", + " 1.0806862 1.072118 1.0707567 1.0707362 1.0655711 1.0558202 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1603878 1.1575958 1.167077 1.17435 1.1624078 1.1298378 1.0975062\n", + " 1.0770278 1.0674598 1.0652766 1.0654726 1.0605239 1.052202 1.0444047\n", + " 1.0409577 1.0424496 1.0475082 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1619089 1.1576644 1.1668289 1.175782 1.1647668 1.132717 1.1006768\n", + " 1.0787581 1.0692244 1.0684181 1.0686389 1.0648688 1.0562464 1.0482277\n", + " 1.0441887 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.172837 1.1701418 1.181118 1.1917511 1.180767 1.1474043 1.111909\n", + " 1.0874792 1.0748117 1.0705805 1.0686631 1.0629376 1.0545517 1.0469716\n", + " 1.0436934 1.0453312 1.0497979 1.0545354 1.0564691 1.0571587 1.0583749\n", + " 1.0621347]]\n", + "[[1.1634746 1.1601516 1.1696305 1.177729 1.1663284 1.1345857 1.1018386\n", + " 1.0797871 1.069515 1.0668243 1.0657164 1.0616684 1.0533069 1.0455189\n", + " 1.0422741 1.0435517 1.0482893 1.0532476 0. ]\n", + " [1.1647335 1.1619176 1.1733394 1.1828344 1.1718798 1.1383444 1.1033484\n", + " 1.080547 1.069682 1.0668523 1.065928 1.0612832 1.0530009 1.0452533\n", + " 1.041754 1.0430714 1.0477794 1.0524008 1.0547274]\n", + " [1.1611371 1.1567097 1.1650302 1.1723644 1.1617566 1.1312126 1.099698\n", + " 1.0784128 1.0686547 1.0663506 1.0661408 1.0619421 1.0541986 1.0466487\n", + " 1.0427816 1.044338 0. 0. 0. ]\n", + " [1.1652188 1.1606112 1.1697633 1.1778344 1.1656618 1.1341367 1.1017847\n", + " 1.0806963 1.0701697 1.0677925 1.0669899 1.0618082 1.0537239 1.046467\n", + " 1.0431376 1.0454379 1.0504487 0. 0. ]\n", + " [1.1798875 1.1765679 1.1877581 1.1950433 1.1830504 1.1481487 1.112258\n", + " 1.08841 1.0774877 1.0746908 1.0740575 1.0693804 1.0592095 1.0507641\n", + " 1.0471963 1.0493507 1.0549083 1.0603054 0. ]]\n", + "[[1.1740597 1.171452 1.1838375 1.192583 1.1804295 1.1453416 1.109641\n", + " 1.0851392 1.0734422 1.0702933 1.0687376 1.0641477 1.0554065 1.0480883\n", + " 1.0443138 1.0457054 1.0509318 1.0559896 1.0586478 0. 0.\n", + " 0. ]\n", + " [1.1844913 1.1792319 1.189313 1.1981517 1.1856948 1.1512011 1.1147803\n", + " 1.0908488 1.0801644 1.077622 1.0770429 1.0717099 1.0620987 1.0523708\n", + " 1.04829 1.0499524 1.0552821 1.0611676 0. 0. 0.\n", + " 0. ]\n", + " [1.1806028 1.1750821 1.1852553 1.1944207 1.182838 1.1487294 1.1126765\n", + " 1.0892998 1.0785179 1.0765978 1.0770247 1.071806 1.0620263 1.0525945\n", + " 1.0482299 1.0501012 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1769494 1.1740459 1.1848949 1.1930238 1.1820816 1.1490107 1.1147066\n", + " 1.0910633 1.0791761 1.0743254 1.0716465 1.0647551 1.0552039 1.0476172\n", + " 1.0442243 1.0463353 1.051736 1.0566882 1.0588572 1.0591161 1.060604\n", + " 1.0643407]\n", + " [1.176467 1.1721295 1.1808354 1.1884542 1.1750891 1.1422389 1.1084294\n", + " 1.08652 1.0763113 1.0749235 1.0750772 1.0701927 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1965673 1.1917002 1.200746 1.2099572 1.1959429 1.1602902 1.1236737\n", + " 1.0992153 1.0873661 1.085102 1.0845231 1.0786172 1.0680883 1.0582104\n", + " 1.0536544 0. 0. ]\n", + " [1.1594921 1.1556543 1.1648457 1.173443 1.1622447 1.1305445 1.0984544\n", + " 1.0772209 1.0675528 1.0657693 1.0655972 1.0612218 1.0524029 1.0445795\n", + " 1.0410753 1.0428737 1.0482565]\n", + " [1.1593574 1.1543919 1.1628078 1.1703043 1.1594288 1.1286459 1.0968997\n", + " 1.0765231 1.0669736 1.0656012 1.0657523 1.0617068 1.0534743 1.0459106\n", + " 1.0422935 0. 0. ]\n", + " [1.1687689 1.1638086 1.1737114 1.1836396 1.1719726 1.1400963 1.1068348\n", + " 1.0841892 1.0738795 1.0716585 1.0713109 1.0660735 1.056777 1.048264\n", + " 1.0441437 1.0463557 0. ]\n", + " [1.189196 1.1841564 1.1939443 1.202286 1.1890057 1.1527284 1.1162274\n", + " 1.0920128 1.0813653 1.0799818 1.0802648 1.0753108 1.0652591 1.0557233\n", + " 0. 0. 0. ]]\n", + "[[1.171553 1.168115 1.1777776 1.1862108 1.1732981 1.1403333 1.1060904\n", + " 1.0829269 1.0719657 1.0692776 1.0682888 1.0635413 1.0552163 1.0468714\n", + " 1.0433339 1.0451441 1.0503734 1.0555843]\n", + " [1.1722709 1.16877 1.1784997 1.1862148 1.1735477 1.1392826 1.1046298\n", + " 1.0817463 1.070985 1.068409 1.0683923 1.0646814 1.0560439 1.0485846\n", + " 1.0450826 1.0471063 1.0529374 0. ]\n", + " [1.1841564 1.180562 1.1896814 1.1987964 1.1861479 1.1514218 1.1162059\n", + " 1.09211 1.0807718 1.0775442 1.0763048 1.071727 1.0625226 1.0535645\n", + " 1.0494754 1.0515118 1.0573972 0. ]\n", + " [1.1631236 1.1608027 1.1715598 1.1795039 1.1679741 1.1353465 1.1023542\n", + " 1.0803795 1.0704738 1.0682681 1.0683314 1.0631577 1.0545657 1.0461031\n", + " 1.0426522 1.0441545 1.0492537 0. ]\n", + " [1.1635395 1.1590028 1.1699001 1.179447 1.1685084 1.1358073 1.1017251\n", + " 1.079505 1.0684983 1.0665369 1.0659138 1.0608826 1.0518923 1.0436752\n", + " 1.039976 1.041616 1.0464622 1.0517038]]\n", + "[[1.1783512 1.1769861 1.1891742 1.1980443 1.1846058 1.1489264 1.1123286\n", + " 1.0884658 1.0771761 1.0732048 1.0718979 1.0656971 1.0562607 1.0475191\n", + " 1.0440724 1.0458503 1.0510092 1.0561284 1.058564 1.0597253 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1673746 1.1649667 1.1754588 1.1856349 1.174473 1.1430016 1.1093504\n", + " 1.0862978 1.0747519 1.0702763 1.0680151 1.0614651 1.0521882 1.0446485\n", + " 1.0418835 1.0440719 1.049354 1.053722 1.0562314 1.0566636 1.0571669\n", + " 1.0609688 1.0684721 1.0781802 1.0859 ]\n", + " [1.1543491 1.1493444 1.1580517 1.1659651 1.1576601 1.1282209 1.0966353\n", + " 1.0759358 1.0658776 1.0640808 1.064235 1.0594964 1.051659 1.0436693\n", + " 1.0399351 1.0416104 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1532623 1.1523321 1.16296 1.1720796 1.1606082 1.1287673 1.0978153\n", + " 1.0773355 1.0666851 1.0626887 1.0607512 1.0552621 1.0466207 1.0401969\n", + " 1.0375142 1.0392095 1.043878 1.0484123 1.0508718 1.0519688 1.0531797\n", + " 1.056765 1.063341 0. 0. ]\n", + " [1.1848471 1.1819153 1.1921757 1.2002428 1.1880422 1.153566 1.117815\n", + " 1.0933332 1.0811042 1.0772688 1.0752778 1.0692587 1.0600053 1.0512516\n", + " 1.047683 1.0495939 1.055344 1.06048 1.062872 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1649485 1.1626686 1.1737815 1.1821024 1.1703157 1.1376436 1.1043941\n", + " 1.081965 1.0707703 1.067783 1.0661457 1.0602175 1.0515014 1.0439712\n", + " 1.0410223 1.042699 1.0477276 1.0523183 1.0545721 1.055529 ]\n", + " [1.1748688 1.1697946 1.1785629 1.1876057 1.1752697 1.1429405 1.1082383\n", + " 1.0854704 1.0744833 1.0717546 1.0712487 1.0671645 1.0586201 1.0501842\n", + " 1.0465975 1.0483774 1.0538769 0. 0. 0. ]\n", + " [1.186686 1.182998 1.193391 1.2022111 1.1901808 1.1555669 1.1191684\n", + " 1.0943264 1.0819229 1.0784286 1.0772936 1.0712299 1.0608844 1.0524521\n", + " 1.0485368 1.0501862 1.0555613 1.0607483 1.0630844 0. ]\n", + " [1.1693362 1.1645455 1.1739421 1.1816478 1.1711886 1.1389421 1.1055485\n", + " 1.0830821 1.0723816 1.0712548 1.0716418 1.0664685 1.058074 1.0495408\n", + " 1.045682 0. 0. 0. 0. 0. ]\n", + " [1.1882681 1.1834961 1.1926036 1.2000489 1.1878567 1.1527389 1.1170063\n", + " 1.0929977 1.0823398 1.081187 1.0820564 1.0763484 1.0659953 1.0566541\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1862555 1.1806781 1.1907187 1.1975429 1.1832726 1.1476756 1.1119195\n", + " 1.0887418 1.0793 1.0782928 1.0788116 1.073838 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2031884 1.196655 1.2064161 1.214975 1.2014041 1.1637472 1.1252029\n", + " 1.1001161 1.0898347 1.0885037 1.0889974 1.0834341 1.0719796 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1775993 1.1739614 1.1841806 1.1939559 1.1820929 1.1478674 1.112467\n", + " 1.0890752 1.0781772 1.0756462 1.0758793 1.0710571 1.0620242 1.0533699\n", + " 1.0491565 1.0509453 0. 0. ]\n", + " [1.1662061 1.1629883 1.1737523 1.1823941 1.1712966 1.1393976 1.1057595\n", + " 1.0831344 1.0723261 1.0692444 1.0683615 1.063699 1.0552313 1.0470301\n", + " 1.0431739 1.0444423 1.0491883 1.0546261]\n", + " [1.1681045 1.1635287 1.1734667 1.1831305 1.1718006 1.139262 1.1058099\n", + " 1.0834484 1.0728642 1.0706726 1.0707703 1.0660149 1.0574566 1.049305\n", + " 1.0457271 1.0476588 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.170764 1.1687851 1.1801357 1.1881837 1.1761614 1.1423856 1.107122\n", + " 1.0844213 1.0730413 1.0693675 1.0682352 1.0629666 1.0544828 1.0466924\n", + " 1.043365 1.0449 1.0495075 1.0544119 1.0567983 1.0579208 0.\n", + " 0. 0. 0. ]\n", + " [1.1670932 1.1606221 1.1695049 1.1785533 1.1671414 1.1354536 1.1027896\n", + " 1.0809144 1.0707772 1.0689981 1.0692232 1.0652701 1.0566968 1.0486333\n", + " 1.0450325 1.0468669 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1703998 1.1681017 1.1782032 1.1866062 1.1736052 1.1401856 1.1060914\n", + " 1.0838417 1.0739245 1.0721011 1.0720162 1.0670056 1.0576342 1.0493497\n", + " 1.0452474 1.0470762 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1605281 1.1582338 1.1685336 1.1787292 1.1684687 1.1370907 1.104949\n", + " 1.0830657 1.0718598 1.067754 1.0652587 1.059063 1.0496651 1.0423284\n", + " 1.0390797 1.0409725 1.045822 1.0510255 1.0531281 1.0543565 1.0558642\n", + " 1.0584582 1.0654981 1.0748191]\n", + " [1.1601216 1.1571188 1.1682138 1.1783261 1.1676004 1.1359143 1.1019759\n", + " 1.0798914 1.0686322 1.0649134 1.0630192 1.0579559 1.0499065 1.0431075\n", + " 1.0396842 1.041595 1.0460161 1.050514 1.052594 1.0534354 1.0547725\n", + " 1.058222 0. 0. ]]\n", + "[[1.1949837 1.1919755 1.2016468 1.2102982 1.1958928 1.1593635 1.1217955\n", + " 1.096527 1.0844986 1.0808306 1.0790151 1.0720497 1.0618141 1.0529596\n", + " 1.0487281 1.0509408 1.0568781 1.0628229 1.0659779 0. ]\n", + " [1.1847926 1.1809572 1.1919454 1.2011162 1.1865492 1.1502547 1.113963\n", + " 1.0911012 1.0809797 1.080471 1.0816703 1.0761808 1.0655295 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1552219 1.1519729 1.1611342 1.1697328 1.1594127 1.1289277 1.0983769\n", + " 1.077531 1.0672549 1.0637587 1.0621943 1.0564051 1.0476794 1.040227\n", + " 1.0372698 1.0387596 1.0436238 1.0480074 1.050002 1.0509152]\n", + " [1.1722704 1.1677567 1.178258 1.1885147 1.1763318 1.143563 1.1077206\n", + " 1.0849094 1.074064 1.0719326 1.0722493 1.0679146 1.0591757 1.0509131\n", + " 1.0466099 1.0480223 0. 0. 0. 0. ]\n", + " [1.1692753 1.1634424 1.1720037 1.1807737 1.1702406 1.1392992 1.105721\n", + " 1.083957 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.16358 1.1599855 1.1694136 1.1772932 1.164571 1.1320674 1.1002527\n", + " 1.0790904 1.0705653 1.0693235 1.0695202 1.0648458 1.0560114 1.047718\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1571099 1.1555048 1.165731 1.1722997 1.1621734 1.130705 1.098747\n", + " 1.0770699 1.0665717 1.0631837 1.0625256 1.0576203 1.0500273 1.0422065\n", + " 1.0394874 1.0407555 1.045177 1.0498464 1.0524337]\n", + " [1.1729412 1.1699075 1.1793214 1.1883148 1.1737883 1.1399409 1.1053708\n", + " 1.0837668 1.0751195 1.0741026 1.0750554 1.0698793 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1688628 1.1652502 1.1747613 1.1825999 1.1686839 1.1364845 1.1031969\n", + " 1.0812495 1.0703009 1.066965 1.0656346 1.0601269 1.051889 1.044296\n", + " 1.041618 1.0435447 1.0484511 1.0529883 1.0555276]\n", + " [1.174203 1.1711802 1.1816738 1.1910502 1.1788908 1.1455243 1.110452\n", + " 1.0870099 1.0756785 1.072286 1.0707357 1.0655735 1.0564826 1.0482811\n", + " 1.0443208 1.0461721 1.0511271 1.0559869 1.0582919]]\n", + "[[1.1507037 1.1467577 1.1566344 1.1657785 1.156594 1.1273395 1.0962669\n", + " 1.0752065 1.0652812 1.0633464 1.0632703 1.0590111 1.051114 1.0438157\n", + " 1.040345 1.0423764 0. 0. 0. 0. ]\n", + " [1.1862689 1.1819085 1.191246 1.2004696 1.1875927 1.1513771 1.115208\n", + " 1.0916378 1.0797168 1.0773349 1.0770019 1.0713689 1.0622768 1.0532255\n", + " 1.0497841 1.0515908 1.0580516 0. 0. 0. ]\n", + " [1.175127 1.1720905 1.1821055 1.1883392 1.1758311 1.1416037 1.1071571\n", + " 1.0852501 1.074431 1.0720685 1.0713164 1.0660499 1.0568384 1.0482657\n", + " 1.0443105 1.0462167 1.0515149 0. 0. 0. ]\n", + " [1.175219 1.1723413 1.1834428 1.1926703 1.1801636 1.1467545 1.1114103\n", + " 1.0877658 1.0756252 1.0727507 1.0711577 1.0654396 1.0562937 1.0484483\n", + " 1.0450741 1.0462264 1.0510466 1.0556793 1.0578454 1.0587662]\n", + " [1.1676297 1.1654023 1.1766559 1.1859021 1.1730461 1.1399094 1.1052437\n", + " 1.0816551 1.0701667 1.0671282 1.0664915 1.0618279 1.0538775 1.0460215\n", + " 1.0428748 1.044379 1.0491117 1.0542443 1.0565425 0. ]]\n", + "[[1.1844726 1.181977 1.1931454 1.2007896 1.1884022 1.1526742 1.1158713\n", + " 1.0911013 1.079182 1.0760013 1.0752544 1.069697 1.0607792 1.0519581\n", + " 1.0482749 1.0498294 1.055114 1.0605404 1.0633683 0. 0. ]\n", + " [1.1942877 1.1875987 1.1963482 1.2047869 1.1912323 1.157379 1.1209157\n", + " 1.0962787 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1860403 1.1825686 1.1940558 1.2020456 1.1900175 1.1516266 1.1150666\n", + " 1.0913231 1.0806279 1.0800972 1.0812101 1.0760366 1.0655239 1.0559734\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.2190808 1.2123309 1.2218274 1.2297752 1.2140081 1.174501 1.1330624\n", + " 1.1059574 1.094604 1.0933567 1.0946953 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.175828 1.1731243 1.1844163 1.1936582 1.1809427 1.1460508 1.1101637\n", + " 1.086626 1.0748688 1.071223 1.0690521 1.0636117 1.0546595 1.0465904\n", + " 1.0433632 1.0453894 1.0500686 1.0553577 1.057919 1.0589715 1.0607642]]\n", + "[[1.1544235 1.1504745 1.1594456 1.1673763 1.1563241 1.1256852 1.0943351\n", + " 1.0740844 1.0647638 1.0630131 1.0628465 1.0584892 1.0504348 1.0430915\n", + " 1.0396593 1.0412625 1.0461489 0. 0. 0. 0. ]\n", + " [1.1580734 1.1539817 1.1624563 1.1687329 1.1573424 1.1262732 1.0954381\n", + " 1.0752432 1.0657198 1.063786 1.0634366 1.0599078 1.0521594 1.0447325\n", + " 1.0416477 1.0433633 0. 0. 0. 0. 0. ]\n", + " [1.1471318 1.1435362 1.1519121 1.1584611 1.1487044 1.1204376 1.0909648\n", + " 1.0710808 1.0630146 1.0619696 1.0624734 1.0585673 1.0502522 1.042663\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1690063 1.1662678 1.1781381 1.187012 1.1741545 1.1401249 1.1051183\n", + " 1.0825471 1.0721381 1.0697886 1.0695034 1.0640703 1.0546168 1.0461843\n", + " 1.0423528 1.0439147 1.0492533 1.0543282 0. 0. 0. ]\n", + " [1.1573703 1.1551596 1.1650951 1.1726274 1.1611238 1.1295416 1.0985255\n", + " 1.0770948 1.0665962 1.0634556 1.0610359 1.0561906 1.048471 1.0410217\n", + " 1.0381236 1.0398521 1.0441214 1.0486265 1.0508509 1.0520909 1.0540358]]\n", + "[[1.1680394 1.1638528 1.1732769 1.1815782 1.1704992 1.1370307 1.1033127\n", + " 1.0810176 1.0702906 1.0686842 1.0684679 1.0642772 1.0553867 1.0475167\n", + " 1.0438411 1.0456611 1.0509548 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1596005 1.155887 1.1667182 1.1759249 1.1655569 1.1330796 1.0996014\n", + " 1.0775013 1.0682015 1.0667565 1.0679377 1.0637444 1.0550389 1.046906\n", + " 1.0429752 1.0445627 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1785902 1.1763861 1.1866046 1.1956986 1.1839125 1.1509625 1.115994\n", + " 1.0916843 1.0794283 1.074496 1.0717994 1.0654179 1.0556496 1.0478932\n", + " 1.0448514 1.0468308 1.0518118 1.0572054 1.0597675 1.0607438 1.0619756\n", + " 1.0657493]\n", + " [1.164423 1.162183 1.1731887 1.1829635 1.1709298 1.1376085 1.1035191\n", + " 1.0808965 1.0707542 1.0673428 1.0668083 1.060949 1.052672 1.0449451\n", + " 1.0412179 1.0427843 1.047553 1.0525876 1.0550088 0. 0.\n", + " 0. ]\n", + " [1.1714587 1.1684399 1.1787252 1.1882105 1.176415 1.1429687 1.1089426\n", + " 1.0854303 1.0734948 1.070069 1.0680943 1.0626136 1.0543098 1.0467157\n", + " 1.0434364 1.0448898 1.0499563 1.0547535 1.0568594 1.057674 0.\n", + " 0. ]]\n", + "[[1.1733817 1.1696353 1.1803262 1.1895049 1.178594 1.1438887 1.1089032\n", + " 1.0847882 1.0747845 1.0733572 1.0742462 1.0696427 1.0598071 1.0508857\n", + " 1.046396 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1824224 1.1790836 1.1898859 1.1983619 1.1870029 1.1520082 1.115771\n", + " 1.0904943 1.0794713 1.0770606 1.0764445 1.0718601 1.0618068 1.052868\n", + " 1.0487984 1.0504206 1.0562183 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1574974 1.1544763 1.164665 1.173402 1.1622514 1.1315835 1.0996145\n", + " 1.0780693 1.0673307 1.0639552 1.0619597 1.0569737 1.0485339 1.0418129\n", + " 1.0390248 1.040892 1.0453092 1.0497086 1.0515584 1.0524842 1.0545143\n", + " 1.0582722 1.0653732 1.0745659]\n", + " [1.192501 1.1862487 1.1965393 1.2050729 1.192271 1.1563148 1.1189665\n", + " 1.0945029 1.0833911 1.0814981 1.0825958 1.0777352 1.0673661 1.0577369\n", + " 1.0530386 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1608778 1.1576521 1.1667047 1.1753545 1.1646605 1.1328504 1.1015621\n", + " 1.0797195 1.0686939 1.0648696 1.0630965 1.0578914 1.0500023 1.0433173\n", + " 1.0403115 1.0419153 1.046848 1.0514606 1.0543675 1.0553086 1.05692\n", + " 0. 0. 0. ]]\n", + "[[1.2002112 1.1944591 1.2036877 1.2114624 1.198511 1.1627 1.1257553\n", + " 1.1001902 1.0878742 1.0846659 1.0843906 1.0787386 1.068749 1.0589584\n", + " 1.0548211 1.057428 0. 0. 0. 0. ]\n", + " [1.1721408 1.1686716 1.1791046 1.186792 1.1737378 1.1403737 1.1059754\n", + " 1.0840814 1.0745615 1.0730064 1.0734363 1.0686696 1.0592846 1.0513629\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1859103 1.1822504 1.192773 1.200927 1.1875241 1.1522648 1.1168602\n", + " 1.0929537 1.0815282 1.0779333 1.0759845 1.0688069 1.0589108 1.0501326\n", + " 1.0465859 1.0484018 1.0541614 1.059366 1.0619124 1.0627431]\n", + " [1.1765233 1.1730387 1.183044 1.1921175 1.1801095 1.145593 1.1108553\n", + " 1.0871533 1.0759017 1.0720768 1.0710691 1.0654548 1.0560191 1.0476948\n", + " 1.0439928 1.0458082 1.0512424 1.0561236 1.0586545 0. ]\n", + " [1.1754774 1.1719 1.1836636 1.194818 1.182447 1.1473813 1.1113424\n", + " 1.0874877 1.0773916 1.076225 1.0768163 1.0717266 1.0622387 1.0531144\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1662475 1.1632935 1.1738796 1.1830186 1.171102 1.1377397 1.1034843\n", + " 1.0804245 1.0703809 1.0686291 1.0684195 1.064398 1.0558344 1.0480802\n", + " 1.0439088 1.0451434 1.0503148 0. 0. 0. ]\n", + " [1.1691154 1.1666685 1.177101 1.1856046 1.1724659 1.1392711 1.1054764\n", + " 1.08328 1.0726591 1.0695766 1.0684876 1.0628568 1.0546801 1.0469879\n", + " 1.0432104 1.0450759 1.0499713 1.0547174 1.0574322 0. ]\n", + " [1.1664512 1.1621193 1.1706016 1.178238 1.1659435 1.1341678 1.1013899\n", + " 1.080418 1.070219 1.067754 1.0669746 1.0622839 1.053818 1.0460101\n", + " 1.0427351 1.0444317 1.0494173 1.0542436 0. 0. ]\n", + " [1.1647995 1.159051 1.1685443 1.1778907 1.1666981 1.1348934 1.1024345\n", + " 1.0807718 1.071486 1.0704672 1.0714952 1.0672281 1.0578299 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1611335 1.1589024 1.1697072 1.178775 1.1676134 1.1351097 1.101606\n", + " 1.0787948 1.0682745 1.0649571 1.0635943 1.0587374 1.0508287 1.0435926\n", + " 1.0407825 1.042123 1.046658 1.0511163 1.0532714 1.0540584]]\n", + "[[1.1647062 1.160221 1.1689509 1.1769375 1.1651267 1.1331459 1.1010633\n", + " 1.0796632 1.0697997 1.0681463 1.0682799 1.0641906 1.0561293 1.0483896\n", + " 1.0448081 0. 0. 0. 0. 0. ]\n", + " [1.1640162 1.1579746 1.1663277 1.1736726 1.1631665 1.1326336 1.1006563\n", + " 1.0794588 1.0693588 1.0666859 1.0671027 1.0627598 1.0542457 1.0462378\n", + " 1.0423105 1.0439814 0. 0. 0. 0. ]\n", + " [1.1555383 1.1527672 1.1636158 1.1725396 1.1610701 1.1286156 1.0960642\n", + " 1.074609 1.0644389 1.0619885 1.0611693 1.0569826 1.0492039 1.0423787\n", + " 1.0391536 1.0406756 1.0450116 1.049677 1.0522182 0. ]\n", + " [1.1679282 1.163606 1.1726474 1.1801344 1.1687874 1.1366023 1.1037551\n", + " 1.0820806 1.0718032 1.0689803 1.0685586 1.0639727 1.0553727 1.047748\n", + " 1.0441033 1.0459242 1.0513544 0. 0. 0. ]\n", + " [1.1605514 1.1587322 1.1693083 1.1774161 1.1671598 1.1350105 1.1019746\n", + " 1.079629 1.0684943 1.0651397 1.0636406 1.0587075 1.0508666 1.0436754\n", + " 1.0405402 1.0420376 1.0466865 1.0510926 1.0536351 1.0547632]]\n", + "[[1.1506804 1.1474612 1.156925 1.1665503 1.1573625 1.1289333 1.0989242\n", + " 1.0783336 1.0674356 1.0634134 1.0608249 1.0548507 1.0464373 1.0397491\n", + " 1.037107 1.0394927 1.0441561 1.0491103 1.0515122 1.0522614 1.0530056\n", + " 1.05626 1.0628626 1.0720885 1.0794265 1.083586 1.0853007 1.0818745]\n", + " [1.1738912 1.1707094 1.1812232 1.1897666 1.175916 1.1427512 1.1086187\n", + " 1.0856806 1.074716 1.0714898 1.0701531 1.0647185 1.0558478 1.0479923\n", + " 1.0442222 1.0462797 1.0512528 1.0563112 1.05882 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1872898 1.1828359 1.1928815 1.2010056 1.1850379 1.1495144 1.113208\n", + " 1.0903958 1.0807261 1.0797575 1.0801854 1.0748323 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1805304 1.1758819 1.1862212 1.1951888 1.1823711 1.1484997 1.1131004\n", + " 1.0897859 1.0788215 1.0775458 1.0777167 1.0730511 1.0634042 1.0540247\n", + " 1.0496691 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1874945 1.183676 1.1934248 1.2033948 1.1903824 1.1559817 1.1192218\n", + " 1.0942599 1.081828 1.0797421 1.07883 1.0735049 1.0639063 1.0547184\n", + " 1.0507421 1.0526438 1.0585326 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1694343 1.166042 1.1771605 1.1846592 1.1732719 1.1392986 1.1046864\n", + " 1.0819956 1.0714947 1.0698656 1.0699618 1.0657014 1.0565705 1.0485218\n", + " 1.0446588 1.0465363 1.0518144 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1684859 1.165801 1.1775893 1.1867316 1.174716 1.1403149 1.106509\n", + " 1.0836338 1.073227 1.0708116 1.0701374 1.0650573 1.0560346 1.0480752\n", + " 1.0442663 1.0460479 1.0512172 1.0564134 0. 0. 0.\n", + " 0. ]\n", + " [1.1537161 1.1504657 1.159942 1.1687679 1.1577132 1.12786 1.0968324\n", + " 1.0756872 1.0651805 1.0624048 1.0612131 1.0560722 1.0481204 1.0409786\n", + " 1.0379094 1.0394926 1.0441024 1.0486274 1.0508909 0. 0.\n", + " 0. ]\n", + " [1.1861397 1.1832038 1.1959236 1.2071558 1.1962037 1.1608505 1.1234437\n", + " 1.0975437 1.0851083 1.0809858 1.0783142 1.0711389 1.0603571 1.0516931\n", + " 1.0476655 1.0495291 1.0552616 1.0605825 1.0631006 1.0643873 1.0663552\n", + " 1.0702088]\n", + " [1.191684 1.1862692 1.1960081 1.2031416 1.190367 1.1543473 1.1183923\n", + " 1.0946851 1.083978 1.0830691 1.0833533 1.0771961 1.0668238 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.17648 1.171164 1.1816968 1.1903052 1.1791962 1.1452876 1.1108854\n", + " 1.0878905 1.0769873 1.075563 1.0755173 1.0700178 1.060071 1.0510798\n", + " 1.0470008 1.0485759 0. 0. 0. 0. ]\n", + " [1.1618361 1.159103 1.1690707 1.1770064 1.163593 1.1316905 1.0991851\n", + " 1.0780294 1.0683237 1.0666322 1.0668285 1.0619695 1.0534576 1.0458746\n", + " 1.0424352 1.0440749 1.0491029 0. 0. 0. ]\n", + " [1.1938273 1.1900666 1.2003949 1.2090913 1.1973307 1.1624117 1.1254599\n", + " 1.0997555 1.0864614 1.0822732 1.0800574 1.0739323 1.0641835 1.055372\n", + " 1.0517566 1.0535419 1.0591515 1.0644798 1.0667951 0. ]\n", + " [1.1834123 1.1792588 1.1892071 1.1974462 1.1836064 1.1478803 1.1113499\n", + " 1.0875131 1.0772668 1.075017 1.0748006 1.0700525 1.0606663 1.0523809\n", + " 1.0487455 1.0514638 0. 0. 0. 0. ]\n", + " [1.1828415 1.1788496 1.1879774 1.196492 1.1835766 1.1487875 1.1133566\n", + " 1.0890119 1.0767754 1.0731964 1.0717261 1.0660261 1.0572641 1.0493032\n", + " 1.045692 1.0476007 1.0525635 1.0576737 1.0601329 1.0609566]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1672477 1.1655122 1.1766186 1.1848798 1.1730758 1.1393698 1.1053421\n", + " 1.0821548 1.0716301 1.0682658 1.066541 1.0613966 1.0532784 1.0454475\n", + " 1.0423906 1.0440174 1.0485704 1.0531936 1.0556567 1.0565851]\n", + " [1.170854 1.1669073 1.1773195 1.1850053 1.1733115 1.1396759 1.105391\n", + " 1.0831571 1.0728462 1.0703825 1.0702937 1.0656779 1.0567948 1.0484985\n", + " 1.0444218 1.046358 1.0514725 0. 0. 0. ]\n", + " [1.1845405 1.1788931 1.1884992 1.1979253 1.1856021 1.1514856 1.1160389\n", + " 1.0928445 1.082583 1.080226 1.0797111 1.0736521 1.0631989 1.0539132\n", + " 1.0497478 1.0525231 0. 0. 0. 0. ]\n", + " [1.1572013 1.1548636 1.1652657 1.1751466 1.1653984 1.1338774 1.1006916\n", + " 1.0790302 1.0676622 1.0647281 1.0633112 1.0581714 1.0494951 1.0423273\n", + " 1.0390047 1.0403438 1.0447565 1.0490321 1.0513383 1.0519465]\n", + " [1.1717381 1.1675341 1.1781682 1.1879878 1.1768479 1.1427789 1.1075089\n", + " 1.0839555 1.0733012 1.0710787 1.071561 1.0674424 1.0585464 1.0499669\n", + " 1.0459789 1.0476184 0. 0. 0. 0. ]]\n", + "[[1.1802559 1.1753948 1.1847471 1.1932936 1.1801233 1.1453416 1.1103618\n", + " 1.0870597 1.0778056 1.0769067 1.0770929 1.072411 1.0619068 1.0526279\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.173513 1.1688356 1.178508 1.186291 1.1725061 1.1391017 1.1047162\n", + " 1.0815363 1.0717856 1.0704393 1.0715102 1.0672482 1.0587087 1.0503681\n", + " 1.0464315 0. 0. 0. 0. ]\n", + " [1.188915 1.1825794 1.190747 1.197789 1.1842321 1.1491892 1.1143422\n", + " 1.0910296 1.0803841 1.0778555 1.0773693 1.0720794 1.0621378 1.0531162\n", + " 1.0494679 1.051922 1.058554 0. 0. ]\n", + " [1.1804757 1.1758127 1.1865062 1.1958945 1.1837921 1.147999 1.1117463\n", + " 1.087703 1.0773897 1.0760914 1.0765039 1.0720408 1.0627238 1.0534822\n", + " 1.0496778 0. 0. 0. 0. ]\n", + " [1.1800089 1.1777947 1.1887268 1.197261 1.1839485 1.1495165 1.1139375\n", + " 1.0894823 1.0773712 1.074058 1.0726848 1.0677837 1.058554 1.0502539\n", + " 1.0457801 1.0479064 1.0530429 1.0581988 1.0605311]]\n", + "[[1.171866 1.16653 1.1761761 1.1847062 1.1734565 1.1414654 1.1082811\n", + " 1.0864333 1.0762684 1.0748211 1.074609 1.0699749 1.0602854 1.0514785\n", + " 0. 0. ]\n", + " [1.1725047 1.1684728 1.1794859 1.1891611 1.1774514 1.1435409 1.1085778\n", + " 1.0848205 1.0738794 1.0710987 1.070365 1.0663778 1.0575925 1.049495\n", + " 1.0460116 1.0479664]]\n", + "[[1.168077 1.1652857 1.1767448 1.1862347 1.1735958 1.1397702 1.1057838\n", + " 1.0827559 1.0715264 1.068688 1.0674542 1.062258 1.053291 1.045787\n", + " 1.0419685 1.0438536 1.0493239 1.054167 1.0568213 0. ]\n", + " [1.1723807 1.1689099 1.1786306 1.1871012 1.1743841 1.1416115 1.1078622\n", + " 1.0847707 1.0733055 1.070007 1.0682629 1.0634551 1.0548477 1.0468034\n", + " 1.0438535 1.0457585 1.0511588 1.0563158 0. 0. ]\n", + " [1.1689363 1.164147 1.1728021 1.1801343 1.1685542 1.1365035 1.1037266\n", + " 1.0815966 1.0705366 1.0675648 1.0656881 1.0612411 1.0528882 1.0455905\n", + " 1.0424523 1.0442487 1.0493605 1.0545285 0. 0. ]\n", + " [1.1772679 1.1728246 1.1829369 1.1911758 1.1803453 1.1466559 1.1105815\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1673074 1.1643207 1.1743636 1.182922 1.1705614 1.1383029 1.1049485\n", + " 1.0822467 1.070644 1.0672367 1.0656788 1.0604053 1.0524863 1.045184\n", + " 1.0415541 1.0426687 1.047378 1.0520952 1.05464 1.0559667]]\n", + "[[1.168939 1.166734 1.1780324 1.1867986 1.1737945 1.1411719 1.1067499\n", + " 1.0841132 1.0731162 1.0701137 1.0686511 1.0632493 1.0541716 1.045855\n", + " 1.0424418 1.0443442 1.0495658 1.0544559 1.0565635]\n", + " [1.1624418 1.1573092 1.1669279 1.1757898 1.1656278 1.134715 1.1019329\n", + " 1.0800825 1.0706743 1.0685215 1.0691246 1.064559 1.0559164 1.0476282\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1596859 1.1538029 1.1609702 1.1689845 1.1576958 1.1265608 1.0956341\n", + " 1.0752177 1.065226 1.0636919 1.0636032 1.059834 1.0519435 1.0446396\n", + " 1.0413193 1.043193 0. 0. 0. ]\n", + " [1.1777564 1.1733432 1.1831667 1.1919504 1.1792221 1.1449301 1.1098549\n", + " 1.0870419 1.076942 1.0757229 1.0768067 1.0719674 1.0623369 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1687936 1.165383 1.1766852 1.1861074 1.1742524 1.1404861 1.1059512\n", + " 1.0826652 1.0718082 1.0698086 1.0702431 1.0652288 1.0559038 1.0480087\n", + " 1.0441134 1.0457487 1.0513418 0. 0. ]]\n", + "[[1.1872734 1.1833508 1.1928287 1.1998272 1.1879346 1.1526273 1.116525\n", + " 1.092248 1.0803773 1.077339 1.0764529 1.0712787 1.0618144 1.053182\n", + " 1.0491683 1.0512047 1.0569437 1.0624226]\n", + " [1.1699921 1.1648792 1.1737201 1.1815444 1.1688989 1.1357813 1.1032164\n", + " 1.0817701 1.07265 1.0712992 1.0710347 1.0664461 1.0571312 1.0488647\n", + " 1.0455881 0. 0. 0. ]\n", + " [1.1594651 1.1553837 1.1648318 1.1720121 1.1605047 1.1288216 1.0966702\n", + " 1.0756618 1.066342 1.064744 1.0646951 1.0601573 1.052504 1.0447626\n", + " 1.0414047 1.0430603 1.0480578 0. ]\n", + " [1.1710927 1.169351 1.1792771 1.1876605 1.1741914 1.1392384 1.1052704\n", + " 1.083193 1.073099 1.070793 1.0707953 1.0659509 1.0569024 1.0488532\n", + " 1.0451759 1.0470089 1.0523685 0. ]\n", + " [1.1880655 1.1846821 1.1975874 1.2071196 1.1934468 1.1559553 1.1181457\n", + " 1.0936204 1.0832194 1.0827644 1.0841621 1.0788639 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1694736 1.1664587 1.1774061 1.1868277 1.174849 1.1413332 1.1067717\n", + " 1.0836095 1.0718582 1.0680475 1.0657258 1.0604486 1.051433 1.0437248\n", + " 1.0405978 1.0424372 1.0475395 1.0523888 1.0550554 1.0561941]\n", + " [1.1765856 1.1738129 1.184649 1.1934289 1.1809875 1.1469643 1.1116906\n", + " 1.087813 1.0762353 1.072651 1.0707746 1.0646075 1.0556717 1.047632\n", + " 1.0439295 1.0457567 1.0509902 1.0558476 1.0585704 1.059624 ]\n", + " [1.1732424 1.1699067 1.1791135 1.1848798 1.171187 1.1383326 1.1060743\n", + " 1.0845804 1.0744032 1.0714632 1.0706449 1.0646136 1.0555464 1.0468532\n", + " 1.0434691 1.0455079 1.0502111 1.0547794 0. 0. ]\n", + " [1.1715592 1.1680291 1.1779227 1.1864463 1.1747302 1.1412703 1.1072006\n", + " 1.0841275 1.0731418 1.0695809 1.0679177 1.0619568 1.0529507 1.0456018\n", + " 1.0423659 1.044213 1.0491897 1.0541074 1.0563207 1.0571767]\n", + " [1.1743455 1.169511 1.178684 1.1876255 1.1759161 1.1421635 1.1080871\n", + " 1.0849367 1.0738671 1.0709243 1.0705501 1.0656626 1.0566373 1.0481648\n", + " 1.0444928 1.0464559 1.0520281 1.0578139 0. 0. ]]\n", + "[[1.1513107 1.1479256 1.1576983 1.1658416 1.1554745 1.1253878 1.0954974\n", + " 1.0754827 1.0653883 1.062003 1.0599748 1.0543123 1.0460774 1.039514\n", + " 1.03693 1.0389047 1.0436257 1.0481708 1.0503352 1.0512815 1.0525331\n", + " 1.0559539 1.0629593 1.072165 ]\n", + " [1.2053599 1.1998564 1.208982 1.2189553 1.2047688 1.1669928 1.1293751\n", + " 1.1036508 1.0909625 1.0885414 1.0882559 1.0829253 1.0717242 1.0617589\n", + " 1.057514 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1608497 1.1576455 1.1684338 1.1766608 1.1653546 1.133126 1.1004192\n", + " 1.0797515 1.0700108 1.0679324 1.0684186 1.0634046 1.0545467 1.0464836\n", + " 1.042829 1.0446961 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.169832 1.1645423 1.1743771 1.184075 1.1727021 1.1407628 1.1069735\n", + " 1.0845333 1.0744367 1.072717 1.0735161 1.0685945 1.0588082 1.0497509\n", + " 1.0455761 1.047674 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1869127 1.1811582 1.1926361 1.202531 1.1904833 1.154396 1.1161768\n", + " 1.0911789 1.0812854 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1842695 1.1822197 1.1941032 1.2041395 1.191951 1.1558567 1.1187911\n", + " 1.0936998 1.081203 1.0773544 1.0754423 1.069627 1.0597368 1.0513331\n", + " 1.0475544 1.049463 1.0550689 1.0600638 1.0625606 1.0633626 0. ]\n", + " [1.1820396 1.1782429 1.188833 1.1959288 1.1829164 1.14823 1.1124891\n", + " 1.088748 1.0775309 1.0746907 1.0737243 1.0680255 1.0588264 1.0504764\n", + " 1.046902 1.0489162 1.054306 1.05989 0. 0. 0. ]\n", + " [1.1930286 1.1892896 1.2001894 1.2090697 1.1969237 1.1603756 1.1224967\n", + " 1.0971805 1.0844886 1.0809724 1.0797824 1.0737134 1.0638034 1.054903\n", + " 1.0501813 1.0524814 1.0581937 1.0639753 0. 0. 0. ]\n", + " [1.1984087 1.1908758 1.199209 1.2095156 1.197759 1.1629506 1.1256149\n", + " 1.0995399 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1791071 1.1764127 1.1881833 1.1977016 1.185088 1.1507277 1.1152904\n", + " 1.090984 1.0786005 1.0747111 1.0724183 1.0662067 1.057069 1.0489796\n", + " 1.0451784 1.0471028 1.0524315 1.0574496 1.0599598 1.0607213 1.062424 ]]\n", + "[[1.1719848 1.167917 1.1783181 1.1869463 1.1730102 1.1392137 1.1054611\n", + " 1.0835911 1.0742172 1.0735939 1.0740827 1.0683572 1.0590495 1.0501595\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1697775 1.1677331 1.178956 1.187518 1.1758037 1.1417158 1.1065536\n", + " 1.0842289 1.0734612 1.0696546 1.0675697 1.0621616 1.0531117 1.0450877\n", + " 1.0423862 1.0442193 1.0491596 1.053773 1.0564523 1.057348 1.0588785\n", + " 1.0627762]\n", + " [1.1788259 1.1730169 1.1831114 1.1918043 1.1782117 1.1444962 1.1100922\n", + " 1.0874147 1.0778224 1.0767587 1.0774832 1.0726246 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1830044 1.1793051 1.1892511 1.1968036 1.1838785 1.1482638 1.1124995\n", + " 1.0889131 1.0794303 1.078367 1.0785668 1.0738057 1.063446 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1834532 1.179897 1.1903532 1.19856 1.1858336 1.1527269 1.1180369\n", + " 1.0939598 1.0816333 1.0764196 1.0730745 1.0670431 1.0572909 1.0491865\n", + " 1.0461272 1.0482789 1.0538174 1.0582391 1.061032 1.0617718 1.0633792\n", + " 0. ]]\n", + "[[1.1600169 1.1565866 1.1664028 1.174656 1.1637964 1.1322039 1.1000264\n", + " 1.0784136 1.068902 1.0671811 1.0676018 1.0628889 1.0543175 1.0462382\n", + " 1.0426196 0. 0. ]\n", + " [1.1908504 1.1859089 1.1947651 1.202706 1.189825 1.1547763 1.1181086\n", + " 1.0933974 1.0819631 1.0787201 1.077737 1.0730726 1.0635233 1.0543754\n", + " 1.0510176 1.0528107 1.0588104]\n", + " [1.1627154 1.158706 1.1690146 1.1765107 1.1657876 1.1335453 1.1011113\n", + " 1.079371 1.0697192 1.0673978 1.0671331 1.0626873 1.053679 1.0457364\n", + " 1.0420988 1.0438564 1.04898 ]\n", + " [1.1871765 1.1812332 1.1909472 1.1993631 1.1876982 1.1526449 1.1161449\n", + " 1.0915058 1.0811486 1.080238 1.080777 1.0763198 1.0659502 0.\n", + " 0. 0. 0. ]\n", + " [1.1667278 1.1624215 1.1723614 1.181022 1.1695995 1.1363711 1.1020585\n", + " 1.0805167 1.0706756 1.0695105 1.0701834 1.0657765 1.0571278 1.0487725\n", + " 1.0447397 0. 0. ]]\n", + "[[1.1816559 1.178104 1.1877613 1.1970723 1.1838045 1.1489954 1.1140187\n", + " 1.0905763 1.0793564 1.0759078 1.0754726 1.0697932 1.0597712 1.0512499\n", + " 1.0473732 1.0489258 1.0547189 1.0598329 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.176267 1.1722842 1.1822281 1.191072 1.1795688 1.1465847 1.1126127\n", + " 1.0900577 1.0782989 1.0738364 1.0710716 1.0642418 1.0549378 1.047098\n", + " 1.043694 1.0459535 1.0512656 1.0562469 1.0585377 1.0590576 1.0607277\n", + " 1.0642363 0. 0. 0. ]\n", + " [1.1644855 1.1623951 1.17275 1.1816359 1.1704619 1.1376824 1.1031805\n", + " 1.0806463 1.0691688 1.0658075 1.064546 1.059506 1.0515796 1.0439758\n", + " 1.0407408 1.0422405 1.0467279 1.0514557 1.0535911 1.0546619 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1414883 1.1373955 1.1464819 1.1561923 1.1477407 1.119812 1.0908761\n", + " 1.0711899 1.0609808 1.0574231 1.0550535 1.04992 1.0421249 1.0357771\n", + " 1.0331919 1.0351057 1.0395368 1.0440058 1.0458674 1.0461938 1.0473443\n", + " 1.0498652 1.0559695 1.0640297 1.0706805]\n", + " [1.1719533 1.1697669 1.1806209 1.1886132 1.1768879 1.1435951 1.1092346\n", + " 1.0863698 1.0746666 1.0706532 1.0684338 1.0626606 1.0533481 1.0456103\n", + " 1.0418335 1.0434656 1.0484406 1.053287 1.0562365 1.0575808 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1638387 1.1619406 1.1732557 1.1833324 1.1723124 1.1392423 1.1060295\n", + " 1.083742 1.0724665 1.0682622 1.065826 1.0592918 1.050329 1.0431378\n", + " 1.0401582 1.042511 1.0478852 1.0526739 1.0551884 1.0562353 1.0576534\n", + " 1.0609165 1.0682257 1.0777154]\n", + " [1.1580565 1.1525387 1.1610274 1.1683741 1.1580034 1.1285465 1.0975466\n", + " 1.0768865 1.0670073 1.0651658 1.0658054 1.0614771 1.0532678 1.0454766\n", + " 1.041981 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1751138 1.1701058 1.1784328 1.1858271 1.1727906 1.138422 1.1044707\n", + " 1.0817429 1.0727966 1.0725226 1.0728819 1.0686508 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1790389 1.1755736 1.1856859 1.194355 1.1811312 1.1477717 1.1134185\n", + " 1.0903541 1.0781257 1.0742146 1.072153 1.0657374 1.0564048 1.0482236\n", + " 1.0448587 1.0472203 1.0526644 1.0574738 1.0595886 1.060106 0.\n", + " 0. 0. 0. ]\n", + " [1.1654872 1.1635497 1.1757121 1.1854566 1.1756465 1.1428081 1.1074907\n", + " 1.0846654 1.0728744 1.068884 1.0670085 1.0608952 1.0523915 1.0449568\n", + " 1.0411923 1.042939 1.0478926 1.0524492 1.054604 1.0550774 1.0560789\n", + " 0. 0. 0. ]]\n", + "[[1.1656996 1.1601155 1.1689907 1.1784405 1.1671925 1.1373737 1.1055918\n", + " 1.0839558 1.0730805 1.0707818 1.0701597 1.065962 1.0573752 1.0493134\n", + " 1.0457275 0. 0. 0. 0. 0. ]\n", + " [1.1776913 1.1737168 1.1837256 1.1937995 1.1816607 1.1475493 1.1121941\n", + " 1.0875719 1.0772339 1.0751069 1.0747573 1.070086 1.0605806 1.0519733\n", + " 1.0475098 0. 0. 0. 0. 0. ]\n", + " [1.1869838 1.1835705 1.1943969 1.2034858 1.190265 1.1539711 1.1173024\n", + " 1.09272 1.0807238 1.0771668 1.0757431 1.0698608 1.0595454 1.0507667\n", + " 1.0468438 1.0484371 1.0542115 1.05977 1.0627999 0. ]\n", + " [1.1725216 1.1708431 1.1813061 1.1904676 1.1777406 1.1432406 1.108854\n", + " 1.0861144 1.0749388 1.0714251 1.0694762 1.0629456 1.0537393 1.0455767\n", + " 1.042243 1.0437914 1.048955 1.0539868 1.0561929 1.0572591]\n", + " [1.1618679 1.1570482 1.1659348 1.1723592 1.1623204 1.1323415 1.1019135\n", + " 1.0814528 1.0713223 1.0683461 1.0668406 1.0621594 1.0536022 1.0458627\n", + " 1.0420761 1.0439072 1.0487424 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1893016 1.1837261 1.1936548 1.2014146 1.1886475 1.1531062 1.1164055\n", + " 1.0927124 1.0823412 1.0807914 1.0807345 1.0754089 1.0652121 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1921189 1.1883353 1.1986787 1.2074257 1.1962193 1.1607655 1.1230766\n", + " 1.097824 1.0853941 1.0821319 1.0812774 1.075243 1.0649383 1.0556389\n", + " 1.0516407 1.0533359 1.0594283 1.0647074 0. 0. ]\n", + " [1.1928654 1.1870027 1.1964576 1.2035846 1.1909249 1.1555405 1.1181319\n", + " 1.0929124 1.0821873 1.0816209 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1619302 1.1573075 1.1658283 1.1741482 1.1626107 1.1322592 1.1003326\n", + " 1.0791358 1.068538 1.066041 1.0647876 1.0602863 1.0516574 1.0443698\n", + " 1.0410693 1.0427407 1.0476927 1.0527258 0. 0. ]\n", + " [1.160582 1.1577286 1.1672256 1.175598 1.1631813 1.1308784 1.0992583\n", + " 1.0778478 1.0670962 1.0640076 1.062709 1.057794 1.0501666 1.0431238\n", + " 1.0400229 1.0419118 1.0464473 1.0507025 1.0532961 1.0538553]]\n", + "[[1.1693062 1.1651956 1.1751257 1.1832126 1.1720836 1.1390955 1.1052659\n", + " 1.0824314 1.0721862 1.0698148 1.0689639 1.0646217 1.0563905 1.0481497\n", + " 1.0445768 1.0463909 1.0515796 0. 0. 0. ]\n", + " [1.1782907 1.1753337 1.1847452 1.1932223 1.1796653 1.1464773 1.1118262\n", + " 1.0885777 1.0774144 1.0736554 1.0720736 1.0658196 1.056604 1.0481019\n", + " 1.0445564 1.0467478 1.0521965 1.0572755 1.0597787 0. ]\n", + " [1.1594127 1.1540047 1.1613812 1.1673971 1.1563709 1.1265862 1.0959326\n", + " 1.0755731 1.0663933 1.0642534 1.0640354 1.0594283 1.0513124 1.0440303\n", + " 1.040841 1.0424873 0. 0. 0. 0. ]\n", + " [1.1764709 1.1693956 1.178568 1.1862725 1.1758034 1.1431537 1.1091119\n", + " 1.0865836 1.0760336 1.0741568 1.0747461 1.0696055 1.0603826 1.0513033\n", + " 1.047267 0. 0. 0. 0. 0. ]\n", + " [1.1757655 1.1722982 1.1817288 1.1897526 1.1768459 1.1445441 1.110664\n", + " 1.0876889 1.0752382 1.0711923 1.0690811 1.0625633 1.0541409 1.0466264\n", + " 1.0427386 1.0443842 1.0492829 1.0534228 1.0561111 1.0576634]]\n", + "[[1.165541 1.1629734 1.1725963 1.1811628 1.1683698 1.1355586 1.1016349\n", + " 1.0799234 1.0705725 1.068806 1.0686662 1.0638311 1.0556575 1.047883\n", + " 1.0440899 1.0459716 0. 0. ]\n", + " [1.1700084 1.1674471 1.1776738 1.1876531 1.1755812 1.1426805 1.1083077\n", + " 1.0850521 1.0747358 1.0717938 1.0711646 1.0663311 1.0571777 1.0488199\n", + " 1.0452753 1.0469248 1.0526786 0. ]\n", + " [1.1730675 1.1691837 1.1796649 1.1883795 1.1756331 1.141129 1.1060443\n", + " 1.0824386 1.0718738 1.0691023 1.0688891 1.0639778 1.0555466 1.0473003\n", + " 1.0441041 1.0458014 1.0510441 1.0563849]\n", + " [1.1695826 1.1662389 1.1763285 1.1840441 1.1728694 1.1410725 1.1066779\n", + " 1.0852888 1.0738684 1.0721982 1.0715455 1.0667484 1.0571313 1.0486827\n", + " 1.0451332 1.0474641 1.0529923 0. ]\n", + " [1.171562 1.1674616 1.1775634 1.186063 1.1738384 1.1401176 1.1068145\n", + " 1.0846119 1.074777 1.0726353 1.0731809 1.0673385 1.0584322 1.0499289\n", + " 1.0464909 0. 0. 0. ]]\n", + "[[1.1866987 1.1791929 1.1883595 1.1967692 1.1839187 1.1494524 1.1137195\n", + " 1.0904708 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.166455 1.1635087 1.1747503 1.184474 1.1748247 1.1429372 1.1095787\n", + " 1.0865599 1.0746787 1.0702397 1.0671421 1.060308 1.0503265 1.0428495\n", + " 1.0398034 1.0420622 1.0474128 1.052057 1.0541835 1.0548538 1.0561955\n", + " 1.0588324 1.0659344 1.0759132 1.0829997]\n", + " [1.1650927 1.1628903 1.1749984 1.1853582 1.1733001 1.1401157 1.1058143\n", + " 1.0827389 1.0710268 1.0681199 1.0664712 1.060864 1.0514593 1.04383\n", + " 1.0403531 1.0422267 1.0467019 1.0514935 1.0541455 1.0552427 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1699938 1.1666663 1.1790302 1.1895529 1.1780599 1.144398 1.1086566\n", + " 1.084927 1.0731773 1.069552 1.0677617 1.0622578 1.0532856 1.0449549\n", + " 1.0416131 1.0430969 1.0480257 1.053216 1.056052 1.0573894 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1542697 1.1499012 1.1595789 1.1671876 1.1568762 1.1268995 1.0959363\n", + " 1.0753878 1.0658858 1.0645682 1.065382 1.0606813 1.0523001 1.0443265\n", + " 1.040279 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1557144 1.151375 1.1613257 1.1691284 1.1590754 1.1283772 1.0969967\n", + " 1.076439 1.0664967 1.0651276 1.0652804 1.0605264 1.0524728 1.0444962\n", + " 1.041021 1.0428265 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1710953 1.1683503 1.1795658 1.1877258 1.1759435 1.1414601 1.1064632\n", + " 1.0834962 1.0727458 1.0702167 1.070361 1.0655516 1.0567287 1.0484494\n", + " 1.044786 1.0464449 1.051878 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1708808 1.168773 1.1780775 1.1873521 1.1753377 1.1417048 1.108312\n", + " 1.0857736 1.0743614 1.0702393 1.0684327 1.0626365 1.053701 1.0459547\n", + " 1.0429939 1.0446868 1.0498396 1.054717 1.0566319 1.0580246 1.0591722\n", + " 1.0627445 1.0703957]\n", + " [1.1564306 1.1525493 1.1620636 1.1702799 1.1597941 1.1297494 1.0987653\n", + " 1.0779546 1.0679637 1.0655257 1.0640385 1.0593512 1.0506569 1.0431011\n", + " 1.0395007 1.0410956 1.045735 1.0503938 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1616141 1.1572968 1.1669749 1.1749668 1.1644756 1.1332264 1.1007028\n", + " 1.0793914 1.0694463 1.0686214 1.0683954 1.0652342 1.0564785 1.0484524\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1660494 1.1626842 1.1727531 1.1818395 1.1698134 1.1373036 1.1051402\n", + " 1.0828317 1.0716523 1.0676581 1.0660868 1.0606447 1.0518067 1.043942\n", + " 1.0410358 1.0427049 1.0476533 1.0517914 1.0541655 1.0549326 0.\n", + " 0. ]\n", + " [1.1526929 1.1478984 1.1565818 1.16432 1.1529897 1.122992 1.0926661\n", + " 1.0728928 1.0638887 1.0620883 1.0620366 1.0578808 1.0500625 1.0430772\n", + " 1.0398762 1.0417852 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1657382 1.1623906 1.172843 1.1811789 1.1691215 1.1370094 1.1030043\n", + " 1.0807698 1.0704283 1.067746 1.0673513 1.0622042 1.0534495 1.0456035\n", + " 1.0422219 1.0435011 1.0481968 1.053058 0. 0. 0.\n", + " 0. ]\n", + " [1.1742243 1.1697946 1.1803851 1.1887904 1.1778946 1.1444736 1.1091031\n", + " 1.0862154 1.0758625 1.0737321 1.0741158 1.0697213 1.0607172 1.0520784\n", + " 1.0481834 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.158447 1.1559117 1.1665032 1.175013 1.1640401 1.1325487 1.1000588\n", + " 1.078832 1.0680504 1.0641565 1.0619321 1.0567826 1.0485967 1.0416782\n", + " 1.0388802 1.0408411 1.0452559 1.0499337 1.052056 1.0531867 1.0547146\n", + " 1.0583143]]\n", + "[[1.1725097 1.1699967 1.1811019 1.1899445 1.1773763 1.1428294 1.1073469\n", + " 1.0837862 1.072864 1.0701096 1.0689547 1.0641214 1.055663 1.0479745\n", + " 1.0440512 1.0456916 1.0508451 1.0557088 1.0580608 0. 0.\n", + " 0. ]\n", + " [1.1558503 1.1540524 1.16441 1.1740319 1.1638606 1.1334726 1.1014036\n", + " 1.0797862 1.0682173 1.06456 1.0625945 1.0571115 1.0487076 1.0418221\n", + " 1.0386482 1.040106 1.0445493 1.0491117 1.0514121 1.052118 1.0534133\n", + " 1.05687 ]\n", + " [1.1552901 1.1503105 1.1568955 1.1638958 1.1528417 1.1232972 1.0929064\n", + " 1.0731882 1.0634799 1.0615228 1.0609324 1.0568956 1.0495994 1.0426942\n", + " 1.0397046 1.0414023 1.0460907 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1785125 1.1749319 1.1846266 1.1924763 1.1797656 1.1473156 1.1125125\n", + " 1.0882399 1.0755894 1.0714028 1.0690398 1.0639526 1.0551542 1.0476463\n", + " 1.0445966 1.0463973 1.0512838 1.0561924 1.0588472 1.0604707 0.\n", + " 0. ]\n", + " [1.1650876 1.158702 1.1674721 1.1757569 1.1652759 1.134456 1.1025257\n", + " 1.0814803 1.071891 1.0707626 1.0706437 1.0660136 1.0566638 1.04806\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1935527 1.1886083 1.1980656 1.2063179 1.1929195 1.1583842 1.1221316\n", + " 1.0968354 1.0848416 1.0815448 1.0813802 1.0761949 1.0650884 1.0563734\n", + " 1.0523418 1.0546641 0. ]\n", + " [1.1797631 1.175262 1.1860431 1.1946411 1.1827369 1.1475427 1.1106079\n", + " 1.0872582 1.0761253 1.0756855 1.0762333 1.0722543 1.0629131 1.0534405\n", + " 1.0494657 0. 0. ]\n", + " [1.1815225 1.1775373 1.1871958 1.1963375 1.1829174 1.148863 1.1134083\n", + " 1.0898124 1.0788411 1.0759836 1.0749853 1.0698047 1.0604905 1.0510812\n", + " 1.0471826 1.0489044 1.0545665]\n", + " [1.1660475 1.1616441 1.1711066 1.1788945 1.166783 1.1344374 1.1017156\n", + " 1.0804944 1.0703884 1.0687355 1.0681539 1.0634443 1.0541127 1.0464277\n", + " 1.04271 1.0442094 1.0493929]\n", + " [1.1586232 1.1548011 1.164745 1.173226 1.1618131 1.1318214 1.1001629\n", + " 1.0788156 1.0685604 1.0656508 1.0648917 1.0603131 1.0521414 1.0447452\n", + " 1.04123 1.0428331 1.0477594]]\n", + "[[1.164149 1.1583443 1.1668459 1.1745634 1.1638939 1.1326665 1.100953\n", + " 1.0804055 1.0705582 1.0688921 1.0694325 1.0647802 1.0566107 1.048545\n", + " 1.0449909 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1686414 1.1654172 1.1760908 1.1853726 1.1733578 1.1391894 1.104615\n", + " 1.0819136 1.0723853 1.0707558 1.0710953 1.0665785 1.0574065 1.0491394\n", + " 1.0453287 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1684549 1.1656227 1.1763326 1.1848497 1.1716986 1.1390798 1.1055747\n", + " 1.083196 1.0730478 1.0708435 1.0699161 1.065156 1.0562716 1.0475967\n", + " 1.0438979 1.0455891 1.0516008 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1623968 1.1597154 1.1702998 1.1797447 1.1684583 1.138201 1.1061243\n", + " 1.0834651 1.0723062 1.0683385 1.0660737 1.0597185 1.0510283 1.0431873\n", + " 1.0402466 1.0418999 1.0467384 1.0512993 1.0536343 1.0543334 1.0557004\n", + " 1.0594987]\n", + " [1.1719757 1.1681502 1.1785117 1.1865212 1.1739652 1.1399075 1.1056544\n", + " 1.0829993 1.0719417 1.0693424 1.0680765 1.0624746 1.0534829 1.045853\n", + " 1.0426769 1.044591 1.0496287 1.0546453 1.0566522 0. 0.\n", + " 0. ]]\n", + "[[1.1838763 1.178368 1.1869215 1.1938137 1.1819992 1.1480153 1.1126119\n", + " 1.0898001 1.0787071 1.0748788 1.0742409 1.068685 1.0598228 1.0508581\n", + " 1.0472234 1.0491208 1.0541488 1.0589452 0. 0. ]\n", + " [1.1912141 1.1857185 1.194774 1.2029839 1.1900458 1.1545187 1.118628\n", + " 1.0942501 1.0824172 1.0794197 1.0800095 1.0746261 1.0652957 1.0560092\n", + " 1.052073 0. 0. 0. 0. 0. ]\n", + " [1.1611748 1.158243 1.1689589 1.1771827 1.1662056 1.1338582 1.1007735\n", + " 1.0787368 1.0689229 1.0667026 1.0659026 1.0617365 1.0529568 1.0452397\n", + " 1.0415156 1.0427421 1.0479034 0. 0. 0. ]\n", + " [1.1644644 1.1602408 1.1704049 1.1808326 1.1691452 1.136036 1.1018729\n", + " 1.0801673 1.0705606 1.0690659 1.0693986 1.0651009 1.0556222 1.047174\n", + " 1.0433247 1.0449947 0. 0. 0. 0. ]\n", + " [1.1631485 1.1615536 1.1713345 1.180809 1.1682895 1.1353338 1.1020061\n", + " 1.0795803 1.0678347 1.0646496 1.0633743 1.0583333 1.0503623 1.0435249\n", + " 1.0403336 1.042248 1.046842 1.0516713 1.0541079 1.0550467]]\n", + "[[1.1852686 1.1808645 1.1928507 1.2023399 1.190166 1.154383 1.1159608\n", + " 1.0912418 1.0797297 1.0776317 1.0779305 1.0727209 1.0633445 1.054475\n", + " 1.0507123 1.0527416 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1873097 1.1817784 1.1903586 1.1983635 1.1860927 1.1518886 1.116441\n", + " 1.092099 1.080484 1.0774577 1.0777204 1.0730597 1.0634984 1.0543995\n", + " 1.0504767 1.0528029 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1659664 1.1609479 1.1702504 1.1776621 1.1664041 1.1343108 1.101867\n", + " 1.0805007 1.0701438 1.0683056 1.067631 1.0633421 1.054366 1.0464504\n", + " 1.0432049 1.0454122 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1648922 1.1629426 1.1732149 1.1827196 1.170632 1.1383417 1.1046294\n", + " 1.0824462 1.0715616 1.0674133 1.0657166 1.0597116 1.0510795 1.0439835\n", + " 1.0410371 1.0424099 1.0474275 1.0523531 1.0542729 1.0552917 1.0566025\n", + " 1.059988 ]\n", + " [1.1928378 1.1881511 1.199588 1.2099869 1.1972997 1.16014 1.1214017\n", + " 1.0953448 1.0825206 1.0796707 1.0785457 1.0729463 1.0628935 1.0538533\n", + " 1.0498937 1.0520915 1.0580695 1.063848 1.0664952 0. 0.\n", + " 0. ]]\n", + "[[1.1643975 1.16079 1.1713372 1.1801821 1.169318 1.136163 1.1028993\n", + " 1.080707 1.0702189 1.0675246 1.0669755 1.0619966 1.0528467 1.0449575\n", + " 1.0409888 1.0427563 1.0479808 1.0530891 0. 0. 0. ]\n", + " [1.1711522 1.1670401 1.1773412 1.1867188 1.1739253 1.1401191 1.1060575\n", + " 1.0840682 1.0738817 1.0718749 1.0723147 1.0674644 1.0575712 1.0493371\n", + " 1.0453101 1.0474461 0. 0. 0. 0. 0. ]\n", + " [1.178694 1.1760288 1.1884403 1.198559 1.185752 1.1503245 1.1140457\n", + " 1.0893112 1.0771118 1.0738751 1.0724604 1.0660928 1.0568959 1.048729\n", + " 1.0448183 1.0463165 1.051531 1.0568178 1.0592709 1.060625 0. ]\n", + " [1.1572216 1.1554722 1.1652253 1.1733322 1.1616689 1.1305814 1.0988097\n", + " 1.0776109 1.0666015 1.0632974 1.0613497 1.0564358 1.0487041 1.0422754\n", + " 1.0393336 1.0408998 1.0445487 1.0489947 1.0512395 1.0523729 1.0539044]\n", + " [1.1758804 1.1736875 1.1845711 1.1930475 1.1820775 1.1488118 1.1135478\n", + " 1.089263 1.0775421 1.0733749 1.0717165 1.0655673 1.0561181 1.0479234\n", + " 1.0443306 1.0463734 1.0511737 1.0558051 1.0575492 1.0581268 0. ]]\n", + "[[1.180386 1.1769621 1.1878309 1.1956898 1.1813512 1.1470629 1.1122758\n", + " 1.0890031 1.0790983 1.0778383 1.0781087 1.0730808 1.0627549 1.053387\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1634252 1.1606691 1.1711885 1.1798992 1.1679969 1.1359624 1.1029716\n", + " 1.0810155 1.0712079 1.0689784 1.069334 1.064735 1.0558813 1.0485021\n", + " 1.0448185 0. 0. 0. 0. ]\n", + " [1.1794382 1.1749029 1.184987 1.1933657 1.1826351 1.1486114 1.1128138\n", + " 1.0883398 1.0762111 1.0729089 1.072084 1.0667968 1.0572782 1.0491391\n", + " 1.0449017 1.0466068 1.0520252 1.057431 1.060448 ]\n", + " [1.1797891 1.1744004 1.1843796 1.1923037 1.1810772 1.1478004 1.1127869\n", + " 1.0905056 1.0803471 1.0791639 1.079638 1.073859 1.0632433 1.0533257\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1979363 1.1929097 1.2036356 1.2131832 1.2001085 1.162642 1.1228603\n", + " 1.0979525 1.0858538 1.0840465 1.0849072 1.0793258 1.068087 1.058572\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1754556 1.1715581 1.1814737 1.1896429 1.177147 1.1426982 1.1079394\n", + " 1.0859609 1.0758706 1.0744071 1.0749753 1.0702333 1.0604221 1.0516137\n", + " 1.0478017 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1677766 1.1632515 1.1730386 1.1807104 1.1689537 1.1367186 1.1030143\n", + " 1.0814769 1.0721292 1.070493 1.0696819 1.0647494 1.0553683 1.0470479\n", + " 1.0435252 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1740558 1.1727324 1.184355 1.193558 1.1808451 1.1464505 1.1114192\n", + " 1.088149 1.0764894 1.0729246 1.0703402 1.0639741 1.0539223 1.0463456\n", + " 1.0430183 1.0452603 1.0503374 1.0555992 1.058522 1.0597824 1.0612524\n", + " 1.0654567]\n", + " [1.1812038 1.1766496 1.1863401 1.1943018 1.18089 1.1463717 1.1111323\n", + " 1.0878627 1.0775824 1.0752549 1.0744057 1.0691613 1.0599184 1.0508235\n", + " 1.0468886 1.0486265 1.0541086 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1725229 1.1687261 1.1793542 1.1885407 1.175973 1.1410079 1.1073953\n", + " 1.0843096 1.0735285 1.0707831 1.0697783 1.06453 1.0558294 1.0478446\n", + " 1.044399 1.0460346 1.0512378 1.0562919 1.0590527 0. 0.\n", + " 0. ]]\n", + "[[1.1682312 1.1646639 1.1750027 1.1840748 1.1721125 1.1393551 1.1057179\n", + " 1.0830437 1.0719988 1.0693312 1.0679961 1.0626596 1.0540067 1.0459317\n", + " 1.0422662 1.0441976 1.0495689 1.0547618 1.0573864 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1669343 1.1630223 1.173219 1.1817814 1.1694317 1.1367334 1.1037716\n", + " 1.0821922 1.0720357 1.0694138 1.0689714 1.0635012 1.0543747 1.0460973\n", + " 1.0426683 1.0445236 1.0493506 1.0540307 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1626232 1.1600559 1.1699164 1.1783707 1.1659455 1.134341 1.1019008\n", + " 1.0799835 1.0690231 1.0654833 1.0633178 1.0576998 1.0493695 1.0422775\n", + " 1.0394348 1.0415177 1.0458536 1.0507518 1.0529548 1.0536613 1.055194\n", + " 0. 0. 0. 0. ]\n", + " [1.1690786 1.1663718 1.1762713 1.1850585 1.1729801 1.1402931 1.1061805\n", + " 1.0831702 1.0724447 1.0691582 1.0688063 1.0635085 1.0546345 1.0466647\n", + " 1.0430707 1.0446571 1.0499421 1.0553242 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1402334 1.1376566 1.1471057 1.15828 1.1515098 1.1233335 1.0934277\n", + " 1.0736256 1.0631232 1.0598646 1.0576063 1.05263 1.0443269 1.0373411\n", + " 1.0340664 1.0356642 1.0401235 1.0450591 1.0465117 1.0470712 1.0481248\n", + " 1.0507329 1.0566288 1.0657196 1.0728168]]\n", + "[[1.1850517 1.180097 1.1912211 1.200997 1.188591 1.1533962 1.1167613\n", + " 1.0928755 1.0815207 1.0790104 1.0791683 1.0740443 1.0638406 1.0543602\n", + " 1.0499593 1.0518588 0. 0. 0. ]\n", + " [1.1569471 1.1525589 1.162511 1.1723086 1.1610916 1.129722 1.097588\n", + " 1.0757222 1.0645818 1.061612 1.0605716 1.056773 1.049215 1.0424157\n", + " 1.0396647 1.0412555 1.0453498 1.0496621 1.0519564]\n", + " [1.1794676 1.1762353 1.187325 1.1963161 1.1849564 1.1500798 1.1141342\n", + " 1.0900582 1.0778742 1.0751501 1.0732684 1.0675757 1.0577879 1.0495611\n", + " 1.0455016 1.0472472 1.0525316 1.0582058 1.0613638]\n", + " [1.2227824 1.2169396 1.2270608 1.2339491 1.2176548 1.1776049 1.1365432\n", + " 1.1086375 1.0962902 1.0942738 1.0944307 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1870792 1.1814926 1.1915665 1.200949 1.1883072 1.1530232 1.1161637\n", + " 1.0920125 1.0814841 1.0808543 1.0815963 1.0770235 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1870638 1.1806818 1.1880265 1.1945299 1.180063 1.1457894 1.1121328\n", + " 1.0896614 1.0800685 1.0789211 1.0787948 1.0728158 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1648037 1.1623753 1.1726314 1.1806474 1.1678548 1.134654 1.1014423\n", + " 1.0796983 1.0697128 1.067048 1.0659642 1.0616506 1.0532324 1.0452609\n", + " 1.0428339 1.0445868 1.0493925 1.054599 0. ]\n", + " [1.1844726 1.181977 1.1931454 1.2007896 1.1884019 1.1526744 1.1158713\n", + " 1.0911013 1.079182 1.0760013 1.0752544 1.069697 1.0607792 1.0519581\n", + " 1.0482749 1.0498294 1.055114 1.0605404 1.0633683]\n", + " [1.2017038 1.1942697 1.2031952 1.211933 1.199074 1.1624236 1.1251\n", + " 1.1005569 1.0890666 1.0872722 1.0870386 1.0811124 1.0698204 1.0595862\n", + " 1.0554103 0. 0. 0. 0. ]\n", + " [1.1786697 1.1742421 1.1855167 1.1944188 1.1830375 1.1483333 1.1120316\n", + " 1.0880673 1.0768155 1.0740516 1.0738828 1.069293 1.0594362 1.0508664\n", + " 1.0468606 1.048481 1.0541877 0. 0. ]]\n", + "[[1.1901994 1.1859702 1.1962907 1.2051992 1.1923443 1.1560497 1.1187917\n", + " 1.0944126 1.0835367 1.0816376 1.0820467 1.0770818 1.0666662 1.0568771\n", + " 1.0524212 0. 0. 0. 0. 0. 0. ]\n", + " [1.1526964 1.1501807 1.1608514 1.1704847 1.1608768 1.130096 1.0984538\n", + " 1.0771077 1.0658565 1.0626739 1.0609852 1.0556113 1.0473696 1.0407267\n", + " 1.0372895 1.0388854 1.043624 1.0481687 1.0504657 1.051167 1.0523614]\n", + " [1.1753799 1.1707563 1.1816846 1.1913027 1.1802664 1.1463709 1.1110084\n", + " 1.0874337 1.0767276 1.0750526 1.0754775 1.070936 1.0614564 1.0526552\n", + " 1.0486394 0. 0. 0. 0. 0. 0. ]\n", + " [1.1673973 1.163615 1.173855 1.1816239 1.1700916 1.1376357 1.1044437\n", + " 1.0823263 1.0714539 1.0683539 1.0670971 1.0623386 1.0536196 1.0458398\n", + " 1.0423201 1.0441417 1.0489354 1.0536968 1.0560324 0. 0. ]\n", + " [1.1750455 1.1692078 1.1776989 1.1839378 1.1726328 1.1412183 1.1082217\n", + " 1.0866978 1.0756277 1.0722106 1.070955 1.0658617 1.0572822 1.0487859\n", + " 1.0451387 1.046729 1.0520006 0. 0. 0. 0. ]]\n", + "[[1.1916461 1.1885942 1.1996673 1.2090051 1.1949226 1.1575309 1.119862\n", + " 1.0945126 1.0819517 1.077627 1.075563 1.0698749 1.0605456 1.0520142\n", + " 1.0482905 1.0502851 1.0553398 1.0602747 1.0630774 1.0644126]\n", + " [1.159775 1.1565619 1.1654477 1.1734841 1.1609888 1.1297935 1.098177\n", + " 1.0773475 1.0675527 1.0651773 1.0644403 1.0603952 1.0524268 1.0444134\n", + " 1.0414042 1.0430799 1.0479693 0. 0. 0. ]\n", + " [1.1710783 1.1666999 1.176924 1.1859267 1.1738282 1.1410557 1.1069659\n", + " 1.0843527 1.0742117 1.0715222 1.0709388 1.0664161 1.0577275 1.0496341\n", + " 1.0458302 1.0478003 1.0532701 0. 0. 0. ]\n", + " [1.1654863 1.162849 1.1724182 1.1824179 1.1709763 1.1369678 1.1033894\n", + " 1.0814278 1.0720829 1.0703666 1.0702149 1.0659827 1.0569215 1.0487254\n", + " 1.04495 0. 0. 0. 0. 0. ]\n", + " [1.1730968 1.1691239 1.1793046 1.1889604 1.177509 1.1441771 1.1091384\n", + " 1.0863284 1.0759261 1.0745788 1.074357 1.0696032 1.0607587 1.0516794\n", + " 1.0470401 1.0483491 0. 0. 0. 0. ]]\n", + "[[1.182536 1.1784352 1.1886418 1.1972023 1.1852012 1.149942 1.1128021\n", + " 1.0889657 1.0788633 1.0782179 1.0789902 1.0737994 1.0638434 1.0544906\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1768279 1.17525 1.1857022 1.1943297 1.1799594 1.1450747 1.1095247\n", + " 1.0859553 1.0744578 1.0715606 1.0698833 1.0654159 1.0564463 1.0486596\n", + " 1.0450065 1.0468822 1.052029 1.0569887 1.0591317 0. 0.\n", + " 0. ]\n", + " [1.1545638 1.1524885 1.1635981 1.1720456 1.1610203 1.1293595 1.0970873\n", + " 1.0759903 1.0660791 1.064654 1.0641938 1.0590707 1.050888 1.0431552\n", + " 1.0399255 1.0414815 1.0463356 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2093143 1.2017744 1.2110374 1.2188425 1.2038862 1.1676071 1.1292185\n", + " 1.1032959 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1529166 1.1502414 1.1602105 1.169295 1.158006 1.1286316 1.0980614\n", + " 1.0773603 1.066631 1.0627465 1.0605258 1.0548074 1.046419 1.0392734\n", + " 1.0363033 1.0380018 1.04225 1.0467583 1.0490781 1.0500746 1.0516262\n", + " 1.0544263]]\n", + "[[1.1724831 1.1683292 1.1771598 1.1852942 1.1727756 1.1390047 1.1045007\n", + " 1.0820234 1.0722376 1.0698694 1.0695673 1.0651344 1.0562255 1.0482095\n", + " 1.0447352 1.0466458 1.0523632 0. 0. ]\n", + " [1.184708 1.1816816 1.1929423 1.2029386 1.1905456 1.1550235 1.1174215\n", + " 1.0917841 1.0796171 1.0759164 1.0753517 1.0699214 1.0603652 1.051819\n", + " 1.0478022 1.0496434 1.0546861 1.0596476 0. ]\n", + " [1.1805393 1.175636 1.1854814 1.1947696 1.1818665 1.1476032 1.111969\n", + " 1.0882039 1.0767771 1.074539 1.0746315 1.0696435 1.0605668 1.0518492\n", + " 1.048147 1.0498773 1.0555348 0. 0. ]\n", + " [1.1779615 1.1722654 1.1812774 1.188323 1.1748853 1.140849 1.1065829\n", + " 1.0841262 1.0739459 1.0734227 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1744409 1.1715826 1.1825016 1.1923356 1.180164 1.1448771 1.1095467\n", + " 1.0858774 1.0743349 1.0712016 1.0700622 1.0643433 1.0558591 1.0481284\n", + " 1.0440007 1.0459123 1.0509019 1.0558203 1.0583116]]\n", + "[[1.1916455 1.187256 1.1965942 1.20664 1.1940732 1.1578959 1.121209\n", + " 1.0960474 1.0844238 1.0819776 1.0819851 1.0770444 1.0666232 1.0571086\n", + " 1.0529912 0. 0. 0. 0. 0. 0. ]\n", + " [1.1834338 1.1822586 1.1944591 1.2046633 1.1915023 1.1548337 1.1172899\n", + " 1.0927318 1.0806471 1.0771226 1.0745859 1.0686258 1.0583507 1.0497962\n", + " 1.0464789 1.0483553 1.0535097 1.0587537 1.0613099 1.0620699 1.0641322]\n", + " [1.1702869 1.1680411 1.1794477 1.1892809 1.1770904 1.143967 1.1099217\n", + " 1.0866537 1.0749838 1.0712525 1.0692211 1.0630846 1.0539955 1.0462415\n", + " 1.0430647 1.0444869 1.0494273 1.0545962 1.057322 1.0584991 0. ]\n", + " [1.1727763 1.1709255 1.1819575 1.1920347 1.1795648 1.1453345 1.1098089\n", + " 1.0864227 1.0745562 1.0709652 1.0698377 1.0639479 1.0547472 1.0464804\n", + " 1.043356 1.0447205 1.0493731 1.0544167 1.0563269 1.0572375 0. ]\n", + " [1.1766654 1.1710284 1.179963 1.188016 1.175256 1.1426027 1.1083908\n", + " 1.0856003 1.075063 1.0729225 1.0730602 1.0683568 1.0599385 1.0517688\n", + " 1.0480676 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1760967 1.1729697 1.183129 1.1926324 1.1806089 1.1469464 1.1126673\n", + " 1.0889949 1.0767286 1.0735313 1.0720074 1.0663829 1.0570956 1.0488932\n", + " 1.0444626 1.0461228 1.051081 1.0562992 1.0586385 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1710696 1.1660469 1.1754323 1.1830528 1.1722531 1.1391655 1.1042179\n", + " 1.0816163 1.0712457 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1721404 1.1679525 1.1775228 1.1856604 1.1729803 1.1395378 1.1056335\n", + " 1.0834059 1.0723091 1.0697527 1.0697598 1.0651373 1.0563928 1.0487367\n", + " 1.0451156 1.0467805 1.0520114 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.16751 1.1652809 1.1746819 1.1827698 1.1690395 1.1363757 1.1032097\n", + " 1.081417 1.0710343 1.0683391 1.0680568 1.0632379 1.0535815 1.0460161\n", + " 1.0425274 1.0443176 1.0494376 1.0545352 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1560459 1.1537277 1.1633924 1.1733778 1.1633916 1.1321616 1.1008419\n", + " 1.0795552 1.0685517 1.0644462 1.0622337 1.056758 1.048016 1.0410569\n", + " 1.0381215 1.0400242 1.0447031 1.0490621 1.051971 1.0533775 1.054317\n", + " 1.0571903 1.0639585 1.072727 ]]\n", + "[[1.1708711 1.1686118 1.1797354 1.1893294 1.1768086 1.1435022 1.1088336\n", + " 1.0855892 1.0742091 1.0710659 1.0699203 1.064173 1.0552561 1.0469091\n", + " 1.0431339 1.0449421 1.0498847 1.0550034 1.0577937 0. ]\n", + " [1.1736325 1.1714346 1.1816776 1.1911565 1.1777041 1.1427664 1.108306\n", + " 1.0853393 1.0751013 1.0726998 1.0729758 1.068156 1.059034 1.050601\n", + " 1.0468265 1.0487456 0. 0. 0. 0. ]\n", + " [1.1647103 1.1617808 1.1732223 1.1834685 1.1730244 1.1403409 1.1057428\n", + " 1.0832126 1.0720935 1.0689754 1.0672019 1.0612129 1.0515677 1.0438108\n", + " 1.040148 1.0416201 1.0465672 1.0513566 1.053965 1.055004 ]\n", + " [1.1695552 1.1666018 1.1772647 1.1863472 1.173424 1.1399956 1.1059788\n", + " 1.0831827 1.0720292 1.0683578 1.0663636 1.0607381 1.0524168 1.0447531\n", + " 1.0414929 1.043337 1.0482526 1.0528258 1.0550735 1.055887 ]\n", + " [1.1771299 1.1728694 1.1835862 1.1926702 1.179461 1.1452767 1.1099594\n", + " 1.0864874 1.0744948 1.071151 1.069802 1.0646034 1.0562842 1.0484015\n", + " 1.0449795 1.0469879 1.0521693 1.057142 1.0596181 0. ]]\n", + "[[1.1890804 1.1827993 1.1915836 1.1992075 1.1855321 1.1498739 1.1129133\n", + " 1.0889041 1.0785418 1.0773721 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1630348 1.1597432 1.1697992 1.1793188 1.1679616 1.1365446 1.1033936\n", + " 1.0812162 1.0707899 1.0691434 1.069429 1.0652621 1.0567577 1.048554\n", + " 1.0446408 0. 0. 0. ]\n", + " [1.2039821 1.1977605 1.2072661 1.215808 1.2027018 1.1659503 1.1277215\n", + " 1.1023203 1.08983 1.0876378 1.0870804 1.0799832 1.0692852 1.0594387\n", + " 1.0554564 0. 0. 0. ]\n", + " [1.1706859 1.1661459 1.174618 1.1817896 1.1682916 1.1363049 1.1039823\n", + " 1.0820823 1.0713195 1.0684439 1.0669615 1.0617992 1.0529715 1.0453563\n", + " 1.0429441 1.044975 1.0499743 1.0553579]\n", + " [1.1512481 1.1477507 1.1576391 1.1658331 1.1554501 1.1251683 1.0937333\n", + " 1.0734833 1.0644261 1.0628732 1.0630251 1.0588056 1.0505317 1.0433193\n", + " 1.0397449 1.0415659 0. 0. ]]\n", + "[[1.154872 1.1528347 1.1636963 1.1741831 1.1630316 1.1312047 1.098133\n", + " 1.0762286 1.0652618 1.0620573 1.0604154 1.0551268 1.0466523 1.0396299\n", + " 1.0368482 1.0385536 1.0433885 1.0481818 1.050347 1.0513918 1.0525112\n", + " 1.0554396 1.0618145 1.0711257 1.078096 ]\n", + " [1.1684598 1.1621015 1.1715767 1.1808836 1.1697983 1.1381382 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1787349 1.1727078 1.1829011 1.192086 1.1811907 1.1468722 1.1109298\n", + " 1.0877289 1.0773075 1.0750272 1.0751476 1.0696889 1.0598593 1.0506998\n", + " 1.0464411 1.0481243 1.0538354 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1635159 1.1611941 1.1728874 1.1827073 1.172437 1.1402602 1.1068777\n", + " 1.0836713 1.072241 1.0681189 1.0660334 1.0602288 1.0514473 1.0436734\n", + " 1.0404466 1.0418066 1.0464135 1.0513082 1.053615 1.0548431 1.0562036\n", + " 0. 0. 0. 0. ]\n", + " [1.1584929 1.1559635 1.1649009 1.1731467 1.1615953 1.1307356 1.0989009\n", + " 1.0772985 1.0663179 1.0632057 1.0615954 1.056424 1.049 1.0421195\n", + " 1.038999 1.0406072 1.0448906 1.0492724 1.0515869 1.0525211 1.0540456\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1761953 1.1700771 1.1790874 1.1873318 1.1744173 1.1408135 1.1070791\n", + " 1.0861279 1.0770326 1.0765612 1.0767397 1.0718932 1.0621245 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1539356 1.1495084 1.1570191 1.1640937 1.1524625 1.1241134 1.0940814\n", + " 1.0745602 1.0658096 1.0645503 1.0647658 1.060942 1.053039 1.0453849\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.177953 1.1745883 1.1846769 1.1932399 1.182191 1.1484538 1.1132841\n", + " 1.0890839 1.0775054 1.0733225 1.0714577 1.0655636 1.0562465 1.0481124\n", + " 1.0449688 1.046923 1.0523009 1.0571872 1.0594193 1.0601481 0. ]\n", + " [1.1791602 1.1761597 1.1869738 1.195337 1.1848456 1.1502026 1.1143672\n", + " 1.0907596 1.0789613 1.0762248 1.0750271 1.0692304 1.0590488 1.0504946\n", + " 1.0465752 1.0486372 1.054215 1.0591484 0. 0. 0. ]\n", + " [1.1695842 1.1685288 1.1798472 1.1898057 1.1785908 1.1451741 1.1099682\n", + " 1.085902 1.0742663 1.069665 1.0673863 1.0624454 1.0535612 1.0462666\n", + " 1.042476 1.0442497 1.0488749 1.0536823 1.056356 1.0578854 1.0593889]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1616453 1.1589286 1.1688913 1.1777678 1.1661105 1.1332651 1.1007507\n", + " 1.078927 1.0688128 1.0661639 1.0660641 1.061396 1.0527408 1.0454836\n", + " 1.041922 1.0434128 1.0485395 0. 0. 0. 0. ]\n", + " [1.1645172 1.161261 1.1722013 1.1820384 1.1711135 1.1376728 1.1028535\n", + " 1.0809317 1.0701468 1.0677147 1.0675589 1.0627011 1.053806 1.0460309\n", + " 1.0420884 1.0441399 1.0490925 1.0543175 0. 0. 0. ]\n", + " [1.1932458 1.1885217 1.1982541 1.206668 1.1930022 1.1575953 1.121409\n", + " 1.0972292 1.0849861 1.0818454 1.0816852 1.0759313 1.0656502 1.0566312\n", + " 1.0524375 1.0548412 1.0612732 0. 0. 0. 0. ]\n", + " [1.171598 1.1692803 1.1802806 1.1901556 1.1787372 1.1458044 1.1114454\n", + " 1.0883352 1.0760381 1.0717623 1.0695016 1.0625964 1.0535821 1.0458152\n", + " 1.0426493 1.0446509 1.0499364 1.0549431 1.0573204 1.0583202 1.0598836]\n", + " [1.1673739 1.1617441 1.1697167 1.1792285 1.1683528 1.1356913 1.1031454\n", + " 1.0812646 1.071955 1.0707347 1.0707828 1.0666922 1.0574821 1.0490637\n", + " 1.0450648 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1710323 1.1688551 1.1804545 1.1900053 1.177481 1.1435578 1.1088644\n", + " 1.0854901 1.0738552 1.0702126 1.0685217 1.062451 1.0540156 1.0462033\n", + " 1.0427574 1.044704 1.0494366 1.0545266 1.0567583 1.0576454 1.0593172\n", + " 0. ]\n", + " [1.1885006 1.1860822 1.1958898 1.2038224 1.1896563 1.1533372 1.1173514\n", + " 1.0926002 1.0811005 1.078462 1.0773406 1.0725962 1.0626724 1.0537399\n", + " 1.0497754 1.0515473 1.0572723 1.0629196 0. 0. 0.\n", + " 0. ]\n", + " [1.1568192 1.152834 1.1605293 1.1665429 1.1544158 1.1243105 1.0949157\n", + " 1.0759915 1.067058 1.065148 1.064731 1.0602444 1.0516179 1.0443721\n", + " 1.0410024 1.0427151 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.158063 1.1554141 1.1648839 1.1721606 1.1615132 1.1308126 1.0992715\n", + " 1.0782499 1.0678383 1.0642043 1.061981 1.0568689 1.0482764 1.0415977\n", + " 1.0386702 1.0404862 1.0453585 1.0499549 1.052271 1.0532297 1.0546794\n", + " 1.0581954]\n", + " [1.1797442 1.176177 1.1877156 1.1972234 1.185262 1.1497939 1.1130201\n", + " 1.0889989 1.0786465 1.0772552 1.0782661 1.0728656 1.0633495 1.0536609\n", + " 1.0493518 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1648335 1.1625522 1.1728008 1.1807787 1.1683569 1.1353742 1.1015505\n", + " 1.0802293 1.0701697 1.0687726 1.0683604 1.0632577 1.0539339 1.0458549\n", + " 1.042138 1.0436722 1.0490218 0. 0. ]\n", + " [1.1789516 1.1753272 1.1857203 1.1952302 1.1822402 1.1482463 1.1122445\n", + " 1.0882868 1.0774446 1.0745778 1.0736074 1.0680144 1.0588872 1.0499939\n", + " 1.0464803 1.0484098 1.0538607 0. 0. ]\n", + " [1.1851196 1.1809728 1.1920962 1.2017416 1.1885629 1.1523199 1.1152054\n", + " 1.0911273 1.0808966 1.0801299 1.0812086 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1792065 1.1756886 1.1863648 1.1953199 1.1824925 1.147607 1.1116825\n", + " 1.0881674 1.0775015 1.0755318 1.0758497 1.0705665 1.0611249 1.052309\n", + " 1.0482264 0. 0. 0. 0. ]\n", + " [1.1723797 1.170505 1.1816396 1.1890937 1.176379 1.1413592 1.1066133\n", + " 1.0834602 1.0729228 1.0698569 1.0678856 1.0628027 1.0535214 1.0455523\n", + " 1.0421219 1.0442224 1.0490406 1.0539677 1.0563227]]\n", + "[[1.1947217 1.1901747 1.2011673 1.209886 1.1979594 1.1613781 1.1235969\n", + " 1.0978186 1.0869449 1.0852844 1.0862377 1.0803016 1.0690374 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1558702 1.1523603 1.1621253 1.1707101 1.1601907 1.1289035 1.0969278\n", + " 1.076065 1.0670464 1.0655209 1.0659792 1.0615155 1.0528395 1.0451568\n", + " 1.0414593 0. 0. 0. 0. 0. 0. ]\n", + " [1.1682276 1.1621054 1.1698112 1.1768829 1.165219 1.1342326 1.1009241\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1704912 1.1680772 1.1796615 1.1881607 1.1762033 1.1421235 1.1072377\n", + " 1.0840112 1.0730057 1.0694168 1.0689449 1.0640802 1.0546988 1.0468934\n", + " 1.0435648 1.0452569 1.0499254 1.0551864 1.0575575 0. 0. ]\n", + " [1.1834275 1.1802107 1.1906471 1.1999884 1.1869667 1.1529266 1.1174836\n", + " 1.0933726 1.0812025 1.0767473 1.0747997 1.0684556 1.058657 1.050598\n", + " 1.0470005 1.0493101 1.0543804 1.0597446 1.0619223 1.062519 1.0636915]]\n", + "[[1.162516 1.1608689 1.1718291 1.1796778 1.1673086 1.135464 1.102408\n", + " 1.0804118 1.0697287 1.0660481 1.0636249 1.0585773 1.0496756 1.0427983\n", + " 1.0394709 1.0415001 1.0460917 1.050521 1.0530026 1.0541111]\n", + " [1.1910594 1.1847808 1.1945276 1.2027704 1.1905949 1.1556588 1.1189494\n", + " 1.0952967 1.0845335 1.0828757 1.0825751 1.0769594 1.0657405 1.0560839\n", + " 1.0519454 0. 0. 0. 0. 0. ]\n", + " [1.1589139 1.1563786 1.166136 1.1753945 1.1652454 1.1344398 1.102701\n", + " 1.0807732 1.0692217 1.0655298 1.0633112 1.0578686 1.0492721 1.0418758\n", + " 1.0391452 1.0409538 1.0455489 1.0499951 1.05224 1.0530139]\n", + " [1.1693006 1.1670058 1.1788193 1.187118 1.1748605 1.141251 1.1071612\n", + " 1.0844508 1.0732858 1.0700151 1.0691682 1.0642794 1.055209 1.0465058\n", + " 1.0427374 1.0449245 1.0500236 1.0551492 0. 0. ]\n", + " [1.1619972 1.1570542 1.1643937 1.1718962 1.1596464 1.1284028 1.0971451\n", + " 1.0768739 1.0673983 1.0655439 1.0656247 1.0620289 1.0541396 1.0462857\n", + " 1.0429531 1.0445713 0. 0. 0. 0. ]]\n", + "[[1.1954523 1.189208 1.1985474 1.2060112 1.1922874 1.1554058 1.1180835\n", + " 1.094219 1.0843265 1.0835874 1.0841677 1.0788295 1.0678612 0.\n", + " 0. 0. 0. ]\n", + " [1.1637685 1.1613183 1.17297 1.1821477 1.1717284 1.1388477 1.1045364\n", + " 1.0820285 1.0710056 1.069103 1.0688573 1.0641296 1.0556809 1.0469797\n", + " 1.0431983 1.0447803 1.0497892]\n", + " [1.1540699 1.1515274 1.1621221 1.1707277 1.1593565 1.1268005 1.0949283\n", + " 1.0745784 1.064913 1.0641005 1.0644512 1.0601166 1.0519512 1.0440234\n", + " 1.0400655 1.0416902 0. ]\n", + " [1.1597285 1.1551657 1.1643469 1.1711366 1.1595203 1.1288666 1.0975047\n", + " 1.0763248 1.0673552 1.0659846 1.0661546 1.0620892 1.0538135 1.0457547\n", + " 1.0422474 0. 0. ]\n", + " [1.1727114 1.1687505 1.1804775 1.1894763 1.1790025 1.1450052 1.1086789\n", + " 1.0852362 1.0739943 1.0727555 1.0735548 1.0692304 1.0606825 1.051895\n", + " 1.0478655 0. 0. ]]\n", + "[[1.1675255 1.1634376 1.1730834 1.1817542 1.1710992 1.1373036 1.1032296\n", + " 1.081015 1.070251 1.0683712 1.0683666 1.064483 1.056347 1.0481284\n", + " 1.0445421 1.0462925 0. 0. ]\n", + " [1.1680954 1.1617589 1.1699052 1.1776123 1.1668047 1.1349366 1.1027627\n", + " 1.0813768 1.0720367 1.0714003 1.0721902 1.0679523 1.0594038 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1697843 1.1657275 1.1752824 1.1848061 1.1723996 1.1397976 1.1059896\n", + " 1.0832404 1.0729517 1.0725714 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1531358 1.1490352 1.1585922 1.1680835 1.1576242 1.1278322 1.0964228\n", + " 1.0751985 1.0656257 1.0633662 1.0635325 1.0590004 1.0505588 1.0426769\n", + " 1.0391912 1.0408148 1.0457892 0. ]\n", + " [1.1763095 1.1710323 1.1790704 1.1867748 1.173669 1.1402396 1.1069877\n", + " 1.0847852 1.0743043 1.0710216 1.0702965 1.0645438 1.055366 1.0472937\n", + " 1.0440019 1.0463196 1.0520474 1.0575072]]\n", + "[[1.2252955 1.2190417 1.2294266 1.2380836 1.2219038 1.1827365 1.1408662\n", + " 1.1129326 1.1007292 1.0981566 1.0989159 1.0917175 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1847945 1.1800908 1.1902313 1.1994466 1.1868529 1.1506793 1.1149869\n", + " 1.0912058 1.0802859 1.0794321 1.0791843 1.0745661 1.0638676 1.0543102\n", + " 1.049764 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1608697 1.1577668 1.167377 1.1757754 1.1646483 1.1328979 1.1002618\n", + " 1.0788968 1.0683835 1.0666443 1.0659952 1.0607188 1.052535 1.0447282\n", + " 1.0411135 1.0426574 1.0472808 1.0523934 0. 0. 0.\n", + " 0. ]\n", + " [1.1902679 1.1873809 1.1976929 1.2070214 1.1944901 1.1600782 1.12348\n", + " 1.0981807 1.0854673 1.0806743 1.0775232 1.0708957 1.0611289 1.0525004\n", + " 1.0488485 1.0505629 1.056394 1.0618645 1.0640556 1.0648444 1.0662658\n", + " 0. ]\n", + " [1.165742 1.1633205 1.174004 1.1831806 1.1709226 1.1381607 1.1052183\n", + " 1.0835854 1.0723672 1.0686178 1.0665386 1.0600969 1.0511142 1.043676\n", + " 1.0403664 1.0425007 1.0477185 1.053203 1.0559971 1.0570986 1.0586295\n", + " 1.0619398]]\n", + "[[1.1732359 1.1690599 1.1789976 1.1882746 1.1756085 1.141188 1.1072024\n", + " 1.08497 1.0754875 1.0740961 1.0753738 1.0701528 1.0605419 1.051485\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.16414 1.1627659 1.1730195 1.1810372 1.1681871 1.1352798 1.1024892\n", + " 1.0809405 1.0701022 1.0671046 1.0668998 1.0617962 1.0533817 1.0458094\n", + " 1.0425552 1.0440341 1.0487335 1.0536323 0. 0. 0. ]\n", + " [1.1666069 1.1640862 1.1749237 1.1839943 1.1720542 1.1382881 1.1040939\n", + " 1.0814146 1.0707184 1.0683244 1.0672064 1.062355 1.0534991 1.0457394\n", + " 1.0422608 1.0439602 1.0490748 1.0542376 0. 0. 0. ]\n", + " [1.1881574 1.18649 1.1979277 1.2067018 1.1921186 1.1543496 1.1181176\n", + " 1.093672 1.0819058 1.0785302 1.0768658 1.0709001 1.0607808 1.0517082\n", + " 1.0480543 1.0499415 1.0552436 1.0606071 1.0636404 0. 0. ]\n", + " [1.162446 1.1593878 1.1683843 1.1757548 1.1636746 1.1333797 1.10192\n", + " 1.0810757 1.07028 1.0666535 1.0646604 1.0583401 1.0500399 1.0427074\n", + " 1.0399525 1.0415142 1.0463197 1.0508701 1.0531439 1.0539497 1.0559638]]\n", + "[[1.1625757 1.1575571 1.1648762 1.1719391 1.1601009 1.1294149 1.0974379\n", + " 1.0772554 1.0673375 1.0662609 1.0662324 1.0621153 1.0545063 1.0463006\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1776371 1.1734862 1.1830809 1.1917355 1.1796901 1.1455535 1.1094633\n", + " 1.0869985 1.0754145 1.0719609 1.0707505 1.0657281 1.0564778 1.0487924\n", + " 1.0445671 1.0467492 1.0517333 1.0567427 1.0593524]\n", + " [1.1647656 1.1614841 1.1710255 1.1807883 1.1681812 1.1366287 1.1034827\n", + " 1.0814711 1.070658 1.0680324 1.0666195 1.0606892 1.0524207 1.044603\n", + " 1.0408597 1.0422858 1.046918 1.0520731 1.0540403]\n", + " [1.1756443 1.169621 1.1783154 1.1857053 1.173413 1.1394846 1.1052607\n", + " 1.0822312 1.0729557 1.0721316 1.0732381 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1723648 1.170482 1.1827852 1.1939476 1.1810281 1.1456383 1.108486\n", + " 1.0837333 1.072235 1.0692984 1.0680481 1.063197 1.0545287 1.0470066\n", + " 1.0432397 1.0450741 1.0501469 1.0549634 1.057646 ]]\n", + "[[1.169437 1.1644946 1.1745325 1.1840494 1.1732595 1.1397569 1.1052029\n", + " 1.0823449 1.0714188 1.0692439 1.0690265 1.064125 1.0553399 1.0474325\n", + " 1.0435897 1.045409 1.050568 0. 0. 0. ]\n", + " [1.1941661 1.1905468 1.2014637 1.2111433 1.1974132 1.1620983 1.1246523\n", + " 1.0986338 1.0854776 1.0808613 1.0789769 1.0722816 1.0624063 1.0539166\n", + " 1.0500847 1.0521322 1.0580348 1.0636319 1.0660362 1.0669458]\n", + " [1.1910985 1.1877689 1.1981282 1.2063396 1.1942451 1.1582913 1.1206324\n", + " 1.09563 1.0826075 1.0788183 1.0771711 1.0708395 1.0618489 1.0534357\n", + " 1.0495188 1.0513089 1.0565413 1.0617449 1.0643377 0. ]\n", + " [1.1699966 1.1664236 1.1758742 1.1829207 1.1707574 1.1374278 1.1040524\n", + " 1.0814681 1.0707557 1.0677972 1.0673866 1.0626456 1.0545624 1.0466014\n", + " 1.0432739 1.0452788 1.0508538 0. 0. 0. ]\n", + " [1.181709 1.1780255 1.1887555 1.1982313 1.1845765 1.1492162 1.1129975\n", + " 1.088604 1.0777249 1.0747143 1.0745299 1.0697888 1.0601612 1.0513934\n", + " 1.0477066 1.0495924 1.0553628 0. 0. 0. ]]\n", + "[[1.1464999 1.1411369 1.1485695 1.1544288 1.1439317 1.1166271 1.0886321\n", + " 1.0700755 1.061684 1.0600315 1.0600203 1.0560983 1.048385 1.0412722\n", + " 1.0382359 0. 0. 0. ]\n", + " [1.1457427 1.1418527 1.151082 1.1591035 1.1493554 1.1199987 1.0899991\n", + " 1.070596 1.0613631 1.0601262 1.0600154 1.0553973 1.0474427 1.0401107\n", + " 1.0367341 1.0382553 1.0431331 0. ]\n", + " [1.1574519 1.1531619 1.1615021 1.1697493 1.1582847 1.1287079 1.0970536\n", + " 1.0756592 1.0651331 1.0628728 1.0622869 1.0577983 1.050707 1.043558\n", + " 1.040182 1.0416936 1.046297 1.0511074]\n", + " [1.1608052 1.157966 1.1681882 1.176703 1.1654457 1.1339219 1.1012498\n", + " 1.0791982 1.0682352 1.0656328 1.0654033 1.0605426 1.0519373 1.0444539\n", + " 1.0409842 1.0420973 1.046928 1.0517504]\n", + " [1.1581208 1.1558293 1.1666154 1.1750067 1.1622043 1.1310323 1.0990471\n", + " 1.0779189 1.0677837 1.0647554 1.0644265 1.0597402 1.0508698 1.0437224\n", + " 1.0405792 1.0421442 1.0469617 1.0518043]]\n", + "[[1.1643568 1.159065 1.1667769 1.1720545 1.1599231 1.1288589 1.0974039\n", + " 1.0776465 1.0688624 1.0679876 1.0685737 1.0645592 1.055742 1.0475867\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1818762 1.179451 1.1916645 1.2012879 1.1895871 1.1541284 1.1174808\n", + " 1.092408 1.0797377 1.0755678 1.0741417 1.06796 1.0583589 1.0495474\n", + " 1.0458163 1.0476477 1.0529145 1.0582768 1.0613363 1.0625644 0.\n", + " 0. ]\n", + " [1.1874348 1.1827332 1.1920128 1.2004378 1.1876248 1.1538914 1.1168774\n", + " 1.0931299 1.0811734 1.0794692 1.0790681 1.074474 1.0649498 1.0552832\n", + " 1.0513538 1.053403 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1727842 1.171415 1.1822014 1.19191 1.1812385 1.1472512 1.112816\n", + " 1.0891494 1.0771134 1.0726839 1.0700026 1.0640244 1.0545651 1.0462071\n", + " 1.0431243 1.0448996 1.0505006 1.0555737 1.0584346 1.0594145 1.0608562\n", + " 1.0642971]\n", + " [1.1720531 1.1672696 1.17741 1.1857564 1.1742492 1.1399057 1.1059266\n", + " 1.084185 1.0743289 1.0728469 1.0730723 1.0680513 1.0586503 1.0498071\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.16058 1.1566201 1.1676193 1.177893 1.1662104 1.1342299 1.101222\n", + " 1.079138 1.0693046 1.0678494 1.0679085 1.0634332 1.0547578 1.0467863\n", + " 1.0431595 1.0450537 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1733928 1.1682249 1.1762959 1.1840345 1.1729198 1.1408532 1.1082418\n", + " 1.0859216 1.0750407 1.072404 1.0721179 1.0668736 1.0579945 1.0497837\n", + " 1.0461903 1.0484785 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1594292 1.156639 1.1668162 1.1749601 1.1639208 1.1321728 1.0996983\n", + " 1.0782441 1.0682759 1.0669317 1.0671345 1.0635768 1.0544529 1.0464197\n", + " 1.0427961 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2110888 1.2041987 1.2145493 1.2239602 1.209536 1.171622 1.132299\n", + " 1.1059303 1.0941294 1.0926111 1.0921276 1.0863549 1.0745625 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1536419 1.1518502 1.1633606 1.1725154 1.1614932 1.1308076 1.0988903\n", + " 1.0773822 1.066884 1.0633504 1.0615587 1.0561771 1.0480804 1.0411841\n", + " 1.0379887 1.0398164 1.0442384 1.048638 1.0511849 1.0518357 1.0533003\n", + " 1.0569164 1.0638617]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1743424 1.1678474 1.1768407 1.1860075 1.1730872 1.141074 1.1068887\n", + " 1.0842186 1.074125 1.0714324 1.0716275 1.0668889 1.0583664 1.0503055\n", + " 1.0465342 1.0487764 0. 0. 0. 0. 0. ]\n", + " [1.1814287 1.1787126 1.1893064 1.1981272 1.1844981 1.1496859 1.1139413\n", + " 1.0900047 1.0785513 1.0756733 1.0744123 1.0692624 1.0601344 1.0510463\n", + " 1.0471567 1.0487947 1.0542339 1.0600032 0. 0. 0. ]\n", + " [1.1896003 1.1842779 1.1941581 1.2025092 1.1889166 1.1530248 1.1164142\n", + " 1.092516 1.0826532 1.0819888 1.0820997 1.0769675 1.0659817 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1529815 1.1508608 1.1616794 1.1698253 1.1585624 1.1276426 1.0965667\n", + " 1.0757613 1.0650673 1.0624112 1.0604724 1.0549515 1.0466096 1.0398957\n", + " 1.0369695 1.0386958 1.0424889 1.0471523 1.0491778 1.050448 1.0516742]\n", + " [1.1735166 1.1682403 1.17715 1.1857771 1.1731447 1.1405245 1.1070267\n", + " 1.0851666 1.0749991 1.0728575 1.0726882 1.067805 1.0584209 1.0502722\n", + " 1.0464562 1.0486522 0. 0. 0. 0. 0. ]]\n", + "[[1.1676251 1.1643653 1.174809 1.1827712 1.1731277 1.1407536 1.1070188\n", + " 1.0855563 1.0748508 1.0730635 1.0732298 1.0682051 1.059035 1.049804\n", + " 1.0456898 0. 0. ]\n", + " [1.1519822 1.1477786 1.1550555 1.1611124 1.1486247 1.1197592 1.0907226\n", + " 1.0713382 1.0625597 1.0605874 1.0608388 1.0568265 1.0491383 1.0422995\n", + " 1.0390013 1.040537 1.045295 ]\n", + " [1.1745989 1.170296 1.1808214 1.1900328 1.1784389 1.1444191 1.1093442\n", + " 1.0863602 1.0760498 1.0735372 1.0737321 1.0685768 1.0592189 1.0505631\n", + " 1.046703 1.0484223 1.0537229]\n", + " [1.1747468 1.16998 1.1804206 1.1879444 1.1744456 1.1398321 1.105721\n", + " 1.0838656 1.0745515 1.0736713 1.0740511 1.0692744 1.0595253 0.\n", + " 0. 0. 0. ]\n", + " [1.182085 1.1781429 1.1895298 1.1992464 1.186402 1.1501547 1.1128951\n", + " 1.0888443 1.0784096 1.076674 1.0769268 1.0724458 1.0627024 1.0538026\n", + " 1.0493443 1.0515664 0. ]]\n", + "[[1.1862904 1.1824027 1.1935022 1.2037809 1.1901443 1.1541569 1.1166211\n", + " 1.0923063 1.0813934 1.0789511 1.0794122 1.0739688 1.0638547 1.0542879\n", + " 1.0505748 1.0530256 0. 0. 0. 0. ]\n", + " [1.1686949 1.1653736 1.1757636 1.1850212 1.1739843 1.1405973 1.1058999\n", + " 1.0833989 1.0727297 1.0703682 1.0699189 1.0653945 1.0564591 1.0485207\n", + " 1.0448445 1.046532 1.051708 0. 0. 0. ]\n", + " [1.1846498 1.1824766 1.1949037 1.2049788 1.1926084 1.1560197 1.117779\n", + " 1.0916188 1.0794301 1.0756991 1.0737612 1.0672252 1.0580401 1.0496539\n", + " 1.0458583 1.0481257 1.0538914 1.0591469 1.0615772 1.0624478]\n", + " [1.1784475 1.1745012 1.1842883 1.1934012 1.1808426 1.1456267 1.1093643\n", + " 1.0861008 1.0757781 1.0743723 1.075752 1.0703472 1.0607363 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1415545 1.1380548 1.1474389 1.1551462 1.1449789 1.1159258 1.0873848\n", + " 1.0684069 1.0595988 1.0581176 1.0583291 1.0542551 1.0474796 1.0406421\n", + " 1.0378532 1.0395662 0. 0. 0. 0. ]]\n", + "[[1.1823729 1.1786883 1.1891614 1.196515 1.1844676 1.1497257 1.113667\n", + " 1.0902079 1.0784686 1.0744854 1.073129 1.0674578 1.0582246 1.0497873\n", + " 1.0456986 1.0478356 1.0535356 1.0584154 1.0610255 0. ]\n", + " [1.1720057 1.1685324 1.1786611 1.1883715 1.1764544 1.1432092 1.1084219\n", + " 1.0850657 1.0747378 1.0726272 1.0724695 1.0682542 1.0590891 1.0504067\n", + " 1.0463663 1.0479534 0. 0. 0. 0. ]\n", + " [1.1633837 1.1598636 1.1698585 1.1792789 1.168088 1.1372701 1.1039441\n", + " 1.0814586 1.0695927 1.066222 1.0645216 1.0589921 1.0507996 1.0435824\n", + " 1.0401392 1.0420551 1.0466197 1.0514781 1.0542295 1.0555563]\n", + " [1.1700114 1.1673217 1.1781343 1.186734 1.1736552 1.139979 1.1057274\n", + " 1.0832728 1.0728488 1.0704024 1.0692066 1.063278 1.0544513 1.0463746\n", + " 1.0427601 1.0445434 1.0499856 1.0553826 0. 0. ]\n", + " [1.157226 1.1521543 1.1609092 1.1680272 1.1576859 1.1271856 1.0956442\n", + " 1.0751985 1.065339 1.0632781 1.0630715 1.0587916 1.0509671 1.0433362\n", + " 1.0399023 1.0413489 1.0461972 0. 0. 0. ]]\n", + "[[1.1750365 1.1719432 1.1823617 1.1920784 1.1808128 1.1463487 1.1102347\n", + " 1.0868628 1.0756583 1.0750746 1.0752375 1.0716996 1.0619459 1.0530869\n", + " 1.0488452 0. 0. 0. 0. ]\n", + " [1.1634749 1.1584785 1.1676407 1.1761252 1.1656375 1.1354467 1.1032819\n", + " 1.0811622 1.0707535 1.0675597 1.0659933 1.0608563 1.0521662 1.0445524\n", + " 1.0410223 1.0429213 1.0478979 1.052963 0. ]\n", + " [1.186597 1.182694 1.1919565 1.1997842 1.1878769 1.1522356 1.1154473\n", + " 1.0913641 1.0796537 1.0770808 1.0760152 1.071743 1.0624198 1.0538571\n", + " 1.0496718 1.0517155 1.0576332 0. 0. ]\n", + " [1.1841582 1.1799047 1.1894761 1.197784 1.1848 1.1507225 1.1157126\n", + " 1.0916519 1.0801716 1.0761592 1.0743289 1.0686756 1.0587701 1.0503519\n", + " 1.0471823 1.0493119 1.055062 1.0604163 1.0625533]\n", + " [1.1752436 1.1733674 1.184232 1.1923059 1.1783227 1.1429735 1.1083491\n", + " 1.0855104 1.0746969 1.0718873 1.0709896 1.0651716 1.0563912 1.0482839\n", + " 1.0446942 1.0466131 1.0519267 1.0567696 1.0590205]]\n", + "[[1.1643425 1.1595631 1.1710141 1.181246 1.1698654 1.136976 1.1028134\n", + " 1.0803527 1.0701637 1.0684203 1.0688682 1.0643121 1.0549616 1.0464237\n", + " 1.042751 1.044639 0. 0. 0. ]\n", + " [1.1748092 1.1720629 1.1834438 1.192928 1.1800181 1.1452495 1.1100492\n", + " 1.0854845 1.07478 1.0715501 1.0700264 1.0647062 1.0558361 1.0477713\n", + " 1.0440849 1.0457689 1.0504484 1.0554276 1.0578812]\n", + " [1.1763842 1.1734018 1.1840854 1.1906786 1.1771568 1.1425713 1.107824\n", + " 1.085217 1.0751839 1.0728583 1.0712075 1.0659202 1.0562975 1.0477811\n", + " 1.0442424 1.0461483 1.0512879 1.0567144 0. ]\n", + " [1.1638551 1.1609204 1.1705269 1.1793307 1.1662627 1.1344278 1.1016036\n", + " 1.0795603 1.0689752 1.0672427 1.0666234 1.0620968 1.0535147 1.0464003\n", + " 1.0428895 1.0445135 1.049471 0. 0. ]\n", + " [1.19504 1.1895448 1.198809 1.2071326 1.1934032 1.1565214 1.1195968\n", + " 1.0941443 1.0838816 1.0827247 1.0837499 1.0783741 1.0678742 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1712132 1.1663772 1.1761081 1.1853133 1.1743363 1.1420546 1.1088986\n", + " 1.0860918 1.074908 1.0728855 1.0716214 1.0673531 1.0582026 1.0498267\n", + " 1.0459907 1.0475597 1.0527345 0. 0. ]\n", + " [1.1630946 1.1605244 1.1713532 1.1801951 1.1677333 1.1347656 1.1013185\n", + " 1.0790013 1.068501 1.0661108 1.0650393 1.0598239 1.051107 1.0438484\n", + " 1.0403808 1.0422703 1.0471029 1.0518078 1.0542134]]\n", + "[[1.1786146 1.1740594 1.1836303 1.1922336 1.1784931 1.1457043 1.1113708\n", + " 1.0878229 1.0766689 1.073194 1.0717285 1.0666889 1.0577437 1.0490263\n", + " 1.0452802 1.0470691 1.0519935 1.0569766 0. 0. ]\n", + " [1.190244 1.1854186 1.1963177 1.205703 1.1932681 1.1581612 1.1212394\n", + " 1.096488 1.0838675 1.0796123 1.0777681 1.0712823 1.0608982 1.0520313\n", + " 1.0481291 1.0499042 1.0555984 1.0608202 1.0637146 1.0644577]\n", + " [1.1835409 1.1806457 1.1912904 1.2001692 1.1860871 1.1503576 1.1141592\n", + " 1.0897348 1.078439 1.0752099 1.0739132 1.0688186 1.0596855 1.0515949\n", + " 1.0475147 1.0498512 1.0555161 1.060498 0. 0. ]\n", + " [1.1770782 1.1726307 1.1822064 1.1908782 1.1774805 1.1425837 1.1079677\n", + " 1.0854882 1.074733 1.0726705 1.0716338 1.0660096 1.0567827 1.0485849\n", + " 1.045418 1.047207 1.0526857 0. 0. 0. ]\n", + " [1.1737108 1.1677518 1.1746621 1.1822547 1.1702969 1.1382152 1.1054517\n", + " 1.083151 1.0722547 1.0695819 1.0689976 1.0646058 1.0558815 1.0484978\n", + " 1.0446719 1.0462693 1.0513318 0. 0. 0. ]]\n", + "[[1.1750281 1.170547 1.1819605 1.1918947 1.179641 1.1451138 1.1100347\n", + " 1.0870988 1.076919 1.0753332 1.0756464 1.0710315 1.060974 1.0515842\n", + " 1.0475446 1.0497532 0. 0. 0. ]\n", + " [1.1621007 1.1606696 1.1717436 1.1807836 1.1681379 1.1359801 1.1026789\n", + " 1.0806556 1.0694467 1.0665078 1.0649449 1.0597856 1.0514549 1.0439327\n", + " 1.0404495 1.0425457 1.0473591 1.0519872 1.0544779]\n", + " [1.1824263 1.180061 1.1915575 1.2015167 1.1889007 1.1533456 1.1165389\n", + " 1.091586 1.0790753 1.0754259 1.0733613 1.067927 1.0579537 1.0495167\n", + " 1.0460496 1.0481551 1.053035 1.0583506 1.0609366]\n", + " [1.1669387 1.1637686 1.1739731 1.1830909 1.1719306 1.1391573 1.1049324\n", + " 1.0821831 1.0714781 1.0688008 1.0680029 1.0630513 1.054467 1.0467551\n", + " 1.0428741 1.0442865 1.0491096 1.054161 0. ]\n", + " [1.1874881 1.1827183 1.1926178 1.2013056 1.1871359 1.1512843 1.1148598\n", + " 1.0915331 1.0814646 1.0799336 1.0799813 1.0746856 1.064396 1.0552057\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1755526 1.1730592 1.1851816 1.1957568 1.1832843 1.1484916 1.1129718\n", + " 1.0888206 1.0766869 1.0735542 1.071648 1.0659511 1.0562145 1.0478499\n", + " 1.0440413 1.0461462 1.051166 1.0561327 1.0588899 1.0597235 0.\n", + " 0. 0. 0. ]\n", + " [1.1828908 1.1804624 1.1916565 1.1991082 1.1874303 1.1520175 1.1153287\n", + " 1.0910484 1.0784547 1.075073 1.0733922 1.0675788 1.0581104 1.0495925\n", + " 1.0461488 1.0481018 1.0533619 1.0586535 1.061086 1.0616536 0.\n", + " 0. 0. 0. ]\n", + " [1.1587948 1.1560453 1.1663979 1.1766475 1.1661129 1.1350352 1.102838\n", + " 1.0812082 1.0703247 1.0661894 1.0641673 1.0590037 1.0501006 1.0427425\n", + " 1.0395873 1.0417321 1.0466384 1.0511376 1.0532014 1.0535666 1.0542196\n", + " 1.0575811 1.0643508 1.0739276]\n", + " [1.1542708 1.1515173 1.161971 1.170386 1.1583929 1.1277478 1.0966976\n", + " 1.075945 1.0654833 1.0616051 1.0595978 1.0544237 1.0465305 1.040069\n", + " 1.0375295 1.0393572 1.044167 1.0486374 1.0506617 1.0514723 1.0526159\n", + " 1.0557454 0. 0. ]\n", + " [1.1732478 1.1683803 1.1771357 1.1838762 1.1734879 1.1402154 1.1062478\n", + " 1.0828997 1.0735016 1.0721406 1.0729733 1.0691987 1.0600584 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.166128 1.1627806 1.1725519 1.1808981 1.1685796 1.1362108 1.1038053\n", + " 1.0817425 1.070517 1.0665644 1.0644323 1.0591512 1.0507944 1.0439062\n", + " 1.0409214 1.0424961 1.0473948 1.0518444 1.0543504 1.0552529 1.0572081\n", + " 1.0609149]\n", + " [1.1758201 1.1702327 1.1794518 1.1875315 1.1746976 1.1413461 1.1073523\n", + " 1.085185 1.0746448 1.0727254 1.0728054 1.0677286 1.0590664 1.0508649\n", + " 1.0473046 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1807904 1.1772685 1.1875666 1.1963221 1.182967 1.1467078 1.1104189\n", + " 1.0861319 1.0752529 1.072698 1.0734295 1.0688972 1.0597572 1.0515064\n", + " 1.0478853 1.0500177 1.0560553 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1787728 1.1745664 1.1842287 1.193066 1.1810569 1.1473801 1.1125772\n", + " 1.089199 1.0780065 1.0759445 1.0753547 1.0698798 1.059652 1.0517251\n", + " 1.0480304 1.0505977 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2017865 1.1953248 1.2040749 1.2120712 1.198436 1.1611266 1.1223521\n", + " 1.0964557 1.0848011 1.0830108 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1615167 1.1557937 1.1651123 1.1739659 1.1627437 1.1314377 1.0991791\n", + " 1.0781264 1.0679138 1.066153 1.0661628 1.0622456 1.0538263 1.0462416\n", + " 1.0428406 1.0446261 1.0496361 0. 0. 0. ]\n", + " [1.1762992 1.1743414 1.1856451 1.1956838 1.1827974 1.1484114 1.1122372\n", + " 1.0879807 1.076313 1.0730164 1.0711472 1.066085 1.0571312 1.0490992\n", + " 1.045065 1.0468571 1.0514851 1.0560638 1.0587538 1.0594288]\n", + " [1.1855599 1.1825511 1.1921085 1.1999425 1.1878867 1.1533363 1.1176763\n", + " 1.093625 1.081793 1.0778809 1.0763575 1.0698433 1.060261 1.0515991\n", + " 1.0477904 1.0502448 1.0552155 1.0609882 1.0636325 0. ]\n", + " [1.1730196 1.1678709 1.1781894 1.187516 1.1756673 1.1423608 1.1081269\n", + " 1.085506 1.0752075 1.0727336 1.0724659 1.0673207 1.057612 1.0488429\n", + " 1.0453098 1.0472282 1.0530676 0. 0. 0. ]\n", + " [1.1612943 1.1562245 1.1638172 1.1712183 1.1594447 1.1295457 1.0985886\n", + " 1.0770385 1.0671333 1.0642575 1.06449 1.0604119 1.0523977 1.0450668\n", + " 1.0413113 1.0426457 1.0477387 0. 0. 0. ]]\n", + "[[1.1798822 1.1763802 1.1873205 1.1963683 1.1829373 1.1475085 1.1122211\n", + " 1.0891539 1.0789738 1.0775393 1.0778844 1.0722879 1.0627027 1.0535351\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1685488 1.1664029 1.1758306 1.1859771 1.174863 1.1427643 1.1088707\n", + " 1.0867724 1.0752213 1.0708102 1.0681463 1.0616871 1.0522729 1.0446582\n", + " 1.0417709 1.0439274 1.0494238 1.053888 1.0563368 1.0572919 1.058096\n", + " 1.0613451 1.0687323 1.0784743]\n", + " [1.166007 1.1608961 1.1685069 1.1758934 1.1642648 1.1333246 1.1009052\n", + " 1.079232 1.0691477 1.0661225 1.0666023 1.0620975 1.0536518 1.0465457\n", + " 1.0429598 1.0451028 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1723691 1.1668078 1.1768279 1.1843574 1.1721463 1.1385716 1.10446\n", + " 1.0830425 1.074281 1.0728331 1.0729376 1.0678428 1.0580729 1.0496956\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1581242 1.1545168 1.1640527 1.1708827 1.159495 1.1275916 1.0957348\n", + " 1.0754577 1.0659895 1.0643117 1.0643673 1.0600003 1.0518931 1.0440595\n", + " 1.0407581 1.0421182 1.0471039 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.2085314 1.2021606 1.2114152 1.2202357 1.2061923 1.1684821 1.1300509\n", + " 1.1044708 1.0924501 1.0899113 1.0892091 1.0831164 1.0719392 1.0616498\n", + " 1.0573927 0. 0. 0. 0. 0. 0. ]\n", + " [1.166057 1.1613934 1.170846 1.1796722 1.1680858 1.1362784 1.103329\n", + " 1.080868 1.0711889 1.0689421 1.0685751 1.0639521 1.0553485 1.0474656\n", + " 1.0439863 1.0457314 0. 0. 0. 0. 0. ]\n", + " [1.162982 1.1613114 1.1718291 1.1811666 1.1690841 1.136438 1.1030267\n", + " 1.0800325 1.0693201 1.0658884 1.0643243 1.0587242 1.0506243 1.0432386\n", + " 1.0399048 1.0418571 1.0462219 1.0509208 1.0534629 1.0542399 1.0560364]\n", + " [1.1819724 1.1776094 1.1875349 1.1959872 1.1845382 1.1508225 1.1152169\n", + " 1.0909948 1.078848 1.0753247 1.074007 1.0683008 1.0590605 1.0503901\n", + " 1.04691 1.0487154 1.0541177 1.0595038 1.0619885 0. 0. ]\n", + " [1.1663861 1.1617961 1.1712451 1.1795156 1.1686928 1.1362008 1.102041\n", + " 1.0801187 1.0691146 1.0663959 1.066927 1.0624439 1.0542836 1.0461932\n", + " 1.0426654 1.0442733 1.0493616 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.180633 1.1763422 1.1870679 1.1965324 1.1841159 1.1496364 1.1137755\n", + " 1.0888366 1.077102 1.0736579 1.0731245 1.0679411 1.0587323 1.0508457\n", + " 1.0467958 1.0488969 1.0541743 1.0593008 1.0614623]\n", + " [1.1518426 1.1480503 1.1572315 1.164614 1.1540548 1.1239605 1.0948371\n", + " 1.075248 1.0656416 1.0633372 1.0623548 1.0575476 1.0493536 1.0415562\n", + " 1.038384 1.0398492 1.0445253 0. 0. ]\n", + " [1.1699541 1.165878 1.1758661 1.1835763 1.1723256 1.1396487 1.1057348\n", + " 1.0837607 1.0738896 1.0724196 1.0725306 1.0684185 1.0594989 1.050857\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1826301 1.1762841 1.1857646 1.1940649 1.1827774 1.1496612 1.1146865\n", + " 1.0913739 1.0804559 1.0784103 1.077777 1.0729189 1.0630331 1.0540354\n", + " 1.0495284 1.0515027 0. 0. 0. ]\n", + " [1.1628854 1.1597852 1.1699216 1.1771472 1.1652545 1.1332726 1.1009105\n", + " 1.0795399 1.0687618 1.0661305 1.0647744 1.0600084 1.0510263 1.0438769\n", + " 1.0401846 1.0422537 1.0470382 1.0519621 1.0545102]]\n", + "[[1.1589559 1.1558547 1.1647148 1.1731739 1.1628098 1.1332843 1.1015224\n", + " 1.079792 1.069125 1.0649159 1.0628705 1.0564655 1.0486047 1.0415466\n", + " 1.0387267 1.0409279 1.0457832 1.0508512 1.0533568 1.0540708 1.055034\n", + " 1.0586764 1.0655673]\n", + " [1.1650467 1.1628133 1.1730304 1.182019 1.1692628 1.1371684 1.1043676\n", + " 1.0823106 1.0711751 1.0675129 1.065287 1.0593302 1.0505388 1.0434045\n", + " 1.040631 1.0424877 1.0473179 1.0521401 1.054456 1.0553643 1.0572956\n", + " 0. 0. ]\n", + " [1.1852297 1.1761211 1.182239 1.1888554 1.1773677 1.145709 1.1124206\n", + " 1.0897954 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1741068 1.1720735 1.1841254 1.1940987 1.18209 1.1481385 1.1125284\n", + " 1.0877686 1.0759271 1.0715839 1.0706514 1.0650545 1.0558957 1.0478004\n", + " 1.0441275 1.0458615 1.0507485 1.0556527 1.0581714 1.0587968 0.\n", + " 0. 0. ]\n", + " [1.1935068 1.1884792 1.1982094 1.2062577 1.1911116 1.1522455 1.1148465\n", + " 1.0906247 1.080816 1.0797774 1.0808939 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.186339 1.1820804 1.1929748 1.2020392 1.1894436 1.1534003 1.1162307\n", + " 1.0910606 1.0799915 1.0769478 1.0763049 1.0705134 1.0606309 1.0517687\n", + " 1.0478538 1.0497428 1.0558004 1.0615605 0. 0. 0.\n", + " 0. ]\n", + " [1.15556 1.1544154 1.1651989 1.17518 1.1647694 1.1343738 1.1024408\n", + " 1.0810436 1.0690311 1.0648999 1.0626267 1.0564674 1.048529 1.0415716\n", + " 1.0386236 1.0403546 1.0449969 1.0497609 1.0521203 1.0530487 1.0544049\n", + " 1.0577294]\n", + " [1.1756243 1.1702513 1.1794562 1.1874065 1.1741893 1.141038 1.1069552\n", + " 1.0841771 1.0737159 1.0714253 1.0715226 1.0669712 1.0583967 1.049797\n", + " 1.0463208 1.0482398 1.0538287 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1723479 1.1671867 1.1762111 1.1841551 1.1721104 1.1403692 1.1073579\n", + " 1.0852395 1.0742531 1.0710679 1.0695192 1.0647423 1.0557326 1.0471802\n", + " 1.0438746 1.0455062 1.0508051 1.0565447 0. 0. 0.\n", + " 0. ]\n", + " [1.2087191 1.2032521 1.2136167 1.2219846 1.2086482 1.1701959 1.1296433\n", + " 1.1027992 1.091128 1.0900227 1.0911345 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1896287 1.187046 1.1987214 1.2096334 1.195727 1.1590488 1.120193\n", + " 1.0941675 1.0812672 1.0776411 1.0762769 1.0693944 1.0599133 1.0510935\n", + " 1.04775 1.0493377 1.0553051 1.0610458 1.063419 1.064193 ]\n", + " [1.1930577 1.187888 1.196621 1.2048163 1.1919363 1.1567466 1.1196141\n", + " 1.0959541 1.0846826 1.082077 1.0820482 1.0770041 1.0666564 1.0576794\n", + " 1.0535171 0. 0. 0. 0. 0. ]\n", + " [1.1502447 1.1459213 1.1556828 1.1650712 1.1548725 1.1246328 1.0934727\n", + " 1.073562 1.0648237 1.0634856 1.0629436 1.05882 1.0505012 1.0425613\n", + " 1.039107 1.0406442 0. 0. 0. 0. ]\n", + " [1.1810423 1.1760148 1.1846708 1.1927234 1.1796763 1.1461031 1.1109803\n", + " 1.0875521 1.0757587 1.07299 1.0720278 1.0664846 1.057958 1.0497136\n", + " 1.0463765 1.0482408 1.0534993 1.0588533 0. 0. ]\n", + " [1.1679854 1.1650167 1.1767874 1.1857958 1.1755012 1.142334 1.1069077\n", + " 1.0837623 1.0724703 1.0691004 1.068654 1.0633539 1.0534276 1.0453018\n", + " 1.0417092 1.043319 1.0484326 1.0536162 1.0560719 0. ]]\n", + "[[1.1797274 1.1733978 1.1816782 1.191267 1.1790003 1.1449158 1.1101815\n", + " 1.087036 1.077476 1.0764085 1.0763621 1.0719591 1.0621773 1.0532137\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1912904 1.185908 1.1945329 1.2031178 1.191024 1.1564054 1.119979\n", + " 1.0957309 1.083741 1.0804284 1.0802786 1.0748773 1.0651035 1.0563362\n", + " 1.0520016 1.0546263 0. 0. 0. 0. ]\n", + " [1.1773726 1.1725541 1.1831778 1.1914781 1.1782207 1.1439013 1.1087253\n", + " 1.0850986 1.0740818 1.0723714 1.0718338 1.0663604 1.0575793 1.0493675\n", + " 1.0455338 1.0473617 1.0532365 0. 0. 0. ]\n", + " [1.1994487 1.194898 1.2054621 1.2138534 1.1986179 1.1615905 1.1231061\n", + " 1.0981104 1.0870082 1.0862007 1.0863384 1.0808591 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1654851 1.1624105 1.1724535 1.1817715 1.1694257 1.1368583 1.1039164\n", + " 1.0818895 1.0710073 1.067637 1.065907 1.0596567 1.0511433 1.0435716\n", + " 1.0407118 1.0420938 1.047038 1.0515479 1.053708 1.0545468]]\n", + "[[1.1748358 1.1715466 1.1818186 1.1901288 1.1787483 1.144748 1.1097959\n", + " 1.0869198 1.0764983 1.0748227 1.0747046 1.0696789 1.060217 1.0511305\n", + " 1.047367 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1467834 1.1432643 1.1540871 1.1653037 1.1579303 1.129778 1.098851\n", + " 1.0777422 1.0670607 1.0632489 1.0609146 1.0550048 1.0465161 1.0391225\n", + " 1.0362356 1.038025 1.0429327 1.0476292 1.0498576 1.0500487 1.0505419\n", + " 1.0531527 1.0592752 1.06872 1.0760162 1.0811443 1.0828557 1.0797329\n", + " 1.0726017]\n", + " [1.172896 1.1675808 1.1761098 1.1840547 1.1716359 1.1395965 1.1067014\n", + " 1.0846106 1.0739027 1.0710057 1.070459 1.0657007 1.0569208 1.0491703\n", + " 1.0455813 1.0473695 1.0530077 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1816082 1.1769454 1.1875728 1.1970632 1.1836604 1.1489359 1.1135744\n", + " 1.0902498 1.0796901 1.0786049 1.0786662 1.0739275 1.0636331 1.0542905\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.175723 1.17359 1.1835648 1.192356 1.1797963 1.144562 1.1090053\n", + " 1.0856044 1.0749594 1.0721091 1.0715442 1.0667374 1.0581396 1.049421\n", + " 1.0458174 1.0477866 1.0528381 1.0580771 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1732292 1.1695198 1.1805539 1.1906499 1.1793371 1.144825 1.1093607\n", + " 1.0856825 1.0745323 1.0731789 1.0734271 1.0685718 1.0599312 1.0510286\n", + " 1.0469301 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1622446 1.1575812 1.166038 1.1750705 1.163356 1.1326224 1.099953\n", + " 1.0784354 1.0685086 1.066373 1.0665387 1.0616482 1.0532763 1.0455291\n", + " 1.0420309 1.0439216 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1650298 1.1617951 1.1724728 1.1813998 1.169857 1.1368945 1.103117\n", + " 1.0808716 1.0710081 1.0688956 1.0697886 1.0646374 1.0564929 1.0480902\n", + " 1.0443326 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1624516 1.1570708 1.165734 1.1725022 1.1613027 1.1302687 1.0991\n", + " 1.0780565 1.068893 1.0675074 1.0682105 1.0635095 1.0548843 1.0467604\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1600971 1.1573725 1.1680564 1.1773003 1.166081 1.1334599 1.1012906\n", + " 1.0796568 1.0688927 1.0653039 1.0626029 1.0571469 1.0486188 1.0416207\n", + " 1.0387821 1.0406449 1.0451714 1.0499582 1.0525228 1.0540165 1.0556542\n", + " 1.0589662]]\n", + "[[1.1754014 1.1712322 1.1808437 1.1899973 1.1769133 1.1425203 1.1088713\n", + " 1.0863658 1.0745411 1.0703313 1.0690432 1.0627583 1.0542182 1.0464729\n", + " 1.0434285 1.0456479 1.0509654 1.0567579 1.0594225 0. 0. ]\n", + " [1.194789 1.1877624 1.1948234 1.2032082 1.1910942 1.1580198 1.1212562\n", + " 1.0963923 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1739929 1.1696261 1.1795522 1.1886603 1.1766587 1.1436974 1.1094661\n", + " 1.0868345 1.0751263 1.0720046 1.0706253 1.0648017 1.0558296 1.0476803\n", + " 1.0442005 1.0462893 1.0517688 1.0568672 1.0588896 0. 0. ]\n", + " [1.1642699 1.1604139 1.172326 1.1815294 1.1705993 1.1374041 1.1031\n", + " 1.080303 1.0696436 1.0666318 1.0659971 1.0609511 1.0523759 1.0441585\n", + " 1.0406251 1.0421859 1.0469061 1.051913 1.0544322 0. 0. ]\n", + " [1.1688852 1.1662862 1.1777722 1.1872828 1.1769563 1.1434793 1.1086712\n", + " 1.0857391 1.0735441 1.0694921 1.0677211 1.0616757 1.0528299 1.0454845\n", + " 1.0421853 1.0438259 1.0485647 1.0534973 1.0558375 1.0566788 1.0579928]]\n", + "[[1.1772966 1.1730508 1.1836112 1.1931552 1.1821084 1.1467559 1.1117623\n", + " 1.0883687 1.0783167 1.0767565 1.0775415 1.0724704 1.0624366 1.0529219\n", + " 1.0487026 0. 0. 0. 0. 0. ]\n", + " [1.2005211 1.1952231 1.2058302 1.2135273 1.2007518 1.1637435 1.12552\n", + " 1.0996069 1.0882465 1.0872726 1.0875765 1.08251 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2015885 1.1971463 1.2078371 1.2163063 1.2024767 1.1637111 1.1240336\n", + " 1.0984535 1.0858552 1.0823795 1.0811704 1.075322 1.0641847 1.0547005\n", + " 1.0507544 1.0531719 1.0594561 1.0654323 0. 0. ]\n", + " [1.1818289 1.1776849 1.1877977 1.1959338 1.1835532 1.1483998 1.1122781\n", + " 1.0890284 1.0782088 1.0764079 1.0763031 1.0714248 1.0621482 1.0531298\n", + " 1.0488783 1.0508466 0. 0. 0. 0. ]\n", + " [1.1601634 1.1570528 1.1659441 1.1736623 1.1620935 1.1307708 1.1000139\n", + " 1.0795268 1.0684632 1.0644735 1.0624565 1.0568848 1.0483582 1.041504\n", + " 1.0387832 1.0412861 1.0460784 1.0505606 1.0525701 1.0534384]]\n", + "[[1.1737436 1.1691076 1.1795495 1.1889075 1.1772128 1.1431389 1.1083951\n", + " 1.08569 1.0748122 1.0724397 1.0719227 1.0672712 1.0585299 1.0497643\n", + " 1.0457748 1.0470682 1.0525316 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1595086 1.1572528 1.1677502 1.1772175 1.1659592 1.1342148 1.1018586\n", + " 1.0806496 1.0696377 1.0659599 1.0634294 1.0572975 1.0484747 1.0414481\n", + " 1.0385563 1.0405158 1.0456483 1.0499363 1.0524441 1.0534796 1.05484\n", + " 1.0585093 1.0653679]\n", + " [1.162363 1.1594609 1.1700068 1.178606 1.1684239 1.1360055 1.1025698\n", + " 1.0804797 1.0700788 1.0675721 1.0673285 1.0628794 1.0539523 1.046244\n", + " 1.0424423 1.0439711 1.0490699 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1661068 1.1634917 1.174456 1.1834723 1.172145 1.1383238 1.1042024\n", + " 1.0813276 1.0706538 1.0677758 1.0666177 1.0619754 1.0535002 1.0460707\n", + " 1.0425093 1.0442522 1.0489777 1.0535303 1.056021 0. 0.\n", + " 0. 0. ]\n", + " [1.1582428 1.1527874 1.160406 1.1677158 1.15719 1.1284884 1.0975425\n", + " 1.0769293 1.0665944 1.064242 1.0646693 1.0601693 1.0522246 1.0448012\n", + " 1.0415317 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1688852 1.1648465 1.1741433 1.1833094 1.1719582 1.1396812 1.1060797\n", + " 1.0838917 1.073569 1.0716317 1.071689 1.0665373 1.0578916 1.0490252\n", + " 1.045118 0. 0. 0. 0. ]\n", + " [1.1754133 1.1707516 1.1800461 1.1878314 1.1750647 1.1414527 1.1065152\n", + " 1.0843579 1.0741901 1.072325 1.0726236 1.0682124 1.0591681 1.0510857\n", + " 1.0473934 0. 0. 0. 0. ]\n", + " [1.1627257 1.1567112 1.1649115 1.1730793 1.1643366 1.1347759 1.1031643\n", + " 1.0806535 1.0702648 1.0669881 1.0660839 1.0614333 1.0537577 1.0459746\n", + " 1.0425735 1.0446495 1.0500224 0. 0. ]\n", + " [1.1627877 1.1594865 1.1702821 1.1785378 1.1660995 1.1329424 1.1006627\n", + " 1.0789303 1.0693125 1.0671802 1.0666575 1.0613046 1.0528564 1.0451288\n", + " 1.0415354 1.0427634 1.0479119 0. 0. ]\n", + " [1.1595505 1.1575779 1.1692053 1.1785945 1.1677401 1.1343944 1.0998831\n", + " 1.0768678 1.0663955 1.0634887 1.062713 1.0583634 1.0500109 1.0429543\n", + " 1.039249 1.0408261 1.0450978 1.0493017 1.0517026]]\n", + "[[1.1625046 1.1596246 1.1705991 1.1796522 1.1679553 1.1340488 1.1009686\n", + " 1.0787085 1.0691941 1.0671709 1.0672278 1.0624111 1.0539569 1.0458868\n", + " 1.0421525 1.0438943 1.0490606 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1527153 1.1494223 1.1583581 1.1666406 1.1554471 1.1248573 1.0941886\n", + " 1.0739177 1.0642735 1.0625203 1.0622493 1.0583297 1.0500765 1.0428282\n", + " 1.0392714 1.0408074 1.0456529 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1733052 1.1704416 1.1805044 1.1895926 1.1779298 1.1442791 1.1099495\n", + " 1.0863687 1.0751517 1.0716288 1.071188 1.0664134 1.057397 1.0493698\n", + " 1.0453265 1.0468473 1.0519407 1.0572824 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1887763 1.1849396 1.1960272 1.2054068 1.1916466 1.1548082 1.1167296\n", + " 1.0913154 1.0801485 1.0775499 1.0770633 1.0718572 1.0625492 1.0532025\n", + " 1.049251 1.051543 1.0574768 1.0634437 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1646614 1.1632546 1.1744051 1.1842203 1.172143 1.1400224 1.1064922\n", + " 1.084384 1.073225 1.0691692 1.0668974 1.0602987 1.051023 1.0432346\n", + " 1.04026 1.0418704 1.0472238 1.0518888 1.0547786 1.0555848 1.0569543\n", + " 1.0606867 1.0678803]]\n", + "[[1.1642557 1.161334 1.172283 1.1805166 1.1680865 1.1356748 1.102779\n", + " 1.0809247 1.0708194 1.06789 1.0670217 1.0613258 1.0519046 1.0441633\n", + " 1.0405021 1.0424776 1.0477986 1.0526431 1.0552925]\n", + " [1.1821563 1.1777024 1.1873512 1.1967182 1.1840802 1.1495992 1.114092\n", + " 1.0910445 1.0801696 1.077384 1.0775146 1.0718132 1.0617734 1.0527468\n", + " 1.0485978 1.050711 0. 0. 0. ]\n", + " [1.1616665 1.1582731 1.168748 1.1780833 1.1658127 1.1334968 1.1008041\n", + " 1.0792652 1.0686084 1.0662227 1.0656903 1.0605093 1.0522176 1.0443877\n", + " 1.040982 1.042309 1.0471748 1.0517683 1.053852 ]\n", + " [1.190408 1.185257 1.1941545 1.2010828 1.1880132 1.153744 1.1184863\n", + " 1.0954356 1.0842063 1.08183 1.080835 1.0748391 1.0645566 1.055606\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1801219 1.1781954 1.1883419 1.1975844 1.1853578 1.1504198 1.1138307\n", + " 1.0890955 1.0769842 1.0745101 1.0739678 1.0683882 1.0594348 1.0506343\n", + " 1.046435 1.048288 1.0537531 1.0592102 0. ]]\n", + "[[1.163883 1.1616673 1.173005 1.182869 1.1701552 1.1376983 1.104084\n", + " 1.0818771 1.0707338 1.0676798 1.0667052 1.0616617 1.0527616 1.0452001\n", + " 1.0420085 1.0435809 1.0482336 1.0531578 1.055763 ]\n", + " [1.1671543 1.1621697 1.1717224 1.1792314 1.1682901 1.136131 1.1027108\n", + " 1.0806704 1.0707815 1.0689297 1.0697389 1.0659983 1.0574808 1.0491827\n", + " 1.0452629 0. 0. 0. 0. ]\n", + " [1.1691704 1.1671015 1.1786934 1.1879911 1.1749933 1.1407704 1.106002\n", + " 1.0835415 1.0729805 1.0699798 1.0693384 1.0637543 1.0550264 1.0473348\n", + " 1.0437284 1.0453724 1.0504287 1.055472 0. ]\n", + " [1.1578951 1.1552147 1.1646516 1.1734805 1.1618757 1.1299335 1.0977031\n", + " 1.0764023 1.0659454 1.063777 1.0628885 1.0588489 1.050547 1.0433884\n", + " 1.0401102 1.041965 1.0467197 1.0516568 0. ]\n", + " [1.1774043 1.1756898 1.1867805 1.1952484 1.1819161 1.1465921 1.1109369\n", + " 1.0873655 1.0760274 1.0728624 1.0722613 1.0671839 1.0579485 1.0492805\n", + " 1.0458591 1.0478929 1.0530757 1.0583748 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1583055 1.1547647 1.1639906 1.1723887 1.1602967 1.1295623 1.0988415\n", + " 1.0779247 1.0673612 1.0640042 1.0623498 1.057094 1.0490278 1.0419854\n", + " 1.0387475 1.0409533 1.0458677 1.0508131 1.0529249 0. 0.\n", + " 0. ]\n", + " [1.1603886 1.1583123 1.1691691 1.1787294 1.1671145 1.1364523 1.1040711\n", + " 1.0820936 1.0704002 1.0669588 1.0646784 1.0585684 1.0497415 1.0423721\n", + " 1.0393971 1.0410911 1.0456212 1.0506171 1.0530629 1.0542191 1.0558724\n", + " 1.0593903]\n", + " [1.1659058 1.1612127 1.1709491 1.1807003 1.1700786 1.1374291 1.1038923\n", + " 1.0818622 1.0714478 1.0687426 1.0675865 1.0623875 1.0533582 1.044975\n", + " 1.0414371 1.0432116 1.0481975 1.0532838 0. 0. 0.\n", + " 0. ]\n", + " [1.1723762 1.1696246 1.1807791 1.1908143 1.179282 1.1461446 1.1110064\n", + " 1.0869389 1.075036 1.0707984 1.0684896 1.0629433 1.0541565 1.0466197\n", + " 1.0426997 1.044569 1.0495696 1.0543104 1.0563833 1.0571852 0.\n", + " 0. ]\n", + " [1.1762415 1.1731648 1.1834601 1.193048 1.1819365 1.1479993 1.1129466\n", + " 1.0891602 1.077961 1.0748498 1.074764 1.0696211 1.0596995 1.0507302\n", + " 1.046906 1.0484489 1.0539889 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1684058 1.1640707 1.1740962 1.1828028 1.1710602 1.1381432 1.1044863\n", + " 1.082308 1.0719194 1.0691221 1.0686575 1.06352 1.0544641 1.0462768\n", + " 1.0423715 1.0439056 1.0487208 1.0538318 0. 0. ]\n", + " [1.180158 1.1758733 1.1859915 1.1944438 1.1806381 1.1453954 1.110325\n", + " 1.086919 1.0756834 1.0737993 1.0727403 1.0676333 1.0582497 1.0501015\n", + " 1.046597 1.0486028 1.0541023 1.0596173 0. 0. ]\n", + " [1.1700318 1.1667967 1.1788902 1.188858 1.1763637 1.1423409 1.1075412\n", + " 1.0835102 1.0723381 1.0687494 1.0677266 1.0623782 1.0532515 1.045251\n", + " 1.0418271 1.0432296 1.0483464 1.0530885 1.055891 1.0562265]\n", + " [1.1779839 1.1756144 1.1863345 1.1966853 1.1842229 1.1501595 1.1134521\n", + " 1.0886898 1.0768927 1.0731168 1.0718279 1.0661445 1.0567377 1.0482552\n", + " 1.0447019 1.0465252 1.0518157 1.0568413 1.05946 0. ]\n", + " [1.2157699 1.2101587 1.2207052 1.2277138 1.2131965 1.1740571 1.1336075\n", + " 1.1068254 1.0942737 1.093861 1.0938216 1.087848 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1715002 1.1668627 1.1768422 1.1859143 1.1742376 1.141601 1.1069617\n", + " 1.0843568 1.0740931 1.0724541 1.0723981 1.0677471 1.0583714 1.0496522\n", + " 1.0457981 1.0476253 0. 0. 0. ]\n", + " [1.1788795 1.1742606 1.183926 1.1922611 1.1793416 1.145017 1.1101795\n", + " 1.0872141 1.0763774 1.0741634 1.0729426 1.0673414 1.057706 1.0492718\n", + " 1.0457225 1.047645 1.0531976 1.0585535 0. ]\n", + " [1.1614858 1.1581407 1.1680545 1.1758319 1.1640583 1.1326241 1.1010541\n", + " 1.0793651 1.0691177 1.0658106 1.0642292 1.0592896 1.0506248 1.043288\n", + " 1.0397428 1.0417519 1.046104 1.0507536 1.0533164]\n", + " [1.1862568 1.1812378 1.1921623 1.2019552 1.1887053 1.1540544 1.1174054\n", + " 1.0932655 1.0828252 1.0813426 1.0819862 1.0772431 1.067595 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1681101 1.1632123 1.1725979 1.1816106 1.1698638 1.1379977 1.104311\n", + " 1.0817636 1.0716065 1.0689662 1.0687326 1.0647177 1.0562754 1.048399\n", + " 1.0445092 1.0461332 1.0516826 0. 0. ]]\n", + "[[1.179081 1.1760753 1.1867702 1.1941973 1.1818355 1.1468972 1.1109558\n", + " 1.0871968 1.0768714 1.0743766 1.0735432 1.0687023 1.0591506 1.0504444\n", + " 1.0470345 1.0490489 1.0551503 0. 0. 0. 0. ]\n", + " [1.1736393 1.1692498 1.1792855 1.1872863 1.1748321 1.1418632 1.1077819\n", + " 1.0851209 1.0747128 1.07254 1.0733109 1.0686322 1.0595449 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1768681 1.1736815 1.1845249 1.194312 1.1814678 1.1469936 1.1113293\n", + " 1.087433 1.0757883 1.0723152 1.0711071 1.065531 1.0559363 1.0480419\n", + " 1.0444394 1.0461526 1.0515835 1.0562304 1.0586286 1.0592786 0. ]\n", + " [1.1595871 1.1579797 1.1689408 1.177723 1.1664885 1.1345211 1.1011963\n", + " 1.0792855 1.0687861 1.065573 1.0632908 1.057792 1.0488207 1.042035\n", + " 1.0388956 1.0404677 1.045271 1.0497285 1.0519089 1.0526559 1.0538924]\n", + " [1.173206 1.1683731 1.1765282 1.1846011 1.1716009 1.1383198 1.1046572\n", + " 1.0828501 1.0732323 1.0722383 1.0727643 1.0685834 1.0591475 1.0506574\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1715237 1.1680677 1.1786197 1.1881324 1.1764866 1.142722 1.1082559\n", + " 1.085017 1.0741999 1.0717705 1.0721734 1.0674167 1.0582813 1.0500429\n", + " 1.046332 1.048332 0. 0. 0. 0. ]\n", + " [1.1769874 1.1722274 1.181591 1.1891229 1.1755868 1.142703 1.1088134\n", + " 1.086143 1.0743091 1.0698225 1.0684972 1.0627697 1.0539716 1.0463912\n", + " 1.0428797 1.0450127 1.0497237 1.0553007 1.0578983 1.0592493]\n", + " [1.1791574 1.176337 1.1873758 1.1952751 1.1846921 1.1483903 1.1134528\n", + " 1.0894221 1.0778838 1.0753181 1.074138 1.0686662 1.0584502 1.049942\n", + " 1.0461029 1.0479711 1.0535483 1.0589788 0. 0. ]\n", + " [1.1881721 1.1830481 1.1924479 1.2016488 1.1894628 1.154955 1.1194438\n", + " 1.095405 1.084911 1.0829618 1.0826563 1.0768685 1.066338 1.0568596\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1810977 1.1763783 1.1873193 1.196367 1.1848198 1.1492327 1.1126394\n", + " 1.0891548 1.078267 1.0757653 1.0761989 1.071711 1.0617452 1.0531319\n", + " 1.0489851 1.0509803 0. 0. 0. 0. ]]\n", + "[[1.1885288 1.1837953 1.1939404 1.2031306 1.1888052 1.1538773 1.1175534\n", + " 1.0941813 1.0830183 1.0807749 1.0802038 1.0747604 1.0642295 1.0548865\n", + " 1.0513033 0. 0. 0. ]\n", + " [1.1658702 1.1608647 1.1687431 1.1755878 1.1646726 1.1325064 1.1001649\n", + " 1.0791392 1.0698628 1.0688223 1.0694959 1.065625 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1714207 1.1652341 1.1738628 1.1820569 1.1703584 1.1382917 1.1050733\n", + " 1.0831066 1.0722123 1.0703601 1.070517 1.0663303 1.0580544 1.0498742\n", + " 1.0462692 1.0482606 0. 0. ]\n", + " [1.1745559 1.1683004 1.1772875 1.1844518 1.1728526 1.1406178 1.1065899\n", + " 1.0842221 1.0740687 1.0719508 1.0716528 1.067289 1.0582687 1.0496186\n", + " 1.0458615 1.0477147 1.0531411 0. ]\n", + " [1.1772264 1.1754011 1.1858237 1.1943326 1.1816624 1.1467211 1.1105943\n", + " 1.0868165 1.0755591 1.0722224 1.0715224 1.065928 1.0565232 1.0485284\n", + " 1.0451167 1.0469431 1.0521287 1.0573279]]\n", + "[[1.1774352 1.1743768 1.1858406 1.195133 1.1837828 1.1489887 1.1131724\n", + " 1.0890601 1.0768201 1.0731207 1.0716399 1.0658288 1.0564824 1.0483608\n", + " 1.0446737 1.0465537 1.0513238 1.056195 1.0586067 1.0596778]\n", + " [1.1718149 1.1678264 1.1774439 1.1843857 1.1725507 1.1389875 1.1043499\n", + " 1.0828674 1.0730032 1.0709581 1.0713881 1.0671319 1.0578159 1.0493851\n", + " 1.0456172 0. 0. 0. 0. 0. ]\n", + " [1.1590225 1.155363 1.1640792 1.171206 1.1601071 1.1288935 1.0969168\n", + " 1.0761715 1.0664665 1.0643988 1.0645431 1.0602217 1.0525291 1.0450901\n", + " 1.0415895 1.0433817 0. 0. 0. 0. ]\n", + " [1.2021147 1.1956594 1.2040998 1.2126527 1.1983179 1.1632644 1.1246113\n", + " 1.0995436 1.0884092 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1797353 1.1773199 1.1893015 1.1992922 1.1866176 1.1522903 1.1166736\n", + " 1.09223 1.0795629 1.0756279 1.0737257 1.0675544 1.0585233 1.0500082\n", + " 1.0463 1.0477422 1.0529689 1.0582734 1.0609199 1.0620387]]\n", + "[[1.1704962 1.1655592 1.1755555 1.1844498 1.1723294 1.1398907 1.1062568\n", + " 1.0838286 1.07356 1.0709506 1.0701776 1.0653182 1.056147 1.0476437\n", + " 1.0439855 1.0456657 1.051081 0. ]\n", + " [1.1645935 1.1609018 1.1712486 1.180684 1.1692324 1.1356437 1.1024946\n", + " 1.080602 1.0702549 1.069133 1.0694474 1.0644934 1.0554302 1.0471685\n", + " 1.0436147 1.0454369 0. 0. ]\n", + " [1.1803081 1.1775041 1.1885091 1.197351 1.1834205 1.1476455 1.1119428\n", + " 1.0884583 1.0774195 1.0747643 1.0738629 1.0678005 1.0581449 1.0493965\n", + " 1.0457256 1.0475043 1.0532382 1.0586962]\n", + " [1.1907885 1.1853371 1.1944897 1.2023803 1.1885352 1.1526444 1.1157154\n", + " 1.0922973 1.0812018 1.0788966 1.0789033 1.0736855 1.0636914 1.0544698\n", + " 1.0502803 1.052459 0. 0. ]\n", + " [1.1873301 1.1821325 1.1922009 1.2015595 1.1880164 1.1526103 1.1156223\n", + " 1.0908996 1.0793175 1.0766668 1.075236 1.0700179 1.0603114 1.0516595\n", + " 1.0480452 1.050287 1.0562081 1.0620564]]\n", + "[[1.1585821 1.1533749 1.1625872 1.1706737 1.1599991 1.129619 1.0985535\n", + " 1.0776002 1.0681889 1.0664189 1.0673862 1.0635984 1.0556836 1.0476964\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1685344 1.1620294 1.1712503 1.1802652 1.1694596 1.1375077 1.1043673\n", + " 1.0824823 1.0723841 1.0703107 1.0704547 1.0660324 1.0567327 1.0482172\n", + " 1.0443692 1.0463341 0. 0. 0. 0. ]\n", + " [1.2119551 1.2053465 1.2153294 1.2239876 1.209222 1.1708409 1.1313573\n", + " 1.1047118 1.0935861 1.0918437 1.0924891 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1789136 1.175804 1.1865326 1.1964719 1.1832216 1.1480175 1.1120225\n", + " 1.0876977 1.0785459 1.07765 1.0783792 1.0735471 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1793888 1.1758982 1.1863164 1.1939309 1.1823272 1.1484321 1.1132458\n", + " 1.0894427 1.0777488 1.0735964 1.0715545 1.065884 1.0563513 1.0483112\n", + " 1.0445249 1.0467117 1.0519215 1.0566672 1.0591931 1.0598861]]\n", + "[[1.1649294 1.1608294 1.1715107 1.1810178 1.1693697 1.1362872 1.1021994\n", + " 1.0796591 1.0692791 1.0683252 1.06893 1.0643902 1.0558972 1.0475136\n", + " 1.043598 1.0455068 0. ]\n", + " [1.1553051 1.1507671 1.1601173 1.1674188 1.1546339 1.1243539 1.0940734\n", + " 1.0744611 1.0657655 1.0647209 1.064831 1.0600774 1.0519155 1.0446349\n", + " 1.0412279 0. 0. ]\n", + " [1.1615471 1.1580471 1.1684946 1.1767997 1.1661451 1.1339357 1.1003875\n", + " 1.07957 1.0696892 1.0674272 1.0677388 1.0637716 1.0549922 1.0472612\n", + " 1.0434479 1.0450488 0. ]\n", + " [1.1628941 1.1580956 1.1663909 1.1734797 1.1614197 1.1318353 1.1008918\n", + " 1.0803161 1.0705174 1.0672969 1.0669041 1.0620137 1.053405 1.0456161\n", + " 1.0422523 1.0437883 1.0487453]\n", + " [1.1641655 1.1600285 1.1701916 1.1793242 1.1676083 1.1357282 1.1018053\n", + " 1.0794526 1.0694972 1.0677819 1.0682031 1.0644075 1.0558084 1.0478877\n", + " 1.0438856 1.0456998 0. ]]\n", + "[[1.1574646 1.1536345 1.163125 1.1715714 1.1599485 1.1290537 1.0971541\n", + " 1.0754734 1.0661986 1.0642736 1.0643533 1.0603083 1.0524192 1.0446205\n", + " 1.0409508 1.0424532 1.0472939 0. 0. ]\n", + " [1.1824656 1.1790656 1.1888098 1.1971135 1.1833396 1.1493067 1.1142521\n", + " 1.0915513 1.0797944 1.0765563 1.0752745 1.0689085 1.0595349 1.0510993\n", + " 1.0472288 1.0496346 1.0555515 1.0606706 0. ]\n", + " [1.1787193 1.1727433 1.183617 1.1934515 1.1819639 1.147386 1.110821\n", + " 1.0865358 1.0753636 1.0738034 1.0745138 1.0701735 1.0611342 1.0523413\n", + " 1.0484849 1.0504656 0. 0. 0. ]\n", + " [1.1682794 1.1638453 1.1739402 1.1829444 1.171427 1.1369718 1.1040171\n", + " 1.081792 1.0721458 1.0714567 1.0713567 1.0668678 1.0577387 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1668673 1.1631839 1.1724138 1.1786568 1.1666046 1.1347444 1.1021998\n", + " 1.0810663 1.0707065 1.068117 1.0667336 1.0612043 1.0522071 1.0447907\n", + " 1.0411296 1.0430526 1.0481493 1.0528415 1.055088 ]]\n", + "[[1.185298 1.1801298 1.1897131 1.1968923 1.1848755 1.1504142 1.1150421\n", + " 1.0908449 1.0797663 1.0772964 1.0764679 1.0717729 1.0622507 1.0537199\n", + " 1.0499215 1.0524867 0. 0. 0. ]\n", + " [1.1663717 1.1610891 1.169471 1.1769915 1.1645672 1.1330283 1.1008497\n", + " 1.0795537 1.0696396 1.0668699 1.0662123 1.0616975 1.0533974 1.0459025\n", + " 1.0429044 1.0446838 1.0497564 1.0549932 0. ]\n", + " [1.1616318 1.1577263 1.1671704 1.1740693 1.1640962 1.1334059 1.101488\n", + " 1.080989 1.0712291 1.0690105 1.0679741 1.0627985 1.0533558 1.04513\n", + " 1.0412447 1.0430582 1.0484812 0. 0. ]\n", + " [1.1762 1.1720215 1.1823952 1.1924045 1.1802303 1.1450112 1.1092767\n", + " 1.0862343 1.0761352 1.0744736 1.0746183 1.0699555 1.0613046 1.0525664\n", + " 1.0485431 0. 0. 0. 0. ]\n", + " [1.1700401 1.1673151 1.1780086 1.1882527 1.176449 1.1430055 1.1081182\n", + " 1.0845912 1.073827 1.0706416 1.0694842 1.0643837 1.0552402 1.047274\n", + " 1.0431161 1.0446308 1.0495883 1.0542876 1.0566674]]\n", + "[[1.1787218 1.1764375 1.1878499 1.1973475 1.1845548 1.1497037 1.1137816\n", + " 1.0891091 1.0779887 1.0746012 1.0728425 1.0678487 1.0584216 1.0500941\n", + " 1.0462629 1.0484116 1.0535339 1.0583564 1.060959 ]\n", + " [1.173332 1.1702309 1.1810303 1.189257 1.1764036 1.142258 1.1077484\n", + " 1.0847807 1.0741925 1.0711095 1.0694482 1.0641501 1.0549965 1.0474974\n", + " 1.0436876 1.04554 1.0507188 1.0557765 1.0580431]\n", + " [1.1869719 1.181561 1.191643 1.200132 1.1882305 1.1534728 1.1169995\n", + " 1.0925484 1.0820882 1.080432 1.0805511 1.0756485 1.0652057 1.055862\n", + " 1.0518843 0. 0. 0. 0. ]\n", + " [1.1756006 1.1715125 1.1820195 1.1920556 1.18032 1.1462016 1.1108959\n", + " 1.0875838 1.0767338 1.0735763 1.0727512 1.0667461 1.0568951 1.0483816\n", + " 1.0445646 1.0458456 1.0512475 1.0564348 1.0592657]\n", + " [1.1763617 1.1716214 1.182312 1.1900486 1.1762152 1.1416714 1.1075654\n", + " 1.08518 1.0749476 1.0744276 1.0748687 1.0696058 1.0603117 1.0513165\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1642419 1.1600368 1.1695895 1.1783842 1.166716 1.1345432 1.1017092\n", + " 1.0801389 1.0699695 1.0676179 1.0675327 1.0629586 1.0541157 1.0464871\n", + " 1.0429646 1.0444459 1.0495946 0. ]\n", + " [1.148457 1.1434073 1.1519874 1.1600542 1.1500579 1.1223154 1.0929587\n", + " 1.0730805 1.0633024 1.0615742 1.0611867 1.0562465 1.0484906 1.0411896\n", + " 1.0376658 1.0392389 1.0440851 0. ]\n", + " [1.1741414 1.1694349 1.1791748 1.1863528 1.1754192 1.1411304 1.1068186\n", + " 1.0835211 1.0726705 1.0714717 1.0719079 1.06734 1.0584446 1.0500869\n", + " 0. 0. 0. 0. ]\n", + " [1.1707027 1.167271 1.1760855 1.1811696 1.1684482 1.1370122 1.1044728\n", + " 1.0828253 1.072839 1.0699068 1.0690199 1.0640438 1.0551826 1.047484\n", + " 1.0439138 1.0455583 1.0499249 1.0545084]\n", + " [1.1568673 1.1509658 1.1593212 1.1673833 1.155801 1.1261286 1.0949113\n", + " 1.0742147 1.0652318 1.0637317 1.0639113 1.060402 1.0526692 1.0453975\n", + " 1.0419354 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1653048 1.1615925 1.1719503 1.180101 1.1677386 1.1350701 1.1014482\n", + " 1.0794464 1.069399 1.0670224 1.0662917 1.0618887 1.0534122 1.0458187\n", + " 1.0422592 1.0439981 1.0492105 1.0542715 0. 0. 0.\n", + " 0. ]\n", + " [1.1809367 1.1754861 1.1869086 1.1954312 1.184023 1.1487198 1.111255\n", + " 1.0879458 1.0775554 1.0760118 1.0761626 1.0716308 1.0616198 1.0525211\n", + " 1.0481882 1.050173 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1617354 1.1600457 1.170473 1.1795232 1.168211 1.1366769 1.1042091\n", + " 1.0820452 1.0710698 1.0671355 1.0646355 1.0587132 1.0499402 1.0426848\n", + " 1.0398707 1.0414952 1.0467592 1.05148 1.0539005 1.0546944 1.0563467\n", + " 1.0599568]\n", + " [1.1830894 1.1799657 1.1910348 1.2001253 1.1888885 1.1543093 1.1184325\n", + " 1.0939082 1.0812999 1.0760882 1.0732434 1.0672857 1.057966 1.0495224\n", + " 1.045968 1.0475131 1.0528051 1.0571833 1.0595584 1.0611016 1.0632999\n", + " 0. ]\n", + " [1.1555451 1.1510944 1.1590617 1.1659223 1.1557984 1.126015 1.0949655\n", + " 1.0746012 1.0650966 1.0629501 1.0631148 1.0588561 1.051197 1.0436667\n", + " 1.0406044 1.0423989 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.2137396 1.2077777 1.2173975 1.2262378 1.2108499 1.170821 1.1303225\n", + " 1.1037291 1.0921379 1.0898243 1.0911471 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1649804 1.1601989 1.1696684 1.1773807 1.1657615 1.1341488 1.1021107\n", + " 1.0810987 1.0717019 1.0702665 1.0710233 1.0664008 1.0572118 1.0486735\n", + " 0. 0. 0. 0. ]\n", + " [1.1640474 1.160298 1.1689826 1.177321 1.1643519 1.1310676 1.0990301\n", + " 1.0777969 1.0678422 1.0653001 1.0653356 1.0606135 1.0526377 1.0449203\n", + " 1.0418986 1.0436012 1.0485066 1.0531155]\n", + " [1.1549183 1.1500202 1.158581 1.1659257 1.1547725 1.1243306 1.0945816\n", + " 1.0745846 1.065157 1.0628405 1.0621593 1.0577984 1.0496653 1.0425524\n", + " 1.0394541 1.0410503 1.0459085 1.0505661]\n", + " [1.1766942 1.1719081 1.180907 1.1894395 1.1774993 1.1446493 1.1103777\n", + " 1.0870929 1.075766 1.0725905 1.071349 1.0665766 1.0577344 1.049568\n", + " 1.045835 1.0473317 1.052022 1.0573581]]\n", + "[[1.1737298 1.1701114 1.1801441 1.1881541 1.1747962 1.1405685 1.1061066\n", + " 1.0838248 1.0737885 1.0709552 1.0696639 1.0644629 1.0554253 1.0478697\n", + " 1.0438063 1.0458184 1.0506604 1.0562024 0. 0. ]\n", + " [1.1726592 1.1710447 1.18277 1.1928804 1.180159 1.1452066 1.1100581\n", + " 1.0868676 1.0756276 1.0719727 1.070707 1.0647863 1.0555344 1.0468388\n", + " 1.0434802 1.0451406 1.0507437 1.0558307 1.058677 1.0592645]\n", + " [1.1677544 1.1639706 1.1740098 1.1834759 1.1710991 1.1381599 1.1043984\n", + " 1.0815852 1.0713722 1.0692918 1.0687814 1.0647173 1.0560322 1.0482737\n", + " 1.044328 1.0460646 1.0517175 0. 0. 0. ]\n", + " [1.1598989 1.1565983 1.1676129 1.1768346 1.1652654 1.1327014 1.0994191\n", + " 1.078015 1.0679628 1.0655768 1.0651789 1.0600547 1.0513774 1.0430931\n", + " 1.039794 1.0414099 1.0465274 1.0515755 0. 0. ]\n", + " [1.1829119 1.1785704 1.1889309 1.1976285 1.1856107 1.1500316 1.112874\n", + " 1.0883598 1.0763761 1.0733309 1.0732315 1.0685586 1.0599109 1.0512819\n", + " 1.0475436 1.0493115 1.0550487 1.0605956 0. 0. ]]\n", + "[[1.1573985 1.1540667 1.1620972 1.169157 1.1561996 1.1251317 1.0945644\n", + " 1.074285 1.0637945 1.0607527 1.0598854 1.0552686 1.0476094 1.0410131\n", + " 1.0380791 1.0391358 1.0439535 1.0485082 1.0514854]\n", + " [1.1675322 1.1657069 1.1764156 1.1852125 1.1720339 1.1379882 1.1046134\n", + " 1.0813913 1.0715683 1.068582 1.067559 1.0617406 1.0533423 1.0456028\n", + " 1.0422333 1.044352 1.0489455 1.0538933 1.0562557]\n", + " [1.1701405 1.1671977 1.1771123 1.1851839 1.1733546 1.1403792 1.1055387\n", + " 1.0831223 1.0730957 1.0714204 1.0710576 1.0653697 1.0561208 1.0474199\n", + " 1.0435046 1.0453881 1.050971 0. 0. ]\n", + " [1.2052851 1.1980634 1.2065449 1.2127465 1.1987545 1.1625332 1.1237909\n", + " 1.0978087 1.0865089 1.0848105 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1507579 1.1461866 1.1545491 1.1625044 1.1516407 1.1217828 1.0917813\n", + " 1.0722728 1.0631033 1.0620633 1.062732 1.05877 1.051203 1.043525\n", + " 1.040019 0. 0. 0. 0. ]]\n", + "[[1.1940874 1.1886835 1.1993545 1.207471 1.1950709 1.1590729 1.1214342\n", + " 1.0961843 1.0855134 1.0837842 1.0845354 1.0789032 1.0683889 1.058131\n", + " 1.053488 0. 0. 0. 0. ]\n", + " [1.1689011 1.1671386 1.1780723 1.1874058 1.174772 1.142456 1.108473\n", + " 1.0854243 1.0740155 1.0707815 1.0694165 1.0632049 1.0545068 1.0467162\n", + " 1.0429333 1.0448128 1.0497446 1.0550563 1.0572408]\n", + " [1.1770848 1.1738374 1.1845089 1.1936929 1.1809423 1.1467482 1.1112939\n", + " 1.087551 1.0770186 1.0742604 1.0734334 1.0685493 1.059538 1.0508555\n", + " 1.0466552 1.0483296 1.0536168 1.0587646 0. ]\n", + " [1.1609141 1.1559259 1.1652613 1.1736804 1.1623487 1.1307513 1.0989221\n", + " 1.0776441 1.0680708 1.0658884 1.0658952 1.0616752 1.0535907 1.0457476\n", + " 1.0423106 1.043885 1.0489024 0. 0. ]\n", + " [1.1723367 1.168403 1.1788259 1.1868312 1.1754344 1.1409137 1.1060984\n", + " 1.0832229 1.0729676 1.0712643 1.0720513 1.0673358 1.0577677 1.0493156\n", + " 1.0455699 0. 0. 0. 0. ]]\n", + "[[1.1851321 1.1816233 1.192015 1.1994677 1.187832 1.1525236 1.1162173\n", + " 1.0913241 1.0799695 1.0767351 1.0750288 1.0699358 1.0601501 1.0510606\n", + " 1.0474694 1.0497597 1.055022 1.0604744 0. ]\n", + " [1.1543262 1.1505326 1.1585722 1.1655699 1.154065 1.1237832 1.0936168\n", + " 1.0738084 1.0635684 1.0608664 1.0603878 1.056035 1.0488137 1.0418708\n", + " 1.0387557 1.0403731 1.0445414 1.0488151 1.0512096]\n", + " [1.209764 1.2023423 1.2124093 1.2215854 1.2089381 1.1721098 1.1329839\n", + " 1.1055876 1.093564 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2036678 1.1966721 1.2068566 1.2167335 1.2038239 1.1676551 1.1282833\n", + " 1.101363 1.0900407 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1635511 1.1593264 1.169294 1.177018 1.1658279 1.1339824 1.1014789\n", + " 1.0792596 1.069008 1.065952 1.0648141 1.0602422 1.0520967 1.0445781\n", + " 1.0416081 1.0431851 1.0480145 1.0529201 1.055341 ]]\n", + "[[1.1973379 1.193335 1.203134 1.2125173 1.1996864 1.162828 1.1247518\n", + " 1.0990034 1.0869159 1.0833106 1.082166 1.0761212 1.0657613 1.056286\n", + " 1.052479 1.0544811 1.0606017 1.0663731 0. 0. ]\n", + " [1.1691713 1.1639662 1.1735412 1.183085 1.1718076 1.1399978 1.1061815\n", + " 1.0833243 1.0727656 1.0701632 1.069717 1.0653107 1.0563529 1.048164\n", + " 1.0443784 1.04583 1.0508175 0. 0. 0. ]\n", + " [1.1659465 1.1635058 1.1740878 1.1818357 1.1705892 1.1382055 1.104653\n", + " 1.0824046 1.0719364 1.0690147 1.0682145 1.0630776 1.0545219 1.0469949\n", + " 1.0432906 1.0447884 1.0497802 1.0545107 0. 0. ]\n", + " [1.1828507 1.1780202 1.187242 1.1948097 1.18157 1.1478028 1.1128931\n", + " 1.0899949 1.0787246 1.0759184 1.0744003 1.0690217 1.0595407 1.0505283\n", + " 1.0467805 1.048612 1.0542215 0. 0. 0. ]\n", + " [1.1533053 1.151855 1.1632047 1.1723589 1.1606867 1.1293156 1.0968586\n", + " 1.0755557 1.0654783 1.0623953 1.0606835 1.0558978 1.0476092 1.0404396\n", + " 1.03728 1.0385938 1.0429043 1.0470587 1.0492599 1.0501628]]\n", + "[[1.1696447 1.1666303 1.1776521 1.1868429 1.1741188 1.1409583 1.1069005\n", + " 1.0842898 1.0734181 1.0697378 1.0676509 1.0621078 1.0529188 1.0455246\n", + " 1.042104 1.0441515 1.0492446 1.0539588 1.0561621 1.0573373]\n", + " [1.195766 1.1893462 1.1991875 1.2071365 1.1931478 1.1566551 1.1192942\n", + " 1.0944451 1.0831525 1.0815823 1.0815867 1.0763476 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1656101 1.1619617 1.1701407 1.1761681 1.1652715 1.1345243 1.102758\n", + " 1.0811133 1.0692787 1.0646957 1.0624768 1.0580686 1.050345 1.0433336\n", + " 1.0404313 1.0418228 1.0463145 1.0510195 1.0533509 1.0549991]\n", + " [1.2009355 1.1948975 1.2050762 1.2139008 1.1998605 1.1634824 1.1256717\n", + " 1.1011993 1.0903981 1.0882984 1.0882986 1.0819839 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1849296 1.1796443 1.1891459 1.1967571 1.1844449 1.1495944 1.1142983\n", + " 1.0914263 1.080428 1.0792092 1.079607 1.0739969 1.0640355 1.0547704\n", + " 1.050653 0. 0. 0. 0. 0. ]]\n", + "[[1.1616206 1.1579204 1.1667047 1.1728885 1.1616184 1.1299986 1.0983008\n", + " 1.077819 1.0683147 1.0675533 1.0677705 1.063271 1.0543633 1.0460042\n", + " 1.0428779 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1700085 1.1675771 1.1790042 1.189014 1.1768945 1.1438826 1.1089854\n", + " 1.0848497 1.0731503 1.0693808 1.0673695 1.0617582 1.0533429 1.0454466\n", + " 1.0421526 1.0436403 1.0486946 1.053378 1.0555197 1.0562423 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1548657 1.1511078 1.1621897 1.1735911 1.1662774 1.1360227 1.1031559\n", + " 1.0810809 1.0699146 1.0660076 1.0638149 1.057857 1.0488762 1.042026\n", + " 1.0393747 1.041514 1.0464687 1.050947 1.0532569 1.0539562 1.0546999\n", + " 1.0575094 1.0648829 1.0736601 1.0816444 1.0860263 1.0878422 1.0838004\n", + " 1.0763263 1.0670886]\n", + " [1.1755149 1.1720375 1.1830978 1.1916372 1.1780138 1.1428962 1.1078415\n", + " 1.084244 1.0738215 1.0713861 1.0701797 1.065572 1.0565015 1.0484455\n", + " 1.0448234 1.0466564 1.0516771 1.0567075 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1759077 1.1702266 1.1784874 1.1865618 1.175171 1.1432511 1.1097623\n", + " 1.0879617 1.0770677 1.0753725 1.074615 1.069676 1.05981 1.0511478\n", + " 1.0472627 1.0494881 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1806842 1.1763084 1.185158 1.193078 1.1801196 1.1452879 1.1099079\n", + " 1.0871505 1.0767308 1.0741575 1.0729983 1.067774 1.0581237 1.0500804\n", + " 1.0469506 1.049079 1.0547544 0. 0. 0. ]\n", + " [1.1665167 1.1642629 1.1746564 1.1829488 1.1693015 1.1367368 1.1038533\n", + " 1.0817757 1.0709866 1.0674285 1.0657089 1.0600828 1.0514212 1.0439839\n", + " 1.0412066 1.042548 1.0472586 1.0521703 1.0546383 1.05619 ]\n", + " [1.1803751 1.1771946 1.1881909 1.196196 1.1839699 1.1492282 1.1130505\n", + " 1.089068 1.0783932 1.0757755 1.074889 1.0697439 1.0604191 1.050881\n", + " 1.0467694 1.0486529 1.0544072 0. 0. 0. ]\n", + " [1.1719387 1.167723 1.1778315 1.1873338 1.1749647 1.1419969 1.1076113\n", + " 1.08423 1.0739105 1.0726613 1.0723578 1.0682007 1.0591247 1.0504183\n", + " 1.0464892 0. 0. 0. 0. 0. ]\n", + " [1.171788 1.1668494 1.1767162 1.1854296 1.1738089 1.1416713 1.1078289\n", + " 1.0853994 1.0749543 1.0735736 1.0734913 1.0685387 1.0595284 1.0506232\n", + " 1.0465735 0. 0. 0. 0. 0. ]]\n", + "[[1.1945101 1.1890497 1.1981336 1.2060868 1.1921469 1.156749 1.1207519\n", + " 1.0969771 1.0857221 1.0843298 1.0841786 1.0777752 1.0677731 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1678237 1.1626744 1.1716738 1.1790218 1.1677041 1.135912 1.1025658\n", + " 1.080516 1.0704408 1.0679545 1.0680869 1.0637196 1.0550663 1.0472236\n", + " 1.0434945 1.0452523 1.0502741 0. ]\n", + " [1.1851811 1.1808308 1.1899047 1.1994182 1.1866659 1.1520867 1.1159514\n", + " 1.09237 1.0808647 1.0774202 1.077406 1.0719126 1.0621699 1.0538636\n", + " 1.0497153 1.0519419 0. 0. ]\n", + " [1.1814181 1.1783307 1.189563 1.1972135 1.1827844 1.1470361 1.1120633\n", + " 1.0889382 1.0796303 1.0783355 1.0786003 1.0734893 1.0630045 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1700135 1.1663849 1.1767212 1.1862483 1.174911 1.1415365 1.1067336\n", + " 1.0834676 1.0725466 1.0699613 1.0689443 1.0648491 1.0562204 1.0484871\n", + " 1.0444026 1.0455427 1.0504866 1.0558016]]\n", + "[[1.1621953 1.1590074 1.1697273 1.1786512 1.167351 1.135291 1.1016744\n", + " 1.0797 1.0697109 1.0685824 1.0695206 1.0652287 1.0563318 1.0481086\n", + " 1.0444628 0. 0. 0. 0. ]\n", + " [1.1648856 1.1605822 1.1698613 1.1784788 1.1662257 1.1343365 1.1012796\n", + " 1.0801685 1.0704154 1.0684711 1.0690416 1.0642265 1.0549879 1.0473127\n", + " 1.0435222 0. 0. 0. 0. ]\n", + " [1.1746151 1.1712581 1.1814944 1.1904862 1.1770254 1.1438186 1.1088147\n", + " 1.0863184 1.0744559 1.0714686 1.0696347 1.0642715 1.0550705 1.0471163\n", + " 1.0432034 1.0451108 1.0501857 1.0553312 1.0574331]\n", + " [1.2026983 1.1977706 1.2083999 1.2163107 1.2024955 1.1651103 1.1267633\n", + " 1.1011593 1.0897056 1.0880523 1.0874641 1.0822266 1.070698 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1741409 1.1691948 1.1770235 1.1845119 1.1718756 1.1399226 1.1076989\n", + " 1.0865885 1.076779 1.0746317 1.0749619 1.0703696 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1600304 1.1555626 1.164372 1.172095 1.1608255 1.1284839 1.0959533\n", + " 1.0757403 1.0661759 1.064399 1.0640131 1.0603253 1.0526098 1.0454539\n", + " 1.0418416 1.0433357 1.0482731]\n", + " [1.1558907 1.1537833 1.1652368 1.1739646 1.164487 1.1330085 1.1000911\n", + " 1.07804 1.0677965 1.0658791 1.0655123 1.0606136 1.0523722 1.0445527\n", + " 1.0409085 1.0425674 1.0473949]\n", + " [1.1710268 1.1675428 1.1778462 1.1873672 1.1747496 1.141923 1.1080253\n", + " 1.0852126 1.0742365 1.0722016 1.0715203 1.0663148 1.0568464 1.0481334\n", + " 1.0443443 1.046247 1.0524604]\n", + " [1.1717762 1.1668417 1.1767198 1.1860058 1.1749129 1.1421696 1.1087239\n", + " 1.0862606 1.0764306 1.0749621 1.0751147 1.0698327 1.060065 1.0505286\n", + " 1.0462359 0. 0. ]\n", + " [1.1777134 1.1741672 1.1848648 1.1946163 1.1821721 1.146133 1.1100094\n", + " 1.0860653 1.0762546 1.0744486 1.0753237 1.0704527 1.0611092 1.0521187\n", + " 1.0480658 1.0497525 0. ]]\n", + "[[1.1724126 1.1676823 1.1782217 1.1866885 1.1752157 1.1420494 1.107037\n", + " 1.0839285 1.0732235 1.0711097 1.0702468 1.0660086 1.0576233 1.0489014\n", + " 1.0453906 1.0475675 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1846294 1.1797438 1.1902571 1.1985487 1.1833458 1.1459787 1.1098197\n", + " 1.0872658 1.0774151 1.0767176 1.0771779 1.071461 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1828498 1.1799567 1.1910031 1.201516 1.1897812 1.1550901 1.1194478\n", + " 1.0944631 1.0814666 1.0762789 1.0738424 1.0676723 1.0580838 1.0493978\n", + " 1.0464399 1.0482326 1.0537006 1.0587914 1.0615158 1.0628846 1.0639759\n", + " 1.0676091 1.075396 ]\n", + " [1.1629031 1.1599026 1.1704825 1.1788065 1.1669431 1.1339375 1.1006176\n", + " 1.0788606 1.0683479 1.0662729 1.0662757 1.0614187 1.0533078 1.045772\n", + " 1.0420005 1.0433669 1.0481787 1.0528185 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1757864 1.1728758 1.1833594 1.1928278 1.1800635 1.1461594 1.1109378\n", + " 1.0864245 1.0751048 1.0714173 1.0702711 1.0649912 1.0557715 1.0478632\n", + " 1.0437571 1.0455723 1.0505093 1.0555215 1.0582794 0. 0.\n", + " 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1660614 1.1649503 1.1764044 1.1869012 1.1739932 1.1408104 1.1067066\n", + " 1.0834972 1.0715716 1.0684779 1.0668837 1.0610902 1.0530503 1.0457761\n", + " 1.0419269 1.0435013 1.0482805 1.0530547 1.0554942 1.056517 ]\n", + " [1.2061306 1.2012308 1.2114642 1.2208953 1.2050197 1.1671164 1.1283362\n", + " 1.1027755 1.0917506 1.0906047 1.0908146 1.0841602 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1655841 1.1615517 1.1721518 1.1817116 1.1699715 1.1364617 1.1029327\n", + " 1.0809264 1.0711348 1.0699604 1.0698117 1.0650338 1.0556351 1.0469145\n", + " 1.0431335 0. 0. 0. 0. 0. ]\n", + " [1.1696976 1.1654402 1.1747868 1.1830813 1.1718938 1.1404238 1.1063961\n", + " 1.0839936 1.0726701 1.0702252 1.069941 1.0652821 1.0566803 1.0485559\n", + " 1.0448774 1.0469898 0. 0. 0. 0. ]\n", + " [1.1776055 1.1750015 1.1870731 1.1966497 1.1849256 1.1500984 1.1129012\n", + " 1.0890503 1.0782301 1.0765519 1.0763912 1.0717188 1.062025 1.0529286\n", + " 1.0487096 0. 0. 0. 0. 0. ]]\n", + "[[1.1642495 1.1611418 1.1717291 1.1805173 1.1681616 1.1361814 1.103104\n", + " 1.081052 1.0709366 1.068383 1.067756 1.0623212 1.0535182 1.0451643\n", + " 1.0413353 1.0430908 1.047957 1.0532975 0. 0. 0.\n", + " 0. ]\n", + " [1.1760848 1.1727519 1.1828871 1.1922901 1.1797655 1.1463561 1.1121861\n", + " 1.0895535 1.0773779 1.0731933 1.070495 1.0643811 1.0552793 1.0468798\n", + " 1.0437043 1.0455358 1.0508096 1.0559843 1.0588609 1.0601188 0.\n", + " 0. ]\n", + " [1.1979935 1.1931453 1.2041749 1.2140363 1.1999072 1.1631227 1.1245697\n", + " 1.0995423 1.0873246 1.0857421 1.0855289 1.0799602 1.069494 1.0595852\n", + " 1.0550084 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1790414 1.176735 1.1869469 1.1974611 1.1847198 1.1515529 1.116146\n", + " 1.0921217 1.079344 1.0749445 1.0725399 1.0659428 1.056933 1.048902\n", + " 1.0455471 1.0478384 1.0527728 1.0581217 1.0605288 1.0612303 1.0626556\n", + " 1.066496 ]\n", + " [1.1853727 1.1811017 1.1908303 1.1990466 1.1869327 1.1519269 1.1164917\n", + " 1.0927677 1.0811187 1.0783966 1.0773985 1.0726112 1.062916 1.0541422\n", + " 1.0499274 1.0519773 1.0580137 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1724154 1.167937 1.1791377 1.1877224 1.176288 1.1424652 1.1078752\n", + " 1.0842967 1.0729096 1.0693256 1.067255 1.0619421 1.0532464 1.0455447\n", + " 1.0420831 1.0438066 1.0487645 1.0536425 1.0561315 1.0575827]\n", + " [1.173441 1.1701127 1.1798757 1.1885924 1.1774356 1.1440072 1.1095682\n", + " 1.08582 1.0746894 1.0707798 1.0693669 1.0644957 1.0560116 1.0482737\n", + " 1.0445911 1.0459454 1.0507386 1.0553415 1.0580628 0. ]\n", + " [1.1855512 1.1797717 1.1892169 1.1979963 1.1848155 1.1508665 1.1161637\n", + " 1.0928364 1.081784 1.0800117 1.079596 1.0740691 1.0639278 1.0544169\n", + " 1.0501822 0. 0. 0. 0. 0. ]\n", + " [1.1818293 1.1767536 1.1857567 1.1938232 1.1809646 1.1476032 1.1125877\n", + " 1.0888752 1.0768194 1.0740302 1.0729606 1.0676708 1.0587168 1.0509108\n", + " 1.0471814 1.0487345 1.0537018 1.0586857 0. 0. ]\n", + " [1.1814048 1.1774464 1.1888752 1.1985543 1.1861924 1.1508709 1.1138244\n", + " 1.0899695 1.0782855 1.0755872 1.0759997 1.0707176 1.0612775 1.0524908\n", + " 1.0484029 1.0501581 1.0559978 0. 0. 0. ]]\n", + "[[1.1677893 1.164426 1.1749098 1.1846526 1.1746452 1.1425296 1.108164\n", + " 1.0852512 1.0740184 1.0698197 1.0676893 1.0614309 1.0523677 1.0446503\n", + " 1.0414884 1.0435596 1.0478604 1.0524555 1.0551252 1.0558796 1.0568569\n", + " 1.0603756 1.0675887]\n", + " [1.1839432 1.1798098 1.1888225 1.1981958 1.1858444 1.1506865 1.1146219\n", + " 1.0906157 1.081123 1.0795563 1.0804765 1.0753614 1.0651039 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1544839 1.150983 1.1596855 1.1670498 1.1556659 1.1255032 1.0946978\n", + " 1.0747042 1.0657978 1.0638328 1.0633643 1.0589662 1.0505127 1.0427167\n", + " 1.0394574 1.0408633 1.0454649 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1904608 1.1855898 1.1962502 1.2056706 1.1917398 1.157156 1.1199005\n", + " 1.0950265 1.0845703 1.0830061 1.0831544 1.0786664 1.0677539 1.058198\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1773607 1.1737865 1.1844591 1.1938236 1.1820468 1.1483278 1.1128047\n", + " 1.0887506 1.076775 1.0731331 1.0714128 1.0659952 1.0568963 1.048343\n", + " 1.0451081 1.0466577 1.0521524 1.0575968 1.0600525 0. 0.\n", + " 0. 0. ]]\n", + "[[1.17504 1.17076 1.1790117 1.187047 1.1743755 1.1425022 1.1082671\n", + " 1.0857028 1.0740497 1.0703797 1.0687226 1.0639018 1.0551869 1.0474896\n", + " 1.0441229 1.0461035 1.0511154 1.0557698 1.0581394 0. 0.\n", + " 0. 0. ]\n", + " [1.1624446 1.1575887 1.1673142 1.1756386 1.1640645 1.1325643 1.1005077\n", + " 1.0796572 1.0702745 1.0688498 1.0692259 1.0647421 1.0558565 1.0471985\n", + " 1.0432701 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1791357 1.1765348 1.1871023 1.1971085 1.1843776 1.1512741 1.1158913\n", + " 1.0918341 1.0796704 1.0748336 1.0726289 1.0661606 1.0564735 1.0483104\n", + " 1.0451598 1.0471519 1.0525091 1.0576084 1.0605676 1.0611001 1.0622194\n", + " 1.065935 1.0735562]\n", + " [1.1883534 1.1822892 1.1937057 1.2029667 1.1908942 1.1554183 1.1182175\n", + " 1.093723 1.0821311 1.0803367 1.0804343 1.0745736 1.0648445 1.0554688\n", + " 1.0515082 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1840303 1.1817884 1.194303 1.2043356 1.1894846 1.1529236 1.1154834\n", + " 1.0904554 1.078708 1.0759543 1.0746812 1.0692608 1.0597473 1.0512425\n", + " 1.0477881 1.0492474 1.0549138 1.0599469 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1673872 1.1640731 1.174849 1.1857985 1.1769786 1.145314 1.1115651\n", + " 1.0883082 1.0766892 1.0725837 1.069985 1.0624022 1.0525968 1.0444975\n", + " 1.0416696 1.0442934 1.0499948 1.0555835 1.0580523 1.0583339 1.0588508\n", + " 1.0618583 1.069126 1.0799202 1.0883482 1.0923144 1.0937184 1.0906385]\n", + " [1.1817633 1.1794622 1.1908795 1.2005446 1.1869655 1.1508766 1.1140611\n", + " 1.0888163 1.0779195 1.0751942 1.0740458 1.0686973 1.059071 1.0503534\n", + " 1.0467179 1.0485529 1.0541897 1.0599402 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1924922 1.1878641 1.1978334 1.2075001 1.1944335 1.1589316 1.1224597\n", + " 1.097689 1.0866379 1.0848358 1.0848566 1.0794156 1.0690131 1.0589244\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.163348 1.158817 1.1673644 1.1760126 1.1650797 1.1352986 1.1031733\n", + " 1.0818641 1.0721447 1.070037 1.069762 1.0646052 1.0551821 1.0466676\n", + " 1.042524 1.0444049 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1731836 1.1686604 1.1780776 1.185095 1.173098 1.139217 1.1050239\n", + " 1.0828786 1.0726345 1.0699434 1.069049 1.0635177 1.0542227 1.0463675\n", + " 1.0430173 1.0448587 1.0502932 1.0554365 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.18032 1.1776321 1.1880924 1.198353 1.186018 1.1524637 1.1168174\n", + " 1.0918299 1.0797457 1.0749805 1.0723987 1.0660883 1.0564284 1.0480297\n", + " 1.0446239 1.0468599 1.0524616 1.0576403 1.060913 1.0613366 1.0623353\n", + " 1.0661312 1.0740272 1.0840375 0. ]\n", + " [1.1775857 1.1756376 1.1873869 1.1966926 1.1851823 1.1505126 1.1140127\n", + " 1.0894939 1.0776128 1.0738864 1.0723037 1.0666206 1.0576093 1.0487016\n", + " 1.0452678 1.0469083 1.0521944 1.0575327 1.059836 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1580815 1.1539377 1.1639674 1.1731498 1.1622791 1.1321616 1.1004707\n", + " 1.0784338 1.0678955 1.064342 1.062709 1.0574781 1.0493913 1.0417415\n", + " 1.0386564 1.0403104 1.0450153 1.0496441 1.0516454 1.0522932 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.159321 1.1545954 1.1632122 1.1698077 1.1585534 1.1275189 1.0959177\n", + " 1.0759033 1.0667065 1.0649669 1.064897 1.0608015 1.0524461 1.0452622\n", + " 1.0418832 1.0438111 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1658269 1.1636392 1.1742264 1.1835449 1.1712835 1.1396489 1.1068856\n", + " 1.0844206 1.073192 1.0690866 1.0669835 1.0608253 1.0512116 1.0439938\n", + " 1.0407845 1.0427804 1.0481536 1.0529647 1.0554816 1.0564414 1.057302\n", + " 1.0604632 1.0679492 1.0783979 1.0865972]]\n", + "[[1.1788365 1.1747602 1.1850699 1.1941545 1.1809537 1.14747 1.1128367\n", + " 1.0891976 1.0781476 1.0754476 1.0744619 1.069415 1.0597733 1.0508007\n", + " 1.0468174 1.0487659 1.054261 0. 0. 0. ]\n", + " [1.1643856 1.1597011 1.1688519 1.1767771 1.1655482 1.132833 1.1000283\n", + " 1.078267 1.0688394 1.0670089 1.0672016 1.0627947 1.0544647 1.0465555\n", + " 1.0431677 1.0450941 0. 0. 0. 0. ]\n", + " [1.1788996 1.1765963 1.1869347 1.1951523 1.1811192 1.1458567 1.1100345\n", + " 1.0866542 1.0756125 1.0728116 1.0713665 1.0655972 1.0567523 1.0485014\n", + " 1.0447421 1.0463866 1.0518091 1.0568538 1.0597408 0. ]\n", + " [1.1877917 1.1845187 1.1947222 1.2029502 1.1902809 1.1558284 1.1200286\n", + " 1.0955135 1.0828131 1.0781785 1.0757967 1.0685053 1.0585122 1.0504516\n", + " 1.0471944 1.0492383 1.0550041 1.060183 1.0624356 1.0633687]\n", + " [1.1663458 1.1645347 1.1752241 1.1835356 1.1708193 1.1376622 1.1039901\n", + " 1.0815479 1.07097 1.0681218 1.0667329 1.0615215 1.0523919 1.0444227\n", + " 1.0411065 1.0428404 1.047818 1.0527556 1.0554318 0. ]]\n", + "[[1.1694139 1.166245 1.1774809 1.1857432 1.1737833 1.1402488 1.1053137\n", + " 1.0827339 1.0726979 1.0715612 1.0718503 1.0669211 1.0574191 1.0486568\n", + " 1.0447791 1.0468467 0. ]\n", + " [1.2002836 1.194227 1.2051903 1.2150385 1.2015756 1.1644126 1.1257964\n", + " 1.1003547 1.0886431 1.0867294 1.0866386 1.0810236 1.0698519 1.0592371\n", + " 1.0542985 0. 0. ]\n", + " [1.1799669 1.1756756 1.1849533 1.193903 1.1798894 1.1451327 1.1103141\n", + " 1.0871449 1.0775797 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1761148 1.1718671 1.1799028 1.1868228 1.1761 1.1439562 1.1099294\n", + " 1.0862979 1.0754102 1.0727888 1.0725343 1.0675477 1.0582902 1.0508368\n", + " 1.0473235 1.0493181 0. ]\n", + " [1.1660166 1.1619736 1.1704745 1.178653 1.1676041 1.1354642 1.1032034\n", + " 1.081395 1.070981 1.0682594 1.0674831 1.0632173 1.0547255 1.0468947\n", + " 1.0436198 1.0451994 1.0506274]]\n", + "[[1.1871768 1.1838933 1.1950986 1.2050456 1.1913383 1.1539365 1.1162512\n", + " 1.0914128 1.0814252 1.080624 1.0817294 1.0759859 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1881286 1.1839477 1.1935936 1.2015803 1.1882263 1.1534829 1.1187499\n", + " 1.0948949 1.0829558 1.0785309 1.0765569 1.0696065 1.059972 1.0517836\n", + " 1.0479455 1.0507187 1.056344 1.0617228 1.0639566]]\n", + "[[1.1683116 1.166215 1.1771603 1.186573 1.1743555 1.1399795 1.1055664\n", + " 1.083029 1.0722399 1.0687693 1.0675803 1.0624415 1.0538775 1.046393\n", + " 1.0428454 1.044378 1.048798 1.0536635 1.0559626 1.0569015]\n", + " [1.2092949 1.2039238 1.2142335 1.2223198 1.2085418 1.1704414 1.1307111\n", + " 1.1041089 1.0913328 1.0904763 1.0898131 1.0845145 1.0733448 1.0635687\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1579401 1.1562555 1.1662492 1.1746335 1.1620723 1.1301799 1.09735\n", + " 1.0761708 1.0659567 1.0637642 1.0632255 1.0589384 1.0513147 1.0432485\n", + " 1.0399649 1.0412612 1.045963 1.0507942 0. 0. ]\n", + " [1.169411 1.1671398 1.1770641 1.184908 1.1715184 1.1380718 1.1047852\n", + " 1.0827035 1.071457 1.0680804 1.0662853 1.0603206 1.0520897 1.0445632\n", + " 1.0415092 1.0430411 1.0478905 1.0526981 1.0547854 1.0556715]\n", + " [1.1735153 1.1711403 1.1818771 1.1918852 1.1804365 1.1469648 1.1118913\n", + " 1.0873938 1.0750622 1.0712274 1.0693638 1.0642289 1.0550698 1.047292\n", + " 1.0433979 1.0449613 1.0500548 1.0548875 1.0573751 1.0579164]]\n", + "[[1.1613531 1.1576607 1.1666322 1.1737207 1.1612184 1.1304827 1.0989376\n", + " 1.0779842 1.0672787 1.0648474 1.0638313 1.0583116 1.0503523 1.0433191\n", + " 1.0405117 1.0419865 1.046681 1.0512922 1.0539674]\n", + " [1.1613249 1.1572201 1.1665393 1.1736414 1.1626844 1.1324093 1.1003355\n", + " 1.0791047 1.0691836 1.0677756 1.0680499 1.0631646 1.0546826 1.0468823\n", + " 1.0432193 0. 0. 0. 0. ]\n", + " [1.1744653 1.1709721 1.1819804 1.1909482 1.1778512 1.143141 1.1075335\n", + " 1.0840801 1.0734043 1.071269 1.0712388 1.0668774 1.0580078 1.0499127\n", + " 1.0460452 1.0479789 1.0533209 0. 0. ]\n", + " [1.1596978 1.1575994 1.167768 1.17589 1.1640246 1.130795 1.0981913\n", + " 1.077182 1.0675702 1.0656812 1.0655392 1.0606922 1.0520871 1.0449781\n", + " 1.0412774 1.0429436 1.0480471 0. 0. ]\n", + " [1.1568756 1.1543579 1.1641884 1.1730988 1.1618761 1.131363 1.0992844\n", + " 1.0774903 1.0674057 1.0641165 1.0628333 1.058177 1.0498892 1.0427178\n", + " 1.03956 1.0411143 1.0458477 1.0504237 1.0527679]]\n", + "[[1.1684473 1.1648247 1.1747415 1.1815554 1.1699564 1.1376162 1.1048882\n", + " 1.0825465 1.0714343 1.068082 1.0665576 1.062056 1.0536462 1.0461828\n", + " 1.0429054 1.0450882 1.0501375 1.055335 ]\n", + " [1.1670781 1.1615024 1.1703331 1.1786869 1.1674541 1.1353123 1.1023351\n", + " 1.0808612 1.0706676 1.0686718 1.0688077 1.0647438 1.0556943 1.0481588\n", + " 1.0447832 1.0468314 0. 0. ]\n", + " [1.1590558 1.1537881 1.1626165 1.1708868 1.1597815 1.1284429 1.0967339\n", + " 1.0761236 1.0662037 1.0634004 1.0639262 1.0599552 1.0519481 1.045097\n", + " 1.0420234 1.0437207 0. 0. ]\n", + " [1.1610669 1.1575644 1.1683384 1.1776884 1.1660087 1.1333749 1.0996193\n", + " 1.0777948 1.067789 1.0661935 1.066557 1.0625576 1.0542506 1.0465448\n", + " 1.0426337 1.0441626 1.0489887 0. ]\n", + " [1.2061553 1.1991144 1.2080991 1.2155524 1.201445 1.1652367 1.1269546\n", + " 1.101477 1.0906043 1.0890788 1.088984 1.0839055 0. 0.\n", + " 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.182359 1.1791006 1.1894275 1.1981919 1.1854501 1.1517025 1.116477\n", + " 1.0927614 1.080058 1.0754418 1.072605 1.0664514 1.0571265 1.0491186\n", + " 1.0453415 1.0477241 1.0532618 1.0579852 1.060439 1.0613463 1.0626763]\n", + " [1.1612283 1.1570305 1.1668344 1.1751146 1.1654465 1.1345121 1.1016518\n", + " 1.0797462 1.0693173 1.0664698 1.0654072 1.060691 1.0517592 1.0439204\n", + " 1.0407622 1.0424122 1.0474272 1.0526398 0. 0. 0. ]\n", + " [1.1831071 1.1808952 1.1911405 1.2006799 1.1875453 1.1521323 1.116541\n", + " 1.0926508 1.0798726 1.0756255 1.0735091 1.0669369 1.0577563 1.0501728\n", + " 1.0464051 1.0484991 1.0534713 1.0587953 1.0610188 1.0621872 1.0638152]\n", + " [1.1751288 1.171735 1.1814227 1.1889626 1.1780988 1.1450546 1.1105684\n", + " 1.0870342 1.075988 1.073056 1.0719913 1.0677627 1.0586294 1.050746\n", + " 1.0468992 1.0486972 1.0542436 0. 0. 0. 0. ]\n", + " [1.1668422 1.1615388 1.1706374 1.1789765 1.1672498 1.1357912 1.103526\n", + " 1.0821648 1.0720352 1.0697291 1.0698867 1.0654495 1.0561818 1.0481352\n", + " 1.044076 1.0457021 0. 0. 0. 0. 0. ]]\n", + "[[1.1905979 1.1876177 1.1988494 1.2079295 1.1948105 1.1584985 1.1212163\n", + " 1.0956447 1.0829537 1.0786405 1.0762001 1.0698206 1.05996 1.0513027\n", + " 1.0481911 1.0501804 1.0559894 1.0612693 1.0639279 1.0647668 1.0664011\n", + " 1.0709605]\n", + " [1.1858294 1.1802441 1.1891441 1.1975121 1.1841537 1.1503489 1.1151901\n", + " 1.091938 1.0809247 1.0788995 1.0784162 1.0737011 1.0640842 1.0547494\n", + " 1.0509701 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1823963 1.1803278 1.1917905 1.2005798 1.1867522 1.1500403 1.1130115\n", + " 1.0890104 1.077964 1.0749559 1.0746503 1.0692738 1.0597547 1.0508178\n", + " 1.0469362 1.0488023 1.0540588 1.0595347 0. 0. 0.\n", + " 0. ]\n", + " [1.1550547 1.1516093 1.1620753 1.1721606 1.1615633 1.130696 1.0987889\n", + " 1.0770254 1.0667443 1.0638734 1.0629618 1.058287 1.0497339 1.0421016\n", + " 1.0386623 1.0403545 1.0449204 1.0497581 0. 0. 0.\n", + " 0. ]\n", + " [1.1654308 1.1627215 1.1738832 1.1826391 1.1708336 1.1383364 1.1037787\n", + " 1.0821171 1.0715944 1.0685711 1.0678284 1.062755 1.0538809 1.0464115\n", + " 1.042526 1.044005 1.0490116 1.0542116 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1725773 1.169247 1.1811056 1.1909096 1.1789002 1.1440423 1.1085852\n", + " 1.085325 1.0743849 1.0723138 1.0720676 1.067384 1.0586236 1.0499079\n", + " 1.0463638 1.0478498 1.053325 0. 0. 0. ]\n", + " [1.1744797 1.1701301 1.1793246 1.1874441 1.1751921 1.142719 1.1092813\n", + " 1.0865138 1.0750471 1.0713772 1.06955 1.0640994 1.0549126 1.0474484\n", + " 1.0441309 1.0461677 1.0508009 1.055386 1.0578942 1.0592657]\n", + " [1.1764565 1.1727343 1.1828858 1.1923915 1.1801106 1.1465896 1.111264\n", + " 1.0876505 1.0760475 1.0739741 1.073007 1.0678395 1.0584816 1.049725\n", + " 1.0456853 1.0476074 1.0533301 0. 0. 0. ]\n", + " [1.1742728 1.1715642 1.1824937 1.1919067 1.1781373 1.1441901 1.1089805\n", + " 1.086094 1.0763328 1.0749078 1.074811 1.0697314 1.0597334 1.051058\n", + " 1.0468216 0. 0. 0. 0. 0. ]\n", + " [1.1881468 1.1824884 1.1922309 1.1999081 1.1881087 1.1537315 1.1180651\n", + " 1.0945507 1.0829506 1.0808675 1.0798808 1.0743635 1.0643464 1.0549345\n", + " 1.0511513 1.0535101 0. 0. 0. 0. ]]\n", + "[[1.1649165 1.1611897 1.1721078 1.1814305 1.1699213 1.1372482 1.1028147\n", + " 1.0799943 1.0701594 1.0681874 1.0686914 1.0638831 1.0552484 1.0469246\n", + " 1.043005 1.0446085 1.0496788 0. 0. ]\n", + " [1.177903 1.1734976 1.1828713 1.1926237 1.180212 1.1456443 1.1107832\n", + " 1.0869663 1.0764383 1.0746024 1.0744123 1.0696603 1.0605885 1.0522101\n", + " 1.0483878 0. 0. 0. 0. ]\n", + " [1.181252 1.1776103 1.1879231 1.196637 1.1826345 1.1468244 1.1104834\n", + " 1.0871729 1.0764797 1.0744419 1.0744421 1.0692236 1.0595027 1.051131\n", + " 1.0471888 1.0491157 1.05463 0. 0. ]\n", + " [1.198967 1.1924607 1.2025914 1.2109787 1.1975547 1.1625361 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1578461 1.1549369 1.1649 1.1742522 1.1630386 1.1315546 1.0992506\n", + " 1.0777848 1.0668935 1.0640955 1.0630411 1.0582175 1.050318 1.0430855\n", + " 1.0399256 1.0411675 1.0459653 1.0505403 1.0526868]]\n", + "[[1.1705476 1.1653948 1.1737468 1.1810567 1.1679806 1.1369954 1.104224\n", + " 1.082724 1.0729759 1.0721234 1.0720979 1.0664809 0. 0.\n", + " 0. 0. ]\n", + " [1.1884216 1.1825266 1.1933494 1.2026414 1.190171 1.1543844 1.1174371\n", + " 1.0930475 1.0819106 1.0806091 1.081598 1.0768689 1.0668807 1.057132\n", + " 0. 0. ]\n", + " [1.1900198 1.1848696 1.1945221 1.2027742 1.189008 1.1553814 1.1198171\n", + " 1.0958472 1.0845408 1.081226 1.0807145 1.0742676 1.0648355 1.0555496\n", + " 1.0520053 1.0545957]\n", + " [1.1611042 1.1578861 1.1681216 1.1768334 1.1649281 1.1325002 1.0988313\n", + " 1.0775552 1.0673093 1.0660255 1.0666025 1.0626786 1.0548213 1.0469608\n", + " 1.0432161 1.0448065]\n", + " [1.168124 1.16419 1.1742502 1.1822393 1.1719832 1.1399139 1.1069814\n", + " 1.084832 1.0747449 1.0722436 1.0719709 1.0665596 1.057665 1.049206\n", + " 1.04525 1.0474275]]\n", + "[[1.1448367 1.142281 1.1513658 1.1593544 1.1492246 1.1193405 1.0899966\n", + " 1.0702451 1.0608704 1.0595016 1.0591462 1.0544376 1.0467098 1.0392789\n", + " 1.0361398 1.0374389 1.0419598 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1646184 1.1605942 1.1706157 1.1791538 1.1664631 1.1347089 1.1025167\n", + " 1.0813339 1.0720929 1.0706698 1.071263 1.0665545 1.057044 1.0490618\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1900095 1.1863322 1.1964271 1.2046362 1.1928253 1.1582067 1.1216036\n", + " 1.0957621 1.0831165 1.0780792 1.0742953 1.0681158 1.0585036 1.0499694\n", + " 1.0472587 1.0501175 1.0555764 1.0608177 1.063383 1.0640131 1.065703\n", + " 1.0695986]\n", + " [1.1850218 1.1787286 1.1886059 1.1974758 1.1852856 1.1499016 1.1143758\n", + " 1.0913721 1.081882 1.081352 1.0815381 1.0764134 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1676089 1.1660092 1.1771778 1.1870302 1.1751693 1.1423963 1.107697\n", + " 1.0841317 1.0730113 1.0698459 1.0682056 1.0630634 1.0536714 1.0458909\n", + " 1.0418001 1.0435772 1.0487219 1.0536302 1.0562085 0. 0.\n", + " 0. ]]\n", + "[[1.1687304 1.164766 1.1752094 1.1833713 1.1725234 1.1401435 1.1061993\n", + " 1.0835336 1.072943 1.0707847 1.0711212 1.0667737 1.058173 1.0497005\n", + " 1.0455416 1.0473998 0. 0. ]\n", + " [1.1558286 1.1534762 1.16344 1.1719717 1.1609449 1.1299067 1.0975837\n", + " 1.0761353 1.0661343 1.0639894 1.063493 1.0589474 1.0506208 1.0430806\n", + " 1.0396265 1.0407282 1.0451689 1.0497499]\n", + " [1.206589 1.2016962 1.212525 1.2207742 1.2056354 1.1664987 1.1266559\n", + " 1.1010995 1.090126 1.0895712 1.0903282 1.0842977 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1820773 1.1784586 1.1878436 1.196504 1.1843963 1.1488149 1.1126901\n", + " 1.0900462 1.0777828 1.0757922 1.0760033 1.0700401 1.0615131 1.0523642\n", + " 1.0488032 1.0509672 1.0568551 0. ]\n", + " [1.1593876 1.1564801 1.1656559 1.1737363 1.1633662 1.1310768 1.0987341\n", + " 1.0775805 1.0678337 1.0650965 1.0648805 1.0602261 1.0522678 1.045043\n", + " 1.0414803 1.0429173 1.0478473 0. ]]\n", + "[[1.1597759 1.1558231 1.1659063 1.174817 1.1634822 1.1321232 1.0998073\n", + " 1.0784559 1.0685139 1.0663418 1.0661564 1.0617256 1.0534652 1.0455325\n", + " 1.0420661 1.0436624 1.0489752 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.144358 1.1417055 1.1517866 1.161685 1.1522417 1.1235411 1.0933166\n", + " 1.0733008 1.0633099 1.0595561 1.0578572 1.0521383 1.0440497 1.0370291\n", + " 1.0341766 1.0359449 1.040306 1.0446049 1.047352 1.0476866 1.0487105\n", + " 1.0517836 1.0580277 1.0665605 1.0736532 1.0775379]\n", + " [1.1584141 1.1542234 1.1634903 1.1723264 1.1615082 1.1305609 1.0989654\n", + " 1.0780557 1.0678993 1.0653292 1.0643383 1.0589998 1.0507784 1.0434042\n", + " 1.0395733 1.0413675 1.0462054 1.0510334 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1592224 1.1565135 1.1668108 1.1747612 1.1637005 1.1320848 1.0981225\n", + " 1.0766401 1.06644 1.063638 1.063689 1.0588448 1.0508933 1.0432783\n", + " 1.0397978 1.0411505 1.0461729 1.0513027 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2014712 1.1961403 1.205231 1.2140514 1.2003498 1.163795 1.1260817\n", + " 1.1014086 1.0896096 1.0877501 1.0868784 1.0808753 1.0696796 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1773112 1.1713579 1.1810083 1.1891916 1.1764845 1.1420532 1.1080197\n", + " 1.0858364 1.0752672 1.073698 1.0736059 1.0690635 1.059547 1.0507448\n", + " 1.0472301 1.0494301 0. 0. 0. 0. 0. ]\n", + " [1.1576347 1.153717 1.1631141 1.1716387 1.1606896 1.1301656 1.098479\n", + " 1.0775504 1.0671942 1.0642751 1.0640005 1.0586345 1.050001 1.0425074\n", + " 1.039123 1.0407499 1.0454316 1.050178 0. 0. 0. ]\n", + " [1.1630983 1.1600506 1.1690551 1.1775774 1.1643422 1.1326127 1.1002861\n", + " 1.0782793 1.0678828 1.0652993 1.064865 1.0601166 1.0518687 1.0444679\n", + " 1.0409468 1.0426134 1.047323 1.0521201 0. 0. 0. ]\n", + " [1.1616933 1.1605182 1.1718625 1.1817033 1.1696591 1.1373167 1.1038824\n", + " 1.081521 1.0702533 1.0665514 1.0647726 1.0585119 1.0504076 1.043276\n", + " 1.0402385 1.0416725 1.0463513 1.0507171 1.0529392 1.0538558 1.0554956]\n", + " [1.1747302 1.171711 1.1839086 1.192625 1.1786561 1.1444045 1.1087453\n", + " 1.0846409 1.0736284 1.0706277 1.0695331 1.0643357 1.0557748 1.0479057\n", + " 1.0444481 1.0456822 1.0504545 1.0555067 1.0581845 0. 0. ]]\n", + "[[1.2052647 1.1993132 1.2087761 1.2147198 1.2013075 1.1640137 1.1259898\n", + " 1.1014822 1.0903488 1.0887265 1.0885262 1.0821499 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1595646 1.1578463 1.1685379 1.1775918 1.1652671 1.1332809 1.1008748\n", + " 1.0794294 1.0688845 1.0660924 1.0651088 1.0602067 1.0515045 1.0439363\n", + " 1.0403004 1.0420598 1.0469265 1.0521036 0. ]\n", + " [1.1724904 1.1685437 1.1791723 1.187735 1.1747772 1.1411805 1.106423\n", + " 1.083617 1.0722075 1.0686643 1.066789 1.0613796 1.0523459 1.044502\n", + " 1.0411483 1.0432161 1.0481838 1.0530336 1.0552306]\n", + " [1.1814522 1.1778492 1.1884327 1.1956193 1.1844707 1.1499805 1.1136091\n", + " 1.0899858 1.0782036 1.074646 1.0734477 1.068166 1.0590641 1.0508746\n", + " 1.0468335 1.0485294 1.0535792 1.0589952 1.0615634]\n", + " [1.1673213 1.161913 1.1717303 1.1801364 1.1692858 1.1371192 1.104222\n", + " 1.0822134 1.0723927 1.070566 1.0707034 1.0659909 1.0565276 1.0481759\n", + " 1.0440483 1.0455589 1.0509616 0. 0. ]]\n", + "[[1.1778041 1.1732781 1.1845247 1.1942643 1.1812505 1.1467524 1.1109235\n", + " 1.0875608 1.0765636 1.0741866 1.0734898 1.0679954 1.0586765 1.0502964\n", + " 1.0471865 1.0495256 0. 0. ]\n", + " [1.171666 1.1668525 1.1769855 1.18613 1.174177 1.1400349 1.1056036\n", + " 1.0831699 1.0736315 1.0723691 1.0733066 1.0689476 1.0596089 1.0510589\n", + " 0. 0. 0. 0. ]\n", + " [1.1498877 1.1469884 1.15563 1.1636122 1.1521366 1.1222914 1.0920324\n", + " 1.0716664 1.0624117 1.0606028 1.0600947 1.0564479 1.0491228 1.042018\n", + " 1.0386789 1.0402203 1.0450152 0. ]\n", + " [1.1566643 1.1525635 1.1625975 1.1710676 1.1609354 1.1303993 1.0986211\n", + " 1.0774158 1.0678802 1.0667897 1.0677289 1.0635895 1.0549899 1.0467602\n", + " 0. 0. 0. 0. ]\n", + " [1.1884274 1.1845307 1.1938708 1.2019405 1.1885105 1.1532996 1.1172051\n", + " 1.0931414 1.0810765 1.078002 1.0763757 1.0708638 1.0613453 1.052343\n", + " 1.0486156 1.0506163 1.0567199 1.06237 ]]\n", + "[[1.1798028 1.1772633 1.1867718 1.1961955 1.1835197 1.1502762 1.1152496\n", + " 1.091056 1.0793228 1.0757306 1.07306 1.0669899 1.0570537 1.048967\n", + " 1.0451243 1.0473645 1.0526211 1.0575154 1.0598388 1.060153 ]\n", + " [1.182404 1.1808531 1.1936755 1.2029456 1.1892052 1.153118 1.1164387\n", + " 1.0916363 1.0795043 1.0759056 1.0737319 1.0674655 1.0578214 1.0491993\n", + " 1.0456754 1.0471437 1.0528538 1.0581704 1.0607669 1.0621043]\n", + " [1.1818174 1.1789758 1.1901268 1.1990224 1.1856563 1.1511664 1.1150583\n", + " 1.0907923 1.0789353 1.07554 1.0736928 1.0678563 1.0582372 1.0495193\n", + " 1.0462171 1.0477614 1.0533862 1.05857 1.061063 0. ]\n", + " [1.1722885 1.1689923 1.1794136 1.1890666 1.1760049 1.1412663 1.1062745\n", + " 1.0836679 1.0739672 1.0732435 1.0742402 1.0697721 1.0602363 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1624454 1.1585988 1.1687071 1.1773458 1.164835 1.1337401 1.1017876\n", + " 1.0802456 1.0708613 1.069238 1.0699699 1.0656902 1.056078 1.0483675\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1691077 1.1652373 1.1749675 1.1842806 1.1721251 1.138329 1.1038957\n", + " 1.0813917 1.0705867 1.068247 1.0673953 1.0627759 1.0536324 1.0455453\n", + " 1.0418843 1.0437849 1.049224 1.0545738 0. 0. 0. ]\n", + " [1.1717939 1.1661392 1.1752402 1.1830348 1.1710951 1.138689 1.1054666\n", + " 1.0836941 1.0732512 1.0713075 1.0714265 1.0675715 1.0584816 1.0502096\n", + " 1.046297 1.0482984 0. 0. 0. 0. 0. ]\n", + " [1.1665651 1.1633371 1.1734407 1.182866 1.1711257 1.1380385 1.104546\n", + " 1.0822456 1.0722893 1.0701488 1.0703399 1.0659971 1.0565919 1.0485654\n", + " 1.0453818 0. 0. 0. 0. 0. 0. ]\n", + " [1.1685104 1.1653824 1.1761497 1.1840008 1.1720862 1.1391423 1.1051686\n", + " 1.0827935 1.0720757 1.0694277 1.0692133 1.0644548 1.0554904 1.0476353\n", + " 1.0442959 1.0461986 1.051529 0. 0. 0. 0. ]\n", + " [1.1855912 1.1820133 1.1922748 1.2001573 1.188355 1.1539459 1.1182034\n", + " 1.093258 1.0812443 1.0766853 1.0739871 1.067869 1.0581151 1.05005\n", + " 1.046722 1.0481404 1.053989 1.0590804 1.0614327 1.0625578 1.0640621]]\n", + "[[1.1637714 1.1593893 1.1683832 1.1766909 1.1652169 1.133201 1.1004837\n", + " 1.0788733 1.0687829 1.066235 1.066346 1.062144 1.0538567 1.0465351\n", + " 1.0432863 1.0451196 0. 0. 0. 0. 0. ]\n", + " [1.1563474 1.1500522 1.1570466 1.1647967 1.1548179 1.1254079 1.0955672\n", + " 1.0753582 1.0663444 1.0643083 1.0641145 1.0591383 1.0513492 1.0436151\n", + " 1.0402831 1.0420964 0. 0. 0. 0. 0. ]\n", + " [1.1596304 1.1566857 1.1664407 1.1743628 1.1622295 1.1314508 1.0994394\n", + " 1.077738 1.0673146 1.0634822 1.0615197 1.0570083 1.0492266 1.0425646\n", + " 1.0393441 1.041036 1.0456188 1.0500009 1.0521688 1.0532173 1.0547525]\n", + " [1.1576527 1.1544535 1.1635814 1.1712723 1.1594136 1.1292303 1.0976975\n", + " 1.0759422 1.0653702 1.0617957 1.0605407 1.055663 1.0482855 1.0415684\n", + " 1.0383953 1.0398592 1.0443326 1.0484301 1.0511837 1.0522375 1.053838 ]\n", + " [1.1634147 1.1599787 1.1705012 1.1787502 1.1674819 1.135162 1.1021141\n", + " 1.0798825 1.0697477 1.0676538 1.0674758 1.0628055 1.0548377 1.0472223\n", + " 1.0432391 1.0444494 1.0492727 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1684363 1.166835 1.1763786 1.184506 1.1726781 1.1389779 1.1040989\n", + " 1.0820118 1.0714023 1.0689366 1.0676486 1.0626757 1.0535934 1.0455937\n", + " 1.042373 1.0436728 1.0485321 1.0536369 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.200552 1.1947582 1.204062 1.2111735 1.1980793 1.1617503 1.1244006\n", + " 1.099681 1.0887446 1.0875707 1.087465 1.0820552 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1641937 1.160492 1.170203 1.1788193 1.1678317 1.1356385 1.1022862\n", + " 1.0805653 1.0701087 1.0680262 1.067947 1.0637262 1.0555751 1.0476243\n", + " 1.0437799 1.0450737 1.0498554 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1480098 1.1447698 1.1558889 1.1676493 1.158073 1.1279397 1.0957464\n", + " 1.0747983 1.0643134 1.0613638 1.0597007 1.0541971 1.045955 1.0388206\n", + " 1.0359429 1.0380601 1.0427524 1.0474212 1.0499074 1.0505149 1.0515065\n", + " 1.0542921 1.0609969 1.0697143 1.0765581 1.0792326 1.080196 ]\n", + " [1.2100676 1.2050616 1.2163169 1.2240413 1.211875 1.1737515 1.1334722\n", + " 1.1066768 1.0949365 1.0924302 1.0928202 1.0866241 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1735703 1.1684519 1.1783265 1.1873298 1.1763804 1.1432468 1.1092558\n", + " 1.0873065 1.0767759 1.0745609 1.0740528 1.0695311 1.0598185 1.0510392\n", + " 1.0468527 1.0488012 0. 0. 0. 0. ]\n", + " [1.1686373 1.1660652 1.1768961 1.1867983 1.1739321 1.1408271 1.1061184\n", + " 1.0832486 1.0719489 1.0692956 1.0682298 1.063387 1.0547166 1.0469809\n", + " 1.0434492 1.045036 1.0498669 1.0548539 1.0569857 0. ]\n", + " [1.1625177 1.1605917 1.1718736 1.1815386 1.1696438 1.1365347 1.1022419\n", + " 1.0795364 1.0682898 1.064827 1.0642684 1.0594327 1.0514312 1.0442255\n", + " 1.0406528 1.0422127 1.0464458 1.0506587 1.0532814 1.0539075]\n", + " [1.1765918 1.1724305 1.18323 1.1923794 1.179232 1.1447313 1.1093524\n", + " 1.0856261 1.0750152 1.0727581 1.0728428 1.067942 1.0585793 1.0497178\n", + " 1.0459256 1.0477352 1.0534596 0. 0. 0. ]\n", + " [1.179717 1.1755452 1.185727 1.193908 1.181693 1.146474 1.1120341\n", + " 1.0882571 1.0778002 1.0752369 1.0747489 1.0700414 1.0608182 1.0520082\n", + " 1.0478958 1.0499495 1.0556687 0. 0. 0. ]]\n", + "[[1.1794723 1.1739614 1.1820793 1.1890708 1.1744561 1.1419516 1.1079146\n", + " 1.0852585 1.074356 1.0733373 1.0734731 1.068758 1.0599903 1.0514454\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1756018 1.17375 1.1854142 1.1951735 1.182928 1.1482712 1.1116427\n", + " 1.0876298 1.0755441 1.072223 1.0716649 1.066622 1.0574366 1.0493312\n", + " 1.0455203 1.0470396 1.0520837 1.0570776 1.0595343 0. 0.\n", + " 0. 0. ]\n", + " [1.1720102 1.1703547 1.180792 1.1908572 1.178606 1.1439829 1.1094894\n", + " 1.0858229 1.0748879 1.0709952 1.0690678 1.0630443 1.053644 1.0465373\n", + " 1.0431201 1.0452389 1.0496837 1.0548817 1.0572412 1.0582007 1.059772\n", + " 0. 0. ]\n", + " [1.1615505 1.1589885 1.170114 1.1773643 1.1657456 1.1324728 1.0987077\n", + " 1.0774499 1.0675108 1.066185 1.0660813 1.0613043 1.0533037 1.0453821\n", + " 1.0416223 1.0433526 1.0482069 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1501129 1.1482599 1.1583505 1.1680512 1.1581143 1.1280128 1.0965314\n", + " 1.0757531 1.0656484 1.0624647 1.0600395 1.054632 1.0462512 1.0392452\n", + " 1.0365204 1.0383844 1.0426831 1.0474285 1.0499628 1.0508856 1.0519321\n", + " 1.0550778 1.0614564]]\n", + "[[1.161417 1.1580133 1.1674058 1.1760608 1.1654989 1.1338468 1.101476\n", + " 1.0795285 1.0675768 1.0644974 1.063059 1.0579209 1.0503613 1.0433584\n", + " 1.0400732 1.0415158 1.046067 1.0505706 1.0539193]\n", + " [1.1617442 1.1584058 1.1686351 1.1776264 1.1661868 1.1345541 1.1018449\n", + " 1.0801739 1.0699943 1.0682856 1.068821 1.0642672 1.0562897 1.0479549\n", + " 1.0441825 0. 0. 0. 0. ]\n", + " [1.1895188 1.1847733 1.1953734 1.2045292 1.191101 1.154989 1.1179538\n", + " 1.0930495 1.0820253 1.0797639 1.0794766 1.0740936 1.0639821 1.0546216\n", + " 1.0504215 1.0520955 1.058047 0. 0. ]\n", + " [1.17467 1.1698813 1.179538 1.1891321 1.1780419 1.14402 1.1086928\n", + " 1.0854448 1.0748247 1.0728203 1.0731484 1.0682135 1.0591086 1.0501627\n", + " 1.04581 1.0475192 1.0528657 0. 0. ]\n", + " [1.1806439 1.1765295 1.187015 1.1958196 1.1843523 1.1496515 1.1132251\n", + " 1.0894666 1.0774717 1.0741554 1.0726178 1.0676675 1.0584701 1.0505424\n", + " 1.0469201 1.0486051 1.0536494 1.0587597 1.0614651]]\n", + "[[1.1514286 1.1473973 1.157027 1.1662953 1.1547345 1.1257315 1.0945582\n", + " 1.073415 1.0639601 1.0621048 1.063039 1.0597175 1.0516478 1.0441387\n", + " 1.0404677 0. 0. 0. 0. ]\n", + " [1.1801056 1.176417 1.1867054 1.1943051 1.1792716 1.1445352 1.1090953\n", + " 1.0861695 1.0767128 1.0762978 1.0767586 1.0718831 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1617005 1.1585898 1.1703575 1.180506 1.1685928 1.135865 1.1018025\n", + " 1.0788124 1.0684669 1.0658416 1.0653301 1.0608982 1.0522414 1.0442864\n", + " 1.0406599 1.0426244 1.047613 1.0529436 0. ]\n", + " [1.1924964 1.1891518 1.1991568 1.2064998 1.1936625 1.1579821 1.1202549\n", + " 1.0959849 1.0836462 1.0798047 1.0778619 1.0719407 1.0622884 1.0533648\n", + " 1.049788 1.0516964 1.0575377 1.0628085 1.0654068]\n", + " [1.1750094 1.1717739 1.1824636 1.1919622 1.1792653 1.1463503 1.111408\n", + " 1.0881642 1.0770602 1.0744629 1.0733689 1.0684009 1.0587109 1.0500343\n", + " 1.0458379 1.0477524 1.0534621 0. 0. ]]\n", + "[[1.1548018 1.1515536 1.1611133 1.1700332 1.1599351 1.1298368 1.099131\n", + " 1.078203 1.067504 1.0626916 1.0609435 1.0554775 1.0473995 1.0404682\n", + " 1.0384288 1.0402063 1.0450375 1.0494847 1.0516428 1.0524025 1.0538318\n", + " 1.0571285 1.064192 ]\n", + " [1.1461964 1.1436449 1.1528271 1.1610438 1.1493474 1.120412 1.0904921\n", + " 1.0705051 1.0609869 1.058458 1.0585145 1.054069 1.0468777 1.0398885\n", + " 1.0368906 1.0383197 1.0426458 1.0474058 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1895839 1.1848485 1.1967543 1.2064359 1.1945455 1.1580787 1.1194276\n", + " 1.093864 1.0819076 1.0801849 1.081129 1.0763577 1.0670352 1.0572616\n", + " 1.053029 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1755123 1.1730655 1.1846 1.1941265 1.1801418 1.1447427 1.109417\n", + " 1.0862571 1.07622 1.0748976 1.0748918 1.0702362 1.0603172 1.0510409\n", + " 1.047413 1.0493416 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1841319 1.1793677 1.1898795 1.1987481 1.1872466 1.1527654 1.1166823\n", + " 1.091647 1.0794444 1.0762508 1.0747964 1.0694767 1.0599008 1.0513649\n", + " 1.0469855 1.0488217 1.0538726 1.0591259 1.061625 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1819375 1.1775908 1.1876754 1.1958549 1.1828825 1.1487013 1.1135164\n", + " 1.0889008 1.0775104 1.0741614 1.0728672 1.0677797 1.0586238 1.0508298\n", + " 1.0470372 1.0492567 1.0544382 1.0597522 1.0624847 0. ]\n", + " [1.1620595 1.1589584 1.1687152 1.176367 1.1645911 1.1329485 1.1003994\n", + " 1.0785044 1.0687838 1.0667706 1.0667902 1.0623763 1.0539857 1.0461158\n", + " 1.0424916 1.0441877 0. 0. 0. 0. ]\n", + " [1.2059017 1.2001523 1.2093856 1.2173918 1.2022556 1.1658064 1.1284665\n", + " 1.1034771 1.0918945 1.0896006 1.0893689 1.0823344 1.0721424 1.0619297\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1685722 1.1659547 1.1770545 1.1860296 1.1755971 1.1425502 1.1082963\n", + " 1.0845875 1.0735853 1.0700673 1.0684388 1.0622467 1.0533576 1.0453801\n", + " 1.0418665 1.0428413 1.0480003 1.0525699 1.0548776 1.0555991]\n", + " [1.1736047 1.1694391 1.1779072 1.187394 1.1746371 1.1408812 1.1057128\n", + " 1.0843596 1.0749002 1.0742115 1.0742617 1.0685315 1.0590453 1.0500466\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1728321 1.1687472 1.1788939 1.1882434 1.1773229 1.1434023 1.1089488\n", + " 1.0857173 1.0754791 1.0738338 1.0741708 1.0697873 1.0609303 1.0521978\n", + " 1.0482409 0. 0. 0. 0. 0. ]\n", + " [1.1671667 1.1615527 1.1702625 1.1777232 1.1655823 1.1333916 1.1006318\n", + " 1.0793175 1.0692074 1.0670351 1.0668505 1.0625839 1.0545824 1.0471843\n", + " 1.0438638 1.0457759 0. 0. 0. 0. ]\n", + " [1.1965206 1.1936216 1.205316 1.2149827 1.2016895 1.1639943 1.1251267\n", + " 1.0977405 1.0848767 1.0810151 1.0789739 1.0733936 1.0634897 1.0550008\n", + " 1.0511041 1.0528167 1.0580297 1.0628431 1.0653465 1.067041 ]\n", + " [1.1700608 1.1665614 1.1766893 1.1869445 1.1758146 1.1425843 1.1076771\n", + " 1.0854039 1.0750003 1.073764 1.0736489 1.0697261 1.06024 1.0517648\n", + " 1.0477355 0. 0. 0. 0. 0. ]\n", + " [1.1690732 1.1631929 1.1731718 1.1815866 1.1681854 1.1347436 1.101117\n", + " 1.0793077 1.0688396 1.0678878 1.0682389 1.0641253 1.0557839 1.0476849\n", + " 1.0443228 1.0462162 0. 0. 0. 0. ]]\n", + "[[1.1555703 1.1521393 1.1609298 1.1674986 1.156082 1.1256704 1.0946957\n", + " 1.0745268 1.0653557 1.0632116 1.0630997 1.0584252 1.0504537 1.0425391\n", + " 1.0394325 1.0411121 1.0461669 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1697855 1.1667231 1.1768645 1.1844579 1.1719322 1.1383228 1.1053681\n", + " 1.0829844 1.0727059 1.0710334 1.071286 1.0665185 1.0573219 1.0495019\n", + " 1.0455544 1.0472809 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1490598 1.1458535 1.1566641 1.167461 1.1579852 1.1280122 1.0965275\n", + " 1.0756258 1.0651411 1.0619249 1.0605052 1.0549841 1.0464046 1.0394715\n", + " 1.0367594 1.0388759 1.0438776 1.0486243 1.0507325 1.0517296 1.0526073\n", + " 1.0556824 1.0623795 1.0718588 1.0785725 1.0826129 1.0834395 1.079985 ]\n", + " [1.167544 1.1650249 1.174798 1.1832876 1.1708258 1.1372557 1.1033093\n", + " 1.0809596 1.070063 1.0682025 1.0677433 1.0632213 1.0545151 1.0469289\n", + " 1.0434153 1.0451125 1.0492574 1.0544039 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1926497 1.1893144 1.1998421 1.2085161 1.1945176 1.1575085 1.1203748\n", + " 1.09483 1.0824411 1.0804124 1.0797215 1.0749784 1.0650091 1.0563393\n", + " 1.0518638 1.0535105 1.0589473 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2177145 1.2109776 1.2212945 1.2310126 1.2169021 1.1782105 1.1370202\n", + " 1.1090559 1.096735 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1689931 1.1641655 1.1738665 1.1831617 1.1715049 1.1393276 1.1057214\n", + " 1.08369 1.073248 1.0705754 1.0703027 1.0657332 1.0568104 1.048501\n", + " 1.0445478 1.0461993 1.0518275 0. 0. 0. ]\n", + " [1.1654444 1.1629542 1.1736158 1.1823319 1.1697782 1.1373357 1.103973\n", + " 1.0814848 1.0700766 1.0668972 1.0653223 1.06075 1.05246 1.0450115\n", + " 1.0420622 1.0436534 1.048409 1.0534139 1.0561159 0. ]\n", + " [1.172226 1.1684135 1.179409 1.1885054 1.1770006 1.1427072 1.1072985\n", + " 1.0845673 1.0738206 1.0710851 1.0707387 1.0655992 1.0563389 1.0482931\n", + " 1.0443808 1.0461919 1.0518376 1.0571755 0. 0. ]\n", + " [1.1801202 1.1772228 1.1878031 1.1965723 1.1854562 1.1512071 1.1154056\n", + " 1.0907084 1.0785859 1.0746405 1.0727862 1.0671334 1.0579826 1.0495672\n", + " 1.046227 1.0476041 1.0531251 1.0580305 1.0605748 1.0613099]]\n", + "[[1.1754081 1.1725477 1.1837153 1.1923409 1.179551 1.1454687 1.1099514\n", + " 1.0856423 1.0743854 1.0715312 1.0705673 1.0661333 1.0573984 1.0489122\n", + " 1.0452398 1.0469296 1.0520508 1.0571598 0. ]\n", + " [1.1855989 1.1817454 1.1920378 1.1990995 1.1872016 1.1526877 1.1163601\n", + " 1.0911691 1.0790266 1.0749328 1.0739996 1.0683199 1.0593709 1.0505589\n", + " 1.0472577 1.0492178 1.0544825 1.0594183 1.0619811]\n", + " [1.1625654 1.1592466 1.1693616 1.1779151 1.1653562 1.1328965 1.1004134\n", + " 1.0786077 1.0684935 1.0665731 1.066202 1.0616374 1.0531799 1.0452378\n", + " 1.0414615 1.042788 1.0475563 1.0523616 0. ]\n", + " [1.1864522 1.1814144 1.1907896 1.198236 1.1841679 1.1507437 1.1157101\n", + " 1.0925646 1.0808725 1.0777378 1.0761404 1.0699064 1.0599748 1.0514455\n", + " 1.0480537 1.0503542 1.0562569 1.0615954 0. ]\n", + " [1.1578953 1.1548795 1.1647474 1.1726642 1.162053 1.1306007 1.0974958\n", + " 1.0769956 1.0668616 1.0647898 1.0637491 1.0588596 1.0503354 1.0424093\n", + " 1.0390418 1.0406735 1.045424 1.0504425 0. ]]\n", + "[[1.163555 1.159775 1.1691762 1.1782006 1.1658047 1.1346682 1.101367\n", + " 1.0795407 1.06917 1.0674212 1.0666057 1.0625007 1.0543399 1.0465109\n", + " 1.0429759 1.0447103 0. ]\n", + " [1.1657901 1.1612726 1.1699934 1.1778561 1.1656564 1.1335678 1.1012764\n", + " 1.0800765 1.0710369 1.069168 1.0695922 1.0650729 1.0564777 1.0481763\n", + " 1.0444981 0. 0. ]\n", + " [1.1730033 1.168022 1.1774566 1.1861337 1.173864 1.1408138 1.1070564\n", + " 1.0849973 1.0745107 1.0725074 1.0725577 1.0680926 1.0589571 1.0506345\n", + " 1.0466673 1.0486261 0. ]\n", + " [1.1812415 1.1755521 1.1841927 1.1919433 1.1775111 1.143949 1.1099393\n", + " 1.0868194 1.0759847 1.0727022 1.0727476 1.0679832 1.0596399 1.0511888\n", + " 1.0473063 1.0493994 0. ]\n", + " [1.1685185 1.164282 1.1748209 1.1833209 1.1711233 1.1378325 1.1041462\n", + " 1.0820476 1.0716369 1.0693407 1.068773 1.0637459 1.0544949 1.0467\n", + " 1.0431885 1.0452735 1.0509887]]\n", + "[[1.181216 1.1794453 1.1917219 1.201062 1.1880018 1.151714 1.1146001\n", + " 1.0899494 1.0780313 1.0750486 1.0734668 1.0673732 1.0581026 1.0495069\n", + " 1.0460372 1.0476848 1.0531505 1.0582366 1.0607433 1.0617063]\n", + " [1.1629388 1.1604798 1.1717172 1.1807659 1.1689473 1.1355864 1.1017796\n", + " 1.0798548 1.068938 1.0657356 1.0642972 1.0593398 1.0511742 1.0439941\n", + " 1.0408036 1.0421413 1.0469825 1.0514431 1.0534257 1.0542217]\n", + " [1.1919227 1.1886353 1.1985053 1.2063509 1.1943321 1.1586714 1.1213632\n", + " 1.0958283 1.0837216 1.0799649 1.0780599 1.0713351 1.0616328 1.0529549\n", + " 1.0487883 1.0510514 1.0565406 1.0617855 1.0643145 0. ]\n", + " [1.1991787 1.1904917 1.1980017 1.2067107 1.1947986 1.1597869 1.1222707\n", + " 1.0974209 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1664596 1.1629786 1.1735286 1.1826463 1.1708797 1.1373367 1.1038867\n", + " 1.0815576 1.0700163 1.0663867 1.0651443 1.05961 1.0512512 1.0438462\n", + " 1.0405201 1.0424426 1.0476102 1.0523162 1.0549492 0. ]]\n", + "[[1.1613095 1.15774 1.1682048 1.1768696 1.1649718 1.1339 1.1010656\n", + " 1.0793135 1.068598 1.0664235 1.065019 1.0603106 1.052214 1.0448077\n", + " 1.0410751 1.0429047 1.0476962 1.0527133 0. 0. 0. ]\n", + " [1.1708905 1.1657363 1.1754774 1.1842327 1.1725595 1.1388848 1.105046\n", + " 1.0820749 1.0718759 1.0696955 1.0695564 1.0644497 1.0559869 1.0477681\n", + " 1.0445601 1.0465531 1.0520884 0. 0. 0. 0. ]\n", + " [1.1696997 1.1670766 1.1782984 1.1880869 1.1766001 1.142751 1.1092128\n", + " 1.086221 1.0747387 1.0709798 1.0686696 1.0627204 1.0531485 1.0456707\n", + " 1.0422792 1.0442817 1.0488139 1.0536597 1.0559305 1.056145 1.0573897]\n", + " [1.1847473 1.1813078 1.1921204 1.2017796 1.1898868 1.1540755 1.1179407\n", + " 1.0931098 1.0803565 1.075826 1.0736285 1.067011 1.0570339 1.0491943\n", + " 1.0457209 1.0477653 1.0528646 1.057957 1.0604463 1.062038 1.0644338]\n", + " [1.1613822 1.1557497 1.1647522 1.1725731 1.1628728 1.1326314 1.1002591\n", + " 1.0789694 1.0691388 1.0674309 1.06719 1.0622709 1.0541563 1.0462862\n", + " 1.0425591 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1708183 1.1660962 1.1767215 1.1861751 1.1743873 1.141925 1.1077162\n", + " 1.0849465 1.0743139 1.0724553 1.0730003 1.0677106 1.0583327 1.0495479\n", + " 1.0455365 0. 0. 0. 0. 0. ]\n", + " [1.1794826 1.1742123 1.1836734 1.1915914 1.1817964 1.1475708 1.111777\n", + " 1.0873649 1.0760627 1.075036 1.0754583 1.0711354 1.061894 1.0528517\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1843646 1.1793839 1.1890514 1.1979868 1.1854805 1.1510571 1.1157666\n", + " 1.0922246 1.0809069 1.078081 1.0779166 1.0724713 1.0628078 1.0534348\n", + " 1.049486 1.0515788 1.0574806 0. 0. 0. ]\n", + " [1.2052128 1.1980783 1.2089072 1.218195 1.2056811 1.1665839 1.1270772\n", + " 1.101194 1.0890759 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1882292 1.1855961 1.1965078 1.2042832 1.1918315 1.1571001 1.1202012\n", + " 1.0955751 1.0831859 1.0790577 1.0773464 1.0706452 1.0604132 1.0517006\n", + " 1.0480533 1.0501782 1.0555248 1.0611435 1.0636057 1.0644172]]\n", + "[[1.1770388 1.1728438 1.1824292 1.1913071 1.1788981 1.1452404 1.1107774\n", + " 1.0875472 1.0762726 1.0730636 1.0727564 1.0678631 1.0587382 1.0503249\n", + " 1.0467002 1.0484565 1.0536147 1.0589917 0. 0. ]\n", + " [1.1703745 1.16694 1.177326 1.1848842 1.1730059 1.1395485 1.1052661\n", + " 1.083026 1.0725431 1.0715849 1.0719303 1.0672424 1.0581373 1.0495825\n", + " 1.0456953 0. 0. 0. 0. 0. ]\n", + " [1.1728139 1.1681598 1.1777743 1.1875257 1.1753873 1.1429557 1.1094513\n", + " 1.0867145 1.0757452 1.0738189 1.0742754 1.069402 1.0591123 1.0502793\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1653166 1.1640847 1.1753124 1.183845 1.1712247 1.137388 1.1040258\n", + " 1.0819812 1.0715276 1.0682896 1.0670465 1.0615888 1.052401 1.044926\n", + " 1.0414144 1.0429374 1.0477589 1.0523667 1.0546367 1.0555096]\n", + " [1.1652513 1.162082 1.173159 1.18082 1.1698586 1.1366687 1.1024631\n", + " 1.080751 1.0709907 1.0694457 1.0700043 1.0650522 1.056126 1.0478129\n", + " 1.0438883 0. 0. 0. 0. 0. ]]\n", + "[[1.2055906 1.2005684 1.2096468 1.2178773 1.2023727 1.1665995 1.1286238\n", + " 1.1032693 1.0912235 1.0894094 1.0896623 1.0840517 1.0727997 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2114244 1.2042369 1.213295 1.2213174 1.2066298 1.1685237 1.1290976\n", + " 1.1025262 1.0903682 1.0888109 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1649563 1.1609405 1.1713322 1.1803044 1.1692662 1.1371185 1.1028167\n", + " 1.0809567 1.0708115 1.0685995 1.0691274 1.064812 1.0559001 1.0480715\n", + " 1.0439631 1.0458965 0. 0. ]\n", + " [1.1729205 1.1679333 1.1772416 1.1858051 1.1734194 1.1414244 1.107791\n", + " 1.0847363 1.0745881 1.0715313 1.0703932 1.0656642 1.0568542 1.0489184\n", + " 1.0452584 1.0469599 1.052186 1.0573859]\n", + " [1.1760635 1.1703298 1.1790904 1.1878921 1.1754375 1.1415403 1.108345\n", + " 1.0865703 1.0762725 1.0740969 1.074117 1.0689847 1.0594358 1.0505055\n", + " 1.046695 1.0488402 0. 0. ]]\n", + "[[1.1876686 1.1822146 1.190572 1.197592 1.1824096 1.1482812 1.1141984\n", + " 1.0919216 1.0817947 1.0798473 1.080249 1.0751435 1.0652283 1.0557334\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1757306 1.1729976 1.1834842 1.1929569 1.1801994 1.1471243 1.111337\n", + " 1.0886055 1.0772194 1.0745457 1.0746055 1.0691042 1.0594467 1.0506979\n", + " 1.0465509 1.0482445 1.0537431 0. 0. 0. 0. ]\n", + " [1.1713846 1.1669441 1.1763244 1.1831832 1.1712736 1.1390774 1.1056901\n", + " 1.082752 1.0713582 1.0676206 1.0662575 1.0617906 1.0537453 1.0469321\n", + " 1.0436169 1.0456345 1.0503515 1.054776 1.0573351 0. 0. ]\n", + " [1.1847193 1.1824346 1.194865 1.2053777 1.192395 1.15522 1.1176835\n", + " 1.0928552 1.0802985 1.0761462 1.0740001 1.067794 1.0590514 1.0507663\n", + " 1.0475881 1.0491238 1.0545108 1.059841 1.0620861 1.0628417 1.0644224]\n", + " [1.1737583 1.1698962 1.1795136 1.1886586 1.1768222 1.1441094 1.110445\n", + " 1.0876057 1.0750552 1.0703526 1.0684221 1.0629804 1.054028 1.0469267\n", + " 1.043435 1.0452235 1.050015 1.0553977 1.0583028 1.0599945 1.0624378]]\n", + "[[1.1814234 1.1745516 1.1825205 1.1919353 1.1784616 1.1437511 1.1083167\n", + " 1.0845889 1.0743926 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1743343 1.1703968 1.1807178 1.1890057 1.1761191 1.1422324 1.1079258\n", + " 1.0850242 1.0740045 1.0706466 1.068714 1.0628349 1.0535675 1.0457239\n", + " 1.0426897 1.044598 1.0498532 1.0545914 1.056915 1.0577714]\n", + " [1.1829598 1.1783849 1.1891385 1.1980416 1.186418 1.1510262 1.1138433\n", + " 1.0889354 1.0779133 1.075125 1.0749124 1.070166 1.0606952 1.0525444\n", + " 1.0486329 1.0506296 1.0565344 0. 0. 0. ]\n", + " [1.1816261 1.1799103 1.1914374 1.200351 1.1882893 1.1521279 1.1156282\n", + " 1.0914437 1.0793959 1.0760331 1.0740356 1.0672787 1.0578433 1.0493792\n", + " 1.0456425 1.047626 1.0532609 1.0587513 1.0610039 1.0619481]\n", + " [1.1621215 1.1585693 1.1683046 1.176576 1.1645815 1.1339384 1.1013966\n", + " 1.0799972 1.0693948 1.0664649 1.0649985 1.0591818 1.0508955 1.0431719\n", + " 1.0402642 1.0421218 1.0469494 1.0512185 1.0536896 0. ]]\n", + "[[1.167961 1.1645598 1.1742135 1.181736 1.1698543 1.1376231 1.1043289\n", + " 1.0827556 1.0724686 1.0692468 1.0679418 1.0623535 1.0534945 1.0455477\n", + " 1.0421066 1.0434947 1.0483983 1.0530566 1.0552893 0. ]\n", + " [1.1717262 1.1675344 1.177462 1.1863648 1.1759479 1.14263 1.1072392\n", + " 1.0842377 1.073787 1.0720105 1.0718685 1.0667726 1.0585046 1.0501231\n", + " 1.0461159 1.0476639 0. 0. 0. 0. ]\n", + " [1.1667442 1.1658301 1.1772642 1.18682 1.1741453 1.1411773 1.1067572\n", + " 1.0834959 1.0718114 1.0687376 1.0674223 1.0617979 1.0534929 1.0458013\n", + " 1.042387 1.043892 1.0489663 1.0534068 1.0554394 1.056126 ]\n", + " [1.1832165 1.1776862 1.1861689 1.1934876 1.1807468 1.147862 1.1133604\n", + " 1.0899863 1.0783912 1.0752108 1.0745004 1.0696113 1.0605819 1.0517972\n", + " 1.0479152 1.0496299 1.0547758 0. 0. 0. ]\n", + " [1.1798534 1.1751301 1.186159 1.1957906 1.1839951 1.1498955 1.1142381\n", + " 1.0905501 1.0791998 1.0775003 1.0776669 1.0731187 1.0638789 1.0549897\n", + " 1.0506759 0. 0. 0. 0. 0. ]]\n", + "[[1.1876316 1.1827804 1.193386 1.2014778 1.1889133 1.1527039 1.1159818\n", + " 1.0916082 1.0803277 1.0775694 1.0770181 1.0720835 1.062701 1.0541835\n", + " 1.0498711 1.051931 1.0577487 0. 0. ]\n", + " [1.1714805 1.1671586 1.1780492 1.1867924 1.1751368 1.141613 1.1075171\n", + " 1.0845973 1.0742809 1.0726352 1.0727091 1.0686245 1.05907 1.0503196\n", + " 1.0464501 1.0485743 0. 0. 0. ]\n", + " [1.174747 1.1732118 1.1849895 1.1945581 1.1829013 1.1482401 1.1123453\n", + " 1.0881461 1.076575 1.0731747 1.0713124 1.065754 1.0566047 1.0486443\n", + " 1.0446233 1.0464299 1.0518861 1.0569019 1.0594501]\n", + " [1.1782317 1.1753265 1.1861721 1.1947044 1.1823165 1.1464002 1.1102194\n", + " 1.086731 1.0755289 1.0730747 1.0734494 1.0682439 1.0591922 1.050636\n", + " 1.0467358 1.0483392 1.0537097 0. 0. ]\n", + " [1.169238 1.1658863 1.1762595 1.1839195 1.1717414 1.1379787 1.1035947\n", + " 1.0817266 1.0716689 1.0693249 1.0684347 1.0631589 1.0541108 1.0460289\n", + " 1.0423388 1.0443083 1.0498122 1.0548736 0. ]]\n", + "[[1.1764927 1.1747016 1.1861283 1.1955864 1.1829075 1.1481255 1.1120107\n", + " 1.0874416 1.0759279 1.072296 1.0707362 1.0647262 1.0558583 1.0475401\n", + " 1.0438968 1.0457655 1.0509301 1.0557345 1.0576607 1.0585192]\n", + " [1.1575304 1.15342 1.1636784 1.1729554 1.1609167 1.1295298 1.0975467\n", + " 1.0761435 1.0657101 1.0634971 1.0625433 1.0580477 1.0496109 1.0422002\n", + " 1.0391458 1.0409847 1.0459005 1.0507241 0. 0. ]\n", + " [1.1810844 1.1774383 1.1887906 1.1983043 1.1856296 1.1509573 1.1147466\n", + " 1.090247 1.0789773 1.0764924 1.0757462 1.0704608 1.0607233 1.0516169\n", + " 1.047431 1.0494581 1.0549525 1.0607247 0. 0. ]\n", + " [1.1647544 1.1597518 1.1684568 1.1760569 1.1631879 1.131994 1.0997276\n", + " 1.0784146 1.0683542 1.0657388 1.0647818 1.0604677 1.0525054 1.0450443\n", + " 1.0415735 1.0433971 1.0481791 1.0532225 0. 0. ]\n", + " [1.1617619 1.1591014 1.1698139 1.1783247 1.16644 1.1346827 1.1019994\n", + " 1.0803325 1.0699679 1.0668898 1.0663158 1.0613014 1.0528167 1.0447923\n", + " 1.0413585 1.0429906 1.0479796 1.0533087 0. 0. ]]\n", + "[[1.217022 1.2101961 1.2218074 1.2319098 1.2164267 1.1760324 1.134789\n", + " 1.1082757 1.0969064 1.095533 1.0964937 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1822363 1.1784939 1.1884477 1.1969311 1.1836388 1.1501354 1.1145978\n", + " 1.0907347 1.0792656 1.0760611 1.0743845 1.0692213 1.0593115 1.0508511\n", + " 1.0466902 1.048848 1.0548009 1.0599389 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1732836 1.1704608 1.18059 1.1899627 1.1782097 1.1445493 1.1095508\n", + " 1.0857937 1.0742007 1.070971 1.0698459 1.0654597 1.0565789 1.0485511\n", + " 1.0443603 1.0459498 1.0510433 1.0564728 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.176516 1.1713502 1.1808707 1.1889017 1.176661 1.1419239 1.1069038\n", + " 1.0840825 1.0739449 1.0735782 1.0739528 1.0698807 1.0603793 1.0516218\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1660558 1.1634512 1.1733392 1.1826868 1.1712866 1.1405487 1.1079371\n", + " 1.0853705 1.0736804 1.0696366 1.06677 1.0606496 1.0513147 1.0438464\n", + " 1.041119 1.0434132 1.0484774 1.052972 1.055818 1.056271 1.0572829\n", + " 1.0607287 1.0676055 1.0771779]]\n", + "[[1.1750948 1.1735494 1.1845104 1.1926957 1.1799775 1.1461926 1.1103028\n", + " 1.0866104 1.0757161 1.0721364 1.0706464 1.064702 1.0555145 1.0473778\n", + " 1.0436734 1.0454966 1.0504894 1.055802 1.0588276 0. ]\n", + " [1.1754832 1.17345 1.1837841 1.1917396 1.1806879 1.146603 1.1114819\n", + " 1.0874921 1.0755887 1.0720577 1.0702758 1.0641872 1.0550252 1.0472283\n", + " 1.0441167 1.0452702 1.0505776 1.05569 1.0576979 1.0584532]\n", + " [1.1538469 1.1500294 1.1587892 1.1670904 1.1559241 1.1267259 1.0953455\n", + " 1.0744197 1.0650294 1.0627033 1.0622451 1.0582564 1.0500393 1.0425832\n", + " 1.0389937 1.0401925 1.0447816 0. 0. 0. ]\n", + " [1.2059436 1.199596 1.209705 1.218736 1.2042234 1.1665556 1.1271577\n", + " 1.1000832 1.088882 1.0861952 1.0853529 1.0798335 1.0688914 1.0589825\n", + " 1.055274 1.0576147 0. 0. 0. 0. ]\n", + " [1.1822822 1.1797614 1.1898228 1.19805 1.1856214 1.1506346 1.1141392\n", + " 1.0903673 1.0779046 1.0736033 1.072072 1.0668253 1.057538 1.0496905\n", + " 1.0456197 1.0476372 1.0530388 1.0579138 1.0603641 1.0611893]]\n", + "[[1.1846645 1.1817553 1.1918787 1.2004987 1.1863114 1.152406 1.1167078\n", + " 1.0925664 1.0806435 1.0773796 1.0750952 1.0688311 1.059008 1.0503596\n", + " 1.0468174 1.0486177 1.0543159 1.0596969 1.0619508 0. ]\n", + " [1.1916357 1.1902019 1.2017487 1.2121283 1.1983532 1.1619737 1.1235936\n", + " 1.0968902 1.0833014 1.0793929 1.077715 1.0718026 1.0624182 1.0534948\n", + " 1.0498468 1.0514781 1.0570637 1.0623872 1.0650856 1.0656717]\n", + " [1.1667956 1.1635312 1.1739404 1.1819375 1.1694981 1.1360073 1.1021327\n", + " 1.080574 1.0708724 1.0686849 1.0688646 1.0641183 1.055566 1.0472819\n", + " 1.043533 1.0450957 1.0503597 0. 0. 0. ]\n", + " [1.163133 1.1606176 1.1714455 1.1802971 1.1677679 1.1355221 1.1024759\n", + " 1.080162 1.0704998 1.0683924 1.0683241 1.063534 1.05454 1.0466478\n", + " 1.0428286 1.045171 1.0503846 0. 0. 0. ]\n", + " [1.1823397 1.1764463 1.185077 1.192124 1.178069 1.1451565 1.1110864\n", + " 1.0879698 1.0764258 1.0735639 1.0722655 1.0668355 1.0578451 1.0491005\n", + " 1.0455664 1.0471998 1.052684 1.0584037 0. 0. ]]\n", + "[[1.1795368 1.1761786 1.1868774 1.1953397 1.1815267 1.1462018 1.1105131\n", + " 1.0869529 1.0765893 1.0747738 1.0743691 1.0698326 1.0606111 1.0519382\n", + " 1.0477791 1.0497746 0. 0. 0. 0. ]\n", + " [1.15672 1.15209 1.162327 1.1715372 1.1606543 1.1302018 1.0978411\n", + " 1.0764427 1.0663737 1.0647233 1.0651942 1.0602473 1.0522145 1.0446467\n", + " 1.04099 1.0426921 0. 0. 0. 0. ]\n", + " [1.1726606 1.1688086 1.1785316 1.1867929 1.1744893 1.1400079 1.1055133\n", + " 1.082951 1.0723127 1.069982 1.0698249 1.0652785 1.0567396 1.0485927\n", + " 1.0450709 1.0470958 1.0527457 0. 0. 0. ]\n", + " [1.1828711 1.1799865 1.190443 1.1995773 1.1874568 1.1523172 1.1167284\n", + " 1.0932139 1.0810905 1.076443 1.0745033 1.0683744 1.0584412 1.0501478\n", + " 1.0465348 1.0486087 1.0544306 1.0593704 1.0614716 1.0622056]\n", + " [1.177835 1.1748072 1.1849992 1.1937115 1.1827493 1.1482692 1.1126229\n", + " 1.0883532 1.0763018 1.0727824 1.0713781 1.0659187 1.0573556 1.0491\n", + " 1.0456643 1.047281 1.052626 1.05763 1.0606309 0. ]]\n", + "[[1.1546175 1.151297 1.1593839 1.166324 1.1545537 1.1237098 1.0933211\n", + " 1.073665 1.0635059 1.0609045 1.0597899 1.0549523 1.0474424 1.0406127\n", + " 1.0376294 1.0395497 1.044181 1.0491631 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1807796 1.1769698 1.1864601 1.1952229 1.1832815 1.1488754 1.1133542\n", + " 1.0903461 1.0784968 1.0749794 1.0743442 1.0687537 1.0587085 1.0504228\n", + " 1.0468823 1.048807 1.0543926 1.0596423 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1656463 1.1629322 1.1736963 1.1825328 1.1738746 1.14223 1.1087542\n", + " 1.0860376 1.0741769 1.0695189 1.0671144 1.0609065 1.0515057 1.043692\n", + " 1.0403427 1.0424783 1.0479255 1.0529056 1.0552862 1.0556399 1.0563333\n", + " 1.0596505 1.0667961 1.0771466 1.0851715 1.0892377]\n", + " [1.203363 1.1970377 1.2059431 1.2145125 1.1995662 1.1631378 1.1248924\n", + " 1.0999867 1.0883074 1.0855858 1.0859792 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1615974 1.1576722 1.1671214 1.1760136 1.1641636 1.1331449 1.1003839\n", + " 1.0790474 1.0684223 1.065095 1.0637139 1.0585715 1.0500188 1.0424049\n", + " 1.0390781 1.0410864 1.0462693 1.0510983 1.0535748 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1919978 1.1875597 1.197964 1.2078409 1.194659 1.158251 1.1217232\n", + " 1.097443 1.0872314 1.0860175 1.0865724 1.0806614 1.069087 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1850663 1.1791017 1.1885879 1.197064 1.1834497 1.1498369 1.1150002\n", + " 1.0919399 1.081244 1.0795702 1.0792198 1.072933 1.0629141 1.0535518\n", + " 1.0496418 0. 0. 0. ]\n", + " [1.177576 1.1729535 1.1822394 1.1901252 1.1787221 1.1457767 1.1108568\n", + " 1.0881689 1.0769984 1.0748723 1.0745416 1.06927 1.0596257 1.051158\n", + " 1.0474817 0. 0. 0. ]\n", + " [1.1568414 1.1521009 1.160211 1.1673038 1.1562017 1.1258812 1.094837\n", + " 1.0742147 1.0644906 1.0618153 1.0609887 1.0577073 1.0503998 1.0431683\n", + " 1.039942 1.0413815 1.0458204 1.0505747]\n", + " [1.1578362 1.1532385 1.1616299 1.1695306 1.1587657 1.1281625 1.0964684\n", + " 1.075937 1.066421 1.0643255 1.0640088 1.0597155 1.0512173 1.0436589\n", + " 1.0400593 1.0416237 1.0466386 0. ]]\n", + "[[1.1884979 1.1844244 1.1945102 1.2033856 1.1906773 1.1553732 1.1182921\n", + " 1.094519 1.0830308 1.0800785 1.0790917 1.0731443 1.0634195 1.054118\n", + " 1.0499978 1.0524865 1.0586905 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.149317 1.1444539 1.1519853 1.1595784 1.1482923 1.1195354 1.0898672\n", + " 1.0699415 1.0608099 1.0586016 1.0581431 1.0549339 1.0476527 1.0405778\n", + " 1.037724 1.0391238 1.043781 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1465408 1.1453145 1.1555789 1.1652701 1.1551917 1.1255196 1.0943557\n", + " 1.0744451 1.0646607 1.0610605 1.059138 1.0535723 1.045159 1.0380751\n", + " 1.0355599 1.0372462 1.0421922 1.0463364 1.0487938 1.0495551 1.0505784\n", + " 1.0533569 1.0596356 1.0684935 1.075887 ]\n", + " [1.1724434 1.1701894 1.1814455 1.1908875 1.1804142 1.1476197 1.1134462\n", + " 1.090334 1.0781013 1.0736647 1.070884 1.0646379 1.0551842 1.0471199\n", + " 1.0439106 1.0457371 1.0507828 1.0556109 1.0575314 1.057803 1.0592285\n", + " 1.0627116 0. 0. 0. ]\n", + " [1.1917261 1.1856394 1.1967504 1.2066299 1.1942713 1.1578647 1.1205317\n", + " 1.0952997 1.0839458 1.0830041 1.0837408 1.0780385 1.0676439 1.0577779\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1906601 1.1853001 1.1929666 1.2011865 1.1885152 1.1539832 1.1183882\n", + " 1.0941367 1.0824313 1.0802054 1.079897 1.0747703 1.0656012 1.0563024\n", + " 1.0523776 0. 0. 0. 0. ]\n", + " [1.1658801 1.1627209 1.1724093 1.1803174 1.1689458 1.1365054 1.1028827\n", + " 1.0805497 1.0696177 1.0661908 1.065353 1.0603021 1.0515296 1.0441775\n", + " 1.0408756 1.0423855 1.0469131 1.0519369 1.0549115]\n", + " [1.1621852 1.1584316 1.1689489 1.1768758 1.1660707 1.1340983 1.1008663\n", + " 1.0789032 1.0684469 1.0658454 1.0648817 1.0606276 1.0521019 1.0447181\n", + " 1.0413127 1.0426517 1.0471864 1.0523976 0. ]\n", + " [1.175487 1.1726189 1.1842328 1.1933528 1.1817374 1.1465881 1.1096892\n", + " 1.0862423 1.0740892 1.0713156 1.0703042 1.0643287 1.0553259 1.0469154\n", + " 1.0433886 1.0453768 1.0501964 1.0553068 1.0580606]\n", + " [1.195051 1.1906774 1.2005879 1.2087944 1.195753 1.1590627 1.1211926\n", + " 1.0953586 1.0832123 1.0798652 1.0792259 1.0728945 1.0630801 1.0538492\n", + " 1.0499411 1.0521754 1.0582682 1.0640022 0. ]]\n", + "[[1.1685913 1.1651297 1.1762613 1.1859022 1.174499 1.1405331 1.1055164\n", + " 1.0823084 1.0728205 1.0716075 1.0721105 1.0674825 1.0583384 1.0498247\n", + " 1.0456754 0. 0. 0. ]\n", + " [1.1633456 1.1584187 1.166689 1.1767058 1.1660138 1.1344025 1.1016445\n", + " 1.0800375 1.0702046 1.0693762 1.0694969 1.0654331 1.0556986 1.0468981\n", + " 0. 0. 0. 0. ]\n", + " [1.1824812 1.1788735 1.188591 1.1962466 1.1825147 1.1474236 1.1120095\n", + " 1.0878111 1.0758598 1.0725567 1.0722758 1.0674437 1.0588143 1.0505784\n", + " 1.0474404 1.0489674 1.0540888 1.0589775]\n", + " [1.1829251 1.1779615 1.1889199 1.1991735 1.1880178 1.1531478 1.1162211\n", + " 1.091923 1.0798181 1.0765313 1.0759377 1.070604 1.0612506 1.052228\n", + " 1.0483115 1.0498908 1.0549642 1.0604198]\n", + " [1.157118 1.151912 1.1598228 1.1665835 1.1543863 1.1244859 1.09435\n", + " 1.0751102 1.066445 1.0651919 1.0657394 1.0616465 1.0537665 1.0460218\n", + " 1.042567 0. 0. 0. ]]\n", + "[[1.1629807 1.1621165 1.1739818 1.1843957 1.1736596 1.1412106 1.1077284\n", + " 1.0844418 1.0728477 1.0688077 1.0666683 1.0600581 1.0513388 1.0436705\n", + " 1.0406661 1.042852 1.0475154 1.052631 1.0551422 1.0559882 1.0569571\n", + " 1.0606083 1.0676433]\n", + " [1.1480908 1.1448886 1.1540973 1.1609772 1.1513649 1.1215472 1.0916283\n", + " 1.0713644 1.0614222 1.0588467 1.0582641 1.0544231 1.0466361 1.0399841\n", + " 1.0369569 1.0384609 1.0429306 1.0471871 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1589354 1.1544476 1.1615696 1.1682537 1.1572207 1.1275427 1.0971873\n", + " 1.0765336 1.066412 1.0630037 1.0617507 1.0571611 1.0497082 1.0431879\n", + " 1.0397484 1.0414203 1.0459602 1.0506871 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1678652 1.1635604 1.1726584 1.1813946 1.1693686 1.1362406 1.103399\n", + " 1.0811982 1.072031 1.0705922 1.0709915 1.0671706 1.0580393 1.049173\n", + " 1.0452685 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1722196 1.1688577 1.1790801 1.1877774 1.1757482 1.1424432 1.1077873\n", + " 1.0838506 1.073175 1.0704805 1.0695043 1.0646646 1.0554279 1.0471599\n", + " 1.0433999 1.0453988 1.0506675 1.0556928 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1705521 1.1670344 1.1773492 1.1858191 1.173341 1.140976 1.1073924\n", + " 1.0847352 1.0736132 1.0699223 1.0686656 1.0630063 1.0538591 1.0461057\n", + " 1.0429134 1.0446919 1.049751 1.054825 1.0571282 1.0581375]\n", + " [1.1691945 1.1646063 1.1742492 1.1829662 1.1715372 1.1390307 1.105964\n", + " 1.0836399 1.0726808 1.0698843 1.0690264 1.063477 1.0546621 1.0465478\n", + " 1.0428184 1.0442686 1.0492592 1.0540879 0. 0. ]\n", + " [1.1536733 1.1502366 1.1607453 1.1690145 1.1587211 1.1270125 1.0946479\n", + " 1.0741805 1.064686 1.0632982 1.0632799 1.05885 1.050134 1.0425617\n", + " 1.0392668 1.0407491 1.0459816 0. 0. 0. ]\n", + " [1.1750159 1.1736115 1.1856761 1.1951549 1.182128 1.147421 1.1112131\n", + " 1.0868567 1.0758499 1.072655 1.0712136 1.0657843 1.0560089 1.0474226\n", + " 1.0437955 1.0456283 1.0506501 1.0559189 1.0586643 0. ]\n", + " [1.1662058 1.1639798 1.174932 1.1838161 1.1718985 1.1389691 1.1048268\n", + " 1.0825496 1.0722907 1.0706003 1.0707239 1.065938 1.0568275 1.0482138\n", + " 1.0441912 1.0459964 0. 0. 0. 0. ]]\n", + "[[1.1790001 1.1764358 1.1858562 1.1942685 1.1806618 1.1471198 1.1123147\n", + " 1.0892167 1.0770241 1.0738057 1.0720474 1.0656823 1.0563805 1.0484103\n", + " 1.04482 1.0472665 1.0524758 1.0573804 1.0596008 1.0602052]\n", + " [1.1884058 1.1862843 1.196686 1.2063389 1.1923834 1.1576692 1.1200008\n", + " 1.0945926 1.0821457 1.0787642 1.0768538 1.071917 1.062169 1.0528977\n", + " 1.0488595 1.0504383 1.0560448 1.0614661 1.0639215 0. ]\n", + " [1.161491 1.1573906 1.1676574 1.1766624 1.164908 1.1337539 1.1016943\n", + " 1.0805496 1.0696746 1.0672886 1.0661644 1.061266 1.0523357 1.0442061\n", + " 1.0408715 1.0424472 1.0475606 1.0525898 0. 0. ]\n", + " [1.1561828 1.1523955 1.1619111 1.169172 1.1582705 1.1270626 1.0952018\n", + " 1.0748271 1.0655564 1.0641892 1.0641174 1.0600488 1.0516897 1.0442431\n", + " 1.0410612 1.0427091 0. 0. 0. 0. ]\n", + " [1.1512352 1.1477104 1.1569558 1.164517 1.1529413 1.1237321 1.0931515\n", + " 1.073262 1.0638185 1.0626385 1.0630049 1.0590758 1.0512272 1.0438156\n", + " 1.0403075 0. 0. 0. 0. 0. ]]\n", + "[[1.185291 1.1807729 1.1905646 1.1988134 1.1849916 1.1505444 1.1147232\n", + " 1.0906205 1.0794675 1.0767565 1.0772079 1.0726881 1.0628988 1.0542296\n", + " 1.0503396 0. 0. 0. 0. ]\n", + " [1.1817617 1.1754402 1.1831931 1.1912929 1.1792482 1.1479502 1.1139252\n", + " 1.0906329 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1622556 1.157529 1.1657922 1.1734731 1.1613184 1.1301686 1.098868\n", + " 1.0779724 1.0680625 1.0659962 1.0656718 1.0612342 1.0530778 1.0454441\n", + " 1.0417325 1.0431985 1.0481184 0. 0. ]\n", + " [1.1600077 1.1566314 1.1653004 1.1731185 1.1612661 1.1303288 1.0985715\n", + " 1.0769001 1.0663819 1.0633353 1.0619711 1.057954 1.0500658 1.043219\n", + " 1.039737 1.041207 1.0461824 1.0507746 1.0533357]\n", + " [1.1610323 1.1585872 1.1702225 1.1805922 1.1689266 1.136528 1.1023352\n", + " 1.0793327 1.0688198 1.0662936 1.0661637 1.0612979 1.0519887 1.044026\n", + " 1.0403337 1.041798 1.0468479 1.0518311 0. ]]\n", + "[[1.1673045 1.1621375 1.1710504 1.1800952 1.1693003 1.1376659 1.1045698\n", + " 1.082475 1.0727127 1.0707941 1.0701913 1.0655537 1.0563546 1.0480846\n", + " 1.0442415 1.0461181 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1735706 1.1711372 1.1823947 1.1917918 1.1801842 1.1454777 1.1106595\n", + " 1.0876398 1.0759488 1.0722998 1.0701883 1.0642066 1.054776 1.0465165\n", + " 1.0429493 1.0447131 1.0496961 1.0547712 1.0572746 1.0581373 0.\n", + " 0. ]\n", + " [1.1722195 1.1686336 1.1802686 1.1892824 1.1778703 1.1429691 1.1072443\n", + " 1.0839158 1.0728787 1.0706967 1.0702252 1.0653905 1.056496 1.04849\n", + " 1.0443125 1.0458105 1.0510422 1.0559276 0. 0. 0.\n", + " 0. ]\n", + " [1.1564951 1.1508555 1.1583755 1.1651855 1.1549721 1.1253041 1.0946617\n", + " 1.0751055 1.065778 1.0639682 1.064062 1.0600982 1.0524391 1.0448372\n", + " 1.0415095 1.0431359 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1711286 1.1687472 1.1800281 1.1895304 1.1776711 1.1444825 1.1098483\n", + " 1.08666 1.0747129 1.0710982 1.0689133 1.062719 1.0532279 1.0452948\n", + " 1.0422578 1.0440074 1.0490441 1.0539224 1.0567169 1.0579101 1.0594616\n", + " 1.0634103]]\n", + "[[1.1859683 1.1829177 1.1938356 1.2021543 1.1875842 1.1508839 1.1138892\n", + " 1.089861 1.0781316 1.0751115 1.0732634 1.0671862 1.0577012 1.0493672\n", + " 1.0460768 1.0481898 1.0535381 1.0587184 1.0609 1.0622543]\n", + " [1.1575178 1.1554317 1.1660722 1.1747558 1.1625581 1.1303645 1.0979469\n", + " 1.076605 1.0672284 1.0647293 1.064179 1.0592086 1.050409 1.0427938\n", + " 1.0395544 1.0408942 1.0456005 1.0505033 0. 0. ]\n", + " [1.1734682 1.1703095 1.1818275 1.1910778 1.1788269 1.1442641 1.1088963\n", + " 1.0855371 1.0741655 1.0717777 1.0712143 1.0663409 1.0574386 1.0491915\n", + " 1.0454001 1.0472941 1.0524688 1.0578246 0. 0. ]\n", + " [1.1666238 1.163594 1.1737185 1.1816913 1.1678555 1.1348643 1.1015978\n", + " 1.079861 1.0693128 1.0663046 1.0651402 1.0596596 1.051113 1.0440307\n", + " 1.0411133 1.0433056 1.0484318 1.0533009 1.0557525 0. ]\n", + " [1.1650134 1.1602458 1.1693978 1.1765683 1.1649884 1.1331236 1.1003356\n", + " 1.0795064 1.0692009 1.0674095 1.0668113 1.0624964 1.0538424 1.0462203\n", + " 1.0426034 1.044301 1.0496469 0. 0. 0. ]]\n", + "[[1.1640778 1.1594983 1.1680932 1.1758469 1.1635537 1.1322367 1.0998409\n", + " 1.0783644 1.0679538 1.0655382 1.0647212 1.06011 1.0520619 1.044705\n", + " 1.0412751 1.0428593 1.0478979 1.0528402 0. 0. 0. ]\n", + " [1.1629577 1.1600723 1.1703044 1.1797029 1.1685162 1.1358896 1.1029019\n", + " 1.0805743 1.0691662 1.0661707 1.0638692 1.058441 1.0499129 1.0430753\n", + " 1.0399367 1.0418893 1.0468645 1.0513399 1.0534146 1.0545033 1.0560443]\n", + " [1.1822828 1.1782174 1.1882209 1.1957018 1.1830937 1.1486497 1.112946\n", + " 1.0894104 1.078407 1.0756112 1.0741874 1.0695276 1.0601519 1.0513296\n", + " 1.0476311 1.0496398 1.0552043 1.0606143 0. 0. 0. ]\n", + " [1.1689622 1.1640851 1.1726102 1.1800445 1.1681494 1.1353893 1.1018525\n", + " 1.0797108 1.0685673 1.066394 1.0656557 1.0618378 1.0535775 1.0464667\n", + " 1.0430459 1.0446432 1.0496104 0. 0. 0. 0. ]\n", + " [1.1870229 1.1843554 1.1954068 1.2033879 1.1902335 1.1549678 1.1185465\n", + " 1.0938859 1.0814754 1.0773708 1.0757159 1.0704119 1.0606456 1.0521474\n", + " 1.0482429 1.0505576 1.0559826 1.0614983 1.0637645 0. 0. ]]\n", + "[[1.1676533 1.1645149 1.1741229 1.1834551 1.1705451 1.1382023 1.1045917\n", + " 1.082011 1.0716504 1.0696034 1.0700332 1.0657204 1.0565886 1.0482422\n", + " 1.0444201 1.046106 0. 0. 0. 0. 0. ]\n", + " [1.1767697 1.1722668 1.1822507 1.1914942 1.1798015 1.1460576 1.1107762\n", + " 1.0874294 1.0779194 1.076443 1.0772315 1.0721531 1.0623205 1.0532615\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1788573 1.1736969 1.1834438 1.1913025 1.1791011 1.1453403 1.1102458\n", + " 1.0877407 1.077311 1.0760783 1.0761988 1.0714282 1.0617608 1.0527095\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1837854 1.1794256 1.1892557 1.1969855 1.1845164 1.1503111 1.1147959\n", + " 1.0908405 1.0799962 1.0770121 1.0762864 1.0710016 1.0615368 1.0530531\n", + " 1.0492294 1.0515804 1.0574974 0. 0. 0. 0. ]\n", + " [1.1783801 1.1762773 1.1873337 1.1962258 1.182974 1.1488311 1.1135595\n", + " 1.0897413 1.0779011 1.0736964 1.072178 1.0657523 1.0561569 1.0481857\n", + " 1.0447652 1.046625 1.0518997 1.0568933 1.0592921 1.0600258 1.061746 ]]\n", + "[[1.1730192 1.1676495 1.1775198 1.1849937 1.1719613 1.1379156 1.1046351\n", + " 1.0832623 1.0737569 1.0728257 1.0729893 1.0684644 1.0588001 1.0497335\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1859043 1.1837512 1.1938987 1.203635 1.1902636 1.1565295 1.1200268\n", + " 1.0954814 1.082233 1.0782788 1.0753337 1.0696526 1.0597512 1.0510827\n", + " 1.0473883 1.0490618 1.0545781 1.059648 1.0618086 1.0625496]\n", + " [1.1580362 1.1534045 1.1628369 1.1707442 1.1606271 1.1301016 1.098075\n", + " 1.0770286 1.0673724 1.0660285 1.0666336 1.0617764 1.0531898 1.0451046\n", + " 1.041536 1.0432732 0. 0. 0. 0. ]\n", + " [1.1795542 1.1765541 1.1885216 1.1985731 1.1857194 1.1499515 1.1128092\n", + " 1.0886596 1.0770355 1.0733213 1.0724187 1.0669152 1.0575049 1.0494727\n", + " 1.0455468 1.047185 1.0523019 1.0574802 1.0599449 1.0606556]\n", + " [1.1898478 1.1862378 1.1977552 1.2071555 1.1912141 1.1552517 1.1189134\n", + " 1.0948007 1.0847124 1.083328 1.0829256 1.0782918 1.0674694 1.0571853\n", + " 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1825958 1.1770921 1.1869351 1.196479 1.1850165 1.1509393 1.114831\n", + " 1.0904412 1.0793142 1.0770763 1.0769303 1.0728191 1.0631055 1.0544686\n", + " 1.0499372 1.051547 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1684277 1.1653898 1.1750484 1.1838255 1.1719509 1.1385964 1.1036987\n", + " 1.0817952 1.070942 1.0681207 1.0680839 1.0637652 1.054907 1.0471503\n", + " 1.0433779 1.0448982 1.0498773 1.0546035 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1764805 1.1723464 1.1837145 1.1948231 1.1865216 1.1536319 1.1178763\n", + " 1.0927957 1.0797114 1.0752647 1.0727032 1.0661365 1.0558085 1.047591\n", + " 1.0447096 1.0470586 1.0530865 1.0586005 1.060793 1.0615847 1.0622983\n", + " 1.0658133 1.0735545 1.083976 1.0925664 1.0971745 1.0981443 1.0948075]\n", + " [1.1673709 1.1639059 1.1737536 1.1816243 1.1693263 1.136033 1.102213\n", + " 1.0809883 1.0704327 1.0685267 1.0676211 1.0626732 1.0543776 1.0463289\n", + " 1.0429845 1.0446603 1.0496722 1.0546448 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1922925 1.187002 1.1961482 1.204641 1.191591 1.1553663 1.1183217\n", + " 1.094039 1.0821182 1.0796107 1.0792599 1.0744303 1.0650748 1.0560092\n", + " 1.0518464 1.0544229 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1645925 1.1609831 1.1710681 1.1791536 1.1662278 1.1336403 1.1005069\n", + " 1.0794312 1.0700397 1.0692283 1.0696414 1.0654492 1.0563582 1.0483516\n", + " 1.0447841 0. ]\n", + " [1.170217 1.1653876 1.1756384 1.1828736 1.170927 1.1380522 1.1044323\n", + " 1.0826961 1.0727854 1.0711468 1.0705484 1.0661747 1.0571083 1.0492702\n", + " 1.0453355 1.0476389]]\n", + "[[1.1958213 1.1902517 1.2002833 1.2085443 1.1949775 1.159032 1.1217433\n", + " 1.0969677 1.0860109 1.0834488 1.0850127 1.0790352 1.0688251 1.0587513\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1719204 1.166224 1.1757106 1.1848412 1.1743459 1.1423987 1.1083806\n", + " 1.085285 1.0748544 1.072613 1.0722634 1.0676005 1.0587764 1.0502905\n", + " 1.0462765 1.0480725 0. 0. 0. ]\n", + " [1.1697786 1.1674231 1.1781478 1.1864604 1.172699 1.1393595 1.105722\n", + " 1.0835098 1.0729371 1.070403 1.0690659 1.0641568 1.0549365 1.0471221\n", + " 1.0433538 1.0451937 1.050056 1.0551021 0. ]\n", + " [1.1584046 1.1533495 1.1633823 1.1721078 1.1621971 1.1316564 1.0992478\n", + " 1.0777248 1.0683354 1.0670967 1.0678487 1.0639156 1.055599 1.0472499\n", + " 1.0431913 0. 0. 0. 0. ]\n", + " [1.1715279 1.1684355 1.1777747 1.1857607 1.1728543 1.1399757 1.1066334\n", + " 1.0842714 1.0729506 1.0685551 1.0664742 1.0619 1.0532469 1.0460777\n", + " 1.0431814 1.0450274 1.0501431 1.0556074 1.0581101]]\n", + "[[1.1682067 1.1655716 1.1767039 1.1848491 1.1718872 1.1372459 1.1042018\n", + " 1.0820663 1.0735059 1.0736187 1.0739609 1.0686882 1.0584943 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.172564 1.1719925 1.1840104 1.1941754 1.1822572 1.1477265 1.111631\n", + " 1.0873541 1.0759008 1.0724868 1.0707077 1.064607 1.0552466 1.0472177\n", + " 1.0432446 1.0450995 1.0500789 1.0551716 1.0577971 1.0586795]\n", + " [1.1558299 1.1518134 1.1604797 1.1677183 1.1558511 1.1252052 1.0943062\n", + " 1.0744278 1.065151 1.0626842 1.061842 1.0571511 1.0491816 1.0418838\n", + " 1.0386617 1.0402751 1.0448532 1.0494884 0. 0. ]\n", + " [1.1672546 1.1640902 1.1746676 1.1830524 1.1706489 1.13737 1.1041013\n", + " 1.0821456 1.071356 1.067958 1.0668247 1.0616208 1.0528657 1.0455179\n", + " 1.042022 1.0439476 1.0485771 1.0535592 1.0560758 0. ]\n", + " [1.1535529 1.1497037 1.1583413 1.1663506 1.1559603 1.1253524 1.094833\n", + " 1.0750954 1.0655699 1.0636582 1.0633192 1.0593622 1.0512865 1.0442343\n", + " 1.0411435 0. 0. 0. 0. 0. ]]\n", + "[[1.1662824 1.1648692 1.1749924 1.1824384 1.1716269 1.1378158 1.1039245\n", + " 1.0816371 1.0710201 1.0693586 1.0689905 1.0648224 1.0558031 1.0476568\n", + " 1.0438106 1.0455607 1.0505031 0. 0. 0. 0. ]\n", + " [1.1673251 1.164425 1.1751547 1.1840239 1.1718609 1.1399726 1.1064306\n", + " 1.0839633 1.0726969 1.0685315 1.0665078 1.0604768 1.0512469 1.0435293\n", + " 1.0402644 1.0419524 1.046717 1.0514445 1.05376 1.054757 1.0563958]\n", + " [1.1709213 1.1641284 1.1736367 1.1845266 1.1736698 1.1418977 1.107246\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1875484 1.1828635 1.1944673 1.2049303 1.1928104 1.1570513 1.1194597\n", + " 1.0945472 1.0830222 1.0805297 1.0806398 1.0747365 1.0644033 1.0546132\n", + " 1.050788 0. 0. 0. 0. 0. 0. ]\n", + " [1.1757717 1.1725855 1.183214 1.1908487 1.1785854 1.1441827 1.1092955\n", + " 1.0866941 1.0753006 1.0722389 1.0711565 1.0661198 1.0570229 1.0485635\n", + " 1.0451535 1.0470661 1.0520899 1.0573474 1.0595697 0. 0. ]]\n", + "[[1.1653184 1.1606206 1.1701145 1.1785836 1.1670481 1.1345142 1.1023433\n", + " 1.0805708 1.0706924 1.068721 1.0681748 1.063839 1.0551631 1.0469253\n", + " 1.0432938 1.0447845 1.0499012 0. 0. 0. ]\n", + " [1.1827676 1.179735 1.1908303 1.2003857 1.187837 1.1514091 1.1147774\n", + " 1.0904553 1.0787289 1.0746604 1.0729201 1.0670048 1.0575713 1.0494207\n", + " 1.0459976 1.0477034 1.0535355 1.0590345 1.0615776 1.0625345]\n", + " [1.1658659 1.1595973 1.1671779 1.1748425 1.1647356 1.1348996 1.1033795\n", + " 1.0820885 1.0715972 1.0689397 1.0680622 1.0638151 1.0552596 1.0475932\n", + " 1.0440239 0. 0. 0. 0. 0. ]\n", + " [1.1691612 1.1637009 1.1720061 1.1802136 1.1688124 1.136981 1.1039132\n", + " 1.0817677 1.070548 1.0670961 1.0663741 1.0620267 1.0543021 1.0464895\n", + " 1.0432659 1.0447738 1.0495297 1.0544792 1.0572778 0. ]\n", + " [1.1832423 1.1793844 1.1892701 1.1999325 1.1874769 1.1526334 1.1159695\n", + " 1.092473 1.0810772 1.0784175 1.0786288 1.0735207 1.0642846 1.0551095\n", + " 1.0505456 1.0523503 0. 0. 0. 0. ]]\n", + "[[1.1649312 1.1595207 1.1685642 1.1756527 1.164896 1.1336114 1.1014541\n", + " 1.080061 1.0703224 1.0679904 1.0679395 1.0631623 1.0540487 1.0462097\n", + " 1.0427468 1.0448359 0. 0. 0. 0. 0. ]\n", + " [1.1845056 1.1793586 1.1897557 1.1989908 1.1861671 1.1506145 1.1143066\n", + " 1.0910256 1.0813144 1.0805163 1.0809187 1.0753125 1.0647395 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1999419 1.1954422 1.205553 1.2139632 1.1994253 1.1625369 1.1253717\n", + " 1.0999522 1.08713 1.0831523 1.0806838 1.0743061 1.0639647 1.0549352\n", + " 1.051264 1.0536596 1.0598546 1.0654026 1.0683513 0. 0. ]\n", + " [1.1715883 1.1679616 1.1779791 1.1857693 1.1740196 1.1425267 1.1093615\n", + " 1.0868418 1.0752304 1.070631 1.0685074 1.0625486 1.053475 1.045616\n", + " 1.0424967 1.0447646 1.0494561 1.0541553 1.0565672 1.0569239 1.0581199]\n", + " [1.1546971 1.1511956 1.1608984 1.1686579 1.1584458 1.1277102 1.0964267\n", + " 1.0755994 1.0668244 1.0650511 1.0646597 1.0595738 1.0510991 1.0433774\n", + " 1.0398142 1.0413238 1.0461938 0. 0. 0. 0. ]]\n", + "[[1.1639609 1.161341 1.1721411 1.1810957 1.1693438 1.1357557 1.1015762\n", + " 1.0794841 1.0690262 1.0670818 1.067031 1.0629153 1.0539958 1.0461395\n", + " 1.0426011 1.0442995 1.0493801 0. 0. 0. ]\n", + " [1.1751815 1.1705585 1.1815728 1.1913321 1.1797528 1.1464515 1.1117706\n", + " 1.0886741 1.0779341 1.0758065 1.0751913 1.0703511 1.0607532 1.0523854\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1765361 1.1737334 1.1848538 1.1948006 1.1823773 1.1470419 1.1112561\n", + " 1.087155 1.0750997 1.0718313 1.0698279 1.0645286 1.0553582 1.0476741\n", + " 1.0438715 1.045597 1.0506387 1.0556116 1.0581206 1.058941 ]\n", + " [1.1714009 1.1673696 1.1768293 1.1844878 1.1731997 1.1403091 1.1059691\n", + " 1.0845551 1.074335 1.0734082 1.0739031 1.0689796 1.0592803 1.0504345\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1814474 1.1779678 1.18856 1.198354 1.1855086 1.1511506 1.1148726\n", + " 1.0900288 1.0786206 1.0763127 1.0763363 1.0713044 1.0620422 1.0536891\n", + " 1.0494236 1.0512778 0. 0. 0. 0. ]]\n", + "[[1.1659983 1.1628174 1.1723855 1.1795713 1.1670763 1.1352348 1.102698\n", + " 1.0812666 1.0712584 1.069017 1.0681968 1.0630584 1.0544075 1.0462478\n", + " 1.0427634 1.0442716 1.0496882 0. 0. 0. ]\n", + " [1.1768057 1.174203 1.1857333 1.1948626 1.1824154 1.1482921 1.1126035\n", + " 1.0887864 1.0770077 1.073462 1.0711731 1.0653713 1.0557818 1.0473969\n", + " 1.0437241 1.0454013 1.0502869 1.0557423 1.0581636 1.0594198]\n", + " [1.1645453 1.1605759 1.1694869 1.1766962 1.1658146 1.1346366 1.1023839\n", + " 1.0801061 1.0700799 1.0667255 1.0650581 1.0605687 1.0525602 1.0452212\n", + " 1.0417209 1.0432782 1.0481049 1.0530326 0. 0. ]\n", + " [1.1562636 1.1530252 1.1629055 1.1713259 1.1597947 1.1298985 1.0982445\n", + " 1.076457 1.0661937 1.0628574 1.0616537 1.0576315 1.049923 1.0429182\n", + " 1.0396563 1.0410196 1.0451097 1.049453 1.0516505 0. ]\n", + " [1.1680206 1.1634482 1.1744484 1.1841047 1.172772 1.14072 1.1068487\n", + " 1.0840935 1.0742124 1.0724001 1.0726804 1.0676535 1.0582417 1.0494722\n", + " 1.0452707 0. 0. 0. 0. 0. ]]\n", + "[[1.1674162 1.1624774 1.1721151 1.1811464 1.1690571 1.1371229 1.1038488\n", + " 1.081926 1.0714135 1.0697433 1.0693573 1.06407 1.0551033 1.0466281\n", + " 1.0430516 1.0446824 1.0499552 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1765475 1.1734692 1.18422 1.193944 1.1816422 1.1479621 1.1128417\n", + " 1.0893428 1.0772744 1.0726689 1.0705757 1.0647066 1.0553093 1.0476447\n", + " 1.0440276 1.0460644 1.0511957 1.0556582 1.0578486 1.0587634 1.0601969\n", + " 0. 0. ]\n", + " [1.1612915 1.1594177 1.1704924 1.1797898 1.1679974 1.1367377 1.1040132\n", + " 1.0819947 1.0707239 1.0667382 1.0637598 1.0580941 1.0493459 1.0416677\n", + " 1.0390079 1.0408126 1.0458181 1.0501521 1.0526476 1.0537951 1.0550612\n", + " 1.0584822 1.0652068]\n", + " [1.1779418 1.1754959 1.1883577 1.199241 1.1872787 1.1513256 1.1138448\n", + " 1.0884925 1.0757775 1.0721596 1.0712193 1.0658709 1.0573494 1.0492285\n", + " 1.0451998 1.0463705 1.051447 1.0564212 1.0590045 1.0599551 0.\n", + " 0. 0. ]\n", + " [1.1615535 1.1581321 1.1681992 1.1764613 1.1651896 1.1338826 1.1008204\n", + " 1.0799599 1.0696139 1.0684237 1.0683393 1.0640672 1.0547202 1.0465842\n", + " 1.0432734 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1831474 1.1780643 1.1881082 1.1963282 1.1817164 1.1468383 1.1114937\n", + " 1.0883753 1.0788761 1.07743 1.0776438 1.0725515 1.0625665 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1839765 1.1803436 1.1911197 1.1994916 1.1874762 1.1525173 1.1163291\n", + " 1.0920798 1.080449 1.0778674 1.0764809 1.0713557 1.0615864 1.0525001\n", + " 1.0490667 1.050865 1.0562818 1.0616821]\n", + " [1.1710562 1.1681108 1.1787001 1.1870643 1.1748507 1.1411258 1.1061274\n", + " 1.0829467 1.071881 1.0694194 1.0688092 1.0644761 1.0551624 1.047414\n", + " 1.0439203 1.045595 1.0507916 1.0558821]\n", + " [1.17407 1.170124 1.1793088 1.1893064 1.1756887 1.1413202 1.1075397\n", + " 1.0847372 1.0746762 1.0726993 1.0737642 1.068766 1.059762 1.0517662\n", + " 1.0477664 0. 0. 0. ]\n", + " [1.1911203 1.1865437 1.197571 1.2060432 1.1936523 1.1569729 1.1196592\n", + " 1.0943954 1.0829334 1.0807836 1.0807945 1.0759436 1.0659773 1.0568372\n", + " 1.0527128 0. 0. 0. ]]\n", + "[[1.2094935 1.2038124 1.2145178 1.2228873 1.2089002 1.1703677 1.1295149\n", + " 1.1032586 1.090427 1.0883307 1.0889648 1.0838406 1.0731986 1.063323\n", + " 1.0585057 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.165797 1.1639489 1.1746528 1.1842672 1.1727711 1.1399584 1.1063942\n", + " 1.0842801 1.0730691 1.0690871 1.0669981 1.0611539 1.0520293 1.0446173\n", + " 1.0411998 1.0430644 1.0476089 1.0526155 1.0552479 1.0560927 1.0575289\n", + " 1.0614214 1.069023 ]\n", + " [1.1978137 1.1921301 1.2026774 1.2105309 1.1971235 1.161712 1.1233076\n", + " 1.0976256 1.0865487 1.0845975 1.0839549 1.0777736 1.0677087 1.0576385\n", + " 1.0531763 1.0556477 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1680818 1.1634437 1.1738336 1.1831893 1.1713276 1.1382613 1.1044416\n", + " 1.0825666 1.0723665 1.0712001 1.0715373 1.0670655 1.0577183 1.0488883\n", + " 1.0450436 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1859512 1.1834962 1.1952121 1.2050613 1.1929252 1.1581365 1.1219838\n", + " 1.0962021 1.0831379 1.0775667 1.0747128 1.0685 1.0591167 1.0507833\n", + " 1.0469356 1.0483254 1.0531778 1.058087 1.0608338 1.06193 1.0641246\n", + " 0. 0. ]]\n", + "[[1.1475344 1.144132 1.1517435 1.1590048 1.1478918 1.1204104 1.0918397\n", + " 1.071946 1.062109 1.0581481 1.0568166 1.0518191 1.0442473 1.0379515\n", + " 1.0350109 1.0365047 1.0401509 1.044615 1.0469731 1.0481815 1.0498742]\n", + " [1.1622853 1.1581433 1.169053 1.1780744 1.1672058 1.1350596 1.102729\n", + " 1.0809267 1.0697829 1.0664513 1.0644269 1.0584065 1.0496343 1.0422474\n", + " 1.0390502 1.0410271 1.0454557 1.0501299 1.0525687 1.0534158 1.0548152]\n", + " [1.1789548 1.17518 1.183697 1.1916535 1.1779381 1.1456486 1.1112827\n", + " 1.0879656 1.0769324 1.0741333 1.0724498 1.0677687 1.0584015 1.0502615\n", + " 1.0467898 1.0486571 1.0543004 0. 0. 0. 0. ]\n", + " [1.1762121 1.1707935 1.1806046 1.1892806 1.17683 1.1436976 1.1094741\n", + " 1.0875547 1.0780449 1.0766727 1.0774215 1.0723996 1.0623076 1.0529156\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1765928 1.1733247 1.1836858 1.1930228 1.1816863 1.1473739 1.1119139\n", + " 1.088082 1.0765164 1.0742598 1.0736594 1.0685345 1.0591344 1.0509808\n", + " 1.0470688 1.0489237 1.0544809 0. 0. 0. 0. ]]\n", + "[[1.1575143 1.154787 1.16523 1.1747422 1.1632619 1.1314002 1.0986453\n", + " 1.0767808 1.066528 1.0641261 1.0632317 1.0581084 1.0495875 1.0424163\n", + " 1.0389427 1.0409474 1.0459131 1.050653 1.0532622 0. 0.\n", + " 0. ]\n", + " [1.1727095 1.1687498 1.1783684 1.1862581 1.1732465 1.1382424 1.1040182\n", + " 1.0823816 1.0727842 1.0718217 1.0728263 1.0680617 1.0586293 1.0501947\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1862098 1.1821997 1.1919777 1.2011156 1.1890093 1.1537488 1.1174212\n", + " 1.0933564 1.0818385 1.0795252 1.0796785 1.0739223 1.0640334 1.0545516\n", + " 1.0502988 1.052495 1.0585074 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1609243 1.1586375 1.1690376 1.177449 1.1657232 1.134315 1.1023496\n", + " 1.0809004 1.0704049 1.0664179 1.0642503 1.0574862 1.0486789 1.0418276\n", + " 1.0388197 1.0409563 1.04528 1.0505102 1.0528977 1.0537999 1.0557203\n", + " 1.0595012]\n", + " [1.1877412 1.1837621 1.1953816 1.205601 1.1937244 1.1572794 1.1192174\n", + " 1.0937665 1.0814075 1.0783832 1.0783902 1.0733056 1.0630378 1.0540689\n", + " 1.0498354 1.0514743 1.0571591 1.0627763 0. 0. 0.\n", + " 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1573107 1.1521572 1.1593875 1.1666347 1.155563 1.1259261 1.0954669\n", + " 1.0754583 1.0658411 1.0635313 1.0637395 1.0601159 1.0525507 1.0449835\n", + " 1.0413142 1.0428661 0. 0. 0. 0. ]\n", + " [1.1893096 1.1819206 1.1911325 1.1997495 1.1878263 1.153211 1.1173401\n", + " 1.0934776 1.0827837 1.0808345 1.0812596 1.0759819 1.0659063 1.0563483\n", + " 1.0516098 1.0534185 0. 0. 0. 0. ]\n", + " [1.1854111 1.182809 1.1941929 1.2029284 1.1896199 1.1536626 1.1170485\n", + " 1.0922538 1.0799361 1.0758275 1.0739886 1.0680875 1.0587153 1.0505942\n", + " 1.0467542 1.0487946 1.0537937 1.0590746 1.0610867 1.0628241]\n", + " [1.1767824 1.175105 1.1871561 1.1964313 1.1824162 1.1474138 1.1123112\n", + " 1.0879979 1.0768003 1.0731542 1.0723314 1.0666697 1.0573106 1.0495098\n", + " 1.0454532 1.0473397 1.0524055 1.0573817 1.0599234 0. ]\n", + " [1.1737995 1.1726934 1.1845447 1.195358 1.1827604 1.1492275 1.1136094\n", + " 1.0887612 1.0768707 1.0732318 1.071571 1.0654296 1.0565321 1.0484068\n", + " 1.044751 1.0465167 1.05144 1.0565159 1.0589256 1.0596045]]\n", + "[[1.1852349 1.1800653 1.1896099 1.1962826 1.1835134 1.146468 1.1100997\n", + " 1.085947 1.0758485 1.0752314 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1903843 1.1859838 1.1954217 1.2047511 1.1919316 1.1567029 1.1200924\n", + " 1.0950438 1.0832362 1.0807222 1.0802194 1.0749762 1.0648062 1.0554919\n", + " 1.0513476 1.0530242 1.0592211 0. 0. 0. ]\n", + " [1.1672076 1.1651733 1.1754434 1.1848541 1.1724838 1.1397637 1.105811\n", + " 1.0830477 1.0719947 1.0683484 1.0673157 1.061697 1.0528015 1.0453697\n", + " 1.0420408 1.0428559 1.0478024 1.0525163 1.0554976 1.0568681]\n", + " [1.1736009 1.1665571 1.1761334 1.1847225 1.1737871 1.1419367 1.1084926\n", + " 1.0859301 1.0767921 1.0756712 1.0765302 1.0711428 1.0609912 1.051682\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1670223 1.162327 1.1727928 1.1811965 1.1710701 1.1389399 1.1048551\n", + " 1.0824952 1.0721751 1.0708165 1.0710633 1.0667167 1.0575764 1.0488762\n", + " 1.0448498 0. 0. 0. 0. 0. ]]\n", + "[[1.1884161 1.1827204 1.1931419 1.2017174 1.1897273 1.1548721 1.1184433\n", + " 1.0940399 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1697861 1.1669164 1.1786358 1.1872076 1.1763651 1.1427077 1.107635\n", + " 1.084632 1.0734015 1.0706505 1.0701421 1.0651481 1.0562974 1.0476146\n", + " 1.0439254 1.0453249 1.050265 1.0555481 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1609293 1.1580409 1.1684629 1.1782931 1.1675808 1.1370695 1.104583\n", + " 1.0828217 1.0714504 1.0671105 1.0646155 1.0586071 1.049826 1.0421245\n", + " 1.0393392 1.0410855 1.0459532 1.0506803 1.0532303 1.0541828 1.0550704\n", + " 1.0580226 1.0651369 1.0747718]\n", + " [1.1599808 1.1577631 1.1679972 1.1764396 1.1644671 1.1325021 1.0999678\n", + " 1.0777264 1.0673232 1.0641118 1.0634581 1.0587126 1.050634 1.0432217\n", + " 1.0400033 1.0415523 1.046182 1.0511203 1.0538822 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1555426 1.1535375 1.1635035 1.1710508 1.1595787 1.1280445 1.0960982\n", + " 1.0753372 1.0660243 1.0637603 1.0632238 1.0583005 1.050068 1.0424825\n", + " 1.039361 1.0408355 1.0456316 1.0504668 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.18318 1.1791797 1.1885786 1.19767 1.1849836 1.1495819 1.1137376\n", + " 1.0907035 1.0789512 1.075381 1.0742345 1.0687802 1.0599239 1.0509232\n", + " 1.0473864 1.0496311 1.0552953 1.0605577 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1609871 1.156272 1.164582 1.1726606 1.1606745 1.1303275 1.0990225\n", + " 1.078114 1.0681653 1.0656793 1.0649239 1.0607672 1.0527015 1.0453451\n", + " 1.0421138 1.0436181 1.0485977 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1583642 1.1542255 1.1621581 1.1696954 1.1575584 1.1272731 1.0960536\n", + " 1.0756977 1.065967 1.0641143 1.0644745 1.0605463 1.0530605 1.0454587\n", + " 1.0420392 1.0436306 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1557148 1.152336 1.1630822 1.172502 1.1619917 1.1317453 1.1002775\n", + " 1.0791855 1.0683959 1.0646412 1.0626665 1.0571201 1.0482582 1.0413141\n", + " 1.0384401 1.0401095 1.0450015 1.0495973 1.0524498 1.053717 1.0553076\n", + " 1.0587368 1.0658408]\n", + " [1.1649098 1.159786 1.169309 1.178698 1.1680137 1.136191 1.10311\n", + " 1.08181 1.0717449 1.0689161 1.0684305 1.0630069 1.0541857 1.0461227\n", + " 1.0424653 1.0442832 1.0495073 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1960053 1.1895328 1.1992722 1.2079597 1.1955105 1.1593874 1.1217306\n", + " 1.0963317 1.0847783 1.0817327 1.0820162 1.0765266 1.0662715 1.0565118\n", + " 1.0525358 1.055318 0. 0. 0. ]\n", + " [1.1855897 1.1799762 1.1888412 1.1972086 1.1839087 1.1492505 1.1148025\n", + " 1.09182 1.0813679 1.0796304 1.079573 1.074084 1.0637673 1.0549647\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.183928 1.1799681 1.1919507 1.202232 1.1903632 1.1543105 1.1160812\n", + " 1.0902014 1.079288 1.0769792 1.0763774 1.070987 1.060853 1.0516492\n", + " 1.0476806 1.048978 1.0548226 1.0606309 0. ]\n", + " [1.1603116 1.157253 1.1672258 1.1742541 1.16288 1.1310523 1.0985032\n", + " 1.0776767 1.0677563 1.0660461 1.0655576 1.0618178 1.0536997 1.0458521\n", + " 1.0427516 1.0441997 1.0491556 0. 0. ]\n", + " [1.1649944 1.1614938 1.1706594 1.178714 1.1667947 1.1354654 1.103321\n", + " 1.0812284 1.0701834 1.0663567 1.0651274 1.0600312 1.0515561 1.044116\n", + " 1.0407404 1.0421876 1.046456 1.0510398 1.0537746]]\n", + "[[1.1911856 1.1847645 1.1928458 1.2022966 1.1884187 1.1530198 1.1168052\n", + " 1.0939142 1.0841056 1.0831932 1.0835235 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.173433 1.1709019 1.1820043 1.1908841 1.1776611 1.144938 1.1099412\n", + " 1.0869182 1.075761 1.0725447 1.0708745 1.066056 1.0565641 1.0485286\n", + " 1.0449107 1.0465108 1.0516416 1.0569633]\n", + " [1.1773182 1.1745138 1.1850896 1.1927967 1.1799868 1.1456733 1.1103942\n", + " 1.0868158 1.0764984 1.0741061 1.074283 1.0690789 1.0593662 1.050838\n", + " 1.046776 1.0486546 1.0540866 0. ]\n", + " [1.1537865 1.1494939 1.1585296 1.1654485 1.1557431 1.1258099 1.0953133\n", + " 1.0745152 1.0650916 1.0642706 1.064932 1.0618355 1.0533646 1.0457383\n", + " 0. 0. 0. 0. ]\n", + " [1.1677614 1.1649762 1.1757044 1.184602 1.1730096 1.1390352 1.104438\n", + " 1.0821594 1.0713601 1.0688561 1.0681304 1.0638559 1.0552992 1.0475718\n", + " 1.0436349 1.0452821 1.0500935 1.0552119]]\n", + "[[1.1803542 1.1751738 1.1835899 1.1908096 1.1780645 1.1431757 1.1093864\n", + " 1.086905 1.0773371 1.0756233 1.0751405 1.0696639 1.0601043 1.0516802\n", + " 1.0479766 0. 0. 0. 0. 0. 0. ]\n", + " [1.1708429 1.168489 1.1785932 1.1865987 1.1742666 1.1386555 1.1049281\n", + " 1.0827856 1.0724239 1.0702391 1.0690904 1.063337 1.0544444 1.0461607\n", + " 1.0423925 1.0443175 1.0498456 1.0547055 1.0575635 0. 0. ]\n", + " [1.1882981 1.1827452 1.192769 1.2017516 1.1876826 1.1521677 1.1159532\n", + " 1.0918294 1.081327 1.0789326 1.0788352 1.0736842 1.0639682 1.0545357\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1678935 1.1648804 1.1737847 1.1800458 1.1681154 1.1358945 1.1026748\n", + " 1.0817373 1.071433 1.067887 1.0656662 1.0605016 1.0519136 1.0446395\n", + " 1.0413734 1.0431881 1.0482692 1.0528153 1.0548476 1.0555562 1.0572822]\n", + " [1.1793048 1.1765414 1.1872758 1.1964382 1.1832887 1.1495318 1.1137265\n", + " 1.0891185 1.0771681 1.0734079 1.0720859 1.0665925 1.0573937 1.0499486\n", + " 1.0461819 1.0481251 1.0529412 1.0579171 1.0606784 1.062187 0. ]]\n", + "[[1.1729002 1.1698656 1.1806649 1.1896893 1.1782562 1.1442115 1.1090283\n", + " 1.0862144 1.0746568 1.0706662 1.0686003 1.0628713 1.0542741 1.0467569\n", + " 1.0435163 1.0453521 1.0501999 1.0554221 1.058115 1.0590097 1.060863 ]\n", + " [1.16015 1.1549807 1.1636252 1.1716121 1.1613992 1.130784 1.0990623\n", + " 1.0780268 1.0679412 1.0655811 1.0647628 1.06041 1.052127 1.043993\n", + " 1.0408802 1.0427161 1.0479026 0. 0. 0. 0. ]\n", + " [1.1785668 1.1727822 1.1819361 1.1901498 1.1787357 1.1458977 1.1114218\n", + " 1.0877252 1.0766467 1.073986 1.0739053 1.0693127 1.0602859 1.0519633\n", + " 1.0480072 1.0501348 0. 0. 0. 0. 0. ]\n", + " [1.162236 1.1592498 1.1699337 1.1780704 1.1657486 1.133328 1.1000531\n", + " 1.0784098 1.0682913 1.0663888 1.0657437 1.0611588 1.0522808 1.0445226\n", + " 1.0408773 1.0427533 1.0473092 1.0523484 0. 0. 0. ]\n", + " [1.1663064 1.1616535 1.1710657 1.1801578 1.1687549 1.1365024 1.1028638\n", + " 1.0811496 1.070654 1.0691143 1.0696024 1.0652523 1.0571733 1.0490298\n", + " 1.0452213 1.0470122 0. 0. 0. 0. 0. ]]\n", + "[[1.1761497 1.1729863 1.1841618 1.193149 1.1808136 1.1462457 1.1100973\n", + " 1.0863326 1.0746981 1.0724251 1.0718759 1.066719 1.0578673 1.0496275\n", + " 1.0453708 1.0470531 1.0521955 1.0575832 0. 0. 0.\n", + " 0. ]\n", + " [1.1890996 1.1857785 1.196654 1.2063369 1.1945474 1.1605382 1.1244016\n", + " 1.0989988 1.0852835 1.0804323 1.0776585 1.0707867 1.0607672 1.0525137\n", + " 1.0489424 1.0509706 1.0567774 1.0615436 1.0644902 1.0657301 1.0670387\n", + " 1.0709301]\n", + " [1.1801249 1.1764511 1.1879992 1.1975963 1.1854079 1.1502706 1.1138874\n", + " 1.0896066 1.0780733 1.0757948 1.0751704 1.0696152 1.0604343 1.051846\n", + " 1.0475492 1.0496804 1.0550743 1.0603728 0. 0. 0.\n", + " 0. ]\n", + " [1.1901442 1.1871259 1.1971458 1.2049825 1.193206 1.1566014 1.1192135\n", + " 1.0936614 1.0807495 1.0762645 1.0737102 1.0688721 1.0594642 1.0511363\n", + " 1.0473558 1.0495241 1.0544534 1.0598531 1.0627123 1.0639222 0.\n", + " 0. ]\n", + " [1.1687653 1.1648289 1.174973 1.183048 1.1696495 1.136604 1.1037374\n", + " 1.0817351 1.0719957 1.071085 1.0715803 1.0663435 1.0572977 1.0488747\n", + " 1.0451864 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1756968 1.1722889 1.1830016 1.1911745 1.1791008 1.1446645 1.1086037\n", + " 1.0856788 1.074177 1.0710528 1.0700965 1.0653818 1.0566204 1.0489433\n", + " 1.045139 1.0467737 1.0518901 1.0568486 1.0594596 0. ]\n", + " [1.1856017 1.182665 1.1929897 1.2010621 1.1889141 1.1539862 1.1179785\n", + " 1.0932591 1.0807886 1.0762348 1.0749518 1.0694121 1.0599704 1.0507468\n", + " 1.0470262 1.0492715 1.0543962 1.0596529 1.0624634 0. ]\n", + " [1.156393 1.1525056 1.1613106 1.1692119 1.1578145 1.1271367 1.0972466\n", + " 1.0765923 1.0668055 1.06381 1.0643183 1.0604087 1.052054 1.0452182\n", + " 1.0416446 1.0434486 0. 0. 0. 0. ]\n", + " [1.1733868 1.1703714 1.1810409 1.1901938 1.1773986 1.1435915 1.1089246\n", + " 1.0855825 1.0745478 1.0713264 1.0697489 1.0634049 1.0544235 1.0465187\n", + " 1.0431646 1.0445783 1.0498245 1.0549264 1.0575029 1.0588646]\n", + " [1.1630121 1.158311 1.1680136 1.1771833 1.1656502 1.1334018 1.1007972\n", + " 1.0793589 1.0697551 1.068166 1.0680401 1.0638916 1.0544909 1.0465356\n", + " 1.0427872 1.0443958 0. 0. 0. 0. ]]\n", + "[[1.1606841 1.1576164 1.167803 1.1765907 1.165158 1.1332573 1.1003184\n", + " 1.0785272 1.0683926 1.0659713 1.0654877 1.0608627 1.0526481 1.0448323\n", + " 1.041444 1.0429881 1.0478582 1.0530766 0. ]\n", + " [1.1839315 1.1782881 1.1880183 1.1971369 1.1872748 1.1537176 1.1183656\n", + " 1.0938072 1.0814157 1.0773308 1.0757973 1.0707579 1.0611422 1.0527221\n", + " 1.0489125 1.050548 1.0557611 1.0611848 0. ]\n", + " [1.179625 1.1769017 1.1878328 1.1971068 1.1840335 1.1494945 1.1140717\n", + " 1.0901084 1.0789034 1.0752554 1.0738426 1.0677445 1.0577607 1.0494443\n", + " 1.0455327 1.047486 1.0529954 1.0581269 1.0604564]\n", + " [1.1982135 1.1933115 1.203103 1.2116574 1.19647 1.1614872 1.1249493\n", + " 1.1000557 1.0879657 1.0861925 1.085776 1.0802699 1.0690145 1.0598872\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1886811 1.1827078 1.1925616 1.2006428 1.1864249 1.1508352 1.1157554\n", + " 1.093004 1.082479 1.080057 1.0802767 1.0744203 1.063874 1.054939\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1826074 1.1778934 1.187527 1.1961156 1.1819206 1.1466297 1.1107345\n", + " 1.0871656 1.0770684 1.0755404 1.0766141 1.072194 1.062595 1.0536993\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.165775 1.162231 1.1723585 1.1807693 1.1703773 1.138366 1.1047615\n", + " 1.0822606 1.0715525 1.0698156 1.0697925 1.0650897 1.0567373 1.048732\n", + " 1.0451314 1.0469323 0. 0. 0. 0. 0. ]\n", + " [1.2023085 1.1967075 1.206156 1.2149184 1.2006364 1.1627352 1.1256816\n", + " 1.1014433 1.0901096 1.0875937 1.0875039 1.0813874 1.069802 1.0598397\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1794863 1.1708806 1.179723 1.18756 1.1777105 1.1456485 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1913354 1.1874847 1.1974151 1.2053465 1.1942737 1.1599255 1.1231873\n", + " 1.0968692 1.0837964 1.0789064 1.0761523 1.0696738 1.0597658 1.0515534\n", + " 1.0479304 1.0500413 1.0559535 1.0610049 1.0633582 1.0642161 1.0658021]]\n", + "[[1.1724101 1.170089 1.1801479 1.1899751 1.1776526 1.1435387 1.1095694\n", + " 1.0866137 1.0752934 1.072324 1.0713224 1.0655212 1.0563396 1.0477844\n", + " 1.0441344 1.0461571 1.0511416 1.05638 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1578529 1.1554728 1.1648335 1.1725303 1.1590073 1.1286904 1.0968099\n", + " 1.0761352 1.0664145 1.0637656 1.062482 1.0577638 1.0492537 1.0420109\n", + " 1.0388306 1.0404614 1.0449202 1.0497717 1.0520023 0. 0.\n", + " 0. 0. ]\n", + " [1.1605723 1.157499 1.1668684 1.1758182 1.1644936 1.1324079 1.0995452\n", + " 1.0783029 1.0677499 1.0641178 1.0616885 1.0560575 1.0476738 1.0409749\n", + " 1.038208 1.0401628 1.0454535 1.0506632 1.0526698 1.0535433 1.055154\n", + " 1.0583222 1.0652192]\n", + " [1.1576582 1.1517929 1.1595638 1.1669263 1.1560597 1.1260941 1.0950993\n", + " 1.0746639 1.0654267 1.0630198 1.0631309 1.0596206 1.0517434 1.044575\n", + " 1.0408728 1.0425361 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1808366 1.1754943 1.1852462 1.1944416 1.1831019 1.1488216 1.1133932\n", + " 1.0902872 1.0795177 1.0776565 1.0772493 1.07177 1.0617231 1.052646\n", + " 1.0484304 1.0504853 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1609207 1.1562228 1.1656004 1.1737093 1.1624534 1.1314653 1.099783\n", + " 1.0786477 1.0689423 1.0663168 1.066284 1.0614569 1.0529158 1.0449367\n", + " 1.0413599 1.0430362 1.0483137 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1764857 1.1733774 1.1842961 1.1922033 1.1783086 1.144254 1.1096721\n", + " 1.0860853 1.0748771 1.0712768 1.0700457 1.0648206 1.0557619 1.0477694\n", + " 1.0442171 1.0460569 1.0514731 1.0562426 1.0587546 0. 0.\n", + " 0. ]\n", + " [1.2062281 1.2005513 1.2104559 1.2205347 1.2070358 1.1714523 1.1318754\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1679956 1.1661886 1.1785628 1.1872456 1.176209 1.1427448 1.1077971\n", + " 1.0844057 1.0726085 1.0690544 1.0670689 1.0609634 1.0517013 1.0446084\n", + " 1.0415624 1.0433155 1.0483615 1.0531753 1.0559189 1.0571758 1.058708\n", + " 1.0624458]\n", + " [1.1558373 1.1526364 1.1629617 1.1712554 1.1598098 1.1294253 1.0971463\n", + " 1.0760708 1.0662122 1.0644147 1.0650537 1.0610104 1.05279 1.0453154\n", + " 1.0417281 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1744388 1.1724923 1.1841092 1.1933596 1.1823324 1.147946 1.1129639\n", + " 1.0889846 1.0768671 1.0732628 1.0709016 1.0655679 1.0563955 1.0481291\n", + " 1.0445 1.0459851 1.0513046 1.0562462 1.0588405 1.0599436]\n", + " [1.1777198 1.1729943 1.182702 1.1913517 1.1787992 1.1441493 1.1101321\n", + " 1.0868804 1.0764129 1.0740404 1.0734624 1.0684475 1.0585535 1.0498512\n", + " 1.0460405 1.0481318 1.0537262 0. 0. 0. ]\n", + " [1.1850626 1.1804965 1.1906548 1.2000859 1.187421 1.1522791 1.1156893\n", + " 1.0902381 1.0787325 1.0756997 1.0748007 1.0697712 1.060064 1.0515383\n", + " 1.0477006 1.0494666 1.0552479 1.0605878 0. 0. ]\n", + " [1.1731427 1.1695309 1.1810201 1.1896152 1.1774135 1.1428137 1.1076002\n", + " 1.0851771 1.0751854 1.0744457 1.075377 1.070627 1.0607997 1.0518111\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1552274 1.1497374 1.1573609 1.1643522 1.1536746 1.1245314 1.0944397\n", + " 1.0746475 1.0653445 1.0639839 1.0641996 1.0602577 1.0521799 1.0445412\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1722565 1.1687411 1.1802022 1.1891357 1.1778817 1.1446846 1.1099693\n", + " 1.0864155 1.0744517 1.0708159 1.0687612 1.0634696 1.0542747 1.046147\n", + " 1.0426178 1.0438418 1.0489244 1.0538086 1.0558484 1.0563947 0.\n", + " 0. ]\n", + " [1.1664659 1.1636462 1.173573 1.1821704 1.1709888 1.1386588 1.1059906\n", + " 1.0842288 1.072695 1.0684805 1.0663594 1.0603348 1.0512439 1.044031\n", + " 1.0408158 1.0431488 1.047652 1.0523576 1.0546542 1.0551901 1.0560927\n", + " 1.0597355]\n", + " [1.1742417 1.1701593 1.1805602 1.188852 1.1747465 1.1405907 1.1066089\n", + " 1.0838449 1.0748124 1.073923 1.0753849 1.0707151 1.0608776 1.0519586\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1761523 1.1721493 1.1822939 1.19091 1.1773348 1.1427817 1.108609\n", + " 1.0860006 1.0748886 1.071805 1.0716476 1.066447 1.0571882 1.0484896\n", + " 1.0449388 1.0467035 1.0520583 1.0568225 0. 0. 0.\n", + " 0. ]\n", + " [1.1759118 1.1693658 1.1778824 1.1871134 1.174564 1.1414151 1.1066982\n", + " 1.0843548 1.0738988 1.0722928 1.0724053 1.0681449 1.0590383 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1795582 1.1760044 1.1855576 1.1951287 1.1834525 1.1495456 1.1130692\n", + " 1.0900451 1.0787879 1.0764322 1.0756935 1.0708116 1.0618069 1.0526685\n", + " 1.0487404 1.0507642 0. 0. ]\n", + " [1.180002 1.1739691 1.1829039 1.1910644 1.1790812 1.145355 1.1113763\n", + " 1.0899695 1.0812358 1.0801635 1.0801895 1.0744509 1.0632459 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.166332 1.1635475 1.1750181 1.1834905 1.1727407 1.1390896 1.10459\n", + " 1.0823823 1.0720086 1.0710875 1.0713662 1.0667293 1.057797 1.0492922\n", + " 0. 0. 0. 0. ]\n", + " [1.1466135 1.1429114 1.1516805 1.1591421 1.1484964 1.1200048 1.0904566\n", + " 1.07084 1.061592 1.0593146 1.0590233 1.0547194 1.0475888 1.0407768\n", + " 1.03784 1.0392733 1.0435654 0. ]\n", + " [1.1854819 1.1820537 1.1921759 1.2000389 1.1879915 1.1535344 1.1176996\n", + " 1.0926783 1.0810285 1.0778801 1.0764016 1.071017 1.0613284 1.0520672\n", + " 1.0486836 1.0507697 1.056391 1.0620329]]\n", + "[[1.1676632 1.1661834 1.1773088 1.1864917 1.1731743 1.1389918 1.1048529\n", + " 1.0826343 1.0722854 1.0693018 1.0683492 1.0627376 1.0529008 1.0453557\n", + " 1.041885 1.0435039 1.0486728 1.0538707 1.0563971]\n", + " [1.1924224 1.1870519 1.1964512 1.2047867 1.1921932 1.157277 1.1201845\n", + " 1.0967578 1.0850664 1.0826651 1.0822451 1.0767077 1.0665201 1.0572417\n", + " 1.0533419 0. 0. 0. 0. ]\n", + " [1.1819817 1.1787401 1.1896476 1.1995218 1.1871492 1.1514351 1.1148107\n", + " 1.0899249 1.0783832 1.0760193 1.075986 1.0711715 1.061903 1.0529829\n", + " 1.0490537 1.0505903 1.0563893 0. 0. ]\n", + " [1.1703928 1.1651965 1.1745863 1.1838421 1.173157 1.1411906 1.1070286\n", + " 1.0841131 1.0734495 1.0714549 1.0717564 1.0668557 1.0578583 1.0495148\n", + " 1.0456342 0. 0. 0. 0. ]\n", + " [1.1685662 1.1646419 1.174263 1.1825882 1.1722057 1.1399478 1.1057234\n", + " 1.0830741 1.0727873 1.0707182 1.0706346 1.0661285 1.0575519 1.0496156\n", + " 1.0456681 1.0473735 0. 0. 0. ]]\n", + "[[1.1858646 1.181595 1.1925371 1.201701 1.1877325 1.1514053 1.1149782\n", + " 1.0914797 1.0819703 1.0803587 1.0815637 1.0758555 1.0648794 1.0553153\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1696409 1.1654861 1.1752023 1.1838609 1.1716695 1.1391679 1.1055033\n", + " 1.0833595 1.0723464 1.0703448 1.0705539 1.0658203 1.0574381 1.049047\n", + " 1.0453134 1.0470539 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1591392 1.1574204 1.1690195 1.1796633 1.1683027 1.1365782 1.1031232\n", + " 1.0812471 1.0705684 1.06671 1.0645134 1.0585723 1.0497476 1.0420103\n", + " 1.0388315 1.040962 1.0456376 1.0505606 1.0530716 1.0538106 1.055247\n", + " 1.0584531 1.0655528 1.0749218]\n", + " [1.182312 1.1802427 1.1922262 1.2029113 1.192086 1.156906 1.1190785\n", + " 1.0939099 1.0806301 1.0760908 1.0737008 1.0673139 1.0577643 1.0496342\n", + " 1.0463043 1.0481699 1.0534469 1.0590087 1.061286 1.0620993 1.0630362\n", + " 1.0669069 0. 0. ]\n", + " [1.1697972 1.1668158 1.178101 1.1876743 1.1758381 1.1433481 1.1093512\n", + " 1.0863636 1.0747522 1.0706918 1.0685319 1.0624729 1.0538123 1.0462692\n", + " 1.0429646 1.044255 1.0489842 1.0536633 1.0556791 1.0567181 1.0583404\n", + " 0. 0. 0. ]]\n", + "[[1.1731328 1.1698604 1.1819277 1.1911964 1.1797725 1.1441712 1.108464\n", + " 1.0855078 1.0746576 1.0740285 1.0742102 1.0693862 1.0596855 1.0506417\n", + " 1.0467387 0. 0. 0. 0. 0. ]\n", + " [1.2050315 1.1997777 1.2108135 1.2195263 1.2054648 1.1663231 1.1257752\n", + " 1.0992447 1.0875015 1.0868635 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1872606 1.1842747 1.1953183 1.2028766 1.1905448 1.1552949 1.1185842\n", + " 1.0939909 1.081646 1.0770627 1.0755455 1.0693097 1.0594031 1.0509046\n", + " 1.0472924 1.0492202 1.0548347 1.0602236 1.0625861 1.0633248]\n", + " [1.1856502 1.1813098 1.1905572 1.1994246 1.1859323 1.1506579 1.1142693\n", + " 1.0912285 1.0798144 1.0770494 1.0763999 1.071221 1.0615392 1.0527854\n", + " 1.0490152 1.051242 1.0571065 0. 0. 0. ]\n", + " [1.1845193 1.1810582 1.1905082 1.1999639 1.1872785 1.1522841 1.115774\n", + " 1.0915276 1.0795606 1.0763235 1.0742122 1.0682905 1.0592155 1.0513054\n", + " 1.0474026 1.0498717 1.0550154 1.0602508 1.0624921 0. ]]\n", + "[[1.1636673 1.1603023 1.1703087 1.1796833 1.1685532 1.1368601 1.1034678\n", + " 1.0809494 1.0705239 1.067873 1.0674016 1.0635208 1.0551239 1.0473107\n", + " 1.0438336 1.0449535 1.0498805 0. 0. 0. 0. ]\n", + " [1.1724372 1.1704022 1.1820531 1.1912879 1.1795851 1.1452814 1.1096826\n", + " 1.0856491 1.0741916 1.0708797 1.0697491 1.0643302 1.0552356 1.0473146\n", + " 1.0435357 1.0449482 1.0500879 1.0549968 1.0577911 0. 0. ]\n", + " [1.169284 1.1654752 1.1767753 1.1860304 1.1741779 1.1392623 1.1041553\n", + " 1.0811543 1.0720351 1.0713656 1.0719752 1.0675095 1.0578306 1.0488595\n", + " 1.0448503 0. 0. 0. 0. 0. 0. ]\n", + " [1.1751331 1.173867 1.1861517 1.195501 1.1827022 1.148467 1.112777\n", + " 1.0889697 1.07703 1.0728539 1.0708258 1.064153 1.0553137 1.0473466\n", + " 1.0442631 1.0458488 1.051112 1.0559703 1.058161 1.059182 1.0603412]\n", + " [1.1836879 1.1777539 1.186664 1.1945081 1.1816616 1.1468902 1.1111301\n", + " 1.0877072 1.0769888 1.0745357 1.0747166 1.0703756 1.0610367 1.052272\n", + " 1.0482831 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2056316 1.1995455 1.2090743 1.2174863 1.2044672 1.167579 1.1289893\n", + " 1.1028802 1.0909144 1.0872912 1.0855808 1.078912 1.0678352 1.0586349\n", + " 1.054812 1.0573735 1.0643612 0. ]\n", + " [1.1486856 1.1448125 1.1527324 1.1595373 1.1489704 1.1194556 1.0902133\n", + " 1.071387 1.0629046 1.0607646 1.0607285 1.0561782 1.0484608 1.0415084\n", + " 1.0382483 1.0399418 0. 0. ]\n", + " [1.1735339 1.1690514 1.1792576 1.1881156 1.1757741 1.1426811 1.1083201\n", + " 1.085195 1.0747225 1.0725801 1.0724629 1.0674012 1.0579438 1.0493405\n", + " 1.0450737 1.0470295 1.0525284 0. ]\n", + " [1.175613 1.1717728 1.1822487 1.1918101 1.1787671 1.1463908 1.1122651\n", + " 1.0889117 1.0771651 1.073479 1.0714991 1.0660231 1.0572034 1.0494175\n", + " 1.0455614 1.0478845 1.0528027 1.0582792]\n", + " [1.1890719 1.183177 1.1935043 1.2016299 1.1879557 1.1526998 1.1168222\n", + " 1.0937828 1.0834434 1.0824112 1.081828 1.0763938 1.0651917 1.0555944\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1754509 1.1677579 1.1767658 1.1859312 1.174463 1.1421471 1.107702\n", + " 1.0851102 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1734674 1.1697652 1.1807959 1.189225 1.1749425 1.1425784 1.1071329\n", + " 1.083763 1.0733491 1.0728538 1.0731775 1.0700644 1.0606512 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1681058 1.1654141 1.1766217 1.1852812 1.1729993 1.13943 1.1051282\n", + " 1.0821161 1.071597 1.068626 1.0671064 1.0620222 1.0530015 1.0451092\n", + " 1.0416447 1.0433183 1.0484655 1.0534437 1.0560179]\n", + " [1.1973392 1.1921095 1.2021599 1.2112987 1.1951691 1.1566422 1.1181041\n", + " 1.0930061 1.0821179 1.0813305 1.0820132 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1720867 1.1689768 1.1797024 1.1888098 1.1778177 1.1429687 1.1070783\n", + " 1.083567 1.0726719 1.0704173 1.070267 1.0663527 1.0582263 1.0497808\n", + " 1.0458959 1.0476687 1.0531251 0. 0. ]]\n", + "[[1.1730492 1.1697332 1.1788042 1.1875275 1.1758109 1.1421578 1.1079367\n", + " 1.0858773 1.0747216 1.0728709 1.0721517 1.067537 1.0574352 1.0493227\n", + " 1.0455475 1.0475509 1.0532521 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1586143 1.1541111 1.163933 1.1749177 1.1674674 1.1387502 1.1069529\n", + " 1.0858513 1.0745472 1.07079 1.0682124 1.0615698 1.0513359 1.0438739\n", + " 1.0410838 1.0438356 1.0494984 1.0547674 1.0566881 1.0566789 1.0570296\n", + " 1.059429 1.0664924 1.0752245 1.0835179 1.0889144 1.0904216 1.0872293\n", + " 1.0794204 1.0698036 1.0612814 1.055936 1.0534291]\n", + " [1.1589496 1.1555547 1.1653271 1.1738447 1.1633372 1.1320921 1.1006818\n", + " 1.0797275 1.0692872 1.0655304 1.0630336 1.0576282 1.0489545 1.0415938\n", + " 1.0387087 1.0400852 1.0445154 1.0490048 1.051159 1.0516471 1.0529531\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1725335 1.1672336 1.1782538 1.1875587 1.175031 1.1405954 1.1063516\n", + " 1.0844809 1.0751408 1.0738294 1.0746706 1.0697939 1.0606674 1.0515809\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1571217 1.1538205 1.1639093 1.1724819 1.162054 1.1312894 1.0984558\n", + " 1.0770274 1.0667182 1.0643963 1.0634336 1.0581969 1.0494789 1.0420977\n", + " 1.0387664 1.0401107 1.0448556 1.0499346 1.0523629 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1704398 1.1670341 1.1763464 1.1847278 1.1723088 1.1400516 1.1062999\n", + " 1.0837976 1.0718681 1.0682087 1.0656192 1.060728 1.0523208 1.0454347\n", + " 1.0418445 1.0436736 1.0479491 1.0525159 1.0550808 1.0565469 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1760926 1.1719875 1.182298 1.1909426 1.1782439 1.1442465 1.1093692\n", + " 1.0862702 1.0754575 1.0725142 1.0716476 1.0667002 1.0578407 1.0497575\n", + " 1.0464661 1.048266 1.0534779 1.0588268 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1599932 1.1545789 1.1640117 1.1748425 1.1680508 1.1401324 1.10988\n", + " 1.0881836 1.0765784 1.0719392 1.068462 1.0618303 1.0519055 1.0438635\n", + " 1.0415608 1.0440049 1.0498059 1.055618 1.0580989 1.0577208 1.0579637\n", + " 1.0605665 1.0670757 1.0771072 1.0851437 1.0902511 1.0920013 1.0885496\n", + " 1.0801504 1.0703155 1.0621262 1.0566479 1.0545926 1.0546421]\n", + " [1.1737491 1.1715164 1.1826587 1.1929337 1.1811299 1.1474756 1.1121122\n", + " 1.0881113 1.0762187 1.0718607 1.070341 1.0640168 1.0551217 1.0470724\n", + " 1.0435783 1.0448498 1.0500548 1.0552075 1.0575676 1.0583346 1.0598903\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1725887 1.1680201 1.1784815 1.1875796 1.175462 1.1421583 1.1078787\n", + " 1.0851043 1.0738996 1.0707937 1.0695337 1.0641106 1.0553775 1.0475656\n", + " 1.0442703 1.0459572 1.0512178 1.0561067 1.0583453 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2093921 1.2051227 1.2177359 1.2281989 1.2146804 1.1768987 1.1364675\n", + " 1.1086906 1.0944211 1.0900095 1.0878115 1.0805407 1.0698475 1.0600965\n", + " 1.0555292 1.0575207 1.0636928 1.0700227 1.0728902 1.0739264 0. ]\n", + " [1.1847914 1.1822636 1.1930531 1.2023494 1.1895878 1.154599 1.1180763\n", + " 1.0934434 1.0810337 1.0771693 1.0748054 1.069012 1.059424 1.0511576\n", + " 1.0472524 1.049382 1.0549839 1.0598239 1.062658 1.0632629 0. ]\n", + " [1.161173 1.1586455 1.1688142 1.1771123 1.1657407 1.1334037 1.1002642\n", + " 1.0786921 1.0682261 1.0663129 1.065653 1.0610489 1.0530243 1.0449739\n", + " 1.0418135 1.0432321 1.047898 1.0522369 0. 0. 0. ]\n", + " [1.1680201 1.1640357 1.1736382 1.1813995 1.168574 1.1346205 1.1007991\n", + " 1.0798128 1.0704944 1.0692348 1.0690333 1.0643938 1.0552707 1.0469444\n", + " 1.0435746 1.0456947 0. 0. 0. 0. 0. ]\n", + " [1.1911342 1.1875459 1.1986046 1.2087756 1.1956581 1.1596698 1.1211598\n", + " 1.0957347 1.0827007 1.0785408 1.0762156 1.0690998 1.0586134 1.050637\n", + " 1.0471377 1.0495646 1.055205 1.060944 1.0637362 1.0641817 1.0659848]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1779921 1.1734974 1.1842277 1.1947243 1.1829319 1.1483067 1.1121308\n", + " 1.0884464 1.0771393 1.07464 1.0737164 1.0680144 1.0583384 1.0491295\n", + " 1.0448704 1.0461515 1.0516562 1.0569794 1.0599337]\n", + " [1.1709096 1.167167 1.1774135 1.1863611 1.1735327 1.1409243 1.1070955\n", + " 1.0839717 1.0739182 1.0713627 1.0706322 1.0658126 1.057145 1.0493165\n", + " 1.0456443 1.0477458 0. 0. 0. ]\n", + " [1.1709367 1.1661093 1.1747984 1.1819656 1.170184 1.1388459 1.105716\n", + " 1.083441 1.0725443 1.0691932 1.0669043 1.0614536 1.0524971 1.0453479\n", + " 1.0416664 1.0433685 1.0483277 1.0530815 1.0559167]\n", + " [1.1785706 1.1740246 1.1850233 1.1941273 1.1818488 1.1471186 1.1120367\n", + " 1.0882784 1.0780277 1.0755634 1.076015 1.0706229 1.0604417 1.0508316\n", + " 1.0466498 1.0486226 0. 0. 0. ]\n", + " [1.1808742 1.1761035 1.1863606 1.1952187 1.1843272 1.1502687 1.1149886\n", + " 1.0918442 1.0806437 1.0789919 1.0785017 1.0729846 1.0628198 1.0535527\n", + " 1.0494189 1.051612 0. 0. 0. ]]\n", + "[[1.1746749 1.1698147 1.1808186 1.1900607 1.1797156 1.1473627 1.112423\n", + " 1.088767 1.0769575 1.0727676 1.0708609 1.0650665 1.0550861 1.046799\n", + " 1.0435324 1.0453292 1.0507832 1.0559168 1.057901 1.0583107]\n", + " [1.1722379 1.1697314 1.1796263 1.1884778 1.1772362 1.1441556 1.1093687\n", + " 1.0858903 1.0738981 1.0702146 1.0691764 1.063793 1.0554392 1.0472704\n", + " 1.0439745 1.0456508 1.0507619 1.0557367 1.0586014 0. ]\n", + " [1.2044706 1.1991919 1.2093159 1.2170645 1.2023174 1.1644931 1.1257\n", + " 1.0993301 1.0877053 1.0864863 1.0863822 1.082117 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1671606 1.1643162 1.1744281 1.1827202 1.1695123 1.1362834 1.1028222\n", + " 1.0806116 1.0696082 1.0665071 1.0653816 1.060303 1.0517284 1.0445564\n", + " 1.0414802 1.0433577 1.0474503 1.0521755 1.0545012 1.0556244]\n", + " [1.1793562 1.1761432 1.1864306 1.1951468 1.1822599 1.149048 1.1142492\n", + " 1.0907437 1.0781887 1.074328 1.0726595 1.0662917 1.0570279 1.0491564\n", + " 1.045805 1.0474719 1.0530432 1.0576965 1.0603629 1.0610197]]\n", + "[[1.184158 1.1781758 1.1884936 1.1976141 1.1843212 1.1500137 1.1148738\n", + " 1.0922163 1.08231 1.0804033 1.0810184 1.0756749 1.0648408 1.0551183\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1638297 1.1607468 1.1713109 1.1811782 1.1696484 1.1378343 1.1042087\n", + " 1.0814161 1.0696414 1.066288 1.0644287 1.0594096 1.0511196 1.044008\n", + " 1.0407758 1.0424731 1.0471663 1.0518825 1.0540992 1.054774 1.0561494\n", + " 1.0591742]\n", + " [1.1648612 1.1619906 1.1733649 1.1825061 1.1704849 1.1371868 1.1036997\n", + " 1.0819325 1.0706006 1.0673945 1.0651288 1.0596805 1.0513918 1.0441341\n", + " 1.0412664 1.043015 1.0479246 1.0532348 1.0556898 1.0563453 1.0578433\n", + " 1.061439 ]\n", + " [1.1715975 1.1687587 1.1795225 1.189336 1.1775639 1.1449976 1.1105382\n", + " 1.0863714 1.0749855 1.071083 1.0688763 1.0633987 1.054261 1.0464364\n", + " 1.0427902 1.0439699 1.0490184 1.0540621 1.0568243 1.0580884 0.\n", + " 0. ]\n", + " [1.1995296 1.1941752 1.2061741 1.215047 1.2004826 1.1618258 1.1229355\n", + " 1.0972923 1.0861514 1.0853307 1.0859736 1.0805691 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1759541 1.1725945 1.183106 1.1916963 1.1797924 1.1453536 1.109406\n", + " 1.085404 1.07366 1.0699701 1.0692499 1.0640566 1.0554894 1.0475798\n", + " 1.0440431 1.045595 1.0502526 1.0550091 1.0573053 0. 0.\n", + " 0. ]\n", + " [1.186326 1.1821657 1.1933516 1.2009587 1.1858435 1.1499566 1.1135803\n", + " 1.0901377 1.0804783 1.0791551 1.079753 1.0742835 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.178594 1.1760085 1.1865643 1.1951934 1.1833683 1.1496285 1.1148459\n", + " 1.0899794 1.0773935 1.0730604 1.0702941 1.064335 1.0554119 1.0476168\n", + " 1.0446851 1.0462875 1.0518829 1.0565976 1.0590762 1.0601028 1.0617617\n", + " 1.0654798]\n", + " [1.1898122 1.1848652 1.1945271 1.2031782 1.1894097 1.1554114 1.1191869\n", + " 1.0951908 1.083683 1.0819776 1.0818896 1.0758963 1.0660257 1.0564638\n", + " 1.0526626 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1878849 1.1842283 1.1947407 1.2027149 1.1910312 1.1562943 1.1201141\n", + " 1.0941218 1.0814884 1.0767592 1.0730784 1.0668113 1.0571918 1.0495818\n", + " 1.0460486 1.048518 1.0541245 1.0590208 1.061449 1.062623 1.0643737\n", + " 0. ]]\n", + "[[1.1640917 1.160427 1.1704601 1.1790648 1.1673421 1.1351665 1.1023004\n", + " 1.080621 1.0695662 1.0664129 1.0656165 1.0604602 1.0519636 1.0442814\n", + " 1.0410101 1.0426419 1.04745 1.0524858 1.0553017]\n", + " [1.153835 1.148736 1.1561718 1.1634846 1.152676 1.1234958 1.093423\n", + " 1.0735842 1.063928 1.0618126 1.0616791 1.0580398 1.0501585 1.0430497\n", + " 1.0398082 1.0411856 1.0459566 0. 0. ]\n", + " [1.1647118 1.161028 1.1704483 1.1774607 1.1646252 1.132767 1.100606\n", + " 1.0790894 1.069821 1.067416 1.0670577 1.0625877 1.053825 1.0459722\n", + " 1.0424476 1.0441225 1.0492246 0. 0. ]\n", + " [1.1792736 1.176436 1.1880305 1.1979423 1.184725 1.1500375 1.1139166\n", + " 1.0896103 1.0780165 1.0750961 1.0736365 1.0672047 1.057598 1.0489628\n", + " 1.044809 1.0466409 1.0517697 1.0571144 1.059619 ]\n", + " [1.1626927 1.1591284 1.1694509 1.1792861 1.1672837 1.1340884 1.100227\n", + " 1.0785695 1.0687616 1.067406 1.0674018 1.0629693 1.0545275 1.0465466\n", + " 1.0426099 1.0445548 0. 0. 0. ]]\n", + "[[1.1870171 1.1811916 1.1917355 1.1997358 1.1864654 1.1516666 1.1161048\n", + " 1.0918443 1.0797317 1.0762839 1.075046 1.0697054 1.0599773 1.0518811\n", + " 1.0482227 1.0507807 1.0562986 1.0616069 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1815404 1.1800148 1.191735 1.2020227 1.1896882 1.1548947 1.1183591\n", + " 1.093111 1.0800864 1.0755419 1.0732418 1.0670445 1.0578048 1.0487399\n", + " 1.0454147 1.0475291 1.0527695 1.0577163 1.0599962 1.060817 1.0620307\n", + " 0. 0. 0. 0. ]\n", + " [1.1397834 1.1375852 1.1471374 1.155835 1.1463052 1.1173494 1.0883962\n", + " 1.0689806 1.0595868 1.0565052 1.0549374 1.0498133 1.0422084 1.035784\n", + " 1.0331243 1.0347724 1.0391129 1.043429 1.0456997 1.0465776 1.0479156\n", + " 1.0507689 1.0562752 1.0648768 1.0712863]\n", + " [1.1833732 1.1772557 1.1865877 1.1943843 1.182081 1.1478051 1.1126089\n", + " 1.0893214 1.0781937 1.0754694 1.0753045 1.0705836 1.0613806 1.0528004\n", + " 1.0491524 1.0512451 1.0572265 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.169231 1.1666226 1.1777328 1.1862628 1.1756461 1.1434932 1.1089666\n", + " 1.0847796 1.0732232 1.069185 1.0670247 1.0610533 1.0526567 1.0448278\n", + " 1.0421605 1.0440613 1.0490971 1.0538088 1.0564921 1.0572385 1.0585282\n", + " 1.0614065 1.0685787 0. 0. ]]\n", + "[[1.1791941 1.1749648 1.1851811 1.1940138 1.1818283 1.1465429 1.1102813\n", + " 1.0859791 1.0747808 1.0734944 1.0739273 1.0693337 1.0601208 1.0519204\n", + " 1.0479318 1.0497869 0. 0. ]\n", + " [1.157093 1.1530695 1.1617413 1.1684947 1.1564645 1.1249675 1.0936337\n", + " 1.0733588 1.0642102 1.0621445 1.0624751 1.0580461 1.0501527 1.0431341\n", + " 1.0401016 1.0420632 1.0469862 0. ]\n", + " [1.1584758 1.155593 1.1653692 1.173837 1.1626682 1.1312901 1.0990081\n", + " 1.077992 1.0680336 1.0657756 1.0650386 1.0607607 1.0522251 1.0449758\n", + " 1.0416061 1.0432578 1.0482206 0. ]\n", + " [1.1614687 1.1590434 1.1700188 1.178787 1.1659138 1.1334983 1.1009824\n", + " 1.0788977 1.0685178 1.0662106 1.0657842 1.0605849 1.0524343 1.0446695\n", + " 1.0418164 1.0433061 1.0482293 1.0528846]\n", + " [1.171929 1.1682545 1.1790903 1.1889538 1.1767223 1.1414262 1.1068642\n", + " 1.0841273 1.0749012 1.073844 1.0742575 1.0694757 1.0599676 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1741346 1.168293 1.178151 1.1867774 1.1756504 1.1422317 1.1069905\n", + " 1.0844958 1.0743208 1.0721166 1.0726151 1.0683874 1.0591444 1.0506549\n", + " 1.0467169 1.0485692 0. 0. 0. 0. ]\n", + " [1.1754125 1.1716795 1.1817522 1.1907399 1.1776822 1.1447659 1.1109056\n", + " 1.0881655 1.077175 1.0749688 1.0739697 1.0684979 1.0588503 1.0504764\n", + " 1.0467997 1.0488122 1.0549195 0. 0. 0. ]\n", + " [1.1817819 1.1756253 1.1838989 1.1925185 1.1796474 1.1459732 1.1118759\n", + " 1.0895466 1.0792567 1.0770774 1.0767981 1.0708838 1.0612078 1.0527569\n", + " 1.0484967 0. 0. 0. 0. 0. ]\n", + " [1.1806196 1.1757233 1.1859254 1.1959955 1.1837475 1.1494199 1.1132427\n", + " 1.0889814 1.0777556 1.074737 1.0741825 1.0696032 1.0597557 1.0514232\n", + " 1.0476032 0. 0. 0. 0. 0. ]\n", + " [1.1768279 1.1750872 1.1863897 1.1957548 1.1819088 1.1462479 1.1110657\n", + " 1.0878422 1.0764804 1.0730023 1.0713205 1.0644859 1.0556723 1.0476332\n", + " 1.044369 1.0463601 1.0517092 1.0563188 1.0583724 1.0589968]]\n", + "[[1.176247 1.1711873 1.1798847 1.1878757 1.1748738 1.1408739 1.1057914\n", + " 1.0832108 1.0724199 1.0693166 1.068994 1.0645106 1.0561303 1.0488187\n", + " 1.0452769 1.0469489 1.0523409 1.0576301 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1734093 1.1697366 1.1794115 1.1887467 1.1769333 1.1431129 1.1093199\n", + " 1.0872843 1.0779736 1.0757585 1.0760477 1.0706488 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1809614 1.1736877 1.182288 1.1910203 1.1812617 1.1486483 1.1139834\n", + " 1.090796 1.079829 1.078069 1.0779479 1.0729305 1.063617 1.0542048\n", + " 1.049918 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1682749 1.1655767 1.1749556 1.1856229 1.1760366 1.1436334 1.1102589\n", + " 1.0873036 1.0752727 1.0706649 1.0679582 1.0616467 1.0521641 1.0446554\n", + " 1.041915 1.0442587 1.0493736 1.0540806 1.0565584 1.0573695 1.0578691\n", + " 1.0610496 1.0685018 1.0787088 1.0866705 1.0906849]\n", + " [1.1691097 1.1656771 1.1761693 1.1848366 1.1726556 1.1391985 1.1046615\n", + " 1.0825574 1.0726174 1.0704007 1.0710562 1.0660747 1.0573593 1.0485368\n", + " 1.0448563 1.0469311 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1547782 1.152017 1.1629858 1.171119 1.1597545 1.1281458 1.0955029\n", + " 1.0744357 1.0645381 1.062036 1.0611827 1.0566547 1.0487031 1.0416462\n", + " 1.0386858 1.0400506 1.044871 1.049626 1.0518792 0. 0.\n", + " 0. ]\n", + " [1.1941262 1.1884973 1.196633 1.205735 1.1922202 1.1554618 1.1187018\n", + " 1.0945361 1.0844728 1.0832195 1.0839058 1.0787022 1.0679865 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1755421 1.169997 1.1794885 1.1870937 1.1757663 1.1412528 1.1055876\n", + " 1.08234 1.0720613 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1660086 1.1643428 1.1757725 1.1857835 1.174098 1.1414936 1.1078374\n", + " 1.0849435 1.0734205 1.069463 1.0675031 1.0609577 1.0521609 1.0444843\n", + " 1.0414492 1.0429212 1.0483168 1.0533785 1.0562986 1.0572104 1.0585597\n", + " 1.061904 ]\n", + " [1.183592 1.1781621 1.1886259 1.1978567 1.1845201 1.1484059 1.1127431\n", + " 1.0894601 1.0796299 1.0788746 1.0800282 1.0749421 1.0649242 1.0551084\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1939803 1.189604 1.2024728 1.2127078 1.2004799 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1647811 1.1606821 1.1693511 1.1771446 1.1657673 1.1353055 1.1037203\n", + " 1.0826371 1.0714204 1.067504 1.0653841 1.059946 1.0518218 1.0444822\n", + " 1.0414269 1.0434232 1.0483449 1.0532286 1.0556185]\n", + " [1.1758068 1.1704252 1.1799531 1.1884917 1.1759111 1.1434815 1.1100354\n", + " 1.087481 1.0777272 1.0755348 1.0763831 1.0717757 1.0616871 1.0530736\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.172354 1.1683016 1.1781206 1.1862395 1.1725147 1.1383507 1.1041803\n", + " 1.0820643 1.0733846 1.0723579 1.0734768 1.0687299 1.0596502 1.0511072\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1644785 1.1612116 1.1712781 1.1795087 1.1683139 1.1363503 1.1038227\n", + " 1.0819082 1.0710583 1.0678729 1.0665666 1.0614749 1.0528841 1.0449072\n", + " 1.0415721 1.042989 1.0475327 1.0523379 1.0550823]]\n", + "[[1.1658057 1.162431 1.1730143 1.1836158 1.1731802 1.1396788 1.1060612\n", + " 1.0832934 1.0712723 1.0676259 1.0654505 1.0601702 1.0515379 1.0444702\n", + " 1.0414652 1.0429611 1.0473909 1.052814 1.0555631 1.0569538 1.0585858]\n", + " [1.1913149 1.1871141 1.196352 1.2051642 1.1922824 1.1562896 1.1191015\n", + " 1.0941682 1.0819592 1.0783675 1.0772476 1.072173 1.0632408 1.0541494\n", + " 1.0507268 1.0526932 1.0582364 1.0643117 0. 0. 0. ]\n", + " [1.1515783 1.1473033 1.156686 1.1638781 1.1546898 1.1249319 1.0938447\n", + " 1.0736036 1.0640434 1.0625392 1.0628108 1.0589216 1.0512757 1.0437163\n", + " 1.0402114 1.0419548 0. 0. 0. 0. 0. ]\n", + " [1.1687362 1.165034 1.1749322 1.1826882 1.17169 1.1380123 1.1042511\n", + " 1.0814629 1.0706489 1.0687891 1.068609 1.0639052 1.0548127 1.046974\n", + " 1.0430808 1.0444648 1.0494237 1.0544667 0. 0. 0. ]\n", + " [1.1593971 1.1562412 1.165945 1.1745486 1.1622286 1.1312901 1.0996536\n", + " 1.0780586 1.0677373 1.0649816 1.06338 1.0585939 1.0500404 1.0426905\n", + " 1.0396993 1.0413957 1.0462085 1.0508357 1.0533944 0. 0. ]]\n", + "[[1.208183 1.2014953 1.2107973 1.2196649 1.205027 1.1679097 1.1289666\n", + " 1.1030508 1.0908455 1.0886657 1.0876889 1.0822197 1.0713063 1.061403\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1715707 1.1674132 1.1769426 1.1858315 1.1732322 1.142171 1.1085811\n", + " 1.086385 1.0763206 1.0738602 1.073125 1.068354 1.0590237 1.0502158\n", + " 1.0466377 1.0487779 0. 0. 0. 0. 0. ]\n", + " [1.1696523 1.1653222 1.1763585 1.1847086 1.1747465 1.1417258 1.106742\n", + " 1.084829 1.0744249 1.0721618 1.0725688 1.0671089 1.0573478 1.0488489\n", + " 1.0446838 1.0464917 0. 0. 0. 0. 0. ]\n", + " [1.1953026 1.1905016 1.2020609 1.2111732 1.1974629 1.1603296 1.1215166\n", + " 1.0962039 1.084349 1.0831138 1.0834929 1.0785664 1.0678904 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1654196 1.1639202 1.1747487 1.1843767 1.1724515 1.1394764 1.1060902\n", + " 1.0834068 1.0722362 1.0680395 1.0654979 1.0595884 1.0504748 1.0431015\n", + " 1.039708 1.0414335 1.0463009 1.0513388 1.0537076 1.0548518 1.0563235]]\n", + "[[1.1673657 1.1641771 1.1744566 1.1829338 1.169798 1.1368186 1.1032604\n", + " 1.0805389 1.0697992 1.066968 1.0658993 1.0610507 1.052636 1.0451374\n", + " 1.0417718 1.043582 1.0483673 1.0531046 1.0553108 0. 0. ]\n", + " [1.1696736 1.1667843 1.1767639 1.1848221 1.1724746 1.138632 1.1036866\n", + " 1.081761 1.0716529 1.0701598 1.0700293 1.0657313 1.0563754 1.0487794\n", + " 1.0449848 1.0468013 1.0519612 0. 0. 0. 0. ]\n", + " [1.1649078 1.1632788 1.1744205 1.1836805 1.1713158 1.138846 1.105425\n", + " 1.0824612 1.0714805 1.0677412 1.06613 1.060149 1.0521442 1.0445857\n", + " 1.0416473 1.0428402 1.0477484 1.0524367 1.0548193 1.0559279 1.0574658]\n", + " [1.1647089 1.1610575 1.1711121 1.1815195 1.1711521 1.1386501 1.1039413\n", + " 1.080776 1.0703964 1.0692228 1.0692595 1.065131 1.0564501 1.0479509\n", + " 1.0439047 1.0455638 0. 0. 0. 0. 0. ]\n", + " [1.1835214 1.1776329 1.188015 1.1975805 1.1844795 1.1486162 1.1124538\n", + " 1.089058 1.0789785 1.0777313 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1700978 1.1669194 1.1773214 1.1857082 1.1731817 1.1402183 1.1059176\n", + " 1.0830499 1.0721909 1.0691009 1.0681825 1.0618328 1.0537155 1.0457982\n", + " 1.0425229 1.0444477 1.0500559 1.0549725 0. 0. 0.\n", + " 0. ]\n", + " [1.1821564 1.1776519 1.1875257 1.1963431 1.1836159 1.1485524 1.1130755\n", + " 1.0890107 1.0769691 1.0740238 1.0722927 1.066542 1.057104 1.0486976\n", + " 1.0455791 1.0475231 1.052864 1.0584176 1.061306 0. 0.\n", + " 0. ]\n", + " [1.170329 1.1679366 1.1787262 1.1882883 1.1773098 1.1448606 1.109962\n", + " 1.0870706 1.0753944 1.0708297 1.0689596 1.0628381 1.0535393 1.0457103\n", + " 1.0426986 1.0444475 1.049307 1.053786 1.0557979 1.0564282 1.0578728\n", + " 1.0614086]\n", + " [1.1769276 1.1726305 1.183091 1.1909182 1.1787654 1.1453412 1.1112119\n", + " 1.087624 1.0752726 1.0714403 1.0697547 1.0642381 1.0553088 1.0475515\n", + " 1.0446677 1.0463659 1.0512658 1.0558828 1.0583494 1.0592815 0.\n", + " 0. ]\n", + " [1.1706696 1.1677169 1.1782779 1.1885028 1.1770892 1.1451244 1.1111215\n", + " 1.0872579 1.0752397 1.0709898 1.0683705 1.0615919 1.0525664 1.0450864\n", + " 1.0414717 1.0433327 1.0484935 1.05335 1.0559896 1.0572195 1.0587888\n", + " 0. ]]\n", + "[[1.1661302 1.1642588 1.1761404 1.1862761 1.1741983 1.1409014 1.1062968\n", + " 1.0833617 1.0711316 1.0677751 1.0660135 1.0602447 1.0521537 1.0446724\n", + " 1.0417775 1.0434754 1.0481852 1.0533819 1.0556185 1.0561318 1.0574999\n", + " 1.0608984]\n", + " [1.1713562 1.165904 1.1745826 1.1834916 1.1723868 1.140259 1.1075504\n", + " 1.0856596 1.0753118 1.0721799 1.0720279 1.0668656 1.0579501 1.0490187\n", + " 1.0452547 1.0469427 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1720086 1.1679906 1.1769978 1.184956 1.1735083 1.1417706 1.1073381\n", + " 1.0858335 1.0748801 1.0720667 1.0718731 1.0661418 1.056948 1.0484166\n", + " 1.0449518 1.0469714 1.0527387 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1746403 1.1713088 1.1823586 1.1909695 1.1784471 1.144099 1.1087323\n", + " 1.0861856 1.0757108 1.0751089 1.0762159 1.0712682 1.0617691 1.0524538\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1689978 1.1650989 1.1743059 1.1825228 1.1689451 1.1364154 1.1029531\n", + " 1.0809642 1.0706813 1.0686389 1.0688567 1.0644871 1.0560346 1.0489398\n", + " 1.0451555 1.0469584 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1800561 1.1765254 1.1873707 1.1970098 1.1849359 1.1512314 1.1155035\n", + " 1.091316 1.079378 1.0753272 1.0731412 1.0675427 1.0576775 1.0493469\n", + " 1.0456398 1.047723 1.052847 1.0577991 1.0604005 1.0613391 0.\n", + " 0. ]\n", + " [1.1662178 1.1633823 1.1744444 1.1839999 1.1722536 1.1397667 1.1056263\n", + " 1.0830324 1.0725477 1.0702174 1.0697887 1.0654237 1.0570867 1.0487638\n", + " 1.0449567 1.0468055 1.0518717 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1630712 1.1620936 1.1742928 1.1848614 1.1728092 1.1389232 1.1044915\n", + " 1.081348 1.0695635 1.0665005 1.0644013 1.0584949 1.0494986 1.0419776\n", + " 1.0392525 1.0403802 1.0451612 1.0500247 1.0525117 1.0532719 1.0546188\n", + " 0. ]\n", + " [1.1809647 1.1754632 1.1852703 1.1943203 1.1820403 1.1479747 1.1128908\n", + " 1.0897813 1.0792727 1.077508 1.0777122 1.0729667 1.0636194 1.0547225\n", + " 1.0505751 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1752716 1.173059 1.1833761 1.1917387 1.1809295 1.1477463 1.1135474\n", + " 1.0901244 1.0779948 1.0732089 1.0698987 1.0639079 1.0546027 1.046912\n", + " 1.0436466 1.0458312 1.0512743 1.0559568 1.058038 1.058612 1.0601318\n", + " 1.0638322]]\n", + "[[1.1898544 1.1826936 1.1899252 1.195072 1.1818697 1.1472385 1.1121107\n", + " 1.088846 1.0782921 1.0764289 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1612825 1.1569028 1.1659238 1.1731952 1.1620373 1.1300887 1.0978687\n", + " 1.0765456 1.0676023 1.065764 1.0659113 1.0613832 1.0533768 1.0458921\n", + " 1.0425199 1.0445412 0. 0. 0. 0. ]\n", + " [1.1611936 1.1567132 1.1669928 1.1755694 1.1635165 1.1317444 1.0984468\n", + " 1.0772034 1.0673233 1.065235 1.0647461 1.0604986 1.0526247 1.0448973\n", + " 1.0414814 1.0434551 1.0486788 0. 0. 0. ]\n", + " [1.1841998 1.1805234 1.1904564 1.1987385 1.1855232 1.1517817 1.116084\n", + " 1.0918471 1.079805 1.0757537 1.0742121 1.068075 1.0589379 1.0506204\n", + " 1.0468558 1.049128 1.0546316 1.059699 1.0621195 0. ]\n", + " [1.1776309 1.1738881 1.1848434 1.1945482 1.1825325 1.1492597 1.1135153\n", + " 1.0893416 1.0774218 1.0737699 1.0718522 1.0664654 1.0571883 1.04895\n", + " 1.0453289 1.0468981 1.0520403 1.057169 1.0599529 1.0608437]]\n", + "[[1.1847761 1.1809844 1.1912979 1.1997616 1.1868867 1.1509533 1.1145858\n", + " 1.0905219 1.0798315 1.0776379 1.0763298 1.0710592 1.0614122 1.0526248\n", + " 1.0486665 1.0510179 1.0572965 0. 0. 0. ]\n", + " [1.166393 1.1642104 1.1740494 1.1817852 1.1702487 1.1368577 1.1044314\n", + " 1.0824224 1.0712891 1.0677462 1.0656328 1.060614 1.0523702 1.0449232\n", + " 1.0421609 1.0442524 1.0485419 1.0531777 1.0550792 1.0562776]\n", + " [1.1705009 1.1663218 1.1771495 1.1872005 1.1755264 1.1413646 1.10557\n", + " 1.0820615 1.0716742 1.0706214 1.0716527 1.0673883 1.058728 1.0501715\n", + " 1.0460978 1.0477339 0. 0. 0. 0. ]\n", + " [1.1549397 1.1519738 1.1610835 1.1705704 1.1593362 1.1288652 1.0975559\n", + " 1.0771325 1.0668677 1.0644228 1.0642264 1.0601848 1.0515579 1.0442712\n", + " 1.0407814 1.0423197 1.0473253 0. 0. 0. ]\n", + " [1.1586057 1.1545663 1.1633818 1.1697649 1.1601318 1.1294315 1.0974917\n", + " 1.0763474 1.0665781 1.0645379 1.0643929 1.0604866 1.0524898 1.0451999\n", + " 1.0413902 1.0430878 0. 0. 0. 0. ]]\n", + "[[1.1669403 1.1642213 1.1751521 1.1839497 1.170816 1.1376262 1.1039871\n", + " 1.08134 1.070786 1.0675827 1.0662522 1.0606108 1.0519586 1.0446504\n", + " 1.0414304 1.0431384 1.0481403 1.0527526 1.0549229 1.0555083 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1592892 1.1568334 1.1667035 1.1748407 1.1627591 1.1305029 1.098283\n", + " 1.0765841 1.0655923 1.0624046 1.061178 1.0564287 1.0487536 1.0421536\n", + " 1.0391982 1.0409188 1.0451983 1.0497204 1.0521402 1.0527768 1.0542693\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1532464 1.1512322 1.1625829 1.1725811 1.1621029 1.1303917 1.0973387\n", + " 1.0759971 1.0655428 1.0624539 1.0607035 1.0550826 1.0465128 1.0394385\n", + " 1.0364515 1.0385333 1.0432502 1.0480715 1.0505555 1.0519223 1.0530602\n", + " 1.0559878 1.0623013 1.070964 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.144148 1.1407913 1.1520543 1.1638709 1.1568481 1.1289687 1.0982623\n", + " 1.0773256 1.0669603 1.0638592 1.0621781 1.0566792 1.0477235 1.0402216\n", + " 1.0376532 1.039765 1.044653 1.0496556 1.0516576 1.0518967 1.0526655\n", + " 1.0550843 1.0612437 1.0700872 1.0775455 1.0818477 1.082727 1.0795022\n", + " 1.0719532 1.0631757 1.0554832 1.050419 ]\n", + " [1.1887592 1.1829252 1.1921425 1.199923 1.1870959 1.1525577 1.1170094\n", + " 1.0934901 1.0814422 1.0784471 1.0772709 1.0713693 1.0613053 1.0527263\n", + " 1.0489312 1.0512973 1.0577719 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1792111 1.174906 1.1854216 1.1946572 1.1809173 1.1471453 1.1123447\n", + " 1.0892003 1.0771455 1.0737635 1.0722991 1.0664314 1.0571611 1.0492103\n", + " 1.0454726 1.0474572 1.0527717 1.0577397 1.060068 ]\n", + " [1.1764683 1.1747469 1.1863359 1.1952589 1.1841434 1.1498353 1.1136516\n", + " 1.0895224 1.0776558 1.073625 1.0726767 1.0673022 1.0581039 1.049872\n", + " 1.0457716 1.0475053 1.0524032 1.0577214 1.0605043]]\n", + "[[1.20208 1.1950263 1.203589 1.2109455 1.1969821 1.1612724 1.1234925\n", + " 1.0980014 1.086266 1.0841037 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.165499 1.1617594 1.1714301 1.1800687 1.1680311 1.1355516 1.1018453\n", + " 1.0790244 1.0681374 1.0651435 1.0637463 1.0593554 1.0509447 1.0439409\n", + " 1.0407906 1.04298 1.0477039 1.052626 1.0550033 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1483591 1.1459365 1.1563379 1.1651636 1.1535965 1.1239945 1.0936838\n", + " 1.074145 1.0643034 1.060991 1.0593351 1.0537457 1.0456395 1.0387945\n", + " 1.0359694 1.037978 1.0424879 1.0472225 1.0495453 1.0506302 1.0516837\n", + " 1.0548415 1.0614525 1.0701903]\n", + " [1.1650491 1.1604661 1.1698949 1.1769671 1.1661878 1.1352781 1.1032641\n", + " 1.0820975 1.0720283 1.0694834 1.0694239 1.0648975 1.0561279 1.048196\n", + " 1.0443344 1.0461884 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1577641 1.1539731 1.1628289 1.1715804 1.1602173 1.1292632 1.0977315\n", + " 1.0768427 1.066592 1.0634812 1.0628687 1.0579149 1.0498234 1.0427487\n", + " 1.0395485 1.0407457 1.0453303 1.0498207 1.0522852 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1561354 1.1537584 1.1622573 1.1707814 1.1587806 1.1285752 1.097205\n", + " 1.0755079 1.0651656 1.0621281 1.0610296 1.0563393 1.0483359 1.0412446\n", + " 1.0375977 1.0394927 1.0440867 1.048541 1.0510095 0. ]\n", + " [1.1613705 1.1572196 1.1679059 1.1781825 1.1679101 1.1354059 1.10171\n", + " 1.0790377 1.0693426 1.0680375 1.0686913 1.0645723 1.0560375 1.0479156\n", + " 1.043848 0. 0. 0. 0. 0. ]\n", + " [1.1670284 1.1628819 1.172485 1.1802783 1.1680759 1.1350982 1.1021849\n", + " 1.0802759 1.0695733 1.0667404 1.0653235 1.0606065 1.052164 1.0445158\n", + " 1.0414082 1.0433041 1.0484244 1.053544 0. 0. ]\n", + " [1.162041 1.1592678 1.1692207 1.1782632 1.1666459 1.1350125 1.1023061\n", + " 1.0801518 1.0697181 1.0663857 1.0644954 1.0593272 1.0508797 1.0437483\n", + " 1.0401996 1.0421 1.0470548 1.0517559 1.0540748 1.0551932]\n", + " [1.1680728 1.165236 1.1758664 1.1842898 1.1708367 1.137732 1.1041217\n", + " 1.0818213 1.0712715 1.0685694 1.0683146 1.0632961 1.054932 1.0469923\n", + " 1.0435517 1.0453315 1.0503742 1.0554129 0. 0. ]]\n", + "[[1.15174 1.1485875 1.1580665 1.166257 1.1563369 1.1269306 1.0962325\n", + " 1.0753756 1.0651395 1.0611829 1.0589738 1.0534012 1.0454893 1.0387732\n", + " 1.0361153 1.0381298 1.0428782 1.0474272 1.0498166 1.0508384 1.0517936\n", + " 1.0548165 1.0609446 1.0696366 1.0771583]\n", + " [1.1727201 1.1699886 1.1803994 1.1882851 1.177555 1.1446493 1.1102567\n", + " 1.0866365 1.0750678 1.0706893 1.0679809 1.061687 1.0529363 1.045226\n", + " 1.0420039 1.0436244 1.0488195 1.0535051 1.0557103 1.0567125 1.0580884\n", + " 0. 0. 0. 0. ]\n", + " [1.1683593 1.1652064 1.1752132 1.1846925 1.1725385 1.1388285 1.1054899\n", + " 1.083058 1.0718863 1.0691183 1.0684067 1.0633372 1.0544113 1.0466495\n", + " 1.043204 1.0452933 1.0505716 1.0556415 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.181566 1.1762904 1.1860583 1.1955119 1.1829933 1.1487882 1.1137216\n", + " 1.0909492 1.081158 1.0792959 1.0802602 1.0748391 1.064514 1.0549877\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1920137 1.1867638 1.1948458 1.2012358 1.1901286 1.1562278 1.1207944\n", + " 1.0966301 1.085289 1.082906 1.0822951 1.0773009 1.0669311 1.0571958\n", + " 1.0532888 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.160455 1.157255 1.168001 1.1763592 1.1656827 1.1331022 1.1000006\n", + " 1.0783561 1.0680708 1.0655503 1.0651724 1.060362 1.0517205 1.0437306\n", + " 1.04022 1.0416671 1.0466313 1.0513642 0. ]\n", + " [1.1752901 1.1718396 1.181391 1.1899556 1.175713 1.1405864 1.1056597\n", + " 1.0841899 1.0744476 1.0737493 1.0744077 1.0701411 1.0608627 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.185021 1.1814433 1.1916283 1.2007023 1.1869898 1.1519418 1.1163614\n", + " 1.0918936 1.0803244 1.0766096 1.0753527 1.0697383 1.0597727 1.0516713\n", + " 1.0475954 1.0500399 1.055468 1.0604807 1.0633465]\n", + " [1.1607809 1.1566678 1.166316 1.1751856 1.1655326 1.1339147 1.1018867\n", + " 1.0805091 1.070384 1.0691959 1.0698644 1.0645568 1.0551956 1.0469816\n", + " 1.043068 0. 0. 0. 0. ]\n", + " [1.1657262 1.1626496 1.173876 1.1816562 1.1691788 1.1358371 1.1023878\n", + " 1.0810908 1.0716685 1.0702558 1.0703704 1.0660908 1.0567286 1.0481638\n", + " 1.0443659 0. 0. 0. 0. ]]\n", + "[[1.1989813 1.1931361 1.2029647 1.2105922 1.195979 1.1587595 1.1208217\n", + " 1.0958425 1.0854825 1.0843986 1.0850041 1.0790089 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1738511 1.1710286 1.1818103 1.1895183 1.178058 1.1454595 1.1111965\n", + " 1.0881836 1.0765067 1.0722313 1.0695435 1.062994 1.0538994 1.0460914\n", + " 1.0432069 1.0455568 1.0506829 1.0555785 1.057822 1.0584382 1.0600405\n", + " 1.0634754]\n", + " [1.1760688 1.1739732 1.1852432 1.1929054 1.1796085 1.1442723 1.108447\n", + " 1.0844673 1.073641 1.0701644 1.0693573 1.0634128 1.0549662 1.047015\n", + " 1.043914 1.0452706 1.0505906 1.055933 1.0581405 1.0591568 0.\n", + " 0. ]\n", + " [1.1761014 1.1704227 1.180229 1.1891559 1.1786193 1.1456683 1.1107938\n", + " 1.087581 1.0767099 1.0739264 1.0735817 1.0683427 1.0583311 1.0493823\n", + " 1.0453035 1.047076 1.0525453 1.0580455 0. 0. 0.\n", + " 0. ]\n", + " [1.1574371 1.1540567 1.1639223 1.1719904 1.1605926 1.1298618 1.0976497\n", + " 1.0767527 1.0666106 1.0641875 1.0633705 1.059367 1.0514364 1.0438675\n", + " 1.0406593 1.04205 1.0470089 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1662409 1.162515 1.1719203 1.1806085 1.168274 1.1350749 1.1017802\n", + " 1.0804908 1.0708225 1.0694473 1.0700898 1.0656871 1.057553 1.0492623\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1810455 1.175942 1.1857082 1.1939309 1.1798774 1.1450703 1.110384\n", + " 1.0876456 1.0780884 1.0764606 1.0762225 1.0708855 1.0610002 1.0521665\n", + " 1.0483143 0. 0. 0. 0. 0. ]\n", + " [1.157367 1.1533799 1.1617417 1.169229 1.1577377 1.1272973 1.0966791\n", + " 1.075998 1.0655096 1.0628976 1.0617462 1.057203 1.0488299 1.0417341\n", + " 1.038584 1.0398048 1.044244 1.0490854 1.0518491 0. ]\n", + " [1.1653526 1.162399 1.1732212 1.181639 1.1701697 1.1369672 1.1027064\n", + " 1.0807981 1.070442 1.0684847 1.0682386 1.0636955 1.0556144 1.047162\n", + " 1.0436248 1.0449182 1.0497797 0. 0. 0. ]\n", + " [1.1748759 1.17213 1.1842763 1.1942492 1.1821038 1.1472367 1.1119334\n", + " 1.0882059 1.0764982 1.073306 1.0716885 1.0657167 1.0560122 1.0478898\n", + " 1.0442585 1.0455253 1.0507082 1.0556626 1.0586224 1.0596893]]\n", + "[[1.1852608 1.1814537 1.1930835 1.2016064 1.1864164 1.1505936 1.1141797\n", + " 1.0905344 1.0804069 1.0791044 1.0800145 1.0742326 1.0637565 1.0543648\n", + " 0. 0. 0. ]\n", + " [1.1619622 1.1576967 1.1661355 1.1734612 1.1616055 1.1298437 1.0987189\n", + " 1.0775948 1.0692297 1.0681837 1.0683373 1.0641466 1.0557237 1.0476192\n", + " 0. 0. 0. ]\n", + " [1.1571745 1.1525797 1.1612265 1.1691165 1.1583793 1.1285712 1.0976146\n", + " 1.076373 1.0670334 1.064826 1.0648848 1.0602202 1.0525622 1.0448087\n", + " 1.0413113 1.0430986 0. ]\n", + " [1.1729485 1.1680065 1.1764739 1.1845626 1.1719935 1.1398618 1.1069146\n", + " 1.084675 1.0745264 1.0715417 1.0712506 1.0660384 1.0567824 1.0484978\n", + " 1.0446141 1.0466396 1.052088 ]\n", + " [1.1771843 1.1707348 1.179221 1.1869028 1.1747042 1.1412523 1.1071317\n", + " 1.0850859 1.0753134 1.073599 1.0735577 1.0685403 1.0595033 1.0509049\n", + " 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1811812 1.1763479 1.1857634 1.1937367 1.1812472 1.1477554 1.1132048\n", + " 1.0901356 1.0796238 1.0770534 1.0774819 1.0724257 1.0624251 1.0534973\n", + " 1.0491353 0. 0. 0. 0. 0. ]\n", + " [1.1571914 1.1548221 1.1655853 1.1754116 1.1641037 1.1313399 1.0992391\n", + " 1.0766917 1.0667188 1.0637484 1.0620264 1.0573789 1.0488045 1.0415145\n", + " 1.0387222 1.0401753 1.0451782 1.0498956 1.0519515 1.053172 ]\n", + " [1.1726346 1.1690265 1.1792508 1.1855645 1.172675 1.1390265 1.105389\n", + " 1.0835425 1.0732224 1.0709574 1.0704491 1.0649027 1.0556058 1.0470403\n", + " 1.043529 1.0452075 1.0509365 0. 0. 0. ]\n", + " [1.1542656 1.151652 1.1619662 1.1712596 1.1597273 1.1278813 1.0952326\n", + " 1.07438 1.0648047 1.0632946 1.0632443 1.0592349 1.0510464 1.0429913\n", + " 1.0394521 1.0410192 1.0457954 0. 0. 0. ]\n", + " [1.1948116 1.1906252 1.2015774 1.2107037 1.1975758 1.1601052 1.1216475\n", + " 1.096871 1.0859406 1.0847436 1.0855529 1.0799563 1.0686364 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1714708 1.1690662 1.1801001 1.1895359 1.1762733 1.142004 1.1075678\n", + " 1.0849296 1.0740931 1.072623 1.0727805 1.0671722 1.058123 1.0500088\n", + " 1.0456613 1.0475734 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1748483 1.1719058 1.1825434 1.1927083 1.180718 1.1471448 1.1115909\n", + " 1.0874162 1.0755103 1.0728619 1.0721253 1.0675347 1.0587076 1.0505713\n", + " 1.046491 1.0480044 1.0531944 1.0584902 0. 0. 0.\n", + " 0. ]\n", + " [1.1589887 1.1547594 1.1627728 1.1696973 1.157883 1.1267499 1.0955715\n", + " 1.0753251 1.0659529 1.0634694 1.0627555 1.0583756 1.0501007 1.0430976\n", + " 1.0399479 1.0416456 1.046568 1.051593 0. 0. 0.\n", + " 0. ]\n", + " [1.2038456 1.1978972 1.2083228 1.2169281 1.2041773 1.1678905 1.1294392\n", + " 1.103682 1.0919125 1.0887036 1.0874251 1.0811104 1.069853 1.0602571\n", + " 1.0555847 1.0578196 1.0645683 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1750821 1.1725647 1.1837497 1.1943169 1.1828772 1.1485791 1.113424\n", + " 1.0890695 1.0765688 1.0725673 1.0701829 1.0641853 1.0545474 1.0471979\n", + " 1.044101 1.0457286 1.0512043 1.0560075 1.0582001 1.0589702 1.0605873\n", + " 1.0640645]]\n", + "[[1.1763005 1.1732042 1.184544 1.1934142 1.1802697 1.1452773 1.1092246\n", + " 1.085805 1.074483 1.0718759 1.0705221 1.0651674 1.055808 1.0476357\n", + " 1.0440776 1.0455962 1.0507406 1.0556996 1.058534 ]\n", + " [1.1852262 1.1801438 1.1895739 1.1985804 1.1856616 1.1505861 1.1145092\n", + " 1.0904353 1.0799246 1.0781386 1.0786538 1.074083 1.0636946 1.0540917\n", + " 1.0497046 1.0516561 0. 0. 0. ]\n", + " [1.186599 1.1816286 1.1904516 1.1973916 1.1853405 1.1505432 1.1144935\n", + " 1.090777 1.0794085 1.076104 1.0759196 1.0710994 1.0615577 1.0528672\n", + " 1.048887 1.0509473 1.056632 0. 0. ]\n", + " [1.183527 1.1791384 1.1900764 1.1999288 1.1876354 1.1524545 1.115437\n", + " 1.0908318 1.0796765 1.0770124 1.0760012 1.0707686 1.0608723 1.0520326\n", + " 1.0481873 1.0501226 1.0565851 0. 0. ]\n", + " [1.1754327 1.173208 1.1840261 1.1934322 1.179393 1.1446333 1.1092923\n", + " 1.0859755 1.0748677 1.0724174 1.0712627 1.06618 1.0571043 1.0483199\n", + " 1.0446594 1.0462351 1.0513911 1.0572001 0. ]]\n", + "[[1.1679734 1.1655078 1.1768321 1.1865264 1.1759269 1.1423634 1.1089759\n", + " 1.0864342 1.0748806 1.0709032 1.0683687 1.0618644 1.0528606 1.0448606\n", + " 1.0417482 1.0436244 1.0489761 1.0538974 1.0560774 1.0563917 1.0578125\n", + " 1.061419 1.068751 1.0788273]\n", + " [1.1596901 1.1569701 1.167662 1.1763632 1.1648059 1.1328318 1.1002123\n", + " 1.0784516 1.0683181 1.065018 1.0632749 1.0575262 1.0492641 1.0420114\n", + " 1.0385748 1.0401142 1.0446359 1.0490385 1.05118 1.052227 1.0538639\n", + " 0. 0. 0. ]\n", + " [1.1768318 1.1726742 1.1832047 1.191771 1.179082 1.1447117 1.1086817\n", + " 1.0862305 1.0758587 1.0738894 1.0737486 1.0690517 1.0592654 1.0501858\n", + " 1.0467168 1.0485237 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.158239 1.1537167 1.1627365 1.1704595 1.1571001 1.1274749 1.0966128\n", + " 1.076837 1.0677912 1.0664129 1.0670967 1.0630149 1.05457 1.0461348\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2140176 1.2064571 1.2172399 1.2283713 1.2157259 1.1789105 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1662104 1.1634024 1.1737623 1.1815954 1.1694677 1.1361094 1.1023539\n", + " 1.0805781 1.0701872 1.0679383 1.0673248 1.0617771 1.0530281 1.045181\n", + " 1.0417837 1.0438093 1.04858 1.0533757 0. 0. ]\n", + " [1.1832933 1.1782204 1.1876271 1.1956481 1.1839786 1.1498528 1.1145121\n", + " 1.0914671 1.0824344 1.0816374 1.0821165 1.0760434 1.0647538 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1581109 1.1524514 1.1608322 1.1689475 1.1582986 1.1284237 1.097163\n", + " 1.0765901 1.0672188 1.0657041 1.0659374 1.0620418 1.0538878 1.0459642\n", + " 1.0422008 0. 0. 0. 0. 0. ]\n", + " [1.1756842 1.1726601 1.1838965 1.1920515 1.1786411 1.1441461 1.1091561\n", + " 1.0853279 1.0743062 1.070978 1.0688514 1.0636369 1.054458 1.047188\n", + " 1.0435688 1.0457916 1.0508542 1.0556039 1.0577979 1.0588287]\n", + " [1.2073025 1.2008097 1.2099885 1.2184486 1.2033565 1.1666588 1.1281058\n", + " 1.1022696 1.0902896 1.088237 1.0882035 1.0826851 1.0723926 1.0623374\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1631902 1.1598301 1.1689329 1.1763675 1.1633903 1.1313385 1.099555\n", + " 1.0785507 1.0685838 1.0661913 1.0652936 1.0601549 1.0518082 1.0443927\n", + " 1.0416024 1.0434294 1.0483259 1.052992 0. 0. 0.\n", + " 0. ]\n", + " [1.1604753 1.157588 1.1669182 1.1751637 1.163638 1.1320866 1.1004063\n", + " 1.0790782 1.0683835 1.0644128 1.0625238 1.057189 1.0485699 1.0418057\n", + " 1.0389141 1.0408835 1.0451647 1.0499415 1.052797 1.0539176 1.0552473\n", + " 1.0586745]\n", + " [1.1589862 1.1552818 1.165029 1.1736478 1.1618408 1.1306441 1.0985491\n", + " 1.0772631 1.066795 1.0644858 1.0640891 1.0597676 1.0517832 1.044507\n", + " 1.0408864 1.0426117 1.0468781 1.0514656 0. 0. 0.\n", + " 0. ]\n", + " [1.2056822 1.1986177 1.2084634 1.217944 1.2043672 1.1670642 1.1270905\n", + " 1.100302 1.0876795 1.0852168 1.0851911 1.0795089 1.0696058 1.0597987\n", + " 1.0555029 1.0579989 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1667578 1.1635898 1.1741815 1.1823689 1.1718932 1.139984 1.1066649\n", + " 1.0836499 1.0723122 1.0681483 1.0662034 1.0602655 1.0519617 1.0444064\n", + " 1.0411062 1.0427662 1.0477629 1.0521778 1.0543886 1.0550345 1.0564973\n", + " 0. ]]\n", + "[[1.1996795 1.1940947 1.2043277 1.2131324 1.1985115 1.1602439 1.1216644\n", + " 1.0967579 1.0857394 1.0841651 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1993362 1.1932344 1.2033827 1.2123172 1.1971549 1.1612107 1.1240873\n", + " 1.099931 1.0890628 1.0878632 1.0876857 1.0812043 1.069362 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1587607 1.1570189 1.1681837 1.1761909 1.1640422 1.1317995 1.099677\n", + " 1.0784047 1.0681034 1.0651127 1.0634611 1.0588312 1.0503228 1.0428909\n", + " 1.0398711 1.0412991 1.0456563 1.0504491 1.0527996 0. 0. ]\n", + " [1.1947858 1.1906735 1.2017654 1.210346 1.1979998 1.1615062 1.1239924\n", + " 1.0987005 1.0867951 1.0834086 1.081465 1.0762608 1.06591 1.056385\n", + " 1.0522407 1.054129 1.0602294 1.0657401 0. 0. 0. ]\n", + " [1.1738172 1.1716517 1.1837147 1.1936277 1.1814405 1.1475673 1.1124318\n", + " 1.0886421 1.076298 1.0726137 1.0704217 1.0641164 1.0549234 1.0468007\n", + " 1.0432903 1.0449288 1.0499641 1.0549731 1.0574006 1.0583886 1.0599535]]\n", + "[[1.1590501 1.1553451 1.1652384 1.1734971 1.1619352 1.1295931 1.097781\n", + " 1.0772913 1.0682001 1.0667646 1.0671251 1.0620925 1.0533583 1.0450864\n", + " 1.0414 1.0432099 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1694455 1.1681559 1.1800139 1.1902277 1.1777847 1.1450896 1.1110297\n", + " 1.0877545 1.0756298 1.0717211 1.0693264 1.062443 1.0526963 1.0452172\n", + " 1.0420077 1.0441988 1.0492711 1.0545094 1.0573767 1.0584168 1.0598521\n", + " 1.0635653 1.0707077]\n", + " [1.1773971 1.1749514 1.1852453 1.194027 1.1811953 1.1483254 1.1136032\n", + " 1.0900279 1.0776138 1.072865 1.070914 1.0645114 1.0551996 1.0471115\n", + " 1.0439901 1.0464607 1.0516827 1.0562336 1.0588975 1.0594227 1.0607741\n", + " 1.0646 0. ]\n", + " [1.1923754 1.1869059 1.1959373 1.2031248 1.1903802 1.1560001 1.1194239\n", + " 1.0946835 1.082601 1.0795045 1.0785142 1.073135 1.063563 1.0547397\n", + " 1.0511088 1.0532709 1.0591036 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1995522 1.1937873 1.2037953 1.211997 1.1970823 1.1602618 1.1228812\n", + " 1.0983344 1.0873328 1.0863559 1.0866642 1.0806928 1.0701445 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1817076 1.1774025 1.1873932 1.1945761 1.1836499 1.1505831 1.1160636\n", + " 1.0921319 1.0802822 1.0762328 1.0735884 1.067744 1.0580258 1.0496186\n", + " 1.0460774 1.048101 1.0534065 1.0585333 1.0613288]\n", + " [1.1625271 1.1606718 1.1719393 1.1813456 1.1686847 1.1364485 1.1028793\n", + " 1.0805964 1.0692286 1.0664297 1.0652388 1.0604199 1.0519654 1.0449502\n", + " 1.0410333 1.0426729 1.0472094 1.0522281 1.0551059]\n", + " [1.171743 1.1698064 1.1807997 1.189505 1.1758388 1.1407031 1.1064681\n", + " 1.0836598 1.0724287 1.070179 1.0696067 1.0642558 1.0556266 1.0475377\n", + " 1.0441589 1.0461156 1.0512228 1.0561541 0. ]\n", + " [1.1815715 1.1769127 1.1874212 1.1964024 1.183481 1.1487489 1.1128663\n", + " 1.0884856 1.0766591 1.0741587 1.0737745 1.068119 1.0592062 1.05105\n", + " 1.0476377 1.0493958 1.0550972 1.0603858 0. ]\n", + " [1.1824168 1.1748278 1.1830299 1.1908317 1.1777606 1.1440883 1.1097069\n", + " 1.0882958 1.0786961 1.0776932 1.0771534 1.0714276 1.0610064 1.0520053\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1648703 1.1626432 1.1742363 1.1840965 1.1723648 1.1398441 1.1062524\n", + " 1.0839227 1.0727085 1.0683309 1.0665133 1.0603225 1.0510942 1.0442348\n", + " 1.0410786 1.0429094 1.0477936 1.0525572 1.0549238 1.0556159 1.0568227\n", + " 1.0606238]\n", + " [1.2001102 1.1933353 1.2039137 1.2119141 1.1977018 1.1603224 1.1210132\n", + " 1.0952839 1.0840709 1.0826125 1.083003 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1674877 1.1641572 1.1739378 1.1817089 1.170281 1.1377622 1.1046692\n", + " 1.0829008 1.0729998 1.0711533 1.0713124 1.0663054 1.0573184 1.0492183\n", + " 1.0453672 1.0472189 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1532509 1.1504035 1.1609294 1.1709886 1.1602659 1.1289482 1.0970703\n", + " 1.0753762 1.0648882 1.0618292 1.0604472 1.0554935 1.047209 1.0400071\n", + " 1.0370245 1.0382836 1.04293 1.0475888 1.0499442 1.051072 0.\n", + " 0. ]\n", + " [1.1679804 1.1658154 1.1766144 1.1848233 1.1724176 1.1388888 1.1048665\n", + " 1.082553 1.0718634 1.0690181 1.067708 1.062428 1.0533158 1.0456691\n", + " 1.0424472 1.0439981 1.048833 1.0538678 1.056257 0. 0.\n", + " 0. ]]\n", + "[[1.1875279 1.1821287 1.1905344 1.1976184 1.185494 1.1515652 1.1162739\n", + " 1.0934123 1.0817578 1.0795927 1.0788156 1.0734543 1.0636489 1.0550687\n", + " 1.051352 0. 0. 0. 0. 0. 0. ]\n", + " [1.17501 1.172783 1.1847303 1.1947632 1.1826708 1.1495799 1.1143236\n", + " 1.0898547 1.0782127 1.0738828 1.0715458 1.0655869 1.0563542 1.0479834\n", + " 1.0447208 1.0460193 1.051177 1.0564706 1.0594 1.0607455 1.0625236]\n", + " [1.177615 1.1720781 1.1807388 1.1887637 1.1769104 1.1442106 1.1111586\n", + " 1.0889024 1.0793152 1.0775899 1.077009 1.0717813 1.0614887 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1727054 1.1688386 1.1793258 1.1884022 1.1766908 1.1436213 1.1087593\n", + " 1.0857091 1.0745136 1.072225 1.0713466 1.0671295 1.0582837 1.0501544\n", + " 1.0464313 1.048239 1.0535505 0. 0. 0. 0. ]\n", + " [1.1785562 1.1747494 1.1850213 1.1941197 1.1806642 1.1460416 1.11052\n", + " 1.0872184 1.0767528 1.0743792 1.0740343 1.0691481 1.0596017 1.051062\n", + " 1.0471841 1.0491269 1.0548615 0. 0. 0. 0. ]]\n", + "[[1.1706374 1.166108 1.1762382 1.185571 1.174224 1.1406659 1.1068176\n", + " 1.0842581 1.0738506 1.0719411 1.0713736 1.0662442 1.056914 1.0480065\n", + " 1.0441506 1.0456724 1.0513943 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1856067 1.1812775 1.1910825 1.1996322 1.186388 1.151482 1.1161324\n", + " 1.092742 1.0814265 1.0786929 1.0779445 1.0723362 1.0620161 1.0534841\n", + " 1.0493716 1.0516224 1.0579008 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1590552 1.1567271 1.1672723 1.176173 1.1645966 1.1324854 1.0991273\n", + " 1.0772278 1.0674751 1.0653298 1.0642304 1.0603901 1.0522662 1.0442328\n", + " 1.0411658 1.0428534 1.0478821 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1629586 1.159608 1.1696461 1.177379 1.1667128 1.1348817 1.1021835\n", + " 1.0806123 1.0708764 1.069019 1.0694616 1.0649145 1.0567857 1.0482941\n", + " 1.0442985 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1727592 1.1697716 1.1815877 1.1927252 1.1821796 1.1480677 1.1117767\n", + " 1.0875696 1.0751823 1.071629 1.0697383 1.0638821 1.0545071 1.0464258\n", + " 1.0433733 1.0454755 1.0508674 1.0560468 1.057986 1.0581229 1.0598754\n", + " 1.063519 1.0711179 1.0817623 1.090048 ]]\n", + "[[1.187442 1.1835063 1.194191 1.2028784 1.1900122 1.1541449 1.1179317\n", + " 1.09409 1.0824962 1.0796297 1.078239 1.0725831 1.0621754 1.0535285\n", + " 1.0494093 1.0514573 1.0575645 1.0632188 0. 0. 0. ]\n", + " [1.2092816 1.201651 1.2110131 1.2205418 1.2062942 1.1683979 1.128601\n", + " 1.1021191 1.0899186 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1813377 1.1757388 1.1843878 1.1924751 1.1797004 1.1479486 1.1143876\n", + " 1.0916873 1.0802958 1.0785589 1.078236 1.0727906 1.0629085 1.0541071\n", + " 1.0501425 0. 0. 0. 0. 0. 0. ]\n", + " [1.1748517 1.1698369 1.1775465 1.1842408 1.1699401 1.1367335 1.1038605\n", + " 1.0825862 1.072798 1.0713131 1.0713687 1.067038 1.0586425 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1604791 1.1581044 1.1680738 1.177314 1.1653342 1.1332123 1.1008946\n", + " 1.0790815 1.0679564 1.0648685 1.0630792 1.0575505 1.0496787 1.0427723\n", + " 1.0398918 1.0414166 1.0462171 1.0505297 1.0527104 1.0534571 1.0550281]]\n", + "[[1.1690328 1.1650674 1.1755831 1.1851895 1.1740263 1.1407598 1.1059911\n", + " 1.0831345 1.0725129 1.0695685 1.06984 1.0652801 1.0564764 1.0484328\n", + " 1.0446241 1.0464426 1.0518814 0. 0. ]\n", + " [1.1619945 1.1574925 1.1680958 1.1765798 1.1660335 1.1347702 1.1015689\n", + " 1.0797172 1.0693858 1.0674078 1.0675253 1.0626956 1.0537847 1.0456753\n", + " 1.0419647 1.0431571 1.0480984 0. 0. ]\n", + " [1.1725687 1.1695096 1.1793009 1.1875093 1.1741631 1.140375 1.1065965\n", + " 1.084026 1.0735221 1.070199 1.0686626 1.0635084 1.0549238 1.0470738\n", + " 1.0434206 1.0453944 1.0501469 1.0548822 1.0577141]\n", + " [1.1826802 1.1801068 1.1899307 1.1978782 1.1839532 1.1488011 1.1133506\n", + " 1.0893873 1.0784578 1.0750668 1.0732489 1.0674745 1.0575855 1.0489006\n", + " 1.0451394 1.0472181 1.0526171 1.058027 1.0613037]\n", + " [1.1716026 1.1681287 1.1787422 1.1872555 1.175057 1.1410218 1.1066552\n", + " 1.0841432 1.074056 1.0718565 1.0713074 1.066365 1.057636 1.0487449\n", + " 1.0448895 1.0467242 1.0523441 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1852148 1.180299 1.1895617 1.1970623 1.1835425 1.1491544 1.1135981\n", + " 1.0900068 1.0786967 1.074793 1.0737294 1.0680678 1.0588046 1.0505445\n", + " 1.0470397 1.0492973 1.0547044 1.060071 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1956205 1.1926773 1.2026861 1.2129952 1.1991382 1.1643353 1.126656\n", + " 1.1010643 1.0874177 1.0823407 1.0791656 1.0724161 1.0621341 1.0528554\n", + " 1.0498562 1.0523587 1.0583615 1.0637585 1.0668659 1.0680645 1.0694984\n", + " 1.0736945 1.0820575]\n", + " [1.1742375 1.1711222 1.1821891 1.192586 1.1801896 1.1464537 1.1100271\n", + " 1.085575 1.0738027 1.0714917 1.0713239 1.0657498 1.0571066 1.0487211\n", + " 1.0448554 1.0463805 1.0516185 1.0567625 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1882818 1.1843523 1.1957289 1.205936 1.193409 1.1580067 1.1206287\n", + " 1.0953946 1.0825214 1.0785699 1.0772597 1.0712187 1.0620532 1.0538598\n", + " 1.049643 1.051481 1.0567844 1.062424 1.0652571 0. 0.\n", + " 0. 0. ]\n", + " [1.1887459 1.1860118 1.1975946 1.2070687 1.1932327 1.1572378 1.1202962\n", + " 1.09518 1.0821153 1.0773349 1.075432 1.0688851 1.0593227 1.0508289\n", + " 1.0471374 1.0490673 1.0544788 1.0594816 1.0619084 1.0632445 1.0652059\n", + " 0. 0. ]]\n", + "[[1.1638058 1.1599518 1.170374 1.1800367 1.1705883 1.1392977 1.1051654\n", + " 1.0820392 1.0713809 1.0694964 1.0700352 1.0659784 1.0571009 1.0485923\n", + " 1.0446751 0. 0. 0. 0. 0. ]\n", + " [1.2084376 1.2035519 1.2133058 1.2221559 1.2078741 1.1701936 1.1312268\n", + " 1.1041917 1.090784 1.0871985 1.0850561 1.0796397 1.068716 1.0590101\n", + " 1.0555234 1.0577778 1.0639684 1.070424 0. 0. ]\n", + " [1.1629158 1.1607682 1.1712985 1.1801376 1.168449 1.1361966 1.1034529\n", + " 1.0812955 1.0706887 1.0672461 1.0654542 1.0599833 1.051555 1.0441048\n", + " 1.0407733 1.042466 1.0468637 1.0513365 1.0540589 0. ]\n", + " [1.1764987 1.1726044 1.1836443 1.1932943 1.1817803 1.147561 1.1112435\n", + " 1.087576 1.0767304 1.0748936 1.0754284 1.0701593 1.0611838 1.0523012\n", + " 1.0480976 1.0498625 0. 0. 0. 0. ]\n", + " [1.1877654 1.1851969 1.1954861 1.204826 1.1918075 1.1552851 1.1190971\n", + " 1.0941715 1.0813277 1.0775954 1.0752345 1.0694509 1.0591177 1.0510719\n", + " 1.0474197 1.0497391 1.054712 1.0602262 1.0627007 1.0637518]]\n", + "[[1.1802262 1.1771319 1.1875947 1.1967854 1.1837217 1.1491492 1.1136125\n", + " 1.089842 1.0778984 1.073933 1.0715969 1.066116 1.0570533 1.0489355\n", + " 1.0454805 1.0472032 1.0522516 1.0570577 1.0594658 1.0607166 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.147271 1.1450557 1.1549479 1.1649873 1.1552724 1.1259041 1.0954549\n", + " 1.0746374 1.0643544 1.060536 1.0582335 1.0525719 1.044824 1.0379428\n", + " 1.0353631 1.0370958 1.0417819 1.046255 1.0486765 1.0492963 1.050171\n", + " 1.053087 1.0597439 1.0686527 1.0758342]\n", + " [1.1559025 1.1504084 1.1578666 1.165349 1.1542137 1.1245695 1.0937244\n", + " 1.0740124 1.0646425 1.0624943 1.0628818 1.0592219 1.0518883 1.0445626\n", + " 1.0409691 1.0425204 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1635778 1.1615775 1.1720867 1.179798 1.168087 1.1360972 1.1024523\n", + " 1.0802795 1.0691903 1.0660532 1.0648358 1.0600052 1.0518633 1.0446999\n", + " 1.0413953 1.0426824 1.047119 1.0519167 1.0546621 1.0560167 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.174543 1.1695058 1.1785455 1.1867899 1.173524 1.1397381 1.1064756\n", + " 1.0849197 1.0749637 1.073633 1.0735313 1.0682758 1.0586137 1.0503311\n", + " 1.0467769 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.2173429 1.2103399 1.2220653 1.2322044 1.2175488 1.1776531 1.1352698\n", + " 1.1080824 1.0961579 1.0950037 1.0954235 1.089302 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1709527 1.1667805 1.1767831 1.1843429 1.1735221 1.1407171 1.1073431\n", + " 1.0846822 1.0738693 1.0708077 1.0695204 1.0644709 1.0557042 1.0473278\n", + " 1.0439378 1.0452394 1.0503008 1.0553505 1.0578786]\n", + " [1.1707395 1.167373 1.1784029 1.1876668 1.174958 1.1410071 1.1067864\n", + " 1.0837735 1.0723789 1.069355 1.0683439 1.0631497 1.0548749 1.0468656\n", + " 1.0436078 1.0453523 1.0505388 1.0556111 0. ]\n", + " [1.1912799 1.1864398 1.1970655 1.205148 1.1933614 1.1578408 1.1206478\n", + " 1.0953388 1.0840386 1.081695 1.0814617 1.0765827 1.0668937 1.0567645\n", + " 1.0529689 1.0550662 0. 0. 0. ]\n", + " [1.1764867 1.1723967 1.1833305 1.1915255 1.1807648 1.146512 1.1117786\n", + " 1.0886178 1.0778568 1.0757604 1.0755087 1.0703528 1.0605047 1.0514203\n", + " 1.0470916 1.0497669 0. 0. 0. ]]\n", + "[[1.1803997 1.175748 1.186639 1.196144 1.184337 1.150064 1.1139199\n", + " 1.0896182 1.0783533 1.0756866 1.076251 1.0714508 1.0624952 1.0538563\n", + " 1.0495629 1.0513046 0. 0. 0. 0. ]\n", + " [1.2128965 1.2065718 1.2172991 1.2262605 1.211004 1.1718409 1.1325055\n", + " 1.1064173 1.0948962 1.0932338 1.0937314 1.0877972 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1661682 1.1640522 1.1753396 1.1831962 1.1725779 1.1399179 1.1055998\n", + " 1.0827781 1.0717376 1.0694387 1.0687534 1.0639672 1.0556442 1.0473942\n", + " 1.0434914 1.0450634 1.0498226 1.0550368 0. 0. ]\n", + " [1.1602701 1.1567826 1.1666131 1.174444 1.1632825 1.1331084 1.1015912\n", + " 1.080292 1.0693393 1.0656046 1.0636092 1.0576606 1.0491611 1.041888\n", + " 1.0387279 1.039935 1.0446072 1.049044 1.0510328 1.0521749]\n", + " [1.1777493 1.1724322 1.1832206 1.1934493 1.1805961 1.1466771 1.1117518\n", + " 1.089327 1.0798758 1.0785962 1.0788234 1.0741522 1.0635182 1.0535996\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1819482 1.1767938 1.1867498 1.1945152 1.1819763 1.146571 1.1110665\n", + " 1.0875756 1.0766698 1.0753154 1.0758121 1.0712872 1.0613499 1.0527288\n", + " 0. 0. 0. ]\n", + " [1.1626796 1.1599829 1.170158 1.1781707 1.166947 1.1355169 1.1021478\n", + " 1.0803638 1.0705816 1.0683403 1.067692 1.0633786 1.0549275 1.046736\n", + " 1.0428566 1.0443184 1.0491344]\n", + " [1.178734 1.1740994 1.1840271 1.1932702 1.1814582 1.1468841 1.1108876\n", + " 1.0877523 1.0771486 1.0749432 1.0752211 1.0697503 1.0605859 1.0516024\n", + " 1.0475782 1.0493873 0. ]\n", + " [1.1744959 1.171298 1.1827471 1.1915022 1.178708 1.1440215 1.1082169\n", + " 1.0851517 1.0746763 1.0724192 1.0723038 1.0670921 1.0581831 1.0498586\n", + " 1.0460006 1.0479013 1.0534346]\n", + " [1.1950068 1.1907463 1.1997132 1.2071952 1.1914022 1.1552482 1.1192997\n", + " 1.0959123 1.0850806 1.0842524 1.0847074 1.0789043 1.0685785 1.058842\n", + " 0. 0. 0. ]]\n", + "[[1.1641619 1.158735 1.1679507 1.1769452 1.1663568 1.134413 1.1010436\n", + " 1.0798607 1.0695422 1.0681744 1.0689003 1.0639665 1.0550557 1.0467416\n", + " 1.0426692 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.187052 1.1843017 1.194628 1.2037933 1.1902366 1.1559589 1.1198332\n", + " 1.094987 1.0823677 1.0775156 1.0751773 1.0682377 1.0591 1.0510144\n", + " 1.0478879 1.0496311 1.055315 1.0607139 1.0627205 1.0636097 1.0652767\n", + " 1.0691634]\n", + " [1.1956186 1.1910717 1.2017406 1.2103565 1.195323 1.1581683 1.1197984\n", + " 1.0938036 1.0832763 1.0816121 1.0822297 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1699075 1.1661096 1.1768912 1.185862 1.1740688 1.1402329 1.1053116\n", + " 1.0823159 1.0724517 1.0706086 1.0703971 1.0657916 1.0561765 1.0478798\n", + " 1.0439262 1.0456163 1.0512134 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1694328 1.1664934 1.177083 1.1860994 1.1751361 1.1409087 1.1052592\n", + " 1.0830264 1.0720812 1.0711511 1.0713931 1.0672138 1.0580616 1.0496932\n", + " 1.0458882 1.0475355 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.16844 1.1625648 1.1713052 1.1784077 1.1668098 1.1347663 1.1020643\n", + " 1.0807043 1.0710292 1.0695429 1.0696455 1.0648808 1.0560647 1.0482286\n", + " 1.0445422 0. 0. 0. 0. 0. 0. ]\n", + " [1.1662054 1.1634939 1.1744047 1.1833123 1.1711146 1.1383678 1.1050174\n", + " 1.0830456 1.071299 1.067437 1.0646334 1.0590397 1.0503476 1.043151\n", + " 1.0404116 1.0423194 1.0473769 1.0525221 1.0548286 1.0558646 0. ]\n", + " [1.1698649 1.1680558 1.1781423 1.1863066 1.1736236 1.1410859 1.1075673\n", + " 1.0849596 1.0739536 1.070031 1.0677739 1.0612079 1.0524285 1.0452805\n", + " 1.0419961 1.043788 1.0488946 1.054111 1.0564127 1.0578202 1.0596026]\n", + " [1.182202 1.1768734 1.1875166 1.1967536 1.1844664 1.148757 1.112588\n", + " 1.0886778 1.0774889 1.0750663 1.0746211 1.0686748 1.0594281 1.050386\n", + " 1.0465477 1.0485824 1.0544361 0. 0. 0. 0. ]\n", + " [1.1863683 1.1807114 1.190366 1.198277 1.1863906 1.1519837 1.1164505\n", + " 1.0929744 1.0826173 1.080781 1.0803803 1.0756665 1.0657706 1.0562762\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1903584 1.1873451 1.1974112 1.2068701 1.1925796 1.1572347 1.1198115\n", + " 1.0947334 1.0818517 1.0780759 1.0759403 1.0710775 1.0612015 1.0526235\n", + " 1.0490178 1.0510197 1.0565944 1.0616925 1.0641038 0. 0.\n", + " 0. ]\n", + " [1.162834 1.1600175 1.1700389 1.1781763 1.1662463 1.1343515 1.1020025\n", + " 1.0805773 1.0705984 1.0678221 1.0669613 1.062712 1.0539337 1.0462397\n", + " 1.0430357 1.0443642 1.0492494 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1743151 1.1724634 1.1838113 1.1943196 1.1829935 1.1490384 1.1140169\n", + " 1.0908072 1.0776849 1.0739503 1.0705203 1.0650194 1.0555111 1.047089\n", + " 1.0436028 1.0452456 1.0505704 1.0549163 1.0571177 1.0571468 1.0584307\n", + " 0. ]\n", + " [1.1759232 1.1731513 1.1828799 1.1908962 1.1788223 1.1450298 1.1104392\n", + " 1.0864377 1.07469 1.0711281 1.0701811 1.0649171 1.0557128 1.0480396\n", + " 1.0447503 1.0463872 1.051698 1.0563889 1.0591395 0. 0.\n", + " 0. ]\n", + " [1.171379 1.1675017 1.1781443 1.1884267 1.1770378 1.1436039 1.1091924\n", + " 1.0858247 1.0736159 1.0697564 1.0675465 1.061958 1.0530977 1.0456247\n", + " 1.0425532 1.0446543 1.049585 1.0542216 1.0568061 1.0577549 1.0591122\n", + " 1.062887 ]]\n", + "[[1.2000773 1.1935201 1.2034671 1.2116743 1.1973981 1.159193 1.1205388\n", + " 1.0957636 1.0846913 1.0831921 1.0832494 1.0775548 1.0668465 1.0573744\n", + " 0. 0. 0. 0. ]\n", + " [1.1657083 1.163372 1.173983 1.1821706 1.1693096 1.1363896 1.1033255\n", + " 1.081663 1.0710326 1.0689274 1.0680268 1.0623778 1.054132 1.0460356\n", + " 1.0424333 1.0445714 1.0494504 1.0542477]\n", + " [1.1647791 1.1598402 1.1698337 1.178066 1.1674453 1.1356217 1.1026651\n", + " 1.0798049 1.0702381 1.0681775 1.0688357 1.0647278 1.0564429 1.048148\n", + " 1.0446271 1.046497 0. 0. ]\n", + " [1.1580923 1.1556108 1.1656808 1.1735106 1.1623528 1.1308596 1.0985838\n", + " 1.0768347 1.0671849 1.0644011 1.0636525 1.059511 1.0518566 1.0437647\n", + " 1.0406858 1.0419387 1.0465616 1.0513954]\n", + " [1.1743512 1.1697608 1.1800131 1.1887318 1.1769108 1.1425695 1.1068685\n", + " 1.0833426 1.0725164 1.0703504 1.0705392 1.0662668 1.0578057 1.0495759\n", + " 1.045811 1.0477996 1.0532532 0. ]]\n", + "[[1.1959133 1.1899879 1.200302 1.2076539 1.1934485 1.1559316 1.11873\n", + " 1.0949298 1.085091 1.0845704 1.0852786 1.0800874 1.0690325 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1918604 1.186365 1.1968744 1.2063494 1.1928163 1.1562186 1.1179051\n", + " 1.0928779 1.080908 1.0797709 1.0802977 1.0756974 1.0651516 1.0558469\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1760461 1.1705868 1.178008 1.1839421 1.1709633 1.1389153 1.1051061\n", + " 1.0826045 1.072633 1.0712699 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1833797 1.179526 1.190107 1.1993922 1.1867095 1.1518495 1.1156658\n", + " 1.0917405 1.0804155 1.0791768 1.0790422 1.0745218 1.0647956 1.055598\n", + " 1.0514798 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1573243 1.155103 1.16491 1.1720841 1.160135 1.129612 1.0990971\n", + " 1.0790728 1.0688591 1.0653603 1.062999 1.0574641 1.0490557 1.0415888\n", + " 1.0386653 1.040288 1.0446829 1.0488148 1.0509409 1.0522927 1.0538992\n", + " 1.0576415]]\n", + "[[1.187148 1.1815047 1.1905543 1.1972293 1.1848816 1.149328 1.113032\n", + " 1.0886817 1.0789751 1.0776572 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1674799 1.1655619 1.1763046 1.1860967 1.1745064 1.1423166 1.1086371\n", + " 1.0856503 1.0739746 1.0694625 1.0672135 1.061601 1.0524895 1.0447985\n", + " 1.0413237 1.042987 1.0475658 1.0520936 1.0539118 1.0546163 1.0558031]\n", + " [1.1733754 1.1695007 1.1798975 1.1886858 1.1752392 1.1421045 1.107514\n", + " 1.0848966 1.0738674 1.0711116 1.0700517 1.0644242 1.0555733 1.0475006\n", + " 1.0437711 1.0456027 1.0507053 1.0559514 0. 0. 0. ]\n", + " [1.1751767 1.1723231 1.1831945 1.1919878 1.180136 1.1452488 1.1102018\n", + " 1.0863792 1.0757579 1.073456 1.073363 1.0683465 1.0587727 1.0501331\n", + " 1.0461493 1.0479106 1.0533909 0. 0. 0. 0. ]\n", + " [1.1705558 1.1668295 1.1776364 1.1859589 1.1747652 1.1418636 1.1076292\n", + " 1.0847703 1.0733938 1.0707198 1.0690905 1.0636361 1.0543857 1.0466177\n", + " 1.0427643 1.0445684 1.0494828 1.0540988 1.0561837 0. 0. ]]\n", + "[[1.1722484 1.1689223 1.1798961 1.188357 1.1753181 1.1420033 1.1074351\n", + " 1.0849773 1.0736408 1.0699718 1.0687898 1.0631552 1.0541503 1.0466108\n", + " 1.0429788 1.0448989 1.050361 1.0553496 1.0583984 0. 0.\n", + " 0. 0. ]\n", + " [1.1780126 1.1743766 1.1851892 1.1938328 1.1819855 1.147625 1.1117928\n", + " 1.0874293 1.0764534 1.07341 1.0721278 1.0675104 1.0586796 1.0500563\n", + " 1.0461433 1.0476416 1.0530305 1.0583137 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1805865 1.1743329 1.1838531 1.1938822 1.1822671 1.1485343 1.1130112\n", + " 1.089458 1.0790334 1.0773115 1.0773712 1.0726192 1.0625205 1.0529803\n", + " 1.048872 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1581305 1.1556605 1.1661166 1.1747608 1.1646514 1.1342006 1.1019074\n", + " 1.0804391 1.0691711 1.065407 1.0632182 1.0576892 1.0495602 1.0422955\n", + " 1.0396873 1.0412928 1.0457116 1.050117 1.052314 1.0531176 1.0541339\n", + " 1.057731 1.0649137]\n", + " [1.1576293 1.1529958 1.1634587 1.1723546 1.161742 1.1305774 1.0986171\n", + " 1.0773084 1.06759 1.0661411 1.0658538 1.0610144 1.0524116 1.0444406\n", + " 1.0407915 1.0427479 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1647072 1.1634915 1.1754856 1.1854924 1.173105 1.1400628 1.1063339\n", + " 1.083338 1.0717554 1.0680377 1.0659299 1.0605778 1.0519626 1.0448142\n", + " 1.0411954 1.0427881 1.0476323 1.0522742 1.0544616 1.0554091 1.0569192]\n", + " [1.1802768 1.1753216 1.1847895 1.1924508 1.180371 1.1468648 1.1126757\n", + " 1.089836 1.0785164 1.0762097 1.075297 1.0696173 1.0605211 1.0519563\n", + " 1.048028 1.0498929 0. 0. 0. 0. 0. ]\n", + " [1.1846447 1.1793208 1.1899899 1.1986625 1.1860999 1.1505966 1.1138844\n", + " 1.0896015 1.0796694 1.0781752 1.0795226 1.0748928 1.0649145 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1577786 1.1522101 1.1600423 1.1669339 1.1550239 1.1268827 1.0958794\n", + " 1.0762744 1.0669732 1.0661714 1.0665752 1.0620171 1.0531741 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1836501 1.1787157 1.1891801 1.196873 1.1824571 1.1475629 1.1107424\n", + " 1.0867571 1.076595 1.0752572 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1671695 1.1630368 1.172257 1.1789864 1.1659219 1.1337011 1.1008344\n", + " 1.0798508 1.0702307 1.0686164 1.0683727 1.0640117 1.0552918 1.0476781\n", + " 1.0441058 1.0457684 1.0508794 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1909127 1.1878842 1.199362 1.2088208 1.1952517 1.1601497 1.1223603\n", + " 1.0972608 1.0849274 1.081405 1.079532 1.073514 1.0632504 1.0539768\n", + " 1.0497575 1.0512094 1.0567156 1.062066 1.0647392 0. 0.\n", + " 0. ]\n", + " [1.1824951 1.1761241 1.1850945 1.1926724 1.1810265 1.1475698 1.1136721\n", + " 1.090747 1.0797567 1.0773606 1.0767567 1.071331 1.0617772 1.0527742\n", + " 1.0489434 1.0514662 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1672664 1.1640933 1.1746936 1.1833048 1.170659 1.1377223 1.104018\n", + " 1.0816537 1.0705831 1.0675316 1.0662112 1.0610327 1.0522261 1.0451664\n", + " 1.0419098 1.0437456 1.048134 1.0527163 1.0552348 1.056103 0.\n", + " 0. ]\n", + " [1.1612837 1.1597059 1.1714313 1.1811105 1.169178 1.1363877 1.1028465\n", + " 1.0806882 1.0699539 1.0664463 1.0645177 1.058922 1.0500867 1.0427499\n", + " 1.0396066 1.0412788 1.0464027 1.0514727 1.0538529 1.054789 1.0559607\n", + " 1.0594184]]\n", + "[[1.180183 1.1768322 1.189489 1.1994159 1.187893 1.1519878 1.1143489\n", + " 1.0892956 1.0779299 1.076469 1.0773405 1.0724735 1.0628556 1.0536603\n", + " 1.0493027 1.0512124 0. 0. 0. 0. ]\n", + " [1.1514653 1.1486994 1.1590724 1.1675693 1.1573352 1.1260835 1.0942482\n", + " 1.0736281 1.0635582 1.0607747 1.0601767 1.0556235 1.0477424 1.0406051\n", + " 1.0373999 1.0386525 1.0428351 1.0474992 1.0496093 0. ]\n", + " [1.16871 1.1644579 1.1752689 1.185343 1.1744456 1.1416359 1.1070913\n", + " 1.0838776 1.073765 1.0713375 1.0710032 1.0658107 1.0570424 1.0481532\n", + " 1.0444138 1.0460246 1.0513747 0. 0. 0. ]\n", + " [1.1804523 1.1781421 1.1879514 1.197767 1.1848115 1.1513233 1.115566\n", + " 1.0907348 1.0788649 1.0751632 1.0724213 1.0673654 1.0579206 1.0500922\n", + " 1.0459461 1.0477781 1.0530999 1.0577724 1.0600324 1.0609964]\n", + " [1.1868448 1.1812845 1.1906155 1.1976596 1.1829836 1.1479851 1.1117828\n", + " 1.088237 1.0780778 1.0775628 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1630877 1.1607821 1.1709284 1.1794264 1.167612 1.1366509 1.1043859\n", + " 1.0824322 1.0708855 1.0667039 1.0647812 1.0590189 1.050623 1.0434309\n", + " 1.0403241 1.0422684 1.0468551 1.0515624 1.053652 1.0544631 1.0558245\n", + " 1.0596825]\n", + " [1.1774095 1.1743964 1.185168 1.1947304 1.1822039 1.1485487 1.1127615\n", + " 1.0887389 1.0767316 1.0731097 1.0719565 1.065938 1.0570668 1.0487694\n", + " 1.044546 1.0464426 1.0511467 1.0559866 1.0585495 0. 0.\n", + " 0. ]\n", + " [1.1604062 1.1579915 1.1695764 1.1799976 1.1693679 1.1372647 1.1037706\n", + " 1.0807986 1.0695982 1.0659046 1.0637394 1.058485 1.0498041 1.042101\n", + " 1.039071 1.0403272 1.0451194 1.0499357 1.0522964 1.0537221 1.0549443\n", + " 0. ]\n", + " [1.1756077 1.1716766 1.1819805 1.1908127 1.1781049 1.144692 1.1097624\n", + " 1.0856594 1.0743688 1.0709568 1.0705572 1.0657502 1.0572598 1.0488034\n", + " 1.0452157 1.046594 1.0516123 1.0567386 0. 0. 0.\n", + " 0. ]\n", + " [1.1741891 1.1705745 1.1824487 1.1918988 1.180139 1.1461308 1.1100467\n", + " 1.0867211 1.0756431 1.0737895 1.0735632 1.0686138 1.0587484 1.0502173\n", + " 1.0459455 1.0477602 1.0529307 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.161658 1.1589533 1.1698616 1.1789851 1.1673819 1.1348937 1.1017692\n", + " 1.0797602 1.069455 1.0668131 1.0669671 1.0627089 1.0541875 1.0467411\n", + " 1.0431864 1.0446875 1.0497993 0. 0. 0. 0. ]\n", + " [1.1570195 1.1522106 1.1618356 1.1706694 1.1599181 1.1296537 1.0983529\n", + " 1.0775771 1.0680622 1.0665544 1.0668238 1.0628742 1.0540625 1.0459571\n", + " 1.0424025 0. 0. 0. 0. 0. 0. ]\n", + " [1.176463 1.1705331 1.1798129 1.188258 1.1771052 1.1441762 1.1083193\n", + " 1.085264 1.07449 1.0727271 1.0733212 1.0683378 1.0591233 1.0508444\n", + " 1.0469382 0. 0. 0. 0. 0. 0. ]\n", + " [1.165935 1.1627464 1.1720095 1.1815217 1.1697922 1.1367323 1.1034299\n", + " 1.0816448 1.0718932 1.0709217 1.071598 1.0663604 1.0576899 1.0489227\n", + " 1.0450107 0. 0. 0. 0. 0. 0. ]\n", + " [1.1719041 1.1690902 1.1786219 1.1872274 1.1744758 1.1427994 1.1096278\n", + " 1.0870147 1.0749725 1.0709037 1.068712 1.0621455 1.053789 1.0461406\n", + " 1.0433463 1.0448782 1.0497508 1.054444 1.0562544 1.0572982 1.0587728]]\n", + "[[1.1811769 1.1776474 1.1878066 1.1953855 1.1822383 1.1481897 1.1121056\n", + " 1.0888712 1.0767822 1.0741836 1.0721412 1.0663288 1.0569273 1.0484531\n", + " 1.0450379 1.047036 1.0525169 1.0575665 1.0599269 0. ]\n", + " [1.1687955 1.1649665 1.1751757 1.184218 1.1725549 1.1400263 1.1062284\n", + " 1.0838454 1.0735329 1.0712796 1.07088 1.0657786 1.0565209 1.047858\n", + " 1.0441294 1.0457635 1.0510035 0. 0. 0. ]\n", + " [1.1666875 1.1621544 1.1721451 1.1813439 1.1693537 1.1361827 1.1024873\n", + " 1.0809302 1.0705197 1.0687467 1.068508 1.0641092 1.0553149 1.0471939\n", + " 1.0437355 0. 0. 0. 0. 0. ]\n", + " [1.1842307 1.1809698 1.1913328 1.1993214 1.1849314 1.1493783 1.1131223\n", + " 1.0894696 1.0774262 1.0735681 1.0721215 1.0665275 1.0573549 1.0497843\n", + " 1.0464027 1.0484171 1.0532779 1.058185 1.0605009 1.0619924]\n", + " [1.1733798 1.1682882 1.1780945 1.185891 1.1738688 1.1407909 1.1069796\n", + " 1.084469 1.0753229 1.0740554 1.0747381 1.0696387 1.0600802 1.0510441\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1893425 1.1847491 1.1956009 1.2047485 1.1922734 1.1563598 1.1198483\n", + " 1.095302 1.0846609 1.0830479 1.0829703 1.0771979 1.0670682 1.0569825\n", + " 0. 0. 0. 0. ]\n", + " [1.1712611 1.1666212 1.1755764 1.1837981 1.1707909 1.1391385 1.1056229\n", + " 1.0839231 1.0729787 1.0703785 1.0692333 1.0641178 1.0554453 1.0472926\n", + " 1.0442446 1.0462934 1.0516795 1.0569117]\n", + " [1.180326 1.1760138 1.1863823 1.1949687 1.1833 1.1491636 1.1142448\n", + " 1.0908458 1.0805598 1.0792702 1.0792284 1.0741354 1.0641549 1.0542488\n", + " 0. 0. 0. 0. ]\n", + " [1.1638097 1.1600025 1.1699226 1.1779208 1.165703 1.1329811 1.099939\n", + " 1.0780561 1.0678172 1.0657269 1.0652736 1.0609801 1.0530977 1.0454887\n", + " 1.0420741 1.0435929 1.0482885 1.0530721]\n", + " [1.165013 1.162536 1.1733861 1.1824389 1.1706972 1.136941 1.1032623\n", + " 1.0807596 1.0702367 1.0677755 1.06716 1.0623214 1.0534997 1.045834\n", + " 1.0424168 1.04395 1.0490944 1.0542736]]\n", + "[[1.1772562 1.1745374 1.1850754 1.1944702 1.1825495 1.1493857 1.1145055\n", + " 1.0910405 1.078686 1.0739481 1.0714085 1.0649418 1.0553502 1.0473934\n", + " 1.0441148 1.0464125 1.0518041 1.056792 1.0591497 1.0600398 1.061111\n", + " 1.0647739 1.0725039]\n", + " [1.1657996 1.1625265 1.1727302 1.181875 1.1706811 1.1397328 1.1068248\n", + " 1.0845299 1.0727671 1.0691046 1.067131 1.0615033 1.0525439 1.0449286\n", + " 1.0412858 1.0430022 1.0475671 1.0524317 1.054738 1.0561734 1.0573997\n", + " 0. 0. ]\n", + " [1.1810205 1.1761525 1.1856741 1.1939712 1.1805408 1.1449524 1.1110479\n", + " 1.0880651 1.078337 1.0772424 1.0769495 1.071739 1.0614979 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1802586 1.1773822 1.18909 1.1987181 1.1856561 1.1497779 1.1129069\n", + " 1.0881523 1.0773141 1.075475 1.0756575 1.0707879 1.0613269 1.0528016\n", + " 1.0485283 1.0503602 1.0559868 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1751988 1.1727129 1.1830182 1.1922258 1.1792843 1.1463758 1.1117703\n", + " 1.0882312 1.0767354 1.0727998 1.0704913 1.0637932 1.0547419 1.0465889\n", + " 1.0430499 1.0452063 1.0503796 1.0551797 1.0573279 1.0580281 0.\n", + " 0. 0. ]]\n", + "[[1.1873958 1.1835073 1.1936293 1.2022839 1.1885937 1.1545236 1.1175818\n", + " 1.0933493 1.080251 1.0770367 1.0761775 1.0698802 1.0603782 1.0517545\n", + " 1.0483668 1.0505714 1.0558394 1.0608867 1.0632939 0. 0. ]\n", + " [1.1763315 1.1740891 1.1856537 1.1938962 1.180433 1.1453543 1.1111361\n", + " 1.0876943 1.0759972 1.0726521 1.0707561 1.0646795 1.055016 1.0475136\n", + " 1.0439769 1.0459894 1.0505455 1.0556577 1.0583289 1.0596477 1.0612532]\n", + " [1.1898803 1.1844755 1.1930561 1.199837 1.1859729 1.1499555 1.1148764\n", + " 1.0923346 1.0825682 1.0814085 1.0817237 1.0755004 1.0652688 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1604936 1.1567581 1.1647071 1.1710573 1.1595343 1.1290567 1.0985377\n", + " 1.0774117 1.0669421 1.0632977 1.0618433 1.056787 1.0493431 1.0426674\n", + " 1.0398505 1.0414832 1.0461121 1.0505295 1.0529664 1.0540929 0. ]\n", + " [1.1752554 1.1710596 1.1809446 1.1898617 1.1785259 1.1453365 1.1106852\n", + " 1.0874782 1.07711 1.0743262 1.0735201 1.0668314 1.05727 1.0482917\n", + " 1.0442262 1.0460789 1.0515062 1.0567374 0. 0. 0. ]]\n", + "[[1.1856251 1.1834401 1.1937118 1.2024574 1.1902716 1.1548533 1.1180878\n", + " 1.0929258 1.0807737 1.076923 1.074747 1.0686041 1.0595927 1.0512935\n", + " 1.0470923 1.0494708 1.0547282 1.0595613 1.0622845 1.0629575]\n", + " [1.161982 1.1576381 1.1683981 1.1771333 1.1674168 1.1356555 1.1020093\n", + " 1.0805922 1.0708256 1.0689399 1.069591 1.0650544 1.055661 1.0474243\n", + " 1.0436043 0. 0. 0. 0. 0. ]\n", + " [1.1965092 1.1924803 1.203287 1.2116625 1.1982721 1.1618545 1.1234664\n", + " 1.0983505 1.0859158 1.0819695 1.0798684 1.0735046 1.0632063 1.054097\n", + " 1.0508008 1.0528458 1.0587344 1.0643544 1.0669551 0. ]\n", + " [1.167154 1.1634699 1.1735669 1.1826603 1.1707864 1.1379453 1.1054054\n", + " 1.0829604 1.0722877 1.0701815 1.0691156 1.0642401 1.0553786 1.047158\n", + " 1.0436627 1.0451981 1.0506954 0. 0. 0. ]\n", + " [1.1843318 1.179687 1.188589 1.1951334 1.1838434 1.1505278 1.1155076\n", + " 1.0914563 1.0795838 1.0759522 1.0741102 1.0687929 1.059569 1.0508269\n", + " 1.0476655 1.049815 1.0552635 1.0604758 0. 0. ]]\n", + "[[1.1762934 1.1695132 1.1788113 1.1878817 1.1767792 1.1435325 1.1089312\n", + " 1.0869591 1.0770955 1.0759832 1.0766724 1.0715016 1.0616678 1.0520034\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1651112 1.1621313 1.1726655 1.181961 1.1691182 1.1360904 1.1020569\n", + " 1.0796964 1.0694245 1.0675397 1.0666713 1.061726 1.0527956 1.0448463\n", + " 1.0410589 1.043177 1.0484593 1.0538143 0. 0. 0. ]\n", + " [1.1833501 1.1786197 1.1883237 1.1967999 1.1834785 1.1495843 1.1141956\n", + " 1.0906045 1.0800171 1.0767801 1.0755602 1.069398 1.0595566 1.0510833\n", + " 1.047587 1.0500822 1.0561359 1.0619196 0. 0. 0. ]\n", + " [1.1484022 1.1438484 1.1520457 1.1592407 1.1489801 1.1209307 1.0921103\n", + " 1.0726695 1.0629301 1.0593249 1.0572809 1.0518064 1.0441828 1.0381167\n", + " 1.0356598 1.0370353 1.0415009 1.0460067 1.0483012 1.049518 1.0513487]\n", + " [1.18551 1.1826568 1.1922909 1.1994603 1.1877371 1.1529186 1.1173583\n", + " 1.0931679 1.0804813 1.0770141 1.0756843 1.0695226 1.060064 1.0515307\n", + " 1.0480227 1.0493683 1.0550407 1.0606234 1.0630918 0. 0. ]]\n", + "[[1.1739774 1.1674967 1.1758419 1.1839224 1.1719241 1.1389524 1.106219\n", + " 1.0851709 1.0755424 1.0736842 1.073545 1.0680671 1.0582695 1.0495324\n", + " 1.0457656 0. 0. 0. 0. ]\n", + " [1.1594635 1.1549813 1.1654348 1.1750495 1.1639593 1.1320193 1.0995171\n", + " 1.0777168 1.0676056 1.0650116 1.0648028 1.0603064 1.0519308 1.0439513\n", + " 1.0404156 1.0421273 1.0470692 1.0520006 0. ]\n", + " [1.1967521 1.1921978 1.2015617 1.210751 1.1966133 1.1608944 1.1231046\n", + " 1.0980006 1.0859603 1.0829909 1.0822797 1.0768476 1.0664103 1.0570196\n", + " 1.0525459 1.0546477 1.0608014 0. 0. ]\n", + " [1.1676356 1.1633031 1.1728921 1.1828676 1.1696821 1.1363429 1.1031222\n", + " 1.0815933 1.0725943 1.0719655 1.0726175 1.0676725 1.0578623 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1839135 1.1804981 1.1911459 1.198489 1.1871126 1.1524107 1.1160089\n", + " 1.0917906 1.0790089 1.0756699 1.0738105 1.0683956 1.0589393 1.0506753\n", + " 1.0473696 1.049223 1.0543959 1.0598049 1.0621693]]\n", + "[[1.2012955 1.1949316 1.2041082 1.2107823 1.1954894 1.1581125 1.121084\n", + " 1.0962114 1.084598 1.0818319 1.0799664 1.0741752 1.0641757 1.0549827\n", + " 1.0512434 1.0535829 1.0594174 1.0649267 0. 0. ]\n", + " [1.1700319 1.1683154 1.1793445 1.1883748 1.1769086 1.1433668 1.1082453\n", + " 1.0850791 1.0735214 1.070179 1.0678467 1.06294 1.0539176 1.0465446\n", + " 1.0426219 1.044141 1.0486304 1.0531342 1.0553696 1.056541 ]\n", + " [1.179276 1.1745781 1.1841711 1.192289 1.179525 1.1455315 1.1107944\n", + " 1.0874065 1.0766792 1.0738305 1.0728635 1.0680264 1.0588089 1.0502841\n", + " 1.0466799 1.0486227 1.0542556 1.0594723 0. 0. ]\n", + " [1.1741706 1.1698444 1.1791277 1.1873869 1.1745359 1.1403522 1.1065485\n", + " 1.0836533 1.0726566 1.0710455 1.0710998 1.0666618 1.0581148 1.0501304\n", + " 1.0464146 1.0478991 1.053131 0. 0. 0. ]\n", + " [1.1693683 1.1670551 1.1779307 1.1864287 1.1742086 1.1408911 1.1061463\n", + " 1.0826074 1.0713958 1.068354 1.066792 1.06214 1.0535983 1.0465518\n", + " 1.043008 1.0446378 1.0493194 1.0538492 1.0567467 0. ]]\n", + "[[1.1778677 1.1734567 1.1832324 1.1908556 1.1785487 1.1437641 1.1096195\n", + " 1.0864917 1.0770195 1.0751063 1.0755101 1.0703578 1.0609151 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1703423 1.1668519 1.1776724 1.1858484 1.1747094 1.1411961 1.1063404\n", + " 1.0830405 1.0722284 1.0695212 1.0687512 1.0641575 1.0555335 1.0471945\n", + " 1.0438063 1.045224 1.0504181 1.0556884 0. 0. ]\n", + " [1.1638619 1.1607567 1.1707914 1.1797915 1.1681651 1.135796 1.1031735\n", + " 1.0811734 1.0700216 1.0667616 1.0657127 1.0598723 1.0510411 1.0437644\n", + " 1.0402697 1.0419822 1.047234 1.0523443 1.0548078 1.0556959]\n", + " [1.1810045 1.1787442 1.1898578 1.1981745 1.1852231 1.1495838 1.1130878\n", + " 1.0887 1.0769817 1.0738783 1.0720271 1.0670497 1.0574784 1.0495311\n", + " 1.0458312 1.0477852 1.0533015 1.058666 1.0611858 0. ]\n", + " [1.183297 1.1779656 1.1885965 1.198458 1.1862607 1.1513094 1.1148416\n", + " 1.0901346 1.078888 1.0761864 1.0759562 1.0710407 1.0616673 1.0528461\n", + " 1.0486059 1.0507848 1.0568708 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1678296 1.1660404 1.1764333 1.1863893 1.1746231 1.1418574 1.107385\n", + " 1.0836371 1.0726708 1.0691421 1.0680748 1.0621986 1.0535836 1.0460122\n", + " 1.0425301 1.0436943 1.0488973 1.053806 1.0564642 0. ]\n", + " [1.1811721 1.179201 1.1907874 1.1990875 1.1851202 1.1499153 1.1127193\n", + " 1.0887693 1.0770786 1.0735793 1.0730082 1.0675262 1.0582348 1.0498067\n", + " 1.0461675 1.0477307 1.0528672 1.0580827 1.0607188 0. ]\n", + " [1.1672218 1.1641408 1.175055 1.1845729 1.1723497 1.1380666 1.1038883\n", + " 1.0816514 1.0717801 1.07004 1.0701393 1.064754 1.0552553 1.0466434\n", + " 1.042782 1.0446172 1.0498074 0. 0. 0. ]\n", + " [1.1674769 1.1647887 1.1754323 1.1838337 1.1713351 1.1381956 1.1042632\n", + " 1.0817282 1.0710866 1.0678571 1.0666298 1.0614667 1.052728 1.0453334\n", + " 1.0417818 1.043559 1.0484533 1.0532757 1.0558739 1.056544 ]\n", + " [1.1934208 1.1884294 1.1989994 1.2077726 1.1953253 1.1593287 1.1208053\n", + " 1.0960906 1.0841283 1.0813621 1.0814242 1.0763043 1.0666472 1.0573171\n", + " 1.0529809 1.0550665 0. 0. 0. 0. ]]\n", + "[[1.1694124 1.1664934 1.1776308 1.1868005 1.1755519 1.1420463 1.1071587\n", + " 1.0840129 1.0734494 1.0709726 1.07108 1.0663109 1.0572988 1.0485835\n", + " 1.045003 1.0464981 1.0522051 0. 0. 0. ]\n", + " [1.1681424 1.1649466 1.1751983 1.1830211 1.1708146 1.1372095 1.1023273\n", + " 1.0801864 1.0692502 1.0663996 1.0654999 1.0606804 1.0523956 1.0447236\n", + " 1.0416107 1.0429962 1.047924 1.0524491 1.0551022 0. ]\n", + " [1.1816194 1.176132 1.1864454 1.1935475 1.1811992 1.1468558 1.112125\n", + " 1.0893902 1.0789937 1.0768108 1.0768465 1.0713575 1.0613155 1.0522193\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1780577 1.1754912 1.1867139 1.1963607 1.1836022 1.1487517 1.1130629\n", + " 1.0892434 1.0771146 1.07272 1.0711904 1.0649843 1.0552062 1.0474294\n", + " 1.0438287 1.0455185 1.0503414 1.0557636 1.0587841 1.0599877]\n", + " [1.1754309 1.1705744 1.1808977 1.1895084 1.178382 1.1443763 1.1097039\n", + " 1.0865483 1.0761502 1.0746036 1.0750947 1.0707145 1.061297 1.0526448\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.16662 1.1637263 1.1739758 1.182614 1.1696476 1.1370815 1.103274\n", + " 1.0810295 1.0704713 1.0673342 1.06622 1.0610216 1.0528939 1.0453184\n", + " 1.0419402 1.0437722 1.0482556 1.053079 1.0551329 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1828414 1.1785537 1.1882896 1.1968725 1.1835763 1.1503377 1.1152868\n", + " 1.0908145 1.0795263 1.0760591 1.0746447 1.069221 1.0597374 1.0511945\n", + " 1.0476835 1.0493894 1.0550649 1.0607268 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1834843 1.1774696 1.1854568 1.1925813 1.1795778 1.1451008 1.1106371\n", + " 1.0875604 1.0771755 1.0748003 1.0741701 1.0688773 1.0599061 1.0519915\n", + " 1.0488849 1.051441 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1604005 1.1562815 1.1658154 1.1743088 1.1633654 1.131859 1.0993342\n", + " 1.0779985 1.0674933 1.0647646 1.0646936 1.0601209 1.0518869 1.0446453\n", + " 1.0410923 1.0425882 1.0472726 1.0523436 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.166609 1.163737 1.1750653 1.1850127 1.1738814 1.1418957 1.107887\n", + " 1.0850455 1.0731487 1.0685123 1.0665206 1.060529 1.0516473 1.0440586\n", + " 1.0411446 1.0431565 1.0480127 1.0533862 1.0553862 1.0562258 1.0573809\n", + " 1.0604136 1.067148 1.0760074]]\n", + "[[1.1933795 1.1889257 1.1990111 1.2068527 1.1953573 1.1591868 1.121381\n", + " 1.0955937 1.0836873 1.0807023 1.0797919 1.0745709 1.0644108 1.0557557\n", + " 1.0520259 1.0538577 1.0601959 0. 0. ]\n", + " [1.1738826 1.1689154 1.1795058 1.1894208 1.1762297 1.1413467 1.1061814\n", + " 1.0830657 1.0733261 1.0721728 1.0732436 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1879908 1.1828185 1.1929258 1.2022512 1.1900542 1.1560327 1.1199187\n", + " 1.0955044 1.0844188 1.0822655 1.0820534 1.0761483 1.065618 1.056588\n", + " 1.0520885 0. 0. 0. 0. ]\n", + " [1.1785477 1.1756333 1.1860995 1.1951411 1.1828526 1.1477983 1.1116925\n", + " 1.087842 1.0761793 1.0733732 1.0722507 1.0669408 1.0576987 1.0496246\n", + " 1.0461069 1.0478413 1.053306 1.058753 0. ]\n", + " [1.1611154 1.157874 1.1685125 1.1773903 1.1667349 1.1349719 1.1015086\n", + " 1.079291 1.0685045 1.0655825 1.0651325 1.0604519 1.0517809 1.0440228\n", + " 1.040446 1.0419089 1.046771 1.0517383 1.0545309]]\n", + "[[1.1545613 1.1512463 1.1599772 1.1681314 1.1569057 1.1274047 1.0973771\n", + " 1.0767419 1.0661135 1.0629535 1.0607564 1.055096 1.0470208 1.0404239\n", + " 1.0373514 1.0394737 1.0440555 1.0487272 1.0508912 1.0515704 1.0529224]\n", + " [1.1609049 1.1582679 1.1689337 1.1780317 1.1673872 1.1349964 1.1021388\n", + " 1.0800178 1.0687292 1.0657387 1.0644304 1.0595798 1.050267 1.0428112\n", + " 1.0395899 1.0409894 1.045406 1.0505747 1.0532674 0. 0. ]\n", + " [1.1851233 1.1814862 1.1911824 1.1988237 1.1864793 1.151878 1.1152928\n", + " 1.0917857 1.0799663 1.0764632 1.0757838 1.0703447 1.0604602 1.0520419\n", + " 1.0483806 1.0502883 1.056299 1.0616761 0. 0. 0. ]\n", + " [1.1882759 1.1850877 1.1966889 1.2050371 1.192314 1.1569867 1.1204062\n", + " 1.0956726 1.0835434 1.0797938 1.0781994 1.0718092 1.0621775 1.0536939\n", + " 1.0494224 1.0515909 1.0572492 1.0625819 1.065049 0. 0. ]\n", + " [1.1752031 1.1700822 1.1792119 1.1885747 1.1773002 1.1440161 1.1094573\n", + " 1.0860684 1.0755037 1.0730877 1.0733371 1.0686815 1.06024 1.0518813\n", + " 1.0479106 1.0497521 0. 0. 0. 0. 0. ]]\n", + "[[1.1722918 1.1694534 1.1801213 1.1883034 1.1762978 1.1424805 1.1080809\n", + " 1.084986 1.073579 1.0698416 1.0676165 1.0621171 1.053037 1.0455086\n", + " 1.0425012 1.044542 1.0502352 1.0556277 1.0579145 1.0587485 0.\n", + " 0. ]\n", + " [1.1654285 1.1630088 1.1739519 1.1824223 1.1698452 1.1368079 1.10328\n", + " 1.080675 1.0695809 1.0673412 1.0664545 1.0613859 1.053248 1.0458267\n", + " 1.0423797 1.043997 1.0481972 1.0525599 1.0551363 0. 0.\n", + " 0. ]\n", + " [1.1552701 1.1526276 1.1628257 1.1708136 1.1591349 1.129556 1.0993326\n", + " 1.0789001 1.0675038 1.0637877 1.0613127 1.0557172 1.0468291 1.0404403\n", + " 1.0375327 1.0394545 1.0435772 1.0480072 1.0503666 1.0515684 1.0532074\n", + " 1.0567813]\n", + " [1.1469516 1.1444756 1.1544365 1.1630243 1.1527026 1.122791 1.0918927\n", + " 1.0715783 1.0615948 1.0588695 1.0577111 1.0536008 1.0467484 1.0400949\n", + " 1.0372987 1.0385485 1.0424846 1.0466248 1.0487633 1.0497376 0.\n", + " 0. ]\n", + " [1.1966285 1.1918883 1.2029874 1.2121384 1.1996924 1.1635051 1.1251475\n", + " 1.0989285 1.0861235 1.0823653 1.0800476 1.0740469 1.063313 1.053937\n", + " 1.0498192 1.0515498 1.0568392 1.0625538 1.0656018 0. 0.\n", + " 0. ]]\n", + "[[1.1904391 1.1870877 1.1987208 1.2072951 1.1945357 1.157393 1.1190017\n", + " 1.093111 1.0808691 1.077333 1.0765556 1.0707809 1.0608813 1.0524105\n", + " 1.0485051 1.05012 1.0554066 1.0607302 1.063226 ]\n", + " [1.185368 1.1793275 1.1906837 1.2002534 1.188555 1.1522381 1.1148263\n", + " 1.0907106 1.0801979 1.0798042 1.0808425 1.0755796 1.0656662 1.0558627\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1670487 1.1612417 1.1712515 1.180426 1.1699812 1.1381742 1.1041406\n", + " 1.0823193 1.0720062 1.0707912 1.0714201 1.0666413 1.0575001 1.048569\n", + " 1.0446912 0. 0. 0. 0. ]\n", + " [1.1749729 1.171942 1.1827059 1.1919956 1.1792079 1.1451993 1.1104683\n", + " 1.0873787 1.07605 1.0735853 1.0726454 1.0664358 1.057351 1.0491232\n", + " 1.0449982 1.0469813 1.0526503 1.0580558 0. ]\n", + " [1.1595917 1.1545608 1.1625297 1.1703205 1.1601659 1.1304334 1.0988926\n", + " 1.0779601 1.0673367 1.0654122 1.0650306 1.0604854 1.0525881 1.044995\n", + " 1.0414989 1.0432761 1.0481606 0. 0. ]]\n", + "[[1.1918384 1.187857 1.1970978 1.2051148 1.1917924 1.1562687 1.1197128\n", + " 1.0950167 1.0825337 1.0786475 1.0767292 1.0709388 1.0615144 1.0533679\n", + " 1.0493926 1.0516626 1.0574301 1.062935 1.0654539 0. ]\n", + " [1.1712744 1.1663857 1.1768571 1.185509 1.1729534 1.1388727 1.1048926\n", + " 1.0825839 1.0726343 1.0705334 1.0708514 1.0667249 1.0576947 1.0495142\n", + " 1.0457137 1.047481 0. 0. 0. 0. ]\n", + " [1.1831402 1.1799664 1.190381 1.1995167 1.1862191 1.1521187 1.116434\n", + " 1.0920851 1.0803362 1.0760326 1.0738173 1.0673085 1.0580775 1.0497557\n", + " 1.0463904 1.0482177 1.0536836 1.0588319 1.0609651 1.0618898]\n", + " [1.1903665 1.1868029 1.1965458 1.2029879 1.1908493 1.155111 1.1175084\n", + " 1.0936791 1.0814458 1.0776436 1.0756247 1.0698943 1.0603737 1.0515922\n", + " 1.0481639 1.0504497 1.0561974 1.0615256 1.0641282 0. ]\n", + " [1.184778 1.1793823 1.1878893 1.195314 1.1823019 1.148906 1.1144239\n", + " 1.0913408 1.0798135 1.0766523 1.0752006 1.0692495 1.0594231 1.0508233\n", + " 1.0473809 1.0495449 1.0553248 1.0609373 0. 0. ]]\n", + "[[1.1840032 1.180823 1.1917043 1.2008208 1.1887734 1.1547387 1.1187319\n", + " 1.0940069 1.080996 1.0767016 1.0742242 1.067219 1.0582418 1.0503254\n", + " 1.0466912 1.0488797 1.0540067 1.0588706 1.0610362 1.0619233 1.0632205\n", + " 1.067014 ]\n", + " [1.1896255 1.1865189 1.196722 1.2063999 1.1925473 1.1577673 1.1209661\n", + " 1.0957052 1.0827047 1.0782425 1.076207 1.0698115 1.0598114 1.0512339\n", + " 1.0472759 1.0493863 1.0541303 1.0590543 1.0613511 1.0622561 0.\n", + " 0. ]\n", + " [1.1582165 1.1547574 1.1640811 1.1732644 1.1622176 1.1317296 1.100454\n", + " 1.0789638 1.0676107 1.0641174 1.0616889 1.0567344 1.0492073 1.0421505\n", + " 1.0391353 1.0405887 1.0447772 1.0493168 1.0515082 1.0527889 1.0543392\n", + " 0. ]\n", + " [1.1876583 1.1835365 1.1936123 1.2021905 1.1898825 1.154937 1.1184323\n", + " 1.0933104 1.0817678 1.0784436 1.0773475 1.0717176 1.0620732 1.0530324\n", + " 1.049381 1.0513535 1.0571097 1.0627007 0. 0. 0.\n", + " 0. ]\n", + " [1.1592431 1.1552408 1.1647403 1.1728079 1.161668 1.1306916 1.0987496\n", + " 1.0777296 1.067585 1.0656929 1.0656537 1.0607029 1.0526552 1.0448467\n", + " 1.0414512 1.0434971 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1530293 1.1494414 1.1593779 1.1693985 1.1598551 1.1302272 1.0996165\n", + " 1.0785618 1.067722 1.0635515 1.0609366 1.0547979 1.0462288 1.0389411\n", + " 1.0362538 1.0381664 1.0430083 1.0472674 1.0498745 1.0516088 1.0529896\n", + " 1.0560808 1.0624053 1.0713334 1.0783396]\n", + " [1.1720692 1.1680843 1.1786575 1.186727 1.175047 1.1409085 1.1056647\n", + " 1.0822724 1.0719136 1.0694573 1.0698122 1.0653068 1.0566 1.0485731\n", + " 1.0448152 1.0465447 1.0519017 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1836146 1.1799229 1.1899643 1.1970607 1.185291 1.1510366 1.1149908\n", + " 1.0904689 1.07833 1.074433 1.0732057 1.0678097 1.0587521 1.0505334\n", + " 1.0473237 1.0491531 1.054233 1.0592138 1.0619742 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1573994 1.1532556 1.1619091 1.169192 1.1575209 1.126745 1.0954913\n", + " 1.075013 1.0656365 1.0635433 1.0627749 1.0583671 1.0504402 1.0431983\n", + " 1.0400746 1.0417448 1.0466902 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1696515 1.1649148 1.174048 1.1822555 1.1715276 1.140384 1.1076958\n", + " 1.0852618 1.0745468 1.071187 1.0705025 1.0652634 1.0568136 1.0489439\n", + " 1.0450656 1.0471232 1.0524632 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1981604 1.1922677 1.2014254 1.209415 1.1947247 1.1588461 1.121334\n", + " 1.0961971 1.0848002 1.0837034 0. 0. 0. ]\n", + " [1.1743764 1.1686283 1.177931 1.1858466 1.1728671 1.1394901 1.1059895\n", + " 1.0840864 1.074596 1.0738469 1.0745299 1.069623 1.0600253]]\n", + "[[1.169467 1.1659739 1.1759034 1.1843915 1.1719984 1.1406667 1.1067809\n", + " 1.0837885 1.0722752 1.0688629 1.0667311 1.0619669 1.0533031 1.0458007\n", + " 1.042618 1.0439898 1.0489088 1.0537983 1.0564145 1.0575788 0.\n", + " 0. 0. 0. ]\n", + " [1.1871526 1.1837752 1.1930285 1.2015026 1.1890818 1.154108 1.1164991\n", + " 1.0925851 1.0797205 1.0753415 1.0742269 1.0685709 1.0593218 1.050583\n", + " 1.0476067 1.0499012 1.0551144 1.0603613 1.063339 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1568398 1.1522733 1.1612091 1.169462 1.1602844 1.1307204 1.0991764\n", + " 1.0778121 1.0678889 1.06537 1.0651194 1.0601745 1.0520593 1.0447221\n", + " 1.0410244 1.0427653 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1518339 1.1498535 1.1613002 1.1711674 1.1596922 1.1299155 1.0980867\n", + " 1.0766861 1.066418 1.0627859 1.0609282 1.0548595 1.0463678 1.0395359\n", + " 1.0369661 1.0388961 1.0440073 1.0490872 1.050876 1.0516728 1.0533452\n", + " 1.0568337 1.063664 1.0725144]\n", + " [1.1702225 1.1659727 1.1758133 1.1841645 1.1730847 1.1408075 1.1075048\n", + " 1.0847332 1.0740212 1.0722051 1.0720428 1.0675069 1.0591129 1.0505123\n", + " 1.0466235 1.0484772 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1507599 1.1466979 1.1569558 1.1660788 1.1560099 1.1258456 1.0943313\n", + " 1.0737655 1.0646433 1.062941 1.0635613 1.059502 1.0509601 1.0430313\n", + " 1.0392154 1.0407968 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1826792 1.1787729 1.1881589 1.1966585 1.1831048 1.1486984 1.1139636\n", + " 1.0910052 1.0794265 1.0762489 1.0752282 1.0685798 1.0592245 1.0505941\n", + " 1.0473193 1.0497541 1.055682 1.0608734 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1697022 1.1666803 1.1772813 1.1864136 1.1743629 1.1407524 1.1057801\n", + " 1.0836861 1.072854 1.0697745 1.0691681 1.0640348 1.0547539 1.0468159\n", + " 1.0432763 1.0449808 1.0498904 1.0547475 1.0572139 0. 0.\n", + " 0. 0. ]\n", + " [1.1529213 1.1505872 1.1609153 1.1701877 1.1594025 1.1286385 1.0968263\n", + " 1.0760741 1.0656337 1.0615933 1.0601492 1.0550734 1.0470421 1.040704\n", + " 1.0377026 1.0391197 1.0435088 1.0470629 1.0496417 1.0506082 1.0521895\n", + " 1.0555203 1.0624388]\n", + " [1.1551987 1.1518767 1.1613388 1.1693358 1.158798 1.1280206 1.0965\n", + " 1.0760001 1.0664362 1.0657269 1.0671786 1.0627823 1.0538938 1.0458517\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1793544 1.175267 1.184422 1.1917975 1.177274 1.1439648 1.1095214\n", + " 1.086776 1.0762281 1.0741482 1.0732944 1.0685315 1.0592371 1.0506638\n", + " 1.0468868 1.0487839 1.0544561 0. ]\n", + " [1.2069457 1.1996318 1.2111676 1.2214295 1.2085674 1.170676 1.1294894\n", + " 1.1030873 1.0911825 1.0908083 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1872737 1.1828591 1.1941142 1.2037264 1.1905286 1.1549163 1.117857\n", + " 1.0935115 1.0822127 1.0799953 1.0799924 1.0744789 1.0647161 1.055656\n", + " 1.0513141 1.0535355 0. 0. ]\n", + " [1.1484811 1.1453409 1.1544065 1.1628605 1.1523354 1.1233747 1.0937425\n", + " 1.0732591 1.0640236 1.0615908 1.0601372 1.0556068 1.0476274 1.0400945\n", + " 1.03697 1.0384107 1.0429193 1.0475274]\n", + " [1.1678661 1.1649218 1.1754974 1.1843115 1.1715293 1.1379025 1.1040512\n", + " 1.0819416 1.0718787 1.069804 1.0690923 1.0640014 1.0546242 1.0461944\n", + " 1.0429375 1.0445985 1.0498888 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1640033 1.1615882 1.173343 1.1824174 1.1707861 1.1386844 1.1044177\n", + " 1.0818369 1.0716695 1.0692809 1.0693135 1.0643901 1.0555446 1.047709\n", + " 1.0437212 1.0451417 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1806389 1.1795079 1.1913236 1.2020003 1.1894263 1.1547838 1.118039\n", + " 1.0928739 1.0799881 1.0758659 1.073498 1.0683256 1.058975 1.0509923\n", + " 1.0469075 1.0486236 1.0537568 1.058909 1.0616039 1.0625784 0.\n", + " 0. 0. 0. ]\n", + " [1.1571383 1.1542978 1.164649 1.1747288 1.1636652 1.1319116 1.0986934\n", + " 1.0774901 1.0669389 1.0637332 1.0616666 1.0565574 1.0481519 1.0413232\n", + " 1.0384625 1.0404696 1.0457498 1.0505478 1.0531524 1.0532129 1.0547034\n", + " 1.057813 1.0645984 1.0740285]\n", + " [1.1527369 1.1507812 1.1601156 1.1688262 1.1573695 1.126792 1.0958723\n", + " 1.0752056 1.0648502 1.061191 1.0595568 1.0539248 1.0462724 1.039671\n", + " 1.0368699 1.0387954 1.0429918 1.0471987 1.0495672 1.0502748 1.0515865\n", + " 0. 0. 0. ]\n", + " [1.1563288 1.1515744 1.1599829 1.1666973 1.156703 1.1281301 1.0985836\n", + " 1.0792071 1.0700599 1.0680964 1.0675079 1.0623728 1.0534277 1.0450908\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1884699 1.1832757 1.194212 1.2044001 1.1914676 1.1557269 1.1197344\n", + " 1.0956106 1.0847074 1.0837075 1.0842766 1.0790266 1.0682981 1.0582852\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2059405 1.2006485 1.2106767 1.2185357 1.205237 1.1670692 1.1270912\n", + " 1.1009744 1.0895673 1.0883499 1.0886378 1.0830301 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1690191 1.1649667 1.1735488 1.1810564 1.1684536 1.1376337 1.1054059\n", + " 1.0832095 1.0716119 1.0677056 1.0672157 1.0626893 1.0548655 1.0475309\n", + " 1.0439217 1.0456507 1.0503465 1.0545594 0. 0. ]\n", + " [1.1585563 1.1568828 1.1678755 1.1764592 1.1661639 1.1337613 1.100191\n", + " 1.0790462 1.0686349 1.0652333 1.0637983 1.0582721 1.0496111 1.0423044\n", + " 1.0386707 1.0402778 1.0448308 1.049762 1.0521481 1.0530912]\n", + " [1.1616155 1.1591433 1.1702409 1.178875 1.168391 1.1371747 1.1042409\n", + " 1.0814877 1.0705636 1.0670043 1.0651326 1.0594683 1.0512202 1.0439072\n", + " 1.0408797 1.0421932 1.0468311 1.0514215 1.0537218 1.0551466]]\n", + "[[1.2033365 1.1980819 1.2083321 1.216252 1.2028402 1.1651763 1.125984\n", + " 1.0999978 1.0869919 1.0831869 1.0815889 1.0755107 1.065409 1.0561002\n", + " 1.0515591 1.053998 1.0597147 1.0655886 0. 0. 0. ]\n", + " [1.16168 1.1592839 1.1698236 1.1787642 1.1679107 1.136904 1.1045634\n", + " 1.0822558 1.0708691 1.0667018 1.0651639 1.0591589 1.0506243 1.042783\n", + " 1.0397513 1.041546 1.0465407 1.0513604 1.0538483 1.0549688 1.0564605]\n", + " [1.205074 1.199101 1.2101376 1.2182512 1.2025161 1.1647354 1.1254556\n", + " 1.0996908 1.0885029 1.0869583 1.0876763 1.0822452 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1642604 1.1621435 1.1729991 1.1814551 1.1691039 1.1358756 1.1020495\n", + " 1.0807619 1.0700406 1.068329 1.0678967 1.0628895 1.0541239 1.0464598\n", + " 1.0429543 1.044917 1.0500705 0. 0. 0. 0. ]\n", + " [1.1746526 1.172832 1.1857928 1.1968576 1.183745 1.1481394 1.1112264\n", + " 1.0868514 1.0753006 1.0720555 1.0709184 1.0652373 1.055626 1.0476128\n", + " 1.0438484 1.045379 1.0500215 1.0549915 1.0576015 1.0582753 0. ]]\n", + "[[1.1655483 1.1601698 1.1681048 1.1748955 1.1637161 1.1325907 1.100707\n", + " 1.0801176 1.0701667 1.0683671 1.0681971 1.0639678 1.0559038 1.0477288\n", + " 1.044235 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1702772 1.1680436 1.179881 1.1901673 1.1786927 1.1442904 1.1099751\n", + " 1.0867358 1.075076 1.0713012 1.0687346 1.0632017 1.0534365 1.0461714\n", + " 1.0428269 1.0447115 1.0495256 1.0548187 1.0572711 1.0580554 1.0593008\n", + " 1.0631818 1.070532 ]\n", + " [1.1653185 1.1611552 1.1715155 1.1804397 1.1697929 1.1380118 1.1039866\n", + " 1.0816587 1.0712442 1.069276 1.0693564 1.06444 1.0559684 1.047763\n", + " 1.0437944 1.0454137 1.0503836 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1624777 1.1584054 1.1667757 1.1751823 1.164068 1.1329625 1.1009529\n", + " 1.0791178 1.068073 1.0645195 1.0637938 1.0589769 1.0514283 1.0440191\n", + " 1.0412167 1.0426029 1.0474064 1.0521473 1.0548203 0. 0.\n", + " 0. 0. ]\n", + " [1.1499505 1.1478084 1.1578562 1.165948 1.1556731 1.1261771 1.0953403\n", + " 1.0746679 1.0643095 1.0608636 1.0590116 1.0532149 1.0458224 1.0391228\n", + " 1.0366198 1.0381484 1.0418026 1.0465971 1.0491141 1.050217 1.051764\n", + " 0. 0. ]]\n", + "[[1.174887 1.1712987 1.1805542 1.18853 1.1765721 1.1436925 1.1093107\n", + " 1.0865246 1.0757455 1.0731331 1.0718048 1.0675582 1.0581993 1.0500402\n", + " 1.0460503 1.0479099 1.0534352 0. ]\n", + " [1.2024224 1.196204 1.2067577 1.2157373 1.2007823 1.1630483 1.1237457\n", + " 1.0979617 1.086854 1.0862126 1.0867797 1.0815295 1.0705678 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1894641 1.1811521 1.190225 1.1999661 1.1876884 1.1535378 1.1177242\n", + " 1.0936618 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1756811 1.1716607 1.183185 1.1920072 1.1796372 1.1449255 1.1099167\n", + " 1.086529 1.0757157 1.073005 1.0727196 1.0672611 1.057433 1.0490692\n", + " 1.0451852 1.0471683 1.0526211 1.058177 ]\n", + " [1.1634438 1.1588669 1.168566 1.1776373 1.1661001 1.1341563 1.1015298\n", + " 1.0800991 1.0705919 1.0689306 1.0687901 1.063594 1.054939 1.0467052\n", + " 1.0428925 1.044771 0. 0. ]]\n", + "[[1.1789612 1.1750544 1.1855996 1.1943079 1.1813866 1.1477689 1.1120136\n", + " 1.0882168 1.0771261 1.0743566 1.0724809 1.067218 1.0572474 1.0488633\n", + " 1.045212 1.0472833 1.0533525 1.059069 0. 0. ]\n", + " [1.1567175 1.1544988 1.164757 1.1734306 1.1623466 1.130626 1.0991668\n", + " 1.0778211 1.0673983 1.0642128 1.0625687 1.058228 1.0501044 1.043041\n", + " 1.0394638 1.0411224 1.0453453 1.0500001 1.0522887 0. ]\n", + " [1.1682098 1.1645925 1.173915 1.1826303 1.1708333 1.1382583 1.1046444\n", + " 1.0821021 1.0708729 1.0670329 1.0661094 1.0609685 1.0527512 1.0453863\n", + " 1.042056 1.0437727 1.0484544 1.0532453 1.0556762 1.0567738]\n", + " [1.1646092 1.1610636 1.171777 1.1817702 1.170485 1.1393166 1.105328\n", + " 1.0827456 1.0715935 1.0692184 1.067853 1.0635294 1.0545559 1.0466007\n", + " 1.0428718 1.0447747 1.0500748 0. 0. 0. ]\n", + " [1.1822816 1.1775709 1.1864532 1.1949987 1.1820648 1.1476983 1.1125875\n", + " 1.0895002 1.0782431 1.0756886 1.0756863 1.0706483 1.0608808 1.0522466\n", + " 1.048324 1.0503541 1.05625 0. 0. 0. ]]\n", + "[[1.2084696 1.2024608 1.2127092 1.2204239 1.2053455 1.1674335 1.1280482\n", + " 1.1020123 1.0900939 1.0879512 1.0883044 1.0827518 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1808114 1.17636 1.1871207 1.1958067 1.183573 1.149481 1.1128243\n", + " 1.0892453 1.0781617 1.0754039 1.0754697 1.0701679 1.0608225 1.051769\n", + " 1.047384 1.0488746 1.0544552 0. 0. ]\n", + " [1.1811264 1.1752553 1.1845329 1.1924397 1.1801448 1.1458399 1.1100323\n", + " 1.0874736 1.077099 1.0760236 1.0768173 1.0725064 1.0624816 1.0531821\n", + " 1.0488888 0. 0. 0. 0. ]\n", + " [1.1961304 1.1920344 1.2023656 1.2105958 1.1982539 1.1627108 1.1243619\n", + " 1.0987179 1.0856475 1.0811352 1.0802193 1.073986 1.0635849 1.0545369\n", + " 1.050886 1.0526215 1.05858 1.0637275 1.0664085]\n", + " [1.1681852 1.1646675 1.1743788 1.1823199 1.1713103 1.1384273 1.1038316\n", + " 1.0814184 1.0707761 1.0684313 1.0677989 1.0632161 1.054605 1.0469717\n", + " 1.043428 1.044789 1.0496098 1.0544798 0. ]]\n", + "[[1.2168269 1.2115257 1.222465 1.2298393 1.2148029 1.1755956 1.1344223\n", + " 1.1071262 1.0950953 1.0929307 1.0930345 1.0874883 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1813802 1.1785067 1.1888229 1.1985825 1.1858621 1.1514037 1.1155875\n", + " 1.0916557 1.0794606 1.075307 1.0730144 1.0672065 1.0577052 1.04904\n", + " 1.0457231 1.0473244 1.0531008 1.0578078 1.0599443 1.0603993 1.0616614]\n", + " [1.1805261 1.1753724 1.1852609 1.1922944 1.1807646 1.1464323 1.1102511\n", + " 1.0866073 1.07733 1.0761583 1.076788 1.0721567 1.0620416 1.05293\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1661478 1.1616173 1.1715851 1.1806694 1.1689072 1.136201 1.1020437\n", + " 1.07967 1.0695716 1.0681603 1.0688789 1.0646306 1.0557067 1.0472418\n", + " 1.0435419 1.0455273 0. 0. 0. 0. 0. ]\n", + " [1.1641935 1.1602861 1.1700686 1.1785778 1.1664484 1.13452 1.1016514\n", + " 1.0802186 1.0701472 1.0684047 1.0679512 1.063497 1.0546509 1.0463291\n", + " 1.0429975 1.044451 1.050034 0. 0. 0. 0. ]]\n", + "[[1.1625025 1.1588478 1.1693435 1.1786451 1.1675556 1.1363122 1.1029829\n", + " 1.0803123 1.0701435 1.0675169 1.0674297 1.0628171 1.0541481 1.0464616\n", + " 1.0432686 1.0444573 1.049235 0. ]\n", + " [1.1855558 1.1791105 1.188065 1.1954707 1.1830097 1.1491207 1.1139545\n", + " 1.0908934 1.0815227 1.0808022 1.0811181 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1994524 1.1926433 1.2024958 1.2112722 1.1982988 1.1631498 1.1256845\n", + " 1.1014951 1.0901349 1.088346 1.0876998 1.0817962 1.0702838 1.0600605\n", + " 0. 0. 0. 0. ]\n", + " [1.1611091 1.1570406 1.166834 1.1752282 1.1647022 1.1333011 1.1010306\n", + " 1.0793351 1.0692292 1.0673289 1.0668452 1.0625739 1.0536838 1.0458673\n", + " 1.0420785 1.0437366 1.0490292 0. ]\n", + " [1.1567707 1.1529883 1.1617491 1.1688 1.1556447 1.1259495 1.0953062\n", + " 1.0748203 1.0655642 1.0632654 1.0626268 1.0581744 1.0497468 1.0423775\n", + " 1.0393215 1.0410385 1.0454443 1.0502777]]\n", + "[[1.1814563 1.1756012 1.1851779 1.194609 1.182977 1.147992 1.1118376\n", + " 1.0882161 1.0778035 1.0759971 1.0769931 1.0717411 1.061881 1.0525328\n", + " 1.0481151 0. 0. ]\n", + " [1.1877986 1.1806959 1.1889495 1.195823 1.180511 1.1461195 1.110333\n", + " 1.0873673 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1699525 1.1656291 1.174943 1.1836628 1.1725342 1.1403074 1.1060941\n", + " 1.0831343 1.072324 1.0694038 1.0694802 1.0651524 1.0564663 1.0485519\n", + " 1.0447339 1.0461729 1.0512315]\n", + " [1.1632376 1.1599494 1.169888 1.1788352 1.166225 1.134082 1.1013649\n", + " 1.0795469 1.0700939 1.0683163 1.068527 1.063674 1.055001 1.046983\n", + " 1.0430417 0. 0. ]\n", + " [1.1823488 1.178356 1.1883088 1.1978141 1.1860036 1.1513066 1.1151044\n", + " 1.090663 1.0797814 1.0776916 1.0783135 1.0733012 1.0639433 1.0547372\n", + " 1.0503072 0. 0. ]]\n", + "[[1.175528 1.1726387 1.1835479 1.1925828 1.180993 1.1479169 1.1133778\n", + " 1.089381 1.0774648 1.0727792 1.0702981 1.0640779 1.0542562 1.046965\n", + " 1.0439994 1.0460446 1.0513381 1.0558882 1.0581583 1.0592066 1.060333\n", + " 1.0636984]\n", + " [1.169816 1.167801 1.1790229 1.1891034 1.1775149 1.1439985 1.1092035\n", + " 1.0857136 1.0742033 1.070963 1.0693588 1.0638946 1.0549389 1.0469174\n", + " 1.043277 1.0450333 1.0496905 1.0545198 1.056737 0. 0.\n", + " 0. ]\n", + " [1.1635344 1.1604953 1.1719072 1.182029 1.1706367 1.1378278 1.1031622\n", + " 1.0801363 1.0702744 1.06868 1.0689132 1.0646757 1.0556346 1.0474639\n", + " 1.0434846 1.0449916 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1802974 1.1744916 1.1845673 1.1923015 1.180022 1.1449265 1.1093589\n", + " 1.0863355 1.0756017 1.073598 1.0735605 1.0693206 1.0603439 1.0518286\n", + " 1.04825 1.0507193 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1670845 1.1629884 1.17225 1.1796875 1.1678524 1.1354922 1.1019124\n", + " 1.0803283 1.0703285 1.0687863 1.0690739 1.064587 1.0560659 1.0480205\n", + " 1.0441724 1.0461857 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1900548 1.1863247 1.1966523 1.2044879 1.1915472 1.156221 1.1192712\n", + " 1.0944211 1.0821669 1.0786968 1.0767564 1.0712402 1.0614712 1.0525942\n", + " 1.048168 1.05019 1.0560137 1.0612781 1.0639728]\n", + " [1.1977085 1.1924462 1.2016824 1.2101285 1.1955979 1.1579926 1.1201128\n", + " 1.0957931 1.0848987 1.0835935 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1659943 1.1614859 1.1700332 1.1777396 1.1660843 1.133654 1.1009921\n", + " 1.0798732 1.0699952 1.0682908 1.0688459 1.0647601 1.0557181 1.0475866\n", + " 1.0440027 1.045859 0. 0. 0. ]\n", + " [1.162256 1.1573403 1.1653572 1.1720011 1.1614513 1.13051 1.0983627\n", + " 1.0773 1.0690595 1.067643 1.0683023 1.0639821 1.0557237 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1583232 1.1551301 1.1645575 1.1725757 1.160468 1.128741 1.0968437\n", + " 1.0762796 1.0668747 1.0642639 1.0631342 1.0584928 1.0504234 1.0433677\n", + " 1.0400392 1.0418527 1.0466322 1.0512247 0. ]]\n", + "[[1.173878 1.1722668 1.1840479 1.1930332 1.180269 1.1454594 1.1100994\n", + " 1.0861925 1.0740929 1.0711226 1.0702829 1.0648376 1.0563372 1.0478462\n", + " 1.0444312 1.0462271 1.051141 1.056175 1.0584211 0. ]\n", + " [1.1791335 1.1759582 1.18687 1.1958878 1.1836714 1.1503949 1.114161\n", + " 1.0905864 1.0785294 1.0746627 1.0732355 1.067427 1.0581635 1.0493071\n", + " 1.0459683 1.0475701 1.0526247 1.0579803 1.0605332 0. ]\n", + " [1.1694279 1.166906 1.1773655 1.1857101 1.1737581 1.1409521 1.106165\n", + " 1.0833315 1.0721906 1.0680822 1.067097 1.0615964 1.0526185 1.0450271\n", + " 1.0415407 1.043091 1.0478327 1.0523411 1.054986 1.0558484]\n", + " [1.160476 1.1558721 1.1636162 1.1712061 1.1604177 1.1299932 1.0982352\n", + " 1.076768 1.0663264 1.0629747 1.0628121 1.0584384 1.0506319 1.0438144\n", + " 1.0407283 1.0427772 1.0480438 0. 0. 0. ]\n", + " [1.167551 1.166105 1.1773528 1.1876659 1.1746625 1.1416572 1.1069465\n", + " 1.0839105 1.072649 1.069985 1.0699434 1.0650287 1.0561217 1.047834\n", + " 1.0440855 1.0456009 1.0509927 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.181891 1.178387 1.1900251 1.1998811 1.186095 1.1508565 1.1143261\n", + " 1.0904015 1.0791404 1.0771283 1.0765762 1.0716355 1.0616982 1.0528729\n", + " 1.0485739 1.0508062 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1792946 1.1748663 1.184394 1.1941952 1.1831049 1.149424 1.114422\n", + " 1.0908339 1.0799752 1.0778195 1.0771501 1.0719235 1.0623337 1.053092\n", + " 1.0489376 1.0510134 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1801319 1.1762342 1.1860255 1.1940613 1.1812437 1.147724 1.1130319\n", + " 1.0899462 1.078721 1.0748547 1.0743855 1.0685767 1.0586838 1.0497577\n", + " 1.0464351 1.0486989 1.054373 1.0599387 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1516266 1.1491659 1.1593302 1.1681316 1.1570969 1.1262629 1.0959891\n", + " 1.0756173 1.0650014 1.0611148 1.0590651 1.0534686 1.0452267 1.0387704\n", + " 1.036376 1.0383006 1.0432944 1.0475379 1.0501343 1.0514976 1.0526567\n", + " 1.0558966 1.062545 ]\n", + " [1.1992663 1.1930867 1.2029138 1.2114182 1.1970284 1.1606332 1.1235975\n", + " 1.0984752 1.0868427 1.0850501 1.08506 1.0792227 1.0689481 1.0594461\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1857667 1.1791664 1.189302 1.1984969 1.1860471 1.1499724 1.113025\n", + " 1.0885373 1.0774059 1.0761725 1.0768108 1.0735618 1.0646772 1.055561\n", + " 1.0512656 0. 0. 0. 0. ]\n", + " [1.1649348 1.1614492 1.1714382 1.1798828 1.1684055 1.136158 1.1028851\n", + " 1.080537 1.069954 1.0672741 1.0669222 1.0621145 1.0533881 1.0454246\n", + " 1.0418547 1.0434062 1.04804 1.0530556 0. ]\n", + " [1.1691067 1.1651958 1.175239 1.1845906 1.1731211 1.1407012 1.1067015\n", + " 1.0838513 1.0724615 1.0687277 1.0679947 1.0632575 1.0542439 1.0468112\n", + " 1.0432904 1.0449594 1.0497261 1.0544996 1.0570353]\n", + " [1.1610262 1.1580532 1.1689606 1.1772842 1.1660388 1.1343611 1.1013954\n", + " 1.079786 1.0687754 1.0660808 1.0647132 1.0600246 1.0519314 1.044109\n", + " 1.0410143 1.0425756 1.0472488 1.0519373 1.0542188]\n", + " [1.2017531 1.194838 1.2043012 1.2128735 1.1983529 1.1620562 1.1243786\n", + " 1.0992192 1.0871276 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1863651 1.1814324 1.1906401 1.1992164 1.1849989 1.150722 1.1152301\n", + " 1.0919572 1.0803946 1.0772933 1.0764096 1.0706079 1.0609746 1.0518794\n", + " 1.0486133 1.0511324 1.05736 0. ]\n", + " [1.1684747 1.1645701 1.1751385 1.1838192 1.171417 1.1375704 1.1041251\n", + " 1.0819433 1.0714113 1.0691781 1.0685701 1.0636847 1.0550073 1.0468688\n", + " 1.0430273 1.0446665 1.0495075 1.0543143]\n", + " [1.1742096 1.1707604 1.1808594 1.1896381 1.1775229 1.1449894 1.1107883\n", + " 1.0872691 1.0761697 1.0729188 1.0712178 1.0663896 1.0568081 1.0487651\n", + " 1.0451176 1.0472767 1.0527205 1.0581617]\n", + " [1.1737123 1.1683574 1.1773183 1.1859725 1.1755188 1.1429613 1.1076541\n", + " 1.0849469 1.0738783 1.0712488 1.0715945 1.0671692 1.058816 1.0506855\n", + " 1.0467801 1.048519 0. 0. ]\n", + " [1.1753858 1.17026 1.178879 1.1857619 1.1744668 1.1415745 1.1072958\n", + " 1.0848621 1.0737944 1.0719509 1.0717458 1.0674698 1.0588162 1.0506771\n", + " 1.0470569 0. 0. 0. ]]\n", + "[[1.1714566 1.1660812 1.1747892 1.1820565 1.1706989 1.1382656 1.1053735\n", + " 1.0841712 1.0743144 1.0725565 1.0726407 1.0675304 1.0586212 1.0501759\n", + " 1.0463827 0. 0. 0. 0. 0. 0. ]\n", + " [1.1672853 1.1662203 1.1775091 1.1865166 1.17291 1.1407301 1.1065884\n", + " 1.0836686 1.0726174 1.0685413 1.0668645 1.0612549 1.0522668 1.0448714\n", + " 1.0417705 1.0431551 1.0479543 1.0525162 1.0550927 1.0563844 1.0578285]\n", + " [1.200189 1.1952822 1.2045833 1.2124218 1.1989944 1.1629356 1.1256127\n", + " 1.1003234 1.0874146 1.0826677 1.0794902 1.0728593 1.062838 1.0540172\n", + " 1.0508522 1.0536066 1.058974 1.0647218 1.0676003 1.0688415 0. ]\n", + " [1.1670009 1.1609476 1.1686238 1.1763726 1.1643103 1.1332612 1.1011252\n", + " 1.0791377 1.0688272 1.0657833 1.0653161 1.0616099 1.0539266 1.0464568\n", + " 1.042807 1.0442815 1.0491089 0. 0. 0. 0. ]\n", + " [1.158976 1.1561741 1.1660091 1.1738392 1.1616344 1.1307869 1.0991673\n", + " 1.0781974 1.0681777 1.0659376 1.0647624 1.0593568 1.0507164 1.0434661\n", + " 1.0400052 1.0418423 1.0466391 1.0515232 0. 0. 0. ]]\n", + "[[1.1989231 1.1964558 1.2085232 1.2187873 1.2047119 1.1682826 1.1289777\n", + " 1.1021616 1.0892658 1.0846995 1.0829678 1.0758096 1.0649496 1.0558852\n", + " 1.0516393 1.0537498 1.0596942 1.0652997 1.0679954 1.0687771 0.\n", + " 0. 0. ]\n", + " [1.1868627 1.1814706 1.1915094 1.2016888 1.188302 1.1530615 1.1154696\n", + " 1.092494 1.0820996 1.0811318 1.0819688 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1878725 1.1846057 1.1947111 1.2025918 1.188669 1.1525915 1.1155574\n", + " 1.0910257 1.0797994 1.0780991 1.0778093 1.0723529 1.0630718 1.054097\n", + " 1.0498667 1.0519052 1.0575638 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1776936 1.1761477 1.1879023 1.1983281 1.18597 1.1512463 1.1151938\n", + " 1.0907872 1.0786853 1.0746521 1.0728354 1.0663217 1.0560001 1.0481796\n", + " 1.0446429 1.046562 1.0519505 1.0571364 1.0598029 1.0605464 1.0619612\n", + " 1.0657719 1.0741692]\n", + " [1.1694306 1.1636361 1.1742268 1.1822501 1.1717448 1.1385766 1.1052012\n", + " 1.0835124 1.0738554 1.072578 1.0727695 1.0685866 1.0586609 1.049851\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1950688 1.1895928 1.1987696 1.206997 1.1931027 1.1576738 1.120259\n", + " 1.0949329 1.0833162 1.0799842 1.0790299 1.074032 1.0648506 1.0557864\n", + " 1.0521913 1.0545951 1.0606431 0. 0. 0. 0. ]\n", + " [1.1892574 1.1850728 1.1955721 1.2041907 1.1901823 1.1560426 1.1195371\n", + " 1.094331 1.0815612 1.0775874 1.0764424 1.0705024 1.0610491 1.0525676\n", + " 1.0485883 1.0505134 1.0557353 1.0611514 1.063287 0. 0. ]\n", + " [1.1575637 1.1541934 1.1632942 1.1706328 1.1586125 1.1277523 1.0961982\n", + " 1.0754277 1.0655897 1.0627823 1.0611677 1.0566521 1.0488881 1.0417705\n", + " 1.0391048 1.0408559 1.0455046 1.0498294 1.0521448 0. 0. ]\n", + " [1.1829705 1.1800076 1.191328 1.199839 1.1887565 1.1540133 1.1180111\n", + " 1.0926044 1.0803483 1.0764198 1.0737109 1.0673897 1.0575522 1.0496693\n", + " 1.046364 1.0481063 1.0536199 1.0590914 1.0615494 1.0620713 1.0633584]\n", + " [1.1733938 1.1706685 1.1829934 1.1929859 1.1821111 1.147769 1.1121745\n", + " 1.0876471 1.0761034 1.0728606 1.0711244 1.0660833 1.0567932 1.0481364\n", + " 1.0444003 1.0460205 1.0511602 1.0564781 1.0587924 0. 0. ]]\n", + "[[1.1561253 1.1538433 1.1643993 1.1732545 1.1616372 1.1307693 1.0987316\n", + " 1.0772318 1.0670649 1.0635594 1.0625508 1.0570897 1.0483661 1.0411996\n", + " 1.0379096 1.039411 1.0443546 1.0488867 1.0510807 1.0522443 0.\n", + " 0. ]\n", + " [1.1570054 1.1551653 1.1646411 1.1728396 1.1609029 1.130466 1.0990578\n", + " 1.0775667 1.0667206 1.0630592 1.0610257 1.0560781 1.0481409 1.0415651\n", + " 1.0383832 1.040246 1.0447861 1.0493062 1.0514958 1.0521502 1.0535188\n", + " 1.0569757]\n", + " [1.1988976 1.1926811 1.2034827 1.2124476 1.1983426 1.1597617 1.120617\n", + " 1.094821 1.0838039 1.0829977 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1605545 1.1572442 1.1667305 1.1731253 1.1615093 1.12969 1.0983737\n", + " 1.0773197 1.0676082 1.0656922 1.0650954 1.0604448 1.0524114 1.0451449\n", + " 1.041415 1.0430155 1.0477115 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1827205 1.1772734 1.1873024 1.1975763 1.1848683 1.15119 1.1158961\n", + " 1.0924413 1.082258 1.0813667 1.0818021 1.0756627 1.0653512 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1840855 1.176681 1.1878011 1.197234 1.186095 1.1517841 1.1163903\n", + " 1.0942014 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.173904 1.1714749 1.1830031 1.1934383 1.180608 1.1474171 1.1123321\n", + " 1.088872 1.0761302 1.0725241 1.0704198 1.0643721 1.0557956 1.0479876\n", + " 1.0445701 1.0459739 1.0511209 1.0561597 1.0584009 1.0592871 1.0609875]\n", + " [1.1784645 1.17429 1.1850967 1.1950791 1.181107 1.1468067 1.1114423\n", + " 1.0879754 1.0769203 1.0743167 1.0743473 1.069458 1.0603324 1.0519968\n", + " 1.0480539 1.0502741 0. 0. 0. 0. 0. ]\n", + " [1.1682498 1.1665449 1.1778084 1.1869137 1.1749128 1.1405647 1.1052961\n", + " 1.0822954 1.0708936 1.0675993 1.065937 1.0603701 1.0518591 1.0446469\n", + " 1.0412623 1.0431527 1.0481167 1.052697 1.0548232 1.0553275 1.0569468]\n", + " [1.172653 1.1691349 1.1799729 1.1896796 1.1777985 1.1446918 1.109891\n", + " 1.0862237 1.0753665 1.0719372 1.0715895 1.0663707 1.0570337 1.0485198\n", + " 1.0447534 1.0464017 1.0515655 1.0567255 0. 0. 0. ]]\n", + "[[1.1594043 1.1567281 1.167399 1.1774402 1.1666546 1.135385 1.1019638\n", + " 1.0795108 1.0683923 1.0654385 1.0651983 1.0611204 1.0534682 1.045769\n", + " 1.0422076 1.0437528 1.04833 1.0531412]\n", + " [1.1910675 1.1862361 1.1955433 1.2038543 1.1897542 1.1551356 1.1194202\n", + " 1.0956246 1.083633 1.0815786 1.0808308 1.0756438 1.0653553 1.0560502\n", + " 1.0521889 1.0545498 0. 0. ]\n", + " [1.1801994 1.176273 1.1864227 1.1952444 1.1822174 1.1485766 1.1134143\n", + " 1.0896534 1.078161 1.0756412 1.07412 1.0689803 1.0595553 1.0509026\n", + " 1.0475667 1.0496718 1.0552677 1.0606053]\n", + " [1.1642175 1.1596541 1.1694653 1.1776863 1.1651806 1.1336917 1.1011615\n", + " 1.0801201 1.0702513 1.0689704 1.0692275 1.0645314 1.0558069 1.0476124\n", + " 1.0440063 1.0459057 0. 0. ]\n", + " [1.188313 1.1836135 1.1928927 1.1996789 1.1884788 1.1541345 1.1186061\n", + " 1.0946432 1.08311 1.0807303 1.0800935 1.074716 1.0649238 1.0557905\n", + " 1.0522112 0. 0. 0. ]]\n", + "[[1.1670461 1.1631913 1.1733806 1.1807294 1.1696543 1.1366966 1.1034763\n", + " 1.0815891 1.0718979 1.0693042 1.0694185 1.0643944 1.0552737 1.0475179\n", + " 1.0438187 1.0455035 1.0508547 0. 0. 0. ]\n", + " [1.1617668 1.1582551 1.1685723 1.1768917 1.1649398 1.1335886 1.1012738\n", + " 1.0800567 1.0694385 1.0659037 1.0648016 1.0595183 1.0508668 1.043046\n", + " 1.039938 1.041675 1.0465374 1.0511861 1.0537243 0. ]\n", + " [1.1589677 1.1549647 1.1638978 1.1706228 1.1577362 1.126438 1.0950402\n", + " 1.0743595 1.0649565 1.0628582 1.062021 1.0580137 1.0497841 1.0427761\n", + " 1.0395328 1.0410038 1.0455346 1.0499722 0. 0. ]\n", + " [1.1535468 1.1502318 1.1605835 1.168477 1.1565149 1.12623 1.0951874\n", + " 1.0744737 1.0641396 1.0607244 1.0588874 1.0543965 1.0471311 1.0403873\n", + " 1.0376205 1.0391791 1.0436656 1.0481704 1.0505849 1.0514036]\n", + " [1.1808093 1.1781346 1.1877302 1.1969328 1.1828974 1.1495392 1.1144202\n", + " 1.0911816 1.0790745 1.0748868 1.0730647 1.0660291 1.0569515 1.0490888\n", + " 1.045827 1.0480385 1.0533757 1.0583683 1.0604987 1.0614029]]\n", + "[[1.1896454 1.1861476 1.1965592 1.204695 1.1924279 1.1566538 1.119756\n", + " 1.094907 1.0825129 1.078965 1.0779351 1.0728985 1.0627215 1.0535208\n", + " 1.0499796 1.0519612 1.0574899 1.0634077 0. ]\n", + " [1.1906214 1.1864704 1.197746 1.2075679 1.1954107 1.1588587 1.1204935\n", + " 1.0948917 1.0831463 1.0805266 1.0801752 1.0753083 1.0653056 1.0559751\n", + " 1.0517209 1.0539209 1.0601743 0. 0. ]\n", + " [1.1745775 1.1708294 1.1818388 1.1900492 1.1769416 1.1433096 1.1092197\n", + " 1.086419 1.0754431 1.0719289 1.070295 1.064687 1.0552932 1.0473651\n", + " 1.0443168 1.0460125 1.0512173 1.056077 1.0584828]\n", + " [1.1589637 1.1571733 1.1679975 1.1779451 1.1658542 1.1332202 1.0995697\n", + " 1.0780251 1.067986 1.0653906 1.0646045 1.0591533 1.0501493 1.0425519\n", + " 1.0394484 1.0409362 1.0457356 1.0506233 1.0530843]\n", + " [1.1689935 1.1647565 1.1753778 1.1843053 1.1736705 1.1408405 1.1071279\n", + " 1.0847108 1.0741172 1.071553 1.0716274 1.066302 1.0572388 1.0490167\n", + " 1.0447103 1.0466406 0. 0. 0. ]]\n", + "[[1.1671965 1.1631439 1.1730744 1.180513 1.1671146 1.1352115 1.1013438\n", + " 1.0801244 1.0700351 1.068942 1.0689894 1.0645533 1.0555118 1.0475965\n", + " 1.0441319 1.0460083 0. 0. 0. ]\n", + " [1.1643714 1.1583664 1.1666154 1.1735927 1.1632804 1.1320782 1.1004628\n", + " 1.0793145 1.0695438 1.067701 1.067753 1.0636414 1.055929 1.0478268\n", + " 1.0440692 1.0457162 0. 0. 0. ]\n", + " [1.1664702 1.1618526 1.1706808 1.179724 1.1685054 1.1359001 1.1037102\n", + " 1.081925 1.07217 1.0708729 1.0712208 1.0669907 1.057711 1.0490625\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1669784 1.1619343 1.1708922 1.1797419 1.1679829 1.1364412 1.103297\n", + " 1.080862 1.0699172 1.0671413 1.0666107 1.0624459 1.0545071 1.0468476\n", + " 1.0432407 1.0444348 1.0491191 1.0538219 0. ]\n", + " [1.1796124 1.174693 1.1848091 1.1933409 1.1808302 1.1463844 1.1106218\n", + " 1.0873343 1.0762441 1.0729961 1.0713376 1.0655701 1.0565392 1.0482364\n", + " 1.0447631 1.0468333 1.0520358 1.0571647 1.0592552]]\n", + "[[1.177038 1.1737928 1.184092 1.1924981 1.1791917 1.1463599 1.1120974\n", + " 1.088769 1.0770386 1.073443 1.0721146 1.0662087 1.0572889 1.0490197\n", + " 1.0453445 1.0474615 1.0527775 1.0576006 1.0598379 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1701748 1.1663158 1.1758511 1.1838593 1.1730356 1.1407623 1.1065547\n", + " 1.0843755 1.0729413 1.0719142 1.0726128 1.0687027 1.0595996 1.0509946\n", + " 1.047211 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1660578 1.163201 1.1739286 1.1834819 1.1715045 1.1383085 1.1045055\n", + " 1.0823445 1.0717481 1.0686338 1.068297 1.0631583 1.0539604 1.0459942\n", + " 1.0423504 1.0439792 1.049012 1.0542598 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.144924 1.1429834 1.1523125 1.161968 1.152739 1.124214 1.0944496\n", + " 1.0743957 1.0640203 1.0602307 1.0576973 1.0521444 1.0439851 1.0374076\n", + " 1.0347477 1.036029 1.039889 1.0444934 1.0463425 1.0473917 1.0490062\n", + " 1.0521387 1.0581783 1.0666002]\n", + " [1.1630538 1.1577823 1.166259 1.1745042 1.1631678 1.13231 1.100292\n", + " 1.0787714 1.0684179 1.0663068 1.0663608 1.0624865 1.0540614 1.047009\n", + " 1.0432563 1.0452484 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1856009 1.1800065 1.1902063 1.1989791 1.1864619 1.1519225 1.1159952\n", + " 1.0930374 1.0825642 1.080908 1.0813164 1.0757768 1.0653616 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1908814 1.1843323 1.1938689 1.2025868 1.1903334 1.1550887 1.1183711\n", + " 1.0940843 1.0829084 1.0811495 1.0815334 1.0760932 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1732991 1.1704493 1.1797142 1.1872388 1.173511 1.1406298 1.106615\n", + " 1.0836099 1.0721498 1.0697832 1.0686187 1.0629134 1.0542736 1.0466751\n", + " 1.0432875 1.0450484 1.0499245 1.0547409]\n", + " [1.181283 1.1762073 1.1859769 1.1942953 1.1830494 1.1494 1.1136879\n", + " 1.0903841 1.0790806 1.07754 1.0771269 1.0717158 1.0618138 1.0529559\n", + " 1.0489507 1.0510561 0. 0. ]\n", + " [1.2069473 1.2007474 1.2101088 1.2184887 1.2037098 1.1662197 1.127424\n", + " 1.101958 1.0904588 1.0881017 1.0891991 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1745787 1.1726894 1.1845504 1.1944852 1.1823741 1.1478184 1.1121864\n", + " 1.0881355 1.0762401 1.0732244 1.0723016 1.0667983 1.0573804 1.0490037\n", + " 1.0451902 1.0467162 1.0518371 1.0570939 1.0597055]\n", + " [1.1743524 1.1700925 1.1820412 1.1928838 1.1801447 1.1446253 1.1087196\n", + " 1.0857769 1.0759323 1.0754367 1.0768381 1.0721768 1.0627276 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1754307 1.1704607 1.1808996 1.189255 1.1756542 1.1412976 1.1061076\n", + " 1.0839123 1.0742157 1.0731709 1.0740736 1.0691823 1.0593537 1.0505489\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.22551 1.2204798 1.2318965 1.2415862 1.2250884 1.1838689 1.141876\n", + " 1.1136265 1.101673 1.100038 1.1006769 1.0942775 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1811404 1.1744186 1.183388 1.1910069 1.180462 1.1467037 1.1116939\n", + " 1.0883691 1.0782851 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1666443 1.1626418 1.1723307 1.180924 1.1686957 1.136195 1.1024432\n", + " 1.0803715 1.0704358 1.0683582 1.0689907 1.0644875 1.0566088 1.0482801\n", + " 1.0445352 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1503878 1.1474738 1.1569818 1.1659234 1.1548667 1.1249475 1.0946244\n", + " 1.0745145 1.0644038 1.061161 1.0592072 1.0538597 1.0457292 1.03891\n", + " 1.0364211 1.0383958 1.043114 1.0477535 1.0497591 1.0503913 1.0514395\n", + " 1.0547101 1.0616056 0. ]\n", + " [1.2046195 1.1996121 1.2092592 1.2154775 1.2009459 1.1636114 1.1251653\n", + " 1.0991746 1.0875065 1.0840557 1.0822934 1.0762515 1.0656861 1.0565274\n", + " 1.0528406 1.0553334 1.0619593 1.0680614 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1632963 1.1602465 1.1706342 1.1802601 1.1698385 1.1382158 1.1053505\n", + " 1.0835631 1.0722586 1.0681443 1.0652385 1.0592284 1.0503178 1.042633\n", + " 1.0400476 1.0423802 1.0475194 1.052188 1.0542481 1.0546033 1.0555855\n", + " 1.0586872 1.0655687 1.0753448]\n", + " [1.1655489 1.1608479 1.170475 1.1795365 1.1686984 1.1370282 1.1036695\n", + " 1.0816742 1.0711955 1.0696226 1.069703 1.065506 1.056671 1.0483863\n", + " 1.0444037 1.0461035 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1721057 1.1713518 1.1833656 1.192286 1.1783826 1.144651 1.1102927\n", + " 1.0873471 1.0758462 1.0721499 1.0696929 1.0634013 1.0535287 1.0460026\n", + " 1.0427394 1.0451148 1.0501456 1.055444 1.0576565 1.0584269 1.0600986\n", + " 1.0642467]\n", + " [1.1636031 1.1589081 1.1686683 1.1771116 1.1661116 1.1340783 1.100912\n", + " 1.0786586 1.0682517 1.0671426 1.0675386 1.0633876 1.0553207 1.0473704\n", + " 1.0437365 1.0455037 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1478583 1.145236 1.153984 1.1613342 1.1493531 1.1211648 1.091707\n", + " 1.0720807 1.0622796 1.0590105 1.0573199 1.0523238 1.0452162 1.0388701\n", + " 1.0356424 1.0372059 1.0414668 1.0455201 1.0477374 1.049072 1.0508174\n", + " 0. ]\n", + " [1.1683202 1.1672481 1.1787858 1.1894782 1.1781461 1.1449921 1.1107652\n", + " 1.0881746 1.0766599 1.0715412 1.0689304 1.062369 1.0526007 1.0450927\n", + " 1.0419691 1.043728 1.0484315 1.0527198 1.0544329 1.0550783 1.0564393\n", + " 1.0601283]\n", + " [1.1790795 1.1774747 1.1889096 1.1979339 1.1839318 1.1493771 1.1135436\n", + " 1.0892634 1.077626 1.0736986 1.0716422 1.0649482 1.0556298 1.0477076\n", + " 1.0444055 1.0464125 1.0520557 1.057333 1.0599307 1.0611457 1.0629578\n", + " 0. ]]\n", + "[[1.183212 1.1809251 1.1909807 1.1998916 1.186123 1.1521153 1.1159213\n", + " 1.0914353 1.0791273 1.0752648 1.0738968 1.0684407 1.059645 1.0507269\n", + " 1.0471562 1.0489411 1.0542412 1.0593439 1.0620165 0. ]\n", + " [1.1995922 1.1946812 1.2043091 1.2126144 1.1989663 1.1623545 1.1242703\n", + " 1.0986102 1.0863256 1.0836762 1.0833672 1.0775899 1.0669688 1.0579526\n", + " 1.0538106 1.0565423 0. 0. 0. 0. ]\n", + " [1.1750824 1.1706959 1.1798086 1.18816 1.1761659 1.1431668 1.1089153\n", + " 1.0870823 1.0759699 1.0735452 1.072723 1.0675298 1.0584154 1.0500625\n", + " 1.0462133 1.0484085 1.0541786 0. 0. 0. ]\n", + " [1.170593 1.168451 1.1792578 1.1876017 1.1754403 1.1415414 1.1075351\n", + " 1.0849433 1.0731404 1.0703435 1.0686004 1.062652 1.0537429 1.0459049\n", + " 1.042657 1.0442843 1.0490352 1.0542501 1.0567776 1.057628 ]\n", + " [1.1755646 1.171569 1.1821799 1.1908232 1.1781147 1.1447052 1.1101106\n", + " 1.0872836 1.0767322 1.0746745 1.0740788 1.0684004 1.0589391 1.0501596\n", + " 1.0462315 1.0480922 1.0540578 0. 0. 0. ]]\n", + "[[1.16739 1.1651615 1.1748714 1.182246 1.170328 1.1376978 1.1038113\n", + " 1.0815563 1.0710217 1.0683559 1.0677315 1.0630226 1.0547748 1.0470487\n", + " 1.0433403 1.0451035 1.0498401 1.0548031 0. 0. ]\n", + " [1.173778 1.1699885 1.1809465 1.1898661 1.1774467 1.1439813 1.109246\n", + " 1.0856563 1.0737482 1.0706168 1.0693197 1.0637037 1.05517 1.0473017\n", + " 1.0434312 1.0452448 1.0501055 1.0551813 1.0576087 1.0587634]\n", + " [1.1683075 1.1631868 1.1725788 1.1805843 1.1677963 1.1355876 1.1023277\n", + " 1.0808513 1.0713177 1.069645 1.0705905 1.0662869 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1813449 1.176724 1.1867023 1.1968231 1.1851918 1.15005 1.1145252\n", + " 1.0919136 1.0816023 1.0802503 1.080845 1.0755044 1.0648296 1.0552596\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1909192 1.1869591 1.197794 1.2058631 1.1932315 1.1568635 1.1198903\n", + " 1.0955688 1.0849278 1.0842862 1.084881 1.0792247 1.0684799 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1828355 1.1783725 1.1875976 1.1947147 1.1815325 1.1480403 1.1136315\n", + " 1.0901762 1.0794168 1.0766898 1.0757174 1.0697721 1.060363 1.0513935\n", + " 1.0478067 1.050067 1.0561633 0. 0. ]\n", + " [1.1956468 1.1912285 1.2023982 1.212185 1.1995345 1.1617194 1.1224054\n", + " 1.0964068 1.0853686 1.084161 1.08464 1.0794687 1.0689378 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1757605 1.1723244 1.1834238 1.1933343 1.1817812 1.1475207 1.1121591\n", + " 1.0886252 1.0784444 1.0766749 1.077222 1.072046 1.0620013 1.052825\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1673588 1.163376 1.1730877 1.1820362 1.1706069 1.137703 1.1042818\n", + " 1.08171 1.070501 1.067991 1.0667832 1.0617594 1.0534563 1.0457094\n", + " 1.0421742 1.0440644 1.0488933 1.0535796 1.0559051]\n", + " [1.1624777 1.1589687 1.1687293 1.1774334 1.1655705 1.1336441 1.1009655\n", + " 1.0798666 1.070095 1.0684625 1.068753 1.0642748 1.0554398 1.0472586\n", + " 1.0433067 1.0449315 0. 0. 0. ]]\n", + "[[1.156434 1.150692 1.1584706 1.166275 1.1542274 1.1256355 1.0947392\n", + " 1.0742054 1.0640918 1.0628746 1.0631676 1.0597486 1.0526361 1.0451083\n", + " 1.0417055 0. 0. 0. ]\n", + " [1.2171493 1.2104708 1.2192532 1.2271646 1.2114952 1.1747792 1.1345067\n", + " 1.1064925 1.0935181 1.0915397 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1644827 1.1618097 1.1720939 1.1791221 1.1668749 1.1342032 1.1009065\n", + " 1.0797349 1.069924 1.0675448 1.0677695 1.0632064 1.0549152 1.0467188\n", + " 1.0432799 1.044822 1.0499046 0. ]\n", + " [1.1586933 1.155046 1.1655753 1.1740263 1.1632191 1.1315699 1.0992295\n", + " 1.0772071 1.0672283 1.0648296 1.0638442 1.0596793 1.0514623 1.0436319\n", + " 1.0403808 1.041663 1.0464917 1.0516222]\n", + " [1.1830034 1.1795278 1.190993 1.1995981 1.1863692 1.1504111 1.1137397\n", + " 1.0893688 1.0787117 1.076236 1.0759693 1.0705914 1.0609804 1.052132\n", + " 1.0481297 1.0498176 1.0551529 1.0607262]]\n", + "[[1.1926332 1.1864729 1.1943501 1.2035635 1.1906694 1.1550344 1.1179031\n", + " 1.0931853 1.0823334 1.0802388 1.0801042 1.0744656 1.064816 1.0556532\n", + " 1.0518745 0. 0. 0. 0. 0. ]\n", + " [1.1755562 1.1730728 1.183901 1.1927576 1.1803759 1.146223 1.112071\n", + " 1.0882864 1.0769987 1.0726671 1.0711675 1.0658221 1.0565474 1.0482421\n", + " 1.044548 1.0463787 1.0511999 1.0560648 1.05781 0. ]\n", + " [1.1634935 1.1609713 1.172243 1.1810119 1.170488 1.1378748 1.1043781\n", + " 1.0816847 1.0705906 1.0670576 1.0654659 1.0605582 1.0519315 1.0444533\n", + " 1.0409716 1.042643 1.047415 1.0516771 1.0537616 1.0542804]\n", + " [1.20711 1.2004747 1.2101303 1.2182395 1.205723 1.1683054 1.1279414\n", + " 1.1006101 1.0884252 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1592561 1.1534319 1.1611713 1.1683095 1.1573234 1.1273975 1.096434\n", + " 1.0759726 1.066641 1.0645326 1.0651801 1.0616255 1.0539327 1.046167\n", + " 1.0427115 0. 0. 0. 0. 0. ]]\n", + "[[1.1603407 1.1552327 1.1634516 1.1705681 1.1603308 1.130444 1.099328\n", + " 1.0787636 1.0688918 1.0666034 1.0669347 1.0629337 1.0541012 1.046293\n", + " 1.0429097 1.0448589 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1890084 1.1839588 1.1920862 1.2007797 1.187247 1.152562 1.1168121\n", + " 1.0931653 1.0820363 1.080031 1.0795746 1.0738386 1.0637311 1.0544379\n", + " 1.0502859 1.05295 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1635342 1.1608989 1.1718758 1.1800845 1.1696204 1.1375666 1.104502\n", + " 1.081913 1.070876 1.0680788 1.0665951 1.0606991 1.0521998 1.044155\n", + " 1.0407579 1.0427455 1.0476099 1.052699 1.0550618 0. 0.\n", + " 0. ]\n", + " [1.1730506 1.1690893 1.1799439 1.1900867 1.178146 1.1446159 1.1091125\n", + " 1.085439 1.0743018 1.071747 1.0711502 1.0655289 1.0568607 1.0484512\n", + " 1.0446718 1.0464568 1.051706 1.0569551 0. 0. 0.\n", + " 0. ]\n", + " [1.1491343 1.1466786 1.1560597 1.1640722 1.1532937 1.1240182 1.094101\n", + " 1.0745488 1.0642483 1.0603986 1.0580037 1.0529313 1.0452616 1.0384507\n", + " 1.0364035 1.0380825 1.0423663 1.046845 1.0493257 1.0500932 1.0516326\n", + " 1.0548135]]\n", + "[[1.1718539 1.1692917 1.1793882 1.1877981 1.1757532 1.1420943 1.1085758\n", + " 1.0860542 1.0743564 1.0702313 1.0681052 1.0616506 1.0530378 1.0454886\n", + " 1.042569 1.0440782 1.0490247 1.0540189 1.0564016 1.0575353 1.0592269]\n", + " [1.1730726 1.1706246 1.1808538 1.1897391 1.1765652 1.1414108 1.1071733\n", + " 1.0847759 1.0745002 1.0733371 1.0742238 1.0692781 1.0601966 1.0512931\n", + " 1.0475926 0. 0. 0. 0. 0. 0. ]\n", + " [1.1851438 1.1784228 1.1869009 1.1941181 1.1818258 1.1477231 1.1127717\n", + " 1.0893638 1.0792847 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.167227 1.1635079 1.1737381 1.1837752 1.1734601 1.1403356 1.107242\n", + " 1.0847833 1.0733775 1.0698504 1.06807 1.0621489 1.0525851 1.044895\n", + " 1.0414313 1.0425451 1.047324 1.0520245 1.0543671 1.0547863 0. ]\n", + " [1.1742136 1.1687156 1.1787453 1.1890388 1.1775855 1.1435441 1.1084439\n", + " 1.0856587 1.0750208 1.0736912 1.0747968 1.0701927 1.0616825 1.0528823\n", + " 1.04856 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1893302 1.1861625 1.1965781 1.205282 1.1912661 1.1559842 1.1192701\n", + " 1.0943521 1.0818579 1.0778927 1.0759021 1.0697004 1.0594653 1.0510015\n", + " 1.0471797 1.0496033 1.0551273 1.0602834 1.0628613 1.0638418 0. ]\n", + " [1.1632808 1.1594298 1.1685399 1.1768852 1.1640074 1.1325161 1.1000187\n", + " 1.0791434 1.0694851 1.0680172 1.0681993 1.0631173 1.0543957 1.0461422\n", + " 1.0429041 1.04454 0. 0. 0. 0. 0. ]\n", + " [1.1722838 1.1672708 1.1753812 1.183542 1.1703559 1.1372309 1.1048279\n", + " 1.0836314 1.0744606 1.0737895 1.073583 1.0688334 1.0592799 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1885232 1.1843411 1.1955513 1.205493 1.1931719 1.1575321 1.1197057\n", + " 1.0942543 1.0811011 1.0770402 1.0753281 1.0688646 1.0592625 1.0509261\n", + " 1.0470617 1.0491877 1.0549189 1.0604383 1.0627857 1.0637417 0. ]\n", + " [1.1580473 1.1559973 1.1674621 1.1769848 1.1662776 1.1336966 1.1010975\n", + " 1.0793368 1.0680643 1.0641463 1.0624186 1.0570321 1.048924 1.0419409\n", + " 1.0387458 1.040197 1.0450535 1.0490788 1.0520313 1.0535319 1.0548356]]\n", + "[[1.181832 1.1799301 1.1912743 1.1993883 1.1851186 1.1502365 1.1138427\n", + " 1.0899293 1.0783237 1.0755767 1.074126 1.0679944 1.0586146 1.0503101\n", + " 1.0462976 1.0479314 1.0530735 1.0579194 1.0601679 0. ]\n", + " [1.179461 1.1765996 1.1870039 1.1960438 1.1821756 1.1489264 1.1137025\n", + " 1.0899751 1.0782003 1.0741268 1.0720347 1.0652981 1.0553131 1.0472543\n", + " 1.0437914 1.0454185 1.0512024 1.0562465 1.0588679 1.0596136]\n", + " [1.1636155 1.1595966 1.1691456 1.177689 1.165534 1.1322527 1.0994143\n", + " 1.0777998 1.068747 1.0672153 1.0675046 1.0635114 1.0551975 1.0472165\n", + " 1.0437907 0. 0. 0. 0. 0. ]\n", + " [1.1896404 1.1840826 1.193002 1.2014997 1.1883042 1.1529552 1.1163486\n", + " 1.0919721 1.0809811 1.0790169 1.0794437 1.0746081 1.065078 1.055997\n", + " 1.0522012 0. 0. 0. 0. 0. ]\n", + " [1.1667743 1.1623207 1.1713796 1.1799309 1.1666895 1.1342854 1.1011635\n", + " 1.079823 1.0699209 1.0685406 1.0690573 1.0650632 1.0562507 1.0480784\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.169883 1.1661004 1.1756734 1.1845589 1.1731176 1.1405617 1.10819\n", + " 1.0857216 1.0742441 1.0707722 1.0690913 1.0641501 1.0554199 1.0474057\n", + " 1.0439837 1.0455688 1.0504153 1.0556537]\n", + " [1.1887388 1.1840826 1.1949512 1.2050127 1.1920826 1.1560453 1.1191866\n", + " 1.0947709 1.0830399 1.0816411 1.0812798 1.0762321 1.0665644 1.0567043\n", + " 1.0520756 1.0540423 0. 0. ]\n", + " [1.1626061 1.1588866 1.1703299 1.1796685 1.1693786 1.1371517 1.1027826\n", + " 1.079478 1.069429 1.06693 1.066583 1.0617062 1.0531173 1.044464\n", + " 1.040898 1.0420723 1.046948 1.052223 ]\n", + " [1.1649873 1.1603373 1.1704133 1.1791713 1.1675956 1.1359518 1.103359\n", + " 1.0807523 1.0707324 1.0685933 1.0682214 1.0633998 1.054707 1.0460757\n", + " 1.0423521 1.0442439 1.0495126 0. ]\n", + " [1.1666888 1.161645 1.1702925 1.1787093 1.1678005 1.1364979 1.1032846\n", + " 1.0821254 1.0718594 1.0698924 1.0699997 1.0654702 1.0571563 1.0488789\n", + " 1.0450578 1.0467101 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1781745 1.1735406 1.1840178 1.1940305 1.1814152 1.1482724 1.1136919\n", + " 1.0896809 1.0786889 1.0757549 1.0751629 1.0703986 1.0608066 1.0518202\n", + " 1.0475717 1.0490965 1.0550165 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1730994 1.1707247 1.1806421 1.1883774 1.1742069 1.1410575 1.1067709\n", + " 1.0841129 1.0733968 1.0709078 1.069843 1.0643624 1.0555216 1.0476595\n", + " 1.0435765 1.045375 1.0503839 1.055388 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1726413 1.168786 1.1791787 1.1872451 1.1757205 1.1421216 1.1064638\n", + " 1.0841714 1.0732219 1.0719697 1.072475 1.0676084 1.0589482 1.0504533\n", + " 1.0466537 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1589183 1.1567494 1.1668924 1.1756686 1.1659647 1.1353414 1.1032295\n", + " 1.0816948 1.070071 1.0661628 1.06334 1.0578853 1.0492789 1.0419915\n", + " 1.0391308 1.0411183 1.045623 1.0503429 1.0526001 1.0533804 1.0544643\n", + " 1.0578301 1.0647955]\n", + " [1.1700964 1.1660337 1.1764126 1.1857567 1.17489 1.1402485 1.1056952\n", + " 1.0833274 1.072105 1.0704279 1.0707848 1.0659628 1.0572187 1.0491014\n", + " 1.0453254 1.0475148 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.173907 1.1710086 1.1817505 1.190291 1.1768225 1.1431283 1.1087799\n", + " 1.0856295 1.0736749 1.0699879 1.0683445 1.062596 1.0542885 1.0467061\n", + " 1.0435014 1.0453459 1.0501188 1.0546645 1.0575086 1.0588719 0. ]\n", + " [1.174868 1.1698349 1.1782264 1.1866003 1.1736529 1.143343 1.1111177\n", + " 1.0892242 1.0787145 1.0769426 1.0762476 1.0703738 1.061015 1.0523221\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1675769 1.1656849 1.1763066 1.1852767 1.1724507 1.1396203 1.1057812\n", + " 1.0826268 1.0711532 1.0677595 1.0668727 1.0618546 1.0536283 1.0454504\n", + " 1.0421928 1.0436815 1.0487362 1.0540919 1.05692 0. 0. ]\n", + " [1.1717372 1.1690215 1.1790478 1.1875432 1.176189 1.1438881 1.1099387\n", + " 1.0866704 1.0749971 1.0704408 1.0680746 1.0625274 1.053546 1.0457541\n", + " 1.0422133 1.0444238 1.0495616 1.0542835 1.0564694 1.0570006 1.0584568]\n", + " [1.181469 1.176809 1.1869688 1.1943501 1.1827154 1.1484976 1.1133687\n", + " 1.089329 1.0781225 1.0751865 1.0750675 1.0699835 1.0609889 1.0523447\n", + " 1.0487432 1.0508094 1.0566012 0. 0. 0. 0. ]]\n", + "[[1.1668853 1.1634853 1.1730386 1.1813316 1.1699233 1.1381369 1.1039262\n", + " 1.08072 1.0708939 1.0694535 1.0699209 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1570147 1.1545157 1.1638405 1.1730264 1.163149 1.13237 1.1005892\n", + " 1.0794377 1.0687797 1.0651562 1.062951 1.0573866 1.0489392 1.0416931\n", + " 1.0390406 1.0406995 1.0456825 1.0495486 1.05201 1.0525496 1.05322\n", + " 1.0564139 1.0631092]\n", + " [1.1645235 1.1594329 1.1686947 1.1775132 1.1664357 1.1357795 1.1040165\n", + " 1.0823082 1.0722556 1.0696988 1.0694947 1.0647354 1.0556949 1.0474651\n", + " 1.0432763 1.0450583 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1537069 1.149627 1.159062 1.167289 1.1564376 1.1253467 1.0943778\n", + " 1.0736367 1.0637354 1.061245 1.0610613 1.0568479 1.0487972 1.041846\n", + " 1.0385532 1.0400268 1.0446589 1.0491986 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1751497 1.1730623 1.1843047 1.1934055 1.1807396 1.1459062 1.1110482\n", + " 1.0871354 1.0752572 1.0717803 1.0700358 1.0643148 1.0556781 1.0475599\n", + " 1.0446466 1.0463793 1.0510203 1.0557323 1.0581977 1.0595319 1.0619067\n", + " 0. 0. ]]\n", + "[[1.1690123 1.1645823 1.1740578 1.1819849 1.1714594 1.1386896 1.1051905\n", + " 1.0827891 1.0727997 1.0704322 1.0703188 1.0655884 1.0570029 1.0486526\n", + " 1.0450132 1.0469625 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1609559 1.1573384 1.1681122 1.1769408 1.1656549 1.1331896 1.0995603\n", + " 1.0783341 1.0685903 1.0661968 1.0662832 1.061348 1.0526224 1.044533\n", + " 1.0410923 1.0427482 1.0478297 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.159522 1.1547639 1.1640723 1.1718028 1.1619323 1.1309673 1.0997791\n", + " 1.0789034 1.0694728 1.0680982 1.0679846 1.0633124 1.0545688 1.0465331\n", + " 1.0430448 1.0450205 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1822084 1.1799413 1.1919675 1.2020701 1.1893106 1.1541184 1.1163962\n", + " 1.0916954 1.0791686 1.0752059 1.0733912 1.0681953 1.0577688 1.0499618\n", + " 1.0460863 1.0476975 1.0527322 1.0581701 1.0608635 1.0617878 0.\n", + " 0. ]\n", + " [1.164765 1.161354 1.1723067 1.1823555 1.1709816 1.1395738 1.105887\n", + " 1.0829703 1.0714085 1.0675652 1.0655882 1.0595133 1.0511341 1.0436492\n", + " 1.0409205 1.0423442 1.0471234 1.0518523 1.0546868 1.0560439 1.057607\n", + " 1.0614505]]\n", + "[[1.1986688 1.1928134 1.2028174 1.2101336 1.196156 1.1593716 1.1218868\n", + " 1.0967625 1.0858272 1.08412 1.084965 1.07934 1.0692279 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1735463 1.1696255 1.1783484 1.1860689 1.1725893 1.1399438 1.1060582\n", + " 1.0838367 1.0729922 1.0691168 1.0676363 1.0619283 1.0530019 1.0457191\n", + " 1.0425272 1.0442786 1.0494109 1.0543164 1.0566332 1.0576999 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1659238 1.1628741 1.1739123 1.184114 1.1748539 1.1421576 1.1094296\n", + " 1.08714 1.0752853 1.0703338 1.0677927 1.0611787 1.0515188 1.0436926\n", + " 1.0407053 1.0435268 1.0487009 1.0540757 1.0567024 1.056442 1.056776\n", + " 1.06024 1.0679218 1.0779456 1.0860809 1.0897514 1.0909613]\n", + " [1.1691632 1.1662271 1.1758664 1.1854116 1.1738858 1.141144 1.1076909\n", + " 1.0846115 1.073831 1.0706433 1.0694369 1.0635954 1.0546036 1.0459898\n", + " 1.0423573 1.0438131 1.0487045 1.0533807 1.0558555 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1686313 1.1671216 1.1770482 1.186963 1.1754307 1.1429386 1.1095126\n", + " 1.086883 1.0747117 1.0705514 1.068197 1.061874 1.0532602 1.0452272\n", + " 1.0419985 1.0441929 1.0487165 1.053079 1.0546937 1.0553288 1.056481\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1859955 1.1811249 1.1912011 1.1995074 1.1877007 1.1529517 1.1169176\n", + " 1.0932075 1.081785 1.0794713 1.0792837 1.0736203 1.0643922 1.0553867\n", + " 1.0515249 0. 0. 0. 0. 0. ]\n", + " [1.175143 1.1711501 1.1794327 1.18842 1.1750865 1.1423666 1.1087914\n", + " 1.086566 1.0754409 1.0721474 1.0717924 1.0661421 1.0574865 1.049325\n", + " 1.0459352 1.0475097 1.052862 1.0579771 0. 0. ]\n", + " [1.1846843 1.1795601 1.1885495 1.1956017 1.1843443 1.1502051 1.1145233\n", + " 1.0904453 1.0790476 1.0755731 1.0754519 1.070525 1.0609719 1.0524799\n", + " 1.048333 1.0505186 1.0562484 0. 0. 0. ]\n", + " [1.1723018 1.1678872 1.1768918 1.1858778 1.1734111 1.1409328 1.1072061\n", + " 1.0846828 1.073913 1.070729 1.0698327 1.0651493 1.0563014 1.0482948\n", + " 1.0445579 1.0463647 1.0517699 0. 0. 0. ]\n", + " [1.164426 1.1616994 1.1730313 1.1826919 1.1727314 1.1394498 1.104365\n", + " 1.081021 1.069564 1.0663779 1.0646502 1.0599295 1.0512183 1.0438539\n", + " 1.0400225 1.041429 1.0461557 1.0508361 1.0534966 1.0545123]]\n", + "[[1.1789751 1.1743705 1.1846093 1.1923723 1.1786213 1.1452259 1.1110595\n", + " 1.0888658 1.0787736 1.077919 1.0779461 1.0725387 1.0619171 1.0527701\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.173122 1.1701195 1.1805183 1.1896101 1.177223 1.1432624 1.1089427\n", + " 1.0860075 1.0751832 1.0730933 1.0725316 1.0674523 1.0581291 1.0498588\n", + " 1.046045 1.0478988 1.053081 0. 0. ]\n", + " [1.1671251 1.1641396 1.1736027 1.1824803 1.1704308 1.1375606 1.1044939\n", + " 1.081811 1.0705764 1.0672275 1.0655485 1.0611576 1.0523708 1.0452309\n", + " 1.0412987 1.0433924 1.0482742 1.0531683 1.0554581]\n", + " [1.1768143 1.173443 1.1836424 1.1922815 1.179994 1.1449977 1.1094635\n", + " 1.0855657 1.0752715 1.0724449 1.0708563 1.0650351 1.0553675 1.0468563\n", + " 1.0434726 1.0455476 1.0509436 1.0559359 1.0584968]\n", + " [1.1700612 1.165776 1.1748742 1.1829808 1.1717058 1.139723 1.1058013\n", + " 1.0837512 1.0726633 1.0699512 1.0696002 1.0645019 1.0557735 1.0475601\n", + " 1.0441597 1.0462571 1.0516343 0. 0. ]]\n", + "[[1.1727669 1.1694756 1.1803658 1.1895827 1.1768993 1.1437576 1.1088603\n", + " 1.0858307 1.0752121 1.0728654 1.0724434 1.0670935 1.05808 1.0490398\n", + " 1.0453341 1.0470083 1.0526174 0. ]\n", + " [1.1653826 1.1625841 1.1728942 1.1820561 1.1691748 1.1367881 1.102856\n", + " 1.0801046 1.0695564 1.0674455 1.0667009 1.0625291 1.0540699 1.0468175\n", + " 1.043159 1.0448424 1.0498981 0. ]\n", + " [1.1708311 1.168199 1.1793779 1.1875812 1.1754066 1.141309 1.1062354\n", + " 1.0834436 1.0723507 1.0700296 1.0692194 1.0643249 1.0557425 1.0473502\n", + " 1.0438535 1.0456066 1.0506619 1.0558239]\n", + " [1.1732622 1.1678834 1.1772643 1.1848538 1.1735449 1.1405562 1.1061748\n", + " 1.084388 1.0746264 1.0733808 1.0737889 1.0690069 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1590757 1.1555493 1.1656724 1.1748352 1.1636736 1.1326011 1.0999676\n", + " 1.0786897 1.06899 1.0672008 1.0678712 1.0638549 1.0556695 1.0473454\n", + " 1.0436413 0. 0. 0. ]]\n", + "[[1.1952819 1.1917543 1.2041875 1.2135918 1.2013074 1.1636188 1.1242307\n", + " 1.0981191 1.0855618 1.082434 1.0814958 1.0753943 1.064751 1.0552555\n", + " 1.0511386 1.0529705 1.0588399 1.0645906 1.0672505]\n", + " [1.189657 1.1837486 1.1943077 1.2029006 1.188169 1.1520166 1.1152306\n", + " 1.0912771 1.0805813 1.0785152 1.0792564 1.074162 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1685901 1.1643178 1.172786 1.1805332 1.1681485 1.1344739 1.1017786\n", + " 1.0803723 1.070992 1.0702534 1.0705879 1.0662884 1.0573695 1.0486947\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1683106 1.1644591 1.1739438 1.1816909 1.1690073 1.1364545 1.1035471\n", + " 1.0813379 1.0705522 1.0678133 1.066641 1.0616544 1.0533342 1.0458791\n", + " 1.0425804 1.0441021 1.048984 1.0536966 1.0561599]\n", + " [1.1871781 1.1829802 1.1919532 1.2010862 1.1886288 1.153892 1.1184793\n", + " 1.094218 1.0826422 1.0788367 1.0768659 1.0700872 1.0599214 1.0514262\n", + " 1.0479189 1.0503243 1.056036 1.0613061 1.0634332]]\n", + "[[1.1829611 1.1779906 1.18785 1.1956885 1.1810898 1.1455051 1.1097699\n", + " 1.0862979 1.0762932 1.0746738 1.0750377 1.0703987 1.0610201 1.0528234\n", + " 1.0488378 0. 0. 0. 0. 0. ]\n", + " [1.2073361 1.2019717 1.2122589 1.2201107 1.2037953 1.1642503 1.1259341\n", + " 1.1015924 1.0913305 1.0900145 1.0901699 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.180748 1.1755337 1.1854377 1.1946495 1.1820273 1.1472393 1.1123648\n", + " 1.0897024 1.0797786 1.0784383 1.0784531 1.0725887 1.0623037 1.053144\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1655068 1.1610241 1.1696405 1.1779222 1.166033 1.1349187 1.1024668\n", + " 1.0804687 1.0694656 1.0671577 1.0665487 1.0626836 1.0546991 1.0470749\n", + " 1.0438106 1.0455099 1.0507302 0. 0. 0. ]\n", + " [1.1819254 1.1787019 1.1894674 1.1989902 1.187254 1.1523606 1.115731\n", + " 1.0907179 1.0785708 1.0746058 1.0730573 1.0670242 1.0576212 1.0493383\n", + " 1.0455722 1.046964 1.0521114 1.0575211 1.0601135 1.0614913]]\n", + "[[1.1871493 1.1822741 1.1922976 1.2007872 1.1886904 1.1539183 1.1183491\n", + " 1.0941423 1.0816199 1.0788362 1.0779543 1.0721136 1.0622437 1.0532571\n", + " 1.0492077 1.0511683 1.0569152 1.0624039 0. 0. 0.\n", + " 0. ]\n", + " [1.1640016 1.1586541 1.166413 1.173574 1.1615555 1.1313722 1.0999075\n", + " 1.0796387 1.0706551 1.0691506 1.0696592 1.0649354 1.0560561 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1710505 1.1675382 1.1772796 1.1861861 1.1745085 1.1411167 1.1076895\n", + " 1.0849016 1.0746344 1.0719694 1.0711457 1.0653197 1.0563371 1.0481967\n", + " 1.0441917 1.0464911 1.051757 1.0569291 0. 0. 0.\n", + " 0. ]\n", + " [1.1501092 1.1491433 1.1596059 1.1686738 1.1591674 1.128254 1.0961882\n", + " 1.075488 1.0648383 1.0611743 1.0594199 1.0535758 1.0455711 1.0386368\n", + " 1.0362718 1.0377202 1.0417745 1.0460938 1.0484852 1.049444 1.0507634\n", + " 1.0539807]\n", + " [1.1716988 1.1694884 1.1817281 1.1911019 1.1782886 1.1445459 1.1087308\n", + " 1.085175 1.0732665 1.0705571 1.0690163 1.0633614 1.0545429 1.0464996\n", + " 1.0430498 1.0443714 1.0491631 1.0539691 1.0560176 1.0571183 0.\n", + " 0. ]]\n", + "[[1.2032291 1.1973859 1.207447 1.215847 1.202012 1.1644994 1.1259129\n", + " 1.1003628 1.088642 1.0867462 1.0870483 1.081763 1.0710922 1.0612978\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2007369 1.1957016 1.2064705 1.2161717 1.2025135 1.1664565 1.1286894\n", + " 1.1033967 1.0919838 1.0893298 1.0900055 1.0844998 1.072685 1.0624484\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1670384 1.1631633 1.1733896 1.1820445 1.169111 1.1369367 1.1038642\n", + " 1.0816616 1.0711701 1.0688037 1.0680476 1.0624168 1.0540278 1.0462052\n", + " 1.0426574 1.0443953 1.0494393 1.0547172 0. 0. 0.\n", + " 0. ]\n", + " [1.1575251 1.1556622 1.1664048 1.1762273 1.1655804 1.1339873 1.1015209\n", + " 1.0796717 1.068701 1.0649754 1.0628848 1.0573765 1.049027 1.0422975\n", + " 1.0391212 1.0406406 1.0450875 1.0497947 1.0517659 1.0526515 1.0537263\n", + " 1.0568255]\n", + " [1.1840463 1.179552 1.1904342 1.2003086 1.1872743 1.1503848 1.1132873\n", + " 1.0885336 1.0769066 1.0743235 1.0736713 1.0689669 1.0597914 1.0515499\n", + " 1.0478753 1.0498705 1.0558034 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1479696 1.1433222 1.1516199 1.1585964 1.1492599 1.1203805 1.0908599\n", + " 1.0713389 1.0620077 1.0601027 1.0604949 1.0563155 1.048654 1.041348\n", + " 1.0379977 1.039539 0. 0. 0. ]\n", + " [1.1968013 1.1912404 1.2012973 1.2104619 1.1966841 1.1612586 1.1242313\n", + " 1.0995038 1.0882298 1.0862197 1.0861295 1.0798205 1.0692326 1.0592396\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1563029 1.1521015 1.1612684 1.1696736 1.1582414 1.128175 1.0964371\n", + " 1.0756077 1.0667984 1.0654612 1.0666778 1.062697 1.0543439 1.0462798\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.174963 1.1722492 1.1828047 1.1917894 1.1803131 1.1460314 1.1113253\n", + " 1.0873882 1.0758402 1.0725806 1.07084 1.0661539 1.0572308 1.049378\n", + " 1.0455203 1.0473421 1.052458 1.0573052 1.0598462]\n", + " [1.1687135 1.1642396 1.1727104 1.1805587 1.1697336 1.1382163 1.1054744\n", + " 1.083816 1.0729337 1.071073 1.07069 1.0657145 1.0574563 1.0486405\n", + " 1.0446632 1.0465261 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1725862 1.1688691 1.179252 1.1878319 1.1737949 1.1401523 1.1057773\n", + " 1.0831131 1.0731971 1.0715809 1.0723774 1.0681741 1.0593282 1.0509533\n", + " 1.0470291 0. 0. 0. 0. 0. ]\n", + " [1.1825925 1.1776274 1.1882951 1.198553 1.1866379 1.1520252 1.1154506\n", + " 1.0907917 1.0781955 1.0752068 1.0744171 1.0694921 1.0598593 1.0512773\n", + " 1.047369 1.0490749 1.0542884 1.0597167 0. 0. ]\n", + " [1.1680499 1.1635607 1.1739123 1.1837335 1.1729636 1.140374 1.1062722\n", + " 1.0836285 1.0731809 1.07171 1.0721761 1.0681334 1.0587004 1.0501311\n", + " 1.0457631 0. 0. 0. 0. 0. ]\n", + " [1.1685828 1.1642116 1.1747912 1.1834197 1.1720124 1.1387622 1.1050276\n", + " 1.0826232 1.0717156 1.0683858 1.0669918 1.0614429 1.0530021 1.0454013\n", + " 1.0422077 1.0437826 1.0486846 1.0531518 1.0552769 1.0559138]\n", + " [1.1559738 1.1519746 1.1600804 1.1696237 1.1593664 1.1289531 1.0970328\n", + " 1.075166 1.0646462 1.0621388 1.0614725 1.0576386 1.0496315 1.0425037\n", + " 1.0391539 1.0403031 1.0448343 1.0496169 0. 0. ]]\n", + "[[1.2137554 1.2065461 1.21271 1.2187711 1.2032493 1.1670222 1.131499\n", + " 1.1071771 1.0954205 1.0920538 1.090498 1.0834575 1.0726694 1.0631427\n", + " 1.0592086 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1913954 1.1851503 1.1935 1.2031443 1.1893597 1.1537174 1.1171082\n", + " 1.0932477 1.0825273 1.0808506 1.0813173 1.0762643 1.0662061 1.0568049\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1714962 1.1683697 1.1788367 1.1871269 1.1762003 1.1419382 1.1073215\n", + " 1.0849998 1.0741768 1.0724746 1.0726347 1.0679451 1.0586699 1.050358\n", + " 1.046386 1.0483102 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1609955 1.1596011 1.1724118 1.1835195 1.1726876 1.1395323 1.1050098\n", + " 1.0823113 1.0711266 1.0677001 1.0657305 1.0601563 1.051217 1.043825\n", + " 1.0405324 1.0424409 1.047523 1.0528097 1.0551704 1.0560523 1.0573095\n", + " 1.0605432 1.0679548 1.0774782]\n", + " [1.1561089 1.1523565 1.1616517 1.1691968 1.1575546 1.1266985 1.0951676\n", + " 1.0751243 1.0657046 1.0647377 1.0650064 1.060577 1.0522774 1.044824\n", + " 1.0414522 1.0431811 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1830088 1.1781393 1.1896968 1.1994975 1.1873978 1.1525487 1.1157708\n", + " 1.0916948 1.0811387 1.0804546 1.0810976 1.0753838 1.0647058 0.\n", + " 0. ]\n", + " [1.1755109 1.1690104 1.1775044 1.1862981 1.1749126 1.1427336 1.1085767\n", + " 1.0873574 1.0771312 1.0753088 1.0749564 1.0694401 1.059702 1.0504456\n", + " 1.046644 ]]\n", + "[[1.1682253 1.1645232 1.1738266 1.1829532 1.1709172 1.1374891 1.1040902\n", + " 1.0820119 1.07227 1.071203 1.0708272 1.0667573 1.0580013 1.04971\n", + " 1.0456555 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1744697 1.1706954 1.1811712 1.1903522 1.1771885 1.1434337 1.1093551\n", + " 1.0865581 1.0750849 1.071203 1.0691818 1.0633987 1.0546752 1.0471022\n", + " 1.043574 1.045684 1.0509623 1.0559599 1.0589244 1.0600799 0.\n", + " 0. 0. 0. ]\n", + " [1.1507933 1.1470467 1.1555897 1.1627841 1.1519837 1.1235814 1.0941464\n", + " 1.0736418 1.0635052 1.0603783 1.0590255 1.0539658 1.0464936 1.0395081\n", + " 1.0366797 1.0381002 1.0425216 1.0467417 1.0491073 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1814022 1.1775062 1.1877456 1.1967096 1.1857504 1.151274 1.1150888\n", + " 1.0910516 1.0790387 1.0745554 1.0717529 1.0653019 1.0553505 1.0470322\n", + " 1.0441923 1.0466486 1.052647 1.0570481 1.0595978 1.0610399 1.0627793\n", + " 1.0661675 1.0739238 1.0834842]\n", + " [1.1644913 1.1607349 1.1713202 1.1798607 1.166533 1.134095 1.1001866\n", + " 1.0785648 1.0679077 1.066212 1.0653238 1.0607332 1.0522778 1.0450599\n", + " 1.0414314 1.0434082 1.0483084 1.052966 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1913036 1.1852062 1.1952579 1.2039557 1.1897705 1.154404 1.1180928\n", + " 1.094686 1.0842328 1.0830107 1.0838 1.0783252 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.165786 1.1628002 1.1725397 1.1814431 1.1704035 1.137988 1.1043264\n", + " 1.0816624 1.0710882 1.0700532 1.0700674 1.065353 1.0565482 1.0479542\n", + " 1.0439177 1.0456413 0. 0. 0. 0. ]\n", + " [1.1808978 1.172489 1.1796116 1.1863778 1.1747502 1.1426383 1.1088675\n", + " 1.086388 1.0763149 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1693236 1.1647199 1.1732508 1.1804559 1.1686051 1.1364332 1.1038947\n", + " 1.0820435 1.0710114 1.0672816 1.0650532 1.0597694 1.0512474 1.0440799\n", + " 1.0407662 1.0424834 1.0470445 1.0519559 1.0546595 1.0560449]\n", + " [1.1524531 1.1498938 1.1599475 1.1688142 1.1571918 1.127231 1.095721\n", + " 1.074698 1.0642872 1.0613681 1.0602545 1.0553255 1.0474858 1.0404243\n", + " 1.0371591 1.0385326 1.0426775 1.0471833 1.0497628 0. ]]\n", + "[[1.1682421 1.1665831 1.1784539 1.1886251 1.1766714 1.1432034 1.1080524\n", + " 1.0845469 1.0731065 1.0691234 1.0672624 1.0611525 1.052379 1.0445731\n", + " 1.041593 1.0429981 1.04805 1.0529302 1.0555757 1.0565434 1.0581366\n", + " 1.06179 0. 0. 0. ]\n", + " [1.1628337 1.1603882 1.1713356 1.182022 1.1721787 1.1401769 1.1079063\n", + " 1.0858895 1.0745741 1.070134 1.0670602 1.0611635 1.0515959 1.0437762\n", + " 1.04063 1.0430783 1.0481704 1.0533234 1.0546008 1.0549186 1.0561234\n", + " 1.0591329 1.066679 1.076527 1.0845138]\n", + " [1.175653 1.1736292 1.1852155 1.1932315 1.1799793 1.1441708 1.1088027\n", + " 1.0858122 1.075363 1.0727239 1.0716705 1.0670043 1.057924 1.0491601\n", + " 1.045623 1.0473979 1.0524274 1.0578743 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1957572 1.1910235 1.2031817 1.2141514 1.2002608 1.1623679 1.1234007\n", + " 1.0976266 1.086417 1.085011 1.0859015 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.180563 1.1750515 1.1845112 1.1944516 1.1824433 1.1492801 1.1133046\n", + " 1.088502 1.0774792 1.0744903 1.074215 1.0689075 1.059701 1.0515852\n", + " 1.0479888 1.0506272 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.174301 1.1724517 1.182307 1.1901885 1.1773455 1.143418 1.1080121\n", + " 1.0856049 1.0747192 1.0723314 1.0710422 1.0660758 1.0571619 1.048704\n", + " 1.0451059 1.0467992 1.0519322 1.0570831 0. 0. ]\n", + " [1.1529522 1.1507201 1.1618297 1.1705923 1.1596246 1.1278801 1.0967302\n", + " 1.0759422 1.0655818 1.0622771 1.0605631 1.0553237 1.0471053 1.0403349\n", + " 1.037182 1.0388441 1.0431931 1.0474018 1.0497446 1.0504307]\n", + " [1.1563103 1.1534754 1.1630394 1.1719581 1.1595112 1.1286602 1.0965856\n", + " 1.0752908 1.0655062 1.0639619 1.0640919 1.059977 1.0521373 1.04473\n", + " 1.0412472 1.0430156 0. 0. 0. 0. ]\n", + " [1.1651707 1.1623472 1.1723113 1.1819167 1.1704898 1.137749 1.1047537\n", + " 1.082362 1.0709 1.0675447 1.0659213 1.0601624 1.0518928 1.0443858\n", + " 1.0410025 1.0425583 1.047593 1.0527523 1.0554266 1.0567906]\n", + " [1.1709793 1.1669723 1.177458 1.1861104 1.1738689 1.1411635 1.1070497\n", + " 1.0846347 1.0742072 1.07218 1.0714092 1.0664651 1.0571156 1.0485502\n", + " 1.0450557 1.0466759 1.0521911 0. 0. 0. ]]\n", + "[[1.1616237 1.1584041 1.1675761 1.1749642 1.1627567 1.131218 1.0995485\n", + " 1.078064 1.0675192 1.0645204 1.0635266 1.0587331 1.0501977 1.0434494\n", + " 1.0403749 1.0422715 1.0472418 1.0522248 0. 0. 0. ]\n", + " [1.171551 1.1663353 1.1749263 1.1829765 1.17019 1.1370356 1.1039993\n", + " 1.0826617 1.0733204 1.0725217 1.0727952 1.0688307 1.0595648 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1732389 1.1699307 1.1812402 1.1900641 1.1778263 1.1437883 1.1086587\n", + " 1.086187 1.0754135 1.0732989 1.0736659 1.0687753 1.0601228 1.0516355\n", + " 1.0477412 1.0495732 0. 0. 0. 0. 0. ]\n", + " [1.1787052 1.1736394 1.1834229 1.1922383 1.1819186 1.148268 1.1127868\n", + " 1.0895159 1.0781972 1.0752381 1.0742143 1.0692836 1.0594553 1.0505728\n", + " 1.0465125 1.0481845 1.0537918 0. 0. 0. 0. ]\n", + " [1.1842438 1.1810896 1.1916625 1.2017376 1.188857 1.1535685 1.1173573\n", + " 1.092899 1.0798473 1.075444 1.0728828 1.0665978 1.056782 1.0490439\n", + " 1.0457798 1.0476089 1.0532134 1.0580182 1.0606714 1.0620073 1.06367 ]]\n", + "[[1.1636127 1.1598097 1.170578 1.1793399 1.1686912 1.1357306 1.1022748\n", + " 1.0799202 1.0697718 1.0671306 1.0668281 1.0623624 1.0541376 1.0459325\n", + " 1.0423219 1.0438235 1.0487113 1.0535185]\n", + " [1.1632527 1.1597867 1.1698422 1.1784961 1.166841 1.1347173 1.1020697\n", + " 1.0802966 1.0697702 1.0668886 1.0659072 1.0605983 1.0521656 1.0447189\n", + " 1.0414602 1.0428828 1.0478339 1.0527102]\n", + " [1.2146227 1.2081099 1.2173227 1.2256784 1.2096809 1.172271 1.1329496\n", + " 1.1066134 1.0945625 1.0924786 1.0923759 1.0859983 1.0743579 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1803759 1.1757379 1.186031 1.1938472 1.1816995 1.1474606 1.1120583\n", + " 1.0891509 1.0791842 1.07792 1.0783025 1.0728233 1.0629715 1.0536413\n", + " 0. 0. 0. 0. ]\n", + " [1.1784022 1.1739312 1.1838356 1.1926404 1.1802915 1.1465069 1.1108713\n", + " 1.0869052 1.0758419 1.072817 1.0731093 1.068736 1.0596395 1.0510852\n", + " 1.0473943 1.0493666 1.0549827 0. ]]\n", + "[[1.1627665 1.1586105 1.1682763 1.176631 1.1653975 1.1336052 1.1018109\n", + " 1.0801009 1.069831 1.0669645 1.0662138 1.061862 1.0534558 1.0459205\n", + " 1.0424412 1.0442767 1.0491493 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1763383 1.1707091 1.1805022 1.1893729 1.1785839 1.1446507 1.109612\n", + " 1.0863618 1.0754157 1.0734006 1.0735519 1.0686215 1.05934 1.0506055\n", + " 1.0465584 1.048383 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1663947 1.1642914 1.1761684 1.186424 1.1736405 1.139748 1.1054578\n", + " 1.0825312 1.0710137 1.0675992 1.0656444 1.0601918 1.0512569 1.0442615\n", + " 1.0409663 1.0426226 1.0472885 1.0516703 1.0544598 1.0554209 1.0566204\n", + " 1.060371 ]\n", + " [1.1718272 1.1678927 1.1782216 1.1872087 1.1749765 1.1419328 1.1077158\n", + " 1.0849229 1.0745486 1.071786 1.072353 1.0679094 1.059007 1.0503998\n", + " 1.0463778 1.0481522 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1706858 1.1657033 1.1755714 1.1850432 1.1731739 1.1404245 1.1069012\n", + " 1.0836756 1.0728141 1.0694523 1.0682468 1.0626092 1.0536541 1.045695\n", + " 1.0420667 1.0438609 1.0488759 1.0539337 1.0563474 0. 0.\n", + " 0. ]]\n", + "[[1.2065654 1.2006816 1.2116023 1.2214012 1.2064775 1.1670898 1.1281538\n", + " 1.102881 1.0925467 1.0915337 1.0923023 1.085889 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1558331 1.1534032 1.1631988 1.1709646 1.1595206 1.1288422 1.0972047\n", + " 1.0760486 1.0660087 1.0639014 1.0629878 1.0589665 1.050904 1.0436412\n", + " 1.0405172 1.0422289 1.0466493 1.0512389 0. 0. 0. ]\n", + " [1.1989281 1.1936009 1.2025745 1.2112269 1.1973152 1.1604685 1.1221534\n", + " 1.0980875 1.0867772 1.0851159 1.0860384 1.0800279 1.069795 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1899196 1.1841342 1.193169 1.2013893 1.1876208 1.1524162 1.116175\n", + " 1.092853 1.0818615 1.081039 1.0823133 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1825453 1.1798552 1.1920828 1.2017292 1.1892002 1.1544906 1.117687\n", + " 1.0932783 1.08108 1.0771828 1.0745794 1.0675986 1.0577335 1.0490507\n", + " 1.0453049 1.0472431 1.0524547 1.057372 1.0596195 1.0606745 1.0619825]]\n", + "[[1.1865475 1.1821908 1.1919935 1.2007792 1.1884632 1.1541582 1.118339\n", + " 1.0935683 1.082541 1.079833 1.0794555 1.0743998 1.0645633 1.055642\n", + " 1.0515826 1.0536187 0. 0. 0. 0. ]\n", + " [1.1962454 1.1923224 1.2043521 1.2141788 1.200223 1.162659 1.1234218\n", + " 1.097096 1.0862321 1.0851498 1.0853077 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1884104 1.1850215 1.19557 1.2033834 1.191674 1.1568931 1.1204987\n", + " 1.094407 1.0811884 1.0776486 1.0756704 1.0697507 1.0594449 1.0511968\n", + " 1.0476689 1.0496354 1.0547128 1.0599521 1.0623522 1.0632219]\n", + " [1.1805212 1.1768359 1.1867895 1.1942959 1.1814939 1.1467589 1.1116705\n", + " 1.0887864 1.0773561 1.0745374 1.073357 1.0675209 1.0580592 1.0497234\n", + " 1.0462525 1.0485293 1.053861 1.0595205 0. 0. ]\n", + " [1.1937054 1.1884193 1.1984172 1.2061435 1.1911051 1.1545274 1.1170397\n", + " 1.092176 1.0817591 1.0807514 1.0815117 1.076692 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1659201 1.1620128 1.1724918 1.1815042 1.1702847 1.137324 1.1037943\n", + " 1.0811932 1.0712078 1.0701532 1.0702202 1.0657082 1.056593 1.047998\n", + " 1.0440667 1.0458919 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1746008 1.1721761 1.1830579 1.1928667 1.180487 1.1475414 1.112931\n", + " 1.0894369 1.0774795 1.0725583 1.0702726 1.0639039 1.0545272 1.0460896\n", + " 1.0430264 1.0447617 1.0498809 1.0545769 1.0572164 1.0579567 1.0594293\n", + " 1.0631434]\n", + " [1.1806221 1.1759472 1.1863316 1.193777 1.1814334 1.1456463 1.1101642\n", + " 1.0868208 1.0765445 1.075764 1.0762335 1.072281 1.0621163 1.0533993\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1597334 1.1562803 1.1662798 1.1755381 1.1641926 1.1332408 1.1006676\n", + " 1.0789773 1.0690118 1.066856 1.0665553 1.0623797 1.0542921 1.0461032\n", + " 1.0424147 1.0442597 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2043672 1.1985835 1.2089329 1.2171068 1.2044369 1.1674556 1.1284319\n", + " 1.1020535 1.0894346 1.086428 1.0853094 1.0791724 1.0687449 1.0595449\n", + " 1.0553901 1.058453 0. 0. 0. 0. 0.\n", + " 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1855915 1.1831602 1.1933728 1.2020216 1.190477 1.1546388 1.1182463\n", + " 1.0929941 1.0806007 1.076629 1.0745095 1.0687367 1.0593089 1.0513592\n", + " 1.0470419 1.0491744 1.0548452 1.0599368 1.0624813 1.0629814 0. ]\n", + " [1.1668735 1.1632386 1.1733016 1.1815178 1.1692289 1.1361562 1.102045\n", + " 1.0804898 1.0703576 1.067903 1.0685116 1.063856 1.0557783 1.0479624\n", + " 1.0444542 1.0461613 1.0514985 0. 0. 0. 0. ]\n", + " [1.1928012 1.1867684 1.194775 1.2035986 1.1895093 1.152931 1.1170678\n", + " 1.0929341 1.0826414 1.0815921 1.0809426 1.0757649 1.065501 1.0563526\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1514459 1.1482437 1.1579154 1.1662116 1.1550734 1.1253817 1.0952135\n", + " 1.0743337 1.0635335 1.0598732 1.057426 1.0525368 1.0451418 1.0390317\n", + " 1.0365418 1.0383255 1.042995 1.0473609 1.049466 1.0505941 1.0519007]\n", + " [1.1845675 1.1808678 1.1921408 1.2004495 1.1866888 1.1499283 1.1132498\n", + " 1.0895807 1.0788329 1.0775511 1.0785956 1.0732615 1.0639031 1.055027\n", + " 1.050889 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1576858 1.155819 1.1661798 1.175727 1.1648387 1.135098 1.1034606\n", + " 1.0817193 1.0704781 1.0657 1.0635372 1.0573761 1.048672 1.0410975\n", + " 1.0381887 1.0400999 1.0447484 1.0496296 1.0514021 1.0523729 1.0538355\n", + " 1.056836 1.063432 1.0731026]\n", + " [1.1879941 1.1832075 1.1930132 1.2017887 1.189377 1.1547757 1.1181458\n", + " 1.0933772 1.0812949 1.0786197 1.0788046 1.0737942 1.0641466 1.0548306\n", + " 1.0508034 1.0527489 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1749374 1.1696622 1.179712 1.188497 1.1763217 1.1425219 1.107865\n", + " 1.0851657 1.0745649 1.0730067 1.0737593 1.0694474 1.0606699 1.052151\n", + " 1.048263 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1879315 1.1826677 1.1919022 1.1992254 1.1875863 1.1527102 1.1164649\n", + " 1.0922483 1.0808245 1.078177 1.0774001 1.0724607 1.0628437 1.0542243\n", + " 1.0504004 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1865981 1.1811659 1.1917253 1.2003257 1.1869047 1.1525482 1.1167274\n", + " 1.0934539 1.083335 1.0820727 1.0826182 1.0767192 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1706523 1.1672608 1.1769692 1.1831579 1.1701517 1.136991 1.1028802\n", + " 1.080981 1.0708396 1.0681577 1.0680993 1.0633605 1.0547396 1.0471255\n", + " 1.0434964 1.0450462 1.0502027 1.0553031]\n", + " [1.1873926 1.1824336 1.1933627 1.2027204 1.1905745 1.1553255 1.1187208\n", + " 1.0942818 1.0827644 1.0795125 1.0785134 1.0730739 1.062926 1.053364\n", + " 1.0490812 1.0507802 1.056529 1.0621277]\n", + " [1.2002277 1.1934851 1.2036649 1.2115425 1.1990212 1.1620139 1.124048\n", + " 1.0989401 1.0873909 1.0868428 1.087795 1.0827147 1.0716021 1.0609787\n", + " 0. 0. 0. 0. ]\n", + " [1.1756666 1.1702276 1.1805068 1.1897708 1.177714 1.1447215 1.1100296\n", + " 1.0869864 1.0765847 1.0747911 1.0748733 1.0698919 1.0601496 1.0512033\n", + " 1.0470997 1.0489109 0. 0. ]\n", + " [1.1747992 1.1702602 1.1805412 1.1902332 1.1788073 1.1455412 1.109849\n", + " 1.086003 1.0748991 1.0723234 1.0724709 1.0672442 1.0577081 1.0492452\n", + " 1.0455595 1.047254 1.0529339 1.058342 ]]\n", + "[[1.1744258 1.172127 1.1831826 1.1909647 1.178193 1.1434381 1.1079046\n", + " 1.0841702 1.073837 1.0708163 1.0693046 1.0639186 1.0553528 1.0465745\n", + " 1.0430545 1.0450021 1.0499617 1.0545795 1.0567042 0. 0.\n", + " 0. 0. ]\n", + " [1.163031 1.1600428 1.1699008 1.178139 1.1670232 1.1353841 1.1040547\n", + " 1.0830455 1.0719888 1.0679553 1.0650477 1.0587854 1.0498822 1.0426582\n", + " 1.0397357 1.0418386 1.0468788 1.0512682 1.0531075 1.0538566 1.0553694\n", + " 1.0589736 1.0658514]\n", + " [1.1665865 1.1631827 1.173092 1.1824999 1.1705675 1.1382651 1.1047964\n", + " 1.0824823 1.0716255 1.0683775 1.0671573 1.0620724 1.0533587 1.0450534\n", + " 1.0418602 1.043145 1.0482223 1.0530573 1.055916 0. 0.\n", + " 0. 0. ]\n", + " [1.1658359 1.1607132 1.1699561 1.1781268 1.1659572 1.1344814 1.1017948\n", + " 1.0801827 1.0705693 1.0688205 1.0692228 1.0647786 1.0561761 1.0480981\n", + " 1.0443622 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1592641 1.1539528 1.1610806 1.1689907 1.1583711 1.1272625 1.0958645\n", + " 1.0755597 1.0663356 1.0647315 1.065048 1.0613034 1.0529726 1.0456698\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1884587 1.1837286 1.1957824 1.2056382 1.1925058 1.1561891 1.1181886\n", + " 1.0935032 1.0820395 1.0803081 1.081149 1.0757885 1.0658771 1.0565718\n", + " 1.0520957 0. 0. 0. 0. 0. 0. ]\n", + " [1.1697079 1.1681094 1.1787122 1.1879065 1.1749812 1.1418818 1.1077318\n", + " 1.08476 1.0729767 1.0694249 1.0671777 1.0619812 1.0531849 1.0458301\n", + " 1.0425955 1.0443738 1.0492759 1.0541136 1.0562993 1.0573286 1.0590395]\n", + " [1.154191 1.1509035 1.1593385 1.1666915 1.1544142 1.1251311 1.0951642\n", + " 1.0748658 1.0652032 1.0632433 1.062387 1.0578183 1.0500617 1.0429467\n", + " 1.0396789 1.0413576 1.0460354 0. 0. 0. 0. ]\n", + " [1.1691931 1.1652751 1.1746006 1.181867 1.1701212 1.1370862 1.103734\n", + " 1.081264 1.0716977 1.0691452 1.0694877 1.0651374 1.0567186 1.04889\n", + " 1.0450525 1.0467507 0. 0. 0. 0. 0. ]\n", + " [1.1802459 1.1759354 1.1852953 1.1944317 1.1820928 1.1477684 1.1125491\n", + " 1.0893854 1.0780431 1.0766491 1.0770361 1.0722939 1.062432 1.0534085\n", + " 1.0493249 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1718568 1.1676948 1.1788476 1.1872509 1.1747609 1.1413437 1.1069242\n", + " 1.0840868 1.0737673 1.0716472 1.0715424 1.0665146 1.0573717 1.0486052\n", + " 1.04503 1.0469661 1.052932 0. 0. ]\n", + " [1.1932296 1.1886885 1.1988798 1.2065234 1.1944616 1.1589098 1.1218435\n", + " 1.0961223 1.0833206 1.0795876 1.0782061 1.0725268 1.0630414 1.054267\n", + " 1.0503558 1.0524048 1.0577258 1.0632436 1.0660232]\n", + " [1.156035 1.1519147 1.1602554 1.168369 1.1565218 1.1253886 1.0949626\n", + " 1.0745828 1.0646113 1.0625662 1.0619826 1.0587244 1.0511566 1.0436045\n", + " 1.0403143 1.0421675 1.0470134 0. 0. ]\n", + " [1.1574697 1.1557838 1.1660867 1.1754069 1.1627045 1.1312408 1.098811\n", + " 1.076929 1.0672071 1.0651354 1.0652431 1.0609243 1.0523068 1.0450695\n", + " 1.0409471 1.0424759 1.0473683 0. 0. ]\n", + " [1.1531594 1.1509055 1.1602242 1.168469 1.1567111 1.126088 1.0945145\n", + " 1.0737735 1.0635188 1.0608804 1.060172 1.0552729 1.0479441 1.0410273\n", + " 1.0379606 1.0395002 1.0435822 1.0480849 1.050421 ]]\n", + "[[1.1732625 1.1700702 1.1805295 1.1897216 1.1775409 1.1432867 1.1084491\n", + " 1.0847234 1.0734284 1.0702103 1.0686753 1.0632709 1.0546584 1.0467288\n", + " 1.043601 1.0455718 1.0501007 1.0551461 1.0576173 1.0586435]\n", + " [1.1984973 1.1929134 1.2043756 1.2131892 1.199621 1.1616967 1.1225146\n", + " 1.0978444 1.0873393 1.0860963 1.0869036 1.0810976 1.0701938 1.059884\n", + " 1.0553637 0. 0. 0. 0. 0. ]\n", + " [1.1734147 1.17175 1.1832968 1.1926906 1.180494 1.1468207 1.1116172\n", + " 1.0875477 1.0755175 1.0713013 1.0693713 1.0639904 1.0548525 1.0468757\n", + " 1.0435098 1.0450479 1.0500188 1.0552851 1.0578029 1.0589427]\n", + " [1.1747051 1.1700729 1.1811417 1.1901008 1.1781687 1.1440389 1.1084123\n", + " 1.0843654 1.0742418 1.0727224 1.072694 1.0686805 1.0596511 1.0508657\n", + " 1.0468867 1.0489151 0. 0. 0. 0. ]\n", + " [1.1857502 1.1829877 1.1934327 1.2034507 1.1909673 1.1552641 1.1185619\n", + " 1.0931838 1.0814428 1.0773695 1.0752528 1.0689149 1.0592922 1.0510712\n", + " 1.0468562 1.0490643 1.054074 1.0591683 1.0616778 1.0624074]]\n", + "[[1.1591634 1.152988 1.1612269 1.1684651 1.1569356 1.1262243 1.0953498\n", + " 1.0753467 1.065593 1.0633982 1.0627508 1.058952 1.0511104 1.0439885\n", + " 1.0411862 1.0431575 0. 0. 0. 0. ]\n", + " [1.1959276 1.1905377 1.2014266 1.2116215 1.1974432 1.1611551 1.1233224\n", + " 1.0982352 1.0876334 1.0860276 1.0863602 1.0807952 1.0694141 1.0584095\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1988349 1.1925914 1.2017198 1.2089447 1.1945763 1.1576884 1.1203281\n", + " 1.0957857 1.0856087 1.0841674 1.0841646 1.0792022 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1912329 1.1880431 1.1992564 1.2081375 1.1962513 1.1606061 1.1229415\n", + " 1.097147 1.0837567 1.0790989 1.0776192 1.0712993 1.0619432 1.0527022\n", + " 1.0489049 1.0507039 1.0561839 1.0616349 1.0639888 1.0650456]\n", + " [1.1825008 1.1767422 1.1852251 1.1916146 1.1783922 1.144383 1.1104934\n", + " 1.0873691 1.076755 1.0745422 1.0738086 1.068075 1.058171 1.0497707\n", + " 1.0461022 1.048252 1.0535802 0. 0. 0. ]]\n", + "[[1.2019725 1.1963282 1.2070367 1.2161671 1.2024368 1.1642578 1.1243063\n", + " 1.0985781 1.0873041 1.0860994 1.0872822 1.0820664 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1792372 1.1743584 1.1847447 1.1941898 1.1812681 1.1479423 1.1123661\n", + " 1.0888904 1.0780995 1.0765779 1.076421 1.0704982 1.0612738 1.0520359\n", + " 0. 0. 0. 0. ]\n", + " [1.1793231 1.1742933 1.1851575 1.1942246 1.1822616 1.1473145 1.1126586\n", + " 1.0890529 1.0785124 1.0760703 1.0759325 1.0704635 1.0606908 1.0522012\n", + " 1.0479263 1.050255 0. 0. ]\n", + " [1.1758635 1.1728197 1.1834462 1.1908927 1.1762437 1.1429223 1.1084135\n", + " 1.0868431 1.0767434 1.0756832 1.0757366 1.0702686 1.0604773 1.051981\n", + " 1.0476211 0. 0. 0. ]\n", + " [1.1534867 1.1515582 1.1617979 1.1697783 1.1588155 1.1276963 1.0953941\n", + " 1.0753118 1.0653492 1.0627736 1.0625732 1.058038 1.0498434 1.0425396\n", + " 1.0395427 1.040996 1.0452815 1.0500472]]\n", + "[[1.1728839 1.168927 1.179466 1.1877061 1.1756233 1.141089 1.1062437\n", + " 1.0832831 1.0728211 1.0701648 1.0697412 1.0656308 1.0571592 1.0491207\n", + " 1.0453897 1.0472214 1.0522153 0. 0. ]\n", + " [1.1754225 1.1709279 1.1815766 1.1904135 1.1798222 1.1468376 1.1117252\n", + " 1.0886464 1.0776055 1.076127 1.0765394 1.071354 1.0612326 1.0520511\n", + " 1.0478855 0. 0. 0. 0. ]\n", + " [1.1955355 1.1922389 1.2023153 1.2118514 1.1976594 1.1620704 1.1241351\n", + " 1.0985047 1.085173 1.0813025 1.0795517 1.0730745 1.0634235 1.0545424\n", + " 1.050586 1.0526075 1.0579966 1.0635341 1.0658761]\n", + " [1.1617856 1.1575623 1.1667827 1.1745108 1.1626195 1.1314251 1.0994984\n", + " 1.0780948 1.068579 1.0667437 1.0664968 1.0618914 1.053963 1.0460382\n", + " 1.0424223 1.0441271 0. 0. 0. ]\n", + " [1.1998608 1.193117 1.2021651 1.2083448 1.1957142 1.1596819 1.1219047\n", + " 1.0975757 1.085798 1.0842637 1.0846615 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1741647 1.1691056 1.178239 1.1854769 1.171708 1.1379389 1.104812\n", + " 1.083556 1.074269 1.073098 1.0736444 1.0689416 1.0595055 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1772224 1.1741718 1.183338 1.190925 1.1774548 1.1449256 1.1121088\n", + " 1.0891151 1.077523 1.0738363 1.0721586 1.0668625 1.057261 1.0492978\n", + " 1.0454437 1.0477045 1.0529814 1.0579413 0. 0. 0. ]\n", + " [1.1838397 1.1811236 1.1917328 1.2002345 1.1870873 1.152991 1.1167129\n", + " 1.0924562 1.0799946 1.0756083 1.0730501 1.0673536 1.0579636 1.0498327\n", + " 1.0462855 1.0480058 1.0535389 1.0582726 1.0606833 1.0616336 1.0634614]\n", + " [1.1657939 1.1596992 1.1690996 1.1779356 1.166463 1.1349686 1.1023567\n", + " 1.0807319 1.0703365 1.0678751 1.0678054 1.0635386 1.05524 1.0476043\n", + " 1.0440884 1.0457937 1.0511757 0. 0. 0. 0. ]\n", + " [1.1674948 1.1640214 1.1740568 1.1829896 1.1708467 1.1382897 1.1048692\n", + " 1.0828036 1.0724055 1.0696855 1.068569 1.0629504 1.05389 1.0458887\n", + " 1.0423063 1.0438178 1.0492873 1.0544531 0. 0. 0. ]]\n", + "[[1.1762568 1.1722076 1.1839896 1.1933585 1.1810993 1.1456676 1.1088958\n", + " 1.0848572 1.0740426 1.0710853 1.0695633 1.0639805 1.054692 1.046771\n", + " 1.0431753 1.0450724 1.0504606 1.0553392 1.0579742]\n", + " [1.2134172 1.2092997 1.2187251 1.2256157 1.2086829 1.1694913 1.1290618\n", + " 1.1026503 1.0916088 1.0907642 1.0917214 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1896635 1.1844424 1.1930532 1.201269 1.1880984 1.154575 1.1192982\n", + " 1.095122 1.082054 1.0777588 1.075492 1.0692683 1.0597469 1.0516084\n", + " 1.0483849 1.0503473 1.0561327 1.0610918 1.0633179]\n", + " [1.1957736 1.1907327 1.2009578 1.2096838 1.1965487 1.1605201 1.1225159\n", + " 1.0969759 1.0856051 1.0824412 1.0814526 1.0751319 1.0648131 1.0552195\n", + " 1.0510099 1.0527344 1.0587317 1.0646806 0. ]\n", + " [1.1734651 1.1703203 1.1813643 1.1908107 1.177531 1.1433059 1.1076429\n", + " 1.0835814 1.0734056 1.0712612 1.0708021 1.0649974 1.0557851 1.0471729\n", + " 1.0433676 1.0450777 1.0503452 1.0560987 0. ]]\n", + "[[1.2154156 1.2082564 1.2162236 1.2248166 1.211247 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2032595 1.1964023 1.2058765 1.2136568 1.1993519 1.1620228 1.1237358\n", + " 1.098894 1.0875208 1.0860363 1.0864534 1.08077 1.0702976 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1786416 1.1717863 1.180294 1.1878603 1.1770366 1.1439472 1.1102719\n", + " 1.0878613 1.0777581 1.0759847 1.0762317 1.0715281 1.0622202 1.0532893\n", + " 0. 0. 0. 0. ]\n", + " [1.1844448 1.178808 1.1879221 1.1965151 1.1827554 1.1492598 1.1152512\n", + " 1.0926551 1.082011 1.080478 1.0801159 1.0743499 1.0640594 1.0547845\n", + " 0. 0. 0. 0. ]\n", + " [1.1802169 1.177928 1.1887175 1.1955535 1.182032 1.1472484 1.1117123\n", + " 1.0880237 1.0777326 1.074862 1.0729448 1.0681483 1.0583546 1.0500742\n", + " 1.0464354 1.0483536 1.0537297 1.059213 ]]\n", + "[[1.1488801 1.1451063 1.154096 1.1620686 1.1511576 1.1219704 1.0922544\n", + " 1.0724304 1.0621175 1.0589894 1.057335 1.0521173 1.0447788 1.0382239\n", + " 1.0353031 1.0369292 1.0411129 1.0451835 1.0475292 1.0483524]\n", + " [1.1612499 1.1589113 1.1692228 1.177546 1.1641994 1.1317278 1.0990324\n", + " 1.0778301 1.0679708 1.0653043 1.0641129 1.0597386 1.0515773 1.0441904\n", + " 1.0410328 1.0429921 1.0476131 1.0522889 0. 0. ]\n", + " [1.1588111 1.1540256 1.1620665 1.169748 1.1586925 1.1282696 1.0969818\n", + " 1.0758241 1.0659213 1.0632023 1.0623676 1.0583731 1.0509679 1.0435066\n", + " 1.0401304 1.0414485 1.0460083 1.0507706 0. 0. ]\n", + " [1.1636772 1.1580259 1.1671777 1.175528 1.1641332 1.1340129 1.1022907\n", + " 1.0806518 1.0709697 1.0686536 1.0689895 1.0641853 1.055478 1.047359\n", + " 1.0437057 0. 0. 0. 0. 0. ]\n", + " [1.1711216 1.166832 1.1771178 1.1854765 1.1741594 1.1406294 1.106391\n", + " 1.0837016 1.0733364 1.0709261 1.0707908 1.0664324 1.0573506 1.0485269\n", + " 1.0446033 1.0461189 1.0513078 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1660209 1.161579 1.1710749 1.1790375 1.1667438 1.1355677 1.1022171\n", + " 1.080731 1.0707844 1.0697539 1.0708702 1.0664189 1.0580829 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1644111 1.1599045 1.1695179 1.1783578 1.1676232 1.1358411 1.1018256\n", + " 1.0798343 1.0694373 1.0676656 1.0675968 1.0634977 1.0553969 1.0474727\n", + " 1.0438368 1.0456889 0. 0. 0. ]\n", + " [1.1817927 1.1769334 1.1858071 1.1932893 1.1823992 1.1479807 1.1135763\n", + " 1.0902592 1.0799546 1.0786828 1.0800098 1.0740695 1.063927 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.17011 1.1675965 1.179401 1.1899555 1.177674 1.142783 1.1072576\n", + " 1.0835332 1.0726397 1.0697801 1.0689662 1.063311 1.053818 1.0457574\n", + " 1.0421354 1.0436275 1.0487198 1.0539966 1.0563846]\n", + " [1.1824238 1.1781993 1.1874896 1.1966618 1.183664 1.1487485 1.1140052\n", + " 1.0910053 1.0806321 1.0783882 1.0776205 1.0722784 1.0622035 1.0523715\n", + " 1.0486525 1.0509773 0. 0. 0. ]]\n", + "[[1.1649519 1.1610854 1.1717833 1.1809961 1.1686249 1.1359472 1.1020973\n", + " 1.080317 1.0707629 1.0692855 1.069908 1.0653545 1.056734 1.0482367\n", + " 1.044563 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1753736 1.1723771 1.1826181 1.1921604 1.1803546 1.1469702 1.113392\n", + " 1.0903479 1.0782914 1.0738927 1.0706339 1.064487 1.0551019 1.0471956\n", + " 1.0441747 1.0461534 1.0512232 1.0561295 1.0584358 1.0591588 1.0606997\n", + " 1.0643077]\n", + " [1.1669456 1.1635886 1.1742787 1.1832377 1.1716645 1.1393037 1.1053814\n", + " 1.0829381 1.0728616 1.0713181 1.0713382 1.0667268 1.0579374 1.0493363\n", + " 1.0452371 1.0469788 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1877682 1.1820195 1.190565 1.1984663 1.1846075 1.149093 1.1139467\n", + " 1.0904202 1.0789664 1.0752985 1.074912 1.0698094 1.061175 1.0525963\n", + " 1.0490055 1.0511142 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1727223 1.1708487 1.1816685 1.1914847 1.1792527 1.1449008 1.1100938\n", + " 1.0870447 1.075922 1.0733846 1.0729231 1.0669347 1.0577738 1.0491246\n", + " 1.0456455 1.0474252 1.0528958 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1682363 1.1656319 1.1758573 1.1831797 1.1704291 1.1368232 1.1029284\n", + " 1.0805852 1.0710928 1.0688543 1.0689188 1.0644524 1.0559775 1.0476155\n", + " 1.0441773 1.0460719 1.0509024 0. 0. 0. ]\n", + " [1.1695753 1.1662854 1.1762068 1.1848942 1.1725227 1.140202 1.107351\n", + " 1.0852001 1.0742645 1.0701119 1.0685303 1.0628315 1.0535803 1.0459514\n", + " 1.0426993 1.0440568 1.0491881 1.0540992 1.0567038 1.057683 ]\n", + " [1.1826079 1.1793324 1.1902603 1.1992189 1.1867237 1.1522425 1.1161368\n", + " 1.0921874 1.0804837 1.0774667 1.0758595 1.0701678 1.0605187 1.0516394\n", + " 1.0482833 1.0505513 1.0569357 1.0625187 0. 0. ]\n", + " [1.2326576 1.2239716 1.2323391 1.2396044 1.2227372 1.1831768 1.1426716\n", + " 1.1154054 1.1036365 1.1010349 1.0998404 1.0920416 1.0797554 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1610718 1.1569898 1.1668859 1.1751262 1.1643238 1.1338142 1.1025649\n", + " 1.0812064 1.0701889 1.0672028 1.0653633 1.0596845 1.0511649 1.0437399\n", + " 1.0398805 1.0415767 1.0458127 1.0506058 1.0530529 1.0542369]]\n", + "[[1.1682256 1.1632273 1.1716013 1.1800439 1.1685178 1.1372058 1.1046009\n", + " 1.0822129 1.0706987 1.0671568 1.0653743 1.0601643 1.0517985 1.0447438\n", + " 1.041651 1.0437262 1.0490541 1.0537921 1.0564667]\n", + " [1.1601588 1.1551903 1.163461 1.1710336 1.1592495 1.1291685 1.098092\n", + " 1.0774058 1.0676377 1.0651271 1.0643035 1.0594841 1.0515072 1.0438867\n", + " 1.040574 1.0422051 1.0468787 1.0516214 0. ]\n", + " [1.1628445 1.158135 1.1670815 1.1743637 1.16407 1.133333 1.1014142\n", + " 1.0801029 1.0699513 1.0674024 1.0675555 1.0638254 1.0555615 1.0475056\n", + " 1.0439289 1.0455459 0. 0. 0. ]\n", + " [1.1674631 1.1645371 1.1748517 1.1835918 1.1733947 1.1408011 1.1072711\n", + " 1.0838658 1.0726761 1.0692155 1.0684632 1.0632482 1.0549924 1.0469195\n", + " 1.043562 1.0448644 1.0500339 1.0548797 0. ]\n", + " [1.1838256 1.1797651 1.1902974 1.1994638 1.1871173 1.1525944 1.1153609\n", + " 1.0907542 1.0791502 1.0774996 1.0772066 1.0721259 1.062313 1.0536227\n", + " 1.0494558 1.0519699 0. 0. 0. ]]\n", + "[[1.1590323 1.1554351 1.1646116 1.1723331 1.1605343 1.1303228 1.099081\n", + " 1.0781997 1.067904 1.064789 1.063408 1.0583155 1.0505428 1.0431535\n", + " 1.039709 1.0410478 1.0455816 1.0500782 1.0526361 0. ]\n", + " [1.1781878 1.1725154 1.1820531 1.1898235 1.1784436 1.1452549 1.1102797\n", + " 1.0878726 1.0772405 1.0746454 1.0747114 1.069958 1.0607214 1.0525274\n", + " 1.0478839 1.0501764 0. 0. 0. 0. ]\n", + " [1.1768985 1.1711509 1.1815531 1.1909307 1.1801538 1.1469661 1.1111944\n", + " 1.0881883 1.0778006 1.0766771 1.0776832 1.0725756 1.0623362 1.052412\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1839426 1.1805716 1.1916279 1.2010531 1.18803 1.152572 1.1158907\n", + " 1.0912049 1.079116 1.0753174 1.0732871 1.0669215 1.0571913 1.0491829\n", + " 1.0452379 1.0474218 1.053159 1.0583789 1.06066 1.0614625]\n", + " [1.171746 1.1688466 1.179937 1.1887424 1.1752901 1.1414837 1.1076057\n", + " 1.0847553 1.0739152 1.0714282 1.0703807 1.0654168 1.0560279 1.0477701\n", + " 1.0441554 1.0458312 1.05101 1.0562936 0. 0. ]]\n", + "[[1.2120279 1.2046403 1.2138807 1.2219481 1.2081667 1.1702125 1.1298004\n", + " 1.1024933 1.089935 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1790905 1.1748729 1.1844072 1.191993 1.1781414 1.1444042 1.1091042\n", + " 1.0858043 1.0755326 1.0734104 1.0741081 1.0695155 1.0608405 1.0520992\n", + " 1.0479738 1.0498711 0. 0. 0. 0. ]\n", + " [1.1584606 1.1539054 1.1629831 1.170478 1.159937 1.1295794 1.0977217\n", + " 1.0760942 1.0655763 1.0625021 1.060904 1.0565827 1.0488553 1.0421859\n", + " 1.0391177 1.0408196 1.0452877 1.0496181 1.0520365 0. ]\n", + " [1.1779627 1.1752461 1.1850808 1.1941571 1.1808968 1.1454589 1.1097617\n", + " 1.0863231 1.0746406 1.071349 1.0698078 1.0642835 1.0558212 1.0478965\n", + " 1.0445995 1.0465671 1.0520095 1.0574415 1.0601144 1.061498 ]\n", + " [1.1820846 1.1778903 1.1872195 1.1955354 1.1838343 1.1509492 1.1154745\n", + " 1.0907176 1.0793024 1.0751566 1.0745281 1.0692263 1.0601314 1.0519586\n", + " 1.0483931 1.0504463 1.0558769 0. 0. 0. ]]\n", + "[[1.1751944 1.173228 1.1839371 1.1920838 1.1781758 1.143314 1.1087644\n", + " 1.0860845 1.0747185 1.0713576 1.0696547 1.063859 1.0545249 1.0469432\n", + " 1.0436506 1.0457044 1.0506783 1.0558543 1.058154 1.0590323 0.\n", + " 0. ]\n", + " [1.1741017 1.1713645 1.1820747 1.1911422 1.178653 1.1445851 1.10954\n", + " 1.0864692 1.0749425 1.0720497 1.0702788 1.0647316 1.0553142 1.046796\n", + " 1.0433098 1.0450398 1.0500448 1.0550765 1.0577364 0. 0.\n", + " 0. ]\n", + " [1.1710857 1.1695303 1.1818936 1.1925448 1.1801614 1.1459656 1.1108224\n", + " 1.0869153 1.075583 1.0717877 1.0694973 1.0634251 1.0537812 1.0461187\n", + " 1.0427113 1.0446864 1.0492991 1.0543638 1.0566406 1.0574713 1.0589997\n", + " 1.0628523]\n", + " [1.1661443 1.1620535 1.1711882 1.1793083 1.1673862 1.1350677 1.1030481\n", + " 1.0818218 1.0722263 1.0710678 1.0708503 1.0667106 1.0574478 1.049137\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1612792 1.1590447 1.1697372 1.1779863 1.1668525 1.1342462 1.1013573\n", + " 1.07946 1.0696526 1.0678092 1.0667479 1.0622586 1.0531982 1.04522\n", + " 1.0419291 1.0436051 1.0488719 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1881404 1.184024 1.1956339 1.2050414 1.1930927 1.1562452 1.1180425\n", + " 1.0928965 1.0808908 1.0782704 1.078935 1.074182 1.0641527 1.054867\n", + " 1.0504413 1.0522969 1.0584356 0. 0. ]\n", + " [1.1586728 1.1541706 1.1621323 1.1702163 1.1589683 1.128854 1.0976865\n", + " 1.0765868 1.0659434 1.0623418 1.0618508 1.057123 1.0497249 1.0426023\n", + " 1.0394589 1.0411153 1.0455644 1.0505153 1.0531539]\n", + " [1.1598909 1.156306 1.1660535 1.1750472 1.163492 1.1318325 1.0991771\n", + " 1.0778307 1.068008 1.0657802 1.0657732 1.0616229 1.0532849 1.0458002\n", + " 1.0421042 1.04395 1.0486622 0. 0. ]\n", + " [1.18736 1.1832114 1.193477 1.2019216 1.1893346 1.1536568 1.1162603\n", + " 1.091977 1.0804931 1.0780048 1.0784433 1.0734538 1.0634098 1.0547051\n", + " 1.050878 1.0529822 1.0591334 0. 0. ]\n", + " [1.1770416 1.1727468 1.1835067 1.1916229 1.1796585 1.1446724 1.1101639\n", + " 1.0871763 1.0766313 1.0761602 1.0769837 1.0721223 1.0622864 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1779499 1.1746441 1.1831594 1.1909535 1.179317 1.1460234 1.1108128\n", + " 1.0880731 1.0767298 1.0731337 1.0725592 1.0670285 1.057375 1.0493425\n", + " 1.0460498 1.0479128 1.053503 1.0589862 0. 0. ]\n", + " [1.1478744 1.1429024 1.1507477 1.1579005 1.147193 1.118897 1.0892149\n", + " 1.0700346 1.0605047 1.0581069 1.0583494 1.0546552 1.0474383 1.0406902\n", + " 1.0373607 1.0387967 1.0433238 0. 0. 0. ]\n", + " [1.1572559 1.1550474 1.1660717 1.1736354 1.1624726 1.1296699 1.0978973\n", + " 1.0769008 1.0664626 1.0632932 1.0616769 1.0571467 1.0485967 1.0416764\n", + " 1.0388812 1.0406799 1.044729 1.0495205 1.0517048 1.0526619]\n", + " [1.1613138 1.1596434 1.1710519 1.1797218 1.1688948 1.1353896 1.1011147\n", + " 1.0786791 1.0680939 1.0649918 1.0643336 1.0594945 1.0514294 1.043739\n", + " 1.0405667 1.0419149 1.0465015 1.0512434 1.0536656 0. ]\n", + " [1.1987996 1.1941742 1.2042024 1.2140912 1.2004902 1.1639079 1.1263247\n", + " 1.1010442 1.08812 1.0853598 1.0842592 1.078336 1.068062 1.0581594\n", + " 1.0540148 1.0564829 1.0627451 0. 0. 0. ]]\n", + "[[1.1808419 1.1772115 1.1889329 1.198191 1.1863589 1.1504052 1.1145856\n", + " 1.0898687 1.0778785 1.0758634 1.0753638 1.0695642 1.0599258 1.0510937\n", + " 1.047109 1.0492035 1.0547647 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2094343 1.204004 1.2147142 1.2232956 1.2083721 1.1696467 1.1303134\n", + " 1.1045443 1.0931817 1.0912673 1.0921704 1.0857245 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1527543 1.1496956 1.1602156 1.1694322 1.1592733 1.128902 1.0975189\n", + " 1.0762584 1.066377 1.0627395 1.0608746 1.0550706 1.046463 1.0392302\n", + " 1.0368315 1.0388769 1.0437027 1.0487002 1.0504992 1.0509635 1.0520912\n", + " 1.0549738 1.0615103 1.0709714 1.0784138]\n", + " [1.151369 1.149358 1.1579312 1.1656303 1.1538754 1.1244303 1.0942428\n", + " 1.0741867 1.0641866 1.061429 1.0598279 1.0555177 1.0477605 1.0407634\n", + " 1.03793 1.039666 1.0439545 1.04834 1.050516 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1766016 1.1728768 1.1823341 1.1896054 1.1781086 1.1451815 1.1112523\n", + " 1.0880331 1.0765084 1.0726815 1.0713493 1.065419 1.0566123 1.04866\n", + " 1.045622 1.0472026 1.0526912 1.0574012 1.0596073 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1729447 1.1720265 1.1837413 1.1925709 1.1794455 1.1443422 1.1096534\n", + " 1.086276 1.0745362 1.070503 1.0687768 1.0621983 1.0537121 1.0464586\n", + " 1.0426482 1.0445577 1.049607 1.0545453 1.0568397 1.0577931 1.0594455]\n", + " [1.2092077 1.202765 1.2135072 1.2242565 1.2120843 1.1734607 1.1328273\n", + " 1.1059395 1.0939406 1.0923318 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1621096 1.1581321 1.1682167 1.1769209 1.1651278 1.1334237 1.100687\n", + " 1.0787728 1.0685346 1.0667615 1.0669526 1.0626278 1.054337 1.0465162\n", + " 1.042786 1.044379 0. 0. 0. 0. 0. ]\n", + " [1.2125523 1.2074537 1.2175791 1.2263137 1.2108116 1.1712571 1.1312984\n", + " 1.1043348 1.0934147 1.0919641 1.0913728 1.0858252 1.0740585 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1729131 1.1703999 1.1813918 1.1906992 1.1784228 1.1442628 1.109457\n", + " 1.0859003 1.074306 1.0713259 1.0701069 1.0646393 1.0560145 1.0480077\n", + " 1.0437739 1.0454875 1.0501829 1.0552351 1.058166 0. 0. ]]\n", + "[[1.1583531 1.1539984 1.1631564 1.1702757 1.1597203 1.1294731 1.0976492\n", + " 1.0767968 1.0668087 1.0646429 1.0645778 1.0606055 1.0526736 1.045309\n", + " 1.0417712 1.0433047 1.0479623 0. 0. 0. ]\n", + " [1.171216 1.1676161 1.178874 1.1880864 1.17586 1.1416702 1.1072227\n", + " 1.0838588 1.0720334 1.0682632 1.0665367 1.0616264 1.0533882 1.0461438\n", + " 1.0430533 1.0447922 1.0494499 1.0543147 1.056773 1.0578976]\n", + " [1.1804066 1.1761866 1.1863334 1.1965901 1.18508 1.1508461 1.1156894\n", + " 1.0912131 1.0784488 1.073993 1.0722624 1.0663978 1.0566795 1.0485309\n", + " 1.0450923 1.046321 1.0515842 1.05652 1.0583484 1.059157 ]\n", + " [1.1782101 1.1745604 1.1870927 1.1976962 1.1850998 1.1502187 1.1145349\n", + " 1.0909755 1.0787951 1.0752188 1.0733347 1.0675364 1.0576319 1.0491015\n", + " 1.0452375 1.0473145 1.0527246 1.0579672 1.0603982 1.0610528]\n", + " [1.1627244 1.1587802 1.1678051 1.1750937 1.1645567 1.1341251 1.1030143\n", + " 1.081688 1.0716761 1.0694331 1.0687981 1.063721 1.0547374 1.0470542\n", + " 1.0430207 1.0445881 0. 0. 0. 0. ]]\n", + "[[1.1454481 1.1411588 1.1525662 1.1638004 1.1562378 1.1277426 1.097341\n", + " 1.0765855 1.0662748 1.0628152 1.0611348 1.0557195 1.0471619 1.0400518\n", + " 1.0372671 1.0394261 1.0439816 1.0488049 1.051296 1.0520604 1.0527749\n", + " 1.0558971 1.0617785 1.0698216 1.0770133 1.0817705 1.0828614 1.0795212\n", + " 1.0720083 1.0626951 1.0549264 1.0496671]\n", + " [1.1625696 1.1613181 1.1719116 1.1809398 1.1691847 1.1375357 1.1043336\n", + " 1.0813928 1.070367 1.0662969 1.0642744 1.0585225 1.0506136 1.0433445\n", + " 1.0399346 1.0417147 1.0463244 1.050895 1.0536814 1.0550083 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1611817 1.1573696 1.1676949 1.1769156 1.1657258 1.1340287 1.1015288\n", + " 1.0796723 1.0695242 1.0672452 1.0667372 1.0623105 1.0536695 1.0458186\n", + " 1.0417475 1.0433011 1.0483739 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1649798 1.1614562 1.1717631 1.1810124 1.1693165 1.137185 1.1039064\n", + " 1.0813255 1.0701855 1.0667623 1.0661896 1.0612062 1.0529339 1.0454309\n", + " 1.0418843 1.0432554 1.0477713 1.0525572 1.0547227 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.185852 1.1815295 1.1920214 1.2011843 1.1888658 1.1542801 1.1179845\n", + " 1.0932337 1.0814354 1.0774322 1.0754288 1.0693046 1.0591346 1.0502391\n", + " 1.0464376 1.0481989 1.0535235 1.0584896 1.0610675 1.0620186 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1666676 1.1628281 1.1728144 1.1812661 1.1694347 1.1371928 1.103856\n", + " 1.0816458 1.0711707 1.0680996 1.0675448 1.0629376 1.054568 1.0467261\n", + " 1.0432259 1.0445179 1.0491722 1.0543203 0. 0. ]\n", + " [1.1778773 1.1752535 1.1861624 1.1940219 1.181601 1.146934 1.111926\n", + " 1.0884404 1.0773252 1.0746003 1.0737622 1.0680102 1.0590713 1.0504264\n", + " 1.0465183 1.048164 1.0533488 1.0585964 0. 0. ]\n", + " [1.1979465 1.1895595 1.1988974 1.2076056 1.194321 1.158248 1.1208425\n", + " 1.095854 1.0849677 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.172243 1.1710296 1.1821802 1.1908224 1.1790032 1.1447982 1.1092074\n", + " 1.0860709 1.0742621 1.07077 1.0687978 1.0638014 1.0548669 1.0470283\n", + " 1.0436087 1.0450057 1.0500686 1.0547488 1.05722 1.0582795]\n", + " [1.1762264 1.1719178 1.1823429 1.1922851 1.1800457 1.1467745 1.1113292\n", + " 1.0876433 1.0773935 1.0756936 1.0748158 1.070276 1.0608495 1.0514942\n", + " 1.0474461 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1748515 1.1710784 1.1813619 1.1897361 1.1768461 1.1437801 1.1096662\n", + " 1.0870638 1.0753299 1.0716594 1.0697788 1.0650697 1.0559539 1.0479347\n", + " 1.0445449 1.0466942 1.0518453 1.056546 1.0588977 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1664752 1.1631325 1.1733662 1.1837176 1.1738174 1.1415789 1.1081239\n", + " 1.0849593 1.0731069 1.0689306 1.0663663 1.060674 1.0518823 1.0444452\n", + " 1.0414152 1.0434616 1.0485574 1.0535103 1.0560362 1.0565561 1.0577288\n", + " 1.0603937 1.06722 1.0764229 1.0840085 1.0882136]\n", + " [1.1662781 1.1627669 1.1734885 1.1817682 1.1693709 1.1374298 1.104309\n", + " 1.0824592 1.0717193 1.0692766 1.0682887 1.0634605 1.0547422 1.0467585\n", + " 1.0433002 1.0446543 1.0496566 1.0548635 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.182255 1.177388 1.1871248 1.1954048 1.1817715 1.1469405 1.110981\n", + " 1.0869164 1.0762153 1.0733478 1.0739127 1.0688941 1.0601557 1.0518775\n", + " 1.0484285 1.0508579 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1817902 1.1763422 1.1865178 1.195636 1.182744 1.1485565 1.112464\n", + " 1.08832 1.0776174 1.076061 1.0768838 1.0726334 1.0636805 1.0544515\n", + " 1.050362 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1678797 1.1650612 1.1755086 1.1851934 1.1729695 1.1398658 1.1059989\n", + " 1.0829633 1.0719047 1.0692021 1.0679808 1.0634688 1.0548478 1.0469414\n", + " 1.0433601 1.044911 1.0498118 1.054781 ]\n", + " [1.183082 1.1774687 1.1873255 1.1966641 1.184517 1.1487305 1.1122969\n", + " 1.088195 1.0770099 1.075353 1.0752146 1.0700458 1.0609194 1.0522922\n", + " 1.0483367 1.0506359 0. 0. ]\n", + " [1.1645747 1.1618267 1.1715858 1.180009 1.1678823 1.1352434 1.1015308\n", + " 1.0800678 1.0697166 1.0668563 1.065589 1.0610546 1.0524191 1.0443635\n", + " 1.0410315 1.042745 1.0477347 1.0525222]\n", + " [1.1623024 1.1589174 1.1691875 1.1771007 1.1659172 1.133523 1.1004791\n", + " 1.0782428 1.068247 1.0661274 1.0652145 1.0607724 1.0526218 1.0452052\n", + " 1.0415665 1.043138 1.0478213 1.0524367]\n", + " [1.2030979 1.1981544 1.2091802 1.2194222 1.2045625 1.166425 1.1263165\n", + " 1.0997282 1.0884084 1.0876455 1.0877205 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1701386 1.1665018 1.1781031 1.1868545 1.1750709 1.141005 1.1059601\n", + " 1.0832523 1.0737152 1.0729018 1.0735542 1.0692495 1.0598178 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1712773 1.1668549 1.1769918 1.1856496 1.174049 1.140699 1.1059778\n", + " 1.0836425 1.0733376 1.0718397 1.072501 1.0680325 1.0587686 1.0500273\n", + " 1.0459771 1.0475204 0. 0. 0. ]\n", + " [1.176115 1.171363 1.1811337 1.1886529 1.1758636 1.1414819 1.1074889\n", + " 1.084195 1.0738542 1.0712469 1.0706754 1.0655215 1.0569065 1.0490289\n", + " 1.0456209 1.0474463 1.052386 1.0573654 0. ]\n", + " [1.1820529 1.1795493 1.19001 1.1974778 1.1828606 1.1462498 1.1104842\n", + " 1.0869861 1.0758399 1.0722291 1.0709118 1.065148 1.0564524 1.0483891\n", + " 1.0454011 1.0479633 1.0538087 1.0595075 1.0623933]\n", + " [1.1547039 1.1520584 1.1610086 1.1688495 1.1575009 1.1262177 1.0935293\n", + " 1.0730793 1.0638605 1.0623095 1.0631132 1.0592068 1.0514506 1.0438552\n", + " 1.0404102 1.042286 0. 0. 0. ]]\n", + "[[1.2072525 1.2020162 1.2125344 1.2211001 1.2051253 1.1677455 1.1290085\n", + " 1.103763 1.0927927 1.0918243 1.0917335 1.0848569 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1670371 1.1621699 1.1714697 1.1794635 1.1678659 1.1355928 1.102364\n", + " 1.0807176 1.0703838 1.0687647 1.0689117 1.0641162 1.0552362 1.0470937\n", + " 1.043487 1.0454236 0. 0. 0. ]\n", + " [1.1697383 1.166435 1.1778301 1.1881292 1.1765196 1.1424512 1.1079206\n", + " 1.0845762 1.0734019 1.0703677 1.0695103 1.0637347 1.0544531 1.0461035\n", + " 1.0423715 1.0442209 1.049541 1.0546712 1.0576639]\n", + " [1.1637061 1.1590679 1.168763 1.1778417 1.1663591 1.1346959 1.101481\n", + " 1.0796931 1.069328 1.067106 1.067087 1.062395 1.0539157 1.0461429\n", + " 1.042591 1.0443962 1.0496023 0. 0. ]\n", + " [1.1812394 1.1771629 1.1862913 1.194895 1.1815734 1.147897 1.1126378\n", + " 1.0883688 1.0770333 1.0728848 1.0717052 1.0660218 1.0571694 1.0493858\n", + " 1.0462258 1.0483165 1.0537245 1.0591255 1.0620728]]\n", + "[[1.1847299 1.1797636 1.1903718 1.1993341 1.1870706 1.1519482 1.1162632\n", + " 1.0927713 1.0818783 1.0806925 1.0811327 1.0759377 1.0648704 1.0552282\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1677787 1.1650344 1.1767191 1.1855556 1.173773 1.1402485 1.1053752\n", + " 1.082055 1.0715969 1.068589 1.0670685 1.061576 1.052831 1.0448459\n", + " 1.0412444 1.0433174 1.048189 1.0529953 1.0554836]\n", + " [1.1720425 1.1669474 1.1766137 1.1852518 1.1726614 1.1399539 1.1063049\n", + " 1.0840762 1.0738243 1.0713866 1.0709449 1.0663584 1.057493 1.0490478\n", + " 1.0456877 1.047766 1.053559 0. 0. ]\n", + " [1.1564475 1.1526656 1.1626768 1.1696988 1.1591457 1.1274729 1.0961335\n", + " 1.0757799 1.0665288 1.0654058 1.0655922 1.0608617 1.0525949 1.0448943\n", + " 1.0412691 0. 0. 0. 0. ]\n", + " [1.1776788 1.174503 1.1854053 1.1939857 1.1799524 1.146074 1.110921\n", + " 1.0879608 1.0780116 1.0763823 1.0760269 1.0701938 1.0607455 1.0519615\n", + " 1.047761 1.0498943 0. 0. 0. ]]\n", + "[[1.1782603 1.1731098 1.1820014 1.1906943 1.1772348 1.1433927 1.1084485\n", + " 1.0853963 1.0763228 1.0753453 1.0763168 1.0712793 1.0615948 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1977142 1.1917894 1.2018452 1.2105055 1.196786 1.1604701 1.1233629\n", + " 1.0985477 1.0869391 1.0846757 1.084636 1.0786784 1.0687675 1.0589944\n", + " 1.0547771 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1479353 1.1438012 1.1525804 1.1600512 1.1508043 1.1227813 1.0934185\n", + " 1.0735662 1.0626694 1.0590843 1.0569645 1.0517095 1.0444872 1.0381079\n", + " 1.0357115 1.037666 1.0419877 1.0465534 1.0489855 1.0496558 1.0507567\n", + " 1.0534035 1.0597563 1.0681225]\n", + " [1.1681173 1.1652031 1.1759559 1.184989 1.1734028 1.1398817 1.1065556\n", + " 1.0843885 1.0734787 1.0696927 1.0681162 1.062044 1.0532584 1.0453924\n", + " 1.0421234 1.0433353 1.0481074 1.0530732 1.05515 1.0559138 0.\n", + " 0. 0. 0. ]\n", + " [1.1836196 1.1808555 1.1929293 1.2027698 1.1907011 1.154071 1.1161872\n", + " 1.0908877 1.0785501 1.0744156 1.0724263 1.0673448 1.0581205 1.0494236\n", + " 1.0462751 1.0485781 1.0541383 1.0594292 1.0618658 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1805863 1.176075 1.1872907 1.1957034 1.1836321 1.1487556 1.1128179\n", + " 1.088962 1.0785226 1.0765824 1.0772625 1.0718668 1.0624467 1.0531589\n", + " 1.049086 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1729425 1.1671401 1.1758394 1.1844143 1.1730093 1.1416358 1.10815\n", + " 1.0850594 1.0736885 1.0705025 1.0694278 1.0641515 1.0556169 1.0476173\n", + " 1.0441588 1.0457735 1.0509449 1.0559549 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1631558 1.159465 1.1700947 1.1793151 1.167654 1.1355907 1.1024439\n", + " 1.0807412 1.0700777 1.0667056 1.0650582 1.0592724 1.0503663 1.0427649\n", + " 1.0393401 1.0410109 1.0459197 1.0508484 1.0531588 1.0540664 0.\n", + " 0. 0. ]\n", + " [1.1532217 1.1506728 1.1602747 1.168712 1.1563935 1.1267519 1.0954925\n", + " 1.0743603 1.0641297 1.0608029 1.0592946 1.0548137 1.0471851 1.0402365\n", + " 1.0367506 1.0385128 1.0427985 1.0470673 1.049414 0. 0.\n", + " 0. 0. ]\n", + " [1.1672891 1.1650866 1.1764331 1.1865222 1.1744672 1.1416036 1.107908\n", + " 1.0848442 1.0727963 1.068551 1.066288 1.0601648 1.0510592 1.0438758\n", + " 1.0407653 1.0428872 1.0477426 1.0530722 1.0554935 1.0560141 1.0573498\n", + " 1.0609914 1.0678864]]\n", + "[[1.1585072 1.1542578 1.1626655 1.1706634 1.1588717 1.1296086 1.098473\n", + " 1.0776287 1.0670419 1.0634794 1.0622792 1.0576419 1.0500462 1.042998\n", + " 1.040081 1.0420436 1.047099 1.0515811]\n", + " [1.1738601 1.1684064 1.1776863 1.1843346 1.1730398 1.1400836 1.1064603\n", + " 1.0842557 1.0744864 1.0736148 1.0745906 1.0697374 1.060124 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1936071 1.189104 1.2002344 1.2092364 1.1952324 1.1586733 1.1208036\n", + " 1.0958133 1.0847317 1.0827713 1.0823953 1.0769699 1.0669227 1.0570546\n", + " 1.0529902 0. 0. 0. ]\n", + " [1.1928033 1.1883849 1.199154 1.2094142 1.1938733 1.1572299 1.1187384\n", + " 1.0941 1.0842797 1.0825826 1.0842841 1.0792372 1.0688578 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1818967 1.1776326 1.1884809 1.1982346 1.1855251 1.1484165 1.1124985\n", + " 1.088288 1.0784352 1.0767516 1.0778321 1.0726295 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1712542 1.168165 1.1793488 1.1879951 1.1748748 1.1423343 1.1082699\n", + " 1.0856197 1.0742145 1.0709989 1.0691725 1.0626241 1.0538938 1.0459929\n", + " 1.0422853 1.0442208 1.0493329 1.0539922 1.0562218 1.0573123]\n", + " [1.1631775 1.1583575 1.168177 1.1773447 1.1663263 1.1341288 1.1020803\n", + " 1.0803751 1.070847 1.0691593 1.0684123 1.0642837 1.0554922 1.047424\n", + " 1.0439072 1.0459797 0. 0. 0. 0. ]\n", + " [1.177624 1.1735206 1.1827946 1.1909163 1.1782823 1.1458436 1.1117787\n", + " 1.0884417 1.0773002 1.0735488 1.0716269 1.0658227 1.0564219 1.0485849\n", + " 1.0446846 1.0465035 1.0512704 1.0560945 1.0587771 0. ]\n", + " [1.1853998 1.1806703 1.1901742 1.197587 1.1840124 1.1512008 1.11469\n", + " 1.0909595 1.0787737 1.0760983 1.074985 1.0692669 1.0599687 1.0517893\n", + " 1.0481033 1.0502968 1.0561004 1.0615722 0. 0. ]\n", + " [1.1814312 1.1776412 1.1889437 1.1984193 1.1852152 1.1491995 1.1127768\n", + " 1.0885504 1.0773467 1.0749462 1.0740931 1.0690771 1.0598203 1.0508491\n", + " 1.0471646 1.0491799 1.0547495 1.0602087 0. 0. ]]\n", + "[[1.160901 1.1559566 1.1650537 1.1725048 1.1614139 1.1297284 1.0975506\n", + " 1.0770602 1.0678859 1.0670086 1.0674349 1.0629525 1.054738 1.0464836\n", + " 1.042736 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2222303 1.2166901 1.2265916 1.2348301 1.2186203 1.179312 1.13788\n", + " 1.1099982 1.0972109 1.0953286 1.0952601 1.0892428 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1691662 1.1660178 1.1767007 1.1856194 1.1757066 1.1429573 1.1084224\n", + " 1.0850043 1.072824 1.0694093 1.0671602 1.060941 1.0524199 1.0448331\n", + " 1.0422422 1.0441408 1.0498012 1.0552222 1.0578033 1.0586393 1.0602877\n", + " 1.0642276 1.0716978 1.0811946]\n", + " [1.1695427 1.1647718 1.1750114 1.1840616 1.1725861 1.1400137 1.1059084\n", + " 1.083421 1.072735 1.0703274 1.0699335 1.0653106 1.0560627 1.0474981\n", + " 1.0436906 1.0451418 1.0506178 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1736826 1.1693954 1.1783266 1.1854713 1.1724477 1.1395959 1.1061844\n", + " 1.0837966 1.0740333 1.0715736 1.0712618 1.0660731 1.0570107 1.0484971\n", + " 1.0446197 1.0467774 1.0521973 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1565883 1.1533158 1.164222 1.1738982 1.1624842 1.1301593 1.0978558\n", + " 1.0763152 1.0668035 1.0651144 1.0650588 1.0602665 1.0516869 1.0434974\n", + " 1.0401117 1.0416725 1.0466554 0. 0. 0. 0. ]\n", + " [1.172127 1.169101 1.1784437 1.1863223 1.1731194 1.1408898 1.1068726\n", + " 1.0843105 1.0729527 1.0707343 1.0695161 1.0645648 1.056167 1.0483655\n", + " 1.0450058 1.0465244 1.0513754 1.0561436 0. 0. 0. ]\n", + " [1.1763779 1.1719284 1.1809139 1.1900482 1.1767714 1.1434711 1.1088454\n", + " 1.08584 1.07471 1.0719374 1.0713987 1.0666437 1.0581837 1.0495518\n", + " 1.0465055 1.0483152 1.0537194 1.0588313 0. 0. 0. ]\n", + " [1.1735698 1.1709653 1.1821324 1.1916186 1.1795005 1.1456563 1.1103023\n", + " 1.0870743 1.0752318 1.0716062 1.0697379 1.0640829 1.055149 1.047437\n", + " 1.0439911 1.0453225 1.0504297 1.0552828 1.0576787 1.0589095 1.0605204]\n", + " [1.1579101 1.1530675 1.1607157 1.1659468 1.1546706 1.1250443 1.0951054\n", + " 1.0751988 1.0665091 1.0647583 1.0640718 1.0602314 1.0521796 1.0446694\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1702868 1.1674786 1.1780092 1.1872767 1.1752442 1.1433034 1.1102684\n", + " 1.0876899 1.0757558 1.0715079 1.0690843 1.0625114 1.0530106 1.0450861\n", + " 1.0422494 1.0443832 1.0495836 1.0543661 1.0563188 1.0573454 1.0583328\n", + " 1.0621464]\n", + " [1.184381 1.180577 1.192013 1.2020122 1.1893792 1.153811 1.1160092\n", + " 1.0912818 1.0798386 1.0767323 1.0761116 1.0710343 1.0613955 1.0525169\n", + " 1.0482128 1.0502424 1.0557778 1.0615132 0. 0. 0.\n", + " 0. ]\n", + " [1.1767608 1.1724541 1.1824307 1.1901295 1.1767217 1.1442246 1.1103528\n", + " 1.0874918 1.0756514 1.0720952 1.0706129 1.064692 1.055271 1.0473582\n", + " 1.0438439 1.0457144 1.0508382 1.0558293 1.0582559 0. 0.\n", + " 0. ]\n", + " [1.155708 1.153541 1.1637536 1.1723214 1.1609403 1.1292788 1.0984559\n", + " 1.076926 1.0664645 1.0638101 1.0630803 1.0582719 1.0498 1.0428419\n", + " 1.0394835 1.041038 1.0458577 1.0507481 0. 0. 0.\n", + " 0. ]\n", + " [1.2000568 1.1944993 1.2046049 1.214372 1.1990473 1.1598538 1.1198006\n", + " 1.0941373 1.0837145 1.0827842 1.083995 1.0791115 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1706054 1.1690626 1.1798811 1.1899226 1.1771114 1.1439486 1.10923\n", + " 1.0857463 1.0749083 1.0718551 1.0722417 1.066737 1.0575379 1.0489857\n", + " 1.0450011 1.0467606 1.0524824 0. 0. ]\n", + " [1.1640925 1.1598511 1.1695772 1.1784308 1.1656201 1.1334938 1.1009043\n", + " 1.0795649 1.0694544 1.0675408 1.0670493 1.0619441 1.0531467 1.0456635\n", + " 1.0422745 1.0441222 1.0495815 0. 0. ]\n", + " [1.1622463 1.1602609 1.1712917 1.1812435 1.1694843 1.1358436 1.1021535\n", + " 1.0797395 1.0687624 1.0664955 1.065439 1.0599028 1.0512283 1.0436465\n", + " 1.0401001 1.0415859 1.0465038 1.0515026 1.0539615]\n", + " [1.2004459 1.1962721 1.2065052 1.2154027 1.2008109 1.1639049 1.1255544\n", + " 1.0997578 1.0874902 1.0838988 1.0832548 1.0766157 1.0667205 1.0572003\n", + " 1.0531096 1.0556707 1.0618397 1.067854 0. ]\n", + " [1.1677071 1.1639545 1.1748751 1.1848739 1.173219 1.1396964 1.1052936\n", + " 1.0827565 1.0723878 1.070653 1.0701882 1.0652436 1.056015 1.0473312\n", + " 1.0432471 1.044885 1.049895 0. 0. ]]\n", + "[[1.1929224 1.1856797 1.1936036 1.200271 1.1868757 1.1511317 1.1155165\n", + " 1.0929259 1.0824422 1.0805393 1.0799807 1.0744967 1.0641425 1.055247\n", + " 0. 0. 0. ]\n", + " [1.1571726 1.1512005 1.1593252 1.1668411 1.1575292 1.1279812 1.0971844\n", + " 1.0767597 1.0671434 1.0652324 1.0653737 1.0611943 1.0530226 1.0452158\n", + " 1.041481 0. 0. ]\n", + " [1.1571835 1.1528782 1.1620176 1.1694168 1.1573102 1.1269859 1.0960226\n", + " 1.07608 1.0665786 1.0640838 1.0637566 1.059408 1.0511347 1.0439144\n", + " 1.0409344 1.0426072 1.0477716]\n", + " [1.1728141 1.170736 1.1821592 1.1903334 1.1783006 1.1432743 1.1080822\n", + " 1.0855304 1.0747923 1.0723456 1.0718328 1.0671891 1.0581088 1.0499105\n", + " 1.0458072 1.0474143 1.0528363]\n", + " [1.1694114 1.1655084 1.1762453 1.1856081 1.1728799 1.1405115 1.1061035\n", + " 1.0834353 1.073139 1.0714563 1.0720465 1.0676124 1.058112 1.0492991\n", + " 1.0453131 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1673765 1.1647241 1.1762186 1.1847175 1.1727653 1.1395371 1.1049497\n", + " 1.0827652 1.0731478 1.071688 1.0718911 1.066711 1.0576042 1.0488037\n", + " 1.0448569 0. 0. ]\n", + " [1.2049451 1.1989845 1.2105587 1.2207707 1.2063719 1.1679924 1.1285838\n", + " 1.1017319 1.0897504 1.0881283 1.0882243 1.0831913 1.0723088 1.0618906\n", + " 0. 0. 0. ]\n", + " [1.1797485 1.1751055 1.184561 1.1941202 1.1813557 1.1464113 1.1114223\n", + " 1.0886377 1.0777725 1.0761739 1.0760657 1.0705132 1.0612625 1.0522574\n", + " 1.0482942 1.0503529 0. ]\n", + " [1.1743172 1.1691056 1.1788714 1.1879203 1.1757741 1.1430917 1.1086804\n", + " 1.0859802 1.0752288 1.0729948 1.0724026 1.0668756 1.0568944 1.0479827\n", + " 1.0448325 1.0471134 1.0533124]\n", + " [1.1929008 1.1860392 1.1951468 1.2045666 1.1927073 1.1566101 1.1205444\n", + " 1.0963699 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1727797 1.1718675 1.1838483 1.1922272 1.1790322 1.1440248 1.108898\n", + " 1.0851662 1.0744704 1.0715996 1.0699801 1.0643547 1.0550272 1.0473475\n", + " 1.0433627 1.0451313 1.0500495 1.0554113 1.057927 0. 0. ]\n", + " [1.1702418 1.1679635 1.1786126 1.1882397 1.1757333 1.1434699 1.109304\n", + " 1.0861044 1.0747241 1.0710824 1.068571 1.0628767 1.0539417 1.0459404\n", + " 1.0425872 1.0441056 1.0489086 1.0536461 1.0559835 1.0568488 1.0590706]\n", + " [1.1792585 1.1761419 1.1860425 1.1951705 1.1822443 1.1494607 1.1140726\n", + " 1.0904262 1.0783515 1.074288 1.0729314 1.0669504 1.0578345 1.0495485\n", + " 1.0458264 1.0476638 1.0529329 1.0582159 1.060403 0. 0. ]\n", + " [1.1857748 1.1826503 1.1933181 1.2020725 1.1885413 1.1538644 1.1177678\n", + " 1.0937636 1.0813084 1.0776547 1.0751594 1.0684882 1.0587801 1.0501593\n", + " 1.0466073 1.0486234 1.0542789 1.0593541 1.061643 1.0624536 0. ]\n", + " [1.1738158 1.1711286 1.1805017 1.1892225 1.1772343 1.1447953 1.1116064\n", + " 1.0889039 1.0765678 1.072428 1.0698366 1.0635175 1.054197 1.0467203\n", + " 1.043341 1.0451155 1.0502763 1.0553182 1.057182 1.0580363 1.0592357]]\n", + "[[1.1942298 1.1874316 1.1970003 1.2059925 1.1915531 1.155892 1.1191523\n", + " 1.0941432 1.0828168 1.0809568 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1834655 1.1787274 1.1895754 1.1984369 1.1863703 1.1516286 1.1154909\n", + " 1.0911955 1.0790825 1.0752586 1.0739366 1.0683818 1.059067 1.0504401\n", + " 1.0469055 1.0490099 1.0545775 1.0603555 1.063285 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1614337 1.1587038 1.169484 1.1778697 1.167008 1.1352075 1.1023468\n", + " 1.0800271 1.0690753 1.065527 1.0634427 1.0581874 1.049767 1.042665\n", + " 1.0392829 1.040821 1.0453869 1.049893 1.0525821 1.053892 0.\n", + " 0. 0. 0. ]\n", + " [1.1565293 1.1552558 1.1663499 1.1762131 1.1650805 1.1343106 1.1024565\n", + " 1.0808538 1.0697205 1.0656651 1.0625432 1.0569186 1.0480783 1.0413293\n", + " 1.0385661 1.0403789 1.0455345 1.0496968 1.0525047 1.0531807 1.0543193\n", + " 1.0579462 1.0646354 1.0737829]\n", + " [1.1619564 1.1569053 1.1652615 1.1731452 1.1622776 1.1316983 1.0997573\n", + " 1.0783381 1.0689179 1.0668441 1.0667388 1.0621468 1.0543047 1.0463167\n", + " 1.0431134 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1507235 1.1489284 1.1604608 1.1712232 1.1611102 1.1294997 1.0971422\n", + " 1.0760436 1.0657735 1.0624225 1.0604111 1.0546544 1.0460402 1.0389385\n", + " 1.0357672 1.037729 1.0424315 1.047204 1.0492454 1.050127 1.0513732\n", + " 1.0544648 1.060823 1.0701376]\n", + " [1.1705735 1.1679935 1.1786656 1.1873381 1.1748933 1.1390237 1.1050137\n", + " 1.0825794 1.0721799 1.0712947 1.0712858 1.0666797 1.0572643 1.0489165\n", + " 1.0449349 1.0468382 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.178941 1.1734604 1.1824982 1.1901599 1.1774471 1.143719 1.1105824\n", + " 1.0877961 1.0763236 1.0727568 1.0712894 1.0657777 1.0564708 1.0485041\n", + " 1.0452904 1.0474503 1.0528228 1.0579506 1.0606166 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1582458 1.1551675 1.1652676 1.1740161 1.1627281 1.131269 1.0998251\n", + " 1.0790483 1.0684371 1.0650324 1.0634346 1.0576351 1.0489634 1.0415438\n", + " 1.0388632 1.0407028 1.0457382 1.0500425 1.0528092 1.053679 1.0550852\n", + " 1.058758 1.0657618 0. ]\n", + " [1.197602 1.194624 1.2061131 1.2154007 1.2024336 1.1651245 1.1262107\n", + " 1.0993868 1.0862383 1.0818964 1.0797712 1.0741667 1.0638335 1.0552034\n", + " 1.0505127 1.0528687 1.0583876 1.0638072 1.066694 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1804225 1.1777406 1.1891217 1.1985524 1.1843628 1.1489313 1.1128762\n", + " 1.088681 1.0771881 1.0743681 1.0734642 1.0678277 1.0578039 1.0496062\n", + " 1.045783 1.0474188 1.0528167 1.0574589 1.059873 0. 0.\n", + " 0. 0. ]\n", + " [1.1718438 1.1690053 1.179565 1.1874914 1.1748991 1.1404892 1.1060721\n", + " 1.0838661 1.0739458 1.0715266 1.0709884 1.0662949 1.0563055 1.048146\n", + " 1.0446298 1.0463879 1.051931 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1707727 1.16329 1.1713287 1.1789999 1.1664538 1.1348445 1.1020851\n", + " 1.080486 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1682477 1.1658953 1.1761382 1.185686 1.1728611 1.1404501 1.1064466\n", + " 1.0842891 1.0735612 1.0720282 1.0717303 1.0667088 1.0576333 1.049488\n", + " 1.045233 1.047039 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.165724 1.1642745 1.1755952 1.1855707 1.1749712 1.1426646 1.1083279\n", + " 1.0861448 1.0748887 1.0707173 1.0679587 1.0619906 1.0525106 1.0447451\n", + " 1.0414065 1.043646 1.0489914 1.0540414 1.0557841 1.0567855 1.057633\n", + " 1.0607119 1.0677707]]\n", + "[[1.1742669 1.1699437 1.1806974 1.190199 1.1777706 1.1442349 1.109791\n", + " 1.0869744 1.0760792 1.0745391 1.0743004 1.0691154 1.0598397 1.0509853\n", + " 1.0469065 1.0489419 0. 0. ]\n", + " [1.1639184 1.157813 1.1645579 1.1738048 1.16275 1.1313633 1.0989912\n", + " 1.0781708 1.0681971 1.0666888 1.0667236 1.063336 1.055097 1.0473654\n", + " 1.0438203 0. 0. 0. ]\n", + " [1.1679698 1.1627771 1.1709478 1.1788371 1.1671822 1.1346087 1.1015923\n", + " 1.0805991 1.0713657 1.0701413 1.0709816 1.0662382 1.057496 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1833045 1.1762186 1.1843128 1.1923842 1.1804718 1.1482743 1.1136324\n", + " 1.0905066 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1693984 1.1648979 1.1746658 1.183136 1.1715587 1.1391954 1.1059817\n", + " 1.0837055 1.0731162 1.069979 1.0691056 1.0639265 1.0555096 1.0477183\n", + " 1.0444882 1.0463752 1.0515095 1.0563519]]\n", + "[[1.1553255 1.1498381 1.1579199 1.1652414 1.1544621 1.124318 1.0951452\n", + " 1.0749283 1.0650567 1.0628965 1.0628337 1.059205 1.051375 1.0441667\n", + " 1.041008 0. 0. ]\n", + " [1.1631793 1.1585387 1.1670755 1.1740531 1.1631452 1.1328545 1.1015694\n", + " 1.0808781 1.0708307 1.0681266 1.0665745 1.062159 1.0533324 1.0457265\n", + " 1.0420631 1.0440137 1.0489004]]\n", + "[[1.1585681 1.1544586 1.1635253 1.1713572 1.160337 1.1287376 1.0972968\n", + " 1.0763551 1.0671164 1.0658848 1.0664012 1.0624727 1.0538929 1.0458841\n", + " 1.0421174 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.167304 1.1657764 1.1769465 1.1850252 1.1720223 1.1372615 1.103769\n", + " 1.0817823 1.070779 1.0674493 1.066047 1.0603726 1.0524844 1.045153\n", + " 1.0419145 1.0438116 1.048362 1.0528271 1.0555087 1.0562457 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1687654 1.1660243 1.1761423 1.1838437 1.1724682 1.1381335 1.1047537\n", + " 1.0827857 1.072961 1.0714626 1.0715998 1.0665756 1.0570042 1.0485274\n", + " 1.044987 1.0469154 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1484419 1.1461066 1.1580385 1.1692672 1.1612148 1.131317 1.0998592\n", + " 1.0786289 1.0677649 1.0640435 1.0621644 1.0562415 1.047328 1.0399108\n", + " 1.0370338 1.0391073 1.0439918 1.0489184 1.0510378 1.0511475 1.051503\n", + " 1.0538869 1.0600731 1.0693235 1.0770862 1.0814028 1.0833812 1.0801452\n", + " 1.0730209]\n", + " [1.1619561 1.1572609 1.166388 1.1739818 1.1629261 1.1313939 1.0985363\n", + " 1.0779585 1.0694475 1.0693855 1.0698826 1.0654949 1.0559475 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1673542 1.1634532 1.1740882 1.1823834 1.1714972 1.1385523 1.1053587\n", + " 1.083247 1.073124 1.0715615 1.0715152 1.066462 1.057274 1.0487391\n", + " 1.0451931 0. ]\n", + " [1.1849486 1.1806544 1.1910024 1.2001463 1.1871471 1.1512924 1.1144477\n", + " 1.0906316 1.0795153 1.0779846 1.0776716 1.0714624 1.0617807 1.0525177\n", + " 1.0488955 1.051027 ]\n", + " [1.1820552 1.1767862 1.1866062 1.1952528 1.1826488 1.147613 1.1120948\n", + " 1.0888504 1.0783973 1.0778211 1.0781704 1.0727879 1.063503 0.\n", + " 0. 0. ]\n", + " [1.16877 1.1633646 1.1722271 1.1801856 1.1692874 1.1367494 1.104055\n", + " 1.0823866 1.0725052 1.070794 1.0710205 1.0665385 1.0577174 1.0494651\n", + " 0. 0. ]\n", + " [1.1699961 1.1646816 1.1740772 1.1833084 1.1709521 1.1374259 1.1038976\n", + " 1.0815074 1.0706755 1.0691823 1.0693204 1.0649756 1.0564003 1.048476\n", + " 1.0451095 0. ]]\n", + "[[1.1712358 1.1678126 1.1783625 1.1879034 1.176578 1.143392 1.1086694\n", + " 1.0853642 1.0743884 1.0717512 1.0714658 1.0665609 1.0574238 1.0491138\n", + " 1.0451604 1.0464916 1.0514392 1.0565339 0. 0. 0. ]\n", + " [1.2008648 1.1951408 1.2050294 1.213048 1.1986194 1.1618804 1.1243981\n", + " 1.0995237 1.0883027 1.0853661 1.0849457 1.0786717 1.0683899 1.0590205\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1730185 1.1682838 1.1789315 1.1885467 1.175784 1.1418335 1.1070037\n", + " 1.0840727 1.0732476 1.0712253 1.0706387 1.0655829 1.0559471 1.0477743\n", + " 1.043939 1.0459474 1.0516264 0. 0. 0. 0. ]\n", + " [1.1692078 1.1672449 1.1771481 1.1839206 1.1704979 1.1386038 1.1064844\n", + " 1.0851306 1.0741626 1.0705491 1.0680345 1.0615555 1.0527227 1.0450386\n", + " 1.0418603 1.0437428 1.0477375 1.0522374 1.0544274 1.0553268 1.0574001]\n", + " [1.1692996 1.1672976 1.1782455 1.1874849 1.174902 1.1412795 1.1074291\n", + " 1.0841397 1.072701 1.0692278 1.0675656 1.0621831 1.0528548 1.0454761\n", + " 1.0424352 1.0437908 1.0488213 1.0534713 1.0558616 1.0569266 0. ]]\n", + "[[1.1724576 1.170068 1.1820767 1.1895851 1.1775796 1.1427851 1.1082233\n", + " 1.0859104 1.0762947 1.0752434 1.0750066 1.0704353 1.0603019 1.0516033\n", + " 0. 0. ]\n", + " [1.1618233 1.1562696 1.1649016 1.172847 1.1627702 1.1320451 1.0996114\n", + " 1.0785089 1.0687009 1.0666562 1.0668702 1.063086 1.0552567 1.0475765\n", + " 1.0436796 1.0450181]\n", + " [1.1592535 1.1536729 1.1620377 1.17036 1.1588112 1.1283447 1.0973588\n", + " 1.0771713 1.0671649 1.0655724 1.0655961 1.0615642 1.0535012 1.0460852\n", + " 1.0426055 0. ]\n", + " [1.2085366 1.2033496 1.2140777 1.2223169 1.2074759 1.1683356 1.1278903\n", + " 1.1020906 1.0904489 1.0884286 1.0895805 1.0843246 0. 0.\n", + " 0. 0. ]\n", + " [1.1748197 1.1706554 1.1812648 1.1911012 1.1799996 1.145374 1.1097326\n", + " 1.0866208 1.0764209 1.0747471 1.0745977 1.0697672 1.0604858 1.0515767\n", + " 1.047524 1.0497748]]\n", + "[[1.1792783 1.1735661 1.1827765 1.190379 1.1788841 1.1454912 1.1110938\n", + " 1.0884371 1.078392 1.0770214 1.0772357 1.0723972 1.0621768 1.0527172\n", + " 0. 0. ]\n", + " [1.1678575 1.1629887 1.1716789 1.1801475 1.1693344 1.1381679 1.1048042\n", + " 1.0826573 1.0724849 1.0702465 1.070408 1.0658976 1.0572659 1.0488918\n", + " 1.0447391 1.046426 ]\n", + " [1.1711708 1.1665888 1.1778619 1.1870207 1.1763642 1.1426133 1.106867\n", + " 1.0838975 1.0733562 1.0719559 1.0721956 1.0674226 1.0583429 1.0496279\n", + " 1.045363 1.0471197]\n", + " [1.1798059 1.1736453 1.1840882 1.1929945 1.1808746 1.1464713 1.111159\n", + " 1.0884095 1.07811 1.0762376 1.0771942 1.0721738 1.0622598 1.0525843\n", + " 1.0483196 0. ]\n", + " [1.2031999 1.1954504 1.2027136 1.2093209 1.1950054 1.1587601 1.1215318\n", + " 1.0965213 1.0851996 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.165504 1.1622883 1.1727885 1.1801031 1.1687375 1.1360087 1.1021494\n", + " 1.0798962 1.069804 1.067661 1.0682789 1.0638347 1.0551996 1.0473875\n", + " 1.0435557 1.0450962 1.0506454 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1718744 1.1691914 1.180801 1.1908524 1.177121 1.1428465 1.1079901\n", + " 1.0848591 1.0737073 1.0711318 1.0699682 1.064148 1.054892 1.0462737\n", + " 1.0428678 1.0445961 1.0497452 1.0548544 1.0575185 0. 0.\n", + " 0. ]\n", + " [1.1603745 1.1568627 1.1658111 1.174475 1.1641595 1.1338106 1.1018083\n", + " 1.0805475 1.0694478 1.0651369 1.0630546 1.0568434 1.0483177 1.0410869\n", + " 1.0382909 1.039679 1.0445971 1.0490838 1.0512567 1.0521455 1.0534188\n", + " 1.056763 ]\n", + " [1.1818566 1.1776114 1.1874988 1.1963589 1.1847665 1.1510339 1.1155918\n", + " 1.0918808 1.0812463 1.0783672 1.0776042 1.0717908 1.0619292 1.0531117\n", + " 1.0489049 1.0510554 1.0569472 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1609404 1.1584879 1.1682687 1.1760631 1.1636921 1.1314211 1.0989753\n", + " 1.0774881 1.066642 1.0637922 1.0624099 1.0570282 1.0497177 1.0427998\n", + " 1.0399604 1.0414101 1.046155 1.0504568 1.0529673 1.0539453 0.\n", + " 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.178874 1.1741079 1.1844325 1.192059 1.1800526 1.1467589 1.1118768\n", + " 1.0886184 1.0777141 1.0747585 1.074103 1.0688498 1.0586886 1.0501963\n", + " 1.0460807 1.0481989 1.0537469 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1694579 1.1662217 1.1775002 1.1868254 1.1767949 1.1434008 1.1081289\n", + " 1.0847689 1.0732691 1.0701842 1.0694326 1.0637227 1.0546883 1.0458281\n", + " 1.0422584 1.0438807 1.0489058 1.0538871 1.0566987 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.175216 1.1705258 1.1802984 1.1890976 1.1770844 1.1434919 1.1085081\n", + " 1.0862005 1.0754509 1.0737356 1.0735875 1.0681286 1.0589877 1.0503126\n", + " 1.0464433 1.0486833 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1493487 1.1446741 1.1517837 1.1581844 1.1481701 1.1190535 1.0895212\n", + " 1.070392 1.0616949 1.0602621 1.0606127 1.0573248 1.0494002 1.0421026\n", + " 1.0390409 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.157259 1.1549413 1.16639 1.1770693 1.1663537 1.1346737 1.1015749\n", + " 1.0790193 1.0684566 1.0645198 1.0626643 1.0569307 1.0485449 1.0417658\n", + " 1.0387319 1.040845 1.0454589 1.050442 1.0531113 1.0536524 1.0546865\n", + " 1.0576211 1.0640976 1.0737028 1.0814431]]\n", + "[[1.1742309 1.1701615 1.1804224 1.1883616 1.1757009 1.1418948 1.1077865\n", + " 1.0850395 1.073875 1.0706702 1.0689307 1.0635848 1.0543146 1.0464928\n", + " 1.0435296 1.0459516 1.0513419 1.0567685]\n", + " [1.1935326 1.1878052 1.197419 1.2066449 1.1940231 1.1594579 1.1225944\n", + " 1.0978947 1.0857905 1.0836098 1.0833678 1.077881 1.0676273 1.0576358\n", + " 1.0533932 1.0555247 0. 0. ]\n", + " [1.1662151 1.1614922 1.1715766 1.1786104 1.1673982 1.1348158 1.1017784\n", + " 1.0797291 1.0708588 1.0696332 1.0697637 1.065346 1.0564297 1.0485156\n", + " 1.0449226 0. 0. 0. ]\n", + " [1.1817186 1.1766324 1.1869503 1.1969802 1.184532 1.1491331 1.113191\n", + " 1.0893084 1.0789702 1.0775671 1.077805 1.0731606 1.0631392 1.0539305\n", + " 0. 0. 0. 0. ]\n", + " [1.1527063 1.1477524 1.1566389 1.1650012 1.1558503 1.1268001 1.0960982\n", + " 1.0752512 1.0657719 1.0634259 1.063202 1.0590167 1.0509197 1.0435022\n", + " 1.0401475 1.0418142 0. 0. ]]\n", + "[[1.1739959 1.1693711 1.1789659 1.1858807 1.1748843 1.1420745 1.1080569\n", + " 1.0860437 1.0760671 1.0743932 1.0745221 1.0696228 1.0595548 1.050979\n", + " 1.0474412 0. 0. 0. 0. ]\n", + " [1.1905934 1.1871455 1.1977907 1.2073073 1.193577 1.157344 1.12028\n", + " 1.0954885 1.0829642 1.0792005 1.0768414 1.0714012 1.0617061 1.0526195\n", + " 1.0489081 1.0512561 1.0568906 1.0623835 1.0643739]\n", + " [1.1821148 1.176617 1.1859301 1.1959743 1.1838039 1.1483666 1.1123383\n", + " 1.0890065 1.0782086 1.0767305 1.0765694 1.0713416 1.0611593 1.0520287\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1858059 1.1784079 1.1869664 1.1957014 1.1832292 1.1494573 1.1139148\n", + " 1.0915326 1.0804937 1.0782084 1.0775034 1.0719609 1.0623586 1.0533903\n", + " 1.0494137 1.051758 0. 0. 0. ]\n", + " [1.1676579 1.1647756 1.1756635 1.1852183 1.1735783 1.1413758 1.1072785\n", + " 1.0843749 1.0738683 1.0712031 1.0710032 1.0657173 1.0563047 1.0484091\n", + " 1.0445129 1.0464882 1.0521387 0. 0. ]]\n", + "[[1.2103946 1.2029417 1.2130808 1.2210652 1.2087328 1.170633 1.1308631\n", + " 1.1038293 1.0925809 1.090836 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.16151 1.1577638 1.1677632 1.1750574 1.1614755 1.129943 1.0983137\n", + " 1.0778092 1.0679091 1.0660123 1.0649979 1.060072 1.0514748 1.0438538\n", + " 1.0408351 1.0427212 1.0479491 0. 0. 0. ]\n", + " [1.182533 1.1797855 1.1894178 1.1992157 1.1870043 1.1523935 1.11604\n", + " 1.0911098 1.0792031 1.0755467 1.0750787 1.0701488 1.0607871 1.0515198\n", + " 1.047696 1.0493159 1.0549253 1.0604575 0. 0. ]\n", + " [1.1843945 1.1817555 1.1923935 1.200785 1.1882894 1.1530741 1.116008\n", + " 1.0922719 1.0795586 1.0764371 1.0739698 1.0680604 1.058347 1.0502433\n", + " 1.0469152 1.0484208 1.0540097 1.0593153 1.0614234 1.0623554]\n", + " [1.1758412 1.1724446 1.1825517 1.191853 1.1786791 1.1449206 1.1099429\n", + " 1.0868679 1.0748714 1.0716492 1.0702211 1.0643263 1.0557556 1.047286\n", + " 1.0440543 1.0457911 1.050736 1.0554614 1.058213 1.0595416]]\n", + "[[1.1718217 1.1701005 1.1817586 1.191116 1.1773612 1.1431324 1.1078128\n", + " 1.0849496 1.0736058 1.0712674 1.0700419 1.0654796 1.0563242 1.048255\n", + " 1.0446057 1.0462927 1.051306 1.0567567 0. 0. 0. ]\n", + " [1.1798899 1.1779374 1.1899353 1.1990718 1.1874352 1.1522605 1.1161858\n", + " 1.0912839 1.0783145 1.0740613 1.071467 1.0656177 1.0570707 1.0490193\n", + " 1.0457628 1.047445 1.0520175 1.0571203 1.0597726 1.0605474 1.0622729]\n", + " [1.190367 1.1859703 1.1966705 1.2040659 1.190489 1.1540065 1.1177887\n", + " 1.0941095 1.0825752 1.0791901 1.0777403 1.0711594 1.060823 1.0520724\n", + " 1.0482166 1.0501906 1.0558549 1.0613403 1.0639143 0. 0. ]\n", + " [1.1584605 1.1539783 1.1628225 1.1709386 1.159891 1.129902 1.0992173\n", + " 1.0779246 1.0679489 1.0653881 1.0641825 1.0601888 1.0522605 1.0451696\n", + " 1.0415107 1.0430926 0. 0. 0. 0. 0. ]\n", + " [1.1641892 1.1607153 1.1704731 1.1778691 1.164775 1.1324754 1.1001587\n", + " 1.0790976 1.0689425 1.0663717 1.065261 1.0602585 1.0517203 1.044351\n", + " 1.0411831 1.0433586 1.0482936 1.0531559 0. 0. 0. ]]\n", + "[[1.1563593 1.1527556 1.1626582 1.1700348 1.1572386 1.1273595 1.0962391\n", + " 1.0757111 1.0663806 1.0647933 1.0651954 1.0606219 1.052341 1.0451908\n", + " 1.0415783 1.0434173 0. 0. ]\n", + " [1.1779444 1.1738132 1.1842257 1.1926446 1.1801453 1.1455117 1.110893\n", + " 1.0874231 1.075777 1.0730511 1.0716342 1.0667669 1.0572922 1.0487908\n", + " 1.045198 1.0467914 1.0522552 1.05781 ]\n", + " [1.1778502 1.1730368 1.1840711 1.1939114 1.1829773 1.1486851 1.1123449\n", + " 1.0890416 1.0773199 1.0754131 1.0757133 1.0701195 1.0607082 1.0517185\n", + " 1.0476453 0. 0. 0. ]\n", + " [1.1579692 1.1537542 1.1626613 1.1702938 1.1587493 1.1270221 1.0953287\n", + " 1.0747585 1.0659282 1.0650767 1.0655729 1.06101 1.0526063 1.0447453\n", + " 1.0412009 0. 0. 0. ]\n", + " [1.174991 1.1715553 1.1823049 1.190806 1.1787817 1.1445996 1.1090143\n", + " 1.0855116 1.0744269 1.0719777 1.0716062 1.0663786 1.0569896 1.0486436\n", + " 1.045136 1.0469508 1.0529977 0. ]]\n", + "[[1.1885799 1.1855725 1.1967431 1.2057447 1.1928288 1.1569164 1.1196434\n", + " 1.0943068 1.0816323 1.0782813 1.0763209 1.0703658 1.0602933 1.0515682\n", + " 1.0479234 1.0496962 1.054812 1.0600883 1.0625546 1.0635976]\n", + " [1.1788689 1.1755915 1.1874963 1.1973531 1.1848676 1.1500207 1.113924\n", + " 1.0899361 1.0779313 1.0748594 1.073642 1.0678061 1.0578599 1.0494603\n", + " 1.0453764 1.04737 1.0528326 1.0581669 1.0607256 0. ]\n", + " [1.1796283 1.1755335 1.1846391 1.1916668 1.1801393 1.1463224 1.1111838\n", + " 1.0884027 1.0772635 1.0742081 1.0741527 1.0685487 1.0592694 1.0502967\n", + " 1.046892 1.0492909 1.0549132 0. 0. 0. ]\n", + " [1.1646857 1.1606581 1.1715885 1.1807563 1.1705137 1.1380357 1.104008\n", + " 1.0815296 1.0713179 1.0700743 1.0701134 1.0649664 1.0557234 1.0472391\n", + " 1.0434363 1.0451398 0. 0. 0. 0. ]\n", + " [1.2012464 1.1962334 1.2063389 1.21576 1.201589 1.1652764 1.1263624\n", + " 1.1004045 1.0884784 1.0864764 1.086182 1.0814531 1.0711899 1.060891\n", + " 1.056405 0. 0. 0. 0. 0. ]]\n", + "[[1.1634374 1.1587167 1.1670797 1.1748646 1.1617225 1.1299537 1.0983543\n", + " 1.0782876 1.069372 1.0679821 1.0681471 1.063317 1.0544204 1.046569\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1785223 1.173454 1.1840671 1.1930465 1.1795253 1.145438 1.1103808\n", + " 1.087393 1.0770544 1.0749959 1.0747247 1.0693097 1.0600882 1.0512608\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.180318 1.1745458 1.1848128 1.1944388 1.1841676 1.1504297 1.1147006\n", + " 1.0905085 1.0791302 1.0774994 1.0776991 1.073062 1.0629381 1.053667\n", + " 1.0491042 0. 0. 0. 0. ]\n", + " [1.1761558 1.174267 1.1866298 1.1967473 1.1835711 1.1482284 1.1115233\n", + " 1.0872288 1.0753447 1.0724881 1.0713996 1.0656595 1.0568552 1.0488418\n", + " 1.0448917 1.0467776 1.0516919 1.0567003 1.0598773]\n", + " [1.1708908 1.1683474 1.1790032 1.1859899 1.1734116 1.139364 1.1047882\n", + " 1.0820876 1.0715259 1.0699103 1.069684 1.0649692 1.0564369 1.0484296\n", + " 1.0446527 1.0463434 1.0519526 0. 0. ]]\n", + "[[1.1754152 1.1699654 1.1793189 1.1862448 1.173182 1.1405303 1.1073768\n", + " 1.0857376 1.075571 1.0738615 1.073524 1.0679193 1.0582596 1.0499479\n", + " 1.0460536 1.0484161 0. 0. 0. 0. 0. ]\n", + " [1.1890596 1.1840353 1.1942331 1.201884 1.1893971 1.1539694 1.1174685\n", + " 1.0929282 1.0818336 1.0788016 1.07767 1.0721916 1.0623194 1.0530126\n", + " 1.0493908 1.0513372 1.057178 1.0628666 0. 0. 0. ]\n", + " [1.1691083 1.1644061 1.1734871 1.1815493 1.1694227 1.1374819 1.1047087\n", + " 1.0822747 1.0720978 1.0694661 1.0683666 1.0634238 1.0550869 1.0469911\n", + " 1.043538 1.0453533 1.0505655 1.0556401 0. 0. 0. ]\n", + " [1.1652191 1.1603992 1.169362 1.177808 1.1672952 1.1354723 1.1019825\n", + " 1.079939 1.0693452 1.0669601 1.0673395 1.0639338 1.0557432 1.0479858\n", + " 1.0440764 1.0456079 0. 0. 0. 0. 0. ]\n", + " [1.1571134 1.1551125 1.1660376 1.1759479 1.1655321 1.1333413 1.100979\n", + " 1.0788596 1.0677991 1.0640234 1.0625055 1.0574273 1.049163 1.0420035\n", + " 1.0390552 1.0404351 1.0446084 1.0495231 1.0518676 1.0530047 1.0544149]]\n", + "[[1.1730614 1.1675277 1.1767819 1.1848682 1.1737075 1.1410185 1.1073021\n", + " 1.0850426 1.075186 1.073389 1.0737594 1.0683143 1.0592153 1.0502653\n", + " 1.0463789 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1931895 1.1894001 1.1993542 1.2080551 1.1944685 1.1580939 1.121102\n", + " 1.0963806 1.0839392 1.0804645 1.0789738 1.0737433 1.0639273 1.0551292\n", + " 1.0507214 1.053008 1.0591772 1.0648835 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1653237 1.1637534 1.1727468 1.1823214 1.168291 1.1349626 1.1009125\n", + " 1.0808913 1.0716969 1.0703344 1.0709225 1.0668311 1.0574903 1.0491874\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1734438 1.170532 1.181663 1.191177 1.1809568 1.148055 1.1129158\n", + " 1.0882477 1.0763756 1.0716981 1.0690072 1.06222 1.0526229 1.0447637\n", + " 1.0414716 1.0442187 1.0497495 1.0549179 1.0578079 1.0577289 1.0589366\n", + " 1.062542 1.0696597 1.0790112 1.0864608 1.0910447]\n", + " [1.2065066 1.2009219 1.2124543 1.222235 1.2093704 1.170816 1.1312324\n", + " 1.1049277 1.0924869 1.0906763 1.0905969 1.0839844 1.0728285 1.0624079\n", + " 1.0577773 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1925806 1.1869513 1.196203 1.2036248 1.1892847 1.1539779 1.1172326\n", + " 1.0936208 1.0829186 1.0815749 1.0826093 1.0773687 1.0668416 1.057099\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1707239 1.1672361 1.1774209 1.1866587 1.1747394 1.1414202 1.108461\n", + " 1.085314 1.0733671 1.0694475 1.0673461 1.0624168 1.0535898 1.0466282\n", + " 1.043094 1.0449756 1.0499879 1.0546786 1.0571034 1.0580741 0.\n", + " 0. ]\n", + " [1.1681114 1.1656166 1.1773269 1.1874409 1.175283 1.142499 1.1085083\n", + " 1.0854262 1.0737197 1.070034 1.0676123 1.0613431 1.0525949 1.044904\n", + " 1.0415955 1.0432005 1.0483948 1.0534245 1.0559735 1.0568911 1.0584692\n", + " 1.0619575]\n", + " [1.202154 1.1970968 1.2088845 1.2185849 1.2030898 1.1641476 1.1246464\n", + " 1.0992805 1.0881734 1.0879878 1.0885903 1.0826391 1.0714353 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1619475 1.1593851 1.1697764 1.1768019 1.1656755 1.13414 1.1018627\n", + " 1.079767 1.0696255 1.0669781 1.0656698 1.0614151 1.0528096 1.0453775\n", + " 1.0420128 1.043533 1.0481548 1.0527849 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1757171 1.1726712 1.183747 1.191161 1.1784885 1.1446296 1.1103078\n", + " 1.0874296 1.0766673 1.073893 1.0725297 1.0664824 1.056599 1.0484762\n", + " 1.045072 1.0469065 1.0519456 1.0566971 1.0586358 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1593051 1.1572365 1.1693673 1.1802535 1.1694458 1.1358992 1.1017416\n", + " 1.0793619 1.0687853 1.0658479 1.0642551 1.058588 1.0498152 1.0420994\n", + " 1.038812 1.0409322 1.0461867 1.0509264 1.0535845 1.0545298 1.0553124\n", + " 1.0587835 1.0662402 1.0761135 1.0836375 1.0876796]\n", + " [1.1679182 1.1637037 1.1731838 1.181498 1.1703347 1.1380731 1.1052716\n", + " 1.0833278 1.0726912 1.0697137 1.0687224 1.0632643 1.0541285 1.0459232\n", + " 1.0422493 1.043993 1.0494267 1.0542603 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2043637 1.1983155 1.2085495 1.2176731 1.2030933 1.1660484 1.1270287\n", + " 1.1018224 1.0901506 1.0891863 1.089044 1.0829628 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1714852 1.168019 1.1784796 1.1866052 1.1742954 1.1392502 1.104869\n", + " 1.0821941 1.0726134 1.0707465 1.0708376 1.0663911 1.0575213 1.0487578\n", + " 1.0448415 1.0466098 1.0519105 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1748844 1.1721396 1.1840674 1.1939015 1.1812277 1.1453639 1.1090854\n", + " 1.0858321 1.075205 1.0733918 1.0738269 1.0690509 1.0591754 1.0502076\n", + " 1.0463272 1.0484704 0. 0. 0. 0. ]\n", + " [1.162699 1.1588063 1.1684616 1.1765919 1.1657846 1.1335027 1.1007924\n", + " 1.079284 1.0694125 1.067208 1.066873 1.0622967 1.0535005 1.0450885\n", + " 1.0415905 1.0432231 1.048551 0. 0. 0. ]\n", + " [1.1635755 1.1609524 1.1726005 1.182893 1.1722965 1.1392263 1.1051617\n", + " 1.0816886 1.0695816 1.0662687 1.0648905 1.0590477 1.0507896 1.0434296\n", + " 1.0403365 1.0414543 1.0462075 1.0508054 1.0532401 1.0541755]\n", + " [1.1942294 1.1878269 1.1978841 1.2067065 1.1937482 1.158585 1.1206646\n", + " 1.0955712 1.0848038 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1698279 1.1655415 1.1760441 1.183893 1.1734918 1.1406302 1.1065935\n", + " 1.0839072 1.0739967 1.0724869 1.0733577 1.0687401 1.0592573 1.0505395\n", + " 1.0464854 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1769458 1.1728396 1.1823882 1.1913066 1.1777167 1.144055 1.1095679\n", + " 1.0873553 1.0764289 1.0740477 1.0736212 1.0685709 1.059593 1.050972\n", + " 1.0474993 1.0496105 0. 0. 0. 0. ]\n", + " [1.1924231 1.1867098 1.1965537 1.2047741 1.1914612 1.156175 1.1198579\n", + " 1.0965521 1.085183 1.0839033 1.0842164 1.0781405 1.0678799 1.0582054\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1644894 1.1608795 1.170835 1.180397 1.169101 1.1375763 1.104462\n", + " 1.082031 1.0714501 1.0687765 1.0689864 1.0649688 1.0564027 1.0483519\n", + " 1.0446287 1.0462052 0. 0. 0. 0. ]\n", + " [1.1803603 1.1773047 1.188239 1.1970595 1.1844705 1.1499186 1.1139271\n", + " 1.0899787 1.0776366 1.073933 1.0726103 1.0668111 1.0573779 1.0495108\n", + " 1.0460393 1.0477116 1.05263 1.0573224 1.0598807 1.0614417]\n", + " [1.169369 1.1668625 1.178271 1.1864097 1.1757275 1.1417964 1.1067654\n", + " 1.0833975 1.0716721 1.068101 1.0667917 1.0616759 1.0535529 1.0454078\n", + " 1.0422629 1.0441266 1.0487143 1.053231 1.0558153 1.0564497]]\n", + "[[1.1723971 1.1696473 1.1804491 1.1890055 1.1775835 1.1444393 1.1093767\n", + " 1.0859038 1.0741835 1.0710267 1.0696023 1.0639604 1.0548509 1.0470277\n", + " 1.0434629 1.0453789 1.0501992 1.0554109 1.0581564 0. ]\n", + " [1.1565876 1.1526064 1.1628367 1.1708807 1.1618404 1.130407 1.0981946\n", + " 1.0770148 1.067507 1.0655962 1.0660354 1.0615623 1.0524492 1.0441138\n", + " 1.0402628 1.0419255 0. 0. 0. 0. ]\n", + " [1.1601307 1.1571662 1.1676713 1.1766196 1.1657267 1.1338093 1.101181\n", + " 1.079577 1.0689179 1.0653898 1.0635113 1.0581079 1.0491222 1.0420579\n", + " 1.0388299 1.0407233 1.0453664 1.0499481 1.0518323 1.0527067]\n", + " [1.1870303 1.1829973 1.1937361 1.2021099 1.1864741 1.1492554 1.1129787\n", + " 1.0899131 1.0803899 1.0795783 1.0803969 1.0748037 1.0643476 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1998037 1.1930202 1.2012842 1.2082546 1.193413 1.1582106 1.1207727\n", + " 1.0957762 1.0845851 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1643386 1.1625149 1.1743389 1.1842666 1.1718115 1.1384429 1.1040725\n", + " 1.0816951 1.0702467 1.0669813 1.0654199 1.0596731 1.0512933 1.0439137\n", + " 1.0400852 1.042084 1.0468265 1.0514381 1.0541633 1.0552235 0.\n", + " 0. ]\n", + " [1.1877834 1.1835597 1.193646 1.2023176 1.1886388 1.1521944 1.114971\n", + " 1.0912155 1.0805622 1.0782772 1.0780294 1.0723779 1.0625693 1.0534523\n", + " 1.0491971 1.0514474 1.057434 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1724569 1.1701133 1.1816288 1.1911376 1.1795554 1.1456033 1.1105461\n", + " 1.0869315 1.0752058 1.0712875 1.0697516 1.063345 1.054619 1.0463817\n", + " 1.0430925 1.0444515 1.0494806 1.0543408 1.0570737 1.0578228 0.\n", + " 0. ]\n", + " [1.1902654 1.1863476 1.1962494 1.2049211 1.1919622 1.1560731 1.1193576\n", + " 1.0955445 1.083564 1.0800781 1.0784509 1.0721852 1.0618477 1.0527235\n", + " 1.0486488 1.0514072 1.0571632 1.0627686 0. 0. 0.\n", + " 0. ]\n", + " [1.1571251 1.1542795 1.1645876 1.1733146 1.1626974 1.1318283 1.1004239\n", + " 1.0790863 1.0684241 1.0645534 1.0627563 1.0567832 1.0485775 1.0416021\n", + " 1.0387152 1.0408262 1.0450412 1.0494729 1.0515382 1.0521458 1.0535307\n", + " 1.0571172]]\n", + "[[1.1798552 1.1765524 1.1880633 1.197026 1.1840024 1.1488162 1.1119089\n", + " 1.0879195 1.0761364 1.0728533 1.0717334 1.0666223 1.057359 1.0493356\n", + " 1.0452869 1.0472672 1.0525577 1.0572821 1.0597032]\n", + " [1.1786654 1.1733081 1.1829387 1.1909124 1.1790448 1.1437426 1.1085618\n", + " 1.085604 1.0744498 1.0732368 1.0739675 1.0695201 1.0604367 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2213682 1.2136736 1.2242054 1.2331854 1.2190167 1.180741 1.1389343\n", + " 1.1103191 1.0978067 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1780367 1.1722306 1.183479 1.1940957 1.1831856 1.1478609 1.1117642\n", + " 1.0871979 1.0764971 1.0752667 1.0756869 1.0707313 1.0607828 1.0518093\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1732578 1.1670247 1.1746047 1.1818948 1.170342 1.1395314 1.106776\n", + " 1.0842744 1.0733904 1.0703388 1.0697712 1.0645863 1.0562887 1.0481294\n", + " 1.0448182 1.0467668 1.0523638 0. 0. ]]\n", + "[[1.1766412 1.1728249 1.1844108 1.1937155 1.1812907 1.1455963 1.1107888\n", + " 1.0880417 1.0783387 1.0775094 1.0776545 1.071968 1.0612818 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2106627 1.2042022 1.2136009 1.2216763 1.2062885 1.1689403 1.1295624\n", + " 1.1035323 1.0915204 1.0899624 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1564541 1.1540868 1.164535 1.1739275 1.1624933 1.1311218 1.0995877\n", + " 1.0781428 1.0671268 1.0640213 1.0624692 1.0565898 1.048421 1.0410988\n", + " 1.0378817 1.0393318 1.04399 1.0486332 1.051059 1.0519947]\n", + " [1.1778741 1.1730982 1.1825044 1.1918218 1.179626 1.1453563 1.1105239\n", + " 1.0874423 1.0775756 1.0760875 1.077036 1.0719078 1.0622892 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1635511 1.1604308 1.1700786 1.1787381 1.1661391 1.1339909 1.1009868\n", + " 1.0792751 1.0690645 1.0663602 1.0658443 1.0608848 1.0524309 1.0446794\n", + " 1.0413697 1.0432333 1.0481147 1.0530375 0. 0. ]]\n", + "[[1.1632961 1.1577165 1.1662676 1.1740797 1.1626995 1.1323125 1.1003557\n", + " 1.078724 1.0682724 1.0654724 1.0654318 1.0614651 1.0538695 1.0462245\n", + " 1.0427998 1.0445931 0. 0. ]\n", + " [1.1733396 1.1695588 1.1794853 1.1879717 1.175548 1.1412473 1.1069529\n", + " 1.0844873 1.0750006 1.0738235 1.0743167 1.0688161 1.0591311 1.049902\n", + " 1.0457182 0. 0. 0. ]\n", + " [1.1847323 1.1806858 1.1897767 1.1982245 1.184576 1.1503379 1.1154996\n", + " 1.0918746 1.080598 1.0780036 1.0767585 1.0714422 1.0614061 1.0527213\n", + " 1.0491331 1.0512726 1.057392 0. ]\n", + " [1.1843281 1.1795411 1.1897856 1.1992953 1.186203 1.1515298 1.1155117\n", + " 1.0913494 1.0792584 1.0765809 1.0757099 1.0697201 1.0602432 1.0513006\n", + " 1.047334 1.0487031 1.0543764 1.0603817]\n", + " [1.1749458 1.1709789 1.1816727 1.1909862 1.1788509 1.1448766 1.10923\n", + " 1.0855519 1.0750743 1.0725307 1.0723931 1.0680875 1.0591313 1.0511621\n", + " 1.0471028 1.048991 0. 0. ]]\n", + "[[1.1787447 1.1726971 1.1830338 1.1918864 1.1808733 1.1456392 1.1094508\n", + " 1.0862783 1.0749952 1.0737551 1.0737996 1.069178 1.0596687 1.0507323\n", + " 1.0465579 1.0487353 0. 0. 0. 0. 0. ]\n", + " [1.1901582 1.185076 1.1953006 1.2027513 1.189575 1.1538241 1.1168416\n", + " 1.0923655 1.0819821 1.0809642 1.0809468 1.0760124 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1733687 1.1694435 1.1811724 1.1925751 1.1814535 1.1465447 1.1100936\n", + " 1.0862002 1.0759615 1.0745436 1.074556 1.0697471 1.060093 1.0511769\n", + " 1.0464785 1.0484085 0. 0. 0. 0. 0. ]\n", + " [1.1775554 1.1755942 1.188004 1.1981393 1.1861078 1.1507609 1.1139253\n", + " 1.0892376 1.0774624 1.0744493 1.0729284 1.0670648 1.0578437 1.0495784\n", + " 1.0455316 1.0471323 1.0524137 1.0577042 1.0608369 0. 0. ]\n", + " [1.1665126 1.1639836 1.1749682 1.1847291 1.1729546 1.140131 1.1067288\n", + " 1.08406 1.072147 1.0683103 1.0662929 1.0603607 1.0520079 1.0444915\n", + " 1.041285 1.0429983 1.0473872 1.0524625 1.0554345 1.0566318 1.0584207]]\n", + "[[1.1722381 1.1699368 1.1805296 1.1904168 1.1787041 1.1459718 1.1114058\n", + " 1.0878292 1.0759904 1.0714979 1.069376 1.0634179 1.0538566 1.04643\n", + " 1.0428619 1.0450542 1.0495299 1.0548209 1.0574899 1.0582112 1.0593247\n", + " 1.0627387]\n", + " [1.1685864 1.164774 1.1753438 1.1852647 1.1732109 1.1405143 1.1066102\n", + " 1.0841017 1.0730304 1.070492 1.0694731 1.0639026 1.0550437 1.0467917\n", + " 1.043255 1.0453144 1.0505687 1.0561111 0. 0. 0.\n", + " 0. ]\n", + " [1.1786835 1.1749789 1.1851529 1.1938667 1.1812547 1.1489353 1.1147329\n", + " 1.0913936 1.0790195 1.0741053 1.0720801 1.0658357 1.0562625 1.0488286\n", + " 1.0454836 1.0477521 1.0528986 1.0579956 1.0598081 1.060403 1.0615232\n", + " 0. ]\n", + " [1.155416 1.152603 1.162486 1.1713367 1.1602733 1.1295457 1.0986395\n", + " 1.0777953 1.0670304 1.0632453 1.061503 1.05591 1.0481527 1.0409935\n", + " 1.03779 1.0391575 1.043548 1.0479361 1.0501977 1.0511712 1.0526308\n", + " 0. ]\n", + " [1.1612531 1.1588606 1.1690372 1.1776353 1.1651056 1.133677 1.1003727\n", + " 1.07757 1.0676174 1.065241 1.0643293 1.0599979 1.0517087 1.0443352\n", + " 1.0406317 1.0421872 1.0463194 1.0512534 0. 0. 0.\n", + " 0. ]]\n", + "[[1.164932 1.162645 1.1732202 1.1816216 1.1695135 1.1369276 1.1027318\n", + " 1.0807009 1.0698932 1.0673137 1.065757 1.0610639 1.0523521 1.0448313\n", + " 1.0409044 1.0423777 1.0471414 1.0515164 1.0539788 0. 0. ]\n", + " [1.1714331 1.1678183 1.1792428 1.1900228 1.177912 1.144303 1.1091949\n", + " 1.0852681 1.0735627 1.0703504 1.0698746 1.0643198 1.0553049 1.0469234\n", + " 1.0428768 1.0446845 1.0497835 1.0551524 1.0579877 0. 0. ]\n", + " [1.1857476 1.1806227 1.1901987 1.1974665 1.1848007 1.1502392 1.1144524\n", + " 1.0914682 1.0809474 1.0798978 1.0799909 1.0745527 1.0637861 1.0543408\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1627136 1.159372 1.1700246 1.1797695 1.1692016 1.1368952 1.1026797\n", + " 1.0802398 1.0686759 1.0650232 1.0639232 1.0589979 1.0505579 1.0432835\n", + " 1.0397689 1.0413835 1.0461556 1.0506835 1.052663 1.0534843 1.0543683]\n", + " [1.1575165 1.1544244 1.1636771 1.1722728 1.1612949 1.1302578 1.0979266\n", + " 1.0768447 1.0667732 1.0639672 1.063615 1.0592415 1.0512053 1.0439913\n", + " 1.0406266 1.0421226 1.0470896 0. 0. 0. 0. ]]\n", + "[[1.163212 1.1610305 1.1716597 1.180165 1.1679281 1.1351991 1.1029329\n", + " 1.0810071 1.0697881 1.0666592 1.0649593 1.0589743 1.0507739 1.0436543\n", + " 1.040559 1.0425421 1.0472195 1.0520474 1.054112 1.0550478 1.0564713]\n", + " [1.1625941 1.1573799 1.166183 1.1742835 1.16374 1.1327251 1.100542\n", + " 1.0797174 1.0702565 1.0685802 1.0690137 1.0647138 1.0558064 1.0472993\n", + " 1.0434861 0. 0. 0. 0. 0. 0. ]\n", + " [1.1799433 1.1755581 1.1856467 1.1941748 1.1817626 1.1482174 1.1131743\n", + " 1.0902406 1.0789931 1.0760266 1.0747228 1.0694804 1.0601026 1.0512884\n", + " 1.0476075 1.0493348 1.054797 1.0602902 0. 0. 0. ]\n", + " [1.1862066 1.1826324 1.1934538 1.2029694 1.1902473 1.1543136 1.1172738\n", + " 1.091864 1.0795071 1.0757182 1.0740929 1.0678781 1.0586865 1.0502758\n", + " 1.0471927 1.0491036 1.0549884 1.0604184 1.0627599 1.0635388 0. ]\n", + " [1.1603085 1.1562009 1.1663073 1.1752915 1.1643982 1.1330327 1.1016952\n", + " 1.0801568 1.0689003 1.0652194 1.0627812 1.0575119 1.0487863 1.0418203\n", + " 1.0384406 1.0403844 1.0451192 1.0497215 1.0519348 1.0529516 0. ]]\n", + "[[1.159847 1.1557007 1.1656941 1.1730437 1.1614681 1.130397 1.0991511\n", + " 1.0778496 1.06734 1.0641975 1.0627064 1.0572962 1.0495183 1.0423647\n", + " 1.0396047 1.0415142 1.0462716 1.0505854 1.0524498 1.0529735]\n", + " [1.1646602 1.1598563 1.1697881 1.1788172 1.1674134 1.1351675 1.1021773\n", + " 1.0804552 1.069865 1.066947 1.0667702 1.0622345 1.0533357 1.0455985\n", + " 1.0419157 1.043503 1.0485166 1.0533737 0. 0. ]\n", + " [1.1726699 1.1685989 1.1779649 1.1868001 1.1749297 1.1425136 1.1085889\n", + " 1.0855982 1.0746541 1.072762 1.0722321 1.0664448 1.0572513 1.0487211\n", + " 1.0451242 1.0477978 0. 0. 0. 0. ]\n", + " [1.1681395 1.16245 1.1706634 1.1786301 1.1670954 1.1349746 1.1027013\n", + " 1.0813917 1.0715399 1.0700905 1.0705084 1.0665008 1.05812 1.0499347\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1752856 1.1729627 1.1842831 1.1936438 1.1812578 1.1452711 1.109459\n", + " 1.085337 1.0743152 1.0722631 1.071944 1.0669332 1.0581701 1.0500692\n", + " 1.0459105 1.0472165 1.0519156 1.0568329 0. 0. ]]\n", + "[[1.1628257 1.1600666 1.1701833 1.1781386 1.1660305 1.1351225 1.103391\n", + " 1.0816242 1.0708908 1.0667212 1.0647478 1.0592563 1.0504861 1.0430789\n", + " 1.0399432 1.0411527 1.0456934 1.0504336 1.0527979 1.0540158]\n", + " [1.1556491 1.1511122 1.1592541 1.1671187 1.1572655 1.1276898 1.0967631\n", + " 1.0758306 1.065504 1.0635433 1.0636405 1.0595628 1.0514909 1.0437698\n", + " 1.0404018 1.0425748 0. 0. 0. 0. ]\n", + " [1.1865113 1.1822793 1.1925026 1.2005961 1.1876408 1.1520419 1.1156284\n", + " 1.0914357 1.080382 1.0787991 1.0787982 1.0739665 1.0643759 1.0551002\n", + " 1.0510368 0. 0. 0. 0. 0. ]\n", + " [1.1837958 1.1795957 1.1894369 1.1961387 1.1827444 1.1476773 1.1127255\n", + " 1.0898123 1.0801873 1.0790714 1.0793931 1.0740819 1.0640585 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1961222 1.1906804 1.2009255 1.209476 1.1952075 1.1597445 1.1233234\n", + " 1.0986559 1.0875486 1.0856009 1.0859996 1.0797827 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.18375 1.1799046 1.1913972 1.2015506 1.1892123 1.154006 1.1175191\n", + " 1.0930716 1.0809693 1.0771368 1.0755982 1.0688801 1.059275 1.0505246\n", + " 1.0464057 1.0482626 1.0539944 1.0595148 1.0621585 1.0632492 0. ]\n", + " [1.1689558 1.1649331 1.17484 1.183841 1.1730732 1.1405034 1.106291\n", + " 1.0833222 1.0730221 1.0711058 1.0713681 1.0671761 1.05766 1.0496488\n", + " 1.0454097 1.0470046 0. 0. 0. 0. 0. ]\n", + " [1.1703331 1.164922 1.1741674 1.1815791 1.1681327 1.1353254 1.1023455\n", + " 1.0805943 1.0709573 1.0692693 1.06914 1.0648963 1.0562867 1.0483723\n", + " 1.0448977 1.0469354 0. 0. 0. 0. 0. ]\n", + " [1.1844101 1.1812427 1.1916788 1.2003931 1.1886563 1.1537253 1.1174028\n", + " 1.0923896 1.0810559 1.0772562 1.0761616 1.0691746 1.0595833 1.0506259\n", + " 1.0466284 1.0485842 1.0539973 1.0593603 1.061492 0. 0. ]\n", + " [1.1762933 1.1736184 1.1845816 1.1931428 1.182338 1.1489625 1.1140372\n", + " 1.090123 1.0782477 1.0738637 1.0711558 1.0651593 1.055854 1.0479028\n", + " 1.0443531 1.0461557 1.0515622 1.0565681 1.058876 1.0592263 1.0603873]]\n", + "[[1.1707096 1.1683269 1.1792198 1.1878003 1.1754789 1.1419717 1.1078959\n", + " 1.0850121 1.0738181 1.0711013 1.0697855 1.0643071 1.0552335 1.0470936\n", + " 1.0435128 1.0452899 1.0500178 1.055016 1.0573895]\n", + " [1.1897366 1.1842525 1.1936741 1.2019746 1.1881851 1.1530944 1.1182303\n", + " 1.0950193 1.0839854 1.0826727 1.0830101 1.0770233 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2081778 1.2013723 1.2110432 1.2189958 1.2043052 1.1667386 1.1271275\n", + " 1.1003969 1.0883174 1.0870706 1.0877184 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1884496 1.1830897 1.1930258 1.2016456 1.1865755 1.1507242 1.1141528\n", + " 1.0908971 1.0804448 1.0788928 1.0794404 1.0742064 1.0639508 1.0546834\n", + " 1.0505127 0. 0. 0. 0. ]\n", + " [1.2195674 1.2119646 1.2214206 1.2287403 1.2158736 1.1769702 1.1363882\n", + " 1.1090443 1.0966636 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1632204 1.1594547 1.1698959 1.1789705 1.1675005 1.1355715 1.1018724\n", + " 1.0796227 1.0690911 1.0666981 1.0654618 1.0599083 1.0514089 1.0439036\n", + " 1.0403072 1.0418477 1.046821 1.0516372 1.0540214 0. ]\n", + " [1.164499 1.163269 1.1745111 1.1846275 1.1730552 1.1400266 1.1056993\n", + " 1.0821465 1.0709621 1.0680225 1.0660381 1.060717 1.0519782 1.0440758\n", + " 1.0404782 1.0420318 1.0471402 1.0519507 1.0546161 1.0556965]\n", + " [1.1605512 1.1572106 1.1674361 1.1754737 1.1634966 1.1305912 1.0978905\n", + " 1.0765696 1.0665317 1.0650023 1.0651447 1.0605313 1.0525402 1.0447918\n", + " 1.0413461 1.0430756 1.0485996 0. 0. 0. ]\n", + " [1.214833 1.2083136 1.2176839 1.225105 1.2119484 1.1736541 1.1337285\n", + " 1.1067104 1.0946276 1.0915706 1.0922039 1.0858312 1.0743155 1.0644727\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1739366 1.1708735 1.1811156 1.1902521 1.1776928 1.1435416 1.1093354\n", + " 1.0860226 1.0744764 1.0703945 1.0686108 1.0627558 1.0535103 1.0456728\n", + " 1.0418229 1.0436847 1.0491928 1.0541918 1.0569345 1.0585672]]\n", + "[[1.1860336 1.1813531 1.1891665 1.1960794 1.1817046 1.1475891 1.112847\n", + " 1.0893734 1.0775249 1.0740536 1.0723118 1.066114 1.0572273 1.0490562\n", + " 1.0460229 1.0483984 1.0543334 1.0598642 1.0631205 0. 0. ]\n", + " [1.160074 1.1580161 1.168395 1.177554 1.1653436 1.1342129 1.1014307\n", + " 1.0795337 1.0684623 1.0650094 1.0631292 1.0578372 1.050187 1.0430322\n", + " 1.0401585 1.0412769 1.0455674 1.0499146 1.0521464 1.053004 1.0548135]\n", + " [1.1485664 1.1448257 1.153143 1.1608868 1.1504381 1.1216338 1.0917374\n", + " 1.0715389 1.0622952 1.0596793 1.0592339 1.0558243 1.0487745 1.0418934\n", + " 1.0387204 1.0399982 1.0446091 0. 0. 0. 0. ]\n", + " [1.1682916 1.1647975 1.1753896 1.1845025 1.172184 1.1382359 1.1043093\n", + " 1.0819101 1.0717264 1.0700225 1.0701711 1.0652223 1.0567665 1.0479264\n", + " 1.0440385 1.0454121 1.0506536 0. 0. 0. 0. ]\n", + " [1.1551418 1.1529943 1.1634417 1.1713479 1.1607735 1.1294472 1.0968312\n", + " 1.0757198 1.0656945 1.0629138 1.0623363 1.0574545 1.0495017 1.0420463\n", + " 1.0389903 1.0405073 1.0451195 1.049644 1.0520313 0. 0. ]]\n", + "[[1.1727372 1.1659434 1.1741357 1.1827784 1.1718911 1.1417305 1.109138\n", + " 1.0868353 1.0756388 1.0730503 1.0727566 1.0684116 1.0593636 1.0512155\n", + " 1.0469556 1.0485334 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1713187 1.1689324 1.1785835 1.1886396 1.1775029 1.1451201 1.1114273\n", + " 1.0883446 1.0763946 1.0714315 1.0690268 1.0629326 1.0534683 1.0456184\n", + " 1.042485 1.0447501 1.0501319 1.0552752 1.0576859 1.0587986 1.059725\n", + " 1.0629559 1.0700269 1.0805664]\n", + " [1.1682945 1.1662583 1.1756394 1.1849416 1.1735432 1.1412123 1.1070664\n", + " 1.084123 1.0737815 1.0715278 1.071963 1.0672793 1.0585732 1.0494745\n", + " 1.0461185 1.047658 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1580719 1.1540852 1.1632982 1.1718717 1.160732 1.1293464 1.0982432\n", + " 1.0771136 1.0672599 1.0651487 1.0648885 1.0610224 1.0529004 1.0450917\n", + " 1.041785 1.0430762 1.0479343 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.16767 1.1631336 1.1720555 1.1800559 1.1690968 1.1384467 1.105799\n", + " 1.0832565 1.0712187 1.0671372 1.0645605 1.0590032 1.0510533 1.0441257\n", + " 1.0411184 1.0427891 1.0474901 1.0519294 1.0547208 1.0562286 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1769897 1.1704031 1.1789793 1.1863872 1.1760713 1.1438215 1.1095724\n", + " 1.0865762 1.076079 1.0738869 1.0738169 1.0691457 1.0605239 1.0515693\n", + " 1.0475793 0. 0. 0. 0. 0. 0. ]\n", + " [1.1860479 1.1829457 1.1927674 1.2003257 1.1861675 1.153331 1.1185815\n", + " 1.0940717 1.0808532 1.0765136 1.0741812 1.0676672 1.0583363 1.0504613\n", + " 1.0468689 1.0490372 1.0550491 1.0609399 1.064132 1.0655392 1.0673332]\n", + " [1.1803616 1.1770504 1.1880003 1.1982402 1.1860149 1.1508818 1.1144533\n", + " 1.0906326 1.0785829 1.0761927 1.0754486 1.0697105 1.0604528 1.051063\n", + " 1.047186 1.0486907 1.0538974 1.0594145 0. 0. 0. ]\n", + " [1.175521 1.1713808 1.1821259 1.1912073 1.1800286 1.1459085 1.1101409\n", + " 1.0866373 1.0752057 1.0719438 1.0716577 1.0669726 1.0581546 1.0499848\n", + " 1.0460256 1.0476776 1.0526488 1.0579543 0. 0. 0. ]\n", + " [1.1760917 1.1728125 1.1828455 1.192098 1.1799803 1.1467382 1.112248\n", + " 1.0886247 1.0778542 1.0750216 1.0740348 1.0695103 1.0600055 1.0507842\n", + " 1.047121 1.0488344 1.0545818 0. 0. 0. 0. ]]\n", + "[[1.164942 1.1618092 1.1719825 1.1793022 1.1666437 1.1341413 1.1009383\n", + " 1.0790253 1.0694212 1.0672128 1.0670096 1.0628803 1.0540156 1.0463718\n", + " 1.0428877 1.0447614 1.0500567 0. 0. 0. ]\n", + " [1.1650568 1.1597314 1.1687064 1.1771221 1.1659682 1.1343311 1.1016163\n", + " 1.0797768 1.0690637 1.0660384 1.0657691 1.0614195 1.0537499 1.0460925\n", + " 1.0426487 1.0442764 1.0490587 1.0540044 0. 0. ]\n", + " [1.1695875 1.1637774 1.1724364 1.1813115 1.1704596 1.1396922 1.1068946\n", + " 1.0844108 1.0749338 1.0733578 1.0733435 1.0683556 1.0586696 1.0502112\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.160958 1.1572297 1.1677604 1.1775718 1.1670645 1.1352401 1.1018356\n", + " 1.0791243 1.0685323 1.0658025 1.065434 1.0601596 1.0518306 1.0435469\n", + " 1.0400857 1.041568 1.0467839 1.0517615 0. 0. ]\n", + " [1.1506374 1.1479942 1.1592327 1.1682509 1.1569599 1.1263322 1.0942581\n", + " 1.0736666 1.0635698 1.0606072 1.0592817 1.054572 1.0463433 1.0398841\n", + " 1.0369337 1.0385678 1.0431527 1.0475284 1.0493535 1.0498779]]\n", + "[[1.1815995 1.1768922 1.1873794 1.1963665 1.1841617 1.1496155 1.112585\n", + " 1.0887654 1.0777563 1.0768881 1.0782113 1.0733078 1.0628456 1.0535728\n", + " 1.0491257 0. 0. 0. 0. ]\n", + " [1.1711335 1.1678447 1.1778506 1.1861637 1.1738087 1.141004 1.1074382\n", + " 1.0848466 1.0738145 1.0703409 1.0690335 1.0633017 1.0545379 1.0469273\n", + " 1.0438036 1.0457573 1.0504216 1.0549707 1.0572842]\n", + " [1.1719382 1.1679728 1.1793597 1.1895587 1.1773401 1.1432076 1.1083021\n", + " 1.0847936 1.073543 1.0705961 1.0692855 1.0639752 1.054944 1.0460186\n", + " 1.0423137 1.0437859 1.0488515 1.0538453 1.0565485]\n", + " [1.175973 1.1737297 1.1830767 1.1910748 1.1782856 1.1440326 1.1102505\n", + " 1.0878882 1.0764238 1.0725539 1.0711341 1.0643604 1.055704 1.0479469\n", + " 1.044228 1.0467265 1.0516669 1.0564837 1.0587448]\n", + " [1.1958095 1.1904691 1.2007968 1.2112039 1.1971459 1.1611229 1.1238666\n", + " 1.0973238 1.085861 1.0836767 1.0833533 1.0785855 1.0678033 1.058124\n", + " 1.0537758 1.0561831 0. 0. 0. ]]\n", + "[[1.2047275 1.1988646 1.2086524 1.2166115 1.2031995 1.1671615 1.1286051\n", + " 1.1027837 1.0906162 1.0887852 1.0884739 1.081395 1.0709369 1.0606848\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1725968 1.1679829 1.1782988 1.1869256 1.1761813 1.1431818 1.1089296\n", + " 1.0860087 1.0744832 1.0715069 1.0706583 1.064696 1.0557655 1.0474714\n", + " 1.0432694 1.0446821 1.0496144 1.0545387 1.0571126]\n", + " [1.1608793 1.156785 1.166437 1.1747662 1.1628039 1.1314789 1.099063\n", + " 1.0778029 1.068811 1.0669703 1.066542 1.0616392 1.0527503 1.0446721\n", + " 1.0409185 1.042529 1.0478016 0. 0. ]\n", + " [1.1661497 1.1605381 1.1699281 1.1784934 1.1682802 1.1375526 1.1048105\n", + " 1.0828661 1.0723194 1.0705897 1.0708634 1.0664845 1.0577219 1.0494944\n", + " 1.0455165 0. 0. 0. 0. ]\n", + " [1.1736641 1.1717781 1.1831678 1.1929346 1.1807816 1.1464663 1.1111436\n", + " 1.0872374 1.0756577 1.0721548 1.0701623 1.0652525 1.0560663 1.0476298\n", + " 1.0443733 1.0460453 1.0508854 1.0560071 1.0586271]]\n", + "[[1.165019 1.1600146 1.1693106 1.1773627 1.1661428 1.1347301 1.102618\n", + " 1.0813153 1.0718426 1.0699813 1.0704552 1.0653834 1.0561953 1.0477936\n", + " 1.0438457 0. 0. 0. 0. 0. 0. ]\n", + " [1.1870453 1.1830162 1.1930201 1.2024683 1.1896348 1.1567901 1.1202251\n", + " 1.0948333 1.0823262 1.0779018 1.0753431 1.0693141 1.0597543 1.0515082\n", + " 1.0470566 1.049087 1.0541768 1.0592686 1.0623521 1.0631738 0. ]\n", + " [1.1703415 1.1667929 1.1772941 1.1849768 1.17232 1.1384809 1.1044137\n", + " 1.0823493 1.0720481 1.0701563 1.070033 1.0656692 1.0568966 1.0487428\n", + " 1.0452362 1.047426 1.0528754 0. 0. 0. 0. ]\n", + " [1.1729362 1.1702051 1.1797279 1.1867272 1.1730359 1.1404089 1.1071081\n", + " 1.0851066 1.0744401 1.0714577 1.0701132 1.0642933 1.0555 1.0471917\n", + " 1.0434146 1.0452086 1.0498916 1.0545294 1.0570313 0. 0. ]\n", + " [1.1794426 1.1767251 1.1874628 1.1978401 1.1867305 1.1525446 1.1168404\n", + " 1.0919161 1.0796391 1.0748067 1.0725185 1.0667676 1.0572475 1.0490185\n", + " 1.0453821 1.0473703 1.0529463 1.0578103 1.0598954 1.0608661 1.0621415]]\n", + "[[1.1461265 1.1431603 1.152341 1.1597629 1.1484083 1.1187196 1.0895022\n", + " 1.0704414 1.0613178 1.0590539 1.0580839 1.0530081 1.0447477 1.0378737\n", + " 1.0351237 1.0366482 1.0409613 1.0453956 1.0479635 0. 0.\n", + " 0. ]\n", + " [1.1612604 1.1573839 1.1661958 1.1752547 1.1636242 1.131296 1.0986128\n", + " 1.0771366 1.0670881 1.0654213 1.065645 1.0620995 1.0540392 1.0467354\n", + " 1.0429368 1.0442308 1.0487918 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1714655 1.1681074 1.1797552 1.1905293 1.179059 1.1449099 1.1091602\n", + " 1.0854506 1.0736517 1.0703155 1.0682585 1.0623126 1.0528549 1.0451019\n", + " 1.0417749 1.0438583 1.049483 1.0548102 1.0577546 1.0582744 1.0596212\n", + " 1.0628005]\n", + " [1.1465104 1.1420795 1.1508602 1.158012 1.1483672 1.1196721 1.0897042\n", + " 1.0702964 1.0615011 1.0605164 1.0607779 1.0572115 1.04967 1.0421648\n", + " 1.038678 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1686268 1.1648138 1.1751513 1.1840944 1.1730558 1.1391977 1.105968\n", + " 1.0831954 1.0733453 1.0718684 1.0726981 1.0678717 1.058372 1.0497234\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1877829 1.1837715 1.194048 1.2033572 1.1896943 1.1541581 1.1176814\n", + " 1.0934387 1.0818121 1.0783601 1.0777527 1.071672 1.0618424 1.0527772\n", + " 1.0493685 1.0516415 1.0579977 1.0637277 0. ]\n", + " [1.1773242 1.1738722 1.1844511 1.1942252 1.1818008 1.1477727 1.1124525\n", + " 1.0889041 1.077171 1.0744965 1.0732265 1.0671769 1.057933 1.0494086\n", + " 1.0450202 1.0467925 1.0519359 1.0570737 1.0595142]\n", + " [1.2144843 1.2074914 1.2167662 1.2247678 1.2101786 1.1708752 1.1300337\n", + " 1.1028203 1.0901021 1.0886202 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1834365 1.1806285 1.191504 1.2008927 1.1868498 1.1499325 1.1137619\n", + " 1.0894544 1.0798697 1.079314 1.0797365 1.0742248 1.0639857 1.0540814\n", + " 1.0496982 0. 0. 0. 0. ]\n", + " [1.1531953 1.1500008 1.1580387 1.1657683 1.1548591 1.124033 1.0931431\n", + " 1.0725114 1.063151 1.0610355 1.0611808 1.0568682 1.0491171 1.0422086\n", + " 1.0388066 1.0403626 1.0449221 0. 0. ]]\n", + "[[1.180121 1.1767751 1.1872802 1.1963665 1.1843733 1.1507164 1.1156546\n", + " 1.0912927 1.0783551 1.0734072 1.0707983 1.0642277 1.0553954 1.0477356\n", + " 1.0444738 1.046525 1.0514026 1.0562776 1.0590441 1.0600177 1.0616075\n", + " 1.0654056 0. ]\n", + " [1.1547137 1.1521976 1.1644163 1.1746475 1.1646676 1.1328071 1.1001422\n", + " 1.0783267 1.067668 1.0643274 1.0618243 1.0565883 1.0479593 1.0407779\n", + " 1.0377349 1.0395316 1.0439991 1.0483485 1.0503734 1.051235 1.0525507\n", + " 1.0556629 1.0625373]\n", + " [1.1753668 1.171617 1.1820515 1.1907805 1.177569 1.1428225 1.1081494\n", + " 1.0846694 1.0731813 1.07005 1.0688978 1.0634147 1.0545127 1.0467877\n", + " 1.0435483 1.0458654 1.051021 1.0563284 1.0590328 0. 0.\n", + " 0. 0. ]\n", + " [1.174049 1.1682963 1.1766332 1.1843562 1.1713791 1.1387057 1.105053\n", + " 1.0826883 1.072639 1.0705615 1.0709752 1.0666124 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1582443 1.1529511 1.1617087 1.1694409 1.1588597 1.1286412 1.0972751\n", + " 1.0767723 1.066607 1.0642918 1.0644432 1.0607662 1.0526526 1.0451488\n", + " 1.0417933 1.0437149 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1791143 1.1744652 1.1825287 1.192451 1.1800495 1.1464261 1.1107061\n", + " 1.0875808 1.0762814 1.0744439 1.0741899 1.0694957 1.060506 1.0519506\n", + " 1.0481541 1.0503769 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.166575 1.1648033 1.176219 1.185135 1.1729165 1.1384146 1.1034945\n", + " 1.08114 1.0708867 1.0678293 1.067068 1.0619227 1.053347 1.0456065\n", + " 1.0423622 1.0437675 1.0483654 1.0531906 1.0554711 0. 0.\n", + " 0. 0. ]\n", + " [1.1719273 1.169018 1.1792221 1.1888723 1.175593 1.1425779 1.1075904\n", + " 1.0847553 1.0735071 1.0709529 1.0703156 1.0659611 1.0564522 1.0483843\n", + " 1.0445923 1.0461155 1.0508277 1.0560546 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1813877 1.1782038 1.1891661 1.1973562 1.1865516 1.1524523 1.1167779\n", + " 1.0920253 1.0797377 1.0742887 1.0722048 1.0659974 1.0564331 1.0487419\n", + " 1.0453916 1.047391 1.0524826 1.0575205 1.0603764 1.0613791 1.0630879\n", + " 1.0669239 1.0743815]\n", + " [1.161988 1.160205 1.1707097 1.1793168 1.1670477 1.1335365 1.1004682\n", + " 1.0787003 1.0682728 1.0659406 1.0647016 1.0599535 1.0515869 1.0445956\n", + " 1.04119 1.042599 1.0474957 1.0519663 1.0542076 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1917017 1.1870229 1.1971443 1.2045033 1.1921788 1.1564448 1.1189303\n", + " 1.0945964 1.0845482 1.0832688 1.0842149 1.0786817 1.0678394 1.0577682\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1481917 1.1435676 1.1515765 1.1587497 1.1484013 1.1199259 1.0905313\n", + " 1.0709374 1.062063 1.0598805 1.0598207 1.0559738 1.0489615 1.041832\n", + " 1.0387855 1.0404505 0. 0. 0. ]\n", + " [1.175094 1.1720743 1.183388 1.1919631 1.1790518 1.1446551 1.1088822\n", + " 1.0855769 1.0742126 1.0714638 1.0697722 1.0640879 1.054906 1.0471413\n", + " 1.043502 1.0455265 1.0510541 1.0561792 1.0588149]\n", + " [1.1974113 1.1930611 1.2026293 1.2107683 1.1964269 1.1600208 1.122261\n", + " 1.0968761 1.084532 1.0818725 1.0806904 1.075719 1.0656104 1.0560042\n", + " 1.0520438 1.0543809 1.0607381 0. 0. ]\n", + " [1.1568154 1.1522354 1.1613104 1.1693659 1.1581712 1.1280202 1.0965527\n", + " 1.0761837 1.0660677 1.0643647 1.0644659 1.0605319 1.0523485 1.0448465\n", + " 1.0412725 1.0427103 0. 0. 0. ]]\n", + "[[1.156172 1.1525118 1.1616488 1.1705806 1.1604668 1.1297855 1.097986\n", + " 1.0772173 1.0673065 1.0657164 1.0655122 1.0612932 1.0525607 1.0449641\n", + " 1.0413299 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.15562 1.1522845 1.1626923 1.17171 1.162256 1.1317093 1.1002774\n", + " 1.0785092 1.0680373 1.0638593 1.0613205 1.0554968 1.0465738 1.0396852\n", + " 1.0371835 1.0393703 1.0449197 1.0495563 1.0524417 1.0535085 1.0550146\n", + " 1.0581977 1.0646288 1.0736773 1.0804048 1.0836209]\n", + " [1.1860656 1.1823101 1.1922708 1.2004331 1.1887606 1.1532749 1.1161907\n", + " 1.0918927 1.0797976 1.0781167 1.0774908 1.0720855 1.0617864 1.0533204\n", + " 1.0496901 1.0518807 1.057622 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1645585 1.1611141 1.1718018 1.1813705 1.1700721 1.1370294 1.10338\n", + " 1.0808036 1.0708873 1.0686476 1.0685639 1.0639372 1.0551759 1.0472431\n", + " 1.0432787 1.0448331 1.0501622 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1842606 1.1804955 1.1912845 1.2004176 1.1869757 1.1522413 1.1166903\n", + " 1.0914766 1.0803081 1.0774155 1.0764894 1.0712667 1.0612562 1.0526315\n", + " 1.0484346 1.0502893 1.0559927 1.0615928 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1805055 1.1782 1.188957 1.1972989 1.1855308 1.150451 1.1141325\n", + " 1.0893302 1.0770607 1.0734079 1.0718652 1.066005 1.0574 1.0495075\n", + " 1.0460474 1.047896 1.0525603 1.0572664 1.059447 1.0610567]\n", + " [1.1807537 1.1777592 1.18851 1.1974156 1.1857291 1.1522394 1.116685\n", + " 1.0928291 1.0804121 1.076439 1.074284 1.0677198 1.0580014 1.0495553\n", + " 1.046091 1.0478547 1.0534819 1.0585692 1.0604202 1.0609272]\n", + " [1.1640205 1.1590397 1.1677916 1.1755875 1.1628458 1.1317687 1.0995252\n", + " 1.0785112 1.0686722 1.0664935 1.0664471 1.0630679 1.054829 1.0471498\n", + " 1.0435426 0. 0. 0. 0. 0. ]\n", + " [1.1686012 1.1653861 1.1759261 1.1845554 1.1725341 1.1388651 1.1045872\n", + " 1.083554 1.0741458 1.0733141 1.074194 1.0691518 1.0595618 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1700412 1.1664671 1.1758357 1.1830553 1.1705924 1.136363 1.1028794\n", + " 1.0810592 1.0711689 1.0700678 1.0703478 1.0661207 1.0573541 1.0488522\n", + " 1.0449392 1.04692 0. 0. 0. 0. ]]\n", + "[[1.1792895 1.1724955 1.1807042 1.1877828 1.1748835 1.1411791 1.1066602\n", + " 1.0841764 1.0754261 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1707486 1.1656077 1.1757566 1.1840332 1.1736333 1.1409453 1.1068883\n", + " 1.0845323 1.0745296 1.0726029 1.0727317 1.0679909 1.0590615 1.050122\n", + " 1.0461696 1.0477449 0. 0. 0. 0. 0. ]\n", + " [1.183306 1.1799846 1.1901802 1.1989858 1.1867129 1.1522797 1.1169262\n", + " 1.0931928 1.0811923 1.0772415 1.0747895 1.068774 1.058722 1.050409\n", + " 1.0469329 1.0487573 1.0544366 1.0595288 1.0616826 0. 0. ]\n", + " [1.1843227 1.1816897 1.1924728 1.2015148 1.1891943 1.1537293 1.1171385\n", + " 1.0925388 1.079974 1.0751876 1.0729113 1.0663686 1.0574802 1.0495635\n", + " 1.0460057 1.048049 1.0532404 1.0582236 1.06059 1.061444 1.0628117]\n", + " [1.1664999 1.1642933 1.1756716 1.183887 1.1714383 1.1382658 1.1041876\n", + " 1.0817051 1.0707657 1.0689411 1.0685196 1.0633788 1.0546902 1.0464367\n", + " 1.0426432 1.0442146 1.0492402 1.0543151 0. 0. 0. ]]\n", + "[[1.2256746 1.2198863 1.2312113 1.2392967 1.2227374 1.181863 1.1387703\n", + " 1.1111379 1.0981113 1.0962452 1.0966463 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1724972 1.169559 1.1799487 1.188364 1.177239 1.1443337 1.1100646\n", + " 1.0870355 1.0756648 1.0721592 1.0706608 1.0653797 1.0564862 1.0481945\n", + " 1.0442728 1.0460846 1.0511551 1.0561123 1.0583173 0. ]\n", + " [1.1830275 1.1790266 1.189484 1.197998 1.1854328 1.1514126 1.1160069\n", + " 1.0920916 1.0791595 1.0752552 1.0729878 1.0661148 1.0571779 1.0483909\n", + " 1.0447874 1.04691 1.0519812 1.056974 1.0598551 1.0609577]\n", + " [1.1603872 1.15613 1.166211 1.1757509 1.1659207 1.1344482 1.1010027\n", + " 1.0788553 1.0692658 1.0667512 1.0675162 1.0632982 1.0546153 1.0462182\n", + " 1.0424833 1.0440987 0. 0. 0. 0. ]\n", + " [1.1614596 1.1561253 1.1644921 1.1727079 1.161198 1.1306288 1.0991286\n", + " 1.078113 1.0685592 1.0674026 1.0675285 1.0633435 1.0551319 1.0470402\n", + " 1.0433507 0. 0. 0. 0. 0. ]]\n", + "[[1.1606369 1.1589128 1.1700864 1.1776801 1.1658766 1.1335166 1.1009091\n", + " 1.0788993 1.0684929 1.0651475 1.0634055 1.0582267 1.0502182 1.0426104\n", + " 1.0395554 1.041256 1.0457466 1.0502104 1.0527529 1.0538435]\n", + " [1.1709257 1.1680477 1.1786056 1.1882238 1.1761751 1.1428041 1.1078323\n", + " 1.0846323 1.073865 1.0710704 1.0703347 1.0654486 1.0562204 1.0479066\n", + " 1.0442226 1.0458236 1.0511544 1.0562203 0. 0. ]\n", + " [1.1762666 1.1720219 1.1797693 1.1869326 1.1746413 1.1404524 1.1067668\n", + " 1.0844284 1.073253 1.0709052 1.0704663 1.0658029 1.0580165 1.0494853\n", + " 1.0459218 1.0481236 0. 0. 0. 0. ]\n", + " [1.1649952 1.1607475 1.1706784 1.1795259 1.1672763 1.1342804 1.1017174\n", + " 1.0803659 1.0695786 1.0673194 1.0664917 1.0619469 1.0538307 1.0455866\n", + " 1.0426223 1.0446098 1.0501918 0. 0. 0. ]\n", + " [1.2156358 1.2080739 1.2184485 1.2262843 1.2133558 1.1749431 1.1341754\n", + " 1.1075157 1.0949543 1.0944973 1.0950171 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.172904 1.1687744 1.1797514 1.188559 1.1769832 1.1431612 1.1082575\n", + " 1.0851619 1.074096 1.0709851 1.0710483 1.0661583 1.0567439 1.0481942\n", + " 1.0442488 1.0455698 1.0509688 1.0560222 0. 0. ]\n", + " [1.1735116 1.1702844 1.1820309 1.1920083 1.1800586 1.1450102 1.1087202\n", + " 1.0849376 1.0732956 1.0711246 1.0705816 1.0654352 1.0564079 1.0481234\n", + " 1.0445651 1.0464706 1.0516886 1.057269 0. 0. ]\n", + " [1.1763748 1.1735526 1.1853205 1.1935889 1.1798964 1.1453974 1.109471\n", + " 1.087346 1.0768577 1.0761787 1.0765923 1.0721314 1.0617437 1.0523118\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1672019 1.1628466 1.172269 1.179695 1.1669312 1.1353337 1.103076\n", + " 1.0818497 1.0714805 1.0677687 1.0663326 1.0605795 1.0515821 1.0443981\n", + " 1.0414777 1.043079 1.0480218 1.0527011 1.0549401 1.0559522]\n", + " [1.181272 1.1785324 1.1902721 1.1992822 1.1866124 1.1509705 1.1139959\n", + " 1.0904629 1.0785941 1.0770127 1.0764971 1.0709165 1.0605568 1.0520498\n", + " 1.048044 1.0500547 1.0560452 0. 0. 0. ]]\n", + "[[1.1700232 1.1668634 1.1764033 1.1847489 1.1729753 1.1406991 1.1074768\n", + " 1.0844108 1.0728514 1.0695013 1.0677412 1.0619346 1.0535527 1.046395\n", + " 1.042792 1.0448083 1.0495492 1.0542029 1.0563103 1.0568701]\n", + " [1.1822025 1.1780419 1.1879715 1.1975448 1.1829112 1.1484935 1.1126794\n", + " 1.0889282 1.0785158 1.0772747 1.0782773 1.0733247 1.063682 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1633542 1.1579876 1.165746 1.1728473 1.1602702 1.1283933 1.0974333\n", + " 1.0773956 1.0687698 1.0677807 1.0684131 1.0641105 1.055492 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1677692 1.1636683 1.1727419 1.181648 1.1711739 1.1392754 1.1058667\n", + " 1.0830662 1.0724934 1.0701519 1.0704877 1.0664047 1.0579722 1.0496075\n", + " 1.045518 1.046842 0. 0. 0. 0. ]\n", + " [1.157227 1.1524158 1.1623026 1.1704886 1.1604526 1.1291996 1.0969298\n", + " 1.0764723 1.0668852 1.0649625 1.0652857 1.060814 1.0525935 1.0448887\n", + " 1.0412126 1.0428855 0. 0. 0. 0. ]]\n", + "[[1.1611156 1.155556 1.1632859 1.169934 1.157632 1.1279134 1.0971113\n", + " 1.0766203 1.0672182 1.0650934 1.0652642 1.0609641 1.053005 1.0454752\n", + " 1.0422078 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1812786 1.1789036 1.1915779 1.2012094 1.1892464 1.1535282 1.1160994\n", + " 1.0908153 1.0787976 1.0746937 1.0725361 1.0660595 1.057007 1.048948\n", + " 1.0453297 1.0473812 1.0524756 1.0576355 1.060486 1.0611417 1.0630468\n", + " 1.0672415 0. 0. 0. ]\n", + " [1.1614991 1.158181 1.1691753 1.1781845 1.1670212 1.1357329 1.1025956\n", + " 1.0813253 1.0705374 1.066396 1.0645399 1.0587797 1.0499362 1.0425235\n", + " 1.0393761 1.0408499 1.0454783 1.0503094 1.0526536 1.0532886 1.0543444\n", + " 1.0574503 0. 0. 0. ]\n", + " [1.1449801 1.1419367 1.1512057 1.1595526 1.149858 1.1210792 1.0916\n", + " 1.071886 1.0616021 1.0580338 1.0554743 1.0505685 1.042981 1.0367392\n", + " 1.0343589 1.0361642 1.0407155 1.0449469 1.0469218 1.0479163 1.0488228\n", + " 1.0514474 1.057543 1.065903 1.072694 ]\n", + " [1.1745043 1.1697172 1.1795399 1.1870897 1.1742811 1.1403831 1.1059921\n", + " 1.0840056 1.0737079 1.072549 1.0730747 1.0683758 1.0600057 1.0517166\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1845114 1.1808136 1.1907481 1.1995193 1.1873072 1.1535978 1.1175313\n", + " 1.0924437 1.0795001 1.0750701 1.0726957 1.0675414 1.058674 1.0500277\n", + " 1.0464568 1.0485833 1.0535654 1.0582329 1.0607747 1.0616966]\n", + " [1.1723337 1.1668079 1.1747042 1.1815921 1.1701361 1.1388766 1.1064105\n", + " 1.0849571 1.0750964 1.0736164 1.073273 1.068591 1.0591316 1.0504489\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1768938 1.1727425 1.182579 1.1908445 1.1788592 1.1443535 1.1096202\n", + " 1.0867956 1.0754181 1.0727164 1.071305 1.0664135 1.0575529 1.0491015\n", + " 1.0454967 1.0475519 1.0527761 1.0583787 0. 0. ]\n", + " [1.170283 1.1687135 1.180114 1.1879761 1.1764313 1.1420664 1.1068633\n", + " 1.0836861 1.0729103 1.0700157 1.0699271 1.0646703 1.0554103 1.0475724\n", + " 1.044006 1.0456364 1.0507613 1.0560184 0. 0. ]\n", + " [1.2187724 1.2105997 1.219722 1.2280254 1.2138089 1.1744033 1.1345694\n", + " 1.1072834 1.0954059 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1701032 1.1663406 1.1764843 1.1842479 1.1729413 1.1391349 1.1052825\n", + " 1.0832521 1.0735184 1.0717798 1.0726334 1.0679066 1.0592141 1.0505097\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1760118 1.1720567 1.1824362 1.1909087 1.1790867 1.1454432 1.1100562\n", + " 1.0865406 1.0759778 1.073286 1.0731452 1.0682476 1.0591263 1.050506\n", + " 1.0466111 1.048809 0. 0. 0. ]\n", + " [1.1667179 1.1650805 1.1757307 1.1843401 1.1709586 1.1379346 1.1043049\n", + " 1.0815709 1.0711352 1.068031 1.067279 1.0619159 1.0533139 1.0456188\n", + " 1.042332 1.0440645 1.0488986 1.0537692 1.0563625]\n", + " [1.1670455 1.1652112 1.1762502 1.1851714 1.1732339 1.139257 1.1050926\n", + " 1.0823246 1.0713184 1.0689348 1.0681338 1.0635679 1.0552285 1.0473437\n", + " 1.0436994 1.0450096 1.0495262 1.0543457 0. ]\n", + " [1.1732459 1.1701664 1.1802907 1.1892855 1.176062 1.141515 1.1062038\n", + " 1.082849 1.0722818 1.0703568 1.07018 1.0662528 1.0576897 1.0495262\n", + " 1.0457264 1.0472013 1.0525918 0. 0. ]]\n", + "[[1.1463227 1.1419932 1.1493609 1.1562884 1.1459404 1.1176457 1.0885934\n", + " 1.0694461 1.0600657 1.0575407 1.0572834 1.0535692 1.0468367 1.0400561\n", + " 1.0369074 1.0382286 1.0424196 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1692244 1.1644056 1.1745516 1.182678 1.1687943 1.1356083 1.1027336\n", + " 1.0816483 1.072631 1.0717748 1.0718288 1.0670471 1.0575109 1.0492947\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1730058 1.168056 1.1786107 1.1876814 1.1780497 1.1459025 1.1125464\n", + " 1.0897125 1.0770123 1.0713876 1.0692868 1.062563 1.0533684 1.046056\n", + " 1.0424759 1.0448426 1.0500628 1.054827 1.0574211 1.0582105 1.0596398\n", + " 1.0633112 1.0707576]\n", + " [1.1706598 1.1649947 1.1724331 1.1791847 1.166997 1.1348985 1.102226\n", + " 1.0809107 1.0713673 1.0690162 1.0685444 1.0634832 1.0550683 1.0470942\n", + " 1.043839 1.0457042 1.0515475 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1697934 1.1676955 1.1778524 1.1869737 1.175773 1.1430904 1.1102648\n", + " 1.0876626 1.0756705 1.0705476 1.0683028 1.0616913 1.0520765 1.0448169\n", + " 1.0415928 1.0440121 1.0489084 1.0540308 1.0563493 1.0572081 1.059305\n", + " 0. 0. ]]\n", + "[[1.1719979 1.1679752 1.1785047 1.1873622 1.1756933 1.1413506 1.1055746\n", + " 1.0831409 1.0726383 1.0710772 1.0711619 1.0664222 1.0574772 1.0495161\n", + " 1.0455133 1.0471454 1.0525941]\n", + " [1.1955454 1.1895314 1.2026434 1.2132119 1.1995087 1.161301 1.1212091\n", + " 1.0952388 1.0847774 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1817882 1.1782876 1.1888059 1.1981344 1.1842446 1.1485648 1.112626\n", + " 1.0883493 1.0772771 1.07447 1.0733421 1.0681562 1.0592941 1.0510554\n", + " 1.047322 1.0495226 1.0553665]\n", + " [1.1964176 1.1902233 1.199494 1.2069538 1.193566 1.1566184 1.1196116\n", + " 1.0948787 1.0840151 1.0829676 1.0829731 1.0779402 1.0676206 1.0580745\n", + " 0. 0. 0. ]\n", + " [1.1758 1.1715406 1.1838057 1.1945488 1.1824784 1.1468626 1.1101246\n", + " 1.0863938 1.0764865 1.0756236 1.0768054 1.0719937 1.0618653 1.0522506\n", + " 0. 0. 0. ]]\n", + "[[1.1608305 1.1584562 1.1692753 1.1776464 1.1660045 1.1341418 1.1010911\n", + " 1.0797205 1.0700713 1.069078 1.06937 1.0646796 1.0556444 1.0472575\n", + " 1.0434504]\n", + " [1.1726004 1.1678995 1.1772332 1.1856989 1.1746992 1.1420649 1.1077616\n", + " 1.0848869 1.0740309 1.0724857 1.0729676 1.0682234 1.0597721 1.0509747\n", + " 1.0470318]]\n", + "[[1.1554673 1.1513394 1.1623826 1.1732312 1.1651622 1.1359549 1.1037053\n", + " 1.081713 1.0708137 1.067613 1.065808 1.0601534 1.0506992 1.0429116\n", + " 1.0401732 1.0425639 1.047882 1.0528004 1.055209 1.0556896 1.0563645\n", + " 1.0586998 1.0657475 1.0753155 1.0830585 1.088024 1.0895606 1.0863618\n", + " 1.0780944 1.0680573 1.0596763 1.0541472 1.0520681]\n", + " [1.1650949 1.1622387 1.1737127 1.1823473 1.1712197 1.1376379 1.1027691\n", + " 1.0809106 1.0713158 1.069993 1.070888 1.0664158 1.0568253 1.0481015\n", + " 1.0440438 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1518205 1.1502755 1.1601233 1.168251 1.157022 1.1266639 1.0957307\n", + " 1.0748396 1.0641978 1.0614061 1.0598035 1.054985 1.0467173 1.0403304\n", + " 1.0375447 1.0387523 1.043398 1.0480337 1.0503683 1.0514138 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1627983 1.1578398 1.1674262 1.1758195 1.1651092 1.1336808 1.100804\n", + " 1.0799111 1.070628 1.07004 1.0705899 1.066354 1.0570414 1.0485594\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1847906 1.1803826 1.192349 1.2028183 1.189785 1.1526916 1.115107\n", + " 1.0905279 1.0798888 1.0787966 1.0799329 1.075283 1.0649863 1.0555209\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.165777 1.1633391 1.1743952 1.1833568 1.1719311 1.1393073 1.1055708\n", + " 1.0829357 1.0712731 1.067903 1.0662479 1.0608835 1.0520134 1.0442098\n", + " 1.0405506 1.0423229 1.0472137 1.0520891 1.055148 1.0561862]\n", + " [1.183376 1.1795814 1.1900744 1.1996146 1.1883613 1.15386 1.1172093\n", + " 1.0923904 1.0810856 1.078426 1.0769708 1.071354 1.061256 1.0521122\n", + " 1.0482162 1.0501579 1.0558072 1.0611944 0. 0. ]\n", + " [1.1497953 1.1458647 1.1531394 1.1616874 1.1512307 1.121962 1.0935967\n", + " 1.0746071 1.065681 1.0630091 1.0618902 1.0570712 1.048607 1.0411882\n", + " 1.0377972 1.0392656 1.0439783 0. 0. 0. ]\n", + " [1.1789474 1.1744802 1.1840413 1.1921065 1.1801738 1.146107 1.1110444\n", + " 1.0880793 1.0772083 1.0745981 1.0735801 1.06869 1.0592995 1.0507591\n", + " 1.0469432 1.0492297 1.0550293 0. 0. 0. ]\n", + " [1.17027 1.1664869 1.1756437 1.1847433 1.1726913 1.1405371 1.1068028\n", + " 1.0831733 1.0719513 1.0679016 1.0661818 1.0616306 1.0531325 1.0460433\n", + " 1.0423005 1.0442808 1.0492339 1.0539942 1.0567458 1.0576923]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1700733 1.1674697 1.1780019 1.1878251 1.176082 1.1432565 1.1086656\n", + " 1.085555 1.0739423 1.0709741 1.0696597 1.0647073 1.0557328 1.0470982\n", + " 1.0438384 1.0453894 1.0505928 1.056075 0. 0. ]\n", + " [1.170412 1.167201 1.1774157 1.1843529 1.1710867 1.1381342 1.104029\n", + " 1.0824687 1.0712653 1.0676748 1.0659423 1.0605944 1.0520338 1.0448741\n", + " 1.0413437 1.0433038 1.0482732 1.0533727 1.0557262 1.0569834]\n", + " [1.1901699 1.1845198 1.1945468 1.2026397 1.1898113 1.1541517 1.1175771\n", + " 1.093681 1.0828813 1.0806643 1.0808985 1.0757284 1.0660462 1.0565507\n", + " 1.0525272 0. 0. 0. 0. 0. ]\n", + " [1.1971986 1.1926193 1.200324 1.2061528 1.1933992 1.1573453 1.1211703\n", + " 1.0968623 1.0850132 1.0819975 1.0807322 1.0754101 1.0651518 1.0563029\n", + " 1.0524079 1.0549244 1.0612161 0. 0. 0. ]\n", + " [1.1640711 1.1589819 1.1683509 1.177379 1.166097 1.1348777 1.1020709\n", + " 1.080161 1.0702273 1.068086 1.0681498 1.0639324 1.055239 1.0474585\n", + " 1.0434759 1.0451697 0. 0. 0. 0. ]]\n", + "[[1.1636437 1.1614779 1.1731889 1.1827724 1.1697254 1.1363926 1.1024408\n", + " 1.079469 1.0686023 1.0658554 1.0656806 1.0606244 1.0524552 1.0445008\n", + " 1.0412506 1.0428741 1.047755 1.0523715 0. 0. 0. ]\n", + " [1.1968374 1.1930118 1.2035933 1.2116113 1.1985333 1.161822 1.1234812\n", + " 1.0964732 1.083717 1.0787679 1.0779516 1.0718428 1.0617329 1.0535553\n", + " 1.049369 1.051971 1.0577346 1.063256 1.0659984 0. 0. ]\n", + " [1.1652856 1.1636884 1.1755253 1.1848171 1.1727307 1.1401076 1.1056653\n", + " 1.0827322 1.0712302 1.0674963 1.0655761 1.0600418 1.0510443 1.0438284\n", + " 1.0405766 1.0420265 1.0471762 1.0522475 1.0548227 1.055816 1.0571854]\n", + " [1.1847708 1.1769344 1.1869779 1.1965325 1.1858923 1.1527008 1.1169739\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1695931 1.1675918 1.1779213 1.1862712 1.1734514 1.1401577 1.1058688\n", + " 1.0833757 1.0735888 1.0719042 1.0723628 1.0674701 1.0575169 1.0492553\n", + " 1.0452209 1.047003 0. 0. 0. 0. 0. ]]\n", + "[[1.160052 1.1558666 1.1641926 1.1718496 1.1595811 1.1297983 1.0984194\n", + " 1.0778434 1.0685036 1.0664433 1.0664017 1.0615474 1.0530908 1.0454468\n", + " 1.0422668 1.0439248 0. ]\n", + " [1.1609708 1.1559129 1.1641344 1.1713692 1.1590779 1.1288273 1.0974841\n", + " 1.0774591 1.0684501 1.0669773 1.0670434 1.0626613 1.0542865 0.\n", + " 0. 0. 0. ]\n", + " [1.1813966 1.1761214 1.1860824 1.1955775 1.1834779 1.1487212 1.1132364\n", + " 1.0891011 1.078697 1.0774274 1.0773746 1.0726762 1.0630434 1.0536401\n", + " 1.0495828 0. 0. ]\n", + " [1.172034 1.1658504 1.1741916 1.1812638 1.1695428 1.1368536 1.1036615\n", + " 1.082021 1.07279 1.071868 1.0721537 1.0675261 1.058603 0.\n", + " 0. 0. 0. ]\n", + " [1.1526271 1.148764 1.157611 1.1645206 1.1527483 1.1226504 1.0930471\n", + " 1.073327 1.0638384 1.0619085 1.0618132 1.0574617 1.0493863 1.0423163\n", + " 1.038987 1.0404536 1.045312 ]]\n", + "[[1.1690372 1.1648213 1.1731571 1.1809716 1.1685532 1.1363277 1.1033821\n", + " 1.0816445 1.0711844 1.0690241 1.0687861 1.0644096 1.055773 1.0482492\n", + " 1.0446124 1.0466826 0. 0. 0. 0. 0. ]\n", + " [1.1733727 1.172335 1.1837181 1.1924716 1.1788945 1.1442899 1.1097058\n", + " 1.0868993 1.0754871 1.0720357 1.0701342 1.0643313 1.0548778 1.0470376\n", + " 1.043218 1.0453176 1.0502979 1.055546 1.0572891 1.0584704 0. ]\n", + " [1.1742272 1.1718454 1.1835481 1.1929684 1.1813647 1.1471741 1.111717\n", + " 1.087556 1.0762308 1.0728475 1.0713423 1.0654843 1.056155 1.0472056\n", + " 1.0438612 1.0459876 1.0512855 1.0565894 1.0594034 0. 0. ]\n", + " [1.1899055 1.1848317 1.195895 1.2052789 1.1910173 1.1548963 1.1170802\n", + " 1.092641 1.0818603 1.0811898 1.0820271 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1643978 1.1610918 1.171281 1.1810501 1.1708211 1.1397542 1.106919\n", + " 1.0834192 1.0715548 1.0675937 1.065037 1.060129 1.0515951 1.044153\n", + " 1.040784 1.0425473 1.0469259 1.0516881 1.0540135 1.054906 1.0564204]]\n", + "[[1.1603794 1.156003 1.1649082 1.1738671 1.1629223 1.1327899 1.1010019\n", + " 1.0788951 1.068875 1.0662824 1.0657897 1.0610542 1.0527532 1.045073\n", + " 1.0416063 1.0434941 1.0487076 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1776637 1.1749687 1.1861254 1.1958824 1.1835582 1.1489944 1.113202\n", + " 1.0891352 1.0773356 1.0737524 1.0722978 1.0662702 1.057159 1.0488482\n", + " 1.0451684 1.0465915 1.051852 1.0569588 1.0595384 1.0603856 0.\n", + " 0. ]\n", + " [1.1833067 1.1787145 1.1890861 1.1979074 1.1862714 1.1517844 1.1152319\n", + " 1.0912817 1.0795512 1.0770383 1.0773158 1.0727432 1.0632168 1.0542743\n", + " 1.049972 1.0519941 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1784279 1.1753771 1.1860536 1.1960167 1.1844914 1.1522071 1.1177493\n", + " 1.0936153 1.0813507 1.0761329 1.0734795 1.0670907 1.0568849 1.0489767\n", + " 1.045417 1.0475467 1.0528915 1.0578715 1.0597315 1.0600119 1.0609906\n", + " 1.0647788]\n", + " [1.1772982 1.1725761 1.1820902 1.1925056 1.1800799 1.1453953 1.1090819\n", + " 1.0863922 1.0763156 1.0756974 1.0761484 1.0712223 1.0614957 1.0523326\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.2111934 1.2060887 1.2157321 1.225618 1.2094755 1.169223 1.1284688\n", + " 1.1031889 1.0927757 1.0914062 1.0913028 1.085576 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1653689 1.161288 1.1716858 1.1804062 1.1694701 1.1370417 1.1035137\n", + " 1.0814244 1.0711073 1.0691682 1.0691642 1.0643761 1.0557324 1.0477545\n", + " 1.0437254 1.0453314 1.0506023 0. 0. 0. 0. ]\n", + " [1.1842504 1.1789418 1.1889025 1.1983382 1.1863344 1.1516712 1.1159654\n", + " 1.0922825 1.0814383 1.0790505 1.078775 1.0731859 1.0632164 1.054061\n", + " 1.0498697 1.0517291 1.057742 0. 0. 0. 0. ]\n", + " [1.1911967 1.1870205 1.1965686 1.2044009 1.1919743 1.156324 1.1202267\n", + " 1.0954067 1.0840936 1.080924 1.0797404 1.0742542 1.064207 1.0547642\n", + " 1.0508149 1.0533786 1.0604309 0. 0. 0. 0. ]\n", + " [1.1580715 1.155476 1.1669859 1.1773899 1.1667719 1.1350505 1.1025145\n", + " 1.0804427 1.069919 1.0665042 1.0642521 1.0583775 1.0492394 1.0420774\n", + " 1.0389681 1.0407706 1.0451034 1.0498426 1.0520226 1.0528119 1.0544834]]\n", + "[[1.1670164 1.1622404 1.170648 1.1783243 1.1674569 1.1361339 1.1046565\n", + " 1.0828706 1.0715601 1.0676627 1.0661246 1.0604498 1.052556 1.0449665\n", + " 1.0415002 1.0427455 1.0473177 1.0518776 1.0548723 1.05609 0. ]\n", + " [1.1853238 1.182375 1.1940105 1.2027122 1.1897875 1.1545088 1.1175814\n", + " 1.0928788 1.0804727 1.0764782 1.0743423 1.0686101 1.059128 1.0506163\n", + " 1.0471543 1.0485984 1.0541296 1.0592757 1.062048 1.0630186 0. ]\n", + " [1.1695595 1.1655809 1.1761432 1.1846125 1.1740963 1.1412154 1.1070439\n", + " 1.0845385 1.0739511 1.071447 1.0718352 1.0676839 1.0584315 1.0502827\n", + " 1.0461564 1.0479416 0. 0. 0. 0. 0. ]\n", + " [1.16733 1.1653607 1.1766932 1.1861842 1.172799 1.1392231 1.105216\n", + " 1.0827597 1.0716891 1.0683409 1.0669802 1.0608594 1.0523401 1.0448382\n", + " 1.0418074 1.0440646 1.0489726 1.0542419 1.0566714 1.0573205 1.0586818]\n", + " [1.2027906 1.1983773 1.2091415 1.2172327 1.2023566 1.1632204 1.124391\n", + " 1.0982565 1.08574 1.0822448 1.0805408 1.0741576 1.0642345 1.0553999\n", + " 1.0516634 1.0540599 1.0602695 1.066328 1.0689603 0. 0. ]]\n", + "[[1.1630616 1.1623822 1.174338 1.1839749 1.1719902 1.1390445 1.1056292\n", + " 1.0827787 1.0713805 1.067731 1.0656106 1.0592271 1.0506113 1.0431805\n", + " 1.0403074 1.0419201 1.0467393 1.0519512 1.0542942 1.0553683 1.0570611\n", + " 1.0608307]\n", + " [1.1658621 1.1622027 1.1724999 1.1814119 1.1710949 1.1384953 1.1045846\n", + " 1.0825242 1.0718027 1.0698838 1.0694206 1.0645025 1.0553535 1.047272\n", + " 1.0433915 1.0451093 1.0500767 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1712239 1.1671854 1.176684 1.1851298 1.1732849 1.1400902 1.1065301\n", + " 1.083578 1.072521 1.0701647 1.0693198 1.0643741 1.0559229 1.0481253\n", + " 1.0442643 1.0460066 1.0510464 1.0561082 0. 0. 0.\n", + " 0. ]\n", + " [1.2157576 1.2096657 1.2193723 1.228319 1.2131765 1.1743863 1.133161\n", + " 1.1054648 1.0930746 1.0915704 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1642649 1.1596882 1.1685898 1.1765996 1.1632272 1.1317616 1.0992678\n", + " 1.0777591 1.0673788 1.0655563 1.0656426 1.0616155 1.0536062 1.0461509\n", + " 1.0431062 1.0446676 1.0495598 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1877686 1.1821973 1.1921313 1.2014251 1.1904811 1.1559403 1.1198438\n", + " 1.095514 1.0837812 1.0817012 1.0814621 1.0757666 1.0656143 1.0560747\n", + " 1.0517615 1.0539349 0. 0. 0. ]\n", + " [1.1699322 1.1663396 1.1766604 1.1848067 1.1736587 1.1402907 1.106326\n", + " 1.0838399 1.0743151 1.073498 1.0745939 1.0694618 1.0597224 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1667962 1.1646732 1.1749276 1.1841033 1.1713679 1.1383934 1.1054051\n", + " 1.0828149 1.0719442 1.0689335 1.0685568 1.0633813 1.0547225 1.0464857\n", + " 1.0432119 1.0448833 1.0501415 1.0556735 0. ]\n", + " [1.1906164 1.1863823 1.19688 1.2063607 1.1924193 1.1574106 1.1206046\n", + " 1.0959016 1.0835543 1.079801 1.0779445 1.0715319 1.061507 1.0526631\n", + " 1.0490812 1.0512643 1.05719 1.0626411 1.0647405]\n", + " [1.1580588 1.1536576 1.1628397 1.1703146 1.1589166 1.1279304 1.0964795\n", + " 1.0758858 1.0657647 1.0636231 1.0629241 1.059186 1.0512617 1.0437007\n", + " 1.040442 1.0420395 1.0473439 0. 0. ]]\n", + "[[1.173923 1.1689922 1.1784943 1.1876638 1.1758232 1.1428198 1.108495\n", + " 1.0853392 1.0754001 1.0730058 1.0734308 1.0686066 1.059057 1.0500844\n", + " 1.0464945 1.0482119 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1739397 1.1717094 1.1823872 1.192596 1.1807587 1.1475837 1.1127397\n", + " 1.0891058 1.0772232 1.0728909 1.0705107 1.0640687 1.0547538 1.0468822\n", + " 1.0435755 1.044981 1.0503068 1.0551339 1.0575376 1.0582118 1.0595666\n", + " 1.0633587 0. ]\n", + " [1.189516 1.1840483 1.194095 1.2016157 1.1886064 1.1532197 1.1173564\n", + " 1.093929 1.083775 1.081346 1.0820282 1.0761083 1.0660497 1.0561938\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1715416 1.1678479 1.179329 1.18958 1.1773694 1.1424272 1.1077324\n", + " 1.0847712 1.0749285 1.0730234 1.0725055 1.0670034 1.0570099 1.0480442\n", + " 1.0441912 1.0458573 1.0515206 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1677065 1.1655644 1.1772091 1.1868623 1.1751066 1.1425272 1.1083888\n", + " 1.085431 1.0733136 1.0695984 1.0674444 1.0613384 1.0528754 1.0455132\n", + " 1.0423142 1.0441874 1.0490403 1.053775 1.0563872 1.0571434 1.0583555\n", + " 1.0622244 1.0700185]]\n", + "[[1.1676984 1.1635962 1.1736801 1.1826696 1.1712188 1.1378815 1.1039181\n", + " 1.0813634 1.0709432 1.0684541 1.0682042 1.0640949 1.0555708 1.0478671\n", + " 1.044103 1.0461344 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1751151 1.1720841 1.1827999 1.1910473 1.1802003 1.1472938 1.1132185\n", + " 1.0903974 1.0783366 1.0739074 1.0708462 1.063505 1.054096 1.046206\n", + " 1.0431521 1.0457906 1.0511489 1.0564859 1.0583516 1.0588858 1.0602075\n", + " 1.0642507 1.072064 ]\n", + " [1.1736658 1.1676332 1.1767099 1.1848786 1.1738107 1.1413653 1.1076552\n", + " 1.0856822 1.074939 1.0729898 1.0722644 1.0670307 1.0574057 1.0487634\n", + " 1.0452496 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1479074 1.1445811 1.1533667 1.1618665 1.1509639 1.1212531 1.0914403\n", + " 1.0713178 1.0626687 1.060416 1.0605778 1.0563301 1.0484172 1.0419761\n", + " 1.0387102 1.040393 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1787858 1.1740108 1.1831607 1.189661 1.1766993 1.1430904 1.1084166\n", + " 1.0861834 1.0764427 1.0749693 1.0760399 1.0713555 1.0617994 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1721768 1.1705844 1.1824669 1.1914718 1.1788361 1.1447849 1.1096021\n", + " 1.0861604 1.0743656 1.0708495 1.0687013 1.0630774 1.0541855 1.046278\n", + " 1.0429589 1.0446523 1.0495479 1.0546162 1.0574296 1.0584884 0. ]\n", + " [1.1770838 1.1715068 1.179637 1.1866968 1.1752628 1.1426513 1.1094582\n", + " 1.086683 1.0771976 1.0757185 1.075428 1.0706005 1.0606185 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.186778 1.1845921 1.1959939 1.206436 1.1936562 1.1585467 1.1217065\n", + " 1.0963378 1.0830715 1.0788654 1.0761201 1.069693 1.05952 1.0509205\n", + " 1.0472553 1.0494243 1.0549492 1.0603603 1.0627742 1.0633231 1.0643466]\n", + " [1.1731582 1.1698455 1.1818024 1.1923096 1.1800021 1.1462808 1.1100641\n", + " 1.0863081 1.075228 1.0726857 1.0717579 1.0660475 1.0561733 1.0475509\n", + " 1.0434018 1.0453447 1.0507226 1.0562253 0. 0. 0. ]\n", + " [1.1688608 1.1645563 1.1747792 1.1838007 1.1723435 1.1384983 1.104146\n", + " 1.0820163 1.0721021 1.0708902 1.0712607 1.0662723 1.057215 1.0484551\n", + " 1.0444771 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1602832 1.1554171 1.1649997 1.1733034 1.162899 1.1310873 1.0987078\n", + " 1.0774422 1.0674372 1.0652442 1.0651188 1.0607753 1.0523409 1.0445014\n", + " 1.0409902 1.0424516 1.0475157 0. 0. ]\n", + " [1.1668183 1.1638494 1.1738108 1.1823756 1.1698403 1.1371982 1.1035508\n", + " 1.0814526 1.0701941 1.0672079 1.0653793 1.0606312 1.0522236 1.0446868\n", + " 1.0410315 1.0426031 1.047384 1.0522239 1.0549945]\n", + " [1.1704538 1.1664233 1.1753552 1.1832608 1.1718583 1.1396109 1.106203\n", + " 1.0836636 1.0728897 1.0693204 1.0679185 1.0633837 1.0549192 1.0470542\n", + " 1.0434358 1.0446248 1.0491332 1.054219 1.0568879]\n", + " [1.1887305 1.1844273 1.195203 1.203827 1.190954 1.154779 1.1171683\n", + " 1.0918609 1.0798519 1.0763896 1.0747156 1.0693561 1.0599518 1.0511954\n", + " 1.0477993 1.0497578 1.0550891 1.0605109 1.0631104]\n", + " [1.1699802 1.1660373 1.174597 1.1820822 1.1695117 1.1375973 1.1046264\n", + " 1.0818596 1.0708922 1.068252 1.0671837 1.0628413 1.0544033 1.0467294\n", + " 1.0438801 1.0456145 1.050528 1.0549933 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1811 1.1763638 1.1867781 1.196694 1.1851591 1.1504538 1.1141669\n", + " 1.0897176 1.0778108 1.0743015 1.073451 1.0674258 1.0580935 1.0495015\n", + " 1.046254 1.0481532 1.0535858 1.0591242 1.0617809]\n", + " [1.1940985 1.1879678 1.1966901 1.2031457 1.1899478 1.1547661 1.1184994\n", + " 1.0948256 1.0829225 1.0794904 1.0786192 1.0724965 1.0623915 1.053997\n", + " 1.0502338 1.0517777 1.0577569 0. 0. ]\n", + " [1.1678491 1.1646073 1.1747943 1.1828638 1.1694462 1.1358635 1.1029856\n", + " 1.082 1.0721923 1.0691947 1.0677867 1.0623384 1.0533988 1.0453016\n", + " 1.0425115 1.0444732 1.0498272 1.0552261 0. ]\n", + " [1.1720707 1.1658227 1.1767832 1.1866158 1.1744207 1.140899 1.1054007\n", + " 1.0829242 1.0735422 1.0728391 1.0744513 1.0699899 1.0607328 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2029718 1.197241 1.2078048 1.2163 1.2019068 1.1639462 1.1254674\n", + " 1.100444 1.0893989 1.0882713 1.0885977 1.0821736 1.0707965 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1713669 1.1663761 1.1759335 1.183273 1.1724265 1.1403055 1.1069906\n", + " 1.0853809 1.0752275 1.0727026 1.0722455 1.0666372 1.0574125 1.0485443\n", + " 1.0444994 1.0466418 1.0521889 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.192245 1.1838307 1.192623 1.2026451 1.1909878 1.1567686 1.1202663\n", + " 1.0952775 1.0839984 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1530688 1.1506753 1.1602181 1.1683009 1.1571215 1.1269011 1.0959121\n", + " 1.0753294 1.0646793 1.0611162 1.059262 1.0541663 1.046337 1.0400745\n", + " 1.0373536 1.0388508 1.0433797 1.0478492 1.0506171 1.0516156 1.0528862\n", + " 1.0561966]\n", + " [1.1722429 1.1694293 1.1807495 1.1893368 1.1785783 1.1445428 1.109118\n", + " 1.0861613 1.0748152 1.0718392 1.0712807 1.0662141 1.0572202 1.0490605\n", + " 1.0453842 1.0468638 1.051896 1.0574297 0. 0. 0.\n", + " 0. ]\n", + " [1.1484996 1.1433394 1.1518701 1.159334 1.1506127 1.1227305 1.0932424\n", + " 1.0734538 1.0639999 1.0617588 1.061533 1.0573949 1.0500057 1.0423596\n", + " 1.0389475 1.0405959 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1680126 1.1627837 1.1717671 1.1802197 1.1686635 1.1377279 1.1053535\n", + " 1.0838693 1.0738975 1.0716736 1.0713124 1.0660894 1.0567905 1.0482396\n", + " 1.0443314 1.0466193 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1922206 1.1851504 1.1945162 1.202242 1.1870996 1.1517909 1.1135685\n", + " 1.0884161 1.0784172 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1836648 1.1790403 1.1886363 1.1960919 1.1828352 1.1479688 1.1121982\n", + " 1.088262 1.0776598 1.0750288 1.074579 1.0700221 1.060188 1.051864\n", + " 1.047654 1.0495092 1.0548533 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1730118 1.1706088 1.1812004 1.1899084 1.1785548 1.1457922 1.1109303\n", + " 1.0874687 1.0752342 1.0708206 1.0681797 1.0625286 1.0536175 1.0464256\n", + " 1.043167 1.0453167 1.0505272 1.0553046 1.0574553 1.0580806 1.0594441\n", + " 1.0628858]\n", + " [1.1526036 1.1498673 1.1600467 1.1686859 1.1578376 1.1264756 1.095093\n", + " 1.0747013 1.0650928 1.0627486 1.0630391 1.058606 1.0508385 1.0430256\n", + " 1.03958 1.0411589 1.0460278 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.190581 1.1839361 1.1947253 1.2038422 1.1919538 1.1561183 1.1184733\n", + " 1.094271 1.0836468 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1662713 1.1627549 1.1726251 1.1818483 1.1704 1.1383907 1.1044441\n", + " 1.0822461 1.0715138 1.0691538 1.0694759 1.0650223 1.0563897 1.0487154\n", + " 1.0450453 1.0465658 0. 0. 0. 0. ]\n", + " [1.1768228 1.1725154 1.1818815 1.1906823 1.1790229 1.146713 1.1125007\n", + " 1.0889041 1.0763977 1.0719234 1.0694765 1.06329 1.0547361 1.0472908\n", + " 1.0439364 1.045692 1.0507329 1.055426 1.0580163 1.059414 ]\n", + " [1.1766453 1.1731263 1.1833907 1.1906018 1.1776783 1.1435686 1.1091462\n", + " 1.0866807 1.0761149 1.0750073 1.0749319 1.0703814 1.0606195 1.0517496\n", + " 1.0477448 0. 0. 0. 0. 0. ]\n", + " [1.1686845 1.1641599 1.1738389 1.1827399 1.1712015 1.138516 1.1046865\n", + " 1.0826325 1.0724449 1.0700266 1.0707331 1.0658985 1.0566602 1.0484564\n", + " 1.0448035 1.0463825 0. 0. 0. 0. ]]\n", + "[[1.1614124 1.157269 1.1670632 1.1747718 1.1642398 1.132462 1.1001832\n", + " 1.0784897 1.069178 1.0674596 1.0674752 1.0633141 1.0548077 1.0468411\n", + " 1.0433735 1.0451353 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1590632 1.156512 1.1662102 1.175031 1.16326 1.1326506 1.1010339\n", + " 1.0796145 1.0690857 1.0648036 1.0627578 1.0570579 1.0485067 1.0415252\n", + " 1.0386001 1.040676 1.0449952 1.0498427 1.0524225 1.0528743 1.0542532\n", + " 1.0572035]\n", + " [1.1831845 1.1795487 1.1899374 1.1980255 1.1849129 1.1516768 1.1164714\n", + " 1.091854 1.0791419 1.0748242 1.0726315 1.0671127 1.0581509 1.0501666\n", + " 1.0468699 1.0486804 1.0541731 1.0593872 1.0620974 1.0631201 0.\n", + " 0. ]\n", + " [1.1736875 1.1694596 1.1817107 1.1921653 1.1800947 1.1446762 1.1089983\n", + " 1.0853608 1.0739751 1.0712054 1.0710335 1.0660061 1.0567803 1.0480256\n", + " 1.0439972 1.0456231 1.0509467 1.0562658 0. 0. 0.\n", + " 0. ]\n", + " [1.1627083 1.1600116 1.169708 1.1780862 1.1666192 1.1346611 1.102809\n", + " 1.0813699 1.0698699 1.0663584 1.0636171 1.0584018 1.0500867 1.042781\n", + " 1.039962 1.0418953 1.0465939 1.0512207 1.0538447 1.0550777 0.\n", + " 0. ]]\n", + "[[1.1694779 1.166136 1.1772662 1.1859467 1.1746699 1.140927 1.1060356\n", + " 1.0826389 1.0720265 1.0687637 1.0684557 1.0635421 1.0548645 1.047646\n", + " 1.0441653 1.0456611 1.0507449 1.0556608 0. 0. 0. ]\n", + " [1.1640922 1.1600112 1.1712189 1.1820307 1.1709809 1.1388947 1.1052678\n", + " 1.0824673 1.0724502 1.0704968 1.0706079 1.0661948 1.0562562 1.0478995\n", + " 1.0440602 1.0460993 0. 0. 0. 0. 0. ]\n", + " [1.167398 1.1629066 1.1720481 1.181984 1.1705418 1.1379336 1.10468\n", + " 1.0826858 1.0728112 1.0717747 1.0719349 1.0670784 1.0577823 1.049169\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1621511 1.1590012 1.1698817 1.1794047 1.1675386 1.1353047 1.1020751\n", + " 1.0796542 1.068645 1.0652759 1.0636799 1.0587398 1.0504245 1.0430015\n", + " 1.039752 1.0415119 1.0461706 1.0505475 1.052809 1.0534151 0. ]\n", + " [1.1796587 1.1766279 1.1885324 1.1991959 1.1873248 1.1516938 1.1158378\n", + " 1.0921812 1.0801407 1.0757542 1.0733565 1.0669295 1.0570941 1.0488439\n", + " 1.0452254 1.0473175 1.0526445 1.0578977 1.0600457 1.061187 1.0625074]]\n", + "[[1.175574 1.1720573 1.1834692 1.193605 1.1826094 1.1490189 1.1137776\n", + " 1.0900754 1.0780731 1.0738825 1.0710913 1.0649719 1.0555419 1.047397\n", + " 1.0441478 1.0462598 1.0512613 1.0564011 1.0589018 1.059791 1.0608476\n", + " 1.0642809 1.0715791 0. 0. ]\n", + " [1.1697079 1.1681702 1.1793698 1.1881887 1.1759557 1.1420127 1.1070352\n", + " 1.0842614 1.0728453 1.0691488 1.0681726 1.0620198 1.0533849 1.0454977\n", + " 1.0422337 1.0435462 1.0485418 1.0532299 1.0557946 1.0569515 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1532269 1.149964 1.1599208 1.1671908 1.1542994 1.1232008 1.0922449\n", + " 1.0721775 1.0627449 1.0606433 1.0596341 1.0552628 1.047302 1.0404122\n", + " 1.037325 1.0391527 1.0433724 1.0479434 1.0498416 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1710677 1.1689352 1.1808003 1.1918007 1.1807264 1.1468561 1.1108544\n", + " 1.0871694 1.07536 1.071502 1.0692927 1.0634762 1.0539802 1.0457145\n", + " 1.0424845 1.0446768 1.0497546 1.0549881 1.0571101 1.0582783 1.0594269\n", + " 1.0632118 1.0709759 1.081455 1.0896509]\n", + " [1.1821814 1.1797497 1.191401 1.2011533 1.1873583 1.1515797 1.1146456\n", + " 1.0898542 1.078011 1.0744021 1.0726196 1.0674344 1.0582049 1.0500824\n", + " 1.0458008 1.0482377 1.053507 1.0588129 1.0614157 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1624289 1.1563425 1.164207 1.1716595 1.1601208 1.1296707 1.0980694\n", + " 1.077297 1.0672936 1.0654185 1.0653563 1.0609542 1.0524417 1.044845\n", + " 1.0413591 1.042872 1.0477995 0. 0. ]\n", + " [1.16741 1.1624799 1.17168 1.179387 1.168362 1.13601 1.1031741\n", + " 1.081294 1.0703925 1.0680289 1.0672475 1.0625489 1.0538634 1.046058\n", + " 1.0428256 1.0449501 1.0507718 0. 0. ]\n", + " [1.1730118 1.1677079 1.177487 1.1863575 1.1761825 1.1440021 1.1096426\n", + " 1.0868622 1.0759228 1.0743972 1.0742586 1.0698982 1.0603114 1.0516901\n", + " 1.0475491 0. 0. 0. 0. ]\n", + " [1.2112843 1.2056103 1.2163795 1.2247119 1.2104589 1.1719339 1.1324486\n", + " 1.1052779 1.093614 1.0914179 1.0914028 1.085861 1.0741904 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1686714 1.1632707 1.171725 1.1794199 1.167414 1.136391 1.1036669\n", + " 1.0811391 1.0708543 1.067653 1.0661373 1.0609874 1.0522074 1.0444382\n", + " 1.0411662 1.042848 1.0476006 1.0524755 1.0547048]]\n", + "[[1.1889915 1.1835419 1.1936164 1.2016478 1.1881115 1.1511747 1.1140385\n", + " 1.0901194 1.0799322 1.0788777 1.0794518 1.0743526 1.0644623 1.0549995\n", + " 1.0510745 0. 0. 0. 0. ]\n", + " [1.1654348 1.1616751 1.1723769 1.1809518 1.170932 1.138376 1.1041243\n", + " 1.082469 1.0717611 1.0689394 1.0686582 1.0640166 1.0549542 1.0468609\n", + " 1.0430068 1.0441835 1.0491439 1.0541952 0. ]\n", + " [1.1771187 1.1751304 1.1870278 1.1962544 1.1830221 1.1480632 1.1117032\n", + " 1.0877446 1.0765685 1.0734636 1.0723394 1.0660967 1.0565839 1.0480145\n", + " 1.0444242 1.0459121 1.0514088 1.0567944 1.0592749]\n", + " [1.1854892 1.1832317 1.195143 1.204299 1.1911831 1.155352 1.1176465\n", + " 1.0920672 1.080385 1.0773053 1.0756748 1.0700697 1.0597054 1.0512055\n", + " 1.0471435 1.0492069 1.0549086 1.0606027 1.0631663]\n", + " [1.1554266 1.1516664 1.1603972 1.1670619 1.1560028 1.1254957 1.0949829\n", + " 1.0749694 1.0660262 1.0639257 1.0638784 1.0589786 1.050347 1.0426251\n", + " 1.0393561 1.0408663 1.0458511 0. 0. ]]\n", + "[[1.1752403 1.1718082 1.182471 1.1917421 1.1790503 1.1455374 1.1102992\n", + " 1.0868084 1.0757219 1.0726967 1.0716766 1.06681 1.0581174 1.0496094\n", + " 1.0458592 1.0475733 1.0529042 1.0580828 0. 0. 0. ]\n", + " [1.154632 1.1515496 1.161458 1.1686218 1.1582164 1.1270715 1.0956299\n", + " 1.07505 1.0653374 1.0636196 1.0634414 1.0590299 1.0506405 1.0431747\n", + " 1.0396032 1.0411807 1.0459998 0. 0. 0. 0. ]\n", + " [1.1753154 1.1705164 1.1787504 1.1845156 1.1724894 1.1391318 1.1056881\n", + " 1.0835222 1.0739223 1.0727963 1.0725018 1.0677502 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1633543 1.1576838 1.1659163 1.1739777 1.1626813 1.1323167 1.1005058\n", + " 1.079616 1.0697037 1.0671445 1.0664262 1.0617216 1.0534283 1.0454316\n", + " 1.0420548 1.0437299 1.048792 0. 0. 0. 0. ]\n", + " [1.1779451 1.1751207 1.1855415 1.195443 1.1836052 1.1502087 1.1155542\n", + " 1.0917717 1.079424 1.0749898 1.0725454 1.0663185 1.0564779 1.048115\n", + " 1.0450233 1.0469772 1.0521717 1.0566915 1.0590402 1.0596026 1.0608113]]\n", + "[[1.1830256 1.1787902 1.1896511 1.1995475 1.1864111 1.1504459 1.1138725\n", + " 1.0898321 1.0786391 1.0769249 1.0769051 1.072186 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.177315 1.1734155 1.1844703 1.1941917 1.1821191 1.1484268 1.112917\n", + " 1.0889492 1.0785079 1.0762092 1.075799 1.0714225 1.0618964 1.05304\n", + " 1.0491138 0. 0. 0. 0. ]\n", + " [1.1557528 1.1515956 1.159755 1.1677663 1.1569239 1.1271286 1.0964053\n", + " 1.0767702 1.0665108 1.0637004 1.0629523 1.0579517 1.0500444 1.0429034\n", + " 1.0397238 1.0414406 1.0459497 1.0507073 0. ]\n", + " [1.1796446 1.1758915 1.1847093 1.1936617 1.1809505 1.1469079 1.1113589\n", + " 1.0873929 1.0771648 1.0748239 1.0755748 1.0699031 1.0614138 1.0527701\n", + " 1.0487496 0. 0. 0. 0. ]\n", + " [1.180032 1.1763139 1.1858038 1.1934854 1.1808866 1.1472629 1.1116848\n", + " 1.0880818 1.0758384 1.0727832 1.0717801 1.066363 1.0577124 1.0495114\n", + " 1.0462128 1.0477147 1.0528995 1.0581117 1.060551 ]]\n", + "[[1.1889174 1.1834022 1.1934015 1.2029275 1.1889174 1.1512967 1.1145068\n", + " 1.0899137 1.0802469 1.0798329 1.080518 1.0752501 1.0646638 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1728499 1.1678109 1.1766238 1.1840055 1.1716864 1.1376841 1.104552\n", + " 1.0826236 1.073523 1.0732353 1.0741773 1.0693693 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1831305 1.1777468 1.187232 1.1952842 1.1830182 1.1483968 1.1131376\n", + " 1.0894251 1.0788063 1.0766075 1.0774621 1.0729581 1.0636214 1.0546185\n", + " 1.0504084 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1557186 1.1523523 1.1617646 1.1692011 1.1587029 1.1272308 1.0954752\n", + " 1.0752319 1.0657835 1.064559 1.0649033 1.0602952 1.0523976 1.0447516\n", + " 1.0414559 1.0432687 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1591696 1.156908 1.1667444 1.176022 1.1649947 1.1334859 1.101498\n", + " 1.0805081 1.0697532 1.0656798 1.0636663 1.057368 1.048202 1.0409698\n", + " 1.0381116 1.0403944 1.0449566 1.0498708 1.0523237 1.0531617 1.0541555\n", + " 1.0577672 1.0643514]]\n", + "[[1.1657096 1.1613407 1.1707509 1.1774584 1.1660794 1.1341023 1.1018054\n", + " 1.0804467 1.0715548 1.0703567 1.0709872 1.0660889 1.0567751 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1517781 1.1479074 1.1574435 1.165593 1.153998 1.1244388 1.0937326\n", + " 1.0733365 1.063835 1.0611811 1.0613117 1.0568888 1.049432 1.0423648\n", + " 1.038999 1.0409635 1.0459052 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1513397 1.1499144 1.1606163 1.1701574 1.158664 1.1288286 1.0976558\n", + " 1.0766122 1.0655147 1.0619466 1.0601772 1.0548378 1.0466981 1.0402102\n", + " 1.0373982 1.0389189 1.043206 1.0480494 1.0505496 1.0514061 1.0532284\n", + " 1.0563228]\n", + " [1.1631541 1.1596054 1.1696082 1.1793867 1.1692305 1.1376053 1.1045643\n", + " 1.0820173 1.0702921 1.0663457 1.0647659 1.0592949 1.0507951 1.0436082\n", + " 1.0401858 1.0416962 1.0462081 1.0510468 1.0536264 1.0547206 1.0563833\n", + " 0. ]\n", + " [1.1821185 1.1776131 1.1865786 1.1948133 1.1813222 1.1461661 1.110128\n", + " 1.085997 1.0745537 1.0720613 1.0712552 1.066453 1.057836 1.0501618\n", + " 1.0461549 1.0484061 1.0537652 1.0590516 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1507304 1.1458558 1.1544874 1.1609881 1.149648 1.1202841 1.090771\n", + " 1.0711445 1.062481 1.0608381 1.0603838 1.0565051 1.0488449 1.0417038\n", + " 1.0389993 1.0404435 0. 0. 0. 0. ]\n", + " [1.158864 1.1556273 1.1661121 1.1757101 1.1642338 1.1322793 1.099308\n", + " 1.0778587 1.0675962 1.0652144 1.0644832 1.0592006 1.0510563 1.0433849\n", + " 1.0400362 1.041389 1.0460886 1.0507545 0. 0. ]\n", + " [1.1587498 1.1546879 1.1626811 1.1700246 1.1583095 1.1278853 1.0966493\n", + " 1.0758678 1.0656135 1.0626633 1.0617381 1.0575957 1.049958 1.0430971\n", + " 1.0399821 1.0415632 1.0464365 1.0511867 0. 0. ]\n", + " [1.163865 1.1594371 1.1688043 1.1764673 1.1631175 1.1314377 1.0995759\n", + " 1.0790648 1.0699034 1.06772 1.067437 1.0623982 1.0539705 1.0462148\n", + " 1.0431131 1.045636 0. 0. 0. 0. ]\n", + " [1.1743281 1.1700989 1.1797028 1.1872413 1.1738441 1.1417143 1.1088997\n", + " 1.0873026 1.0760367 1.0720083 1.0695468 1.063279 1.0539154 1.0461713\n", + " 1.0434896 1.0455368 1.0511019 1.0560175 1.0579562 1.0585679]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.176445 1.1710665 1.1802924 1.188905 1.1767436 1.1437986 1.1094575\n", + " 1.0865619 1.0758588 1.0736625 1.0726408 1.0678588 1.0584815 1.0495389\n", + " 1.045607 1.0475941 1.0532708 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1744672 1.1702968 1.1810005 1.1894025 1.1753739 1.1421639 1.1071297\n", + " 1.0850806 1.0752074 1.0743717 1.0749447 1.0702826 1.060541 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1659184 1.1632946 1.1748121 1.1862588 1.1760103 1.1426739 1.1081016\n", + " 1.0843871 1.0723773 1.0685769 1.0663799 1.0611618 1.0524198 1.0447575\n", + " 1.0415651 1.0428693 1.0477331 1.0521951 1.0544872 1.0550103 1.0561633\n", + " 1.0589815 1.0661486]\n", + " [1.1719719 1.1695929 1.1806711 1.1890033 1.1782751 1.1437383 1.108678\n", + " 1.0854625 1.0744121 1.0723449 1.0721533 1.0671577 1.0587882 1.0505098\n", + " 1.0467823 1.0483041 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1957477 1.1913396 1.2024429 1.2102004 1.1950912 1.156777 1.1196008\n", + " 1.0952215 1.0841093 1.0828642 1.0831949 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1817389 1.178435 1.1889899 1.1968762 1.183972 1.150275 1.1152596\n", + " 1.0911736 1.0785455 1.0743055 1.0721741 1.0664232 1.057791 1.0496777\n", + " 1.046551 1.047823 1.0531105 1.0584937 1.0608723 1.0620512 0.\n", + " 0. ]\n", + " [1.1688359 1.1673481 1.1794018 1.1882501 1.1757294 1.1421077 1.1085194\n", + " 1.0860796 1.0748744 1.0706716 1.0688403 1.0625473 1.05287 1.0453867\n", + " 1.0419701 1.0435884 1.0484041 1.0529921 1.0551938 1.0558954 1.0577286\n", + " 1.0616057]\n", + " [1.1954688 1.1903917 1.2028089 1.2130326 1.1986015 1.1605831 1.1218247\n", + " 1.0965248 1.085976 1.0848383 1.0856544 1.0795231 1.0683771 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1703788 1.1664099 1.1774893 1.1864684 1.1755495 1.1418861 1.1071576\n", + " 1.0844393 1.0741875 1.0720758 1.0719084 1.0680292 1.0586718 1.0501412\n", + " 1.0461687 1.0478362 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1813824 1.1786665 1.1899736 1.1988679 1.1851009 1.1510503 1.1153096\n", + " 1.0915524 1.0792689 1.0755497 1.0734524 1.067358 1.0572044 1.0491241\n", + " 1.0455666 1.0474396 1.052775 1.058032 1.0600734 1.0606017 0.\n", + " 0. ]]\n", + "[[1.171747 1.1692843 1.1800942 1.189244 1.1776047 1.144673 1.1101497\n", + " 1.08635 1.0750571 1.0709418 1.0686994 1.0626236 1.0539254 1.0458665\n", + " 1.0429264 1.0441614 1.049423 1.0543865 1.0568248 1.0576261 1.0589199]\n", + " [1.1694701 1.1657478 1.1764679 1.1844246 1.172567 1.1389905 1.1042368\n", + " 1.0822839 1.0718852 1.0707518 1.0709594 1.0663829 1.0577451 1.0489985\n", + " 1.0452081 1.046846 0. 0. 0. 0. 0. ]\n", + " [1.1634618 1.1593447 1.1684391 1.1762426 1.1638328 1.1327128 1.1008031\n", + " 1.0794216 1.0686182 1.0651636 1.0636599 1.058386 1.0505903 1.0433834\n", + " 1.0402272 1.041643 1.0463616 1.0509415 1.0535412 1.0548404 0. ]\n", + " [1.1929133 1.1897852 1.2019875 1.2108605 1.198115 1.1618326 1.1233689\n", + " 1.0967653 1.0838797 1.0795647 1.0770854 1.0713333 1.0613574 1.0530522\n", + " 1.049085 1.0511165 1.0561244 1.0608969 1.0634553 1.0645146 0. ]\n", + " [1.1622608 1.158249 1.1682171 1.1777148 1.1647624 1.1325821 1.0992815\n", + " 1.0787737 1.070037 1.0699401 1.0706061 1.0655724 1.0563161 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1983198 1.1955659 1.2055715 1.214153 1.1997144 1.1637936 1.1251713\n", + " 1.0995201 1.0867256 1.0829933 1.0810325 1.074956 1.0640961 1.0556089\n", + " 1.0516272 1.0539072 1.0598068 1.0657173 1.0680463 0. ]\n", + " [1.1893953 1.184328 1.1939948 1.2026523 1.18939 1.1544707 1.1186739\n", + " 1.0947976 1.0833756 1.0808132 1.0805151 1.0750453 1.0646603 1.0556495\n", + " 1.0515764 1.0540783 0. 0. 0. 0. ]\n", + " [1.1686802 1.1639392 1.1728733 1.1807569 1.1678782 1.1342472 1.1006737\n", + " 1.0795743 1.069525 1.0680579 1.0678991 1.0636866 1.055041 1.0469564\n", + " 1.043536 1.0453557 0. 0. 0. 0. ]\n", + " [1.1893163 1.1861624 1.1974261 1.204896 1.1934353 1.1578141 1.1201444\n", + " 1.0953286 1.0825534 1.0784082 1.0763959 1.0693479 1.0594599 1.0513068\n", + " 1.0475677 1.0494028 1.0548168 1.0604602 1.0626707 1.0639482]\n", + " [1.1940589 1.1885465 1.1973145 1.2034134 1.1897309 1.1536467 1.1173751\n", + " 1.0933316 1.081738 1.0792285 1.0787073 1.0733839 1.0639067 1.0554067\n", + " 1.0515294 1.0543121 0. 0. 0. 0. ]]\n", + "[[1.1601228 1.1556253 1.1635271 1.170702 1.1587293 1.1275661 1.0959016\n", + " 1.0760206 1.0670469 1.0660667 1.0660471 1.0627927 1.0539831 1.0462376\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1625807 1.1603663 1.1707568 1.1793494 1.1672692 1.1358231 1.1032996\n", + " 1.0812476 1.0702506 1.0666515 1.0645444 1.0590557 1.0505104 1.0432746\n", + " 1.0397693 1.0415648 1.0461284 1.0507036 1.0527593 1.0541058 1.055938 ]\n", + " [1.161782 1.1585252 1.1682112 1.176399 1.1651735 1.132686 1.0996945\n", + " 1.0777866 1.0670886 1.0649436 1.0655555 1.0611746 1.0530902 1.0453379\n", + " 1.0421282 1.0437176 1.0487167 0. 0. 0. 0. ]\n", + " [1.1613739 1.1568862 1.1657006 1.1736276 1.1614097 1.129345 1.0983608\n", + " 1.0778544 1.0684397 1.0667067 1.0672469 1.0628362 1.0543082 1.0468493\n", + " 1.0430764 1.0448949 0. 0. 0. 0. 0. ]\n", + " [1.159205 1.1558537 1.1654813 1.1750154 1.1636122 1.132371 1.1001587\n", + " 1.0785216 1.0681933 1.0657126 1.0655296 1.0616738 1.0535408 1.0459532\n", + " 1.0420948 1.0435765 0. 0. 0. 0. 0. ]]\n", + "[[1.173363 1.1680998 1.1764898 1.1842833 1.1739537 1.1425183 1.1094576\n", + " 1.0868295 1.0753211 1.0736315 1.0735627 1.0683707 1.058882 1.0504403\n", + " 0. 0. ]\n", + " [1.1960337 1.1914752 1.2014472 1.2087734 1.196213 1.1592662 1.1215528\n", + " 1.0968287 1.0854998 1.0826823 1.0824451 1.0760756 1.0658654 1.0565566\n", + " 1.0529776 1.0556192]\n", + " [1.1585287 1.1550972 1.1650152 1.173787 1.1627969 1.1312811 1.0992584\n", + " 1.0776505 1.0673894 1.0661039 1.0660896 1.0617445 1.0535364 1.0457995\n", + " 1.0421474 1.0438006]\n", + " [1.1772835 1.1729711 1.1815771 1.1905732 1.1784632 1.14445 1.1105067\n", + " 1.0876881 1.077949 1.075146 1.0738107 1.0690645 1.0592448 1.0510157\n", + " 1.046961 1.0497717]\n", + " [1.1503583 1.1454333 1.154275 1.1619982 1.1517217 1.1227927 1.0927151\n", + " 1.072951 1.0641037 1.0627495 1.0631561 1.0590583 1.0512823 1.0435456\n", + " 1.0399064 0. ]]\n", + "[[1.1954734 1.1911278 1.2027543 1.2123202 1.1993115 1.1622156 1.1233683\n", + " 1.0973674 1.0850877 1.0813981 1.0798987 1.0746658 1.0647147 1.0555936\n", + " 1.0512187 1.0531032 1.0589 1.0644972 1.0672774 0. ]\n", + " [1.1794074 1.1760685 1.1869633 1.1969334 1.1846074 1.1503735 1.1140112\n", + " 1.0889134 1.0771478 1.0740732 1.0736148 1.0681484 1.0582355 1.0498387\n", + " 1.0458372 1.0476081 1.0529604 1.0578465 0. 0. ]\n", + " [1.1585335 1.1542343 1.1631827 1.1714389 1.1612136 1.1311045 1.0991088\n", + " 1.0774912 1.0673581 1.065239 1.0647328 1.0602462 1.0524061 1.0445178\n", + " 1.0413015 1.0429114 0. 0. 0. 0. ]\n", + " [1.1680604 1.1653757 1.1760144 1.1844543 1.173845 1.141355 1.1073217\n", + " 1.084005 1.0729839 1.0694089 1.0674832 1.0620238 1.0529726 1.0451633\n", + " 1.0417596 1.0434635 1.0481664 1.0529406 1.055653 1.0569825]\n", + " [1.17491 1.1692412 1.1777681 1.1856883 1.1736664 1.1402605 1.1060079\n", + " 1.0832949 1.0732704 1.0725136 1.0733631 1.0686471 1.0604398 1.0518938\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2146348 1.2083775 1.217838 1.2273113 1.2133794 1.1748502 1.133964\n", + " 1.1062037 1.0939165 1.0916185 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1824749 1.1790785 1.189358 1.1962572 1.1833948 1.1471419 1.1117798\n", + " 1.088391 1.0792321 1.0779219 1.0790371 1.0735681 1.0634574 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1660645 1.1604037 1.1680069 1.1763672 1.1646055 1.1336725 1.1010716\n", + " 1.0796725 1.0697547 1.0677834 1.0676706 1.0633204 1.0551944 1.047155\n", + " 1.04341 0. 0. 0. 0. 0. 0. ]\n", + " [1.1738031 1.1697472 1.1790919 1.1868577 1.1752065 1.1426506 1.1084179\n", + " 1.0845883 1.0723933 1.068503 1.0667721 1.0617774 1.0534238 1.0462137\n", + " 1.0430921 1.0443008 1.0485339 1.0532794 1.0555716 1.0570362 1.058985 ]\n", + " [1.184566 1.1804221 1.1901381 1.198958 1.1856583 1.1506394 1.1154416\n", + " 1.0914689 1.0796027 1.0758214 1.0737526 1.0678172 1.057834 1.0497862\n", + " 1.0464205 1.0485845 1.0539104 1.0591125 1.0616386 0. 0. ]]\n", + "[[1.2097051 1.2042017 1.2139541 1.2222204 1.2060645 1.1681218 1.1284479\n", + " 1.1023766 1.090799 1.0895041 1.0900278 1.0837587 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.184543 1.1809256 1.1907678 1.1999595 1.1868124 1.1532432 1.1184126\n", + " 1.0941796 1.0812297 1.0771441 1.0745041 1.0678308 1.0587054 1.0501158\n", + " 1.0468576 1.0492693 1.0545611 1.0596586 1.0620937 1.062645 0. ]\n", + " [1.1718526 1.1686237 1.1800021 1.1900166 1.177656 1.1448371 1.1101276\n", + " 1.0866809 1.0756123 1.0716648 1.0695556 1.0630474 1.0534505 1.0457082\n", + " 1.0422432 1.0441824 1.0490835 1.0541042 1.0564812 1.0574138 1.0592719]\n", + " [1.1626979 1.1597409 1.1705823 1.178787 1.1687247 1.1369066 1.1031468\n", + " 1.0814228 1.0707029 1.0675713 1.0669521 1.061776 1.0537269 1.0462222\n", + " 1.0428102 1.0439178 1.0486602 1.053645 0. 0. 0. ]\n", + " [1.1905594 1.1845984 1.1937902 1.2019969 1.1885778 1.1538659 1.1170001\n", + " 1.0922989 1.0802597 1.0779047 1.0772074 1.0720634 1.0624306 1.0537814\n", + " 1.0500578 1.0517745 1.0574645 0. 0. 0. 0. ]]\n", + "[[1.1578934 1.154888 1.1651843 1.1743743 1.162461 1.131388 1.0990524\n", + " 1.0777504 1.067381 1.0648595 1.0638016 1.0595353 1.0509626 1.043701\n", + " 1.039834 1.0413216 1.0457664 1.0504009 0. 0. 0. ]\n", + " [1.1713481 1.1678718 1.1782092 1.185946 1.1737423 1.1400523 1.1061114\n", + " 1.0834519 1.0726801 1.0702981 1.0693837 1.0651026 1.056315 1.0482818\n", + " 1.0448698 1.0464543 1.0513227 1.0560471 0. 0. 0. ]\n", + " [1.1785719 1.1743666 1.1844299 1.1929493 1.180438 1.1454382 1.1098152\n", + " 1.0864956 1.0760174 1.0733781 1.0732551 1.0684047 1.0590583 1.0506228\n", + " 1.0467019 1.0484483 1.0542281 0. 0. 0. 0. ]\n", + " [1.1646137 1.162295 1.1721603 1.1816247 1.1703713 1.1373042 1.1043323\n", + " 1.0828246 1.0718459 1.0678394 1.0658203 1.0601189 1.0514117 1.0441835\n", + " 1.0405809 1.0420907 1.0468103 1.0514319 1.0536993 1.0545985 1.0563117]\n", + " [1.2059184 1.1996832 1.2093618 1.2175 1.2046715 1.1674892 1.1275632\n", + " 1.1009753 1.0886213 1.0869957 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1924119 1.1887633 1.2002743 1.209572 1.1969175 1.1609148 1.1232945\n", + " 1.0977879 1.0848203 1.0802559 1.077826 1.0720327 1.0620775 1.0531424\n", + " 1.0493667 1.0514667 1.0570929 1.0625752 1.065172 1.066176 ]\n", + " [1.1856234 1.1829782 1.194592 1.2042754 1.1898851 1.1545142 1.1169747\n", + " 1.0921308 1.0797267 1.0767128 1.0755033 1.0691526 1.0600697 1.0515683\n", + " 1.0478232 1.0497122 1.0550662 1.060622 1.0632138 0. ]\n", + " [1.1881483 1.1820686 1.1912677 1.1987842 1.1851237 1.1500897 1.114983\n", + " 1.0919693 1.0813121 1.0802182 1.0801173 1.0751148 1.0646936 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.159585 1.1566744 1.1659535 1.1724387 1.1607833 1.1295211 1.0981663\n", + " 1.0772017 1.0668052 1.0633813 1.0618421 1.0573426 1.0491598 1.0424871\n", + " 1.0392333 1.0408047 1.0453863 1.0499114 1.0523196 1.0536277]\n", + " [1.156217 1.1530799 1.1640003 1.1726099 1.1602424 1.1284837 1.0961823\n", + " 1.0755976 1.0657051 1.0633907 1.0628357 1.058224 1.0498854 1.0422083\n", + " 1.0389669 1.0405236 1.045502 1.0500804 0. 0. ]]\n", + "[[1.1680195 1.1639003 1.1732616 1.1812767 1.1688921 1.135469 1.1017394\n", + " 1.0800033 1.0689943 1.0655619 1.0645019 1.0593797 1.0515667 1.0441204\n", + " 1.0403049 1.0420406 1.0468192 1.0513401 1.0543073 1.0553305]\n", + " [1.1691085 1.1660104 1.1760681 1.1838877 1.1704446 1.1363394 1.1034559\n", + " 1.0814896 1.0712436 1.0689338 1.0687437 1.0636549 1.0542605 1.0468607\n", + " 1.0432175 1.0451788 1.0505185 1.055948 0. 0. ]\n", + " [1.1735244 1.1715026 1.182991 1.1925589 1.1792399 1.1451671 1.1102042\n", + " 1.0870777 1.0756712 1.0723583 1.070664 1.065644 1.0564126 1.0479422\n", + " 1.0442835 1.0459367 1.0508664 1.056035 1.0585372 0. ]\n", + " [1.183075 1.1780696 1.188321 1.1970832 1.1845345 1.14992 1.1134284\n", + " 1.0892016 1.0783374 1.0766187 1.0772644 1.0725518 1.0629461 1.0541073\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1847298 1.1805637 1.1916436 1.1995301 1.1863914 1.1507766 1.1141508\n", + " 1.0899466 1.078588 1.0758034 1.0751975 1.0692456 1.0595992 1.0504805\n", + " 1.046805 1.048753 1.0547719 1.0608385 0. 0. ]]\n", + "[[1.1848216 1.1802322 1.1891288 1.1968101 1.1840855 1.1501387 1.1147288\n", + " 1.0912039 1.0794349 1.076179 1.0743207 1.0693909 1.0602661 1.0515766\n", + " 1.0482305 1.0508233 1.0564401 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1814969 1.1782832 1.1891052 1.198308 1.1850498 1.1507692 1.1148874\n", + " 1.0903533 1.0791097 1.075097 1.0740266 1.0682014 1.0582848 1.0497775\n", + " 1.0461438 1.0484062 1.054238 1.0592649 1.0614003 0. 0.\n", + " 0. ]\n", + " [1.1746843 1.1700981 1.1792549 1.1873682 1.1734562 1.140515 1.1061949\n", + " 1.0839357 1.073372 1.070823 1.0707777 1.0656853 1.0564555 1.0486333\n", + " 1.0453432 1.0474327 1.0527079 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.179142 1.1733122 1.1817666 1.1896718 1.1778015 1.1434306 1.1087253\n", + " 1.0854633 1.0751448 1.0725113 1.0708251 1.0661223 1.057068 1.049215\n", + " 1.0458863 1.0482563 1.0541346 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.148799 1.1470317 1.156321 1.1642982 1.1538695 1.1232558 1.093721\n", + " 1.073367 1.063255 1.0594301 1.0568492 1.0517824 1.0441158 1.0377333\n", + " 1.035371 1.0368288 1.0411754 1.0455397 1.0480715 1.0492461 1.050789\n", + " 1.0537534]]\n", + "[[1.1776607 1.176613 1.1873577 1.1958121 1.1820037 1.1464015 1.110815\n", + " 1.0867784 1.0753455 1.0724277 1.0703709 1.065426 1.0561008 1.0484442\n", + " 1.0441439 1.0458832 1.0508798 1.0558721 1.0583712 1.05948 ]\n", + " [1.2002578 1.1941938 1.2048699 1.215248 1.2028229 1.1654694 1.1268376\n", + " 1.1009531 1.0889075 1.0869751 1.0866603 1.0802946 1.0695655 1.0591197\n", + " 1.0545272 0. 0. 0. 0. 0. ]\n", + " [1.1896845 1.1842644 1.1949601 1.2034622 1.1907284 1.1551528 1.1188064\n", + " 1.0938174 1.0817028 1.0800295 1.0800246 1.0746815 1.064951 1.0555809\n", + " 1.0515466 1.0538412 0. 0. 0. 0. ]\n", + " [1.15726 1.1523453 1.1609012 1.1689954 1.1578648 1.1278843 1.0968978\n", + " 1.0765944 1.0674788 1.0655177 1.0654885 1.0605091 1.0519094 1.0442351\n", + " 1.0407505 1.0428923 0. 0. 0. 0. ]\n", + " [1.1637897 1.1584766 1.1676755 1.1768297 1.165685 1.1341205 1.1019474\n", + " 1.0805513 1.0703319 1.0689638 1.0692879 1.0648142 1.0561734 1.0476903\n", + " 1.044062 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1730818 1.1653279 1.1726785 1.1792606 1.1670234 1.1359193 1.103702\n", + " 1.082962 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2091215 1.2030998 1.2117279 1.2190263 1.2036766 1.165965 1.1285155\n", + " 1.1033903 1.0918062 1.0901824 1.0894778 1.0836964 1.0724055 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1646212 1.1608183 1.1712769 1.1795448 1.1687281 1.1365845 1.1030462\n", + " 1.0803392 1.0694759 1.0671403 1.065798 1.0615122 1.0529053 1.0451174\n", + " 1.0421968 1.0439833 1.0492023 1.0540901 0. 0. ]\n", + " [1.1641817 1.1614083 1.1727126 1.182222 1.1700997 1.13752 1.103303\n", + " 1.0815148 1.0703782 1.0665369 1.0645503 1.0587963 1.0500035 1.0428445\n", + " 1.0396023 1.0415264 1.0464658 1.0513378 1.053959 1.0549985]\n", + " [1.1667861 1.1625881 1.1726005 1.1805671 1.169614 1.1372017 1.1037174\n", + " 1.0813161 1.071358 1.0692973 1.0694033 1.0643692 1.0553995 1.0471976\n", + " 1.0432438 1.044864 1.0499295 0. 0. 0. ]]\n", + "[[1.1704444 1.1647252 1.1732285 1.1803249 1.1694084 1.1380707 1.1050112\n", + " 1.082541 1.072827 1.0703318 1.0697235 1.0652869 1.0565181 1.048519\n", + " 1.0449516 1.0472776 0. 0. 0. ]\n", + " [1.1823187 1.1778622 1.1871591 1.195097 1.1813356 1.1472979 1.1122361\n", + " 1.0890065 1.0783019 1.0751057 1.0751925 1.0698674 1.0601544 1.0513992\n", + " 1.0479423 1.0499012 1.0557623 0. 0. ]\n", + " [1.1713421 1.1659851 1.1736165 1.1810133 1.1681046 1.1371498 1.1047716\n", + " 1.0832806 1.0728581 1.0700698 1.0696617 1.0645689 1.0555811 1.0479803\n", + " 1.0441041 1.0459639 1.0515854 0. 0. ]\n", + " [1.1617504 1.1591774 1.1694354 1.1781436 1.165345 1.133773 1.1012303\n", + " 1.0798473 1.0700545 1.0676342 1.0666227 1.0612639 1.0524596 1.0448124\n", + " 1.040966 1.0429155 1.0483134 1.0537416 0. ]\n", + " [1.171184 1.1678373 1.1789545 1.186629 1.1761261 1.1424199 1.1074533\n", + " 1.0854478 1.074206 1.0708892 1.0695306 1.0640928 1.0554836 1.0467649\n", + " 1.0432285 1.044849 1.049949 1.0545849 1.0570416]]\n", + "[[1.1846502 1.1792622 1.1894679 1.1986562 1.1849022 1.1501756 1.1142813\n", + " 1.090696 1.0812056 1.0803833 1.0809313 1.0752504 1.0648131 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1772616 1.1732395 1.1845 1.1948242 1.1802931 1.144357 1.1082655\n", + " 1.0855389 1.0758502 1.0761466 1.0772581 1.071935 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1824954 1.1803635 1.1922387 1.2013047 1.1883124 1.1517754 1.1145399\n", + " 1.0902419 1.0783776 1.0755553 1.0740904 1.0679433 1.058737 1.0504208\n", + " 1.0466068 1.0483099 1.053494 1.0588474 1.0613979 0. 0. ]\n", + " [1.1871464 1.183039 1.1944178 1.2044222 1.1916759 1.1546112 1.1174576\n", + " 1.0927128 1.0806123 1.0768247 1.0743573 1.0680932 1.0578153 1.0496548\n", + " 1.0461354 1.0481982 1.0538629 1.0590248 1.0618014 1.0629903 1.0647349]\n", + " [1.1722211 1.1700839 1.18014 1.1886402 1.1763648 1.143337 1.1089952\n", + " 1.0861678 1.0743585 1.0711477 1.0702884 1.063856 1.0551004 1.0470498\n", + " 1.0435327 1.0450227 1.0502329 1.0552279 1.0576782 0. 0. ]]\n", + "[[1.2080233 1.2031069 1.2139508 1.2229397 1.2081395 1.1700807 1.1299645\n", + " 1.1029708 1.0897176 1.0860655 1.0846261 1.0769192 1.0665972 1.0573981\n", + " 1.0538905 1.0565807 1.0636077 1.0697485]\n", + " [1.1620212 1.1567199 1.1646591 1.173048 1.1626035 1.1308136 1.0997435\n", + " 1.077783 1.0682905 1.066969 1.0664282 1.0629861 1.0551456 1.0472873\n", + " 1.0435888 1.0449375 0. 0. ]\n", + " [1.1667244 1.1628357 1.1724352 1.1812292 1.1692362 1.1366813 1.1034064\n", + " 1.081368 1.0709378 1.0690042 1.0682024 1.0639046 1.0549278 1.0469413\n", + " 1.0433339 1.0449558 1.0502336 0. ]\n", + " [1.1823506 1.1778791 1.188659 1.1983109 1.186878 1.1525081 1.1162574\n", + " 1.0919341 1.080157 1.0772024 1.0768758 1.0715989 1.06258 1.0534264\n", + " 1.0493294 1.0506794 1.0559849 1.0612663]\n", + " [1.1623644 1.1584637 1.1670334 1.174054 1.1626475 1.1314471 1.0991155\n", + " 1.0779662 1.0676543 1.0654685 1.0655328 1.0614372 1.0536094 1.0459324\n", + " 1.0424234 1.0437882 1.048466 0. ]]\n", + "[[1.1738813 1.1705824 1.1803439 1.187506 1.1754588 1.1415172 1.10606\n", + " 1.0837318 1.0731715 1.0714662 1.0713203 1.0668023 1.058014 1.04961\n", + " 1.0458542 1.0479158 1.0529808 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1714336 1.166771 1.1772252 1.186804 1.1749146 1.1420059 1.1072218\n", + " 1.0847132 1.0742714 1.0720985 1.0714154 1.0663333 1.0566646 1.0480466\n", + " 1.044224 1.0462613 1.0519732 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1622113 1.1607435 1.1727694 1.1824223 1.1695797 1.1369101 1.1035024\n", + " 1.0811679 1.0704623 1.0668433 1.0650804 1.0588261 1.0497245 1.0419078\n", + " 1.0391093 1.0409083 1.0458128 1.0506228 1.0532029 1.0539535 1.0553325\n", + " 1.0592024 1.066283 ]\n", + " [1.1733898 1.1711802 1.1823448 1.1911671 1.1783223 1.1440793 1.1090113\n", + " 1.0861475 1.0748231 1.0708507 1.0698335 1.0637556 1.0542333 1.0469353\n", + " 1.0435374 1.0454682 1.0504341 1.0553644 1.0578783 1.058875 1.0601825\n", + " 0. 0. ]\n", + " [1.1572692 1.1551424 1.1655016 1.1743323 1.162629 1.1320968 1.1008378\n", + " 1.0792085 1.0677472 1.0643811 1.0620849 1.0562456 1.0480676 1.0409402\n", + " 1.037872 1.0394121 1.0436013 1.0486368 1.0510397 1.0520365 1.0540696\n", + " 0. 0. ]]\n", + "[[1.1858025 1.1835436 1.1941897 1.2028978 1.189243 1.1551697 1.1190991\n", + " 1.0943445 1.0816627 1.07626 1.0737826 1.0672176 1.0577941 1.0501883\n", + " 1.0468559 1.0489112 1.0537546 1.0590163 1.0610765 1.0626383 1.0648348]\n", + " [1.1850632 1.1798271 1.1897099 1.1979165 1.1858189 1.1510994 1.1156931\n", + " 1.0919132 1.0810257 1.0788429 1.079293 1.074634 1.0642326 1.0550807\n", + " 1.0511992 0. 0. 0. 0. 0. 0. ]\n", + " [1.1688802 1.1634512 1.1734332 1.1831709 1.1722857 1.1398363 1.1061383\n", + " 1.0837111 1.0740988 1.0724336 1.0725769 1.0680714 1.0581876 1.0494621\n", + " 1.0451187 0. 0. 0. 0. 0. 0. ]\n", + " [1.1888325 1.1840963 1.194225 1.2022429 1.1899226 1.1542468 1.1174351\n", + " 1.0934908 1.0811408 1.0779035 1.0772057 1.0714406 1.0613782 1.0531267\n", + " 1.0492319 1.0513822 1.0574945 1.0628164 0. 0. 0. ]\n", + " [1.17337 1.1702307 1.1801077 1.1893349 1.1768099 1.1423249 1.1072863\n", + " 1.0847695 1.0745955 1.0737875 1.0743008 1.0701518 1.0598736 1.0512357\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1803254 1.1772869 1.1888673 1.1985217 1.1859446 1.1516534 1.1155721\n", + " 1.091425 1.0790464 1.0748379 1.0728831 1.0664495 1.0568699 1.0484755\n", + " 1.0449492 1.0469202 1.052113 1.0569795 1.0594854 1.0605302]\n", + " [1.175142 1.1710796 1.180605 1.1891922 1.1765517 1.1438541 1.1104856\n", + " 1.0875201 1.0763319 1.0729659 1.0717163 1.0662544 1.0571293 1.0489367\n", + " 1.0452989 1.0472574 1.0524677 1.0574374 0. 0. ]\n", + " [1.1690677 1.1668227 1.1778439 1.1866703 1.1750301 1.1417596 1.1074551\n", + " 1.0847138 1.0736817 1.0700686 1.0685959 1.0628836 1.054288 1.0463188\n", + " 1.0426697 1.0444783 1.0496405 1.0545632 1.0570327 0. ]\n", + " [1.153382 1.1509414 1.160419 1.1689686 1.1576263 1.1272849 1.0956366\n", + " 1.0744524 1.0644631 1.0609319 1.0601861 1.0552852 1.0479109 1.0408616\n", + " 1.0379559 1.0394487 1.0437609 1.0478549 1.0499742 0. ]\n", + " [1.1853406 1.1799506 1.1879631 1.1965039 1.1830269 1.1487293 1.1130377\n", + " 1.090215 1.0796323 1.076921 1.0768033 1.0714579 1.0616107 1.0525796\n", + " 1.0489446 1.0510876 0. 0. 0. 0. ]]\n", + "[[1.1983142 1.1917589 1.2005244 1.2088315 1.1950125 1.1591201 1.1220907\n", + " 1.0977163 1.0865927 1.0843558 1.0844432 1.078449 1.0676253 1.0574956\n", + " 1.0535794 0. 0. 0. 0. ]\n", + " [1.1688383 1.1654842 1.1775584 1.1883565 1.1768537 1.1423645 1.1074376\n", + " 1.0845302 1.0732605 1.069849 1.068974 1.0631471 1.0537504 1.0454599\n", + " 1.0416629 1.0432477 1.0484852 1.0533913 1.05617 ]\n", + " [1.1895447 1.1843542 1.1942849 1.2033656 1.1906565 1.1540935 1.1161094\n", + " 1.0913751 1.0799714 1.0788585 1.0794123 1.0747348 1.0653242 1.0558155\n", + " 1.0516967 0. 0. 0. 0. ]\n", + " [1.1876963 1.1839671 1.1959826 1.2054126 1.190548 1.1541442 1.1168063\n", + " 1.0914448 1.0799613 1.077224 1.0764424 1.0708227 1.0609406 1.0521845\n", + " 1.0479771 1.0500776 1.0559231 1.0618726 0. ]\n", + " [1.1959144 1.1906122 1.2017468 1.2103047 1.1975999 1.1619325 1.12396\n", + " 1.0986941 1.086339 1.0846679 1.0847789 1.0797603 1.0687567 1.0588874\n", + " 1.054431 0. 0. 0. 0. ]]\n", + "[[1.1698991 1.1676182 1.178608 1.1868088 1.1731148 1.1396335 1.1059688\n", + " 1.0837233 1.0731798 1.0715789 1.0703896 1.0655761 1.0565879 1.0482196\n", + " 1.0449888 1.0465609 1.0517567 0. ]\n", + " [1.206863 1.2009584 1.2117462 1.2190312 1.2048726 1.1646938 1.1256707\n", + " 1.0987787 1.0875968 1.0859139 1.0870725 1.0818763 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1761472 1.1722893 1.1831619 1.1917381 1.1804866 1.1461059 1.1106464\n", + " 1.0862834 1.0754344 1.0722979 1.0722283 1.0670904 1.0577108 1.0495535\n", + " 1.0456251 1.0473504 1.0532092 0. ]\n", + " [1.1814394 1.1783144 1.1878344 1.1962222 1.1833694 1.1490463 1.1130598\n", + " 1.0895222 1.0779638 1.0744153 1.0737319 1.0685074 1.0593252 1.0505111\n", + " 1.0469844 1.048719 1.0543244 1.0596448]\n", + " [1.176003 1.1695724 1.1795002 1.1879408 1.1755627 1.1409702 1.1056195\n", + " 1.0828028 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1736349 1.1700114 1.1804031 1.1893315 1.1774476 1.1435097 1.1082929\n", + " 1.0859553 1.075025 1.0740739 1.0742732 1.06946 1.0600367 1.0512741\n", + " 1.0472484 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1582768 1.1573062 1.1682879 1.1777413 1.165515 1.1331995 1.1003937\n", + " 1.0783637 1.0673308 1.0640087 1.0620314 1.0562501 1.0488819 1.0421041\n", + " 1.0392979 1.0412205 1.045859 1.0507455 1.0527629 1.0533772 1.0542791\n", + " 1.0577234]\n", + " [1.1649574 1.1601366 1.1701343 1.1793126 1.1686537 1.1361239 1.1020573\n", + " 1.0799314 1.0696864 1.0680778 1.0679481 1.0641078 1.0558668 1.0478165\n", + " 1.0442235 1.045989 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1875671 1.1825336 1.1920851 1.2010822 1.1880419 1.1530981 1.1173061\n", + " 1.0938805 1.0828788 1.0807679 1.0808288 1.0757855 1.0651816 1.0558358\n", + " 1.0518748 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1639864 1.1608297 1.1708369 1.1782764 1.1669276 1.1341381 1.1009663\n", + " 1.0798224 1.0701915 1.0681728 1.067924 1.0629339 1.0537959 1.0460247\n", + " 1.0423568 1.0442283 1.0494208 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1926941 1.1878734 1.1981065 1.2061421 1.1916767 1.156566 1.1200458\n", + " 1.096368 1.0856494 1.0839709 1.083364 1.0779938 1.0670422 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.164907 1.1616609 1.1714838 1.1789764 1.1671716 1.134799 1.1013981\n", + " 1.0794365 1.069444 1.0671798 1.0663491 1.0621601 1.053331 1.0458503\n", + " 1.0425119 1.0439413 1.0486743 1.0534488 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.161905 1.1566064 1.1655225 1.17394 1.1622701 1.1310818 1.0990953\n", + " 1.0774907 1.0680226 1.066041 1.0658526 1.0622724 1.0541979 1.0466281\n", + " 1.0430242 1.0448139 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1631625 1.160422 1.1714491 1.181411 1.17086 1.1373755 1.103396\n", + " 1.0808158 1.0693656 1.0654014 1.0640677 1.0583435 1.0492487 1.042416\n", + " 1.0390372 1.0406042 1.0455264 1.0506814 1.0530924 1.0544647 1.0561888\n", + " 1.0590051 1.065299 ]\n", + " [1.1769872 1.173997 1.1849215 1.1945543 1.1818697 1.1472815 1.1124215\n", + " 1.0893329 1.0774876 1.0729429 1.0706784 1.0639251 1.0545826 1.0468479\n", + " 1.0435646 1.0456301 1.0502291 1.0551714 1.0579484 1.0595148 1.0620464\n", + " 1.0659721 0. ]]\n", + "[[1.1947817 1.1909338 1.2013395 1.2096393 1.1944283 1.1576 1.1198893\n", + " 1.0954094 1.0848904 1.0843927 1.0848851 1.0787723 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1653723 1.160656 1.1703564 1.1791805 1.1670307 1.1360832 1.1032468\n", + " 1.0817277 1.0717537 1.0696605 1.069825 1.0653867 1.055983 1.0477566\n", + " 1.0439429 1.0461382 0. 0. 0. ]\n", + " [1.1792132 1.1732923 1.1832516 1.1940039 1.1837621 1.1506463 1.1146798\n", + " 1.0901635 1.0783877 1.0755774 1.0759492 1.0709596 1.0618595 1.0524169\n", + " 1.0480154 1.0500598 0. 0. 0. ]\n", + " [1.1995195 1.195053 1.2061579 1.215184 1.1999774 1.162801 1.1236229\n", + " 1.0973749 1.0841419 1.080919 1.078886 1.0723674 1.0627743 1.0540578\n", + " 1.0495613 1.0517664 1.0572788 1.0627322 1.0655953]\n", + " [1.1875844 1.1830611 1.1942279 1.2047559 1.1930451 1.1570125 1.1188891\n", + " 1.0941659 1.0824134 1.0795118 1.079129 1.0731114 1.0624796 1.0530168\n", + " 1.0487201 1.0504264 1.0565537 1.0621893 0. ]]\n", + "[[1.1630777 1.1602756 1.1699247 1.1778672 1.164589 1.1327434 1.1011934\n", + " 1.08001 1.0699266 1.0668653 1.0655903 1.0608293 1.0522281 1.0449779\n", + " 1.0418867 1.0435374 1.0484885 1.053314 0. 0. ]\n", + " [1.1713223 1.1704018 1.1815275 1.1903696 1.1774358 1.1430887 1.1085349\n", + " 1.085588 1.0743507 1.0710793 1.0697129 1.0637542 1.055232 1.0473845\n", + " 1.0439134 1.0449687 1.0499142 1.0548744 1.0573034 1.0581522]\n", + " [1.1618016 1.1569041 1.1660773 1.1745316 1.1636813 1.1317781 1.0988027\n", + " 1.0776703 1.0678939 1.0655445 1.0657784 1.0616832 1.0528175 1.0453278\n", + " 1.0418582 1.0439618 0. 0. 0. 0. ]\n", + " [1.1729211 1.1709199 1.1823986 1.1892312 1.17612 1.1418165 1.1070838\n", + " 1.0844479 1.0738332 1.0710565 1.0699017 1.0646755 1.0555816 1.0477253\n", + " 1.0443473 1.0460567 1.0509827 1.0560116 1.0584394 0. ]\n", + " [1.1774682 1.1721019 1.1822302 1.1918584 1.1790807 1.14573 1.1108072\n", + " 1.0876209 1.0772852 1.0756922 1.0756097 1.0709485 1.061158 1.0522418\n", + " 1.0481296 0. 0. 0. 0. 0. ]]\n", + "[[1.171655 1.1681097 1.1780983 1.1868826 1.1741474 1.140535 1.1057967\n", + " 1.0831885 1.0736583 1.0729324 1.0731229 1.0686345 1.0590475 1.0505319\n", + " 0. 0. 0. 0. ]\n", + " [1.1877576 1.1840656 1.1940987 1.2027785 1.189923 1.1537869 1.1183233\n", + " 1.0943483 1.0828662 1.0795789 1.077784 1.0723196 1.0621477 1.0525345\n", + " 1.0488563 1.0515015 1.0571996 1.0629416]\n", + " [1.1935956 1.1876819 1.1952689 1.2038106 1.1897979 1.1552584 1.1197718\n", + " 1.0961257 1.0843582 1.0810323 1.0792236 1.0740333 1.063414 1.0545626\n", + " 1.051143 1.0537375 1.0602895 0. ]\n", + " [1.1882325 1.1810336 1.1896311 1.1994247 1.1878272 1.1530571 1.1183494\n", + " 1.0947073 1.0832685 1.0811952 1.0807178 1.0754879 1.0647122 1.0554965\n", + " 1.0511671 0. 0. 0. ]\n", + " [1.1735219 1.1678393 1.1761339 1.1828501 1.1715245 1.138608 1.1046704\n", + " 1.0823209 1.0722785 1.0697546 1.0700626 1.0657674 1.0573173 1.0491483\n", + " 1.0455703 1.047562 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1904973 1.1834553 1.1923106 1.2002902 1.1877534 1.1534563 1.1178259\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1731893 1.1706469 1.1815177 1.1906934 1.1771231 1.143922 1.1089875\n", + " 1.085329 1.0739542 1.0711066 1.0707692 1.0653133 1.0563166 1.0483745\n", + " 1.0450399 1.0468436 1.0516577 1.0566026 0. ]\n", + " [1.1717063 1.1668681 1.1765285 1.1843181 1.1731522 1.1406534 1.1070958\n", + " 1.0846916 1.074296 1.0721123 1.0727518 1.0685233 1.0592617 1.0510576\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1703966 1.1665616 1.1764133 1.1846942 1.1728834 1.1393741 1.1053156\n", + " 1.0828011 1.0731053 1.0710342 1.0719066 1.0670339 1.0581799 1.0495279\n", + " 1.0454102 1.0473399 0. 0. 0. ]\n", + " [1.1742927 1.1708827 1.1819577 1.1901686 1.1773969 1.1431026 1.108394\n", + " 1.085105 1.0742751 1.0708606 1.0701559 1.0647326 1.056297 1.0481404\n", + " 1.0446806 1.0463651 1.0515609 1.056485 1.0589366]]\n", + "[[1.178072 1.1745166 1.1858537 1.1959963 1.1828891 1.1476481 1.1112685\n", + " 1.0873692 1.0754329 1.072064 1.0702335 1.0645392 1.0549529 1.047195\n", + " 1.0439324 1.0458987 1.050935 1.0558017 1.0583364]\n", + " [1.1647744 1.1614377 1.1725694 1.1835382 1.1721755 1.1390487 1.1051234\n", + " 1.0826838 1.0710561 1.068295 1.06706 1.0615176 1.0522101 1.0441315\n", + " 1.0404514 1.0421182 1.0470777 1.0521678 1.0550064]]\n", + "[[1.1669276 1.1644591 1.1754903 1.1845175 1.1716112 1.1378747 1.1036516\n", + " 1.081269 1.0707933 1.068337 1.0674146 1.0629631 1.0544598 1.0467591\n", + " 1.0434606 1.0449932 1.0500574 1.054664 ]\n", + " [1.1614895 1.155905 1.1629643 1.1689645 1.156482 1.1263247 1.0955794\n", + " 1.0756044 1.0666208 1.0656856 1.0662771 1.0620176 1.0541173 1.046233\n", + " 0. 0. 0. 0. ]\n", + " [1.1602876 1.1564221 1.1664977 1.1750709 1.1634004 1.1316876 1.0991169\n", + " 1.0780923 1.0684173 1.0660183 1.0656912 1.0609782 1.0527077 1.044447\n", + " 1.0410166 1.0427064 1.0479568 0. ]\n", + " [1.1461087 1.1441827 1.1551857 1.1638262 1.152394 1.1228327 1.0922009\n", + " 1.0718342 1.0618292 1.0595835 1.0587482 1.0542601 1.0461448 1.0385567\n", + " 1.035767 1.0376043 1.042332 1.0472802]\n", + " [1.1800206 1.1758877 1.1866398 1.195798 1.1820817 1.1473635 1.1119152\n", + " 1.0885694 1.077749 1.0762093 1.0761026 1.0704117 1.0610574 1.0522004\n", + " 1.0477233 1.0498956 0. 0. ]]\n", + "[[1.1740402 1.168764 1.1783797 1.1867712 1.1755592 1.1427355 1.1087499\n", + " 1.0858006 1.0748467 1.0726491 1.0717039 1.0662836 1.0575086 1.0491076\n", + " 1.0454217 1.0471041 1.0525092 1.0576806 0. 0. 0.\n", + " 0. ]\n", + " [1.1720037 1.1678147 1.1776065 1.1850436 1.1717017 1.1394134 1.1059053\n", + " 1.0837048 1.0738263 1.07198 1.071803 1.0666983 1.057214 1.0486509\n", + " 1.045339 1.0475539 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1795197 1.1765823 1.187339 1.196532 1.183371 1.1486382 1.1134887\n", + " 1.0898513 1.0781661 1.0742785 1.0726883 1.0662439 1.0567094 1.0486654\n", + " 1.0449852 1.0468471 1.05242 1.057235 1.0594568 1.0601159 0.\n", + " 0. ]\n", + " [1.177439 1.1738285 1.1842421 1.1932832 1.1801203 1.1442444 1.1089511\n", + " 1.0855299 1.0757664 1.074786 1.0750684 1.070714 1.0609483 1.0521808\n", + " 1.0484521 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1627628 1.1598371 1.1701031 1.179062 1.1678543 1.1368221 1.1038008\n", + " 1.0817065 1.0699325 1.0661216 1.0643196 1.0589362 1.0510371 1.043868\n", + " 1.0407821 1.0422325 1.0469756 1.0511881 1.0538583 1.0547111 1.0562238\n", + " 1.0598185]]\n", + "[[1.1507674 1.1484151 1.158652 1.1685864 1.1591357 1.1288013 1.0976766\n", + " 1.077226 1.0669692 1.0632217 1.061088 1.0546272 1.0463687 1.0390697\n", + " 1.0360829 1.0381048 1.0426857 1.0475354 1.0492746 1.0499728 1.0510573\n", + " 1.0538332 1.060137 1.0693338 1.0768363 1.0803378]\n", + " [1.168818 1.1656137 1.177412 1.1866958 1.174712 1.1399407 1.1061254\n", + " 1.0830032 1.0716693 1.069043 1.0680623 1.0631198 1.0540502 1.046166\n", + " 1.0424572 1.0441867 1.0490613 1.0538644 1.0562097 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1805595 1.1774725 1.1900654 1.199789 1.1889576 1.1538938 1.116749\n", + " 1.0918614 1.079804 1.0763173 1.0747055 1.06833 1.0586783 1.0500041\n", + " 1.0458218 1.0477108 1.0529071 1.058091 1.0606797 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1761754 1.1744134 1.1860805 1.1951996 1.182523 1.1482213 1.112773\n", + " 1.0888972 1.077105 1.0731367 1.0704416 1.0646135 1.0550888 1.0473299\n", + " 1.0435727 1.0453577 1.0505357 1.0555139 1.0585108 1.059512 1.0614722\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1641713 1.1604059 1.1709573 1.1792091 1.1689403 1.1377908 1.1052376\n", + " 1.08327 1.071579 1.067733 1.0654466 1.0593592 1.0505606 1.0432285\n", + " 1.0398549 1.0413727 1.0463642 1.0510068 1.0530692 1.0539312 1.0550683\n", + " 1.0584388 0. 0. 0. 0. ]]\n", + "[[1.1721456 1.1666533 1.1754959 1.183653 1.1721271 1.1397084 1.1068132\n", + " 1.0846142 1.0742056 1.0714386 1.0711515 1.0660956 1.0568547 1.0484273\n", + " 1.0444226 1.0460583 1.0516706 0. 0. 0. ]\n", + " [1.1744455 1.1714622 1.1827016 1.1922532 1.1801338 1.1460747 1.1107602\n", + " 1.0865364 1.0748639 1.0711602 1.0691516 1.0639164 1.0546896 1.0470314\n", + " 1.0432948 1.0453063 1.050368 1.0552787 1.0576922 1.0586643]\n", + " [1.178292 1.1743351 1.1864258 1.1969359 1.1846886 1.149026 1.1129482\n", + " 1.0899724 1.0788225 1.0759352 1.0755463 1.0700076 1.0603769 1.0510799\n", + " 1.0469333 1.048819 1.0545603 1.0604782 0. 0. ]\n", + " [1.1685939 1.1634079 1.1733586 1.1823679 1.1710236 1.1384636 1.1048917\n", + " 1.082975 1.0738823 1.0727906 1.0733906 1.0686891 1.0586934 1.0499523\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1578522 1.1537087 1.1626432 1.1701194 1.1589454 1.1278939 1.0957303\n", + " 1.0754114 1.0661205 1.0643785 1.0648843 1.0611753 1.0528947 1.0453448\n", + " 1.0420524 1.0437324 0. 0. 0. 0. ]]\n", + "[[1.1656638 1.1635079 1.1735848 1.1811124 1.1700522 1.1370821 1.1035465\n", + " 1.080863 1.0696052 1.0665612 1.0646358 1.059364 1.0506204 1.0434188\n", + " 1.0404464 1.0424073 1.0470798 1.051308 1.0535661 1.0546578]\n", + " [1.1849322 1.177472 1.1863415 1.1953096 1.1842372 1.1511385 1.1151165\n", + " 1.0915728 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1661932 1.1639762 1.1753421 1.1853576 1.1726565 1.1384305 1.1044489\n", + " 1.0821916 1.0712091 1.0685375 1.0675032 1.0620464 1.0524797 1.0445669\n", + " 1.0412332 1.0428917 1.0480384 1.0528071 1.0553076 0. ]\n", + " [1.1619408 1.1579816 1.1681036 1.1762527 1.1660656 1.1349317 1.1026716\n", + " 1.0806048 1.0699282 1.0663862 1.0644995 1.0591199 1.0507036 1.0431249\n", + " 1.0402198 1.0414711 1.0469478 1.0515753 1.0538367 1.0544548]\n", + " [1.1633426 1.1602702 1.169292 1.1756407 1.1647763 1.1328936 1.0997288\n", + " 1.0789232 1.0699259 1.0685894 1.0687844 1.0647819 1.0558348 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1741524 1.1722294 1.1834513 1.1932569 1.1811093 1.1470459 1.1117306\n", + " 1.087975 1.0758106 1.0722244 1.0707479 1.0652122 1.056393 1.0478412\n", + " 1.0446861 1.0466256 1.0516948 1.056926 1.0588775 0. 0. ]\n", + " [1.1733364 1.1712563 1.1827646 1.1921067 1.1778365 1.1435952 1.1085385\n", + " 1.0855649 1.0744137 1.0717722 1.0701694 1.0649667 1.0554839 1.0475774\n", + " 1.0437424 1.0459623 1.0513376 1.0563991 1.0587478 0. 0. ]\n", + " [1.1694468 1.165207 1.1755962 1.1849614 1.1734422 1.1405402 1.1071619\n", + " 1.0849807 1.0749257 1.0729175 1.0732813 1.0683929 1.0586829 1.0500594\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1722 1.1698087 1.1810292 1.1885085 1.1775107 1.1432939 1.1081518\n", + " 1.0851076 1.0743307 1.0711014 1.070752 1.0659266 1.056741 1.0486435\n", + " 1.0446572 1.0464996 1.0516083 1.0567259 0. 0. 0. ]\n", + " [1.1596764 1.1569227 1.1668085 1.1744307 1.162779 1.1322976 1.1008648\n", + " 1.0794834 1.0686374 1.065062 1.0627103 1.0570701 1.048462 1.0419109\n", + " 1.0392122 1.0414898 1.0457671 1.0502592 1.0523827 1.053873 1.0556694]]\n", + "[[1.1513038 1.1491703 1.1597455 1.1675303 1.1573286 1.1268035 1.0951653\n", + " 1.0744443 1.0645057 1.0622537 1.0607808 1.0557567 1.047488 1.0399187\n", + " 1.036788 1.0383168 1.0425822 1.0473139 1.0495856]\n", + " [1.1749071 1.1701075 1.1815271 1.1907321 1.1787229 1.1443691 1.1098931\n", + " 1.0866072 1.076494 1.0746584 1.0746701 1.0700047 1.0601343 1.0513203\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1955265 1.1898866 1.199236 1.2069155 1.1932772 1.1590099 1.1228899\n", + " 1.0979472 1.0858688 1.0817921 1.0809349 1.0750016 1.0645299 1.0549643\n", + " 1.0513682 1.0540789 1.0604877 0. 0. ]\n", + " [1.1859593 1.1791674 1.1877521 1.196311 1.1841904 1.1491326 1.1130819\n", + " 1.0895144 1.0787292 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1570936 1.1528715 1.1623948 1.1711484 1.160755 1.1288772 1.0974687\n", + " 1.0766144 1.0671017 1.0658085 1.0660254 1.0615133 1.0529068 1.0451064\n", + " 1.0413077 1.0431292 0. 0. 0. ]]\n", + "[[1.1734906 1.1697764 1.1803765 1.1888274 1.1757003 1.1415706 1.107055\n", + " 1.084085 1.0736768 1.0714557 1.0702664 1.064942 1.0558444 1.0476407\n", + " 1.043906 1.0459551 1.0510719 1.0560298]\n", + " [1.1702975 1.1634983 1.1723642 1.1800302 1.168308 1.136713 1.1041334\n", + " 1.0822812 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1575879 1.1523263 1.1608317 1.1686615 1.1568471 1.1271738 1.0963242\n", + " 1.0763545 1.067184 1.0660841 1.0661712 1.0617896 1.0526285 1.0449271\n", + " 0. 0. 0. 0. ]\n", + " [1.1624252 1.1585606 1.1688262 1.177655 1.16599 1.1331599 1.1000313\n", + " 1.0785156 1.0688275 1.0672295 1.0671314 1.0624638 1.0539958 1.0459619\n", + " 1.042226 1.0437284 1.0489851 0. ]\n", + " [1.1736014 1.1687672 1.1783297 1.1865101 1.1734288 1.1408482 1.1074319\n", + " 1.0857595 1.0751243 1.0736525 1.0732001 1.0681537 1.0583308 1.0499512\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1609929 1.1578052 1.1668309 1.1740059 1.1612439 1.1294094 1.0976764\n", + " 1.0769054 1.0669472 1.0639395 1.0631089 1.0582013 1.0502931 1.0428923\n", + " 1.040004 1.0414815 1.0461929 1.0504931 1.0527697]\n", + " [1.1601611 1.1575019 1.1687412 1.1781859 1.1681293 1.135222 1.1011035\n", + " 1.0785518 1.0690178 1.068066 1.0685505 1.0644301 1.0550299 1.0464976\n", + " 1.0426171 0. 0. 0. 0. ]\n", + " [1.1752163 1.1708267 1.1813626 1.1907513 1.1786225 1.1445937 1.1100879\n", + " 1.0871512 1.0762349 1.0738723 1.0733303 1.0678215 1.0580684 1.0494815\n", + " 1.0454886 1.0475107 0. 0. 0. ]\n", + " [1.1928445 1.18946 1.2004519 1.2091229 1.1969943 1.1602727 1.121557\n", + " 1.0958776 1.085313 1.0835202 1.0832381 1.0784972 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1645055 1.1601467 1.1697196 1.1770344 1.1662169 1.1348919 1.1027739\n", + " 1.0814339 1.0719005 1.06989 1.0702562 1.0659083 1.0566725 1.048026\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1675342 1.1625156 1.1719801 1.1805953 1.1682279 1.1347613 1.1015347\n", + " 1.0799376 1.06953 1.0678854 1.0678986 1.063492 1.0551671 1.0475255\n", + " 1.0439723 1.0459604 0. 0. 0. 0. ]\n", + " [1.1809002 1.1782216 1.1899552 1.1990921 1.1866558 1.1520784 1.1157975\n", + " 1.0906924 1.0790758 1.0750184 1.0728062 1.0674175 1.0579786 1.0498375\n", + " 1.0457888 1.0478032 1.0528047 1.0580959 1.060505 1.0612649]\n", + " [1.1679809 1.1649768 1.1756569 1.1840231 1.1731482 1.1393611 1.1043733\n", + " 1.0814658 1.0706275 1.0675015 1.067163 1.0624018 1.0541577 1.0460103\n", + " 1.04264 1.0442055 1.048966 1.0537649 1.056316 0. ]\n", + " [1.1797838 1.1733024 1.1827499 1.1914787 1.1791816 1.1459163 1.1108642\n", + " 1.0881271 1.0776283 1.0762827 1.0769223 1.071789 1.0622541 1.0531577\n", + " 1.0492026 0. 0. 0. 0. 0. ]\n", + " [1.1821265 1.1785548 1.1874541 1.1940477 1.1790466 1.1456856 1.1117936\n", + " 1.0892255 1.0778475 1.0741715 1.071829 1.0667255 1.0571254 1.0492995\n", + " 1.0454147 1.0475284 1.0528258 1.0577452 1.0604136 1.0614617]]\n", + "[[1.1754029 1.1732484 1.1847682 1.1945211 1.1821876 1.1470906 1.1107589\n", + " 1.0863574 1.0743554 1.0709355 1.0690777 1.062558 1.0539192 1.0460691\n", + " 1.0429705 1.0449055 1.0503997 1.0554494 1.0579118 1.059089 1.0609088]\n", + " [1.16487 1.16085 1.1703608 1.1785676 1.1666784 1.134325 1.1019084\n", + " 1.080438 1.0705421 1.0686831 1.0686306 1.063558 1.0551543 1.0470697\n", + " 1.0429888 1.044911 0. 0. 0. 0. 0. ]\n", + " [1.1710433 1.1677084 1.1783202 1.1864804 1.1748589 1.1421522 1.1083574\n", + " 1.0855085 1.0733182 1.069978 1.0683364 1.0628996 1.05425 1.0463548\n", + " 1.0429567 1.0449723 1.0500689 1.0546801 1.0568085 1.0581634 0. ]\n", + " [1.2254407 1.2187053 1.2282377 1.2365646 1.2211404 1.1805348 1.1388121\n", + " 1.1099811 1.0966179 1.0942708 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1643877 1.1604564 1.1706482 1.1798086 1.1692722 1.1360843 1.1025255\n", + " 1.0806799 1.070759 1.0690504 1.0689754 1.0642899 1.0556647 1.0472853\n", + " 1.043368 1.0451179 0. 0. 0. 0. 0. ]]\n", + "[[1.1776122 1.1746532 1.185292 1.1946199 1.1817578 1.1456234 1.1093024\n", + " 1.0851822 1.0746804 1.0738975 1.0750878 1.0706521 1.0612581 1.0521481\n", + " 1.0481937 0. 0. 0. 0. 0. 0. ]\n", + " [1.1994095 1.1954192 1.2057886 1.2150075 1.2021248 1.165081 1.127259\n", + " 1.1010988 1.0874676 1.0823274 1.079626 1.0726244 1.0627283 1.0544792\n", + " 1.0508435 1.0533621 1.0584738 1.0644062 1.0670723 1.0680796 1.0700718]\n", + " [1.1707778 1.1671076 1.1763457 1.1860336 1.1736441 1.1405746 1.1070763\n", + " 1.0847623 1.0745473 1.0716794 1.0714002 1.0658436 1.0560318 1.0477651\n", + " 1.0439166 1.0460162 1.051409 0. 0. 0. 0. ]\n", + " [1.1746359 1.1684246 1.1766335 1.1832616 1.1718564 1.1399493 1.1065998\n", + " 1.0851867 1.0748011 1.0732012 1.072951 1.0676146 1.0588942 1.0504493\n", + " 1.0466728 0. 0. 0. 0. 0. 0. ]\n", + " [1.1839402 1.1788006 1.1887761 1.1976182 1.1856047 1.1504534 1.1141661\n", + " 1.0901977 1.079519 1.0780227 1.0776944 1.072907 1.0627815 1.0538467\n", + " 1.0491251 1.0509094 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1786526 1.17457 1.1839509 1.1913795 1.1798712 1.1451445 1.1099886\n", + " 1.0863978 1.0751586 1.0726221 1.0717635 1.0669963 1.0583258 1.0499437\n", + " 1.046629 1.0485001 1.0539395 1.0591153 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1717494 1.168022 1.1793513 1.1899313 1.1797683 1.1470546 1.1128072\n", + " 1.0887659 1.0766591 1.0719955 1.0698928 1.063253 1.0536824 1.0458897\n", + " 1.0425591 1.0453774 1.0510201 1.0562755 1.0590239 1.0597655 1.0601941\n", + " 1.0638514 1.0711365 1.0812867 1.0895404 1.0939007 1.0949038]\n", + " [1.1675532 1.1619085 1.171318 1.1796913 1.16677 1.1344491 1.1013685\n", + " 1.0794514 1.0687958 1.0665236 1.0666006 1.0617718 1.0541 1.0462048\n", + " 1.0428472 1.0450141 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1740448 1.1705213 1.181129 1.1879936 1.175127 1.1407413 1.1060649\n", + " 1.0837257 1.0735272 1.0718955 1.0721177 1.067508 1.0592481 1.0507731\n", + " 1.0469537 1.048827 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1930525 1.1899 1.2013489 1.2103052 1.1972599 1.1608621 1.1226692\n", + " 1.09688 1.0833553 1.0795282 1.0771244 1.0705037 1.0612406 1.0527442\n", + " 1.0495781 1.0511231 1.056598 1.0621145 1.0644339 1.0660049 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1615992 1.1559578 1.1646614 1.1720625 1.1613637 1.1305522 1.0985893\n", + " 1.0776827 1.0685776 1.0669063 1.06733 1.0630584 1.0546538 1.046461\n", + " 1.0427823 1.0448033 0. 0. 0. 0. ]\n", + " [1.1674411 1.1622748 1.17188 1.1819047 1.1713978 1.1394867 1.1052707\n", + " 1.0836203 1.0731062 1.0709643 1.0709847 1.0669081 1.0573437 1.0485669\n", + " 1.0446188 0. 0. 0. 0. 0. ]\n", + " [1.1872029 1.1841817 1.1955293 1.2043886 1.1915132 1.1555498 1.1179347\n", + " 1.0930604 1.0813515 1.0780071 1.0763067 1.070311 1.0606737 1.0515054\n", + " 1.0475086 1.0492281 1.0543749 1.0598096 1.0624052 0. ]\n", + " [1.1724608 1.1696831 1.1810167 1.1909288 1.1783497 1.1454568 1.1105914\n", + " 1.0873307 1.0756539 1.0717658 1.0700634 1.0644588 1.0551631 1.0474803\n", + " 1.0437763 1.0449357 1.0497919 1.0548265 1.0575082 1.0590335]\n", + " [1.1621397 1.1587466 1.1697705 1.179421 1.167213 1.1347494 1.1016995\n", + " 1.079957 1.0691395 1.0660784 1.0645902 1.0587175 1.0499831 1.0421299\n", + " 1.0386841 1.0400457 1.044932 1.0499164 1.0525961 1.0534809]]\n", + "[[1.190873 1.184541 1.193702 1.203771 1.1916797 1.1567355 1.1205184\n", + " 1.095693 1.0844859 1.0823363 1.0817273 1.0760131 1.0656382 1.0564682\n", + " 1.0525485 0. 0. 0. 0. ]\n", + " [1.1963757 1.1913899 1.2010884 1.2094289 1.1955118 1.1586064 1.121843\n", + " 1.0967376 1.084829 1.0820662 1.0799181 1.0744298 1.0646529 1.0552459\n", + " 1.0516223 1.0539635 1.0602577 0. 0. ]\n", + " [1.173887 1.1695653 1.1790441 1.1881974 1.1751091 1.139379 1.105736\n", + " 1.0834687 1.073322 1.0720414 1.0733585 1.068606 1.059617 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1684864 1.1642239 1.1729066 1.1800313 1.167382 1.1347599 1.1025913\n", + " 1.0819564 1.0716032 1.068542 1.066824 1.061362 1.0522978 1.0447028\n", + " 1.0414224 1.0432423 1.0480725 1.0525215 1.0546558]\n", + " [1.1750201 1.1701151 1.1792519 1.1888725 1.1770378 1.1433935 1.1092598\n", + " 1.0859143 1.0741618 1.0711526 1.0697235 1.0653098 1.0565264 1.0483657\n", + " 1.0448924 1.0468876 1.0522673 1.0580099 0. ]]\n", + "[[1.1670755 1.1629462 1.1725378 1.1806942 1.16914 1.1369059 1.1028371\n", + " 1.0807176 1.069917 1.0675269 1.067012 1.062383 1.0543071 1.0464444\n", + " 1.0428448 1.0442945 1.0491052 1.0537558 0. ]\n", + " [1.1623857 1.1594146 1.1688173 1.1763656 1.165481 1.132832 1.0999027\n", + " 1.0784135 1.0686765 1.067277 1.0672282 1.0625892 1.0549021 1.0469987\n", + " 1.0435439 1.045324 0. 0. 0. ]\n", + " [1.1928073 1.1883157 1.1985579 1.2073528 1.1934552 1.1584868 1.121269\n", + " 1.0960402 1.0828288 1.0791814 1.0775564 1.0714841 1.0622432 1.0536989\n", + " 1.0499083 1.0520383 1.0575447 1.062956 1.0656048]\n", + " [1.1734802 1.1700655 1.1810124 1.1906049 1.1768119 1.1438159 1.1088934\n", + " 1.0864638 1.0764933 1.0745951 1.0747869 1.0696057 1.0599941 1.0514426\n", + " 1.0474592 0. 0. 0. 0. ]\n", + " [1.1615682 1.1583018 1.1684444 1.177676 1.1666615 1.1349926 1.1019447\n", + " 1.0795777 1.0691776 1.06632 1.0649277 1.0599929 1.0514066 1.0435534\n", + " 1.0401702 1.0417848 1.0465873 1.0513456 1.0542915]]\n", + "[[1.1982796 1.193766 1.2047256 1.2140356 1.200136 1.1636113 1.12488\n", + " 1.0988265 1.087956 1.0868822 1.088124 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1767135 1.173189 1.1837463 1.1929041 1.1799413 1.1463372 1.1114179\n", + " 1.0884234 1.0774244 1.07526 1.0751212 1.069708 1.0605562 1.0520393\n", + " 1.0473372 1.0494529 1.0551893 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1692039 1.1658254 1.1768773 1.18608 1.1757818 1.1429882 1.1091745\n", + " 1.0856882 1.0737764 1.0701022 1.0681323 1.0619497 1.0534009 1.0454648\n", + " 1.0417746 1.0434 1.0482962 1.0527953 1.0550451 1.0558875 1.0573579\n", + " 0. 0. ]\n", + " [1.1613166 1.1585629 1.1690117 1.178964 1.1680663 1.1358118 1.103256\n", + " 1.0814897 1.0705732 1.0674415 1.0653757 1.0595826 1.050579 1.0427307\n", + " 1.0395263 1.0414706 1.046352 1.0514066 1.0537454 1.0544792 1.0553949\n", + " 1.0591164 1.0664599]\n", + " [1.1697844 1.166025 1.1762861 1.1849982 1.1720512 1.1386594 1.1040323\n", + " 1.0818989 1.0715479 1.0700294 1.0705854 1.0659615 1.0567704 1.0487902\n", + " 1.0448874 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1838752 1.181797 1.1934153 1.2013441 1.1890688 1.152364 1.1144753\n", + " 1.0902812 1.0789461 1.0774921 1.0770766 1.0722108 1.0621029 1.053357\n", + " 1.0491982 1.0508952 1.0568998 0. 0. ]\n", + " [1.1905639 1.1843705 1.1944845 1.2036104 1.1904092 1.1543213 1.1167517\n", + " 1.0918188 1.0804385 1.0785333 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1756467 1.1724056 1.1831719 1.1918237 1.1790472 1.1445876 1.1092824\n", + " 1.0868334 1.0754921 1.0718228 1.0711294 1.065716 1.0561298 1.0479895\n", + " 1.0441571 1.0461049 1.0515066 1.0566288 1.0594363]\n", + " [1.1809459 1.1753767 1.1845992 1.1921864 1.1806117 1.1465453 1.1114539\n", + " 1.0888458 1.0784316 1.0762346 1.076483 1.071819 1.0621357 1.0531133\n", + " 1.049505 0. 0. 0. 0. ]\n", + " [1.1544312 1.1515971 1.1611294 1.1683244 1.1557459 1.125235 1.0946761\n", + " 1.073909 1.0639284 1.0614935 1.0606589 1.0558882 1.0484301 1.0416076\n", + " 1.0381681 1.0399656 1.0442767 1.0485244 1.0509121]]\n", + "[[1.1677706 1.1649421 1.1740649 1.1812913 1.1698129 1.1381243 1.1051468\n", + " 1.0824323 1.0711311 1.067915 1.0664734 1.0618731 1.0535482 1.0461222\n", + " 1.0430485 1.0449312 1.0495601 1.0542258 1.0564504]\n", + " [1.1826663 1.1800568 1.1911194 1.2000227 1.1856247 1.1497535 1.112873\n", + " 1.0887957 1.0773989 1.074516 1.0736129 1.067764 1.058363 1.0500143\n", + " 1.0459455 1.0478958 1.0531907 1.0583515 1.0611377]\n", + " [1.1906288 1.186154 1.1961184 1.2034991 1.1912156 1.1560345 1.1192939\n", + " 1.094423 1.0828915 1.0795063 1.0781932 1.0718776 1.0619189 1.0531063\n", + " 1.0493659 1.0515916 1.0577362 1.0631163 0. ]\n", + " [1.183328 1.1785249 1.1895336 1.1997838 1.1872414 1.1517361 1.1157856\n", + " 1.0918251 1.081545 1.0801699 1.0805007 1.0759065 1.0659566 1.056443\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1987069 1.192095 1.2013354 1.2091799 1.1952925 1.1605129 1.1235094\n", + " 1.09825 1.0872272 1.085132 1.0853126 1.0796936 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1443707 1.1408048 1.1491202 1.1563793 1.147355 1.1182827 1.0889184\n", + " 1.0694561 1.0605116 1.0590178 1.0595096 1.0553182 1.0476412 1.0404059\n", + " 1.0372378 0. 0. 0. 0. 0. 0. ]\n", + " [1.1678987 1.164184 1.1740721 1.1829075 1.1697099 1.1375283 1.1046803\n", + " 1.0824655 1.0710356 1.067648 1.065992 1.060497 1.0519834 1.0446656\n", + " 1.0416445 1.0435598 1.0490696 1.0541592 1.0571358 0. 0. ]\n", + " [1.1789031 1.175218 1.1846614 1.1915041 1.1760526 1.1423666 1.1085309\n", + " 1.0869489 1.0778658 1.076488 1.076672 1.0706878 1.0603895 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.170342 1.1655837 1.1753895 1.1840357 1.1725341 1.1400318 1.1067489\n", + " 1.0843511 1.0740072 1.071553 1.0712062 1.0664105 1.0575666 1.0492427\n", + " 1.0453572 1.0471529 1.0525526 0. 0. 0. 0. ]\n", + " [1.1728728 1.1699219 1.1804984 1.1897684 1.1784282 1.14387 1.1081406\n", + " 1.0849085 1.0731626 1.0687869 1.0673715 1.0620394 1.0533397 1.0455936\n", + " 1.0427592 1.044638 1.0487723 1.0533528 1.0553883 1.056056 1.0582345]]\n", + "[[1.1652062 1.162864 1.1735412 1.1818795 1.1711924 1.139205 1.1057245\n", + " 1.08297 1.071817 1.0680695 1.0663745 1.0608377 1.0520941 1.0448649\n", + " 1.0413707 1.0425651 1.0473826 1.0520909 1.0546712 1.0556124]\n", + " [1.1652019 1.161415 1.1726198 1.1824329 1.1716079 1.1382797 1.1034807\n", + " 1.0815686 1.0713224 1.0690743 1.0695773 1.0649492 1.0567404 1.0483752\n", + " 1.0445294 1.0463407 0. 0. 0. 0. ]\n", + " [1.1608355 1.1584114 1.1695259 1.1789199 1.1675909 1.1360381 1.1030738\n", + " 1.0803788 1.0700266 1.0667354 1.0654399 1.0601056 1.0512949 1.0436381\n", + " 1.0402229 1.0417421 1.0467577 1.0516975 1.054174 0. ]\n", + " [1.1641046 1.1601377 1.1692623 1.1775013 1.1655722 1.1346115 1.1020018\n", + " 1.0801625 1.0686857 1.0653765 1.0646391 1.0598683 1.0519923 1.0445712\n", + " 1.0412357 1.0425822 1.0475186 1.0521492 1.0547352 0. ]\n", + " [1.1628573 1.1596258 1.1693616 1.1776409 1.1651577 1.1325101 1.0998275\n", + " 1.0781587 1.0683069 1.0660956 1.0655177 1.0605788 1.0518564 1.044174\n", + " 1.0404949 1.0421131 1.0470474 1.051862 0. 0. ]]\n", + "[[1.1679727 1.1647211 1.1735659 1.1792897 1.1669409 1.1357795 1.103665\n", + " 1.0827539 1.0723939 1.0694714 1.0687349 1.0634586 1.0545899 1.0467979\n", + " 1.043409 1.0447927 1.0495908 1.0539105]\n", + " [1.1717386 1.1672857 1.1779917 1.1867027 1.1761018 1.1418841 1.1070354\n", + " 1.0840728 1.0733587 1.0703074 1.0700638 1.0656583 1.0568502 1.0489472\n", + " 1.0456729 1.0478816 0. 0. ]\n", + " [1.1822898 1.1766961 1.1852624 1.192992 1.1794115 1.1447111 1.1105031\n", + " 1.0878403 1.0777681 1.0763817 1.0765946 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1759489 1.1717172 1.1814609 1.1895225 1.1788266 1.1453676 1.1106663\n", + " 1.087352 1.0762391 1.0731069 1.0720383 1.0671755 1.0576541 1.0492052\n", + " 1.0453236 1.047011 1.0524662 1.0576189]\n", + " [1.1674151 1.1625588 1.1718082 1.1810093 1.1688869 1.1373348 1.1031228\n", + " 1.0811539 1.0699955 1.0683573 1.0684559 1.0649428 1.0563667 1.0485365\n", + " 1.0445492 1.0460753 1.0511478 0. ]]\n", + "[[1.1701438 1.1663725 1.1766238 1.184709 1.1725272 1.1403466 1.1077538\n", + " 1.0854262 1.073778 1.0700332 1.06817 1.0616179 1.0530987 1.045381\n", + " 1.0422043 1.043661 1.0486549 1.0533844 1.055404 1.0564115 0.\n", + " 0. 0. 0. ]\n", + " [1.1863104 1.1833076 1.1941769 1.201433 1.1885624 1.1526822 1.1155971\n", + " 1.0908493 1.0796607 1.0770669 1.0760347 1.0694852 1.0604684 1.051687\n", + " 1.0482944 1.050134 1.0562615 1.0622873 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.182024 1.1779939 1.188131 1.1971422 1.1847513 1.1512715 1.1161617\n", + " 1.0922309 1.0795937 1.0760303 1.0742136 1.0682392 1.059018 1.0505248\n", + " 1.0463098 1.0482527 1.0531603 1.0583558 1.0616143 1.0628867 0.\n", + " 0. 0. 0. ]\n", + " [1.1802796 1.1777737 1.1893771 1.1984537 1.1835726 1.1480101 1.1115098\n", + " 1.0877211 1.076897 1.0750594 1.0751159 1.0702604 1.0603176 1.0516517\n", + " 1.0477728 1.0495331 1.0553118 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1478825 1.146362 1.1564492 1.1655699 1.1547161 1.1239048 1.093871\n", + " 1.0737442 1.0642923 1.0609703 1.0586814 1.0530947 1.0447528 1.0379752\n", + " 1.0355997 1.037541 1.0422908 1.0470936 1.048951 1.0498507 1.0511584\n", + " 1.0544714 1.0610232 1.0700555]]\n", + "[[1.1698351 1.1653956 1.1749156 1.18311 1.1730788 1.1413612 1.1071247\n", + " 1.0851812 1.0739608 1.0710202 1.0708004 1.0663663 1.0576019 1.0491422\n", + " 1.0454806 1.0474976 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1785108 1.1751772 1.1866894 1.1953714 1.1827458 1.1483374 1.1129354\n", + " 1.0884655 1.0760964 1.0732651 1.0715249 1.0659331 1.0569551 1.0483252\n", + " 1.0449749 1.047069 1.0520167 1.0568652 1.0594167 1.0605253 0.\n", + " 0. ]\n", + " [1.1659554 1.1637504 1.173991 1.183267 1.1711508 1.1389586 1.1056867\n", + " 1.0835813 1.0719457 1.0685837 1.0662236 1.0600125 1.0513673 1.0437537\n", + " 1.0407133 1.0424682 1.0474528 1.0523946 1.0544541 1.0550789 1.0563619\n", + " 0. ]\n", + " [1.1793625 1.1763457 1.1872714 1.1969192 1.1845973 1.1513976 1.1162318\n", + " 1.0920435 1.0800111 1.0757759 1.0727991 1.0660175 1.0560668 1.0480713\n", + " 1.0451229 1.047175 1.0529642 1.0576466 1.0601456 1.0608271 1.0623786\n", + " 1.0663797]\n", + " [1.1763928 1.1726725 1.1818385 1.1901165 1.1757499 1.1413645 1.1076082\n", + " 1.085596 1.0764717 1.075293 1.0757662 1.0704426 1.0604357 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1856818 1.1811932 1.1905004 1.1988399 1.1860795 1.1508117 1.1145955\n", + " 1.0910236 1.079347 1.0770025 1.0761447 1.0713223 1.0615824 1.0531571\n", + " 1.0494918 1.0513958 1.0572727 0. 0. 0. 0. ]\n", + " [1.1513182 1.1484662 1.1590024 1.1680727 1.1576146 1.1273818 1.0959325\n", + " 1.0750359 1.0641595 1.0609561 1.0588815 1.0533592 1.0457039 1.0387963\n", + " 1.0357093 1.037222 1.0415078 1.0460687 1.0481275 1.0488176 1.0500946]\n", + " [1.1766322 1.172648 1.1819173 1.1907794 1.1785562 1.1450951 1.1105015\n", + " 1.087224 1.0767579 1.0741189 1.0732794 1.068405 1.0589066 1.050349\n", + " 1.0469307 1.0487708 1.0545511 0. 0. 0. 0. ]\n", + " [1.1741835 1.1692337 1.1796758 1.1881363 1.1772444 1.1438407 1.1089277\n", + " 1.0857387 1.0756408 1.0731307 1.0724254 1.067451 1.0579618 1.0494432\n", + " 1.0452259 1.0471418 1.0527312 0. 0. 0. 0. ]\n", + " [1.1747613 1.1725576 1.1843255 1.1935067 1.1806283 1.1464807 1.1110368\n", + " 1.0873346 1.0756648 1.0719522 1.0701772 1.0639504 1.0547006 1.0468882\n", + " 1.0434064 1.0452352 1.0502586 1.0551416 1.0576648 1.0586118 0. ]]\n", + "[[1.1586552 1.1565304 1.16861 1.1793772 1.1694539 1.1367228 1.1023777\n", + " 1.0801817 1.0692842 1.065367 1.0637686 1.0578486 1.0491414 1.0419141\n", + " 1.0391533 1.041106 1.0463219 1.0504068 1.052601 1.0534873 1.054064\n", + " 1.0572283 1.0640672 1.0741322 1.0813274]\n", + " [1.1633317 1.1616888 1.1729949 1.181864 1.1696898 1.1364863 1.1025975\n", + " 1.0805323 1.0696238 1.0661634 1.064242 1.0588592 1.0503825 1.0429007\n", + " 1.0398221 1.0417179 1.0468794 1.0515727 1.0543001 1.0553017 1.0567982\n", + " 0. 0. 0. 0. ]\n", + " [1.1731604 1.1693729 1.1793247 1.1878452 1.1753907 1.1420276 1.1074629\n", + " 1.0846865 1.0738454 1.0715339 1.0712771 1.0664865 1.0568321 1.0487701\n", + " 1.0450029 1.0469733 1.0526584 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1629813 1.1609986 1.1724119 1.1820624 1.1692926 1.136252 1.101655\n", + " 1.0787506 1.0682992 1.0665846 1.0663438 1.0620592 1.0530065 1.0453135\n", + " 1.0418377 1.0432224 1.0479505 1.053004 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1830041 1.1782081 1.1875477 1.1945882 1.1820335 1.1468242 1.111564\n", + " 1.0885721 1.0786914 1.0773084 1.0781512 1.0730639 1.0634176 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1627567 1.1584371 1.1685765 1.1760023 1.1654226 1.1339037 1.100967\n", + " 1.0799294 1.069638 1.0672057 1.0675888 1.0635797 1.0545446 1.0469662\n", + " 1.0433959 1.0452335 0. 0. 0. 0. 0. ]\n", + " [1.1740491 1.1709051 1.1821411 1.1911463 1.1785681 1.1447479 1.1092608\n", + " 1.0853755 1.0744474 1.0720874 1.0713868 1.066396 1.0571421 1.048765\n", + " 1.045002 1.0465184 1.0513589 1.0567049 0. 0. 0. ]\n", + " [1.1758319 1.1741234 1.1856936 1.1957896 1.1825714 1.1482393 1.1125302\n", + " 1.0882714 1.07656 1.0731984 1.0721276 1.0667573 1.0573132 1.0488781\n", + " 1.0449077 1.0467054 1.0520324 1.0574096 0. 0. 0. ]\n", + " [1.1490138 1.1460559 1.1560336 1.1647443 1.1541249 1.1244482 1.0941696\n", + " 1.0736204 1.064199 1.0624496 1.0625175 1.0576466 1.0496082 1.0417004\n", + " 1.0381064 1.0395926 1.0441531 0. 0. 0. 0. ]\n", + " [1.1820334 1.1789689 1.189302 1.1975791 1.1853122 1.1522348 1.1173675\n", + " 1.0932477 1.0801489 1.0758309 1.072267 1.0666724 1.0571686 1.0491827\n", + " 1.0460075 1.0483603 1.053408 1.0583429 1.0606849 1.0615875 1.0629183]]\n", + "[[1.1860005 1.1808777 1.1913327 1.1998211 1.1888596 1.154543 1.1182743\n", + " 1.0940082 1.0820059 1.0796045 1.079227 1.0744646 1.0639931 1.0551001\n", + " 1.0508928 1.0527464 1.058356 0. 0. 0. 0. ]\n", + " [1.1717188 1.1701738 1.1816517 1.1910297 1.1774627 1.1436574 1.1089858\n", + " 1.0857145 1.0744053 1.07079 1.0689349 1.0636634 1.0544848 1.0467849\n", + " 1.043136 1.044964 1.0496768 1.0544028 1.056678 1.0575972 0. ]\n", + " [1.1764631 1.173574 1.1847444 1.1937715 1.1804732 1.1476327 1.1132159\n", + " 1.0896415 1.0774326 1.0731883 1.070686 1.0646261 1.0554097 1.047549\n", + " 1.0440301 1.04627 1.0513102 1.0562563 1.0584587 1.059349 1.0605379]\n", + " [1.1787871 1.1760511 1.1851155 1.1929717 1.1787999 1.1448336 1.1101134\n", + " 1.0871592 1.0751055 1.070734 1.0684686 1.0627867 1.0538142 1.0464752\n", + " 1.0431454 1.045266 1.050042 1.0557564 1.0584698 1.0598747 1.0615829]\n", + " [1.2093695 1.2039957 1.2149038 1.2220833 1.2085888 1.1696279 1.1297971\n", + " 1.1039214 1.0919306 1.0902364 1.0910927 1.0854123 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.165988 1.1618183 1.1723558 1.1811616 1.1700449 1.137679 1.1039989\n", + " 1.0819935 1.0723947 1.0707463 1.0707066 1.0667605 1.0577389 1.0494529\n", + " 1.0456253 0. 0. 0. ]\n", + " [1.1577364 1.1521418 1.1614428 1.1703941 1.1610234 1.1306325 1.098913\n", + " 1.0780435 1.0684826 1.066314 1.0665467 1.062293 1.0538149 1.0458122\n", + " 1.0423187 0. 0. 0. ]\n", + " [1.176348 1.1729422 1.1830902 1.1913604 1.1777655 1.1444662 1.1101986\n", + " 1.0874835 1.0762185 1.0733913 1.0721102 1.0661798 1.0573195 1.0487086\n", + " 1.0450006 1.046667 1.0523411 1.0577263]\n", + " [1.1601075 1.1573849 1.1679877 1.1764406 1.1633046 1.1314778 1.0987202\n", + " 1.0770098 1.0665298 1.064306 1.0638107 1.0594198 1.0510018 1.0435894\n", + " 1.0402241 1.0417747 1.0464183 1.0511715]\n", + " [1.1533626 1.1494025 1.1593655 1.1673371 1.1561491 1.1244044 1.0935248\n", + " 1.0732238 1.0644454 1.0632272 1.0635079 1.0592546 1.0508099 1.0431029\n", + " 1.0396887 1.0415742 0. 0. ]]\n", + "[[1.1793894 1.1748027 1.1856785 1.1953536 1.1830959 1.147773 1.1116016\n", + " 1.088116 1.077165 1.0748081 1.0749184 1.0702041 1.0606394 1.0517966\n", + " 1.0479188 1.049726 1.0556309 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1730459 1.1684802 1.1789433 1.1873145 1.1764469 1.14389 1.1091409\n", + " 1.0856133 1.0752653 1.0726256 1.072428 1.0675131 1.0582864 1.0496259\n", + " 1.0458266 1.0478752 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.177881 1.172876 1.1833311 1.1920707 1.1813763 1.1466289 1.1115668\n", + " 1.0881916 1.0775869 1.0756732 1.0762033 1.0718191 1.0627692 1.0538814\n", + " 1.0495657 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1735559 1.170821 1.1813136 1.191097 1.1798172 1.1475343 1.1132754\n", + " 1.089354 1.0772301 1.0728592 1.0698366 1.0636419 1.0548264 1.0470065\n", + " 1.0437319 1.0458198 1.0507194 1.0559282 1.0586128 1.0593393 1.060521\n", + " 1.0642711 1.072112 ]\n", + " [1.1531302 1.1493521 1.1593428 1.1686286 1.158701 1.1289377 1.0980407\n", + " 1.077402 1.0669925 1.0631297 1.0610299 1.0554023 1.0467551 1.0393623\n", + " 1.0367379 1.0386648 1.0432619 1.0482162 1.0500413 1.0510213 1.051944\n", + " 1.054914 1.0617416]]\n", + "[[1.1655321 1.1647605 1.1760405 1.1858485 1.1731882 1.1402655 1.1064746\n", + " 1.0837224 1.072038 1.0686042 1.0668052 1.0605701 1.0519146 1.0445298\n", + " 1.0410666 1.0432087 1.0476886 1.0526617 1.0551107 1.0559412 1.0574392\n", + " 1.0616521 0. 0. 0. ]\n", + " [1.1662459 1.1600528 1.1687919 1.1756635 1.1641642 1.132745 1.1008558\n", + " 1.0804458 1.0715182 1.0701722 1.0704406 1.0661284 1.0570279 1.0485668\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1676933 1.1640221 1.1737703 1.1821967 1.1697111 1.1376355 1.1042647\n", + " 1.082566 1.0723135 1.0702428 1.069911 1.0655295 1.0570792 1.0485653\n", + " 1.0449703 1.04681 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1668732 1.1635197 1.1744709 1.1835665 1.1725425 1.139431 1.105746\n", + " 1.0835098 1.0732914 1.071021 1.0703286 1.0651174 1.0556239 1.0475581\n", + " 1.0434403 1.0451012 1.0507867 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1483805 1.1457723 1.1570345 1.1678709 1.1579535 1.1271534 1.0959365\n", + " 1.0753433 1.0649818 1.0610803 1.0591364 1.0531934 1.0446655 1.0373807\n", + " 1.0344815 1.0364087 1.041487 1.0459139 1.048225 1.049284 1.0500804\n", + " 1.0530672 1.0591571 1.0685261 1.0758642]]\n", + "[[1.1857185 1.1817472 1.1926923 1.2029698 1.1893996 1.1549246 1.1181146\n", + " 1.093489 1.0812054 1.0779055 1.0760095 1.0705327 1.0610273 1.0521204\n", + " 1.048386 1.0505358 1.0559715 1.0611167 1.0635933 0. 0.\n", + " 0. ]\n", + " [1.1902366 1.1875511 1.1993439 1.2083315 1.1953686 1.1594177 1.1221867\n", + " 1.0970798 1.0847298 1.0810391 1.079933 1.0731574 1.0624647 1.0528975\n", + " 1.0488385 1.050805 1.0565678 1.0626764 1.0657221 0. 0.\n", + " 0. ]\n", + " [1.1580588 1.1561048 1.1654536 1.1729679 1.1606575 1.1287698 1.0976655\n", + " 1.077097 1.0668489 1.0632949 1.0618871 1.0565424 1.0483028 1.0411332\n", + " 1.0385671 1.0406065 1.0451918 1.0503678 1.0523416 1.0534182 1.0548567\n", + " 0. ]\n", + " [1.1759808 1.1732078 1.1843078 1.1940615 1.181614 1.148084 1.1128968\n", + " 1.0884221 1.0761847 1.0722018 1.0699196 1.0636424 1.0542936 1.046555\n", + " 1.043458 1.0452191 1.0505314 1.0552695 1.0577384 1.059017 1.0606258\n", + " 1.0646676]\n", + " [1.1659659 1.1630714 1.1737713 1.182189 1.1697878 1.1360577 1.101433\n", + " 1.0788746 1.0686362 1.0657573 1.0661459 1.0616258 1.0536244 1.0459665\n", + " 1.0425341 1.0440079 1.0489442 1.0541759 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1541404 1.1483591 1.1556654 1.1626213 1.1509979 1.1210287 1.0916182\n", + " 1.0722146 1.0633055 1.0625817 1.0634356 1.0594864 1.0512642 1.0437189\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1517103 1.1500922 1.1601027 1.1694411 1.1588558 1.1280022 1.097405\n", + " 1.0770941 1.0664227 1.0627182 1.0605085 1.0548376 1.0464836 1.0398271\n", + " 1.0373799 1.0392656 1.0441345 1.0484983 1.0503916 1.0512446 1.0524181\n", + " 1.0553663 1.0620458 1.0711032]\n", + " [1.1738336 1.17014 1.1809608 1.1892363 1.1768272 1.1426021 1.1076429\n", + " 1.0845317 1.0737503 1.0712608 1.070783 1.065134 1.0559534 1.047803\n", + " 1.0441239 1.045997 1.0511539 1.0564804 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1625307 1.1600226 1.170467 1.178684 1.1657071 1.1324223 1.0993611\n", + " 1.0776831 1.0673168 1.0646707 1.0640392 1.0591725 1.050673 1.043762\n", + " 1.04072 1.0427593 1.0476284 1.0524447 1.0548735 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1680026 1.1641549 1.173836 1.1824727 1.1698428 1.1373999 1.103952\n", + " 1.0815312 1.0709473 1.0682905 1.067867 1.063495 1.0548412 1.0470622\n", + " 1.0432478 1.0448729 1.0503501 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1688116 1.1652713 1.1747327 1.1824344 1.1702473 1.1389663 1.1059465\n", + " 1.0836915 1.0738158 1.0714567 1.0703989 1.0656006 1.0560064 1.0479316\n", + " 1.0441325 1.0457985 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.167948 1.1645094 1.1756772 1.1850729 1.1730235 1.1402777 1.106116\n", + " 1.0831441 1.0723251 1.069592 1.069836 1.0654538 1.0568309 1.0489533\n", + " 1.0451195 1.0469005 1.052282 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1547109 1.151966 1.1620284 1.171184 1.1598713 1.1281161 1.0953487\n", + " 1.0742341 1.0641148 1.0616564 1.0611471 1.0573772 1.0493898 1.042344\n", + " 1.0391091 1.0406065 1.0454261 1.0498211 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1463201 1.1442752 1.15491 1.166226 1.1575956 1.1271946 1.0961069\n", + " 1.0748031 1.0645471 1.0610589 1.0589244 1.0536449 1.0451856 1.0384809\n", + " 1.0354035 1.0372092 1.0420356 1.0465426 1.0488844 1.0492874 1.0501202\n", + " 1.0533903 1.0601107 1.0688928 1.0758742 1.0797304 1.0797971]\n", + " [1.1614351 1.1586899 1.1694925 1.1768059 1.1657703 1.1334306 1.1001226\n", + " 1.0784671 1.0679075 1.0649507 1.0647115 1.0603167 1.0524459 1.0451977\n", + " 1.0419894 1.0437399 1.0487382 1.0534737 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2120036 1.2030796 1.210279 1.2184414 1.2046804 1.1680866 1.1293372\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1965351 1.1929817 1.2044033 1.214556 1.1999787 1.1615438 1.1232527\n", + " 1.0979824 1.0871432 1.0856904 1.0856997 1.0803708 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1547759 1.1514169 1.1601679 1.1680766 1.1563579 1.1252785 1.0941024\n", + " 1.0739872 1.0646533 1.0632603 1.0632263 1.0595896 1.0510576 1.0433991\n", + " 1.0402035 1.0418034 0. 0. 0. 0. ]\n", + " [1.1592636 1.155539 1.1646373 1.1719689 1.1601679 1.1289756 1.0975686\n", + " 1.0764114 1.0664021 1.0629199 1.0615973 1.0559884 1.0479058 1.0410165\n", + " 1.038492 1.0401412 1.0449704 1.0490894 1.0514418 1.0523338]\n", + " [1.2072006 1.1999049 1.208637 1.2167461 1.2029502 1.1665326 1.1278852\n", + " 1.1017789 1.0899987 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2020166 1.1965283 1.2059885 1.2154075 1.2017201 1.1643863 1.1257315\n", + " 1.1010853 1.0897417 1.0880246 1.0893532 1.0825175 1.0712653 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.163662 1.1596721 1.1684065 1.1756707 1.1652212 1.1336333 1.1011451\n", + " 1.0796458 1.0695812 1.0673825 1.0673106 1.0630035 1.054974 1.047107\n", + " 1.0434015 1.0450644 0. 0. 0. 0. 0. ]\n", + " [1.1798811 1.1749595 1.185392 1.1921798 1.1788199 1.1436563 1.1080362\n", + " 1.0852159 1.0754795 1.0752332 1.0764453 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1642052 1.1621917 1.1727817 1.1804774 1.1691902 1.137032 1.1041578\n", + " 1.0819235 1.0711014 1.0675008 1.0650375 1.0595092 1.0507565 1.0432554\n", + " 1.0400928 1.0418564 1.0465342 1.051321 1.053664 1.0546863 1.0565844]\n", + " [1.1857247 1.1804773 1.1909437 1.201001 1.1893429 1.154629 1.1180301\n", + " 1.0930556 1.0815655 1.0784721 1.0783981 1.0730915 1.06236 1.0529273\n", + " 1.0485096 1.050178 1.0557213 1.0613761 0. 0. 0. ]]\n", + "[[1.1719577 1.1684558 1.1786425 1.1879554 1.1754501 1.1415889 1.1061083\n", + " 1.0834706 1.0731045 1.0715845 1.071742 1.0668628 1.0582182 1.0495313\n", + " 1.0453837 1.0473461 0. 0. 0. 0. ]\n", + " [1.1611913 1.1572102 1.1673249 1.1758168 1.1639867 1.1321229 1.0995326\n", + " 1.0787319 1.0698185 1.0684038 1.0681125 1.0634402 1.0545021 1.0467018\n", + " 1.0423911 0. 0. 0. 0. 0. ]\n", + " [1.1922674 1.1886636 1.200682 1.2107974 1.1993951 1.1637977 1.1254039\n", + " 1.0995011 1.0866581 1.0820625 1.0797004 1.0728306 1.0625827 1.0537966\n", + " 1.0491843 1.0514557 1.0570623 1.0630978 1.0659355 1.0673536]\n", + " [1.1711516 1.1676061 1.1777546 1.1869344 1.1747768 1.140571 1.1055374\n", + " 1.082935 1.0725093 1.0708398 1.0705287 1.0656224 1.0567708 1.0484891\n", + " 1.0446302 1.0465417 0. 0. 0. 0. ]\n", + " [1.1785173 1.1736023 1.1831291 1.1900053 1.176458 1.1408722 1.107119\n", + " 1.0849675 1.0759153 1.0753113 1.0759598 1.0701047 1.0605577 1.0514337\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1687884 1.1649098 1.1740458 1.1824373 1.1695014 1.1360271 1.1023587\n", + " 1.0814903 1.0716134 1.070802 1.0713658 1.0670681 1.0578942 1.0495332\n", + " 1.045773 0. 0. 0. 0. ]\n", + " [1.1804209 1.1774217 1.1881559 1.1963593 1.1851627 1.1503699 1.1146238\n", + " 1.0906198 1.0785947 1.0750791 1.073345 1.0679501 1.0583721 1.0498456\n", + " 1.0460947 1.0479491 1.0529175 1.0583031 1.0604559]\n", + " [1.1666663 1.1643841 1.1744035 1.1826658 1.1696248 1.1361566 1.1022365\n", + " 1.080199 1.0693293 1.0668336 1.066021 1.0614022 1.0529529 1.0451984\n", + " 1.0417309 1.043289 1.0479919 1.0532928 1.055064 ]\n", + " [1.1788652 1.1761218 1.1869664 1.1969763 1.1846855 1.1499124 1.1135724\n", + " 1.0891924 1.0770758 1.0745234 1.0733254 1.0680195 1.0585953 1.0504481\n", + " 1.04639 1.0482833 1.0534497 1.058955 0. ]\n", + " [1.1628505 1.1595818 1.1685582 1.176983 1.165614 1.1328068 1.1007233\n", + " 1.0792935 1.0700506 1.0676311 1.0667394 1.0613124 1.052438 1.0442759\n", + " 1.0408025 1.0423518 1.0472075 1.0521749 0. ]]\n", + "[[1.1604354 1.1577282 1.1687251 1.1781464 1.1669964 1.1352968 1.1026943\n", + " 1.0802761 1.0693306 1.0655754 1.063455 1.0572864 1.0492795 1.0422803\n", + " 1.0389717 1.0407302 1.0455109 1.0499268 1.0521538 1.0530957 1.0544422]\n", + " [1.1615582 1.1587949 1.1699874 1.1798835 1.1681322 1.1350697 1.1017879\n", + " 1.0794561 1.0689814 1.0659676 1.0648094 1.0598748 1.0512626 1.0434155\n", + " 1.0398004 1.0416994 1.0466928 1.0515699 1.0539508 0. 0. ]\n", + " [1.1752541 1.1712066 1.1815917 1.1906104 1.1795311 1.1451558 1.1107862\n", + " 1.0872831 1.0765816 1.0744921 1.0742853 1.069927 1.0603578 1.0514139\n", + " 1.0475303 1.04932 0. 0. 0. 0. 0. ]\n", + " [1.155034 1.1520497 1.1605003 1.1672213 1.1569346 1.1269789 1.0960165\n", + " 1.0752352 1.0650246 1.0619786 1.0606014 1.0569439 1.0491618 1.0424538\n", + " 1.0388407 1.0401763 1.0444828 1.049206 0. 0. 0. ]\n", + " [1.1606923 1.1563301 1.1660067 1.1742885 1.1634707 1.1323916 1.099471\n", + " 1.0781718 1.0686044 1.0676098 1.0682149 1.0638251 1.0548273 1.0464122\n", + " 1.0429481 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1743256 1.1717439 1.1833409 1.1933303 1.1820565 1.1489246 1.1135992\n", + " 1.0899644 1.0779289 1.07301 1.0710653 1.0647376 1.0549899 1.046472\n", + " 1.0432129 1.0456891 1.0511533 1.0568784 1.0589228 1.0596529 1.0606016\n", + " 1.0639523 1.0714636 1.0826099 1.0907114]\n", + " [1.2091767 1.2017082 1.2085222 1.2140946 1.2001897 1.1641978 1.1266093\n", + " 1.101233 1.0889695 1.0877285 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1851683 1.1792626 1.1885833 1.1969141 1.184781 1.15048 1.1148902\n", + " 1.0913924 1.0802974 1.0787591 1.0786664 1.0734687 1.0631933 1.0545822\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1796845 1.1757414 1.186784 1.196342 1.1843883 1.150433 1.114517\n", + " 1.089872 1.0787549 1.074673 1.0737687 1.06722 1.0577834 1.0487803\n", + " 1.0453852 1.0474561 1.0526835 1.0576562 1.059702 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1759632 1.1709918 1.1815298 1.1904503 1.1784393 1.1448421 1.110224\n", + " 1.0875993 1.0772209 1.0757335 1.0759435 1.0706736 1.0606749 1.0517672\n", + " 1.0478032 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1646339 1.161354 1.1709255 1.1796689 1.1685762 1.1359867 1.1025895\n", + " 1.0804052 1.0696288 1.0670469 1.0667806 1.0632801 1.0549787 1.0475458\n", + " 1.0435859 1.0453225 1.0504953 0. 0. ]\n", + " [1.1948539 1.1900569 1.20035 1.2089543 1.1963626 1.1606094 1.1231223\n", + " 1.0972608 1.0851848 1.081704 1.0801547 1.0749017 1.0646011 1.0549242\n", + " 1.0503998 1.0523942 1.0579376 1.0637848 0. ]\n", + " [1.1501966 1.1457403 1.1552572 1.1642458 1.1541173 1.1243587 1.0933303\n", + " 1.0727601 1.06364 1.0618491 1.0619686 1.0582428 1.0502845 1.0427521\n", + " 1.0393453 1.0407479 0. 0. 0. ]\n", + " [1.166921 1.1653802 1.1771846 1.1859579 1.1738694 1.140022 1.1053038\n", + " 1.0825524 1.0718971 1.0695865 1.0687999 1.0641932 1.0547892 1.0467396\n", + " 1.0432607 1.0447412 1.0493515 1.0545719 0. ]\n", + " [1.1735072 1.1698297 1.1810001 1.1902746 1.178348 1.144855 1.1095572\n", + " 1.085723 1.0743424 1.0714304 1.0702639 1.0655589 1.0565832 1.048526\n", + " 1.0447658 1.0462384 1.051297 1.0561162 1.0586601]]\n", + "[[1.1627676 1.1606051 1.17161 1.1809206 1.1700366 1.138355 1.1050036\n", + " 1.0822102 1.0716857 1.0677084 1.065573 1.0595694 1.0506439 1.0434635\n", + " 1.0399704 1.0417242 1.0466623 1.051605 1.0539523 1.0552154 1.0568144\n", + " 1.0603575]\n", + " [1.1712309 1.1670312 1.1767813 1.1843336 1.1727911 1.1394447 1.104969\n", + " 1.0825751 1.0729191 1.0722392 1.0723648 1.0682755 1.0583616 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1709765 1.1672114 1.1780413 1.18787 1.1759201 1.1426218 1.108362\n", + " 1.0859809 1.0755914 1.073679 1.0740564 1.0693345 1.0601058 1.051369\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1857474 1.1823812 1.1933355 1.2023116 1.1879141 1.1520736 1.1149017\n", + " 1.0914278 1.0810863 1.0798962 1.0813122 1.0760589 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1642356 1.1591932 1.1665161 1.1734657 1.1604866 1.1299499 1.0990666\n", + " 1.0788047 1.0692624 1.0676271 1.067626 1.0629442 1.0542054 1.0466871\n", + " 1.0431452 1.0450991 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1673752 1.1641402 1.1745768 1.1838923 1.1725452 1.1391728 1.1050417\n", + " 1.0821922 1.0708966 1.0684447 1.0675268 1.0630696 1.0540394 1.0464941\n", + " 1.0426579 1.0444651 1.0495241 1.0545087 0. 0. 0. ]\n", + " [1.1807787 1.1759094 1.18598 1.1946081 1.1837673 1.1502687 1.115225\n", + " 1.0912267 1.0801442 1.0774829 1.0770562 1.071602 1.0613555 1.0524518\n", + " 1.0483086 1.0502464 1.0559603 0. 0. 0. 0. ]\n", + " [1.1695448 1.1672833 1.1785588 1.1873754 1.1762311 1.1424359 1.1072011\n", + " 1.0848314 1.0746299 1.0721558 1.0725614 1.0674733 1.0581204 1.0498883\n", + " 1.0457703 1.0474516 0. 0. 0. 0. 0. ]\n", + " [1.1755608 1.1722674 1.1832441 1.1912708 1.1796155 1.1456147 1.1101497\n", + " 1.0865495 1.075038 1.0719041 1.070438 1.064806 1.0559856 1.0477154\n", + " 1.0441592 1.0460901 1.0512505 1.0565968 1.0586858 0. 0. ]\n", + " [1.1657742 1.1621553 1.1724946 1.1817205 1.1700554 1.1385297 1.1056054\n", + " 1.0833637 1.0719978 1.067936 1.0658648 1.0602645 1.0521196 1.0445683\n", + " 1.0416951 1.0434351 1.0484155 1.0530452 1.0552052 1.0562328 1.0575739]]\n", + "[[1.1758032 1.1718917 1.1821518 1.1917772 1.1797433 1.14459 1.1095611\n", + " 1.0866324 1.0772783 1.0759866 1.076607 1.0722005 1.0628303 1.053611\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1400216 1.1370704 1.1458883 1.153924 1.1432139 1.1153964 1.0872009\n", + " 1.0686295 1.0591964 1.0557467 1.053674 1.0492661 1.0421544 1.0358348\n", + " 1.0335163 1.0350736 1.039282 1.0434605 1.0455978 1.0463225 1.0472105\n", + " 1.0503513 1.0562941]\n", + " [1.1723201 1.168519 1.1791148 1.1885439 1.1766037 1.1425611 1.1076915\n", + " 1.084405 1.0727755 1.069545 1.0683558 1.0637431 1.0553968 1.0471374\n", + " 1.0438812 1.0457219 1.0507224 1.0555049 1.0582103 1.0592043 0.\n", + " 0. 0. ]\n", + " [1.1686306 1.1638949 1.1723896 1.1820827 1.171257 1.139429 1.1054643\n", + " 1.0840893 1.0733639 1.0711443 1.0711789 1.0669707 1.0578923 1.049577\n", + " 1.0459805 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1615682 1.1602073 1.1709731 1.1798999 1.1687672 1.1362917 1.1040211\n", + " 1.0822427 1.0709848 1.066496 1.0645173 1.0587952 1.0499376 1.0428795\n", + " 1.0398355 1.0418059 1.046496 1.0514519 1.0537052 1.0548753 1.0565327\n", + " 1.0598396 0. ]]\n", + "[[1.1631564 1.1582954 1.1673408 1.174964 1.164041 1.1327912 1.100593\n", + " 1.079067 1.0690826 1.0676388 1.0673327 1.062458 1.0541847 1.0464085\n", + " 1.0425007 1.0439484 1.0487512 0. 0. 0. ]\n", + " [1.1652858 1.1610805 1.1700028 1.1787499 1.1679091 1.1361583 1.1031293\n", + " 1.080595 1.0705748 1.0688893 1.0689873 1.0648664 1.0558901 1.0479221\n", + " 1.0438159 1.0454866 0. 0. 0. 0. ]\n", + " [1.182425 1.1788048 1.1892974 1.1982565 1.1854149 1.150035 1.1137599\n", + " 1.0891956 1.0776887 1.074903 1.0740874 1.0687579 1.0590186 1.0509834\n", + " 1.0471982 1.0496299 1.0551301 1.0609018 0. 0. ]\n", + " [1.1570277 1.154606 1.1643752 1.1718935 1.1589519 1.128149 1.0960944\n", + " 1.0756322 1.0657777 1.063637 1.0639162 1.0594543 1.0510316 1.044098\n", + " 1.0405782 1.0423288 1.0473167 0. 0. 0. ]\n", + " [1.1651149 1.1619828 1.1722958 1.1798273 1.1690801 1.1363864 1.1025287\n", + " 1.0802168 1.0690871 1.0656064 1.064753 1.0598812 1.051432 1.0446326\n", + " 1.0412197 1.0431296 1.0481682 1.0533 1.0560576 1.0576063]]\n", + "[[1.1881702 1.1847208 1.1942923 1.2050169 1.1919945 1.1547623 1.1180316\n", + " 1.0928582 1.0812013 1.0777537 1.0774021 1.0725397 1.0627437 1.0535978\n", + " 1.0499226 1.0515985 1.0572574 1.062904 0. 0. 0.\n", + " 0. ]\n", + " [1.1688621 1.1678628 1.180083 1.1913637 1.1797657 1.1451327 1.1094718\n", + " 1.086131 1.074578 1.0708417 1.0689789 1.0629394 1.0544224 1.0468056\n", + " 1.0433718 1.045253 1.0494939 1.0544356 1.0569464 1.0576322 1.0590688\n", + " 1.062877 ]\n", + " [1.1726747 1.1690341 1.1794386 1.1873541 1.1752294 1.1416823 1.1069473\n", + " 1.0840026 1.0744656 1.07354 1.074757 1.0702583 1.0613302 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1552266 1.1505758 1.1581575 1.165094 1.152937 1.1237887 1.0936728\n", + " 1.0737041 1.0643579 1.0619862 1.0610634 1.0569685 1.0490745 1.0420462\n", + " 1.0392118 1.0405402 1.0449878 1.0495394 0. 0. 0.\n", + " 0. ]\n", + " [1.1614064 1.1571838 1.1662122 1.1734253 1.1606855 1.1292427 1.0980846\n", + " 1.0778286 1.0679381 1.0654829 1.0642198 1.0588855 1.050487 1.0431514\n", + " 1.0403261 1.0420909 1.0473593 1.0522019 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1721714 1.1678884 1.1786516 1.1884385 1.1771017 1.1438191 1.1090263\n", + " 1.0861439 1.0754689 1.0738328 1.0739264 1.0696054 1.0601916 1.0515118\n", + " 1.047101 0. 0. 0. 0. 0. ]\n", + " [1.1549299 1.1513507 1.1618215 1.1716197 1.1610597 1.1296122 1.0971664\n", + " 1.0758059 1.0661461 1.0639422 1.0646241 1.0604929 1.0516466 1.0440443\n", + " 1.0401201 1.0413254 1.0465201 0. 0. 0. ]\n", + " [1.1666275 1.1632205 1.173192 1.1816837 1.1690321 1.1352584 1.1022798\n", + " 1.0808778 1.0707617 1.0691195 1.0683854 1.0637392 1.0543463 1.0464146\n", + " 1.0430065 1.0451459 1.0503055 0. 0. 0. ]\n", + " [1.1566093 1.1541172 1.164555 1.1719639 1.1608498 1.1288183 1.0962878\n", + " 1.0750002 1.0649651 1.0621711 1.0613927 1.0568702 1.0492014 1.0419639\n", + " 1.0392053 1.040528 1.0452868 1.0497358 1.0517825 1.0525197]\n", + " [1.1731211 1.1694549 1.1796179 1.1886444 1.1764516 1.1426576 1.1079576\n", + " 1.084145 1.0732644 1.0694739 1.0683081 1.0623121 1.0540057 1.0462081\n", + " 1.0431864 1.0453076 1.0502096 1.0550499 1.0572878 1.058271 ]]\n", + "[[1.1603171 1.1565284 1.1672527 1.1771427 1.1655331 1.1327239 1.0990337\n", + " 1.0776782 1.0685371 1.0665976 1.0670793 1.0627433 1.054139 1.0459828\n", + " 1.0421679 1.0438149 0. 0. 0. ]\n", + " [1.1730003 1.1703415 1.1811541 1.1904235 1.1780564 1.1439549 1.1090412\n", + " 1.0850836 1.0734009 1.0701255 1.0681273 1.0630202 1.0537491 1.0456566\n", + " 1.0427032 1.0445752 1.0494506 1.0545588 1.0571871]\n", + " [1.1792448 1.1739743 1.1820103 1.1884474 1.1756926 1.1425881 1.1088021\n", + " 1.0862284 1.0755771 1.0726298 1.0720869 1.0670408 1.0583446 1.0500158\n", + " 1.04666 1.0481097 1.0534084 0. 0. ]\n", + " [1.157137 1.1545957 1.1651089 1.1734978 1.1617912 1.1303841 1.0983112\n", + " 1.0764675 1.0666813 1.0642585 1.063761 1.0586562 1.0500833 1.0426601\n", + " 1.0392975 1.041158 1.0457323 1.0505569 0. ]\n", + " [1.1732312 1.1686248 1.179137 1.1883501 1.1772195 1.1433992 1.1082695\n", + " 1.0850543 1.0741366 1.0728999 1.0731417 1.0685776 1.0593915 1.0507723\n", + " 1.0466589 1.0486102 0. 0. 0. ]]\n", + "[[1.165683 1.1643827 1.1758604 1.1842946 1.1736841 1.1404389 1.1065755\n", + " 1.0834302 1.0719615 1.0683002 1.0668882 1.0617725 1.0530052 1.0453947\n", + " 1.0421784 1.0439111 1.0486388 1.0533475 1.0560123 1.057039 0. ]\n", + " [1.1662487 1.1617966 1.1710557 1.1787548 1.1663826 1.1330409 1.1000926\n", + " 1.0789658 1.0695704 1.0686582 1.0694227 1.0648737 1.0559912 1.0477777\n", + " 1.0440317 0. 0. 0. 0. 0. 0. ]\n", + " [1.1722093 1.1682084 1.1780471 1.186259 1.1730275 1.139702 1.1061316\n", + " 1.084251 1.0742092 1.0721569 1.0723679 1.0678988 1.0587648 1.0504775\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1792845 1.1765547 1.1881152 1.1981916 1.1859736 1.1520754 1.1160766\n", + " 1.0918871 1.0797563 1.0756452 1.0737214 1.0676599 1.0582145 1.0497288\n", + " 1.0457525 1.0474042 1.0520666 1.0573707 1.0596964 1.0604038 1.061754 ]\n", + " [1.1608765 1.1577529 1.168738 1.1769438 1.166291 1.1336683 1.1000065\n", + " 1.0788711 1.0682902 1.0664684 1.0661885 1.0618027 1.0535761 1.0455296\n", + " 1.0418993 1.0434772 1.0485291 0. 0. 0. 0. ]]\n", + "[[1.1628336 1.1596832 1.1697869 1.178046 1.1656266 1.1327273 1.1000301\n", + " 1.0781425 1.0682718 1.0655957 1.0647837 1.0596968 1.0511681 1.0439936\n", + " 1.0410278 1.0428003 1.047939 1.0530854]\n", + " [1.184802 1.1798962 1.1875263 1.1928074 1.1785055 1.143791 1.1090057\n", + " 1.0870752 1.077435 1.0769055 1.0772941 1.0722501 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1610233 1.1584966 1.1694568 1.1773933 1.1661115 1.1341803 1.1009299\n", + " 1.0790418 1.068862 1.0665284 1.0657669 1.0613616 1.0528531 1.0452448\n", + " 1.0413493 1.0428729 1.047634 1.0531368]\n", + " [1.1696 1.1653112 1.1755375 1.1838942 1.171192 1.138145 1.104374\n", + " 1.0825311 1.0726215 1.0714238 1.071441 1.0670619 1.0580971 1.0497143\n", + " 1.0453172 0. 0. 0. ]\n", + " [1.1979833 1.192165 1.2025721 1.2109363 1.1973977 1.1600031 1.1213982\n", + " 1.0966748 1.0853432 1.0835216 1.0837548 1.0786055 1.0681716 1.0582367\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1603305 1.1564229 1.1683154 1.1808627 1.1727164 1.1409216 1.1077573\n", + " 1.0849688 1.0741764 1.0706112 1.0683968 1.0616708 1.0518858 1.0438298\n", + " 1.0410631 1.0431039 1.0485255 1.0538223 1.0560316 1.0564626 1.0572258\n", + " 1.0605505 1.0672619 1.0777252 1.0870005 1.092485 1.0937855 1.0893687\n", + " 1.0811138 1.0709121]\n", + " [1.1821733 1.1757139 1.184278 1.1913296 1.1785972 1.1444874 1.1101518\n", + " 1.0874739 1.0779647 1.0767432 1.07708 1.0727668 1.0631152 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1710742 1.1680746 1.1793834 1.1886702 1.1761415 1.1418852 1.1069119\n", + " 1.083915 1.0728638 1.0694853 1.0677701 1.0617799 1.0530255 1.0449471\n", + " 1.0414834 1.043127 1.0484315 1.0530548 1.0557424 1.0567819 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.180015 1.1761475 1.1878254 1.1986108 1.1863195 1.1517342 1.1147225\n", + " 1.0901473 1.078035 1.0746253 1.0732211 1.067009 1.057456 1.0490198\n", + " 1.0454738 1.0475569 1.0534811 1.0589706 1.061839 1.0628217 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.204989 1.1983209 1.2081506 1.2163017 1.201416 1.1637583 1.1247855\n", + " 1.0990365 1.0879103 1.0865961 1.0868036 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.151262 1.1471256 1.1543454 1.1622871 1.1504145 1.1219224 1.092073\n", + " 1.0721936 1.0628855 1.0599551 1.0588415 1.0551862 1.0477492 1.0413954\n", + " 1.0382274 1.0401742 1.0446934 1.0495207 0. ]\n", + " [1.1688364 1.1665634 1.177351 1.184733 1.1734104 1.1400869 1.1052467\n", + " 1.0824547 1.0716078 1.0685052 1.0669999 1.0619588 1.0529538 1.0451801\n", + " 1.0420607 1.0439277 1.0491772 1.0543525 1.0569692]\n", + " [1.1734593 1.168642 1.1776247 1.1849219 1.172963 1.1386374 1.104162\n", + " 1.0812238 1.070551 1.0678388 1.0668522 1.0623962 1.0542873 1.046212\n", + " 1.0426478 1.0440863 1.0493994 1.0546404 0. ]\n", + " [1.1710358 1.1656054 1.1752528 1.1844155 1.17277 1.1401098 1.1057446\n", + " 1.0830951 1.0728154 1.0708239 1.0699598 1.0653383 1.056307 1.0481534\n", + " 1.0442653 1.0462519 0. 0. 0. ]\n", + " [1.1951923 1.1898851 1.2002456 1.2089143 1.1946217 1.1593313 1.1224976\n", + " 1.096905 1.0858808 1.0836028 1.0848485 1.0798483 1.0689833 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1522186 1.1489164 1.1584358 1.1656551 1.1554021 1.1254947 1.0946685\n", + " 1.0740837 1.0645227 1.0618764 1.0611072 1.0568641 1.0486984 1.04162\n", + " 1.0381814 1.0394727 1.0439913 1.0485643]\n", + " [1.2120247 1.2054565 1.2160362 1.2244476 1.2093558 1.1718872 1.1319946\n", + " 1.1058633 1.0943407 1.0926286 1.092482 1.0872359 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1723704 1.1697308 1.1807421 1.1897892 1.1768557 1.143086 1.1087432\n", + " 1.0861204 1.0754021 1.072757 1.0713106 1.0664701 1.0571358 1.0492007\n", + " 1.0452948 1.0470595 1.0528294 0. ]\n", + " [1.170861 1.1664895 1.1774776 1.1862727 1.1731803 1.1386644 1.1039487\n", + " 1.0822641 1.0723019 1.070182 1.0693334 1.0638738 1.0545406 1.0462418\n", + " 1.042969 1.0452113 1.0505787 1.0558761]\n", + " [1.1903616 1.1850033 1.1944276 1.2020954 1.1886921 1.1537846 1.1170936\n", + " 1.0932035 1.0825768 1.0810554 1.0812526 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1823596 1.1770828 1.1867291 1.194426 1.1799929 1.1449673 1.1093253\n", + " 1.0859575 1.0757782 1.0747452 1.0754433 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.164503 1.159333 1.1693027 1.1772169 1.1664335 1.1340485 1.1020026\n", + " 1.0810251 1.071627 1.070566 1.0707713 1.0662026 1.0566255 1.04817\n", + " 1.0441687 0. 0. ]\n", + " [1.1830759 1.1778433 1.1889923 1.1985283 1.1866256 1.1509742 1.1143792\n", + " 1.0901252 1.0793895 1.0777532 1.0782778 1.0734813 1.0637094 1.054595\n", + " 0. 0. 0. ]\n", + " [1.1602675 1.1570735 1.1666002 1.1754085 1.1639612 1.133033 1.1000507\n", + " 1.0775865 1.067825 1.0653147 1.0653266 1.0607015 1.0525129 1.0450677\n", + " 1.0412984 1.0432451 1.0494057]\n", + " [1.1531446 1.1492023 1.1580164 1.1656175 1.1548496 1.1245887 1.0938249\n", + " 1.0734042 1.0644062 1.0625008 1.0617126 1.057195 1.0489404 1.0418017\n", + " 1.0387405 1.0403277 1.0451318]]\n", + "[[1.1959516 1.1909803 1.2006104 1.2108728 1.1973459 1.1618099 1.1242713\n", + " 1.0988729 1.0878185 1.0856955 1.0862448 1.0803447 1.0689847 1.058944\n", + " 1.0539603 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1748935 1.172624 1.1833882 1.1920993 1.1809922 1.1478401 1.1129235\n", + " 1.0893971 1.0773188 1.0734448 1.0704736 1.0645927 1.0545022 1.0469565\n", + " 1.0436798 1.0457689 1.0506597 1.0561335 1.0583098 1.0593135 1.0605339\n", + " 1.0644749 1.0721531]\n", + " [1.1669662 1.1649747 1.1759375 1.1845388 1.1712644 1.137962 1.1042547\n", + " 1.0822436 1.0718087 1.0694257 1.0682011 1.0630678 1.0538431 1.0459789\n", + " 1.042205 1.0437928 1.0490721 1.054368 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1653252 1.1605518 1.1701688 1.1784692 1.1681547 1.1357799 1.1020241\n", + " 1.0802902 1.0699217 1.0673435 1.067424 1.062922 1.0544555 1.0462451\n", + " 1.0427591 1.0443817 1.0495526 1.0546157 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1791403 1.1734232 1.1816335 1.1915922 1.1785294 1.1440786 1.1087607\n", + " 1.086378 1.0771419 1.0762204 1.0769844 1.0716279 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1951022 1.1894379 1.2000388 1.2097763 1.1974055 1.1612283 1.1235245\n", + " 1.0985506 1.0873411 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1702161 1.1660222 1.176286 1.185316 1.1729816 1.1397817 1.1061318\n", + " 1.0842015 1.0740583 1.0722575 1.0723453 1.0675857 1.0580497 1.0499191\n", + " 1.0460508 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1674583 1.1654993 1.1762005 1.184031 1.1712422 1.1371666 1.1041261\n", + " 1.082317 1.0722944 1.0699884 1.0690569 1.0634774 1.054375 1.0459558\n", + " 1.0421685 1.0437465 1.048508 1.0537261 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1608242 1.1583296 1.1706151 1.1801436 1.1699402 1.1385367 1.1051922\n", + " 1.0826542 1.0712291 1.0670017 1.0653023 1.0598891 1.0514839 1.0440618\n", + " 1.0406985 1.0427521 1.0481272 1.0526205 1.0545487 1.0549129 1.0562018\n", + " 1.0593998 1.0667952]\n", + " [1.1655136 1.1627432 1.1730994 1.1823231 1.1707642 1.1385736 1.1060174\n", + " 1.0840483 1.0724883 1.0689086 1.0670203 1.0610062 1.0523452 1.0445058\n", + " 1.0409459 1.0425726 1.0475024 1.0524192 1.0548205 1.0561402 0.\n", + " 0. 0. ]]\n", + "[[1.1572996 1.1553657 1.1662592 1.175774 1.1643075 1.1329769 1.1011591\n", + " 1.0798911 1.0690107 1.0656389 1.0633253 1.0570769 1.0478723 1.0405897\n", + " 1.037792 1.0394398 1.0442444 1.0490819 1.0509926 1.0521313 1.0536715\n", + " 1.0575168 1.064546 ]\n", + " [1.1702518 1.1664386 1.1765671 1.1859304 1.1749095 1.1424214 1.1084603\n", + " 1.0856719 1.0750455 1.073067 1.072964 1.0677642 1.0590866 1.0501814\n", + " 1.0461133 1.0476506 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1636477 1.1615527 1.172201 1.1804116 1.1684363 1.1366569 1.1038562\n", + " 1.0812162 1.0706664 1.0669842 1.0649576 1.0590599 1.0508167 1.0434151\n", + " 1.0404574 1.0416398 1.0467998 1.051607 1.0539542 1.0552177 0.\n", + " 0. 0. ]\n", + " [1.176356 1.1714863 1.1806841 1.18933 1.1766922 1.1438328 1.1103456\n", + " 1.0878091 1.0769615 1.0741419 1.073564 1.0684602 1.0591795 1.0511372\n", + " 1.0472498 1.0497594 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1392355 1.1354486 1.1432276 1.1509048 1.1410623 1.1129012 1.0856823\n", + " 1.067067 1.0573187 1.0551765 1.0541332 1.0501744 1.0434422 1.0374633\n", + " 1.034793 1.0364262 1.0408384 1.0449275 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1636418 1.159438 1.1685804 1.1767578 1.1648214 1.1334496 1.1012692\n", + " 1.079776 1.0689143 1.0658115 1.0649763 1.060125 1.0516979 1.0445561\n", + " 1.0412195 1.043194 1.0481204 1.052963 1.0556083]\n", + " [1.1692164 1.164086 1.173715 1.1821115 1.1711061 1.1385472 1.1047767\n", + " 1.0822418 1.07233 1.0699378 1.0694525 1.0647637 1.0558224 1.0474178\n", + " 1.0434821 1.0451674 1.0505487 0. 0. ]\n", + " [1.1980649 1.1927027 1.2023761 1.2092757 1.1939564 1.1568489 1.1194555\n", + " 1.0947175 1.0838892 1.0826203 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1656476 1.1629608 1.1736146 1.1831808 1.1709931 1.1387265 1.1054114\n", + " 1.0830665 1.072018 1.0687604 1.0678393 1.0631009 1.0546011 1.046675\n", + " 1.0430983 1.0444808 1.0492887 1.0542768 0. ]\n", + " [1.1826383 1.178723 1.1896023 1.1980546 1.1854973 1.1502501 1.1123573\n", + " 1.0890051 1.0778627 1.0755178 1.0755129 1.0706445 1.0608623 1.0520537\n", + " 1.0479479 1.0494635 1.0553282 0. 0. ]]\n", + "[[1.1661402 1.1621811 1.1714797 1.178316 1.1661038 1.133809 1.1012151\n", + " 1.0798793 1.0711559 1.0705931 1.0709178 1.0661255 1.056605 1.0483397\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.159682 1.1569915 1.1675861 1.1762624 1.1646168 1.133353 1.101345\n", + " 1.0798829 1.0688598 1.0651779 1.0634643 1.0578437 1.0493542 1.0419847\n", + " 1.0391195 1.0404956 1.0451958 1.0495173 1.0521234 1.0531608]]\n", + "[[1.1709256 1.1662581 1.1761329 1.1843225 1.1717706 1.139573 1.106553\n", + " 1.0847069 1.0745122 1.0724747 1.0728176 1.0678749 1.058745 1.0501305\n", + " 1.0461814 0. 0. 0. 0. 0. ]\n", + " [1.156153 1.1540861 1.164486 1.1731906 1.1627074 1.1312251 1.0985334\n", + " 1.076199 1.0656754 1.0625204 1.0618156 1.056993 1.0492686 1.0421365\n", + " 1.0389274 1.040025 1.0441222 1.0486414 1.0511996 0. ]\n", + " [1.181477 1.1772859 1.1870179 1.1958764 1.183037 1.1486522 1.1130625\n", + " 1.0892404 1.0790036 1.0764294 1.0759686 1.0709413 1.0614556 1.0524286\n", + " 1.0487064 1.0506169 1.0565915 0. 0. 0. ]\n", + " [1.1698781 1.1665729 1.1763297 1.1860036 1.1750534 1.1412703 1.1073347\n", + " 1.0845087 1.0736102 1.0713764 1.0708411 1.0652854 1.0561239 1.0477142\n", + " 1.044051 1.046169 1.0517262 0. 0. 0. ]\n", + " [1.1797662 1.1776018 1.1894412 1.1997287 1.1879245 1.1531717 1.1164849\n", + " 1.0913252 1.0792251 1.0748295 1.0720397 1.0660833 1.0568016 1.0483778\n", + " 1.0450696 1.0466734 1.0523027 1.0574805 1.0599347 1.0610886]]\n", + "[[1.1648756 1.1595024 1.1679204 1.1752009 1.1627784 1.1309167 1.099234\n", + " 1.0788903 1.0695306 1.0690768 1.0690788 1.0654209 1.0562625 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1730773 1.1704353 1.181167 1.1907419 1.1789345 1.1459396 1.1123661\n", + " 1.0891378 1.0768385 1.0729342 1.0703006 1.0651428 1.0558255 1.0474585\n", + " 1.0441983 1.0464946 1.0513612 1.0562743 1.0578494 1.0582113 0. ]\n", + " [1.1486346 1.1463153 1.1564052 1.1647503 1.1533744 1.123642 1.0943308\n", + " 1.07397 1.0634081 1.0593551 1.0578034 1.0525354 1.045006 1.0391071\n", + " 1.0367249 1.0386194 1.0427376 1.0473967 1.0499696 1.0509893 1.052688 ]\n", + " [1.1714911 1.1695868 1.1805177 1.1899514 1.1775315 1.1427765 1.1078463\n", + " 1.084795 1.0732896 1.070157 1.0684053 1.0628977 1.0535998 1.0461025\n", + " 1.0426255 1.0449363 1.0498286 1.054685 1.057317 1.0578902 0. ]\n", + " [1.1637553 1.1614294 1.1711235 1.1803586 1.1693676 1.1365228 1.102793\n", + " 1.0806297 1.0702999 1.0681654 1.0674934 1.0630865 1.0542195 1.0465072\n", + " 1.0427622 1.0442084 1.049172 0. 0. 0. 0. ]]\n", + "[[1.1749927 1.1710947 1.1804001 1.1897342 1.1785316 1.1458504 1.1119766\n", + " 1.0891385 1.0783662 1.0761244 1.0759778 1.0707273 1.0617272 1.0527315\n", + " 1.048724 0. 0. 0. 0. ]\n", + " [1.1830645 1.1786557 1.1892841 1.1973921 1.183943 1.1498662 1.11463\n", + " 1.0908091 1.0786364 1.0759596 1.0748892 1.0695326 1.0598845 1.051802\n", + " 1.0479902 1.0500145 1.05555 1.0610187 0. ]\n", + " [1.1777954 1.1722487 1.1820116 1.1894754 1.1767474 1.1424899 1.1074486\n", + " 1.0850999 1.074325 1.0713454 1.0704421 1.0652484 1.0565784 1.0482409\n", + " 1.044624 1.0461735 1.0515982 1.0567225 0. ]\n", + " [1.1809803 1.1766132 1.1862009 1.1953963 1.182202 1.1485007 1.1135069\n", + " 1.0895565 1.077591 1.074559 1.0730895 1.067249 1.0586635 1.0503074\n", + " 1.0462729 1.0481212 1.053285 1.0587245 1.0614685]\n", + " [1.1707693 1.1662663 1.1759887 1.1838624 1.1730219 1.1397488 1.1055038\n", + " 1.0826907 1.0720245 1.070185 1.0704832 1.0664862 1.0583048 1.0499052\n", + " 1.0459338 1.0477573 0. 0. 0. ]]\n", + "[[1.1538519 1.1503308 1.1603996 1.1685419 1.1590163 1.12905 1.0974269\n", + " 1.0764525 1.0663183 1.0650954 1.064908 1.0603448 1.0521773 1.0442557\n", + " 1.0405954 1.0423697 0. 0. ]\n", + " [1.1748286 1.1711408 1.1824634 1.1914284 1.17857 1.144572 1.1091623\n", + " 1.0848348 1.0737846 1.0710683 1.0707644 1.065943 1.0574777 1.048779\n", + " 1.0454696 1.0470082 1.0521864 1.0573016]\n", + " [1.1900117 1.1834819 1.1920565 1.1997024 1.18706 1.1525354 1.1167386\n", + " 1.0930171 1.0814865 1.0794096 1.0792731 1.073752 1.0645968 1.0552945\n", + " 1.0516964 0. 0. 0. ]\n", + " [1.1822463 1.1778576 1.1877757 1.1965218 1.1828442 1.1469526 1.1113113\n", + " 1.0876077 1.0759583 1.0730121 1.0722282 1.067687 1.0588992 1.0504749\n", + " 1.0461478 1.0476196 1.0531852 1.058618 ]\n", + " [1.1740739 1.1676173 1.1759571 1.1834041 1.170134 1.136796 1.103582\n", + " 1.0815244 1.0722111 1.0713801 1.0725977 1.0679762 1.0590789 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1610252 1.1581795 1.1684176 1.1766899 1.1642865 1.131707 1.0993332\n", + " 1.0777006 1.0676401 1.0652668 1.064973 1.0600858 1.0519171 1.044503\n", + " 1.0414969 1.043193 1.0478776 1.0525571 0. 0. ]\n", + " [1.1654121 1.1625535 1.1724261 1.1806567 1.1685028 1.1352481 1.1019077\n", + " 1.0801473 1.0696418 1.0665693 1.0651654 1.0599068 1.0516803 1.0443114\n", + " 1.0407932 1.0424091 1.047207 1.0520754 1.0544573 1.0555581]\n", + " [1.217174 1.2114286 1.2212174 1.2292889 1.2129252 1.1733835 1.1337103\n", + " 1.1084465 1.0974289 1.0963486 1.0959414 1.0896554 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1749005 1.172019 1.1821256 1.1907377 1.1769049 1.1406955 1.1057252\n", + " 1.0831192 1.0730482 1.0720239 1.0724854 1.0679164 1.0587723 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1690254 1.1678874 1.1796031 1.1895525 1.1775128 1.1437707 1.1089303\n", + " 1.0855504 1.0739692 1.070458 1.0688988 1.0628637 1.0529656 1.0451256\n", + " 1.0416985 1.042998 1.0484215 1.0531493 1.0556171 1.0566511]]\n", + "[[1.163522 1.1615692 1.1714042 1.1798682 1.1657372 1.1339674 1.1012341\n", + " 1.0798157 1.0693349 1.0669504 1.0658996 1.0604866 1.0521569 1.0443461\n", + " 1.0414251 1.0431968 1.0485936 1.0538979]\n", + " [1.1577996 1.1523701 1.1608628 1.1694661 1.1577015 1.1274755 1.0957882\n", + " 1.0753025 1.0655324 1.0641897 1.0640761 1.060217 1.0523118 1.0445209\n", + " 1.0410904 1.0425553 0. 0. ]\n", + " [1.1753495 1.1707813 1.1815883 1.1909426 1.1786456 1.1445256 1.1090275\n", + " 1.0858514 1.0756935 1.0751663 1.0760553 1.0718467 1.0623343 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1602477 1.15678 1.1659803 1.1730213 1.1606495 1.1288934 1.0970248\n", + " 1.076811 1.0674461 1.0650859 1.0652254 1.0610672 1.0526553 1.0451292\n", + " 1.0419402 1.0438707 1.04899 0. ]\n", + " [1.1906002 1.1856303 1.1970131 1.206837 1.1944765 1.157744 1.1185293\n", + " 1.0925871 1.0802727 1.0780421 1.0774686 1.0729176 1.0628369 1.0536424\n", + " 1.0495467 1.0513877 1.0571929 1.0629568]]\n", + "[[1.1917506 1.1880672 1.1988871 1.206983 1.1932775 1.1572976 1.1196071\n", + " 1.094608 1.0820808 1.0786768 1.0772687 1.0713538 1.060931 1.0525492\n", + " 1.0487192 1.0509733 1.0565993 1.0623319 1.0647885]\n", + " [1.1792238 1.1734843 1.1807448 1.1860923 1.1733085 1.1401374 1.1073376\n", + " 1.0853696 1.0747195 1.072063 1.0709727 1.0660852 1.0572046 1.049371\n", + " 1.0459032 1.0480629 1.0537914 0. 0. ]\n", + " [1.1769743 1.1714106 1.180475 1.1882288 1.1761395 1.1443397 1.1106238\n", + " 1.0877973 1.0760891 1.0730253 1.0715383 1.0672714 1.0587529 1.0505863\n", + " 1.0465372 1.0481138 1.0530725 1.05739 0. ]\n", + " [1.1590085 1.15472 1.1628817 1.1705066 1.1582439 1.1284102 1.0971605\n", + " 1.0759151 1.0652976 1.0621496 1.0605116 1.0562633 1.0485067 1.0420284\n", + " 1.0387572 1.0405648 1.045074 1.0497897 1.0527836]\n", + " [1.1689968 1.1628923 1.170892 1.1781665 1.1660947 1.1348344 1.102733\n", + " 1.081502 1.0716391 1.0698656 1.0699774 1.0655556 1.056785 1.04861\n", + " 1.0449433 0. 0. 0. 0. ]]\n", + "[[1.1611118 1.1574607 1.1662874 1.1741567 1.1629742 1.1313006 1.0981522\n", + " 1.0765965 1.0665126 1.064438 1.064489 1.0609317 1.0535462 1.0463022\n", + " 1.0428157 1.0446652 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.186561 1.1812912 1.1914191 1.2000631 1.1883405 1.1533611 1.1164159\n", + " 1.0922629 1.0805241 1.0785751 1.0779271 1.0726936 1.062938 1.0538439\n", + " 1.0499144 1.0523442 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1600525 1.1581736 1.1689394 1.1777289 1.166563 1.1356151 1.1030566\n", + " 1.0810122 1.0699245 1.066165 1.0641439 1.0583652 1.0493461 1.0423473\n", + " 1.0393138 1.0407392 1.0456231 1.0504365 1.0525934 1.0538208 1.0553424\n", + " 0. 0. ]\n", + " [1.1624768 1.1610028 1.1721916 1.1817595 1.1698394 1.1366118 1.1039159\n", + " 1.0818659 1.070819 1.0668824 1.0646914 1.058886 1.0497304 1.0430435\n", + " 1.0399829 1.0421402 1.0466619 1.0514007 1.0537742 1.054501 1.055839\n", + " 1.0593022 1.0669532]\n", + " [1.1535653 1.1505909 1.1604456 1.1687634 1.1575779 1.1274998 1.0960584\n", + " 1.0745951 1.0644777 1.0614934 1.0600967 1.0546592 1.0465125 1.0395412\n", + " 1.0368928 1.0382906 1.0428535 1.0472262 1.0494971 1.0507374 1.0520768\n", + " 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1593429 1.1555426 1.1651162 1.172997 1.1633211 1.1334138 1.1017841\n", + " 1.0799477 1.0683739 1.0646671 1.0627584 1.0573306 1.0494003 1.0423602\n", + " 1.0396084 1.0418326 1.0462029 1.0508157 1.0531161 1.0533252 1.0542239\n", + " 1.0574229 1.0638125]\n", + " [1.1615735 1.1596817 1.1721606 1.1836085 1.1722783 1.1389272 1.1048042\n", + " 1.0824207 1.0712539 1.0672601 1.0654842 1.0594598 1.0500972 1.0427632\n", + " 1.0397698 1.0416114 1.04709 1.0517236 1.0543145 1.0550156 1.0561298\n", + " 1.0594465 1.0666767]\n", + " [1.1818863 1.1772671 1.1879544 1.1962465 1.181753 1.1457416 1.1107352\n", + " 1.0878595 1.0775579 1.0756164 1.0760401 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1649075 1.1604131 1.1692778 1.1776336 1.1661239 1.1341822 1.1014084\n", + " 1.080329 1.0712181 1.0695823 1.0695813 1.0648708 1.0555713 1.0473356\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1682701 1.163971 1.1729703 1.1803527 1.1691806 1.1373532 1.1049011\n", + " 1.0827426 1.0713888 1.0664998 1.0646982 1.05919 1.050261 1.0435834\n", + " 1.0404857 1.0425762 1.0474862 1.0523524 1.0545484 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1598563 1.1571885 1.1672163 1.1762147 1.1648353 1.1328573 1.1004559\n", + " 1.0790911 1.0685859 1.0666152 1.0660436 1.0616621 1.0532197 1.0452714\n", + " 1.0416765 1.0427921 1.0477903]\n", + " [1.1836162 1.1799726 1.1915594 1.200134 1.1883671 1.152861 1.1160257\n", + " 1.0915508 1.0795038 1.0776179 1.0765018 1.0714825 1.0613586 1.052475\n", + " 1.0481914 1.0498616 1.0555077]\n", + " [1.1935194 1.1882677 1.1976652 1.2077807 1.1941028 1.1571709 1.1207422\n", + " 1.0963147 1.0859927 1.0846174 1.084798 1.0796838 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1700867 1.167572 1.1780261 1.1866266 1.1737056 1.1412024 1.1062369\n", + " 1.083766 1.0729558 1.0712475 1.0708475 1.0653716 1.0564687 1.0482147\n", + " 1.0443928 1.0460057 1.0514448]\n", + " [1.175332 1.1705222 1.1792026 1.1876488 1.175177 1.1414244 1.1071556\n", + " 1.0850873 1.0744817 1.0734259 1.0741608 1.0692145 1.0602071 1.0517441\n", + " 0. 0. 0. ]]\n", + "[[1.1925193 1.1885419 1.1989421 1.207835 1.1936646 1.1587939 1.1215748\n", + " 1.0966995 1.0842041 1.0798236 1.0781095 1.0715243 1.0619597 1.0532372\n", + " 1.0491881 1.051287 1.0568458 1.0619864 1.0646622 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.157842 1.1523471 1.1609101 1.1687996 1.158257 1.1274894 1.0958767\n", + " 1.0745317 1.064308 1.0627936 1.0631218 1.0597541 1.0522859 1.0453196\n", + " 1.0418012 1.0435437 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1726671 1.1693876 1.1806394 1.1898679 1.1788119 1.1465642 1.112216\n", + " 1.0889663 1.0770762 1.0729715 1.070471 1.06372 1.0545971 1.0465018\n", + " 1.0431387 1.0452752 1.0503908 1.0553322 1.0574081 1.0581926 1.0593947\n", + " 1.0626084 1.070309 0. 0. ]\n", + " [1.1561399 1.1510566 1.1596713 1.1678141 1.1571866 1.1268604 1.0959817\n", + " 1.0755641 1.0663717 1.0647929 1.0656525 1.0621688 1.0545297 1.0466359\n", + " 1.042803 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.163667 1.1612186 1.1710408 1.1819462 1.1722735 1.1406368 1.1075699\n", + " 1.0854497 1.0740311 1.0695778 1.0669208 1.061297 1.0518155 1.0443115\n", + " 1.0411019 1.0432981 1.0486524 1.0535192 1.0554092 1.0553976 1.0562915\n", + " 1.0592437 1.0665523 1.0766009 1.0849878]]\n", + "[[1.18762 1.1849082 1.1963232 1.2054104 1.193021 1.1568819 1.1194277\n", + " 1.0944583 1.0821755 1.0792098 1.0777133 1.0712413 1.0612476 1.0521538\n", + " 1.0478345 1.0501641 1.0556037 1.0611212 1.0636412 0. 0.\n", + " 0. ]\n", + " [1.1673894 1.1645991 1.1751909 1.1835712 1.1709816 1.1371355 1.1029122\n", + " 1.0803909 1.0701274 1.0675132 1.0672407 1.0627657 1.054426 1.0465531\n", + " 1.043264 1.0447943 1.049761 1.0544332 0. 0. 0.\n", + " 0. ]\n", + " [1.1728436 1.1703098 1.1809161 1.1897947 1.1778572 1.1459353 1.1116185\n", + " 1.0883782 1.076527 1.0715842 1.069506 1.0628239 1.0532125 1.0458469\n", + " 1.043048 1.0448128 1.0494969 1.0544327 1.0569953 1.0576859 1.0593799\n", + " 1.0631392]\n", + " [1.1767882 1.1751513 1.1866963 1.1943198 1.182079 1.1475921 1.1120963\n", + " 1.0879707 1.0767102 1.0728968 1.0714536 1.0652549 1.0558891 1.0479885\n", + " 1.0443232 1.0459849 1.0514449 1.0566031 1.0589334 1.0600274 0.\n", + " 0. ]\n", + " [1.1647078 1.1605248 1.1708596 1.1792614 1.1670558 1.1341543 1.101112\n", + " 1.08016 1.0715489 1.0708652 1.0716897 1.0667106 1.0570688 1.0484444\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1731733 1.1684966 1.1775452 1.1852722 1.1733575 1.1408277 1.1077617\n", + " 1.0859756 1.0756681 1.0722933 1.0705838 1.0650482 1.055574 1.0477072\n", + " 1.0441298 1.0460844 1.0512507 1.0561496]\n", + " [1.2062652 1.2013345 1.2129637 1.2228649 1.2100114 1.1715417 1.1311646\n", + " 1.1050231 1.0935404 1.0918627 1.0933744 1.0871851 1.075634 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1861748 1.181733 1.1916714 1.200819 1.1876798 1.1520089 1.1158104\n", + " 1.0917886 1.0802947 1.0774323 1.0766538 1.0714724 1.062039 1.052405\n", + " 1.0488833 1.0508894 1.0569973 0. ]\n", + " [1.1786795 1.1719407 1.1795974 1.187249 1.1746686 1.1412909 1.1075078\n", + " 1.0844532 1.0743896 1.0730118 1.073158 1.0688882 1.060184 1.0516334\n", + " 1.0477377 1.0494665 0. 0. ]\n", + " [1.1852641 1.1808336 1.191532 1.1999154 1.1882762 1.1533077 1.1164062\n", + " 1.0928388 1.0815599 1.0790852 1.0795718 1.0741388 1.0643786 1.055683\n", + " 1.051121 1.0532361 0. 0. ]]\n", + "[[1.1779559 1.1724077 1.1823502 1.1927474 1.1782742 1.1435812 1.1080375\n", + " 1.0851773 1.0759064 1.075027 1.0761927 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1709607 1.1675119 1.1783983 1.1877234 1.1758723 1.1418059 1.1072946\n", + " 1.0838282 1.0732176 1.0711812 1.0711867 1.0664783 1.056994 1.0486499\n", + " 1.0445347 1.0462861 1.0520303 0. ]\n", + " [1.1682498 1.1638851 1.1729075 1.1806215 1.1673031 1.1353834 1.103103\n", + " 1.0815777 1.0716791 1.0696691 1.0695564 1.0645363 1.0557501 1.0475976\n", + " 1.0444448 1.046715 0. 0. ]\n", + " [1.1615312 1.1587843 1.1674365 1.1732483 1.160309 1.1295924 1.0987624\n", + " 1.07882 1.0692085 1.0665504 1.0657017 1.060863 1.0518928 1.0441773\n", + " 1.0409837 1.0425929 1.0468265 1.0510604]\n", + " [1.1567451 1.1522696 1.1617887 1.1710446 1.1608961 1.1307634 1.0980841\n", + " 1.0772724 1.0671047 1.0654827 1.0658463 1.061172 1.0526881 1.0446053\n", + " 1.0408846 1.042507 0. 0. ]]\n", + "[[1.1552684 1.1516854 1.1616331 1.1696625 1.1593921 1.1279782 1.0957451\n", + " 1.0746603 1.0651977 1.063266 1.063243 1.0590585 1.050427 1.0433147\n", + " 1.039567 1.0409763 1.0458026 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1715095 1.1676235 1.176557 1.1843069 1.1729474 1.1416715 1.1088269\n", + " 1.0866429 1.0750682 1.0707768 1.0683322 1.0618967 1.0530055 1.0453938\n", + " 1.0421726 1.0441778 1.0491829 1.0545961 1.0574107 1.0580539 1.0595897\n", + " 1.0629799]\n", + " [1.1654391 1.1619514 1.1721935 1.1811007 1.1691835 1.1368296 1.1034311\n", + " 1.0811262 1.0699315 1.0668992 1.0658852 1.0604694 1.0516971 1.0445224\n", + " 1.0412995 1.04253 1.0473282 1.0518411 1.0541183 1.0552453 0.\n", + " 0. ]\n", + " [1.1472613 1.1455064 1.1549535 1.1634533 1.1529528 1.1228613 1.092998\n", + " 1.0727595 1.0626003 1.0587443 1.0567867 1.0522224 1.0445241 1.0381718\n", + " 1.0354899 1.0372299 1.0412874 1.0454831 1.0478759 1.0487783 1.0502214\n", + " 0. ]\n", + " [1.1604129 1.1565373 1.1660082 1.1745503 1.1637386 1.1322231 1.1003339\n", + " 1.0793358 1.0690517 1.0671202 1.0665412 1.062642 1.0542661 1.0463752\n", + " 1.0428147 1.0444921 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.176876 1.1750668 1.1862626 1.1954378 1.183076 1.1476631 1.1114804\n", + " 1.0873942 1.0768684 1.0737677 1.0737338 1.068561 1.0594021 1.0504775\n", + " 1.0466508 1.0480976 1.0535706 1.0588657 0. ]\n", + " [1.1627048 1.1578269 1.1674469 1.1754746 1.1627692 1.1307693 1.0999248\n", + " 1.0789305 1.0695672 1.0684524 1.0683587 1.0631666 1.0545679 1.0465561\n", + " 1.0435958 0. 0. 0. 0. ]\n", + " [1.1879634 1.1836268 1.1932718 1.2007512 1.1887112 1.1536905 1.1171954\n", + " 1.0924406 1.0796726 1.0752556 1.0740896 1.0684068 1.0591697 1.0512456\n", + " 1.047935 1.0501091 1.0554525 1.0606529 1.0632977]\n", + " [1.1720359 1.1663843 1.1751354 1.1832608 1.1719023 1.1394029 1.1059535\n", + " 1.0842979 1.0743034 1.0723194 1.0724326 1.0675343 1.0584682 1.0497028\n", + " 1.0461329 1.0483602 0. 0. 0. ]\n", + " [1.1660899 1.1608262 1.1696925 1.1783208 1.1666472 1.1343802 1.1018317\n", + " 1.0797424 1.0696431 1.0670844 1.0670794 1.0626705 1.0544518 1.0471729\n", + " 1.0437073 1.0456679 1.0510774 0. 0. ]]\n", + "[[1.1702179 1.1650888 1.1746519 1.1826162 1.1710728 1.1380979 1.1047738\n", + " 1.0825922 1.07273 1.0708563 1.0704739 1.0660319 1.0569681 1.0486423\n", + " 1.0446848 1.0464754 1.0520473 0. ]\n", + " [1.1706624 1.1693455 1.1800305 1.1884891 1.1743689 1.1403946 1.1059316\n", + " 1.0831414 1.0730412 1.0708996 1.0695438 1.0646679 1.0553542 1.0473728\n", + " 1.0435898 1.0452754 1.0504686 1.0555658]\n", + " [1.1837444 1.1804162 1.1899399 1.1981193 1.1870134 1.1526295 1.1163962\n", + " 1.091946 1.0797236 1.0768855 1.0764877 1.0707501 1.0613441 1.0526168\n", + " 1.0482016 1.049758 1.0551904 1.0605301]\n", + " [1.1891812 1.18179 1.190397 1.1983293 1.1866174 1.1534767 1.1177139\n", + " 1.0939747 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1626503 1.1583678 1.1663585 1.1736269 1.160966 1.1300497 1.0986527\n", + " 1.0773345 1.0672811 1.0647974 1.064548 1.0605971 1.0530086 1.0454602\n", + " 1.0422487 1.0436206 1.0483825 0. ]]\n", + "[[1.1789035 1.1752665 1.1863524 1.194915 1.1821638 1.1471626 1.1119512\n", + " 1.0881915 1.0759932 1.0725945 1.0706604 1.0655171 1.0567425 1.0487067\n", + " 1.0452234 1.0472282 1.0530013 1.0582695 1.0609313 0. 0. ]\n", + " [1.1806303 1.1775565 1.1872485 1.1966285 1.1839025 1.149071 1.113423\n", + " 1.0898192 1.0777385 1.0736815 1.0719497 1.0661839 1.0569478 1.0488908\n", + " 1.0455283 1.0474601 1.0526389 1.0575505 1.0600839 1.060905 0. ]\n", + " [1.1678798 1.1636584 1.1727612 1.1798946 1.1686647 1.1371493 1.1050148\n", + " 1.083365 1.0725061 1.0702999 1.0689653 1.064702 1.0556171 1.048061\n", + " 1.0441322 1.0457635 1.0510004 0. 0. 0. 0. ]\n", + " [1.1654445 1.1626055 1.1714767 1.178886 1.1664841 1.1347024 1.1035757\n", + " 1.0816109 1.070582 1.0666922 1.0643861 1.0592645 1.0511534 1.0444576\n", + " 1.041494 1.0437748 1.0480056 1.052525 1.0545647 1.0554979 1.0574704]\n", + " [1.1807736 1.1782129 1.1887093 1.1969002 1.1840001 1.149221 1.1133331\n", + " 1.0888872 1.0771053 1.0735756 1.0721967 1.0667275 1.0580021 1.049745\n", + " 1.0459143 1.0478796 1.0527921 1.0579005 1.0603071 0. 0. ]]\n", + "[[1.1724346 1.1681743 1.1779389 1.1860881 1.1750214 1.1411452 1.1072866\n", + " 1.0839446 1.0735327 1.0718796 1.0722046 1.0680358 1.0589668 1.0507095\n", + " 1.046506 1.0484086 0. 0. 0. ]\n", + " [1.1809989 1.1772325 1.1878183 1.1952026 1.1826028 1.1476359 1.1118033\n", + " 1.0879365 1.0769027 1.0734596 1.073323 1.0681664 1.0587701 1.0507874\n", + " 1.0468597 1.0486859 1.0542176 1.0597624 0. ]\n", + " [1.1743269 1.1712239 1.1818064 1.189044 1.1766129 1.1425679 1.1073239\n", + " 1.0840648 1.0738531 1.0711007 1.0706526 1.0656621 1.0567448 1.0481697\n", + " 1.0444995 1.0459721 1.0509919 1.0560907 0. ]\n", + " [1.1718577 1.1659648 1.1752737 1.1832858 1.1721855 1.139297 1.1057285\n", + " 1.0835818 1.0736347 1.0723495 1.0723732 1.0686321 1.0593934 1.0506374\n", + " 1.046986 0. 0. 0. 0. ]\n", + " [1.1758014 1.1731006 1.184644 1.1938893 1.1809459 1.1464344 1.1103121\n", + " 1.0863858 1.0748581 1.0718117 1.070769 1.0657097 1.0565349 1.0482999\n", + " 1.044951 1.0464401 1.0513203 1.0564258 1.059027 ]]\n", + "[[1.1782173 1.1751916 1.1850702 1.192743 1.1805902 1.1471572 1.1124581\n", + " 1.0886583 1.0772634 1.0730934 1.0703609 1.0648483 1.0552338 1.0471005\n", + " 1.0435596 1.0453383 1.0506117 1.055277 1.0583605 1.060117 0.\n", + " 0. ]\n", + " [1.1523099 1.148118 1.1564245 1.1634547 1.1515286 1.1214992 1.0919025\n", + " 1.0722778 1.0629299 1.060964 1.0599817 1.056053 1.0478978 1.0411605\n", + " 1.0382428 1.0398307 1.0442998 1.0486528 0. 0. 0.\n", + " 0. ]\n", + " [1.1793088 1.1763798 1.1851737 1.1942394 1.1810591 1.1484092 1.1143001\n", + " 1.0908546 1.0781689 1.0734211 1.0706286 1.0642966 1.0556244 1.0474641\n", + " 1.0445238 1.046753 1.0524094 1.0573593 1.059786 1.060891 1.0620183\n", + " 1.0658199]\n", + " [1.1875453 1.1817095 1.19112 1.200411 1.1880804 1.1526694 1.1166434\n", + " 1.0925046 1.0824068 1.0809938 1.0813664 1.0760069 1.0658208 1.0560156\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1763378 1.1737934 1.1831144 1.1918885 1.1788732 1.1466995 1.1126454\n", + " 1.0891457 1.0777119 1.0735339 1.0715518 1.0643742 1.0552641 1.0473949\n", + " 1.0444319 1.046372 1.051899 1.0565424 1.0587997 1.0592752 0.\n", + " 0. ]]\n", + "[[1.1709174 1.1664158 1.1756657 1.1839248 1.1713672 1.1388676 1.1051975\n", + " 1.0825834 1.0717318 1.0689278 1.0677842 1.0627474 1.0542876 1.0464432\n", + " 1.0431514 1.0446903 1.0498714 1.0546515 1.0571767 0. 0.\n", + " 0. 0. ]\n", + " [1.1639394 1.1607199 1.1711785 1.1803497 1.1696547 1.1384783 1.1055996\n", + " 1.0841355 1.0730702 1.0693426 1.0667318 1.0603095 1.0510228 1.0431267\n", + " 1.0402958 1.0422732 1.0473677 1.0520589 1.0544544 1.0552129 1.0564991\n", + " 1.0604424 1.0676496]\n", + " [1.1777263 1.1725718 1.1811548 1.1891587 1.1766405 1.1439981 1.1096088\n", + " 1.0863099 1.0751929 1.0720278 1.0711428 1.0663562 1.0571913 1.0489174\n", + " 1.0455297 1.0470413 1.0523002 1.0574901 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1618049 1.1573161 1.1674876 1.1765299 1.1650409 1.1342021 1.1025146\n", + " 1.0803547 1.0699881 1.0661302 1.0637176 1.0585096 1.0497607 1.0423776\n", + " 1.0394329 1.0408081 1.0457565 1.0507255 1.052869 1.053499 1.054963\n", + " 0. 0. ]\n", + " [1.1724808 1.1705192 1.1822122 1.1899899 1.1779275 1.1432918 1.1074691\n", + " 1.0845294 1.0738708 1.0706147 1.0701993 1.0655408 1.0566258 1.0487639\n", + " 1.0449817 1.0466704 1.0517511 1.056416 0. 0. 0.\n", + " 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1787999 1.1752474 1.1855826 1.193702 1.1810845 1.1469371 1.1120962\n", + " 1.0880672 1.076849 1.0727857 1.0703682 1.0646031 1.0551947 1.0478709\n", + " 1.044712 1.04668 1.051992 1.0567036 1.0593468 1.0599622]\n", + " [1.1777343 1.172625 1.1825475 1.192278 1.1815645 1.148553 1.1129082\n", + " 1.0890664 1.0772278 1.0742501 1.0745692 1.0701579 1.0613477 1.0528073\n", + " 1.0488431 1.0508265 0. 0. 0. 0. ]\n", + " [1.1616117 1.1571035 1.165611 1.1724588 1.1599469 1.1287102 1.0977336\n", + " 1.0770867 1.067468 1.0656024 1.0653617 1.06093 1.0529875 1.0453806\n", + " 1.04214 1.0437074 1.0483533 0. 0. 0. ]\n", + " [1.1554335 1.1516299 1.1606367 1.1683639 1.1563408 1.1262221 1.0951977\n", + " 1.0746764 1.0652207 1.063769 1.0640807 1.0600139 1.0520416 1.0443373\n", + " 1.0410936 0. 0. 0. 0. 0. ]\n", + " [1.1829764 1.1761253 1.1855903 1.195063 1.1843303 1.1508671 1.1164011\n", + " 1.0932708 1.0823702 1.0805773 1.0801293 1.0756824 1.0653293 1.0558163\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1568052 1.1542094 1.1649513 1.1746119 1.1637266 1.1314738 1.0993712\n", + " 1.078342 1.0676312 1.0637007 1.0622246 1.0568821 1.0477822 1.0405942\n", + " 1.037384 1.0389723 1.0433424 1.0483924 1.0508556 1.0516467 1.0527371\n", + " 0. ]\n", + " [1.1693311 1.1621723 1.1686604 1.1753271 1.1656437 1.13456 1.10186\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1982642 1.1928314 1.2022074 1.2096688 1.1944898 1.1582708 1.1210505\n", + " 1.0961406 1.0856309 1.08466 1.0857661 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1568667 1.1540011 1.1642065 1.173202 1.1622037 1.1303287 1.099084\n", + " 1.0784609 1.067588 1.0638359 1.061668 1.0556902 1.0470717 1.0405436\n", + " 1.0379626 1.0396959 1.0445033 1.0494463 1.0521597 1.0529299 1.0542455\n", + " 1.0575374]\n", + " [1.164976 1.1621319 1.1718684 1.1788219 1.1684265 1.1377442 1.1055042\n", + " 1.0833513 1.0720704 1.0683774 1.0664737 1.060357 1.0518346 1.0439078\n", + " 1.0407631 1.0419831 1.0466503 1.0515455 1.0538514 0. 0.\n", + " 0. ]]\n", + "[[1.1710844 1.1681409 1.1792012 1.1889064 1.1769567 1.1436061 1.1090131\n", + " 1.0854797 1.0736336 1.0706964 1.0694913 1.0645417 1.055984 1.0477973\n", + " 1.0441657 1.045575 1.0502517 1.0552163 1.0574385]\n", + " [1.1708266 1.1682296 1.178432 1.1881943 1.1754128 1.1421131 1.1074263\n", + " 1.0838668 1.0722623 1.0685807 1.0669087 1.0622854 1.0538807 1.0463836\n", + " 1.0430834 1.044601 1.049114 1.0535481 1.0555499]\n", + " [1.1863806 1.1800692 1.1898445 1.1985734 1.1875588 1.1525776 1.1160724\n", + " 1.0914108 1.0797985 1.0774611 1.076978 1.0723615 1.0626159 1.0535406\n", + " 1.0490923 1.0513297 0. 0. 0. ]\n", + " [1.185728 1.1825861 1.1937107 1.2035404 1.1907357 1.1547287 1.1165636\n", + " 1.0916479 1.0797868 1.0772724 1.0767568 1.0711656 1.0619887 1.05269\n", + " 1.0484191 1.0503907 1.0562463 1.0615058 0. ]\n", + " [1.1877767 1.1832885 1.1922 1.20016 1.1868154 1.1515675 1.1152283\n", + " 1.0917454 1.0794554 1.075652 1.0750256 1.06951 1.0603455 1.0521537\n", + " 1.0478516 1.049752 1.054748 1.0598278 0. ]]\n", + "[[1.1576381 1.1552814 1.1658239 1.1741308 1.1627185 1.1305635 1.0992367\n", + " 1.077902 1.0672817 1.0642924 1.0628672 1.0576364 1.0495129 1.0421444\n", + " 1.0383666 1.0399547 1.0447676 1.0493969 1.0520498]\n", + " [1.1680303 1.1647203 1.1754445 1.185656 1.17515 1.1409523 1.105777\n", + " 1.0824124 1.0718685 1.0693932 1.0700543 1.065327 1.0561529 1.0482198\n", + " 1.0443197 1.0461677 0. 0. 0. ]\n", + " [1.1873941 1.1841376 1.1943998 1.2022542 1.1904179 1.1551644 1.1181121\n", + " 1.0931262 1.0809555 1.0776063 1.0771127 1.071557 1.0622152 1.0531907\n", + " 1.0494826 1.0509169 1.0566812 1.0620977 0. ]\n", + " [1.209342 1.2015262 1.2109755 1.2201276 1.2059447 1.1674371 1.1279303\n", + " 1.1016661 1.0890932 1.0878901 1.0881248 1.0829774 1.072714 1.0626426\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1831896 1.1792139 1.1904255 1.2002412 1.1887428 1.153115 1.1159978\n", + " 1.0913403 1.0796705 1.0762544 1.0752982 1.0700064 1.0601829 1.0508898\n", + " 1.0468549 1.0484557 1.0536363 1.0589266 1.0616176]]\n", + "[[1.1832559 1.1786131 1.1881891 1.1960071 1.183608 1.149178 1.1138178\n", + " 1.0902824 1.0799029 1.0772082 1.0764042 1.0714842 1.0613409 1.0529839\n", + " 1.0489594 1.0512352 0. 0. 0. 0. 0. ]\n", + " [1.1869016 1.1824893 1.1928027 1.2008582 1.1889957 1.1533946 1.1165986\n", + " 1.0927708 1.0814358 1.078801 1.0784416 1.0733877 1.063468 1.0545529\n", + " 1.0500281 1.0520878 1.0579654 0. 0. 0. 0. ]\n", + " [1.1760114 1.1728841 1.1825305 1.1894542 1.1760286 1.1436582 1.1104716\n", + " 1.0882455 1.0767697 1.0726037 1.0703906 1.0640016 1.0553094 1.0473336\n", + " 1.0442569 1.0458399 1.0510492 1.0562811 1.0587413 1.0601761 1.0619478]\n", + " [1.1732541 1.1698995 1.1814599 1.1924871 1.1802356 1.145979 1.1102049\n", + " 1.0861993 1.0741825 1.0713403 1.0697523 1.0633619 1.053915 1.0460815\n", + " 1.0427583 1.0448744 1.0499523 1.0553596 1.0575762 1.0581411 1.0593662]\n", + " [1.1974783 1.1917813 1.202484 1.2116843 1.1981516 1.1622244 1.1247458\n", + " 1.0997626 1.0887607 1.0866973 1.0868514 1.0812402 1.0702174 1.0599338\n", + " 1.0554821 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1747677 1.1705439 1.1798635 1.1881056 1.1757548 1.1428797 1.1091335\n", + " 1.0865718 1.0755742 1.0725435 1.0706068 1.0652031 1.0560555 1.0477157\n", + " 1.0439943 1.0457739 1.0506852 1.0556993 1.0582244 0. ]\n", + " [1.170839 1.1667283 1.1776693 1.1876773 1.1758165 1.1419593 1.1069285\n", + " 1.0836971 1.0724629 1.0697038 1.0683737 1.0626369 1.0534047 1.0453682\n", + " 1.0421349 1.0438648 1.0493548 1.0543969 1.0568291 0. ]\n", + " [1.176584 1.1716694 1.1796715 1.1857889 1.172197 1.1399549 1.1071483\n", + " 1.0854784 1.075194 1.0732234 1.0725714 1.0673697 1.057886 1.0496542\n", + " 1.0455294 1.0476031 1.0530766 0. 0. 0. ]\n", + " [1.183642 1.180839 1.1937325 1.203535 1.1906459 1.1542891 1.1169723\n", + " 1.091911 1.0794286 1.0759224 1.0746266 1.0689143 1.059949 1.0512114\n", + " 1.0474087 1.0488236 1.0541201 1.0590336 1.0620208 1.062924 ]\n", + " [1.1982197 1.1924698 1.2023326 1.2099049 1.1959674 1.1590388 1.1208367\n", + " 1.0957785 1.0851891 1.0836437 1.0848076 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1788702 1.1739142 1.18295 1.1900016 1.177581 1.1435177 1.109465\n", + " 1.0866503 1.0762528 1.0731717 1.0732257 1.0682164 1.0589356 1.0505698\n", + " 1.0468841 1.0486963 1.0540704 0. 0. ]\n", + " [1.1722097 1.167486 1.1761616 1.1841394 1.1734271 1.1413544 1.1075363\n", + " 1.0852003 1.0741926 1.0721399 1.071458 1.0668471 1.0577811 1.0496356\n", + " 1.046007 1.0477089 0. 0. 0. ]\n", + " [1.2025907 1.1978399 1.2083424 1.2156272 1.2027253 1.165658 1.12732\n", + " 1.1014323 1.0881412 1.0844746 1.0827494 1.0758816 1.065636 1.0563436\n", + " 1.0524317 1.0549068 1.0609874 1.066937 1.0697035]\n", + " [1.1550632 1.151989 1.1620606 1.1705201 1.1587493 1.1276802 1.0955242\n", + " 1.0746123 1.0646715 1.0623326 1.0622165 1.0582371 1.0505943 1.0434158\n", + " 1.0395975 1.0412165 1.0456227 1.0503086 0. ]\n", + " [1.1748676 1.1676427 1.1757461 1.1834509 1.1729004 1.1407778 1.1072204\n", + " 1.084059 1.0731652 1.0704741 1.0708827 1.0664154 1.0579536 1.049542\n", + " 1.0457507 1.0480402 0. 0. 0. ]]\n", + "[[1.1611254 1.157588 1.1686153 1.1783749 1.166881 1.1343304 1.101361\n", + " 1.0789354 1.0684917 1.065812 1.0648148 1.0596316 1.0511898 1.0438458\n", + " 1.0402282 1.0415505 1.046348 1.0510385 1.0534 0. 0. ]\n", + " [1.1855572 1.18281 1.1940782 1.2035664 1.1921576 1.1566005 1.1183635\n", + " 1.0933055 1.0810206 1.077333 1.0754635 1.0704142 1.0604581 1.0516956\n", + " 1.0476804 1.0495383 1.0546515 1.0600474 1.0622789 0. 0. ]\n", + " [1.1746259 1.1716082 1.1818501 1.1901336 1.1776762 1.1431499 1.1080568\n", + " 1.0849819 1.074033 1.0706702 1.0691624 1.0632406 1.0543841 1.0465688\n", + " 1.0434741 1.0452759 1.0503061 1.0546486 1.0569167 1.0580671 1.0600892]\n", + " [1.1567862 1.1535869 1.1632494 1.1716441 1.1607122 1.1301252 1.0986837\n", + " 1.0773315 1.066561 1.063015 1.0618708 1.0574958 1.0495604 1.0422277\n", + " 1.0390608 1.0400674 1.044689 1.0490805 1.0517181 0. 0. ]\n", + " [1.1686373 1.1635222 1.172515 1.1800511 1.1675427 1.1354593 1.1032214\n", + " 1.0811453 1.0702585 1.0669354 1.0664251 1.0615609 1.0535854 1.0465716\n", + " 1.0431638 1.044832 1.049982 1.0546492 0. 0. 0. ]]\n", + "[[1.1888394 1.1843174 1.195394 1.2050079 1.1920818 1.1556877 1.1189346\n", + " 1.0944306 1.0835303 1.0826842 1.0833907 1.0778074 1.0680394 0.\n", + " 0. 0. 0. ]\n", + " [1.2034464 1.1975896 1.2073512 1.2157005 1.2010338 1.1632026 1.1261779\n", + " 1.100936 1.0895163 1.0881267 1.0884249 1.0825021 1.0717225 0.\n", + " 0. 0. 0. ]\n", + " [1.1737287 1.1712441 1.1818019 1.1892291 1.1762974 1.1414276 1.1061343\n", + " 1.0836992 1.0733839 1.0711622 1.0716915 1.0668694 1.0572627 1.0486954\n", + " 1.0450763 1.046886 1.0524948]\n", + " [1.1657795 1.1633084 1.1728922 1.1807299 1.1679614 1.1356994 1.1025985\n", + " 1.0814228 1.0716625 1.0694594 1.0687726 1.0633104 1.0541064 1.0465189\n", + " 1.0428543 1.0443288 1.0496333]\n", + " [1.1692617 1.1659232 1.1767199 1.1859734 1.1732011 1.1394542 1.1047062\n", + " 1.0829126 1.0725437 1.0721534 1.0729792 1.068285 1.0583255 1.0497259\n", + " 0. 0. 0. ]]\n", + "[[1.1625334 1.1584556 1.1685377 1.1768193 1.1648594 1.1323858 1.099022\n", + " 1.0773554 1.0672503 1.0654773 1.0650642 1.0598385 1.0513059 1.0434939\n", + " 1.0398749 1.0415821 1.0466664 1.0516001 0. ]\n", + " [1.1788737 1.1740211 1.1825907 1.190067 1.176392 1.1436297 1.1099706\n", + " 1.0874561 1.0766715 1.0735201 1.0719479 1.0666145 1.057068 1.0495114\n", + " 1.0459161 1.0484036 1.0539286 1.0591432 0. ]\n", + " [1.1643906 1.1610477 1.1718009 1.1797365 1.1676697 1.1344585 1.1009879\n", + " 1.0783899 1.0679302 1.0653837 1.0644038 1.0592283 1.0511432 1.043876\n", + " 1.0409633 1.0427415 1.0477046 1.0527372 1.0546972]\n", + " [1.1614246 1.1581962 1.1676799 1.175648 1.1630459 1.130822 1.0983397\n", + " 1.0770526 1.0673207 1.0654163 1.0652875 1.0613471 1.0526989 1.0453331\n", + " 1.0420673 1.0438516 1.0488555 0. 0. ]\n", + " [1.176499 1.1703299 1.1790521 1.1874722 1.1753123 1.142904 1.1085255\n", + " 1.0863185 1.0755445 1.0733192 1.0729839 1.069146 1.0601213 1.0516924\n", + " 1.0479891 1.0500342 0. 0. 0. ]]\n", + "[[1.1750132 1.1722419 1.1818905 1.1898608 1.176323 1.1432261 1.1095519\n", + " 1.0866338 1.0748311 1.0706716 1.0687104 1.0624659 1.0541558 1.0466205\n", + " 1.0433253 1.04505 1.0503874 1.0554227 1.0579821 1.0588118 1.0605018\n", + " 0. 0. 0. ]\n", + " [1.1568036 1.1551336 1.1661464 1.1755284 1.164851 1.133269 1.1006696\n", + " 1.0784966 1.0674665 1.0637451 1.0616014 1.0559633 1.0484078 1.041491\n", + " 1.0385852 1.0401051 1.0445468 1.0489651 1.0513102 1.0527712 1.0542243\n", + " 0. 0. 0. ]\n", + " [1.1687002 1.164435 1.1748804 1.1840963 1.1725974 1.1386459 1.1038615\n", + " 1.0808414 1.0698447 1.0678883 1.0680451 1.0640246 1.0557965 1.0481776\n", + " 1.0442516 1.0459068 1.0511669 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1814003 1.175023 1.1842831 1.1921661 1.1816643 1.1483995 1.1136925\n", + " 1.0901787 1.0787541 1.075817 1.0754706 1.0698742 1.0598953 1.0513856\n", + " 1.0472252 1.0491494 1.0550323 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.156409 1.1533827 1.1638651 1.1728196 1.1628941 1.1324708 1.1005981\n", + " 1.0793134 1.0689906 1.0652782 1.0629308 1.0570303 1.0484622 1.0411851\n", + " 1.0384423 1.0404493 1.0452768 1.049729 1.0517814 1.0523354 1.0530025\n", + " 1.056274 1.0629741 1.0721161]]\n", + "[[1.1812593 1.1783922 1.1899924 1.199577 1.1854881 1.1504796 1.114233\n", + " 1.0900124 1.0783285 1.0747664 1.0730621 1.0675477 1.0579997 1.0495187\n", + " 1.0455534 1.0475496 1.0527049 1.0581597 1.0607516 0. 0.\n", + " 0. 0. ]\n", + " [1.1900848 1.1839749 1.1928635 1.2002652 1.1878985 1.1529194 1.1168876\n", + " 1.092541 1.0819906 1.0802227 1.080275 1.0756176 1.0659721 1.0564142\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1542277 1.1522483 1.163875 1.173732 1.1638 1.1324776 1.1008482\n", + " 1.078837 1.0674293 1.0641526 1.0620799 1.0562097 1.0479039 1.0412726\n", + " 1.0381399 1.0397722 1.0442412 1.0491003 1.0514815 1.052738 1.0536801\n", + " 1.0572071 1.0636187]\n", + " [1.1630554 1.1627057 1.1736047 1.1839843 1.1721569 1.1385281 1.1042103\n", + " 1.0817682 1.070014 1.0672988 1.0653172 1.0599635 1.0512892 1.044043\n", + " 1.0409684 1.0423756 1.0468694 1.0514712 1.0540284 1.054922 0.\n", + " 0. 0. ]\n", + " [1.1635071 1.1617529 1.1729293 1.1826029 1.1706824 1.137721 1.1043369\n", + " 1.0814989 1.0701098 1.0671093 1.0656921 1.0599853 1.0514524 1.0436167\n", + " 1.0406804 1.0419943 1.0470896 1.0520312 1.054559 1.0553023 0.\n", + " 0. 0. ]]\n", + "[[1.1724542 1.1684198 1.1806843 1.1921141 1.1817336 1.1487494 1.1135815\n", + " 1.0895901 1.0775706 1.0725193 1.0705731 1.0644234 1.0545915 1.0473316\n", + " 1.0441344 1.0463542 1.0523909 1.0569881 1.0596763 1.0612621 1.0626254\n", + " 1.0666217 1.0736552 1.0837985 1.0914587 1.0952477]\n", + " [1.1776315 1.1722981 1.1806034 1.1878403 1.1740549 1.1410627 1.1068653\n", + " 1.0844724 1.0739329 1.071603 1.0711403 1.0667913 1.0582407 1.0505219\n", + " 1.0467967 1.0487598 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.183785 1.1817443 1.1933422 1.2032871 1.1897775 1.1530087 1.1154128\n", + " 1.0908763 1.079143 1.0751557 1.073891 1.0680162 1.0579964 1.0498846\n", + " 1.0462657 1.0478302 1.0530113 1.058508 1.0610371 1.0619822 1.063495\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1802135 1.1778811 1.1888498 1.198825 1.1867421 1.1532066 1.1175691\n", + " 1.0932419 1.080238 1.0752547 1.0721872 1.0661321 1.0566128 1.0487239\n", + " 1.0453702 1.047449 1.0529135 1.057566 1.0598572 1.0605578 1.0621952\n", + " 1.0658762 0. 0. 0. 0. ]\n", + " [1.1648468 1.1601095 1.1693213 1.1790909 1.1678526 1.1359321 1.1027856\n", + " 1.0810132 1.071022 1.0703442 1.0707748 1.0667176 1.0575836 1.04894\n", + " 1.0448419 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1862594 1.1822226 1.1927431 1.2000475 1.1884542 1.1533347 1.1163641\n", + " 1.091588 1.0797017 1.0762993 1.0747985 1.0694836 1.0602088 1.051641\n", + " 1.0483236 1.0504057 1.0557971 1.0610868 0. 0. 0. ]\n", + " [1.1803585 1.1767677 1.185694 1.1945021 1.1821256 1.1489928 1.1143043\n", + " 1.0905685 1.0780854 1.0731372 1.0709755 1.0647613 1.0564212 1.0486445\n", + " 1.0458176 1.0473253 1.0528522 1.0579349 1.0604827 1.061685 1.0628593]\n", + " [1.1886669 1.1859648 1.1974005 1.2069607 1.1935692 1.1591401 1.1224623\n", + " 1.0967286 1.0838248 1.0786353 1.0760416 1.0695708 1.0593054 1.0514462\n", + " 1.0479387 1.0501661 1.0552053 1.0608351 1.0633622 1.0643058 1.0655953]\n", + " [1.2108603 1.2054096 1.2156603 1.2246356 1.2097138 1.1707444 1.1307383\n", + " 1.1044044 1.0933124 1.091633 1.0924819 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1770923 1.173302 1.1842949 1.1926875 1.1804786 1.1447082 1.1084387\n", + " 1.0849633 1.0743892 1.0725635 1.0725803 1.0678536 1.0588839 1.0500176\n", + " 1.0461459 1.048133 1.0536541 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1844702 1.1798626 1.1887442 1.1964304 1.1850507 1.1524545 1.1178426\n", + " 1.0940479 1.0813938 1.0767691 1.0744683 1.0685103 1.0588818 1.0507967\n", + " 1.0470192 1.0493798 1.0551189 1.060159 1.0623791]\n", + " [1.1790062 1.1732415 1.1826264 1.1908346 1.1797255 1.1466211 1.1116107\n", + " 1.0881821 1.0770371 1.0737798 1.0728835 1.0673105 1.0574579 1.0487046\n", + " 1.045021 1.0474777 1.0539613 0. 0. ]\n", + " [1.1601609 1.1536692 1.161797 1.168926 1.1593117 1.1287491 1.0976341\n", + " 1.0770494 1.0676956 1.065773 1.0658734 1.0616246 1.0536902 1.0460508\n", + " 1.0422496 1.0438778 0. 0. 0. ]\n", + " [1.1888385 1.1844208 1.1942785 1.2024541 1.1898679 1.1553966 1.1182122\n", + " 1.0933152 1.0809085 1.0775621 1.0766264 1.0709251 1.06126 1.0529532\n", + " 1.0488163 1.0508293 1.0566636 1.0619633 0. ]\n", + " [1.1741908 1.169816 1.1800299 1.1899161 1.1788106 1.1450045 1.1095066\n", + " 1.0862606 1.0756704 1.0736449 1.0734594 1.067992 1.0588698 1.0499438\n", + " 1.0462981 1.0481817 0. 0. 0. ]]\n", + "[[1.1781174 1.1750435 1.185853 1.195034 1.1816301 1.1470339 1.1115178\n", + " 1.0880057 1.0764385 1.073318 1.0725819 1.0674614 1.0587304 1.0500442\n", + " 1.046412 1.0481101 1.0537118 1.0590446 0. 0. 0. ]\n", + " [1.1685449 1.1658077 1.1774845 1.1862195 1.1739976 1.140072 1.1060885\n", + " 1.0830494 1.0720577 1.0701635 1.0692425 1.0646508 1.0557758 1.04782\n", + " 1.0441041 1.0456327 1.0506697 0. 0. 0. 0. ]\n", + " [1.1839092 1.1801367 1.1909977 1.2009817 1.187084 1.1506133 1.1138554\n", + " 1.0897032 1.0796769 1.0789882 1.0802728 1.0750525 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1609594 1.1593478 1.1704582 1.1789043 1.1670728 1.1341516 1.1006457\n", + " 1.0783548 1.0676855 1.0654627 1.0648868 1.0607482 1.0522257 1.0451136\n", + " 1.0417912 1.0430322 1.0476888 1.0526198 0. 0. 0. ]\n", + " [1.1702784 1.1682189 1.1794502 1.189455 1.1776507 1.1445513 1.110247\n", + " 1.0865524 1.0747955 1.070575 1.0680656 1.0623376 1.0529312 1.0453967\n", + " 1.0416752 1.0436238 1.0486069 1.0536871 1.05626 1.0575482 1.0591385]]\n", + "[[1.172578 1.1704451 1.1817126 1.1906036 1.1776354 1.1429871 1.1075963\n", + " 1.0846009 1.0730367 1.0691595 1.0677232 1.0621471 1.0531696 1.0459838\n", + " 1.043053 1.0451045 1.0497855 1.0549569 1.0571676 1.0582476 0.\n", + " 0. ]\n", + " [1.1586543 1.1573974 1.1689196 1.1793041 1.1678019 1.1362038 1.1034797\n", + " 1.0813767 1.0699632 1.0662631 1.0643469 1.058593 1.05051 1.0433028\n", + " 1.0403218 1.0417132 1.0465738 1.0510635 1.0530564 1.0536747 1.0551609\n", + " 1.0584376]\n", + " [1.1883334 1.183995 1.1957648 1.2062479 1.1953101 1.1593105 1.1203204\n", + " 1.093965 1.0818806 1.0787435 1.079331 1.0748632 1.0649958 1.0558215\n", + " 1.0514967 1.0533794 1.0596895 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1578915 1.1549246 1.1663953 1.1755952 1.1649921 1.134148 1.1012406\n", + " 1.0788625 1.0679954 1.0638858 1.06229 1.0570079 1.0487633 1.0418297\n", + " 1.0388739 1.0403112 1.0446681 1.0486485 1.0506628 1.0515479 1.052527\n", + " 1.0560229]\n", + " [1.1783705 1.1727834 1.1806896 1.1884052 1.1767281 1.1449536 1.1115963\n", + " 1.0890554 1.0775054 1.0739316 1.0730731 1.0688308 1.0602081 1.052202\n", + " 1.048418 1.0501124 1.0551392 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1739514 1.1702614 1.1807709 1.1897962 1.1765859 1.142035 1.1069651\n", + " 1.0850179 1.0744708 1.0726994 1.0716584 1.067246 1.0576942 1.0484685\n", + " 1.0450243 1.0471134 1.0525151 0. 0. ]\n", + " [1.187727 1.1829505 1.1932641 1.2017963 1.1878499 1.1520286 1.1168283\n", + " 1.0935562 1.0830472 1.0820577 1.0818597 1.0752149 1.0642301 1.0549915\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.166469 1.1642836 1.1755478 1.1834757 1.172232 1.1390895 1.1048709\n", + " 1.0821223 1.0714236 1.0681889 1.0669719 1.0620713 1.0532683 1.0448022\n", + " 1.0414733 1.0429102 1.0474743 1.052315 1.0549035]\n", + " [1.1704752 1.1656578 1.175114 1.1843238 1.1725522 1.1382104 1.1045274\n", + " 1.0824698 1.0723302 1.0711935 1.0714654 1.066338 1.0579761 1.0488205\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1605654 1.1564189 1.1648134 1.1721438 1.1605521 1.1299185 1.0980555\n", + " 1.0766636 1.066574 1.0640241 1.0636432 1.0593497 1.0514612 1.04395\n", + " 1.0409712 1.0426284 1.0473047 1.0521278 0. ]]\n", + "[[1.1782168 1.1747576 1.1860068 1.1953697 1.1825969 1.1482984 1.112707\n", + " 1.0893124 1.077503 1.0735971 1.0716664 1.065809 1.0561374 1.0481436\n", + " 1.0440456 1.0457546 1.0507483 1.0555154 1.0582908 1.0597998 0. ]\n", + " [1.1935536 1.1885526 1.1986341 1.207396 1.1937954 1.1578988 1.1215856\n", + " 1.0971153 1.0862024 1.0851749 1.0852643 1.0802772 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.2076559 1.2011906 1.2106373 1.2188095 1.2061474 1.1689095 1.129268\n", + " 1.1017722 1.0909716 1.0895367 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1892092 1.1858339 1.1965319 1.2064382 1.1938673 1.1588576 1.1221889\n", + " 1.0969248 1.0834565 1.0788164 1.0764437 1.0695674 1.0599006 1.0514699\n", + " 1.0479994 1.0498525 1.0553423 1.0604038 1.0634714 1.0641166 1.0657512]\n", + " [1.1591516 1.1554922 1.1642553 1.171866 1.1601479 1.1293539 1.0978004\n", + " 1.0766916 1.065879 1.0626754 1.0610176 1.0564494 1.0487894 1.0417228\n", + " 1.0385036 1.0398302 1.0443017 1.0488251 1.0512729 1.0527604 0. ]]\n", + "[[1.1696672 1.1659647 1.1756284 1.1832526 1.1704755 1.1372386 1.103931\n", + " 1.082287 1.072206 1.0695494 1.0687584 1.0634183 1.0545069 1.0468737\n", + " 1.043261 1.0452697 1.0503752 1.0554609 0. 0. ]\n", + " [1.1657463 1.1598641 1.1678216 1.1759992 1.1669 1.1365849 1.1040019\n", + " 1.0824442 1.0718577 1.0695906 1.0690527 1.0644462 1.0553722 1.0472322\n", + " 1.0433346 1.0451634 0. 0. 0. 0. ]\n", + " [1.1719995 1.1698773 1.1810462 1.189548 1.1763576 1.1421484 1.1070095\n", + " 1.084404 1.0734245 1.070044 1.0696573 1.06419 1.0554558 1.047203\n", + " 1.0437052 1.0450926 1.0498648 1.0550433 1.0573872 0. ]\n", + " [1.170693 1.1686506 1.1802648 1.1895432 1.1769081 1.1436989 1.1092534\n", + " 1.0857711 1.0738388 1.070686 1.068691 1.0627004 1.0541729 1.0463997\n", + " 1.0429044 1.0450189 1.0498667 1.0543989 1.0566394 1.0572932]\n", + " [1.1631376 1.1591659 1.1691116 1.178171 1.1664118 1.1346568 1.1022595\n", + " 1.0808889 1.070997 1.068446 1.0677527 1.0625563 1.0536407 1.0462897\n", + " 1.043096 1.0448686 0. 0. 0. 0. ]]\n", + "[[1.1684415 1.1656104 1.1755167 1.1818819 1.1698302 1.1371453 1.1041651\n", + " 1.0821264 1.0714948 1.0690881 1.0677012 1.0633705 1.0551875 1.0474826\n", + " 1.0438796 1.0454912 1.0504465 1.0551661]\n", + " [1.1751643 1.1691391 1.1784028 1.1878142 1.1760807 1.1437178 1.1095029\n", + " 1.0872205 1.0759975 1.074121 1.0729933 1.0673761 1.0582879 1.0497378\n", + " 1.0462481 1.0476885 1.0532067 0. ]\n", + " [1.170626 1.1671473 1.1777203 1.186199 1.1736923 1.1403059 1.106334\n", + " 1.0833298 1.0727835 1.070042 1.0686544 1.0640231 1.0549717 1.0471213\n", + " 1.0436887 1.0453111 1.0505106 1.0558383]\n", + " [1.169132 1.163658 1.170539 1.1790903 1.166558 1.1332947 1.0990871\n", + " 1.0783865 1.0688766 1.0686053 1.0693803 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1852205 1.1792098 1.188464 1.1975461 1.1853871 1.1505638 1.1150239\n", + " 1.091262 1.0821301 1.0815471 1.0816027 1.0761184 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1868783 1.18418 1.1949575 1.2036428 1.1907084 1.1557729 1.1195849\n", + " 1.0947946 1.0821104 1.0787069 1.0769042 1.0701902 1.0609641 1.0522925\n", + " 1.0482919 1.0500517 1.0555434 1.061101 1.0637773]\n", + " [1.2221076 1.2146475 1.2241594 1.232963 1.2185681 1.178546 1.1384461\n", + " 1.1097746 1.0976373 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1629598 1.1603479 1.1704689 1.1778129 1.166081 1.1345816 1.1018339\n", + " 1.0806279 1.0695537 1.0669163 1.0654546 1.0599627 1.0519954 1.0445904\n", + " 1.0408586 1.0425885 1.0472859 1.0519072 1.0545169]\n", + " [1.2007269 1.194342 1.2044784 1.2133934 1.1991923 1.1630809 1.1254965\n", + " 1.1009029 1.0889802 1.0873041 1.0871301 1.0820669 1.0711309 1.0609457\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1904052 1.1849518 1.1947836 1.2036765 1.1907499 1.1554799 1.1191486\n", + " 1.0952575 1.0841378 1.0823247 1.0826226 1.0766699 1.0664271 1.056619\n", + " 1.0524896 0. 0. 0. 0. ]]\n", + "[[1.2164586 1.211171 1.2224305 1.2297922 1.2157655 1.1754215 1.1336089\n", + " 1.1064664 1.0940645 1.0924522 1.0926152 1.0865483 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1491196 1.1473432 1.1571113 1.1659123 1.1559165 1.1256452 1.0960504\n", + " 1.0758525 1.065222 1.0612077 1.0593 1.0540668 1.0461326 1.0399443\n", + " 1.0373422 1.0390629 1.0430884 1.0471985 1.0498703 1.0508589 1.0521942\n", + " 1.0552952 1.061882 ]\n", + " [1.1683795 1.1623889 1.1713164 1.1794438 1.1677347 1.1358056 1.1029353\n", + " 1.0812786 1.0715649 1.0696305 1.069544 1.0653359 1.0568541 1.0486035\n", + " 1.0451357 1.0469881 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1645845 1.1616266 1.1715181 1.1799179 1.1672825 1.1350727 1.1019572\n", + " 1.0804555 1.0700408 1.0668695 1.0659322 1.0605173 1.052207 1.0446502\n", + " 1.0413884 1.0424083 1.0467998 1.0511482 1.0534629 0. 0.\n", + " 0. 0. ]\n", + " [1.1781496 1.1765333 1.1886404 1.197244 1.1843077 1.1484433 1.1115526\n", + " 1.0870131 1.0763386 1.0740838 1.0729779 1.0680203 1.0579509 1.048831\n", + " 1.0450234 1.046892 1.0523726 1.0580906 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1905491 1.1857951 1.1973069 1.2070303 1.1933314 1.156677 1.1188686\n", + " 1.094438 1.0836185 1.0821079 1.083125 1.077364 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1689322 1.1671326 1.1782295 1.1881447 1.1745523 1.1416423 1.1071403\n", + " 1.0842272 1.0744115 1.0725533 1.0723593 1.067247 1.057718 1.0493942\n", + " 1.0453117 1.0472392 0. 0. 0. 0. ]\n", + " [1.1722044 1.1693646 1.1795435 1.1872057 1.1764961 1.1434596 1.1080791\n", + " 1.0853279 1.0742129 1.0716715 1.0707115 1.0660517 1.0568535 1.048728\n", + " 1.0448891 1.0465577 1.0518754 1.057101 0. 0. ]\n", + " [1.1772432 1.1728603 1.1827404 1.1912037 1.1791778 1.1463627 1.1124791\n", + " 1.0891157 1.0774091 1.073665 1.0714313 1.0658457 1.0564423 1.0483681\n", + " 1.0450606 1.047015 1.0524507 1.0572933 1.0598134 1.0607803]\n", + " [1.1669093 1.1625745 1.1729572 1.1816213 1.1690121 1.1352143 1.1013992\n", + " 1.0796283 1.0698534 1.0680306 1.0685294 1.0641809 1.056097 1.0482113\n", + " 1.0447501 1.046547 0. 0. 0. 0. ]]\n", + "[[1.1596737 1.1563852 1.1656456 1.1723611 1.1595232 1.1275973 1.0964038\n", + " 1.07617 1.0663977 1.063727 1.0625414 1.0570076 1.0491478 1.0418954\n", + " 1.0387137 1.0406427 1.0453179 1.0500474 1.0524995]\n", + " [1.2015307 1.195622 1.2076944 1.2189078 1.2052892 1.167486 1.1288038\n", + " 1.1028378 1.0917645 1.0900122 1.0898666 1.0843134 1.0730225 1.0625708\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1520237 1.1478245 1.1572062 1.1657704 1.154886 1.126159 1.0956895\n", + " 1.0750899 1.065356 1.0632885 1.0630034 1.0591422 1.0507925 1.0435637\n", + " 1.0400717 1.0418319 0. 0. 0. ]\n", + " [1.170716 1.1675866 1.1780437 1.1865047 1.1735288 1.1408441 1.1070542\n", + " 1.0847465 1.0735765 1.0711783 1.069273 1.0635775 1.0544634 1.0465969\n", + " 1.0428712 1.0447782 1.0495888 1.0548003 1.0572251]\n", + " [1.1740167 1.1718495 1.1830012 1.192414 1.1789143 1.1446805 1.1092275\n", + " 1.0849473 1.0739334 1.0709206 1.0699954 1.064069 1.055451 1.0472546\n", + " 1.0436804 1.0451578 1.0502043 1.0550455 1.0576867]]\n", + "[[1.1751555 1.1728239 1.1846229 1.1947839 1.1814928 1.1469454 1.1112255\n", + " 1.0864729 1.0751586 1.0712509 1.0692648 1.0638564 1.0551542 1.0471426\n", + " 1.0434797 1.0448492 1.0499007 1.0546697 1.0568659 1.0577734 1.0588977\n", + " 0. 0. ]\n", + " [1.1745222 1.1711352 1.1812667 1.1900685 1.178611 1.1451838 1.1121461\n", + " 1.0896494 1.0775766 1.0734127 1.070887 1.0646235 1.0554188 1.0473279\n", + " 1.044298 1.0462544 1.0516206 1.0566052 1.0591437 1.0600963 1.0617096\n", + " 1.0657077 0. ]\n", + " [1.1682374 1.1653745 1.176476 1.1857415 1.1739908 1.1409314 1.1065981\n", + " 1.0840032 1.0730321 1.0712038 1.0704902 1.0662135 1.0574244 1.0490342\n", + " 1.0453192 1.0467169 1.0520275 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1806903 1.1758244 1.1868998 1.1958437 1.1831251 1.1489868 1.1139102\n", + " 1.0907321 1.0803201 1.078822 1.0793761 1.0742364 1.063899 1.0544308\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1543732 1.1527072 1.1635313 1.1724032 1.1607884 1.130515 1.0990231\n", + " 1.0780845 1.0674299 1.0642612 1.0622737 1.0563749 1.0473418 1.0406896\n", + " 1.037825 1.0398203 1.0439122 1.0488293 1.0513923 1.0521126 1.0533233\n", + " 1.0570157 1.0640333]]\n", + "[[1.1798549 1.1753616 1.185602 1.1948354 1.1821425 1.1482291 1.1128095\n", + " 1.0889028 1.0776541 1.0746454 1.0744092 1.06917 1.0592532 1.0501786\n", + " 1.0464935 1.0479391 1.0534606 1.0589381 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1733949 1.169466 1.1797247 1.1884427 1.1758277 1.1416287 1.107158\n", + " 1.0833626 1.0725168 1.0689058 1.0677915 1.062429 1.0545106 1.0470798\n", + " 1.043636 1.0455445 1.0508754 1.0558277 1.058453 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1913269 1.1857176 1.195378 1.2044148 1.1919215 1.156476 1.1195643\n", + " 1.0945904 1.083454 1.080647 1.0792946 1.0738363 1.0636255 1.0541978\n", + " 1.0499059 1.0518751 1.0576886 1.063477 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1727003 1.1706454 1.1815411 1.1913377 1.1796643 1.1461781 1.1106404\n", + " 1.0864623 1.0751431 1.0718164 1.0699986 1.0652959 1.0561996 1.0479537\n", + " 1.0441439 1.0458392 1.0505806 1.0553539 1.0580214 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.159753 1.1567923 1.1669265 1.17605 1.1639957 1.1317623 1.0997436\n", + " 1.0784786 1.0679334 1.0641966 1.0624566 1.0569508 1.0482748 1.0414885\n", + " 1.0385764 1.0404183 1.0454695 1.0501239 1.0527012 1.053551 1.0548477\n", + " 1.0577532 1.0647645 1.0741792]]\n", + "[[1.172456 1.1702276 1.1805953 1.1890618 1.1763194 1.1420329 1.106634\n", + " 1.0841974 1.0732487 1.0705904 1.069462 1.0645591 1.0555048 1.0476848\n", + " 1.0438954 1.0456563 1.0508391 1.0555967 1.0582689 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1558626 1.1518756 1.1598395 1.1669581 1.1543837 1.1246414 1.0937991\n", + " 1.0733061 1.0633277 1.061693 1.0614456 1.0578556 1.0497377 1.0431281\n", + " 1.0401984 1.0417691 1.0466025 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.17695 1.1729109 1.1819023 1.1885638 1.1747661 1.1411586 1.1072762\n", + " 1.0853881 1.076364 1.0754964 1.0758458 1.0708604 1.0613024 1.0516399\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1708984 1.167298 1.1780194 1.185876 1.1741073 1.140146 1.1055461\n", + " 1.0834918 1.0727532 1.0701091 1.069192 1.0642122 1.0550952 1.0472255\n", + " 1.0439866 1.0461342 1.0517824 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1585643 1.1541734 1.1644225 1.1750896 1.1659853 1.1354911 1.1020926\n", + " 1.080679 1.0702196 1.0671856 1.0652052 1.0590392 1.0495194 1.042087\n", + " 1.0390159 1.0411944 1.0467912 1.0518396 1.0547771 1.0554626 1.0566926\n", + " 1.0591704 1.0658778 1.0757445 1.0835071 1.0883659 1.089402 1.0857999\n", + " 1.07801 1.0683784]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.172258 1.1680675 1.1799299 1.1914166 1.183069 1.1498885 1.1153584\n", + " 1.0918053 1.0788004 1.0741469 1.0712875 1.0653987 1.0555035 1.0473683\n", + " 1.0438666 1.0460309 1.0522069 1.0574182 1.06041 1.06155 1.0626646\n", + " 1.0662789 1.0744327 1.0843496 1.0919824 1.0962918 1.0968902 1.0934923]\n", + " [1.1961044 1.1910923 1.2014085 1.2095511 1.1963278 1.1608429 1.1235051\n", + " 1.0987638 1.0873655 1.0849109 1.0839181 1.0786346 1.0682875 1.058427\n", + " 1.0545859 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1593213 1.1547563 1.1640539 1.1726909 1.1615629 1.1314921 1.0995011\n", + " 1.0781848 1.0677207 1.0652637 1.0641496 1.0596712 1.0511513 1.0440167\n", + " 1.0405772 1.0420119 1.04686 1.0514166 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1525632 1.1491932 1.1576961 1.1655117 1.1540135 1.1237942 1.0936506\n", + " 1.0738358 1.0636493 1.0599272 1.0578396 1.05263 1.045173 1.0384923\n", + " 1.0358671 1.0376012 1.0423185 1.0467435 1.0490077 1.0501661 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1617197 1.1599058 1.1715461 1.180535 1.1683047 1.1362017 1.1026433\n", + " 1.0803261 1.0694174 1.0658144 1.06418 1.0589545 1.050854 1.0434797\n", + " 1.0404586 1.0420358 1.0460733 1.0504874 1.0529417 1.0537105 1.0551802\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1869726 1.181976 1.1916312 1.2010418 1.1872698 1.1522982 1.1162955\n", + " 1.0927527 1.0815204 1.0798585 1.0795826 1.0741296 1.064388 1.0549626\n", + " 1.0510434 0. 0. 0. ]\n", + " [1.1673253 1.1636615 1.1731553 1.1813061 1.1683577 1.1354386 1.102785\n", + " 1.0818422 1.0710181 1.0689777 1.0678349 1.0626593 1.0537169 1.046058\n", + " 1.0425984 1.0443875 1.049478 1.0543554]\n", + " [1.162183 1.1572858 1.1673398 1.1762266 1.1658822 1.1344535 1.1017954\n", + " 1.0800664 1.0704195 1.068598 1.0685533 1.0641288 1.055482 1.0469886\n", + " 1.043029 1.044655 0. 0. ]\n", + " [1.16377 1.1591146 1.1686956 1.1767992 1.1650579 1.1321054 1.0997385\n", + " 1.0781562 1.069224 1.0684029 1.0692447 1.0654024 1.0573097 1.0493141\n", + " 0. 0. 0. 0. ]\n", + " [1.1514158 1.1471567 1.1560613 1.163423 1.1517049 1.122562 1.0923191\n", + " 1.0731741 1.064611 1.0636446 1.0642729 1.0594287 1.0509495 1.0430537\n", + " 1.0395199 0. 0. 0. ]]\n", + "[[1.1848664 1.1803576 1.1893576 1.1975667 1.1852884 1.151202 1.115279\n", + " 1.0913199 1.0788335 1.0754464 1.0737422 1.0681851 1.0588531 1.0507101\n", + " 1.0474993 1.0494369 1.0550382 1.0607047 1.0635114]\n", + " [1.192102 1.1862825 1.1953835 1.2038558 1.1904848 1.1551341 1.1184791\n", + " 1.0938474 1.0825918 1.0804648 1.0806311 1.0751632 1.0653863 1.0560557\n", + " 1.0520803 0. 0. 0. 0. ]\n", + " [1.1717703 1.1683428 1.179071 1.1878433 1.1754723 1.1417041 1.1078873\n", + " 1.0851725 1.0754248 1.0729167 1.0736357 1.0685188 1.0593053 1.0503492\n", + " 1.0466789 0. 0. 0. 0. ]\n", + " [1.1960148 1.1909133 1.2000052 1.2083063 1.1943306 1.1572645 1.1210573\n", + " 1.0970113 1.0864803 1.0848068 1.0856793 1.0795654 1.0688562 1.0586703\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.162344 1.1581229 1.1693678 1.1789365 1.1662098 1.1341131 1.1009088\n", + " 1.0790716 1.0692246 1.0669706 1.0666112 1.061401 1.0526205 1.0445006\n", + " 1.0410788 1.0430317 1.0481349 0. 0. ]]\n", + "[[1.1511763 1.1467068 1.1562803 1.1650828 1.1546215 1.1253237 1.0947281\n", + " 1.0746878 1.0653344 1.0647302 1.0649282 1.0604758 1.0515342 1.0435729\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1708074 1.1675199 1.1780692 1.1868455 1.1753397 1.1421368 1.1074054\n", + " 1.0850295 1.073358 1.0713603 1.0706598 1.06588 1.0569286 1.048653\n", + " 1.0451039 1.0471281 1.0524722 0. 0. 0. 0. ]\n", + " [1.1665741 1.1618708 1.1725496 1.1800237 1.1684453 1.1348449 1.1012797\n", + " 1.0802112 1.0709157 1.070689 1.0716629 1.0670809 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1803676 1.1751775 1.1848104 1.1935323 1.1814444 1.1483723 1.1132462\n", + " 1.0907501 1.0803066 1.0780761 1.0783656 1.0727608 1.0620439 1.0526441\n", + " 1.04852 0. 0. 0. 0. 0. 0. ]\n", + " [1.1867671 1.18296 1.193011 1.200914 1.1887759 1.1538733 1.1178087\n", + " 1.0928881 1.0802122 1.0754874 1.0736853 1.0670063 1.0581006 1.0500438\n", + " 1.0470756 1.0495334 1.0547812 1.059404 1.0618438 1.0629233 1.0643315]]\n", + "[[1.1736197 1.1708319 1.1814063 1.1905084 1.1797897 1.1463721 1.1109064\n", + " 1.0867157 1.0746545 1.0714736 1.0707719 1.0656092 1.0571203 1.0489216\n", + " 1.0451905 1.046583 1.0515903 1.0566508 1.0592438 0. 0. ]\n", + " [1.1900693 1.1828877 1.1924598 1.2016089 1.1883943 1.1532524 1.116914\n", + " 1.0928102 1.0814168 1.0803409 1.0804667 1.075502 1.0661143 1.0570316\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1734784 1.1719795 1.1833584 1.1934354 1.1799654 1.1455075 1.1106074\n", + " 1.0869222 1.0749052 1.0715678 1.0693476 1.0630751 1.0542977 1.0467894\n", + " 1.0430691 1.04498 1.0502328 1.0550141 1.0574005 1.0584245 1.0599817]\n", + " [1.1594796 1.1558993 1.16605 1.1747568 1.1627457 1.1321874 1.0997673\n", + " 1.0782425 1.068025 1.0656388 1.0648094 1.0602988 1.051918 1.0440547\n", + " 1.0405614 1.0421225 1.0470706 1.0519241 0. 0. 0. ]\n", + " [1.1550541 1.150838 1.1587894 1.1666428 1.1545746 1.1254556 1.0948755\n", + " 1.0743421 1.0644326 1.0610785 1.0607293 1.056505 1.0493019 1.0425361\n", + " 1.0391272 1.0404353 1.0449854 1.049374 0. 0. 0. ]]\n", + "[[1.1538373 1.1492026 1.1591102 1.1677759 1.1575979 1.1288521 1.0977346\n", + " 1.0760641 1.0662007 1.063963 1.0640837 1.0594052 1.0514356 1.0434451\n", + " 1.0403335 1.0419546 0. ]\n", + " [1.1646456 1.1609108 1.1715012 1.1817384 1.1702464 1.136696 1.1023571\n", + " 1.0796535 1.0691564 1.0675309 1.0680631 1.0635767 1.0549603 1.0469195\n", + " 1.0431818 1.0448501 1.049934 ]\n", + " [1.2006944 1.1953303 1.2048053 1.2129642 1.1976557 1.1618817 1.1243615\n", + " 1.0994482 1.0887574 1.0862927 1.0867943 1.0807511 1.0692756 1.0596098\n", + " 0. 0. 0. ]\n", + " [1.19502 1.189376 1.1995151 1.2081428 1.1941545 1.1570735 1.1196519\n", + " 1.0954157 1.0856001 1.08482 1.0852858 1.0794395 1.0676045 0.\n", + " 0. 0. 0. ]\n", + " [1.1831157 1.1790797 1.1888353 1.1971792 1.1842004 1.1493493 1.112759\n", + " 1.0900096 1.078969 1.076178 1.0759118 1.0705388 1.0609103 1.0522335\n", + " 1.0482587 1.0503432 1.0563214]]\n", + "[[1.1753684 1.1696388 1.179119 1.1879064 1.1770691 1.1440139 1.1098781\n", + " 1.0871996 1.0768043 1.0755051 1.0759321 1.0711983 1.0622662 1.0535351\n", + " 1.0493186 0. 0. 0. ]\n", + " [1.1689203 1.1654396 1.1760104 1.1854575 1.1727706 1.140126 1.1056724\n", + " 1.0830457 1.072174 1.0708152 1.0707418 1.0659063 1.0569403 1.0484664\n", + " 1.0447366 1.0465789 0. 0. ]\n", + " [1.2365373 1.2283986 1.2375422 1.2470825 1.2325397 1.1916935 1.1497023\n", + " 1.1197937 1.1057001 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1612066 1.1590736 1.1695466 1.1779618 1.1658859 1.1327305 1.1000674\n", + " 1.0783957 1.0683504 1.0658325 1.065584 1.0604606 1.0521141 1.0441508\n", + " 1.0409776 1.0424799 1.0473379 1.0521365]\n", + " [1.1798271 1.176744 1.1870362 1.195115 1.1815948 1.1463436 1.110492\n", + " 1.0866798 1.0763587 1.0736893 1.0732012 1.0678115 1.0586215 1.0502815\n", + " 1.0467354 1.0484668 1.0538747 1.0593059]]\n", + "[[1.162696 1.1587965 1.1702842 1.1802832 1.1684695 1.1356194 1.1018666\n", + " 1.0793211 1.0687433 1.067029 1.0664182 1.0613099 1.052276 1.0439938\n", + " 1.0401481 1.0419238 1.046731 1.0519528 0. 0. 0.\n", + " 0. ]\n", + " [1.1843209 1.1820416 1.1929862 1.2030132 1.190671 1.1551571 1.1194197\n", + " 1.0951511 1.0824949 1.0777607 1.0751143 1.0683362 1.058603 1.0501153\n", + " 1.0471246 1.0489053 1.0544986 1.0599203 1.0624014 1.0633042 1.0646045\n", + " 1.0681466]\n", + " [1.1746418 1.1692371 1.1775895 1.1850533 1.1738029 1.1416068 1.1075336\n", + " 1.08497 1.0736172 1.0704103 1.0701612 1.0653721 1.0566801 1.0485891\n", + " 1.0446562 1.0460712 1.0513277 1.0566868 0. 0. 0.\n", + " 0. ]\n", + " [1.1654927 1.1629012 1.1732064 1.1811184 1.1703949 1.137297 1.1027684\n", + " 1.0803827 1.0699549 1.0678473 1.0678833 1.0636247 1.055711 1.0480354\n", + " 1.0441244 1.0452106 1.050008 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1641803 1.1625726 1.1728985 1.1823635 1.1708 1.1379236 1.1045132\n", + " 1.0816638 1.0707847 1.0682734 1.0674489 1.0620203 1.0541462 1.0464438\n", + " 1.0422888 1.0444634 1.0493189 1.0545437 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1978362 1.1930299 1.2033839 1.2103372 1.1971741 1.1600853 1.1219066\n", + " 1.0968744 1.0845972 1.0816108 1.0799453 1.0744839 1.0641963 1.0554299\n", + " 1.0509489 1.0538374 1.0598409 1.0655923 0. ]\n", + " [1.1692681 1.1656282 1.1755108 1.1841922 1.1712403 1.1392742 1.1055964\n", + " 1.0825503 1.0718868 1.068703 1.0671978 1.0624828 1.0537082 1.0462836\n", + " 1.0423796 1.044301 1.0488992 1.0538666 1.0569286]\n", + " [1.1727543 1.1680257 1.1780905 1.1869779 1.1749067 1.1416438 1.10813\n", + " 1.0858496 1.0755053 1.0731595 1.0732131 1.0681804 1.0584688 1.0500047\n", + " 1.0458487 1.0473582 0. 0. 0. ]\n", + " [1.1853958 1.1797111 1.1905434 1.2009418 1.1896188 1.1540747 1.1163596\n", + " 1.0919158 1.0803658 1.0780042 1.0785124 1.0735333 1.0637597 1.0545673\n", + " 1.0499835 1.0516968 0. 0. 0. ]\n", + " [1.1665322 1.1636627 1.1723936 1.1792078 1.1663632 1.1337945 1.1011877\n", + " 1.0792956 1.069355 1.0660583 1.0651016 1.0599887 1.0511851 1.0440255\n", + " 1.0408524 1.0430335 1.0478809 1.0526891 1.0549707]]\n", + "[[1.1719509 1.1703404 1.181748 1.1913382 1.178179 1.1435488 1.1077462\n", + " 1.0840111 1.0735538 1.0710813 1.0713098 1.0663551 1.0573859 1.0492916\n", + " 1.0454351 1.0467675 1.0516727 1.0568839 0. ]\n", + " [1.1602535 1.1577652 1.1681197 1.1772557 1.1665801 1.1349258 1.1018065\n", + " 1.0793692 1.0685527 1.0653747 1.0644244 1.0597337 1.0509244 1.0436289\n", + " 1.0401947 1.0417348 1.0464942 1.0513166 1.0538149]]\n", + "[[1.1598159 1.1551174 1.1646911 1.1723759 1.1620332 1.1313589 1.0989381\n", + " 1.077783 1.0680401 1.06602 1.0666014 1.0620183 1.0532458 1.0453607\n", + " 1.0413946 1.042968 0. 0. 0. ]\n", + " [1.1714762 1.1694126 1.1807523 1.1908633 1.1796498 1.1462173 1.1103007\n", + " 1.0863731 1.0746571 1.0710821 1.0692241 1.0641918 1.0547057 1.0466827\n", + " 1.0429091 1.0443704 1.0496798 1.0545812 1.0575712]\n", + " [1.1623251 1.1564527 1.1657717 1.1743569 1.1637906 1.1321312 1.0997492\n", + " 1.0789005 1.0694969 1.068328 1.068713 1.0645514 1.0560111 1.0478458\n", + " 1.0442137 0. 0. 0. 0. ]\n", + " [1.187031 1.181921 1.1919184 1.2015256 1.1879051 1.1510836 1.1144947\n", + " 1.0903144 1.0799694 1.0784668 1.0790186 1.0741637 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1983782 1.1915256 1.2003214 1.2089777 1.1950636 1.1586028 1.1210784\n", + " 1.0968553 1.0859141 1.0850775 1.0853624 1.0792847 1.0687507 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1631583 1.1597828 1.1711423 1.1804594 1.1696761 1.1369373 1.1027329\n", + " 1.0804392 1.0704819 1.0681268 1.0685966 1.0640093 1.0547318 1.0466601\n", + " 1.0424436 1.0441469 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1759948 1.1735301 1.1840184 1.1921543 1.1791273 1.1443375 1.1090162\n", + " 1.0857569 1.0751944 1.072565 1.07146 1.0666732 1.0569357 1.0490981\n", + " 1.0454055 1.0469365 1.0522139 1.0572277 0. 0. 0.\n", + " 0. ]\n", + " [1.1506307 1.148408 1.159549 1.1677982 1.1581371 1.1280138 1.0962244\n", + " 1.075347 1.0648221 1.0613434 1.0595814 1.0540668 1.0463405 1.0397288\n", + " 1.0371311 1.0384156 1.0430398 1.0473739 1.0497319 1.0508212 1.0521985\n", + " 1.0554053]\n", + " [1.1798846 1.1763126 1.1857412 1.1953232 1.182477 1.148292 1.1140311\n", + " 1.0914397 1.080633 1.0782768 1.0776908 1.0721633 1.0624577 1.0536511\n", + " 1.0490612 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1777184 1.172547 1.1815841 1.1893854 1.1777381 1.1445473 1.1104465\n", + " 1.087244 1.076701 1.0745797 1.0750302 1.0700047 1.0607195 1.0523052\n", + " 1.0485642 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1713758 1.1687336 1.1803687 1.1906399 1.1786052 1.1456136 1.1105113\n", + " 1.0867405 1.0751692 1.0714601 1.0697412 1.0635313 1.054141 1.0461019\n", + " 1.0425615 1.0438553 1.0492548 1.0541549 1.0569549 1.0579216 0. ]\n", + " [1.1711254 1.1678493 1.1788363 1.1882699 1.1758235 1.1425755 1.1086437\n", + " 1.0859969 1.07435 1.0710717 1.0691372 1.0630218 1.0539659 1.046183\n", + " 1.042717 1.0444437 1.0496484 1.0545505 1.0569401 1.0579381 1.0596128]\n", + " [1.1678263 1.1649185 1.174928 1.1826417 1.1698971 1.1365765 1.1030661\n", + " 1.0814275 1.0717074 1.0700846 1.0698057 1.0651443 1.0555079 1.0473347\n", + " 1.0434587 1.0452358 0. 0. 0. 0. 0. ]\n", + " [1.1560397 1.1532683 1.1634418 1.1717474 1.1597669 1.1281801 1.0961617\n", + " 1.0752423 1.0647428 1.062408 1.061504 1.0567576 1.0490623 1.0421664\n", + " 1.0386167 1.0402958 1.0447274 1.0492551 1.0514479 0. 0. ]\n", + " [1.1687804 1.1656387 1.1763759 1.1851407 1.173533 1.1395143 1.10537\n", + " 1.0825641 1.0724559 1.0698897 1.0699494 1.0649165 1.0557867 1.0478654\n", + " 1.0438699 1.045773 1.0512702 0. 0. 0. 0. ]]\n", + "[[1.1734016 1.1721028 1.1827927 1.1924436 1.181 1.1472523 1.113692\n", + " 1.0902053 1.0787398 1.0744033 1.0714742 1.064415 1.0541493 1.046437\n", + " 1.0435977 1.045978 1.0512295 1.0563143 1.058492 1.0587959 1.0601183\n", + " 1.0637437 1.0718145 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1627647 1.1591967 1.1684201 1.1773479 1.1662039 1.1347224 1.1022416\n", + " 1.0801839 1.0692881 1.0655655 1.063891 1.0585089 1.0500674 1.0428027\n", + " 1.0393564 1.0410869 1.0455215 1.0499138 1.052797 1.0542296 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1395808 1.1355542 1.1474789 1.1587785 1.1512403 1.1229911 1.0933061\n", + " 1.0730364 1.0631777 1.0598917 1.0586017 1.0529412 1.0447549 1.0376394\n", + " 1.0349175 1.0368716 1.0414277 1.0459933 1.0483342 1.0492526 1.0498152\n", + " 1.0515352 1.0573736 1.0652761 1.0726452 1.0774807 1.078797 1.0761764\n", + " 1.0683852 1.0594847 1.0521528 1.0474974]\n", + " [1.1888326 1.183258 1.1941767 1.2036206 1.191757 1.1567287 1.1203933\n", + " 1.0958333 1.0837287 1.0813063 1.0809053 1.0757935 1.0659932 1.0561392\n", + " 1.0519215 1.054039 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.176617 1.1738039 1.1857771 1.1942905 1.1820052 1.1464988 1.1107093\n", + " 1.0881011 1.078135 1.0776603 1.0783893 1.0724827 1.0618007 1.0523765\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1829301 1.177421 1.1866467 1.1938037 1.1815873 1.1471338 1.1120206\n", + " 1.0886023 1.0774835 1.074593 1.0739024 1.069502 1.0604746 1.0519881\n", + " 1.0484849 1.050752 1.0565145 0. 0. 0. ]\n", + " [1.1692145 1.1672758 1.1768227 1.1851462 1.1732528 1.1407428 1.1067271\n", + " 1.0833672 1.072621 1.068773 1.0668826 1.0616581 1.0532632 1.0457319\n", + " 1.0427692 1.0440652 1.0496796 1.0545347 1.0571772 1.0580605]\n", + " [1.1788591 1.1747892 1.1852686 1.1941965 1.1818966 1.1475625 1.1126376\n", + " 1.0889996 1.078553 1.0761019 1.0759547 1.0702949 1.060404 1.0512017\n", + " 1.0471646 1.0490253 1.0548953 0. 0. 0. ]\n", + " [1.1781638 1.1725954 1.1821225 1.1896476 1.1755543 1.1421473 1.1085824\n", + " 1.0874211 1.0774715 1.0761647 1.0757414 1.0709492 1.0612475 1.0527567\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1873195 1.1836729 1.1956046 1.2051314 1.1913686 1.1558818 1.1186738\n", + " 1.0935034 1.0820837 1.079149 1.0781077 1.0725571 1.062149 1.0533804\n", + " 1.0493908 1.0513428 1.0571263 1.0626941 0. 0. ]]\n", + "[[1.1653527 1.1613979 1.1719624 1.1802413 1.1692264 1.1364079 1.102778\n", + " 1.0808955 1.0710411 1.0692673 1.0695726 1.0643935 1.0555631 1.0475097\n", + " 1.0436299 1.0454671 0. 0. 0. 0. 0. ]\n", + " [1.1733298 1.1704582 1.181015 1.1905532 1.178442 1.144592 1.109316\n", + " 1.0851239 1.0744405 1.071696 1.0708367 1.0661466 1.0569805 1.0485765\n", + " 1.0448782 1.0460848 1.0510604 1.0565524 0. 0. 0. ]\n", + " [1.1480749 1.1442735 1.1530342 1.1612715 1.1502523 1.1210154 1.0911855\n", + " 1.0718197 1.0628725 1.0607649 1.0603642 1.0562295 1.0481385 1.0408865\n", + " 1.037709 1.0391881 1.0440348 0. 0. 0. 0. ]\n", + " [1.1595286 1.1562808 1.1674398 1.1767987 1.165336 1.1332053 1.1003368\n", + " 1.0787143 1.0681418 1.0650659 1.0636227 1.0580095 1.0491617 1.0413516\n", + " 1.0380954 1.0394276 1.0440451 1.0488714 1.0513695 1.0522405 0. ]\n", + " [1.182871 1.1817591 1.1937994 1.2047083 1.1909494 1.1545694 1.116999\n", + " 1.0912484 1.079556 1.0758221 1.0743332 1.0677061 1.0586332 1.050154\n", + " 1.0467099 1.0482578 1.0534889 1.0587465 1.0612801 1.062492 1.0642239]]\n", + "[[1.160795 1.1557916 1.1650562 1.1734395 1.1618475 1.1311684 1.0990138\n", + " 1.0782757 1.0680221 1.0658295 1.0651891 1.0612319 1.0527927 1.0451224\n", + " 1.0417378 1.0434632 1.0486424 0. 0. 0. ]\n", + " [1.1776118 1.1744149 1.1851989 1.1941352 1.1820408 1.1476308 1.1117059\n", + " 1.0876361 1.0761718 1.0731311 1.0716479 1.0665295 1.0572486 1.048983\n", + " 1.0454421 1.0476521 1.0530128 1.0583998 0. 0. ]\n", + " [1.1834152 1.1776496 1.1861111 1.1937902 1.1828334 1.1497905 1.1141474\n", + " 1.0909947 1.0789814 1.07657 1.0764546 1.0719519 1.0621318 1.0533884\n", + " 1.0497046 1.0518451 0. 0. 0. 0. ]\n", + " [1.1742098 1.1729138 1.1840087 1.1927547 1.1785408 1.14484 1.1098562\n", + " 1.0865196 1.0750638 1.0710284 1.0698197 1.0641861 1.0545719 1.0465335\n", + " 1.043265 1.0449811 1.0498514 1.0549314 1.0575684 1.0589465]\n", + " [1.1694696 1.1668856 1.1779608 1.1870495 1.1749074 1.1410583 1.1069165\n", + " 1.0841974 1.0739895 1.071485 1.0706196 1.0649374 1.0561599 1.0479968\n", + " 1.0441068 1.0460199 1.050963 1.0558441 0. 0. ]]\n", + "[[1.1672782 1.1614517 1.1705022 1.1801555 1.1690454 1.1371948 1.1043261\n", + " 1.0826252 1.0719157 1.0698563 1.0699854 1.0652157 1.0561466 1.0480976\n", + " 1.0445179 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.180893 1.1770968 1.1879241 1.1961702 1.1827776 1.1469519 1.1107006\n", + " 1.0873543 1.0770545 1.0751234 1.0759186 1.071294 1.0619993 1.0529473\n", + " 1.0492518 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1459318 1.1431599 1.1532611 1.1623636 1.153204 1.1241287 1.0941912\n", + " 1.0736636 1.0633707 1.0595129 1.0576525 1.051991 1.0443335 1.0376427\n", + " 1.0350349 1.0369688 1.0415912 1.0462477 1.0487359 1.0493245 1.0501834\n", + " 1.0524809 1.0588055 1.0677049 1.0748074]\n", + " [1.1895114 1.1848974 1.1953564 1.2025626 1.1911118 1.1557691 1.1186411\n", + " 1.0931084 1.0813866 1.0785941 1.0790603 1.073241 1.0634607 1.0543317\n", + " 1.0503048 1.0526603 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1617639 1.1577805 1.1676433 1.1771553 1.1661335 1.1345779 1.1014299\n", + " 1.0789615 1.0680255 1.0648444 1.0634166 1.0588212 1.0506947 1.0433451\n", + " 1.040024 1.0415174 1.0459864 1.050726 1.0532703 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1947123 1.1921473 1.2036866 1.2138355 1.2019624 1.1663785 1.128532\n", + " 1.1011814 1.0875843 1.0828333 1.0796338 1.0730109 1.0622886 1.0535895\n", + " 1.0498056 1.051699 1.0567428 1.0622598 1.0644125 1.0657248 1.0673329]\n", + " [1.1769161 1.1723162 1.1827176 1.1908797 1.1793493 1.1458186 1.1104263\n", + " 1.0871868 1.0763212 1.0751828 1.0758113 1.0711356 1.0620342 1.0532438\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1840193 1.1780701 1.1865891 1.1939968 1.1812184 1.1483164 1.1147058\n", + " 1.0920519 1.0812521 1.0781406 1.0772184 1.0714368 1.0619874 1.0530696\n", + " 1.0497063 1.0525597 0. 0. 0. 0. 0. ]\n", + " [1.1696814 1.1648021 1.1745561 1.1836967 1.1718693 1.1405998 1.1074568\n", + " 1.0842944 1.0740536 1.0714271 1.0702635 1.065471 1.055888 1.04778\n", + " 1.0440613 1.0458287 1.0512464 0. 0. 0. 0. ]\n", + " [1.1525297 1.1487134 1.1565082 1.163267 1.1516742 1.1219254 1.0928397\n", + " 1.0729083 1.0634544 1.0606449 1.0599931 1.0555592 1.0477328 1.0410359\n", + " 1.0381852 1.0396491 1.0442463 1.0484911 0. 0. 0. ]]\n", + "[[1.1673229 1.163032 1.1738037 1.1836785 1.1717582 1.1390984 1.1047113\n", + " 1.0817808 1.0711353 1.0681587 1.0676888 1.063468 1.0546759 1.0467829\n", + " 1.0431306 1.0449455 1.0500029 1.0550126 0. ]\n", + " [1.1613456 1.158396 1.1703738 1.1796424 1.1678886 1.1351187 1.1015545\n", + " 1.0792562 1.0679504 1.0648082 1.0643765 1.059591 1.0512437 1.0436141\n", + " 1.0404102 1.0419649 1.0468506 1.0513852 1.0532819]\n", + " [1.1679862 1.1628326 1.1728199 1.1823539 1.170672 1.1383727 1.105162\n", + " 1.0832058 1.0728246 1.0717369 1.0717576 1.0674149 1.0583299 1.0495933\n", + " 1.0458465 0. 0. 0. 0. ]\n", + " [1.194466 1.1894335 1.2001315 1.2091818 1.1946515 1.1577737 1.1200296\n", + " 1.0953426 1.0843594 1.0836148 1.084374 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.162034 1.1597737 1.170136 1.1792018 1.167748 1.1356044 1.1024594\n", + " 1.0803359 1.0696361 1.0668525 1.0659114 1.060419 1.0519075 1.0442069\n", + " 1.0407556 1.041788 1.047 1.0515116 1.0540682]]\n", + "[[1.1806879 1.175703 1.1860461 1.1960481 1.1851279 1.1507449 1.113879\n", + " 1.0899811 1.0788482 1.0768526 1.0777137 1.0726147 1.0626249 1.053171\n", + " 1.0483322 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.184051 1.1784098 1.1879339 1.1974871 1.186581 1.1528127 1.1164823\n", + " 1.0921211 1.0811594 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1476299 1.1459043 1.1559861 1.1649861 1.1540636 1.1246434 1.0944198\n", + " 1.0742288 1.0642864 1.0611858 1.0595006 1.0539958 1.0457407 1.03894\n", + " 1.0364087 1.0382494 1.0431967 1.0476092 1.0502423 1.0505701 1.0519012\n", + " 1.0546352 1.06148 1.0704391]\n", + " [1.1606114 1.1584702 1.1690054 1.1754906 1.1639411 1.1314852 1.0992186\n", + " 1.0780721 1.068542 1.0666625 1.0657644 1.0615581 1.0530334 1.044982\n", + " 1.0419893 1.0435269 1.0486871 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1701336 1.1671363 1.178839 1.1888456 1.1764463 1.1417783 1.1064845\n", + " 1.0835547 1.0728093 1.0712163 1.0712513 1.0661898 1.0567795 1.0480196\n", + " 1.0438246 1.0454335 1.0505931 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1773279 1.1753628 1.1868103 1.1972497 1.1847092 1.1498697 1.1132152\n", + " 1.088448 1.076083 1.0724593 1.0706952 1.0645524 1.0556378 1.0476807\n", + " 1.0442832 1.0457556 1.0514404 1.0563227 1.0588171 1.0597409 1.0611879\n", + " 1.0650498]\n", + " [1.1669955 1.1641971 1.1749909 1.1847053 1.1723884 1.1382852 1.103442\n", + " 1.0811677 1.070595 1.0684754 1.0684708 1.0640327 1.0552707 1.047417\n", + " 1.0437219 1.0454015 1.0503073 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1679031 1.1631893 1.1730332 1.1819111 1.1705279 1.1379586 1.1037315\n", + " 1.0814745 1.0721022 1.0702039 1.070103 1.0649832 1.0561594 1.0477815\n", + " 1.0436682 1.0451223 1.0503249 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1847298 1.1787486 1.1877267 1.1954551 1.1824645 1.1488764 1.1142387\n", + " 1.091396 1.0806032 1.077679 1.0774503 1.0716531 1.06203 1.052686\n", + " 1.049079 1.0515751 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1833209 1.1791859 1.1895117 1.1981175 1.1841251 1.1490439 1.1127974\n", + " 1.0891542 1.07805 1.0759101 1.0752493 1.0709225 1.0615435 1.0529455\n", + " 1.0493335 1.0517457 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1874931 1.1835468 1.19378 1.2029324 1.1891499 1.1530455 1.1155865\n", + " 1.0909445 1.0789278 1.076822 1.0756481 1.0705676 1.0607055 1.0519835\n", + " 1.0479851 1.0498362 1.0554487 1.0608789 0. 0. ]\n", + " [1.1906159 1.1878701 1.200412 1.2102365 1.1989247 1.1620584 1.1237525\n", + " 1.0983462 1.0853381 1.0810643 1.0788387 1.0725373 1.062213 1.0533366\n", + " 1.0491923 1.0513968 1.0572513 1.0625225 1.065259 1.0661707]\n", + " [1.1757776 1.1730611 1.1851311 1.1929855 1.1818539 1.1467811 1.111124\n", + " 1.088016 1.0772129 1.0755578 1.0751818 1.07037 1.0605185 1.0516143\n", + " 1.0475132 0. 0. 0. 0. 0. ]\n", + " [1.1844225 1.1815073 1.192283 1.2012707 1.1873496 1.151804 1.1150292\n", + " 1.0900333 1.0780525 1.0743506 1.073108 1.0672699 1.058211 1.0502682\n", + " 1.0471319 1.0486294 1.0536311 1.0581603 1.0607017 1.0625178]\n", + " [1.1738449 1.1700219 1.1797787 1.1889923 1.1756715 1.1407287 1.1055856\n", + " 1.0840902 1.0752755 1.0748824 1.0755446 1.0707419 1.0611581 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1775701 1.1741176 1.1840817 1.1923001 1.1790193 1.1460779 1.1116747\n", + " 1.0886605 1.0778044 1.0749314 1.0741286 1.0687952 1.0588892 1.0509316\n", + " 1.0472368 1.0493598 1.0552752 0. 0. 0. 0. ]\n", + " [1.1938277 1.1900951 1.2003049 1.2091695 1.1954757 1.1601826 1.1231843\n", + " 1.0979882 1.0852392 1.081541 1.0797262 1.0730603 1.0632348 1.0542369\n", + " 1.0503945 1.0525672 1.0578201 1.0641581 1.0664068 0. 0. ]\n", + " [1.1551781 1.1534443 1.1638052 1.1720667 1.1619189 1.1313163 1.0990953\n", + " 1.0771657 1.066544 1.0626113 1.0611176 1.0557812 1.0477204 1.0410651\n", + " 1.0376257 1.0394311 1.0436969 1.0483943 1.0509821 1.052268 1.0539184]\n", + " [1.1756717 1.1703181 1.1806178 1.1897931 1.1795936 1.1464142 1.1117352\n", + " 1.0884645 1.0779092 1.0766737 1.077274 1.0722693 1.0623685 1.0526243\n", + " 1.0481802 0. 0. 0. 0. 0. 0. ]\n", + " [1.1571312 1.1525073 1.1618423 1.1694348 1.1587052 1.1279773 1.0971317\n", + " 1.0765733 1.0672079 1.064942 1.0644389 1.0597138 1.0517987 1.0439649\n", + " 1.0410256 1.0432332 0. 0. 0. 0. 0. ]]\n", + "[[1.1703887 1.1663268 1.1757942 1.1836742 1.1700416 1.1377708 1.1049484\n", + " 1.0836617 1.0740476 1.0729494 1.0729271 1.0680778 1.058281 1.0496266\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1608353 1.1586708 1.1700454 1.1794646 1.1683326 1.1351689 1.1013412\n", + " 1.0792449 1.0681039 1.0647879 1.063175 1.0580205 1.0501527 1.0430994\n", + " 1.0399294 1.0413103 1.0458454 1.0501045 1.0524584 1.0532566 1.0548152\n", + " 1.0582954]\n", + " [1.1668383 1.1640828 1.1755126 1.1845374 1.1722133 1.139053 1.1054311\n", + " 1.0832684 1.0723078 1.0692513 1.0674876 1.0613351 1.0518637 1.0441744\n", + " 1.0408474 1.04231 1.0472705 1.0522676 1.05481 1.0559895 0.\n", + " 0. ]\n", + " [1.1558135 1.152065 1.1613947 1.1698531 1.158396 1.1279155 1.0956651\n", + " 1.0742718 1.0645453 1.0617893 1.0616117 1.0574789 1.050022 1.0423653\n", + " 1.0390812 1.0404611 1.0449265 1.0492007 0. 0. 0.\n", + " 0. ]\n", + " [1.168834 1.1642143 1.1752197 1.1848097 1.1723871 1.1388726 1.1042933\n", + " 1.0813636 1.0708115 1.0683218 1.0677493 1.0630445 1.0543284 1.0464039\n", + " 1.0426747 1.0442501 1.0494248 1.0541757 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1669779 1.1641552 1.174141 1.1828575 1.170105 1.1373916 1.1037246\n", + " 1.081895 1.0717337 1.069353 1.0684662 1.0638599 1.0550392 1.0466696\n", + " 1.0430994 1.04473 1.0500394 0. 0. ]\n", + " [1.1800374 1.1767254 1.1869019 1.19513 1.1824787 1.1483907 1.1139919\n", + " 1.0905948 1.0785253 1.075533 1.0737789 1.0679995 1.0583785 1.049955\n", + " 1.0463498 1.0487782 1.0540346 1.0591648 1.0614119]\n", + " [1.156018 1.151367 1.160614 1.168667 1.1578016 1.1273937 1.0957468\n", + " 1.0746633 1.0647155 1.0621512 1.0617027 1.0578914 1.0503526 1.0433936\n", + " 1.0403306 1.0418042 1.046325 1.050725 0. ]\n", + " [1.2060633 1.1990588 1.2071581 1.214758 1.2014198 1.1638582 1.1263347\n", + " 1.1015221 1.0907516 1.0888532 1.0883358 1.0824677 1.0713722 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.178578 1.1758229 1.1861126 1.1953593 1.182858 1.1485438 1.1126357\n", + " 1.088897 1.0773071 1.0742731 1.0724713 1.0669382 1.0574178 1.049147\n", + " 1.0452863 1.0470108 1.0524207 1.057634 1.0601913]]\n", + "[[1.1835762 1.1811885 1.1901116 1.1978571 1.183796 1.1482853 1.1141968\n", + " 1.0903482 1.0784558 1.0752305 1.073668 1.0679048 1.0585363 1.0498772\n", + " 1.0458028 1.047417 1.0528891 1.0580323 1.0606447 0. 0.\n", + " 0. 0. ]\n", + " [1.163428 1.1604625 1.1709678 1.1793641 1.1697876 1.1384618 1.1057284\n", + " 1.0839589 1.0720607 1.0684309 1.0661594 1.0603585 1.0518055 1.0443478\n", + " 1.0412772 1.0433414 1.0479525 1.0527062 1.0545373 1.0545908 1.0558934\n", + " 1.0590992 0. ]\n", + " [1.1714568 1.1666323 1.1759529 1.1853542 1.1735759 1.1405687 1.1066909\n", + " 1.0847032 1.073808 1.0718939 1.0719478 1.0667361 1.0569484 1.0483348\n", + " 1.0447952 1.0471786 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1677511 1.1653042 1.1752855 1.1847169 1.1726927 1.1392252 1.1064057\n", + " 1.0848048 1.073819 1.069331 1.0672207 1.0609393 1.051953 1.0442458\n", + " 1.0411689 1.0434062 1.0484766 1.0538424 1.0555985 1.056816 1.058298\n", + " 1.0621026 1.0699681]\n", + " [1.1696777 1.1664367 1.1768776 1.184891 1.1736133 1.1399302 1.1052978\n", + " 1.0823473 1.0717192 1.0690937 1.0690143 1.0645705 1.0559628 1.0478694\n", + " 1.0443457 1.0457221 1.0507454 1.0553617 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1723852 1.1699249 1.180468 1.1895717 1.176446 1.141861 1.1076365\n", + " 1.0839754 1.0728266 1.0692441 1.0684524 1.0630224 1.0544215 1.0459733\n", + " 1.0425057 1.0439346 1.0488408 1.0538443 1.0570184]\n", + " [1.1770604 1.1727502 1.182327 1.1906934 1.1776524 1.1441029 1.1095152\n", + " 1.0862885 1.0752963 1.0724502 1.0720488 1.067628 1.058034 1.0498366\n", + " 1.0460683 1.0481249 1.053381 1.0585766 0. ]\n", + " [1.162927 1.1589828 1.1697208 1.1791425 1.1679109 1.1358253 1.102676\n", + " 1.0806147 1.0703366 1.0682677 1.0688314 1.0638486 1.0547727 1.0463916\n", + " 1.0429211 1.0445257 0. 0. 0. ]\n", + " [1.166648 1.1635258 1.1728513 1.1821097 1.1704841 1.1391431 1.1059558\n", + " 1.0834082 1.0728552 1.0692337 1.0677128 1.0625015 1.0532604 1.0456816\n", + " 1.0417473 1.0436496 1.0483956 1.0530931 1.0554913]\n", + " [1.1729107 1.1677108 1.1772509 1.1850991 1.1726167 1.1387618 1.1041502\n", + " 1.0816929 1.0722582 1.0718186 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1836743 1.1814559 1.1930603 1.2023768 1.1885475 1.1531408 1.1165932\n", + " 1.0917811 1.0796864 1.076152 1.074031 1.0679628 1.0583442 1.0504373\n", + " 1.0467956 1.0485725 1.0539978 1.0595065 1.0616474 1.0629791]\n", + " [1.1798533 1.1778789 1.1899912 1.1986518 1.1862073 1.1511933 1.1150159\n", + " 1.0905563 1.0789207 1.0749879 1.0726612 1.0659766 1.0556529 1.0474017\n", + " 1.043884 1.0458239 1.0516548 1.0571468 1.0601242 1.0611328]\n", + " [1.1770369 1.1721017 1.1825345 1.1914382 1.1785816 1.1444318 1.109447\n", + " 1.0857444 1.075267 1.0726212 1.0715145 1.0672691 1.0585457 1.0501771\n", + " 1.046532 1.0485358 1.0540882 0. 0. 0. ]\n", + " [1.1618791 1.1594762 1.1699802 1.1786684 1.1669523 1.1350867 1.10247\n", + " 1.0802757 1.0697708 1.0667765 1.0657462 1.0599118 1.0515814 1.0439079\n", + " 1.0407904 1.0420773 1.0465903 1.0512534 1.0538148 0. ]\n", + " [1.1897272 1.1840848 1.1929674 1.2018687 1.1884012 1.1541454 1.1186646\n", + " 1.0944523 1.0828357 1.0803695 1.0796362 1.0737922 1.0628811 1.0537349\n", + " 1.0495918 1.0523821 0. 0. 0. 0. ]]\n", + "[[1.178928 1.1738857 1.1845105 1.193432 1.181637 1.1474316 1.1113026\n", + " 1.0881314 1.0774024 1.0756775 1.0757302 1.0707816 1.0614502 1.0522869\n", + " 1.0484248 1.0504174 0. 0. ]\n", + " [1.1781954 1.1750584 1.1854299 1.1945626 1.1817 1.1473781 1.111843\n", + " 1.0887128 1.0774399 1.07443 1.0740647 1.0686988 1.059511 1.0507784\n", + " 1.0468001 1.0484282 1.053627 1.058907 ]\n", + " [1.1738237 1.168364 1.1777871 1.184329 1.1722311 1.1387386 1.104532\n", + " 1.0821912 1.0715622 1.070012 1.0698023 1.0665752 1.0581293 1.0503813\n", + " 1.0465807 0. 0. 0. ]\n", + " [1.1618533 1.1580014 1.1673954 1.1759038 1.1644783 1.1329758 1.100454\n", + " 1.0794492 1.0700178 1.0686733 1.0686958 1.064743 1.0557925 1.0476294\n", + " 1.0438929 0. 0. 0. ]\n", + " [1.1706097 1.1660835 1.1771337 1.1869535 1.1757382 1.1419191 1.1057913\n", + " 1.0825543 1.0718392 1.0695324 1.0698622 1.0650371 1.0557947 1.0475339\n", + " 1.0436062 1.045308 1.0506059 0. ]]\n", + "[[1.1744957 1.1700531 1.1801995 1.1894082 1.1769891 1.1433759 1.1088905\n", + " 1.0860665 1.075309 1.0740036 1.0742303 1.0694859 1.0603232 1.0518018\n", + " 1.0475978 0. 0. 0. 0. ]\n", + " [1.1923493 1.186765 1.1960753 1.2040746 1.1909568 1.1562614 1.120227\n", + " 1.0959194 1.0845611 1.0811391 1.0794336 1.0731838 1.0630319 1.053571\n", + " 1.0497729 1.0516136 1.0580946 1.0640765 0. ]\n", + " [1.181712 1.1782374 1.1890606 1.1980563 1.1839666 1.1486726 1.1129613\n", + " 1.0892402 1.0775778 1.0739712 1.0720764 1.0666193 1.057495 1.049344\n", + " 1.0459 1.0479378 1.0529372 1.057787 1.0604978]\n", + " [1.1684576 1.1674205 1.1791782 1.1883237 1.1748935 1.1411641 1.1071036\n", + " 1.0840932 1.0730066 1.0697684 1.0689212 1.0631733 1.0542569 1.0464439\n", + " 1.0428034 1.0447378 1.0494752 1.0543505 1.0567255]\n", + " [1.185707 1.1811341 1.1912968 1.2002975 1.1872627 1.1532097 1.1168727\n", + " 1.0923567 1.0811769 1.0785167 1.0787286 1.0737724 1.0639243 1.0553472\n", + " 1.0512645 1.053308 0. 0. 0. ]]\n", + "[[1.1920971 1.1852823 1.1941139 1.2020414 1.1900847 1.1543465 1.1173692\n", + " 1.0938946 1.0835118 1.0813713 1.0812731 1.0757881 1.0655458 1.056414\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1796812 1.1774905 1.1877308 1.1967314 1.1828566 1.1486387 1.1129642\n", + " 1.0892811 1.0780493 1.0742413 1.0730828 1.067252 1.0572771 1.0492655\n", + " 1.0452963 1.0472076 1.0525938 1.0573095 1.0603595]\n", + " [1.1657892 1.1642026 1.1750743 1.1839135 1.171437 1.1386625 1.1050869\n", + " 1.0825218 1.0714917 1.068397 1.0676695 1.062478 1.0536991 1.0461135\n", + " 1.0426135 1.0446357 1.0494875 1.0541341 1.0563675]\n", + " [1.1766253 1.1728382 1.1820819 1.1906481 1.1777455 1.145143 1.110754\n", + " 1.087818 1.077461 1.0748227 1.0736306 1.0689144 1.0590274 1.0502195\n", + " 1.0465537 1.0486914 1.0542454 0. 0. ]\n", + " [1.177759 1.1723759 1.1814945 1.1895015 1.1779623 1.1435378 1.1091354\n", + " 1.0871333 1.0773578 1.0767425 1.07697 1.0722142 1.061928 1.0527552\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1544529 1.1537015 1.1653255 1.17411 1.163241 1.1313001 1.0994518\n", + " 1.0781106 1.0677403 1.0642323 1.0622033 1.0567275 1.0481716 1.040621\n", + " 1.037797 1.0395172 1.0440941 1.048379 1.0509487 1.0519748 1.0536782\n", + " 0. ]\n", + " [1.2096688 1.2026279 1.2108663 1.2189633 1.2053872 1.1677241 1.1280975\n", + " 1.1013322 1.0891225 1.0871607 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1744605 1.1713271 1.1811899 1.189442 1.1792437 1.1468763 1.1120397\n", + " 1.0888547 1.0771778 1.0730231 1.0706241 1.0645294 1.0546608 1.0468869\n", + " 1.0430819 1.0452422 1.0503247 1.0549581 1.0572169 1.0577385 0.\n", + " 0. ]\n", + " [1.1755102 1.1709783 1.1808991 1.1896738 1.1769601 1.1431673 1.1085889\n", + " 1.085779 1.0763963 1.0750198 1.0753026 1.070385 1.0602646 1.0515125\n", + " 1.0477375 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.156663 1.1545331 1.1642184 1.17253 1.1614528 1.1307274 1.0994719\n", + " 1.0784931 1.0681126 1.064199 1.0623975 1.0567597 1.0487028 1.0414642\n", + " 1.0387886 1.0409433 1.0453576 1.0495762 1.0515343 1.0523908 1.0540385\n", + " 1.0579222]]\n", + "[[1.1521614 1.1496934 1.1595871 1.1682787 1.1569813 1.1263189 1.0949024\n", + " 1.0739031 1.0639951 1.0613159 1.0606872 1.0564399 1.0484228 1.0416112\n", + " 1.0383652 1.0399542 1.044679 1.0492972 0. ]\n", + " [1.1633133 1.160212 1.1702863 1.1784923 1.1662825 1.1336358 1.1012285\n", + " 1.0796058 1.0699542 1.0687401 1.0688229 1.0641664 1.0555961 1.047535\n", + " 1.0436642 1.0457703 0. 0. 0. ]\n", + " [1.1830207 1.1795995 1.1906064 1.1995994 1.1865592 1.1518954 1.115997\n", + " 1.0911589 1.0794293 1.0760831 1.074697 1.068961 1.0592244 1.0503801\n", + " 1.0467551 1.0486248 1.0542042 1.0594779 1.0618975]\n", + " [1.1960305 1.1921272 1.2033036 1.214633 1.1996777 1.1616663 1.1222122\n", + " 1.0975552 1.0868807 1.0856203 1.0853714 1.0795281 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.190304 1.1848257 1.1948766 1.2033478 1.1906333 1.1554472 1.1191158\n", + " 1.0954415 1.0842956 1.0820829 1.081014 1.0758682 1.0655444 1.0563042\n", + " 1.0520989 1.0545176 0. 0. 0. ]]\n", + "[[1.2055042 1.199284 1.2090901 1.2167494 1.2017518 1.1642615 1.1259112\n", + " 1.1010721 1.0895888 1.0878286 1.0874391 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1718643 1.167733 1.1779075 1.1865441 1.173792 1.1409171 1.1068995\n", + " 1.0843482 1.0744834 1.0725636 1.0725263 1.0669838 1.0577656 1.0492826\n", + " 1.0456051 0. 0. 0. ]\n", + " [1.1904334 1.1840144 1.1923504 1.1996756 1.1863883 1.1523379 1.1171844\n", + " 1.0941136 1.0829324 1.080151 1.0792235 1.074752 1.0650489 1.0563141\n", + " 1.0523021 0. 0. 0. ]\n", + " [1.1704941 1.1667267 1.1765435 1.1847187 1.173153 1.1403422 1.1066076\n", + " 1.084378 1.0730705 1.0701073 1.0695395 1.0642729 1.0557524 1.047261\n", + " 1.0433381 1.0448543 1.049546 1.054485 ]\n", + " [1.1738067 1.1707667 1.1808467 1.1887728 1.1761572 1.142754 1.1084247\n", + " 1.0852607 1.0741681 1.0717888 1.0713568 1.0664413 1.056497 1.0488564\n", + " 1.0450578 1.0466144 1.0518688 1.0566946]]\n", + "[[1.1790047 1.1754717 1.1865472 1.1943372 1.1832294 1.1495359 1.1140319\n", + " 1.0900234 1.0776752 1.0740268 1.0716077 1.0649825 1.0559928 1.047903\n", + " 1.0445789 1.0468646 1.0522727 1.0573323 1.0596043 1.0601658 1.0616583]\n", + " [1.1630284 1.1588651 1.1663778 1.1737045 1.1614641 1.1304215 1.0990068\n", + " 1.0781145 1.0677421 1.0649415 1.0637767 1.0595093 1.051544 1.0443131\n", + " 1.0411496 1.0426192 1.0473292 1.0521054 0. 0. 0. ]\n", + " [1.1613868 1.1574132 1.1677555 1.176472 1.1652155 1.133254 1.1001389\n", + " 1.0787214 1.0687335 1.0672994 1.067086 1.0625948 1.0538037 1.0459579\n", + " 1.0424341 1.044278 0. 0. 0. 0. 0. ]\n", + " [1.168006 1.166187 1.1769251 1.1866968 1.1739141 1.1413319 1.1070787\n", + " 1.0844028 1.073161 1.070423 1.0689834 1.0641795 1.055279 1.0466297\n", + " 1.0433636 1.0449548 1.0504436 1.0555421 0. 0. 0. ]\n", + " [1.1913637 1.1860781 1.1952344 1.2033396 1.1912975 1.1563994 1.1199595\n", + " 1.0953816 1.0848075 1.0822417 1.0813315 1.0760664 1.0657709 1.0559449\n", + " 1.0520208 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.164003 1.1618065 1.1721015 1.1811751 1.1689681 1.1375566 1.1042016\n", + " 1.081562 1.0708582 1.0679781 1.0666609 1.0620811 1.0535303 1.0461265\n", + " 1.0424098 1.0438062 1.0486493 1.053674 0. 0. 0.\n", + " 0. ]\n", + " [1.1756706 1.1734971 1.1850868 1.1943841 1.1810569 1.1461326 1.1110309\n", + " 1.087545 1.075372 1.0720026 1.0708445 1.064362 1.0555269 1.0474563\n", + " 1.0439783 1.0458438 1.0505142 1.0556923 1.0585521 1.0598468 0.\n", + " 0. ]\n", + " [1.226449 1.2181039 1.2267407 1.2343879 1.2222618 1.1833104 1.142131\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1626735 1.1607969 1.1722467 1.1814348 1.1705798 1.1374611 1.1039338\n", + " 1.0820674 1.0710448 1.0672201 1.065454 1.0596639 1.0504509 1.0433819\n", + " 1.0401489 1.0416441 1.0462497 1.0510927 1.0534999 1.0539922 1.0557803\n", + " 1.0594021]\n", + " [1.1839803 1.1810653 1.191884 1.1994454 1.1874268 1.1522655 1.1157581\n", + " 1.0911394 1.079717 1.07616 1.0747404 1.068079 1.059234 1.0511873\n", + " 1.0470552 1.049224 1.0544268 1.0597202 1.0621759 0. 0.\n", + " 0. ]]\n", + "[[1.1584221 1.1552922 1.1652535 1.1735339 1.1623065 1.130457 1.0984778\n", + " 1.0771465 1.0671097 1.0645502 1.0640752 1.0594481 1.0511799 1.0437365\n", + " 1.0404904 1.0420829 1.0466086 1.051363 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1582749 1.1544983 1.1638093 1.1721851 1.1612968 1.1295869 1.0974994\n", + " 1.0757008 1.0655193 1.0628971 1.0638534 1.0600779 1.0520195 1.044924\n", + " 1.0412307 1.0427109 1.0476297 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1591526 1.157423 1.1669307 1.1769345 1.1657177 1.1351084 1.1025348\n", + " 1.0807109 1.069537 1.0658484 1.063802 1.0583845 1.0498207 1.0428476\n", + " 1.0396843 1.0413374 1.0462611 1.050896 1.0528928 1.0537238 1.0551014\n", + " 1.0586438 1.0650836 1.0741913]\n", + " [1.1944728 1.1872466 1.1954194 1.202157 1.1876969 1.1520032 1.1161518\n", + " 1.0915916 1.0800527 1.0776958 1.0762135 1.0711079 1.0615413 1.0530205\n", + " 1.0494428 1.0519646 1.0579562 1.0639508 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1823083 1.179388 1.1913587 1.1997678 1.1871048 1.1513586 1.11416\n", + " 1.0898197 1.0788425 1.0760901 1.076189 1.0709008 1.0605576 1.0520648\n", + " 1.047857 1.049602 1.0555655 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1562382 1.1523559 1.1604283 1.1683766 1.157585 1.1272976 1.0966543\n", + " 1.075525 1.0653257 1.0623559 1.0612407 1.0571275 1.0492378 1.0420184\n", + " 1.0386591 1.040099 1.0446558 1.0492021 0. 0. ]\n", + " [1.167722 1.1668382 1.1774033 1.1856381 1.173886 1.1405603 1.1063936\n", + " 1.0836649 1.0725425 1.0690675 1.0670974 1.0616884 1.0526435 1.0452278\n", + " 1.041851 1.0435601 1.0482663 1.0533382 1.055807 1.0567834]\n", + " [1.1666242 1.160593 1.16862 1.1755325 1.1646348 1.1332936 1.1014969\n", + " 1.080399 1.0698458 1.066812 1.0662484 1.0617524 1.0530957 1.0457159\n", + " 1.0423608 1.0440453 1.0490226 1.0543159 0. 0. ]\n", + " [1.1825739 1.1788417 1.1891733 1.1983191 1.1854161 1.151859 1.1164061\n", + " 1.0919673 1.0793262 1.0747513 1.0738515 1.0682746 1.058718 1.0506065\n", + " 1.0471454 1.0490081 1.054175 1.0594308 1.0618116 0. ]\n", + " [1.185834 1.1813089 1.1905968 1.1987946 1.1864477 1.1519651 1.116297\n", + " 1.0922011 1.0806674 1.0778168 1.0772378 1.0709027 1.0607884 1.0524249\n", + " 1.0486602 1.0510794 1.0570308 0. 0. 0. ]]\n", + "[[1.1611098 1.1583917 1.1679875 1.1769434 1.1644547 1.1334398 1.1008526\n", + " 1.0792177 1.0682063 1.0657724 1.0643054 1.0600297 1.0517919 1.0444145\n", + " 1.0408187 1.0424771 1.0468664 1.0512903 1.0535271 0. 0. ]\n", + " [1.1722519 1.1689733 1.1793176 1.1875799 1.1741182 1.1404842 1.1074846\n", + " 1.0850185 1.0741997 1.070493 1.0686051 1.0625863 1.053562 1.0459977\n", + " 1.0424677 1.0445118 1.0496656 1.0541499 1.0569268 1.0580099 1.05963 ]\n", + " [1.1778611 1.1727256 1.182113 1.1907206 1.1774163 1.1440355 1.1095612\n", + " 1.0871392 1.0767796 1.075357 1.0757297 1.0703298 1.0602956 1.051211\n", + " 1.0471812 0. 0. 0. 0. 0. 0. ]\n", + " [1.1927273 1.1874795 1.1969576 1.2047917 1.1918752 1.1565359 1.1194463\n", + " 1.0942525 1.0818217 1.0781093 1.0778509 1.0725318 1.0632489 1.0539758\n", + " 1.0505576 1.0524262 1.05834 1.0637524 0. 0. 0. ]\n", + " [1.1640425 1.1592509 1.1687657 1.177484 1.1666797 1.1355602 1.1029781\n", + " 1.0815024 1.0718318 1.0699965 1.0697608 1.0646298 1.0559261 1.047193\n", + " 1.0433285 1.0450768 0. 0. 0. 0. 0. ]]\n", + "[[1.1584847 1.1560675 1.1669827 1.1756074 1.1650065 1.1325989 1.099827\n", + " 1.0779531 1.0680236 1.0663402 1.066058 1.0615051 1.0527879 1.0452476\n", + " 1.0417645 1.0434506 1.0482606 0. 0. 0. 0. ]\n", + " [1.1902412 1.1861545 1.1965637 1.2054398 1.1928598 1.1569221 1.1192055\n", + " 1.0942091 1.0815668 1.0790287 1.0779941 1.0729187 1.0636957 1.0551963\n", + " 1.0510538 1.0529399 1.0587775 0. 0. 0. 0. ]\n", + " [1.1721777 1.168661 1.1797336 1.1890295 1.1776335 1.1438464 1.1085826\n", + " 1.0852942 1.0745422 1.0717878 1.0714326 1.0663768 1.0564368 1.0483205\n", + " 1.0445135 1.0464566 1.0520455 1.0573281 0. 0. 0. ]\n", + " [1.1711932 1.1684254 1.1800458 1.189805 1.1782109 1.1450212 1.1101745\n", + " 1.0865031 1.0747793 1.0708896 1.0687414 1.062492 1.0537784 1.0459222\n", + " 1.0425059 1.0442462 1.0490031 1.0540164 1.0567759 1.0577677 1.0594695]\n", + " [1.1715145 1.1695815 1.1803523 1.1897027 1.176885 1.1439924 1.109713\n", + " 1.0860094 1.0748141 1.0710516 1.069206 1.0631303 1.054151 1.0459366\n", + " 1.0426567 1.0443268 1.0497162 1.0548606 1.0577333 1.0587623 0. ]]\n", + "[[1.167712 1.1646112 1.1754062 1.1852648 1.1736197 1.1407167 1.107113\n", + " 1.0843459 1.0726 1.0690864 1.067214 1.0615219 1.053203 1.0456539\n", + " 1.0423048 1.0439732 1.0487098 1.0535903 1.0559069 1.0563816 1.0576308\n", + " 0. 0. 0. ]\n", + " [1.181596 1.1784629 1.1902368 1.1999326 1.1869764 1.1521645 1.1152406\n", + " 1.0906651 1.0785708 1.0752003 1.0743741 1.0686575 1.0587362 1.0503726\n", + " 1.0464804 1.0481453 1.0535498 1.0587195 1.0610163 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1687559 1.1647564 1.1746285 1.1836816 1.1728709 1.1415452 1.1072224\n", + " 1.0843681 1.0724324 1.0688677 1.0664297 1.0608256 1.0524223 1.0448536\n", + " 1.0416324 1.043102 1.0479572 1.0523696 1.0551751 1.0560225 0.\n", + " 0. 0. 0. ]\n", + " [1.173457 1.1709398 1.1806986 1.1913351 1.1807007 1.147499 1.112822\n", + " 1.0900592 1.0774745 1.0734291 1.0708104 1.0646548 1.0557392 1.0475609\n", + " 1.0443794 1.0462116 1.0515431 1.056829 1.0596199 1.0612607 1.0624418\n", + " 1.066726 1.0743512 1.0841156]\n", + " [1.1740749 1.1713899 1.1824523 1.191454 1.1783723 1.1432772 1.1090128\n", + " 1.0859208 1.0731999 1.0699466 1.0679711 1.0633719 1.0547546 1.0473883\n", + " 1.0437105 1.045388 1.0508854 1.0557675 1.0587317 1.0598456 0.\n", + " 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1739572 1.1705924 1.18138 1.1900617 1.1784244 1.1448319 1.1098536\n", + " 1.0862266 1.0751191 1.0718772 1.0705528 1.0651711 1.0564744 1.048292\n", + " 1.0441382 1.045861 1.0507624 1.0557312 1.0582329 0. ]\n", + " [1.1747897 1.1721488 1.1824839 1.1903548 1.1762803 1.1421578 1.1081483\n", + " 1.0852625 1.0737144 1.070894 1.069202 1.0636959 1.0543981 1.0467823\n", + " 1.0432239 1.0449241 1.0503019 1.0552889 1.0574814 1.0586107]\n", + " [1.1835039 1.180421 1.1922903 1.201641 1.1880567 1.1522492 1.1148764\n", + " 1.0899986 1.0785072 1.0754465 1.075305 1.0700779 1.0603923 1.0516896\n", + " 1.0478764 1.0498102 1.055434 1.0610613 0. 0. ]\n", + " [1.1637115 1.1583734 1.1671803 1.1745377 1.163788 1.1321272 1.0993493\n", + " 1.0784507 1.0688233 1.067284 1.0673746 1.0631682 1.054535 1.0467695\n", + " 1.0433526 1.0455421 0. 0. 0. 0. ]\n", + " [1.1644908 1.1599668 1.1697162 1.177168 1.1665542 1.1347566 1.1025386\n", + " 1.0814921 1.071805 1.0704429 1.0704354 1.0651858 1.0557669 1.0472243\n", + " 1.0434285 1.0454215 0. 0. 0. 0. ]]\n", + "[[1.1794032 1.1744974 1.1836293 1.1914909 1.1782415 1.1457797 1.1119798\n", + " 1.0890276 1.078092 1.0753762 1.0747578 1.0690615 1.0600187 1.0515695\n", + " 1.0476544 1.0500371 0. ]\n", + " [1.1606764 1.1559045 1.1652999 1.1735345 1.1623268 1.1307907 1.0989711\n", + " 1.0782919 1.0693427 1.0682921 1.0688897 1.0650142 1.0558898 1.0476097\n", + " 0. 0. 0. ]\n", + " [1.1676261 1.1639004 1.1749178 1.1834853 1.1724772 1.139055 1.1043862\n", + " 1.0821428 1.0720587 1.0704347 1.0709118 1.066524 1.0577841 1.0492988\n", + " 1.0453358 1.0468711 0. ]\n", + " [1.171684 1.1676085 1.1783826 1.1877329 1.1749085 1.1408134 1.1073077\n", + " 1.0846473 1.0734568 1.0711927 1.0704426 1.0648999 1.056396 1.0483073\n", + " 1.045055 1.0467612 1.0524495]\n", + " [1.1797504 1.1764898 1.1885693 1.1977316 1.1857494 1.150936 1.1141022\n", + " 1.0903455 1.0786941 1.0756876 1.0761191 1.071129 1.0622497 1.0533352\n", + " 1.0490634 1.0504626 1.056112 ]]\n", + "[[1.1912057 1.1879927 1.198441 1.205716 1.1931344 1.1568147 1.1193266\n", + " 1.094254 1.0823127 1.0788025 1.0769833 1.0713181 1.0612383 1.0528686\n", + " 1.0484086 1.050868 1.0565629 1.061879 1.0645366]\n", + " [1.1684461 1.1646796 1.1746206 1.1825438 1.1707218 1.1378325 1.1045557\n", + " 1.0822108 1.0715845 1.0692165 1.0679291 1.0631872 1.0542512 1.0461271\n", + " 1.042701 1.044375 1.0497799 1.0551714 0. ]\n", + " [1.1632137 1.1599146 1.1708829 1.1813623 1.1693311 1.1366954 1.103126\n", + " 1.080633 1.0701991 1.0676447 1.0671715 1.0624866 1.0538112 1.0461357\n", + " 1.0426258 1.0444608 1.049638 0. 0. ]\n", + " [1.1581877 1.1536726 1.1621971 1.1706115 1.1600952 1.1292415 1.0976397\n", + " 1.0759621 1.0659144 1.0634208 1.0641558 1.0607176 1.0530453 1.045666\n", + " 1.0420412 1.0435786 0. 0. 0. ]\n", + " [1.1704352 1.1673452 1.178087 1.1878332 1.177545 1.1442118 1.1101456\n", + " 1.0867836 1.0759085 1.0736445 1.07366 1.0683521 1.0588956 1.050168\n", + " 1.0458084 1.0477028 0. 0. 0. ]]\n", + "[[1.1783149 1.1743635 1.1849496 1.1939447 1.1823655 1.14835 1.1131762\n", + " 1.0897338 1.0775107 1.0741378 1.0729046 1.0667114 1.0571041 1.0487512\n", + " 1.0450841 1.0469035 1.0522181 1.0572325 1.0596746 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1492358 1.145843 1.1569532 1.167101 1.1586803 1.1294361 1.0984513\n", + " 1.0771226 1.0669608 1.0634954 1.061224 1.0552995 1.0466416 1.0394839\n", + " 1.036669 1.0384773 1.0430691 1.0476035 1.0500369 1.0503016 1.0511973\n", + " 1.0542178 1.0606903 1.0694995 1.0770897 1.0810877 1.0822815]\n", + " [1.1680436 1.1621413 1.1709166 1.1798348 1.1678386 1.1360843 1.1027145\n", + " 1.0809518 1.0707401 1.0691218 1.0695885 1.0647588 1.0562279 1.0480044\n", + " 1.0440645 1.045828 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1749183 1.1702552 1.1795554 1.18796 1.1770165 1.144038 1.1090202\n", + " 1.0856088 1.074714 1.0727077 1.0728712 1.0683315 1.0589006 1.0508198\n", + " 1.0470514 1.04921 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1995382 1.1941309 1.2036792 1.2117156 1.1958493 1.159508 1.1215671\n", + " 1.0964242 1.0849878 1.0840694 1.0844579 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1611619 1.1584896 1.1688117 1.1772946 1.164186 1.1319003 1.098967\n", + " 1.0770588 1.0671859 1.0654505 1.0655509 1.0611881 1.0527694 1.0452828\n", + " 1.04175 1.0435661 1.0487883 0. 0. ]\n", + " [1.1891788 1.1847532 1.195765 1.2039958 1.1917589 1.1559244 1.1189109\n", + " 1.0936095 1.0822169 1.0794684 1.078098 1.0722626 1.0621216 1.0527873\n", + " 1.048679 1.0504338 1.0560193 1.0615523 0. ]\n", + " [1.1735673 1.169242 1.1806467 1.191421 1.1811938 1.1468811 1.110502\n", + " 1.0857866 1.0747344 1.0724483 1.072977 1.0687206 1.0596412 1.0507822\n", + " 1.046445 1.0478191 1.0530778 0. 0. ]\n", + " [1.1575346 1.153227 1.1628104 1.1718404 1.1600865 1.1287383 1.0972509\n", + " 1.075989 1.0661145 1.0640016 1.0643443 1.0598267 1.0515951 1.0441895\n", + " 1.0408478 1.0425808 1.047702 0. 0. ]\n", + " [1.1642317 1.16343 1.1750555 1.1834168 1.1713121 1.1380986 1.1041818\n", + " 1.0814346 1.0708575 1.067336 1.0662085 1.0610108 1.0526181 1.0449448\n", + " 1.0417306 1.043308 1.048069 1.0526396 1.0549409]]\n", + "[[1.1613368 1.1573755 1.1661302 1.1750042 1.1630257 1.1325568 1.1010491\n", + " 1.0796152 1.0687228 1.0656508 1.0640707 1.0589274 1.0503031 1.0431923\n", + " 1.0399659 1.0419976 1.0472479 1.0517294 1.0539967]\n", + " [1.1670331 1.164347 1.1758729 1.1853352 1.1727371 1.1397178 1.1046205\n", + " 1.0821929 1.0712119 1.0687056 1.0682937 1.0629956 1.054121 1.0460155\n", + " 1.0425473 1.0440755 1.0489936 1.0541611 0. ]\n", + " [1.1711926 1.1684668 1.179102 1.1887751 1.1762409 1.1417968 1.1076117\n", + " 1.0851742 1.0740199 1.0715393 1.0713692 1.0658476 1.056946 1.0484204\n", + " 1.0445899 1.0460651 1.0514424 0. 0. ]\n", + " [1.1808829 1.1778038 1.1881917 1.1974216 1.1839255 1.1488954 1.1126246\n", + " 1.0880798 1.0759118 1.0721842 1.0704541 1.0654638 1.0563879 1.0481404\n", + " 1.0451533 1.0470214 1.0519707 1.0570904 1.0598565]\n", + " [1.1970503 1.1919769 1.2016891 1.2099228 1.196387 1.1604385 1.1234493\n", + " 1.0975717 1.0852154 1.081971 1.0802553 1.0748087 1.0649449 1.0552627\n", + " 1.0517391 1.0536977 1.0599632 1.0657014 0. ]]\n", + "[[1.1835718 1.1804751 1.1912268 1.2009113 1.1883237 1.1528764 1.1174228\n", + " 1.0934709 1.0815483 1.0781616 1.0767713 1.070954 1.0608034 1.0518699\n", + " 1.0483168 1.0503038 1.0561897 1.0613371 0. 0. 0. ]\n", + " [1.1708237 1.1647649 1.1733048 1.181145 1.1700448 1.1376469 1.10464\n", + " 1.0830438 1.0723058 1.0706766 1.070658 1.0663334 1.0578007 1.0497726\n", + " 1.046023 1.0479908 0. 0. 0. 0. 0. ]\n", + " [1.1534278 1.1514261 1.161253 1.1695309 1.1586692 1.1281449 1.0966883\n", + " 1.075986 1.0657084 1.0624019 1.0602367 1.0549856 1.0467739 1.0399166\n", + " 1.0370423 1.0386672 1.043154 1.0475223 1.0492095 1.0496789 1.0512458]\n", + " [1.1624451 1.1589575 1.169174 1.1788464 1.1676141 1.1356786 1.101714\n", + " 1.0798985 1.0700577 1.0685686 1.0690278 1.0646039 1.0562464 1.0481108\n", + " 1.0440296 1.0457103 0. 0. 0. 0. 0. ]\n", + " [1.1741909 1.170419 1.1813549 1.1895032 1.1778266 1.1439902 1.1094818\n", + " 1.0865091 1.0749213 1.0711333 1.0693628 1.0639751 1.0549823 1.0466588\n", + " 1.0431111 1.0448523 1.0494795 1.0543858 1.0568218 1.0575906 0. ]]\n", + "[[1.1691066 1.1646175 1.1745131 1.1832024 1.171906 1.1394999 1.1057976\n", + " 1.0834641 1.073463 1.0715718 1.0711408 1.0660313 1.0566401 1.0483121\n", + " 1.0444908 1.0462381 0. 0. ]\n", + " [1.1719537 1.164945 1.1722249 1.1783936 1.1677026 1.1366677 1.1047859\n", + " 1.083642 1.0734999 1.0699911 1.0698745 1.0650474 1.0562384 1.0484036\n", + " 1.0447608 1.0464253 0. 0. ]\n", + " [1.1924121 1.1865985 1.1968291 1.2056867 1.1917696 1.1562929 1.1189611\n", + " 1.0943321 1.0835996 1.0821742 1.0827329 1.077926 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1785959 1.1738458 1.18355 1.1921227 1.1797543 1.1449169 1.1104224\n", + " 1.0877222 1.0775347 1.0758339 1.0758004 1.0704931 1.0612452 1.0522993\n", + " 1.0479888 0. 0. 0. ]\n", + " [1.1588441 1.1557988 1.1650294 1.1713398 1.1597022 1.1281937 1.0958723\n", + " 1.0753844 1.0656564 1.0635123 1.0633496 1.0589362 1.0505203 1.0433509\n", + " 1.0398853 1.0413604 1.0457789 1.0503997]]\n", + "[[1.1778213 1.1746356 1.1845275 1.1929879 1.1794157 1.1461223 1.1107205\n", + " 1.0863402 1.075498 1.07223 1.0720512 1.0677509 1.0583668 1.0503722\n", + " 1.0466176 1.0485933 1.0540675 0. 0. 0. 0. ]\n", + " [1.1858281 1.1842358 1.1967883 1.2057189 1.19315 1.1567287 1.1186581\n", + " 1.0931305 1.0805473 1.0766394 1.0747204 1.0679163 1.0586123 1.0498984\n", + " 1.0462797 1.0483513 1.0538868 1.0589204 1.0613672 1.0622588 1.0639148]\n", + " [1.197342 1.1937542 1.2046144 1.213558 1.2006351 1.1631126 1.1237397\n", + " 1.0969745 1.0849656 1.0826584 1.081963 1.0763083 1.066656 1.0573335\n", + " 1.0530642 1.0552135 1.0612835 0. 0. 0. 0. ]\n", + " [1.1659634 1.1618457 1.1699198 1.1770426 1.1657348 1.1328746 1.1006638\n", + " 1.0794468 1.070268 1.0682069 1.0688212 1.0646175 1.0563347 1.048243\n", + " 1.0445096 0. 0. 0. 0. 0. 0. ]\n", + " [1.1700245 1.1676033 1.178604 1.1868778 1.1755822 1.1427704 1.1082729\n", + " 1.0847875 1.0734987 1.0696737 1.0678525 1.06216 1.0538838 1.0463879\n", + " 1.0427217 1.0443869 1.0490705 1.0540118 1.0566858 1.0581249 0. ]]\n", + "[[1.1642306 1.1613333 1.1716652 1.1808659 1.1694132 1.1378431 1.1041523\n", + " 1.0816488 1.0708296 1.0678457 1.0674455 1.0628922 1.0538964 1.0459578\n", + " 1.0423715 1.043901 1.0491704 1.0540245 0. ]\n", + " [1.1769842 1.1734012 1.1839268 1.1931291 1.181524 1.1470782 1.1120085\n", + " 1.0885091 1.0780262 1.0760679 1.0757251 1.0708348 1.0609968 1.052032\n", + " 1.0478709 1.0498979 0. 0. 0. ]\n", + " [1.1857713 1.1803775 1.1904173 1.1994585 1.1892558 1.1554159 1.1197392\n", + " 1.0955459 1.0840876 1.0812119 1.080897 1.0754827 1.0652657 1.0555105\n", + " 1.0513136 1.05357 0. 0. 0. ]\n", + " [1.2020272 1.2000237 1.2136981 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1821532 1.179543 1.190717 1.199519 1.1851461 1.15044 1.1135032\n", + " 1.0893329 1.077849 1.0749091 1.0729927 1.0683538 1.0588394 1.0506533\n", + " 1.0466093 1.0488105 1.0540841 1.05923 1.061824 ]]\n", + "[[1.211244 1.2046087 1.2145225 1.2228178 1.2087957 1.1710112 1.1306773\n", + " 1.1039859 1.0921626 1.089816 1.0883179 1.0822465 1.0710074 1.0615437\n", + " 1.0569925 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1655915 1.1624296 1.17191 1.1797918 1.1679778 1.134696 1.101161\n", + " 1.0795411 1.0685878 1.0666564 1.0661111 1.0617937 1.0533814 1.0457553\n", + " 1.0421581 1.0435853 1.0481272 1.0528342 0. 0. 0.\n", + " 0. ]\n", + " [1.161964 1.1561131 1.1640595 1.1714995 1.1611996 1.1308618 1.0992749\n", + " 1.0786216 1.0685916 1.0669767 1.0668362 1.0633333 1.054942 1.0473154\n", + " 1.0437453 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1801373 1.1765733 1.1869351 1.1962708 1.1832778 1.1504353 1.1151817\n", + " 1.0918211 1.0800859 1.0762345 1.0737617 1.0668646 1.057176 1.0488449\n", + " 1.0452242 1.0473574 1.0524924 1.057563 1.0600824 1.0606259 0.\n", + " 0. ]\n", + " [1.1667585 1.1647738 1.176014 1.1845603 1.1736388 1.1410059 1.1071047\n", + " 1.084087 1.0722772 1.068406 1.0662293 1.0604708 1.051923 1.0443995\n", + " 1.0414964 1.0430138 1.0482082 1.0534167 1.0560658 1.0571579 1.0584457\n", + " 1.0619683]]\n", + "[[1.16323 1.1582952 1.1662923 1.1741389 1.1623514 1.1314366 1.0996301\n", + " 1.0783857 1.0681747 1.0660789 1.0658401 1.0615621 1.0536383 1.0459968\n", + " 1.0423462 1.0440104 1.0491695 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1575896 1.1555195 1.1665213 1.1759468 1.163656 1.1318893 1.0996951\n", + " 1.0782033 1.067906 1.0639986 1.0622255 1.056778 1.0483794 1.0415312\n", + " 1.0388094 1.0406771 1.0452712 1.0497782 1.0518429 1.052711 1.0538545\n", + " 1.0572432 1.0643048]\n", + " [1.1720064 1.1667634 1.1757598 1.1843765 1.1714485 1.1386092 1.1063343\n", + " 1.084801 1.074433 1.0724163 1.0712056 1.0663024 1.0572404 1.0490307\n", + " 1.0457853 1.0479692 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1818396 1.1773736 1.1857221 1.1946604 1.1814612 1.1459734 1.1108861\n", + " 1.0876269 1.076992 1.0756159 1.0763069 1.0719922 1.0625151 1.0538219\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1933728 1.191267 1.2028444 1.2115017 1.19654 1.1587929 1.1206923\n", + " 1.0956628 1.0847776 1.083787 1.0842432 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1738949 1.1700727 1.179889 1.1889774 1.1766227 1.1429784 1.1085634\n", + " 1.085099 1.0739888 1.0709921 1.069802 1.0649865 1.0558656 1.0476404\n", + " 1.0439721 1.0457243 1.0509996 1.0560485]\n", + " [1.1629156 1.1589851 1.1677624 1.1772594 1.1654379 1.1328648 1.100101\n", + " 1.0784808 1.0697362 1.0692416 1.0701336 1.0653741 1.056186 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1745926 1.170278 1.1804338 1.1893048 1.1769321 1.142172 1.1082708\n", + " 1.0861719 1.0759149 1.0743463 1.0741471 1.0686783 1.0597351 1.0509212\n", + " 1.0471616 1.0486776 0. 0. ]\n", + " [1.1797973 1.1747924 1.1833581 1.1903896 1.1783264 1.1446598 1.1109552\n", + " 1.0885543 1.078069 1.0757172 1.0758129 1.0701046 1.0602871 1.0512533\n", + " 1.0473523 0. 0. 0. ]\n", + " [1.1852752 1.1797935 1.1889696 1.1978726 1.1851491 1.1487154 1.1116302\n", + " 1.0882307 1.078551 1.0770899 1.0770146 1.0716066 1.0619044 1.0527722\n", + " 1.0487646 0. 0. 0. ]]\n", + "[[1.1710721 1.1695075 1.1800898 1.1887913 1.1750238 1.1409798 1.1065233\n", + " 1.0850232 1.0755028 1.074334 1.0741229 1.0687381 1.0583484 1.0499408\n", + " 1.0462486 0. 0. ]\n", + " [1.1828358 1.1767131 1.1861358 1.1952174 1.182952 1.1473122 1.1114086\n", + " 1.0878776 1.0773332 1.0764674 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1781534 1.1746589 1.1852937 1.1947039 1.1820145 1.1479377 1.1122056\n", + " 1.088005 1.0769541 1.074708 1.074076 1.0688955 1.0599867 1.0510964\n", + " 1.0472767 1.0488893 1.0546573]\n", + " [1.1571653 1.1515577 1.1597322 1.1665816 1.1563396 1.126413 1.0950234\n", + " 1.0752208 1.0656906 1.0640788 1.0641834 1.0594376 1.0517292 1.04419\n", + " 1.0407307 1.0425209 0. ]\n", + " [1.1961474 1.1916358 1.2023594 1.210415 1.198573 1.1621662 1.1250992\n", + " 1.0999086 1.0881442 1.0867189 1.0872833 1.0813705 1.0706698 1.0601243\n", + " 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1952435 1.1893108 1.1991674 1.2071475 1.1917021 1.1542591 1.1158737\n", + " 1.0909021 1.0803593 1.0792114 1.0809833 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1732367 1.1705996 1.1814871 1.1897135 1.1776991 1.1449503 1.1101714\n", + " 1.0873148 1.0748699 1.0712334 1.0692232 1.0630445 1.0543432 1.0461712\n", + " 1.0429263 1.043953 1.048698 1.0534389 1.0555326 1.0568293 0.\n", + " 0. ]\n", + " [1.1892093 1.1843218 1.1947169 1.2043047 1.1913458 1.1569171 1.120108\n", + " 1.0951451 1.0828174 1.0789948 1.0768787 1.0710555 1.0608162 1.0516922\n", + " 1.0470583 1.0489341 1.0547341 1.0601829 1.0627061 0. 0.\n", + " 0. ]\n", + " [1.1641316 1.1601439 1.170304 1.1789132 1.1670165 1.13493 1.101813\n", + " 1.0797901 1.0697383 1.0674883 1.0672084 1.0624895 1.0535944 1.0456457\n", + " 1.0420948 1.0436221 1.0484536 1.0532362 0. 0. 0.\n", + " 0. ]\n", + " [1.178662 1.1764834 1.18709 1.1959996 1.1838454 1.1492386 1.1145722\n", + " 1.0913588 1.078748 1.0743654 1.0716164 1.0651577 1.0560238 1.0481069\n", + " 1.0446417 1.0468247 1.052299 1.0579292 1.0609314 1.0621846 1.0637683\n", + " 1.0676486]]\n", + "[[1.1678247 1.1624367 1.1721693 1.1807681 1.169158 1.1370246 1.1039052\n", + " 1.0817944 1.0719626 1.0702775 1.0709339 1.0666374 1.0579432 1.0499178\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1659037 1.1620668 1.1719438 1.1794664 1.1667464 1.1347561 1.1019915\n", + " 1.0803685 1.0709428 1.0691782 1.0693326 1.0638015 1.0551264 1.0468057\n", + " 1.0431267 1.0450804 0. 0. 0. 0. ]\n", + " [1.1699708 1.1659985 1.1761589 1.1841668 1.171478 1.1381044 1.1035818\n", + " 1.0810809 1.0716518 1.0696751 1.070324 1.0656301 1.0575105 1.0492674\n", + " 1.0455364 1.0473862 0. 0. 0. 0. ]\n", + " [1.190888 1.1873323 1.1984612 1.2077478 1.1957043 1.1598729 1.1219227\n", + " 1.0956206 1.0830159 1.07929 1.0767739 1.0707963 1.0613836 1.0529331\n", + " 1.0494344 1.0510662 1.0563331 1.0616972 1.0641748 1.0653389]\n", + " [1.1926724 1.1877722 1.2000222 1.2106035 1.1990378 1.1626834 1.1224623\n", + " 1.0962812 1.0844914 1.0829278 1.0835192 1.0790588 1.0685909 1.0589036\n", + " 1.0540591 0. 0. 0. 0. 0. ]]\n", + "[[1.1706369 1.1678219 1.178044 1.185441 1.1744936 1.1413984 1.1065992\n", + " 1.0844942 1.0735573 1.0705725 1.0693673 1.064516 1.0548421 1.0473101\n", + " 1.0435934 1.0451732 1.0505714 1.0556315 0. ]\n", + " [1.1612741 1.1569417 1.1673363 1.1757311 1.1657436 1.1340595 1.1016414\n", + " 1.0803483 1.0710154 1.0695876 1.0699724 1.0651432 1.0555254 1.0470393\n", + " 1.043215 0. 0. 0. 0. ]\n", + " [1.1697204 1.1674787 1.1784141 1.1875162 1.1764059 1.1429124 1.1076417\n", + " 1.0838255 1.0725484 1.0698197 1.0683548 1.0635948 1.0554903 1.0473222\n", + " 1.0438459 1.0451145 1.0496845 1.0548487 1.0571378]\n", + " [1.1738044 1.1695416 1.1779166 1.1865888 1.1731826 1.1396191 1.1060487\n", + " 1.0841261 1.0747051 1.0735627 1.0742868 1.068935 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.155527 1.1513885 1.1593335 1.1673508 1.1558162 1.1257185 1.094856\n", + " 1.0742683 1.0642179 1.0617137 1.0619478 1.0581946 1.0510405 1.0438644\n", + " 1.04014 1.0415854 1.0461732 0. 0. ]]\n", + "[[1.1784477 1.1738548 1.1841793 1.1940387 1.1818368 1.147437 1.1110805\n", + " 1.0876704 1.0765052 1.0741408 1.0737638 1.0695226 1.0604873 1.0518073\n", + " 1.0477159 1.0495 ]\n", + " [1.1718161 1.1682217 1.1778135 1.1863483 1.1753885 1.1426711 1.108224\n", + " 1.0864972 1.0757095 1.0735765 1.0731076 1.067601 1.0583204 1.0492327\n", + " 1.0454292 1.0477779]\n", + " [1.1857297 1.1810765 1.1907036 1.1984638 1.1872699 1.1536733 1.1182199\n", + " 1.0938351 1.0820334 1.0795076 1.08001 1.0744542 1.0652158 1.0559806\n", + " 1.0519661 0. ]\n", + " [1.16015 1.1552553 1.164536 1.1724367 1.1612576 1.130214 1.0986825\n", + " 1.0773124 1.0678356 1.0658492 1.0653362 1.0609614 1.053074 1.0458049\n", + " 1.0422939 1.044336 ]\n", + " [1.1730348 1.169064 1.1793315 1.1871982 1.1751853 1.1413814 1.1068763\n", + " 1.0843222 1.0746071 1.0724418 1.0722426 1.0668441 1.0575014 1.0491091\n", + " 1.0455191 1.0476489]]\n", + "[[1.1705978 1.1667517 1.1766925 1.1844522 1.1731939 1.1406174 1.1064243\n", + " 1.0832518 1.0717779 1.0686291 1.0672001 1.0619669 1.053567 1.0459399\n", + " 1.042357 1.0440619 1.0491117 1.0538974 1.0564386 0. 0. ]\n", + " [1.1474411 1.1443105 1.1544808 1.162156 1.1511903 1.1216666 1.0918422\n", + " 1.072188 1.062751 1.060873 1.0604699 1.055774 1.0479523 1.0410736\n", + " 1.0376686 1.0390469 1.0437485 0. 0. 0. 0. ]\n", + " [1.1562133 1.1526716 1.1618557 1.1705395 1.158781 1.1276522 1.0965394\n", + " 1.076266 1.0660762 1.0623275 1.0607632 1.0552617 1.0477304 1.0408243\n", + " 1.0378195 1.0392449 1.0439525 1.0483947 1.0506859 1.0517527 1.0531654]\n", + " [1.1732922 1.1687013 1.1792485 1.1870131 1.1743473 1.140825 1.1061609\n", + " 1.0836332 1.0728036 1.0700948 1.0693451 1.0647771 1.0560849 1.048107\n", + " 1.0443696 1.0462735 1.0513616 1.056614 0. 0. 0. ]\n", + " [1.1718298 1.1669579 1.1764734 1.1838523 1.1707466 1.137425 1.1034507\n", + " 1.082906 1.07352 1.0735068 1.07405 1.0695882 1.0599211 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1798458 1.1752218 1.1870772 1.1973505 1.1851202 1.1488816 1.111977\n", + " 1.0882511 1.0777922 1.0772568 1.077992 1.0730343 1.0631098 1.0529534\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1822718 1.1790191 1.1913272 1.2014749 1.1885467 1.1534938 1.1170406\n", + " 1.0921321 1.079426 1.0759128 1.0744169 1.0683957 1.0582987 1.0499868\n", + " 1.0463628 1.0480851 1.0537288 1.059037 1.0617824 0. 0. ]\n", + " [1.1779233 1.1744266 1.1857278 1.1951026 1.1830925 1.1500024 1.1149741\n", + " 1.0912807 1.079415 1.0749991 1.072611 1.0656585 1.0561544 1.0476859\n", + " 1.0438037 1.0455798 1.0508956 1.0561365 1.0591443 1.0605584 1.0619669]\n", + " [1.1704551 1.1683816 1.1803102 1.1906319 1.1788445 1.1450847 1.1099464\n", + " 1.0860543 1.0742908 1.0701135 1.0680788 1.0623332 1.0531474 1.045737\n", + " 1.0423 1.0442921 1.0485575 1.0533278 1.0556498 1.0564432 1.0578415]\n", + " [1.1781281 1.1737368 1.1837138 1.1920136 1.1792446 1.1462202 1.11196\n", + " 1.0884125 1.0767833 1.0738269 1.0728756 1.0681721 1.059118 1.0511276\n", + " 1.0468607 1.048748 1.0541588 1.0593755 0. 0. 0. ]]\n", + "[[1.1718128 1.1674896 1.1779183 1.1861913 1.1732714 1.1410843 1.1081558\n", + " 1.0859022 1.0746584 1.0712088 1.0694215 1.0637108 1.054371 1.0462652\n", + " 1.0425266 1.0442291 1.049227 1.0540012 1.0564446 0. ]\n", + " [1.1771322 1.1755701 1.1878811 1.198521 1.1860161 1.15143 1.1144499\n", + " 1.0893666 1.0772773 1.0739435 1.0722983 1.0660963 1.0566238 1.0486127\n", + " 1.0445913 1.0463144 1.0513377 1.056184 1.0591552 1.0600142]\n", + " [1.1781187 1.1737835 1.1834354 1.1926104 1.1794027 1.1439714 1.1084208\n", + " 1.0856402 1.0759116 1.0749087 1.0753874 1.0711039 1.0614815 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1577878 1.1543617 1.1647431 1.173874 1.1627467 1.1307049 1.0978521\n", + " 1.0765917 1.0667661 1.0654281 1.0653715 1.0609874 1.0527859 1.0451872\n", + " 1.0417975 1.0436807 0. 0. 0. 0. ]\n", + " [1.1776856 1.1733425 1.184171 1.1929728 1.1786487 1.1439488 1.1089064\n", + " 1.0866305 1.0767956 1.0764143 1.077154 1.0729493 1.0630851 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1565462 1.1538881 1.1639442 1.1712266 1.1603656 1.1295675 1.0981097\n", + " 1.0767412 1.066908 1.0637671 1.0620878 1.0568613 1.048243 1.0409517\n", + " 1.0379874 1.0394936 1.0435673 1.0483558 1.0508735 1.0520757 0.\n", + " 0. ]\n", + " [1.1658304 1.162116 1.1723353 1.1803054 1.1686422 1.1362306 1.1032343\n", + " 1.0813739 1.0724703 1.0714637 1.0718437 1.067086 1.057462 1.0488803\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1792058 1.1755193 1.1850625 1.1943184 1.182696 1.1483198 1.112967\n", + " 1.0896326 1.0785002 1.0753449 1.075284 1.0702289 1.0607893 1.052006\n", + " 1.048037 1.0496595 1.055346 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1858753 1.1824416 1.1928661 1.2008522 1.1890018 1.1544476 1.1177088\n", + " 1.092783 1.0804359 1.07599 1.0749072 1.0689301 1.0597142 1.0512389\n", + " 1.0476403 1.0500153 1.0552329 1.0603564 1.0631912 0. 0.\n", + " 0. ]\n", + " [1.1600378 1.1577863 1.1693476 1.1791267 1.167872 1.1363537 1.1032008\n", + " 1.0812995 1.0699537 1.0660279 1.0640818 1.058109 1.0498948 1.042519\n", + " 1.039779 1.0412861 1.0462469 1.0508928 1.0531589 1.0538034 1.0557652\n", + " 1.0595484]]\n", + "[[1.1731992 1.1698953 1.1813662 1.1910372 1.1781218 1.1438415 1.1083598\n", + " 1.0845494 1.0740348 1.0714744 1.0709151 1.0652713 1.0561424 1.0479376\n", + " 1.0440246 1.0457734 1.051155 1.0568306 0. 0. ]\n", + " [1.1635456 1.1609635 1.1715223 1.1807548 1.1687001 1.1356272 1.102906\n", + " 1.0809448 1.070023 1.0666308 1.064715 1.0591483 1.0510434 1.0439515\n", + " 1.040428 1.0421212 1.0466877 1.0513167 1.053376 1.0544263]\n", + " [1.1850123 1.1813262 1.1929516 1.2033888 1.1906711 1.1546768 1.1169375\n", + " 1.090977 1.0788592 1.0759748 1.0752413 1.0706398 1.0614961 1.0527942\n", + " 1.0482336 1.0500968 1.0557985 1.0613343 0. 0. ]\n", + " [1.1883533 1.1852951 1.195955 1.2045885 1.1903762 1.154997 1.1187185\n", + " 1.0938772 1.0817403 1.0778939 1.0757293 1.068847 1.0590544 1.0505713\n", + " 1.0469631 1.0486615 1.0543327 1.0601611 1.0633069 1.0647444]\n", + " [1.1702837 1.1675751 1.1785574 1.1882486 1.1765119 1.1429641 1.108396\n", + " 1.0850956 1.0745962 1.0720034 1.0723594 1.0676931 1.0587838 1.0498962\n", + " 1.0459433 1.0478843 0. 0. 0. 0. ]]\n", + "[[1.1656278 1.1622635 1.1731372 1.1826361 1.170188 1.1377238 1.1039208\n", + " 1.0816443 1.0712078 1.068991 1.0686958 1.0640321 1.0556465 1.0474548\n", + " 1.043969 1.0456806 1.0506827 0. 0. 0. ]\n", + " [1.1702635 1.166531 1.1764247 1.1860628 1.1737022 1.1405385 1.1060305\n", + " 1.083168 1.0720417 1.069766 1.0687957 1.0646409 1.0562346 1.0480226\n", + " 1.044441 1.0461452 1.051715 0. 0. 0. ]\n", + " [1.1757894 1.1721375 1.1823946 1.1905589 1.1788869 1.1439729 1.1083333\n", + " 1.0850877 1.0741788 1.0717127 1.0719264 1.0677536 1.0588168 1.0503641\n", + " 1.0467463 1.048198 1.0531255 0. 0. 0. ]\n", + " [1.186528 1.1835264 1.1941881 1.2037706 1.1914501 1.1562719 1.1193618\n", + " 1.0943177 1.0817139 1.0774174 1.0752395 1.0694364 1.0599808 1.0510548\n", + " 1.0471153 1.049258 1.0550342 1.0601671 1.0626705 1.0634985]\n", + " [1.168251 1.1647371 1.1757818 1.184773 1.1739793 1.1411197 1.1063044\n", + " 1.0837399 1.0733169 1.0720646 1.0725788 1.0680971 1.0589997 1.0502642\n", + " 1.0462514 0. 0. 0. 0. 0. ]]\n", + "[[1.1702552 1.165642 1.1745578 1.1827542 1.1707869 1.1385753 1.1049811\n", + " 1.0820639 1.0712833 1.068568 1.0682968 1.0634774 1.0553578 1.0468805\n", + " 1.0437318 1.0457308 1.0508822 1.05579 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1604409 1.1579005 1.1687039 1.1772337 1.1671753 1.1350787 1.1019574\n", + " 1.0799754 1.0698112 1.0673954 1.0670424 1.0624368 1.054211 1.0462941\n", + " 1.0427597 1.0445635 1.0495371 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1546264 1.1536362 1.1644455 1.174086 1.1630061 1.1312413 1.0988519\n", + " 1.0774058 1.0667447 1.0629758 1.061423 1.05588 1.047101 1.0404698\n", + " 1.0375673 1.0393579 1.0441025 1.0493813 1.051885 1.0525134 1.0535841\n", + " 1.0568129 1.0634489]\n", + " [1.1648989 1.1619147 1.1710314 1.1794089 1.1683334 1.136293 1.1036648\n", + " 1.0821385 1.0711161 1.0675869 1.0659976 1.060329 1.0515301 1.043789\n", + " 1.0405484 1.042577 1.0473043 1.0523036 1.0545565 1.0554332 0.\n", + " 0. 0. ]\n", + " [1.1729113 1.1679821 1.1771929 1.1850976 1.1742125 1.1410178 1.1060191\n", + " 1.0837456 1.0731428 1.0721688 1.0727887 1.0685085 1.0597109 1.0510063\n", + " 1.0470678 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1746489 1.1711954 1.1817015 1.1896172 1.1756591 1.1414413 1.1065701\n", + " 1.084066 1.0732024 1.069737 1.0679665 1.0619066 1.0531615 1.045658\n", + " 1.0427138 1.0446138 1.0499307 1.0551447 1.0576291 1.0586432]\n", + " [1.1927297 1.1899508 1.2014271 1.2107406 1.1969888 1.1596451 1.1216806\n", + " 1.096354 1.0840416 1.0803514 1.0787331 1.0717329 1.061198 1.0526723\n", + " 1.0490236 1.050583 1.0563732 1.061826 1.0640049 1.0648261]\n", + " [1.1716934 1.1664478 1.1760566 1.1843201 1.1739868 1.1415949 1.107567\n", + " 1.0852538 1.0744674 1.073023 1.0730639 1.0679709 1.0593848 1.0508201\n", + " 1.046852 1.0485449 0. 0. 0. 0. ]\n", + " [1.1808684 1.1754159 1.1854942 1.1942009 1.182164 1.1475493 1.1118425\n", + " 1.0884054 1.0778897 1.0770066 1.0774972 1.0725392 1.0624921 1.0533189\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1695278 1.1656923 1.1749969 1.1841223 1.1706203 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1869345 1.1830893 1.1945392 1.2031659 1.1910139 1.1542394 1.116356\n", + " 1.091605 1.0812879 1.080071 1.0812802 1.0761474 1.0654464 1.0557694\n", + " 0. 0. 0. ]\n", + " [1.172811 1.1682787 1.1777195 1.1871073 1.1761873 1.144088 1.1091859\n", + " 1.0855975 1.0745927 1.0716091 1.0718206 1.0667218 1.0572183 1.0487304\n", + " 1.0447747 1.0466193 1.0525279]]\n", + "[[1.1638343 1.1617428 1.1727357 1.1818225 1.1707382 1.1381116 1.1053987\n", + " 1.0833837 1.0720693 1.0679041 1.0658582 1.0599151 1.0513611 1.0437871\n", + " 1.0407202 1.0425122 1.047168 1.0511137 1.0536494 1.0545838 1.0562887\n", + " 1.0602623]\n", + " [1.1817046 1.178319 1.1896944 1.1989958 1.1863005 1.1505207 1.1138386\n", + " 1.0904771 1.0803865 1.0791205 1.078903 1.0738239 1.0633804 1.0540667\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1924409 1.188348 1.198205 1.2068164 1.1937652 1.1585505 1.1219679\n", + " 1.0970775 1.0843456 1.0803283 1.0783801 1.0714511 1.0614183 1.0527283\n", + " 1.048757 1.051043 1.0567143 1.0621467 1.064978 0. 0.\n", + " 0. ]\n", + " [1.1553447 1.1504554 1.1584401 1.1662636 1.1548467 1.1251614 1.0953001\n", + " 1.0751901 1.065458 1.0630958 1.0625212 1.058157 1.050571 1.0431753\n", + " 1.040163 1.0416733 1.04662 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1697719 1.1652731 1.1753658 1.1846359 1.1737161 1.1410092 1.1065273\n", + " 1.0833043 1.0733566 1.0710808 1.0711944 1.065767 1.0565007 1.047473\n", + " 1.0437303 1.0451523 1.0509956 0. 0. 0. 0.\n", + " 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1931831 1.1896094 1.1995525 1.2077657 1.194528 1.1581048 1.1213961\n", + " 1.0966718 1.0841632 1.0814893 1.0802104 1.0739399 1.0636909 1.0548216\n", + " 1.0510693 1.0534197 1.0592425 1.0656065 0. 0. ]\n", + " [1.164161 1.1610706 1.17171 1.1813357 1.169768 1.1366901 1.1029024\n", + " 1.0801698 1.0685893 1.0657849 1.0642691 1.0586051 1.0506454 1.043168\n", + " 1.0397377 1.0411439 1.0459244 1.0504069 1.0527271 1.0534416]\n", + " [1.1706163 1.1670202 1.1779721 1.1864568 1.1749426 1.1411936 1.1064484\n", + " 1.083988 1.0739211 1.0720279 1.0719092 1.0668371 1.0572885 1.0490352\n", + " 1.0448412 1.046402 1.0520325 0. 0. 0. ]\n", + " [1.1884542 1.1838225 1.1940506 1.2019218 1.1894256 1.1538057 1.1180545\n", + " 1.0933177 1.0819186 1.0787923 1.077636 1.0721114 1.0622019 1.0533392\n", + " 1.0499698 1.0518954 1.0580859 1.0634956 0. 0. ]\n", + " [1.1666999 1.1607283 1.1689923 1.176188 1.1646025 1.1332097 1.101034\n", + " 1.0799793 1.0703083 1.0682869 1.0686058 1.0644532 1.0561929 1.0483327\n", + " 1.0445933 1.0463305 0. 0. 0. 0. ]]\n", + "[[1.1755939 1.1734822 1.1848744 1.1947384 1.1822681 1.147852 1.1115762\n", + " 1.0877848 1.0759501 1.0727872 1.0711869 1.065324 1.0561192 1.0479444\n", + " 1.0443821 1.0457207 1.0511392 1.0560274 1.0587679]\n", + " [1.166802 1.1633706 1.1737453 1.183285 1.1717277 1.13851 1.1033101\n", + " 1.080868 1.0698891 1.0668143 1.0670979 1.0632588 1.0555818 1.0472724\n", + " 1.0437075 1.0451331 1.0499917 1.054766 0. ]\n", + " [1.1638035 1.1582427 1.1656932 1.1721785 1.1624768 1.1324595 1.1015347\n", + " 1.0804033 1.0704668 1.0680351 1.0681453 1.0636163 1.0553778 1.047482\n", + " 1.0439435 0. 0. 0. 0. ]\n", + " [1.1394861 1.137586 1.1467578 1.1548657 1.1431364 1.1149703 1.0862502\n", + " 1.0665853 1.0577871 1.0549489 1.0546079 1.051126 1.0440619 1.0374035\n", + " 1.0347153 1.0357448 1.0397216 1.0439899 0. ]\n", + " [1.1716447 1.1680746 1.1785538 1.1862296 1.1739448 1.1401038 1.1059678\n", + " 1.0834881 1.0729424 1.0704747 1.070042 1.0649929 1.0561806 1.0477835\n", + " 1.0441794 1.04592 1.0508524 1.0558642 0. ]]\n", + "[[1.2064867 1.200628 1.211004 1.2185335 1.2054002 1.1668216 1.127687\n", + " 1.1019306 1.0903714 1.0884495 1.0880946 1.0825729 1.0716133 1.0618182\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1675981 1.1636326 1.1726259 1.180239 1.1664894 1.1343834 1.1018865\n", + " 1.0799006 1.0694227 1.0665134 1.0650438 1.0600591 1.0520912 1.0445967\n", + " 1.0415876 1.0431234 1.0477428 1.0525765 1.0553764]\n", + " [1.1755997 1.1708733 1.1814084 1.1899935 1.1772835 1.1446985 1.1099812\n", + " 1.0867026 1.0763245 1.0739533 1.0746099 1.0700234 1.060702 1.0520704\n", + " 1.0477277 1.0493811 0. 0. 0. ]\n", + " [1.1700941 1.1672161 1.1783761 1.1867836 1.1746533 1.141217 1.1067601\n", + " 1.0840424 1.0735425 1.0707546 1.0702729 1.0650244 1.0561681 1.0479393\n", + " 1.0442606 1.0459275 1.0510435 1.056522 0. ]\n", + " [1.1698903 1.1650369 1.1742646 1.1828005 1.1709546 1.1389676 1.107144\n", + " 1.085906 1.0758884 1.0743785 1.073982 1.0688226 1.0596366 1.0504841\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1626439 1.1606091 1.1711814 1.180358 1.1675988 1.1348157 1.1013031\n", + " 1.0787524 1.068576 1.0666116 1.0659454 1.061232 1.052907 1.0445118\n", + " 1.0411651 1.0427945 1.0475531 1.0528736]\n", + " [1.1681584 1.1642611 1.1753696 1.1849248 1.1727995 1.1394289 1.1045688\n", + " 1.0823011 1.072456 1.0704803 1.0700542 1.0652108 1.055824 1.0466951\n", + " 1.0431635 1.0448209 1.0502521 0. ]\n", + " [1.1575465 1.152823 1.1623719 1.1704798 1.1597956 1.1292896 1.0978596\n", + " 1.0772175 1.0677997 1.0653389 1.065541 1.0607789 1.0523816 1.0439129\n", + " 1.0406106 1.0420392 1.0467782 0. ]\n", + " [1.1723696 1.1682811 1.1782545 1.1852252 1.1737179 1.1393002 1.1054859\n", + " 1.083173 1.0742314 1.0728732 1.0730479 1.068187 1.0588531 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1647447 1.1602757 1.1684237 1.1760477 1.1635936 1.1313856 1.0991684\n", + " 1.0782666 1.0680556 1.0656946 1.0646517 1.0598946 1.0513217 1.0441374\n", + " 1.0408587 1.0429786 1.0480641 1.0531051]]\n", + "[[1.1651795 1.1617465 1.1711887 1.1791812 1.1674775 1.1344323 1.1013504\n", + " 1.0793464 1.0680808 1.0654032 1.0644535 1.0593956 1.0518035 1.0450499\n", + " 1.0412534 1.0432491 1.0480978 1.0528452 1.0553606 0. 0. ]\n", + " [1.1972213 1.1929884 1.2034646 1.2114576 1.1987723 1.1629925 1.1253815\n", + " 1.0994009 1.086401 1.0831684 1.0829825 1.0763344 1.0663543 1.0568187\n", + " 1.0524728 1.0549068 1.0611008 0. 0. 0. 0. ]\n", + " [1.1645446 1.1604936 1.1706368 1.1787876 1.168897 1.1375812 1.1046301\n", + " 1.0819113 1.0707687 1.0685884 1.0681251 1.0634074 1.0552446 1.0474491\n", + " 1.0435425 1.0450042 1.0498981 0. 0. 0. 0. ]\n", + " [1.1645029 1.1630158 1.1744891 1.1841242 1.1721427 1.1390722 1.1052172\n", + " 1.0826552 1.0706649 1.0669429 1.0647286 1.0590327 1.0503714 1.0434531\n", + " 1.0403864 1.0416008 1.0465367 1.0510416 1.0533912 1.0545466 1.0561835]\n", + " [1.1796784 1.1756504 1.1866097 1.1953372 1.1814861 1.1465156 1.1104484\n", + " 1.0872939 1.0760148 1.0735259 1.0725718 1.0672255 1.0583428 1.0495968\n", + " 1.04569 1.047656 1.0528502 1.0583117 0. 0. 0. ]]\n", + "[[1.1688033 1.1644328 1.1732419 1.1795384 1.1657903 1.1340864 1.1028228\n", + " 1.0817862 1.0724227 1.0704111 1.0705128 1.0659307 1.05724 1.0487354\n", + " 1.0447203 1.046803 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1927527 1.1875751 1.1977417 1.206327 1.1942976 1.1588352 1.1222479\n", + " 1.0977639 1.0862097 1.0830079 1.0822973 1.0760219 1.0654249 1.0558088\n", + " 1.0517763 1.0545585 1.0613313 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1769596 1.1721246 1.1826199 1.1911308 1.179235 1.1438744 1.107975\n", + " 1.0846795 1.0739009 1.0715932 1.0711861 1.0665319 1.0573716 1.0491291\n", + " 1.0460352 1.0482043 1.0540581 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1631181 1.159453 1.170221 1.1811774 1.1712168 1.139017 1.1051865\n", + " 1.0824236 1.070868 1.0671248 1.0653301 1.0592183 1.0507175 1.0431721\n", + " 1.0403916 1.0425863 1.0477498 1.0528584 1.0550643 1.0556276 1.0565256\n", + " 1.0597321 1.0671195 1.0763797 1.0834715]\n", + " [1.1617825 1.1579374 1.1683649 1.1770549 1.1669134 1.1349161 1.1013885\n", + " 1.0792016 1.0695056 1.067722 1.0681268 1.0632124 1.0547069 1.0463743\n", + " 1.0424773 1.0440432 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1682227 1.1638709 1.1738421 1.1807072 1.1683519 1.1351517 1.1023084\n", + " 1.0806155 1.0706298 1.0690236 1.0691208 1.0647947 1.056152 1.04806\n", + " 1.0444814 1.0465759 0. ]\n", + " [1.1718597 1.1653974 1.1730669 1.1806073 1.1678822 1.1355845 1.1037759\n", + " 1.0827674 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.159532 1.1550876 1.1646776 1.1723919 1.1616031 1.1306498 1.0988386\n", + " 1.0779614 1.0684307 1.0665388 1.0666697 1.0623308 1.053192 1.0454562\n", + " 1.0416834 1.0434325 0. ]\n", + " [1.1708908 1.1647487 1.1730508 1.1803565 1.1683912 1.1367682 1.1050377\n", + " 1.0836418 1.0733274 1.0703664 1.0692115 1.0644406 1.0561833 1.0482633\n", + " 1.0450389 1.0471277 1.0524311]\n", + " [1.1855983 1.1816742 1.1919369 1.199954 1.1878859 1.153112 1.1167202\n", + " 1.0922048 1.0803988 1.078244 1.0783528 1.0727069 1.0629874 1.0541835\n", + " 1.0501001 1.0524609 1.0585403]]\n", + "[[1.1645496 1.163635 1.1747705 1.1848869 1.1727495 1.1413152 1.1078827\n", + " 1.0847021 1.0731694 1.068424 1.0663655 1.0607865 1.0521518 1.0448322\n", + " 1.0412413 1.0428497 1.0475953 1.0518928 1.0542066 1.0551884 1.0564507]\n", + " [1.1737694 1.1711965 1.1817673 1.1914307 1.1791322 1.144707 1.1101016\n", + " 1.0870595 1.0755382 1.0720006 1.0713131 1.0661875 1.0570589 1.0491105\n", + " 1.0452344 1.0466913 1.0516458 1.0567619 0. 0. 0. ]\n", + " [1.1821355 1.1784463 1.1886629 1.1976761 1.1841075 1.1491427 1.1135297\n", + " 1.0898399 1.0786316 1.0760597 1.0752982 1.0699513 1.0605419 1.0509156\n", + " 1.0473562 1.0492885 1.0549744 0. 0. 0. 0. ]\n", + " [1.1684856 1.1642628 1.1736356 1.1818779 1.1690626 1.1366824 1.10319\n", + " 1.0809853 1.0712833 1.0692662 1.069225 1.0650913 1.0560528 1.0474759\n", + " 1.0434359 1.0451458 1.0504462 0. 0. 0. 0. ]\n", + " [1.1636055 1.1595113 1.1700387 1.17927 1.1678095 1.1361085 1.1031437\n", + " 1.0806423 1.0701596 1.0684134 1.0683184 1.0641117 1.0555258 1.047575\n", + " 1.0437137 1.0452106 0. 0. 0. 0. 0. ]]\n", + "[[1.1628106 1.1593134 1.1686584 1.1771088 1.1646466 1.1330172 1.1007731\n", + " 1.0789776 1.0687906 1.0657601 1.064412 1.0599669 1.051708 1.0442288\n", + " 1.040807 1.0422341 1.0470055 1.0514516 1.0535659 0. ]\n", + " [1.1720771 1.1697457 1.1800439 1.1888025 1.1747965 1.1423159 1.1085172\n", + " 1.0855081 1.074054 1.0702088 1.0687813 1.0623443 1.053312 1.0459234\n", + " 1.0429492 1.0444369 1.0495722 1.054393 1.0571997 1.0584029]\n", + " [1.2095821 1.2033657 1.2137767 1.2224406 1.208019 1.1691623 1.1302956\n", + " 1.1038541 1.0923134 1.0908341 1.0909169 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2110252 1.2073979 1.218799 1.2272464 1.2130346 1.1717838 1.1297231\n", + " 1.1019427 1.0903708 1.0891628 1.0891442 1.084325 1.0730656 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1627975 1.1602602 1.1708572 1.1799474 1.1675143 1.1353116 1.1016347\n", + " 1.0783782 1.0681775 1.0655806 1.0649768 1.0610538 1.0528648 1.045356\n", + " 1.0416574 1.0433031 1.048072 1.0532069 0. 0. ]]\n", + "[[1.1582273 1.1546265 1.1652266 1.1739038 1.1637437 1.1324801 1.099899\n", + " 1.0785496 1.0685314 1.0662246 1.0668341 1.0626963 1.0543548 1.0466374\n", + " 1.0428605 1.0445591 0. 0. 0. ]\n", + " [1.1516793 1.1486285 1.1567608 1.1636645 1.1519876 1.1224873 1.0920674\n", + " 1.0718957 1.0622038 1.058702 1.0587595 1.055043 1.0478632 1.041008\n", + " 1.0379618 1.0392772 1.0430944 1.047492 0. ]\n", + " [1.1924032 1.1864297 1.1959192 1.2040999 1.1904666 1.1556199 1.1196961\n", + " 1.0953448 1.0835711 1.0817595 1.0818864 1.0764459 1.0665175 1.0569047\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.173003 1.1697577 1.1805533 1.1887262 1.1766771 1.142692 1.107996\n", + " 1.0846133 1.0737085 1.0705678 1.069048 1.064255 1.0552562 1.0472509\n", + " 1.0436487 1.0457739 1.0508804 1.0561459 1.0585247]\n", + " [1.1734127 1.1695912 1.1794147 1.1880949 1.1766423 1.143136 1.1082522\n", + " 1.0853643 1.07393 1.0711244 1.0695158 1.0643741 1.0560721 1.0482149\n", + " 1.0444118 1.0459309 1.0507565 1.0554249 1.0579134]]\n", + "[[1.1707784 1.1687133 1.1806458 1.1904391 1.1791768 1.1444068 1.1083051\n", + " 1.0838896 1.0728228 1.0696595 1.0683353 1.0630366 1.053616 1.0457538\n", + " 1.0418595 1.0435064 1.0486244 1.0536467 1.0567188]\n", + " [1.1687453 1.1643667 1.1737547 1.1811395 1.1672158 1.1342943 1.1021487\n", + " 1.0807539 1.071414 1.0706661 1.0708528 1.0660164 1.0568528 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1612853 1.155517 1.1641814 1.1718969 1.1618814 1.1310889 1.0994627\n", + " 1.0786693 1.0696892 1.0675648 1.0671375 1.0626061 1.054234 1.0460567\n", + " 1.042593 1.0444609 0. 0. 0. ]\n", + " [1.1880183 1.1820832 1.1907499 1.1981432 1.1870964 1.1531065 1.1167654\n", + " 1.0929011 1.0811112 1.0785813 1.0776775 1.0720726 1.0620046 1.0529044\n", + " 1.0487376 1.0512682 1.0570037 0. 0. ]\n", + " [1.1747301 1.1720777 1.1831025 1.1926707 1.1795715 1.1451006 1.1096861\n", + " 1.0864944 1.075543 1.0728743 1.0718106 1.0666119 1.0571932 1.0489177\n", + " 1.0449196 1.0467595 1.0520409 1.057203 0. ]]\n", + "[[1.1800808 1.1742532 1.183469 1.1935266 1.1809357 1.1463772 1.1108422\n", + " 1.0868024 1.0764546 1.0747607 1.0752381 1.069892 1.0604992 1.0517431\n", + " 1.0478088 0. 0. 0. 0. ]\n", + " [1.1711999 1.1670755 1.1770684 1.1856105 1.1727589 1.1396807 1.1054662\n", + " 1.0824232 1.0721401 1.0708052 1.0713266 1.0667094 1.0583344 1.0502988\n", + " 1.0465558 1.0484056 0. 0. 0. ]\n", + " [1.187706 1.1822356 1.1919795 1.2005334 1.1882828 1.1532071 1.1167275\n", + " 1.0923336 1.0815058 1.0797213 1.080723 1.0753559 1.0653706 1.05558\n", + " 1.0509962 0. 0. 0. 0. ]\n", + " [1.1721402 1.1689385 1.178839 1.1877029 1.1747749 1.1397277 1.1050525\n", + " 1.0821165 1.0715436 1.0690594 1.0687447 1.0645354 1.0555024 1.0476764\n", + " 1.0443045 1.0461775 1.0513958 1.0564504 0. ]\n", + " [1.1871214 1.1831849 1.1933205 1.2009418 1.1902713 1.1555042 1.1188534\n", + " 1.0933021 1.0810224 1.0771203 1.0757339 1.0703601 1.0607815 1.0519749\n", + " 1.0483612 1.050446 1.0554836 1.0607184 1.0635899]]\n", + "[[1.1779506 1.173943 1.1843078 1.1928047 1.1806166 1.1461837 1.1102467\n", + " 1.0870137 1.0767082 1.0765555 1.0779451 1.0727898 0. 0.\n", + " 0. ]\n", + " [1.1684833 1.1635857 1.1735605 1.1823752 1.1704258 1.136564 1.102685\n", + " 1.0810951 1.0719576 1.071846 1.0725893 1.06809 0. 0.\n", + " 0. ]\n", + " [1.185868 1.1815397 1.1912638 1.1996889 1.188108 1.1519955 1.1145159\n", + " 1.0903012 1.0791417 1.0772467 1.078306 1.0732609 1.0638468 1.0549212\n", + " 0. ]\n", + " [1.1787161 1.1732055 1.1817244 1.191019 1.1794282 1.1468657 1.1128304\n", + " 1.0900505 1.079837 1.0782087 1.0778803 1.0723677 1.0621254 1.0524968\n", + " 1.0481203]\n", + " [1.1576153 1.1532214 1.1618149 1.1717343 1.1616992 1.1304884 1.0980318\n", + " 1.0773623 1.0682222 1.0666767 1.0674384 1.0628985 1.0540483 1.0457033\n", + " 1.0417417]]\n", + "[[1.1853014 1.1823815 1.1933355 1.202567 1.1884054 1.1510037 1.1143336\n", + " 1.0904838 1.0808702 1.0802059 1.0806752 1.0753987 1.0648016 1.0551015\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1755008 1.1723487 1.182331 1.1915084 1.178444 1.1439612 1.1081188\n", + " 1.0846047 1.0734025 1.0711464 1.0710909 1.0672044 1.058229 1.0504069\n", + " 1.0462384 1.0479062 1.0533495 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1656322 1.163123 1.1739475 1.1844038 1.172882 1.1403177 1.1061983\n", + " 1.0834507 1.0721421 1.0678207 1.0655345 1.0597652 1.050369 1.0429142\n", + " 1.0400882 1.0420552 1.046905 1.0520004 1.0545412 1.055579 1.0563682\n", + " 1.059219 1.0658728 1.0754464 1.083217 ]\n", + " [1.1751096 1.1712563 1.1812557 1.1896278 1.1783129 1.1447943 1.1091068\n", + " 1.0867503 1.0757408 1.0723268 1.0714287 1.0665243 1.0568066 1.0484068\n", + " 1.0447083 1.046259 1.0515065 1.0567636 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1635337 1.1620653 1.1720915 1.1799712 1.1682043 1.135666 1.1027722\n", + " 1.0812404 1.0703768 1.0674692 1.065615 1.0605115 1.0516115 1.0440707\n", + " 1.04046 1.0423173 1.047155 1.0519981 1.0543989 0. 0.\n", + " 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1599681 1.1574881 1.1683908 1.1778684 1.167112 1.1355134 1.1026188\n", + " 1.0809629 1.070265 1.0664599 1.0644883 1.0588597 1.050332 1.0431161\n", + " 1.0400631 1.04197 1.046669 1.0519538 1.0540997 1.0550851 1.0562581\n", + " 1.0594957 1.0666025]\n", + " [1.1790999 1.173259 1.1820899 1.1897439 1.1753538 1.142482 1.1080748\n", + " 1.0860006 1.0764751 1.0753338 1.075953 1.0708549 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1830326 1.1787914 1.1900617 1.2000644 1.1879163 1.1520296 1.114204\n", + " 1.089373 1.0778458 1.0767436 1.0766932 1.0714923 1.0622389 1.0531324\n", + " 1.049008 1.0509865 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1740957 1.1697513 1.1807398 1.1907308 1.1791779 1.1452286 1.1095684\n", + " 1.0862023 1.0753427 1.073639 1.0729616 1.0682387 1.0589031 1.0497297\n", + " 1.0458181 1.0474739 1.0532643 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1633945 1.1595206 1.1691734 1.1784798 1.1663021 1.1348878 1.1026149\n", + " 1.0803642 1.0688272 1.0654356 1.0638566 1.0586988 1.0504255 1.0436342\n", + " 1.0404832 1.0423373 1.0464802 1.0513097 1.0540574 1.0549976 0.\n", + " 0. 0. ]]\n", + "[[1.2048956 1.1994104 1.2090298 1.2173307 1.2019131 1.1648809 1.1272047\n", + " 1.1014566 1.0906719 1.0889487 1.088677 1.0831556 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1757897 1.1717227 1.1820351 1.1919374 1.1800938 1.1472955 1.1124244\n", + " 1.0885805 1.0766597 1.0733479 1.0716534 1.0655725 1.0562754 1.0477996\n", + " 1.0443119 1.0459708 1.0515249 1.0566665 1.0591031 1.0598327]\n", + " [1.1828884 1.1766944 1.185542 1.1937212 1.1818888 1.1481237 1.1139268\n", + " 1.091835 1.0819726 1.0811107 1.0810887 1.0754087 1.0644073 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1834022 1.1785667 1.1886718 1.1964755 1.1825317 1.1482381 1.1138641\n", + " 1.0909843 1.0803847 1.078758 1.0782795 1.0729094 1.0630634 1.0539103\n", + " 1.0499139 0. 0. 0. 0. 0. ]\n", + " [1.1534753 1.1504779 1.1612903 1.1695306 1.157909 1.126383 1.0947927\n", + " 1.0746036 1.0648042 1.0634711 1.0630603 1.0585959 1.0504152 1.042837\n", + " 1.0393965 1.0409182 1.0460912 0. 0. 0. ]]\n", + "[[1.1836509 1.18177 1.1926345 1.2007035 1.1862645 1.1508483 1.1153704\n", + " 1.0913571 1.0798963 1.0762329 1.0743378 1.0684611 1.0586091 1.049535\n", + " 1.0463942 1.0479939 1.0535442 1.0587969 1.0613204 0. 0. ]\n", + " [1.1782393 1.1743721 1.1850809 1.194947 1.1823919 1.1485944 1.113456\n", + " 1.0900344 1.0788535 1.0772047 1.0770459 1.0717583 1.0625505 1.0533261\n", + " 1.04928 0. 0. 0. 0. 0. 0. ]\n", + " [1.1565306 1.1535094 1.1634214 1.1716734 1.16014 1.1299417 1.0984542\n", + " 1.0777937 1.0673826 1.0642414 1.0621567 1.056674 1.0484414 1.0413972\n", + " 1.0384443 1.0396531 1.0439917 1.048504 1.0507647 1.0518109 1.0531404]\n", + " [1.1666629 1.1643256 1.1754311 1.1836109 1.1705492 1.1363188 1.102084\n", + " 1.0803099 1.0700148 1.0693743 1.0699288 1.0651275 1.0559613 1.0478065\n", + " 1.0439093 1.0456536 0. 0. 0. 0. 0. ]\n", + " [1.165452 1.1605562 1.1691899 1.1762191 1.1633745 1.1313155 1.0986283\n", + " 1.077649 1.0685184 1.0666106 1.0665486 1.0627102 1.0547279 1.0467294\n", + " 1.0432105 1.0450681 0. 0. 0. 0. 0. ]]\n", + "[[1.2045171 1.1978948 1.2074764 1.2166643 1.2029982 1.165763 1.1269331\n", + " 1.1005881 1.088577 1.0853125 1.083806 1.0774698 1.0672452 1.0579606\n", + " 1.0535853 1.0565312 1.0633343 0. 0. 0. 0. ]\n", + " [1.1547558 1.1532295 1.1646018 1.1731613 1.1615126 1.1305844 1.0987233\n", + " 1.0769243 1.0668014 1.0632286 1.060882 1.0557551 1.0474507 1.041087\n", + " 1.0375954 1.0393666 1.0440735 1.0487378 1.0509671 1.0524318 1.0539312]\n", + " [1.1919247 1.185535 1.1942979 1.2014374 1.1896517 1.1549497 1.1192168\n", + " 1.0952288 1.0849314 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1796455 1.1753571 1.1869283 1.1966065 1.1835694 1.1486473 1.1132278\n", + " 1.0898242 1.0793177 1.0779123 1.0780579 1.0730426 1.0628184 1.0542294\n", + " 1.0500542 0. 0. 0. 0. 0. 0. ]\n", + " [1.1632557 1.158547 1.1677122 1.1749918 1.1626256 1.1304346 1.0984097\n", + " 1.0773103 1.0677596 1.0665858 1.0668483 1.0624855 1.0545547 1.0468341\n", + " 1.0435536 1.0455523 0. 0. 0. 0. 0. ]]\n", + "[[1.1874413 1.1838495 1.1938369 1.2024912 1.1896474 1.1540935 1.116921\n", + " 1.0928322 1.0812684 1.0781298 1.0773644 1.0722003 1.0617698 1.0533018\n", + " 1.0496004 1.051434 1.0572145 1.0628495 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1585641 1.1537374 1.1638436 1.172503 1.1623901 1.1311175 1.0990378\n", + " 1.0777926 1.0678022 1.0660092 1.0660714 1.0610518 1.0525092 1.04463\n", + " 1.0411505 1.0427976 1.0479691 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1572698 1.1540965 1.1651261 1.1770728 1.1686484 1.1365526 1.1039482\n", + " 1.0812855 1.0700401 1.0667056 1.0643996 1.0588979 1.0499225 1.0423441\n", + " 1.0394627 1.0413381 1.0464351 1.0521147 1.0548466 1.0551608 1.0562336\n", + " 1.0596206 1.0661193 1.0765008 1.0840425 1.0873634 1.088135 1.0837243]\n", + " [1.1577564 1.1523638 1.1606072 1.1686335 1.1577867 1.1275797 1.0972314\n", + " 1.0766536 1.0669417 1.0646093 1.0642107 1.0596231 1.051205 1.043625\n", + " 1.0403457 1.0423939 1.0475966 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1685758 1.1646302 1.1740454 1.182489 1.1711844 1.1387014 1.1053737\n", + " 1.0829967 1.0719596 1.0688527 1.0684767 1.0638918 1.0552076 1.0477531\n", + " 1.0443376 1.0457599 1.0506412 1.0557289 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1807327 1.1773343 1.1872305 1.1942064 1.1826947 1.1492897 1.1139367\n", + " 1.0909134 1.0790805 1.0753709 1.0727665 1.0673171 1.0577555 1.0494678\n", + " 1.0465348 1.048225 1.0538802 1.0586977 1.0609847 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1635969 1.1612412 1.1717603 1.1814381 1.1698055 1.1380552 1.1055351\n", + " 1.0825758 1.07146 1.0669429 1.0647252 1.0585736 1.0497588 1.0426103\n", + " 1.039541 1.0414315 1.0464884 1.0516206 1.0535105 1.0542564 1.0557218\n", + " 1.0590523 1.0659109 1.0757931 1.0831923]\n", + " [1.1800988 1.1779996 1.1882555 1.1975983 1.1847472 1.1510845 1.1158938\n", + " 1.0921309 1.0800662 1.075547 1.072912 1.0659151 1.0565588 1.048343\n", + " 1.0449994 1.04711 1.0520778 1.0571015 1.0594068 1.0601305 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1667461 1.1630576 1.1734128 1.1809462 1.1695471 1.1370739 1.1038555\n", + " 1.0823202 1.0722473 1.069809 1.0689427 1.06404 1.055305 1.0469675\n", + " 1.0437347 1.0455759 1.051154 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1666752 1.1643056 1.174787 1.1828033 1.1702216 1.136399 1.1024324\n", + " 1.0809374 1.0713037 1.0687802 1.0681106 1.0635285 1.0547236 1.046633\n", + " 1.0428233 1.0445017 1.0496738 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1792217 1.1750355 1.1844828 1.1932023 1.1813917 1.1479813 1.114531\n", + " 1.091086 1.078934 1.0752432 1.0731078 1.0683671 1.0594399 1.050683\n", + " 1.0474992 1.04947 1.0544863 1.0595126 0. 0. ]\n", + " [1.1637726 1.158933 1.1680874 1.1757714 1.1646645 1.133978 1.1015798\n", + " 1.0807437 1.0700557 1.0679823 1.067145 1.0621957 1.0536436 1.0458592\n", + " 1.0422933 1.0438387 1.0492468 0. 0. 0. ]\n", + " [1.1784922 1.1755161 1.1855732 1.1945978 1.1814922 1.1482476 1.1136582\n", + " 1.0895154 1.0773221 1.0735137 1.0712764 1.0655814 1.056584 1.0479403\n", + " 1.0447695 1.0467365 1.0520694 1.0567355 1.0592254 1.059852 ]\n", + " [1.166838 1.162033 1.1732188 1.182031 1.170867 1.1385312 1.1048392\n", + " 1.0826079 1.072798 1.0715349 1.0713007 1.0661023 1.0566722 1.0478463\n", + " 1.0441748 0. 0. 0. 0. 0. ]\n", + " [1.152019 1.1482139 1.1572024 1.1656218 1.1549909 1.1251928 1.0949135\n", + " 1.0743445 1.0651261 1.0634605 1.0636778 1.0602423 1.0524994 1.0449139\n", + " 1.0411583 0. 0. 0. 0. 0. ]]\n", + "[[1.1257169 1.1206326 1.1291621 1.13914 1.1339676 1.110799 1.0851992\n", + " 1.0675961 1.0580927 1.0548382 1.053179 1.0485116 1.0411654 1.0349723\n", + " 1.032503 1.0343091 1.0390887 1.04365 1.0460793 1.0466942 1.0468539\n", + " 1.0485678 1.0535961 1.0613186 1.0678922 1.0735215 1.074245 1.0707166\n", + " 1.0635886 1.0554609 1.0487565 1.0446755 1.0428795 1.0430213 1.045458\n", + " 1.0476975 1.0473071]\n", + " [1.1681101 1.1632123 1.1725979 1.1816106 1.1698638 1.1379977 1.104311\n", + " 1.0817636 1.0716065 1.068966 1.0687326 1.0647177 1.0562754 1.048399\n", + " 1.0445092 1.0461332 1.0516827 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1726403 1.1690558 1.1805562 1.18916 1.176887 1.1423744 1.1069686\n", + " 1.0834197 1.0720971 1.0692184 1.0681467 1.0633171 1.0543259 1.0469382\n", + " 1.0434297 1.0452532 1.0503536 1.0554183 1.0580114 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1941789 1.1896832 1.2011192 1.2101259 1.1970098 1.159884 1.1207998\n", + " 1.0946548 1.0820954 1.0786461 1.0769025 1.0715516 1.0620974 1.0534803\n", + " 1.0498153 1.0520166 1.0579698 1.0631058 1.0657216 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2191553 1.2117078 1.2225689 1.2314289 1.2168638 1.1776342 1.1356006\n", + " 1.1078361 1.0952181 1.0939379 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1772848 1.1726559 1.1819378 1.1915665 1.1791899 1.1454797 1.1106629\n", + " 1.0869282 1.0753632 1.0727957 1.0713114 1.0671369 1.0582447 1.0500294\n", + " 1.0463638 1.048059 1.0535804 0. 0. 0. ]\n", + " [1.215255 1.209277 1.21999 1.227773 1.2139567 1.1737713 1.133173\n", + " 1.1068227 1.0947948 1.0942008 1.0951838 1.0892284 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1832827 1.1787317 1.1883688 1.1959316 1.1829209 1.1492066 1.1145176\n", + " 1.0909413 1.0795244 1.0763807 1.0753103 1.0702393 1.0606841 1.0523219\n", + " 1.0482228 1.0503857 1.0564663 0. 0. 0. ]\n", + " [1.167154 1.1629521 1.1732937 1.1829953 1.1710947 1.1387719 1.1054363\n", + " 1.0829402 1.0716825 1.0675309 1.0655823 1.0599242 1.0508068 1.0434362\n", + " 1.0402746 1.0420543 1.0468903 1.0520111 1.054483 1.0552549]\n", + " [1.2056081 1.1997966 1.2108269 1.22143 1.2071565 1.1697019 1.1308933\n", + " 1.1041753 1.0932955 1.0919434 1.0914749 1.0860041 1.0747647 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.201047 1.1956066 1.20544 1.2135758 1.1997157 1.1633393 1.1247138\n", + " 1.1008223 1.0896673 1.0875741 1.0881966 1.0817589 1.0706711 1.0605626\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1504257 1.1478124 1.1572561 1.1644597 1.1531126 1.1221849 1.0915799\n", + " 1.071612 1.0620567 1.0594001 1.0586779 1.0543113 1.0470512 1.0406208\n", + " 1.0376774 1.03928 1.043611 1.0479877 1.0500184]\n", + " [1.174755 1.1703566 1.1804744 1.1879492 1.1762998 1.1424696 1.1075249\n", + " 1.0843037 1.073374 1.0705829 1.0707917 1.0659169 1.0575464 1.049457\n", + " 1.0456935 1.0475521 1.0529535 0. 0. ]\n", + " [1.2164781 1.2101755 1.2191079 1.2257887 1.2108536 1.1728909 1.1324846\n", + " 1.1046343 1.0924345 1.0897073 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1659892 1.1627746 1.173178 1.1818806 1.1694281 1.1361235 1.1028275\n", + " 1.0806495 1.0700287 1.0679828 1.0679631 1.0633577 1.0553453 1.0478163\n", + " 1.044049 1.0456694 1.0506463 0. 0. ]]\n", + "[[1.1650429 1.162057 1.1725129 1.182177 1.170074 1.1374017 1.1039315\n", + " 1.0821446 1.0714784 1.0687445 1.0682306 1.0633287 1.0540723 1.0462084\n", + " 1.0425271 1.0441735 1.049409 1.0543989 0. 0. ]\n", + " [1.1840757 1.1790032 1.1886433 1.1966579 1.1842883 1.1504254 1.1159794\n", + " 1.091997 1.0809836 1.0786537 1.0782677 1.0732182 1.0639466 1.055076\n", + " 1.051022 0. 0. 0. 0. 0. ]\n", + " [1.1620033 1.1571034 1.1661938 1.1745932 1.1643722 1.1329021 1.1005802\n", + " 1.0786244 1.0685577 1.0673039 1.0676856 1.0637724 1.0555141 1.0474858\n", + " 1.0437517 0. 0. 0. 0. 0. ]\n", + " [1.1725621 1.1696372 1.179474 1.1881294 1.1760592 1.14224 1.1084923\n", + " 1.0855169 1.0738369 1.0696285 1.0675266 1.0620106 1.0533626 1.045751\n", + " 1.0423903 1.0442278 1.049231 1.0542045 1.0570762 1.0585222]\n", + " [1.1656628 1.1615454 1.171428 1.1805743 1.1681314 1.1366949 1.1034625\n", + " 1.0811985 1.070978 1.0689149 1.0691705 1.0647129 1.0556351 1.047543\n", + " 1.0437967 1.045805 0. 0. 0. 0. ]]\n", + "[[1.1861537 1.1803697 1.1898543 1.1982622 1.1854597 1.1506691 1.1144427\n", + " 1.0902289 1.0787325 1.0757332 1.0747936 1.0697345 1.0603343 1.0514643\n", + " 1.0476288 1.0496845 1.0550462 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1613079 1.158576 1.1675351 1.174442 1.1622425 1.1304213 1.09825\n", + " 1.0770507 1.0674237 1.0643821 1.0633796 1.0590552 1.0510478 1.043572\n", + " 1.0406723 1.0419829 1.0466933 1.0516033 1.0539442 0. 0.\n", + " 0. ]\n", + " [1.1848996 1.1821258 1.1925352 1.2016156 1.1895825 1.154857 1.1191399\n", + " 1.0941426 1.0813254 1.0760096 1.0744585 1.0681865 1.0583735 1.050318\n", + " 1.0467832 1.0489632 1.0542004 1.0594083 1.0618511 1.062687 1.0640974\n", + " 0. ]\n", + " [1.1572416 1.1551856 1.1655338 1.1743914 1.1627169 1.1303517 1.097869\n", + " 1.0766044 1.0658374 1.0634944 1.0624887 1.0576859 1.0498961 1.0428478\n", + " 1.0395855 1.0412384 1.0460429 1.0508428 0. 0. 0.\n", + " 0. ]\n", + " [1.1358973 1.1331354 1.142425 1.1511567 1.142766 1.1160272 1.0878617\n", + " 1.0687364 1.058788 1.0550686 1.0535743 1.0487008 1.041241 1.03503\n", + " 1.0319179 1.0335215 1.0377758 1.0418093 1.0437052 1.0446602 1.0456522\n", + " 1.0486188]]\n", + "[[1.1906724 1.1868204 1.1970766 1.206011 1.192664 1.1559465 1.1196585\n", + " 1.0952225 1.0831277 1.0794971 1.0790619 1.0724972 1.0630814 1.0543741\n", + " 1.0498182 1.05249 1.058481 1.0641745 0. 0. ]\n", + " [1.176344 1.1703086 1.1803554 1.1899612 1.1768771 1.1439519 1.1088719\n", + " 1.08592 1.07606 1.0751578 1.0757318 1.070856 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1861556 1.1837181 1.1946831 1.204805 1.1912802 1.1557565 1.1185806\n", + " 1.0933121 1.0799927 1.0763661 1.0741093 1.0685892 1.0588874 1.0507002\n", + " 1.04649 1.0484666 1.0539804 1.0591003 1.0612719 1.0622355]\n", + " [1.1738846 1.1716653 1.1834178 1.1945124 1.1828535 1.1477778 1.111778\n", + " 1.0872933 1.0749522 1.0707886 1.0696932 1.0640498 1.055145 1.0472535\n", + " 1.0437574 1.0447341 1.0493968 1.0542309 1.056578 1.0573182]\n", + " [1.1702386 1.167176 1.1786829 1.1881597 1.1765382 1.1429789 1.1080716\n", + " 1.0850219 1.0735954 1.0703274 1.0687279 1.063766 1.0550407 1.046925\n", + " 1.043358 1.0450174 1.0496446 1.0545624 1.0568914 0. ]]\n", + "[[1.1727049 1.1681253 1.1772865 1.1843909 1.17398 1.1422148 1.1087614\n", + " 1.0857797 1.0754502 1.07245 1.0726738 1.067904 1.0586245 1.0499587\n", + " 1.0464888 1.0486021 0. 0. 0. ]\n", + " [1.1689068 1.1651908 1.1756032 1.1837901 1.1704285 1.136362 1.1016041\n", + " 1.0797024 1.0698508 1.0682362 1.0683308 1.0636188 1.0551391 1.0472028\n", + " 1.0435574 1.0455139 1.0508521 0. 0. ]\n", + " [1.187976 1.1828628 1.1944422 1.2040049 1.1906494 1.154457 1.116643\n", + " 1.0917772 1.080368 1.0782928 1.0782331 1.0730608 1.0634977 1.0544182\n", + " 1.0499563 1.0518935 0. 0. 0. ]\n", + " [1.1749079 1.1719542 1.1833609 1.191884 1.1803404 1.1455858 1.1094517\n", + " 1.0860807 1.0747128 1.0731566 1.073051 1.0687735 1.0593221 1.0510614\n", + " 1.047083 1.0490183 1.0544634 0. 0. ]\n", + " [1.1900443 1.1872402 1.1967359 1.20504 1.1934348 1.1581191 1.1210827\n", + " 1.0954067 1.0832527 1.0789474 1.0774219 1.0716444 1.0616477 1.0528023\n", + " 1.0491385 1.0513191 1.0569025 1.0625396 1.0648249]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1665087 1.1632421 1.1744294 1.1833547 1.1722056 1.1385298 1.1039356\n", + " 1.0815676 1.0713487 1.0707656 1.0708853 1.0665423 1.0569898 1.048326\n", + " 1.0444638 0. 0. 0. 0. 0. ]\n", + " [1.1712927 1.1658969 1.1757647 1.1854306 1.1746796 1.1423889 1.1089234\n", + " 1.0860204 1.07492 1.0733606 1.0729688 1.0684807 1.0595453 1.0506015\n", + " 1.0467705 0. 0. 0. 0. 0. ]\n", + " [1.1657991 1.1622688 1.1709096 1.1766557 1.1634328 1.1323128 1.1019208\n", + " 1.081409 1.071315 1.0687112 1.0676936 1.0623914 1.0538089 1.0457317\n", + " 1.0426316 1.0442256 1.0488057 1.0533664 0. 0. ]\n", + " [1.1988643 1.1951534 1.2068483 1.2188429 1.205388 1.1683385 1.1280003\n", + " 1.1008348 1.0878736 1.0840949 1.0825824 1.0764134 1.0657253 1.055901\n", + " 1.0515227 1.0535634 1.0591178 1.0646507 1.0675802 0. ]\n", + " [1.1534675 1.1495097 1.1575452 1.1653227 1.1552893 1.1257403 1.0961088\n", + " 1.0759969 1.0654156 1.0614598 1.0598124 1.054519 1.046611 1.0398089\n", + " 1.036924 1.0382178 1.0428814 1.0471687 1.0491358 1.0502179]]\n", + "[[1.1679676 1.1642281 1.1742232 1.183398 1.1726252 1.1398652 1.1052865\n", + " 1.0830216 1.0722289 1.070403 1.0704184 1.0661154 1.0569834 1.048555\n", + " 1.0445098 1.0462408 1.0513275 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1691396 1.166744 1.1783444 1.1879727 1.1752977 1.1420658 1.107426\n", + " 1.08439 1.0732981 1.0698242 1.0671942 1.0615197 1.0522184 1.0445843\n", + " 1.0413859 1.0433643 1.048626 1.0538784 1.0555335 1.0566747 1.0579877\n", + " 1.0614554 1.0691949]\n", + " [1.1737483 1.1697577 1.1811317 1.1908014 1.1789782 1.1452434 1.109886\n", + " 1.0861884 1.0754951 1.0733366 1.0739076 1.0693642 1.0602449 1.0514282\n", + " 1.0473568 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1744914 1.1698995 1.180166 1.1892419 1.1774577 1.1450083 1.1107657\n", + " 1.0885684 1.0780854 1.076021 1.0763015 1.0712426 1.0607386 1.0514684\n", + " 1.0474226 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2140323 1.2088721 1.2191064 1.2277936 1.2127348 1.1726419 1.131274\n", + " 1.104328 1.0922307 1.0910075 1.0914935 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1858728 1.1799139 1.189731 1.1987189 1.1855985 1.1493994 1.112788\n", + " 1.0884867 1.07899 1.0773417 1.078629 1.0735844 1.0631996 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1655637 1.1607294 1.1699795 1.1781868 1.1673331 1.1351079 1.1018506\n", + " 1.0802428 1.0699565 1.0683992 1.0684917 1.0639557 1.0555295 1.0472399\n", + " 1.0436113 1.0455066 1.0508112 0. 0. 0. 0. ]\n", + " [1.1719055 1.1689558 1.1801776 1.1895843 1.1763728 1.1416969 1.1063759\n", + " 1.0831985 1.0725129 1.0698705 1.0689104 1.0638411 1.0547272 1.0468206\n", + " 1.04287 1.0446974 1.0498313 1.0548986 1.0573138 0. 0. ]\n", + " [1.1595479 1.1579211 1.1682637 1.1767375 1.1648118 1.1331258 1.1006714\n", + " 1.0795474 1.0689418 1.0656911 1.0639871 1.0586163 1.0498961 1.0427322\n", + " 1.039837 1.0411156 1.0455503 1.0499234 1.0516995 1.0524385 1.0542197]\n", + " [1.1580558 1.1542118 1.1637027 1.1715881 1.1607363 1.1298068 1.098586\n", + " 1.0779757 1.0687118 1.0663455 1.0657467 1.0608374 1.052504 1.0445919\n", + " 1.0411538 1.0427945 1.0480098 0. 0. 0. 0. ]]\n", + "[[1.172084 1.1693981 1.1799937 1.187675 1.1762495 1.1427033 1.1084352\n", + " 1.085708 1.0744845 1.0716354 1.0708144 1.0651659 1.0561996 1.0480449\n", + " 1.0444404 1.0459597 1.0513328 1.0565429 0. ]\n", + " [1.1941122 1.1885384 1.198517 1.2068315 1.1935209 1.1584083 1.1217035\n", + " 1.0967013 1.0847585 1.0823249 1.0821728 1.0763909 1.0663264 1.0566702\n", + " 1.0527045 1.0548828 0. 0. 0. ]\n", + " [1.1919703 1.1859518 1.1959263 1.2054092 1.1929955 1.1574693 1.1195178\n", + " 1.0944878 1.0827092 1.0800008 1.0797484 1.0745313 1.0645719 1.0546871\n", + " 1.0508072 1.0530277 1.0593894 0. 0. ]\n", + " [1.1740155 1.1687787 1.1782522 1.1862044 1.1730146 1.1401421 1.1069539\n", + " 1.0849929 1.0749037 1.0731883 1.072862 1.068079 1.0590018 1.0507287\n", + " 1.0467944 0. 0. 0. 0. ]\n", + " [1.1920234 1.1886747 1.1985494 1.207165 1.1937861 1.1581475 1.121239\n", + " 1.0957303 1.082904 1.0790379 1.0767628 1.0711515 1.0618106 1.0528638\n", + " 1.0491438 1.0507033 1.0563465 1.0614204 1.064323 ]]\n", + "[[1.1653707 1.1612065 1.1713134 1.1806788 1.1697124 1.137143 1.1038306\n", + " 1.0813842 1.0700597 1.0673054 1.0660944 1.0612923 1.0530707 1.045723\n", + " 1.0418255 1.043405 1.0480273 1.0526625 1.0552297 0. 0.\n", + " 0. ]\n", + " [1.1609966 1.1559486 1.1661747 1.1762376 1.165078 1.1339086 1.1015427\n", + " 1.0798988 1.0697893 1.0686102 1.0690194 1.0643907 1.0551654 1.0465747\n", + " 1.0426482 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1857005 1.1814682 1.1912168 1.1982354 1.1847174 1.149082 1.1128526\n", + " 1.0892324 1.0780278 1.0748395 1.0745587 1.0690213 1.0596906 1.0509942\n", + " 1.0471338 1.0492983 1.0548022 1.0602633 0. 0. 0.\n", + " 0. ]\n", + " [1.1728573 1.1704878 1.1802049 1.1891626 1.1772498 1.1452487 1.1114758\n", + " 1.088566 1.0762439 1.0716568 1.0690871 1.0628492 1.0535105 1.0460197\n", + " 1.0427388 1.0443091 1.0493476 1.0536373 1.0563477 1.0576297 1.0592593\n", + " 1.0628821]\n", + " [1.1872758 1.1822283 1.1923422 1.2011021 1.1882039 1.153104 1.1170955\n", + " 1.0932075 1.082643 1.0810679 1.0810437 1.0754732 1.0649928 1.0556026\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1651722 1.1617591 1.1721725 1.1811353 1.1698087 1.1367999 1.1033455\n", + " 1.0812086 1.0712168 1.0692787 1.0695976 1.0652622 1.0561972 1.0478147\n", + " 1.0440403 0. 0. 0. 0. 0. 0. ]\n", + " [1.171925 1.1701114 1.1811981 1.1900904 1.1771444 1.1427518 1.1079775\n", + " 1.0847971 1.0735606 1.0700876 1.0685177 1.0630289 1.0544217 1.0466566\n", + " 1.0434635 1.0451185 1.0500574 1.0547453 1.0571957 1.058099 0. ]\n", + " [1.1712884 1.1678767 1.178631 1.1879213 1.1761703 1.1437469 1.1090927\n", + " 1.0849754 1.0733907 1.0694065 1.0679976 1.062618 1.0546302 1.047002\n", + " 1.0437675 1.0448717 1.0500104 1.0546863 1.0572052 1.0582762 0. ]\n", + " [1.1862639 1.1796454 1.1892478 1.1975329 1.1845909 1.1497825 1.1145283\n", + " 1.0911303 1.0804379 1.0783496 1.0783314 1.073535 1.0631038 1.0544717\n", + " 1.0501804 1.0523052 0. 0. 0. 0. 0. ]\n", + " [1.1638497 1.1615334 1.1723444 1.1819024 1.1697874 1.1372796 1.1044688\n", + " 1.0815833 1.0696785 1.066062 1.0640508 1.0580033 1.0495677 1.0427727\n", + " 1.0399425 1.0421436 1.0466686 1.0515838 1.0543209 1.0555433 1.0571011]]\n", + "[[1.1600516 1.1548967 1.1635803 1.1709648 1.16037 1.1296043 1.0980132\n", + " 1.0769347 1.0683638 1.0669162 1.0672778 1.063238 1.0545472 1.0466619\n", + " 1.0431038 0. 0. 0. ]\n", + " [1.1727822 1.1704922 1.1807976 1.1897529 1.1755824 1.141216 1.1065071\n", + " 1.0836906 1.0732833 1.071047 1.070403 1.0656047 1.0567513 1.0486248\n", + " 1.0450027 1.046795 1.0519185 1.0572462]\n", + " [1.1807305 1.1755054 1.1856064 1.1943475 1.1821796 1.148028 1.1120722\n", + " 1.0892353 1.0795964 1.0784571 1.0787629 1.0740331 1.0635294 1.0540379\n", + " 0. 0. 0. 0. ]\n", + " [1.1743741 1.1694996 1.179063 1.1882672 1.1770413 1.1441671 1.109768\n", + " 1.0865527 1.0756832 1.0727805 1.0728177 1.0677996 1.0577949 1.0495911\n", + " 1.0456939 1.0473049 1.0524405 0. ]\n", + " [1.1776648 1.1727797 1.1837094 1.1934681 1.1818879 1.1461425 1.1101018\n", + " 1.0865223 1.076353 1.0756423 1.0765764 1.072418 1.062549 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1893119 1.1850634 1.1939803 1.2029749 1.189015 1.1537201 1.1175076\n", + " 1.0943391 1.0834659 1.0822232 1.0824755 1.0768645 1.0663129 1.0563394\n", + " 0. 0. 0. 0. ]\n", + " [1.1933693 1.1878926 1.1976621 1.2043779 1.1914263 1.155097 1.1177659\n", + " 1.0934553 1.0828329 1.0818577 1.081947 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.186135 1.1832279 1.1941693 1.2020254 1.1852986 1.1494845 1.1129826\n", + " 1.0892125 1.0798483 1.0792437 1.0798715 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1652628 1.1607548 1.1706009 1.1804382 1.1686742 1.1372942 1.1047901\n", + " 1.0825016 1.0716423 1.0687253 1.0678008 1.0626053 1.0535048 1.0450487\n", + " 1.0410659 1.042638 1.0473573 1.0524015]\n", + " [1.1584933 1.155484 1.165499 1.1735957 1.1623269 1.1312071 1.0987096\n", + " 1.0776169 1.0678207 1.0656371 1.0651944 1.0607241 1.0524709 1.0449181\n", + " 1.0413277 1.0425894 1.0471339 1.0515177]]\n", + "[[1.1730902 1.170187 1.1806563 1.1884413 1.1740854 1.1396737 1.1053427\n", + " 1.0833166 1.0729774 1.0702202 1.069528 1.0637805 1.0544076 1.0461768\n", + " 1.042275 1.0440326 1.0489788 1.0538217 1.0563176 0. 0.\n", + " 0. 0. ]\n", + " [1.1653169 1.1640086 1.1755229 1.1865098 1.1759362 1.1421819 1.1083008\n", + " 1.0854132 1.0737653 1.0694475 1.0673364 1.06106 1.051775 1.0442909\n", + " 1.0413629 1.0431291 1.0485424 1.0529612 1.0562925 1.0573896 1.0586494\n", + " 1.0622803 1.0693184]\n", + " [1.18526 1.1809088 1.1907383 1.1979373 1.1854413 1.1518353 1.1167516\n", + " 1.0923573 1.080554 1.077261 1.0756668 1.0704224 1.061141 1.0522218\n", + " 1.048944 1.0506533 1.0564344 1.0619962 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1613804 1.1582749 1.168151 1.1763003 1.165236 1.1340886 1.1013542\n", + " 1.0803263 1.0700825 1.0674214 1.0669771 1.0626509 1.0539814 1.0461763\n", + " 1.0424185 1.0441804 1.0493985 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2264334 1.2201238 1.2299495 1.2378306 1.2223381 1.1813763 1.1381198\n", + " 1.1096615 1.0958788 1.0947937 1.095054 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.2011633 1.1959026 1.205653 1.2134367 1.2001283 1.1631117 1.125285\n", + " 1.1010863 1.0898497 1.0885167 1.0884936 1.0823567 1.0707841 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1661441 1.1598077 1.1682633 1.1754613 1.1629351 1.1321679 1.1009401\n", + " 1.0802106 1.0707645 1.0688682 1.0691301 1.0651783 1.0565919 1.0486729\n", + " 1.0453109 0. 0. 0. 0. ]\n", + " [1.184034 1.1801817 1.1906481 1.1983626 1.1872771 1.1528382 1.1166667\n", + " 1.0919504 1.0804464 1.0769943 1.075515 1.0696805 1.0599604 1.051014\n", + " 1.0472069 1.0490308 1.0541843 1.0593767 1.0616475]\n", + " [1.175457 1.173147 1.1837766 1.1914172 1.1778066 1.142809 1.1086317\n", + " 1.0855995 1.0741764 1.0715516 1.0700511 1.065305 1.0563203 1.0485436\n", + " 1.0447907 1.0467843 1.0517989 1.0570154 1.0592843]\n", + " [1.169278 1.1650027 1.1757883 1.1837504 1.1710808 1.1378891 1.1038154\n", + " 1.0822545 1.0726323 1.0711147 1.0714992 1.0665444 1.057874 1.048964\n", + " 1.0452608 1.0470618 0. 0. 0. ]]\n", + "[[1.1796063 1.1745396 1.184475 1.1937716 1.1819811 1.1473713 1.1112328\n", + " 1.0871698 1.0765152 1.0746193 1.0749803 1.0713027 1.0626382 1.0543218\n", + " 1.0500253 1.0520133 0. 0. 0. ]\n", + " [1.208014 1.2023361 1.2118632 1.2213464 1.2084298 1.1720343 1.1333119\n", + " 1.1070963 1.0947042 1.0929837 1.0921713 1.0858157 1.0738049 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1485219 1.1462559 1.1569295 1.1657718 1.1557679 1.1246425 1.0935711\n", + " 1.0723535 1.0627581 1.0600102 1.0590683 1.0545801 1.0465721 1.0394783\n", + " 1.0365009 1.0378693 1.0424063 1.0467082 1.0487843]\n", + " [1.1702826 1.1685412 1.1791437 1.1872724 1.175322 1.1410241 1.1062589\n", + " 1.083671 1.0736532 1.0719161 1.0719693 1.0672019 1.0575494 1.0486634\n", + " 1.0447096 1.0466805 0. 0. 0. ]\n", + " [1.1721574 1.1685576 1.1800729 1.1901467 1.178831 1.145214 1.1095487\n", + " 1.0855365 1.0741231 1.0725628 1.0728528 1.068337 1.059861 1.0515356\n", + " 1.0476196 1.0491855 0. 0. 0. ]]\n", + "[[1.1681538 1.1626432 1.1716496 1.1803293 1.1684254 1.1364384 1.103154\n", + " 1.0809544 1.0713181 1.0695084 1.0702375 1.0656819 1.0570624 1.0490285\n", + " 1.0454078 0. 0. 0. 0. 0. ]\n", + " [1.1665045 1.1625103 1.1723667 1.1805928 1.1677397 1.1349307 1.1026621\n", + " 1.080697 1.0699556 1.067064 1.0661992 1.0612061 1.0520465 1.0446128\n", + " 1.041328 1.0431697 1.0482675 1.0533473 0. 0. ]\n", + " [1.1871603 1.1815859 1.1909856 1.1978674 1.1858953 1.152458 1.1177399\n", + " 1.0942162 1.0835577 1.0809293 1.0797439 1.0740153 1.0638987 1.0549899\n", + " 1.0513998 1.0542153 0. 0. 0. 0. ]\n", + " [1.1710125 1.1681741 1.1786264 1.188247 1.1758847 1.1427552 1.1083053\n", + " 1.0851743 1.0745969 1.0723023 1.0728129 1.067775 1.0585526 1.0502446\n", + " 1.0461218 1.0480264 0. 0. 0. 0. ]\n", + " [1.1728156 1.1689916 1.1780081 1.18655 1.1756443 1.1432056 1.1105493\n", + " 1.0869005 1.0752413 1.0707692 1.068452 1.0630616 1.0545778 1.0468808\n", + " 1.0437877 1.0454617 1.0503421 1.0550717 1.0573032 1.0588936]]\n", + "[[1.1808106 1.1775084 1.1869599 1.1950618 1.1820147 1.1474314 1.1126527\n", + " 1.0893167 1.0775094 1.074768 1.0736301 1.0679153 1.0587367 1.0505705\n", + " 1.0470877 1.0487579 1.0545763 1.0603187 0. 0. ]\n", + " [1.177498 1.1730669 1.1832856 1.1921829 1.1795702 1.1457102 1.1113021\n", + " 1.0879904 1.0764338 1.0735582 1.0722686 1.0661613 1.0571716 1.048566\n", + " 1.0445731 1.046476 1.0514351 1.0566453 1.0588673 0. ]\n", + " [1.168681 1.1642767 1.1762793 1.1865226 1.175213 1.1413614 1.106657\n", + " 1.0836837 1.0736357 1.0718147 1.0725504 1.0681549 1.058016 1.0494211\n", + " 1.0452404 0. 0. 0. 0. 0. ]\n", + " [1.1791546 1.1764312 1.1868397 1.1954919 1.1839408 1.1496863 1.1139708\n", + " 1.0900443 1.0774728 1.0738136 1.0720173 1.0659459 1.0567306 1.0487926\n", + " 1.045349 1.0469081 1.0520495 1.0569054 1.0591447 1.0600771]\n", + " [1.1862159 1.1826874 1.1939421 1.2021964 1.1905415 1.1544316 1.117239\n", + " 1.0925028 1.0811982 1.078079 1.0775529 1.0726665 1.0627667 1.0538429\n", + " 1.0497702 1.0518885 1.0579635 0. 0. 0. ]]\n", + "[[1.1842337 1.1796235 1.1908683 1.1994412 1.1878079 1.1533202 1.1168548\n", + " 1.0927584 1.0806797 1.0767571 1.0748628 1.0690016 1.0592248 1.0501382\n", + " 1.0462983 1.0482119 1.0535767 1.0586536 1.0610963 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1557531 1.1536113 1.1649504 1.1759671 1.1654474 1.1331973 1.1000422\n", + " 1.0782799 1.0676881 1.0642389 1.0623132 1.0568192 1.0480554 1.0409232\n", + " 1.0379955 1.0402097 1.0453913 1.0503176 1.052954 1.0530139 1.0541337\n", + " 1.0574901 1.0645747 1.0744338 1.0818117 1.0854076]\n", + " [1.1648893 1.1628877 1.1737931 1.1814204 1.1698037 1.1356468 1.1023993\n", + " 1.0805366 1.0703237 1.0675972 1.0672263 1.0619001 1.053195 1.0449504\n", + " 1.041779 1.0432994 1.0481943 1.0529455 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1726551 1.1698626 1.1798782 1.1880981 1.176104 1.14182 1.1071272\n", + " 1.0836103 1.0728997 1.0698881 1.068766 1.0638169 1.0551546 1.0474578\n", + " 1.043956 1.0458667 1.0508059 1.0561383 1.058701 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1813884 1.1756806 1.1853079 1.1953387 1.18411 1.1496468 1.1138994\n", + " 1.0898882 1.0801771 1.0777768 1.078405 1.0731331 1.0630255 1.0535948\n", + " 1.0491016 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1835057 1.178354 1.1879554 1.1961528 1.1845034 1.1499411 1.114149\n", + " 1.0905939 1.0795306 1.0768899 1.0757129 1.0700933 1.0603849 1.0511642\n", + " 1.0468683 1.0494819 1.0559019 0. 0. 0. 0. ]\n", + " [1.1905159 1.1862355 1.1956043 1.2032806 1.1892762 1.1539935 1.1180584\n", + " 1.0937362 1.081834 1.0794785 1.0786668 1.0731415 1.0628881 1.0539494\n", + " 1.0498805 1.0517324 1.0571004 0. 0. 0. 0. ]\n", + " [1.1786504 1.1744677 1.1843842 1.1933577 1.1808186 1.1472512 1.1111597\n", + " 1.0872011 1.0752103 1.0728545 1.0719118 1.066605 1.0580182 1.0493011\n", + " 1.0454223 1.0475253 1.0530013 0. 0. 0. 0. ]\n", + " [1.157603 1.1547368 1.1646031 1.173076 1.1611158 1.1295413 1.0977087\n", + " 1.076867 1.0680311 1.0667049 1.0670557 1.0625509 1.0542974 1.0462298\n", + " 1.0425228 0. 0. 0. 0. 0. 0. ]\n", + " [1.1850259 1.1825664 1.1935757 1.2025114 1.1899174 1.1556158 1.1189492\n", + " 1.0939261 1.0811888 1.0766426 1.0738112 1.0683379 1.0587181 1.0507908\n", + " 1.0469759 1.0490106 1.053933 1.0588942 1.0614204 1.0624642 1.0639209]]\n", + "[[1.18268 1.1786994 1.1871617 1.1950024 1.1813717 1.1475259 1.1129797\n", + " 1.0895456 1.0778908 1.0754447 1.0745329 1.0692021 1.0598394 1.0520077\n", + " 1.0485326 1.0507653 1.0565963 0. 0. 0. ]\n", + " [1.1640338 1.1592121 1.1686218 1.1764716 1.16427 1.1325762 1.1011044\n", + " 1.0795016 1.0699091 1.068172 1.0680665 1.0632668 1.0549963 1.0469568\n", + " 1.0434735 0. 0. 0. 0. 0. ]\n", + " [1.1784742 1.176198 1.1879508 1.1972997 1.1826068 1.1476157 1.112055\n", + " 1.0879669 1.0769664 1.0739895 1.0729866 1.0676177 1.0583777 1.0494657\n", + " 1.0457858 1.0475025 1.0527703 1.0583426 0. 0. ]\n", + " [1.1710855 1.1684885 1.1801381 1.1896986 1.1775767 1.1436881 1.1093124\n", + " 1.0858234 1.0741657 1.0702641 1.068489 1.0622388 1.0537251 1.0457311\n", + " 1.0423646 1.0441709 1.0491681 1.0540236 1.0565664 1.0573989]\n", + " [1.1699032 1.1652185 1.1751834 1.1827718 1.1709098 1.1382223 1.1052176\n", + " 1.0828886 1.0727367 1.0700346 1.0693477 1.0639536 1.0551926 1.0475218\n", + " 1.0442969 1.046455 0. 0. 0. 0. ]]\n", + "[[1.1891172 1.1834744 1.193502 1.2011542 1.1874152 1.1509287 1.1144924\n", + " 1.0911859 1.0812006 1.0803546 1.0809141 1.0754079 1.06507 1.0551252\n", + " 0. 0. 0. 0. ]\n", + " [1.1631354 1.1593752 1.1682094 1.1749921 1.1641215 1.1317317 1.0984879\n", + " 1.0772567 1.0665828 1.0654267 1.0660229 1.0617309 1.054381 1.0465709\n", + " 1.0431156 1.0446302 0. 0. ]\n", + " [1.1780651 1.1737616 1.1847323 1.1935662 1.1822863 1.1472207 1.1114973\n", + " 1.0879205 1.077855 1.0766181 1.0768638 1.0722588 1.0619273 1.0526147\n", + " 0. 0. 0. 0. ]\n", + " [1.2007856 1.1938229 1.203299 1.2115343 1.1980135 1.1610988 1.1233002\n", + " 1.0983433 1.0875728 1.0855513 1.0861872 1.0807016 1.0700614 1.0595417\n", + " 0. 0. 0. 0. ]\n", + " [1.1828141 1.1784234 1.1885742 1.1979975 1.1862009 1.1527835 1.1175169\n", + " 1.0936006 1.0815663 1.0783973 1.0767312 1.0712237 1.0622234 1.0535128\n", + " 1.0496411 1.0511372 1.0567073 1.0621186]]\n", + "[[1.1877087 1.1822941 1.1917628 1.1993717 1.1856316 1.1494478 1.1132329\n", + " 1.0887821 1.0780509 1.0752016 1.0745862 1.0693811 1.0600724 1.0515138\n", + " 1.0482508 1.0507255 1.0566622 1.0626723]\n", + " [1.1630422 1.1590044 1.1694769 1.1793411 1.1686379 1.1359236 1.1024173\n", + " 1.079844 1.0702859 1.0687984 1.0692705 1.064581 1.0556264 1.0472723\n", + " 1.0433133 1.0450097 0. 0. ]\n", + " [1.1634415 1.1606436 1.1722727 1.1821935 1.1708871 1.1380608 1.1041505\n", + " 1.0819014 1.0715035 1.0703921 1.0703303 1.0656378 1.0567834 1.0483353\n", + " 1.0440991 0. 0. 0. ]\n", + " [1.1980205 1.1918244 1.2024311 1.2127225 1.201208 1.1647838 1.1260511\n", + " 1.0995164 1.0880153 1.0857334 1.0859439 1.0808736 1.0695896 1.0589215\n", + " 1.0539567 1.0560676 0. 0. ]\n", + " [1.1573745 1.1536707 1.162603 1.1712743 1.1600391 1.1287369 1.0973101\n", + " 1.0769918 1.0681126 1.067012 1.0676844 1.0633063 1.0542309 1.0458872\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1777707 1.1749928 1.1849308 1.1935992 1.1807078 1.1472732 1.1120161\n", + " 1.0883734 1.0764683 1.0726557 1.0701647 1.0645412 1.0558149 1.0476692\n", + " 1.0441625 1.0460476 1.0514979 1.0562974 1.0587944 1.0602434 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1891692 1.1861966 1.1980994 1.2085034 1.1957814 1.1592609 1.1212025\n", + " 1.09565 1.0831211 1.079105 1.0774211 1.0714744 1.061409 1.0527679\n", + " 1.0488288 1.0505003 1.0562521 1.061409 1.064094 1.0649786 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1645521 1.1616485 1.1729457 1.183709 1.1734893 1.1414831 1.1077352\n", + " 1.0849175 1.0733353 1.0687903 1.0668061 1.0602912 1.0508268 1.042693\n", + " 1.0397248 1.0417801 1.04766 1.0521898 1.0545375 1.0548787 1.0559072\n", + " 1.0587867 1.0659937 1.075568 1.0837922 1.0879278]\n", + " [1.1661729 1.1642687 1.1760776 1.186013 1.1739948 1.1406572 1.1059246\n", + " 1.0831592 1.0721086 1.0683619 1.066894 1.0612663 1.0521067 1.0440236\n", + " 1.0411698 1.0432932 1.047839 1.0533029 1.0560528 1.0567231 1.0578458\n", + " 1.0613993 1.0689521 1.0791483 0. 0. ]\n", + " [1.1955491 1.189108 1.1990436 1.2090335 1.1957438 1.1588666 1.1218163\n", + " 1.0973779 1.0860964 1.084368 1.0842658 1.0775634 1.0669352 1.0566094\n", + " 1.0521151 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1695595 1.1624682 1.1723168 1.1819067 1.1704662 1.1396805 1.1056935\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1671766 1.1639973 1.1725398 1.1799896 1.1686127 1.137942 1.1056082\n", + " 1.0835817 1.0718877 1.0686706 1.0668395 1.0619231 1.0527363 1.0449566\n", + " 1.0415331 1.0432807 1.0477489 1.0524113 1.0551261 0. 0.\n", + " 0. ]\n", + " [1.1690704 1.1660585 1.1768494 1.1854596 1.173786 1.1401016 1.1062529\n", + " 1.0840455 1.0739619 1.0725474 1.07275 1.0677013 1.058148 1.0495842\n", + " 1.0458188 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1765656 1.1722388 1.1811585 1.187315 1.175362 1.1422577 1.1075698\n", + " 1.0854731 1.0752995 1.0731704 1.0729778 1.0682676 1.0586188 1.0501252\n", + " 1.0461739 1.0483236 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1736171 1.1715863 1.1820333 1.1911668 1.1797333 1.1457015 1.1121426\n", + " 1.089165 1.0771617 1.0727576 1.0699954 1.0639081 1.0542978 1.046529\n", + " 1.0435888 1.0451931 1.0504315 1.0548496 1.0569932 1.058072 1.0593847\n", + " 1.0629032]]\n", + "[[1.180684 1.1773931 1.187764 1.1962246 1.1838616 1.1490254 1.1121547\n", + " 1.0877361 1.0759661 1.0736198 1.0732396 1.0674424 1.0588651 1.0500329\n", + " 1.0460219 1.0476115 1.0527176 1.0582867]\n", + " [1.1895977 1.1828984 1.1920619 1.2004094 1.1873612 1.1524669 1.11621\n", + " 1.0925899 1.0822092 1.0808035 1.0813031 1.0759418 1.0656513 1.055747\n", + " 0. 0. 0. 0. ]\n", + " [1.1659932 1.1614835 1.17111 1.1785315 1.1672142 1.1353313 1.1029084\n", + " 1.0818461 1.0717149 1.0691642 1.0690516 1.0640563 1.0545748 1.046481\n", + " 1.0425558 1.0445374 1.050146 0. ]\n", + " [1.1811986 1.1771551 1.1889007 1.1991976 1.1870997 1.1521517 1.1157337\n", + " 1.0908747 1.0796692 1.0761328 1.0750675 1.0694855 1.0598269 1.0515074\n", + " 1.0473168 1.049114 1.0547557 1.0597494]\n", + " [1.1658298 1.1602123 1.1687584 1.1765503 1.165106 1.1338241 1.1010013\n", + " 1.0794646 1.0696083 1.0679305 1.067692 1.0632802 1.0544937 1.0465446\n", + " 1.0429084 1.0446385 0. 0. ]]\n", + "[[1.1809632 1.178605 1.1902475 1.2001281 1.1876893 1.1535946 1.1177285\n", + " 1.0932393 1.0806524 1.0766631 1.0744221 1.0682293 1.058922 1.0504841\n", + " 1.0465981 1.0484682 1.0537801 1.0591409 1.0615988 1.0624757 1.0638788\n", + " 0. 0. ]\n", + " [1.1809793 1.1744413 1.1826873 1.1901288 1.1777835 1.1444128 1.110682\n", + " 1.0882964 1.0775942 1.0754011 1.0750422 1.0698724 1.0612823 1.0522354\n", + " 1.0485841 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.156328 1.1541431 1.1647043 1.1739918 1.1632267 1.1315346 1.0998527\n", + " 1.0783213 1.0671787 1.063837 1.0618932 1.0562212 1.0479047 1.0412709\n", + " 1.0385144 1.0406187 1.0457014 1.0503603 1.0524634 1.0532755 1.0542588\n", + " 1.0576559 1.0644132]\n", + " [1.1587172 1.1552494 1.1635664 1.1713762 1.1585624 1.1280282 1.097166\n", + " 1.0764493 1.0669568 1.0649892 1.0652771 1.0608819 1.0528506 1.0452358\n", + " 1.0413753 1.0429224 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1761538 1.1732576 1.1838092 1.1938206 1.182241 1.1488564 1.1142346\n", + " 1.0906811 1.0780267 1.0734174 1.0710989 1.0648609 1.0559881 1.0480822\n", + " 1.0453941 1.047131 1.052465 1.0576879 1.0599273 1.0604571 1.0619904\n", + " 1.0654736 1.0728881]]\n", + "[[1.1871233 1.1828866 1.193973 1.2031446 1.1906494 1.1554589 1.1189799\n", + " 1.0943456 1.0831681 1.0807661 1.0800526 1.0741912 1.0634079 1.054354\n", + " 1.0500478 1.0520217 1.0580173 0. 0. ]\n", + " [1.1549419 1.1504422 1.1577 1.1633193 1.151353 1.1219177 1.091923\n", + " 1.0722041 1.0632216 1.060477 1.0604448 1.0567193 1.049041 1.0421394\n", + " 1.0389955 1.0407001 1.0451514 1.04973 0. ]\n", + " [1.1569746 1.1523961 1.1611743 1.1694815 1.1580645 1.1274288 1.097188\n", + " 1.0774043 1.0675777 1.0657681 1.0650954 1.0603665 1.0523962 1.0448537\n", + " 1.0416859 0. 0. 0. 0. ]\n", + " [1.1947308 1.1911846 1.2019756 1.2103543 1.1973588 1.1606815 1.1222911\n", + " 1.096545 1.0830542 1.0797055 1.0780932 1.071394 1.0623571 1.0535771\n", + " 1.0494577 1.0519587 1.0575545 1.0628183 1.0658588]\n", + " [1.1589004 1.1556735 1.1646619 1.1718311 1.1612266 1.1297832 1.0979553\n", + " 1.0765584 1.0663329 1.0631558 1.0623934 1.057643 1.0497172 1.0428917\n", + " 1.0398794 1.041055 1.0453942 1.049977 1.0520399]]\n", + "[[1.1608056 1.156619 1.1661966 1.1751863 1.1638433 1.1319872 1.0990999\n", + " 1.0778341 1.0681819 1.0675014 1.0684538 1.0640696 1.0552999 1.0470436\n", + " 1.0435323 0. 0. 0. 0. ]\n", + " [1.1880776 1.1840318 1.1944939 1.2042217 1.1912851 1.155169 1.1179609\n", + " 1.093398 1.0822555 1.0803633 1.0797276 1.0749795 1.0648793 1.055452\n", + " 1.0508496 0. 0. 0. 0. ]\n", + " [1.1712708 1.1676801 1.1782972 1.187534 1.1742957 1.1393621 1.1047447\n", + " 1.0820547 1.0712188 1.0688963 1.0675727 1.062242 1.0532933 1.0455921\n", + " 1.0418986 1.0438468 1.0490694 1.0538462 1.0562596]\n", + " [1.1598127 1.1544726 1.163175 1.1723347 1.1617199 1.1312873 1.0997053\n", + " 1.0785953 1.0685743 1.0663955 1.0661038 1.0620655 1.0532913 1.045246\n", + " 1.0419604 1.04382 0. 0. 0. ]\n", + " [1.180912 1.1763017 1.1860154 1.1926463 1.1809754 1.1461948 1.1103972\n", + " 1.0867085 1.075689 1.0730795 1.0723747 1.0676926 1.0586243 1.0509506\n", + " 1.0468177 1.0491226 1.0548784 0. 0. ]]\n", + "[[1.1788985 1.1745136 1.1848825 1.1923006 1.1813897 1.147648 1.1131649\n", + " 1.0901312 1.0799093 1.0783613 1.0787268 1.0728788 1.0632696 1.053869\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1741065 1.1693128 1.1793237 1.1875999 1.1769919 1.1423695 1.1070994\n", + " 1.0840466 1.0731578 1.0716069 1.0726242 1.0682944 1.059779 1.0509614\n", + " 1.0470864 1.0487661 0. 0. 0. ]\n", + " [1.1766601 1.173078 1.1842002 1.1924312 1.179942 1.144594 1.1085726\n", + " 1.0856882 1.0758169 1.0746542 1.0756004 1.0714477 1.062036 1.0530348\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1637712 1.1595991 1.1696472 1.1795678 1.169441 1.137727 1.1043258\n", + " 1.0827258 1.0721289 1.0705367 1.0707502 1.0667593 1.0574617 1.049051\n", + " 1.04524 0. 0. 0. 0. ]\n", + " [1.1847054 1.1807529 1.1911852 1.1998509 1.1869764 1.152456 1.1168325\n", + " 1.092298 1.0804111 1.0765557 1.0745969 1.06839 1.0590745 1.0504446\n", + " 1.0470623 1.0487922 1.0545617 1.0597687 1.0620184]]\n", + "[[1.161653 1.1586784 1.1679796 1.1759747 1.1633013 1.1321933 1.1003561\n", + " 1.0789253 1.0680816 1.0647302 1.0629243 1.0569465 1.0488343 1.0417141\n", + " 1.039099 1.0405507 1.0452774 1.0496151 1.0519878 1.0531434 1.0549228\n", + " 0. 0. 0. ]\n", + " [1.1738795 1.1690718 1.1797111 1.1893935 1.1778535 1.143753 1.1099546\n", + " 1.0872908 1.0766829 1.0751278 1.0752316 1.0696901 1.0601512 1.0511717\n", + " 1.047148 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1608174 1.1585149 1.1683643 1.1781354 1.168392 1.1371162 1.105717\n", + " 1.0837002 1.0726953 1.0679718 1.0654812 1.0597309 1.0507609 1.0432402\n", + " 1.04045 1.0425144 1.0479608 1.0522145 1.0543935 1.0545723 1.0552555\n", + " 1.0583069 1.0656569 1.0754415]\n", + " [1.1867243 1.1791427 1.1883967 1.1971613 1.1852256 1.1515932 1.1157997\n", + " 1.0921122 1.0812688 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1738471 1.1694095 1.1810064 1.1925453 1.1816536 1.1477915 1.1113943\n", + " 1.0872381 1.0753084 1.0726213 1.072091 1.0661536 1.0572723 1.048638\n", + " 1.0445976 1.0464356 1.0516763 1.0570204 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1594017 1.1550683 1.1628265 1.1699084 1.1578871 1.1260926 1.0951881\n", + " 1.0754253 1.0667462 1.0657208 1.0659739 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1589599 1.1549671 1.1649756 1.1726046 1.16239 1.1314917 1.0993211\n", + " 1.0781602 1.0678 1.0660408 1.0653968 1.0607762 1.0520548 1.0440257\n", + " 1.0404867 1.0426426 1.0480945 0. ]\n", + " [1.2187843 1.2118131 1.2222434 1.2314528 1.2181821 1.1791818 1.137375\n", + " 1.109931 1.0971096 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1759899 1.1702352 1.1797777 1.188792 1.1777931 1.145127 1.1106867\n", + " 1.0883282 1.0777819 1.0756303 1.075026 1.0698773 1.0599997 1.0511237\n", + " 1.0468204 1.0487058 1.054267 0. ]\n", + " [1.1757001 1.172276 1.1827927 1.1919981 1.1791285 1.1448148 1.1098275\n", + " 1.0865809 1.0753429 1.0724816 1.071556 1.0671413 1.058337 1.0501422\n", + " 1.0463707 1.0476803 1.0527197 1.0579559]]\n", + "[[1.1838228 1.178922 1.1888386 1.1959699 1.1844852 1.1494691 1.1141684\n", + " 1.0911609 1.0803764 1.0774186 1.077783 1.0727779 1.0629977 1.0535113\n", + " 1.0494797 1.0517231 0. 0. 0. 0. 0. ]\n", + " [1.1704059 1.1661718 1.1764071 1.1838754 1.1723249 1.1383675 1.1039798\n", + " 1.0819857 1.0726898 1.0715387 1.0722451 1.0683998 1.0594066 1.050602\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1770458 1.1740712 1.1838515 1.1913643 1.1775403 1.1425022 1.1075838\n", + " 1.0851784 1.0739996 1.0703653 1.0684006 1.0621017 1.0533757 1.045455\n", + " 1.0424619 1.0449239 1.050051 1.0549719 1.0572882 1.0583221 1.060024 ]\n", + " [1.1789075 1.173726 1.1841933 1.1936371 1.1811323 1.1475873 1.1130928\n", + " 1.0902603 1.0802271 1.0788469 1.0791442 1.0745735 1.0646849 1.0554029\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.203227 1.1969434 1.2075611 1.217482 1.2056491 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.2076907 1.2021934 1.2128417 1.22298 1.2087264 1.1707745 1.1307404\n", + " 1.1045247 1.0930197 1.0917088 1.092152 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1723151 1.1682411 1.1776005 1.1862981 1.1745511 1.1413467 1.1078867\n", + " 1.0857679 1.0751659 1.0724676 1.071739 1.0664036 1.0572822 1.0484285\n", + " 1.0442586 1.0462798 1.0520046 0. 0. ]\n", + " [1.176376 1.1748693 1.1867211 1.1946274 1.1806214 1.1452754 1.1098138\n", + " 1.0873607 1.0765095 1.073327 1.0716289 1.0657718 1.0564107 1.0483152\n", + " 1.0442204 1.0463226 1.0516595 1.0568602 1.0593476]\n", + " [1.1858091 1.1806701 1.189951 1.1993208 1.1869266 1.152502 1.1176308\n", + " 1.0944394 1.0845009 1.082709 1.0825948 1.0762713 1.0656024 1.0557598\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1583835 1.1543344 1.1649089 1.1745236 1.1653684 1.1339996 1.101043\n", + " 1.0794715 1.0693041 1.0680666 1.0687373 1.0641613 1.0551445 1.0466716\n", + " 1.0428898 0. 0. 0. 0. ]]\n", + "[[1.1607326 1.1574383 1.166791 1.1749401 1.1620258 1.1309136 1.0989642\n", + " 1.0776366 1.0674573 1.0649492 1.0640786 1.0595741 1.0513202 1.0439694\n", + " 1.0408448 1.0422727 1.0468608 1.0515431 1.0536495]\n", + " [1.1925894 1.1861783 1.1959031 1.2050811 1.1924267 1.1581217 1.1218343\n", + " 1.0973898 1.0852246 1.084019 1.0837356 1.0786334 1.0677998 1.0581198\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1700945 1.1680828 1.1776956 1.186074 1.173949 1.1394835 1.1049541\n", + " 1.0823905 1.071537 1.068759 1.0681721 1.0630748 1.0543861 1.0471351\n", + " 1.0432694 1.0452651 1.0504398 1.0553858 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1620637 1.1579522 1.1670748 1.1751341 1.1631904 1.1322887 1.1001688\n", + " 1.0790068 1.0684466 1.0659208 1.0650883 1.0601232 1.0523076 1.0449369\n", + " 1.0412885 1.0429639 1.0480151 1.0527773 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1712513 1.1655471 1.1748602 1.182053 1.1694539 1.1365371 1.1032702\n", + " 1.0819186 1.0725166 1.0716163 1.0721073 1.0673827 1.0583202 1.0496634\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.191603 1.1871603 1.1955334 1.2042801 1.1905645 1.1557025 1.1192234\n", + " 1.0948247 1.0829161 1.0804522 1.0799313 1.0739774 1.0638474 1.0546151\n", + " 1.0501032 1.0519035 1.0581208 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1649487 1.1621051 1.1727189 1.1822598 1.1717737 1.1391764 1.1056588\n", + " 1.0832815 1.0722151 1.0681629 1.0658456 1.0597092 1.0507438 1.0429943\n", + " 1.0399671 1.0416981 1.0472524 1.0521021 1.0547748 1.0552353 1.0563928\n", + " 1.0597401 1.0667872 1.0769384 1.0850205]]\n", + "[[1.1764888 1.1719518 1.1810144 1.1888056 1.1762152 1.1424009 1.1081011\n", + " 1.0854808 1.0746019 1.072057 1.0714811 1.0668983 1.0586092 1.0504744\n", + " 1.0472318 1.0493482 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1698166 1.1670138 1.1762329 1.1848644 1.1726503 1.1401962 1.1068075\n", + " 1.0852233 1.0740476 1.0705117 1.0681369 1.06232 1.0532 1.0456682\n", + " 1.0425692 1.0439973 1.0491252 1.0541894 1.056485 1.0570648 1.0585984\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1879723 1.1813453 1.1904291 1.1985011 1.1863112 1.1520737 1.1160226\n", + " 1.0913165 1.0795927 1.0780016 1.0781665 1.0732247 1.0644764 1.0554184\n", + " 1.0514209 1.0535362 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.169212 1.1661531 1.1787523 1.1904703 1.1820452 1.1489675 1.1130075\n", + " 1.0884314 1.0759681 1.0713544 1.0681107 1.0625342 1.0530788 1.045429\n", + " 1.0425264 1.045137 1.0500478 1.0547223 1.0571606 1.0577712 1.0587829\n", + " 1.0618472 1.0692698 1.0797669 1.0873849 1.092591 1.0951301 1.0921654\n", + " 1.0837969]\n", + " [1.1767853 1.1724061 1.1828978 1.192004 1.1817259 1.1482275 1.1126707\n", + " 1.0892788 1.0782461 1.0763555 1.0762525 1.071368 1.0622578 1.0532217\n", + " 1.0488689 1.0505999 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1667789 1.1631866 1.1744735 1.1846104 1.1728426 1.1394762 1.104675\n", + " 1.0820563 1.0722486 1.070966 1.0714396 1.0670816 1.0575926 1.0488155\n", + " 1.0449246 0. 0. 0. 0. 0. ]\n", + " [1.1583296 1.1554637 1.166215 1.1745293 1.1639001 1.131842 1.0987449\n", + " 1.0776713 1.0675942 1.0649558 1.0646619 1.0606842 1.0521203 1.0447073\n", + " 1.0410504 1.0426458 1.0478045 1.0526782 0. 0. ]\n", + " [1.1836386 1.1767414 1.186025 1.1946392 1.1837549 1.1503853 1.1159016\n", + " 1.0926862 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1530902 1.1492449 1.1582175 1.1651021 1.1553676 1.1255842 1.0945275\n", + " 1.0741694 1.064329 1.0615957 1.0613106 1.0571657 1.0496473 1.0423018\n", + " 1.0391985 1.0407702 1.0458629 0. 0. 0. ]\n", + " [1.1840893 1.1808112 1.1910478 1.2000808 1.1871645 1.1529422 1.1176026\n", + " 1.0939951 1.081595 1.0776774 1.0752805 1.0682368 1.0581356 1.0496688\n", + " 1.0461651 1.0485586 1.0539045 1.0591362 1.0614338 1.0620012]]\n", + "[[1.1711779 1.1672578 1.177479 1.1867254 1.1740369 1.1407963 1.1066948\n", + " 1.0841211 1.0734198 1.0718067 1.0714973 1.0672277 1.0585282 1.0501543\n", + " 1.0459201 1.047674 0. 0. 0. 0. 0. ]\n", + " [1.160951 1.1552838 1.1637276 1.1706086 1.1601131 1.1290948 1.0979213\n", + " 1.0773603 1.0678391 1.0657382 1.0657287 1.0618062 1.0545946 1.046753\n", + " 1.0429996 1.0447073 0. 0. 0. 0. 0. ]\n", + " [1.1814672 1.1766696 1.1894283 1.1992028 1.1867166 1.1510304 1.1140399\n", + " 1.0896505 1.0795544 1.0785558 1.079166 1.0741549 1.063693 1.0539664\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1702399 1.1675057 1.1781054 1.1878413 1.1751481 1.1411018 1.1066719\n", + " 1.0833813 1.0729208 1.0708766 1.070724 1.0657141 1.057146 1.048802\n", + " 1.0451585 1.0469046 0. 0. 0. 0. 0. ]\n", + " [1.1685537 1.1663557 1.1761073 1.1848147 1.172778 1.1402224 1.1064466\n", + " 1.0836239 1.0725067 1.0688426 1.0662024 1.0605861 1.0517542 1.0446464\n", + " 1.0418156 1.0435674 1.0490768 1.0538226 1.0561807 1.0568182 1.057755 ]]\n", + "[[1.1625465 1.1602407 1.1714035 1.1811895 1.1705074 1.1380386 1.1044084\n", + " 1.0816667 1.0707997 1.0674098 1.0662473 1.0609415 1.0526825 1.0449557\n", + " 1.0416895 1.0433427 1.0479815 1.0529683 1.0553336 0. 0.\n", + " 0. ]\n", + " [1.162826 1.1608948 1.1711432 1.1798768 1.1674938 1.1349822 1.1019146\n", + " 1.0799708 1.0693046 1.0664873 1.0653615 1.0597103 1.0508131 1.0434259\n", + " 1.0396423 1.0416101 1.046186 1.0509566 1.0534916 0. 0.\n", + " 0. ]\n", + " [1.1862471 1.1785191 1.1866304 1.1944096 1.1834255 1.1494479 1.1142957\n", + " 1.0907513 1.079268 1.0772344 1.0769769 1.0722069 1.0632732 1.054314\n", + " 1.0503088 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1868426 1.182971 1.1929516 1.2023271 1.1888492 1.1543396 1.1187198\n", + " 1.0938908 1.0820036 1.0782356 1.0759631 1.0695808 1.0598832 1.0510222\n", + " 1.0472014 1.0494323 1.055076 1.0601295 1.0626361 0. 0.\n", + " 0. ]\n", + " [1.1636457 1.1611094 1.1719601 1.1815939 1.1702957 1.1375638 1.1041222\n", + " 1.0817487 1.0700891 1.0667886 1.064949 1.0598712 1.0516125 1.0444608\n", + " 1.0412164 1.0430659 1.0474923 1.0520513 1.05434 1.0551322 1.0567017\n", + " 1.0600306]]\n", + "[[1.1904283 1.1868753 1.1992092 1.2085099 1.1950684 1.1569594 1.1171815\n", + " 1.0914465 1.0807911 1.0798447 1.0813265 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1985536 1.1929213 1.2033267 1.2113225 1.1988254 1.161339 1.1225139\n", + " 1.0969062 1.0855789 1.0842159 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1621464 1.1569988 1.1650532 1.172509 1.1609236 1.129809 1.0979482\n", + " 1.0774846 1.0674021 1.0653005 1.0648148 1.060793 1.0529711 1.0453402\n", + " 1.0420296 1.0439515 1.049033 0. 0. 0. ]\n", + " [1.1778616 1.1741214 1.184462 1.1936264 1.1810545 1.146363 1.110938\n", + " 1.0871524 1.0748048 1.0716121 1.0700375 1.0646045 1.0559026 1.0483242\n", + " 1.0446987 1.0469067 1.0516768 1.0565723 1.0588931 1.0600524]\n", + " [1.1689217 1.1658016 1.1767926 1.1850486 1.1718034 1.1386708 1.1051823\n", + " 1.0829312 1.0720787 1.0694948 1.0682168 1.0623714 1.0532256 1.045526\n", + " 1.0416577 1.043607 1.0485445 1.0535709 1.055888 0. ]]\n", + "[[1.1968215 1.1913719 1.2022325 1.2113217 1.19791 1.1613805 1.1230745\n", + " 1.0971117 1.0858437 1.0829589 1.0831791 1.0776007 1.0673728 1.0575644\n", + " 1.0536529 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1800125 1.1772121 1.1878047 1.1980021 1.1854986 1.1502771 1.1146938\n", + " 1.0911056 1.0789466 1.0756027 1.0737015 1.0680095 1.0585926 1.0497316\n", + " 1.0462282 1.0481192 1.053527 1.0590978 1.0615379 1.0620942 0.\n", + " 0. ]\n", + " [1.2065569 1.1998105 1.2096643 1.2182419 1.2054976 1.167807 1.1284144\n", + " 1.1020565 1.091314 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1751094 1.1685563 1.1766142 1.1848911 1.1743296 1.143338 1.1097362\n", + " 1.0859563 1.0743879 1.0703897 1.0698667 1.064495 1.0556586 1.0479121\n", + " 1.0443447 1.0463179 1.052194 1.0575392 0. 0. 0.\n", + " 0. ]\n", + " [1.1805255 1.1766043 1.186196 1.1942657 1.1830635 1.1506422 1.1156986\n", + " 1.0925528 1.0798492 1.0746695 1.0723937 1.0656049 1.0566542 1.0486813\n", + " 1.0454446 1.0478979 1.0530598 1.0581661 1.0604973 1.061256 1.0627993\n", + " 1.0668674]]\n", + "[[1.1692929 1.1644627 1.173097 1.1798885 1.1677885 1.1369177 1.1052847\n", + " 1.0837555 1.0728855 1.0689478 1.0670729 1.062457 1.0539662 1.0457377\n", + " 1.0427217 1.0444075 1.0491619 1.0541142]\n", + " [1.164319 1.1598319 1.1690087 1.1765308 1.1648248 1.1331136 1.1008626\n", + " 1.0799422 1.0709621 1.0697156 1.0696496 1.0645411 1.0549991 1.047268\n", + " 1.0435475 0. 0. 0. ]\n", + " [1.1833065 1.1774158 1.1869197 1.1939389 1.1816789 1.1471232 1.1110322\n", + " 1.0873449 1.0771511 1.0763223 1.0772451 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1655475 1.1604269 1.1697292 1.1788344 1.1677814 1.1353686 1.1031294\n", + " 1.0814607 1.0710307 1.0688735 1.0675889 1.0632436 1.0547558 1.046912\n", + " 1.0434762 1.0453012 0. 0. ]\n", + " [1.1596706 1.1560795 1.166759 1.1755402 1.1650534 1.1325452 1.0993826\n", + " 1.0779366 1.0680112 1.0661027 1.0660979 1.0613937 1.0528715 1.0446489\n", + " 1.0408124 1.0424336 1.0476557 0. ]]\n", + "[[1.1750017 1.1719394 1.1833606 1.1924918 1.1811962 1.146705 1.1120559\n", + " 1.0885193 1.0764928 1.0726542 1.0707242 1.0642834 1.0553564 1.0473211\n", + " 1.0445094 1.0462853 1.0518072 1.0571146 1.0598603 1.0606053 1.062665\n", + " 1.0665991 0. 0. 0. ]\n", + " [1.1542913 1.1533282 1.1653031 1.1751683 1.1644614 1.1317477 1.0992275\n", + " 1.0779244 1.0677931 1.0645725 1.0627129 1.056987 1.0485679 1.0412277\n", + " 1.0382037 1.0401013 1.0447509 1.0494864 1.0516487 1.0525693 1.053803\n", + " 1.0568604 1.0641072 1.0736719 1.0810636]\n", + " [1.1493474 1.1441671 1.153824 1.1632822 1.1531034 1.1241432 1.0930128\n", + " 1.0728183 1.0636203 1.0616896 1.062194 1.0582362 1.0502279 1.0428199\n", + " 1.0394826 1.0411614 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1527036 1.1510816 1.1620052 1.1710693 1.1612952 1.1304407 1.0983924\n", + " 1.0764959 1.0655698 1.0620201 1.0605052 1.0551491 1.0472198 1.0405254\n", + " 1.0374168 1.0389348 1.0430881 1.0476668 1.0501741 1.0512023 1.0529203\n", + " 1.0561982 0. 0. 0. ]\n", + " [1.1707247 1.1693871 1.1803751 1.1879504 1.1766516 1.1428262 1.1077225\n", + " 1.0856495 1.0747586 1.0709641 1.068736 1.0625587 1.0532683 1.0450684\n", + " 1.0419936 1.0437348 1.0487428 1.0539385 1.056768 1.0581683 1.0598278\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1779511 1.173589 1.1832526 1.1923999 1.1799972 1.1467191 1.1115409\n", + " 1.087328 1.0758575 1.0721102 1.0713918 1.0665088 1.0577021 1.0491132\n", + " 1.0456076 1.0473154 1.0524312 1.0576829 1.060159 ]\n", + " [1.1664929 1.1618983 1.1704099 1.1782752 1.1657054 1.133034 1.1013725\n", + " 1.0800544 1.0692436 1.0660651 1.0646027 1.0599493 1.0517535 1.0445287\n", + " 1.0416938 1.0440465 1.0491157 1.0541822 0. ]\n", + " [1.172663 1.170137 1.1810919 1.1890368 1.1763928 1.1422527 1.1071867\n", + " 1.0849674 1.0747255 1.0735886 1.0738845 1.0681973 1.059056 1.0501817\n", + " 1.0460572 1.0478985 0. 0. 0. ]\n", + " [1.1683995 1.1653296 1.1746264 1.182543 1.171638 1.1391995 1.1046674\n", + " 1.0819976 1.0708733 1.0676876 1.0674134 1.0631958 1.0542967 1.0466393\n", + " 1.0430865 1.0443336 1.048961 1.0537333 0. ]\n", + " [1.1598009 1.1571412 1.1676056 1.176102 1.1649412 1.1328516 1.1003749\n", + " 1.078562 1.0683877 1.0657219 1.065684 1.060595 1.052105 1.0442599\n", + " 1.040809 1.0423772 1.0474855 1.0524576 0. ]]\n", + "[[1.1550283 1.1527532 1.1632525 1.172277 1.1602752 1.1287794 1.0970801\n", + " 1.0765613 1.0664214 1.0634227 1.061739 1.0563523 1.0484133 1.0416274\n", + " 1.0388333 1.0405406 1.0449826 1.0495406 1.0521284 1.0527946 1.0539484\n", + " 1.0576583]\n", + " [1.1657182 1.1622288 1.172634 1.1804168 1.1690978 1.1359966 1.1029993\n", + " 1.0807753 1.0706062 1.0678363 1.0683463 1.0632201 1.0547518 1.0467805\n", + " 1.0425655 1.0443301 1.049423 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1687407 1.1663667 1.1761914 1.1826502 1.1708509 1.1369842 1.1030178\n", + " 1.0813036 1.0716699 1.071076 1.0714607 1.0666234 1.0577426 1.0489116\n", + " 1.0451458 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2189803 1.2121768 1.2222117 1.2297761 1.2152421 1.1753542 1.1343315\n", + " 1.1071948 1.0956905 1.0942078 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1686795 1.1637696 1.1732469 1.1827945 1.1714783 1.1390718 1.1052219\n", + " 1.0827472 1.0721577 1.0702472 1.0698218 1.0649085 1.0561012 1.0473299\n", + " 1.0435221 1.044841 1.0499222 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1706553 1.1677341 1.1788793 1.188036 1.1766033 1.1429802 1.1076428\n", + " 1.0830305 1.0721617 1.0685211 1.0681058 1.0627282 1.0542719 1.0460395\n", + " 1.0425544 1.0439829 1.0489806 1.0535179 1.055492 0. ]\n", + " [1.1747025 1.1720368 1.1831272 1.1933875 1.1807421 1.1461276 1.1107198\n", + " 1.0865026 1.074714 1.071494 1.0703546 1.0646298 1.0554727 1.0472087\n", + " 1.0438275 1.0450846 1.0501634 1.0555458 1.0586671 0. ]\n", + " [1.1895704 1.186557 1.1973358 1.206411 1.1936411 1.1577994 1.120782\n", + " 1.0954361 1.0822242 1.0780534 1.0754845 1.0697241 1.060126 1.0519367\n", + " 1.0478845 1.0499165 1.0554879 1.0604843 1.0634422 1.0648589]\n", + " [1.2120696 1.2049413 1.2136251 1.2212039 1.2070156 1.1698662 1.1304543\n", + " 1.1037593 1.0914807 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1626996 1.1571729 1.1646607 1.1713551 1.1602523 1.129573 1.0989374\n", + " 1.0781754 1.0686404 1.066808 1.0667197 1.062186 1.0537379 1.0463676\n", + " 1.0429168 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1873167 1.1824446 1.192346 1.1997896 1.1880603 1.1523141 1.1159571\n", + " 1.091933 1.0811433 1.0797029 1.0797313 1.0751555 1.0651201 1.0557641\n", + " 1.0515084 0. 0. 0. ]\n", + " [1.1669106 1.1633275 1.1731749 1.1808643 1.1696752 1.1374903 1.1032474\n", + " 1.0815057 1.0715405 1.0695803 1.0693713 1.0643748 1.0554721 1.0475976\n", + " 1.0441694 1.0461117 0. 0. ]\n", + " [1.1565768 1.1536456 1.1648828 1.1728585 1.1617322 1.1308874 1.0984204\n", + " 1.0770819 1.0669001 1.0653107 1.0652392 1.0606985 1.0512108 1.0438257\n", + " 1.0402404 1.0417987 1.0468656 0. ]\n", + " [1.1786829 1.1742425 1.1832479 1.1908426 1.1771622 1.1431311 1.1085371\n", + " 1.0851486 1.0738856 1.0711869 1.0704043 1.0655206 1.057479 1.049726\n", + " 1.0460279 1.0478283 1.0525019 1.0576794]\n", + " [1.1651855 1.1603093 1.1685743 1.1766974 1.1660055 1.1362484 1.1043695\n", + " 1.0824625 1.0716633 1.0686438 1.067748 1.0622414 1.053741 1.0457653\n", + " 1.0421165 1.044433 1.0494214 0. ]]\n", + "[[1.165899 1.164122 1.1752933 1.1852825 1.1737626 1.1390109 1.1051098\n", + " 1.0826086 1.0714601 1.0678738 1.0657837 1.0603752 1.05147 1.0438495\n", + " 1.0405476 1.042765 1.0476599 1.0526935 1.054981 1.0556332 1.0571495\n", + " 1.0606672 1.068186 ]\n", + " [1.1666359 1.1636984 1.1734934 1.1817708 1.1688186 1.1362083 1.103159\n", + " 1.0815208 1.0709002 1.067891 1.066373 1.0606523 1.0520321 1.0443716\n", + " 1.0412781 1.0426961 1.0479965 1.0527296 1.055205 0. 0.\n", + " 0. 0. ]\n", + " [1.1522157 1.1495454 1.1600014 1.168468 1.1573837 1.1276318 1.0964351\n", + " 1.0753046 1.0649033 1.061406 1.0593004 1.0543544 1.0462908 1.0394619\n", + " 1.0366769 1.0383778 1.0429405 1.0471274 1.0494559 1.0503528 1.0518967\n", + " 0. 0. ]\n", + " [1.1866992 1.182755 1.1930429 1.2004395 1.1885054 1.1532547 1.1172315\n", + " 1.092782 1.0812838 1.077153 1.0759661 1.069615 1.0594187 1.0509392\n", + " 1.0474215 1.0497795 1.0551988 1.0605246 1.0627135 0. 0.\n", + " 0. 0. ]\n", + " [1.1970686 1.1938373 1.2061177 1.214802 1.1999937 1.1614757 1.1222725\n", + " 1.0962834 1.0857264 1.085345 1.0858848 1.0805707 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1626697 1.1567389 1.1652541 1.1733581 1.1620853 1.1306715 1.0987948\n", + " 1.077451 1.0675622 1.0658176 1.0659175 1.062147 1.0543076 1.0466652\n", + " 1.0430311 1.0448097 0. 0. 0. ]\n", + " [1.182015 1.1757168 1.1847838 1.193134 1.1806375 1.1473118 1.1131397\n", + " 1.0904443 1.0800111 1.0778794 1.0778754 1.0723932 1.0627048 1.053251\n", + " 1.0493034 0. 0. 0. 0. ]\n", + " [1.2129465 1.2055155 1.2149464 1.2230755 1.2078686 1.1689986 1.1302683\n", + " 1.1061988 1.0950629 1.0928864 1.0929865 1.0859053 1.0737588 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1638092 1.162137 1.173014 1.1828768 1.1703689 1.1379349 1.103776\n", + " 1.0810124 1.0696709 1.0668137 1.065498 1.0610571 1.0528538 1.0449808\n", + " 1.0417175 1.0433229 1.0478853 1.052472 1.0546521]\n", + " [1.1749903 1.1713547 1.18262 1.1912037 1.1793836 1.1450503 1.1097075\n", + " 1.086825 1.0766795 1.0751675 1.0755712 1.0706718 1.0615046 1.0526764\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1702685 1.1666276 1.1770978 1.184648 1.1731521 1.1397843 1.106106\n", + " 1.0832951 1.0729538 1.0708668 1.0707506 1.0662707 1.0569888 1.0488868\n", + " 1.0449047 1.0465866 1.0516855 0. 0. ]\n", + " [1.159668 1.1577045 1.1686379 1.1781136 1.1662337 1.1336194 1.1006002\n", + " 1.0787292 1.0679269 1.0656317 1.0645108 1.0592679 1.0507946 1.0434765\n", + " 1.0399181 1.0415542 1.0461564 1.051016 1.0534284]\n", + " [1.1888902 1.185621 1.1964072 1.2055027 1.1914289 1.1567007 1.1197648\n", + " 1.0948538 1.0822884 1.0788842 1.0770744 1.0705767 1.0607021 1.0517085\n", + " 1.0482663 1.0500722 1.055707 1.0610949 1.0635946]\n", + " [1.1605034 1.1561892 1.1655155 1.1722636 1.1607589 1.1294775 1.0971115\n", + " 1.0762969 1.0660217 1.0647607 1.0656024 1.0615209 1.053869 1.0461187\n", + " 1.042284 1.0441946 0. 0. 0. ]\n", + " [1.1668935 1.1633761 1.1734542 1.1815562 1.1704917 1.1385612 1.105372\n", + " 1.0834284 1.0731244 1.0700015 1.0702842 1.065954 1.0569 1.0489796\n", + " 1.0453335 1.047135 0. 0. 0. ]]\n", + "[[1.1688832 1.1638091 1.1735094 1.1822026 1.1703314 1.1382294 1.1046346\n", + " 1.0821489 1.072076 1.0695846 1.0686674 1.0641049 1.0551255 1.0470324\n", + " 1.043522 1.0455877 1.0509455 0. ]\n", + " [1.1547806 1.1512809 1.1605648 1.168437 1.157907 1.1265339 1.0944933\n", + " 1.0735517 1.0633714 1.0609536 1.060314 1.056991 1.0500079 1.0426387\n", + " 1.039263 1.0404639 1.0444814 1.0487405]\n", + " [1.1929604 1.1874497 1.1981145 1.2066981 1.1923684 1.1557198 1.1177768\n", + " 1.0933876 1.0821832 1.0808035 1.0807333 1.0753586 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2000862 1.1934916 1.203629 1.2125138 1.1978421 1.1594241 1.1207747\n", + " 1.095594 1.0844444 1.0832392 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1759454 1.1717786 1.1821686 1.1922184 1.1786762 1.1435435 1.1086664\n", + " 1.0853496 1.0762796 1.0748535 1.0763012 1.0708375 1.0614412 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.169442 1.163034 1.1713406 1.1785617 1.1689303 1.1382096 1.1056273\n", + " 1.084157 1.0736893 1.0714749 1.0715322 1.0668753 1.057915 1.0492833\n", + " 1.0452672 0. 0. 0. 0. 0. ]\n", + " [1.1639793 1.16028 1.169635 1.1784635 1.1662793 1.1351622 1.1019903\n", + " 1.0802331 1.0701667 1.0681399 1.0685033 1.0642995 1.0556333 1.0476922\n", + " 1.0441073 1.0455996 0. 0. 0. 0. ]\n", + " [1.1869 1.1842067 1.195596 1.2037907 1.1913002 1.1561596 1.1192963\n", + " 1.0943627 1.082103 1.0781792 1.0762321 1.0695354 1.060035 1.0514612\n", + " 1.047575 1.0499036 1.0554183 1.0606388 1.0632707 1.0638531]\n", + " [1.1860952 1.1807737 1.1899008 1.1967375 1.1813132 1.144938 1.1078469\n", + " 1.0848948 1.075196 1.0739497 1.074731 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2149591 1.2098323 1.2194078 1.2279564 1.2129701 1.1727518 1.1330137\n", + " 1.1062744 1.0938083 1.0921508 1.0923105 1.0869275 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.167769 1.1633865 1.1734912 1.1828749 1.1709642 1.1382315 1.1042033\n", + " 1.0814507 1.0706007 1.0680503 1.067213 1.0628588 1.0545114 1.046677\n", + " 1.0427498 1.0446128 1.0496483 1.0545468 0. ]\n", + " [1.1828443 1.1815228 1.1933653 1.2026153 1.1884379 1.1522299 1.113995\n", + " 1.0897306 1.0780164 1.0749427 1.0740869 1.0687717 1.0587896 1.0505574\n", + " 1.0464802 1.0484016 1.053486 1.0589503 1.0617864]\n", + " [1.1724353 1.1688887 1.1785538 1.1870906 1.1742544 1.1422122 1.1079547\n", + " 1.0846101 1.0724897 1.0693891 1.0679504 1.0626097 1.0543168 1.0464246\n", + " 1.0429032 1.0441694 1.0493299 1.0538609 1.0562029]\n", + " [1.1659372 1.1631466 1.1741899 1.1839607 1.1721891 1.1394378 1.1055801\n", + " 1.0829558 1.0723792 1.0700223 1.0690868 1.0648137 1.0559855 1.0475643\n", + " 1.0439746 1.045399 1.0508158 0. 0. ]\n", + " [1.1820595 1.1781846 1.1877077 1.1955853 1.1817687 1.1468427 1.1111577\n", + " 1.0874531 1.0762532 1.0735892 1.0728395 1.0680324 1.0589147 1.0504316\n", + " 1.0468647 1.0489501 1.0541525 1.0593716 0. ]]\n", + "[[1.1586326 1.1532617 1.1613573 1.1693974 1.1590754 1.1286093 1.0972086\n", + " 1.076143 1.066286 1.0646935 1.0649419 1.0614576 1.0532265 1.0457735\n", + " 1.0422807 1.0439807 0. 0. 0. 0. 0. ]\n", + " [1.175123 1.1716704 1.1817126 1.1906029 1.1787808 1.1455595 1.1109815\n", + " 1.0876391 1.0754186 1.0711093 1.0683092 1.0625196 1.0536246 1.0458498\n", + " 1.0428535 1.0445356 1.0495286 1.0545985 1.0572752 1.0589186 1.0612813]\n", + " [1.1702058 1.1676831 1.1770884 1.1843555 1.1711209 1.1380731 1.1046883\n", + " 1.0827622 1.0724729 1.0698919 1.0682094 1.0629783 1.0541855 1.0461597\n", + " 1.0430524 1.0450542 1.0506227 1.0558807 0. 0. 0. ]\n", + " [1.1471196 1.1431907 1.1512115 1.160398 1.1493192 1.1195257 1.0903146\n", + " 1.0709004 1.0628296 1.0619078 1.062537 1.0586436 1.050134 1.042425\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.166547 1.1627982 1.1736795 1.1835942 1.1708237 1.1376255 1.1030499\n", + " 1.0813276 1.0718066 1.0713378 1.0725863 1.0675178 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1793317 1.1737262 1.1831625 1.1915079 1.1782091 1.144495 1.1104176\n", + " 1.0876813 1.0776068 1.0760558 1.0758611 1.0711755 1.0618728 1.0524212\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1582291 1.1552899 1.1658834 1.1751391 1.1644775 1.1332426 1.1009759\n", + " 1.079336 1.0685498 1.0650866 1.063188 1.0577953 1.0488687 1.0418987\n", + " 1.0387255 1.0406909 1.0455204 1.0497187 1.0523677 1.0524825 1.0538682\n", + " 1.0575134 1.0648218]\n", + " [1.1768787 1.173445 1.1834315 1.1914713 1.1784554 1.1441374 1.1090566\n", + " 1.085515 1.0740296 1.0708035 1.0692267 1.063912 1.0550348 1.047111\n", + " 1.0440603 1.0460999 1.0508914 1.055974 1.0584427 1.059715 0.\n", + " 0. 0. ]\n", + " [1.1835309 1.1785963 1.1885751 1.1960802 1.1849294 1.1506487 1.114643\n", + " 1.0916541 1.0804543 1.0777525 1.0769053 1.0714006 1.0609666 1.0519747\n", + " 1.047953 1.050304 1.0560535 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1728094 1.1681433 1.1780473 1.1855836 1.1750054 1.1432703 1.1094981\n", + " 1.086515 1.075984 1.07261 1.0728987 1.0679655 1.059575 1.0510159\n", + " 1.0471337 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.159583 1.1550843 1.164011 1.1717032 1.1597822 1.1288418 1.0968553\n", + " 1.075198 1.065227 1.0631918 1.062899 1.0588591 1.0511965 1.0440254\n", + " 1.0405095 1.0421245 1.0468258 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1620485 1.15776 1.1666093 1.1741359 1.1631204 1.1311947 1.0986115\n", + " 1.077165 1.0680547 1.0672528 1.0675033 1.0643203 1.0560015 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1792014 1.1754129 1.1862869 1.1957881 1.1839297 1.1482666 1.1129297\n", + " 1.0896335 1.0793931 1.077406 1.077089 1.0725317 1.0629276 1.0537355\n", + " 1.0496861 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1838363 1.1787896 1.1887771 1.1966584 1.1835582 1.1484492 1.1130362\n", + " 1.0900239 1.0796808 1.0779152 1.0775108 1.0717955 1.0613422 1.0526551\n", + " 1.0487041 1.0510974 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1625559 1.1614882 1.1739033 1.182488 1.1713967 1.1379061 1.1045166\n", + " 1.0819098 1.0709064 1.0671135 1.0655322 1.0592985 1.0500625 1.0427587\n", + " 1.0397058 1.0418667 1.0471616 1.0516127 1.0543804 1.0556605 1.0572888\n", + " 1.060661 1.0681132]]\n", + "[[1.1839001 1.1788596 1.1882025 1.1971632 1.1841948 1.1487966 1.1132509\n", + " 1.089682 1.0791038 1.0769516 1.0767398 1.0720551 1.0628049 1.0539126\n", + " 1.0497366 0. 0. 0. 0. 0. 0. ]\n", + " [1.1850606 1.181468 1.1922903 1.2033489 1.1915312 1.1564076 1.1199397\n", + " 1.095086 1.0822185 1.0782529 1.0758682 1.0691032 1.0594167 1.0508994\n", + " 1.0471287 1.04866 1.0541693 1.0591232 1.0614665 1.0623802 1.0639249]\n", + " [1.2146773 1.2091074 1.2206633 1.228914 1.2148131 1.1749446 1.1337807\n", + " 1.1067833 1.0951061 1.0933939 1.0940912 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1787535 1.1737775 1.1841209 1.1932431 1.1790577 1.1444769 1.1092787\n", + " 1.0863215 1.0764192 1.0755383 1.0760725 1.0711879 1.0614878 1.0520238\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.2040435 1.1976186 1.2092625 1.2205375 1.2069777 1.1683271 1.1279253\n", + " 1.1013495 1.0903794 1.0893302 1.0902189 1.0842783 1.0730263 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1799806 1.1763701 1.1863154 1.1947052 1.1820084 1.1469636 1.1113242\n", + " 1.0878054 1.0764629 1.0739392 1.0730655 1.0674939 1.0586965 1.0502099\n", + " 1.0466788 1.0488228 1.0548016 1.0604947 0. 0. 0. ]\n", + " [1.1642405 1.1598324 1.1694305 1.1789836 1.1671314 1.1344652 1.1018374\n", + " 1.0800792 1.0702718 1.0681493 1.0687208 1.064191 1.0554726 1.0479364\n", + " 1.0447085 0. 0. 0. 0. 0. 0. ]\n", + " [1.1796567 1.1764597 1.1869718 1.1960518 1.1825649 1.1473653 1.1117797\n", + " 1.0878968 1.0761302 1.0727568 1.0707432 1.0649506 1.0557253 1.0480531\n", + " 1.0449826 1.046932 1.0520087 1.0570871 1.0591793 1.0602391 1.0622768]\n", + " [1.1778427 1.1714729 1.1795253 1.1871346 1.1766016 1.1440418 1.1104783\n", + " 1.0876472 1.076964 1.0754266 1.0749602 1.0696366 1.0598972 1.0510136\n", + " 1.0471483 0. 0. 0. 0. 0. 0. ]\n", + " [1.1741526 1.1715161 1.1830623 1.1922678 1.1802087 1.1455716 1.110033\n", + " 1.0866683 1.0754206 1.0729764 1.0723006 1.0674943 1.0587008 1.0500791\n", + " 1.0461019 1.047573 1.0527337 1.0578394 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1593453 1.1557529 1.1649296 1.1717771 1.1596612 1.1272981 1.0964227\n", + " 1.076549 1.0669681 1.0643586 1.0637953 1.0588073 1.0507059 1.0432369\n", + " 1.0404365 1.0423898 1.0471671 1.0517708 0. 0. 0.\n", + " 0. ]\n", + " [1.1709151 1.1683472 1.178189 1.187283 1.17525 1.1420141 1.1084342\n", + " 1.085909 1.0742327 1.0703312 1.0676881 1.0615985 1.0521013 1.044547\n", + " 1.0412927 1.0429469 1.0478426 1.0526447 1.0553344 1.0567429 1.0585825\n", + " 0. ]\n", + " [1.1566143 1.1554583 1.1663359 1.1760879 1.1651914 1.1331786 1.1003929\n", + " 1.0786636 1.0680544 1.0639768 1.0625857 1.0571092 1.0489484 1.042062\n", + " 1.0388283 1.0402722 1.044295 1.048815 1.0509148 1.0515928 1.0530413\n", + " 1.0564502]\n", + " [1.1685554 1.1638727 1.1739141 1.1812879 1.1698508 1.1370456 1.1032645\n", + " 1.0812831 1.0712047 1.0694947 1.0696834 1.0644156 1.0556645 1.0476772\n", + " 1.0434715 1.04538 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1788648 1.1749029 1.1855204 1.1957343 1.183254 1.1485775 1.1124974\n", + " 1.0888147 1.0785757 1.0774734 1.0783696 1.073739 1.0638832 1.0547085\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1684488 1.1644232 1.1749966 1.1834927 1.1728728 1.1395857 1.1056693\n", + " 1.0830251 1.0731652 1.0705578 1.0710757 1.0662782 1.0570724 1.0490043\n", + " 1.0453615 1.0471963 0. 0. 0. 0. 0. ]\n", + " [1.1860392 1.1821423 1.1921706 1.2000859 1.1888725 1.154612 1.1185204\n", + " 1.0939326 1.0809668 1.0763882 1.0743402 1.0673759 1.0580263 1.0498351\n", + " 1.0466795 1.0485178 1.054267 1.0591397 1.0614964 1.0624377 1.0640172]\n", + " [1.2009472 1.1951811 1.2058918 1.2137034 1.2007467 1.1634926 1.124992\n", + " 1.1003647 1.0890782 1.0873564 1.086745 1.0809455 1.0696394 1.0594093\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1698564 1.1668224 1.1773652 1.1858702 1.1748576 1.1409965 1.1063536\n", + " 1.0832882 1.0730076 1.0699818 1.0687587 1.0638949 1.0546914 1.0465592\n", + " 1.0431943 1.0447775 1.0500324 1.0554023 0. 0. 0. ]\n", + " [1.1905441 1.1863809 1.196119 1.2043445 1.1908435 1.1557987 1.1193961\n", + " 1.0949981 1.0829245 1.0797023 1.0779896 1.0716268 1.0613552 1.0525295\n", + " 1.048753 1.050706 1.0564572 1.062111 1.0647035 0. 0. ]]\n", + "[[1.162977 1.1595367 1.1690269 1.1763319 1.1648549 1.1325061 1.0995327\n", + " 1.0789013 1.0692397 1.0679785 1.0678983 1.0630407 1.0544784 1.0461061\n", + " 1.0423964 1.0442007 0. 0. ]\n", + " [1.1586581 1.1551564 1.1655269 1.1747965 1.1636357 1.1317645 1.0989355\n", + " 1.0778079 1.0680963 1.0660735 1.0664078 1.0619013 1.0537857 1.0457364\n", + " 1.0420074 0. 0. 0. ]\n", + " [1.1567316 1.1525252 1.1628127 1.1718695 1.1612539 1.1299661 1.0979079\n", + " 1.0766873 1.0665371 1.0645344 1.0643296 1.0598226 1.0513043 1.0437528\n", + " 1.0402623 1.0419191 1.0471109 0. ]\n", + " [1.1942048 1.1899085 1.1993232 1.2076728 1.193994 1.1586825 1.1223109\n", + " 1.0970886 1.0837628 1.0808755 1.0798628 1.0741597 1.0650516 1.0560845\n", + " 1.051849 1.0539902 1.0593764 1.0652667]\n", + " [1.1649916 1.162569 1.173416 1.1818917 1.1693939 1.1364523 1.102199\n", + " 1.079324 1.0686026 1.0658807 1.0658727 1.0613096 1.0530374 1.045545\n", + " 1.0422437 1.0439742 1.049464 1.0545083]]\n", + "[[1.1769373 1.1749556 1.1864148 1.1950146 1.1835841 1.1485018 1.1117675\n", + " 1.0879991 1.0762365 1.072795 1.0704514 1.0642196 1.0554373 1.0474957\n", + " 1.0442257 1.0459232 1.0512097 1.0561802 1.0585951 1.059785 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1778635 1.1760269 1.1868188 1.1950247 1.1809831 1.1453239 1.1091865\n", + " 1.0843967 1.0740365 1.0713938 1.0713453 1.0663877 1.057712 1.0488322\n", + " 1.0453492 1.0474964 1.0529451 1.0583793 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1788434 1.1739938 1.1848204 1.1935805 1.1794543 1.1448622 1.1102644\n", + " 1.088201 1.0783551 1.0772715 1.0773467 1.0719202 1.0619808 1.053004\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1858885 1.1811123 1.1909233 1.2003698 1.1876092 1.1524816 1.1163113\n", + " 1.0922666 1.0812246 1.0786372 1.0787339 1.0737827 1.0633973 1.0542746\n", + " 1.0505116 1.0527679 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1408759 1.134453 1.1430746 1.1529707 1.1471248 1.1215639 1.0936667\n", + " 1.0740707 1.0644096 1.0613669 1.05938 1.0542233 1.0456533 1.0386372\n", + " 1.036259 1.038245 1.0431687 1.0484006 1.051002 1.0513277 1.0522197\n", + " 1.0543988 1.059897 1.0685227 1.0762454 1.0802369 1.0815843 1.0779836\n", + " 1.0706812 1.0620264 1.0545081 1.0499029 1.0481601 1.0480815]]\n", + "[[1.1730518 1.171289 1.1818252 1.192738 1.1818986 1.1489663 1.1134641\n", + " 1.0895865 1.0773349 1.072618 1.0707803 1.064683 1.0551734 1.0469632\n", + " 1.0434331 1.0456762 1.0508391 1.0558617 1.058467 1.0590199 1.0595937\n", + " 1.062867 1.0702809 1.0808779 1.0894753]\n", + " [1.1719351 1.1675947 1.1777899 1.1871558 1.1752449 1.1428379 1.1086445\n", + " 1.0858078 1.0755746 1.0727178 1.0720534 1.066951 1.0573553 1.0489485\n", + " 1.0452052 1.0472053 1.0529395 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1650057 1.16222 1.1730301 1.1830775 1.1710896 1.1383724 1.1035156\n", + " 1.0812318 1.0705943 1.0678965 1.0676057 1.0630987 1.0543542 1.0467018\n", + " 1.042841 1.0444331 1.0498011 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1826215 1.1788665 1.1892158 1.1991472 1.1867207 1.151966 1.1153704\n", + " 1.0903828 1.0787089 1.0751916 1.0749973 1.069985 1.0608052 1.051775\n", + " 1.0480132 1.0495452 1.0553774 1.0610656 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1599301 1.1581075 1.1694514 1.1788359 1.1683309 1.1360513 1.102502\n", + " 1.0798213 1.0688764 1.0653667 1.0633583 1.0587063 1.0507474 1.0437317\n", + " 1.0406723 1.0424998 1.0465865 1.0513914 1.0535885 1.054436 1.0561625\n", + " 1.059952 0. 0. 0. ]]\n", + "[[1.1761822 1.1732033 1.1825918 1.190834 1.180016 1.1460134 1.1112304\n", + " 1.0881643 1.0777293 1.0750368 1.0747725 1.0703135 1.0603355 1.0513707\n", + " 1.0475837 1.0495931 0. 0. 0. ]\n", + " [1.1728156 1.1698658 1.1813583 1.1915104 1.1785238 1.1439003 1.1085571\n", + " 1.0852087 1.0738198 1.0707362 1.0701743 1.06521 1.0561754 1.0477215\n", + " 1.0439291 1.04546 1.0505799 1.0557808 1.0581863]\n", + " [1.1665145 1.1621263 1.1711359 1.1794536 1.1672063 1.1354631 1.102504\n", + " 1.0807301 1.071221 1.0692569 1.0695525 1.0653148 1.0566791 1.0486346\n", + " 1.0448909 1.0467472 0. 0. 0. ]\n", + " [1.1487172 1.1456509 1.154932 1.1637105 1.1534908 1.1240749 1.0937456\n", + " 1.0735066 1.0631526 1.0602423 1.0586405 1.054178 1.0459306 1.0391468\n", + " 1.0357368 1.0370481 1.0416147 1.0459002 1.048542 ]\n", + " [1.1915048 1.1872263 1.1980078 1.2084157 1.1955442 1.1601827 1.1216562\n", + " 1.095693 1.0841017 1.0821613 1.0820283 1.0774933 1.0674953 1.0577316\n", + " 1.0534825 0. 0. 0. 0. ]]\n", + "[[1.2120631 1.2067937 1.2164607 1.2252736 1.2092518 1.1690836 1.128206\n", + " 1.1018629 1.0896174 1.0886607 1.0889996 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1683637 1.1649374 1.1755166 1.1843482 1.1732657 1.1406627 1.1061883\n", + " 1.0836402 1.0733052 1.0708025 1.0709493 1.0661951 1.0570775 1.0486882\n", + " 1.0447377 1.0463364 0. 0. ]\n", + " [1.1581205 1.1549686 1.1648026 1.1734024 1.1618835 1.1292776 1.0972114\n", + " 1.0758392 1.0662026 1.0640593 1.063053 1.0588795 1.0503604 1.0427321\n", + " 1.0395037 1.0411859 1.0461986 1.0513734]\n", + " [1.1462889 1.1415154 1.1492624 1.1571351 1.1477592 1.1192113 1.0895061\n", + " 1.0696073 1.0602127 1.0581875 1.0584222 1.0547769 1.0475909 1.0405852\n", + " 1.0372655 1.0388356 0. 0. ]\n", + " [1.1850415 1.180962 1.1908166 1.1986285 1.1862112 1.151521 1.1158241\n", + " 1.0917505 1.0798135 1.0765538 1.0753824 1.0700991 1.0603173 1.0524255\n", + " 1.0485705 1.0510623 1.0566677 1.0620788]]\n", + "[[1.2016907 1.1970357 1.2065885 1.2134495 1.1965884 1.1581473 1.1206441\n", + " 1.0963987 1.0859898 1.0852354 1.086009 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1657815 1.1641175 1.1754663 1.1830418 1.1715312 1.1384983 1.1045438\n", + " 1.0817938 1.0711374 1.0675663 1.0666385 1.0614208 1.0525906 1.0450441\n", + " 1.041571 1.0431825 1.0478891 1.0528514 1.0555351 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1586473 1.1535968 1.1623036 1.1704838 1.1589874 1.1277583 1.0972747\n", + " 1.0759718 1.0650336 1.0615581 1.0598751 1.0550942 1.047895 1.0413234\n", + " 1.0386835 1.039978 1.0445637 1.0488114 1.0516688 1.053022 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1418123 1.1383926 1.1485591 1.1589535 1.1501986 1.1222459 1.0925215\n", + " 1.0722834 1.0625234 1.0591569 1.0575575 1.0523142 1.044026 1.037067\n", + " 1.0347986 1.0367906 1.0417701 1.0460017 1.0484686 1.0491918 1.0497156\n", + " 1.0529608 1.0595571 1.0673578 1.0750842 1.0788821 1.0800859 1.0761435\n", + " 1.0692953]\n", + " [1.1538234 1.1510522 1.1603553 1.1687572 1.1574436 1.1272377 1.0958397\n", + " 1.0749338 1.0646757 1.0617093 1.0599626 1.0551882 1.0472064 1.0405544\n", + " 1.0373019 1.038791 1.0434899 1.0478798 1.0505152 1.0517274 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1757894 1.1709368 1.1802982 1.1894004 1.1769447 1.143801 1.1093215\n", + " 1.085915 1.0750154 1.0716279 1.0708648 1.0658759 1.0566796 1.0482285\n", + " 1.0446316 1.0467715 1.0521045 1.0573026 0. ]\n", + " [1.1552745 1.1502502 1.1585293 1.1671228 1.1576653 1.1282847 1.0967342\n", + " 1.0764308 1.0674391 1.0652969 1.0653046 1.060987 1.0518783 1.044178\n", + " 1.0405732 0. 0. 0. 0. ]\n", + " [1.1741033 1.1700414 1.1801553 1.1881065 1.1756955 1.1409572 1.1066502\n", + " 1.0847079 1.0756707 1.0747626 1.0743523 1.0689054 1.0587587 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.160544 1.1597724 1.1708696 1.179 1.16654 1.1342415 1.1012594\n", + " 1.0794051 1.0690858 1.066013 1.0646845 1.0590864 1.0503916 1.0428264\n", + " 1.0397631 1.0416435 1.0463834 1.0510374 1.053614 ]\n", + " [1.1665231 1.1638582 1.1741027 1.1824117 1.1694264 1.1364689 1.1025952\n", + " 1.0808678 1.0707163 1.0686519 1.0679059 1.0634791 1.0546788 1.0466208\n", + " 1.0432793 1.0452996 1.0504788 0. 0. ]]\n", + "[[1.186994 1.1815667 1.1899799 1.1959779 1.1833906 1.1470902 1.1107973\n", + " 1.0877062 1.0770098 1.0759037 1.0766718 1.0723971 1.0632596 1.0546908\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.154387 1.1521775 1.1635556 1.1741452 1.1644919 1.133513 1.1000054\n", + " 1.0780599 1.0672977 1.0636207 1.0611233 1.0561405 1.0475999 1.0406759\n", + " 1.037662 1.0394074 1.044211 1.0486201 1.0508702 1.0512697 1.0526944\n", + " 1.0559332 1.0628557 1.0724918 0. 0. 0. ]\n", + " [1.1795822 1.1755439 1.1846298 1.192688 1.1800684 1.1476829 1.1135648\n", + " 1.0898707 1.0775518 1.0740271 1.0724396 1.067084 1.0583366 1.0500654\n", + " 1.0464001 1.0480976 1.0528084 1.05721 1.0594008 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1559895 1.1541171 1.1653857 1.1761345 1.1670587 1.1352361 1.1026309\n", + " 1.0810295 1.0695698 1.0659131 1.0636611 1.0577179 1.0479807 1.0404955\n", + " 1.0379798 1.0400555 1.0457445 1.0506216 1.0532391 1.054156 1.0555348\n", + " 1.0584761 1.0652493 1.0746047 1.0828652 1.0865338 1.0876317]\n", + " [1.1671028 1.1629655 1.1723526 1.1795683 1.1679206 1.1353611 1.1029269\n", + " 1.081288 1.0705795 1.06733 1.0662177 1.0609668 1.0524094 1.044968\n", + " 1.041735 1.0439008 1.0492377 1.0545115 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1493421 1.1465406 1.1568813 1.1648015 1.1543624 1.1247251 1.094013\n", + " 1.0733825 1.0639093 1.0616351 1.0608257 1.0559381 1.0480007 1.0403125\n", + " 1.0369847 1.0384377 1.0427284 1.047535 0. 0. 0.\n", + " 0. ]\n", + " [1.1751031 1.1719449 1.1825001 1.1925008 1.1817544 1.1473014 1.1129471\n", + " 1.0894798 1.0771438 1.0725176 1.069902 1.0639428 1.0550667 1.0468295\n", + " 1.0435991 1.0454065 1.0500481 1.0551772 1.0580167 1.058775 1.0602676\n", + " 1.063854 ]\n", + " [1.1915021 1.1883799 1.200557 1.2106342 1.1971624 1.1597333 1.1207352\n", + " 1.0947245 1.0823524 1.0789676 1.0779791 1.0722022 1.061979 1.0529959\n", + " 1.048804 1.0506823 1.0567493 1.0627105 1.0656129 0. 0.\n", + " 0. ]\n", + " [1.1862723 1.181932 1.1936646 1.2031218 1.1905237 1.1549197 1.1185607\n", + " 1.093928 1.0823979 1.0793544 1.0788413 1.0733056 1.0633522 1.0544076\n", + " 1.0500069 1.051817 1.0572318 1.0627947 0. 0. 0.\n", + " 0. ]\n", + " [1.173233 1.170591 1.1814647 1.1908039 1.179049 1.1449035 1.1092691\n", + " 1.0851052 1.0742321 1.0723141 1.0723139 1.0680995 1.0585958 1.0507245\n", + " 1.0466111 1.0483049 1.0538912 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1691309 1.1648428 1.1745554 1.1833471 1.1715807 1.1387877 1.1050187\n", + " 1.0822282 1.0716528 1.0682573 1.0668808 1.0622658 1.0539337 1.0461369\n", + " 1.0427592 1.0445558 1.0494176 1.0546036 1.0568182]\n", + " [1.1688008 1.1653365 1.1753671 1.1821194 1.1701062 1.1362599 1.103222\n", + " 1.0817422 1.0731208 1.0721803 1.072385 1.0676919 1.0585827 1.0500022\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1829649 1.1779082 1.1884115 1.197428 1.1863066 1.152222 1.1161894\n", + " 1.0919636 1.0806544 1.0792359 1.0798059 1.0747476 1.0645747 1.0549964\n", + " 1.0506022 0. 0. 0. 0. ]\n", + " [1.1592574 1.1535916 1.1611779 1.1687704 1.1573989 1.1271871 1.0967224\n", + " 1.076854 1.0674871 1.0656475 1.0656663 1.0612729 1.0528294 1.0450554\n", + " 1.041551 1.0431548 0. 0. 0. ]\n", + " [1.1809317 1.177305 1.1873578 1.1956445 1.1829398 1.1482245 1.1124362\n", + " 1.0888134 1.0776068 1.0744814 1.0743005 1.0693116 1.0595927 1.0511025\n", + " 1.047156 1.0490423 1.0546471 1.0596945 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.163403 1.1598704 1.1694934 1.1772511 1.1646141 1.1333678 1.100936\n", + " 1.079307 1.0700122 1.0678129 1.0672071 1.0621457 1.0528812 1.0452342\n", + " 1.0418624 1.0435762 1.0490456 0. ]\n", + " [1.1703293 1.1668899 1.176639 1.1852894 1.1723145 1.1392653 1.1048566\n", + " 1.0823338 1.0716289 1.0692124 1.0686948 1.0634335 1.0544672 1.0464231\n", + " 1.0429554 1.044882 1.0499463 1.0549268]\n", + " [1.1759112 1.1703317 1.1807972 1.1901655 1.1787466 1.144428 1.108871\n", + " 1.0856919 1.0759193 1.0755328 1.0760374 1.0712796 1.0613176 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1922623 1.1881464 1.1994616 1.2075706 1.1932752 1.1557184 1.1180807\n", + " 1.0942765 1.0844551 1.0836934 1.0847763 1.078629 1.0669336 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1801887 1.1747028 1.1844354 1.1917825 1.1793634 1.1451752 1.1109616\n", + " 1.0888419 1.0788411 1.0777104 1.0778589 1.0721389 1.0620201 1.0528276\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1657903 1.1608789 1.1705451 1.1799313 1.1684747 1.136118 1.1024472\n", + " 1.0799878 1.0693606 1.0672351 1.0664725 1.0618315 1.0531951 1.0449042\n", + " 1.0414773 1.0432768 1.0483885 1.0533514 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1619364 1.1577711 1.1667826 1.1742722 1.1620567 1.1313744 1.099093\n", + " 1.0775822 1.0671321 1.0641327 1.0624433 1.0579591 1.0497483 1.042631\n", + " 1.0396982 1.0412037 1.0461625 1.0515165 1.054566 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1503507 1.1472781 1.1570556 1.166082 1.1551528 1.1253572 1.0943013\n", + " 1.0739558 1.0636011 1.0601867 1.0581104 1.053168 1.0451355 1.0386894\n", + " 1.0363343 1.0381398 1.0429006 1.0468667 1.0494988 1.0501859 1.0513412\n", + " 1.0544081 1.061037 1.0699716]\n", + " [1.1431756 1.1412604 1.150723 1.1596127 1.1487345 1.1207682 1.091498\n", + " 1.0714037 1.061261 1.057606 1.056034 1.0511725 1.0435869 1.0374005\n", + " 1.0348806 1.0361944 1.0403531 1.044671 1.0467088 1.0482013 1.0497873\n", + " 1.0529896 0. 0. ]\n", + " [1.188198 1.182829 1.1940942 1.2041116 1.1901742 1.1526951 1.1159717\n", + " 1.0927359 1.0827553 1.0821867 1.0830139 1.0780241 1.0672839 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.177861 1.1730084 1.1831955 1.1914539 1.178848 1.1446823 1.1099204\n", + " 1.08725 1.0774846 1.0759356 1.0760247 1.0707346 1.0611523 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1671376 1.1628218 1.1716263 1.1792253 1.1680449 1.1361744 1.103917\n", + " 1.0819176 1.0719595 1.0687249 1.0684067 1.0631102 1.0546072 1.0464783\n", + " 1.0433803 1.0451204 1.0507717 0. 0. 0. 0. ]\n", + " [1.1751783 1.1729666 1.1845654 1.1932064 1.1806486 1.1460503 1.1105692\n", + " 1.0860802 1.0754006 1.0723926 1.0713038 1.0658154 1.0562519 1.0482305\n", + " 1.0446413 1.0462856 1.0513172 1.0564352 1.0588073 0. 0. ]\n", + " [1.1598238 1.1568879 1.1665485 1.1757777 1.164645 1.1342484 1.1021773\n", + " 1.0807471 1.0696276 1.0660086 1.0636952 1.0575818 1.048839 1.041797\n", + " 1.0384167 1.0403806 1.0451119 1.0494553 1.0515223 1.0524925 1.0539377]\n", + " [1.1632931 1.1596863 1.1686294 1.1778457 1.1655807 1.1325315 1.0997057\n", + " 1.0788459 1.0690067 1.0670056 1.0672158 1.0623326 1.054195 1.0463736\n", + " 1.0427614 1.0443803 1.049269 0. 0. 0. 0. ]]\n", + "[[1.162413 1.1583661 1.1681834 1.1742437 1.1616715 1.129592 1.0972887\n", + " 1.0761683 1.0673367 1.0654941 1.0649524 1.060307 1.0523242 1.0446537\n", + " 1.0416286 1.0437948 1.0489522 0. 0. 0. 0. ]\n", + " [1.1769993 1.1713454 1.1812891 1.1904554 1.1790345 1.1462203 1.1114639\n", + " 1.0886126 1.0784996 1.07638 1.0761995 1.0707581 1.0607988 1.0510206\n", + " 1.0468428 1.0488416 0. 0. 0. 0. 0. ]\n", + " [1.1730629 1.1690061 1.1788081 1.1863767 1.1749102 1.1418556 1.1078626\n", + " 1.0846977 1.0741838 1.070881 1.0697294 1.0640811 1.0549572 1.0466844\n", + " 1.0434698 1.045371 1.0507714 1.0558121 1.0578481 0. 0. ]\n", + " [1.1724602 1.1688551 1.1795721 1.1886113 1.1772091 1.1431597 1.1075926\n", + " 1.0843897 1.0740985 1.0725776 1.0727881 1.068892 1.0598528 1.0512608\n", + " 1.0470035 1.0486715 0. 0. 0. 0. 0. ]\n", + " [1.181339 1.1777174 1.1875577 1.1955295 1.1830773 1.1500785 1.1152759\n", + " 1.0917758 1.0791492 1.0746323 1.0714569 1.0653342 1.0560944 1.0481746\n", + " 1.0450844 1.0473578 1.0526516 1.057834 1.0600373 1.0607074 1.0622513]]\n", + "[[1.1727482 1.1686004 1.177741 1.185279 1.1736788 1.1406137 1.1063045\n", + " 1.0838717 1.0733471 1.0706995 1.070596 1.0659089 1.0568761 1.0487647\n", + " 1.0451938 1.0473111 1.0527116 0. 0. 0. ]\n", + " [1.1716381 1.1691574 1.179997 1.1893338 1.1763245 1.1423199 1.1073772\n", + " 1.0845774 1.0735482 1.0715506 1.0704782 1.0656884 1.0561421 1.0481164\n", + " 1.0443425 1.0461298 1.0513594 1.0564001 0. 0. ]\n", + " [1.1784363 1.1751081 1.184294 1.1923976 1.1794255 1.1453788 1.1117905\n", + " 1.0892286 1.0781549 1.0742327 1.0730389 1.067281 1.0577022 1.0494509\n", + " 1.046217 1.0485066 1.0540385 1.0590439 0. 0. ]\n", + " [1.1688057 1.1668409 1.1784452 1.1879624 1.1760125 1.1420093 1.1070408\n", + " 1.0837519 1.072356 1.069256 1.0673518 1.0619535 1.0530835 1.0454582\n", + " 1.0423441 1.0440779 1.0494384 1.054308 1.0567108 1.0574063]\n", + " [1.1639147 1.1602702 1.1703471 1.1788288 1.167719 1.1354984 1.1023037\n", + " 1.0802469 1.0699949 1.0670927 1.0665143 1.0614187 1.0530388 1.0449463\n", + " 1.0415839 1.0430185 1.048062 1.0532527 0. 0. ]]\n", + "[[1.1603408 1.1555381 1.1647632 1.1737095 1.1637838 1.1325219 1.1004478\n", + " 1.0788721 1.0684978 1.0662411 1.0663154 1.061758 1.0532441 1.0452204\n", + " 1.0420027 1.0439785 0. 0. 0. ]\n", + " [1.1813445 1.1756709 1.1857586 1.1927322 1.1804391 1.1457896 1.110603\n", + " 1.0874035 1.076925 1.0750214 1.0750159 1.0701467 1.0604501 1.0514349\n", + " 1.0474523 1.0495169 0. 0. 0. ]\n", + " [1.1703881 1.1661339 1.1763078 1.1854132 1.1739517 1.1412852 1.1073474\n", + " 1.0847355 1.0735185 1.0701482 1.068919 1.0637344 1.0545179 1.0468166\n", + " 1.0430261 1.0446678 1.0496477 1.0545611 1.0571587]\n", + " [1.1744558 1.1701427 1.179707 1.1889975 1.1773959 1.1440384 1.1094416\n", + " 1.0868802 1.076502 1.0749564 1.0747577 1.0704421 1.060335 1.0513836\n", + " 1.0474321 0. 0. 0. 0. ]\n", + " [1.1542522 1.1510346 1.1600654 1.1686791 1.1581903 1.1272653 1.0953403\n", + " 1.0744202 1.0653746 1.064181 1.0649445 1.060066 1.0520195 1.0440316\n", + " 1.0405531 0. 0. 0. 0. ]]\n", + "[[1.1587534 1.1559906 1.1672621 1.1768675 1.1664033 1.1334693 1.1001927\n", + " 1.0776758 1.0679264 1.0662885 1.0657622 1.0612837 1.0526553 1.0447316\n", + " 1.0414981 1.0433768 0. 0. ]\n", + " [1.1631516 1.1581641 1.1668919 1.1747465 1.1632458 1.1317652 1.1002927\n", + " 1.0795686 1.0696954 1.0671654 1.0665092 1.0612786 1.0529437 1.0452831\n", + " 1.0420024 1.0439408 1.0492743 0. ]\n", + " [1.1818384 1.1789495 1.1901093 1.1976585 1.1848878 1.1488675 1.1123235\n", + " 1.0888237 1.0778315 1.075879 1.0754861 1.0704718 1.0608004 1.0519798\n", + " 1.0478182 1.0493474 1.0550542 0. ]\n", + " [1.2080266 1.2044694 1.2161784 1.224778 1.211518 1.1731799 1.1330594\n", + " 1.1051385 1.0930531 1.0896935 1.0884612 1.0819917 1.0710242 1.0607903\n", + " 1.0561558 1.0581098 1.0645367 1.071005 ]\n", + " [1.1864979 1.1800778 1.1899953 1.2009768 1.1885126 1.1528666 1.1158485\n", + " 1.0914431 1.0813688 1.0801936 1.0812203 1.0760443 1.0658876 1.0558023\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1739469 1.1702745 1.1811194 1.189805 1.1763186 1.1423072 1.1078542\n", + " 1.0849615 1.0740042 1.0711242 1.0705875 1.0653944 1.0563493 1.0484028\n", + " 1.0447048 1.0463953 1.0516607 1.0563927 0. 0. ]\n", + " [1.1773316 1.1709416 1.179219 1.1863468 1.1730778 1.1397076 1.1050363\n", + " 1.0830247 1.073319 1.0720196 1.0737759 1.0688374 1.0596222 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1862663 1.1824179 1.1929858 1.2019025 1.1884973 1.1545541 1.1188405\n", + " 1.0947875 1.0821303 1.0775154 1.0750395 1.0688522 1.0589758 1.0506393\n", + " 1.0469708 1.0492965 1.0549085 1.0599827 1.0622773 1.0627923]\n", + " [1.1904477 1.1856228 1.1945817 1.2024494 1.1902722 1.1554161 1.1185043\n", + " 1.0940378 1.0825951 1.0799487 1.0803685 1.0752782 1.0653627 1.0567149\n", + " 1.0523015 0. 0. 0. 0. 0. ]\n", + " [1.1729976 1.1698836 1.1797944 1.1872102 1.1744734 1.1405933 1.1064652\n", + " 1.0841831 1.0740345 1.0717108 1.0709373 1.0660462 1.0569062 1.0484598\n", + " 1.0453007 1.0471913 1.0527016 0. 0. 0. ]]\n", + "[[1.1695561 1.1661024 1.1764579 1.1848674 1.1726097 1.140186 1.1067207\n", + " 1.0846939 1.0734378 1.0700598 1.0683461 1.0624187 1.053462 1.0456883\n", + " 1.0425744 1.0443096 1.0493426 1.0539283 1.0560446 1.0567292]\n", + " [1.1886098 1.1824604 1.1917092 1.2000356 1.1877769 1.1526846 1.1168115\n", + " 1.0933948 1.0823346 1.081073 1.0813239 1.0764073 1.066515 1.0573646\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1727933 1.1685448 1.1785691 1.1878226 1.1751032 1.1405833 1.1057085\n", + " 1.0837915 1.0742258 1.073292 1.0746342 1.0694345 1.0593309 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2074038 1.2013036 1.2109482 1.2190503 1.2057483 1.1689872 1.1291103\n", + " 1.1012342 1.0894945 1.0872926 1.0875101 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1641034 1.1590564 1.167586 1.1746552 1.1628513 1.1325984 1.1003252\n", + " 1.0797933 1.0699531 1.0679853 1.0684611 1.0641857 1.0553594 1.0471727\n", + " 1.0437454 0. 0. 0. 0. 0. ]]\n", + "[[1.1717367 1.1666284 1.1763644 1.1843786 1.1706125 1.1376116 1.104587\n", + " 1.0827341 1.073357 1.0722985 1.0719924 1.0673712 1.0580877 1.049518\n", + " 1.0458404 0. 0. ]\n", + " [1.1623495 1.1593748 1.1699476 1.1787248 1.1680068 1.1352499 1.1012421\n", + " 1.0787607 1.0683917 1.0658821 1.0666949 1.0627335 1.054568 1.0471531\n", + " 1.0433643 1.0449677 1.0500225]\n", + " [1.1685032 1.1648337 1.1755835 1.1840339 1.1718239 1.1376771 1.104569\n", + " 1.082924 1.0739081 1.0733719 1.0749385 1.0700009 1.0600989 0.\n", + " 0. 0. 0. ]\n", + " [1.1749763 1.1692524 1.1775134 1.1846002 1.1730822 1.1397927 1.10613\n", + " 1.084239 1.0745615 1.0732917 1.0736005 1.0693026 1.0601221 1.0514199\n", + " 1.0476108 0. 0. ]\n", + " [1.1858313 1.1805542 1.1916088 1.2006178 1.1883965 1.1521242 1.1146655\n", + " 1.0896099 1.0784675 1.0775646 1.0781668 1.0734612 1.0639554 1.0547177\n", + " 1.0504818 0. 0. ]]\n", + "[[1.1754096 1.1718332 1.183645 1.1938068 1.1816891 1.1471307 1.1109688\n", + " 1.0870371 1.076004 1.0734724 1.0732088 1.0675173 1.057822 1.0493168\n", + " 1.0452747 1.046951 1.0523508 1.0579041 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2055194 1.1987463 1.2087418 1.2157468 1.2007746 1.1636195 1.1247755\n", + " 1.1005608 1.0896493 1.0875512 1.087767 1.0817263 1.070716 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1658963 1.1618192 1.1715937 1.180557 1.1684808 1.1365006 1.1034278\n", + " 1.0814129 1.0708985 1.0683002 1.0676942 1.0627961 1.0542284 1.0464997\n", + " 1.0432041 1.0448197 1.0499026 1.0548407 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.160755 1.1582847 1.1698585 1.1812032 1.1714878 1.1392235 1.1061453\n", + " 1.0837446 1.0721923 1.0684304 1.066247 1.0604428 1.0511581 1.0433761\n", + " 1.0400301 1.0423753 1.0477498 1.0526035 1.0549109 1.0550133 1.0559583\n", + " 1.0590216 1.0659618 1.0760912 1.0839663]\n", + " [1.1542138 1.1493458 1.159978 1.1690367 1.1583368 1.1269326 1.0953904\n", + " 1.0748248 1.0659356 1.0645679 1.0649455 1.0605997 1.0518703 1.0436068\n", + " 1.0398837 1.0417372 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1797363 1.1777422 1.1895559 1.1993572 1.1866088 1.1501893 1.1139641\n", + " 1.0890915 1.0779479 1.0743088 1.0726433 1.0666262 1.0568314 1.0486815\n", + " 1.0447183 1.0464368 1.0518224 1.0571151 1.0594475 1.060857 ]\n", + " [1.1828896 1.177043 1.186647 1.193827 1.1819744 1.1473484 1.1116121\n", + " 1.0873085 1.0767393 1.0746917 1.0751057 1.0698832 1.0604359 1.0516351\n", + " 1.0478255 1.0501697 0. 0. 0. 0. ]\n", + " [1.1735444 1.1698468 1.1790513 1.1877148 1.1758215 1.1423943 1.1076381\n", + " 1.086105 1.0755168 1.0731605 1.0724497 1.067184 1.0577767 1.0491543\n", + " 1.0450323 1.0475123 1.0530629 0. 0. 0. ]\n", + " [1.1898485 1.1857138 1.1959951 1.2050109 1.1927449 1.1578852 1.1214274\n", + " 1.0963571 1.0838122 1.0802342 1.0786237 1.0734428 1.0630444 1.0544242\n", + " 1.0505908 1.0526778 1.0586809 1.06409 0. 0. ]\n", + " [1.2160637 1.2080494 1.2181816 1.2260776 1.2115889 1.1727011 1.1324897\n", + " 1.1055183 1.0930884 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1628277 1.1594775 1.1702936 1.179584 1.1676452 1.1350343 1.101465\n", + " 1.0791476 1.0692703 1.0673108 1.0668619 1.0622029 1.0534402 1.0451592\n", + " 1.0418458 1.0435402 1.0491309 0. 0. 0. ]\n", + " [1.1726748 1.1700265 1.1804757 1.1896485 1.1771747 1.1440865 1.1095705\n", + " 1.0867462 1.0758592 1.0726213 1.071537 1.0660194 1.0563854 1.0480913\n", + " 1.0439367 1.0459565 1.0513988 1.0563103 0. 0. ]\n", + " [1.1765127 1.1760957 1.1877322 1.197685 1.1838448 1.1483274 1.11134\n", + " 1.0868254 1.0754216 1.0721419 1.0705634 1.0654458 1.0561985 1.0484018\n", + " 1.0444052 1.0462439 1.0509936 1.0560024 1.0582503 1.0592102]\n", + " [1.1635877 1.1591282 1.1682982 1.1770532 1.1650267 1.1333892 1.1002289\n", + " 1.0795947 1.0701765 1.0690011 1.0690238 1.0641091 1.0550667 1.0467144\n", + " 1.0430896 1.045065 0. 0. 0. 0. ]\n", + " [1.1873742 1.1850657 1.1963795 1.2062795 1.1938528 1.1575923 1.1206278\n", + " 1.0955404 1.0828207 1.078827 1.0769045 1.0706493 1.0609618 1.0520217\n", + " 1.0483873 1.0502888 1.0554006 1.0607399 1.0632749 1.0644832]]\n", + "[[1.1687416 1.1669444 1.1773005 1.1859803 1.173171 1.1405418 1.1067041\n", + " 1.0838652 1.0725579 1.0689976 1.0673251 1.0612776 1.0526674 1.0448554\n", + " 1.0417963 1.0430502 1.0482075 1.0531124 1.0555558 1.0570258 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1420316 1.1393917 1.1495813 1.1588284 1.1500264 1.1204886 1.0906861\n", + " 1.0712482 1.0612972 1.0577083 1.0561985 1.0508983 1.0429542 1.0361075\n", + " 1.0334147 1.035172 1.0395263 1.0438248 1.0459605 1.0471612 1.0482101\n", + " 1.0510007 1.0572482 1.0657473 1.072599 ]\n", + " [1.1728439 1.166966 1.1751711 1.1831156 1.1707972 1.1383039 1.1054362\n", + " 1.0842923 1.0748979 1.0738293 1.0742553 1.0697137 1.0601292 1.0511588\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1620169 1.1559901 1.1638443 1.1704804 1.1592588 1.1289812 1.098374\n", + " 1.0784413 1.0688505 1.0665822 1.0659784 1.0619278 1.0536793 1.0461704\n", + " 1.0429741 1.0449508 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1743882 1.1701777 1.181129 1.1910005 1.177498 1.1425321 1.1076375\n", + " 1.0860214 1.076509 1.0764403 1.0774598 1.0718337 1.0615708 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.170255 1.1659663 1.1769745 1.1860996 1.1751902 1.1413867 1.1069624\n", + " 1.0838164 1.0737109 1.0715982 1.0716908 1.0675863 1.058299 1.0496987\n", + " 1.0460944 0. 0. 0. ]\n", + " [1.1752774 1.1719513 1.1819901 1.1896224 1.1768789 1.1427811 1.108832\n", + " 1.0868037 1.0773718 1.0763466 1.0763103 1.0709836 1.0611674 1.052452\n", + " 0. 0. 0. 0. ]\n", + " [1.2130291 1.2079074 1.2179445 1.2280728 1.2135587 1.1760418 1.1347064\n", + " 1.1073956 1.0952911 1.0937215 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1945512 1.1907668 1.2005379 1.2085509 1.1955283 1.1590024 1.1215622\n", + " 1.0960356 1.0846939 1.0820097 1.0809064 1.0754015 1.0652753 1.0557778\n", + " 1.0516948 1.0541006 1.060639 0. ]\n", + " [1.1835619 1.179721 1.1906612 1.1995771 1.186794 1.1508604 1.1141328\n", + " 1.0896902 1.0780323 1.0754873 1.074065 1.06858 1.0593688 1.0507944\n", + " 1.0471208 1.0491204 1.0551434 1.0615337]]\n", + "[[1.1992183 1.1916575 1.2007495 1.2086978 1.1969676 1.1606244 1.1226381\n", + " 1.097392 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1678355 1.1638399 1.1738673 1.1829957 1.1707406 1.1384487 1.1049143\n", + " 1.0829375 1.0726116 1.0705744 1.070297 1.065555 1.055901 1.0475557\n", + " 1.0437931 1.0457 1.0512278]\n", + " [1.1625395 1.1583645 1.1691772 1.1792142 1.1679455 1.1357577 1.1017314\n", + " 1.0801076 1.0702938 1.069011 1.0698358 1.0657656 1.0569229 1.0485353\n", + " 1.0444896 0. 0. ]\n", + " [1.1652743 1.1605873 1.1698714 1.1781237 1.168001 1.1372808 1.1049141\n", + " 1.0828373 1.0730239 1.0707155 1.0707803 1.0658514 1.056791 1.0486807\n", + " 1.0445316 0. 0. ]\n", + " [1.1776662 1.1741399 1.1841068 1.1927866 1.1796557 1.1451058 1.1099738\n", + " 1.0863292 1.0751271 1.0723126 1.071638 1.067756 1.0592648 1.050877\n", + " 1.0474117 1.0493162 1.054532 ]]\n", + "[[1.1576815 1.1553324 1.1645085 1.1720474 1.1614667 1.129994 1.0983341\n", + " 1.0772203 1.0665072 1.0634755 1.0629464 1.0583807 1.0502329 1.043133\n", + " 1.0397943 1.041223 1.0458359 1.0507891 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1594218 1.1564521 1.1662153 1.1732609 1.1626687 1.1312655 1.0998453\n", + " 1.0793918 1.0688261 1.0648296 1.0632849 1.0578061 1.0491706 1.042278\n", + " 1.0393535 1.0412105 1.045866 1.0502067 1.0521371 1.0528036 0.\n", + " 0. 0. 0. ]\n", + " [1.1527649 1.1495605 1.1595297 1.1687617 1.1572924 1.1277407 1.0959897\n", + " 1.0749233 1.0649188 1.0624623 1.0617114 1.0572999 1.0493456 1.042371\n", + " 1.0392482 1.0408959 1.046035 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1458986 1.1422637 1.1506108 1.1589576 1.1494025 1.1215006 1.0917878\n", + " 1.0722734 1.0620316 1.0583707 1.0562831 1.051109 1.0435685 1.0375379\n", + " 1.0350406 1.0366209 1.0411607 1.0453746 1.0477471 1.0489398 1.0501132\n", + " 1.0526552 1.0587286 1.0667887]\n", + " [1.2021751 1.1953431 1.2044593 1.2128229 1.1984018 1.162441 1.1252317\n", + " 1.0998676 1.0884539 1.0866507 1.0869726 1.0814388 1.0709506 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1703923 1.1683372 1.1793988 1.1876897 1.1742194 1.1402875 1.1060323\n", + " 1.0829924 1.0724208 1.0704916 1.069577 1.0649859 1.0558573 1.0474145\n", + " 1.0440642 1.0455003 1.0505557 1.0553163 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1646426 1.1618794 1.1723244 1.1815608 1.1702076 1.138017 1.1053158\n", + " 1.0829058 1.0717938 1.0679704 1.0659168 1.0604595 1.0513175 1.0439256\n", + " 1.040188 1.0419865 1.0473381 1.0522414 1.0545738 1.0554874 0.\n", + " 0. 0. ]\n", + " [1.1768106 1.1756345 1.1875225 1.1959088 1.1840155 1.1482985 1.1129242\n", + " 1.0888791 1.0776474 1.0734994 1.0709473 1.0652102 1.0558012 1.0478462\n", + " 1.0441315 1.0459805 1.0513105 1.0562428 1.0586417 1.0594351 1.0610201\n", + " 1.0652921 0. ]\n", + " [1.1402125 1.1373547 1.1468062 1.154948 1.1450706 1.1166899 1.088501\n", + " 1.0695227 1.0596026 1.0560881 1.0543395 1.0492741 1.042093 1.0361282\n", + " 1.0338628 1.0358047 1.0394924 1.0437461 1.0461383 1.0468684 1.0478847\n", + " 1.0507232 1.056645 ]\n", + " [1.1806396 1.1764677 1.1868861 1.1951158 1.182462 1.1475059 1.1111828\n", + " 1.0879203 1.0781115 1.0773652 1.0777208 1.0730767 1.062829 1.0537258\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1833961 1.1792985 1.1889873 1.198812 1.1867824 1.1532681 1.1165462\n", + " 1.0918022 1.0788121 1.0745542 1.0731633 1.0674304 1.0582888 1.050106\n", + " 1.0460881 1.0478957 1.0529547 1.0579463 1.0603081 0. ]\n", + " [1.217241 1.2105389 1.2189997 1.2276921 1.2127638 1.1745585 1.1333674\n", + " 1.106074 1.093294 1.0917794 1.0931072 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1847668 1.1791247 1.1886264 1.1983548 1.1850611 1.1505237 1.1155479\n", + " 1.0923519 1.0824411 1.080846 1.0812497 1.075539 1.0645281 1.0548221\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1612557 1.1584466 1.169085 1.1778497 1.1656814 1.1341212 1.1021054\n", + " 1.0808346 1.0696162 1.0662082 1.0639412 1.0584375 1.0499783 1.0432606\n", + " 1.0400823 1.0419586 1.0469134 1.051419 1.0535092 1.0545285]\n", + " [1.1934607 1.1863647 1.1941302 1.2004225 1.1876087 1.1526313 1.1169485\n", + " 1.093387 1.0826014 1.0810142 1.0811533 1.075278 1.0647498 1.0550909\n", + " 1.0510936 0. 0. 0. 0. 0. ]]\n", + "[[1.1521478 1.1497777 1.1584196 1.1642265 1.154403 1.1250759 1.094567\n", + " 1.0739017 1.0635296 1.0597868 1.0581862 1.0545622 1.0473773 1.0407703\n", + " 1.0376955 1.0389291 1.0432242 1.0476065]\n", + " [1.1765862 1.1724544 1.1837039 1.1932973 1.1823667 1.1475272 1.1106812\n", + " 1.0868025 1.0758576 1.0735402 1.0738168 1.0686678 1.059405 1.0501928\n", + " 1.0463121 1.0481174 1.0537028 0. ]\n", + " [1.1654496 1.1609908 1.1709031 1.1789837 1.167139 1.135295 1.1022635\n", + " 1.0808979 1.0707945 1.0684924 1.0676695 1.0629468 1.054471 1.0465149\n", + " 1.0428957 1.044294 1.0491744 0. ]\n", + " [1.1689388 1.1645609 1.1741865 1.1832181 1.1719615 1.1389658 1.1050125\n", + " 1.0819924 1.0715182 1.069572 1.0698462 1.0659294 1.057831 1.0497942\n", + " 1.045899 1.0473721 0. 0. ]\n", + " [1.1698745 1.1655232 1.1754366 1.184334 1.1728221 1.1400814 1.1060286\n", + " 1.0837665 1.0734249 1.071528 1.0717981 1.0669067 1.0574365 1.0488617\n", + " 1.0447357 1.0466504 0. 0. ]]\n", + "[[1.1549675 1.1518384 1.1613245 1.1699653 1.1593543 1.1303134 1.0995377\n", + " 1.0788196 1.0678241 1.0645467 1.0624471 1.0563835 1.0482757 1.0410831\n", + " 1.0379777 1.0397011 1.0438228 1.0487089 1.0512732 1.0520701 1.0536824\n", + " 1.0570753]\n", + " [1.1721284 1.1650668 1.1719164 1.1792219 1.167572 1.136479 1.1041508\n", + " 1.0823588 1.0714748 1.0686535 1.0681075 1.0630816 1.054434 1.0469041\n", + " 1.0436407 1.0457801 1.0516062 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1576974 1.1547849 1.1637708 1.172935 1.1624861 1.1304139 1.0992744\n", + " 1.0784854 1.068747 1.0670993 1.0666462 1.062097 1.0523831 1.0449336\n", + " 1.0411283 1.0428207 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1831657 1.1803606 1.1911757 1.1987019 1.1869806 1.1527258 1.1167754\n", + " 1.0921382 1.0804101 1.0763904 1.0741926 1.0678663 1.0586364 1.0502461\n", + " 1.0465472 1.0487322 1.0542994 1.0590553 1.061305 1.0617009 0.\n", + " 0. ]\n", + " [1.1624734 1.1575085 1.1659323 1.173949 1.161846 1.1314722 1.0998021\n", + " 1.0785744 1.0686948 1.0668128 1.0671484 1.0631671 1.0551081 1.0472528\n", + " 1.0436584 1.0453668 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.186271 1.1840736 1.193846 1.2038379 1.1880362 1.1502957 1.1139783\n", + " 1.0908035 1.081445 1.0806692 1.0814426 1.0754876 1.0649872 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.170794 1.168152 1.1794176 1.1889843 1.1772429 1.1432588 1.1083337\n", + " 1.0848633 1.0744547 1.0720897 1.0713525 1.0666724 1.0574907 1.0489492\n", + " 1.0450675 1.0465499 1.0520897 0. 0. 0. ]\n", + " [1.1704794 1.1671162 1.1771028 1.1854349 1.1725945 1.1391495 1.1052637\n", + " 1.0831764 1.0728674 1.0711966 1.0703375 1.0652542 1.0561084 1.0475475\n", + " 1.044043 1.0454837 1.0509654 0. 0. 0. ]\n", + " [1.1681947 1.163055 1.1721632 1.1789759 1.1680634 1.1367879 1.104794\n", + " 1.0832498 1.0729928 1.0704025 1.0686992 1.0636363 1.0546231 1.0468725\n", + " 1.0433583 1.0451945 1.0504851 0. 0. 0. ]\n", + " [1.1665969 1.1646701 1.1767995 1.1862719 1.1741952 1.1401286 1.1054784\n", + " 1.082366 1.0717505 1.0686027 1.0665212 1.0611603 1.0516335 1.0440445\n", + " 1.0403998 1.042079 1.0470388 1.0519378 1.054504 1.0554943]]\n", + "[[1.1730895 1.1681654 1.1778287 1.1862631 1.176275 1.1433775 1.1088842\n", + " 1.0861726 1.0752436 1.0734466 1.0736729 1.0695459 1.0604591 1.0519462\n", + " 1.0477146 1.0493691]\n", + " [1.1976744 1.1909304 1.2011026 1.2101341 1.1961058 1.1587187 1.1203262\n", + " 1.094683 1.0841352 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1873543 1.185088 1.1955848 1.203544 1.1908581 1.1551757 1.118532\n", + " 1.0940001 1.0821555 1.0786097 1.0766267 1.070015 1.0603613 1.0519444\n", + " 1.0480341 1.0503258 1.056102 1.0610777 1.0633228 0. ]\n", + " [1.1848046 1.1822133 1.1924362 1.1997576 1.1885393 1.1541563 1.1176081\n", + " 1.0929388 1.0800761 1.0763048 1.0740079 1.0678982 1.0580786 1.0497813\n", + " 1.046351 1.0480305 1.053418 1.0581908 1.0614212 1.0621877]\n", + " [1.1757714 1.1721259 1.1820612 1.1915118 1.1790857 1.1448058 1.110784\n", + " 1.0882488 1.0765756 1.0724232 1.0702876 1.0635021 1.0543989 1.0462751\n", + " 1.0428818 1.0450137 1.0502324 1.0549891 1.0573736 1.0581015]\n", + " [1.1624212 1.1594355 1.1687552 1.176949 1.1646824 1.1333041 1.1001185\n", + " 1.0785879 1.0685443 1.0663302 1.0660017 1.0615162 1.0524964 1.0454483\n", + " 1.0417898 1.0434494 1.0485716 0. 0. 0. ]\n", + " [1.1586003 1.1544805 1.1648057 1.1735345 1.1619116 1.1300972 1.0977548\n", + " 1.0768263 1.0682193 1.0673877 1.0681766 1.0638038 1.0544206 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1791251 1.175427 1.1854 1.1933786 1.1810352 1.1464942 1.1115932\n", + " 1.0879035 1.0774641 1.0746287 1.0746818 1.0695888 1.0604827 1.0513754\n", + " 1.0480407 1.0499479 1.0558916 0. 0. ]\n", + " [1.1937041 1.1884439 1.1992568 1.2066814 1.1931419 1.1552535 1.1171948\n", + " 1.0927014 1.0824378 1.0811075 1.0813847 1.0757569 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1751447 1.1717314 1.1819993 1.1907306 1.178451 1.1448982 1.1100386\n", + " 1.0861837 1.0744144 1.0717887 1.0702711 1.064107 1.05531 1.0470507\n", + " 1.043584 1.0455631 1.0506854 1.0556154 1.0578446]\n", + " [1.1562849 1.1535971 1.1635388 1.1730623 1.161154 1.1305239 1.0986845\n", + " 1.0776017 1.0671631 1.0655236 1.0648319 1.060253 1.0516322 1.0434604\n", + " 1.0398436 1.0413581 1.0464563 0. 0. ]\n", + " [1.1761634 1.1719874 1.1817329 1.1897331 1.1778934 1.1442217 1.1096922\n", + " 1.0871316 1.0764662 1.0734308 1.0728216 1.0677845 1.0577549 1.0491415\n", + " 1.0451864 1.0469493 1.0521653 1.057542 0. ]]\n", + "[[1.1973919 1.1909293 1.1998398 1.2086196 1.1947981 1.1588337 1.1227564\n", + " 1.0986328 1.0869792 1.0845995 1.0842212 1.0784634 1.0686471 1.0590047\n", + " 1.055173 0. 0. 0. 0. 0. ]\n", + " [1.1920213 1.184549 1.193121 1.2003819 1.1879431 1.1530273 1.1165649\n", + " 1.0921165 1.0820814 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1848224 1.1822653 1.1949165 1.2058036 1.1931076 1.1561384 1.11858\n", + " 1.0935631 1.0810666 1.0772017 1.075651 1.0696988 1.0593625 1.0506531\n", + " 1.0464127 1.0483872 1.0541925 1.0593107 1.0617068 1.0628835]\n", + " [1.1980901 1.1935611 1.2032305 1.2117792 1.1975582 1.1614157 1.1235162\n", + " 1.0975769 1.085069 1.0816863 1.0804229 1.0749608 1.0648433 1.0562077\n", + " 1.0520328 1.0545788 1.0606495 1.0666534 0. 0. ]\n", + " [1.160607 1.1570404 1.1674632 1.1769102 1.1668496 1.1346705 1.1012284\n", + " 1.0800078 1.070275 1.0687649 1.0687566 1.0647761 1.0559952 1.0474963\n", + " 1.0438106 0. 0. 0. 0. 0. ]]\n", + "[[1.1574315 1.1529605 1.1611567 1.1693194 1.1591079 1.129201 1.0976155\n", + " 1.0771047 1.067314 1.0656759 1.0659182 1.0613266 1.0537388 1.0459446\n", + " 1.0423343 0. 0. ]\n", + " [1.1672271 1.1622695 1.1719285 1.1810386 1.1688037 1.138012 1.1052831\n", + " 1.083097 1.0730673 1.071022 1.070828 1.066082 1.0577263 1.0498345\n", + " 1.0461061 0. 0. ]\n", + " [1.1682739 1.1641505 1.1747702 1.1843498 1.1725366 1.1396542 1.106176\n", + " 1.0834893 1.0727608 1.0703101 1.0699316 1.0651922 1.0562003 1.0481396\n", + " 1.0442649 1.0463601 1.0518228]\n", + " [1.1687028 1.1653175 1.1759369 1.1852671 1.1730236 1.1393424 1.1050527\n", + " 1.0831845 1.0730504 1.071831 1.0724978 1.0675447 1.0584351 1.0498785\n", + " 1.0459249 0. 0. ]\n", + " [1.162709 1.159623 1.1696365 1.1793666 1.1676261 1.1349758 1.1016933\n", + " 1.0800381 1.0700524 1.0685483 1.0681401 1.063345 1.0539597 1.0459185\n", + " 1.042178 1.0437691 1.0492225]]\n", + "[[1.1544267 1.150532 1.1605002 1.1688445 1.1571164 1.1265334 1.0952935\n", + " 1.0746311 1.0652618 1.0630255 1.0623548 1.0574268 1.0490427 1.0415077\n", + " 1.0383205 1.040186 1.0451481 1.0500102 0. 0. ]\n", + " [1.157481 1.1557733 1.165855 1.1731293 1.1612415 1.1300653 1.0981612\n", + " 1.0769439 1.0667623 1.0638978 1.0624169 1.0570004 1.0491936 1.0419034\n", + " 1.0386537 1.0400819 1.0447083 1.0490568 1.05141 1.0522318]\n", + " [1.1733426 1.1699207 1.1808882 1.1897361 1.1786343 1.1449051 1.1100799\n", + " 1.0871243 1.0764844 1.0747296 1.0752758 1.0700732 1.0605938 1.0515034\n", + " 1.0473015 0. 0. 0. 0. 0. ]\n", + " [1.1780447 1.1743042 1.1858664 1.1953471 1.1815363 1.146715 1.1108088\n", + " 1.0874305 1.0762281 1.0737422 1.0736127 1.0687629 1.0592662 1.0509608\n", + " 1.0469222 1.0489414 0. 0. 0. 0. ]\n", + " [1.1394488 1.1353666 1.1436872 1.1506265 1.1402218 1.1131517 1.08522\n", + " 1.0667062 1.058203 1.0565209 1.0565284 1.0527635 1.0457419 1.039334\n", + " 1.0361745 1.0376554 1.042083 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.16686 1.1627344 1.1728532 1.1811973 1.1702282 1.1379632 1.1044514\n", + " 1.0824326 1.0720983 1.0699883 1.0701799 1.0657024 1.0577787 1.0493773\n", + " 1.0455085 1.047367 0. 0. 0. ]\n", + " [1.1574018 1.1533397 1.1622702 1.1685348 1.1573118 1.1272938 1.0964421\n", + " 1.0762498 1.0659733 1.0637034 1.0626162 1.0578108 1.0499096 1.0432427\n", + " 1.0398666 1.0418628 1.0467248 1.051483 1.054306 ]\n", + " [1.1795785 1.1761023 1.186912 1.1969068 1.1844599 1.1487857 1.1128155\n", + " 1.0887232 1.0771029 1.0740697 1.0731341 1.0680435 1.058768 1.0504072\n", + " 1.0463998 1.0479867 1.0536331 1.0587804 0. ]\n", + " [1.1664665 1.1615186 1.1722153 1.1825583 1.1713036 1.1377991 1.1034583\n", + " 1.0810404 1.0710382 1.0698572 1.0698137 1.0650911 1.055966 1.0477245\n", + " 1.0439353 0. 0. 0. 0. ]\n", + " [1.1836717 1.1805123 1.1919913 1.1994302 1.187069 1.1502919 1.1130128\n", + " 1.0891472 1.0783182 1.0758077 1.0762032 1.0706948 1.0609246 1.0526567\n", + " 1.0485038 1.0504786 1.0560647 0. 0. ]]\n", + "[[1.1791857 1.1727395 1.1801773 1.1871014 1.1746569 1.1419641 1.1090796\n", + " 1.0866491 1.0765554 1.0745778 1.0742321 1.0689075 1.0595211 1.0507756\n", + " 1.0470179 0. 0. 0. ]\n", + " [1.1980572 1.194005 1.205146 1.2145736 1.201307 1.1650985 1.1275637\n", + " 1.1014881 1.0882655 1.0847948 1.0833192 1.0774996 1.0668813 1.0572317\n", + " 1.0530345 1.0551252 1.0610715 1.0664289]\n", + " [1.1791044 1.1766351 1.1882831 1.1983762 1.1850908 1.1511387 1.1145729\n", + " 1.0898182 1.0781592 1.0753511 1.0750502 1.0701766 1.0607299 1.0520356\n", + " 1.0478321 1.049597 1.0552003 0. ]\n", + " [1.1583732 1.1546113 1.1651641 1.1736722 1.1623344 1.130832 1.0984508\n", + " 1.0769632 1.0674472 1.0653082 1.0656517 1.0611148 1.0524702 1.0448489\n", + " 1.041316 1.0430036 0. 0. ]\n", + " [1.1678488 1.1630144 1.1719809 1.180243 1.1678451 1.1358688 1.1029832\n", + " 1.0809287 1.0703307 1.0680823 1.0675653 1.0635667 1.0553313 1.0476338\n", + " 1.0443009 1.0460528 1.0516514 0. ]]\n", + "[[1.1875978 1.1838987 1.1941391 1.2021471 1.1898353 1.1549902 1.1176966\n", + " 1.0932336 1.0813198 1.0785378 1.078115 1.0729017 1.0633522 1.0546206\n", + " 1.0502789 1.0522318 1.0581875 0. 0. ]\n", + " [1.1954379 1.1894319 1.1980572 1.2070507 1.1936815 1.1578295 1.1215365\n", + " 1.0977113 1.0870329 1.085667 1.0857491 1.0792946 1.0679394 1.0577754\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1557201 1.1526443 1.1620934 1.1703876 1.1579084 1.127547 1.0960119\n", + " 1.0748076 1.0651119 1.0633943 1.0624324 1.0583144 1.0502005 1.0429538\n", + " 1.0397266 1.041306 1.0461408 0. 0. ]\n", + " [1.1737665 1.1680988 1.1781948 1.1862439 1.1755862 1.1420301 1.1061918\n", + " 1.0824564 1.0720904 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.188878 1.185165 1.1960909 1.2054234 1.1918566 1.154771 1.1175497\n", + " 1.0925175 1.0808307 1.0778744 1.0762377 1.0699949 1.0609307 1.0524615\n", + " 1.0486289 1.0507339 1.0566514 1.0625039 1.0650817]]\n", + "[[1.151756 1.1483892 1.1592467 1.169764 1.159262 1.1286311 1.0970687\n", + " 1.0762725 1.0657586 1.0618527 1.0602307 1.0547323 1.0464975 1.039573\n", + " 1.0366366 1.038301 1.0429932 1.0471665 1.0494729 1.0504922 1.0517657\n", + " 1.0545745 1.0612727]\n", + " [1.1963311 1.1896559 1.1986135 1.2054353 1.1916372 1.1558988 1.1198266\n", + " 1.0956079 1.0842001 1.0823334 1.0829918 1.0772929 1.0677716 1.0585927\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1530685 1.1499411 1.1578039 1.1652982 1.1543094 1.1241757 1.0931323\n", + " 1.0729551 1.0633336 1.0609442 1.0606115 1.0565854 1.048661 1.0421921\n", + " 1.0388116 1.0401152 1.0445825 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1949197 1.1875007 1.1973057 1.208401 1.19679 1.1609418 1.1232712\n", + " 1.0977453 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1657476 1.1628867 1.1729267 1.1819335 1.1702642 1.1383595 1.1054664\n", + " 1.0826194 1.071907 1.0685551 1.0680734 1.0628285 1.0544039 1.0461539\n", + " 1.0427126 1.0441935 1.0492834 1.0546795 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1684961 1.1671063 1.178215 1.1867907 1.1738784 1.1399035 1.1059271\n", + " 1.083035 1.0720729 1.0686808 1.0670841 1.0616848 1.0528134 1.0453975\n", + " 1.0421821 1.0436711 1.0485765 1.0531232 1.0554289 1.0562139]\n", + " [1.1638583 1.1608441 1.1709101 1.1799409 1.1677917 1.1362846 1.1034155\n", + " 1.0811592 1.0703553 1.067722 1.0678294 1.0634271 1.0550146 1.0474734\n", + " 1.0437803 1.045414 1.0504246 0. 0. 0. ]\n", + " [1.170482 1.167836 1.1778419 1.1872718 1.1748092 1.1420219 1.1078223\n", + " 1.0845168 1.0739341 1.0707166 1.0702026 1.0646671 1.0555274 1.0468727\n", + " 1.043306 1.044962 1.0504179 1.0553561 0. 0. ]\n", + " [1.1664627 1.1627303 1.173069 1.1804581 1.1681668 1.1350646 1.1012688\n", + " 1.0793247 1.0693914 1.0667312 1.0658822 1.0618006 1.0533614 1.045609\n", + " 1.0422112 1.0437549 1.0486078 1.0533264 0. 0. ]\n", + " [1.1773167 1.1743551 1.1852334 1.1949072 1.1816677 1.1473817 1.1119983\n", + " 1.0886086 1.0772495 1.0747644 1.074459 1.0693905 1.06033 1.0515924\n", + " 1.0477965 1.0494457 1.0550472 0. 0. 0. ]]\n", + "[[1.1590707 1.1585594 1.1687263 1.1777613 1.1658415 1.1328592 1.1001033\n", + " 1.077878 1.0670949 1.063662 1.0630206 1.0582918 1.049978 1.0433625\n", + " 1.040202 1.0417236 1.0464363 1.0508606 1.0532135 0. 0.\n", + " 0. 0. ]\n", + " [1.161267 1.1585428 1.1687865 1.1767132 1.1646235 1.1332057 1.1008824\n", + " 1.0796156 1.0690727 1.0654386 1.0633153 1.0574946 1.0491493 1.042169\n", + " 1.0392659 1.0411757 1.045478 1.0501804 1.0526304 1.0536327 1.0553181\n", + " 0. 0. ]\n", + " [1.1702133 1.1681939 1.179373 1.1890184 1.1769502 1.1429784 1.1091509\n", + " 1.0863115 1.0745682 1.0698661 1.0676186 1.0613774 1.0518343 1.0448198\n", + " 1.041639 1.0437245 1.0493598 1.0538424 1.0566102 1.0578228 1.0590433\n", + " 1.0623105 1.069888 ]\n", + " [1.1686702 1.1635499 1.1730113 1.180811 1.1686226 1.1356788 1.1021802\n", + " 1.0799941 1.0700464 1.06797 1.0687256 1.0648248 1.0563269 1.0483872\n", + " 1.0445222 1.0464184 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.168212 1.1652445 1.1750003 1.1821021 1.1703149 1.1366266 1.1025654\n", + " 1.0803301 1.0706403 1.0685892 1.0684108 1.0639198 1.0549802 1.0472771\n", + " 1.0434395 1.0452648 1.0504954 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1575443 1.1546106 1.1641937 1.1726638 1.1613848 1.1306843 1.09971\n", + " 1.0784209 1.0677029 1.0642185 1.0621037 1.0566082 1.048346 1.0419149\n", + " 1.0390383 1.0407417 1.0452864 1.0499758 1.0519365 1.0530497 1.0544094\n", + " 1.0581061]\n", + " [1.1823754 1.1782377 1.1884692 1.1971494 1.1849568 1.150226 1.1142689\n", + " 1.0902221 1.0784781 1.0753943 1.0753717 1.0708715 1.061427 1.0526819\n", + " 1.0484877 1.0501146 1.0554307 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1797733 1.1742101 1.184483 1.1935424 1.1827607 1.1490756 1.1138297\n", + " 1.0900236 1.0798901 1.0777402 1.0772232 1.0724373 1.0629401 1.0534968\n", + " 1.0492218 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1746205 1.1714305 1.1826375 1.1923381 1.180042 1.1454264 1.1103184\n", + " 1.0871273 1.0756211 1.0718826 1.0700587 1.0644078 1.055319 1.0472641\n", + " 1.043684 1.0453533 1.050598 1.0554209 1.0575659 1.0582521 0.\n", + " 0. ]\n", + " [1.1786546 1.1761984 1.188412 1.1994082 1.1867527 1.1513569 1.1149354\n", + " 1.0905308 1.0785139 1.0741372 1.0726607 1.0662385 1.0567917 1.0485635\n", + " 1.044866 1.0465542 1.0519577 1.0572807 1.0597839 1.0607455 0.\n", + " 0. ]]\n", + "[[1.195902 1.1926686 1.2044849 1.2143509 1.2010641 1.1631398 1.1231872\n", + " 1.0966108 1.0840389 1.0808858 1.0810182 1.0754111 1.0654145 1.0562444\n", + " 1.0521241 1.0539923 1.0598363 1.0660992 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1996046 1.194803 1.2050227 1.2125629 1.1982788 1.1620295 1.124421\n", + " 1.0986784 1.0876665 1.0859416 1.0866547 1.0815377 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1582377 1.1550081 1.1651111 1.1736083 1.1622987 1.1316818 1.1000221\n", + " 1.0790131 1.0681068 1.064097 1.0621464 1.0562481 1.0480647 1.0413163\n", + " 1.0388526 1.040306 1.045123 1.0493752 1.0514767 1.0522716 1.0538003\n", + " 1.0574635 0. ]\n", + " [1.1431167 1.141483 1.1525191 1.1619874 1.1529977 1.1236591 1.0935994\n", + " 1.0729997 1.0625452 1.0592642 1.0573169 1.0515758 1.0436829 1.0369254\n", + " 1.0343397 1.0357971 1.0398502 1.0444524 1.0459108 1.0470082 1.0481917\n", + " 1.0512002 1.0575144]\n", + " [1.1629317 1.1585121 1.1683933 1.1761335 1.1643995 1.1325377 1.0998011\n", + " 1.0794926 1.0697254 1.0682116 1.0681549 1.0638553 1.055452 1.0470604\n", + " 1.0432867 1.0450549 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1663324 1.1635029 1.1743948 1.1826452 1.1709133 1.138026 1.1038988\n", + " 1.0813494 1.0701597 1.0672343 1.0657341 1.0613859 1.0531135 1.0455266\n", + " 1.0419198 1.0435655 1.0479423 1.0526594 1.0550323 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1601417 1.1562705 1.1663489 1.1755698 1.1635493 1.1318363 1.0991824\n", + " 1.0776831 1.068034 1.0658497 1.0654551 1.0609791 1.0525907 1.0448892\n", + " 1.0410318 1.0426754 1.0479634 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1909659 1.1846273 1.1937509 1.2024999 1.1902474 1.1553677 1.1188043\n", + " 1.095373 1.0843583 1.082032 1.0819063 1.0762388 1.0660158 1.0563033\n", + " 1.0520556 1.0543315 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1816212 1.176945 1.1860607 1.1926638 1.1788294 1.1450132 1.1102555\n", + " 1.0868927 1.0774642 1.0759112 1.076666 1.0714602 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1605326 1.159 1.1681153 1.1786052 1.168682 1.1373758 1.105263\n", + " 1.083667 1.072337 1.0681149 1.0655274 1.0596625 1.0508146 1.0429174\n", + " 1.0401349 1.0421096 1.0475947 1.0515943 1.0535306 1.0543531 1.0550858\n", + " 1.057988 1.0653377 1.0749496]]\n", + "[[1.1871004 1.1840839 1.1953614 1.2045645 1.1912779 1.1569064 1.1209108\n", + " 1.0958121 1.0828464 1.0789931 1.0762614 1.0698818 1.0600357 1.0514287\n", + " 1.0477694 1.0497366 1.0548737 1.0602411 1.062462 1.0632567 1.0648477]\n", + " [1.1918662 1.1878223 1.1985818 1.2082082 1.1950986 1.1592726 1.122506\n", + " 1.0973872 1.0848927 1.082154 1.0810038 1.074727 1.0650483 1.0559992\n", + " 1.051653 1.0540919 1.0600243 0. 0. 0. 0. ]\n", + " [1.187207 1.1816279 1.1918757 1.2018791 1.1893606 1.1536024 1.1157802\n", + " 1.0910926 1.0796026 1.077467 1.0783874 1.074056 1.0643498 1.0555308\n", + " 1.0510181 0. 0. 0. 0. 0. 0. ]\n", + " [1.1803364 1.177335 1.1886934 1.1972495 1.185145 1.1503694 1.1141434\n", + " 1.0899576 1.0783157 1.0749329 1.0733396 1.0672407 1.058203 1.049988\n", + " 1.0460314 1.0479285 1.0530031 1.0577698 1.0602658 1.061 0. ]\n", + " [1.1884269 1.1835066 1.1943171 1.204722 1.1921757 1.1560092 1.117915\n", + " 1.0923948 1.081292 1.0792172 1.0793895 1.0743816 1.0638074 1.0541935\n", + " 1.0498554 1.0520428 0. 0. 0. 0. 0. ]]\n", + "[[1.1713609 1.1680595 1.1791204 1.1884943 1.1765357 1.1422085 1.1068685\n", + " 1.0834603 1.0725943 1.0693346 1.0689172 1.0636524 1.0549217 1.0466522\n", + " 1.0430855 1.0446754 1.0497468 1.0545406 1.0569484 0. 0. ]\n", + " [1.1847333 1.1788532 1.187811 1.1956528 1.1820571 1.1485432 1.1139\n", + " 1.091018 1.0796006 1.0762018 1.0745715 1.068611 1.0589249 1.0503343\n", + " 1.046768 1.0494161 1.0554463 1.0608873 0. 0. 0. ]\n", + " [1.1620599 1.1577394 1.1665118 1.17465 1.1644652 1.1332837 1.1004564\n", + " 1.0782335 1.0679502 1.0665206 1.0676081 1.0634849 1.0548455 1.0464953\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1596837 1.1559882 1.1654342 1.1723405 1.1611776 1.1297042 1.097177\n", + " 1.0763159 1.0666718 1.0647705 1.0648067 1.0604308 1.0520349 1.0445418\n", + " 1.0406672 1.0421517 1.0471854 0. 0. 0. 0. ]\n", + " [1.1793358 1.1772789 1.1877859 1.1954244 1.1831548 1.1494048 1.1137273\n", + " 1.090401 1.0780585 1.0745037 1.0726051 1.0669092 1.0575931 1.049653\n", + " 1.0461781 1.0482993 1.053324 1.0586257 1.0610273 1.0622624 1.0637959]]\n", + "[[1.1833228 1.1778169 1.1875577 1.1955601 1.1820357 1.1468668 1.1117301\n", + " 1.0886768 1.0787883 1.0769498 1.077041 1.0715244 1.0613406 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.181184 1.1773399 1.1877992 1.1946929 1.1813451 1.1456289 1.1107888\n", + " 1.0881114 1.0785187 1.0773625 1.0777823 1.0729619 1.0627782 1.0536717\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1756713 1.1720066 1.1828926 1.1921885 1.1783968 1.1435132 1.1080705\n", + " 1.0852382 1.0747913 1.0743158 1.0744237 1.0694102 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1786902 1.1771108 1.1889488 1.1978748 1.1860839 1.1505852 1.1140369\n", + " 1.089634 1.077063 1.0733708 1.0721604 1.0660971 1.0566467 1.0483581\n", + " 1.0449741 1.046996 1.0521607 1.0569569 1.0595272 1.0606819]\n", + " [1.158202 1.1531966 1.1614796 1.1696086 1.1580464 1.1267856 1.0957879\n", + " 1.0747331 1.0659271 1.0646182 1.0649374 1.0610056 1.0531311 1.0453533\n", + " 1.0416408 1.0433655 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1673328 1.1628357 1.1728365 1.1814666 1.1691337 1.1364444 1.1026524\n", + " 1.080059 1.0698013 1.0679461 1.0682526 1.0639735 1.05545 1.0472834\n", + " 1.0434302 1.0450319 1.0504022 0. 0. ]\n", + " [1.1588726 1.155991 1.165724 1.1730864 1.1615422 1.1293397 1.0974313\n", + " 1.0767077 1.0669677 1.0645189 1.0638295 1.0588771 1.050008 1.0426273\n", + " 1.0392169 1.041301 1.0458218 1.0507703 1.0531998]\n", + " [1.198158 1.1904218 1.1985812 1.2062509 1.1935307 1.158339 1.1207788\n", + " 1.0955433 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2036841 1.1982536 1.208348 1.2154396 1.2003766 1.1626592 1.1231865\n", + " 1.0976042 1.0856462 1.0850655 1.0863111 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1634002 1.1591038 1.1683466 1.1774144 1.1662323 1.1342905 1.1025496\n", + " 1.0809062 1.070615 1.0693222 1.069299 1.0648515 1.0568047 1.0486447\n", + " 1.0449787 0. 0. 0. 0. ]]\n", + "[[1.1617231 1.1575178 1.1661961 1.1720291 1.1602725 1.12877 1.09722\n", + " 1.0763737 1.0667514 1.0640198 1.0631865 1.0585595 1.0509089 1.0436009\n", + " 1.0401094 1.0416614 1.0461116 1.0506104 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.190061 1.1845529 1.1944975 1.2028072 1.189 1.153714 1.117199\n", + " 1.0927526 1.0816667 1.0791719 1.078789 1.0734495 1.0638272 1.0549526\n", + " 1.050514 1.0531054 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1545383 1.1517797 1.1628371 1.17248 1.1622767 1.1318733 1.0995814\n", + " 1.0786304 1.0677676 1.0641016 1.0619057 1.0561844 1.0473638 1.0404965\n", + " 1.0378343 1.0394742 1.0443568 1.0487465 1.0512807 1.0521905 1.052869\n", + " 1.0559692 1.0626236]\n", + " [1.1708637 1.1690593 1.1804353 1.1880963 1.175801 1.1411971 1.1065903\n", + " 1.0835217 1.0740178 1.0720758 1.0726349 1.0674587 1.0584403 1.0499196\n", + " 1.0459087 1.047693 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1876286 1.1841631 1.1962655 1.2063457 1.1939225 1.1578375 1.1206505\n", + " 1.0955956 1.082869 1.079362 1.0777109 1.0722183 1.0623062 1.0533998\n", + " 1.0490901 1.0508126 1.0562906 1.0620356 1.0650506 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1742325 1.1703764 1.1803397 1.189564 1.1782877 1.1445796 1.1093391\n", + " 1.0855803 1.0742127 1.0712627 1.0707979 1.066212 1.0575355 1.0493126\n", + " 1.0454087 1.046878 1.0519192 1.0570593 0. 0. 0. ]\n", + " [1.1746523 1.1708183 1.1809253 1.1901287 1.1778246 1.1450112 1.1111007\n", + " 1.0883389 1.0776863 1.0751779 1.0744534 1.0694115 1.060096 1.0513704\n", + " 1.0474039 1.0495261 0. 0. 0. 0. 0. ]\n", + " [1.2094972 1.2045003 1.2192926 1.229804 1.2142283 1.1732209 1.1303539\n", + " 1.1015769 1.0903082 1.0896478 1.0909573 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1588379 1.155364 1.1652659 1.1734946 1.1619885 1.1301205 1.0976989\n", + " 1.0768275 1.0664725 1.0637577 1.0636567 1.0593147 1.0513434 1.0441833\n", + " 1.040767 1.042428 1.0471087 1.0517819 0. 0. 0. ]\n", + " [1.1664181 1.1640726 1.173618 1.1811433 1.1689935 1.1359377 1.1021228\n", + " 1.0802941 1.0689809 1.0655347 1.0636003 1.0587777 1.0507334 1.0438746\n", + " 1.0410783 1.042686 1.0476246 1.0521592 1.0545696 1.0556782 1.0571772]]\n", + "[[1.1956028 1.1884712 1.1974975 1.2061714 1.193412 1.1577297 1.1194963\n", + " 1.0942734 1.0829452 1.0815158 1.0828147]]\n" + ] + } + ], "source": [ - "np.argsort([0,1,2,0.3,0.2], 0) " + "prediction = summarizer.predict(get_data_iter(test_dataset),\n", + " device=DEVICE,)" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 20, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[autoreload of utils_nlp.models.transformers.extractive_summarization failed: Traceback (most recent call last):\n", + " File \"/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions/autoreload.py\", line 245, in check\n", + " superreload(m, reload, self.old_objects)\n", + " File \"/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions/autoreload.py\", line 450, in superreload\n", + " update_generic(old_obj, new_obj)\n", + " File \"/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions/autoreload.py\", line 387, in update_generic\n", + " update(a, b)\n", + " File \"/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions/autoreload.py\", line 357, in update_class\n", + " update_instances(old, new)\n", + " File \"/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions/autoreload.py\", line 317, in update_instances\n", + " update_instances(old, new, obj, visited)\n", + " File \"/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions/autoreload.py\", line 317, in update_instances\n", + " update_instances(old, new, obj, visited)\n", + " File \"/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions/autoreload.py\", line 317, in update_instances\n", + " update_instances(old, new, obj, visited)\n", + " File \"/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions/autoreload.py\", line 315, in update_instances\n", + " if hasattr(obj, 'items') or (hasattr(obj, '__contains__')\n", + "KeyboardInterrupt\n", + "]\n" + ] + }, + { + "data": { + "text/plain": [ + "'andrew mogni , 20 , from glen ellyn , illinois , a university of iowa student has died nearly three months after a fall in rome in a suspected robberyhe was flown back to chicago via air ambulance on march 20 , but he died on sunday .he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .'" + ] + }, + "execution_count": 20, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ - "len(ext_sum_test)" + "prediction[0]" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 21, "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "text/plain": [ + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" + ] + }, + "execution_count": 21, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ - "prediction" + "test_dataset[0]['tgt_txt']" ] }, { diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index 32f7f8767..7af8bf954 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -103,9 +103,25 @@ def __init__(self, model_name="bert-base-cased", to_lower=False, cache_dir="."): } args = Bunch(default_preprocessing_parameters) self.preprossor = TransformerData(args, self.tokenizer) - + + @staticmethod def get_inputs(batch, model_name, train_mode=True): + if model_name.split("-")[0] in ["bert", "xlnet", "roberta", "distilbert"]: + if train_mode: + # return {"input_ids": batch[0], "attention_mask": batch[1], "labels": batch[2]} + #src, segs, clss, mask, mask_cls, src_str + # labels must be the last + return {"x": batch.src, "segs": batch.segs, "clss": batch.clss, + "mask": batch.mask, "mask_cls": batch.mask_cls, "labels": batch.labels} + else: + return {"x": batch.src, "segs": batch.segs, "clss": batch.clss, + "mask": batch.mask, "mask_cls": batch.mask_cls} + else: + raise ValueError("Model not supported: {}".format(model_name)) + + @staticmethod + def get_inputs_2(batch, model_name, train_mode=True): if model_name.split("-")[0] in ["bert", "xlnet", "roberta", "distilbert"]: if train_mode: # return {"input_ids": batch[0], "attention_mask": batch[1], "labels": batch[2]} @@ -118,10 +134,23 @@ def get_inputs(batch, model_name, train_mode=True): "mask": batch[3], "mask_cls": batch[4]} else: raise ValueError("Model not supported: {}".format(model_name)) - + def preprocess(self, sources, targets=None, oracle_mode="greedy", selections=3): """preprocess multiple data points""" + is_labeled = False + if targets is None: + for source in sources: + yield list(self._preprocess_single(source, None, oracle_mode, selections)) + else: + for (source, target) in zip(sources, targets): + yield list(self._preprocess_single(source, target, oracle_mode, selections)) + is_labeled = True + + + def preprocess_3(self, sources, targets=None, oracle_mode="greedy", selections=3): + """preprocess multiple data points""" + is_labeled = False if targets is None: data = [self._preprocess_single(source, None, oracle_mode, selections) for source in sources] @@ -253,10 +282,10 @@ def _preprocess_single(self, source, target=None, oracle_mode="greedy", selectio #return {"src": indexed_tokens, "labels": labels, "segs": segments_ids, 'clss': cls_ids, # 'src_txt': src_txt, "tgt_txt": tgt_txt} - +from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig class ExtractiveSummarizer(Transformer): - def __init__(self, model_name="bert-base-cased", cache_dir="."): + def __init__(self, model_name="distilbert-base-uncased", model_class=DistilBertModel, cache_dir="."): super().__init__( model_class=MODEL_CLASS, model_name=model_name, @@ -264,15 +293,16 @@ def __init__(self, model_name="bert-base-cased", cache_dir="."): cache_dir=cache_dir, ) args = Bunch(default_parameters) - self.model = Summarizer(args, MODEL_CLASS[model_name], model_name, None, cache_dir) - + self.model = Summarizer("transformer", args, model_class, model_name, None, cache_dir) + + @staticmethod def list_supported_models(): return list(MODEL_CLASS) def fit( self, - train_dataset, + train_data_iterator, device="cuda", num_epochs=1, batch_size=32, @@ -289,10 +319,15 @@ def fit( accum_count=2, **kwargs ): - device, num_gpus = get_device(device=device, num_gpus=num_gpus, local_rank=local_rank) + #device, num_gpus = get_device(device=device, num_gpus=num_gpus, local_rank=local_rank) + device = torch.device("cuda:{}".format(0)) + torch.backends.cudnn.enabled = True + torch.backends.cudnn.deterministic = True + self.model.to(device) + super().fine_tune( - train_dataset=train_dataset, + train_data_iterator, get_inputs=ExtSumProcessor.get_inputs, device=device, per_gpu_train_batch_size=batch_size, @@ -307,7 +342,7 @@ def fit( **kwargs, ) - def predict(self, eval_dataset, device, batch_size=16, sentence_seperator="", top_n=3, block_trigram=True, num_gpus=1, verbose=True, cal_lead=False): + def predict(self, eval_data_iterator, device, batch_size=16, sentence_seperator="", top_n=3, block_trigram=True, num_gpus=1, verbose=True, cal_lead=False): def _get_ngrams(n, text): ngram_set = set() text_length = len(text) @@ -323,48 +358,57 @@ def _block_tri(c, p): if len(tri_c.intersection(tri_s))>0: return True return False - - sent_scores = list( - super().predict( - eval_dataset=eval_dataset, - get_inputs=ExtSumProcessor.get_inputs, - device=device, - per_gpu_eval_batch_size=batch_size, - n_gpu=num_gpus, - verbose=verbose, - ) - ) - #return sent_scores - if cal_lead: - selected_ids = list(range(eval_dataset.clss.size(1)))*len(eval_dataset.clss) - else: - negative_sent_score = [-i for i in sent_scores[0]] - selected_ids = np.argsort(negative_sent_score, 1) - # selected_ids = np.sort(selected_ids,1) - pred = [] - for i, idx in enumerate(selected_ids): - _pred = [] - if(len(eval_dataset.src_str[i])==0): - pred.append('') - continue - for j in selected_ids[i][:len(eval_dataset.src_str[i])]: - if(j>=len( eval_dataset.src_str[i])): + def _get_pred(batch, sent_scores): + #return sent_scores + if cal_lead: + selected_ids = list(range(batch.clss.size(1)))*len(batch.clss) + else: + #negative_sent_score = [-i for i in sent_scores[0]] + selected_ids = np.argsort(-sent_scores, 1) + # selected_ids = np.sort(selected_ids,1) + pred = [] + for i, idx in enumerate(selected_ids): + _pred = [] + if(len(batch.src_str[i])==0): + pred.append('') continue - candidate = eval_dataset.src_str[i][j].strip() - if(block_trigram): - if(not _block_tri(candidate,_pred)): + for j in selected_ids[i][:len(batch.src_str[i])]: + if(j>=len( batch.src_str[i])): + continue + candidate = batch.src_str[i][j].strip() + if(block_trigram): + if(not _block_tri(candidate,_pred)): + _pred.append(candidate) + else: _pred.append(candidate) - else: - _pred.append(candidate) - # only select the top 3 - if len(_pred) == top_n: - break + # only select the top 3 + if len(_pred) == top_n: + break - #_pred = ''.join(_pred) - _pred = sentence_seperator.join(_pred) - pred.append(_pred.strip()) + #_pred = ''.join(_pred) + _pred = sentence_seperator.join(_pred) + pred.append(_pred.strip()) + return pred + + #for batch in tqdm(eval_data_iterator, desc="Evaluating", disable=not verbose): + self.model.eval() + pred = [] + for batch in eval_data_iterator: + batch = batch.to(device) + #batch = tuple(t.to(device) for t in batch) + #batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) + with torch.no_grad(): + inputs = ExtSumProcessor.get_inputs(batch, self.model_name, train_mode=False) + outputs = self.model(**inputs) + sent_scores = outputs[0] + sent_scores = sent_scores.detach().cpu().numpy() + #return sent_scores + pred.extend(_get_pred(batch, sent_scores)) + #yield logits.detach().cpu().numpy() return pred + + """preds = list( super().predict( From 14465fbf58eec7473690bcc88addbcca03e193e7 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Sat, 26 Oct 2019 04:24:30 +0000 Subject: [PATCH 020/167] change prediction --- utils_nlp/models/transformers/common.py | 100 +++++++++++------------- 1 file changed, 46 insertions(+), 54 deletions(-) diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index 5b64d55f2..c38740d51 100644 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -48,8 +48,10 @@ def get_device(device, num_gpus, local_rank): return device, num_gpus +from abc import ABC, abstractmethod +from tensorboardX import SummaryWriter -class Transformer: +class Transformer(ABC): def __init__( self, model_class, @@ -61,7 +63,7 @@ def __init__( self.model_name = model_name self.cache_dir = cache_dir self.load_model_from_dir = load_model_from_dir - if load_model_from_dir is None: + """if load_model_from_dir is None: self.model = model_class[model_name].from_pretrained( model_name, cache_dir=cache_dir, num_labels=num_labels ) @@ -70,7 +72,8 @@ def __init__( self.model = model_class[model_name].from_pretrained( load_model_from_dir, num_labels=num_labels ) - + """ + writer = SummaryWriter() @property def model_name(self): return self._model_name @@ -101,14 +104,14 @@ def set_seed(seed, cuda=True): def fine_tune( self, - train_dataset, + #train_dataset, + train_data_iterator_function, get_inputs, device, max_steps=-1, num_train_epochs=1, max_grad_norm=1.0, gradient_accumulation_steps=1, - per_gpu_train_batch_size=8, n_gpu=1, weight_decay=0.0, learning_rate=5e-5, @@ -119,29 +122,17 @@ def fine_tune( local_rank=-1, verbose=True, seed=None, + report_every=50, **kwargs ): if seed is not None: Transformer.set_seed(seed, n_gpu > 0) - - train_batch_size = per_gpu_train_batch_size * max(1, n_gpu) - train_sampler = ( - RandomSampler(train_dataset) if local_rank == -1 else DistributedSampler(train_dataset) - ) - #train_dataloader = DataLoader( - # train_dataset, sampler=train_sampler, batch_size=train_batch_size - #) - train_dataloader = DataLoader( - train_dataset, batch_size=train_batch_size - ) - + train_batch_size = 1, + if max_steps > 0: t_total = max_steps - #num_train_epochs = - #( - # max_steps // (len(train_dataloader) // gradient_accumulation_steps) + 1 - #) + else: t_total = 1e3 #len(train_dataloader) // gradient_accumulation_steps * num_train_epochs #t_total = max_steps @@ -188,37 +179,45 @@ def fine_tune( global_step = 0 tr_loss = 0.0 self.model.zero_grad() - train_iterator = trange( - int(num_train_epochs), desc="Epoch", disable=local_rank not in [-1, 0] or not verbose - ) - - #for _ in train_iterator: + self.model.train() + import time + start = time.time() + + + + train_data_iterator = train_data_iterator_function() + accum_loss = 0 while 1: - epoch_iterator = tqdm( - train_dataloader, desc="Iteration", disable=local_rank not in [-1, 0] or not verbose - ) - for step, batch in enumerate(epoch_iterator): - batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) + for step, batch in enumerate(train_data_iterator): + batch = batch.to(device) + + #batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) inputs = get_inputs(batch, self.model_name) - outputs = self.model(**inputs) + outputs = self.model(**inputs) loss = outputs[0] - if n_gpu > 1: loss = loss.mean() if gradient_accumulation_steps > 1: loss = loss / gradient_accumulation_steps - - if step % 10 == 0 and verbose: - tqdm.write("Loss:{:.6f}".format(loss / train_batch_size)) + + accum_loss += loss.item() + if step % report_every == 0 and verbose: + #tqdm.write(loss) + end = time.time() + print("loss: {0:.6f}, time: {1:.2f}, step {2:f} out of total {3:f}".format( + accum_loss/report_every, end-start, global_step, max_steps)) + accum_loss = 0 + start = end if fp16: with amp.scale_loss(loss, optimizer) as scaled_loss: scaled_loss.backward() - torch.nn.utils.clip_grad_norm_(amp.master_params(optimizer), max_grad_norm) + torch.nn.utils.clip_grad_norm_(amp.master_params(optimizer), 0) else: - loss.backward() - torch.nn.utils.clip_grad_norm_(self.model.parameters(), max_grad_norm) + #loss.backward() + (loss/loss.numel()).backward() + torch.nn.utils.clip_grad_norm_(self.model.parameters(), 0) tr_loss += loss.item() if (step + 1) % gradient_accumulation_steps == 0: @@ -228,20 +227,18 @@ def fine_tune( global_step += 1 if max_steps > 0 and global_step > max_steps: - epoch_iterator.close() break if max_steps > 0 and global_step > max_steps: - train_iterator.close() break # empty cache - del [batch] + #del [batch] torch.cuda.empty_cache() return global_step, tr_loss / global_step def predict( self, - eval_dataset, + eval_data_iterator, get_inputs, device, per_gpu_eval_batch_size=16, @@ -249,19 +246,14 @@ def predict( local_rank=-1, verbose=True, ): - eval_batch_size = per_gpu_eval_batch_size * max(1, n_gpu) - eval_sampler = ( - SequentialSampler(eval_dataset) - if local_rank == -1 - else DistributedSampler(eval_dataset) - ) - #eval_dataloader = DataLoader(eval_dataset, sampler=eval_sampler, batch_size=eval_batch_size) - eval_dataloader = DataLoader(eval_dataset, batch_size=eval_batch_size) + - for batch in tqdm(eval_dataloader, desc="Evaluating", disable=not verbose): - self.model.eval() + #for batch in tqdm(eval_data_iterator, desc="Evaluating", disable=not verbose): + self.model.eval() + for batch in eval_data_iterator(): + batch = batch.to(device) #batch = tuple(t.to(device) for t in batch) - batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) + #batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) with torch.no_grad(): inputs = get_inputs(batch, self.model_name, train_mode=False) outputs = self.model(**inputs) From f9e2580bfb0003e9ee425af2a9af896dc1406417 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Sat, 26 Oct 2019 04:25:21 +0000 Subject: [PATCH 021/167] add evaluation --- .../CNNDM_TransformerSum.ipynb | 39565 +--------------- 1 file changed, 88 insertions(+), 39477 deletions(-) diff --git a/examples/text_summarization/CNNDM_TransformerSum.ipynb b/examples/text_summarization/CNNDM_TransformerSum.ipynb index 13db4014d..8c7a839cc 100644 --- a/examples/text_summarization/CNNDM_TransformerSum.ipynb +++ b/examples/text_summarization/CNNDM_TransformerSum.ipynb @@ -1366,9 +1366,9 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1026 02:18:57.081262 139722144081728 file_utils.py:39] PyTorch version 1.2.0 available.\n", - "I1026 02:18:57.117647 139722144081728 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1026 02:18:57.134480 139722144081728 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" + "I1026 04:15:41.799360 140372391651136 file_utils.py:39] PyTorch version 1.2.0 available.\n", + "I1026 04:15:41.833203 140372391651136 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1026 04:15:41.849030 140372391651136 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" ] } ], @@ -1385,7 +1385,7 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1026 02:18:57.327846 139722144081728 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-vocab.txt from cache at ./5e8a2b4893d13790ed4150ca1906be5f7a03d6c4ddf62296c383f6db42814db2.e13dbb970cb325137104fb2e5f36fe865f27746c6b526f6352861b1980eb80b1\n" + "I1026 04:15:42.053747 140372391651136 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-vocab.txt from cache at ./5e8a2b4893d13790ed4150ca1906be5f7a03d6c4ddf62296c383f6db42814db2.e13dbb970cb325137104fb2e5f36fe865f27746c6b526f6352861b1980eb80b1\n" ] } ], @@ -1494,7 +1494,7 @@ "source": [ "device = torch.device(\"cuda:{}\".format(0)) \n", "def train_iter_func():\n", - " return get_data_loader(pts[0:2], device, is_labeled=True)" + " return get_data_loader(pts, device, is_labeled=True)" ] }, { @@ -1506,8 +1506,8 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1026 02:18:58.823258 139722144081728 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1026 02:18:58.824696 139722144081728 configuration_utils.py:168] Model config {\n", + "I1026 04:15:42.579849 140372391651136 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1026 04:15:42.581028 140372391651136 configuration_utils.py:168] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -1532,11 +1532,12 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1026 02:18:58.951738 139722144081728 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I1026 04:15:42.699048 140372391651136 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], "source": [ + "from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig\n", "summarizer = None\n", "summarizer = ExtractiveSummarizer()" ] @@ -1559,49 +1560,76 @@ }, { "cell_type": "code", - "execution_count": 16, + "execution_count": null, "metadata": {}, "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "\r", - "Epoch: 0%| | 0/1 [00:00he was flown back to chicago via air ambulance on march 20 , but he died on sunday .he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .'" - ] - }, - "execution_count": 20, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], + "source": [ + "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from utils_nlp.eval.evaluate_summarization import get_rouge\n", + "rouge_baseline = get_rouge(prediction, target, \"./results/\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "prediction[0]" ] }, { "cell_type": "code", - "execution_count": 21, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" - ] - }, - "execution_count": 21, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "test_dataset[0]['tgt_txt']" ] From e620102ea47e0753feb6f7771f9a2993b4b5054e Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Mon, 28 Oct 2019 20:12:59 +0000 Subject: [PATCH 022/167] distill version performance better than the baseline --- .../CNNDM_TransformerSum.ipynb | 259 ++++++++++++++---- utils_nlp/models/transformers/common.py | 18 +- .../transformers/extractive_summarization.py | 9 +- 3 files changed, 223 insertions(+), 63 deletions(-) diff --git a/examples/text_summarization/CNNDM_TransformerSum.ipynb b/examples/text_summarization/CNNDM_TransformerSum.ipynb index 8c7a839cc..f45a8311a 100644 --- a/examples/text_summarization/CNNDM_TransformerSum.ipynb +++ b/examples/text_summarization/CNNDM_TransformerSum.ipynb @@ -1366,9 +1366,9 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1026 04:15:41.799360 140372391651136 file_utils.py:39] PyTorch version 1.2.0 available.\n", - "I1026 04:15:41.833203 140372391651136 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1026 04:15:41.849030 140372391651136 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" + "I1028 19:36:39.891576 139886807013184 file_utils.py:39] PyTorch version 1.2.0 available.\n", + "I1028 19:36:39.924971 139886807013184 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1028 19:36:39.943137 139886807013184 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" ] } ], @@ -1385,7 +1385,7 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1026 04:15:42.053747 140372391651136 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-vocab.txt from cache at ./5e8a2b4893d13790ed4150ca1906be5f7a03d6c4ddf62296c383f6db42814db2.e13dbb970cb325137104fb2e5f36fe865f27746c6b526f6352861b1980eb80b1\n" + "I1028 19:36:40.130957 139886807013184 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-vocab.txt from cache at ./5e8a2b4893d13790ed4150ca1906be5f7a03d6c4ddf62296c383f6db42814db2.e13dbb970cb325137104fb2e5f36fe865f27746c6b526f6352861b1980eb80b1\n" ] } ], @@ -1506,8 +1506,8 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1026 04:15:42.579849 140372391651136 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1026 04:15:42.581028 140372391651136 configuration_utils.py:168] Model config {\n", + "I1028 19:36:40.696836 139886807013184 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1028 19:36:40.697976 139886807013184 configuration_utils.py:168] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -1532,7 +1532,7 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1026 04:15:42.699048 140372391651136 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I1028 19:36:40.822206 139886807013184 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], @@ -1560,51 +1560,115 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 16, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "loss: 0.468674, time: 0.35, step 0.000000 out of total 10000.000000\n", - "loss: 49.510865, time: 12.12, step 100.000000 out of total 10000.000000\n", - "loss: 50.368191, time: 11.75, step 200.000000 out of total 10000.000000\n", - "loss: 51.135715, time: 11.72, step 300.000000 out of total 10000.000000\n", - "loss: 50.651170, time: 12.08, step 400.000000 out of total 10000.000000\n", - "loss: 49.099066, time: 11.69, step 500.000000 out of total 10000.000000\n", - "loss: 49.710841, time: 11.70, step 600.000000 out of total 10000.000000\n", - "loss: 50.249900, time: 11.67, step 700.000000 out of total 10000.000000\n", - "loss: 50.779532, time: 12.02, step 800.000000 out of total 10000.000000\n", - "loss: 49.899698, time: 11.74, step 900.000000 out of total 10000.000000\n", - "loss: 49.757523, time: 11.90, step 1000.000000 out of total 10000.000000\n", - "loss: 49.934256, time: 11.73, step 1100.000000 out of total 10000.000000\n", - "loss: 50.296925, time: 12.03, step 1200.000000 out of total 10000.000000\n", - "loss: 49.834056, time: 11.74, step 1300.000000 out of total 10000.000000\n", - "loss: 50.779539, time: 11.66, step 1400.000000 out of total 10000.000000\n", - "loss: 50.480450, time: 11.65, step 1500.000000 out of total 10000.000000\n", - "loss: 50.691425, time: 12.04, step 1600.000000 out of total 10000.000000\n", - "loss: 49.424853, time: 11.63, step 1700.000000 out of total 10000.000000\n", - "loss: 48.981549, time: 11.63, step 1800.000000 out of total 10000.000000\n", - "loss: 49.660170, time: 11.62, step 1900.000000 out of total 10000.000000\n", - "loss: 50.527066, time: 11.98, step 2000.000000 out of total 10000.000000\n", - "loss: 50.611742, time: 12.13, step 2100.000000 out of total 10000.000000\n", - "loss: 49.533881, time: 11.61, step 2200.000000 out of total 10000.000000\n", - "loss: 50.405275, time: 11.57, step 2300.000000 out of total 10000.000000\n", - "loss: 51.558690, time: 12.03, step 2400.000000 out of total 10000.000000\n", - "loss: 50.927835, time: 11.88, step 2500.000000 out of total 10000.000000\n", - "loss: 48.684750, time: 12.09, step 2600.000000 out of total 10000.000000\n", - "loss: 51.471593, time: 12.10, step 2700.000000 out of total 10000.000000\n", - "loss: 50.115394, time: 12.23, step 2800.000000 out of total 10000.000000\n", - "loss: 50.202430, time: 11.97, step 2900.000000 out of total 10000.000000\n", - "loss: 48.978926, time: 12.18, step 3000.000000 out of total 10000.000000\n", - "loss: 50.624867, time: 12.00, step 3100.000000 out of total 10000.000000\n", - "loss: 50.878479, time: 12.12, step 3200.000000 out of total 10000.000000\n", - "loss: 50.980690, time: 11.63, step 3300.000000 out of total 10000.000000\n", - "loss: 49.794728, time: 12.20, step 3400.000000 out of total 10000.000000\n", - "loss: 50.396956, time: 12.11, step 3500.000000 out of total 10000.000000\n", - "loss: 50.533176, time: 12.28, step 3600.000000 out of total 10000.000000\n", - "loss: 50.699350, time: 12.13, step 3700.000000 out of total 10000.000000\n" + "0\n", + "loss: 0.434776, time: 0.33, step 0.000000 out of total 10000.000000\n", + "loss: 52.902908, time: 11.08, step 100.000000 out of total 10000.000000\n", + "loss: 38.612158, time: 11.01, step 200.000000 out of total 10000.000000\n", + "loss: 35.420277, time: 11.03, step 300.000000 out of total 10000.000000\n", + "loss: 34.828366, time: 11.95, step 400.000000 out of total 10000.000000\n", + "loss: 34.409282, time: 11.49, step 500.000000 out of total 10000.000000\n", + "loss: 33.686915, time: 11.44, step 600.000000 out of total 10000.000000\n", + "loss: 33.543083, time: 11.21, step 700.000000 out of total 10000.000000\n", + "loss: 33.193735, time: 11.82, step 800.000000 out of total 10000.000000\n", + "loss: 32.814421, time: 11.23, step 900.000000 out of total 10000.000000\n", + "loss: 32.306093, time: 11.26, step 1000.000000 out of total 10000.000000\n", + "loss: 32.094086, time: 11.12, step 1100.000000 out of total 10000.000000\n", + "loss: 33.199048, time: 11.75, step 1200.000000 out of total 10000.000000\n", + "loss: 31.443077, time: 11.44, step 1300.000000 out of total 10000.000000\n", + "loss: 31.991770, time: 11.31, step 1400.000000 out of total 10000.000000\n", + "loss: 31.662769, time: 11.10, step 1500.000000 out of total 10000.000000\n", + "loss: 31.764520, time: 11.67, step 1600.000000 out of total 10000.000000\n", + "loss: 31.710532, time: 11.08, step 1700.000000 out of total 10000.000000\n", + "loss: 31.700363, time: 11.01, step 1800.000000 out of total 10000.000000\n", + "loss: 31.749142, time: 11.17, step 1900.000000 out of total 10000.000000\n", + "loss: 31.710789, time: 11.73, step 2000.000000 out of total 10000.000000\n", + "loss: 32.272130, time: 11.49, step 2100.000000 out of total 10000.000000\n", + "loss: 32.114992, time: 11.46, step 2200.000000 out of total 10000.000000\n", + "loss: 32.081605, time: 11.38, step 2300.000000 out of total 10000.000000\n", + "loss: 32.550155, time: 11.64, step 2400.000000 out of total 10000.000000\n", + "loss: 32.364637, time: 11.14, step 2500.000000 out of total 10000.000000\n", + "loss: 30.473291, time: 11.19, step 2600.000000 out of total 10000.000000\n", + "loss: 31.429663, time: 11.13, step 2700.000000 out of total 10000.000000\n", + "loss: 30.424942, time: 11.40, step 2800.000000 out of total 10000.000000\n", + "loss: 31.258406, time: 11.07, step 2900.000000 out of total 10000.000000\n", + "loss: 30.718246, time: 11.19, step 3000.000000 out of total 10000.000000\n", + "loss: 31.152926, time: 11.18, step 3100.000000 out of total 10000.000000\n", + "loss: 31.191213, time: 11.39, step 3200.000000 out of total 10000.000000\n", + "loss: 31.664712, time: 10.99, step 3300.000000 out of total 10000.000000\n", + "loss: 31.407538, time: 11.03, step 3400.000000 out of total 10000.000000\n", + "loss: 30.724196, time: 11.00, step 3500.000000 out of total 10000.000000\n", + "loss: 30.603053, time: 11.29, step 3600.000000 out of total 10000.000000\n", + "loss: 31.262879, time: 10.96, step 3700.000000 out of total 10000.000000\n", + "loss: 30.602100, time: 11.02, step 3800.000000 out of total 10000.000000\n", + "loss: 30.812468, time: 11.03, step 3900.000000 out of total 10000.000000\n", + "loss: 30.118705, time: 11.28, step 4000.000000 out of total 10000.000000\n", + "loss: 30.472731, time: 10.94, step 4100.000000 out of total 10000.000000\n", + "loss: 30.939562, time: 10.99, step 4200.000000 out of total 10000.000000\n", + "loss: 29.950871, time: 10.91, step 4300.000000 out of total 10000.000000\n", + "loss: 31.281369, time: 11.34, step 4400.000000 out of total 10000.000000\n", + "loss: 29.662618, time: 10.91, step 4500.000000 out of total 10000.000000\n", + "loss: 30.060169, time: 11.00, step 4600.000000 out of total 10000.000000\n", + "loss: 29.785620, time: 11.03, step 4700.000000 out of total 10000.000000\n", + "loss: 30.156811, time: 11.47, step 4800.000000 out of total 10000.000000\n", + "loss: 29.637551, time: 11.01, step 4900.000000 out of total 10000.000000\n", + "loss: 30.674142, time: 11.39, step 5000.000000 out of total 10000.000000\n", + "loss: 28.572815, time: 11.27, step 5100.000000 out of total 10000.000000\n", + "loss: 29.803984, time: 11.50, step 5200.000000 out of total 10000.000000\n", + "loss: 29.971485, time: 11.08, step 5300.000000 out of total 10000.000000\n", + "loss: 29.791215, time: 11.24, step 5400.000000 out of total 10000.000000\n", + "loss: 29.964834, time: 11.38, step 5500.000000 out of total 10000.000000\n", + "loss: 30.322712, time: 11.75, step 5600.000000 out of total 10000.000000\n", + "loss: 29.500406, time: 11.32, step 5700.000000 out of total 10000.000000\n", + "loss: 29.795636, time: 11.30, step 5800.000000 out of total 10000.000000\n", + "loss: 29.980351, time: 11.26, step 5900.000000 out of total 10000.000000\n", + "loss: 29.034165, time: 11.56, step 6000.000000 out of total 10000.000000\n", + "loss: 29.320281, time: 11.05, step 6100.000000 out of total 10000.000000\n", + "loss: 28.547546, time: 11.13, step 6200.000000 out of total 10000.000000\n", + "loss: 28.926620, time: 11.10, step 6300.000000 out of total 10000.000000\n", + "loss: 29.557800, time: 11.63, step 6400.000000 out of total 10000.000000\n", + "loss: 29.143100, time: 11.11, step 6500.000000 out of total 10000.000000\n", + "loss: 29.671277, time: 11.02, step 6600.000000 out of total 10000.000000\n", + "loss: 30.009365, time: 11.08, step 6700.000000 out of total 10000.000000\n", + "loss: 28.840488, time: 11.41, step 6800.000000 out of total 10000.000000\n", + "loss: 28.830560, time: 11.03, step 6900.000000 out of total 10000.000000\n", + "loss: 29.287735, time: 11.09, step 7000.000000 out of total 10000.000000\n", + "loss: 30.114177, time: 11.15, step 7100.000000 out of total 10000.000000\n", + "loss: 28.591488, time: 11.58, step 7200.000000 out of total 10000.000000\n", + "loss: 29.200069, time: 11.10, step 7300.000000 out of total 10000.000000\n", + "loss: 29.515540, time: 11.08, step 7400.000000 out of total 10000.000000\n", + "loss: 29.605279, time: 11.07, step 7500.000000 out of total 10000.000000\n", + "loss: 28.578301, time: 11.50, step 7600.000000 out of total 10000.000000\n", + "loss: 28.892440, time: 11.09, step 7700.000000 out of total 10000.000000\n", + "loss: 28.933030, time: 10.96, step 7800.000000 out of total 10000.000000\n", + "loss: 28.665656, time: 11.05, step 7900.000000 out of total 10000.000000\n", + "loss: 29.566401, time: 11.80, step 8000.000000 out of total 10000.000000\n", + "loss: 28.564517, time: 11.21, step 8100.000000 out of total 10000.000000\n", + "loss: 28.593431, time: 11.01, step 8200.000000 out of total 10000.000000\n", + "loss: 28.926263, time: 11.04, step 8300.000000 out of total 10000.000000\n", + "loss: 28.860379, time: 11.44, step 8400.000000 out of total 10000.000000\n", + "loss: 30.003897, time: 11.05, step 8500.000000 out of total 10000.000000\n", + "loss: 29.035807, time: 11.06, step 8600.000000 out of total 10000.000000\n", + "loss: 29.180781, time: 10.97, step 8700.000000 out of total 10000.000000\n", + "loss: 28.666833, time: 11.44, step 8800.000000 out of total 10000.000000\n", + "loss: 28.866304, time: 11.06, step 8900.000000 out of total 10000.000000\n", + "loss: 27.299687, time: 10.98, step 9000.000000 out of total 10000.000000\n", + "loss: 29.205652, time: 10.99, step 9100.000000 out of total 10000.000000\n", + "loss: 29.167503, time: 11.35, step 9200.000000 out of total 10000.000000\n", + "loss: 28.922509, time: 11.05, step 9300.000000 out of total 10000.000000\n", + "loss: 28.488780, time: 11.10, step 9400.000000 out of total 10000.000000\n", + "loss: 28.075319, time: 10.97, step 9500.000000 out of total 10000.000000\n", + "loss: 28.700666, time: 11.36, step 9600.000000 out of total 10000.000000\n", + "loss: 29.089914, time: 11.04, step 9700.000000 out of total 10000.000000\n", + "loss: 29.031871, time: 10.99, step 9800.000000 out of total 10000.000000\n", + "loss: 28.807646, time: 11.04, step 9900.000000 out of total 10000.000000\n", + "loss: 28.629186, time: 11.33, step 10000.000000 out of total 10000.000000\n" ] } ], @@ -1618,8 +1682,8 @@ " batch_size=BATCH_SIZE,\n", " num_gpus=NUM_GPUS,\n", " max_steps=1e4,\n", - " learning_rate=1e-3,\n", - " warmup_steps=1e4*0.3,\n", + " learning_rate=1e-4,\n", + " warmup_steps=1e4*0.5,\n", " verbose=True,\n", " report_every=100,\n", " )\n", @@ -1629,7 +1693,16 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 17, + "metadata": {}, + "outputs": [], + "source": [ + "torch.save(summarizer.model, \"cnndm_transformersum_distilbert-base-uncased_bertsum_processed_data.pt\")" + ] + }, + { + "cell_type": "code", + "execution_count": 24, "metadata": {}, "outputs": [], "source": [ @@ -1645,7 +1718,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 25, "metadata": {}, "outputs": [], "source": [ @@ -1655,7 +1728,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 26, "metadata": {}, "outputs": [], "source": [ @@ -1664,9 +1737,59 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 27, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "11489\n", + "11489\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-10-28 20:05:12,147 [MainThread ] [INFO ] Writing summaries.\n", + "I1028 20:05:12.147566 139886807013184 pyrouge.py:525] Writing summaries.\n", + "2019-10-28 20:05:12,149 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpnapu1ceb/system and model files to ./results/tmpnapu1ceb/model.\n", + "I1028 20:05:12.149479 139886807013184 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpnapu1ceb/system and model files to ./results/tmpnapu1ceb/model.\n", + "2019-10-28 20:05:12,150 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-28-20-05-11/candidate/.\n", + "I1028 20:05:12.150503 139886807013184 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-10-28-20-05-11/candidate/.\n", + "2019-10-28 20:05:13,204 [MainThread ] [INFO ] Saved processed files to ./results/tmpnapu1ceb/system.\n", + "I1028 20:05:13.204638 139886807013184 pyrouge.py:53] Saved processed files to ./results/tmpnapu1ceb/system.\n", + "2019-10-28 20:05:13,206 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-28-20-05-11/reference/.\n", + "I1028 20:05:13.206232 139886807013184 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-10-28-20-05-11/reference/.\n", + "2019-10-28 20:05:14,254 [MainThread ] [INFO ] Saved processed files to ./results/tmpnapu1ceb/model.\n", + "I1028 20:05:14.254149 139886807013184 pyrouge.py:53] Saved processed files to ./results/tmpnapu1ceb/model.\n", + "2019-10-28 20:05:14,614 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmph6tt42ke/rouge_conf.xml\n", + "I1028 20:05:14.614730 139886807013184 pyrouge.py:354] Written ROUGE configuration to ./results/tmph6tt42ke/rouge_conf.xml\n", + "2019-10-28 20:05:14,616 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmph6tt42ke/rouge_conf.xml\n", + "I1028 20:05:14.616016 139886807013184 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmph6tt42ke/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.53918 (95%-conf.int. 0.53643 - 0.54191)\n", + "1 ROUGE-1 Average_P: 0.36463 (95%-conf.int. 0.36234 - 0.36693)\n", + "1 ROUGE-1 Average_F: 0.42091 (95%-conf.int. 0.41880 - 0.42302)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.24454 (95%-conf.int. 0.24200 - 0.24735)\n", + "1 ROUGE-2 Average_P: 0.16532 (95%-conf.int. 0.16341 - 0.16740)\n", + "1 ROUGE-2 Average_F: 0.19061 (95%-conf.int. 0.18852 - 0.19274)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.49144 (95%-conf.int. 0.48881 - 0.49416)\n", + "1 ROUGE-L Average_P: 0.33284 (95%-conf.int. 0.33057 - 0.33513)\n", + "1 ROUGE-L Average_F: 0.38398 (95%-conf.int. 0.38192 - 0.38601)\n", + "\n" + ] + } + ], "source": [ "from utils_nlp.eval.evaluate_summarization import get_rouge\n", "rouge_baseline = get_rouge(prediction, target, \"./results/\")" @@ -1681,18 +1804,40 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 22, "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "text/plain": [ + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .'" + ] + }, + "execution_count": 22, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ "prediction[0]" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 23, "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "text/plain": [ + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" + ] + }, + "execution_count": 23, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ "test_dataset[0]['tgt_txt']" ] diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index c38740d51..987c280c4 100644 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -32,7 +32,7 @@ MAX_SEQ_LEN = 512 logger = logging.getLogger(__name__) - +import bertsum.distributed as distributed def get_device(device, num_gpus, local_rank): if local_rank == -1: @@ -108,6 +108,7 @@ def fine_tune( train_data_iterator_function, get_inputs, device, + optimizer, max_steps=-1, num_train_epochs=1, max_grad_norm=1.0, @@ -153,8 +154,8 @@ def fine_tune( "weight_decay": 0.0, }, ] - optimizer = AdamW(optimizer_grouped_parameters, lr=learning_rate, eps=adam_epsilon) - scheduler = WarmupLinearSchedule(optimizer, warmup_steps=warmup_steps, t_total=t_total) + #optimizer = AdamW(optimizer_grouped_parameters, lr=learning_rate, eps=adam_epsilon) + #scheduler = WarmupLinearSchedule(optimizer, warmup_steps=warmup_steps, t_total=t_total) if fp16: try: @@ -217,13 +218,20 @@ def fine_tune( else: #loss.backward() (loss/loss.numel()).backward() - torch.nn.utils.clip_grad_norm_(self.model.parameters(), 0) + #torch.nn.utils.clip_grad_norm_(self.model.parameters(), 0) tr_loss += loss.item() if (step + 1) % gradient_accumulation_steps == 0: optimizer.step() - scheduler.step() + #scheduler.step() self.model.zero_grad() + if n_gpu > 1: + grads = [p.grad.data for p in self.model.parameters() + if p.requires_grad + and p.grad is not None] + distributed.all_reduce_and_rescale_tensors( + grads, float(1)) + global_step += 1 if max_steps > 0 and global_step > max_steps: diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index 7af8bf954..74bb2b613 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -42,6 +42,7 @@ from bertsum.prepro.data_builder import TransformerData from utils_nlp.models.bert.extractive_text_summarization import Bunch, modified_format_to_bert, default_parameters from bertsum.models.model_builder import Summarizer +from bertsum.models import model_builder class ExtSumData(): def __init__(self, src, segs, clss, mask, mask_cls, labels=None, src_str=None, tgt_str=None): @@ -283,6 +284,7 @@ def _preprocess_single(self, source, target=None, oracle_mode="greedy", selectio # 'src_txt': src_txt, "tgt_txt": tgt_txt} from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig +import bertsum.distributed as distributed class ExtractiveSummarizer(Transformer): def __init__(self, model_name="distilbert-base-uncased", model_class=DistilBertModel, cache_dir="."): @@ -309,7 +311,7 @@ def fit( num_gpus=None, local_rank=-1, weight_decay=0.0, - learning_rate=2e-3, + learning_rate=1e-4, adam_epsilon=1e-8, warmup_steps=10000, verbose=True, @@ -321,15 +323,20 @@ def fit( ): #device, num_gpus = get_device(device=device, num_gpus=num_gpus, local_rank=local_rank) device = torch.device("cuda:{}".format(0)) + gpu_rank = distributed.multi_init(0, 1, "0") torch.backends.cudnn.enabled = True torch.backends.cudnn.deterministic = True self.model.to(device) + args = Bunch(default_parameters) + optim = model_builder.build_optim(args, self.model, None) + super().fine_tune( train_data_iterator, get_inputs=ExtSumProcessor.get_inputs, device=device, + optimizer=optim, per_gpu_train_batch_size=batch_size, n_gpu=num_gpus, num_train_epochs=num_epochs, From 0cb67dcb0178adcd0b8fdced6c0e52970a7a86a0 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Tue, 29 Oct 2019 21:08:54 +0000 Subject: [PATCH 023/167] cleanup data iterator --- .../transformers/extractive_summarization.py | 338 +++++++----------- 1 file changed, 125 insertions(+), 213 deletions(-) diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index 74bb2b613..6ceeb44f1 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -40,53 +40,49 @@ from bertsum.prepro.data_builder import greedy_selection, combination_selection from bertsum.prepro.data_builder import TransformerData -from utils_nlp.models.bert.extractive_text_summarization import Bunch, modified_format_to_bert, default_parameters +from utils_nlp.models.bert.extractive_text_summarization import Bunch, default_parameters from bertsum.models.model_builder import Summarizer from bertsum.models import model_builder +from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig +import bertsum.distributed as distributed +import time -class ExtSumData(): - def __init__(self, src, segs, clss, mask, mask_cls, labels=None, src_str=None, tgt_str=None): - self.src = src - self.segs = segs - self.clss = clss - self.mask = mask - self.mask_cls = mask_cls - self.labels = labels - self.src_str = src_str - self.tgt_str = tgt_str - -class ExtSumIterableDataset(torch.utils.data.IterableDataset): - def __init__(self, src, segs, clss, mask, mask_cls, labels=None, src_str=None, tgt_str=None): - self.src = src - self.segs = segs - self.clss = clss - self.mask = mask - self.mask_cls = mask_cls - self.labels = labels - self.src_str = src_str - self.tgt_str = tgt_str - - def __iter__(self): - if self.labels is not None: - return iter(zip(self.src, self.segs, self.clss, \ - self.mask, self.mask_cls, self.src_str, self.labels, self.tgt_str)) - else: - return iter(zip(self.src, self.segs, self.clss, \ - self.mask, self.mask_cls, self.src_str)) - +import itertools - def __getitem__(self, index): - if self.labels is not None: - return ExtSumData(self.src[index], self.segs[index], self.clss[index], \ - self.mask[index], self.mask_cls[index], self.labels[index], self.src_str[index], self.tgt_str[index]) - else: - return ExtSumData(self.src[index], self.segs[index], self.clss[index], \ - self.mask[index], self.mask_cls[index], None, self.src_str[index], None) +from bertsum.models.data_loader import DataIterator +from bertsum.models import model_builder, data_loader +class Bunch(object): + """ Class which convert a dictionary to an object """ + + def __init__(self, adict): + self.__dict__.update(adict) - def __len__(self): - return len(self.src) +def get_dataset(file_list, is_train=False): + if is_train: + random.shuffle(file_list) + for file in file_list: + yield torch.load(file) + +def get_data_loader(file_list, device, is_labeled=False, batch_size=3000): + """ + Function to get data iterator over a list of data objects. - + Args: + dataset (list of objects): a list of data objects. + is_test (bool): it specifies whether the data objects are labeled data. + batch_size (int): number of tokens per batch. + + Returns: + DataIterator + + """ + args = Bunch({}) + args.use_interval = True + args.batch_size = batch_size + data_iter = None + data_iter = data_loader.Dataloader(args, get_dataset(file_list), args.batch_size, device, shuffle=False, is_test=is_labeled) + return data_iter + class ExtSumProcessor: def __init__(self, model_name="bert-base-cased", to_lower=False, cache_dir="."): @@ -108,10 +104,8 @@ def __init__(self, model_name="bert-base-cased", to_lower=False, cache_dir="."): @staticmethod def get_inputs(batch, model_name, train_mode=True): - if model_name.split("-")[0] in ["bert", "xlnet", "roberta", "distilbert"]: + if model_name.split("-")[0] in ["bert", "distilbert"]: if train_mode: - # return {"input_ids": batch[0], "attention_mask": batch[1], "labels": batch[2]} - #src, segs, clss, mask, mask_cls, src_str # labels must be the last return {"x": batch.src, "segs": batch.segs, "clss": batch.clss, "mask": batch.mask, "mask_cls": batch.mask_cls, "labels": batch.labels} @@ -121,20 +115,6 @@ def get_inputs(batch, model_name, train_mode=True): else: raise ValueError("Model not supported: {}".format(model_name)) - @staticmethod - def get_inputs_2(batch, model_name, train_mode=True): - if model_name.split("-")[0] in ["bert", "xlnet", "roberta", "distilbert"]: - if train_mode: - # return {"input_ids": batch[0], "attention_mask": batch[1], "labels": batch[2]} - #src, segs, clss, mask, mask_cls, src_str - # labels must be the last - return {"x": batch[0], "segs": batch[1], "clss": batch[2], - "mask": batch[3], "mask_cls": batch[4], "labels": batch[5]} - else: - return {"x": batch[0], "segs": batch[1], "clss": batch[2], - "mask": batch[3], "mask_cls": batch[4]} - else: - raise ValueError("Model not supported: {}".format(model_name)) def preprocess(self, sources, targets=None, oracle_mode="greedy", selections=3): """preprocess multiple data points""" @@ -142,127 +122,12 @@ def preprocess(self, sources, targets=None, oracle_mode="greedy", selections=3): is_labeled = False if targets is None: for source in sources: - yield list(self._preprocess_single(source, None, oracle_mode, selections)) + yield self._preprocess_single(source, None, oracle_mode, selections) else: for (source, target) in zip(sources, targets): - yield list(self._preprocess_single(source, target, oracle_mode, selections)) + yield self._preprocess_single(source, target, oracle_mode, selections) is_labeled = True - - def preprocess_3(self, sources, targets=None, oracle_mode="greedy", selections=3): - """preprocess multiple data points""" - - is_labeled = False - if targets is None: - data = [self._preprocess_single(source, None, oracle_mode, selections) for source in sources] - else: - data = [self._preprocess_single(source, target, oracle_mode, selections) for (source, target) in zip(sources, targets)] - is_labeled = True - - def _pad(data, pad_id, width=-1): - if (width == -1): - width = max(len(d) for d in data) - rtn_data = [d + [pad_id] * (width - len(d)) for d in data] - return rtn_data - - - if data is not None: - pre_src = [x[0] for x in data] - pre_segs = [x[2] for x in data] - pre_clss = [x[3] for x in data] - - src = torch.tensor(_pad(pre_src, 0)) - - pre_labels = None - labels = None - if is_labeled: - pre_labels = [x[1] for x in data] - labels = torch.tensor(_pad(pre_labels, 0)) - segs = torch.tensor(_pad(pre_segs, 0)) - #mask = 1 - (src == 0) - mask = ~(src == 0) - - clss = torch.tensor(_pad(pre_clss, -1)) - #mask_cls = 1 - (clss == -1) - mask_cls = ~(clss == -1) - clss[clss == -1] = 0 - - #setattr(self, 'clss', clss.to(device)) - #setattr(self, 'mask_cls', mask_cls.to(device)) - #setattr(self, 'src', src.to(device)) - #setattr(self, 'segs', segs.to(device)) - #setattr(self, 'mask', mask.to(device)) - src_str = [x[-2] for x in data] - #setattr(self, 'src_str', src_str) - #x, segs, clss, mask, mask_cls, - #td = TensorDataset(src, segs, clss, mask, mask_cls) - #td = src, segs, clss, mask, mask_cls, None, src_str, None - td = ExtSumIterableDataset(src, segs, clss, mask, mask_cls, None, src_str, None) - if is_labeled: - #setattr(self, 'labels', labels.to(device)) - tgt_str = [x[-1] for x in data] - #setattr(self, 'tgt_str', tgt_str) - #td = TensorDataset(src, segs, clss, mask, mask_cls, labels) - td = ExtSumIterableDataset(src, segs, clss, mask, mask_cls, labels, src_str, tgt_str) - return td - - - def preprocess_2(self, sources, targets=None, oracle_mode="greedy", selections=3): - """preprocess multiple data points""" - - is_labeled = False - if targets is None: - data = [self._preprocess_single(source, None, oracle_mode, selections) for source in sources] - else: - data = [self._preprocess_single(source, target, oracle_mode, selections) for (source, target) in zip(sources, targets)] - is_labeled = True - - def _pad(data, pad_id, width=-1): - if (width == -1): - width = max(len(d) for d in data) - rtn_data = [d + [pad_id] * (width - len(d)) for d in data] - return rtn_data - - - if data is not None: - pre_src = [x[0] for x in data] - pre_segs = [x[2] for x in data] - pre_clss = [x[3] for x in data] - - src = torch.tensor(_pad(pre_src, 0)) - - pre_labels = None - labels = None - if is_labeled: - pre_labels = [x[1] for x in data] - labels = torch.tensor(_pad(pre_labels, 0)) - segs = torch.tensor(_pad(pre_segs, 0)) - #mask = 1 - (src == 0) - mask = ~(src == 0) - - clss = torch.tensor(_pad(pre_clss, -1)) - #mask_cls = 1 - (clss == -1) - mask_cls = ~(clss == -1) - clss[clss == -1] = 0 - - #setattr(self, 'clss', clss.to(device)) - #setattr(self, 'mask_cls', mask_cls.to(device)) - #setattr(self, 'src', src.to(device)) - #setattr(self, 'segs', segs.to(device)) - #setattr(self, 'mask', mask.to(device)) - src_str = [x[-2] for x in data] - #setattr(self, 'src_str', src_str) - #x, segs, clss, mask, mask_cls, - td = TensorDataset(src, segs, clss, mask, mask_cls) - if (is_labeled): - #setattr(self, 'labels', labels.to(device)) - tgt_str = [x[-1] for x in data] - #setattr(self, 'tgt_str', tgt_str) - td = TensorDataset(src, segs, clss, mask, mask_cls, labels) - return td - - - def _preprocess_single(self, source, target=None, oracle_mode="greedy", selections=3): """preprocess single data point""" oracle_ids = None @@ -271,20 +136,13 @@ def _preprocess_single(self, source, target=None, oracle_mode="greedy", selectio oracle_ids = greedy_selection(source, target, selections) elif (oracle_mode == 'combination'): oracle_ids = combination_selection(source, target, selections) - print(oracle_ids) - - + b_data = self.preprossor.preprocess(source, target, oracle_ids) - if (b_data is None): return None indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data - return (indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt) - #return {"src": indexed_tokens, "labels": labels, "segs": segments_ids, 'clss': cls_ids, - # 'src_txt': src_txt, "tgt_txt": tgt_txt} - -from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig -import bertsum.distributed as distributed + return {"src": indexed_tokens, "labels": labels, "segs": segments_ids, 'clss': cls_ids, + 'src_txt': src_txt, "tgt_txt": tgt_txt} class ExtractiveSummarizer(Transformer): def __init__(self, model_name="distilbert-base-uncased", model_class=DistilBertModel, cache_dir="."): @@ -304,50 +162,104 @@ def list_supported_models(): def fit( self, - train_data_iterator, + train_data_iterator_function, device="cuda", - num_epochs=1, - batch_size=32, num_gpus=None, local_rank=-1, - weight_decay=0.0, - learning_rate=1e-4, - adam_epsilon=1e-8, - warmup_steps=10000, + max_steps=1e5, verbose=True, seed=None, - decay_method='noam', - lr=0.002, - accum_count=2, + gradient_accumulation_steps=2, + report_every=50, **kwargs ): #device, num_gpus = get_device(device=device, num_gpus=num_gpus, local_rank=local_rank) device = torch.device("cuda:{}".format(0)) - gpu_rank = distributed.multi_init(0, 1, "0") + #gpu_rank = distributed.multi_init(0, 1, "0") torch.backends.cudnn.enabled = True torch.backends.cudnn.deterministic = True self.model.to(device) + get_inputs=ExtSumProcessor.get_inputs + args = Bunch(default_parameters) - optim = model_builder.build_optim(args, self.model, None) + optimizer = model_builder.build_optim(args, self.model, None) - super().fine_tune( - train_data_iterator, - get_inputs=ExtSumProcessor.get_inputs, - device=device, - optimizer=optim, - per_gpu_train_batch_size=batch_size, - n_gpu=num_gpus, - num_train_epochs=num_epochs, - weight_decay=weight_decay, - learning_rate=learning_rate, - adam_epsilon=adam_epsilon, - warmup_steps=warmup_steps, - verbose=verbose, - seed=seed, - **kwargs, - ) + if seed is not None: + super(ExtractiveSummarizer).set_seed(seed, n_gpu > 0) + + train_batch_size = 1, + + # multi-gpu training (should be after apex fp16 initialization) + if num_gpus > 1: + self.model = torch.nn.DataParallel(self.model) + + # Distributed training (should be after apex fp16 initialization) + if local_rank != -1: + self.model = torch.nn.parallel.DistributedDataParallel( + self.model, + device_ids=[local_rank], + output_device=local_rank, + find_unused_parameters=True, + ) + + global_step = 0 + tr_loss = 0.0 + self.model.zero_grad() + + self.model.train() + start = time.time() + + train_data_iterator = train_data_iterator_function() + accum_loss = 0 + while 1: + for step, batch in enumerate(train_data_iterator): + batch = batch.to(device) + + #batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) + inputs = get_inputs(batch, self.model_name) + outputs = self.model(**inputs) + loss = outputs[0] + if num_gpus > 1: + loss = loss.mean() + if gradient_accumulation_steps > 1: + loss = loss / gradient_accumulation_steps + + accum_loss += loss.item() + if step % report_every == 0 and verbose: + #tqdm.write(loss) + end = time.time() + print("loss: {0:.6f}, time: {1:.2f}, step {2:f} out of total {3:f}".format( + accum_loss/report_every, end-start, global_step, max_steps)) + accum_loss = 0 + start = end + + (loss/loss.numel()).backward() + + tr_loss += loss.item() + if (step + 1) % gradient_accumulation_steps == 0: + optimizer.step() + #scheduler.step() + self.model.zero_grad() + if num_gpus > 1: + grads = [p.grad.data for p in self.model.parameters() + if p.requires_grad + and p.grad is not None] + distributed.all_reduce_and_rescale_tensors( + grads, float(1)) + + global_step += 1 + + if max_steps > 0 and global_step > max_steps: + break + if max_steps > 0 and global_step > max_steps: + break + + # empty cache + #del [batch] + torch.cuda.empty_cache() + return global_step, tr_loss / global_step def predict(self, eval_data_iterator, device, batch_size=16, sentence_seperator="", top_n=3, block_trigram=True, num_gpus=1, verbose=True, cal_lead=False): def _get_ngrams(n, text): From ceb144993063a31e8382ae1a42e599c1506c1195 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Tue, 29 Oct 2019 21:09:21 +0000 Subject: [PATCH 024/167] add dataset for processed data --- utils_nlp/dataset/cnndm.py | 65 +++++++++++++++++++++++++++++++++----- 1 file changed, 57 insertions(+), 8 deletions(-) diff --git a/utils_nlp/dataset/cnndm.py b/utils_nlp/dataset/cnndm.py index 1c855c60a..bfe28b9f4 100644 --- a/utils_nlp/dataset/cnndm.py +++ b/utils_nlp/dataset/cnndm.py @@ -15,7 +15,10 @@ from multiprocess import Pool from tqdm import tqdm import itertools - +from torchtext.utils import download_from_url, extract_archive +import zipfile +import glob +import path def _line_iter(file_path): with open(file_path, "r", encoding="utf8") as fd: @@ -23,11 +26,10 @@ def _line_iter(file_path): yield line -def _create__data_from_iterator(iterator, preprocessing, word_tokenizer): +def _create_data_from_iterator(iterator, preprocessing, word_tokenizer): data = [] - with tqdm(unit_scale=0, unit="lines") as t: - for line in iterator: - data.append(preprocess((line, preprocessing, word_tokenizer))) + for line in iterator: + data.append(preprocess((line, preprocessing, word_tokenizer))) return data @@ -75,7 +77,7 @@ def __init__( top_n=-1, **kwargs ): - """ create an CNN/CM dataset instance given the paths of source file and targetfile""" + """ create an CNN/CM dataset instance given the paths of source file and target file""" super(Summarization, self).__init__() source_iter = _line_iter(source_file) @@ -85,11 +87,11 @@ def __init__( source_iter = itertools.islice(source_iter, top_n) target_iter = itertools.islice(target_iter, top_n) - self._source = _create__data_from_iterator( + self._source = _create_data_from_iterator( source_iter, source_preprocessing, word_tokenization ) - self._target = _create__data_from_iterator( + self._target = _create_data_from_iterator( target_iter, target_preprocessing, word_tokenization ) @@ -147,3 +149,50 @@ def _setup_datasets(url, top_n=-1, local_cache_path=".data"): ) return _setup_datasets(*((urls[0],) + args), **kwargs) + + +class CNNDMBertSumProcessedData(): + + @staticmethod + def save_data(data_iter, is_test=False, path_and_prefix="./", chunk_size=None): + def chunks(iterable, chunk_size): + iterator = iter(iterable) + for first in iterator: + if chunk_size: + yield itertools.chain([first], itertools.islice(iterator, chunk_size - 1)) + else: + yield itertools.chain([first], itertools.islice(iterator, None)) + chunks = chunks(data_iter, chunk_size) + filename_list = [] + for i,chunked_data in enumerate(chunks): + filename = f"{path_and_prefix}_{i}_test" if is_test else f"{path_and_prefix}_{i}_train" + torch.save(list(chunked_data), filename) + filename_list.append(filename) + return filename_list + + + @staticmethod + def create(local_processed_path=None, local_cache_path=".data"): + train_files = [] + test_files = [] + if local_processed_path: + files = sorted(glob.glob(local_processed_path + '*')) + + else: + file_name = "bertsum_data.zip" + url = "https://drive.google.com/uc?export=download&id=1x0d61LP9UAN389YN00z0Pv-7jQgirVg6" + #url = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbaW12WVVZS2drcnM" + #dataset_zip = download_from_url(url, root=local_cache_path) + #zip=zipfile.ZipFile(dataset_zip) + zip=zipfile.ZipFile("./temp_data3/"+file_name) + #zip.extractall(local_cache_path) + files = zip.namelist() + + for fname in files: + if fname.find('train') != -1: + train_files.append(path.join(local_cache_path, fname)) + elif fname.find('test') != -1: + test_files.append(path.join(local_cache_path, fname)) + + return (train_files, test_files) + From 5c51aa123c09bc10347e1290f879af478bb3c0f3 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Wed, 30 Oct 2019 19:51:02 +0000 Subject: [PATCH 025/167] more clean up --- .../CNNDM_TransformerSum.ipynb | 2084 ++++------------- utils_nlp/dataset/cnndm.py | 47 +- .../transformers/extractive_summarization.py | 99 +- 3 files changed, 592 insertions(+), 1638 deletions(-) diff --git a/examples/text_summarization/CNNDM_TransformerSum.ipynb b/examples/text_summarization/CNNDM_TransformerSum.ipynb index f45a8311a..f75fc86ed 100644 --- a/examples/text_summarization/CNNDM_TransformerSum.ipynb +++ b/examples/text_summarization/CNNDM_TransformerSum.ipynb @@ -1,12 +1,70 @@ { "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Copyright (c) Microsoft Corporation. All rights reserved.\n", + "\n", + "Licensed under the MIT License." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Extractive Summarization on CNN/DM Dataset using Transformer Version of BertSum\n", + "\n", + "\n", + "### Summary\n", + "\n", + "This notebook demonstrates how to fine tune Transformers for extractive text summarization. Utility functions and classes in the NLP Best Practices repo are used to facilitate data preprocessing, model training, model scoring, result postprocessing, and model evaluation.\n", + "\n", + "BertSum refers to [Fine-tune BERT for Extractive Summarization (https://arxiv.org/pdf/1903.10318.pdf) with [published example](https://github.com/nlpyang/BertSum/). And the Transformer version of Bertsum refers to our modification of BertSum and the source code can be accessed at (https://github.com/daden-ms/BertSum/). \n", + "\n", + "Extractive summarization are usually used in document summarization where each input document consists of mutiple sentences. The preprocessing of the input training data involves assigning label 0 or 1 to the document sentences based on the give summary. The summarization problem is also simplfied to classifying whether each document sentence should be included in the summary. \n", + "\n", + "The figure below illustrates how BERTSum can be fine tuned for extractive summarization task. Each sentence is inserted with [CLS] token at the beginning and [SEP] at the end. Interval segment embedding and positional embedding are added upon the token embedding before input the BERT model. The [CLS] token representation is used as sentence embedding and only the [CLS] tokens are used as input for the summarization model. The summarization layer predicts whether the probability of each each sentence token should be included in the summary or not. Techniques like trigram blocking can be used to improve model accuarcy. \n", + "\n", + "\n", + "\n", + "\n", + "### Before You Start\n", + "\n", + "The running time shown in this notebook is on a Standard_NC24s_v3 Azure Deep Learning Virtual Machine with 4 NVIDIA Tesla V100 GPUs. \n", + "> **Tip**: If you want to run through the notebook quickly, you can set the **`QUICK_RUN`** flag in the cell below to **`True`** to run the notebook on a small subset of the data and a smaller number of epochs. \n", + "\n", + "The table below provides some reference running time on different machine configurations. \n", + "\n", + "|QUICK_RUN|USE_PREPROCESSED_DATA|encoder|Machine Configurations|Running time|\n", + "|:---------|:---------|:---------|:----------------------|:------------|\n", + "|True|True|baseline|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 20 minutes |\n", + "|False|True|baseline|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 60 minutes |\n", + "|True|False|baseline|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 20 minutes |\n", + "|True|True|transformer|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 80 minutes |\n", + "|False|True|transformer|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 6.5hours |\n", + "|True|False|transformer|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 80 minutes |\n", + "|False|False|any| 1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| > 24 hours|" + ] + }, { "cell_type": "code", "execution_count": 1, "metadata": {}, "outputs": [], "source": [ - "%load_ext autoreload" + "## Set QUICK_RUN = True to run the notebook on a small subset of data and a smaller number of epochs.\n", + "QUICK_RUN = True\n", + "USE_PREPROCESSED_DATA = True" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Configuration\n", + "\n", + "Before we start the notebook, we should set the environment variable to make sure you can access the GPUs on your machine" ] }, { @@ -15,7 +73,10 @@ "metadata": {}, "outputs": [], "source": [ - "%autoreload 2" + "import os\n", + "\n", + "os.environ[\"CUDA_DEVICE_ORDER\"] = \"PCI_BUS_ID\" # see issue #152\n", + "os.environ[\"CUDA_VISIBLE_DEVICES\"] = \"0,1,2,3\"" ] }, { @@ -23,6 +84,24 @@ "execution_count": 3, "metadata": {}, "outputs": [], + "source": [ + "%load_ext autoreload" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "%autoreload 2" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], "source": [ "import sys\n", "import os\n", @@ -36,7 +115,7 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 6, "metadata": {}, "outputs": [ { @@ -51,1463 +130,440 @@ "print(sys.path)" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Also, we need to install the dependencies for pyrouge." + ] + }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 7, "metadata": {}, "outputs": [ { - "name": "stderr", + "name": "stdout", "output_type": "stream", "text": [ - "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", - "[nltk_data] Package punkt is already up-to-date!\n", - "0lines [00:00, ?lines/s]\n", - "0lines [00:00, ?lines/s]\n", - "0lines [00:00, ?lines/s]\n", - "0lines [00:00, ?lines/s]\n" + "Hit:1 http://azure.archive.ubuntu.com/ubuntu bionic InRelease\n", + "Get:2 http://azure.archive.ubuntu.com/ubuntu bionic-updates InRelease [88.7 kB]\n", + "Get:3 http://azure.archive.ubuntu.com/ubuntu bionic-backports InRelease [74.6 kB]\n", + "Hit:4 https://packages.microsoft.com/repos/microsoft-ubuntu-xenial-prod xenial InRelease\n", + "Get:5 http://security.ubuntu.com/ubuntu bionic-security InRelease [88.7 kB] \n", + "Ign:6 http://developer.download.nvidia.com/compute/cuda/repos/ubuntu1804/x86_64 InRelease\n", + "Hit:7 http://developer.download.nvidia.com/compute/cuda/repos/ubuntu1804/x86_64 Release\n", + "Fetched 252 kB in 1s (392 kB/s) \n", + "Reading package lists... Done\n", + "Reading package lists... Done\n", + "Building dependency tree \n", + "Reading state information... Done\n", + "expat is already the newest version (2.2.5-3ubuntu0.2).\n", + "The following packages were automatically installed and are no longer required:\n", + " linux-azure-cloud-tools-5.0.0-1018 linux-azure-cloud-tools-5.0.0-1020\n", + " linux-azure-headers-5.0.0-1018 linux-azure-tools-5.0.0-1018\n", + " linux-azure-tools-5.0.0-1020\n", + "Use 'sudo apt autoremove' to remove them.\n", + "0 upgraded, 0 newly installed, 0 to remove and 51 not upgraded.\n", + "Reading package lists... Done\n", + "Building dependency tree \n", + "Reading state information... Done\n", + "Note, selecting 'libexpat1-dev' instead of 'libexpat-dev'\n", + "libexpat1-dev is already the newest version (2.2.5-3ubuntu0.2).\n", + "The following packages were automatically installed and are no longer required:\n", + " linux-azure-cloud-tools-5.0.0-1018 linux-azure-cloud-tools-5.0.0-1020\n", + " linux-azure-headers-5.0.0-1018 linux-azure-tools-5.0.0-1018\n", + " linux-azure-tools-5.0.0-1020\n", + "Use 'sudo apt autoremove' to remove them.\n", + "0 upgraded, 0 newly installed, 0 to remove and 51 not upgraded.\n" ] - }, - { - "data": { - "text/plain": [ - "[['marseille',\n", - " ',',\n", - " 'france',\n", - " '(',\n", - " 'cnn',\n", - " ')',\n", - " 'the',\n", - " 'french',\n", - " 'prosecutor',\n", - " 'leading',\n", - " 'an',\n", - " 'investigation',\n", - " 'into',\n", - " 'the',\n", - " 'crash',\n", - " 'of',\n", - " 'germanwings',\n", - " 'flight',\n", - " '9525',\n", - " 'insisted',\n", - " 'wednesday',\n", - " 'that',\n", - " 'he',\n", - " 'was',\n", - " 'not',\n", - " 'aware',\n", - " 'of',\n", - " 'any',\n", - " 'video',\n", - " 'footage',\n", - " 'from',\n", - " 'on',\n", - " 'board',\n", - " 'the',\n", - " 'plane',\n", - " '.'],\n", - " ['marseille',\n", - " 'prosecutor',\n", - " 'brice',\n", - " 'robin',\n", - " 'told',\n", - " 'cnn',\n", - " 'that',\n", - " '``',\n", - " 'so',\n", - " 'far',\n", - " 'no',\n", - " 'videos',\n", - " 'were',\n", - " 'used',\n", - " 'in',\n", - " 'the',\n", - " 'crash',\n", - " 'investigation',\n", - " '.',\n", - " '``'],\n", - " ['he',\n", - " 'added',\n", - " ',',\n", - " '``',\n", - " 'a',\n", - " 'person',\n", - " 'who',\n", - " 'has',\n", - " 'such',\n", - " 'a',\n", - " 'video',\n", - " 'needs',\n", - " 'to',\n", - " 'immediately',\n", - " 'give',\n", - " 'it',\n", - " 'to',\n", - " 'the',\n", - " 'investigators',\n", - " '.',\n", - " '``'],\n", - " ['robin',\n", - " \"'s\",\n", - " 'comments',\n", - " 'follow',\n", - " 'claims',\n", - " 'by',\n", - " 'two',\n", - " 'magazines',\n", - " ',',\n", - " 'german',\n", - " 'daily',\n", - " 'bild',\n", - " 'and',\n", - " 'french',\n", - " 'paris',\n", - " 'match',\n", - " ',',\n", - " 'of',\n", - " 'a',\n", - " 'cell',\n", - " 'phone',\n", - " 'video',\n", - " 'showing',\n", - " 'the',\n", - " 'harrowing',\n", - " 'final',\n", - " 'seconds',\n", - " 'from',\n", - " 'on',\n", - " 'board',\n", - " 'germanwings',\n", - " 'flight',\n", - " '9525',\n", - " 'as',\n", - " 'it',\n", - " 'crashed',\n", - " 'into',\n", - " 'the',\n", - " 'french',\n", - " 'alps',\n", - " '.'],\n", - " ['all', '150', 'on', 'board', 'were', 'killed', '.'],\n", - " ['paris',\n", - " 'match',\n", - " 'and',\n", - " 'bild',\n", - " 'reported',\n", - " 'that',\n", - " 'the',\n", - " 'video',\n", - " 'was',\n", - " 'recovered',\n", - " 'from',\n", - " 'a',\n", - " 'phone',\n", - " 'at',\n", - " 'the',\n", - " 'wreckage',\n", - " 'site',\n", - " '.'],\n", - " ['the',\n", - " 'two',\n", - " 'publications',\n", - " 'described',\n", - " 'the',\n", - " 'supposed',\n", - " 'video',\n", - " ',',\n", - " 'but',\n", - " 'did',\n", - " 'not',\n", - " 'post',\n", - " 'it',\n", - " 'on',\n", - " 'their',\n", - " 'websites',\n", - " '.'],\n", - " ['the',\n", - " 'publications',\n", - " 'said',\n", - " 'that',\n", - " 'they',\n", - " 'watched',\n", - " 'the',\n", - " 'video',\n", - " ',',\n", - " 'which',\n", - " 'was',\n", - " 'found',\n", - " 'by',\n", - " 'a',\n", - " 'source',\n", - " 'close',\n", - " 'to',\n", - " 'the',\n", - " 'investigation',\n", - " '.',\n", - " '``'],\n", - " ['one',\n", - " 'can',\n", - " 'hear',\n", - " 'cries',\n", - " 'of',\n", - " '`',\n", - " 'my',\n", - " 'god',\n", - " \"'\",\n", - " 'in',\n", - " 'several',\n", - " 'languages',\n", - " ',',\n", - " '``',\n", - " 'paris',\n", - " 'match',\n", - " 'reported',\n", - " '.',\n", - " '``'],\n", - " ['metallic',\n", - " 'banging',\n", - " 'can',\n", - " 'also',\n", - " 'be',\n", - " 'heard',\n", - " 'more',\n", - " 'than',\n", - " 'three',\n", - " 'times',\n", - " ',',\n", - " 'perhaps',\n", - " 'of',\n", - " 'the',\n", - " 'pilot',\n", - " 'trying',\n", - " 'to',\n", - " 'open',\n", - " 'the',\n", - " 'cockpit',\n", - " 'door',\n", - " 'with',\n", - " 'a',\n", - " 'heavy',\n", - " 'object',\n", - " '.'],\n", - " ['towards',\n", - " 'the',\n", - " 'end',\n", - " ',',\n", - " 'after',\n", - " 'a',\n", - " 'heavy',\n", - " 'shake',\n", - " ',',\n", - " 'stronger',\n", - " 'than',\n", - " 'the',\n", - " 'others',\n", - " ',',\n", - " 'the',\n", - " 'screaming',\n", - " 'intensifies',\n", - " '.'],\n", - " ['then', 'nothing', '.', '``'],\n", - " ['``',\n", - " 'it',\n", - " 'is',\n", - " 'a',\n", - " 'very',\n", - " 'disturbing',\n", - " 'scene',\n", - " ',',\n", - " '``',\n", - " 'said',\n", - " 'julian',\n", - " 'reichelt',\n", - " ',',\n", - " 'editor-in-chief',\n", - " 'of',\n", - " 'bild',\n", - " 'online',\n", - " '.'],\n", - " ['an',\n", - " 'official',\n", - " 'with',\n", - " 'france',\n", - " \"'s\",\n", - " 'accident',\n", - " 'investigation',\n", - " 'agency',\n", - " ',',\n", - " 'the',\n", - " 'bea',\n", - " ',',\n", - " 'said',\n", - " 'the',\n", - " 'agency',\n", - " 'is',\n", - " 'not',\n", - " 'aware',\n", - " 'of',\n", - " 'any',\n", - " 'such',\n", - " 'video',\n", - " '.'],\n", - " ['lt.',\n", - " 'col.',\n", - " 'jean-marc',\n", - " 'menichini',\n", - " ',',\n", - " 'a',\n", - " 'french',\n", - " 'gendarmerie',\n", - " 'spokesman',\n", - " 'in',\n", - " 'charge',\n", - " 'of',\n", - " 'communications',\n", - " 'on',\n", - " 'rescue',\n", - " 'efforts',\n", - " 'around',\n", - " 'the',\n", - " 'germanwings',\n", - " 'crash',\n", - " 'site',\n", - " ',',\n", - " 'told',\n", - " 'cnn',\n", - " 'that',\n", - " 'the',\n", - " 'reports',\n", - " 'were',\n", - " '``',\n", - " 'completely',\n", - " 'wrong',\n", - " '``',\n", - " 'and',\n", - " '``',\n", - " 'unwarranted',\n", - " '.',\n", - " '``'],\n", - " ['cell',\n", - " 'phones',\n", - " 'have',\n", - " 'been',\n", - " 'collected',\n", - " 'at',\n", - " 'the',\n", - " 'site',\n", - " ',',\n", - " 'he',\n", - " 'said',\n", - " ',',\n", - " 'but',\n", - " 'that',\n", - " 'they',\n", - " '``',\n", - " 'had',\n", - " \"n't\",\n", - " 'been',\n", - " 'exploited',\n", - " 'yet',\n", - " '.',\n", - " '``'],\n", - " ['menichini',\n", - " 'said',\n", - " 'he',\n", - " 'believed',\n", - " 'the',\n", - " 'cell',\n", - " 'phones',\n", - " 'would',\n", - " 'need',\n", - " 'to',\n", - " 'be',\n", - " 'sent',\n", - " 'to',\n", - " 'the',\n", - " 'criminal',\n", - " 'research',\n", - " 'institute',\n", - " 'in',\n", - " 'rosny',\n", - " 'sous-bois',\n", - " ',',\n", - " 'near',\n", - " 'paris',\n", - " ',',\n", - " 'in',\n", - " 'order',\n", - " 'to',\n", - " 'be',\n", - " 'analyzed',\n", - " 'by',\n", - " 'specialized',\n", - " 'technicians',\n", - " 'working',\n", - " 'hand-in-hand',\n", - " 'with',\n", - " 'investigators',\n", - " '.'],\n", - " ['but',\n", - " 'none',\n", - " 'of',\n", - " 'the',\n", - " 'cell',\n", - " 'phones',\n", - " 'found',\n", - " 'so',\n", - " 'far',\n", - " 'have',\n", - " 'been',\n", - " 'sent',\n", - " 'to',\n", - " 'the',\n", - " 'institute',\n", - " ',',\n", - " 'menichini',\n", - " 'said',\n", - " '.'],\n", - " ['asked',\n", - " 'whether',\n", - " 'staff',\n", - " 'involved',\n", - " 'in',\n", - " 'the',\n", - " 'search',\n", - " 'could',\n", - " 'have',\n", - " 'leaked',\n", - " 'a',\n", - " 'memory',\n", - " 'card',\n", - " 'to',\n", - " 'the',\n", - " 'media',\n", - " ',',\n", - " 'menichini',\n", - " 'answered',\n", - " 'with',\n", - " 'a',\n", - " 'categorical',\n", - " '``',\n", - " 'no',\n", - " '.',\n", - " '``'],\n", - " ['reichelt',\n", - " 'told',\n", - " '``',\n", - " 'erin',\n", - " 'burnett',\n", - " ':',\n", - " 'outfront',\n", - " '``',\n", - " 'that',\n", - " 'he',\n", - " 'had',\n", - " 'watched',\n", - " 'the',\n", - " 'video',\n", - " 'and',\n", - " 'stood',\n", - " 'by',\n", - " 'the',\n", - " 'report',\n", - " ',',\n", - " 'saying',\n", - " 'bild',\n", - " 'and',\n", - " 'paris',\n", - " 'match',\n", - " 'are',\n", - " '``',\n", - " 'very',\n", - " 'confident',\n", - " '``',\n", - " 'that',\n", - " 'the',\n", - " 'clip',\n", - " 'is',\n", - " 'real',\n", - " '.'],\n", - " ['he',\n", - " 'noted',\n", - " 'that',\n", - " 'investigators',\n", - " 'only',\n", - " 'revealed',\n", - " 'they',\n", - " \"'d\",\n", - " 'recovered',\n", - " 'cell',\n", - " 'phones',\n", - " 'from',\n", - " 'the',\n", - " 'crash',\n", - " 'site',\n", - " 'after',\n", - " 'bild',\n", - " 'and',\n", - " 'paris',\n", - " 'match',\n", - " 'published',\n", - " 'their',\n", - " 'reports',\n", - " '.',\n", - " '``'],\n", - " ['that', 'is', 'something', 'we', 'did', 'not', 'know', 'before', '.'],\n", - " ['...',\n", - " 'overall',\n", - " 'we',\n", - " 'can',\n", - " 'say',\n", - " 'many',\n", - " 'things',\n", - " 'of',\n", - " 'the',\n", - " 'investigation',\n", - " 'were',\n", - " \"n't\",\n", - " 'revealed',\n", - " 'by',\n", - " 'the',\n", - " 'investigation',\n", - " 'at',\n", - " 'the',\n", - " 'beginning',\n", - " ',',\n", - " '``',\n", - " 'he',\n", - " 'said',\n", - " '.'],\n", - " ['what', 'was', 'mental', 'state', 'of', 'germanwings', 'co-pilot', '?'],\n", - " ['german',\n", - " 'airline',\n", - " 'lufthansa',\n", - " 'confirmed',\n", - " 'tuesday',\n", - " 'that',\n", - " 'co-pilot',\n", - " 'andreas',\n", - " 'lubitz',\n", - " 'had',\n", - " 'battled',\n", - " 'depression',\n", - " 'years',\n", - " 'before',\n", - " 'he',\n", - " 'took',\n", - " 'the',\n", - " 'controls',\n", - " 'of',\n", - " 'germanwings',\n", - " 'flight',\n", - " '9525',\n", - " ',',\n", - " 'which',\n", - " 'he',\n", - " \"'s\",\n", - " 'accused',\n", - " 'of',\n", - " 'deliberately',\n", - " 'crashing',\n", - " 'last',\n", - " 'week',\n", - " 'in',\n", - " 'the',\n", - " 'french',\n", - " 'alps',\n", - " '.'],\n", - " ['lubitz',\n", - " 'told',\n", - " 'his',\n", - " 'lufthansa',\n", - " 'flight',\n", - " 'training',\n", - " 'school',\n", - " 'in',\n", - " '2009',\n", - " 'that',\n", - " 'he',\n", - " 'had',\n", - " 'a',\n", - " '``',\n", - " 'previous',\n", - " 'episode',\n", - " 'of',\n", - " 'severe',\n", - " 'depression',\n", - " ',',\n", - " '``',\n", - " 'the',\n", - " 'airline',\n", - " 'said',\n", - " 'tuesday',\n", - " '.'],\n", - " ['email',\n", - " 'correspondence',\n", - " 'between',\n", - " 'lubitz',\n", - " 'and',\n", - " 'the',\n", - " 'school',\n", - " 'discovered',\n", - " 'in',\n", - " 'an',\n", - " 'internal',\n", - " 'investigation',\n", - " ',',\n", - " 'lufthansa',\n", - " 'said',\n", - " ',',\n", - " 'included',\n", - " 'medical',\n", - " 'documents',\n", - " 'he',\n", - " 'submitted',\n", - " 'in',\n", - " 'connection',\n", - " 'with',\n", - " 'resuming',\n", - " 'his',\n", - " 'flight',\n", - " 'training',\n", - " '.'],\n", - " ['the',\n", - " 'announcement',\n", - " 'indicates',\n", - " 'that',\n", - " 'lufthansa',\n", - " ',',\n", - " 'the',\n", - " 'parent',\n", - " 'company',\n", - " 'of',\n", - " 'germanwings',\n", - " ',',\n", - " 'knew',\n", - " 'of',\n", - " 'lubitz',\n", - " \"'s\",\n", - " 'battle',\n", - " 'with',\n", - " 'depression',\n", - " ',',\n", - " 'allowed',\n", - " 'him',\n", - " 'to',\n", - " 'continue',\n", - " 'training',\n", - " 'and',\n", - " 'ultimately',\n", - " 'put',\n", - " 'him',\n", - " 'in',\n", - " 'the',\n", - " 'cockpit',\n", - " '.'],\n", - " ['lufthansa',\n", - " ',',\n", - " 'whose',\n", - " 'ceo',\n", - " 'carsten',\n", - " 'spohr',\n", - " 'previously',\n", - " 'said',\n", - " 'lubitz',\n", - " 'was',\n", - " '100',\n", - " '%',\n", - " 'fit',\n", - " 'to',\n", - " 'fly',\n", - " ',',\n", - " 'described',\n", - " 'its',\n", - " 'statement',\n", - " 'tuesday',\n", - " 'as',\n", - " 'a',\n", - " '``',\n", - " 'swift',\n", - " 'and',\n", - " 'seamless',\n", - " 'clarification',\n", - " '``',\n", - " 'and',\n", - " 'said',\n", - " 'it',\n", - " 'was',\n", - " 'sharing',\n", - " 'the',\n", - " 'information',\n", - " 'and',\n", - " 'documents',\n", - " '--',\n", - " 'including',\n", - " 'training',\n", - " 'and',\n", - " 'medical',\n", - " 'records',\n", - " '--',\n", - " 'with',\n", - " 'public',\n", - " 'prosecutors',\n", - " '.'],\n", - " ['spohr',\n", - " 'traveled',\n", - " 'to',\n", - " 'the',\n", - " 'crash',\n", - " 'site',\n", - " 'wednesday',\n", - " ',',\n", - " 'where',\n", - " 'recovery',\n", - " 'teams',\n", - " 'have',\n", - " 'been',\n", - " 'working',\n", - " 'for',\n", - " 'the',\n", - " 'past',\n", - " 'week',\n", - " 'to',\n", - " 'recover',\n", - " 'human',\n", - " 'remains',\n", - " 'and',\n", - " 'plane',\n", - " 'debris',\n", - " 'scattered',\n", - " 'across',\n", - " 'a',\n", - " 'steep',\n", - " 'mountainside',\n", - " '.'],\n", - " ['he',\n", - " 'saw',\n", - " 'the',\n", - " 'crisis',\n", - " 'center',\n", - " 'set',\n", - " 'up',\n", - " 'in',\n", - " 'seyne-les-alpes',\n", - " ',',\n", - " 'laid',\n", - " 'a',\n", - " 'wreath',\n", - " 'in',\n", - " 'the',\n", - " 'village',\n", - " 'of',\n", - " 'le',\n", - " 'vernet',\n", - " ',',\n", - " 'closer',\n", - " 'to',\n", - " 'the',\n", - " 'crash',\n", - " 'site',\n", - " ',',\n", - " 'where',\n", - " 'grieving',\n", - " 'families',\n", - " 'have',\n", - " 'left',\n", - " 'flowers',\n", - " 'at',\n", - " 'a',\n", - " 'simple',\n", - " 'stone',\n", - " 'memorial',\n", - " '.'],\n", - " ['menichini',\n", - " 'told',\n", - " 'cnn',\n", - " 'late',\n", - " 'tuesday',\n", - " 'that',\n", - " 'no',\n", - " 'visible',\n", - " 'human',\n", - " 'remains',\n", - " 'were',\n", - " 'left',\n", - " 'at',\n", - " 'the',\n", - " 'site',\n", - " 'but',\n", - " 'recovery',\n", - " 'teams',\n", - " 'would',\n", - " 'keep',\n", - " 'searching',\n", - " '.'],\n", - " ['french',\n", - " 'president',\n", - " 'francois',\n", - " 'hollande',\n", - " ',',\n", - " 'speaking',\n", - " 'tuesday',\n", - " ',',\n", - " 'said',\n", - " 'that',\n", - " 'it',\n", - " 'should',\n", - " 'be',\n", - " 'possible',\n", - " 'to',\n", - " 'identify',\n", - " 'all',\n", - " 'the',\n", - " 'victims',\n", - " 'using',\n", - " 'dna',\n", - " 'analysis',\n", - " 'by',\n", - " 'the',\n", - " 'end',\n", - " 'of',\n", - " 'the',\n", - " 'week',\n", - " ',',\n", - " 'sooner',\n", - " 'than',\n", - " 'authorities',\n", - " 'had',\n", - " 'previously',\n", - " 'suggested',\n", - " '.'],\n", - " ['in',\n", - " 'the',\n", - " 'meantime',\n", - " ',',\n", - " 'the',\n", - " 'recovery',\n", - " 'of',\n", - " 'the',\n", - " 'victims',\n", - " \"'\",\n", - " 'personal',\n", - " 'belongings',\n", - " 'will',\n", - " 'start',\n", - " 'wednesday',\n", - " ',',\n", - " 'menichini',\n", - " 'said',\n", - " '.'],\n", - " ['among',\n", - " 'those',\n", - " 'personal',\n", - " 'belongings',\n", - " 'could',\n", - " 'be',\n", - " 'more',\n", - " 'cell',\n", - " 'phones',\n", - " 'belonging',\n", - " 'to',\n", - " 'the',\n", - " '144',\n", - " 'passengers',\n", - " 'and',\n", - " 'six',\n", - " 'crew',\n", - " 'on',\n", - " 'board',\n", - " '.'],\n", - " ['check', 'out', 'the', 'latest', 'from', 'our', 'correspondents', '.'],\n", - " ['the',\n", - " 'details',\n", - " 'about',\n", - " 'lubitz',\n", - " \"'s\",\n", - " 'correspondence',\n", - " 'with',\n", - " 'the',\n", - " 'flight',\n", - " 'school',\n", - " 'during',\n", - " 'his',\n", - " 'training',\n", - " 'were',\n", - " 'among',\n", - " 'several',\n", - " 'developments',\n", - " 'as',\n", - " 'investigators',\n", - " 'continued',\n", - " 'to',\n", - " 'delve',\n", - " 'into',\n", - " 'what',\n", - " 'caused',\n", - " 'the',\n", - " 'crash',\n", - " 'and',\n", - " 'lubitz',\n", - " \"'s\",\n", - " 'possible',\n", - " 'motive',\n", - " 'for',\n", - " 'downing',\n", - " 'the',\n", - " 'jet',\n", - " '.'],\n", - " ['a',\n", - " 'lufthansa',\n", - " 'spokesperson',\n", - " 'told',\n", - " 'cnn',\n", - " 'on',\n", - " 'tuesday',\n", - " 'that',\n", - " 'lubitz',\n", - " 'had',\n", - " 'a',\n", - " 'valid',\n", - " 'medical',\n", - " 'certificate',\n", - " ',',\n", - " 'had',\n", - " 'passed',\n", - " 'all',\n", - " 'his',\n", - " 'examinations',\n", - " 'and',\n", - " '``',\n", - " 'held',\n", - " 'all',\n", - " 'the',\n", - " 'licenses',\n", - " 'required',\n", - " '.',\n", - " '``'],\n", - " ['earlier',\n", - " ',',\n", - " 'a',\n", - " 'spokesman',\n", - " 'for',\n", - " 'the',\n", - " 'prosecutor',\n", - " \"'s\",\n", - " 'office',\n", - " 'in',\n", - " 'dusseldorf',\n", - " ',',\n", - " 'christoph',\n", - " 'kumpa',\n", - " ',',\n", - " 'said',\n", - " 'medical',\n", - " 'records',\n", - " 'reveal',\n", - " 'lubitz',\n", - " 'suffered',\n", - " 'from',\n", - " 'suicidal',\n", - " 'tendencies',\n", - " 'at',\n", - " 'some',\n", - " 'point',\n", - " 'before',\n", - " 'his',\n", - " 'aviation',\n", - " 'career',\n", - " 'and',\n", - " 'underwent',\n", - " 'psychotherapy',\n", - " 'before',\n", - " 'he',\n", - " 'got',\n", - " 'his',\n", - " 'pilot',\n", - " \"'s\",\n", - " 'license',\n", - " '.'],\n", - " ['kumpa',\n", - " 'emphasized',\n", - " 'there',\n", - " \"'s\",\n", - " 'no',\n", - " 'evidence',\n", - " 'suggesting',\n", - " 'lubitz',\n", - " 'was',\n", - " 'suicidal',\n", - " 'or',\n", - " 'acting',\n", - " 'aggressively',\n", - " 'before',\n", - " 'the',\n", - " 'crash',\n", - " '.'],\n", - " ['investigators',\n", - " 'are',\n", - " 'looking',\n", - " 'into',\n", - " 'whether',\n", - " 'lubitz',\n", - " 'feared',\n", - " 'his',\n", - " 'medical',\n", - " 'condition',\n", - " 'would',\n", - " 'cause',\n", - " 'him',\n", - " 'to',\n", - " 'lose',\n", - " 'his',\n", - " 'pilot',\n", - " \"'s\",\n", - " 'license',\n", - " ',',\n", - " 'a',\n", - " 'european',\n", - " 'government',\n", - " 'official',\n", - " 'briefed',\n", - " 'on',\n", - " 'the',\n", - " 'investigation',\n", - " 'told',\n", - " 'cnn',\n", - " 'on',\n", - " 'tuesday',\n", - " '.'],\n", - " ['while',\n", - " 'flying',\n", - " 'was',\n", - " '``',\n", - " 'a',\n", - " 'big',\n", - " 'part',\n", - " 'of',\n", - " 'his',\n", - " 'life',\n", - " ',',\n", - " '``',\n", - " 'the',\n", - " 'source',\n", - " 'said',\n", - " ',',\n", - " 'it',\n", - " \"'s\",\n", - " 'only',\n", - " 'one',\n", - " 'theory',\n", - " 'being',\n", - " 'considered',\n", - " '.'],\n", - " ['another',\n", - " 'source',\n", - " ',',\n", - " 'a',\n", - " 'law',\n", - " 'enforcement',\n", - " 'official',\n", - " 'briefed',\n", - " 'on',\n", - " 'the',\n", - " 'investigation',\n", - " ',',\n", - " 'also',\n", - " 'told',\n", - " 'cnn',\n", - " 'that',\n", - " 'authorities',\n", - " 'believe',\n", - " 'the',\n", - " 'primary',\n", - " 'motive',\n", - " 'for',\n", - " 'lubitz',\n", - " 'to',\n", - " 'bring',\n", - " 'down',\n", - " 'the',\n", - " 'plane',\n", - " 'was',\n", - " 'that',\n", - " 'he',\n", - " 'feared',\n", - " 'he',\n", - " 'would',\n", - " 'not',\n", - " 'be',\n", - " 'allowed',\n", - " 'to',\n", - " 'fly',\n", - " 'because',\n", - " 'of',\n", - " 'his',\n", - " 'medical',\n", - " 'problems',\n", - " '.'],\n", - " ['lubitz',\n", - " \"'s\",\n", - " 'girlfriend',\n", - " 'told',\n", - " 'investigators',\n", - " 'he',\n", - " 'had',\n", - " 'seen',\n", - " 'an',\n", - " 'eye',\n", - " 'doctor',\n", - " 'and',\n", - " 'a',\n", - " 'neuropsychologist',\n", - " ',',\n", - " 'both',\n", - " 'of',\n", - " 'whom',\n", - " 'deemed',\n", - " 'him',\n", - " 'unfit',\n", - " 'to',\n", - " 'work',\n", - " 'recently',\n", - " 'and',\n", - " 'concluded',\n", - " 'he',\n", - " 'had',\n", - " 'psychological',\n", - " 'issues',\n", - " ',',\n", - " 'the',\n", - " 'european',\n", - " 'government',\n", - " 'official',\n", - " 'said',\n", - " '.'],\n", - " ['but',\n", - " 'no',\n", - " 'matter',\n", - " 'what',\n", - " 'details',\n", - " 'emerge',\n", - " 'about',\n", - " 'his',\n", - " 'previous',\n", - " 'mental',\n", - " 'health',\n", - " 'struggles',\n", - " ',',\n", - " 'there',\n", - " \"'s\",\n", - " 'more',\n", - " 'to',\n", - " 'the',\n", - " 'story',\n", - " ',',\n", - " 'said',\n", - " 'brian',\n", - " 'russell',\n", - " ',',\n", - " 'a',\n", - " 'forensic',\n", - " 'psychologist',\n", - " '.',\n", - " '``'],\n", - " ['psychology',\n", - " 'can',\n", - " 'explain',\n", - " 'why',\n", - " 'somebody',\n", - " 'would',\n", - " 'turn',\n", - " 'rage',\n", - " 'inward',\n", - " 'on',\n", - " 'themselves',\n", - " 'about',\n", - " 'the',\n", - " 'fact',\n", - " 'that',\n", - " 'maybe',\n", - " 'they',\n", - " 'were',\n", - " \"n't\",\n", - " 'going',\n", - " 'to',\n", - " 'keep',\n", - " 'doing',\n", - " 'their',\n", - " 'job',\n", - " 'and',\n", - " 'they',\n", - " \"'re\",\n", - " 'upset',\n", - " 'about',\n", - " 'that',\n", - " 'and',\n", - " 'so',\n", - " 'they',\n", - " \"'re\",\n", - " 'suicidal',\n", - " ',',\n", - " '``',\n", - " 'he',\n", - " 'said',\n", - " '.',\n", - " '``'],\n", - " ['but',\n", - " 'there',\n", - " 'is',\n", - " 'no',\n", - " 'mental',\n", - " 'illness',\n", - " 'that',\n", - " 'explains',\n", - " 'why',\n", - " 'somebody',\n", - " 'then',\n", - " 'feels',\n", - " 'entitled',\n", - " 'to',\n", - " 'also',\n", - " 'take',\n", - " 'that',\n", - " 'rage',\n", - " 'and',\n", - " 'turn',\n", - " 'it',\n", - " 'outward',\n", - " 'on',\n", - " '149',\n", - " 'other',\n", - " 'people',\n", - " 'who',\n", - " 'had',\n", - " 'nothing',\n", - " 'to',\n", - " 'do',\n", - " 'with',\n", - " 'the',\n", - " 'person',\n", - " \"'s\",\n", - " 'problems',\n", - " '.',\n", - " '``'],\n", - " ['germanwings', 'crash', 'compensation', ':', 'what', 'we', 'know', '.'],\n", - " ['who', 'was', 'the', 'captain', 'of', 'germanwings', 'flight', '9525', '?'],\n", - " ['cnn',\n", - " \"'s\",\n", - " 'margot',\n", - " 'haddad',\n", - " 'reported',\n", - " 'from',\n", - " 'marseille',\n", - " 'and',\n", - " 'pamela',\n", - " 'brown',\n", - " 'from',\n", - " 'dusseldorf',\n", - " ',',\n", - " 'while',\n", - " 'laura',\n", - " 'smith-spark',\n", - " 'wrote',\n", - " 'from',\n", - " 'london',\n", - " '.'],\n", - " ['cnn',\n", - " \"'s\",\n", - " 'frederik',\n", - " 'pleitgen',\n", - " ',',\n", - " 'pamela',\n", - " 'boykoff',\n", - " ',',\n", - " 'antonia',\n", - " 'mortensen',\n", - " ',',\n", - " 'sandrine',\n", - " 'amiel',\n", - " 'and',\n", - " 'anna-maja',\n", - " 'rappard',\n", - " 'contributed',\n", - " 'to',\n", - " 'this',\n", - " 'report',\n", - " '.']]" - ] - }, - "execution_count": 5, - "metadata": {}, - "output_type": "execute_result" } ], "source": [ - "#\"\"\"\n", - "from utils_nlp.dataset.cnndm import CNNDMSummarization\n", + "# dependencies for ROUGE-1.5.5.pl\n", + "!sudo apt-get update\n", + "!sudo apt-get install expat\n", + "!sudo apt-get install libexpat-dev -y" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Run the following command in your terminal to install pre-requiste for using pyrouge.\n", + "1. sudo cpan install XML::Parser\n", + "1. sudo cpan install XML::Parser::PerlSAX\n", + "1. sudo cpan install XML::DOM\n", "\n", - "train_dataset, test_dataset = CNNDMSummarization(top_n=5)\n", + "Download ROUGE-1.5.5 from https://github.com/andersjo/pyrouge/tree/master/tools/ROUGE-1.5.5.\n", + "Run the following command in your terminal.\n", + "* pyrouge_set_rouge_path $ABSOLUTE_DIRECTORY_TO_ROUGE-1.5.5.pl" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Data Preprossing\n", "\n", - "len(train_dataset)\n", + "The dataset we used for this notebook is CNN/DM dataset which contains the documents and accompanying questions from the news articles of CNN and Daily mail. The highlights in each article are used as summary. The dataset consits of ~289K training examples, ~11K valiation and ~11K test dataset. You can choose the [Option 1] below preprocess the data or [Option 2] to use the preprocessed version at [BERTSum published example](https://github.com/nlpyang/BertSum/). You don't need to manually download any of these two data sets as the code below will handle this part. Since it takes up to 28 hours to preprocess the training data to run on 10 Intel(R) Xeon(R) CPU E5-2690 v3 @ 2.60GHz, we suggest you continue with set as True first and experiment with data preprocessing with QUICKRUN set as True.\n", "\n", - "len(test_dataset)\n", + "##### Details of Data Preprocessing\n", "\n", - "test_dataset[0]\n", - "#\"\"\"" + "The purpose of preprocessing is to process the input articles to the format that BertSum takes. Functions defined specific in harvardnlp_cnndm_preprocess function are unique to CNN/DM dataset that's processed by harvardnlp. However, it provides a skeleton of how to preprocessing data into the format that BertSum takes. Assuming you have all articles and target summery each in a file, line-breaker seperated, the steps to preprocess the data are:\n", + "1. sentence tokenization\n", + "2. word tokenization\n", + "3. label the sentences in the article with 1 meaning the sentence is selected and 0 meaning the sentence is not selected. The options for the selection algorithms are \"greedy\" and \"combination\"\n", + "3. convert each example to BertSum format\n", + " - filter the sentences in the example based on the min_src_ntokens argument. If the lefted total sentence number is less than min_nsents, the example is discarded.\n", + " - truncate the sentences in the example if the length is greater than max_src_ntokens\n", + " - truncate the sentences in the example and the labels if the totle number of sentences is greater than max_nsents\n", + " - [CLS] and [SEP] are inserted before and after each sentence\n", + " - wordPiece tokenization\n", + " - truncate the example to 512 tokens\n", + " - convert the tokens into token indices corresponding to the BERT tokenizer's vocabulary.\n", + " - segment ids are generated\n", + " - [CLS] token positions are logged\n", + " - [CLS] token labels are truncated if it's greater than 512, which is the maximum input length that can be taken by the BERT model.\n", + " \n", + " \n", + "Note that the original BERTSum paper use Stanford CoreNLP for data proprocessing, here we'll first how to use NLTK version, and then we also provide instruction of how to set up Stanford NLP and code examples of how to use Standford CoreNLP. " ] }, { - "cell_type": "code", - "execution_count": 6, + "cell_type": "markdown", "metadata": {}, + "source": [ + "##### [Option 1] Preprocess data\n", + "The code in following cell will download the CNN/DM dataset listed at https://github.com/harvardnlp/sent-summary/." + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": { + "scrolled": true + }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1028 19:36:39.891576 139886807013184 file_utils.py:39] PyTorch version 1.2.0 available.\n", - "I1028 19:36:39.924971 139886807013184 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1028 19:36:39.943137 139886807013184 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" + "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", + "[nltk_data] Package punkt is already up-to-date!\n", + "I1030 19:42:44.432886 140491949197120 file_utils.py:39] PyTorch version 1.2.0 available.\n", + "I1030 19:42:44.466703 140491949197120 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1030 19:42:44.483136 140491949197120 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1030 19:42:44.489104 140491949197120 utils.py:173] Opening tar file .data/cnndm.tar.gz.\n", + "I1030 19:42:44.490219 140491949197120 utils.py:181] .data/test.txt.src already extracted.\n", + "I1030 19:42:44.778111 140491949197120 utils.py:181] .data/test.txt.tgt.tagged already extracted.\n", + "I1030 19:42:44.804572 140491949197120 utils.py:181] .data/train.txt.src already extracted.\n", + "I1030 19:42:52.298821 140491949197120 utils.py:181] .data/train.txt.tgt.tagged already extracted.\n", + "I1030 19:42:52.910166 140491949197120 utils.py:181] .data/val.txt.src already extracted.\n", + "I1030 19:42:53.247699 140491949197120 utils.py:181] .data/val.txt.tgt.tagged already extracted.\n" ] } ], "source": [ - "from utils_nlp.models.transformers.extractive_summarization import ExtSumProcessor, ExtractiveSummarizer" + "if QUICK_RUN:\n", + " top_n = 100\n", + "from utils_nlp.dataset.cnndm import CNNDMSummarization\n", + "\n", + "train_dataset, test_dataset = CNNDMSummarization(top_n=top_n)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Preprocess the data and save the data to disk." ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 9, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1028 19:36:40.130957 139886807013184 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-vocab.txt from cache at ./5e8a2b4893d13790ed4150ca1906be5f7a03d6c4ddf62296c383f6db42814db2.e13dbb970cb325137104fb2e5f36fe865f27746c6b526f6352861b1980eb80b1\n" + "I1030 19:42:54.824942 140491949197120 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" ] } ], "source": [ - "processor = ExtSumProcessor()" + "from utils_nlp.models.transformers.extractive_summarization import ExtSumProcessor\n", + "\n", + "processor = ExtSumProcessor(model_name=\"distilbert-base-uncased\")\n", + "ext_sum_train = processor.preprocess(train_dataset, train_dataset.get_target())\n", + "ext_sum_test = processor.preprocess(test_dataset, test_dataset.get_target())" ] }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 10, "metadata": {}, "outputs": [], "source": [ - "#\"\"\"\n", - "ext_sum_train = processor.preprocess(list(train_dataset), list(train_dataset.get_target()))\n", - "\n", - "ext_sum_test = processor.preprocess(list(test_dataset), list(test_dataset.get_target()))\n", - "\n", - "#type(ext_sum_train)\n", - "#\"\"\"" + "data_path = \"./temp_data4/\"" ] }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 11, "metadata": {}, "outputs": [], "source": [ - "import glob\n", - "BERT_DATA_PATH = BERT_DATA_PATH=\"./bert_data/\"\n", - "pts = sorted(glob.glob(BERT_DATA_PATH + 'cnndm.train' + '.[0-9]*.pt'))" + "!mkdir -p $data_path" ] }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 12, + "metadata": {}, + "outputs": [], + "source": [ + "from utils_nlp.dataset.cnndm import CNNDMBertSumProcessedData\n", + "\n", + "train_files = CNNDMBertSumProcessedData.save_data(\n", + " ext_sum_train, is_test=False, path_and_prefix=data_path, chunk_size=25\n", + ")\n", + "test_files = CNNDMBertSumProcessedData.save_data(\n", + " ext_sum_test, is_test=True, path_and_prefix=data_path, chunk_size=None\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 13, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "['./bert_data/cnndm.train.0.bert.pt', './bert_data/cnndm.train.1.bert.pt']" + "['./temp_data4/_0_train',\n", + " './temp_data4/_1_train',\n", + " './temp_data4/_2_train',\n", + " './temp_data4/_3_train']" ] }, - "execution_count": 10, + "execution_count": 13, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "pts[0:2]" + "train_files" ] }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['./temp_data4/_0_test']" + ] + }, + "execution_count": 14, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "test_files" + ] + }, + { + "cell_type": "code", + "execution_count": 15, "metadata": {}, "outputs": [], + "source": [ + "train_iter, test_iter = CNNDMBertSumProcessedData().splits(root=data_path)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "##### [Option 2] Reuse Preprocess data" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "I1030 19:42:57.929424 140491949197120 utils.py:88] Downloading from Google Drive; may take a few minutes\n", + "I1030 19:42:58.700399 140491949197120 utils.py:60] File ./temp_data5/bertsum_data.zip already exists.\n" + ] + } + ], + "source": [ + "if USE_PREPROCESSED_DATA:\n", + " data_path = \"./temp_data5/\"\n", + " if not os.path.exists(data_path):\n", + " os.mkdir(data_path)\n", + " CNNDMBertSumProcessedData.download(local_path=data_path)\n", + " train_iter, test_iter = CNNDMBertSumProcessedData().splits(root=data_path)\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 17, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "train_iter" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Inspect Data" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['./temp_data4/_0_train',\n", + " './temp_data4/_1_train',\n", + " './temp_data4/_2_train',\n", + " './temp_data4/_3_train']" + ] + }, + "execution_count": 18, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "train_files" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "25\n" + ] + }, + { + "data": { + "text/plain": [ + "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" + ] + }, + "execution_count": 19, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ "import torch\n", - "def get_dataset(file_list):\n", - " #random.shuffle(file_list)\n", - " for file in file_list:\n", - " yield torch.load(file)" + "bert_format_data = torch.load(train_files[0])\n", + "print(len(bert_format_data))\n", + "bert_format_data[0].keys()\n" ] }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 20, "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "text/plain": [ + "[0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]" + ] + }, + "execution_count": 20, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ - "from bertsum.models.data_loader import DataIterator\n", - "from bertsum.models import model_builder, data_loader\n", - "class Bunch(object):\n", - " \"\"\" Class which convert a dictionary to an object \"\"\"\n", - "\n", - " def __init__(self, adict):\n", - " self.__dict__.update(adict)\n", - "def get_data_loader(data_files, device, is_labeled=False, batch_size=3000):\n", - " \"\"\"\n", - " Function to get data iterator over a list of data objects.\n", - "\n", - " Args:\n", - " dataset (list of objects): a list of data objects.\n", - " is_test (bool): it specifies whether the data objects are labeled data.\n", - " batch_size (int): number of tokens per batch.\n", - " \n", - " Returns:\n", - " DataIterator\n", + "bert_format_data[0]['labels']" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Model training\n", + "To start model training, we need to create a instance of ExtractiveSummarizer.\n", + "#### Choose the transformer model.\n", + "Currently ExtractiveSummarizer support two models:\n", + "- distilbert-base-uncase, \n", + "- bert-base-uncase\n", "\n", - " \"\"\"\n", - " args = Bunch({})\n", - " args.use_interval = True\n", - " args.batch_size = batch_size\n", - " data_iter = None\n", - " data_iter = data_loader.Dataloader(args, get_dataset(data_files), args.batch_size,device, shuffle=False, is_test=is_labeled)\n", - " return data_iter" + "Potentionally, roberta-based model and xlnet can be supported but needs to be tested.\n", + "#### Choose the encoder algorithm.\n", + "There are four options:\n", + "- baseline: it used a smaller transformer model to replace the bert model and with transformer summarization layer\n", + "- classifier: it uses pretrained BERT and fine-tune BERT with **simple logistic classification** summarization layer\n", + "- transformer: it uses pretrained BERT and fine-tune BERT with **transformer** summarization layer\n", + "- RNN: it uses pretrained BERT and fine-tune BERT with **LSTM** summarization layer" ] }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 21, "metadata": {}, "outputs": [], "source": [ - "device = torch.device(\"cuda:{}\".format(0)) \n", - "def train_iter_func():\n", - " return get_data_loader(pts, device, is_labeled=True)" + "# notebook parameters\n", + "DATA_FOLDER = \"./temp\"\n", + "CACHE_DIR = \"./temp\"\n", + "DEVICE = \"cuda\"\n", + "BATCH_SIZE = 3000\n", + "NUM_GPUS = 1\n", + "encoder = \"transformer\"\n", + "model_name = \"distilbert-base-uncased\"" ] }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 22, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1028 19:36:40.696836 139886807013184 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1028 19:36:40.697976 139886807013184 configuration_utils.py:168] Model config {\n", + "I1030 19:43:17.238647 140491949197120 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./temp/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1030 19:43:17.239963 140491949197120 configuration_utils.py:168] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -1532,177 +588,135 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1028 19:36:40.822206 139886807013184 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I1030 19:43:17.363380 140491949197120 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./temp/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], "source": [ - "from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig\n", - "summarizer = None\n", - "summarizer = ExtractiveSummarizer()" + "from utils_nlp.models.transformers.extractive_summarization import ExtractiveSummarizer\n", + "summarizer = ExtractiveSummarizer(model_name, encoder, CACHE_DIR)" ] }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 23, "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['./temp_data4/_0_train',\n", + " './temp_data4/_1_train',\n", + " './temp_data4/_2_train',\n", + " './temp_data4/_3_train']" + ] + }, + "execution_count": 23, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "train_files" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": { + "scrolled": true + }, "outputs": [], "source": [ - "# notebook parameters\n", - "DATA_FOLDER = \"./temp\"\n", - "CACHE_DIR = \"./temp\"\n", - "DEVICE = \"cuda\"\n", - "NUM_EPOCHS = 1\n", - "BATCH_SIZE = 64\n", - "NUM_GPUS = 1\n", - "MAX_LEN = 150" + "from utils_nlp.models.transformers.extractive_summarization import get_dataset, get_dataloader" ] }, { "cell_type": "code", - "execution_count": 16, + "execution_count": null, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "0\n", - "loss: 0.434776, time: 0.33, step 0.000000 out of total 10000.000000\n", - "loss: 52.902908, time: 11.08, step 100.000000 out of total 10000.000000\n", - "loss: 38.612158, time: 11.01, step 200.000000 out of total 10000.000000\n", - "loss: 35.420277, time: 11.03, step 300.000000 out of total 10000.000000\n", - "loss: 34.828366, time: 11.95, step 400.000000 out of total 10000.000000\n", - "loss: 34.409282, time: 11.49, step 500.000000 out of total 10000.000000\n", - "loss: 33.686915, time: 11.44, step 600.000000 out of total 10000.000000\n", - "loss: 33.543083, time: 11.21, step 700.000000 out of total 10000.000000\n", - "loss: 33.193735, time: 11.82, step 800.000000 out of total 10000.000000\n", - "loss: 32.814421, time: 11.23, step 900.000000 out of total 10000.000000\n", - "loss: 32.306093, time: 11.26, step 1000.000000 out of total 10000.000000\n", - "loss: 32.094086, time: 11.12, step 1100.000000 out of total 10000.000000\n", - "loss: 33.199048, time: 11.75, step 1200.000000 out of total 10000.000000\n", - "loss: 31.443077, time: 11.44, step 1300.000000 out of total 10000.000000\n", - "loss: 31.991770, time: 11.31, step 1400.000000 out of total 10000.000000\n", - "loss: 31.662769, time: 11.10, step 1500.000000 out of total 10000.000000\n", - "loss: 31.764520, time: 11.67, step 1600.000000 out of total 10000.000000\n", - "loss: 31.710532, time: 11.08, step 1700.000000 out of total 10000.000000\n", - "loss: 31.700363, time: 11.01, step 1800.000000 out of total 10000.000000\n", - "loss: 31.749142, time: 11.17, step 1900.000000 out of total 10000.000000\n", - "loss: 31.710789, time: 11.73, step 2000.000000 out of total 10000.000000\n", - "loss: 32.272130, time: 11.49, step 2100.000000 out of total 10000.000000\n", - "loss: 32.114992, time: 11.46, step 2200.000000 out of total 10000.000000\n", - "loss: 32.081605, time: 11.38, step 2300.000000 out of total 10000.000000\n", - "loss: 32.550155, time: 11.64, step 2400.000000 out of total 10000.000000\n", - "loss: 32.364637, time: 11.14, step 2500.000000 out of total 10000.000000\n", - "loss: 30.473291, time: 11.19, step 2600.000000 out of total 10000.000000\n", - "loss: 31.429663, time: 11.13, step 2700.000000 out of total 10000.000000\n", - "loss: 30.424942, time: 11.40, step 2800.000000 out of total 10000.000000\n", - "loss: 31.258406, time: 11.07, step 2900.000000 out of total 10000.000000\n", - "loss: 30.718246, time: 11.19, step 3000.000000 out of total 10000.000000\n", - "loss: 31.152926, time: 11.18, step 3100.000000 out of total 10000.000000\n", - "loss: 31.191213, time: 11.39, step 3200.000000 out of total 10000.000000\n", - "loss: 31.664712, time: 10.99, step 3300.000000 out of total 10000.000000\n", - "loss: 31.407538, time: 11.03, step 3400.000000 out of total 10000.000000\n", - "loss: 30.724196, time: 11.00, step 3500.000000 out of total 10000.000000\n", - "loss: 30.603053, time: 11.29, step 3600.000000 out of total 10000.000000\n", - "loss: 31.262879, time: 10.96, step 3700.000000 out of total 10000.000000\n", - "loss: 30.602100, time: 11.02, step 3800.000000 out of total 10000.000000\n", - "loss: 30.812468, time: 11.03, step 3900.000000 out of total 10000.000000\n", - "loss: 30.118705, time: 11.28, step 4000.000000 out of total 10000.000000\n", - "loss: 30.472731, time: 10.94, step 4100.000000 out of total 10000.000000\n", - "loss: 30.939562, time: 10.99, step 4200.000000 out of total 10000.000000\n", - "loss: 29.950871, time: 10.91, step 4300.000000 out of total 10000.000000\n", - "loss: 31.281369, time: 11.34, step 4400.000000 out of total 10000.000000\n", - "loss: 29.662618, time: 10.91, step 4500.000000 out of total 10000.000000\n", - "loss: 30.060169, time: 11.00, step 4600.000000 out of total 10000.000000\n", - "loss: 29.785620, time: 11.03, step 4700.000000 out of total 10000.000000\n", - "loss: 30.156811, time: 11.47, step 4800.000000 out of total 10000.000000\n", - "loss: 29.637551, time: 11.01, step 4900.000000 out of total 10000.000000\n", - "loss: 30.674142, time: 11.39, step 5000.000000 out of total 10000.000000\n", - "loss: 28.572815, time: 11.27, step 5100.000000 out of total 10000.000000\n", - "loss: 29.803984, time: 11.50, step 5200.000000 out of total 10000.000000\n", - "loss: 29.971485, time: 11.08, step 5300.000000 out of total 10000.000000\n", - "loss: 29.791215, time: 11.24, step 5400.000000 out of total 10000.000000\n", - "loss: 29.964834, time: 11.38, step 5500.000000 out of total 10000.000000\n", - "loss: 30.322712, time: 11.75, step 5600.000000 out of total 10000.000000\n", - "loss: 29.500406, time: 11.32, step 5700.000000 out of total 10000.000000\n", - "loss: 29.795636, time: 11.30, step 5800.000000 out of total 10000.000000\n", - "loss: 29.980351, time: 11.26, step 5900.000000 out of total 10000.000000\n", - "loss: 29.034165, time: 11.56, step 6000.000000 out of total 10000.000000\n", - "loss: 29.320281, time: 11.05, step 6100.000000 out of total 10000.000000\n", - "loss: 28.547546, time: 11.13, step 6200.000000 out of total 10000.000000\n", - "loss: 28.926620, time: 11.10, step 6300.000000 out of total 10000.000000\n", - "loss: 29.557800, time: 11.63, step 6400.000000 out of total 10000.000000\n", - "loss: 29.143100, time: 11.11, step 6500.000000 out of total 10000.000000\n", - "loss: 29.671277, time: 11.02, step 6600.000000 out of total 10000.000000\n", - "loss: 30.009365, time: 11.08, step 6700.000000 out of total 10000.000000\n", - "loss: 28.840488, time: 11.41, step 6800.000000 out of total 10000.000000\n", - "loss: 28.830560, time: 11.03, step 6900.000000 out of total 10000.000000\n", - "loss: 29.287735, time: 11.09, step 7000.000000 out of total 10000.000000\n", - "loss: 30.114177, time: 11.15, step 7100.000000 out of total 10000.000000\n", - "loss: 28.591488, time: 11.58, step 7200.000000 out of total 10000.000000\n", - "loss: 29.200069, time: 11.10, step 7300.000000 out of total 10000.000000\n", - "loss: 29.515540, time: 11.08, step 7400.000000 out of total 10000.000000\n", - "loss: 29.605279, time: 11.07, step 7500.000000 out of total 10000.000000\n", - "loss: 28.578301, time: 11.50, step 7600.000000 out of total 10000.000000\n", - "loss: 28.892440, time: 11.09, step 7700.000000 out of total 10000.000000\n", - "loss: 28.933030, time: 10.96, step 7800.000000 out of total 10000.000000\n", - "loss: 28.665656, time: 11.05, step 7900.000000 out of total 10000.000000\n", - "loss: 29.566401, time: 11.80, step 8000.000000 out of total 10000.000000\n", - "loss: 28.564517, time: 11.21, step 8100.000000 out of total 10000.000000\n", - "loss: 28.593431, time: 11.01, step 8200.000000 out of total 10000.000000\n", - "loss: 28.926263, time: 11.04, step 8300.000000 out of total 10000.000000\n", - "loss: 28.860379, time: 11.44, step 8400.000000 out of total 10000.000000\n", - "loss: 30.003897, time: 11.05, step 8500.000000 out of total 10000.000000\n", - "loss: 29.035807, time: 11.06, step 8600.000000 out of total 10000.000000\n", - "loss: 29.180781, time: 10.97, step 8700.000000 out of total 10000.000000\n", - "loss: 28.666833, time: 11.44, step 8800.000000 out of total 10000.000000\n", - "loss: 28.866304, time: 11.06, step 8900.000000 out of total 10000.000000\n", - "loss: 27.299687, time: 10.98, step 9000.000000 out of total 10000.000000\n", - "loss: 29.205652, time: 10.99, step 9100.000000 out of total 10000.000000\n", - "loss: 29.167503, time: 11.35, step 9200.000000 out of total 10000.000000\n", - "loss: 28.922509, time: 11.05, step 9300.000000 out of total 10000.000000\n", - "loss: 28.488780, time: 11.10, step 9400.000000 out of total 10000.000000\n", - "loss: 28.075319, time: 10.97, step 9500.000000 out of total 10000.000000\n", - "loss: 28.700666, time: 11.36, step 9600.000000 out of total 10000.000000\n", - "loss: 29.089914, time: 11.04, step 9700.000000 out of total 10000.000000\n", - "loss: 29.031871, time: 10.99, step 9800.000000 out of total 10000.000000\n", - "loss: 28.807646, time: 11.04, step 9900.000000 out of total 10000.000000\n", - "loss: 28.629186, time: 11.33, step 10000.000000 out of total 10000.000000\n" + "cuda\n", + "loss: 80.055855, time: 21.066953, examples number: 5.000000, step 100.000000 out of total 10000.000000\n", + "loss: 0.210719, time: 0.097609, examples number: 5.000000, step 100.000000 out of total 10000.000000\n", + "loss: 37.006704, time: 21.019811, examples number: 7.000000, step 200.000000 out of total 10000.000000\n", + "loss: 0.189547, time: 0.085794, examples number: 6.000000, step 200.000000 out of total 10000.000000\n", + "loss: 34.051729, time: 20.893883, examples number: 5.000000, step 300.000000 out of total 10000.000000\n", + "loss: 0.154256, time: 0.098439, examples number: 5.000000, step 300.000000 out of total 10000.000000\n", + "loss: 33.769536, time: 21.259850, examples number: 5.000000, step 400.000000 out of total 10000.000000\n", + "loss: 0.194510, time: 0.098374, examples number: 5.000000, step 400.000000 out of total 10000.000000\n", + "loss: 33.363134, time: 20.839859, examples number: 5.000000, step 500.000000 out of total 10000.000000\n", + "loss: 0.127341, time: 0.104356, examples number: 5.000000, step 500.000000 out of total 10000.000000\n", + "loss: 32.484810, time: 21.217096, examples number: 5.000000, step 600.000000 out of total 10000.000000\n", + "loss: 0.158462, time: 0.099393, examples number: 5.000000, step 600.000000 out of total 10000.000000\n", + "loss: 32.207327, time: 20.770870, examples number: 5.000000, step 700.000000 out of total 10000.000000\n", + "loss: 0.139624, time: 0.098159, examples number: 5.000000, step 700.000000 out of total 10000.000000\n", + "loss: 31.975883, time: 21.158446, examples number: 5.000000, step 800.000000 out of total 10000.000000\n", + "loss: 0.126678, time: 0.097939, examples number: 5.000000, step 800.000000 out of total 10000.000000\n", + "loss: 31.714358, time: 20.730140, examples number: 5.000000, step 900.000000 out of total 10000.000000\n", + "loss: 0.136615, time: 0.098182, examples number: 5.000000, step 900.000000 out of total 10000.000000\n", + "loss: 32.101234, time: 20.998002, examples number: 5.000000, step 1000.000000 out of total 10000.000000\n", + "loss: 0.146306, time: 0.099846, examples number: 5.000000, step 1000.000000 out of total 10000.000000\n", + "loss: 31.611188, time: 20.601194, examples number: 5.000000, step 1100.000000 out of total 10000.000000\n", + "loss: 0.117829, time: 0.097640, examples number: 5.000000, step 1100.000000 out of total 10000.000000\n", + "loss: 31.863980, time: 20.959873, examples number: 5.000000, step 1200.000000 out of total 10000.000000\n", + "loss: 0.152569, time: 0.097665, examples number: 5.000000, step 1200.000000 out of total 10000.000000\n" ] } ], "source": [ "### from utils_nlp.common.timer import Timer\n", - "\n", - " summarizer.fit(\n", - " train_iter_func,\n", + "#\"\"\"\n", + "summarizer.fit(\n", + " train_iter,\n", " device= DEVICE,\n", - " num_epochs=NUM_EPOCHS,\n", - " batch_size=BATCH_SIZE,\n", + " batch_size=3000,\n", " num_gpus=NUM_GPUS,\n", + " gradient_accumulation_steps=2,\n", " max_steps=1e4,\n", - " learning_rate=1e-4,\n", + " lr=2e-3,\n", " warmup_steps=1e4*0.5,\n", " verbose=True,\n", " report_every=100,\n", " )\n", - " \n", - " \n" + "#\"\"\"" ] }, { "cell_type": "code", - "execution_count": 17, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "torch.save(summarizer.model, \"cnndm_transformersum_distilbert-base-uncased_bertsum_processed_data.pt\")" + "torch.save(summarizer.model, \"cnndm_transformersum_bert-base-uncased_bertsum_processed_data.pt\")" ] }, { "cell_type": "code", - "execution_count": 24, + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "summarizer.model = torch.load(\"cnndm_transformersum_distilbert-base-uncased_bertsum_processed_data.pt\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Model Evaluation\n", + "\n", + "[ROUGE](https://en.wikipedia.org/wiki/ROUGE_(metric)), or Recall-Oriented Understudy for Gisting Evaluation has been commonly used for evaluation text summarization." + ] + }, + { + "cell_type": "code", + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1718,7 +732,7 @@ }, { "cell_type": "code", - "execution_count": 25, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1728,7 +742,7 @@ }, { "cell_type": "code", - "execution_count": 26, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1737,62 +751,14 @@ }, { "cell_type": "code", - "execution_count": 27, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "11489\n", - "11489\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-10-28 20:05:12,147 [MainThread ] [INFO ] Writing summaries.\n", - "I1028 20:05:12.147566 139886807013184 pyrouge.py:525] Writing summaries.\n", - "2019-10-28 20:05:12,149 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpnapu1ceb/system and model files to ./results/tmpnapu1ceb/model.\n", - "I1028 20:05:12.149479 139886807013184 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpnapu1ceb/system and model files to ./results/tmpnapu1ceb/model.\n", - "2019-10-28 20:05:12,150 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-28-20-05-11/candidate/.\n", - "I1028 20:05:12.150503 139886807013184 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-10-28-20-05-11/candidate/.\n", - "2019-10-28 20:05:13,204 [MainThread ] [INFO ] Saved processed files to ./results/tmpnapu1ceb/system.\n", - "I1028 20:05:13.204638 139886807013184 pyrouge.py:53] Saved processed files to ./results/tmpnapu1ceb/system.\n", - "2019-10-28 20:05:13,206 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-28-20-05-11/reference/.\n", - "I1028 20:05:13.206232 139886807013184 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-10-28-20-05-11/reference/.\n", - "2019-10-28 20:05:14,254 [MainThread ] [INFO ] Saved processed files to ./results/tmpnapu1ceb/model.\n", - "I1028 20:05:14.254149 139886807013184 pyrouge.py:53] Saved processed files to ./results/tmpnapu1ceb/model.\n", - "2019-10-28 20:05:14,614 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmph6tt42ke/rouge_conf.xml\n", - "I1028 20:05:14.614730 139886807013184 pyrouge.py:354] Written ROUGE configuration to ./results/tmph6tt42ke/rouge_conf.xml\n", - "2019-10-28 20:05:14,616 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmph6tt42ke/rouge_conf.xml\n", - "I1028 20:05:14.616016 139886807013184 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmph6tt42ke/rouge_conf.xml\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.53918 (95%-conf.int. 0.53643 - 0.54191)\n", - "1 ROUGE-1 Average_P: 0.36463 (95%-conf.int. 0.36234 - 0.36693)\n", - "1 ROUGE-1 Average_F: 0.42091 (95%-conf.int. 0.41880 - 0.42302)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.24454 (95%-conf.int. 0.24200 - 0.24735)\n", - "1 ROUGE-2 Average_P: 0.16532 (95%-conf.int. 0.16341 - 0.16740)\n", - "1 ROUGE-2 Average_F: 0.19061 (95%-conf.int. 0.18852 - 0.19274)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.49144 (95%-conf.int. 0.48881 - 0.49416)\n", - "1 ROUGE-L Average_P: 0.33284 (95%-conf.int. 0.33057 - 0.33513)\n", - "1 ROUGE-L Average_F: 0.38398 (95%-conf.int. 0.38192 - 0.38601)\n", - "\n" - ] - } - ], + "execution_count": null, + "metadata": { + "scrolled": true + }, + "outputs": [], "source": [ "from utils_nlp.eval.evaluate_summarization import get_rouge\n", - "rouge_baseline = get_rouge(prediction, target, \"./results/\")" + "rouge_transformer = get_rouge(prediction, target, \"./results/\")" ] }, { @@ -1800,54 +766,18 @@ "execution_count": null, "metadata": {}, "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 22, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .'" - ] - }, - "execution_count": 22, - "metadata": {}, - "output_type": "execute_result" - } - ], "source": [ "prediction[0]" ] }, { "cell_type": "code", - "execution_count": 23, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" - ] - }, - "execution_count": 23, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "test_dataset[0]['tgt_txt']" ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [] } ], "metadata": { diff --git a/utils_nlp/dataset/cnndm.py b/utils_nlp/dataset/cnndm.py index bfe28b9f4..0fd799abc 100644 --- a/utils_nlp/dataset/cnndm.py +++ b/utils_nlp/dataset/cnndm.py @@ -1,5 +1,6 @@ import torch from torchtext.utils import extract_archive +import torchtext from utils_nlp.dataset.url_utils import maybe_download import regex as re @@ -18,8 +19,10 @@ from torchtext.utils import download_from_url, extract_archive import zipfile import glob -import path +from os.path import isfile, join +from utils_nlp.models.transformers.extractive_summarization import get_dataset, get_dataloader +#https://torchtext.readthedocs.io/en/latest/datasets.html#sentiment-analysis def _line_iter(file_path): with open(file_path, "r", encoding="utf8") as fd: for line in fd: @@ -151,8 +154,7 @@ def _setup_datasets(url, top_n=-1, local_cache_path=".data"): return _setup_datasets(*((urls[0],) + args), **kwargs) -class CNNDMBertSumProcessedData(): - +class CNNDMBertSumProcessedData(): @staticmethod def save_data(data_iter, is_test=False, path_and_prefix="./", chunk_size=None): def chunks(iterable, chunk_size): @@ -172,27 +174,24 @@ def chunks(iterable, chunk_size): @staticmethod - def create(local_processed_path=None, local_cache_path=".data"): + def download(local_path=".data"): + + file_name = "bertsum_data.zip" + url = "https://drive.google.com/uc?export=download&id=1x0d61LP9UAN389YN00z0Pv-7jQgirVg6" + dataset_zip = download_from_url(url, root=local_path) + zip=zipfile.ZipFile(dataset_zip) + #zip=zipfile.ZipFile("./temp_data3/"+file_name) + zip.extractall(local_path) + return local_path + + @classmethod + def splits(cls, root): train_files = [] test_files = [] - if local_processed_path: - files = sorted(glob.glob(local_processed_path + '*')) - - else: - file_name = "bertsum_data.zip" - url = "https://drive.google.com/uc?export=download&id=1x0d61LP9UAN389YN00z0Pv-7jQgirVg6" - #url = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbaW12WVVZS2drcnM" - #dataset_zip = download_from_url(url, root=local_cache_path) - #zip=zipfile.ZipFile(dataset_zip) - zip=zipfile.ZipFile("./temp_data3/"+file_name) - #zip.extractall(local_cache_path) - files = zip.namelist() - + files = [join(root, f) for f in os.listdir(root) if isfile(join(root, f))] for fname in files: - if fname.find('train') != -1: - train_files.append(path.join(local_cache_path, fname)) - elif fname.find('test') != -1: - test_files.append(path.join(local_cache_path, fname)) - - return (train_files, test_files) - + if fname.find('train') != -1: + train_files.append(fname) + elif fname.find('test') != -1: + test_files.append(fname) + return get_dataset(train_files), get_dataset(test_files) \ No newline at end of file diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index 6ceeb44f1..b55bd8143 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -28,22 +28,21 @@ get_device, ) -MODEL_CLASS = {} -MODEL_CLASS.update({k: BertForSequenceClassification for k in BERT_PRETRAINED_MODEL_ARCHIVE_MAP}) -MODEL_CLASS.update( - {k: RobertaForSequenceClassification for k in ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP} -) -MODEL_CLASS.update({k: XLNetForSequenceClassification for k in XLNET_PRETRAINED_MODEL_ARCHIVE_MAP}) -MODEL_CLASS.update( - {k: DistilBertForSequenceClassification for k in DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP} -) +from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig +import torch +from transformers import * + +# Transformers has a unified API +# for 8 transformer architectures and 30 pretrained weights. +# Model | Tokenizer | Pretrained weights shortcut +MODEL_CLASS= {"bert-base-uncased": BertModel, + 'distilbert-base-uncased': DistilBertModel} from bertsum.prepro.data_builder import greedy_selection, combination_selection from bertsum.prepro.data_builder import TransformerData -from utils_nlp.models.bert.extractive_text_summarization import Bunch, default_parameters from bertsum.models.model_builder import Summarizer from bertsum.models import model_builder -from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig + import bertsum.distributed as distributed import time @@ -51,6 +50,9 @@ from bertsum.models.data_loader import DataIterator from bertsum.models import model_builder, data_loader + +from torch.utils.data import DataLoader + class Bunch(object): """ Class which convert a dictionary to an object """ @@ -63,7 +65,7 @@ def get_dataset(file_list, is_train=False): for file in file_list: yield torch.load(file) -def get_data_loader(file_list, device, is_labeled=False, batch_size=3000): +def get_dataloader(data_iter, is_labeled=False, batch_size=3000): """ Function to get data iterator over a list of data objects. @@ -76,12 +78,7 @@ def get_data_loader(file_list, device, is_labeled=False, batch_size=3000): DataIterator """ - args = Bunch({}) - args.use_interval = True - args.batch_size = batch_size - data_iter = None - data_iter = data_loader.Dataloader(args, get_dataset(file_list), args.batch_size, device, shuffle=False, is_test=is_labeled) - return data_iter + return data_loader.Dataloader(data_iter, batch_size, shuffle=False, is_labeled=is_labeled) class ExtSumProcessor: @@ -145,14 +142,25 @@ def _preprocess_single(self, source, target=None, oracle_mode="greedy", selectio 'src_txt': src_txt, "tgt_txt": tgt_txt} class ExtractiveSummarizer(Transformer): - def __init__(self, model_name="distilbert-base-uncased", model_class=DistilBertModel, cache_dir="."): + def __init__(self, model_name="distilbert-base-uncased", encoder="transformer", cache_dir="."): super().__init__( model_class=MODEL_CLASS, model_name=model_name, num_labels=0, cache_dir=cache_dir, ) - args = Bunch(default_parameters) + model_class =MODEL_CLASS[model_name] + default_summarizer_layer_parameters = { + "ff_size": 512, + "heads": 4, + "dropout": 0.1, + "inter_layers": 2, + "hidden_size": 128, + "rnn_size": 512, + "param_init": 0.0, + "param_init_glorot": True} + + args = Bunch(default_summarizer_layer_parameters) self.model = Summarizer("transformer", args, model_class, model_name, None, cache_dir) @@ -162,18 +170,30 @@ def list_supported_models(): def fit( self, - train_data_iterator_function, + train_iter, + batch_size=3000, device="cuda", num_gpus=None, local_rank=-1, - max_steps=1e5, + max_steps=5e5, + optimization_method='adam', + lr=2e-3, + max_grad_norm=0, + beta1=0.9, + beta2=0.999, + decay_method='noam', + warmup_steps=1e5, verbose=True, seed=None, gradient_accumulation_steps=2, - report_every=50, + report_every=50, **kwargs ): - #device, num_gpus = get_device(device=device, num_gpus=num_gpus, local_rank=local_rank) + """ + train_dataset is actually a list of files in local disk + """ + device, num_gpus = get_device(device=device, num_gpus=num_gpus, local_rank=local_rank) + print(device) device = torch.device("cuda:{}".format(0)) #gpu_rank = distributed.multi_init(0, 1, "0") torch.backends.cudnn.enabled = True @@ -183,14 +203,13 @@ def fit( get_inputs=ExtSumProcessor.get_inputs - args = Bunch(default_parameters) - optimizer = model_builder.build_optim(args, self.model, None) + #args = Bunch(default_parameters) + optimizer = model_builder.build_optim(optimization_method, lr, max_grad_norm, beta1, + beta2, decay_method, warmup_steps, self.model, None) if seed is not None: super(ExtractiveSummarizer).set_seed(seed, n_gpu > 0) - train_batch_size = 1, - # multi-gpu training (should be after apex fp16 initialization) if num_gpus > 1: self.model = torch.nn.DataParallel(self.model) @@ -211,12 +230,16 @@ def fit( self.model.train() start = time.time() - train_data_iterator = train_data_iterator_function() + + def train_iter_func(): + return get_dataloader(train_iter, is_labeled=True, batch_size=batch_size) + + accum_loss = 0 while 1: + train_data_iterator = train_iter_func() for step, batch in enumerate(train_data_iterator): batch = batch.to(device) - #batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) inputs = get_inputs(batch, self.model_name) outputs = self.model(**inputs) @@ -227,13 +250,7 @@ def fit( loss = loss / gradient_accumulation_steps accum_loss += loss.item() - if step % report_every == 0 and verbose: - #tqdm.write(loss) - end = time.time() - print("loss: {0:.6f}, time: {1:.2f}, step {2:f} out of total {3:f}".format( - accum_loss/report_every, end-start, global_step, max_steps)) - accum_loss = 0 - start = end + (loss/loss.numel()).backward() @@ -250,6 +267,14 @@ def fit( grads, float(1)) global_step += 1 + + if (global_step + 1) % report_every == 0 and verbose: + #tqdm.write(loss) + end = time.time() + print("loss: {0:.6f}, time: {1:f}, examples number: {2:f}, step {3:f} out of total {4:f}".format( + accum_loss/report_every, end-start, len(batch), global_step+1, max_steps)) + accum_loss = 0 + start = end if max_steps > 0 and global_step > max_steps: break From 9462f7adde41743e1e32547a4eed283c9b313712 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Thu, 31 Oct 2019 18:01:35 +0000 Subject: [PATCH 026/167] user train_iter and test_iter --- .../CNNDM_TransformerSum.ipynb | 392 +++++++++++------- utils_nlp/dataset/cnndm.py | 7 +- .../transformers/extractive_summarization.py | 51 +-- 3 files changed, 263 insertions(+), 187 deletions(-) diff --git a/examples/text_summarization/CNNDM_TransformerSum.ipynb b/examples/text_summarization/CNNDM_TransformerSum.ipynb index f75fc86ed..6448812d2 100644 --- a/examples/text_summarization/CNNDM_TransformerSum.ipynb +++ b/examples/text_summarization/CNNDM_TransformerSum.ipynb @@ -113,23 +113,6 @@ "sys.path.insert(0, \"/dadendev/nlp/examples/text_summarization/BertSum/\")" ] }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['/dadendev/nlp/examples/text_summarization/BertSum/', './', '/dadendev/nlp', '/dadendev/anaconda3/envs/cm3/lib/python36.zip', '/dadendev/anaconda3/envs/cm3/lib/python3.6', '/dadendev/anaconda3/envs/cm3/lib/python3.6/lib-dynload', '', '/home/daden/.local/lib/python3.6/site-packages', '/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages', '/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/pyrouge-0.1.3-py3.6.egg', '/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions', '/home/daden/.ipython']\n" - ] - } - ], - "source": [ - "print(sys.path)" - ] - }, { "cell_type": "markdown", "metadata": {}, @@ -240,7 +223,7 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 6, "metadata": { "scrolled": true }, @@ -251,16 +234,16 @@ "text": [ "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", "[nltk_data] Package punkt is already up-to-date!\n", - "I1030 19:42:44.432886 140491949197120 file_utils.py:39] PyTorch version 1.2.0 available.\n", - "I1030 19:42:44.466703 140491949197120 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1030 19:42:44.483136 140491949197120 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1030 19:42:44.489104 140491949197120 utils.py:173] Opening tar file .data/cnndm.tar.gz.\n", - "I1030 19:42:44.490219 140491949197120 utils.py:181] .data/test.txt.src already extracted.\n", - "I1030 19:42:44.778111 140491949197120 utils.py:181] .data/test.txt.tgt.tagged already extracted.\n", - "I1030 19:42:44.804572 140491949197120 utils.py:181] .data/train.txt.src already extracted.\n", - "I1030 19:42:52.298821 140491949197120 utils.py:181] .data/train.txt.tgt.tagged already extracted.\n", - "I1030 19:42:52.910166 140491949197120 utils.py:181] .data/val.txt.src already extracted.\n", - "I1030 19:42:53.247699 140491949197120 utils.py:181] .data/val.txt.tgt.tagged already extracted.\n" + "I1031 15:36:54.379606 140308661311296 file_utils.py:39] PyTorch version 1.2.0 available.\n", + "I1031 15:36:54.412472 140308661311296 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1031 15:36:54.428757 140308661311296 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1031 15:36:54.434558 140308661311296 utils.py:173] Opening tar file .data/cnndm.tar.gz.\n", + "I1031 15:36:54.435726 140308661311296 utils.py:181] .data/test.txt.src already extracted.\n", + "I1031 15:36:54.722329 140308661311296 utils.py:181] .data/test.txt.tgt.tagged already extracted.\n", + "I1031 15:36:54.748624 140308661311296 utils.py:181] .data/train.txt.src already extracted.\n", + "I1031 15:37:02.198719 140308661311296 utils.py:181] .data/train.txt.tgt.tagged already extracted.\n", + "I1031 15:37:02.812012 140308661311296 utils.py:181] .data/val.txt.src already extracted.\n", + "I1031 15:37:03.144755 140308661311296 utils.py:181] .data/val.txt.tgt.tagged already extracted.\n" ] } ], @@ -281,14 +264,14 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 7, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1030 19:42:54.824942 140491949197120 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + "I1031 15:37:04.728073 140308661311296 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" ] } ], @@ -302,7 +285,7 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 8, "metadata": {}, "outputs": [], "source": [ @@ -311,7 +294,7 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 9, "metadata": {}, "outputs": [], "source": [ @@ -320,7 +303,7 @@ }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 10, "metadata": {}, "outputs": [], "source": [ @@ -336,7 +319,7 @@ }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 12, "metadata": {}, "outputs": [ { @@ -348,7 +331,7 @@ " './temp_data4/_3_train']" ] }, - "execution_count": 13, + "execution_count": 12, "metadata": {}, "output_type": "execute_result" } @@ -359,7 +342,7 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 13, "metadata": {}, "outputs": [ { @@ -368,7 +351,7 @@ "['./temp_data4/_0_test']" ] }, - "execution_count": 14, + "execution_count": 13, "metadata": {}, "output_type": "execute_result" } @@ -379,64 +362,55 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 21, "metadata": {}, "outputs": [], "source": [ "train_iter, test_iter = CNNDMBertSumProcessedData().splits(root=data_path)" ] }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 20, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "train_iter()" + ] + }, { "cell_type": "markdown", "metadata": {}, "source": [ - "##### [Option 2] Reuse Preprocess data" + "##### [Option 2] Reuse Preprocessed data" ] }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 40, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "I1030 19:42:57.929424 140491949197120 utils.py:88] Downloading from Google Drive; may take a few minutes\n", - "I1030 19:42:58.700399 140491949197120 utils.py:60] File ./temp_data5/bertsum_data.zip already exists.\n" - ] - } - ], + "outputs": [], "source": [ "if USE_PREPROCESSED_DATA:\n", " data_path = \"./temp_data5/\"\n", " if not os.path.exists(data_path):\n", " os.mkdir(data_path)\n", - " CNNDMBertSumProcessedData.download(local_path=data_path)\n", + " #CNNDMBertSumProcessedData.download(local_path=data_path)\n", " train_iter, test_iter = CNNDMBertSumProcessedData().splits(root=data_path)\n", " " ] }, - { - "cell_type": "code", - "execution_count": 17, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "" - ] - }, - "execution_count": 17, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "train_iter" - ] - }, { "cell_type": "markdown", "metadata": {}, @@ -539,7 +513,7 @@ }, { "cell_type": "code", - "execution_count": 21, + "execution_count": 15, "metadata": {}, "outputs": [], "source": [ @@ -555,15 +529,17 @@ }, { "cell_type": "code", - "execution_count": 22, - "metadata": {}, + "execution_count": 16, + "metadata": { + "scrolled": true + }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1030 19:43:17.238647 140491949197120 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./temp/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1030 19:43:17.239963 140491949197120 configuration_utils.py:168] Model config {\n", + "I1031 15:37:43.591610 140308661311296 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./temp/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1031 15:37:43.593253 140308661311296 configuration_utils.py:168] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -588,7 +564,7 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1030 19:43:17.363380 140491949197120 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./temp/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I1031 15:37:43.770401 140308661311296 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./temp/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], @@ -599,78 +575,59 @@ }, { "cell_type": "code", - "execution_count": 23, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['./temp_data4/_0_train',\n", - " './temp_data4/_1_train',\n", - " './temp_data4/_2_train',\n", - " './temp_data4/_3_train']" - ] - }, - "execution_count": 23, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "train_files" - ] - }, - { - "cell_type": "code", - "execution_count": 24, + "execution_count": 22, "metadata": { "scrolled": true }, - "outputs": [], - "source": [ - "from utils_nlp.models.transformers.extractive_summarization import get_dataset, get_dataloader" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "cuda\n", - "loss: 80.055855, time: 21.066953, examples number: 5.000000, step 100.000000 out of total 10000.000000\n", - "loss: 0.210719, time: 0.097609, examples number: 5.000000, step 100.000000 out of total 10000.000000\n", - "loss: 37.006704, time: 21.019811, examples number: 7.000000, step 200.000000 out of total 10000.000000\n", - "loss: 0.189547, time: 0.085794, examples number: 6.000000, step 200.000000 out of total 10000.000000\n", - "loss: 34.051729, time: 20.893883, examples number: 5.000000, step 300.000000 out of total 10000.000000\n", - "loss: 0.154256, time: 0.098439, examples number: 5.000000, step 300.000000 out of total 10000.000000\n", - "loss: 33.769536, time: 21.259850, examples number: 5.000000, step 400.000000 out of total 10000.000000\n", - "loss: 0.194510, time: 0.098374, examples number: 5.000000, step 400.000000 out of total 10000.000000\n", - "loss: 33.363134, time: 20.839859, examples number: 5.000000, step 500.000000 out of total 10000.000000\n", - "loss: 0.127341, time: 0.104356, examples number: 5.000000, step 500.000000 out of total 10000.000000\n", - "loss: 32.484810, time: 21.217096, examples number: 5.000000, step 600.000000 out of total 10000.000000\n", - "loss: 0.158462, time: 0.099393, examples number: 5.000000, step 600.000000 out of total 10000.000000\n", - "loss: 32.207327, time: 20.770870, examples number: 5.000000, step 700.000000 out of total 10000.000000\n", - "loss: 0.139624, time: 0.098159, examples number: 5.000000, step 700.000000 out of total 10000.000000\n", - "loss: 31.975883, time: 21.158446, examples number: 5.000000, step 800.000000 out of total 10000.000000\n", - "loss: 0.126678, time: 0.097939, examples number: 5.000000, step 800.000000 out of total 10000.000000\n", - "loss: 31.714358, time: 20.730140, examples number: 5.000000, step 900.000000 out of total 10000.000000\n", - "loss: 0.136615, time: 0.098182, examples number: 5.000000, step 900.000000 out of total 10000.000000\n", - "loss: 32.101234, time: 20.998002, examples number: 5.000000, step 1000.000000 out of total 10000.000000\n", - "loss: 0.146306, time: 0.099846, examples number: 5.000000, step 1000.000000 out of total 10000.000000\n", - "loss: 31.611188, time: 20.601194, examples number: 5.000000, step 1100.000000 out of total 10000.000000\n", - "loss: 0.117829, time: 0.097640, examples number: 5.000000, step 1100.000000 out of total 10000.000000\n", - "loss: 31.863980, time: 20.959873, examples number: 5.000000, step 1200.000000 out of total 10000.000000\n", - "loss: 0.152569, time: 0.097665, examples number: 5.000000, step 1200.000000 out of total 10000.000000\n" + "loss: 30.818217, time: 14.197680, number of examples: 5, step 100 out of total 10000\n", + "loss: 20.408923, time: 14.246498, number of examples: 5, step 200 out of total 10000\n", + "loss: 15.969570, time: 14.484507, number of examples: 5, step 300 out of total 10000\n", + "loss: 15.443698, time: 14.570143, number of examples: 5, step 400 out of total 10000\n", + "loss: 15.203439, time: 14.420183, number of examples: 5, step 500 out of total 10000\n", + "loss: 14.745307, time: 14.314796, number of examples: 5, step 600 out of total 10000\n", + "loss: 14.495191, time: 14.446270, number of examples: 5, step 700 out of total 10000\n", + "loss: 14.056821, time: 14.389389, number of examples: 5, step 800 out of total 10000\n", + "loss: 13.729813, time: 14.223003, number of examples: 5, step 900 out of total 10000\n", + "loss: 13.489415, time: 14.077206, number of examples: 5, step 1000 out of total 10000\n", + "loss: 13.273714, time: 14.130133, number of examples: 5, step 1100 out of total 10000\n", + "loss: 13.152105, time: 15.230361, number of examples: 5, step 1200 out of total 10000\n", + "loss: 12.988920, time: 14.815906, number of examples: 5, step 1300 out of total 10000\n", + "loss: 12.523414, time: 14.185987, number of examples: 5, step 1400 out of total 10000\n", + "loss: 11.803143, time: 13.916287, number of examples: 5, step 1500 out of total 10000\n", + "loss: 10.141595, time: 14.247255, number of examples: 5, step 1600 out of total 10000\n", + "loss: 8.180351, time: 14.021271, number of examples: 5, step 1700 out of total 10000\n", + "loss: 5.736008, time: 13.904408, number of examples: 5, step 1800 out of total 10000\n", + "loss: 3.984385, time: 13.953730, number of examples: 5, step 1900 out of total 10000\n", + "loss: 2.609048, time: 13.872560, number of examples: 5, step 2000 out of total 10000\n", + "loss: 1.960253, time: 13.901405, number of examples: 5, step 2100 out of total 10000\n", + "loss: 1.535262, time: 13.945146, number of examples: 5, step 2200 out of total 10000\n", + "loss: 0.923897, time: 13.986185, number of examples: 5, step 2300 out of total 10000\n", + "loss: 0.696074, time: 13.999948, number of examples: 5, step 2400 out of total 10000\n", + "loss: 0.651599, time: 14.040181, number of examples: 5, step 2500 out of total 10000\n" + ] + }, + { + "ename": "KeyboardInterrupt", + "evalue": "", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 9\u001b[0m \u001b[0mwarmup_steps\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m1e4\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0;36m0.5\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 10\u001b[0m \u001b[0mverbose\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mTrue\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 11\u001b[0;31m \u001b[0mreport_every\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m100\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 12\u001b[0m )\n", + "\u001b[0;32m/dadendev/nlp/utils_nlp/models/transformers/extractive_summarization.py\u001b[0m in \u001b[0;36mfit\u001b[0;34m(self, train_iter, batch_size, device, num_gpus, local_rank, max_steps, optimization_method, lr, max_grad_norm, beta1, beta2, decay_method, warmup_steps, verbose, seed, gradient_accumulation_steps, report_every, **kwargs)\u001b[0m\n\u001b[1;32m 260\u001b[0m \u001b[0;31m#batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 261\u001b[0m \u001b[0minputs\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mget_inputs\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mbatch\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmodel_name\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 262\u001b[0;31m \u001b[0moutputs\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmodel\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m**\u001b[0m\u001b[0minputs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 263\u001b[0m \u001b[0mloss\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0moutputs\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 264\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mnum_gpus\u001b[0m \u001b[0;34m>\u001b[0m \u001b[0;36m1\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/nn/modules/module.py\u001b[0m in \u001b[0;36m__call__\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 545\u001b[0m \u001b[0mresult\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_slow_forward\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 546\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 547\u001b[0;31m \u001b[0mresult\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mforward\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 548\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mhook\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_forward_hooks\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mvalues\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 549\u001b[0m \u001b[0mhook_result\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mhook\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mresult\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/nlp/examples/text_summarization/BertSum/bertsum/models/model_builder.py\u001b[0m in \u001b[0;36mforward\u001b[0;34m(self, x, segs, clss, mask, mask_cls, labels, sentence_range)\u001b[0m\n\u001b[1;32m 103\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 104\u001b[0m \u001b[0mtop_vec\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtransformer\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mx\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msegs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmask\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 105\u001b[0;31m \u001b[0msents_vec\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtop_vec\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0marange\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtop_vec\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msize\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0munsqueeze\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mclss\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 106\u001b[0m \u001b[0msents_vec\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0msents_vec\u001b[0m \u001b[0;34m*\u001b[0m \u001b[0mmask_cls\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m:\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mfloat\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 107\u001b[0m \u001b[0msent_scores\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mencoder\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0msents_vec\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmask_cls\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msqueeze\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m-\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mKeyboardInterrupt\u001b[0m: " ] } ], "source": [ - "### from utils_nlp.common.timer import Timer\n", - "#\"\"\"\n", "summarizer.fit(\n", " train_iter,\n", " device= DEVICE,\n", @@ -682,17 +639,16 @@ " warmup_steps=1e4*0.5,\n", " verbose=True,\n", " report_every=100,\n", - " )\n", - "#\"\"\"" + " )" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 29, "metadata": {}, "outputs": [], "source": [ - "torch.save(summarizer.model, \"cnndm_transformersum_bert-base-uncased_bertsum_processed_data.pt\")" + "torch.save(summarizer.model, model_name+\"_bertsum_processed_data.pt\")" ] }, { @@ -716,33 +672,53 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 47, "metadata": {}, "outputs": [], "source": [ "import torch\n", - "from utils_nlp.models.bert.extractive_text_summarization import get_data_iter\n", "import os\n", "\n", "test_dataset=[]\n", - "for i in range(0,6):\n", - " filename = os.path.join(BERT_DATA_PATH, \"cnndm.test.{0}.bert.pt\".format(i))\n", - " test_dataset.extend(torch.load(filename))" + "for i in test_iter():\n", + " test_dataset.extend(i)" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 49, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "100" + ] + }, + "execution_count": 49, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(test_dataset)" + ] + }, + { + "cell_type": "code", + "execution_count": 50, "metadata": {}, "outputs": [], "source": [ + "from utils_nlp.models.transformers.extractive_summarization import get_data_iter\n", + "\n", "prediction = summarizer.predict(get_data_iter(test_dataset),\n", - " device=DEVICE,)" + " device=DEVICE)" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 52, "metadata": {}, "outputs": [], "source": [ @@ -751,11 +727,53 @@ }, { "cell_type": "code", - "execution_count": null, - "metadata": { - "scrolled": true - }, - "outputs": [], + "execution_count": 53, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-10-31 17:59:07,705 [MainThread ] [INFO ] Writing summaries.\n", + "I1031 17:59:07.705975 140308661311296 pyrouge.py:525] Writing summaries.\n", + "2019-10-31 17:59:07,707 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmp2jh52kci/system and model files to ./results/tmp2jh52kci/model.\n", + "I1031 17:59:07.707562 140308661311296 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmp2jh52kci/system and model files to ./results/tmp2jh52kci/model.\n", + "2019-10-31 17:59:07,708 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-31-17-59-07/candidate/.\n", + "I1031 17:59:07.708495 140308661311296 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-10-31-17-59-07/candidate/.\n", + "2019-10-31 17:59:07,719 [MainThread ] [INFO ] Saved processed files to ./results/tmp2jh52kci/system.\n", + "I1031 17:59:07.719068 140308661311296 pyrouge.py:53] Saved processed files to ./results/tmp2jh52kci/system.\n", + "2019-10-31 17:59:07,720 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-31-17-59-07/reference/.\n", + "I1031 17:59:07.720107 140308661311296 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-10-31-17-59-07/reference/.\n", + "2019-10-31 17:59:07,730 [MainThread ] [INFO ] Saved processed files to ./results/tmp2jh52kci/model.\n", + "I1031 17:59:07.730343 140308661311296 pyrouge.py:53] Saved processed files to ./results/tmp2jh52kci/model.\n", + "2019-10-31 17:59:07,732 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp4zxruqq3/rouge_conf.xml\n", + "I1031 17:59:07.732450 140308661311296 pyrouge.py:354] Written ROUGE configuration to ./results/tmp4zxruqq3/rouge_conf.xml\n", + "2019-10-31 17:59:07,733 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp4zxruqq3/rouge_conf.xml\n", + "I1031 17:59:07.733434 140308661311296 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp4zxruqq3/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "100\n", + "100\n", + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.41601 (95%-conf.int. 0.38468 - 0.44964)\n", + "1 ROUGE-1 Average_P: 0.21124 (95%-conf.int. 0.19304 - 0.22896)\n", + "1 ROUGE-1 Average_F: 0.27238 (95%-conf.int. 0.25137 - 0.29249)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.13888 (95%-conf.int. 0.11130 - 0.16833)\n", + "1 ROUGE-2 Average_P: 0.06738 (95%-conf.int. 0.05454 - 0.08099)\n", + "1 ROUGE-2 Average_F: 0.08825 (95%-conf.int. 0.07190 - 0.10610)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.37098 (95%-conf.int. 0.34192 - 0.40359)\n", + "1 ROUGE-L Average_P: 0.18856 (95%-conf.int. 0.17234 - 0.20503)\n", + "1 ROUGE-L Average_F: 0.24308 (95%-conf.int. 0.22405 - 0.26304)\n", + "\n" + ] + } + ], "source": [ "from utils_nlp.eval.evaluate_summarization import get_rouge\n", "rouge_transformer = get_rouge(prediction, target, \"./results/\")" @@ -763,20 +781,78 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 57, "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "text/plain": [ + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" + ] + }, + "execution_count": 57, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "test_dataset[0]['tgt_txt']" + ] + }, + { + "cell_type": "code", + "execution_count": 56, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .'" + ] + }, + "execution_count": 56, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ "prediction[0]" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 26, "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "text/plain": [ + "['a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .',\n", + " 'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .',\n", + " 'he was flown back to chicago via air ambulance on march 20 , but he died on sunday .',\n", + " 'andrew mogni , 20 , from glen ellyn , illinois , a university of iowa student has died nearly three months after a fall in rome in a suspected robbery',\n", + " 'he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .',\n", + " \"he died on sunday at northwestern memorial hospital - medical examiner 's office spokesman frank shuftan says a cause of death wo n't be released until monday at the earliest .\",\n", + " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed .',\n", + " \"on sunday , his cousin abby wrote online : ` this morning my cousin andrew 's soul was lifted up to heaven .\",\n", + " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed',\n", + " '` at the beginning of january he went to rome to study aboard and on the way home from a party he was brutally attacked and thrown off a 40ft bridge and hit the concrete below .',\n", + " \"` he was in a coma and in critical condition for months . '\",\n", + " 'paula barnett , who said she is a close family friend , told my suburban life , that mogni had only been in the country for six hours when the incident happened .',\n", + " 'she said he was was alone at the time of the alleged assault and personal items were stolen .',\n", + " 'she added that he was in a non-medically induced coma , having suffered serious infection and internal bleeding .',\n", + " 'mogni was a third-year finance major from glen ellyn , ill. , who was participating in a semester-long program at john cabot university .',\n", + " \"mogni belonged to the school 's chapter of the sigma nu fraternity , reports the chicago tribune who posted a sign outside a building reading ` pray for mogni . '\",\n", + " \"the fraternity 's iowa chapter announced sunday afternoon via twitter that a memorial service will be held on campus to remember mogni .\"]" + ] + }, + "execution_count": 26, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ - "test_dataset[0]['tgt_txt']" + "test_dataset[0]['src_txt']" ] } ], diff --git a/utils_nlp/dataset/cnndm.py b/utils_nlp/dataset/cnndm.py index 0fd799abc..315a6179b 100644 --- a/utils_nlp/dataset/cnndm.py +++ b/utils_nlp/dataset/cnndm.py @@ -183,6 +183,7 @@ def download(local_path=".data"): #zip=zipfile.ZipFile("./temp_data3/"+file_name) zip.extractall(local_path) return local_path + @classmethod def splits(cls, root): @@ -194,4 +195,8 @@ def splits(cls, root): train_files.append(fname) elif fname.find('test') != -1: test_files.append(fname) - return get_dataset(train_files), get_dataset(test_files) \ No newline at end of file + def get_train_dataset(): + return get_dataset(train_files) + def get_test_dataset(): + return get_dataset(test_files) + return get_train_dataset, get_test_dataset \ No newline at end of file diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index b55bd8143..f5bb1e5f3 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -58,6 +58,23 @@ class Bunch(object): def __init__(self, adict): self.__dict__.update(adict) + +def get_data_iter(dataset,is_labeled=False, batch_size=3000): + """ + Function to get data iterator over a list of data objects. + + Args: + dataset (list of objects): a list of data objects. + is_test (bool): it specifies whether the data objects are labeled data. + batch_size (int): number of tokens per batch. + + Returns: + DataIterator + + """ + + return DataIterator(dataset, batch_size, is_labeled=is_labeled, shuffle=False, sort=False) + def get_dataset(file_list, is_train=False): if is_train: @@ -190,7 +207,7 @@ def fit( **kwargs ): """ - train_dataset is actually a list of files in local disk + train_dataset is data iterator """ device, num_gpus = get_device(device=device, num_gpus=num_gpus, local_rank=local_rank) print(device) @@ -231,13 +248,13 @@ def fit( start = time.time() - def train_iter_func(): - return get_dataloader(train_iter, is_labeled=True, batch_size=batch_size) + #def train_iter_func(): + # return get_dataloader(train_iter(), is_labeled=True, batch_size=batch_size) accum_loss = 0 while 1: - train_data_iterator = train_iter_func() + train_data_iterator = get_dataloader(train_iter(), is_labeled=True, batch_size=batch_size) for step, batch in enumerate(train_data_iterator): batch = batch.to(device) #batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) @@ -266,12 +283,12 @@ def train_iter_func(): distributed.all_reduce_and_rescale_tensors( grads, float(1)) - global_step += 1 + global_step += 1 if (global_step + 1) % report_every == 0 and verbose: #tqdm.write(loss) end = time.time() - print("loss: {0:.6f}, time: {1:f}, examples number: {2:f}, step {3:f} out of total {4:f}".format( + print("loss: {0:.6f}, time: {1:f}, number of examples: {2:.0f}, step {3:.0f} out of total {4:.0f}".format( accum_loss/report_every, end-start, len(batch), global_step+1, max_steps)) accum_loss = 0 start = end @@ -335,36 +352,14 @@ def _get_pred(batch, sent_scores): pred.append(_pred.strip()) return pred - #for batch in tqdm(eval_data_iterator, desc="Evaluating", disable=not verbose): self.model.eval() pred = [] for batch in eval_data_iterator: batch = batch.to(device) - #batch = tuple(t.to(device) for t in batch) - #batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) with torch.no_grad(): inputs = ExtSumProcessor.get_inputs(batch, self.model_name, train_mode=False) outputs = self.model(**inputs) sent_scores = outputs[0] sent_scores = sent_scores.detach().cpu().numpy() - #return sent_scores pred.extend(_get_pred(batch, sent_scores)) - #yield logits.detach().cpu().numpy() return pred - - - - """preds = list( - super().predict( - eval_dataset=eval_dataset, - get_inputs=ExtSumProcessor.get_inputs, - device=device, - per_gpu_eval_batch_size=batch_size, - n_gpu=num_gpus, - verbose=True, - ) - ) - preds = np.concatenate(preds) - # todo generator & probs - return np.argmax(preds, axis=1) - """ \ No newline at end of file From bc8fc18f0ff513766f654ff950f883b7ee3f8670 Mon Sep 17 00:00:00 2001 From: hlums Date: Mon, 2 Dec 2019 16:56:24 -0500 Subject: [PATCH 027/167] Initial check-in of rouge script. --- utils_nlp/eval/rouge.py | 77 +++++++++++++++++++++++++++++++++++++++++ 1 file changed, 77 insertions(+) create mode 100644 utils_nlp/eval/rouge.py diff --git a/utils_nlp/eval/rouge.py b/utils_nlp/eval/rouge.py new file mode 100644 index 000000000..02ec07386 --- /dev/null +++ b/utils_nlp/eval/rouge.py @@ -0,0 +1,77 @@ +import os +import shutil +import time +import tempfile + +import pyrouge +import rouge + + +def compute_rouge_perl(cand, ref, input_files=False): + + temp_dir = tempfile.mkdtemp() + + if input_files: + candidates = [line.strip() for line in open(cand, encoding="utf-8")] + references = [line.strip() for line in open(ref, encoding="utf-8")] + else: + candidates = cand + references = ref + + print(len(candidates)) + print(len(references)) + assert len(candidates) == len(references) + + cnt = len(candidates) + current_time = time.strftime("%Y-%m-%d-%H-%M-%S", time.localtime()) + tmp_dir = os.path.join(temp_dir, "rouge-tmp-{}".format(current_time)) + if not os.path.isdir(tmp_dir): + os.mkdir(tmp_dir) + os.mkdir(tmp_dir + "/candidate") + os.mkdir(tmp_dir + "/reference") + try: + for i in range(cnt): + if len(references[i]) < 1: + continue + with open(tmp_dir + "/candidate/cand.{}.txt".format(i), "w", encoding="utf-8") as f: + f.write(candidates[i]) + with open(tmp_dir + "/reference/ref.{}.txt".format(i), "w", encoding="utf-8") as f: + f.write(references[i]) + r = pyrouge.Rouge155(temp_dir=temp_dir) + r.model_dir = tmp_dir + "/reference/" + r.system_dir = tmp_dir + "/candidate/" + r.model_filename_pattern = "ref.#ID#.txt" + r.system_filename_pattern = r"cand.(\d+).txt" + rouge_results = r.convert_and_evaluate() + print(rouge_results) + results_dict = r.output_to_dict(rouge_results) + finally: + pass + if os.path.isdir(tmp_dir): + shutil.rmtree(tmp_dir) + return results_dict + + +def compute_rouge_python(cand, ref, input_files=False): + if input_files: + candidates = [line.strip() for line in open(cand, encoding="utf-8")] + references = [line.strip() for line in open(ref, encoding="utf-8")] + else: + candidates = cand + references = ref + + print(len(candidates)) + print(len(references)) + assert len(candidates) == len(references) + + evaluator = rouge.Rouge( + metrics=["rouge-n", "rouge-l"], + max_n=2, + limit_length=False, + apply_avg=True, + weight_factor=1.2, + ) + + scores = evaluator.get_scores(candidates, [[it] for it in references]) + + return scores From 3c7ddd530522dc6e115439aabcad028dffb14101 Mon Sep 17 00:00:00 2001 From: hlums Date: Tue, 3 Dec 2019 23:18:38 +0000 Subject: [PATCH 028/167] Update rouge computation script. --- .../summarization_evaluation.ipynb | 502 ++++++++++++++++++ .../summarization_evaluation_with_hindi.ipynb | 485 +++++++++++++++++ utils_nlp/eval/{rouge.py => compute_rouge.py} | 22 +- 3 files changed, 995 insertions(+), 14 deletions(-) create mode 100644 examples/text_summarization/summarization_evaluation.ipynb create mode 100644 examples/text_summarization/summarization_evaluation_with_hindi.ipynb rename utils_nlp/eval/{rouge.py => compute_rouge.py} (82%) diff --git a/examples/text_summarization/summarization_evaluation.ipynb b/examples/text_summarization/summarization_evaluation.ipynb new file mode 100644 index 000000000..4f6d438fd --- /dev/null +++ b/examples/text_summarization/summarization_evaluation.ipynb @@ -0,0 +1,502 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Summarization Evaluation\n", + "This notebook explains the metrics commonly used to evaluate text summarization results and how to use the evaluation utilities provided in the repo. " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## ROUGE\n", + "Recall-Oriented Understudy for Gisting Evaluation(ROUGE) is a set of metrics for evaluating automatic text summarization and machine translation results. The metrics compare machine-generated summaries or translations against one or multiple reference summaries or translations created by human. \n", + "Commonly used ROUGE metrics are ROUGE-1, ROUGE-2, and ROUGE-L\n", + "* ROUGE-1: Overlap of unigrams (single words) between machine-generated and reference summaries. \n", + "* ROUGE-2: Overlap of bigrams (two adjcent words) between machine-generated and reference summaries.\n", + "* ROUGE-L: Longest Common Subsequence (LCS), which doesn't require consecutive matches but in-sequence matches that refect sentence level structure similarity. \n", + "\n", + "For each metric, recall, precision, and F1 score are computed. \n", + "\n", + "**Utilities for computing ROUGE**\n", + "* `compute_rouge_perl`: The [pyrouge](https://github.com/bheinzerling/pyrouge/tree/master/pyrouge) package based on the ROUGE package written in perl is the most popular package for computing ROUGE scores. We provide the `compute_rouge_perl` function based on pyrouge. \n", + "* `compute_rouge_python`: The [py-rouge](https://pypi.org/project/py-rouge/) package is a Python implementation of the ROUGE metric which produces almost the same results as the perl implemenation. Since it's easier to install than pyrouge and can be extended to other languages, we provide the `compute_rouge_python` function based on py-rouge. Currently, only English is supported. Supports for other languages will be provided on an as-needed basis. " + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "import os\n", + "import sys\n", + "\n", + "nlp_path = os.path.abspath('../../')\n", + "if nlp_path not in sys.path:\n", + " sys.path.insert(0, nlp_path)\n", + " \n", + "from utils_nlp.eval.compute_rouge import compute_rouge_perl, compute_rouge_python" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Sample inputs\n", + "Both `compute_rouge_perl` and `compute_rouge_python` takes lists of candidate summaries and reference summaries as inputs. Alternatively, you can also provide paths to files containing the candidates and references and set the `input_files` argument to `True`. " + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "summary_candidates = [\"The stock market is doing well this year.\", \"The movie is very popular.\"]\n", + "summary_references = [\"The stock market is doing really well in 2019.\", \"The movie is very popular among millennials.\"]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### compute_rouge_python\n", + "To use `compute_rouge_python`, you only need to install the Python package `py-rouge` and `nltk`." + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Number of candidates: 2\n", + "Number of references: 2\n" + ] + } + ], + "source": [ + "python_rouge_scores = compute_rouge_python(cand=summary_candidates, ref=summary_references)" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "ROUGE-1: {'f': 0.7696078431372548, 'p': 0.875, 'r': 0.6904761904761905}\n", + "ROUGE-2: {'f': 0.6666666666666667, 'p': 0.7857142857142857, 'r': 0.5833333333333333}\n", + "ROUGE-L: {'f': 0.8044834406175039, 'p': 0.8934181487831181, 'r': 0.7343809193130839}\n" + ] + } + ], + "source": [ + "print(\"ROUGE-1: {}\".format(python_rouge_scores[\"rouge-1\"]))\n", + "print(\"ROUGE-2: {}\".format(python_rouge_scores[\"rouge-2\"]))\n", + "print(\"ROUGE-L: {}\".format(python_rouge_scores[\"rouge-l\"]))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### compute_rouge_perl\n", + "To use `compute_rouge_perl`, in addition to installing the Python package `pyrouge`, you also need to go through the following setup steps on a Linux machine. \n", + "**NOTE**: Set `PYROUGE_PATH` to the root directory of the cloned `pyrouge` repo and `PYTHON_PATH` to the root directory of the conda environment where you installed `pyrouge` first." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "scrolled": false + }, + "outputs": [], + "source": [ + "%%bash\n", + "git clone https://github.com/andersjo/pyrouge.git\n", + "# PYROUGE_PATH= #e.g./home/hlu/notebooks/summarization/pyrouge\n", + "# PYTHON_PATH= #e.g./data/anaconda/envs/nlp_gpu\n", + "PYROUGE_PATH=/home/hlu/notebooks/summarization/pyrouge\n", + "PYTHON_PATH=/data/anaconda/envs/nlp_gpu\n", + "$PYTHON_PATH/bin/pyrouge_set_rouge_path $PYROUGE_PATH/tools/ROUGE-1.5.5\n", + "\n", + "# install XML::DOM plugin, instructions https://web.archive.org/web/20171107220839/www.summarizerman.com/post/42675198985/figuring-out-rouge\n", + "sudo cpan App::cpanminus\n", + "sudo cpanm XML::DOM\n", + "\n", + "# install XLM::Parser and its dependencies\n", + "sudo apt-get update\n", + "sudo apt-get install libexpat1-dev -y\n", + "sudo cpanm XML::Parser\n", + "\n", + "# Fix WordNet issue\n", + "# Instructions https://web.archive.org/web/20180812011301/http://kavita-ganesan.com/rouge-howto/#IamHavingWordNetExceptions\n", + "cd $PYROUGE_PATH/tools/ROUGE-1.5.5/data/\n", + "rm WordNet-2.0.exc.db\n", + "\n", + "cd WordNet-2.0-Exceptions/\n", + "./buildExeptionDB.pl . exc WordNet-2.0.exc.db\n", + "cd ..\n", + "ln -s WordNet-2.0-Exceptions/WordNet-2.0.exc.db WordNet-2.0.exc.db" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-12-03 19:43:25,977 [MainThread ] [INFO ] Writing summaries.\n", + "2019-12-03 19:43:25,978 [MainThread ] [INFO ] Processing summaries. Saving system files to /tmp/tmpm29_bwie/system and model files to /tmp/tmpm29_bwie/model.\n", + "2019-12-03 19:43:25,979 [MainThread ] [INFO ] Processing files in /tmp/tmpf5p8odh5/rouge-tmp-2019-12-03-19-43-25/candidate/.\n", + "2019-12-03 19:43:25,980 [MainThread ] [INFO ] Processing cand.1.txt.\n", + "2019-12-03 19:43:25,981 [MainThread ] [INFO ] Processing cand.0.txt.\n", + "2019-12-03 19:43:25,982 [MainThread ] [INFO ] Saved processed files to /tmp/tmpm29_bwie/system.\n", + "2019-12-03 19:43:25,982 [MainThread ] [INFO ] Processing files in /tmp/tmpf5p8odh5/rouge-tmp-2019-12-03-19-43-25/reference/.\n", + "2019-12-03 19:43:25,983 [MainThread ] [INFO ] Processing ref.0.txt.\n", + "2019-12-03 19:43:25,984 [MainThread ] [INFO ] Processing ref.1.txt.\n", + "2019-12-03 19:43:25,985 [MainThread ] [INFO ] Saved processed files to /tmp/tmpm29_bwie/model.\n", + "2019-12-03 19:43:25,986 [MainThread ] [INFO ] Written ROUGE configuration to /tmp/tmps00p9hvz/rouge_conf.xml\n", + "2019-12-03 19:43:25,987 [MainThread ] [INFO ] Running ROUGE with command /home/hlu/notebooks/summarization/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /home/hlu/notebooks/summarization/pyrouge/tools/ROUGE-1.5.5/data -c 95 -2 -1 -U -r 1000 -n 4 -w 1.2 -a -m /tmp/tmps00p9hvz/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Number of candidates: 2\n", + "Number of references: 2\n", + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.69048 (95%-conf.int. 0.66667 - 0.71429)\n", + "1 ROUGE-1 Average_P: 0.87500 (95%-conf.int. 0.75000 - 1.00000)\n", + "1 ROUGE-1 Average_F: 0.76961 (95%-conf.int. 0.70588 - 0.83334)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.58333 (95%-conf.int. 0.50000 - 0.66667)\n", + "1 ROUGE-2 Average_P: 0.78571 (95%-conf.int. 0.57143 - 1.00000)\n", + "1 ROUGE-2 Average_F: 0.66666 (95%-conf.int. 0.53333 - 0.80000)\n", + "---------------------------------------------\n", + "1 ROUGE-3 Average_R: 0.51428 (95%-conf.int. 0.42857 - 0.60000)\n", + "1 ROUGE-3 Average_P: 0.75000 (95%-conf.int. 0.50000 - 1.00000)\n", + "1 ROUGE-3 Average_F: 0.60577 (95%-conf.int. 0.46154 - 0.75000)\n", + "---------------------------------------------\n", + "1 ROUGE-4 Average_R: 0.41666 (95%-conf.int. 0.33333 - 0.50000)\n", + "1 ROUGE-4 Average_P: 0.70000 (95%-conf.int. 0.40000 - 1.00000)\n", + "1 ROUGE-4 Average_F: 0.51515 (95%-conf.int. 0.36363 - 0.66667)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.69048 (95%-conf.int. 0.66667 - 0.71429)\n", + "1 ROUGE-L Average_P: 0.87500 (95%-conf.int. 0.75000 - 1.00000)\n", + "1 ROUGE-L Average_F: 0.76961 (95%-conf.int. 0.70588 - 0.83334)\n", + "---------------------------------------------\n", + "1 ROUGE-W-1.2 Average_R: 0.44238 (95%-conf.int. 0.40075 - 0.48401)\n", + "1 ROUGE-W-1.2 Average_P: 0.84981 (95%-conf.int. 0.69963 - 1.00000)\n", + "1 ROUGE-W-1.2 Average_F: 0.58095 (95%-conf.int. 0.50960 - 0.65230)\n", + "---------------------------------------------\n", + "1 ROUGE-S* Average_R: 0.44643 (95%-conf.int. 0.41667 - 0.47619)\n", + "1 ROUGE-S* Average_P: 0.76785 (95%-conf.int. 0.53571 - 1.00000)\n", + "1 ROUGE-S* Average_F: 0.55695 (95%-conf.int. 0.46875 - 0.64516)\n", + "---------------------------------------------\n", + "1 ROUGE-SU* Average_R: 0.49790 (95%-conf.int. 0.47727 - 0.51852)\n", + "1 ROUGE-SU* Average_P: 0.80000 (95%-conf.int. 0.60000 - 1.00000)\n", + "1 ROUGE-SU* Average_F: 0.60729 (95%-conf.int. 0.53164 - 0.68293)\n", + "\n" + ] + } + ], + "source": [ + "perl_rouge_scores = compute_rouge_perl(cand=summary_candidates, ref=summary_references)" + ] + }, + { + "cell_type": "code", + "execution_count": 44, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'rouge_1_recall': 0.69048,\n", + " 'rouge_1_recall_cb': 0.66667,\n", + " 'rouge_1_recall_ce': 0.71429,\n", + " 'rouge_1_precision': 0.875,\n", + " 'rouge_1_precision_cb': 0.75,\n", + " 'rouge_1_precision_ce': 1.0,\n", + " 'rouge_1_f_score': 0.76961,\n", + " 'rouge_1_f_score_cb': 0.70588,\n", + " 'rouge_1_f_score_ce': 0.83334,\n", + " 'rouge_2_recall': 0.58333,\n", + " 'rouge_2_recall_cb': 0.5,\n", + " 'rouge_2_recall_ce': 0.66667,\n", + " 'rouge_2_precision': 0.78571,\n", + " 'rouge_2_precision_cb': 0.57143,\n", + " 'rouge_2_precision_ce': 1.0,\n", + " 'rouge_2_f_score': 0.66666,\n", + " 'rouge_2_f_score_cb': 0.53333,\n", + " 'rouge_2_f_score_ce': 0.8,\n", + " 'rouge_3_recall': 0.51428,\n", + " 'rouge_3_recall_cb': 0.42857,\n", + " 'rouge_3_recall_ce': 0.6,\n", + " 'rouge_3_precision': 0.75,\n", + " 'rouge_3_precision_cb': 0.5,\n", + " 'rouge_3_precision_ce': 1.0,\n", + " 'rouge_3_f_score': 0.60577,\n", + " 'rouge_3_f_score_cb': 0.46154,\n", + " 'rouge_3_f_score_ce': 0.75,\n", + " 'rouge_4_recall': 0.41666,\n", + " 'rouge_4_recall_cb': 0.33333,\n", + " 'rouge_4_recall_ce': 0.5,\n", + " 'rouge_4_precision': 0.7,\n", + " 'rouge_4_precision_cb': 0.4,\n", + " 'rouge_4_precision_ce': 1.0,\n", + " 'rouge_4_f_score': 0.51515,\n", + " 'rouge_4_f_score_cb': 0.36363,\n", + " 'rouge_4_f_score_ce': 0.66667,\n", + " 'rouge_l_recall': 0.69048,\n", + " 'rouge_l_recall_cb': 0.66667,\n", + " 'rouge_l_recall_ce': 0.71429,\n", + " 'rouge_l_precision': 0.875,\n", + " 'rouge_l_precision_cb': 0.75,\n", + " 'rouge_l_precision_ce': 1.0,\n", + " 'rouge_l_f_score': 0.76961,\n", + " 'rouge_l_f_score_cb': 0.70588,\n", + " 'rouge_l_f_score_ce': 0.83334,\n", + " 'rouge_w_1.2_recall': 0.44238,\n", + " 'rouge_w_1.2_recall_cb': 0.40075,\n", + " 'rouge_w_1.2_recall_ce': 0.48401,\n", + " 'rouge_w_1.2_precision': 0.84981,\n", + " 'rouge_w_1.2_precision_cb': 0.69963,\n", + " 'rouge_w_1.2_precision_ce': 1.0,\n", + " 'rouge_w_1.2_f_score': 0.58095,\n", + " 'rouge_w_1.2_f_score_cb': 0.5096,\n", + " 'rouge_w_1.2_f_score_ce': 0.6523,\n", + " 'rouge_s*_recall': 0.44643,\n", + " 'rouge_s*_recall_cb': 0.41667,\n", + " 'rouge_s*_recall_ce': 0.47619,\n", + " 'rouge_s*_precision': 0.76785,\n", + " 'rouge_s*_precision_cb': 0.53571,\n", + " 'rouge_s*_precision_ce': 1.0,\n", + " 'rouge_s*_f_score': 0.55695,\n", + " 'rouge_s*_f_score_cb': 0.46875,\n", + " 'rouge_s*_f_score_ce': 0.64516,\n", + " 'rouge_su*_recall': 0.4979,\n", + " 'rouge_su*_recall_cb': 0.47727,\n", + " 'rouge_su*_recall_ce': 0.51852,\n", + " 'rouge_su*_precision': 0.8,\n", + " 'rouge_su*_precision_cb': 0.6,\n", + " 'rouge_su*_precision_ce': 1.0,\n", + " 'rouge_su*_f_score': 0.60729,\n", + " 'rouge_su*_f_score_cb': 0.53164,\n", + " 'rouge_su*_f_score_ce': 0.68293}" + ] + }, + "execution_count": 44, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "perl_rouge_scores" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "For each score, the 95% confidence interval is also computed, i.e. \"\\_cb\" and \"\\_ce\" stand for the beginning and end of the confidence interval, respectively. \n", + "In addition to ROUGE-1, ROUGE-2, ROUGE-L, the perl script computes a few other ROUGE scores. See details of all scores [here](https://en.wikipedia.org/wiki/ROUGE_%28metric%29). " + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-12-03 20:56:06,551 [MainThread ] [INFO ] Writing summaries.\n", + "2019-12-03 20:56:06,552 [MainThread ] [INFO ] Processing summaries. Saving system files to /tmp/tmpp4q5yfq5/system and model files to /tmp/tmpp4q5yfq5/model.\n", + "2019-12-03 20:56:06,552 [MainThread ] [INFO ] Processing files in /tmp/tmpdztrmed9/rouge-tmp-2019-12-03-20-56-06/candidate/.\n", + "2019-12-03 20:56:06,553 [MainThread ] [INFO ] Processing cand.0.txt.\n", + "2019-12-03 20:56:06,554 [MainThread ] [INFO ] Saved processed files to /tmp/tmpp4q5yfq5/system.\n", + "2019-12-03 20:56:06,555 [MainThread ] [INFO ] Processing files in /tmp/tmpdztrmed9/rouge-tmp-2019-12-03-20-56-06/reference/.\n", + "2019-12-03 20:56:06,556 [MainThread ] [INFO ] Processing ref.0.txt.\n", + "2019-12-03 20:56:06,558 [MainThread ] [INFO ] Saved processed files to /tmp/tmpp4q5yfq5/model.\n", + "2019-12-03 20:56:06,559 [MainThread ] [INFO ] Written ROUGE configuration to /tmp/tmpldfqkkda/rouge_conf.xml\n", + "2019-12-03 20:56:06,560 [MainThread ] [INFO ] Running ROUGE with command /home/hlu/notebooks/summarization/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /home/hlu/notebooks/summarization/pyrouge/tools/ROUGE-1.5.5/data -c 95 -2 -1 -U -r 1000 -n 4 -w 1.2 -a -m /tmp/tmpldfqkkda/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Number of candidates: 1\n", + "Number of references: 1\n", + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.75000 (95%-conf.int. 0.75000 - 0.75000)\n", + "1 ROUGE-1 Average_P: 0.75000 (95%-conf.int. 0.75000 - 0.75000)\n", + "1 ROUGE-1 Average_F: 0.75000 (95%-conf.int. 0.75000 - 0.75000)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.66667 (95%-conf.int. 0.66667 - 0.66667)\n", + "1 ROUGE-2 Average_P: 0.66667 (95%-conf.int. 0.66667 - 0.66667)\n", + "1 ROUGE-2 Average_F: 0.66667 (95%-conf.int. 0.66667 - 0.66667)\n", + "---------------------------------------------\n", + "1 ROUGE-3 Average_R: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", + "1 ROUGE-3 Average_P: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", + "1 ROUGE-3 Average_F: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", + "---------------------------------------------\n", + "1 ROUGE-4 Average_R: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "1 ROUGE-4 Average_P: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "1 ROUGE-4 Average_F: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.75000 (95%-conf.int. 0.75000 - 0.75000)\n", + "1 ROUGE-L Average_P: 0.75000 (95%-conf.int. 0.75000 - 0.75000)\n", + "1 ROUGE-L Average_F: 0.75000 (95%-conf.int. 0.75000 - 0.75000)\n", + "---------------------------------------------\n", + "1 ROUGE-W-1.2 Average_R: 0.56839 (95%-conf.int. 0.56839 - 0.56839)\n", + "1 ROUGE-W-1.2 Average_P: 0.75000 (95%-conf.int. 0.75000 - 0.75000)\n", + "1 ROUGE-W-1.2 Average_F: 0.64669 (95%-conf.int. 0.64669 - 0.64669)\n", + "---------------------------------------------\n", + "1 ROUGE-S* Average_R: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", + "1 ROUGE-S* Average_P: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", + "1 ROUGE-S* Average_F: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", + "---------------------------------------------\n", + "1 ROUGE-SU* Average_R: 0.66667 (95%-conf.int. 0.66667 - 0.66667)\n", + "1 ROUGE-SU* Average_P: 0.66667 (95%-conf.int. 0.66667 - 0.66667)\n", + "1 ROUGE-SU* Average_F: 0.66667 (95%-conf.int. 0.66667 - 0.66667)\n", + "\n", + "Number of candidates: 1\n", + "Number of references: 1\n", + " rouge-2 rouge-1 rouge-l\n", + "f 0.666667 0.75 0.75\n", + "p 0.666667 0.75 0.75\n", + "r 0.666667 0.75 0.75\n" + ] + } + ], + "source": [ + "# Some test cases (temporary)\n", + "import pandas as pd\n", + "c = [\"this is really good\"]\n", + "r = [\"this is really great\"]\n", + "rouge_perl = compute_rouge_perl(c, r)\n", + "rouge_python = compute_rouge_python(c, r)\n", + "\n", + "print(pd.DataFrame(rouge_python))" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-12-03 20:56:09,105 [MainThread ] [INFO ] Writing summaries.\n", + "2019-12-03 20:56:09,106 [MainThread ] [INFO ] Processing summaries. Saving system files to /tmp/tmpdx08vejw/system and model files to /tmp/tmpdx08vejw/model.\n", + "2019-12-03 20:56:09,106 [MainThread ] [INFO ] Processing files in /tmp/tmpgee0mb66/rouge-tmp-2019-12-03-20-56-09/candidate/.\n", + "2019-12-03 20:56:09,107 [MainThread ] [INFO ] Processing cand.0.txt.\n", + "2019-12-03 20:56:09,108 [MainThread ] [INFO ] Saved processed files to /tmp/tmpdx08vejw/system.\n", + "2019-12-03 20:56:09,108 [MainThread ] [INFO ] Processing files in /tmp/tmpgee0mb66/rouge-tmp-2019-12-03-20-56-09/reference/.\n", + "2019-12-03 20:56:09,109 [MainThread ] [INFO ] Processing ref.0.txt.\n", + "2019-12-03 20:56:09,110 [MainThread ] [INFO ] Saved processed files to /tmp/tmpdx08vejw/model.\n", + "2019-12-03 20:56:09,111 [MainThread ] [INFO ] Written ROUGE configuration to /tmp/tmp2nhy7o3v/rouge_conf.xml\n", + "2019-12-03 20:56:09,112 [MainThread ] [INFO ] Running ROUGE with command /home/hlu/notebooks/summarization/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /home/hlu/notebooks/summarization/pyrouge/tools/ROUGE-1.5.5/data -c 95 -2 -1 -U -r 1000 -n 4 -w 1.2 -a -m /tmp/tmp2nhy7o3v/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Number of candidates: 1\n", + "Number of references: 1\n", + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", + "1 ROUGE-1 Average_P: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", + "1 ROUGE-1 Average_F: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.33333 (95%-conf.int. 0.33333 - 0.33333)\n", + "1 ROUGE-2 Average_P: 0.33333 (95%-conf.int. 0.33333 - 0.33333)\n", + "1 ROUGE-2 Average_F: 0.33333 (95%-conf.int. 0.33333 - 0.33333)\n", + "---------------------------------------------\n", + "1 ROUGE-3 Average_R: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "1 ROUGE-3 Average_P: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "1 ROUGE-3 Average_F: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "---------------------------------------------\n", + "1 ROUGE-4 Average_R: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "1 ROUGE-4 Average_P: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "1 ROUGE-4 Average_F: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", + "1 ROUGE-L Average_P: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", + "1 ROUGE-L Average_F: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", + "---------------------------------------------\n", + "1 ROUGE-W-1.2 Average_R: 0.37893 (95%-conf.int. 0.37893 - 0.37893)\n", + "1 ROUGE-W-1.2 Average_P: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", + "1 ROUGE-W-1.2 Average_F: 0.43113 (95%-conf.int. 0.43113 - 0.43113)\n", + "---------------------------------------------\n", + "1 ROUGE-S* Average_R: 0.16667 (95%-conf.int. 0.16667 - 0.16667)\n", + "1 ROUGE-S* Average_P: 0.16667 (95%-conf.int. 0.16667 - 0.16667)\n", + "1 ROUGE-S* Average_F: 0.16667 (95%-conf.int. 0.16667 - 0.16667)\n", + "---------------------------------------------\n", + "1 ROUGE-SU* Average_R: 0.33333 (95%-conf.int. 0.33333 - 0.33333)\n", + "1 ROUGE-SU* Average_P: 0.33333 (95%-conf.int. 0.33333 - 0.33333)\n", + "1 ROUGE-SU* Average_F: 0.33333 (95%-conf.int. 0.33333 - 0.33333)\n", + "\n", + "Number of candidates: 1\n", + "Number of references: 1\n", + " rouge-2 rouge-1 rouge-l\n", + "f 0.333333 0.5 0.5\n", + "p 0.333333 0.5 0.5\n", + "r 0.333333 0.5 0.5\n" + ] + } + ], + "source": [ + "c = [\"this is very good\"]\n", + "r = [\"this is really great\"]\n", + "rouge_perl = compute_rouge_perl(c, r)\n", + "rouge_python = compute_rouge_python(c, r)\n", + "print(pd.DataFrame(rouge_python))" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "nlp_gpu", + "language": "python", + "name": "nlp_gpu" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.8" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/examples/text_summarization/summarization_evaluation_with_hindi.ipynb b/examples/text_summarization/summarization_evaluation_with_hindi.ipynb new file mode 100644 index 000000000..22d8ad54e --- /dev/null +++ b/examples/text_summarization/summarization_evaluation_with_hindi.ipynb @@ -0,0 +1,485 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "1\n", + "1\n" + ] + } + ], + "source": [ + "import os\n", + "import sys\n", + "\n", + "nlp_path = os.path.abspath('../../')\n", + "if nlp_path not in sys.path:\n", + " sys.path.insert(0, nlp_path)\n", + " \n", + "from utils_nlp.eval.compute_rouge import compute_rouge_perl, compute_rouge_python" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "summary_candidates = [\"The stock market is doing well this year.\", \"The movie is very popular.\"]\n", + "summary_references = [\"The stock market is doing really well in 2019.\", \"The movie is very popular among millennials.\"]" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-12-02 23:36:32,480 [MainThread ] [INFO ] Writing summaries.\n", + "2019-12-02 23:36:32,481 [MainThread ] [INFO ] Processing summaries. Saving system files to /tmp/tmp46vemjwg/system and model files to /tmp/tmp46vemjwg/model.\n", + "2019-12-02 23:36:32,481 [MainThread ] [INFO ] Processing files in /tmp/tmp35k52u07/rouge-tmp-2019-12-02-23-36-32/candidate/.\n", + "2019-12-02 23:36:32,482 [MainThread ] [INFO ] Processing cand.1.txt.\n", + "2019-12-02 23:36:32,483 [MainThread ] [INFO ] Processing cand.0.txt.\n", + "2019-12-02 23:36:32,484 [MainThread ] [INFO ] Saved processed files to /tmp/tmp46vemjwg/system.\n", + "2019-12-02 23:36:32,485 [MainThread ] [INFO ] Processing files in /tmp/tmp35k52u07/rouge-tmp-2019-12-02-23-36-32/reference/.\n", + "2019-12-02 23:36:32,486 [MainThread ] [INFO ] Processing ref.0.txt.\n", + "2019-12-02 23:36:32,486 [MainThread ] [INFO ] Processing ref.1.txt.\n", + "2019-12-02 23:36:32,487 [MainThread ] [INFO ] Saved processed files to /tmp/tmp46vemjwg/model.\n", + "2019-12-02 23:36:32,488 [MainThread ] [INFO ] Written ROUGE configuration to /tmp/tmptlx9xmxp/rouge_conf.xml\n", + "2019-12-02 23:36:32,489 [MainThread ] [INFO ] Running ROUGE with command /home/hlu/notebooks/summarization/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /home/hlu/notebooks/summarization/pyrouge/tools/ROUGE-1.5.5/data -c 95 -2 -1 -U -r 1000 -n 4 -w 1.2 -a -m /tmp/tmptlx9xmxp/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "2\n", + "2\n", + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.69048 (95%-conf.int. 0.66667 - 0.71429)\n", + "1 ROUGE-1 Average_P: 0.87500 (95%-conf.int. 0.75000 - 1.00000)\n", + "1 ROUGE-1 Average_F: 0.76961 (95%-conf.int. 0.70588 - 0.83334)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.58333 (95%-conf.int. 0.50000 - 0.66667)\n", + "1 ROUGE-2 Average_P: 0.78571 (95%-conf.int. 0.57143 - 1.00000)\n", + "1 ROUGE-2 Average_F: 0.66666 (95%-conf.int. 0.53333 - 0.80000)\n", + "---------------------------------------------\n", + "1 ROUGE-3 Average_R: 0.51428 (95%-conf.int. 0.42857 - 0.60000)\n", + "1 ROUGE-3 Average_P: 0.75000 (95%-conf.int. 0.50000 - 1.00000)\n", + "1 ROUGE-3 Average_F: 0.60577 (95%-conf.int. 0.46154 - 0.75000)\n", + "---------------------------------------------\n", + "1 ROUGE-4 Average_R: 0.41666 (95%-conf.int. 0.33333 - 0.50000)\n", + "1 ROUGE-4 Average_P: 0.70000 (95%-conf.int. 0.40000 - 1.00000)\n", + "1 ROUGE-4 Average_F: 0.51515 (95%-conf.int. 0.36363 - 0.66667)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.69048 (95%-conf.int. 0.66667 - 0.71429)\n", + "1 ROUGE-L Average_P: 0.87500 (95%-conf.int. 0.75000 - 1.00000)\n", + "1 ROUGE-L Average_F: 0.76961 (95%-conf.int. 0.70588 - 0.83334)\n", + "---------------------------------------------\n", + "1 ROUGE-W-1.2 Average_R: 0.44238 (95%-conf.int. 0.40075 - 0.48401)\n", + "1 ROUGE-W-1.2 Average_P: 0.84981 (95%-conf.int. 0.69963 - 1.00000)\n", + "1 ROUGE-W-1.2 Average_F: 0.58095 (95%-conf.int. 0.50960 - 0.65230)\n", + "---------------------------------------------\n", + "1 ROUGE-S* Average_R: 0.44643 (95%-conf.int. 0.41667 - 0.47619)\n", + "1 ROUGE-S* Average_P: 0.76785 (95%-conf.int. 0.53571 - 1.00000)\n", + "1 ROUGE-S* Average_F: 0.55695 (95%-conf.int. 0.46875 - 0.64516)\n", + "---------------------------------------------\n", + "1 ROUGE-SU* Average_R: 0.49790 (95%-conf.int. 0.47727 - 0.51852)\n", + "1 ROUGE-SU* Average_P: 0.80000 (95%-conf.int. 0.60000 - 1.00000)\n", + "1 ROUGE-SU* Average_F: 0.60729 (95%-conf.int. 0.53164 - 0.68293)\n", + "\n" + ] + }, + { + "data": { + "text/plain": [ + "{'rouge_1_recall': 0.69048,\n", + " 'rouge_1_recall_cb': 0.66667,\n", + " 'rouge_1_recall_ce': 0.71429,\n", + " 'rouge_1_precision': 0.875,\n", + " 'rouge_1_precision_cb': 0.75,\n", + " 'rouge_1_precision_ce': 1.0,\n", + " 'rouge_1_f_score': 0.76961,\n", + " 'rouge_1_f_score_cb': 0.70588,\n", + " 'rouge_1_f_score_ce': 0.83334,\n", + " 'rouge_2_recall': 0.58333,\n", + " 'rouge_2_recall_cb': 0.5,\n", + " 'rouge_2_recall_ce': 0.66667,\n", + " 'rouge_2_precision': 0.78571,\n", + " 'rouge_2_precision_cb': 0.57143,\n", + " 'rouge_2_precision_ce': 1.0,\n", + " 'rouge_2_f_score': 0.66666,\n", + " 'rouge_2_f_score_cb': 0.53333,\n", + " 'rouge_2_f_score_ce': 0.8,\n", + " 'rouge_3_recall': 0.51428,\n", + " 'rouge_3_recall_cb': 0.42857,\n", + " 'rouge_3_recall_ce': 0.6,\n", + " 'rouge_3_precision': 0.75,\n", + " 'rouge_3_precision_cb': 0.5,\n", + " 'rouge_3_precision_ce': 1.0,\n", + " 'rouge_3_f_score': 0.60577,\n", + " 'rouge_3_f_score_cb': 0.46154,\n", + " 'rouge_3_f_score_ce': 0.75,\n", + " 'rouge_4_recall': 0.41666,\n", + " 'rouge_4_recall_cb': 0.33333,\n", + " 'rouge_4_recall_ce': 0.5,\n", + " 'rouge_4_precision': 0.7,\n", + " 'rouge_4_precision_cb': 0.4,\n", + " 'rouge_4_precision_ce': 1.0,\n", + " 'rouge_4_f_score': 0.51515,\n", + " 'rouge_4_f_score_cb': 0.36363,\n", + " 'rouge_4_f_score_ce': 0.66667,\n", + " 'rouge_l_recall': 0.69048,\n", + " 'rouge_l_recall_cb': 0.66667,\n", + " 'rouge_l_recall_ce': 0.71429,\n", + " 'rouge_l_precision': 0.875,\n", + " 'rouge_l_precision_cb': 0.75,\n", + " 'rouge_l_precision_ce': 1.0,\n", + " 'rouge_l_f_score': 0.76961,\n", + " 'rouge_l_f_score_cb': 0.70588,\n", + " 'rouge_l_f_score_ce': 0.83334,\n", + " 'rouge_w_1.2_recall': 0.44238,\n", + " 'rouge_w_1.2_recall_cb': 0.40075,\n", + " 'rouge_w_1.2_recall_ce': 0.48401,\n", + " 'rouge_w_1.2_precision': 0.84981,\n", + " 'rouge_w_1.2_precision_cb': 0.69963,\n", + " 'rouge_w_1.2_precision_ce': 1.0,\n", + " 'rouge_w_1.2_f_score': 0.58095,\n", + " 'rouge_w_1.2_f_score_cb': 0.5096,\n", + " 'rouge_w_1.2_f_score_ce': 0.6523,\n", + " 'rouge_s*_recall': 0.44643,\n", + " 'rouge_s*_recall_cb': 0.41667,\n", + " 'rouge_s*_recall_ce': 0.47619,\n", + " 'rouge_s*_precision': 0.76785,\n", + " 'rouge_s*_precision_cb': 0.53571,\n", + " 'rouge_s*_precision_ce': 1.0,\n", + " 'rouge_s*_f_score': 0.55695,\n", + " 'rouge_s*_f_score_cb': 0.46875,\n", + " 'rouge_s*_f_score_ce': 0.64516,\n", + " 'rouge_su*_recall': 0.4979,\n", + " 'rouge_su*_recall_cb': 0.47727,\n", + " 'rouge_su*_recall_ce': 0.51852,\n", + " 'rouge_su*_precision': 0.8,\n", + " 'rouge_su*_precision_cb': 0.6,\n", + " 'rouge_su*_precision_ce': 1.0,\n", + " 'rouge_su*_f_score': 0.60729,\n", + " 'rouge_su*_f_score_cb': 0.53164,\n", + " 'rouge_su*_f_score_ce': 0.68293}" + ] + }, + "execution_count": 3, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "compute_rouge_perl(summary_candidates, summary_references)" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "2\n", + "2\n" + ] + }, + { + "data": { + "text/plain": [ + "{'rouge-2': {'f': 0.6666666666666667,\n", + " 'p': 0.7857142857142857,\n", + " 'r': 0.5833333333333333},\n", + " 'rouge-1': {'f': 0.7696078431372548, 'p': 0.875, 'r': 0.6904761904761905},\n", + " 'rouge-l': {'f': 0.8044834406175039,\n", + " 'p': 0.8934181487831181,\n", + " 'r': 0.7343809193130839}}" + ] + }, + "execution_count": 9, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "compute_rouge_python(summary_candidates, summary_references)" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-12-03 00:15:58,651 [MainThread ] [INFO ] Writing summaries.\n", + "2019-12-03 00:15:58,652 [MainThread ] [INFO ] Processing summaries. Saving system files to /tmp/tmp36zi_gnq/system and model files to /tmp/tmp36zi_gnq/model.\n", + "2019-12-03 00:15:58,653 [MainThread ] [INFO ] Processing files in /tmp/tmpon5iyoo4/rouge-tmp-2019-12-03-00-15-58/candidate/.\n", + "2019-12-03 00:15:58,654 [MainThread ] [INFO ] Processing cand.0.txt.\n", + "2019-12-03 00:15:58,655 [MainThread ] [INFO ] Saved processed files to /tmp/tmp36zi_gnq/system.\n", + "2019-12-03 00:15:58,655 [MainThread ] [INFO ] Processing files in /tmp/tmpon5iyoo4/rouge-tmp-2019-12-03-00-15-58/reference/.\n", + "2019-12-03 00:15:58,656 [MainThread ] [INFO ] Processing ref.0.txt.\n", + "2019-12-03 00:15:58,657 [MainThread ] [INFO ] Saved processed files to /tmp/tmp36zi_gnq/model.\n", + "2019-12-03 00:15:58,658 [MainThread ] [INFO ] Written ROUGE configuration to /tmp/tmpe25agc31/rouge_conf.xml\n", + "2019-12-03 00:15:58,658 [MainThread ] [INFO ] Running ROUGE with command /home/hlu/notebooks/summarization/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /home/hlu/notebooks/summarization/pyrouge/tools/ROUGE-1.5.5/data -c 95 -2 -1 -U -r 1000 -n 4 -w 1.2 -a -m /tmp/tmpe25agc31/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "1\n", + "1\n", + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 1.00000 (95%-conf.int. 1.00000 - 1.00000)\n", + "1 ROUGE-1 Average_P: 1.00000 (95%-conf.int. 1.00000 - 1.00000)\n", + "1 ROUGE-1 Average_F: 1.00000 (95%-conf.int. 1.00000 - 1.00000)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "1 ROUGE-2 Average_P: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "1 ROUGE-2 Average_F: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "---------------------------------------------\n", + "1 ROUGE-3 Average_R: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "1 ROUGE-3 Average_P: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "1 ROUGE-3 Average_F: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "---------------------------------------------\n", + "1 ROUGE-4 Average_R: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "1 ROUGE-4 Average_P: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "1 ROUGE-4 Average_F: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 1.00000 (95%-conf.int. 1.00000 - 1.00000)\n", + "1 ROUGE-L Average_P: 1.00000 (95%-conf.int. 1.00000 - 1.00000)\n", + "1 ROUGE-L Average_F: 1.00000 (95%-conf.int. 1.00000 - 1.00000)\n", + "---------------------------------------------\n", + "1 ROUGE-W-1.2 Average_R: 1.00000 (95%-conf.int. 1.00000 - 1.00000)\n", + "1 ROUGE-W-1.2 Average_P: 1.00000 (95%-conf.int. 1.00000 - 1.00000)\n", + "1 ROUGE-W-1.2 Average_F: 1.00000 (95%-conf.int. 1.00000 - 1.00000)\n", + "---------------------------------------------\n", + "1 ROUGE-S* Average_R: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "1 ROUGE-S* Average_P: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "1 ROUGE-S* Average_F: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "---------------------------------------------\n", + "1 ROUGE-SU* Average_R: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "1 ROUGE-SU* Average_P: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "1 ROUGE-SU* Average_F: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", + "\n" + ] + }, + { + "data": { + "text/plain": [ + "{'rouge_1_recall': 1.0,\n", + " 'rouge_1_recall_cb': 1.0,\n", + " 'rouge_1_recall_ce': 1.0,\n", + " 'rouge_1_precision': 1.0,\n", + " 'rouge_1_precision_cb': 1.0,\n", + " 'rouge_1_precision_ce': 1.0,\n", + " 'rouge_1_f_score': 1.0,\n", + " 'rouge_1_f_score_cb': 1.0,\n", + " 'rouge_1_f_score_ce': 1.0,\n", + " 'rouge_2_recall': 0.0,\n", + " 'rouge_2_recall_cb': 0.0,\n", + " 'rouge_2_recall_ce': 0.0,\n", + " 'rouge_2_precision': 0.0,\n", + " 'rouge_2_precision_cb': 0.0,\n", + " 'rouge_2_precision_ce': 0.0,\n", + " 'rouge_2_f_score': 0.0,\n", + " 'rouge_2_f_score_cb': 0.0,\n", + " 'rouge_2_f_score_ce': 0.0,\n", + " 'rouge_3_recall': 0.0,\n", + " 'rouge_3_recall_cb': 0.0,\n", + " 'rouge_3_recall_ce': 0.0,\n", + " 'rouge_3_precision': 0.0,\n", + " 'rouge_3_precision_cb': 0.0,\n", + " 'rouge_3_precision_ce': 0.0,\n", + " 'rouge_3_f_score': 0.0,\n", + " 'rouge_3_f_score_cb': 0.0,\n", + " 'rouge_3_f_score_ce': 0.0,\n", + " 'rouge_4_recall': 0.0,\n", + " 'rouge_4_recall_cb': 0.0,\n", + " 'rouge_4_recall_ce': 0.0,\n", + " 'rouge_4_precision': 0.0,\n", + " 'rouge_4_precision_cb': 0.0,\n", + " 'rouge_4_precision_ce': 0.0,\n", + " 'rouge_4_f_score': 0.0,\n", + " 'rouge_4_f_score_cb': 0.0,\n", + " 'rouge_4_f_score_ce': 0.0,\n", + " 'rouge_l_recall': 1.0,\n", + " 'rouge_l_recall_cb': 1.0,\n", + " 'rouge_l_recall_ce': 1.0,\n", + " 'rouge_l_precision': 1.0,\n", + " 'rouge_l_precision_cb': 1.0,\n", + " 'rouge_l_precision_ce': 1.0,\n", + " 'rouge_l_f_score': 1.0,\n", + " 'rouge_l_f_score_cb': 1.0,\n", + " 'rouge_l_f_score_ce': 1.0,\n", + " 'rouge_w_1.2_recall': 1.0,\n", + " 'rouge_w_1.2_recall_cb': 1.0,\n", + " 'rouge_w_1.2_recall_ce': 1.0,\n", + " 'rouge_w_1.2_precision': 1.0,\n", + " 'rouge_w_1.2_precision_cb': 1.0,\n", + " 'rouge_w_1.2_precision_ce': 1.0,\n", + " 'rouge_w_1.2_f_score': 1.0,\n", + " 'rouge_w_1.2_f_score_cb': 1.0,\n", + " 'rouge_w_1.2_f_score_ce': 1.0,\n", + " 'rouge_s*_recall': 0.0,\n", + " 'rouge_s*_recall_cb': 0.0,\n", + " 'rouge_s*_recall_ce': 0.0,\n", + " 'rouge_s*_precision': 0.0,\n", + " 'rouge_s*_precision_cb': 0.0,\n", + " 'rouge_s*_precision_ce': 0.0,\n", + " 'rouge_s*_f_score': 0.0,\n", + " 'rouge_s*_f_score_cb': 0.0,\n", + " 'rouge_s*_f_score_ce': 0.0,\n", + " 'rouge_su*_recall': 0.0,\n", + " 'rouge_su*_recall_cb': 0.0,\n", + " 'rouge_su*_recall_ce': 0.0,\n", + " 'rouge_su*_precision': 0.0,\n", + " 'rouge_su*_precision_cb': 0.0,\n", + " 'rouge_su*_precision_ce': 0.0,\n", + " 'rouge_su*_f_score': 0.0,\n", + " 'rouge_su*_f_score_cb': 0.0,\n", + " 'rouge_su*_f_score_ce': 0.0}" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "summary_candidates = [\"जी टी-20 म अफरीदी न खली शानदार\"]\n", + "summary_references = [\"जी टी-20 म अफरीदी न खली शानदार पारी\"]\n", + "compute_rouge_perl(summary_candidates, summary_references)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "1\n", + "1\n" + ] + }, + { + "data": { + "text/plain": [ + "{'rouge-1': {'f': 0.9333333333333333, 'p': 1.0, 'r': 0.875},\n", + " 'rouge-2': {'f': 0.923076923076923, 'p': 1.0, 'r': 0.8571428571428571},\n", + " 'rouge-l': {'f': 0.9444192597460026, 'p': 1.0, 'r': 0.8946916363013153}}" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "compute_rouge_python(summary_candidates, summary_references)" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['abc', ',', 'def']" + ] + }, + "execution_count": 3, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import nltk\n", + "nltk.word_tokenize(\"abc, def\")" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'abc def'" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import re\n", + "REMOVE_CHAR_PATTERN = re.compile('[^A-Za-z0-9]')\n", + "REMOVE_CHAR_PATTERN.sub(' ', \"abc, def\")" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "ename": "SyntaxError", + "evalue": "invalid syntax (, line 1)", + "output_type": "error", + "traceback": [ + "\u001b[0;36m File \u001b[0;32m\"\"\u001b[0;36m, line \u001b[0;32m1\u001b[0m\n\u001b[0;31m re.sub(ur\"\\p{P}+\", \"\", \"abc, def\")\u001b[0m\n\u001b[0m ^\u001b[0m\n\u001b[0;31mSyntaxError\u001b[0m\u001b[0;31m:\u001b[0m invalid syntax\n" + ] + } + ], + "source": [ + "re.sub(ur\"\\p{P}+\", \"\", \"abc, def\")" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "nlp_gpu", + "language": "python", + "name": "nlp_gpu" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.8" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/utils_nlp/eval/rouge.py b/utils_nlp/eval/compute_rouge.py similarity index 82% rename from utils_nlp/eval/rouge.py rename to utils_nlp/eval/compute_rouge.py index 02ec07386..8eb7d2759 100644 --- a/utils_nlp/eval/rouge.py +++ b/utils_nlp/eval/compute_rouge.py @@ -3,8 +3,8 @@ import time import tempfile -import pyrouge -import rouge +from pyrouge import Rouge155 +from rouge import Rouge def compute_rouge_perl(cand, ref, input_files=False): @@ -18,8 +18,8 @@ def compute_rouge_perl(cand, ref, input_files=False): candidates = cand references = ref - print(len(candidates)) - print(len(references)) + print("Number of candidates: {}".format(len(candidates))) + print("Number of references: {}".format(len(references))) assert len(candidates) == len(references) cnt = len(candidates) @@ -37,7 +37,7 @@ def compute_rouge_perl(cand, ref, input_files=False): f.write(candidates[i]) with open(tmp_dir + "/reference/ref.{}.txt".format(i), "w", encoding="utf-8") as f: f.write(references[i]) - r = pyrouge.Rouge155(temp_dir=temp_dir) + r = Rouge155() r.model_dir = tmp_dir + "/reference/" r.system_dir = tmp_dir + "/candidate/" r.model_filename_pattern = "ref.#ID#.txt" @@ -60,17 +60,11 @@ def compute_rouge_python(cand, ref, input_files=False): candidates = cand references = ref - print(len(candidates)) - print(len(references)) + print("Number of candidates: {}".format(len(candidates))) + print("Number of references: {}".format(len(references))) assert len(candidates) == len(references) - evaluator = rouge.Rouge( - metrics=["rouge-n", "rouge-l"], - max_n=2, - limit_length=False, - apply_avg=True, - weight_factor=1.2, - ) + evaluator = Rouge(metrics=["rouge-n", "rouge-l"], max_n=2, limit_length=False, apply_avg=True) scores = evaluator.get_scores(candidates, [[it] for it in references]) From 95929f4ead61c8ca762a2fedb2b23891a111639a Mon Sep 17 00:00:00 2001 From: hlums Date: Tue, 3 Dec 2019 23:22:19 +0000 Subject: [PATCH 029/167] Remove redundant file. --- .../summarization_evaluation_with_hindi.ipynb | 485 ------------------ 1 file changed, 485 deletions(-) delete mode 100644 examples/text_summarization/summarization_evaluation_with_hindi.ipynb diff --git a/examples/text_summarization/summarization_evaluation_with_hindi.ipynb b/examples/text_summarization/summarization_evaluation_with_hindi.ipynb deleted file mode 100644 index 22d8ad54e..000000000 --- a/examples/text_summarization/summarization_evaluation_with_hindi.ipynb +++ /dev/null @@ -1,485 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 2, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "1\n", - "1\n" - ] - } - ], - "source": [ - "import os\n", - "import sys\n", - "\n", - "nlp_path = os.path.abspath('../../')\n", - "if nlp_path not in sys.path:\n", - " sys.path.insert(0, nlp_path)\n", - " \n", - "from utils_nlp.eval.compute_rouge import compute_rouge_perl, compute_rouge_python" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [], - "source": [ - "summary_candidates = [\"The stock market is doing well this year.\", \"The movie is very popular.\"]\n", - "summary_references = [\"The stock market is doing really well in 2019.\", \"The movie is very popular among millennials.\"]" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-12-02 23:36:32,480 [MainThread ] [INFO ] Writing summaries.\n", - "2019-12-02 23:36:32,481 [MainThread ] [INFO ] Processing summaries. Saving system files to /tmp/tmp46vemjwg/system and model files to /tmp/tmp46vemjwg/model.\n", - "2019-12-02 23:36:32,481 [MainThread ] [INFO ] Processing files in /tmp/tmp35k52u07/rouge-tmp-2019-12-02-23-36-32/candidate/.\n", - "2019-12-02 23:36:32,482 [MainThread ] [INFO ] Processing cand.1.txt.\n", - "2019-12-02 23:36:32,483 [MainThread ] [INFO ] Processing cand.0.txt.\n", - "2019-12-02 23:36:32,484 [MainThread ] [INFO ] Saved processed files to /tmp/tmp46vemjwg/system.\n", - "2019-12-02 23:36:32,485 [MainThread ] [INFO ] Processing files in /tmp/tmp35k52u07/rouge-tmp-2019-12-02-23-36-32/reference/.\n", - "2019-12-02 23:36:32,486 [MainThread ] [INFO ] Processing ref.0.txt.\n", - "2019-12-02 23:36:32,486 [MainThread ] [INFO ] Processing ref.1.txt.\n", - "2019-12-02 23:36:32,487 [MainThread ] [INFO ] Saved processed files to /tmp/tmp46vemjwg/model.\n", - "2019-12-02 23:36:32,488 [MainThread ] [INFO ] Written ROUGE configuration to /tmp/tmptlx9xmxp/rouge_conf.xml\n", - "2019-12-02 23:36:32,489 [MainThread ] [INFO ] Running ROUGE with command /home/hlu/notebooks/summarization/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /home/hlu/notebooks/summarization/pyrouge/tools/ROUGE-1.5.5/data -c 95 -2 -1 -U -r 1000 -n 4 -w 1.2 -a -m /tmp/tmptlx9xmxp/rouge_conf.xml\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "2\n", - "2\n", - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.69048 (95%-conf.int. 0.66667 - 0.71429)\n", - "1 ROUGE-1 Average_P: 0.87500 (95%-conf.int. 0.75000 - 1.00000)\n", - "1 ROUGE-1 Average_F: 0.76961 (95%-conf.int. 0.70588 - 0.83334)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.58333 (95%-conf.int. 0.50000 - 0.66667)\n", - "1 ROUGE-2 Average_P: 0.78571 (95%-conf.int. 0.57143 - 1.00000)\n", - "1 ROUGE-2 Average_F: 0.66666 (95%-conf.int. 0.53333 - 0.80000)\n", - "---------------------------------------------\n", - "1 ROUGE-3 Average_R: 0.51428 (95%-conf.int. 0.42857 - 0.60000)\n", - "1 ROUGE-3 Average_P: 0.75000 (95%-conf.int. 0.50000 - 1.00000)\n", - "1 ROUGE-3 Average_F: 0.60577 (95%-conf.int. 0.46154 - 0.75000)\n", - "---------------------------------------------\n", - "1 ROUGE-4 Average_R: 0.41666 (95%-conf.int. 0.33333 - 0.50000)\n", - "1 ROUGE-4 Average_P: 0.70000 (95%-conf.int. 0.40000 - 1.00000)\n", - "1 ROUGE-4 Average_F: 0.51515 (95%-conf.int. 0.36363 - 0.66667)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.69048 (95%-conf.int. 0.66667 - 0.71429)\n", - "1 ROUGE-L Average_P: 0.87500 (95%-conf.int. 0.75000 - 1.00000)\n", - "1 ROUGE-L Average_F: 0.76961 (95%-conf.int. 0.70588 - 0.83334)\n", - "---------------------------------------------\n", - "1 ROUGE-W-1.2 Average_R: 0.44238 (95%-conf.int. 0.40075 - 0.48401)\n", - "1 ROUGE-W-1.2 Average_P: 0.84981 (95%-conf.int. 0.69963 - 1.00000)\n", - "1 ROUGE-W-1.2 Average_F: 0.58095 (95%-conf.int. 0.50960 - 0.65230)\n", - "---------------------------------------------\n", - "1 ROUGE-S* Average_R: 0.44643 (95%-conf.int. 0.41667 - 0.47619)\n", - "1 ROUGE-S* Average_P: 0.76785 (95%-conf.int. 0.53571 - 1.00000)\n", - "1 ROUGE-S* Average_F: 0.55695 (95%-conf.int. 0.46875 - 0.64516)\n", - "---------------------------------------------\n", - "1 ROUGE-SU* Average_R: 0.49790 (95%-conf.int. 0.47727 - 0.51852)\n", - "1 ROUGE-SU* Average_P: 0.80000 (95%-conf.int. 0.60000 - 1.00000)\n", - "1 ROUGE-SU* Average_F: 0.60729 (95%-conf.int. 0.53164 - 0.68293)\n", - "\n" - ] - }, - { - "data": { - "text/plain": [ - "{'rouge_1_recall': 0.69048,\n", - " 'rouge_1_recall_cb': 0.66667,\n", - " 'rouge_1_recall_ce': 0.71429,\n", - " 'rouge_1_precision': 0.875,\n", - " 'rouge_1_precision_cb': 0.75,\n", - " 'rouge_1_precision_ce': 1.0,\n", - " 'rouge_1_f_score': 0.76961,\n", - " 'rouge_1_f_score_cb': 0.70588,\n", - " 'rouge_1_f_score_ce': 0.83334,\n", - " 'rouge_2_recall': 0.58333,\n", - " 'rouge_2_recall_cb': 0.5,\n", - " 'rouge_2_recall_ce': 0.66667,\n", - " 'rouge_2_precision': 0.78571,\n", - " 'rouge_2_precision_cb': 0.57143,\n", - " 'rouge_2_precision_ce': 1.0,\n", - " 'rouge_2_f_score': 0.66666,\n", - " 'rouge_2_f_score_cb': 0.53333,\n", - " 'rouge_2_f_score_ce': 0.8,\n", - " 'rouge_3_recall': 0.51428,\n", - " 'rouge_3_recall_cb': 0.42857,\n", - " 'rouge_3_recall_ce': 0.6,\n", - " 'rouge_3_precision': 0.75,\n", - " 'rouge_3_precision_cb': 0.5,\n", - " 'rouge_3_precision_ce': 1.0,\n", - " 'rouge_3_f_score': 0.60577,\n", - " 'rouge_3_f_score_cb': 0.46154,\n", - " 'rouge_3_f_score_ce': 0.75,\n", - " 'rouge_4_recall': 0.41666,\n", - " 'rouge_4_recall_cb': 0.33333,\n", - " 'rouge_4_recall_ce': 0.5,\n", - " 'rouge_4_precision': 0.7,\n", - " 'rouge_4_precision_cb': 0.4,\n", - " 'rouge_4_precision_ce': 1.0,\n", - " 'rouge_4_f_score': 0.51515,\n", - " 'rouge_4_f_score_cb': 0.36363,\n", - " 'rouge_4_f_score_ce': 0.66667,\n", - " 'rouge_l_recall': 0.69048,\n", - " 'rouge_l_recall_cb': 0.66667,\n", - " 'rouge_l_recall_ce': 0.71429,\n", - " 'rouge_l_precision': 0.875,\n", - " 'rouge_l_precision_cb': 0.75,\n", - " 'rouge_l_precision_ce': 1.0,\n", - " 'rouge_l_f_score': 0.76961,\n", - " 'rouge_l_f_score_cb': 0.70588,\n", - " 'rouge_l_f_score_ce': 0.83334,\n", - " 'rouge_w_1.2_recall': 0.44238,\n", - " 'rouge_w_1.2_recall_cb': 0.40075,\n", - " 'rouge_w_1.2_recall_ce': 0.48401,\n", - " 'rouge_w_1.2_precision': 0.84981,\n", - " 'rouge_w_1.2_precision_cb': 0.69963,\n", - " 'rouge_w_1.2_precision_ce': 1.0,\n", - " 'rouge_w_1.2_f_score': 0.58095,\n", - " 'rouge_w_1.2_f_score_cb': 0.5096,\n", - " 'rouge_w_1.2_f_score_ce': 0.6523,\n", - " 'rouge_s*_recall': 0.44643,\n", - " 'rouge_s*_recall_cb': 0.41667,\n", - " 'rouge_s*_recall_ce': 0.47619,\n", - " 'rouge_s*_precision': 0.76785,\n", - " 'rouge_s*_precision_cb': 0.53571,\n", - " 'rouge_s*_precision_ce': 1.0,\n", - " 'rouge_s*_f_score': 0.55695,\n", - " 'rouge_s*_f_score_cb': 0.46875,\n", - " 'rouge_s*_f_score_ce': 0.64516,\n", - " 'rouge_su*_recall': 0.4979,\n", - " 'rouge_su*_recall_cb': 0.47727,\n", - " 'rouge_su*_recall_ce': 0.51852,\n", - " 'rouge_su*_precision': 0.8,\n", - " 'rouge_su*_precision_cb': 0.6,\n", - " 'rouge_su*_precision_ce': 1.0,\n", - " 'rouge_su*_f_score': 0.60729,\n", - " 'rouge_su*_f_score_cb': 0.53164,\n", - " 'rouge_su*_f_score_ce': 0.68293}" - ] - }, - "execution_count": 3, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "compute_rouge_perl(summary_candidates, summary_references)" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "2\n", - "2\n" - ] - }, - { - "data": { - "text/plain": [ - "{'rouge-2': {'f': 0.6666666666666667,\n", - " 'p': 0.7857142857142857,\n", - " 'r': 0.5833333333333333},\n", - " 'rouge-1': {'f': 0.7696078431372548, 'p': 0.875, 'r': 0.6904761904761905},\n", - " 'rouge-l': {'f': 0.8044834406175039,\n", - " 'p': 0.8934181487831181,\n", - " 'r': 0.7343809193130839}}" - ] - }, - "execution_count": 9, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "compute_rouge_python(summary_candidates, summary_references)" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-12-03 00:15:58,651 [MainThread ] [INFO ] Writing summaries.\n", - "2019-12-03 00:15:58,652 [MainThread ] [INFO ] Processing summaries. Saving system files to /tmp/tmp36zi_gnq/system and model files to /tmp/tmp36zi_gnq/model.\n", - "2019-12-03 00:15:58,653 [MainThread ] [INFO ] Processing files in /tmp/tmpon5iyoo4/rouge-tmp-2019-12-03-00-15-58/candidate/.\n", - "2019-12-03 00:15:58,654 [MainThread ] [INFO ] Processing cand.0.txt.\n", - "2019-12-03 00:15:58,655 [MainThread ] [INFO ] Saved processed files to /tmp/tmp36zi_gnq/system.\n", - "2019-12-03 00:15:58,655 [MainThread ] [INFO ] Processing files in /tmp/tmpon5iyoo4/rouge-tmp-2019-12-03-00-15-58/reference/.\n", - "2019-12-03 00:15:58,656 [MainThread ] [INFO ] Processing ref.0.txt.\n", - "2019-12-03 00:15:58,657 [MainThread ] [INFO ] Saved processed files to /tmp/tmp36zi_gnq/model.\n", - "2019-12-03 00:15:58,658 [MainThread ] [INFO ] Written ROUGE configuration to /tmp/tmpe25agc31/rouge_conf.xml\n", - "2019-12-03 00:15:58,658 [MainThread ] [INFO ] Running ROUGE with command /home/hlu/notebooks/summarization/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /home/hlu/notebooks/summarization/pyrouge/tools/ROUGE-1.5.5/data -c 95 -2 -1 -U -r 1000 -n 4 -w 1.2 -a -m /tmp/tmpe25agc31/rouge_conf.xml\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "1\n", - "1\n", - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 1.00000 (95%-conf.int. 1.00000 - 1.00000)\n", - "1 ROUGE-1 Average_P: 1.00000 (95%-conf.int. 1.00000 - 1.00000)\n", - "1 ROUGE-1 Average_F: 1.00000 (95%-conf.int. 1.00000 - 1.00000)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "1 ROUGE-2 Average_P: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "1 ROUGE-2 Average_F: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "---------------------------------------------\n", - "1 ROUGE-3 Average_R: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "1 ROUGE-3 Average_P: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "1 ROUGE-3 Average_F: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "---------------------------------------------\n", - "1 ROUGE-4 Average_R: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "1 ROUGE-4 Average_P: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "1 ROUGE-4 Average_F: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 1.00000 (95%-conf.int. 1.00000 - 1.00000)\n", - "1 ROUGE-L Average_P: 1.00000 (95%-conf.int. 1.00000 - 1.00000)\n", - "1 ROUGE-L Average_F: 1.00000 (95%-conf.int. 1.00000 - 1.00000)\n", - "---------------------------------------------\n", - "1 ROUGE-W-1.2 Average_R: 1.00000 (95%-conf.int. 1.00000 - 1.00000)\n", - "1 ROUGE-W-1.2 Average_P: 1.00000 (95%-conf.int. 1.00000 - 1.00000)\n", - "1 ROUGE-W-1.2 Average_F: 1.00000 (95%-conf.int. 1.00000 - 1.00000)\n", - "---------------------------------------------\n", - "1 ROUGE-S* Average_R: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "1 ROUGE-S* Average_P: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "1 ROUGE-S* Average_F: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "---------------------------------------------\n", - "1 ROUGE-SU* Average_R: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "1 ROUGE-SU* Average_P: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "1 ROUGE-SU* Average_F: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "\n" - ] - }, - { - "data": { - "text/plain": [ - "{'rouge_1_recall': 1.0,\n", - " 'rouge_1_recall_cb': 1.0,\n", - " 'rouge_1_recall_ce': 1.0,\n", - " 'rouge_1_precision': 1.0,\n", - " 'rouge_1_precision_cb': 1.0,\n", - " 'rouge_1_precision_ce': 1.0,\n", - " 'rouge_1_f_score': 1.0,\n", - " 'rouge_1_f_score_cb': 1.0,\n", - " 'rouge_1_f_score_ce': 1.0,\n", - " 'rouge_2_recall': 0.0,\n", - " 'rouge_2_recall_cb': 0.0,\n", - " 'rouge_2_recall_ce': 0.0,\n", - " 'rouge_2_precision': 0.0,\n", - " 'rouge_2_precision_cb': 0.0,\n", - " 'rouge_2_precision_ce': 0.0,\n", - " 'rouge_2_f_score': 0.0,\n", - " 'rouge_2_f_score_cb': 0.0,\n", - " 'rouge_2_f_score_ce': 0.0,\n", - " 'rouge_3_recall': 0.0,\n", - " 'rouge_3_recall_cb': 0.0,\n", - " 'rouge_3_recall_ce': 0.0,\n", - " 'rouge_3_precision': 0.0,\n", - " 'rouge_3_precision_cb': 0.0,\n", - " 'rouge_3_precision_ce': 0.0,\n", - " 'rouge_3_f_score': 0.0,\n", - " 'rouge_3_f_score_cb': 0.0,\n", - " 'rouge_3_f_score_ce': 0.0,\n", - " 'rouge_4_recall': 0.0,\n", - " 'rouge_4_recall_cb': 0.0,\n", - " 'rouge_4_recall_ce': 0.0,\n", - " 'rouge_4_precision': 0.0,\n", - " 'rouge_4_precision_cb': 0.0,\n", - " 'rouge_4_precision_ce': 0.0,\n", - " 'rouge_4_f_score': 0.0,\n", - " 'rouge_4_f_score_cb': 0.0,\n", - " 'rouge_4_f_score_ce': 0.0,\n", - " 'rouge_l_recall': 1.0,\n", - " 'rouge_l_recall_cb': 1.0,\n", - " 'rouge_l_recall_ce': 1.0,\n", - " 'rouge_l_precision': 1.0,\n", - " 'rouge_l_precision_cb': 1.0,\n", - " 'rouge_l_precision_ce': 1.0,\n", - " 'rouge_l_f_score': 1.0,\n", - " 'rouge_l_f_score_cb': 1.0,\n", - " 'rouge_l_f_score_ce': 1.0,\n", - " 'rouge_w_1.2_recall': 1.0,\n", - " 'rouge_w_1.2_recall_cb': 1.0,\n", - " 'rouge_w_1.2_recall_ce': 1.0,\n", - " 'rouge_w_1.2_precision': 1.0,\n", - " 'rouge_w_1.2_precision_cb': 1.0,\n", - " 'rouge_w_1.2_precision_ce': 1.0,\n", - " 'rouge_w_1.2_f_score': 1.0,\n", - " 'rouge_w_1.2_f_score_cb': 1.0,\n", - " 'rouge_w_1.2_f_score_ce': 1.0,\n", - " 'rouge_s*_recall': 0.0,\n", - " 'rouge_s*_recall_cb': 0.0,\n", - " 'rouge_s*_recall_ce': 0.0,\n", - " 'rouge_s*_precision': 0.0,\n", - " 'rouge_s*_precision_cb': 0.0,\n", - " 'rouge_s*_precision_ce': 0.0,\n", - " 'rouge_s*_f_score': 0.0,\n", - " 'rouge_s*_f_score_cb': 0.0,\n", - " 'rouge_s*_f_score_ce': 0.0,\n", - " 'rouge_su*_recall': 0.0,\n", - " 'rouge_su*_recall_cb': 0.0,\n", - " 'rouge_su*_recall_ce': 0.0,\n", - " 'rouge_su*_precision': 0.0,\n", - " 'rouge_su*_precision_cb': 0.0,\n", - " 'rouge_su*_precision_ce': 0.0,\n", - " 'rouge_su*_f_score': 0.0,\n", - " 'rouge_su*_f_score_cb': 0.0,\n", - " 'rouge_su*_f_score_ce': 0.0}" - ] - }, - "execution_count": 7, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "summary_candidates = [\"जी टी-20 म अफरीदी न खली शानदार\"]\n", - "summary_references = [\"जी टी-20 म अफरीदी न खली शानदार पारी\"]\n", - "compute_rouge_perl(summary_candidates, summary_references)" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "1\n", - "1\n" - ] - }, - { - "data": { - "text/plain": [ - "{'rouge-1': {'f': 0.9333333333333333, 'p': 1.0, 'r': 0.875},\n", - " 'rouge-2': {'f': 0.923076923076923, 'p': 1.0, 'r': 0.8571428571428571},\n", - " 'rouge-l': {'f': 0.9444192597460026, 'p': 1.0, 'r': 0.8946916363013153}}" - ] - }, - "execution_count": 8, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "compute_rouge_python(summary_candidates, summary_references)" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['abc', ',', 'def']" - ] - }, - "execution_count": 3, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "import nltk\n", - "nltk.word_tokenize(\"abc, def\")" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "'abc def'" - ] - }, - "execution_count": 5, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "import re\n", - "REMOVE_CHAR_PATTERN = re.compile('[^A-Za-z0-9]')\n", - "REMOVE_CHAR_PATTERN.sub(' ', \"abc, def\")" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [ - { - "ename": "SyntaxError", - "evalue": "invalid syntax (, line 1)", - "output_type": "error", - "traceback": [ - "\u001b[0;36m File \u001b[0;32m\"\"\u001b[0;36m, line \u001b[0;32m1\u001b[0m\n\u001b[0;31m re.sub(ur\"\\p{P}+\", \"\", \"abc, def\")\u001b[0m\n\u001b[0m ^\u001b[0m\n\u001b[0;31mSyntaxError\u001b[0m\u001b[0;31m:\u001b[0m invalid syntax\n" - ] - } - ], - "source": [ - "re.sub(ur\"\\p{P}+\", \"\", \"abc, def\")" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "nlp_gpu", - "language": "python", - "name": "nlp_gpu" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.6.8" - } - }, - "nbformat": 4, - "nbformat_minor": 2 -} From 4a8e0fcf8cce7a6ab7521a7257fe967f79cc43ff Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Thu, 3 Oct 2019 20:37:18 +0000 Subject: [PATCH 030/167] initial commit --- .../text_summarization/bertsum_cnndm.ipynb | 1336 +++++++++++++++++ utils_nlp/dataset/harvardnlp_cnndm.py | 51 + utils_nlp/eval/evaluate_summerization.py | 19 + .../bert/extractive_text_summerization.py | 209 +++ 4 files changed, 1615 insertions(+) create mode 100644 examples/text_summarization/bertsum_cnndm.ipynb create mode 100644 utils_nlp/dataset/harvardnlp_cnndm.py create mode 100644 utils_nlp/eval/evaluate_summerization.py create mode 100644 utils_nlp/models/bert/extractive_text_summerization.py diff --git a/examples/text_summarization/bertsum_cnndm.ipynb b/examples/text_summarization/bertsum_cnndm.ipynb new file mode 100644 index 000000000..041c328d6 --- /dev/null +++ b/examples/text_summarization/bertsum_cnndm.ipynb @@ -0,0 +1,1336 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Extractive Text Summerization on CNN/DM Dataset using BertSum\n", + "\n", + "### Summary\n", + "\n", + "This notebook demonstrates how to fine tune BERT for extractive text summerization. Utility functions and classes in the NLP Best Practices repo are used to facilitate data preprocessing, model training, model scoring, result postprocessing, and model evaluation.\n", + "\n", + "BertSum refers to [Fine-tune BERT for Extractive Summarization](https://arxiv.org/pdf/1903.10318.pdf) with [published example](https://github.com/nlpyang/BertSum/)\n", + "\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Configuration\n", + "\n", + "Before we start the notebook, we should set the environment variable to make sure you can access the GPUs on your machine" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "import os\n", + "os.environ[\"CUDA_DEVICE_ORDER\"]=\"PCI_BUS_ID\" # see issue #152\n", + "os.environ[\"CUDA_VISIBLE_DEVICES\"]=\"0,1,2,3\"" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Data Preprossing\n", + "\n", + "The CNN/DM dataset we used can be downloaded from https://github.com/harvardnlp/sent-summary. The following notebook assumes the dataset has been unzipped to folder ./harvardnl_cnndm" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "import sys\n", + "sys.path.insert(0, '/dadendev/BertSum/src')\n", + "sys.path.insert(0, '/dadendev/textsum//wrapper')" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", + "[nltk_data] Package punkt is already up-to-date!\n" + ] + } + ], + "source": [ + "from data_preprocessing import harvardnlp_cnndm_preprocess, bertsum_formatting" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Functions defined specific in harvardnlp_cnndm_preprocess function are unique to CNN/DM dataset that's processed by harvardnlp. However, it provides a skeleton of how to preprocessing data into the format that BertSum takes. Assuming you have all articles and target summery each in a file, line seperated, the steps to preprocess the data are:\n", + "1. sentence tokenization\n", + "2. word tokenization\n", + "3. format to bertdata\n", + " - use algorithms to label the sentences in the article with 1 meaning the sentence is selected\n", + " 2. [CLS] and [SEP] are inserted before and after each sentence\n", + " 3. segment ids are inserted\n", + " 4. [CLS] token position are logged\n" + ] + }, + { + "cell_type": "code", + "execution_count": 35, + "metadata": {}, + "outputs": [], + "source": [ + "QUICK_RUN = True\n", + "max_job_number = -1\n", + "#if QUICK_RUN:\n", + "# max_job_number = 100" + ] + }, + { + "cell_type": "code", + "execution_count": 43, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 13:53:40,310 INFO] loading vocabulary file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at /home/daden/.pytorch_pretrained_bert/26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "total length of training data: 11490\n" + ] + } + ], + "source": [ + "train_src_file = \"./harvardnlp_cnndm/test.txt.src\"\n", + "train_tgt_file = \"./harvardnlp_cnndm/test.txt.tgt.tagged\"\n", + "import multiprocessing\n", + "n_cpus = multiprocessing.cpu_count() - 1\n", + "jobs = harvardnlp_cnndm_preprocess(n_cpus, train_src_file, train_tgt_file)\n", + "print(\"total length of training data:\", len(jobs))\n", + "from prepro.data_builder import BertData\n", + "from bertsum_config import args\n", + "output_file = \"./harvardnlp_cnndm/test.bertdata\"\n", + "bertdata = BertData(args)\n", + "bertsum_formatting(n_cpus, bertdata,\"combination\", jobs[0:max_job_number], output_file)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "287085\n" + ] + }, + { + "data": { + "text/plain": [ + "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import torch\n", + "bert_format_data = torch.load(\"./bert_train_data_all_none_excluded\")\n", + "print(len(bert_format_data))\n", + "bert_format_data[0].keys()" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "\"mentally ill inmates in miami are housed on the `` forgotten floor `` judge steven leifman says most are there as a result of `` avoidable felonies `` while cnn tours facility , patient shouts : `` i am the son of the president `` leifman says the system is unjust and he 's fighting for change .\"" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "bert_format_data[0]['tgt_txt']" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "data": { + "text/plain": [ + "[0,\n", + " 31,\n", + " 54,\n", + " 80,\n", + " 119,\n", + " 142,\n", + " 180,\n", + " 194,\n", + " 250,\n", + " 278,\n", + " 289,\n", + " 307,\n", + " 337,\n", + " 362,\n", + " 372,\n", + " 399,\n", + " 415,\n", + " 433,\n", + " 457,\n", + " 484]" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "bert_format_data[0]['clss']" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]" + ] + }, + "execution_count": 9, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "bert_format_data[0]['labels']" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[\"editor 's note : in our behind the scenes series , cnn correspondents share their experiences in covering news and analyze the stories behind the events .\",\n", + " \"here , soledad o'brien takes users inside a jail where many of the inmates are mentally ill .\",\n", + " 'an inmate housed on the `` forgotten floor , `` where many mentally ill inmates are housed in miami before trial .',\n", + " 'miami , florida -lrb- cnn -rrb- -- the ninth floor of the miami-dade pretrial detention facility is dubbed the `` forgotten floor . ``',\n", + " \"here , inmates with the most severe mental illnesses are incarcerated until they 're ready to appear in court .\",\n", + " 'most often , they face drug charges or charges of assaulting an officer -- charges that judge steven leifman says are usually `` avoidable felonies . ``',\n", + " 'he says the arrests often result from confrontations with police .',\n", + " \"mentally ill people often wo n't do what they 're told when police arrive on the scene -- confrontation seems to exacerbate their illness and they become more paranoid , delusional , and less likely to follow directions , according to leifman .\",\n", + " \"so , they end up on the ninth floor severely mentally disturbed , but not getting any real help because they 're in jail .\",\n", + " 'we toured the jail with leifman .',\n", + " 'he is well known in miami as an advocate for justice and the mentally ill .',\n", + " 'even though we were not exactly welcomed with open arms by the guards , we were given permission to shoot videotape and tour the floor .',\n", + " \"go inside the ` forgotten floor ' `` at first , it 's hard to determine where the people are .\",\n", + " 'the prisoners are wearing sleeveless robes .',\n", + " \"imagine cutting holes for arms and feet in a heavy wool sleeping bag -- that 's kind of what they look like .\",\n", + " \"they 're designed to keep the mentally ill patients from injuring themselves .\",\n", + " \"that 's also why they have no shoes , laces or mattresses .\",\n", + " 'leifman says about one-third of all people in miami-dade county jails are mentally ill .',\n", + " 'so , he says , the sheer volume is overwhelming the system , and the result is what we see on the ninth floor .',\n", + " \"of course , it is a jail , so it 's not supposed to be warm and comforting , but the lights glare , the cells are tiny and it 's loud .\",\n", + " 'we see two , sometimes three men -- sometimes in the robes , sometimes naked , lying or sitting in their cells .',\n", + " '`` i am the son of the president .',\n", + " 'you need to get me out of here ! ``',\n", + " 'one man shouts at me .',\n", + " 'he is absolutely serious , convinced that help is on the way -- if only he could reach the white house .',\n", + " 'leifman tells me that these prisoner-patients will often circulate through the system , occasionally stabilizing in a mental hospital , only to return to jail to face their charges .',\n", + " \"it 's brutally unjust , in his mind , and he has become a strong advocate for changing things in miami .\",\n", + " 'over a meal later , we talk about how things got this way for mental patients .',\n", + " 'leifman says 200 years ago people were considered `` lunatics `` and they were locked up in jails even if they had no charges against them .',\n", + " 'they were just considered unfit to be in society .',\n", + " 'over the years , he says , there was some public outcry , and the mentally ill were moved out of jails and into hospitals .',\n", + " 'but leifman says many of these mental hospitals were so horrible they were shut down .',\n", + " 'where did the patients go ?',\n", + " 'they became , in many cases , the homeless , he says .',\n", + " 'they never got treatment .',\n", + " 'leifman says in 1955 there were more than half a million people in state mental hospitals , and today that number has been reduced 90 percent , and 40,000 to 50,000 people are in mental hospitals .',\n", + " \"the judge says he 's working to change this .\",\n", + " 'starting in 2008 , many inmates who would otherwise have been brought to the `` forgotten floor `` will instead be sent to a new mental health facility -- the first step on a journey toward long-term treatment , not just punishment .',\n", + " \"leifman says it 's not the complete answer , but it 's a start .\",\n", + " \"leifman says the best part is that it 's a win-win solution .\",\n", + " 'the patients win , the families are relieved , and the state saves money by simply not cycling these prisoners through again and again .',\n", + " 'and , for leifman , justice is served .',\n", + " 'e-mail to a friend .']" + ] + }, + "execution_count": 10, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "bert_format_data[0]['src_txt']" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Model training\n", + "To start model training, we need to create a instance of BertSumExtractiveSummarizer, a wrapper for running BertSum-based finetuning. You can select any device ID on your machine, but make sure that you include the string version of the device ID in the gpu_ranks argument. Some of the default argument of BertSumExtractiveSummarizer is in bertsum_config file.\n", + "\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "from extractive_text_summerization import BertSumExtractiveSummarizer" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "device_id = 2\n", + "gpu_ranks = str(device_id)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "model_base_path = './models/'\n", + "log_base_path = './logs/'\n", + "encoder = 'baseline'\n", + "from random import random\n", + "random_number = random()" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['2']\n", + "{2: 0}\n" + ] + } + ], + "source": [ + "bertsum_model = BertSumExtractiveSummarizer(encoder = 'baseline', \n", + " model_path = model_base_path+encoder+str(random_number),\n", + " log_file = log_base_path+encoder+str(random_number),\n", + " device_id = device_id,\n", + " gpu_ranks = gpu_ranks,)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Here we use the fully processed CNN/DM dataset to train the model. During the training, you can stop any time and retrain from the previous saved checkpoint." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 05:08:36,132 INFO] Device ID 2\n", + "[2019-10-03 05:08:36,136 INFO] loading archive file /dadendev/textsum/temp/bert-base-uncased\n", + "[2019-10-03 05:08:36,137 INFO] Model config {\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"max_position_embeddings\": 512,\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"type_vocab_size\": 2,\n", + " \"vocab_size\": 30522\n", + "}\n", + "\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'min_nsents': 3, 'max_nsents': 100, 'max_src_ntokens': 200, 'min_src_ntokens': 10, 'oracle_mode': 'combination', 'temp_dir': './temp', 'param_init': 0.0, 'param_init_glorot': True, 'dropout': 0.1, 'optim': 'adam', 'lr': 0.002, 'beta1': 0.9, 'beta2': 0.999, 'decay_method': 'noam', 'max_grad_norm': 0, 'use_interval': True, 'accum_count': 2, 'report_every': 50, 'save_checkpoint_steps': 500, 'batch_size': 3000, 'warmup_steps': 10000, 'block_trigram': True, 'recall_eval': False, 'report_rouge': True, 'encoder': 'baseline', 'hidden_size': 128, 'ff_size': 512, 'heads': 4, 'inter_layers': 2, 'rnn_size': 512, 'world_size': 1, 'visible_gpus': '0', 'gpu_ranks': '2', 'seed': 42, 'test_all': False, 'train_from': '', 'test_from': '', 'mode': 'train', 'model_path': './models/baseline0.7355433644584792', 'log_file': './logs/baseline0.7355433644584792', 'bert_config_path': './bert_config_uncased_base.json', 'worls_size': 1, 'gpu_ranks_map': {2: 0}}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 05:08:38,152 INFO] Summarizer(\n", + " (bert): Bert(\n", + " (model): BertModel(\n", + " (embeddings): BertEmbeddings(\n", + " (word_embeddings): Embedding(30522, 128, padding_idx=0)\n", + " (position_embeddings): Embedding(512, 128)\n", + " (token_type_embeddings): Embedding(2, 128)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " (encoder): BertEncoder(\n", + " (layer): ModuleList(\n", + " (0): BertLayer(\n", + " (attention): BertAttention(\n", + " (self): BertSelfAttention(\n", + " (query): Linear(in_features=128, out_features=128, bias=True)\n", + " (key): Linear(in_features=128, out_features=128, bias=True)\n", + " (value): Linear(in_features=128, out_features=128, bias=True)\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " (output): BertSelfOutput(\n", + " (dense): Linear(in_features=128, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (intermediate): BertIntermediate(\n", + " (dense): Linear(in_features=128, out_features=512, bias=True)\n", + " )\n", + " (output): BertOutput(\n", + " (dense): Linear(in_features=512, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (1): BertLayer(\n", + " (attention): BertAttention(\n", + " (self): BertSelfAttention(\n", + " (query): Linear(in_features=128, out_features=128, bias=True)\n", + " (key): Linear(in_features=128, out_features=128, bias=True)\n", + " (value): Linear(in_features=128, out_features=128, bias=True)\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " (output): BertSelfOutput(\n", + " (dense): Linear(in_features=128, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (intermediate): BertIntermediate(\n", + " (dense): Linear(in_features=128, out_features=512, bias=True)\n", + " )\n", + " (output): BertOutput(\n", + " (dense): Linear(in_features=512, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (2): BertLayer(\n", + " (attention): BertAttention(\n", + " (self): BertSelfAttention(\n", + " (query): Linear(in_features=128, out_features=128, bias=True)\n", + " (key): Linear(in_features=128, out_features=128, bias=True)\n", + " (value): Linear(in_features=128, out_features=128, bias=True)\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " (output): BertSelfOutput(\n", + " (dense): Linear(in_features=128, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (intermediate): BertIntermediate(\n", + " (dense): Linear(in_features=128, out_features=512, bias=True)\n", + " )\n", + " (output): BertOutput(\n", + " (dense): Linear(in_features=512, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (3): BertLayer(\n", + " (attention): BertAttention(\n", + " (self): BertSelfAttention(\n", + " (query): Linear(in_features=128, out_features=128, bias=True)\n", + " (key): Linear(in_features=128, out_features=128, bias=True)\n", + " (value): Linear(in_features=128, out_features=128, bias=True)\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " (output): BertSelfOutput(\n", + " (dense): Linear(in_features=128, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (intermediate): BertIntermediate(\n", + " (dense): Linear(in_features=128, out_features=512, bias=True)\n", + " )\n", + " (output): BertOutput(\n", + " (dense): Linear(in_features=512, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (4): BertLayer(\n", + " (attention): BertAttention(\n", + " (self): BertSelfAttention(\n", + " (query): Linear(in_features=128, out_features=128, bias=True)\n", + " (key): Linear(in_features=128, out_features=128, bias=True)\n", + " (value): Linear(in_features=128, out_features=128, bias=True)\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " (output): BertSelfOutput(\n", + " (dense): Linear(in_features=128, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (intermediate): BertIntermediate(\n", + " (dense): Linear(in_features=128, out_features=512, bias=True)\n", + " )\n", + " (output): BertOutput(\n", + " (dense): Linear(in_features=512, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (5): BertLayer(\n", + " (attention): BertAttention(\n", + " (self): BertSelfAttention(\n", + " (query): Linear(in_features=128, out_features=128, bias=True)\n", + " (key): Linear(in_features=128, out_features=128, bias=True)\n", + " (value): Linear(in_features=128, out_features=128, bias=True)\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " (output): BertSelfOutput(\n", + " (dense): Linear(in_features=128, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " (intermediate): BertIntermediate(\n", + " (dense): Linear(in_features=128, out_features=512, bias=True)\n", + " )\n", + " (output): BertOutput(\n", + " (dense): Linear(in_features=512, out_features=128, bias=True)\n", + " (LayerNorm): BertLayerNorm()\n", + " (dropout): Dropout(p=0.1)\n", + " )\n", + " )\n", + " )\n", + " )\n", + " (pooler): BertPooler(\n", + " (dense): Linear(in_features=128, out_features=128, bias=True)\n", + " (activation): Tanh()\n", + " )\n", + " )\n", + " )\n", + " (encoder): Classifier(\n", + " (linear1): Linear(in_features=128, out_features=1, bias=True)\n", + " (sigmoid): Sigmoid()\n", + " )\n", + ")\n", + "[2019-10-03 05:08:38,157 INFO] * number of parameters: 5179137\n", + "[2019-10-03 05:08:38,158 INFO] Start training...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "device_id 2\n", + "gpu_rank 0\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 05:09:21,414 INFO] Step 50/50000; xent: 4.22; lr: 0.0000001; 243 docs/s; 4 sec\n", + "[2019-10-03 05:09:25,293 INFO] Step 100/50000; xent: 4.15; lr: 0.0000002; 257 docs/s; 8 sec\n", + "[2019-10-03 05:09:29,123 INFO] Step 150/50000; xent: 4.15; lr: 0.0000003; 262 docs/s; 12 sec\n", + "[2019-10-03 05:09:32,985 INFO] Step 200/50000; xent: 3.98; lr: 0.0000004; 262 docs/s; 16 sec\n", + "[2019-10-03 05:09:36,827 INFO] Step 250/50000; xent: 3.93; lr: 0.0000005; 261 docs/s; 20 sec\n", + "[2019-10-03 05:09:40,678 INFO] Step 300/50000; xent: 3.90; lr: 0.0000006; 260 docs/s; 23 sec\n", + "[2019-10-03 05:09:44,546 INFO] Step 350/50000; xent: 3.86; lr: 0.0000007; 260 docs/s; 27 sec\n", + "[2019-10-03 05:09:48,368 INFO] Step 400/50000; xent: 3.78; lr: 0.0000008; 264 docs/s; 31 sec\n", + "[2019-10-03 05:09:52,208 INFO] Step 450/50000; xent: 3.81; lr: 0.0000009; 263 docs/s; 35 sec\n", + "[2019-10-03 05:09:56,065 INFO] Step 500/50000; xent: 3.78; lr: 0.0000010; 260 docs/s; 39 sec\n", + "[2019-10-03 05:09:56,068 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_500.pt\n", + "[2019-10-03 05:09:59,995 INFO] Step 550/50000; xent: 3.75; lr: 0.0000011; 257 docs/s; 43 sec\n", + "[2019-10-03 05:10:03,842 INFO] Step 600/50000; xent: 3.86; lr: 0.0000012; 262 docs/s; 47 sec\n", + "[2019-10-03 05:10:07,709 INFO] Step 650/50000; xent: 3.90; lr: 0.0000013; 260 docs/s; 50 sec\n", + "[2019-10-03 05:10:11,557 INFO] Step 700/50000; xent: 3.85; lr: 0.0000014; 258 docs/s; 54 sec\n", + "[2019-10-03 05:10:15,402 INFO] Step 750/50000; xent: 3.80; lr: 0.0000015; 261 docs/s; 58 sec\n", + "[2019-10-03 05:10:19,262 INFO] Step 800/50000; xent: 3.67; lr: 0.0000016; 258 docs/s; 62 sec\n", + "[2019-10-03 05:10:23,152 INFO] Step 850/50000; xent: 3.80; lr: 0.0000017; 258 docs/s; 66 sec\n", + "[2019-10-03 05:10:27,028 INFO] Step 900/50000; xent: 3.62; lr: 0.0000018; 259 docs/s; 70 sec\n", + "[2019-10-03 05:10:30,952 INFO] Step 950/50000; xent: 3.60; lr: 0.0000019; 256 docs/s; 74 sec\n", + "[2019-10-03 05:10:34,807 INFO] Step 1000/50000; xent: 3.72; lr: 0.0000020; 259 docs/s; 78 sec\n", + "[2019-10-03 05:10:34,810 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_1000.pt\n", + "[2019-10-03 05:10:38,752 INFO] Step 1050/50000; xent: 3.71; lr: 0.0000021; 256 docs/s; 81 sec\n", + "[2019-10-03 05:10:42,601 INFO] Step 1100/50000; xent: 3.75; lr: 0.0000022; 259 docs/s; 85 sec\n", + "[2019-10-03 05:10:46,454 INFO] Step 1150/50000; xent: 3.62; lr: 0.0000023; 264 docs/s; 89 sec\n", + "[2019-10-03 05:10:50,300 INFO] Step 1200/50000; xent: 3.65; lr: 0.0000024; 262 docs/s; 93 sec\n", + "[2019-10-03 05:10:54,154 INFO] Step 1250/50000; xent: 3.64; lr: 0.0000025; 258 docs/s; 97 sec\n", + "[2019-10-03 05:10:58,037 INFO] Step 1300/50000; xent: 3.57; lr: 0.0000026; 257 docs/s; 101 sec\n", + "[2019-10-03 05:11:01,903 INFO] Step 1350/50000; xent: 3.69; lr: 0.0000027; 261 docs/s; 105 sec\n", + "[2019-10-03 05:11:05,751 INFO] Step 1400/50000; xent: 3.71; lr: 0.0000028; 257 docs/s; 108 sec\n", + "[2019-10-03 05:11:09,598 INFO] Step 1450/50000; xent: 3.74; lr: 0.0000029; 260 docs/s; 112 sec\n", + "[2019-10-03 05:11:13,456 INFO] Step 1500/50000; xent: 3.68; lr: 0.0000030; 260 docs/s; 116 sec\n", + "[2019-10-03 05:11:13,459 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_1500.pt\n", + "[2019-10-03 05:11:17,396 INFO] Step 1550/50000; xent: 3.65; lr: 0.0000031; 255 docs/s; 120 sec\n", + "[2019-10-03 05:11:21,246 INFO] Step 1600/50000; xent: 3.70; lr: 0.0000032; 262 docs/s; 124 sec\n", + "[2019-10-03 05:11:25,090 INFO] Step 1650/50000; xent: 3.57; lr: 0.0000033; 262 docs/s; 128 sec\n", + "[2019-10-03 05:11:28,940 INFO] Step 1700/50000; xent: 3.57; lr: 0.0000034; 261 docs/s; 132 sec\n", + "[2019-10-03 05:11:32,805 INFO] Step 1750/50000; xent: 3.59; lr: 0.0000035; 258 docs/s; 136 sec\n", + "[2019-10-03 05:11:36,677 INFO] Step 1800/50000; xent: 3.61; lr: 0.0000036; 261 docs/s; 139 sec\n", + "[2019-10-03 05:11:40,549 INFO] Step 1850/50000; xent: 3.57; lr: 0.0000037; 260 docs/s; 143 sec\n", + "[2019-10-03 05:11:44,450 INFO] Step 1900/50000; xent: 3.58; lr: 0.0000038; 260 docs/s; 147 sec\n", + "[2019-10-03 05:11:48,317 INFO] Step 1950/50000; xent: 3.59; lr: 0.0000039; 259 docs/s; 151 sec\n", + "[2019-10-03 05:11:52,169 INFO] Step 2000/50000; xent: 3.56; lr: 0.0000040; 262 docs/s; 155 sec\n", + "[2019-10-03 05:11:52,172 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_2000.pt\n", + "[2019-10-03 05:11:56,126 INFO] Step 2050/50000; xent: 3.50; lr: 0.0000041; 251 docs/s; 159 sec\n", + "[2019-10-03 05:11:59,990 INFO] Step 2100/50000; xent: 3.52; lr: 0.0000042; 262 docs/s; 163 sec\n", + "[2019-10-03 05:12:03,845 INFO] Step 2150/50000; xent: 3.55; lr: 0.0000043; 262 docs/s; 167 sec\n", + "[2019-10-03 05:12:07,690 INFO] Step 2200/50000; xent: 3.51; lr: 0.0000044; 262 docs/s; 170 sec\n", + "[2019-10-03 05:12:11,589 INFO] Step 2250/50000; xent: 3.57; lr: 0.0000045; 256 docs/s; 174 sec\n", + "[2019-10-03 05:12:15,474 INFO] Step 2300/50000; xent: 3.53; lr: 0.0000046; 257 docs/s; 178 sec\n", + "[2019-10-03 05:12:19,331 INFO] Step 2350/50000; xent: 3.58; lr: 0.0000047; 261 docs/s; 182 sec\n", + "[2019-10-03 05:12:23,193 INFO] Step 2400/50000; xent: 3.47; lr: 0.0000048; 260 docs/s; 186 sec\n", + "[2019-10-03 05:12:27,052 INFO] Step 2450/50000; xent: 3.46; lr: 0.0000049; 261 docs/s; 190 sec\n", + "[2019-10-03 05:12:30,912 INFO] Step 2500/50000; xent: 3.60; lr: 0.0000050; 256 docs/s; 194 sec\n", + "[2019-10-03 05:12:30,915 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_2500.pt\n", + "[2019-10-03 05:12:34,855 INFO] Step 2550/50000; xent: 3.50; lr: 0.0000051; 251 docs/s; 198 sec\n", + "[2019-10-03 05:12:38,719 INFO] Step 2600/50000; xent: 3.57; lr: 0.0000052; 259 docs/s; 201 sec\n", + "[2019-10-03 05:12:42,576 INFO] Step 2650/50000; xent: 3.52; lr: 0.0000053; 259 docs/s; 205 sec\n", + "[2019-10-03 05:12:46,440 INFO] Step 2700/50000; xent: 3.49; lr: 0.0000054; 258 docs/s; 209 sec\n", + "[2019-10-03 05:12:50,326 INFO] Step 2750/50000; xent: 3.42; lr: 0.0000055; 260 docs/s; 213 sec\n", + "[2019-10-03 05:12:54,214 INFO] Step 2800/50000; xent: 3.57; lr: 0.0000056; 256 docs/s; 217 sec\n", + "[2019-10-03 05:12:58,096 INFO] Step 2850/50000; xent: 3.43; lr: 0.0000057; 260 docs/s; 221 sec\n", + "[2019-10-03 05:13:01,975 INFO] Step 2900/50000; xent: 3.43; lr: 0.0000058; 259 docs/s; 225 sec\n", + "[2019-10-03 05:13:05,873 INFO] Step 2950/50000; xent: 3.43; lr: 0.0000059; 256 docs/s; 229 sec\n", + "[2019-10-03 05:13:09,775 INFO] Step 3000/50000; xent: 3.42; lr: 0.0000060; 258 docs/s; 233 sec\n", + "[2019-10-03 05:13:09,777 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_3000.pt\n", + "[2019-10-03 05:13:13,749 INFO] Step 3050/50000; xent: 3.42; lr: 0.0000061; 254 docs/s; 236 sec\n", + "[2019-10-03 05:13:17,606 INFO] Step 3100/50000; xent: 3.44; lr: 0.0000062; 260 docs/s; 240 sec\n", + "[2019-10-03 05:13:21,446 INFO] Step 3150/50000; xent: 3.48; lr: 0.0000063; 258 docs/s; 244 sec\n", + "[2019-10-03 05:13:25,366 INFO] Step 3200/50000; xent: 3.39; lr: 0.0000064; 256 docs/s; 248 sec\n", + "[2019-10-03 05:13:29,251 INFO] Step 3250/50000; xent: 3.38; lr: 0.0000065; 261 docs/s; 252 sec\n", + "[2019-10-03 05:13:33,113 INFO] Step 3300/50000; xent: 3.53; lr: 0.0000066; 260 docs/s; 256 sec\n", + "[2019-10-03 05:13:36,967 INFO] Step 3350/50000; xent: 3.45; lr: 0.0000067; 259 docs/s; 260 sec\n", + "[2019-10-03 05:13:40,839 INFO] Step 3400/50000; xent: 3.49; lr: 0.0000068; 260 docs/s; 264 sec\n", + "[2019-10-03 05:13:44,729 INFO] Step 3450/50000; xent: 3.42; lr: 0.0000069; 258 docs/s; 267 sec\n", + "[2019-10-03 05:13:48,603 INFO] Step 3500/50000; xent: 3.43; lr: 0.0000070; 260 docs/s; 271 sec\n", + "[2019-10-03 05:13:48,605 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_3500.pt\n", + "[2019-10-03 05:13:52,550 INFO] Step 3550/50000; xent: 3.38; lr: 0.0000071; 252 docs/s; 275 sec\n", + "[2019-10-03 05:13:56,415 INFO] Step 3600/50000; xent: 3.39; lr: 0.0000072; 258 docs/s; 279 sec\n", + "[2019-10-03 05:14:00,290 INFO] Step 3650/50000; xent: 3.34; lr: 0.0000073; 256 docs/s; 283 sec\n", + "[2019-10-03 05:14:04,183 INFO] Step 3700/50000; xent: 3.44; lr: 0.0000074; 261 docs/s; 287 sec\n", + "[2019-10-03 05:14:08,061 INFO] Step 3750/50000; xent: 3.47; lr: 0.0000075; 260 docs/s; 291 sec\n", + "[2019-10-03 05:14:11,937 INFO] Step 3800/50000; xent: 3.43; lr: 0.0000076; 260 docs/s; 295 sec\n", + "[2019-10-03 05:14:15,802 INFO] Step 3850/50000; xent: 3.42; lr: 0.0000077; 258 docs/s; 299 sec\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 05:14:19,662 INFO] Step 3900/50000; xent: 3.35; lr: 0.0000078; 258 docs/s; 302 sec\n", + "[2019-10-03 05:14:23,526 INFO] Step 3950/50000; xent: 3.45; lr: 0.0000079; 261 docs/s; 306 sec\n", + "[2019-10-03 05:14:27,364 INFO] Step 4000/50000; xent: 3.43; lr: 0.0000080; 260 docs/s; 310 sec\n", + "[2019-10-03 05:14:27,367 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_4000.pt\n", + "[2019-10-03 05:14:31,280 INFO] Step 4050/50000; xent: 3.49; lr: 0.0000081; 262 docs/s; 314 sec\n", + "[2019-10-03 05:14:35,131 INFO] Step 4100/50000; xent: 3.39; lr: 0.0000082; 260 docs/s; 318 sec\n", + "[2019-10-03 05:14:39,008 INFO] Step 4150/50000; xent: 3.45; lr: 0.0000083; 260 docs/s; 322 sec\n", + "[2019-10-03 05:14:42,872 INFO] Step 4200/50000; xent: 3.45; lr: 0.0000084; 260 docs/s; 326 sec\n", + "[2019-10-03 05:14:46,737 INFO] Step 4250/50000; xent: 3.35; lr: 0.0000085; 261 docs/s; 329 sec\n", + "[2019-10-03 05:14:50,588 INFO] Step 4300/50000; xent: 3.44; lr: 0.0000086; 258 docs/s; 333 sec\n", + "[2019-10-03 05:14:54,445 INFO] Step 4350/50000; xent: 3.45; lr: 0.0000087; 257 docs/s; 337 sec\n", + "[2019-10-03 05:14:58,294 INFO] Step 4400/50000; xent: 3.49; lr: 0.0000088; 262 docs/s; 341 sec\n", + "[2019-10-03 05:15:02,154 INFO] Step 4450/50000; xent: 3.34; lr: 0.0000089; 260 docs/s; 345 sec\n", + "[2019-10-03 05:15:06,021 INFO] Step 4500/50000; xent: 3.36; lr: 0.0000090; 259 docs/s; 349 sec\n", + "[2019-10-03 05:15:06,024 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_4500.pt\n", + "[2019-10-03 05:15:09,950 INFO] Step 4550/50000; xent: 3.39; lr: 0.0000091; 256 docs/s; 353 sec\n", + "[2019-10-03 05:15:13,855 INFO] Step 4600/50000; xent: 3.31; lr: 0.0000092; 258 docs/s; 357 sec\n", + "[2019-10-03 05:15:17,737 INFO] Step 4650/50000; xent: 3.30; lr: 0.0000093; 256 docs/s; 360 sec\n", + "[2019-10-03 05:15:21,638 INFO] Step 4700/50000; xent: 3.34; lr: 0.0000094; 259 docs/s; 364 sec\n", + "[2019-10-03 05:15:25,546 INFO] Step 4750/50000; xent: 3.39; lr: 0.0000095; 258 docs/s; 368 sec\n", + "[2019-10-03 05:15:29,404 INFO] Step 4800/50000; xent: 3.30; lr: 0.0000096; 259 docs/s; 372 sec\n", + "[2019-10-03 05:15:33,268 INFO] Step 4850/50000; xent: 3.32; lr: 0.0000097; 261 docs/s; 376 sec\n", + "[2019-10-03 05:15:37,129 INFO] Step 4900/50000; xent: 3.31; lr: 0.0000098; 264 docs/s; 380 sec\n", + "[2019-10-03 05:15:40,978 INFO] Step 4950/50000; xent: 3.35; lr: 0.0000099; 260 docs/s; 384 sec\n", + "[2019-10-03 05:15:44,885 INFO] Step 5000/50000; xent: 3.36; lr: 0.0000100; 258 docs/s; 388 sec\n", + "[2019-10-03 05:15:44,887 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_5000.pt\n", + "[2019-10-03 05:15:48,912 INFO] Step 5050/50000; xent: 3.29; lr: 0.0000101; 249 docs/s; 392 sec\n", + "[2019-10-03 05:15:52,810 INFO] Step 5100/50000; xent: 3.34; lr: 0.0000102; 255 docs/s; 396 sec\n", + "[2019-10-03 05:15:56,672 INFO] Step 5150/50000; xent: 3.45; lr: 0.0000103; 258 docs/s; 399 sec\n", + "[2019-10-03 05:16:00,539 INFO] Step 5200/50000; xent: 3.39; lr: 0.0000104; 257 docs/s; 403 sec\n", + "[2019-10-03 05:16:04,422 INFO] Step 5250/50000; xent: 3.47; lr: 0.0000105; 259 docs/s; 407 sec\n", + "[2019-10-03 05:16:08,289 INFO] Step 5300/50000; xent: 3.36; lr: 0.0000106; 261 docs/s; 411 sec\n", + "[2019-10-03 05:16:12,141 INFO] Step 5350/50000; xent: 3.40; lr: 0.0000107; 257 docs/s; 415 sec\n", + "[2019-10-03 05:16:16,023 INFO] Step 5400/50000; xent: 3.39; lr: 0.0000108; 259 docs/s; 419 sec\n", + "[2019-10-03 05:16:19,909 INFO] Step 5450/50000; xent: 3.30; lr: 0.0000109; 256 docs/s; 423 sec\n", + "[2019-10-03 05:16:23,776 INFO] Step 5500/50000; xent: 3.33; lr: 0.0000110; 258 docs/s; 427 sec\n", + "[2019-10-03 05:16:23,779 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_5500.pt\n", + "[2019-10-03 05:16:27,722 INFO] Step 5550/50000; xent: 3.31; lr: 0.0000111; 256 docs/s; 430 sec\n", + "[2019-10-03 05:16:31,617 INFO] Step 5600/50000; xent: 3.36; lr: 0.0000112; 258 docs/s; 434 sec\n", + "[2019-10-03 05:16:35,514 INFO] Step 5650/50000; xent: 3.32; lr: 0.0000113; 256 docs/s; 438 sec\n", + "[2019-10-03 05:16:39,399 INFO] Step 5700/50000; xent: 3.29; lr: 0.0000114; 257 docs/s; 442 sec\n", + "[2019-10-03 05:16:43,273 INFO] Step 5750/50000; xent: 3.26; lr: 0.0000115; 261 docs/s; 446 sec\n", + "[2019-10-03 05:16:47,145 INFO] Step 5800/50000; xent: 3.37; lr: 0.0000116; 258 docs/s; 450 sec\n", + "[2019-10-03 05:16:51,033 INFO] Step 5850/50000; xent: 3.40; lr: 0.0000117; 259 docs/s; 454 sec\n", + "[2019-10-03 05:16:54,947 INFO] Step 5900/50000; xent: 3.32; lr: 0.0000118; 258 docs/s; 458 sec\n", + "[2019-10-03 05:16:58,814 INFO] Step 5950/50000; xent: 3.42; lr: 0.0000119; 260 docs/s; 462 sec\n", + "[2019-10-03 05:17:02,726 INFO] Step 6000/50000; xent: 3.32; lr: 0.0000120; 259 docs/s; 465 sec\n", + "[2019-10-03 05:17:02,729 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_6000.pt\n", + "[2019-10-03 05:17:06,702 INFO] Step 6050/50000; xent: 3.42; lr: 0.0000121; 252 docs/s; 469 sec\n", + "[2019-10-03 05:17:10,583 INFO] Step 6100/50000; xent: 3.33; lr: 0.0000122; 260 docs/s; 473 sec\n", + "[2019-10-03 05:17:14,469 INFO] Step 6150/50000; xent: 3.32; lr: 0.0000123; 261 docs/s; 477 sec\n", + "[2019-10-03 05:17:18,344 INFO] Step 6200/50000; xent: 3.33; lr: 0.0000124; 258 docs/s; 481 sec\n", + "[2019-10-03 05:17:22,228 INFO] Step 6250/50000; xent: 3.35; lr: 0.0000125; 260 docs/s; 485 sec\n", + "[2019-10-03 05:17:26,101 INFO] Step 6300/50000; xent: 3.34; lr: 0.0000126; 257 docs/s; 489 sec\n", + "[2019-10-03 05:17:29,983 INFO] Step 6350/50000; xent: 3.40; lr: 0.0000127; 260 docs/s; 493 sec\n", + "[2019-10-03 05:17:33,847 INFO] Step 6400/50000; xent: 3.29; lr: 0.0000128; 264 docs/s; 497 sec\n", + "[2019-10-03 05:17:37,722 INFO] Step 6450/50000; xent: 3.40; lr: 0.0000129; 258 docs/s; 500 sec\n", + "[2019-10-03 05:17:41,610 INFO] Step 6500/50000; xent: 3.35; lr: 0.0000130; 256 docs/s; 504 sec\n", + "[2019-10-03 05:17:41,613 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_6500.pt\n", + "[2019-10-03 05:17:45,593 INFO] Step 6550/50000; xent: 3.32; lr: 0.0000131; 253 docs/s; 508 sec\n", + "[2019-10-03 05:17:49,495 INFO] Step 6600/50000; xent: 3.37; lr: 0.0000132; 257 docs/s; 512 sec\n", + "[2019-10-03 05:17:53,370 INFO] Step 6650/50000; xent: 3.26; lr: 0.0000133; 262 docs/s; 516 sec\n", + "[2019-10-03 05:17:57,240 INFO] Step 6700/50000; xent: 3.34; lr: 0.0000134; 259 docs/s; 520 sec\n", + "[2019-10-03 05:18:01,123 INFO] Step 6750/50000; xent: 3.29; lr: 0.0000135; 260 docs/s; 524 sec\n", + "[2019-10-03 05:18:05,027 INFO] Step 6800/50000; xent: 3.34; lr: 0.0000136; 258 docs/s; 528 sec\n", + "[2019-10-03 05:18:08,920 INFO] Step 6850/50000; xent: 3.30; lr: 0.0000137; 256 docs/s; 532 sec\n", + "[2019-10-03 05:18:12,803 INFO] Step 6900/50000; xent: 3.37; lr: 0.0000138; 259 docs/s; 536 sec\n", + "[2019-10-03 05:18:16,717 INFO] Step 6950/50000; xent: 3.27; lr: 0.0000139; 258 docs/s; 539 sec\n", + "[2019-10-03 05:18:20,621 INFO] Step 7000/50000; xent: 3.27; lr: 0.0000140; 258 docs/s; 543 sec\n", + "[2019-10-03 05:18:20,624 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_7000.pt\n", + "[2019-10-03 05:18:24,591 INFO] Step 7050/50000; xent: 3.32; lr: 0.0000141; 253 docs/s; 547 sec\n", + "[2019-10-03 05:18:28,486 INFO] Step 7100/50000; xent: 3.18; lr: 0.0000142; 259 docs/s; 551 sec\n" + ] + } + ], + "source": [ + "training_data_file = './bert_train_data_all_none_excluded'\n", + "bertsum_model.fit(device_id, [training_data_file], train_steps=50000, train_from=\"\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Model Evaluation\n", + "\n", + "[ROUGE](https://en.wikipedia.org/wiki/ROUGE_(metric)), or Recall-Oriented Understudy for Gisting Evaluation has been commonly used for evaluation text summerization." + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "from models.data_loader import DataIterator,Batch,Dataloader\n", + "import os\n", + "test_dataset=torch.load(\"./harvardnlp_cnndm/test.bertdata\")\n", + "from bertsum_config import Bunch\n", + "\n", + "import os\n", + "dataset=[]\n", + "for i in range(0,6):\n", + " filename = \"cnndm.test.{0}.bert.pt\".format(i)\n", + " dataset.extend(torch.load(os.path.join(\"./\"+\"bert_data/\", filename)))\n", + " \n", + "def get_data_iter(dataset,batch_size=300):\n", + " args = Bunch({})\n", + " args.use_interval = True\n", + " args.batch_size = batch_size\n", + " test_data_iter = None\n", + " test_data_iter = DataIterator(args, dataset, args.batch_size, 'cuda', is_test=True, shuffle=False, sort=False)\n", + " return test_data_iter" + ] + }, + { + "cell_type": "code", + "execution_count": 74, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 18:10:19,387 INFO] Device ID 2\n", + "[2019-10-03 18:10:19,389 INFO] Loading checkpoint from ./models/baseline0.7355433644584792/model_step_50000.pt\n", + "[2019-10-03 18:10:20,964 INFO] * number of parameters: 5179137\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "device_id 2\n", + "gpu_rank 0\n" + ] + }, + { + "ename": "ValueError", + "evalue": "max() arg is an empty sequence", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mValueError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 2\u001b[0m \u001b[0mtarget\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0mtest_dataset\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mi\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'tgt_txt'\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mi\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mrange\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtest_dataset\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 3\u001b[0m prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n\u001b[0;32m----> 4\u001b[0;31m test_from=model_for_test)\n\u001b[0m\u001b[1;32m 5\u001b[0m \u001b[0;32mfrom\u001b[0m \u001b[0mutils\u001b[0m \u001b[0;32mimport\u001b[0m \u001b[0mget_rouge\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 6\u001b[0m \u001b[0;31m#rouge_baseline = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/textsum//wrapper/extractive_text_summerization.py\u001b[0m in \u001b[0;36mpredict\u001b[0;34m(self, device_id, data_iter, test_from, cal_lead)\u001b[0m\n\u001b[1;32m 164\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 165\u001b[0m \u001b[0mtrainer\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mbuild_trainer\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0margs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdevice_id\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmodel\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 166\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mtrainer\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mpredict\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mdata_iter\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msentence_seperator\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcal_lead\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 167\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/BertSum/src/models/trainer.py\u001b[0m in \u001b[0;36mpredict\u001b[0;34m(self, test_iter, cal_lead, cal_oracle)\u001b[0m\n\u001b[1;32m 330\u001b[0m \u001b[0mpred\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 331\u001b[0m \u001b[0;32mwith\u001b[0m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mno_grad\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 332\u001b[0;31m \u001b[0;32mfor\u001b[0m \u001b[0mbatch\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mtest_iter\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 333\u001b[0m \u001b[0msrc\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mbatch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msrc\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 334\u001b[0m \u001b[0mlabels\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mbatch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mlabels\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/BertSum/src/models/data_loader.py\u001b[0m in \u001b[0;36m__iter__\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 237\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0miterations\u001b[0m \u001b[0;34m+=\u001b[0m \u001b[0;36m1\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 238\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_iterations_this_epoch\u001b[0m \u001b[0;34m+=\u001b[0m \u001b[0;36m1\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 239\u001b[0;31m \u001b[0mbatch\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mBatch\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mminibatch\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdevice\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mis_test\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 240\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 241\u001b[0m \u001b[0;32myield\u001b[0m \u001b[0mbatch\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/BertSum/src/models/data_loader.py\u001b[0m in \u001b[0;36m__init__\u001b[0;34m(self, data, device, is_test)\u001b[0m\n\u001b[1;32m 25\u001b[0m \u001b[0mpre_clss\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0mx\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m3\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mx\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mdata\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 26\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 27\u001b[0;31m \u001b[0msrc\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtensor\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_pad\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mpre_src\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 28\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 29\u001b[0m \u001b[0mlabels\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtensor\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_pad\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mpre_labels\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/BertSum/src/models/data_loader.py\u001b[0m in \u001b[0;36m_pad\u001b[0;34m(self, data, pad_id, width)\u001b[0m\n\u001b[1;32m 12\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0m_pad\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdata\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mpad_id\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mwidth\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;34m-\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 13\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0mwidth\u001b[0m \u001b[0;34m==\u001b[0m \u001b[0;34m-\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 14\u001b[0;31m \u001b[0mwidth\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mmax\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0md\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0md\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mdata\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 15\u001b[0m \u001b[0mrtn_data\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0md\u001b[0m \u001b[0;34m+\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0mpad_id\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;34m*\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0mwidth\u001b[0m \u001b[0;34m-\u001b[0m \u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0md\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0md\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mdata\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 16\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mrtn_data\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mValueError\u001b[0m: max() arg is an empty sequence" + ] + } + ], + "source": [ + "model_for_test = \"./models/baseline0.7355433644584792/model_step_50000.pt\"\n", + "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", + "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n", + " test_from=model_for_test)\n", + "from utils import get_rouge\n", + "#rouge_baseline = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + ] + }, + { + "cell_type": "code", + "execution_count": 72, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "11486" + ] + }, + "execution_count": 72, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(prediction)" + ] + }, + { + "cell_type": "code", + "execution_count": 54, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 17:46:35,071 INFO] Device ID 2\n", + "[2019-10-03 17:46:35,082 INFO] Loading checkpoint from ./models/rnn/model_step_50000.pt\n", + "[2019-10-03 17:46:37,559 INFO] * number of parameters: 113041921\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "device_id 2\n", + "gpu_rank 0\n", + "11486\n", + "11486\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-10-03 17:48:59,222 [MainThread ] [INFO ] Writing summaries.\n", + "[2019-10-03 17:48:59,222 INFO] Writing summaries.\n", + "2019-10-03 17:48:59,224 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp9w889acx/system and model files to /dadendev/textsum/results/rougetemp/tmp9w889acx/model.\n", + "[2019-10-03 17:48:59,224 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp9w889acx/system and model files to /dadendev/textsum/results/rougetemp/tmp9w889acx/model.\n", + "2019-10-03 17:48:59,225 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-48-58/candidate/.\n", + "[2019-10-03 17:48:59,225 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-48-58/candidate/.\n", + "2019-10-03 17:49:00,406 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp9w889acx/system.\n", + "[2019-10-03 17:49:00,406 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp9w889acx/system.\n", + "2019-10-03 17:49:00,408 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-48-58/reference/.\n", + "[2019-10-03 17:49:00,408 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-48-58/reference/.\n", + "2019-10-03 17:49:01,539 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp9w889acx/model.\n", + "[2019-10-03 17:49:01,539 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp9w889acx/model.\n", + "2019-10-03 17:49:01,631 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmp74wedt83/rouge_conf.xml\n", + "[2019-10-03 17:49:01,631 INFO] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmp74wedt83/rouge_conf.xml\n", + "2019-10-03 17:49:01,632 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmp74wedt83/rouge_conf.xml\n", + "[2019-10-03 17:49:01,632 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmp74wedt83/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.53540 (95%-conf.int. 0.53270 - 0.53815)\n", + "1 ROUGE-1 Average_P: 0.37945 (95%-conf.int. 0.37709 - 0.38191)\n", + "1 ROUGE-1 Average_F: 0.42948 (95%-conf.int. 0.42737 - 0.43167)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.24836 (95%-conf.int. 0.24555 - 0.25117)\n", + "1 ROUGE-2 Average_P: 0.17692 (95%-conf.int. 0.17482 - 0.17919)\n", + "1 ROUGE-2 Average_F: 0.19954 (95%-conf.int. 0.19734 - 0.20177)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.34366 (95%-conf.int. 0.34118 - 0.34616)\n", + "1 ROUGE-L Average_P: 0.24172 (95%-conf.int. 0.23978 - 0.24381)\n", + "1 ROUGE-L Average_F: 0.27432 (95%-conf.int. 0.27234 - 0.27626)\n", + "\n" + ] + } + ], + "source": [ + "model_for_test = \"./models/rnn/model_step_50000.pt\"\n", + "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", + "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n", + " test_from=model_for_test)\n", + "from utils import get_rouge\n", + "rouge_rnn = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + ] + }, + { + "cell_type": "code", + "execution_count": 55, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 17:50:56,970 INFO] Device ID 2\n", + "[2019-10-03 17:50:56,973 INFO] Loading checkpoint from ./models/transformer/model_step_50000.pt\n", + "[2019-10-03 17:50:59,066 INFO] * number of parameters: 115790849\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "device_id 2\n", + "gpu_rank 0\n", + "11486\n", + "11486\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-10-03 17:53:15,587 [MainThread ] [INFO ] Writing summaries.\n", + "[2019-10-03 17:53:15,587 INFO] Writing summaries.\n", + "2019-10-03 17:53:15,590 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp6gynufns/system and model files to /dadendev/textsum/results/rougetemp/tmp6gynufns/model.\n", + "[2019-10-03 17:53:15,590 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp6gynufns/system and model files to /dadendev/textsum/results/rougetemp/tmp6gynufns/model.\n", + "2019-10-03 17:53:15,591 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-53-14/candidate/.\n", + "[2019-10-03 17:53:15,591 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-53-14/candidate/.\n", + "2019-10-03 17:53:16,773 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp6gynufns/system.\n", + "[2019-10-03 17:53:16,773 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp6gynufns/system.\n", + "2019-10-03 17:53:16,774 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-53-14/reference/.\n", + "[2019-10-03 17:53:16,774 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-53-14/reference/.\n", + "2019-10-03 17:53:17,921 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp6gynufns/model.\n", + "[2019-10-03 17:53:17,921 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp6gynufns/model.\n", + "2019-10-03 17:53:18,008 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmpoytr7s3w/rouge_conf.xml\n", + "[2019-10-03 17:53:18,008 INFO] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmpoytr7s3w/rouge_conf.xml\n", + "2019-10-03 17:53:18,009 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmpoytr7s3w/rouge_conf.xml\n", + "[2019-10-03 17:53:18,009 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmpoytr7s3w/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.53732 (95%-conf.int. 0.53457 - 0.54013)\n", + "1 ROUGE-1 Average_P: 0.37491 (95%-conf.int. 0.37254 - 0.37733)\n", + "1 ROUGE-1 Average_F: 0.42705 (95%-conf.int. 0.42484 - 0.42920)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.24855 (95%-conf.int. 0.24582 - 0.25123)\n", + "1 ROUGE-2 Average_P: 0.17405 (95%-conf.int. 0.17196 - 0.17624)\n", + "1 ROUGE-2 Average_F: 0.19768 (95%-conf.int. 0.19553 - 0.19985)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.34365 (95%-conf.int. 0.34113 - 0.34615)\n", + "1 ROUGE-L Average_P: 0.23772 (95%-conf.int. 0.23571 - 0.23975)\n", + "1 ROUGE-L Average_F: 0.27163 (95%-conf.int. 0.26963 - 0.27360)\n", + "\n" + ] + } + ], + "source": [ + "model_for_test = \"./models/transformer/model_step_50000.pt\"\n", + "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", + "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n", + " test_from=model_for_test)\n", + "from utils import get_rouge\n", + "rouge_transformer = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 18:41:50,554 INFO] Device ID 2\n", + "[2019-10-03 18:41:50,555 INFO] Loading checkpoint from ./models/transformer/model_step_50000.pt\n", + "[2019-10-03 18:41:52,881 INFO] * number of parameters: 115790849\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "device_id 2\n", + "gpu_rank 0\n", + "11489\n", + "11489\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-10-03 18:44:25,911 [MainThread ] [INFO ] Writing summaries.\n", + "[2019-10-03 18:44:25,911 INFO] Writing summaries.\n", + "2019-10-03 18:44:25,919 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/system and model files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/model.\n", + "[2019-10-03 18:44:25,919 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/system and model files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/model.\n", + "2019-10-03 18:44:25,920 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-44-24/candidate/.\n", + "[2019-10-03 18:44:25,920 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-44-24/candidate/.\n", + "2019-10-03 18:44:27,124 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/system.\n", + "[2019-10-03 18:44:27,124 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/system.\n", + "2019-10-03 18:44:27,126 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-44-24/reference/.\n", + "[2019-10-03 18:44:27,126 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-44-24/reference/.\n", + "2019-10-03 18:44:28,311 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/model.\n", + "[2019-10-03 18:44:28,311 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/model.\n", + "2019-10-03 18:44:28,401 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmph9qs47ba/rouge_conf.xml\n", + "[2019-10-03 18:44:28,401 INFO] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmph9qs47ba/rouge_conf.xml\n", + "2019-10-03 18:44:28,402 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmph9qs47ba/rouge_conf.xml\n", + "[2019-10-03 18:44:28,402 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmph9qs47ba/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.53487 (95%-conf.int. 0.53211 - 0.53764)\n", + "1 ROUGE-1 Average_P: 0.38059 (95%-conf.int. 0.37813 - 0.38318)\n", + "1 ROUGE-1 Average_F: 0.42995 (95%-conf.int. 0.42787 - 0.43226)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.24873 (95%-conf.int. 0.24604 - 0.25157)\n", + "1 ROUGE-2 Average_P: 0.17760 (95%-conf.int. 0.17536 - 0.17989)\n", + "1 ROUGE-2 Average_F: 0.20002 (95%-conf.int. 0.19784 - 0.20247)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.48956 (95%-conf.int. 0.48697 - 0.49221)\n", + "1 ROUGE-L Average_P: 0.34903 (95%-conf.int. 0.34667 - 0.35158)\n", + "1 ROUGE-L Average_F: 0.39396 (95%-conf.int. 0.39183 - 0.39629)\n", + "\n" + ] + } + ], + "source": [ + "model_for_test = \"./models/transformer/model_step_50000.pt\"\n", + "target = [dataset[i]['tgt_txt'] for i in range(len(dataset))]\n", + "prediction = bertsum_model.predict(device_id, get_data_iter(dataset, 3000),sentence_seperator=\"\",\n", + " test_from=model_for_test)\n", + "from utils import get_rouge\n", + "rouge_transformer = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-03 18:27:21,995 INFO] Device ID 2\n", + "[2019-10-03 18:27:21,996 INFO] Loading checkpoint from ./models/transformer/model_step_50000.pt\n", + "[2019-10-03 18:27:24,295 INFO] * number of parameters: 115790849\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "device_id 2\n", + "gpu_rank 0\n", + "11489\n", + "11489\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-10-03 18:27:27,926 [MainThread ] [INFO ] Writing summaries.\n", + "[2019-10-03 18:27:27,926 INFO] Writing summaries.\n", + "2019-10-03 18:27:27,932 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/system and model files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/model.\n", + "[2019-10-03 18:27:27,932 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/system and model files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/model.\n", + "2019-10-03 18:27:27,934 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-27-26/candidate/.\n", + "[2019-10-03 18:27:27,934 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-27-26/candidate/.\n", + "2019-10-03 18:27:29,138 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/system.\n", + "[2019-10-03 18:27:29,138 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/system.\n", + "2019-10-03 18:27:29,140 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-27-26/reference/.\n", + "[2019-10-03 18:27:29,140 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-27-26/reference/.\n", + "2019-10-03 18:27:30,346 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/model.\n", + "[2019-10-03 18:27:30,346 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/model.\n", + "2019-10-03 18:27:30,438 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmph0uom0ij/rouge_conf.xml\n", + "[2019-10-03 18:27:30,438 INFO] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmph0uom0ij/rouge_conf.xml\n", + "2019-10-03 18:27:30,440 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmph0uom0ij/rouge_conf.xml\n", + "[2019-10-03 18:27:30,440 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmph0uom0ij/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.52371 (95%-conf.int. 0.52067 - 0.52692)\n", + "1 ROUGE-1 Average_P: 0.34716 (95%-conf.int. 0.34484 - 0.34937)\n", + "1 ROUGE-1 Average_F: 0.40370 (95%-conf.int. 0.40154 - 0.40592)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.22740 (95%-conf.int. 0.22473 - 0.23047)\n", + "1 ROUGE-2 Average_P: 0.14969 (95%-conf.int. 0.14781 - 0.15166)\n", + "1 ROUGE-2 Average_F: 0.17444 (95%-conf.int. 0.17241 - 0.17662)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.47465 (95%-conf.int. 0.47167 - 0.47766)\n", + "1 ROUGE-L Average_P: 0.31501 (95%-conf.int. 0.31282 - 0.31717)\n", + "1 ROUGE-L Average_F: 0.36614 (95%-conf.int. 0.36399 - 0.36826)\n", + "\n" + ] + } + ], + "source": [ + "model_for_test = \"./models/transformer/model_step_50000.pt\"\n", + "target = [dataset[i]['tgt_txt'] for i in range(len(dataset))]\n", + "prediction = bertsum_model.predict(device_id, get_data_iter(dataset, 3000),sentence_seperator=\"\",\n", + " test_from=model_for_test, cal_lead=True)\n", + "from utils import get_rouge\n", + "rouge_transformer = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + ] + }, + { + "cell_type": "code", + "execution_count": 58, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "11486" + ] + }, + "execution_count": 58, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(prediction)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 59, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['marseille , france -lrb- cnn -rrb- the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .',\n", + " 'marseille prosecutor brice robin told cnn that `` so far no videos were used in the crash investigation . ``',\n", + " 'he added , `` a person who has such a video needs to immediately give it to the investigators . ``',\n", + " \"robin 's comments follow claims by two magazines , german daily bild and french paris match , of a cell phone video showing the harrowing final seconds from on board germanwings flight 9525 as it crashed into the french alps .\",\n", + " 'paris match and bild reported that the video was recovered from a phone at the wreckage site .',\n", + " 'the two publications described the supposed video , but did not post it on their websites .',\n", + " 'the publications said that they watched the video , which was found by a source close to the investigation .',\n", + " \"`` one can hear cries of ` my god ' in several languages , `` paris match reported .\",\n", + " '`` metallic banging can also be heard more than three times , perhaps of the pilot trying to open the cockpit door with a heavy object .',\n", + " 'towards the end , after a heavy shake , stronger than the others , the screaming intensifies .',\n", + " '`` it is a very disturbing scene , `` said julian reichelt , editor-in-chief of bild online .',\n", + " \"an official with france 's accident investigation agency , the bea , said the agency is not aware of any such video .\",\n", + " 'lt. col. jean-marc menichini , a french gendarmerie spokesman in charge of communications on rescue efforts around the germanwings crash site , told cnn that the reports were `` completely wrong `` and `` unwarranted . ``',\n", + " \"cell phones have been collected at the site , he said , but that they `` had n't been exploited yet . ``\",\n", + " 'menichini said he believed the cell phones would need to be sent to the criminal research institute in rosny sous-bois , near paris , in order to be analyzed by specialized technicians working hand-in-hand with investigators .',\n", + " 'but none of the cell phones found so far have been sent to the institute , menichini said .',\n", + " 'asked whether staff involved in the search could have leaked a memory card to the media , menichini answered with a categorical `` no . ``',\n", + " 'reichelt told `` erin burnett : outfront `` that he had watched the video and stood by the report , saying bild and paris match are `` very confident `` that the clip is real .',\n", + " \"he noted that investigators only revealed they 'd recovered cell phones from the crash site after bild and paris match published their reports .\",\n", + " \"... overall we can say many things of the investigation were n't revealed by the investigation at the beginning , `` he said .\",\n", + " \"german airline lufthansa confirmed tuesday that co-pilot andreas lubitz had battled depression years before he took the controls of germanwings flight 9525 , which he 's accused of deliberately crashing last week in the french alps .\",\n", + " 'lubitz told his lufthansa flight training school in 2009 that he had a `` previous episode of severe depression , `` the airline said tuesday .',\n", + " 'email correspondence between lubitz and the school discovered in an internal investigation , lufthansa said , included medical documents he submitted in connection with resuming his flight training .',\n", + " \"the announcement indicates that lufthansa , the parent company of germanwings , knew of lubitz 's battle with depression , allowed him to continue training and ultimately put him in the cockpit .\",\n", + " 'lufthansa , whose ceo carsten spohr previously said lubitz was 100 % fit to fly , described its statement tuesday as a `` swift and seamless clarification `` and said it was sharing the information and documents -- including training and medical records -- with public prosecutors .',\n", + " 'spohr traveled to the crash site wednesday , where recovery teams have been working for the past week to recover human remains and plane debris scattered across a steep mountainside .',\n", + " 'he saw the crisis center set up in seyne-les-alpes , laid a wreath in the village of le vernet , closer to the crash site , where grieving families have left flowers at a simple stone memorial .',\n", + " 'menichini told cnn late tuesday that no visible human remains were left at the site but recovery teams would keep searching .',\n", + " 'french president francois hollande , speaking tuesday , said that it should be possible to identify all the victims using dna analysis by the end of the week , sooner than authorities had previously suggested .',\n", + " \"in the meantime , the recovery of the victims ' personal belongings will start wednesday , menichini said .\",\n", + " 'among those personal belongings could be more cell phones belonging to the 144 passengers and six crew on board .',\n", + " \"the details about lubitz 's correspondence with the flight school during his training were among several developments as investigators continued to delve into what caused the crash and lubitz 's possible motive for downing the jet .\",\n", + " 'a lufthansa spokesperson told cnn on tuesday that lubitz had a valid medical certificate , had passed all his examinations and `` held all the licenses required . ``',\n", + " \"earlier , a spokesman for the prosecutor 's office in dusseldorf , christoph kumpa , said medical records reveal lubitz suffered from suicidal tendencies at some point before his aviation career and underwent psychotherapy before he got his pilot 's license .\",\n", + " \"kumpa emphasized there 's no evidence suggesting lubitz was suicidal or acting aggressively before the crash .\",\n", + " \"investigators are looking into whether lubitz feared his medical condition would cause him to lose his pilot 's license , a european government official briefed on the investigation told cnn on tuesday .\",\n", + " \"while flying was `` a big part of his life , `` the source said , it 's only one theory being considered .\",\n", + " 'another source , a law enforcement official briefed on the investigation , also told cnn that authorities believe the primary motive for lubitz to bring down the plane was that he feared he would not be allowed to fly because of his medical problems .',\n", + " \"lubitz 's girlfriend told investigators he had seen an eye doctor and a neuropsychologist , both of whom deemed him unfit to work recently and concluded he had psychological issues , the european government official said .\",\n", + " \"but no matter what details emerge about his previous mental health struggles , there 's more to the story , said brian russell , a forensic psychologist .\",\n", + " \"`` psychology can explain why somebody would turn rage inward on themselves about the fact that maybe they were n't going to keep doing their job and they 're upset about that and so they 're suicidal , `` he said .\",\n", + " \"`` but there is no mental illness that explains why somebody then feels entitled to also take that rage and turn it outward on 149 other people who had nothing to do with the person 's problems . ``\",\n", + " \"cnn 's margot haddad reported from marseille and pamela brown from dusseldorf , while laura smith-spark wrote from london .\",\n", + " \"cnn 's frederik pleitgen , pamela boykoff , antonia mortensen , sandrine amiel and anna-maja rappard contributed to this report .\"]" + ] + }, + "execution_count": 59, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "test_dataset[0]['src_txt']" + ] + }, + { + "cell_type": "code", + "execution_count": 60, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'marseille prosecutor says `` so far no videos were used in the crash investigation `` despite media reports . journalists at bild and paris match are `` very confident `` the video clip is real , an editor says . andreas lubitz had informed his lufthansa training school of an episode of severe depression , airline says .'" + ] + }, + "execution_count": 60, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "target[0]" + ] + }, + { + "cell_type": "code", + "execution_count": 61, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'marseille prosecutor brice robin told cnn that `` so far no videos were used in the crash investigation . ``paris match and bild reported that the video was recovered from a phone at the wreckage site .marseille , france -lrb- cnn -rrb- the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .'" + ] + }, + "execution_count": 61, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "prediction[0]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "articles = [test_dataset[0]['src_txt']]\n", + "get_data_iter(article,batch_size=30000)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "python3.6 cm3", + "language": "python", + "name": "cm3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.8" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/utils_nlp/dataset/harvardnlp_cnndm.py b/utils_nlp/dataset/harvardnlp_cnndm.py new file mode 100644 index 000000000..4971048c7 --- /dev/null +++ b/utils_nlp/dataset/harvardnlp_cnndm.py @@ -0,0 +1,51 @@ +import nltk +nltk.download('punkt') + +from nltk import tokenize +import torch +import sys +sys.path.insert(0, '../src') +from others.utils import clean +from multiprocess import Pool + +import regex as re +def preprocess(param): + sentences, preprocess_pipeline, word_tokenize = param + for function in preprocess_pipeline: + sentences = function(sentences) + return [word_tokenize(sentence) for sentence in sentences] + + +def harvardnlp_cnndm_preprocess(n_cpus, source_file, target_file): + def _remove_ttags(line): + line = re.sub(r'', '', line) + line = re.sub(r'', '', line) + return line + + def _cnndm_target_sentence_tokenization(line): + + return line.split("") + src_list = [] + with open(source_file, 'r') as fd: + for line in fd: + src_list.append((line, [tokenize.sent_tokenize], nltk.word_tokenize)) + pool = Pool(n_cpus) + tokenized_src_data = pool.map(preprocess, src_list, int(len(src_list)/n_cpus)) + pool.close() + pool.join() + + tgt_list = [] + with open(target_file, 'r') as fd: + for line in fd: + tgt_list.append((line, [clean, _remove_ttags, _cnndm_target_sentence_tokenization], nltk.word_tokenize)) + + pool = Pool(n_cpus) + tokenized_tgt_data = pool.map(preprocess, tgt_list, int(len(tgt_list)/n_cpus)) + pool.close() + pool.join() + + jobs=[] + for (src, summary) in zip(tokenized_src_data, tokenized_tgt_data): + jobs.append({'src': src, "tgt": summary}) + + return jobs diff --git a/utils_nlp/eval/evaluate_summerization.py b/utils_nlp/eval/evaluate_summerization.py new file mode 100644 index 000000000..a9e076366 --- /dev/null +++ b/utils_nlp/eval/evaluate_summerization.py @@ -0,0 +1,19 @@ +import os +from random import random, seed +from others.utils import test_rouge + +def get_rouge(predictions, targets, temp_dir): + def _write_list_to_file(list_items, filename): + with open(filename, 'w') as filehandle: + #for cnt, line in enumerate(filehandle): + for item in list_items: + filehandle.write('%s\n' % item) + seed(42) + random_number = random() + candidate_path = os.path.join(temp_dir, "candidate"+str(random_number)) + gold_path = os.path.join(temp_dir, "gold"+str(random_number)) + _write_list_to_file(predictions, candidate_path) + _write_list_to_file(targets, gold_path) + rouge = test_rouge(temp_dir, candidate_path, gold_path) + return rouge + diff --git a/utils_nlp/models/bert/extractive_text_summerization.py b/utils_nlp/models/bert/extractive_text_summerization.py new file mode 100644 index 000000000..7f4c61c88 --- /dev/null +++ b/utils_nlp/models/bert/extractive_text_summerization.py @@ -0,0 +1,209 @@ +from bertsum_config import args + +from pytorch_pretrained_bert import BertConfig + +from models.model_builder import Summarizer +from models import model_builder, data_loader +from others.logging import logger, init_logger +from train import model_flags +from models.trainer import build_trainer + +from cached_property import cached_property +import torch +import random +from prepro.data_builder import greedy_selection, combination_selection +import gc + + +class Bunch(object): + def __init__(self, adict): + self.__dict__.update(adict) + +default_parameters = {"accum_count": 1, "batch_size": 3000, "beta1": 0.9, "beta2": 0.999, "block_trigram": true, "decay_method": "noam", "dropout": 0.1, "encoder": "baseline", "ff_size": 512, "gpu_ranks": "0123", "heads": 4, "hidden_size": 128, "inter_layers": 2, "lr": 0.002, "max_grad_norm": 0, "max_nsents": 100, "max_src_ntokens": 200, "min_nsents": 3, "min_src_ntokens": 10, "optim": "adam", "oracle_mode": "combination", "param_init": 0.0, "param_init_glorot": true, "recall_eval": false, "report_every": 50, "report_rouge": true, "rnn_size": 512, "save_checkpoint_steps": 500, "seed": 666, "temp_dir": "./temp", "test_all": false, "test_from": "", "train_from": "", "use_interval": true, "visible_gpus": "0", "warmup_steps": 10000, "world_size": 1} + +def bertsum_formatting(n_cpus, bertdata, oracle_mode, jobs, output_file): + params = [] + for i in jobs: + params.append((oracle_mode, bertdata, i)) + pool = Pool(n_cpus) + bert_data = pool.map(modified_format_to_bert, params, int(len(params)/n_cpus)) + pool.close() + pool.join() + filtered_bert_data = [] + for i in bert_data: + if i is not None: + filtered_bert_data.append(i) + torch.save(filtered_bert_data, output_file) + + + +def modified_format_to_bert(param): + oracle_mode, bert, data = param + #return data + source, tgt = data['src'], data['tgt'] + if (oracle_mode == 'greedy'): + oracle_ids = greedy_selection(source, tgt, 3) + elif (oracle_mode == 'combination'): + oracle_ids = combination_selection(source, tgt, 3) + b_data = bert.preprocess(source, tgt, oracle_ids) + if (b_data is None): + return None + indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data + b_data_dict = {"src": indexed_tokens, "labels": labels, "segs": segments_ids, 'clss': cls_ids, + 'src_txt': src_txt, "tgt_txt": tgt_txt} + return b_data_dict + gc.collect() + + +class BertSumExtractiveSummarizer: + """BERT-based Extractive Summarization --BertSum""" + + + def __init__(self, language="english", + mode = "train", + encoder="baseline", + model_path = "./models/baseline", + log_file = "./logs/baseline", + temp_dir = './temp', + bert_config_path="./bert_config_uncased_base.json", + device_id=0, + work_size=1, + gpu_ranks="1" + ): + """Initializes the classifier and the underlying pretrained model. + Args: + language (Language, optional): The pretrained model's language. + Defaults to Language.ENGLISH. + num_labels (int, optional): The number of unique labels in the + training data. Defaults to 2. + cache_dir (str, optional): Location of BERT's cache directory. + Defaults to ".". + """ + def __map_gpu_ranks(gpu_ranks): + gpu_ranks_list=gpu_ranks.split(',') + print(gpu_ranks_list) + gpu_ranks_map = {} + for i, rank in enumerate(gpu_ranks_list): + gpu_ranks_map[int(rank)]=i + return gpu_ranks_map + + + # copy all the arguments from the input argument + self.args = Bunch(default_parameters) + self.args.seed = 42 + self.args.mode = mode + self.args.encoder = encoder + self.args.model_path = model_path + self.args.log_file = log_file + self.args.temp_dir = temp_dir + self.args.bert_config_path=bert_config_path + self.args.worls_size = 1 + self.args.gpu_ranks = gpu_ranks + self.args.gpu_ranks_map = __map_gpu_ranks(self.args.gpu_ranks) + print(self.args.gpu_ranks_map) + + init_logger(args.log_file) + + self.has_cuda = self.cuda + self.device = torch.device("cuda:{}".format(device_id)) + #"cpu" if not self.has_cuda else "cuda" + + torch.manual_seed(self.args.seed) + random.seed(self.args.seed) + torch.backends.cudnn.deterministic = True + # placeholder for the model + self.model = None + + @cached_property + def cuda(self): + """ cache the output of torch.cuda.is_available() """ + + self.has_cuda = torch.cuda.is_available() + return self.has_cuda + + + def fit(self, device_id, train_file_list, train_steps=5000, train_from='', batch_size=3000, + warmup_proportion=0.2, decay_method='noam', lr=0.002,accum_count=2): + if device_id not in self.args.gpu_ranks_map.keys(): + print(error) + device = None + logger.info('Device ID %d' % device_id) + if device_id >= 0: + torch.cuda.set_device(device_id) + torch.cuda.manual_seed(self.args.seed) + device = torch.device("cuda:{}".format(device_id)) + + self.args.decay_method=decay_method + self.args.lr=lr + self.args.train_from = train_from + self.args.batch_size = batch_size + self.args.warmup_steps = int(warmup_proportion*train_steps) + self.args.accum_count= accum_count + print(self.args.__dict__) + + self.model = Summarizer(self.args, self.device, load_pretrained_bert=True) + + + if train_from != '': + logger.info('Loading checkpoint from %s' % args.train_from) + checkpoint = torch.load(train_from, + map_location=lambda storage, loc: storage) + opt = vars(checkpoint['opt']) + for k in opt.keys(): + if (k in model_flags): + setattr(self.args, k, opt[k]) + self.model.load_cp(checkpoint) + optim = model_builder.build_optim(self.args, self.model, checkpoint) + else: + optim = model_builder.build_optim(self.args, self.model, None) + + logger.info(self.model) + + def get_dataset(file_list): + random.shuffle(file_list) + for file in file_list: + yield torch.load(file) + + + def train_iter_fct(): + return data_loader.Dataloader(self.args, get_dataset(train_file_list), batch_size, self.device, + shuffle=True, is_test=False) + + + + trainer = build_trainer(self.args, device_id, self.model, optim) + trainer.train(train_iter_fct, train_steps) + + def predict(self, device_id, data_iter, sentence_seperator='', test_from='', cal_lead=False): + ## until a fix comes in + #if self.args.world_size=1 or len(self.args.gpu_ranks.split(",")==1): + # device_id = 0 + + logger.info('Device ID %d' % device_id) + device = None + if device_id >= 0: + torch.cuda.set_device(device_id) + torch.cuda.manual_seed(self.args.seed) + device = torch.device("cuda:{}".format(device_id)) + + if self.model is None and test_from == '': + raise Exception("Need to train or specify the model for testing") + if test_from != '': + logger.info('Loading checkpoint from %s' % test_from) + checkpoint = torch.load(test_from, map_location=lambda storage, loc: storage) + opt = vars(checkpoint['opt']) + for k in opt.keys(): + if (k in model_flags): + setattr(self.args, k, opt[k]) + + config = BertConfig.from_json_file(self.args.bert_config_path) + self.model = Summarizer(self.args, device, load_pretrained_bert=False, bert_config=config) + self.model.load_cp(checkpoint) + else: + #model = self.model + self.model.eval() + self.model.eval() + + trainer = build_trainer(self.args, device_id, self.model, None) + return trainer.predict(data_iter, sentence_seperator, cal_lead) + From c0fb420fe65f25c4d8968deaa24671cca964e3fd Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Thu, 3 Oct 2019 21:49:30 +0000 Subject: [PATCH 031/167] rename file --- ...ive_text_summerization.py => extractive_text_summarization.py} | 0 1 file changed, 0 insertions(+), 0 deletions(-) rename utils_nlp/models/bert/{extractive_text_summerization.py => extractive_text_summarization.py} (100%) diff --git a/utils_nlp/models/bert/extractive_text_summerization.py b/utils_nlp/models/bert/extractive_text_summarization.py similarity index 100% rename from utils_nlp/models/bert/extractive_text_summerization.py rename to utils_nlp/models/bert/extractive_text_summarization.py From e21f150fba54757de45ff01bbeb70e0ef4ef4ce8 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Mon, 7 Oct 2019 01:53:20 +0000 Subject: [PATCH 032/167] add stanfordnlp preprocessing functions --- utils_nlp/dataset/harvardnlp_cnndm.py | 14 +++--- ...erization.py => evaluate_summarization.py} | 0 .../bert/extractive_text_summarization.py | 43 ++++++++++++++++--- 3 files changed, 45 insertions(+), 12 deletions(-) rename utils_nlp/eval/{evaluate_summerization.py => evaluate_summarization.py} (100%) diff --git a/utils_nlp/dataset/harvardnlp_cnndm.py b/utils_nlp/dataset/harvardnlp_cnndm.py index 4971048c7..f38e9ab62 100644 --- a/utils_nlp/dataset/harvardnlp_cnndm.py +++ b/utils_nlp/dataset/harvardnlp_cnndm.py @@ -16,21 +16,23 @@ def preprocess(param): return [word_tokenize(sentence) for sentence in sentences] -def harvardnlp_cnndm_preprocess(n_cpus, source_file, target_file): +def harvardnlp_cnndm_preprocess(n_cpus, source_file, target_file, top_n=-1): def _remove_ttags(line): line = re.sub(r'', '', line) - line = re.sub(r'', '', line) + # change to + # pyrouge test requires as sentence splitter + line = re.sub(r'', '', line) return line def _cnndm_target_sentence_tokenization(line): + return line.split("") - return line.split("") src_list = [] with open(source_file, 'r') as fd: for line in fd: - src_list.append((line, [tokenize.sent_tokenize], nltk.word_tokenize)) + src_list.append((line, [clean, tokenize.sent_tokenize], nltk.word_tokenize)) pool = Pool(n_cpus) - tokenized_src_data = pool.map(preprocess, src_list, int(len(src_list)/n_cpus)) + tokenized_src_data = pool.map(preprocess, src_list[0:top_n], int(len(src_list[0:top_n])/n_cpus)) pool.close() pool.join() @@ -40,7 +42,7 @@ def _cnndm_target_sentence_tokenization(line): tgt_list.append((line, [clean, _remove_ttags, _cnndm_target_sentence_tokenization], nltk.word_tokenize)) pool = Pool(n_cpus) - tokenized_tgt_data = pool.map(preprocess, tgt_list, int(len(tgt_list)/n_cpus)) + tokenized_tgt_data = pool.map(preprocess, tgt_list[0:top_n], int(len(tgt_list[0:top_n])/n_cpus)) pool.close() pool.join() diff --git a/utils_nlp/eval/evaluate_summerization.py b/utils_nlp/eval/evaluate_summarization.py similarity index 100% rename from utils_nlp/eval/evaluate_summerization.py rename to utils_nlp/eval/evaluate_summarization.py diff --git a/utils_nlp/models/bert/extractive_text_summarization.py b/utils_nlp/models/bert/extractive_text_summarization.py index 7f4c61c88..6d837ebb7 100644 --- a/utils_nlp/models/bert/extractive_text_summarization.py +++ b/utils_nlp/models/bert/extractive_text_summarization.py @@ -1,5 +1,3 @@ -from bertsum_config import args - from pytorch_pretrained_bert import BertConfig from models.model_builder import Summarizer @@ -7,19 +5,54 @@ from others.logging import logger, init_logger from train import model_flags from models.trainer import build_trainer +from prepro.data_builder import BertData from cached_property import cached_property import torch import random from prepro.data_builder import greedy_selection, combination_selection import gc +from multiprocessing import Pool class Bunch(object): def __init__(self, adict): self.__dict__.update(adict) -default_parameters = {"accum_count": 1, "batch_size": 3000, "beta1": 0.9, "beta2": 0.999, "block_trigram": true, "decay_method": "noam", "dropout": 0.1, "encoder": "baseline", "ff_size": 512, "gpu_ranks": "0123", "heads": 4, "hidden_size": 128, "inter_layers": 2, "lr": 0.002, "max_grad_norm": 0, "max_nsents": 100, "max_src_ntokens": 200, "min_nsents": 3, "min_src_ntokens": 10, "optim": "adam", "oracle_mode": "combination", "param_init": 0.0, "param_init_glorot": true, "recall_eval": false, "report_every": 50, "report_rouge": true, "rnn_size": 512, "save_checkpoint_steps": 500, "seed": 666, "temp_dir": "./temp", "test_all": false, "test_from": "", "train_from": "", "use_interval": true, "visible_gpus": "0", "warmup_steps": 10000, "world_size": 1} +default_parameters = {"accum_count": 1, "batch_size": 3000, "beta1": 0.9, "beta2": 0.999, "block_trigram": True, "decay_method": "noam", "dropout": 0.1, "encoder": "baseline", "ff_size": 512, "gpu_ranks": "0123", "heads": 4, "hidden_size": 128, "inter_layers": 2, "lr": 0.002, "max_grad_norm": 0, "max_nsents": 100, "max_src_ntokens": 200, "min_nsents": 3, "min_src_ntokens": 10, "optim": "adam", "oracle_mode": "combination", "param_init": 0.0, "param_init_glorot": True, "recall_eval": False, "report_every": 50, "report_rouge": True, "rnn_size": 512, "save_checkpoint_steps": 500, "seed": 666, "temp_dir": "./temp", "test_all": False, "test_from": "", "train_from": "", "use_interval": True, "visible_gpus": "0", "warmup_steps": 10000, "world_size": 1} + +default_preprocessing_parameters = {"max_nsents": 100, "max_src_ntokens": 200, "min_nsents": 3, "min_src_ntokens": 10, "use_interval": True} + +def preprocess(client, source, target): + pre_source = tokenize_to_list(source, client) + pre_target = tokenize_to_list(target, client) + return bertify(pre_source, pre_target) + +def tokenize_to_list(client, input_text): + annotation = client.annotate(input_text) + sentences = annotation.sentence + tokens_list = [] + for sentence in sentences: + tokens = [] + for token in sentence.token: + tokens.append(token.originalText) + tokens_list.append(tokens) + return tokens_list + +def bertify(source, target=None, oracle_mode='combination', selection=3): + if target: + oracle_ids = combination_selection(source, target, selection) + b_data = bertdata.preprocess(source, target, oracle_ids) + else: + b_data = bertdata.preprocess(source, None, None) + if b_data is None: + return None + indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data + b_data_dict = {"src": indexed_tokens, "labels": labels, "segs": segments_ids, 'clss': cls_ids, + 'src_txt': src_txt, "tgt_txt": tgt_txt} + return b_data_dict + #gc.collect() + def bertsum_formatting(n_cpus, bertdata, oracle_mode, jobs, output_file): params = [] @@ -35,8 +68,6 @@ def bertsum_formatting(n_cpus, bertdata, oracle_mode, jobs, output_file): filtered_bert_data.append(i) torch.save(filtered_bert_data, output_file) - - def modified_format_to_bert(param): oracle_mode, bert, data = param #return data @@ -102,7 +133,7 @@ def __map_gpu_ranks(gpu_ranks): self.args.gpu_ranks_map = __map_gpu_ranks(self.args.gpu_ranks) print(self.args.gpu_ranks_map) - init_logger(args.log_file) + init_logger(self.args.log_file) self.has_cuda = self.cuda self.device = torch.device("cuda:{}".format(device_id)) From 4ae8d013b632e1c69146aa3dfb577f644952f816 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Mon, 7 Oct 2019 03:34:17 +0000 Subject: [PATCH 033/167] add notebook --- .../text_summarization/bertsum_cnndm.ipynb | 2052 ++++++++++------- .../bert/extractive_text_summarization.py | 2 +- 2 files changed, 1187 insertions(+), 867 deletions(-) diff --git a/examples/text_summarization/bertsum_cnndm.ipynb b/examples/text_summarization/bertsum_cnndm.ipynb index 041c328d6..140aed186 100644 --- a/examples/text_summarization/bertsum_cnndm.ipynb +++ b/examples/text_summarization/bertsum_cnndm.ipynb @@ -1,17 +1,56 @@ { "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Copyright (c) Microsoft Corporation. All rights reserved.\n", + "\n", + "Licensed under the MIT License." + ] + }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Extractive Text Summerization on CNN/DM Dataset using BertSum\n", "\n", + "\n", "### Summary\n", "\n", "This notebook demonstrates how to fine tune BERT for extractive text summerization. Utility functions and classes in the NLP Best Practices repo are used to facilitate data preprocessing, model training, model scoring, result postprocessing, and model evaluation.\n", "\n", - "BertSum refers to [Fine-tune BERT for Extractive Summarization](https://arxiv.org/pdf/1903.10318.pdf) with [published example](https://github.com/nlpyang/BertSum/)\n", - "\n" + "BertSum refers to [Fine-tune BERT for Extractive Summarization (https://arxiv.org/pdf/1903.10318.pdf) with [published example](https://github.com/nlpyang/BertSum/). Extractive summarization are usually used in document summarization where each input document consists of mutiple sentences. The preprocessing of the input training data involves assigning label 0 or 1 to the document sentences based on the give summary. The summarization problem is also simplfied to classifying whether each document sentence should be included in the summary. \n", + "\n", + "The figure below illustrates how BERTSum can be fine tuned for extractive summarization task. Each sentence is inserted with [CLS] token at the beginning and [SEP] at the end. Interval segment embedding and positional embedding are added upon the token embedding before input the BERT model. The [CLS] token representation is used as sentence embedding and only the [CLS] tokens are used as input for the summarization model. The summarization layer predicts whether the probability of each each sentence token should be included in the summary or not. Techniques like trigram blocking can be used to improve model accuarcy. \n", + "\n", + "\n", + "\n", + "\n", + "### Before You Start\n", + "\n", + "The running time shown in this notebook is on a Standard_NC24s_v3 Azure Deep Learning Virtual Machine with 4 NVIDIA Tesla V100 GPUs. \n", + "> **Tip**: If you want to run through the notebook quickly, you can set the **`QUICK_RUN`** flag in the cell below to **`True`** to run the notebook on a small subset of the data and a smaller number of epochs. \n", + "\n", + "The table below provides some reference running time on different machine configurations. \n", + "\n", + "|QUICK_RUN|Machine Configurations|Running time|\n", + "|:---------|:----------------------|:------------|\n", + "|True|1 NVIDIA Tesla K80 GPUs, 12GB GPU memory| ~ ? minutes |\n", + "|False|4 NVIDIA Tesla V100 GPUs, 64GB GPU memory| ~ ? hours|\n" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "## Set QUICK_RUN = True to run the notebook on a small subset of data and a smaller number of epochs.\n", + "QUICK_RUN = True\n", + "USE_PREPROCESSED_DARA = False\n", + "if not USE_PREPROCESSED_DARA:\n", + " BERT_DATA_PATH=\"/dadendev/BertSum/bert_data/\"" ] }, { @@ -23,9 +62,33 @@ "Before we start the notebook, we should set the environment variable to make sure you can access the GPUs on your machine" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "First you need to clone a modified version of BertSum so that it works for prediction cases and can run on any GPU device ID on your machine" + ] + }, { "cell_type": "code", - "execution_count": 1, + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "fatal: destination path 'BertSum' already exists and is not an empty directory.\r\n" + ] + } + ], + "source": [ + "!git clone https://github.com/daden-ms/BertSum.git" + ] + }, + { + "cell_type": "code", + "execution_count": 4, "metadata": {}, "outputs": [], "source": [ @@ -34,29 +97,110 @@ "os.environ[\"CUDA_VISIBLE_DEVICES\"]=\"0,1,2,3\"" ] }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "import sys\n", + "nlp_path = os.path.abspath('../../')\n", + "if nlp_path not in sys.path:\n", + " sys.path.insert(0, nlp_path)\n", + " \n", + "sys.path.insert(0, './BertSum/src')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Also, we need to install the dependencies for pyrouge." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# dependencies for ROUGE-1.5.5.pl\n", + "!sudo apt-get update\n", + "!sudo apt-get install expat\n", + "!sudo apt-get install libexpat-dev -y" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Run the following command in your terminal\n", + "1. sudo cpan install XML::Parser\n", + "1. sudo cpan install XML::Parser::PerlSAX\n", + "1. sudo cpan install XML::DOM\n", + "\n", + "Also you need to set up file2rouge\n" + ] + }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Data Preprossing\n", "\n", - "The CNN/DM dataset we used can be downloaded from https://github.com/harvardnlp/sent-summary. The following notebook assumes the dataset has been unzipped to folder ./harvardnl_cnndm" + "The dataset we used for this notebook is CNN/DM dataset which contains the documents and accompanying questions from the news articles of CNN and Daily mail. The highlights in each article are used as summary. The dataset consits of ~289K training examples, ~11K valiation and ~11K test dataset. You can choose to use the preprocessed version at [BERTSum published example](https://github.com/nlpyang/BertSum/) or use the following section to preprocess the data. Since it takes up to 28 hours to preprocess the training data to run on 10 Intel(R) Xeon(R) CPU E5-2690 v3 @ 2.60GHz, if you choose to run the preprocessing, we suggest you run with QUICKRUN set as True.\n", + "\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "If you choose to use preprocessed data, continue to section #Model training.\n", + "To continue with the data preprocessing, run the following command to download from https://github.com/harvardnlp/sent-summary and unzip the data to folder ./harvardnlp_cnndm" ] }, { "cell_type": "code", - "execution_count": 2, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "import sys\n", - "sys.path.insert(0, '/dadendev/BertSum/src')\n", - "sys.path.insert(0, '/dadendev/textsum//wrapper')" + "!wget https://s3.amazonaws.com/opennmt-models/Summary/cnndm.tar.gz &&\\\n", + " mkdir -p harvardnlp_cnndm &&\\\n", + " mv cnndm.tar.gz ./harvardnlp_cnndm && cd ./harvardnlp_cnndm &&\\\n", + " tar -xvf cnndm.tar.gz " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Details of Data Preprocessing\n", + "\n", + "The purpose of preprocessing is to process the input articles to the format that BertSum takes. Functions defined specific in harvardnlp_cnndm_preprocess function are unique to CNN/DM dataset that's processed by harvardnlp. However, it provides a skeleton of how to preprocessing data into the format that BertSum takes. Assuming you have all articles and target summery each in a file, line-breaker seperated, the steps to preprocess the data are:\n", + "1. sentence tokenization\n", + "2. word tokenization\n", + "3. label the sentences in the article with 1 meaning the sentence is selected and 0 meaning the sentence is not selected. The options for the selection algorithms are \"greedy\" and \"combination\"\n", + "3. convert each example to BertSum format\n", + " - filter the sentences in the example based on the min_src_ntokens argument. If the lefted total sentence number is less than min_nsents, the example is discarded.\n", + " - truncate the sentences in the example if the length is greater than max_src_ntokens\n", + " - truncate the sentences in the example and the labels if the totle number of sentences is greater than max_nsents\n", + " - [CLS] and [SEP] are inserted before and after each sentence\n", + " - wordPiece tokenization\n", + " - truncate the example to 512 tokens\n", + " - convert the tokens into token indices corresponding to the BERT tokenizer's vocabulary.\n", + " - segment ids are generated\n", + " - [CLS] token positions are logged\n", + " - [CLS] token labels are truncated if it's greater than 512, which is the maximum input length that can be taken by the BERT model.\n", + " \n", + " \n", + "Note that the original BERTSum paper use Stanford CoreNLP for data proprocessing, here we'll first how to use NLTK version, and then we also provide instruction of how to set up Stanford NLP and code examples of how to use Standford CoreNLP. " ] }, { "cell_type": "code", - "execution_count": 3, + "execution_count": 5, "metadata": { "scrolled": true }, @@ -71,79 +215,137 @@ } ], "source": [ - "from data_preprocessing import harvardnlp_cnndm_preprocess, bertsum_formatting" + "from utils_nlp.dataset.harvardnlp_cnndm import harvardnlp_cnndm_preprocess\n", + "from utils_nlp.models.bert.extractive_text_summarization import bertsum_formatting" ] }, { - "cell_type": "markdown", + "cell_type": "code", + "execution_count": 6, "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 3 µs, sys: 1 µs, total: 4 µs\n", + "Wall time: 6.68 µs\n" + ] + } + ], "source": [ - "Functions defined specific in harvardnlp_cnndm_preprocess function are unique to CNN/DM dataset that's processed by harvardnlp. However, it provides a skeleton of how to preprocessing data into the format that BertSum takes. Assuming you have all articles and target summery each in a file, line seperated, the steps to preprocess the data are:\n", - "1. sentence tokenization\n", - "2. word tokenization\n", - "3. format to bertdata\n", - " - use algorithms to label the sentences in the article with 1 meaning the sentence is selected\n", - " 2. [CLS] and [SEP] are inserted before and after each sentence\n", - " 3. segment ids are inserted\n", - " 4. [CLS] token position are logged\n" + "%%time\n", + "max_train_job_number = -1\n", + "max_test_job_number = -1\n", + "if QUICK_RUN:\n", + " max_train_job_number = 100\n", + " max_test_job_number = 10" ] }, { "cell_type": "code", - "execution_count": 35, + "execution_count": 7, "metadata": {}, "outputs": [], "source": [ - "QUICK_RUN = True\n", - "max_job_number = -1\n", - "#if QUICK_RUN:\n", - "# max_job_number = 100" + "output_file = f\"./harvardnlp_cnndm/test.bertdata_{QUICK_RUN}\" " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Preprocess training data" ] }, { "cell_type": "code", - "execution_count": 43, + "execution_count": 14, "metadata": {}, "outputs": [ { - "name": "stderr", + "name": "stdout", "output_type": "stream", "text": [ - "[2019-10-03 13:53:40,310 INFO] loading vocabulary file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at /home/daden/.pytorch_pretrained_bert/26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + "total length of training data: 100\n", + "CPU times: user 3.14 s, sys: 1.63 s, total: 4.77 s\n", + "Wall time: 41.1 s\n" ] - }, + } + ], + "source": [ + "%%time\n", + "TRAIN_SRC_FILE = \"./harvardnlp_cnndm/train.txt.src\"\n", + "TRAIN_TGT_FILE = \"./harvardnlp_cnndm/train.txt.tgt.tagged\"\n", + "PROCESSED_TRAIN_FILE = f\"./harvardnlp_cnndm/train.bertdata_{QUICK_RUN}\" \n", + "import multiprocessing\n", + "n_cpus = multiprocessing.cpu_count() - 1\n", + "jobs = harvardnlp_cnndm_preprocess(n_cpus, TRAIN_SRC_FILE, TRAIN_TGT_FILE, max_train_job_number)\n", + "print(\"total length of training data:\", len(jobs))\n", + "from prepro.data_builder import BertData\n", + "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", + "default_preprocessing_parameters = {\"max_nsents\": 200, \"max_src_ntokens\": 2000, \"min_nsents\": 3, \"min_src_ntokens\": 5, \"use_interval\": True}\n", + "args=Bunch(default_preprocessing_parameters)\n", + "bertdata = BertData(args)\n", + "bertsum_formatting(n_cpus, bertdata,\"combination\", jobs[0:max_train_job_number], PROCESSED_TRAIN_FILE)\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Preprocess test data" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "total length of training data: 11490\n" + "total length of training data: 10\n", + "CPU times: user 2.9 s, sys: 1.59 s, total: 4.49 s\n", + "Wall time: 5.12 s\n" ] } ], "source": [ - "train_src_file = \"./harvardnlp_cnndm/test.txt.src\"\n", - "train_tgt_file = \"./harvardnlp_cnndm/test.txt.tgt.tagged\"\n", + "%%time\n", + "TEST_SRC_FILE = \"./harvardnlp_cnndm/test.txt.src\"\n", + "TEST_TGT_FILE = \"./harvardnlp_cnndm/test.txt.tgt.tagged\"\n", + "PROCESSED_TEST_FILE = f\"./harvardnlp_cnndm/test.bertdata_{QUICK_RUN}\" \n", "import multiprocessing\n", "n_cpus = multiprocessing.cpu_count() - 1\n", - "jobs = harvardnlp_cnndm_preprocess(n_cpus, train_src_file, train_tgt_file)\n", + "jobs = harvardnlp_cnndm_preprocess(n_cpus, TRAIN_SRC_FILE, TRAIN_TGT_FILE, max_test_job_number)\n", "print(\"total length of training data:\", len(jobs))\n", "from prepro.data_builder import BertData\n", - "from bertsum_config import args\n", - "output_file = \"./harvardnlp_cnndm/test.bertdata\"\n", + "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", + "default_preprocessing_parameters = {\"max_nsents\": 200, \"max_src_ntokens\": 2000, \"min_nsents\": 3, \"min_src_ntokens\": 5, \"use_interval\": True}\n", + "args=Bunch(default_preprocessing_parameters)\n", "bertdata = BertData(args)\n", - "bertsum_formatting(n_cpus, bertdata,\"combination\", jobs[0:max_job_number], output_file)" + "bertsum_formatting(n_cpus, bertdata,\"combination\", jobs[0:max_test_job_number], PROCESSED_TEST_FILE)\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Inspect the data" ] }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 16, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "287085\n" + "100\n" ] }, { @@ -152,91 +354,581 @@ "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" ] }, - "execution_count": 6, + "execution_count": 16, "metadata": {}, "output_type": "execute_result" } ], "source": [ "import torch\n", - "bert_format_data = torch.load(\"./bert_train_data_all_none_excluded\")\n", + "bert_format_data = torch.load(PROCESSED_TRAIN_FILE)\n", "print(len(bert_format_data))\n", - "bert_format_data[0].keys()" + "bert_format_data[0].keys()\n" ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 17, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "\"mentally ill inmates in miami are housed on the `` forgotten floor `` judge steven leifman says most are there as a result of `` avoidable felonies `` while cnn tours facility , patient shouts : `` i am the son of the president `` leifman says the system is unjust and he 's fighting for change .\"" + "[101,\n", + " 3559,\n", + " 1005,\n", + " 1055,\n", + " 3602,\n", + " 1024,\n", + " 1999,\n", + " 2256,\n", + " 2369,\n", + " 1996,\n", + " 5019,\n", + " 2186,\n", + " 1010,\n", + " 13229,\n", + " 11370,\n", + " 2015,\n", + " 3745,\n", + " 2037,\n", + " 6322,\n", + " 1999,\n", + " 5266,\n", + " 2739,\n", + " 1998,\n", + " 17908,\n", + " 1996,\n", + " 3441,\n", + " 2369,\n", + " 1996,\n", + " 2824,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2182,\n", + " 1010,\n", + " 7082,\n", + " 14697,\n", + " 1051,\n", + " 1005,\n", + " 9848,\n", + " 3138,\n", + " 5198,\n", + " 2503,\n", + " 1037,\n", + " 7173,\n", + " 2073,\n", + " 2116,\n", + " 1997,\n", + " 1996,\n", + " 13187,\n", + " 2024,\n", + " 10597,\n", + " 5665,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2019,\n", + " 24467,\n", + " 7431,\n", + " 2006,\n", + " 1996,\n", + " 1036,\n", + " 1036,\n", + " 6404,\n", + " 2723,\n", + " 1010,\n", + " 1036,\n", + " 1036,\n", + " 2073,\n", + " 2116,\n", + " 10597,\n", + " 5665,\n", + " 13187,\n", + " 2024,\n", + " 7431,\n", + " 1999,\n", + " 5631,\n", + " 2077,\n", + " 3979,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 5631,\n", + " 1010,\n", + " 3516,\n", + " 1006,\n", + " 13229,\n", + " 1007,\n", + " 1011,\n", + " 1011,\n", + " 1996,\n", + " 6619,\n", + " 2723,\n", + " 1997,\n", + " 1996,\n", + " 5631,\n", + " 1011,\n", + " 27647,\n", + " 3653,\n", + " 18886,\n", + " 2389,\n", + " 12345,\n", + " 4322,\n", + " 2003,\n", + " 9188,\n", + " 1996,\n", + " 1036,\n", + " 1036,\n", + " 6404,\n", + " 2723,\n", + " 1012,\n", + " 1036,\n", + " 1036,\n", + " 102,\n", + " 101,\n", + " 2182,\n", + " 1010,\n", + " 13187,\n", + " 2007,\n", + " 1996,\n", + " 2087,\n", + " 5729,\n", + " 5177,\n", + " 24757,\n", + " 2024,\n", + " 23995,\n", + " 2127,\n", + " 2027,\n", + " 1005,\n", + " 2128,\n", + " 3201,\n", + " 2000,\n", + " 3711,\n", + " 1999,\n", + " 2457,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2087,\n", + " 2411,\n", + " 1010,\n", + " 2027,\n", + " 2227,\n", + " 4319,\n", + " 5571,\n", + " 2030,\n", + " 5571,\n", + " 1997,\n", + " 6101,\n", + " 2075,\n", + " 2019,\n", + " 2961,\n", + " 1011,\n", + " 1011,\n", + " 5571,\n", + " 2008,\n", + " 3648,\n", + " 7112,\n", + " 26947,\n", + " 16715,\n", + " 2319,\n", + " 2758,\n", + " 2024,\n", + " 2788,\n", + " 1036,\n", + " 1036,\n", + " 4468,\n", + " 3085,\n", + " 10768,\n", + " 7811,\n", + " 3111,\n", + " 1012,\n", + " 1036,\n", + " 1036,\n", + " 102,\n", + " 101,\n", + " 2002,\n", + " 2758,\n", + " 1996,\n", + " 17615,\n", + " 2411,\n", + " 2765,\n", + " 2013,\n", + " 13111,\n", + " 2015,\n", + " 2007,\n", + " 2610,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 10597,\n", + " 5665,\n", + " 2111,\n", + " 2411,\n", + " 24185,\n", + " 1050,\n", + " 1005,\n", + " 1056,\n", + " 2079,\n", + " 2054,\n", + " 2027,\n", + " 1005,\n", + " 2128,\n", + " 2409,\n", + " 2043,\n", + " 2610,\n", + " 7180,\n", + " 2006,\n", + " 1996,\n", + " 3496,\n", + " 1011,\n", + " 1011,\n", + " 13111,\n", + " 3849,\n", + " 2000,\n", + " 4654,\n", + " 10732,\n", + " 28483,\n", + " 2618,\n", + " 2037,\n", + " 7355,\n", + " 1998,\n", + " 2027,\n", + " 2468,\n", + " 2062,\n", + " 19810,\n", + " 1010,\n", + " 3972,\n", + " 14499,\n", + " 2389,\n", + " 1010,\n", + " 1998,\n", + " 2625,\n", + " 3497,\n", + " 2000,\n", + " 3582,\n", + " 7826,\n", + " 1010,\n", + " 2429,\n", + " 2000,\n", + " 26947,\n", + " 16715,\n", + " 2319,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2061,\n", + " 1010,\n", + " 2027,\n", + " 2203,\n", + " 2039,\n", + " 2006,\n", + " 1996,\n", + " 6619,\n", + " 2723,\n", + " 8949,\n", + " 10597,\n", + " 12491,\n", + " 1010,\n", + " 2021,\n", + " 2025,\n", + " 2893,\n", + " 2151,\n", + " 2613,\n", + " 2393,\n", + " 2138,\n", + " 2027,\n", + " 1005,\n", + " 2128,\n", + " 1999,\n", + " 7173,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2057,\n", + " 7255,\n", + " 1996,\n", + " 7173,\n", + " 2007,\n", + " 26947,\n", + " 16715,\n", + " 2319,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2002,\n", + " 2003,\n", + " 2092,\n", + " 2124,\n", + " 1999,\n", + " 5631,\n", + " 2004,\n", + " 2019,\n", + " 8175,\n", + " 2005,\n", + " 3425,\n", + " 1998,\n", + " 1996,\n", + " 10597,\n", + " 5665,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2130,\n", + " 2295,\n", + " 2057,\n", + " 2020,\n", + " 2025,\n", + " 3599,\n", + " 10979,\n", + " 2007,\n", + " 2330,\n", + " 2608,\n", + " 2011,\n", + " 1996,\n", + " 4932,\n", + " 1010,\n", + " 2057,\n", + " 2020,\n", + " 2445,\n", + " 6656,\n", + " 2000,\n", + " 5607,\n", + " 2678,\n", + " 2696,\n", + " 5051,\n", + " 1998,\n", + " 2778,\n", + " 1996,\n", + " 2723,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2175,\n", + " 2503,\n", + " 1996,\n", + " 1036,\n", + " 6404,\n", + " 2723,\n", + " 1005,\n", + " 1036,\n", + " 1036,\n", + " 2012,\n", + " 2034,\n", + " 1010,\n", + " 2009,\n", + " 1005,\n", + " 1055,\n", + " 2524,\n", + " 2000,\n", + " 5646,\n", + " 2073,\n", + " 1996,\n", + " 2111,\n", + " 2024,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 1996,\n", + " 5895,\n", + " 2024,\n", + " 4147,\n", + " 10353,\n", + " 3238,\n", + " 17925,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 5674,\n", + " 6276,\n", + " 8198,\n", + " 2005,\n", + " 2608,\n", + " 1998,\n", + " 2519,\n", + " 1999,\n", + " 1037,\n", + " 3082,\n", + " 12121,\n", + " 5777,\n", + " 4524,\n", + " 1011,\n", + " 1011,\n", + " 2008,\n", + " 1005,\n", + " 1055,\n", + " 2785,\n", + " 1997,\n", + " 2054,\n", + " 2027,\n", + " 2298,\n", + " 2066,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2027,\n", + " 1005,\n", + " 2128,\n", + " 2881,\n", + " 2000,\n", + " 2562,\n", + " 1996,\n", + " 10597,\n", + " 5665,\n", + " 5022,\n", + " 2013,\n", + " 22736,\n", + " 3209,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2008,\n", + " 1005,\n", + " 1055,\n", + " 2036,\n", + " 2339,\n", + " 2027,\n", + " 2031,\n", + " 2053,\n", + " 6007,\n", + " 1010,\n", + " 12922,\n", + " 2015,\n", + " 2030,\n", + " 13342,\n", + " 2229,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 26947,\n", + " 16715,\n", + " 2319,\n", + " 2758,\n", + " 2055,\n", + " 2028,\n", + " 1011,\n", + " 2353,\n", + " 1997,\n", + " 2035,\n", + " 2111,\n", + " 1999,\n", + " 5631,\n", + " 1011,\n", + " 27647,\n", + " 2221,\n", + " 7173,\n", + " 2015,\n", + " 2024,\n", + " 10597,\n", + " 5665,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2061,\n", + " 1010,\n", + " 2002,\n", + " 2758,\n", + " 1010,\n", + " 1996,\n", + " 11591,\n", + " 3872,\n", + " 2003,\n", + " 10827,\n", + " 1996,\n", + " 2291,\n", + " 1010,\n", + " 1998,\n", + " 1996,\n", + " 2765,\n", + " 2003,\n", + " 2054,\n", + " 2057,\n", + " 2156,\n", + " 2006,\n", + " 1996,\n", + " 6619,\n", + " 2723,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 1997,\n", + " 2607,\n", + " 1010,\n", + " 2009,\n", + " 2003,\n", + " 1037,\n", + " 7173,\n", + " 1010,\n", + " 2061,\n", + " 2009,\n", + " 1005,\n", + " 1055,\n", + " 2025,\n", + " 4011,\n", + " 2000,\n", + " 2022,\n", + " 4010,\n", + " 1998,\n", + " 16334,\n", + " 1010,\n", + " 2021,\n", + " 1996,\n", + " 4597,\n", + " 10982,\n", + " 1010,\n", + " 1996,\n", + " 4442,\n", + " 2024,\n", + " 4714,\n", + " 1998,\n", + " 2009,\n", + " 1005,\n", + " 102]" ] }, - "execution_count": 7, + "execution_count": 17, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "bert_format_data[0]['tgt_txt']" + "bert_format_data[0]['src']" ] }, { "cell_type": "code", - "execution_count": 8, - "metadata": { - "scrolled": true - }, + "execution_count": 21, + "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "[0,\n", - " 31,\n", - " 54,\n", - " 80,\n", - " 119,\n", - " 142,\n", - " 180,\n", - " 194,\n", - " 250,\n", - " 278,\n", - " 289,\n", - " 307,\n", - " 337,\n", - " 362,\n", - " 372,\n", - " 399,\n", - " 415,\n", - " 433,\n", - " 457,\n", - " 484]" + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" ] }, - "execution_count": 8, + "execution_count": 21, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "bert_format_data[0]['clss']" + "bert_format_data[0]['tgt_txt']" ] }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 22, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "[0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]" + "[0, 1, 1, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]" ] }, - "execution_count": 9, + "execution_count": 22, "metadata": {}, "output_type": "execute_result" } @@ -247,58 +939,32 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 23, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "[\"editor 's note : in our behind the scenes series , cnn correspondents share their experiences in covering news and analyze the stories behind the events .\",\n", - " \"here , soledad o'brien takes users inside a jail where many of the inmates are mentally ill .\",\n", - " 'an inmate housed on the `` forgotten floor , `` where many mentally ill inmates are housed in miami before trial .',\n", - " 'miami , florida -lrb- cnn -rrb- -- the ninth floor of the miami-dade pretrial detention facility is dubbed the `` forgotten floor . ``',\n", - " \"here , inmates with the most severe mental illnesses are incarcerated until they 're ready to appear in court .\",\n", - " 'most often , they face drug charges or charges of assaulting an officer -- charges that judge steven leifman says are usually `` avoidable felonies . ``',\n", - " 'he says the arrests often result from confrontations with police .',\n", - " \"mentally ill people often wo n't do what they 're told when police arrive on the scene -- confrontation seems to exacerbate their illness and they become more paranoid , delusional , and less likely to follow directions , according to leifman .\",\n", - " \"so , they end up on the ninth floor severely mentally disturbed , but not getting any real help because they 're in jail .\",\n", - " 'we toured the jail with leifman .',\n", - " 'he is well known in miami as an advocate for justice and the mentally ill .',\n", - " 'even though we were not exactly welcomed with open arms by the guards , we were given permission to shoot videotape and tour the floor .',\n", - " \"go inside the ` forgotten floor ' `` at first , it 's hard to determine where the people are .\",\n", - " 'the prisoners are wearing sleeveless robes .',\n", - " \"imagine cutting holes for arms and feet in a heavy wool sleeping bag -- that 's kind of what they look like .\",\n", - " \"they 're designed to keep the mentally ill patients from injuring themselves .\",\n", - " \"that 's also why they have no shoes , laces or mattresses .\",\n", - " 'leifman says about one-third of all people in miami-dade county jails are mentally ill .',\n", - " 'so , he says , the sheer volume is overwhelming the system , and the result is what we see on the ninth floor .',\n", - " \"of course , it is a jail , so it 's not supposed to be warm and comforting , but the lights glare , the cells are tiny and it 's loud .\",\n", - " 'we see two , sometimes three men -- sometimes in the robes , sometimes naked , lying or sitting in their cells .',\n", - " '`` i am the son of the president .',\n", - " 'you need to get me out of here ! ``',\n", - " 'one man shouts at me .',\n", - " 'he is absolutely serious , convinced that help is on the way -- if only he could reach the white house .',\n", - " 'leifman tells me that these prisoner-patients will often circulate through the system , occasionally stabilizing in a mental hospital , only to return to jail to face their charges .',\n", - " \"it 's brutally unjust , in his mind , and he has become a strong advocate for changing things in miami .\",\n", - " 'over a meal later , we talk about how things got this way for mental patients .',\n", - " 'leifman says 200 years ago people were considered `` lunatics `` and they were locked up in jails even if they had no charges against them .',\n", - " 'they were just considered unfit to be in society .',\n", - " 'over the years , he says , there was some public outcry , and the mentally ill were moved out of jails and into hospitals .',\n", - " 'but leifman says many of these mental hospitals were so horrible they were shut down .',\n", - " 'where did the patients go ?',\n", - " 'they became , in many cases , the homeless , he says .',\n", - " 'they never got treatment .',\n", - " 'leifman says in 1955 there were more than half a million people in state mental hospitals , and today that number has been reduced 90 percent , and 40,000 to 50,000 people are in mental hospitals .',\n", - " \"the judge says he 's working to change this .\",\n", - " 'starting in 2008 , many inmates who would otherwise have been brought to the `` forgotten floor `` will instead be sent to a new mental health facility -- the first step on a journey toward long-term treatment , not just punishment .',\n", - " \"leifman says it 's not the complete answer , but it 's a start .\",\n", - " \"leifman says the best part is that it 's a win-win solution .\",\n", - " 'the patients win , the families are relieved , and the state saves money by simply not cycling these prisoners through again and again .',\n", - " 'and , for leifman , justice is served .',\n", - " 'e-mail to a friend .']" + "['a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .',\n", + " 'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .',\n", + " 'he was flown back to chicago via air ambulance on march 20 , but he died on sunday .',\n", + " 'andrew mogni , 20 , from glen ellyn , illinois , a university of iowa student has died nearly three months after a fall in rome in a suspected robbery',\n", + " 'he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .',\n", + " \"he died on sunday at northwestern memorial hospital - medical examiner 's office spokesman frank shuftan says a cause of death wo n't be released until monday at the earliest .\",\n", + " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed .',\n", + " \"on sunday , his cousin abby wrote online : ` this morning my cousin andrew 's soul was lifted up to heaven .\",\n", + " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed',\n", + " '` at the beginning of january he went to rome to study aboard and on the way home from a party he was brutally attacked and thrown off a 40ft bridge and hit the concrete below .',\n", + " \"` he was in a coma and in critical condition for months . '\",\n", + " 'paula barnett , who said she is a close family friend , told my suburban life , that mogni had only been in the country for six hours when the incident happened .',\n", + " 'she said he was was alone at the time of the alleged assault and personal items were stolen .',\n", + " 'she added that he was in a non-medically induced coma , having suffered serious infection and internal bleeding .',\n", + " 'mogni was a third-year finance major from glen ellyn , ill. , who was participating in a semester-long program at john cabot university .',\n", + " \"mogni belonged to the school 's chapter of the sigma nu fraternity , reports the chicago tribune who posted a sign outside a building reading ` pray for mogni . '\",\n", + " \"the fraternity 's iowa chapter announced sunday afternoon via twitter that a memorial service will be held on campus to remember mogni .\"]" ] }, - "execution_count": 10, + "execution_count": 23, "metadata": {}, "output_type": "execute_result" } @@ -312,61 +978,78 @@ "metadata": {}, "source": [ "### Model training\n", - "To start model training, we need to create a instance of BertSumExtractiveSummarizer, a wrapper for running BertSum-based finetuning. You can select any device ID on your machine, but make sure that you include the string version of the device ID in the gpu_ranks argument. Some of the default argument of BertSumExtractiveSummarizer is in bertsum_config file.\n", + "To start model training, we need to create a instance of BertSumExtractiveSummarizer, a wrapper for running BertSum-based finetuning. You can select any device ID on your machine, but make sure that you include the string version of the device ID in the gpu_ranks argument.\n", "\n", "\n" ] }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 20, "metadata": {}, "outputs": [], "source": [ - "from extractive_text_summerization import BertSumExtractiveSummarizer" + "## choose which GPU device to use\n", + "device_id = 1\n", + "gpu_ranks = str(device_id)" ] }, { - "cell_type": "code", - "execution_count": 5, + "cell_type": "markdown", "metadata": {}, - "outputs": [], "source": [ - "device_id = 2\n", - "gpu_ranks = str(device_id)" + "#### Choose the encoder algorithm. There are four options:\n", + "- baseline: it used a smaller transformer model to replace the bert model and with transformer summarization layer\n", + "- classifier: it uses pretrained BERT and fine-tune BERT with **simple logistic classification** summarization layer\n", + "- transformer: it uses pretrained BERT and fine-tune BERT with **transformer** summarization layer\n", + "- RNN: it uses pretrained BERT and fine-tune BERT with **LSTM** summarization layer" ] }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 21, "metadata": {}, "outputs": [], "source": [ + "encoder = 'baseline'\n", "model_base_path = './models/'\n", "log_base_path = './logs/'\n", - "encoder = 'baseline'\n", + "result_base_path = './results'\n", + "\n", + "BERT_CONFIG_PATH = \"/dadendev/nlp/BertSum/bert_config_uncased_base.json\"\n", + "\n", + "import os\n", + "if not os.path.exists(model_base_path):\n", + " os.makedirs(model_base_path)\n", + "if not os.path.exists(log_base_path):\n", + " os.makedirs(log_base_path)\n", + "if not os.path.exists(result_base_path):\n", + " os.makedirs(result_base_path)\n", + " \n", "from random import random\n", "random_number = random()" ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 22, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "['2']\n", - "{2: 0}\n" + "['1']\n", + "{1: 0}\n" ] } ], "source": [ + "from utils_nlp.models.bert.extractive_text_summarization import BertSumExtractiveSummarizer\n", "bertsum_model = BertSumExtractiveSummarizer(encoder = 'baseline', \n", " model_path = model_base_path+encoder+str(random_number),\n", " log_file = log_base_path+encoder+str(random_number),\n", + " bert_config_path=BERT_CONFIG_PATH,\n", " device_id = device_id,\n", " gpu_ranks = gpu_ranks,)" ] @@ -378,393 +1061,40 @@ "Here we use the fully processed CNN/DM dataset to train the model. During the training, you can stop any time and retrain from the previous saved checkpoint." ] }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": {}, + "outputs": [], + "source": [ + "USE_PREPROCESSED_DATA = True" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": {}, + "outputs": [], + "source": [ + "if USE_PREPROCESSED_DATA is True:\n", + " PROCESSED_TRAIN_FILE = './bert_train_data_all_none_excluded'\n", + " training_data_files = [PROCESSED_TRAIN_FILE]\n", + "else: \n", + " BERT_DATA_PATH=\"/dadendev/BertSum/bert_data/\"\n", + " import glob\n", + " pts = sorted(glob.glob(BERT_DATA_PATH + 'cnndm.train' + '.[0-9]*.pt'))\n", + " training_data_files = pts" + ] + }, { "cell_type": "code", "execution_count": null, "metadata": { "scrolled": true }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-03 05:08:36,132 INFO] Device ID 2\n", - "[2019-10-03 05:08:36,136 INFO] loading archive file /dadendev/textsum/temp/bert-base-uncased\n", - "[2019-10-03 05:08:36,137 INFO] Model config {\n", - " \"attention_probs_dropout_prob\": 0.1,\n", - " \"hidden_act\": \"gelu\",\n", - " \"hidden_dropout_prob\": 0.1,\n", - " \"hidden_size\": 768,\n", - " \"initializer_range\": 0.02,\n", - " \"intermediate_size\": 3072,\n", - " \"max_position_embeddings\": 512,\n", - " \"num_attention_heads\": 12,\n", - " \"num_hidden_layers\": 12,\n", - " \"type_vocab_size\": 2,\n", - " \"vocab_size\": 30522\n", - "}\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{'min_nsents': 3, 'max_nsents': 100, 'max_src_ntokens': 200, 'min_src_ntokens': 10, 'oracle_mode': 'combination', 'temp_dir': './temp', 'param_init': 0.0, 'param_init_glorot': True, 'dropout': 0.1, 'optim': 'adam', 'lr': 0.002, 'beta1': 0.9, 'beta2': 0.999, 'decay_method': 'noam', 'max_grad_norm': 0, 'use_interval': True, 'accum_count': 2, 'report_every': 50, 'save_checkpoint_steps': 500, 'batch_size': 3000, 'warmup_steps': 10000, 'block_trigram': True, 'recall_eval': False, 'report_rouge': True, 'encoder': 'baseline', 'hidden_size': 128, 'ff_size': 512, 'heads': 4, 'inter_layers': 2, 'rnn_size': 512, 'world_size': 1, 'visible_gpus': '0', 'gpu_ranks': '2', 'seed': 42, 'test_all': False, 'train_from': '', 'test_from': '', 'mode': 'train', 'model_path': './models/baseline0.7355433644584792', 'log_file': './logs/baseline0.7355433644584792', 'bert_config_path': './bert_config_uncased_base.json', 'worls_size': 1, 'gpu_ranks_map': {2: 0}}\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-03 05:08:38,152 INFO] Summarizer(\n", - " (bert): Bert(\n", - " (model): BertModel(\n", - " (embeddings): BertEmbeddings(\n", - " (word_embeddings): Embedding(30522, 128, padding_idx=0)\n", - " (position_embeddings): Embedding(512, 128)\n", - " (token_type_embeddings): Embedding(2, 128)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " (encoder): BertEncoder(\n", - " (layer): ModuleList(\n", - " (0): BertLayer(\n", - " (attention): BertAttention(\n", - " (self): BertSelfAttention(\n", - " (query): Linear(in_features=128, out_features=128, bias=True)\n", - " (key): Linear(in_features=128, out_features=128, bias=True)\n", - " (value): Linear(in_features=128, out_features=128, bias=True)\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " (output): BertSelfOutput(\n", - " (dense): Linear(in_features=128, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (intermediate): BertIntermediate(\n", - " (dense): Linear(in_features=128, out_features=512, bias=True)\n", - " )\n", - " (output): BertOutput(\n", - " (dense): Linear(in_features=512, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (1): BertLayer(\n", - " (attention): BertAttention(\n", - " (self): BertSelfAttention(\n", - " (query): Linear(in_features=128, out_features=128, bias=True)\n", - " (key): Linear(in_features=128, out_features=128, bias=True)\n", - " (value): Linear(in_features=128, out_features=128, bias=True)\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " (output): BertSelfOutput(\n", - " (dense): Linear(in_features=128, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (intermediate): BertIntermediate(\n", - " (dense): Linear(in_features=128, out_features=512, bias=True)\n", - " )\n", - " (output): BertOutput(\n", - " (dense): Linear(in_features=512, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (2): BertLayer(\n", - " (attention): BertAttention(\n", - " (self): BertSelfAttention(\n", - " (query): Linear(in_features=128, out_features=128, bias=True)\n", - " (key): Linear(in_features=128, out_features=128, bias=True)\n", - " (value): Linear(in_features=128, out_features=128, bias=True)\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " (output): BertSelfOutput(\n", - " (dense): Linear(in_features=128, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (intermediate): BertIntermediate(\n", - " (dense): Linear(in_features=128, out_features=512, bias=True)\n", - " )\n", - " (output): BertOutput(\n", - " (dense): Linear(in_features=512, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (3): BertLayer(\n", - " (attention): BertAttention(\n", - " (self): BertSelfAttention(\n", - " (query): Linear(in_features=128, out_features=128, bias=True)\n", - " (key): Linear(in_features=128, out_features=128, bias=True)\n", - " (value): Linear(in_features=128, out_features=128, bias=True)\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " (output): BertSelfOutput(\n", - " (dense): Linear(in_features=128, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (intermediate): BertIntermediate(\n", - " (dense): Linear(in_features=128, out_features=512, bias=True)\n", - " )\n", - " (output): BertOutput(\n", - " (dense): Linear(in_features=512, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (4): BertLayer(\n", - " (attention): BertAttention(\n", - " (self): BertSelfAttention(\n", - " (query): Linear(in_features=128, out_features=128, bias=True)\n", - " (key): Linear(in_features=128, out_features=128, bias=True)\n", - " (value): Linear(in_features=128, out_features=128, bias=True)\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " (output): BertSelfOutput(\n", - " (dense): Linear(in_features=128, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (intermediate): BertIntermediate(\n", - " (dense): Linear(in_features=128, out_features=512, bias=True)\n", - " )\n", - " (output): BertOutput(\n", - " (dense): Linear(in_features=512, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (5): BertLayer(\n", - " (attention): BertAttention(\n", - " (self): BertSelfAttention(\n", - " (query): Linear(in_features=128, out_features=128, bias=True)\n", - " (key): Linear(in_features=128, out_features=128, bias=True)\n", - " (value): Linear(in_features=128, out_features=128, bias=True)\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " (output): BertSelfOutput(\n", - " (dense): Linear(in_features=128, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " (intermediate): BertIntermediate(\n", - " (dense): Linear(in_features=128, out_features=512, bias=True)\n", - " )\n", - " (output): BertOutput(\n", - " (dense): Linear(in_features=512, out_features=128, bias=True)\n", - " (LayerNorm): BertLayerNorm()\n", - " (dropout): Dropout(p=0.1)\n", - " )\n", - " )\n", - " )\n", - " )\n", - " (pooler): BertPooler(\n", - " (dense): Linear(in_features=128, out_features=128, bias=True)\n", - " (activation): Tanh()\n", - " )\n", - " )\n", - " )\n", - " (encoder): Classifier(\n", - " (linear1): Linear(in_features=128, out_features=1, bias=True)\n", - " (sigmoid): Sigmoid()\n", - " )\n", - ")\n", - "[2019-10-03 05:08:38,157 INFO] * number of parameters: 5179137\n", - "[2019-10-03 05:08:38,158 INFO] Start training...\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "device_id 2\n", - "gpu_rank 0\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-03 05:09:21,414 INFO] Step 50/50000; xent: 4.22; lr: 0.0000001; 243 docs/s; 4 sec\n", - "[2019-10-03 05:09:25,293 INFO] Step 100/50000; xent: 4.15; lr: 0.0000002; 257 docs/s; 8 sec\n", - "[2019-10-03 05:09:29,123 INFO] Step 150/50000; xent: 4.15; lr: 0.0000003; 262 docs/s; 12 sec\n", - "[2019-10-03 05:09:32,985 INFO] Step 200/50000; xent: 3.98; lr: 0.0000004; 262 docs/s; 16 sec\n", - "[2019-10-03 05:09:36,827 INFO] Step 250/50000; xent: 3.93; lr: 0.0000005; 261 docs/s; 20 sec\n", - "[2019-10-03 05:09:40,678 INFO] Step 300/50000; xent: 3.90; lr: 0.0000006; 260 docs/s; 23 sec\n", - "[2019-10-03 05:09:44,546 INFO] Step 350/50000; xent: 3.86; lr: 0.0000007; 260 docs/s; 27 sec\n", - "[2019-10-03 05:09:48,368 INFO] Step 400/50000; xent: 3.78; lr: 0.0000008; 264 docs/s; 31 sec\n", - "[2019-10-03 05:09:52,208 INFO] Step 450/50000; xent: 3.81; lr: 0.0000009; 263 docs/s; 35 sec\n", - "[2019-10-03 05:09:56,065 INFO] Step 500/50000; xent: 3.78; lr: 0.0000010; 260 docs/s; 39 sec\n", - "[2019-10-03 05:09:56,068 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_500.pt\n", - "[2019-10-03 05:09:59,995 INFO] Step 550/50000; xent: 3.75; lr: 0.0000011; 257 docs/s; 43 sec\n", - "[2019-10-03 05:10:03,842 INFO] Step 600/50000; xent: 3.86; lr: 0.0000012; 262 docs/s; 47 sec\n", - "[2019-10-03 05:10:07,709 INFO] Step 650/50000; xent: 3.90; lr: 0.0000013; 260 docs/s; 50 sec\n", - "[2019-10-03 05:10:11,557 INFO] Step 700/50000; xent: 3.85; lr: 0.0000014; 258 docs/s; 54 sec\n", - "[2019-10-03 05:10:15,402 INFO] Step 750/50000; xent: 3.80; lr: 0.0000015; 261 docs/s; 58 sec\n", - "[2019-10-03 05:10:19,262 INFO] Step 800/50000; xent: 3.67; lr: 0.0000016; 258 docs/s; 62 sec\n", - "[2019-10-03 05:10:23,152 INFO] Step 850/50000; xent: 3.80; lr: 0.0000017; 258 docs/s; 66 sec\n", - "[2019-10-03 05:10:27,028 INFO] Step 900/50000; xent: 3.62; lr: 0.0000018; 259 docs/s; 70 sec\n", - "[2019-10-03 05:10:30,952 INFO] Step 950/50000; xent: 3.60; lr: 0.0000019; 256 docs/s; 74 sec\n", - "[2019-10-03 05:10:34,807 INFO] Step 1000/50000; xent: 3.72; lr: 0.0000020; 259 docs/s; 78 sec\n", - "[2019-10-03 05:10:34,810 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_1000.pt\n", - "[2019-10-03 05:10:38,752 INFO] Step 1050/50000; xent: 3.71; lr: 0.0000021; 256 docs/s; 81 sec\n", - "[2019-10-03 05:10:42,601 INFO] Step 1100/50000; xent: 3.75; lr: 0.0000022; 259 docs/s; 85 sec\n", - "[2019-10-03 05:10:46,454 INFO] Step 1150/50000; xent: 3.62; lr: 0.0000023; 264 docs/s; 89 sec\n", - "[2019-10-03 05:10:50,300 INFO] Step 1200/50000; xent: 3.65; lr: 0.0000024; 262 docs/s; 93 sec\n", - "[2019-10-03 05:10:54,154 INFO] Step 1250/50000; xent: 3.64; lr: 0.0000025; 258 docs/s; 97 sec\n", - "[2019-10-03 05:10:58,037 INFO] Step 1300/50000; xent: 3.57; lr: 0.0000026; 257 docs/s; 101 sec\n", - "[2019-10-03 05:11:01,903 INFO] Step 1350/50000; xent: 3.69; lr: 0.0000027; 261 docs/s; 105 sec\n", - "[2019-10-03 05:11:05,751 INFO] Step 1400/50000; xent: 3.71; lr: 0.0000028; 257 docs/s; 108 sec\n", - "[2019-10-03 05:11:09,598 INFO] Step 1450/50000; xent: 3.74; lr: 0.0000029; 260 docs/s; 112 sec\n", - "[2019-10-03 05:11:13,456 INFO] Step 1500/50000; xent: 3.68; lr: 0.0000030; 260 docs/s; 116 sec\n", - "[2019-10-03 05:11:13,459 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_1500.pt\n", - "[2019-10-03 05:11:17,396 INFO] Step 1550/50000; xent: 3.65; lr: 0.0000031; 255 docs/s; 120 sec\n", - "[2019-10-03 05:11:21,246 INFO] Step 1600/50000; xent: 3.70; lr: 0.0000032; 262 docs/s; 124 sec\n", - "[2019-10-03 05:11:25,090 INFO] Step 1650/50000; xent: 3.57; lr: 0.0000033; 262 docs/s; 128 sec\n", - "[2019-10-03 05:11:28,940 INFO] Step 1700/50000; xent: 3.57; lr: 0.0000034; 261 docs/s; 132 sec\n", - "[2019-10-03 05:11:32,805 INFO] Step 1750/50000; xent: 3.59; lr: 0.0000035; 258 docs/s; 136 sec\n", - "[2019-10-03 05:11:36,677 INFO] Step 1800/50000; xent: 3.61; lr: 0.0000036; 261 docs/s; 139 sec\n", - "[2019-10-03 05:11:40,549 INFO] Step 1850/50000; xent: 3.57; lr: 0.0000037; 260 docs/s; 143 sec\n", - "[2019-10-03 05:11:44,450 INFO] Step 1900/50000; xent: 3.58; lr: 0.0000038; 260 docs/s; 147 sec\n", - "[2019-10-03 05:11:48,317 INFO] Step 1950/50000; xent: 3.59; lr: 0.0000039; 259 docs/s; 151 sec\n", - "[2019-10-03 05:11:52,169 INFO] Step 2000/50000; xent: 3.56; lr: 0.0000040; 262 docs/s; 155 sec\n", - "[2019-10-03 05:11:52,172 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_2000.pt\n", - "[2019-10-03 05:11:56,126 INFO] Step 2050/50000; xent: 3.50; lr: 0.0000041; 251 docs/s; 159 sec\n", - "[2019-10-03 05:11:59,990 INFO] Step 2100/50000; xent: 3.52; lr: 0.0000042; 262 docs/s; 163 sec\n", - "[2019-10-03 05:12:03,845 INFO] Step 2150/50000; xent: 3.55; lr: 0.0000043; 262 docs/s; 167 sec\n", - "[2019-10-03 05:12:07,690 INFO] Step 2200/50000; xent: 3.51; lr: 0.0000044; 262 docs/s; 170 sec\n", - "[2019-10-03 05:12:11,589 INFO] Step 2250/50000; xent: 3.57; lr: 0.0000045; 256 docs/s; 174 sec\n", - "[2019-10-03 05:12:15,474 INFO] Step 2300/50000; xent: 3.53; lr: 0.0000046; 257 docs/s; 178 sec\n", - "[2019-10-03 05:12:19,331 INFO] Step 2350/50000; xent: 3.58; lr: 0.0000047; 261 docs/s; 182 sec\n", - "[2019-10-03 05:12:23,193 INFO] Step 2400/50000; xent: 3.47; lr: 0.0000048; 260 docs/s; 186 sec\n", - "[2019-10-03 05:12:27,052 INFO] Step 2450/50000; xent: 3.46; lr: 0.0000049; 261 docs/s; 190 sec\n", - "[2019-10-03 05:12:30,912 INFO] Step 2500/50000; xent: 3.60; lr: 0.0000050; 256 docs/s; 194 sec\n", - "[2019-10-03 05:12:30,915 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_2500.pt\n", - "[2019-10-03 05:12:34,855 INFO] Step 2550/50000; xent: 3.50; lr: 0.0000051; 251 docs/s; 198 sec\n", - "[2019-10-03 05:12:38,719 INFO] Step 2600/50000; xent: 3.57; lr: 0.0000052; 259 docs/s; 201 sec\n", - "[2019-10-03 05:12:42,576 INFO] Step 2650/50000; xent: 3.52; lr: 0.0000053; 259 docs/s; 205 sec\n", - "[2019-10-03 05:12:46,440 INFO] Step 2700/50000; xent: 3.49; lr: 0.0000054; 258 docs/s; 209 sec\n", - "[2019-10-03 05:12:50,326 INFO] Step 2750/50000; xent: 3.42; lr: 0.0000055; 260 docs/s; 213 sec\n", - "[2019-10-03 05:12:54,214 INFO] Step 2800/50000; xent: 3.57; lr: 0.0000056; 256 docs/s; 217 sec\n", - "[2019-10-03 05:12:58,096 INFO] Step 2850/50000; xent: 3.43; lr: 0.0000057; 260 docs/s; 221 sec\n", - "[2019-10-03 05:13:01,975 INFO] Step 2900/50000; xent: 3.43; lr: 0.0000058; 259 docs/s; 225 sec\n", - "[2019-10-03 05:13:05,873 INFO] Step 2950/50000; xent: 3.43; lr: 0.0000059; 256 docs/s; 229 sec\n", - "[2019-10-03 05:13:09,775 INFO] Step 3000/50000; xent: 3.42; lr: 0.0000060; 258 docs/s; 233 sec\n", - "[2019-10-03 05:13:09,777 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_3000.pt\n", - "[2019-10-03 05:13:13,749 INFO] Step 3050/50000; xent: 3.42; lr: 0.0000061; 254 docs/s; 236 sec\n", - "[2019-10-03 05:13:17,606 INFO] Step 3100/50000; xent: 3.44; lr: 0.0000062; 260 docs/s; 240 sec\n", - "[2019-10-03 05:13:21,446 INFO] Step 3150/50000; xent: 3.48; lr: 0.0000063; 258 docs/s; 244 sec\n", - "[2019-10-03 05:13:25,366 INFO] Step 3200/50000; xent: 3.39; lr: 0.0000064; 256 docs/s; 248 sec\n", - "[2019-10-03 05:13:29,251 INFO] Step 3250/50000; xent: 3.38; lr: 0.0000065; 261 docs/s; 252 sec\n", - "[2019-10-03 05:13:33,113 INFO] Step 3300/50000; xent: 3.53; lr: 0.0000066; 260 docs/s; 256 sec\n", - "[2019-10-03 05:13:36,967 INFO] Step 3350/50000; xent: 3.45; lr: 0.0000067; 259 docs/s; 260 sec\n", - "[2019-10-03 05:13:40,839 INFO] Step 3400/50000; xent: 3.49; lr: 0.0000068; 260 docs/s; 264 sec\n", - "[2019-10-03 05:13:44,729 INFO] Step 3450/50000; xent: 3.42; lr: 0.0000069; 258 docs/s; 267 sec\n", - "[2019-10-03 05:13:48,603 INFO] Step 3500/50000; xent: 3.43; lr: 0.0000070; 260 docs/s; 271 sec\n", - "[2019-10-03 05:13:48,605 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_3500.pt\n", - "[2019-10-03 05:13:52,550 INFO] Step 3550/50000; xent: 3.38; lr: 0.0000071; 252 docs/s; 275 sec\n", - "[2019-10-03 05:13:56,415 INFO] Step 3600/50000; xent: 3.39; lr: 0.0000072; 258 docs/s; 279 sec\n", - "[2019-10-03 05:14:00,290 INFO] Step 3650/50000; xent: 3.34; lr: 0.0000073; 256 docs/s; 283 sec\n", - "[2019-10-03 05:14:04,183 INFO] Step 3700/50000; xent: 3.44; lr: 0.0000074; 261 docs/s; 287 sec\n", - "[2019-10-03 05:14:08,061 INFO] Step 3750/50000; xent: 3.47; lr: 0.0000075; 260 docs/s; 291 sec\n", - "[2019-10-03 05:14:11,937 INFO] Step 3800/50000; xent: 3.43; lr: 0.0000076; 260 docs/s; 295 sec\n", - "[2019-10-03 05:14:15,802 INFO] Step 3850/50000; xent: 3.42; lr: 0.0000077; 258 docs/s; 299 sec\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-03 05:14:19,662 INFO] Step 3900/50000; xent: 3.35; lr: 0.0000078; 258 docs/s; 302 sec\n", - "[2019-10-03 05:14:23,526 INFO] Step 3950/50000; xent: 3.45; lr: 0.0000079; 261 docs/s; 306 sec\n", - "[2019-10-03 05:14:27,364 INFO] Step 4000/50000; xent: 3.43; lr: 0.0000080; 260 docs/s; 310 sec\n", - "[2019-10-03 05:14:27,367 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_4000.pt\n", - "[2019-10-03 05:14:31,280 INFO] Step 4050/50000; xent: 3.49; lr: 0.0000081; 262 docs/s; 314 sec\n", - "[2019-10-03 05:14:35,131 INFO] Step 4100/50000; xent: 3.39; lr: 0.0000082; 260 docs/s; 318 sec\n", - "[2019-10-03 05:14:39,008 INFO] Step 4150/50000; xent: 3.45; lr: 0.0000083; 260 docs/s; 322 sec\n", - "[2019-10-03 05:14:42,872 INFO] Step 4200/50000; xent: 3.45; lr: 0.0000084; 260 docs/s; 326 sec\n", - "[2019-10-03 05:14:46,737 INFO] Step 4250/50000; xent: 3.35; lr: 0.0000085; 261 docs/s; 329 sec\n", - "[2019-10-03 05:14:50,588 INFO] Step 4300/50000; xent: 3.44; lr: 0.0000086; 258 docs/s; 333 sec\n", - "[2019-10-03 05:14:54,445 INFO] Step 4350/50000; xent: 3.45; lr: 0.0000087; 257 docs/s; 337 sec\n", - "[2019-10-03 05:14:58,294 INFO] Step 4400/50000; xent: 3.49; lr: 0.0000088; 262 docs/s; 341 sec\n", - "[2019-10-03 05:15:02,154 INFO] Step 4450/50000; xent: 3.34; lr: 0.0000089; 260 docs/s; 345 sec\n", - "[2019-10-03 05:15:06,021 INFO] Step 4500/50000; xent: 3.36; lr: 0.0000090; 259 docs/s; 349 sec\n", - "[2019-10-03 05:15:06,024 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_4500.pt\n", - "[2019-10-03 05:15:09,950 INFO] Step 4550/50000; xent: 3.39; lr: 0.0000091; 256 docs/s; 353 sec\n", - "[2019-10-03 05:15:13,855 INFO] Step 4600/50000; xent: 3.31; lr: 0.0000092; 258 docs/s; 357 sec\n", - "[2019-10-03 05:15:17,737 INFO] Step 4650/50000; xent: 3.30; lr: 0.0000093; 256 docs/s; 360 sec\n", - "[2019-10-03 05:15:21,638 INFO] Step 4700/50000; xent: 3.34; lr: 0.0000094; 259 docs/s; 364 sec\n", - "[2019-10-03 05:15:25,546 INFO] Step 4750/50000; xent: 3.39; lr: 0.0000095; 258 docs/s; 368 sec\n", - "[2019-10-03 05:15:29,404 INFO] Step 4800/50000; xent: 3.30; lr: 0.0000096; 259 docs/s; 372 sec\n", - "[2019-10-03 05:15:33,268 INFO] Step 4850/50000; xent: 3.32; lr: 0.0000097; 261 docs/s; 376 sec\n", - "[2019-10-03 05:15:37,129 INFO] Step 4900/50000; xent: 3.31; lr: 0.0000098; 264 docs/s; 380 sec\n", - "[2019-10-03 05:15:40,978 INFO] Step 4950/50000; xent: 3.35; lr: 0.0000099; 260 docs/s; 384 sec\n", - "[2019-10-03 05:15:44,885 INFO] Step 5000/50000; xent: 3.36; lr: 0.0000100; 258 docs/s; 388 sec\n", - "[2019-10-03 05:15:44,887 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_5000.pt\n", - "[2019-10-03 05:15:48,912 INFO] Step 5050/50000; xent: 3.29; lr: 0.0000101; 249 docs/s; 392 sec\n", - "[2019-10-03 05:15:52,810 INFO] Step 5100/50000; xent: 3.34; lr: 0.0000102; 255 docs/s; 396 sec\n", - "[2019-10-03 05:15:56,672 INFO] Step 5150/50000; xent: 3.45; lr: 0.0000103; 258 docs/s; 399 sec\n", - "[2019-10-03 05:16:00,539 INFO] Step 5200/50000; xent: 3.39; lr: 0.0000104; 257 docs/s; 403 sec\n", - "[2019-10-03 05:16:04,422 INFO] Step 5250/50000; xent: 3.47; lr: 0.0000105; 259 docs/s; 407 sec\n", - "[2019-10-03 05:16:08,289 INFO] Step 5300/50000; xent: 3.36; lr: 0.0000106; 261 docs/s; 411 sec\n", - "[2019-10-03 05:16:12,141 INFO] Step 5350/50000; xent: 3.40; lr: 0.0000107; 257 docs/s; 415 sec\n", - "[2019-10-03 05:16:16,023 INFO] Step 5400/50000; xent: 3.39; lr: 0.0000108; 259 docs/s; 419 sec\n", - "[2019-10-03 05:16:19,909 INFO] Step 5450/50000; xent: 3.30; lr: 0.0000109; 256 docs/s; 423 sec\n", - "[2019-10-03 05:16:23,776 INFO] Step 5500/50000; xent: 3.33; lr: 0.0000110; 258 docs/s; 427 sec\n", - "[2019-10-03 05:16:23,779 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_5500.pt\n", - "[2019-10-03 05:16:27,722 INFO] Step 5550/50000; xent: 3.31; lr: 0.0000111; 256 docs/s; 430 sec\n", - "[2019-10-03 05:16:31,617 INFO] Step 5600/50000; xent: 3.36; lr: 0.0000112; 258 docs/s; 434 sec\n", - "[2019-10-03 05:16:35,514 INFO] Step 5650/50000; xent: 3.32; lr: 0.0000113; 256 docs/s; 438 sec\n", - "[2019-10-03 05:16:39,399 INFO] Step 5700/50000; xent: 3.29; lr: 0.0000114; 257 docs/s; 442 sec\n", - "[2019-10-03 05:16:43,273 INFO] Step 5750/50000; xent: 3.26; lr: 0.0000115; 261 docs/s; 446 sec\n", - "[2019-10-03 05:16:47,145 INFO] Step 5800/50000; xent: 3.37; lr: 0.0000116; 258 docs/s; 450 sec\n", - "[2019-10-03 05:16:51,033 INFO] Step 5850/50000; xent: 3.40; lr: 0.0000117; 259 docs/s; 454 sec\n", - "[2019-10-03 05:16:54,947 INFO] Step 5900/50000; xent: 3.32; lr: 0.0000118; 258 docs/s; 458 sec\n", - "[2019-10-03 05:16:58,814 INFO] Step 5950/50000; xent: 3.42; lr: 0.0000119; 260 docs/s; 462 sec\n", - "[2019-10-03 05:17:02,726 INFO] Step 6000/50000; xent: 3.32; lr: 0.0000120; 259 docs/s; 465 sec\n", - "[2019-10-03 05:17:02,729 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_6000.pt\n", - "[2019-10-03 05:17:06,702 INFO] Step 6050/50000; xent: 3.42; lr: 0.0000121; 252 docs/s; 469 sec\n", - "[2019-10-03 05:17:10,583 INFO] Step 6100/50000; xent: 3.33; lr: 0.0000122; 260 docs/s; 473 sec\n", - "[2019-10-03 05:17:14,469 INFO] Step 6150/50000; xent: 3.32; lr: 0.0000123; 261 docs/s; 477 sec\n", - "[2019-10-03 05:17:18,344 INFO] Step 6200/50000; xent: 3.33; lr: 0.0000124; 258 docs/s; 481 sec\n", - "[2019-10-03 05:17:22,228 INFO] Step 6250/50000; xent: 3.35; lr: 0.0000125; 260 docs/s; 485 sec\n", - "[2019-10-03 05:17:26,101 INFO] Step 6300/50000; xent: 3.34; lr: 0.0000126; 257 docs/s; 489 sec\n", - "[2019-10-03 05:17:29,983 INFO] Step 6350/50000; xent: 3.40; lr: 0.0000127; 260 docs/s; 493 sec\n", - "[2019-10-03 05:17:33,847 INFO] Step 6400/50000; xent: 3.29; lr: 0.0000128; 264 docs/s; 497 sec\n", - "[2019-10-03 05:17:37,722 INFO] Step 6450/50000; xent: 3.40; lr: 0.0000129; 258 docs/s; 500 sec\n", - "[2019-10-03 05:17:41,610 INFO] Step 6500/50000; xent: 3.35; lr: 0.0000130; 256 docs/s; 504 sec\n", - "[2019-10-03 05:17:41,613 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_6500.pt\n", - "[2019-10-03 05:17:45,593 INFO] Step 6550/50000; xent: 3.32; lr: 0.0000131; 253 docs/s; 508 sec\n", - "[2019-10-03 05:17:49,495 INFO] Step 6600/50000; xent: 3.37; lr: 0.0000132; 257 docs/s; 512 sec\n", - "[2019-10-03 05:17:53,370 INFO] Step 6650/50000; xent: 3.26; lr: 0.0000133; 262 docs/s; 516 sec\n", - "[2019-10-03 05:17:57,240 INFO] Step 6700/50000; xent: 3.34; lr: 0.0000134; 259 docs/s; 520 sec\n", - "[2019-10-03 05:18:01,123 INFO] Step 6750/50000; xent: 3.29; lr: 0.0000135; 260 docs/s; 524 sec\n", - "[2019-10-03 05:18:05,027 INFO] Step 6800/50000; xent: 3.34; lr: 0.0000136; 258 docs/s; 528 sec\n", - "[2019-10-03 05:18:08,920 INFO] Step 6850/50000; xent: 3.30; lr: 0.0000137; 256 docs/s; 532 sec\n", - "[2019-10-03 05:18:12,803 INFO] Step 6900/50000; xent: 3.37; lr: 0.0000138; 259 docs/s; 536 sec\n", - "[2019-10-03 05:18:16,717 INFO] Step 6950/50000; xent: 3.27; lr: 0.0000139; 258 docs/s; 539 sec\n", - "[2019-10-03 05:18:20,621 INFO] Step 7000/50000; xent: 3.27; lr: 0.0000140; 258 docs/s; 543 sec\n", - "[2019-10-03 05:18:20,624 INFO] Saving checkpoint ./models/baseline0.7355433644584792/model_step_7000.pt\n", - "[2019-10-03 05:18:24,591 INFO] Step 7050/50000; xent: 3.32; lr: 0.0000141; 253 docs/s; 547 sec\n", - "[2019-10-03 05:18:28,486 INFO] Step 7100/50000; xent: 3.18; lr: 0.0000142; 259 docs/s; 551 sec\n" - ] - } - ], + "outputs": [], "source": [ - "training_data_file = './bert_train_data_all_none_excluded'\n", - "bertsum_model.fit(device_id, [training_data_file], train_steps=50000, train_from=\"\")" + "bertsum_model.fit(device_id, training_data_files, train_steps=50000, train_from=\"\")" ] }, { @@ -778,91 +1108,79 @@ }, { "cell_type": "code", - "execution_count": 8, - "metadata": {}, + "execution_count": 42, + "metadata": { + "scrolled": true + }, "outputs": [], "source": [ "import torch\n", "from models.data_loader import DataIterator,Batch,Dataloader\n", "import os\n", - "test_dataset=torch.load(\"./harvardnlp_cnndm/test.bertdata\")\n", - "from bertsum_config import Bunch\n", "\n", - "import os\n", - "dataset=[]\n", - "for i in range(0,6):\n", - " filename = \"cnndm.test.{0}.bert.pt\".format(i)\n", - " dataset.extend(torch.load(os.path.join(\"./\"+\"bert_data/\", filename)))\n", + "USE_PREPROCESSED_DATA = False\n", + "if USE_PREPROCESSED_DATA is True: \n", + " test_dataset=torch.load(PROCESSED_TEST_FILE)\n", + "else:\n", + " test_dataset=[]\n", + " for i in range(0,6):\n", + " filename = os.path.join(BERT_DATA_PATH, \"test/cnndm.test.{0}.bert.pt\".format(i))\n", + " test_dataset.extend(torch.load(filename))\n", + "\n", " \n", - "def get_data_iter(dataset,batch_size=300):\n", + "def get_data_iter(dataset,is_test=False, batch_size=3000):\n", " args = Bunch({})\n", " args.use_interval = True\n", " args.batch_size = batch_size\n", " test_data_iter = None\n", - " test_data_iter = DataIterator(args, dataset, args.batch_size, 'cuda', is_test=True, shuffle=False, sort=False)\n", + " test_data_iter = DataIterator(args, dataset, args.batch_size, 'cuda', is_test=is_test, shuffle=False, sort=False)\n", " return test_data_iter" ] }, { "cell_type": "code", - "execution_count": 74, + "execution_count": 32, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-03 18:10:19,387 INFO] Device ID 2\n", - "[2019-10-03 18:10:19,389 INFO] Loading checkpoint from ./models/baseline0.7355433644584792/model_step_50000.pt\n", - "[2019-10-03 18:10:20,964 INFO] * number of parameters: 5179137\n" + "[2019-10-07 03:29:59,368 INFO] Device ID 1\n", + "[2019-10-07 03:29:59,373 INFO] Loading checkpoint from ./models/baseline0.14344633695274556/model_step_30000.pt\n", + "[2019-10-07 03:30:02,139 INFO] * number of parameters: 5179137\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "device_id 2\n", + "device_id 1\n", "gpu_rank 0\n" ] - }, - { - "ename": "ValueError", - "evalue": "max() arg is an empty sequence", - "output_type": "error", - "traceback": [ - "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[0;31mValueError\u001b[0m Traceback (most recent call last)", - "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 2\u001b[0m \u001b[0mtarget\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0mtest_dataset\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mi\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'tgt_txt'\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mi\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mrange\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtest_dataset\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 3\u001b[0m prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n\u001b[0;32m----> 4\u001b[0;31m test_from=model_for_test)\n\u001b[0m\u001b[1;32m 5\u001b[0m \u001b[0;32mfrom\u001b[0m \u001b[0mutils\u001b[0m \u001b[0;32mimport\u001b[0m \u001b[0mget_rouge\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 6\u001b[0m \u001b[0;31m#rouge_baseline = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/textsum//wrapper/extractive_text_summerization.py\u001b[0m in \u001b[0;36mpredict\u001b[0;34m(self, device_id, data_iter, test_from, cal_lead)\u001b[0m\n\u001b[1;32m 164\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 165\u001b[0m \u001b[0mtrainer\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mbuild_trainer\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0margs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdevice_id\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmodel\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 166\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mtrainer\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mpredict\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mdata_iter\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msentence_seperator\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcal_lead\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 167\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/BertSum/src/models/trainer.py\u001b[0m in \u001b[0;36mpredict\u001b[0;34m(self, test_iter, cal_lead, cal_oracle)\u001b[0m\n\u001b[1;32m 330\u001b[0m \u001b[0mpred\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 331\u001b[0m \u001b[0;32mwith\u001b[0m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mno_grad\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 332\u001b[0;31m \u001b[0;32mfor\u001b[0m \u001b[0mbatch\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mtest_iter\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 333\u001b[0m \u001b[0msrc\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mbatch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msrc\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 334\u001b[0m \u001b[0mlabels\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mbatch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mlabels\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/BertSum/src/models/data_loader.py\u001b[0m in \u001b[0;36m__iter__\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 237\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0miterations\u001b[0m \u001b[0;34m+=\u001b[0m \u001b[0;36m1\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 238\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_iterations_this_epoch\u001b[0m \u001b[0;34m+=\u001b[0m \u001b[0;36m1\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 239\u001b[0;31m \u001b[0mbatch\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mBatch\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mminibatch\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdevice\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mis_test\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 240\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 241\u001b[0m \u001b[0;32myield\u001b[0m \u001b[0mbatch\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/BertSum/src/models/data_loader.py\u001b[0m in \u001b[0;36m__init__\u001b[0;34m(self, data, device, is_test)\u001b[0m\n\u001b[1;32m 25\u001b[0m \u001b[0mpre_clss\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0mx\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m3\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mx\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mdata\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 26\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 27\u001b[0;31m \u001b[0msrc\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtensor\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_pad\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mpre_src\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 28\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 29\u001b[0m \u001b[0mlabels\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtensor\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_pad\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mpre_labels\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/BertSum/src/models/data_loader.py\u001b[0m in \u001b[0;36m_pad\u001b[0;34m(self, data, pad_id, width)\u001b[0m\n\u001b[1;32m 12\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0m_pad\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdata\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mpad_id\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mwidth\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;34m-\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 13\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0mwidth\u001b[0m \u001b[0;34m==\u001b[0m \u001b[0;34m-\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 14\u001b[0;31m \u001b[0mwidth\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mmax\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0md\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0md\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mdata\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 15\u001b[0m \u001b[0mrtn_data\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0md\u001b[0m \u001b[0;34m+\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0mpad_id\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;34m*\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0mwidth\u001b[0m \u001b[0;34m-\u001b[0m \u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0md\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0md\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mdata\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 16\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mrtn_data\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;31mValueError\u001b[0m: max() arg is an empty sequence" - ] } ], "source": [ - "model_for_test = \"./models/baseline0.7355433644584792/model_step_50000.pt\"\n", + "model_for_test = \"./models/baseline0.14344633695274556/model_step_30000.pt\"\n", "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n", - " test_from=model_for_test)\n", - "from utils import get_rouge\n", - "#rouge_baseline = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + " test_from=model_for_test,\n", + " sentence_seperator='')\n", + "\n" ] }, { "cell_type": "code", - "execution_count": 72, + "execution_count": 33, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "11486" + "11489" ] }, - "execution_count": 72, + "execution_count": 33, "metadata": {}, "output_type": "execute_result" } @@ -873,432 +1191,437 @@ }, { "cell_type": "code", - "execution_count": 54, + "execution_count": null, "metadata": {}, "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-03 17:46:35,071 INFO] Device ID 2\n", - "[2019-10-03 17:46:35,082 INFO] Loading checkpoint from ./models/rnn/model_step_50000.pt\n", - "[2019-10-03 17:46:37,559 INFO] * number of parameters: 113041921\n" - ] - }, { "name": "stdout", "output_type": "stream", "text": [ - "device_id 2\n", - "gpu_rank 0\n", - "11486\n", - "11486\n" + "11489\n", + "11489\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ - "2019-10-03 17:48:59,222 [MainThread ] [INFO ] Writing summaries.\n", - "[2019-10-03 17:48:59,222 INFO] Writing summaries.\n", - "2019-10-03 17:48:59,224 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp9w889acx/system and model files to /dadendev/textsum/results/rougetemp/tmp9w889acx/model.\n", - "[2019-10-03 17:48:59,224 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp9w889acx/system and model files to /dadendev/textsum/results/rougetemp/tmp9w889acx/model.\n", - "2019-10-03 17:48:59,225 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-48-58/candidate/.\n", - "[2019-10-03 17:48:59,225 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-48-58/candidate/.\n", - "2019-10-03 17:49:00,406 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp9w889acx/system.\n", - "[2019-10-03 17:49:00,406 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp9w889acx/system.\n", - "2019-10-03 17:49:00,408 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-48-58/reference/.\n", - "[2019-10-03 17:49:00,408 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-48-58/reference/.\n", - "2019-10-03 17:49:01,539 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp9w889acx/model.\n", - "[2019-10-03 17:49:01,539 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp9w889acx/model.\n", - "2019-10-03 17:49:01,631 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmp74wedt83/rouge_conf.xml\n", - "[2019-10-03 17:49:01,631 INFO] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmp74wedt83/rouge_conf.xml\n", - "2019-10-03 17:49:01,632 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmp74wedt83/rouge_conf.xml\n", - "[2019-10-03 17:49:01,632 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmp74wedt83/rouge_conf.xml\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.53540 (95%-conf.int. 0.53270 - 0.53815)\n", - "1 ROUGE-1 Average_P: 0.37945 (95%-conf.int. 0.37709 - 0.38191)\n", - "1 ROUGE-1 Average_F: 0.42948 (95%-conf.int. 0.42737 - 0.43167)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.24836 (95%-conf.int. 0.24555 - 0.25117)\n", - "1 ROUGE-2 Average_P: 0.17692 (95%-conf.int. 0.17482 - 0.17919)\n", - "1 ROUGE-2 Average_F: 0.19954 (95%-conf.int. 0.19734 - 0.20177)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.34366 (95%-conf.int. 0.34118 - 0.34616)\n", - "1 ROUGE-L Average_P: 0.24172 (95%-conf.int. 0.23978 - 0.24381)\n", - "1 ROUGE-L Average_F: 0.27432 (95%-conf.int. 0.27234 - 0.27626)\n", - "\n" + "2019-10-07 03:31:33,696 [MainThread ] [INFO ] Writing summaries.\n", + "[2019-10-07 03:31:33,696 INFO] Writing summaries.\n", + "2019-10-07 03:31:33,698 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/tmpekvbkkdp/system and model files to /dadendev/textsum/results/tmpekvbkkdp/model.\n", + "[2019-10-07 03:31:33,698 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/tmpekvbkkdp/system and model files to /dadendev/textsum/results/tmpekvbkkdp/model.\n", + "2019-10-07 03:31:33,700 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rouge-tmp-2019-10-07-03-31-32/candidate/.\n", + "[2019-10-07 03:31:33,700 INFO] Processing files in /dadendev/textsum/results/rouge-tmp-2019-10-07-03-31-32/candidate/.\n", + "2019-10-07 03:31:35,332 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/tmpekvbkkdp/system.\n", + "[2019-10-07 03:31:35,332 INFO] Saved processed files to /dadendev/textsum/results/tmpekvbkkdp/system.\n", + "2019-10-07 03:31:35,335 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rouge-tmp-2019-10-07-03-31-32/reference/.\n", + "[2019-10-07 03:31:35,335 INFO] Processing files in /dadendev/textsum/results/rouge-tmp-2019-10-07-03-31-32/reference/.\n", + "2019-10-07 03:31:36,920 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/tmpekvbkkdp/model.\n", + "[2019-10-07 03:31:36,920 INFO] Saved processed files to /dadendev/textsum/results/tmpekvbkkdp/model.\n", + "2019-10-07 03:31:37,246 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/tmp7nz1xogo/rouge_conf.xml\n", + "[2019-10-07 03:31:37,246 INFO] Written ROUGE configuration to /dadendev/textsum/results/tmp7nz1xogo/rouge_conf.xml\n", + "2019-10-07 03:31:37,248 [MainThread ] [INFO ] Running ROUGE with command /home/daden/.files2rouge/ROUGE-1.5.5.pl -e /home/daden/.files2rouge/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/tmp7nz1xogo/rouge_conf.xml\n", + "[2019-10-07 03:31:37,248 INFO] Running ROUGE with command /home/daden/.files2rouge/ROUGE-1.5.5.pl -e /home/daden/.files2rouge/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/tmp7nz1xogo/rouge_conf.xml\n" ] } ], "source": [ - "model_for_test = \"./models/rnn/model_step_50000.pt\"\n", - "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", - "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n", - " test_from=model_for_test)\n", - "from utils import get_rouge\n", - "rouge_rnn = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + "from utils_nlp.eval.evaluate_summarization import get_rouge\n", + "rouge_baseline = get_rouge(prediction, target, \"/dadendev/textsum/results/\")" ] }, { "cell_type": "code", - "execution_count": 55, + "execution_count": 46, "metadata": {}, "outputs": [ { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-03 17:50:56,970 INFO] Device ID 2\n", - "[2019-10-03 17:50:56,973 INFO] Loading checkpoint from ./models/transformer/model_step_50000.pt\n", - "[2019-10-03 17:50:59,066 INFO] * number of parameters: 115790849\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "device_id 2\n", - "gpu_rank 0\n", - "11486\n", - "11486\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-10-03 17:53:15,587 [MainThread ] [INFO ] Writing summaries.\n", - "[2019-10-03 17:53:15,587 INFO] Writing summaries.\n", - "2019-10-03 17:53:15,590 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp6gynufns/system and model files to /dadendev/textsum/results/rougetemp/tmp6gynufns/model.\n", - "[2019-10-03 17:53:15,590 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp6gynufns/system and model files to /dadendev/textsum/results/rougetemp/tmp6gynufns/model.\n", - "2019-10-03 17:53:15,591 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-53-14/candidate/.\n", - "[2019-10-03 17:53:15,591 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-53-14/candidate/.\n", - "2019-10-03 17:53:16,773 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp6gynufns/system.\n", - "[2019-10-03 17:53:16,773 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp6gynufns/system.\n", - "2019-10-03 17:53:16,774 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-53-14/reference/.\n", - "[2019-10-03 17:53:16,774 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-17-53-14/reference/.\n", - "2019-10-03 17:53:17,921 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp6gynufns/model.\n", - "[2019-10-03 17:53:17,921 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp6gynufns/model.\n", - "2019-10-03 17:53:18,008 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmpoytr7s3w/rouge_conf.xml\n", - "[2019-10-03 17:53:18,008 INFO] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmpoytr7s3w/rouge_conf.xml\n", - "2019-10-03 17:53:18,009 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmpoytr7s3w/rouge_conf.xml\n", - "[2019-10-03 17:53:18,009 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmpoytr7s3w/rouge_conf.xml\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.53732 (95%-conf.int. 0.53457 - 0.54013)\n", - "1 ROUGE-1 Average_P: 0.37491 (95%-conf.int. 0.37254 - 0.37733)\n", - "1 ROUGE-1 Average_F: 0.42705 (95%-conf.int. 0.42484 - 0.42920)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.24855 (95%-conf.int. 0.24582 - 0.25123)\n", - "1 ROUGE-2 Average_P: 0.17405 (95%-conf.int. 0.17196 - 0.17624)\n", - "1 ROUGE-2 Average_F: 0.19768 (95%-conf.int. 0.19553 - 0.19985)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.34365 (95%-conf.int. 0.34113 - 0.34615)\n", - "1 ROUGE-L Average_P: 0.23772 (95%-conf.int. 0.23571 - 0.23975)\n", - "1 ROUGE-L Average_F: 0.27163 (95%-conf.int. 0.26963 - 0.27360)\n", - "\n" - ] + "data": { + "text/plain": [ + "11489" + ] + }, + "execution_count": 46, + "metadata": {}, + "output_type": "execute_result" } ], "source": [ - "model_for_test = \"./models/transformer/model_step_50000.pt\"\n", - "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", - "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n", - " test_from=model_for_test)\n", - "from utils import get_rouge\n", - "rouge_transformer = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + "len(prediction)" ] }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 50, "metadata": {}, "outputs": [ { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-03 18:41:50,554 INFO] Device ID 2\n", - "[2019-10-03 18:41:50,555 INFO] Loading checkpoint from ./models/transformer/model_step_50000.pt\n", - "[2019-10-03 18:41:52,881 INFO] * number of parameters: 115790849\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "device_id 2\n", - "gpu_rank 0\n", - "11489\n", - "11489\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-10-03 18:44:25,911 [MainThread ] [INFO ] Writing summaries.\n", - "[2019-10-03 18:44:25,911 INFO] Writing summaries.\n", - "2019-10-03 18:44:25,919 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/system and model files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/model.\n", - "[2019-10-03 18:44:25,919 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/system and model files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/model.\n", - "2019-10-03 18:44:25,920 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-44-24/candidate/.\n", - "[2019-10-03 18:44:25,920 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-44-24/candidate/.\n", - "2019-10-03 18:44:27,124 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/system.\n", - "[2019-10-03 18:44:27,124 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/system.\n", - "2019-10-03 18:44:27,126 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-44-24/reference/.\n", - "[2019-10-03 18:44:27,126 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-44-24/reference/.\n", - "2019-10-03 18:44:28,311 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/model.\n", - "[2019-10-03 18:44:28,311 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmpjsn2arpn/model.\n", - "2019-10-03 18:44:28,401 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmph9qs47ba/rouge_conf.xml\n", - "[2019-10-03 18:44:28,401 INFO] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmph9qs47ba/rouge_conf.xml\n", - "2019-10-03 18:44:28,402 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmph9qs47ba/rouge_conf.xml\n", - "[2019-10-03 18:44:28,402 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmph9qs47ba/rouge_conf.xml\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.53487 (95%-conf.int. 0.53211 - 0.53764)\n", - "1 ROUGE-1 Average_P: 0.38059 (95%-conf.int. 0.37813 - 0.38318)\n", - "1 ROUGE-1 Average_F: 0.42995 (95%-conf.int. 0.42787 - 0.43226)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.24873 (95%-conf.int. 0.24604 - 0.25157)\n", - "1 ROUGE-2 Average_P: 0.17760 (95%-conf.int. 0.17536 - 0.17989)\n", - "1 ROUGE-2 Average_F: 0.20002 (95%-conf.int. 0.19784 - 0.20247)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.48956 (95%-conf.int. 0.48697 - 0.49221)\n", - "1 ROUGE-L Average_P: 0.34903 (95%-conf.int. 0.34667 - 0.35158)\n", - "1 ROUGE-L Average_F: 0.39396 (95%-conf.int. 0.39183 - 0.39629)\n", - "\n" - ] + "data": { + "text/plain": [ + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .'" + ] + }, + "execution_count": 50, + "metadata": {}, + "output_type": "execute_result" } ], "source": [ - "model_for_test = \"./models/transformer/model_step_50000.pt\"\n", - "target = [dataset[i]['tgt_txt'] for i in range(len(dataset))]\n", - "prediction = bertsum_model.predict(device_id, get_data_iter(dataset, 3000),sentence_seperator=\"\",\n", - " test_from=model_for_test)\n", - "from utils import get_rouge\n", - "rouge_transformer = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + "prediction[0]" ] }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 51, "metadata": {}, "outputs": [ { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-03 18:27:21,995 INFO] Device ID 2\n", - "[2019-10-03 18:27:21,996 INFO] Loading checkpoint from ./models/transformer/model_step_50000.pt\n", - "[2019-10-03 18:27:24,295 INFO] * number of parameters: 115790849\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "device_id 2\n", - "gpu_rank 0\n", - "11489\n", - "11489\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-10-03 18:27:27,926 [MainThread ] [INFO ] Writing summaries.\n", - "[2019-10-03 18:27:27,926 INFO] Writing summaries.\n", - "2019-10-03 18:27:27,932 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/system and model files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/model.\n", - "[2019-10-03 18:27:27,932 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/system and model files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/model.\n", - "2019-10-03 18:27:27,934 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-27-26/candidate/.\n", - "[2019-10-03 18:27:27,934 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-27-26/candidate/.\n", - "2019-10-03 18:27:29,138 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/system.\n", - "[2019-10-03 18:27:29,138 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/system.\n", - "2019-10-03 18:27:29,140 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-27-26/reference/.\n", - "[2019-10-03 18:27:29,140 INFO] Processing files in /dadendev/textsum/results/rougetemp/rouge-tmp-2019-10-03-18-27-26/reference/.\n", - "2019-10-03 18:27:30,346 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/model.\n", - "[2019-10-03 18:27:30,346 INFO] Saved processed files to /dadendev/textsum/results/rougetemp/tmp8evwxrll/model.\n", - "2019-10-03 18:27:30,438 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmph0uom0ij/rouge_conf.xml\n", - "[2019-10-03 18:27:30,438 INFO] Written ROUGE configuration to /dadendev/textsum/results/rougetemp/tmph0uom0ij/rouge_conf.xml\n", - "2019-10-03 18:27:30,440 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmph0uom0ij/rouge_conf.xml\n", - "[2019-10-03 18:27:30,440 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/rougetemp/tmph0uom0ij/rouge_conf.xml\n" - ] - }, + "data": { + "text/plain": [ + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" + ] + }, + "execution_count": 51, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "target[0]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Prediction" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", + "args=Bunch({\"max_nsents\": int(1e5), \n", + " \"max_src_ntokens\": int(2e6), \n", + " \"min_nsents\": -1, \n", + " \"min_src_ntokens\": -1, \n", + " \"use_interval\": True})" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "from prepro.data_builder import BertData\n", + "bertdata = BertData(args)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "import sys\n", + "#sys.path.insert(0, '../src')\n", + "from others.utils import clean\n", + "from multiprocess import Pool\n" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [], + "source": [ + "#os.environ[\"CUDA_DEVICE_ORDER\"]=\"PCI_BUS_ID\" # see issue #152\n", + "import os\n", + "os.environ[\"CORENLP_HOME\"]=\"/home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05\"" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [], + "source": [ + "from stanfordnlp.server import CoreNLPClient" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [], + "source": [ + "from multiprocessing import Pool\n", + "from utils_nlp.models.bert.extractive_text_summarization import tokenize_to_list, bertify\n", + "import re\n", + "\n", + "def preprocess_target(line):\n", + " def _remove_ttags(line):\n", + " line = re.sub(r'', '', line)\n", + " # change to \n", + " # pyrouge test requires as sentence splitter\n", + " line = re.sub(r'', '', line)\n", + " return line\n", + "\n", + " return tokenize_to_list(client, _remove_ttags(line))\n", + "def preprocess_source(line):\n", + " return tokenize_to_list(client, clean(line))\n", + "\n", + "def preprocess_cnndm(param):\n", + " source, target = param\n", + " return bertify(bertdata, source, target)\n", + "\n", + "def harvardnlp_cnndm_standfordnlp(client, source_file, target_file, n_cpus=2, top_n=-1):\n", + " source_list = []\n", + " i = 0\n", + " with open(source_file) as fd:\n", + " for line in fd:\n", + " source_list.append(line)\n", + " i +=1\n", + " \n", + " pool = Pool(n_cpus)\n", + " \n", + "\n", + " tokenized_source_data = pool.map(preprocess_source, source_list[0:top_n], int(len(source_list[0:top_n])/n_cpus))\n", + " pool.close()\n", + " pool.join\n", + " \n", + " i = 0\n", + " target_list = []\n", + " with open(target_file) as fd:\n", + " for line in fd:\n", + " target_list.append(line)\n", + " i +=1\n", + "\n", + " pool = Pool(n_cpus)\n", + " tokenized_target_data = pool.map(preprocess_target, target_list[0:top_n], int(len(target_list[0:top_n])/n_cpus))\n", + " pool.close()\n", + " pool.join()\n", + " \n", + "\n", + " #return tokenized_source_data, tokenized_target_data\n", + "\n", + " pool = Pool(n_cpus)\n", + " bertified_data = pool.map(preprocess_cnndm, zip(tokenized_source_data[0:top_n], tokenized_target_data[0:top_n]), int(len(tokenized_source_data[0:top_n])/n_cpus))\n", + " pool.close()\n", + " pool.join()\n", + " return bertified_data\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.52371 (95%-conf.int. 0.52067 - 0.52692)\n", - "1 ROUGE-1 Average_P: 0.34716 (95%-conf.int. 0.34484 - 0.34937)\n", - "1 ROUGE-1 Average_F: 0.40370 (95%-conf.int. 0.40154 - 0.40592)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.22740 (95%-conf.int. 0.22473 - 0.23047)\n", - "1 ROUGE-2 Average_P: 0.14969 (95%-conf.int. 0.14781 - 0.15166)\n", - "1 ROUGE-2 Average_F: 0.17444 (95%-conf.int. 0.17241 - 0.17662)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.47465 (95%-conf.int. 0.47167 - 0.47766)\n", - "1 ROUGE-L Average_P: 0.31501 (95%-conf.int. 0.31282 - 0.31717)\n", - "1 ROUGE-L Average_F: 0.36614 (95%-conf.int. 0.36399 - 0.36826)\n", - "\n" + "Starting server with command: java -Xmx5G -cp /home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05/* edu.stanford.nlp.pipeline.StanfordCoreNLPServer -port 9000 -timeout 60000 -threads 5 -maxCharLength 100000 -quiet True -serverProperties corenlp_server-e3b74cd551ba43f1.props -preload tokenize,ssplit\n", + "Starting server with command: java -Xmx5G -cp /home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05/* edu.stanford.nlp.pipeline.StanfordCoreNLPServer -port 9000 -timeout 60000 -threads 5 -maxCharLength 100000 -quiet True -serverProperties corenlp_server-e3b74cd551ba43f1.props -preload tokenize,ssplit\n", + "Starting server with command: java -Xmx5G -cp /home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05/* edu.stanford.nlp.pipeline.StanfordCoreNLPServer -port 9000 -timeout 60000 -threads 5 -maxCharLength 100000 -quiet True -serverProperties corenlp_server-e3b74cd551ba43f1.props -preload tokenize,ssplit\n", + "Starting server with command: java -Xmx5G -cp /home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05/* edu.stanford.nlp.pipeline.StanfordCoreNLPServer -port 9000 -timeout 60000 -threads 5 -maxCharLength 100000 -quiet True -serverProperties corenlp_server-e3b74cd551ba43f1.props -preload tokenize,ssplit\n", + "CPU times: user 79.8 ms, sys: 85.4 ms, total: 165 ms\n", + "Wall time: 7.72 s\n" ] } ], "source": [ - "model_for_test = \"./models/transformer/model_step_50000.pt\"\n", - "target = [dataset[i]['tgt_txt'] for i in range(len(dataset))]\n", - "prediction = bertsum_model.predict(device_id, get_data_iter(dataset, 3000),sentence_seperator=\"\",\n", - " test_from=model_for_test, cal_lead=True)\n", - "from utils import get_rouge\n", - "rouge_transformer = get_rouge(prediction, target, \"/dadendev/textsum/results/rougetemp\")" + "%%time\n", + "source_file = './harvardnlp_cnndm/test.txt.src'\n", + "target_file = './harvardnlp_cnndm/test.txt.tgt.tagged'\n", + "client = CoreNLPClient(annotators=['tokenize','ssplit'])\n", + "new_data = harvardnlp_cnndm_standfordnlp(client, source_file, target_file, n_cpus=2, top_n=10)" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "from models.data_loader import DataIterator,Batch,Dataloader\n", + "import os\n", + "\n", + "USE_PREPROCESSED_DATA = False\n", + "if USE_PREPROCESSED_DATA is True: \n", + " test_dataset=torch.load(PROCESSED_TEST_FILE)\n", + "else:\n", + " test_dataset=[]\n", + " for i in range(0,6):\n", + " filename = os.path.join(BERT_DATA_PATH, \"test/cnndm.test.{0}.bert.pt\".format(i))\n", + " test_dataset.extend(torch.load(filename))\n", + "def get_data_iter(dataset,is_test=False, batch_size=3000):\n", + " args = Bunch({})\n", + " args.use_interval = True\n", + " args.batch_size = batch_size\n", + " test_data_iter = None\n", + " test_data_iter = DataIterator(args, dataset, args.batch_size, 'cuda', is_test=is_test, shuffle=False, sort=False)\n", + " return test_data_iter" ] }, { "cell_type": "code", - "execution_count": 58, + "execution_count": 25, "metadata": {}, + "outputs": [], + "source": [ + "\n", + "new_src = preprocess_source(\"\".join(test_dataset[0]['src_txt']))\n", + "b_data = bertdata.preprocess(new_src, None, None)\n", + "indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data\n", + "b_data_dict = {\"src\": indexed_tokens, \"labels\": labels, \"segs\": segments_ids, 'clss': cls_ids,\n", + " 'src_txt': src_txt, \"tgt_txt\": tgt_txt}\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": { + "scrolled": true + }, "outputs": [ { "data": { "text/plain": [ - "11486" + "16" ] }, - "execution_count": 58, + "execution_count": 26, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "len(prediction)" + "len(new_src)" ] }, { "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 59, + "execution_count": 27, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "['marseille , france -lrb- cnn -rrb- the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .',\n", - " 'marseille prosecutor brice robin told cnn that `` so far no videos were used in the crash investigation . ``',\n", - " 'he added , `` a person who has such a video needs to immediately give it to the investigators . ``',\n", - " \"robin 's comments follow claims by two magazines , german daily bild and french paris match , of a cell phone video showing the harrowing final seconds from on board germanwings flight 9525 as it crashed into the french alps .\",\n", - " 'paris match and bild reported that the video was recovered from a phone at the wreckage site .',\n", - " 'the two publications described the supposed video , but did not post it on their websites .',\n", - " 'the publications said that they watched the video , which was found by a source close to the investigation .',\n", - " \"`` one can hear cries of ` my god ' in several languages , `` paris match reported .\",\n", - " '`` metallic banging can also be heard more than three times , perhaps of the pilot trying to open the cockpit door with a heavy object .',\n", - " 'towards the end , after a heavy shake , stronger than the others , the screaming intensifies .',\n", - " '`` it is a very disturbing scene , `` said julian reichelt , editor-in-chief of bild online .',\n", - " \"an official with france 's accident investigation agency , the bea , said the agency is not aware of any such video .\",\n", - " 'lt. col. jean-marc menichini , a french gendarmerie spokesman in charge of communications on rescue efforts around the germanwings crash site , told cnn that the reports were `` completely wrong `` and `` unwarranted . ``',\n", - " \"cell phones have been collected at the site , he said , but that they `` had n't been exploited yet . ``\",\n", - " 'menichini said he believed the cell phones would need to be sent to the criminal research institute in rosny sous-bois , near paris , in order to be analyzed by specialized technicians working hand-in-hand with investigators .',\n", - " 'but none of the cell phones found so far have been sent to the institute , menichini said .',\n", - " 'asked whether staff involved in the search could have leaked a memory card to the media , menichini answered with a categorical `` no . ``',\n", - " 'reichelt told `` erin burnett : outfront `` that he had watched the video and stood by the report , saying bild and paris match are `` very confident `` that the clip is real .',\n", - " \"he noted that investigators only revealed they 'd recovered cell phones from the crash site after bild and paris match published their reports .\",\n", - " \"... overall we can say many things of the investigation were n't revealed by the investigation at the beginning , `` he said .\",\n", - " \"german airline lufthansa confirmed tuesday that co-pilot andreas lubitz had battled depression years before he took the controls of germanwings flight 9525 , which he 's accused of deliberately crashing last week in the french alps .\",\n", - " 'lubitz told his lufthansa flight training school in 2009 that he had a `` previous episode of severe depression , `` the airline said tuesday .',\n", - " 'email correspondence between lubitz and the school discovered in an internal investigation , lufthansa said , included medical documents he submitted in connection with resuming his flight training .',\n", - " \"the announcement indicates that lufthansa , the parent company of germanwings , knew of lubitz 's battle with depression , allowed him to continue training and ultimately put him in the cockpit .\",\n", - " 'lufthansa , whose ceo carsten spohr previously said lubitz was 100 % fit to fly , described its statement tuesday as a `` swift and seamless clarification `` and said it was sharing the information and documents -- including training and medical records -- with public prosecutors .',\n", - " 'spohr traveled to the crash site wednesday , where recovery teams have been working for the past week to recover human remains and plane debris scattered across a steep mountainside .',\n", - " 'he saw the crisis center set up in seyne-les-alpes , laid a wreath in the village of le vernet , closer to the crash site , where grieving families have left flowers at a simple stone memorial .',\n", - " 'menichini told cnn late tuesday that no visible human remains were left at the site but recovery teams would keep searching .',\n", - " 'french president francois hollande , speaking tuesday , said that it should be possible to identify all the victims using dna analysis by the end of the week , sooner than authorities had previously suggested .',\n", - " \"in the meantime , the recovery of the victims ' personal belongings will start wednesday , menichini said .\",\n", - " 'among those personal belongings could be more cell phones belonging to the 144 passengers and six crew on board .',\n", - " \"the details about lubitz 's correspondence with the flight school during his training were among several developments as investigators continued to delve into what caused the crash and lubitz 's possible motive for downing the jet .\",\n", - " 'a lufthansa spokesperson told cnn on tuesday that lubitz had a valid medical certificate , had passed all his examinations and `` held all the licenses required . ``',\n", - " \"earlier , a spokesman for the prosecutor 's office in dusseldorf , christoph kumpa , said medical records reveal lubitz suffered from suicidal tendencies at some point before his aviation career and underwent psychotherapy before he got his pilot 's license .\",\n", - " \"kumpa emphasized there 's no evidence suggesting lubitz was suicidal or acting aggressively before the crash .\",\n", - " \"investigators are looking into whether lubitz feared his medical condition would cause him to lose his pilot 's license , a european government official briefed on the investigation told cnn on tuesday .\",\n", - " \"while flying was `` a big part of his life , `` the source said , it 's only one theory being considered .\",\n", - " 'another source , a law enforcement official briefed on the investigation , also told cnn that authorities believe the primary motive for lubitz to bring down the plane was that he feared he would not be allowed to fly because of his medical problems .',\n", - " \"lubitz 's girlfriend told investigators he had seen an eye doctor and a neuropsychologist , both of whom deemed him unfit to work recently and concluded he had psychological issues , the european government official said .\",\n", - " \"but no matter what details emerge about his previous mental health struggles , there 's more to the story , said brian russell , a forensic psychologist .\",\n", - " \"`` psychology can explain why somebody would turn rage inward on themselves about the fact that maybe they were n't going to keep doing their job and they 're upset about that and so they 're suicidal , `` he said .\",\n", - " \"`` but there is no mental illness that explains why somebody then feels entitled to also take that rage and turn it outward on 149 other people who had nothing to do with the person 's problems . ``\",\n", - " \"cnn 's margot haddad reported from marseille and pamela brown from dusseldorf , while laura smith-spark wrote from london .\",\n", - " \"cnn 's frederik pleitgen , pamela boykoff , antonia mortensen , sandrine amiel and anna-maja rappard contributed to this report .\"]" + "['a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .',\n", + " 'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .',\n", + " 'he was flown back to chicago via air ambulance on march 20 , but he died on sunday .',\n", + " 'andrew mogni , 20 , from glen ellyn , illinois , a university of iowa student has died nearly three months after a fall in rome in a suspected robberyhe was taken to a medical facility in the chicago area , close to his family home in glen ellyn .',\n", + " \"he died on sunday at northwestern memorial hospital - medical examiner 's office spokesman frank shuftan says a cause of death wo n't be released until monday at the earliest .\",\n", + " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed .',\n", + " \"on sunday , his cousin abby wrote online : ` this morning my cousin andrew 's soul was lifted up to heaven .\",\n", + " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed ` at the beginning of january he went to rome to study aboard and on the way home from a party he was brutally attacked and thrown off a 40ft bridge and hit the concrete below .',\n", + " '` he was in a coma and in critical condition for months .',\n", + " \"' paula barnett , who said she is a close family friend , told my suburban life , that mogni had only been in the country for six hours when the incident happened .\",\n", + " 'she said he was was alone at the time of the alleged assault and personal items were stolen .',\n", + " 'she added that he was in a non-medically induced coma , having suffered serious infection and internal bleeding .',\n", + " 'mogni was a third-year finance major from glen ellyn , ill .',\n", + " ', who was participating in a semester-long program at john cabot university .',\n", + " \"mogni belonged to the school 's chapter of the sigma nu fraternity , reports the chicago tribune who posted a sign outside a building reading ` pray for mogni .\",\n", + " \"' the fraternity 's iowa chapter announced sunday afternoon via twitter that a memorial service will be held on campus to remember mogni .\"]" ] }, - "execution_count": 59, + "execution_count": 27, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "test_dataset[0]['src_txt']" + "b_data_dict['src_txt']" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [], + "source": [ + "b_data_dict['tgt_txt']" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-07 03:28:55,446 INFO] Device ID 1\n", + "[2019-10-07 03:28:55,452 INFO] Loading checkpoint from ./models/baseline0.14344633695274556/model_step_30000.pt\n", + "[2019-10-07 03:29:01,758 INFO] * number of parameters: 5179137\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "device_id 1\n", + "gpu_rank 0\n" + ] + } + ], + "source": [ + "model_for_test = \"./models/baseline0.14344633695274556/model_step_30000.pt\"\n", + "#get_data_iter(output,batch_size=30000)\n", + "prediction = bertsum_model.predict(device_id, get_data_iter([b_data_dict], False),\n", + " test_from=model_for_test, )" ] }, { "cell_type": "code", - "execution_count": 60, + "execution_count": 29, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "'marseille prosecutor says `` so far no videos were used in the crash investigation `` despite media reports . journalists at bild and paris match are `` very confident `` the video clip is real , an editor says . andreas lubitz had informed his lufthansa training school of an episode of severe depression , airline says .'" + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .'" ] }, - "execution_count": 60, + "execution_count": 29, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "target[0]" + "prediction[0]" ] }, { "cell_type": "code", - "execution_count": 61, + "execution_count": 31, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "'marseille prosecutor brice robin told cnn that `` so far no videos were used in the crash investigation . ``paris match and bild reported that the video was recovered from a phone at the wreckage site .marseille , france -lrb- cnn -rrb- the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .'" + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" ] }, - "execution_count": 61, + "execution_count": 31, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "prediction[0]" + "test_dataset[0]['tgt_txt']" ] }, { @@ -1306,15 +1629,12 @@ "execution_count": null, "metadata": {}, "outputs": [], - "source": [ - "articles = [test_dataset[0]['src_txt']]\n", - "get_data_iter(article,batch_size=30000)" - ] + "source": [] } ], "metadata": { "kernelspec": { - "display_name": "python3.6 cm3", + "display_name": "Python (nlp_gpu)", "language": "python", "name": "cm3" }, diff --git a/utils_nlp/models/bert/extractive_text_summarization.py b/utils_nlp/models/bert/extractive_text_summarization.py index 6d837ebb7..24af40ed5 100644 --- a/utils_nlp/models/bert/extractive_text_summarization.py +++ b/utils_nlp/models/bert/extractive_text_summarization.py @@ -39,7 +39,7 @@ def tokenize_to_list(client, input_text): tokens_list.append(tokens) return tokens_list -def bertify(source, target=None, oracle_mode='combination', selection=3): +def bertify(bertdata, source, target=None, oracle_mode='combination', selection=3): if target: oracle_ids = combination_selection(source, target, selection) b_data = bertdata.preprocess(source, target, oracle_ids) From 85c0943fb96b5daafd83f91824c306c1c7dd1e7f Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Thu, 10 Oct 2019 20:30:15 +0000 Subject: [PATCH 034/167] update library import for bertsum --- .../text_summarization/bertsum_cnndm.ipynb | 356 +++++++++++++++--- utils_nlp/dataset/harvardnlp_cnndm.py | 3 +- utils_nlp/eval/evaluate_summarization.py | 2 +- .../bert/extractive_text_summarization.py | 46 ++- 4 files changed, 330 insertions(+), 77 deletions(-) diff --git a/examples/text_summarization/bertsum_cnndm.ipynb b/examples/text_summarization/bertsum_cnndm.ipynb index 140aed186..06abb188e 100644 --- a/examples/text_summarization/bertsum_cnndm.ipynb +++ b/examples/text_summarization/bertsum_cnndm.ipynb @@ -24,7 +24,7 @@ "\n", "The figure below illustrates how BERTSum can be fine tuned for extractive summarization task. Each sentence is inserted with [CLS] token at the beginning and [SEP] at the end. Interval segment embedding and positional embedding are added upon the token embedding before input the BERT model. The [CLS] token representation is used as sentence embedding and only the [CLS] tokens are used as input for the summarization model. The summarization layer predicts whether the probability of each each sentence token should be included in the summary or not. Techniques like trigram blocking can be used to improve model accuarcy. \n", "\n", - "\n", + "\n", "\n", "\n", "### Before You Start\n", @@ -48,9 +48,10 @@ "source": [ "## Set QUICK_RUN = True to run the notebook on a small subset of data and a smaller number of epochs.\n", "QUICK_RUN = True\n", - "USE_PREPROCESSED_DARA = False\n", - "if not USE_PREPROCESSED_DARA:\n", - " BERT_DATA_PATH=\"/dadendev/BertSum/bert_data/\"" + "USE_PREPROCESSED_DATA = False\n", + "if not USE_PREPROCESSED_DATA:\n", + " #BERT_DATA_PATH=\"/dadendev/BertSum/bert_data/\"\n", + " BERT_DATA_PATH=\"/dadendev/textsum/bert_data/\"" ] }, { @@ -71,24 +72,43 @@ }, { "cell_type": "code", - "execution_count": 2, + "execution_count": 3, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "fatal: destination path 'BertSum' already exists and is not an empty directory.\r\n" + "--2019-10-08 19:30:42-- https://raw.githubusercontent.com/nlpyang/BertSum/master/bert_config_uncased_base.json\n", + "Resolving raw.githubusercontent.com (raw.githubusercontent.com)... 151.101.124.133\n", + "Connecting to raw.githubusercontent.com (raw.githubusercontent.com)|151.101.124.133|:443... connected.\n", + "HTTP request sent, awaiting response... 200 OK\n", + "Length: 313 [text/plain]\n", + "Saving to: ‘bert_config_uncased_base.json.1’\n", + "\n", + "bert_config_uncased 100%[===================>] 313 --.-KB/s in 0s \n", + "\n", + "2019-10-08 19:30:43 (56.3 MB/s) - ‘bert_config_uncased_base.json.1’ saved [313/313]\n", + "\n" ] } ], "source": [ - "!git clone https://github.com/daden-ms/BertSum.git" + "!wget https://raw.githubusercontent.com/nlpyang/BertSum/master/bert_config_uncased_base.json" ] }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "BERT_CONFIG_PATH=\"./bert_config_uncased_base.json\"" + ] + }, + { + "cell_type": "code", + "execution_count": 3, "metadata": {}, "outputs": [], "source": [ @@ -99,16 +119,17 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 4, "metadata": {}, "outputs": [], "source": [ "import sys\n", + "import os\n", "nlp_path = os.path.abspath('../../')\n", "if nlp_path not in sys.path:\n", " sys.path.insert(0, nlp_path)\n", - " \n", - "sys.path.insert(0, './BertSum/src')" + "sys.path.insert(0, \"./\")\n", + "sys.path.insert(0, \"/dadendev/nlp/examples/text_summarization/BertSum\")" ] }, { @@ -985,7 +1006,7 @@ }, { "cell_type": "code", - "execution_count": 20, + "execution_count": 5, "metadata": {}, "outputs": [], "source": [ @@ -1007,7 +1028,7 @@ }, { "cell_type": "code", - "execution_count": 21, + "execution_count": 6, "metadata": {}, "outputs": [], "source": [ @@ -1032,7 +1053,7 @@ }, { "cell_type": "code", - "execution_count": 22, + "execution_count": 7, "metadata": {}, "outputs": [ { @@ -1063,16 +1084,16 @@ }, { "cell_type": "code", - "execution_count": 28, + "execution_count": 8, "metadata": {}, "outputs": [], "source": [ - "USE_PREPROCESSED_DATA = True" + "USE_PREPROCESSED_DATA = False" ] }, { "cell_type": "code", - "execution_count": 29, + "execution_count": 9, "metadata": {}, "outputs": [], "source": [ @@ -1080,23 +1101,213 @@ " PROCESSED_TRAIN_FILE = './bert_train_data_all_none_excluded'\n", " training_data_files = [PROCESSED_TRAIN_FILE]\n", "else: \n", - " BERT_DATA_PATH=\"/dadendev/BertSum/bert_data/\"\n", " import glob\n", - " pts = sorted(glob.glob(BERT_DATA_PATH + 'cnndm.train' + '.[0-9]*.pt'))\n", + " BERT_DATA_PATH=\"/dadendev/nlp/examples/text_summarization/bertdata/train/\"\n", + " pts = sorted(glob.glob(BERT_DATA_PATH + 'train.bertdata' + '.[0-9]*'))\n", + " #pts = sorted(glob.glob(BERT_DATA_PATH + 'cnndm.train' + '.[0-9]*.pt'))\n", " training_data_files = pts" ] }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.0',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.10000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.100000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.110000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.120000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.130000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.140000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.150000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.160000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.170000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.180000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.190000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.20000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.200000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.210000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.220000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.230000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.240000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.250000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.260000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.270000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.280000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.30000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.40000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.50000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.60000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.70000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.80000',\n", + " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.90000']" + ] + }, + "execution_count": 10, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "training_data_files" + ] + }, { "cell_type": "code", "execution_count": null, "metadata": { "scrolled": true }, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-10 20:27:30,812 INFO] loading archive file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased.tar.gz from cache at ./temp/9c41111e2de84547a463fd39217199738d1e3deb72d4fec4399e6e241983c6f0.ae3cef932725ca7a30cdcb93fc6e09150a55e2a130ec7af63975a16c153ae2ba\n", + "[2019-10-10 20:27:30,814 INFO] extracting archive file ./temp/9c41111e2de84547a463fd39217199738d1e3deb72d4fec4399e6e241983c6f0.ae3cef932725ca7a30cdcb93fc6e09150a55e2a130ec7af63975a16c153ae2ba to temp dir /tmp/tmpha_v8quq\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'accum_count': 2, 'batch_size': 3000, 'beta1': 0.9, 'beta2': 0.999, 'block_trigram': True, 'decay_method': 'noam', 'dropout': 0.1, 'encoder': 'baseline', 'ff_size': 512, 'gpu_ranks': '1', 'heads': 4, 'hidden_size': 128, 'inter_layers': 2, 'lr': 0.002, 'max_grad_norm': 0, 'max_nsents': 100, 'max_src_ntokens': 200, 'min_nsents': 3, 'min_src_ntokens': 10, 'optim': 'adam', 'oracle_mode': 'combination', 'param_init': 0.0, 'param_init_glorot': True, 'recall_eval': False, 'report_every': 50, 'report_rouge': True, 'rnn_size': 512, 'save_checkpoint_steps': 500, 'seed': 42, 'temp_dir': './temp', 'test_all': False, 'test_from': '', 'train_from': '', 'use_interval': True, 'visible_gpus': '0', 'warmup_steps': 10000, 'world_size': 1, 'mode': 'train', 'model_path': './models/baseline0.4638002095122038', 'log_file': './logs/baseline0.4638002095122038', 'bert_config_path': '/dadendev/nlp/BertSum/bert_config_uncased_base.json', 'gpu_ranks_map': {1: 0}}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-10 20:27:34,555 INFO] Model config {\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"max_position_embeddings\": 512,\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"type_vocab_size\": 2,\n", + " \"vocab_size\": 30522\n", + "}\n", + "\n", + "[2019-10-10 20:27:39,167 INFO] * number of parameters: 5179137\n", + "[2019-10-10 20:27:39,169 INFO] Start training...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "device_id 1\n", + "gpu_rank 0\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-10 20:27:43,207 INFO] Step 50/50000; xent: 13.18; lr: 0.0000001; 300 docs/s; 3 sec\n", + "[2019-10-10 20:27:46,300 INFO] Step 100/50000; xent: 12.94; lr: 0.0000002; 323 docs/s; 6 sec\n", + "[2019-10-10 20:27:49,361 INFO] Step 150/50000; xent: 12.49; lr: 0.0000003; 326 docs/s; 9 sec\n", + "[2019-10-10 20:27:52,455 INFO] Step 200/50000; xent: 11.62; lr: 0.0000004; 326 docs/s; 13 sec\n", + "[2019-10-10 20:27:55,534 INFO] Step 250/50000; xent: 11.20; lr: 0.0000005; 324 docs/s; 16 sec\n", + "[2019-10-10 20:27:58,596 INFO] Step 300/50000; xent: 10.23; lr: 0.0000006; 328 docs/s; 19 sec\n", + "[2019-10-10 20:28:01,663 INFO] Step 350/50000; xent: 9.27; lr: 0.0000007; 326 docs/s; 22 sec\n", + "[2019-10-10 20:28:04,759 INFO] Step 400/50000; xent: 8.30; lr: 0.0000008; 323 docs/s; 25 sec\n", + "[2019-10-10 20:28:07,839 INFO] Step 450/50000; xent: 7.40; lr: 0.0000009; 321 docs/s; 28 sec\n", + "[2019-10-10 20:28:10,906 INFO] Step 500/50000; xent: 6.70; lr: 0.0000010; 328 docs/s; 31 sec\n", + "[2019-10-10 20:28:10,908 INFO] Saving checkpoint ./models/baseline0.4638002095122038/model_step_500.pt\n", + "[2019-10-10 20:28:14,060 INFO] Step 550/50000; xent: 5.96; lr: 0.0000011; 317 docs/s; 34 sec\n", + "[2019-10-10 20:28:17,169 INFO] Step 600/50000; xent: 5.46; lr: 0.0000012; 321 docs/s; 37 sec\n", + "[2019-10-10 20:28:20,233 INFO] Step 650/50000; xent: 4.89; lr: 0.0000013; 325 docs/s; 40 sec\n", + "[2019-10-10 20:28:23,314 INFO] Step 700/50000; xent: 4.67; lr: 0.0000014; 324 docs/s; 43 sec\n", + "[2019-10-10 20:28:26,387 INFO] Step 750/50000; xent: 4.31; lr: 0.0000015; 328 docs/s; 47 sec\n", + "[2019-10-10 20:28:29,452 INFO] Step 800/50000; xent: 4.18; lr: 0.0000016; 325 docs/s; 50 sec\n", + "[2019-10-10 20:28:32,523 INFO] Step 850/50000; xent: 4.08; lr: 0.0000017; 325 docs/s; 53 sec\n", + "[2019-10-10 20:28:35,584 INFO] Step 900/50000; xent: 4.08; lr: 0.0000018; 324 docs/s; 56 sec\n", + "[2019-10-10 20:28:38,654 INFO] Step 950/50000; xent: 3.90; lr: 0.0000019; 327 docs/s; 59 sec\n", + "[2019-10-10 20:28:41,693 INFO] Step 1000/50000; xent: 3.91; lr: 0.0000020; 329 docs/s; 62 sec\n", + "[2019-10-10 20:28:41,695 INFO] Saving checkpoint ./models/baseline0.4638002095122038/model_step_1000.pt\n", + "[2019-10-10 20:28:45,950 INFO] Step 1050/50000; xent: 3.91; lr: 0.0000021; 239 docs/s; 66 sec\n", + "[2019-10-10 20:28:49,039 INFO] Step 1100/50000; xent: 3.94; lr: 0.0000022; 325 docs/s; 69 sec\n", + "[2019-10-10 20:28:52,133 INFO] Step 1150/50000; xent: 3.93; lr: 0.0000023; 326 docs/s; 72 sec\n", + "[2019-10-10 20:28:55,237 INFO] Step 1200/50000; xent: 3.90; lr: 0.0000024; 327 docs/s; 75 sec\n", + "[2019-10-10 20:28:58,315 INFO] Step 1250/50000; xent: 3.84; lr: 0.0000025; 325 docs/s; 78 sec\n", + "[2019-10-10 20:29:01,429 INFO] Step 1300/50000; xent: 3.93; lr: 0.0000026; 323 docs/s; 82 sec\n", + "[2019-10-10 20:29:04,520 INFO] Step 1350/50000; xent: 3.79; lr: 0.0000027; 329 docs/s; 85 sec\n", + "[2019-10-10 20:29:07,634 INFO] Step 1400/50000; xent: 4.00; lr: 0.0000028; 321 docs/s; 88 sec\n", + "[2019-10-10 20:29:10,770 INFO] Step 1450/50000; xent: 3.79; lr: 0.0000029; 327 docs/s; 91 sec\n", + "[2019-10-10 20:29:13,888 INFO] Step 1500/50000; xent: 3.88; lr: 0.0000030; 320 docs/s; 94 sec\n", + "[2019-10-10 20:29:13,893 INFO] Saving checkpoint ./models/baseline0.4638002095122038/model_step_1500.pt\n", + "[2019-10-10 20:29:17,057 INFO] Step 1550/50000; xent: 3.90; lr: 0.0000031; 322 docs/s; 97 sec\n", + "[2019-10-10 20:29:20,209 INFO] Step 1600/50000; xent: 3.87; lr: 0.0000032; 318 docs/s; 100 sec\n", + "[2019-10-10 20:29:23,305 INFO] Step 1650/50000; xent: 3.86; lr: 0.0000033; 326 docs/s; 103 sec\n", + "[2019-10-10 20:29:26,419 INFO] Step 1700/50000; xent: 3.75; lr: 0.0000034; 328 docs/s; 107 sec\n", + "[2019-10-10 20:29:29,523 INFO] Step 1750/50000; xent: 3.80; lr: 0.0000035; 327 docs/s; 110 sec\n", + "[2019-10-10 20:29:32,616 INFO] Step 1800/50000; xent: 3.74; lr: 0.0000036; 328 docs/s; 113 sec\n" + ] + } + ], "source": [ "bertsum_model.fit(device_id, training_data_files, train_steps=50000, train_from=\"\")" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### [Optional] Distributed Training" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [], + "source": [ + "BERT_CONFIG_PATH=\"./bert_config_uncased_base.json\"" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['1']\n", + "{1: 0}\n" + ] + } + ], + "source": [ + "bertsum_model = BertSumExtractiveSummarizer(encoder = 'baseline', \n", + " model_path = model_base_path+encoder+str(random_number),\n", + " log_file = log_base_path+encoder+str(random_number),\n", + " bert_config_path=BERT_CONFIG_PATH,\n", + " device_id = device_id,\n", + " gpu_ranks = gpu_ranks,)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def train():\n", + "\n", + " bertsum_model.fit(device_id, training_data_files, train_steps=50000, train_from=\"\")" + ] + }, { "cell_type": "markdown", "metadata": {}, @@ -1108,14 +1319,14 @@ }, { "cell_type": "code", - "execution_count": 42, + "execution_count": 15, "metadata": { "scrolled": true }, "outputs": [], "source": [ "import torch\n", - "from models.data_loader import DataIterator,Batch,Dataloader\n", + "from bertsum.models.data_loader import DataIterator,Batch,Dataloader\n", "import os\n", "\n", "USE_PREPROCESSED_DATA = False\n", @@ -1124,7 +1335,7 @@ "else:\n", " test_dataset=[]\n", " for i in range(0,6):\n", - " filename = os.path.join(BERT_DATA_PATH, \"test/cnndm.test.{0}.bert.pt\".format(i))\n", + " filename = os.path.join(BERT_DATA_PATH, \"cnndm.test.{0}.bert.pt\".format(i))\n", " test_dataset.extend(torch.load(filename))\n", "\n", " \n", @@ -1139,16 +1350,16 @@ }, { "cell_type": "code", - "execution_count": 32, + "execution_count": 22, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-07 03:29:59,368 INFO] Device ID 1\n", - "[2019-10-07 03:29:59,373 INFO] Loading checkpoint from ./models/baseline0.14344633695274556/model_step_30000.pt\n", - "[2019-10-07 03:30:02,139 INFO] * number of parameters: 5179137\n" + "[2019-10-09 02:47:36,693 INFO] Device ID 1\n", + "[2019-10-09 02:47:36,694 INFO] Loading checkpoint from ./models/baseline0.5550666171952351/model_step_50000.pt\n", + "[2019-10-09 02:47:38,197 INFO] * number of parameters: 5179137\n" ] }, { @@ -1161,7 +1372,8 @@ } ], "source": [ - "model_for_test = \"./models/baseline0.14344633695274556/model_step_30000.pt\"\n", + "model_for_test = \"./models/baseline0.5550666171952351/model_step_50000.pt\"\n", + "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n", " test_from=model_for_test,\n", @@ -1171,7 +1383,7 @@ }, { "cell_type": "code", - "execution_count": 33, + "execution_count": 23, "metadata": {}, "outputs": [ { @@ -1180,7 +1392,7 @@ "11489" ] }, - "execution_count": 33, + "execution_count": 23, "metadata": {}, "output_type": "execute_result" } @@ -1191,7 +1403,34 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 25, + "metadata": {}, + "outputs": [], + "source": [ + "import os\n", + "from random import random, seed\n", + "from bertsum.others.utils import test_rouge\n", + "\n", + "def get_rouge(predictions, targets, temp_dir):\n", + " def _write_list_to_file(list_items, filename):\n", + " with open(filename, 'w') as filehandle:\n", + " #for cnt, line in enumerate(filehandle):\n", + " for item in list_items:\n", + " filehandle.write('%s\\n' % item)\n", + " seed(42)\n", + " random_number = random()\n", + " candidate_path = os.path.join(temp_dir, \"candidate\"+str(random_number))\n", + " gold_path = os.path.join(temp_dir, \"gold\"+str(random_number))\n", + " _write_list_to_file(predictions, candidate_path)\n", + " _write_list_to_file(targets, gold_path)\n", + " rouge = test_rouge(temp_dir, candidate_path, gold_path)\n", + " return rouge\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 26, "metadata": {}, "outputs": [ { @@ -1206,28 +1445,47 @@ "name": "stderr", "output_type": "stream", "text": [ - "2019-10-07 03:31:33,696 [MainThread ] [INFO ] Writing summaries.\n", - "[2019-10-07 03:31:33,696 INFO] Writing summaries.\n", - "2019-10-07 03:31:33,698 [MainThread ] [INFO ] Processing summaries. Saving system files to /dadendev/textsum/results/tmpekvbkkdp/system and model files to /dadendev/textsum/results/tmpekvbkkdp/model.\n", - "[2019-10-07 03:31:33,698 INFO] Processing summaries. Saving system files to /dadendev/textsum/results/tmpekvbkkdp/system and model files to /dadendev/textsum/results/tmpekvbkkdp/model.\n", - "2019-10-07 03:31:33,700 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rouge-tmp-2019-10-07-03-31-32/candidate/.\n", - "[2019-10-07 03:31:33,700 INFO] Processing files in /dadendev/textsum/results/rouge-tmp-2019-10-07-03-31-32/candidate/.\n", - "2019-10-07 03:31:35,332 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/tmpekvbkkdp/system.\n", - "[2019-10-07 03:31:35,332 INFO] Saved processed files to /dadendev/textsum/results/tmpekvbkkdp/system.\n", - "2019-10-07 03:31:35,335 [MainThread ] [INFO ] Processing files in /dadendev/textsum/results/rouge-tmp-2019-10-07-03-31-32/reference/.\n", - "[2019-10-07 03:31:35,335 INFO] Processing files in /dadendev/textsum/results/rouge-tmp-2019-10-07-03-31-32/reference/.\n", - "2019-10-07 03:31:36,920 [MainThread ] [INFO ] Saved processed files to /dadendev/textsum/results/tmpekvbkkdp/model.\n", - "[2019-10-07 03:31:36,920 INFO] Saved processed files to /dadendev/textsum/results/tmpekvbkkdp/model.\n", - "2019-10-07 03:31:37,246 [MainThread ] [INFO ] Written ROUGE configuration to /dadendev/textsum/results/tmp7nz1xogo/rouge_conf.xml\n", - "[2019-10-07 03:31:37,246 INFO] Written ROUGE configuration to /dadendev/textsum/results/tmp7nz1xogo/rouge_conf.xml\n", - "2019-10-07 03:31:37,248 [MainThread ] [INFO ] Running ROUGE with command /home/daden/.files2rouge/ROUGE-1.5.5.pl -e /home/daden/.files2rouge/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/tmp7nz1xogo/rouge_conf.xml\n", - "[2019-10-07 03:31:37,248 INFO] Running ROUGE with command /home/daden/.files2rouge/ROUGE-1.5.5.pl -e /home/daden/.files2rouge/data -c 95 -m -r 1000 -n 2 -a /dadendev/textsum/results/tmp7nz1xogo/rouge_conf.xml\n" + "2019-10-09 02:49:06,778 [MainThread ] [INFO ] Writing summaries.\n", + "[2019-10-09 02:49:06,778 INFO] Writing summaries.\n", + "2019-10-09 02:49:06,781 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpaikkoju5/system and model files to ./results/tmpaikkoju5/model.\n", + "[2019-10-09 02:49:06,781 INFO] Processing summaries. Saving system files to ./results/tmpaikkoju5/system and model files to ./results/tmpaikkoju5/model.\n", + "2019-10-09 02:49:06,782 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-09-02-49-05/candidate/.\n", + "[2019-10-09 02:49:06,782 INFO] Processing files in ./results/rouge-tmp-2019-10-09-02-49-05/candidate/.\n", + "2019-10-09 02:49:07,979 [MainThread ] [INFO ] Saved processed files to ./results/tmpaikkoju5/system.\n", + "[2019-10-09 02:49:07,979 INFO] Saved processed files to ./results/tmpaikkoju5/system.\n", + "2019-10-09 02:49:07,981 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-09-02-49-05/reference/.\n", + "[2019-10-09 02:49:07,981 INFO] Processing files in ./results/rouge-tmp-2019-10-09-02-49-05/reference/.\n", + "2019-10-09 02:49:09,181 [MainThread ] [INFO ] Saved processed files to ./results/tmpaikkoju5/model.\n", + "[2019-10-09 02:49:09,181 INFO] Saved processed files to ./results/tmpaikkoju5/model.\n", + "2019-10-09 02:49:09,267 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp8_c210t6/rouge_conf.xml\n", + "[2019-10-09 02:49:09,267 INFO] Written ROUGE configuration to ./results/tmp8_c210t6/rouge_conf.xml\n", + "2019-10-09 02:49:09,268 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp8_c210t6/rouge_conf.xml\n", + "[2019-10-09 02:49:09,268 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp8_c210t6/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.52805 (95%-conf.int. 0.52503 - 0.53101)\n", + "1 ROUGE-1 Average_P: 0.34902 (95%-conf.int. 0.34673 - 0.35137)\n", + "1 ROUGE-1 Average_F: 0.40627 (95%-conf.int. 0.40407 - 0.40856)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.23266 (95%-conf.int. 0.22986 - 0.23553)\n", + "1 ROUGE-2 Average_P: 0.15342 (95%-conf.int. 0.15150 - 0.15543)\n", + "1 ROUGE-2 Average_F: 0.17858 (95%-conf.int. 0.17650 - 0.18072)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.47936 (95%-conf.int. 0.47650 - 0.48238)\n", + "1 ROUGE-L Average_P: 0.31731 (95%-conf.int. 0.31511 - 0.31957)\n", + "1 ROUGE-L Average_F: 0.36913 (95%-conf.int. 0.36697 - 0.37144)\n", + "\n" ] } ], "source": [ "from utils_nlp.eval.evaluate_summarization import get_rouge\n", - "rouge_baseline = get_rouge(prediction, target, \"/dadendev/textsum/results/\")" + "rouge_baseline = get_rouge(prediction, target, \"./results/\")" ] }, { @@ -1634,7 +1892,7 @@ ], "metadata": { "kernelspec": { - "display_name": "Python (nlp_gpu)", + "display_name": "python3.6 cm3", "language": "python", "name": "cm3" }, diff --git a/utils_nlp/dataset/harvardnlp_cnndm.py b/utils_nlp/dataset/harvardnlp_cnndm.py index f38e9ab62..8b6b209f7 100644 --- a/utils_nlp/dataset/harvardnlp_cnndm.py +++ b/utils_nlp/dataset/harvardnlp_cnndm.py @@ -4,8 +4,7 @@ from nltk import tokenize import torch import sys -sys.path.insert(0, '../src') -from others.utils import clean +from bertsum.others.utils import clean from multiprocess import Pool import regex as re diff --git a/utils_nlp/eval/evaluate_summarization.py b/utils_nlp/eval/evaluate_summarization.py index a9e076366..da4a2040d 100644 --- a/utils_nlp/eval/evaluate_summarization.py +++ b/utils_nlp/eval/evaluate_summarization.py @@ -1,6 +1,6 @@ import os from random import random, seed -from others.utils import test_rouge +from bertsum.others.utils import test_rouge def get_rouge(predictions, targets, temp_dir): def _write_list_to_file(list_items, filename): diff --git a/utils_nlp/models/bert/extractive_text_summarization.py b/utils_nlp/models/bert/extractive_text_summarization.py index 24af40ed5..aa9513271 100644 --- a/utils_nlp/models/bert/extractive_text_summarization.py +++ b/utils_nlp/models/bert/extractive_text_summarization.py @@ -1,16 +1,16 @@ from pytorch_pretrained_bert import BertConfig -from models.model_builder import Summarizer -from models import model_builder, data_loader -from others.logging import logger, init_logger -from train import model_flags -from models.trainer import build_trainer -from prepro.data_builder import BertData +from bertsum.models.model_builder import Summarizer +from bertsum.models import model_builder, data_loader +from bertsum.others.logging import logger, init_logger +from bertsum.train import model_flags +from bertsum.models.trainer import build_trainer +from bertsum.prepro.data_builder import BertData from cached_property import cached_property import torch import random -from prepro.data_builder import greedy_selection, combination_selection +from bertsum.prepro.data_builder import greedy_selection, combination_selection import gc from multiprocessing import Pool @@ -97,7 +97,7 @@ def __init__(self, language="english", log_file = "./logs/baseline", temp_dir = './temp', bert_config_path="./bert_config_uncased_base.json", - device_id=0, + device_id=1, work_size=1, gpu_ranks="1" ): @@ -128,17 +128,15 @@ def __map_gpu_ranks(gpu_ranks): self.args.log_file = log_file self.args.temp_dir = temp_dir self.args.bert_config_path=bert_config_path - self.args.worls_size = 1 + self.args.gpu_ranks = gpu_ranks self.args.gpu_ranks_map = __map_gpu_ranks(self.args.gpu_ranks) + self.args.world_size = len(self.args.gpu_ranks_map.keys()) print(self.args.gpu_ranks_map) - init_logger(self.args.log_file) self.has_cuda = self.cuda - self.device = torch.device("cuda:{}".format(device_id)) - #"cpu" if not self.has_cuda else "cuda" - + init_logger(self.args.log_file) torch.manual_seed(self.args.seed) random.seed(self.args.seed) torch.backends.cudnn.deterministic = True @@ -155,14 +153,16 @@ def cuda(self): def fit(self, device_id, train_file_list, train_steps=5000, train_from='', batch_size=3000, warmup_proportion=0.2, decay_method='noam', lr=0.002,accum_count=2): - if device_id not in self.args.gpu_ranks_map.keys(): - print(error) + + if self.args.gpu_ranks_map[device_id] != 0: + logger.disabled = True + if device_id not in list(self.args.gpu_ranks_map.keys()): + raise Exception("need to use device id that's in the gpu ranks") device = None - logger.info('Device ID %d' % device_id) if device_id >= 0: - torch.cuda.set_device(device_id) + #torch.cuda.set_device(device_id) torch.cuda.manual_seed(self.args.seed) - device = torch.device("cuda:{}".format(device_id)) + device = device_id #torch.device("cuda:{}".format(device_id)) self.args.decay_method=decay_method self.args.lr=lr @@ -172,11 +172,10 @@ def fit(self, device_id, train_file_list, train_steps=5000, train_from='', batch self.args.accum_count= accum_count print(self.args.__dict__) - self.model = Summarizer(self.args, self.device, load_pretrained_bert=True) + self.model = Summarizer(self.args, device, load_pretrained_bert=True) if train_from != '': - logger.info('Loading checkpoint from %s' % args.train_from) checkpoint = torch.load(train_from, map_location=lambda storage, loc: storage) opt = vars(checkpoint['opt']) @@ -188,7 +187,6 @@ def fit(self, device_id, train_file_list, train_steps=5000, train_from='', batch else: optim = model_builder.build_optim(self.args, self.model, None) - logger.info(self.model) def get_dataset(file_list): random.shuffle(file_list) @@ -197,8 +195,8 @@ def get_dataset(file_list): def train_iter_fct(): - return data_loader.Dataloader(self.args, get_dataset(train_file_list), batch_size, self.device, - shuffle=True, is_test=False) + return data_loader.Dataloader(self.args, get_dataset(train_file_list), batch_size, device, + shuffle=True, is_test=True) @@ -210,7 +208,6 @@ def predict(self, device_id, data_iter, sentence_seperator='', test_from='', cal #if self.args.world_size=1 or len(self.args.gpu_ranks.split(",")==1): # device_id = 0 - logger.info('Device ID %d' % device_id) device = None if device_id >= 0: torch.cuda.set_device(device_id) @@ -220,7 +217,6 @@ def predict(self, device_id, data_iter, sentence_seperator='', test_from='', cal if self.model is None and test_from == '': raise Exception("Need to train or specify the model for testing") if test_from != '': - logger.info('Loading checkpoint from %s' % test_from) checkpoint = torch.load(test_from, map_location=lambda storage, loc: storage) opt = vars(checkpoint['opt']) for k in opt.keys(): From 935a583432df6fd48ae8f8401c60639f412069b3 Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Tue, 15 Oct 2019 18:52:00 +0000 Subject: [PATCH 035/167] complete notenook run with transformer --- .../text_summarization/bertsum_cnndm.ipynb | 3778 +++++++++++++---- .../bert/extractive_text_summarization.py | 63 +- 2 files changed, 2888 insertions(+), 953 deletions(-) diff --git a/examples/text_summarization/bertsum_cnndm.ipynb b/examples/text_summarization/bertsum_cnndm.ipynb index 06abb188e..b7e46fc22 100644 --- a/examples/text_summarization/bertsum_cnndm.ipynb +++ b/examples/text_summarization/bertsum_cnndm.ipynb @@ -34,10 +34,15 @@ "\n", "The table below provides some reference running time on different machine configurations. \n", "\n", - "|QUICK_RUN|Machine Configurations|Running time|\n", - "|:---------|:----------------------|:------------|\n", - "|True|1 NVIDIA Tesla K80 GPUs, 12GB GPU memory| ~ ? minutes |\n", - "|False|4 NVIDIA Tesla V100 GPUs, 64GB GPU memory| ~ ? hours|\n" + "|QUICK_RUN|USE_PREPROCESSED_DATA|encoder|Machine Configurations|Running time|\n", + "|:---------|:---------|:---------|:----------------------|:------------|\n", + "|True|True|baseline|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 20 minutes |\n", + "|False|True|baseline|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 60 minutes |\n", + "|True|False|baseline|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 20 minutes |\n", + "|True|True|transformer|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 80 minutes |\n", + "|False|True|transformer|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 6.5hours |\n", + "|True|False|transformer|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 80 minutes |\n", + "|False|False|any| 1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| > 24 hours|\n" ] }, { @@ -48,10 +53,7 @@ "source": [ "## Set QUICK_RUN = True to run the notebook on a small subset of data and a smaller number of epochs.\n", "QUICK_RUN = True\n", - "USE_PREPROCESSED_DATA = False\n", - "if not USE_PREPROCESSED_DATA:\n", - " #BERT_DATA_PATH=\"/dadendev/BertSum/bert_data/\"\n", - " BERT_DATA_PATH=\"/dadendev/textsum/bert_data/\"" + "USE_PREPROCESSED_DATA = True" ] }, { @@ -72,23 +74,23 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": 2, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "--2019-10-08 19:30:42-- https://raw.githubusercontent.com/nlpyang/BertSum/master/bert_config_uncased_base.json\n", + "--2019-10-15 17:28:02-- https://raw.githubusercontent.com/nlpyang/BertSum/master/bert_config_uncased_base.json\n", "Resolving raw.githubusercontent.com (raw.githubusercontent.com)... 151.101.124.133\n", "Connecting to raw.githubusercontent.com (raw.githubusercontent.com)|151.101.124.133|:443... connected.\n", "HTTP request sent, awaiting response... 200 OK\n", "Length: 313 [text/plain]\n", - "Saving to: ‘bert_config_uncased_base.json.1’\n", + "Saving to: ‘bert_config_uncased_base.json’\n", "\n", "bert_config_uncased 100%[===================>] 313 --.-KB/s in 0s \n", "\n", - "2019-10-08 19:30:43 (56.3 MB/s) - ‘bert_config_uncased_base.json.1’ saved [313/313]\n", + "2019-10-15 17:28:02 (59.7 MB/s) - ‘bert_config_uncased_base.json’ saved [313/313]\n", "\n" ] } @@ -99,7 +101,7 @@ }, { "cell_type": "code", - "execution_count": 2, + "execution_count": 3, "metadata": {}, "outputs": [], "source": [ @@ -108,7 +110,7 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": 4, "metadata": {}, "outputs": [], "source": [ @@ -119,7 +121,7 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 5, "metadata": {}, "outputs": [], "source": [ @@ -128,8 +130,7 @@ "nlp_path = os.path.abspath('../../')\n", "if nlp_path not in sys.path:\n", " sys.path.insert(0, nlp_path)\n", - "sys.path.insert(0, \"./\")\n", - "sys.path.insert(0, \"/dadendev/nlp/examples/text_summarization/BertSum\")" + "sys.path.insert(0, \"./\")\n" ] }, { @@ -141,9 +142,44 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 6, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Hit:1 http://azure.archive.ubuntu.com/ubuntu bionic InRelease\n", + "Get:2 http://azure.archive.ubuntu.com/ubuntu bionic-updates InRelease [88.7 kB]\n", + "Ign:3 http://developer.download.nvidia.com/compute/cuda/repos/ubuntu1804/x86_64 InRelease\n", + "Get:4 http://azure.archive.ubuntu.com/ubuntu bionic-backports InRelease [74.6 kB]\n", + "Get:5 http://security.ubuntu.com/ubuntu bionic-security InRelease [88.7 kB] \n", + "Hit:6 https://packages.microsoft.com/repos/microsoft-ubuntu-xenial-prod xenial InRelease\n", + "Hit:7 http://developer.download.nvidia.com/compute/cuda/repos/ubuntu1804/x86_64 Release\n", + "Fetched 252 kB in 1s (350 kB/s) \n", + "Reading package lists... Done\n", + "Reading package lists... Done\n", + "Building dependency tree \n", + "Reading state information... Done\n", + "expat is already the newest version (2.2.5-3ubuntu0.2).\n", + "The following packages were automatically installed and are no longer required:\n", + " linux-azure-cloud-tools-5.0.0-1018 linux-azure-headers-5.0.0-1018\n", + " linux-azure-tools-5.0.0-1018\n", + "Use 'sudo apt autoremove' to remove them.\n", + "0 upgraded, 0 newly installed, 0 to remove and 47 not upgraded.\n", + "Reading package lists... Done\n", + "Building dependency tree \n", + "Reading state information... Done\n", + "Note, selecting 'libexpat1-dev' instead of 'libexpat-dev'\n", + "libexpat1-dev is already the newest version (2.2.5-3ubuntu0.2).\n", + "The following packages were automatically installed and are no longer required:\n", + " linux-azure-cloud-tools-5.0.0-1018 linux-azure-headers-5.0.0-1018\n", + " linux-azure-tools-5.0.0-1018\n", + "Use 'sudo apt autoremove' to remove them.\n", + "0 upgraded, 0 newly installed, 0 to remove and 47 not upgraded.\n" + ] + } + ], "source": [ "# dependencies for ROUGE-1.5.5.pl\n", "!sudo apt-get update\n", @@ -155,12 +191,12 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "Run the following command in your terminal\n", + "Run the following command in your terminal to install pre-requiste for using pyrouge.\n", "1. sudo cpan install XML::Parser\n", "1. sudo cpan install XML::Parser::PerlSAX\n", "1. sudo cpan install XML::DOM\n", "\n", - "Also you need to set up file2rouge\n" + "Also you need to set up file2rouge, install pyrouge\n" ] }, { @@ -169,7 +205,7 @@ "source": [ "### Data Preprossing\n", "\n", - "The dataset we used for this notebook is CNN/DM dataset which contains the documents and accompanying questions from the news articles of CNN and Daily mail. The highlights in each article are used as summary. The dataset consits of ~289K training examples, ~11K valiation and ~11K test dataset. You can choose to use the preprocessed version at [BERTSum published example](https://github.com/nlpyang/BertSum/) or use the following section to preprocess the data. Since it takes up to 28 hours to preprocess the training data to run on 10 Intel(R) Xeon(R) CPU E5-2690 v3 @ 2.60GHz, if you choose to run the preprocessing, we suggest you run with QUICKRUN set as True.\n", + "The dataset we used for this notebook is CNN/DM dataset which contains the documents and accompanying questions from the news articles of CNN and Daily mail. The highlights in each article are used as summary. The dataset consits of ~289K training examples, ~11K valiation and ~11K test dataset. You can choose to use the preprocessed version at [BERTSum published example](https://github.com/nlpyang/BertSum/) or use the following section to preprocess the data. Since it takes up to 28 hours to preprocess the training data to run on 10 Intel(R) Xeon(R) CPU E5-2690 v3 @ 2.60GHz, we suggest you continue with set as True first and experiment with data preprocessing with QUICKRUN set as True.\n", "\n" ] }, @@ -177,15 +213,65 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "If you choose to use preprocessed data, continue to section #Model training.\n", - "To continue with the data preprocessing, run the following command to download from https://github.com/harvardnlp/sent-summary and unzip the data to folder ./harvardnlp_cnndm" + "#### Download Preprocessed Data\n", + "Please go to [BERTSum published example](https://github.com/nlpyang/BertSum/) to download preprocessed data and unzip it to the folder \"./bert_data\" at the current path." ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 7, "metadata": {}, "outputs": [], + "source": [ + "USE_PREPROCESSED_DATA = True\n", + "if USE_PREPROCESSED_DATA:\n", + " BERT_DATA_PATH=\"./bert_data/\"" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "If you choose to use preprocessed data, continue to section Model training.\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Run Data Preprocessing\n", + "To continue with the data preprocessing, run the following command to download from https://github.com/harvardnlp/sent-summary and unzip the data to folder ./harvardnlp_cnndm" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "--2019-10-15 17:28:19-- https://s3.amazonaws.com/opennmt-models/Summary/cnndm.tar.gz\n", + "Resolving s3.amazonaws.com (s3.amazonaws.com)... 52.216.238.221\n", + "Connecting to s3.amazonaws.com (s3.amazonaws.com)|52.216.238.221|:443... connected.\n", + "HTTP request sent, awaiting response... 200 OK\n", + "Length: 500375629 (477M) [application/x-gzip]\n", + "Saving to: ‘cnndm.tar.gz’\n", + "\n", + "cnndm.tar.gz 100%[===================>] 477.20M 91.7MB/s in 5.2s \n", + "\n", + "2019-10-15 17:28:24 (91.4 MB/s) - ‘cnndm.tar.gz’ saved [500375629/500375629]\n", + "\n", + "test.txt.src\n", + "test.txt.tgt.tagged\n", + "train.txt.src\n", + "train.txt.tgt.tagged\n", + "val.txt.src\n", + "val.txt.tgt.tagged\n" + ] + } + ], "source": [ "!wget https://s3.amazonaws.com/opennmt-models/Summary/cnndm.tar.gz &&\\\n", " mkdir -p harvardnlp_cnndm &&\\\n", @@ -197,7 +283,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "#### Details of Data Preprocessing\n", + "##### Details of Data Preprocessing\n", "\n", "The purpose of preprocessing is to process the input articles to the format that BertSum takes. Functions defined specific in harvardnlp_cnndm_preprocess function are unique to CNN/DM dataset that's processed by harvardnlp. However, it provides a skeleton of how to preprocessing data into the format that BertSum takes. Assuming you have all articles and target summery each in a file, line-breaker seperated, the steps to preprocess the data are:\n", "1. sentence tokenization\n", @@ -221,7 +307,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 9, "metadata": { "scrolled": true }, @@ -242,15 +328,15 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 10, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "CPU times: user 3 µs, sys: 1 µs, total: 4 µs\n", - "Wall time: 6.68 µs\n" + "CPU times: user 4 µs, sys: 1e+03 ns, total: 5 µs\n", + "Wall time: 7.87 µs\n" ] } ], @@ -260,28 +346,19 @@ "max_test_job_number = -1\n", "if QUICK_RUN:\n", " max_train_job_number = 100\n", - " max_test_job_number = 10" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [], - "source": [ - "output_file = f\"./harvardnlp_cnndm/test.bertdata_{QUICK_RUN}\" " + " max_test_job_number = 100" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "#### Preprocess training data" + "##### Preprocess training data" ] }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 11, "metadata": {}, "outputs": [ { @@ -289,8 +366,8 @@ "output_type": "stream", "text": [ "total length of training data: 100\n", - "CPU times: user 3.14 s, sys: 1.63 s, total: 4.77 s\n", - "Wall time: 41.1 s\n" + "CPU times: user 2.98 s, sys: 2.49 s, total: 5.46 s\n", + "Wall time: 32.5 s\n" ] } ], @@ -299,11 +376,13 @@ "TRAIN_SRC_FILE = \"./harvardnlp_cnndm/train.txt.src\"\n", "TRAIN_TGT_FILE = \"./harvardnlp_cnndm/train.txt.tgt.tagged\"\n", "PROCESSED_TRAIN_FILE = f\"./harvardnlp_cnndm/train.bertdata_{QUICK_RUN}\" \n", + "\n", + "\n", "import multiprocessing\n", "n_cpus = multiprocessing.cpu_count() - 1\n", "jobs = harvardnlp_cnndm_preprocess(n_cpus, TRAIN_SRC_FILE, TRAIN_TGT_FILE, max_train_job_number)\n", "print(\"total length of training data:\", len(jobs))\n", - "from prepro.data_builder import BertData\n", + "from bertsum.prepro.data_builder import BertData\n", "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", "default_preprocessing_parameters = {\"max_nsents\": 200, \"max_src_ntokens\": 2000, \"min_nsents\": 3, \"min_src_ntokens\": 5, \"use_interval\": True}\n", "args=Bunch(default_preprocessing_parameters)\n", @@ -315,21 +394,21 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "#### Preprocess test data" + "##### Preprocessing test data" ] }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 12, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "total length of training data: 10\n", - "CPU times: user 2.9 s, sys: 1.59 s, total: 4.49 s\n", - "Wall time: 5.12 s\n" + "total length of training data: 100\n", + "CPU times: user 586 ms, sys: 1.01 s, total: 1.59 s\n", + "Wall time: 15.6 s\n" ] } ], @@ -338,11 +417,12 @@ "TEST_SRC_FILE = \"./harvardnlp_cnndm/test.txt.src\"\n", "TEST_TGT_FILE = \"./harvardnlp_cnndm/test.txt.tgt.tagged\"\n", "PROCESSED_TEST_FILE = f\"./harvardnlp_cnndm/test.bertdata_{QUICK_RUN}\" \n", + "\n", "import multiprocessing\n", "n_cpus = multiprocessing.cpu_count() - 1\n", - "jobs = harvardnlp_cnndm_preprocess(n_cpus, TRAIN_SRC_FILE, TRAIN_TGT_FILE, max_test_job_number)\n", + "jobs = harvardnlp_cnndm_preprocess(n_cpus, TEST_SRC_FILE, TEST_TGT_FILE, max_test_job_number)\n", "print(\"total length of training data:\", len(jobs))\n", - "from prepro.data_builder import BertData\n", + "from bertsum.prepro.data_builder import BertData\n", "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", "default_preprocessing_parameters = {\"max_nsents\": 200, \"max_src_ntokens\": 2000, \"min_nsents\": 3, \"min_src_ntokens\": 5, \"use_interval\": True}\n", "args=Bunch(default_preprocessing_parameters)\n", @@ -350,6 +430,1349 @@ "bertsum_formatting(n_cpus, bertdata,\"combination\", jobs[0:max_test_job_number], PROCESSED_TEST_FILE)\n" ] }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'src': [['marseille',\n", + " ',',\n", + " 'france',\n", + " '(',\n", + " 'cnn',\n", + " ')',\n", + " 'the',\n", + " 'french',\n", + " 'prosecutor',\n", + " 'leading',\n", + " 'an',\n", + " 'investigation',\n", + " 'into',\n", + " 'the',\n", + " 'crash',\n", + " 'of',\n", + " 'germanwings',\n", + " 'flight',\n", + " '9525',\n", + " 'insisted',\n", + " 'wednesday',\n", + " 'that',\n", + " 'he',\n", + " 'was',\n", + " 'not',\n", + " 'aware',\n", + " 'of',\n", + " 'any',\n", + " 'video',\n", + " 'footage',\n", + " 'from',\n", + " 'on',\n", + " 'board',\n", + " 'the',\n", + " 'plane',\n", + " '.'],\n", + " ['marseille',\n", + " 'prosecutor',\n", + " 'brice',\n", + " 'robin',\n", + " 'told',\n", + " 'cnn',\n", + " 'that',\n", + " '``',\n", + " 'so',\n", + " 'far',\n", + " 'no',\n", + " 'videos',\n", + " 'were',\n", + " 'used',\n", + " 'in',\n", + " 'the',\n", + " 'crash',\n", + " 'investigation',\n", + " '.',\n", + " '``'],\n", + " ['he',\n", + " 'added',\n", + " ',',\n", + " '``',\n", + " 'a',\n", + " 'person',\n", + " 'who',\n", + " 'has',\n", + " 'such',\n", + " 'a',\n", + " 'video',\n", + " 'needs',\n", + " 'to',\n", + " 'immediately',\n", + " 'give',\n", + " 'it',\n", + " 'to',\n", + " 'the',\n", + " 'investigators',\n", + " '.',\n", + " '``'],\n", + " ['robin',\n", + " \"'s\",\n", + " 'comments',\n", + " 'follow',\n", + " 'claims',\n", + " 'by',\n", + " 'two',\n", + " 'magazines',\n", + " ',',\n", + " 'german',\n", + " 'daily',\n", + " 'bild',\n", + " 'and',\n", + " 'french',\n", + " 'paris',\n", + " 'match',\n", + " ',',\n", + " 'of',\n", + " 'a',\n", + " 'cell',\n", + " 'phone',\n", + " 'video',\n", + " 'showing',\n", + " 'the',\n", + " 'harrowing',\n", + " 'final',\n", + " 'seconds',\n", + " 'from',\n", + " 'on',\n", + " 'board',\n", + " 'germanwings',\n", + " 'flight',\n", + " '9525',\n", + " 'as',\n", + " 'it',\n", + " 'crashed',\n", + " 'into',\n", + " 'the',\n", + " 'french',\n", + " 'alps',\n", + " '.'],\n", + " ['all', '150', 'on', 'board', 'were', 'killed', '.'],\n", + " ['paris',\n", + " 'match',\n", + " 'and',\n", + " 'bild',\n", + " 'reported',\n", + " 'that',\n", + " 'the',\n", + " 'video',\n", + " 'was',\n", + " 'recovered',\n", + " 'from',\n", + " 'a',\n", + " 'phone',\n", + " 'at',\n", + " 'the',\n", + " 'wreckage',\n", + " 'site',\n", + " '.'],\n", + " ['the',\n", + " 'two',\n", + " 'publications',\n", + " 'described',\n", + " 'the',\n", + " 'supposed',\n", + " 'video',\n", + " ',',\n", + " 'but',\n", + " 'did',\n", + " 'not',\n", + " 'post',\n", + " 'it',\n", + " 'on',\n", + " 'their',\n", + " 'websites',\n", + " '.'],\n", + " ['the',\n", + " 'publications',\n", + " 'said',\n", + " 'that',\n", + " 'they',\n", + " 'watched',\n", + " 'the',\n", + " 'video',\n", + " ',',\n", + " 'which',\n", + " 'was',\n", + " 'found',\n", + " 'by',\n", + " 'a',\n", + " 'source',\n", + " 'close',\n", + " 'to',\n", + " 'the',\n", + " 'investigation',\n", + " '.',\n", + " '``'],\n", + " ['one',\n", + " 'can',\n", + " 'hear',\n", + " 'cries',\n", + " 'of',\n", + " '`',\n", + " 'my',\n", + " 'god',\n", + " \"'\",\n", + " 'in',\n", + " 'several',\n", + " 'languages',\n", + " ',',\n", + " '``',\n", + " 'paris',\n", + " 'match',\n", + " 'reported',\n", + " '.',\n", + " '``'],\n", + " ['metallic',\n", + " 'banging',\n", + " 'can',\n", + " 'also',\n", + " 'be',\n", + " 'heard',\n", + " 'more',\n", + " 'than',\n", + " 'three',\n", + " 'times',\n", + " ',',\n", + " 'perhaps',\n", + " 'of',\n", + " 'the',\n", + " 'pilot',\n", + " 'trying',\n", + " 'to',\n", + " 'open',\n", + " 'the',\n", + " 'cockpit',\n", + " 'door',\n", + " 'with',\n", + " 'a',\n", + " 'heavy',\n", + " 'object',\n", + " '.'],\n", + " ['towards',\n", + " 'the',\n", + " 'end',\n", + " ',',\n", + " 'after',\n", + " 'a',\n", + " 'heavy',\n", + " 'shake',\n", + " ',',\n", + " 'stronger',\n", + " 'than',\n", + " 'the',\n", + " 'others',\n", + " ',',\n", + " 'the',\n", + " 'screaming',\n", + " 'intensifies',\n", + " '.'],\n", + " ['then', 'nothing', '.', '``'],\n", + " ['``',\n", + " 'it',\n", + " 'is',\n", + " 'a',\n", + " 'very',\n", + " 'disturbing',\n", + " 'scene',\n", + " ',',\n", + " '``',\n", + " 'said',\n", + " 'julian',\n", + " 'reichelt',\n", + " ',',\n", + " 'editor-in-chief',\n", + " 'of',\n", + " 'bild',\n", + " 'online',\n", + " '.'],\n", + " ['an',\n", + " 'official',\n", + " 'with',\n", + " 'france',\n", + " \"'s\",\n", + " 'accident',\n", + " 'investigation',\n", + " 'agency',\n", + " ',',\n", + " 'the',\n", + " 'bea',\n", + " ',',\n", + " 'said',\n", + " 'the',\n", + " 'agency',\n", + " 'is',\n", + " 'not',\n", + " 'aware',\n", + " 'of',\n", + " 'any',\n", + " 'such',\n", + " 'video',\n", + " '.'],\n", + " ['lt.',\n", + " 'col.',\n", + " 'jean-marc',\n", + " 'menichini',\n", + " ',',\n", + " 'a',\n", + " 'french',\n", + " 'gendarmerie',\n", + " 'spokesman',\n", + " 'in',\n", + " 'charge',\n", + " 'of',\n", + " 'communications',\n", + " 'on',\n", + " 'rescue',\n", + " 'efforts',\n", + " 'around',\n", + " 'the',\n", + " 'germanwings',\n", + " 'crash',\n", + " 'site',\n", + " ',',\n", + " 'told',\n", + " 'cnn',\n", + " 'that',\n", + " 'the',\n", + " 'reports',\n", + " 'were',\n", + " '``',\n", + " 'completely',\n", + " 'wrong',\n", + " '``',\n", + " 'and',\n", + " '``',\n", + " 'unwarranted',\n", + " '.',\n", + " '``'],\n", + " ['cell',\n", + " 'phones',\n", + " 'have',\n", + " 'been',\n", + " 'collected',\n", + " 'at',\n", + " 'the',\n", + " 'site',\n", + " ',',\n", + " 'he',\n", + " 'said',\n", + " ',',\n", + " 'but',\n", + " 'that',\n", + " 'they',\n", + " '``',\n", + " 'had',\n", + " \"n't\",\n", + " 'been',\n", + " 'exploited',\n", + " 'yet',\n", + " '.',\n", + " '``'],\n", + " ['menichini',\n", + " 'said',\n", + " 'he',\n", + " 'believed',\n", + " 'the',\n", + " 'cell',\n", + " 'phones',\n", + " 'would',\n", + " 'need',\n", + " 'to',\n", + " 'be',\n", + " 'sent',\n", + " 'to',\n", + " 'the',\n", + " 'criminal',\n", + " 'research',\n", + " 'institute',\n", + " 'in',\n", + " 'rosny',\n", + " 'sous-bois',\n", + " ',',\n", + " 'near',\n", + " 'paris',\n", + " ',',\n", + " 'in',\n", + " 'order',\n", + " 'to',\n", + " 'be',\n", + " 'analyzed',\n", + " 'by',\n", + " 'specialized',\n", + " 'technicians',\n", + " 'working',\n", + " 'hand-in-hand',\n", + " 'with',\n", + " 'investigators',\n", + " '.'],\n", + " ['but',\n", + " 'none',\n", + " 'of',\n", + " 'the',\n", + " 'cell',\n", + " 'phones',\n", + " 'found',\n", + " 'so',\n", + " 'far',\n", + " 'have',\n", + " 'been',\n", + " 'sent',\n", + " 'to',\n", + " 'the',\n", + " 'institute',\n", + " ',',\n", + " 'menichini',\n", + " 'said',\n", + " '.'],\n", + " ['asked',\n", + " 'whether',\n", + " 'staff',\n", + " 'involved',\n", + " 'in',\n", + " 'the',\n", + " 'search',\n", + " 'could',\n", + " 'have',\n", + " 'leaked',\n", + " 'a',\n", + " 'memory',\n", + " 'card',\n", + " 'to',\n", + " 'the',\n", + " 'media',\n", + " ',',\n", + " 'menichini',\n", + " 'answered',\n", + " 'with',\n", + " 'a',\n", + " 'categorical',\n", + " '``',\n", + " 'no',\n", + " '.',\n", + " '``'],\n", + " ['reichelt',\n", + " 'told',\n", + " '``',\n", + " 'erin',\n", + " 'burnett',\n", + " ':',\n", + " 'outfront',\n", + " '``',\n", + " 'that',\n", + " 'he',\n", + " 'had',\n", + " 'watched',\n", + " 'the',\n", + " 'video',\n", + " 'and',\n", + " 'stood',\n", + " 'by',\n", + " 'the',\n", + " 'report',\n", + " ',',\n", + " 'saying',\n", + " 'bild',\n", + " 'and',\n", + " 'paris',\n", + " 'match',\n", + " 'are',\n", + " '``',\n", + " 'very',\n", + " 'confident',\n", + " '``',\n", + " 'that',\n", + " 'the',\n", + " 'clip',\n", + " 'is',\n", + " 'real',\n", + " '.'],\n", + " ['he',\n", + " 'noted',\n", + " 'that',\n", + " 'investigators',\n", + " 'only',\n", + " 'revealed',\n", + " 'they',\n", + " \"'d\",\n", + " 'recovered',\n", + " 'cell',\n", + " 'phones',\n", + " 'from',\n", + " 'the',\n", + " 'crash',\n", + " 'site',\n", + " 'after',\n", + " 'bild',\n", + " 'and',\n", + " 'paris',\n", + " 'match',\n", + " 'published',\n", + " 'their',\n", + " 'reports',\n", + " '.',\n", + " '``'],\n", + " ['that', 'is', 'something', 'we', 'did', 'not', 'know', 'before', '.'],\n", + " ['...',\n", + " 'overall',\n", + " 'we',\n", + " 'can',\n", + " 'say',\n", + " 'many',\n", + " 'things',\n", + " 'of',\n", + " 'the',\n", + " 'investigation',\n", + " 'were',\n", + " \"n't\",\n", + " 'revealed',\n", + " 'by',\n", + " 'the',\n", + " 'investigation',\n", + " 'at',\n", + " 'the',\n", + " 'beginning',\n", + " ',',\n", + " '``',\n", + " 'he',\n", + " 'said',\n", + " '.'],\n", + " ['what', 'was', 'mental', 'state', 'of', 'germanwings', 'co-pilot', '?'],\n", + " ['german',\n", + " 'airline',\n", + " 'lufthansa',\n", + " 'confirmed',\n", + " 'tuesday',\n", + " 'that',\n", + " 'co-pilot',\n", + " 'andreas',\n", + " 'lubitz',\n", + " 'had',\n", + " 'battled',\n", + " 'depression',\n", + " 'years',\n", + " 'before',\n", + " 'he',\n", + " 'took',\n", + " 'the',\n", + " 'controls',\n", + " 'of',\n", + " 'germanwings',\n", + " 'flight',\n", + " '9525',\n", + " ',',\n", + " 'which',\n", + " 'he',\n", + " \"'s\",\n", + " 'accused',\n", + " 'of',\n", + " 'deliberately',\n", + " 'crashing',\n", + " 'last',\n", + " 'week',\n", + " 'in',\n", + " 'the',\n", + " 'french',\n", + " 'alps',\n", + " '.'],\n", + " ['lubitz',\n", + " 'told',\n", + " 'his',\n", + " 'lufthansa',\n", + " 'flight',\n", + " 'training',\n", + " 'school',\n", + " 'in',\n", + " '2009',\n", + " 'that',\n", + " 'he',\n", + " 'had',\n", + " 'a',\n", + " '``',\n", + " 'previous',\n", + " 'episode',\n", + " 'of',\n", + " 'severe',\n", + " 'depression',\n", + " ',',\n", + " '``',\n", + " 'the',\n", + " 'airline',\n", + " 'said',\n", + " 'tuesday',\n", + " '.'],\n", + " ['email',\n", + " 'correspondence',\n", + " 'between',\n", + " 'lubitz',\n", + " 'and',\n", + " 'the',\n", + " 'school',\n", + " 'discovered',\n", + " 'in',\n", + " 'an',\n", + " 'internal',\n", + " 'investigation',\n", + " ',',\n", + " 'lufthansa',\n", + " 'said',\n", + " ',',\n", + " 'included',\n", + " 'medical',\n", + " 'documents',\n", + " 'he',\n", + " 'submitted',\n", + " 'in',\n", + " 'connection',\n", + " 'with',\n", + " 'resuming',\n", + " 'his',\n", + " 'flight',\n", + " 'training',\n", + " '.'],\n", + " ['the',\n", + " 'announcement',\n", + " 'indicates',\n", + " 'that',\n", + " 'lufthansa',\n", + " ',',\n", + " 'the',\n", + " 'parent',\n", + " 'company',\n", + " 'of',\n", + " 'germanwings',\n", + " ',',\n", + " 'knew',\n", + " 'of',\n", + " 'lubitz',\n", + " \"'s\",\n", + " 'battle',\n", + " 'with',\n", + " 'depression',\n", + " ',',\n", + " 'allowed',\n", + " 'him',\n", + " 'to',\n", + " 'continue',\n", + " 'training',\n", + " 'and',\n", + " 'ultimately',\n", + " 'put',\n", + " 'him',\n", + " 'in',\n", + " 'the',\n", + " 'cockpit',\n", + " '.'],\n", + " ['lufthansa',\n", + " ',',\n", + " 'whose',\n", + " 'ceo',\n", + " 'carsten',\n", + " 'spohr',\n", + " 'previously',\n", + " 'said',\n", + " 'lubitz',\n", + " 'was',\n", + " '100',\n", + " '%',\n", + " 'fit',\n", + " 'to',\n", + " 'fly',\n", + " ',',\n", + " 'described',\n", + " 'its',\n", + " 'statement',\n", + " 'tuesday',\n", + " 'as',\n", + " 'a',\n", + " '``',\n", + " 'swift',\n", + " 'and',\n", + " 'seamless',\n", + " 'clarification',\n", + " '``',\n", + " 'and',\n", + " 'said',\n", + " 'it',\n", + " 'was',\n", + " 'sharing',\n", + " 'the',\n", + " 'information',\n", + " 'and',\n", + " 'documents',\n", + " '--',\n", + " 'including',\n", + " 'training',\n", + " 'and',\n", + " 'medical',\n", + " 'records',\n", + " '--',\n", + " 'with',\n", + " 'public',\n", + " 'prosecutors',\n", + " '.'],\n", + " ['spohr',\n", + " 'traveled',\n", + " 'to',\n", + " 'the',\n", + " 'crash',\n", + " 'site',\n", + " 'wednesday',\n", + " ',',\n", + " 'where',\n", + " 'recovery',\n", + " 'teams',\n", + " 'have',\n", + " 'been',\n", + " 'working',\n", + " 'for',\n", + " 'the',\n", + " 'past',\n", + " 'week',\n", + " 'to',\n", + " 'recover',\n", + " 'human',\n", + " 'remains',\n", + " 'and',\n", + " 'plane',\n", + " 'debris',\n", + " 'scattered',\n", + " 'across',\n", + " 'a',\n", + " 'steep',\n", + " 'mountainside',\n", + " '.'],\n", + " ['he',\n", + " 'saw',\n", + " 'the',\n", + " 'crisis',\n", + " 'center',\n", + " 'set',\n", + " 'up',\n", + " 'in',\n", + " 'seyne-les-alpes',\n", + " ',',\n", + " 'laid',\n", + " 'a',\n", + " 'wreath',\n", + " 'in',\n", + " 'the',\n", + " 'village',\n", + " 'of',\n", + " 'le',\n", + " 'vernet',\n", + " ',',\n", + " 'closer',\n", + " 'to',\n", + " 'the',\n", + " 'crash',\n", + " 'site',\n", + " ',',\n", + " 'where',\n", + " 'grieving',\n", + " 'families',\n", + " 'have',\n", + " 'left',\n", + " 'flowers',\n", + " 'at',\n", + " 'a',\n", + " 'simple',\n", + " 'stone',\n", + " 'memorial',\n", + " '.'],\n", + " ['menichini',\n", + " 'told',\n", + " 'cnn',\n", + " 'late',\n", + " 'tuesday',\n", + " 'that',\n", + " 'no',\n", + " 'visible',\n", + " 'human',\n", + " 'remains',\n", + " 'were',\n", + " 'left',\n", + " 'at',\n", + " 'the',\n", + " 'site',\n", + " 'but',\n", + " 'recovery',\n", + " 'teams',\n", + " 'would',\n", + " 'keep',\n", + " 'searching',\n", + " '.'],\n", + " ['french',\n", + " 'president',\n", + " 'francois',\n", + " 'hollande',\n", + " ',',\n", + " 'speaking',\n", + " 'tuesday',\n", + " ',',\n", + " 'said',\n", + " 'that',\n", + " 'it',\n", + " 'should',\n", + " 'be',\n", + " 'possible',\n", + " 'to',\n", + " 'identify',\n", + " 'all',\n", + " 'the',\n", + " 'victims',\n", + " 'using',\n", + " 'dna',\n", + " 'analysis',\n", + " 'by',\n", + " 'the',\n", + " 'end',\n", + " 'of',\n", + " 'the',\n", + " 'week',\n", + " ',',\n", + " 'sooner',\n", + " 'than',\n", + " 'authorities',\n", + " 'had',\n", + " 'previously',\n", + " 'suggested',\n", + " '.'],\n", + " ['in',\n", + " 'the',\n", + " 'meantime',\n", + " ',',\n", + " 'the',\n", + " 'recovery',\n", + " 'of',\n", + " 'the',\n", + " 'victims',\n", + " \"'\",\n", + " 'personal',\n", + " 'belongings',\n", + " 'will',\n", + " 'start',\n", + " 'wednesday',\n", + " ',',\n", + " 'menichini',\n", + " 'said',\n", + " '.'],\n", + " ['among',\n", + " 'those',\n", + " 'personal',\n", + " 'belongings',\n", + " 'could',\n", + " 'be',\n", + " 'more',\n", + " 'cell',\n", + " 'phones',\n", + " 'belonging',\n", + " 'to',\n", + " 'the',\n", + " '144',\n", + " 'passengers',\n", + " 'and',\n", + " 'six',\n", + " 'crew',\n", + " 'on',\n", + " 'board',\n", + " '.'],\n", + " ['check', 'out', 'the', 'latest', 'from', 'our', 'correspondents', '.'],\n", + " ['the',\n", + " 'details',\n", + " 'about',\n", + " 'lubitz',\n", + " \"'s\",\n", + " 'correspondence',\n", + " 'with',\n", + " 'the',\n", + " 'flight',\n", + " 'school',\n", + " 'during',\n", + " 'his',\n", + " 'training',\n", + " 'were',\n", + " 'among',\n", + " 'several',\n", + " 'developments',\n", + " 'as',\n", + " 'investigators',\n", + " 'continued',\n", + " 'to',\n", + " 'delve',\n", + " 'into',\n", + " 'what',\n", + " 'caused',\n", + " 'the',\n", + " 'crash',\n", + " 'and',\n", + " 'lubitz',\n", + " \"'s\",\n", + " 'possible',\n", + " 'motive',\n", + " 'for',\n", + " 'downing',\n", + " 'the',\n", + " 'jet',\n", + " '.'],\n", + " ['a',\n", + " 'lufthansa',\n", + " 'spokesperson',\n", + " 'told',\n", + " 'cnn',\n", + " 'on',\n", + " 'tuesday',\n", + " 'that',\n", + " 'lubitz',\n", + " 'had',\n", + " 'a',\n", + " 'valid',\n", + " 'medical',\n", + " 'certificate',\n", + " ',',\n", + " 'had',\n", + " 'passed',\n", + " 'all',\n", + " 'his',\n", + " 'examinations',\n", + " 'and',\n", + " '``',\n", + " 'held',\n", + " 'all',\n", + " 'the',\n", + " 'licenses',\n", + " 'required',\n", + " '.',\n", + " '``'],\n", + " ['earlier',\n", + " ',',\n", + " 'a',\n", + " 'spokesman',\n", + " 'for',\n", + " 'the',\n", + " 'prosecutor',\n", + " \"'s\",\n", + " 'office',\n", + " 'in',\n", + " 'dusseldorf',\n", + " ',',\n", + " 'christoph',\n", + " 'kumpa',\n", + " ',',\n", + " 'said',\n", + " 'medical',\n", + " 'records',\n", + " 'reveal',\n", + " 'lubitz',\n", + " 'suffered',\n", + " 'from',\n", + " 'suicidal',\n", + " 'tendencies',\n", + " 'at',\n", + " 'some',\n", + " 'point',\n", + " 'before',\n", + " 'his',\n", + " 'aviation',\n", + " 'career',\n", + " 'and',\n", + " 'underwent',\n", + " 'psychotherapy',\n", + " 'before',\n", + " 'he',\n", + " 'got',\n", + " 'his',\n", + " 'pilot',\n", + " \"'s\",\n", + " 'license',\n", + " '.'],\n", + " ['kumpa',\n", + " 'emphasized',\n", + " 'there',\n", + " \"'s\",\n", + " 'no',\n", + " 'evidence',\n", + " 'suggesting',\n", + " 'lubitz',\n", + " 'was',\n", + " 'suicidal',\n", + " 'or',\n", + " 'acting',\n", + " 'aggressively',\n", + " 'before',\n", + " 'the',\n", + " 'crash',\n", + " '.'],\n", + " ['investigators',\n", + " 'are',\n", + " 'looking',\n", + " 'into',\n", + " 'whether',\n", + " 'lubitz',\n", + " 'feared',\n", + " 'his',\n", + " 'medical',\n", + " 'condition',\n", + " 'would',\n", + " 'cause',\n", + " 'him',\n", + " 'to',\n", + " 'lose',\n", + " 'his',\n", + " 'pilot',\n", + " \"'s\",\n", + " 'license',\n", + " ',',\n", + " 'a',\n", + " 'european',\n", + " 'government',\n", + " 'official',\n", + " 'briefed',\n", + " 'on',\n", + " 'the',\n", + " 'investigation',\n", + " 'told',\n", + " 'cnn',\n", + " 'on',\n", + " 'tuesday',\n", + " '.'],\n", + " ['while',\n", + " 'flying',\n", + " 'was',\n", + " '``',\n", + " 'a',\n", + " 'big',\n", + " 'part',\n", + " 'of',\n", + " 'his',\n", + " 'life',\n", + " ',',\n", + " '``',\n", + " 'the',\n", + " 'source',\n", + " 'said',\n", + " ',',\n", + " 'it',\n", + " \"'s\",\n", + " 'only',\n", + " 'one',\n", + " 'theory',\n", + " 'being',\n", + " 'considered',\n", + " '.'],\n", + " ['another',\n", + " 'source',\n", + " ',',\n", + " 'a',\n", + " 'law',\n", + " 'enforcement',\n", + " 'official',\n", + " 'briefed',\n", + " 'on',\n", + " 'the',\n", + " 'investigation',\n", + " ',',\n", + " 'also',\n", + " 'told',\n", + " 'cnn',\n", + " 'that',\n", + " 'authorities',\n", + " 'believe',\n", + " 'the',\n", + " 'primary',\n", + " 'motive',\n", + " 'for',\n", + " 'lubitz',\n", + " 'to',\n", + " 'bring',\n", + " 'down',\n", + " 'the',\n", + " 'plane',\n", + " 'was',\n", + " 'that',\n", + " 'he',\n", + " 'feared',\n", + " 'he',\n", + " 'would',\n", + " 'not',\n", + " 'be',\n", + " 'allowed',\n", + " 'to',\n", + " 'fly',\n", + " 'because',\n", + " 'of',\n", + " 'his',\n", + " 'medical',\n", + " 'problems',\n", + " '.'],\n", + " ['lubitz',\n", + " \"'s\",\n", + " 'girlfriend',\n", + " 'told',\n", + " 'investigators',\n", + " 'he',\n", + " 'had',\n", + " 'seen',\n", + " 'an',\n", + " 'eye',\n", + " 'doctor',\n", + " 'and',\n", + " 'a',\n", + " 'neuropsychologist',\n", + " ',',\n", + " 'both',\n", + " 'of',\n", + " 'whom',\n", + " 'deemed',\n", + " 'him',\n", + " 'unfit',\n", + " 'to',\n", + " 'work',\n", + " 'recently',\n", + " 'and',\n", + " 'concluded',\n", + " 'he',\n", + " 'had',\n", + " 'psychological',\n", + " 'issues',\n", + " ',',\n", + " 'the',\n", + " 'european',\n", + " 'government',\n", + " 'official',\n", + " 'said',\n", + " '.'],\n", + " ['but',\n", + " 'no',\n", + " 'matter',\n", + " 'what',\n", + " 'details',\n", + " 'emerge',\n", + " 'about',\n", + " 'his',\n", + " 'previous',\n", + " 'mental',\n", + " 'health',\n", + " 'struggles',\n", + " ',',\n", + " 'there',\n", + " \"'s\",\n", + " 'more',\n", + " 'to',\n", + " 'the',\n", + " 'story',\n", + " ',',\n", + " 'said',\n", + " 'brian',\n", + " 'russell',\n", + " ',',\n", + " 'a',\n", + " 'forensic',\n", + " 'psychologist',\n", + " '.',\n", + " '``'],\n", + " ['psychology',\n", + " 'can',\n", + " 'explain',\n", + " 'why',\n", + " 'somebody',\n", + " 'would',\n", + " 'turn',\n", + " 'rage',\n", + " 'inward',\n", + " 'on',\n", + " 'themselves',\n", + " 'about',\n", + " 'the',\n", + " 'fact',\n", + " 'that',\n", + " 'maybe',\n", + " 'they',\n", + " 'were',\n", + " \"n't\",\n", + " 'going',\n", + " 'to',\n", + " 'keep',\n", + " 'doing',\n", + " 'their',\n", + " 'job',\n", + " 'and',\n", + " 'they',\n", + " \"'re\",\n", + " 'upset',\n", + " 'about',\n", + " 'that',\n", + " 'and',\n", + " 'so',\n", + " 'they',\n", + " \"'re\",\n", + " 'suicidal',\n", + " ',',\n", + " '``',\n", + " 'he',\n", + " 'said',\n", + " '.',\n", + " '``'],\n", + " ['but',\n", + " 'there',\n", + " 'is',\n", + " 'no',\n", + " 'mental',\n", + " 'illness',\n", + " 'that',\n", + " 'explains',\n", + " 'why',\n", + " 'somebody',\n", + " 'then',\n", + " 'feels',\n", + " 'entitled',\n", + " 'to',\n", + " 'also',\n", + " 'take',\n", + " 'that',\n", + " 'rage',\n", + " 'and',\n", + " 'turn',\n", + " 'it',\n", + " 'outward',\n", + " 'on',\n", + " '149',\n", + " 'other',\n", + " 'people',\n", + " 'who',\n", + " 'had',\n", + " 'nothing',\n", + " 'to',\n", + " 'do',\n", + " 'with',\n", + " 'the',\n", + " 'person',\n", + " \"'s\",\n", + " 'problems',\n", + " '.',\n", + " '``'],\n", + " ['germanwings', 'crash', 'compensation', ':', 'what', 'we', 'know', '.'],\n", + " ['who', 'was', 'the', 'captain', 'of', 'germanwings', 'flight', '9525', '?'],\n", + " ['cnn',\n", + " \"'s\",\n", + " 'margot',\n", + " 'haddad',\n", + " 'reported',\n", + " 'from',\n", + " 'marseille',\n", + " 'and',\n", + " 'pamela',\n", + " 'brown',\n", + " 'from',\n", + " 'dusseldorf',\n", + " ',',\n", + " 'while',\n", + " 'laura',\n", + " 'smith-spark',\n", + " 'wrote',\n", + " 'from',\n", + " 'london',\n", + " '.'],\n", + " ['cnn',\n", + " \"'s\",\n", + " 'frederik',\n", + " 'pleitgen',\n", + " ',',\n", + " 'pamela',\n", + " 'boykoff',\n", + " ',',\n", + " 'antonia',\n", + " 'mortensen',\n", + " ',',\n", + " 'sandrine',\n", + " 'amiel',\n", + " 'and',\n", + " 'anna-maja',\n", + " 'rappard',\n", + " 'contributed',\n", + " 'to',\n", + " 'this',\n", + " 'report',\n", + " '.']],\n", + " 'tgt': [['marseille',\n", + " 'prosecutor',\n", + " 'says',\n", + " '``',\n", + " 'so',\n", + " 'far',\n", + " 'no',\n", + " 'videos',\n", + " 'were',\n", + " 'used',\n", + " 'in',\n", + " 'the',\n", + " 'crash',\n", + " 'investigation',\n", + " '``',\n", + " 'despite',\n", + " 'media',\n", + " 'reports',\n", + " '.'],\n", + " ['journalists',\n", + " 'at',\n", + " 'bild',\n", + " 'and',\n", + " 'paris',\n", + " 'match',\n", + " 'are',\n", + " '``',\n", + " 'very',\n", + " 'confident',\n", + " '``',\n", + " 'the',\n", + " 'video',\n", + " 'clip',\n", + " 'is',\n", + " 'real',\n", + " ',',\n", + " 'an',\n", + " 'editor',\n", + " 'says',\n", + " '.'],\n", + " ['andreas',\n", + " 'lubitz',\n", + " 'had',\n", + " 'informed',\n", + " 'his',\n", + " 'lufthansa',\n", + " 'training',\n", + " 'school',\n", + " 'of',\n", + " 'an',\n", + " 'episode',\n", + " 'of',\n", + " 'severe',\n", + " 'depression',\n", + " ',',\n", + " 'airline',\n", + " 'says',\n", + " '.'],\n", + " []]}" + ] + }, + "execution_count": 13, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "jobs[0]" + ] + }, { "cell_type": "markdown", "metadata": {}, @@ -359,7 +1782,7 @@ }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 14, "metadata": {}, "outputs": [ { @@ -375,7 +1798,7 @@ "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" ] }, - "execution_count": 16, + "execution_count": 14, "metadata": {}, "output_type": "execute_result" } @@ -389,609 +1812,634 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": 15, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "[101,\n", - " 3559,\n", - " 1005,\n", - " 1055,\n", - " 3602,\n", - " 1024,\n", - " 1999,\n", - " 2256,\n", - " 2369,\n", + " 1006,\n", + " 13229,\n", + " 1007,\n", + " 1011,\n", + " 1011,\n", " 1996,\n", - " 5019,\n", - " 2186,\n", + " 2120,\n", + " 2374,\n", + " 2223,\n", + " 2038,\n", + " 20733,\n", + " 6731,\n", + " 5865,\n", + " 14929,\n", + " 9074,\n", + " 2745,\n", + " 10967,\n", + " 2243,\n", + " 2302,\n", + " 3477,\n", " 1010,\n", - " 13229,\n", - " 11370,\n", - " 2015,\n", - " 3745,\n", - " 2037,\n", - " 6322,\n", - " 1999,\n", - " 5266,\n", - " 2739,\n", - " 1998,\n", - " 17908,\n", + " 4584,\n", + " 2007,\n", " 1996,\n", - " 3441,\n", - " 2369,\n", + " 2223,\n", + " 2056,\n", + " 5958,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 5088,\n", + " 2732,\n", + " 2745,\n", + " 10967,\n", + " 2243,\n", + " 2003,\n", + " 2275,\n", + " 2000,\n", + " 3711,\n", + " 1999,\n", + " 2457,\n", + " 6928,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 1037,\n", + " 3648,\n", + " 2097,\n", + " 2031,\n", " 1996,\n", - " 2824,\n", + " 2345,\n", + " 2360,\n", + " 2006,\n", + " 1037,\n", + " 14865,\n", + " 3066,\n", " 1012,\n", " 102,\n", " 101,\n", - " 2182,\n", + " 3041,\n", " 1010,\n", - " 7082,\n", - " 14697,\n", - " 1051,\n", - " 1005,\n", - " 9848,\n", - " 3138,\n", - " 5198,\n", - " 2503,\n", + " 10967,\n", + " 2243,\n", + " 4914,\n", + " 2000,\n", + " 8019,\n", + " 1999,\n", " 1037,\n", - " 7173,\n", - " 2073,\n", - " 2116,\n", + " 3899,\n", + " 22158,\n", + " 3614,\n", + " 2004,\n", + " 2112,\n", " 1997,\n", - " 1996,\n", - " 13187,\n", - " 2024,\n", - " 10597,\n", - " 5665,\n", + " 1037,\n", + " 14865,\n", + " 3820,\n", + " 2007,\n", + " 2976,\n", + " 19608,\n", + " 1999,\n", + " 3448,\n", " 1012,\n", + " 1036,\n", + " 1036,\n", " 102,\n", " 101,\n", - " 2019,\n", - " 24467,\n", - " 7431,\n", - " 2006,\n", + " 2115,\n", + " 4914,\n", + " 6204,\n", + " 2001,\n", + " 2025,\n", + " 2069,\n", + " 6206,\n", + " 1010,\n", + " 2021,\n", + " 2036,\n", + " 10311,\n", + " 1998,\n", + " 16360,\n", + " 2890,\n", + " 10222,\n", + " 19307,\n", + " 1012,\n", + " 102,\n", + " 101,\n", + " 2115,\n", + " 2136,\n", + " 1010,\n", " 1996,\n", - " 1036,\n", - " 1036,\n", - " 6404,\n", - " 2723,\n", + " 5088,\n", + " 1010,\n", + " 1998,\n", + " 5088,\n", + " 4599,\n", + " 2031,\n", + " 2035,\n", + " 2042,\n", + " 3480,\n", + " 2011,\n", + " 2115,\n", + " 4506,\n", " 1010,\n", " 1036,\n", " 1036,\n", - " 2073,\n", - " 2116,\n", - " 10597,\n", - " 5665,\n", - " 13187,\n", - " 2024,\n", - " 7431,\n", + " 5088,\n", + " 5849,\n", + " 5074,\n", + " 2204,\n", + " 5349,\n", + " 2056,\n", " 1999,\n", - " 5631,\n", - " 2077,\n", - " 3979,\n", + " 1037,\n", + " 3661,\n", + " 2000,\n", + " 10967,\n", + " 2243,\n", " 1012,\n", " 102,\n", " 101,\n", - " 5631,\n", - " 1010,\n", - " 3516,\n", - " 1006,\n", - " 13229,\n", - " 1007,\n", - " 1011,\n", - " 1011,\n", + " 2204,\n", + " 5349,\n", + " 2056,\n", + " 2002,\n", + " 2052,\n", + " 3319,\n", " 1996,\n", - " 6619,\n", - " 2723,\n", + " 3570,\n", " 1997,\n", " 1996,\n", - " 5631,\n", - " 1011,\n", - " 27647,\n", - " 3653,\n", - " 18886,\n", - " 2389,\n", - " 12345,\n", - " 4322,\n", - " 2003,\n", - " 9188,\n", + " 8636,\n", + " 2044,\n", " 1996,\n", - " 1036,\n", - " 1036,\n", - " 6404,\n", - " 2723,\n", + " 3423,\n", + " 8931,\n", + " 2024,\n", + " 2058,\n", " 1012,\n", - " 1036,\n", - " 1036,\n", " 102,\n", " 101,\n", - " 2182,\n", - " 1010,\n", - " 13187,\n", - " 2007,\n", - " 1996,\n", - " 2087,\n", - " 5729,\n", - " 5177,\n", - " 24757,\n", - " 2024,\n", - " 23995,\n", - " 2127,\n", - " 2027,\n", - " 1005,\n", - " 2128,\n", - " 3201,\n", - " 2000,\n", - " 3711,\n", " 1999,\n", + " 4981,\n", + " 6406,\n", + " 5958,\n", + " 2007,\n", + " 1037,\n", + " 2976,\n", " 2457,\n", + " 1999,\n", + " 3448,\n", + " 1010,\n", + " 10967,\n", + " 2243,\n", + " 2036,\n", + " 4914,\n", + " 2008,\n", + " 2002,\n", + " 1998,\n", + " 2048,\n", + " 2522,\n", + " 1011,\n", + " 9530,\n", + " 13102,\n", + " 7895,\n", + " 6591,\n", + " 2730,\n", + " 6077,\n", + " 2008,\n", + " 2106,\n", + " 2025,\n", + " 2954,\n", + " 2092,\n", " 1012,\n", " 102,\n", " 101,\n", - " 2087,\n", - " 2411,\n", - " 1010,\n", - " 2027,\n", - " 2227,\n", - " 4319,\n", - " 5571,\n", - " 2030,\n", - " 5571,\n", - " 1997,\n", - " 6101,\n", - " 2075,\n", - " 2019,\n", - " 2961,\n", - " 1011,\n", - " 1011,\n", - " 5571,\n", + " 14929,\n", + " 3954,\n", + " 4300,\n", + " 8744,\n", + " 2056,\n", + " 10967,\n", + " 2243,\n", + " 1005,\n", + " 1055,\n", + " 20247,\n", + " 6235,\n", + " 4506,\n", " 2008,\n", - " 3648,\n", - " 7112,\n", - " 26947,\n", - " 16715,\n", - " 2319,\n", - " 2758,\n", " 2024,\n", - " 2788,\n", " 1036,\n", " 1036,\n", - " 4468,\n", - " 3085,\n", - " 10768,\n", - " 7811,\n", - " 3111,\n", + " 4297,\n", + " 25377,\n", + " 2890,\n", + " 10222,\n", + " 19307,\n", + " 1998,\n", + " 21873,\n", " 1012,\n", " 1036,\n", " 1036,\n", " 102,\n", " 101,\n", - " 2002,\n", - " 2758,\n", " 1996,\n", - " 17615,\n", - " 2411,\n", - " 2765,\n", - " 2013,\n", - " 13111,\n", - " 2015,\n", - " 2007,\n", - " 2610,\n", + " 8636,\n", + " 3084,\n", + " 1036,\n", + " 1036,\n", + " 1037,\n", + " 2844,\n", + " 4861,\n", + " 2008,\n", + " 6204,\n", + " 2029,\n", + " 16985,\n", + " 24014,\n", + " 2229,\n", + " 1996,\n", + " 2204,\n", + " 5891,\n", + " 1997,\n", + " 1996,\n", + " 5088,\n", + " 2097,\n", + " 2025,\n", + " 2022,\n", + " 25775,\n", + " 1010,\n", + " 1036,\n", + " 1036,\n", + " 2002,\n", + " 2056,\n", + " 1999,\n", + " 1037,\n", + " 4861,\n", " 1012,\n", " 102,\n", " 101,\n", - " 10597,\n", - " 5665,\n", - " 2111,\n", - " 2411,\n", - " 24185,\n", - " 1050,\n", - " 1005,\n", - " 1056,\n", - " 2079,\n", + " 3422,\n", " 2054,\n", - " 2027,\n", + " 2419,\n", + " 2000,\n", + " 10967,\n", + " 2243,\n", " 1005,\n", + " 1055,\n", + " 8636,\n", + " 1036,\n", + " 1036,\n", + " 2204,\n", + " 5349,\n", + " 2056,\n", + " 1996,\n", + " 14929,\n", + " 2071,\n", + " 1036,\n", + " 1036,\n", + " 20865,\n", + " 2151,\n", + " 4447,\n", + " 2030,\n", " 2128,\n", - " 2409,\n", - " 2043,\n", - " 2610,\n", - " 7180,\n", - " 2006,\n", + " 7583,\n", + " 3111,\n", + " 1036,\n", + " 1036,\n", + " 2000,\n", + " 8980,\n", + " 1002,\n", + " 2570,\n", + " 2454,\n", + " 1997,\n", + " 10967,\n", + " 2243,\n", + " 1005,\n", + " 1055,\n", + " 6608,\n", + " 6781,\n", + " 2013,\n", " 1996,\n", - " 3496,\n", + " 2184,\n", " 1011,\n", - " 1011,\n", - " 13111,\n", - " 3849,\n", - " 2000,\n", - " 4654,\n", - " 10732,\n", - " 28483,\n", - " 2618,\n", - " 2037,\n", - " 7355,\n", - " 1998,\n", - " 2027,\n", - " 2468,\n", - " 2062,\n", - " 19810,\n", + " 2095,\n", " 1010,\n", - " 3972,\n", - " 14499,\n", - " 2389,\n", - " 1010,\n", - " 1998,\n", - " 2625,\n", - " 3497,\n", - " 2000,\n", - " 3582,\n", - " 7826,\n", + " 1002,\n", + " 7558,\n", + " 2454,\n", + " 3206,\n", + " 2002,\n", + " 2772,\n", + " 1999,\n", + " 2432,\n", " 1010,\n", " 2429,\n", " 2000,\n", - " 26947,\n", - " 16715,\n", - " 2319,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 2061,\n", - " 1010,\n", - " 2027,\n", - " 2203,\n", - " 2039,\n", - " 2006,\n", " 1996,\n", - " 6619,\n", - " 2723,\n", - " 8949,\n", - " 10597,\n", - " 12491,\n", - " 1010,\n", - " 2021,\n", - " 2025,\n", - " 2893,\n", - " 2151,\n", - " 2613,\n", - " 2393,\n", - " 2138,\n", - " 2027,\n", - " 1005,\n", - " 2128,\n", - " 1999,\n", - " 7173,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 2057,\n", - " 7255,\n", - " 1996,\n", - " 7173,\n", - " 2007,\n", - " 26947,\n", - " 16715,\n", - " 2319,\n", + " 3378,\n", + " 2811,\n", " 1012,\n", " 102,\n", " 101,\n", + " 10967,\n", + " 2243,\n", + " 2056,\n", " 2002,\n", - " 2003,\n", - " 2092,\n", - " 2124,\n", + " 2052,\n", + " 25803,\n", + " 5905,\n", + " 2000,\n", + " 2028,\n", + " 4175,\n", + " 1997,\n", + " 1036,\n", + " 1036,\n", + " 9714,\n", + " 2000,\n", + " 3604,\n", " 1999,\n", - " 5631,\n", - " 2004,\n", - " 2019,\n", - " 8175,\n", - " 2005,\n", - " 3425,\n", + " 7553,\n", + " 6236,\n", + " 1999,\n", + " 4681,\n", + " 1997,\n", + " 22300,\n", + " 3450,\n", " 1998,\n", - " 1996,\n", - " 10597,\n", - " 5665,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 2130,\n", - " 2295,\n", - " 2057,\n", - " 2020,\n", - " 2025,\n", - " 3599,\n", - " 10979,\n", - " 2007,\n", - " 2330,\n", - " 2608,\n", - " 2011,\n", - " 1996,\n", - " 4932,\n", - " 1010,\n", - " 2057,\n", - " 2020,\n", - " 2445,\n", - " 6656,\n", " 2000,\n", - " 5607,\n", - " 2678,\n", - " 2696,\n", - " 5051,\n", - " 1998,\n", - " 2778,\n", - " 1996,\n", - " 2723,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 2175,\n", - " 2503,\n", - " 1996,\n", - " 1036,\n", - " 6404,\n", - " 2723,\n", - " 1005,\n", + " 10460,\n", + " 1037,\n", + " 3899,\n", + " 1999,\n", + " 2019,\n", + " 4111,\n", + " 3554,\n", + " 6957,\n", " 1036,\n", " 1036,\n", + " 1999,\n", + " 1037,\n", + " 14865,\n", + " 3820,\n", + " 6406,\n", " 2012,\n", - " 2034,\n", - " 1010,\n", - " 2009,\n", - " 1005,\n", + " 1057,\n", + " 1012,\n", " 1055,\n", - " 2524,\n", - " 2000,\n", - " 5646,\n", - " 2073,\n", - " 1996,\n", - " 2111,\n", - " 2024,\n", " 1012,\n", - " 102,\n", - " 101,\n", - " 1996,\n", - " 5895,\n", - " 2024,\n", - " 4147,\n", - " 10353,\n", - " 3238,\n", - " 17925,\n", + " 2212,\n", + " 2457,\n", + " 1999,\n", + " 6713,\n", + " 1010,\n", + " 3448,\n", " 1012,\n", " 102,\n", " 101,\n", - " 5674,\n", - " 6276,\n", - " 8198,\n", - " 2005,\n", - " 2608,\n", - " 1998,\n", - " 2519,\n", + " 1996,\n", + " 3715,\n", + " 2003,\n", + " 16385,\n", + " 3085,\n", + " 2011,\n", + " 2039,\n", + " 2000,\n", + " 2274,\n", + " 2086,\n", " 1999,\n", + " 3827,\n", + " 1010,\n", " 1037,\n", - " 3082,\n", - " 12121,\n", - " 5777,\n", - " 4524,\n", - " 1011,\n", - " 1011,\n", - " 2008,\n", - " 1005,\n", - " 1055,\n", - " 2785,\n", + " 1002,\n", + " 5539,\n", + " 1010,\n", + " 2199,\n", + " 2986,\n", + " 1010,\n", + " 1036,\n", + " 1036,\n", + " 2440,\n", + " 2717,\n", + " 4183,\n", + " 13700,\n", + " 1010,\n", + " 1037,\n", + " 2569,\n", + " 7667,\n", + " 1998,\n", + " 1017,\n", + " 2086,\n", " 1997,\n", - " 2054,\n", - " 2027,\n", - " 2298,\n", - " 2066,\n", + " 13588,\n", + " 2713,\n", + " 1010,\n", + " 1036,\n", + " 1036,\n", + " 1996,\n", + " 14865,\n", + " 3066,\n", + " 2056,\n", " 1012,\n", " 102,\n", " 101,\n", - " 2027,\n", - " 1005,\n", - " 2128,\n", - " 2881,\n", + " 2976,\n", + " 19608,\n", + " 3530,\n", " 2000,\n", - " 2562,\n", + " 3198,\n", + " 2005,\n", " 1996,\n", - " 10597,\n", - " 5665,\n", - " 5022,\n", - " 2013,\n", - " 22736,\n", - " 3209,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 2008,\n", - " 1005,\n", - " 1055,\n", - " 2036,\n", - " 2339,\n", - " 2027,\n", - " 2031,\n", - " 2053,\n", - " 6007,\n", - " 1010,\n", - " 12922,\n", - " 2015,\n", - " 2030,\n", - " 13342,\n", - " 2229,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 26947,\n", - " 16715,\n", - " 2319,\n", - " 2758,\n", - " 2055,\n", - " 2028,\n", - " 1011,\n", - " 2353,\n", + " 2659,\n", + " 2203,\n", " 1997,\n", - " 2035,\n", - " 2111,\n", - " 1999,\n", - " 5631,\n", - " 1011,\n", - " 27647,\n", - " 2221,\n", - " 7173,\n", - " 2015,\n", - " 2024,\n", - " 10597,\n", - " 5665,\n", + " 1996,\n", + " 23280,\n", + " 11594,\n", " 1012,\n", + " 1036,\n", + " 1036,\n", " 102,\n", " 101,\n", - " 2061,\n", - " 1010,\n", - " 2002,\n", - " 2758,\n", - " 1010,\n", " 1996,\n", - " 11591,\n", - " 3872,\n", + " 13474,\n", + " 2097,\n", + " 25803,\n", + " 5905,\n", + " 2138,\n", + " 1996,\n", + " 13474,\n", " 2003,\n", - " 10827,\n", + " 1999,\n", + " 2755,\n", + " 5905,\n", + " 1997,\n", " 1996,\n", - " 2291,\n", + " 5338,\n", + " 10048,\n", " 1010,\n", - " 1998,\n", - " 1996,\n", - " 2765,\n", - " 2003,\n", - " 2054,\n", - " 2057,\n", - " 2156,\n", - " 2006,\n", + " 1036,\n", + " 1036,\n", " 1996,\n", - " 6619,\n", - " 2723,\n", + " 14865,\n", + " 3820,\n", + " 2056,\n", " 1012,\n", " 102,\n", " 101,\n", + " 1999,\n", + " 2019,\n", + " 3176,\n", + " 12654,\n", " 1997,\n", - " 2607,\n", - " 1010,\n", - " 2009,\n", - " 2003,\n", - " 1037,\n", - " 7173,\n", + " 8866,\n", " 1010,\n", - " 2061,\n", - " 2009,\n", - " 1005,\n", - " 1055,\n", - " 2025,\n", - " 4011,\n", - " 2000,\n", - " 2022,\n", - " 4010,\n", + " 2772,\n", + " 2011,\n", + " 10967,\n", + " 2243,\n", + " 1998,\n", + " 6406,\n", + " 2007,\n", + " 1996,\n", + " 3820,\n", + " 1010,\n", + " 10967,\n", + " 2243,\n", + " 4914,\n", + " 9343,\n", + " 6770,\n", + " 12065,\n", + " 1998,\n", + " 1996,\n", + " 3200,\n", + " 2109,\n", + " 2005,\n", + " 2731,\n", " 1998,\n", - " 16334,\n", + " 3554,\n", + " 1996,\n", + " 6077,\n", " 1010,\n", " 2021,\n", " 1996,\n", - " 4597,\n", - " 10982,\n", - " 1010,\n", + " 4861,\n", + " 2056,\n", + " 2002,\n", + " 2106,\n", + " 2025,\n", + " 6655,\n", + " 2006,\n", " 1996,\n", - " 4442,\n", - " 2024,\n", - " 4714,\n", - " 1998,\n", - " 2009,\n", - " 1005,\n", " 102]" ] }, - "execution_count": 17, + "execution_count": 15, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "bert_format_data[0]['src']" + "bert_format_data[5]['src']" ] }, { "cell_type": "code", - "execution_count": 21, + "execution_count": 16, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" + "\"new : nfl chief , atlanta falcons owner critical of michael vick 's conduct .nfl suspends falcons quarterback indefinitely without pay .vick admits funding dogfighting operation but says he did not gamble .vick due in federal court monday ; future in nfl remains uncertain .\"" ] }, - "execution_count": 21, + "execution_count": 16, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "bert_format_data[0]['tgt_txt']" + "bert_format_data[5]['tgt_txt']" ] }, { "cell_type": "code", - "execution_count": 22, + "execution_count": 17, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "[0, 1, 1, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]" + "[1, 1, 0, 0, 0, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" ] }, - "execution_count": 22, + "execution_count": 17, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "bert_format_data[0]['labels']" + "bert_format_data[5]['labels']" ] }, { "cell_type": "code", - "execution_count": 23, + "execution_count": 18, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "['a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .',\n", - " 'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .',\n", - " 'he was flown back to chicago via air ambulance on march 20 , but he died on sunday .',\n", - " 'andrew mogni , 20 , from glen ellyn , illinois , a university of iowa student has died nearly three months after a fall in rome in a suspected robbery',\n", - " 'he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .',\n", - " \"he died on sunday at northwestern memorial hospital - medical examiner 's office spokesman frank shuftan says a cause of death wo n't be released until monday at the earliest .\",\n", - " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed .',\n", - " \"on sunday , his cousin abby wrote online : ` this morning my cousin andrew 's soul was lifted up to heaven .\",\n", - " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed',\n", - " '` at the beginning of january he went to rome to study aboard and on the way home from a party he was brutally attacked and thrown off a 40ft bridge and hit the concrete below .',\n", - " \"` he was in a coma and in critical condition for months . '\",\n", - " 'paula barnett , who said she is a close family friend , told my suburban life , that mogni had only been in the country for six hours when the incident happened .',\n", - " 'she said he was was alone at the time of the alleged assault and personal items were stolen .',\n", - " 'she added that he was in a non-medically induced coma , having suffered serious infection and internal bleeding .',\n", - " 'mogni was a third-year finance major from glen ellyn , ill. , who was participating in a semester-long program at john cabot university .',\n", - " \"mogni belonged to the school 's chapter of the sigma nu fraternity , reports the chicago tribune who posted a sign outside a building reading ` pray for mogni . '\",\n", - " \"the fraternity 's iowa chapter announced sunday afternoon via twitter that a memorial service will be held on campus to remember mogni .\"]" + "['( cnn ) -- the national football league has indefinitely suspended atlanta falcons quarterback michael vick without pay , officials with the league said friday .',\n", + " 'nfl star michael vick is set to appear in court monday .',\n", + " 'a judge will have the final say on a plea deal .',\n", + " 'earlier , vick admitted to participating in a dogfighting ring as part of a plea agreement with federal prosecutors in virginia . ``',\n", + " 'your admitted conduct was not only illegal , but also cruel and reprehensible .',\n", + " 'your team , the nfl , and nfl fans have all been hurt by your actions , `` nfl commissioner roger goodell said in a letter to vick .',\n", + " 'goodell said he would review the status of the suspension after the legal proceedings are over .',\n", + " 'in papers filed friday with a federal court in virginia , vick also admitted that he and two co-conspirators killed dogs that did not fight well .',\n", + " \"falcons owner arthur blank said vick 's admissions describe actions that are `` incomprehensible and unacceptable . ``\",\n", + " 'the suspension makes `` a strong statement that conduct which tarnishes the good reputation of the nfl will not be tolerated , `` he said in a statement .',\n", + " \"watch what led to vick 's suspension `` goodell said the falcons could `` assert any claims or remedies `` to recover $ 22 million of vick 's signing bonus from the 10-year , $ 130 million contract he signed in 2004 , according to the associated press .\",\n", + " 'vick said he would plead guilty to one count of `` conspiracy to travel in interstate commerce in aid of unlawful activities and to sponsor a dog in an animal fighting venture `` in a plea agreement filed at u.s. district court in richmond , virginia .',\n", + " 'the charge is punishable by up to five years in prison , a $ 250,000 fine , `` full restitution , a special assessment and 3 years of supervised release , `` the plea deal said .',\n", + " 'federal prosecutors agreed to ask for the low end of the sentencing guidelines . ``',\n", + " 'the defendant will plead guilty because the defendant is in fact guilty of the charged offense , `` the plea agreement said .',\n", + " 'in an additional summary of facts , signed by vick and filed with the agreement , vick admitted buying pit bulls and the property used for training and fighting the dogs , but the statement said he did not bet on the fights or receive any of the money won . ``',\n", + " \"most of the ` bad newz kennels ' operations and gambling monies were provided by vick , `` the official summary of facts said .\",\n", + " 'gambling wins were generally split among co-conspirators tony taylor , quanis phillips and sometimes purnell peace , it continued . ``',\n", + " 'vick did not gamble by placing side bets on any of the fights .',\n", + " \"vick did not receive any of the proceeds from the purses that were won by ` bad newz kennels . '\",\n", + " '`` vick also agreed that `` collective efforts `` by him and two others caused the deaths of at least six dogs .',\n", + " \"around april , vick , peace and phillips tested some dogs in fighting sessions at vick 's property in virginia , the statement said . ``\",\n", + " \"peace , phillips and vick agreed to the killing of approximately 6-8 dogs that did not perform well in ` testing ' sessions at 1915 moonlight road and all of those dogs were killed by various methods , including hanging and drowning . ``\",\n", + " 'vick agrees and stipulates that these dogs all died as a result of the collective efforts of peace , phillips and vick , `` the summary said .',\n", + " 'peace , 35 , of virginia beach , virginia ; phillips , 28 , of atlanta , georgia ; and taylor , 34 , of hampton , virginia , already have accepted agreements to plead guilty in exchange for reduced sentences .',\n", + " 'vick , 27 , is scheduled to appear monday in court , where he is expected to plead guilty before a judge .',\n", + " 'see a timeline of the case against vick `` the judge in the case will have the final say over the plea agreement .',\n", + " \"the federal case against vick focused on the interstate conspiracy , but vick 's admission that he was involved in the killing of dogs could lead to local charges , according to cnn legal analyst jeffrey toobin . ``\",\n", + " 'it sometimes happens -- not often -- that the state will follow a federal prosecution by charging its own crimes for exactly the same behavior , `` toobin said friday . ``',\n", + " 'the risk for vick is , if he makes admissions in his federal guilty plea , the state of virginia could say , ` hey , look , you admitted violating virginia state law as well .',\n", + " \"we 're going to introduce that against you and charge you in our court . '\",\n", + " '`` in the plea deal , vick agreed to cooperate with investigators and provide all information he may have on any criminal activity and to testify if necessary .',\n", + " 'vick also agreed to turn over any documents he has and to submit to polygraph tests .',\n", + " 'vick agreed to `` make restitution for the full amount of the costs associated `` with the dogs that are being held by the government . ``',\n", + " 'such costs may include , but are not limited to , all costs associated with the care of the dogs involved in that case , including if necessary , the long-term care and/or the humane euthanasia of some or all of those animals . ``',\n", + " 'prosecutors , with the support of animal rights activists , have asked for permission to euthanize the dogs .',\n", + " 'but the dogs could serve as important evidence in the cases against vick and his admitted co-conspirators .',\n", + " 'judge henry e. hudson issued an order thursday telling the u.s. marshals service to `` arrest and seize the defendant property , and use discretion and whatever means appropriate to protect and maintain said defendant property . ``',\n", + " \"both the judge 's order and vick 's filing refer to `` approximately `` 53 pit bull dogs .\",\n", + " \"after vick 's indictment last month , goodell ordered the quarterback not to report to the falcons training camp , and the league is reviewing the case .\",\n", + " \"blank told the nfl network on monday he could not speculate on vick 's future as a falcon , at least not until he had seen `` a statement of facts `` in the case .\",\n", + " \"cnn 's mike phelan contributed to this report .\"]" ] }, - "execution_count": 23, + "execution_count": 18, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "bert_format_data[0]['src_txt']" + "bert_format_data[5]['src_txt']\n" ] }, { @@ -1006,12 +2454,12 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 19, "metadata": {}, "outputs": [], "source": [ "## choose which GPU device to use\n", - "device_id = 1\n", + "device_id = 0\n", "gpu_ranks = str(device_id)" ] }, @@ -1028,17 +2476,15 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 20, "metadata": {}, "outputs": [], "source": [ - "encoder = 'baseline'\n", + "encoder = 'transformer'\n", "model_base_path = './models/'\n", "log_base_path = './logs/'\n", "result_base_path = './results'\n", "\n", - "BERT_CONFIG_PATH = \"/dadendev/nlp/BertSum/bert_config_uncased_base.json\"\n", - "\n", "import os\n", "if not os.path.exists(model_base_path):\n", " os.makedirs(model_base_path)\n", @@ -1053,24 +2499,26 @@ }, { "cell_type": "code", - "execution_count": 7, - "metadata": {}, + "execution_count": 21, + "metadata": { + "scrolled": true + }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "['1']\n", - "{1: 0}\n" + "['0']\n", + "{0: 0}\n" ] } ], "source": [ "from utils_nlp.models.bert.extractive_text_summarization import BertSumExtractiveSummarizer\n", - "bertsum_model = BertSumExtractiveSummarizer(encoder = 'baseline', \n", - " model_path = model_base_path+encoder+str(random_number),\n", - " log_file = log_base_path+encoder+str(random_number),\n", - " bert_config_path=BERT_CONFIG_PATH,\n", + "bertsum_model = BertSumExtractiveSummarizer(encoder = encoder, \n", + " model_path = model_base_path + encoder + str(random_number),\n", + " log_file = log_base_path + encoder + str(random_number),\n", + " bert_config_path = BERT_CONFIG_PATH,\n", " device_id = device_id,\n", " gpu_ranks = gpu_ranks,)" ] @@ -1084,70 +2532,173 @@ }, { "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [], - "source": [ - "USE_PREPROCESSED_DATA = False" - ] - }, - { - "cell_type": "code", - "execution_count": 9, + "execution_count": 22, "metadata": {}, "outputs": [], "source": [ - "if USE_PREPROCESSED_DATA is True:\n", - " PROCESSED_TRAIN_FILE = './bert_train_data_all_none_excluded'\n", + "if USE_PREPROCESSED_DATA is False:\n", " training_data_files = [PROCESSED_TRAIN_FILE]\n", "else: \n", " import glob\n", - " BERT_DATA_PATH=\"/dadendev/nlp/examples/text_summarization/bertdata/train/\"\n", - " pts = sorted(glob.glob(BERT_DATA_PATH + 'train.bertdata' + '.[0-9]*'))\n", - " #pts = sorted(glob.glob(BERT_DATA_PATH + 'cnndm.train' + '.[0-9]*.pt'))\n", + " pts = sorted(glob.glob(BERT_DATA_PATH + 'cnndm.train' + '.[0-9]*.pt'))\n", " training_data_files = pts" ] }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 23, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "['/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.0',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.10000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.100000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.110000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.120000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.130000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.140000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.150000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.160000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.170000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.180000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.190000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.20000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.200000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.210000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.220000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.230000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.240000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.250000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.260000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.270000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.280000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.30000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.40000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.50000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.60000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.70000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.80000',\n", - " '/dadendev/nlp/examples/text_summarization/bertdata/train/train.bertdata.90000']" + "['./bert_data/cnndm.train.0.bert.pt',\n", + " './bert_data/cnndm.train.1.bert.pt',\n", + " './bert_data/cnndm.train.10.bert.pt',\n", + " './bert_data/cnndm.train.100.bert.pt',\n", + " './bert_data/cnndm.train.101.bert.pt',\n", + " './bert_data/cnndm.train.102.bert.pt',\n", + " './bert_data/cnndm.train.103.bert.pt',\n", + " './bert_data/cnndm.train.104.bert.pt',\n", + " './bert_data/cnndm.train.105.bert.pt',\n", + " './bert_data/cnndm.train.106.bert.pt',\n", + " './bert_data/cnndm.train.107.bert.pt',\n", + " './bert_data/cnndm.train.108.bert.pt',\n", + " './bert_data/cnndm.train.109.bert.pt',\n", + " './bert_data/cnndm.train.11.bert.pt',\n", + " './bert_data/cnndm.train.110.bert.pt',\n", + " './bert_data/cnndm.train.111.bert.pt',\n", + " './bert_data/cnndm.train.112.bert.pt',\n", + " './bert_data/cnndm.train.113.bert.pt',\n", + " './bert_data/cnndm.train.114.bert.pt',\n", + " './bert_data/cnndm.train.115.bert.pt',\n", + " './bert_data/cnndm.train.116.bert.pt',\n", + " './bert_data/cnndm.train.117.bert.pt',\n", + " './bert_data/cnndm.train.118.bert.pt',\n", + " './bert_data/cnndm.train.119.bert.pt',\n", + " './bert_data/cnndm.train.12.bert.pt',\n", + " './bert_data/cnndm.train.120.bert.pt',\n", + " './bert_data/cnndm.train.121.bert.pt',\n", + " './bert_data/cnndm.train.122.bert.pt',\n", + " './bert_data/cnndm.train.123.bert.pt',\n", + " './bert_data/cnndm.train.124.bert.pt',\n", + " './bert_data/cnndm.train.125.bert.pt',\n", + " './bert_data/cnndm.train.126.bert.pt',\n", + " './bert_data/cnndm.train.127.bert.pt',\n", + " './bert_data/cnndm.train.128.bert.pt',\n", + " './bert_data/cnndm.train.129.bert.pt',\n", + " './bert_data/cnndm.train.13.bert.pt',\n", + " './bert_data/cnndm.train.130.bert.pt',\n", + " './bert_data/cnndm.train.131.bert.pt',\n", + " './bert_data/cnndm.train.132.bert.pt',\n", + " './bert_data/cnndm.train.133.bert.pt',\n", + " './bert_data/cnndm.train.134.bert.pt',\n", + " './bert_data/cnndm.train.135.bert.pt',\n", + " './bert_data/cnndm.train.136.bert.pt',\n", + " './bert_data/cnndm.train.137.bert.pt',\n", + " './bert_data/cnndm.train.138.bert.pt',\n", + " './bert_data/cnndm.train.139.bert.pt',\n", + " './bert_data/cnndm.train.14.bert.pt',\n", + " './bert_data/cnndm.train.140.bert.pt',\n", + " './bert_data/cnndm.train.141.bert.pt',\n", + " './bert_data/cnndm.train.142.bert.pt',\n", + " './bert_data/cnndm.train.143.bert.pt',\n", + " './bert_data/cnndm.train.15.bert.pt',\n", + " './bert_data/cnndm.train.16.bert.pt',\n", + " './bert_data/cnndm.train.17.bert.pt',\n", + " './bert_data/cnndm.train.18.bert.pt',\n", + " './bert_data/cnndm.train.19.bert.pt',\n", + " './bert_data/cnndm.train.2.bert.pt',\n", + " './bert_data/cnndm.train.20.bert.pt',\n", + " './bert_data/cnndm.train.21.bert.pt',\n", + " './bert_data/cnndm.train.22.bert.pt',\n", + " './bert_data/cnndm.train.23.bert.pt',\n", + " './bert_data/cnndm.train.24.bert.pt',\n", + " './bert_data/cnndm.train.25.bert.pt',\n", + " './bert_data/cnndm.train.26.bert.pt',\n", + " './bert_data/cnndm.train.27.bert.pt',\n", + " './bert_data/cnndm.train.28.bert.pt',\n", + " './bert_data/cnndm.train.29.bert.pt',\n", + " './bert_data/cnndm.train.3.bert.pt',\n", + " './bert_data/cnndm.train.30.bert.pt',\n", + " './bert_data/cnndm.train.31.bert.pt',\n", + " './bert_data/cnndm.train.32.bert.pt',\n", + " './bert_data/cnndm.train.33.bert.pt',\n", + " './bert_data/cnndm.train.34.bert.pt',\n", + " './bert_data/cnndm.train.35.bert.pt',\n", + " './bert_data/cnndm.train.36.bert.pt',\n", + " './bert_data/cnndm.train.37.bert.pt',\n", + " './bert_data/cnndm.train.38.bert.pt',\n", + " './bert_data/cnndm.train.39.bert.pt',\n", + " './bert_data/cnndm.train.4.bert.pt',\n", + " './bert_data/cnndm.train.40.bert.pt',\n", + " './bert_data/cnndm.train.41.bert.pt',\n", + " './bert_data/cnndm.train.42.bert.pt',\n", + " './bert_data/cnndm.train.43.bert.pt',\n", + " './bert_data/cnndm.train.44.bert.pt',\n", + " './bert_data/cnndm.train.45.bert.pt',\n", + " './bert_data/cnndm.train.46.bert.pt',\n", + " './bert_data/cnndm.train.47.bert.pt',\n", + " './bert_data/cnndm.train.48.bert.pt',\n", + " './bert_data/cnndm.train.49.bert.pt',\n", + " './bert_data/cnndm.train.5.bert.pt',\n", + " './bert_data/cnndm.train.50.bert.pt',\n", + " './bert_data/cnndm.train.51.bert.pt',\n", + " './bert_data/cnndm.train.52.bert.pt',\n", + " './bert_data/cnndm.train.53.bert.pt',\n", + " './bert_data/cnndm.train.54.bert.pt',\n", + " './bert_data/cnndm.train.55.bert.pt',\n", + " './bert_data/cnndm.train.56.bert.pt',\n", + " './bert_data/cnndm.train.57.bert.pt',\n", + " './bert_data/cnndm.train.58.bert.pt',\n", + " './bert_data/cnndm.train.59.bert.pt',\n", + " './bert_data/cnndm.train.6.bert.pt',\n", + " './bert_data/cnndm.train.60.bert.pt',\n", + " './bert_data/cnndm.train.61.bert.pt',\n", + " './bert_data/cnndm.train.62.bert.pt',\n", + " './bert_data/cnndm.train.63.bert.pt',\n", + " './bert_data/cnndm.train.64.bert.pt',\n", + " './bert_data/cnndm.train.65.bert.pt',\n", + " './bert_data/cnndm.train.66.bert.pt',\n", + " './bert_data/cnndm.train.67.bert.pt',\n", + " './bert_data/cnndm.train.68.bert.pt',\n", + " './bert_data/cnndm.train.69.bert.pt',\n", + " './bert_data/cnndm.train.7.bert.pt',\n", + " './bert_data/cnndm.train.70.bert.pt',\n", + " './bert_data/cnndm.train.71.bert.pt',\n", + " './bert_data/cnndm.train.72.bert.pt',\n", + " './bert_data/cnndm.train.73.bert.pt',\n", + " './bert_data/cnndm.train.74.bert.pt',\n", + " './bert_data/cnndm.train.75.bert.pt',\n", + " './bert_data/cnndm.train.76.bert.pt',\n", + " './bert_data/cnndm.train.77.bert.pt',\n", + " './bert_data/cnndm.train.78.bert.pt',\n", + " './bert_data/cnndm.train.79.bert.pt',\n", + " './bert_data/cnndm.train.8.bert.pt',\n", + " './bert_data/cnndm.train.80.bert.pt',\n", + " './bert_data/cnndm.train.81.bert.pt',\n", + " './bert_data/cnndm.train.82.bert.pt',\n", + " './bert_data/cnndm.train.83.bert.pt',\n", + " './bert_data/cnndm.train.84.bert.pt',\n", + " './bert_data/cnndm.train.85.bert.pt',\n", + " './bert_data/cnndm.train.86.bert.pt',\n", + " './bert_data/cnndm.train.87.bert.pt',\n", + " './bert_data/cnndm.train.88.bert.pt',\n", + " './bert_data/cnndm.train.89.bert.pt',\n", + " './bert_data/cnndm.train.9.bert.pt',\n", + " './bert_data/cnndm.train.90.bert.pt',\n", + " './bert_data/cnndm.train.91.bert.pt',\n", + " './bert_data/cnndm.train.92.bert.pt',\n", + " './bert_data/cnndm.train.93.bert.pt',\n", + " './bert_data/cnndm.train.94.bert.pt',\n", + " './bert_data/cnndm.train.95.bert.pt',\n", + " './bert_data/cnndm.train.96.bert.pt',\n", + " './bert_data/cnndm.train.97.bert.pt',\n", + " './bert_data/cnndm.train.98.bert.pt',\n", + " './bert_data/cnndm.train.99.bert.pt']" ] }, - "execution_count": 10, + "execution_count": 23, "metadata": {}, "output_type": "execute_result" } @@ -1158,31 +2709,47 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 24, + "metadata": {}, + "outputs": [], + "source": [ + "## training_steps is (number of epoches * the total number of batches in the training data )/ accumulation_steps \n", + "## batch_size is the maximum number of tokens among all the training examples * number of training examples,\n", + "## training steps used by each GPU should be divided by number of GPU used for fair comparison.\n", + "## usually 10K steps can yield a model with decent performance\n", + "if QUICK_RUN:\n", + " train_steps = 10000\n", + "else:\n", + " train_steps = 50000" + ] + }, + { + "cell_type": "code", + "execution_count": 25, "metadata": { - "scrolled": true + "scrolled": false }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-10 20:27:30,812 INFO] loading archive file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased.tar.gz from cache at ./temp/9c41111e2de84547a463fd39217199738d1e3deb72d4fec4399e6e241983c6f0.ae3cef932725ca7a30cdcb93fc6e09150a55e2a130ec7af63975a16c153ae2ba\n", - "[2019-10-10 20:27:30,814 INFO] extracting archive file ./temp/9c41111e2de84547a463fd39217199738d1e3deb72d4fec4399e6e241983c6f0.ae3cef932725ca7a30cdcb93fc6e09150a55e2a130ec7af63975a16c153ae2ba to temp dir /tmp/tmpha_v8quq\n" + "[2019-10-15 17:30:45,152 INFO] loading archive file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased.tar.gz from cache at ./temp/9c41111e2de84547a463fd39217199738d1e3deb72d4fec4399e6e241983c6f0.ae3cef932725ca7a30cdcb93fc6e09150a55e2a130ec7af63975a16c153ae2ba\n", + "[2019-10-15 17:30:45,154 INFO] extracting archive file ./temp/9c41111e2de84547a463fd39217199738d1e3deb72d4fec4399e6e241983c6f0.ae3cef932725ca7a30cdcb93fc6e09150a55e2a130ec7af63975a16c153ae2ba to temp dir /tmp/tmpjp15yzc0\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "{'accum_count': 2, 'batch_size': 3000, 'beta1': 0.9, 'beta2': 0.999, 'block_trigram': True, 'decay_method': 'noam', 'dropout': 0.1, 'encoder': 'baseline', 'ff_size': 512, 'gpu_ranks': '1', 'heads': 4, 'hidden_size': 128, 'inter_layers': 2, 'lr': 0.002, 'max_grad_norm': 0, 'max_nsents': 100, 'max_src_ntokens': 200, 'min_nsents': 3, 'min_src_ntokens': 10, 'optim': 'adam', 'oracle_mode': 'combination', 'param_init': 0.0, 'param_init_glorot': True, 'recall_eval': False, 'report_every': 50, 'report_rouge': True, 'rnn_size': 512, 'save_checkpoint_steps': 500, 'seed': 42, 'temp_dir': './temp', 'test_all': False, 'test_from': '', 'train_from': '', 'use_interval': True, 'visible_gpus': '0', 'warmup_steps': 10000, 'world_size': 1, 'mode': 'train', 'model_path': './models/baseline0.4638002095122038', 'log_file': './logs/baseline0.4638002095122038', 'bert_config_path': '/dadendev/nlp/BertSum/bert_config_uncased_base.json', 'gpu_ranks_map': {1: 0}}\n" + "{'accum_count': 2, 'batch_size': 3000, 'beta1': 0.9, 'beta2': 0.999, 'block_trigram': True, 'decay_method': 'noam', 'dropout': 0.1, 'encoder': 'transformer', 'ff_size': 512, 'gpu_ranks': '0', 'heads': 4, 'hidden_size': 128, 'inter_layers': 2, 'lr': 0.002, 'max_grad_norm': 0, 'max_nsents': 100, 'max_src_ntokens': 200, 'min_nsents': 3, 'min_src_ntokens': 10, 'optim': 'adam', 'oracle_mode': 'combination', 'param_init': 0.0, 'param_init_glorot': True, 'recall_eval': False, 'report_every': 50, 'report_rouge': True, 'rnn_size': 512, 'save_checkpoint_steps': 500, 'seed': 42, 'temp_dir': './temp', 'test_all': False, 'test_from': '', 'train_from': '', 'use_interval': True, 'visible_gpus': '0', 'warmup_steps': 2000, 'world_size': 1, 'mode': 'train', 'model_path': './models/transformer0.37907517824181713', 'log_file': './logs/transformer0.37907517824181713', 'bert_config_path': './bert_config_uncased_base.json', 'gpu_ranks_map': {0: 0}}\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-10 20:27:34,555 INFO] Model config {\n", + "[2019-10-15 17:30:48,988 INFO] Model config {\n", " \"attention_probs_dropout_prob\": 0.1,\n", " \"hidden_act\": \"gelu\",\n", " \"hidden_dropout_prob\": 0.1,\n", @@ -1196,15 +2763,15 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "[2019-10-10 20:27:39,167 INFO] * number of parameters: 5179137\n", - "[2019-10-10 20:27:39,169 INFO] Start training...\n" + "[2019-10-15 17:30:54,399 INFO] * number of parameters: 115790849\n", + "[2019-10-15 17:30:54,400 INFO] Start training...\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "device_id 1\n", + "device_id 0\n", "gpu_rank 0\n" ] }, @@ -1212,100 +2779,243 @@ "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-10 20:27:43,207 INFO] Step 50/50000; xent: 13.18; lr: 0.0000001; 300 docs/s; 3 sec\n", - "[2019-10-10 20:27:46,300 INFO] Step 100/50000; xent: 12.94; lr: 0.0000002; 323 docs/s; 6 sec\n", - "[2019-10-10 20:27:49,361 INFO] Step 150/50000; xent: 12.49; lr: 0.0000003; 326 docs/s; 9 sec\n", - "[2019-10-10 20:27:52,455 INFO] Step 200/50000; xent: 11.62; lr: 0.0000004; 326 docs/s; 13 sec\n", - "[2019-10-10 20:27:55,534 INFO] Step 250/50000; xent: 11.20; lr: 0.0000005; 324 docs/s; 16 sec\n", - "[2019-10-10 20:27:58,596 INFO] Step 300/50000; xent: 10.23; lr: 0.0000006; 328 docs/s; 19 sec\n", - "[2019-10-10 20:28:01,663 INFO] Step 350/50000; xent: 9.27; lr: 0.0000007; 326 docs/s; 22 sec\n", - "[2019-10-10 20:28:04,759 INFO] Step 400/50000; xent: 8.30; lr: 0.0000008; 323 docs/s; 25 sec\n", - "[2019-10-10 20:28:07,839 INFO] Step 450/50000; xent: 7.40; lr: 0.0000009; 321 docs/s; 28 sec\n", - "[2019-10-10 20:28:10,906 INFO] Step 500/50000; xent: 6.70; lr: 0.0000010; 328 docs/s; 31 sec\n", - "[2019-10-10 20:28:10,908 INFO] Saving checkpoint ./models/baseline0.4638002095122038/model_step_500.pt\n", - "[2019-10-10 20:28:14,060 INFO] Step 550/50000; xent: 5.96; lr: 0.0000011; 317 docs/s; 34 sec\n", - "[2019-10-10 20:28:17,169 INFO] Step 600/50000; xent: 5.46; lr: 0.0000012; 321 docs/s; 37 sec\n", - "[2019-10-10 20:28:20,233 INFO] Step 650/50000; xent: 4.89; lr: 0.0000013; 325 docs/s; 40 sec\n", - "[2019-10-10 20:28:23,314 INFO] Step 700/50000; xent: 4.67; lr: 0.0000014; 324 docs/s; 43 sec\n", - "[2019-10-10 20:28:26,387 INFO] Step 750/50000; xent: 4.31; lr: 0.0000015; 328 docs/s; 47 sec\n", - "[2019-10-10 20:28:29,452 INFO] Step 800/50000; xent: 4.18; lr: 0.0000016; 325 docs/s; 50 sec\n", - "[2019-10-10 20:28:32,523 INFO] Step 850/50000; xent: 4.08; lr: 0.0000017; 325 docs/s; 53 sec\n", - "[2019-10-10 20:28:35,584 INFO] Step 900/50000; xent: 4.08; lr: 0.0000018; 324 docs/s; 56 sec\n", - "[2019-10-10 20:28:38,654 INFO] Step 950/50000; xent: 3.90; lr: 0.0000019; 327 docs/s; 59 sec\n", - "[2019-10-10 20:28:41,693 INFO] Step 1000/50000; xent: 3.91; lr: 0.0000020; 329 docs/s; 62 sec\n", - "[2019-10-10 20:28:41,695 INFO] Saving checkpoint ./models/baseline0.4638002095122038/model_step_1000.pt\n", - "[2019-10-10 20:28:45,950 INFO] Step 1050/50000; xent: 3.91; lr: 0.0000021; 239 docs/s; 66 sec\n", - "[2019-10-10 20:28:49,039 INFO] Step 1100/50000; xent: 3.94; lr: 0.0000022; 325 docs/s; 69 sec\n", - "[2019-10-10 20:28:52,133 INFO] Step 1150/50000; xent: 3.93; lr: 0.0000023; 326 docs/s; 72 sec\n", - "[2019-10-10 20:28:55,237 INFO] Step 1200/50000; xent: 3.90; lr: 0.0000024; 327 docs/s; 75 sec\n", - "[2019-10-10 20:28:58,315 INFO] Step 1250/50000; xent: 3.84; lr: 0.0000025; 325 docs/s; 78 sec\n", - "[2019-10-10 20:29:01,429 INFO] Step 1300/50000; xent: 3.93; lr: 0.0000026; 323 docs/s; 82 sec\n", - "[2019-10-10 20:29:04,520 INFO] Step 1350/50000; xent: 3.79; lr: 0.0000027; 329 docs/s; 85 sec\n", - "[2019-10-10 20:29:07,634 INFO] Step 1400/50000; xent: 4.00; lr: 0.0000028; 321 docs/s; 88 sec\n", - "[2019-10-10 20:29:10,770 INFO] Step 1450/50000; xent: 3.79; lr: 0.0000029; 327 docs/s; 91 sec\n", - "[2019-10-10 20:29:13,888 INFO] Step 1500/50000; xent: 3.88; lr: 0.0000030; 320 docs/s; 94 sec\n", - "[2019-10-10 20:29:13,893 INFO] Saving checkpoint ./models/baseline0.4638002095122038/model_step_1500.pt\n", - "[2019-10-10 20:29:17,057 INFO] Step 1550/50000; xent: 3.90; lr: 0.0000031; 322 docs/s; 97 sec\n", - "[2019-10-10 20:29:20,209 INFO] Step 1600/50000; xent: 3.87; lr: 0.0000032; 318 docs/s; 100 sec\n", - "[2019-10-10 20:29:23,305 INFO] Step 1650/50000; xent: 3.86; lr: 0.0000033; 326 docs/s; 103 sec\n", - "[2019-10-10 20:29:26,419 INFO] Step 1700/50000; xent: 3.75; lr: 0.0000034; 328 docs/s; 107 sec\n", - "[2019-10-10 20:29:29,523 INFO] Step 1750/50000; xent: 3.80; lr: 0.0000035; 327 docs/s; 110 sec\n", - "[2019-10-10 20:29:32,616 INFO] Step 1800/50000; xent: 3.74; lr: 0.0000036; 328 docs/s; 113 sec\n" + "[2019-10-15 17:31:15,819 INFO] Step 50/10000; xent: 3.89; lr: 0.0000011; 48 docs/s; 21 sec\n", + "[2019-10-15 17:31:36,569 INFO] Step 100/10000; xent: 3.29; lr: 0.0000022; 49 docs/s; 42 sec\n", + "[2019-10-15 17:31:57,342 INFO] Step 150/10000; xent: 3.29; lr: 0.0000034; 48 docs/s; 63 sec\n", + "[2019-10-15 17:32:18,802 INFO] Step 200/10000; xent: 3.29; lr: 0.0000045; 47 docs/s; 84 sec\n", + "[2019-10-15 17:32:39,486 INFO] Step 250/10000; xent: 3.22; lr: 0.0000056; 48 docs/s; 105 sec\n", + "[2019-10-15 17:33:00,459 INFO] Step 300/10000; xent: 3.14; lr: 0.0000067; 48 docs/s; 126 sec\n", + "[2019-10-15 17:33:21,471 INFO] Step 350/10000; xent: 3.19; lr: 0.0000078; 49 docs/s; 147 sec\n", + "[2019-10-15 17:33:42,961 INFO] Step 400/10000; xent: 3.20; lr: 0.0000089; 46 docs/s; 168 sec\n", + "[2019-10-15 17:34:03,756 INFO] Step 450/10000; xent: 3.22; lr: 0.0000101; 48 docs/s; 189 sec\n", + "[2019-10-15 17:34:24,637 INFO] Step 500/10000; xent: 3.16; lr: 0.0000112; 48 docs/s; 210 sec\n", + "[2019-10-15 17:34:24,643 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_500.pt\n", + "[2019-10-15 17:34:46,851 INFO] Step 550/10000; xent: 3.19; lr: 0.0000123; 45 docs/s; 232 sec\n", + "[2019-10-15 17:35:08,537 INFO] Step 600/10000; xent: 3.18; lr: 0.0000134; 46 docs/s; 254 sec\n", + "[2019-10-15 17:35:29,358 INFO] Step 650/10000; xent: 3.11; lr: 0.0000145; 48 docs/s; 275 sec\n", + "[2019-10-15 17:35:50,269 INFO] Step 700/10000; xent: 3.09; lr: 0.0000157; 48 docs/s; 295 sec\n", + "[2019-10-15 17:36:11,107 INFO] Step 750/10000; xent: 3.06; lr: 0.0000168; 48 docs/s; 316 sec\n", + "[2019-10-15 17:36:32,373 INFO] Step 800/10000; xent: 3.10; lr: 0.0000179; 47 docs/s; 338 sec\n", + "[2019-10-15 17:36:53,196 INFO] Step 850/10000; xent: 3.01; lr: 0.0000190; 48 docs/s; 358 sec\n", + "[2019-10-15 17:37:14,282 INFO] Step 900/10000; xent: 3.08; lr: 0.0000201; 48 docs/s; 379 sec\n", + "[2019-10-15 17:37:34,972 INFO] Step 950/10000; xent: 2.99; lr: 0.0000212; 48 docs/s; 400 sec\n", + "[2019-10-15 17:37:56,426 INFO] Step 1000/10000; xent: 3.02; lr: 0.0000224; 47 docs/s; 422 sec\n", + "[2019-10-15 17:37:56,429 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_1000.pt\n", + "[2019-10-15 17:38:18,737 INFO] Step 1050/10000; xent: 2.96; lr: 0.0000235; 46 docs/s; 444 sec\n", + "[2019-10-15 17:38:39,847 INFO] Step 1100/10000; xent: 3.05; lr: 0.0000246; 47 docs/s; 465 sec\n", + "[2019-10-15 17:39:00,668 INFO] Step 1150/10000; xent: 2.88; lr: 0.0000257; 49 docs/s; 486 sec\n", + "[2019-10-15 17:39:22,145 INFO] Step 1200/10000; xent: 2.99; lr: 0.0000268; 47 docs/s; 507 sec\n", + "[2019-10-15 17:39:42,943 INFO] Step 1250/10000; xent: 2.91; lr: 0.0000280; 48 docs/s; 528 sec\n", + "[2019-10-15 17:40:03,759 INFO] Step 1300/10000; xent: 2.95; lr: 0.0000291; 49 docs/s; 549 sec\n", + "[2019-10-15 17:40:24,449 INFO] Step 1350/10000; xent: 2.95; lr: 0.0000302; 48 docs/s; 570 sec\n", + "[2019-10-15 17:40:45,976 INFO] Step 1400/10000; xent: 2.88; lr: 0.0000313; 47 docs/s; 591 sec\n", + "[2019-10-15 17:41:06,835 INFO] Step 1450/10000; xent: 2.96; lr: 0.0000324; 48 docs/s; 612 sec\n", + "[2019-10-15 17:41:27,558 INFO] Step 1500/10000; xent: 2.93; lr: 0.0000335; 48 docs/s; 633 sec\n", + "[2019-10-15 17:41:27,563 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_1500.pt\n", + "[2019-10-15 17:41:49,573 INFO] Step 1550/10000; xent: 2.98; lr: 0.0000347; 46 docs/s; 655 sec\n", + "[2019-10-15 17:42:11,140 INFO] Step 1600/10000; xent: 2.95; lr: 0.0000358; 47 docs/s; 676 sec\n", + "[2019-10-15 17:42:31,857 INFO] Step 1650/10000; xent: 2.90; lr: 0.0000369; 48 docs/s; 697 sec\n", + "[2019-10-15 17:42:52,776 INFO] Step 1700/10000; xent: 2.88; lr: 0.0000380; 48 docs/s; 718 sec\n", + "[2019-10-15 17:43:13,306 INFO] Step 1750/10000; xent: 2.90; lr: 0.0000391; 49 docs/s; 738 sec\n", + "[2019-10-15 17:43:35,057 INFO] Step 1800/10000; xent: 2.85; lr: 0.0000402; 46 docs/s; 760 sec\n", + "[2019-10-15 17:43:55,848 INFO] Step 1850/10000; xent: 3.02; lr: 0.0000414; 48 docs/s; 781 sec\n", + "[2019-10-15 17:44:16,856 INFO] Step 1900/10000; xent: 2.94; lr: 0.0000425; 48 docs/s; 802 sec\n", + "[2019-10-15 17:44:37,746 INFO] Step 1950/10000; xent: 2.86; lr: 0.0000436; 49 docs/s; 823 sec\n", + "[2019-10-15 17:44:59,222 INFO] Step 2000/10000; xent: 2.88; lr: 0.0000447; 47 docs/s; 844 sec\n", + "[2019-10-15 17:44:59,226 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_2000.pt\n", + "[2019-10-15 17:45:21,420 INFO] Step 2050/10000; xent: 2.80; lr: 0.0000442; 45 docs/s; 867 sec\n", + "[2019-10-15 17:45:42,134 INFO] Step 2100/10000; xent: 2.87; lr: 0.0000436; 48 docs/s; 887 sec\n", + "[2019-10-15 17:46:03,052 INFO] Step 2150/10000; xent: 2.93; lr: 0.0000431; 48 docs/s; 908 sec\n", + "[2019-10-15 17:46:24,419 INFO] Step 2200/10000; xent: 2.88; lr: 0.0000426; 47 docs/s; 930 sec\n", + "[2019-10-15 17:46:45,179 INFO] Step 2250/10000; xent: 2.89; lr: 0.0000422; 48 docs/s; 950 sec\n", + "[2019-10-15 17:47:06,010 INFO] Step 2300/10000; xent: 2.88; lr: 0.0000417; 48 docs/s; 971 sec\n", + "[2019-10-15 17:47:26,863 INFO] Step 2350/10000; xent: 2.89; lr: 0.0000413; 49 docs/s; 992 sec\n", + "[2019-10-15 17:47:48,436 INFO] Step 2400/10000; xent: 2.81; lr: 0.0000408; 47 docs/s; 1014 sec\n", + "[2019-10-15 17:48:09,264 INFO] Step 2450/10000; xent: 2.78; lr: 0.0000404; 48 docs/s; 1034 sec\n", + "[2019-10-15 17:48:30,174 INFO] Step 2500/10000; xent: 2.84; lr: 0.0000400; 49 docs/s; 1055 sec\n", + "[2019-10-15 17:48:30,179 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_2500.pt\n", + "[2019-10-15 17:48:52,271 INFO] Step 2550/10000; xent: 2.92; lr: 0.0000396; 46 docs/s; 1077 sec\n", + "[2019-10-15 17:49:15,105 INFO] Step 2600/10000; xent: 2.77; lr: 0.0000392; 44 docs/s; 1100 sec\n", + "[2019-10-15 17:49:35,998 INFO] Step 2650/10000; xent: 2.92; lr: 0.0000389; 48 docs/s; 1121 sec\n", + "[2019-10-15 17:49:56,785 INFO] Step 2700/10000; xent: 2.95; lr: 0.0000385; 48 docs/s; 1142 sec\n", + "[2019-10-15 17:50:17,612 INFO] Step 2750/10000; xent: 2.87; lr: 0.0000381; 48 docs/s; 1163 sec\n", + "[2019-10-15 17:50:38,911 INFO] Step 2800/10000; xent: 2.80; lr: 0.0000378; 47 docs/s; 1184 sec\n", + "[2019-10-15 17:50:59,692 INFO] Step 2850/10000; xent: 2.90; lr: 0.0000375; 48 docs/s; 1205 sec\n", + "[2019-10-15 17:51:20,554 INFO] Step 2900/10000; xent: 2.90; lr: 0.0000371; 49 docs/s; 1226 sec\n", + "[2019-10-15 17:51:41,323 INFO] Step 2950/10000; xent: 2.85; lr: 0.0000368; 49 docs/s; 1246 sec\n", + "[2019-10-15 17:52:02,767 INFO] Step 3000/10000; xent: 2.88; lr: 0.0000365; 47 docs/s; 1268 sec\n", + "[2019-10-15 17:52:02,771 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_3000.pt\n", + "[2019-10-15 17:52:24,775 INFO] Step 3050/10000; xent: 2.91; lr: 0.0000362; 46 docs/s; 1290 sec\n", + "[2019-10-15 17:52:45,578 INFO] Step 3100/10000; xent: 2.83; lr: 0.0000359; 48 docs/s; 1311 sec\n", + "[2019-10-15 17:53:06,271 INFO] Step 3150/10000; xent: 2.89; lr: 0.0000356; 49 docs/s; 1331 sec\n", + "[2019-10-15 17:53:27,922 INFO] Step 3200/10000; xent: 2.83; lr: 0.0000354; 47 docs/s; 1353 sec\n", + "[2019-10-15 17:53:48,843 INFO] Step 3250/10000; xent: 2.84; lr: 0.0000351; 48 docs/s; 1374 sec\n", + "[2019-10-15 17:54:09,673 INFO] Step 3300/10000; xent: 2.73; lr: 0.0000348; 48 docs/s; 1395 sec\n", + "[2019-10-15 17:54:30,414 INFO] Step 3350/10000; xent: 2.85; lr: 0.0000346; 49 docs/s; 1416 sec\n", + "[2019-10-15 17:54:51,856 INFO] Step 3400/10000; xent: 2.78; lr: 0.0000343; 47 docs/s; 1437 sec\n", + "[2019-10-15 17:55:12,619 INFO] Step 3450/10000; xent: 2.83; lr: 0.0000341; 49 docs/s; 1458 sec\n", + "[2019-10-15 17:55:33,266 INFO] Step 3500/10000; xent: 2.80; lr: 0.0000338; 49 docs/s; 1478 sec\n", + "[2019-10-15 17:55:33,270 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_3500.pt\n", + "[2019-10-15 17:55:55,239 INFO] Step 3550/10000; xent: 2.80; lr: 0.0000336; 46 docs/s; 1500 sec\n", + "[2019-10-15 17:56:17,401 INFO] Step 3600/10000; xent: 2.76; lr: 0.0000333; 45 docs/s; 1523 sec\n", + "[2019-10-15 17:56:38,129 INFO] Step 3650/10000; xent: 2.80; lr: 0.0000331; 48 docs/s; 1543 sec\n", + "[2019-10-15 17:56:58,914 INFO] Step 3700/10000; xent: 2.83; lr: 0.0000329; 49 docs/s; 1564 sec\n", + "[2019-10-15 17:57:19,588 INFO] Step 3750/10000; xent: 2.82; lr: 0.0000327; 49 docs/s; 1585 sec\n", + "[2019-10-15 17:57:40,985 INFO] Step 3800/10000; xent: 2.91; lr: 0.0000324; 47 docs/s; 1606 sec\n", + "[2019-10-15 17:58:01,759 INFO] Step 3850/10000; xent: 2.87; lr: 0.0000322; 49 docs/s; 1627 sec\n" ] - } - ], - "source": [ - "bertsum_model.fit(device_id, training_data_files, train_steps=50000, train_from=\"\")" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### [Optional] Distributed Training" - ] - }, - { - "cell_type": "code", - "execution_count": 20, - "metadata": {}, - "outputs": [], - "source": [ - "BERT_CONFIG_PATH=\"./bert_config_uncased_base.json\"" - ] - }, - { - "cell_type": "code", - "execution_count": 21, - "metadata": {}, - "outputs": [ + }, { - "name": "stdout", + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-15 17:58:22,621 INFO] Step 3900/10000; xent: 2.79; lr: 0.0000320; 48 docs/s; 1648 sec\n", + "[2019-10-15 17:58:43,322 INFO] Step 3950/10000; xent: 2.90; lr: 0.0000318; 49 docs/s; 1668 sec\n", + "[2019-10-15 17:59:04,810 INFO] Step 4000/10000; xent: 2.80; lr: 0.0000316; 47 docs/s; 1690 sec\n", + "[2019-10-15 17:59:04,814 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_4000.pt\n", + "[2019-10-15 17:59:26,773 INFO] Step 4050/10000; xent: 2.89; lr: 0.0000314; 45 docs/s; 1712 sec\n", + "[2019-10-15 17:59:47,458 INFO] Step 4100/10000; xent: 2.86; lr: 0.0000312; 49 docs/s; 1733 sec\n", + "[2019-10-15 18:00:08,124 INFO] Step 4150/10000; xent: 2.87; lr: 0.0000310; 48 docs/s; 1753 sec\n", + "[2019-10-15 18:00:29,734 INFO] Step 4200/10000; xent: 2.93; lr: 0.0000309; 47 docs/s; 1775 sec\n", + "[2019-10-15 18:00:50,554 INFO] Step 4250/10000; xent: 2.86; lr: 0.0000307; 49 docs/s; 1796 sec\n", + "[2019-10-15 18:01:11,237 INFO] Step 4300/10000; xent: 2.80; lr: 0.0000305; 49 docs/s; 1816 sec\n", + "[2019-10-15 18:01:31,908 INFO] Step 4350/10000; xent: 2.87; lr: 0.0000303; 49 docs/s; 1837 sec\n", + "[2019-10-15 18:01:53,271 INFO] Step 4400/10000; xent: 2.79; lr: 0.0000302; 47 docs/s; 1858 sec\n", + "[2019-10-15 18:02:14,150 INFO] Step 4450/10000; xent: 2.80; lr: 0.0000300; 49 docs/s; 1879 sec\n", + "[2019-10-15 18:02:34,861 INFO] Step 4500/10000; xent: 2.89; lr: 0.0000298; 48 docs/s; 1900 sec\n", + "[2019-10-15 18:02:34,865 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_4500.pt\n", + "[2019-10-15 18:02:56,909 INFO] Step 4550/10000; xent: 2.80; lr: 0.0000296; 46 docs/s; 1922 sec\n", + "[2019-10-15 18:03:18,328 INFO] Step 4600/10000; xent: 2.81; lr: 0.0000295; 47 docs/s; 1943 sec\n", + "[2019-10-15 18:03:39,125 INFO] Step 4650/10000; xent: 2.81; lr: 0.0000293; 48 docs/s; 1964 sec\n", + "[2019-10-15 18:03:59,868 INFO] Step 4700/10000; xent: 2.87; lr: 0.0000292; 49 docs/s; 1985 sec\n", + "[2019-10-15 18:04:20,701 INFO] Step 4750/10000; xent: 2.82; lr: 0.0000290; 48 docs/s; 2006 sec\n", + "[2019-10-15 18:04:42,076 INFO] Step 4800/10000; xent: 2.82; lr: 0.0000289; 47 docs/s; 2027 sec\n", + "[2019-10-15 18:05:02,834 INFO] Step 4850/10000; xent: 2.80; lr: 0.0000287; 48 docs/s; 2048 sec\n", + "[2019-10-15 18:05:23,556 INFO] Step 4900/10000; xent: 2.81; lr: 0.0000286; 49 docs/s; 2069 sec\n", + "[2019-10-15 18:05:44,221 INFO] Step 4950/10000; xent: 2.85; lr: 0.0000284; 49 docs/s; 2089 sec\n", + "[2019-10-15 18:06:05,673 INFO] Step 5000/10000; xent: 2.78; lr: 0.0000283; 47 docs/s; 2111 sec\n", + "[2019-10-15 18:06:05,677 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_5000.pt\n", + "[2019-10-15 18:06:28,010 INFO] Step 5050/10000; xent: 2.84; lr: 0.0000281; 45 docs/s; 2133 sec\n", + "[2019-10-15 18:06:48,974 INFO] Step 5100/10000; xent: 2.73; lr: 0.0000280; 48 docs/s; 2154 sec\n", + "[2019-10-15 18:07:09,784 INFO] Step 5150/10000; xent: 2.85; lr: 0.0000279; 48 docs/s; 2175 sec\n", + "[2019-10-15 18:07:31,104 INFO] Step 5200/10000; xent: 2.80; lr: 0.0000277; 47 docs/s; 2196 sec\n", + "[2019-10-15 18:07:51,971 INFO] Step 5250/10000; xent: 2.90; lr: 0.0000276; 49 docs/s; 2217 sec\n", + "[2019-10-15 18:08:12,738 INFO] Step 5300/10000; xent: 2.91; lr: 0.0000275; 48 docs/s; 2238 sec\n", + "[2019-10-15 18:08:33,531 INFO] Step 5350/10000; xent: 2.76; lr: 0.0000273; 49 docs/s; 2259 sec\n", + "[2019-10-15 18:08:54,887 INFO] Step 5400/10000; xent: 2.81; lr: 0.0000272; 47 docs/s; 2280 sec\n", + "[2019-10-15 18:09:15,662 INFO] Step 5450/10000; xent: 2.81; lr: 0.0000271; 48 docs/s; 2301 sec\n", + "[2019-10-15 18:09:36,458 INFO] Step 5500/10000; xent: 2.84; lr: 0.0000270; 48 docs/s; 2322 sec\n", + "[2019-10-15 18:09:36,462 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_5500.pt\n", + "[2019-10-15 18:09:58,522 INFO] Step 5550/10000; xent: 2.84; lr: 0.0000268; 46 docs/s; 2344 sec\n", + "[2019-10-15 18:10:20,176 INFO] Step 5600/10000; xent: 2.86; lr: 0.0000267; 47 docs/s; 2365 sec\n", + "[2019-10-15 18:10:40,957 INFO] Step 5650/10000; xent: 2.84; lr: 0.0000266; 48 docs/s; 2386 sec\n", + "[2019-10-15 18:11:01,721 INFO] Step 5700/10000; xent: 2.73; lr: 0.0000265; 49 docs/s; 2407 sec\n", + "[2019-10-15 18:11:22,585 INFO] Step 5750/10000; xent: 2.83; lr: 0.0000264; 48 docs/s; 2428 sec\n", + "[2019-10-15 18:11:43,794 INFO] Step 5800/10000; xent: 2.78; lr: 0.0000263; 47 docs/s; 2449 sec\n", + "[2019-10-15 18:12:04,659 INFO] Step 5850/10000; xent: 2.89; lr: 0.0000261; 48 docs/s; 2470 sec\n", + "[2019-10-15 18:12:25,349 INFO] Step 5900/10000; xent: 2.85; lr: 0.0000260; 48 docs/s; 2491 sec\n", + "[2019-10-15 18:12:46,081 INFO] Step 5950/10000; xent: 2.73; lr: 0.0000259; 49 docs/s; 2511 sec\n", + "[2019-10-15 18:13:07,405 INFO] Step 6000/10000; xent: 2.82; lr: 0.0000258; 47 docs/s; 2533 sec\n", + "[2019-10-15 18:13:07,409 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_6000.pt\n", + "[2019-10-15 18:13:29,137 INFO] Step 6050/10000; xent: 2.85; lr: 0.0000257; 45 docs/s; 2554 sec\n", + "[2019-10-15 18:13:49,752 INFO] Step 6100/10000; xent: 2.80; lr: 0.0000256; 48 docs/s; 2575 sec\n", + "[2019-10-15 18:14:10,499 INFO] Step 6150/10000; xent: 2.80; lr: 0.0000255; 48 docs/s; 2596 sec\n", + "[2019-10-15 18:14:31,939 INFO] Step 6200/10000; xent: 2.81; lr: 0.0000254; 47 docs/s; 2617 sec\n", + "[2019-10-15 18:14:52,749 INFO] Step 6250/10000; xent: 2.80; lr: 0.0000253; 48 docs/s; 2638 sec\n", + "[2019-10-15 18:15:13,515 INFO] Step 6300/10000; xent: 2.82; lr: 0.0000252; 48 docs/s; 2659 sec\n", + "[2019-10-15 18:15:34,316 INFO] Step 6350/10000; xent: 2.75; lr: 0.0000251; 49 docs/s; 2679 sec\n", + "[2019-10-15 18:15:55,784 INFO] Step 6400/10000; xent: 2.85; lr: 0.0000250; 47 docs/s; 2701 sec\n", + "[2019-10-15 18:16:16,641 INFO] Step 6450/10000; xent: 2.78; lr: 0.0000249; 48 docs/s; 2722 sec\n", + "[2019-10-15 18:16:37,458 INFO] Step 6500/10000; xent: 2.78; lr: 0.0000248; 48 docs/s; 2743 sec\n", + "[2019-10-15 18:16:37,462 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_6500.pt\n", + "[2019-10-15 18:16:59,595 INFO] Step 6550/10000; xent: 2.73; lr: 0.0000247; 46 docs/s; 2765 sec\n", + "[2019-10-15 18:17:20,994 INFO] Step 6600/10000; xent: 2.76; lr: 0.0000246; 47 docs/s; 2786 sec\n", + "[2019-10-15 18:17:41,749 INFO] Step 6650/10000; xent: 2.84; lr: 0.0000245; 49 docs/s; 2807 sec\n", + "[2019-10-15 18:18:02,657 INFO] Step 6700/10000; xent: 2.85; lr: 0.0000244; 49 docs/s; 2828 sec\n", + "[2019-10-15 18:18:23,380 INFO] Step 6750/10000; xent: 2.80; lr: 0.0000243; 49 docs/s; 2849 sec\n", + "[2019-10-15 18:18:44,867 INFO] Step 6800/10000; xent: 2.77; lr: 0.0000243; 47 docs/s; 2870 sec\n", + "[2019-10-15 18:19:05,681 INFO] Step 6850/10000; xent: 2.81; lr: 0.0000242; 49 docs/s; 2891 sec\n", + "[2019-10-15 18:19:26,491 INFO] Step 6900/10000; xent: 2.84; lr: 0.0000241; 48 docs/s; 2912 sec\n", + "[2019-10-15 18:19:47,512 INFO] Step 6950/10000; xent: 2.84; lr: 0.0000240; 48 docs/s; 2933 sec\n", + "[2019-10-15 18:20:09,154 INFO] Step 7000/10000; xent: 2.79; lr: 0.0000239; 47 docs/s; 2954 sec\n", + "[2019-10-15 18:20:09,158 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_7000.pt\n", + "[2019-10-15 18:20:31,532 INFO] Step 7050/10000; xent: 2.89; lr: 0.0000238; 45 docs/s; 2977 sec\n", + "[2019-10-15 18:20:52,351 INFO] Step 7100/10000; xent: 2.83; lr: 0.0000237; 49 docs/s; 2998 sec\n", + "[2019-10-15 18:21:13,252 INFO] Step 7150/10000; xent: 2.85; lr: 0.0000237; 48 docs/s; 3018 sec\n", + "[2019-10-15 18:21:34,970 INFO] Step 7200/10000; xent: 2.85; lr: 0.0000236; 46 docs/s; 3040 sec\n", + "[2019-10-15 18:21:55,777 INFO] Step 7250/10000; xent: 2.79; lr: 0.0000235; 48 docs/s; 3061 sec\n", + "[2019-10-15 18:22:16,639 INFO] Step 7300/10000; xent: 2.82; lr: 0.0000234; 48 docs/s; 3082 sec\n", + "[2019-10-15 18:22:37,482 INFO] Step 7350/10000; xent: 2.80; lr: 0.0000233; 48 docs/s; 3103 sec\n", + "[2019-10-15 18:22:58,914 INFO] Step 7400/10000; xent: 2.79; lr: 0.0000232; 47 docs/s; 3124 sec\n", + "[2019-10-15 18:23:19,645 INFO] Step 7450/10000; xent: 2.80; lr: 0.0000232; 49 docs/s; 3145 sec\n", + "[2019-10-15 18:23:40,337 INFO] Step 7500/10000; xent: 2.77; lr: 0.0000231; 48 docs/s; 3166 sec\n", + "[2019-10-15 18:23:40,340 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_7500.pt\n", + "[2019-10-15 18:24:02,476 INFO] Step 7550/10000; xent: 2.71; lr: 0.0000230; 46 docs/s; 3188 sec\n", + "[2019-10-15 18:24:23,953 INFO] Step 7600/10000; xent: 2.69; lr: 0.0000229; 47 docs/s; 3209 sec\n" + ] + }, + { + "name": "stderr", "output_type": "stream", "text": [ - "['1']\n", - "{1: 0}\n" + "[2019-10-15 18:24:44,627 INFO] Step 7650/10000; xent: 2.76; lr: 0.0000229; 49 docs/s; 3230 sec\n", + "[2019-10-15 18:25:05,523 INFO] Step 7700/10000; xent: 2.82; lr: 0.0000228; 48 docs/s; 3251 sec\n", + "[2019-10-15 18:25:27,089 INFO] Step 7750/10000; xent: 2.86; lr: 0.0000227; 47 docs/s; 3272 sec\n", + "[2019-10-15 18:25:47,876 INFO] Step 7800/10000; xent: 2.80; lr: 0.0000226; 48 docs/s; 3293 sec\n", + "[2019-10-15 18:26:08,708 INFO] Step 7850/10000; xent: 2.83; lr: 0.0000226; 48 docs/s; 3314 sec\n", + "[2019-10-15 18:26:29,493 INFO] Step 7900/10000; xent: 2.83; lr: 0.0000225; 49 docs/s; 3335 sec\n", + "[2019-10-15 18:26:51,045 INFO] Step 7950/10000; xent: 2.76; lr: 0.0000224; 47 docs/s; 3356 sec\n", + "[2019-10-15 18:27:11,842 INFO] Step 8000/10000; xent: 2.78; lr: 0.0000224; 48 docs/s; 3377 sec\n", + "[2019-10-15 18:27:11,846 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_8000.pt\n", + "[2019-10-15 18:27:33,976 INFO] Step 8050/10000; xent: 2.82; lr: 0.0000223; 45 docs/s; 3399 sec\n", + "[2019-10-15 18:27:54,858 INFO] Step 8100/10000; xent: 2.75; lr: 0.0000222; 49 docs/s; 3420 sec\n", + "[2019-10-15 18:28:16,407 INFO] Step 8150/10000; xent: 2.84; lr: 0.0000222; 47 docs/s; 3442 sec\n", + "[2019-10-15 18:28:37,145 INFO] Step 8200/10000; xent: 2.86; lr: 0.0000221; 49 docs/s; 3462 sec\n", + "[2019-10-15 18:28:57,996 INFO] Step 8250/10000; xent: 2.72; lr: 0.0000220; 48 docs/s; 3483 sec\n", + "[2019-10-15 18:29:18,776 INFO] Step 8300/10000; xent: 2.77; lr: 0.0000220; 48 docs/s; 3504 sec\n", + "[2019-10-15 18:29:40,224 INFO] Step 8350/10000; xent: 2.67; lr: 0.0000219; 47 docs/s; 3525 sec\n", + "[2019-10-15 18:30:01,190 INFO] Step 8400/10000; xent: 2.80; lr: 0.0000218; 49 docs/s; 3546 sec\n", + "[2019-10-15 18:30:21,820 INFO] Step 8450/10000; xent: 2.81; lr: 0.0000218; 49 docs/s; 3567 sec\n", + "[2019-10-15 18:30:42,632 INFO] Step 8500/10000; xent: 2.80; lr: 0.0000217; 48 docs/s; 3588 sec\n", + "[2019-10-15 18:30:42,636 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_8500.pt\n", + "[2019-10-15 18:31:05,497 INFO] Step 8550/10000; xent: 2.80; lr: 0.0000216; 44 docs/s; 3611 sec\n", + "[2019-10-15 18:31:26,353 INFO] Step 8600/10000; xent: 2.77; lr: 0.0000216; 48 docs/s; 3632 sec\n", + "[2019-10-15 18:31:47,131 INFO] Step 8650/10000; xent: 2.82; lr: 0.0000215; 49 docs/s; 3652 sec\n", + "[2019-10-15 18:32:08,004 INFO] Step 8700/10000; xent: 2.85; lr: 0.0000214; 48 docs/s; 3673 sec\n", + "[2019-10-15 18:32:29,641 INFO] Step 8750/10000; xent: 2.82; lr: 0.0000214; 47 docs/s; 3695 sec\n", + "[2019-10-15 18:32:50,512 INFO] Step 8800/10000; xent: 2.80; lr: 0.0000213; 48 docs/s; 3716 sec\n", + "[2019-10-15 18:33:11,332 INFO] Step 8850/10000; xent: 2.73; lr: 0.0000213; 48 docs/s; 3737 sec\n", + "[2019-10-15 18:33:32,160 INFO] Step 8900/10000; xent: 2.78; lr: 0.0000212; 48 docs/s; 3757 sec\n", + "[2019-10-15 18:33:53,602 INFO] Step 8950/10000; xent: 2.79; lr: 0.0000211; 47 docs/s; 3779 sec\n", + "[2019-10-15 18:34:14,359 INFO] Step 9000/10000; xent: 2.79; lr: 0.0000211; 48 docs/s; 3800 sec\n", + "[2019-10-15 18:34:14,363 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_9000.pt\n", + "[2019-10-15 18:34:36,486 INFO] Step 9050/10000; xent: 2.75; lr: 0.0000210; 45 docs/s; 3822 sec\n", + "[2019-10-15 18:34:57,361 INFO] Step 9100/10000; xent: 2.70; lr: 0.0000210; 48 docs/s; 3843 sec\n", + "[2019-10-15 18:35:18,931 INFO] Step 9150/10000; xent: 2.80; lr: 0.0000209; 47 docs/s; 3864 sec\n", + "[2019-10-15 18:35:39,714 INFO] Step 9200/10000; xent: 2.86; lr: 0.0000209; 49 docs/s; 3885 sec\n", + "[2019-10-15 18:36:00,636 INFO] Step 9250/10000; xent: 2.80; lr: 0.0000208; 48 docs/s; 3906 sec\n", + "[2019-10-15 18:36:21,489 INFO] Step 9300/10000; xent: 2.79; lr: 0.0000207; 49 docs/s; 3927 sec\n", + "[2019-10-15 18:36:42,979 INFO] Step 9350/10000; xent: 2.86; lr: 0.0000207; 47 docs/s; 3948 sec\n", + "[2019-10-15 18:37:03,791 INFO] Step 9400/10000; xent: 2.80; lr: 0.0000206; 48 docs/s; 3969 sec\n", + "[2019-10-15 18:37:24,571 INFO] Step 9450/10000; xent: 2.73; lr: 0.0000206; 49 docs/s; 3990 sec\n", + "[2019-10-15 18:37:45,326 INFO] Step 9500/10000; xent: 2.84; lr: 0.0000205; 48 docs/s; 4010 sec\n", + "[2019-10-15 18:37:45,330 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_9500.pt\n", + "[2019-10-15 18:38:08,399 INFO] Step 9550/10000; xent: 2.79; lr: 0.0000205; 44 docs/s; 4034 sec\n", + "[2019-10-15 18:38:29,389 INFO] Step 9600/10000; xent: 2.85; lr: 0.0000204; 49 docs/s; 4055 sec\n", + "[2019-10-15 18:38:50,108 INFO] Step 9650/10000; xent: 2.76; lr: 0.0000204; 48 docs/s; 4075 sec\n", + "[2019-10-15 18:39:10,997 INFO] Step 9700/10000; xent: 2.84; lr: 0.0000203; 48 docs/s; 4096 sec\n", + "[2019-10-15 18:39:32,498 INFO] Step 9750/10000; xent: 2.78; lr: 0.0000203; 47 docs/s; 4118 sec\n", + "[2019-10-15 18:39:53,372 INFO] Step 9800/10000; xent: 2.84; lr: 0.0000202; 48 docs/s; 4139 sec\n", + "[2019-10-15 18:40:14,324 INFO] Step 9850/10000; xent: 2.85; lr: 0.0000202; 48 docs/s; 4159 sec\n", + "[2019-10-15 18:40:35,114 INFO] Step 9900/10000; xent: 2.75; lr: 0.0000201; 48 docs/s; 4180 sec\n", + "[2019-10-15 18:40:56,505 INFO] Step 9950/10000; xent: 2.78; lr: 0.0000201; 47 docs/s; 4202 sec\n", + "[2019-10-15 18:41:17,372 INFO] Step 10000/10000; xent: 2.85; lr: 0.0000200; 48 docs/s; 4223 sec\n", + "[2019-10-15 18:41:17,376 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_10000.pt\n" ] } ], "source": [ - "bertsum_model = BertSumExtractiveSummarizer(encoder = 'baseline', \n", - " model_path = model_base_path+encoder+str(random_number),\n", - " log_file = log_base_path+encoder+str(random_number),\n", - " bert_config_path=BERT_CONFIG_PATH,\n", - " device_id = device_id,\n", - " gpu_ranks = gpu_ranks,)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "def train():\n", - "\n", - " bertsum_model.fit(device_id, training_data_files, train_steps=50000, train_from=\"\")" + "bertsum_model.fit(device_id, training_data_files, train_steps=train_steps, train_from=\"\")" ] }, { @@ -1314,12 +3024,12 @@ "source": [ "### Model Evaluation\n", "\n", - "[ROUGE](https://en.wikipedia.org/wiki/ROUGE_(metric)), or Recall-Oriented Understudy for Gisting Evaluation has been commonly used for evaluation text summerization." + "[ROUGE](https://en.wikipedia.org/wiki/ROUGE_(metric)), or Recall-Oriented Understudy for Gisting Evaluation has been commonly used for evaluation text summarization." ] }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 26, "metadata": { "scrolled": true }, @@ -1328,9 +3038,7 @@ "import torch\n", "from bertsum.models.data_loader import DataIterator,Batch,Dataloader\n", "import os\n", - "\n", - "USE_PREPROCESSED_DATA = False\n", - "if USE_PREPROCESSED_DATA is True: \n", + "if USE_PREPROCESSED_DATA is False: \n", " test_dataset=torch.load(PROCESSED_TEST_FILE)\n", "else:\n", " test_dataset=[]\n", @@ -1350,29 +3058,28 @@ }, { "cell_type": "code", - "execution_count": 22, + "execution_count": 27, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-09 02:47:36,693 INFO] Device ID 1\n", - "[2019-10-09 02:47:36,694 INFO] Loading checkpoint from ./models/baseline0.5550666171952351/model_step_50000.pt\n", - "[2019-10-09 02:47:38,197 INFO] * number of parameters: 5179137\n" + "[2019-10-15 18:42:17,589 INFO] * number of parameters: 115790849\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "device_id 1\n", + "device_id 0\n", "gpu_rank 0\n" ] } ], "source": [ - "model_for_test = \"./models/baseline0.5550666171952351/model_step_50000.pt\"\n", + "checkpoint_to_test = 10000\n", + "model_for_test = os.path.join(model_base_path + encoder + str(random_number), f\"model_step_{checkpoint_to_test}.pt\")\n", "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n", @@ -1383,7 +3090,7 @@ }, { "cell_type": "code", - "execution_count": 23, + "execution_count": 28, "metadata": {}, "outputs": [ { @@ -1392,7 +3099,7 @@ "11489" ] }, - "execution_count": 23, + "execution_count": 28, "metadata": {}, "output_type": "execute_result" } @@ -1403,34 +3110,7 @@ }, { "cell_type": "code", - "execution_count": 25, - "metadata": {}, - "outputs": [], - "source": [ - "import os\n", - "from random import random, seed\n", - "from bertsum.others.utils import test_rouge\n", - "\n", - "def get_rouge(predictions, targets, temp_dir):\n", - " def _write_list_to_file(list_items, filename):\n", - " with open(filename, 'w') as filehandle:\n", - " #for cnt, line in enumerate(filehandle):\n", - " for item in list_items:\n", - " filehandle.write('%s\\n' % item)\n", - " seed(42)\n", - " random_number = random()\n", - " candidate_path = os.path.join(temp_dir, \"candidate\"+str(random_number))\n", - " gold_path = os.path.join(temp_dir, \"gold\"+str(random_number))\n", - " _write_list_to_file(predictions, candidate_path)\n", - " _write_list_to_file(targets, gold_path)\n", - " rouge = test_rouge(temp_dir, candidate_path, gold_path)\n", - " return rouge\n", - "\n" - ] - }, - { - "cell_type": "code", - "execution_count": 26, + "execution_count": 29, "metadata": {}, "outputs": [ { @@ -1445,22 +3125,22 @@ "name": "stderr", "output_type": "stream", "text": [ - "2019-10-09 02:49:06,778 [MainThread ] [INFO ] Writing summaries.\n", - "[2019-10-09 02:49:06,778 INFO] Writing summaries.\n", - "2019-10-09 02:49:06,781 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpaikkoju5/system and model files to ./results/tmpaikkoju5/model.\n", - "[2019-10-09 02:49:06,781 INFO] Processing summaries. Saving system files to ./results/tmpaikkoju5/system and model files to ./results/tmpaikkoju5/model.\n", - "2019-10-09 02:49:06,782 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-09-02-49-05/candidate/.\n", - "[2019-10-09 02:49:06,782 INFO] Processing files in ./results/rouge-tmp-2019-10-09-02-49-05/candidate/.\n", - "2019-10-09 02:49:07,979 [MainThread ] [INFO ] Saved processed files to ./results/tmpaikkoju5/system.\n", - "[2019-10-09 02:49:07,979 INFO] Saved processed files to ./results/tmpaikkoju5/system.\n", - "2019-10-09 02:49:07,981 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-09-02-49-05/reference/.\n", - "[2019-10-09 02:49:07,981 INFO] Processing files in ./results/rouge-tmp-2019-10-09-02-49-05/reference/.\n", - "2019-10-09 02:49:09,181 [MainThread ] [INFO ] Saved processed files to ./results/tmpaikkoju5/model.\n", - "[2019-10-09 02:49:09,181 INFO] Saved processed files to ./results/tmpaikkoju5/model.\n", - "2019-10-09 02:49:09,267 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp8_c210t6/rouge_conf.xml\n", - "[2019-10-09 02:49:09,267 INFO] Written ROUGE configuration to ./results/tmp8_c210t6/rouge_conf.xml\n", - "2019-10-09 02:49:09,268 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp8_c210t6/rouge_conf.xml\n", - "[2019-10-09 02:49:09,268 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp8_c210t6/rouge_conf.xml\n" + "2019-10-15 18:45:18,185 [MainThread ] [INFO ] Writing summaries.\n", + "[2019-10-15 18:45:18,185 INFO] Writing summaries.\n", + "2019-10-15 18:45:18,194 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpsubsloro/system and model files to ./results/tmpsubsloro/model.\n", + "[2019-10-15 18:45:18,194 INFO] Processing summaries. Saving system files to ./results/tmpsubsloro/system and model files to ./results/tmpsubsloro/model.\n", + "2019-10-15 18:45:18,195 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-15-18-45-16/candidate/.\n", + "[2019-10-15 18:45:18,195 INFO] Processing files in ./results/rouge-tmp-2019-10-15-18-45-16/candidate/.\n", + "2019-10-15 18:45:19,514 [MainThread ] [INFO ] Saved processed files to ./results/tmpsubsloro/system.\n", + "[2019-10-15 18:45:19,514 INFO] Saved processed files to ./results/tmpsubsloro/system.\n", + "2019-10-15 18:45:19,516 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-15-18-45-16/reference/.\n", + "[2019-10-15 18:45:19,516 INFO] Processing files in ./results/rouge-tmp-2019-10-15-18-45-16/reference/.\n", + "2019-10-15 18:45:20,654 [MainThread ] [INFO ] Saved processed files to ./results/tmpsubsloro/model.\n", + "[2019-10-15 18:45:20,654 INFO] Saved processed files to ./results/tmpsubsloro/model.\n", + "2019-10-15 18:45:20,735 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp4yrd5g_s/rouge_conf.xml\n", + "[2019-10-15 18:45:20,735 INFO] Written ROUGE configuration to ./results/tmp4yrd5g_s/rouge_conf.xml\n", + "2019-10-15 18:45:20,736 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp4yrd5g_s/rouge_conf.xml\n", + "[2019-10-15 18:45:20,736 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp4yrd5g_s/rouge_conf.xml\n" ] }, { @@ -1468,17 +3148,17 @@ "output_type": "stream", "text": [ "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.52805 (95%-conf.int. 0.52503 - 0.53101)\n", - "1 ROUGE-1 Average_P: 0.34902 (95%-conf.int. 0.34673 - 0.35137)\n", - "1 ROUGE-1 Average_F: 0.40627 (95%-conf.int. 0.40407 - 0.40856)\n", + "1 ROUGE-1 Average_R: 0.53085 (95%-conf.int. 0.52800 - 0.53379)\n", + "1 ROUGE-1 Average_P: 0.37857 (95%-conf.int. 0.37621 - 0.38098)\n", + "1 ROUGE-1 Average_F: 0.42727 (95%-conf.int. 0.42510 - 0.42940)\n", "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.23266 (95%-conf.int. 0.22986 - 0.23553)\n", - "1 ROUGE-2 Average_P: 0.15342 (95%-conf.int. 0.15150 - 0.15543)\n", - "1 ROUGE-2 Average_F: 0.17858 (95%-conf.int. 0.17650 - 0.18072)\n", + "1 ROUGE-2 Average_R: 0.24509 (95%-conf.int. 0.24219 - 0.24801)\n", + "1 ROUGE-2 Average_P: 0.17560 (95%-conf.int. 0.17344 - 0.17784)\n", + "1 ROUGE-2 Average_F: 0.19750 (95%-conf.int. 0.19532 - 0.19981)\n", "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.47936 (95%-conf.int. 0.47650 - 0.48238)\n", - "1 ROUGE-L Average_P: 0.31731 (95%-conf.int. 0.31511 - 0.31957)\n", - "1 ROUGE-L Average_F: 0.36913 (95%-conf.int. 0.36697 - 0.37144)\n", + "1 ROUGE-L Average_R: 0.48578 (95%-conf.int. 0.48310 - 0.48855)\n", + "1 ROUGE-L Average_P: 0.34703 (95%-conf.int. 0.34466 - 0.34939)\n", + "1 ROUGE-L Average_F: 0.39138 (95%-conf.int. 0.38922 - 0.39357)\n", "\n" ] } @@ -1490,36 +3170,16 @@ }, { "cell_type": "code", - "execution_count": 46, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "11489" - ] - }, - "execution_count": 46, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "len(prediction)" - ] - }, - { - "cell_type": "code", - "execution_count": 50, + "execution_count": 30, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .'" + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .'" ] }, - "execution_count": 50, + "execution_count": 30, "metadata": {}, "output_type": "execute_result" } @@ -1530,7 +3190,7 @@ }, { "cell_type": "code", - "execution_count": 51, + "execution_count": 31, "metadata": {}, "outputs": [ { @@ -1539,7 +3199,7 @@ "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" ] }, - "execution_count": 51, + "execution_count": 31, "metadata": {}, "output_type": "execute_result" } @@ -1557,7 +3217,7 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 32, "metadata": {}, "outputs": [], "source": [ @@ -1571,172 +3231,53 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 33, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[2019-10-15 18:47:09,248 INFO] loading vocabulary file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at /home/daden/.pytorch_pretrained_bert/26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + ] + } + ], "source": [ - "from prepro.data_builder import BertData\n", + "from bertsum.prepro.data_builder import BertData\n", "bertdata = BertData(args)" ] }, { "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [], - "source": [ - "import torch\n", - "import sys\n", - "#sys.path.insert(0, '../src')\n", - "from others.utils import clean\n", - "from multiprocess import Pool\n" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": {}, - "outputs": [], - "source": [ - "#os.environ[\"CUDA_DEVICE_ORDER\"]=\"PCI_BUS_ID\" # see issue #152\n", - "import os\n", - "os.environ[\"CORENLP_HOME\"]=\"/home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05\"" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": {}, - "outputs": [], - "source": [ - "from stanfordnlp.server import CoreNLPClient" - ] - }, - { - "cell_type": "code", - "execution_count": 11, + "execution_count": 34, "metadata": {}, "outputs": [], "source": [ - "from multiprocessing import Pool\n", - "from utils_nlp.models.bert.extractive_text_summarization import tokenize_to_list, bertify\n", - "import re\n", - "\n", - "def preprocess_target(line):\n", - " def _remove_ttags(line):\n", - " line = re.sub(r'', '', line)\n", - " # change to \n", - " # pyrouge test requires as sentence splitter\n", - " line = re.sub(r'', '', line)\n", - " return line\n", - "\n", - " return tokenize_to_list(client, _remove_ttags(line))\n", + "import nltk\n", + "from utils_nlp.dataset.harvardnlp_cnndm import preprocess\n", + "from nltk import tokenize\n", + "from bertsum.others.utils import clean\n", "def preprocess_source(line):\n", - " return tokenize_to_list(client, clean(line))\n", - "\n", - "def preprocess_cnndm(param):\n", - " source, target = param\n", - " return bertify(bertdata, source, target)\n", - "\n", - "def harvardnlp_cnndm_standfordnlp(client, source_file, target_file, n_cpus=2, top_n=-1):\n", - " source_list = []\n", - " i = 0\n", - " with open(source_file) as fd:\n", - " for line in fd:\n", - " source_list.append(line)\n", - " i +=1\n", - " \n", - " pool = Pool(n_cpus)\n", - " \n", - "\n", - " tokenized_source_data = pool.map(preprocess_source, source_list[0:top_n], int(len(source_list[0:top_n])/n_cpus))\n", - " pool.close()\n", - " pool.join\n", - " \n", - " i = 0\n", - " target_list = []\n", - " with open(target_file) as fd:\n", - " for line in fd:\n", - " target_list.append(line)\n", - " i +=1\n", - "\n", - " pool = Pool(n_cpus)\n", - " tokenized_target_data = pool.map(preprocess_target, target_list[0:top_n], int(len(target_list[0:top_n])/n_cpus))\n", - " pool.close()\n", - " pool.join()\n", - " \n", - "\n", - " #return tokenized_source_data, tokenized_target_data\n", - "\n", - " pool = Pool(n_cpus)\n", - " bertified_data = pool.map(preprocess_cnndm, zip(tokenized_source_data[0:top_n], tokenized_target_data[0:top_n]), int(len(tokenized_source_data[0:top_n])/n_cpus))\n", - " pool.close()\n", - " pool.join()\n", - " return bertified_data\n", - " " - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Starting server with command: java -Xmx5G -cp /home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05/* edu.stanford.nlp.pipeline.StanfordCoreNLPServer -port 9000 -timeout 60000 -threads 5 -maxCharLength 100000 -quiet True -serverProperties corenlp_server-e3b74cd551ba43f1.props -preload tokenize,ssplit\n", - "Starting server with command: java -Xmx5G -cp /home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05/* edu.stanford.nlp.pipeline.StanfordCoreNLPServer -port 9000 -timeout 60000 -threads 5 -maxCharLength 100000 -quiet True -serverProperties corenlp_server-e3b74cd551ba43f1.props -preload tokenize,ssplit\n", - "Starting server with command: java -Xmx5G -cp /home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05/* edu.stanford.nlp.pipeline.StanfordCoreNLPServer -port 9000 -timeout 60000 -threads 5 -maxCharLength 100000 -quiet True -serverProperties corenlp_server-e3b74cd551ba43f1.props -preload tokenize,ssplit\n", - "Starting server with command: java -Xmx5G -cp /home/daden/stanfordnlp_resources/stanford-corenlp-full-2018-10-05/* edu.stanford.nlp.pipeline.StanfordCoreNLPServer -port 9000 -timeout 60000 -threads 5 -maxCharLength 100000 -quiet True -serverProperties corenlp_server-e3b74cd551ba43f1.props -preload tokenize,ssplit\n", - "CPU times: user 79.8 ms, sys: 85.4 ms, total: 165 ms\n", - "Wall time: 7.72 s\n" - ] - } - ], - "source": [ - "%%time\n", - "source_file = './harvardnlp_cnndm/test.txt.src'\n", - "target_file = './harvardnlp_cnndm/test.txt.tgt.tagged'\n", - "client = CoreNLPClient(annotators=['tokenize','ssplit'])\n", - "new_data = harvardnlp_cnndm_standfordnlp(client, source_file, target_file, n_cpus=2, top_n=10)" + " return preprocess((line, [clean, tokenize.sent_tokenize], nltk.word_tokenize))\n" ] }, { "cell_type": "code", - "execution_count": 24, + "execution_count": 35, "metadata": {}, "outputs": [], "source": [ - "import torch\n", - "from models.data_loader import DataIterator,Batch,Dataloader\n", - "import os\n", - "\n", - "USE_PREPROCESSED_DATA = False\n", - "if USE_PREPROCESSED_DATA is True: \n", - " test_dataset=torch.load(PROCESSED_TEST_FILE)\n", - "else:\n", - " test_dataset=[]\n", - " for i in range(0,6):\n", - " filename = os.path.join(BERT_DATA_PATH, \"test/cnndm.test.{0}.bert.pt\".format(i))\n", - " test_dataset.extend(torch.load(filename))\n", - "def get_data_iter(dataset,is_test=False, batch_size=3000):\n", - " args = Bunch({})\n", - " args.use_interval = True\n", - " args.batch_size = batch_size\n", - " test_data_iter = None\n", - " test_data_iter = DataIterator(args, dataset, args.batch_size, 'cuda', is_test=is_test, shuffle=False, sort=False)\n", - " return test_data_iter" + "text = '\\n'.join(test_dataset[0]['src_txt'])" ] }, { "cell_type": "code", - "execution_count": 25, + "execution_count": 36, "metadata": {}, "outputs": [], "source": [ "\n", - "new_src = preprocess_source(\"\".join(test_dataset[0]['src_txt']))\n", + "new_src = preprocess_source(text)\n", "b_data = bertdata.preprocess(new_src, None, None)\n", "indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data\n", "b_data_dict = {\"src\": indexed_tokens, \"labels\": labels, \"segs\": segments_ids, 'clss': cls_ids,\n", @@ -1746,7 +3287,7 @@ }, { "cell_type": "code", - "execution_count": 26, + "execution_count": 37, "metadata": { "scrolled": true }, @@ -1754,21 +3295,434 @@ { "data": { "text/plain": [ - "16" + "[['a',\n", + " 'university',\n", + " 'of',\n", + " 'iowa',\n", + " 'student',\n", + " 'has',\n", + " 'died',\n", + " 'nearly',\n", + " 'three',\n", + " 'months',\n", + " 'after',\n", + " 'a',\n", + " 'fall',\n", + " 'in',\n", + " 'rome',\n", + " 'in',\n", + " 'a',\n", + " 'suspected',\n", + " 'robbery',\n", + " 'attack',\n", + " 'in',\n", + " 'rome',\n", + " '.'],\n", + " ['andrew',\n", + " 'mogni',\n", + " ',',\n", + " '20',\n", + " ',',\n", + " 'from',\n", + " 'glen',\n", + " 'ellyn',\n", + " ',',\n", + " 'illinois',\n", + " ',',\n", + " 'had',\n", + " 'only',\n", + " 'just',\n", + " 'arrived',\n", + " 'for',\n", + " 'a',\n", + " 'semester',\n", + " 'program',\n", + " 'in',\n", + " 'italy',\n", + " 'when',\n", + " 'the',\n", + " 'incident',\n", + " 'happened',\n", + " 'in',\n", + " 'january',\n", + " '.'],\n", + " ['he',\n", + " 'was',\n", + " 'flown',\n", + " 'back',\n", + " 'to',\n", + " 'chicago',\n", + " 'via',\n", + " 'air',\n", + " 'ambulance',\n", + " 'on',\n", + " 'march',\n", + " '20',\n", + " ',',\n", + " 'but',\n", + " 'he',\n", + " 'died',\n", + " 'on',\n", + " 'sunday',\n", + " '.'],\n", + " ['andrew',\n", + " 'mogni',\n", + " ',',\n", + " '20',\n", + " ',',\n", + " 'from',\n", + " 'glen',\n", + " 'ellyn',\n", + " ',',\n", + " 'illinois',\n", + " ',',\n", + " 'a',\n", + " 'university',\n", + " 'of',\n", + " 'iowa',\n", + " 'student',\n", + " 'has',\n", + " 'died',\n", + " 'nearly',\n", + " 'three',\n", + " 'months',\n", + " 'after',\n", + " 'a',\n", + " 'fall',\n", + " 'in',\n", + " 'rome',\n", + " 'in',\n", + " 'a',\n", + " 'suspected',\n", + " 'robbery',\n", + " 'he',\n", + " 'was',\n", + " 'taken',\n", + " 'to',\n", + " 'a',\n", + " 'medical',\n", + " 'facility',\n", + " 'in',\n", + " 'the',\n", + " 'chicago',\n", + " 'area',\n", + " ',',\n", + " 'close',\n", + " 'to',\n", + " 'his',\n", + " 'family',\n", + " 'home',\n", + " 'in',\n", + " 'glen',\n", + " 'ellyn',\n", + " '.'],\n", + " ['he',\n", + " 'died',\n", + " 'on',\n", + " 'sunday',\n", + " 'at',\n", + " 'northwestern',\n", + " 'memorial',\n", + " 'hospital',\n", + " '-',\n", + " 'medical',\n", + " 'examiner',\n", + " \"'s\",\n", + " 'office',\n", + " 'spokesman',\n", + " 'frank',\n", + " 'shuftan',\n", + " 'says',\n", + " 'a',\n", + " 'cause',\n", + " 'of',\n", + " 'death',\n", + " 'wo',\n", + " \"n't\",\n", + " 'be',\n", + " 'released',\n", + " 'until',\n", + " 'monday',\n", + " 'at',\n", + " 'the',\n", + " 'earliest',\n", + " '.'],\n", + " ['initial',\n", + " 'police',\n", + " 'reports',\n", + " 'indicated',\n", + " 'the',\n", + " 'fall',\n", + " 'was',\n", + " 'an',\n", + " 'accident',\n", + " 'but',\n", + " 'authorities',\n", + " 'are',\n", + " 'investigating',\n", + " 'the',\n", + " 'possibility',\n", + " 'that',\n", + " 'mogni',\n", + " 'was',\n", + " 'robbed',\n", + " '.'],\n", + " ['on',\n", + " 'sunday',\n", + " ',',\n", + " 'his',\n", + " 'cousin',\n", + " 'abby',\n", + " 'wrote',\n", + " 'online',\n", + " ':',\n", + " '`',\n", + " 'this',\n", + " 'morning',\n", + " 'my',\n", + " 'cousin',\n", + " 'andrew',\n", + " \"'s\",\n", + " 'soul',\n", + " 'was',\n", + " 'lifted',\n", + " 'up',\n", + " 'to',\n", + " 'heaven',\n", + " '.'],\n", + " ['initial',\n", + " 'police',\n", + " 'reports',\n", + " 'indicated',\n", + " 'the',\n", + " 'fall',\n", + " 'was',\n", + " 'an',\n", + " 'accident',\n", + " 'but',\n", + " 'authorities',\n", + " 'are',\n", + " 'investigating',\n", + " 'the',\n", + " 'possibility',\n", + " 'that',\n", + " 'mogni',\n", + " 'was',\n", + " 'robbed',\n", + " '`',\n", + " 'at',\n", + " 'the',\n", + " 'beginning',\n", + " 'of',\n", + " 'january',\n", + " 'he',\n", + " 'went',\n", + " 'to',\n", + " 'rome',\n", + " 'to',\n", + " 'study',\n", + " 'aboard',\n", + " 'and',\n", + " 'on',\n", + " 'the',\n", + " 'way',\n", + " 'home',\n", + " 'from',\n", + " 'a',\n", + " 'party',\n", + " 'he',\n", + " 'was',\n", + " 'brutally',\n", + " 'attacked',\n", + " 'and',\n", + " 'thrown',\n", + " 'off',\n", + " 'a',\n", + " '40ft',\n", + " 'bridge',\n", + " 'and',\n", + " 'hit',\n", + " 'the',\n", + " 'concrete',\n", + " 'below',\n", + " '.'],\n", + " ['`',\n", + " 'he',\n", + " 'was',\n", + " 'in',\n", + " 'a',\n", + " 'coma',\n", + " 'and',\n", + " 'in',\n", + " 'critical',\n", + " 'condition',\n", + " 'for',\n", + " 'months',\n", + " '.',\n", + " \"'\"],\n", + " ['paula',\n", + " 'barnett',\n", + " ',',\n", + " 'who',\n", + " 'said',\n", + " 'she',\n", + " 'is',\n", + " 'a',\n", + " 'close',\n", + " 'family',\n", + " 'friend',\n", + " ',',\n", + " 'told',\n", + " 'my',\n", + " 'suburban',\n", + " 'life',\n", + " ',',\n", + " 'that',\n", + " 'mogni',\n", + " 'had',\n", + " 'only',\n", + " 'been',\n", + " 'in',\n", + " 'the',\n", + " 'country',\n", + " 'for',\n", + " 'six',\n", + " 'hours',\n", + " 'when',\n", + " 'the',\n", + " 'incident',\n", + " 'happened',\n", + " '.'],\n", + " ['she',\n", + " 'said',\n", + " 'he',\n", + " 'was',\n", + " 'was',\n", + " 'alone',\n", + " 'at',\n", + " 'the',\n", + " 'time',\n", + " 'of',\n", + " 'the',\n", + " 'alleged',\n", + " 'assault',\n", + " 'and',\n", + " 'personal',\n", + " 'items',\n", + " 'were',\n", + " 'stolen',\n", + " '.'],\n", + " ['she',\n", + " 'added',\n", + " 'that',\n", + " 'he',\n", + " 'was',\n", + " 'in',\n", + " 'a',\n", + " 'non-medically',\n", + " 'induced',\n", + " 'coma',\n", + " ',',\n", + " 'having',\n", + " 'suffered',\n", + " 'serious',\n", + " 'infection',\n", + " 'and',\n", + " 'internal',\n", + " 'bleeding',\n", + " '.'],\n", + " ['mogni',\n", + " 'was',\n", + " 'a',\n", + " 'third-year',\n", + " 'finance',\n", + " 'major',\n", + " 'from',\n", + " 'glen',\n", + " 'ellyn',\n", + " ',',\n", + " 'ill.',\n", + " ',',\n", + " 'who',\n", + " 'was',\n", + " 'participating',\n", + " 'in',\n", + " 'a',\n", + " 'semester-long',\n", + " 'program',\n", + " 'at',\n", + " 'john',\n", + " 'cabot',\n", + " 'university',\n", + " '.'],\n", + " ['mogni',\n", + " 'belonged',\n", + " 'to',\n", + " 'the',\n", + " 'school',\n", + " \"'s\",\n", + " 'chapter',\n", + " 'of',\n", + " 'the',\n", + " 'sigma',\n", + " 'nu',\n", + " 'fraternity',\n", + " ',',\n", + " 'reports',\n", + " 'the',\n", + " 'chicago',\n", + " 'tribune',\n", + " 'who',\n", + " 'posted',\n", + " 'a',\n", + " 'sign',\n", + " 'outside',\n", + " 'a',\n", + " 'building',\n", + " 'reading',\n", + " '`',\n", + " 'pray',\n", + " 'for',\n", + " 'mogni',\n", + " '.',\n", + " \"'\"],\n", + " ['the',\n", + " 'fraternity',\n", + " \"'s\",\n", + " 'iowa',\n", + " 'chapter',\n", + " 'announced',\n", + " 'sunday',\n", + " 'afternoon',\n", + " 'via',\n", + " 'twitter',\n", + " 'that',\n", + " 'a',\n", + " 'memorial',\n", + " 'service',\n", + " 'will',\n", + " 'be',\n", + " 'held',\n", + " 'on',\n", + " 'campus',\n", + " 'to',\n", + " 'remember',\n", + " 'mogni',\n", + " '.']]" ] }, - "execution_count": 26, + "execution_count": 37, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "len(new_src)" + "new_src" ] }, { "cell_type": "code", - "execution_count": 27, + "execution_count": 38, "metadata": {}, "outputs": [ { @@ -1777,22 +3731,21 @@ "['a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .',\n", " 'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .',\n", " 'he was flown back to chicago via air ambulance on march 20 , but he died on sunday .',\n", - " 'andrew mogni , 20 , from glen ellyn , illinois , a university of iowa student has died nearly three months after a fall in rome in a suspected robberyhe was taken to a medical facility in the chicago area , close to his family home in glen ellyn .',\n", + " 'andrew mogni , 20 , from glen ellyn , illinois , a university of iowa student has died nearly three months after a fall in rome in a suspected robbery he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .',\n", " \"he died on sunday at northwestern memorial hospital - medical examiner 's office spokesman frank shuftan says a cause of death wo n't be released until monday at the earliest .\",\n", " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed .',\n", " \"on sunday , his cousin abby wrote online : ` this morning my cousin andrew 's soul was lifted up to heaven .\",\n", " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed ` at the beginning of january he went to rome to study aboard and on the way home from a party he was brutally attacked and thrown off a 40ft bridge and hit the concrete below .',\n", - " '` he was in a coma and in critical condition for months .',\n", - " \"' paula barnett , who said she is a close family friend , told my suburban life , that mogni had only been in the country for six hours when the incident happened .\",\n", + " \"` he was in a coma and in critical condition for months . '\",\n", + " 'paula barnett , who said she is a close family friend , told my suburban life , that mogni had only been in the country for six hours when the incident happened .',\n", " 'she said he was was alone at the time of the alleged assault and personal items were stolen .',\n", " 'she added that he was in a non-medically induced coma , having suffered serious infection and internal bleeding .',\n", - " 'mogni was a third-year finance major from glen ellyn , ill .',\n", - " ', who was participating in a semester-long program at john cabot university .',\n", - " \"mogni belonged to the school 's chapter of the sigma nu fraternity , reports the chicago tribune who posted a sign outside a building reading ` pray for mogni .\",\n", - " \"' the fraternity 's iowa chapter announced sunday afternoon via twitter that a memorial service will be held on campus to remember mogni .\"]" + " 'mogni was a third-year finance major from glen ellyn , ill. , who was participating in a semester-long program at john cabot university .',\n", + " \"mogni belonged to the school 's chapter of the sigma nu fraternity , reports the chicago tribune who posted a sign outside a building reading ` pray for mogni . '\",\n", + " \"the fraternity 's iowa chapter announced sunday afternoon via twitter that a memorial service will be held on campus to remember mogni .\"]" ] }, - "execution_count": 27, + "execution_count": 38, "metadata": {}, "output_type": "execute_result" } @@ -1803,7 +3756,7 @@ }, { "cell_type": "code", - "execution_count": 18, + "execution_count": 39, "metadata": {}, "outputs": [], "source": [ @@ -1812,7 +3765,7 @@ }, { "cell_type": "code", - "execution_count": 28, + "execution_count": 40, "metadata": { "scrolled": true }, @@ -1821,39 +3774,37 @@ "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-07 03:28:55,446 INFO] Device ID 1\n", - "[2019-10-07 03:28:55,452 INFO] Loading checkpoint from ./models/baseline0.14344633695274556/model_step_30000.pt\n", - "[2019-10-07 03:29:01,758 INFO] * number of parameters: 5179137\n" + "[2019-10-15 18:47:11,792 INFO] * number of parameters: 115790849\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "device_id 1\n", + "device_id 0\n", "gpu_rank 0\n" ] } ], "source": [ - "model_for_test = \"./models/baseline0.14344633695274556/model_step_30000.pt\"\n", + "model_for_test = os.path.join(model_base_path + encoder + str(random_number), f\"model_step_{checkpoint_to_test}.pt\")\n", "#get_data_iter(output,batch_size=30000)\n", "prediction = bertsum_model.predict(device_id, get_data_iter([b_data_dict], False),\n", - " test_from=model_for_test, )" + " test_from=model_for_test, sentence_seperator='' )" ] }, { "cell_type": "code", - "execution_count": 29, + "execution_count": 41, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .'" + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .'" ] }, - "execution_count": 29, + "execution_count": 41, "metadata": {}, "output_type": "execute_result" } @@ -1864,7 +3815,7 @@ }, { "cell_type": "code", - "execution_count": 31, + "execution_count": 42, "metadata": {}, "outputs": [ { @@ -1873,7 +3824,7 @@ "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" ] }, - "execution_count": 31, + "execution_count": 42, "metadata": {}, "output_type": "execute_result" } @@ -1881,13 +3832,6 @@ "source": [ "test_dataset[0]['tgt_txt']" ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [] } ], "metadata": { diff --git a/utils_nlp/models/bert/extractive_text_summarization.py b/utils_nlp/models/bert/extractive_text_summarization.py index aa9513271..e25837ba7 100644 --- a/utils_nlp/models/bert/extractive_text_summarization.py +++ b/utils_nlp/models/bert/extractive_text_summarization.py @@ -1,3 +1,7 @@ +""" +this code is a modified version of the code in bertsum +""" + from pytorch_pretrained_bert import BertConfig from bertsum.models.model_builder import Summarizer @@ -23,36 +27,6 @@ def __init__(self, adict): default_preprocessing_parameters = {"max_nsents": 100, "max_src_ntokens": 200, "min_nsents": 3, "min_src_ntokens": 10, "use_interval": True} -def preprocess(client, source, target): - pre_source = tokenize_to_list(source, client) - pre_target = tokenize_to_list(target, client) - return bertify(pre_source, pre_target) - -def tokenize_to_list(client, input_text): - annotation = client.annotate(input_text) - sentences = annotation.sentence - tokens_list = [] - for sentence in sentences: - tokens = [] - for token in sentence.token: - tokens.append(token.originalText) - tokens_list.append(tokens) - return tokens_list - -def bertify(bertdata, source, target=None, oracle_mode='combination', selection=3): - if target: - oracle_ids = combination_selection(source, target, selection) - b_data = bertdata.preprocess(source, target, oracle_ids) - else: - b_data = bertdata.preprocess(source, None, None) - if b_data is None: - return None - indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data - b_data_dict = {"src": indexed_tokens, "labels": labels, "segs": segments_ids, 'clss': cls_ids, - 'src_txt': src_txt, "tgt_txt": tgt_txt} - return b_data_dict - #gc.collect() - def bertsum_formatting(n_cpus, bertdata, oracle_mode, jobs, output_file): params = [] @@ -88,8 +62,6 @@ def modified_format_to_bert(param): class BertSumExtractiveSummarizer: """BERT-based Extractive Summarization --BertSum""" - - def __init__(self, language="english", mode = "train", encoder="baseline", @@ -162,7 +134,8 @@ def fit(self, device_id, train_file_list, train_steps=5000, train_from='', batch if device_id >= 0: #torch.cuda.set_device(device_id) torch.cuda.manual_seed(self.args.seed) - device = device_id #torch.device("cuda:{}".format(device_id)) + device = torch.device("cuda:{}".format(device_id)) + self.device = device self.args.decay_method=decay_method self.args.lr=lr @@ -173,7 +146,10 @@ def fit(self, device_id, train_file_list, train_steps=5000, train_from='', batch print(self.args.__dict__) self.model = Summarizer(self.args, device, load_pretrained_bert=True) - + from torch.nn.parallel import DataParallel as DP + self.model.to(device) + self.model = DP(self.model, device_ids=[device]) + if train_from != '': checkpoint = torch.load(train_from, @@ -210,7 +186,7 @@ def predict(self, device_id, data_iter, sentence_seperator='', test_from='', cal device = None if device_id >= 0: - torch.cuda.set_device(device_id) + #torch.cuda.set_device(device_id) torch.cuda.manual_seed(self.args.seed) device = torch.device("cuda:{}".format(device_id)) @@ -225,12 +201,27 @@ def predict(self, device_id, data_iter, sentence_seperator='', test_from='', cal config = BertConfig.from_json_file(self.args.bert_config_path) self.model = Summarizer(self.args, device, load_pretrained_bert=False, bert_config=config) - self.model.load_cp(checkpoint) + from torch import nn + class WrappedModel(nn.Module): + def __init__(self, module): + super(WrappedModel, self).__init__() + self.module = module # that I actually define. + def forward(self, x): + return self.module(x) + model = WrappedModel(self.model) + #self.model.load_cp(checkpoint) + model.load_state_dict(checkpoint['model']) + self.model = model.module else: #model = self.model self.model.eval() self.model.eval() + + from torch.nn.parallel import DataParallel as DP + self.model.to(device) + self.model = DP(self.model, device_ids=[device]) + trainer = build_trainer(self.args, device_id, self.model, None) return trainer.predict(data_iter, sentence_seperator, cal_lead) From 3544c631be38ebeaba8617f5223f0615ed7b4675 Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Wed, 16 Oct 2019 15:46:20 +0000 Subject: [PATCH 036/167] update instruction on using rouge --- examples/text_summarization/bertsum_cnndm.ipynb | 4 +++- 1 file changed, 3 insertions(+), 1 deletion(-) diff --git a/examples/text_summarization/bertsum_cnndm.ipynb b/examples/text_summarization/bertsum_cnndm.ipynb index b7e46fc22..129a9e315 100644 --- a/examples/text_summarization/bertsum_cnndm.ipynb +++ b/examples/text_summarization/bertsum_cnndm.ipynb @@ -196,7 +196,9 @@ "1. sudo cpan install XML::Parser::PerlSAX\n", "1. sudo cpan install XML::DOM\n", "\n", - "Also you need to set up file2rouge, install pyrouge\n" + "Download ROUGE-1.5.5 from https://github.com/andersjo/pyrouge/tree/master/tools/ROUGE-1.5.5.\n", + "Run the following command in your terminal.\n", + "* pyrouge_set_rouge_path $ABSOLUTE_DIRECTORY_TO_ROUGE-1.5.5.pl\n" ] }, { From b5f805fedcc9019a06c6c8648100df8e8997f799 Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Wed, 16 Oct 2019 18:32:58 +0000 Subject: [PATCH 037/167] move get_data_iter to utils --- examples/text_summarization/bertsum_cnndm.ipynb | 17 +++++------------ .../bert/extractive_text_summarization.py | 9 ++++++++- 2 files changed, 13 insertions(+), 13 deletions(-) diff --git a/examples/text_summarization/bertsum_cnndm.ipynb b/examples/text_summarization/bertsum_cnndm.ipynb index 129a9e315..50a95337a 100644 --- a/examples/text_summarization/bertsum_cnndm.ipynb +++ b/examples/text_summarization/bertsum_cnndm.ipynb @@ -248,7 +248,9 @@ { "cell_type": "code", "execution_count": 8, - "metadata": {}, + "metadata": { + "scrolled": true + }, "outputs": [ { "name": "stdout", @@ -3038,7 +3040,7 @@ "outputs": [], "source": [ "import torch\n", - "from bertsum.models.data_loader import DataIterator,Batch,Dataloader\n", + "from utils_nlp.models.bert.extractive_text_summarization import get_data_iter\n", "import os\n", "if USE_PREPROCESSED_DATA is False: \n", " test_dataset=torch.load(PROCESSED_TEST_FILE)\n", @@ -3046,16 +3048,7 @@ " test_dataset=[]\n", " for i in range(0,6):\n", " filename = os.path.join(BERT_DATA_PATH, \"cnndm.test.{0}.bert.pt\".format(i))\n", - " test_dataset.extend(torch.load(filename))\n", - "\n", - " \n", - "def get_data_iter(dataset,is_test=False, batch_size=3000):\n", - " args = Bunch({})\n", - " args.use_interval = True\n", - " args.batch_size = batch_size\n", - " test_data_iter = None\n", - " test_data_iter = DataIterator(args, dataset, args.batch_size, 'cuda', is_test=is_test, shuffle=False, sort=False)\n", - " return test_data_iter" + " test_dataset.extend(torch.load(filename))" ] }, { diff --git a/utils_nlp/models/bert/extractive_text_summarization.py b/utils_nlp/models/bert/extractive_text_summarization.py index e25837ba7..e0e95b120 100644 --- a/utils_nlp/models/bert/extractive_text_summarization.py +++ b/utils_nlp/models/bert/extractive_text_summarization.py @@ -10,7 +10,7 @@ from bertsum.train import model_flags from bertsum.models.trainer import build_trainer from bertsum.prepro.data_builder import BertData - +from bertsum.models.data_loader import DataIterator,Batch,Dataloader from cached_property import cached_property import torch import random @@ -59,6 +59,13 @@ def modified_format_to_bert(param): return b_data_dict gc.collect() +def get_data_iter(dataset,is_test=False, batch_size=3000): + args = Bunch({}) + args.use_interval = True + args.batch_size = batch_size + test_data_iter = None + test_data_iter = DataIterator(args, dataset, args.batch_size, 'cuda', is_test=is_test, shuffle=False, sort=False) + return test_data_iter class BertSumExtractiveSummarizer: """BERT-based Extractive Summarization --BertSum""" From 1d49b963dad6193bccbba48ecf1dd3afa19b1705 Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Wed, 16 Oct 2019 18:36:32 +0000 Subject: [PATCH 038/167] add unit test --- tests/unit/test_bertsum_summarization.py | 101 +++++++++++++++++++++++ 1 file changed, 101 insertions(+) create mode 100644 tests/unit/test_bertsum_summarization.py diff --git a/tests/unit/test_bertsum_summarization.py b/tests/unit/test_bertsum_summarization.py new file mode 100644 index 000000000..4a27c590a --- /dev/null +++ b/tests/unit/test_bertsum_summarization.py @@ -0,0 +1,101 @@ +# Copyright (c) Microsoft Corporation. All rights reserved. +# Licensed under the MIT License. + +import sys +sys.path.insert(0, "/dadendev/nlp/") +import pytest +import os +import shutil +from utils_nlp.dataset.harvardnlp_cnndm import harvardnlp_cnndm_preprocess +from utils_nlp.models.bert.extractive_text_summarization import bertsum_formatting + +from bertsum.prepro.data_builder import BertData +from utils_nlp.models.bert.extractive_text_summarization import Bunch, BertSumExtractiveSummarizer, get_data_iter + +import urllib.request + +#@pytest.fixture() +def source_data(): + return """boston, MA -lrb- msft -rrb- welcome to Microsoft/nlp. Welcome to text summarization. Welcome to Microsoft NERD. Look out, beautiful Charlse River fall view.""" +#@pytest.fixture() +def target_data(): + return """ welcome to microsfot/nlp. Welcome to text summarization. Welcome to Microsoft NERD. """ + +@pytest.fixture() +def bertdata_file(): + source= source_data() + target = target_data() + source_file = "source.txt" + target_file = "target.txt" + bertdata_file = "bertdata" + f = open(source_file, "w") + f.write(source) + f.close() + f = open(target_file, "w") + f.write(target) + f.close() + jobs = harvardnlp_cnndm_preprocess(1, source_file, target_file, 2) + assert len(jobs) == 1 + default_preprocessing_parameters = {"max_nsents": 200, "max_src_ntokens": 2000, "min_nsents": 3, "min_src_ntokens": 2, "use_interval": True} + args=Bunch(default_preprocessing_parameters) + bertdata = BertData(args) + bertsum_formatting(1, bertdata,"combination", jobs, bertdata_file) + assert os.path.exists(bertdata_file) + os.remove(source_file) + os.remove(target_file) + return bertdata_file + +@pytest.mark.gpu +def test_training(bertdata_file): + device_id = 0 + gpu_ranks = str(device_id) + + BERT_CONFIG_PATH="./bert_config_uncased_base.json" + + filedata = urllib.request.urlretrieve('https://raw.githubusercontent.com/nlpyang/BertSum/master/bert_config_uncased_base.json', BERT_CONFIG_PATH) + + encoder = 'transformer' + model_base_path = './models/' + log_base_path = './logs/' + result_base_path = './results' + + if not os.path.exists(model_base_path): + os.makedirs(model_base_path) + if not os.path.exists(log_base_path): + os.makedirs(log_base_path) + if not os.path.exists(result_base_path): + os.makedirs(result_base_path) + + + + from random import random + random_number = random() + import torch + #bertdata_file = "bertdata" + data = torch.load(bertdata_file) + assert len(data) == 1 + bertsum_model = BertSumExtractiveSummarizer(encoder = encoder, + model_path = model_base_path + encoder + str(random_number), + log_file = log_base_path + encoder + str(random_number), + bert_config_path = BERT_CONFIG_PATH, + device_id = device_id, + gpu_ranks = gpu_ranks,) + bertsum_model.args.save_checkpoint_steps = 50 + train_steps = 100 + bertsum_model.fit(device_id, [bertdata_file], train_steps=train_steps, train_from="") + model_for_test = os.path.join(model_base_path + encoder + str(random_number), f"model_step_{train_steps}.pt") + assert os.path.exists(model_for_test) + prediction = bertsum_model.predict(device_id, get_data_iter(data), + test_from=model_for_test, + sentence_seperator='') + assert len(prediction) == 1 + if os.path.exists(model_base_path): + shutil.rmtree(model_base_path) + if os.path.exists(log_base_path): + shutil.rmtree(log_base_path) + if os.path.exists(result_base_path): + shutil.rmtree(result_base_path) + if os.path.isfile(BERT_CONFIG_PATH): + os.remove(BERT_CONFIG_PATH) + if os.path.isfile(bertdata_file): + os.remove(bertdata_file) From ee973ea03d6f9144613bcfa2283f56d01c7ff30f Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Wed, 16 Oct 2019 19:47:02 +0000 Subject: [PATCH 039/167] remove unnecessary arguments; add documentation --- .../text_summarization/bertsum_cnndm.ipynb | 1 - tests/unit/test_bertsum_summarization.py | 1 - utils_nlp/dataset/harvardnlp_cnndm.py | 38 ++++++- .../bert/extractive_text_summarization.py | 103 ++++++++++++++---- 4 files changed, 118 insertions(+), 25 deletions(-) diff --git a/examples/text_summarization/bertsum_cnndm.ipynb b/examples/text_summarization/bertsum_cnndm.ipynb index 50a95337a..a28b02335 100644 --- a/examples/text_summarization/bertsum_cnndm.ipynb +++ b/examples/text_summarization/bertsum_cnndm.ipynb @@ -2523,7 +2523,6 @@ " model_path = model_base_path + encoder + str(random_number),\n", " log_file = log_base_path + encoder + str(random_number),\n", " bert_config_path = BERT_CONFIG_PATH,\n", - " device_id = device_id,\n", " gpu_ranks = gpu_ranks,)" ] }, diff --git a/tests/unit/test_bertsum_summarization.py b/tests/unit/test_bertsum_summarization.py index 4a27c590a..66dbe198e 100644 --- a/tests/unit/test_bertsum_summarization.py +++ b/tests/unit/test_bertsum_summarization.py @@ -78,7 +78,6 @@ def test_training(bertdata_file): model_path = model_base_path + encoder + str(random_number), log_file = log_base_path + encoder + str(random_number), bert_config_path = BERT_CONFIG_PATH, - device_id = device_id, gpu_ranks = gpu_ranks,) bertsum_model.args.save_checkpoint_steps = 50 train_steps = 100 diff --git a/utils_nlp/dataset/harvardnlp_cnndm.py b/utils_nlp/dataset/harvardnlp_cnndm.py index 8b6b209f7..67d587ee2 100644 --- a/utils_nlp/dataset/harvardnlp_cnndm.py +++ b/utils_nlp/dataset/harvardnlp_cnndm.py @@ -1,3 +1,8 @@ +# Copyright (c) Microsoft Corporation. All rights reserved. +# Licensed under the MIT License. + +"""Functions to preprocess CNN/DM dataset listed in https://github.com/harvardnlp/sent-summary""" + import nltk nltk.download('punkt') @@ -9,6 +14,16 @@ import regex as re def preprocess(param): + """ + Helper function to preprocess a list of paragraphs. + + Args: + param (Tuple): params are tuple of (a list of strings, a list of preprocessing functions, and function to tokenize setences into words). A paragraph is represented with a single string with multiple setnences. + + Returns: + list of list of strings, where each string is a token or word. + """ + sentences, preprocess_pipeline, word_tokenize = param for function in preprocess_pipeline: sentences = function(sentences) @@ -16,6 +31,19 @@ def preprocess(param): def harvardnlp_cnndm_preprocess(n_cpus, source_file, target_file, top_n=-1): + """ + Helper function to preprocess the CNN/DM source and target files + + Args: + n_cpus (int): number of cpus being used to process the files in parallel. + source_file (string): name of the source file in CNN/DM dataset + target_file (string): name o fthe target_file in CNN/DM dataset + top_n (number, optional): the number of items to be preprocessed. -1 means use all the data. + + Returns: + a list of dictionaries: dictionary has "src" and "tgt" field where the value of each is list of list of tokens. + """ + def _remove_ttags(line): line = re.sub(r'', '', line) # change to @@ -31,7 +59,10 @@ def _cnndm_target_sentence_tokenization(line): for line in fd: src_list.append((line, [clean, tokenize.sent_tokenize], nltk.word_tokenize)) pool = Pool(n_cpus) - tokenized_src_data = pool.map(preprocess, src_list[0:top_n], int(len(src_list[0:top_n])/n_cpus)) + if top_n == -1: + tokenized_src_data = pool.map(preprocess, src_list[0:top_n], int(len(src_list)/n_cpus)) + else: + tokenized_src_data = pool.map(preprocess, src_list[0:top_n], int(len(src_list[0:top_n])/n_cpus)) pool.close() pool.join() @@ -41,7 +72,10 @@ def _cnndm_target_sentence_tokenization(line): tgt_list.append((line, [clean, _remove_ttags, _cnndm_target_sentence_tokenization], nltk.word_tokenize)) pool = Pool(n_cpus) - tokenized_tgt_data = pool.map(preprocess, tgt_list[0:top_n], int(len(tgt_list[0:top_n])/n_cpus)) + if top_n == -1: + tokenized_tgt_data = pool.map(preprocess, tgt_list[0:top_n], int(len(tgt_list)/n_cpus)) + else: + tokenized_tgt_data = pool.map(preprocess, tgt_list[0:top_n], int(len(tgt_list[0:top_n])/n_cpus)) pool.close() pool.join() diff --git a/utils_nlp/models/bert/extractive_text_summarization.py b/utils_nlp/models/bert/extractive_text_summarization.py index e0e95b120..ce735b7f8 100644 --- a/utils_nlp/models/bert/extractive_text_summarization.py +++ b/utils_nlp/models/bert/extractive_text_summarization.py @@ -1,5 +1,8 @@ +# Copyright (c) Microsoft Corporation. All rights reserved. +# Licensed under the MIT License. + """ -this code is a modified version of the code in bertsum +Wrapper for extractive summarization algorithm based on BERT, i.e. BERTSum. The code in this file reused some code listed in https://github.com/nlpyang/BertSum/tree/master/src """ from pytorch_pretrained_bert import BertConfig @@ -20,8 +23,10 @@ class Bunch(object): - def __init__(self, adict): - self.__dict__.update(adict) + """ Class which convert a dictionary to an object """ + + def __init__(self, adict): + self.__dict__.update(adict) default_parameters = {"accum_count": 1, "batch_size": 3000, "beta1": 0.9, "beta2": 0.999, "block_trigram": True, "decay_method": "noam", "dropout": 0.1, "encoder": "baseline", "ff_size": 512, "gpu_ranks": "0123", "heads": 4, "hidden_size": 128, "inter_layers": 2, "lr": 0.002, "max_grad_norm": 0, "max_nsents": 100, "max_src_ntokens": 200, "min_nsents": 3, "min_src_ntokens": 10, "optim": "adam", "oracle_mode": "combination", "param_init": 0.0, "param_init_glorot": True, "recall_eval": False, "report_every": 50, "report_rouge": True, "rnn_size": 512, "save_checkpoint_steps": 500, "seed": 666, "temp_dir": "./temp", "test_all": False, "test_from": "", "train_from": "", "use_interval": True, "visible_gpus": "0", "warmup_steps": 10000, "world_size": 1} @@ -29,6 +34,17 @@ def __init__(self, adict): def bertsum_formatting(n_cpus, bertdata, oracle_mode, jobs, output_file): + """ + Function to preprocess data for BERTSum algorithm. + + Args: + n_cpus (int): number of cpus used for preprocessing in parallel + bertdata (BertData): object which loads the pretrained BERT tokenizer to preprocess data. + oracle_mode (string): name of the algorithm to select sentences in the source as labeled data correposonding to the target. Options are "combination" and "greedy". + jobs (list of dictionaries): list of dictionaries with "src" and "tgt" fields. Both fields should be filled with list of list of tokens/words. + output_file (string): name of the file to save the processed data. + """ + params = [] for i in jobs: params.append((oracle_mode, bertdata, i)) @@ -43,6 +59,17 @@ def bertsum_formatting(n_cpus, bertdata, oracle_mode, jobs, output_file): torch.save(filtered_bert_data, output_file) def modified_format_to_bert(param): + """ + Helper function to preprocess data for BERTSum algorithm. + + Args: + param (Tuple): params are tuple of (string, BertData object, and dictionary). The first string specifies the oracle mode. The last dictionary should contain src" and "tgt" fields withc each filled with list of list of tokens/words. + + Returns: + Dictionary: it has "src", "lables", "segs", "clss", "src_txt" and "tgt_txt" field. + + """ + oracle_mode, bert, data = param #return data source, tgt = data['src'], data['tgt'] @@ -60,6 +87,18 @@ def modified_format_to_bert(param): gc.collect() def get_data_iter(dataset,is_test=False, batch_size=3000): + """ + Function to get data iterator over a list of data objects. + + Args: + dataset (list of objects): a list of data objects. + is_test (bool): it specifies whether the data objects are labeled data. + batch_size (int): number of tokens per batch. + + Returns: + DataIterator + + """ args = Bunch({}) args.use_interval = True args.batch_size = batch_size @@ -68,26 +107,28 @@ def get_data_iter(dataset,is_test=False, batch_size=3000): return test_data_iter class BertSumExtractiveSummarizer: - """BERT-based Extractive Summarization --BertSum""" + """ Wrapper class for BERT-based Extractive Summarization, i.e. BertSum""" + def __init__(self, language="english", - mode = "train", encoder="baseline", model_path = "./models/baseline", log_file = "./logs/baseline", temp_dir = './temp', bert_config_path="./bert_config_uncased_base.json", - device_id=1, - work_size=1, - gpu_ranks="1" + gpu_ranks="0" ): - """Initializes the classifier and the underlying pretrained model. + """Initializes the wrapper and the underlying pretrained model. Args: language (Language, optional): The pretrained model's language. Defaults to Language.ENGLISH. - num_labels (int, optional): The number of unique labels in the - training data. Defaults to 2. - cache_dir (str, optional): Location of BERT's cache directory. + encoder (string, optional): the algorithm used for the Summarization layers. + Options are: baseline, transformer, rnn, classifier + model_path (string, optional): path to save the checkpoints of the model for each training session + log_files (string, optional): path to save the running logs for each session. + temp_dir (string, optional): Location of BERT's cache directory. Defaults to ".". + bert_config_path (string, optional): path of the config file for the BERT model + gpu_ranks (string, optional): string with each character the string value of each GPU devices ID that can be used. Defaults to "0". """ def __map_gpu_ranks(gpu_ranks): gpu_ranks_list=gpu_ranks.split(',') @@ -101,7 +142,6 @@ def __map_gpu_ranks(gpu_ranks): # copy all the arguments from the input argument self.args = Bunch(default_parameters) self.args.seed = 42 - self.args.mode = mode self.args.encoder = encoder self.args.model_path = model_path self.args.log_file = log_file @@ -111,7 +151,6 @@ def __map_gpu_ranks(gpu_ranks): self.args.gpu_ranks = gpu_ranks self.args.gpu_ranks_map = __map_gpu_ranks(self.args.gpu_ranks) self.args.world_size = len(self.args.gpu_ranks_map.keys()) - print(self.args.gpu_ranks_map) self.has_cuda = self.cuda @@ -132,6 +171,23 @@ def cuda(self): def fit(self, device_id, train_file_list, train_steps=5000, train_from='', batch_size=3000, warmup_proportion=0.2, decay_method='noam', lr=0.002,accum_count=2): + """ + Train a summarization model with specified training data files. + + Args: + device_id (string): GPU Device ID to be used. + train_file_list (string): files used for training a model. + train_steps (int, optional): number of times that the model parameters get updated. The number of data items for each model parameters update is the number of data items in a batch times times the accumulation counts (accum_count). Defaults to 5e5. + train_from (string, optional): the path of saved checkpoints from which the model starts to train. Defaults to empty string. + batch_size (int, options): maximum number of tokens in each batch. + warmup_propotion (float, optional): Proportion of training to + perform linear learning rate warmup for. E.g., 0.1 = 10% of + training. Defaults to 0.2. + decay_method (string, optional): learning rate decrease method. Default to 'noam'. + lr (float, optional): Learning rate of the Adam optimizer. Defaults to 2e-3. + accu_count (int, optional): number of batches waited until an update of the model paraeters happens. Defaults to 2. + """ + if self.args.gpu_ranks_map[device_id] != 0: logger.disabled = True @@ -187,13 +243,19 @@ def train_iter_fct(): trainer.train(train_iter_fct, train_steps) def predict(self, device_id, data_iter, sentence_seperator='', test_from='', cal_lead=False): - ## until a fix comes in - #if self.args.world_size=1 or len(self.args.gpu_ranks.split(",")==1): - # device_id = 0 - + """ + Predict the summarization for the input data iterator. + + Args: + device_id (string): GPU Device ID to be used. + data_iter (DataIterator): data iterator over the dataset to be predicted + sentence_seperator (string, optional): strings to be inserted between sentences in the prediction per data item. Defaults to empty string. + test_from(string, optional): the path of saved checkpoints used for prediction. + cal_lead (boolean, optional): wheather use the first three sentences as the prediction. + """ + device = None if device_id >= 0: - #torch.cuda.set_device(device_id) torch.cuda.manual_seed(self.args.seed) device = torch.device("cuda:{}".format(device_id)) @@ -212,7 +274,7 @@ def predict(self, device_id, data_iter, sentence_seperator='', test_from='', cal class WrappedModel(nn.Module): def __init__(self, module): super(WrappedModel, self).__init__() - self.module = module # that I actually define. + self.module = module def forward(self, x): return self.module(x) model = WrappedModel(self.model) @@ -220,7 +282,6 @@ def forward(self, x): model.load_state_dict(checkpoint['model']) self.model = model.module else: - #model = self.model self.model.eval() self.model.eval() From 361dec0401a630a232d1945f9a97e10bb3a4e19a Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Wed, 16 Oct 2019 20:11:50 +0000 Subject: [PATCH 040/167] add a section for bertsum in the NOTICE.txt --- NOTICE.txt | 204 +++++++++++++++++++++++++++++++++++++++++++++++++++++ 1 file changed, 204 insertions(+) diff --git a/NOTICE.txt b/NOTICE.txt index 76d0d9bec..1300655f4 100644 --- a/NOTICE.txt +++ b/NOTICE.txt @@ -665,4 +665,208 @@ https://github.com/allenai/bi-att-flow See the License for the specific language governing permissions and limitations under the License. +-- + +https://github.com/nlpyang/BertSum + + Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. From 50d3891bf80bc916af984034e151fd569d341378 Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Wed, 16 Oct 2019 20:25:07 +0000 Subject: [PATCH 041/167] remove the sys path --- tests/unit/test_bertsum_summarization.py | 2 -- 1 file changed, 2 deletions(-) diff --git a/tests/unit/test_bertsum_summarization.py b/tests/unit/test_bertsum_summarization.py index 66dbe198e..73443e188 100644 --- a/tests/unit/test_bertsum_summarization.py +++ b/tests/unit/test_bertsum_summarization.py @@ -1,8 +1,6 @@ # Copyright (c) Microsoft Corporation. All rights reserved. # Licensed under the MIT License. -import sys -sys.path.insert(0, "/dadendev/nlp/") import pytest import os import shutil From b03d4c6daff6fe18e7c89da8217df5d0ba788da6 Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Wed, 16 Oct 2019 20:32:17 +0000 Subject: [PATCH 042/167] add documenation --- utils_nlp/eval/evaluate_summarization.py | 12 ++++++++++++ 1 file changed, 12 insertions(+) diff --git a/utils_nlp/eval/evaluate_summarization.py b/utils_nlp/eval/evaluate_summarization.py index da4a2040d..2c35fae44 100644 --- a/utils_nlp/eval/evaluate_summarization.py +++ b/utils_nlp/eval/evaluate_summarization.py @@ -3,6 +3,18 @@ from bertsum.others.utils import test_rouge def get_rouge(predictions, targets, temp_dir): + """ + function to get the rouge metric for the prediction and the reference. + + Args: + predictions (list of strings): predictions to be compared. + target (list of strings): references + temp_dir (string): path where temporary folders are created to host the files generated by ROUGE applicatoin. + + Return: + dictionary: rouge metric + + """ def _write_list_to_file(list_items, filename): with open(filename, 'w') as filehandle: #for cnt, line in enumerate(filehandle): From 5e4d15ffde0a0ad8921de7121d9f5879fb31abdc Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Wed, 16 Oct 2019 20:34:03 +0000 Subject: [PATCH 043/167] fix typoes --- tests/unit/test_bertsum_summarization.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/tests/unit/test_bertsum_summarization.py b/tests/unit/test_bertsum_summarization.py index 73443e188..97f6604f8 100644 --- a/tests/unit/test_bertsum_summarization.py +++ b/tests/unit/test_bertsum_summarization.py @@ -14,10 +14,10 @@ #@pytest.fixture() def source_data(): - return """boston, MA -lrb- msft -rrb- welcome to Microsoft/nlp. Welcome to text summarization. Welcome to Microsoft NERD. Look out, beautiful Charlse River fall view.""" + return """Boston, MA -lrb- msft -rrb- welcome to Microsoft/nlp. Welcome to text summarization. Welcome to Microsoft NERD. Look outside, waht a beautiful Charlse River fall view.""" #@pytest.fixture() def target_data(): - return """ welcome to microsfot/nlp. Welcome to text summarization. Welcome to Microsoft NERD. """ + return """ welcome to microsoft/nlp. Welcome to text summarization. Welcome to Microsoft NERD. """ @pytest.fixture() def bertdata_file(): From 3a25ac92b2e6edabb4c71e523fefda5a55ed4446 Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Mon, 21 Oct 2019 17:39:13 +0000 Subject: [PATCH 044/167] bert and distillbert work version --- .../text_summarization/bertsum_cnndm.ipynb | 810 ++++++++---------- .../bert/extractive_text_summarization.py | 13 +- 2 files changed, 342 insertions(+), 481 deletions(-) diff --git a/examples/text_summarization/bertsum_cnndm.ipynb b/examples/text_summarization/bertsum_cnndm.ipynb index a28b02335..e51bc494b 100644 --- a/examples/text_summarization/bertsum_cnndm.ipynb +++ b/examples/text_summarization/bertsum_cnndm.ipynb @@ -101,7 +101,7 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": 2, "metadata": {}, "outputs": [], "source": [ @@ -110,7 +110,7 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 3, "metadata": {}, "outputs": [], "source": [ @@ -121,7 +121,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 4, "metadata": {}, "outputs": [], "source": [ @@ -130,7 +130,8 @@ "nlp_path = os.path.abspath('../../')\n", "if nlp_path not in sys.path:\n", " sys.path.insert(0, nlp_path)\n", - "sys.path.insert(0, \"./\")\n" + "sys.path.insert(0, \"./\")\n", + "sys.path.insert(0, \"./BertSum\")\n" ] }, { @@ -221,7 +222,7 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 5, "metadata": {}, "outputs": [], "source": [ @@ -311,7 +312,7 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 6, "metadata": { "scrolled": true }, @@ -321,7 +322,9 @@ "output_type": "stream", "text": [ "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", - "[nltk_data] Package punkt is already up-to-date!\n" + "[nltk_data] Package punkt is already up-to-date!\n", + "I1021 15:21:13.066047 139626020988736 file_utils.py:39] PyTorch version 1.2.0 available.\n", + "I1021 15:21:13.100040 139626020988736 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" ] } ], @@ -332,15 +335,15 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 7, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "CPU times: user 4 µs, sys: 1e+03 ns, total: 5 µs\n", - "Wall time: 7.87 µs\n" + "CPU times: user 12 µs, sys: 3 µs, total: 15 µs\n", + "Wall time: 32.2 µs\n" ] } ], @@ -362,7 +365,7 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 8, "metadata": {}, "outputs": [ { @@ -370,8 +373,8 @@ "output_type": "stream", "text": [ "total length of training data: 100\n", - "CPU times: user 2.98 s, sys: 2.49 s, total: 5.46 s\n", - "Wall time: 32.5 s\n" + "CPU times: user 2.53 s, sys: 2.37 s, total: 4.91 s\n", + "Wall time: 33.2 s\n" ] } ], @@ -386,12 +389,51 @@ "n_cpus = multiprocessing.cpu_count() - 1\n", "jobs = harvardnlp_cnndm_preprocess(n_cpus, TRAIN_SRC_FILE, TRAIN_TGT_FILE, max_train_job_number)\n", "print(\"total length of training data:\", len(jobs))\n", - "from bertsum.prepro.data_builder import BertData\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "I1018 18:33:13.232276 140259011639104 file_utils.py:296] https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt not found in cache or force_download set to True, downloading to /tmp/tmp559sv0bl\n", + "100%|██████████| 231508/231508 [00:00<00:00, 3077653.07B/s]\n", + "I1018 18:33:13.472229 140259011639104 file_utils.py:309] copying /tmp/tmp559sv0bl to cache at /home/daden/.cache/torch/transformers/26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n", + "I1018 18:33:13.473265 140259011639104 file_utils.py:313] creating metadata file for /home/daden/.cache/torch/transformers/26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n", + "I1018 18:33:13.474657 140259011639104 file_utils.py:322] removing temp file /tmp/tmp559sv0bl\n", + "I1018 18:33:13.475498 140259011639104 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at /home/daden/.cache/torch/transformers/26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + ] + } + ], + "source": [ + "from transformers.tokenization_distilbert import DistilBertTokenizer\n", + "tokenizer = DistilBertTokenizer.from_pretrained(\"distilbert-base-uncased\")" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [], + "source": [ + "from bertsum.prepro.data_builder import TransformerData\n", "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", "default_preprocessing_parameters = {\"max_nsents\": 200, \"max_src_ntokens\": 2000, \"min_nsents\": 3, \"min_src_ntokens\": 5, \"use_interval\": True}\n", "args=Bunch(default_preprocessing_parameters)\n", - "bertdata = BertData(args)\n", - "bertsum_formatting(n_cpus, bertdata,\"combination\", jobs[0:max_train_job_number], PROCESSED_TRAIN_FILE)\n" + "transformerdata = TransformerData(args, tokenizer)\n", + "bertsum_formatting(n_cpus, transformerdata,\"combination\", jobs[0:max_train_job_number], PROCESSED_TRAIN_FILE)" ] }, { @@ -403,7 +445,7 @@ }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 15, "metadata": {}, "outputs": [ { @@ -411,8 +453,8 @@ "output_type": "stream", "text": [ "total length of training data: 100\n", - "CPU times: user 586 ms, sys: 1.01 s, total: 1.59 s\n", - "Wall time: 15.6 s\n" + "CPU times: user 686 ms, sys: 1.2 s, total: 1.88 s\n", + "Wall time: 17.1 s\n" ] } ], @@ -426,17 +468,17 @@ "n_cpus = multiprocessing.cpu_count() - 1\n", "jobs = harvardnlp_cnndm_preprocess(n_cpus, TEST_SRC_FILE, TEST_TGT_FILE, max_test_job_number)\n", "print(\"total length of training data:\", len(jobs))\n", - "from bertsum.prepro.data_builder import BertData\n", + "from bertsum.prepro.data_builder import TransformerData\n", "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", "default_preprocessing_parameters = {\"max_nsents\": 200, \"max_src_ntokens\": 2000, \"min_nsents\": 3, \"min_src_ntokens\": 5, \"use_interval\": True}\n", "args=Bunch(default_preprocessing_parameters)\n", - "bertdata = BertData(args)\n", - "bertsum_formatting(n_cpus, bertdata,\"combination\", jobs[0:max_test_job_number], PROCESSED_TEST_FILE)\n" + "transformerdata = TransformerData(args, tokenizer)\n", + "bertsum_formatting(n_cpus, transformerdata,\"combination\", jobs[0:max_test_job_number], PROCESSED_TEST_FILE)\n" ] }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 16, "metadata": {}, "outputs": [ { @@ -1768,7 +1810,7 @@ " []]}" ] }, - "execution_count": 13, + "execution_count": 16, "metadata": {}, "output_type": "execute_result" } @@ -1786,7 +1828,7 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 17, "metadata": {}, "outputs": [ { @@ -1802,7 +1844,7 @@ "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" ] }, - "execution_count": 14, + "execution_count": 17, "metadata": {}, "output_type": "execute_result" } @@ -1816,7 +1858,7 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 18, "metadata": {}, "outputs": [ { @@ -2336,7 +2378,7 @@ " 102]" ] }, - "execution_count": 15, + "execution_count": 18, "metadata": {}, "output_type": "execute_result" } @@ -2347,7 +2389,7 @@ }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 19, "metadata": {}, "outputs": [ { @@ -2356,7 +2398,7 @@ "\"new : nfl chief , atlanta falcons owner critical of michael vick 's conduct .nfl suspends falcons quarterback indefinitely without pay .vick admits funding dogfighting operation but says he did not gamble .vick due in federal court monday ; future in nfl remains uncertain .\"" ] }, - "execution_count": 16, + "execution_count": 19, "metadata": {}, "output_type": "execute_result" } @@ -2367,7 +2409,7 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": 20, "metadata": {}, "outputs": [ { @@ -2376,7 +2418,7 @@ "[1, 1, 0, 0, 0, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" ] }, - "execution_count": 17, + "execution_count": 20, "metadata": {}, "output_type": "execute_result" } @@ -2387,7 +2429,7 @@ }, { "cell_type": "code", - "execution_count": 18, + "execution_count": 21, "metadata": {}, "outputs": [ { @@ -2437,7 +2479,7 @@ " \"cnn 's mike phelan contributed to this report .\"]" ] }, - "execution_count": 18, + "execution_count": 21, "metadata": {}, "output_type": "execute_result" } @@ -2458,7 +2500,7 @@ }, { "cell_type": "code", - "execution_count": 19, + "execution_count": 7, "metadata": {}, "outputs": [], "source": [ @@ -2480,7 +2522,7 @@ }, { "cell_type": "code", - "execution_count": 20, + "execution_count": 8, "metadata": {}, "outputs": [], "source": [ @@ -2503,7 +2545,36 @@ }, { "cell_type": "code", - "execution_count": 21, + "execution_count": 9, + "metadata": {}, + "outputs": [], + "source": [ + "from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'./logs/transformer0.053089538280404525'" + ] + }, + "execution_count": 10, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "log_base_path + encoder + str(random_number)" + ] + }, + { + "cell_type": "code", + "execution_count": 11, "metadata": { "scrolled": true }, @@ -2512,8 +2583,7 @@ "name": "stdout", "output_type": "stream", "text": [ - "['0']\n", - "{0: 0}\n" + "['0']\n" ] } ], @@ -2535,7 +2605,7 @@ }, { "cell_type": "code", - "execution_count": 22, + "execution_count": 10, "metadata": {}, "outputs": [], "source": [ @@ -2549,170 +2619,16 @@ }, { "cell_type": "code", - "execution_count": 23, + "execution_count": 11, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['./bert_data/cnndm.train.0.bert.pt',\n", - " './bert_data/cnndm.train.1.bert.pt',\n", - " './bert_data/cnndm.train.10.bert.pt',\n", - " './bert_data/cnndm.train.100.bert.pt',\n", - " './bert_data/cnndm.train.101.bert.pt',\n", - " './bert_data/cnndm.train.102.bert.pt',\n", - " './bert_data/cnndm.train.103.bert.pt',\n", - " './bert_data/cnndm.train.104.bert.pt',\n", - " './bert_data/cnndm.train.105.bert.pt',\n", - " './bert_data/cnndm.train.106.bert.pt',\n", - " './bert_data/cnndm.train.107.bert.pt',\n", - " './bert_data/cnndm.train.108.bert.pt',\n", - " './bert_data/cnndm.train.109.bert.pt',\n", - " './bert_data/cnndm.train.11.bert.pt',\n", - " './bert_data/cnndm.train.110.bert.pt',\n", - " './bert_data/cnndm.train.111.bert.pt',\n", - " './bert_data/cnndm.train.112.bert.pt',\n", - " './bert_data/cnndm.train.113.bert.pt',\n", - " './bert_data/cnndm.train.114.bert.pt',\n", - " './bert_data/cnndm.train.115.bert.pt',\n", - " './bert_data/cnndm.train.116.bert.pt',\n", - " './bert_data/cnndm.train.117.bert.pt',\n", - " './bert_data/cnndm.train.118.bert.pt',\n", - " './bert_data/cnndm.train.119.bert.pt',\n", - " './bert_data/cnndm.train.12.bert.pt',\n", - " './bert_data/cnndm.train.120.bert.pt',\n", - " './bert_data/cnndm.train.121.bert.pt',\n", - " './bert_data/cnndm.train.122.bert.pt',\n", - " './bert_data/cnndm.train.123.bert.pt',\n", - " './bert_data/cnndm.train.124.bert.pt',\n", - " './bert_data/cnndm.train.125.bert.pt',\n", - " './bert_data/cnndm.train.126.bert.pt',\n", - " './bert_data/cnndm.train.127.bert.pt',\n", - " './bert_data/cnndm.train.128.bert.pt',\n", - " './bert_data/cnndm.train.129.bert.pt',\n", - " './bert_data/cnndm.train.13.bert.pt',\n", - " './bert_data/cnndm.train.130.bert.pt',\n", - " './bert_data/cnndm.train.131.bert.pt',\n", - " './bert_data/cnndm.train.132.bert.pt',\n", - " './bert_data/cnndm.train.133.bert.pt',\n", - " './bert_data/cnndm.train.134.bert.pt',\n", - " './bert_data/cnndm.train.135.bert.pt',\n", - " './bert_data/cnndm.train.136.bert.pt',\n", - " './bert_data/cnndm.train.137.bert.pt',\n", - " './bert_data/cnndm.train.138.bert.pt',\n", - " './bert_data/cnndm.train.139.bert.pt',\n", - " './bert_data/cnndm.train.14.bert.pt',\n", - " './bert_data/cnndm.train.140.bert.pt',\n", - " './bert_data/cnndm.train.141.bert.pt',\n", - " './bert_data/cnndm.train.142.bert.pt',\n", - " './bert_data/cnndm.train.143.bert.pt',\n", - " './bert_data/cnndm.train.15.bert.pt',\n", - " './bert_data/cnndm.train.16.bert.pt',\n", - " './bert_data/cnndm.train.17.bert.pt',\n", - " './bert_data/cnndm.train.18.bert.pt',\n", - " './bert_data/cnndm.train.19.bert.pt',\n", - " './bert_data/cnndm.train.2.bert.pt',\n", - " './bert_data/cnndm.train.20.bert.pt',\n", - " './bert_data/cnndm.train.21.bert.pt',\n", - " './bert_data/cnndm.train.22.bert.pt',\n", - " './bert_data/cnndm.train.23.bert.pt',\n", - " './bert_data/cnndm.train.24.bert.pt',\n", - " './bert_data/cnndm.train.25.bert.pt',\n", - " './bert_data/cnndm.train.26.bert.pt',\n", - " './bert_data/cnndm.train.27.bert.pt',\n", - " './bert_data/cnndm.train.28.bert.pt',\n", - " './bert_data/cnndm.train.29.bert.pt',\n", - " './bert_data/cnndm.train.3.bert.pt',\n", - " './bert_data/cnndm.train.30.bert.pt',\n", - " './bert_data/cnndm.train.31.bert.pt',\n", - " './bert_data/cnndm.train.32.bert.pt',\n", - " './bert_data/cnndm.train.33.bert.pt',\n", - " './bert_data/cnndm.train.34.bert.pt',\n", - " './bert_data/cnndm.train.35.bert.pt',\n", - " './bert_data/cnndm.train.36.bert.pt',\n", - " './bert_data/cnndm.train.37.bert.pt',\n", - " './bert_data/cnndm.train.38.bert.pt',\n", - " './bert_data/cnndm.train.39.bert.pt',\n", - " './bert_data/cnndm.train.4.bert.pt',\n", - " './bert_data/cnndm.train.40.bert.pt',\n", - " './bert_data/cnndm.train.41.bert.pt',\n", - " './bert_data/cnndm.train.42.bert.pt',\n", - " './bert_data/cnndm.train.43.bert.pt',\n", - " './bert_data/cnndm.train.44.bert.pt',\n", - " './bert_data/cnndm.train.45.bert.pt',\n", - " './bert_data/cnndm.train.46.bert.pt',\n", - " './bert_data/cnndm.train.47.bert.pt',\n", - " './bert_data/cnndm.train.48.bert.pt',\n", - " './bert_data/cnndm.train.49.bert.pt',\n", - " './bert_data/cnndm.train.5.bert.pt',\n", - " './bert_data/cnndm.train.50.bert.pt',\n", - " './bert_data/cnndm.train.51.bert.pt',\n", - " './bert_data/cnndm.train.52.bert.pt',\n", - " './bert_data/cnndm.train.53.bert.pt',\n", - " './bert_data/cnndm.train.54.bert.pt',\n", - " './bert_data/cnndm.train.55.bert.pt',\n", - " './bert_data/cnndm.train.56.bert.pt',\n", - " './bert_data/cnndm.train.57.bert.pt',\n", - " './bert_data/cnndm.train.58.bert.pt',\n", - " './bert_data/cnndm.train.59.bert.pt',\n", - " './bert_data/cnndm.train.6.bert.pt',\n", - " './bert_data/cnndm.train.60.bert.pt',\n", - " './bert_data/cnndm.train.61.bert.pt',\n", - " './bert_data/cnndm.train.62.bert.pt',\n", - " './bert_data/cnndm.train.63.bert.pt',\n", - " './bert_data/cnndm.train.64.bert.pt',\n", - " './bert_data/cnndm.train.65.bert.pt',\n", - " './bert_data/cnndm.train.66.bert.pt',\n", - " './bert_data/cnndm.train.67.bert.pt',\n", - " './bert_data/cnndm.train.68.bert.pt',\n", - " './bert_data/cnndm.train.69.bert.pt',\n", - " './bert_data/cnndm.train.7.bert.pt',\n", - " './bert_data/cnndm.train.70.bert.pt',\n", - " './bert_data/cnndm.train.71.bert.pt',\n", - " './bert_data/cnndm.train.72.bert.pt',\n", - " './bert_data/cnndm.train.73.bert.pt',\n", - " './bert_data/cnndm.train.74.bert.pt',\n", - " './bert_data/cnndm.train.75.bert.pt',\n", - " './bert_data/cnndm.train.76.bert.pt',\n", - " './bert_data/cnndm.train.77.bert.pt',\n", - " './bert_data/cnndm.train.78.bert.pt',\n", - " './bert_data/cnndm.train.79.bert.pt',\n", - " './bert_data/cnndm.train.8.bert.pt',\n", - " './bert_data/cnndm.train.80.bert.pt',\n", - " './bert_data/cnndm.train.81.bert.pt',\n", - " './bert_data/cnndm.train.82.bert.pt',\n", - " './bert_data/cnndm.train.83.bert.pt',\n", - " './bert_data/cnndm.train.84.bert.pt',\n", - " './bert_data/cnndm.train.85.bert.pt',\n", - " './bert_data/cnndm.train.86.bert.pt',\n", - " './bert_data/cnndm.train.87.bert.pt',\n", - " './bert_data/cnndm.train.88.bert.pt',\n", - " './bert_data/cnndm.train.89.bert.pt',\n", - " './bert_data/cnndm.train.9.bert.pt',\n", - " './bert_data/cnndm.train.90.bert.pt',\n", - " './bert_data/cnndm.train.91.bert.pt',\n", - " './bert_data/cnndm.train.92.bert.pt',\n", - " './bert_data/cnndm.train.93.bert.pt',\n", - " './bert_data/cnndm.train.94.bert.pt',\n", - " './bert_data/cnndm.train.95.bert.pt',\n", - " './bert_data/cnndm.train.96.bert.pt',\n", - " './bert_data/cnndm.train.97.bert.pt',\n", - " './bert_data/cnndm.train.98.bert.pt',\n", - " './bert_data/cnndm.train.99.bert.pt']" - ] - }, - "execution_count": 23, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ - "training_data_files" + "#training_data_files" ] }, { "cell_type": "code", - "execution_count": 24, + "execution_count": 12, "metadata": {}, "outputs": [], "source": [ @@ -2728,297 +2644,216 @@ }, { "cell_type": "code", - "execution_count": 25, + "execution_count": null, "metadata": { - "scrolled": false + "scrolled": true }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-15 17:30:45,152 INFO] loading archive file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased.tar.gz from cache at ./temp/9c41111e2de84547a463fd39217199738d1e3deb72d4fec4399e6e241983c6f0.ae3cef932725ca7a30cdcb93fc6e09150a55e2a130ec7af63975a16c153ae2ba\n", - "[2019-10-15 17:30:45,154 INFO] extracting archive file ./temp/9c41111e2de84547a463fd39217199738d1e3deb72d4fec4399e6e241983c6f0.ae3cef932725ca7a30cdcb93fc6e09150a55e2a130ec7af63975a16c153ae2ba to temp dir /tmp/tmpjp15yzc0\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{'accum_count': 2, 'batch_size': 3000, 'beta1': 0.9, 'beta2': 0.999, 'block_trigram': True, 'decay_method': 'noam', 'dropout': 0.1, 'encoder': 'transformer', 'ff_size': 512, 'gpu_ranks': '0', 'heads': 4, 'hidden_size': 128, 'inter_layers': 2, 'lr': 0.002, 'max_grad_norm': 0, 'max_nsents': 100, 'max_src_ntokens': 200, 'min_nsents': 3, 'min_src_ntokens': 10, 'optim': 'adam', 'oracle_mode': 'combination', 'param_init': 0.0, 'param_init_glorot': True, 'recall_eval': False, 'report_every': 50, 'report_rouge': True, 'rnn_size': 512, 'save_checkpoint_steps': 500, 'seed': 42, 'temp_dir': './temp', 'test_all': False, 'test_from': '', 'train_from': '', 'use_interval': True, 'visible_gpus': '0', 'warmup_steps': 2000, 'world_size': 1, 'mode': 'train', 'model_path': './models/transformer0.37907517824181713', 'log_file': './logs/transformer0.37907517824181713', 'bert_config_path': './bert_config_uncased_base.json', 'gpu_ranks_map': {0: 0}}\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-15 17:30:48,988 INFO] Model config {\n", + "[2019-10-19 02:32:55,339 INFO] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-config.json from cache at ./temp/4dad0251492946e18ac39290fcfe91b89d370fee250efe9521476438fe8ca185.bf3b9ea126d8c0001ee8a1e8b92229871d06d36d8808208cc2449280da87785c\n", + "[2019-10-19 02:32:55,340 INFO] Model config {\n", " \"attention_probs_dropout_prob\": 0.1,\n", + " \"finetuning_task\": null,\n", " \"hidden_act\": \"gelu\",\n", " \"hidden_dropout_prob\": 0.1,\n", " \"hidden_size\": 768,\n", " \"initializer_range\": 0.02,\n", " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-12,\n", " \"max_position_embeddings\": 512,\n", " \"num_attention_heads\": 12,\n", " \"num_hidden_layers\": 12,\n", + " \"num_labels\": 2,\n", + " \"output_attentions\": false,\n", + " \"output_hidden_states\": false,\n", + " \"output_past\": true,\n", + " \"pruned_heads\": {},\n", + " \"torchscript\": false,\n", " \"type_vocab_size\": 2,\n", + " \"use_bfloat16\": false,\n", " \"vocab_size\": 30522\n", "}\n", - "\n", - "[2019-10-15 17:30:54,399 INFO] * number of parameters: 115790849\n", - "[2019-10-15 17:30:54,400 INFO] Start training...\n" + "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "device_id 0\n", - "gpu_rank 0\n" + "{'accum_count': 2, 'batch_size': 3000, 'beta1': 0.9, 'beta2': 0.999, 'block_trigram': True, 'decay_method': 'noam', 'dropout': 0.1, 'encoder': 'transformer', 'ff_size': 512, 'gpu_ranks': '0', 'heads': 4, 'hidden_size': 128, 'inter_layers': 2, 'lr': 0.002, 'max_grad_norm': 0, 'max_nsents': 100, 'max_src_ntokens': 200, 'min_nsents': 3, 'min_src_ntokens': 10, 'optim': 'adam', 'oracle_mode': 'combination', 'param_init': 0.0, 'param_init_glorot': True, 'recall_eval': False, 'report_every': 50, 'report_rouge': True, 'rnn_size': 512, 'save_checkpoint_steps': 500, 'seed': 42, 'temp_dir': './temp', 'test_all': False, 'test_from': '', 'train_from': '', 'use_interval': True, 'visible_gpus': '0', 'warmup_steps': 2000, 'world_size': 1, 'model_path': './models/transformer0.986928701409742', 'log_file': './logs/transformer0.986928701409742', 'bert_config_path': './bert_config_uncased_base.json', 'gpu_ranks_map': {0: 0}}\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-15 17:31:15,819 INFO] Step 50/10000; xent: 3.89; lr: 0.0000011; 48 docs/s; 21 sec\n", - "[2019-10-15 17:31:36,569 INFO] Step 100/10000; xent: 3.29; lr: 0.0000022; 49 docs/s; 42 sec\n", - "[2019-10-15 17:31:57,342 INFO] Step 150/10000; xent: 3.29; lr: 0.0000034; 48 docs/s; 63 sec\n", - "[2019-10-15 17:32:18,802 INFO] Step 200/10000; xent: 3.29; lr: 0.0000045; 47 docs/s; 84 sec\n", - "[2019-10-15 17:32:39,486 INFO] Step 250/10000; xent: 3.22; lr: 0.0000056; 48 docs/s; 105 sec\n", - "[2019-10-15 17:33:00,459 INFO] Step 300/10000; xent: 3.14; lr: 0.0000067; 48 docs/s; 126 sec\n", - "[2019-10-15 17:33:21,471 INFO] Step 350/10000; xent: 3.19; lr: 0.0000078; 49 docs/s; 147 sec\n", - "[2019-10-15 17:33:42,961 INFO] Step 400/10000; xent: 3.20; lr: 0.0000089; 46 docs/s; 168 sec\n", - "[2019-10-15 17:34:03,756 INFO] Step 450/10000; xent: 3.22; lr: 0.0000101; 48 docs/s; 189 sec\n", - "[2019-10-15 17:34:24,637 INFO] Step 500/10000; xent: 3.16; lr: 0.0000112; 48 docs/s; 210 sec\n", - "[2019-10-15 17:34:24,643 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_500.pt\n", - "[2019-10-15 17:34:46,851 INFO] Step 550/10000; xent: 3.19; lr: 0.0000123; 45 docs/s; 232 sec\n", - "[2019-10-15 17:35:08,537 INFO] Step 600/10000; xent: 3.18; lr: 0.0000134; 46 docs/s; 254 sec\n", - "[2019-10-15 17:35:29,358 INFO] Step 650/10000; xent: 3.11; lr: 0.0000145; 48 docs/s; 275 sec\n", - "[2019-10-15 17:35:50,269 INFO] Step 700/10000; xent: 3.09; lr: 0.0000157; 48 docs/s; 295 sec\n", - "[2019-10-15 17:36:11,107 INFO] Step 750/10000; xent: 3.06; lr: 0.0000168; 48 docs/s; 316 sec\n", - "[2019-10-15 17:36:32,373 INFO] Step 800/10000; xent: 3.10; lr: 0.0000179; 47 docs/s; 338 sec\n", - "[2019-10-15 17:36:53,196 INFO] Step 850/10000; xent: 3.01; lr: 0.0000190; 48 docs/s; 358 sec\n", - "[2019-10-15 17:37:14,282 INFO] Step 900/10000; xent: 3.08; lr: 0.0000201; 48 docs/s; 379 sec\n", - "[2019-10-15 17:37:34,972 INFO] Step 950/10000; xent: 2.99; lr: 0.0000212; 48 docs/s; 400 sec\n", - "[2019-10-15 17:37:56,426 INFO] Step 1000/10000; xent: 3.02; lr: 0.0000224; 47 docs/s; 422 sec\n", - "[2019-10-15 17:37:56,429 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_1000.pt\n", - "[2019-10-15 17:38:18,737 INFO] Step 1050/10000; xent: 2.96; lr: 0.0000235; 46 docs/s; 444 sec\n", - "[2019-10-15 17:38:39,847 INFO] Step 1100/10000; xent: 3.05; lr: 0.0000246; 47 docs/s; 465 sec\n", - "[2019-10-15 17:39:00,668 INFO] Step 1150/10000; xent: 2.88; lr: 0.0000257; 49 docs/s; 486 sec\n", - "[2019-10-15 17:39:22,145 INFO] Step 1200/10000; xent: 2.99; lr: 0.0000268; 47 docs/s; 507 sec\n", - "[2019-10-15 17:39:42,943 INFO] Step 1250/10000; xent: 2.91; lr: 0.0000280; 48 docs/s; 528 sec\n", - "[2019-10-15 17:40:03,759 INFO] Step 1300/10000; xent: 2.95; lr: 0.0000291; 49 docs/s; 549 sec\n", - "[2019-10-15 17:40:24,449 INFO] Step 1350/10000; xent: 2.95; lr: 0.0000302; 48 docs/s; 570 sec\n", - "[2019-10-15 17:40:45,976 INFO] Step 1400/10000; xent: 2.88; lr: 0.0000313; 47 docs/s; 591 sec\n", - "[2019-10-15 17:41:06,835 INFO] Step 1450/10000; xent: 2.96; lr: 0.0000324; 48 docs/s; 612 sec\n", - "[2019-10-15 17:41:27,558 INFO] Step 1500/10000; xent: 2.93; lr: 0.0000335; 48 docs/s; 633 sec\n", - "[2019-10-15 17:41:27,563 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_1500.pt\n", - "[2019-10-15 17:41:49,573 INFO] Step 1550/10000; xent: 2.98; lr: 0.0000347; 46 docs/s; 655 sec\n", - "[2019-10-15 17:42:11,140 INFO] Step 1600/10000; xent: 2.95; lr: 0.0000358; 47 docs/s; 676 sec\n", - "[2019-10-15 17:42:31,857 INFO] Step 1650/10000; xent: 2.90; lr: 0.0000369; 48 docs/s; 697 sec\n", - "[2019-10-15 17:42:52,776 INFO] Step 1700/10000; xent: 2.88; lr: 0.0000380; 48 docs/s; 718 sec\n", - "[2019-10-15 17:43:13,306 INFO] Step 1750/10000; xent: 2.90; lr: 0.0000391; 49 docs/s; 738 sec\n", - "[2019-10-15 17:43:35,057 INFO] Step 1800/10000; xent: 2.85; lr: 0.0000402; 46 docs/s; 760 sec\n", - "[2019-10-15 17:43:55,848 INFO] Step 1850/10000; xent: 3.02; lr: 0.0000414; 48 docs/s; 781 sec\n", - "[2019-10-15 17:44:16,856 INFO] Step 1900/10000; xent: 2.94; lr: 0.0000425; 48 docs/s; 802 sec\n", - "[2019-10-15 17:44:37,746 INFO] Step 1950/10000; xent: 2.86; lr: 0.0000436; 49 docs/s; 823 sec\n", - "[2019-10-15 17:44:59,222 INFO] Step 2000/10000; xent: 2.88; lr: 0.0000447; 47 docs/s; 844 sec\n", - "[2019-10-15 17:44:59,226 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_2000.pt\n", - "[2019-10-15 17:45:21,420 INFO] Step 2050/10000; xent: 2.80; lr: 0.0000442; 45 docs/s; 867 sec\n", - "[2019-10-15 17:45:42,134 INFO] Step 2100/10000; xent: 2.87; lr: 0.0000436; 48 docs/s; 887 sec\n", - "[2019-10-15 17:46:03,052 INFO] Step 2150/10000; xent: 2.93; lr: 0.0000431; 48 docs/s; 908 sec\n", - "[2019-10-15 17:46:24,419 INFO] Step 2200/10000; xent: 2.88; lr: 0.0000426; 47 docs/s; 930 sec\n", - "[2019-10-15 17:46:45,179 INFO] Step 2250/10000; xent: 2.89; lr: 0.0000422; 48 docs/s; 950 sec\n", - "[2019-10-15 17:47:06,010 INFO] Step 2300/10000; xent: 2.88; lr: 0.0000417; 48 docs/s; 971 sec\n", - "[2019-10-15 17:47:26,863 INFO] Step 2350/10000; xent: 2.89; lr: 0.0000413; 49 docs/s; 992 sec\n", - "[2019-10-15 17:47:48,436 INFO] Step 2400/10000; xent: 2.81; lr: 0.0000408; 47 docs/s; 1014 sec\n", - "[2019-10-15 17:48:09,264 INFO] Step 2450/10000; xent: 2.78; lr: 0.0000404; 48 docs/s; 1034 sec\n", - "[2019-10-15 17:48:30,174 INFO] Step 2500/10000; xent: 2.84; lr: 0.0000400; 49 docs/s; 1055 sec\n", - "[2019-10-15 17:48:30,179 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_2500.pt\n", - "[2019-10-15 17:48:52,271 INFO] Step 2550/10000; xent: 2.92; lr: 0.0000396; 46 docs/s; 1077 sec\n", - "[2019-10-15 17:49:15,105 INFO] Step 2600/10000; xent: 2.77; lr: 0.0000392; 44 docs/s; 1100 sec\n", - "[2019-10-15 17:49:35,998 INFO] Step 2650/10000; xent: 2.92; lr: 0.0000389; 48 docs/s; 1121 sec\n", - "[2019-10-15 17:49:56,785 INFO] Step 2700/10000; xent: 2.95; lr: 0.0000385; 48 docs/s; 1142 sec\n", - "[2019-10-15 17:50:17,612 INFO] Step 2750/10000; xent: 2.87; lr: 0.0000381; 48 docs/s; 1163 sec\n", - "[2019-10-15 17:50:38,911 INFO] Step 2800/10000; xent: 2.80; lr: 0.0000378; 47 docs/s; 1184 sec\n", - "[2019-10-15 17:50:59,692 INFO] Step 2850/10000; xent: 2.90; lr: 0.0000375; 48 docs/s; 1205 sec\n", - "[2019-10-15 17:51:20,554 INFO] Step 2900/10000; xent: 2.90; lr: 0.0000371; 49 docs/s; 1226 sec\n", - "[2019-10-15 17:51:41,323 INFO] Step 2950/10000; xent: 2.85; lr: 0.0000368; 49 docs/s; 1246 sec\n", - "[2019-10-15 17:52:02,767 INFO] Step 3000/10000; xent: 2.88; lr: 0.0000365; 47 docs/s; 1268 sec\n", - "[2019-10-15 17:52:02,771 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_3000.pt\n", - "[2019-10-15 17:52:24,775 INFO] Step 3050/10000; xent: 2.91; lr: 0.0000362; 46 docs/s; 1290 sec\n", - "[2019-10-15 17:52:45,578 INFO] Step 3100/10000; xent: 2.83; lr: 0.0000359; 48 docs/s; 1311 sec\n", - "[2019-10-15 17:53:06,271 INFO] Step 3150/10000; xent: 2.89; lr: 0.0000356; 49 docs/s; 1331 sec\n", - "[2019-10-15 17:53:27,922 INFO] Step 3200/10000; xent: 2.83; lr: 0.0000354; 47 docs/s; 1353 sec\n", - "[2019-10-15 17:53:48,843 INFO] Step 3250/10000; xent: 2.84; lr: 0.0000351; 48 docs/s; 1374 sec\n", - "[2019-10-15 17:54:09,673 INFO] Step 3300/10000; xent: 2.73; lr: 0.0000348; 48 docs/s; 1395 sec\n", - "[2019-10-15 17:54:30,414 INFO] Step 3350/10000; xent: 2.85; lr: 0.0000346; 49 docs/s; 1416 sec\n", - "[2019-10-15 17:54:51,856 INFO] Step 3400/10000; xent: 2.78; lr: 0.0000343; 47 docs/s; 1437 sec\n", - "[2019-10-15 17:55:12,619 INFO] Step 3450/10000; xent: 2.83; lr: 0.0000341; 49 docs/s; 1458 sec\n", - "[2019-10-15 17:55:33,266 INFO] Step 3500/10000; xent: 2.80; lr: 0.0000338; 49 docs/s; 1478 sec\n", - "[2019-10-15 17:55:33,270 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_3500.pt\n", - "[2019-10-15 17:55:55,239 INFO] Step 3550/10000; xent: 2.80; lr: 0.0000336; 46 docs/s; 1500 sec\n", - "[2019-10-15 17:56:17,401 INFO] Step 3600/10000; xent: 2.76; lr: 0.0000333; 45 docs/s; 1523 sec\n", - "[2019-10-15 17:56:38,129 INFO] Step 3650/10000; xent: 2.80; lr: 0.0000331; 48 docs/s; 1543 sec\n", - "[2019-10-15 17:56:58,914 INFO] Step 3700/10000; xent: 2.83; lr: 0.0000329; 49 docs/s; 1564 sec\n", - "[2019-10-15 17:57:19,588 INFO] Step 3750/10000; xent: 2.82; lr: 0.0000327; 49 docs/s; 1585 sec\n", - "[2019-10-15 17:57:40,985 INFO] Step 3800/10000; xent: 2.91; lr: 0.0000324; 47 docs/s; 1606 sec\n", - "[2019-10-15 17:58:01,759 INFO] Step 3850/10000; xent: 2.87; lr: 0.0000322; 49 docs/s; 1627 sec\n" + "[2019-10-19 02:32:55,460 INFO] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-pytorch_model.bin from cache at ./temp/aa1ef1aede4482d0dbcd4d52baad8ae300e60902e88fcb0bebdec09afd232066.36ca03ab34a1a5d5fa7bc3d03d55c4fa650fed07220e2eeebc06ce58d0e9a157\n", + "[2019-10-19 02:33:00,740 INFO] * number of parameters: 115790849\n", + "[2019-10-19 02:33:00,741 INFO] Start training...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "device_id 0\n", + "gpu_rank 0\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-15 17:58:22,621 INFO] Step 3900/10000; xent: 2.79; lr: 0.0000320; 48 docs/s; 1648 sec\n", - "[2019-10-15 17:58:43,322 INFO] Step 3950/10000; xent: 2.90; lr: 0.0000318; 49 docs/s; 1668 sec\n", - "[2019-10-15 17:59:04,810 INFO] Step 4000/10000; xent: 2.80; lr: 0.0000316; 47 docs/s; 1690 sec\n", - "[2019-10-15 17:59:04,814 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_4000.pt\n", - "[2019-10-15 17:59:26,773 INFO] Step 4050/10000; xent: 2.89; lr: 0.0000314; 45 docs/s; 1712 sec\n", - "[2019-10-15 17:59:47,458 INFO] Step 4100/10000; xent: 2.86; lr: 0.0000312; 49 docs/s; 1733 sec\n", - "[2019-10-15 18:00:08,124 INFO] Step 4150/10000; xent: 2.87; lr: 0.0000310; 48 docs/s; 1753 sec\n", - "[2019-10-15 18:00:29,734 INFO] Step 4200/10000; xent: 2.93; lr: 0.0000309; 47 docs/s; 1775 sec\n", - "[2019-10-15 18:00:50,554 INFO] Step 4250/10000; xent: 2.86; lr: 0.0000307; 49 docs/s; 1796 sec\n", - "[2019-10-15 18:01:11,237 INFO] Step 4300/10000; xent: 2.80; lr: 0.0000305; 49 docs/s; 1816 sec\n", - "[2019-10-15 18:01:31,908 INFO] Step 4350/10000; xent: 2.87; lr: 0.0000303; 49 docs/s; 1837 sec\n", - "[2019-10-15 18:01:53,271 INFO] Step 4400/10000; xent: 2.79; lr: 0.0000302; 47 docs/s; 1858 sec\n", - "[2019-10-15 18:02:14,150 INFO] Step 4450/10000; xent: 2.80; lr: 0.0000300; 49 docs/s; 1879 sec\n", - "[2019-10-15 18:02:34,861 INFO] Step 4500/10000; xent: 2.89; lr: 0.0000298; 48 docs/s; 1900 sec\n", - "[2019-10-15 18:02:34,865 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_4500.pt\n", - "[2019-10-15 18:02:56,909 INFO] Step 4550/10000; xent: 2.80; lr: 0.0000296; 46 docs/s; 1922 sec\n", - "[2019-10-15 18:03:18,328 INFO] Step 4600/10000; xent: 2.81; lr: 0.0000295; 47 docs/s; 1943 sec\n", - "[2019-10-15 18:03:39,125 INFO] Step 4650/10000; xent: 2.81; lr: 0.0000293; 48 docs/s; 1964 sec\n", - "[2019-10-15 18:03:59,868 INFO] Step 4700/10000; xent: 2.87; lr: 0.0000292; 49 docs/s; 1985 sec\n", - "[2019-10-15 18:04:20,701 INFO] Step 4750/10000; xent: 2.82; lr: 0.0000290; 48 docs/s; 2006 sec\n", - "[2019-10-15 18:04:42,076 INFO] Step 4800/10000; xent: 2.82; lr: 0.0000289; 47 docs/s; 2027 sec\n", - "[2019-10-15 18:05:02,834 INFO] Step 4850/10000; xent: 2.80; lr: 0.0000287; 48 docs/s; 2048 sec\n", - "[2019-10-15 18:05:23,556 INFO] Step 4900/10000; xent: 2.81; lr: 0.0000286; 49 docs/s; 2069 sec\n", - "[2019-10-15 18:05:44,221 INFO] Step 4950/10000; xent: 2.85; lr: 0.0000284; 49 docs/s; 2089 sec\n", - "[2019-10-15 18:06:05,673 INFO] Step 5000/10000; xent: 2.78; lr: 0.0000283; 47 docs/s; 2111 sec\n", - "[2019-10-15 18:06:05,677 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_5000.pt\n", - "[2019-10-15 18:06:28,010 INFO] Step 5050/10000; xent: 2.84; lr: 0.0000281; 45 docs/s; 2133 sec\n", - "[2019-10-15 18:06:48,974 INFO] Step 5100/10000; xent: 2.73; lr: 0.0000280; 48 docs/s; 2154 sec\n", - "[2019-10-15 18:07:09,784 INFO] Step 5150/10000; xent: 2.85; lr: 0.0000279; 48 docs/s; 2175 sec\n", - "[2019-10-15 18:07:31,104 INFO] Step 5200/10000; xent: 2.80; lr: 0.0000277; 47 docs/s; 2196 sec\n", - "[2019-10-15 18:07:51,971 INFO] Step 5250/10000; xent: 2.90; lr: 0.0000276; 49 docs/s; 2217 sec\n", - "[2019-10-15 18:08:12,738 INFO] Step 5300/10000; xent: 2.91; lr: 0.0000275; 48 docs/s; 2238 sec\n", - "[2019-10-15 18:08:33,531 INFO] Step 5350/10000; xent: 2.76; lr: 0.0000273; 49 docs/s; 2259 sec\n", - "[2019-10-15 18:08:54,887 INFO] Step 5400/10000; xent: 2.81; lr: 0.0000272; 47 docs/s; 2280 sec\n", - "[2019-10-15 18:09:15,662 INFO] Step 5450/10000; xent: 2.81; lr: 0.0000271; 48 docs/s; 2301 sec\n", - "[2019-10-15 18:09:36,458 INFO] Step 5500/10000; xent: 2.84; lr: 0.0000270; 48 docs/s; 2322 sec\n", - "[2019-10-15 18:09:36,462 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_5500.pt\n", - "[2019-10-15 18:09:58,522 INFO] Step 5550/10000; xent: 2.84; lr: 0.0000268; 46 docs/s; 2344 sec\n", - "[2019-10-15 18:10:20,176 INFO] Step 5600/10000; xent: 2.86; lr: 0.0000267; 47 docs/s; 2365 sec\n", - "[2019-10-15 18:10:40,957 INFO] Step 5650/10000; xent: 2.84; lr: 0.0000266; 48 docs/s; 2386 sec\n", - "[2019-10-15 18:11:01,721 INFO] Step 5700/10000; xent: 2.73; lr: 0.0000265; 49 docs/s; 2407 sec\n", - "[2019-10-15 18:11:22,585 INFO] Step 5750/10000; xent: 2.83; lr: 0.0000264; 48 docs/s; 2428 sec\n", - "[2019-10-15 18:11:43,794 INFO] Step 5800/10000; xent: 2.78; lr: 0.0000263; 47 docs/s; 2449 sec\n", - "[2019-10-15 18:12:04,659 INFO] Step 5850/10000; xent: 2.89; lr: 0.0000261; 48 docs/s; 2470 sec\n", - "[2019-10-15 18:12:25,349 INFO] Step 5900/10000; xent: 2.85; lr: 0.0000260; 48 docs/s; 2491 sec\n", - "[2019-10-15 18:12:46,081 INFO] Step 5950/10000; xent: 2.73; lr: 0.0000259; 49 docs/s; 2511 sec\n", - "[2019-10-15 18:13:07,405 INFO] Step 6000/10000; xent: 2.82; lr: 0.0000258; 47 docs/s; 2533 sec\n", - "[2019-10-15 18:13:07,409 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_6000.pt\n", - "[2019-10-15 18:13:29,137 INFO] Step 6050/10000; xent: 2.85; lr: 0.0000257; 45 docs/s; 2554 sec\n", - "[2019-10-15 18:13:49,752 INFO] Step 6100/10000; xent: 2.80; lr: 0.0000256; 48 docs/s; 2575 sec\n", - "[2019-10-15 18:14:10,499 INFO] Step 6150/10000; xent: 2.80; lr: 0.0000255; 48 docs/s; 2596 sec\n", - "[2019-10-15 18:14:31,939 INFO] Step 6200/10000; xent: 2.81; lr: 0.0000254; 47 docs/s; 2617 sec\n", - "[2019-10-15 18:14:52,749 INFO] Step 6250/10000; xent: 2.80; lr: 0.0000253; 48 docs/s; 2638 sec\n", - "[2019-10-15 18:15:13,515 INFO] Step 6300/10000; xent: 2.82; lr: 0.0000252; 48 docs/s; 2659 sec\n", - "[2019-10-15 18:15:34,316 INFO] Step 6350/10000; xent: 2.75; lr: 0.0000251; 49 docs/s; 2679 sec\n", - "[2019-10-15 18:15:55,784 INFO] Step 6400/10000; xent: 2.85; lr: 0.0000250; 47 docs/s; 2701 sec\n", - "[2019-10-15 18:16:16,641 INFO] Step 6450/10000; xent: 2.78; lr: 0.0000249; 48 docs/s; 2722 sec\n", - "[2019-10-15 18:16:37,458 INFO] Step 6500/10000; xent: 2.78; lr: 0.0000248; 48 docs/s; 2743 sec\n", - "[2019-10-15 18:16:37,462 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_6500.pt\n", - "[2019-10-15 18:16:59,595 INFO] Step 6550/10000; xent: 2.73; lr: 0.0000247; 46 docs/s; 2765 sec\n", - "[2019-10-15 18:17:20,994 INFO] Step 6600/10000; xent: 2.76; lr: 0.0000246; 47 docs/s; 2786 sec\n", - "[2019-10-15 18:17:41,749 INFO] Step 6650/10000; xent: 2.84; lr: 0.0000245; 49 docs/s; 2807 sec\n", - "[2019-10-15 18:18:02,657 INFO] Step 6700/10000; xent: 2.85; lr: 0.0000244; 49 docs/s; 2828 sec\n", - "[2019-10-15 18:18:23,380 INFO] Step 6750/10000; xent: 2.80; lr: 0.0000243; 49 docs/s; 2849 sec\n", - "[2019-10-15 18:18:44,867 INFO] Step 6800/10000; xent: 2.77; lr: 0.0000243; 47 docs/s; 2870 sec\n", - "[2019-10-15 18:19:05,681 INFO] Step 6850/10000; xent: 2.81; lr: 0.0000242; 49 docs/s; 2891 sec\n", - "[2019-10-15 18:19:26,491 INFO] Step 6900/10000; xent: 2.84; lr: 0.0000241; 48 docs/s; 2912 sec\n", - "[2019-10-15 18:19:47,512 INFO] Step 6950/10000; xent: 2.84; lr: 0.0000240; 48 docs/s; 2933 sec\n", - "[2019-10-15 18:20:09,154 INFO] Step 7000/10000; xent: 2.79; lr: 0.0000239; 47 docs/s; 2954 sec\n", - "[2019-10-15 18:20:09,158 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_7000.pt\n", - "[2019-10-15 18:20:31,532 INFO] Step 7050/10000; xent: 2.89; lr: 0.0000238; 45 docs/s; 2977 sec\n", - "[2019-10-15 18:20:52,351 INFO] Step 7100/10000; xent: 2.83; lr: 0.0000237; 49 docs/s; 2998 sec\n", - "[2019-10-15 18:21:13,252 INFO] Step 7150/10000; xent: 2.85; lr: 0.0000237; 48 docs/s; 3018 sec\n", - "[2019-10-15 18:21:34,970 INFO] Step 7200/10000; xent: 2.85; lr: 0.0000236; 46 docs/s; 3040 sec\n", - "[2019-10-15 18:21:55,777 INFO] Step 7250/10000; xent: 2.79; lr: 0.0000235; 48 docs/s; 3061 sec\n", - "[2019-10-15 18:22:16,639 INFO] Step 7300/10000; xent: 2.82; lr: 0.0000234; 48 docs/s; 3082 sec\n", - "[2019-10-15 18:22:37,482 INFO] Step 7350/10000; xent: 2.80; lr: 0.0000233; 48 docs/s; 3103 sec\n", - "[2019-10-15 18:22:58,914 INFO] Step 7400/10000; xent: 2.79; lr: 0.0000232; 47 docs/s; 3124 sec\n", - "[2019-10-15 18:23:19,645 INFO] Step 7450/10000; xent: 2.80; lr: 0.0000232; 49 docs/s; 3145 sec\n", - "[2019-10-15 18:23:40,337 INFO] Step 7500/10000; xent: 2.77; lr: 0.0000231; 48 docs/s; 3166 sec\n", - "[2019-10-15 18:23:40,340 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_7500.pt\n", - "[2019-10-15 18:24:02,476 INFO] Step 7550/10000; xent: 2.71; lr: 0.0000230; 46 docs/s; 3188 sec\n", - "[2019-10-15 18:24:23,953 INFO] Step 7600/10000; xent: 2.69; lr: 0.0000229; 47 docs/s; 3209 sec\n" + "[2019-10-19 02:33:21,029 INFO] Step 50/10000; xent: 3.90; lr: 0.0000011; 50 docs/s; 20 sec\n", + "[2019-10-19 02:33:40,979 INFO] Step 100/10000; xent: 3.45; lr: 0.0000022; 51 docs/s; 40 sec\n", + "[2019-10-19 02:34:01,038 INFO] Step 150/10000; xent: 3.42; lr: 0.0000034; 50 docs/s; 60 sec\n", + "[2019-10-19 02:34:21,678 INFO] Step 200/10000; xent: 3.33; lr: 0.0000045; 49 docs/s; 81 sec\n", + "[2019-10-19 02:34:41,616 INFO] Step 250/10000; xent: 3.23; lr: 0.0000056; 50 docs/s; 101 sec\n", + "[2019-10-19 02:35:01,703 INFO] Step 300/10000; xent: 3.14; lr: 0.0000067; 51 docs/s; 121 sec\n", + "[2019-10-19 02:35:21,877 INFO] Step 350/10000; xent: 3.27; lr: 0.0000078; 51 docs/s; 141 sec\n", + "[2019-10-19 02:35:42,363 INFO] Step 400/10000; xent: 3.19; lr: 0.0000089; 49 docs/s; 162 sec\n", + "[2019-10-19 02:36:02,311 INFO] Step 450/10000; xent: 3.20; lr: 0.0000101; 50 docs/s; 181 sec\n", + "[2019-10-19 02:36:22,238 INFO] Step 500/10000; xent: 3.15; lr: 0.0000112; 51 docs/s; 201 sec\n", + "[2019-10-19 02:36:22,243 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_500.pt\n", + "[2019-10-19 02:36:43,577 INFO] Step 550/10000; xent: 3.20; lr: 0.0000123; 47 docs/s; 223 sec\n", + "[2019-10-19 02:37:04,098 INFO] Step 600/10000; xent: 3.15; lr: 0.0000134; 48 docs/s; 243 sec\n", + "[2019-10-19 02:37:24,028 INFO] Step 650/10000; xent: 3.09; lr: 0.0000145; 51 docs/s; 263 sec\n", + "[2019-10-19 02:37:44,052 INFO] Step 700/10000; xent: 3.07; lr: 0.0000157; 50 docs/s; 283 sec\n", + "[2019-10-19 02:38:03,992 INFO] Step 750/10000; xent: 3.09; lr: 0.0000168; 50 docs/s; 303 sec\n", + "[2019-10-19 02:38:24,385 INFO] Step 800/10000; xent: 3.11; lr: 0.0000179; 49 docs/s; 324 sec\n", + "[2019-10-19 02:38:44,304 INFO] Step 850/10000; xent: 3.03; lr: 0.0000190; 50 docs/s; 343 sec\n", + "[2019-10-19 02:39:04,298 INFO] Step 900/10000; xent: 3.09; lr: 0.0000201; 51 docs/s; 363 sec\n", + "[2019-10-19 02:39:24,058 INFO] Step 950/10000; xent: 3.01; lr: 0.0000212; 50 docs/s; 383 sec\n", + "[2019-10-19 02:39:44,710 INFO] Step 1000/10000; xent: 3.03; lr: 0.0000224; 49 docs/s; 404 sec\n", + "[2019-10-19 02:39:44,714 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_1000.pt\n", + "[2019-10-19 02:40:05,989 INFO] Step 1050/10000; xent: 2.98; lr: 0.0000235; 48 docs/s; 425 sec\n", + "[2019-10-19 02:40:25,825 INFO] Step 1100/10000; xent: 3.05; lr: 0.0000246; 50 docs/s; 445 sec\n", + "[2019-10-19 02:40:45,655 INFO] Step 1150/10000; xent: 2.92; lr: 0.0000257; 51 docs/s; 465 sec\n", + "[2019-10-19 02:41:06,318 INFO] Step 1200/10000; xent: 3.06; lr: 0.0000268; 49 docs/s; 485 sec\n", + "[2019-10-19 02:41:26,237 INFO] Step 1250/10000; xent: 2.97; lr: 0.0000280; 51 docs/s; 505 sec\n", + "[2019-10-19 02:41:46,149 INFO] Step 1300/10000; xent: 2.98; lr: 0.0000291; 51 docs/s; 525 sec\n", + "[2019-10-19 02:42:05,946 INFO] Step 1350/10000; xent: 2.97; lr: 0.0000302; 50 docs/s; 545 sec\n", + "[2019-10-19 02:42:26,622 INFO] Step 1400/10000; xent: 2.92; lr: 0.0000313; 49 docs/s; 566 sec\n", + "[2019-10-19 02:42:46,524 INFO] Step 1450/10000; xent: 2.96; lr: 0.0000324; 50 docs/s; 586 sec\n", + "[2019-10-19 02:43:06,344 INFO] Step 1500/10000; xent: 2.93; lr: 0.0000335; 50 docs/s; 605 sec\n", + "[2019-10-19 02:43:06,349 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_1500.pt\n", + "[2019-10-19 02:43:27,532 INFO] Step 1550/10000; xent: 3.00; lr: 0.0000347; 48 docs/s; 627 sec\n", + "[2019-10-19 02:43:48,869 INFO] Step 1600/10000; xent: 2.95; lr: 0.0000358; 47 docs/s; 648 sec\n", + "[2019-10-19 02:44:08,743 INFO] Step 1650/10000; xent: 2.92; lr: 0.0000369; 50 docs/s; 668 sec\n", + "[2019-10-19 02:44:28,794 INFO] Step 1700/10000; xent: 2.90; lr: 0.0000380; 51 docs/s; 688 sec\n", + "[2019-10-19 02:44:48,474 INFO] Step 1750/10000; xent: 2.94; lr: 0.0000391; 51 docs/s; 708 sec\n", + "[2019-10-19 02:45:09,125 INFO] Step 1800/10000; xent: 2.88; lr: 0.0000402; 49 docs/s; 728 sec\n", + "[2019-10-19 02:45:29,074 INFO] Step 1850/10000; xent: 3.02; lr: 0.0000414; 51 docs/s; 748 sec\n", + "[2019-10-19 02:45:49,046 INFO] Step 1900/10000; xent: 2.96; lr: 0.0000425; 50 docs/s; 768 sec\n", + "[2019-10-19 02:46:09,041 INFO] Step 1950/10000; xent: 2.89; lr: 0.0000436; 51 docs/s; 788 sec\n", + "[2019-10-19 02:46:29,682 INFO] Step 2000/10000; xent: 2.91; lr: 0.0000447; 49 docs/s; 809 sec\n", + "[2019-10-19 02:46:29,686 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_2000.pt\n", + "[2019-10-19 02:46:50,901 INFO] Step 2050/10000; xent: 2.81; lr: 0.0000442; 48 docs/s; 830 sec\n", + "[2019-10-19 02:47:10,867 INFO] Step 2100/10000; xent: 2.85; lr: 0.0000436; 50 docs/s; 850 sec\n", + "[2019-10-19 02:47:30,924 INFO] Step 2150/10000; xent: 2.95; lr: 0.0000431; 50 docs/s; 870 sec\n", + "[2019-10-19 02:47:51,466 INFO] Step 2200/10000; xent: 2.87; lr: 0.0000426; 49 docs/s; 891 sec\n", + "[2019-10-19 02:48:11,405 INFO] Step 2250/10000; xent: 2.89; lr: 0.0000422; 50 docs/s; 911 sec\n", + "[2019-10-19 02:48:31,287 INFO] Step 2300/10000; xent: 2.87; lr: 0.0000417; 50 docs/s; 930 sec\n", + "[2019-10-19 02:48:51,222 INFO] Step 2350/10000; xent: 2.88; lr: 0.0000413; 51 docs/s; 950 sec\n", + "[2019-10-19 02:49:11,935 INFO] Step 2400/10000; xent: 2.82; lr: 0.0000408; 49 docs/s; 971 sec\n", + "[2019-10-19 02:49:31,821 INFO] Step 2450/10000; xent: 2.79; lr: 0.0000404; 51 docs/s; 991 sec\n", + "[2019-10-19 02:49:51,801 INFO] Step 2500/10000; xent: 2.85; lr: 0.0000400; 51 docs/s; 1011 sec\n", + "[2019-10-19 02:49:51,805 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_2500.pt\n", + "[2019-10-19 02:50:12,963 INFO] Step 2550/10000; xent: 2.95; lr: 0.0000396; 48 docs/s; 1032 sec\n", + "[2019-10-19 02:50:33,442 INFO] Step 2600/10000; xent: 2.78; lr: 0.0000392; 49 docs/s; 1053 sec\n", + "[2019-10-19 02:50:53,355 INFO] Step 2650/10000; xent: 2.93; lr: 0.0000389; 51 docs/s; 1073 sec\n", + "[2019-10-19 02:51:13,191 INFO] Step 2700/10000; xent: 2.96; lr: 0.0000385; 51 docs/s; 1092 sec\n", + "[2019-10-19 02:51:33,095 INFO] Step 2750/10000; xent: 2.87; lr: 0.0000381; 51 docs/s; 1112 sec\n", + "[2019-10-19 02:51:53,403 INFO] Step 2800/10000; xent: 2.80; lr: 0.0000378; 49 docs/s; 1133 sec\n", + "[2019-10-19 02:52:13,224 INFO] Step 2850/10000; xent: 2.89; lr: 0.0000375; 50 docs/s; 1152 sec\n", + "[2019-10-19 02:52:33,198 INFO] Step 2900/10000; xent: 2.89; lr: 0.0000371; 51 docs/s; 1172 sec\n", + "[2019-10-19 02:52:53,090 INFO] Step 2950/10000; xent: 2.87; lr: 0.0000368; 51 docs/s; 1192 sec\n", + "[2019-10-19 02:53:13,511 INFO] Step 3000/10000; xent: 2.88; lr: 0.0000365; 49 docs/s; 1213 sec\n", + "[2019-10-19 02:53:13,514 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_3000.pt\n", + "[2019-10-19 02:53:34,637 INFO] Step 3050/10000; xent: 2.92; lr: 0.0000362; 48 docs/s; 1234 sec\n", + "[2019-10-19 02:53:54,402 INFO] Step 3100/10000; xent: 2.81; lr: 0.0000359; 51 docs/s; 1254 sec\n", + "[2019-10-19 02:54:14,136 INFO] Step 3150/10000; xent: 2.89; lr: 0.0000356; 51 docs/s; 1273 sec\n", + "[2019-10-19 02:54:34,743 INFO] Step 3200/10000; xent: 2.85; lr: 0.0000354; 49 docs/s; 1294 sec\n", + "[2019-10-19 02:54:54,686 INFO] Step 3250/10000; xent: 2.84; lr: 0.0000351; 51 docs/s; 1314 sec\n", + "[2019-10-19 02:55:14,555 INFO] Step 3300/10000; xent: 2.73; lr: 0.0000348; 50 docs/s; 1334 sec\n", + "[2019-10-19 02:55:34,379 INFO] Step 3350/10000; xent: 2.86; lr: 0.0000346; 51 docs/s; 1354 sec\n", + "[2019-10-19 02:55:54,853 INFO] Step 3400/10000; xent: 2.79; lr: 0.0000343; 49 docs/s; 1374 sec\n", + "[2019-10-19 02:56:14,734 INFO] Step 3450/10000; xent: 2.82; lr: 0.0000341; 51 docs/s; 1394 sec\n", + "[2019-10-19 02:56:34,512 INFO] Step 3500/10000; xent: 2.81; lr: 0.0000338; 51 docs/s; 1414 sec\n", + "[2019-10-19 02:56:34,516 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_3500.pt\n", + "[2019-10-19 02:56:55,590 INFO] Step 3550/10000; xent: 2.81; lr: 0.0000336; 48 docs/s; 1435 sec\n", + "[2019-10-19 02:57:16,000 INFO] Step 3600/10000; xent: 2.77; lr: 0.0000333; 49 docs/s; 1455 sec\n", + "[2019-10-19 02:57:35,833 INFO] Step 3650/10000; xent: 2.81; lr: 0.0000331; 51 docs/s; 1475 sec\n", + "[2019-10-19 02:57:55,680 INFO] Step 3700/10000; xent: 2.85; lr: 0.0000329; 51 docs/s; 1495 sec\n", + "[2019-10-19 02:58:15,494 INFO] Step 3750/10000; xent: 2.83; lr: 0.0000327; 51 docs/s; 1515 sec\n", + "[2019-10-19 02:58:35,990 INFO] Step 3800/10000; xent: 2.89; lr: 0.0000324; 49 docs/s; 1535 sec\n", + "[2019-10-19 02:58:55,844 INFO] Step 3850/10000; xent: 2.87; lr: 0.0000322; 51 docs/s; 1555 sec\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-15 18:24:44,627 INFO] Step 7650/10000; xent: 2.76; lr: 0.0000229; 49 docs/s; 3230 sec\n", - "[2019-10-15 18:25:05,523 INFO] Step 7700/10000; xent: 2.82; lr: 0.0000228; 48 docs/s; 3251 sec\n", - "[2019-10-15 18:25:27,089 INFO] Step 7750/10000; xent: 2.86; lr: 0.0000227; 47 docs/s; 3272 sec\n", - "[2019-10-15 18:25:47,876 INFO] Step 7800/10000; xent: 2.80; lr: 0.0000226; 48 docs/s; 3293 sec\n", - "[2019-10-15 18:26:08,708 INFO] Step 7850/10000; xent: 2.83; lr: 0.0000226; 48 docs/s; 3314 sec\n", - "[2019-10-15 18:26:29,493 INFO] Step 7900/10000; xent: 2.83; lr: 0.0000225; 49 docs/s; 3335 sec\n", - "[2019-10-15 18:26:51,045 INFO] Step 7950/10000; xent: 2.76; lr: 0.0000224; 47 docs/s; 3356 sec\n", - "[2019-10-15 18:27:11,842 INFO] Step 8000/10000; xent: 2.78; lr: 0.0000224; 48 docs/s; 3377 sec\n", - "[2019-10-15 18:27:11,846 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_8000.pt\n", - "[2019-10-15 18:27:33,976 INFO] Step 8050/10000; xent: 2.82; lr: 0.0000223; 45 docs/s; 3399 sec\n", - "[2019-10-15 18:27:54,858 INFO] Step 8100/10000; xent: 2.75; lr: 0.0000222; 49 docs/s; 3420 sec\n", - "[2019-10-15 18:28:16,407 INFO] Step 8150/10000; xent: 2.84; lr: 0.0000222; 47 docs/s; 3442 sec\n", - "[2019-10-15 18:28:37,145 INFO] Step 8200/10000; xent: 2.86; lr: 0.0000221; 49 docs/s; 3462 sec\n", - "[2019-10-15 18:28:57,996 INFO] Step 8250/10000; xent: 2.72; lr: 0.0000220; 48 docs/s; 3483 sec\n", - "[2019-10-15 18:29:18,776 INFO] Step 8300/10000; xent: 2.77; lr: 0.0000220; 48 docs/s; 3504 sec\n", - "[2019-10-15 18:29:40,224 INFO] Step 8350/10000; xent: 2.67; lr: 0.0000219; 47 docs/s; 3525 sec\n", - "[2019-10-15 18:30:01,190 INFO] Step 8400/10000; xent: 2.80; lr: 0.0000218; 49 docs/s; 3546 sec\n", - "[2019-10-15 18:30:21,820 INFO] Step 8450/10000; xent: 2.81; lr: 0.0000218; 49 docs/s; 3567 sec\n", - "[2019-10-15 18:30:42,632 INFO] Step 8500/10000; xent: 2.80; lr: 0.0000217; 48 docs/s; 3588 sec\n", - "[2019-10-15 18:30:42,636 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_8500.pt\n", - "[2019-10-15 18:31:05,497 INFO] Step 8550/10000; xent: 2.80; lr: 0.0000216; 44 docs/s; 3611 sec\n", - "[2019-10-15 18:31:26,353 INFO] Step 8600/10000; xent: 2.77; lr: 0.0000216; 48 docs/s; 3632 sec\n", - "[2019-10-15 18:31:47,131 INFO] Step 8650/10000; xent: 2.82; lr: 0.0000215; 49 docs/s; 3652 sec\n", - "[2019-10-15 18:32:08,004 INFO] Step 8700/10000; xent: 2.85; lr: 0.0000214; 48 docs/s; 3673 sec\n", - "[2019-10-15 18:32:29,641 INFO] Step 8750/10000; xent: 2.82; lr: 0.0000214; 47 docs/s; 3695 sec\n", - "[2019-10-15 18:32:50,512 INFO] Step 8800/10000; xent: 2.80; lr: 0.0000213; 48 docs/s; 3716 sec\n", - "[2019-10-15 18:33:11,332 INFO] Step 8850/10000; xent: 2.73; lr: 0.0000213; 48 docs/s; 3737 sec\n", - "[2019-10-15 18:33:32,160 INFO] Step 8900/10000; xent: 2.78; lr: 0.0000212; 48 docs/s; 3757 sec\n", - "[2019-10-15 18:33:53,602 INFO] Step 8950/10000; xent: 2.79; lr: 0.0000211; 47 docs/s; 3779 sec\n", - "[2019-10-15 18:34:14,359 INFO] Step 9000/10000; xent: 2.79; lr: 0.0000211; 48 docs/s; 3800 sec\n", - "[2019-10-15 18:34:14,363 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_9000.pt\n", - "[2019-10-15 18:34:36,486 INFO] Step 9050/10000; xent: 2.75; lr: 0.0000210; 45 docs/s; 3822 sec\n", - "[2019-10-15 18:34:57,361 INFO] Step 9100/10000; xent: 2.70; lr: 0.0000210; 48 docs/s; 3843 sec\n", - "[2019-10-15 18:35:18,931 INFO] Step 9150/10000; xent: 2.80; lr: 0.0000209; 47 docs/s; 3864 sec\n", - "[2019-10-15 18:35:39,714 INFO] Step 9200/10000; xent: 2.86; lr: 0.0000209; 49 docs/s; 3885 sec\n", - "[2019-10-15 18:36:00,636 INFO] Step 9250/10000; xent: 2.80; lr: 0.0000208; 48 docs/s; 3906 sec\n", - "[2019-10-15 18:36:21,489 INFO] Step 9300/10000; xent: 2.79; lr: 0.0000207; 49 docs/s; 3927 sec\n", - "[2019-10-15 18:36:42,979 INFO] Step 9350/10000; xent: 2.86; lr: 0.0000207; 47 docs/s; 3948 sec\n", - "[2019-10-15 18:37:03,791 INFO] Step 9400/10000; xent: 2.80; lr: 0.0000206; 48 docs/s; 3969 sec\n", - "[2019-10-15 18:37:24,571 INFO] Step 9450/10000; xent: 2.73; lr: 0.0000206; 49 docs/s; 3990 sec\n", - "[2019-10-15 18:37:45,326 INFO] Step 9500/10000; xent: 2.84; lr: 0.0000205; 48 docs/s; 4010 sec\n", - "[2019-10-15 18:37:45,330 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_9500.pt\n", - "[2019-10-15 18:38:08,399 INFO] Step 9550/10000; xent: 2.79; lr: 0.0000205; 44 docs/s; 4034 sec\n", - "[2019-10-15 18:38:29,389 INFO] Step 9600/10000; xent: 2.85; lr: 0.0000204; 49 docs/s; 4055 sec\n", - "[2019-10-15 18:38:50,108 INFO] Step 9650/10000; xent: 2.76; lr: 0.0000204; 48 docs/s; 4075 sec\n", - "[2019-10-15 18:39:10,997 INFO] Step 9700/10000; xent: 2.84; lr: 0.0000203; 48 docs/s; 4096 sec\n", - "[2019-10-15 18:39:32,498 INFO] Step 9750/10000; xent: 2.78; lr: 0.0000203; 47 docs/s; 4118 sec\n", - "[2019-10-15 18:39:53,372 INFO] Step 9800/10000; xent: 2.84; lr: 0.0000202; 48 docs/s; 4139 sec\n", - "[2019-10-15 18:40:14,324 INFO] Step 9850/10000; xent: 2.85; lr: 0.0000202; 48 docs/s; 4159 sec\n", - "[2019-10-15 18:40:35,114 INFO] Step 9900/10000; xent: 2.75; lr: 0.0000201; 48 docs/s; 4180 sec\n", - "[2019-10-15 18:40:56,505 INFO] Step 9950/10000; xent: 2.78; lr: 0.0000201; 47 docs/s; 4202 sec\n", - "[2019-10-15 18:41:17,372 INFO] Step 10000/10000; xent: 2.85; lr: 0.0000200; 48 docs/s; 4223 sec\n", - "[2019-10-15 18:41:17,376 INFO] Saving checkpoint ./models/transformer0.37907517824181713/model_step_10000.pt\n" + "[2019-10-19 02:59:15,758 INFO] Step 3900/10000; xent: 2.80; lr: 0.0000320; 50 docs/s; 1575 sec\n", + "[2019-10-19 02:59:35,515 INFO] Step 3950/10000; xent: 2.89; lr: 0.0000318; 51 docs/s; 1595 sec\n", + "[2019-10-19 02:59:57,046 INFO] Step 4000/10000; xent: 2.81; lr: 0.0000316; 47 docs/s; 1616 sec\n", + "[2019-10-19 02:59:57,049 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_4000.pt\n", + "[2019-10-19 03:00:18,131 INFO] Step 4050/10000; xent: 2.90; lr: 0.0000314; 47 docs/s; 1637 sec\n", + "[2019-10-19 03:00:37,971 INFO] Step 4100/10000; xent: 2.85; lr: 0.0000312; 51 docs/s; 1657 sec\n", + "[2019-10-19 03:00:57,735 INFO] Step 4150/10000; xent: 2.87; lr: 0.0000310; 51 docs/s; 1677 sec\n", + "[2019-10-19 03:01:18,349 INFO] Step 4200/10000; xent: 2.92; lr: 0.0000309; 49 docs/s; 1698 sec\n", + "[2019-10-19 03:01:38,242 INFO] Step 4250/10000; xent: 2.86; lr: 0.0000307; 51 docs/s; 1717 sec\n", + "[2019-10-19 03:01:57,970 INFO] Step 4300/10000; xent: 2.81; lr: 0.0000305; 51 docs/s; 1737 sec\n", + "[2019-10-19 03:02:17,720 INFO] Step 4350/10000; xent: 2.87; lr: 0.0000303; 51 docs/s; 1757 sec\n", + "[2019-10-19 03:02:38,092 INFO] Step 4400/10000; xent: 2.80; lr: 0.0000302; 49 docs/s; 1777 sec\n", + "[2019-10-19 03:02:57,965 INFO] Step 4450/10000; xent: 2.82; lr: 0.0000300; 51 docs/s; 1797 sec\n", + "[2019-10-19 03:03:17,682 INFO] Step 4500/10000; xent: 2.88; lr: 0.0000298; 51 docs/s; 1817 sec\n", + "[2019-10-19 03:03:17,685 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_4500.pt\n", + "[2019-10-19 03:03:38,792 INFO] Step 4550/10000; xent: 2.82; lr: 0.0000296; 48 docs/s; 1838 sec\n", + "[2019-10-19 03:03:59,232 INFO] Step 4600/10000; xent: 2.82; lr: 0.0000295; 49 docs/s; 1858 sec\n", + "[2019-10-19 03:04:19,051 INFO] Step 4650/10000; xent: 2.82; lr: 0.0000293; 51 docs/s; 1878 sec\n", + "[2019-10-19 03:04:38,825 INFO] Step 4700/10000; xent: 2.85; lr: 0.0000292; 51 docs/s; 1898 sec\n", + "[2019-10-19 03:04:58,717 INFO] Step 4750/10000; xent: 2.82; lr: 0.0000290; 51 docs/s; 1918 sec\n", + "[2019-10-19 03:05:20,029 INFO] Step 4800/10000; xent: 2.86; lr: 0.0000289; 47 docs/s; 1939 sec\n", + "[2019-10-19 03:05:39,788 INFO] Step 4850/10000; xent: 2.82; lr: 0.0000287; 51 docs/s; 1959 sec\n", + "[2019-10-19 03:05:59,515 INFO] Step 4900/10000; xent: 2.82; lr: 0.0000286; 52 docs/s; 1979 sec\n", + "[2019-10-19 03:06:19,197 INFO] Step 4950/10000; xent: 2.84; lr: 0.0000284; 51 docs/s; 1998 sec\n", + "[2019-10-19 03:06:39,516 INFO] Step 5000/10000; xent: 2.79; lr: 0.0000283; 49 docs/s; 2019 sec\n", + "[2019-10-19 03:06:39,519 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_5000.pt\n", + "[2019-10-19 03:07:00,548 INFO] Step 5050/10000; xent: 2.84; lr: 0.0000281; 48 docs/s; 2040 sec\n", + "[2019-10-19 03:07:20,369 INFO] Step 5100/10000; xent: 2.73; lr: 0.0000280; 51 docs/s; 2060 sec\n", + "[2019-10-19 03:07:40,154 INFO] Step 5150/10000; xent: 2.86; lr: 0.0000279; 50 docs/s; 2079 sec\n", + "[2019-10-19 03:08:00,127 INFO] Step 5200/10000; xent: 2.80; lr: 0.0000277; 50 docs/s; 2099 sec\n", + "[2019-10-19 03:08:19,959 INFO] Step 5250/10000; xent: 2.89; lr: 0.0000276; 51 docs/s; 2119 sec\n", + "[2019-10-19 03:08:39,783 INFO] Step 5300/10000; xent: 2.91; lr: 0.0000275; 51 docs/s; 2139 sec\n", + "[2019-10-19 03:08:59,614 INFO] Step 5350/10000; xent: 2.75; lr: 0.0000273; 51 docs/s; 2159 sec\n", + "[2019-10-19 03:09:19,675 INFO] Step 5400/10000; xent: 2.81; lr: 0.0000272; 50 docs/s; 2179 sec\n", + "[2019-10-19 03:09:39,495 INFO] Step 5450/10000; xent: 2.81; lr: 0.0000271; 51 docs/s; 2199 sec\n", + "[2019-10-19 03:09:59,266 INFO] Step 5500/10000; xent: 2.84; lr: 0.0000270; 51 docs/s; 2218 sec\n", + "[2019-10-19 03:09:59,269 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_5500.pt\n", + "[2019-10-19 03:10:20,352 INFO] Step 5550/10000; xent: 2.82; lr: 0.0000268; 48 docs/s; 2240 sec\n", + "[2019-10-19 03:10:40,538 INFO] Step 5600/10000; xent: 2.85; lr: 0.0000267; 51 docs/s; 2260 sec\n", + "[2019-10-19 03:11:00,400 INFO] Step 5650/10000; xent: 2.84; lr: 0.0000266; 50 docs/s; 2280 sec\n", + "[2019-10-19 03:11:20,172 INFO] Step 5700/10000; xent: 2.73; lr: 0.0000265; 51 docs/s; 2299 sec\n", + "[2019-10-19 03:11:40,047 INFO] Step 5750/10000; xent: 2.84; lr: 0.0000264; 51 docs/s; 2319 sec\n", + "[2019-10-19 03:11:59,932 INFO] Step 5800/10000; xent: 2.78; lr: 0.0000263; 50 docs/s; 2339 sec\n", + "[2019-10-19 03:12:19,839 INFO] Step 5850/10000; xent: 2.90; lr: 0.0000261; 51 docs/s; 2359 sec\n", + "[2019-10-19 03:12:39,543 INFO] Step 5900/10000; xent: 2.86; lr: 0.0000260; 51 docs/s; 2379 sec\n", + "[2019-10-19 03:12:59,289 INFO] Step 5950/10000; xent: 2.74; lr: 0.0000259; 51 docs/s; 2398 sec\n", + "[2019-10-19 03:13:19,324 INFO] Step 6000/10000; xent: 2.80; lr: 0.0000258; 50 docs/s; 2418 sec\n", + "[2019-10-19 03:13:19,326 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_6000.pt\n", + "[2019-10-19 03:13:40,112 INFO] Step 6050/10000; xent: 2.86; lr: 0.0000257; 48 docs/s; 2439 sec\n", + "[2019-10-19 03:13:59,765 INFO] Step 6100/10000; xent: 2.82; lr: 0.0000256; 51 docs/s; 2459 sec\n", + "[2019-10-19 03:14:19,449 INFO] Step 6150/10000; xent: 2.80; lr: 0.0000255; 51 docs/s; 2479 sec\n", + "[2019-10-19 03:14:39,429 INFO] Step 6200/10000; xent: 2.80; lr: 0.0000254; 51 docs/s; 2499 sec\n" ] } ], "source": [ - "bertsum_model.fit(device_id, training_data_files, train_steps=train_steps, train_from=\"\")" + "bertsum_model.fit(device_id, training_data_files, BertModel, \"bert-base-uncased\", None, train_steps=train_steps, train_from=\"\")" ] }, { @@ -3032,7 +2867,7 @@ }, { "cell_type": "code", - "execution_count": 26, + "execution_count": 12, "metadata": { "scrolled": true }, @@ -3052,14 +2887,39 @@ }, { "cell_type": "code", - "execution_count": 27, + "execution_count": 14, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "[2019-10-15 18:42:17,589 INFO] * number of parameters: 115790849\n" + "[2019-10-21 15:22:04,427 INFO] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-config.json from cache at ./temp/4dad0251492946e18ac39290fcfe91b89d370fee250efe9521476438fe8ca185.bf3b9ea126d8c0001ee8a1e8b92229871d06d36d8808208cc2449280da87785c\n", + "[2019-10-21 15:22:04,434 INFO] Model config {\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"finetuning_task\": null,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"num_labels\": 2,\n", + " \"output_attentions\": false,\n", + " \"output_hidden_states\": false,\n", + " \"output_past\": true,\n", + " \"pruned_heads\": {},\n", + " \"torchscript\": false,\n", + " \"type_vocab_size\": 2,\n", + " \"use_bfloat16\": false,\n", + " \"vocab_size\": 30522\n", + "}\n", + "\n", + "[2019-10-21 15:22:04,556 INFO] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-pytorch_model.bin from cache at ./temp/aa1ef1aede4482d0dbcd4d52baad8ae300e60902e88fcb0bebdec09afd232066.36ca03ab34a1a5d5fa7bc3d03d55c4fa650fed07220e2eeebc06ce58d0e9a157\n", + "[2019-10-21 15:22:29,189 INFO] * number of parameters: 115790849\n" ] }, { @@ -3073,10 +2933,10 @@ ], "source": [ "checkpoint_to_test = 10000\n", - "model_for_test = os.path.join(model_base_path + encoder + str(random_number), f\"model_step_{checkpoint_to_test}.pt\")\n", + "model_for_test = \"./models/transformer0.986928701409742/model_step_10000.pt\" # os.path.join(model_base_path + encoder + str(random_number), f\"model_step_{checkpoint_to_test}.pt\")\n", "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", - "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset),\n", + "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset), BertModel, \"bert-base-uncased\",None,\n", " test_from=model_for_test,\n", " sentence_seperator='')\n", "\n" @@ -3084,7 +2944,7 @@ }, { "cell_type": "code", - "execution_count": 28, + "execution_count": 15, "metadata": {}, "outputs": [ { @@ -3093,7 +2953,7 @@ "11489" ] }, - "execution_count": 28, + "execution_count": 15, "metadata": {}, "output_type": "execute_result" } @@ -3104,7 +2964,7 @@ }, { "cell_type": "code", - "execution_count": 29, + "execution_count": 16, "metadata": {}, "outputs": [ { @@ -3119,22 +2979,22 @@ "name": "stderr", "output_type": "stream", "text": [ - "2019-10-15 18:45:18,185 [MainThread ] [INFO ] Writing summaries.\n", - "[2019-10-15 18:45:18,185 INFO] Writing summaries.\n", - "2019-10-15 18:45:18,194 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpsubsloro/system and model files to ./results/tmpsubsloro/model.\n", - "[2019-10-15 18:45:18,194 INFO] Processing summaries. Saving system files to ./results/tmpsubsloro/system and model files to ./results/tmpsubsloro/model.\n", - "2019-10-15 18:45:18,195 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-15-18-45-16/candidate/.\n", - "[2019-10-15 18:45:18,195 INFO] Processing files in ./results/rouge-tmp-2019-10-15-18-45-16/candidate/.\n", - "2019-10-15 18:45:19,514 [MainThread ] [INFO ] Saved processed files to ./results/tmpsubsloro/system.\n", - "[2019-10-15 18:45:19,514 INFO] Saved processed files to ./results/tmpsubsloro/system.\n", - "2019-10-15 18:45:19,516 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-15-18-45-16/reference/.\n", - "[2019-10-15 18:45:19,516 INFO] Processing files in ./results/rouge-tmp-2019-10-15-18-45-16/reference/.\n", - "2019-10-15 18:45:20,654 [MainThread ] [INFO ] Saved processed files to ./results/tmpsubsloro/model.\n", - "[2019-10-15 18:45:20,654 INFO] Saved processed files to ./results/tmpsubsloro/model.\n", - "2019-10-15 18:45:20,735 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp4yrd5g_s/rouge_conf.xml\n", - "[2019-10-15 18:45:20,735 INFO] Written ROUGE configuration to ./results/tmp4yrd5g_s/rouge_conf.xml\n", - "2019-10-15 18:45:20,736 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp4yrd5g_s/rouge_conf.xml\n", - "[2019-10-15 18:45:20,736 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp4yrd5g_s/rouge_conf.xml\n" + "2019-10-21 15:25:00,660 [MainThread ] [INFO ] Writing summaries.\n", + "[2019-10-21 15:25:00,660 INFO] Writing summaries.\n", + "2019-10-21 15:25:00,667 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmp2zfj1op9/system and model files to ./results/tmp2zfj1op9/model.\n", + "[2019-10-21 15:25:00,667 INFO] Processing summaries. Saving system files to ./results/tmp2zfj1op9/system and model files to ./results/tmp2zfj1op9/model.\n", + "2019-10-21 15:25:00,669 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-21-15-24-59/candidate/.\n", + "[2019-10-21 15:25:00,669 INFO] Processing files in ./results/rouge-tmp-2019-10-21-15-24-59/candidate/.\n", + "2019-10-21 15:25:01,839 [MainThread ] [INFO ] Saved processed files to ./results/tmp2zfj1op9/system.\n", + "[2019-10-21 15:25:01,839 INFO] Saved processed files to ./results/tmp2zfj1op9/system.\n", + "2019-10-21 15:25:01,841 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-21-15-24-59/reference/.\n", + "[2019-10-21 15:25:01,841 INFO] Processing files in ./results/rouge-tmp-2019-10-21-15-24-59/reference/.\n", + "2019-10-21 15:25:03,041 [MainThread ] [INFO ] Saved processed files to ./results/tmp2zfj1op9/model.\n", + "[2019-10-21 15:25:03,041 INFO] Saved processed files to ./results/tmp2zfj1op9/model.\n", + "2019-10-21 15:25:03,125 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp7d7wxa89/rouge_conf.xml\n", + "[2019-10-21 15:25:03,125 INFO] Written ROUGE configuration to ./results/tmp7d7wxa89/rouge_conf.xml\n", + "2019-10-21 15:25:03,126 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp7d7wxa89/rouge_conf.xml\n", + "[2019-10-21 15:25:03,126 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp7d7wxa89/rouge_conf.xml\n" ] }, { @@ -3142,17 +3002,17 @@ "output_type": "stream", "text": [ "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.53085 (95%-conf.int. 0.52800 - 0.53379)\n", - "1 ROUGE-1 Average_P: 0.37857 (95%-conf.int. 0.37621 - 0.38098)\n", - "1 ROUGE-1 Average_F: 0.42727 (95%-conf.int. 0.42510 - 0.42940)\n", + "1 ROUGE-1 Average_R: 0.53312 (95%-conf.int. 0.53040 - 0.53597)\n", + "1 ROUGE-1 Average_P: 0.37714 (95%-conf.int. 0.37466 - 0.37954)\n", + "1 ROUGE-1 Average_F: 0.42706 (95%-conf.int. 0.42495 - 0.42920)\n", "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.24509 (95%-conf.int. 0.24219 - 0.24801)\n", - "1 ROUGE-2 Average_P: 0.17560 (95%-conf.int. 0.17344 - 0.17784)\n", - "1 ROUGE-2 Average_F: 0.19750 (95%-conf.int. 0.19532 - 0.19981)\n", + "1 ROUGE-2 Average_R: 0.24620 (95%-conf.int. 0.24345 - 0.24885)\n", + "1 ROUGE-2 Average_P: 0.17488 (95%-conf.int. 0.17273 - 0.17718)\n", + "1 ROUGE-2 Average_F: 0.19740 (95%-conf.int. 0.19524 - 0.19962)\n", "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.48578 (95%-conf.int. 0.48310 - 0.48855)\n", - "1 ROUGE-L Average_P: 0.34703 (95%-conf.int. 0.34466 - 0.34939)\n", - "1 ROUGE-L Average_F: 0.39138 (95%-conf.int. 0.38922 - 0.39357)\n", + "1 ROUGE-L Average_R: 0.48760 (95%-conf.int. 0.48494 - 0.49034)\n", + "1 ROUGE-L Average_P: 0.34555 (95%-conf.int. 0.34313 - 0.34796)\n", + "1 ROUGE-L Average_F: 0.39100 (95%-conf.int. 0.38889 - 0.39312)\n", "\n" ] } diff --git a/utils_nlp/models/bert/extractive_text_summarization.py b/utils_nlp/models/bert/extractive_text_summarization.py index ce735b7f8..656c6488f 100644 --- a/utils_nlp/models/bert/extractive_text_summarization.py +++ b/utils_nlp/models/bert/extractive_text_summarization.py @@ -12,7 +12,7 @@ from bertsum.others.logging import logger, init_logger from bertsum.train import model_flags from bertsum.models.trainer import build_trainer -from bertsum.prepro.data_builder import BertData +from bertsum.prepro.data_builder import TransformerData from bertsum.models.data_loader import DataIterator,Batch,Dataloader from cached_property import cached_property import torch @@ -169,7 +169,7 @@ def cuda(self): return self.has_cuda - def fit(self, device_id, train_file_list, train_steps=5000, train_from='', batch_size=3000, + def fit(self, device_id, train_file_list, model_class, pretrained_model_name, pretrained_config=None, train_steps=5000, train_from='', batch_size=3000, warmup_proportion=0.2, decay_method='noam', lr=0.002,accum_count=2): """ Train a summarization model with specified training data files. @@ -208,11 +208,12 @@ def fit(self, device_id, train_file_list, train_steps=5000, train_from='', batch self.args.accum_count= accum_count print(self.args.__dict__) - self.model = Summarizer(self.args, device, load_pretrained_bert=True) + self.model = Summarizer(self.args, device, model_class, pretrained_model_name, pretrained_config) from torch.nn.parallel import DataParallel as DP self.model.to(device) self.model = DP(self.model, device_ids=[device]) - + + self.model.train() if train_from != '': checkpoint = torch.load(train_from, @@ -242,7 +243,7 @@ def train_iter_fct(): trainer = build_trainer(self.args, device_id, self.model, optim) trainer.train(train_iter_fct, train_steps) - def predict(self, device_id, data_iter, sentence_seperator='', test_from='', cal_lead=False): + def predict(self, device_id, data_iter, model_class, pretrained_model_name, pretrained_config=None, sentence_seperator='', test_from='', cal_lead=False): """ Predict the summarization for the input data iterator. @@ -269,7 +270,7 @@ def predict(self, device_id, data_iter, sentence_seperator='', test_from='', cal setattr(self.args, k, opt[k]) config = BertConfig.from_json_file(self.args.bert_config_path) - self.model = Summarizer(self.args, device, load_pretrained_bert=False, bert_config=config) + self.model = Summarizer(self.args, device, model_class, pretrained_model_name, pretrained_config) from torch import nn class WrappedModel(nn.Module): def __init__(self, module): From b5ce56fb60749f8279416cee46fbb1cd8e900ec4 Mon Sep 17 00:00:00 2001 From: Ubuntu Date: Wed, 23 Oct 2019 17:03:18 +0000 Subject: [PATCH 045/167] new dataset --- utils_nlp/dataset/cnndm.py | 149 +++++++++++++++++++++++++++++++++++++ 1 file changed, 149 insertions(+) create mode 100644 utils_nlp/dataset/cnndm.py diff --git a/utils_nlp/dataset/cnndm.py b/utils_nlp/dataset/cnndm.py new file mode 100644 index 000000000..1c855c60a --- /dev/null +++ b/utils_nlp/dataset/cnndm.py @@ -0,0 +1,149 @@ +import torch +from torchtext.utils import extract_archive +from utils_nlp.dataset.url_utils import maybe_download +import regex as re + +import nltk + +nltk.download("punkt") + +from nltk import tokenize +import torch +import sys +import os +from bertsum.others.utils import clean +from multiprocess import Pool +from tqdm import tqdm +import itertools + + +def _line_iter(file_path): + with open(file_path, "r", encoding="utf8") as fd: + for line in fd: + yield line + + +def _create__data_from_iterator(iterator, preprocessing, word_tokenizer): + data = [] + with tqdm(unit_scale=0, unit="lines") as t: + for line in iterator: + data.append(preprocess((line, preprocessing, word_tokenizer))) + return data + + +def _remove_ttags(line): + line = re.sub(r"", "", line) + # change to + # pyrouge test requires as sentence splitter + line = re.sub(r"", "", line) + return line + + +def _cnndm_target_sentence_tokenization(line): + return line.split("") + + +def preprocess(param): + """ + Helper function to preprocess a list of paragraphs. + + Args: + param (Tuple): params are tuple of (a list of strings, a list of preprocessing functions, and function to tokenize setences into words). A paragraph is represented with a single string with multiple setnences. + + Returns: + list of list of strings, where each string is a token or word. + """ + + sentences, preprocess_pipeline, word_tokenize = param + for function in preprocess_pipeline: + sentences = function(sentences) + return [word_tokenize(sentence) for sentence in sentences] + + +class Summarization(torch.utils.data.Dataset): + @staticmethod + def sort_key(ex): + return len(ex.source) + + def __init__( + self, + source_file, + target_file, + source_preprocessing, + target_preprocessing, + word_tokenization, + top_n=-1, + **kwargs + ): + """ create an CNN/CM dataset instance given the paths of source file and targetfile""" + + super(Summarization, self).__init__() + source_iter = _line_iter(source_file) + target_iter = _line_iter(target_file) + + if top_n != -1: + source_iter = itertools.islice(source_iter, top_n) + target_iter = itertools.islice(target_iter, top_n) + + self._source = _create__data_from_iterator( + source_iter, source_preprocessing, word_tokenization + ) + + self._target = _create__data_from_iterator( + target_iter, target_preprocessing, word_tokenization + ) + + def __getitem__(self, i): + return self._source[i] + + def __len__(self): + return len(self._source) + + def __iter__(self): + for x in self._source: + yield x + + def get_target(self): + return self._target + + +def CNNDMSummarization(*args, **kwargs): + urls = ["https://s3.amazonaws.com/opennmt-models/Summary/cnndm.tar.gz"] + dirname = "cnndmsum" + name = "cnndmsum" + + def _setup_datasets(url, top_n=-1, local_cache_path=".data"): + file_name = "cnndm.tar.gz" + maybe_download(url, file_name, local_cache_path) + dataset_tar = os.path.join(local_cache_path, file_name) + extracted_files = extract_archive(dataset_tar) + for fname in extracted_files: + if fname.endswith("train.txt.src"): + train_source_file = fname + if fname.endswith("train.txt.tgt.tagged"): + train_target_file = fname + if fname.endswith("test.txt.src"): + test_source_file = fname + if fname.endswith("test.txt.tgt.tagged"): + test_target_file = fname + + return ( + Summarization( + train_source_file, + train_target_file, + [clean, tokenize.sent_tokenize], + [clean, _remove_ttags, _cnndm_target_sentence_tokenization], + nltk.word_tokenize, + top_n, + ), + Summarization( + test_source_file, + test_target_file, + [clean, tokenize.sent_tokenize], + [clean, _remove_ttags, _cnndm_target_sentence_tokenization], + nltk.word_tokenize, + top_n, + ), + ) + + return _setup_datasets(*((urls[0],) + args), **kwargs) From d7b62ee4003f870903fd373a96a0be64f84c58b8 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Thu, 24 Oct 2019 20:50:07 +0000 Subject: [PATCH 046/167] version that looks like other wrappers --- .../CNNDM_TransformerSum.ipynb | 2052 +++++++++++++++++ .../transformers/extractive_summarization.py | 382 +++ 2 files changed, 2434 insertions(+) create mode 100644 examples/text_summarization/CNNDM_TransformerSum.ipynb create mode 100644 utils_nlp/models/transformers/extractive_summarization.py diff --git a/examples/text_summarization/CNNDM_TransformerSum.ipynb b/examples/text_summarization/CNNDM_TransformerSum.ipynb new file mode 100644 index 000000000..2e6bb5a75 --- /dev/null +++ b/examples/text_summarization/CNNDM_TransformerSum.ipynb @@ -0,0 +1,2052 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "%load_ext autoreload\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "import sys\n", + "import os\n", + "\n", + "nlp_path = os.path.abspath(\"../../\")\n", + "if nlp_path not in sys.path:\n", + " sys.path.insert(0, nlp_path)\n", + "sys.path.insert(0, \"./\")\n", + "sys.path.insert(0, \"./BertSum\")" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "%autoreload 2" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", + "[nltk_data] Package punkt is already up-to-date!\n" + ] + } + ], + "source": [ + "from utils_nlp.dataset.cnndm import CNNDMSummarization" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "0lines [00:00, ?lines/s]\n", + "0lines [00:00, ?lines/s]\n", + "0lines [00:00, ?lines/s]\n", + "0lines [00:00, ?lines/s]\n" + ] + } + ], + "source": [ + "train_dataset, test_dataset = CNNDMSummarization(top_n=5)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "data": { + "text/plain": [ + "5" + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(train_dataset)" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "5" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(test_dataset)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[['marseille',\n", + " ',',\n", + " 'france',\n", + " '(',\n", + " 'cnn',\n", + " ')',\n", + " 'the',\n", + " 'french',\n", + " 'prosecutor',\n", + " 'leading',\n", + " 'an',\n", + " 'investigation',\n", + " 'into',\n", + " 'the',\n", + " 'crash',\n", + " 'of',\n", + " 'germanwings',\n", + " 'flight',\n", + " '9525',\n", + " 'insisted',\n", + " 'wednesday',\n", + " 'that',\n", + " 'he',\n", + " 'was',\n", + " 'not',\n", + " 'aware',\n", + " 'of',\n", + " 'any',\n", + " 'video',\n", + " 'footage',\n", + " 'from',\n", + " 'on',\n", + " 'board',\n", + " 'the',\n", + " 'plane',\n", + " '.'],\n", + " ['marseille',\n", + " 'prosecutor',\n", + " 'brice',\n", + " 'robin',\n", + " 'told',\n", + " 'cnn',\n", + " 'that',\n", + " '``',\n", + " 'so',\n", + " 'far',\n", + " 'no',\n", + " 'videos',\n", + " 'were',\n", + " 'used',\n", + " 'in',\n", + " 'the',\n", + " 'crash',\n", + " 'investigation',\n", + " '.',\n", + " '``'],\n", + " ['he',\n", + " 'added',\n", + " ',',\n", + " '``',\n", + " 'a',\n", + " 'person',\n", + " 'who',\n", + " 'has',\n", + " 'such',\n", + " 'a',\n", + " 'video',\n", + " 'needs',\n", + " 'to',\n", + " 'immediately',\n", + " 'give',\n", + " 'it',\n", + " 'to',\n", + " 'the',\n", + " 'investigators',\n", + " '.',\n", + " '``'],\n", + " ['robin',\n", + " \"'s\",\n", + " 'comments',\n", + " 'follow',\n", + " 'claims',\n", + " 'by',\n", + " 'two',\n", + " 'magazines',\n", + " ',',\n", + " 'german',\n", + " 'daily',\n", + " 'bild',\n", + " 'and',\n", + " 'french',\n", + " 'paris',\n", + " 'match',\n", + " ',',\n", + " 'of',\n", + " 'a',\n", + " 'cell',\n", + " 'phone',\n", + " 'video',\n", + " 'showing',\n", + " 'the',\n", + " 'harrowing',\n", + " 'final',\n", + " 'seconds',\n", + " 'from',\n", + " 'on',\n", + " 'board',\n", + " 'germanwings',\n", + " 'flight',\n", + " '9525',\n", + " 'as',\n", + " 'it',\n", + " 'crashed',\n", + " 'into',\n", + " 'the',\n", + " 'french',\n", + " 'alps',\n", + " '.'],\n", + " ['all', '150', 'on', 'board', 'were', 'killed', '.'],\n", + " ['paris',\n", + " 'match',\n", + " 'and',\n", + " 'bild',\n", + " 'reported',\n", + " 'that',\n", + " 'the',\n", + " 'video',\n", + " 'was',\n", + " 'recovered',\n", + " 'from',\n", + " 'a',\n", + " 'phone',\n", + " 'at',\n", + " 'the',\n", + " 'wreckage',\n", + " 'site',\n", + " '.'],\n", + " ['the',\n", + " 'two',\n", + " 'publications',\n", + " 'described',\n", + " 'the',\n", + " 'supposed',\n", + " 'video',\n", + " ',',\n", + " 'but',\n", + " 'did',\n", + " 'not',\n", + " 'post',\n", + " 'it',\n", + " 'on',\n", + " 'their',\n", + " 'websites',\n", + " '.'],\n", + " ['the',\n", + " 'publications',\n", + " 'said',\n", + " 'that',\n", + " 'they',\n", + " 'watched',\n", + " 'the',\n", + " 'video',\n", + " ',',\n", + " 'which',\n", + " 'was',\n", + " 'found',\n", + " 'by',\n", + " 'a',\n", + " 'source',\n", + " 'close',\n", + " 'to',\n", + " 'the',\n", + " 'investigation',\n", + " '.',\n", + " '``'],\n", + " ['one',\n", + " 'can',\n", + " 'hear',\n", + " 'cries',\n", + " 'of',\n", + " '`',\n", + " 'my',\n", + " 'god',\n", + " \"'\",\n", + " 'in',\n", + " 'several',\n", + " 'languages',\n", + " ',',\n", + " '``',\n", + " 'paris',\n", + " 'match',\n", + " 'reported',\n", + " '.',\n", + " '``'],\n", + " ['metallic',\n", + " 'banging',\n", + " 'can',\n", + " 'also',\n", + " 'be',\n", + " 'heard',\n", + " 'more',\n", + " 'than',\n", + " 'three',\n", + " 'times',\n", + " ',',\n", + " 'perhaps',\n", + " 'of',\n", + " 'the',\n", + " 'pilot',\n", + " 'trying',\n", + " 'to',\n", + " 'open',\n", + " 'the',\n", + " 'cockpit',\n", + " 'door',\n", + " 'with',\n", + " 'a',\n", + " 'heavy',\n", + " 'object',\n", + " '.'],\n", + " ['towards',\n", + " 'the',\n", + " 'end',\n", + " ',',\n", + " 'after',\n", + " 'a',\n", + " 'heavy',\n", + " 'shake',\n", + " ',',\n", + " 'stronger',\n", + " 'than',\n", + " 'the',\n", + " 'others',\n", + " ',',\n", + " 'the',\n", + " 'screaming',\n", + " 'intensifies',\n", + " '.'],\n", + " ['then', 'nothing', '.', '``'],\n", + " ['``',\n", + " 'it',\n", + " 'is',\n", + " 'a',\n", + " 'very',\n", + " 'disturbing',\n", + " 'scene',\n", + " ',',\n", + " '``',\n", + " 'said',\n", + " 'julian',\n", + " 'reichelt',\n", + " ',',\n", + " 'editor-in-chief',\n", + " 'of',\n", + " 'bild',\n", + " 'online',\n", + " '.'],\n", + " ['an',\n", + " 'official',\n", + " 'with',\n", + " 'france',\n", + " \"'s\",\n", + " 'accident',\n", + " 'investigation',\n", + " 'agency',\n", + " ',',\n", + " 'the',\n", + " 'bea',\n", + " ',',\n", + " 'said',\n", + " 'the',\n", + " 'agency',\n", + " 'is',\n", + " 'not',\n", + " 'aware',\n", + " 'of',\n", + " 'any',\n", + " 'such',\n", + " 'video',\n", + " '.'],\n", + " ['lt.',\n", + " 'col.',\n", + " 'jean-marc',\n", + " 'menichini',\n", + " ',',\n", + " 'a',\n", + " 'french',\n", + " 'gendarmerie',\n", + " 'spokesman',\n", + " 'in',\n", + " 'charge',\n", + " 'of',\n", + " 'communications',\n", + " 'on',\n", + " 'rescue',\n", + " 'efforts',\n", + " 'around',\n", + " 'the',\n", + " 'germanwings',\n", + " 'crash',\n", + " 'site',\n", + " ',',\n", + " 'told',\n", + " 'cnn',\n", + " 'that',\n", + " 'the',\n", + " 'reports',\n", + " 'were',\n", + " '``',\n", + " 'completely',\n", + " 'wrong',\n", + " '``',\n", + " 'and',\n", + " '``',\n", + " 'unwarranted',\n", + " '.',\n", + " '``'],\n", + " ['cell',\n", + " 'phones',\n", + " 'have',\n", + " 'been',\n", + " 'collected',\n", + " 'at',\n", + " 'the',\n", + " 'site',\n", + " ',',\n", + " 'he',\n", + " 'said',\n", + " ',',\n", + " 'but',\n", + " 'that',\n", + " 'they',\n", + " '``',\n", + " 'had',\n", + " \"n't\",\n", + " 'been',\n", + " 'exploited',\n", + " 'yet',\n", + " '.',\n", + " '``'],\n", + " ['menichini',\n", + " 'said',\n", + " 'he',\n", + " 'believed',\n", + " 'the',\n", + " 'cell',\n", + " 'phones',\n", + " 'would',\n", + " 'need',\n", + " 'to',\n", + " 'be',\n", + " 'sent',\n", + " 'to',\n", + " 'the',\n", + " 'criminal',\n", + " 'research',\n", + " 'institute',\n", + " 'in',\n", + " 'rosny',\n", + " 'sous-bois',\n", + " ',',\n", + " 'near',\n", + " 'paris',\n", + " ',',\n", + " 'in',\n", + " 'order',\n", + " 'to',\n", + " 'be',\n", + " 'analyzed',\n", + " 'by',\n", + " 'specialized',\n", + " 'technicians',\n", + " 'working',\n", + " 'hand-in-hand',\n", + " 'with',\n", + " 'investigators',\n", + " '.'],\n", + " ['but',\n", + " 'none',\n", + " 'of',\n", + " 'the',\n", + " 'cell',\n", + " 'phones',\n", + " 'found',\n", + " 'so',\n", + " 'far',\n", + " 'have',\n", + " 'been',\n", + " 'sent',\n", + " 'to',\n", + " 'the',\n", + " 'institute',\n", + " ',',\n", + " 'menichini',\n", + " 'said',\n", + " '.'],\n", + " ['asked',\n", + " 'whether',\n", + " 'staff',\n", + " 'involved',\n", + " 'in',\n", + " 'the',\n", + " 'search',\n", + " 'could',\n", + " 'have',\n", + " 'leaked',\n", + " 'a',\n", + " 'memory',\n", + " 'card',\n", + " 'to',\n", + " 'the',\n", + " 'media',\n", + " ',',\n", + " 'menichini',\n", + " 'answered',\n", + " 'with',\n", + " 'a',\n", + " 'categorical',\n", + " '``',\n", + " 'no',\n", + " '.',\n", + " '``'],\n", + " ['reichelt',\n", + " 'told',\n", + " '``',\n", + " 'erin',\n", + " 'burnett',\n", + " ':',\n", + " 'outfront',\n", + " '``',\n", + " 'that',\n", + " 'he',\n", + " 'had',\n", + " 'watched',\n", + " 'the',\n", + " 'video',\n", + " 'and',\n", + " 'stood',\n", + " 'by',\n", + " 'the',\n", + " 'report',\n", + " ',',\n", + " 'saying',\n", + " 'bild',\n", + " 'and',\n", + " 'paris',\n", + " 'match',\n", + " 'are',\n", + " '``',\n", + " 'very',\n", + " 'confident',\n", + " '``',\n", + " 'that',\n", + " 'the',\n", + " 'clip',\n", + " 'is',\n", + " 'real',\n", + " '.'],\n", + " ['he',\n", + " 'noted',\n", + " 'that',\n", + " 'investigators',\n", + " 'only',\n", + " 'revealed',\n", + " 'they',\n", + " \"'d\",\n", + " 'recovered',\n", + " 'cell',\n", + " 'phones',\n", + " 'from',\n", + " 'the',\n", + " 'crash',\n", + " 'site',\n", + " 'after',\n", + " 'bild',\n", + " 'and',\n", + " 'paris',\n", + " 'match',\n", + " 'published',\n", + " 'their',\n", + " 'reports',\n", + " '.',\n", + " '``'],\n", + " ['that', 'is', 'something', 'we', 'did', 'not', 'know', 'before', '.'],\n", + " ['...',\n", + " 'overall',\n", + " 'we',\n", + " 'can',\n", + " 'say',\n", + " 'many',\n", + " 'things',\n", + " 'of',\n", + " 'the',\n", + " 'investigation',\n", + " 'were',\n", + " \"n't\",\n", + " 'revealed',\n", + " 'by',\n", + " 'the',\n", + " 'investigation',\n", + " 'at',\n", + " 'the',\n", + " 'beginning',\n", + " ',',\n", + " '``',\n", + " 'he',\n", + " 'said',\n", + " '.'],\n", + " ['what', 'was', 'mental', 'state', 'of', 'germanwings', 'co-pilot', '?'],\n", + " ['german',\n", + " 'airline',\n", + " 'lufthansa',\n", + " 'confirmed',\n", + " 'tuesday',\n", + " 'that',\n", + " 'co-pilot',\n", + " 'andreas',\n", + " 'lubitz',\n", + " 'had',\n", + " 'battled',\n", + " 'depression',\n", + " 'years',\n", + " 'before',\n", + " 'he',\n", + " 'took',\n", + " 'the',\n", + " 'controls',\n", + " 'of',\n", + " 'germanwings',\n", + " 'flight',\n", + " '9525',\n", + " ',',\n", + " 'which',\n", + " 'he',\n", + " \"'s\",\n", + " 'accused',\n", + " 'of',\n", + " 'deliberately',\n", + " 'crashing',\n", + " 'last',\n", + " 'week',\n", + " 'in',\n", + " 'the',\n", + " 'french',\n", + " 'alps',\n", + " '.'],\n", + " ['lubitz',\n", + " 'told',\n", + " 'his',\n", + " 'lufthansa',\n", + " 'flight',\n", + " 'training',\n", + " 'school',\n", + " 'in',\n", + " '2009',\n", + " 'that',\n", + " 'he',\n", + " 'had',\n", + " 'a',\n", + " '``',\n", + " 'previous',\n", + " 'episode',\n", + " 'of',\n", + " 'severe',\n", + " 'depression',\n", + " ',',\n", + " '``',\n", + " 'the',\n", + " 'airline',\n", + " 'said',\n", + " 'tuesday',\n", + " '.'],\n", + " ['email',\n", + " 'correspondence',\n", + " 'between',\n", + " 'lubitz',\n", + " 'and',\n", + " 'the',\n", + " 'school',\n", + " 'discovered',\n", + " 'in',\n", + " 'an',\n", + " 'internal',\n", + " 'investigation',\n", + " ',',\n", + " 'lufthansa',\n", + " 'said',\n", + " ',',\n", + " 'included',\n", + " 'medical',\n", + " 'documents',\n", + " 'he',\n", + " 'submitted',\n", + " 'in',\n", + " 'connection',\n", + " 'with',\n", + " 'resuming',\n", + " 'his',\n", + " 'flight',\n", + " 'training',\n", + " '.'],\n", + " ['the',\n", + " 'announcement',\n", + " 'indicates',\n", + " 'that',\n", + " 'lufthansa',\n", + " ',',\n", + " 'the',\n", + " 'parent',\n", + " 'company',\n", + " 'of',\n", + " 'germanwings',\n", + " ',',\n", + " 'knew',\n", + " 'of',\n", + " 'lubitz',\n", + " \"'s\",\n", + " 'battle',\n", + " 'with',\n", + " 'depression',\n", + " ',',\n", + " 'allowed',\n", + " 'him',\n", + " 'to',\n", + " 'continue',\n", + " 'training',\n", + " 'and',\n", + " 'ultimately',\n", + " 'put',\n", + " 'him',\n", + " 'in',\n", + " 'the',\n", + " 'cockpit',\n", + " '.'],\n", + " ['lufthansa',\n", + " ',',\n", + " 'whose',\n", + " 'ceo',\n", + " 'carsten',\n", + " 'spohr',\n", + " 'previously',\n", + " 'said',\n", + " 'lubitz',\n", + " 'was',\n", + " '100',\n", + " '%',\n", + " 'fit',\n", + " 'to',\n", + " 'fly',\n", + " ',',\n", + " 'described',\n", + " 'its',\n", + " 'statement',\n", + " 'tuesday',\n", + " 'as',\n", + " 'a',\n", + " '``',\n", + " 'swift',\n", + " 'and',\n", + " 'seamless',\n", + " 'clarification',\n", + " '``',\n", + " 'and',\n", + " 'said',\n", + " 'it',\n", + " 'was',\n", + " 'sharing',\n", + " 'the',\n", + " 'information',\n", + " 'and',\n", + " 'documents',\n", + " '--',\n", + " 'including',\n", + " 'training',\n", + " 'and',\n", + " 'medical',\n", + " 'records',\n", + " '--',\n", + " 'with',\n", + " 'public',\n", + " 'prosecutors',\n", + " '.'],\n", + " ['spohr',\n", + " 'traveled',\n", + " 'to',\n", + " 'the',\n", + " 'crash',\n", + " 'site',\n", + " 'wednesday',\n", + " ',',\n", + " 'where',\n", + " 'recovery',\n", + " 'teams',\n", + " 'have',\n", + " 'been',\n", + " 'working',\n", + " 'for',\n", + " 'the',\n", + " 'past',\n", + " 'week',\n", + " 'to',\n", + " 'recover',\n", + " 'human',\n", + " 'remains',\n", + " 'and',\n", + " 'plane',\n", + " 'debris',\n", + " 'scattered',\n", + " 'across',\n", + " 'a',\n", + " 'steep',\n", + " 'mountainside',\n", + " '.'],\n", + " ['he',\n", + " 'saw',\n", + " 'the',\n", + " 'crisis',\n", + " 'center',\n", + " 'set',\n", + " 'up',\n", + " 'in',\n", + " 'seyne-les-alpes',\n", + " ',',\n", + " 'laid',\n", + " 'a',\n", + " 'wreath',\n", + " 'in',\n", + " 'the',\n", + " 'village',\n", + " 'of',\n", + " 'le',\n", + " 'vernet',\n", + " ',',\n", + " 'closer',\n", + " 'to',\n", + " 'the',\n", + " 'crash',\n", + " 'site',\n", + " ',',\n", + " 'where',\n", + " 'grieving',\n", + " 'families',\n", + " 'have',\n", + " 'left',\n", + " 'flowers',\n", + " 'at',\n", + " 'a',\n", + " 'simple',\n", + " 'stone',\n", + " 'memorial',\n", + " '.'],\n", + " ['menichini',\n", + " 'told',\n", + " 'cnn',\n", + " 'late',\n", + " 'tuesday',\n", + " 'that',\n", + " 'no',\n", + " 'visible',\n", + " 'human',\n", + " 'remains',\n", + " 'were',\n", + " 'left',\n", + " 'at',\n", + " 'the',\n", + " 'site',\n", + " 'but',\n", + " 'recovery',\n", + " 'teams',\n", + " 'would',\n", + " 'keep',\n", + " 'searching',\n", + " '.'],\n", + " ['french',\n", + " 'president',\n", + " 'francois',\n", + " 'hollande',\n", + " ',',\n", + " 'speaking',\n", + " 'tuesday',\n", + " ',',\n", + " 'said',\n", + " 'that',\n", + " 'it',\n", + " 'should',\n", + " 'be',\n", + " 'possible',\n", + " 'to',\n", + " 'identify',\n", + " 'all',\n", + " 'the',\n", + " 'victims',\n", + " 'using',\n", + " 'dna',\n", + " 'analysis',\n", + " 'by',\n", + " 'the',\n", + " 'end',\n", + " 'of',\n", + " 'the',\n", + " 'week',\n", + " ',',\n", + " 'sooner',\n", + " 'than',\n", + " 'authorities',\n", + " 'had',\n", + " 'previously',\n", + " 'suggested',\n", + " '.'],\n", + " ['in',\n", + " 'the',\n", + " 'meantime',\n", + " ',',\n", + " 'the',\n", + " 'recovery',\n", + " 'of',\n", + " 'the',\n", + " 'victims',\n", + " \"'\",\n", + " 'personal',\n", + " 'belongings',\n", + " 'will',\n", + " 'start',\n", + " 'wednesday',\n", + " ',',\n", + " 'menichini',\n", + " 'said',\n", + " '.'],\n", + " ['among',\n", + " 'those',\n", + " 'personal',\n", + " 'belongings',\n", + " 'could',\n", + " 'be',\n", + " 'more',\n", + " 'cell',\n", + " 'phones',\n", + " 'belonging',\n", + " 'to',\n", + " 'the',\n", + " '144',\n", + " 'passengers',\n", + " 'and',\n", + " 'six',\n", + " 'crew',\n", + " 'on',\n", + " 'board',\n", + " '.'],\n", + " ['check', 'out', 'the', 'latest', 'from', 'our', 'correspondents', '.'],\n", + " ['the',\n", + " 'details',\n", + " 'about',\n", + " 'lubitz',\n", + " \"'s\",\n", + " 'correspondence',\n", + " 'with',\n", + " 'the',\n", + " 'flight',\n", + " 'school',\n", + " 'during',\n", + " 'his',\n", + " 'training',\n", + " 'were',\n", + " 'among',\n", + " 'several',\n", + " 'developments',\n", + " 'as',\n", + " 'investigators',\n", + " 'continued',\n", + " 'to',\n", + " 'delve',\n", + " 'into',\n", + " 'what',\n", + " 'caused',\n", + " 'the',\n", + " 'crash',\n", + " 'and',\n", + " 'lubitz',\n", + " \"'s\",\n", + " 'possible',\n", + " 'motive',\n", + " 'for',\n", + " 'downing',\n", + " 'the',\n", + " 'jet',\n", + " '.'],\n", + " ['a',\n", + " 'lufthansa',\n", + " 'spokesperson',\n", + " 'told',\n", + " 'cnn',\n", + " 'on',\n", + " 'tuesday',\n", + " 'that',\n", + " 'lubitz',\n", + " 'had',\n", + " 'a',\n", + " 'valid',\n", + " 'medical',\n", + " 'certificate',\n", + " ',',\n", + " 'had',\n", + " 'passed',\n", + " 'all',\n", + " 'his',\n", + " 'examinations',\n", + " 'and',\n", + " '``',\n", + " 'held',\n", + " 'all',\n", + " 'the',\n", + " 'licenses',\n", + " 'required',\n", + " '.',\n", + " '``'],\n", + " ['earlier',\n", + " ',',\n", + " 'a',\n", + " 'spokesman',\n", + " 'for',\n", + " 'the',\n", + " 'prosecutor',\n", + " \"'s\",\n", + " 'office',\n", + " 'in',\n", + " 'dusseldorf',\n", + " ',',\n", + " 'christoph',\n", + " 'kumpa',\n", + " ',',\n", + " 'said',\n", + " 'medical',\n", + " 'records',\n", + " 'reveal',\n", + " 'lubitz',\n", + " 'suffered',\n", + " 'from',\n", + " 'suicidal',\n", + " 'tendencies',\n", + " 'at',\n", + " 'some',\n", + " 'point',\n", + " 'before',\n", + " 'his',\n", + " 'aviation',\n", + " 'career',\n", + " 'and',\n", + " 'underwent',\n", + " 'psychotherapy',\n", + " 'before',\n", + " 'he',\n", + " 'got',\n", + " 'his',\n", + " 'pilot',\n", + " \"'s\",\n", + " 'license',\n", + " '.'],\n", + " ['kumpa',\n", + " 'emphasized',\n", + " 'there',\n", + " \"'s\",\n", + " 'no',\n", + " 'evidence',\n", + " 'suggesting',\n", + " 'lubitz',\n", + " 'was',\n", + " 'suicidal',\n", + " 'or',\n", + " 'acting',\n", + " 'aggressively',\n", + " 'before',\n", + " 'the',\n", + " 'crash',\n", + " '.'],\n", + " ['investigators',\n", + " 'are',\n", + " 'looking',\n", + " 'into',\n", + " 'whether',\n", + " 'lubitz',\n", + " 'feared',\n", + " 'his',\n", + " 'medical',\n", + " 'condition',\n", + " 'would',\n", + " 'cause',\n", + " 'him',\n", + " 'to',\n", + " 'lose',\n", + " 'his',\n", + " 'pilot',\n", + " \"'s\",\n", + " 'license',\n", + " ',',\n", + " 'a',\n", + " 'european',\n", + " 'government',\n", + " 'official',\n", + " 'briefed',\n", + " 'on',\n", + " 'the',\n", + " 'investigation',\n", + " 'told',\n", + " 'cnn',\n", + " 'on',\n", + " 'tuesday',\n", + " '.'],\n", + " ['while',\n", + " 'flying',\n", + " 'was',\n", + " '``',\n", + " 'a',\n", + " 'big',\n", + " 'part',\n", + " 'of',\n", + " 'his',\n", + " 'life',\n", + " ',',\n", + " '``',\n", + " 'the',\n", + " 'source',\n", + " 'said',\n", + " ',',\n", + " 'it',\n", + " \"'s\",\n", + " 'only',\n", + " 'one',\n", + " 'theory',\n", + " 'being',\n", + " 'considered',\n", + " '.'],\n", + " ['another',\n", + " 'source',\n", + " ',',\n", + " 'a',\n", + " 'law',\n", + " 'enforcement',\n", + " 'official',\n", + " 'briefed',\n", + " 'on',\n", + " 'the',\n", + " 'investigation',\n", + " ',',\n", + " 'also',\n", + " 'told',\n", + " 'cnn',\n", + " 'that',\n", + " 'authorities',\n", + " 'believe',\n", + " 'the',\n", + " 'primary',\n", + " 'motive',\n", + " 'for',\n", + " 'lubitz',\n", + " 'to',\n", + " 'bring',\n", + " 'down',\n", + " 'the',\n", + " 'plane',\n", + " 'was',\n", + " 'that',\n", + " 'he',\n", + " 'feared',\n", + " 'he',\n", + " 'would',\n", + " 'not',\n", + " 'be',\n", + " 'allowed',\n", + " 'to',\n", + " 'fly',\n", + " 'because',\n", + " 'of',\n", + " 'his',\n", + " 'medical',\n", + " 'problems',\n", + " '.'],\n", + " ['lubitz',\n", + " \"'s\",\n", + " 'girlfriend',\n", + " 'told',\n", + " 'investigators',\n", + " 'he',\n", + " 'had',\n", + " 'seen',\n", + " 'an',\n", + " 'eye',\n", + " 'doctor',\n", + " 'and',\n", + " 'a',\n", + " 'neuropsychologist',\n", + " ',',\n", + " 'both',\n", + " 'of',\n", + " 'whom',\n", + " 'deemed',\n", + " 'him',\n", + " 'unfit',\n", + " 'to',\n", + " 'work',\n", + " 'recently',\n", + " 'and',\n", + " 'concluded',\n", + " 'he',\n", + " 'had',\n", + " 'psychological',\n", + " 'issues',\n", + " ',',\n", + " 'the',\n", + " 'european',\n", + " 'government',\n", + " 'official',\n", + " 'said',\n", + " '.'],\n", + " ['but',\n", + " 'no',\n", + " 'matter',\n", + " 'what',\n", + " 'details',\n", + " 'emerge',\n", + " 'about',\n", + " 'his',\n", + " 'previous',\n", + " 'mental',\n", + " 'health',\n", + " 'struggles',\n", + " ',',\n", + " 'there',\n", + " \"'s\",\n", + " 'more',\n", + " 'to',\n", + " 'the',\n", + " 'story',\n", + " ',',\n", + " 'said',\n", + " 'brian',\n", + " 'russell',\n", + " ',',\n", + " 'a',\n", + " 'forensic',\n", + " 'psychologist',\n", + " '.',\n", + " '``'],\n", + " ['psychology',\n", + " 'can',\n", + " 'explain',\n", + " 'why',\n", + " 'somebody',\n", + " 'would',\n", + " 'turn',\n", + " 'rage',\n", + " 'inward',\n", + " 'on',\n", + " 'themselves',\n", + " 'about',\n", + " 'the',\n", + " 'fact',\n", + " 'that',\n", + " 'maybe',\n", + " 'they',\n", + " 'were',\n", + " \"n't\",\n", + " 'going',\n", + " 'to',\n", + " 'keep',\n", + " 'doing',\n", + " 'their',\n", + " 'job',\n", + " 'and',\n", + " 'they',\n", + " \"'re\",\n", + " 'upset',\n", + " 'about',\n", + " 'that',\n", + " 'and',\n", + " 'so',\n", + " 'they',\n", + " \"'re\",\n", + " 'suicidal',\n", + " ',',\n", + " '``',\n", + " 'he',\n", + " 'said',\n", + " '.',\n", + " '``'],\n", + " ['but',\n", + " 'there',\n", + " 'is',\n", + " 'no',\n", + " 'mental',\n", + " 'illness',\n", + " 'that',\n", + " 'explains',\n", + " 'why',\n", + " 'somebody',\n", + " 'then',\n", + " 'feels',\n", + " 'entitled',\n", + " 'to',\n", + " 'also',\n", + " 'take',\n", + " 'that',\n", + " 'rage',\n", + " 'and',\n", + " 'turn',\n", + " 'it',\n", + " 'outward',\n", + " 'on',\n", + " '149',\n", + " 'other',\n", + " 'people',\n", + " 'who',\n", + " 'had',\n", + " 'nothing',\n", + " 'to',\n", + " 'do',\n", + " 'with',\n", + " 'the',\n", + " 'person',\n", + " \"'s\",\n", + " 'problems',\n", + " '.',\n", + " '``'],\n", + " ['germanwings', 'crash', 'compensation', ':', 'what', 'we', 'know', '.'],\n", + " ['who', 'was', 'the', 'captain', 'of', 'germanwings', 'flight', '9525', '?'],\n", + " ['cnn',\n", + " \"'s\",\n", + " 'margot',\n", + " 'haddad',\n", + " 'reported',\n", + " 'from',\n", + " 'marseille',\n", + " 'and',\n", + " 'pamela',\n", + " 'brown',\n", + " 'from',\n", + " 'dusseldorf',\n", + " ',',\n", + " 'while',\n", + " 'laura',\n", + " 'smith-spark',\n", + " 'wrote',\n", + " 'from',\n", + " 'london',\n", + " '.'],\n", + " ['cnn',\n", + " \"'s\",\n", + " 'frederik',\n", + " 'pleitgen',\n", + " ',',\n", + " 'pamela',\n", + " 'boykoff',\n", + " ',',\n", + " 'antonia',\n", + " 'mortensen',\n", + " ',',\n", + " 'sandrine',\n", + " 'amiel',\n", + " 'and',\n", + " 'anna-maja',\n", + " 'rappard',\n", + " 'contributed',\n", + " 'to',\n", + " 'this',\n", + " 'report',\n", + " '.']]" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "test_dataset[0]" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "I1024 20:41:43.713167 140449625069376 file_utils.py:39] PyTorch version 1.2.0 available.\n", + "I1024 20:41:43.746781 140449625069376 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1024 20:41:43.753849 140449625069376 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" + ] + } + ], + "source": [ + "from utils_nlp.models.transformers.extractive_summarization import ExtSumProcessor, ExtractiveSummarizer" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "I1024 20:41:43.980694 140449625069376 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-vocab.txt from cache at ./5e8a2b4893d13790ed4150ca1906be5f7a03d6c4ddf62296c383f6db42814db2.e13dbb970cb325137104fb2e5f36fe865f27746c6b526f6352861b1980eb80b1\n" + ] + } + ], + "source": [ + "processor = ExtSumProcessor()" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [], + "source": [ + "ext_sum_train = processor.preprocess(list(train_dataset), list(train_dataset.get_target()))" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [], + "source": [ + "ext_sum_test = processor.preprocess(list(test_dataset), list(test_dataset.get_target()))" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "utils_nlp.models.transformers.extractive_summarization.ExtSumIterableDataset" + ] + }, + "execution_count": 13, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "type(ext_sum_train)" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "utils_nlp.models.transformers.extractive_summarization.ExtSumData" + ] + }, + "execution_count": 14, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "type(ext_sum_train[0])" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "tensor([0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0])" + ] + }, + "execution_count": 15, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "ext_sum_train[0].labels" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[0,\n", + " 1,\n", + " 2,\n", + " 3,\n", + " 4,\n", + " 5,\n", + " 6,\n", + " 7,\n", + " 8,\n", + " 9,\n", + " 10,\n", + " 11,\n", + " 12,\n", + " 13,\n", + " 14,\n", + " 15,\n", + " 16,\n", + " 17,\n", + " 18,\n", + " 0,\n", + " 1,\n", + " 2,\n", + " 3,\n", + " 4,\n", + " 5,\n", + " 6,\n", + " 7,\n", + " 8,\n", + " 9,\n", + " 10,\n", + " 11,\n", + " 12,\n", + " 13,\n", + " 14,\n", + " 15,\n", + " 16,\n", + " 17,\n", + " 18,\n", + " 0,\n", + " 1,\n", + " 2,\n", + " 3,\n", + " 4,\n", + " 5,\n", + " 6,\n", + " 7,\n", + " 8,\n", + " 9,\n", + " 10,\n", + " 11,\n", + " 12,\n", + " 13,\n", + " 14,\n", + " 15,\n", + " 16,\n", + " 17,\n", + " 18,\n", + " 0,\n", + " 1,\n", + " 2,\n", + " 3,\n", + " 4,\n", + " 5,\n", + " 6,\n", + " 7,\n", + " 8,\n", + " 9,\n", + " 10,\n", + " 11,\n", + " 12,\n", + " 13,\n", + " 14,\n", + " 15,\n", + " 16,\n", + " 17,\n", + " 18,\n", + " 0,\n", + " 1,\n", + " 2,\n", + " 3,\n", + " 4,\n", + " 5,\n", + " 6,\n", + " 7,\n", + " 8,\n", + " 9,\n", + " 10,\n", + " 11,\n", + " 12,\n", + " 13,\n", + " 14,\n", + " 15,\n", + " 16,\n", + " 17,\n", + " 18]" + ] + }, + "execution_count": 16, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "list(range(ext_sum_test.clss.size(1)))*len(ext_sum_test.clss)" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": { + "scrolled": false + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "I1024 20:41:45.197966 140449625069376 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-config.json from cache at ./b945b69218e98b3e2c95acf911789741307dec43c698d35fad11c1ae28bda352.d7a3af18ce3a2ab7c0f48f04dc8daff45ed9a3ed333b9e9a79d012a0dedf87a6\n", + "I1024 20:41:45.200124 140449625069376 configuration_utils.py:168] Model config {\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"finetuning_task\": null,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"num_labels\": 0,\n", + " \"output_attentions\": false,\n", + " \"output_hidden_states\": false,\n", + " \"output_past\": true,\n", + " \"pruned_heads\": {},\n", + " \"torchscript\": false,\n", + " \"type_vocab_size\": 2,\n", + " \"use_bfloat16\": false,\n", + " \"vocab_size\": 28996\n", + "}\n", + "\n", + "I1024 20:41:45.342200 140449625069376 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-pytorch_model.bin from cache at ./35d8b9d36faaf46728a0192d82bf7d00137490cd6074e8500778afed552a67e5.3fadbea36527ae472139fe84cddaa65454d7429f12d543d80bfc3ad70de55ac2\n", + "I1024 20:41:48.732301 140449625069376 modeling_utils.py:405] Weights of BertForSequenceClassification not initialized from pretrained model: ['classifier.weight', 'classifier.bias']\n", + "I1024 20:41:48.733542 140449625069376 modeling_utils.py:408] Weights from pretrained model not used in BertForSequenceClassification: ['cls.predictions.bias', 'cls.predictions.transform.dense.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.decoder.weight', 'cls.seq_relationship.weight', 'cls.seq_relationship.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.LayerNorm.bias']\n", + "I1024 20:41:48.868890 140449625069376 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-config.json from cache at ./b945b69218e98b3e2c95acf911789741307dec43c698d35fad11c1ae28bda352.d7a3af18ce3a2ab7c0f48f04dc8daff45ed9a3ed333b9e9a79d012a0dedf87a6\n", + "I1024 20:41:48.870221 140449625069376 configuration_utils.py:168] Model config {\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"finetuning_task\": null,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"num_labels\": 2,\n", + " \"output_attentions\": false,\n", + " \"output_hidden_states\": false,\n", + " \"output_past\": true,\n", + " \"pruned_heads\": {},\n", + " \"torchscript\": false,\n", + " \"type_vocab_size\": 2,\n", + " \"use_bfloat16\": false,\n", + " \"vocab_size\": 28996\n", + "}\n", + "\n", + "I1024 20:41:48.990102 140449625069376 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-pytorch_model.bin from cache at ./35d8b9d36faaf46728a0192d82bf7d00137490cd6074e8500778afed552a67e5.3fadbea36527ae472139fe84cddaa65454d7429f12d543d80bfc3ad70de55ac2\n", + "I1024 20:41:52.468241 140449625069376 modeling_utils.py:405] Weights of BertForSequenceClassification not initialized from pretrained model: ['classifier.weight', 'classifier.bias']\n", + "I1024 20:41:52.471548 140449625069376 modeling_utils.py:408] Weights from pretrained model not used in BertForSequenceClassification: ['cls.predictions.bias', 'cls.predictions.transform.dense.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.decoder.weight', 'cls.seq_relationship.weight', 'cls.seq_relationship.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.LayerNorm.bias']\n" + ] + } + ], + "source": [ + "summarizer = ExtractiveSummarizer()" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [], + "source": [ + "# notebook parameters\n", + "DATA_FOLDER = \"./temp\"\n", + "CACHE_DIR = \"./temp\"\n", + "DEVICE = \"cuda\"\n", + "NUM_EPOCHS = 1\n", + "BATCH_SIZE = 64\n", + "NUM_GPUS = 2\n", + "MAX_LEN = 150" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch: 0%| | 0/1 [00:00but none of the cell phones found so far have been sent to the institute , menichini said .`` it is a very disturbing scene , `` said julian reichelt , editor-in-chief of bild online .'" + ] + }, + "execution_count": 26, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "prediction[0]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "np.argsort(negative, 1) " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "np.argsort([0,1,2,0.3,0.2], 0) " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "len(ext_sum_test)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "prediction" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "python3.6 cm3", + "language": "python", + "name": "cm3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.8" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py new file mode 100644 index 000000000..32f7f8767 --- /dev/null +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -0,0 +1,382 @@ +# Copyright (c) Microsoft Corporation. All rights reserved. +# Licensed under the MIT License. + +import numpy as np +import torch +from torch.utils.data import Dataset, TensorDataset +from transformers.modeling_bert import ( + BERT_PRETRAINED_MODEL_ARCHIVE_MAP, + BertForSequenceClassification, +) +from transformers.modeling_distilbert import ( + DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP, + DistilBertForSequenceClassification, +) +from transformers.modeling_roberta import ( + ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP, + RobertaForSequenceClassification, +) +from transformers.modeling_xlnet import ( + XLNET_PRETRAINED_MODEL_ARCHIVE_MAP, + XLNetForSequenceClassification, +) + +from utils_nlp.models.transformers.common import ( + MAX_SEQ_LEN, + TOKENIZER_CLASS, + Transformer, + get_device, +) + +MODEL_CLASS = {} +MODEL_CLASS.update({k: BertForSequenceClassification for k in BERT_PRETRAINED_MODEL_ARCHIVE_MAP}) +MODEL_CLASS.update( + {k: RobertaForSequenceClassification for k in ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP} +) +MODEL_CLASS.update({k: XLNetForSequenceClassification for k in XLNET_PRETRAINED_MODEL_ARCHIVE_MAP}) +MODEL_CLASS.update( + {k: DistilBertForSequenceClassification for k in DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP} +) + +from bertsum.prepro.data_builder import greedy_selection, combination_selection +from bertsum.prepro.data_builder import TransformerData +from utils_nlp.models.bert.extractive_text_summarization import Bunch, modified_format_to_bert, default_parameters +from bertsum.models.model_builder import Summarizer + +class ExtSumData(): + def __init__(self, src, segs, clss, mask, mask_cls, labels=None, src_str=None, tgt_str=None): + self.src = src + self.segs = segs + self.clss = clss + self.mask = mask + self.mask_cls = mask_cls + self.labels = labels + self.src_str = src_str + self.tgt_str = tgt_str + +class ExtSumIterableDataset(torch.utils.data.IterableDataset): + def __init__(self, src, segs, clss, mask, mask_cls, labels=None, src_str=None, tgt_str=None): + self.src = src + self.segs = segs + self.clss = clss + self.mask = mask + self.mask_cls = mask_cls + self.labels = labels + self.src_str = src_str + self.tgt_str = tgt_str + + def __iter__(self): + if self.labels is not None: + return iter(zip(self.src, self.segs, self.clss, \ + self.mask, self.mask_cls, self.src_str, self.labels, self.tgt_str)) + else: + return iter(zip(self.src, self.segs, self.clss, \ + self.mask, self.mask_cls, self.src_str)) + + + def __getitem__(self, index): + if self.labels is not None: + return ExtSumData(self.src[index], self.segs[index], self.clss[index], \ + self.mask[index], self.mask_cls[index], self.labels[index], self.src_str[index], self.tgt_str[index]) + else: + return ExtSumData(self.src[index], self.segs[index], self.clss[index], \ + self.mask[index], self.mask_cls[index], None, self.src_str[index], None) + + def __len__(self): + return len(self.src) + + + +class ExtSumProcessor: + def __init__(self, model_name="bert-base-cased", to_lower=False, cache_dir="."): + self.tokenizer = TOKENIZER_CLASS[model_name].from_pretrained( + model_name, do_lower_case=to_lower, cache_dir=cache_dir + ) + + + default_preprocessing_parameters = { + "max_nsents": 200, + "max_src_ntokens": 2000, + "min_nsents": 3, + "min_src_ntokens": 5, + "use_interval": True, + } + args = Bunch(default_preprocessing_parameters) + self.preprossor = TransformerData(args, self.tokenizer) + + @staticmethod + def get_inputs(batch, model_name, train_mode=True): + if model_name.split("-")[0] in ["bert", "xlnet", "roberta", "distilbert"]: + if train_mode: + # return {"input_ids": batch[0], "attention_mask": batch[1], "labels": batch[2]} + #src, segs, clss, mask, mask_cls, src_str + # labels must be the last + return {"x": batch[0], "segs": batch[1], "clss": batch[2], + "mask": batch[3], "mask_cls": batch[4], "labels": batch[5]} + else: + return {"x": batch[0], "segs": batch[1], "clss": batch[2], + "mask": batch[3], "mask_cls": batch[4]} + else: + raise ValueError("Model not supported: {}".format(model_name)) + + def preprocess(self, sources, targets=None, oracle_mode="greedy", selections=3): + """preprocess multiple data points""" + + is_labeled = False + if targets is None: + data = [self._preprocess_single(source, None, oracle_mode, selections) for source in sources] + else: + data = [self._preprocess_single(source, target, oracle_mode, selections) for (source, target) in zip(sources, targets)] + is_labeled = True + + def _pad(data, pad_id, width=-1): + if (width == -1): + width = max(len(d) for d in data) + rtn_data = [d + [pad_id] * (width - len(d)) for d in data] + return rtn_data + + + if data is not None: + pre_src = [x[0] for x in data] + pre_segs = [x[2] for x in data] + pre_clss = [x[3] for x in data] + + src = torch.tensor(_pad(pre_src, 0)) + + pre_labels = None + labels = None + if is_labeled: + pre_labels = [x[1] for x in data] + labels = torch.tensor(_pad(pre_labels, 0)) + segs = torch.tensor(_pad(pre_segs, 0)) + #mask = 1 - (src == 0) + mask = ~(src == 0) + + clss = torch.tensor(_pad(pre_clss, -1)) + #mask_cls = 1 - (clss == -1) + mask_cls = ~(clss == -1) + clss[clss == -1] = 0 + + #setattr(self, 'clss', clss.to(device)) + #setattr(self, 'mask_cls', mask_cls.to(device)) + #setattr(self, 'src', src.to(device)) + #setattr(self, 'segs', segs.to(device)) + #setattr(self, 'mask', mask.to(device)) + src_str = [x[-2] for x in data] + #setattr(self, 'src_str', src_str) + #x, segs, clss, mask, mask_cls, + #td = TensorDataset(src, segs, clss, mask, mask_cls) + #td = src, segs, clss, mask, mask_cls, None, src_str, None + td = ExtSumIterableDataset(src, segs, clss, mask, mask_cls, None, src_str, None) + if is_labeled: + #setattr(self, 'labels', labels.to(device)) + tgt_str = [x[-1] for x in data] + #setattr(self, 'tgt_str', tgt_str) + #td = TensorDataset(src, segs, clss, mask, mask_cls, labels) + td = ExtSumIterableDataset(src, segs, clss, mask, mask_cls, labels, src_str, tgt_str) + return td + + + def preprocess_2(self, sources, targets=None, oracle_mode="greedy", selections=3): + """preprocess multiple data points""" + + is_labeled = False + if targets is None: + data = [self._preprocess_single(source, None, oracle_mode, selections) for source in sources] + else: + data = [self._preprocess_single(source, target, oracle_mode, selections) for (source, target) in zip(sources, targets)] + is_labeled = True + + def _pad(data, pad_id, width=-1): + if (width == -1): + width = max(len(d) for d in data) + rtn_data = [d + [pad_id] * (width - len(d)) for d in data] + return rtn_data + + + if data is not None: + pre_src = [x[0] for x in data] + pre_segs = [x[2] for x in data] + pre_clss = [x[3] for x in data] + + src = torch.tensor(_pad(pre_src, 0)) + + pre_labels = None + labels = None + if is_labeled: + pre_labels = [x[1] for x in data] + labels = torch.tensor(_pad(pre_labels, 0)) + segs = torch.tensor(_pad(pre_segs, 0)) + #mask = 1 - (src == 0) + mask = ~(src == 0) + + clss = torch.tensor(_pad(pre_clss, -1)) + #mask_cls = 1 - (clss == -1) + mask_cls = ~(clss == -1) + clss[clss == -1] = 0 + + #setattr(self, 'clss', clss.to(device)) + #setattr(self, 'mask_cls', mask_cls.to(device)) + #setattr(self, 'src', src.to(device)) + #setattr(self, 'segs', segs.to(device)) + #setattr(self, 'mask', mask.to(device)) + src_str = [x[-2] for x in data] + #setattr(self, 'src_str', src_str) + #x, segs, clss, mask, mask_cls, + td = TensorDataset(src, segs, clss, mask, mask_cls) + if (is_labeled): + #setattr(self, 'labels', labels.to(device)) + tgt_str = [x[-1] for x in data] + #setattr(self, 'tgt_str', tgt_str) + td = TensorDataset(src, segs, clss, mask, mask_cls, labels) + return td + + + + def _preprocess_single(self, source, target=None, oracle_mode="greedy", selections=3): + """preprocess single data point""" + oracle_ids = None + if target is not None: + if (oracle_mode == 'greedy'): + oracle_ids = greedy_selection(source, target, selections) + elif (oracle_mode == 'combination'): + oracle_ids = combination_selection(source, target, selections) + print(oracle_ids) + + + b_data = self.preprossor.preprocess(source, target, oracle_ids) + + if (b_data is None): + return None + indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data + return (indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt) + #return {"src": indexed_tokens, "labels": labels, "segs": segments_ids, 'clss': cls_ids, + # 'src_txt': src_txt, "tgt_txt": tgt_txt} + + + +class ExtractiveSummarizer(Transformer): + def __init__(self, model_name="bert-base-cased", cache_dir="."): + super().__init__( + model_class=MODEL_CLASS, + model_name=model_name, + num_labels=0, + cache_dir=cache_dir, + ) + args = Bunch(default_parameters) + self.model = Summarizer(args, MODEL_CLASS[model_name], model_name, None, cache_dir) + + @staticmethod + def list_supported_models(): + return list(MODEL_CLASS) + + def fit( + self, + train_dataset, + device="cuda", + num_epochs=1, + batch_size=32, + num_gpus=None, + local_rank=-1, + weight_decay=0.0, + learning_rate=2e-3, + adam_epsilon=1e-8, + warmup_steps=10000, + verbose=True, + seed=None, + decay_method='noam', + lr=0.002, + accum_count=2, + **kwargs + ): + device, num_gpus = get_device(device=device, num_gpus=num_gpus, local_rank=local_rank) + self.model.to(device) + super().fine_tune( + train_dataset=train_dataset, + get_inputs=ExtSumProcessor.get_inputs, + device=device, + per_gpu_train_batch_size=batch_size, + n_gpu=num_gpus, + num_train_epochs=num_epochs, + weight_decay=weight_decay, + learning_rate=learning_rate, + adam_epsilon=adam_epsilon, + warmup_steps=warmup_steps, + verbose=verbose, + seed=seed, + **kwargs, + ) + + def predict(self, eval_dataset, device, batch_size=16, sentence_seperator="", top_n=3, block_trigram=True, num_gpus=1, verbose=True, cal_lead=False): + def _get_ngrams(n, text): + ngram_set = set() + text_length = len(text) + max_index_ngram_start = text_length - n + for i in range(max_index_ngram_start + 1): + ngram_set.add(tuple(text[i:i + n])) + return ngram_set + + def _block_tri(c, p): + tri_c = _get_ngrams(3, c.split()) + for s in p: + tri_s = _get_ngrams(3, s.split()) + if len(tri_c.intersection(tri_s))>0: + return True + return False + + sent_scores = list( + super().predict( + eval_dataset=eval_dataset, + get_inputs=ExtSumProcessor.get_inputs, + device=device, + per_gpu_eval_batch_size=batch_size, + n_gpu=num_gpus, + verbose=verbose, + ) + ) + #return sent_scores + if cal_lead: + selected_ids = list(range(eval_dataset.clss.size(1)))*len(eval_dataset.clss) + else: + negative_sent_score = [-i for i in sent_scores[0]] + selected_ids = np.argsort(negative_sent_score, 1) + # selected_ids = np.sort(selected_ids,1) + pred = [] + for i, idx in enumerate(selected_ids): + _pred = [] + if(len(eval_dataset.src_str[i])==0): + pred.append('') + continue + for j in selected_ids[i][:len(eval_dataset.src_str[i])]: + if(j>=len( eval_dataset.src_str[i])): + continue + candidate = eval_dataset.src_str[i][j].strip() + if(block_trigram): + if(not _block_tri(candidate,_pred)): + _pred.append(candidate) + else: + _pred.append(candidate) + + # only select the top 3 + if len(_pred) == top_n: + break + + #_pred = ''.join(_pred) + _pred = sentence_seperator.join(_pred) + pred.append(_pred.strip()) + return pred + + """preds = list( + super().predict( + eval_dataset=eval_dataset, + get_inputs=ExtSumProcessor.get_inputs, + device=device, + per_gpu_eval_batch_size=batch_size, + n_gpu=num_gpus, + verbose=True, + ) + ) + preds = np.concatenate(preds) + # todo generator & probs + return np.argmax(preds, axis=1) + """ \ No newline at end of file From 0e6251f5d6d963a588ef5c1336ea08dc6930dfb3 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Sat, 26 Oct 2019 02:29:55 +0000 Subject: [PATCH 047/167] version works with an external data loader/iterator --- .../CNNDM_TransformerSum.ipynb | 39914 +++++++++++++++- .../transformers/extractive_summarization.py | 138 +- 2 files changed, 39581 insertions(+), 471 deletions(-) diff --git a/examples/text_summarization/CNNDM_TransformerSum.ipynb b/examples/text_summarization/CNNDM_TransformerSum.ipynb index 2e6bb5a75..13db4014d 100644 --- a/examples/text_summarization/CNNDM_TransformerSum.ipynb +++ b/examples/text_summarization/CNNDM_TransformerSum.ipynb @@ -6,8 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%load_ext autoreload\n", - "\n" + "%load_ext autoreload" ] }, { @@ -16,14 +15,7 @@ "metadata": {}, "outputs": [], "source": [ - "import sys\n", - "import os\n", - "\n", - "nlp_path = os.path.abspath(\"../../\")\n", - "if nlp_path not in sys.path:\n", - " sys.path.insert(0, nlp_path)\n", - "sys.path.insert(0, \"./\")\n", - "sys.path.insert(0, \"./BertSum\")" + "%autoreload 2" ] }, { @@ -32,7 +24,14 @@ "metadata": {}, "outputs": [], "source": [ - "%autoreload 2" + "import sys\n", + "import os\n", + "\n", + "nlp_path = os.path.abspath(\"../../\")\n", + "if nlp_path not in sys.path:\n", + " sys.path.insert(0, nlp_path)\n", + "sys.path.insert(0, \"./\")\n", + "sys.path.insert(0, \"/dadendev/nlp/examples/text_summarization/BertSum/\")" ] }, { @@ -41,87 +40,34 @@ "metadata": {}, "outputs": [ { - "name": "stderr", + "name": "stdout", "output_type": "stream", "text": [ - "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", - "[nltk_data] Package punkt is already up-to-date!\n" + "['/dadendev/nlp/examples/text_summarization/BertSum/', './', '/dadendev/nlp', '/dadendev/anaconda3/envs/cm3/lib/python36.zip', '/dadendev/anaconda3/envs/cm3/lib/python3.6', '/dadendev/anaconda3/envs/cm3/lib/python3.6/lib-dynload', '', '/home/daden/.local/lib/python3.6/site-packages', '/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages', '/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/pyrouge-0.1.3-py3.6.egg', '/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions', '/home/daden/.ipython']\n" ] } ], "source": [ - "from utils_nlp.dataset.cnndm import CNNDMSummarization" + "print(sys.path)" ] }, { "cell_type": "code", "execution_count": 5, - "metadata": { - "scrolled": true - }, + "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ + "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", + "[nltk_data] Package punkt is already up-to-date!\n", "0lines [00:00, ?lines/s]\n", "0lines [00:00, ?lines/s]\n", "0lines [00:00, ?lines/s]\n", "0lines [00:00, ?lines/s]\n" ] - } - ], - "source": [ - "train_dataset, test_dataset = CNNDMSummarization(top_n=5)" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "data": { - "text/plain": [ - "5" - ] - }, - "execution_count": 6, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "len(train_dataset)" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "5" - ] - }, - "execution_count": 7, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "len(test_dataset)" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [ + }, { "data": { "text/plain": [ @@ -1392,27 +1338,37 @@ " '.']]" ] }, - "execution_count": 8, + "execution_count": 5, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "test_dataset[0]" + "#\"\"\"\n", + "from utils_nlp.dataset.cnndm import CNNDMSummarization\n", + "\n", + "train_dataset, test_dataset = CNNDMSummarization(top_n=5)\n", + "\n", + "len(train_dataset)\n", + "\n", + "len(test_dataset)\n", + "\n", + "test_dataset[0]\n", + "#\"\"\"" ] }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 6, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1024 20:41:43.713167 140449625069376 file_utils.py:39] PyTorch version 1.2.0 available.\n", - "I1024 20:41:43.746781 140449625069376 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1024 20:41:43.753849 140449625069376 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" + "I1026 02:18:57.081262 139722144081728 file_utils.py:39] PyTorch version 1.2.0 available.\n", + "I1026 02:18:57.117647 139722144081728 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1026 02:18:57.134480 139722144081728 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" ] } ], @@ -1422,14 +1378,14 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 7, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1024 20:41:43.980694 140449625069376 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-vocab.txt from cache at ./5e8a2b4893d13790ed4150ca1906be5f7a03d6c4ddf62296c383f6db42814db2.e13dbb970cb325137104fb2e5f36fe865f27746c6b526f6352861b1980eb80b1\n" + "I1026 02:18:57.327846 139722144081728 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-vocab.txt from cache at ./5e8a2b4893d13790ed4150ca1906be5f7a03d6c4ddf62296c383f6db42814db2.e13dbb970cb325137104fb2e5f36fe865f27746c6b526f6352861b1980eb80b1\n" ] } ], @@ -1439,271 +1395,155 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 8, "metadata": {}, "outputs": [], "source": [ - "ext_sum_train = processor.preprocess(list(train_dataset), list(train_dataset.get_target()))" + "#\"\"\"\n", + "ext_sum_train = processor.preprocess(list(train_dataset), list(train_dataset.get_target()))\n", + "\n", + "ext_sum_test = processor.preprocess(list(test_dataset), list(test_dataset.get_target()))\n", + "\n", + "#type(ext_sum_train)\n", + "#\"\"\"" ] }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 9, "metadata": {}, "outputs": [], "source": [ - "ext_sum_test = processor.preprocess(list(test_dataset), list(test_dataset.get_target()))" + "import glob\n", + "BERT_DATA_PATH = BERT_DATA_PATH=\"./bert_data/\"\n", + "pts = sorted(glob.glob(BERT_DATA_PATH + 'cnndm.train' + '.[0-9]*.pt'))" ] }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 10, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "utils_nlp.models.transformers.extractive_summarization.ExtSumIterableDataset" + "['./bert_data/cnndm.train.0.bert.pt', './bert_data/cnndm.train.1.bert.pt']" ] }, - "execution_count": 13, + "execution_count": 10, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "type(ext_sum_train)" + "pts[0:2]" ] }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 11, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "utils_nlp.models.transformers.extractive_summarization.ExtSumData" - ] - }, - "execution_count": 14, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ - "type(ext_sum_train[0])" + "import torch\n", + "def get_dataset(file_list):\n", + " #random.shuffle(file_list)\n", + " for file in file_list:\n", + " yield torch.load(file)" ] }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 12, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "tensor([0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0])" - ] - }, - "execution_count": 15, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ - "ext_sum_train[0].labels" + "from bertsum.models.data_loader import DataIterator\n", + "from bertsum.models import model_builder, data_loader\n", + "class Bunch(object):\n", + " \"\"\" Class which convert a dictionary to an object \"\"\"\n", + "\n", + " def __init__(self, adict):\n", + " self.__dict__.update(adict)\n", + "def get_data_loader(data_files, device, is_labeled=False, batch_size=3000):\n", + " \"\"\"\n", + " Function to get data iterator over a list of data objects.\n", + "\n", + " Args:\n", + " dataset (list of objects): a list of data objects.\n", + " is_test (bool): it specifies whether the data objects are labeled data.\n", + " batch_size (int): number of tokens per batch.\n", + " \n", + " Returns:\n", + " DataIterator\n", + "\n", + " \"\"\"\n", + " args = Bunch({})\n", + " args.use_interval = True\n", + " args.batch_size = batch_size\n", + " data_iter = None\n", + " data_iter = data_loader.Dataloader(args, get_dataset(data_files), args.batch_size,device, shuffle=False, is_test=is_labeled)\n", + " return data_iter" ] }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 13, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "[0,\n", - " 1,\n", - " 2,\n", - " 3,\n", - " 4,\n", - " 5,\n", - " 6,\n", - " 7,\n", - " 8,\n", - " 9,\n", - " 10,\n", - " 11,\n", - " 12,\n", - " 13,\n", - " 14,\n", - " 15,\n", - " 16,\n", - " 17,\n", - " 18,\n", - " 0,\n", - " 1,\n", - " 2,\n", - " 3,\n", - " 4,\n", - " 5,\n", - " 6,\n", - " 7,\n", - " 8,\n", - " 9,\n", - " 10,\n", - " 11,\n", - " 12,\n", - " 13,\n", - " 14,\n", - " 15,\n", - " 16,\n", - " 17,\n", - " 18,\n", - " 0,\n", - " 1,\n", - " 2,\n", - " 3,\n", - " 4,\n", - " 5,\n", - " 6,\n", - " 7,\n", - " 8,\n", - " 9,\n", - " 10,\n", - " 11,\n", - " 12,\n", - " 13,\n", - " 14,\n", - " 15,\n", - " 16,\n", - " 17,\n", - " 18,\n", - " 0,\n", - " 1,\n", - " 2,\n", - " 3,\n", - " 4,\n", - " 5,\n", - " 6,\n", - " 7,\n", - " 8,\n", - " 9,\n", - " 10,\n", - " 11,\n", - " 12,\n", - " 13,\n", - " 14,\n", - " 15,\n", - " 16,\n", - " 17,\n", - " 18,\n", - " 0,\n", - " 1,\n", - " 2,\n", - " 3,\n", - " 4,\n", - " 5,\n", - " 6,\n", - " 7,\n", - " 8,\n", - " 9,\n", - " 10,\n", - " 11,\n", - " 12,\n", - " 13,\n", - " 14,\n", - " 15,\n", - " 16,\n", - " 17,\n", - " 18]" - ] - }, - "execution_count": 16, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ - "list(range(ext_sum_test.clss.size(1)))*len(ext_sum_test.clss)" + "device = torch.device(\"cuda:{}\".format(0)) \n", + "def train_iter_func():\n", + " return get_data_loader(pts[0:2], device, is_labeled=True)" ] }, { "cell_type": "code", - "execution_count": 17, - "metadata": { - "scrolled": false - }, + "execution_count": 14, + "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1024 20:41:45.197966 140449625069376 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-config.json from cache at ./b945b69218e98b3e2c95acf911789741307dec43c698d35fad11c1ae28bda352.d7a3af18ce3a2ab7c0f48f04dc8daff45ed9a3ed333b9e9a79d012a0dedf87a6\n", - "I1024 20:41:45.200124 140449625069376 configuration_utils.py:168] Model config {\n", - " \"attention_probs_dropout_prob\": 0.1,\n", - " \"finetuning_task\": null,\n", - " \"hidden_act\": \"gelu\",\n", - " \"hidden_dropout_prob\": 0.1,\n", - " \"hidden_size\": 768,\n", - " \"initializer_range\": 0.02,\n", - " \"intermediate_size\": 3072,\n", - " \"layer_norm_eps\": 1e-12,\n", - " \"max_position_embeddings\": 512,\n", - " \"num_attention_heads\": 12,\n", - " \"num_hidden_layers\": 12,\n", - " \"num_labels\": 0,\n", - " \"output_attentions\": false,\n", - " \"output_hidden_states\": false,\n", - " \"output_past\": true,\n", - " \"pruned_heads\": {},\n", - " \"torchscript\": false,\n", - " \"type_vocab_size\": 2,\n", - " \"use_bfloat16\": false,\n", - " \"vocab_size\": 28996\n", - "}\n", - "\n", - "I1024 20:41:45.342200 140449625069376 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-pytorch_model.bin from cache at ./35d8b9d36faaf46728a0192d82bf7d00137490cd6074e8500778afed552a67e5.3fadbea36527ae472139fe84cddaa65454d7429f12d543d80bfc3ad70de55ac2\n", - "I1024 20:41:48.732301 140449625069376 modeling_utils.py:405] Weights of BertForSequenceClassification not initialized from pretrained model: ['classifier.weight', 'classifier.bias']\n", - "I1024 20:41:48.733542 140449625069376 modeling_utils.py:408] Weights from pretrained model not used in BertForSequenceClassification: ['cls.predictions.bias', 'cls.predictions.transform.dense.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.decoder.weight', 'cls.seq_relationship.weight', 'cls.seq_relationship.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.LayerNorm.bias']\n", - "I1024 20:41:48.868890 140449625069376 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-config.json from cache at ./b945b69218e98b3e2c95acf911789741307dec43c698d35fad11c1ae28bda352.d7a3af18ce3a2ab7c0f48f04dc8daff45ed9a3ed333b9e9a79d012a0dedf87a6\n", - "I1024 20:41:48.870221 140449625069376 configuration_utils.py:168] Model config {\n", - " \"attention_probs_dropout_prob\": 0.1,\n", + "I1026 02:18:58.823258 139722144081728 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1026 02:18:58.824696 139722144081728 configuration_utils.py:168] Model config {\n", + " \"activation\": \"gelu\",\n", + " \"attention_dropout\": 0.1,\n", + " \"dim\": 768,\n", + " \"dropout\": 0.1,\n", " \"finetuning_task\": null,\n", - " \"hidden_act\": \"gelu\",\n", - " \"hidden_dropout_prob\": 0.1,\n", - " \"hidden_size\": 768,\n", + " \"hidden_dim\": 3072,\n", " \"initializer_range\": 0.02,\n", - " \"intermediate_size\": 3072,\n", - " \"layer_norm_eps\": 1e-12,\n", " \"max_position_embeddings\": 512,\n", - " \"num_attention_heads\": 12,\n", - " \"num_hidden_layers\": 12,\n", + " \"n_heads\": 12,\n", + " \"n_layers\": 6,\n", " \"num_labels\": 2,\n", " \"output_attentions\": false,\n", " \"output_hidden_states\": false,\n", " \"output_past\": true,\n", " \"pruned_heads\": {},\n", + " \"qa_dropout\": 0.1,\n", + " \"seq_classif_dropout\": 0.2,\n", + " \"sinusoidal_pos_embds\": false,\n", + " \"tie_weights_\": true,\n", " \"torchscript\": false,\n", - " \"type_vocab_size\": 2,\n", " \"use_bfloat16\": false,\n", - " \"vocab_size\": 28996\n", + " \"vocab_size\": 30522\n", "}\n", "\n", - "I1024 20:41:48.990102 140449625069376 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-pytorch_model.bin from cache at ./35d8b9d36faaf46728a0192d82bf7d00137490cd6074e8500778afed552a67e5.3fadbea36527ae472139fe84cddaa65454d7429f12d543d80bfc3ad70de55ac2\n", - "I1024 20:41:52.468241 140449625069376 modeling_utils.py:405] Weights of BertForSequenceClassification not initialized from pretrained model: ['classifier.weight', 'classifier.bias']\n", - "I1024 20:41:52.471548 140449625069376 modeling_utils.py:408] Weights from pretrained model not used in BertForSequenceClassification: ['cls.predictions.bias', 'cls.predictions.transform.dense.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.decoder.weight', 'cls.seq_relationship.weight', 'cls.seq_relationship.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.LayerNorm.bias']\n" + "I1026 02:18:58.951738 139722144081728 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], "source": [ + "summarizer = None\n", "summarizer = ExtractiveSummarizer()" ] }, { "cell_type": "code", - "execution_count": 18, + "execution_count": 15, "metadata": {}, "outputs": [], "source": [ @@ -1713,311 +1553,39537 @@ "DEVICE = \"cuda\"\n", "NUM_EPOCHS = 1\n", "BATCH_SIZE = 64\n", - "NUM_GPUS = 2\n", + "NUM_GPUS = 1\n", "MAX_LEN = 150" ] }, { "cell_type": "code", - "execution_count": 19, + "execution_count": 16, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "Epoch: 0%| | 0/1 [00:00but none of the cell phones found so far have been sent to the institute , menichini said .`` it is a very disturbing scene , `` said julian reichelt , editor-in-chief of bild online .'" - ] - }, - "execution_count": 26, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "prediction[0]" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "import numpy as np\n", - "np.argsort(negative, 1) " - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1404216 1.1382208 1.1487969 1.1592742 1.150235 1.1213623 1.0913613\n", + " 1.0712713 1.0617098 1.0581205 1.0560386 1.0506202 1.0425316 1.0357075\n", + " 1.0330073 1.0348654 1.0391371 1.043277 1.0457077 1.0461395 1.0473449\n", + " 1.0498399 1.056031 1.0642823]\n", + " [1.1457242 1.1410565 1.1482023 1.1554116 1.1442827 1.1159548 1.0873289\n", + " 1.0689589 1.0602664 1.0582166 1.0580052 1.0540941 1.0462933 1.0396464\n", + " 1.0363877 1.0377444 1.0422776 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.168888 1.1635568 1.1737443 1.1837516 1.1723554 1.1392629 1.1053437\n", + " 1.0833414 1.0725526 1.0710623 1.070617 1.0659485 1.0564098 1.0483375\n", + " 1.044067 1.0460622 1.0518272 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.180507 1.1766944 1.1877428 1.1976618 1.1854265 1.1507403 1.1143725\n", + " 1.0902525 1.078275 1.0756032 1.0753251 1.0704066 1.060791 1.0523685\n", + " 1.0482816 1.0497705 1.0554085 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1910266 1.1847647 1.1916859 1.1991943 1.1850076 1.1523317 1.1177883\n", + " 1.0939497 1.0831846 1.0822954 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1756952 1.1721278 1.1824558 1.1913029 1.1791137 1.1450393 1.1094971\n", + " 1.0854535 1.0748057 1.0720049 1.071727 1.0664676 1.0576714 1.0494435\n", + " 1.0456601 1.0475333 1.0532767 0. 0. ]\n", + " [1.1894987 1.184976 1.1950359 1.2039771 1.1895272 1.1545174 1.1184129\n", + " 1.0947466 1.0838315 1.0827241 1.0822178 1.0770682 1.066552 1.0567732\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1784894 1.1742834 1.185215 1.1951741 1.1819177 1.1470914 1.1107084\n", + " 1.086556 1.0751194 1.0732338 1.0738026 1.0694369 1.060716 1.052413\n", + " 1.0482074 1.0504698 0. 0. 0. ]\n", + " [1.1876984 1.1835916 1.1936526 1.2026093 1.1885858 1.1526834 1.1155814\n", + " 1.0900702 1.0778016 1.0746753 1.0739732 1.068891 1.0596607 1.0511962\n", + " 1.0480136 1.0501323 1.0557435 1.06121 0. ]\n", + " [1.172551 1.1706271 1.1819398 1.1895916 1.1768036 1.1426449 1.1075835\n", + " 1.0846632 1.0736834 1.071052 1.0697472 1.0638644 1.0550672 1.0473083\n", + " 1.0436631 1.0455433 1.0505179 1.0553901 1.0581397]]\n", + "[[1.1634352 1.1614712 1.1733094 1.1826628 1.170537 1.1378226 1.1036575\n", + " 1.0813575 1.0702822 1.0670638 1.0649542 1.0597672 1.0510858 1.0432907\n", + " 1.0401757 1.0413986 1.04609 1.0512363 1.0530883 1.0539745 1.0553572\n", + " 0. 0. ]\n", + " [1.1713644 1.1679837 1.1773636 1.185437 1.1716739 1.1386508 1.1050689\n", + " 1.0824635 1.072303 1.0695422 1.0689243 1.0641993 1.0556995 1.0471106\n", + " 1.0438412 1.0455481 1.0508647 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1600033 1.1570437 1.1668292 1.1769494 1.1657181 1.133863 1.1010096\n", + " 1.0785367 1.0677959 1.0645295 1.0630144 1.0583891 1.0504831 1.0433458\n", + " 1.0402708 1.0417621 1.0463779 1.0510926 1.053537 0. 0.\n", + " 0. 0. ]\n", + " [1.1881349 1.1824464 1.1920891 1.2006931 1.1856519 1.1497674 1.1131405\n", + " 1.0898145 1.0797038 1.0785129 1.0795808 1.0745809 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.167589 1.1646327 1.1749204 1.1839068 1.1719788 1.1411008 1.1081392\n", + " 1.0857916 1.0740775 1.069386 1.0671144 1.0607107 1.0512972 1.0440143\n", + " 1.0408238 1.0431826 1.048603 1.0528772 1.0553212 1.0562288 1.057253\n", + " 1.0605414 1.0676858]]\n", + "[[1.1787574 1.1757122 1.187011 1.1966021 1.1843501 1.1505324 1.114452\n", + " 1.0894388 1.0772747 1.0737187 1.0727026 1.0675914 1.0586123 1.0501384\n", + " 1.0463899 1.0479349 1.053011 1.0583405 1.0604333 0. ]\n", + " [1.1762736 1.1712902 1.1815387 1.1902736 1.1764466 1.14223 1.107979\n", + " 1.0854776 1.0750122 1.0730567 1.072496 1.067743 1.0584924 1.049964\n", + " 1.0464165 1.0483127 0. 0. 0. 0. ]\n", + " [1.1780635 1.1752433 1.1872272 1.198023 1.1850975 1.1495063 1.1126664\n", + " 1.0884945 1.0761737 1.072982 1.0717481 1.066278 1.0574124 1.0485958\n", + " 1.0450757 1.0470011 1.0521518 1.0569067 1.0593803 1.0599041]\n", + " [1.159375 1.1559774 1.1649703 1.1733987 1.1623383 1.1306849 1.0992601\n", + " 1.0780622 1.0673767 1.0647442 1.0635964 1.0583847 1.05071 1.0433283\n", + " 1.0399547 1.0409946 1.0455391 1.0502384 1.0527914 0. ]\n", + " [1.1614159 1.1568272 1.165538 1.1732684 1.1623625 1.1311121 1.0993273\n", + " 1.077991 1.0678694 1.0660673 1.0656501 1.0605776 1.0525739 1.0449353\n", + " 1.0415945 1.0435039 0. 0. 0. 0. ]]\n", + "[[1.1872892 1.1825937 1.1931487 1.2024906 1.1890664 1.1523585 1.1155646\n", + " 1.0916562 1.0813947 1.080583 1.0807223 1.0752921 1.064772 1.0543629\n", + " 0. 0. 0. 0. ]\n", + " [1.1541674 1.1507558 1.1587005 1.164798 1.1536443 1.124165 1.0945597\n", + " 1.0750628 1.065244 1.0619894 1.0611098 1.0566751 1.0484897 1.0420651\n", + " 1.0387954 1.0400308 1.0448463 0. ]\n", + " [1.1830171 1.178354 1.1894106 1.1971374 1.1837143 1.1482003 1.1127532\n", + " 1.089444 1.0788698 1.078062 1.0785902 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1590555 1.1540489 1.1623938 1.1704543 1.1598598 1.1298052 1.0985548\n", + " 1.0774995 1.0672728 1.0646241 1.0636449 1.0590906 1.0509427 1.0433738\n", + " 1.0399386 1.0414804 1.0463672 1.05095 ]\n", + " [1.1623192 1.1580517 1.1662506 1.1736846 1.1624398 1.132062 1.1013663\n", + " 1.0806588 1.0701267 1.0680041 1.0672935 1.0626292 1.0541846 1.0460479\n", + " 1.0426476 1.0440701 0. 0. ]]\n", + "[[1.2339694 1.2263023 1.2372372 1.2462715 1.2324288 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1926101 1.1873543 1.1997187 1.2086354 1.1955812 1.1582668 1.1195769\n", + " 1.0943289 1.0835568 1.0826013 1.0838871 1.0788245 1.0683949 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1603333 1.1580158 1.1677399 1.1757841 1.1622795 1.1309186 1.0994718\n", + " 1.0789894 1.06855 1.0649198 1.0637152 1.0579562 1.0493116 1.0417893\n", + " 1.039054 1.0408165 1.0460291 1.0506966 1.0532385 1.0539823 1.0555005\n", + " 0. ]\n", + " [1.169147 1.1639885 1.173601 1.1825683 1.1709855 1.1393296 1.10572\n", + " 1.0838937 1.0733678 1.0719557 1.0720112 1.0678499 1.0587573 1.0503612\n", + " 1.0465053 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1568433 1.1536688 1.1631488 1.1713347 1.1597939 1.1286633 1.0981059\n", + " 1.0777868 1.0673268 1.0636117 1.0614661 1.0561079 1.0477897 1.0410007\n", + " 1.038375 1.0399542 1.0444206 1.0490144 1.0510802 1.0518255 1.0534179\n", + " 1.0568202]]\n", + "[[1.1846391 1.1803603 1.1915772 1.1997948 1.1873112 1.1513246 1.114588\n", + " 1.0905707 1.079324 1.0768743 1.0764761 1.0718048 1.06208 1.0529976\n", + " 1.0488364 1.0507507 0. 0. 0. 0. 0. ]\n", + " [1.1565294 1.1529603 1.163371 1.1723722 1.1616895 1.1308088 1.0984099\n", + " 1.0769445 1.0666708 1.0640453 1.0639693 1.0595124 1.0517446 1.044284\n", + " 1.0410682 1.0426148 1.0477531 0. 0. 0. 0. ]\n", + " [1.1883116 1.1856109 1.1958485 1.2054907 1.1927798 1.1578197 1.120644\n", + " 1.0954754 1.0828897 1.0794038 1.0784471 1.0724387 1.0621471 1.0532109\n", + " 1.0489068 1.0507765 1.0559068 1.06099 1.0634158 0. 0. ]\n", + " [1.1752535 1.1724548 1.182549 1.1909877 1.178664 1.1445918 1.1097001\n", + " 1.086665 1.0739702 1.070582 1.0683659 1.0622976 1.0545644 1.0473471\n", + " 1.0435987 1.0452135 1.050137 1.0550753 1.057815 1.0593069 1.0612339]\n", + " [1.1667259 1.1611558 1.1695321 1.176039 1.1658812 1.134839 1.1024005\n", + " 1.0806423 1.070008 1.0668772 1.0667088 1.0622275 1.0541025 1.0461913\n", + " 1.0429196 1.0445768 1.049156 1.05381 0. 0. 0. ]]\n", + "[[1.1764722 1.1707484 1.1789062 1.1868346 1.1749482 1.1438004 1.1111141\n", + " 1.0885147 1.0766736 1.0721604 1.0694642 1.0634428 1.0544975 1.0467147\n", + " 1.0435228 1.045229 1.0502366 1.0552884 1.0578654 1.0594503]\n", + " [1.1662146 1.1611819 1.1707003 1.1800531 1.1698593 1.1382816 1.105219\n", + " 1.0827779 1.0716095 1.0687225 1.0679989 1.0641049 1.0557632 1.0479938\n", + " 1.0439577 1.0452281 1.049747 1.0545522 0. 0. ]\n", + " [1.1797976 1.176254 1.1867855 1.1955894 1.1834035 1.1480683 1.1126268\n", + " 1.0888485 1.0777911 1.074441 1.0734869 1.0675355 1.0576481 1.0492995\n", + " 1.0452727 1.0472277 1.0522691 1.0576291 1.0600415 0. ]\n", + " [1.1733458 1.1710303 1.1826454 1.1914655 1.1788504 1.1448953 1.109294\n", + " 1.0855175 1.0742916 1.0714811 1.0702939 1.0648934 1.0558637 1.0478802\n", + " 1.0438752 1.0455638 1.0505495 1.0555447 1.058313 0. ]\n", + " [1.1643083 1.1589724 1.1685252 1.1769142 1.1655449 1.1333059 1.1006192\n", + " 1.0790011 1.068824 1.0671171 1.0675739 1.0631111 1.0547466 1.0467576\n", + " 1.0435537 1.045583 0. 0. 0. 0. ]]\n", + "[[1.1630546 1.1578834 1.166992 1.1753739 1.1652012 1.1351147 1.1029993\n", + " 1.0811146 1.0704648 1.0673348 1.0671493 1.0624152 1.0538704 1.046205\n", + " 1.0428562 1.0450966 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1592276 1.1548964 1.1674546 1.1790466 1.1692669 1.1381571 1.1049286\n", + " 1.0823296 1.071322 1.0677221 1.0651003 1.0593067 1.049891 1.0417783\n", + " 1.0384943 1.0404663 1.045731 1.0508084 1.0534579 1.0536551 1.0543345\n", + " 1.0570112 1.0637879 1.0739474 1.0820385 1.086638 1.0877128]\n", + " [1.1826481 1.1772715 1.1875721 1.1975948 1.186952 1.1521544 1.1156099\n", + " 1.0911766 1.0796702 1.0775177 1.0770122 1.0719702 1.0623062 1.0530591\n", + " 1.0488307 1.05053 1.056313 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2100861 1.2046387 1.213775 1.220796 1.2043839 1.1670113 1.1283872\n", + " 1.1030576 1.0915153 1.0893569 1.0894327 1.0832076 1.0716436 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1571642 1.1559422 1.1663363 1.1760681 1.1643916 1.1335694 1.1015252\n", + " 1.0790325 1.0681493 1.0647056 1.0628549 1.05734 1.0490898 1.0421836\n", + " 1.0385746 1.040332 1.0450803 1.04979 1.0522723 1.0533178 1.0546669\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1757386 1.1720086 1.1811514 1.1889431 1.1768563 1.1427559 1.1081923\n", + " 1.0860755 1.0754188 1.0732636 1.0728418 1.067192 1.057829 1.0489665\n", + " 1.0451599 1.0471292 1.0524582]\n", + " [1.1940403 1.1873331 1.197589 1.2071723 1.1935498 1.1573802 1.1206651\n", + " 1.0961499 1.0854967 1.0844646 1.0844444 1.0792158 1.0682181 0.\n", + " 0. 0. 0. ]\n", + " [1.2032039 1.1964419 1.2064072 1.2154804 1.2013707 1.1646303 1.1247784\n", + " 1.0974082 1.0853503 1.0840521 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2104557 1.2044618 1.2145329 1.2226741 1.2094425 1.1701484 1.1302681\n", + " 1.1034399 1.0916126 1.0895351 1.0894504 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1707499 1.1656563 1.1751264 1.1842668 1.1734804 1.1413306 1.107587\n", + " 1.0848123 1.0744162 1.0718555 1.0715584 1.0670139 1.0577638 1.049784\n", + " 1.0458455 1.0477428 0. ]]\n", + "[[1.1729534 1.1678283 1.1774231 1.1862829 1.173662 1.1402928 1.105618\n", + " 1.082311 1.0719291 1.068735 1.068608 1.0631557 1.054517 1.046671\n", + " 1.0435393 1.0452358 1.0506005 1.055809 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1510454 1.1479455 1.1595845 1.1708041 1.162502 1.1320189 1.1002209\n", + " 1.0788378 1.0681056 1.0644157 1.0626708 1.0566311 1.0476379 1.0402873\n", + " 1.0374577 1.0398997 1.04517 1.0504197 1.0532148 1.0539148 1.0547906\n", + " 1.057759 1.064784 1.0741097 1.08163 1.0852412 1.0859218 1.0818439\n", + " 1.0740324]\n", + " [1.17365 1.1704155 1.1805397 1.187757 1.1739165 1.1401985 1.1062409\n", + " 1.0833312 1.0733476 1.070806 1.0706228 1.0658057 1.0573137 1.0488985\n", + " 1.0450854 1.0465755 1.0519 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1594319 1.157558 1.1682388 1.1778386 1.1663034 1.1346283 1.101903\n", + " 1.0794902 1.0682576 1.0643997 1.0623885 1.0578731 1.0497596 1.0427055\n", + " 1.0398679 1.0414141 1.0459955 1.0504216 1.052993 1.0538776 1.0550233\n", + " 1.0585622 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1624342 1.1589593 1.1676418 1.1750752 1.162669 1.1307142 1.0995148\n", + " 1.0785979 1.068304 1.0657233 1.064527 1.0594928 1.0518011 1.0450653\n", + " 1.0418857 1.0435859 1.0484128 1.0532308 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1849446 1.1788368 1.1882906 1.1968815 1.183668 1.1497152 1.1140752\n", + " 1.0901365 1.0784045 1.0755508 1.0753521 1.0706596 1.0615072 1.0532368\n", + " 1.0490355 1.0512328 0. 0. 0. 0. ]\n", + " [1.1702583 1.1660857 1.176421 1.1840829 1.1717834 1.1389291 1.1057398\n", + " 1.0848054 1.0745461 1.0736089 1.0737873 1.0686768 1.059069 1.0500991\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1583881 1.1557205 1.1648351 1.1724569 1.1597496 1.1292373 1.097468\n", + " 1.0765706 1.0669948 1.0648263 1.0649197 1.060077 1.051925 1.0442392\n", + " 1.0408734 1.0423319 1.0473005 0. 0. 0. ]\n", + " [1.1645098 1.1611782 1.170501 1.177503 1.1658993 1.1344078 1.1023004\n", + " 1.0804275 1.0700951 1.0665294 1.0651656 1.0593891 1.0507369 1.0436527\n", + " 1.040704 1.0423712 1.0473474 1.0519447 1.0540832 1.054748 ]\n", + " [1.1834102 1.1808382 1.1918097 1.2012244 1.1889216 1.1527579 1.1161462\n", + " 1.0913453 1.0788051 1.0755407 1.0741926 1.068117 1.0582172 1.0496098\n", + " 1.0457338 1.0470573 1.0522363 1.0579464 1.0609475 0. ]]\n", + "[[1.1859691 1.1830146 1.1935633 1.2034949 1.1914446 1.1578407 1.1216028\n", + " 1.0965443 1.0834544 1.0784655 1.0759985 1.0691885 1.0598543 1.0515774\n", + " 1.0482147 1.0501261 1.0558324 1.0610228 1.063476 1.0643164 1.0657246]\n", + " [1.1680489 1.163842 1.1714712 1.1793547 1.1674104 1.1374242 1.1065718\n", + " 1.085095 1.0740777 1.0708115 1.0696187 1.0642245 1.055511 1.047259\n", + " 1.0438124 1.0456469 1.0507643 0. 0. 0. 0. ]\n", + " [1.161232 1.1561066 1.1637467 1.1691742 1.158198 1.1278292 1.0969756\n", + " 1.0766361 1.0663805 1.0643857 1.0639617 1.0602801 1.0519956 1.0453373\n", + " 1.042014 1.0435896 1.0486758 0. 0. 0. 0. ]\n", + " [1.1998947 1.1934593 1.2034178 1.2114797 1.1994226 1.1626341 1.1251814\n", + " 1.1004362 1.0894243 1.0876962 1.0874437 1.0818498 1.0699897 1.0594684\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.170208 1.1660489 1.1754843 1.1851623 1.1729432 1.140603 1.106729\n", + " 1.0838869 1.0734708 1.0712358 1.0714331 1.0668894 1.0574995 1.0494034\n", + " 1.0455539 1.0475217 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.166502 1.162509 1.1720389 1.1800433 1.1690197 1.1365234 1.1033151\n", + " 1.0813069 1.0708171 1.0682837 1.0677327 1.0627527 1.0539874 1.045497\n", + " 1.0421988 1.0437773 1.048913 1.0540376 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1712791 1.1643999 1.1731689 1.1810842 1.1699141 1.137961 1.1054628\n", + " 1.0839368 1.074257 1.0726002 1.0731488 1.0688615 1.0600538 1.0517317\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1498826 1.1476395 1.1583471 1.1678488 1.1579169 1.1278433 1.0968246\n", + " 1.0759611 1.0656041 1.0615476 1.0592408 1.0533082 1.045573 1.0389386\n", + " 1.0363152 1.0381063 1.0431095 1.047583 1.0490552 1.050073 1.0514085\n", + " 1.0543628 1.061025 1.0694382]\n", + " [1.1657125 1.160802 1.1692872 1.1774392 1.1659007 1.1350603 1.1033238\n", + " 1.0817173 1.070915 1.0668297 1.0653833 1.0595132 1.051053 1.0434371\n", + " 1.0405929 1.04219 1.0475577 1.0522953 1.0545598 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1708504 1.1649762 1.1725594 1.1792533 1.1672512 1.1356506 1.103041\n", + " 1.0824399 1.0719634 1.0688745 1.0683169 1.0631058 1.0545667 1.046562\n", + " 1.0433148 1.0451392 1.0501609 1.0554868 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.2227725 1.2140074 1.2221172 1.2304159 1.2164202 1.1793151 1.1383954\n", + " 1.1094762 1.0963635 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1600157 1.1560538 1.1652929 1.1744305 1.1631572 1.1326567 1.1010038\n", + " 1.0792464 1.0696704 1.0669501 1.0654671 1.0610888 1.0520694 1.0442615\n", + " 1.0403086 1.041997 1.0468765 1.0515842 0. 0. 0. ]\n", + " [1.1747407 1.1717119 1.1825526 1.1916369 1.1788055 1.1453636 1.1109467\n", + " 1.0881171 1.0768373 1.0734651 1.0717664 1.0661016 1.0564258 1.0479386\n", + " 1.0446672 1.0468669 1.0527147 1.0582448 0. 0. 0. ]\n", + " [1.1728672 1.1712186 1.1830592 1.1927918 1.1814796 1.1476982 1.1125984\n", + " 1.0884142 1.0770662 1.0733773 1.0711428 1.0645465 1.055086 1.0464413\n", + " 1.0431123 1.0449014 1.0500808 1.0545876 1.0566536 1.0572578 1.058532 ]\n", + " [1.172732 1.1684241 1.1774347 1.1853509 1.1726953 1.1414793 1.1089274\n", + " 1.0861826 1.0741267 1.0700555 1.0675609 1.0610771 1.0525784 1.0450442\n", + " 1.0418179 1.0434077 1.0484078 1.0530307 1.0559765 1.0577005 0. ]]\n", + "[[1.1744422 1.1733974 1.1858929 1.1956712 1.1818917 1.1469514 1.1116245\n", + " 1.0879899 1.0765495 1.0728999 1.0716568 1.0652721 1.0553583 1.0473734\n", + " 1.0436543 1.0452578 1.0505292 1.0554019 1.0579519 1.0592248]\n", + " [1.1569543 1.1537786 1.1644831 1.1729796 1.1630679 1.1321663 1.0998964\n", + " 1.0777477 1.0674917 1.0641507 1.0621207 1.05782 1.049666 1.0420569\n", + " 1.0388087 1.0405384 1.0449387 1.0497361 1.0524507 1.0538582]\n", + " [1.1697088 1.1671906 1.1770414 1.1859386 1.1740094 1.1403264 1.1058387\n", + " 1.0824742 1.0702931 1.0687476 1.0678737 1.0639299 1.0549736 1.0473288\n", + " 1.0436398 1.0448228 1.0498611 1.0550108 0. 0. ]\n", + " [1.1793091 1.1758392 1.1875013 1.1976743 1.1851444 1.14948 1.1135122\n", + " 1.0891796 1.0776856 1.0740509 1.0729598 1.0671941 1.0577068 1.0491214\n", + " 1.0455444 1.0473945 1.0530212 1.0580549 1.060267 1.0609967]\n", + " [1.1601154 1.1562114 1.1666577 1.1752074 1.1636553 1.1315873 1.0986191\n", + " 1.0776999 1.0676078 1.0660305 1.0653272 1.0603148 1.0515686 1.0435042\n", + " 1.0398998 1.0417576 1.0469605 1.0518608 0. 0. ]]\n", + "[[1.1849455 1.1798476 1.1900245 1.1992823 1.1863313 1.1509048 1.115067\n", + " 1.0910939 1.0801622 1.0777845 1.0777249 1.0717831 1.0611471 1.052471\n", + " 1.0484307 1.050727 0. 0. 0. ]\n", + " [1.1655529 1.1616077 1.1713927 1.1796871 1.1678731 1.1362044 1.1027914\n", + " 1.0804714 1.0698527 1.0666178 1.0659049 1.0610828 1.0526239 1.0449754\n", + " 1.0415119 1.0432109 1.0481561 1.0527686 1.0554969]\n", + " [1.1948763 1.188616 1.1973301 1.2055517 1.1927449 1.1573452 1.1209133\n", + " 1.0957881 1.0842685 1.0816672 1.0815787 1.0768882 1.0670722 1.0576974\n", + " 1.053963 0. 0. 0. 0. ]\n", + " [1.1622015 1.158417 1.1684195 1.177542 1.1659088 1.1330123 1.0993475\n", + " 1.0779878 1.0689522 1.0673832 1.068134 1.0635942 1.0544767 1.0464783\n", + " 1.0426651 1.044287 0. 0. 0. ]\n", + " [1.1710075 1.1685865 1.1786505 1.1870699 1.1741731 1.1403931 1.1058457\n", + " 1.0833502 1.0722282 1.0695789 1.0689442 1.0644829 1.0559155 1.0482572\n", + " 1.0448353 1.0462822 1.0509816 1.056294 0. ]]\n", + "[[1.1803926 1.1765841 1.1861513 1.1955321 1.1828578 1.1488584 1.1144634\n", + " 1.0907595 1.0796299 1.0766339 1.075547 1.0706635 1.0611638 1.0520716\n", + " 1.0481923 1.0502305 1.0561656 0. 0. 0. 0. ]\n", + " [1.1773163 1.174214 1.1840411 1.1922555 1.1798053 1.1454023 1.1101205\n", + " 1.0872678 1.0759727 1.0726637 1.0703098 1.064332 1.0549141 1.0473582\n", + " 1.0438468 1.0458716 1.0513582 1.0564303 1.0590675 1.0599436 1.0612571]\n", + " [1.1853611 1.1825719 1.19469 1.2052515 1.1926808 1.1568418 1.1192542\n", + " 1.0937974 1.0811179 1.0771602 1.075145 1.0690401 1.0588129 1.0509968\n", + " 1.0475837 1.0493959 1.0551512 1.06077 1.0629901 1.0636641 1.0652585]\n", + " [1.1757878 1.1728334 1.1846533 1.1937872 1.1818905 1.1468146 1.1106216\n", + " 1.0870855 1.0765246 1.0754768 1.0759152 1.0716317 1.0615567 1.0527298\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1822208 1.17945 1.18969 1.19822 1.1849738 1.1512607 1.1158885\n", + " 1.0917715 1.0797955 1.0758108 1.0733457 1.0673254 1.0574572 1.0489508\n", + " 1.0454394 1.0473217 1.0525185 1.0572245 1.0598794 1.061248 1.0633609]]\n", + "[[1.2089102 1.2025135 1.2116132 1.2200519 1.205617 1.1663462 1.1269065\n", + " 1.1009701 1.0889732 1.0871682 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1915661 1.1863483 1.1948744 1.2027811 1.1894257 1.1548983 1.1183138\n", + " 1.0940094 1.0821359 1.0812851 1.0817925 1.076808 1.0668173 1.0576665\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1627878 1.1574774 1.1658094 1.1738864 1.1650093 1.1349751 1.1031276\n", + " 1.0814143 1.0709354 1.0680982 1.0679152 1.0638603 1.0558501 1.0482937\n", + " 1.0444313 1.0460567 1.0508611 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1661844 1.1630505 1.1735362 1.1839038 1.1728752 1.1401144 1.1073085\n", + " 1.0842583 1.0724335 1.0681434 1.0662866 1.0603404 1.0511246 1.0442501\n", + " 1.0410129 1.043037 1.0485271 1.0528156 1.05536 1.0566552 1.0585192\n", + " 1.0619191 1.0689411 1.0783441]\n", + " [1.1808954 1.1756494 1.1857889 1.1947352 1.1842828 1.1508399 1.1154706\n", + " 1.0917468 1.0802917 1.0782082 1.077152 1.0722364 1.0620917 1.0529326\n", + " 1.0484403 1.0501089 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1824663 1.1782787 1.1895579 1.1973901 1.1849346 1.1501336 1.1140383\n", + " 1.0904903 1.0782118 1.0742003 1.0725392 1.0667508 1.0573462 1.0490521\n", + " 1.0457544 1.0479916 1.0537797 1.05963 1.0621996]\n", + " [1.1572778 1.1525054 1.1616044 1.1694963 1.1588285 1.1279019 1.0971849\n", + " 1.0766209 1.0671254 1.0648601 1.0645041 1.0596299 1.0514314 1.0436809\n", + " 1.0400743 1.0417919 1.0468018 0. 0. ]\n", + " [1.1691214 1.1660781 1.1765568 1.1848278 1.1716586 1.1390461 1.1052625\n", + " 1.0823803 1.0722647 1.0699332 1.0699689 1.065772 1.0564286 1.048411\n", + " 1.044695 1.0463202 1.0515692 0. 0. ]\n", + " [1.1703575 1.1665583 1.177283 1.1853651 1.1737859 1.1407559 1.1065547\n", + " 1.0838907 1.0731906 1.0723407 1.0724931 1.0671037 1.0575305 1.0489547\n", + " 1.0454301 0. 0. 0. 0. ]\n", + " [1.2012012 1.1962655 1.2062547 1.2155825 1.2024426 1.1655741 1.1263927\n", + " 1.1008356 1.0890464 1.0874373 1.0878903 1.0817786 1.0707178 1.0605931\n", + " 1.0559864 0. 0. 0. 0. ]]\n", + "[[1.1753603 1.171077 1.181284 1.1898232 1.1766658 1.1425104 1.107956\n", + " 1.0851326 1.0748097 1.0732886 1.0733961 1.0685148 1.0592344 1.0507712\n", + " 1.0469781 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1719455 1.1694057 1.1798942 1.1897519 1.1781604 1.1458206 1.1123129\n", + " 1.0888141 1.0769259 1.0719424 1.0694667 1.0631965 1.0536326 1.0465356\n", + " 1.0434449 1.0455471 1.0508093 1.0555146 1.0583014 1.0587498 1.0598711\n", + " 1.0631003 1.0707695]\n", + " [1.1739382 1.1682134 1.1768072 1.185044 1.1723073 1.1392905 1.1063884\n", + " 1.0847186 1.0747242 1.0740662 1.074441 1.0704825 1.0611461 1.0523678\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1700717 1.1658804 1.1773058 1.1862843 1.1752232 1.1414152 1.1063294\n", + " 1.0831982 1.0721517 1.07018 1.0704544 1.0664426 1.0575737 1.0495505\n", + " 1.0455308 1.0470529 1.0523729 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1579506 1.1534443 1.1620725 1.1687474 1.1571923 1.1269286 1.0960555\n", + " 1.0763453 1.0668813 1.0650903 1.0647058 1.0604376 1.0521888 1.0443295\n", + " 1.0407363 1.0423838 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1914104 1.1854361 1.1946839 1.2043885 1.1911741 1.1558928 1.1181414\n", + " 1.0926682 1.0818752 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.162997 1.1614212 1.1728804 1.1828203 1.1710418 1.1396129 1.106631\n", + " 1.0840753 1.0725464 1.0680262 1.0659052 1.0595293 1.0510793 1.043874\n", + " 1.0406224 1.0426235 1.0473664 1.0524344 1.0546676 1.0555704 1.0568465\n", + " 1.0605649 0. ]\n", + " [1.1640346 1.160655 1.1704586 1.1790774 1.1678846 1.1355835 1.102469\n", + " 1.0806385 1.0698832 1.0670718 1.0665355 1.0621023 1.0537989 1.0462719\n", + " 1.0425395 1.0440483 1.0490744 1.0539619 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1670022 1.163613 1.1737156 1.1821599 1.1719117 1.1394384 1.1056157\n", + " 1.0827199 1.0722494 1.0703013 1.0701677 1.0656863 1.0566825 1.0490404\n", + " 1.0454746 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1514772 1.1490157 1.1592273 1.168388 1.1576912 1.1274172 1.0963283\n", + " 1.0752872 1.0643954 1.0608289 1.0591381 1.0545744 1.0466233 1.0404831\n", + " 1.0378356 1.0397538 1.0440888 1.0485041 1.0512992 1.0517466 1.0532682\n", + " 1.0564828 1.0628031]]\n", + "[[1.1485316 1.1450702 1.1538118 1.1610837 1.1511861 1.1211782 1.0918785\n", + " 1.0723041 1.0614765 1.0581757 1.0565912 1.0519377 1.0451113 1.0388919\n", + " 1.036518 1.0377296 1.0418563 1.0459641 1.0479603 1.0488983 0.\n", + " 0. 0. ]\n", + " [1.1657189 1.1627076 1.1727618 1.1813644 1.1695158 1.1373124 1.1045172\n", + " 1.0829917 1.0720183 1.067944 1.0652602 1.0594733 1.0506452 1.0432553\n", + " 1.0405707 1.0426524 1.0476409 1.0527314 1.0554636 1.056887 1.0583565\n", + " 1.061927 0. ]\n", + " [1.1713915 1.1678953 1.1779623 1.1875281 1.1759664 1.1427869 1.1096822\n", + " 1.087139 1.075303 1.0711918 1.0682143 1.0623465 1.0531975 1.045363\n", + " 1.0425409 1.0450523 1.050029 1.055179 1.0572994 1.0580212 1.0588597\n", + " 1.062413 1.0695705]\n", + " [1.1789492 1.1754076 1.1851416 1.1919129 1.1798288 1.1456635 1.1103361\n", + " 1.0870268 1.0757679 1.0726562 1.0716395 1.0669506 1.058445 1.0499946\n", + " 1.0465468 1.0481367 1.0534775 1.0584881 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1855537 1.1799216 1.1901689 1.1994164 1.1870238 1.1516734 1.1146945\n", + " 1.0903952 1.0786179 1.0761869 1.0754151 1.0701087 1.06077 1.0519093\n", + " 1.0476497 1.0495945 1.0554875 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1704261 1.1658146 1.1752355 1.1846609 1.1742395 1.1416477 1.1067655\n", + " 1.0845064 1.0732403 1.0703758 1.0698128 1.0645962 1.0558841 1.0468616\n", + " 1.0429704 1.0447457 1.0497886 1.0550364 0. 0. 0.\n", + " 0. ]\n", + " [1.1803553 1.1771338 1.187596 1.1947287 1.1826574 1.1482722 1.1122131\n", + " 1.0885231 1.076876 1.0732758 1.0714151 1.06619 1.0572362 1.0483391\n", + " 1.0448807 1.0470217 1.0523282 1.0572125 1.0598977 0. 0.\n", + " 0. ]\n", + " [1.171112 1.1677775 1.1775614 1.1841214 1.1714342 1.1384896 1.1049275\n", + " 1.082651 1.0724064 1.069863 1.0696044 1.0639516 1.0553274 1.0466329\n", + " 1.0435125 1.0454246 1.0509832 1.0564378 0. 0. 0.\n", + " 0. ]\n", + " [1.1805875 1.1791167 1.1904984 1.1984318 1.1856452 1.1500244 1.1132948\n", + " 1.0893466 1.0776752 1.0748081 1.073138 1.0667503 1.0572056 1.0492964\n", + " 1.0454862 1.0473195 1.0525656 1.0578859 1.0604571 0. 0.\n", + " 0. ]\n", + " [1.1753868 1.1728908 1.1841433 1.1950577 1.1833442 1.1501305 1.1147666\n", + " 1.0906702 1.0786573 1.0739297 1.0716611 1.0657972 1.0563287 1.0479842\n", + " 1.0444454 1.0458711 1.0507386 1.0556717 1.0586157 1.0593183 1.0604815\n", + " 1.0641727]]\n", + "[[1.1785043 1.1760865 1.1877265 1.1967691 1.1828363 1.147072 1.1114184\n", + " 1.0881212 1.0773388 1.0758164 1.07569 1.0702001 1.0605825 1.0516602\n", + " 1.0476419 1.050019 0. 0. 0. 0. ]\n", + " [1.1511545 1.1469238 1.1541901 1.1613953 1.1502188 1.1211624 1.0917536\n", + " 1.0720743 1.0626551 1.0602452 1.059047 1.0553408 1.0483803 1.0413208\n", + " 1.0381116 1.0397011 1.0439711 0. 0. 0. ]\n", + " [1.1755693 1.1723326 1.1833308 1.1926528 1.1803012 1.1471249 1.1123453\n", + " 1.0884527 1.0771992 1.0737221 1.0715925 1.0658624 1.056151 1.0480531\n", + " 1.0443565 1.0466609 1.0519096 1.057018 1.0593157 0. ]\n", + " [1.1656038 1.1614499 1.170697 1.1787148 1.1666553 1.1344825 1.1026814\n", + " 1.0812513 1.0703337 1.0663157 1.0643324 1.0585947 1.0504237 1.0431536\n", + " 1.0399753 1.0419608 1.0468647 1.0515609 1.0541548 1.0551137]\n", + " [1.1608604 1.1563758 1.165789 1.1732967 1.1614486 1.1297989 1.0978951\n", + " 1.0760698 1.0664419 1.0639362 1.0636187 1.0594469 1.0519662 1.0449362\n", + " 1.0415266 1.0426674 1.0470803 1.0518024 0. 0. ]]\n", + "[[1.1676779 1.1626108 1.1721154 1.1806381 1.1702011 1.137893 1.1046041\n", + " 1.0824304 1.0715871 1.0687058 1.067898 1.0628983 1.0540462 1.0457623\n", + " 1.0422488 1.0440719 1.0492637 1.0544572 0. ]\n", + " [1.1823181 1.1790336 1.1894498 1.1985984 1.1853033 1.1504736 1.1144515\n", + " 1.0900764 1.0785292 1.0748106 1.0732325 1.0681486 1.0582088 1.0498999\n", + " 1.0464046 1.048329 1.0537266 1.0591497 1.0613301]\n", + " [1.1731216 1.1703671 1.1808102 1.1897533 1.1784705 1.1448756 1.1098871\n", + " 1.0860772 1.0747272 1.0717348 1.0706502 1.0660646 1.0577391 1.0492886\n", + " 1.0454001 1.0466799 1.0516949 1.0567312 0. ]\n", + " [1.1599004 1.1572199 1.1678187 1.1776733 1.1663604 1.134958 1.1020068\n", + " 1.0802861 1.0695653 1.066317 1.0657425 1.0608397 1.0525032 1.0448763\n", + " 1.041632 1.0429415 1.0476866 1.0526816 0. ]\n", + " [1.1932092 1.1877421 1.1982962 1.2071985 1.1931419 1.1559188 1.1200331\n", + " 1.0966035 1.0863224 1.0851407 1.0850353 1.077938 1.0662961 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1627425 1.1599997 1.1703111 1.1788983 1.1674846 1.1344948 1.1014972\n", + " 1.078972 1.0685346 1.0664881 1.0657997 1.061202 1.0521386 1.044595\n", + " 1.0413046 1.0426141 1.0474356 1.0527449 0. ]\n", + " [1.1855112 1.1809921 1.1907382 1.1993313 1.1861955 1.1506213 1.1138277\n", + " 1.0896196 1.0780514 1.0750147 1.0749253 1.0698171 1.0608039 1.051708\n", + " 1.0479017 1.0498742 1.0554982 1.0608368 0. ]\n", + " [1.1646849 1.1625642 1.1737373 1.1821791 1.1709684 1.1378219 1.1040459\n", + " 1.0822532 1.0719942 1.0694495 1.0700121 1.065058 1.0560335 1.0479556\n", + " 1.0437592 1.0454934 0. 0. 0. ]\n", + " [1.172407 1.1677303 1.1775345 1.1878116 1.1763761 1.1423684 1.1080714\n", + " 1.0850732 1.0747606 1.0724622 1.0722201 1.0668793 1.0581242 1.0490582\n", + " 1.0447031 1.0464553 1.0521814 0. 0. ]\n", + " [1.1758363 1.1744295 1.1859156 1.1935514 1.1809157 1.1459954 1.1102384\n", + " 1.0870018 1.075886 1.0723974 1.0711833 1.0656302 1.0563955 1.0489466\n", + " 1.0449803 1.0465454 1.0518675 1.0569544 1.0594494]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1925997 1.1877121 1.1976557 1.2067115 1.1941671 1.1601485 1.1233587\n", + " 1.0984089 1.0854956 1.0811974 1.0788846 1.0726838 1.0621469 1.0527767\n", + " 1.0488787 1.0507487 1.0568073 1.0622641 1.0651324 0. ]\n", + " [1.174073 1.1690742 1.1784058 1.186684 1.1745025 1.1407408 1.1067643\n", + " 1.0844957 1.0740339 1.072235 1.0723592 1.068261 1.0595205 1.0512866\n", + " 1.0474578 0. 0. 0. 0. 0. ]\n", + " [1.1783783 1.175626 1.1871824 1.1967684 1.184597 1.150141 1.1145798\n", + " 1.0903734 1.0777476 1.0738913 1.0718558 1.0665557 1.0572578 1.0490688\n", + " 1.0449445 1.0469006 1.0523249 1.0572952 1.0595737 1.0600201]\n", + " [1.1697792 1.1656253 1.1752745 1.183887 1.1724058 1.1398462 1.1061379\n", + " 1.0834455 1.0722039 1.0690526 1.0684773 1.0633876 1.0544739 1.0465215\n", + " 1.0432044 1.0450126 1.0503238 1.0553542 0. 0. ]\n", + " [1.1694634 1.1656394 1.1756917 1.1842375 1.1724708 1.1392745 1.1051455\n", + " 1.0824565 1.0714165 1.068876 1.0678409 1.0621587 1.0532467 1.0452458\n", + " 1.0414299 1.0430121 1.0479305 1.0529103 0. 0. ]]\n", + "[[1.1764137 1.1738186 1.1843357 1.193557 1.1814833 1.1489159 1.1144452\n", + " 1.0914013 1.0785766 1.0734661 1.0715766 1.06508 1.0555825 1.0474744\n", + " 1.0444237 1.0465627 1.0517651 1.0568539 1.0591435 1.0599451 1.0611402\n", + " 1.0647109 1.0727475]\n", + " [1.1992152 1.1930711 1.2017119 1.2096744 1.1969734 1.159945 1.1216801\n", + " 1.0964838 1.0855191 1.0837197 1.0842819 1.0792067 1.0684708 1.058975\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1600797 1.1569902 1.1667292 1.1741071 1.1630279 1.132341 1.1009014\n", + " 1.080019 1.0694096 1.0659859 1.0637084 1.0582296 1.0497047 1.0427014\n", + " 1.0392733 1.041244 1.0462105 1.0507337 1.0524461 1.0533055 0.\n", + " 0. 0. ]\n", + " [1.1810632 1.1763625 1.1844212 1.1942958 1.1812001 1.1469171 1.1122258\n", + " 1.08955 1.0794806 1.0774245 1.0771482 1.0713493 1.0616603 1.0526152\n", + " 1.0490869 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1713742 1.1675638 1.1768847 1.1849275 1.1731192 1.140007 1.1062629\n", + " 1.0850974 1.0757347 1.0742168 1.0741955 1.0690286 1.0592979 1.0502355\n", + " 1.0459622 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1680896 1.1623762 1.1719354 1.180862 1.1695796 1.1370188 1.1043572\n", + " 1.0834812 1.0738562 1.0724475 1.0722804 1.0668888 1.0574307 1.048665\n", + " 1.0447464 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1706684 1.1667541 1.1771704 1.1859758 1.1748161 1.1413095 1.1071268\n", + " 1.0843601 1.07431 1.0726736 1.072682 1.0680553 1.0587331 1.0498492\n", + " 1.0459234 1.0477356 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1768138 1.1713765 1.1812706 1.1892742 1.176677 1.1419911 1.1071683\n", + " 1.0840455 1.0735688 1.0711507 1.070614 1.066331 1.0578709 1.0496876\n", + " 1.0460278 1.0476099 1.0528679 1.0581824 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1846992 1.1798586 1.189609 1.1988776 1.1862533 1.151457 1.1149781\n", + " 1.0909017 1.079788 1.0775751 1.0774325 1.07267 1.0625844 1.0534315\n", + " 1.0492045 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.17881 1.17664 1.1880112 1.1966292 1.1847878 1.1508437 1.1152713\n", + " 1.0908632 1.078489 1.0741669 1.0718008 1.064576 1.055501 1.0473701\n", + " 1.0444385 1.0469172 1.0522352 1.057499 1.0601383 1.0611408 1.062319\n", + " 1.0666548 1.0745817]]\n", + "[[1.173113 1.167641 1.1753509 1.1827297 1.1703615 1.1383306 1.1049747\n", + " 1.082874 1.0720785 1.0691411 1.0686883 1.0639651 1.0557547 1.0485297\n", + " 1.0451463 1.0471002 1.0523756 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2209158 1.2150539 1.2261264 1.2374511 1.2238736 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.168886 1.1663829 1.1784232 1.189298 1.1786361 1.1453929 1.1108927\n", + " 1.0879108 1.0759486 1.0718565 1.0690573 1.062977 1.0535439 1.0455837\n", + " 1.04226 1.0445263 1.0496587 1.0545733 1.0566691 1.0576333 1.0591301\n", + " 1.0624967 1.0702481 1.0806808]\n", + " [1.1836957 1.1789051 1.188632 1.1964092 1.1832592 1.1491401 1.113751\n", + " 1.0895357 1.0775666 1.0739405 1.0723267 1.0673988 1.0587735 1.0510967\n", + " 1.0476534 1.0498923 1.0549634 1.0600647 1.0622494 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1757954 1.1698611 1.1789807 1.1848823 1.1722726 1.1400771 1.1059916\n", + " 1.083773 1.0738916 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1639942 1.1599026 1.1690202 1.1768588 1.1635505 1.1316134 1.0999466\n", + " 1.079472 1.0701851 1.0678369 1.0674608 1.0621495 1.0531065 1.0453215\n", + " 1.0422417 1.0442499 1.0495628]\n", + " [1.1971463 1.1918958 1.2012041 1.208768 1.1944735 1.1561632 1.1181521\n", + " 1.0932566 1.0827277 1.0805259 1.08141 1.0765902 1.0669659 1.0573047\n", + " 1.0530425 0. 0. ]\n", + " [1.1707062 1.1657844 1.1756108 1.1826272 1.1702371 1.1371573 1.1029035\n", + " 1.0806503 1.0708903 1.0698138 1.070645 1.0661526 1.0573651 1.0489908\n", + " 1.045087 0. 0. ]\n", + " [1.1883641 1.183217 1.1936921 1.203402 1.1910952 1.1544204 1.116342\n", + " 1.0913913 1.0804666 1.0790915 1.0795364 1.0742887 1.0642667 1.0546874\n", + " 1.0501072 0. 0. ]\n", + " [1.1896319 1.1837536 1.1929519 1.2007971 1.1888001 1.1538535 1.1178205\n", + " 1.0946206 1.083608 1.0816296 1.0811205 1.0750837 1.0651584 1.0556891\n", + " 1.0517813 0. 0. ]]\n", + "[[1.1560977 1.1515481 1.1594094 1.1668113 1.1564113 1.1265692 1.0958272\n", + " 1.0755689 1.0658828 1.0641668 1.0638293 1.0594074 1.0516365 1.0443285\n", + " 1.0410358 1.0426246 0. 0. ]\n", + " [1.1621101 1.1588535 1.1681949 1.1772791 1.1655549 1.1342584 1.1016641\n", + " 1.0798141 1.0693259 1.0666643 1.0665872 1.06246 1.0541013 1.0466928\n", + " 1.0429807 1.0444936 1.0494965 0. ]\n", + " [1.1702197 1.1667527 1.1770959 1.1859684 1.1730906 1.1402581 1.1065536\n", + " 1.0843551 1.0734749 1.0713122 1.0702794 1.0652277 1.0561179 1.0479603\n", + " 1.0442941 1.0457538 1.0510731 1.0561378]\n", + " [1.208044 1.2014472 1.2097365 1.2173198 1.2023294 1.1656973 1.1283674\n", + " 1.1033969 1.0914913 1.0892537 1.0894182 1.084009 1.0728755 1.062632\n", + " 0. 0. 0. 0. ]\n", + " [1.1692368 1.164967 1.1750083 1.1832505 1.1709588 1.1376811 1.1040305\n", + " 1.0822021 1.0719615 1.0697776 1.0694361 1.0644177 1.05536 1.0471876\n", + " 1.0432774 1.0451902 1.0504982 0. ]]\n", + "[[1.1559787 1.151992 1.161515 1.16981 1.1597209 1.1287553 1.0973632\n", + " 1.076401 1.0666924 1.0650754 1.0654747 1.0616261 1.0537941 1.0460271\n", + " 1.0423363 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1643581 1.1602194 1.1709067 1.178803 1.1660198 1.133292 1.0999815\n", + " 1.078438 1.0680503 1.065171 1.0642022 1.0593698 1.0512173 1.0439974\n", + " 1.0406227 1.0424453 1.0473055 1.052026 1.0544068 0. 0.\n", + " 0. ]\n", + " [1.1850452 1.1817249 1.192092 1.2015308 1.1861836 1.1502193 1.114152\n", + " 1.0908816 1.0808306 1.0804263 1.080512 1.0749693 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.164427 1.1599337 1.1698444 1.1786782 1.1677853 1.1359172 1.1026912\n", + " 1.0807604 1.0704175 1.0684451 1.0681431 1.0630355 1.0543665 1.0461822\n", + " 1.0426339 1.0444415 1.0498077 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1715014 1.169235 1.1799822 1.189206 1.1766875 1.1425049 1.1083791\n", + " 1.0857618 1.074901 1.071269 1.0693667 1.0631686 1.0537019 1.0458018\n", + " 1.0421885 1.0442154 1.0495602 1.0545506 1.057371 1.0588089 1.0602769\n", + " 1.0641197]]\n", + "[[1.1731172 1.1687616 1.1793368 1.1883177 1.1763324 1.1420577 1.1070867\n", + " 1.0842193 1.0741516 1.0726748 1.0731046 1.0687153 1.0594548 1.0511469\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.160868 1.1589189 1.1695335 1.17978 1.1684204 1.1369817 1.1044155\n", + " 1.0821817 1.0708313 1.0670408 1.0648217 1.0581833 1.049749 1.0425105\n", + " 1.0393205 1.0412326 1.0459031 1.0508707 1.0530021 1.0538397 1.0548329\n", + " 1.058653 1.06547 ]\n", + " [1.1789082 1.1774334 1.189831 1.2002085 1.1872222 1.150607 1.1130918\n", + " 1.0883657 1.076319 1.0723797 1.0712825 1.0660251 1.0570037 1.0491413\n", + " 1.0457741 1.0474281 1.0525091 1.0576314 1.059913 1.0607775 0.\n", + " 0. 0. ]\n", + " [1.175652 1.1702154 1.1804048 1.1890949 1.1769087 1.142897 1.1088243\n", + " 1.0866487 1.0767007 1.0754416 1.0753475 1.0699428 1.0601985 1.0514385\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1677325 1.1645093 1.1752284 1.1837245 1.1730497 1.1407759 1.1071895\n", + " 1.0841935 1.0732136 1.06941 1.0671777 1.0615817 1.0524609 1.0453639\n", + " 1.0421273 1.0441425 1.0490396 1.0536973 1.0560577 1.0566622 1.0581416\n", + " 0. 0. ]]\n", + "[[1.1637325 1.1608288 1.1709707 1.180529 1.1698961 1.1371942 1.1034908\n", + " 1.0810059 1.0707097 1.0695813 1.0700494 1.0655963 1.0564547 1.0486101\n", + " 1.0448835 0. 0. 0. 0. ]\n", + " [1.204362 1.1986963 1.2086344 1.2160791 1.201406 1.1645896 1.1267778\n", + " 1.1015917 1.090273 1.0879662 1.0872085 1.0811154 1.0700228 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1602035 1.1542804 1.162684 1.1709954 1.1598864 1.1296225 1.0983615\n", + " 1.0776498 1.067614 1.0657302 1.0656927 1.0616051 1.0536873 1.0462021\n", + " 1.0426319 1.0443162 0. 0. 0. ]\n", + " [1.1831973 1.1778909 1.1880934 1.1976384 1.1859245 1.1512111 1.1145428\n", + " 1.0916367 1.0806937 1.0792755 1.0792421 1.0737128 1.0630414 1.0534993\n", + " 1.0488542 1.0508264 0. 0. 0. ]\n", + " [1.1732649 1.1710188 1.1828724 1.1919045 1.1791074 1.1445925 1.1091115\n", + " 1.0851942 1.0740162 1.0708709 1.0697833 1.0638146 1.0548357 1.0467056\n", + " 1.0431707 1.04506 1.0506316 1.0560024 1.0585487]]\n", + "[[1.1907945 1.18773 1.19843 1.2077622 1.1952636 1.1591626 1.1215457\n", + " 1.0965555 1.0836165 1.0790794 1.0773792 1.0707117 1.061153 1.0522829\n", + " 1.0484664 1.0504256 1.0560169 1.0611079 1.0636528 1.0645063 0. ]\n", + " [1.1819822 1.1792086 1.1893613 1.1969259 1.1820458 1.1465507 1.1115282\n", + " 1.0880753 1.0768044 1.0743824 1.0729053 1.0674616 1.0582134 1.049443\n", + " 1.0460047 1.0477326 1.0530618 1.0583208 1.0606148 0. 0. ]\n", + " [1.1967402 1.1915252 1.2015004 1.2103617 1.1969864 1.160793 1.1222187\n", + " 1.0962646 1.0846363 1.0813346 1.0820472 1.0764382 1.0665816 1.0572605\n", + " 1.0534815 1.0559195 0. 0. 0. 0. 0. ]\n", + " [1.1802201 1.1779583 1.1901398 1.1993967 1.1873357 1.1516547 1.1149071\n", + " 1.0904162 1.0784134 1.0744463 1.0721772 1.0669104 1.0576106 1.0492616\n", + " 1.0459706 1.0475783 1.0528225 1.0575098 1.0596449 1.0601227 1.0614035]\n", + " [1.1644251 1.1602228 1.1696773 1.1774329 1.1657503 1.1334189 1.1014321\n", + " 1.080052 1.069203 1.0656791 1.0640157 1.0584906 1.0498042 1.042717\n", + " 1.0394448 1.0412211 1.0456436 1.0502753 1.0528706 1.0541096 0. ]]\n", + "[[1.1675365 1.1642439 1.174453 1.183202 1.1707731 1.1384739 1.1054236\n", + " 1.0836154 1.0732881 1.071094 1.0709572 1.0651634 1.0560521 1.0474856\n", + " 1.0438994 1.045862 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1622396 1.1604788 1.1700565 1.1781201 1.1656029 1.1337304 1.101233\n", + " 1.078972 1.0690314 1.0659811 1.0638844 1.0588036 1.0501726 1.0423385\n", + " 1.0392236 1.0407753 1.0453284 1.0500791 1.0526495 1.0539365 0.\n", + " 0. ]\n", + " [1.1911554 1.1877615 1.1983107 1.2084515 1.1958992 1.1597774 1.1211016\n", + " 1.0943296 1.0816805 1.0785002 1.0766232 1.0715867 1.0617644 1.0529941\n", + " 1.0487926 1.0509081 1.0566909 1.0621909 1.0650365 0. 0.\n", + " 0. ]\n", + " [1.1755776 1.1724787 1.183783 1.1939496 1.1814275 1.1468656 1.110833\n", + " 1.0864584 1.0746642 1.071094 1.0693951 1.0641086 1.0553362 1.0474176\n", + " 1.0440702 1.045291 1.0502622 1.0549576 1.0571822 1.0583389 0.\n", + " 0. ]\n", + " [1.1625689 1.161007 1.1714005 1.1800421 1.169067 1.1376864 1.1049192\n", + " 1.0825163 1.071002 1.0668558 1.064512 1.0590059 1.0503403 1.0434741\n", + " 1.0400196 1.0420853 1.0466466 1.0512347 1.0534884 1.054243 1.05592\n", + " 1.0593508]]\n", + "[[1.1773484 1.1740535 1.1853747 1.1941231 1.1827925 1.147617 1.1116228\n", + " 1.0876899 1.0767852 1.0739692 1.0729828 1.0677515 1.0582644 1.0495262\n", + " 1.0456139 1.0472128 1.0525486 1.0579631 0. 0. 0.\n", + " 0. ]\n", + " [1.1911992 1.1866615 1.1969018 1.2045016 1.1920097 1.1556695 1.117924\n", + " 1.0926676 1.0810835 1.0775489 1.0766466 1.0719385 1.0621841 1.0536083\n", + " 1.0500399 1.0519496 1.0580509 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1750389 1.1720185 1.1825979 1.1919389 1.1795653 1.14681 1.1126665\n", + " 1.0892357 1.0773696 1.0730599 1.0705311 1.0643919 1.0546682 1.0469284\n", + " 1.044134 1.046216 1.0512732 1.0559812 1.058452 1.0591192 1.0603445\n", + " 1.0638667]\n", + " [1.1791378 1.1758327 1.1862538 1.1953845 1.1823887 1.1471972 1.1115123\n", + " 1.0879741 1.076463 1.0733545 1.0715954 1.0658575 1.0563765 1.0483197\n", + " 1.0445684 1.0468606 1.0520986 1.0571431 1.0597136 0. 0.\n", + " 0. ]\n", + " [1.1702483 1.167414 1.1776588 1.1876249 1.1757351 1.1429732 1.1085182\n", + " 1.0847096 1.073801 1.0712754 1.0700874 1.0656335 1.0571599 1.048673\n", + " 1.0449529 1.0462068 1.0511032 1.0562465 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1684389 1.1638728 1.1737176 1.1826099 1.1725198 1.1402032 1.1063883\n", + " 1.0837158 1.0722864 1.0704875 1.0708739 1.0666863 1.0582641 1.0499079\n", + " 1.0460496 1.0477906]\n", + " [1.1841329 1.1781213 1.1886256 1.1985939 1.1864362 1.151415 1.1157839\n", + " 1.092125 1.0817642 1.0802639 1.0807699 1.0752077 1.0649692 1.0549048\n", + " 0. 0. ]]\n", + "[[1.15421 1.1503869 1.1603649 1.169195 1.158847 1.1277777 1.0966655\n", + " 1.0761178 1.0666623 1.0656743 1.0662818 1.0620828 1.0531552 1.0449941\n", + " 0. ]\n", + " [1.1933258 1.1865896 1.1956226 1.2035223 1.1915219 1.1559603 1.119442\n", + " 1.0960078 1.085063 1.0833656 1.0831295 1.0768261 1.0656228 1.0559164\n", + " 0. ]\n", + " [1.214306 1.2080207 1.2184956 1.2274452 1.2138339 1.1750259 1.1354698\n", + " 1.1090157 1.0970168 1.0948037 1.0953797 1.0890838 1.0772377 1.0662081\n", + " 0. ]\n", + " [1.1867583 1.1808655 1.1888041 1.1952806 1.1819769 1.1472242 1.1117936\n", + " 1.0887542 1.0788313 1.0775976 1.0774952 0. 0. 0.\n", + " 0. ]\n", + " [1.1719602 1.1680497 1.1786492 1.1888158 1.178408 1.144798 1.1088275\n", + " 1.086174 1.0751846 1.0736701 1.0740132 1.0696665 1.060532 1.0518909\n", + " 1.0475733]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1659139 1.1645955 1.1758271 1.1848166 1.1712084 1.1383724 1.1046118\n", + " 1.0824598 1.0715493 1.0689148 1.0675695 1.0627965 1.0542948 1.0460879\n", + " 1.0427855 1.0442848 1.04926 1.0544292 0. 0. 0.\n", + " 0. ]\n", + " [1.1665357 1.1639991 1.174651 1.1825281 1.170794 1.1376905 1.1036769\n", + " 1.0812995 1.070731 1.0679588 1.0673513 1.062105 1.0535868 1.0452852\n", + " 1.0421717 1.0434164 1.0479828 1.0527811 1.0552485 0. 0.\n", + " 0. ]\n", + " [1.1891918 1.1816106 1.1903512 1.1983938 1.1854572 1.1520126 1.1160157\n", + " 1.0934516 1.0828881 1.0810325 1.0809615 1.0752823 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1685555 1.1649139 1.1747091 1.1816787 1.170431 1.1369088 1.1036327\n", + " 1.0816085 1.0717304 1.0701565 1.0708683 1.0669519 1.0579083 1.0496583\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1632993 1.1603454 1.1715829 1.1814475 1.1708101 1.139177 1.1066406\n", + " 1.0840845 1.0723931 1.0686623 1.0664315 1.0604272 1.0518655 1.0442572\n", + " 1.0414027 1.0428118 1.0477935 1.0524155 1.0542413 1.0541886 1.0552669\n", + " 1.0586233]]\n", + "[[1.1915107 1.1870868 1.1985236 1.2089949 1.1964349 1.1585661 1.1195631\n", + " 1.094426 1.083762 1.0819942 1.0830698 1.0781182 1.0676013 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.164797 1.1614852 1.1711091 1.1784583 1.1663765 1.1339288 1.1013097\n", + " 1.079535 1.0699245 1.0676103 1.0668548 1.0620036 1.0534751 1.0455258\n", + " 1.0422343 1.044036 1.0488763 1.0538198]\n", + " [1.16193 1.1593618 1.1686965 1.1761608 1.1652839 1.1329241 1.099896\n", + " 1.0781372 1.0679497 1.065626 1.0659349 1.0615973 1.0535913 1.0462937\n", + " 1.0425844 1.0441371 1.0490463 0. ]\n", + " [1.1635339 1.1586273 1.1682358 1.1758311 1.1650445 1.1331545 1.1006649\n", + " 1.0793552 1.0695354 1.0674229 1.0669037 1.0627005 1.0541787 1.0460111\n", + " 1.042403 1.0442712 0. 0. ]\n", + " [1.1805847 1.1759462 1.1867167 1.1955572 1.182039 1.1479031 1.1124216\n", + " 1.0885593 1.077687 1.0760629 1.0763375 1.0706294 1.0612649 1.0523299\n", + " 1.0483027 0. 0. 0. ]]\n", + "[[1.173221 1.1706578 1.1811802 1.189939 1.1778746 1.1442248 1.1092132\n", + " 1.0854822 1.0738293 1.0711658 1.0704184 1.0652912 1.0564572 1.0483338\n", + " 1.0446907 1.0465128 1.0518026 1.0569497]\n", + " [1.1539403 1.149463 1.1587312 1.1678753 1.1565378 1.126504 1.0954381\n", + " 1.0744818 1.0656216 1.0643116 1.0646573 1.0603793 1.0520308 1.0442038\n", + " 1.0406547 0. 0. 0. ]\n", + " [1.1924285 1.1854209 1.1938791 1.2013574 1.1869743 1.1525714 1.1180218\n", + " 1.0929757 1.0819913 1.0803115 1.0819966 1.0772856 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1647696 1.1622305 1.1730443 1.1815766 1.1688933 1.1359868 1.1025363\n", + " 1.0805097 1.070385 1.0679363 1.0682288 1.0636175 1.0551205 1.0471109\n", + " 1.0434176 1.0450966 1.0502056 0. ]\n", + " [1.1602901 1.1571726 1.167248 1.1761501 1.1638107 1.1322379 1.0996826\n", + " 1.0781174 1.0680017 1.0655963 1.0650983 1.06023 1.0513035 1.0436788\n", + " 1.0401564 1.041977 1.0470406 1.0521705]]\n", + "[[1.1559851 1.1536065 1.1648664 1.1746628 1.1637574 1.1314824 1.0991361\n", + " 1.0774279 1.0670712 1.0634385 1.0617465 1.0560665 1.0476353 1.0402787\n", + " 1.0376016 1.0396051 1.04441 1.0494761 1.0517178 1.0525742 1.0537978\n", + " 1.0569222 1.0636439 1.0726104]\n", + " [1.1731846 1.1689593 1.1793896 1.1889213 1.1768495 1.1432151 1.1081187\n", + " 1.0843961 1.072755 1.0694584 1.0682889 1.0631193 1.054622 1.0464934\n", + " 1.0428393 1.0442196 1.0490837 1.0541283 1.0568365 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1781571 1.1763995 1.188251 1.1981664 1.1859261 1.1509281 1.1152909\n", + " 1.0909135 1.0784671 1.073961 1.071748 1.065393 1.0558076 1.0479808\n", + " 1.0443913 1.0464174 1.0509622 1.0562094 1.058651 1.0596746 1.061554\n", + " 0. 0. 0. ]\n", + " [1.1678672 1.1632504 1.1720734 1.1798977 1.167327 1.1358625 1.1033624\n", + " 1.0816329 1.0718386 1.0708922 1.0716212 1.0672215 1.0577195 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.177065 1.1723764 1.1832582 1.19283 1.1816885 1.1474309 1.1112653\n", + " 1.086725 1.0754851 1.0726734 1.0719821 1.0673338 1.0585784 1.0499017\n", + " 1.0460944 1.0477175 1.0531228 1.0584084 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.179499 1.1782469 1.1910794 1.2011174 1.1889414 1.1512018 1.1141404\n", + " 1.0893389 1.0772793 1.0739775 1.0728375 1.0666018 1.0574294 1.0488311\n", + " 1.044996 1.046842 1.0517013 1.0571446 1.0595618 0. 0.\n", + " 0. ]\n", + " [1.1595955 1.157584 1.168137 1.1771489 1.16505 1.1338195 1.1014441\n", + " 1.0800564 1.0688123 1.0649799 1.0628209 1.0572383 1.0486417 1.0419117\n", + " 1.0390323 1.0409518 1.045157 1.0498822 1.0521309 1.0529845 1.0540767\n", + " 1.0578551]\n", + " [1.1625274 1.1582676 1.1671002 1.1742072 1.1608171 1.128554 1.0972526\n", + " 1.076986 1.0680943 1.0671895 1.0677047 1.0634886 1.0550193 1.0468774\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1706115 1.1662945 1.177003 1.1855878 1.1750299 1.1416143 1.1069574\n", + " 1.0842123 1.0741041 1.0729929 1.0739001 1.0695679 1.0604472 1.0515432\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1759057 1.1714118 1.1824383 1.1907874 1.1800716 1.1462867 1.1116163\n", + " 1.0878911 1.078481 1.076637 1.0771154 1.0716088 1.0619514 1.0532393\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1812537 1.1752889 1.1855834 1.1947281 1.1833627 1.1502811 1.1153053\n", + " 1.0915892 1.0805665 1.0789564 1.0795203 1.0744443 1.0646341 1.0552697\n", + " 1.0507555 0. 0. 0. 0. 0. ]\n", + " [1.1665425 1.1638399 1.1747097 1.1838102 1.1730826 1.1404078 1.1056373\n", + " 1.0832216 1.0721139 1.068593 1.0666169 1.0614423 1.0526055 1.0446084\n", + " 1.0411586 1.0427912 1.047543 1.0521799 1.0544277 1.0550851]\n", + " [1.1783189 1.1752887 1.1853377 1.194795 1.1811067 1.1468744 1.1120362\n", + " 1.088292 1.0762273 1.0725509 1.0708578 1.0652883 1.0562359 1.048721\n", + " 1.0451293 1.0468613 1.0519965 1.0568851 1.0597018 0. ]\n", + " [1.1717569 1.1679862 1.1777066 1.1856587 1.1716596 1.138976 1.1054279\n", + " 1.0827888 1.0713694 1.0684414 1.0672429 1.0615288 1.0531243 1.0457096\n", + " 1.0425056 1.0443186 1.0495363 1.0548761 1.057338 0. ]\n", + " [1.2120006 1.2062354 1.2167368 1.2241261 1.2110537 1.1721247 1.1307585\n", + " 1.1046674 1.0926837 1.0915954 1.0922952 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1831251 1.179882 1.190892 1.2015519 1.189456 1.154093 1.1171386\n", + " 1.0929385 1.0805107 1.0762345 1.074034 1.0672117 1.0569799 1.048574\n", + " 1.0451005 1.0473847 1.0531144 1.0584749 1.0614905 1.0632682 1.0645657\n", + " 1.0682986 1.0757202 1.0859168 1.0932063]\n", + " [1.2076586 1.2017151 1.2113049 1.2192742 1.2052692 1.1684579 1.1293001\n", + " 1.1037887 1.0914438 1.0886855 1.0882134 1.0815415 1.0706657 1.0604621\n", + " 1.0562751 1.0594045 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1678641 1.1622264 1.171942 1.179759 1.1685011 1.1360034 1.1028926\n", + " 1.0815643 1.0723338 1.0717479 1.0722331 1.0676521 1.058026 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1852231 1.1806418 1.1901566 1.198884 1.1858512 1.151122 1.1149936\n", + " 1.0914725 1.0803627 1.0790833 1.0791011 1.0743339 1.0640695 1.0549736\n", + " 1.0509791 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1496325 1.1470776 1.1574967 1.1660771 1.1546737 1.1233201 1.092186\n", + " 1.0716964 1.0627017 1.0607486 1.0609152 1.0571179 1.0487521 1.0415223\n", + " 1.0383894 1.039965 1.0448658 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1732006 1.1693197 1.1799634 1.189455 1.1781211 1.1446581 1.1095741\n", + " 1.0861838 1.0757099 1.0736898 1.0737972 1.0693097 1.0603937 1.0513611\n", + " 1.0474397 0. 0. 0. 0. ]\n", + " [1.1979003 1.1928967 1.2042214 1.2129508 1.1979135 1.1603222 1.1220077\n", + " 1.097775 1.0866507 1.0856571 1.0856248 1.079674 1.0687976 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.175853 1.1718063 1.1822903 1.1921563 1.1797103 1.1454836 1.1098539\n", + " 1.086035 1.0745769 1.0719199 1.0710061 1.0656925 1.0566461 1.0482346\n", + " 1.0443591 1.0465641 1.0519164 1.0572104 1.0594636]\n", + " [1.1780484 1.1742443 1.1844615 1.1938266 1.1821249 1.147596 1.1119382\n", + " 1.088121 1.0775999 1.0758804 1.0759021 1.0714484 1.0621893 1.053128\n", + " 1.0491211 0. 0. 0. 0. ]\n", + " [1.1843538 1.1799326 1.1903305 1.2001715 1.1877894 1.1532989 1.1158063\n", + " 1.0908008 1.0793867 1.077132 1.0776579 1.0730703 1.0636528 1.0545945\n", + " 1.050256 1.0523533 0. 0. 0. ]]\n", + "[[1.190713 1.1858121 1.1972072 1.206513 1.1927557 1.1575749 1.1203023\n", + " 1.0957757 1.0844609 1.0820321 1.0825996 1.0772061 1.0667512 1.0575472\n", + " 1.0532155 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1536801 1.149698 1.1593602 1.1683075 1.1572938 1.1276606 1.096518\n", + " 1.0759106 1.0665118 1.0644544 1.0643293 1.0600163 1.0519524 1.0442237\n", + " 1.0405041 1.0420086 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1632313 1.1597197 1.1690708 1.1777128 1.1661383 1.1339526 1.1005867\n", + " 1.0790925 1.0682068 1.0653217 1.0640204 1.0596361 1.051477 1.0439962\n", + " 1.0405815 1.0420886 1.0464696 1.051084 1.0537719 0. 0.\n", + " 0. ]\n", + " [1.1890466 1.1833056 1.1925975 1.1996793 1.1846559 1.1480739 1.1118274\n", + " 1.0892026 1.0798395 1.079244 1.0796024 1.0739447 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1506214 1.1479485 1.1579444 1.1663767 1.1565033 1.1257752 1.0951327\n", + " 1.0742073 1.0640198 1.0604278 1.0582871 1.0533272 1.0454261 1.0386871\n", + " 1.0360432 1.0374703 1.0420759 1.0464768 1.0488915 1.0499245 1.051256\n", + " 1.0543122]]\n", + "[[1.1794794 1.1754539 1.1845897 1.1929026 1.1802857 1.1475279 1.1137693\n", + " 1.0908489 1.0793097 1.0748497 1.0719398 1.0650744 1.0556291 1.0473229\n", + " 1.044268 1.0462962 1.0518618 1.0566728 1.0591226 1.0603005 1.0616701]\n", + " [1.1515023 1.1474819 1.15734 1.1659871 1.1552086 1.1254873 1.0949566\n", + " 1.0743805 1.0648766 1.0628253 1.063032 1.0586344 1.0503654 1.042803\n", + " 1.0395048 1.041135 0. 0. 0. 0. 0. ]\n", + " [1.1642799 1.1624355 1.1722947 1.1811454 1.1685317 1.136759 1.1036878\n", + " 1.0813818 1.0703657 1.067765 1.066921 1.0618118 1.0534558 1.045243\n", + " 1.0417523 1.0430435 1.0479686 1.0531497 0. 0. 0. ]\n", + " [1.1732397 1.16954 1.1803656 1.1896654 1.1773756 1.1427335 1.1070852\n", + " 1.0841832 1.0733078 1.0703051 1.0694344 1.0639 1.0547323 1.0465928\n", + " 1.0430197 1.04484 1.0502889 1.0554228 0. 0. 0. ]\n", + " [1.1633898 1.1603507 1.169465 1.1786399 1.1667795 1.134183 1.1018018\n", + " 1.0800451 1.0690227 1.0657072 1.0644717 1.0588114 1.0508196 1.0434047\n", + " 1.0402882 1.0419455 1.0465772 1.0512815 1.0536612 1.0545923 0. ]]\n", + "[[1.1848141 1.1815054 1.1923611 1.2018852 1.1884392 1.1535792 1.1178548\n", + " 1.0930431 1.0805813 1.0765489 1.0743251 1.0683142 1.0587177 1.0496713\n", + " 1.0459154 1.0479269 1.053003 1.057956 1.0606292 1.0615171 0. ]\n", + " [1.1900504 1.1849792 1.1948692 1.2039039 1.1917821 1.1566274 1.1197217\n", + " 1.0957488 1.0840657 1.0820059 1.0821469 1.0772712 1.0668869 1.0572401\n", + " 1.0527537 0. 0. 0. 0. 0. 0. ]\n", + " [1.1685477 1.1651144 1.1744354 1.1815708 1.1696318 1.1373903 1.1037204\n", + " 1.0811601 1.0704625 1.0673913 1.066312 1.0618839 1.0544671 1.0465649\n", + " 1.043532 1.0450857 1.0498066 1.0544708 0. 0. 0. ]\n", + " [1.1762111 1.1720243 1.1820585 1.1898602 1.176693 1.143054 1.108667\n", + " 1.0855087 1.0749016 1.07198 1.071234 1.0667927 1.0582305 1.0496827\n", + " 1.045975 1.0476904 1.0531814 0. 0. 0. 0. ]\n", + " [1.1794004 1.1749334 1.1847222 1.1941258 1.1820722 1.1491885 1.1135786\n", + " 1.0888796 1.0770906 1.072913 1.0704606 1.0642256 1.0553154 1.0478802\n", + " 1.044692 1.0466177 1.051949 1.0570467 1.0594534 1.0604666 1.0620366]]\n", + "[[1.1877241 1.1825418 1.1928568 1.202011 1.1888806 1.1534572 1.1168721\n", + " 1.0933175 1.0829222 1.0820048 1.0821487 1.0767089 1.0656419 0.\n", + " 0. 0. 0. ]\n", + " [1.1599733 1.1556721 1.1647872 1.1735228 1.1624174 1.1324793 1.1007285\n", + " 1.0792087 1.0690589 1.0670229 1.0670662 1.0626932 1.0547193 1.0468817\n", + " 1.0430773 1.0447389 0. ]\n", + " [1.1843463 1.1792796 1.1891446 1.1983566 1.18641 1.1519015 1.1163657\n", + " 1.0925466 1.0822735 1.0802193 1.0804526 1.07493 1.064413 1.0546662\n", + " 1.0506152 0. 0. ]\n", + " [1.1890265 1.183652 1.1934159 1.2031078 1.1902777 1.1553943 1.1190917\n", + " 1.0946387 1.0833662 1.0808489 1.0804759 1.0753274 1.0653058 1.056231\n", + " 1.0519731 1.0542365 0. ]\n", + " [1.1774834 1.1724143 1.1813173 1.1890808 1.1768739 1.1450224 1.1123204\n", + " 1.0897025 1.0787277 1.0755254 1.0746431 1.0688868 1.0595645 1.0507377\n", + " 1.0465876 1.0483592 1.0538489]]\n", + "[[1.1839967 1.1787881 1.1890632 1.1979073 1.1850872 1.1492673 1.1124275\n", + " 1.089108 1.0785475 1.0775635 1.0778954 1.0728493 1.0634516 1.0540849\n", + " 1.0497779 0. 0. 0. ]\n", + " [1.1780002 1.174718 1.1861523 1.1944034 1.1810672 1.1444668 1.1095631\n", + " 1.0869033 1.0780617 1.0773716 1.0782927 1.0726957 1.0620755 1.0525368\n", + " 0. 0. 0. 0. ]\n", + " [1.1881726 1.1834033 1.1938497 1.2024864 1.1903427 1.1549776 1.1171598\n", + " 1.0924613 1.0805578 1.0776625 1.0768905 1.0719336 1.0622528 1.0531964\n", + " 1.0489612 1.0504602 1.0561306 1.0612499]\n", + " [1.1799302 1.174023 1.1852684 1.1947918 1.1835891 1.149055 1.1132019\n", + " 1.0895715 1.078615 1.0762326 1.0768555 1.0718135 1.0623813 1.0532323\n", + " 1.049607 0. 0. 0. ]\n", + " [1.1777813 1.174144 1.183656 1.1897075 1.1783017 1.1439525 1.1093411\n", + " 1.085556 1.0740348 1.0704252 1.0705065 1.0657307 1.0575194 1.0492315\n", + " 1.045897 1.047597 1.0527562 1.0578536]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1909148 1.1863421 1.1959877 1.2055423 1.192541 1.1572438 1.120142\n", + " 1.0952051 1.0833957 1.0807196 1.0810834 1.0752425 1.0652741 1.0563997\n", + " 1.0520169 1.0545949 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1505033 1.1474828 1.1568295 1.1644528 1.1546502 1.1254559 1.0954022\n", + " 1.0750675 1.0645788 1.061285 1.0594668 1.053933 1.0458453 1.0395464\n", + " 1.0367067 1.0386357 1.0431211 1.0476431 1.0496138 1.0502518 1.0512738\n", + " 1.0546783]\n", + " [1.2066891 1.2025194 1.2143736 1.2239447 1.2079699 1.1681447 1.1271664\n", + " 1.1012647 1.0901259 1.0892991 1.0891669 1.0832139 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1792161 1.176592 1.1880248 1.1973003 1.184472 1.1495595 1.1134248\n", + " 1.0903307 1.0782512 1.0741122 1.0719014 1.0657674 1.056463 1.0482427\n", + " 1.0447384 1.046711 1.0520712 1.0569326 1.0593876 1.0603955 0.\n", + " 0. ]\n", + " [1.1915449 1.1855452 1.1947583 1.2026298 1.1883278 1.1531057 1.116986\n", + " 1.0937259 1.0830135 1.0819545 1.082504 1.0768033 1.0663978 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1724752 1.1697401 1.1804849 1.1887426 1.1774274 1.144585 1.1096721\n", + " 1.0861714 1.0741861 1.0698972 1.0688835 1.0634226 1.0543097 1.0468651\n", + " 1.0434235 1.0450318 1.049815 1.0546536 1.0568913 1.0579414]\n", + " [1.1607214 1.1582505 1.1678958 1.1759175 1.1631528 1.1308672 1.0988586\n", + " 1.0773182 1.0674269 1.0649829 1.064274 1.0595148 1.0515136 1.0441563\n", + " 1.0411471 1.0428929 1.0478 1.0527276 0. 0. ]\n", + " [1.2130052 1.2078701 1.2166269 1.2261952 1.2121534 1.1742027 1.1335535\n", + " 1.106514 1.0941507 1.0924004 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1699573 1.1654333 1.1761448 1.1851707 1.1748052 1.1422777 1.1077293\n", + " 1.0846132 1.0738759 1.0710461 1.0700319 1.0654796 1.0562971 1.0479286\n", + " 1.0440261 1.045774 1.0509548 1.0561651 0. 0. ]\n", + " [1.1895937 1.1842464 1.1963233 1.2074591 1.1957536 1.1589885 1.1199594\n", + " 1.0934235 1.0817491 1.0800282 1.0799614 1.0751989 1.0646462 1.0552152\n", + " 1.0506406 1.0528927 0. 0. 0. 0. ]]\n", + "[[1.1606507 1.1586683 1.1690888 1.1782593 1.1673433 1.1362189 1.1038898\n", + " 1.0815562 1.070362 1.0658514 1.0636818 1.0580804 1.0493958 1.0425977\n", + " 1.0394195 1.0407463 1.0449516 1.0494486 1.051949 1.0528601 1.0542564\n", + " 1.0575261 1.0644674]\n", + " [1.1770251 1.1750005 1.1854414 1.1919848 1.179604 1.1452355 1.1090442\n", + " 1.0862323 1.0753325 1.072738 1.0732582 1.068402 1.0597752 1.050966\n", + " 1.0469036 1.048497 1.0541043 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.162685 1.1596508 1.1698756 1.1781464 1.1677079 1.1358277 1.1026818\n", + " 1.0804296 1.0693762 1.0661647 1.0655773 1.0601931 1.0517921 1.044145\n", + " 1.0409703 1.0423934 1.0470551 1.0515966 1.0537235 0. 0.\n", + " 0. 0. ]\n", + " [1.1823596 1.1784147 1.1887856 1.1974345 1.1871587 1.1531876 1.1173348\n", + " 1.0930792 1.0817642 1.0785358 1.0782478 1.0729936 1.0625571 1.0532565\n", + " 1.0490459 1.0511087 1.0565001 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1798363 1.1748188 1.1843525 1.1925073 1.1793866 1.1458591 1.1109129\n", + " 1.0874888 1.0765753 1.0737392 1.0729465 1.0682167 1.0586778 1.0510269\n", + " 1.0470881 1.0492538 1.055173 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1688464 1.165993 1.1761689 1.185107 1.172621 1.1391073 1.1059146\n", + " 1.0835986 1.0726075 1.0687138 1.0667474 1.0601267 1.051764 1.044337\n", + " 1.0411777 1.0433042 1.0482185 1.0528619 1.0550897 1.0558561 1.0570223\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1796335 1.1770189 1.1889131 1.1991146 1.187104 1.1528525 1.1165413\n", + " 1.0916934 1.0792773 1.0746034 1.0728226 1.0665379 1.0570945 1.0486042\n", + " 1.0453752 1.0476054 1.0530142 1.0580529 1.0607245 1.0613762 1.0629736\n", + " 1.066605 1.0744028 1.0855106 0. 0. ]\n", + " [1.1543852 1.1515672 1.1622092 1.1727078 1.1631981 1.1322362 1.0990646\n", + " 1.0770136 1.0662535 1.0626945 1.0606153 1.0553416 1.0467901 1.0396525\n", + " 1.0372324 1.0393366 1.0442303 1.0493367 1.0515679 1.0516574 1.0524782\n", + " 1.0554887 1.0618145 1.0710808 1.0785806 1.0825187]\n", + " [1.1722716 1.1706172 1.1819819 1.190884 1.1782223 1.1437258 1.1087953\n", + " 1.0856229 1.0742196 1.07089 1.0692927 1.06322 1.0542846 1.046349\n", + " 1.0429087 1.0443212 1.0496002 1.0540886 1.0560824 1.0570168 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1601348 1.1557288 1.1646014 1.1722466 1.1622033 1.1321268 1.1001441\n", + " 1.0791018 1.0683918 1.0647938 1.0638851 1.058814 1.0509274 1.0434755\n", + " 1.0403085 1.0416347 1.0463146 1.0507829 1.0532507 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1576197 1.1535615 1.1634294 1.1716366 1.1604214 1.1283015 1.0961645\n", + " 1.0757221 1.066183 1.0645123 1.0647013 1.0599657 1.0518969 1.0440166\n", + " 1.0406208 1.0426455 0. 0. ]\n", + " [1.1752746 1.1718104 1.1828536 1.1928589 1.1809305 1.1467212 1.1106391\n", + " 1.0860515 1.0742865 1.0710355 1.0700055 1.0652655 1.0565495 1.0485736\n", + " 1.0447874 1.0464976 1.0513871 1.0563918]\n", + " [1.1567286 1.1520643 1.1597593 1.167701 1.1564975 1.1266251 1.0958902\n", + " 1.0749377 1.0650817 1.0627491 1.0629541 1.0592365 1.0516641 1.0449954\n", + " 1.0413834 1.0430899 0. 0. ]\n", + " [1.1620603 1.1589439 1.167535 1.1755646 1.1636614 1.1322987 1.1005476\n", + " 1.0795217 1.0693645 1.0677977 1.0686252 1.0646319 1.0560185 1.0479982\n", + " 0. 0. 0. 0. ]\n", + " [1.1716242 1.167584 1.1778635 1.1876801 1.1762025 1.1427485 1.1078832\n", + " 1.0853863 1.0746748 1.0717293 1.0708865 1.0664568 1.0569072 1.0482556\n", + " 1.0442082 1.0454799 1.0507665 1.0558854]]\n", + "[[1.1666471 1.1634797 1.1750242 1.1839218 1.1728224 1.1387342 1.1039292\n", + " 1.0807071 1.0706695 1.0684277 1.0678307 1.0626038 1.0533897 1.0453281\n", + " 1.041895 1.0437744 1.0488453 1.054344 ]\n", + " [1.168137 1.1642532 1.1743909 1.1813506 1.1694591 1.1374251 1.1034822\n", + " 1.0820526 1.0715529 1.069607 1.069868 1.0651014 1.0570388 1.0489953\n", + " 1.0453726 0. 0. 0. ]\n", + " [1.1872312 1.1827387 1.1924144 1.2010137 1.1882222 1.1532209 1.1163439\n", + " 1.0926208 1.0812106 1.0799006 1.0801595 1.0752283 1.0652354 1.0557904\n", + " 1.0512265 0. 0. 0. ]\n", + " [1.1768948 1.1735153 1.1841389 1.1930242 1.1817496 1.1477884 1.1128534\n", + " 1.0889186 1.0783828 1.075203 1.0750436 1.0697165 1.0597205 1.0512118\n", + " 1.0471522 1.0491289 1.0548617 0. ]\n", + " [1.1851506 1.1798313 1.1912478 1.2024152 1.1901082 1.1542164 1.1162338\n", + " 1.0919588 1.0805624 1.0780735 1.0788391 1.07404 1.0646515 1.0554799\n", + " 1.0515937 0. 0. 0. ]]\n", + "[[1.1703966 1.1677982 1.1787411 1.1877304 1.1747416 1.1416618 1.1071081\n", + " 1.083957 1.0732775 1.0700778 1.0695697 1.0642654 1.0558829 1.0475255\n", + " 1.0443572 1.0460743 1.0512745 1.0563366 0. 0. ]\n", + " [1.2110943 1.2052484 1.215355 1.225056 1.2104286 1.1710855 1.1319703\n", + " 1.1064359 1.0950503 1.0935841 1.0931801 1.0868124 1.0742166 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1749078 1.171922 1.1835625 1.193229 1.1808678 1.1463389 1.110747\n", + " 1.0874666 1.075778 1.0724949 1.0708549 1.06427 1.0550628 1.0469228\n", + " 1.04376 1.0453967 1.0510724 1.0561767 1.0585926 1.0595899]\n", + " [1.1897436 1.1856316 1.1951021 1.2047738 1.1920424 1.1566372 1.1205697\n", + " 1.0951761 1.0817374 1.0773532 1.0760239 1.0697598 1.0596018 1.0516117\n", + " 1.047542 1.0499105 1.0554245 1.0605808 1.0628676 1.063694 ]\n", + " [1.2077494 1.2026061 1.21147 1.2181405 1.2043493 1.1663193 1.1273419\n", + " 1.1016543 1.0897317 1.088928 1.0896924 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1643414 1.159507 1.1686261 1.1768465 1.1659817 1.13438 1.1017277\n", + " 1.0797997 1.0698897 1.067095 1.0678532 1.0637653 1.0556371 1.0480669\n", + " 1.0444918 1.0462645 0. 0. ]\n", + " [1.1596472 1.1572576 1.1674273 1.1764421 1.164406 1.1321205 1.0995603\n", + " 1.0774865 1.0671408 1.0645777 1.0643461 1.059791 1.0516113 1.0437493\n", + " 1.0405837 1.0420305 1.0468888 1.0518008]\n", + " [1.1780684 1.1728048 1.1817988 1.1884474 1.1777593 1.1452291 1.1120772\n", + " 1.088962 1.0782242 1.075264 1.0749109 1.0696115 1.060139 1.0517566\n", + " 1.048006 1.0506195 0. 0. ]\n", + " [1.1766485 1.1726444 1.183058 1.192108 1.1792568 1.1453631 1.1096364\n", + " 1.0858604 1.0750258 1.072859 1.071838 1.0674044 1.0583727 1.0496727\n", + " 1.0459502 1.0477704 1.0527925 1.057872 ]\n", + " [1.1897868 1.1852533 1.1949604 1.2048163 1.1915796 1.1556911 1.1182009\n", + " 1.0935327 1.0812188 1.0786084 1.0775266 1.0722114 1.0620185 1.0533504\n", + " 1.0494725 1.0513537 1.057269 1.0626287]]\n", + "[[1.1939749 1.1904267 1.2022214 1.2123344 1.2002873 1.1636077 1.1245538\n", + " 1.0978857 1.0848514 1.0807691 1.0794082 1.0729216 1.0632622 1.0537019\n", + " 1.049696 1.05146 1.0569279 1.0624186 1.0655787 1.0668397 0.\n", + " 0. ]\n", + " [1.1969754 1.1904377 1.2001573 1.2079424 1.1958216 1.1604753 1.1233528\n", + " 1.0982466 1.0867908 1.084658 1.0848843 1.0795637 1.0686685 1.0585667\n", + " 1.0543545 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1778021 1.17529 1.1861361 1.1942266 1.1804714 1.1452945 1.1096169\n", + " 1.086735 1.0755193 1.0732061 1.0719794 1.0659124 1.0567733 1.0485437\n", + " 1.045142 1.0469373 1.0525225 1.0578102 1.060142 0. 0.\n", + " 0. ]\n", + " [1.168924 1.1657188 1.1749327 1.1841571 1.1730487 1.1404599 1.1075294\n", + " 1.0852551 1.0736343 1.0694648 1.0678722 1.0622365 1.0536256 1.0462292\n", + " 1.0430448 1.0452332 1.0495538 1.054387 1.0567776 1.0574175 1.058756\n", + " 1.0622895]\n", + " [1.164509 1.1619049 1.1721891 1.1795714 1.1677191 1.1345553 1.1010344\n", + " 1.0800024 1.0700194 1.0682309 1.0672907 1.0628173 1.0540357 1.0462104\n", + " 1.0429007 1.0443645 1.0496064 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1686723 1.1644766 1.1748002 1.1841626 1.1726743 1.1396067 1.1057122\n", + " 1.0828379 1.0726323 1.0713185 1.0718204 1.0675484 1.0586187 1.0501683\n", + " 1.0463976 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1674037 1.165312 1.1756846 1.1849746 1.1732662 1.141356 1.107659\n", + " 1.084957 1.0737498 1.0695963 1.0675331 1.0608213 1.0522821 1.0445777\n", + " 1.0413063 1.0433716 1.0482584 1.053425 1.0557951 1.056902 1.0585223\n", + " 0. 0. ]\n", + " [1.1665163 1.162154 1.1718147 1.1810784 1.1691294 1.1362345 1.1030418\n", + " 1.0808767 1.070644 1.0683904 1.0692029 1.0644342 1.0554329 1.0470517\n", + " 1.042879 1.0443783 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1741832 1.1718009 1.1826996 1.1915696 1.1813254 1.1483238 1.112835\n", + " 1.0895306 1.0774621 1.0728126 1.07038 1.0636842 1.0547452 1.0470762\n", + " 1.0438248 1.0456901 1.0514836 1.056401 1.0580347 1.0590019 1.0602517\n", + " 1.0638262 1.0711381]\n", + " [1.186616 1.1822542 1.1921537 1.2006538 1.1868355 1.1526296 1.11675\n", + " 1.092743 1.08165 1.0783476 1.0771253 1.0706141 1.0607469 1.0518597\n", + " 1.0482881 1.050372 1.0559763 1.0615271 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1909087 1.1848052 1.1927105 1.1988796 1.1868372 1.1517236 1.1164223\n", + " 1.0937127 1.0832428 1.081961 1.0812991 1.0752952 1.0649918 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1607052 1.1559025 1.1648405 1.1742791 1.1640625 1.1334082 1.1010122\n", + " 1.0789555 1.0685921 1.065613 1.0643778 1.0604076 1.0519851 1.0440058\n", + " 1.0402646 1.0418653 1.0465764 1.0513282]\n", + " [1.1787598 1.1758078 1.1869195 1.1946737 1.1818992 1.1463072 1.110385\n", + " 1.0869997 1.0762074 1.0747814 1.0745783 1.0694184 1.0603507 1.0513616\n", + " 1.0474206 1.0492998 1.0545961 0. ]\n", + " [1.1647615 1.1612953 1.1718701 1.1815213 1.1708864 1.1385059 1.1046671\n", + " 1.083113 1.072615 1.0702883 1.0709248 1.066327 1.0576276 1.0493762\n", + " 1.0455629 1.0472867 0. 0. ]\n", + " [1.1569592 1.1527565 1.1626314 1.1702236 1.1588182 1.1278335 1.0968145\n", + " 1.0763565 1.0668154 1.0654609 1.0656276 1.061018 1.0526886 1.0452914\n", + " 1.041809 0. 0. 0. ]]\n", + "[[1.1662263 1.1596196 1.1668915 1.1747843 1.1634145 1.1331972 1.1014608\n", + " 1.0801896 1.0705693 1.0682361 1.0686318 1.064537 1.0562761 1.0481282\n", + " 1.0442466 0. 0. 0. 0. 0. 0. ]\n", + " [1.1692423 1.1636544 1.1720612 1.1800836 1.1675596 1.1362424 1.1036704\n", + " 1.0819273 1.0720366 1.0702788 1.0707185 1.0656483 1.0574116 1.0492014\n", + " 1.0458655 0. 0. 0. 0. 0. 0. ]\n", + " [1.1713781 1.1684644 1.1798639 1.1897175 1.1772628 1.1430342 1.1069343\n", + " 1.0827366 1.0712264 1.0684966 1.0684292 1.0639198 1.0556216 1.0477908\n", + " 1.0442113 1.0454735 1.0502009 1.0550203 0. 0. 0. ]\n", + " [1.1709005 1.1688519 1.1802604 1.190624 1.1777991 1.1441181 1.1099975\n", + " 1.0872111 1.0754299 1.072238 1.0700523 1.063756 1.0545703 1.0469321\n", + " 1.0429652 1.0452682 1.0502853 1.055254 1.057209 1.0583589 1.0597224]\n", + " [1.1580029 1.1555214 1.1653636 1.1734401 1.1607971 1.1292104 1.0973549\n", + " 1.0763377 1.0665814 1.0642443 1.0636069 1.0592455 1.0512465 1.0440687\n", + " 1.0405517 1.0421424 1.0465312 1.051169 0. 0. 0. ]]\n", + "[[1.1504915 1.1464791 1.1552713 1.1632934 1.1525539 1.1225004 1.0917888\n", + " 1.0719671 1.0624632 1.0607535 1.0605903 1.0559511 1.0485638 1.0417271\n", + " 1.0384433 1.0402473 1.044754 0. 0. 0. 0. ]\n", + " [1.1746349 1.1708128 1.1800033 1.1874199 1.1746491 1.1411302 1.1081402\n", + " 1.085811 1.0744274 1.0706387 1.0688952 1.0630655 1.0536525 1.0462335\n", + " 1.0432256 1.0455501 1.0507945 1.0555836 1.0579407 1.0587536 0. ]\n", + " [1.1695294 1.1665106 1.1770256 1.1866269 1.1736563 1.1405807 1.1062193\n", + " 1.0834401 1.0724074 1.0702341 1.070069 1.0650191 1.0562754 1.0481371\n", + " 1.0444148 1.0460365 1.0512463 0. 0. 0. 0. ]\n", + " [1.1712863 1.1668057 1.1764529 1.1843165 1.1722934 1.1398284 1.1066649\n", + " 1.0842637 1.0733459 1.0706303 1.0699083 1.0645701 1.0560566 1.0477787\n", + " 1.0444914 1.046471 1.0522695 0. 0. 0. 0. ]\n", + " [1.1792305 1.1762298 1.1872561 1.1963844 1.1847966 1.1512414 1.1159769\n", + " 1.0914303 1.0796604 1.0747738 1.0723908 1.0661362 1.0572317 1.0487428\n", + " 1.0458541 1.0480231 1.0532039 1.0582417 1.0601202 1.0606809 1.0619009]]\n", + "[[1.1762661 1.1718094 1.1821021 1.1900393 1.1765386 1.1423163 1.1082705\n", + " 1.0859333 1.0766221 1.0755129 1.07537 1.0706196 1.0612129 1.0520171\n", + " 0. 0. 0. ]\n", + " [1.1755314 1.1712266 1.1815262 1.188621 1.1767151 1.1426585 1.1076512\n", + " 1.0850964 1.0753348 1.0736754 1.0739123 1.0689951 1.0595604 1.0506608\n", + " 1.0468446 0. 0. ]\n", + " [1.1570818 1.1523263 1.1597791 1.1660676 1.1536939 1.1238476 1.094015\n", + " 1.0739645 1.0643842 1.0628989 1.0626762 1.0590805 1.0516652 1.0445011\n", + " 1.0414548 0. 0. ]\n", + " [1.1566712 1.1525443 1.1611464 1.1688948 1.1568083 1.1258495 1.0956032\n", + " 1.0756443 1.0661447 1.0642134 1.0638831 1.0593354 1.0513116 1.0439469\n", + " 1.0405086 1.0424343 0. ]\n", + " [1.1722456 1.1686206 1.1790067 1.1879029 1.1764364 1.1432737 1.1084391\n", + " 1.0853287 1.0745789 1.0719824 1.070836 1.0659395 1.0564342 1.0482057\n", + " 1.0443124 1.0462569 1.0517563]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1863354 1.1821792 1.1921717 1.2012494 1.188243 1.1540483 1.1181896\n", + " 1.0934364 1.0801818 1.0759767 1.0735726 1.0669101 1.0579363 1.0500383\n", + " 1.0468507 1.0490894 1.0544415 1.059415 1.0619212 1.0628241 1.0644885\n", + " 0. ]\n", + " [1.1698931 1.1672788 1.1780357 1.186405 1.1758465 1.1438042 1.1099308\n", + " 1.0867919 1.0752473 1.0710316 1.068351 1.0617261 1.052658 1.0450721\n", + " 1.0420263 1.0443375 1.0490663 1.0543538 1.056269 1.0566454 1.057793\n", + " 1.0614773]\n", + " [1.2035093 1.1957641 1.2041363 1.2120253 1.1990652 1.1635082 1.1255215\n", + " 1.1003144 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.192595 1.1880022 1.1989641 1.2079126 1.1960878 1.1603643 1.1232581\n", + " 1.0984046 1.087307 1.0859408 1.0857046 1.0801194 1.0692219 1.0590742\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1789293 1.1737319 1.1831871 1.1919607 1.1784172 1.14304 1.107502\n", + " 1.0856347 1.0759906 1.0750011 1.0751976 1.0708134 1.0609564 1.0522342\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1722184 1.1683341 1.1794025 1.1893444 1.1781034 1.1450492 1.1101471\n", + " 1.0860546 1.0748144 1.0720601 1.0715376 1.0660119 1.0564796 1.048244\n", + " 1.04434 1.0460122 1.0515466 1.0569181 0. 0. ]\n", + " [1.1681579 1.1643798 1.1758955 1.1860995 1.1746894 1.141268 1.1064823\n", + " 1.0831646 1.0727673 1.0711116 1.0715698 1.066328 1.0567944 1.0480018\n", + " 1.0437607 1.0455571 0. 0. 0. 0. ]\n", + " [1.1688367 1.165417 1.1760488 1.1853771 1.173471 1.1398065 1.1056402\n", + " 1.082873 1.0723594 1.0697879 1.06928 1.0639243 1.0542204 1.0461769\n", + " 1.0422691 1.0438977 1.0489935 1.0546979 0. 0. ]\n", + " [1.1750275 1.1720996 1.1835061 1.1919531 1.1799109 1.1459583 1.1106274\n", + " 1.0864167 1.0749307 1.0714328 1.0695549 1.0642856 1.0552142 1.0473026\n", + " 1.0439404 1.0454023 1.0507562 1.0557989 1.0582664 1.0590051]\n", + " [1.1668124 1.1622363 1.1712613 1.1789839 1.1665535 1.1347388 1.1018922\n", + " 1.0798255 1.0695835 1.0671965 1.0670887 1.0630208 1.0546324 1.0473688\n", + " 1.0439843 1.0457544 1.0505427 0. 0. 0. ]]\n", + "[[1.1489947 1.1473142 1.1560242 1.1635336 1.1516916 1.1221023 1.0932229\n", + " 1.0734173 1.0631988 1.0594504 1.0574797 1.0525572 1.0447825 1.0390416\n", + " 1.0362933 1.038376 1.0428501 1.0465509 1.0481169 1.0489247]\n", + " [1.1631271 1.1579517 1.1667817 1.1743697 1.1630781 1.1318542 1.1002504\n", + " 1.0795295 1.0694772 1.0668145 1.0666893 1.0621173 1.0539322 1.046323\n", + " 1.0429624 1.0451472 0. 0. 0. 0. ]\n", + " [1.1756306 1.1716894 1.1829225 1.1919826 1.1813748 1.1472261 1.1123763\n", + " 1.0883305 1.0763481 1.0728238 1.070363 1.0647776 1.0550121 1.04682\n", + " 1.0430104 1.0444285 1.0491098 1.0542052 1.0563147 1.0574783]\n", + " [1.1736685 1.1708678 1.181343 1.1902107 1.1770111 1.1426207 1.1071638\n", + " 1.0841452 1.0738697 1.0716993 1.0717958 1.0669982 1.0583065 1.0494568\n", + " 1.0455501 1.0475183 1.0528605 0. 0. 0. ]\n", + " [1.1925311 1.1864634 1.1953018 1.2023387 1.1889853 1.1530395 1.116418\n", + " 1.0932617 1.0827793 1.080589 1.080466 1.0750188 1.0651598 1.0557208\n", + " 1.0521743 0. 0. 0. 0. 0. ]]\n", + "[[1.1653999 1.1607378 1.1701254 1.1775566 1.1664538 1.1338831 1.1012512\n", + " 1.0798812 1.070208 1.0696814 1.0706347 1.0661991 1.0575569 1.0491136\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1819289 1.1761211 1.1853656 1.1932763 1.180228 1.1453539 1.110073\n", + " 1.0869436 1.0768162 1.0752771 1.0753846 1.070238 1.0602252 1.0513026\n", + " 1.046848 1.049253 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1785367 1.175128 1.1854262 1.1940582 1.1804006 1.1445125 1.1096796\n", + " 1.0874165 1.0778536 1.0769862 1.0776826 1.0720983 1.0616415 1.0522859\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1701262 1.1671844 1.1780486 1.1861407 1.1754153 1.1430542 1.1095386\n", + " 1.086743 1.074833 1.0704666 1.0680164 1.0615702 1.052375 1.0452347\n", + " 1.0422416 1.0444847 1.0489981 1.0539845 1.0568094 1.0576009 1.0585692\n", + " 1.0622822]\n", + " [1.1515515 1.1471983 1.1561127 1.163999 1.1544544 1.1255198 1.0953004\n", + " 1.0748657 1.0644295 1.0611589 1.0604024 1.0561476 1.0483303 1.0414823\n", + " 1.0385393 1.0402994 1.0449823 1.0499055 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1684707 1.166345 1.1772407 1.1869531 1.175212 1.142026 1.1074884\n", + " 1.0849593 1.073342 1.0705792 1.0698665 1.065179 1.0563723 1.0482479\n", + " 1.0447019 1.0460122 1.0510104 1.0562122 0. ]\n", + " [1.1598446 1.1548313 1.1635953 1.1722013 1.1610261 1.1307186 1.0984801\n", + " 1.076518 1.0671265 1.0658989 1.0673105 1.0635033 1.0549852 1.0469493\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1745071 1.1718184 1.1823941 1.1899896 1.1774993 1.142302 1.1066763\n", + " 1.0836223 1.0731832 1.0708423 1.0719455 1.0673492 1.0587296 1.0502145\n", + " 1.0465189 1.0485723 0. 0. 0. ]\n", + " [1.156328 1.1518875 1.1605159 1.1667608 1.1569121 1.1266423 1.0952461\n", + " 1.0743393 1.0643276 1.0612277 1.0598195 1.0557528 1.0479307 1.0414313\n", + " 1.0382533 1.0401735 1.0446795 1.0492992 1.0521114]\n", + " [1.1668036 1.1642177 1.1737468 1.1833285 1.1700536 1.1356635 1.1022007\n", + " 1.0809207 1.0718745 1.0716532 1.0723307 1.0672016 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1783047 1.1762024 1.187528 1.1958526 1.1834222 1.1489053 1.1131378\n", + " 1.0895253 1.0774908 1.073145 1.0709686 1.0646915 1.0552025 1.0478072\n", + " 1.0445287 1.0460976 1.0514745 1.0563166 1.058636 1.059918 1.0613301]\n", + " [1.1697366 1.1658998 1.1762738 1.1857374 1.1736774 1.1405119 1.106593\n", + " 1.0849913 1.0748162 1.0737927 1.0741254 1.0692071 1.0590401 1.050324\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.2004569 1.1955252 1.2057588 1.2155951 1.2013643 1.1646613 1.1271982\n", + " 1.1021377 1.0910174 1.0892351 1.0891719 1.0824231 1.0713539 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1759962 1.1751307 1.1866783 1.1952881 1.1833133 1.1484914 1.1113513\n", + " 1.0879897 1.0765027 1.0729287 1.0713011 1.0651708 1.0561082 1.0480616\n", + " 1.0443014 1.0462683 1.0512317 1.0561721 1.0584087 1.0595145 0. ]\n", + " [1.1787397 1.1754403 1.1856127 1.1930553 1.1810088 1.1469631 1.1115744\n", + " 1.0883923 1.076634 1.0738729 1.0724854 1.0666295 1.0578098 1.049672\n", + " 1.0461173 1.0482427 1.0537575 1.0592089 0. 0. 0. ]]\n", + "[[1.1684225 1.165545 1.1769795 1.1864427 1.1746814 1.1411985 1.105988\n", + " 1.0830348 1.0717975 1.0688312 1.0673138 1.062076 1.0531849 1.0449022\n", + " 1.0416107 1.0432308 1.0482558 1.0534426 1.0563339]\n", + " [1.1867012 1.1807301 1.190387 1.199764 1.1866767 1.1515483 1.1153063\n", + " 1.0914046 1.0817145 1.0813515 1.0817283 1.0767778 1.066484 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.180696 1.1756377 1.1847956 1.1930851 1.1796763 1.146877 1.1122034\n", + " 1.089127 1.0781065 1.0752245 1.0746096 1.069223 1.0601139 1.0512831\n", + " 1.0478398 1.0501232 0. 0. 0. ]\n", + " [1.1789114 1.1739652 1.1833373 1.1912733 1.1784827 1.1453241 1.1110948\n", + " 1.0884352 1.0775243 1.0740906 1.0724552 1.0662369 1.0563215 1.0479265\n", + " 1.0442091 1.0461352 1.0516725 1.0566875 1.0589584]\n", + " [1.1821723 1.1768428 1.1872344 1.1960602 1.1854304 1.1514201 1.1159192\n", + " 1.0928102 1.0822786 1.0803242 1.0805961 1.0746801 1.0642143 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1770382 1.175323 1.1848024 1.1930116 1.1794683 1.1451476 1.1106067\n", + " 1.0874798 1.0759923 1.0726577 1.0699925 1.0647904 1.0557283 1.0478469\n", + " 1.0446916 1.0467767 1.0522178 1.0577177 1.0606079 1.0618302]\n", + " [1.170175 1.1646522 1.1741366 1.1822288 1.1708695 1.1375309 1.1037846\n", + " 1.0816424 1.0721399 1.0714663 1.0716866 1.0667225 1.0574433 1.048429\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1687953 1.1658533 1.1762731 1.1847472 1.1734807 1.1401424 1.1059163\n", + " 1.0829799 1.0719224 1.0697323 1.0696287 1.064749 1.0552818 1.047227\n", + " 1.0431726 1.0449574 1.0503068 0. 0. 0. ]\n", + " [1.1785094 1.1764942 1.1880834 1.19603 1.1818447 1.1477803 1.1128602\n", + " 1.089432 1.077939 1.0742776 1.072673 1.0662252 1.056157 1.0480881\n", + " 1.0446892 1.0465705 1.0520283 1.0567721 1.0592165 1.0601231]\n", + " [1.1794794 1.1758108 1.1864867 1.1943023 1.1812954 1.146322 1.1105274\n", + " 1.0868492 1.0758804 1.0728406 1.072514 1.0672756 1.058513 1.0500133\n", + " 1.0460896 1.0477325 1.0528185 1.0576751 0. 0. ]]\n", + "[[1.1936733 1.1877261 1.1985449 1.2084726 1.1951745 1.159112 1.1215676\n", + " 1.0966196 1.0856832 1.084909 1.085844 1.0804193 1.0693314 1.0588186\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1617895 1.1572956 1.1669606 1.1756196 1.1649172 1.1329308 1.0997465\n", + " 1.0785091 1.0682116 1.066665 1.0668634 1.0626968 1.0550158 1.0470002\n", + " 1.0432775 1.0448352 0. 0. 0. ]\n", + " [1.1732774 1.16897 1.1788151 1.1858236 1.1721658 1.1399713 1.1061441\n", + " 1.0832777 1.0724943 1.0692087 1.0675222 1.0622028 1.0535558 1.0460681\n", + " 1.0423648 1.044134 1.0489558 1.053627 1.0560389]\n", + " [1.1808264 1.1770633 1.1868906 1.194418 1.1825686 1.1480665 1.1126584\n", + " 1.0884188 1.0768301 1.0733504 1.0718336 1.066007 1.0575402 1.0492365\n", + " 1.0454696 1.0479054 1.0532938 1.0584304 1.0609298]\n", + " [1.1664163 1.1628476 1.1736275 1.1828618 1.1712995 1.1386771 1.1050128\n", + " 1.0822766 1.0717177 1.069518 1.0696745 1.0655683 1.0568006 1.049091\n", + " 1.0453373 1.0472292 0. 0. 0. ]]\n", + "[[1.1813533 1.1765777 1.1867065 1.1942437 1.1802087 1.1458191 1.1105837\n", + " 1.0871345 1.0769334 1.0748676 1.0743285 1.070039 1.0609456 1.0521312\n", + " 1.0482901 1.0500653 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1527727 1.1486453 1.158773 1.1678611 1.1579597 1.126858 1.0951271\n", + " 1.0742471 1.0656946 1.064838 1.0651327 1.0608703 1.052377 1.0443012\n", + " 1.0406946 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1648103 1.1626198 1.1726342 1.1821111 1.1700871 1.1379191 1.1053655\n", + " 1.0835513 1.0721562 1.0675558 1.0649437 1.0593171 1.0502045 1.0429376\n", + " 1.0404553 1.0420134 1.0467651 1.0511322 1.0534351 1.054093 1.0557368\n", + " 1.0594834]\n", + " [1.178996 1.1742496 1.1842885 1.1941838 1.1818007 1.1478376 1.111954\n", + " 1.0885272 1.0780624 1.0768015 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1591915 1.1571511 1.167896 1.1774137 1.1655356 1.133476 1.100495\n", + " 1.0793053 1.0685321 1.0650464 1.0635154 1.0579212 1.0488319 1.041831\n", + " 1.0384098 1.0397135 1.0446872 1.0491889 1.0515785 1.0530055 0.\n", + " 0. ]]\n", + "[[1.1872008 1.1803383 1.1895458 1.198145 1.18561 1.1517715 1.1160522\n", + " 1.0924577 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1744093 1.1708089 1.1802616 1.189645 1.1774877 1.1439451 1.1088628\n", + " 1.0849557 1.0735444 1.0710768 1.0710112 1.0671251 1.0580611 1.0499816\n", + " 1.0459499 1.0476738 1.0528286 0. ]\n", + " [1.1482464 1.1436205 1.1530911 1.1619871 1.1517296 1.1227602 1.0928334\n", + " 1.072564 1.0628188 1.0606952 1.0606507 1.0560385 1.0483234 1.0403748\n", + " 1.0372651 1.0386906 1.0438163 0. ]\n", + " [1.1814022 1.1768485 1.1868255 1.1941097 1.1815543 1.1468732 1.1114452\n", + " 1.0883723 1.0778025 1.0757486 1.0761105 1.0712168 1.0616971 1.0525855\n", + " 1.0485789 1.0505936 0. 0. ]\n", + " [1.1705494 1.1675496 1.1791239 1.1870517 1.1748677 1.1408832 1.105931\n", + " 1.0828221 1.0725493 1.0698204 1.0691273 1.0643548 1.0554959 1.0470357\n", + " 1.0435306 1.0451651 1.0504081 1.0555387]]\n", + "[[1.1682999 1.1637604 1.1731138 1.1813571 1.1686238 1.1349874 1.101876\n", + " 1.0807406 1.0720453 1.0715965 1.0723007 1.0669733 1.0572522 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1708732 1.1667308 1.1763017 1.1842479 1.174206 1.1409519 1.1064775\n", + " 1.0831329 1.0721514 1.070954 1.0707793 1.0663993 1.0570585 1.0486246\n", + " 1.0449977 0. 0. 0. 0. 0. ]\n", + " [1.1839778 1.1777717 1.1870917 1.1953139 1.1834918 1.1498514 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1621016 1.1579406 1.1677785 1.1769962 1.1660047 1.1337591 1.1019905\n", + " 1.0802145 1.0704602 1.069287 1.0698946 1.0653386 1.05656 1.0483876\n", + " 1.0446031 0. 0. 0. 0. 0. ]\n", + " [1.1805518 1.1782476 1.1881214 1.1970303 1.1838886 1.1502327 1.1143888\n", + " 1.090779 1.0787824 1.0746399 1.0725094 1.0671941 1.0570651 1.049504\n", + " 1.0457331 1.0474143 1.0527328 1.0582975 1.0606852 1.0620178]]\n", + "[[1.1758908 1.1733935 1.1844676 1.1933109 1.1808846 1.146463 1.1117827\n", + " 1.088302 1.0766381 1.0722803 1.070349 1.0640585 1.0547391 1.0466427\n", + " 1.0434593 1.0456759 1.0510063 1.0563958 1.0591182 1.0601996 1.0616246\n", + " 1.0655502 1.0730407]\n", + " [1.1516813 1.1469234 1.1558608 1.1641513 1.1534076 1.123714 1.0939815\n", + " 1.0745158 1.0654848 1.0640677 1.0645046 1.0604706 1.0520306 1.0443445\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1970371 1.1924156 1.2010126 1.2108274 1.1953487 1.1567413 1.1180737\n", + " 1.0934789 1.082585 1.0813148 1.0820359 1.0771962 1.0669351 1.0574236\n", + " 1.0531983 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1657286 1.1614779 1.1712297 1.1801491 1.1678534 1.1347493 1.1015779\n", + " 1.0803039 1.0709379 1.0695497 1.0703336 1.0663105 1.0573356 1.0487217\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1928215 1.1899415 1.2010549 1.2098747 1.1970266 1.160344 1.1224384\n", + " 1.0966817 1.0840398 1.0798035 1.0774747 1.0709461 1.0613637 1.0527142\n", + " 1.0492523 1.0508603 1.0570983 1.0622213 1.0647622 1.0655644 0.\n", + " 0. 0. ]]\n", + "[[1.169611 1.1652728 1.1758168 1.1847951 1.1718442 1.1390103 1.105373\n", + " 1.0832125 1.0730988 1.0705823 1.0694181 1.064522 1.0552968 1.047051\n", + " 1.0437169 1.0460358 1.0517572]\n", + " [1.1706104 1.1655891 1.1745276 1.180409 1.1683815 1.1360255 1.1034585\n", + " 1.0820059 1.0730526 1.0723096 1.0725092 1.0679009 1.0584782 1.0497435\n", + " 0. 0. 0. ]\n", + " [1.1700047 1.1646605 1.172975 1.1794609 1.16826 1.1356661 1.1028241\n", + " 1.0808107 1.0702033 1.0688596 1.0688837 1.0648922 1.0568745 1.04874\n", + " 1.0449183 1.0465344 0. ]\n", + " [1.1573688 1.1540408 1.1631595 1.171618 1.1592491 1.1278546 1.0959053\n", + " 1.0751237 1.06561 1.0634925 1.0629797 1.0581366 1.0505072 1.0434077\n", + " 1.039878 1.0418358 1.0465195]\n", + " [1.1735328 1.1696117 1.179817 1.1897565 1.1776012 1.1443142 1.10957\n", + " 1.086764 1.0754989 1.0729009 1.0731394 1.0681609 1.0591509 1.0505984\n", + " 1.046575 1.048652 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1662401 1.1603041 1.1682899 1.1769948 1.1657838 1.1345842 1.1024309\n", + " 1.0817249 1.0717214 1.0710137 1.0710912 1.0662909 1.0565324 1.0481015\n", + " 1.044451 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1800781 1.1776009 1.1885983 1.1978617 1.1857845 1.1504483 1.1134924\n", + " 1.0888294 1.0765462 1.0729446 1.0727515 1.067526 1.0583609 1.049723\n", + " 1.0457852 1.0474671 1.052315 1.0573313 1.0599536 0. 0.\n", + " 0. 0. ]\n", + " [1.1666691 1.1615524 1.170347 1.1786349 1.1668671 1.1346473 1.1017139\n", + " 1.0799916 1.0698161 1.067991 1.0676755 1.0639188 1.0559752 1.0476038\n", + " 1.0441408 1.0458045 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1657262 1.1636713 1.1738855 1.1829854 1.1699904 1.1353669 1.1019819\n", + " 1.0800691 1.0706393 1.0693122 1.0696092 1.0652778 1.0558267 1.0473856\n", + " 1.0435783 1.045202 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1561427 1.153819 1.1643107 1.1739501 1.1630977 1.1323448 1.099432\n", + " 1.0771298 1.0665411 1.062853 1.0607231 1.0560853 1.0480897 1.0412264\n", + " 1.0383629 1.0398766 1.0443025 1.0487765 1.0509918 1.0522008 1.0536942\n", + " 1.0567299 1.0636384]]\n", + "[[1.1817485 1.1785688 1.1894517 1.1993264 1.1866136 1.1508547 1.1154144\n", + " 1.0913055 1.0794709 1.0756731 1.0741584 1.067732 1.0577898 1.0494642\n", + " 1.0460786 1.0477741 1.0532596 1.0586311 1.0608202 1.0614755]\n", + " [1.1739112 1.1699871 1.1802922 1.1883091 1.1753602 1.1422045 1.1074262\n", + " 1.0843148 1.0742453 1.0716072 1.0716151 1.0671906 1.058744 1.0507594\n", + " 1.0470966 0. 0. 0. 0. 0. ]\n", + " [1.1886336 1.1861521 1.19773 1.207598 1.193371 1.1570863 1.1199763\n", + " 1.0950546 1.0826621 1.0788965 1.0770495 1.0710498 1.0610031 1.0520188\n", + " 1.048153 1.0504693 1.0561637 1.0621122 1.0650586 0. ]\n", + " [1.1704912 1.1649319 1.1743901 1.1817315 1.1714907 1.1393881 1.1059942\n", + " 1.0836494 1.0736841 1.0718409 1.0719165 1.0672053 1.058187 1.0494976\n", + " 1.0453211 0. 0. 0. 0. 0. ]\n", + " [1.1977834 1.1931974 1.2037075 1.212428 1.1987638 1.1617408 1.1236988\n", + " 1.0977962 1.0861709 1.0833338 1.082931 1.0772659 1.0672865 1.0576829\n", + " 1.0537524 1.056019 1.0625321 0. 0. 0. ]]\n", + "[[1.1726623 1.1701894 1.181344 1.1894575 1.1780918 1.1440675 1.1091349\n", + " 1.085271 1.0742265 1.0703558 1.0685731 1.0627493 1.0538415 1.0460752\n", + " 1.0428214 1.0446758 1.049789 1.0547483 1.0574226 1.0581377 0.\n", + " 0. 0. ]\n", + " [1.1562877 1.1525476 1.1619959 1.1703303 1.1589724 1.1282742 1.096135\n", + " 1.0759403 1.0660796 1.064166 1.0639274 1.0597277 1.0510819 1.0438318\n", + " 1.040204 1.0418364 1.0468744 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.198333 1.1927785 1.2049382 1.215316 1.2011397 1.1635019 1.1255811\n", + " 1.1011328 1.0899017 1.0891787 1.0896184 1.0844067 1.0726552 1.0615728\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1776934 1.173247 1.183322 1.1907176 1.1793729 1.1458781 1.1110787\n", + " 1.0879551 1.0763526 1.0730535 1.0720217 1.0669005 1.058069 1.0492281\n", + " 1.0454848 1.0471003 1.0518379 1.0570496 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1499288 1.1472359 1.1559829 1.1645383 1.1526346 1.123415 1.0937382\n", + " 1.0737005 1.0635619 1.0604243 1.0587994 1.053695 1.0457219 1.0390744\n", + " 1.036743 1.0387046 1.0432353 1.0479729 1.0500578 1.0506434 1.0515873\n", + " 1.0548038 1.0615771]]\n", + "[[1.2030809 1.1982869 1.2083929 1.2172967 1.2041498 1.167891 1.1297123\n", + " 1.1037428 1.0902483 1.0862479 1.0837526 1.0765698 1.065992 1.0561186\n", + " 1.0518404 1.0535127 1.0598003 1.0655985 1.068536 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1722653 1.1671253 1.1765414 1.1849508 1.1720071 1.1384411 1.1039474\n", + " 1.0813675 1.0713056 1.0696279 1.0698395 1.0650884 1.056049 1.0474066\n", + " 1.0438862 1.0458219 1.051649 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1770221 1.1713213 1.1802716 1.1877574 1.1774756 1.1447724 1.1103818\n", + " 1.0868608 1.075743 1.0732408 1.0729225 1.0687562 1.0599607 1.0514959\n", + " 1.0474815 1.0493832 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1722589 1.1693637 1.1800036 1.1875595 1.1755226 1.1422623 1.107955\n", + " 1.0850842 1.0735614 1.0699407 1.0682318 1.0617509 1.0534904 1.0456251\n", + " 1.0426537 1.0443547 1.0493877 1.0545727 1.056836 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1544834 1.1513964 1.1624074 1.1734693 1.1649936 1.1340313 1.1004932\n", + " 1.0784414 1.0671355 1.0632131 1.0615871 1.0561604 1.0478934 1.0407574\n", + " 1.0382437 1.0402616 1.0450333 1.05021 1.0521559 1.052652 1.0533544\n", + " 1.055572 1.0616957 1.0707844 1.0780007 1.0831779 1.0847808]]\n", + "[[1.1760265 1.1697752 1.1780058 1.1858759 1.1735126 1.1400183 1.1069483\n", + " 1.0849915 1.0754182 1.0743177 1.0749472 1.0702221 1.0607972 1.052094\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1704004 1.1692038 1.1801646 1.1886201 1.1763502 1.1434273 1.1086904\n", + " 1.0851853 1.0737205 1.0703673 1.0681967 1.061424 1.0520021 1.0447136\n", + " 1.0414444 1.0438846 1.0489783 1.0546849 1.0568899 1.0578803 1.0595238]\n", + " [1.1696341 1.1677082 1.1799684 1.1907961 1.1778466 1.1439528 1.1085486\n", + " 1.0847036 1.0728267 1.0698166 1.0680231 1.0623536 1.0529217 1.0452204\n", + " 1.0413928 1.0431207 1.047888 1.0528994 1.0555063 1.0566177 0. ]\n", + " [1.1872265 1.1820441 1.191505 1.1990441 1.1871697 1.1522405 1.1161779\n", + " 1.0926615 1.0813687 1.0793109 1.0791315 1.0740516 1.0640765 1.0549477\n", + " 1.050933 1.0530767 0. 0. 0. 0. 0. ]\n", + " [1.1760226 1.1717565 1.1820791 1.1894131 1.1770453 1.1430143 1.1083753\n", + " 1.0860217 1.0752789 1.072623 1.072314 1.066513 1.0572679 1.0489359\n", + " 1.0451174 1.0466994 1.0519714 1.0570349 0. 0. 0. ]]\n", + "[[1.1870487 1.1838198 1.1944858 1.2036669 1.1900164 1.1549783 1.1180182\n", + " 1.093778 1.0811889 1.0783913 1.0765712 1.0700185 1.0606583 1.0517849\n", + " 1.048142 1.0501167 1.0559647 1.0614482 1.0636824]\n", + " [1.1646276 1.1609548 1.1704402 1.1801319 1.1677517 1.1347454 1.1020982\n", + " 1.080353 1.0712942 1.0700355 1.0704473 1.0658684 1.0566756 1.04826\n", + " 1.0442924 0. 0. 0. 0. ]\n", + " [1.1720172 1.168607 1.1785682 1.1862063 1.1752108 1.1422503 1.1080536\n", + " 1.0846274 1.0735742 1.0703784 1.0688211 1.0639921 1.055083 1.0469987\n", + " 1.0431939 1.0448153 1.0495117 1.054422 1.0569394]\n", + " [1.161971 1.1569502 1.166265 1.174741 1.1638669 1.1317408 1.0985255\n", + " 1.0777271 1.0678716 1.066588 1.0668379 1.0621998 1.05381 1.0460601\n", + " 1.0426933 0. 0. 0. 0. ]\n", + " [1.1612272 1.1584156 1.1683285 1.1774837 1.1653075 1.1337959 1.1007652\n", + " 1.0782773 1.0684985 1.0663688 1.065813 1.0609784 1.0527581 1.044715\n", + " 1.0416607 1.0433184 1.0483766 0. 0. ]]\n", + "[[1.1804878 1.1759188 1.1871574 1.1960552 1.1836852 1.148682 1.1119164\n", + " 1.0874215 1.0764664 1.0747792 1.0748634 1.0698487 1.0606036 1.0514411\n", + " 1.047069 1.0491883 0. 0. 0. ]\n", + " [1.1677687 1.163583 1.174889 1.185661 1.174698 1.1412084 1.1056429\n", + " 1.0834092 1.07315 1.0720154 1.0725069 1.0677974 1.0583212 1.049155\n", + " 1.0447879 0. 0. 0. 0. ]\n", + " [1.180352 1.1738818 1.1834446 1.1923088 1.1799072 1.1460671 1.1101174\n", + " 1.0875648 1.0774575 1.0765032 1.0769929 1.072097 1.0620307 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1820449 1.1768215 1.186269 1.1939607 1.1817783 1.1462934 1.1108606\n", + " 1.0868707 1.0769949 1.0749532 1.0750389 1.0700443 1.0604622 1.051614\n", + " 1.0479918 0. 0. 0. 0. ]\n", + " [1.1623816 1.1604464 1.1708317 1.1800357 1.1679723 1.1352658 1.1021937\n", + " 1.0800036 1.0694036 1.0666233 1.0655667 1.0604544 1.0522845 1.0447363\n", + " 1.0413203 1.0431354 1.0476264 1.0522677 1.0544294]]\n", + "[[1.1563748 1.1508553 1.1589295 1.1663587 1.155948 1.1257335 1.0947975\n", + " 1.074687 1.0651954 1.0630493 1.0631766 1.059409 1.05132 1.0440949\n", + " 1.0410061 1.0431012 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1785867 1.1747005 1.186585 1.1971418 1.1841545 1.1488897 1.1130419\n", + " 1.0893908 1.0788 1.0758265 1.0753791 1.0702993 1.0597221 1.050628\n", + " 1.0463797 1.0481682 1.0541375 1.0596269 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1660762 1.1620448 1.1718384 1.1820974 1.1717482 1.1407946 1.1083336\n", + " 1.0861142 1.0745637 1.0706977 1.068995 1.0625956 1.0529137 1.0447413\n", + " 1.0414786 1.0436238 1.0489526 1.0541607 1.0567508 1.0573928 1.0583909\n", + " 1.061619 1.0693492 1.0797455]\n", + " [1.161384 1.1587814 1.170095 1.1795499 1.168457 1.1357081 1.1033257\n", + " 1.0814552 1.0706904 1.0671893 1.0652142 1.0590547 1.0501033 1.0423815\n", + " 1.0391157 1.0408459 1.0455803 1.0503614 1.052138 1.0531646 1.0540906\n", + " 1.0573944 0. 0. ]\n", + " [1.1796935 1.1756121 1.1864015 1.1947883 1.1825655 1.1471986 1.1109241\n", + " 1.0866895 1.0756983 1.0731645 1.0728078 1.0680212 1.0587244 1.0505123\n", + " 1.0469787 1.0487901 1.0544004 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1736546 1.1707237 1.1825272 1.1925553 1.181153 1.146607 1.110348\n", + " 1.0866373 1.0754632 1.073017 1.072282 1.066927 1.0574174 1.0490016\n", + " 1.044944 1.0464637 1.0519754 1.0574099 0. 0. 0.\n", + " 0. ]\n", + " [1.1758146 1.1728451 1.1847122 1.1938255 1.1820734 1.1493843 1.1143997\n", + " 1.0902169 1.0786299 1.0745902 1.0717416 1.0654873 1.0555845 1.0473475\n", + " 1.0434896 1.0447936 1.049993 1.0551883 1.057625 1.0585345 1.0602648\n", + " 1.0642942]\n", + " [1.2040321 1.1976545 1.2076354 1.217091 1.2035148 1.1652796 1.1255989\n", + " 1.0999361 1.0887547 1.0871105 1.0883831 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2024171 1.1966004 1.2063513 1.2149501 1.1997437 1.1624808 1.1240718\n", + " 1.099154 1.0869904 1.0835238 1.0824047 1.0761607 1.0659249 1.0561761\n", + " 1.0517007 1.0534732 1.0591782 1.065265 0. 0. 0.\n", + " 0. ]\n", + " [1.192569 1.1879185 1.1994964 1.2091801 1.1949667 1.1592342 1.121229\n", + " 1.0958407 1.085069 1.0839102 1.0842375 1.0784448 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1635149 1.1609815 1.1714679 1.1782708 1.1665404 1.1337438 1.1005933\n", + " 1.0789583 1.0693105 1.0670493 1.066515 1.0623152 1.0542058 1.0465244\n", + " 1.043163 1.0449545 1.0498136 0. 0. ]\n", + " [1.1589438 1.1552298 1.1645929 1.1735508 1.1619815 1.1309029 1.0984577\n", + " 1.0765296 1.0658913 1.0627708 1.0620902 1.0578884 1.0504308 1.0434196\n", + " 1.0404963 1.0422156 1.0467151 1.0513676 0. ]\n", + " [1.1832778 1.1764936 1.1857909 1.1955086 1.1833885 1.1505185 1.1165189\n", + " 1.093003 1.0831065 1.0819551 1.0818315 1.0756627 1.0651455 1.0548365\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1763899 1.1743116 1.1869881 1.1975675 1.1843203 1.1479548 1.110255\n", + " 1.0852666 1.0739124 1.0710984 1.0702859 1.0655413 1.0565342 1.0484825\n", + " 1.044281 1.045948 1.0512346 1.0564666 1.0589923]\n", + " [1.1795092 1.1758995 1.1869797 1.1970814 1.1848602 1.1502476 1.1139762\n", + " 1.0896077 1.0783324 1.074716 1.0742167 1.0686976 1.059106 1.0501108\n", + " 1.0465162 1.048494 1.0539455 1.0594655 0. ]]\n", + "[[1.1746794 1.1707835 1.179931 1.1873844 1.1762877 1.1440543 1.109933\n", + " 1.0868125 1.074926 1.070456 1.0677865 1.0617001 1.0534642 1.0457704\n", + " 1.0424155 1.0439181 1.048423 1.0530773 1.0553075 1.0565007 1.0588988]\n", + " [1.1546688 1.1504622 1.1590365 1.1670598 1.1560768 1.1262227 1.094357\n", + " 1.0749007 1.0653422 1.0635105 1.0636286 1.0592209 1.0515313 1.0443797\n", + " 1.0408136 1.0427275 0. 0. 0. 0. 0. ]\n", + " [1.1828768 1.1782577 1.1880187 1.1964738 1.1853774 1.1510448 1.1147038\n", + " 1.0905749 1.0791852 1.0766156 1.0769106 1.072494 1.063256 1.0547248\n", + " 1.0502976 1.0519304 0. 0. 0. 0. 0. ]\n", + " [1.1852794 1.180247 1.1901612 1.1982572 1.1852163 1.1508778 1.1156662\n", + " 1.0921602 1.081354 1.0787184 1.0778971 1.0724102 1.0624561 1.0536624\n", + " 1.0497363 1.0522078 0. 0. 0. 0. 0. ]\n", + " [1.177247 1.1739967 1.1839257 1.1928205 1.1799705 1.1473626 1.1133969\n", + " 1.0899366 1.0780089 1.0739175 1.0719558 1.0659683 1.0564618 1.0488579\n", + " 1.045216 1.0477544 1.0527296 1.0572243 1.0594301 1.0596814 0. ]]\n", + "[[1.1799319 1.1749958 1.1841435 1.1914515 1.1795455 1.1462183 1.1119173\n", + " 1.0894195 1.0784352 1.0761161 1.0764346 1.0719647 1.061928 1.0530151\n", + " 1.0489917 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1786592 1.17554 1.1873233 1.1970074 1.1850649 1.1507715 1.1145674\n", + " 1.0904194 1.0780585 1.074142 1.0722315 1.066155 1.0571885 1.0492237\n", + " 1.0459353 1.0476274 1.052396 1.0571222 1.0593071 1.0605351 1.062914\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1759567 1.1705409 1.1789652 1.1869543 1.1747139 1.141867 1.1078019\n", + " 1.0850434 1.0755911 1.074104 1.0734476 1.0683125 1.0587889 1.0503113\n", + " 1.0469042 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1487386 1.1462255 1.1561962 1.1652637 1.1563144 1.1270969 1.0959561\n", + " 1.0745904 1.0637639 1.0603569 1.0584514 1.0528351 1.0448121 1.0384423\n", + " 1.0359107 1.0378292 1.0424806 1.0474443 1.0494709 1.0498729 1.0511358\n", + " 1.054247 1.0607289 1.0695485 1.076944 1.08103 ]\n", + " [1.1675657 1.1641558 1.1753932 1.1855676 1.1734693 1.1394492 1.1043346\n", + " 1.0819393 1.0723878 1.0711067 1.071937 1.0667825 1.0575413 1.04865\n", + " 1.0443568 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.2014486 1.1952965 1.2040883 1.2102354 1.1974081 1.1604633 1.1225919\n", + " 1.0971414 1.086197 1.0847597 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2209095 1.2154976 1.2274144 1.2363455 1.2221504 1.1821679 1.1405005\n", + " 1.112352 1.1004889 1.0987583 1.0994579 1.093109 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1729642 1.1695801 1.1805454 1.1896371 1.1779522 1.1442504 1.1084832\n", + " 1.0861708 1.0751586 1.072881 1.0718045 1.0672032 1.0583892 1.0500281\n", + " 1.0462643 1.0477917 1.0532113 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1683459 1.1635666 1.1740098 1.1820322 1.1714809 1.1395364 1.1055998\n", + " 1.082484 1.071686 1.0692817 1.0692428 1.0647829 1.0566107 1.0486972\n", + " 1.0450053 1.046326 1.0515096 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1696382 1.1666104 1.178894 1.1914463 1.1808419 1.1479623 1.1118191\n", + " 1.0876131 1.0756309 1.0719216 1.0698111 1.0632769 1.0536828 1.0456672\n", + " 1.042545 1.0445168 1.0498247 1.0556477 1.058537 1.058977 1.0593944\n", + " 1.0626035 1.0696961 1.079804 1.0878274 1.0924618 1.0946434 1.0912737\n", + " 1.0836544]]\n", + "[[1.1675127 1.1629559 1.1735562 1.1829228 1.1712346 1.1378193 1.1037012\n", + " 1.0811125 1.0714171 1.0697808 1.0698897 1.0650346 1.0559238 1.0473363\n", + " 1.043672 1.0455033 1.0511813 0. 0. ]\n", + " [1.1887257 1.1849022 1.1936841 1.2014537 1.1870979 1.1510167 1.1159966\n", + " 1.0931426 1.0831566 1.0814861 1.0822637 1.0769235 1.066103 1.056921\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1849139 1.1807257 1.1907429 1.1993096 1.1867423 1.1527928 1.1169182\n", + " 1.0921056 1.0799986 1.0766207 1.0748248 1.0693171 1.0598174 1.0515969\n", + " 1.0473951 1.049733 1.0548861 1.0600169 1.0624907]\n", + " [1.1863976 1.1818081 1.1907023 1.2005239 1.1873169 1.1525903 1.1162622\n", + " 1.0927882 1.0808212 1.0776362 1.0772291 1.0716816 1.0625423 1.0530387\n", + " 1.0491471 1.0514506 1.0574056 0. 0. ]\n", + " [1.1688004 1.1644019 1.1734083 1.182418 1.1714481 1.1396021 1.1062514\n", + " 1.0842348 1.0732727 1.0700407 1.0684631 1.0632123 1.0544624 1.0463771\n", + " 1.043054 1.0447909 1.0498898 1.0550725 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1780655 1.1742657 1.1845162 1.1922758 1.1802711 1.1458592 1.1103269\n", + " 1.0866319 1.0764071 1.0744424 1.0734181 1.0677654 1.0581942 1.0498676\n", + " 1.0463692 1.0484583 1.0540969 0. 0. 0. 0. ]\n", + " [1.1691206 1.1674994 1.1781511 1.1867099 1.174559 1.1413168 1.1070659\n", + " 1.084016 1.0723621 1.0687786 1.0665557 1.0609071 1.0527823 1.0454541\n", + " 1.0420605 1.0438086 1.0487069 1.0529405 1.0552636 1.0565099 1.0581633]\n", + " [1.1772733 1.1731997 1.1824487 1.1903871 1.177221 1.1421732 1.107354\n", + " 1.0840772 1.073169 1.0717328 1.0719271 1.0667833 1.0588317 1.0500878\n", + " 1.0461954 1.0482887 0. 0. 0. 0. 0. ]\n", + " [1.1670798 1.162906 1.1731124 1.1830593 1.1720285 1.1390048 1.1046466\n", + " 1.0821823 1.071644 1.0697397 1.0692732 1.0643445 1.0556805 1.0475024\n", + " 1.0436804 1.0452712 1.0502356 0. 0. 0. 0. ]\n", + " [1.1884243 1.1837461 1.195989 1.2061764 1.1936228 1.156517 1.1176322\n", + " 1.0924151 1.0807048 1.0796733 1.0805063 1.0763767 1.0665307 1.0570074\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1614114 1.157322 1.1659513 1.1733501 1.1625683 1.1308657 1.0985003\n", + " 1.0775048 1.0675939 1.0650979 1.0650846 1.06031 1.0522988 1.0443226\n", + " 1.0408125 1.0424172 1.0475838 0. ]\n", + " [1.1474429 1.1444933 1.1535232 1.1617246 1.1508735 1.1213654 1.090698\n", + " 1.070628 1.0607535 1.0586662 1.0582885 1.0544599 1.0465506 1.0400821\n", + " 1.0371308 1.0386251 1.0429487 1.0472443]\n", + " [1.165457 1.1620486 1.1718652 1.1795194 1.1671826 1.1344839 1.1010488\n", + " 1.0789992 1.0685544 1.0658735 1.0658238 1.0616931 1.0530477 1.0458536\n", + " 1.0428673 1.0445819 1.0497565 1.0550098]\n", + " [1.1734841 1.1679786 1.177698 1.1875889 1.17519 1.1423244 1.1077027\n", + " 1.0856183 1.0756382 1.0744534 1.074516 1.0698764 1.0596923 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.157365 1.1550677 1.164855 1.1738411 1.162196 1.1309664 1.0979439\n", + " 1.0767825 1.0670125 1.0653062 1.0656579 1.0620829 1.0534248 1.0458006\n", + " 1.0424459 1.0439723 0. 0. ]]\n", + "[[1.1684604 1.164282 1.1742442 1.1828469 1.170559 1.1377149 1.1033943\n", + " 1.0810857 1.0700626 1.0673043 1.0663683 1.0613333 1.052054 1.044521\n", + " 1.041284 1.0431117 1.0484924 1.0534588 1.0560366]\n", + " [1.165447 1.1639016 1.175094 1.1833737 1.1699389 1.1359018 1.1034695\n", + " 1.0817466 1.0713105 1.0688723 1.0684309 1.0629673 1.0540074 1.0462137\n", + " 1.0426531 1.0443248 1.049593 1.0541669 0. ]]\n", + "[[1.1609731 1.1580577 1.1681073 1.1764519 1.1649839 1.1334847 1.1017543\n", + " 1.0800421 1.0691295 1.0652531 1.0633184 1.0573602 1.0492975 1.0421662\n", + " 1.0390866 1.0407501 1.04551 1.0500281 1.0522329 1.0529834]\n", + " [1.1817296 1.1777209 1.1874672 1.1944764 1.1808369 1.1455119 1.1105385\n", + " 1.0874009 1.0769016 1.0745454 1.0745275 1.0694349 1.0599353 1.0516102\n", + " 1.0477918 1.0493329 1.0549026 0. 0. 0. ]\n", + " [1.1749367 1.1729032 1.185037 1.1942295 1.1826749 1.1480865 1.1116881\n", + " 1.0881333 1.076688 1.0728267 1.0718421 1.0660317 1.0563674 1.0476004\n", + " 1.0439953 1.045778 1.0513217 1.0568557 1.0593635 0. ]\n", + " [1.1757302 1.1729074 1.1835705 1.1930524 1.1807908 1.147119 1.1118425\n", + " 1.0880978 1.0761939 1.0731624 1.0718541 1.066025 1.0570182 1.0487939\n", + " 1.0451652 1.0470768 1.0522618 1.0574272 1.0597838 0. ]\n", + " [1.1645488 1.1631066 1.1741612 1.1832376 1.1701645 1.1376657 1.1038058\n", + " 1.0813035 1.069979 1.0667856 1.0654184 1.060041 1.0511615 1.0441391\n", + " 1.0409929 1.0425303 1.04714 1.0520295 1.0547451 1.0557348]]\n", + "[[1.1936064 1.1873316 1.1958506 1.2026924 1.1899185 1.1544614 1.1180974\n", + " 1.0940005 1.0828991 1.0802451 1.0801762 1.0742594 1.064586 1.055168\n", + " 1.0511737 1.0537739 0. 0. 0. 0. ]\n", + " [1.1733918 1.1703851 1.1810365 1.1891984 1.1757048 1.1425403 1.1085528\n", + " 1.0856519 1.0747643 1.072201 1.0705326 1.0639669 1.054761 1.0465031\n", + " 1.0429466 1.0449167 1.0495896 1.0551797 1.0574048 0. ]\n", + " [1.1656666 1.1633333 1.1734926 1.183115 1.1717411 1.1391742 1.10554\n", + " 1.0829121 1.0716822 1.0687022 1.0667973 1.0613668 1.0526152 1.0445695\n", + " 1.0409576 1.0426104 1.0472504 1.0522242 1.0545255 0. ]\n", + " [1.1750438 1.1733174 1.1847194 1.1937239 1.1804723 1.1462914 1.1112736\n", + " 1.0874429 1.0758123 1.0721854 1.070307 1.0637538 1.0547073 1.0468146\n", + " 1.0430864 1.0448914 1.0494491 1.05504 1.0577304 1.0591547]\n", + " [1.1706399 1.1673404 1.1782441 1.1870716 1.1750238 1.140352 1.105769\n", + " 1.0829327 1.0733176 1.0718293 1.0720471 1.0674928 1.0577025 1.0491676\n", + " 1.0452873 1.0470617 0. 0. 0. 0. ]]\n", + "[[1.1750988 1.1723332 1.183584 1.192876 1.1831942 1.1496975 1.114825\n", + " 1.0908451 1.0787873 1.0739123 1.0713176 1.0648994 1.0554538 1.0472691\n", + " 1.0440826 1.0463414 1.0519879 1.0569563 1.0590472 1.059252 1.0602292\n", + " 1.0642326 1.0716445 1.0826703 1.0907598]\n", + " [1.1657214 1.1638403 1.1752222 1.1837556 1.1735119 1.1412015 1.1069827\n", + " 1.0836269 1.0718976 1.0678794 1.066595 1.060805 1.0518234 1.0439473\n", + " 1.0407585 1.0424801 1.0470011 1.0520371 1.0546898 1.055671 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1808457 1.175525 1.1840272 1.1923487 1.1803467 1.1466603 1.1114686\n", + " 1.0880778 1.0772214 1.0743879 1.0746412 1.0701233 1.0607284 1.0524936\n", + " 1.0485243 1.0508726 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1842659 1.1809298 1.1916722 1.200341 1.186129 1.1514276 1.1148913\n", + " 1.0908269 1.0792748 1.0759681 1.0749162 1.0687766 1.0588137 1.0507512\n", + " 1.0469651 1.0487002 1.0544492 1.0593836 1.0618963 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1607258 1.1567507 1.167262 1.1762797 1.1655055 1.1334668 1.1007338\n", + " 1.079321 1.0695226 1.0673815 1.0683054 1.0640652 1.055568 1.0472829\n", + " 1.0434681 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1918678 1.1861727 1.195891 1.2039864 1.191704 1.1563283 1.1200027\n", + " 1.0955684 1.084497 1.0824329 1.0821949 1.0760677 1.0660192 1.0562692\n", + " 1.052199 0. 0. 0. 0. 0. 0. ]\n", + " [1.1932133 1.1881856 1.1989876 1.2068408 1.1928012 1.1560458 1.1193248\n", + " 1.0946699 1.0843966 1.0831596 1.0831786 1.0779755 1.06772 1.0580153\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1671788 1.1646386 1.1745349 1.183609 1.171948 1.1402124 1.1066022\n", + " 1.0837126 1.072604 1.0689089 1.0679071 1.0628251 1.0538644 1.0458452\n", + " 1.0424329 1.0441784 1.0494137 1.054413 0. 0. 0. ]\n", + " [1.1660745 1.1641542 1.1756237 1.1860666 1.173249 1.1399918 1.1055323\n", + " 1.0823247 1.0709554 1.067456 1.0656887 1.060048 1.0513256 1.0437714\n", + " 1.0409108 1.0423572 1.0473424 1.0525026 1.0549198 1.0559831 1.0572886]\n", + " [1.1649494 1.1622468 1.173334 1.1833519 1.1712985 1.1389856 1.1048597\n", + " 1.08242 1.0708625 1.0677779 1.0665914 1.0608404 1.0521392 1.0442845\n", + " 1.0409153 1.0424876 1.0473133 1.0520651 1.0547378 1.0557796 0. ]]\n", + "[[1.1642531 1.1603918 1.1720076 1.1825541 1.1724535 1.1400898 1.1056625\n", + " 1.0822839 1.0705509 1.0669835 1.065303 1.0597084 1.0512129 1.0433803\n", + " 1.0400388 1.0413983 1.0462987 1.0514542 1.054115 1.0551807]\n", + " [1.2019129 1.1945281 1.2024207 1.209819 1.1949732 1.1601315 1.1238731\n", + " 1.0995133 1.0876391 1.0842528 1.0827589 1.0767214 1.0659606 1.0565628\n", + " 1.0528345 1.0557492 0. 0. 0. 0. ]\n", + " [1.1690779 1.1625085 1.1720538 1.1804802 1.170277 1.1377627 1.1034076\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1585667 1.1555358 1.1651232 1.1729391 1.1609327 1.128997 1.0977912\n", + " 1.0770639 1.0667351 1.0638934 1.062943 1.0576038 1.0499191 1.043162\n", + " 1.0399823 1.0418609 1.0463715 1.0509542 0. 0. ]\n", + " [1.1691157 1.1665708 1.1775601 1.1861628 1.1746643 1.1407641 1.1057285\n", + " 1.0832899 1.0727684 1.0702322 1.0698056 1.0659788 1.0566355 1.0488261\n", + " 1.0447172 1.0465825 1.0517184 0. 0. 0. ]]\n", + "[[1.1802267 1.1734082 1.182157 1.1909703 1.1793625 1.1462091 1.1108713\n", + " 1.0879114 1.0775875 1.0766709 1.0766773 1.0713724 1.0614214 1.0524588\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1798984 1.1751525 1.1846726 1.192399 1.1798451 1.1458995 1.1107746\n", + " 1.087894 1.0760916 1.073715 1.072828 1.0673926 1.0584426 1.0498884\n", + " 1.0462565 1.0484736 1.05369 1.058717 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1472389 1.1437097 1.1535672 1.1650494 1.1568953 1.1278906 1.0964329\n", + " 1.0751499 1.0640143 1.0606197 1.0591962 1.0542831 1.0463853 1.0397235\n", + " 1.0371288 1.038845 1.043417 1.048312 1.0509326 1.0517219 1.0528325\n", + " 1.0552511 1.0615497 1.0707406 1.0779946 1.0821148 1.0834774 1.0805395\n", + " 1.0726756]\n", + " [1.1718084 1.1699121 1.1808107 1.1902643 1.177465 1.1441267 1.1095408\n", + " 1.0862546 1.0746549 1.071249 1.0695963 1.0639535 1.0552078 1.0472269\n", + " 1.0435936 1.0454979 1.0510211 1.0559527 1.0583652 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2094419 1.2024001 1.2113315 1.2187409 1.2048969 1.1682254 1.13045\n", + " 1.1053945 1.0934207 1.0916376 1.0912656 1.0839143 1.0725423 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1713189 1.1677991 1.1780229 1.186985 1.1746866 1.140767 1.1060975\n", + " 1.0833613 1.0722675 1.0695114 1.0690197 1.0640607 1.0557181 1.0477767\n", + " 1.0439702 1.0458566 1.0505431 1.0557868 0. 0. ]\n", + " [1.1655631 1.1622462 1.1726586 1.1816602 1.1699333 1.1364931 1.1022235\n", + " 1.0792994 1.0699837 1.0682838 1.068747 1.0645902 1.0554161 1.0476921\n", + " 1.0439515 1.0459411 0. 0. 0. 0. ]\n", + " [1.1723716 1.1699402 1.1797162 1.1875014 1.1739615 1.1407216 1.1071955\n", + " 1.0845131 1.0734468 1.070157 1.0688893 1.0631871 1.054219 1.046257\n", + " 1.0429673 1.0441208 1.0489177 1.0535103 1.0559613 1.0572599]\n", + " [1.1860933 1.1820756 1.1914914 1.2003585 1.1866385 1.1532946 1.11784\n", + " 1.0936761 1.0815847 1.0784637 1.0767981 1.0720613 1.0620228 1.05383\n", + " 1.050184 1.0522583 1.0582182 0. 0. 0. ]\n", + " [1.1744224 1.1709979 1.1826944 1.1913106 1.180425 1.1466117 1.1113048\n", + " 1.0878679 1.0766379 1.0750401 1.0754044 1.070295 1.0613295 1.0522135\n", + " 1.0479143 1.0499039 0. 0. 0. 0. ]]\n", + "[[1.171872 1.1685363 1.1791357 1.1880338 1.1761762 1.1421397 1.1072626\n", + " 1.0835778 1.0723165 1.069233 1.0679656 1.0632709 1.054664 1.0467454\n", + " 1.0435232 1.0450344 1.0499076 1.0547358 1.057026 0. ]\n", + " [1.1601331 1.155798 1.1653395 1.1747748 1.1637684 1.1318426 1.1000448\n", + " 1.0782553 1.0692304 1.0684958 1.0689752 1.0646878 1.0554541 1.0471025\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1820103 1.1793115 1.1904728 1.1988475 1.1860362 1.1511247 1.1141096\n", + " 1.0887564 1.077153 1.0729414 1.0711704 1.0664232 1.0572892 1.0492471\n", + " 1.0460654 1.0482287 1.0535471 1.0583187 1.0605861 1.0613359]\n", + " [1.1790287 1.1752281 1.1838938 1.191824 1.1789569 1.1450393 1.1108793\n", + " 1.0877535 1.0760049 1.0736891 1.072588 1.0668467 1.058569 1.0505791\n", + " 1.046873 1.049337 1.0546374 1.0600574 0. 0. ]\n", + " [1.1746298 1.1701976 1.1802678 1.1881359 1.1756989 1.1415355 1.1070406\n", + " 1.0838772 1.0739739 1.0721672 1.0729886 1.0685555 1.0596505 1.051209\n", + " 1.0469828 0. 0. 0. 0. 0. ]]\n", + "[[1.1467135 1.1456593 1.1565462 1.1660845 1.1547182 1.1246232 1.0939922\n", + " 1.0734041 1.0632544 1.0599927 1.0584992 1.0530896 1.0456253 1.0386435\n", + " 1.0361433 1.0372182 1.0415877 1.0459949 1.0482584 1.0492625 1.0507097\n", + " 1.0538926]\n", + " [1.1765211 1.1717453 1.1815145 1.1902593 1.1787815 1.1451931 1.1097668\n", + " 1.08679 1.0753053 1.0732648 1.0729309 1.0681721 1.0590795 1.0512068\n", + " 1.047541 1.0499313 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1805613 1.1757327 1.1863464 1.1955515 1.1834325 1.1485994 1.1127459\n", + " 1.0891478 1.0789964 1.077707 1.0781194 1.0738013 1.0636016 1.0544316\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1851299 1.1809645 1.1896166 1.1969142 1.1815782 1.1480553 1.1136907\n", + " 1.0918915 1.0818928 1.079669 1.0798941 1.0743567 1.0634451 1.0545826\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1860693 1.1805791 1.1897465 1.1973627 1.1831859 1.1489586 1.1131172\n", + " 1.0895354 1.0797837 1.0780587 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1778499 1.1748528 1.1851997 1.1941003 1.1821632 1.1483665 1.1139653\n", + " 1.090898 1.0789118 1.0742884 1.0718488 1.0654131 1.055695 1.0475607\n", + " 1.0445464 1.0469142 1.0517395 1.0567765 1.059125 1.0597004 1.0611815\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1710668 1.1685275 1.1800709 1.1908679 1.1803929 1.1473383 1.1122437\n", + " 1.088583 1.0767871 1.0725504 1.0699085 1.063713 1.053784 1.0457708\n", + " 1.042677 1.0449002 1.0508068 1.0557249 1.0580834 1.0590086 1.0599183\n", + " 1.0634032 1.0707705 1.0814811 1.0895295 1.0937884]\n", + " [1.1683989 1.1633592 1.1727403 1.1803738 1.1697569 1.1373692 1.1034632\n", + " 1.0807065 1.0706758 1.0677823 1.0665792 1.0624163 1.0538265 1.0461142\n", + " 1.0433457 1.0453327 1.0509694 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1601056 1.1590761 1.1702309 1.180023 1.1687627 1.1360734 1.1030354\n", + " 1.0807285 1.0696316 1.0656213 1.0635924 1.057768 1.049303 1.0421891\n", + " 1.0395254 1.0410436 1.045537 1.0499897 1.0523556 1.0527545 1.0539542\n", + " 1.0572513 0. 0. 0. 0. ]\n", + " [1.1935525 1.1872542 1.196669 1.2043941 1.192076 1.1568695 1.1199309\n", + " 1.0954438 1.0840073 1.0825375 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.171106 1.1690885 1.1803284 1.1897165 1.1759568 1.142486 1.108216\n", + " 1.0851032 1.0741525 1.0720731 1.071238 1.0660689 1.0570018 1.0485897\n", + " 1.045469 1.0468658 1.051818 1.0566868 0. 0. 0. ]\n", + " [1.168268 1.1661023 1.1766508 1.18533 1.1722608 1.1393896 1.1051152\n", + " 1.0831661 1.0725296 1.0699255 1.0688002 1.06395 1.0549973 1.0474044\n", + " 1.0434616 1.0452524 1.0503018 1.0553797 0. 0. 0. ]\n", + " [1.1760002 1.1722912 1.1820107 1.1906533 1.1783217 1.146481 1.1129557\n", + " 1.090049 1.0781618 1.0736402 1.071051 1.0646012 1.054945 1.0474164\n", + " 1.0443606 1.0465516 1.0515902 1.0567019 1.0587236 1.0590978 1.060463 ]\n", + " [1.1615597 1.1581037 1.1681713 1.1769222 1.1644067 1.1322197 1.098693\n", + " 1.0775687 1.0682395 1.0668181 1.0670615 1.06288 1.0542792 1.0462635\n", + " 1.0426896 0. 0. 0. 0. 0. 0. ]\n", + " [1.1893057 1.1860315 1.19787 1.2090969 1.1964914 1.1589749 1.1212329\n", + " 1.0963302 1.0839362 1.0806689 1.0789338 1.0733622 1.0625652 1.0531651\n", + " 1.0489362 1.0511719 1.0569055 1.0628698 1.0656334 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.169376 1.1658403 1.1740679 1.1797631 1.1669905 1.135029 1.1034604\n", + " 1.0823233 1.0721854 1.0695182 1.0683376 1.0627886 1.0542538 1.0465118\n", + " 1.0434042 1.0451152 1.049726 1.0542326 0. ]\n", + " [1.1678522 1.1624824 1.1716058 1.1803341 1.1704613 1.1383333 1.1044427\n", + " 1.0817907 1.0719988 1.0701761 1.0705295 1.0659696 1.0571768 1.0486022\n", + " 1.0446899 0. 0. 0. 0. ]\n", + " [1.1640415 1.1616184 1.1706467 1.1778147 1.1643239 1.1323202 1.1013224\n", + " 1.0807393 1.0701723 1.067276 1.0655942 1.0604366 1.0518425 1.0442574\n", + " 1.0412337 1.0425196 1.047217 1.05138 1.0536486]\n", + " [1.1673794 1.1653236 1.1763066 1.1846898 1.1713774 1.1377542 1.1041965\n", + " 1.0818985 1.0709522 1.0681245 1.0670047 1.0613269 1.0530496 1.0451639\n", + " 1.0417266 1.0433867 1.0483396 1.0529871 1.0553352]\n", + " [1.1722722 1.1698002 1.1794142 1.1892061 1.1777546 1.1438859 1.1088369\n", + " 1.086015 1.0758666 1.0736299 1.0729555 1.0683455 1.059373 1.0507944\n", + " 1.0470592 1.0488663 0. 0. 0. ]]\n", + "[[1.1832443 1.1804364 1.1909677 1.1991976 1.1847457 1.1496665 1.113276\n", + " 1.088623 1.0767905 1.0727708 1.0705557 1.06438 1.0558245 1.0481044\n", + " 1.0452915 1.0469869 1.0524952 1.0578635 1.0599786 1.0608256 1.0624828]\n", + " [1.228512 1.2213788 1.2302449 1.2366695 1.2218846 1.181566 1.1400732\n", + " 1.1119595 1.0996373 1.0977844 1.0970844 1.0911827 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1608093 1.1567043 1.1654514 1.1738448 1.1616297 1.1309985 1.0992645\n", + " 1.0780947 1.0680785 1.0659386 1.0657952 1.061996 1.0538445 1.0463303\n", + " 1.0429027 1.0445496 0. 0. 0. 0. 0. ]\n", + " [1.1690984 1.166687 1.1773602 1.1871517 1.1747595 1.1413893 1.1068188\n", + " 1.0834554 1.0725427 1.0697038 1.0693526 1.0644811 1.0562724 1.0480756\n", + " 1.0443275 1.0461965 1.0511357 1.0564107 0. 0. 0. ]\n", + " [1.1761032 1.1742196 1.1864743 1.1948191 1.1806014 1.145712 1.1107451\n", + " 1.087399 1.0763923 1.0730872 1.0709434 1.0648472 1.0550966 1.0467163\n", + " 1.0434322 1.0452237 1.0505763 1.0554801 1.0579416 1.0587136 0. ]]\n", + "[[1.1737907 1.1703002 1.1809124 1.1888834 1.1757405 1.1415439 1.1068609\n", + " 1.0843406 1.0744601 1.0726576 1.0718793 1.0670208 1.0572181 1.0487603\n", + " 1.0448583 1.046779 1.0520874 0. ]\n", + " [1.1684476 1.1655214 1.1759441 1.1839161 1.1729892 1.1395439 1.105026\n", + " 1.0822337 1.0723099 1.0704845 1.0709041 1.066556 1.0571214 1.0489358\n", + " 1.0451378 1.0470389 0. 0. ]\n", + " [1.1612163 1.1563776 1.1658002 1.1730196 1.1626556 1.131323 1.0993907\n", + " 1.0779543 1.0679682 1.0657722 1.0656885 1.0612268 1.0530287 1.0452045\n", + " 1.042019 1.043816 1.0490241 0. ]\n", + " [1.1633615 1.1605929 1.1703911 1.1785778 1.1656408 1.1332015 1.0999305\n", + " 1.0778155 1.067725 1.0653088 1.0650158 1.0606679 1.0527519 1.045157\n", + " 1.0418907 1.0433735 1.0481399 1.0533485]\n", + " [1.2052703 1.1995914 1.2102106 1.2171264 1.2038112 1.1665179 1.1273177\n", + " 1.1014547 1.090306 1.0886112 1.088229 1.0834897 1.0726461 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1642917 1.1613163 1.1708298 1.1779838 1.1666579 1.1346837 1.1019899\n", + " 1.080214 1.069379 1.0653155 1.0634496 1.0586971 1.0503455 1.0428802\n", + " 1.0401182 1.0421197 1.0468435 1.0513715 1.0537592 0. 0.\n", + " 0. ]\n", + " [1.1845351 1.1793379 1.190369 1.2003376 1.1872574 1.1512595 1.11457\n", + " 1.0898716 1.0801917 1.0793549 1.0802492 1.0751885 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1870506 1.1840962 1.1962932 1.2042869 1.189111 1.151833 1.114141\n", + " 1.0913713 1.0813444 1.0801953 1.0814292 1.0757931 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1655769 1.1614192 1.1713358 1.1803004 1.1695325 1.1379384 1.1048043\n", + " 1.0828884 1.0717177 1.0682924 1.0663583 1.0607288 1.0517347 1.0440574\n", + " 1.0411409 1.0428077 1.0475882 1.0521377 1.0543641 1.0552396 0.\n", + " 0. ]\n", + " [1.163459 1.1618866 1.1733158 1.1826459 1.171104 1.1383785 1.1049087\n", + " 1.082191 1.0708632 1.0665765 1.0642551 1.0592489 1.050583 1.0432918\n", + " 1.0401875 1.0419655 1.0470206 1.0515267 1.0541635 1.0549397 1.0564287\n", + " 1.059952 ]]\n", + "[[1.1635782 1.1612972 1.1721916 1.1809385 1.1686243 1.1363249 1.1029744\n", + " 1.0807924 1.0700728 1.067195 1.0659817 1.0603468 1.0521796 1.04473\n", + " 1.0411221 1.0429301 1.0474792 1.0521569 1.054361 ]\n", + " [1.1739686 1.1700464 1.1792142 1.1868043 1.1736982 1.1396077 1.1057804\n", + " 1.0830908 1.0732645 1.0723053 1.0723046 1.0673609 1.0588124 1.0503608\n", + " 1.0467073 1.0489371 0. 0. 0. ]\n", + " [1.1677926 1.1641436 1.1734619 1.1816455 1.1685226 1.1375898 1.1050248\n", + " 1.083004 1.0720034 1.0694174 1.0682251 1.0630431 1.0543739 1.0461824\n", + " 1.0429938 1.0444844 1.0496235 1.0544008 0. ]\n", + " [1.2097842 1.2028991 1.2113816 1.21812 1.205534 1.1679642 1.1283116\n", + " 1.1015997 1.0890086 1.0872824 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1705217 1.1686742 1.1798085 1.1880329 1.1751086 1.1412133 1.106845\n", + " 1.0841069 1.0731813 1.0698098 1.0689776 1.0635654 1.0542363 1.0468771\n", + " 1.0436813 1.044766 1.0500095 1.0546151 1.0570555]]\n", + "[[1.1670108 1.1636018 1.1740013 1.1825244 1.1707715 1.1370167 1.1026791\n", + " 1.0807842 1.0705975 1.0687566 1.0694065 1.0652165 1.0561054 1.0480815\n", + " 1.0441474 1.0460635 0. 0. 0. 0. ]\n", + " [1.1701691 1.1674514 1.1782925 1.1877526 1.1746945 1.140917 1.1062754\n", + " 1.0830697 1.0729109 1.0703198 1.0704838 1.0652505 1.0566595 1.0478548\n", + " 1.0441608 1.0456285 1.0511427 0. 0. 0. ]\n", + " [1.1581777 1.1531464 1.1615678 1.1691716 1.1576512 1.1273448 1.0968679\n", + " 1.0767729 1.0667855 1.0644126 1.0639954 1.0596555 1.0521034 1.0445125\n", + " 1.0414195 1.0430655 1.0480098 0. 0. 0. ]\n", + " [1.1888456 1.185029 1.1950836 1.2034724 1.1901423 1.1542022 1.1180654\n", + " 1.092755 1.0802411 1.0767549 1.075729 1.0700812 1.060522 1.0525843\n", + " 1.048856 1.0507487 1.0564814 1.0616152 1.0645757 0. ]\n", + " [1.1835667 1.1800137 1.192812 1.2025175 1.1897671 1.1529616 1.1145505\n", + " 1.0897901 1.077512 1.0746324 1.0730864 1.0670371 1.0577747 1.0493224\n", + " 1.0458537 1.0474933 1.0531521 1.0584513 1.0606996 1.061733 ]]\n", + "[[1.1941538 1.1856525 1.1922617 1.1985897 1.1867446 1.1538953 1.1188205\n", + " 1.0946348 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1676254 1.1633108 1.1720549 1.1799 1.1667002 1.1340057 1.1018993\n", + " 1.081043 1.072263 1.0716254 1.0721078 1.0672718 1.0587002 0.\n", + " 0. 0. 0. ]\n", + " [1.1855658 1.1799316 1.1887392 1.1977866 1.1853426 1.15006 1.1150435\n", + " 1.0915581 1.0807027 1.0790973 1.0789945 1.0733743 1.063934 1.0546275\n", + " 1.0511391 0. 0. ]\n", + " [1.1665145 1.1629282 1.1737002 1.1828753 1.1711087 1.1372666 1.103336\n", + " 1.0809214 1.0706509 1.0687778 1.0689932 1.0641576 1.05489 1.0469849\n", + " 1.0431228 1.0449041 1.0504377]\n", + " [1.166712 1.1628597 1.1732502 1.1820661 1.1718593 1.1393344 1.1055167\n", + " 1.0827334 1.071594 1.0701492 1.0706276 1.0661784 1.0580009 1.0495328\n", + " 1.045448 1.0471604 0. ]]\n", + "[[1.1749959 1.1717584 1.1819293 1.1911571 1.1792555 1.1455822 1.1111009\n", + " 1.0873952 1.0754045 1.0709293 1.0691633 1.0629033 1.0545064 1.046841\n", + " 1.0436643 1.0456363 1.050839 1.05573 1.0583258 1.059301 0. ]\n", + " [1.1731133 1.1689979 1.1786274 1.1861805 1.1717676 1.1390139 1.1057286\n", + " 1.0838977 1.0742118 1.0725483 1.0729805 1.0674794 1.0586584 1.0501397\n", + " 1.0464861 0. 0. 0. 0. 0. 0. ]\n", + " [1.1591057 1.1584808 1.1693069 1.1780753 1.1658783 1.1346189 1.102469\n", + " 1.0809184 1.0698539 1.0659206 1.063935 1.0576665 1.0497088 1.0429442\n", + " 1.0397543 1.04161 1.0460683 1.0505592 1.053046 1.0542473 1.055871 ]\n", + " [1.1607292 1.1580383 1.1687495 1.1768755 1.1643417 1.1321189 1.0995977\n", + " 1.078207 1.068237 1.0663981 1.0664123 1.0618122 1.052593 1.0449276\n", + " 1.0413406 1.0427946 1.0480714 0. 0. 0. 0. ]\n", + " [1.2108114 1.2073674 1.2184253 1.2260853 1.2092183 1.1702224 1.128084\n", + " 1.1023691 1.0913606 1.090474 1.0913008 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1505831 1.1476958 1.1572945 1.1649227 1.1534097 1.123393 1.0921793\n", + " 1.0714487 1.0618557 1.059347 1.0592443 1.0552319 1.0477492 1.04054\n", + " 1.0375283 1.0391874 1.0434968 1.0478139 0. 0. 0.\n", + " 0. ]\n", + " [1.1769282 1.1733658 1.1845764 1.1939753 1.1812894 1.1462641 1.1111357\n", + " 1.0873467 1.0757205 1.0718355 1.0694069 1.0635884 1.0545609 1.0467273\n", + " 1.0437149 1.0457973 1.0507814 1.0556008 1.0582155 1.0591552 1.0611998\n", + " 1.065493 ]\n", + " [1.1736686 1.1677923 1.176474 1.1842862 1.1721784 1.1395781 1.1063929\n", + " 1.0835668 1.0729976 1.0704492 1.0698967 1.0653365 1.0568472 1.0487552\n", + " 1.045152 1.0471233 1.0525316 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1950047 1.1898583 1.1997987 1.2073143 1.1950791 1.1585909 1.1221296\n", + " 1.0964471 1.0842682 1.0809458 1.0805045 1.0751779 1.0650713 1.0566798\n", + " 1.0526221 1.0550288 1.0610508 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.174122 1.1686827 1.1770633 1.1852239 1.173105 1.1399878 1.105803\n", + " 1.0833745 1.0728652 1.0717726 1.0718942 1.0680612 1.0588945 1.0506548\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1660345 1.1613271 1.1699213 1.1780959 1.166142 1.1358976 1.1034336\n", + " 1.0821693 1.0714687 1.0689553 1.0689402 1.0649407 1.0561846 1.0481014\n", + " 1.0448585 1.0468687 0. 0. 0. 0. ]\n", + " [1.2006052 1.1943872 1.2036926 1.2118096 1.1996737 1.1628151 1.1235344\n", + " 1.0969669 1.0855075 1.084542 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1549954 1.1500555 1.1589081 1.1673905 1.1564543 1.1274797 1.0969766\n", + " 1.0764496 1.0669068 1.0646138 1.0651006 1.0605625 1.0529404 1.0451409\n", + " 1.0418309 0. 0. 0. 0. 0. ]\n", + " [1.1787748 1.1771462 1.1886914 1.1986176 1.1854277 1.1496333 1.1132773\n", + " 1.0887411 1.0772363 1.0732884 1.0720513 1.0653733 1.0559746 1.0476056\n", + " 1.0437889 1.0458977 1.0509282 1.0558665 1.0582546 1.0590768]\n", + " [1.1725851 1.1703752 1.1818002 1.1905223 1.1787524 1.1453735 1.110458\n", + " 1.0864955 1.0748628 1.0715569 1.0694087 1.0638571 1.0548685 1.0469667\n", + " 1.0437051 1.0449948 1.0500056 1.0553961 1.0577099 1.0588068]]\n", + "[[1.1621134 1.1593429 1.1699961 1.179049 1.1676619 1.134515 1.1006619\n", + " 1.0788077 1.0686102 1.0663073 1.0666904 1.0625408 1.0542566 1.0464401\n", + " 1.0431061 1.0444133 1.0491891 0. 0. ]\n", + " [1.1527749 1.1494753 1.1597817 1.1684732 1.1574227 1.1276462 1.0963819\n", + " 1.0756297 1.065484 1.0632865 1.0624796 1.0573009 1.0493563 1.0419494\n", + " 1.0387279 1.0401235 1.0449619 1.049697 0. ]\n", + " [1.1636531 1.1618481 1.1713815 1.1780324 1.1667671 1.1341734 1.1008161\n", + " 1.0793914 1.0685687 1.066314 1.0651977 1.0604992 1.0509385 1.0440294\n", + " 1.0406926 1.0421903 1.0471306 1.0519677 1.0543513]\n", + " [1.1495982 1.1440061 1.1514814 1.1589392 1.149491 1.1213782 1.0922899\n", + " 1.0724323 1.0623617 1.0599501 1.0590324 1.0551087 1.0479606 1.0410994\n", + " 1.038252 1.0399135 1.0448263 0. 0. ]\n", + " [1.1537238 1.1501786 1.1607704 1.1704675 1.1603398 1.1309887 1.0986488\n", + " 1.0776876 1.0673386 1.0658708 1.0661784 1.0616952 1.0532055 1.0453\n", + " 1.0416191 0. 0. 0. 0. ]]\n", + "[[1.167297 1.1648338 1.174409 1.1824827 1.1690786 1.1352901 1.1016709\n", + " 1.0800724 1.0702678 1.0694922 1.0696001 1.0647984 1.0566263 1.0479157\n", + " 1.044014 1.0461729 0. 0. 0. 0. ]\n", + " [1.1992292 1.1908449 1.1991771 1.2074782 1.1943843 1.158612 1.1215457\n", + " 1.0969535 1.0864859 1.0844454 1.0840166 1.0781928 1.0676693 1.0582763\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1681776 1.1622915 1.1707366 1.178491 1.1677965 1.1366898 1.1038465\n", + " 1.0817128 1.0713422 1.0688691 1.0679013 1.0634415 1.055186 1.0474322\n", + " 1.0437676 1.0453874 1.0503216 0. 0. 0. ]\n", + " [1.1978444 1.1920938 1.2024136 1.2107167 1.1965147 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.173009 1.1695546 1.1799343 1.1883769 1.1769834 1.1431725 1.1088179\n", + " 1.0858455 1.0741496 1.0701395 1.0684775 1.0628346 1.0542778 1.04612\n", + " 1.0428131 1.044588 1.0495158 1.0542004 1.056587 1.0575169]]\n", + "[[1.1836362 1.1772132 1.1859956 1.1948329 1.1822989 1.1485566 1.1132592\n", + " 1.0896796 1.0782791 1.0757356 1.0747002 1.0693716 1.0602165 1.0513625\n", + " 1.0474637 1.0496027 1.0552928 0. 0. 0. ]\n", + " [1.1649003 1.1615762 1.1727538 1.1826582 1.1715399 1.1390078 1.1047585\n", + " 1.082675 1.0726632 1.0709063 1.0707475 1.0664833 1.0568856 1.0481172\n", + " 1.0440336 1.045727 0. 0. 0. 0. ]\n", + " [1.2304913 1.2239757 1.2353911 1.2438717 1.2266707 1.1854055 1.1430783\n", + " 1.1146917 1.1022388 1.1009034 1.1011488 1.0938383 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1833597 1.1806157 1.1916791 1.2002265 1.1864334 1.151786 1.1159481\n", + " 1.091359 1.0790894 1.0752584 1.073537 1.0673244 1.0575047 1.0493598\n", + " 1.0459199 1.048093 1.0534332 1.0587448 1.0616461 1.0626352]\n", + " [1.1894017 1.1825914 1.1913323 1.2002051 1.1884329 1.1549801 1.1186097\n", + " 1.093421 1.0823588 1.0797832 1.0790858 1.0743892 1.0651007 1.0563146\n", + " 1.0521208 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1824198 1.1795008 1.191336 1.2021676 1.1894464 1.1545774 1.1168013\n", + " 1.0918955 1.0804466 1.077782 1.0771807 1.0718542 1.0614635 1.0527157\n", + " 1.0480235 1.0501213 1.0555829 1.0612825]\n", + " [1.1961777 1.1906081 1.2009282 1.2085695 1.1922201 1.1542051 1.1173056\n", + " 1.0936877 1.0838436 1.0834962 1.0838143 1.0776771 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1627344 1.159837 1.1710835 1.1799817 1.1682999 1.13551 1.1021438\n", + " 1.0802443 1.0701351 1.06797 1.0684278 1.0636942 1.0553296 1.0471264\n", + " 1.043415 1.0452147 0. 0. ]\n", + " [1.1606995 1.1554495 1.1647434 1.173425 1.1618942 1.1302955 1.0976199\n", + " 1.0773605 1.068292 1.0669898 1.0674231 1.0631475 1.0540289 1.045746\n", + " 1.0416083 0. 0. 0. ]\n", + " [1.1838496 1.1795694 1.1885638 1.1965673 1.1827005 1.1473496 1.1129218\n", + " 1.0903863 1.0800176 1.0778326 1.0781472 1.0725471 1.0618186 1.0527079\n", + " 1.0484803 1.0507551 0. 0. ]]\n", + "[[1.1599815 1.1553018 1.1643023 1.172024 1.161207 1.1303532 1.0982516\n", + " 1.0771439 1.0672699 1.0646676 1.0645996 1.0604242 1.0526664 1.0448574\n", + " 1.0415303 1.0428673 1.0481457 0. 0. ]\n", + " [1.185404 1.1803372 1.1893163 1.1979102 1.1847324 1.1503356 1.1149038\n", + " 1.090988 1.0798843 1.0777006 1.077801 1.0727079 1.0632242 1.0540593\n", + " 1.0501997 1.0525793 0. 0. 0. ]\n", + " [1.1656576 1.1622392 1.1722801 1.1816841 1.169801 1.1372522 1.1039331\n", + " 1.081455 1.071181 1.0684599 1.0682192 1.0635053 1.055075 1.0474765\n", + " 1.0438164 1.0454266 1.0506246 0. 0. ]\n", + " [1.1801403 1.1774315 1.1879313 1.1964974 1.18343 1.1491861 1.113429\n", + " 1.0893071 1.0784364 1.0748382 1.0734264 1.0679204 1.0583086 1.0503091\n", + " 1.0460484 1.0481248 1.0537761 1.0589656 1.0614733]\n", + " [1.1760496 1.1700995 1.178956 1.1862302 1.1753339 1.1419395 1.1080992\n", + " 1.0848187 1.0745909 1.0721846 1.0722619 1.0680883 1.0592957 1.0511297\n", + " 1.0473953 1.0496358 0. 0. 0. ]]\n", + "[[1.1633482 1.1597252 1.1695983 1.1767051 1.1645402 1.1325676 1.1005079\n", + " 1.0791876 1.0693994 1.0682685 1.0685775 1.0636972 1.0553304 1.0471641\n", + " 1.0435127 1.0454894 0. 0. 0. 0. ]\n", + " [1.1608237 1.1572734 1.1674027 1.175404 1.164905 1.1330614 1.1000268\n", + " 1.079428 1.0693032 1.0677668 1.0682863 1.0638431 1.0553197 1.0470352\n", + " 1.0435764 0. 0. 0. 0. 0. ]\n", + " [1.1768531 1.1748061 1.1863723 1.1938889 1.1813936 1.1469256 1.1120142\n", + " 1.0882392 1.0771543 1.0733168 1.0713001 1.0654237 1.0556585 1.0475422\n", + " 1.0436361 1.0454108 1.0506941 1.0558066 1.0587807 1.0598586]\n", + " [1.1801124 1.1758459 1.1851702 1.1934557 1.1811537 1.1472261 1.113273\n", + " 1.0901618 1.0789269 1.0763521 1.0751113 1.0701625 1.0603532 1.0517526\n", + " 1.0478518 1.0499625 1.0560033 0. 0. 0. ]\n", + " [1.1598163 1.1552925 1.1643536 1.1722355 1.1620905 1.1316867 1.0999548\n", + " 1.0790713 1.0695777 1.0680566 1.0684025 1.0630314 1.0540103 1.0458834\n", + " 1.0421 0. 0. 0. 0. 0. ]]\n", + "[[1.1599363 1.1581098 1.1683884 1.178348 1.167869 1.135883 1.1025971\n", + " 1.0808039 1.0697937 1.066244 1.0637456 1.0572338 1.0488192 1.0413755\n", + " 1.0380722 1.0401005 1.0449718 1.0499221 1.0520883 1.052704 1.0535201\n", + " 1.0567218 1.0633103 0. 0. ]\n", + " [1.176969 1.1739099 1.1838999 1.1932681 1.180174 1.1449362 1.1103231\n", + " 1.0873436 1.0777593 1.077597 1.0780864 1.0721446 1.0617541 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1677387 1.163169 1.1724467 1.1808681 1.1685063 1.1360005 1.1028473\n", + " 1.0812652 1.0715382 1.0693368 1.0691339 1.0645331 1.0553901 1.0473139\n", + " 1.0438987 1.0459417 1.0516226 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1672218 1.1648556 1.175054 1.1833997 1.1707476 1.1375101 1.1038965\n", + " 1.0809863 1.0708215 1.0681646 1.0687757 1.0646762 1.0558379 1.0481453\n", + " 1.0444478 1.0463297 1.0513881 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1488909 1.145071 1.1545486 1.1626633 1.1527107 1.1246567 1.0952679\n", + " 1.0750997 1.0644501 1.0602831 1.0580391 1.0528102 1.0449766 1.0387087\n", + " 1.0365921 1.038765 1.0436528 1.0478876 1.0502161 1.0511351 1.0517597\n", + " 1.0545815 1.0605189 1.0693645 1.0762005]]\n", + "[[1.1916065 1.1861832 1.195753 1.2043352 1.1918445 1.1560733 1.1193832\n", + " 1.0950725 1.0836718 1.0811813 1.0813897 1.0763521 1.0656242 1.0562993\n", + " 1.0520338 0. 0. 0. 0. 0. 0. ]\n", + " [1.1820228 1.179307 1.1904464 1.199836 1.1878352 1.153411 1.1175338\n", + " 1.092204 1.080141 1.0759805 1.0732473 1.0668159 1.0575907 1.0496032\n", + " 1.0456178 1.0475216 1.0527253 1.0574871 1.0599968 1.0610025 1.062233 ]\n", + " [1.1600243 1.1591669 1.169726 1.179104 1.1671073 1.1349646 1.1020602\n", + " 1.080032 1.0684348 1.0646629 1.062391 1.0570819 1.0493406 1.0423315\n", + " 1.0391934 1.0408655 1.0451947 1.049232 1.0517659 1.0526874 1.0539435]\n", + " [1.1628711 1.1602087 1.1708629 1.1807865 1.1689752 1.1373543 1.1039525\n", + " 1.0812976 1.0702193 1.0661756 1.0642419 1.0585182 1.0504401 1.0430579\n", + " 1.0399591 1.0413629 1.0457437 1.0505896 1.0530757 1.0542626 1.0566459]\n", + " [1.1764083 1.1731035 1.1833066 1.1920564 1.178874 1.1457875 1.1111087\n", + " 1.0879208 1.0764189 1.0726562 1.070914 1.0651358 1.0556033 1.0475475\n", + " 1.0442348 1.0461681 1.0510929 1.0563707 1.0585746 1.0594177 0. ]]\n", + "[[1.1585937 1.154731 1.1645858 1.1737238 1.1624767 1.1310742 1.0985225\n", + " 1.0780517 1.068523 1.0666802 1.067151 1.0626404 1.0538839 1.045615\n", + " 1.0418284 0. 0. ]\n", + " [1.1756107 1.1715797 1.1808693 1.1885717 1.1755321 1.1427336 1.1077024\n", + " 1.085592 1.0746177 1.0739747 1.0746061 1.0700414 1.0610071 0.\n", + " 0. 0. 0. ]\n", + " [1.1608994 1.1562178 1.1653876 1.1724895 1.1612569 1.1295934 1.0977305\n", + " 1.0767666 1.0677195 1.0666418 1.0669111 1.0619664 1.0535252 1.0456806\n", + " 1.0420706 0. 0. ]\n", + " [1.1913677 1.1861271 1.1964538 1.2050248 1.1907284 1.1547744 1.1182861\n", + " 1.0947734 1.084435 1.0836378 1.0836419 1.0773118 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1746767 1.1711692 1.181209 1.1907482 1.1792204 1.1454278 1.1102753\n", + " 1.0869983 1.076391 1.0732875 1.0735857 1.068823 1.0597651 1.0507851\n", + " 1.0469838 1.0485933 1.054147 ]]\n", + "[[1.1721605 1.165809 1.1742692 1.1829901 1.171984 1.1411539 1.1080256\n", + " 1.0859098 1.075456 1.0734847 1.072909 1.0680044 1.0588815 1.0501337\n", + " 1.0460818 1.0480574 0. 0. ]\n", + " [1.1711905 1.1675308 1.1772101 1.1842284 1.1722684 1.1386784 1.1043504\n", + " 1.0817059 1.0724841 1.0712678 1.0720246 1.0669246 1.0578488 1.0494789\n", + " 1.0456748 0. 0. 0. ]\n", + " [1.175236 1.1718675 1.1822443 1.1906111 1.178569 1.1443839 1.1088028\n", + " 1.0854667 1.0742896 1.071755 1.0720148 1.0672798 1.0587808 1.0506393\n", + " 1.0469172 1.048434 1.0535159 0. ]\n", + " [1.1691897 1.165949 1.1763813 1.1855435 1.1732363 1.1396061 1.1058607\n", + " 1.0834655 1.0727012 1.070223 1.0694412 1.0639062 1.0548645 1.046716\n", + " 1.0432596 1.0450399 1.050007 1.0554796]\n", + " [1.1597015 1.1538593 1.1616446 1.1691779 1.158015 1.1275641 1.09707\n", + " 1.077243 1.0681092 1.0662812 1.0663432 1.0623163 1.0541294 1.0465786\n", + " 1.0431854 0. 0. 0. ]]\n", + "[[1.2024975 1.1961131 1.2037446 1.2105826 1.1963189 1.1600895 1.1236775\n", + " 1.0987995 1.0876034 1.0854446 1.0851222 1.0805303 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1784539 1.174222 1.184779 1.1934278 1.1828614 1.1493466 1.1142695\n", + " 1.0907034 1.0792574 1.0766128 1.0764387 1.071583 1.0623046 1.052977\n", + " 1.0490001 1.0511409 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.173209 1.1710377 1.1813463 1.1907465 1.1788099 1.1462406 1.1119072\n", + " 1.0883178 1.0760274 1.0719523 1.0695263 1.0629077 1.0536482 1.0461211\n", + " 1.0430131 1.0452635 1.0500147 1.0550873 1.057265 1.0577607 1.0590472\n", + " 1.0630581 1.0703315]\n", + " [1.1805496 1.1758378 1.1850275 1.1946639 1.1816183 1.1460698 1.1113417\n", + " 1.0889262 1.0782496 1.0760704 1.0753157 1.0702311 1.060705 1.0515712\n", + " 1.0475254 1.049806 1.0554391 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1671734 1.1653286 1.1769907 1.1866925 1.173666 1.1407719 1.106403\n", + " 1.083319 1.0719669 1.0683664 1.0670195 1.0610198 1.0520978 1.0441607\n", + " 1.0410666 1.0424569 1.0474998 1.0521863 1.0549996 1.056566 0.\n", + " 0. 0. ]]\n", + "[[1.1624694 1.1587448 1.1683894 1.1776316 1.1659503 1.1343664 1.1019244\n", + " 1.0806032 1.070688 1.0684367 1.0681266 1.0632744 1.0551314 1.0468563\n", + " 1.0433698 1.0451641 0. 0. 0. 0. ]\n", + " [1.1819729 1.1772871 1.1880634 1.1971833 1.1838082 1.1485708 1.1128253\n", + " 1.0897918 1.0798473 1.0794557 1.080437 1.0749915 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2043673 1.1993996 1.210937 1.220864 1.2087235 1.1722455 1.1323428\n", + " 1.1053116 1.0918866 1.0878183 1.0857908 1.0791427 1.0685138 1.0586144\n", + " 1.0535271 1.0548409 1.0606229 1.0662917 1.0696421 1.0711261]\n", + " [1.1852306 1.1800199 1.1891354 1.1982214 1.1853092 1.1514498 1.1155674\n", + " 1.0914468 1.0802187 1.077472 1.077711 1.0727301 1.0631541 1.0541062\n", + " 1.049783 1.0518411 0. 0. 0. 0. ]\n", + " [1.1951191 1.188637 1.1978909 1.2055254 1.1917655 1.1556814 1.1184059\n", + " 1.0937221 1.0836648 1.082589 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2081542 1.2034414 1.2134106 1.222421 1.2084967 1.1705583 1.1315694\n", + " 1.1049854 1.0911154 1.0867093 1.0843985 1.077541 1.067051 1.058032\n", + " 1.0537206 1.056482 1.0623492 1.068509 1.0712402]\n", + " [1.1832383 1.1789502 1.1897726 1.1969833 1.1833823 1.1482546 1.112634\n", + " 1.0884818 1.0771921 1.0735588 1.0734004 1.0684611 1.0590562 1.0505339\n", + " 1.0468394 1.0488892 1.0546316 1.0604048 0. ]\n", + " [1.1591856 1.1565021 1.1661258 1.1739486 1.1617411 1.1290612 1.0974692\n", + " 1.0772392 1.0674462 1.0650367 1.0643718 1.0591333 1.0510381 1.043545\n", + " 1.0399806 1.0418012 1.0463804 1.0511347 0. ]\n", + " [1.2048514 1.1985885 1.2084808 1.2159008 1.2031608 1.1677133 1.1287664\n", + " 1.1023712 1.0894696 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2039777 1.1985978 1.2088604 1.2173834 1.2028322 1.1653337 1.1267078\n", + " 1.1006119 1.089707 1.0875324 1.0886779 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1688827 1.1652216 1.1763861 1.1857718 1.1737378 1.1399541 1.1055896\n", + " 1.0832031 1.0719454 1.0684718 1.0666689 1.0609987 1.0518993 1.0442617\n", + " 1.0408717 1.0425979 1.047785 1.0526294 1.0550375 1.0558397]\n", + " [1.1603768 1.1566695 1.1662807 1.1744393 1.1627418 1.1311297 1.0991035\n", + " 1.0777532 1.0681589 1.0661395 1.0653775 1.0601883 1.0520477 1.0441924\n", + " 1.0409771 1.0427164 1.0477258 0. 0. 0. ]\n", + " [1.1620498 1.1594739 1.1703143 1.1790588 1.1673955 1.1340337 1.1013792\n", + " 1.0799495 1.0692569 1.0664365 1.0654024 1.0596225 1.0509679 1.0431268\n", + " 1.0399909 1.0412517 1.0463006 1.0515109 1.0536681 0. ]\n", + " [1.1747923 1.1683683 1.1763777 1.1842891 1.172149 1.1395038 1.1057513\n", + " 1.0836576 1.0732151 1.070648 1.0696343 1.0650208 1.0565778 1.0484279\n", + " 1.0451108 1.0471001 1.0529032 0. 0. 0. ]\n", + " [1.1861517 1.1809427 1.1912241 1.2000711 1.1872346 1.1513574 1.1145864\n", + " 1.0903283 1.0793029 1.0770204 1.0769348 1.0716807 1.0610588 1.0523871\n", + " 1.0479242 1.0497955 1.0555769 0. 0. 0. ]]\n", + "[[1.1951736 1.1898118 1.2007612 1.2114656 1.1996107 1.1623206 1.1221172\n", + " 1.0954058 1.0835766 1.0811857 1.081027 1.0758275 1.0657983 1.0570736\n", + " 1.0526069 1.0547217 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1715673 1.166858 1.1764437 1.1852549 1.174262 1.1417131 1.1074195\n", + " 1.0848377 1.0735114 1.0713655 1.0704837 1.0656941 1.0570425 1.0488186\n", + " 1.04534 1.0471027 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1709553 1.1656699 1.175614 1.1829948 1.1715479 1.13851 1.104431\n", + " 1.0815812 1.0719187 1.0701847 1.0705787 1.0664903 1.0583339 1.0497693\n", + " 1.046077 1.048067 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1658826 1.1626642 1.1725655 1.1799308 1.1675422 1.1348985 1.1019962\n", + " 1.0802618 1.0709403 1.0692198 1.0684404 1.0635353 1.054414 1.0465454\n", + " 1.0431911 1.0451456 1.0502826 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1682154 1.1653306 1.1753211 1.1853335 1.1745205 1.1418495 1.1087738\n", + " 1.0861728 1.0751324 1.0708328 1.0680141 1.0622149 1.0529205 1.0450227\n", + " 1.042233 1.0443404 1.0496446 1.0538937 1.056299 1.056781 1.0576723\n", + " 1.0613865 1.0687374]]\n", + "[[1.1736261 1.1713581 1.182152 1.1914077 1.1796987 1.1458904 1.110935\n", + " 1.0871589 1.0751802 1.0723507 1.0712405 1.0653038 1.0557306 1.0479423\n", + " 1.0447042 1.0465566 1.0518515 1.057127 ]\n", + " [1.1609939 1.1585358 1.1700683 1.1803982 1.1689637 1.1365923 1.1025527\n", + " 1.0796245 1.0694164 1.066738 1.0660989 1.0617169 1.0530102 1.0449457\n", + " 1.0415878 1.0430095 1.0476483 1.052429 ]\n", + " [1.167785 1.1634817 1.1741682 1.1825932 1.1711273 1.1369829 1.1031617\n", + " 1.0806197 1.0711799 1.0699322 1.0708857 1.0667684 1.0579166 1.0495764\n", + " 0. 0. 0. 0. ]\n", + " [1.1657821 1.160861 1.1707141 1.1797334 1.1677192 1.1353108 1.1015537\n", + " 1.0797005 1.069581 1.0680218 1.0684698 1.0642312 1.0562688 1.0480535\n", + " 1.0442951 1.046149 0. 0. ]\n", + " [1.1845951 1.178203 1.1871024 1.1950544 1.1795353 1.1441569 1.1083511\n", + " 1.0850646 1.0754741 1.0745453 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1742004 1.1702174 1.1795087 1.1889482 1.175786 1.1421901 1.1073647\n", + " 1.0842332 1.0731481 1.0697658 1.0682747 1.0639046 1.0552737 1.0477057\n", + " 1.0444489 1.0461739 1.0513363 1.0567158 0. 0. 0.\n", + " 0. ]\n", + " [1.1650829 1.1604333 1.1694789 1.1771052 1.1655163 1.1339833 1.1018876\n", + " 1.0797781 1.0702109 1.0674883 1.0662093 1.0613637 1.0529346 1.0446162\n", + " 1.0416027 1.0432497 1.0482298 1.0532793 0. 0. 0.\n", + " 0. ]\n", + " [1.1709543 1.1676867 1.1774695 1.1857767 1.1728667 1.1394055 1.1061122\n", + " 1.0837636 1.0725988 1.0691214 1.0668623 1.0615083 1.0524861 1.0448123\n", + " 1.0418717 1.0440301 1.048713 1.0533366 1.0558035 1.0568999 0.\n", + " 0. ]\n", + " [1.16605 1.1620672 1.1727926 1.1816683 1.1703587 1.1383146 1.1049708\n", + " 1.0826153 1.07234 1.0698302 1.0694481 1.0647447 1.0554882 1.0475116\n", + " 1.0438882 1.0455788 1.0509664 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1650008 1.161671 1.171323 1.1806825 1.1694505 1.1367784 1.103967\n", + " 1.0818107 1.0707986 1.0666895 1.0644852 1.0588006 1.0501939 1.0426685\n", + " 1.039701 1.0413634 1.046292 1.0507622 1.0536351 1.05475 1.0558636\n", + " 1.0592704]]\n", + "[[1.1715695 1.1667852 1.1767013 1.185637 1.1736336 1.1400678 1.105902\n", + " 1.0829722 1.0728492 1.0703596 1.0701799 1.0656258 1.0567089 1.0484747\n", + " 1.0447242 1.0463023 1.0517155 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.186471 1.1811391 1.1912899 1.200523 1.1878355 1.152116 1.1147263\n", + " 1.0912365 1.0807326 1.0800867 1.0809069 1.0763906 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1788454 1.1758857 1.1867292 1.195952 1.1845882 1.151094 1.1160175\n", + " 1.0921577 1.0791916 1.0750566 1.0728108 1.066244 1.0564077 1.0485348\n", + " 1.0452337 1.0474881 1.0527592 1.0579628 1.0604125 1.0610309 1.0623752\n", + " 1.0658872 1.0737529]\n", + " [1.1862689 1.1831483 1.1939356 1.2036512 1.1896969 1.153546 1.1167222\n", + " 1.0917544 1.0788441 1.0753131 1.0738565 1.0688256 1.0596182 1.0513353\n", + " 1.0475632 1.0496432 1.0547255 1.0595727 1.0625021 0. 0.\n", + " 0. 0. ]\n", + " [1.1942841 1.1890868 1.1984694 1.2076496 1.1942946 1.1591233 1.121887\n", + " 1.0975235 1.085721 1.0847675 1.0849379 1.0793725 1.0688922 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1813816 1.1770911 1.1865262 1.1949415 1.1810739 1.1479081 1.1128532\n", + " 1.0893091 1.0786445 1.0755508 1.073913 1.0693982 1.059665 1.0516636\n", + " 1.0476941 1.0499163 1.0557573 0. 0. 0. ]\n", + " [1.1776395 1.1744187 1.1846263 1.1940213 1.1805302 1.1466898 1.1111552\n", + " 1.0882692 1.0764494 1.0725448 1.0711049 1.0655916 1.056037 1.0484153\n", + " 1.0451088 1.046656 1.0519968 1.0569328 1.0592946 1.0604969]\n", + " [1.1761103 1.1718762 1.181948 1.1909277 1.1779058 1.1456629 1.1112459\n", + " 1.0886722 1.0782578 1.075962 1.075721 1.0705916 1.0607034 1.05148\n", + " 1.0473734 0. 0. 0. 0. 0. ]\n", + " [1.1587477 1.1536443 1.1624185 1.1705742 1.1595565 1.129086 1.0978332\n", + " 1.0771031 1.0675977 1.0652134 1.0648407 1.0601497 1.0515796 1.0438788\n", + " 1.0405536 1.0425005 1.0476658 0. 0. 0. ]\n", + " [1.1917635 1.184598 1.1932983 1.2026066 1.1898823 1.1553074 1.1195797\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.176442 1.1730051 1.1830112 1.1922253 1.1797198 1.1460296 1.1107762\n", + " 1.0875139 1.0772185 1.0760949 1.0755163 1.0719154 1.0619062 1.0537615\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1870962 1.1835979 1.195514 1.2051933 1.1936139 1.1579076 1.1203278\n", + " 1.0949498 1.0827245 1.0795228 1.0780759 1.0718553 1.0620859 1.053113\n", + " 1.0490695 1.0505166 1.0558126 1.0612417 1.0643458]\n", + " [1.1449354 1.1401892 1.1480892 1.1554973 1.1443198 1.1167974 1.0879276\n", + " 1.0687639 1.0598836 1.0580924 1.0576224 1.0536485 1.0463578 1.0400225\n", + " 1.0370501 1.0386233 0. 0. 0. ]\n", + " [1.1633407 1.1585182 1.1681558 1.1764263 1.1652933 1.1336219 1.1005969\n", + " 1.0799036 1.0708053 1.0703633 1.0712327 1.0663874 1.0569122 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1880603 1.1832429 1.193072 1.201936 1.1885448 1.1532023 1.1169132\n", + " 1.0931742 1.0820231 1.0790253 1.0786457 1.0730046 1.0626506 1.0530483\n", + " 1.0491081 1.051298 1.0571164 0. 0. ]]\n", + "[[1.1764535 1.1709051 1.1800165 1.1870999 1.1745195 1.1408308 1.1064562\n", + " 1.0839571 1.073459 1.0710588 1.071028 1.0666142 1.0582604 1.0498469\n", + " 1.045877 1.0476009 1.0531354 0. ]\n", + " [1.1653819 1.1618682 1.1708424 1.177686 1.1656327 1.133962 1.1011577\n", + " 1.0806406 1.0704476 1.067184 1.0660722 1.0610741 1.0522668 1.0446239\n", + " 1.0416195 1.0435863 1.048606 1.053514 ]\n", + " [1.2033617 1.1986418 1.2098085 1.2178874 1.2012786 1.1627198 1.1242208\n", + " 1.0988809 1.0880095 1.0876263 1.0884745 1.0821984 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1667377 1.1638386 1.174893 1.1842152 1.1727905 1.1392096 1.1049858\n", + " 1.0825529 1.0721705 1.0696622 1.0685409 1.0638037 1.0546244 1.04636\n", + " 1.0426329 1.0441948 1.0491935 1.0537037]\n", + " [1.1638799 1.1600356 1.1702695 1.1798304 1.1683512 1.1364763 1.1028861\n", + " 1.0806189 1.0704756 1.0686488 1.0689417 1.0644313 1.0549574 1.0467566\n", + " 1.0427996 1.0446597 0. 0. ]]\n", + "[[1.1556383 1.153118 1.1630837 1.1722655 1.1608207 1.1306514 1.0989825\n", + " 1.077772 1.0671171 1.0630916 1.0614269 1.0556407 1.0476083 1.0406133\n", + " 1.0376135 1.0391879 1.0437509 1.0485706 1.0509806 1.0519488 1.0534588\n", + " 0. ]\n", + " [1.1627083 1.1595789 1.1697987 1.179493 1.1683046 1.1364086 1.1044335\n", + " 1.0830377 1.0717453 1.067857 1.0650152 1.0594252 1.0504116 1.0427635\n", + " 1.0396721 1.0413957 1.0459517 1.0505316 1.0528435 1.0537463 1.054954\n", + " 1.0583097]\n", + " [1.1957803 1.1920917 1.2023177 1.210265 1.1982456 1.1624742 1.1246992\n", + " 1.0980408 1.0851004 1.0806301 1.0779487 1.0717312 1.0617893 1.0531052\n", + " 1.0495787 1.0516522 1.0573802 1.0627853 1.0655864 1.0665742 0.\n", + " 0. ]\n", + " [1.160648 1.1584146 1.169553 1.1804891 1.1692622 1.1369212 1.1032937\n", + " 1.0807499 1.069607 1.0656308 1.0638003 1.058253 1.0490583 1.0419196\n", + " 1.0391557 1.0406338 1.0454514 1.0503433 1.0526307 1.0536186 1.0550231\n", + " 1.0583259]\n", + " [1.1698216 1.1669635 1.1779659 1.1872253 1.1765511 1.1429307 1.108159\n", + " 1.0845857 1.0734236 1.0703325 1.0693302 1.0637069 1.0548553 1.0466696\n", + " 1.0431814 1.0444747 1.049469 1.0544014 1.0568438 0. 0.\n", + " 0. ]]\n", + "[[1.1915624 1.1874994 1.1981918 1.2070953 1.1947498 1.1592553 1.1219695\n", + " 1.095994 1.0829842 1.0780917 1.0764934 1.0707562 1.0612454 1.0527698\n", + " 1.0492266 1.0513083 1.0567703 1.0618844 1.0647037 1.0657438 0.\n", + " 0. 0. ]\n", + " [1.1548052 1.1540262 1.1650552 1.1741664 1.1626623 1.131572 1.0998403\n", + " 1.078734 1.0682266 1.0643424 1.061886 1.0564313 1.0474991 1.0405414\n", + " 1.0377057 1.0397923 1.0445287 1.0491805 1.0515409 1.052434 1.0539511\n", + " 1.0574787 1.0645905]\n", + " [1.1613133 1.1571219 1.165663 1.1717418 1.1600392 1.1284992 1.0970649\n", + " 1.0764637 1.0682204 1.06809 1.0684283 1.0639101 1.0550911 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2253106 1.2203825 1.23116 1.2406449 1.2256129 1.1862389 1.1432439\n", + " 1.114586 1.1019236 1.0995865 1.100264 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1752161 1.1716543 1.1817784 1.1917422 1.1794473 1.1466385 1.1120427\n", + " 1.0883871 1.0758748 1.0717003 1.0691829 1.0636243 1.0547495 1.0469923\n", + " 1.0437186 1.045571 1.0505561 1.0551006 1.0572548 1.0582312 1.0598105\n", + " 0. 0. ]]\n", + "[[1.159129 1.1571225 1.1671729 1.1761782 1.1653445 1.1339548 1.1016586\n", + " 1.0799615 1.068655 1.0654527 1.0632886 1.0582608 1.050364 1.0431161\n", + " 1.0398791 1.0408556 1.0450236 1.0493821 1.0517651 1.0529884]\n", + " [1.1654372 1.1634884 1.1746812 1.1821448 1.1701931 1.1363448 1.1027414\n", + " 1.0808932 1.0708853 1.0687364 1.0683268 1.0632894 1.0550331 1.0471042\n", + " 1.0437107 1.0454674 1.0507619 0. 0. 0. ]\n", + " [1.1821594 1.1782231 1.1879022 1.1977583 1.1867343 1.1511399 1.1160511\n", + " 1.0924459 1.0807989 1.0786943 1.0787398 1.0734804 1.0631125 1.0536764\n", + " 1.0497174 1.052061 0. 0. 0. 0. ]\n", + " [1.1881547 1.1825948 1.1951877 1.2074158 1.194778 1.1577092 1.1214708\n", + " 1.0972241 1.0863706 1.0856382 1.0861101 1.0809536 1.0689347 1.058549\n", + " 1.0538329 0. 0. 0. 0. 0. ]\n", + " [1.1637075 1.160848 1.1712818 1.1801859 1.1686333 1.1362201 1.1023917\n", + " 1.0808083 1.07099 1.0698371 1.0703088 1.0653193 1.057241 1.0485971\n", + " 1.0449004 0. 0. 0. 0. 0. ]]\n", + "[[1.1724303 1.170644 1.1811908 1.1894758 1.175605 1.141918 1.1077311\n", + " 1.0850608 1.0745963 1.0724199 1.0717392 1.0670137 1.0580188 1.0496695\n", + " 1.0458208 1.0476419 1.0529112]\n", + " [1.1943452 1.1898541 1.2012357 1.2114855 1.1992843 1.1622928 1.1230619\n", + " 1.0971346 1.0851902 1.0840677 1.0839298 1.0787562 1.0689566 1.059104\n", + " 1.0545568 0. 0. ]\n", + " [1.1687313 1.1649189 1.1755056 1.1844862 1.1733645 1.1403518 1.1056684\n", + " 1.0835092 1.0732002 1.0710205 1.0715512 1.0672032 1.0582235 1.0503026\n", + " 1.0463501 1.0480797 0. ]\n", + " [1.1773834 1.171984 1.1808252 1.1891762 1.1770226 1.1443744 1.1095933\n", + " 1.0862404 1.0750043 1.0719103 1.0718579 1.067063 1.057854 1.0497103\n", + " 1.0458133 1.0476635 1.0529866]\n", + " [1.1748962 1.1686755 1.1765203 1.1847491 1.1724513 1.139654 1.1069883\n", + " 1.0859808 1.0769082 1.07577 1.0756941 1.0708355 1.0605954 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1646723 1.1632094 1.1738242 1.1822228 1.1709605 1.1385602 1.1038064\n", + " 1.0815655 1.0706545 1.0682148 1.0676378 1.0626053 1.0538907 1.0458522\n", + " 1.0425382 1.0441335 1.0494176 1.0544616 0. 0. 0.\n", + " 0. ]\n", + " [1.1678958 1.165916 1.1772609 1.1855906 1.1724693 1.1390638 1.1056381\n", + " 1.0830953 1.072261 1.0692275 1.0685091 1.0631517 1.0542365 1.0462649\n", + " 1.0429469 1.0443889 1.0491227 1.0537422 1.0563776 0. 0.\n", + " 0. ]\n", + " [1.1992872 1.1936108 1.2031789 1.2132131 1.2008657 1.1647469 1.1277082\n", + " 1.102261 1.0895272 1.0862917 1.0852392 1.0801688 1.0694053 1.0594293\n", + " 1.055321 1.0574924 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1737771 1.1694081 1.1787553 1.1851947 1.1722745 1.1394391 1.106607\n", + " 1.084648 1.0752068 1.0734638 1.0732477 1.0686923 1.058855 1.0505015\n", + " 1.0465413 1.0481362 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1746553 1.1717868 1.1821833 1.1910422 1.179582 1.1463914 1.1120911\n", + " 1.0882007 1.0761579 1.0716405 1.0688407 1.0625782 1.053745 1.0460862\n", + " 1.0436156 1.0451916 1.0503285 1.0550792 1.0574509 1.0584412 1.0597694\n", + " 1.0633564]]\n", + "[[1.1505456 1.1470914 1.1548812 1.1617315 1.1495692 1.1201712 1.090444\n", + " 1.0706916 1.0618057 1.0599388 1.0603608 1.0564651 1.0489533 1.0416855\n", + " 1.0383966 1.039707 1.044375 0. 0. 0. ]\n", + " [1.184116 1.1791319 1.188468 1.1964954 1.184376 1.1503497 1.1152478\n", + " 1.0917234 1.0807943 1.0786241 1.078675 1.0736572 1.0638769 1.0544643\n", + " 1.0506159 0. 0. 0. 0. 0. ]\n", + " [1.1736177 1.1718811 1.18325 1.192828 1.180652 1.1466043 1.1123586\n", + " 1.0893908 1.0769389 1.0727805 1.0707963 1.06453 1.0544769 1.0467778\n", + " 1.0433309 1.044922 1.0500611 1.0547465 1.0567484 1.057378 ]\n", + " [1.1786944 1.1761752 1.186171 1.194868 1.181771 1.1487834 1.1141723\n", + " 1.090577 1.0784153 1.0746493 1.0729411 1.0667719 1.056964 1.0488566\n", + " 1.0451629 1.0474463 1.0523223 1.0575606 1.0595067 1.0602325]\n", + " [1.1701617 1.1662618 1.1754702 1.1825423 1.1715261 1.139629 1.1065221\n", + " 1.0835606 1.0723528 1.0697795 1.0691144 1.064558 1.0559138 1.0482934\n", + " 1.044259 1.0468676 1.0519323 0. 0. 0. ]]\n", + "[[1.1846281 1.1803684 1.1904753 1.1983215 1.1861844 1.151275 1.1154817\n", + " 1.0919266 1.0806141 1.0779909 1.0768056 1.0716203 1.0615945 1.0522717\n", + " 1.0487367 1.0509331 1.0571151 0. 0. 0. ]\n", + " [1.1616671 1.1592216 1.169707 1.178766 1.1677063 1.1360525 1.102593\n", + " 1.0799718 1.06927 1.0665048 1.0661653 1.0613269 1.0531387 1.0457097\n", + " 1.0423133 1.043541 1.0483199 1.0529784 0. 0. ]\n", + " [1.1699965 1.1653035 1.1759506 1.185019 1.174051 1.1403043 1.1057603\n", + " 1.0832359 1.07289 1.071486 1.071933 1.0668349 1.0579871 1.0491073\n", + " 1.0451814 0. 0. 0. 0. 0. ]\n", + " [1.165266 1.1598556 1.1686716 1.1762637 1.1650162 1.1331779 1.1003985\n", + " 1.0799303 1.0704861 1.06896 1.0696923 1.0651636 1.0559199 1.0476056\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1755683 1.1744043 1.1864868 1.194982 1.1815572 1.1468418 1.1106759\n", + " 1.0868763 1.075224 1.0717072 1.0705521 1.0646789 1.055094 1.0471246\n", + " 1.0438198 1.0454724 1.0503714 1.055168 1.0577601 1.0588182]]\n", + "[[1.1818419 1.1772125 1.1871672 1.1960286 1.1847917 1.1503149 1.1141998\n", + " 1.0912228 1.0799364 1.0780743 1.0786538 1.0738493 1.0641172 1.0547131\n", + " 1.0504504 0. 0. 0. 0. ]\n", + " [1.1500543 1.1451281 1.153161 1.1613394 1.1500978 1.1205817 1.0910599\n", + " 1.0715305 1.0627712 1.0613497 1.0612656 1.0576569 1.0498546 1.0424962\n", + " 1.0388755 1.0405828 0. 0. 0. ]\n", + " [1.1684079 1.1632904 1.1725384 1.1807851 1.1699524 1.1375206 1.104058\n", + " 1.0818007 1.0715514 1.0699346 1.0698245 1.0650451 1.0564517 1.0485144\n", + " 1.0446692 1.0465398 0. 0. 0. ]\n", + " [1.1903218 1.1849587 1.1946138 1.2031372 1.1892776 1.1543863 1.1178379\n", + " 1.093331 1.0815762 1.0784382 1.0774792 1.0727466 1.0633814 1.0543618\n", + " 1.0508219 1.0532753 1.0591569 0. 0. ]\n", + " [1.1740026 1.170749 1.181138 1.1903654 1.176628 1.1426616 1.1083244\n", + " 1.0851545 1.073482 1.069839 1.0679336 1.0628754 1.0541975 1.0464673\n", + " 1.0433336 1.0453359 1.0503085 1.0551673 1.0576348]]\n", + "[[1.1701995 1.1673437 1.1780735 1.1861658 1.1734442 1.1401702 1.1063691\n", + " 1.0839792 1.0724274 1.0693185 1.0673662 1.0616643 1.0525851 1.0452665\n", + " 1.0426397 1.0441135 1.0492514 1.0538061 1.056346 1.057294 ]\n", + " [1.1697816 1.1672223 1.178791 1.1886398 1.1766647 1.143248 1.108544\n", + " 1.0848639 1.0735679 1.0698912 1.0684079 1.062274 1.053763 1.0459011\n", + " 1.0422041 1.0439363 1.0487928 1.0533754 1.0555809 1.0560677]\n", + " [1.176415 1.1724424 1.1840272 1.1940365 1.1837736 1.1489631 1.1124557\n", + " 1.0879042 1.0765823 1.0746996 1.0748831 1.0699356 1.0607258 1.0518066\n", + " 1.0479426 1.0498636 0. 0. 0. 0. ]\n", + " [1.167628 1.1641252 1.1743175 1.1833223 1.170095 1.1361649 1.1024917\n", + " 1.0808324 1.0716125 1.0700533 1.0706387 1.0655466 1.056403 1.0478144\n", + " 1.044316 1.0462008 0. 0. 0. 0. ]\n", + " [1.1729302 1.1705625 1.1810695 1.1900352 1.1767917 1.1427782 1.1074526\n", + " 1.0849841 1.074849 1.0732607 1.0732358 1.0686502 1.0591404 1.0502849\n", + " 1.0468677 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1712892 1.1670325 1.1766064 1.18451 1.1723454 1.1392425 1.1064143\n", + " 1.0838984 1.073111 1.0699164 1.0692502 1.0639288 1.0551028 1.0470345\n", + " 1.0434774 1.0450326 1.0500813 1.0548407 0. ]\n", + " [1.2048578 1.1979433 1.2087793 1.2194506 1.2075242 1.1711769 1.1323271\n", + " 1.1064748 1.0949974 1.0943087 1.0951754 1.0895828 1.077354 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1751082 1.1731299 1.1849178 1.1951939 1.1818376 1.1470717 1.1111958\n", + " 1.0871347 1.0759375 1.0727965 1.0719147 1.0661988 1.0573827 1.0486611\n", + " 1.0451885 1.0469531 1.0519505 1.0569514 1.0595835]\n", + " [1.1640713 1.1606737 1.1705225 1.1789758 1.1686798 1.1368484 1.1040189\n", + " 1.0819895 1.0710664 1.0684994 1.0679561 1.0631635 1.054542 1.0463408\n", + " 1.0426983 1.0439845 1.0486727 1.0537401 0. ]\n", + " [1.1825032 1.1774967 1.1879854 1.1975255 1.1850743 1.1502461 1.1137815\n", + " 1.0895981 1.078029 1.0764489 1.0769818 1.0720454 1.0625852 1.0536867\n", + " 1.0495181 1.0513334 0. 0. 0. ]]\n", + "[[1.1805365 1.1753495 1.1843647 1.1944007 1.1808093 1.1453187 1.1098607\n", + " 1.0873135 1.077608 1.0771172 1.0779562 1.0729127 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.181203 1.175174 1.1845566 1.1933432 1.1810662 1.1472006 1.1124344\n", + " 1.0903884 1.080049 1.0784463 1.0781114 1.0728949 1.0628812 1.0531199\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1760823 1.1745968 1.186199 1.1947964 1.1816347 1.1472201 1.1119068\n", + " 1.0885087 1.0770879 1.0739617 1.072237 1.0658491 1.0566909 1.0483646\n", + " 1.0448362 1.0464557 1.0513661 1.0561543 1.0585928 1.0597188 0.\n", + " 0. 0. 0. ]\n", + " [1.1659505 1.1621693 1.1718751 1.1800797 1.1690813 1.1367923 1.1032792\n", + " 1.0812584 1.0709591 1.0682976 1.0684148 1.064002 1.0554928 1.0475917\n", + " 1.0437428 1.0452051 1.0503564 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.146778 1.1440736 1.1537966 1.1631031 1.153358 1.1249427 1.0951734\n", + " 1.0750053 1.0644627 1.0608326 1.0588669 1.0530374 1.0449115 1.0378548\n", + " 1.0352565 1.0370952 1.0416008 1.0456121 1.0475097 1.04825 1.0495619\n", + " 1.0527415 1.0592556 1.067985 ]]\n", + "[[1.2066071 1.201591 1.2131429 1.223479 1.2076143 1.1693437 1.128953\n", + " 1.102458 1.0905455 1.0896153 1.0898385 1.0845698 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1505711 1.1458404 1.1539972 1.1610653 1.1502404 1.1209036 1.0912318\n", + " 1.071756 1.0631479 1.0613235 1.0605426 1.0566062 1.0486473 1.0414405\n", + " 1.0384781 1.0401632 1.0450966 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1713271 1.1658849 1.175062 1.1847628 1.1751161 1.1431711 1.108787\n", + " 1.0850922 1.074179 1.0716406 1.0712277 1.0674169 1.0587606 1.0504843\n", + " 1.0465733 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1577535 1.1546978 1.1652929 1.1752409 1.1652926 1.1343064 1.1022155\n", + " 1.0805928 1.0694987 1.0650444 1.0620396 1.0563133 1.0476887 1.040691\n", + " 1.0379477 1.0400851 1.0454178 1.0502149 1.0524547 1.0531847 1.0545878\n", + " 1.0578189 1.0648893 1.0743909 1.0821449 1.0856 ]\n", + " [1.1748265 1.1692234 1.1792588 1.1886632 1.176919 1.1433752 1.108501\n", + " 1.0853527 1.0747976 1.0730567 1.073139 1.068333 1.0590532 1.0502111\n", + " 1.0461203 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1601431 1.1580216 1.1691592 1.179945 1.1715407 1.1397506 1.1057454\n", + " 1.0834582 1.072269 1.0683626 1.066206 1.0597955 1.0506855 1.042954\n", + " 1.0398378 1.0415853 1.0469563 1.0516236 1.0538483 1.0538477 1.0545446\n", + " 1.0577736 1.064635 1.0742252 1.0825285 1.086855 ]\n", + " [1.1747235 1.1714411 1.1821609 1.1912006 1.1786188 1.1439204 1.1076154\n", + " 1.0849386 1.0740719 1.0725447 1.0730754 1.0674553 1.0583014 1.0498439\n", + " 1.0459435 1.0476996 1.0530218 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1700511 1.1675682 1.1778209 1.1871847 1.1743711 1.1416149 1.1074005\n", + " 1.083876 1.0725831 1.0691493 1.0680325 1.0631175 1.0541208 1.0461121\n", + " 1.0425771 1.0440183 1.0489607 1.0542641 1.0568002 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1701375 1.1638914 1.1721674 1.1799256 1.1682013 1.1363422 1.1039087\n", + " 1.082782 1.0733818 1.0723269 1.0725342 1.0676115 1.0578896 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1799926 1.1746708 1.1845607 1.1928263 1.1815593 1.1480618 1.1128471\n", + " 1.0900567 1.079027 1.07698 1.0770953 1.0723739 1.0628904 1.0537443\n", + " 1.0494622 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1653223 1.1608362 1.170184 1.1783013 1.1675968 1.1358533 1.1033295\n", + " 1.0819706 1.0719253 1.0698034 1.069062 1.0648466 1.0563107 1.0481344\n", + " 1.0445002 1.0461503 1.0512557]\n", + " [1.189564 1.1842421 1.1934223 1.2014613 1.1868571 1.1516354 1.1152469\n", + " 1.0913389 1.0812457 1.0801054 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1735737 1.1708988 1.1813622 1.1889703 1.1767004 1.1422453 1.1076056\n", + " 1.0852928 1.075079 1.072907 1.0734806 1.068088 1.0591686 1.0507045\n", + " 1.0465543 1.0483583 0. ]\n", + " [1.1654809 1.1608852 1.170594 1.1804554 1.1695924 1.1367518 1.1020532\n", + " 1.0796542 1.0691082 1.0675535 1.0682026 1.0645425 1.0564972 1.0482559\n", + " 1.0443511 1.0458415 0. ]\n", + " [1.1927034 1.1865754 1.1964217 1.2054281 1.192537 1.1566088 1.1201391\n", + " 1.0957626 1.0849985 1.0837232 1.0838692 1.0783541 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1604909 1.1560262 1.1663777 1.1757603 1.1645329 1.1330285 1.0994986\n", + " 1.0773022 1.0674239 1.065484 1.0661151 1.0617412 1.0534478 1.0457233\n", + " 1.0421233 1.0439767 0. 0. 0. 0. 0. ]\n", + " [1.1838115 1.180473 1.1910504 1.1993473 1.1862543 1.1495125 1.1128736\n", + " 1.0894165 1.0799038 1.0793184 1.0795082 1.0744835 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.2096037 1.2020594 1.210082 1.2153598 1.2018654 1.1653824 1.127852\n", + " 1.1028929 1.0910891 1.0882602 1.0889971 1.0834302 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1851145 1.1832454 1.1960372 1.2058069 1.1919568 1.1544089 1.1158568\n", + " 1.0908914 1.0788238 1.0754461 1.0730633 1.0664184 1.0568122 1.0488847\n", + " 1.045586 1.0481657 1.0539565 1.0596892 1.0621494 1.062979 1.0641348]\n", + " [1.1843046 1.1783111 1.1885655 1.1990168 1.1870314 1.1512063 1.1135367\n", + " 1.0890149 1.0779159 1.0759252 1.0763658 1.0717957 1.0623981 1.0531025\n", + " 1.0490328 1.0509772 0. 0. 0. 0. 0. ]]\n", + "[[1.1676961 1.1628473 1.1733409 1.1825528 1.1701796 1.1368752 1.1027915\n", + " 1.0803125 1.0707293 1.0695077 1.0701214 1.0653884 1.0562007 1.0480847\n", + " 1.04451 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1929955 1.1865304 1.1963705 1.2068238 1.194172 1.1580207 1.1209633\n", + " 1.0967227 1.0854179 1.0840201 1.0843954 1.0795808 1.0682489 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1904528 1.1850414 1.1942729 1.2029262 1.190865 1.1546994 1.1173615\n", + " 1.0932502 1.082054 1.0807192 1.0808681 1.07599 1.0660428 1.056996\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1515852 1.150408 1.1612674 1.1706749 1.1597553 1.1288787 1.0974419\n", + " 1.0764118 1.0657378 1.062138 1.060247 1.0545591 1.0464735 1.039982\n", + " 1.0369116 1.0380801 1.0425022 1.0466081 1.0492723 1.0505213 1.052207\n", + " 1.0553678]\n", + " [1.1696295 1.16589 1.1746646 1.1830413 1.1704521 1.1375669 1.1048534\n", + " 1.0834057 1.0738232 1.0723346 1.0719115 1.0670277 1.0582683 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1715398 1.168754 1.1794538 1.1890044 1.1771879 1.1441648 1.109051\n", + " 1.0845808 1.0733823 1.0692992 1.067966 1.062642 1.0542686 1.0471704\n", + " 1.0434656 1.0449502 1.0491614 1.0540138 1.0565858 1.0577961]\n", + " [1.1702855 1.1683159 1.179215 1.1867605 1.1752652 1.1409482 1.1056787\n", + " 1.0828327 1.0721686 1.0686035 1.0677704 1.0631131 1.0548544 1.0467919\n", + " 1.0434216 1.0450128 1.0497493 1.0546246 1.0570724 0. ]]\n", + "[[1.1750476 1.1695799 1.1790532 1.1868219 1.175609 1.1420821 1.1074502\n", + " 1.0847948 1.0748421 1.0732658 1.0734257 1.0691073 1.0598558 1.0512022\n", + " 1.0471423 0. 0. 0. 0. 0. ]\n", + " [1.1593124 1.1561317 1.1654097 1.1733499 1.1628023 1.1314863 1.0990782\n", + " 1.0781534 1.0681286 1.0652056 1.0650283 1.0604379 1.0527282 1.0448897\n", + " 1.041626 1.0431557 1.0477682 0. 0. 0. ]\n", + " [1.1827455 1.1813884 1.1934369 1.2023166 1.1873444 1.1516659 1.1152955\n", + " 1.0910697 1.079354 1.0758953 1.0741444 1.067509 1.0583155 1.0499095\n", + " 1.0458493 1.0477113 1.0527472 1.0576164 1.0600618 1.0613737]\n", + " [1.1680378 1.1659714 1.1771247 1.1855466 1.1732928 1.1400868 1.1057843\n", + " 1.0827351 1.071753 1.0684171 1.0660806 1.0609338 1.0520308 1.0440652\n", + " 1.0407674 1.0427723 1.0478394 1.0524849 1.0550376 1.056117 ]\n", + " [1.1710749 1.1669511 1.1771164 1.1859257 1.1748767 1.1416931 1.1062028\n", + " 1.083251 1.0724955 1.0701348 1.0701873 1.0657578 1.0572946 1.0494692\n", + " 1.0455205 1.0470665 1.0522817 0. 0. 0. ]]\n", + "[[1.1653203 1.1628287 1.1736485 1.1831801 1.1732125 1.1414982 1.1077533\n", + " 1.084886 1.0735745 1.0693398 1.0672116 1.0606328 1.0514488 1.0439632\n", + " 1.0408982 1.0428895 1.048113 1.0535504 1.0562329 1.0567739 1.0575266\n", + " 1.0610018 1.06828 1.0781009]\n", + " [1.1746286 1.1705332 1.1812376 1.190053 1.1777831 1.1437781 1.1091498\n", + " 1.0863026 1.0763655 1.0744522 1.0748363 1.069667 1.0598267 1.0508957\n", + " 1.0471263 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1623058 1.1593162 1.1704766 1.178858 1.1675519 1.1350435 1.1019655\n", + " 1.0797715 1.0690424 1.0663544 1.0653499 1.0607753 1.0522784 1.0448391\n", + " 1.0412406 1.043111 1.0476514 1.0526856 1.0547789 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1654963 1.1635766 1.1754384 1.1857285 1.1736861 1.1408112 1.1067002\n", + " 1.0839865 1.072694 1.0685818 1.0665613 1.0605372 1.0515527 1.0441157\n", + " 1.0408614 1.042625 1.0475639 1.0527285 1.0548884 1.0553648 1.0563596\n", + " 1.0598402 1.0666292 0. ]\n", + " [1.1619388 1.159162 1.1690667 1.178403 1.1681412 1.1369712 1.1042129\n", + " 1.082505 1.0717261 1.0678959 1.065209 1.0595384 1.0506443 1.0430713\n", + " 1.0401977 1.042302 1.0477476 1.0522932 1.0542494 1.0550176 1.0556674\n", + " 1.0583229 1.0657498 1.0752343]]\n", + "[[1.1661255 1.161084 1.1704757 1.179898 1.168582 1.1368643 1.1042774\n", + " 1.0823598 1.0714259 1.0691537 1.0682665 1.0629117 1.0542794 1.0453112\n", + " 1.0416282 1.0432086 1.0480052 1.0531615 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.165185 1.1630167 1.1728671 1.1815909 1.1681932 1.1349462 1.1012081\n", + " 1.079149 1.0691255 1.0675639 1.0676117 1.063102 1.0546665 1.0469381\n", + " 1.0432976 1.0448189 1.0502484 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1603695 1.1571825 1.1674702 1.1753975 1.1630921 1.1320041 1.0982914\n", + " 1.0771328 1.0666283 1.0647386 1.0642078 1.0601897 1.0513773 1.0440433\n", + " 1.0407928 1.0423534 1.0469617 1.0519722 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.152868 1.1512218 1.1633972 1.1732188 1.16269 1.1312788 1.0993474\n", + " 1.0777932 1.0673906 1.0635017 1.0619253 1.0563453 1.0477629 1.0405297\n", + " 1.0374926 1.039183 1.043843 1.048517 1.0505784 1.0512474 1.052209\n", + " 1.0556319 1.062472 1.0719851]\n", + " [1.1784102 1.1748092 1.1855035 1.1952882 1.1819273 1.1474627 1.1118072\n", + " 1.0875599 1.0757934 1.0725918 1.0717578 1.0664387 1.0576593 1.0495743\n", + " 1.0463928 1.0484362 1.0540962 1.0599232 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.146524 1.1446148 1.1552706 1.1649237 1.155802 1.1253341 1.094684\n", + " 1.0742316 1.0640516 1.0605743 1.0580555 1.0529901 1.0445559 1.0378399\n", + " 1.0353394 1.0373272 1.042478 1.0466374 1.0491592 1.0500841 1.0513526\n", + " 1.054218 1.060439 1.0688775 1.0760761 1.0796018]\n", + " [1.1649824 1.1598656 1.168984 1.1776813 1.1660236 1.1343135 1.1020828\n", + " 1.0806918 1.0699118 1.0671573 1.0662626 1.0615982 1.0539546 1.0459845\n", + " 1.043227 1.0450966 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2074423 1.1990091 1.2095104 1.2203114 1.2080991 1.170207 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1965299 1.1883204 1.1973982 1.2061276 1.1942277 1.1598167 1.1222949\n", + " 1.096831 1.0857933 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1669545 1.163881 1.1757716 1.1848993 1.1740178 1.1395816 1.1043547\n", + " 1.0814493 1.0709289 1.0696415 1.0702488 1.0658115 1.0571764 1.0485089\n", + " 1.0447396 1.0463332 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1619604 1.1602652 1.1706293 1.1786603 1.1660113 1.133427 1.1000892\n", + " 1.0786382 1.0682112 1.0663108 1.06554 1.061464 1.0525357 1.0454675\n", + " 1.0420369 1.0434184 1.0482563 1.053089 0. 0. ]\n", + " [1.2225939 1.2160811 1.226984 1.2359364 1.221071 1.1812993 1.1390445\n", + " 1.1104636 1.0975437 1.0958314 1.0956327 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1807046 1.1779419 1.1895965 1.1990964 1.1870027 1.1509769 1.1142933\n", + " 1.0898788 1.0788358 1.076904 1.0767082 1.0713133 1.0614631 1.05224\n", + " 1.0479338 1.0497786 1.0553949 0. 0. 0. ]\n", + " [1.1891719 1.186927 1.1988754 1.2088602 1.195666 1.1593858 1.121628\n", + " 1.0963063 1.0827069 1.0790871 1.0771068 1.0707138 1.0610799 1.0524224\n", + " 1.04889 1.0504508 1.0561937 1.0614283 1.0639983 1.0650015]\n", + " [1.1731309 1.1674103 1.1778752 1.1863115 1.1748557 1.1407269 1.1057833\n", + " 1.0832038 1.0722157 1.0707254 1.0709448 1.0660754 1.0571449 1.0487982\n", + " 1.0451412 0. 0. 0. 0. 0. ]]\n", + "[[1.1776365 1.1731397 1.1827495 1.1920564 1.180182 1.1472278 1.1130364\n", + " 1.0897286 1.0787735 1.0758196 1.0751877 1.0694585 1.0598947 1.051351\n", + " 1.0470428 1.0491893 1.0548291 0. 0. 0. ]\n", + " [1.1865991 1.1834173 1.1936314 1.2011371 1.1874089 1.1515243 1.115113\n", + " 1.0915438 1.0808427 1.0796318 1.0799484 1.0747021 1.0648042 1.0553579\n", + " 1.0516237 0. 0. 0. 0. 0. ]\n", + " [1.1507413 1.148576 1.1580528 1.1661198 1.1547544 1.1244633 1.0936477\n", + " 1.0729468 1.0632092 1.0602273 1.0584586 1.0539188 1.0465178 1.0392692\n", + " 1.0363975 1.0376527 1.0419037 1.0462176 1.0486109 0. ]\n", + " [1.1785501 1.1754838 1.1873654 1.1979517 1.1858153 1.149866 1.1132076\n", + " 1.089098 1.0767941 1.0738856 1.0720196 1.0659295 1.0560145 1.0478932\n", + " 1.044383 1.0465813 1.0517926 1.0570837 1.0593184 1.0600735]\n", + " [1.1610813 1.1561639 1.1652873 1.1742043 1.1632706 1.1321697 1.1000099\n", + " 1.0784878 1.0685354 1.0664797 1.0657126 1.0614988 1.0533122 1.0453174\n", + " 1.0418423 1.0435623 1.0485947 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.155247 1.1533048 1.1635829 1.1736879 1.1637079 1.1334615 1.1024951\n", + " 1.0811056 1.0701463 1.065783 1.0637076 1.0578152 1.0489523 1.0417507\n", + " 1.0388184 1.041072 1.0460238 1.0503559 1.0520918 1.052532 1.0529798\n", + " 1.055911 1.0629689 1.0725081]\n", + " [1.1692564 1.1668369 1.177124 1.1859497 1.1732911 1.1405799 1.1066464\n", + " 1.0828924 1.0719985 1.0695239 1.0689472 1.0646865 1.0550836 1.0478498\n", + " 1.0437434 1.0452543 1.0504239 1.0553879 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.157816 1.1554663 1.1651762 1.1738107 1.1624126 1.1320467 1.1009926\n", + " 1.0799896 1.068323 1.0648813 1.0625367 1.0565646 1.0482519 1.0410168\n", + " 1.0381985 1.0396118 1.0441409 1.0482785 1.0504267 1.051552 1.05277\n", + " 0. 0. 0. ]\n", + " [1.1568625 1.1544081 1.163888 1.1716639 1.15952 1.1278421 1.0961357\n", + " 1.0751231 1.0656334 1.0635365 1.0627809 1.057835 1.0492656 1.0421925\n", + " 1.0385711 1.0405084 1.0453471 1.0500357 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1673355 1.1641657 1.1746074 1.1825358 1.1722188 1.1388755 1.1050152\n", + " 1.0824502 1.0722011 1.0698901 1.070052 1.065802 1.0571412 1.0487996\n", + " 1.0450672 1.0468304 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1660991 1.1618801 1.1725259 1.1799376 1.1679173 1.1359793 1.1025064\n", + " 1.0808443 1.0705326 1.0676218 1.0662944 1.0609486 1.0519179 1.0441488\n", + " 1.0407971 1.0425609 1.0478215 1.0528543 1.0556043]\n", + " [1.1667432 1.1611968 1.1701117 1.1789362 1.167921 1.1351976 1.1023395\n", + " 1.0811374 1.0712869 1.0698366 1.0704231 1.0663779 1.0576642 1.0488985\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1673055 1.1637425 1.1749499 1.1843917 1.1738816 1.1415329 1.1070085\n", + " 1.0848777 1.0741093 1.071415 1.0711914 1.0658383 1.0566607 1.0477057\n", + " 1.0437945 1.0452127 1.0508254 0. 0. ]\n", + " [1.1730036 1.1710542 1.1818088 1.1917071 1.1793388 1.1455601 1.1104529\n", + " 1.0862019 1.0750172 1.071257 1.0699949 1.0646323 1.0562267 1.0481101\n", + " 1.0446032 1.0462719 1.0511438 1.056221 1.0586401]\n", + " [1.1410356 1.1375593 1.1465828 1.1540605 1.1436484 1.1162182 1.08778\n", + " 1.0685017 1.0598599 1.0576899 1.0579425 1.0538397 1.0467191 1.0400124\n", + " 1.036762 1.0380456 1.0425329 0. 0. ]]\n", + "[[1.1912507 1.1861038 1.1960213 1.2050124 1.1913403 1.155351 1.1184233\n", + " 1.0949706 1.0842264 1.0829446 1.0830486 1.0775268 1.066028 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1628854 1.159896 1.1691661 1.1775044 1.165207 1.135153 1.1036202\n", + " 1.0825104 1.0718489 1.0683943 1.0663452 1.0607325 1.0514783 1.043742\n", + " 1.0402793 1.0420251 1.0468632 1.051211 1.053771 ]\n", + " [1.1981217 1.1909953 1.1992983 1.2067779 1.1922945 1.155294 1.118787\n", + " 1.0948883 1.0841752 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1731989 1.1700289 1.1804512 1.1889545 1.1760737 1.141649 1.1065964\n", + " 1.0843521 1.0742326 1.0723653 1.0727646 1.0676212 1.058277 1.0496433\n", + " 1.0459739 1.0479276 0. 0. 0. ]\n", + " [1.1593796 1.154963 1.1647751 1.174581 1.1640674 1.1320275 1.0983268\n", + " 1.0769258 1.0673444 1.0653245 1.0655023 1.0611403 1.0525506 1.0446762\n", + " 1.0409027 1.0423858 1.047706 0. 0. ]]\n", + "[[1.1791887 1.1766112 1.1876813 1.1954985 1.1811798 1.1460185 1.1104512\n", + " 1.0873153 1.0768698 1.0740794 1.0728087 1.0666218 1.056628 1.0481662\n", + " 1.0445732 1.0467153 1.052076 1.0572475 1.0591754 0. 0. ]\n", + " [1.1762671 1.1737669 1.1849725 1.1955805 1.1832316 1.1491593 1.1132456\n", + " 1.0887101 1.0764074 1.0720996 1.0699146 1.0641575 1.0551782 1.0477437\n", + " 1.0439433 1.0456431 1.0508969 1.0562072 1.0588379 1.0595587 1.0613261]\n", + " [1.1823673 1.1790676 1.1904362 1.2002885 1.1876366 1.1528101 1.1161674\n", + " 1.0919406 1.0799218 1.0758384 1.0740949 1.0682559 1.0590866 1.050617\n", + " 1.0466336 1.0480745 1.0533509 1.0583861 1.0606413 1.0616612 0. ]\n", + " [1.172656 1.1713238 1.1828756 1.1931292 1.1809512 1.1471822 1.1118845\n", + " 1.0874151 1.0757706 1.0722555 1.0701468 1.0648437 1.0558034 1.0481145\n", + " 1.0442772 1.0461638 1.0510207 1.0562588 1.0589015 0. 0. ]\n", + " [1.1811017 1.1783533 1.1891031 1.1978446 1.1856451 1.1511117 1.1162952\n", + " 1.0928316 1.0808352 1.076405 1.073431 1.066661 1.0568917 1.0488696\n", + " 1.0453026 1.0472374 1.0527512 1.0576568 1.0598392 1.0606496 1.0627848]]\n", + "[[1.1888374 1.1848171 1.1948054 1.2038597 1.1876926 1.1516002 1.1152728\n", + " 1.091973 1.0823135 1.0810511 1.0817697 1.0759476 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1773798 1.1736463 1.1838446 1.1926588 1.1804799 1.1464801 1.111258\n", + " 1.0880483 1.0759273 1.0726783 1.0705487 1.0643128 1.0549126 1.0467423\n", + " 1.0431451 1.0452038 1.050288 1.0552716 1.0579623 1.0587398 0. ]\n", + " [1.1880004 1.1853312 1.1960142 1.2045268 1.1927003 1.1578084 1.1209843\n", + " 1.0954678 1.082872 1.0782264 1.076266 1.0689502 1.0596584 1.0511383\n", + " 1.047917 1.049706 1.0551888 1.0606272 1.0628427 1.0633408 1.0649208]\n", + " [1.1605676 1.1568635 1.1667814 1.1758039 1.1641828 1.1326704 1.1008711\n", + " 1.0797795 1.069789 1.0682099 1.0677595 1.0627072 1.0535069 1.0452504\n", + " 1.0413104 1.0435308 0. 0. 0. 0. 0. ]\n", + " [1.183324 1.178767 1.188071 1.1965532 1.1835725 1.1480598 1.1128583\n", + " 1.0890251 1.0771804 1.0737958 1.0724075 1.0668046 1.0578587 1.0498313\n", + " 1.0464003 1.0482213 1.0536892 1.0585976 1.0609018 0. 0. ]]\n", + "[[1.1777045 1.1736547 1.1844782 1.1927257 1.1817219 1.146475 1.1103058\n", + " 1.0862126 1.0750868 1.0729495 1.0733778 1.0683352 1.0593568 1.0505958\n", + " 1.0463341 1.0478302 1.0534048 0. 0. 0. 0. ]\n", + " [1.175629 1.1715356 1.1822873 1.1918819 1.1795156 1.1457858 1.110989\n", + " 1.087967 1.0774007 1.0756114 1.0755119 1.0704883 1.0607098 1.0518051\n", + " 1.0474522 1.0495 0. 0. 0. 0. 0. ]\n", + " [1.1686659 1.1644008 1.1742095 1.1834425 1.1719581 1.1397463 1.1059787\n", + " 1.0833421 1.0727048 1.0710751 1.0710862 1.0665076 1.0580102 1.0496918\n", + " 1.045859 1.0476891 0. 0. 0. 0. 0. ]\n", + " [1.1632107 1.1590711 1.1683153 1.1766186 1.1653318 1.1333333 1.1008046\n", + " 1.0787244 1.0687813 1.0666151 1.0663021 1.0624784 1.053965 1.0466658\n", + " 1.0431087 1.0449214 1.050094 0. 0. 0. 0. ]\n", + " [1.1793115 1.1770115 1.1882432 1.1963955 1.1849223 1.1510675 1.1154368\n", + " 1.091537 1.0788811 1.0752157 1.0726459 1.0665736 1.0567129 1.0487422\n", + " 1.0452104 1.0467432 1.0521587 1.0573413 1.0595326 1.0601711 1.061577 ]]\n", + "[[1.1616795 1.159108 1.1690981 1.1772889 1.1653641 1.1330557 1.0997564\n", + " 1.077987 1.0689536 1.0676205 1.0674083 1.0627962 1.0541552 1.0459145\n", + " 1.0419447 1.0439627 0. ]\n", + " [1.1586214 1.1552061 1.1644653 1.1720237 1.1593909 1.1280804 1.0968571\n", + " 1.0767066 1.0677869 1.0663159 1.0669382 1.0631984 1.0545312 1.046593\n", + " 0. 0. 0. ]\n", + " [1.1711837 1.1636387 1.1700758 1.1779594 1.1659765 1.1348188 1.1025128\n", + " 1.0804858 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1872969 1.1835697 1.1936916 1.2022882 1.1883345 1.1529566 1.116238\n", + " 1.092 1.0809498 1.0783806 1.0782121 1.0727286 1.0634228 1.0541263\n", + " 1.050057 1.05193 1.0579993]\n", + " [1.1836442 1.1771486 1.1867632 1.1952212 1.183606 1.1492143 1.1137211\n", + " 1.0904226 1.0798357 1.0781393 1.0782846 1.0726274 1.0626209 1.0535432\n", + " 1.049359 0. 0. ]]\n", + "[[1.176695 1.1701125 1.1797314 1.1876179 1.1748445 1.1415193 1.1080841\n", + " 1.0861127 1.075999 1.0748693 1.0750912 1.0703311 1.0601282 1.0513811\n", + " 1.047448 0. 0. 0. 0. ]\n", + " [1.2059491 1.1993456 1.2092217 1.2190462 1.2052706 1.1662267 1.1266764\n", + " 1.1007582 1.0886523 1.0877677 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.175284 1.1723043 1.1821337 1.1896826 1.1768339 1.1434507 1.1085343\n", + " 1.0860126 1.0749362 1.0718002 1.0707945 1.0654184 1.0562562 1.0477756\n", + " 1.0441225 1.0460049 1.0513455 1.0567696 0. ]\n", + " [1.2068547 1.2018759 1.2141132 1.2249374 1.2111957 1.1709545 1.1296049\n", + " 1.1029555 1.0912548 1.0897051 1.0906422 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1624836 1.1585572 1.1680948 1.1776366 1.1660702 1.1348065 1.1018152\n", + " 1.0793222 1.0691011 1.0662687 1.0650241 1.0595995 1.050884 1.0435569\n", + " 1.0398804 1.0416298 1.0463451 1.051033 1.0531278]]\n", + "[[1.1764318 1.1715224 1.1813263 1.1903398 1.1788905 1.1458901 1.1110429\n", + " 1.0872742 1.07598 1.0735549 1.073797 1.0688058 1.0603045 1.0517106\n", + " 1.0477946 1.0497785 0. 0. 0. 0. ]\n", + " [1.1599946 1.1565396 1.1674285 1.176512 1.165618 1.1336274 1.1008095\n", + " 1.0784179 1.0680928 1.0657142 1.0654199 1.0607703 1.0526156 1.0447744\n", + " 1.0417043 1.0433416 1.0483295 0. 0. 0. ]\n", + " [1.160937 1.1584349 1.1694936 1.176536 1.1658696 1.1338807 1.1004614\n", + " 1.078099 1.0675269 1.0657794 1.0650434 1.0603442 1.0518963 1.0445702\n", + " 1.0408323 1.042276 1.0469495 1.0515293 0. 0. ]\n", + " [1.1807952 1.1787153 1.1910393 1.2004981 1.1886659 1.1527932 1.1151474\n", + " 1.0907881 1.0786355 1.0750961 1.0734485 1.067729 1.0578899 1.049777\n", + " 1.0462028 1.0478933 1.0528328 1.0576918 1.0601602 1.0610828]\n", + " [1.1659436 1.1628021 1.1726005 1.1811833 1.170146 1.1369082 1.103098\n", + " 1.0808243 1.0707057 1.0683612 1.0679938 1.063562 1.0549706 1.0475508\n", + " 1.0436368 1.0453031 1.0504102 0. 0. 0. ]]\n", + "[[1.1807305 1.178181 1.1894615 1.1988983 1.1866403 1.152071 1.11641\n", + " 1.0921429 1.0798734 1.0760214 1.0738834 1.0673226 1.0580055 1.0493916\n", + " 1.0456206 1.0473777 1.0524306 1.0575049 1.0602919 1.0614867 0.\n", + " 0. 0. 0. ]\n", + " [1.1697227 1.1639965 1.1741893 1.1822153 1.17168 1.138651 1.1047225\n", + " 1.0832825 1.0735564 1.0724121 1.0729085 1.0679135 1.0584692 1.049447\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1640903 1.1631279 1.1747224 1.1844963 1.1717161 1.1400326 1.106862\n", + " 1.0841897 1.072875 1.0682994 1.0662359 1.060361 1.051563 1.0438478\n", + " 1.0408785 1.0426246 1.0473791 1.0519753 1.0549042 1.0558143 1.0570667\n", + " 1.0606896 0. 0. ]\n", + " [1.1659468 1.1631818 1.1737436 1.1835194 1.1721139 1.1393193 1.1055021\n", + " 1.0834231 1.071783 1.0677191 1.0654262 1.0593385 1.0505369 1.0430678\n", + " 1.0403728 1.0425159 1.0473406 1.0525224 1.0544302 1.0555019 1.0574709\n", + " 1.0608166 1.0679982 1.0774497]\n", + " [1.1657997 1.1627939 1.1729689 1.181808 1.1701128 1.136702 1.103039\n", + " 1.0807036 1.0701169 1.0680933 1.0673392 1.0620034 1.0535482 1.0455515\n", + " 1.0420858 1.0435152 1.0488372 1.0537003 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1679332 1.1658769 1.1771598 1.1849076 1.174491 1.1410966 1.107032\n", + " 1.0844368 1.0726136 1.0693308 1.0674773 1.0618113 1.0530959 1.0448269\n", + " 1.0414348 1.0427012 1.0476961 1.0523728 1.0548658 1.0562704]\n", + " [1.1759208 1.1706508 1.1815867 1.1892416 1.1778418 1.1432323 1.1083479\n", + " 1.0857041 1.0743525 1.0715308 1.0709037 1.0657152 1.0565444 1.0486071\n", + " 1.0450385 1.0470321 1.0530738 0. 0. 0. ]\n", + " [1.1748949 1.1703128 1.1807249 1.1894665 1.1756897 1.1420794 1.1078808\n", + " 1.0846059 1.0739764 1.0712132 1.0700591 1.0652192 1.056137 1.047955\n", + " 1.0441957 1.0464132 1.0516917 1.0569061 0. 0. ]\n", + " [1.1601084 1.1561953 1.1668817 1.1764107 1.1654181 1.1330673 1.0998595\n", + " 1.0785956 1.0689775 1.0683409 1.0689294 1.0647861 1.0554694 1.047292\n", + " 1.0433474 0. 0. 0. 0. 0. ]\n", + " [1.1610006 1.1558974 1.1644086 1.1720906 1.1615282 1.1304212 1.0985668\n", + " 1.0780836 1.0683662 1.066992 1.0669694 1.0632795 1.0547045 1.0467944\n", + " 1.0433806 0. 0. 0. 0. 0. ]]\n", + "[[1.1664016 1.1625274 1.173658 1.184018 1.1729379 1.1396842 1.1053451\n", + " 1.0823089 1.07135 1.0692581 1.0695821 1.0655048 1.0563066 1.0486778\n", + " 1.0448542 1.0465062 0. 0. 0. 0. 0. ]\n", + " [1.1658214 1.160913 1.1704161 1.1792045 1.1671795 1.1360286 1.1030823\n", + " 1.0807813 1.0698787 1.0662805 1.0643344 1.0583944 1.049953 1.04272\n", + " 1.0396942 1.0413888 1.046342 1.0507675 1.0530874 1.0543036 0. ]\n", + " [1.1864667 1.1831533 1.1941862 1.2034098 1.1902678 1.1544212 1.1160918\n", + " 1.0926216 1.080487 1.0773268 1.0752764 1.07011 1.0604745 1.0510212\n", + " 1.0474128 1.0487846 1.054088 1.0595739 1.0619657 0. 0. ]\n", + " [1.1731613 1.1689942 1.1780868 1.186091 1.173047 1.1401072 1.1061165\n", + " 1.0834816 1.0728474 1.0702537 1.0694885 1.0649647 1.0565072 1.0486176\n", + " 1.0449487 1.0468488 1.052398 0. 0. 0. 0. ]\n", + " [1.1802636 1.1771353 1.1868596 1.1953932 1.1837544 1.1501514 1.1147012\n", + " 1.0902165 1.0775938 1.0733376 1.0713412 1.0654641 1.0560262 1.0485545\n", + " 1.0454811 1.0471022 1.0519744 1.0568659 1.0592833 1.0603019 1.0618362]]\n", + "[[1.1818923 1.1771578 1.186214 1.1946471 1.1834259 1.1484559 1.1129811\n", + " 1.0897796 1.078412 1.076493 1.0760759 1.0713456 1.061081 1.0521157\n", + " 1.0482738 0. 0. ]\n", + " [1.171797 1.1680698 1.1791092 1.1876304 1.177073 1.1432703 1.1083753\n", + " 1.0851908 1.074178 1.0726798 1.0729233 1.0676601 1.0583212 1.0495776\n", + " 1.0456679 1.04745 0. ]\n", + " [1.1791704 1.1744993 1.1838465 1.1915523 1.1779832 1.1439642 1.1089637\n", + " 1.0861962 1.0761716 1.0741675 1.0747449 1.0696071 1.0603896 1.0515538\n", + " 1.0475798 0. 0. ]\n", + " [1.1677566 1.1632856 1.1722007 1.1778079 1.1661415 1.1324692 1.1000462\n", + " 1.0782254 1.0697272 1.0689485 1.069538 1.0655792 1.0570518 0.\n", + " 0. 0. 0. ]\n", + " [1.1614641 1.1569538 1.1662469 1.1734108 1.1604338 1.1288493 1.0970755\n", + " 1.0761847 1.0668633 1.0647382 1.0647857 1.0603386 1.0518554 1.0442841\n", + " 1.0411929 1.0429145 1.0480744]]\n", + "[[1.2021662 1.1978488 1.2077925 1.2169716 1.201983 1.1649613 1.1260293\n", + " 1.1006756 1.0892451 1.0882522 1.0887814 1.0834103 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1802295 1.177574 1.1877601 1.1948876 1.1840074 1.1501291 1.114389\n", + " 1.0902317 1.078675 1.0748079 1.0725489 1.0668358 1.0577321 1.048668\n", + " 1.0455928 1.0476741 1.0528029 1.058173 1.0604327 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1731882 1.1720632 1.1839528 1.1914681 1.1794522 1.1451443 1.1097441\n", + " 1.086151 1.075071 1.0721376 1.0700369 1.0636591 1.0544646 1.0467215\n", + " 1.0426853 1.0445827 1.0497842 1.0549214 1.057377 1.058681 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1772189 1.1725202 1.1813354 1.1897923 1.1785929 1.1460595 1.1118231\n", + " 1.0888636 1.0785272 1.0761374 1.076102 1.070794 1.0609901 1.0521513\n", + " 1.0484077 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1725731 1.1703826 1.1809094 1.1911378 1.1805881 1.1486402 1.1137823\n", + " 1.0899054 1.0774006 1.0720918 1.0696986 1.0635877 1.0543166 1.0465028\n", + " 1.0432138 1.0449798 1.0503066 1.0553936 1.0577742 1.0585005 1.0595921\n", + " 1.0632296 1.0701597 1.0800674 1.0882986]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1668705 1.1642699 1.1742866 1.1822681 1.1691349 1.1361682 1.1025784\n", + " 1.0802594 1.0695914 1.067418 1.0664651 1.0615872 1.0533681 1.0455709\n", + " 1.0421079 1.044556 1.0492524 1.0545045 0. ]\n", + " [1.1911161 1.1867714 1.1969342 1.20394 1.1907845 1.1550404 1.1180649\n", + " 1.0937101 1.0829788 1.0820407 1.0832013 1.0779757 1.0678964 1.0576292\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1727358 1.1673495 1.1779059 1.1872278 1.1761632 1.1430445 1.1084299\n", + " 1.0852661 1.0743605 1.0718834 1.0718839 1.0666242 1.0570754 1.0488253\n", + " 1.0450895 1.0470469 1.05283 0. 0. ]\n", + " [1.1856244 1.1837027 1.1951764 1.20459 1.1905364 1.1538185 1.1167004\n", + " 1.0919416 1.079879 1.0772271 1.0758693 1.0693803 1.0593601 1.0506657\n", + " 1.0466415 1.0481653 1.0540298 1.0599399 1.0630338]\n", + " [1.182562 1.1781338 1.1884968 1.1961418 1.1838684 1.1484522 1.1122512\n", + " 1.0891533 1.0779301 1.0754501 1.0753067 1.0697837 1.0602165 1.0513635\n", + " 1.0475892 1.049599 1.0557028 0. 0. ]]\n", + "[[1.184582 1.179202 1.1882633 1.1949426 1.1811153 1.1463033 1.110836\n", + " 1.0873356 1.0774392 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.174901 1.1735624 1.1847022 1.1933227 1.183382 1.1498548 1.1146239\n", + " 1.0908741 1.0782942 1.0740213 1.0712364 1.0645105 1.0544463 1.0468953\n", + " 1.0433407 1.0456538 1.050746 1.0558052 1.0586735 1.0592221 1.0602884\n", + " 1.0639367 1.0715542]\n", + " [1.1648804 1.1609678 1.1720134 1.1817932 1.1699886 1.136913 1.1033937\n", + " 1.0811995 1.0717 1.0702306 1.0711898 1.0665183 1.0564243 1.0477555\n", + " 1.0436558 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1686758 1.1641592 1.1743805 1.1826534 1.1722676 1.1401922 1.1056833\n", + " 1.0828176 1.0720631 1.0699455 1.0699513 1.0655848 1.0573863 1.04939\n", + " 1.0453538 1.0468993 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1835585 1.1813172 1.1920962 1.2017629 1.1881157 1.153003 1.1160975\n", + " 1.0912175 1.078712 1.0755856 1.0736729 1.0675972 1.0581547 1.0498773\n", + " 1.0462161 1.0476727 1.0532336 1.0581853 1.0609635 1.0617449 0.\n", + " 0. 0. ]]\n", + "[[1.1850221 1.179985 1.1891958 1.1982979 1.1849273 1.150784 1.1150099\n", + " 1.0913451 1.079229 1.0764594 1.0764264 1.0711013 1.0613908 1.0525724\n", + " 1.0487386 1.0508353 1.0568007 0. 0. ]\n", + " [1.1674688 1.1642414 1.1743193 1.1833417 1.1716988 1.1393214 1.1056237\n", + " 1.0831683 1.072203 1.0687929 1.0676522 1.062282 1.0532572 1.0456059\n", + " 1.0418723 1.0436825 1.0484633 1.0532571 1.0557516]\n", + " [1.1566575 1.1546459 1.1657549 1.1737049 1.1613015 1.1296774 1.0975268\n", + " 1.0765176 1.0671203 1.0654826 1.0651507 1.0601991 1.051749 1.0439883\n", + " 1.0403812 1.0420574 1.0470597 0. 0. ]\n", + " [1.1733859 1.16726 1.175944 1.1832454 1.1717914 1.1389874 1.1056862\n", + " 1.0838435 1.073957 1.0722748 1.0727977 1.0683514 1.0596418 1.0511642\n", + " 1.047492 0. 0. 0. 0. ]\n", + " [1.1673094 1.161616 1.1695602 1.1770442 1.1671135 1.1357456 1.1029481\n", + " 1.0813563 1.0705111 1.0688591 1.0691527 1.0650655 1.0571352 1.0489377\n", + " 1.0446299 1.0460572 0. 0. 0. ]]\n", + "[[1.1809031 1.1769543 1.1868134 1.1938008 1.1821467 1.1482824 1.1135169\n", + " 1.089711 1.0784566 1.0746154 1.0727718 1.0672212 1.0577552 1.0496032\n", + " 1.0463046 1.0487332 1.0541767 1.0593878 1.0615838 0. ]\n", + " [1.16712 1.1652638 1.1752914 1.1835126 1.1703273 1.1381931 1.1046498\n", + " 1.0821145 1.0712016 1.067585 1.0660303 1.0603031 1.05185 1.0442953\n", + " 1.0411721 1.0433031 1.0479044 1.052566 1.0549026 1.0558565]\n", + " [1.170075 1.1660961 1.1751571 1.1820139 1.1681538 1.1352036 1.102213\n", + " 1.0813229 1.0714045 1.0693384 1.0677356 1.0622988 1.052962 1.045283\n", + " 1.0417997 1.0436982 1.0488486 1.0538102 0. 0. ]\n", + " [1.1568717 1.1521684 1.1598561 1.1662228 1.1535883 1.1240401 1.0939995\n", + " 1.0741459 1.0644959 1.0630531 1.0625297 1.0589311 1.0509729 1.0437826\n", + " 1.0408087 1.0422425 1.0472431 0. 0. 0. ]\n", + " [1.1644539 1.1617355 1.172456 1.1820052 1.1699027 1.1378912 1.1043901\n", + " 1.0821842 1.0710843 1.0684439 1.0671437 1.0624063 1.0536734 1.0457653\n", + " 1.0423869 1.0438405 1.0491247 1.0542299 0. 0. ]]\n", + "[[1.1845055 1.1803533 1.1903881 1.1982578 1.1868043 1.1517466 1.1158619\n", + " 1.0911502 1.0800322 1.0770918 1.0764571 1.0703735 1.0608373 1.0520438\n", + " 1.0481151 1.0501287 1.0558033 1.0612195 0. 0. ]\n", + " [1.1583315 1.1541599 1.1628257 1.1697524 1.1595504 1.1280237 1.0958768\n", + " 1.0749098 1.0648224 1.062777 1.0622067 1.0584859 1.0502323 1.0430472\n", + " 1.0395726 1.0416669 1.0467179 0. 0. 0. ]\n", + " [1.1669754 1.1643798 1.175536 1.1840092 1.172108 1.138522 1.1038254\n", + " 1.0817297 1.0715746 1.0699936 1.069973 1.0652092 1.0554204 1.0476998\n", + " 1.0441275 1.0461767 0. 0. 0. 0. ]\n", + " [1.1724072 1.1693292 1.1805891 1.1895907 1.1766502 1.1437236 1.1095283\n", + " 1.0863576 1.0746467 1.0708188 1.0691711 1.0637572 1.0549495 1.0471417\n", + " 1.0433573 1.0452929 1.049944 1.0546696 1.0577343 1.0592085]\n", + " [1.1705472 1.1676346 1.1776428 1.1854811 1.1723955 1.1388676 1.1048263\n", + " 1.0823346 1.0719159 1.0693845 1.0686859 1.0635157 1.0550791 1.0470572\n", + " 1.0439117 1.0456034 1.0505438 1.0558292 0. 0. ]]\n", + "[[1.1825432 1.1770247 1.1869447 1.1942431 1.178769 1.1435685 1.109332\n", + " 1.0873246 1.0773875 1.076777 1.0771251 1.0715752 1.0619327 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1483703 1.1441724 1.1530132 1.1611404 1.1510639 1.1219054 1.0917716\n", + " 1.0716894 1.0624545 1.0607712 1.0613613 1.057377 1.0496507 1.0424695\n", + " 1.0390368 1.0407014 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1557167 1.1501088 1.15782 1.1644703 1.1545235 1.1250434 1.0946922\n", + " 1.0749336 1.065161 1.063758 1.0638396 1.060398 1.052721 1.0450877\n", + " 1.041652 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1716213 1.1689323 1.1792951 1.1883806 1.1776867 1.1454756 1.1107184\n", + " 1.0880626 1.075988 1.0713409 1.0683497 1.0619506 1.0533237 1.0459006\n", + " 1.0427616 1.0446693 1.0499785 1.0545707 1.0574299 1.0584134 1.0600002\n", + " 1.0641705 0. ]\n", + " [1.1543791 1.1524394 1.163391 1.1727902 1.1628098 1.1315142 1.0992903\n", + " 1.077728 1.0671091 1.0632256 1.061002 1.0555555 1.0471158 1.0402985\n", + " 1.0375258 1.0394062 1.0438988 1.0485785 1.0512234 1.0525262 1.05395\n", + " 1.0573043 1.0637504]]\n", + "[[1.1697031 1.1667335 1.177463 1.1874264 1.1771609 1.145121 1.11102\n", + " 1.0874285 1.0761726 1.0716196 1.0685594 1.0623194 1.0532616 1.0455315\n", + " 1.0422034 1.044318 1.0501405 1.0554943 1.057964 1.0585428 1.0594704\n", + " 1.0630987 1.070962 1.0812969]\n", + " [1.1671786 1.1634446 1.1750044 1.1846269 1.1723201 1.1389958 1.1046258\n", + " 1.0818579 1.0723348 1.0711997 1.0718354 1.0670642 1.0584351 1.049411\n", + " 1.0453831 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1656585 1.1620978 1.1726909 1.1818244 1.1703326 1.1366838 1.1024338\n", + " 1.0800236 1.0701307 1.0692825 1.0705976 1.0667361 1.0583178 1.049705\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1683532 1.1648903 1.1749359 1.1839526 1.1724117 1.1400179 1.1073098\n", + " 1.0850855 1.0733125 1.0686677 1.0666934 1.060477 1.0515618 1.0437813\n", + " 1.0411352 1.0432428 1.0486679 1.0529593 1.0552882 1.0560429 1.0572056\n", + " 1.0601302 1.0673347 0. ]\n", + " [1.150586 1.1472558 1.1560812 1.1625727 1.1519347 1.1217585 1.0922383\n", + " 1.0726522 1.0629951 1.0596821 1.0585185 1.053913 1.0457966 1.0395632\n", + " 1.036708 1.0382098 1.0425745 1.0469687 1.0492955 1.0505047 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1805592 1.1771083 1.187208 1.1958247 1.1820798 1.147239 1.1125736\n", + " 1.0893087 1.0770297 1.0740669 1.072341 1.0661114 1.0570142 1.0490769\n", + " 1.0456059 1.0480969 1.0533099 1.0583276 1.0607841 0. 0.\n", + " 0. 0. ]\n", + " [1.1642038 1.1637871 1.1746017 1.1841639 1.1714455 1.1385022 1.1044346\n", + " 1.0820123 1.0711956 1.0685157 1.0669411 1.0618289 1.0528525 1.0453631\n", + " 1.041962 1.0434526 1.0480862 1.0525014 1.055135 1.0559949 0.\n", + " 0. 0. ]\n", + " [1.1893997 1.1859831 1.1974272 1.2069241 1.1941879 1.1587933 1.1209817\n", + " 1.0959255 1.0839332 1.0803707 1.0790405 1.0731393 1.0634314 1.0544028\n", + " 1.0500591 1.0514953 1.0566196 1.061959 1.0643405 0. 0.\n", + " 0. 0. ]\n", + " [1.1465962 1.1451077 1.1552584 1.1638789 1.1522392 1.1237543 1.0941468\n", + " 1.0744408 1.0643252 1.0605571 1.0586791 1.0526319 1.0451026 1.038474\n", + " 1.0360228 1.0381659 1.0422981 1.0465387 1.0487329 1.04929 1.0505444\n", + " 1.0537244 1.0606459]\n", + " [1.1804138 1.1776266 1.1888399 1.1983105 1.1861507 1.1513319 1.1149861\n", + " 1.0900741 1.0777794 1.0747395 1.0730484 1.0683057 1.0594752 1.050993\n", + " 1.0472044 1.0487919 1.0537143 1.0588602 1.0612712 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1713277 1.1689789 1.18008 1.1897957 1.1771574 1.1429493 1.1087401\n", + " 1.085811 1.0746884 1.0701263 1.0682038 1.0619057 1.053236 1.0454979\n", + " 1.0426545 1.0443642 1.049363 1.0546013 1.0570099 1.0576788 1.0592477]\n", + " [1.1503886 1.1458868 1.1530207 1.1593634 1.1480632 1.119182 1.089538\n", + " 1.0701436 1.0612936 1.0593836 1.0598825 1.0563465 1.0493364 1.0424287\n", + " 1.0391239 1.0406249 0. 0. 0. 0. 0. ]\n", + " [1.1825643 1.1786034 1.1888745 1.1970526 1.1839749 1.1490564 1.1130698\n", + " 1.088344 1.0772741 1.0743265 1.073158 1.0688217 1.0603132 1.0521052\n", + " 1.0484217 1.0500197 1.0556912 0. 0. 0. 0. ]\n", + " [1.1632409 1.1610725 1.1725168 1.1815338 1.1697599 1.1363106 1.1023767\n", + " 1.0797862 1.069023 1.066317 1.0663503 1.061652 1.0535096 1.0453825\n", + " 1.0421965 1.043583 1.0482073 1.0529542 0. 0. 0. ]\n", + " [1.1610234 1.1551173 1.1631696 1.1704111 1.1594112 1.1285858 1.0970062\n", + " 1.0768774 1.0677397 1.0662411 1.0668262 1.0624307 1.0540969 1.0461081\n", + " 1.0427328 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1760339 1.1716683 1.1822195 1.1904062 1.1779628 1.1442003 1.1097912\n", + " 1.0864215 1.0759039 1.0727153 1.0710746 1.0661011 1.0567402 1.0481126\n", + " 1.0447006 1.0463165 1.0516082 1.0566758 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1643119 1.1607504 1.1703287 1.1788651 1.1683037 1.1367221 1.1038704\n", + " 1.0822512 1.0723155 1.0698812 1.0700804 1.065208 1.0564586 1.0483419\n", + " 1.0444226 1.0460554 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1736797 1.1712179 1.1816723 1.1917945 1.1813669 1.1488652 1.1151829\n", + " 1.0915523 1.0784459 1.0735245 1.0705152 1.0642285 1.0546983 1.0471802\n", + " 1.044141 1.0459588 1.0516014 1.0562872 1.0590503 1.059734 1.0608103\n", + " 1.0642874 1.0716714]\n", + " [1.182641 1.1805515 1.1913182 1.200002 1.1889665 1.1544191 1.1183879\n", + " 1.0938143 1.0813007 1.076806 1.0739652 1.067784 1.058081 1.0496079\n", + " 1.0461268 1.0477378 1.0531981 1.0581644 1.0602283 1.0609862 1.0622699\n", + " 0. 0. ]\n", + " [1.171229 1.1664283 1.1764203 1.184694 1.1739991 1.1405945 1.1059605\n", + " 1.0833149 1.0726373 1.0703169 1.0707159 1.0660603 1.0570207 1.0484097\n", + " 1.0444561 1.0464063 1.0516871 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1794016 1.1760428 1.1870306 1.1966759 1.183698 1.1480589 1.1126964\n", + " 1.0890251 1.0771524 1.0740979 1.0724331 1.0669799 1.0575846 1.0490764\n", + " 1.045278 1.0473454 1.0525829 1.0576669 1.0602028 0. 0.\n", + " 0. 0. ]\n", + " [1.1679219 1.1672888 1.1792419 1.1884459 1.1766039 1.1425251 1.1077734\n", + " 1.0843278 1.072707 1.0692397 1.0670972 1.0612109 1.0527818 1.0453653\n", + " 1.0421458 1.0437083 1.048744 1.0533332 1.0558368 1.056721 1.0584183\n", + " 1.0624782 0. ]\n", + " [1.1579429 1.1541117 1.164153 1.1737809 1.1634117 1.13218 1.1001399\n", + " 1.0787333 1.0672477 1.0636483 1.061601 1.0567929 1.0486575 1.042069\n", + " 1.0391107 1.0410099 1.0453794 1.0501332 1.0530412 1.0542095 1.0553083\n", + " 1.0585986 1.0650156]\n", + " [1.1687633 1.166281 1.1774721 1.1873664 1.1751342 1.1426363 1.1086318\n", + " 1.0857335 1.0742315 1.0702474 1.0685776 1.0627705 1.0536985 1.045951\n", + " 1.0423857 1.044331 1.0492562 1.0539665 1.0568566 1.0577102 0.\n", + " 0. 0. ]\n", + " [1.1760767 1.1733518 1.1844277 1.1938851 1.1826087 1.1485165 1.1127713\n", + " 1.0882053 1.076552 1.0732132 1.07223 1.0668485 1.0577401 1.0491993\n", + " 1.045533 1.0467713 1.0517526 1.0567034 1.059106 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1683712 1.1648307 1.1754683 1.1834816 1.1706108 1.1379073 1.1043043\n", + " 1.0818006 1.0710244 1.0682768 1.0673853 1.0619944 1.0537765 1.0463299\n", + " 1.0429281 1.0443182 1.0491607 1.0540617 1.0563672 0. ]\n", + " [1.157154 1.1543356 1.1644229 1.1722263 1.1598011 1.1286705 1.0971452\n", + " 1.0759885 1.0666366 1.0646847 1.0644976 1.060417 1.0522509 1.0448432\n", + " 1.0416692 1.0433699 0. 0. 0. 0. ]\n", + " [1.1745291 1.1702826 1.1797066 1.1872272 1.1752911 1.1420716 1.1075408\n", + " 1.0853822 1.0743554 1.071905 1.070796 1.0664761 1.0574487 1.0492885\n", + " 1.0459068 1.0481572 1.0533397 0. 0. 0. ]\n", + " [1.1830468 1.1800758 1.1901115 1.1982431 1.1848421 1.1511627 1.1159958\n", + " 1.0920175 1.0797776 1.0754249 1.0737958 1.0675986 1.0580056 1.0496321\n", + " 1.0461076 1.0478001 1.0530441 1.0582877 1.0609441 1.0617691]\n", + " [1.1744745 1.1707593 1.1817123 1.1905203 1.1796466 1.1453459 1.1099408\n", + " 1.0869224 1.0763571 1.0754439 1.0758668 1.0714262 1.0618714 1.0527757\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1760814 1.1731889 1.1855074 1.1960781 1.1838528 1.1494554 1.1131178\n", + " 1.0881354 1.0761812 1.0724009 1.0710949 1.0653312 1.0562278 1.0483283\n", + " 1.0444123 1.0462452 1.0512965 1.0562228 1.0588768]\n", + " [1.1591648 1.1552875 1.1647635 1.1732054 1.1624839 1.1314046 1.0992812\n", + " 1.0785853 1.0687735 1.067119 1.0668086 1.0621518 1.0527765 1.0451986\n", + " 1.0415205 1.0433292 1.0487592 0. 0. ]\n", + " [1.1952533 1.1888756 1.1993359 1.2090447 1.1959153 1.1593145 1.1211019\n", + " 1.0951576 1.0832329 1.0811772 1.0818512 1.0765843 1.0671152 1.0575997\n", + " 1.05334 0. 0. 0. 0. ]\n", + " [1.1705868 1.1663482 1.1775713 1.1871 1.1747962 1.1420153 1.1073071\n", + " 1.0846994 1.0742303 1.0731206 1.07317 1.0684358 1.0591553 1.05052\n", + " 1.0465561 0. 0. 0. 0. ]\n", + " [1.1462022 1.1428245 1.1524565 1.1589886 1.1477648 1.1182399 1.0886806\n", + " 1.0701689 1.0617404 1.060358 1.0600551 1.0555649 1.047085 1.0399114\n", + " 1.0366259 1.0383439 1.0430362 0. 0. ]]\n", + "[[1.177409 1.1737269 1.1844773 1.1938424 1.1810117 1.1459459 1.1114641\n", + " 1.0879847 1.0757911 1.0729374 1.0710989 1.0650183 1.0561557 1.0480442\n", + " 1.0443923 1.0462072 1.0514446 1.0566216 1.0593226 1.0603597 0.\n", + " 0. 0. ]\n", + " [1.1648247 1.1610744 1.1710309 1.1785773 1.1658859 1.1339182 1.1009336\n", + " 1.0797508 1.0700345 1.0683998 1.0681183 1.0633348 1.0539135 1.0459602\n", + " 1.0424451 1.0444224 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1726661 1.1701715 1.1820986 1.1915597 1.179745 1.1466802 1.111831\n", + " 1.0887254 1.0767709 1.0730053 1.070416 1.0639768 1.0540664 1.0460355\n", + " 1.0431637 1.0450386 1.0505859 1.0556493 1.058303 1.0592269 1.060646\n", + " 1.0647401 1.0729587]\n", + " [1.1662649 1.1635084 1.1738039 1.1832082 1.1704135 1.1371408 1.1038178\n", + " 1.0821086 1.0720824 1.07002 1.0700682 1.0646937 1.055464 1.0472951\n", + " 1.0435463 1.0451335 1.050573 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1561456 1.1540377 1.1649144 1.1745385 1.1634071 1.1330497 1.1008844\n", + " 1.0793386 1.068052 1.0645182 1.0624655 1.0562901 1.0479592 1.0406529\n", + " 1.0376173 1.0393795 1.0442433 1.0488551 1.0508711 1.0521127 1.0534036\n", + " 1.0564067 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1576828 1.155762 1.1662854 1.1759235 1.1649814 1.1342342 1.1020191\n", + " 1.0805885 1.0694166 1.0660069 1.0636662 1.0577592 1.0487647 1.0414331\n", + " 1.0387673 1.0404836 1.0451946 1.0499635 1.0526514 1.053403 1.0547452\n", + " 1.0581189 1.0652003]\n", + " [1.1924406 1.1864784 1.1962831 1.2040591 1.1900345 1.1544889 1.1174978\n", + " 1.0933659 1.0820771 1.0804791 1.0807667 1.0753845 1.0649241 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1830126 1.1778427 1.1867201 1.1951088 1.1819165 1.1481472 1.1131188\n", + " 1.0894315 1.0777291 1.0752969 1.0735444 1.0688161 1.0593729 1.0514226\n", + " 1.0478005 1.0498532 1.0557255 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1747643 1.1701916 1.1785222 1.1867105 1.1748798 1.1406913 1.1056677\n", + " 1.0829183 1.0720017 1.0715636 1.0730293 1.0683718 1.0597183 1.0512278\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1779858 1.1735828 1.183482 1.1922715 1.178976 1.1458045 1.1110928\n", + " 1.087217 1.0763844 1.0736349 1.0732449 1.0686247 1.0597609 1.0513316\n", + " 1.0475309 1.0492826 1.0549977 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1613379 1.1591693 1.170357 1.1799985 1.1681523 1.1358687 1.1025056\n", + " 1.0800409 1.0690055 1.065582 1.0647244 1.0598627 1.0510051 1.0432347\n", + " 1.0397023 1.0409255 1.0452172 1.0499294 1.0525991 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1589018 1.1543288 1.1629579 1.1707268 1.1594592 1.1291083 1.0982229\n", + " 1.0770591 1.0670485 1.0641559 1.0633761 1.0590433 1.0507934 1.0436537\n", + " 1.0407605 1.0430887 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1804613 1.1757782 1.1849878 1.1932421 1.1822473 1.1485114 1.1131327\n", + " 1.0904182 1.0794415 1.0773382 1.0763587 1.0703 1.059867 1.0503302\n", + " 1.0463339 1.0481061 1.0543063 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1668762 1.1648376 1.1754897 1.1855466 1.1739256 1.1424296 1.1091216\n", + " 1.0864769 1.0749158 1.070282 1.0678613 1.06133 1.0518596 1.0438843\n", + " 1.0407864 1.043134 1.0481964 1.0527925 1.055567 1.0558363 1.0569293\n", + " 1.0602465 1.0678073 1.077341 ]\n", + " [1.1857469 1.1806283 1.1901346 1.1987625 1.1866286 1.1516095 1.115727\n", + " 1.0917697 1.08105 1.0791447 1.0789814 1.073601 1.0643182 1.0546227\n", + " 1.0507035 1.05302 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1777036 1.1732885 1.1831586 1.1925616 1.1812807 1.1478897 1.1132301\n", + " 1.0893313 1.0785651 1.0779457 1.0784463 1.0730151 1.0629723 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1664126 1.1646866 1.1737278 1.1830689 1.1706544 1.1369501 1.1033678\n", + " 1.080699 1.0698879 1.0670329 1.0656042 1.0602115 1.0519266 1.0446094\n", + " 1.0413661 1.0435107 1.0480824 1.0533358 1.0555464 1.0564094 0. ]\n", + " [1.2017254 1.196293 1.2059951 1.2154481 1.201812 1.165501 1.127767\n", + " 1.1020783 1.0897095 1.0871378 1.087732 1.0822114 1.0715384 1.0613699\n", + " 1.0570191 0. 0. 0. 0. 0. 0. ]\n", + " [1.1699764 1.164558 1.1738518 1.182304 1.1706548 1.1371299 1.1036911\n", + " 1.0817169 1.072156 1.0707105 1.0720601 1.0679655 1.0587986 1.0499594\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1802183 1.1763369 1.1877456 1.1970812 1.1840954 1.1500295 1.114611\n", + " 1.0901511 1.0771486 1.0733674 1.0710313 1.0652351 1.0560043 1.0481699\n", + " 1.0450039 1.046496 1.0516044 1.0570661 1.0597746 1.0611202 1.0631446]]\n", + "[[1.2277776 1.2210503 1.2304119 1.2389151 1.2236425 1.1827135 1.1396817\n", + " 1.1118597 1.0996555 1.098113 1.096923 1.0907967 1.0784521 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1621485 1.1578223 1.1683892 1.1792243 1.1688643 1.136731 1.1037123\n", + " 1.0810295 1.0707605 1.0692759 1.0694261 1.065211 1.0563428 1.0476007\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1740816 1.1702557 1.1812304 1.1901175 1.1779377 1.1429565 1.1087283\n", + " 1.0858926 1.0753449 1.0742301 1.074927 1.0696479 1.0599802 1.0512294\n", + " 1.0473992 0. 0. 0. 0. ]\n", + " [1.1746818 1.1725594 1.1824399 1.1896106 1.1759228 1.1428648 1.108754\n", + " 1.0856184 1.0749602 1.0715894 1.0697058 1.0643952 1.0550028 1.047352\n", + " 1.0438696 1.0459335 1.0511304 1.0558728 1.0585474]\n", + " [1.1927667 1.1861296 1.1922436 1.1999617 1.1868707 1.1526234 1.1181631\n", + " 1.0943413 1.0837362 1.0813004 1.0805098 1.0762395 1.0661784 1.0573424\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1655165 1.1631247 1.1729852 1.1811669 1.1691599 1.137004 1.1041483\n", + " 1.0831307 1.0717869 1.0678439 1.0654619 1.0599471 1.0514085 1.0437862\n", + " 1.0406296 1.042185 1.0470068 1.0511925 1.0537932 1.0547153 1.0563061]\n", + " [1.1690794 1.1671978 1.178384 1.1875926 1.1743587 1.1411679 1.1064602\n", + " 1.0838645 1.0729008 1.070106 1.0692421 1.0647032 1.0558281 1.0477343\n", + " 1.0441238 1.045612 1.0506794 1.0558705 0. 0. 0. ]\n", + " [1.1768887 1.1708808 1.1790504 1.1856866 1.1738608 1.1403958 1.1058043\n", + " 1.0827216 1.0728109 1.0714612 1.0720867 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1864626 1.1817794 1.1922492 1.2002828 1.1858758 1.1493578 1.112366\n", + " 1.0891396 1.0790616 1.0780582 1.0789186 1.0741463 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1571021 1.1550187 1.1659936 1.1750395 1.1640509 1.1332409 1.1016445\n", + " 1.0797864 1.0686342 1.0644788 1.0623145 1.0565039 1.047893 1.0414562\n", + " 1.0383896 1.0399591 1.0449481 1.0490556 1.0509847 1.0516825 1.0527853]]\n", + "[[1.182935 1.1804751 1.1924411 1.2021248 1.1901838 1.1543857 1.116853\n", + " 1.0916563 1.0796762 1.0765678 1.0752003 1.0692375 1.0592781 1.0504764\n", + " 1.0464054 1.0479839 1.0532695 1.0588967 1.0616984]\n", + " [1.1554751 1.1508012 1.1579798 1.1643032 1.1516464 1.1212783 1.0917068\n", + " 1.0736765 1.0653973 1.0649548 1.064504 1.061324 1.0529461 1.0451838\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1638523 1.1616874 1.1723065 1.1796551 1.1671362 1.134228 1.1009747\n", + " 1.07958 1.0699434 1.0674732 1.0674543 1.0623014 1.053632 1.0457842\n", + " 1.0427152 1.0443268 1.0492713 0. 0. ]\n", + " [1.1858726 1.1829982 1.1924864 1.2015119 1.1892933 1.153345 1.115861\n", + " 1.09214 1.0796456 1.0754734 1.074165 1.0684161 1.0595783 1.0507131\n", + " 1.0474178 1.0492022 1.054367 1.0596025 1.0622362]\n", + " [1.1690474 1.1641133 1.1743071 1.1825031 1.171111 1.1382617 1.1038499\n", + " 1.0814813 1.0716896 1.0710208 1.0720537 1.067807 1.0591265 1.0505211\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1748257 1.1696775 1.1796244 1.187645 1.1758673 1.141447 1.1074598\n", + " 1.0849189 1.0749601 1.0728805 1.0730659 1.0683458 1.0585359 1.0502162\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1864977 1.1808585 1.1897489 1.1986593 1.185914 1.1521795 1.1165148\n", + " 1.0929278 1.0817094 1.0787929 1.0784577 1.0733039 1.063305 1.0539128\n", + " 1.050075 1.0523229 0. 0. 0. 0. 0. ]\n", + " [1.1669189 1.1633378 1.1738231 1.1817026 1.170545 1.1376122 1.1040289\n", + " 1.0815239 1.0708072 1.069508 1.0700636 1.0659554 1.0574856 1.0494748\n", + " 1.0453886 0. 0. 0. 0. 0. 0. ]\n", + " [1.1801013 1.1775231 1.1889777 1.1976439 1.1869571 1.1529219 1.116744\n", + " 1.092566 1.0805262 1.0759711 1.0731808 1.0667057 1.0569732 1.0489116\n", + " 1.0453731 1.0470392 1.0525099 1.0576555 1.0597417 1.0604488 1.061786 ]\n", + " [1.1616089 1.1592379 1.1694478 1.1785669 1.1670994 1.135135 1.1015047\n", + " 1.0795265 1.0690372 1.0657194 1.0646738 1.0596414 1.0510265 1.0438122\n", + " 1.040141 1.0418782 1.0462476 1.0508711 1.0535513 0. 0. ]]\n", + "[[1.1879988 1.1842506 1.1952341 1.2034364 1.1884873 1.1522912 1.1147852\n", + " 1.0906639 1.0804596 1.079522 1.0800533 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1713849 1.1673925 1.1756647 1.1836554 1.1728597 1.1405312 1.1071267\n", + " 1.0849156 1.0736792 1.0694838 1.0670724 1.0611727 1.0526701 1.0452952\n", + " 1.0422114 1.0439731 1.048801 1.0538596 1.056275 1.0575334 1.0591147]\n", + " [1.1574519 1.1539385 1.1640362 1.1718961 1.1610086 1.1298885 1.0976806\n", + " 1.0761251 1.0663942 1.0652127 1.0652951 1.0612115 1.0525911 1.0448513\n", + " 1.0413923 1.0429543 0. 0. 0. 0. 0. ]\n", + " [1.1595914 1.156569 1.1670477 1.1760015 1.1648648 1.1331323 1.099982\n", + " 1.0781239 1.0687157 1.0665935 1.0664765 1.0618106 1.0535165 1.0452675\n", + " 1.0414146 1.0432312 1.0482682 0. 0. 0. 0. ]\n", + " [1.1461864 1.142554 1.1512995 1.158977 1.1475173 1.1187823 1.0889229\n", + " 1.0695941 1.0602182 1.0584102 1.0583472 1.0550961 1.0478623 1.0410063\n", + " 1.0378628 1.0391899 1.0437171 0. 0. 0. 0. ]]\n", + "[[1.1730325 1.1699079 1.1810119 1.1902542 1.1781732 1.1437325 1.1084708\n", + " 1.0855817 1.0757716 1.0750977 1.0752399 1.0702269 1.0600157 1.0509305\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1784195 1.1740959 1.1838405 1.192517 1.1807655 1.1485772 1.1142612\n", + " 1.0902895 1.0772502 1.0727271 1.0704734 1.065319 1.056816 1.0490507\n", + " 1.0456952 1.0471661 1.0519742 1.0561749 1.0584313 1.0598048 1.0619698\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.190355 1.1854942 1.1946696 1.2026958 1.1909182 1.1556998 1.1190352\n", + " 1.0951298 1.0836332 1.0816718 1.0816934 1.0769418 1.0666875 1.0571529\n", + " 1.052711 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1693146 1.1658473 1.1757044 1.186016 1.1758049 1.1436279 1.1109532\n", + " 1.0884445 1.0769436 1.0725394 1.0697557 1.0629116 1.0529819 1.0454048\n", + " 1.0425943 1.0453037 1.0507483 1.0562047 1.0582956 1.0586318 1.0593154\n", + " 1.0630308 1.070311 1.0805154 1.0887164 1.092751 1.0937406]\n", + " [1.1813378 1.1775768 1.1875486 1.196485 1.1820312 1.1473455 1.1111277\n", + " 1.0865115 1.0752566 1.0722234 1.0707186 1.0656341 1.056584 1.048787\n", + " 1.0449102 1.0468793 1.0520847 1.0575032 1.0601487 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1738626 1.1701114 1.1812011 1.1904341 1.1772245 1.1434643 1.1088834\n", + " 1.0857592 1.0744903 1.0720557 1.0707854 1.0654378 1.0560611 1.0477729\n", + " 1.0445262 1.0466294 1.0517986 1.0573059 0. 0. 0.\n", + " 0. ]\n", + " [1.178957 1.1729434 1.1811656 1.1899673 1.1774831 1.143066 1.1082714\n", + " 1.0859315 1.075211 1.0733142 1.0732492 1.0692208 1.0603906 1.051905\n", + " 1.047957 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1624881 1.1579937 1.1664305 1.1725976 1.1601305 1.1289706 1.0979643\n", + " 1.077521 1.0679699 1.0663558 1.066638 1.0618765 1.0535351 1.0457687\n", + " 1.0423561 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1704412 1.169142 1.181564 1.1903085 1.1783036 1.1449422 1.1099299\n", + " 1.0866332 1.0749664 1.0713342 1.0689987 1.0626372 1.0527766 1.0454036\n", + " 1.042203 1.0439776 1.0489873 1.0541486 1.0566049 1.0578283 1.0596634\n", + " 1.0634505]\n", + " [1.2000486 1.1952853 1.2050884 1.2141439 1.2009732 1.1646042 1.1268744\n", + " 1.100621 1.086953 1.0830798 1.0809988 1.0753449 1.0654722 1.0561393\n", + " 1.0522113 1.0542786 1.0602226 1.0654658 1.0680635 0. 0.\n", + " 0. ]]\n", + "[[1.1618998 1.1590616 1.1698798 1.1784868 1.1664306 1.1336858 1.1002091\n", + " 1.0788647 1.0685807 1.0660454 1.0658927 1.0616899 1.0529139 1.0455183\n", + " 1.0421442 1.043447 1.0482389 1.0528733 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1677625 1.161841 1.1710529 1.1794732 1.1684183 1.1374524 1.1045536\n", + " 1.0822744 1.0717427 1.0705258 1.0704174 1.06607 1.0571215 1.0487567\n", + " 1.0448112 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.164726 1.1611592 1.1706114 1.179465 1.1670762 1.1344932 1.101601\n", + " 1.0802034 1.0698719 1.0677712 1.0669789 1.0622661 1.0538445 1.0463623\n", + " 1.0424794 1.044428 1.0492994 1.0540744 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1667497 1.1610523 1.1703705 1.1779367 1.1674826 1.1359278 1.1036588\n", + " 1.0818899 1.0720059 1.0701991 1.0702596 1.0664508 1.0573537 1.049253\n", + " 1.0459027 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1554804 1.1524262 1.1630297 1.1723198 1.1617779 1.1321954 1.1009026\n", + " 1.0799773 1.0688607 1.0646808 1.0627749 1.056805 1.0479407 1.0405014\n", + " 1.0377082 1.0393239 1.0439254 1.0482814 1.0506979 1.0512791 1.052632\n", + " 1.055521 1.0624108]]\n", + "[[1.1628801 1.1600821 1.1705904 1.1782485 1.1667448 1.1343188 1.100943\n", + " 1.078427 1.0686349 1.0658945 1.0650649 1.0607566 1.0528114 1.0448136\n", + " 1.0415035 1.0429307 1.0478755 1.0527703 0. 0. ]\n", + " [1.1879126 1.1813158 1.1915965 1.2018868 1.1903166 1.1557829 1.1185911\n", + " 1.094928 1.0838263 1.0835133 1.0846323 1.0791305 1.0682737 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1749064 1.1715059 1.1817067 1.1906345 1.1779693 1.1442415 1.1087959\n", + " 1.0861684 1.0760282 1.0743592 1.0751207 1.0700219 1.0599046 1.0507021\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1579337 1.1527362 1.161094 1.1701201 1.1599072 1.1310209 1.1004889\n", + " 1.0793253 1.0695908 1.0670282 1.0665898 1.0618184 1.0531454 1.0454848\n", + " 1.0419669 1.0437078 0. 0. 0. 0. ]\n", + " [1.1632267 1.1611392 1.170756 1.1790285 1.1670376 1.1352887 1.1025633\n", + " 1.080634 1.0694503 1.0660394 1.0646849 1.059307 1.0513858 1.0443033\n", + " 1.0411788 1.0423663 1.0467252 1.0507039 1.0528831 1.0539037]]\n", + "[[1.1559801 1.1537967 1.1646647 1.1744529 1.1647627 1.1333542 1.1020259\n", + " 1.0809307 1.0700208 1.066162 1.0633096 1.0572999 1.0483439 1.041167\n", + " 1.0387709 1.0410271 1.0458454 1.0506246 1.0527637 1.0531198 1.0538412\n", + " 1.0565894 1.0635763 1.0727373]\n", + " [1.1731924 1.1671801 1.1759018 1.183079 1.1711992 1.1386704 1.105612\n", + " 1.0841671 1.0740899 1.0722888 1.0724841 1.0678862 1.0592378 1.0508444\n", + " 1.0472072 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1745943 1.1697246 1.1784214 1.185837 1.1731882 1.1413348 1.1075096\n", + " 1.0851308 1.0738318 1.0713226 1.0705847 1.0653534 1.0569721 1.0492352\n", + " 1.0457637 1.0475969 1.0527697 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1795249 1.1740077 1.1837374 1.1919975 1.1795444 1.1452099 1.1114036\n", + " 1.0878985 1.0767422 1.0747019 1.0748899 1.069783 1.0605246 1.0516908\n", + " 1.0479265 1.0498905 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.159069 1.1551557 1.1642652 1.1721306 1.160332 1.1287159 1.0971462\n", + " 1.0763736 1.0668514 1.0644159 1.0642598 1.0596287 1.0514809 1.0443664\n", + " 1.0410588 1.0428721 1.0477881 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1584986 1.153598 1.162038 1.1699195 1.1585569 1.1283736 1.0973728\n", + " 1.0763693 1.0663701 1.0635588 1.062768 1.0589348 1.0517102 1.0441918\n", + " 1.0411416 1.0425926 1.0470071 1.0519191 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.173353 1.1696943 1.1790923 1.1868155 1.1744351 1.1398572 1.1065149\n", + " 1.084354 1.0740011 1.0727237 1.0728374 1.0678099 1.058811 1.050315\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1576291 1.1553969 1.1658626 1.1740462 1.1624837 1.1308262 1.0993584\n", + " 1.0780156 1.0675071 1.0641919 1.0621784 1.0571662 1.0486631 1.0417305\n", + " 1.0390685 1.0407726 1.045551 1.0498716 1.0521497 1.0529336 0.\n", + " 0. 0. ]\n", + " [1.1863928 1.181643 1.1909597 1.198733 1.1855834 1.1502056 1.1148666\n", + " 1.0909958 1.0794305 1.0761778 1.0749762 1.0694062 1.0599754 1.0519141\n", + " 1.0481491 1.0499481 1.0555464 1.0610415 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.156308 1.1537615 1.1643262 1.1731572 1.1623157 1.1309544 1.0987765\n", + " 1.0775687 1.0669467 1.0634954 1.0619863 1.0565114 1.0483642 1.0411901\n", + " 1.0382255 1.0399994 1.0448016 1.0489118 1.0515822 1.0521772 1.0533913\n", + " 1.0565288 1.063352 ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1719235 1.1699109 1.1815654 1.1907276 1.1788596 1.1450229 1.1105957\n", + " 1.0871196 1.0755608 1.0718066 1.0709207 1.0652344 1.0567478 1.048252\n", + " 1.0443549 1.045974 1.0510898 1.0563594 1.0584221 0. ]\n", + " [1.1660583 1.1638104 1.174122 1.1826657 1.1703925 1.1359887 1.1024259\n", + " 1.0807719 1.0699806 1.0670338 1.0653818 1.0601985 1.0512568 1.0439101\n", + " 1.0409617 1.0425835 1.0474607 1.0520641 1.0543643 1.0551689]\n", + " [1.1744295 1.1704311 1.1807165 1.1903015 1.1775289 1.1430211 1.1082917\n", + " 1.0853487 1.0741072 1.0723412 1.0721904 1.0677181 1.0584137 1.0498933\n", + " 1.0459687 1.0475724 1.0531554 0. 0. 0. ]\n", + " [1.1836739 1.179144 1.1909372 1.2003543 1.1872768 1.1523764 1.1160697\n", + " 1.0917463 1.0802126 1.0784135 1.0776585 1.0718331 1.0617625 1.0527121\n", + " 1.0486311 1.0505933 1.0563058 0. 0. 0. ]\n", + " [1.2192068 1.2129178 1.2235783 1.2325193 1.2181379 1.1780452 1.1350429\n", + " 1.1067059 1.0943677 1.0923463 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1641705 1.1601276 1.1696731 1.1771332 1.166732 1.1353296 1.1021428\n", + " 1.0802209 1.0689394 1.0664874 1.0654149 1.0606554 1.0518876 1.0441417\n", + " 1.0409927 1.0424857 1.0471911 1.0523716 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1997528 1.192158 1.2003367 1.2063134 1.1909918 1.1548886 1.1171465\n", + " 1.0931795 1.0821534 1.0809034 1.0815173 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1645634 1.1614678 1.1708394 1.1795094 1.1683072 1.1361034 1.1026821\n", + " 1.0809566 1.0705632 1.0679498 1.0679076 1.0637039 1.0551997 1.0478384\n", + " 1.0442686 1.045871 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1681366 1.1642662 1.1744654 1.1845258 1.174064 1.1432076 1.110033\n", + " 1.0869515 1.0756134 1.0704811 1.0681146 1.0613964 1.0521469 1.0442067\n", + " 1.0412233 1.0438011 1.0496006 1.0550882 1.0577585 1.0573894 1.058659\n", + " 1.0620579 1.0691748 1.0790708 1.086959 1.091285 1.0924785]\n", + " [1.1767601 1.1731874 1.1841929 1.1926999 1.1814871 1.1473746 1.1115543\n", + " 1.0873592 1.0761971 1.0729511 1.071743 1.0668817 1.058184 1.0497842\n", + " 1.045734 1.0474728 1.0529764 1.0582602 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1762929 1.1724362 1.1823738 1.1909782 1.1790682 1.1453614 1.1107502\n", + " 1.087349 1.0765073 1.0738021 1.0732754 1.0682435 1.058606 1.0500643\n", + " 1.0459689 1.0477836 1.0533769 0. 0. 0. 0. ]\n", + " [1.2128942 1.2055032 1.2149944 1.2229148 1.207837 1.1687257 1.1302185\n", + " 1.1059474 1.0946572 1.0931174 1.0929395 1.0858253 1.0737389 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1559217 1.1527941 1.1634606 1.17077 1.1600273 1.128074 1.095828\n", + " 1.0751184 1.0653485 1.063096 1.0633576 1.0587958 1.050068 1.0430547\n", + " 1.039355 1.0409191 1.0458986 0. 0. 0. 0. ]\n", + " [1.1653064 1.1622388 1.1720941 1.1794677 1.1674157 1.1348408 1.1020488\n", + " 1.0803243 1.0702645 1.0689952 1.0692034 1.0648165 1.0559535 1.0480083\n", + " 1.044225 1.0460014 0. 0. 0. 0. 0. ]\n", + " [1.1963732 1.1930097 1.2045776 1.2132627 1.198113 1.1607475 1.1228641\n", + " 1.0973532 1.0846828 1.0799723 1.0768967 1.0706125 1.0606338 1.0523449\n", + " 1.0496019 1.0521418 1.058339 1.0642611 1.0671772 1.068454 1.0701219]]\n", + "[[1.1728238 1.1703296 1.180569 1.1897433 1.1768843 1.1424763 1.1072891\n", + " 1.0842761 1.0737151 1.0712198 1.0712379 1.0659904 1.0570165 1.0485808\n", + " 1.0448409 1.0465924 1.0518191 1.0569497 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2197667 1.2123833 1.2236773 1.2313571 1.2179055 1.1783311 1.1357869\n", + " 1.1070509 1.0953355 1.0939287 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1745532 1.1723778 1.183801 1.1945978 1.1834933 1.1490732 1.1134554\n", + " 1.0897079 1.078192 1.0740315 1.0715265 1.0646224 1.0549577 1.0469193\n", + " 1.0434507 1.0457777 1.051529 1.056818 1.0590286 1.0603702 1.0617541\n", + " 1.0655465 1.073347 1.0838214]\n", + " [1.1677067 1.1628712 1.171045 1.1791909 1.1664413 1.133914 1.1017036\n", + " 1.08042 1.0707613 1.0702164 1.0705943 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.160641 1.1588775 1.1703542 1.1780268 1.1672018 1.1348686 1.1016223\n", + " 1.0793489 1.0690935 1.0662504 1.0651188 1.0595572 1.0511434 1.043412\n", + " 1.0398496 1.041236 1.0464134 1.0509845 1.0532682 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1599143 1.1567883 1.166133 1.1736479 1.1600844 1.128308 1.0964495\n", + " 1.0759103 1.0665033 1.06476 1.0643058 1.0602418 1.0518168 1.0446563\n", + " 1.0414654 1.0435066 1.0482635 0. ]\n", + " [1.2201291 1.2130891 1.2232282 1.2313863 1.216695 1.1765674 1.1362176\n", + " 1.1100016 1.0989568 1.0973625 1.0972992 1.0902009 1.0774096 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1615951 1.1564318 1.1637915 1.1709515 1.159489 1.1282512 1.0973191\n", + " 1.0767725 1.0669546 1.0640082 1.0630703 1.0583979 1.0508658 1.0436043\n", + " 1.0402651 1.0420823 1.0467356 1.0516682]\n", + " [1.161689 1.1565422 1.1648222 1.1728094 1.1607287 1.1299083 1.09835\n", + " 1.0776402 1.0674994 1.0650743 1.064719 1.0605985 1.0525706 1.0450754\n", + " 1.0417658 1.0436002 1.0487902 0. ]\n", + " [1.1826862 1.1782653 1.188553 1.1957719 1.1838831 1.1508414 1.1150858\n", + " 1.0910752 1.0792567 1.0760769 1.0768822 1.0710871 1.0618004 1.052583\n", + " 1.0486488 1.0510862 0. 0. ]]\n", + "[[1.1611664 1.159353 1.1714443 1.1816256 1.1691725 1.1363751 1.1025218\n", + " 1.0800716 1.0692406 1.0655547 1.0643008 1.0588526 1.0499648 1.0423822\n", + " 1.0393034 1.0407264 1.0456119 1.0505177 1.0527489 1.0536007]\n", + " [1.182896 1.1784918 1.1883972 1.1964589 1.1838114 1.1494977 1.1135192\n", + " 1.0892566 1.0777441 1.0750555 1.0740914 1.0694845 1.0604756 1.0519187\n", + " 1.0487051 1.0507231 1.0566187 0. 0. 0. ]\n", + " [1.1605752 1.1556307 1.1645933 1.173369 1.1619985 1.1316082 1.099278\n", + " 1.0785254 1.0687699 1.0673876 1.067503 1.0630094 1.0546173 1.0463332\n", + " 1.0425987 0. 0. 0. 0. 0. ]\n", + " [1.1616058 1.1565922 1.1664598 1.1752602 1.1639811 1.1331592 1.1011447\n", + " 1.0798167 1.0704005 1.0688816 1.0689586 1.0645643 1.0558351 1.0476043\n", + " 1.0439502 0. 0. 0. 0. 0. ]\n", + " [1.1687433 1.1637204 1.1732002 1.1811496 1.1698226 1.1370083 1.1034145\n", + " 1.0815833 1.0711915 1.0699135 1.069892 1.0654811 1.0568229 1.0484948\n", + " 1.0448073 0. 0. 0. 0. 0. ]]\n", + "[[1.1695656 1.1664509 1.1772685 1.1853513 1.1728837 1.1397896 1.106099\n", + " 1.0833666 1.0723616 1.070348 1.0695417 1.065097 1.0555842 1.047988\n", + " 1.0444571 1.0460304 1.0512388 1.0562056]\n", + " [1.17258 1.1670679 1.1760101 1.1838951 1.1732774 1.141301 1.1070348\n", + " 1.0851933 1.0744942 1.0724127 1.0726588 1.0677681 1.0586854 1.050489\n", + " 1.046368 1.0480415 0. 0. ]\n", + " [1.1812645 1.1768816 1.1863946 1.1953664 1.1822476 1.1490122 1.1144615\n", + " 1.0912428 1.079802 1.0755891 1.0749751 1.0693212 1.0596076 1.0509864\n", + " 1.0474466 1.0499927 1.0553455 1.0609828]\n", + " [1.182252 1.1787472 1.1889938 1.1977956 1.1834661 1.1489228 1.113126\n", + " 1.0893443 1.0787468 1.0776613 1.0778148 1.0720286 1.0624992 1.053247\n", + " 1.049175 0. 0. 0. ]\n", + " [1.184835 1.1811342 1.1924213 1.2016692 1.1902564 1.154448 1.1162885\n", + " 1.0910624 1.0788984 1.0764613 1.0760293 1.0706236 1.0609858 1.0519835\n", + " 1.0479234 1.049443 1.05471 1.0604959]]\n", + "[[1.1670173 1.1632743 1.1751076 1.1861762 1.1740199 1.1407515 1.1061532\n", + " 1.0831268 1.0727525 1.0704843 1.0699809 1.0647287 1.0549675 1.0461786\n", + " 1.0422813 1.0439934 1.0491344 1.0548795 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1652269 1.1637077 1.1747828 1.1849808 1.1735412 1.1417437 1.1081771\n", + " 1.0851135 1.0735275 1.0688243 1.0665544 1.0603923 1.0515782 1.043646\n", + " 1.040867 1.0429289 1.0484807 1.0529559 1.055895 1.0565848 1.0578039\n", + " 1.0612235 1.0687385 1.0789647 0. 0. 0. 0. ]\n", + " [1.1611364 1.1569253 1.1666358 1.1745937 1.164395 1.1331977 1.1004614\n", + " 1.0789626 1.068535 1.0656478 1.065282 1.0604075 1.0521833 1.0439382\n", + " 1.0405139 1.0420231 1.0468483 1.051726 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1413417 1.1375718 1.1468778 1.156577 1.1485491 1.120646 1.0910627\n", + " 1.0713085 1.0616995 1.0580318 1.0563799 1.0511876 1.0431713 1.0366417\n", + " 1.0342314 1.0361406 1.0405598 1.0452266 1.0476516 1.0483454 1.0496607\n", + " 1.0517507 1.0577404 1.066842 1.073912 1.0782754 1.0787671 1.0758488]\n", + " [1.1899836 1.1827952 1.1909525 1.2001442 1.1879729 1.1546988 1.1191308\n", + " 1.0945021 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1710484 1.1690192 1.1797765 1.1879747 1.1747035 1.1404033 1.1058843\n", + " 1.0833836 1.0732604 1.0707456 1.0709134 1.0661097 1.0572485 1.048953\n", + " 1.0451434 1.04691 1.0523791 0. 0. 0. 0. ]\n", + " [1.1716158 1.1685002 1.1794763 1.1883587 1.1772445 1.1435407 1.1086934\n", + " 1.085561 1.0749276 1.073629 1.0736511 1.0687093 1.0597284 1.0510023\n", + " 1.0465384 1.0481478 1.05345 0. 0. 0. 0. ]\n", + " [1.1750516 1.1725869 1.1833045 1.1912448 1.1801854 1.1476244 1.1120228\n", + " 1.0881956 1.0762281 1.071799 1.0691394 1.0635389 1.0546379 1.0469283\n", + " 1.0439812 1.0455163 1.0505191 1.055534 1.0577971 1.0585731 1.0600879]\n", + " [1.1569163 1.1534367 1.1640725 1.1729894 1.1625795 1.1310294 1.0985994\n", + " 1.0767782 1.0664922 1.0638081 1.0625372 1.0576723 1.0492077 1.041721\n", + " 1.038258 1.0397259 1.0442266 1.0489132 1.0512474 0. 0. ]\n", + " [1.1769665 1.1729041 1.1836443 1.1921302 1.1806792 1.1467413 1.1109408\n", + " 1.0869544 1.0758497 1.0723996 1.0720174 1.0677904 1.0590197 1.0509987\n", + " 1.0472407 1.0489646 1.054424 0. 0. 0. 0. ]]\n", + "[[1.1787908 1.1743457 1.1841009 1.1919701 1.1789625 1.1449507 1.1097884\n", + " 1.086083 1.0743867 1.0704848 1.0699383 1.0646443 1.0565078 1.0483385\n", + " 1.044947 1.0466243 1.0517985 1.0569173 1.059571 0. 0. ]\n", + " [1.1534216 1.1509742 1.1611788 1.1689895 1.1580533 1.1275485 1.0961891\n", + " 1.0751384 1.0643728 1.0611334 1.0591803 1.0533596 1.0458235 1.0390724\n", + " 1.0364325 1.0380236 1.0425004 1.0467412 1.048758 1.0492542 1.0505259]\n", + " [1.2101972 1.2049073 1.2157058 1.2244084 1.2088807 1.171118 1.131252\n", + " 1.1050138 1.0928128 1.0914946 1.0917773 1.0858016 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1825955 1.1793611 1.1904887 1.1988782 1.1869457 1.1515627 1.1149908\n", + " 1.0910473 1.0805724 1.0797819 1.0802232 1.0751213 1.0647572 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.171314 1.1692663 1.1802437 1.1891747 1.1759932 1.1419365 1.1071993\n", + " 1.0845617 1.0734042 1.0702617 1.0688959 1.0631949 1.0540956 1.0462453\n", + " 1.0430278 1.0446979 1.0496575 1.0545754 1.05715 1.0578622 0. ]]\n", + "[[1.1737918 1.1692736 1.1789799 1.1875571 1.174778 1.141525 1.1074905\n", + " 1.0852716 1.0747974 1.0728182 1.0720872 1.0673226 1.0579748 1.0494072\n", + " 1.0456533 1.047847 1.0532929 0. ]\n", + " [1.1839689 1.1793177 1.1895766 1.1969184 1.1859902 1.1520091 1.1166965\n", + " 1.0918885 1.0799083 1.0758932 1.07533 1.0703404 1.0610145 1.0527396\n", + " 1.0488125 1.0506806 1.055672 1.0607841]]\n", + "[[1.168735 1.1663097 1.1777349 1.1872637 1.1741147 1.1404357 1.1061372\n", + " 1.0833615 1.0720183 1.069151 1.067686 1.0623415 1.0535121 1.0458335\n", + " 1.0427207 1.0437796 1.048345 1.0532243 1.0556425 1.0566564 0.\n", + " 0. ]\n", + " [1.167279 1.1655215 1.1764011 1.1864547 1.1744074 1.1415118 1.1078042\n", + " 1.0846416 1.0728124 1.0693319 1.0668994 1.0608542 1.0513177 1.0444236\n", + " 1.0411088 1.0435789 1.0479122 1.0531131 1.0548753 1.055704 1.0570356\n", + " 1.0611719]\n", + " [1.1768275 1.1724575 1.1822615 1.1901793 1.179625 1.1463876 1.1121395\n", + " 1.089311 1.0786496 1.0771062 1.0773199 1.0723912 1.0622238 1.0530448\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1748915 1.170438 1.1806828 1.1895882 1.1789854 1.1456736 1.1109567\n", + " 1.0874944 1.0760983 1.0729944 1.0716778 1.06717 1.0580486 1.0499092\n", + " 1.045914 1.0475625 1.0525309 1.057311 0. 0. 0.\n", + " 0. ]\n", + " [1.1666296 1.1623677 1.1720998 1.1803505 1.1690103 1.1376873 1.1050749\n", + " 1.083813 1.0727589 1.0686389 1.0667317 1.0610924 1.0518267 1.0443598\n", + " 1.0408295 1.0423229 1.0470971 1.0515046 1.0536817 1.0546038 0.\n", + " 0. ]]\n", + "[[1.1590605 1.156569 1.1681753 1.177861 1.1682067 1.1364106 1.1029184\n", + " 1.0807759 1.0692832 1.0655304 1.0635964 1.0578272 1.0493274 1.042165\n", + " 1.03868 1.0401899 1.0448889 1.0492386 1.0515578 1.0521282 1.0535784\n", + " 1.0567406]\n", + " [1.2000083 1.1938826 1.2032157 1.2115525 1.1986965 1.1627651 1.1257383\n", + " 1.100955 1.0875736 1.0834019 1.0808998 1.0738724 1.0637991 1.0546156\n", + " 1.0508338 1.0535015 1.0596861 1.0655286 1.0680656 0. 0.\n", + " 0. ]\n", + " [1.178087 1.1753769 1.1875812 1.1988147 1.1867115 1.150851 1.1139139\n", + " 1.0892897 1.0770783 1.0731161 1.0715618 1.0653894 1.0559552 1.0475925\n", + " 1.0440601 1.0458673 1.0508419 1.0561848 1.058901 1.0600836 1.0615011\n", + " 0. ]\n", + " [1.1848464 1.1784505 1.1878432 1.1964853 1.1841332 1.1502564 1.1154113\n", + " 1.0919633 1.0800923 1.0772221 1.0755006 1.0695292 1.0596219 1.0508928\n", + " 1.0465803 1.0487118 1.0542343 1.0596138 0. 0. 0.\n", + " 0. ]\n", + " [1.1715518 1.1689992 1.1794345 1.1881166 1.1755126 1.1417522 1.1077565\n", + " 1.0852602 1.073882 1.070616 1.0680739 1.0623733 1.0530392 1.0455049\n", + " 1.0427338 1.0445306 1.0500004 1.0547224 1.0573634 1.0583792 1.0597663\n", + " 1.0634384]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1638265 1.159077 1.168647 1.1763402 1.1643399 1.1323067 1.1005347\n", + " 1.0789738 1.0685314 1.0652301 1.0641216 1.0593889 1.051026 1.04406\n", + " 1.0406156 1.042422 1.0473434 1.0520337 1.0546918]\n", + " [1.1631227 1.1592493 1.1691417 1.1773152 1.1661334 1.133932 1.10098\n", + " 1.0793122 1.0694742 1.0676494 1.0670666 1.0626862 1.0542282 1.0462022\n", + " 1.0428933 1.0446398 1.0502 0. 0. ]\n", + " [1.1937313 1.1891445 1.2000711 1.2094235 1.1947459 1.157759 1.1193926\n", + " 1.0950164 1.0844525 1.0830736 1.0845135 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1632072 1.1590095 1.1675756 1.1748961 1.1634893 1.1320693 1.1004691\n", + " 1.0786612 1.0680852 1.0646176 1.0634586 1.0590829 1.0509421 1.0438076\n", + " 1.0404142 1.0423506 1.0467957 1.0514808 1.053914 ]\n", + " [1.176384 1.1725361 1.182106 1.1894628 1.1771026 1.1434399 1.1087008\n", + " 1.0862402 1.0753108 1.0724885 1.0705144 1.0655851 1.0564893 1.0482934\n", + " 1.0448403 1.0463945 1.0517368 1.0569773 0. ]]\n", + "[[1.1581546 1.1552705 1.1660322 1.1757939 1.1642451 1.1324677 1.099464\n", + " 1.0771227 1.0668788 1.0644294 1.0637484 1.0586226 1.0503526 1.0424453\n", + " 1.0388892 1.0403217 1.045058 1.0497842 1.0524007]\n", + " [1.1618656 1.1585822 1.1682308 1.1763656 1.165501 1.1343316 1.1017836\n", + " 1.0804443 1.07008 1.067903 1.0676453 1.0625008 1.0538605 1.0454733\n", + " 1.0418158 1.0435869 1.048771 0. 0. ]\n", + " [1.1744475 1.1697377 1.1802192 1.1898072 1.17838 1.1449912 1.11016\n", + " 1.0874268 1.0771685 1.0751369 1.07586 1.0708023 1.061464 1.0524844\n", + " 1.0481123 0. 0. 0. 0. ]\n", + " [1.1587886 1.155496 1.1655451 1.1748118 1.1647516 1.1335846 1.101001\n", + " 1.0781327 1.0683919 1.0660604 1.0664105 1.0625769 1.0541966 1.046089\n", + " 1.042248 1.0438361 0. 0. 0. ]\n", + " [1.1762682 1.1717662 1.1802431 1.186464 1.1731291 1.1397612 1.1071212\n", + " 1.0846763 1.0742579 1.0716498 1.071023 1.0664738 1.057803 1.0492294\n", + " 1.0452067 1.0474529 1.0530171 0. 0. ]]\n", + "[[1.169521 1.1671464 1.1759415 1.1845926 1.1718193 1.1393492 1.106135\n", + " 1.0833724 1.0728436 1.069963 1.0685198 1.0637636 1.0549436 1.0470239\n", + " 1.0436361 1.0459117 1.0508113 1.0557331 0. 0. ]\n", + " [1.1552181 1.1518517 1.161179 1.1690922 1.1570196 1.1259423 1.0946577\n", + " 1.0739902 1.0642179 1.06182 1.061324 1.0567561 1.0492076 1.0423045\n", + " 1.0389974 1.0406119 1.0453283 1.049872 0. 0. ]\n", + " [1.1791998 1.1746608 1.1838378 1.1917523 1.179841 1.1472484 1.113524\n", + " 1.0900505 1.0774522 1.0723681 1.070763 1.0654949 1.0565332 1.0487614\n", + " 1.0456569 1.0471727 1.0519774 1.0562575 1.0589569 1.0602698]\n", + " [1.1757989 1.1699164 1.1802216 1.1896404 1.1783389 1.1448202 1.109011\n", + " 1.0859557 1.0759277 1.0745032 1.0747968 1.0703374 1.0608042 1.0515301\n", + " 1.0473324 0. 0. 0. 0. 0. ]\n", + " [1.1722662 1.1692235 1.1804585 1.188696 1.1769202 1.1423212 1.1076119\n", + " 1.084688 1.0735359 1.0701294 1.0689405 1.0632832 1.0546173 1.0468106\n", + " 1.0433161 1.0453572 1.0508369 1.0557439 1.0582366 0. ]]\n", + "[[1.1603377 1.1567444 1.1670085 1.1760455 1.163522 1.1313403 1.0992026\n", + " 1.0775993 1.0672247 1.0641589 1.063596 1.058806 1.0507023 1.0430216\n", + " 1.0399489 1.0417517 1.0468047 1.0513978 1.0535265 0. ]\n", + " [1.1672851 1.1635159 1.1739339 1.1832435 1.1713192 1.1384126 1.1043028\n", + " 1.0815128 1.0707235 1.0676638 1.0669999 1.0617454 1.0530752 1.0452406\n", + " 1.0416559 1.0432752 1.0479733 1.0529345 1.0553514 0. ]\n", + " [1.1628313 1.15876 1.1689609 1.1758207 1.1641924 1.1314207 1.0989269\n", + " 1.0772243 1.0676987 1.0668799 1.0681612 1.0641124 1.0551437 1.0472038\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1673996 1.1636235 1.1729045 1.1814184 1.1683297 1.1353562 1.102183\n", + " 1.0812103 1.0709841 1.0682132 1.066939 1.0623246 1.0536722 1.04613\n", + " 1.0428237 1.0449855 1.0498059 1.0548209 0. 0. ]\n", + " [1.1721036 1.1673136 1.1774337 1.1856284 1.1743845 1.1417395 1.1078224\n", + " 1.0854591 1.0741897 1.0710797 1.0694528 1.063066 1.0538099 1.0459616\n", + " 1.0423096 1.0443615 1.0493128 1.0541817 1.0565269 1.0573004]]\n", + "[[1.1676726 1.1653315 1.175443 1.1848478 1.1735196 1.1403929 1.1068656\n", + " 1.0839617 1.0718777 1.0681318 1.0660585 1.060138 1.0511949 1.043988\n", + " 1.041071 1.0428925 1.0480844 1.0524426 1.0547158 1.0555536]\n", + " [1.1862161 1.1811496 1.1911187 1.1976855 1.1831355 1.1472774 1.1114159\n", + " 1.088699 1.0787436 1.0780348 1.0782995 1.0729764 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1696279 1.1650594 1.1743097 1.1819173 1.1707242 1.137862 1.1029761\n", + " 1.0814581 1.0705827 1.0693967 1.0697088 1.0655732 1.0570735 1.0481931\n", + " 1.044281 1.0460838 0. 0. 0. 0. ]\n", + " [1.1660262 1.161922 1.1701499 1.176777 1.1654681 1.133021 1.1001903\n", + " 1.078195 1.067936 1.0656297 1.0654942 1.0609994 1.0530756 1.0455565\n", + " 1.042299 1.0438006 1.0486904 1.0531967 0. 0. ]\n", + " [1.1807361 1.1756608 1.1850542 1.194154 1.1815903 1.1485647 1.1136354\n", + " 1.0901777 1.0782939 1.0757954 1.074971 1.0706031 1.0620258 1.0533893\n", + " 1.0494368 1.0515054 0. 0. 0. 0. ]]\n", + "[[1.1728194 1.1688867 1.179753 1.1878009 1.1742376 1.1394689 1.1052377\n", + " 1.0830294 1.072608 1.0697485 1.0688479 1.0635449 1.0544143 1.0466359\n", + " 1.0433823 1.0450606 1.0504531 1.0552828 1.0577091 0. 0.\n", + " 0. ]\n", + " [1.1763539 1.1739537 1.1860044 1.1964365 1.1844068 1.1491513 1.1131583\n", + " 1.0890461 1.0771447 1.0736328 1.0720322 1.0663677 1.0574447 1.0492826\n", + " 1.0458275 1.0472208 1.0522704 1.0573776 1.0601767 1.0613878 0.\n", + " 0. ]\n", + " [1.1891004 1.1833552 1.1932583 1.2012635 1.188961 1.1543881 1.1185051\n", + " 1.094969 1.0836182 1.0821741 1.0824597 1.0766693 1.0664591 1.0566597\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1702853 1.1672813 1.1765498 1.185191 1.1733215 1.1409019 1.1086931\n", + " 1.0865189 1.0749476 1.0705814 1.0679489 1.0617304 1.0523775 1.045034\n", + " 1.0425451 1.0448495 1.0495045 1.0543077 1.0566276 1.0570657 1.0582705\n", + " 1.0618207]\n", + " [1.1744591 1.1735109 1.1848679 1.1919352 1.1801593 1.145851 1.1102542\n", + " 1.0870693 1.075704 1.0721697 1.0695759 1.0636283 1.0545231 1.0467335\n", + " 1.0436267 1.04552 1.0505235 1.0549402 1.0574765 1.0580485 1.059778\n", + " 0. ]]\n", + "[[1.1548816 1.1511123 1.1602541 1.1674292 1.1557988 1.1253414 1.0941535\n", + " 1.0740216 1.0651 1.0633261 1.0626996 1.0582211 1.0498728 1.0423617\n", + " 1.0391932 1.04071 1.0454924 0. 0. 0. 0. ]\n", + " [1.1603365 1.154588 1.1626055 1.1701068 1.1590486 1.1283433 1.0974159\n", + " 1.076984 1.0674505 1.0656404 1.0658325 1.0619751 1.0542701 1.0466104\n", + " 1.043227 0. 0. 0. 0. 0. 0. ]\n", + " [1.1718906 1.1686559 1.1789933 1.1876882 1.1758904 1.1425091 1.1082486\n", + " 1.0862983 1.0752386 1.0719007 1.070945 1.0659317 1.0565748 1.0483221\n", + " 1.0447675 1.0462182 1.0515612 1.0566503 0. 0. 0. ]\n", + " [1.1765082 1.1746261 1.185694 1.1958168 1.1842159 1.1506181 1.1154253\n", + " 1.0911885 1.0786474 1.0750825 1.0725694 1.066032 1.0560884 1.0480652\n", + " 1.0444808 1.0457029 1.0513179 1.0562421 1.0588785 1.0599124 1.0616962]\n", + " [1.1856405 1.1837553 1.1944873 1.2025347 1.1882796 1.1513441 1.1150723\n", + " 1.0909486 1.0794276 1.0758517 1.0744306 1.0685375 1.0586094 1.05\n", + " 1.0464121 1.0480574 1.0533472 1.0583978 1.0610192 1.0617291 0. ]]\n", + "[[1.174024 1.1711096 1.1818424 1.1906755 1.1755385 1.141279 1.1070951\n", + " 1.084204 1.0732098 1.0707859 1.0695097 1.063662 1.0540925 1.0465459\n", + " 1.0431437 1.044988 1.0501478 1.0553647 1.0579842]\n", + " [1.1655259 1.1623403 1.1716 1.180079 1.1682727 1.1357365 1.1031368\n", + " 1.0808754 1.0702763 1.0674397 1.0673814 1.0629056 1.0541477 1.0465541\n", + " 1.0430174 1.0450416 1.0507736 0. 0. ]\n", + " [1.1916282 1.1865046 1.1964189 1.2042766 1.1913509 1.1565158 1.1203275\n", + " 1.0963776 1.0855947 1.0832448 1.0839925 1.0779612 1.067098 1.0581119\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1550105 1.1522613 1.1623845 1.1713048 1.1599655 1.1286867 1.0973923\n", + " 1.0763872 1.0661563 1.0636791 1.0628479 1.0574151 1.049302 1.0416524\n", + " 1.0386425 1.0399227 1.0446645 1.0493345 0. ]\n", + " [1.1866006 1.1807652 1.1918977 1.2009479 1.1893891 1.1538337 1.1167746\n", + " 1.092488 1.081956 1.0805819 1.0811259 1.0761386 1.0658206 1.0560492\n", + " 1.051288 0. 0. 0. 0. ]]\n", + "[[1.1735265 1.1697168 1.179609 1.188385 1.1774194 1.1443448 1.1093088\n", + " 1.0855366 1.0756983 1.0741851 1.074636 1.0698528 1.0609295 1.0519447\n", + " 1.0479803 0. 0. 0. 0. 0. 0. ]\n", + " [1.194098 1.1888798 1.1996901 1.2088962 1.1955467 1.160488 1.123699\n", + " 1.0988361 1.0875217 1.0857304 1.0859715 1.080465 1.0695996 1.0599204\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1593673 1.1571629 1.1676476 1.1758479 1.1645207 1.1330291 1.1006818\n", + " 1.0789514 1.0683528 1.0643958 1.0622487 1.0566498 1.0486591 1.0417382\n", + " 1.0389547 1.0403396 1.0449519 1.0493693 1.0517305 1.0530336 1.0548459]\n", + " [1.1783452 1.1763477 1.1887659 1.1996326 1.186971 1.150929 1.1135268\n", + " 1.0888138 1.0762668 1.0730271 1.0709263 1.0648718 1.0557972 1.0478227\n", + " 1.0446185 1.0460669 1.0514868 1.056483 1.0588741 1.0595914 1.0609331]\n", + " [1.1844178 1.1798164 1.1910145 1.1998081 1.18789 1.1524011 1.1157906\n", + " 1.0914828 1.0809246 1.0793551 1.0798563 1.0752621 1.0649061 1.0555294\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1675082 1.1635071 1.1723422 1.1794903 1.1667231 1.1341405 1.1020145\n", + " 1.0809842 1.0716956 1.0695863 1.0684632 1.0633955 1.0543494 1.0463521\n", + " 1.0435464 1.0456039 1.0513537 0. 0. 0. 0. ]\n", + " [1.1630962 1.1596489 1.168615 1.1756353 1.1626588 1.1318605 1.1008419\n", + " 1.0800817 1.0695553 1.0659878 1.0636481 1.0580829 1.049724 1.0426387\n", + " 1.0399925 1.0416725 1.0466204 1.0513893 1.0539058 1.0549457 1.0567921]\n", + " [1.2019694 1.1960727 1.2062103 1.2156835 1.2005253 1.1634688 1.1247272\n", + " 1.1001623 1.0896375 1.0881963 1.0887227 1.0830624 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.158231 1.1547873 1.1648988 1.1731702 1.1604537 1.1278663 1.096317\n", + " 1.0755333 1.0663953 1.0641267 1.0641123 1.0594343 1.0512697 1.0438576\n", + " 1.0405449 1.0422515 1.0472361 0. 0. 0. 0. ]\n", + " [1.1860088 1.1816559 1.19111 1.1996739 1.1867805 1.152632 1.1162976\n", + " 1.0920038 1.0799737 1.0774246 1.0769479 1.0717261 1.0624849 1.0538468\n", + " 1.0501173 1.0520478 0. 0. 0. 0. 0. ]]\n", + "[[1.1959436 1.1917502 1.2006328 1.207802 1.1919827 1.1559074 1.1198903\n", + " 1.096325 1.085855 1.0842372 1.0853674 1.0799962 1.0691552 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1705916 1.16674 1.1774287 1.1867633 1.1739709 1.1401498 1.1052438\n", + " 1.0829293 1.0733315 1.072265 1.0737808 1.0691853 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1673368 1.1652642 1.1765021 1.1848987 1.1722431 1.1385483 1.1054536\n", + " 1.0831456 1.0722266 1.0683349 1.0665116 1.0606855 1.0515273 1.044475\n", + " 1.0417085 1.0432658 1.0487231 1.0527728 1.0556424 1.0564538 1.0582447]\n", + " [1.1538658 1.149389 1.1588326 1.1672089 1.1559228 1.1255294 1.0951734\n", + " 1.0753251 1.0661147 1.0641137 1.063628 1.059395 1.0511881 1.0436983\n", + " 1.0404 1.0422426 0. 0. 0. 0. 0. ]\n", + " [1.164272 1.1611987 1.1723586 1.1814233 1.1706208 1.1378099 1.1035935\n", + " 1.080936 1.0697932 1.0670162 1.0661507 1.0611514 1.0519813 1.0442501\n", + " 1.040789 1.042512 1.0472646 1.0519766 1.054147 0. 0. ]]\n", + "[[1.1677243 1.1656802 1.1759412 1.1840559 1.1729325 1.1398573 1.1046809\n", + " 1.0827036 1.0725384 1.0707271 1.0704949 1.0657681 1.0572695 1.0490712\n", + " 1.0453401 1.0471157 0. 0. 0. ]\n", + " [1.1741896 1.1703517 1.180548 1.188525 1.1750165 1.1413524 1.1075995\n", + " 1.0850754 1.075349 1.0734494 1.0730709 1.0686086 1.0595859 1.0509738\n", + " 1.0475097 0. 0. 0. 0. ]\n", + " [1.1955383 1.1907508 1.200367 1.2084141 1.1942226 1.1584842 1.1212977\n", + " 1.0962217 1.0854539 1.0829722 1.0819803 1.0768976 1.0667293 1.0571967\n", + " 1.0530169 0. 0. 0. 0. ]\n", + " [1.1853253 1.1812946 1.191298 1.199975 1.1871715 1.1529665 1.117324\n", + " 1.0930803 1.0809772 1.0771786 1.0756059 1.0690067 1.0596395 1.050852\n", + " 1.047171 1.048919 1.0546433 1.0599437 1.062331 ]\n", + " [1.1696944 1.1655705 1.1757771 1.1846052 1.174714 1.141933 1.1078361\n", + " 1.0836922 1.0723168 1.0687766 1.0688071 1.0637349 1.055121 1.0472702\n", + " 1.0439949 1.0456989 1.0508606 1.0560323 0. ]]\n", + "[[1.1653397 1.1607682 1.1691871 1.1769962 1.1644865 1.1328331 1.1016974\n", + " 1.0806075 1.0711834 1.0684901 1.068205 1.0633254 1.0544966 1.0467868\n", + " 1.0436962 1.0458513 0. 0. 0. 0. 0. ]\n", + " [1.1650504 1.1601615 1.167924 1.1754845 1.1637632 1.1315018 1.099947\n", + " 1.079466 1.0701858 1.0694214 1.0693357 1.0646908 1.0558009 1.0474424\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1959691 1.1898575 1.1988904 1.207166 1.193242 1.1579735 1.121152\n", + " 1.0967264 1.0859803 1.0851315 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1785874 1.1736276 1.183613 1.191789 1.1789712 1.1442482 1.1101128\n", + " 1.087869 1.076892 1.0747526 1.0742733 1.0689468 1.059629 1.0511845\n", + " 1.047421 1.0494714 0. 0. 0. 0. 0. ]\n", + " [1.1778586 1.17507 1.1869888 1.1967324 1.184202 1.149745 1.113425\n", + " 1.088938 1.0766233 1.072945 1.0708178 1.0653292 1.0563551 1.0482212\n", + " 1.0449665 1.0469998 1.0522503 1.0571553 1.0596588 1.0600194 1.061372 ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1839657 1.1809511 1.1917984 1.2007877 1.1885786 1.1522461 1.1146677\n", + " 1.0894557 1.0771366 1.0735894 1.0725584 1.0675486 1.0582423 1.0497558\n", + " 1.0464803 1.0482277 1.053562 1.0587568 1.0615838]\n", + " [1.1695201 1.1674415 1.1777576 1.1849675 1.1729809 1.1385943 1.1042916\n", + " 1.0819834 1.0709928 1.0686929 1.0679128 1.0625407 1.0536516 1.0460825\n", + " 1.0428056 1.0443633 1.049406 1.0541899 1.0567211]\n", + " [1.1769956 1.1695616 1.1776505 1.1848645 1.1727318 1.1410166 1.1072679\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.176288 1.171344 1.180728 1.1876128 1.1751134 1.14076 1.107006\n", + " 1.0850908 1.075159 1.0731649 1.0730777 1.0678625 1.0586853 1.0505161\n", + " 1.0469766 1.0495787 0. 0. 0. ]\n", + " [1.1725748 1.1664718 1.1750296 1.1823837 1.1709276 1.1388791 1.1057775\n", + " 1.0839725 1.0734217 1.0707126 1.0696285 1.0644603 1.0553778 1.0470427\n", + " 1.0440006 1.0462359 1.051796 1.0571482 0. ]]\n", + "[[1.1720941 1.167925 1.1780673 1.1864471 1.1753659 1.1421205 1.1076503\n", + " 1.0839225 1.072878 1.0701058 1.0701113 1.0655391 1.0570542 1.0490994\n", + " 1.0452942 1.0467433 1.0517409 0. ]\n", + " [1.1728439 1.1685772 1.1787516 1.1878581 1.1749909 1.1403624 1.1056094\n", + " 1.0831668 1.0738012 1.0727656 1.0739272 1.0696099 1.0601963 1.0514802\n", + " 0. 0. 0. 0. ]\n", + " [1.1682398 1.164812 1.1751052 1.1825178 1.1700501 1.1365354 1.1030648\n", + " 1.0804275 1.0706358 1.0685663 1.069811 1.0654243 1.0566232 1.0488323\n", + " 1.0450586 0. 0. 0. ]\n", + " [1.1741798 1.1694331 1.1805441 1.1901724 1.1796069 1.1458397 1.1098982\n", + " 1.0852783 1.074006 1.071535 1.0716405 1.0675173 1.0585319 1.0503854\n", + " 1.0462104 1.0475099 1.0527947 0. ]\n", + " [1.1742238 1.1685942 1.1771302 1.184567 1.1723783 1.1400726 1.1064172\n", + " 1.0838267 1.0730703 1.0708792 1.0695288 1.0646851 1.0560762 1.0477034\n", + " 1.0441579 1.0458729 1.0509366 1.055912 ]]\n", + "[[1.1728286 1.167805 1.1781926 1.1878409 1.1764843 1.1430976 1.1082239\n", + " 1.0852913 1.0746887 1.0735486 1.0739344 1.0698266 1.0606592 1.051796\n", + " 1.047638 0. 0. 0. 0. 0. ]\n", + " [1.1719124 1.1685561 1.1786395 1.1878802 1.1769836 1.1441132 1.1099252\n", + " 1.0865421 1.0764791 1.0738463 1.0738717 1.0695704 1.0598661 1.05052\n", + " 1.0465134 1.0484229 0. 0. 0. 0. ]\n", + " [1.179615 1.1770214 1.1885114 1.1976215 1.1857975 1.151159 1.1153806\n", + " 1.0905957 1.0783987 1.0741563 1.0724967 1.0662644 1.056867 1.0486417\n", + " 1.0450559 1.0465832 1.0517168 1.0566233 1.0591712 1.0602678]\n", + " [1.1733861 1.1702008 1.1808734 1.1902286 1.1783794 1.1452868 1.1105846\n", + " 1.086888 1.0760809 1.0725781 1.0712057 1.0651782 1.0557394 1.0477397\n", + " 1.044235 1.0455519 1.0508876 1.0557889 1.0584488 0. ]\n", + " [1.1652514 1.1608319 1.1699667 1.1782736 1.1661787 1.134378 1.1018876\n", + " 1.0797206 1.0693883 1.0668175 1.0659235 1.0620205 1.0544782 1.0465888\n", + " 1.043543 1.0449892 1.0500207 0. 0. 0. ]]\n", + "[[1.1771387 1.1737068 1.1840451 1.1923913 1.1785328 1.1436571 1.1087346\n", + " 1.0860709 1.0758641 1.0739079 1.0733675 1.0682813 1.0584773 1.0499364\n", + " 1.0460243 1.0479547 1.0537797 0. 0. ]\n", + " [1.1624715 1.1577184 1.1662582 1.1748537 1.163266 1.1311405 1.0989956\n", + " 1.0780035 1.0693405 1.068279 1.0689468 1.0647429 1.055861 1.0475869\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1775135 1.1699216 1.1775148 1.1852314 1.17369 1.1418052 1.1077852\n", + " 1.0864953 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1723789 1.1691275 1.1798725 1.1892338 1.177484 1.143277 1.1084096\n", + " 1.085383 1.075251 1.0738239 1.0742896 1.0701501 1.0604595 1.0512809\n", + " 1.047342 0. 0. 0. 0. ]\n", + " [1.1735656 1.1709704 1.1824801 1.1904695 1.17694 1.1429018 1.1085594\n", + " 1.0859036 1.0745822 1.0717137 1.069902 1.0645562 1.0554392 1.0469671\n", + " 1.0435209 1.0451179 1.0502212 1.054958 1.0574138]]\n", + "[[1.1926248 1.1865658 1.1959172 1.2042903 1.1914314 1.1563098 1.1198223\n", + " 1.0959628 1.0846655 1.0830038 1.0827187 1.0766519 1.0666164 1.0569311\n", + " 1.0527208 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1592442 1.1553581 1.1639559 1.1717627 1.1593281 1.1287693 1.0974003\n", + " 1.0762271 1.0658851 1.0633826 1.0621655 1.0567856 1.0494344 1.0423679\n", + " 1.0392079 1.0411918 1.0455143 1.0497023 1.0520754 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1534461 1.1485808 1.1581218 1.1673049 1.1571414 1.1271415 1.0963876\n", + " 1.0758685 1.0661516 1.0644178 1.0646455 1.0602233 1.0518523 1.0438888\n", + " 1.0403373 1.0420961 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1605568 1.1582518 1.1690671 1.1792079 1.1693918 1.1379322 1.1055686\n", + " 1.0833151 1.071914 1.0677912 1.0653743 1.0593106 1.0501783 1.0429626\n", + " 1.0401057 1.0420967 1.0472069 1.052201 1.0540153 1.0543578 1.0549868\n", + " 1.0583401 1.0652046 1.0750275]\n", + " [1.1494447 1.1448278 1.152752 1.160094 1.1496152 1.1204498 1.090465\n", + " 1.0713117 1.0618365 1.0595964 1.0598956 1.0567912 1.0494745 1.042645\n", + " 1.0392869 1.0409117 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1891448 1.1844844 1.1940392 1.2015963 1.1876447 1.1541871 1.1181201\n", + " 1.0945444 1.0829252 1.0802613 1.0791137 1.0738183 1.0641685 1.055042\n", + " 1.0507714 1.0531522 0. 0. ]\n", + " [1.1800588 1.1755457 1.1864239 1.197044 1.1858778 1.1511679 1.1147957\n", + " 1.0905881 1.0785986 1.0752445 1.0749989 1.0694453 1.0601376 1.0513638\n", + " 1.0471941 1.0488499 1.0541879 1.0595301]\n", + " [1.1680794 1.1641369 1.1734875 1.1819136 1.1698431 1.137309 1.1043085\n", + " 1.0827907 1.0737809 1.0727022 1.0731335 1.0680711 1.058516 1.0497735\n", + " 0. 0. 0. 0. ]\n", + " [1.1642524 1.159611 1.169762 1.1781173 1.1677557 1.1360538 1.1030539\n", + " 1.0809091 1.0708019 1.0687125 1.0683012 1.0633327 1.0545495 1.0464946\n", + " 1.0429643 1.0449082 0. 0. ]\n", + " [1.167706 1.1627356 1.1727787 1.1821251 1.1705599 1.1382705 1.1043552\n", + " 1.0825851 1.0728524 1.071342 1.0715405 1.06627 1.0571877 1.0484731\n", + " 1.0445276 0. 0. 0. ]]\n", + "[[1.1684465 1.1666212 1.1776695 1.1861589 1.1750358 1.142651 1.1087973\n", + " 1.0860085 1.074166 1.0701112 1.0679023 1.0617267 1.0529281 1.0455449\n", + " 1.0423967 1.044392 1.0495481 1.0541848 1.0565696 1.0571465 1.0587068\n", + " 1.0626224]\n", + " [1.1807384 1.1776772 1.1881714 1.1960768 1.1847942 1.1509861 1.1155516\n", + " 1.0908366 1.0789592 1.075143 1.0730897 1.0678033 1.0584656 1.0500084\n", + " 1.046702 1.0488334 1.0538743 1.0586767 1.0610543 0. 0.\n", + " 0. ]\n", + " [1.1715629 1.1693182 1.1809063 1.1903402 1.1775167 1.1430969 1.1085286\n", + " 1.0856856 1.0743326 1.071029 1.0692647 1.0631733 1.0534912 1.0457008\n", + " 1.0421131 1.0439738 1.0491544 1.0541906 1.0564687 1.0575145 0.\n", + " 0. ]\n", + " [1.1645374 1.1602421 1.1702124 1.1791651 1.1670922 1.1356376 1.1023788\n", + " 1.0802543 1.0701524 1.0686353 1.0683415 1.0642602 1.055726 1.047254\n", + " 1.0434974 1.0449761 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1503117 1.1466827 1.1560644 1.1631725 1.1514207 1.1221595 1.0920508\n", + " 1.0725518 1.0636605 1.0621521 1.0621303 1.0578117 1.0503771 1.0431834\n", + " 1.0397078 1.0416551 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1663642 1.1648606 1.1762068 1.1845725 1.1735356 1.1405034 1.1063676\n", + " 1.0828612 1.0714865 1.0673622 1.0662004 1.0608189 1.0520558 1.0450927\n", + " 1.0414758 1.0434994 1.0483551 1.0532892 1.0556252 1.0567503 0.\n", + " 0. ]\n", + " [1.1896383 1.186216 1.1960838 1.2058722 1.193062 1.1585131 1.1225959\n", + " 1.0973155 1.0840342 1.0787729 1.0759828 1.0692141 1.0592815 1.050879\n", + " 1.0477064 1.0499959 1.0558182 1.0605017 1.0634708 1.0643986 1.0657744\n", + " 1.0701858]\n", + " [1.1873037 1.1834084 1.1931887 1.2023224 1.1888565 1.154862 1.118451\n", + " 1.0946709 1.0823045 1.0783534 1.0767666 1.0703528 1.0604534 1.0511883\n", + " 1.0477792 1.0498521 1.0553833 1.0605816 1.0630071 0. 0.\n", + " 0. ]\n", + " [1.1606294 1.1550561 1.162381 1.169344 1.1581249 1.1283097 1.0980769\n", + " 1.0781538 1.0684099 1.0664978 1.0662324 1.0620731 1.0538923 1.0461341\n", + " 1.0430402 1.0449991 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1588914 1.1550283 1.1656282 1.1742209 1.1633377 1.1310942 1.0983324\n", + " 1.0769857 1.0668676 1.065188 1.0649303 1.0603708 1.0518631 1.0440134\n", + " 1.0403589 1.0417316 1.0468519 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.179623 1.1744078 1.1838694 1.1936728 1.1814965 1.1481119 1.1127567\n", + " 1.0902898 1.0789878 1.076106 1.076542 1.0710932 1.0611118 1.0517234\n", + " 1.0476716 1.0496112 0. 0. 0. ]\n", + " [1.1850536 1.1796544 1.1875868 1.1943457 1.1809893 1.1464869 1.1119156\n", + " 1.089504 1.0790876 1.076765 1.0769417 1.0721482 1.0623448 1.0535213\n", + " 1.0494184 1.0516499 0. 0. 0. ]\n", + " [1.173493 1.1704421 1.18079 1.1904154 1.1782643 1.1438369 1.1094198\n", + " 1.0858054 1.073968 1.0706346 1.0698367 1.0637943 1.0552232 1.0470587\n", + " 1.0436095 1.0449744 1.0500859 1.0549349 1.0575701]\n", + " [1.2087446 1.2032001 1.2131407 1.2211053 1.2064211 1.1684401 1.1286991\n", + " 1.1030341 1.091343 1.08935 1.088879 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1830606 1.1789124 1.1897987 1.1981792 1.1856836 1.151221 1.1154201\n", + " 1.0923761 1.0824013 1.0813489 1.082 1.0767572 1.0656675 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1622467 1.159038 1.1687329 1.1782771 1.1675991 1.1361884 1.1026862\n", + " 1.0808378 1.0703882 1.0689254 1.0692312 1.0651765 1.0567666 1.0487742\n", + " 1.0450225 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1601807 1.1572344 1.16771 1.1771399 1.1668701 1.1352596 1.1032299\n", + " 1.081423 1.0699852 1.0658258 1.0637379 1.0580156 1.050006 1.0431386\n", + " 1.040342 1.0425134 1.04718 1.0517167 1.0543426 1.05537 1.0566124\n", + " 1.0597987 1.0672238]\n", + " [1.1869768 1.1819773 1.1935098 1.2047051 1.1934727 1.1574628 1.1187434\n", + " 1.0928261 1.0801122 1.0779573 1.0782592 1.0736799 1.0638044 1.0544864\n", + " 1.0497633 1.0517993 1.0578203 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1865928 1.182676 1.1931334 1.2025063 1.1888168 1.1529053 1.1158888\n", + " 1.0910602 1.0790122 1.0759426 1.0747354 1.0690608 1.0597049 1.0510517\n", + " 1.0473213 1.049334 1.0551096 1.0606006 1.0634935 0. 0.\n", + " 0. 0. ]\n", + " [1.1746625 1.1709608 1.1819968 1.1912806 1.1792034 1.1450689 1.1099651\n", + " 1.0861151 1.0750653 1.0715303 1.0711467 1.0661652 1.056896 1.048677\n", + " 1.0450846 1.0469209 1.0522249 1.0574917 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1840471 1.1784294 1.1899179 1.1991043 1.1869607 1.1513209 1.1144122\n", + " 1.0899017 1.0793824 1.0778921 1.0785508 1.0735188 1.0634328 1.0540864\n", + " 1.0496722 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1518425 1.1489177 1.1592722 1.1689006 1.1576388 1.1278363 1.0974025\n", + " 1.0767936 1.0665858 1.0629846 1.0609033 1.0555226 1.0469704 1.0402911\n", + " 1.0374076 1.0391315 1.0443181 1.0487792 1.0515442 1.0525327 1.0540714\n", + " 1.0572695 1.0642146 1.073281 ]\n", + " [1.1790944 1.1742789 1.1837692 1.1917026 1.1801424 1.1462077 1.1118742\n", + " 1.0886766 1.0782275 1.075965 1.076143 1.0720354 1.0622804 1.0533376\n", + " 1.0492578 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1982228 1.1943879 1.2033348 1.2105768 1.1962095 1.1601027 1.1226826\n", + " 1.0970759 1.0840616 1.0799468 1.078111 1.0723741 1.062255 1.0540389\n", + " 1.0501177 1.0516193 1.0568085 1.0619487 1.0644712 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1750661 1.1720194 1.183418 1.1933073 1.181184 1.147108 1.1119578\n", + " 1.0876417 1.0753635 1.0711361 1.0691979 1.0632926 1.0542024 1.0464901\n", + " 1.0433075 1.0456053 1.0509297 1.0560768 1.0588043 1.0594794 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1690314 1.165161 1.1753784 1.1845386 1.1722902 1.1387993 1.1053487\n", + " 1.0828723 1.0717484 1.0685636 1.0666844 1.0608194 1.0522417 1.0448512\n", + " 1.0418885 1.0435785 1.0485055 1.0531834 1.0557165 1.0569377]\n", + " [1.1826335 1.1787343 1.1894898 1.1995184 1.1870061 1.1516575 1.115292\n", + " 1.0910106 1.0798237 1.0779804 1.0778282 1.0724763 1.0625682 1.0535188\n", + " 1.0494578 0. 0. 0. 0. 0. ]\n", + " [1.165884 1.163147 1.1734071 1.1822411 1.1704788 1.137943 1.1049602\n", + " 1.0824344 1.0708991 1.067985 1.0662507 1.0602523 1.0518106 1.044128\n", + " 1.0407718 1.0430954 1.0481508 1.0530498 1.0553519 0. ]\n", + " [1.1767898 1.1727339 1.1822958 1.1902094 1.1776754 1.1428694 1.1088243\n", + " 1.0857033 1.0736339 1.0699128 1.0679438 1.0623059 1.0541302 1.0469333\n", + " 1.0434953 1.045419 1.0506786 1.0554712 1.0583445 1.0595475]\n", + " [1.1591787 1.1549026 1.1641586 1.1727992 1.1627237 1.1324675 1.1002246\n", + " 1.0789161 1.068598 1.0658684 1.0651897 1.0604701 1.0520889 1.0444489\n", + " 1.0409817 1.0424713 1.0474846 1.0520445 0. 0. ]]\n", + "[[1.1776615 1.173814 1.1854777 1.1945684 1.1833864 1.1485527 1.1108449\n", + " 1.0869699 1.0754726 1.0737393 1.0735126 1.0689883 1.0597279 1.0509274\n", + " 1.0467172 1.0485013 1.0537384 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1907009 1.1864742 1.1987822 1.2087431 1.1944172 1.1576018 1.119679\n", + " 1.094856 1.0840318 1.0828971 1.0833478 1.0785239 1.0682929 1.0582572\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.161986 1.1574216 1.1671233 1.1760256 1.1655773 1.1344392 1.1020476\n", + " 1.0801563 1.0706677 1.068043 1.0679734 1.0632491 1.0540185 1.0456759\n", + " 1.0418228 1.0434823 1.04842 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1670004 1.1632288 1.1751399 1.1873152 1.1784577 1.1455706 1.1106162\n", + " 1.0864344 1.0747907 1.07124 1.0695996 1.0637052 1.054083 1.0463959\n", + " 1.0432036 1.0452753 1.0508751 1.0559988 1.0586097 1.0594952 1.0605848\n", + " 1.0639882 1.0711565 1.0811919 1.0895783 1.0945714 1.0963675 1.0927804\n", + " 1.0840461 1.0734171]\n", + " [1.1753764 1.1712792 1.1815852 1.1894532 1.1775446 1.1434116 1.1071149\n", + " 1.0847551 1.0743885 1.0723746 1.0727873 1.0677516 1.0589594 1.04984\n", + " 1.0453954 1.0472673 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1630763 1.1607274 1.1706928 1.179364 1.1667969 1.1334695 1.1008362\n", + " 1.0792773 1.0684679 1.0663979 1.0652964 1.060268 1.0516496 1.0443434\n", + " 1.0404998 1.0421973 1.0469854 1.0516468 1.0536164 0. 0.\n", + " 0. ]\n", + " [1.1533798 1.1504354 1.1606995 1.1694887 1.1586784 1.1281817 1.0965433\n", + " 1.0752367 1.0654367 1.0627749 1.0621426 1.0578898 1.0496107 1.0420933\n", + " 1.0389906 1.0403003 1.0447481 1.0496812 0. 0. 0.\n", + " 0. ]\n", + " [1.1553208 1.1505908 1.1572545 1.1640446 1.1528196 1.124174 1.0948744\n", + " 1.0746022 1.064433 1.0609602 1.0607563 1.0566629 1.049315 1.0430434\n", + " 1.0395206 1.0413606 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.146894 1.1436983 1.1529958 1.1615698 1.1504011 1.121744 1.0913826\n", + " 1.0717665 1.062008 1.0601784 1.0599676 1.0556047 1.0479027 1.0407456\n", + " 1.0380877 1.0393912 1.0440447 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1590233 1.1578907 1.1690211 1.1784992 1.1669692 1.1355875 1.1030122\n", + " 1.0804881 1.0685023 1.0651311 1.0626128 1.0574433 1.0494385 1.0424821\n", + " 1.0395027 1.0410058 1.0454587 1.050146 1.0524945 1.0534754 1.0549936\n", + " 1.0581685]]\n", + "[[1.1763631 1.1735225 1.1855757 1.1951182 1.1829952 1.1482934 1.111938\n", + " 1.0877557 1.0760654 1.0726112 1.0710999 1.0656346 1.0568235 1.0484033\n", + " 1.0447339 1.0463196 1.0510997 1.0559886 1.0582061 1.0590175 0. ]\n", + " [1.160239 1.1580609 1.1675146 1.1766224 1.1656642 1.1354903 1.103102\n", + " 1.0810645 1.0708281 1.0678052 1.0663316 1.0614961 1.0524615 1.0445706\n", + " 1.0411559 1.0427321 1.0475779 1.052591 0. 0. 0. ]\n", + " [1.1687878 1.1668844 1.178014 1.1884648 1.1771725 1.1436931 1.1092217\n", + " 1.0857978 1.073691 1.0700411 1.0678974 1.0616373 1.053083 1.0452547\n", + " 1.0415518 1.0434371 1.0481405 1.0531865 1.0556802 1.0569924 1.058624 ]\n", + " [1.1710991 1.1657771 1.1738462 1.17938 1.1676617 1.1353041 1.102634\n", + " 1.0810717 1.0711138 1.0684445 1.0673445 1.0626371 1.0542862 1.0462472\n", + " 1.0430709 1.0448651 1.0500379 1.0553309 0. 0. 0. ]\n", + " [1.1772989 1.1748337 1.1865648 1.1954069 1.1831819 1.1488117 1.1130655\n", + " 1.0883615 1.0766773 1.0733552 1.0709298 1.0657562 1.0563818 1.0482222\n", + " 1.0442761 1.0460693 1.0512835 1.0561168 1.0588053 1.0596981 0. ]]\n", + "[[1.1664274 1.1641579 1.175449 1.1839918 1.1722969 1.1388292 1.104422\n", + " 1.0821126 1.0712432 1.0690749 1.0684524 1.0635129 1.0545517 1.046612\n", + " 1.0430396 1.0447356 1.0499549 1.0554962]\n", + " [1.1555537 1.1517572 1.1613294 1.1697644 1.158067 1.1273787 1.0958297\n", + " 1.0752054 1.0656772 1.0634836 1.0637612 1.0598651 1.0517952 1.0444403\n", + " 1.0411221 1.0431458 0. 0. ]\n", + " [1.1587802 1.1554142 1.1661942 1.174489 1.1627876 1.1313188 1.0989538\n", + " 1.0769732 1.0676162 1.0658063 1.0662093 1.0617454 1.0527896 1.0454315\n", + " 1.0418078 1.0438379 0. 0. ]\n", + " [1.1686585 1.1646602 1.1745179 1.1838747 1.1727933 1.1401347 1.1060191\n", + " 1.0839884 1.0736455 1.0723178 1.0731438 1.0680649 1.0591075 1.0500994\n", + " 1.0461326 0. 0. 0. ]\n", + " [1.1684109 1.1644437 1.1755291 1.1841562 1.1727698 1.1383361 1.1047295\n", + " 1.0823224 1.0718216 1.0709151 1.0706882 1.0660251 1.0571024 1.0486009\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1702063 1.167799 1.1774619 1.1856182 1.1730435 1.1388538 1.1054057\n", + " 1.0829406 1.0733644 1.0714879 1.0718677 1.067044 1.0579237 1.0494286\n", + " 1.0457757 1.048031 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1647344 1.162633 1.1745821 1.1850946 1.1734822 1.1407241 1.1061174\n", + " 1.0826325 1.0707402 1.0667235 1.064789 1.0585781 1.0497816 1.042633\n", + " 1.0394493 1.041056 1.0459945 1.0504425 1.0532912 1.0540854 1.0554817\n", + " 1.0586815]\n", + " [1.1763437 1.171699 1.1808004 1.1888199 1.1778136 1.1450524 1.1110327\n", + " 1.0879871 1.077385 1.0749311 1.0742931 1.0696266 1.060115 1.0517925\n", + " 1.0479594 1.0502694 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1680791 1.166485 1.1773694 1.1867026 1.1742743 1.1413077 1.10789\n", + " 1.0851979 1.073688 1.0695364 1.0673947 1.0613937 1.0525192 1.0448935\n", + " 1.0417453 1.0440589 1.0484718 1.0534732 1.0556426 1.0565064 1.0580461\n", + " 1.0621619]\n", + " [1.1708353 1.1664039 1.1763669 1.1860156 1.1753439 1.1428764 1.1084461\n", + " 1.0855851 1.0746523 1.0723553 1.0719233 1.0670961 1.058268 1.0495785\n", + " 1.0455583 1.047434 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.223357 1.2173319 1.2273571 1.2376071 1.2240366 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1821107 1.1794319 1.191693 1.2020702 1.1885519 1.1526408 1.1156871\n", + " 1.0907623 1.0789696 1.076071 1.0754505 1.0701363 1.0599387 1.0513825\n", + " 1.0475016 1.0492257 1.0544659 1.059984 1.0625215 0. 0. ]\n", + " [1.1795117 1.1779314 1.1890566 1.1969084 1.182864 1.1471332 1.111544\n", + " 1.0881611 1.0769312 1.0740833 1.0723166 1.0668387 1.0572025 1.0485835\n", + " 1.0451002 1.0469797 1.0522449 1.0576078 1.0598702 0. 0. ]\n", + " [1.1719381 1.166983 1.1754917 1.1831652 1.1701493 1.137408 1.1042314\n", + " 1.0824499 1.072462 1.0711168 1.0712155 1.0671605 1.0585607 1.0504669\n", + " 1.0467789 0. 0. 0. 0. 0. 0. ]\n", + " [1.1751677 1.1702294 1.1800263 1.1892225 1.1764896 1.1439823 1.1092974\n", + " 1.0857219 1.0738007 1.0696547 1.0676568 1.062142 1.053584 1.0463006\n", + " 1.0425858 1.0445545 1.0494844 1.05464 1.0574274 1.0585375 1.0601281]]\n", + "[[1.1770273 1.172989 1.1830988 1.1919166 1.1785127 1.1452936 1.1107552\n", + " 1.0868113 1.0767078 1.0742083 1.0739563 1.0683964 1.058896 1.0503603\n", + " 1.0464119 1.0482321 1.0540107 0. 0. 0. 0. ]\n", + " [1.1770577 1.1727953 1.1831152 1.1909487 1.1785536 1.1449429 1.1107056\n", + " 1.0881482 1.0760667 1.0716834 1.0692904 1.0633216 1.0541779 1.0466151\n", + " 1.0432241 1.0452797 1.0507641 1.056123 1.0588992 1.0600466 1.0618681]\n", + " [1.2385999 1.2302428 1.2404225 1.2494471 1.233779 1.1931965 1.1504954\n", + " 1.1210722 1.107768 1.1053003 1.1052687 1.0978334 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1823885 1.1780739 1.1883903 1.1965657 1.1842161 1.1496532 1.1129868\n", + " 1.0898914 1.0788742 1.076219 1.0762409 1.0708036 1.0609938 1.0518696\n", + " 1.0478777 1.0497665 1.0555571 0. 0. 0. 0. ]\n", + " [1.1855559 1.1810147 1.1910448 1.1994941 1.1871985 1.1528863 1.1175456\n", + " 1.0931146 1.0811281 1.0780035 1.0780215 1.0731686 1.063098 1.0543485\n", + " 1.0501305 1.0521073 1.0580969 0. 0. 0. 0. ]]\n", + "[[1.180642 1.1750549 1.1843414 1.1928177 1.1816318 1.1486776 1.1131426\n", + " 1.0902448 1.0794588 1.0777289 1.0777655 1.0730063 1.0639715 1.0549525\n", + " 1.0504948 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1698073 1.1668854 1.1770607 1.1865947 1.1744192 1.1406245 1.1054761\n", + " 1.0831765 1.0723146 1.0699663 1.0688357 1.0640719 1.0550827 1.0470581\n", + " 1.0427394 1.0445464 1.0496364 1.0546852 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1541176 1.1509106 1.1619607 1.1723317 1.1622953 1.1318537 1.0995054\n", + " 1.0776243 1.0669372 1.0637524 1.0625858 1.0572953 1.0482275 1.0408362\n", + " 1.037525 1.0390829 1.0441781 1.0489147 1.0513515 1.0520144 0.\n", + " 0. 0. ]\n", + " [1.206823 1.1987969 1.2080418 1.2165964 1.2047849 1.1690943 1.1313403\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1734099 1.1710976 1.1815896 1.1914759 1.1794171 1.1475028 1.1134903\n", + " 1.0902284 1.0775648 1.072831 1.070263 1.064185 1.0544393 1.0467569\n", + " 1.0438411 1.0459502 1.0511457 1.0559459 1.0584754 1.0592194 1.0601432\n", + " 1.0636041 1.0708767]]\n", + "[[1.1852019 1.1796722 1.188621 1.1962614 1.1816784 1.1471272 1.1134341\n", + " 1.0911597 1.0812635 1.0804452 1.080039 1.0746622 1.0639012 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1583703 1.1537123 1.1635069 1.1713177 1.1598046 1.12785 1.0955522\n", + " 1.0754323 1.0665897 1.0661591 1.0665232 1.0621833 1.0531464 1.045062\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1547501 1.1521423 1.1623198 1.1713381 1.1610837 1.129438 1.0980606\n", + " 1.0770905 1.0669043 1.0632722 1.0610771 1.0552129 1.0467057 1.0397047\n", + " 1.0370036 1.0386838 1.0438572 1.0488532 1.0521455 1.053041 1.0541413\n", + " 1.0574194 1.0638437 1.0726146 1.0794759 1.0830754]\n", + " [1.1826942 1.1774096 1.1882498 1.1978915 1.1866179 1.1521422 1.1170015\n", + " 1.0931491 1.0822054 1.080405 1.0806404 1.075566 1.0657945 1.0564289\n", + " 1.0520312 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1565533 1.1538216 1.1641945 1.1732575 1.1619804 1.130369 1.0987148\n", + " 1.0771966 1.0673792 1.0644635 1.0637866 1.0590488 1.0504415 1.043197\n", + " 1.0396987 1.0413612 1.0461863 1.0510148 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1773212 1.172655 1.1816583 1.1907873 1.1774299 1.1430174 1.1078904\n", + " 1.0854719 1.0757626 1.0745995 1.075079 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.156469 1.1528721 1.1635292 1.1719735 1.1615885 1.1308235 1.0993526\n", + " 1.0782377 1.0671594 1.0639423 1.0623415 1.0567961 1.0487145 1.041551\n", + " 1.0384305 1.0400572 1.0446186 1.0492462 1.0515552 1.0524716 1.0538517]\n", + " [1.1805614 1.1761073 1.1849194 1.1926389 1.1811454 1.1481062 1.1129146\n", + " 1.0894129 1.077839 1.0754892 1.0752407 1.0705612 1.0611935 1.0529715\n", + " 1.0491863 1.0515337 0. 0. 0. 0. 0. ]\n", + " [1.1823635 1.1776733 1.188003 1.1970117 1.1853476 1.1504107 1.113853\n", + " 1.0906026 1.079686 1.0773957 1.0778692 1.0728487 1.0634407 1.0544083\n", + " 1.0498722 1.051527 0. 0. 0. 0. 0. ]\n", + " [1.2110484 1.2050238 1.2161595 1.2246858 1.2096289 1.1690842 1.1286066\n", + " 1.1019768 1.0903296 1.0894085 1.0902305 1.0845472 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1955578 1.1905476 1.2011187 1.2101055 1.1981064 1.1614994 1.1225471\n", + " 1.0968243 1.0845987 1.0811695 1.0798415 1.0739735 1.0634503 1.0546957\n", + " 1.050589 1.0529242 1.0598555 1.0659852 0. ]\n", + " [1.161733 1.1583631 1.1695367 1.1793073 1.1677566 1.1347735 1.1009469\n", + " 1.0790633 1.0693213 1.067077 1.0668551 1.0619391 1.0532625 1.0449116\n", + " 1.0413046 1.0429536 1.0481093 0. 0. ]\n", + " [1.1647642 1.1631216 1.1731621 1.1823401 1.1703846 1.1381139 1.1046224\n", + " 1.081902 1.0709436 1.0674845 1.0660429 1.0610783 1.0522895 1.0445346\n", + " 1.0414938 1.0430992 1.0479704 1.0530015 1.0554361]\n", + " [1.1747141 1.1691365 1.1785063 1.1864984 1.1741478 1.1418694 1.1087749\n", + " 1.085995 1.0757431 1.0731683 1.0720676 1.0672488 1.0583484 1.0499531\n", + " 1.0461007 1.0484004 0. 0. 0. ]\n", + " [1.2140539 1.2070532 1.2156862 1.2237967 1.2085968 1.1706369 1.1307853\n", + " 1.1044203 1.0923182 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1735718 1.1687136 1.1784467 1.1866441 1.1754583 1.1428534 1.1090221\n", + " 1.0867115 1.0763104 1.0738008 1.0743215 1.0698454 1.0611491 1.0522256\n", + " 1.0483775 0. 0. 0. 0. 0. ]\n", + " [1.177038 1.174252 1.1850882 1.1950202 1.182429 1.1476376 1.1120825\n", + " 1.0879655 1.0763491 1.0733117 1.071747 1.0669919 1.0580884 1.0494397\n", + " 1.0453824 1.0471383 1.051946 1.0570894 1.059355 0. ]\n", + " [1.1573982 1.1541036 1.1635625 1.1711345 1.1595107 1.1284815 1.0972995\n", + " 1.0766615 1.0663111 1.0629656 1.0617802 1.0560694 1.0481311 1.0409331\n", + " 1.0379643 1.0397874 1.0445616 1.0490257 1.0516659 1.0528207]\n", + " [1.1974908 1.1948333 1.2062106 1.2151009 1.197906 1.1586488 1.1202562\n", + " 1.0958087 1.0854353 1.0843264 1.0850544 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1627967 1.1591069 1.1687518 1.1777352 1.1660922 1.1347089 1.1019719\n", + " 1.080416 1.0703192 1.0678539 1.0670286 1.0624635 1.0538877 1.0456334\n", + " 1.0423305 1.0438743 1.048954 0. 0. 0. ]]\n", + "[[1.1932629 1.1891116 1.1985278 1.207975 1.1940607 1.1580222 1.1211147\n", + " 1.0962222 1.0845982 1.0813656 1.0809675 1.0748875 1.064898 1.0547279\n", + " 1.0505104 1.0523171 1.0586836 0. 0. ]\n", + " [1.1653215 1.1624207 1.1712896 1.1790507 1.1659205 1.1340419 1.1010646\n", + " 1.0793514 1.0690253 1.0658107 1.0649743 1.060073 1.0524036 1.0449433\n", + " 1.0413241 1.0429702 1.0474114 1.0522704 0. ]\n", + " [1.1831703 1.1798382 1.1914762 1.2004892 1.1881627 1.15245 1.1159974\n", + " 1.0907705 1.079073 1.0752089 1.0730455 1.0675812 1.0584209 1.0502883\n", + " 1.0466058 1.0486631 1.0539966 1.0591516 1.0616232]\n", + " [1.2111373 1.2057557 1.2165015 1.2252023 1.2105887 1.1710315 1.1310221\n", + " 1.1044768 1.0933181 1.0916518 1.091729 1.085297 1.0733523 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1991804 1.1940395 1.2037376 1.2124945 1.199031 1.1620418 1.1238476\n", + " 1.0988915 1.0870235 1.084697 1.0841779 1.0788863 1.0683178 1.0582596\n", + " 1.0541905 0. 0. 0. 0. ]]\n", + "[[1.1591263 1.1566951 1.1672919 1.176568 1.1649474 1.1329887 1.100294\n", + " 1.0784743 1.0676051 1.0644559 1.0632044 1.0576872 1.049171 1.0420009\n", + " 1.0382943 1.039795 1.0445405 1.0490681 1.0517001 1.0531943]\n", + " [1.1772053 1.1725466 1.1804417 1.1876446 1.1747181 1.1419153 1.1084341\n", + " 1.0859529 1.0747577 1.0703908 1.0683973 1.0624075 1.053099 1.0458449\n", + " 1.0432459 1.0451747 1.0507467 1.0554029 1.0579166 1.0589646]\n", + " [1.1594379 1.1542315 1.1624923 1.1694314 1.1575586 1.127098 1.0965812\n", + " 1.0764997 1.0668111 1.064502 1.0642428 1.059915 1.0521116 1.0443349\n", + " 1.0413007 1.0432053 1.0482651 0. 0. 0. ]\n", + " [1.184492 1.1787945 1.1885786 1.1965764 1.182394 1.1478927 1.1128607\n", + " 1.0896775 1.0793656 1.0781479 1.0780468 1.073711 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1707821 1.1662415 1.1760187 1.1843851 1.1736904 1.1408347 1.1071316\n", + " 1.0844907 1.0737879 1.0719795 1.0715789 1.0671165 1.0580423 1.0495062\n", + " 1.0456804 1.047613 0. 0. 0. 0. ]]\n", + "[[1.1700906 1.1683089 1.1783638 1.187488 1.1749662 1.1400067 1.106136\n", + " 1.0839261 1.0727509 1.0694252 1.0684292 1.0622115 1.0539953 1.0460448\n", + " 1.0427738 1.0447353 1.0494615 1.05439 1.0568664 1.0577579 0. ]\n", + " [1.1952047 1.1915507 1.2008855 1.2104548 1.1965134 1.159852 1.1220857\n", + " 1.0965406 1.0840008 1.0795933 1.0784835 1.0730162 1.0627263 1.0533867\n", + " 1.0492458 1.0515221 1.0569843 1.0618559 1.0653534 0. 0. ]\n", + " [1.1602199 1.1573951 1.1670033 1.176373 1.1657805 1.134758 1.101996\n", + " 1.0806828 1.0704075 1.0683918 1.0686522 1.0634004 1.0545889 1.0460459\n", + " 1.0420315 1.0438442 0. 0. 0. 0. 0. ]\n", + " [1.1585691 1.1562124 1.1665094 1.1759707 1.1648676 1.1332281 1.1002935\n", + " 1.0791659 1.0698503 1.0679415 1.0675026 1.0631361 1.0546545 1.0464878\n", + " 1.042935 0. 0. 0. 0. 0. 0. ]\n", + " [1.1595986 1.1577168 1.1679393 1.1759653 1.1647704 1.1328149 1.10074\n", + " 1.0792543 1.0689179 1.0653939 1.0633463 1.0580196 1.0495827 1.0427996\n", + " 1.0396618 1.041758 1.0464984 1.0510659 1.0531139 1.0539986 1.0554127]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1645429 1.1619864 1.1732857 1.18124 1.1699908 1.1371738 1.1041079\n", + " 1.081416 1.0704446 1.0673428 1.0656189 1.0600073 1.0517879 1.04442\n", + " 1.0410749 1.0426563 1.0473554 1.0518861 1.0541136 1.0546908 1.056182\n", + " 0. 0. 0. ]\n", + " [1.1601344 1.1565918 1.1664981 1.1750306 1.163054 1.1308825 1.0984664\n", + " 1.0767415 1.0670286 1.0652386 1.0651978 1.0597245 1.0512366 1.0431172\n", + " 1.0394386 1.0408554 1.0457495 1.0505338 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2057104 1.1997825 1.2094145 1.2179232 1.2040402 1.165201 1.1257914\n", + " 1.1008914 1.0892777 1.0869615 1.0874431 1.0822355 1.0714995 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.170338 1.1676519 1.1782898 1.1867605 1.1732783 1.1402358 1.1057901\n", + " 1.0826882 1.0723702 1.0701197 1.0688835 1.0643948 1.0552067 1.047059\n", + " 1.0434632 1.045059 1.0499634 1.0550661 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1701466 1.1666529 1.1774994 1.1872367 1.176073 1.1438824 1.1099117\n", + " 1.0870701 1.0753933 1.0714371 1.0691965 1.0626348 1.0528892 1.0453973\n", + " 1.0423148 1.044452 1.0501957 1.0552306 1.0573515 1.0578549 1.0587888\n", + " 1.0624521 1.0702306 1.0800256]]\n", + "[[1.19798 1.1941202 1.205242 1.2134451 1.2003284 1.1650391 1.127479\n", + " 1.10176 1.088052 1.0835587 1.0808417 1.0735106 1.0636427 1.0550742\n", + " 1.0510275 1.0534775 1.0589502 1.0647292 1.0674171 1.0682601 0.\n", + " 0. 0. ]\n", + " [1.1814382 1.1773158 1.1877719 1.1975152 1.1854498 1.1503899 1.1135523\n", + " 1.088856 1.0772134 1.0741773 1.074161 1.0693096 1.0605593 1.051792\n", + " 1.0478902 1.0493923 1.0542729 1.0593878 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1612657 1.1583735 1.1686236 1.1785786 1.1676906 1.1361523 1.1035757\n", + " 1.0817478 1.0705225 1.0662516 1.0644833 1.0588344 1.0502332 1.0430063\n", + " 1.04021 1.0418775 1.0466806 1.0516949 1.0536901 1.0544224 1.0554142\n", + " 1.058814 1.0656579]\n", + " [1.173821 1.1711649 1.1823635 1.1904716 1.1770573 1.143717 1.1090932\n", + " 1.0856322 1.0744176 1.0709263 1.0691036 1.0639446 1.0549725 1.0470111\n", + " 1.0435319 1.0453205 1.0502287 1.0549972 1.0576155 0. 0.\n", + " 0. 0. ]\n", + " [1.1717473 1.1682522 1.1786361 1.1866534 1.1751152 1.1425252 1.1087421\n", + " 1.0860006 1.0747541 1.0706761 1.0684277 1.0628169 1.0539196 1.0460099\n", + " 1.0423716 1.0442417 1.0492196 1.0538697 1.0560045 1.0572306 0.\n", + " 0. 0. ]]\n", + "[[1.1644592 1.1628745 1.1733665 1.1830602 1.1714492 1.1388111 1.10408\n", + " 1.0820497 1.070978 1.0687337 1.0687506 1.0640885 1.0552375 1.0474806\n", + " 1.0439017 1.0453753 1.0501215 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1733327 1.1696519 1.1798575 1.1881078 1.1754012 1.1427896 1.1092877\n", + " 1.086407 1.0744768 1.0712776 1.0696397 1.0635381 1.0547743 1.0470643\n", + " 1.0432265 1.0449666 1.0494721 1.054358 1.0568595 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1639996 1.1600853 1.1703167 1.1792159 1.1677958 1.1347703 1.1012708\n", + " 1.0790132 1.0683485 1.0659833 1.0662878 1.0620078 1.0536036 1.0462258\n", + " 1.0427763 1.0448962 1.0506519 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1513472 1.1485611 1.1579014 1.1664691 1.1556396 1.1259207 1.0952277\n", + " 1.0755628 1.0653199 1.0616502 1.0593914 1.053806 1.0454564 1.0388817\n", + " 1.0362349 1.0383396 1.0431404 1.0478368 1.0500274 1.0508648 1.0522573\n", + " 1.055532 1.0618922 1.0711281]\n", + " [1.1699009 1.1638079 1.1721681 1.1805464 1.1693087 1.1377381 1.1047988\n", + " 1.0825742 1.0728673 1.0706036 1.0705601 1.0662417 1.0576301 1.049269\n", + " 1.0456042 1.0475059 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1679509 1.16423 1.1742958 1.1816928 1.16998 1.1373347 1.103742\n", + " 1.080846 1.0705318 1.0674859 1.0664692 1.0615007 1.0533648 1.0459553\n", + " 1.0428976 1.0444798 1.0497459 1.054898 1.0579566]\n", + " [1.1649194 1.1612505 1.1703746 1.1782875 1.1667839 1.1352406 1.1025916\n", + " 1.080548 1.0699332 1.0668734 1.0657821 1.0614458 1.05309 1.0453238\n", + " 1.0421091 1.0437719 1.0491147 1.054484 0. ]\n", + " [1.1879703 1.1834439 1.1925867 1.1996584 1.1881219 1.1523226 1.1162214\n", + " 1.0912608 1.0794915 1.075838 1.0733584 1.0682297 1.0588595 1.0504919\n", + " 1.0473528 1.0496597 1.0551903 1.060313 0. ]\n", + " [1.1770694 1.1742752 1.1839747 1.1921009 1.180026 1.1466922 1.1117284\n", + " 1.0885309 1.077954 1.0751742 1.0737547 1.0684283 1.0587717 1.0501152\n", + " 1.0469534 1.0492878 1.055123 0. 0. ]\n", + " [1.1752911 1.1699307 1.1792171 1.1875935 1.1765004 1.1444293 1.1107279\n", + " 1.0875548 1.0764843 1.0741549 1.0740424 1.0693629 1.0604736 1.0520778\n", + " 1.0483972 0. 0. 0. 0. ]]\n", + "[[1.1675985 1.163038 1.1734798 1.1832669 1.1718932 1.1386547 1.1055543\n", + " 1.0834179 1.0732565 1.0707208 1.070848 1.0659671 1.056562 1.0481986\n", + " 1.0440415 1.0455872 1.0507902 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1647258 1.1629883 1.1734208 1.1826462 1.1718874 1.139509 1.1057097\n", + " 1.083022 1.071953 1.0680676 1.0660689 1.0600805 1.0518031 1.0443028\n", + " 1.0409305 1.0428324 1.0473332 1.0524017 1.0548457 1.0556408 1.0573978\n", + " 1.0605886]\n", + " [1.19238 1.1857082 1.1945909 1.2028885 1.1907798 1.1557329 1.118991\n", + " 1.0953319 1.0840315 1.0822301 1.0817034 1.0759891 1.0652086 1.0556726\n", + " 1.051534 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1642456 1.1604514 1.1707617 1.1793863 1.1677902 1.136145 1.1028736\n", + " 1.081246 1.0711135 1.0687386 1.0688711 1.0641332 1.0556946 1.0474595\n", + " 1.0437216 1.0452311 1.0503962 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1635107 1.1595569 1.1697806 1.1779454 1.1670669 1.1348339 1.1020812\n", + " 1.0806928 1.0700455 1.067543 1.0665345 1.0619702 1.0531142 1.0450222\n", + " 1.041865 1.0433612 1.0482106 1.0529814 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1527797 1.1519753 1.1625689 1.1736333 1.1636248 1.1321388 1.0997827\n", + " 1.0781075 1.0672075 1.063069 1.0612811 1.055413 1.0473198 1.0401238\n", + " 1.0371685 1.0390284 1.0435078 1.0484622 1.0516081 1.0524755 1.053566\n", + " 1.0566396 1.0628319 1.0716376]\n", + " [1.202096 1.1987128 1.2109078 1.221224 1.208024 1.1711255 1.1323596\n", + " 1.1048201 1.0906334 1.0855043 1.0828428 1.0758855 1.0655502 1.0563086\n", + " 1.0523313 1.054351 1.0601757 1.0659813 1.0686046 1.0695369 1.0712495\n", + " 0. 0. 0. ]\n", + " [1.1738734 1.1708357 1.1825085 1.1920507 1.1797497 1.1449572 1.1091748\n", + " 1.08576 1.0751148 1.0720627 1.070917 1.0648506 1.0556071 1.047458\n", + " 1.0433469 1.045074 1.0501239 1.05494 1.057568 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2088846 1.2041113 1.2160746 1.2253525 1.2088422 1.1688054 1.1282942\n", + " 1.1018252 1.0909023 1.089733 1.090295 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1862639 1.1826758 1.1948979 1.2049333 1.1904738 1.1525533 1.1149168\n", + " 1.0909178 1.0809493 1.0801452 1.0810362 1.0752839 1.0647134 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1901407 1.1863362 1.1976507 1.2075583 1.1948054 1.1594051 1.1218754\n", + " 1.0965216 1.083907 1.0804367 1.0785306 1.0729343 1.0628518 1.0538287\n", + " 1.0499316 1.0516206 1.0571592 1.0625058 1.0650785 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1565261 1.1538607 1.1649011 1.1753434 1.1650645 1.1339072 1.1014483\n", + " 1.0795623 1.0685894 1.064727 1.0624319 1.057177 1.0486015 1.0415188\n", + " 1.0387082 1.0404525 1.0455593 1.0501192 1.0526241 1.0531074 1.0544086\n", + " 1.0573413 1.063682 1.0731456 1.0807166]\n", + " [1.1708927 1.1675502 1.1783631 1.1878436 1.1751325 1.1431144 1.1094435\n", + " 1.0857618 1.0746022 1.0706389 1.0685287 1.0620618 1.053481 1.0456104\n", + " 1.0424223 1.0439293 1.0491242 1.0538456 1.0556781 1.056423 1.0577226\n", + " 0. 0. 0. 0. ]\n", + " [1.1974207 1.194299 1.2039747 1.2117673 1.199495 1.16202 1.1240535\n", + " 1.0987906 1.0855775 1.0823468 1.0806979 1.0751098 1.0648755 1.0558529\n", + " 1.0520877 1.054504 1.0607961 1.067144 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1697897 1.1648587 1.1758412 1.1849184 1.1729665 1.1391144 1.104463\n", + " 1.0820518 1.0718191 1.0705112 1.0702877 1.0652789 1.0555593 1.0472714\n", + " 1.0435615 1.0454279 1.051035 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1554594 1.1529227 1.1627239 1.1710407 1.1592774 1.1281967 1.0964426\n", + " 1.0757205 1.0656608 1.0627139 1.0624036 1.0578431 1.0498939 1.0423847\n", + " 1.0390592 1.040447 1.0448686 1.0496207]\n", + " [1.159905 1.1545151 1.163069 1.1711342 1.1598779 1.1290618 1.0974022\n", + " 1.0764533 1.0669655 1.0646572 1.0651052 1.0608408 1.053373 1.0455626\n", + " 1.0419557 1.0436971 0. 0. ]\n", + " [1.1667995 1.162963 1.1739023 1.1827949 1.1718736 1.1386315 1.1047958\n", + " 1.0818499 1.0719274 1.0699402 1.070045 1.0657648 1.0563376 1.0486265\n", + " 1.0448602 1.046923 0. 0. ]\n", + " [1.1711872 1.1672372 1.1769305 1.1858324 1.1734945 1.1405736 1.106775\n", + " 1.0840509 1.0730445 1.0699341 1.0680915 1.0629108 1.0542237 1.046285\n", + " 1.0430758 1.0452316 1.0506984 1.0559511]\n", + " [1.1790754 1.174489 1.1844575 1.192967 1.1807566 1.1464504 1.1105852\n", + " 1.0869366 1.0762115 1.0737464 1.073938 1.0689759 1.0594649 1.0515606\n", + " 1.0477334 1.0498252 1.0561092 0. ]]\n", + "[[1.1594553 1.1554066 1.1646409 1.1737515 1.1626799 1.1320575 1.09997\n", + " 1.0783093 1.0669321 1.0629187 1.0611069 1.0558707 1.0479444 1.041532\n", + " 1.0387281 1.0404232 1.0448827 1.049653 1.0524646 1.0535642 1.0548683\n", + " 1.0577852 1.0643405]\n", + " [1.1708937 1.1690215 1.1806253 1.1883955 1.1762655 1.1417503 1.1065502\n", + " 1.0835638 1.072974 1.0703753 1.0698992 1.0649694 1.0553286 1.0472382\n", + " 1.0434418 1.0453429 1.0507287 1.0557489 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1783569 1.174398 1.1835814 1.191342 1.1786782 1.1460812 1.1109698\n", + " 1.0881051 1.0763206 1.0743108 1.074099 1.0695823 1.0602232 1.0516104\n", + " 1.0475321 1.0496539 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1839296 1.1781887 1.1885943 1.19829 1.1879605 1.1537421 1.1173525\n", + " 1.0929996 1.0817333 1.0789529 1.0790609 1.07398 1.0641997 1.0549202\n", + " 1.0502061 1.0516838 1.0573138 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1829673 1.1767615 1.1867912 1.1957301 1.183902 1.1487781 1.1130396\n", + " 1.0897679 1.0795981 1.0787222 1.0788288 1.0730608 1.0633664 1.0539441\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1680411 1.1639723 1.1728925 1.1798712 1.1675891 1.1345398 1.1015767\n", + " 1.0799063 1.070529 1.0686553 1.0692532 1.0651522 1.0564871 1.0485928\n", + " 1.0448145 0. 0. 0. 0. ]\n", + " [1.1501516 1.1467283 1.1569856 1.1657956 1.156147 1.1264457 1.0949553\n", + " 1.0749984 1.0647516 1.0616964 1.0607507 1.0557889 1.0478482 1.0405402\n", + " 1.037507 1.0389187 1.043377 1.0478582 1.0502559]\n", + " [1.1792494 1.1744479 1.1846888 1.1942917 1.1823597 1.148042 1.1122408\n", + " 1.0890684 1.0782822 1.0757512 1.0755576 1.0702126 1.060356 1.0512662\n", + " 1.0470742 1.0487154 1.054463 0. 0. ]\n", + " [1.1701837 1.1675936 1.1791258 1.1890405 1.176993 1.1420335 1.1066141\n", + " 1.083255 1.0725996 1.0703381 1.0694686 1.064885 1.0556407 1.0474908\n", + " 1.0436889 1.0452733 1.0505041 1.0556293 0. ]\n", + " [1.1704173 1.1626356 1.1742935 1.1863155 1.1721215 1.1402683 1.1058182\n", + " 1.0841135 1.0724375 1.0708171 1.0722338 1.065534 1.0556554 1.044716\n", + " 1.0437855 0. 0. 0. 0. ]]\n", + "[[1.1747873 1.1725409 1.1828448 1.1920893 1.1801782 1.1471213 1.1126322\n", + " 1.0894812 1.077662 1.0727439 1.0706719 1.063536 1.0541046 1.0466673\n", + " 1.0430866 1.0454863 1.0508337 1.0558554 1.0579869 1.0586526 1.0599331\n", + " 1.0635817]\n", + " [1.1930615 1.1903322 1.2018734 1.2100956 1.1980369 1.1619002 1.1235943\n", + " 1.0972834 1.084142 1.0795475 1.0771987 1.0708282 1.0604734 1.0521606\n", + " 1.0485872 1.0506655 1.0556488 1.0615062 1.0640112 1.0651007 1.0668277\n", + " 0. ]\n", + " [1.181528 1.1784607 1.1879866 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1587337 1.1559255 1.1659412 1.1741012 1.1630087 1.1309791 1.0980928\n", + " 1.0768708 1.0664316 1.0633242 1.062534 1.0578898 1.0497584 1.0428393\n", + " 1.0396029 1.0414959 1.0460625 1.0509083 1.0534608 0. 0.\n", + " 0. ]\n", + " [1.1762954 1.172245 1.1824927 1.1901567 1.1785372 1.1454996 1.1111392\n", + " 1.0879037 1.0764363 1.0729687 1.0713652 1.0657697 1.0566113 1.0481275\n", + " 1.044735 1.0469165 1.0523275 1.0571799 1.0592846 0. 0.\n", + " 0. ]]\n", + "[[1.1616297 1.1557927 1.1645563 1.1733694 1.162304 1.1326104 1.1014445\n", + " 1.0802886 1.0700642 1.0681267 1.0678965 1.0638047 1.0555298 1.0470307\n", + " 1.043261 0. 0. 0. 0. ]\n", + " [1.1747895 1.1699599 1.1789511 1.1881151 1.1775331 1.1460141 1.112428\n", + " 1.0895927 1.0785636 1.0754714 1.0742418 1.0692137 1.0598341 1.0507442\n", + " 1.0471464 1.0489492 1.0545506 0. 0. ]\n", + " [1.174178 1.1722717 1.183394 1.1925637 1.1811303 1.1471072 1.1114172\n", + " 1.087222 1.0761082 1.072529 1.0704983 1.065483 1.056168 1.0480946\n", + " 1.0446187 1.0462399 1.0515101 1.0565473 1.0586945]\n", + " [1.1673324 1.1639011 1.1746943 1.1831162 1.1706512 1.1364228 1.1025677\n", + " 1.0804269 1.0708817 1.0698179 1.0704812 1.0653237 1.0560623 1.0477648\n", + " 1.0441269 0. 0. 0. 0. ]\n", + " [1.1641667 1.1614678 1.1731049 1.1836144 1.171787 1.1390877 1.1043327\n", + " 1.0811387 1.0702819 1.0672941 1.0665544 1.0608183 1.0519072 1.0439639\n", + " 1.0402474 1.0421493 1.0468887 1.0518038 1.0544595]]\n", + "[[1.166 1.1622629 1.1725878 1.1810383 1.170335 1.1380287 1.1044508\n", + " 1.0819385 1.0717196 1.0700765 1.06994 1.0659119 1.0567782 1.0482217\n", + " 1.0441784 1.0457351 0. 0. 0. 0. 0. ]\n", + " [1.17959 1.1766062 1.1867064 1.1959715 1.1835144 1.1497258 1.1154939\n", + " 1.091926 1.0798352 1.0751181 1.0728674 1.0661892 1.0566645 1.04885\n", + " 1.0457292 1.0478153 1.0533892 1.0582746 1.0606915 1.0611897 1.0622613]\n", + " [1.1702504 1.1664152 1.1769304 1.1845952 1.1732663 1.1403193 1.1064103\n", + " 1.0838692 1.0729682 1.0709419 1.0699921 1.0646673 1.0557468 1.0471042\n", + " 1.0433168 1.0449758 1.0504017 0. 0. 0. 0. ]\n", + " [1.194924 1.1898016 1.1978581 1.206671 1.1941823 1.160416 1.1240501\n", + " 1.098786 1.0869296 1.0837474 1.0822954 1.0771269 1.0670717 1.0571704\n", + " 1.0533401 1.0556648 0. 0. 0. 0. 0. ]\n", + " [1.1982437 1.1932088 1.2030365 1.2112175 1.1971245 1.1592768 1.1216925\n", + " 1.0972978 1.0872735 1.0856571 1.0864612 1.0808334 1.0694708 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1714703 1.1676259 1.1781384 1.1871216 1.1749799 1.1417927 1.108412\n", + " 1.0859785 1.0756434 1.0743324 1.0750974 1.07068 1.0611858 1.0521821\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1827369 1.1781161 1.187675 1.1953583 1.1833779 1.1490465 1.113754\n", + " 1.0901647 1.079573 1.0771282 1.0765756 1.0713784 1.0621567 1.0531601\n", + " 1.0496172 1.0520289 0. 0. 0. 0. 0. ]\n", + " [1.167027 1.1647627 1.1760502 1.1854352 1.1736976 1.139821 1.1054224\n", + " 1.0824397 1.0715034 1.0677675 1.0658352 1.0600128 1.0512464 1.0440274\n", + " 1.0410817 1.0432738 1.0483377 1.0537146 1.0560763 1.056832 1.0578914]\n", + " [1.1589501 1.1558827 1.1653006 1.1735749 1.1623745 1.1306012 1.09827\n", + " 1.07704 1.0660815 1.0627495 1.0608945 1.0559427 1.0476944 1.0413693\n", + " 1.0383389 1.039585 1.0438501 1.0486107 1.0510355 1.0528097 1.0546781]\n", + " [1.1721028 1.1679174 1.1789674 1.1887574 1.1769108 1.142782 1.1082675\n", + " 1.0849133 1.0751297 1.0734565 1.0733067 1.0687355 1.0591898 1.0504715\n", + " 1.0464443 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1584239 1.1534126 1.1619362 1.1694188 1.1588633 1.1284515 1.0973061\n", + " 1.0771619 1.067147 1.0659213 1.0657375 1.0618376 1.0531644 1.0453967\n", + " 1.0421015 1.0437413 0. 0. 0. 0. 0. ]\n", + " [1.1763142 1.1711863 1.1809988 1.1896176 1.1773363 1.1438998 1.1103028\n", + " 1.0878563 1.0776923 1.0749419 1.0748137 1.069279 1.0591252 1.0504296\n", + " 1.0465972 1.0490358 0. 0. 0. 0. 0. ]\n", + " [1.2136772 1.2076592 1.2177339 1.225587 1.211715 1.1728598 1.1321449\n", + " 1.1043661 1.0928116 1.091006 1.0907259 1.0857557 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.193922 1.1877514 1.1977268 1.2064344 1.1948148 1.1597165 1.12257\n", + " 1.0974128 1.0864414 1.0838256 1.0833105 1.0780015 1.0675616 1.0579947\n", + " 1.0531886 1.0549506 1.0608404 0. 0. 0. 0. ]\n", + " [1.1853524 1.1817436 1.1917487 1.2018533 1.1888264 1.1542205 1.1186891\n", + " 1.0940369 1.0814286 1.0768135 1.0740457 1.0671198 1.0578245 1.0502005\n", + " 1.0465717 1.0485973 1.0543605 1.0592555 1.0612098 1.0623598 1.0639095]]\n", + "[[1.1681712 1.1649613 1.1749287 1.1844679 1.1722898 1.139671 1.105799\n", + " 1.0831655 1.0729179 1.0707412 1.0711256 1.0668594 1.0574809 1.0492797\n", + " 1.0452712 1.047324 0. 0. 0. 0. ]\n", + " [1.1764348 1.1733644 1.1847041 1.1925564 1.179745 1.1457894 1.1108924\n", + " 1.087287 1.0759375 1.0723752 1.0709684 1.0647061 1.055711 1.0476304\n", + " 1.0446132 1.0463264 1.0513495 1.0565324 1.0587877 1.0593915]\n", + " [1.1690766 1.1637237 1.1721684 1.1795663 1.1668593 1.1342931 1.1013821\n", + " 1.0805738 1.0713031 1.0698948 1.07032 1.0655774 1.056988 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.194814 1.1882427 1.197363 1.2027837 1.1877967 1.1509383 1.1137763\n", + " 1.0899365 1.0797122 1.0790232 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1654986 1.1617006 1.1710817 1.178444 1.1666416 1.1341022 1.1018584\n", + " 1.0794786 1.0699682 1.0671325 1.0671587 1.0624835 1.0543537 1.0466993\n", + " 1.0430683 1.0448471 1.0496929 0. 0. 0. ]]\n", + "[[1.199366 1.1931199 1.2041748 1.2130138 1.1985466 1.1610482 1.1223427\n", + " 1.0970458 1.0859439 1.0839319 1.0845338 1.0786555 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1620071 1.1593006 1.1699406 1.1794126 1.1684177 1.137139 1.1044675\n", + " 1.082433 1.0711465 1.0679001 1.0655959 1.0593752 1.0505682 1.0432532\n", + " 1.0398778 1.0416317 1.0465827 1.051162 1.0532304 1.0541087 1.0554485]]\n", + "[[1.177416 1.1714338 1.1807796 1.1890298 1.1773405 1.1441746 1.1101948\n", + " 1.087982 1.0773604 1.0762119 1.076481 1.0709457 1.0608127 1.0515108\n", + " 1.0474511 0. 0. 0. 0. 0. ]\n", + " [1.1736834 1.1677256 1.176936 1.1857446 1.1751642 1.1432542 1.1093774\n", + " 1.0869699 1.0761566 1.0734656 1.0732975 1.0680784 1.0589092 1.0500463\n", + " 1.0459635 1.0476997 1.0531198 0. 0. 0. ]\n", + " [1.1647178 1.1609094 1.1709116 1.1796498 1.1674432 1.1350539 1.1024396\n", + " 1.081712 1.0723503 1.070663 1.0709944 1.0659454 1.0567063 1.0482993\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1684844 1.1644791 1.1737041 1.1812552 1.1676022 1.134831 1.1021827\n", + " 1.0809549 1.0714226 1.0700107 1.0700289 1.065667 1.056424 1.0480533\n", + " 1.0448579 0. 0. 0. 0. 0. ]\n", + " [1.1763787 1.1735382 1.1850005 1.1933414 1.1822118 1.1483349 1.1125319\n", + " 1.088099 1.0762339 1.0722849 1.0704514 1.0648167 1.0564305 1.048444\n", + " 1.0447037 1.0462605 1.0509031 1.0559887 1.0588226 1.0600998]]\n", + "[[1.1674116 1.1635143 1.1730878 1.1815865 1.1698339 1.1377668 1.1049076\n", + " 1.0823609 1.071261 1.067733 1.0660839 1.061308 1.0525181 1.0452383\n", + " 1.042086 1.0440977 1.0487208 1.0536512 1.0561724 0. ]\n", + " [1.1614758 1.1578091 1.167671 1.1763316 1.1651145 1.1342046 1.1018155\n", + " 1.0801464 1.0699377 1.067975 1.0675527 1.0625743 1.0540885 1.0457691\n", + " 1.0421448 1.0436267 1.0486339 0. 0. 0. ]\n", + " [1.1705284 1.1678132 1.1783048 1.187931 1.1766576 1.1443546 1.1091192\n", + " 1.0850391 1.0731235 1.0691113 1.0673163 1.0628803 1.0545355 1.0472448\n", + " 1.0431988 1.0445186 1.0488464 1.0533977 1.0558143 1.0571349]\n", + " [1.1690173 1.1652461 1.1753901 1.182979 1.1704296 1.1371413 1.1035395\n", + " 1.0814695 1.0716653 1.0711293 1.0716394 1.0676099 1.0586914 1.0500307\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1757256 1.1712346 1.1806437 1.1886659 1.1773766 1.1444403 1.1097767\n", + " 1.0861518 1.0757971 1.0733447 1.0728819 1.0686045 1.0596428 1.0512549\n", + " 1.0469868 1.0486296 0. 0. 0. 0. ]]\n", + "[[1.1660554 1.1619266 1.1720266 1.181461 1.16994 1.1372077 1.1040888\n", + " 1.0820765 1.0712572 1.0689073 1.0679747 1.0635467 1.0548345 1.0464892\n", + " 1.0427811 1.0441998 1.0490562 1.0541071 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1472566 1.144712 1.1550345 1.1650512 1.156717 1.1267645 1.0952153\n", + " 1.0746725 1.0643762 1.0604202 1.0584676 1.0527077 1.0449421 1.0383176\n", + " 1.0356604 1.0378866 1.0424962 1.047446 1.0495064 1.0505881 1.0515416\n", + " 1.05448 1.0601791 1.0688103 1.0752461 1.0786456]\n", + " [1.1805335 1.1774163 1.1882919 1.1976646 1.1854606 1.1505725 1.114386\n", + " 1.0894389 1.0775962 1.0739982 1.073483 1.0684093 1.0593041 1.0515766\n", + " 1.0476366 1.0492095 1.0539237 1.0588411 1.0610509 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1670544 1.1635387 1.1736314 1.1825999 1.1713101 1.1385913 1.1049762\n", + " 1.0829127 1.0723994 1.0698085 1.0702645 1.0656481 1.0572364 1.0488255\n", + " 1.0449245 1.0467972 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2033181 1.1979787 1.2072277 1.2160425 1.2020283 1.1642925 1.1256403\n", + " 1.1002024 1.0882359 1.0864403 1.0868845 1.081665 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1741462 1.1691376 1.1786957 1.1868399 1.1747923 1.1406432 1.1064435\n", + " 1.0834762 1.0728499 1.0714462 1.0718061 1.0677938 1.0586082 1.0501754\n", + " 1.046669 0. 0. ]\n", + " [1.1637145 1.1596948 1.1694276 1.1792245 1.167756 1.1343558 1.1011475\n", + " 1.0791315 1.0691648 1.0670732 1.0667949 1.0619121 1.0534467 1.0453455\n", + " 1.0417424 1.0434055 1.0482477]\n", + " [1.1732808 1.1693956 1.1781275 1.1864378 1.1731361 1.1412498 1.108096\n", + " 1.0862913 1.0763702 1.074931 1.0744725 1.0693573 1.0593785 0.\n", + " 0. 0. 0. ]\n", + " [1.1930792 1.1873057 1.1979536 1.2075129 1.1938508 1.157034 1.1195191\n", + " 1.0949173 1.084734 1.0833127 1.0841963 1.078862 1.0686064 0.\n", + " 0. 0. 0. ]\n", + " [1.2029903 1.1971147 1.2055674 1.2140377 1.1999748 1.164104 1.1260679\n", + " 1.1009057 1.0893497 1.0866423 1.0873638 1.081374 1.07047 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1865232 1.1804161 1.188998 1.1976551 1.185706 1.1526392 1.1175857\n", + " 1.0931647 1.0816902 1.0782101 1.0775698 1.0720145 1.0630958 1.0538731\n", + " 1.0501937 0. 0. 0. 0. 0. 0. ]\n", + " [1.1695353 1.167306 1.1783944 1.1870867 1.1751004 1.1418504 1.1072944\n", + " 1.0845436 1.0727136 1.0695069 1.0674965 1.0617648 1.0534874 1.0459791\n", + " 1.0430377 1.0442247 1.0490683 1.0538986 1.0563325 1.0569136 1.0587937]\n", + " [1.1845468 1.1814644 1.1930909 1.2027464 1.1915064 1.1572412 1.120535\n", + " 1.0950229 1.082528 1.0779095 1.0751677 1.069267 1.0596838 1.0509149\n", + " 1.0474261 1.0496808 1.054769 1.0595342 1.0617874 1.0626187 1.0639935]\n", + " [1.1758764 1.1731628 1.1834974 1.1907978 1.1789516 1.1434938 1.1076101\n", + " 1.083946 1.072956 1.0704284 1.0701627 1.0657979 1.0566801 1.0492169\n", + " 1.045454 1.0472159 1.0523155 1.0574869 0. 0. 0. ]\n", + " [1.1780283 1.1726166 1.1819879 1.1909381 1.1784462 1.1437933 1.1089425\n", + " 1.0860951 1.0758516 1.0740964 1.074083 1.0693105 1.0594285 1.0506567\n", + " 1.0465746 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1908336 1.1849023 1.1963365 1.2069389 1.1949359 1.1600555 1.1220548\n", + " 1.0973867 1.0862353 1.0841233 1.084211 1.0779974 1.0668129 1.0570676\n", + " 1.0529604 0. 0. 0. 0. 0. 0. ]\n", + " [1.194447 1.1916881 1.203098 1.212726 1.199123 1.1634904 1.1254342\n", + " 1.0992615 1.0859092 1.0815756 1.0793098 1.0725878 1.0625837 1.0540923\n", + " 1.0499116 1.0524882 1.0580236 1.0632608 1.065946 1.0668135 0. ]\n", + " [1.1784053 1.1739233 1.1837401 1.1921108 1.1802199 1.1468302 1.1116052\n", + " 1.0873157 1.0758388 1.0727003 1.0724262 1.0681107 1.0597323 1.0509633\n", + " 1.0471977 1.0483774 1.0535982 1.0588768 0. 0. 0. ]\n", + " [1.1867741 1.183998 1.1939659 1.2030926 1.189273 1.1555998 1.1198133\n", + " 1.0955961 1.0829701 1.0779753 1.0752411 1.0682044 1.0588794 1.0507537\n", + " 1.0475318 1.0498089 1.0555588 1.0611502 1.0632576 1.0638406 1.0652738]\n", + " [1.1584772 1.157116 1.1676437 1.1762179 1.1650321 1.1327366 1.1002364\n", + " 1.0785283 1.067164 1.0640161 1.0622723 1.0572289 1.0490799 1.0418726\n", + " 1.0388788 1.0399994 1.0446217 1.0496092 1.0520995 1.0532074 0. ]]\n", + "[[1.1696863 1.1645856 1.174499 1.1831613 1.1724766 1.1402646 1.106449\n", + " 1.0840598 1.0732344 1.0702848 1.069079 1.0638689 1.0546739 1.0462791\n", + " 1.0426661 1.044629 1.0495703 1.0550398 0. 0. 0. ]\n", + " [1.1812567 1.1759707 1.1872176 1.1973531 1.1852858 1.1500874 1.1131482\n", + " 1.0889752 1.0782495 1.0768783 1.0775073 1.0724574 1.062578 1.0531665\n", + " 1.0489427 0. 0. 0. 0. 0. 0. ]\n", + " [1.1607618 1.1586294 1.1692884 1.1787989 1.167053 1.1356274 1.1030388\n", + " 1.0808411 1.0695627 1.0664818 1.0650508 1.0601102 1.0514756 1.0437535\n", + " 1.0407333 1.0422406 1.0469178 1.0517954 1.0546169 0. 0. ]\n", + " [1.1626272 1.1596875 1.1697541 1.1782755 1.1658936 1.1337507 1.1008772\n", + " 1.0786424 1.0685326 1.065655 1.0655347 1.0610633 1.0525703 1.0449971\n", + " 1.0419635 1.0434378 1.0485889 1.0535002 0. 0. 0. ]\n", + " [1.1565977 1.1549221 1.1657144 1.1755369 1.1643273 1.1323804 1.099582\n", + " 1.0781902 1.0673785 1.0635719 1.0622422 1.0575622 1.0495057 1.0428911\n", + " 1.0396333 1.040825 1.0449626 1.0492916 1.0515715 1.0524999 1.0537932]]\n", + "[[1.187412 1.1838276 1.195159 1.2040081 1.1907196 1.1545591 1.1177064\n", + " 1.0928943 1.0810056 1.0779982 1.0761435 1.0702066 1.0596439 1.0512927\n", + " 1.0474594 1.0493882 1.0554638 1.0608087 1.0630865]\n", + " [1.1597438 1.1568252 1.1658506 1.1730496 1.1615632 1.1293786 1.0968183\n", + " 1.0761734 1.0664004 1.0638425 1.0638558 1.0597832 1.0518224 1.0442039\n", + " 1.040773 1.0424267 1.0473534 0. 0. ]\n", + " [1.1545143 1.1509578 1.1595464 1.1678183 1.1563879 1.1265359 1.0955508\n", + " 1.0745934 1.0649786 1.0623952 1.0622776 1.0579299 1.0505869 1.0433499\n", + " 1.0401489 1.0414115 1.0461211 0. 0. ]\n", + " [1.1640524 1.1589069 1.1680565 1.1760643 1.165577 1.1347021 1.101886\n", + " 1.0798881 1.0702721 1.0687491 1.06904 1.0647346 1.0562173 1.0477319\n", + " 1.0434186 1.0450343 0. 0. 0. ]\n", + " [1.1737151 1.1692526 1.1787858 1.1876962 1.1758405 1.1426634 1.1080325\n", + " 1.0852059 1.0747176 1.0720273 1.0722907 1.0676858 1.0584147 1.0500506\n", + " 1.0464698 1.0480406 0. 0. 0. ]]\n", + "[[1.1917092 1.1870571 1.1974237 1.2056531 1.1927462 1.15388 1.1157107\n", + " 1.0913997 1.0801816 1.0796748 1.0803287 1.0750501 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1626877 1.1597422 1.1693887 1.1791143 1.1672308 1.1362277 1.1035031\n", + " 1.0810609 1.0698231 1.0661341 1.0640302 1.0588174 1.0500717 1.042674\n", + " 1.0393445 1.0408168 1.04554 1.0501102 1.0524517 1.0536593 0. ]\n", + " [1.1543561 1.1513112 1.1610312 1.1697719 1.1584193 1.1272413 1.0956283\n", + " 1.0750825 1.0645112 1.0607624 1.0596714 1.0546145 1.0468942 1.0398408\n", + " 1.0369303 1.0387893 1.0430466 1.0477135 1.0499669 1.0511652 0. ]\n", + " [1.1871536 1.1808771 1.1890551 1.1980498 1.1860857 1.1511967 1.1155567\n", + " 1.0917464 1.0814224 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.163701 1.1609608 1.1712221 1.1798402 1.1677301 1.136686 1.1046975\n", + " 1.0827075 1.0713075 1.066595 1.0643867 1.0583388 1.0496266 1.0425833\n", + " 1.0400193 1.0421336 1.0472226 1.0517169 1.0542136 1.0553193 1.0568575]]\n", + "[[1.1726044 1.16849 1.1776117 1.1854991 1.1714736 1.1389924 1.1061532\n", + " 1.0839592 1.0735977 1.0718118 1.0715318 1.0672797 1.0590857 1.0508335\n", + " 1.0475183 0. 0. 0. 0. ]\n", + " [1.1795105 1.1769598 1.1886584 1.1980901 1.184137 1.1480248 1.111288\n", + " 1.0873864 1.0765477 1.0744399 1.0742242 1.0692577 1.0597599 1.0509521\n", + " 1.0469687 1.0483477 1.0534347 1.0588691 0. ]\n", + " [1.165064 1.161195 1.1702268 1.1782832 1.1654149 1.1339209 1.1017377\n", + " 1.0809376 1.070746 1.0682734 1.0678902 1.0635899 1.0554746 1.0477235\n", + " 1.0442054 1.0459117 1.0508738 0. 0. ]\n", + " [1.181421 1.1771579 1.1871852 1.1957312 1.1817282 1.1476591 1.1122272\n", + " 1.0879475 1.0767932 1.0734788 1.0720879 1.0663524 1.0569321 1.0488294\n", + " 1.0449202 1.04715 1.0525553 1.0574814 1.0598463]\n", + " [1.1673609 1.1626838 1.1723721 1.1812823 1.1693419 1.1373535 1.103539\n", + " 1.0812557 1.0707688 1.0680391 1.0681105 1.0630519 1.054828 1.0470713\n", + " 1.0433085 1.0451878 1.0504274 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1622787 1.1580666 1.1678952 1.1766275 1.1653464 1.1332314 1.1006358\n", + " 1.0795008 1.069938 1.0689595 1.0690109 1.0645334 1.0548912 1.0465312\n", + " 1.0426205 1.0443332 0. 0. 0. 0. ]\n", + " [1.1580459 1.1540203 1.1623914 1.1698891 1.1581614 1.1274662 1.0958245\n", + " 1.0757638 1.0659747 1.0648768 1.0649463 1.0606121 1.0522279 1.0447769\n", + " 1.0413965 1.0432792 0. 0. 0. 0. ]\n", + " [1.2073905 1.2026992 1.212484 1.2209508 1.206403 1.1684152 1.1302782\n", + " 1.1037854 1.0902476 1.0856671 1.0831443 1.0759329 1.0656145 1.0563366\n", + " 1.0531576 1.0554018 1.0618731 1.0676255 1.070276 1.071237 ]\n", + " [1.1581056 1.1551573 1.1641994 1.1729904 1.1617571 1.130797 1.0984918\n", + " 1.0777265 1.0677752 1.0659596 1.0654422 1.0613211 1.0527217 1.0449792\n", + " 1.0414058 1.0427352 1.0475678 0. 0. 0. ]\n", + " [1.1764808 1.1726111 1.1827528 1.1912647 1.178124 1.1443235 1.109939\n", + " 1.0866513 1.0752814 1.0721709 1.0716852 1.0663416 1.0570763 1.0490762\n", + " 1.045167 1.0469258 1.0520966 1.0568075 0. 0. ]]\n", + "[[1.1819323 1.1762407 1.1859443 1.1946051 1.1821767 1.1479706 1.1120759\n", + " 1.0883524 1.07715 1.0742918 1.0742992 1.0695195 1.059921 1.0512521\n", + " 1.0475308 1.0497637 1.0559945 0. 0. 0. 0. ]\n", + " [1.1614578 1.1592348 1.1694732 1.1776122 1.1658154 1.1336572 1.1006193\n", + " 1.079474 1.0691818 1.0661355 1.0642315 1.0590956 1.0505402 1.0433688\n", + " 1.0404029 1.0420835 1.0468322 1.0516603 1.0537809 1.0546064 1.0560471]\n", + " [1.1756878 1.1708703 1.1806289 1.1900262 1.1783965 1.1456838 1.1110325\n", + " 1.0873251 1.0760013 1.074451 1.0742556 1.0695156 1.0597323 1.0506358\n", + " 1.0463268 1.047905 0. 0. 0. 0. 0. ]\n", + " [1.1794378 1.173797 1.1828225 1.1903245 1.1792893 1.1475077 1.1127901\n", + " 1.0895777 1.0784307 1.0754982 1.0755352 1.0707678 1.0613273 1.052923\n", + " 1.0489491 0. 0. 0. 0. 0. 0. ]\n", + " [1.1572092 1.1544282 1.1639132 1.1724482 1.1611457 1.1291857 1.0975387\n", + " 1.0760186 1.0661225 1.0635265 1.0624751 1.0575335 1.049157 1.0418035\n", + " 1.0386684 1.040386 1.0451819 1.0498273 1.0523263 0. 0. ]]\n", + "[[1.1762394 1.1721841 1.1816037 1.1902633 1.1750693 1.1401289 1.1064814\n", + " 1.0846908 1.0747507 1.0742613 1.0748218 1.0694745 1.0602791 1.0513568\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1758697 1.1710547 1.1811285 1.1884661 1.1751995 1.1407893 1.1065125\n", + " 1.0842195 1.0747812 1.0736835 1.0740893 1.0694051 1.0596374 1.0511781\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1794395 1.176435 1.1871302 1.1955314 1.1840639 1.149147 1.1135597\n", + " 1.089768 1.077666 1.0743997 1.0731453 1.0671085 1.058236 1.0498306\n", + " 1.046026 1.0478683 1.0529562 1.058322 1.0605655 0. ]\n", + " [1.1653621 1.1626279 1.1718298 1.17955 1.1669976 1.1340854 1.101705\n", + " 1.0803863 1.0699 1.0665305 1.0654054 1.0597475 1.0513908 1.0437236\n", + " 1.0402938 1.0421824 1.046208 1.0509019 1.05369 1.0543722]\n", + " [1.1764734 1.1734083 1.1845089 1.1922717 1.1801621 1.1450583 1.10921\n", + " 1.0864589 1.0755477 1.0742015 1.074238 1.0682864 1.0583087 1.0492402\n", + " 1.045204 1.0467677 1.052378 0. 0. 0. ]]\n", + "[[1.157129 1.1552501 1.1663554 1.176086 1.1647925 1.1328207 1.100542\n", + " 1.078966 1.0676488 1.0642679 1.0621307 1.0566137 1.0478729 1.0409256\n", + " 1.0378911 1.0397438 1.0438516 1.0487567 1.051384 1.0521493 1.0537037\n", + " 1.0570837]\n", + " [1.1797223 1.1767112 1.1882468 1.1969757 1.1850426 1.1495525 1.1132436\n", + " 1.088877 1.0771264 1.073103 1.0719414 1.0664297 1.0568694 1.0482097\n", + " 1.0447034 1.0468102 1.052038 1.0577246 1.0603427 0. 0.\n", + " 0. ]\n", + " [1.1718938 1.1699618 1.1794711 1.1886123 1.1766987 1.1450691 1.1115125\n", + " 1.0886402 1.0765815 1.0716578 1.0692875 1.0628412 1.0531216 1.0457927\n", + " 1.0426688 1.0448264 1.0493901 1.054677 1.0563158 1.0571426 1.0582236\n", + " 0. ]\n", + " [1.1915237 1.1854321 1.1957369 1.2044692 1.189468 1.1528664 1.1154499\n", + " 1.0911298 1.0801972 1.0795515 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1837646 1.1783867 1.187161 1.1937034 1.1804521 1.1458132 1.1107191\n", + " 1.0871805 1.0773642 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1851051 1.180845 1.1914675 1.1992723 1.1866682 1.1513107 1.1147052\n", + " 1.0903611 1.0788281 1.0758603 1.0752064 1.0703039 1.0604401 1.0519712\n", + " 1.0480577 1.049862 1.0556005 1.0608654 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1646695 1.1627667 1.174293 1.1837609 1.1722362 1.1392366 1.1050092\n", + " 1.0823517 1.0710216 1.0678207 1.0662131 1.0610547 1.0525005 1.0449332\n", + " 1.0416467 1.0426078 1.0473609 1.0522784 1.0549693 1.0559504 0.\n", + " 0. 0. ]\n", + " [1.1910684 1.1866255 1.1987118 1.209076 1.1961441 1.1581465 1.1189966\n", + " 1.0940316 1.0835433 1.0834789 1.0846024 1.0792001 1.0678201 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1556065 1.154821 1.1656393 1.1760534 1.1651669 1.1331228 1.0998213\n", + " 1.0786114 1.0681279 1.0644376 1.0628378 1.0569998 1.0486195 1.0411365\n", + " 1.0382751 1.0401288 1.0446391 1.0490268 1.051506 1.0521928 1.0532049\n", + " 1.057032 1.0636531]\n", + " [1.1590207 1.1559762 1.166121 1.1756191 1.1646037 1.1332703 1.1011733\n", + " 1.0793761 1.06831 1.0642372 1.0626845 1.0573434 1.0492858 1.0419605\n", + " 1.0390692 1.0404723 1.0449705 1.0494062 1.0520927 1.0531969 1.0545737\n", + " 0. 0. ]]\n", + "[[1.1566834 1.1539365 1.1628947 1.1718107 1.1596205 1.1281329 1.0959965\n", + " 1.0751793 1.0656445 1.063202 1.0625429 1.0574863 1.0490991 1.0419676\n", + " 1.0388455 1.0403599 1.0447261 1.0492629 1.0518705 0. ]\n", + " [1.1632068 1.1592952 1.1678234 1.1755209 1.161495 1.1299587 1.0981547\n", + " 1.0780602 1.0696152 1.0680751 1.0687073 1.063957 1.0551537 1.0469265\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1641743 1.1594541 1.1686984 1.1773001 1.1652486 1.1334817 1.101602\n", + " 1.0803703 1.0695295 1.0659204 1.0640215 1.0587395 1.0502561 1.0430884\n", + " 1.0398415 1.0419159 1.0468873 1.0517771 1.0542344 1.0550462]\n", + " [1.1671023 1.1631985 1.172338 1.1802772 1.1678946 1.1351591 1.102379\n", + " 1.0803931 1.0705235 1.0683208 1.0676719 1.0631316 1.0542595 1.0464804\n", + " 1.0429554 1.0446541 1.0494883 1.0542063 0. 0. ]\n", + " [1.1677558 1.1648947 1.1754504 1.1840131 1.1735069 1.141257 1.1072801\n", + " 1.084678 1.0740157 1.0718452 1.0718886 1.0672122 1.058796 1.0505298\n", + " 1.0467438 0. 0. 0. 0. 0. ]]\n", + "[[1.1438396 1.1396911 1.1479009 1.1555077 1.146085 1.1183214 1.0893166\n", + " 1.0695144 1.0604669 1.0578829 1.0586249 1.0552821 1.0479406 1.0415013\n", + " 1.0382336 1.0394824 0. 0. ]\n", + " [1.1565074 1.1542434 1.1640545 1.1719731 1.1605685 1.128889 1.097578\n", + " 1.0769075 1.0670413 1.0648817 1.063753 1.0596213 1.0515695 1.0439432\n", + " 1.0407254 1.0422864 1.0473211 0. ]\n", + " [1.1827586 1.1788359 1.1888274 1.198586 1.186778 1.1522754 1.1163436\n", + " 1.0922359 1.0806714 1.0772866 1.0770283 1.0716169 1.0622979 1.0533571\n", + " 1.0492786 1.0515429 1.057425 0. ]\n", + " [1.1802225 1.1753778 1.1848681 1.1922141 1.1785517 1.1456428 1.1110646\n", + " 1.088575 1.0770655 1.0746806 1.0732594 1.067395 1.058023 1.0497911\n", + " 1.0463605 1.0489782 1.0548882 1.0601475]\n", + " [1.1526662 1.1484327 1.1546615 1.1608326 1.1492157 1.1211915 1.0920186\n", + " 1.0718585 1.0623924 1.0591222 1.0589354 1.0551745 1.0483663 1.0417247\n", + " 1.0385278 1.0399843 1.0447227 0. ]]\n", + "[[1.1778357 1.1739864 1.1848673 1.1944302 1.1810075 1.1466316 1.1114333\n", + " 1.0877283 1.0767578 1.0745635 1.074097 1.0689344 1.0602084 1.0514823\n", + " 1.0475694 1.0494846 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1709106 1.1659899 1.1762996 1.185539 1.1737552 1.1405921 1.1062338\n", + " 1.0839417 1.0740131 1.0721686 1.0718585 1.0669074 1.0575038 1.0488337\n", + " 1.0450668 1.0470669 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1566377 1.156309 1.166516 1.175556 1.1641256 1.1333826 1.1006156\n", + " 1.0787091 1.0672721 1.0636874 1.0617285 1.0564582 1.0481008 1.041334\n", + " 1.0385036 1.0396036 1.043865 1.0483196 1.0505674 1.0516748 1.0530546\n", + " 0. 0. ]\n", + " [1.1546967 1.1535281 1.16299 1.1709263 1.1590779 1.1281067 1.096933\n", + " 1.0765632 1.0657451 1.0624212 1.0605022 1.0548329 1.047176 1.0405716\n", + " 1.0378166 1.0396276 1.0442982 1.0483011 1.0505282 1.0514284 1.0528681\n", + " 1.0563971 0. ]\n", + " [1.1567243 1.1547514 1.1655889 1.1745285 1.1632189 1.1323673 1.1000799\n", + " 1.0785726 1.0677619 1.0639253 1.0621507 1.0568172 1.0484143 1.0419471\n", + " 1.0389299 1.0408169 1.0457777 1.0503466 1.0527766 1.0533007 1.0546557\n", + " 1.0581112 1.0652217]]\n", + "[[1.1484061 1.1448398 1.1532568 1.1611378 1.1495821 1.1204294 1.0906764\n", + " 1.0712653 1.0621748 1.0601447 1.0603368 1.0562676 1.048716 1.0415424\n", + " 1.0381819 1.0399804 0. 0. ]\n", + " [1.1681536 1.1648257 1.1760807 1.1859137 1.1736128 1.1399829 1.1053215\n", + " 1.08245 1.0718932 1.0692782 1.0690684 1.064289 1.0555862 1.0474441\n", + " 1.043573 1.0453192 1.0502411 1.055274 ]\n", + " [1.159687 1.1547518 1.1634022 1.1706185 1.1600437 1.1295955 1.0985385\n", + " 1.0783271 1.0682442 1.0670984 1.0666153 1.0621513 1.0537229 1.045862\n", + " 1.0425166 0. 0. 0. ]\n", + " [1.1660787 1.1618026 1.1713545 1.1784106 1.1672682 1.1348965 1.1011783\n", + " 1.0791475 1.0689039 1.0668242 1.0658011 1.0611275 1.0525993 1.0452155\n", + " 1.0420333 1.0441858 1.0491965 1.0541536]\n", + " [1.1775199 1.1724625 1.182435 1.191485 1.1792576 1.1462343 1.1113868\n", + " 1.0881073 1.0766131 1.0743111 1.0740044 1.0690032 1.0598038 1.0514934\n", + " 1.0474735 1.0494181 1.0548141 0. ]]\n", + "[[1.1707022 1.166775 1.176439 1.1853637 1.1736044 1.140509 1.1057744\n", + " 1.0832373 1.0721256 1.0692147 1.0690314 1.0644077 1.0553669 1.0475048\n", + " 1.0441186 1.045872 1.0516016 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1740338 1.1711553 1.1826231 1.1922331 1.1790587 1.1439451 1.1081108\n", + " 1.0844796 1.0732902 1.0699446 1.0689311 1.063925 1.0549742 1.0471255\n", + " 1.0434275 1.0451432 1.0502805 1.0550991 1.0575604 0. 0.\n", + " 0. 0. ]\n", + " [1.1605355 1.1585618 1.1689218 1.1776443 1.1654004 1.1324053 1.1000402\n", + " 1.0788817 1.0685191 1.065419 1.0635641 1.0586462 1.0503557 1.0428989\n", + " 1.0396218 1.0410228 1.0457138 1.0501941 1.0523787 1.0533186 1.0551125\n", + " 0. 0. ]\n", + " [1.157721 1.153551 1.1628985 1.1710482 1.1625487 1.1337972 1.103074\n", + " 1.0816593 1.0705646 1.0659641 1.0632882 1.0573071 1.0492735 1.0423304\n", + " 1.0394516 1.0411174 1.0459697 1.0503938 1.0528326 1.0538731 1.0550567\n", + " 1.0582434 1.065547 ]\n", + " [1.1705129 1.1673301 1.1783359 1.186903 1.1760644 1.1420503 1.1063484\n", + " 1.0829655 1.0711796 1.0685475 1.0678061 1.0633296 1.0545498 1.0469384\n", + " 1.0430973 1.0446615 1.0493847 1.0541749 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1584271 1.1560903 1.1662649 1.1748949 1.1643246 1.132515 1.1009427\n", + " 1.0795963 1.0686184 1.0643519 1.0625494 1.0570934 1.0488907 1.042327\n", + " 1.0393319 1.0409113 1.0451943 1.0495116 1.0521398 1.053458 1.0547185\n", + " 1.0582632]\n", + " [1.1820421 1.1782014 1.189167 1.1987474 1.1861765 1.1510323 1.114709\n", + " 1.0901309 1.0792973 1.0770214 1.0776417 1.0726324 1.0635153 1.0542296\n", + " 1.0501573 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1529049 1.1496804 1.158842 1.1668321 1.1555545 1.1252553 1.0946299\n", + " 1.074369 1.0643015 1.0613095 1.0601276 1.0554856 1.0477214 1.040643\n", + " 1.0376658 1.0392565 1.0433217 1.0474768 1.0495842 0. 0.\n", + " 0. ]\n", + " [1.1890316 1.1857973 1.1957775 1.2043617 1.1907784 1.1563085 1.1201007\n", + " 1.0960736 1.0837489 1.0794727 1.0773271 1.0709951 1.0611619 1.0524195\n", + " 1.048618 1.050893 1.0565735 1.0619051 1.0644921 0. 0.\n", + " 0. ]\n", + " [1.170803 1.1669015 1.1763206 1.1834522 1.1708703 1.1378014 1.1044818\n", + " 1.0829985 1.0732203 1.071059 1.0710046 1.0659769 1.0568932 1.0488448\n", + " 1.0451206 1.0471944 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1681422 1.1646178 1.1746625 1.1839632 1.170961 1.1384665 1.1035473\n", + " 1.0816019 1.0711277 1.0696093 1.0690223 1.0646415 1.055738 1.0475575\n", + " 1.0436074 1.0452029 1.0503125 0. 0. 0. 0. ]\n", + " [1.1820618 1.1763661 1.1853695 1.193829 1.1819847 1.148237 1.1121813\n", + " 1.0887874 1.0777485 1.074961 1.0750096 1.070058 1.0611452 1.0523214\n", + " 1.0483071 1.050491 0. 0. 0. 0. 0. ]\n", + " [1.154657 1.1515406 1.1615226 1.1697434 1.159014 1.1279037 1.0958763\n", + " 1.0743861 1.0651703 1.0629146 1.0628828 1.058285 1.050154 1.0428654\n", + " 1.0393758 1.0408685 1.045896 0. 0. 0. 0. ]\n", + " [1.1855576 1.1821388 1.1918848 1.2009425 1.1881299 1.1537247 1.1177026\n", + " 1.0929631 1.0798936 1.0757489 1.0738328 1.067847 1.0586659 1.0506301\n", + " 1.047298 1.0492009 1.0544865 1.0599246 1.0623325 1.0628953 1.0644138]\n", + " [1.17685 1.1724305 1.1826519 1.1918278 1.18005 1.1464556 1.1109165\n", + " 1.0868096 1.0757489 1.0727525 1.0719475 1.0675676 1.0584762 1.0499681\n", + " 1.0464389 1.0481256 1.0534381 1.0588 0. 0. 0. ]]\n", + "[[1.1729751 1.1683059 1.179031 1.187343 1.1738183 1.1396272 1.1043295\n", + " 1.0811025 1.0704851 1.0686433 1.0681716 1.0633632 1.0545564 1.0466994\n", + " 1.0433711 1.0454202 1.0509373 1.0562153]\n", + " [1.1672995 1.1639155 1.1750611 1.1841397 1.1728905 1.1399933 1.1062276\n", + " 1.0834647 1.0728335 1.0697365 1.068916 1.0636595 1.0550205 1.0466906\n", + " 1.0435607 1.0452765 1.0505288 1.0555344]\n", + " [1.1727232 1.1675811 1.1757133 1.1835369 1.1694586 1.1359748 1.1034932\n", + " 1.0820017 1.0726995 1.0714551 1.0718336 1.066706 1.0576231 1.0495653\n", + " 1.0460175 0. 0. 0. ]\n", + " [1.1624272 1.1598301 1.1697109 1.1783884 1.1659174 1.1339866 1.1010752\n", + " 1.0796909 1.0701565 1.0676029 1.0679526 1.0631241 1.0534642 1.0454131\n", + " 1.0420614 1.043856 1.0493188 0. ]\n", + " [1.1590481 1.1545043 1.1639435 1.1716982 1.1606958 1.1295683 1.0971193\n", + " 1.0761185 1.0663936 1.0645812 1.0648803 1.0606483 1.0522673 1.0444887\n", + " 1.0409404 1.042424 1.0476928 0. ]]\n", + "[[1.1848415 1.1801538 1.1894865 1.19811 1.1851103 1.150195 1.114478\n", + " 1.0911912 1.0798945 1.0769334 1.0757985 1.0702739 1.0601829 1.0515425\n", + " 1.0477546 1.0499265 1.0555696 1.0610738 0. 0. ]\n", + " [1.1677603 1.1638047 1.1733804 1.1826847 1.1704782 1.1376457 1.1039939\n", + " 1.0815381 1.070776 1.068229 1.0671779 1.0631592 1.0547148 1.0470871\n", + " 1.0431454 1.0445191 1.0494996 1.0546037 0. 0. ]\n", + " [1.1625051 1.1595712 1.1711478 1.1796385 1.1677661 1.1350927 1.1012342\n", + " 1.0790715 1.0689214 1.0664403 1.0663655 1.0611668 1.0522497 1.0440108\n", + " 1.0406113 1.0422671 1.0473866 1.0525535 0. 0. ]\n", + " [1.1766167 1.1730342 1.183634 1.192987 1.180599 1.1472138 1.1126496\n", + " 1.0887283 1.0763623 1.0723535 1.07063 1.0648865 1.0561962 1.0484086\n", + " 1.0451885 1.0466936 1.0520135 1.0568455 1.0589731 1.0598363]\n", + " [1.1649477 1.1613003 1.1725639 1.1825987 1.1711977 1.1381283 1.1038741\n", + " 1.081155 1.0700496 1.0674931 1.0665435 1.0613875 1.0520154 1.044385\n", + " 1.04067 1.04224 1.0466998 1.0518535 1.0540243 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1894524 1.184076 1.1949757 1.203456 1.1899267 1.1532199 1.1164153\n", + " 1.0922048 1.0816945 1.0800319 1.0809911 1.0759208 1.0659506 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.17267 1.1704967 1.1813694 1.1916192 1.1790049 1.1458812 1.1107323\n", + " 1.0868295 1.0754575 1.072898 1.0727439 1.0679728 1.0587622 1.0502133\n", + " 1.0463209 1.048028 1.0534706 0. 0. ]\n", + " [1.1673393 1.1654223 1.1757184 1.1838117 1.1717929 1.1387116 1.1049869\n", + " 1.082618 1.0715245 1.0680639 1.0670327 1.0619473 1.052996 1.045289\n", + " 1.0417792 1.043446 1.0480893 1.0528365 1.0558157]\n", + " [1.1858361 1.1825066 1.1929849 1.2010157 1.1887273 1.154568 1.1188563\n", + " 1.0941303 1.0822383 1.0791112 1.0776217 1.0718741 1.0615778 1.0531621\n", + " 1.0491707 1.0514262 1.057216 1.062414 0. ]\n", + " [1.1761692 1.171563 1.1811274 1.1890355 1.1767714 1.1420038 1.1067057\n", + " 1.0837379 1.072832 1.0700368 1.0698118 1.0648924 1.0566413 1.0486286\n", + " 1.0450346 1.0466216 1.0515794 1.0567652 0. ]]\n", + "[[1.1561447 1.1538917 1.1652904 1.1754324 1.1643299 1.1324674 1.0996226\n", + " 1.0778707 1.0672404 1.0634799 1.0619934 1.0567272 1.0483525 1.041517\n", + " 1.03843 1.0404096 1.0449079 1.0492263 1.051374 1.051715 1.0533034\n", + " 1.056584 1.0634574]\n", + " [1.1609186 1.1589879 1.1688246 1.1777247 1.165549 1.1337572 1.1014857\n", + " 1.0793738 1.0680736 1.0653858 1.0639224 1.0583985 1.0494812 1.0422055\n", + " 1.0391071 1.0407594 1.0449688 1.0495219 1.0520818 1.0534525 0.\n", + " 0. 0. ]\n", + " [1.1598442 1.1577601 1.1687051 1.1771168 1.1670742 1.1359112 1.1027905\n", + " 1.0803175 1.068781 1.0651766 1.0632734 1.0576191 1.0500191 1.0428877\n", + " 1.0395944 1.0412102 1.0456575 1.0505656 1.052655 1.0534545 1.0545828\n", + " 0. 0. ]\n", + " [1.1729991 1.170685 1.1817827 1.1892469 1.177084 1.1433098 1.10868\n", + " 1.0854751 1.074146 1.070357 1.0685349 1.0626633 1.0541981 1.046556\n", + " 1.0433571 1.0447073 1.0496361 1.0545194 1.0566458 1.0576317 0.\n", + " 0. 0. ]\n", + " [1.209218 1.2032931 1.2126226 1.220261 1.2063485 1.168874 1.1298611\n", + " 1.1035349 1.0921962 1.0902323 1.0893908 1.0834817 1.0724319 1.0619161\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1666826 1.16267 1.1722816 1.1812415 1.1692859 1.1367042 1.1034138\n", + " 1.0813136 1.0705656 1.0683746 1.0677612 1.0638602 1.0553858 1.0471405\n", + " 1.0434533 1.0449133 1.0501677 0. 0. 0. ]\n", + " [1.1705964 1.1673955 1.1771578 1.1841242 1.1716845 1.1389309 1.1055238\n", + " 1.0833015 1.0721942 1.0690743 1.0670735 1.0620792 1.053225 1.0454377\n", + " 1.0419407 1.0438641 1.0486901 1.0535036 1.0558343 0. ]\n", + " [1.1693251 1.1675853 1.179157 1.1882489 1.1758838 1.1419863 1.1070707\n", + " 1.0843164 1.0730085 1.06938 1.067519 1.0622483 1.053347 1.0455049\n", + " 1.0419667 1.043677 1.0485351 1.0534061 1.0561405 1.0573118]\n", + " [1.1669958 1.1634108 1.1734277 1.1824431 1.1719295 1.1391041 1.105298\n", + " 1.0829964 1.0726647 1.0707238 1.070765 1.0661507 1.0570743 1.0488287\n", + " 1.0449783 1.0466242 0. 0. 0. 0. ]\n", + " [1.1621362 1.1579142 1.167748 1.1777496 1.1657428 1.1346135 1.1015215\n", + " 1.0799803 1.0696987 1.067961 1.0669314 1.0624292 1.053235 1.044848\n", + " 1.0413876 1.0432587 1.0484772 0. 0. 0. ]]\n", + "[[1.1910882 1.185783 1.1951325 1.2017506 1.1907071 1.1568067 1.1209791\n", + " 1.0963125 1.0844579 1.0809822 1.079824 1.0742719 1.0638777 1.0554216\n", + " 1.0516578 1.0539411 1.0599087 0. ]\n", + " [1.1646504 1.1611972 1.1724509 1.1811954 1.1691922 1.1362453 1.1026702\n", + " 1.0807993 1.0707108 1.0693151 1.0690295 1.0638928 1.0553637 1.0471644\n", + " 1.0432538 1.0447279 1.0499191 0. ]\n", + " [1.1740212 1.1678497 1.1758573 1.1834254 1.1730351 1.1413534 1.1084536\n", + " 1.0866107 1.0764395 1.0747682 1.0748422 1.0705106 1.0615103 1.0524664\n", + " 1.0480216 0. 0. 0. ]\n", + " [1.168165 1.1638632 1.1725069 1.1804671 1.1692858 1.1375316 1.1047041\n", + " 1.0822985 1.0715338 1.0686563 1.0687163 1.0640596 1.055157 1.0475847\n", + " 1.0440234 1.0458418 1.0511307 0. ]\n", + " [1.1936097 1.1901535 1.2005953 1.2097312 1.1963462 1.1593151 1.1208851\n", + " 1.0947777 1.0826776 1.0788379 1.0791035 1.0737756 1.0638348 1.0550227\n", + " 1.0504969 1.05256 1.0583261 1.0636535]]\n", + "[[1.1705908 1.168168 1.1791713 1.1887072 1.1758612 1.1421448 1.106864\n", + " 1.0838846 1.0726086 1.071013 1.0709122 1.0661898 1.0570523 1.0488447\n", + " 1.0447026 1.046513 1.052087 0. 0. 0. ]\n", + " [1.187087 1.1831815 1.193423 1.2019496 1.1901498 1.1554008 1.1190225\n", + " 1.0942508 1.0819777 1.0794675 1.078554 1.07294 1.0624152 1.0536724\n", + " 1.0494016 1.0513378 1.0570866 1.0625012 0. 0. ]\n", + " [1.1878042 1.1849439 1.1958497 1.2050197 1.1915053 1.1567211 1.1203105\n", + " 1.0951828 1.082846 1.0782341 1.0761635 1.070146 1.0603871 1.0518562\n", + " 1.0477366 1.0501099 1.0554252 1.0605302 1.0629655 1.0636234]\n", + " [1.20592 1.1998796 1.2095369 1.2191522 1.2049332 1.1667854 1.1277502\n", + " 1.1020176 1.0906168 1.089158 1.0899386 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2052627 1.1977824 1.2055402 1.2125854 1.198519 1.1619558 1.1251525\n", + " 1.1000624 1.0896806 1.0877137 1.0870473 1.0813918 1.0705547 1.0608636\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1720364 1.1696804 1.1805501 1.1891227 1.1756511 1.1416196 1.1064829\n", + " 1.0839508 1.0726491 1.0697069 1.0680519 1.0629404 1.0538975 1.0461205\n", + " 1.0431194 1.0447001 1.0495389 1.0542053 1.0566934 1.0573324]\n", + " [1.1660612 1.162176 1.1728323 1.1817707 1.1705825 1.1370419 1.1026112\n", + " 1.07973 1.0689342 1.0666723 1.0670097 1.062722 1.0543978 1.0468422\n", + " 1.0430882 1.0446361 1.0496342 1.0547054 0. 0. ]\n", + " [1.1729202 1.170043 1.1802577 1.1878594 1.1754261 1.1413543 1.1058807\n", + " 1.0841112 1.074061 1.0727073 1.0731337 1.0680962 1.0589389 1.0499973\n", + " 1.0463763 1.0484452 0. 0. 0. 0. ]\n", + " [1.1951652 1.190201 1.2000629 1.2081091 1.194377 1.1581588 1.1204534\n", + " 1.0953279 1.0834231 1.0803221 1.080152 1.0749807 1.0657414 1.0567786\n", + " 1.0530206 1.05503 1.0606049 0. 0. 0. ]\n", + " [1.1962445 1.1908453 1.201141 1.209288 1.1957165 1.1591079 1.1222568\n", + " 1.0972277 1.0858248 1.0823278 1.0822363 1.0766748 1.0657704 1.0569596\n", + " 1.0526037 1.0552453 1.0615499 0. 0. 0. ]]\n", + "[[1.1577841 1.1536676 1.1631303 1.1709838 1.160257 1.1283909 1.0969487\n", + " 1.0767643 1.0679699 1.0672474 1.0681448 1.0633297 1.0540984 1.0459644\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1664667 1.1653155 1.1758628 1.185333 1.1729813 1.1395168 1.1060659\n", + " 1.0833905 1.0715816 1.0685737 1.066709 1.060639 1.0523467 1.0445609\n", + " 1.0414603 1.0430759 1.0480499 1.0526977 1.0553106 1.056453 ]\n", + " [1.1750485 1.1706921 1.1816852 1.1906523 1.1799909 1.145134 1.1101925\n", + " 1.0866176 1.0756567 1.0743799 1.0748907 1.0712427 1.0617907 1.0529795\n", + " 1.0488836 0. 0. 0. 0. 0. ]\n", + " [1.1597973 1.1552234 1.1633472 1.1712729 1.1594594 1.1285589 1.0975388\n", + " 1.076014 1.0658073 1.06272 1.0621098 1.0589874 1.0511345 1.0443254\n", + " 1.0411257 1.0426522 1.0477031 0. 0. 0. ]\n", + " [1.1702056 1.166047 1.1772707 1.1863971 1.1757456 1.1420308 1.1062188\n", + " 1.0830622 1.0723569 1.0699427 1.0703543 1.0659599 1.0570631 1.048623\n", + " 1.0446167 1.0461581 1.051428 0. 0. 0. ]]\n", + "[[1.1851382 1.1801555 1.1911218 1.1994678 1.1875466 1.1524096 1.1165066\n", + " 1.0930701 1.081908 1.0808308 1.0811111 1.0752517 1.0649993 1.055486\n", + " 1.0508561 1.0529875 0. 0. ]\n", + " [1.1825639 1.1776294 1.187285 1.1958314 1.1848973 1.1520822 1.1171718\n", + " 1.0933527 1.0813923 1.0787561 1.078323 1.0732619 1.0633718 1.0540366\n", + " 1.0500152 1.0523733 0. 0. ]\n", + " [1.1831388 1.178543 1.188149 1.1956433 1.1839017 1.14882 1.1132432\n", + " 1.0892385 1.0777652 1.0746592 1.0740333 1.0689007 1.0605923 1.0519885\n", + " 1.0482019 1.0502808 1.0557449 0. ]\n", + " [1.1480201 1.1452364 1.1539028 1.161165 1.1504055 1.120811 1.0906659\n", + " 1.0702016 1.0608387 1.0581052 1.058126 1.0538199 1.0466161 1.0397416\n", + " 1.0368975 1.0381024 1.0426447 1.0472213]\n", + " [1.165925 1.1628606 1.1727734 1.1810058 1.1701497 1.1367819 1.1027883\n", + " 1.0808446 1.0717752 1.0698615 1.0704184 1.0648973 1.056253 1.0481795\n", + " 1.0443419 1.0460356 0. 0. ]]\n", + "[[1.1716313 1.1686254 1.178688 1.1877484 1.1763315 1.1432555 1.1084285\n", + " 1.0844613 1.0736804 1.0704694 1.0688604 1.0642675 1.0557793 1.0475142\n", + " 1.0439341 1.0453134 1.0499811 1.0549905 1.0571973 0. ]\n", + " [1.1751909 1.1719896 1.1821275 1.1913967 1.1791675 1.1459928 1.1112988\n", + " 1.0877802 1.0765984 1.0735191 1.0723442 1.0672765 1.057555 1.0488923\n", + " 1.0453218 1.0471592 1.0524038 1.0574516 0. 0. ]\n", + " [1.17551 1.1728456 1.1836104 1.1921409 1.1787447 1.1442065 1.1091964\n", + " 1.0858941 1.0750645 1.0724719 1.0716319 1.0668243 1.0572777 1.0489615\n", + " 1.0450315 1.046994 1.0524801 1.0576124 0. 0. ]\n", + " [1.1792823 1.1749443 1.1862 1.1952975 1.1823026 1.1482815 1.1117612\n", + " 1.0871043 1.0750915 1.0721627 1.0719489 1.0672107 1.058256 1.0498284\n", + " 1.0460708 1.0478225 1.0531014 1.058046 0. 0. ]\n", + " [1.173128 1.1711888 1.1822336 1.1918812 1.178284 1.144617 1.1092987\n", + " 1.0853779 1.0736095 1.0701923 1.0687932 1.0630741 1.0542923 1.0467811\n", + " 1.0429609 1.0451494 1.0499463 1.054866 1.0577265 1.0590937]]\n", + "[[1.1673474 1.1641828 1.1741862 1.1821353 1.1687515 1.1350445 1.1020148\n", + " 1.080657 1.070876 1.0678945 1.067325 1.0617508 1.0532374 1.0452323\n", + " 1.0418682 1.0436018 1.0490572 1.0539494 0. ]\n", + " [1.1693845 1.1664671 1.1777565 1.1878903 1.1751482 1.141141 1.1063205\n", + " 1.0829216 1.0724441 1.0695307 1.0684415 1.0626103 1.0539094 1.0455002\n", + " 1.041688 1.0432844 1.0481117 1.0532559 1.05603 ]\n", + " [1.1600387 1.1551564 1.1631323 1.1709292 1.1601338 1.1315652 1.1013093\n", + " 1.0809166 1.0706074 1.0673623 1.0657883 1.0612481 1.0526221 1.0450059\n", + " 1.0415825 1.0429463 1.0479366 0. 0. ]\n", + " [1.1915071 1.1868352 1.1980497 1.2063917 1.1940522 1.1577734 1.1203626\n", + " 1.0957313 1.0845287 1.0825654 1.0825198 1.077166 1.0664825 1.0568016\n", + " 1.0522263 1.0545703 0. 0. 0. ]\n", + " [1.1676966 1.1627665 1.1729244 1.1829673 1.1720126 1.1393971 1.105086\n", + " 1.0825329 1.0724773 1.0707691 1.071234 1.0666578 1.0577097 1.0490328\n", + " 1.0450431 1.0466864 0. 0. 0. ]]\n", + "[[1.1586288 1.1539174 1.1616828 1.1696428 1.158911 1.1292545 1.098309\n", + " 1.0773699 1.067414 1.0647188 1.0649391 1.060712 1.0530133 1.0453961\n", + " 1.0415692 1.0432005 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1606548 1.1572531 1.1669955 1.1760961 1.1653316 1.1349192 1.1029078\n", + " 1.0813749 1.0703042 1.0667882 1.0647967 1.0590931 1.0504309 1.0433551\n", + " 1.0402536 1.042102 1.0465977 1.051177 1.0535389 1.0542824 1.0557115\n", + " 1.059275 1.0667404]\n", + " [1.1524189 1.1493325 1.1570644 1.1632246 1.1521238 1.1230485 1.0930626\n", + " 1.0725932 1.0624921 1.0599307 1.0591135 1.0547982 1.047312 1.0402678\n", + " 1.0373462 1.0392141 1.0434319 1.0477799 1.0501609 0. 0.\n", + " 0. 0. ]\n", + " [1.1822287 1.179613 1.1887943 1.1972893 1.1839248 1.1500149 1.1149017\n", + " 1.0908127 1.0786765 1.0754447 1.0734999 1.0672989 1.057838 1.0495112\n", + " 1.0459211 1.0478349 1.0534662 1.0588027 1.0611768 0. 0.\n", + " 0. 0. ]\n", + " [1.1691929 1.1640537 1.1727561 1.1803788 1.1697472 1.1377805 1.1040392\n", + " 1.0814507 1.0705118 1.0686114 1.0676486 1.0628798 1.0546947 1.0470855\n", + " 1.0434972 1.0450822 1.0503346 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1734265 1.1710731 1.1825271 1.1923285 1.1800846 1.1462452 1.1109222\n", + " 1.0863857 1.0749189 1.0713106 1.0696205 1.0645304 1.0556593 1.0480865\n", + " 1.0443753 1.0460329 1.0510867 1.0559213 1.0584148 1.0591693 0.\n", + " 0. 0. 0. ]\n", + " [1.167529 1.1646775 1.1752996 1.1848012 1.1722077 1.1384847 1.1053692\n", + " 1.0835255 1.072298 1.0691808 1.0677397 1.062125 1.0531396 1.0455666\n", + " 1.0417603 1.0434415 1.0482193 1.0524458 1.0547825 1.0556364 0.\n", + " 0. 0. 0. ]\n", + " [1.178516 1.1744642 1.1853421 1.1941838 1.1816056 1.1463497 1.1106083\n", + " 1.0864317 1.0759717 1.073528 1.0730225 1.06826 1.0590956 1.0507349\n", + " 1.0470737 1.0487384 1.0544027 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1495337 1.147125 1.1575431 1.1664708 1.1553022 1.1254624 1.0952245\n", + " 1.0751424 1.0648818 1.0616183 1.059764 1.0543072 1.0457972 1.0391518\n", + " 1.0364797 1.0386319 1.0436537 1.0480366 1.0504849 1.0516554 1.0527066\n", + " 1.0559022 1.0627722 1.0715483]\n", + " [1.1730582 1.1662451 1.1745679 1.1820478 1.1685483 1.1368 1.103863\n", + " 1.0827148 1.0730871 1.071377 1.0720128 1.067585 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.186118 1.1819378 1.1917698 1.1991162 1.1872447 1.1523192 1.115903\n", + " 1.0920345 1.0804476 1.0773548 1.0772479 1.0720145 1.0623485 1.0532111\n", + " 1.0496305 1.0516552 1.0574379 0. 0. 0. 0. ]\n", + " [1.1844891 1.1827947 1.1948742 1.205398 1.1921884 1.1554917 1.1179419\n", + " 1.0926205 1.0794855 1.0760015 1.0739588 1.0679259 1.0588701 1.0502783\n", + " 1.0467299 1.0485611 1.0534211 1.0586442 1.0610976 1.0618765 1.0636798]\n", + " [1.175084 1.1709075 1.1816283 1.1911842 1.1796151 1.1453929 1.1095282\n", + " 1.0860097 1.0749755 1.0726768 1.0722761 1.0669334 1.0575691 1.0489423\n", + " 1.0452483 1.0467434 1.0521965 1.0580165 0. 0. 0. ]\n", + " [1.1757172 1.173794 1.1846731 1.1925713 1.179164 1.1447208 1.1099328\n", + " 1.086191 1.0751096 1.0721778 1.0704511 1.0653929 1.0558331 1.0477172\n", + " 1.0441477 1.0458109 1.0508586 1.0559613 1.0581081 0. 0. ]\n", + " [1.1551275 1.1526105 1.1631026 1.1712387 1.1591262 1.1281998 1.0960377\n", + " 1.0749484 1.0649251 1.0623106 1.0623986 1.0576627 1.0498515 1.042144\n", + " 1.0388834 1.0404582 1.0448935 1.0497493 0. 0. 0. ]]\n", + "[[1.1734489 1.1711558 1.1813294 1.1907328 1.1783333 1.1440997 1.109448\n", + " 1.0859625 1.0754032 1.0726434 1.0723952 1.067334 1.0581455 1.0500683\n", + " 1.0459929 1.0475695 1.0529951 0. 0. 0. ]\n", + " [1.1717432 1.1684469 1.1799631 1.1897492 1.1781042 1.1434875 1.1079735\n", + " 1.0844811 1.073234 1.0703486 1.0703241 1.0659992 1.0571324 1.0489761\n", + " 1.0452502 1.0469334 1.0523487 0. 0. 0. ]\n", + " [1.1614817 1.1595122 1.1691706 1.1780496 1.1661526 1.1330317 1.1005216\n", + " 1.0789378 1.0682269 1.0648195 1.063472 1.0586429 1.0508289 1.0432793\n", + " 1.0400776 1.0414158 1.0458062 1.050247 1.0525875 1.053344 ]\n", + " [1.1673157 1.1596197 1.1678967 1.1762571 1.1651565 1.135283 1.1026782\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1852918 1.1817588 1.1930104 1.2023418 1.190718 1.1548761 1.1179606\n", + " 1.093351 1.081017 1.0774701 1.0766193 1.0712707 1.0618432 1.0527977\n", + " 1.0487583 1.0506413 1.0559528 1.0613703 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1607245 1.1591204 1.1696954 1.1768597 1.1656761 1.1328034 1.0997841\n", + " 1.078111 1.0683619 1.0664759 1.0663165 1.0622003 1.0535767 1.0461122\n", + " 1.0425777 1.0444194 1.0494419 0. 0. ]\n", + " [1.1734146 1.1669579 1.1747407 1.1818913 1.1694417 1.1368551 1.1041911\n", + " 1.0831243 1.0735132 1.0718505 1.0715332 1.0670463 1.0579258 1.0495567\n", + " 1.0461364 0. 0. 0. 0. ]\n", + " [1.1689111 1.1649778 1.1753981 1.1853578 1.1735313 1.139867 1.1056967\n", + " 1.0833441 1.0729918 1.0711012 1.070647 1.0656338 1.0561426 1.0477314\n", + " 1.043362 1.045502 1.0509338 0. 0. ]\n", + " [1.186178 1.1830527 1.1934004 1.201295 1.189307 1.1534699 1.1169603\n", + " 1.0917858 1.0807983 1.0773264 1.0754588 1.0696714 1.0595275 1.0512801\n", + " 1.0473518 1.0493947 1.0549423 1.0603268 1.0627834]\n", + " [1.1883662 1.1825184 1.19187 1.1984711 1.1859 1.1515095 1.1152896\n", + " 1.0912386 1.0804552 1.0788267 1.0788933 1.0745133 1.0648589 1.0559216\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1605238 1.1562239 1.1653169 1.1721284 1.1613789 1.1305453 1.0986707\n", + " 1.0774875 1.0673965 1.0654383 1.0652391 1.0608902 1.0528816 1.0453188\n", + " 1.0419905 1.0441309 0. 0. 0. 0. ]\n", + " [1.1620219 1.1581478 1.1681496 1.1765484 1.1649494 1.1328971 1.0995536\n", + " 1.0778732 1.0679195 1.0662266 1.06631 1.0617241 1.0535806 1.0460218\n", + " 1.0425571 1.0444758 1.0498585 0. 0. 0. ]\n", + " [1.1797875 1.1739743 1.1833876 1.1923218 1.1796803 1.1462822 1.1107885\n", + " 1.0878875 1.0769752 1.0745878 1.0740508 1.0688376 1.0589402 1.0510268\n", + " 1.0473475 1.0495707 0. 0. 0. 0. ]\n", + " [1.1731449 1.1691309 1.1790045 1.1866133 1.1733867 1.1407099 1.1069688\n", + " 1.0844404 1.0734267 1.0709614 1.0701357 1.0647357 1.0559909 1.0478253\n", + " 1.0441246 1.0462236 1.0518152 1.05717 0. 0. ]\n", + " [1.1761634 1.1732794 1.1833591 1.192282 1.1798384 1.1474056 1.1127844\n", + " 1.0890871 1.0769249 1.0727762 1.070811 1.0646265 1.0552781 1.0477259\n", + " 1.044566 1.0459667 1.0512044 1.0560502 1.0584813 1.0594454]]\n", + "[[1.1834788 1.1775606 1.1863624 1.195047 1.1830473 1.148568 1.1138538\n", + " 1.0910752 1.0812792 1.0806054 1.0816202 1.0755318 1.0645723 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1683434 1.1642475 1.1738539 1.1813887 1.1706966 1.1384531 1.1058537\n", + " 1.083678 1.0731155 1.0704895 1.0702871 1.0653832 1.0565877 1.0482905\n", + " 1.0445751 1.0462955 1.0518206 0. 0. 0. ]\n", + " [1.1622434 1.1593394 1.1704358 1.1793823 1.1686273 1.1362339 1.1022005\n", + " 1.0799277 1.0693014 1.0667405 1.0662358 1.0616325 1.052995 1.045459\n", + " 1.0418947 1.0435389 1.0482922 1.052973 0. 0. ]\n", + " [1.1535211 1.1504378 1.1603535 1.1692009 1.1581297 1.1276916 1.0969687\n", + " 1.0752949 1.0654867 1.0622528 1.0608187 1.055847 1.0481147 1.0413344\n", + " 1.0381894 1.0397195 1.044105 1.0483159 1.0504984 1.0510138]\n", + " [1.1756086 1.170046 1.179054 1.1859759 1.17448 1.1414322 1.1062666\n", + " 1.0838801 1.073604 1.0714202 1.0714438 1.066486 1.0573888 1.0493456\n", + " 1.0453298 1.0472467 1.0526998 0. 0. 0. ]]\n", + "[[1.1967052 1.19235 1.2015532 1.2094748 1.1962457 1.1606286 1.1227841\n", + " 1.0970029 1.0840585 1.0805271 1.078815 1.0742178 1.0646422 1.0559937\n", + " 1.0516473 1.05385 1.0594276 1.0650644]\n", + " [1.172286 1.168748 1.179424 1.1888222 1.1763359 1.143215 1.1086668\n", + " 1.0860037 1.075356 1.0731503 1.0727365 1.0674217 1.0575897 1.0489452\n", + " 1.0451199 1.046817 1.0528728 0. ]\n", + " [1.1956943 1.1905768 1.1996235 1.2081246 1.1940718 1.1594018 1.1228474\n", + " 1.0987718 1.0864795 1.0844934 1.0840181 1.0782975 1.0672315 1.0582076\n", + " 1.0542446 0. 0. 0. ]\n", + " [1.1935213 1.1871628 1.193932 1.2010845 1.188087 1.1534399 1.1182116\n", + " 1.0948917 1.0843127 1.0816543 1.0812546 1.0761496 1.066381 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1918025 1.1848043 1.1934953 1.2019328 1.1910131 1.1564393 1.12037\n", + " 1.0959027 1.0843462 1.08235 1.0810804 1.075873 1.0655974 1.0561771\n", + " 1.0520669 0. 0. 0. ]]\n", + "[[1.175662 1.1729815 1.1851804 1.1961031 1.183702 1.149078 1.1131885\n", + " 1.08872 1.0763583 1.0719208 1.0704358 1.0644839 1.0558743 1.0480456\n", + " 1.0444773 1.0466862 1.0515813 1.0568054 1.0597131 1.0606757 0.\n", + " 0. 0. ]\n", + " [1.1762244 1.1727768 1.1829205 1.1917028 1.1797925 1.1460907 1.1109837\n", + " 1.0874983 1.0759376 1.0725152 1.0715181 1.0661038 1.0572422 1.0491505\n", + " 1.045124 1.0470122 1.052191 1.0570863 1.0597228 0. 0.\n", + " 0. 0. ]\n", + " [1.1659734 1.1623652 1.1725084 1.181332 1.1691643 1.1365749 1.1031128\n", + " 1.0815525 1.0710187 1.0682287 1.0680975 1.0631506 1.0540959 1.0458426\n", + " 1.042467 1.0440775 1.0490649 1.0544676 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1513716 1.1488829 1.1602651 1.1696973 1.1594832 1.1284916 1.0967665\n", + " 1.0753753 1.0654826 1.0630186 1.0632592 1.0586905 1.050279 1.0429959\n", + " 1.0393897 1.0408211 1.0454189 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1581962 1.155124 1.1654713 1.1741002 1.1622772 1.1302694 1.0978452\n", + " 1.0768858 1.066658 1.0634271 1.061433 1.0566896 1.0487684 1.0418514\n", + " 1.0390638 1.0411834 1.0455804 1.0498393 1.0520798 1.0528729 1.0544617\n", + " 1.0581506 1.0652205]]\n", + "[[1.1895169 1.1831979 1.1921163 1.2002642 1.186287 1.1523223 1.1167837\n", + " 1.0934503 1.083219 1.0808631 1.0803957 1.0744758 1.0643967 1.0553058\n", + " 1.0516535 0. 0. ]\n", + " [1.1622036 1.159301 1.1692854 1.177059 1.1647696 1.1320432 1.098469\n", + " 1.0763527 1.0666941 1.0648671 1.0649629 1.0609062 1.0527152 1.045378\n", + " 1.0417322 1.0433534 1.048617 ]\n", + " [1.1711261 1.1681538 1.1781275 1.1881709 1.1764456 1.143299 1.1082307\n", + " 1.0850732 1.0750902 1.0732286 1.073368 1.0685605 1.0590602 1.0501697\n", + " 1.0461645 1.0479535 0. ]\n", + " [1.1804887 1.175798 1.1856692 1.1924418 1.1779865 1.1431351 1.1082953\n", + " 1.0857186 1.0765754 1.0758415 1.0769038 1.0722398 1.0620494 0.\n", + " 0. 0. 0. ]\n", + " [1.1647818 1.160138 1.1690525 1.1761711 1.1646634 1.1331005 1.1006154\n", + " 1.0789249 1.0695473 1.0672978 1.0664253 1.0619568 1.0533917 1.0457872\n", + " 1.0421983 1.0440166 1.0494196]]\n", + "[[1.1631678 1.1587766 1.16928 1.1782259 1.1672403 1.1357132 1.1020994\n", + " 1.0797012 1.0690515 1.0654494 1.0645565 1.0598751 1.0508714 1.0435791\n", + " 1.0403116 1.042111 1.0468764 1.0518063 1.0542324]\n", + " [1.1663623 1.1627525 1.1723015 1.1800283 1.1672362 1.1343062 1.1009461\n", + " 1.0800034 1.0696807 1.06696 1.0662618 1.0612004 1.0524986 1.044754\n", + " 1.0417838 1.0435572 1.0484222 1.0534714 0. ]\n", + " [1.2048049 1.1988765 1.2098348 1.2191284 1.2043604 1.1653066 1.1249269\n", + " 1.0993466 1.088058 1.086399 1.0865993 1.0813875 1.0697381 1.0594267\n", + " 1.0545744 1.0570921 0. 0. 0. ]\n", + " [1.2139394 1.2047724 1.2133825 1.2214223 1.2073697 1.1714331 1.1317791\n", + " 1.1055892 1.0933819 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1668403 1.164608 1.17559 1.1848991 1.1715821 1.1370718 1.103106\n", + " 1.08086 1.071029 1.0685794 1.0684503 1.0632805 1.0545446 1.0465002\n", + " 1.0430871 1.0446162 1.0496283 1.0545967 0. ]]\n", + "[[1.1968229 1.1924431 1.2033159 1.2115445 1.1985826 1.1617793 1.1233767\n", + " 1.0969981 1.0839003 1.0798194 1.0782033 1.07264 1.0630804 1.0545082\n", + " 1.0502551 1.052546 1.0580112 1.0641019 1.0672451 0. ]\n", + " [1.1651559 1.1629635 1.1731287 1.18204 1.170267 1.1369874 1.103245\n", + " 1.0808587 1.0696443 1.0663058 1.064774 1.0592396 1.0502651 1.043269\n", + " 1.0401813 1.0418108 1.0466169 1.051527 1.0543219 1.0557151]\n", + " [1.1690999 1.1649188 1.173928 1.1824869 1.170564 1.1386291 1.1059455\n", + " 1.0842633 1.0736555 1.0708741 1.0699642 1.0644839 1.0558138 1.0474303\n", + " 1.0436156 1.0450964 1.0502541 0. 0. 0. ]\n", + " [1.1726289 1.1691327 1.1784011 1.1860198 1.1736245 1.1403136 1.1074536\n", + " 1.0855863 1.0747716 1.0708404 1.0690788 1.0631934 1.0536948 1.0460995\n", + " 1.042814 1.0449177 1.0499835 1.0548115 1.0568686 1.057639 ]\n", + " [1.1879832 1.1825621 1.1915206 1.199167 1.1869637 1.1528385 1.1172793\n", + " 1.0934211 1.0819148 1.0800189 1.0798157 1.0744352 1.0646472 1.0556355\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1586449 1.1551725 1.166164 1.1764226 1.166244 1.1351659 1.1017953\n", + " 1.0797164 1.0697366 1.0674838 1.0676404 1.0628821 1.054034 1.046129\n", + " 1.0422295 1.0438188 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1595795 1.1554543 1.1642747 1.1718103 1.1596544 1.1293067 1.0982099\n", + " 1.0765958 1.0663798 1.0633482 1.0623627 1.0574824 1.0494858 1.0423217\n", + " 1.0392661 1.0404197 1.0450488 1.0496707 1.0520031 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1457322 1.1429611 1.152785 1.1613632 1.1509024 1.1207293 1.0913899\n", + " 1.0719122 1.0618374 1.0582933 1.0561051 1.0515295 1.0440129 1.0372869\n", + " 1.0348495 1.0370561 1.0417646 1.0458677 1.0480001 1.0490192 1.0501442\n", + " 1.0530552 1.0595609 1.068145 ]\n", + " [1.181367 1.1789471 1.1896828 1.1995482 1.1869099 1.1532006 1.1168686\n", + " 1.0922691 1.0798916 1.0759699 1.0740217 1.0675049 1.0585438 1.0499873\n", + " 1.0465521 1.0485052 1.0533719 1.058455 1.0607743 1.0616333 0.\n", + " 0. 0. 0. ]\n", + " [1.1682401 1.1655706 1.1761063 1.1842573 1.1701186 1.1376367 1.1047894\n", + " 1.0828353 1.0727488 1.0711195 1.0711784 1.0669922 1.0577664 1.049915\n", + " 1.0457054 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.2237251 1.2171897 1.22686 1.2338939 1.2195683 1.1795824 1.1385219\n", + " 1.1114812 1.0991862 1.09779 1.0978374 1.0903556 1.0788984 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1856142 1.1815916 1.1931014 1.2025182 1.1901233 1.1545259 1.1171573\n", + " 1.092243 1.0807943 1.077871 1.0770826 1.0720965 1.0620813 1.052757\n", + " 1.0484914 1.0503589 1.0558995 1.0616531]\n", + " [1.1736166 1.1702642 1.1799083 1.1887907 1.1749581 1.1402831 1.1058342\n", + " 1.0838354 1.0733459 1.0716162 1.0716738 1.0668175 1.0576706 1.0491999\n", + " 1.0454746 1.0472806 1.052725 0. ]\n", + " [1.1842002 1.179673 1.1894809 1.1976143 1.1857258 1.1505054 1.1153814\n", + " 1.0909905 1.0795428 1.0763524 1.0751619 1.0701932 1.0610527 1.0520917\n", + " 1.0482367 1.0503308 1.0560173 1.06113 ]\n", + " [1.1843699 1.1817138 1.1935822 1.2030717 1.1880282 1.152391 1.1158324\n", + " 1.0916951 1.0813404 1.0804476 1.0803989 1.0742332 1.0637329 1.0544055\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1806226 1.173735 1.1822032 1.1896671 1.177243 1.1432753 1.1095792\n", + " 1.0878475 1.0783399 1.0772653 1.077325 1.0721028 1.0617225 0.\n", + " 0. 0. 0. ]\n", + " [1.1477087 1.1432554 1.1516267 1.1586033 1.1491528 1.1203972 1.0909468\n", + " 1.0714884 1.062307 1.0600092 1.0598234 1.0558083 1.0479032 1.0407077\n", + " 1.0378294 1.0393609 1.0440221]\n", + " [1.1904807 1.1843586 1.1949958 1.2030295 1.189483 1.1529698 1.117244\n", + " 1.0936141 1.083423 1.0824883 1.0828934 1.0773938 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1728383 1.1687748 1.1787531 1.1883035 1.1774635 1.1432563 1.1076092\n", + " 1.0839925 1.0726577 1.0710227 1.071217 1.0671295 1.058407 1.0502707\n", + " 1.0460758 1.0477175 1.0529752]\n", + " [1.1707742 1.1666228 1.1773107 1.1860933 1.1750028 1.1420768 1.107247\n", + " 1.0846628 1.0738796 1.072281 1.0722154 1.0676198 1.0587667 1.0502388\n", + " 1.046145 1.0479007 0. ]]\n", + "[[1.2001827 1.1921077 1.2005336 1.2097572 1.1980133 1.1626487 1.1255294\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.186954 1.1815449 1.1913745 1.2010052 1.1875956 1.1518061 1.1153923\n", + " 1.0920981 1.0818073 1.0805953 1.0815235 1.0758301 1.065244 1.0556595\n", + " 0. 0. 0. ]\n", + " [1.1622428 1.1586328 1.1684306 1.1771438 1.1657827 1.1338961 1.1001692\n", + " 1.0787996 1.0688987 1.0667316 1.0661259 1.0618918 1.0532131 1.0455284\n", + " 1.0420773 1.0438263 1.0486449]\n", + " [1.2117012 1.2041825 1.2119594 1.2219934 1.2077736 1.1712034 1.1322309\n", + " 1.1048684 1.0925623 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1630415 1.1578419 1.165874 1.1731131 1.1608782 1.1284423 1.0973119\n", + " 1.0770574 1.0679233 1.0664749 1.0661199 1.0615376 1.053135 1.0451505\n", + " 1.0417733 1.0438964 0. ]]\n", + "[[1.167724 1.1637025 1.1736189 1.1820204 1.1694578 1.1378874 1.1049923\n", + " 1.0833185 1.0729828 1.071339 1.0715321 1.0669975 1.057917 1.0495818\n", + " 1.0460565 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1474779 1.1449288 1.156267 1.1667407 1.1575751 1.1278082 1.096363\n", + " 1.0749645 1.0642583 1.0609698 1.0591186 1.0541223 1.045826 1.038624\n", + " 1.036049 1.0376378 1.0422719 1.047094 1.0492477 1.0497133 1.0504603\n", + " 1.0535436 1.0601165]\n", + " [1.1956644 1.1930907 1.2033573 1.2109716 1.198392 1.1615275 1.1230487\n", + " 1.0973413 1.0844402 1.0809697 1.0793027 1.0731393 1.0628169 1.0542516\n", + " 1.0500083 1.052279 1.0577971 1.063323 1.0660392 0. 0.\n", + " 0. 0. ]\n", + " [1.1719576 1.1680367 1.1789867 1.1875546 1.1756169 1.1421311 1.107929\n", + " 1.085152 1.0751473 1.0733078 1.0738523 1.0695413 1.0605811 1.051557\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1718981 1.166314 1.1748991 1.1822987 1.1706256 1.137702 1.1047753\n", + " 1.0828847 1.072947 1.0714693 1.0714054 1.0672249 1.0582201 1.0496349\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1551527 1.1506605 1.1576493 1.1638818 1.1531097 1.1238595 1.0936118\n", + " 1.0731182 1.063158 1.0602297 1.0589104 1.0551705 1.0478559 1.0411223\n", + " 1.0380303 1.0393997 1.04399 1.048538 0. ]\n", + " [1.1603711 1.1579643 1.1685185 1.1774491 1.1657262 1.1342629 1.10127\n", + " 1.0788862 1.068279 1.0654395 1.0640309 1.0592303 1.0506293 1.0430087\n", + " 1.0395437 1.0413684 1.0461135 1.0508363 1.053709 ]\n", + " [1.172769 1.1677822 1.1770545 1.1839476 1.1726527 1.1400541 1.1061548\n", + " 1.083596 1.0733258 1.0700397 1.0686882 1.0640318 1.0557654 1.0474421\n", + " 1.0445471 1.0465559 1.0525694 0. 0. ]\n", + " [1.1892469 1.1829177 1.1911869 1.1991147 1.1868913 1.153418 1.1174688\n", + " 1.093253 1.0824583 1.0799496 1.0793724 1.0745378 1.0648988 1.0557747\n", + " 1.0511624 1.0528162 0. 0. 0. ]\n", + " [1.1848018 1.1782613 1.1866202 1.1949006 1.1814162 1.1477242 1.1127641\n", + " 1.0897087 1.0798243 1.0785191 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1592882 1.1545969 1.1639159 1.172744 1.1621757 1.1313304 1.1001817\n", + " 1.0796547 1.0689822 1.0647771 1.0627322 1.0566981 1.0482194 1.041243\n", + " 1.0384098 1.0401124 1.0448552 1.0494528 1.0514805 1.0521376 1.05331\n", + " 1.0564686]\n", + " [1.1627235 1.1598144 1.1695504 1.1781274 1.1658671 1.1342579 1.1006503\n", + " 1.0786067 1.0681505 1.0661641 1.0662237 1.0625514 1.0543628 1.0472262\n", + " 1.0436511 1.0454072 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1842633 1.181467 1.1925508 1.2015439 1.1873733 1.1515524 1.1143749\n", + " 1.0896052 1.0778335 1.0743921 1.0731801 1.0675274 1.0581518 1.0501151\n", + " 1.0462027 1.048505 1.0541044 1.059429 1.0618267 1.0625509 0.\n", + " 0. ]\n", + " [1.1572757 1.1520599 1.1590743 1.1654145 1.1545486 1.1237241 1.094134\n", + " 1.0742306 1.0651605 1.0636574 1.0638402 1.0603884 1.0526023 1.0451578\n", + " 1.0418046 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1754242 1.1712449 1.1809394 1.1907516 1.1781642 1.1457478 1.1117833\n", + " 1.0883416 1.0769154 1.074918 1.0746938 1.0695441 1.0606246 1.0518937\n", + " 1.0479854 1.049827 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1779608 1.1749966 1.18612 1.1947876 1.1829588 1.1482052 1.1129419\n", + " 1.0891149 1.0784084 1.0761136 1.0764349 1.0710778 1.0609732 1.0520457\n", + " 1.0479419 1.0499674 0. ]\n", + " [1.2127675 1.2068801 1.2181216 1.2275767 1.2170439 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1898543 1.1826935 1.1899252 1.195072 1.1818697 1.1472385 1.1121106\n", + " 1.088846 1.0782923 1.0764289 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1749103 1.1716502 1.1813515 1.1902907 1.179209 1.1460936 1.1108294\n", + " 1.0884339 1.0773472 1.0746331 1.0739061 1.0685254 1.0590589 1.0503188\n", + " 1.0464598 1.0485132 1.0542892]\n", + " [1.1975732 1.1939678 1.2045995 1.2119311 1.1960492 1.1581482 1.1203774\n", + " 1.0958427 1.0858155 1.0849276 1.0859793 1.0800859 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1724186 1.1684854 1.1790038 1.1879704 1.1767846 1.143458 1.109131\n", + " 1.0865089 1.0754902 1.07205 1.0714142 1.0657982 1.0565742 1.0479097\n", + " 1.044171 1.0455703 1.0505066 1.0557084 0. ]\n", + " [1.1760728 1.1729101 1.1845647 1.1952047 1.184075 1.1503108 1.1143224\n", + " 1.0899613 1.077895 1.0744725 1.0731988 1.0677638 1.058983 1.050548\n", + " 1.0466307 1.047916 1.0531462 1.0582776 1.0609165]\n", + " [1.1745715 1.1697478 1.1813864 1.1920793 1.1810017 1.1470586 1.1115904\n", + " 1.0875974 1.0767754 1.0749426 1.0755615 1.0706772 1.0609007 1.0521082\n", + " 1.0479897 0. 0. 0. 0. ]\n", + " [1.1791408 1.177102 1.1888071 1.1996297 1.1867774 1.1508137 1.1133813\n", + " 1.0885805 1.0770042 1.0741518 1.073825 1.0693516 1.0597681 1.0514694\n", + " 1.046852 1.0490149 1.0541449 1.0596552 0. ]\n", + " [1.1502198 1.1466053 1.153944 1.1604098 1.1485115 1.1184207 1.090007\n", + " 1.0717883 1.0629321 1.0611439 1.0606656 1.0558739 1.0482056 1.0414246\n", + " 1.0383185 1.0400902 1.0445809 0. 0. ]]\n", + "[[1.1817727 1.179137 1.1907293 1.2001247 1.1866235 1.1513715 1.1145808\n", + " 1.0899029 1.0783206 1.0751878 1.074024 1.068135 1.0588675 1.0502192\n", + " 1.0463643 1.0482618 1.0532807 1.0585301 1.0609009 0. 0.\n", + " 0. ]\n", + " [1.1717726 1.169215 1.1793672 1.1883574 1.1770579 1.1440003 1.1097373\n", + " 1.0868223 1.0753038 1.0707985 1.0686384 1.0626576 1.0527115 1.0455718\n", + " 1.0426034 1.0447438 1.049665 1.0542771 1.0565778 1.0575732 1.0588088\n", + " 1.0627224]\n", + " [1.1658725 1.1613626 1.1718 1.1814921 1.1689633 1.1353217 1.1013279\n", + " 1.0793496 1.0698781 1.0682689 1.0687954 1.0647742 1.0563712 1.0481251\n", + " 1.0444458 1.0462683 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1824818 1.1764615 1.1854651 1.1923158 1.1785159 1.1431437 1.1084034\n", + " 1.0855069 1.0754907 1.0750417 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1546637 1.1492252 1.1574514 1.1649806 1.1542215 1.124259 1.0933825\n", + " 1.0738186 1.0645769 1.0624559 1.0630946 1.0596294 1.0520478 1.0446345\n", + " 1.0412265 1.043091 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1653234 1.1618474 1.1726148 1.1800363 1.1689254 1.1363299 1.1032183\n", + " 1.0814518 1.0720962 1.0708573 1.0715666 1.066702 1.0575794 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1889583 1.1846168 1.1941904 1.2039429 1.1903101 1.1548648 1.1179003\n", + " 1.0931271 1.0812281 1.0790324 1.0797199 1.0739833 1.0651186 1.0556723\n", + " 1.0515373 1.0537276 0. 0. 0. 0. ]\n", + " [1.1758106 1.1728506 1.1838847 1.1934158 1.1814861 1.1476356 1.1127119\n", + " 1.0887938 1.0770648 1.0735029 1.0719454 1.0664365 1.0574179 1.049206\n", + " 1.0449789 1.0465512 1.0516937 1.0564263 1.0589651 0. ]\n", + " [1.167338 1.1647141 1.1752609 1.1834712 1.1716957 1.1390377 1.1052492\n", + " 1.0829638 1.0719173 1.0686045 1.0671072 1.0613524 1.0529373 1.0451953\n", + " 1.0421407 1.0434589 1.0482848 1.0525357 1.0546451 1.0553199]\n", + " [1.1692581 1.1659403 1.1760225 1.1842943 1.1733972 1.1409221 1.1072838\n", + " 1.0843172 1.0731173 1.0699749 1.0691831 1.0639246 1.0555642 1.0472533\n", + " 1.0440726 1.0458382 1.0510176 1.0563395 0. 0. ]]\n", + "[[1.1712868 1.1664028 1.1759542 1.1843877 1.1713885 1.1374283 1.1036807\n", + " 1.081198 1.0710686 1.0688093 1.0685606 1.0641828 1.0558958 1.0479443\n", + " 1.0445168 1.0464466 1.0522501 0. 0. 0. 0. ]\n", + " [1.1726139 1.1676445 1.1763589 1.1844802 1.1713581 1.1380242 1.1042348\n", + " 1.0817099 1.0722759 1.0701545 1.070716 1.0660163 1.0570898 1.0492224\n", + " 1.0458221 1.0480325 0. 0. 0. 0. 0. ]\n", + " [1.188487 1.184473 1.1945128 1.2033504 1.1902454 1.1553833 1.1188738\n", + " 1.0943512 1.0824246 1.078724 1.0776653 1.0720593 1.062138 1.0526628\n", + " 1.049154 1.0511942 1.056775 1.0620818 0. 0. 0. ]\n", + " [1.1670072 1.165493 1.1769999 1.1859738 1.1737238 1.1411195 1.107239\n", + " 1.0840796 1.0729892 1.0688871 1.0668544 1.061106 1.0522717 1.0446814\n", + " 1.0413017 1.0430241 1.04789 1.0525845 1.0549414 1.0558722 1.0576143]\n", + " [1.1913787 1.1858643 1.1955642 1.203021 1.1901062 1.1548853 1.1188244\n", + " 1.0941344 1.0835147 1.0822134 1.0827314 1.0778878 1.067563 1.0576777\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1706287 1.1662982 1.1765034 1.1848962 1.1726311 1.1394758 1.1053647\n", + " 1.0829939 1.0732207 1.071388 1.0705911 1.0659151 1.0572214 1.0486267\n", + " 1.0449612 1.0467527 1.0522674]\n", + " [1.1895659 1.1837764 1.1933069 1.2015884 1.1875882 1.1513226 1.1149962\n", + " 1.0910385 1.0798479 1.0791098 1.0791159 1.0736445 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1690797 1.1636147 1.1715155 1.1786828 1.1668094 1.1360244 1.1032212\n", + " 1.0808302 1.0702921 1.0676022 1.067623 1.063724 1.0557292 1.0484711\n", + " 1.0447915 1.0461559 0. 0. 0. ]\n", + " [1.168935 1.1668622 1.1781161 1.186842 1.1747055 1.1410104 1.1068795\n", + " 1.0837824 1.0728451 1.0697659 1.0676811 1.063001 1.0539044 1.0462742\n", + " 1.0423851 1.0440041 1.0489783 1.0536847 1.0561324]\n", + " [1.1582043 1.1534004 1.1620873 1.1690879 1.1587174 1.1281425 1.0966578\n", + " 1.0757614 1.0666515 1.0646523 1.064643 1.0609968 1.0529575 1.045261\n", + " 1.0417643 1.0434031 0. 0. 0. ]\n", + " [1.1707516 1.1682501 1.179185 1.1884012 1.1754017 1.1414802 1.1066825\n", + " 1.0833209 1.0720375 1.0694104 1.0683494 1.0633061 1.0549765 1.0470214\n", + " 1.04325 1.044944 1.0495011 1.0540911 1.0564716]\n", + " [1.1791767 1.1734163 1.1822143 1.1900315 1.1775167 1.1436899 1.1088833\n", + " 1.0861068 1.0753138 1.0721998 1.0714084 1.066481 1.0574859 1.0492722\n", + " 1.0456542 1.0481979 1.053575 0. 0. ]]\n", + "[[1.1717248 1.1669649 1.1764938 1.1854268 1.1736805 1.1418856 1.1086255\n", + " 1.0864207 1.0748926 1.0705103 1.0683563 1.0618933 1.0527445 1.0454308\n", + " 1.0425749 1.0446614 1.0499579 1.0545192 1.0568787 1.0576285 1.0598061\n", + " 1.0639253 1.0718818]\n", + " [1.1784873 1.1743479 1.1842934 1.1925337 1.1797619 1.1448 1.1096741\n", + " 1.0862696 1.075161 1.0733498 1.07341 1.0695043 1.059904 1.0522075\n", + " 1.0482129 1.0502414 1.0556834 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.166587 1.1626921 1.1716578 1.1780753 1.164493 1.1332636 1.1027099\n", + " 1.0823025 1.0730661 1.0714933 1.0710387 1.0663106 1.0569534 1.0490015\n", + " 1.04486 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1691368 1.1672868 1.1795087 1.1893818 1.1771375 1.1424311 1.1073323\n", + " 1.0842805 1.0722818 1.0692531 1.0676326 1.0621831 1.0531392 1.0452251\n", + " 1.0417538 1.0434433 1.0484099 1.0531505 1.0556397 1.0565499 0.\n", + " 0. 0. ]\n", + " [1.1915169 1.1870937 1.1982516 1.2074156 1.1951921 1.1587515 1.1211435\n", + " 1.0961767 1.0844314 1.0823389 1.0829123 1.0776536 1.0672274 1.0576848\n", + " 1.0535946 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1772041 1.172627 1.1809034 1.1890688 1.1755697 1.1442987 1.1106739\n", + " 1.0876689 1.076997 1.0739884 1.0730069 1.0677881 1.0588837 1.0507873\n", + " 1.0469335 1.0489538 0. 0. 0. ]\n", + " [1.1652482 1.1616586 1.171412 1.1796715 1.1673846 1.1347755 1.101892\n", + " 1.0809349 1.071276 1.0701202 1.0701303 1.0648562 1.0563403 1.0478228\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1889695 1.1845373 1.1952229 1.2040055 1.1902663 1.1553307 1.1190547\n", + " 1.094876 1.0821545 1.0775868 1.0759921 1.0690606 1.0596174 1.0512371\n", + " 1.0476189 1.0499178 1.0561459 1.0617677 1.0648428]\n", + " [1.1817094 1.1776586 1.188677 1.1983433 1.1855426 1.1502912 1.113635\n", + " 1.0896139 1.0787078 1.0771129 1.0772653 1.0720366 1.0624821 1.0535426\n", + " 1.0491358 1.0511491 0. 0. 0. ]\n", + " [1.1612599 1.1577191 1.1686099 1.1773393 1.1665839 1.1347572 1.1013037\n", + " 1.0792552 1.0690902 1.0679923 1.068167 1.0637996 1.0548141 1.0466281\n", + " 1.0429288 1.0445509 0. 0. 0. ]]\n", + "[[1.1718285 1.1693268 1.1802664 1.1891296 1.1754811 1.1428392 1.1086016\n", + " 1.0855727 1.073963 1.0703336 1.0682075 1.062381 1.0530672 1.0456524\n", + " 1.0429156 1.0449357 1.0501457 1.0552795 1.0574213 1.058267 1.0598111]\n", + " [1.167548 1.1624849 1.1719992 1.1800716 1.170187 1.1386586 1.1050919\n", + " 1.0827146 1.0724114 1.0701108 1.0695579 1.0648798 1.056057 1.0482453\n", + " 1.0446346 1.046479 1.0519457 0. 0. 0. 0. ]\n", + " [1.1745609 1.1713573 1.1819776 1.190979 1.1776955 1.1431149 1.1081146\n", + " 1.0853467 1.0748963 1.0719324 1.0705364 1.0651014 1.0556332 1.047303\n", + " 1.0439482 1.0457776 1.0508698 1.0559562 1.0583292 0. 0. ]\n", + " [1.1859564 1.182629 1.1929134 1.2011106 1.1886548 1.1531476 1.1166975\n", + " 1.0920801 1.0805328 1.07752 1.0764529 1.0710329 1.0617416 1.0524763\n", + " 1.0488981 1.0508263 1.0565073 1.0623026 0. 0. 0. ]\n", + " [1.167755 1.1637453 1.173641 1.1823409 1.1699605 1.1374615 1.1041356\n", + " 1.0817617 1.0707469 1.0680146 1.0668464 1.0616794 1.0529853 1.0455723\n", + " 1.0422069 1.0440742 1.0488064 1.0538532 1.0564649 0. 0. ]]\n", + "[[1.1920907 1.1856053 1.1946166 1.2024602 1.1903411 1.1549876 1.1174772\n", + " 1.092656 1.0818692 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1839153 1.1826504 1.1942168 1.2026227 1.1880012 1.1514822 1.1147008\n", + " 1.0904294 1.0785772 1.0753195 1.0734001 1.0682904 1.0586455 1.0503035\n", + " 1.0465934 1.0485613 1.0536216 1.0591991 1.0616851]\n", + " [1.1692605 1.1670197 1.1783081 1.1865995 1.1756822 1.1422021 1.1074356\n", + " 1.0843868 1.0729185 1.0696061 1.0687214 1.06344 1.0551195 1.0470486\n", + " 1.0432523 1.0451038 1.0501118 1.0549046 1.057248 ]\n", + " [1.164895 1.1619272 1.173095 1.1829123 1.1706656 1.1373552 1.1031445\n", + " 1.080364 1.0700855 1.0678579 1.0673298 1.0624335 1.053379 1.0450801\n", + " 1.0416409 1.0432153 1.0483067 1.0536458 0. ]\n", + " [1.1489573 1.1455698 1.1541841 1.1610429 1.1507834 1.1208334 1.0910673\n", + " 1.0710944 1.0622232 1.0599385 1.0599461 1.055685 1.0482601 1.0412172\n", + " 1.037995 1.0397218 1.0443996 0. 0. ]]\n", + "[[1.2024691 1.1964242 1.2073323 1.2157379 1.2004106 1.1636726 1.1257454\n", + " 1.1005796 1.0896676 1.0883319 1.0885302 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1519161 1.1488458 1.1580129 1.1660081 1.1558182 1.125783 1.0950618\n", + " 1.0750606 1.065067 1.0634333 1.0629493 1.05864 1.0509568 1.0437641\n", + " 1.0405568 1.0421032 0. 0. ]\n", + " [1.1847291 1.180344 1.1907902 1.1987839 1.1869166 1.151638 1.1146358\n", + " 1.0902174 1.078764 1.0760638 1.074835 1.0698444 1.060247 1.0515226\n", + " 1.0477008 1.0498093 1.055653 1.0611324]\n", + " [1.1759427 1.1721432 1.1813363 1.188764 1.1774467 1.1437236 1.1093115\n", + " 1.086061 1.076141 1.0725157 1.0720638 1.0665231 1.0571499 1.0487659\n", + " 1.0452126 1.047245 1.0529269 0. ]\n", + " [1.1785637 1.1750498 1.1848743 1.1936067 1.1816741 1.147502 1.1124254\n", + " 1.0892733 1.0775985 1.0752543 1.0748137 1.0696054 1.0600619 1.0509458\n", + " 1.0469627 1.0491009 1.0544477 0. ]]\n", + "[[1.1930671 1.1880271 1.1984496 1.2063476 1.1935381 1.157869 1.1201655\n", + " 1.094201 1.0812733 1.077775 1.076779 1.0716166 1.0623294 1.0535704\n", + " 1.0501595 1.0520028 1.0572518 1.062268 1.0650338 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1627702 1.1607044 1.1710279 1.1797705 1.1680378 1.1358516 1.1030992\n", + " 1.0815924 1.0710542 1.0672158 1.0643814 1.0584146 1.0493121 1.0417035\n", + " 1.0391564 1.0412875 1.0468373 1.0518482 1.0543768 1.0553195 1.05636\n", + " 1.0597337 1.0673325 1.076802 ]\n", + " [1.1765156 1.1733426 1.1838077 1.1936165 1.181663 1.1487498 1.1141601\n", + " 1.0901256 1.0777789 1.0735177 1.0710542 1.0650297 1.055794 1.0476747\n", + " 1.0436121 1.0454092 1.0501993 1.0552291 1.057593 1.0588247 1.0601867\n", + " 0. 0. 0. ]\n", + " [1.1798159 1.1766737 1.1874053 1.1963929 1.1834896 1.1497599 1.1144065\n", + " 1.0901755 1.0781713 1.0749147 1.073582 1.0678458 1.0580363 1.0491512\n", + " 1.045339 1.046753 1.0515193 1.0565481 1.059064 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1681863 1.163719 1.1738223 1.181242 1.1710593 1.1391469 1.1060967\n", + " 1.0838075 1.0740194 1.0718477 1.071781 1.0667263 1.0577903 1.048939\n", + " 1.0448025 1.0464095 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1906137 1.1871306 1.1975739 1.205857 1.1939185 1.1585351 1.1208782\n", + " 1.0953199 1.0829872 1.0793955 1.0774581 1.0709054 1.0616927 1.053238\n", + " 1.0490001 1.0513823 1.0569341 1.062192 1.0648066 0. ]\n", + " [1.1731818 1.169822 1.1810637 1.1909019 1.1775628 1.1443398 1.1091216\n", + " 1.0857048 1.075641 1.0731272 1.0731742 1.0681057 1.0586189 1.0500789\n", + " 1.0457754 1.0474956 0. 0. 0. 0. ]\n", + " [1.1702248 1.1675878 1.1776407 1.1864 1.1742554 1.1417584 1.1079717\n", + " 1.0843339 1.073339 1.0705599 1.0696318 1.065171 1.0560818 1.0479177\n", + " 1.0444573 1.0456653 1.0506986 1.0559033 0. 0. ]\n", + " [1.1702563 1.1664665 1.1764231 1.1844386 1.1705658 1.1380962 1.1041902\n", + " 1.0817412 1.0725638 1.0715214 1.0721105 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1576617 1.1554556 1.166055 1.17507 1.1644133 1.1321495 1.1002055\n", + " 1.0783862 1.0674537 1.0641274 1.062529 1.058292 1.0503305 1.0434287\n", + " 1.0402784 1.0412376 1.046053 1.0504291 1.0530068 1.0537779]]\n", + "[[1.1823909 1.1783662 1.1883544 1.196416 1.1841801 1.1494125 1.113892\n", + " 1.0903893 1.0794659 1.0772332 1.0765387 1.0715388 1.0618476 1.0531012\n", + " 1.0486013 1.05051 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1972557 1.1906593 1.1996759 1.2086573 1.1947142 1.1576248 1.1211822\n", + " 1.0982945 1.0877969 1.0857795 1.0855808 1.0797772 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.162041 1.1598531 1.1707585 1.1787757 1.1660666 1.1331136 1.1004318\n", + " 1.0784938 1.0682324 1.0658296 1.0647538 1.06097 1.0528997 1.0457156\n", + " 1.042649 1.0443965 1.0496569 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1581911 1.1555315 1.1653811 1.1733768 1.1621554 1.1313092 1.0995384\n", + " 1.0783489 1.0675527 1.064571 1.0626534 1.0575511 1.0495378 1.0428716\n", + " 1.039515 1.040938 1.0452842 1.0496535 1.0522836 1.0531487 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1748787 1.1725769 1.1835623 1.1937363 1.1833946 1.1492552 1.1145345\n", + " 1.0904216 1.0781758 1.0737146 1.0708495 1.0649788 1.0551076 1.0470196\n", + " 1.0436064 1.0455182 1.0511782 1.0560799 1.0584263 1.0592345 1.0604229\n", + " 1.0639868 1.0711867 1.0816216 1.0896814]]\n", + "[[1.1720203 1.1695397 1.1802868 1.1894774 1.1767745 1.1440238 1.1096855\n", + " 1.0860989 1.0740949 1.070775 1.0685085 1.0630825 1.0537078 1.0457199\n", + " 1.042406 1.0437888 1.0488967 1.0536946 1.0562016 1.0571401]\n", + " [1.186147 1.1812828 1.1899444 1.1974335 1.1839142 1.1487144 1.1120197\n", + " 1.0876255 1.0771109 1.0758319 1.0765139 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2079644 1.2016821 1.2123337 1.2221702 1.2096938 1.1708941 1.1305256\n", + " 1.1046686 1.0940764 1.0929408 1.0934743 1.0868757 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1729844 1.1704503 1.181375 1.1907581 1.1775701 1.1442244 1.1094038\n", + " 1.0863167 1.0750337 1.0720465 1.0704467 1.0654291 1.0565213 1.0487149\n", + " 1.0449609 1.0463271 1.0512114 1.0561155 1.0583272 0. ]\n", + " [1.158291 1.1549652 1.1656245 1.175066 1.1643583 1.1326773 1.0996406\n", + " 1.0771939 1.0682963 1.0674772 1.0676159 1.0640062 1.0555489 1.0471607\n", + " 1.0431099 0. 0. 0. 0. 0. ]]\n", + "[[1.1569065 1.1553831 1.166095 1.175523 1.1649948 1.1326685 1.1006724\n", + " 1.079087 1.0682204 1.0643778 1.0627174 1.0572946 1.0487038 1.042008\n", + " 1.0390943 1.0410305 1.045689 1.0505708 1.053311 1.0542387 1.0552604\n", + " 1.058546 1.0650858 0. 0. ]\n", + " [1.167166 1.1645089 1.17534 1.1834598 1.1721547 1.1385689 1.1042706\n", + " 1.0818541 1.071219 1.0692968 1.0684371 1.0630901 1.0542773 1.0459325\n", + " 1.0426207 1.0442224 1.0494086 1.0543464 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1734663 1.1725429 1.1836923 1.193487 1.181495 1.147481 1.1127108\n", + " 1.0889872 1.077024 1.072891 1.0703676 1.063587 1.0543474 1.0465962\n", + " 1.0428624 1.0443717 1.0496094 1.0547245 1.0574892 1.0585096 1.0606307\n", + " 0. 0. 0. 0. ]\n", + " [1.1779349 1.1732678 1.1829464 1.1899343 1.1749417 1.140551 1.1066585\n", + " 1.0849171 1.0757574 1.0747968 1.0751286 1.0695406 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1573486 1.1554925 1.1659286 1.1753162 1.1650864 1.1326383 1.1003425\n", + " 1.0792667 1.0688572 1.0653048 1.0635005 1.0575624 1.0490092 1.0417122\n", + " 1.0384573 1.0407441 1.0455536 1.0505941 1.0532132 1.0533997 1.054668\n", + " 1.0578276 1.064846 1.0742261 1.0815511]]\n", + "[[1.1699247 1.1652688 1.1742322 1.1814463 1.1710452 1.1391647 1.1057252\n", + " 1.0831105 1.071689 1.0686009 1.0672761 1.0636407 1.0551504 1.047845\n", + " 1.0441623 1.0454508 1.0503879 1.0551126 0. ]\n", + " [1.1700962 1.1670722 1.1774457 1.1868788 1.1749655 1.1415327 1.1068857\n", + " 1.0835472 1.0719426 1.0691453 1.067772 1.0623666 1.054004 1.046789\n", + " 1.0433716 1.0452315 1.0502226 1.055316 1.0571845]\n", + " [1.1661487 1.1609905 1.1708808 1.1790868 1.1666243 1.1352301 1.1031421\n", + " 1.0818527 1.0719845 1.0707455 1.0703067 1.0655518 1.0560322 1.0476022\n", + " 1.0437574 0. 0. 0. 0. ]\n", + " [1.2093909 1.2022657 1.2112432 1.2186086 1.2048782 1.1657225 1.1268635\n", + " 1.1015369 1.0900254 1.087851 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.162211 1.1569638 1.1654464 1.17177 1.1589408 1.1284997 1.097644\n", + " 1.0767123 1.0667652 1.0642972 1.0640848 1.0603276 1.0521406 1.0447038\n", + " 1.0411061 1.0424318 1.0474416 0. 0. ]]\n", + "[[1.172302 1.1704781 1.1809949 1.1902168 1.1778792 1.1448605 1.1098564\n", + " 1.0858765 1.0739689 1.0703154 1.0689665 1.0640193 1.0554202 1.0478604\n", + " 1.0440854 1.0457108 1.0506464 1.0555915 1.0581357]\n", + " [1.1700542 1.167101 1.1775057 1.1864091 1.1750466 1.1412317 1.1065878\n", + " 1.0836557 1.072559 1.0696272 1.068514 1.0636195 1.054891 1.0471205\n", + " 1.0433598 1.0450195 1.0500326 1.055427 0. ]\n", + " [1.1864024 1.1827695 1.19208 1.2010995 1.1878513 1.1524961 1.1166016\n", + " 1.0923554 1.080744 1.0772188 1.0763544 1.0702294 1.0604105 1.0511765\n", + " 1.047502 1.0497656 1.0555481 1.061009 0. ]\n", + " [1.1635797 1.1594838 1.1700747 1.1802764 1.1689878 1.136396 1.1023353\n", + " 1.080034 1.0695287 1.0668293 1.0666255 1.0614967 1.052521 1.0446819\n", + " 1.0406271 1.042469 1.0474489 1.0525465 0. ]\n", + " [1.1734556 1.1704541 1.1805166 1.1895778 1.1786014 1.1454462 1.1102031\n", + " 1.0870225 1.0758046 1.0728813 1.0723331 1.0664996 1.0568311 1.048978\n", + " 1.045078 1.0469201 1.0522468 1.0575316 0. ]]\n", + "[[1.1806273 1.1762989 1.1869372 1.1957515 1.1824598 1.1469818 1.111763\n", + " 1.0888836 1.0792651 1.0781454 1.0786754 1.0728781 1.0628076 1.0534393\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1785105 1.1753376 1.1857417 1.1941372 1.179622 1.1446414 1.1093687\n", + " 1.0865775 1.076219 1.0744733 1.0743127 1.0694878 1.0599707 1.0515733\n", + " 1.0477892 1.0494698 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1700854 1.1646154 1.1736721 1.1820861 1.1719384 1.1399115 1.1058755\n", + " 1.083581 1.0733252 1.07137 1.071634 1.0679574 1.0592179 1.0508791\n", + " 1.0469289 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1993977 1.1943666 1.2027847 1.2111356 1.1970267 1.1597633 1.1229956\n", + " 1.0976989 1.0856109 1.0813148 1.078876 1.0727544 1.0624123 1.0536445\n", + " 1.0502977 1.0529311 1.0593058 1.0654103 1.0684768 0. 0.\n", + " 0. 0. ]\n", + " [1.1648133 1.1622944 1.1733724 1.183094 1.1719207 1.1403415 1.1074977\n", + " 1.0850177 1.0732688 1.068986 1.0669304 1.0609498 1.0521929 1.0444342\n", + " 1.0412469 1.0431606 1.0481641 1.05265 1.0551349 1.0555838 1.0570389\n", + " 1.0603464 1.0680168]]\n", + "[[1.1756787 1.1716024 1.1811206 1.1888063 1.1777215 1.1442068 1.1094401\n", + " 1.0863774 1.0752219 1.0725408 1.0717351 1.0673361 1.0581576 1.0501063\n", + " 1.0464652 1.0483773 0. ]\n", + " [1.1763872 1.1723882 1.1829207 1.1925662 1.1798619 1.1447327 1.1098889\n", + " 1.086803 1.0761179 1.0735222 1.0731211 1.0678351 1.0577075 1.0493137\n", + " 1.0452838 1.0471302 1.05333 ]\n", + " [1.1808133 1.1750431 1.1832274 1.1923707 1.1774672 1.1434075 1.1088897\n", + " 1.0861596 1.0769001 1.0751894 1.0755008 1.0701436 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1941038 1.1879687 1.1987314 1.2088541 1.1955265 1.1597162 1.1213412\n", + " 1.0957246 1.08466 1.0831537 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1713293 1.1678554 1.1784844 1.1874831 1.1751041 1.1426241 1.1086235\n", + " 1.0856363 1.0752165 1.0725203 1.0729811 1.067915 1.0590161 1.050467\n", + " 1.0465817 1.0483876 0. ]]\n", + "[[1.1718068 1.16874 1.1791251 1.1878996 1.1754038 1.1412618 1.1067652\n", + " 1.0834366 1.0725334 1.0693814 1.067832 1.0622437 1.0536505 1.0459553\n", + " 1.0425773 1.0442947 1.0493443 1.0544138 1.0570375 0. 0.\n", + " 0. 0. ]\n", + " [1.157006 1.1527743 1.1618273 1.1695503 1.1591159 1.1294231 1.0981994\n", + " 1.0770679 1.0666146 1.0628983 1.0617396 1.056785 1.048936 1.0411667\n", + " 1.0381681 1.0399002 1.0445721 1.0491316 1.0512685 0. 0.\n", + " 0. 0. ]\n", + " [1.1693089 1.1661069 1.1758142 1.1833539 1.1717962 1.1393366 1.1059333\n", + " 1.08352 1.0726668 1.0693882 1.0679889 1.0633608 1.0545751 1.0466663\n", + " 1.0434966 1.0456773 1.0505667 1.0555398 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1745253 1.1703463 1.1808772 1.1901271 1.1777055 1.1431986 1.1087954\n", + " 1.085455 1.0755892 1.0737969 1.0738729 1.0692979 1.0604532 1.051725\n", + " 1.0479405 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1735005 1.1709225 1.1813353 1.1910115 1.1806 1.147351 1.1126282\n", + " 1.0891057 1.077145 1.0729901 1.0709078 1.0644549 1.0551913 1.0469255\n", + " 1.0438257 1.0458177 1.0507635 1.0555812 1.0579747 1.0583454 1.0593393\n", + " 1.0631921 1.0705808]]\n", + "[[1.1636739 1.1602919 1.1704235 1.1794853 1.1680043 1.1353762 1.101677\n", + " 1.07952 1.0697565 1.0672948 1.0676419 1.0631068 1.0544558 1.0466237\n", + " 1.0427113 1.0442673 1.0495998]\n", + " [1.1790144 1.1768934 1.18828 1.1977795 1.1841215 1.1485319 1.1124976\n", + " 1.0882146 1.0776696 1.0759032 1.0757074 1.0712209 1.06145 1.0528876\n", + " 1.048612 0. 0. ]\n", + " [1.1961936 1.1911747 1.2009761 1.2096903 1.199312 1.1644186 1.1269686\n", + " 1.1013765 1.0889435 1.0851445 1.0837203 1.0785403 1.0678688 1.0581658\n", + " 1.0535429 1.0555054 1.0616903]\n", + " [1.2110655 1.2032105 1.212247 1.2212653 1.2076706 1.1702912 1.1300793\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2022208 1.1960243 1.2040598 1.2108796 1.1950893 1.1588827 1.1211363\n", + " 1.0963466 1.084852 1.0828133 1.0826182 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1666156 1.1624616 1.1723073 1.1807729 1.1697589 1.1366231 1.1025935\n", + " 1.0802168 1.070481 1.0694345 1.0702376 1.0661561 1.057263 1.048956\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1733168 1.1688155 1.1789222 1.1877334 1.1748688 1.141463 1.1062937\n", + " 1.0833125 1.0727322 1.071088 1.0706358 1.0660347 1.0567676 1.0485257\n", + " 1.0447879 1.0466915 1.0524237 0. 0. ]\n", + " [1.185109 1.181341 1.1915927 1.1996659 1.1883713 1.1544194 1.1178839\n", + " 1.0938555 1.080977 1.076572 1.0742611 1.0687551 1.0591812 1.0512042\n", + " 1.0471042 1.049469 1.0549543 1.0601792 1.0628322]\n", + " [1.1895461 1.1863146 1.1976551 1.2070042 1.1941086 1.1581 1.1207317\n", + " 1.0955443 1.0835469 1.0804405 1.0790783 1.0734593 1.0630951 1.0537724\n", + " 1.049719 1.0514975 1.0575062 1.0630734 0. ]\n", + " [1.1756027 1.1707095 1.1797568 1.1873406 1.1749362 1.1425452 1.1092525\n", + " 1.0860529 1.0754431 1.0728121 1.0726395 1.0675004 1.0585382 1.0506053\n", + " 1.0466417 1.0486969 0. 0. 0. ]]\n", + "[[1.1740398 1.1682411 1.1776571 1.1865633 1.1748333 1.1420128 1.1084503\n", + " 1.0860944 1.0756073 1.0734566 1.0739162 1.069064 1.0599946 1.0507882\n", + " 1.046367 1.0480822 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1697766 1.1663184 1.1764991 1.1848773 1.1714188 1.1377977 1.1041837\n", + " 1.0820385 1.0715593 1.0699413 1.0694958 1.0652026 1.0564375 1.048263\n", + " 1.0446024 1.0462133 1.0512122 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1989502 1.1938443 1.2043622 1.213472 1.2001177 1.1630652 1.1247257\n", + " 1.0985639 1.0865185 1.0836073 1.0836823 1.0784488 1.0678508 1.0583335\n", + " 1.0538695 1.0559462 1.0624864 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1775643 1.1766021 1.1880087 1.1973015 1.1839395 1.1478585 1.112685\n", + " 1.0890795 1.0776721 1.0743883 1.0727633 1.0665301 1.0558859 1.0481079\n", + " 1.04464 1.0460669 1.0512549 1.0560324 1.0586388 1.0598214 0.\n", + " 0. ]\n", + " [1.166703 1.1646914 1.1757082 1.1855493 1.1739283 1.1409291 1.1070095\n", + " 1.083964 1.072354 1.0681522 1.0660825 1.0598419 1.051629 1.0443271\n", + " 1.041531 1.0428017 1.0476449 1.0523537 1.0546312 1.0551101 1.0564992\n", + " 1.0602297]]\n", + "[[1.1715292 1.1667145 1.1767281 1.1851755 1.1738394 1.1413718 1.1076251\n", + " 1.0852513 1.0745742 1.0731305 1.0732963 1.0687419 1.0594094 1.0508652\n", + " 1.0471838 0. 0. 0. 0. 0. 0. ]\n", + " [1.1677947 1.1665256 1.178344 1.1881032 1.1761558 1.1428628 1.108396\n", + " 1.0849446 1.0730458 1.0694097 1.0676668 1.0619987 1.0527062 1.0451801\n", + " 1.041932 1.0434902 1.0485108 1.0531735 1.0555402 1.0566967 1.0577085]\n", + " [1.1613523 1.1548073 1.1625518 1.1699792 1.159954 1.1297472 1.0987253\n", + " 1.0781039 1.0683125 1.0666403 1.0666854 1.0619161 1.0534925 1.0454402\n", + " 1.042091 0. 0. 0. 0. 0. 0. ]\n", + " [1.1951295 1.1879456 1.1957395 1.202987 1.1884339 1.1540632 1.1191314\n", + " 1.0957837 1.0854691 1.083243 1.0829266 1.0771024 1.0675497 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.15754 1.1531875 1.163321 1.1717846 1.1610303 1.1298851 1.0968852\n", + " 1.0760896 1.0662351 1.0643373 1.0642056 1.059906 1.0516133 1.0437678\n", + " 1.040121 1.0415372 1.0465099 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1712276 1.1666491 1.1757717 1.1848828 1.1728561 1.1402404 1.1073177\n", + " 1.0849816 1.0748634 1.0727501 1.0721607 1.0672343 1.0581656 1.0495847\n", + " 1.0455737 1.0475831 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.165218 1.1630234 1.1728142 1.1829953 1.1720984 1.1392511 1.1066334\n", + " 1.0845264 1.0732375 1.069137 1.0663162 1.0600287 1.0511069 1.0439047\n", + " 1.0405914 1.0429534 1.0480245 1.0526075 1.0550065 1.056165 1.0570891\n", + " 1.0602182 1.0674902 1.0770088]\n", + " [1.1650999 1.1597557 1.1689134 1.176816 1.1657802 1.1333628 1.1009691\n", + " 1.0797565 1.0699897 1.0681 1.0682445 1.0639427 1.0550872 1.0469673\n", + " 1.0434798 1.0452286 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1867707 1.1839106 1.1962994 1.2049736 1.1924067 1.1561201 1.1180058\n", + " 1.0926706 1.0811979 1.077919 1.0766821 1.0716354 1.0619875 1.0532646\n", + " 1.0489888 1.0508206 1.056319 1.0615904 1.0642239 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1708645 1.167023 1.1772265 1.185082 1.1738828 1.140423 1.1060284\n", + " 1.0825351 1.070931 1.0679382 1.0666662 1.0618719 1.0531032 1.0457556\n", + " 1.0422897 1.0442576 1.0491805 1.0541493 1.0565445 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.18498 1.1812699 1.1907749 1.1987782 1.1851039 1.1499599 1.1142758\n", + " 1.0916535 1.0806669 1.078126 1.0769652 1.0713532 1.061521 1.0523629\n", + " 1.0485321 1.0507264 1.0567296 0. 0. ]\n", + " [1.1674408 1.1636062 1.1738666 1.182206 1.1707019 1.1378465 1.1036873\n", + " 1.0817779 1.0710137 1.0676179 1.0667943 1.0619473 1.0535246 1.0453477\n", + " 1.0421984 1.0438558 1.0488915 1.0535221 1.0558684]\n", + " [1.1668035 1.1625063 1.1718425 1.1795374 1.1653694 1.1321418 1.0989755\n", + " 1.0777359 1.0681218 1.065738 1.0656463 1.0611523 1.052907 1.0452152\n", + " 1.042208 1.044523 1.0501462 0. 0. ]\n", + " [1.1717498 1.1659014 1.1752436 1.1832455 1.1722435 1.1396195 1.1058515\n", + " 1.0843292 1.0743113 1.0719988 1.0725666 1.0673392 1.0579203 1.0491799\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1505777 1.1473861 1.1580131 1.1668177 1.1559772 1.1250597 1.0935278\n", + " 1.0732043 1.0636817 1.0629125 1.063199 1.0594065 1.0512292 1.0435567\n", + " 1.0399439 0. 0. 0. 0. ]]\n", + "[[1.1883956 1.1834577 1.193568 1.2027817 1.1891077 1.1535746 1.116732\n", + " 1.0939134 1.0834719 1.0820463 1.0827286 1.0767735 1.0660509 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1769085 1.1739042 1.1845908 1.1932355 1.1802533 1.145158 1.1101296\n", + " 1.0866064 1.0749192 1.0714769 1.0697309 1.0641258 1.054853 1.0473623\n", + " 1.0443392 1.0464385 1.0518894 1.0574486 1.0600982 1.061013 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1630299 1.1590188 1.1687846 1.1806473 1.1718304 1.1403716 1.1077937\n", + " 1.0857415 1.0742056 1.0699232 1.0675074 1.0609359 1.0512227 1.043489\n", + " 1.0404608 1.0425967 1.0482802 1.0536009 1.0563396 1.0575058 1.057617\n", + " 1.0606793 1.0677395 1.0773759 1.0856496 1.0902346 1.0924084 1.089184\n", + " 1.0814565]\n", + " [1.1756246 1.1697679 1.1793255 1.188241 1.1768243 1.142482 1.1073745\n", + " 1.0843849 1.0743526 1.0723765 1.0729492 1.0678518 1.0585346 1.0498954\n", + " 1.0455679 1.0475492 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1566314 1.1530975 1.1605297 1.1687739 1.1568621 1.1258305 1.0952623\n", + " 1.0746278 1.0650644 1.0627435 1.0622314 1.0580488 1.0502267 1.0431545\n", + " 1.0400839 1.0414305 1.0463946 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1695577 1.1662427 1.1754453 1.1834626 1.170445 1.1375147 1.1039591\n", + " 1.0819113 1.0711612 1.0678169 1.0665296 1.0610427 1.0523664 1.0451298\n", + " 1.0422134 1.0438783 1.0487902 1.0532031 1.055294 ]\n", + " [1.1742626 1.168974 1.1788088 1.1881135 1.1762602 1.1428521 1.1085882\n", + " 1.0861747 1.0763304 1.0748237 1.0751715 1.0702429 1.060512 1.0512123\n", + " 1.0469289 0. 0. 0. 0. ]\n", + " [1.1756711 1.1703234 1.1815786 1.1908783 1.1779225 1.1433374 1.1078578\n", + " 1.0847977 1.074769 1.0738811 1.0747874 1.070473 1.0612564 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1570976 1.153975 1.163864 1.1732196 1.1611516 1.129397 1.097607\n", + " 1.076645 1.0674479 1.0664862 1.0669533 1.0619607 1.0538434 1.0459598\n", + " 1.0425594 0. 0. 0. 0. ]\n", + " [1.1662453 1.1623302 1.1724977 1.1799196 1.1671352 1.1339948 1.1006593\n", + " 1.0788488 1.0683023 1.0661595 1.0656991 1.0611992 1.0528733 1.0455456\n", + " 1.0421883 1.0440524 1.0492988 1.0542666 0. ]]\n", + "[[1.1761265 1.1725582 1.1834745 1.1920725 1.1811146 1.1476898 1.112281\n", + " 1.088251 1.0773035 1.0743856 1.073189 1.067463 1.0582141 1.049445\n", + " 1.0453247 1.046827 1.0524904 1.0579171 0. 0. 0. ]\n", + " [1.1768334 1.1744747 1.1849333 1.1939194 1.1816729 1.1470765 1.1124417\n", + " 1.0888346 1.0768652 1.0728936 1.0703815 1.0647702 1.0556678 1.0474228\n", + " 1.044067 1.0461727 1.0508394 1.0560552 1.0582083 1.0592126 0. ]\n", + " [1.172613 1.1664702 1.1753637 1.1836454 1.172348 1.1399754 1.1060131\n", + " 1.084088 1.0737033 1.072263 1.072552 1.0682887 1.0592014 1.0505884\n", + " 1.0468558 0. 0. 0. 0. 0. 0. ]\n", + " [1.1711957 1.1680099 1.1789191 1.1884531 1.1753247 1.1416926 1.106842\n", + " 1.0837148 1.0729686 1.0704228 1.0701561 1.0653912 1.0566101 1.0484782\n", + " 1.0448236 1.0466994 1.0519243 1.0572883 0. 0. 0. ]\n", + " [1.1641691 1.1612972 1.1699556 1.1780021 1.1678636 1.1372766 1.1049883\n", + " 1.0840338 1.0719401 1.0667737 1.0646836 1.0588155 1.0505697 1.0431677\n", + " 1.039435 1.0410746 1.0454471 1.0496943 1.0520669 1.0534632 1.055113 ]]\n", + "[[1.1820135 1.1793487 1.189819 1.1977626 1.1850774 1.1502475 1.1142703\n", + " 1.0899817 1.0783889 1.0746638 1.0739926 1.0682371 1.0588293 1.0506461\n", + " 1.0467672 1.0487542 1.0539508 1.0590113 1.0612468 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1750498 1.1720241 1.1829541 1.1927079 1.1801054 1.1446686 1.1086676\n", + " 1.0853006 1.0750563 1.073403 1.0736552 1.0687233 1.0594109 1.050602\n", + " 1.0463785 1.0480205 1.0531979 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1859396 1.1807917 1.191586 1.201174 1.1875491 1.1515886 1.114509\n", + " 1.090147 1.0787693 1.0776947 1.0781399 1.0735528 1.0636755 1.0540589\n", + " 1.0498058 1.0514334 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1771221 1.1732739 1.1837276 1.1912221 1.1783972 1.1432378 1.1077962\n", + " 1.0847186 1.0743203 1.0715322 1.0717157 1.0671811 1.0576191 1.0493517\n", + " 1.0452981 1.0470557 1.0526825 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.151216 1.1472255 1.1592593 1.171032 1.1632519 1.132919 1.1012555\n", + " 1.0796964 1.0689914 1.065377 1.0631355 1.0577778 1.0486073 1.0413519\n", + " 1.0387609 1.0406878 1.0456356 1.0506743 1.0534173 1.0543766 1.0557553\n", + " 1.0586482 1.0643414 1.0733349 1.080587 1.0850219 1.0858964 1.0821327\n", + " 1.0744808 1.0645981]]\n", + "[[1.1833252 1.1790924 1.1896943 1.1983277 1.1855681 1.1513298 1.1153077\n", + " 1.0912485 1.0794289 1.0766937 1.0757172 1.070021 1.0607965 1.052122\n", + " 1.0479476 1.0497998 1.0551636 1.0606761 0. 0. 0. ]\n", + " [1.167195 1.1635951 1.1731781 1.1816105 1.1694303 1.1369748 1.1036488\n", + " 1.0813602 1.0709227 1.0687679 1.0679456 1.0639336 1.0552739 1.0474695\n", + " 1.0440464 1.0460608 1.0513215 0. 0. 0. 0. ]\n", + " [1.1917539 1.1875024 1.1985931 1.2079561 1.1944585 1.1570797 1.1191317\n", + " 1.0944604 1.0834119 1.0819464 1.0821267 1.0763882 1.0659763 1.0564009\n", + " 1.0517191 1.0546442 0. 0. 0. 0. 0. ]\n", + " [1.1486642 1.1455683 1.1555064 1.1650491 1.1543566 1.125613 1.0951234\n", + " 1.0748051 1.0641599 1.0607418 1.0585899 1.053697 1.0453955 1.0389473\n", + " 1.0360504 1.0379779 1.0422473 1.0468147 1.048989 1.0498164 1.051082 ]\n", + " [1.1507659 1.1463704 1.1545737 1.1622729 1.1531398 1.1250808 1.0960568\n", + " 1.0764096 1.0674666 1.0649773 1.0648893 1.060311 1.051951 1.044071\n", + " 1.0403581 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1709075 1.1676347 1.178036 1.1869223 1.1732967 1.1394566 1.1059152\n", + " 1.0834956 1.0726861 1.0695744 1.0677942 1.0624444 1.0535201 1.0458742\n", + " 1.0424737 1.0445619 1.0495933 1.0543077 1.0569618]\n", + " [1.1874125 1.1830411 1.1938403 1.2037437 1.1906487 1.1556886 1.1192721\n", + " 1.0949277 1.0832485 1.0802954 1.0802311 1.0750878 1.064502 1.0554587\n", + " 1.0513629 1.0535328 0. 0. 0. ]\n", + " [1.1716517 1.1693772 1.1797423 1.1876932 1.1750457 1.1407952 1.1062139\n", + " 1.0839354 1.0741563 1.0716302 1.0720861 1.0669397 1.0573336 1.049094\n", + " 1.0450811 1.0468379 1.0525466 0. 0. ]\n", + " [1.1657743 1.1634353 1.1739744 1.1823559 1.1699823 1.1362734 1.1025647\n", + " 1.0812981 1.0711696 1.0701303 1.0703157 1.0655208 1.0560535 1.047857\n", + " 1.0441036 1.0457922 0. 0. 0. ]\n", + " [1.1636828 1.1590397 1.1672635 1.174445 1.1628318 1.1315962 1.0995215\n", + " 1.0784073 1.0682132 1.0655233 1.0642229 1.060181 1.0522888 1.0445849\n", + " 1.0417377 1.0437021 1.0488936 0. 0. ]]\n", + "[[1.168416 1.1671338 1.1788259 1.1898459 1.177827 1.144978 1.1103755\n", + " 1.0868429 1.0747335 1.070601 1.0684162 1.0621898 1.052771 1.0452021\n", + " 1.0419492 1.0438043 1.0485997 1.0540088 1.056707 1.0575923 1.0588683\n", + " 1.0627308]\n", + " [1.172945 1.1690302 1.1801965 1.188904 1.1763029 1.1420054 1.1078012\n", + " 1.0853676 1.0734689 1.0695456 1.0676272 1.0620929 1.0529956 1.0460492\n", + " 1.0431824 1.0446941 1.0496837 1.0546122 1.0571214 1.057977 1.0602121\n", + " 0. ]\n", + " [1.1812483 1.1779168 1.1881025 1.1968185 1.1840839 1.1490709 1.1133928\n", + " 1.0897486 1.078694 1.0756778 1.0749133 1.0694082 1.059621 1.0509979\n", + " 1.0473403 1.0491813 1.054737 1.0600137 0. 0. 0.\n", + " 0. ]\n", + " [1.1652958 1.1619812 1.1732852 1.1829753 1.171944 1.1392404 1.1042869\n", + " 1.0814213 1.0707183 1.069193 1.0698555 1.065096 1.0567293 1.0486037\n", + " 1.0448078 1.0464267 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2113675 1.2052252 1.2150817 1.2230173 1.2086495 1.1707312 1.1305562\n", + " 1.1033635 1.0909462 1.089335 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1936464 1.189691 1.2004404 1.2107981 1.1957197 1.1574606 1.1185868\n", + " 1.0937907 1.0832605 1.0829266 1.0842574 1.0784711 1.0673058 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1883484 1.1841164 1.1942115 1.2028506 1.1886908 1.152671 1.1161388\n", + " 1.0914427 1.0800432 1.0774328 1.0762928 1.0699226 1.0596545 1.0509759\n", + " 1.0470983 1.0492218 1.055196 1.061418 0. 0. 0. ]\n", + " [1.1778945 1.1718556 1.1801373 1.1878302 1.177824 1.1452844 1.1115618\n", + " 1.0890148 1.0783852 1.0766811 1.0771194 1.0728908 1.0631704 1.0539173\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1731557 1.1699106 1.1809906 1.1903168 1.177866 1.1448443 1.1104821\n", + " 1.086891 1.0752848 1.0708077 1.0685437 1.0630008 1.0538559 1.0463663\n", + " 1.0428177 1.0449604 1.0496496 1.0544499 1.0567181 1.057549 1.0590911]\n", + " [1.1692696 1.1636268 1.1733679 1.1816542 1.1708577 1.1386268 1.1050392\n", + " 1.0831131 1.0726717 1.0716149 1.0717368 1.0668306 1.0579841 1.0493237\n", + " 1.0456691 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1662197 1.1622185 1.1721761 1.1814646 1.1703163 1.1384226 1.1054815\n", + " 1.0830649 1.0720139 1.0684344 1.0667496 1.060943 1.0522872 1.0444384\n", + " 1.0412872 1.0425422 1.0475739 1.0521765 1.0544904 1.0551627 0.\n", + " 0. 0. ]\n", + " [1.1790652 1.1764873 1.188677 1.1980501 1.1843288 1.1482604 1.1117563\n", + " 1.0874248 1.0761124 1.0730377 1.0720342 1.0661699 1.0564953 1.0484096\n", + " 1.0442241 1.0463798 1.051785 1.0569677 1.059873 0. 0.\n", + " 0. 0. ]\n", + " [1.2147033 1.2098222 1.218581 1.227642 1.2119288 1.1750696 1.1355355\n", + " 1.1087954 1.0964186 1.0943975 1.0938095 1.0878568 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1463866 1.1443876 1.1543334 1.1632156 1.1528333 1.122765 1.0933645\n", + " 1.0736626 1.0639168 1.0600555 1.0578969 1.0524763 1.0443419 1.0373087\n", + " 1.0346818 1.0363729 1.0405751 1.0450736 1.0475949 1.0486035 1.0500962\n", + " 1.0531961 1.0596141]\n", + " [1.1836311 1.1778533 1.188041 1.1966928 1.1852863 1.1507447 1.1149511\n", + " 1.0907258 1.080312 1.0789627 1.079767 1.0747056 1.0649607 1.0551925\n", + " 1.0506029 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1681517 1.1651919 1.1758287 1.1853219 1.1738453 1.1403483 1.1060947\n", + " 1.0836502 1.0731256 1.071338 1.0716803 1.0665013 1.0576961 1.0495272\n", + " 1.0454985 1.0474485 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1676471 1.1653359 1.1764613 1.1862283 1.1742302 1.1398271 1.1047523\n", + " 1.0808939 1.0701783 1.0674028 1.0658633 1.060895 1.0521489 1.0446991\n", + " 1.0408612 1.0426085 1.047628 1.0523224 1.0545671 1.055341 0.\n", + " 0. ]\n", + " [1.1766409 1.1737418 1.1848394 1.1940315 1.1814679 1.1474625 1.1120924\n", + " 1.0881003 1.0765079 1.0736367 1.072366 1.0670998 1.0582502 1.0498028\n", + " 1.0460652 1.0477816 1.0529088 1.0581474 0. 0. 0.\n", + " 0. ]\n", + " [1.1607047 1.1581644 1.1682789 1.1772611 1.1647711 1.1324366 1.0999293\n", + " 1.0785077 1.0677559 1.0638986 1.0622185 1.0571034 1.0490837 1.0419376\n", + " 1.0387691 1.040547 1.0448514 1.0493003 1.0515418 1.0524685 1.0540693\n", + " 1.0575016]\n", + " [1.1776034 1.1756014 1.1873231 1.1965158 1.1838183 1.1484809 1.1114653\n", + " 1.0871828 1.0754666 1.0725346 1.0712302 1.0650675 1.0557601 1.0471241\n", + " 1.04367 1.0455531 1.0505437 1.055563 1.0585557 1.0595117 0.\n", + " 0. ]]\n", + "[[1.1822774 1.1796178 1.191632 1.2018393 1.1887352 1.152845 1.1162672\n", + " 1.0921621 1.0801392 1.0761802 1.0745516 1.068499 1.0585501 1.0498111\n", + " 1.0461509 1.0481131 1.0537351 1.0588183 1.0613949 1.0621717]\n", + " [1.1629555 1.1574774 1.1663668 1.1738863 1.1628114 1.131414 1.0997319\n", + " 1.0791917 1.0699916 1.0690025 1.0693022 1.0649607 1.0559515 1.047349\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.168022 1.1655836 1.1765428 1.1855 1.1738567 1.1405973 1.1062098\n", + " 1.0838242 1.0734417 1.0712152 1.0706006 1.0655955 1.0564148 1.0485783\n", + " 1.0446708 1.0463419 1.0517122 0. 0. 0. ]\n", + " [1.169033 1.1662773 1.1768095 1.1859745 1.1735784 1.1417613 1.1083856\n", + " 1.0858524 1.0749093 1.0722437 1.0714746 1.0664506 1.0566577 1.0482979\n", + " 1.0445251 1.0462496 1.0515636 0. 0. 0. ]\n", + " [1.1780446 1.1719323 1.1819406 1.1906286 1.1778738 1.1453036 1.1102381\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1842885 1.1825252 1.194206 1.203016 1.1913481 1.1564533 1.1197816\n", + " 1.0945891 1.0816526 1.077117 1.0749025 1.068504 1.0586556 1.0501865\n", + " 1.0465684 1.0488286 1.0546287 1.059571 1.0622382 1.0632591 1.064424 ]\n", + " [1.1692886 1.1625655 1.1703968 1.1774354 1.1656362 1.1340063 1.1016916\n", + " 1.0810496 1.0713804 1.0697283 1.0703644 1.0658009 1.0573754 1.0491064\n", + " 1.0455191 0. 0. 0. 0. 0. 0. ]\n", + " [1.1775565 1.1701883 1.1784391 1.1861103 1.173528 1.1401021 1.107283\n", + " 1.0850937 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1778101 1.1726586 1.181289 1.188338 1.1740499 1.140885 1.1075183\n", + " 1.0843415 1.072696 1.069785 1.0686269 1.0631248 1.0547174 1.0469232\n", + " 1.043753 1.0451756 1.0504359 1.0553532 1.0579116 0. 0. ]\n", + " [1.1617849 1.1544267 1.1632824 1.1728398 1.1627172 1.1336532 1.1032373\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1555631 1.1515037 1.1619756 1.1702185 1.159283 1.127309 1.0951352\n", + " 1.0745308 1.0653408 1.0635555 1.0635806 1.0585978 1.0503601 1.0427126\n", + " 1.0392628 1.0410954 1.0460063 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1823304 1.1791161 1.1900175 1.1979889 1.1855508 1.1500844 1.113776\n", + " 1.0890915 1.0780531 1.0754029 1.0743368 1.0693655 1.0597872 1.0516567\n", + " 1.0474297 1.049383 1.0548472 1.0605007 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.15376 1.1524616 1.1634438 1.1738658 1.1639023 1.1333148 1.1005286\n", + " 1.0796405 1.0685092 1.0641767 1.0621043 1.0559467 1.0474132 1.0405616\n", + " 1.0374352 1.0395186 1.0439159 1.0490147 1.0512041 1.0528754 1.0540996\n", + " 1.0569813 1.0638003 1.0724217]\n", + " [1.1646441 1.1612666 1.1714498 1.1792676 1.1663923 1.1339884 1.1010859\n", + " 1.0792402 1.0691553 1.0683268 1.0685374 1.0646462 1.0556056 1.047743\n", + " 1.0441214 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2030847 1.1950798 1.2037725 1.2108563 1.19583 1.158819 1.1204938\n", + " 1.095417 1.0843024 1.0834019 1.0842898 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1557468 1.1511809 1.1612113 1.1698825 1.1599348 1.1293423 1.0968196\n", + " 1.0755051 1.0654773 1.0630656 1.0634167 1.0595874 1.0512575 1.0436319\n", + " 1.0401914 1.0419967 1.0470514]\n", + " [1.1741621 1.1688164 1.1796544 1.1883597 1.1765378 1.142595 1.1081736\n", + " 1.0847183 1.0745691 1.0727332 1.0733155 1.0686606 1.0589122 1.0504113\n", + " 1.0466996 0. 0. ]\n", + " [1.2172222 1.2111245 1.2211732 1.2298208 1.214298 1.1751243 1.133724\n", + " 1.1065675 1.0941851 1.0924703 1.0926125 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1664807 1.1621248 1.172169 1.1809264 1.1709116 1.139213 1.1054809\n", + " 1.0828563 1.0721904 1.0693303 1.0701854 1.0659932 1.0572914 1.0491345\n", + " 1.045354 1.0468451 0. ]\n", + " [1.1557436 1.1519887 1.1613895 1.1690786 1.1581978 1.1272069 1.0950915\n", + " 1.0749669 1.0656412 1.0646768 1.0648383 1.0602117 1.0519321 1.0443788\n", + " 1.0407053 1.0425367 0. ]]\n", + "[[1.1707733 1.1679976 1.1787845 1.1883191 1.176164 1.1426451 1.1079146\n", + " 1.0845289 1.0736347 1.0710412 1.071253 1.0666164 1.057669 1.0493008\n", + " 1.0456915 1.0471787 1.052624 ]\n", + " [1.1743401 1.1701057 1.1798246 1.1867517 1.1750678 1.141709 1.1076453\n", + " 1.0846261 1.0745085 1.0717958 1.0719106 1.067159 1.0579776 1.0496309\n", + " 1.0456944 1.0477126 1.0533142]\n", + " [1.1689223 1.1639895 1.1748087 1.183375 1.1723816 1.1391727 1.1046548\n", + " 1.0823978 1.0721691 1.0711386 1.0724809 1.0686399 1.0595728 0.\n", + " 0. 0. 0. ]\n", + " [1.1547922 1.1500505 1.1589377 1.1667953 1.1554226 1.1257825 1.0951483\n", + " 1.0751917 1.0660584 1.0642793 1.0643167 1.0607826 1.0527691 1.0450596\n", + " 1.0415722 0. 0. ]\n", + " [1.1625866 1.1582366 1.1679233 1.1760035 1.1650765 1.1336542 1.1004727\n", + " 1.0790482 1.0690839 1.0672466 1.0670066 1.0619061 1.0531771 1.0453769\n", + " 1.0417916 1.043427 1.0486425]]\n", + "[[1.1616546 1.1586633 1.1686926 1.1773438 1.1657542 1.1340538 1.1008782\n", + " 1.0784227 1.0683024 1.0660049 1.0659399 1.061787 1.0533589 1.0458486\n", + " 1.0421858 1.043667 1.0486093 0. 0. ]\n", + " [1.1724907 1.1685152 1.1792239 1.1888984 1.1767721 1.1428858 1.1080683\n", + " 1.0846106 1.0730863 1.070573 1.0699834 1.0650562 1.0565702 1.0484375\n", + " 1.0447676 1.0463415 1.0513281 1.0563675 0. ]\n", + " [1.179071 1.1729 1.1827168 1.1910892 1.177974 1.1452867 1.1107703\n", + " 1.0880219 1.0774391 1.0758262 1.0755391 1.0710139 1.0617532 1.0526841\n", + " 1.0487125 0. 0. 0. 0. ]\n", + " [1.188839 1.1845111 1.1946639 1.2038033 1.1900429 1.154722 1.1185654\n", + " 1.0938181 1.081066 1.0774515 1.0754147 1.0699223 1.0601981 1.0515392\n", + " 1.047464 1.0496502 1.0555 1.0607604 1.0633048]\n", + " [1.184356 1.1791689 1.1901115 1.2011671 1.1888286 1.154887 1.1180654\n", + " 1.0928808 1.0815951 1.0803008 1.0807165 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.2002969 1.1922144 1.1986583 1.2045504 1.1918972 1.1571212 1.1204039\n", + " 1.0952506 1.0837061 1.081902 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1921792 1.1889868 1.2001171 1.2085948 1.1950657 1.1594858 1.1225892\n", + " 1.0968158 1.0834267 1.0793378 1.0768125 1.0706964 1.0601598 1.0520264\n", + " 1.048471 1.0503316 1.056442 1.06138 1.0641128 1.0653058]\n", + " [1.1776683 1.1738447 1.1843128 1.1929765 1.1807933 1.1467205 1.1118948\n", + " 1.088017 1.0769136 1.0734951 1.0718249 1.06645 1.0571463 1.0487616\n", + " 1.0453151 1.047486 1.0528023 1.0581369 1.0604078 0. ]\n", + " [1.1637657 1.1600126 1.1687078 1.1774409 1.1651613 1.133951 1.1008985\n", + " 1.0786804 1.0674206 1.0648704 1.0641155 1.0599174 1.0524987 1.0451038\n", + " 1.0416567 1.0428108 1.0474881 1.0524712 0. 0. ]\n", + " [1.1700497 1.1662006 1.1749952 1.1834348 1.1729128 1.1413693 1.1075181\n", + " 1.0854114 1.0745107 1.0726016 1.072403 1.0674695 1.058071 1.0496565\n", + " 1.0460325 1.0480722 0. 0. 0. 0. ]]\n", + "[[1.1690131 1.1668935 1.1777124 1.1876594 1.1752272 1.1412344 1.1066914\n", + " 1.0838727 1.0728674 1.0692735 1.0679132 1.0625943 1.0538828 1.0462338\n", + " 1.0427372 1.0444224 1.0493476 1.0537765 1.0561192 1.0570321 0.\n", + " 0. 0. 0. ]\n", + " [1.1766036 1.1718249 1.1817611 1.1891981 1.1776252 1.1429894 1.1072028\n", + " 1.0846555 1.0743059 1.0726063 1.0733354 1.0688738 1.0598096 1.0510234\n", + " 1.0472487 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1695737 1.1653037 1.1746205 1.1826587 1.1713867 1.1384969 1.1049098\n", + " 1.0823636 1.072124 1.0693117 1.0688584 1.0633239 1.0544083 1.0462755\n", + " 1.0430801 1.0448163 1.0499353 1.0547379 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1614438 1.1599798 1.1702429 1.1792448 1.1679045 1.1356914 1.1026103\n", + " 1.0806504 1.0697389 1.0662602 1.0643297 1.0586128 1.049787 1.0427428\n", + " 1.0398461 1.041199 1.0458703 1.0503101 1.0526626 1.0541295 1.0556862\n", + " 1.0594184 0. 0. ]\n", + " [1.1619887 1.1605781 1.1713816 1.181528 1.1699109 1.138142 1.1046016\n", + " 1.0822902 1.0712996 1.0675255 1.0656673 1.0597756 1.0506245 1.0430754\n", + " 1.0399323 1.0418496 1.04615 1.0511873 1.0537295 1.0543643 1.0555273\n", + " 1.0586396 1.0658101 1.0755106]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1831703 1.1774739 1.1857449 1.1912395 1.1784583 1.1443504 1.1095103\n", + " 1.0863957 1.0767442 1.0755969 1.0749251 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1593676 1.156486 1.1670253 1.1775432 1.168831 1.1380997 1.1061035\n", + " 1.0840979 1.0724851 1.0677859 1.0654935 1.0592289 1.0503238 1.0427334\n", + " 1.0398054 1.0422336 1.0474383 1.0521014 1.0542815 1.0542548 1.0550305\n", + " 1.0582124 1.0652999 1.0749747 1.0833055 1.0871241]\n", + " [1.2108694 1.2066396 1.2178944 1.2287899 1.2127197 1.1712836 1.128689\n", + " 1.1011254 1.0890961 1.088287 1.0888356 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.163667 1.158231 1.1664472 1.1737605 1.1610146 1.130089 1.098816\n", + " 1.0776705 1.0679858 1.0651371 1.0652552 1.06137 1.053287 1.0457999\n", + " 1.0424162 1.044155 1.0492111 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.16102 1.1584195 1.169047 1.1794206 1.1692805 1.1371549 1.1044142\n", + " 1.0818701 1.0705246 1.0663288 1.0642921 1.0585191 1.0500677 1.0425445\n", + " 1.0393105 1.0408733 1.0452615 1.0500299 1.0528619 1.0540211 1.0552943\n", + " 1.0589237 0. 0. 0. 0. ]]\n", + "[[1.206466 1.1994962 1.2082285 1.2149072 1.1998081 1.1627636 1.1249284\n", + " 1.0984098 1.0872405 1.0858991 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1664646 1.1630542 1.1737037 1.1814882 1.1693646 1.1350553 1.1021446\n", + " 1.0804986 1.0714345 1.0710325 1.0716308 1.0669283 1.0573889 1.0488918\n", + " 0. 0. 0. 0. ]\n", + " [1.1722206 1.1676464 1.1766789 1.1850294 1.1717606 1.1389085 1.1053602\n", + " 1.0829669 1.0727252 1.071158 1.0712475 1.0668777 1.058343 1.0505049\n", + " 1.046659 0. 0. 0. ]\n", + " [1.1695067 1.1687645 1.1804277 1.187563 1.1740354 1.1396122 1.1048614\n", + " 1.082575 1.0721862 1.069297 1.0688559 1.0638509 1.0548062 1.046563\n", + " 1.0431381 1.0447162 1.0500454 1.0551075]\n", + " [1.1619083 1.1584284 1.167066 1.1754981 1.1630805 1.1312907 1.0994021\n", + " 1.0777171 1.0677578 1.0657406 1.0663105 1.0624304 1.0544772 1.0466905\n", + " 1.0432777 1.0450635 0. 0. ]]\n", + "[[1.1797413 1.1744258 1.1851802 1.194884 1.1838855 1.1492475 1.1127715\n", + " 1.0892031 1.0785385 1.0778655 1.0778933 1.0731606 1.0633198 1.0535973\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1704531 1.167222 1.179311 1.1893137 1.1775842 1.1427826 1.1074404\n", + " 1.0837054 1.0728885 1.0699512 1.0687615 1.0632913 1.0541562 1.0458908\n", + " 1.042403 1.0437555 1.0489774 1.0541075 1.0566329]\n", + " [1.2024171 1.1965612 1.206862 1.2151049 1.2014039 1.1637408 1.1254663\n", + " 1.1002185 1.0895044 1.0884312 1.088526 1.0831074 1.071843 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1665944 1.1621866 1.172627 1.1809976 1.1690559 1.136262 1.1028194\n", + " 1.080851 1.07056 1.0691565 1.0694284 1.06489 1.0562093 1.0481629\n", + " 1.0443813 1.0461217 0. 0. 0. ]\n", + " [1.1785727 1.175313 1.1866342 1.1961503 1.1831791 1.1485002 1.1130553\n", + " 1.0889 1.0772285 1.0739067 1.0723543 1.0666494 1.0575604 1.0493517\n", + " 1.0458056 1.0474138 1.0527596 1.0577197 1.0603406]]\n", + "[[1.1763248 1.1714468 1.1797031 1.1866541 1.1734391 1.1404642 1.1069362\n", + " 1.0857867 1.0761963 1.0745616 1.0750287 1.0702598 1.0606183 1.0516238\n", + " 1.0474321 0. 0. 0. ]\n", + " [1.150974 1.1467994 1.1547694 1.1611096 1.1496589 1.1211268 1.0924561\n", + " 1.0733287 1.0640198 1.0620952 1.0611869 1.0574018 1.0499938 1.042715\n", + " 1.0397406 1.0413412 0. 0. ]\n", + " [1.1859646 1.1816201 1.1895775 1.1975573 1.1830063 1.1488526 1.1141014\n", + " 1.0904453 1.0787029 1.0754664 1.073139 1.0679848 1.0583719 1.0504096\n", + " 1.0463403 1.0483685 1.053532 1.0591006]\n", + " [1.1852592 1.1788652 1.1885688 1.1973 1.1857798 1.1528436 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.181799 1.175604 1.1833462 1.1903709 1.1776915 1.1446855 1.1105773\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1691911 1.1673326 1.1766832 1.1850994 1.1723665 1.1393967 1.1058928\n", + " 1.0837613 1.0733879 1.0704212 1.0700959 1.0655103 1.0564588 1.0482618\n", + " 1.0445043 1.0462751 1.0517247]\n", + " [1.1881366 1.1819292 1.1912037 1.2001159 1.1867903 1.1510985 1.1152481\n", + " 1.0912542 1.0808514 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1779734 1.1740749 1.1848545 1.1955295 1.1830631 1.1479383 1.1122708\n", + " 1.0879036 1.0766209 1.0747902 1.0751317 1.0706964 1.0610484 1.05179\n", + " 1.0476575 1.0493587 0. ]\n", + " [1.1861528 1.1835402 1.1932843 1.2019143 1.1868532 1.1521477 1.1164305\n", + " 1.0924519 1.0814723 1.0787704 1.0786026 1.0729303 1.063015 1.0538\n", + " 1.0497941 1.0515192 1.0573488]\n", + " [1.1527944 1.1489091 1.157412 1.1650162 1.1540378 1.1238906 1.0929933\n", + " 1.0724463 1.0632588 1.0613625 1.0620272 1.0579683 1.0506132 1.0431778\n", + " 1.0396887 1.0413529 0. ]]\n", + "[[1.1891878 1.1850274 1.1964837 1.2060583 1.1944716 1.1592425 1.1221465\n", + " 1.0970906 1.0840564 1.0799466 1.0774343 1.0722466 1.0625482 1.0540888\n", + " 1.0502126 1.0515946 1.057028 1.0623399 1.0653237 1.0662315]\n", + " [1.1697526 1.1646128 1.173423 1.18114 1.169351 1.1361644 1.101815\n", + " 1.079789 1.0694202 1.066612 1.0669229 1.0629054 1.0546978 1.0469655\n", + " 1.043723 1.0455186 1.0508091 0. 0. 0. ]\n", + " [1.1782635 1.1756309 1.1863652 1.1958531 1.1834681 1.1499089 1.114214\n", + " 1.0902613 1.0780361 1.0747808 1.073296 1.067091 1.0580875 1.0493169\n", + " 1.0453906 1.0463785 1.0517236 1.0568894 1.0595015 0. ]\n", + " [1.1728998 1.1665245 1.1758987 1.1838028 1.1732064 1.1416694 1.1077635\n", + " 1.085898 1.0751226 1.0734062 1.0733055 1.0678843 1.058868 1.0499889\n", + " 1.0460792 0. 0. 0. 0. 0. ]\n", + " [1.166668 1.1631056 1.1738935 1.1821854 1.1707425 1.1376275 1.1028962\n", + " 1.0804896 1.0694844 1.067083 1.0659375 1.0615282 1.052794 1.0454121\n", + " 1.0418836 1.0437552 1.0487022 1.0534097 1.0557505 0. ]]\n", + "[[1.1790375 1.1760938 1.1866163 1.1950576 1.18303 1.1488553 1.1141889\n", + " 1.0904142 1.0785644 1.0751114 1.0733222 1.0672021 1.0581838 1.0497086\n", + " 1.0464735 1.0480763 1.0537928 1.0587701 1.0608255 0. ]\n", + " [1.1796266 1.1765678 1.1877959 1.1982237 1.1861414 1.1515722 1.1151077\n", + " 1.0901071 1.0779649 1.0751625 1.0744147 1.0695498 1.0605305 1.0515164\n", + " 1.0476815 1.0491161 1.0542629 1.0600337 0. 0. ]\n", + " [1.1766675 1.1723838 1.1814051 1.1913298 1.1774637 1.1423825 1.1068503\n", + " 1.0848051 1.0747733 1.0744603 1.0751048 1.0703441 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1806772 1.1775981 1.1900383 1.2008578 1.1876696 1.1523489 1.1157317\n", + " 1.0917802 1.0799633 1.0760566 1.0746249 1.0685593 1.0586647 1.0499673\n", + " 1.0458176 1.0478988 1.053401 1.0588365 1.061072 1.0619653]\n", + " [1.187533 1.1812271 1.1911335 1.1994638 1.1856648 1.148986 1.1131018\n", + " 1.0896338 1.0792629 1.079034 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1626312 1.1607263 1.1731435 1.1821102 1.171325 1.1391537 1.1053575\n", + " 1.0822359 1.070522 1.067066 1.0649488 1.059442 1.0515846 1.0441101\n", + " 1.040519 1.0423627 1.0466561 1.0511445 1.0530889 1.0540407 1.055501 ]\n", + " [1.1781687 1.1743599 1.1848221 1.1945565 1.1823663 1.1480777 1.1129302\n", + " 1.0887072 1.0767775 1.0729073 1.0712985 1.0648817 1.055828 1.0477691\n", + " 1.0441802 1.0459564 1.050778 1.0560873 1.0581951 1.0591552 0. ]\n", + " [1.181659 1.1769012 1.1873652 1.1961715 1.185322 1.1510162 1.1147003\n", + " 1.0895101 1.0775788 1.0742332 1.0725076 1.0673989 1.057991 1.0495542\n", + " 1.045988 1.0480915 1.0536648 1.0591824 1.0616393 0. 0. ]\n", + " [1.1632683 1.1611075 1.1716161 1.1806834 1.1684409 1.1356884 1.1029353\n", + " 1.0807128 1.0699553 1.0661447 1.0653929 1.060173 1.0519211 1.0444665\n", + " 1.041132 1.0427773 1.0477189 1.0525997 1.0552503 0. 0. ]\n", + " [1.1968387 1.1913327 1.2010067 1.2094468 1.1969228 1.1613958 1.1241654\n", + " 1.099333 1.0869801 1.0847356 1.0843356 1.0787915 1.0687566 1.058804\n", + " 1.0545175 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1907102 1.1865884 1.1965032 1.2048084 1.1911771 1.1554362 1.119822\n", + " 1.0958022 1.0833361 1.0789998 1.076906 1.0701779 1.0602332 1.0519984\n", + " 1.048199 1.0507047 1.0560243 1.0611006 1.0633856 1.0642549]\n", + " [1.1756413 1.1710242 1.1814908 1.189912 1.1792184 1.1442584 1.1095532\n", + " 1.0869594 1.0761471 1.074818 1.0751078 1.0703163 1.0610499 1.0522784\n", + " 1.0482227 0. 0. 0. 0. 0. ]\n", + " [1.1779495 1.173857 1.1849588 1.19416 1.1824837 1.1470401 1.1108198\n", + " 1.0866494 1.0758061 1.0741735 1.0746229 1.0705136 1.0609818 1.0523947\n", + " 1.0482422 1.0499994 0. 0. 0. 0. ]\n", + " [1.183219 1.1786083 1.1880654 1.1963756 1.1824163 1.146922 1.11224\n", + " 1.0892668 1.0785996 1.0780095 1.0781645 1.0731378 1.0631402 1.0538073\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1948397 1.1914902 1.2030301 1.2114378 1.1985455 1.1617925 1.1234484\n", + " 1.0973263 1.0852604 1.0811491 1.0796554 1.0739211 1.0635295 1.0544721\n", + " 1.0504141 1.052699 1.0584798 1.0640057 1.0670744 0. ]]\n", + "[[1.1686499 1.1666379 1.1777039 1.1873723 1.1761193 1.143454 1.1089557\n", + " 1.0852488 1.0732704 1.0687486 1.0666069 1.0612773 1.0529492 1.0457243\n", + " 1.0422705 1.0440307 1.0489498 1.0536357 1.0561515 1.0573983 1.0589375]\n", + " [1.1742085 1.1722786 1.1834205 1.1919695 1.1782452 1.1446462 1.109965\n", + " 1.0866472 1.075348 1.0715519 1.0699356 1.0641327 1.0548177 1.0468916\n", + " 1.0436431 1.0452445 1.0503116 1.0551562 1.0576338 1.0588486 0. ]\n", + " [1.1649534 1.1584961 1.1664454 1.1742811 1.1627192 1.1319045 1.1001064\n", + " 1.0782127 1.0683388 1.0659001 1.0656503 1.06144 1.0534252 1.046177\n", + " 1.043004 0. 0. 0. 0. 0. 0. ]\n", + " [1.1636602 1.1596953 1.169514 1.1785953 1.1666089 1.1345555 1.1015368\n", + " 1.0801299 1.0702181 1.0684031 1.0690789 1.0643351 1.0556498 1.0476353\n", + " 1.0436611 1.0451314 0. 0. 0. 0. 0. ]\n", + " [1.1778907 1.1739793 1.183711 1.1923896 1.1796131 1.1456981 1.1107061\n", + " 1.086984 1.0761604 1.0729516 1.0714456 1.0656887 1.056334 1.047884\n", + " 1.0442872 1.0462254 1.0517882 1.0570579 1.0598047 0. 0. ]]\n", + "[[1.2146436 1.2087833 1.2185652 1.2251554 1.2110502 1.1713374 1.1305146\n", + " 1.1026534 1.090867 1.0880333 1.089721 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1691653 1.166872 1.1778858 1.18696 1.1746769 1.140744 1.1058339\n", + " 1.0832481 1.072445 1.0706873 1.0703794 1.0656174 1.0564578 1.0483801\n", + " 1.0444574 1.0461265 1.051736 0. 0. ]\n", + " [1.179245 1.1762655 1.1875328 1.1972353 1.1841588 1.1496105 1.1134318\n", + " 1.0893309 1.0775567 1.0739843 1.0730646 1.0674628 1.0579116 1.049404\n", + " 1.0457561 1.0475901 1.0526925 1.0579443 1.0603544]\n", + " [1.1770188 1.172626 1.1828101 1.1941363 1.1826938 1.1487578 1.1126642\n", + " 1.0892061 1.0778222 1.0761527 1.0763001 1.0715225 1.0625564 1.0532655\n", + " 1.0489562 1.050672 0. 0. 0. ]\n", + " [1.1714312 1.1671895 1.1776079 1.1876577 1.1755744 1.1429226 1.1080195\n", + " 1.0845423 1.0743309 1.0720805 1.0723019 1.0683411 1.059197 1.0509084\n", + " 1.0467176 1.0485418 0. 0. 0. ]]\n", + "[[1.1950362 1.1892763 1.201805 1.2123066 1.1980513 1.1611034 1.1228546\n", + " 1.0987777 1.0883143 1.0868318 1.087191 1.0818917 1.0705488 1.0599558\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1644045 1.1605867 1.1702175 1.1793195 1.1671326 1.1351559 1.1025672\n", + " 1.0805995 1.0701307 1.0667614 1.0649391 1.0590961 1.0507472 1.0435772\n", + " 1.0407025 1.042278 1.0477537 1.052368 1.054248 1.0551451]\n", + " [1.1577244 1.1530206 1.1611626 1.1694388 1.1572093 1.1273761 1.0962173\n", + " 1.0753449 1.0658562 1.0633085 1.0640111 1.0605426 1.0528587 1.0454383\n", + " 1.041841 1.0432801 0. 0. 0. 0. ]\n", + " [1.1608819 1.1562101 1.1656209 1.1744814 1.1637634 1.1320955 1.09943\n", + " 1.0777477 1.0675298 1.0655597 1.0662916 1.0624115 1.0545233 1.0467798\n", + " 1.0429066 1.0443974 0. 0. 0. 0. ]\n", + " [1.2061709 1.2007875 1.2113106 1.2210534 1.2065709 1.1694196 1.1300884\n", + " 1.1044354 1.0919129 1.0900267 1.0900788 1.0840806 1.0733309 1.0629708\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1898727 1.1847738 1.1951274 1.2041442 1.1919707 1.1570231 1.1201965\n", + " 1.0953403 1.084371 1.0820628 1.0823557 1.0765731 1.0665934 1.0566585\n", + " 1.0520438 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1552823 1.1510918 1.1595402 1.1670344 1.1557258 1.1248927 1.094088\n", + " 1.0738771 1.0632386 1.0600829 1.0585417 1.0540402 1.0471591 1.0407872\n", + " 1.038249 1.0394721 1.0438643 1.0481747 1.0504773 1.0516857 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1505901 1.1478336 1.1589183 1.1701247 1.1610177 1.1311789 1.0989652\n", + " 1.0778612 1.0675672 1.0642574 1.0625415 1.0566161 1.0477681 1.0405998\n", + " 1.0377188 1.0396247 1.0450884 1.0503066 1.0527844 1.0535996 1.0536728\n", + " 1.0563827 1.0628192 1.0724078 1.0802878 1.0843787 1.0862267 1.0825274\n", + " 1.0749503]\n", + " [1.165057 1.1621144 1.1714865 1.1786548 1.1657442 1.1334939 1.101234\n", + " 1.0800167 1.0699443 1.0671021 1.0663822 1.0613799 1.0532912 1.0455079\n", + " 1.0420655 1.0438379 1.048621 1.0536635 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1643329 1.1591709 1.166789 1.1730438 1.1600565 1.1287402 1.097781\n", + " 1.07629 1.0669605 1.0652598 1.0658288 1.061794 1.054001 1.0461237\n", + " 1.042808 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1755077 1.1703007 1.1793044 1.1863716 1.1727126 1.1399634 1.1061889\n", + " 1.0840541 1.0738578 1.0719196 1.0717468 1.0672766 1.0581671 1.0498606\n", + " 1.0463588 1.0486732 1.054423 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1708231 1.1682591 1.1783696 1.188158 1.1775548 1.1441996 1.1105798\n", + " 1.0876633 1.0759066 1.071537 1.0693141 1.0629177 1.0537297 1.0455494\n", + " 1.0426164 1.0447412 1.0498726 1.0546486 1.0569975 1.0578783 1.0589308\n", + " 1.0620172 1.0693655 1.0790749]\n", + " [1.1623778 1.1598146 1.1706777 1.1786034 1.168104 1.1358818 1.1025047\n", + " 1.0806874 1.0704731 1.0681467 1.0684367 1.0638291 1.054977 1.0474104\n", + " 1.0438004 1.0455774 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.158764 1.1559122 1.1665751 1.1763499 1.1647959 1.1334767 1.1013657\n", + " 1.0795695 1.0686071 1.0644367 1.0629408 1.0575988 1.0490727 1.0422448\n", + " 1.038951 1.0406038 1.044942 1.0495884 1.0519602 1.0531201 1.0543374\n", + " 1.0576059 0. 0. ]\n", + " [1.1893411 1.1859219 1.1966779 1.2044263 1.1933478 1.158668 1.122107\n", + " 1.0970671 1.0838784 1.0786403 1.0763896 1.0696089 1.0597781 1.0516317\n", + " 1.0480908 1.050089 1.0554258 1.0606658 1.0630279 1.0640334 1.0657611\n", + " 0. 0. 0. ]]\n", + "[[1.1807731 1.1765741 1.1868167 1.1955627 1.182386 1.1471661 1.111119\n", + " 1.0882332 1.0772469 1.0755776 1.0758475 1.0706716 1.0610911 1.0526603\n", + " 1.0486318 1.0507038 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1748135 1.1696495 1.1792704 1.1883652 1.1763349 1.1424265 1.1080294\n", + " 1.0853262 1.0748949 1.0727011 1.0730232 1.0681636 1.0588498 1.0502002\n", + " 1.0461006 1.0480561 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1764123 1.1693214 1.179327 1.1876055 1.1775321 1.1452453 1.1107144\n", + " 1.0877526 1.0776801 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1559653 1.151082 1.1600003 1.167818 1.1569982 1.1269451 1.0965072\n", + " 1.0760942 1.0663242 1.0645475 1.0642775 1.059279 1.050645 1.043171\n", + " 1.0399488 1.041715 1.0470778 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1773738 1.1745696 1.1861732 1.1958256 1.1837848 1.1504709 1.1156831\n", + " 1.0916728 1.0787698 1.074842 1.0725148 1.0660435 1.0567272 1.0486745\n", + " 1.0451493 1.0471505 1.052387 1.0574441 1.0599484 1.0605383 1.0619755\n", + " 1.0656828]]\n", + "[[1.1724305 1.1666043 1.1755016 1.1835384 1.1718878 1.1394752 1.1063673\n", + " 1.0839006 1.0736785 1.0717944 1.0716558 1.0673732 1.0583991 1.0500137\n", + " 1.0464085 0. 0. 0. 0. ]\n", + " [1.1737304 1.1704284 1.1799406 1.1888167 1.1769809 1.1435752 1.1081291\n", + " 1.0852042 1.0735813 1.0702379 1.0688651 1.0643988 1.0555372 1.0476784\n", + " 1.0437397 1.0455515 1.0503151 1.0555491 1.0583152]\n", + " [1.1702305 1.165613 1.1735502 1.1819396 1.1703911 1.138435 1.1054258\n", + " 1.0834311 1.0732806 1.0716573 1.071584 1.0675129 1.0581901 1.0496817\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1676375 1.1609843 1.1690805 1.1754891 1.1640472 1.1329502 1.1014246\n", + " 1.081022 1.0716528 1.0706813 1.0710806 1.0667723 1.0575789 1.0492164\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1857883 1.1831149 1.1940632 1.2041283 1.1911117 1.1540763 1.1147633\n", + " 1.0893738 1.076766 1.0743837 1.0734404 1.0687057 1.0593077 1.0510359\n", + " 1.04678 1.0481997 1.053207 1.0583764 1.0609419]]\n", + "[[1.174365 1.1710778 1.1814388 1.1897862 1.1769595 1.1430643 1.1082739\n", + " 1.0855707 1.0747151 1.0716803 1.0708503 1.0653915 1.0554585 1.0475056\n", + " 1.0439419 1.0457052 1.0507697 1.0559062 1.058295 ]\n", + " [1.176994 1.1736053 1.1830995 1.1903622 1.1771946 1.142617 1.1072211\n", + " 1.0853169 1.0745286 1.0719141 1.0718683 1.0663197 1.056514 1.0482671\n", + " 1.0447671 1.0465574 1.0520397 1.05738 0. ]\n", + " [1.1800541 1.1770712 1.188761 1.1983197 1.183802 1.148364 1.1117834\n", + " 1.0875534 1.0763888 1.0746287 1.0741682 1.0682902 1.0581777 1.04915\n", + " 1.044987 1.0470043 1.0522194 1.057888 0. ]\n", + " [1.1762519 1.1721381 1.1810244 1.1881502 1.1764702 1.1433964 1.1096344\n", + " 1.0860106 1.0743389 1.0705602 1.069012 1.0635358 1.0548515 1.0474905\n", + " 1.044083 1.0460876 1.0509281 1.0553914 1.0578166]\n", + " [1.1715496 1.1675088 1.1782391 1.1877944 1.1764774 1.1428213 1.1083444\n", + " 1.0850395 1.0741081 1.0713222 1.0711043 1.0664818 1.0571432 1.0489335\n", + " 1.0449369 1.046642 1.0520562 0. 0. ]]\n", + "[[1.1578726 1.1554332 1.1675662 1.1778239 1.1673672 1.1350563 1.1016229\n", + " 1.0791435 1.0684073 1.0646756 1.0624979 1.0571142 1.0484419 1.0409741\n", + " 1.038101 1.0396838 1.0446769 1.0493731 1.0518012 1.0529681 1.0541555\n", + " 1.0575417]\n", + " [1.1666477 1.1620811 1.1725549 1.1820982 1.170726 1.1382177 1.1042742\n", + " 1.082394 1.071862 1.0697298 1.0698195 1.0650709 1.0558103 1.0472007\n", + " 1.0435058 1.0450493 1.0505298 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1614671 1.1560302 1.1650548 1.1728485 1.1626889 1.1311042 1.0992838\n", + " 1.0781834 1.0680954 1.065767 1.0657244 1.0616986 1.0529175 1.0449411\n", + " 1.0412979 1.0427575 1.0478867 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1910856 1.1857688 1.1957599 1.2048051 1.191898 1.1559383 1.119123\n", + " 1.0953785 1.0843449 1.0830312 1.0831527 1.0774012 1.0671 1.0573517\n", + " 1.0527384 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1702635 1.1641349 1.1723225 1.179628 1.1671985 1.1353831 1.102369\n", + " 1.0804802 1.0711277 1.0688175 1.0687295 1.0640638 1.0558438 1.0476652\n", + " 1.044124 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1697071 1.1668867 1.1784396 1.1881452 1.176173 1.1422354 1.1072545\n", + " 1.0835184 1.0731363 1.0708663 1.0709778 1.0664045 1.0563492 1.0479394\n", + " 1.0440081 1.0457345 1.051365 0. 0. ]\n", + " [1.1605284 1.1578072 1.1677964 1.1762648 1.1652168 1.1336336 1.1005853\n", + " 1.0792342 1.0684637 1.0651506 1.0640726 1.0591738 1.0508354 1.043642\n", + " 1.0404534 1.0422027 1.0467381 1.0514381 1.053966 ]]\n", + "[[1.1789393 1.1739683 1.182925 1.1908567 1.179134 1.1456083 1.1106915\n", + " 1.0874933 1.0762944 1.0727706 1.0727208 1.0678407 1.0590593 1.0506883\n", + " 1.0472741 1.0496616 1.0550789 0. 0. 0. ]\n", + " [1.1694621 1.166524 1.1771008 1.1864522 1.1744314 1.1417629 1.1074883\n", + " 1.0845188 1.0730848 1.0703084 1.0695047 1.0645366 1.0556349 1.0473328\n", + " 1.0434103 1.0453005 1.050065 1.0554771 0. 0. ]\n", + " [1.1670556 1.1633923 1.1743109 1.1826996 1.1717517 1.1395779 1.1050185\n", + " 1.0833687 1.072603 1.0701082 1.070226 1.0657192 1.0574007 1.0490471\n", + " 1.0452815 1.0470448 0. 0. 0. 0. ]\n", + " [1.1623826 1.1599596 1.1713415 1.1805642 1.1700171 1.1368737 1.1027845\n", + " 1.0800444 1.0691999 1.0660568 1.0651252 1.060228 1.0519013 1.044387\n", + " 1.0411372 1.0422978 1.0471185 1.0517658 1.053833 1.054611 ]\n", + " [1.1688944 1.1646985 1.1748105 1.1837121 1.1730329 1.1409141 1.1074028\n", + " 1.0852654 1.074872 1.0718287 1.0711963 1.065786 1.0566564 1.048378\n", + " 1.044689 1.0462236 1.0516022 0. 0. 0. ]]\n", + "[[1.1776682 1.1745216 1.1860338 1.1947868 1.1819228 1.145386 1.1085837\n", + " 1.0846733 1.0739911 1.072239 1.0726981 1.0683577 1.0588789 1.0506434\n", + " 1.0467849 1.0485938 1.0545124 0. 0. 0. ]\n", + " [1.1739234 1.1681145 1.1778244 1.1872256 1.1755688 1.1428348 1.108683\n", + " 1.0850947 1.0743867 1.0724597 1.0720942 1.0672115 1.0582563 1.0493042\n", + " 1.0454109 1.0469645 1.0523388 0. 0. 0. ]\n", + " [1.1632615 1.1614404 1.1732938 1.1819209 1.1709297 1.1381652 1.1040983\n", + " 1.0818092 1.0706006 1.0668865 1.0649242 1.0598301 1.0516323 1.0443829\n", + " 1.0411652 1.0420988 1.0468274 1.0512357 1.0536114 1.0543638]\n", + " [1.204322 1.1984577 1.2080036 1.2156453 1.2004107 1.1632951 1.1251101\n", + " 1.0994966 1.0882971 1.086316 1.0864912 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1893377 1.1857266 1.1964904 1.2051555 1.1915094 1.1565338 1.1202382\n", + " 1.0953916 1.0825663 1.0792292 1.07751 1.0715156 1.0618069 1.0527959\n", + " 1.0495362 1.0514143 1.0571316 1.0624541 1.064624 0. ]]\n", + "[[1.1765482 1.1722599 1.1833823 1.1934751 1.1812339 1.1465946 1.1116695\n", + " 1.0878372 1.0763026 1.0728211 1.0720503 1.0659177 1.0569777 1.0483998\n", + " 1.0443653 1.0456859 1.0505412 1.0558475 1.0583 0. 0. ]\n", + " [1.1494197 1.1455139 1.1543336 1.1616262 1.1519531 1.1225958 1.0924529\n", + " 1.0723546 1.0628412 1.0602642 1.0591052 1.0548515 1.0470343 1.0398256\n", + " 1.0366986 1.038241 1.0426189 1.047033 0. 0. 0. ]\n", + " [1.1659814 1.1606817 1.1694523 1.1787401 1.1679524 1.136256 1.1031018\n", + " 1.081953 1.07262 1.0709189 1.071805 1.0664546 1.0570663 1.0484178\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1704421 1.1667589 1.1772251 1.1858382 1.1734087 1.1406581 1.1067361\n", + " 1.0840789 1.0726672 1.0691005 1.067019 1.0609732 1.051643 1.0444255\n", + " 1.0413351 1.0434009 1.0486519 1.0535767 1.0554894 1.056148 1.0573426]\n", + " [1.1785114 1.1730806 1.1819302 1.1905228 1.178023 1.1432922 1.1091002\n", + " 1.0863515 1.0766068 1.0751408 1.0762227 1.0715836 1.0619642 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1658583 1.1634141 1.1745567 1.1843823 1.1719645 1.1393545 1.1047307\n", + " 1.0816394 1.0712097 1.0689048 1.0687486 1.0643382 1.0559038 1.0474368\n", + " 1.0437286 1.0450859 1.050481 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1510301 1.1477263 1.1571081 1.166007 1.1555512 1.1250508 1.0939127\n", + " 1.0728155 1.0635179 1.0611787 1.0606428 1.055942 1.048183 1.0407851\n", + " 1.0378568 1.0393336 1.044287 1.0492778 0. 0. 0.\n", + " 0. ]\n", + " [1.1717802 1.1672733 1.1752311 1.1837286 1.1711806 1.1378313 1.1049778\n", + " 1.0829144 1.0721954 1.0694035 1.068333 1.0632577 1.0546124 1.0462884\n", + " 1.0431215 1.0449448 1.0500442 1.0554847 0. 0. 0.\n", + " 0. ]\n", + " [1.1723124 1.1691658 1.1804639 1.1903583 1.1780202 1.1452657 1.1109041\n", + " 1.0877606 1.0757397 1.0717059 1.0697043 1.063801 1.0543776 1.0468137\n", + " 1.0435278 1.0454024 1.0504545 1.0552008 1.0576488 1.0580231 1.0588709\n", + " 1.0621616]\n", + " [1.1832966 1.1808608 1.1920741 1.1996124 1.1878016 1.1523393 1.1154808\n", + " 1.0913495 1.0788589 1.075392 1.0734515 1.0676538 1.0582132 1.0497519\n", + " 1.0462837 1.0482004 1.0534416 1.0587932 1.0611917 1.0617583 0.\n", + " 0. ]]\n", + "[[1.1724805 1.1699091 1.1804101 1.1885252 1.1764529 1.1422516 1.1074955\n", + " 1.084411 1.0742124 1.0721503 1.0710995 1.0659853 1.0572588 1.048844\n", + " 1.0451463 1.0468175 1.0517498 1.0571395 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1945457 1.1892469 1.1980593 1.2060211 1.1934803 1.1579685 1.1213299\n", + " 1.0966954 1.0862652 1.0845712 1.0853245 1.0797775 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1698097 1.1652454 1.1764257 1.1851426 1.1731244 1.1392009 1.1045526\n", + " 1.0818254 1.0716962 1.0696521 1.0695068 1.064853 1.0552276 1.0468609\n", + " 1.0428407 1.0445764 1.050053 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1717896 1.1686598 1.1792917 1.1881132 1.176906 1.1448011 1.1110715\n", + " 1.0880418 1.0764291 1.0721401 1.0696269 1.0626781 1.0533615 1.0458083\n", + " 1.0429459 1.044955 1.0501009 1.0552155 1.0577707 1.0584283 1.059592\n", + " 1.0631896 1.0707963]\n", + " [1.1743666 1.1718386 1.1832033 1.1919034 1.1794565 1.146274 1.1113235\n", + " 1.0883099 1.0763237 1.0720743 1.0701038 1.06401 1.0551611 1.0473009\n", + " 1.0441927 1.0456456 1.051349 1.0558633 1.0578041 1.0585755 0.\n", + " 0. 0. ]]\n", + "[[1.1690413 1.1654836 1.1754688 1.1848829 1.174237 1.1418132 1.1071709\n", + " 1.0849274 1.0744036 1.0717117 1.0721482 1.0672224 1.0576003 1.0491428\n", + " 1.0451089 1.0470265 0. 0. 0. ]\n", + " [1.1685166 1.164761 1.1745303 1.1833494 1.1705912 1.1383823 1.1052126\n", + " 1.0826713 1.0717063 1.0686543 1.0673316 1.0629101 1.0542625 1.0468707\n", + " 1.0430028 1.0447713 1.049475 1.0542201 1.0567619]\n", + " [1.1634486 1.1601802 1.1697657 1.1775415 1.165265 1.1341796 1.1015344\n", + " 1.0798218 1.0697939 1.0686632 1.0687859 1.0644549 1.0555685 1.0478464\n", + " 1.0441399 1.0460804 0. 0. 0. ]\n", + " [1.1660577 1.1630712 1.1735104 1.1822753 1.1704159 1.1369497 1.1032138\n", + " 1.0803834 1.0701199 1.0667628 1.0666684 1.0616568 1.0532364 1.0450662\n", + " 1.0416942 1.0433683 1.0486494 1.0537267 0. ]\n", + " [1.1726315 1.1694181 1.1805218 1.1898066 1.1780119 1.1439219 1.1082896\n", + " 1.0850496 1.0743403 1.0718478 1.070863 1.0659565 1.0565208 1.0480101\n", + " 1.0442826 1.0459498 1.0511128 1.0564919 0. ]]\n", + "[[1.1761844 1.1740148 1.185445 1.19444 1.1819477 1.1470513 1.1110035\n", + " 1.0871924 1.075735 1.0726466 1.0712736 1.066281 1.057123 1.0489432\n", + " 1.0451761 1.0469612 1.05197 1.0567572 1.0593513 0. 0. ]\n", + " [1.1674687 1.1634847 1.1734855 1.1827934 1.1714001 1.1389565 1.1052768\n", + " 1.0833646 1.072764 1.0709685 1.0710564 1.0665846 1.0574117 1.0490429\n", + " 1.0450073 1.0469668 0. 0. 0. 0. 0. ]\n", + " [1.1802672 1.1762502 1.1871887 1.1964625 1.1835759 1.1496607 1.113974\n", + " 1.0900458 1.0778971 1.0737165 1.0713186 1.0655636 1.0562109 1.0479425\n", + " 1.0447783 1.0467824 1.0522029 1.0572371 1.0598832 1.0610404 1.0629451]\n", + " [1.1672621 1.1631571 1.1722915 1.1797743 1.1682041 1.1358339 1.103096\n", + " 1.0811534 1.0711026 1.0688798 1.0689923 1.0643575 1.056072 1.048037\n", + " 1.0443639 1.0461209 0. 0. 0. 0. 0. ]\n", + " [1.1603149 1.1582726 1.1682304 1.1765081 1.1641673 1.13158 1.1002309\n", + " 1.0791273 1.0687675 1.0653858 1.0633743 1.0579754 1.0495008 1.0421509\n", + " 1.0393593 1.0412439 1.0458792 1.0505816 1.0529294 1.0536572 1.0552266]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1671346 1.1641023 1.1741655 1.1831716 1.1736833 1.1416965 1.1081632\n", + " 1.0854363 1.0751671 1.0726103 1.0721804 1.0674292 1.0577816 1.0491972\n", + " 1.045258 1.0471756 0. ]\n", + " [1.1729612 1.1668243 1.1754761 1.1833816 1.1730112 1.1406618 1.1059856\n", + " 1.0828973 1.0724684 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1661108 1.163117 1.1727293 1.1805221 1.1668315 1.134168 1.1014687\n", + " 1.080273 1.0707097 1.0679142 1.0683901 1.0638789 1.0552735 1.0477778\n", + " 1.0441682 1.0461073 1.0513506]\n", + " [1.2031353 1.1969199 1.2070194 1.2144433 1.1997355 1.1612495 1.122706\n", + " 1.098041 1.0869291 1.0859222 1.086608 1.0816716 1.0706071 1.060296\n", + " 0. 0. 0. ]\n", + " [1.1719325 1.1684016 1.1797346 1.18934 1.1763186 1.1422303 1.106501\n", + " 1.0833768 1.0728734 1.0710696 1.0709156 1.0656612 1.0561979 1.0476031\n", + " 1.0438464 1.0457029 1.0514183]]\n", + "[[1.1631173 1.1584167 1.1681935 1.1780013 1.1665365 1.1345701 1.1006653\n", + " 1.078396 1.0674282 1.06552 1.0655438 1.0617459 1.053687 1.0462604\n", + " 1.0427117 1.0442094 1.0489432 0. 0. 0. ]\n", + " [1.1789685 1.1741599 1.1829844 1.1904672 1.1771892 1.1440127 1.1096109\n", + " 1.0863943 1.0755996 1.0724455 1.0710301 1.0652976 1.0563773 1.048274\n", + " 1.0449227 1.0469584 1.052147 1.0572053 0. 0. ]\n", + " [1.1863825 1.1840383 1.1945797 1.202572 1.1890647 1.1539744 1.1168314\n", + " 1.0916399 1.0801574 1.0764598 1.0751808 1.0698062 1.0603262 1.0516647\n", + " 1.0483569 1.0504621 1.0565171 1.0623206 0. 0. ]\n", + " [1.1706423 1.165041 1.1731246 1.1790398 1.1644498 1.1328743 1.0996387\n", + " 1.0790222 1.0706791 1.0698328 1.0704017 1.0661104 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1774652 1.1747446 1.1858064 1.1953139 1.1841968 1.150033 1.1135517\n", + " 1.0892179 1.0771916 1.074037 1.0724169 1.0660985 1.0565325 1.0475768\n", + " 1.0442097 1.0457257 1.0507909 1.0561676 1.058998 1.060411 ]]\n", + "[[1.1815581 1.1757828 1.1856823 1.1955937 1.1835513 1.1495 1.1138488\n", + " 1.0898516 1.0793126 1.0777211 1.0775263 1.0733283 1.0635419 1.0540733\n", + " 1.0497906 0. 0. 0. ]\n", + " [1.1793239 1.1754038 1.1848128 1.1936688 1.1816531 1.1480674 1.1125373\n", + " 1.0892832 1.0778563 1.074806 1.0732644 1.0682603 1.0587854 1.0503404\n", + " 1.0463883 1.0481759 1.0536956 1.0591124]\n", + " [1.2129306 1.2075812 1.2192007 1.228246 1.2115331 1.1696632 1.1282935\n", + " 1.1018913 1.0910788 1.0906422 1.0912572 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1745927 1.1700168 1.180933 1.1907694 1.1785465 1.1440405 1.1078984\n", + " 1.0844159 1.0735803 1.0720202 1.0720838 1.067499 1.057823 1.048982\n", + " 1.045073 1.0473635 0. 0. ]\n", + " [1.2024933 1.1956904 1.2040689 1.2136006 1.2000477 1.1636473 1.1246914\n", + " 1.0980809 1.0867424 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1773401 1.1710044 1.1792742 1.1866496 1.17398 1.1411467 1.107148\n", + " 1.0844423 1.0740681 1.0722191 1.0720557 1.0673808 1.0586085 1.0504098\n", + " 1.0469645 1.0493402 0. 0. 0. 0. ]\n", + " [1.1773126 1.174264 1.1845441 1.192059 1.1808888 1.1467638 1.1115514\n", + " 1.0873928 1.0756788 1.0716344 1.0712248 1.0659101 1.05698 1.0490494\n", + " 1.0455679 1.047084 1.051862 1.0567207 1.0589727 0. ]\n", + " [1.1890907 1.1866357 1.1971027 1.2053981 1.1924735 1.1574179 1.1204062\n", + " 1.0949105 1.0820315 1.0778328 1.0752784 1.0697943 1.0605221 1.0519078\n", + " 1.0484862 1.0498116 1.0554986 1.0609156 1.0633706 1.064464 ]\n", + " [1.1679503 1.1639415 1.1747069 1.1842442 1.1733323 1.1413407 1.1066939\n", + " 1.0839863 1.0731251 1.0708722 1.0712751 1.0668617 1.0582473 1.050168\n", + " 1.0462509 1.0476222 0. 0. 0. 0. ]\n", + " [1.1741588 1.1696051 1.1807545 1.1903541 1.1771591 1.1423545 1.1070968\n", + " 1.0843095 1.0750253 1.0746217 1.075392 1.0707585 1.0607209 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1650978 1.1606964 1.1698729 1.1788211 1.1675198 1.1355639 1.1027225\n", + " 1.0799358 1.0697278 1.0669394 1.065965 1.0621927 1.0540292 1.0463047\n", + " 1.0428901 1.0441861 1.0487535 1.0534029 0. 0. 0. ]\n", + " [1.1540936 1.1503187 1.1595389 1.1681733 1.1571903 1.1260723 1.0951054\n", + " 1.074652 1.0651534 1.0632701 1.0633571 1.0594049 1.0513365 1.0436721\n", + " 1.0404444 1.0417771 1.0466257 0. 0. 0. 0. ]\n", + " [1.1887248 1.1852777 1.1957635 1.2029138 1.1921102 1.1573318 1.1206732\n", + " 1.0957257 1.0823951 1.0779595 1.0753716 1.0689063 1.059228 1.0514607\n", + " 1.0482488 1.049994 1.0554152 1.0606968 1.0633969 1.0649772 1.0669435]\n", + " [1.1644967 1.160988 1.17197 1.1807843 1.1701791 1.1377826 1.1042047\n", + " 1.0818481 1.0712336 1.0687584 1.0679889 1.062923 1.053872 1.0455067\n", + " 1.0417898 1.0433257 1.0485526 1.0535846 0. 0. 0. ]\n", + " [1.1789625 1.174973 1.1854119 1.1939662 1.1820279 1.1474445 1.1119783\n", + " 1.0881748 1.0764315 1.0730778 1.0716914 1.066522 1.057322 1.048798\n", + " 1.0455315 1.0470932 1.052411 1.0579021 1.0606145 0. 0. ]]\n", + "[[1.193781 1.1887262 1.1999954 1.2099706 1.1959602 1.1598244 1.1226164\n", + " 1.0977877 1.0861763 1.0845702 1.0853405 1.0799636 1.0690463 1.0592909\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1853778 1.1809633 1.1901472 1.1981003 1.1840081 1.1492392 1.1142107\n", + " 1.090607 1.079058 1.0762705 1.0750004 1.069126 1.0600128 1.0513902\n", + " 1.0477889 1.0498315 1.0549021 1.0599165 0. 0. 0.\n", + " 0. ]\n", + " [1.1733193 1.1668167 1.1740503 1.1810975 1.168631 1.1359468 1.1035123\n", + " 1.0821476 1.0730082 1.072093 1.0726788 1.0682726 1.0593641 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1723502 1.1708261 1.181759 1.1916405 1.1796503 1.1451197 1.1102266\n", + " 1.0866398 1.0747558 1.0706731 1.068554 1.0631115 1.0542048 1.0465925\n", + " 1.0435746 1.04491 1.0502158 1.0550587 1.0573162 1.0578704 1.0593545\n", + " 1.0635282]\n", + " [1.180855 1.1777893 1.1897749 1.1986228 1.1857677 1.1511151 1.1152891\n", + " 1.0909485 1.0794045 1.0752732 1.0728607 1.0666478 1.0567133 1.0487298\n", + " 1.0454736 1.047198 1.0523202 1.0576221 1.0601773 1.0614206 1.0631393\n", + " 0. ]]\n", + "[[1.1926596 1.1847304 1.1931084 1.2013167 1.1892595 1.154401 1.1180152\n", + " 1.0943979 1.0840874 1.0823231 1.0830799 1.0770667 1.065926 1.0560193\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1722877 1.1693227 1.1795863 1.188274 1.1756537 1.1419694 1.1074166\n", + " 1.0846508 1.0734661 1.0705235 1.0688652 1.0632238 1.0536987 1.0461104\n", + " 1.0423722 1.0441648 1.0491673 1.0541224 1.0563766 1.057174 ]\n", + " [1.1789826 1.1738274 1.1837556 1.1933888 1.1814715 1.1481616 1.1124512\n", + " 1.0891423 1.0781223 1.0758297 1.075554 1.0698028 1.0604813 1.0514594\n", + " 1.0472662 1.0489305 1.0548744 0. 0. 0. ]\n", + " [1.164053 1.1600423 1.169873 1.1781737 1.1679773 1.1364915 1.1035528\n", + " 1.0814183 1.0710806 1.068367 1.068327 1.0639074 1.0558376 1.0476365\n", + " 1.0438863 1.0450786 1.0500797 0. 0. 0. ]\n", + " [1.1667062 1.1628649 1.1735908 1.1838412 1.1727854 1.1403028 1.1065552\n", + " 1.0835233 1.0720252 1.0687733 1.0675265 1.0622493 1.0534458 1.0456928\n", + " 1.0422351 1.0439023 1.0489907 1.0540664 1.0566823 0. ]]\n", + "[[1.1814268 1.180452 1.1917028 1.2006516 1.186923 1.1507771 1.1136816\n", + " 1.0890983 1.0774503 1.0746167 1.0728441 1.0680636 1.0588849 1.0502316\n", + " 1.0464978 1.0482311 1.0537003 1.0582678 1.0607861 0. 0. ]\n", + " [1.166935 1.1628529 1.1723704 1.1808926 1.1686327 1.1368704 1.103112\n", + " 1.0811974 1.0703527 1.0681173 1.0677458 1.0634586 1.055129 1.0473574\n", + " 1.0439425 1.0452849 1.0502667 0. 0. 0. 0. ]\n", + " [1.1804061 1.1775265 1.1886785 1.1982433 1.1854451 1.151573 1.1157271\n", + " 1.0917168 1.0791923 1.075299 1.0733064 1.0667571 1.0570587 1.0488034\n", + " 1.0454044 1.0470525 1.0524014 1.0571108 1.0590993 1.0601434 1.0614957]\n", + " [1.1737775 1.1704214 1.1816213 1.1914054 1.1789637 1.1449535 1.1095275\n", + " 1.0862336 1.0749495 1.0720433 1.0718145 1.0664313 1.0570521 1.0490175\n", + " 1.0452659 1.0469595 1.0526206 0. 0. 0. 0. ]\n", + " [1.1709807 1.1678648 1.1782652 1.1865304 1.1751044 1.1415669 1.1068492\n", + " 1.084773 1.0739372 1.0713673 1.0712935 1.0664191 1.0573504 1.0492213\n", + " 1.0449443 1.0465184 1.0518137 0. 0. 0. 0. ]]\n", + "[[1.1718578 1.1676102 1.1782289 1.1864271 1.1749792 1.1411594 1.1057124\n", + " 1.0829036 1.0723296 1.0719436 1.0724633 1.0679895 1.0582595 1.0495968\n", + " 1.0454544 0. 0. ]\n", + " [1.1707902 1.1657054 1.1758102 1.1850212 1.1742053 1.1415358 1.1068118\n", + " 1.0841815 1.0732812 1.0713265 1.0716687 1.0666308 1.0574508 1.0490768\n", + " 1.0451313 1.0467744 0. ]\n", + " [1.1676933 1.1649656 1.1756305 1.1841888 1.1719234 1.1386821 1.1045306\n", + " 1.0831981 1.0739752 1.0728753 1.0730718 1.068492 1.058819 1.0500921\n", + " 0. 0. 0. ]\n", + " [1.1742337 1.1696062 1.1793433 1.1871179 1.174879 1.1426115 1.1089355\n", + " 1.0866091 1.0760525 1.0727465 1.0726786 1.0674914 1.0582284 1.0501854\n", + " 1.046488 1.0483388 1.0541937]\n", + " [1.2015034 1.1947746 1.202774 1.2107286 1.1960384 1.1590137 1.1217766\n", + " 1.0976443 1.0872471 1.0856955 1.0859728 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1633211 1.1605437 1.1713812 1.1797085 1.1670691 1.1351056 1.1026969\n", + " 1.08138 1.0705029 1.0669413 1.0652399 1.0595754 1.0508078 1.0435258\n", + " 1.0407839 1.0422367 1.0470103 1.0516375 1.0535115 1.0544724 0.\n", + " 0. 0. 0. ]\n", + " [1.1903584 1.1850042 1.1943679 1.203503 1.1910343 1.1559209 1.1190417\n", + " 1.0952942 1.08403 1.0817878 1.0821375 1.076646 1.0661967 1.0565935\n", + " 1.0525085 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1613145 1.1570362 1.1665698 1.1757371 1.1638075 1.1321639 1.0994294\n", + " 1.0776107 1.0677842 1.0652936 1.0650549 1.060957 1.0529487 1.0453154\n", + " 1.0419881 1.0437758 1.048926 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1639826 1.1615396 1.1718638 1.1815928 1.1708765 1.1384695 1.10589\n", + " 1.0840735 1.0729399 1.0687762 1.065861 1.0599787 1.0506924 1.0429263\n", + " 1.040109 1.0423867 1.047514 1.0523723 1.0540127 1.0548376 1.0559933\n", + " 1.0591884 1.0662482 1.0758599]\n", + " [1.1806103 1.1775107 1.18773 1.1961893 1.1830708 1.1495062 1.1145918\n", + " 1.0910364 1.0791997 1.0756395 1.0739164 1.067711 1.0580872 1.0495641\n", + " 1.0459564 1.0482458 1.0533803 1.0585552 1.0607551 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1735635 1.1709598 1.1816832 1.1908097 1.1801186 1.1468809 1.1125593\n", + " 1.0892068 1.0772471 1.0732882 1.0706234 1.06407 1.0549452 1.0472387\n", + " 1.0439397 1.0461286 1.0510435 1.0562162 1.0583293 1.0588009 1.0600165\n", + " 1.0634811]\n", + " [1.181872 1.1774478 1.1866257 1.194651 1.1820555 1.1478842 1.1138753\n", + " 1.0908488 1.0788846 1.0754534 1.0731555 1.0675988 1.0579239 1.04977\n", + " 1.0465539 1.0491757 1.0545964 1.0598184 1.0617918 0. 0.\n", + " 0. ]\n", + " [1.1668394 1.1652946 1.1760212 1.184517 1.171719 1.1390725 1.1058668\n", + " 1.0833445 1.072233 1.0685192 1.0667597 1.0609009 1.0523539 1.0445948\n", + " 1.0415677 1.0429953 1.0479748 1.0526428 1.0550321 1.0563706 0.\n", + " 0. ]\n", + " [1.1527177 1.1484623 1.15698 1.1647459 1.1536145 1.1246861 1.0940099\n", + " 1.0744082 1.0651083 1.0634191 1.0636371 1.0592434 1.0517852 1.044545\n", + " 1.0410362 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1814902 1.1780727 1.1878775 1.1964377 1.1834984 1.1491386 1.1138705\n", + " 1.0901548 1.0790198 1.0765667 1.0759366 1.0699471 1.0603638 1.0518624\n", + " 1.0477793 1.0500122 1.0557901 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1641619 1.1597468 1.1677297 1.1751912 1.1626915 1.1297657 1.0981956\n", + " 1.0774535 1.0680557 1.0672143 1.0672051 1.0635177 1.0548377 1.0466154\n", + " 1.0430183 0. 0. 0. 0. ]\n", + " [1.1737071 1.1696038 1.1800956 1.1897624 1.1773458 1.1435639 1.1081398\n", + " 1.0847557 1.0746233 1.072978 1.0730214 1.0687494 1.0595177 1.0504485\n", + " 1.0466193 1.0483544 0. 0. 0. ]\n", + " [1.191168 1.1855938 1.1947422 1.2023783 1.1899045 1.1540928 1.117528\n", + " 1.0927426 1.0823312 1.0809186 1.0807964 1.0768198 1.0664253 1.0571678\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2011083 1.1978608 1.2079298 1.2157255 1.2034076 1.1656649 1.1266955\n", + " 1.1002289 1.0867021 1.0830735 1.0813695 1.0751417 1.0648127 1.0558989\n", + " 1.0520369 1.05409 1.0596964 1.0657734 1.0684226]\n", + " [1.1584206 1.1553893 1.1655354 1.1743637 1.1630824 1.1317155 1.099588\n", + " 1.0786289 1.068783 1.0680162 1.0684979 1.0640422 1.0546999 1.0462897\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.187962 1.182291 1.1926386 1.2010578 1.18636 1.1500142 1.1135784\n", + " 1.0902512 1.0803626 1.0795828 1.0804908 1.0760323 1.0661273 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1978177 1.1909341 1.1997758 1.2088528 1.1966616 1.1618543 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1725336 1.1695662 1.1804624 1.1892271 1.1766713 1.144214 1.1096057\n", + " 1.0866015 1.0750405 1.0717375 1.070092 1.064315 1.055373 1.0469087\n", + " 1.0433209 1.0451418 1.0501583 1.0554832 1.058264 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1594269 1.15675 1.1670991 1.1765518 1.1654774 1.1342653 1.1019089\n", + " 1.080157 1.0692031 1.0657506 1.0636926 1.0582834 1.0494221 1.042229\n", + " 1.0392416 1.0409577 1.0456004 1.0504587 1.0525362 1.0535089 1.054841\n", + " 1.0580956 1.0650123 1.0741363]\n", + " [1.1676849 1.1638181 1.1752201 1.1845548 1.1729993 1.1392789 1.1040366\n", + " 1.0808052 1.0701927 1.0677453 1.0681558 1.063513 1.0548909 1.0462852\n", + " 1.042935 1.044749 1.0499327 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1793407 1.1764425 1.1872464 1.1968722 1.1848781 1.1518744 1.1168842\n", + " 1.0926225 1.080173 1.0753047 1.0728968 1.0667375 1.0567908 1.0492107\n", + " 1.0455922 1.0474358 1.0525105 1.0578084 1.0600936 1.0605377 1.0618767\n", + " 1.0655844]\n", + " [1.1675245 1.1636546 1.1742178 1.1848959 1.1740434 1.1421405 1.107311\n", + " 1.083882 1.0724069 1.0694122 1.0689313 1.0641003 1.0546488 1.045994\n", + " 1.042417 1.0440007 1.0487986 1.0539193 0. 0. 0.\n", + " 0. ]\n", + " [1.1577587 1.1522151 1.1592519 1.1664104 1.1549772 1.1253814 1.0950083\n", + " 1.0752486 1.0654011 1.0626974 1.062086 1.0581787 1.0506239 1.0434918\n", + " 1.0403134 1.0417339 1.0465777 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1551726 1.1532528 1.1645937 1.1746092 1.1641049 1.1319034 1.099521\n", + " 1.078411 1.067618 1.0637268 1.0621005 1.0562897 1.0476103 1.0403613\n", + " 1.037512 1.0390863 1.0435011 1.0478501 1.0503635 1.051553 1.0530732\n", + " 1.0566105]\n", + " [1.1675603 1.1615863 1.1702666 1.1785514 1.166576 1.1355921 1.1030262\n", + " 1.0819328 1.0724554 1.0705702 1.0710323 1.0662974 1.057369 1.0490322\n", + " 1.0455523 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1718174 1.1658098 1.1762176 1.186637 1.1765251 1.1440905 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1617025 1.1577029 1.1673373 1.1778777 1.1678965 1.1362691 1.1043777\n", + " 1.0828817 1.0715846 1.067246 1.064767 1.0586379 1.0493762 1.0419225\n", + " 1.0386076 1.040851 1.0458064 1.0503031 1.0525191 1.053393 1.0542945\n", + " 1.0576483 1.0643892 1.0738081]\n", + " [1.1779364 1.174346 1.184557 1.1928089 1.1791781 1.1454102 1.1110909\n", + " 1.0878569 1.0765595 1.0729098 1.0710415 1.0651156 1.0551119 1.0473143\n", + " 1.0441146 1.0460867 1.0521119 1.0572615 1.059523 1.0599502 0.\n", + " 0. 0. 0. ]\n", + " [1.1938145 1.1873782 1.1956089 1.2042094 1.1891919 1.153185 1.1165024\n", + " 1.0931832 1.0828867 1.0820249 1.0819776 1.0763918 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1716795 1.1686553 1.179305 1.1876359 1.1742923 1.1413434 1.1078581\n", + " 1.085411 1.074646 1.0711977 1.069955 1.0634376 1.054445 1.0465504\n", + " 1.0434344 1.0455016 1.0508139 1.0556631 1.0578755 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1615198 1.1587307 1.1699228 1.1805539 1.1702294 1.1383666 1.1043154\n", + " 1.0821314 1.0712953 1.0673563 1.0652763 1.0595883 1.0504564 1.0428718\n", + " 1.0397575 1.0418612 1.0467061 1.0519196 1.0539105 1.0542136 1.0551796\n", + " 1.0577707 1.0642191 1.0739628 1.081552 ]\n", + " [1.1734668 1.1711848 1.1819363 1.1886528 1.1762064 1.1421334 1.1071651\n", + " 1.0844442 1.0735203 1.070427 1.0693691 1.0643561 1.0552928 1.0475402\n", + " 1.0441391 1.0458001 1.0510446 1.0559577 1.0587004 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1650037 1.1624091 1.1732187 1.182803 1.1707733 1.1380587 1.1044183\n", + " 1.081967 1.0712682 1.0684634 1.0676103 1.0629647 1.0546893 1.0471102\n", + " 1.04322 1.0447696 1.0497957 1.0543704 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1914339 1.18781 1.1976079 1.2055253 1.1937368 1.157533 1.1194189\n", + " 1.0947534 1.0823683 1.0795577 1.0794411 1.0745851 1.0644205 1.0557951\n", + " 1.0513076 1.0534586 1.0594195 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1689633 1.1662674 1.1770401 1.1859832 1.1729662 1.1398224 1.1064892\n", + " 1.0843401 1.0727494 1.0689151 1.0668867 1.0608388 1.0516427 1.0447067\n", + " 1.0416559 1.0437633 1.048862 1.0538831 1.0565062 1.0576477 1.0592842\n", + " 1.0629681 0. 0. 0. ]]\n", + "[[1.1717869 1.1680143 1.1794406 1.1891845 1.175919 1.1426653 1.1078254\n", + " 1.0848415 1.0742189 1.0709687 1.0710735 1.0663633 1.0567387 1.0484691\n", + " 1.0442665 1.0456731 1.051104 1.056142 0. 0. ]\n", + " [1.1799164 1.1772381 1.1887305 1.1983978 1.1856804 1.1500907 1.1139939\n", + " 1.0897807 1.0782243 1.0746754 1.0732802 1.0679685 1.058628 1.0495827\n", + " 1.0457152 1.0474457 1.052751 1.0581515 1.0604547 0. ]\n", + " [1.2084104 1.2023365 1.2137511 1.2218418 1.2066655 1.1670274 1.1264961\n", + " 1.1000642 1.0889701 1.0879112 1.0885838 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1576385 1.1541952 1.1639417 1.1721916 1.1604075 1.1286058 1.0974423\n", + " 1.076358 1.0659032 1.0625834 1.0611253 1.056091 1.0482355 1.0418844\n", + " 1.0388387 1.0406858 1.0452 1.0499312 1.0519563 1.0525017]\n", + " [1.1668153 1.1630185 1.1736866 1.1823152 1.1712916 1.1378974 1.103737\n", + " 1.0812693 1.0710595 1.069313 1.0693154 1.0643349 1.0550704 1.0463334\n", + " 1.0422376 1.0438312 0. 0. 0. 0. ]]\n", + "[[1.1781838 1.1755564 1.1856527 1.1942072 1.1805159 1.1450315 1.1098047\n", + " 1.0866122 1.0774374 1.0758706 1.076669 1.0718368 1.0620458 1.0528308\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1858041 1.1812894 1.1917095 1.202388 1.1894298 1.1527008 1.1163881\n", + " 1.091671 1.0812172 1.0800265 1.0800333 1.0746124 1.0643088 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1738822 1.1718735 1.183319 1.1932927 1.1807377 1.1473536 1.112547\n", + " 1.0887277 1.0767959 1.0727657 1.0704634 1.0646834 1.0553348 1.0477931\n", + " 1.0443331 1.0462371 1.0505323 1.0556505 1.0579582 1.0588824 1.0604731\n", + " 0. 0. ]\n", + " [1.1625688 1.1590179 1.168577 1.177207 1.1643231 1.1318532 1.1000689\n", + " 1.0784146 1.0681442 1.065176 1.0639355 1.0589727 1.0505044 1.0433776\n", + " 1.0402352 1.0419844 1.046886 1.0519164 1.054348 0. 0.\n", + " 0. 0. ]\n", + " [1.1550646 1.1522492 1.1628357 1.1720811 1.1604793 1.1302924 1.0982597\n", + " 1.077335 1.0665611 1.0631303 1.0615596 1.0561197 1.0484319 1.0415277\n", + " 1.038745 1.0404646 1.0450641 1.0495578 1.0519658 1.0528021 1.0538332\n", + " 1.0576777 1.064978 ]]\n", + "[[1.1800867 1.1768023 1.1877252 1.1978854 1.186257 1.1513305 1.1164656\n", + " 1.0925412 1.0800452 1.0758998 1.0728837 1.0666167 1.0568382 1.0489684\n", + " 1.0457536 1.0480274 1.0528083 1.057993 1.0603434 1.0609996 1.0622406\n", + " 1.0660856]\n", + " [1.1757971 1.1733054 1.183957 1.1928413 1.18015 1.1464564 1.1121304\n", + " 1.0893822 1.0774844 1.0727901 1.0702955 1.0636655 1.0544322 1.046839\n", + " 1.0437845 1.046128 1.051034 1.0558532 1.0584689 1.0596765 1.061416\n", + " 1.0655557]\n", + " [1.1827834 1.1781503 1.1869589 1.1958283 1.1837775 1.1503719 1.1150959\n", + " 1.0915208 1.0800211 1.0772982 1.0761322 1.0717456 1.062079 1.0534058\n", + " 1.049267 1.0507479 1.0558825 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1532747 1.1485949 1.1569833 1.1641773 1.1548945 1.1248243 1.0939672\n", + " 1.0733385 1.0646646 1.0631356 1.0637726 1.0603908 1.0524869 1.0447196\n", + " 1.0412803 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1773096 1.1729583 1.1817324 1.1897794 1.177072 1.1438308 1.1104555\n", + " 1.0881141 1.0768656 1.0735631 1.0723188 1.0668095 1.0571955 1.0497575\n", + " 1.0462041 1.0482988 1.0538101 1.0590502 0. 0. 0.\n", + " 0. ]]\n", + "[[1.2082175 1.2012061 1.2115719 1.2201403 1.2066958 1.1689954 1.1303518\n", + " 1.105012 1.0939989 1.0926099 1.0925493 1.0863547 1.0741599 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1564732 1.1527188 1.160643 1.1679208 1.1565499 1.1253841 1.0950598\n", + " 1.0749863 1.0654666 1.064744 1.065246 1.0615093 1.0530897 1.0449849\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1719127 1.1680903 1.1789837 1.1876142 1.176436 1.1426116 1.1073648\n", + " 1.0840945 1.0734949 1.0715277 1.0714668 1.0665852 1.057302 1.0490674\n", + " 1.0448924 1.0463322 1.0515623 0. 0. ]\n", + " [1.1814061 1.1770296 1.1873206 1.1966131 1.1841099 1.149658 1.114195\n", + " 1.0899745 1.0779006 1.0742038 1.0719767 1.0668011 1.0570154 1.0485592\n", + " 1.045246 1.0475836 1.0529052 1.0580812 1.060437 ]\n", + " [1.1694279 1.1662571 1.1758947 1.1839336 1.1708846 1.1382334 1.1045251\n", + " 1.0822928 1.0724986 1.0699855 1.0698371 1.0648096 1.0559009 1.048096\n", + " 1.0442911 1.0463732 1.0517582 0. 0. ]]\n", + "[[1.1643953 1.161935 1.1725998 1.1804712 1.1692195 1.1357703 1.1020536\n", + " 1.0803674 1.0697803 1.068045 1.0682108 1.0635406 1.0544139 1.0467722\n", + " 1.0431061 1.0446855 1.0500188 0. 0. ]\n", + " [1.1668357 1.1639242 1.1747072 1.1836715 1.1714836 1.1382128 1.1034323\n", + " 1.0812942 1.0703615 1.0674067 1.0668894 1.0619183 1.0536292 1.0457171\n", + " 1.0421276 1.0438223 1.048787 1.0534067 1.0555633]\n", + " [1.178582 1.1739761 1.1837517 1.1929189 1.1797116 1.1456381 1.1101811\n", + " 1.0863025 1.0756295 1.0729727 1.0720956 1.0667055 1.0578512 1.0494156\n", + " 1.0451676 1.0472087 1.052445 1.0578964 0. ]\n", + " [1.1644762 1.1590264 1.1671587 1.1750276 1.1643121 1.1333022 1.1013787\n", + " 1.0795283 1.0694507 1.0664223 1.0651165 1.0607295 1.0521567 1.0448643\n", + " 1.0410812 1.0430573 1.047861 1.052517 0. ]\n", + " [1.1556207 1.1529216 1.1619332 1.1704129 1.1592783 1.1273345 1.0960426\n", + " 1.0750082 1.0649232 1.0623665 1.0614251 1.0565962 1.0486828 1.0420097\n", + " 1.0389451 1.0403159 1.0450238 1.049517 1.052054 ]]\n", + "[[1.157194 1.1539935 1.1640341 1.1725538 1.1601728 1.1288443 1.0970807\n", + " 1.0758315 1.0657278 1.0641235 1.0635034 1.059641 1.0515275 1.0437006\n", + " 1.040444 1.0418892 1.0470979 0. 0. 0. ]\n", + " [1.148662 1.1438313 1.1518292 1.1595054 1.1497955 1.1217117 1.0918195\n", + " 1.0722299 1.0628916 1.0608617 1.0612602 1.0577283 1.0505294 1.0434042\n", + " 1.0402809 0. 0. 0. 0. 0. ]\n", + " [1.1743034 1.1703922 1.1810567 1.1900353 1.1775804 1.1435983 1.1087205\n", + " 1.0857708 1.0752755 1.0737245 1.0738559 1.0691334 1.0595264 1.05065\n", + " 1.0464877 1.0485729 0. 0. 0. 0. ]\n", + " [1.1890392 1.1868584 1.1986877 1.207846 1.1936189 1.1574166 1.1200304\n", + " 1.094934 1.0825803 1.0793936 1.0773911 1.0706246 1.0609934 1.0520898\n", + " 1.048232 1.0499382 1.0552992 1.0605887 1.0630438 1.0640479]\n", + " [1.1729741 1.1681958 1.1774296 1.1854887 1.1723688 1.1381446 1.1043537\n", + " 1.0820085 1.0712166 1.0691366 1.0683944 1.0636408 1.0553159 1.0478066\n", + " 1.0445374 1.0464146 1.0512722 1.0562706 0. 0. ]]\n", + "[[1.1787679 1.1740108 1.1842088 1.1925547 1.1805959 1.1460854 1.1100035\n", + " 1.0863405 1.0752412 1.072706 1.0725545 1.0681597 1.0593297 1.0512309\n", + " 1.0473557 1.0490607 1.054426 0. 0. ]\n", + " [1.1732168 1.1690909 1.179982 1.1887178 1.1756991 1.1415828 1.1064447\n", + " 1.0831522 1.0731074 1.0711492 1.0715615 1.0667796 1.0576077 1.0492182\n", + " 1.045652 1.0481739 0. 0. 0. ]\n", + " [1.1989319 1.1934223 1.2039382 1.2118125 1.1992992 1.1618689 1.123591\n", + " 1.0994294 1.0882677 1.0865754 1.0868267 1.0807029 1.0702189 1.0599695\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1741576 1.1719923 1.1826135 1.1896925 1.1762873 1.1414442 1.1073315\n", + " 1.0848519 1.0740827 1.071022 1.0703185 1.0648068 1.0555943 1.0474035\n", + " 1.0437071 1.0459069 1.0511206 1.0559775 1.0585204]\n", + " [1.1584184 1.1539844 1.1621214 1.1699853 1.158641 1.1277122 1.0960836\n", + " 1.075327 1.0663137 1.0651348 1.0651823 1.06102 1.0532614 1.0455287\n", + " 1.0422242 0. 0. 0. 0. ]]\n", + "[[1.1768976 1.174716 1.1860036 1.1941851 1.1824832 1.146614 1.1096741\n", + " 1.085699 1.0738188 1.0711647 1.0705017 1.0658416 1.0569545 1.048668\n", + " 1.0449007 1.0463881 1.0514027 1.0565982 1.0590272]\n", + " [1.1717918 1.167759 1.1780418 1.1870672 1.1749954 1.1423699 1.1080581\n", + " 1.0849363 1.0748614 1.0722116 1.0715103 1.0666705 1.0571314 1.0483102\n", + " 1.0446233 1.0461373 1.0513393 1.0562507 0. ]\n", + " [1.1625054 1.1578169 1.1680374 1.1761163 1.1662045 1.1350875 1.1021448\n", + " 1.080277 1.069975 1.0680461 1.068393 1.0642011 1.0560085 1.0479106\n", + " 1.0439733 1.045463 0. 0. 0. ]\n", + " [1.1813549 1.1768615 1.186908 1.1947713 1.1810066 1.1458948 1.1104592\n", + " 1.0875207 1.0773088 1.0748813 1.074885 1.0699989 1.0602845 1.0519618\n", + " 1.048367 1.0508848 0. 0. 0. ]\n", + " [1.1895018 1.1840389 1.1939331 1.2021858 1.1883572 1.1544592 1.1188318\n", + " 1.0947427 1.0833784 1.0812047 1.0822804 1.0768048 1.0662574 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1911386 1.1875108 1.1996565 1.2084882 1.1937101 1.1562841 1.1185634\n", + " 1.0936983 1.0832373 1.0826634 1.083741 1.0778136 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1604874 1.1559491 1.1656657 1.1745406 1.1636058 1.132369 1.0998585\n", + " 1.0782456 1.0679377 1.0650382 1.065151 1.0609015 1.052884 1.044921\n", + " 1.0415487 1.0431623 1.0478823 1.0526416]\n", + " [1.1836302 1.1782684 1.1879066 1.195889 1.1808381 1.1445918 1.1095514\n", + " 1.0872246 1.0778298 1.0771043 1.077707 1.0722284 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1913111 1.1874349 1.1977582 1.204809 1.1925598 1.1563625 1.1193914\n", + " 1.0946562 1.0824062 1.0787585 1.0771328 1.0720426 1.0622716 1.053504\n", + " 1.0499517 1.0518034 1.0576532 1.0631618]\n", + " [1.1931413 1.1863719 1.1945962 1.2025744 1.189782 1.1547619 1.1189638\n", + " 1.0947124 1.0829643 1.0798674 1.0793517 1.0741701 1.0640024 1.0553005\n", + " 1.0516664 1.0542333 0. 0. ]]\n", + "[[1.1638699 1.1616745 1.1707071 1.1800764 1.1694325 1.1373346 1.104592\n", + " 1.0822918 1.0706688 1.0664799 1.0646054 1.0590447 1.0511261 1.0440423\n", + " 1.0409195 1.0422205 1.046965 1.051609 1.0538455 1.055217 1.0568432\n", + " 1.0603635]\n", + " [1.2088472 1.2027905 1.2124987 1.2201484 1.205915 1.1673785 1.1278785\n", + " 1.1020943 1.0903306 1.0885787 1.0884668 1.0835111 1.0725123 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1773856 1.172978 1.1829815 1.192445 1.1801612 1.1447759 1.1096803\n", + " 1.0862327 1.0756313 1.0745528 1.0752063 1.0695857 1.0603237 1.051047\n", + " 1.0468327 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1798022 1.1728127 1.1809555 1.1886619 1.177206 1.1447846 1.1107645\n", + " 1.088306 1.077424 1.0758188 1.0754925 1.0706673 1.0611582 1.05227\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1744537 1.1720537 1.1832196 1.1925596 1.179667 1.1451114 1.1099832\n", + " 1.0863663 1.0744869 1.0710642 1.0690857 1.0633376 1.0539619 1.0459335\n", + " 1.0426651 1.0442436 1.0491811 1.0544863 1.0569613 1.0582678 0.\n", + " 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.2071368 1.2005948 1.2103554 1.219215 1.2038507 1.165103 1.1264619\n", + " 1.1007497 1.0894119 1.0881008 1.0879096 1.0826583 1.071441 1.0616338\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1871194 1.1820837 1.1909235 1.1987394 1.188018 1.1554825 1.1201912\n", + " 1.0959578 1.0831455 1.0786794 1.076548 1.0702311 1.0609224 1.0523608\n", + " 1.0482925 1.0494913 1.0544988 1.059492 1.0624684 1.0640548 0. ]\n", + " [1.1697758 1.1667345 1.1779755 1.1875778 1.1760944 1.1427829 1.1081446\n", + " 1.0852407 1.0746316 1.0730017 1.0737072 1.06898 1.0598269 1.0511006\n", + " 1.0469702 0. 0. 0. 0. 0. 0. ]\n", + " [1.1752561 1.1724921 1.1830076 1.1923472 1.1802415 1.1483432 1.1135628\n", + " 1.0897057 1.0777116 1.0736706 1.0711004 1.0651172 1.0553793 1.0470762\n", + " 1.0438061 1.0456849 1.0507554 1.0552642 1.0578451 1.0582832 1.0596483]\n", + " [1.175482 1.1722592 1.1834986 1.1933366 1.1817583 1.1469123 1.1111608\n", + " 1.0871786 1.0753944 1.072458 1.0710943 1.065333 1.0562224 1.0481374\n", + " 1.0440354 1.0459863 1.0513498 1.0565034 1.0588135 0. 0. ]]\n", + "[[1.1944907 1.190482 1.2023695 1.2111673 1.1959276 1.1585846 1.119661\n", + " 1.0940931 1.0835819 1.0828043 1.0834086 1.0786039 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1669357 1.1627804 1.1719441 1.1803255 1.1673787 1.1356997 1.1023637\n", + " 1.0803651 1.0697204 1.0673391 1.0666581 1.0623788 1.0539856 1.046661\n", + " 1.0435185 1.0450711 1.0505629]\n", + " [1.1764395 1.1716785 1.1812699 1.1896122 1.1762954 1.1424664 1.1075615\n", + " 1.084979 1.0746711 1.0730536 1.0734063 1.068287 1.0595938 1.0512662\n", + " 1.0474907 0. 0. ]\n", + " [1.1735523 1.1669271 1.1745212 1.1825143 1.171694 1.139256 1.1058006\n", + " 1.083883 1.0735337 1.0703467 1.0703657 1.065011 1.0562421 1.0479484\n", + " 1.0443087 1.0461453 1.0516247]\n", + " [1.1928878 1.187329 1.1971974 1.2063143 1.1925455 1.1561931 1.1207294\n", + " 1.0972304 1.0867279 1.0851771 1.084946 1.0785801 1.0674185 1.0576495\n", + " 0. 0. 0. ]]\n", + "[[1.169393 1.1635458 1.1708595 1.1775608 1.1653782 1.1321416 1.0997367\n", + " 1.0784059 1.0689704 1.0680096 1.0688441 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1548285 1.15149 1.1623695 1.1717978 1.160101 1.1278756 1.09526\n", + " 1.0746073 1.0657946 1.0642309 1.0647571 1.0599654 1.0515678 1.0433463\n", + " 1.0397364 1.0410185 0. 0. ]\n", + " [1.1733112 1.1696522 1.1799214 1.1892824 1.176148 1.1417036 1.1062515\n", + " 1.0832478 1.0728314 1.0710875 1.0713978 1.0671016 1.0582255 1.0500525\n", + " 1.0466217 1.0488274 0. 0. ]\n", + " [1.1957862 1.1913128 1.2008929 1.2091225 1.1950452 1.1593921 1.1225888\n", + " 1.0974307 1.0847199 1.0804147 1.0791676 1.0731971 1.0633942 1.05456\n", + " 1.0510743 1.0537825 1.0593798 1.0649571]\n", + " [1.1764588 1.1698732 1.1788111 1.1872891 1.1754478 1.141938 1.1085547\n", + " 1.0865391 1.0776527 1.0769564 1.0772047 1.072079 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1721334 1.166079 1.1762762 1.1853024 1.1743414 1.1401256 1.1049906\n", + " 1.0829133 1.0740781 1.0738364 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1672764 1.163392 1.172976 1.1813556 1.1690867 1.1369967 1.103919\n", + " 1.0818465 1.0707676 1.0678513 1.0665672 1.0625323 1.0543267 1.047078\n", + " 1.0434233 1.0450928 1.0501517 1.0549257 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.161608 1.1572623 1.1682405 1.1777589 1.1666912 1.1340923 1.1004734\n", + " 1.0783942 1.0691321 1.0675262 1.0676626 1.0635328 1.0545938 1.0461879\n", + " 1.0425507 1.04426 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1509143 1.1488423 1.1605924 1.1716665 1.1623642 1.1304929 1.0978676\n", + " 1.0765811 1.0662714 1.0629269 1.0610917 1.0555096 1.0469909 1.0399522\n", + " 1.0372871 1.0387592 1.0436798 1.0486469 1.0516293 1.0525186 1.0537775\n", + " 1.0567762 1.0632547 1.0721933 1.0795383 1.0827043]\n", + " [1.1649529 1.1600888 1.169502 1.1790731 1.1676648 1.1353614 1.1024045\n", + " 1.0802257 1.0697465 1.0678711 1.0679266 1.0632173 1.0548524 1.0466969\n", + " 1.0433136 1.0447272 1.0503174 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1707736 1.167138 1.1777816 1.1859956 1.1744857 1.140017 1.1060503\n", + " 1.0833678 1.0737275 1.0719088 1.0719877 1.0674634 1.0584291 1.0498962\n", + " 1.0460628 1.0481155 0. ]\n", + " [1.1740825 1.1697015 1.1796873 1.1878889 1.1764786 1.1423413 1.1072241\n", + " 1.0835761 1.0729921 1.0708681 1.0716256 1.0669218 1.0584021 1.0497624\n", + " 1.0457824 1.0475551 1.05295 ]\n", + " [1.1739647 1.1686424 1.1775883 1.1849593 1.1720606 1.1385894 1.1042736\n", + " 1.0828887 1.0729115 1.0721297 1.0732367 1.0685732 1.0593468 1.0508181\n", + " 0. 0. 0. ]\n", + " [1.2150751 1.212685 1.2251291 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2147017 1.2091043 1.2186416 1.2266983 1.2108898 1.1721252 1.1320847\n", + " 1.1054661 1.0934466 1.0919925 1.0925517 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1779506 1.1757776 1.1874114 1.1957353 1.1829853 1.1485964 1.1123556\n", + " 1.0887764 1.0770751 1.0734435 1.072706 1.0669045 1.0574591 1.0490167\n", + " 1.0454918 1.0469972 1.0522628 1.0574929 1.0602617 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1446363 1.1428907 1.1542969 1.1635416 1.153789 1.1234639 1.0926219\n", + " 1.0721966 1.0621699 1.059183 1.0575207 1.0526372 1.044564 1.0381315\n", + " 1.0351648 1.0369375 1.0413598 1.0455605 1.048041 1.0484397 1.0492842\n", + " 1.0520701 1.0582117 1.067267 1.074124 ]\n", + " [1.1509827 1.147465 1.1561577 1.1636025 1.1520091 1.1218016 1.0917518\n", + " 1.0721724 1.0626514 1.0608004 1.0598978 1.0552188 1.0471928 1.0403731\n", + " 1.0375233 1.0392092 1.0438262 1.0482352 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.156446 1.1526481 1.1612635 1.1697818 1.1579721 1.1265948 1.0956519\n", + " 1.0750176 1.0653046 1.0642021 1.0645851 1.0603547 1.0527415 1.0450904\n", + " 1.0415347 1.0428989 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1633644 1.1613306 1.1720356 1.1804726 1.16783 1.135256 1.1020356\n", + " 1.080591 1.0703313 1.0677315 1.0671344 1.0618314 1.0530018 1.0453374\n", + " 1.041882 1.0437123 1.0486804 1.0537347 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1778388 1.1737015 1.1842443 1.1930488 1.1802857 1.1465969 1.1108556\n", + " 1.0872319 1.0753164 1.0725746 1.0719686 1.0667169 1.0578619 1.0497788\n", + " 1.0459566 1.0478933 1.0534849 1.0589409 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1636614 1.1614339 1.1724546 1.1825953 1.1726675 1.1394722 1.1058996\n", + " 1.0837854 1.071763 1.068221 1.0659828 1.06011 1.0511196 1.0434619\n", + " 1.0407974 1.0426656 1.047654 1.0532118 1.0556519 1.0561812 1.0575346\n", + " 1.0609637 1.0680072 1.07789 1.0856489 1.0896434]\n", + " [1.1665915 1.1645383 1.1765491 1.1867416 1.1748526 1.1418023 1.1071342\n", + " 1.0836031 1.0721402 1.0685421 1.0666889 1.061417 1.0530149 1.0453469\n", + " 1.0422249 1.0431844 1.0481098 1.0526389 1.0546869 1.0554745 1.0570471\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1612113 1.1566492 1.1667248 1.1758451 1.165139 1.1330849 1.100113\n", + " 1.0784758 1.068832 1.0672691 1.0669008 1.0624982 1.053738 1.0454674\n", + " 1.0417792 1.0435483 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1752313 1.1729395 1.1844693 1.1926572 1.1804965 1.1466254 1.1111448\n", + " 1.0872182 1.0751477 1.0723606 1.0711384 1.065619 1.0560662 1.0480384\n", + " 1.0445244 1.0461739 1.0513419 1.0563681 1.0587685 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1623584 1.1603605 1.1710206 1.1797523 1.1680181 1.1350684 1.1020218\n", + " 1.0794396 1.0695021 1.0665393 1.0655876 1.0604823 1.0523863 1.0449507\n", + " 1.0411308 1.0425367 1.0470941 1.0514141 1.0537072]\n", + " [1.1672889 1.1645548 1.1762525 1.1865168 1.1745356 1.1411965 1.1066325\n", + " 1.083738 1.0728512 1.0696663 1.0684115 1.0627462 1.0531749 1.0452363\n", + " 1.0414921 1.0429194 1.0480585 1.0531129 1.0558057]\n", + " [1.163366 1.1596785 1.1689005 1.1758417 1.1628381 1.1305761 1.098173\n", + " 1.0773358 1.0677345 1.0655601 1.0650302 1.060391 1.0518129 1.0441903\n", + " 1.0409999 1.0428616 1.0476481 1.052399 0. ]\n", + " [1.1688554 1.1638602 1.1736537 1.1820005 1.1692878 1.1372706 1.1042905\n", + " 1.0827208 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1611745 1.1580597 1.1685778 1.1768978 1.165315 1.1333625 1.1010256\n", + " 1.0794446 1.0686891 1.0658606 1.0643363 1.0594422 1.0506691 1.0429653\n", + " 1.0396886 1.0409621 1.0456605 1.0509373 1.0537229]]\n", + "[[1.1779433 1.1733313 1.183382 1.1922003 1.1799673 1.1465877 1.1113834\n", + " 1.0877645 1.076788 1.0740008 1.0736663 1.0684929 1.0590621 1.0504898\n", + " 1.0465602 1.0487101 1.0545373]\n", + " [1.1673821 1.1623677 1.1708486 1.1795143 1.1682525 1.1359448 1.1027832\n", + " 1.0809493 1.070305 1.0681131 1.0674579 1.0633231 1.0548229 1.0469401\n", + " 1.0434704 1.0452284 1.0504903]\n", + " [1.1723331 1.1690991 1.1798155 1.187374 1.1755334 1.1411902 1.1066266\n", + " 1.0842847 1.073987 1.0725616 1.0730803 1.0680398 1.0592988 1.050728\n", + " 1.0467122 1.0486699 0. ]\n", + " [1.156049 1.1536571 1.1639866 1.1720606 1.1602166 1.1290287 1.0970482\n", + " 1.0760038 1.0663521 1.0643269 1.0644902 1.0598861 1.0511961 1.0438868\n", + " 1.0406076 1.0422586 1.0472175]\n", + " [1.2032394 1.1986448 1.2079936 1.2165331 1.201355 1.1633728 1.1249304\n", + " 1.0991149 1.0881718 1.0868742 1.0873632 1.0813231 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1747801 1.17233 1.1834154 1.1927516 1.1808878 1.1459057 1.1098387\n", + " 1.0858864 1.0746998 1.0719974 1.0715282 1.0667613 1.0571495 1.0490519\n", + " 1.0450352 1.0465149 1.0517251 1.0567816 0. 0. 0. ]\n", + " [1.1650739 1.1615801 1.1719198 1.1810316 1.169977 1.1374899 1.1033255\n", + " 1.0812861 1.0706685 1.0684066 1.0681505 1.0639341 1.0556439 1.0476876\n", + " 1.0441086 1.0455284 1.0505288 0. 0. 0. 0. ]\n", + " [1.1798217 1.175878 1.1870458 1.1968484 1.183775 1.147792 1.1113886\n", + " 1.0880897 1.0782125 1.0774523 1.0789458 1.073676 1.0640316 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1830883 1.176553 1.1846291 1.191869 1.1784779 1.1450086 1.1105626\n", + " 1.0880302 1.0780039 1.0765693 1.076625 1.0710173 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1685284 1.1672684 1.1794331 1.1904479 1.178921 1.1440117 1.1091162\n", + " 1.0855255 1.0734622 1.0693966 1.0673797 1.0617615 1.0523887 1.0451225\n", + " 1.0416596 1.043024 1.0477893 1.0527861 1.0552106 1.0560187 1.0578328]]\n", + "[[1.2081269 1.2021993 1.2128007 1.2220976 1.2078066 1.16916 1.129961\n", + " 1.1038761 1.0927945 1.0910172 1.0902936 1.0843309 1.0724959 1.0617058\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1657196 1.1610968 1.1707649 1.179336 1.1689672 1.1370956 1.1033028\n", + " 1.081047 1.0707414 1.0686451 1.0688875 1.0647428 1.0566082 1.0487165\n", + " 1.0448314 1.0464262 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1504208 1.1481497 1.1589078 1.1686759 1.1585271 1.127419 1.0966332\n", + " 1.0760725 1.0663155 1.0627365 1.0608059 1.0545931 1.045894 1.0389768\n", + " 1.0364814 1.0384284 1.0437189 1.048715 1.0512112 1.0523558 1.0529817\n", + " 1.0564455 1.0632018 1.0718948 1.0788528 1.0817568]\n", + " [1.1725867 1.1691972 1.1792284 1.1872127 1.1750097 1.1408736 1.10612\n", + " 1.0841006 1.0738771 1.0728787 1.073112 1.0686015 1.0593628 1.0504854\n", + " 1.0465208 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1842175 1.1797391 1.1876763 1.1944789 1.1802133 1.146221 1.1122425\n", + " 1.0896702 1.0779359 1.0754297 1.0737255 1.068571 1.0592356 1.0512197\n", + " 1.0475633 1.0498602 1.0558008 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.167792 1.1653831 1.17644 1.186234 1.1747267 1.1416979 1.1069363\n", + " 1.0832871 1.0723419 1.0686812 1.0676091 1.0614758 1.0520254 1.0445383\n", + " 1.0414009 1.0428718 1.0478405 1.0529413 1.0558076 1.057042 0.\n", + " 0. ]\n", + " [1.1595635 1.1581123 1.1692268 1.1788094 1.1673493 1.1346066 1.1014532\n", + " 1.0798262 1.0689917 1.065146 1.0635014 1.0576727 1.0492308 1.042381\n", + " 1.0391701 1.0410149 1.0461701 1.05105 1.0534191 1.0543942 1.055899\n", + " 1.0593106]\n", + " [1.1719244 1.1700174 1.1808653 1.190733 1.1782371 1.145133 1.1101667\n", + " 1.0861981 1.0740447 1.0708013 1.0691732 1.0638365 1.0548371 1.0472032\n", + " 1.0434276 1.0447648 1.0495695 1.0543355 1.05664 1.0575497 0.\n", + " 0. ]\n", + " [1.1613617 1.1572111 1.1666151 1.1753935 1.1637222 1.1324979 1.100521\n", + " 1.0788838 1.0689701 1.06625 1.0662669 1.0614369 1.0531934 1.0451941\n", + " 1.041342 1.0427952 1.0475549 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2015659 1.1969026 1.2065783 1.2155534 1.2012589 1.1650392 1.1270688\n", + " 1.1014831 1.0885006 1.0855075 1.084422 1.079056 1.068775 1.0590338\n", + " 1.0549443 1.0573872 1.0640273 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1579216 1.1560546 1.1670145 1.1757512 1.1640384 1.1332523 1.1010545\n", + " 1.0794634 1.0682482 1.0649229 1.0627311 1.0570546 1.0493913 1.0423481\n", + " 1.0392306 1.0408955 1.0452235 1.0494984 1.051857 1.0528668 1.0542088]\n", + " [1.1760457 1.170583 1.1802032 1.1894474 1.1766559 1.1427147 1.108417\n", + " 1.0855854 1.0757397 1.0747163 1.0749385 1.0700763 1.0605166 1.0518174\n", + " 1.0479183 0. 0. 0. 0. 0. 0. ]\n", + " [1.1631308 1.1594342 1.1693923 1.1784906 1.166667 1.133769 1.1011084\n", + " 1.0790088 1.0688043 1.0663569 1.0657848 1.0614028 1.0527412 1.0455554\n", + " 1.0422082 1.0438632 1.0486718 1.0533054 0. 0. 0. ]\n", + " [1.1683823 1.1667248 1.1778324 1.1861101 1.1753839 1.1416925 1.106687\n", + " 1.0839756 1.0728511 1.0693872 1.0681577 1.0630227 1.0541745 1.0463345\n", + " 1.0430969 1.0447221 1.049385 1.05409 1.0562922 0. 0. ]\n", + " [1.1848638 1.1814404 1.1916575 1.1992835 1.1872872 1.1522161 1.116108\n", + " 1.0916879 1.0797526 1.0757596 1.0738401 1.0670129 1.0579821 1.0499501\n", + " 1.0462717 1.0488362 1.0540311 1.0593007 1.0616665 1.062608 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1767548 1.1733118 1.1849375 1.1941557 1.1808867 1.1458411 1.1107906\n", + " 1.0880617 1.0777905 1.0766264 1.0770218 1.0715432 1.0616548 1.0527784\n", + " 1.0484376 0. 0. 0. ]\n", + " [1.1603984 1.157848 1.1682297 1.1765792 1.1643279 1.1323191 1.0994719\n", + " 1.0778904 1.0679854 1.0659751 1.065963 1.0614033 1.0524383 1.0447536\n", + " 1.0410601 1.0424529 1.0474316 0. ]\n", + " [1.2034118 1.1963261 1.2056159 1.2137051 1.1990201 1.1620892 1.123864\n", + " 1.098881 1.08743 1.0857059 1.0850825 1.0793711 1.0688964 1.0592146\n", + " 0. 0. 0. 0. ]\n", + " [1.1726394 1.1688673 1.1808256 1.1910493 1.1785203 1.1442494 1.1096529\n", + " 1.0870526 1.0770475 1.0748658 1.0745578 1.0690541 1.0591563 1.0498378\n", + " 1.0461582 1.048328 1.0547433 0. ]\n", + " [1.166241 1.1620033 1.1714542 1.1791661 1.1678164 1.1361657 1.1032751\n", + " 1.0817792 1.0713679 1.0678707 1.0670663 1.061779 1.0531936 1.0456547\n", + " 1.0419823 1.0438285 1.0487702 1.0538007]]\n", + "[[1.161991 1.1579393 1.1675978 1.1755576 1.1649377 1.1329172 1.1003187\n", + " 1.0788057 1.0685201 1.0661306 1.0659251 1.0614856 1.053087 1.045416\n", + " 1.0415527 1.0431448 1.0482309 0. 0. 0. 0. ]\n", + " [1.1623452 1.1604626 1.1709498 1.1804534 1.1690125 1.136892 1.1043333\n", + " 1.0824201 1.0713856 1.0673435 1.0655954 1.0600439 1.0509335 1.0435421\n", + " 1.0401324 1.0416862 1.0460302 1.051207 1.0539775 1.0550978 1.0567756]\n", + " [1.1747184 1.1717527 1.1817753 1.1905789 1.1789057 1.1453067 1.1114762\n", + " 1.0881119 1.0762073 1.0729061 1.0714408 1.0657119 1.0561079 1.0479835\n", + " 1.043907 1.0458777 1.0507745 1.0554336 1.0572274 0. 0. ]\n", + " [1.1823652 1.1792698 1.1894418 1.1973665 1.1857792 1.1510926 1.1152642\n", + " 1.0912992 1.0795845 1.0759108 1.0738256 1.0678713 1.0580846 1.0498532\n", + " 1.0458562 1.0479094 1.0535331 1.0585022 1.06083 0. 0. ]\n", + " [1.193078 1.1879778 1.1975125 1.2056984 1.1919973 1.1557823 1.118818\n", + " 1.0937204 1.0821123 1.0800439 1.0795366 1.0747608 1.0650382 1.0558397\n", + " 1.0518979 1.0543014 0. 0. 0. 0. 0. ]]\n", + "[[1.1656901 1.1613641 1.1709843 1.1797299 1.1686242 1.1370461 1.1038651\n", + " 1.0821365 1.0732313 1.0711696 1.0714889 1.0665252 1.0574073 1.0487015\n", + " 1.0446026 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1731563 1.1692659 1.1798153 1.1882733 1.1761343 1.1425349 1.1079189\n", + " 1.0855823 1.0751964 1.0738598 1.0739932 1.0688212 1.0598077 1.0509853\n", + " 1.0467151 1.0485508 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1854537 1.1819634 1.1916118 1.2005597 1.1880789 1.152685 1.11686\n", + " 1.0926704 1.0805146 1.0760407 1.0728419 1.067304 1.058016 1.0502338\n", + " 1.0467958 1.0491781 1.0544015 1.0594478 1.0623615 1.0635375 1.0648284\n", + " 1.068753 ]\n", + " [1.164346 1.1614405 1.172312 1.180722 1.1684057 1.135425 1.101151\n", + " 1.0798049 1.0695605 1.0680789 1.0684707 1.0636934 1.0552131 1.0472982\n", + " 1.043602 1.0454407 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1661836 1.1613364 1.1707203 1.1792437 1.1675351 1.136343 1.1035305\n", + " 1.081632 1.0723499 1.070379 1.070745 1.0668306 1.05743 1.0493025\n", + " 1.0452806 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1879811 1.1833613 1.1933588 1.2027681 1.1894017 1.154203 1.117062\n", + " 1.0928386 1.0811946 1.0783184 1.0780044 1.0726734 1.0627327 1.0543513\n", + " 1.050024 1.0523057 1.0580939 0. 0. ]\n", + " [1.1792105 1.1746252 1.1851444 1.1941175 1.181781 1.1472871 1.1120194\n", + " 1.0884482 1.0768574 1.0735955 1.072616 1.0670601 1.0579768 1.049649\n", + " 1.0457013 1.0474219 1.0524702 1.0575894 1.060283 ]\n", + " [1.1526989 1.1484345 1.1560683 1.1634218 1.1524574 1.12401 1.0936245\n", + " 1.0733223 1.0639188 1.0618852 1.0618228 1.0580449 1.0499166 1.0432972\n", + " 1.0399503 1.0415668 0. 0. 0. ]\n", + " [1.177152 1.1750396 1.1855756 1.1935688 1.180294 1.1450969 1.109669\n", + " 1.0861999 1.0757799 1.073175 1.0721878 1.0670285 1.0580336 1.049625\n", + " 1.0462285 1.048037 1.0535306 1.058744 0. ]\n", + " [1.1682131 1.1647434 1.1756921 1.1837924 1.1720655 1.1395775 1.1053802\n", + " 1.0831283 1.0723826 1.0702407 1.0691985 1.0643986 1.0558211 1.0469638\n", + " 1.0433156 1.0449466 1.0499295 1.0550791 0. ]]\n", + "[[1.1744528 1.1716214 1.1823683 1.1903523 1.1781172 1.1438351 1.1099001\n", + " 1.0873866 1.0765975 1.075172 1.0751988 1.0704753 1.0609487 1.0519311\n", + " 1.0480523 0. 0. 0. 0. ]\n", + " [1.1798539 1.1750886 1.1850626 1.1936336 1.1809944 1.1465704 1.1110549\n", + " 1.0877044 1.0772405 1.074236 1.0731835 1.0676483 1.0577471 1.0488007\n", + " 1.0446961 1.0462188 1.0517926 1.0570464 0. ]\n", + " [1.1848869 1.179894 1.1907303 1.2004073 1.1862787 1.1491722 1.1117055\n", + " 1.0872624 1.077308 1.0771358 1.0787697 1.0738251 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1892066 1.185542 1.1959947 1.2034878 1.1919539 1.1563988 1.1199102\n", + " 1.095115 1.0828925 1.0790975 1.076947 1.0706728 1.0607452 1.0520113\n", + " 1.0482831 1.0504028 1.0559556 1.0615094 1.0642895]\n", + " [1.1776818 1.1726415 1.1817772 1.1897728 1.1763133 1.1424768 1.1077249\n", + " 1.0853443 1.0752659 1.0732642 1.0730681 1.0678945 1.0584371 1.0501508\n", + " 1.0464878 1.0488762 0. 0. 0. ]]\n", + "[[1.1822327 1.1772037 1.1871376 1.1956735 1.1834245 1.1488293 1.1123532\n", + " 1.0884871 1.077729 1.0766593 1.0767819 1.0723593 1.0623258 1.0531516\n", + " 1.0489786 0. ]\n", + " [1.1623476 1.1589265 1.1691673 1.1768862 1.16574 1.1334885 1.1008279\n", + " 1.079213 1.069504 1.0673218 1.0678341 1.0632524 1.05501 1.0473241\n", + " 1.0433818 1.0449307]\n", + " [1.1819112 1.1773031 1.1871389 1.1969969 1.1850263 1.1495756 1.1133319\n", + " 1.0890905 1.0779701 1.0766389 1.0770168 1.0730994 1.0631019 1.0543214\n", + " 1.0501434 0. ]\n", + " [1.1696036 1.1650891 1.1749254 1.1833742 1.1699929 1.1370217 1.1033907\n", + " 1.0818555 1.0725688 1.071064 1.0710413 1.0658686 1.0571163 1.0488722\n", + " 1.0453417 1.047107 ]\n", + " [1.1909416 1.1850895 1.1942694 1.201903 1.1886549 1.152715 1.1151124\n", + " 1.091163 1.081185 1.0796201 1.0805366 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1809433 1.1761535 1.1868062 1.1963506 1.1841683 1.1492732 1.1120853\n", + " 1.0874346 1.0754586 1.0725224 1.0728903 1.068261 1.0590689 1.0506827\n", + " 1.0468361 1.048615 1.054317 1.0602396 0. ]\n", + " [1.1912632 1.187852 1.1975923 1.207101 1.1937976 1.1585826 1.120883\n", + " 1.0947751 1.0818682 1.077962 1.0767051 1.071546 1.0618447 1.0537239\n", + " 1.0500045 1.0522727 1.0571663 1.0626947 1.0656909]\n", + " [1.1816878 1.1775421 1.187309 1.196573 1.1844798 1.1492789 1.1126928\n", + " 1.0891002 1.0783231 1.0764365 1.0765712 1.0708618 1.0613931 1.0521872\n", + " 1.047868 1.0494381 1.0551065 0. 0. ]\n", + " [1.1583095 1.1555905 1.1650034 1.1730927 1.1604968 1.1288974 1.0972323\n", + " 1.0761766 1.0655715 1.063083 1.0619463 1.0577214 1.0500176 1.042562\n", + " 1.0395887 1.0409328 1.0456182 1.0501102 1.0524769]\n", + " [1.1688128 1.1636566 1.1717571 1.1780595 1.1664597 1.1338909 1.100823\n", + " 1.0796226 1.0691797 1.0673149 1.0671295 1.0631212 1.0551788 1.0473328\n", + " 1.0438759 1.045792 1.0514617 0. 0. ]]\n", + "[[1.1646441 1.1607802 1.1707937 1.1794724 1.1670709 1.1341265 1.1013948\n", + " 1.0800236 1.0699819 1.0691868 1.0691061 1.064273 1.055608 1.0468639\n", + " 1.0431699 1.0447506 0. 0. 0. 0. ]\n", + " [1.1841649 1.1802583 1.1898214 1.1985722 1.1857454 1.1513212 1.1159097\n", + " 1.0920212 1.0799165 1.0763793 1.0742531 1.0682735 1.0583894 1.0496219\n", + " 1.0457125 1.0476792 1.0529529 1.0583091 1.0609552 0. ]\n", + " [1.1592555 1.1541384 1.1627395 1.170775 1.1599073 1.128789 1.0973016\n", + " 1.0765984 1.0677072 1.0657399 1.0654107 1.0611132 1.0523787 1.044765\n", + " 1.0410417 1.0427351 0. 0. 0. 0. ]\n", + " [1.1667838 1.1648049 1.1746829 1.1828694 1.1702899 1.1359742 1.1030297\n", + " 1.0815555 1.070604 1.0684419 1.0678797 1.0630871 1.0534883 1.0464299\n", + " 1.0430038 1.0447924 1.0499513 1.0548499 0. 0. ]\n", + " [1.1734321 1.1714737 1.1828343 1.1926156 1.1806211 1.1469443 1.111535\n", + " 1.0876768 1.0754747 1.0714619 1.0696721 1.0644556 1.0550909 1.0470414\n", + " 1.0434942 1.0446019 1.0499821 1.0552734 1.057801 1.0589585]]\n", + "[[1.204805 1.200055 1.2106743 1.2186617 1.2052251 1.1685308 1.1302338\n", + " 1.1036972 1.0902772 1.0864674 1.0853187 1.0793452 1.0689131 1.0592381\n", + " 1.0553238 1.057227 1.0634514 1.0691464 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1733885 1.1696225 1.1794701 1.1880351 1.1765153 1.1432916 1.1093338\n", + " 1.0869732 1.075435 1.0714134 1.0693328 1.0628952 1.0537761 1.0459937\n", + " 1.0430565 1.0448196 1.0502994 1.055178 1.057362 1.0577911 1.0589472\n", + " 0. 0. ]\n", + " [1.206376 1.1996835 1.209524 1.2168735 1.202226 1.1632986 1.124972\n", + " 1.0988172 1.0883548 1.0865493 1.0863609 1.0810537 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1715593 1.1688907 1.1793948 1.1892735 1.177576 1.1442521 1.1104803\n", + " 1.0878638 1.0760189 1.0716827 1.069381 1.062978 1.0535827 1.04547\n", + " 1.0424633 1.0444376 1.0497049 1.0545894 1.0570352 1.0579761 1.0591702\n", + " 1.0624628 1.0699309]\n", + " [1.1755996 1.172035 1.181547 1.1913433 1.1790495 1.1461909 1.1115544\n", + " 1.0884371 1.0776571 1.0749989 1.0753102 1.0703332 1.0602001 1.0513815\n", + " 1.0474021 1.0495604 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.17866 1.1739316 1.1824666 1.1905117 1.1780244 1.1437868 1.1088582\n", + " 1.086279 1.0762061 1.0758383 1.0760355 1.0707186 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1782836 1.1744521 1.1841261 1.1932701 1.1805549 1.1470454 1.1118917\n", + " 1.0881263 1.0766822 1.0732417 1.0722561 1.0667963 1.0579925 1.0497304\n", + " 1.0463324 1.0479404 1.0533209 1.0583591 1.0606718 0. ]\n", + " [1.1839632 1.1771879 1.1853571 1.192656 1.1791227 1.1461325 1.1130121\n", + " 1.0907996 1.0804626 1.0791144 1.0786852 1.0720245 1.0621558 1.0532744\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.163763 1.1609929 1.1716894 1.1802667 1.1695442 1.1372844 1.10396\n", + " 1.0819054 1.0706013 1.0664933 1.0651926 1.0599325 1.0511874 1.0436705\n", + " 1.0406903 1.0423394 1.0471313 1.051736 1.0542163 1.0552974]\n", + " [1.1802723 1.1762524 1.1858578 1.1941328 1.1809852 1.1481758 1.1133034\n", + " 1.0889721 1.0768591 1.0730648 1.07239 1.0671906 1.0583475 1.0501533\n", + " 1.0465431 1.0482717 1.0528517 1.0577638 1.0601053 0. ]]\n", + "[[1.1706207 1.1680672 1.1794409 1.1878798 1.1761672 1.141872 1.1070229\n", + " 1.083635 1.072806 1.0697083 1.0689149 1.0637116 1.0551099 1.0473651\n", + " 1.0437517 1.04528 1.0504646 1.055239 1.057694 ]\n", + " [1.1760064 1.1704222 1.1791255 1.1869172 1.1746157 1.1425887 1.1103766\n", + " 1.0885228 1.0782282 1.0760075 1.0760903 1.0712377 1.061986 1.0529722\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1723368 1.1687385 1.1785889 1.1875224 1.1750339 1.1410129 1.1073599\n", + " 1.0840636 1.0733953 1.0699701 1.0683982 1.0623332 1.0536671 1.0457668\n", + " 1.0425482 1.0446202 1.0498234 1.0550004 1.057537 ]\n", + " [1.1581842 1.1546444 1.1655159 1.1743492 1.1636353 1.1314237 1.0989296\n", + " 1.0775089 1.0666832 1.0641477 1.0629166 1.0579927 1.0493765 1.0417806\n", + " 1.0383371 1.0399902 1.044764 1.0493042 1.051701 ]\n", + " [1.1789345 1.17447 1.1836748 1.1919252 1.1793879 1.1449745 1.1105188\n", + " 1.0873474 1.0755845 1.0730771 1.0717871 1.0673279 1.0588094 1.0502347\n", + " 1.0470061 1.0492525 1.0550894 0. 0. ]]\n", + "[[1.1628016 1.1572933 1.1648709 1.1730509 1.1608858 1.1302198 1.0985725\n", + " 1.0770427 1.067066 1.0640497 1.0647033 1.0607126 1.0529673 1.0456614\n", + " 1.0423881 1.0437324 0. 0. 0. 0. ]\n", + " [1.178644 1.1755425 1.1871265 1.1957943 1.1838524 1.1494578 1.1131868\n", + " 1.088918 1.0763347 1.071834 1.0705006 1.0649015 1.0555637 1.0475948\n", + " 1.0442812 1.0458968 1.0513954 1.0565897 1.0594451 1.0603513]\n", + " [1.1710448 1.1691272 1.1801488 1.188886 1.17531 1.141572 1.107208\n", + " 1.0845515 1.0737796 1.0717309 1.0711464 1.0656973 1.0562836 1.047985\n", + " 1.0444083 1.0459394 1.0512286 1.0564746 0. 0. ]\n", + " [1.2037499 1.1992321 1.2079768 1.2169163 1.2012489 1.1647898 1.1262435\n", + " 1.1015869 1.0904993 1.0885142 1.0889194 1.0823311 1.0717082 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1654853 1.1595795 1.1676491 1.1744854 1.1624742 1.1321962 1.1004667\n", + " 1.0791776 1.0693631 1.0668409 1.0662547 1.0618907 1.0532303 1.0456412\n", + " 1.0421133 1.0440062 1.0491724 0. 0. 0. ]]\n", + "[[1.1526126 1.1508597 1.1622462 1.1719007 1.1622878 1.1309178 1.0983034\n", + " 1.0771356 1.0671471 1.0635308 1.0622667 1.0570556 1.0481914 1.0413272\n", + " 1.0382134 1.0399957 1.0449544 1.0491307 1.0515606 1.0518728 1.0527542\n", + " 1.055904 1.0629221 1.0724261]\n", + " [1.1928496 1.1882157 1.1983334 1.2070487 1.1942322 1.1582451 1.1197481\n", + " 1.0951838 1.0833242 1.0792874 1.0780959 1.0723733 1.0623565 1.0531158\n", + " 1.0493989 1.051534 1.0576862 1.0633107 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.160634 1.1562452 1.1649401 1.1730318 1.1622887 1.1310971 1.0991\n", + " 1.0776169 1.0676358 1.0653886 1.0649862 1.0610864 1.0532057 1.045906\n", + " 1.0422754 1.0439265 1.0489149 0. 0. 0. 0. ]\n", + " [1.1782411 1.1749398 1.1855582 1.1943699 1.181851 1.1474643 1.112383\n", + " 1.0883522 1.0776025 1.0751152 1.0748221 1.0701386 1.0605887 1.0521735\n", + " 1.0479364 1.0499849 1.0554699 0. 0. 0. 0. ]\n", + " [1.1700976 1.1668757 1.1765159 1.1851928 1.1739966 1.1409048 1.1069454\n", + " 1.0848384 1.0736792 1.069825 1.0684345 1.0617627 1.0531313 1.0449104\n", + " 1.0410995 1.0429811 1.0482447 1.0527843 1.055123 0. 0. ]\n", + " [1.1596243 1.1565368 1.1655647 1.1736469 1.1622856 1.1325312 1.1009797\n", + " 1.07896 1.0680258 1.0644737 1.0618099 1.0570273 1.0486664 1.041616\n", + " 1.0383326 1.0399338 1.0446202 1.0490257 1.0517619 1.0531336 1.0546021]\n", + " [1.172584 1.1672572 1.1771725 1.1862671 1.1756911 1.143001 1.1084579\n", + " 1.0853188 1.0751698 1.0734348 1.073793 1.069416 1.0599027 1.0507874\n", + " 1.0468161 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1674291 1.1662918 1.1769531 1.1864154 1.1751363 1.1422496 1.1077882\n", + " 1.0846142 1.0730212 1.0690383 1.0682275 1.0627064 1.053986 1.046147\n", + " 1.042962 1.0444419 1.0492657 1.0542276 1.0566437]\n", + " [1.222307 1.2155632 1.225425 1.23283 1.2162905 1.1781224 1.1371126\n", + " 1.1089633 1.0963049 1.0948544 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1881003 1.1831993 1.1921295 1.2003876 1.1865908 1.1522392 1.1163146\n", + " 1.0922378 1.080683 1.0775516 1.0771177 1.0717902 1.0625463 1.054142\n", + " 1.0505612 1.0527217 1.0586121 0. 0. ]\n", + " [1.1737123 1.1688513 1.1789391 1.1890376 1.1774008 1.1438771 1.1090947\n", + " 1.0857451 1.0757502 1.0743037 1.0743138 1.0692269 1.0596356 1.0504916\n", + " 1.0463245 0. 0. 0. 0. ]\n", + " [1.187315 1.1832047 1.1936426 1.2008612 1.1892148 1.153305 1.1162388\n", + " 1.0921742 1.0806572 1.0778958 1.0772334 1.0715142 1.0619495 1.053385\n", + " 1.0489233 1.0509263 1.0565879 0. 0. ]]\n", + "[[1.1625168 1.1595709 1.169212 1.1766925 1.1649169 1.1333516 1.1008888\n", + " 1.0797931 1.0691268 1.0651758 1.0639545 1.0582824 1.0499204 1.0426329\n", + " 1.0397074 1.0417259 1.0463846 1.0510249 1.0533899 1.0546833 1.0560403]\n", + " [1.177974 1.1733183 1.1827554 1.1904931 1.1794891 1.1465234 1.1118541\n", + " 1.0880954 1.0759434 1.0724201 1.0708915 1.0654374 1.0564883 1.0486071\n", + " 1.0450131 1.0469288 1.0521704 1.0567665 1.0591552 0. 0. ]\n", + " [1.1584917 1.1531363 1.1610904 1.1680176 1.1555163 1.1258492 1.0957047\n", + " 1.0755847 1.0667953 1.0652736 1.0655882 1.0611622 1.053149 1.0454779\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1621503 1.1580305 1.1681185 1.176021 1.1651739 1.1335493 1.1008751\n", + " 1.0793242 1.0694267 1.0673331 1.0674953 1.0630447 1.0550805 1.0474774\n", + " 1.044112 1.0461465 0. 0. 0. 0. 0. ]\n", + " [1.1829587 1.1796764 1.1906494 1.1989839 1.1876996 1.1534086 1.1180559\n", + " 1.09366 1.0810336 1.0768447 1.0741005 1.0665541 1.0571613 1.048992\n", + " 1.0461373 1.0480181 1.053827 1.0587221 1.0610563 1.0617683 1.0633537]]\n", + "[[1.1729782 1.1676444 1.1779484 1.187722 1.1742924 1.1413373 1.1063087\n", + " 1.0837939 1.0726273 1.0707372 1.0704794 1.0660038 1.0575155 1.0494698\n", + " 1.0459598 1.0478538 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1747019 1.1694112 1.1792295 1.1882578 1.1762651 1.1419138 1.1068774\n", + " 1.084017 1.0735055 1.0711337 1.0713525 1.0669751 1.0577843 1.0494106\n", + " 1.0453959 1.0470071 1.0525926 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1791146 1.1772677 1.1880853 1.195877 1.1836267 1.1480484 1.1108066\n", + " 1.0873433 1.0752751 1.0730637 1.07237 1.0667995 1.057921 1.049526\n", + " 1.0459512 1.0476946 1.0528092 1.0577825 1.0602119 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1546048 1.1515326 1.1618801 1.1717764 1.1616592 1.1307267 1.098711\n", + " 1.0774926 1.0673201 1.0632291 1.061432 1.0560241 1.0474956 1.0405912\n", + " 1.0376307 1.0394037 1.0445305 1.0490338 1.0512341 1.052186 1.0530258\n", + " 1.0554931 1.0625015 1.0712515 1.0787555]\n", + " [1.1934468 1.1894743 1.2011815 1.2098391 1.1952627 1.1572968 1.1183543\n", + " 1.0933121 1.0829431 1.081502 1.0826097 1.0775328 1.0672774 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1692522 1.1660951 1.1771147 1.1862968 1.1748992 1.140557 1.1054665\n", + " 1.0822862 1.0718853 1.0700336 1.0703596 1.0662212 1.0577152 1.049683\n", + " 1.045458 1.0470215 1.0521122 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1776171 1.1752468 1.1860986 1.1956295 1.1829109 1.1497622 1.1146482\n", + " 1.0908192 1.078485 1.0746428 1.0719984 1.06548 1.0559579 1.0476025\n", + " 1.0446491 1.0467578 1.051798 1.0569572 1.0589752 1.0600275 1.0616729\n", + " 1.0653427 1.0730001]\n", + " [1.1712383 1.165319 1.1755507 1.1841906 1.1730728 1.140419 1.105735\n", + " 1.0832747 1.0733223 1.071274 1.0720541 1.0672905 1.0583853 1.0495147\n", + " 1.0454487 1.04695 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1703268 1.1686318 1.1786594 1.1868169 1.1733644 1.1407481 1.1066555\n", + " 1.0837357 1.0727725 1.0695243 1.0678247 1.0628645 1.0542312 1.0462357\n", + " 1.0429229 1.0444809 1.0494812 1.0542957 1.0565673 0. 0.\n", + " 0. 0. ]\n", + " [1.152224 1.1492295 1.1580025 1.165868 1.1552774 1.1254035 1.0936493\n", + " 1.0733205 1.0635893 1.0612127 1.0607721 1.0569279 1.0497594 1.0426251\n", + " 1.0390131 1.0403514 1.0448053 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1689652 1.1657484 1.1761234 1.1851766 1.1730994 1.1390226 1.1046485\n", + " 1.0818901 1.0710406 1.0694095 1.0693209 1.064844 1.0558695 1.048279\n", + " 1.0443954 1.046381 0. 0. 0. 0. ]\n", + " [1.1669052 1.162505 1.1718827 1.1809232 1.16923 1.1374305 1.1039866\n", + " 1.0814612 1.0709978 1.0685482 1.0690826 1.0648748 1.0569075 1.048928\n", + " 1.0450896 1.0468421 0. 0. 0. 0. ]\n", + " [1.1662047 1.1606462 1.1699357 1.1785734 1.1666335 1.134938 1.1019992\n", + " 1.0803678 1.0708427 1.0689366 1.0692933 1.0648075 1.0562862 1.0477448\n", + " 1.0440774 1.0461321 0. 0. 0. 0. ]\n", + " [1.1665195 1.1630203 1.1733816 1.1821828 1.1698892 1.1375388 1.1040741\n", + " 1.081505 1.0709784 1.0683355 1.0684224 1.0639534 1.0552474 1.0476391\n", + " 1.0439386 1.0457743 1.0511388 0. 0. 0. ]\n", + " [1.174079 1.1709069 1.1813917 1.1903553 1.177587 1.1442213 1.1096469\n", + " 1.086508 1.0747861 1.071424 1.0692189 1.0638787 1.0546283 1.0467272\n", + " 1.043191 1.0452533 1.0501051 1.0547853 1.0569763 1.0575473]]\n", + "[[1.173778 1.1700662 1.1794205 1.1869783 1.1738046 1.1409403 1.1073661\n", + " 1.0851915 1.0755905 1.073298 1.0719866 1.0670805 1.0576121 1.0488429\n", + " 1.0454856 1.0474086 1.0529039 0. 0. 0. ]\n", + " [1.1705958 1.1659993 1.1770322 1.1862884 1.1752113 1.141555 1.1056056\n", + " 1.0831543 1.0727222 1.0708594 1.0709293 1.0671953 1.057989 1.0498824\n", + " 1.0461243 1.0479232 0. 0. 0. 0. ]\n", + " [1.1719822 1.1688193 1.1800319 1.1888956 1.176456 1.1423491 1.1077347\n", + " 1.0851121 1.0740979 1.0714442 1.0709277 1.0651164 1.0556144 1.0475173\n", + " 1.0440295 1.046092 1.052183 0. 0. 0. ]\n", + " [1.1780498 1.1742119 1.1850752 1.1940542 1.1823554 1.1479073 1.1136317\n", + " 1.0905492 1.0787789 1.0744264 1.0721006 1.065645 1.0565737 1.0486982\n", + " 1.0449171 1.0474104 1.0527625 1.057879 1.0599551 1.0606278]\n", + " [1.1823417 1.1785183 1.1891214 1.1984969 1.1847788 1.1497778 1.1139306\n", + " 1.0906827 1.0801349 1.0788875 1.0791316 1.0735319 1.063874 1.0546073\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1871881 1.1842659 1.1946554 1.2043645 1.191044 1.1565183 1.1196429\n", + " 1.0944507 1.0812658 1.07741 1.0756857 1.0691395 1.0599182 1.0516728\n", + " 1.0477288 1.0499399 1.0551257 1.0602344 1.0630307 1.0637468]\n", + " [1.1722342 1.1665039 1.1766065 1.1861688 1.1758672 1.1426466 1.1080261\n", + " 1.0852418 1.0752896 1.0742962 1.074591 1.0696194 1.0605953 1.0513407\n", + " 1.047442 0. 0. 0. 0. 0. ]\n", + " [1.1843042 1.1805667 1.1896803 1.1988921 1.1856884 1.1516087 1.1165993\n", + " 1.0920466 1.080969 1.0780213 1.0780066 1.0727925 1.063051 1.0541689\n", + " 1.0501841 1.0523285 0. 0. 0. 0. ]\n", + " [1.2054526 1.1994901 1.2098287 1.2200089 1.206507 1.1695964 1.1300427\n", + " 1.1027716 1.0916384 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1693085 1.1672848 1.1783125 1.1868964 1.1725271 1.1389803 1.1049678\n", + " 1.0827367 1.072491 1.0692749 1.0681068 1.0623305 1.0530599 1.0452813\n", + " 1.0422033 1.0437015 1.0489193 1.0535566 1.0557702 1.0566084]]\n", + "[[1.1827334 1.1790975 1.1897835 1.1996214 1.1873177 1.152005 1.1152037\n", + " 1.0909138 1.0794202 1.0767224 1.0762222 1.0706964 1.060966 1.0521947\n", + " 1.047947 1.0501276 1.0556865 1.0609895 0. 0. 0.\n", + " 0. ]\n", + " [1.168255 1.1660866 1.1770304 1.1854565 1.1723754 1.139353 1.1051021\n", + " 1.0830884 1.0720409 1.0697864 1.0690947 1.0643756 1.0554819 1.047786\n", + " 1.0442995 1.0462662 1.0514345 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1870353 1.1835209 1.1933174 1.2017179 1.1864241 1.1485523 1.1111971\n", + " 1.08726 1.0779287 1.0774252 1.0788399 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1749487 1.1721611 1.1835849 1.1928006 1.1805387 1.1463616 1.1112413\n", + " 1.0873141 1.0754542 1.0725365 1.0713875 1.0657007 1.0568063 1.0485274\n", + " 1.0444869 1.0463035 1.0512639 1.0562685 1.0592642 0. 0.\n", + " 0. ]\n", + " [1.1714844 1.1690779 1.1796219 1.1889129 1.1770221 1.1449296 1.1111027\n", + " 1.0880699 1.0758879 1.0714318 1.0691686 1.0624644 1.0533253 1.0460833\n", + " 1.0428872 1.0446631 1.0499718 1.0548599 1.057116 1.0576916 1.058945\n", + " 1.0626297]]\n", + "[[1.2149101 1.2056307 1.2140617 1.2224245 1.2086654 1.1712431 1.130942\n", + " 1.1043838 1.092657 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1558762 1.1543716 1.1649595 1.1750786 1.1650972 1.133542 1.1017107\n", + " 1.0800984 1.0691667 1.0653421 1.0628633 1.0571727 1.0484577 1.0414262\n", + " 1.0381902 1.039756 1.0445027 1.0492585 1.0515171 1.0528498 1.0541438\n", + " 1.0573429]\n", + " [1.1920621 1.1878686 1.1976229 1.2066729 1.193089 1.1585323 1.1220323\n", + " 1.0961709 1.0830675 1.0792221 1.0777657 1.072232 1.0625656 1.053767\n", + " 1.049702 1.0518712 1.0569366 1.0622137 1.0649333 0. 0.\n", + " 0. ]\n", + " [1.1768026 1.1710918 1.1799376 1.1876763 1.1737766 1.1409389 1.1070614\n", + " 1.0847886 1.0751262 1.0732393 1.0741937 1.069381 1.0601494 1.0515479\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1712372 1.1676762 1.1783352 1.1878465 1.1750748 1.1416221 1.1071217\n", + " 1.0840086 1.0734512 1.0708592 1.0702426 1.0650388 1.0561969 1.0474885\n", + " 1.0438429 1.0456734 1.050852 1.0561142 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1673037 1.1631851 1.1732376 1.1816261 1.1711509 1.1384811 1.1043466\n", + " 1.0822368 1.0721132 1.070354 1.0702307 1.065985 1.0574514 1.0489649\n", + " 1.0451025 1.0469947 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2061541 1.2004721 1.210988 1.2197585 1.2056885 1.1684859 1.1293882\n", + " 1.104137 1.0928203 1.0906911 1.0907001 1.0846841 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1573988 1.1538225 1.1646874 1.1744272 1.1632324 1.1323078 1.0997545\n", + " 1.0782012 1.0674423 1.0640986 1.0620848 1.0560584 1.0471767 1.0399133\n", + " 1.0368632 1.0388532 1.044213 1.0492774 1.0521879 1.0523822 1.0537769\n", + " 1.0568291 1.0632715 1.072203 1.0798312 1.0834781]\n", + " [1.1783468 1.1753701 1.1868984 1.1965096 1.1845216 1.1505333 1.1150517\n", + " 1.0907212 1.0787163 1.07443 1.0727166 1.0666143 1.0574167 1.0487782\n", + " 1.0448157 1.0463178 1.0513905 1.0564493 1.0588988 1.0598778 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1593174 1.1551301 1.1653371 1.1748202 1.1638774 1.131489 1.0994359\n", + " 1.0786667 1.0697054 1.0685424 1.06879 1.0642961 1.0549585 1.0463043\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.163813 1.160414 1.1704519 1.1794957 1.1671318 1.1354175 1.1020973\n", + " 1.0796931 1.0692337 1.0667342 1.066929 1.0624455 1.054291 1.0462247\n", + " 1.0429065 1.0443225 1.0495416 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1881493 1.1851013 1.195905 1.2052814 1.1921893 1.1558379 1.119826\n", + " 1.0951945 1.0832145 1.0792696 1.0778885 1.0716543 1.0613295 1.052425\n", + " 1.0482949 1.0504011 1.0561352 1.0613492 1.0636504 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1698759 1.166321 1.1771218 1.1864711 1.1742346 1.141326 1.106579\n", + " 1.0844985 1.074258 1.0737418 1.0750011 1.0699905 1.0604494 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1646389 1.1618376 1.1731753 1.1829326 1.1733875 1.141814 1.1084672\n", + " 1.0856986 1.074049 1.0697263 1.0666872 1.0607935 1.0514498 1.043573\n", + " 1.0404739 1.0428884 1.0481117 1.0528514 1.0551771 1.055745 1.0566803\n", + " 1.0595424 1.066916 1.0767703 1.0845094]\n", + " [1.1780655 1.1763173 1.1868166 1.195171 1.1823953 1.1472566 1.1119958\n", + " 1.0887564 1.0774187 1.0736859 1.0716549 1.0653063 1.0551015 1.0471488\n", + " 1.0440755 1.0453463 1.050952 1.0565257 1.0594945 1.0609956 1.0630462\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1639416 1.1591684 1.1694437 1.1777859 1.165853 1.1333902 1.1004581\n", + " 1.0786103 1.0694532 1.0681528 1.0691025 1.0646106 1.0560638 1.0478764\n", + " 1.0439296 0. 0. 0. 0. ]\n", + " [1.1823411 1.1803523 1.1914772 1.2011381 1.1873856 1.1515937 1.1153852\n", + " 1.0918227 1.0803273 1.0766162 1.0757172 1.069449 1.0588353 1.0504549\n", + " 1.0463426 1.0481188 1.0534596 1.0594615 1.0627743]\n", + " [1.1588947 1.1568366 1.1673309 1.1758862 1.163318 1.1312524 1.09848\n", + " 1.0770836 1.0667411 1.0647514 1.064044 1.0592194 1.0507784 1.0430765\n", + " 1.0398357 1.0415096 1.0462027 1.0510696 0. ]\n", + " [1.1619598 1.1565309 1.1644905 1.1718105 1.1599603 1.1291224 1.0977894\n", + " 1.0772576 1.067451 1.0652417 1.0653428 1.0610981 1.0530015 1.0452751\n", + " 1.0417601 1.0431911 1.0481493 0. 0. ]\n", + " [1.1699529 1.164995 1.1750197 1.1843102 1.1735586 1.1406825 1.106768\n", + " 1.0841442 1.0735481 1.0710167 1.0707221 1.0656377 1.0565372 1.0481606\n", + " 1.0441978 1.0458066 1.0511147 1.056122 0. ]]\n", + "[[1.1901242 1.1857574 1.1967446 1.2056011 1.1933739 1.1573355 1.1194483\n", + " 1.0939701 1.081341 1.0780946 1.0773089 1.0718031 1.0626705 1.0535157\n", + " 1.0495791 1.0515697 1.0573508 1.0628821 0. 0. 0. ]\n", + " [1.1935657 1.191093 1.2010561 1.2102839 1.1959345 1.1605408 1.1222719\n", + " 1.0964364 1.0829768 1.0786288 1.076954 1.0711482 1.0618554 1.0530362\n", + " 1.0494981 1.0516502 1.0568571 1.0620722 1.0648767 1.0658116 0. ]\n", + " [1.1828601 1.1800649 1.19127 1.2016369 1.1884382 1.1536056 1.117647\n", + " 1.0931036 1.0801814 1.0761982 1.0733949 1.0672505 1.057956 1.0496203\n", + " 1.046026 1.0478194 1.0533735 1.058106 1.0606865 1.0619855 1.0634708]\n", + " [1.1645764 1.1620915 1.1723859 1.1805508 1.1686962 1.1354308 1.1018921\n", + " 1.08019 1.0692616 1.066349 1.0649432 1.0603099 1.0517597 1.043917\n", + " 1.0405096 1.0420811 1.0467066 1.0517681 1.0544784 0. 0. ]\n", + " [1.183052 1.1757392 1.1825145 1.1889472 1.1759396 1.1431191 1.1079906\n", + " 1.0850111 1.0745119 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2048132 1.1955585 1.2064893 1.2178398 1.2061588 1.1704769 1.1317555\n", + " 1.105676 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1768285 1.1717048 1.1809067 1.1888764 1.1756094 1.1434227 1.1091855\n", + " 1.085986 1.0753158 1.072693 1.072121 1.0674124 1.058908 1.0506855\n", + " 1.046868 1.0488893 0. 0. 0. ]\n", + " [1.1738379 1.1715568 1.1828356 1.1927242 1.1805203 1.1467475 1.1106313\n", + " 1.0869185 1.0755703 1.0722027 1.071351 1.0663842 1.0573683 1.0495961\n", + " 1.0455407 1.048012 1.0534368 1.0588069 0. ]\n", + " [1.172151 1.1707953 1.1821539 1.191159 1.1778883 1.1432569 1.1075557\n", + " 1.0852497 1.0742952 1.0705332 1.0695498 1.0638851 1.0551672 1.0468037\n", + " 1.0435185 1.0453662 1.0502739 1.0553424 1.0573004]\n", + " [1.207261 1.2011694 1.2117682 1.2204163 1.2067034 1.1690273 1.1285791\n", + " 1.1018316 1.090667 1.0890528 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1816708 1.1769501 1.1861379 1.1935054 1.1790684 1.1441753 1.1090363\n", + " 1.08583 1.075447 1.0731903 1.072394 1.0677533 1.0585392 1.0505863\n", + " 1.0471952 1.0494494 1.0548397 0. 0. 0. 0. ]\n", + " [1.1750518 1.1704915 1.1804197 1.187956 1.1771481 1.1439524 1.1096219\n", + " 1.086773 1.0769615 1.0753918 1.0759032 1.0715516 1.061454 1.0524974\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.153554 1.1501065 1.1598803 1.1683222 1.1574898 1.1269428 1.0955722\n", + " 1.0749145 1.0647261 1.0626792 1.0626591 1.0583477 1.0500824 1.0428463\n", + " 1.0395402 1.041142 1.046302 0. 0. 0. 0. ]\n", + " [1.1606485 1.1576653 1.1688418 1.1789949 1.1684182 1.1366224 1.1033795\n", + " 1.0806937 1.0693414 1.0658779 1.064032 1.0585346 1.0500458 1.0424858\n", + " 1.0390881 1.0408005 1.0452236 1.0498896 1.0524446 1.0531057 1.0544168]\n", + " [1.1636218 1.159202 1.16863 1.1777381 1.1650851 1.1338824 1.1017308\n", + " 1.0808117 1.071723 1.0707408 1.071233 1.0659356 1.056898 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1703434 1.1653867 1.1751341 1.1842766 1.1720521 1.1394333 1.1054542\n", + " 1.0826321 1.0724584 1.0696619 1.0698923 1.0653877 1.0561808 1.0482802\n", + " 1.0447723 1.0471919 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1958019 1.1902006 1.2001417 1.2085717 1.1954362 1.1596262 1.1223276\n", + " 1.0976033 1.0858858 1.0838808 1.0842161 1.0783137 1.0678916 1.0582402\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1722381 1.1696073 1.1806146 1.1896268 1.1766398 1.142808 1.1077287\n", + " 1.0856009 1.0747741 1.0738856 1.0739765 1.0699179 1.0598838 1.051195\n", + " 1.0470451 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1600037 1.1556716 1.1659682 1.1737833 1.1615076 1.1301959 1.0981764\n", + " 1.0769035 1.0674142 1.0647682 1.0645717 1.0602267 1.0521437 1.0451298\n", + " 1.0418799 1.043477 1.0486346 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1550063 1.1533382 1.1637958 1.1726669 1.1616215 1.1305481 1.0982568\n", + " 1.0773686 1.0672538 1.0639086 1.062217 1.05637 1.0480877 1.0410045\n", + " 1.0380571 1.0402014 1.0453646 1.0503263 1.0524721 1.0530379 1.0546546\n", + " 1.0580071 1.0652082 1.0745983]]\n", + "[[1.1739359 1.1724273 1.183929 1.1931151 1.1811316 1.1474836 1.1121924\n", + " 1.0879167 1.075822 1.0717858 1.0691421 1.0635264 1.0539597 1.0462434\n", + " 1.0426663 1.044895 1.0501103 1.0553464 1.0580529 1.0594493 0.\n", + " 0. 0. ]\n", + " [1.1510748 1.1491112 1.1583655 1.1667196 1.1546853 1.1255047 1.0955212\n", + " 1.0760905 1.0657438 1.0617639 1.0597959 1.0542014 1.0459726 1.0398601\n", + " 1.0374304 1.039557 1.0440553 1.0488036 1.0507118 1.0518689 1.0535318\n", + " 1.0569193 1.0640196]\n", + " [1.1740077 1.1704917 1.1814699 1.191679 1.1801575 1.1460024 1.111169\n", + " 1.0878608 1.0769533 1.0753269 1.0751754 1.0702441 1.0606419 1.0516553\n", + " 1.0474787 1.0490783 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1875362 1.1838557 1.1959516 1.2069799 1.1950402 1.1575036 1.1181432\n", + " 1.0921397 1.0800387 1.0777155 1.0774313 1.0722815 1.0627416 1.053928\n", + " 1.0495731 1.0514419 1.0571891 1.0626948 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.158806 1.153941 1.1638794 1.1721722 1.1621283 1.1309819 1.0992354\n", + " 1.0776742 1.0678626 1.0661247 1.0668215 1.0627364 1.0546632 1.0466708\n", + " 1.042957 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.177042 1.1733248 1.1841922 1.1914399 1.1790781 1.1436963 1.1084918\n", + " 1.0855713 1.0759046 1.0743843 1.0746447 1.0702912 1.060763 1.0516644\n", + " 1.0477679 0. 0. 0. 0. ]\n", + " [1.1754111 1.1697093 1.1789176 1.1873559 1.175547 1.1420277 1.1075921\n", + " 1.0852772 1.0745784 1.0731118 1.0732013 1.0685402 1.0594403 1.0505849\n", + " 1.0466502 0. 0. 0. 0. ]\n", + " [1.1646144 1.1610882 1.1708963 1.1787086 1.1658654 1.1334867 1.1001662\n", + " 1.0792828 1.0691751 1.0679458 1.0681282 1.0639606 1.0547973 1.0471253\n", + " 1.0435482 1.0455133 0. 0. 0. ]\n", + " [1.1610577 1.1570556 1.1667953 1.1757743 1.1653736 1.1347855 1.1026601\n", + " 1.0807627 1.0695126 1.0666058 1.0649137 1.0605191 1.0517266 1.0440223\n", + " 1.0401416 1.0419562 1.0465951 1.051462 1.0537355]\n", + " [1.18693 1.1831664 1.1942745 1.202848 1.1893367 1.1540465 1.116607\n", + " 1.0918125 1.0797836 1.0765486 1.0757501 1.0697451 1.0602341 1.0520418\n", + " 1.0482695 1.0504718 1.0562656 1.0615435 0. ]]\n", + "[[1.1805174 1.1773627 1.1877557 1.1967474 1.1843083 1.1499206 1.1145017\n", + " 1.0900351 1.0781718 1.074583 1.0722164 1.0667993 1.0573888 1.0492284\n", + " 1.0452671 1.0472503 1.0523652 1.057297 1.0599104 1.0606835 0.\n", + " 0. 0. ]\n", + " [1.1612189 1.1599224 1.1712818 1.1814675 1.1700842 1.1382167 1.1044384\n", + " 1.0816668 1.0708786 1.0673554 1.0653696 1.0601116 1.0515351 1.0442538\n", + " 1.0410833 1.0425177 1.0471357 1.0514877 1.0535024 1.0540826 1.0553327\n", + " 1.0589027 1.0663023]\n", + " [1.1720606 1.1678545 1.1772461 1.1845576 1.172876 1.1411393 1.1080054\n", + " 1.0854213 1.074667 1.0719323 1.0702183 1.0654466 1.0561182 1.048407\n", + " 1.044885 1.0466918 1.0520236 1.0568973 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1631017 1.1595168 1.1694703 1.1767457 1.1654496 1.1329503 1.0996473\n", + " 1.0785446 1.0686187 1.0663195 1.0666157 1.0627221 1.05456 1.046678\n", + " 1.042822 1.0443194 1.0490081 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1729355 1.167936 1.1775817 1.1853012 1.1719574 1.1375883 1.103734\n", + " 1.0818323 1.0720397 1.0703403 1.0711164 1.066815 1.0581825 1.0497919\n", + " 1.0465901 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1804703 1.1763675 1.1869825 1.1963252 1.1836429 1.1487601 1.1133709\n", + " 1.0894171 1.0778955 1.0750664 1.0741575 1.0688992 1.0597146 1.0507637\n", + " 1.0469463 1.0489334 1.054419 1.0597618 0. ]\n", + " [1.1823859 1.1764839 1.1854215 1.1930971 1.1811774 1.1477498 1.1129797\n", + " 1.0901253 1.0792778 1.0765872 1.0759399 1.0707948 1.061509 1.0523196\n", + " 1.0483832 1.0501345 1.0555928 0. 0. ]\n", + " [1.1683195 1.1642902 1.1748537 1.1833761 1.1717045 1.1393915 1.1054919\n", + " 1.082875 1.0724292 1.0701011 1.0702819 1.0654362 1.057096 1.0483387\n", + " 1.044636 0. 0. 0. 0. ]\n", + " [1.1562617 1.153204 1.1628082 1.170956 1.1581506 1.1272823 1.0957581\n", + " 1.0749552 1.0648397 1.06239 1.0613881 1.0564909 1.0480685 1.0410017\n", + " 1.0380152 1.0395141 1.0444639 1.0490985 1.0516648]\n", + " [1.2013011 1.1951938 1.2046894 1.212551 1.1984079 1.1606735 1.1229056\n", + " 1.097825 1.0873322 1.0860671 1.0865724 1.0811641 1.070134 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1997567 1.1938125 1.2050443 1.2140193 1.2010655 1.163307 1.1234035\n", + " 1.0976515 1.0858656 1.084115 1.0848 1.0805019 1.0695424 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1610194 1.1596179 1.171325 1.180533 1.1673591 1.1353867 1.1023245\n", + " 1.0799282 1.0690384 1.0657482 1.064842 1.0594455 1.0506041 1.0437601\n", + " 1.0403733 1.0417131 1.0465403 1.051397 1.0538723 1.0551215 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1867081 1.1838229 1.1946596 1.2026948 1.1884615 1.1527581 1.1165613\n", + " 1.0927618 1.0809823 1.0781898 1.076132 1.0704985 1.0604361 1.051315\n", + " 1.0478522 1.0492702 1.0544014 1.059547 1.0619165 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1706465 1.1675771 1.1777157 1.189203 1.1790375 1.1474788 1.113508\n", + " 1.0901254 1.0783675 1.0737298 1.0707322 1.0637723 1.0539279 1.0454998\n", + " 1.0424787 1.0451738 1.0514481 1.0563107 1.0584859 1.0588169 1.0597851\n", + " 1.0632867 1.0711796 1.0812243 1.089385 1.0937254 1.0950971 1.0922928]\n", + " [1.1596279 1.1569848 1.1670293 1.175392 1.1630727 1.13084 1.0989001\n", + " 1.0777607 1.0679718 1.0647798 1.063664 1.0587587 1.0499814 1.0427221\n", + " 1.0398406 1.0410559 1.0454385 1.0495902 1.0517701 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1850172 1.1794652 1.1889141 1.1966147 1.1850405 1.1504529 1.1145622\n", + " 1.0914767 1.0805334 1.0788581 1.0785302 1.073494 1.0638857 1.0545584\n", + " 1.0504333 0. 0. 0. 0. 0. ]\n", + " [1.1562378 1.1537629 1.164401 1.1731725 1.162298 1.1315867 1.0998313\n", + " 1.0782155 1.0675925 1.0642116 1.0626314 1.0570339 1.0482132 1.0411795\n", + " 1.0380558 1.0396397 1.0438142 1.0486785 1.0509224 1.0519311]\n", + " [1.1726556 1.1690875 1.1797186 1.1885481 1.1752195 1.142218 1.1071486\n", + " 1.0842673 1.0736547 1.0713621 1.070993 1.0663993 1.057553 1.0490134\n", + " 1.0459317 1.0473571 1.0527002 0. 0. 0. ]\n", + " [1.1740185 1.1690625 1.1777196 1.1856478 1.1721127 1.1400743 1.1070412\n", + " 1.084612 1.0734265 1.0709938 1.0709339 1.0662196 1.0575562 1.0495993\n", + " 1.0458844 1.0477101 1.0528979 0. 0. 0. ]\n", + " [1.1881996 1.1835555 1.1935667 1.2027799 1.1898696 1.1551582 1.1190209\n", + " 1.0946097 1.0823168 1.0784829 1.0767794 1.0707582 1.0610303 1.0519073\n", + " 1.0480058 1.0502138 1.055616 1.060979 1.0637608 0. ]]\n", + "[[1.1724794 1.1702169 1.1820214 1.1910937 1.1783683 1.1445793 1.1093631\n", + " 1.0854341 1.0738717 1.070295 1.068713 1.0635328 1.0545095 1.047001\n", + " 1.0429363 1.0449413 1.0497783 1.0544006 1.0570507 1.0580775 0.\n", + " 0. 0. ]\n", + " [1.1801224 1.175626 1.1855382 1.1942673 1.1820954 1.1468142 1.1115869\n", + " 1.0889648 1.0787257 1.0769186 1.0769545 1.071531 1.0617768 1.0524687\n", + " 1.0481902 1.0502324 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1998519 1.1958979 1.2069002 1.2161238 1.2017691 1.1643778 1.1254983\n", + " 1.0996096 1.0867431 1.0831095 1.0811634 1.0739924 1.0634466 1.054554\n", + " 1.0506891 1.0531995 1.0587865 1.0649385 1.0678287 0. 0.\n", + " 0. 0. ]\n", + " [1.1783305 1.1749457 1.1854358 1.1942929 1.1820936 1.1485496 1.1127449\n", + " 1.0886858 1.0766596 1.073286 1.0718796 1.0663689 1.0579108 1.0497144\n", + " 1.0460253 1.0478079 1.0525516 1.0576748 1.060271 0. 0.\n", + " 0. 0. ]\n", + " [1.1730002 1.170718 1.1812947 1.1914839 1.1807501 1.147081 1.1125355\n", + " 1.0887262 1.0763717 1.0714489 1.0691613 1.0630467 1.0542717 1.0464631\n", + " 1.0436163 1.0455085 1.0503103 1.0554999 1.0579709 1.0588218 1.0602896\n", + " 1.0639569 1.0715631]]\n", + "[[1.1734636 1.170578 1.180863 1.187571 1.1759295 1.1413817 1.1066453\n", + " 1.0831629 1.0736777 1.0717 1.0713243 1.066585 1.057116 1.0491842\n", + " 1.0451939 1.046999 1.0524958 0. 0. ]\n", + " [1.1867949 1.1838901 1.1941352 1.2035499 1.1911044 1.155206 1.1182411\n", + " 1.0936743 1.0809911 1.0771456 1.0747758 1.0698631 1.0599216 1.051387\n", + " 1.048189 1.0497475 1.055216 1.0605463 1.0629936]\n", + " [1.1748309 1.1724387 1.1831199 1.192067 1.179432 1.1456758 1.1110004\n", + " 1.0873166 1.0753932 1.0717274 1.070417 1.0648322 1.055753 1.0478677\n", + " 1.0439425 1.0457565 1.0508468 1.0558988 1.0582275]\n", + " [1.1662607 1.1621088 1.1725167 1.1797531 1.1681808 1.1357951 1.1030358\n", + " 1.0815988 1.0716074 1.0698295 1.0682212 1.06277 1.0537097 1.0456438\n", + " 1.0422759 1.0444269 1.0496688 0. 0. ]\n", + " [1.1786946 1.1725407 1.1801233 1.1877486 1.174885 1.1409873 1.1075308\n", + " 1.085457 1.075723 1.0749233 1.0743237 1.0692672 1.0592836 1.0509068\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.160946 1.1558206 1.1660163 1.1742574 1.1636406 1.1322362 1.0997933\n", + " 1.079169 1.0698833 1.0686564 1.0692213 1.0641766 1.0551183 1.0465794\n", + " 1.0428997 0. 0. 0. 0. 0. 0. ]\n", + " [1.1651064 1.1604351 1.1699795 1.177817 1.1668051 1.1349187 1.1021857\n", + " 1.0804118 1.0706941 1.0689646 1.0688289 1.0647229 1.0558953 1.0477659\n", + " 1.0440385 1.0457745 0. 0. 0. 0. 0. ]\n", + " [1.1629217 1.1588551 1.167978 1.1764021 1.165815 1.1347022 1.1033584\n", + " 1.0814925 1.0696856 1.0657556 1.0632191 1.0580144 1.0499773 1.0427402\n", + " 1.0402035 1.0418308 1.0468209 1.0512846 1.0536411 1.0541476 1.0558158]\n", + " [1.1671138 1.1618987 1.1720438 1.1818979 1.1714957 1.1388206 1.1048734\n", + " 1.0818844 1.0714993 1.0695317 1.0701147 1.0659193 1.0567673 1.0483973\n", + " 1.0443642 1.0459107 0. 0. 0. 0. 0. ]\n", + " [1.1872444 1.183132 1.1935577 1.2021484 1.1897242 1.1551245 1.1182487\n", + " 1.0934258 1.0808572 1.0769297 1.0748997 1.0699959 1.060247 1.0523095\n", + " 1.0482237 1.0501703 1.0553838 1.0605195 1.0634588 0. 0. ]]\n", + "[[1.1694312 1.166758 1.1770624 1.1867127 1.1750156 1.1419125 1.1073399\n", + " 1.0845063 1.0735669 1.0706986 1.0700547 1.0649877 1.0554686 1.0469782\n", + " 1.0429548 1.0446057 1.0498191 1.0553508 0. 0. 0. ]\n", + " [1.166882 1.1635312 1.1724731 1.180137 1.168483 1.1364197 1.1033609\n", + " 1.0814847 1.0707806 1.0671972 1.0645996 1.0590787 1.0503364 1.0429431\n", + " 1.0399897 1.0420086 1.0462812 1.0516123 1.0541333 1.0550363 1.0565999]\n", + " [1.1874006 1.1825987 1.1932153 1.2027726 1.1896833 1.1541814 1.1173737\n", + " 1.0929481 1.082176 1.0806913 1.0809172 1.0756488 1.0659083 1.0562953\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1624403 1.1607802 1.171159 1.180013 1.167306 1.1349787 1.1017344\n", + " 1.0797395 1.0688974 1.0655893 1.0641506 1.0588579 1.0510786 1.0437928\n", + " 1.0405359 1.0419844 1.0464123 1.0507885 1.0529407 1.0539999 0. ]\n", + " [1.189572 1.1849518 1.1957078 1.2052119 1.1919867 1.1557707 1.1179405\n", + " 1.0927359 1.0810412 1.0780412 1.0779462 1.0728059 1.0628119 1.0542613\n", + " 1.0502392 1.0524498 1.0585444 0. 0. 0. 0. ]]\n", + "[[1.1576705 1.1527041 1.1599791 1.1674236 1.156289 1.1261848 1.0951662\n", + " 1.0748096 1.0648404 1.0624868 1.0622452 1.0588316 1.0510787 1.043976\n", + " 1.040535 1.0420014 1.0465828 0. 0. 0. 0. ]\n", + " [1.1683787 1.1668153 1.1776186 1.1864161 1.1741718 1.1413511 1.1070473\n", + " 1.0839691 1.0730773 1.0694125 1.0671047 1.061719 1.0531806 1.0455012\n", + " 1.0419956 1.0437901 1.0487865 1.0532949 1.0556822 1.0564994 1.0583956]\n", + " [1.1570107 1.1533825 1.1644613 1.1743851 1.1631181 1.1313583 1.098883\n", + " 1.0773259 1.0671104 1.0643138 1.0632693 1.0583545 1.0495012 1.0418742\n", + " 1.0383471 1.0398971 1.0445778 1.049451 1.0518286 0. 0. ]\n", + " [1.1599232 1.156116 1.1670135 1.1765448 1.1667153 1.134923 1.1006968\n", + " 1.0785701 1.0680536 1.0658572 1.0661733 1.06199 1.0531052 1.0454974\n", + " 1.0417768 1.0432752 1.0480548 0. 0. 0. 0. ]\n", + " [1.2057512 1.2000709 1.2100065 1.2177569 1.203054 1.1655496 1.1276085\n", + " 1.1028001 1.0916256 1.0896959 1.0900456 1.0837535 1.0722315 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.161845 1.1596721 1.1715513 1.1817849 1.170036 1.1370142 1.1031923\n", + " 1.0810041 1.0700895 1.0663911 1.0646937 1.0586133 1.0499166 1.0423774\n", + " 1.0392667 1.0411117 1.0455223 1.0504162 1.0527414 1.0539441 1.055472 ]\n", + " [1.1622701 1.15735 1.1672834 1.175712 1.1651978 1.1336491 1.1009377\n", + " 1.080227 1.0699012 1.0682945 1.06835 1.0640854 1.0545996 1.0467197\n", + " 1.0425997 1.044036 0. 0. 0. 0. 0. ]\n", + " [1.1748164 1.1724975 1.1840765 1.1928761 1.1801802 1.1455469 1.1099527\n", + " 1.0862674 1.0747137 1.0710385 1.0699568 1.0648324 1.055993 1.0485027\n", + " 1.0447321 1.0467528 1.051782 1.0568802 1.0595825 0. 0. ]\n", + " [1.1539607 1.1505768 1.1597965 1.1678774 1.15608 1.1255101 1.0946679\n", + " 1.0738704 1.0643597 1.0619248 1.0619355 1.0577253 1.0501332 1.0424386\n", + " 1.039189 1.0409279 1.0458283 0. 0. 0. 0. ]\n", + " [1.1829293 1.1796174 1.1907449 1.1992711 1.1862239 1.1507055 1.1143764\n", + " 1.0896802 1.0780096 1.0752528 1.0751024 1.0707133 1.0611093 1.0524472\n", + " 1.0483408 1.0500444 1.0551512 1.0605509 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.2058027 1.1991742 1.2096039 1.2191681 1.2060281 1.1679387 1.1292603\n", + " 1.1035258 1.0923584 1.0908823 1.0920149 1.0860417 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1773931 1.17258 1.1837058 1.1929959 1.1809148 1.1461195 1.110735\n", + " 1.0876406 1.0773231 1.0756322 1.0756581 1.0709275 1.0612065 1.051865\n", + " 1.0479431 0. 0. 0. 0. 0. ]\n", + " [1.1635302 1.1596982 1.1696032 1.1781558 1.1663262 1.1338102 1.1012058\n", + " 1.0802097 1.0706494 1.0693178 1.0694401 1.0648752 1.055652 1.0474644\n", + " 1.0440054 1.0459344 0. 0. 0. 0. ]\n", + " [1.1744592 1.1735865 1.1846433 1.1945685 1.1816453 1.1483525 1.1125145\n", + " 1.088379 1.0766832 1.0729132 1.0705689 1.0642722 1.0545232 1.0468625\n", + " 1.0433786 1.0452873 1.0505038 1.0558919 1.0582353 1.0593569]\n", + " [1.1790144 1.177247 1.1893826 1.198545 1.1854186 1.1503361 1.1132905\n", + " 1.0894228 1.0775809 1.0733676 1.0721529 1.0664446 1.057118 1.0489682\n", + " 1.0452937 1.0471497 1.0521722 1.057152 1.0596721 1.0606518]]\n", + "[[1.1856775 1.1811084 1.1904222 1.1998987 1.1880952 1.1531947 1.1161441\n", + " 1.0924158 1.0806303 1.077892 1.0786723 1.0735868 1.064074 1.0551667\n", + " 1.0510533 1.0529263 0. 0. 0. 0. ]\n", + " [1.1817408 1.1752045 1.1835278 1.1926273 1.1806021 1.1468732 1.1129098\n", + " 1.0906053 1.0798007 1.0778288 1.0773712 1.0717751 1.061961 1.0532484\n", + " 1.0491375 0. 0. 0. 0. 0. ]\n", + " [1.1561127 1.1519561 1.1611179 1.170222 1.1584997 1.1288421 1.0977318\n", + " 1.0763716 1.0664445 1.0647414 1.0650227 1.0613079 1.0530008 1.0452613\n", + " 1.041669 1.0433295 0. 0. 0. 0. ]\n", + " [1.1736364 1.1704406 1.1813693 1.1897868 1.1793218 1.1454635 1.1099347\n", + " 1.0867923 1.0760349 1.0736876 1.0745047 1.0699391 1.0600617 1.0511957\n", + " 1.0471572 0. 0. 0. 0. 0. ]\n", + " [1.1715055 1.1708223 1.1823623 1.1918318 1.178625 1.143653 1.1084131\n", + " 1.0848957 1.0734501 1.0701603 1.0687196 1.0632881 1.0545309 1.0463566\n", + " 1.0431788 1.0446041 1.0493848 1.0542009 1.0565038 1.0576789]]\n", + "[[1.1968857 1.1911229 1.2004184 1.2096843 1.196211 1.1596717 1.123474\n", + " 1.0990624 1.0873733 1.0858006 1.0858607 1.080722 1.0698572 1.0599629\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1716694 1.1665499 1.17667 1.185462 1.1742543 1.1410503 1.1065818\n", + " 1.084144 1.0736647 1.0720159 1.0716791 1.066993 1.0573411 1.0487645\n", + " 1.0446768 1.0462065 1.0518438 0. 0. 0. ]\n", + " [1.1695396 1.1664581 1.1765215 1.1852198 1.1734178 1.1396344 1.1065866\n", + " 1.0838681 1.072698 1.0691487 1.0675292 1.0615948 1.0525619 1.0450428\n", + " 1.0415606 1.0435855 1.0489566 1.0538645 1.056316 1.0571266]\n", + " [1.1588376 1.1545184 1.1643419 1.1734712 1.1624814 1.1305959 1.0990375\n", + " 1.0779221 1.0694104 1.0685117 1.069297 1.0650374 1.0555735 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1549529 1.1523358 1.1629244 1.1712892 1.1613886 1.1301497 1.0984969\n", + " 1.0772979 1.0665619 1.06278 1.0610934 1.0558789 1.0480286 1.0406172\n", + " 1.0373453 1.0387574 1.0430605 1.0473787 1.0498754 1.0508065]]\n", + "[[1.1718047 1.1690009 1.1807854 1.1913806 1.1794705 1.1450052 1.108989\n", + " 1.0850046 1.0739869 1.0719886 1.0718589 1.0677027 1.0591317 1.0503892\n", + " 1.0465121 1.0478712 1.0533135]\n", + " [1.1594989 1.1547035 1.1637428 1.1717827 1.1610763 1.1306539 1.0984889\n", + " 1.0782146 1.0683271 1.0664803 1.0664707 1.0616633 1.0531123 1.0452349\n", + " 1.0419295 1.0440505 0. ]\n", + " [1.1865358 1.1825111 1.1907569 1.198806 1.1847082 1.1508408 1.1161962\n", + " 1.0930753 1.0817595 1.078928 1.077485 1.0709283 1.0609488 1.0524545\n", + " 1.0487769 1.0514555 1.0575213]\n", + " [1.1951667 1.1890085 1.1978339 1.2071726 1.1940949 1.1581669 1.1207261\n", + " 1.0953865 1.0842782 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1470892 1.1427171 1.1510983 1.1587696 1.1481961 1.120431 1.0912366\n", + " 1.0717137 1.0624857 1.0605129 1.0607969 1.0574055 1.0496354 1.0425148\n", + " 1.0389866 1.0405647 0. ]]\n", + "[[1.1755438 1.1737312 1.1851803 1.194959 1.1825662 1.14837 1.1131808\n", + " 1.089022 1.0769168 1.073849 1.0720894 1.0664468 1.0566627 1.0485969\n", + " 1.04478 1.046294 1.0513093 1.0564716 1.059104 0. ]\n", + " [1.157882 1.152769 1.1614634 1.170003 1.1586814 1.1271493 1.0954534\n", + " 1.0746096 1.0644568 1.062633 1.0628033 1.0589019 1.051457 1.0441092\n", + " 1.0407951 1.0424293 0. 0. 0. 0. ]\n", + " [1.1665628 1.1648678 1.1759857 1.1842611 1.1715896 1.1377344 1.1032989\n", + " 1.0806004 1.0705062 1.067686 1.0663353 1.0616745 1.0526386 1.0446844\n", + " 1.0413823 1.0429575 1.0481347 1.0531301 1.0557092 0. ]\n", + " [1.1687996 1.1652324 1.1745415 1.1831651 1.1710886 1.1392391 1.1057122\n", + " 1.0827496 1.0714954 1.06673 1.0655376 1.0601449 1.0524538 1.045002\n", + " 1.0420622 1.0436192 1.048591 1.0532503 1.0559037 1.0567703]\n", + " [1.169618 1.1643451 1.1732104 1.1817566 1.1707606 1.1400046 1.1064799\n", + " 1.0842919 1.0733968 1.071448 1.0712887 1.0661099 1.0572885 1.0487379\n", + " 1.0445571 1.0464344 0. 0. 0. 0. ]]\n", + "[[1.1495323 1.1457254 1.1544538 1.1625206 1.1519924 1.1224118 1.0920635\n", + " 1.0716513 1.0615188 1.0587151 1.0581528 1.0543072 1.0468695 1.0404712\n", + " 1.0370848 1.0384158 1.0426984 1.0467875 1.0493944 0. 0. ]\n", + " [1.1676798 1.1642927 1.1742426 1.181932 1.1732391 1.1402938 1.1080556\n", + " 1.0855461 1.0735333 1.0690961 1.0662653 1.0605476 1.0524782 1.0441546\n", + " 1.0408317 1.042589 1.0467727 1.0516331 1.0536896 1.055501 1.0570428]\n", + " [1.1989913 1.1929313 1.2024078 1.2103186 1.195193 1.1593575 1.1213353\n", + " 1.0960103 1.084648 1.0833093 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1728677 1.1677831 1.177111 1.1859708 1.1749873 1.1418681 1.1077832\n", + " 1.085289 1.074599 1.07331 1.0737553 1.0680518 1.0588398 1.0501748\n", + " 1.0456555 1.0473766 0. 0. 0. 0. 0. ]\n", + " [1.1690965 1.1655116 1.1758235 1.1854266 1.1741415 1.1414883 1.107076\n", + " 1.0836133 1.073297 1.0710559 1.0707922 1.0655812 1.0567888 1.048379\n", + " 1.044512 1.0462645 1.0513114 0. 0. 0. 0. ]]\n", + "[[1.1837112 1.1801351 1.1902946 1.1972121 1.1837789 1.1481062 1.1120286\n", + " 1.0886288 1.0779576 1.0776174 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1669633 1.1613325 1.1702794 1.1783705 1.167441 1.136055 1.1031342\n", + " 1.082128 1.0721349 1.0700929 1.0704535 1.0658349 1.0568326 1.0483743\n", + " 1.0449342 0. 0. 0. 0. 0. 0. ]\n", + " [1.1823123 1.1795497 1.1896912 1.1984886 1.1850352 1.1513913 1.1157888\n", + " 1.0912243 1.0780882 1.0739646 1.0717087 1.0656104 1.0568507 1.0490075\n", + " 1.0456713 1.0479096 1.052526 1.0577964 1.060454 1.0614421 1.06306 ]\n", + " [1.1625899 1.1569313 1.1662682 1.1752083 1.1648424 1.1341301 1.101639\n", + " 1.0811911 1.071833 1.069833 1.070454 1.0660411 1.0566485 1.0478396\n", + " 1.0436392 0. 0. 0. 0. 0. 0. ]\n", + " [1.1742315 1.1722783 1.183279 1.1923425 1.1803796 1.1460414 1.1124085\n", + " 1.0889742 1.0773594 1.073108 1.0707022 1.0643357 1.0549217 1.0464832\n", + " 1.0431529 1.045124 1.0500462 1.0542222 1.0566288 1.0573969 1.0589318]]\n", + "[[1.1680719 1.1657256 1.1779151 1.1880149 1.1761237 1.1430471 1.1085035\n", + " 1.0854222 1.0742595 1.0700339 1.0673295 1.0615714 1.0522423 1.0447032\n", + " 1.0416754 1.0444179 1.0494943 1.0549605 1.057885 1.0590457 1.0604291\n", + " 1.0639459 1.0709413 1.0807184]\n", + " [1.1577426 1.1529924 1.161867 1.1692604 1.1588942 1.1274233 1.0963997\n", + " 1.0756322 1.0656945 1.0632424 1.0627035 1.0584934 1.0507468 1.0437127\n", + " 1.0405729 1.0423484 1.0470175 1.0519038 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1615807 1.1599146 1.1709912 1.1792307 1.1665623 1.1342947 1.1012174\n", + " 1.0795717 1.0690479 1.0660366 1.0641539 1.0591111 1.0505524 1.0429469\n", + " 1.0399154 1.0415624 1.0461153 1.0508108 1.0533301 1.0544708 0.\n", + " 0. 0. 0. ]\n", + " [1.1666521 1.1637472 1.1739122 1.1837174 1.1733882 1.1409894 1.1073611\n", + " 1.0853398 1.0740781 1.0699407 1.0672371 1.061415 1.0521814 1.0441705\n", + " 1.041066 1.0433071 1.0490351 1.0539492 1.0568066 1.0571594 1.0580355\n", + " 1.0616959 1.069225 0. ]\n", + " [1.1600711 1.1582165 1.1691645 1.1786212 1.1668123 1.1342113 1.1015134\n", + " 1.079242 1.0685654 1.0649581 1.0632955 1.0583562 1.0502301 1.0430268\n", + " 1.0398856 1.0415262 1.0461533 1.0507302 1.0534168 1.054129 1.055504\n", + " 1.0590721 1.0664916 0. ]]\n", + "[[1.1926914 1.18667 1.1969117 1.2050381 1.192739 1.1586078 1.1226118\n", + " 1.098123 1.0863701 1.0852149 1.0850579 1.0790712 1.0688916 1.0582187\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1717135 1.1694386 1.180478 1.1902518 1.1780603 1.1446998 1.1098256\n", + " 1.0857191 1.0738199 1.0700337 1.0683118 1.0634227 1.0545597 1.0465941\n", + " 1.0431712 1.044729 1.0494552 1.0541265 1.0564392 1.0572811 0. ]\n", + " [1.1593022 1.1544487 1.1637567 1.1723578 1.1605557 1.1298548 1.0980333\n", + " 1.0771344 1.0669352 1.0650716 1.0648603 1.0604908 1.0518439 1.0443505\n", + " 1.0408713 1.042197 1.0472293 0. 0. 0. 0. ]\n", + " [1.1729188 1.1718817 1.1835713 1.192975 1.1799223 1.1460215 1.1104904\n", + " 1.0867492 1.075506 1.0720905 1.0698836 1.0633578 1.0534785 1.0458041\n", + " 1.0423858 1.0440035 1.049212 1.054282 1.0565059 1.0575792 1.0593302]\n", + " [1.1832323 1.1783161 1.1877458 1.1945941 1.1824652 1.1481433 1.1131607\n", + " 1.0898628 1.0788006 1.0763607 1.0763963 1.0711038 1.0621665 1.0533701\n", + " 1.0495254 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1630816 1.1592032 1.1703538 1.1797944 1.1683637 1.1354045 1.1018064\n", + " 1.079792 1.070153 1.0681727 1.0673221 1.062706 1.0535553 1.0451403\n", + " 1.041192 1.0429014 1.0480701 0. 0. 0. ]\n", + " [1.1893197 1.1853014 1.195271 1.2050292 1.1916184 1.1554811 1.1186651\n", + " 1.0941684 1.0814443 1.0782385 1.0762548 1.0702449 1.0604833 1.0524173\n", + " 1.0483412 1.050486 1.0556865 1.0612338 1.0633451 0. ]\n", + " [1.1722877 1.1679207 1.1770833 1.1851406 1.1730646 1.1408486 1.108313\n", + " 1.0857455 1.0743446 1.07053 1.0684317 1.0623586 1.0538598 1.0464051\n", + " 1.043075 1.0451008 1.050169 1.0546359 1.0567229 1.0573496]\n", + " [1.2151855 1.2082503 1.2171608 1.2248895 1.2101705 1.1722045 1.1317046\n", + " 1.1051154 1.092648 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1679602 1.1643959 1.1755948 1.1845539 1.1734216 1.1398361 1.1049196\n", + " 1.0823544 1.0719799 1.0699711 1.0701123 1.0657663 1.0574579 1.0491259\n", + " 1.0452404 1.0466306 1.0517448 0. 0. 0. ]]\n", + "[[1.1872554 1.18294 1.1917304 1.200675 1.1867461 1.1514539 1.1156313\n", + " 1.0913485 1.0789312 1.0763642 1.0752736 1.0695124 1.0609354 1.0523034\n", + " 1.048385 1.0509703 1.0564847 1.0620338 0. 0. 0. ]\n", + " [1.1781049 1.175283 1.1856527 1.1945512 1.182092 1.1479994 1.1127211\n", + " 1.0886712 1.0769378 1.0730367 1.0701953 1.0646392 1.0552312 1.0471065\n", + " 1.0438879 1.0456259 1.0509603 1.0553805 1.0576648 1.0587213 1.060104 ]\n", + " [1.1575454 1.1528383 1.1619822 1.1687849 1.1582249 1.1275551 1.0964801\n", + " 1.0759228 1.0675308 1.0663881 1.0663266 1.0626655 1.0539453 1.0461459\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1572216 1.1526972 1.1619631 1.1694838 1.1588154 1.127854 1.0962642\n", + " 1.0757165 1.0663109 1.0645221 1.0641797 1.0597696 1.0514358 1.0436063\n", + " 1.0400643 1.041525 1.0462731 0. 0. 0. 0. ]\n", + " [1.1652746 1.1609315 1.1700939 1.1777563 1.1648412 1.1329175 1.1004508\n", + " 1.0790128 1.0683632 1.065665 1.0653284 1.0607342 1.0530839 1.0459878\n", + " 1.0425254 1.0446001 1.0494374 1.0539929 0. 0. 0. ]]\n", + "[[1.1769502 1.1716288 1.1806912 1.189095 1.1774278 1.1449181 1.111364\n", + " 1.0888894 1.0781903 1.0756328 1.074972 1.0699208 1.0606985 1.0517368\n", + " 1.0480009 1.0506363 0. ]\n", + " [1.1663003 1.1623213 1.1729498 1.1821873 1.1700748 1.136963 1.1034734\n", + " 1.0817626 1.0717041 1.0698228 1.0700321 1.0652134 1.0561984 1.0479468\n", + " 1.044151 1.0463784 0. ]\n", + " [1.1937056 1.1872526 1.1969811 1.2038507 1.1902261 1.1548327 1.119228\n", + " 1.0954037 1.0848997 1.0830597 1.0826266 1.0768677 1.0659281 0.\n", + " 0. 0. 0. ]\n", + " [1.1477612 1.1442945 1.1531068 1.1611573 1.1506642 1.120786 1.0913506\n", + " 1.0715253 1.0623254 1.0602771 1.0596367 1.0559261 1.0483997 1.0414762\n", + " 1.0382038 1.0396692 1.0444683]\n", + " [1.1723915 1.1687565 1.1794407 1.1889495 1.1766663 1.1429322 1.1073815\n", + " 1.0836731 1.0727692 1.0705328 1.070468 1.0664045 1.0573424 1.0490255\n", + " 1.0453273 1.0468572 1.0522149]]\n", + "[[1.15519 1.1536523 1.164212 1.172086 1.1607617 1.1300186 1.0986814\n", + " 1.0773003 1.0671074 1.063477 1.0614078 1.0558927 1.048156 1.0413004\n", + " 1.0383466 1.0399911 1.0443807 1.0487567 1.0509388 1.05174 1.053207\n", + " 1.0568154]\n", + " [1.1639475 1.1590022 1.1678019 1.1761842 1.1672838 1.1362844 1.1037152\n", + " 1.0817859 1.0711665 1.0699483 1.0699428 1.0649403 1.0561764 1.0478696\n", + " 1.043803 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1440557 1.1413758 1.1494744 1.1580242 1.1471756 1.1203346 1.091114\n", + " 1.0715537 1.0615853 1.0578156 1.056143 1.0507367 1.0433785 1.03703\n", + " 1.0347191 1.0360205 1.0403537 1.0444682 1.0469763 1.0482229 1.0496575\n", + " 1.0525144]\n", + " [1.1839724 1.1782497 1.187361 1.1950791 1.1813064 1.1470094 1.1123523\n", + " 1.0896432 1.0793294 1.0765139 1.0754883 1.0695915 1.059784 1.0510367\n", + " 1.0477147 1.0498734 1.056436 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1726589 1.1708932 1.1822714 1.190732 1.1783347 1.144098 1.1084675\n", + " 1.085582 1.0745599 1.0710876 1.0704556 1.0649687 1.0555376 1.0477732\n", + " 1.0441335 1.0458199 1.050767 1.0559856 1.0584857 0. 0.\n", + " 0. ]]\n", + "[[1.1835251 1.1786251 1.188751 1.1977139 1.1852181 1.1506456 1.1138116\n", + " 1.0906302 1.0797453 1.0778093 1.0777848 1.0727043 1.0626851 1.0536245\n", + " 1.0491859 1.0510577 0. ]\n", + " [1.179922 1.1751852 1.1859267 1.1959585 1.183515 1.1491525 1.1124276\n", + " 1.0878689 1.076933 1.0743431 1.0750122 1.071156 1.061891 1.0534192\n", + " 1.0489343 1.0506501 0. ]\n", + " [1.1712066 1.1677885 1.1776946 1.1856575 1.1727159 1.139316 1.1048282\n", + " 1.0827515 1.0726907 1.0705059 1.0710573 1.0668103 1.0577052 1.049426\n", + " 1.0455823 1.0473051 0. ]\n", + " [1.1713413 1.1672941 1.1779369 1.1859804 1.1754243 1.1428548 1.1085284\n", + " 1.0859866 1.0752413 1.0723374 1.0718719 1.0664481 1.0566646 1.0480762\n", + " 1.0442997 1.0460855 1.0516245]\n", + " [1.1648258 1.1597906 1.1691965 1.1770227 1.1666725 1.1352798 1.1026791\n", + " 1.0808579 1.0707844 1.0690215 1.069578 1.0652405 1.0572475 1.0489141\n", + " 1.044959 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1726816 1.1698326 1.179984 1.1885972 1.176917 1.1438099 1.1094345\n", + " 1.0863146 1.0741104 1.070964 1.0690053 1.0630189 1.054401 1.0462545\n", + " 1.0429882 1.0441759 1.0495794 1.0546641 1.0567051 1.0576268]\n", + " [1.1602314 1.1573658 1.168205 1.1771094 1.1655077 1.1325684 1.1000408\n", + " 1.0789016 1.0686467 1.066222 1.0652245 1.059787 1.0514892 1.0440551\n", + " 1.0406141 1.0424476 1.0471895 1.0520456 0. 0. ]\n", + " [1.1618475 1.1587412 1.1686246 1.1775122 1.1651582 1.1346669 1.1025717\n", + " 1.0811114 1.070701 1.068454 1.0683719 1.0636482 1.0551193 1.0469416\n", + " 1.0432125 1.044958 0. 0. 0. 0. ]\n", + " [1.2042296 1.1980448 1.2083225 1.217138 1.2033634 1.1660244 1.128388\n", + " 1.1036319 1.0925705 1.0909833 1.091136 1.0850652 1.0732563 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1806625 1.1768502 1.1880373 1.1980768 1.1853037 1.1499422 1.1140468\n", + " 1.0908995 1.0805703 1.0788078 1.0787468 1.0729651 1.0631548 1.0537572\n", + " 1.0496155 0. 0. 0. 0. 0. ]]\n", + "[[1.2014915 1.1961232 1.206103 1.2131656 1.1997964 1.162697 1.1251359\n", + " 1.1001306 1.0890669 1.0869033 1.0873849 1.0814819 1.0698124 1.060117\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.203442 1.1974612 1.2076138 1.2146946 1.2016369 1.1652523 1.1274124\n", + " 1.1006446 1.0885731 1.086067 1.0854834 1.0797348 1.0702767 1.0609854\n", + " 1.0564476 0. 0. 0. 0. 0. 0. ]\n", + " [1.181263 1.1755822 1.1852776 1.1928931 1.182187 1.1488916 1.1142402\n", + " 1.0905876 1.0796825 1.0778558 1.0782397 1.0730217 1.0630778 1.0542169\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1768587 1.1747649 1.1869147 1.1978692 1.1862215 1.1516768 1.1154624\n", + " 1.0912988 1.0787005 1.0744843 1.0719286 1.0662483 1.0565732 1.0482692\n", + " 1.0447434 1.0462606 1.0515136 1.0562984 1.0588531 1.0596718 1.0613451]\n", + " [1.1601896 1.1552576 1.1634473 1.171179 1.1602349 1.1291773 1.0971696\n", + " 1.0760485 1.0665098 1.0648835 1.0649222 1.0610223 1.0528876 1.0449256\n", + " 1.0414727 1.04317 0. 0. 0. 0. 0. ]]\n", + "[[1.1686323 1.1652851 1.1754191 1.1837666 1.1727437 1.1411077 1.1078329\n", + " 1.085127 1.073201 1.0692464 1.06673 1.0606649 1.0521903 1.0450072\n", + " 1.0416557 1.0432876 1.0480323 1.0525358 1.0551496 1.0564648 1.0581062\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1875644 1.1828718 1.193417 1.2024485 1.1906875 1.1557113 1.1188401\n", + " 1.093986 1.0823512 1.0797849 1.0802795 1.0748352 1.0647869 1.0547888\n", + " 1.0512404 1.053282 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1554943 1.1509653 1.1620398 1.1744833 1.1671293 1.1366553 1.1039917\n", + " 1.0817249 1.0705843 1.0668564 1.064503 1.0583938 1.0488749 1.0411289\n", + " 1.0380177 1.0401194 1.0449424 1.050257 1.0526783 1.0530561 1.0540708\n", + " 1.056225 1.0631504 1.0725678 1.0808654 1.0849658 1.0860384 1.0823976\n", + " 1.0747743]\n", + " [1.1632644 1.1606317 1.1718328 1.1809096 1.1685297 1.1361643 1.1024015\n", + " 1.0803971 1.0703124 1.0681323 1.0684195 1.0640074 1.0545299 1.0461825\n", + " 1.0423933 1.0442119 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1723166 1.1684561 1.1786191 1.1874855 1.1750201 1.1408167 1.1062927\n", + " 1.0834153 1.0733618 1.0721806 1.0728467 1.0679805 1.059434 1.0507003\n", + " 1.0467895 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.163667 1.1610111 1.1716658 1.1799054 1.1688604 1.1358198 1.1026042\n", + " 1.0811708 1.0715479 1.0704389 1.0711031 1.0659035 1.056819 1.0483404\n", + " 1.0444363 0. 0. 0. 0. 0. ]\n", + " [1.1599289 1.156871 1.1670613 1.1759015 1.1640806 1.1316645 1.0985861\n", + " 1.0766553 1.0661585 1.0633494 1.0624287 1.0579937 1.0496696 1.0426867\n", + " 1.0391055 1.0406653 1.0451852 1.0498259 1.0522882 0. ]\n", + " [1.1690029 1.1660864 1.1770959 1.1846775 1.173336 1.1391954 1.1048232\n", + " 1.0827713 1.0722759 1.070546 1.0710299 1.066179 1.0572957 1.0489664\n", + " 1.0450453 1.0467588 1.0518826 0. 0. 0. ]\n", + " [1.1762153 1.1739793 1.1851833 1.1934907 1.1802505 1.1457729 1.1110373\n", + " 1.0876498 1.0757232 1.0722896 1.0701897 1.0638199 1.0551146 1.0472726\n", + " 1.0442957 1.0457927 1.0512419 1.0559809 1.0586002 1.0597073]\n", + " [1.1811081 1.1759253 1.1865078 1.1950926 1.184466 1.1501545 1.1142275\n", + " 1.0906065 1.080617 1.0796969 1.0803703 1.0749582 1.0643216 1.0543414\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1801168 1.1762164 1.1869333 1.1966367 1.1835479 1.1479539 1.1124172\n", + " 1.0887862 1.0776072 1.0753517 1.074963 1.0695797 1.0604857 1.0520564\n", + " 1.0478387 1.0499737 1.0556054 0. 0. 0. ]\n", + " [1.1795732 1.1783714 1.189471 1.1983976 1.1853962 1.1496413 1.114238\n", + " 1.09002 1.0782157 1.0746427 1.0727623 1.0661414 1.0571315 1.0490315\n", + " 1.0454124 1.0472207 1.0521946 1.0571606 1.0600481 1.0611044]\n", + " [1.1705775 1.1666232 1.177639 1.1862864 1.1733689 1.1393925 1.104861\n", + " 1.0821869 1.0723878 1.0715244 1.0721649 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1579574 1.152628 1.1616504 1.1707952 1.1597654 1.128857 1.0964006\n", + " 1.0754617 1.0664109 1.0654302 1.0657861 1.0618783 1.0533857 1.0454304\n", + " 1.0417367 0. 0. 0. 0. 0. ]\n", + " [1.1679194 1.1626806 1.1729547 1.1810602 1.171129 1.1387837 1.105047\n", + " 1.0825609 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1834385 1.1779588 1.1877596 1.196459 1.1831505 1.1483109 1.1128023\n", + " 1.089961 1.0808883 1.0798415 1.0802349 1.0749046 1.0642457 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1670792 1.1609097 1.1690427 1.1771884 1.1654549 1.1346166 1.1021609\n", + " 1.080445 1.0705487 1.067713 1.0678449 1.0638108 1.0559723 1.0483367\n", + " 1.0447489 1.046578 0. 0. 0. ]\n", + " [1.1876119 1.1831312 1.1939883 1.2034675 1.1894953 1.1542138 1.1173716\n", + " 1.0926999 1.0801281 1.0766884 1.0749238 1.0687939 1.0587612 1.0501798\n", + " 1.0468314 1.0489604 1.054821 1.0607665 1.063647 ]\n", + " [1.167919 1.1644341 1.1735897 1.1813298 1.1688778 1.1361744 1.1030806\n", + " 1.0811849 1.0709459 1.0688807 1.0682254 1.0632898 1.0541731 1.0460079\n", + " 1.0425692 1.0443915 1.0497398 1.0546821 0. ]\n", + " [1.1793965 1.1743771 1.1836896 1.1915807 1.1786617 1.1445607 1.1104976\n", + " 1.0883813 1.0783503 1.0766215 1.0762208 1.0700766 1.0602515 1.0510826\n", + " 1.0472978 0. 0. 0. 0. ]]\n", + "[[1.1737041 1.1686558 1.1779528 1.1861091 1.1731921 1.1388263 1.1047336\n", + " 1.0828702 1.0730604 1.0721256 1.0728173 1.0691602 1.0596911 1.0512865\n", + " 0. 0. 0. 0. ]\n", + " [1.1700186 1.1656895 1.1753532 1.1839281 1.1708491 1.137788 1.1050048\n", + " 1.0840038 1.0747699 1.0739881 1.0741041 1.0694102 1.0598798 1.050972\n", + " 0. 0. 0. 0. ]\n", + " [1.1585796 1.1547456 1.1635634 1.171222 1.159065 1.128418 1.0969671\n", + " 1.07591 1.0655636 1.0630114 1.0617663 1.0577544 1.0500158 1.0427554\n", + " 1.0396264 1.0409662 1.0456808 1.050409 ]\n", + " [1.1775334 1.17327 1.1831913 1.1920719 1.1802527 1.1471686 1.1134094\n", + " 1.0904622 1.079246 1.0762758 1.0749729 1.0691055 1.0590873 1.0499297\n", + " 1.0460429 1.0479541 1.0534513 1.0588392]\n", + " [1.1697001 1.1644459 1.174701 1.1829977 1.1722181 1.1399134 1.1058179\n", + " 1.0840627 1.0737429 1.0718603 1.0720445 1.0681157 1.0591934 1.0508182\n", + " 1.0466803 1.048459 0. 0. ]]\n", + "[[1.1630592 1.1569985 1.1649365 1.1717174 1.1614825 1.1310581 1.0993559\n", + " 1.0783511 1.0679398 1.065822 1.0659171 1.0614808 1.0536937 1.0460379\n", + " 1.0423199 1.0437051 1.048493 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1934648 1.188622 1.1991447 1.2083898 1.1947793 1.158809 1.12062\n", + " 1.0943598 1.0827955 1.0805087 1.080472 1.0755061 1.0661104 1.0567011\n", + " 1.0523455 1.053855 1.0596104 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1594665 1.1577674 1.168673 1.1784146 1.166478 1.1359857 1.1031765\n", + " 1.0811015 1.0700524 1.066064 1.0639375 1.0578781 1.0495458 1.0421062\n", + " 1.0390238 1.04052 1.0453393 1.0499592 1.0523067 1.053527 1.0550289\n", + " 1.0585575]\n", + " [1.1766152 1.1723542 1.1826489 1.1930228 1.1813881 1.1472559 1.1108696\n", + " 1.0861126 1.0749501 1.07184 1.0721707 1.0671381 1.0582987 1.0491953\n", + " 1.04548 1.0470713 1.0521827 1.0578187 0. 0. 0.\n", + " 0. ]\n", + " [1.2009975 1.195249 1.2051108 1.2134111 1.1996074 1.163827 1.1266388\n", + " 1.1016643 1.0902706 1.0882785 1.0878364 1.0819123 1.0702626 1.0600843\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1645919 1.1621705 1.173289 1.1824698 1.1716349 1.1397948 1.1070232\n", + " 1.0850046 1.0736152 1.0693312 1.067361 1.0612913 1.0522904 1.044507\n", + " 1.0416138 1.0435544 1.0489173 1.0531843 1.0552797 1.0560416 1.0570393\n", + " 1.0603546 1.0675809]\n", + " [1.1641697 1.1602944 1.171801 1.181104 1.1697373 1.1365607 1.1022887\n", + " 1.0795022 1.0694356 1.0680363 1.0686629 1.0647113 1.056437 1.0484195\n", + " 1.04456 1.0463021 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1633496 1.157292 1.1647148 1.1731585 1.1610692 1.1300778 1.0986383\n", + " 1.0778816 1.0687493 1.0672789 1.0677593 1.0633708 1.0555079 1.0475702\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1759596 1.1734058 1.1839538 1.1937761 1.1807653 1.1462421 1.1121234\n", + " 1.0886075 1.0762514 1.0719767 1.0695977 1.0633273 1.0541719 1.0470743\n", + " 1.0440097 1.0460896 1.0516256 1.0558637 1.0586826 1.0595828 1.0606197\n", + " 1.0642064 0. ]\n", + " [1.1712918 1.1658906 1.1764004 1.1849115 1.174474 1.141486 1.107224\n", + " 1.0842904 1.074247 1.0722564 1.0728582 1.0679355 1.0587595 1.0498751\n", + " 1.0457226 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.2029512 1.1970909 1.2048762 1.2125041 1.198496 1.161581 1.1237637\n", + " 1.0986985 1.0865018 1.0851709 1.0859768 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1643491 1.1616123 1.1734056 1.1840565 1.1722051 1.1386193 1.1043447\n", + " 1.0818554 1.0717673 1.0694404 1.0695305 1.0648267 1.055989 1.0472144\n", + " 1.043713 1.0453494 1.0507241 0. 0. ]\n", + " [1.1850216 1.1816263 1.1905903 1.1982275 1.1845348 1.1502985 1.1141354\n", + " 1.0901784 1.0780811 1.0743853 1.0722802 1.0672641 1.0583022 1.049935\n", + " 1.0465881 1.0487657 1.0539418 1.0594819 1.0619919]\n", + " [1.1713003 1.1657968 1.175085 1.1826832 1.1710712 1.138695 1.1052778\n", + " 1.083477 1.0728803 1.0702436 1.0696398 1.0646735 1.0559477 1.0480155\n", + " 1.0446484 1.0469017 0. 0. 0. ]\n", + " [1.1611116 1.1572258 1.166856 1.1750768 1.163442 1.1319005 1.0999858\n", + " 1.0789325 1.0683086 1.0658859 1.0649912 1.0598371 1.0516174 1.0440979\n", + " 1.0412115 1.0427501 1.0476717 1.0523198 0. ]]\n", + "[[1.1643233 1.1602901 1.1713278 1.1798867 1.1699975 1.1383665 1.1050806\n", + " 1.0823293 1.071116 1.0684365 1.0684347 1.0633533 1.0548786 1.0467957\n", + " 1.0432734 1.0450349 1.0502733 0. 0. 0. ]\n", + " [1.177578 1.1738267 1.1841182 1.1935952 1.1812108 1.1478047 1.1128813\n", + " 1.0892423 1.0770882 1.0738728 1.0721548 1.0663471 1.0568106 1.0484165\n", + " 1.0447682 1.0462897 1.0512896 1.0562991 1.0592248 1.0603762]\n", + " [1.1681284 1.1648734 1.1754154 1.1828307 1.169028 1.135765 1.1023648\n", + " 1.0803982 1.0704931 1.0690675 1.0691276 1.0639564 1.0551524 1.0469904\n", + " 1.0436002 1.0453808 1.0507057 0. 0. 0. ]\n", + " [1.2005033 1.194337 1.2033304 1.2118509 1.1972629 1.1616616 1.1235119\n", + " 1.0986452 1.0878649 1.0868433 1.086862 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.180799 1.176837 1.1883068 1.1969491 1.184679 1.1481664 1.1121072\n", + " 1.0873051 1.0771489 1.0761656 1.0769023 1.0723689 1.0629479 1.0539241\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1907252 1.1851885 1.1964378 1.2072186 1.1939932 1.1565753 1.1175245\n", + " 1.0921092 1.0816993 1.0809457 1.0820842 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1645669 1.1627568 1.1744039 1.1835045 1.1707736 1.1377933 1.1040249\n", + " 1.081562 1.0704048 1.066618 1.0655969 1.0603272 1.0520664 1.0445666\n", + " 1.0413843 1.042729 1.047263 1.0519319 1.054494 1.0556827 0. ]\n", + " [1.16087 1.1575801 1.1676868 1.1762966 1.1642143 1.1316446 1.0991249\n", + " 1.0778689 1.0685622 1.0663141 1.0665716 1.0621134 1.0535568 1.0458751\n", + " 1.0425633 1.0443479 1.0496583 0. 0. 0. 0. ]\n", + " [1.153064 1.1508363 1.1619053 1.1706135 1.1611749 1.1302599 1.0983503\n", + " 1.076453 1.0660992 1.0624199 1.0604907 1.0554652 1.0471791 1.040069\n", + " 1.0369791 1.0384781 1.0430676 1.0471569 1.0495702 1.0503774 1.0519308]\n", + " [1.1658261 1.1639265 1.1745788 1.1835386 1.1714126 1.1381831 1.1050285\n", + " 1.0820364 1.0710609 1.0682951 1.0668571 1.0611286 1.05252 1.0451812\n", + " 1.0414135 1.0430869 1.0474781 1.0526081 1.0553045 0. 0. ]]\n", + "[[1.1662357 1.1613178 1.170085 1.177944 1.1658243 1.13327 1.1004126\n", + " 1.0794868 1.0706228 1.0696949 1.0704358 1.0668367 1.058165 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1658118 1.1641401 1.175034 1.1845104 1.1709635 1.1387048 1.1053\n", + " 1.0824852 1.0713184 1.0677195 1.0661832 1.0606114 1.0517942 1.0441526\n", + " 1.0409142 1.0426314 1.0472727 1.0521617 1.0546988 1.0555377 0. ]\n", + " [1.1784117 1.1740826 1.1829913 1.1908933 1.1778735 1.1438735 1.1102057\n", + " 1.0865244 1.0759801 1.0732406 1.0726056 1.0675337 1.0583619 1.0502648\n", + " 1.047044 1.0493058 1.0547117 0. 0. 0. 0. ]\n", + " [1.169957 1.1658247 1.1769814 1.1861951 1.1757876 1.1424466 1.1069516\n", + " 1.0836396 1.0729483 1.0708821 1.0716547 1.0669941 1.0577788 1.0492551\n", + " 1.0451913 1.0470004 0. 0. 0. 0. 0. ]\n", + " [1.1657596 1.162483 1.1731696 1.1824383 1.1713732 1.1383021 1.1052178\n", + " 1.0832161 1.0719602 1.0682265 1.0659281 1.0599344 1.0507308 1.0430114\n", + " 1.0395906 1.0415703 1.0465152 1.0514617 1.0537888 1.0542285 1.0555263]]\n", + "[[1.1520877 1.1490734 1.1590135 1.1678805 1.1574925 1.1284435 1.0974493\n", + " 1.0775306 1.0670176 1.0634886 1.0605834 1.0549961 1.0467217 1.0397636\n", + " 1.036907 1.0385914 1.0431516 1.0478598 1.0504674 1.0513631 1.053098\n", + " 1.0563298 1.0632533]\n", + " [1.1584558 1.1550497 1.1645017 1.1717597 1.1594925 1.1283221 1.097101\n", + " 1.076864 1.0670514 1.0649973 1.0645143 1.0595474 1.0517106 1.0442795\n", + " 1.040962 1.0424263 1.0472792 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1801339 1.179159 1.1913015 1.2016995 1.1881152 1.1520444 1.1147457\n", + " 1.0900714 1.0781913 1.0745193 1.0733128 1.0675632 1.0576068 1.0495387\n", + " 1.045885 1.0476514 1.0528125 1.0583054 1.0606158 1.0611572 0.\n", + " 0. 0. ]\n", + " [1.1750674 1.1733366 1.1838801 1.1921984 1.1797559 1.1446831 1.1101875\n", + " 1.0867432 1.0751938 1.0714283 1.0697408 1.0638943 1.0548021 1.0473076\n", + " 1.043343 1.0454632 1.0505887 1.0552312 1.0579392 1.0591217 0.\n", + " 0. 0. ]\n", + " [1.1738477 1.1702394 1.1802129 1.1895019 1.1759875 1.1422637 1.1081766\n", + " 1.0861537 1.0764799 1.0749667 1.0754632 1.0695853 1.0600145 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.183809 1.1804094 1.1925004 1.2023531 1.1888552 1.1520647 1.1149759\n", + " 1.0903983 1.0781623 1.0754545 1.0741388 1.0680691 1.0589085 1.050378\n", + " 1.0463418 1.0479617 1.0532804 1.0586989 1.0615739 0. 0.\n", + " 0. ]\n", + " [1.1784904 1.1732299 1.1844918 1.1950719 1.1829622 1.1477159 1.1121162\n", + " 1.0894737 1.0783798 1.0758733 1.0764054 1.0710168 1.061274 1.0523818\n", + " 1.0480113 1.049906 1.0559652 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1644009 1.1619769 1.1722598 1.1799853 1.1679145 1.1348343 1.1014887\n", + " 1.0797806 1.0694655 1.0668815 1.0663823 1.0620614 1.0532835 1.0456096\n", + " 1.0419626 1.0436065 1.0487142 1.0537786 0. 0. 0.\n", + " 0. ]\n", + " [1.1862599 1.1815922 1.1912265 1.2010013 1.188144 1.1530346 1.1162776\n", + " 1.0930687 1.082273 1.0799402 1.0803026 1.0750479 1.0652186 1.0554847\n", + " 1.0515722 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1878619 1.1847622 1.1947973 1.2050499 1.1939657 1.1591748 1.1227117\n", + " 1.0966463 1.0830885 1.0786526 1.0754521 1.0689585 1.0587543 1.0506245\n", + " 1.0471103 1.0489578 1.0550454 1.0596423 1.0626713 1.0636545 1.065233\n", + " 1.0695027]]\n", + "[[1.1736768 1.1701669 1.1798921 1.1876427 1.174847 1.1419264 1.1077064\n", + " 1.0847803 1.0732169 1.0714874 1.0708126 1.06628 1.0577292 1.0496521\n", + " 1.0460923 1.0476274 1.0527388 0. 0. 0. ]\n", + " [1.1569178 1.1539215 1.1629022 1.1698799 1.1575599 1.1267062 1.0969687\n", + " 1.0773644 1.0672971 1.0641245 1.0624335 1.0567328 1.0483755 1.0412593\n", + " 1.0384647 1.040336 1.0446961 1.0493729 1.051665 1.052876 ]]\n", + "[[1.1769004 1.1729102 1.1841685 1.1933665 1.1815326 1.1471908 1.1115178\n", + " 1.0875448 1.0756298 1.0732929 1.0722824 1.0669343 1.0576684 1.0492722\n", + " 1.0454215 1.047157 1.0525458 1.0580833 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1640837 1.1624954 1.1740332 1.1817591 1.1701076 1.1372994 1.1033995\n", + " 1.081264 1.070134 1.0674605 1.0657083 1.0608541 1.0521305 1.0439742\n", + " 1.0408537 1.0425673 1.0472248 1.0522721 1.0544473 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.165029 1.1630024 1.1733443 1.1843653 1.1737009 1.141325 1.1077888\n", + " 1.0852674 1.07362 1.0697027 1.0672143 1.0606003 1.051585 1.043822\n", + " 1.0406868 1.0423534 1.0477222 1.0524426 1.0548782 1.0548887 1.0558311\n", + " 1.059258 1.0661966 1.0762275 1.0842792]\n", + " [1.1520091 1.1490057 1.1583264 1.1661247 1.1544838 1.122923 1.0922203\n", + " 1.0719959 1.0628399 1.0613755 1.0613074 1.0570692 1.0497841 1.0424718\n", + " 1.0391282 1.0409362 1.0455481 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1898327 1.1855859 1.1953573 1.2038512 1.1903597 1.1538645 1.1180619\n", + " 1.0939629 1.0817138 1.0787001 1.0779383 1.0720904 1.0621171 1.0530174\n", + " 1.049085 1.0514381 1.0569117 1.0625176 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1763433 1.1741663 1.1852355 1.1946323 1.1816714 1.1475236 1.1118534\n", + " 1.0882477 1.0767345 1.0733458 1.0726185 1.0665135 1.0568238 1.0482757\n", + " 1.044129 1.0460392 1.0515366 1.0569686 1.0596915 0. 0.\n", + " 0. 0. ]\n", + " [1.1619496 1.1582217 1.1683649 1.1757224 1.1633941 1.1315304 1.0993538\n", + " 1.077986 1.0681491 1.0656375 1.0647205 1.0593665 1.0508206 1.0430878\n", + " 1.0398868 1.0416688 1.0466814 1.0515778 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1966193 1.1910477 1.2016038 1.2110376 1.197299 1.1593722 1.1217971\n", + " 1.0970944 1.0863158 1.084739 1.0841975 1.0784857 1.0674298 1.0575931\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1660943 1.1628671 1.1724187 1.1814615 1.170515 1.138864 1.1065702\n", + " 1.0852425 1.0745143 1.0700585 1.0673869 1.0611681 1.0519881 1.0442601\n", + " 1.0416822 1.0439533 1.0492915 1.0544904 1.0560789 1.0566509 1.0575893\n", + " 1.0609428 1.0680512]\n", + " [1.1919061 1.186898 1.1977506 1.2081225 1.1954154 1.1587725 1.1208084\n", + " 1.0956328 1.0843809 1.0823197 1.0831337 1.0778149 1.0671476 1.057246\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1726367 1.1673656 1.1767893 1.1847714 1.1741501 1.1415039 1.1076164\n", + " 1.0847557 1.0735439 1.0719917 1.0716686 1.0667536 1.057636 1.049483\n", + " 1.0455335 0. 0. 0. 0. 0. ]\n", + " [1.1652682 1.1630232 1.174539 1.1836903 1.1722552 1.1399381 1.1059909\n", + " 1.0832503 1.071804 1.0689877 1.0677409 1.0621952 1.0533109 1.0458136\n", + " 1.04204 1.0439354 1.0485324 1.0536305 1.0558529 0. ]\n", + " [1.1642311 1.1591327 1.1681052 1.1755425 1.164309 1.1325572 1.1000434\n", + " 1.0790226 1.0684997 1.0661919 1.0657545 1.0614334 1.0535095 1.0464814\n", + " 1.0430361 1.0449363 0. 0. 0. 0. ]\n", + " [1.1856079 1.1808338 1.1907533 1.1991851 1.1853223 1.151048 1.1151215\n", + " 1.0917459 1.0803573 1.0773942 1.076145 1.0704154 1.0603131 1.0513574\n", + " 1.0482054 1.050667 1.0566542 1.0623469 0. 0. ]\n", + " [1.1728219 1.1710306 1.1829733 1.1917917 1.1791756 1.1435925 1.1085385\n", + " 1.0852566 1.073929 1.0706289 1.0695289 1.063827 1.0550797 1.0469527\n", + " 1.0436563 1.0450718 1.0501578 1.0548253 1.0571723 1.0581967]]\n", + "[[1.1702139 1.1681311 1.178133 1.1842586 1.1722095 1.1383032 1.1050171\n", + " 1.083349 1.0725864 1.0697328 1.0684294 1.0634993 1.0545843 1.046895\n", + " 1.0436599 1.0453069 1.0503448 1.055643 0. 0. ]\n", + " [1.1823287 1.1790175 1.1893518 1.198362 1.1851503 1.1503943 1.1153023\n", + " 1.0915449 1.0795547 1.0763998 1.0746206 1.0684717 1.0587556 1.0499048\n", + " 1.0462818 1.0484082 1.0536788 1.0589681 1.0612171 0. ]\n", + " [1.1534795 1.151722 1.1623428 1.1698242 1.1585239 1.1275395 1.0961765\n", + " 1.075511 1.0651507 1.0629348 1.0619235 1.0565331 1.0483693 1.0413638\n", + " 1.0382588 1.0396142 1.0443225 1.0489137 1.0511514 0. ]\n", + " [1.1563963 1.1540847 1.1630789 1.1710982 1.1584564 1.1285619 1.097007\n", + " 1.0759172 1.0654495 1.062245 1.0614157 1.0562311 1.048916 1.0423143\n", + " 1.0391351 1.0407097 1.0451355 1.0494481 1.0518051 0. ]\n", + " [1.1598134 1.1579003 1.1684351 1.1773983 1.1665289 1.1341043 1.1017847\n", + " 1.0802883 1.0697393 1.0661638 1.0642834 1.0586399 1.0505195 1.043226\n", + " 1.0398428 1.041354 1.0459492 1.0502568 1.0523281 1.0530331]]\n", + "[[1.1849489 1.1814957 1.1914493 1.1998388 1.1870997 1.1531658 1.1177171\n", + " 1.0936556 1.0815974 1.0781173 1.0765665 1.0709584 1.0614512 1.0524074\n", + " 1.0487475 1.0507883 1.0566092 1.0619404]\n", + " [1.1626934 1.1583039 1.1680332 1.1774313 1.1665149 1.1349239 1.1013936\n", + " 1.0792514 1.0689204 1.0670671 1.067059 1.0631459 1.0547984 1.0468348\n", + " 1.0430595 1.044512 1.0494622 0. ]\n", + " [1.1743844 1.1694275 1.1786181 1.1869425 1.1762584 1.1431478 1.1090174\n", + " 1.0858848 1.0749826 1.0721703 1.0722975 1.0675879 1.0589262 1.0503124\n", + " 1.0461452 1.0477507 0. 0. ]\n", + " [1.1941218 1.1878142 1.1984571 1.2090609 1.1963311 1.1592085 1.1206783\n", + " 1.0946432 1.0827354 1.0806915 1.0816946 1.0769114 1.0673025 1.0581462\n", + " 1.0536528 0. 0. 0. ]\n", + " [1.1987699 1.1918569 1.2001542 1.2079191 1.1947608 1.1596235 1.1232569\n", + " 1.0989414 1.0869215 1.0843841 1.0838052 1.0787965 1.0681021 1.0590049\n", + " 1.0553247 0. 0. 0. ]]\n", + "[[1.1661887 1.162528 1.1732014 1.1826524 1.1713681 1.1381507 1.1041584\n", + " 1.0816215 1.0711331 1.0686241 1.0685681 1.0639384 1.0557499 1.0477556\n", + " 1.0440675 1.0458049 1.0508597 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1675878 1.1632569 1.1725633 1.181483 1.1686939 1.1359489 1.102371\n", + " 1.0801309 1.070088 1.0679927 1.068388 1.0636446 1.0551476 1.0467645\n", + " 1.0429025 1.0450699 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.154958 1.15213 1.1606401 1.168656 1.157752 1.1274412 1.0964602\n", + " 1.076347 1.0659841 1.0626019 1.0608017 1.0552799 1.0472909 1.0403543\n", + " 1.0375376 1.0394301 1.0435945 1.0483786 1.0511601 1.052466 1.0540401\n", + " 1.0573223 0. ]\n", + " [1.1533866 1.1516397 1.1615026 1.169952 1.1586008 1.1284821 1.0984793\n", + " 1.0781217 1.067547 1.0639623 1.0617388 1.0554864 1.0472603 1.04052\n", + " 1.0378245 1.0398113 1.0445875 1.0487373 1.0514096 1.0523877 1.0536637\n", + " 1.0575097 1.0644722]\n", + " [1.1689558 1.1657382 1.1769613 1.1870722 1.1747649 1.1411614 1.1068386\n", + " 1.0836207 1.0728257 1.0705327 1.0700077 1.0650574 1.0568134 1.0488127\n", + " 1.0447806 1.0468861 1.0519853 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1892114 1.1855608 1.1959558 1.2052019 1.1910154 1.1538368 1.1173439\n", + " 1.0931278 1.0825589 1.0812278 1.0808467 1.0747813 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2090974 1.2037112 1.2151725 1.2245826 1.2080207 1.1682086 1.1274759\n", + " 1.1004609 1.0887842 1.088088 1.0886896 1.0842495 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1620985 1.1584996 1.167845 1.1760329 1.1638966 1.1319808 1.0999651\n", + " 1.0783474 1.0681986 1.0655535 1.0644858 1.0590218 1.0511662 1.0436856\n", + " 1.040897 1.0426148 1.047604 1.0519052 1.0542947 0. 0.\n", + " 0. ]\n", + " [1.1620746 1.1580029 1.1675615 1.1765019 1.1648176 1.1340525 1.1017315\n", + " 1.079954 1.0683926 1.0643705 1.0626802 1.0571012 1.0487361 1.0421822\n", + " 1.039546 1.0411692 1.046226 1.0511978 1.0537517 1.0545902 1.0561296\n", + " 1.0592598]\n", + " [1.2289693 1.2229924 1.2334633 1.2418991 1.224974 1.1846526 1.1422378\n", + " 1.1129608 1.1007515 1.0981821 1.0994085 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1812994 1.177921 1.1891925 1.1976432 1.1836936 1.1484015 1.1138648\n", + " 1.0907031 1.079485 1.0757663 1.0735289 1.0672506 1.0573386 1.0485308\n", + " 1.0455062 1.0476522 1.0534301 1.0589114 1.0613724 0. 0.\n", + " 0. 0. ]\n", + " [1.1725172 1.167759 1.1779238 1.1869602 1.1746584 1.1418322 1.1076359\n", + " 1.0850554 1.0743862 1.0719099 1.0717402 1.0667697 1.0575248 1.0493745\n", + " 1.0456411 1.0474132 1.0529168 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.170919 1.1681263 1.1796942 1.1897808 1.1789389 1.1458672 1.1115845\n", + " 1.0881433 1.0769038 1.0728242 1.0701987 1.0640569 1.0546193 1.0463152\n", + " 1.04262 1.0444682 1.0495232 1.05418 1.0572509 1.0580964 1.0595179\n", + " 1.0632719 1.0709819]\n", + " [1.1732537 1.1709021 1.1820865 1.1912471 1.1794271 1.1463498 1.1112921\n", + " 1.0875297 1.0756803 1.0720528 1.0703628 1.0652914 1.056488 1.0482229\n", + " 1.0447842 1.0464925 1.0515583 1.0569433 1.0594714 0. 0.\n", + " 0. 0. ]\n", + " [1.1596256 1.1555856 1.1640604 1.1726859 1.1608533 1.1290228 1.0972902\n", + " 1.0764518 1.067503 1.0661567 1.0657957 1.0617183 1.0530924 1.045262\n", + " 1.0418028 1.0435444 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1799166 1.1748613 1.184646 1.1923245 1.1783398 1.1444452 1.1105154\n", + " 1.0871385 1.0765977 1.074454 1.0739179 1.0681483 1.0585268 1.0500569\n", + " 1.0463558 1.0481181 1.0537667 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1747721 1.1737703 1.1853712 1.1932342 1.1798899 1.1449112 1.1095833\n", + " 1.0860003 1.0748557 1.0716736 1.0704787 1.0656346 1.0566757 1.0483425\n", + " 1.0450442 1.0466866 1.0515939 1.0566996 1.0593201 0. 0.\n", + " 0. ]\n", + " [1.1670358 1.1642691 1.1740879 1.1821568 1.1717159 1.1402571 1.1074058\n", + " 1.0851654 1.0732579 1.0688677 1.0662764 1.0599333 1.0514065 1.04435\n", + " 1.0415707 1.0435927 1.0481777 1.0527885 1.0549215 1.0554991 1.0571206\n", + " 1.0609496]\n", + " [1.1905398 1.1856748 1.1947274 1.203263 1.1895282 1.1540287 1.1181891\n", + " 1.0944579 1.0829707 1.0806062 1.0793872 1.072895 1.0628957 1.0537205\n", + " 1.049933 1.052236 1.0589821 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1579162 1.1534772 1.1607938 1.1687119 1.1564198 1.124683 1.0945998\n", + " 1.0746466 1.0654783 1.0648178 1.0653208 1.0611185 1.0531493 1.0452216\n", + " 1.0415422 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.195214 1.1901023 1.1991482 1.2070205 1.192847 1.1583009 1.1220213\n", + " 1.0971261 1.0841404 1.0812023 1.0800875 1.0740789 1.0647191 1.0559013\n", + " 1.0517642 1.053986 1.0602154 0. 0. ]\n", + " [1.1757265 1.1702845 1.1790044 1.1867129 1.1731517 1.139719 1.1062348\n", + " 1.0835049 1.0732713 1.0702415 1.0685455 1.064272 1.0555724 1.0480679\n", + " 1.0445586 1.046909 1.0525451 0. 0. ]\n", + " [1.1837409 1.1784041 1.1875156 1.19551 1.1823168 1.1481066 1.1122746\n", + " 1.088922 1.0784863 1.0769365 1.0779183 1.0729146 1.0634192 1.0543303\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2052966 1.1993052 1.2083871 1.2162822 1.2022702 1.1649857 1.1261547\n", + " 1.0999296 1.0887995 1.0865749 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.182109 1.1781294 1.1887919 1.1980108 1.1854554 1.1498817 1.114347\n", + " 1.0903927 1.0783985 1.0754489 1.0740848 1.0679793 1.0581539 1.0496055\n", + " 1.0452973 1.0471632 1.0524802 1.0576266 1.0602071]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1863514 1.1814245 1.1917152 1.2018101 1.1899192 1.1548603 1.1167699\n", + " 1.0924047 1.0810001 1.0792787 1.0789878 1.0748421 1.0647194 1.0551956\n", + " 1.0509939 1.0528057 0. 0. 0. 0. 0. ]\n", + " [1.1766313 1.1725507 1.1826465 1.1921803 1.1796384 1.1457701 1.1104128\n", + " 1.0868683 1.0757648 1.0726949 1.0725627 1.0677595 1.0585983 1.0501848\n", + " 1.0464488 1.0483108 1.0537946 0. 0. 0. 0. ]\n", + " [1.186523 1.183066 1.1940101 1.2032669 1.190389 1.1558148 1.1186893\n", + " 1.0930634 1.0800666 1.0760511 1.0734088 1.067112 1.0573202 1.0492837\n", + " 1.0458854 1.0476693 1.0528929 1.05803 1.0602957 1.0612428 1.0628941]\n", + " [1.1880893 1.1837602 1.1940815 1.2026514 1.1894795 1.1547037 1.1181365\n", + " 1.0937206 1.0810349 1.0781677 1.076828 1.0719991 1.0621747 1.0533038\n", + " 1.0495666 1.0512215 1.0566165 1.0620703 0. 0. 0. ]\n", + " [1.1658396 1.1629324 1.1738572 1.1832297 1.171375 1.1393948 1.1057236\n", + " 1.0827 1.0712337 1.0679417 1.066557 1.061967 1.0536453 1.0460548\n", + " 1.0424713 1.0441037 1.048965 1.0539619 1.0565034 0. 0. ]]\n", + "[[1.1756638 1.1719328 1.1828215 1.1920695 1.1801533 1.1461233 1.1117893\n", + " 1.0892713 1.0781791 1.0753622 1.0748242 1.0691055 1.0592173 1.050531\n", + " 1.0461113 1.0480568 1.0534788 0. 0. ]\n", + " [1.1760143 1.1731875 1.1842955 1.1925774 1.1789154 1.1445118 1.1089866\n", + " 1.0859125 1.0745761 1.0718826 1.0708683 1.0650784 1.0564072 1.0481789\n", + " 1.0447805 1.0464208 1.0516254 1.0564306 1.0588008]\n", + " [1.173759 1.1722994 1.1844808 1.1927373 1.1799121 1.1445147 1.1088982\n", + " 1.0853096 1.0750054 1.0722414 1.07207 1.0664878 1.0568695 1.0485245\n", + " 1.0442815 1.0460482 1.0515395 1.0568414 0. ]\n", + " [1.203474 1.1978256 1.2080227 1.2165458 1.2019293 1.1643535 1.1255189\n", + " 1.1007867 1.0899689 1.088891 1.0890762 1.0829767 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1890968 1.1839812 1.1921701 1.1995167 1.1872838 1.153424 1.1175759\n", + " 1.0935714 1.0821185 1.0790956 1.0784354 1.073183 1.0629697 1.0541223\n", + " 1.0505476 1.0530959 0. 0. 0. ]]\n", + "[[1.1600239 1.1556758 1.1660044 1.1743648 1.1629773 1.1319566 1.0994321\n", + " 1.0779333 1.0684067 1.0664235 1.0667391 1.0618532 1.053269 1.045386\n", + " 1.0416117 1.0434333 0. 0. ]\n", + " [1.1818871 1.1776567 1.1879297 1.1973362 1.1846732 1.1510063 1.114733\n", + " 1.0904179 1.0788056 1.0753645 1.0743904 1.0691949 1.0599833 1.0509541\n", + " 1.0471363 1.0486883 1.0542171 1.0594145]\n", + " [1.1839106 1.1795202 1.1892716 1.1985316 1.1852729 1.1512157 1.1157818\n", + " 1.0922343 1.081443 1.0790178 1.0778431 1.0732664 1.0630699 1.053809\n", + " 1.0494288 1.0522872 0. 0. ]\n", + " [1.1758074 1.1732776 1.1836723 1.19235 1.1786983 1.1448587 1.1101177\n", + " 1.0870377 1.0760953 1.0727124 1.0723332 1.0666823 1.0576581 1.0490515\n", + " 1.045022 1.0470337 1.0522258 1.0576595]\n", + " [1.1531762 1.1495768 1.1605151 1.1700475 1.1585668 1.1281514 1.0958257\n", + " 1.0745598 1.0647618 1.0628022 1.0635849 1.0596592 1.0518931 1.0445064\n", + " 1.0409273 1.0426052 0. 0. ]]\n", + "[[1.1507119 1.147313 1.1551101 1.1624559 1.1511601 1.1225214 1.0930519\n", + " 1.0731981 1.0634764 1.0607017 1.0596609 1.0553114 1.0475955 1.0406936\n", + " 1.0379591 1.0393635 1.0438515 1.048122 0. 0. ]\n", + " [1.183636 1.1781217 1.1885533 1.1969935 1.1853628 1.1510842 1.1148764\n", + " 1.0904037 1.0790923 1.0766294 1.0762043 1.0708394 1.061039 1.0519049\n", + " 1.047572 1.0491184 1.0548506 0. 0. 0. ]\n", + " [1.1832541 1.1794903 1.1895452 1.1982443 1.1861899 1.1509868 1.1155609\n", + " 1.0918391 1.0800153 1.0760415 1.0743377 1.068422 1.0583894 1.0501093\n", + " 1.0460899 1.0484264 1.0537006 1.0587444 1.0612373 0. ]\n", + " [1.1602579 1.1571304 1.1673518 1.1767117 1.1654345 1.1344123 1.1027763\n", + " 1.0811027 1.0700305 1.0666158 1.064744 1.0587138 1.0497036 1.042255\n", + " 1.0388323 1.0404514 1.0454608 1.0498431 1.0523251 1.0537423]\n", + " [1.1730456 1.169737 1.1805693 1.1895946 1.1771896 1.1431574 1.1077548\n", + " 1.0846211 1.0747924 1.0726737 1.0730541 1.067977 1.0590166 1.0499666\n", + " 1.0463836 0. 0. 0. 0. 0. ]]\n", + "[[1.1786157 1.1734972 1.1830652 1.191361 1.1802788 1.1464499 1.1115006\n", + " 1.088578 1.0780723 1.076406 1.0765465 1.0711122 1.0614289 1.0521917\n", + " 1.0479988 1.0500983 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1746889 1.16975 1.1785109 1.186005 1.1739625 1.1421419 1.1083026\n", + " 1.085814 1.0749832 1.0723796 1.0713348 1.0664086 1.0565314 1.0487995\n", + " 1.0452384 1.04747 1.0535764 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.15178 1.1512275 1.1626654 1.1714821 1.1606308 1.1297442 1.0980779\n", + " 1.0765994 1.0659646 1.0622652 1.0597475 1.0548381 1.0464656 1.0396795\n", + " 1.0372843 1.0385287 1.0432612 1.0478401 1.0504453 1.0514617 1.0528864\n", + " 1.0562543 1.0629387]\n", + " [1.163559 1.1615741 1.1722088 1.1807396 1.1676558 1.1355519 1.1025928\n", + " 1.0810413 1.0704883 1.0679684 1.0665503 1.0618014 1.0534991 1.0457628\n", + " 1.042476 1.0441245 1.048953 1.0541397 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1529828 1.1504996 1.1607736 1.1708091 1.1602856 1.1302254 1.098887\n", + " 1.0780473 1.067341 1.0637479 1.0618677 1.0561587 1.0477918 1.0405313\n", + " 1.0378428 1.0393658 1.0439996 1.0487347 1.0512072 1.052645 1.0539347\n", + " 1.0569596 1.0634251]]\n", + "[[1.1817348 1.1761835 1.1840999 1.1916438 1.1793542 1.1459684 1.1113025\n", + " 1.088306 1.077338 1.0753908 1.0754153 1.0708488 1.0624306 1.0537806\n", + " 1.049981 0. 0. 0. 0. ]\n", + " [1.1702697 1.1661751 1.1773752 1.187061 1.1750877 1.1410373 1.1059259\n", + " 1.0826708 1.073155 1.071597 1.0719239 1.0674808 1.0576404 1.0491188\n", + " 1.0452052 1.047398 0. 0. 0. ]\n", + " [1.1610732 1.1584643 1.1674964 1.1769164 1.1654809 1.1334822 1.100463\n", + " 1.0781785 1.0688554 1.0668 1.0665828 1.0625503 1.0539285 1.0462506\n", + " 1.0425848 1.0440105 1.0489241 0. 0. ]\n", + " [1.1630855 1.1606034 1.1713827 1.1801345 1.1675576 1.1353843 1.1026707\n", + " 1.0806512 1.0702868 1.0676153 1.0659572 1.0605623 1.0519164 1.0436263\n", + " 1.0402939 1.0418396 1.0468334 1.0521784 1.0551703]\n", + " [1.210242 1.204271 1.214532 1.2236748 1.2089126 1.1692295 1.128907\n", + " 1.1027508 1.090878 1.0898855 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.174833 1.1696978 1.1797493 1.1891607 1.1768523 1.1428655 1.108066\n", + " 1.0850463 1.0751747 1.073939 1.0741377 1.0689399 1.0594417 1.0506264\n", + " 1.0466639 1.048795 0. 0. 0. ]\n", + " [1.1758615 1.1727333 1.1819141 1.1902653 1.1780322 1.1445285 1.1109772\n", + " 1.0885961 1.0772464 1.0733873 1.0715685 1.0654407 1.0563961 1.0484729\n", + " 1.0449287 1.0473175 1.0527095 1.0578296 1.0598636]\n", + " [1.1769034 1.1710215 1.1776893 1.1848702 1.1732103 1.1413451 1.1083213\n", + " 1.0858685 1.0752323 1.073045 1.0723023 1.0675824 1.0587152 1.0504795\n", + " 1.04688 1.048706 0. 0. 0. ]\n", + " [1.169536 1.1639409 1.172497 1.1804465 1.1676381 1.1365782 1.1035013\n", + " 1.0808104 1.0706323 1.0688562 1.0693473 1.065544 1.0566657 1.0489299\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1586891 1.1543028 1.1633179 1.1715835 1.1617206 1.1307242 1.0991205\n", + " 1.0775626 1.0674251 1.0663705 1.0669515 1.0633119 1.054814 1.0467612\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1753963 1.1704226 1.1802862 1.1895677 1.1774825 1.1444126 1.1094868\n", + " 1.0864947 1.075289 1.0724319 1.0724281 1.0679504 1.0595675 1.0509382\n", + " 1.0472045 1.0489655 1.0543069 0. 0. 0. 0. ]\n", + " [1.174429 1.1715459 1.1804562 1.1879535 1.1768773 1.1445897 1.1108232\n", + " 1.0878646 1.0760026 1.0714155 1.0681674 1.0623415 1.0533862 1.0457605\n", + " 1.0425866 1.0450757 1.0494863 1.054729 1.0572094 1.0581177 1.0596585]\n", + " [1.1718525 1.1679059 1.1780125 1.1867497 1.173999 1.1417246 1.1080824\n", + " 1.0848209 1.0741569 1.0714266 1.0703923 1.0647779 1.0557055 1.0476128\n", + " 1.0438131 1.0452609 1.0508907 1.0561843 0. 0. 0. ]\n", + " [1.177712 1.1742845 1.1844288 1.1929871 1.1810244 1.1473892 1.1131862\n", + " 1.0896221 1.07743 1.0726806 1.0701115 1.0646008 1.0554698 1.04792\n", + " 1.0446191 1.0467668 1.0519211 1.0564141 1.0587499 1.0596483 1.0609875]\n", + " [1.1597382 1.1556022 1.1650426 1.1734064 1.1629741 1.1317756 1.0996772\n", + " 1.0783365 1.0689024 1.0673568 1.0677869 1.0635866 1.0550276 1.046526\n", + " 1.0429987 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1768483 1.1750584 1.1872652 1.1979828 1.1845541 1.1487671 1.1119579\n", + " 1.0876191 1.0758454 1.0725534 1.0712166 1.0656556 1.0563301 1.0481817\n", + " 1.0445015 1.0462779 1.051151 1.05612 1.0584109 0. 0.\n", + " 0. ]\n", + " [1.1727376 1.1690972 1.1792129 1.1864973 1.1747267 1.139812 1.1048441\n", + " 1.082381 1.072057 1.0707163 1.0717757 1.067854 1.0591729 1.0507112\n", + " 1.0469773 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1606053 1.1573935 1.1671033 1.1742616 1.1619833 1.1311731 1.0998818\n", + " 1.0790906 1.0683299 1.0646254 1.0625552 1.0565106 1.048554 1.0418081\n", + " 1.039057 1.0411178 1.0461738 1.0508958 1.0530621 1.0537702 1.0553737\n", + " 1.0592189]\n", + " [1.159481 1.1573032 1.1686122 1.1790339 1.1671484 1.1352797 1.1022515\n", + " 1.0805666 1.0694655 1.065994 1.0643015 1.0586398 1.0498701 1.042912\n", + " 1.0397131 1.0413718 1.0458667 1.0506955 1.0527521 1.0532345 1.0543547\n", + " 0. ]\n", + " [1.1657931 1.1636064 1.174513 1.1825796 1.169538 1.1361876 1.102102\n", + " 1.080889 1.0708961 1.0688684 1.0684087 1.0639296 1.0545105 1.0470316\n", + " 1.043425 1.0451498 1.0504773 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1571996 1.1538434 1.1629369 1.1697974 1.1585175 1.1279713 1.0963715\n", + " 1.0764524 1.0669901 1.0648905 1.0645794 1.0599532 1.0517013 1.044049\n", + " 1.0408157 1.0424707 1.0476807 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1703076 1.1684461 1.1789726 1.1878527 1.1753371 1.1404271 1.1060342\n", + " 1.083481 1.073284 1.0721033 1.0728772 1.0677634 1.0589772 1.0501889\n", + " 1.04646 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1959915 1.1931406 1.2047809 1.2155854 1.2020463 1.1642444 1.1255451\n", + " 1.0996426 1.0866609 1.0819963 1.0790737 1.0720133 1.0610565 1.0518128\n", + " 1.0483264 1.0506846 1.0569451 1.0619934 1.0645528 1.065157 1.066762\n", + " 1.0711724]\n", + " [1.1541667 1.1491703 1.1572056 1.1641351 1.1544523 1.125159 1.0944932\n", + " 1.0746897 1.0651977 1.0630475 1.0629556 1.0590433 1.051043 1.0438769\n", + " 1.0404664 1.042229 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1984297 1.1930257 1.2020342 1.2101655 1.1957543 1.1581717 1.1203005\n", + " 1.0964146 1.085364 1.0837116 1.0841879 1.0789201 1.0682521 1.0586461\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1921053 1.187493 1.1980224 1.2061148 1.1932538 1.157272 1.1188996\n", + " 1.093111 1.081643 1.0793136 1.0786328 1.0733279 1.0638684 1.0547497\n", + " 1.0505238 1.0524136 1.0583477 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1680113 1.167697 1.1793188 1.187915 1.1764892 1.1424723 1.1079556\n", + " 1.0844994 1.0729992 1.0695689 1.066848 1.0617964 1.052787 1.0451884\n", + " 1.0420626 1.0436997 1.0485861 1.0536699 1.0563583 1.0573386 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1616144 1.1579567 1.1667823 1.1746646 1.1626954 1.1309248 1.0990595\n", + " 1.0784215 1.0696652 1.0682266 1.0681767 1.0638409 1.0549251 1.0469753\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1797731 1.1747338 1.1829636 1.1926397 1.1810044 1.1464156 1.1120336\n", + " 1.0890347 1.0780103 1.0760405 1.0758077 1.0705588 1.06114 1.0527024\n", + " 1.048602 1.050963 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1499493 1.1481102 1.158786 1.1684994 1.1577961 1.1278502 1.0961471\n", + " 1.0751086 1.0654231 1.0618743 1.060473 1.0549889 1.0465335 1.0393754\n", + " 1.0366794 1.0387145 1.0435011 1.0481794 1.0501626 1.0508183 1.0516264\n", + " 1.0545394 1.0612049 1.0706067 1.0779412 1.0813518]]\n", + "[[1.1672139 1.1651375 1.1761354 1.1849103 1.1727872 1.1390846 1.1057959\n", + " 1.0837224 1.072486 1.068745 1.0664984 1.061382 1.0529287 1.0453459\n", + " 1.0415924 1.0432501 1.0484214 1.053105 1.0553215 1.0566161]\n", + " [1.17461 1.1697271 1.1792037 1.1878672 1.1740873 1.1391882 1.1045687\n", + " 1.082069 1.0726115 1.0713372 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1752571 1.1718401 1.181862 1.189752 1.1768336 1.1442454 1.1099128\n", + " 1.0863239 1.0748428 1.0716664 1.0704603 1.0652324 1.0566357 1.0485582\n", + " 1.0449986 1.046683 1.0509942 1.0558069 1.0583006 0. ]\n", + " [1.163654 1.1608036 1.172328 1.1820874 1.1694124 1.1365861 1.1022248\n", + " 1.0796481 1.069571 1.0674646 1.0667728 1.0621365 1.0531585 1.0451741\n", + " 1.0416825 1.0435479 1.0487688 1.0540336 0. 0. ]\n", + " [1.1945695 1.1902761 1.2000594 1.2070342 1.1947324 1.1594216 1.1216218\n", + " 1.0960412 1.0844538 1.0814646 1.0818353 1.0758259 1.0660192 1.0569888\n", + " 1.0532694 0. 0. 0. 0. 0. ]]\n", + "[[1.1558571 1.153763 1.1650828 1.1738591 1.163497 1.1324161 1.0999146\n", + " 1.0781744 1.0671 1.0632794 1.0614208 1.0561045 1.0485785 1.0417805\n", + " 1.0389733 1.0407082 1.0454184 1.049943 1.0523615 1.0533717 1.0549026\n", + " 1.0583601]\n", + " [1.1639446 1.1606395 1.1718103 1.1813905 1.1703503 1.1380188 1.1038313\n", + " 1.0806035 1.0703257 1.067699 1.0675735 1.06313 1.0546391 1.0465801\n", + " 1.0427856 1.0442989 1.0490661 1.0541251 0. 0. 0.\n", + " 0. ]\n", + " [1.1537931 1.1507502 1.1608617 1.169248 1.1576797 1.127113 1.0946542\n", + " 1.0741892 1.0640453 1.0609848 1.0606418 1.0558106 1.0481724 1.0407542\n", + " 1.0377113 1.0393466 1.0437155 1.0486331 1.0511076 0. 0.\n", + " 0. ]\n", + " [1.1870973 1.1838738 1.1939101 1.2028735 1.189737 1.1548336 1.1189065\n", + " 1.09374 1.0818526 1.0779169 1.0763171 1.0706232 1.0606307 1.0516295\n", + " 1.0478535 1.049997 1.0555923 1.0609299 1.0634217 0. 0.\n", + " 0. ]\n", + " [1.1700974 1.1678709 1.1788784 1.187516 1.1755604 1.1414099 1.1066551\n", + " 1.0838858 1.0730547 1.0699248 1.0678717 1.0627106 1.053774 1.0458332\n", + " 1.0425361 1.0444689 1.0495989 1.054607 1.05729 0. 0.\n", + " 0. ]]\n", + "[[1.1646245 1.1618378 1.1720183 1.1804559 1.16912 1.137477 1.1053979\n", + " 1.083139 1.0724583 1.0681885 1.0657458 1.0596987 1.0507237 1.0433846\n", + " 1.0403267 1.0420473 1.0467849 1.0512356 1.0538653 1.0545937 1.05608\n", + " 1.0595092]\n", + " [1.1512685 1.1472028 1.1556786 1.163687 1.1530752 1.1228217 1.0923905\n", + " 1.0721399 1.0630082 1.0605649 1.0605614 1.0564834 1.0488131 1.0417203\n", + " 1.0385038 1.040376 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1635065 1.1598232 1.1695871 1.1777623 1.1667049 1.1335559 1.1008049\n", + " 1.0797524 1.0699718 1.0675879 1.0676148 1.0625079 1.0533006 1.0457906\n", + " 1.042399 1.0440599 1.0491298 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1669928 1.1633604 1.1728078 1.1811488 1.1675392 1.1349144 1.1013967\n", + " 1.079711 1.0696454 1.0681051 1.0681202 1.0637536 1.0553198 1.0473778\n", + " 1.0439029 1.0459064 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2042191 1.2004004 1.211488 1.2213072 1.2067871 1.1684133 1.1282854\n", + " 1.1017882 1.0884532 1.0839604 1.0812598 1.0742779 1.0630726 1.0539056\n", + " 1.0497643 1.0523546 1.0581648 1.0639062 1.0668479 1.0672964 0.\n", + " 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1740271 1.1700263 1.1812878 1.1888155 1.1760937 1.1414903 1.1059526\n", + " 1.083135 1.0727693 1.0714005 1.071805 1.067357 1.0587777 1.0504344\n", + " 1.0466582 1.048876 0. 0. 0. ]\n", + " [1.1732669 1.1704277 1.1818578 1.1919707 1.1799109 1.1459509 1.1101068\n", + " 1.0873607 1.0765604 1.0745939 1.0745786 1.0701146 1.060563 1.051561\n", + " 1.0470902 1.048779 0. 0. 0. ]\n", + " [1.172414 1.1688747 1.1798339 1.1889793 1.1779828 1.1445544 1.1096073\n", + " 1.0874286 1.076687 1.0746775 1.074556 1.070048 1.0603539 1.0518574\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1694925 1.1655712 1.1746857 1.1816264 1.168829 1.1355453 1.1032205\n", + " 1.0815864 1.0713297 1.067906 1.0668432 1.0610427 1.0527498 1.0452604\n", + " 1.0423341 1.0444416 1.0493127 1.054285 1.0563598]\n", + " [1.1641829 1.1630293 1.1739959 1.1827911 1.1696742 1.1372947 1.1037829\n", + " 1.0812199 1.0701314 1.066872 1.0655872 1.0602497 1.0520864 1.0445781\n", + " 1.0410663 1.0428022 1.0471282 1.0518322 1.0540551]]\n", + "[[1.1734582 1.1715848 1.1824336 1.1919588 1.1794045 1.14395 1.108292\n", + " 1.0851147 1.074582 1.0713911 1.0710465 1.0655118 1.0565064 1.0483065\n", + " 1.0447358 1.0462906 1.0512662 1.0563868 0. 0. 0.\n", + " 0. ]\n", + " [1.1979523 1.1931454 1.2046648 1.2140509 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1675006 1.1651313 1.175604 1.1833649 1.1705155 1.1365896 1.102503\n", + " 1.0801566 1.0706179 1.0686071 1.0691981 1.0640146 1.0554056 1.0470089\n", + " 1.043401 1.0450178 1.05013 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1728735 1.16895 1.1789544 1.1882372 1.1751745 1.1433315 1.1100985\n", + " 1.0870116 1.0750678 1.0706875 1.0686668 1.0624574 1.0535308 1.0461438\n", + " 1.0428096 1.0448438 1.0498011 1.0545163 1.0567296 1.0573514 1.0585067\n", + " 0. ]\n", + " [1.168174 1.1648593 1.1755673 1.1842486 1.1730545 1.1401858 1.1058544\n", + " 1.0830253 1.0713384 1.0672501 1.0650909 1.059317 1.0509315 1.0439024\n", + " 1.041121 1.0431968 1.0482404 1.0528686 1.0553284 1.0562068 1.0578712\n", + " 1.0614029]]\n", + "[[1.1659187 1.1619952 1.1719184 1.180179 1.1690907 1.1354393 1.1026644\n", + " 1.0805906 1.0705171 1.0689214 1.0688103 1.0648063 1.056078 1.047823\n", + " 1.044224 1.0463951 0. 0. 0. 0. ]\n", + " [1.1684986 1.1655725 1.1768037 1.1865004 1.1748241 1.1402469 1.1054741\n", + " 1.081786 1.0713128 1.0690026 1.0688562 1.0628375 1.0538415 1.045643\n", + " 1.0419494 1.0434442 1.048613 1.0536253 0. 0. ]\n", + " [1.175895 1.1691055 1.1786146 1.1883957 1.177102 1.1444546 1.1096822\n", + " 1.0872355 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1640735 1.1623418 1.1732413 1.1805115 1.1688757 1.1357464 1.1019459\n", + " 1.0805522 1.0703335 1.0690856 1.0689687 1.0643756 1.0554252 1.0473552\n", + " 1.0436027 1.0456387 0. 0. 0. 0. ]\n", + " [1.1773883 1.1765372 1.1879859 1.196527 1.1816722 1.1459289 1.110842\n", + " 1.0877703 1.0764164 1.0736126 1.0718927 1.0660055 1.0564276 1.048647\n", + " 1.0452378 1.0470363 1.0523391 1.0574164 1.0598674 1.0607008]]\n", + "[[1.1535676 1.1497886 1.1578943 1.1642325 1.1528823 1.1233197 1.0928663\n", + " 1.0733876 1.0636518 1.0618323 1.0605867 1.0567056 1.0490221 1.0420501\n", + " 1.0384823 1.0400261 1.0445777 0. ]\n", + " [1.1846879 1.1794817 1.1893141 1.197987 1.1845257 1.1486802 1.1122322\n", + " 1.0894755 1.0782961 1.0771868 1.0774355 1.0729632 1.0634478 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1796763 1.1742604 1.1827618 1.1904888 1.1800877 1.1471853 1.1132652\n", + " 1.0896695 1.0781024 1.0764688 1.0770464 1.0722113 1.0623324 1.0533841\n", + " 0. 0. 0. 0. ]\n", + " [1.1620407 1.1571997 1.1665471 1.1746247 1.1640844 1.1331176 1.1002624\n", + " 1.0793023 1.0686214 1.0663896 1.0663582 1.0615771 1.0537943 1.0463185\n", + " 1.0426948 1.0443461 1.0496739 0. ]\n", + " [1.173341 1.1688423 1.1787097 1.1877936 1.1768067 1.1439524 1.1088727\n", + " 1.085162 1.073985 1.0710183 1.0700645 1.0654883 1.0566186 1.0479461\n", + " 1.0445533 1.0461553 1.0511243 1.0563496]]\n", + "[[1.1733893 1.1702114 1.1811364 1.1907585 1.1794457 1.1459901 1.1108735\n", + " 1.0870322 1.075441 1.0718086 1.0701853 1.0650879 1.0563784 1.0481194\n", + " 1.044528 1.0460043 1.0510235 1.0563724 1.0593163 0. 0.\n", + " 0. ]\n", + " [1.1513221 1.1478143 1.1569585 1.1650074 1.1548432 1.1252952 1.0940461\n", + " 1.0730566 1.0640734 1.0622503 1.0625829 1.057977 1.0507598 1.043324\n", + " 1.0397015 1.0415289 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1532037 1.1507144 1.1610813 1.1700424 1.1583985 1.1283171 1.0973738\n", + " 1.0768414 1.0666957 1.0627164 1.0610342 1.0552188 1.0470396 1.0401957\n", + " 1.037095 1.0390329 1.0431957 1.0475451 1.049914 1.0504023 1.051644\n", + " 1.0551132]\n", + " [1.1717224 1.1673332 1.1778611 1.1863936 1.1755793 1.142621 1.1079308\n", + " 1.0851483 1.0749578 1.0729148 1.0737896 1.0693189 1.0603272 1.0514077\n", + " 1.0473814 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1661875 1.1648233 1.176782 1.1849258 1.1731662 1.139348 1.1048025\n", + " 1.0824344 1.0715686 1.0685174 1.0662715 1.0609372 1.052158 1.0443896\n", + " 1.041138 1.0432563 1.0475671 1.0526747 1.0549647 1.0556114 1.0573379\n", + " 0. ]]\n", + "[[1.1650913 1.1621355 1.1720312 1.1798302 1.1677666 1.1353945 1.1030664\n", + " 1.0807886 1.0696182 1.0660083 1.0638597 1.0584313 1.050133 1.0435643\n", + " 1.040436 1.0421742 1.0466695 1.0512279 1.0536151 1.0548878]\n", + " [1.1656922 1.1615578 1.1705264 1.1775758 1.1651272 1.1334205 1.1011646\n", + " 1.0803332 1.0701437 1.0675282 1.0664526 1.061316 1.0526605 1.0452988\n", + " 1.0420829 1.044406 1.0494767 1.0545124 0. 0. ]\n", + " [1.173362 1.1687462 1.1786346 1.1871315 1.1766047 1.1426191 1.1070805\n", + " 1.083911 1.0725542 1.0698547 1.0694152 1.0649813 1.0558853 1.0482855\n", + " 1.0442854 1.0459315 1.0512271 1.056707 0. 0. ]\n", + " [1.1855209 1.1827922 1.1929746 1.2013116 1.1883808 1.1533841 1.1174501\n", + " 1.093212 1.0810363 1.0780497 1.0768121 1.0705106 1.0613683 1.0525029\n", + " 1.0486828 1.0506516 1.0563442 1.0619446 0. 0. ]\n", + " [1.171996 1.1679823 1.1780356 1.1875942 1.1738393 1.1393613 1.104194\n", + " 1.0826005 1.0732294 1.0722239 1.073193 1.0682926 1.0587314 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1558081 1.1534476 1.1635606 1.1720806 1.1611923 1.1295408 1.0973494\n", + " 1.0762732 1.0665392 1.0641736 1.0640761 1.0597564 1.0517954 1.0441204\n", + " 1.0404804 1.0420406 1.0467682 0. 0. 0. 0. ]\n", + " [1.1886975 1.1828643 1.1942604 1.2040297 1.1912299 1.1547352 1.1161189\n", + " 1.0915802 1.08044 1.0793226 1.0801305 1.0749098 1.0651567 1.0557017\n", + " 1.0514785 0. 0. 0. 0. 0. 0. ]\n", + " [1.1711481 1.1659175 1.1743697 1.1817986 1.1699214 1.1375651 1.1042907\n", + " 1.0821357 1.0711753 1.0685887 1.067286 1.0629067 1.0545049 1.046872\n", + " 1.0432403 1.0449665 1.0498974 1.0555261 0. 0. 0. ]\n", + " [1.1602514 1.156518 1.167539 1.1777831 1.1670301 1.1349125 1.1019759\n", + " 1.0798441 1.0686201 1.0655288 1.0639681 1.0582293 1.0498363 1.0421867\n", + " 1.0390933 1.0408053 1.0453418 1.0500405 1.0520462 1.0526947 1.0538815]\n", + " [1.1581258 1.1535375 1.162161 1.1704215 1.1595953 1.1294119 1.0980077\n", + " 1.077154 1.0674369 1.0657231 1.0658333 1.0618255 1.0536261 1.0457864\n", + " 1.0423194 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1560017 1.1540002 1.1649811 1.1742698 1.1630621 1.1315342 1.0996685\n", + " 1.0782566 1.0673721 1.064236 1.0621716 1.0564283 1.0480585 1.0408252\n", + " 1.0381999 1.0394872 1.0442482 1.0488884 1.0511736 1.0523573 1.0537814\n", + " 0. 0. ]\n", + " [1.1369534 1.1337525 1.1428306 1.1520972 1.1428121 1.1142347 1.0856118\n", + " 1.0665958 1.0573134 1.0538447 1.0528903 1.0484273 1.0418279 1.0359203\n", + " 1.0333844 1.0351055 1.0386842 1.0421648 1.0444605 1.0452199 1.0461022\n", + " 1.0490793 1.0547944]\n", + " [1.2110618 1.2055014 1.2159605 1.2250493 1.2097533 1.1707572 1.1316946\n", + " 1.1056949 1.0937513 1.0926301 1.0925244 1.0864193 1.0740763 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1782223 1.1720617 1.1813259 1.1897585 1.1795208 1.1479795 1.1147312\n", + " 1.0919868 1.0809655 1.0779635 1.0767497 1.0714614 1.0616014 1.0527374\n", + " 1.0485476 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1733383 1.1711054 1.1824341 1.1904715 1.1764206 1.1417363 1.1071777\n", + " 1.0857874 1.0763142 1.0760369 1.0760252 1.070842 1.0606005 1.0513905\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.193133 1.1872537 1.1981444 1.2066191 1.1931603 1.1570418 1.1189098\n", + " 1.0942502 1.0836974 1.0825101 1.0836132 1.0782366 1.0676548 1.057686\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1690835 1.1680207 1.1793503 1.1888397 1.1781788 1.1448056 1.1097671\n", + " 1.0858896 1.0741092 1.0700774 1.0680274 1.0629272 1.0538383 1.0459642\n", + " 1.0424464 1.0438468 1.0489308 1.0538294 1.0566075 1.0575138 1.0592688]\n", + " [1.186828 1.1841125 1.1948035 1.2034456 1.1908939 1.1553826 1.1183581\n", + " 1.0931989 1.080536 1.0768877 1.074525 1.0681148 1.0590384 1.0505189\n", + " 1.0470294 1.0489615 1.0543412 1.0595659 1.0620958 1.0630784 0. ]\n", + " [1.1749542 1.1686435 1.1770406 1.1848257 1.1730287 1.1410258 1.107406\n", + " 1.0845927 1.0734248 1.0705154 1.0691761 1.0640774 1.0555447 1.0474998\n", + " 1.0438391 1.0458567 1.0509703 1.056023 0. 0. 0. ]\n", + " [1.1628428 1.1614796 1.1723797 1.1810691 1.1675621 1.1349955 1.1021667\n", + " 1.0803244 1.0701786 1.0682142 1.0680401 1.0626987 1.0539662 1.0456111\n", + " 1.0421759 1.0439775 1.049093 0. 0. 0. 0. ]]\n", + "[[1.166399 1.1622418 1.1731511 1.182496 1.1698081 1.1370975 1.1036935\n", + " 1.0817153 1.0723336 1.0715909 1.0719955 1.0674375 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1589425 1.1542938 1.1633023 1.1716905 1.1617568 1.1312325 1.0992041\n", + " 1.077841 1.0674187 1.065443 1.0652404 1.0609109 1.0523763 1.0451064\n", + " 1.0412592 1.0425907 0. ]\n", + " [1.1667831 1.1631343 1.1729121 1.1821039 1.1705605 1.1379006 1.1041389\n", + " 1.0821745 1.0720606 1.0705369 1.070778 1.0662324 1.0574644 1.0488663\n", + " 1.044739 1.046192 0. ]\n", + " [1.1605847 1.1564207 1.1661962 1.175064 1.163487 1.1317813 1.0999513\n", + " 1.0784625 1.0692122 1.0674006 1.0679034 1.063597 1.0542531 1.0460564\n", + " 1.0422066 1.0441562 0. ]\n", + " [1.1612818 1.1580524 1.1679637 1.1761789 1.1633286 1.1316016 1.0996908\n", + " 1.0792361 1.0694666 1.0674129 1.0668532 1.0617485 1.0531952 1.0451819\n", + " 1.0420531 1.0438231 1.0490093]]\n", + "[[1.1908916 1.1880047 1.1991802 1.2081813 1.1959547 1.159673 1.1212453\n", + " 1.0954508 1.0825429 1.0789661 1.0781265 1.0724671 1.06305 1.053686\n", + " 1.0498903 1.0518675 1.057221 1.0627172 1.0655471 0. 0. ]\n", + " [1.1640041 1.1606729 1.1708738 1.1804411 1.1692414 1.1374975 1.1040192\n", + " 1.0814143 1.0697501 1.0668159 1.0652156 1.0598253 1.0517087 1.0442358\n", + " 1.0407478 1.0424532 1.0471499 1.05185 1.0539386 1.0548766 1.0559363]\n", + " [1.161732 1.1583115 1.167659 1.1757494 1.1641445 1.1318667 1.0991037\n", + " 1.0787259 1.069114 1.0676023 1.0681587 1.0639484 1.0559068 1.0479628\n", + " 1.0443935 0. 0. 0. 0. 0. 0. ]\n", + " [1.1916324 1.1872718 1.19873 1.2073864 1.1923951 1.1562601 1.1186893\n", + " 1.0947734 1.0842533 1.0831476 1.0837653 1.0782088 1.0678521 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1669723 1.1635646 1.1740289 1.1836616 1.1715332 1.1386929 1.1043918\n", + " 1.0813918 1.0707608 1.0680867 1.0668814 1.06253 1.0540581 1.046639\n", + " 1.0428884 1.0446676 1.0498527 1.0548954 0. 0. 0. ]]\n", + "[[1.1607194 1.1568469 1.1657721 1.1741065 1.1628461 1.1316986 1.1002185\n", + " 1.0787251 1.0679678 1.0649146 1.0639918 1.0586056 1.0500727 1.0433977\n", + " 1.0404607 1.0425342 1.0478088 1.0526235 0. ]\n", + " [1.1641811 1.1601801 1.1703199 1.1787437 1.168312 1.1357471 1.1020274\n", + " 1.0803126 1.0705625 1.069132 1.0694557 1.0649438 1.0557237 1.0473917\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1595547 1.1559362 1.1660508 1.1740631 1.1632208 1.1317846 1.0993942\n", + " 1.0780666 1.0676906 1.0650984 1.064665 1.0598451 1.051209 1.0434331\n", + " 1.0402322 1.0418694 1.0468754 1.0519432 0. ]\n", + " [1.1765513 1.1739974 1.1851468 1.193514 1.1814516 1.1468201 1.1106235\n", + " 1.0860261 1.0744389 1.0718102 1.0710046 1.0656534 1.0568001 1.0488526\n", + " 1.0453398 1.0468663 1.0519046 1.0570308 1.0591962]\n", + " [1.1574495 1.1538668 1.1646861 1.1728349 1.1618133 1.1299129 1.0980132\n", + " 1.0769254 1.0669204 1.0640963 1.0627924 1.0577555 1.0496634 1.0419766\n", + " 1.0386775 1.0403597 1.0450255 1.0496435 1.0522798]]\n", + "[[1.1728402 1.167605 1.1760675 1.1854969 1.1739004 1.1403615 1.1065245\n", + " 1.0845343 1.0747468 1.0729749 1.0734183 1.0683992 1.0590563 1.0502057\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1551213 1.152249 1.1631793 1.1730484 1.1623018 1.1310935 1.0991132\n", + " 1.0773412 1.0667382 1.0629271 1.0614879 1.0559634 1.0474472 1.0406207\n", + " 1.0374694 1.0389572 1.0434892 1.0479134 1.0501963 1.0515206 1.0526725\n", + " 1.0557998 0. 0. ]\n", + " [1.1613995 1.1581601 1.1685983 1.1784027 1.1673374 1.1348873 1.1017685\n", + " 1.0800093 1.069369 1.0657449 1.0634855 1.0580549 1.0491263 1.0414821\n", + " 1.0386279 1.0406903 1.0459273 1.0511743 1.0538646 1.0552579 1.0562027\n", + " 1.0593435 1.0664356 1.0753335]\n", + " [1.1875192 1.1846533 1.1957213 1.2049912 1.1909688 1.154242 1.1175027\n", + " 1.0931878 1.0808153 1.0774893 1.0755885 1.069091 1.0593911 1.0516193\n", + " 1.0480515 1.0498266 1.0555521 1.0605439 1.0634693 1.0643358 0.\n", + " 0. 0. 0. ]\n", + " [1.1781244 1.1723554 1.1812844 1.190311 1.1775744 1.1443844 1.1089525\n", + " 1.0858194 1.0751812 1.0736792 1.0734947 1.0685909 1.0598383 1.0512265\n", + " 1.0473328 1.0494235 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.166842 1.1622055 1.1713983 1.1783814 1.1660657 1.1344227 1.1017808\n", + " 1.0802857 1.0701065 1.0672747 1.0653036 1.0599141 1.0515913 1.0444415\n", + " 1.0413156 1.0432193 1.0480853 1.0528358 1.0549494]\n", + " [1.1857138 1.1805022 1.1898888 1.199551 1.1870596 1.1532047 1.1174321\n", + " 1.0933489 1.0821502 1.0792527 1.079555 1.0741973 1.0636292 1.0542324\n", + " 1.0496095 1.0518614 0. 0. 0. ]\n", + " [1.1710975 1.1685579 1.1800921 1.1899594 1.1790073 1.1444019 1.1096672\n", + " 1.0863639 1.0755488 1.0737251 1.0736384 1.0687562 1.0594213 1.0503778\n", + " 1.0463833 1.0483396 0. 0. 0. ]\n", + " [1.1900918 1.1843407 1.19468 1.2037729 1.1895007 1.1523986 1.1145302\n", + " 1.0896981 1.0795646 1.0784208 1.0796806 1.0756332 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1597542 1.1553124 1.1631584 1.1715162 1.1604445 1.1302602 1.0990458\n", + " 1.0773963 1.0664521 1.0638756 1.0627663 1.0586594 1.0507199 1.0436666\n", + " 1.0402875 1.0417936 1.0461898 1.0508953 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.180212 1.1746645 1.1840163 1.1928996 1.1806957 1.1466479 1.112363\n", + " 1.0885547 1.0782402 1.076305 1.076437 1.0724009 1.0625635 1.0536569\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1797365 1.1759392 1.1853118 1.194637 1.181298 1.1470963 1.1120685\n", + " 1.0886916 1.0772858 1.0754771 1.0754132 1.0705947 1.0612797 1.0518956\n", + " 1.0478883 1.0493613 1.0549488 0. 0. 0. ]\n", + " [1.1712309 1.1690876 1.1807708 1.1905897 1.1783128 1.1445954 1.1100177\n", + " 1.0859635 1.0747297 1.0710548 1.069366 1.0637589 1.0550194 1.0473452\n", + " 1.043305 1.0448917 1.0496976 1.0545585 1.0573982 1.0586749]\n", + " [1.1640214 1.1600161 1.1712682 1.1810371 1.1703777 1.137286 1.103075\n", + " 1.0810089 1.0713311 1.0700647 1.0705199 1.0660746 1.0565275 1.0476698\n", + " 1.0435702 0. 0. 0. 0. 0. ]\n", + " [1.17658 1.1738558 1.1843507 1.1930712 1.1793673 1.1451219 1.1100348\n", + " 1.0861723 1.0749079 1.0722768 1.0717123 1.066808 1.0581256 1.0500338\n", + " 1.0461859 1.0481559 1.0535448 1.0587597 0. 0. ]]\n", + "[[1.1765026 1.172801 1.1834689 1.193488 1.1806386 1.1475898 1.1122708\n", + " 1.088841 1.0779731 1.0759273 1.0763237 1.0715135 1.0621245 1.0529519\n", + " 1.0489304 0. 0. 0. 0. 0. ]\n", + " [1.1628486 1.1597198 1.1701738 1.1784853 1.167104 1.1338617 1.1006911\n", + " 1.079005 1.0690298 1.0671628 1.0676241 1.0627712 1.0544373 1.0465851\n", + " 1.0429178 1.0449544 0. 0. 0. 0. ]\n", + " [1.1788402 1.1726631 1.1815243 1.1897157 1.1768084 1.144511 1.1094412\n", + " 1.0860875 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1663204 1.1632563 1.1732904 1.1819401 1.1690055 1.136271 1.1020315\n", + " 1.0805435 1.0705994 1.069378 1.069912 1.0652561 1.0567425 1.0485071\n", + " 1.0449744 1.0468682 0. 0. 0. 0. ]\n", + " [1.1648848 1.1612301 1.1711218 1.1791085 1.1669062 1.1348972 1.1025759\n", + " 1.0809541 1.0704795 1.0671061 1.0652919 1.0596263 1.0508972 1.0433348\n", + " 1.0401404 1.0416386 1.0461446 1.0509979 1.0534067 1.0546004]]\n", + "[[1.1682485 1.1647018 1.1744874 1.183384 1.1725547 1.1399325 1.1060247\n", + " 1.0830935 1.0723377 1.0706632 1.0709112 1.0662471 1.0576787 1.0492451\n", + " 1.0452 1.0467587 0. 0. 0. 0. ]\n", + " [1.1742198 1.171067 1.1812695 1.1889414 1.1752625 1.1407441 1.1065289\n", + " 1.084778 1.0741454 1.071609 1.0711304 1.0657575 1.0560329 1.0480255\n", + " 1.0442171 1.0460315 1.0515109 1.0569028 0. 0. ]\n", + " [1.1725693 1.1685976 1.1778886 1.1856899 1.1726412 1.138512 1.1039789\n", + " 1.0816281 1.0714743 1.0690148 1.0696077 1.0651141 1.0567939 1.0490161\n", + " 1.0454779 1.0474248 0. 0. 0. 0. ]\n", + " [1.1781762 1.1740754 1.1836325 1.1912007 1.1783608 1.1455495 1.1106019\n", + " 1.087128 1.075606 1.0725044 1.071149 1.0661445 1.0571504 1.0487778\n", + " 1.0455747 1.0474926 1.0532633 1.0583708 0. 0. ]\n", + " [1.16555 1.1624805 1.1722974 1.1797051 1.1692821 1.1381857 1.1059432\n", + " 1.0841913 1.07227 1.0684832 1.0658692 1.0591371 1.0503018 1.0426058\n", + " 1.0391413 1.0408936 1.0455115 1.0500119 1.0534208 1.0551511]]\n", + "[[1.2095686 1.2037694 1.214341 1.2227619 1.2087892 1.170548 1.1306039\n", + " 1.1040624 1.0914991 1.09065 1.091527 1.0856279 1.0743884 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2026585 1.1973113 1.2073518 1.2164203 1.2024318 1.1641259 1.1250132\n", + " 1.1000197 1.0891515 1.0877568 1.0889657 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1632464 1.1605986 1.1717687 1.1814363 1.1709132 1.1387885 1.1049275\n", + " 1.0818965 1.0706489 1.0668207 1.065014 1.0592998 1.0507743 1.0431105\n", + " 1.0399593 1.0415541 1.0462373 1.0512279 1.0535899 1.0545527 1.0561843\n", + " 1.0596629]\n", + " [1.1724658 1.166469 1.175685 1.1833689 1.1723492 1.1399055 1.1064432\n", + " 1.0848409 1.0750798 1.0735369 1.0736332 1.0694184 1.0600867 1.051309\n", + " 1.0475339 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1758839 1.1711036 1.181294 1.1903836 1.1799116 1.1453375 1.1090909\n", + " 1.0859253 1.0746974 1.0718427 1.0720383 1.0678126 1.0586544 1.0505104\n", + " 1.0468018 1.049081 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1603229 1.1581488 1.1692195 1.1782212 1.1660497 1.1343334 1.1018131\n", + " 1.0802736 1.0694088 1.0651945 1.0635418 1.0575647 1.0489011 1.0421909\n", + " 1.0393183 1.0409349 1.0460337 1.0507535 1.0525821 1.0534592 1.0546857\n", + " 1.0583618 0. 0. 0. ]\n", + " [1.1810919 1.1758505 1.1844234 1.1927449 1.1811377 1.1480087 1.1134036\n", + " 1.0902272 1.0790178 1.075624 1.0759348 1.0712565 1.0618249 1.0537413\n", + " 1.0498403 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1706445 1.1686072 1.1792004 1.1886183 1.1755109 1.1415454 1.1069107\n", + " 1.0840261 1.0729907 1.0715536 1.0712245 1.0660428 1.0566434 1.0482354\n", + " 1.0445614 1.046432 1.051824 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1863999 1.1813526 1.1906579 1.198724 1.184451 1.1486882 1.1126617\n", + " 1.088948 1.0790877 1.0777364 1.0790184 1.074138 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1483665 1.145766 1.1567559 1.1669017 1.1573117 1.1264608 1.0949914\n", + " 1.0743171 1.0646398 1.0611124 1.0595489 1.0539448 1.0454711 1.0381025\n", + " 1.03526 1.0369763 1.0416769 1.0459841 1.04855 1.0495563 1.050644\n", + " 1.0535765 1.0598872 1.0683506 1.0754693]]\n", + "[[1.1584457 1.1560988 1.1665711 1.1752814 1.1627039 1.1313063 1.0994143\n", + " 1.0778282 1.067349 1.0637382 1.0623156 1.0571175 1.0484872 1.041696\n", + " 1.0387957 1.0403022 1.0450337 1.0497417 1.0519207 1.0525634 1.0537682\n", + " 0. 0. ]\n", + " [1.1438432 1.1416864 1.1523244 1.1610801 1.15054 1.12158 1.091844\n", + " 1.0716631 1.0616804 1.0585532 1.0566571 1.0515641 1.0434008 1.0369668\n", + " 1.0343541 1.0358462 1.0399449 1.0445961 1.0468565 1.0481699 1.0492477\n", + " 1.0522027 1.0581515]\n", + " [1.163675 1.160948 1.1709722 1.178844 1.1677071 1.1363195 1.1043699\n", + " 1.0827825 1.0713085 1.0675789 1.0652778 1.0592304 1.0502357 1.0427452\n", + " 1.039891 1.041266 1.0462325 1.0507004 1.0529282 1.0535254 1.0549889\n", + " 0. 0. ]\n", + " [1.1791177 1.1746793 1.1840104 1.1930829 1.1796882 1.1448227 1.1104054\n", + " 1.0880489 1.0781375 1.0766064 1.0765224 1.0713948 1.0615584 1.0527937\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1623846 1.157872 1.1668499 1.1748991 1.1635587 1.1324385 1.1002682\n", + " 1.0789676 1.0690438 1.0672368 1.0673432 1.0629497 1.0542718 1.0461459\n", + " 1.0426338 1.0444542 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1557109 1.1516447 1.1609566 1.1688632 1.1571269 1.1273052 1.0966947\n", + " 1.0763259 1.0663153 1.063551 1.0630382 1.0591793 1.0514956 1.0442667\n", + " 1.0410718 1.0426867 1.0475458 0. 0. 0. 0. ]\n", + " [1.166527 1.1650987 1.1768255 1.1873381 1.1760459 1.1429758 1.1083157\n", + " 1.0848827 1.0733566 1.0697191 1.0673385 1.0616703 1.0524929 1.0445759\n", + " 1.0411962 1.042918 1.0480379 1.0528744 1.055233 1.0561954 1.0575212]\n", + " [1.1830765 1.178533 1.1894464 1.1992499 1.1877782 1.1534103 1.1174634\n", + " 1.0935084 1.0824387 1.0806895 1.0803267 1.0741135 1.0640403 1.0543226\n", + " 1.0498534 1.0520071 0. 0. 0. 0. 0. ]\n", + " [1.1581258 1.1550074 1.1645151 1.1725528 1.1611379 1.1297233 1.097891\n", + " 1.0776818 1.0677422 1.0651761 1.063762 1.0590469 1.0504774 1.0428433\n", + " 1.0397736 1.0413475 1.0462468 1.0506926 0. 0. 0. ]\n", + " [1.1726241 1.1701964 1.1816485 1.1898973 1.1785909 1.1444719 1.1086001\n", + " 1.0852473 1.0737139 1.070474 1.0697027 1.0640281 1.0549649 1.0466241\n", + " 1.0432988 1.0449554 1.04999 1.0552084 1.0578921 0. 0. ]]\n", + "[[1.1701299 1.1686889 1.1804317 1.1891904 1.1776402 1.1442031 1.1093625\n", + " 1.0851462 1.074066 1.0707026 1.0686753 1.0623617 1.0539911 1.0463066\n", + " 1.0431987 1.0444034 1.0493749 1.0542493 1.0568935 1.0575266 1.0594155\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1829666 1.1772957 1.186365 1.1945009 1.181019 1.1474291 1.1130397\n", + " 1.0908517 1.0798379 1.0783383 1.0776174 1.0716892 1.0615462 1.0526149\n", + " 1.0483392 1.0511447 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1563747 1.1534582 1.1645998 1.1754472 1.1668397 1.1357986 1.1029816\n", + " 1.0812094 1.0705518 1.0668613 1.0643375 1.0579203 1.0479509 1.0405777\n", + " 1.0376447 1.039685 1.0448042 1.0502334 1.052213 1.0531617 1.0546197\n", + " 1.0573927 1.0643615 1.0735407 1.080595 1.0846581 1.0856234]\n", + " [1.1797416 1.1742289 1.1837428 1.191591 1.179087 1.1444771 1.1093245\n", + " 1.0859312 1.0753316 1.0729436 1.0722893 1.067303 1.057627 1.0496005\n", + " 1.045945 1.0480705 1.0537271 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.180662 1.177761 1.1881579 1.197043 1.1836923 1.1490514 1.1127754\n", + " 1.0883662 1.0767409 1.0733219 1.0723199 1.0676205 1.0583401 1.0499395\n", + " 1.0463288 1.0482464 1.0536776 1.0585897 1.0612973 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1706495 1.1668732 1.1765397 1.1838894 1.1695682 1.136815 1.1029587\n", + " 1.081083 1.0715544 1.0690101 1.0680554 1.0626605 1.0542928 1.0460917\n", + " 1.0429941 1.0451218 1.050222 1.0552992 0. 0. 0. ]\n", + " [1.1712544 1.1678364 1.1785595 1.1875659 1.1744028 1.1393915 1.1048386\n", + " 1.0826316 1.073567 1.0735807 1.0750322 1.0699781 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1681285 1.1641513 1.1738759 1.1825665 1.1700282 1.137416 1.1038476\n", + " 1.081093 1.0703347 1.0676315 1.0671904 1.0630363 1.0545855 1.0472137\n", + " 1.0439202 1.0454111 1.0502102 1.0551554 0. 0. 0. ]\n", + " [1.1679823 1.1634722 1.1723742 1.1802694 1.1682476 1.1349468 1.1023005\n", + " 1.0802418 1.0712086 1.0698668 1.0700188 1.0658599 1.0572803 1.0488613\n", + " 1.0450369 0. 0. 0. 0. 0. 0. ]\n", + " [1.1618768 1.1590333 1.1703707 1.1800107 1.1689134 1.1364988 1.10322\n", + " 1.0808388 1.0696404 1.0658522 1.0641831 1.059175 1.0510669 1.0435672\n", + " 1.0404202 1.0421517 1.0466055 1.0511644 1.0538574 1.0549659 1.0564455]]\n", + "[[1.1737697 1.1702113 1.1804627 1.1903989 1.1778467 1.1454446 1.1114333\n", + " 1.0881711 1.0757414 1.0720917 1.0698448 1.0641121 1.054696 1.0469737\n", + " 1.0436321 1.045646 1.0501496 1.0551482 1.0575482 1.057916 1.0591449]\n", + " [1.1632481 1.1599901 1.1698768 1.1767293 1.1640558 1.1320981 1.1000824\n", + " 1.0790232 1.0691034 1.067721 1.0678309 1.0633858 1.054683 1.0469338\n", + " 1.0436006 1.0455784 0. 0. 0. 0. 0. ]\n", + " [1.186476 1.1826664 1.191933 1.2007117 1.1868453 1.1524801 1.1164315\n", + " 1.092308 1.0805265 1.0772653 1.0756167 1.0706964 1.060996 1.0525315\n", + " 1.0489448 1.0509264 1.0566499 1.0621245 0. 0. 0. ]\n", + " [1.1812766 1.17563 1.1844276 1.1920631 1.1806211 1.1465366 1.1117612\n", + " 1.0883579 1.0777828 1.0754373 1.0755864 1.0709486 1.0613976 1.0527284\n", + " 1.0488919 1.0510691 0. 0. 0. 0. 0. ]\n", + " [1.1777896 1.1758606 1.1871316 1.1958828 1.1818533 1.145881 1.1090715\n", + " 1.0846622 1.0733997 1.0707113 1.0698297 1.0646527 1.055942 1.0483346\n", + " 1.0448862 1.0468936 1.0522984 1.0576894 1.0599188 0. 0. ]]\n", + "[[1.1736503 1.1715095 1.1827816 1.192159 1.1788868 1.1450211 1.1104872\n", + " 1.0871463 1.0750451 1.071056 1.0693464 1.0630031 1.0542225 1.0464453\n", + " 1.042856 1.0447096 1.0499196 1.0551543 1.0580581 1.0595621 0.\n", + " 0. ]\n", + " [1.1750722 1.1707786 1.1829535 1.1934046 1.1809951 1.1455259 1.1086423\n", + " 1.0852947 1.0752776 1.0746443 1.0754502 1.0706109 1.0608518 1.0515537\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1667264 1.1645734 1.1765343 1.1877325 1.1770043 1.1436107 1.1083716\n", + " 1.0841545 1.0722133 1.0681152 1.0666822 1.0611844 1.0519423 1.0448219\n", + " 1.0413876 1.0429422 1.0475026 1.0526356 1.0552319 1.0556155 1.0566001\n", + " 1.0601082]\n", + " [1.1618721 1.1575725 1.1671243 1.1756182 1.1652336 1.1334566 1.1001002\n", + " 1.0787339 1.0688547 1.0671921 1.0676322 1.0636511 1.0560387 1.0477909\n", + " 1.0440162 1.0456363 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1630675 1.1591809 1.1693938 1.1787083 1.1667253 1.1344382 1.1013817\n", + " 1.0790243 1.0690824 1.0673198 1.0672178 1.063401 1.0551333 1.0469512\n", + " 1.0435627 1.0450381 1.0501902 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1695684 1.1674465 1.1790357 1.1879486 1.1758796 1.1419153 1.1066393\n", + " 1.0837715 1.072876 1.0700018 1.0693026 1.0645466 1.0553288 1.0475229\n", + " 1.0437394 1.0451648 1.0501176 1.0553075 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1691891 1.1666571 1.1778978 1.1871951 1.1752454 1.1418549 1.1072531\n", + " 1.0843229 1.0736126 1.0708663 1.0707737 1.0658584 1.0562116 1.0483036\n", + " 1.0443581 1.0459003 1.051082 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1850371 1.1812286 1.1919589 1.200612 1.1872289 1.1520948 1.115707\n", + " 1.0916237 1.0805395 1.0781574 1.0782388 1.0733008 1.0632122 1.0543877\n", + " 1.049962 1.0520597 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1613818 1.1584566 1.1685901 1.1755536 1.1641124 1.1316162 1.0996344\n", + " 1.0780383 1.0691653 1.067909 1.0678793 1.063231 1.0545125 1.0459373\n", + " 1.0421296 1.0437762 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1693465 1.1667156 1.1779381 1.1882336 1.1766845 1.1445894 1.110335\n", + " 1.0867431 1.0751672 1.0706177 1.068758 1.0629168 1.0537934 1.0457499\n", + " 1.0427922 1.0447681 1.0496751 1.054986 1.0563294 1.0572915 1.0583705\n", + " 1.0616579 1.0689918 1.0793152]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.199317 1.1937903 1.2041599 1.2118472 1.1979064 1.1609015 1.1234426\n", + " 1.0986738 1.0883147 1.0869589 1.086656 1.0816487 1.0704552 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1668346 1.1599257 1.1688322 1.1762435 1.1649787 1.1332302 1.100456\n", + " 1.0792364 1.0691268 1.067404 1.0673436 1.0631883 1.0544859 1.0468606\n", + " 1.0435604 0. 0. 0. 0. ]\n", + " [1.1855109 1.1777792 1.1860111 1.1937023 1.1829519 1.1491537 1.1143451\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1793418 1.1756117 1.1865757 1.196226 1.1826158 1.1481029 1.1125218\n", + " 1.0885139 1.0770447 1.0739901 1.073107 1.0677985 1.0584857 1.0499533\n", + " 1.0461406 1.0478418 1.0528888 1.0581809 1.0606302]\n", + " [1.1631463 1.1584961 1.1680075 1.177561 1.1674273 1.1364566 1.1027021\n", + " 1.0800265 1.0692599 1.0665458 1.0666736 1.0621376 1.053416 1.0457176\n", + " 1.0417131 1.0428984 1.0478841 0. 0. ]]\n", + "[[1.2045761 1.1990678 1.2107289 1.2198877 1.2049423 1.1650419 1.1255232\n", + " 1.099036 1.0878524 1.0869836 1.087271 1.0817356 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1587677 1.155481 1.1643322 1.1732736 1.1632719 1.132508 1.1013184\n", + " 1.0800729 1.0691727 1.0654116 1.0630747 1.0580839 1.049201 1.0419588\n", + " 1.039134 1.0406609 1.0454484 1.0502698 1.0525285 1.0535985]\n", + " [1.1713564 1.1673234 1.1775366 1.1861417 1.1740792 1.1401327 1.106467\n", + " 1.0844853 1.074949 1.0735631 1.0734452 1.0683701 1.0584909 1.0497105\n", + " 1.0459143 0. 0. 0. 0. 0. ]\n", + " [1.199458 1.19406 1.2040179 1.2131807 1.2005274 1.1647849 1.1267465\n", + " 1.1011575 1.089174 1.0860832 1.0842087 1.0779376 1.06731 1.0569927\n", + " 1.052647 1.0545692 1.0609394 1.0666921 0. 0. ]\n", + " [1.1588005 1.1554378 1.1652495 1.1725688 1.1603552 1.1293533 1.098005\n", + " 1.0773212 1.0670952 1.0645558 1.0634519 1.0590597 1.0509293 1.043631\n", + " 1.0406249 1.0423983 1.0471627 1.0519433 0. 0. ]]\n", + "[[1.1824129 1.1767278 1.1868949 1.1963156 1.1846144 1.1503639 1.1148121\n", + " 1.0914999 1.080945 1.0789689 1.079541 1.0740261 1.0641345 1.0545561\n", + " 1.0502843 0. 0. 0. 0. 0. 0. ]\n", + " [1.1627879 1.1601841 1.1713 1.1808616 1.1687305 1.1372124 1.1036534\n", + " 1.0811253 1.0699124 1.0666138 1.0648569 1.0592633 1.0514121 1.0439618\n", + " 1.0407257 1.0421332 1.0465463 1.0508317 1.052866 1.0535011 0. ]\n", + " [1.1691313 1.1657269 1.1764224 1.1861525 1.1742666 1.1416893 1.1079326\n", + " 1.0853173 1.0749907 1.07266 1.0727483 1.0676537 1.0585603 1.0499574\n", + " 1.0458027 1.047791 0. 0. 0. 0. 0. ]\n", + " [1.1860521 1.1831411 1.1953741 1.2046717 1.1915998 1.1554482 1.1179061\n", + " 1.0923654 1.0806289 1.0777626 1.0771728 1.0720972 1.0624522 1.0535114\n", + " 1.0492169 1.0508887 1.0564783 1.0620464 0. 0. 0. ]\n", + " [1.1825039 1.1792078 1.1898942 1.1976402 1.1868906 1.1528819 1.1171583\n", + " 1.0925014 1.0799838 1.074975 1.0729748 1.06694 1.0574242 1.0493822\n", + " 1.0456183 1.047867 1.0535277 1.0583956 1.0605919 1.0613794 1.0627097]]\n", + "[[1.1712086 1.1680521 1.1779052 1.1865739 1.1746418 1.1411645 1.108105\n", + " 1.0857123 1.0746776 1.0710424 1.0696272 1.0640554 1.0541342 1.0461733\n", + " 1.0428091 1.0447538 1.0495063 1.0546716 1.0566361 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1823342 1.1754272 1.1844172 1.1928438 1.181679 1.1476605 1.1115394\n", + " 1.0876234 1.0764557 1.0743731 1.0741675 1.0694798 1.0603731 1.0518861\n", + " 1.0479596 1.0500585 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1670797 1.1634448 1.1742918 1.1859167 1.1775061 1.1450626 1.1103877\n", + " 1.0866661 1.0750455 1.0708588 1.0682559 1.061948 1.0523202 1.0443434\n", + " 1.0413027 1.043346 1.0485879 1.0540736 1.0565499 1.0568384 1.0576813\n", + " 1.06105 1.0675924 1.0779173 1.086124 1.0908303 1.0921043 1.0895523]\n", + " [1.1796085 1.1765312 1.1870278 1.1952372 1.1841766 1.1506073 1.1156007\n", + " 1.0912802 1.0792875 1.0747927 1.0725374 1.0663536 1.0570754 1.0490283\n", + " 1.0460685 1.0479119 1.0530152 1.0578101 1.0605352 1.060999 1.0623719\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1949922 1.1897339 1.1985898 1.2060932 1.1923974 1.1582446 1.1210076\n", + " 1.096399 1.0840846 1.0803232 1.0781155 1.072476 1.0621434 1.0538087\n", + " 1.0499586 1.0526583 1.0584792 1.0636442 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1752148 1.1730361 1.1852248 1.1951829 1.1823523 1.1480653 1.1124141\n", + " 1.0881723 1.0763268 1.0729188 1.0709124 1.064931 1.055559 1.0472808\n", + " 1.0435584 1.0452796 1.0505525 1.0558413 1.0585593 1.059948 0.\n", + " 0. ]\n", + " [1.1893005 1.1860591 1.1964008 1.2048857 1.1925904 1.1583569 1.1221411\n", + " 1.0969571 1.0843383 1.0793417 1.0762815 1.0691899 1.0589931 1.0511699\n", + " 1.047959 1.0504444 1.0560695 1.061136 1.06335 1.0641841 1.0658728\n", + " 1.0701733]\n", + " [1.1600677 1.1586653 1.1682307 1.1766713 1.1650288 1.1333991 1.1008676\n", + " 1.0783511 1.0677769 1.064058 1.062271 1.0576961 1.0498515 1.0428295\n", + " 1.0402557 1.0418245 1.0465373 1.0512135 1.0533819 1.0538381 1.0551751\n", + " 0. ]\n", + " [1.1917148 1.1866581 1.1957874 1.2043082 1.1909118 1.1549382 1.1181035\n", + " 1.0929589 1.0815738 1.0795405 1.0790352 1.0745051 1.0645121 1.055407\n", + " 1.0515833 1.0538328 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1533635 1.1483785 1.1569694 1.1644661 1.1552778 1.1259528 1.0957981\n", + " 1.0752757 1.0652146 1.0629735 1.0629138 1.0579888 1.0504647 1.0426015\n", + " 1.0393242 1.0412132 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1562623 1.1528509 1.1621277 1.1690464 1.1584175 1.1280094 1.0970166\n", + " 1.0761559 1.0659875 1.0636051 1.06258 1.0580287 1.0499754 1.0428455\n", + " 1.0395705 1.0412232 1.0458293 1.0502628 0. ]\n", + " [1.1849252 1.1793251 1.1890205 1.1966301 1.1843677 1.1491808 1.1129681\n", + " 1.088882 1.0779537 1.0756499 1.0758078 1.0709865 1.0613912 1.0526427\n", + " 1.0485598 1.0505027 0. 0. 0. ]\n", + " [1.2000183 1.1926576 1.2008886 1.2087278 1.1952533 1.1589016 1.1215545\n", + " 1.0968801 1.0861517 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1755872 1.1712892 1.1794116 1.1872222 1.1748625 1.1429647 1.1096834\n", + " 1.0872194 1.075483 1.0719966 1.0700407 1.0647815 1.0555793 1.0477937\n", + " 1.0438671 1.0460107 1.0508342 1.0559018 1.0584879]\n", + " [1.1766304 1.1711171 1.1791291 1.1883982 1.1769047 1.1431222 1.1080066\n", + " 1.0841303 1.0734953 1.0702685 1.0704353 1.0656028 1.0572743 1.0493242\n", + " 1.045506 1.0473999 1.0527719 0. 0. ]]\n", + "[[1.1869036 1.1822526 1.1934692 1.2039301 1.1917118 1.155122 1.1174619\n", + " 1.0925628 1.0811791 1.0788597 1.0783445 1.0737377 1.064052 1.0553185\n", + " 1.0513474 1.0536271 0. 0. ]\n", + " [1.1865261 1.1812665 1.1919035 1.2012663 1.1888236 1.1545197 1.1179597\n", + " 1.0931003 1.0824219 1.0806237 1.0811218 1.0762985 1.0659747 1.0564361\n", + " 1.0516819 0. 0. 0. ]\n", + " [1.1635222 1.1605217 1.1702608 1.1771721 1.1661631 1.1333277 1.1002917\n", + " 1.0792398 1.0688472 1.0657599 1.0655586 1.0605466 1.0518587 1.0449089\n", + " 1.0414354 1.0431795 1.0479058 1.0528002]\n", + " [1.2045776 1.1983486 1.2083422 1.2169906 1.2023405 1.1641027 1.1249075\n", + " 1.0990392 1.0873384 1.0862188 1.0865467 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1770074 1.1748849 1.1865673 1.1943936 1.1833665 1.1479472 1.1109376\n", + " 1.0871971 1.0756298 1.0732067 1.0726087 1.0670149 1.0574007 1.0496105\n", + " 1.0454589 1.0470195 1.0528349 1.0581682]]\n", + "[[1.1568165 1.1531543 1.1635156 1.1729655 1.1617435 1.1307847 1.0986203\n", + " 1.0769457 1.0672711 1.0657766 1.0661243 1.0615509 1.0531245 1.0449401\n", + " 1.0409931 1.0426948 0. 0. 0. ]\n", + " [1.1718577 1.1683986 1.1784195 1.1867608 1.1751893 1.1417739 1.107878\n", + " 1.0859061 1.0748233 1.0722144 1.0710477 1.0658418 1.0562885 1.0480388\n", + " 1.0441108 1.0464516 1.0518396 1.0570251 0. ]\n", + " [1.164948 1.160997 1.1711503 1.1799802 1.1678317 1.1356732 1.1024332\n", + " 1.0800925 1.0695323 1.067523 1.0666513 1.0615975 1.0528512 1.045034\n", + " 1.0415614 1.0434461 1.0484784 1.0536712 0. ]\n", + " [1.1756103 1.1730971 1.1836134 1.1906464 1.1797861 1.1460111 1.1110743\n", + " 1.0879229 1.0753727 1.0725963 1.0708842 1.064812 1.0553685 1.0474666\n", + " 1.0436074 1.0457453 1.0513372 1.0559218 1.0579419]\n", + " [1.1675402 1.162858 1.1715972 1.1793728 1.1677719 1.1365545 1.10399\n", + " 1.0821583 1.0716097 1.0691547 1.0680385 1.0628257 1.0542021 1.0463574\n", + " 1.0427597 1.0448129 1.0499713 0. 0. ]]\n", + "[[1.1846441 1.180271 1.1896242 1.1976254 1.1848274 1.1501299 1.1139684\n", + " 1.0910705 1.0797747 1.0779312 1.0775672 1.0728374 1.0628067 1.0536087\n", + " 1.0499139 1.0523579]\n", + " [1.1699486 1.1647415 1.1733409 1.1812476 1.169142 1.1371061 1.1040049\n", + " 1.0821815 1.0722514 1.0703871 1.0704454 1.0662993 1.0569992 1.0487331\n", + " 1.0450298 0. ]]\n", + "[[1.1825504 1.1787486 1.190211 1.2000498 1.1862934 1.1499616 1.1130426\n", + " 1.0885214 1.0777452 1.0756018 1.0747062 1.0697483 1.0600761 1.0513309\n", + " 1.0476186 1.0491396 1.0549155 1.0602504 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1916738 1.1855278 1.1939489 1.2019304 1.1881632 1.1522629 1.1164439\n", + " 1.0928211 1.0819077 1.079946 1.0801476 1.0754821 1.06538 1.0567855\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1558936 1.1534823 1.1642158 1.1734778 1.162309 1.1307266 1.0984716\n", + " 1.0772886 1.066641 1.0633464 1.0613631 1.0557765 1.0473889 1.0403212\n", + " 1.0378559 1.0400199 1.0447532 1.0493534 1.0517094 1.0520915 1.0530763\n", + " 1.0559309 1.0629555 1.0721335]\n", + " [1.1702572 1.1679604 1.1792585 1.188942 1.1767335 1.1417847 1.1062497\n", + " 1.0835961 1.073445 1.0714914 1.0716627 1.0663294 1.0569763 1.0486349\n", + " 1.0447642 1.0465915 1.0522832 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1546509 1.1507436 1.1597816 1.1667285 1.1548847 1.1250508 1.0943593\n", + " 1.0736064 1.0636512 1.0610657 1.0601754 1.0553827 1.04785 1.0410453\n", + " 1.0380505 1.0397265 1.0439909 1.0483516 1.050755 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1693172 1.1648304 1.1730405 1.1805809 1.1680424 1.1369387 1.104221\n", + " 1.0814011 1.070044 1.0659641 1.064875 1.0606973 1.0528138 1.0458958\n", + " 1.042441 1.0442842 1.0490214 1.0536426 1.0564208 0. ]\n", + " [1.1612357 1.1601804 1.1710453 1.1799076 1.1666176 1.1339959 1.1008246\n", + " 1.0786 1.0677507 1.0644201 1.0624176 1.0578214 1.0496572 1.0426226\n", + " 1.0396917 1.0414532 1.045863 1.0502175 1.0520794 1.0526828]\n", + " [1.1726718 1.1687058 1.1790507 1.1880751 1.1753854 1.1427002 1.1076336\n", + " 1.084839 1.0746697 1.0720521 1.0723344 1.0671293 1.0576019 1.0497179\n", + " 1.0457242 1.0477719 0. 0. 0. 0. ]\n", + " [1.186792 1.1807301 1.1898098 1.1981919 1.1851534 1.1499076 1.1131251\n", + " 1.0893455 1.0795103 1.0786031 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.16065 1.1574159 1.1674238 1.175224 1.1641384 1.1312813 1.099165\n", + " 1.0776266 1.0677742 1.065585 1.065451 1.0607845 1.0526092 1.0452132\n", + " 1.041757 1.0432297 1.0482382 0. 0. 0. ]]\n", + "[[1.1836133 1.1802951 1.1902814 1.1969446 1.1838757 1.1491971 1.1134857\n", + " 1.0894444 1.0782471 1.0751499 1.0748544 1.0697598 1.0602617 1.0517074\n", + " 1.0478079 1.0495919 1.0547241 1.0599846 0. ]\n", + " [1.1683286 1.1640964 1.1742094 1.1830461 1.1710327 1.1393589 1.1059486\n", + " 1.0842197 1.0742842 1.0722108 1.0719789 1.0670165 1.0577604 1.0491109\n", + " 1.0452354 0. 0. 0. 0. ]\n", + " [1.1958649 1.1923375 1.2057059 1.21762 1.2044096 1.1651087 1.1241301\n", + " 1.0959496 1.0827181 1.0796239 1.0786424 1.0734049 1.0634578 1.0544814\n", + " 1.050168 1.0518751 1.0576054 1.0633049 1.0660752]\n", + " [1.1727763 1.1699382 1.1804895 1.1886743 1.1771827 1.1431277 1.1079783\n", + " 1.084211 1.0733536 1.0702587 1.0686115 1.0633748 1.0544976 1.0461735\n", + " 1.0426931 1.0442188 1.0489866 1.0541496 1.0565425]\n", + " [1.1727674 1.1689752 1.1790476 1.1878558 1.1754 1.1425277 1.1079581\n", + " 1.0849173 1.0737963 1.07148 1.0706141 1.0650146 1.056347 1.0480465\n", + " 1.0445218 1.046029 1.0514597 1.0567603 0. ]]\n", + "[[1.1640065 1.1616993 1.1725063 1.1813468 1.1683128 1.1356324 1.1024711\n", + " 1.0797964 1.0700259 1.0686858 1.0682175 1.0638707 1.0548497 1.0469539\n", + " 1.0432374 1.0449783 0. 0. 0. 0. 0. ]\n", + " [1.1566778 1.1548235 1.1660239 1.1756017 1.1642934 1.1328894 1.1001443\n", + " 1.0784086 1.0677317 1.0638075 1.0622123 1.0566864 1.0479959 1.0408545\n", + " 1.0376693 1.03937 1.0441266 1.0485579 1.0507969 1.0516878 1.0529517]\n", + " [1.1704367 1.165279 1.174578 1.183363 1.1712054 1.1378813 1.1055773\n", + " 1.0838053 1.0734121 1.0712489 1.0707017 1.0654691 1.0566322 1.0481261\n", + " 1.044773 0. 0. 0. 0. 0. 0. ]\n", + " [1.1799636 1.1773285 1.1872544 1.1959991 1.1843202 1.1504562 1.1146083\n", + " 1.0910306 1.0787579 1.074596 1.0721747 1.0658845 1.0561465 1.0486422\n", + " 1.0453027 1.0473729 1.0524756 1.0578724 1.0600462 1.0608582 1.0619651]\n", + " [1.1900983 1.1848152 1.1959466 1.2060546 1.1925933 1.156159 1.1183133\n", + " 1.0934038 1.0822837 1.080123 1.0796125 1.0743822 1.0640575 1.0545496\n", + " 1.0504636 1.0527608 1.059222 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1526744 1.1494753 1.1591533 1.1671735 1.1558838 1.1241736 1.0931332\n", + " 1.0733407 1.0642192 1.0629452 1.062531 1.0581262 1.0499368 1.0420101\n", + " 1.0387827 1.0403991 1.0453509 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1783233 1.1745511 1.1850045 1.1938623 1.1820574 1.147949 1.1119449\n", + " 1.0876526 1.076804 1.0743822 1.0743017 1.0695107 1.0599647 1.0516303\n", + " 1.0474967 1.0493262 1.0551357 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1692675 1.1658119 1.1760837 1.1848105 1.1720914 1.1395695 1.1057392\n", + " 1.0833689 1.0721709 1.0681856 1.0660045 1.0603111 1.0516372 1.044079\n", + " 1.0411531 1.0429826 1.048015 1.052734 1.0553237 1.0562416 1.0576788\n", + " 1.0614554]\n", + " [1.1865776 1.18331 1.1932671 1.2028202 1.1894016 1.154872 1.118154\n", + " 1.0927031 1.0803382 1.0768826 1.0755622 1.0698484 1.0606755 1.0513282\n", + " 1.0474963 1.0494097 1.054476 1.0596325 1.0623035 0. 0.\n", + " 0. ]\n", + " [1.1721505 1.1679776 1.1780372 1.18563 1.172784 1.1385083 1.1048808\n", + " 1.0828531 1.072918 1.070983 1.0706007 1.065459 1.056748 1.0485346\n", + " 1.0450556 1.0471294 1.0525689 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.196595 1.1901894 1.1998019 1.2095662 1.1972498 1.1617013 1.1247815\n", + " 1.0996822 1.0871559 1.0846916 1.0835924 1.0774456 1.0672911 1.0575309\n", + " 1.053068 1.0550215 1.0606109 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1793234 1.1772571 1.188174 1.1971191 1.1845111 1.148912 1.1140609\n", + " 1.090221 1.0782417 1.0735298 1.071752 1.066534 1.0569466 1.0486243\n", + " 1.0453303 1.0470804 1.0522903 1.0573716 1.0601594 1.0613896 0.\n", + " 0. 0. 0. ]\n", + " [1.1667033 1.1627568 1.1733332 1.1828289 1.1713269 1.1388779 1.1051439\n", + " 1.082367 1.0721158 1.0704439 1.0705589 1.0666709 1.0579731 1.0496751\n", + " 1.0460417 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1490754 1.1475058 1.1579058 1.1669134 1.15709 1.1262352 1.0956726\n", + " 1.0750669 1.064797 1.0614313 1.0594609 1.0543095 1.0458999 1.0393234\n", + " 1.0367185 1.0386158 1.0430601 1.0475487 1.0498606 1.0504007 1.0513982\n", + " 1.0541344 1.0609496 1.0700735]\n", + " [1.1667883 1.1636461 1.1734191 1.181858 1.1689698 1.1363345 1.1033282\n", + " 1.0809032 1.0709064 1.0686153 1.0690758 1.0649692 1.055835 1.0479211\n", + " 1.0444987 1.046305 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1533389 1.1507401 1.1597509 1.167261 1.1543462 1.1242851 1.0933268\n", + " 1.072694 1.0628281 1.0604287 1.0595723 1.0547575 1.0472009 1.0404087\n", + " 1.037229 1.0387181 1.0430347 1.0472963 1.0499095]\n", + " [1.1686077 1.1647792 1.1758107 1.1852152 1.1749258 1.1420424 1.1076969\n", + " 1.0847808 1.0747831 1.0730879 1.0736048 1.068647 1.0590976 1.0503196\n", + " 1.0459888 0. 0. 0. 0. ]\n", + " [1.1794695 1.1747375 1.1855016 1.195038 1.1828063 1.1483752 1.1124976\n", + " 1.0883995 1.0783354 1.0770859 1.0771247 1.0724405 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2022953 1.1960635 1.2055023 1.2132035 1.200002 1.1630676 1.1248173\n", + " 1.0991427 1.0877832 1.0860842 1.0863802 1.0808727 1.0700008 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1853669 1.1814235 1.1920141 1.2003303 1.1882349 1.1536721 1.1175678\n", + " 1.0927968 1.0809836 1.077446 1.0761495 1.0699836 1.0598061 1.0511492\n", + " 1.0469239 1.0492792 1.0551705 1.0603116 1.0627021]]\n", + "[[1.1780475 1.1728112 1.1830975 1.1911952 1.1777433 1.1432112 1.10834\n", + " 1.0859729 1.0760347 1.0753579 1.0761532 1.0713246 1.0613722 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1800413 1.1768026 1.1877544 1.1963784 1.1836243 1.148887 1.1123675\n", + " 1.0895959 1.0789232 1.0776727 1.078295 1.0732523 1.0632157 1.0538424\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1571887 1.1536312 1.163582 1.1725838 1.1609391 1.1296675 1.0981153\n", + " 1.0771024 1.0665196 1.0644234 1.0638264 1.0586739 1.0510061 1.0435361\n", + " 1.0401028 1.0416937 1.0464915 1.0514923 0. ]\n", + " [1.2060983 1.201163 1.2107713 1.2193363 1.2049801 1.1673893 1.1284597\n", + " 1.102382 1.0905216 1.088585 1.0896828 1.0838546 1.0719815 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.16544 1.1620433 1.171822 1.1807368 1.1693325 1.137155 1.104443\n", + " 1.0822836 1.0713743 1.0678664 1.0665922 1.0613511 1.0520713 1.0446734\n", + " 1.041017 1.0427393 1.0476859 1.0526428 1.0551552]]\n", + "[[1.1557349 1.1520008 1.1613582 1.1703885 1.1592227 1.1281642 1.0964073\n", + " 1.0754513 1.0653126 1.0623947 1.0625727 1.0579396 1.0496968 1.0425369\n", + " 1.039181 1.04058 1.0455844 1.0507236 0. ]\n", + " [1.1836483 1.1772995 1.1863523 1.1958734 1.1831114 1.1490031 1.1130676\n", + " 1.0898992 1.0799797 1.0789675 1.0795432 1.074161 1.0638666 1.0542682\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1677887 1.1655416 1.1764174 1.1846707 1.1715608 1.1374887 1.1033063\n", + " 1.081281 1.0713418 1.0698221 1.0699228 1.0645999 1.0560069 1.0476861\n", + " 1.0441234 1.0456636 1.0508937 0. 0. ]\n", + " [1.1722102 1.168242 1.1781862 1.1870838 1.1751966 1.1417171 1.1073009\n", + " 1.0837436 1.0727762 1.0694733 1.0680004 1.0634426 1.0548313 1.0469787\n", + " 1.0438464 1.0456029 1.0504502 1.0555527 1.0578265]\n", + " [1.1713097 1.1661862 1.1747091 1.1815628 1.1711757 1.1398132 1.1074295\n", + " 1.0850177 1.0738521 1.0715263 1.0712847 1.0662471 1.057537 1.0492026\n", + " 1.0449924 1.0467843 0. 0. 0. ]]\n", + "[[1.1778039 1.1754487 1.1862671 1.1953381 1.1837595 1.1512704 1.1161087\n", + " 1.0918602 1.0791658 1.0747193 1.0724565 1.0649588 1.0558865 1.0479184\n", + " 1.0449111 1.0465555 1.0521622 1.0566419 1.0589076 1.059503 1.0609858\n", + " 0. 0. ]\n", + " [1.1709085 1.1687948 1.1793212 1.1892252 1.1773161 1.1455284 1.1118151\n", + " 1.0886805 1.0767273 1.0719838 1.0697665 1.0633986 1.0541476 1.0459129\n", + " 1.0431212 1.0451578 1.0505695 1.055247 1.0576757 1.0582482 1.0591514\n", + " 1.0626664 1.070067 ]\n", + " [1.1534544 1.1497226 1.159091 1.1669455 1.156742 1.1264845 1.0952139\n", + " 1.074346 1.0655046 1.0642623 1.0645769 1.0605195 1.0519782 1.0442358\n", + " 1.0406144 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1613657 1.159758 1.1711144 1.1807504 1.1685808 1.1365825 1.1032552\n", + " 1.0816294 1.0705585 1.0666987 1.0647705 1.059024 1.0502642 1.0428549\n", + " 1.0396557 1.0414921 1.045546 1.05062 1.0528272 1.053598 1.055028\n", + " 0. 0. ]\n", + " [1.1664377 1.162446 1.1721838 1.1783508 1.1657851 1.1334051 1.1014144\n", + " 1.0807879 1.0708125 1.0676366 1.0663024 1.061116 1.0521493 1.0447024\n", + " 1.0416797 1.0436804 1.0488082 1.0537275 1.0561415 0. 0.\n", + " 0. 0. ]]\n", + "[[1.166439 1.1627456 1.1732962 1.1821929 1.1705978 1.1368073 1.1026572\n", + " 1.0806242 1.070977 1.069959 1.0705644 1.0664806 1.0577579 1.0493381\n", + " 1.0452859 0. 0. 0. 0. 0. 0. ]\n", + " [1.1645323 1.1620377 1.1715102 1.1794945 1.1687756 1.1377441 1.105097\n", + " 1.083132 1.0725819 1.0688756 1.0668404 1.0608109 1.0517356 1.0444368\n", + " 1.0409439 1.0427947 1.0475147 1.0519348 1.0540932 1.0550224 0. ]\n", + " [1.1625185 1.1592278 1.1686523 1.1768622 1.165157 1.1340028 1.1022619\n", + " 1.0807636 1.0694714 1.0658385 1.0637844 1.0580859 1.0503894 1.0432363\n", + " 1.0405223 1.0416685 1.046363 1.051145 1.0535556 1.0547154 1.0562332]\n", + " [1.1625363 1.1585116 1.1663337 1.174142 1.1633265 1.1334475 1.1024824\n", + " 1.0813711 1.0716219 1.0685672 1.0674403 1.0624758 1.053871 1.0458057\n", + " 1.0421036 1.0438045 1.0487583 0. 0. 0. 0. ]\n", + " [1.1755902 1.1707848 1.180514 1.1889603 1.1777657 1.1435226 1.1082526\n", + " 1.0853933 1.0762467 1.0746496 1.0744169 1.0698357 1.0602309 1.0512556\n", + " 1.0474072 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1984762 1.1931373 1.202999 1.2115079 1.1984628 1.1616052 1.123323\n", + " 1.0984917 1.0872587 1.0850044 1.0847574 1.0791259 1.0686253 1.058559\n", + " 1.0548718 0. 0. 0. 0. 0. 0. ]\n", + " [1.1982334 1.1947223 1.2066927 1.2159017 1.2021828 1.1640911 1.1243045\n", + " 1.0972823 1.0848314 1.0810496 1.0789945 1.0734662 1.0634226 1.0541853\n", + " 1.0503273 1.0520635 1.0574428 1.0628117 1.0654352 0. 0. ]\n", + " [1.1736434 1.1697004 1.1806785 1.1905956 1.1783979 1.1447603 1.1093386\n", + " 1.0853409 1.0738078 1.0715475 1.0710456 1.0661019 1.0572249 1.0486033\n", + " 1.0449196 1.0464748 1.0514767 1.0564264 0. 0. 0. ]\n", + " [1.1704007 1.1656337 1.1757079 1.1853324 1.1732304 1.1402887 1.1056037\n", + " 1.0826081 1.0722238 1.0701046 1.0700006 1.0652267 1.0566413 1.047832\n", + " 1.0442554 1.0459504 1.0516891 0. 0. 0. 0. ]\n", + " [1.1540096 1.1527424 1.1636649 1.1724194 1.1604599 1.1293516 1.097137\n", + " 1.0762137 1.065678 1.0624274 1.0603278 1.0555781 1.0477617 1.040838\n", + " 1.0380219 1.0397154 1.0443983 1.048688 1.0507157 1.0515224 1.0527983]]\n", + "[[1.1578205 1.1527164 1.1623019 1.170414 1.1608826 1.1307 1.0984923\n", + " 1.0773593 1.0677445 1.0660592 1.0661911 1.0614406 1.053094 1.0450684\n", + " 1.0413654 1.0429988 0. 0. 0. 0. 0. ]\n", + " [1.1660621 1.1623353 1.1728836 1.1829205 1.1709807 1.1378952 1.1032753\n", + " 1.081087 1.0713459 1.0697765 1.0702538 1.0665599 1.0578637 1.0493855\n", + " 1.0453924 1.0473815 0. 0. 0. 0. 0. ]\n", + " [1.1608131 1.1584156 1.1693726 1.1776792 1.1653658 1.1327112 1.1008071\n", + " 1.079401 1.068579 1.0657486 1.0632869 1.0582541 1.049843 1.0424312\n", + " 1.0394522 1.0411583 1.0458454 1.0509217 1.0531958 1.054071 1.0553768]\n", + " [1.174018 1.1708499 1.1817392 1.1893837 1.177487 1.1437876 1.1087896\n", + " 1.085085 1.0739095 1.0706468 1.0685391 1.0632421 1.0543514 1.0459561\n", + " 1.042803 1.0448995 1.0502785 1.0555809 1.0580034 0. 0. ]\n", + " [1.1645361 1.1618811 1.1719748 1.1802336 1.1683881 1.1352668 1.1017635\n", + " 1.0796487 1.0687333 1.0663155 1.0652658 1.0598153 1.0515846 1.0442293\n", + " 1.0407946 1.0421991 1.0470079 1.0515491 1.0540447 0. 0. ]]\n", + "[[1.1711644 1.168604 1.1787177 1.1874923 1.1747719 1.1413087 1.1067865\n", + " 1.084103 1.0738882 1.0727297 1.0732446 1.0681782 1.0592105 1.0506756\n", + " 1.0468148 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1727784 1.1671273 1.1776989 1.1867688 1.1750968 1.1423057 1.10893\n", + " 1.086807 1.0766082 1.07543 1.0755818 1.0699657 1.060582 1.0513505\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1966022 1.1933191 1.2058934 1.2168493 1.2028223 1.1648108 1.1250408\n", + " 1.0982285 1.0856216 1.0822419 1.0811344 1.0748683 1.0646746 1.0551496\n", + " 1.0505667 1.0522941 1.0576788 1.0632261 1.0655435 0. 0.\n", + " 0. 0. ]\n", + " [1.1585858 1.1547438 1.1641867 1.1716526 1.1599061 1.1292158 1.0971293\n", + " 1.0760844 1.0659387 1.0638115 1.0629432 1.0590224 1.0512836 1.0439256\n", + " 1.0410855 1.042751 1.047711 1.0525523 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1474043 1.1449951 1.1552707 1.1632054 1.1518162 1.1222595 1.0915499\n", + " 1.0720671 1.0626243 1.0594572 1.0576274 1.0522168 1.044472 1.0379653\n", + " 1.0353659 1.0372634 1.0419738 1.0457544 1.0478991 1.0490577 1.0502187\n", + " 1.0533764 1.0602413]]\n", + "[[1.1770447 1.1716945 1.18109 1.189276 1.1752495 1.1420327 1.1083751\n", + " 1.0863965 1.0772609 1.0761116 1.0761256 1.0713826 1.0616 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1781338 1.1732664 1.1839387 1.1924679 1.1803905 1.145682 1.1107659\n", + " 1.0872667 1.0769886 1.0748568 1.075387 1.0705243 1.0610595 1.0521353\n", + " 1.0480961 1.050277 0. 0. 0. ]\n", + " [1.1653575 1.1632054 1.1747817 1.1828694 1.170391 1.1367885 1.1026034\n", + " 1.0800635 1.069686 1.066799 1.0658787 1.0610048 1.0529144 1.0452977\n", + " 1.0417564 1.0433061 1.0480213 1.0527089 1.0547947]\n", + " [1.1507788 1.1471409 1.1547729 1.1624122 1.1504791 1.1216546 1.0919039\n", + " 1.0721143 1.0625619 1.0602216 1.0603241 1.0566299 1.0494486 1.0428709\n", + " 1.0394617 1.0410571 0. 0. 0. ]\n", + " [1.1779875 1.174025 1.1842248 1.1935904 1.1814138 1.1471363 1.110861\n", + " 1.0868244 1.0751088 1.071519 1.0712038 1.066413 1.057329 1.049251\n", + " 1.0453084 1.0470927 1.0525876 1.0580362 0. ]]\n", + "[[1.1600626 1.1581365 1.1688471 1.1782312 1.1659706 1.1337844 1.1008472\n", + " 1.0783603 1.0678357 1.0651169 1.0642135 1.0598382 1.0515695 1.0439807\n", + " 1.0408319 1.0418363 1.0465117 1.0512179 1.0537168 0. ]\n", + " [1.187673 1.1827137 1.1931612 1.2014492 1.1890792 1.15313 1.1163536\n", + " 1.0914955 1.0800993 1.0785449 1.07834 1.0725453 1.0630767 1.0538837\n", + " 1.0503395 0. 0. 0. 0. 0. ]\n", + " [1.1917337 1.1869375 1.1976163 1.207231 1.1936961 1.1573207 1.1192583\n", + " 1.0939344 1.082759 1.0815343 1.0820787 1.0768377 1.0661374 1.0563407\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1731308 1.1697874 1.1798693 1.1882824 1.1768901 1.1435006 1.1080741\n", + " 1.0842018 1.072871 1.0689555 1.0675777 1.0618644 1.0536052 1.0462716\n", + " 1.042938 1.0446591 1.0490485 1.0539433 1.0565388 1.0576532]\n", + " [1.1603116 1.1570524 1.1680127 1.1775821 1.1678948 1.1358273 1.1020933\n", + " 1.0790008 1.0684587 1.0651542 1.064913 1.0599375 1.051404 1.043468\n", + " 1.0403143 1.0419312 1.0463295 1.0510936 0. 0. ]]\n", + "[[1.161927 1.1576426 1.1655579 1.1731759 1.1615698 1.1304815 1.0984292\n", + " 1.0783383 1.0689853 1.0670238 1.0670341 1.0629693 1.0548693 1.0469077\n", + " 1.0435146 0. 0. 0. 0. ]\n", + " [1.1727952 1.170482 1.1817576 1.1893654 1.1763265 1.141881 1.1081564\n", + " 1.0853388 1.0747595 1.0717947 1.0697689 1.064287 1.0545915 1.0463011\n", + " 1.0433892 1.0449334 1.0500807 1.0549364 1.0571345]\n", + " [1.1655866 1.1636821 1.1737547 1.1811633 1.1690354 1.135434 1.1017395\n", + " 1.0799893 1.0697328 1.0685065 1.0681751 1.063655 1.0555909 1.0476873\n", + " 1.0436378 1.0453198 1.0503979 0. 0. ]\n", + " [1.1839147 1.1806493 1.1911603 1.1993213 1.1859856 1.1514591 1.1164982\n", + " 1.0925288 1.0804014 1.0768219 1.0744846 1.0689068 1.0588548 1.0502434\n", + " 1.0461063 1.048666 1.054283 1.059212 1.0615268]\n", + " [1.1851016 1.1812079 1.1918124 1.2005076 1.1869878 1.1522467 1.1163847\n", + " 1.0918403 1.080536 1.077358 1.0767945 1.0717137 1.0613003 1.0525858\n", + " 1.0486634 1.0509919 1.0568212 0. 0. ]]\n", + "[[1.1839738 1.1793158 1.1892813 1.197392 1.1838155 1.1494198 1.1141169\n", + " 1.090636 1.0795448 1.0764954 1.07528 1.0700262 1.0603845 1.0516186\n", + " 1.0480262 1.0500516 1.0564142 0. 0. 0. ]\n", + " [1.1658916 1.1628739 1.1739538 1.1825323 1.1713665 1.1369598 1.1036121\n", + " 1.0805788 1.0688819 1.0654844 1.0644598 1.0597035 1.0517958 1.0448464\n", + " 1.0418532 1.0430952 1.0478693 1.0521827 1.0543174 1.0552868]\n", + " [1.1641586 1.1606793 1.1706139 1.1800056 1.1682434 1.1372733 1.1045532\n", + " 1.0824517 1.0715901 1.0691818 1.0682497 1.0622567 1.0536003 1.0457156\n", + " 1.0427122 1.0444785 1.0502582 0. 0. 0. ]\n", + " [1.1940246 1.1902056 1.2002593 1.2091562 1.1951765 1.1603054 1.1229819\n", + " 1.0974853 1.085148 1.0814117 1.0800068 1.0739412 1.0639083 1.0543282\n", + " 1.0504625 1.0524507 1.0585413 1.0638299 0. 0. ]\n", + " [1.1735961 1.1695044 1.1795496 1.1880263 1.1751049 1.1413482 1.1058519\n", + " 1.0827113 1.0725521 1.0706054 1.0702466 1.0656246 1.0565196 1.0481788\n", + " 1.0448048 1.0467132 1.051932 1.057112 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1884396 1.1841954 1.1964858 1.2058579 1.1911954 1.1535181 1.116263\n", + " 1.0923127 1.0824934 1.0812846 1.0817777 1.0763981 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1829236 1.1796601 1.1909893 1.2004423 1.1885954 1.1547878 1.1178837\n", + " 1.0931541 1.081409 1.0770774 1.0743765 1.0675339 1.0576766 1.0490947\n", + " 1.0453701 1.0477079 1.0526428 1.0580055 1.0601509 1.0611925 1.0627003]\n", + " [1.1960192 1.1915789 1.2008164 1.2092185 1.1941823 1.1586251 1.1217079\n", + " 1.0970966 1.085964 1.0840452 1.0842115 1.0783848 1.0676097 1.0579735\n", + " 1.0534885 0. 0. 0. 0. 0. 0. ]\n", + " [1.1860762 1.1833997 1.1947733 1.2044842 1.1927907 1.1571313 1.1194118\n", + " 1.0936849 1.081312 1.0775193 1.0753382 1.068884 1.0587752 1.0507634\n", + " 1.0474044 1.0490233 1.0548327 1.0604858 1.0628928 1.0635657 1.065174 ]\n", + " [1.1841952 1.1803312 1.1906674 1.1995239 1.1862946 1.1494532 1.11256\n", + " 1.0885587 1.077739 1.0770124 1.0780902 1.0725571 1.0630641 1.0538306\n", + " 1.049709 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1647809 1.1606598 1.1707466 1.1795415 1.168794 1.1362721 1.1032386\n", + " 1.0811751 1.0714529 1.0700744 1.0707762 1.0664445 1.0573331 1.0488745\n", + " 1.044654 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.151312 1.14747 1.1589279 1.1709218 1.1623887 1.132275 1.1001066\n", + " 1.0786785 1.0684826 1.0652847 1.0633408 1.0577921 1.0487031 1.0413765\n", + " 1.0384926 1.0405381 1.0455469 1.050941 1.0533994 1.0539751 1.0548625\n", + " 1.0575361 1.063348 1.0724895 1.0800942 1.0840895 1.0855066 1.0822476\n", + " 1.0744921 1.0651937 1.0566193 1.0514549]\n", + " [1.1759089 1.1693982 1.1786764 1.1873065 1.1770695 1.1441156 1.1097087\n", + " 1.0871841 1.0763787 1.074357 1.0746064 1.0705189 1.061008 1.0519879\n", + " 1.0476387 1.0494792 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1627917 1.1596351 1.1710126 1.1810472 1.1691461 1.1363335 1.1023008\n", + " 1.0802691 1.0698762 1.0669774 1.065811 1.0606741 1.0515301 1.0437775\n", + " 1.0398526 1.041652 1.046539 1.0515139 1.053857 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1978874 1.1908098 1.199765 1.2071072 1.1943455 1.1584029 1.1216302\n", + " 1.0969584 1.0869012 1.085089 1.0853177 1.0801361 1.0697243 1.0595262\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1629317 1.1576134 1.1668079 1.1745692 1.1646947 1.1338176 1.1021543\n", + " 1.0813552 1.0713719 1.0696932 1.0698717 1.0653069 1.0562491 1.0478647\n", + " 1.0437992 0. 0. 0. 0. 0. ]\n", + " [1.16416 1.1616673 1.1729077 1.1821489 1.1709696 1.1385288 1.105443\n", + " 1.083091 1.0711116 1.0676585 1.0658656 1.0603921 1.0516156 1.0443769\n", + " 1.0407325 1.0424273 1.0468675 1.0516051 1.0542223 1.055803 ]\n", + " [1.1682041 1.1649853 1.1751012 1.1831579 1.1712903 1.1385249 1.1060511\n", + " 1.0836558 1.0725769 1.0687866 1.0667132 1.0603195 1.0514762 1.0437715\n", + " 1.0406771 1.0422903 1.0470221 1.0515302 1.0538985 1.0550873]\n", + " [1.1926466 1.188305 1.1981558 1.2057365 1.1933358 1.1578386 1.1203201\n", + " 1.0948465 1.081781 1.0785141 1.0775683 1.0714457 1.0623676 1.0534817\n", + " 1.0492977 1.051396 1.0569104 1.0626216 0. 0. ]\n", + " [1.1562941 1.1533228 1.1631353 1.170737 1.1589903 1.1273699 1.0953777\n", + " 1.0750026 1.0654314 1.0645094 1.0646887 1.0604571 1.0519853 1.0441072\n", + " 1.0404767 1.042082 0. 0. 0. 0. ]]\n", + "[[1.145493 1.1427232 1.1518521 1.1599368 1.1497252 1.1205891 1.0916388\n", + " 1.0725465 1.0626017 1.05922 1.0570222 1.0516214 1.0437055 1.037289\n", + " 1.0345528 1.0364158 1.0410019 1.0450617 1.0476187 1.0485083 1.0498012\n", + " 1.0528406 1.0592169]\n", + " [1.173437 1.169045 1.1813358 1.191576 1.180589 1.1457975 1.1102587\n", + " 1.0865567 1.0759785 1.0742154 1.0744443 1.0693887 1.0595703 1.0504429\n", + " 1.0464138 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1608727 1.157125 1.1667571 1.1748767 1.1629925 1.1302581 1.0979533\n", + " 1.0773282 1.0671996 1.0638416 1.0629818 1.0581819 1.050389 1.0433899\n", + " 1.0401678 1.0417616 1.0465657 1.0511626 1.0535927 0. 0.\n", + " 0. 0. ]\n", + " [1.1567551 1.1526092 1.163305 1.1724923 1.1620467 1.1304399 1.0971702\n", + " 1.0761203 1.0667197 1.0659223 1.0663395 1.0619127 1.0530434 1.0447719\n", + " 1.0409247 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1818863 1.179653 1.192092 1.2006837 1.186969 1.1499724 1.1128311\n", + " 1.0885147 1.0774275 1.0747708 1.0734245 1.0677054 1.0577867 1.0497065\n", + " 1.0460259 1.0481257 1.0534514 1.0584216 1.0607488 0. 0.\n", + " 0. 0. ]]\n", + "[[1.148572 1.1456423 1.1549107 1.1635733 1.1530696 1.1230866 1.0938027\n", + " 1.0737003 1.063524 1.0596726 1.058042 1.0529532 1.0451746 1.0386102\n", + " 1.0363424 1.0384326 1.0427144 1.0471643 1.0495032 1.0502981 1.051618\n", + " 1.0544261 1.0604725 1.0689886]\n", + " [1.173269 1.1698864 1.1802901 1.1897346 1.1773719 1.1439686 1.1091802\n", + " 1.0859327 1.0751417 1.0728679 1.0732235 1.0689095 1.0599694 1.051446\n", + " 1.0474175 1.0492041 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1672379 1.1647898 1.1752218 1.1844344 1.1712465 1.1377296 1.1037271\n", + " 1.0814286 1.070868 1.0696694 1.0696748 1.0653256 1.0565535 1.0485921\n", + " 1.0448159 1.0465102 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1800536 1.1747057 1.1847439 1.1931467 1.1815883 1.1469278 1.1114826\n", + " 1.0876969 1.0764005 1.0738394 1.0736543 1.0687598 1.0588853 1.050296\n", + " 1.0464351 1.0484523 1.0539666 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1645101 1.16027 1.1682731 1.1762526 1.1637353 1.1318593 1.0994593\n", + " 1.0796487 1.070899 1.0700686 1.0708845 1.0656859 1.0561484 1.0478007\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1638465 1.1603802 1.1709942 1.179255 1.1682162 1.1362557 1.1021409\n", + " 1.0804453 1.0696385 1.0670494 1.0656658 1.0609186 1.0524142 1.0449135\n", + " 1.0411206 1.0425849 1.0477923 1.0528114 1.0555488]\n", + " [1.198061 1.1917485 1.2009672 1.210564 1.1966419 1.1595347 1.1208007\n", + " 1.0963583 1.0851098 1.08316 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1972566 1.1913506 1.2014554 1.2093005 1.1941173 1.1564165 1.1189088\n", + " 1.0955323 1.0853868 1.0852021 1.0856521 1.0795618 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1769993 1.174172 1.1859515 1.1946123 1.1826764 1.1480751 1.1118298\n", + " 1.0880764 1.0770379 1.0740991 1.0727282 1.0677727 1.0579056 1.0494486\n", + " 1.0457748 1.0476782 1.0530733 1.0587306 0. ]\n", + " [1.1686896 1.1645055 1.1737441 1.1816149 1.1695039 1.1363672 1.1023875\n", + " 1.081084 1.0702727 1.0671505 1.0656047 1.0606874 1.0518941 1.0447164\n", + " 1.0411888 1.0430411 1.0477566 1.0525917 1.0552543]]\n", + "[[1.1889626 1.1829476 1.1934004 1.2016485 1.1899115 1.1560032 1.1196967\n", + " 1.0961741 1.0850687 1.0832617 1.0837216 1.0787072 1.0680008 1.0581633\n", + " 0. 0. 0. 0. ]\n", + " [1.1622988 1.1597747 1.1710408 1.1787429 1.167514 1.1350234 1.1014539\n", + " 1.079612 1.06933 1.066537 1.0664531 1.0614038 1.052297 1.0447918\n", + " 1.0412589 1.042785 1.0475644 1.0522603]\n", + " [1.1588862 1.1544744 1.1627381 1.1699482 1.1589686 1.1285672 1.0974298\n", + " 1.0762802 1.0662378 1.0643173 1.0642205 1.0599627 1.0522437 1.0449878\n", + " 1.0412788 1.0426769 1.0474783 0. ]\n", + " [1.1747919 1.1695535 1.1779292 1.1870873 1.1738579 1.1402041 1.1054865\n", + " 1.0836356 1.073663 1.0729288 1.0736136 1.0690533 1.0599315 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1609019 1.1572347 1.1672126 1.1746615 1.1634341 1.1317288 1.0989563\n", + " 1.077997 1.0681058 1.0659658 1.0660558 1.0617324 1.05339 1.0458791\n", + " 1.0423723 1.0442975 0. 0. ]]\n", + "[[1.1633754 1.1603273 1.1697268 1.1768982 1.1649479 1.1335428 1.1009641\n", + " 1.079196 1.0683993 1.0655565 1.0641414 1.0602226 1.0522139 1.0453273\n", + " 1.041507 1.0431287 1.0477434 1.0523598 1.054622 ]\n", + " [1.1677268 1.1638615 1.173583 1.1808034 1.1671994 1.133695 1.1004047\n", + " 1.0792613 1.0698684 1.0675983 1.0667787 1.0615928 1.0526428 1.0449338\n", + " 1.0416503 1.0436835 1.0489916 1.0540087 0. ]\n", + " [1.1651077 1.1593478 1.1674681 1.1745925 1.1634432 1.1327925 1.1005199\n", + " 1.0786539 1.0682385 1.065269 1.0643754 1.05932 1.051691 1.0444024\n", + " 1.0415115 1.0434645 1.0482899 1.0534756 0. ]\n", + " [1.192483 1.1875029 1.1964948 1.2046726 1.191128 1.1565096 1.1202986\n", + " 1.0958743 1.0843569 1.0821826 1.0816247 1.0765305 1.066082 1.056892\n", + " 1.0528634 0. 0. 0. 0. ]\n", + " [1.1907598 1.1857247 1.1946648 1.2025616 1.1896704 1.1541501 1.1172681\n", + " 1.0928953 1.0812666 1.0799385 1.0803701 1.0754185 1.0662502 1.0569962\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1815494 1.1777146 1.188471 1.1972475 1.1840392 1.1485438 1.1126865\n", + " 1.0891885 1.0781164 1.0758172 1.0757492 1.0707781 1.061113 1.0523254\n", + " 1.0485318 1.0506917 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1596726 1.1568933 1.1671171 1.1752875 1.1635348 1.1324633 1.1001381\n", + " 1.0786228 1.068421 1.0657593 1.0648319 1.0607541 1.0524664 1.0443243\n", + " 1.0409975 1.0424043 1.0470746 1.05194 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1691238 1.1666161 1.1769509 1.1860472 1.1761233 1.1437813 1.1100577\n", + " 1.0873141 1.0757837 1.0713865 1.0691131 1.0627589 1.053546 1.0459785\n", + " 1.0426774 1.0444294 1.0494034 1.0541214 1.0561922 1.0568346 1.0580169\n", + " 1.0613313 1.0686333]\n", + " [1.1860254 1.181904 1.1919395 1.19934 1.1856663 1.1506222 1.1148214\n", + " 1.0904638 1.0795206 1.0766165 1.0770565 1.0718379 1.0626 1.0545597\n", + " 1.0505264 1.0525525 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1790395 1.1744338 1.1852007 1.195334 1.1837202 1.1488386 1.1133835\n", + " 1.0897069 1.0791514 1.0774419 1.0778885 1.0726738 1.0632621 1.053796\n", + " 1.0496075 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.158953 1.1543671 1.1622162 1.1693549 1.1573291 1.1264404 1.0954118\n", + " 1.0757532 1.0669864 1.0655143 1.0665115 1.0620654 1.0541413 1.0462933\n", + " 1.042759 0. 0. 0. 0. 0. ]\n", + " [1.1888503 1.1862998 1.1969332 1.2059615 1.1921332 1.1571193 1.1202313\n", + " 1.0952077 1.0821724 1.0778923 1.075987 1.0700089 1.0601809 1.0521431\n", + " 1.048704 1.0504023 1.0557603 1.0600194 1.0626023 1.0643576]\n", + " [1.1975758 1.1921024 1.2035701 1.2144364 1.2016648 1.1643579 1.1250464\n", + " 1.0994585 1.0873512 1.0857487 1.0863152 1.0808879 1.0692027 1.0593872\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1742384 1.1720157 1.1835322 1.1933935 1.1801834 1.1461849 1.1098907\n", + " 1.0850515 1.0739357 1.0709703 1.0693221 1.0649871 1.056103 1.0480158\n", + " 1.0445915 1.0458802 1.0506101 1.05539 1.0576583 0. ]\n", + " [1.1780375 1.1769168 1.1873372 1.195329 1.1816967 1.1460702 1.1100439\n", + " 1.0866913 1.0753891 1.0732535 1.0731981 1.0675057 1.0583446 1.0501723\n", + " 1.0458348 1.0475466 1.0527923 1.0577703 0. 0. ]]\n", + "[[1.1802728 1.177395 1.1872895 1.1947494 1.183513 1.1494625 1.1143198\n", + " 1.0894129 1.0777224 1.0730525 1.0706164 1.0641648 1.0557376 1.0477704\n", + " 1.0449693 1.046607 1.0520196 1.0565829 1.0589573 1.060118 1.061446\n", + " 0. 0. ]\n", + " [1.1855303 1.1831968 1.1944193 1.203887 1.1907845 1.1557717 1.1194062\n", + " 1.0944452 1.0821377 1.0776172 1.0758123 1.0696412 1.059131 1.0507542\n", + " 1.0468916 1.0485257 1.0541044 1.0593406 1.0621519 1.0635717 0.\n", + " 0. 0. ]\n", + " [1.1604534 1.1584283 1.1689639 1.1785744 1.1675133 1.1359324 1.1035267\n", + " 1.0813633 1.0701636 1.0665567 1.0644039 1.0586628 1.0493491 1.0422322\n", + " 1.0392077 1.0416706 1.046622 1.0519563 1.0542812 1.0547749 1.0560907\n", + " 1.0593696 1.0667465]\n", + " [1.1787189 1.1747308 1.1849298 1.1927693 1.1788518 1.144474 1.1089814\n", + " 1.0859339 1.0750699 1.0726488 1.071691 1.0665252 1.0573512 1.0495135\n", + " 1.0459621 1.0482173 1.0535369 1.0588393 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.166098 1.163981 1.1746807 1.1830257 1.1698096 1.1366415 1.1035545\n", + " 1.081127 1.0710402 1.0688818 1.0685493 1.0639653 1.0551665 1.0476873\n", + " 1.0440211 1.045852 1.0509809 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1706972 1.1666667 1.1759032 1.1843828 1.1714597 1.1387188 1.1052935\n", + " 1.0831245 1.0725964 1.070152 1.0699575 1.0647044 1.0556862 1.0471227\n", + " 1.0435313 1.0455203 1.0511147 0. 0. 0. 0. ]\n", + " [1.1785245 1.1737032 1.1835475 1.1924808 1.1795663 1.1446518 1.1091325\n", + " 1.0857905 1.0746862 1.0717806 1.0713387 1.0665275 1.0569474 1.0490749\n", + " 1.0453205 1.0474039 1.0529249 1.0584334 0. 0. 0. ]\n", + " [1.1836611 1.1780473 1.1875701 1.1957343 1.1838601 1.1501565 1.1148841\n", + " 1.0921974 1.0819216 1.0810168 1.0814307 1.0751568 1.0645334 1.0545009\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1967015 1.1933663 1.2040534 1.2130793 1.2005174 1.1633635 1.124531\n", + " 1.0984715 1.085371 1.0808715 1.0783434 1.0717965 1.0616721 1.0532198\n", + " 1.0496193 1.0520099 1.0572062 1.0625224 1.0654022 1.0660578 1.0679502]\n", + " [1.2079475 1.2019584 1.2096075 1.2191517 1.2048247 1.1671951 1.1296866\n", + " 1.1051173 1.0931461 1.0915477 1.0914953 1.0848725 1.0728083 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.180566 1.1772739 1.1874164 1.1960669 1.1828902 1.147814 1.1115358\n", + " 1.0880783 1.0766588 1.0735724 1.0730121 1.0676559 1.0583588 1.0503359\n", + " 1.0463735 1.0479534 1.0529525 1.057906 1.060086 0. ]\n", + " [1.2107816 1.2055087 1.2161938 1.225243 1.2096336 1.171556 1.1317033\n", + " 1.1054218 1.0936943 1.0926434 1.093162 1.0870786 1.0753459 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1670203 1.162934 1.1736513 1.1832248 1.1718339 1.1384919 1.104325\n", + " 1.0818518 1.0712711 1.0689288 1.0693289 1.0650362 1.0560082 1.0479742\n", + " 1.0441439 1.045611 1.0509759 0. 0. 0. ]\n", + " [1.186238 1.1812432 1.1895124 1.1981598 1.1847761 1.1499836 1.1141421\n", + " 1.0911566 1.0798146 1.0777941 1.077049 1.0712404 1.0618062 1.0525447\n", + " 1.0486289 1.0509421 1.0569133 0. 0. 0. ]\n", + " [1.165297 1.1623726 1.1740929 1.1833522 1.1721632 1.1390681 1.105027\n", + " 1.0817957 1.0710912 1.0676247 1.065994 1.0611056 1.052361 1.0447488\n", + " 1.041359 1.0429746 1.0476035 1.0520207 1.0542037 1.0547371]]\n", + "[[1.1716158 1.1692524 1.1799111 1.1891861 1.1770544 1.1431801 1.1082901\n", + " 1.0852885 1.07399 1.0717015 1.0709463 1.0665468 1.057498 1.0493184\n", + " 1.0459454 1.0476177 1.0530398]\n", + " [1.1664073 1.1614304 1.1713891 1.1796064 1.1685361 1.1367044 1.1040566\n", + " 1.0817767 1.0716693 1.069595 1.0702327 1.066364 1.057476 1.0494508\n", + " 1.0455306 0. 0. ]\n", + " [1.1688192 1.1630014 1.1703371 1.1770213 1.1642383 1.132578 1.1009041\n", + " 1.080399 1.0707049 1.0684885 1.0687294 1.0641351 1.0555216 1.0475723\n", + " 1.0439909 0. 0. ]\n", + " [1.1729248 1.169315 1.1806004 1.1902361 1.1786392 1.143789 1.1081028\n", + " 1.0849171 1.0742475 1.0719304 1.0720177 1.0671549 1.0582333 1.0492269\n", + " 1.0457627 1.0474352 1.0527712]\n", + " [1.156002 1.1527811 1.1633112 1.172671 1.1625359 1.1315763 1.0987616\n", + " 1.0766326 1.0666683 1.064424 1.0634122 1.0590833 1.0507294 1.0427256\n", + " 1.0396925 1.0409708 1.0459447]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.2277563 1.2218918 1.2345848 1.2443168 1.2294507 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1614307 1.1592753 1.1693232 1.1788806 1.1675661 1.136262 1.1031883\n", + " 1.0805887 1.0691597 1.0655315 1.0635303 1.0582347 1.0501047 1.0434248\n", + " 1.0404524 1.0423543 1.0467874 1.0515987 1.0537986 1.0545549 1.0558234\n", + " 1.0594133]\n", + " [1.1583457 1.1546774 1.1653347 1.1741391 1.1635003 1.1319176 1.0990862\n", + " 1.0776145 1.0682399 1.0663171 1.0669984 1.0624281 1.0540711 1.045695\n", + " 1.0420356 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.193084 1.1896396 1.2006506 1.2092476 1.1977007 1.1615777 1.123706\n", + " 1.0988315 1.0856813 1.0806907 1.0778975 1.0705012 1.0603781 1.0516939\n", + " 1.0478139 1.0498767 1.0550679 1.0604404 1.0636371 1.0645912 1.0660367\n", + " 0. ]\n", + " [1.1672906 1.16218 1.1733816 1.1822724 1.1717836 1.1384687 1.1043687\n", + " 1.0819069 1.0712345 1.0690945 1.0694988 1.0650525 1.0560142 1.0476705\n", + " 1.0441443 1.0462325 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.173563 1.1707973 1.180061 1.1897887 1.1771317 1.1413743 1.1060913\n", + " 1.0838226 1.0741261 1.0739517 1.0743623 1.0696359 1.060158 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1642419 1.1584206 1.1663873 1.1729041 1.1618143 1.1306148 1.0991756\n", + " 1.0786546 1.0693706 1.0683411 1.0681416 1.0642183 1.055614 1.0476338\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1826888 1.179183 1.1902598 1.199053 1.1873912 1.1518878 1.1153756\n", + " 1.0915087 1.0796187 1.0772336 1.0761973 1.0706577 1.0604947 1.0514672\n", + " 1.0472462 1.0490992 1.0548891 1.0602804 0. ]\n", + " [1.1862017 1.1820397 1.193264 1.2010509 1.1872294 1.1505985 1.1147355\n", + " 1.091374 1.0808975 1.080369 1.0805817 1.0751867 1.0644097 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1620855 1.1601967 1.1697595 1.1772475 1.1641899 1.1324167 1.100442\n", + " 1.0786822 1.0680649 1.0648404 1.0635113 1.0581051 1.0505481 1.0435108\n", + " 1.0398552 1.0416102 1.046332 1.0511214 1.0539292]]\n", + "[[1.2105643 1.2046053 1.2142301 1.2214305 1.2087986 1.1711825 1.1321259\n", + " 1.104888 1.0935333 1.0914804 1.0911785 1.0856718 1.074183 1.0642257\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1667972 1.1636946 1.1746461 1.1851265 1.1728284 1.1402547 1.1062622\n", + " 1.0831535 1.0721911 1.0695249 1.0693265 1.0650281 1.0564232 1.0485754\n", + " 1.0447031 1.0462484 1.051426 0. 0. ]\n", + " [1.1696779 1.1674342 1.1781315 1.1869577 1.1756253 1.1420068 1.1071398\n", + " 1.0838306 1.0724505 1.0689672 1.0682011 1.0627162 1.0540606 1.0459507\n", + " 1.0423932 1.0440506 1.0488628 1.053764 1.0561805]\n", + " [1.1763086 1.1720616 1.182295 1.1913704 1.1793107 1.1452872 1.1104436\n", + " 1.08767 1.0768874 1.07485 1.0749277 1.069745 1.0601004 1.0512825\n", + " 1.0472002 1.0492024 0. 0. 0. ]\n", + " [1.1496694 1.145397 1.1540313 1.1613669 1.1494794 1.120339 1.0909733\n", + " 1.0714982 1.0628611 1.0616525 1.0620952 1.0587736 1.0511843 1.0438323\n", + " 1.0405098 0. 0. 0. 0. ]]\n", + "[[1.162974 1.1592362 1.1688534 1.1759956 1.16514 1.1337107 1.1009086\n", + " 1.0795985 1.0691732 1.0663772 1.0652132 1.06097 1.0530211 1.0448443\n", + " 1.041309 1.0427502 1.0475006 1.0521789 0. 0. 0. ]\n", + " [1.207728 1.2017913 1.211987 1.2193905 1.2062507 1.1685038 1.1282591\n", + " 1.1019863 1.0900043 1.0879892 1.0892425 1.0841861 1.0737088 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1596421 1.1561898 1.1670954 1.1753554 1.1649048 1.1331741 1.1002338\n", + " 1.0785402 1.0688008 1.0669369 1.0665541 1.061986 1.0533885 1.0454605\n", + " 1.0415801 1.0431334 1.0482142 0. 0. 0. 0. ]\n", + " [1.1791971 1.1779693 1.1896813 1.2002113 1.1871247 1.1522188 1.1163093\n", + " 1.091775 1.0793723 1.0751565 1.0728621 1.0665127 1.0575987 1.0492786\n", + " 1.045446 1.0470477 1.0530007 1.0582342 1.060691 1.0615312 0. ]\n", + " [1.1744002 1.171 1.1814193 1.1918887 1.1811364 1.148317 1.1128323\n", + " 1.0891644 1.0767796 1.0726204 1.0705498 1.0653735 1.0561396 1.0478785\n", + " 1.0441815 1.0452508 1.0502144 1.0550894 1.0576644 1.0584599 1.0596429]]\n", + "[[1.1736321 1.1690459 1.1795597 1.1887922 1.1778603 1.1443498 1.109524\n", + " 1.0860002 1.0748395 1.0719029 1.0717795 1.0666119 1.0576282 1.0487913\n", + " 1.0446138 1.0457809 1.0509238 1.0560732 0. 0. 0. ]\n", + " [1.1500219 1.1482525 1.1575787 1.1659722 1.154568 1.1257436 1.0947514\n", + " 1.0742304 1.0643605 1.061012 1.059155 1.0530756 1.0453124 1.039215\n", + " 1.0362041 1.0378393 1.0422425 1.046662 1.0485728 1.0489914 1.0503819]\n", + " [1.1817865 1.1781594 1.1894265 1.199159 1.1847702 1.1488096 1.1129105\n", + " 1.0899068 1.0800434 1.0794013 1.0800033 1.074935 1.0645701 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1638829 1.1599059 1.1691852 1.1783 1.1664194 1.1340609 1.1010817\n", + " 1.0793492 1.0687023 1.0668844 1.0664983 1.0621511 1.0538231 1.0458678\n", + " 1.042417 1.0441396 1.0493982 0. 0. 0. 0. ]\n", + " [1.1831285 1.1786556 1.1889216 1.1988053 1.1863002 1.1519883 1.1161522\n", + " 1.0919919 1.080563 1.0779309 1.0776119 1.072485 1.0626738 1.0534542\n", + " 1.0490631 1.050663 1.0563498 0. 0. 0. 0. ]]\n", + "[[1.1585491 1.1552074 1.165215 1.1735163 1.1625763 1.1315979 1.0994713\n", + " 1.0779029 1.0670526 1.0635941 1.0625731 1.0579283 1.0496352 1.0425186\n", + " 1.0395695 1.0413924 1.0459777 1.0505253 1.0528522 0. 0.\n", + " 0. ]\n", + " [1.1671754 1.1646572 1.174115 1.1831707 1.1704036 1.1379161 1.1049477\n", + " 1.082916 1.0714644 1.067502 1.0649595 1.0593534 1.0507079 1.0436645\n", + " 1.0405833 1.0423847 1.0475769 1.0527178 1.0552808 1.056548 1.0583243\n", + " 1.062032 ]\n", + " [1.167212 1.1649603 1.1757354 1.1838392 1.1726118 1.1398549 1.1059892\n", + " 1.0831294 1.0725691 1.0693791 1.0677383 1.0626135 1.053496 1.0460377\n", + " 1.042294 1.0438734 1.0486667 1.0535405 1.0560515 0. 0.\n", + " 0. ]\n", + " [1.1819683 1.1780392 1.1869994 1.1945535 1.1814293 1.1477857 1.112286\n", + " 1.0884358 1.0774399 1.074222 1.0737457 1.0687218 1.0597885 1.0517253\n", + " 1.0479215 1.0501649 1.0557418 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1673753 1.1629186 1.1725795 1.180667 1.1693873 1.1371995 1.1042368\n", + " 1.0829194 1.0722129 1.07042 1.0698547 1.0654062 1.0558763 1.0479113\n", + " 1.0441496 1.0462599 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1739621 1.1719664 1.1816657 1.1908116 1.1783513 1.1444331 1.1104702\n", + " 1.0873946 1.0761276 1.0718596 1.0704466 1.0642608 1.0546991 1.0470265\n", + " 1.0434841 1.045532 1.0502712 1.0551702 1.0573362 1.0580016 0.\n", + " 0. ]\n", + " [1.1603731 1.1570339 1.1667745 1.1744266 1.1628859 1.1322063 1.1009003\n", + " 1.0796317 1.069886 1.0669599 1.0666573 1.0614306 1.0524901 1.0444736\n", + " 1.0410314 1.0432632 1.048264 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1809918 1.1767408 1.1870095 1.1957618 1.1853911 1.1515594 1.1162134\n", + " 1.0921241 1.0807129 1.0778643 1.0764751 1.0707773 1.0603867 1.0509636\n", + " 1.0469514 1.0486777 1.0547142 1.0600814 0. 0. 0.\n", + " 0. ]\n", + " [1.1663867 1.1620171 1.1719306 1.1806248 1.1700743 1.1390816 1.1060221\n", + " 1.0834501 1.0725577 1.0695686 1.0689238 1.0637379 1.0545778 1.0465865\n", + " 1.0433075 1.0452971 1.0507444 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.164485 1.1634605 1.1753161 1.1837265 1.172073 1.1389999 1.1054964\n", + " 1.0832553 1.0720598 1.0682303 1.0658808 1.0604998 1.0516127 1.0440956\n", + " 1.0412455 1.042874 1.0478524 1.0525043 1.0549625 1.055846 1.0572995\n", + " 1.0611634]]\n", + "[[1.1611596 1.1589406 1.1685328 1.1764448 1.1644328 1.1326547 1.10062\n", + " 1.0791346 1.0681051 1.0654948 1.0640415 1.058446 1.0505872 1.0433959\n", + " 1.0403938 1.0423291 1.0470204 1.0516644 1.0540026 0. 0.\n", + " 0. ]\n", + " [1.1777874 1.1752768 1.186029 1.1951821 1.1834041 1.1488705 1.1136427\n", + " 1.0894862 1.0772301 1.0728936 1.0710579 1.0649216 1.0557861 1.0479236\n", + " 1.0445881 1.0468274 1.0518837 1.0569648 1.0593115 1.0599025 1.0615925\n", + " 1.0649579]\n", + " [1.1860198 1.1814204 1.1923655 1.2024399 1.1899273 1.1538186 1.1165029\n", + " 1.0917168 1.0801569 1.0776151 1.0776355 1.0724504 1.0627056 1.0533811\n", + " 1.0491186 1.0511285 1.05703 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1575035 1.1528813 1.161735 1.1685148 1.156777 1.1267903 1.0962071\n", + " 1.0760949 1.0669785 1.0652715 1.0648438 1.0604738 1.0523293 1.0446455\n", + " 1.041695 1.044014 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1741695 1.1702509 1.1805214 1.1894741 1.1773723 1.1435437 1.1073831\n", + " 1.0842028 1.0730581 1.070372 1.0693744 1.0639116 1.054946 1.046896\n", + " 1.043441 1.0459355 1.0509504 1.0557989 1.0580006 0. 0.\n", + " 0. ]]\n", + "[[1.1639578 1.1611507 1.1722553 1.1819843 1.1716852 1.1403959 1.1073116\n", + " 1.0846012 1.0735289 1.0692102 1.0666317 1.0606089 1.0513564 1.0436258\n", + " 1.0407493 1.0426706 1.0478781 1.052655 1.0551635 1.0557642 1.0565531\n", + " 1.0590296 1.0662636 1.0759933]\n", + " [1.1716658 1.1672937 1.1781154 1.1875997 1.1765821 1.1422555 1.1070559\n", + " 1.0836927 1.0732445 1.072047 1.0723869 1.0672014 1.0574137 1.0486546\n", + " 1.0447792 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1785252 1.1745085 1.1837562 1.1914444 1.1786182 1.144194 1.1099198\n", + " 1.0881965 1.0780388 1.0767154 1.0775572 1.0719169 1.062021 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.172322 1.169387 1.1808432 1.1895257 1.1773363 1.1432041 1.1082871\n", + " 1.08519 1.0745026 1.0719779 1.071932 1.0670717 1.0569772 1.0487077\n", + " 1.0448219 1.0463619 1.0521814 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1741396 1.1689763 1.1774629 1.1850109 1.1728553 1.1395797 1.1061655\n", + " 1.0834944 1.0732516 1.0710329 1.0713086 1.0675181 1.0591801 1.0509888\n", + " 1.0471038 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1804649 1.1769531 1.1867995 1.1959475 1.1841761 1.1504673 1.1152732\n", + " 1.0917243 1.0808737 1.0791961 1.0794408 1.0738506 1.0638669 1.054193\n", + " 1.0496408 0. 0. 0. ]\n", + " [1.1782256 1.1742761 1.18456 1.193912 1.1818852 1.1478429 1.1127822\n", + " 1.0888416 1.0779203 1.0747384 1.0747755 1.0701807 1.0605268 1.0522228\n", + " 1.0482454 1.0496639 1.0551918 0. ]\n", + " [1.1688834 1.1659478 1.1766889 1.1863768 1.1742239 1.1412827 1.106385\n", + " 1.0826902 1.0712087 1.0688341 1.0687139 1.0642531 1.0556519 1.0476614\n", + " 1.0435482 1.0451747 1.050269 1.0551841]\n", + " [1.2124519 1.2064968 1.2162952 1.223418 1.2096311 1.1722317 1.1331449\n", + " 1.1066141 1.0938642 1.0919617 1.091676 1.0847925 1.074044 1.0633456\n", + " 1.0590705 0. 0. 0. ]\n", + " [1.1756474 1.1705866 1.1803329 1.1896732 1.1772404 1.1425016 1.1082313\n", + " 1.0860615 1.0762347 1.0751053 1.0757272 1.0701922 1.0605233 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1701639 1.1681397 1.1795578 1.1883155 1.1750072 1.14132 1.1064595\n", + " 1.0840273 1.0727785 1.069141 1.0677462 1.062233 1.0530305 1.0457422\n", + " 1.0424184 1.0443755 1.0491575 1.0539503 1.0560588 1.0569364]\n", + " [1.168356 1.163133 1.1728266 1.1813626 1.1707844 1.1387107 1.1057438\n", + " 1.0836676 1.0737293 1.0720624 1.0722153 1.0677438 1.0586635 1.0501647\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1723326 1.1690536 1.1792549 1.1870099 1.175892 1.142529 1.1081178\n", + " 1.0849551 1.0737972 1.0711348 1.0711491 1.0666797 1.0573277 1.0494369\n", + " 1.0454253 1.0474353 1.0527774 0. 0. 0. ]\n", + " [1.1734278 1.1701162 1.1807802 1.1899298 1.1775882 1.143017 1.1077356\n", + " 1.0849853 1.0736824 1.071723 1.07118 1.0659401 1.0572567 1.0489266\n", + " 1.0449973 1.0469917 1.0524391 0. 0. 0. ]\n", + " [1.1741705 1.1704972 1.1818558 1.1918802 1.1792467 1.1443814 1.1085958\n", + " 1.0846479 1.073146 1.0704472 1.0698764 1.0652891 1.0567431 1.0487735\n", + " 1.0446918 1.0463014 1.0510905 1.0559417 1.0585315 0. ]]\n", + "[[1.1558989 1.1516339 1.1609181 1.1704938 1.1594418 1.1288496 1.0970747\n", + " 1.0755492 1.0660584 1.0641565 1.0643796 1.0602798 1.0520093 1.0444541\n", + " 1.0410056 1.0426223 0. 0. ]\n", + " [1.1689463 1.165887 1.1765114 1.1850699 1.1734852 1.1396905 1.1055115\n", + " 1.0832175 1.0730366 1.0709677 1.0711638 1.066267 1.0575445 1.0490214\n", + " 1.0450532 1.0468765 0. 0. ]\n", + " [1.184024 1.1793433 1.1878538 1.1939731 1.1814622 1.1471138 1.1122886\n", + " 1.0881845 1.0768796 1.0735809 1.072189 1.0662677 1.0579028 1.0497718\n", + " 1.0467577 1.0490037 1.0546533 1.0599858]\n", + " [1.1672745 1.161983 1.17044 1.1784439 1.1679093 1.136157 1.1035557\n", + " 1.0821154 1.0727607 1.0718331 1.0722026 1.067517 1.0581025 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.180335 1.1754633 1.1855626 1.193871 1.1799004 1.1450934 1.1095476\n", + " 1.086632 1.0765085 1.075634 1.0761266 1.0721508 1.0626193 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1821752 1.1774628 1.187893 1.1969206 1.1837912 1.147865 1.1111356\n", + " 1.0868559 1.0768754 1.07612 1.0775203 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.169021 1.16558 1.1761495 1.1862371 1.1747264 1.1422305 1.1085147\n", + " 1.0857834 1.0741161 1.0699911 1.067874 1.0617778 1.0523074 1.0447414\n", + " 1.0415328 1.0436504 1.0486863 1.0536621 1.0561668 1.057172 1.0586666\n", + " 1.0624392 1.0702076]\n", + " [1.1832491 1.1787094 1.1892625 1.1987269 1.1849825 1.1492087 1.1127917\n", + " 1.089118 1.0778233 1.075276 1.074083 1.0681252 1.0580143 1.0492204\n", + " 1.0456588 1.0479349 1.0541016 1.0599164 1.0627936 0. 0.\n", + " 0. 0. ]\n", + " [1.1775814 1.1727579 1.1824279 1.1917571 1.1794703 1.1463816 1.1107908\n", + " 1.0871971 1.0759014 1.073469 1.0729831 1.0689138 1.06036 1.0519567\n", + " 1.04776 1.049666 1.0549554 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1686032 1.1656998 1.1761577 1.1856318 1.1736976 1.141421 1.1082608\n", + " 1.0853323 1.0738021 1.0697346 1.0669479 1.0615363 1.0523833 1.0451851\n", + " 1.0415742 1.0434849 1.0486399 1.0533887 1.0558622 1.0572052 1.0586479\n", + " 0. 0. ]]\n", + "[[1.1824083 1.1775135 1.1864 1.1941612 1.1833853 1.1499443 1.1145722\n", + " 1.0906733 1.0794175 1.0778906 1.0782002 1.0734562 1.0637473 1.054599\n", + " 1.0502958 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1722008 1.1676745 1.1773498 1.185238 1.1722633 1.1388199 1.1047215\n", + " 1.0831807 1.0731323 1.0715123 1.072253 1.0673859 1.0577435 1.0491326\n", + " 1.0452919 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1588415 1.1548914 1.1651158 1.1748093 1.1642243 1.1323541 1.0996249\n", + " 1.077749 1.0676968 1.0657294 1.066062 1.0616283 1.052609 1.0443984\n", + " 1.0405686 1.0421585 1.0473307 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1724037 1.1695917 1.181181 1.1922253 1.1832974 1.1508539 1.1160342\n", + " 1.0914063 1.0781987 1.0734396 1.0707313 1.0644041 1.0549763 1.0471343\n", + " 1.0439708 1.0461107 1.0514112 1.0564041 1.0587039 1.0597908 1.0609206\n", + " 1.0647262 1.0721802 1.0819899 1.090091 1.0934992]\n", + " [1.1792309 1.1753119 1.1860478 1.1955551 1.1838734 1.1501737 1.1146445\n", + " 1.0905478 1.078221 1.0743865 1.0721818 1.0667106 1.0574211 1.049076\n", + " 1.0453095 1.0469124 1.0521339 1.0570934 1.0595078 1.0606829 0.\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1629078 1.1594533 1.1691644 1.1781033 1.1667213 1.1343318 1.1011441\n", + " 1.0802735 1.0707753 1.0698292 1.07135 1.0664098 1.0571525 1.0483966\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1978693 1.1917768 1.2010739 1.2113043 1.1969856 1.1613212 1.1241513\n", + " 1.099267 1.08863 1.0865803 1.0866196 1.0808481 1.0691401 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1653732 1.1608741 1.1711869 1.1800379 1.1682732 1.1361711 1.1026497\n", + " 1.0811086 1.0706 1.0681598 1.0683461 1.0634631 1.0545206 1.0470446\n", + " 1.0434601 1.0455823 0. 0. 0. 0. ]\n", + " [1.1817758 1.1768565 1.1884753 1.1992239 1.1869667 1.1515083 1.115211\n", + " 1.0912501 1.0809252 1.0795588 1.0797088 1.0744992 1.0643481 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1712005 1.1690754 1.1801617 1.1895436 1.1761291 1.1433891 1.1088109\n", + " 1.0850012 1.0741171 1.0705941 1.0690219 1.0634212 1.0541914 1.0464727\n", + " 1.0429821 1.0441303 1.049274 1.0542144 1.0563873 1.057194 ]]\n", + "[[1.1783482 1.1752968 1.1865718 1.1962621 1.1842074 1.1501275 1.1145298\n", + " 1.0904853 1.078244 1.0741471 1.072555 1.0664133 1.0570475 1.0484529\n", + " 1.0449612 1.046479 1.0519091 1.0567254 1.0590783 1.0597842]\n", + " [1.1866021 1.1837989 1.1942749 1.2028207 1.1909701 1.1553445 1.1188834\n", + " 1.0946865 1.0820847 1.0783792 1.0767738 1.0705498 1.0608659 1.0517147\n", + " 1.0481044 1.0503111 1.0556523 1.0607991 1.0632613 0. ]\n", + " [1.1807052 1.1755168 1.1854877 1.1931468 1.1812214 1.1468812 1.1121995\n", + " 1.089413 1.0791603 1.076569 1.0764058 1.0709612 1.0609401 1.0519614\n", + " 1.047922 1.0503831 0. 0. 0. 0. ]\n", + " [1.1602653 1.1554136 1.1644288 1.1734545 1.1626816 1.1314948 1.098794\n", + " 1.077935 1.0682108 1.0662531 1.0668573 1.0624305 1.0540617 1.0462255\n", + " 1.0424144 1.0440382 0. 0. 0. 0. ]\n", + " [1.1911414 1.1863773 1.1965911 1.204833 1.1911769 1.1544852 1.1163812\n", + " 1.0911164 1.0799432 1.0773904 1.0759628 1.0709884 1.0614264 1.0519835\n", + " 1.0485406 1.050727 1.0566332 1.0626558 0. 0. ]]\n", + "[[1.1840142 1.181669 1.1921556 1.2007111 1.1879864 1.1526489 1.1161611\n", + " 1.0914179 1.0797615 1.0765629 1.0752469 1.069843 1.0602157 1.0514482\n", + " 1.0479991 1.049719 1.055113 1.0603546 1.0625199 0. ]\n", + " [1.1764458 1.1720963 1.1820226 1.1912777 1.1796488 1.1466483 1.1115825\n", + " 1.0877255 1.0756137 1.0721557 1.070211 1.0645114 1.0559965 1.0480686\n", + " 1.0443758 1.0459094 1.0507975 1.0557483 1.0585747 1.0603082]\n", + " [1.1769283 1.1702493 1.178128 1.1858115 1.1737261 1.1406492 1.1075181\n", + " 1.0855147 1.0759064 1.0743569 1.0745084 1.0703634 1.0609578 1.0523838\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1668451 1.1641518 1.1729221 1.1802989 1.169329 1.1378906 1.1051666\n", + " 1.0828427 1.0719784 1.0682201 1.0677152 1.0623757 1.0536056 1.0461825\n", + " 1.0425138 1.0441543 1.0492932 1.0544226 0. 0. ]\n", + " [1.1801639 1.1758848 1.1857297 1.1932943 1.181194 1.1473007 1.1127012\n", + " 1.0894697 1.0783343 1.075001 1.073836 1.0679151 1.0588514 1.0503148\n", + " 1.0468991 1.04864 1.0541229 1.0594826 0. 0. ]]\n", + "[[1.1732597 1.1706893 1.181967 1.1920587 1.1785482 1.1445531 1.109069\n", + " 1.0855919 1.0740498 1.0712218 1.069457 1.0645995 1.0553106 1.0476046\n", + " 1.0444568 1.0460823 1.0515916 1.0569292 0. 0. 0.\n", + " 0. ]\n", + " [1.1739266 1.167874 1.1766229 1.1846769 1.1733367 1.1401402 1.1067679\n", + " 1.084702 1.0746205 1.0730656 1.0730168 1.0685755 1.0594168 1.0508331\n", + " 1.0472916 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1896222 1.1849322 1.1941628 1.2030481 1.1895077 1.1539081 1.118391\n", + " 1.0957289 1.085421 1.0839512 1.0834781 1.07777 1.0664182 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1800542 1.1773529 1.1881001 1.1972975 1.1860833 1.1520559 1.1168778\n", + " 1.092902 1.0806451 1.0762274 1.0733204 1.067247 1.0577459 1.0495809\n", + " 1.0463097 1.0483452 1.0538539 1.0587046 1.0612972 1.0617963 1.0633168\n", + " 1.0669394]\n", + " [1.1859039 1.1790777 1.188282 1.196291 1.1833935 1.1484941 1.1129849\n", + " 1.0898205 1.0795627 1.0779247 1.0781952 1.07356 1.0630616 1.0536768\n", + " 1.0495418 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.167969 1.16426 1.1737446 1.1823105 1.1728778 1.1403263 1.1065148\n", + " 1.0839562 1.0734819 1.0722176 1.0722841 1.0680734 1.0591809 1.0505902\n", + " 1.04633 0. 0. 0. 0. 0. ]\n", + " [1.1932373 1.189596 1.1993906 1.2079012 1.1953279 1.158399 1.120765\n", + " 1.095355 1.0826759 1.0797893 1.0785673 1.0725422 1.0628544 1.0539016\n", + " 1.0500219 1.0520477 1.0579481 1.063635 0. 0. ]\n", + " [1.1828594 1.1791633 1.1904517 1.200087 1.1882285 1.1538875 1.1175013\n", + " 1.0932463 1.080943 1.0771381 1.0753506 1.0693413 1.0595798 1.0509465\n", + " 1.0471295 1.048583 1.0541013 1.059368 1.061786 1.0626667]\n", + " [1.1689773 1.1658221 1.1752294 1.1830264 1.1721864 1.1391363 1.1056354\n", + " 1.082931 1.0726556 1.0702593 1.0699861 1.0653837 1.0569017 1.0484116\n", + " 1.0446959 1.046355 1.0515833 0. 0. 0. ]\n", + " [1.1583357 1.1554741 1.1659641 1.1747714 1.1638929 1.1329299 1.1002196\n", + " 1.0784774 1.0690922 1.0672272 1.0671532 1.0625707 1.0541129 1.0461336\n", + " 1.0423286 1.0440764 0. 0. 0. 0. ]]\n", + "[[1.1670648 1.1625926 1.172097 1.1809014 1.1700481 1.1359124 1.1019824\n", + " 1.0797858 1.0697174 1.0685127 1.06943 1.0657766 1.0572612 1.048969\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1697481 1.1652651 1.1760534 1.1846617 1.1743581 1.1411573 1.1068403\n", + " 1.0847743 1.0742478 1.0724474 1.072627 1.0684419 1.0595782 1.0508567\n", + " 1.0469221 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1762122 1.1708035 1.1805623 1.1890098 1.1774445 1.1435742 1.1088281\n", + " 1.0858474 1.0748849 1.0726006 1.0727383 1.0676304 1.0592464 1.0506814\n", + " 1.0471892 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1828436 1.1789881 1.1901804 1.1996369 1.185758 1.1504999 1.1143229\n", + " 1.0904099 1.0791552 1.075923 1.0755134 1.0700411 1.0603439 1.0520468\n", + " 1.047996 1.0497091 1.0554274 1.0610937 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1697994 1.1681278 1.1804729 1.1912556 1.1795226 1.1451443 1.1099467\n", + " 1.0862082 1.0742307 1.0705689 1.0686442 1.0624335 1.0537136 1.0462894\n", + " 1.0430259 1.0448884 1.0501848 1.0547872 1.0577228 1.058451 1.0596119\n", + " 1.063552 1.0715326]]\n", + "[[1.1674348 1.1650856 1.1754947 1.1847951 1.1725883 1.1390911 1.1048658\n", + " 1.0823258 1.071738 1.0682824 1.0662738 1.0609559 1.0521277 1.0446907\n", + " 1.0415801 1.04363 1.0485727 1.0532967 1.0559524 1.0566652 1.0585753]\n", + " [1.1746714 1.1708844 1.1804018 1.1881835 1.1764616 1.1440616 1.110104\n", + " 1.0868988 1.075764 1.0718929 1.0709586 1.0654975 1.0559419 1.0479416\n", + " 1.0444812 1.0460165 1.0510463 1.0559198 0. 0. 0. ]\n", + " [1.1575264 1.1548947 1.1653233 1.173897 1.1632147 1.1311879 1.0983491\n", + " 1.0768713 1.0669469 1.0651326 1.0648812 1.0605886 1.0524198 1.0448408\n", + " 1.0415958 1.042999 1.0479767 0. 0. 0. 0. ]\n", + " [1.1613321 1.1589471 1.1694083 1.178461 1.1670486 1.1346624 1.1020275\n", + " 1.079932 1.0691098 1.0655055 1.064018 1.058321 1.0498741 1.0426502\n", + " 1.0396843 1.0413005 1.0458797 1.0508505 1.053611 1.0545261 0. ]\n", + " [1.1827265 1.1803542 1.1905289 1.1981827 1.1845434 1.150393 1.1148477\n", + " 1.090877 1.0791957 1.0758591 1.0735705 1.0669198 1.0572847 1.0484565\n", + " 1.0449064 1.0464495 1.0523067 1.0577215 1.0608357 0. 0. ]]\n", + "[[1.1821425 1.1784205 1.1879236 1.1958069 1.1837479 1.1487871 1.1121854\n", + " 1.0884842 1.0770311 1.0734289 1.0722907 1.066503 1.057645 1.0493786\n", + " 1.0453598 1.047303 1.0521898 1.0576258 1.0597363]\n", + " [1.164865 1.1625866 1.1736771 1.1824591 1.1701005 1.1369112 1.1032096\n", + " 1.0806328 1.0703392 1.0673844 1.0671201 1.0618662 1.0531783 1.0454803\n", + " 1.0419352 1.0435511 1.0486183 1.0540326 0. ]\n", + " [1.1850572 1.1802176 1.1903137 1.1979609 1.1865273 1.1519032 1.1162311\n", + " 1.0918746 1.0799463 1.077199 1.076872 1.0712245 1.0614134 1.0531158\n", + " 1.0492346 1.05149 1.0576719 0. 0. ]\n", + " [1.1787046 1.1750876 1.1858994 1.1928672 1.1805494 1.1450294 1.1095668\n", + " 1.086499 1.0765014 1.0756083 1.0756255 1.0710886 1.0617522 1.0529987\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.180586 1.1761773 1.1859963 1.1941341 1.1822852 1.1482483 1.1133764\n", + " 1.0900071 1.0790703 1.0759856 1.0756029 1.0697858 1.0603422 1.0516804\n", + " 1.0478745 1.0501785 1.0563318 0. 0. ]]\n", + "[[1.1716565 1.1687783 1.1797878 1.1887127 1.175934 1.1429108 1.1084028\n", + " 1.0851299 1.0737181 1.0701773 1.0683693 1.0624396 1.053847 1.0465419\n", + " 1.0430723 1.0448279 1.0497997 1.0544214 1.056702 1.0575092 1.0592619]\n", + " [1.1901873 1.1861097 1.1961088 1.2050052 1.190849 1.1544632 1.1175576\n", + " 1.0933635 1.0826049 1.0807012 1.0804791 1.0754693 1.0655231 1.0561273\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1870837 1.1817075 1.1913011 1.1982362 1.186372 1.1512094 1.1154459\n", + " 1.0914588 1.0800582 1.0777407 1.0770714 1.0715652 1.0623748 1.0537121\n", + " 1.050404 1.052523 0. 0. 0. 0. 0. ]\n", + " [1.159241 1.1556691 1.1655387 1.17214 1.1607438 1.1286592 1.0970784\n", + " 1.0766025 1.0673753 1.06538 1.0655605 1.0610819 1.0520792 1.044356\n", + " 1.0409364 1.0427337 1.0481188 0. 0. 0. 0. ]\n", + " [1.1790628 1.1753367 1.1861945 1.1948884 1.1812567 1.147178 1.1120764\n", + " 1.0879375 1.075894 1.0721844 1.0702147 1.0658444 1.0570322 1.0492367\n", + " 1.045764 1.0474477 1.05255 1.0574802 1.060389 0. 0. ]]\n", + "[[1.1657823 1.1634223 1.1747262 1.1842823 1.172495 1.1400652 1.1059787\n", + " 1.0830626 1.0715095 1.0687338 1.0674025 1.0627785 1.05401 1.0461435\n", + " 1.0426282 1.0438551 1.0486281 1.0537088]\n", + " [1.2026745 1.1968881 1.2058278 1.2132589 1.1972337 1.1608673 1.1229619\n", + " 1.0980561 1.0872086 1.086324 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1935246 1.1883199 1.1983113 1.206802 1.1925751 1.1569461 1.1197983\n", + " 1.0950167 1.0837971 1.0809371 1.0804154 1.0745907 1.0648769 1.0558765\n", + " 1.0519971 1.0546542 1.0608621 0. ]\n", + " [1.1630542 1.1595659 1.1695907 1.1782613 1.1662226 1.1344547 1.1014132\n", + " 1.0793074 1.0696152 1.0668205 1.06672 1.0621258 1.0536773 1.04625\n", + " 1.0425154 1.043962 1.0491861 0. ]\n", + " [1.1745782 1.1717217 1.1831412 1.1911588 1.1797663 1.1445204 1.1087471\n", + " 1.085654 1.0743967 1.0714657 1.0713155 1.0664557 1.0575237 1.0495307\n", + " 1.0458283 1.0475186 1.0527757 1.0580615]]\n", + "[[1.1644346 1.1621923 1.1729424 1.1815094 1.1699303 1.1378667 1.1047366\n", + " 1.0822828 1.0710784 1.0677094 1.0661275 1.0617555 1.0526855 1.0451788\n", + " 1.0411917 1.0432558 1.0480437 1.0530812 1.0557798 0. ]\n", + " [1.1989958 1.1913807 1.2009892 1.2095016 1.1979384 1.1619596 1.1231833\n", + " 1.0981842 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1939276 1.1869072 1.1964003 1.2050089 1.192566 1.1571312 1.1204387\n", + " 1.095914 1.0849425 1.0828896 1.0833024 1.0770394 1.0670707 1.0571783\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.168052 1.1635298 1.1730802 1.1816384 1.168684 1.1370342 1.1043522\n", + " 1.0824296 1.0720531 1.0696995 1.0697684 1.0653254 1.0565168 1.0484859\n", + " 1.0446471 1.0466686 0. 0. 0. 0. ]\n", + " [1.1745945 1.1726865 1.1833289 1.1913674 1.1785724 1.1442851 1.1088792\n", + " 1.0854048 1.0735279 1.0699677 1.0678797 1.0631522 1.0545468 1.0469596\n", + " 1.0440176 1.0456012 1.0504794 1.0550685 1.0568986 1.0579423]]\n", + "[[1.16486 1.1600323 1.1682296 1.1743321 1.1633866 1.1313648 1.0996842\n", + " 1.0791568 1.0698706 1.0689038 1.0694636 1.0651476 1.0562277 1.0479501\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1766222 1.1728618 1.1834438 1.1909548 1.179173 1.1445413 1.1094046\n", + " 1.0857189 1.0746763 1.0716178 1.0703745 1.0652285 1.0569776 1.0488627\n", + " 1.0453163 1.0467695 1.0518581 1.0569327 1.0595591 0. 0. ]\n", + " [1.1613195 1.1590376 1.1695174 1.178529 1.1672918 1.1348397 1.1013935\n", + " 1.0795217 1.0690283 1.0654956 1.0639989 1.0586836 1.050396 1.0431637\n", + " 1.0398799 1.0415704 1.0457646 1.050563 1.0530393 1.0539242 1.0553249]\n", + " [1.1721668 1.1689706 1.17737 1.185633 1.172703 1.1385396 1.10357\n", + " 1.0824903 1.0738411 1.0731442 1.0736101 1.0685409 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.182192 1.1786709 1.1886058 1.1958754 1.1829479 1.1491306 1.114191\n", + " 1.0908182 1.0791066 1.0748811 1.0728911 1.0671663 1.0574685 1.0494152\n", + " 1.0457635 1.0481321 1.0534831 1.058355 1.0607373 0. 0. ]]\n", + "[[1.1680778 1.1643746 1.173533 1.1815554 1.170322 1.138357 1.1055111\n", + " 1.0833902 1.073306 1.0705535 1.0696481 1.0645071 1.0557047 1.0480849\n", + " 1.0446563 1.0469085 0. 0. 0. ]\n", + " [1.1741133 1.1714965 1.1819156 1.1907133 1.1780753 1.1440127 1.1085293\n", + " 1.0847944 1.073235 1.0699828 1.0686824 1.0638973 1.0551901 1.0479183\n", + " 1.0440234 1.0458161 1.0508708 1.055669 1.0580332]]\n", + "[[1.176297 1.171031 1.1806074 1.188874 1.1767228 1.143059 1.1094513\n", + " 1.0872123 1.0763661 1.07457 1.0741292 1.0694834 1.059793 1.0511258\n", + " 1.0472783 1.0496782 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1703601 1.1670556 1.1784158 1.187907 1.1773697 1.1456342 1.1111109\n", + " 1.0872542 1.0742474 1.0699197 1.0679407 1.0619458 1.052655 1.0454307\n", + " 1.042245 1.0445473 1.049586 1.0539817 1.0568306 1.0578041 1.0588926\n", + " 1.0617577 1.0689728 1.0782715]\n", + " [1.1659375 1.1632092 1.174414 1.1845146 1.1730627 1.1406268 1.1071496\n", + " 1.084566 1.0727144 1.068975 1.0670533 1.0607198 1.0521199 1.0446467\n", + " 1.0414754 1.0430743 1.0480264 1.0531214 1.05539 1.0563846 1.057735\n", + " 1.0615007 0. 0. ]\n", + " [1.1607404 1.1565864 1.16746 1.1773815 1.1667844 1.1346878 1.1013885\n", + " 1.0800058 1.0704247 1.0689969 1.0692229 1.0645177 1.0556818 1.0471569\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1602684 1.1568705 1.1670578 1.175534 1.1632941 1.1312858 1.0989368\n", + " 1.0777372 1.0685813 1.0672684 1.0667508 1.0625566 1.0538502 1.0455778\n", + " 1.0419388 1.0436788 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1612047 1.1592922 1.1694472 1.1778255 1.1652914 1.1336713 1.1009798\n", + " 1.0792983 1.0688267 1.066627 1.0657015 1.0620388 1.0542587 1.0463927\n", + " 1.0429654 1.04434 1.0495952 0. ]\n", + " [1.1932895 1.1878792 1.1976177 1.2040046 1.1913999 1.157062 1.120901\n", + " 1.0962567 1.0849296 1.0828117 1.0831182 1.0771575 1.0668856 1.057582\n", + " 0. 0. 0. 0. ]\n", + " [1.2034388 1.1962353 1.2043717 1.2111562 1.1952913 1.1574016 1.1200434\n", + " 1.0950928 1.0844647 1.0833102 1.0840371 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1619443 1.1579919 1.16787 1.1752378 1.1647341 1.133024 1.0997936\n", + " 1.078415 1.0679376 1.0656366 1.0652047 1.060809 1.052974 1.0451748\n", + " 1.041568 1.0428858 1.047283 1.0518379]\n", + " [1.1744329 1.1704334 1.1812009 1.1901883 1.1790919 1.1451778 1.1094129\n", + " 1.0868579 1.075661 1.0736774 1.0735644 1.0685328 1.0592817 1.0501885\n", + " 1.0460593 1.0478417 1.0532324 0. ]]\n", + "[[1.1678388 1.1642175 1.1744355 1.1835563 1.1714468 1.1400036 1.106015\n", + " 1.0829594 1.0724446 1.0694613 1.069398 1.0648999 1.0559349 1.0480967\n", + " 1.0441977 1.0456641 1.0508251 0. 0. 0. ]\n", + " [1.1720583 1.1703988 1.1814085 1.1893858 1.178449 1.1455456 1.1102387\n", + " 1.0871147 1.0749832 1.0707405 1.0691681 1.0632375 1.0544002 1.0460804\n", + " 1.0427989 1.0444953 1.0493395 1.0541087 1.0567036 1.0576648]\n", + " [1.1642773 1.1607524 1.170188 1.1779659 1.164321 1.1320889 1.0997044\n", + " 1.0784298 1.0681633 1.0661212 1.0654867 1.0607007 1.0525073 1.0448154\n", + " 1.0417283 1.0435271 1.0482615 1.0532339 0. 0. ]\n", + " [1.182088 1.1779332 1.1889956 1.1977739 1.1848389 1.1487495 1.1120003\n", + " 1.0879028 1.0767107 1.074647 1.0737062 1.06924 1.0602391 1.0517802\n", + " 1.0480949 1.0501245 1.056046 0. 0. 0. ]\n", + " [1.1696366 1.1681361 1.17931 1.1868784 1.1738982 1.1398596 1.1050736\n", + " 1.0830202 1.0726315 1.07005 1.069021 1.0640117 1.0552464 1.0466714\n", + " 1.0431744 1.0449446 1.0501935 1.0552918 0. 0. ]]\n", + "[[1.1526737 1.1506132 1.1614633 1.1707278 1.1604304 1.1301489 1.0986179\n", + " 1.0771207 1.066157 1.0625819 1.0605592 1.055035 1.046506 1.039834\n", + " 1.0370289 1.0381645 1.0425441 1.0471358 1.0495749 1.050724 1.0523822\n", + " 1.0556628]\n", + " [1.1519649 1.1502879 1.1605225 1.1692564 1.1577878 1.1278865 1.096695\n", + " 1.0752257 1.0647861 1.0613188 1.0602252 1.0553946 1.0478511 1.0407909\n", + " 1.0378456 1.0394784 1.0438625 1.0480953 1.0506748 0. 0.\n", + " 0. ]\n", + " [1.1940315 1.1872928 1.1964847 1.2059622 1.192397 1.1558766 1.1192192\n", + " 1.0942285 1.0839345 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1896703 1.1854296 1.1954222 1.203674 1.1902629 1.1550032 1.1187466\n", + " 1.0936285 1.0812051 1.0782262 1.0769293 1.0717868 1.061525 1.0531952\n", + " 1.049361 1.0512064 1.0570956 1.0632614 0. 0. 0.\n", + " 0. ]\n", + " [1.181593 1.1767201 1.1877793 1.1975778 1.1852511 1.1509027 1.1147411\n", + " 1.0904621 1.0790377 1.0764674 1.0756359 1.0706178 1.0607246 1.0517925\n", + " 1.0470021 1.0485222 1.053983 1.0593567 0. 0. 0.\n", + " 0. ]]\n", + "[[1.176166 1.1723701 1.1816251 1.1887944 1.1769713 1.1433238 1.1093618\n", + " 1.0863609 1.0758753 1.0732924 1.0724089 1.0676466 1.0584038 1.0495346\n", + " 1.0467753 1.0487108 1.054614 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1800356 1.1730403 1.1811216 1.1892366 1.1779234 1.1450557 1.1108493\n", + " 1.0882391 1.0778494 1.0754573 1.0755261 1.070767 1.0610676 1.0521042\n", + " 1.0481377 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1552582 1.1519394 1.1626064 1.1726329 1.1629248 1.1317487 1.0999227\n", + " 1.0790007 1.0683725 1.0647949 1.0624572 1.0566729 1.0480857 1.0408266\n", + " 1.0375309 1.0394658 1.0443492 1.0486785 1.0504533 1.051274 1.0523809\n", + " 1.0552999 1.0622431 1.0712084]\n", + " [1.1630541 1.1604961 1.1709028 1.1797892 1.167062 1.1352017 1.1020135\n", + " 1.0800554 1.0687861 1.0654875 1.0639087 1.0583365 1.0497928 1.0425315\n", + " 1.0398465 1.0422767 1.0475156 1.0518359 1.0543292 1.0552727 1.0564933\n", + " 1.0602015 0. 0. ]\n", + " [1.1795815 1.1775231 1.1889772 1.1983564 1.1846619 1.149844 1.1137516\n", + " 1.0890881 1.0772654 1.0737908 1.0727946 1.0671135 1.058142 1.0498661\n", + " 1.0457603 1.047446 1.0523254 1.0575517 1.0603497 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1875303 1.1853707 1.1957551 1.2049491 1.1918399 1.1572514 1.1201755\n", + " 1.0950791 1.0822542 1.0783752 1.0763253 1.0701299 1.0599523 1.051245\n", + " 1.0472434 1.0492102 1.0547915 1.0599527 1.0624417 1.0633872 0.\n", + " 0. 0. 0. ]\n", + " [1.159034 1.1569226 1.1669968 1.1749918 1.1634127 1.1318012 1.0995235\n", + " 1.0777886 1.0684189 1.0659672 1.064524 1.0599005 1.0511755 1.0437361\n", + " 1.0404264 1.0418618 1.0466549 1.0515327 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.159388 1.1571988 1.1672944 1.1765649 1.16606 1.1343144 1.1019683\n", + " 1.0804546 1.0702144 1.0668173 1.0646421 1.0590917 1.050232 1.0428829\n", + " 1.0396988 1.041698 1.0469707 1.0517879 1.0546346 1.055001 1.0565856\n", + " 1.0601913 1.0673661 1.0770993]\n", + " [1.1716712 1.1667049 1.1770009 1.1862689 1.1751363 1.1417569 1.10699\n", + " 1.0841247 1.0736755 1.0713956 1.0714136 1.0661778 1.0569075 1.0484235\n", + " 1.0443467 1.0460544 1.0518794 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1962329 1.1917778 1.2025025 1.2115555 1.2004757 1.1645951 1.1259258\n", + " 1.099115 1.0853995 1.0809321 1.079209 1.0731487 1.0629946 1.0543681\n", + " 1.050628 1.0526264 1.0576967 1.063353 1.0662785 1.0672086 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1862438 1.1795163 1.1886672 1.1968176 1.1839141 1.1490545 1.1132522\n", + " 1.0898608 1.0790246 1.0777397 1.0788163 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.15699 1.1553308 1.1657381 1.1753705 1.1634256 1.1329539 1.1009784\n", + " 1.0790638 1.0683547 1.0644832 1.0626234 1.0571632 1.0482571 1.0415341\n", + " 1.0383954 1.0402986 1.0446346 1.0496888 1.0520597 1.0529952 1.0546129]\n", + " [1.1629837 1.1603347 1.1713163 1.1811576 1.1692715 1.1371518 1.1038874\n", + " 1.0816194 1.0700938 1.0663809 1.0639496 1.0589287 1.0509661 1.0440147\n", + " 1.0406905 1.0424013 1.0469126 1.0514643 1.0535989 1.0544771 1.0558506]\n", + " [1.1613469 1.1578176 1.1664621 1.1744373 1.1617604 1.1298943 1.0985826\n", + " 1.0780095 1.068297 1.0662088 1.0655874 1.0606879 1.0520678 1.0448227\n", + " 1.0415145 1.0434287 1.0487332 0. 0. 0. 0. ]\n", + " [1.1933036 1.1887383 1.1994581 1.2079527 1.1935457 1.1580609 1.1211423\n", + " 1.0972627 1.0860233 1.0843081 1.0843481 1.0780166 1.066772 1.0573056\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.178017 1.1737304 1.1841466 1.1936886 1.1802217 1.1462848 1.1113791\n", + " 1.0891289 1.0794432 1.0778526 1.0783548 1.0728102 1.0624998 1.0527388\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1625166 1.159405 1.1697633 1.1792728 1.1675353 1.135484 1.1019624\n", + " 1.0792699 1.0681568 1.0651178 1.0644199 1.0603359 1.0523485 1.0444305\n", + " 1.041123 1.0424546 1.0474206 1.0525404 1.0551678 0. ]\n", + " [1.1877534 1.1827104 1.1906924 1.1977445 1.184321 1.1486369 1.1122847\n", + " 1.0890064 1.078469 1.0772436 1.0775933 1.0721145 1.0630674 1.0548097\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1680995 1.1644113 1.1738155 1.1821645 1.171462 1.1394197 1.1062189\n", + " 1.0834624 1.071656 1.0683584 1.0665649 1.060976 1.0522245 1.0449786\n", + " 1.0417562 1.0432372 1.0482242 1.0531986 1.0561926 1.0577946]\n", + " [1.1642475 1.1605861 1.170039 1.1795205 1.1682422 1.1359521 1.1026864\n", + " 1.0808756 1.0706452 1.0694519 1.0697522 1.065751 1.0569695 1.0485182\n", + " 1.0446033 0. 0. 0. 0. 0. ]]\n", + "[[1.1791886 1.174368 1.1854801 1.194324 1.1820602 1.1465365 1.1101605\n", + " 1.086032 1.0753515 1.0733595 1.073837 1.0691274 1.0595481 1.0507593\n", + " 1.0467762 1.0488521 0. 0. 0. 0. 0. ]\n", + " [1.1652795 1.1611872 1.1717097 1.1803544 1.1694547 1.1371096 1.1040998\n", + " 1.0820816 1.072256 1.0698568 1.0695748 1.0646325 1.0555516 1.0471469\n", + " 1.0433124 1.0450084 1.050466 0. 0. 0. 0. ]\n", + " [1.151653 1.1471872 1.1558944 1.1638982 1.1533604 1.1240423 1.0938636\n", + " 1.0734718 1.064264 1.062078 1.0613617 1.0573074 1.0494642 1.0421765\n", + " 1.0392367 1.0408555 1.0459586 0. 0. 0. 0. ]\n", + " [1.1783925 1.1760601 1.1871295 1.1962318 1.1848636 1.1507593 1.1151414\n", + " 1.0902349 1.0785596 1.0736495 1.071231 1.0652767 1.0564936 1.0481296\n", + " 1.0452043 1.0470657 1.0520011 1.0567881 1.0592524 1.0599568 1.061499 ]\n", + " [1.2162027 1.2098935 1.2197995 1.2267567 1.2126372 1.1733549 1.132795\n", + " 1.1053706 1.0935525 1.091537 1.0916467 1.0856763 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1529827 1.1489077 1.1580762 1.1650636 1.1546481 1.124605 1.0938854\n", + " 1.0737101 1.0645993 1.0624549 1.0618868 1.057278 1.0493459 1.0417109\n", + " 1.0385021 1.0403371 1.0453973 0. 0. ]\n", + " [1.2018085 1.1957605 1.205331 1.2134361 1.2004532 1.1646606 1.1265683\n", + " 1.1013186 1.0896246 1.0871072 1.0872874 1.0814964 1.0708535 1.0607378\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1859965 1.1814557 1.1921573 1.2018547 1.1895612 1.1549289 1.1189005\n", + " 1.0944829 1.0827409 1.0803967 1.0797287 1.0741976 1.0640491 1.0551026\n", + " 1.0507822 1.0530834 0. 0. 0. ]\n", + " [1.1660718 1.1631547 1.1724868 1.1805087 1.1674628 1.1354599 1.1025732\n", + " 1.0802469 1.0697976 1.0668008 1.0654039 1.0605611 1.0519848 1.044376\n", + " 1.041137 1.0430641 1.0479026 1.052527 1.0549415]\n", + " [1.1534971 1.1502212 1.1598089 1.1674305 1.1563958 1.1254092 1.094738\n", + " 1.0743145 1.0651928 1.0637298 1.0638621 1.0597641 1.0514085 1.0436215\n", + " 1.0404714 0. 0. 0. 0. ]]\n", + "[[1.1610144 1.1593164 1.171809 1.1813602 1.1687988 1.1365932 1.1027148\n", + " 1.0808513 1.0699055 1.0667294 1.0648468 1.0588641 1.0500537 1.0425402\n", + " 1.0396386 1.040867 1.0457488 1.050414 1.0529034 1.0538083 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2126397 1.2047677 1.2152143 1.2252738 1.212894 1.1760489 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1869426 1.1826122 1.1918101 1.2009772 1.1884031 1.1535457 1.11656\n", + " 1.091177 1.0799022 1.0768578 1.0757402 1.0711354 1.0616703 1.0528642\n", + " 1.0490371 1.0509905 1.0564635 1.0619706 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1513333 1.1498137 1.1592854 1.1676295 1.1574925 1.1269956 1.0954102\n", + " 1.075088 1.0650849 1.0620867 1.0606192 1.0552082 1.0471191 1.0400834\n", + " 1.0371836 1.0388644 1.0435642 1.0480052 1.0506233 1.0511541 1.0520675\n", + " 1.0553544 1.0621316 1.0709181 1.0781587]\n", + " [1.1605976 1.157698 1.1684259 1.177636 1.1669028 1.137041 1.1048936\n", + " 1.0832059 1.0712138 1.0668415 1.0645771 1.058416 1.0501565 1.0427173\n", + " 1.0396203 1.0414414 1.046567 1.0508982 1.0526892 1.0531287 1.0536381\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1780148 1.1749351 1.1857674 1.1959949 1.1836537 1.1488503 1.1134285\n", + " 1.0891057 1.0765908 1.0731947 1.0714817 1.0655951 1.0570395 1.0490528\n", + " 1.0451012 1.0468673 1.0519959 1.0571785 1.0597825 1.0609668]\n", + " [1.2111665 1.2056689 1.2169657 1.2249507 1.2101469 1.1706332 1.1307249\n", + " 1.1041912 1.09297 1.0914376 1.0927157 1.086641 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1638813 1.1616862 1.1717006 1.1804659 1.1683526 1.1339859 1.1007205\n", + " 1.0784686 1.0689183 1.0671678 1.0674478 1.0622675 1.0536408 1.045734\n", + " 1.0424179 1.0438937 1.0492898 0. 0. 0. ]\n", + " [1.1580894 1.1550641 1.1663193 1.1757957 1.1643538 1.1321776 1.0998539\n", + " 1.0785315 1.0679238 1.0645959 1.0630162 1.057899 1.0494034 1.0417507\n", + " 1.0383347 1.0400583 1.0446864 1.0494465 1.0520793 1.0530859]\n", + " [1.1911356 1.1857997 1.1955477 1.2046796 1.1909578 1.1553441 1.1183635\n", + " 1.094093 1.0829892 1.0805484 1.0803523 1.0751013 1.0650109 1.0555799\n", + " 1.0514019 1.0534874 0. 0. 0. 0. ]]\n", + "[[1.1767673 1.1729099 1.18398 1.1934841 1.1803821 1.1454979 1.1096274\n", + " 1.0863501 1.0769538 1.0760992 1.077053 1.071603 1.0611511 1.0520023\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1732892 1.1706929 1.1827102 1.1937661 1.1815243 1.1460483 1.109399\n", + " 1.0851748 1.0736719 1.0715778 1.0707366 1.0655385 1.0559214 1.0477735\n", + " 1.0438315 1.0454439 1.0505995 1.0562538 0. 0. 0.\n", + " 0. ]\n", + " [1.1670593 1.1645179 1.1769335 1.188341 1.1765511 1.142389 1.1071033\n", + " 1.0834576 1.0713007 1.0679617 1.06626 1.0603073 1.0515096 1.0438992\n", + " 1.0405213 1.0422403 1.0470141 1.0517838 1.0544467 1.0554441 1.0565684\n", + " 1.0599476]\n", + " [1.1764147 1.1733359 1.1831746 1.1909815 1.1794976 1.1462446 1.1119572\n", + " 1.0885277 1.0768518 1.0728234 1.0704446 1.0645462 1.0556657 1.0472312\n", + " 1.0439115 1.0462041 1.0511532 1.0559013 1.0579376 1.0583564 0.\n", + " 0. ]\n", + " [1.2044634 1.1990786 1.2092655 1.2182448 1.2034528 1.1651101 1.1261259\n", + " 1.100826 1.089071 1.0874817 1.0878326 1.0815579 1.0710305 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.177181 1.1725442 1.1823127 1.1898966 1.1768913 1.1433403 1.1089638\n", + " 1.0864561 1.0768135 1.0755855 1.0766623 1.0720417 1.0614047 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1632966 1.1607959 1.1711465 1.1817801 1.1713523 1.1388271 1.1052619\n", + " 1.0829917 1.0717704 1.0675541 1.066034 1.06013 1.0514684 1.0435565\n", + " 1.0398177 1.0411363 1.0458512 1.0503746 1.0524569 1.0532002 1.0541637]\n", + " [1.1678249 1.1625681 1.1714103 1.1792921 1.168183 1.1365832 1.1043987\n", + " 1.0824816 1.0720243 1.0696503 1.0689278 1.063952 1.055324 1.0473726\n", + " 1.0437524 1.0456451 1.0508606 0. 0. 0. 0. ]\n", + " [1.1670052 1.1645094 1.1753337 1.1847913 1.1722887 1.1388223 1.1047359\n", + " 1.0817136 1.0710754 1.0682012 1.0677452 1.0634602 1.0546737 1.0472153\n", + " 1.0435994 1.045302 1.0503914 1.0555335 0. 0. 0. ]\n", + " [1.1698605 1.1664163 1.1772087 1.1864686 1.1738629 1.1403589 1.1056471\n", + " 1.0826058 1.0723892 1.0702791 1.069984 1.0657889 1.0565342 1.0487573\n", + " 1.0450608 1.046571 1.0517644 0. 0. 0. 0. ]]\n", + "[[1.1968787 1.1912822 1.2001523 1.2072389 1.1924851 1.1573566 1.1209424\n", + " 1.0960952 1.0844857 1.0810404 1.0801443 1.074164 1.063924 1.0548801\n", + " 1.0512291 1.0535859 1.0599731 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1623402 1.1589987 1.169217 1.1786401 1.1659021 1.134377 1.1016533\n", + " 1.0797418 1.0696504 1.0672305 1.066421 1.0611764 1.0520867 1.0446271\n", + " 1.0410155 1.042503 1.0475074 1.0526764 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1790587 1.1736883 1.1836538 1.1928895 1.1803416 1.1455349 1.1099075\n", + " 1.0865544 1.076019 1.0735464 1.0740527 1.0700084 1.0609444 1.052342\n", + " 1.0484209 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1615491 1.1596379 1.1709367 1.1811824 1.1712345 1.1387781 1.1044867\n", + " 1.0823193 1.0712645 1.0675855 1.0654944 1.059307 1.0505683 1.0427732\n", + " 1.0398434 1.0413473 1.0461783 1.0513791 1.0536523 1.0546491 1.0557914\n", + " 1.0593668 1.0665127]\n", + " [1.1593492 1.153317 1.1607828 1.1686176 1.1582235 1.1284956 1.0972874\n", + " 1.0764519 1.0668088 1.06438 1.0646175 1.0604006 1.0527582 1.044554\n", + " 1.040749 1.0424321 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1694477 1.1635135 1.1711053 1.1792911 1.1675432 1.1354227 1.1034652\n", + " 1.08209 1.072753 1.0717177 1.0718608 1.0667053 1.0575397 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.159409 1.1546149 1.1632006 1.1723896 1.1616586 1.1313279 1.0993297\n", + " 1.0777881 1.0679159 1.066025 1.0660051 1.0620937 1.0539765 1.0459061\n", + " 1.0420486 1.0436946 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1676376 1.1625395 1.1723679 1.1813447 1.1706952 1.1382706 1.1048863\n", + " 1.0822552 1.0715166 1.0702193 1.0707505 1.0660408 1.0580236 1.0497332\n", + " 1.0459723 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1687982 1.1670737 1.1786662 1.1878284 1.17517 1.1414368 1.1075258\n", + " 1.0849608 1.0736786 1.0701629 1.0681545 1.0623847 1.0531808 1.0454061\n", + " 1.0416666 1.0433851 1.048154 1.053269 1.0555694 1.0570384 0.\n", + " 0. 0. ]\n", + " [1.1770892 1.1750453 1.1850462 1.1946964 1.1836714 1.1493938 1.1148305\n", + " 1.0913459 1.0791935 1.0743492 1.071476 1.0650183 1.0557669 1.0479709\n", + " 1.0448574 1.0466554 1.052056 1.0574431 1.059696 1.0604498 1.061616\n", + " 1.065097 1.0728709]]\n", + "[[1.1813638 1.1773502 1.1884532 1.1969799 1.186039 1.1521598 1.1164426\n", + " 1.0922154 1.0801051 1.0768046 1.0753915 1.0693854 1.0595797 1.0508287\n", + " 1.0470235 1.0487276 1.0542276 1.0593197 1.0614278 0. 0.\n", + " 0. 0. ]\n", + " [1.1602182 1.1565367 1.1652421 1.1735412 1.162368 1.13128 1.0995612\n", + " 1.079199 1.069399 1.0666056 1.0658928 1.0610667 1.0525695 1.0449587\n", + " 1.041362 1.0436064 1.0488117 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.175772 1.1712401 1.181512 1.1903259 1.1790413 1.1455806 1.1104467\n", + " 1.086603 1.0753597 1.0728143 1.0724208 1.067527 1.0588709 1.0505078\n", + " 1.0462593 1.0479406 1.0528895 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1717225 1.1702557 1.1816459 1.1910208 1.1780372 1.1439202 1.1085774\n", + " 1.0845991 1.073738 1.0700786 1.0689509 1.0637501 1.0550411 1.0467898\n", + " 1.04332 1.0449759 1.0497584 1.0546924 1.0568352 0. 0.\n", + " 0. 0. ]\n", + " [1.1663818 1.1635507 1.1739757 1.1833539 1.1715232 1.139493 1.1059027\n", + " 1.0828542 1.0710955 1.066827 1.0638843 1.0586907 1.050416 1.0433846\n", + " 1.0405496 1.0429094 1.0477113 1.0524639 1.0549712 1.056123 1.0575702\n", + " 1.0611833 1.0684285]]\n", + "[[1.1640975 1.1590562 1.168005 1.1753751 1.1638452 1.1325673 1.1004338\n", + " 1.0794854 1.0698478 1.0685354 1.0690367 1.0645396 1.0559828 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2176875 1.2123387 1.2242615 1.2329254 1.2174567 1.1767265 1.1349329\n", + " 1.1074611 1.0963644 1.0954232 1.0956789 1.0899833 1.0781802 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1706277 1.1689309 1.1807765 1.1899443 1.1773778 1.1434491 1.1076813\n", + " 1.0848497 1.0730331 1.0698957 1.0681089 1.062623 1.053275 1.0456319\n", + " 1.0423915 1.0441855 1.0495174 1.0548701 1.0577161]\n", + " [1.184728 1.1794232 1.1890941 1.1980681 1.1851166 1.1505551 1.114945\n", + " 1.0909568 1.0800664 1.0774145 1.0764468 1.0711094 1.0616621 1.052949\n", + " 1.0489776 1.0509768 1.056912 0. 0. ]\n", + " [1.1898292 1.1833382 1.1928078 1.2017511 1.1883743 1.1527209 1.1163741\n", + " 1.0933055 1.0832307 1.0819916 1.0830108 1.0771428 1.066356 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1651825 1.1609113 1.1704983 1.177563 1.1660144 1.133531 1.100446\n", + " 1.0784478 1.067982 1.0654721 1.064406 1.059912 1.0519121 1.0445611\n", + " 1.04137 1.0433121 1.0484508 1.0531532 0. 0. 0. ]\n", + " [1.1672153 1.1655097 1.1762494 1.1843138 1.1725911 1.1393847 1.1054466\n", + " 1.0831496 1.0720458 1.0691121 1.0683787 1.0625764 1.0540372 1.0464084\n", + " 1.0426124 1.0444803 1.0494956 1.0547795 0. 0. 0. ]\n", + " [1.181173 1.1771849 1.1876535 1.1960384 1.1839522 1.1493797 1.1132884\n", + " 1.089452 1.0782301 1.0757276 1.0759176 1.0705202 1.0612456 1.0524006\n", + " 1.0483917 1.0506189 1.0566695 0. 0. 0. 0. ]\n", + " [1.1636851 1.1623937 1.1744978 1.1823237 1.1719755 1.1393038 1.1052067\n", + " 1.0822247 1.0711578 1.0675606 1.0660259 1.0604986 1.0516301 1.0440898\n", + " 1.041084 1.0423349 1.0470585 1.0517981 1.054149 1.0549607 1.0565783]\n", + " [1.1571195 1.1541429 1.1647068 1.1740383 1.1628767 1.1324197 1.0998198\n", + " 1.0786391 1.0688636 1.0671453 1.0671837 1.0621006 1.0534564 1.0452998\n", + " 1.0418265 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1478668 1.1441683 1.1527119 1.1604711 1.148464 1.1210634 1.0918745\n", + " 1.0719064 1.0627501 1.0611111 1.0609119 1.0579638 1.0505742 1.0430152\n", + " 0. 0. 0. 0. ]\n", + " [1.1699722 1.1673883 1.1785601 1.1878269 1.1758287 1.1425004 1.1073445\n", + " 1.0846862 1.0747635 1.0734168 1.0737282 1.0688826 1.0593559 1.0506951\n", + " 1.0466293 0. 0. 0. ]\n", + " [1.172597 1.1683996 1.1782149 1.1872661 1.1738921 1.1400564 1.1056393\n", + " 1.0830084 1.072332 1.0700579 1.0696806 1.064651 1.0559524 1.0480883\n", + " 1.0441313 1.0457393 1.0513685 0. ]\n", + " [1.1889849 1.1848086 1.1943504 1.2023114 1.1891519 1.1540349 1.118039\n", + " 1.0944495 1.0826238 1.079416 1.0781015 1.0717486 1.0611473 1.0522316\n", + " 1.0482703 1.0506097 1.0568081 1.0628774]\n", + " [1.1666605 1.1638278 1.1744257 1.1833863 1.1711136 1.1378186 1.1037978\n", + " 1.0809765 1.0703642 1.06763 1.067451 1.0628208 1.0543675 1.0466497\n", + " 1.0429394 1.0440098 1.0485622 1.0532386]]\n", + "[[1.1520758 1.150377 1.1602006 1.1681595 1.156897 1.1262722 1.0948578\n", + " 1.0745428 1.0646877 1.061987 1.0613339 1.0564871 1.0481471 1.0408959\n", + " 1.0376427 1.0390389 1.0435406 1.0482913 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1673903 1.1614176 1.1702304 1.1787164 1.1673508 1.1356978 1.1023164\n", + " 1.0808055 1.0709761 1.0688282 1.0682216 1.0635645 1.0550052 1.046862\n", + " 1.0433612 1.0453598 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1785406 1.1735233 1.1833296 1.1923418 1.1798124 1.1464846 1.1109316\n", + " 1.0870343 1.07586 1.0732094 1.0732112 1.0685635 1.0595174 1.0510587\n", + " 1.0475352 1.0490673 1.0545572 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2089863 1.2031964 1.2153441 1.2253695 1.2108134 1.1697904 1.129228\n", + " 1.1027501 1.0918069 1.091743 1.0932589 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1748483 1.1714517 1.1814462 1.190596 1.1784494 1.145853 1.1125718\n", + " 1.089717 1.0779403 1.072814 1.0702803 1.0637536 1.0540535 1.0464871\n", + " 1.0434018 1.0457094 1.0510108 1.0560598 1.0585947 1.0591671 1.060174\n", + " 1.0637652 1.0713959]]\n", + "[[1.1807528 1.1786325 1.1906532 1.1999371 1.186576 1.1515127 1.1151586\n", + " 1.0901593 1.0784221 1.0742636 1.0711966 1.0655953 1.0564603 1.048383\n", + " 1.0455371 1.0474516 1.0530307 1.0584434 1.0612869 1.0621054 1.0636935\n", + " 1.0678029 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1853786 1.1814163 1.192204 1.2013832 1.1885041 1.1544325 1.1180638\n", + " 1.0932404 1.0814117 1.0778809 1.0768955 1.071236 1.0615045 1.0523432\n", + " 1.0485975 1.0504093 1.0560813 1.061481 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1594219 1.154005 1.162598 1.1702905 1.1587019 1.1288766 1.09777\n", + " 1.0772771 1.0675014 1.0656 1.0656022 1.06161 1.0537611 1.0461748\n", + " 1.0422997 1.0439026 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.18031 1.1742194 1.1826743 1.1901546 1.1784807 1.1454642 1.1110164\n", + " 1.0876204 1.0765938 1.0735836 1.0734718 1.0685467 1.0597589 1.0514371\n", + " 1.0477983 1.050402 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1483197 1.1442326 1.1550087 1.1666228 1.1586149 1.1298889 1.0981883\n", + " 1.0768232 1.0671028 1.0638157 1.0619323 1.0558977 1.0474632 1.0402716\n", + " 1.0375576 1.0397418 1.0444592 1.0494667 1.0518217 1.052571 1.0536244\n", + " 1.0564944 1.0617774 1.0703164 1.0777625 1.0822561 1.0837852 1.0806727\n", + " 1.0727671 1.0638149 1.0557381 1.0506067]]\n", + "[[1.1804963 1.1758806 1.1852051 1.1927073 1.1813893 1.1464674 1.1108198\n", + " 1.0875189 1.0758638 1.0729727 1.0722737 1.0684028 1.0598607 1.0514101\n", + " 1.047847 1.049687 1.0554671 0. 0. 0. ]\n", + " [1.1779724 1.1736978 1.1839304 1.1912369 1.1790506 1.1457989 1.1114683\n", + " 1.0883533 1.0780429 1.0749363 1.0746903 1.0687791 1.0589906 1.0505066\n", + " 1.0468072 1.0491567 1.05503 0. 0. 0. ]\n", + " [1.1632838 1.161232 1.171597 1.1800263 1.1675608 1.1349056 1.1024542\n", + " 1.0803379 1.0695316 1.0666298 1.0650175 1.0595685 1.050985 1.0434111\n", + " 1.0403327 1.0419624 1.0466374 1.0510266 1.053483 1.054178 ]\n", + " [1.1856115 1.1796621 1.1888173 1.1962978 1.1847929 1.1506824 1.115385\n", + " 1.0921149 1.0810866 1.0781434 1.0779716 1.0725359 1.0621485 1.0537283\n", + " 1.0499461 1.052326 0. 0. 0. 0. ]\n", + " [1.1953108 1.1895074 1.1999766 1.2094363 1.1967696 1.1608582 1.1239438\n", + " 1.099088 1.0878897 1.085999 1.0852567 1.079022 1.0683175 1.0589366\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1806458 1.1724925 1.1796598 1.1868347 1.1763282 1.1455423 1.1122462\n", + " 1.0900604 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1748167 1.1702602 1.1800065 1.1891756 1.1778923 1.145191 1.1107539\n", + " 1.0868547 1.0757596 1.0740726 1.073864 1.0693537 1.0594245 1.0503676\n", + " 1.0461997 1.0476822 0. 0. 0. ]\n", + " [1.2104206 1.2041459 1.2139233 1.222554 1.2083216 1.1706964 1.1311778\n", + " 1.103994 1.0915686 1.0892303 1.0884457 1.082452 1.0720543 1.0620595\n", + " 1.0573903 0. 0. 0. 0. ]\n", + " [1.1829509 1.1796023 1.1904277 1.2001013 1.1883974 1.1531497 1.1161366\n", + " 1.0914581 1.0796925 1.0763767 1.0750502 1.0694913 1.0602399 1.0515823\n", + " 1.0472852 1.0490227 1.0543315 1.0594589 1.0619603]\n", + " [1.1822631 1.1800283 1.1917411 1.2001597 1.1871037 1.151085 1.1135747\n", + " 1.0892795 1.0784321 1.075947 1.0756614 1.0701879 1.0605375 1.0520247\n", + " 1.048087 1.0495808 1.0550908 1.060431 0. ]]\n", + "[[1.1707716 1.1669046 1.177171 1.1858994 1.175462 1.1428047 1.1078678\n", + " 1.085345 1.0743049 1.0725732 1.072691 1.0682764 1.0590562 1.0506419\n", + " 1.0466186 1.0481172 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1946559 1.1903062 1.2010838 1.2107683 1.1965393 1.1583211 1.1193794\n", + " 1.0941454 1.0840032 1.0835277 1.0844702 1.078858 1.0685455 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1843338 1.179809 1.1911713 1.2004045 1.1862642 1.1513247 1.1148398\n", + " 1.0907834 1.0798954 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1655368 1.1606611 1.1694349 1.1775618 1.1651137 1.1346173 1.1024936\n", + " 1.0809953 1.0710051 1.0685446 1.0686212 1.0642374 1.0556129 1.0477352\n", + " 1.04423 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1699952 1.168247 1.1788145 1.1893402 1.1776952 1.1441658 1.1100934\n", + " 1.087051 1.0758497 1.0714141 1.0689455 1.0623634 1.0530238 1.0447673\n", + " 1.0417684 1.043995 1.0492417 1.0537064 1.0562962 1.0571952 1.0583234\n", + " 1.0615952 1.0688586 1.0788969]]\n", + "[[1.1819528 1.1780311 1.1888707 1.1963278 1.1846116 1.1503706 1.1153553\n", + " 1.0916331 1.0791366 1.0751262 1.072863 1.0664775 1.0573628 1.04921\n", + " 1.0456989 1.0479382 1.0534312 1.0582772 1.0606167 1.0614748]\n", + " [1.1845394 1.1791767 1.1894271 1.1990807 1.1866273 1.1516831 1.115577\n", + " 1.0918838 1.0812696 1.0788348 1.0780382 1.072756 1.0624942 1.0533806\n", + " 1.0488532 1.0507232 1.0564586 0. 0. 0. ]\n", + " [1.1706678 1.166659 1.176445 1.1834111 1.1701686 1.1366898 1.1037887\n", + " 1.0821477 1.0722384 1.0700336 1.0694484 1.0640638 1.0546939 1.0470408\n", + " 1.0436846 1.0456535 1.0514369 0. 0. 0. ]\n", + " [1.157792 1.1547323 1.1647587 1.173937 1.1630517 1.1312014 1.0986391\n", + " 1.0770236 1.0664008 1.0636598 1.0631791 1.0584098 1.0504524 1.0433928\n", + " 1.0401214 1.0415002 1.0459884 1.0511289 0. 0. ]\n", + " [1.1683029 1.1659987 1.176783 1.18582 1.173926 1.1403563 1.1061897\n", + " 1.0832076 1.0716372 1.0682431 1.0661253 1.0611984 1.0527388 1.0451005\n", + " 1.042072 1.0436318 1.0481112 1.0529077 1.0553327 1.0566725]]\n", + "[[1.1732701 1.1700197 1.1813247 1.189917 1.1777399 1.1426224 1.1071161\n", + " 1.0849519 1.0750139 1.0740242 1.0747436 1.0694894 1.0597821 1.0506828\n", + " 0. 0. 0. ]\n", + " [1.1668907 1.1634059 1.1744968 1.1834357 1.1711437 1.1376204 1.1030806\n", + " 1.0812771 1.0715294 1.0697917 1.0704242 1.0658085 1.0570109 1.0488828\n", + " 1.0451517 1.0467193 0. ]\n", + " [1.1597224 1.1551871 1.1637034 1.1707803 1.1603879 1.1292713 1.0971866\n", + " 1.0763627 1.0662011 1.0641584 1.0640987 1.0601442 1.052183 1.0448105\n", + " 1.0412395 1.0427674 1.0476205]\n", + " [1.1781731 1.1745415 1.1853694 1.1946431 1.182174 1.1460233 1.110112\n", + " 1.0860548 1.0763699 1.0742811 1.075077 1.0703547 1.0604986 1.0515889\n", + " 1.047502 0. 0. ]\n", + " [1.1564418 1.1519171 1.1612984 1.1686627 1.1582305 1.1277481 1.0963163\n", + " 1.0757388 1.0663024 1.0641932 1.0643549 1.060112 1.0518874 1.0444589\n", + " 1.0409348 1.0426021 1.0476838]]\n", + "[[1.171368 1.167346 1.1768639 1.1857642 1.173413 1.1411064 1.1072909\n", + " 1.0846529 1.0732177 1.0706472 1.0695361 1.0647266 1.0558797 1.0477031\n", + " 1.0439991 1.0453925 1.0501578 1.0553728 1.0577263 0. 0. ]\n", + " [1.1738672 1.1681741 1.1769819 1.1848276 1.173061 1.1404608 1.1062472\n", + " 1.0830288 1.0724058 1.0699505 1.0703014 1.0655519 1.0571889 1.0491732\n", + " 1.0453211 1.0472543 1.0527943 0. 0. 0. 0. ]\n", + " [1.1854928 1.1825665 1.1934712 1.2021301 1.1907026 1.1561525 1.1198436\n", + " 1.0943198 1.0822805 1.0773467 1.0749526 1.0677929 1.0585626 1.0505556\n", + " 1.0470823 1.0486659 1.054409 1.0595648 1.0619032 1.0629175 1.0642343]\n", + " [1.1935902 1.1856666 1.1949773 1.20393 1.1913098 1.1561264 1.1198678\n", + " 1.0950412 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1741025 1.1705384 1.1816871 1.1914066 1.179643 1.1452386 1.1091737\n", + " 1.0854187 1.074144 1.0716727 1.0714405 1.0663346 1.0571128 1.0491079\n", + " 1.0451635 1.046806 1.0518986 1.057094 0. 0. 0. ]]\n", + "[[1.1707878 1.1675613 1.1784207 1.1871268 1.1758235 1.1428428 1.1083671\n", + " 1.085122 1.0743775 1.0721388 1.0711701 1.0665249 1.0571283 1.048803\n", + " 1.0450233 1.0467083 1.0521145 0. 0. 0. ]\n", + " [1.1606452 1.1563643 1.1649563 1.1712526 1.1606712 1.1306373 1.0991092\n", + " 1.0783283 1.067519 1.0637548 1.0629632 1.0584035 1.0496147 1.0429431\n", + " 1.0402604 1.0421327 1.0473336 1.0518978 0. 0. ]\n", + " [1.1870081 1.1824082 1.1939956 1.204522 1.1925833 1.1564585 1.1179605\n", + " 1.092078 1.0806018 1.0781769 1.078259 1.0734489 1.0637047 1.0544603\n", + " 1.0499837 1.051782 1.0579057 0. 0. 0. ]\n", + " [1.1616021 1.1567262 1.1661006 1.1750572 1.1644619 1.1343489 1.1027185\n", + " 1.0809257 1.0696602 1.066096 1.0642297 1.0584309 1.0500246 1.0424739\n", + " 1.0394057 1.040965 1.0460262 1.0505261 1.052752 1.0534639]\n", + " [1.1833193 1.179512 1.1896726 1.1984407 1.1862894 1.1525805 1.1166312\n", + " 1.0918913 1.0791994 1.0749732 1.0734249 1.0675478 1.0579379 1.0501803\n", + " 1.0466224 1.0486177 1.0539075 1.0588393 1.0611691 1.0621701]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1860512 1.1805501 1.1905897 1.1989402 1.1877855 1.1531382 1.1165625\n", + " 1.0922443 1.0805873 1.0783665 1.0777831 1.0730541 1.0632902 1.0541413\n", + " 1.0496945 1.0517031 0. ]\n", + " [1.1650969 1.1599422 1.1689538 1.1759242 1.1638676 1.1324128 1.1003852\n", + " 1.0794129 1.069615 1.0686903 1.0692486 1.0652281 1.0563377 1.0482028\n", + " 0. 0. 0. ]\n", + " [1.166318 1.1624488 1.1725059 1.1816746 1.1698097 1.1376859 1.1032196\n", + " 1.0804467 1.0697402 1.0669099 1.0671984 1.0625055 1.0542945 1.0462545\n", + " 1.0429671 1.0446523 1.0498698]\n", + " [1.1613293 1.1563979 1.1659998 1.1737616 1.1631324 1.1315584 1.0996583\n", + " 1.078765 1.0697317 1.0685652 1.0685976 1.0641706 1.055202 1.0470594\n", + " 1.0432962 0. 0. ]\n", + " [1.1732681 1.1687889 1.1779861 1.1858057 1.1759155 1.1433345 1.1103574\n", + " 1.0875959 1.0772251 1.073983 1.0740099 1.0696344 1.059849 1.0511522\n", + " 1.0472378 1.0492692 0. ]]\n", + "[[1.175461 1.1723979 1.1833628 1.1929541 1.1815382 1.14694 1.1113882\n", + " 1.0874535 1.0765841 1.0738661 1.0739307 1.0690937 1.0599962 1.0511022\n", + " 1.046838 1.048762 0. 0. 0. ]\n", + " [1.2215941 1.2162876 1.2261333 1.234465 1.2181123 1.1778426 1.1359323\n", + " 1.1086953 1.0965784 1.0944966 1.0947376 1.0879598 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.182274 1.1799712 1.1919405 1.200815 1.1882664 1.1519536 1.1144658\n", + " 1.0902703 1.0782962 1.0746628 1.0742503 1.0687691 1.059272 1.0499272\n", + " 1.0464807 1.0484022 1.0536892 1.0594478 1.0626073]\n", + " [1.1738001 1.171216 1.1814532 1.1913047 1.1778187 1.1426445 1.1076216\n", + " 1.0843133 1.0749298 1.073856 1.0744593 1.0694523 1.0594363 1.0504891\n", + " 1.0464276 0. 0. 0. 0. ]\n", + " [1.2046678 1.1990336 1.2090528 1.2173016 1.2032838 1.1661775 1.1269455\n", + " 1.1004388 1.0885377 1.0868181 1.0874538 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1656123 1.1602886 1.1684419 1.176933 1.1654122 1.1330067 1.1002308\n", + " 1.0787157 1.0685891 1.0672466 1.066698 1.0625255 1.0540669 1.0459507\n", + " 1.0424582 1.0447357 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1665107 1.1651917 1.1760123 1.1848818 1.1713885 1.1391623 1.1052973\n", + " 1.0823829 1.0711684 1.0679592 1.0670273 1.0621977 1.053652 1.0463017\n", + " 1.0426131 1.0443019 1.049128 1.0538245 1.0560458 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1981809 1.1910875 1.2002757 1.2084938 1.1950772 1.1579405 1.1203061\n", + " 1.0956781 1.0848677 1.0823185 1.0822635 1.0757084 1.0654993 1.0558692\n", + " 1.0515813 1.0539669 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1728351 1.1668463 1.175384 1.182931 1.1699686 1.1382554 1.1061336\n", + " 1.0846641 1.0749995 1.0734142 1.0738271 1.0690844 1.0596024 1.0507773\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1732091 1.1685594 1.1781195 1.1874362 1.1765473 1.1453543 1.1115768\n", + " 1.0885953 1.0765929 1.0716525 1.0687803 1.0620923 1.0526379 1.0449497\n", + " 1.0421778 1.0448842 1.0505337 1.0559099 1.0586851 1.0599147 1.0606686\n", + " 1.0636415 1.0707234 1.0802625 1.087759 1.0919702]]\n", + "[[1.1620339 1.1595957 1.1708359 1.178806 1.1676036 1.1344259 1.1000636\n", + " 1.0783491 1.0675793 1.065911 1.0654869 1.0614895 1.0525992 1.0454147\n", + " 1.0417794 1.043405 1.0481914 1.0530956 0. ]\n", + " [1.1832945 1.1797805 1.1887329 1.1970999 1.1838667 1.150642 1.1150752\n", + " 1.0905969 1.0780265 1.0748498 1.0738907 1.0688709 1.0597279 1.0515274\n", + " 1.0480475 1.0498563 1.0552931 1.0606338 0. ]\n", + " [1.1714351 1.169551 1.1811274 1.1888485 1.1771507 1.1422237 1.1066422\n", + " 1.0836194 1.0729686 1.0699565 1.0690596 1.0641421 1.0552503 1.0473973\n", + " 1.0438873 1.0455683 1.0503088 1.0550277 1.0571952]\n", + " [1.1748613 1.169465 1.1789323 1.1880509 1.1771911 1.1436547 1.1089818\n", + " 1.0865927 1.0758103 1.0738312 1.0741651 1.0695053 1.0604008 1.0516167\n", + " 1.0474468 0. 0. 0. 0. ]\n", + " [1.1577711 1.1542258 1.1641238 1.1731102 1.1615951 1.1295297 1.097431\n", + " 1.0764812 1.0660123 1.0633558 1.0621462 1.0569293 1.0490123 1.0417022\n", + " 1.0384623 1.0399952 1.044559 1.0490471 1.0516853]]\n", + "[[1.1755638 1.1706713 1.1824025 1.1915597 1.1812991 1.1464187 1.1115909\n", + " 1.0886934 1.0791956 1.0783815 1.0781579 1.0733575 1.0625708 1.0531276\n", + " 1.0485349 0. 0. 0. 0. 0. ]\n", + " [1.1658651 1.1641787 1.1762552 1.1848356 1.1715791 1.138295 1.1044582\n", + " 1.0816715 1.0707374 1.0671656 1.065508 1.0599835 1.0514815 1.0440127\n", + " 1.0411472 1.0425017 1.0475651 1.052592 1.0550505 1.0562503]\n", + " [1.1742809 1.1702856 1.1801249 1.1877966 1.175599 1.1429025 1.1095083\n", + " 1.0869524 1.0754163 1.0718396 1.0697817 1.0646818 1.0555805 1.0473292\n", + " 1.0438826 1.045324 1.0500991 1.05508 1.0577722 0. ]\n", + " [1.185596 1.1806138 1.191678 1.2008846 1.1879679 1.1520873 1.1151884\n", + " 1.0914736 1.0811106 1.0807534 1.0811318 1.0753219 1.0640438 1.05469\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1658198 1.1631346 1.1738269 1.1822315 1.170505 1.1378318 1.1042658\n", + " 1.0822846 1.0720192 1.0694989 1.0694312 1.0643077 1.0552896 1.0471606\n", + " 1.043582 1.045304 1.050471 0. 0. 0. ]]\n", + "[[1.1628475 1.1593952 1.1698918 1.1777048 1.16521 1.1322297 1.0992998\n", + " 1.0778818 1.06771 1.0658356 1.0660038 1.061362 1.0532337 1.0456784\n", + " 1.0423977 1.0444134 1.0499179 0. 0. 0. 0. ]\n", + " [1.1813643 1.1768053 1.1872295 1.1967515 1.1840366 1.1486741 1.1135341\n", + " 1.0903432 1.0804485 1.0797793 1.0798721 1.0749617 1.0644096 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1620278 1.1586465 1.1691836 1.1782722 1.1673484 1.134316 1.10137\n", + " 1.0794922 1.0698004 1.0675298 1.067811 1.0628071 1.0540766 1.046015\n", + " 1.042062 1.0435901 1.0488106 0. 0. 0. 0. ]\n", + " [1.1720854 1.1685514 1.1795145 1.1885439 1.177839 1.1446096 1.1102233\n", + " 1.0869607 1.0750486 1.07114 1.0687245 1.0623542 1.053477 1.0459898\n", + " 1.0427196 1.0449735 1.0502195 1.0548553 1.0572672 1.0581163 1.0597525]\n", + " [1.1693926 1.1674455 1.1793542 1.1889682 1.175991 1.142055 1.107817\n", + " 1.0844208 1.0732682 1.0706204 1.069349 1.0633395 1.0539157 1.046329\n", + " 1.0426358 1.0444741 1.0497339 1.0547054 1.0575973 0. 0. ]]\n", + "[[1.1785115 1.1753002 1.1859528 1.1941792 1.1803454 1.14652 1.1116831\n", + " 1.0880551 1.0768708 1.0736718 1.0718304 1.0651897 1.0558043 1.0478035\n", + " 1.044291 1.0465267 1.0519017 1.0572733 1.0593938 1.0604042]\n", + " [1.1787952 1.1734457 1.1809781 1.1878724 1.1754373 1.1434907 1.1108997\n", + " 1.0878745 1.0757992 1.0722558 1.0711427 1.06706 1.0586337 1.0505809\n", + " 1.046989 1.0485483 1.0539149 1.059576 0. 0. ]\n", + " [1.1747345 1.1699494 1.1782452 1.1856688 1.1727796 1.1399308 1.1054955\n", + " 1.0835693 1.0730251 1.0711768 1.0711893 1.0667495 1.0574507 1.0491371\n", + " 1.0454841 1.0474854 1.0528561 0. 0. 0. ]\n", + " [1.176701 1.1736348 1.1846911 1.1930958 1.179973 1.1453865 1.1096199\n", + " 1.0860549 1.07476 1.0719476 1.0700072 1.0647663 1.0559703 1.0476116\n", + " 1.0439541 1.0460852 1.0514885 1.0568889 1.0595006 0. ]\n", + " [1.1666586 1.1634848 1.1742408 1.1840096 1.1717194 1.1395798 1.1054554\n", + " 1.0821961 1.0717269 1.0692812 1.0699793 1.0659356 1.0568472 1.0486643\n", + " 1.0445796 1.0463301 0. 0. 0. 0. ]]\n", + "[[1.168089 1.1658411 1.1765409 1.1845689 1.1712785 1.1386976 1.1048657\n", + " 1.082661 1.0723267 1.0691535 1.0688874 1.0636585 1.055028 1.0470452\n", + " 1.0436902 1.0453683 1.0504944 1.0554357]\n", + " [1.1574097 1.1518098 1.1597064 1.1661675 1.1557912 1.1261169 1.0951214\n", + " 1.0752708 1.0657014 1.06428 1.0644462 1.0601994 1.0523398 1.0447111\n", + " 1.0411581 1.0428606 0. 0. ]\n", + " [1.1847519 1.1803609 1.1897682 1.1987417 1.1858094 1.1511166 1.1149763\n", + " 1.091867 1.0804166 1.0773748 1.0769831 1.0715823 1.0620918 1.052785\n", + " 1.0490447 1.0513746 1.0574595 0. ]\n", + " [1.1793833 1.1739414 1.1837318 1.1920896 1.1793411 1.1455014 1.1104476\n", + " 1.0869762 1.0761454 1.0755293 1.0759796 1.0714931 1.0617682 1.0527402\n", + " 1.0487909 0. 0. 0. ]\n", + " [1.1908374 1.1852003 1.1947064 1.2028557 1.1901523 1.1550151 1.1187062\n", + " 1.0954304 1.0845135 1.0822526 1.0815164 1.0757867 1.0647768 1.0554997\n", + " 1.0517602 1.0543097 0. 0. ]]\n", + "[[1.1951172 1.1908181 1.2018694 1.2107961 1.1951916 1.1591873 1.1217073\n", + " 1.0971335 1.0868137 1.0852015 1.0859368 1.0804319 1.069574 1.0588174\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1749402 1.1711274 1.182631 1.1930163 1.1810172 1.1463735 1.1103774\n", + " 1.086416 1.0753912 1.0735006 1.0745611 1.0702498 1.0607562 1.0522863\n", + " 1.0479834 0. 0. 0. 0. ]\n", + " [1.1859093 1.1810708 1.1906433 1.1976774 1.1847179 1.1499457 1.1142994\n", + " 1.0910084 1.0798717 1.0769739 1.0758731 1.0707374 1.0608251 1.05188\n", + " 1.0481849 1.0505241 1.056805 0. 0. ]\n", + " [1.1673661 1.1642481 1.1747618 1.182148 1.1702358 1.1370742 1.1036355\n", + " 1.081315 1.0708315 1.0687377 1.0683753 1.06328 1.0551474 1.0475539\n", + " 1.0438951 1.0457805 1.0505513 1.0555158 0. ]\n", + " [1.1744391 1.1737928 1.1848512 1.1944903 1.1802648 1.1455663 1.110645\n", + " 1.0869321 1.075478 1.0718849 1.0703747 1.0651866 1.0565481 1.0488335\n", + " 1.0446304 1.0465037 1.0516676 1.0562137 1.0586382]]\n", + "[[1.1636908 1.1600213 1.1698852 1.1771873 1.1671591 1.1354659 1.1027358\n", + " 1.0807472 1.0705082 1.0680131 1.0681953 1.0631433 1.0551322 1.0466636\n", + " 1.0429797 1.0447897 0. 0. 0. 0. ]\n", + " [1.1887848 1.1850195 1.1940072 1.2019305 1.1886665 1.1538368 1.1179765\n", + " 1.0934575 1.0814066 1.078021 1.076812 1.0716372 1.0620822 1.0539725\n", + " 1.0500907 1.0523825 1.0581166 1.0637826 0. 0. ]\n", + " [1.1811296 1.1754607 1.1845239 1.1924195 1.1800371 1.1474609 1.1128839\n", + " 1.0888575 1.0776925 1.0740875 1.0738256 1.0694612 1.0600406 1.0520353\n", + " 1.0485134 1.0505836 1.0564759 0. 0. 0. ]\n", + " [1.1673677 1.1652659 1.1763517 1.1852354 1.174411 1.1415497 1.1077693\n", + " 1.0849562 1.0727334 1.0691068 1.066939 1.0612643 1.0527494 1.0449797\n", + " 1.0418692 1.0429232 1.0479616 1.0529335 1.0553614 1.0566332]\n", + " [1.1962123 1.1894329 1.1988368 1.2075847 1.1961204 1.1609014 1.1235831\n", + " 1.0978295 1.086526 1.0839211 1.0838475 1.0778091 1.0672221 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1660676 1.1634156 1.174469 1.1816187 1.1701672 1.1384217 1.1052371\n", + " 1.0821736 1.0714548 1.0676823 1.0653203 1.0591266 1.0506636 1.0433288\n", + " 1.0403239 1.0423514 1.047646 1.0520421 1.0550451 1.0564004 1.0584403\n", + " 1.0616813 1.0685985]\n", + " [1.1723872 1.1704102 1.1806111 1.1896113 1.1768337 1.1447351 1.110557\n", + " 1.0870848 1.0753032 1.07082 1.0693907 1.0634878 1.0545219 1.0466193\n", + " 1.0433509 1.0455508 1.0507427 1.0553524 1.0575521 1.0582155 0.\n", + " 0. 0. ]\n", + " [1.1837417 1.179513 1.1900383 1.1997086 1.1871856 1.1530433 1.1168255\n", + " 1.0924283 1.080222 1.0777104 1.0769312 1.0711703 1.0608717 1.0521998\n", + " 1.0477457 1.0492518 1.0549455 1.0604084 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1877984 1.1838824 1.1941081 1.2036175 1.1909297 1.1556178 1.1181359\n", + " 1.0932528 1.0803341 1.0770043 1.0755281 1.0702772 1.0608948 1.052457\n", + " 1.0489241 1.0507134 1.056084 1.0614848 1.063914 0. 0.\n", + " 0. 0. ]\n", + " [1.1739643 1.1704088 1.180337 1.1895729 1.1768097 1.1420527 1.1072092\n", + " 1.0845491 1.0738943 1.0717227 1.0712976 1.0668606 1.058393 1.049995\n", + " 1.0461988 1.0480987 1.0536302 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1564621 1.1519631 1.1610807 1.169818 1.1590724 1.1294031 1.0978477\n", + " 1.0774033 1.0676886 1.0656499 1.0653846 1.0608915 1.0528715 1.0452542\n", + " 1.0419827 0. 0. 0. 0. ]\n", + " [1.1754625 1.1714284 1.1798906 1.186476 1.1728218 1.1395333 1.1071211\n", + " 1.0847907 1.0729684 1.0696043 1.0685141 1.0632118 1.0542074 1.0470946\n", + " 1.0437976 1.0454282 1.0508661 1.0559328 1.058578 ]\n", + " [1.1947488 1.1908276 1.2006931 1.2073866 1.1953763 1.1590927 1.121434\n", + " 1.0960313 1.0835544 1.0802622 1.0789611 1.0733539 1.0637058 1.0549804\n", + " 1.0513746 1.053296 1.0593055 1.065185 0. ]\n", + " [1.2097993 1.2021289 1.2108325 1.2203708 1.2069341 1.1687658 1.1301467\n", + " 1.104303 1.0924165 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1837702 1.1792942 1.1890925 1.1969411 1.1846633 1.1498566 1.1144761\n", + " 1.0908341 1.0800205 1.0772651 1.0776376 1.0725759 1.0629966 1.0540117\n", + " 1.0499194 1.0523034 0. 0. 0. ]]\n", + "[[1.1660244 1.1652565 1.1762679 1.1852411 1.1721058 1.1401467 1.1068779\n", + " 1.0841063 1.0724857 1.0685308 1.0663395 1.0613352 1.0527282 1.0451468\n", + " 1.0415909 1.0436352 1.0483288 1.0525736 1.0548128 1.0560261]\n", + " [1.179663 1.1753367 1.186105 1.1949037 1.1827703 1.14681 1.1107786\n", + " 1.0872631 1.077511 1.0765287 1.0778277 1.0727757 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.164406 1.1617436 1.1715082 1.1799452 1.1677039 1.1342316 1.1011585\n", + " 1.0789412 1.0687028 1.0659498 1.0650806 1.0601776 1.0520809 1.044809\n", + " 1.0412704 1.0427548 1.0475824 1.0521879 0. 0. ]\n", + " [1.1853501 1.180007 1.1899213 1.1997081 1.1868076 1.150536 1.1146103\n", + " 1.0902945 1.0799906 1.0787438 1.078733 1.0738074 1.0638002 1.054836\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1613014 1.1579607 1.1686611 1.1778392 1.1654614 1.1333352 1.1000443\n", + " 1.0789422 1.0700531 1.0693043 1.0697072 1.0652912 1.0558677 1.0470465\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1643385 1.1602668 1.170848 1.1797566 1.1685449 1.1357677 1.1019832\n", + " 1.0802637 1.0704635 1.0686439 1.0685881 1.0644419 1.0558044 1.0474924\n", + " 1.0436429 1.0453484 0. 0. 0. 0. ]\n", + " [1.1535048 1.1501608 1.1606467 1.1702466 1.1592603 1.127947 1.0963801\n", + " 1.0752928 1.0651469 1.0619854 1.0610123 1.055944 1.0479287 1.0408016\n", + " 1.0376436 1.0393132 1.0435045 1.0481936 1.0506182 0. ]\n", + " [1.1832275 1.1794466 1.189025 1.1970071 1.1852624 1.1510937 1.1157702\n", + " 1.0916673 1.0795436 1.0769135 1.0752227 1.0688628 1.0601212 1.05141\n", + " 1.0480727 1.0499814 1.0553898 1.0603154 0. 0. ]\n", + " [1.1701529 1.1680986 1.1801981 1.1905363 1.1778584 1.1442585 1.108697\n", + " 1.0851197 1.0731388 1.068951 1.0679275 1.0617898 1.0527215 1.0451747\n", + " 1.0418015 1.0435499 1.0483683 1.0532445 1.0557064 1.056805 ]\n", + " [1.1693652 1.1652431 1.1742127 1.1829736 1.172053 1.1397862 1.1056988\n", + " 1.0830442 1.0733318 1.0719519 1.0727355 1.0687104 1.0590669 1.0503765\n", + " 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1807126 1.1757216 1.1857159 1.1942916 1.1831043 1.1490418 1.113366\n", + " 1.0898077 1.0791645 1.0769148 1.0777394 1.0729468 1.0635628 1.0544174\n", + " 1.050235 0. 0. 0. 0. ]\n", + " [1.178146 1.1730845 1.1825292 1.1901984 1.1787715 1.1452157 1.1108829\n", + " 1.0873395 1.0761595 1.0724474 1.0708762 1.0651722 1.0564144 1.0483199\n", + " 1.0445546 1.046638 1.0515072 1.0566813 1.059793 ]\n", + " [1.2163033 1.2108921 1.2220562 1.2311962 1.2156972 1.1758473 1.1347688\n", + " 1.1071796 1.095276 1.0938069 1.0941182 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1522865 1.1483523 1.1580579 1.166472 1.1565809 1.1259156 1.0950499\n", + " 1.0745262 1.064754 1.0637143 1.0642995 1.0604137 1.052558 1.0448627\n", + " 1.0414442 0. 0. 0. 0. ]\n", + " [1.1589538 1.1541848 1.1633322 1.1717656 1.1601847 1.130203 1.0982926\n", + " 1.0777172 1.0683643 1.0668328 1.0668085 1.0621791 1.0534021 1.0450919\n", + " 1.0415108 0. 0. 0. 0. ]]\n", + "[[1.1636355 1.1604558 1.1707494 1.1785809 1.1671778 1.1348306 1.1022694\n", + " 1.0808666 1.0700579 1.066624 1.064812 1.0596786 1.0510815 1.0437826\n", + " 1.0409232 1.0429289 1.0482225 1.0532422 0. 0. 0. ]\n", + " [1.1700141 1.1666943 1.175786 1.1828297 1.1704725 1.1369693 1.1038772\n", + " 1.0816466 1.0700555 1.0663123 1.0647459 1.0591596 1.0509439 1.0438693\n", + " 1.0411093 1.0425589 1.0473185 1.0524267 1.0549151 1.0563546 0. ]\n", + " [1.1647676 1.1615522 1.1716564 1.1802335 1.16787 1.1359354 1.1029333\n", + " 1.0812625 1.0717418 1.070315 1.0703683 1.065057 1.0561042 1.0478889\n", + " 1.0440302 1.0458782 0. 0. 0. 0. 0. ]\n", + " [1.1741111 1.171688 1.1824019 1.1909151 1.1782385 1.1432102 1.1080788\n", + " 1.0847411 1.0742583 1.0716758 1.0715685 1.0660877 1.056839 1.0484482\n", + " 1.0447377 1.0462159 1.0514203 1.0566555 0. 0. 0. ]\n", + " [1.1593709 1.1552271 1.1644685 1.1730342 1.1627935 1.1320586 1.1006705\n", + " 1.0790854 1.0677469 1.0639017 1.0623063 1.057277 1.0493269 1.0425495\n", + " 1.0396997 1.0411668 1.0458362 1.0503546 1.0527812 1.0539567 1.0555465]]\n", + "[[1.1903661 1.1871915 1.1980908 1.2070215 1.1934428 1.1584471 1.121329\n", + " 1.0959141 1.082988 1.0784193 1.0761017 1.0696222 1.0594932 1.0509167\n", + " 1.0472941 1.0496459 1.0549653 1.0601385 1.0629247 1.06411 1.0658858]\n", + " [1.1528429 1.1487154 1.1587546 1.1659247 1.1554666 1.1247181 1.0936916\n", + " 1.0735967 1.0646418 1.0637043 1.0646049 1.0597731 1.0514349 1.0433679\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1799891 1.1774724 1.1882912 1.1980289 1.1857085 1.1512483 1.1148745\n", + " 1.0901169 1.0788009 1.0753828 1.0730418 1.0677998 1.0581454 1.0497534\n", + " 1.0461562 1.0477763 1.0529735 1.0579734 1.0605189 1.0610358 0. ]\n", + " [1.1608801 1.1564816 1.1663357 1.1748176 1.1638396 1.1312883 1.0986253\n", + " 1.0775117 1.0681661 1.0669456 1.067122 1.0630822 1.0546472 1.0465254\n", + " 1.0428934 0. 0. 0. 0. 0. 0. ]\n", + " [1.1639427 1.1622506 1.1722282 1.1811637 1.169223 1.1362438 1.1032194\n", + " 1.0808595 1.0703459 1.0671151 1.0658143 1.0610887 1.0523885 1.0445327\n", + " 1.041129 1.0426108 1.0472269 1.0522863 1.0546384 0. 0. ]]\n", + "[[1.1817739 1.1791044 1.190489 1.1997781 1.1874605 1.1529448 1.116158\n", + " 1.0916765 1.0797033 1.0753124 1.0737593 1.0672898 1.0583309 1.0497568\n", + " 1.0456208 1.0474635 1.0529064 1.0578703 1.0603933 1.0614432 0. ]\n", + " [1.1655085 1.1625959 1.1733773 1.1828717 1.1703323 1.1380819 1.104643\n", + " 1.0823741 1.0712858 1.06802 1.0667596 1.0618014 1.052767 1.0450264\n", + " 1.0412724 1.042995 1.0480816 1.0527351 1.055167 0. 0. ]\n", + " [1.1590807 1.1539283 1.1630094 1.1715608 1.1599357 1.1298244 1.0985746\n", + " 1.077602 1.0672505 1.0646495 1.0637629 1.0596607 1.0516788 1.0442768\n", + " 1.0411898 1.0429444 1.047619 0. 0. 0. 0. ]\n", + " [1.151213 1.1485157 1.1578658 1.1654232 1.1544598 1.124609 1.0941833\n", + " 1.073512 1.0628414 1.0593535 1.0577472 1.0530869 1.0459828 1.03965\n", + " 1.0370741 1.0389353 1.0431089 1.0478503 1.0501562 1.0507724 1.0522904]\n", + " [1.171553 1.1703224 1.1811028 1.1896454 1.1790485 1.1454809 1.1104853\n", + " 1.0866275 1.0749391 1.0713613 1.0695548 1.0639486 1.0552622 1.0475552\n", + " 1.044048 1.0456759 1.0505502 1.0559114 1.0579343 0. 0. ]]\n", + "[[1.1651506 1.159456 1.1687024 1.1762501 1.1654123 1.1338985 1.100784\n", + " 1.079397 1.069594 1.0681218 1.0684777 1.0640699 1.0555663 1.0473634\n", + " 1.0436736 0. 0. 0. 0. ]\n", + " [1.1538329 1.1502488 1.1585253 1.1663457 1.1542535 1.1236571 1.0929414\n", + " 1.0727481 1.0628732 1.0603638 1.0597172 1.0552479 1.0474596 1.0406449\n", + " 1.0378729 1.0393914 1.0440241 1.0483433 1.0506307]\n", + " [1.1688242 1.1651808 1.1746998 1.1833822 1.1709247 1.1370128 1.1035677\n", + " 1.0811999 1.0702292 1.0671713 1.0660604 1.06133 1.0529442 1.0454484\n", + " 1.0421479 1.0437514 1.0490142 1.0539309 1.0567482]\n", + " [1.1703167 1.1653705 1.1744013 1.182074 1.1685658 1.1352422 1.1018305\n", + " 1.0807477 1.0713779 1.0709591 1.0719253 1.0679643 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.190541 1.1863407 1.1959074 1.20414 1.192362 1.1561298 1.1199428\n", + " 1.0953243 1.082928 1.0803618 1.0798122 1.0742853 1.0642569 1.0553541\n", + " 1.0515282 1.0539427 1.0599893 0. 0. ]]\n", + "[[1.1641635 1.1620868 1.1731582 1.1811947 1.1669109 1.134186 1.1011031\n", + " 1.0792603 1.0688816 1.0664264 1.0661962 1.0615634 1.0536387 1.04566\n", + " 1.0424881 1.0439378 1.0486077 1.0534167]\n", + " [1.1844312 1.178273 1.1874464 1.1956282 1.1822449 1.1480113 1.1128674\n", + " 1.0899016 1.078909 1.0759416 1.0752722 1.0702795 1.060881 1.0524489\n", + " 1.0489955 1.0511751 1.0573946 0. ]\n", + " [1.1747452 1.1709397 1.1809363 1.1894033 1.1783317 1.1448977 1.110289\n", + " 1.0876322 1.0764128 1.0739316 1.0724766 1.0675753 1.057794 1.0498284\n", + " 1.0458686 1.0477115 1.0530407 1.0581464]\n", + " [1.2002639 1.1953477 1.2066324 1.2168381 1.2031598 1.1653445 1.1259091\n", + " 1.0998402 1.0879343 1.0860937 1.0863249 1.0808516 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2101179 1.2038107 1.2131016 1.2217398 1.2066913 1.1680998 1.1292189\n", + " 1.103257 1.0912356 1.0900857 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1789656 1.1759384 1.1884443 1.197958 1.1852016 1.1499857 1.1139655\n", + " 1.0909166 1.0807159 1.0794725 1.0803897 1.0748106 1.0633961 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1782668 1.1733803 1.1826166 1.1908399 1.1791234 1.1457653 1.1113017\n", + " 1.0889325 1.0776942 1.0768733 1.0760988 1.0716616 1.0617191 1.0529118\n", + " 1.0492514 0. 0. 0. 0. 0. 0. ]\n", + " [1.1830363 1.1810623 1.1908813 1.2002804 1.1871321 1.1531856 1.1169691\n", + " 1.0928309 1.0800163 1.0758957 1.0732945 1.0674856 1.058131 1.0499882\n", + " 1.0463719 1.048359 1.0534934 1.0584642 1.0608261 1.0617254 1.0631275]\n", + " [1.1610868 1.1587812 1.168771 1.1775253 1.1653241 1.1329005 1.1005417\n", + " 1.0785824 1.0680664 1.064804 1.0631682 1.0579538 1.0498626 1.0430126\n", + " 1.0399011 1.0418396 1.0464162 1.0509877 1.0533885 1.0540771 0. ]\n", + " [1.1766683 1.1715244 1.1834208 1.1937476 1.1812315 1.1462349 1.1107391\n", + " 1.0873992 1.0765444 1.0746431 1.0745796 1.0695798 1.0599486 1.0503656\n", + " 1.0461998 1.0481153 0. 0. 0. 0. 0. ]]\n", + "[[1.1606029 1.1562139 1.1667025 1.1756968 1.1640344 1.1327624 1.099749\n", + " 1.0780314 1.068211 1.0663638 1.0657451 1.0612091 1.052384 1.044048\n", + " 1.0406592 1.0422286 1.0477698 0. 0. ]\n", + " [1.1604406 1.1559765 1.1626221 1.1690712 1.1565189 1.1263837 1.0956125\n", + " 1.0762644 1.067383 1.0669978 1.067232 1.0627164 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1905966 1.1864506 1.196365 1.204331 1.1909012 1.1546817 1.1184347\n", + " 1.0947899 1.0827366 1.0788492 1.0772705 1.0708203 1.0601681 1.0515473\n", + " 1.0477295 1.0498773 1.0559996 1.0614371 1.0639892]\n", + " [1.2022992 1.1963247 1.2067463 1.2161641 1.2012403 1.1645445 1.126734\n", + " 1.1019027 1.0908741 1.0893599 1.0895107 1.0833788 1.071106 1.0610354\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.169243 1.1645762 1.1740587 1.1822019 1.1712487 1.139155 1.1054969\n", + " 1.0833479 1.0729045 1.071174 1.0708377 1.0664213 1.0574131 1.049114\n", + " 1.0448698 1.0465771 0. 0. 0. ]]\n", + "[[1.1613303 1.1582181 1.1687455 1.178705 1.1673026 1.1342481 1.1006109\n", + " 1.0783399 1.0680778 1.066868 1.0668404 1.061952 1.0530877 1.0447409\n", + " 1.0410224 1.0426508 1.0479071 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2054989 1.1986227 1.2078795 1.2151229 1.2010324 1.1654785 1.128089\n", + " 1.1016731 1.090658 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1448933 1.1432787 1.1540873 1.1619936 1.1526623 1.123738 1.0934234\n", + " 1.0732914 1.0627158 1.059602 1.0573003 1.0517671 1.044046 1.0374893\n", + " 1.0352565 1.0366156 1.041129 1.045158 1.0476897 1.0485415 1.0501283\n", + " 1.0530803 1.0594181]\n", + " [1.2066882 1.2008862 1.2084906 1.2150654 1.2016797 1.1650697 1.1249552\n", + " 1.0980524 1.0855191 1.0844634 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1680541 1.1649219 1.1759822 1.1858656 1.1750128 1.1421595 1.1079946\n", + " 1.084923 1.0730586 1.0692822 1.0674229 1.0618119 1.0528333 1.044902\n", + " 1.0417672 1.0432695 1.0482447 1.052709 1.0555044 1.0572046 1.0587105\n", + " 0. 0. ]]\n", + "[[1.1722997 1.1671973 1.1773303 1.185909 1.1745237 1.1413164 1.1068207\n", + " 1.0841779 1.0734863 1.0714296 1.0711747 1.0661391 1.0573746 1.0489538\n", + " 1.0455564 0. 0. 0. 0. 0. ]\n", + " [1.1649756 1.1623063 1.1735032 1.1830779 1.1717551 1.1373193 1.1031375\n", + " 1.0810397 1.0712724 1.0700612 1.0695761 1.0652183 1.0562371 1.0478199\n", + " 1.0439602 1.0457643 0. 0. 0. 0. ]\n", + " [1.1842211 1.181271 1.1924491 1.1999065 1.1866244 1.1494393 1.1128784\n", + " 1.0889446 1.0781215 1.0759006 1.0763925 1.0717251 1.0616511 1.0532181\n", + " 1.049026 1.0508802 1.0564575 0. 0. 0. ]\n", + " [1.1563812 1.1521275 1.16172 1.1701926 1.1590623 1.1289041 1.0979433\n", + " 1.0772265 1.0667394 1.0634248 1.0617573 1.0569062 1.0484676 1.0409402\n", + " 1.0376071 1.0394592 1.0441424 1.0488117 1.0510491 0. ]\n", + " [1.176647 1.1754112 1.1868101 1.1957095 1.1820519 1.1473866 1.1120838\n", + " 1.0887895 1.0767484 1.0732516 1.0716046 1.0651493 1.0562121 1.0481244\n", + " 1.0447074 1.0461859 1.0512984 1.0561826 1.0584519 1.059509 ]]\n", + "[[1.1610316 1.1571549 1.1663927 1.1737118 1.1621277 1.1309099 1.098661\n", + " 1.0774825 1.0674967 1.0655572 1.0653001 1.0614929 1.0535548 1.0465457\n", + " 1.0430583 1.0449035 0. 0. 0. 0. ]\n", + " [1.1752222 1.1719669 1.18258 1.1918434 1.1796528 1.1469402 1.1127595\n", + " 1.0889121 1.0776032 1.0739515 1.0715984 1.0658832 1.0563654 1.0481881\n", + " 1.044342 1.0465932 1.0517629 1.0565547 1.0587777 1.0590339]\n", + " [1.1953214 1.1919829 1.2027321 1.2118081 1.1991321 1.1630723 1.124319\n", + " 1.097159 1.0840946 1.0801579 1.0784786 1.0720992 1.0627931 1.0536833\n", + " 1.0496296 1.0516009 1.0571266 1.0626564 1.0654647 1.0668185]\n", + " [1.1836495 1.1781787 1.1872482 1.1937153 1.1803783 1.1465179 1.11165\n", + " 1.0878904 1.077197 1.0742615 1.0739803 1.0693805 1.0602384 1.0520438\n", + " 1.0484985 1.0508742 1.0568304 0. 0. 0. ]\n", + " [1.1770589 1.1737733 1.1847391 1.1932068 1.1816173 1.1461092 1.1096833\n", + " 1.0861175 1.0746009 1.0725775 1.0718218 1.0662974 1.0564816 1.0481791\n", + " 1.044131 1.0458614 1.0516015 1.0569829 0. 0. ]]\n", + "[[1.1843939 1.1793622 1.189322 1.1970016 1.1850593 1.1503139 1.114592\n", + " 1.0903486 1.0795074 1.0766531 1.0755293 1.0699615 1.0597212 1.0509835\n", + " 1.0470293 1.0493454 1.0552596 0. 0. 0. ]\n", + " [1.1725686 1.1697623 1.1815255 1.1907976 1.1791005 1.1437311 1.1072388\n", + " 1.0832661 1.0720416 1.0694195 1.0683998 1.0640426 1.0552106 1.0473219\n", + " 1.0435222 1.0452567 1.0503491 1.055557 1.0577211 0. ]\n", + " [1.1880924 1.1848631 1.194488 1.2034531 1.1908445 1.155347 1.118574\n", + " 1.0947373 1.0824083 1.0783677 1.0765462 1.069623 1.0598661 1.0514324\n", + " 1.0480728 1.0497149 1.055645 1.0609721 1.0633982 1.0638202]\n", + " [1.1789165 1.1755439 1.1872779 1.1973155 1.1847241 1.1496092 1.1132213\n", + " 1.0890031 1.0779383 1.0753012 1.0744818 1.0687947 1.0589504 1.050147\n", + " 1.0460594 1.0479324 1.0532628 1.0588945 0. 0. ]\n", + " [1.1693004 1.1647815 1.1746182 1.1833644 1.1714532 1.138568 1.1053543\n", + " 1.0831627 1.0720948 1.0687356 1.0676577 1.0622382 1.0530962 1.0456153\n", + " 1.0424231 1.0440984 1.0494403 1.0546699 1.0575564 0. ]]\n", + "[[1.1532799 1.1506352 1.1603607 1.1687403 1.157333 1.1257186 1.0946443\n", + " 1.0741107 1.0639935 1.061668 1.0608747 1.0568295 1.0492256 1.0420976\n", + " 1.0391709 1.0406854 1.045327 1.0500935 0. 0. 0.\n", + " 0. ]\n", + " [1.1685717 1.1657605 1.1766477 1.1835742 1.1712925 1.13715 1.1033291\n", + " 1.0818065 1.0714146 1.0694745 1.0691193 1.0648304 1.0555962 1.0476719\n", + " 1.044386 1.0461773 1.05144 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1618129 1.1609883 1.1723611 1.180834 1.1687396 1.1367416 1.104093\n", + " 1.0818766 1.0709527 1.0670627 1.064042 1.0586673 1.049862 1.0426292\n", + " 1.0399628 1.0413678 1.0463881 1.0510079 1.05332 1.054521 1.0560493\n", + " 1.0598369]\n", + " [1.1743765 1.171682 1.1830429 1.1926771 1.1801604 1.1467718 1.1114268\n", + " 1.0875399 1.0773275 1.0747864 1.0745518 1.0696851 1.0599265 1.0512662\n", + " 1.0471858 1.049316 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1804163 1.1770546 1.1882068 1.1973066 1.1834515 1.1483814 1.1129137\n", + " 1.0893872 1.0793396 1.0776999 1.0777003 1.0720042 1.0619017 1.0528873\n", + " 1.04888 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1717606 1.1670532 1.1768141 1.1845827 1.1738846 1.1404452 1.1062353\n", + " 1.0839663 1.0733035 1.0715088 1.0711643 1.0664607 1.0572205 1.048835\n", + " 1.0451456 1.0473467 0. 0. 0. 0. 0. ]\n", + " [1.1924077 1.1870112 1.1970879 1.2056597 1.1914158 1.1555034 1.1186355\n", + " 1.0941753 1.0827761 1.0804853 1.0800455 1.074898 1.0644553 1.05506\n", + " 1.0506841 1.0526474 0. 0. 0. 0. 0. ]\n", + " [1.1937438 1.1897563 1.2004453 1.2091318 1.195871 1.1612595 1.1247363\n", + " 1.0986977 1.0847836 1.0796874 1.0767069 1.0697509 1.0602375 1.0518743\n", + " 1.0484737 1.0507826 1.0561941 1.0616308 1.0644567 1.0654733 1.067255 ]\n", + " [1.174082 1.1697278 1.1793423 1.1873566 1.1750841 1.1419754 1.1076745\n", + " 1.08485 1.0744138 1.071834 1.071766 1.0668225 1.0579846 1.0500823\n", + " 1.0461243 1.0478129 1.0532005 0. 0. 0. 0. ]\n", + " [1.183459 1.1802223 1.1914204 1.1996359 1.1861368 1.1516348 1.1155461\n", + " 1.0913793 1.079619 1.0756161 1.0743697 1.0683525 1.0584952 1.0500727\n", + " 1.0462626 1.0481987 1.0536299 1.0587683 1.0610982 1.0618583 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1652503 1.1622933 1.1725699 1.1821222 1.1696223 1.1356357 1.1022469\n", + " 1.0803204 1.0701898 1.0671782 1.0669544 1.0618244 1.0537107 1.0458462\n", + " 1.0420866 1.0440563 1.0490068 1.0541352 0. 0. 0.\n", + " 0. ]\n", + " [1.1643283 1.1625469 1.1740184 1.1835281 1.1729451 1.140448 1.106237\n", + " 1.0835803 1.0718662 1.0682276 1.0655942 1.0599326 1.0506573 1.043399\n", + " 1.0400122 1.0418698 1.0460491 1.051123 1.0538992 1.0551963 1.0566875\n", + " 1.060044 ]\n", + " [1.1708083 1.1672251 1.1773043 1.1860408 1.1732203 1.1390144 1.105408\n", + " 1.084129 1.0743974 1.0739597 1.0743977 1.0692568 1.0589422 1.0499496\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1608514 1.1576201 1.1676009 1.1761851 1.1649778 1.1321694 1.0991075\n", + " 1.0771208 1.0671154 1.0644867 1.0646002 1.0597651 1.0518131 1.043748\n", + " 1.0404673 1.0420097 1.0466754 1.0519505 0. 0. 0.\n", + " 0. ]\n", + " [1.1562289 1.1513826 1.15898 1.1663975 1.1558936 1.125704 1.0956591\n", + " 1.0763161 1.0674434 1.0651793 1.0649586 1.0602096 1.0517861 1.0441318\n", + " 1.0409234 1.042685 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1819869 1.1771556 1.1873475 1.196579 1.184359 1.1508493 1.1156538\n", + " 1.0913901 1.0791066 1.0759284 1.0742468 1.068226 1.0586613 1.0501788\n", + " 1.0470111 1.0490808 1.0547801 1.0598675 1.0624355]\n", + " [1.1576701 1.1531098 1.1618199 1.1695384 1.1584063 1.1284783 1.0969406\n", + " 1.0764242 1.0666188 1.0650014 1.0643668 1.0607734 1.0526898 1.0447417\n", + " 1.0417068 1.0433598 0. 0. 0. ]]\n", + "[[1.1734648 1.1704289 1.1809372 1.1900635 1.1776788 1.1433972 1.107829\n", + " 1.0847487 1.0735822 1.0705887 1.069324 1.0639408 1.0543774 1.0463217\n", + " 1.0424181 1.0441656 1.0498309 1.0549974 1.0575618]\n", + " [1.1727909 1.1698637 1.1813213 1.1917735 1.1789645 1.1434491 1.1081731\n", + " 1.0843424 1.0729584 1.0699672 1.0694085 1.0647581 1.0556538 1.0478451\n", + " 1.0441685 1.045804 1.0503579 1.0553561 1.0578952]\n", + " [1.1595324 1.1546931 1.1629575 1.1710615 1.1602933 1.1285356 1.0965323\n", + " 1.0753584 1.0658213 1.0648428 1.0649266 1.0609281 1.0535129 1.0459092\n", + " 1.0423476 0. 0. 0. 0. ]\n", + " [1.1796314 1.1748837 1.1860846 1.1957012 1.1832762 1.1486164 1.1122947\n", + " 1.088006 1.0768391 1.0747229 1.0745057 1.069438 1.0594989 1.0505702\n", + " 1.0461565 1.048047 1.053691 0. 0. ]\n", + " [1.1614083 1.1581233 1.1684093 1.1770848 1.1650314 1.1335154 1.1009464\n", + " 1.0790466 1.068876 1.066039 1.0660105 1.0615222 1.0527906 1.045661\n", + " 1.0421251 1.0439742 1.0489073 0. 0. ]]\n", + "[[1.1621299 1.1591537 1.1695732 1.1793976 1.1700859 1.1382709 1.1050967\n", + " 1.0830096 1.0720811 1.0681589 1.0656391 1.0600988 1.0511343 1.043082\n", + " 1.0398045 1.0414969 1.0463406 1.051399 1.053565 1.0547485 1.0554637\n", + " 1.0581516 1.0652412]\n", + " [1.1906308 1.1854885 1.1967208 1.2075849 1.1947716 1.1590143 1.1208745\n", + " 1.0950838 1.0830432 1.0814635 1.0817965 1.0764416 1.0666223 1.0570067\n", + " 1.0528142 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1666439 1.1642776 1.1751772 1.1833997 1.1707332 1.1372616 1.1036317\n", + " 1.0814674 1.0715894 1.0697545 1.0697021 1.0649211 1.0555564 1.047656\n", + " 1.0438645 1.0455115 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1600943 1.1565281 1.1673111 1.1755415 1.1643624 1.1325991 1.0994226\n", + " 1.0777433 1.0675489 1.0644739 1.0642438 1.059718 1.050762 1.0436772\n", + " 1.0402442 1.0419123 1.0468427 1.0522274 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1760738 1.1719664 1.1831278 1.1925249 1.1805649 1.145734 1.1097466\n", + " 1.0865889 1.0759693 1.0747651 1.075138 1.0704569 1.0610101 1.0521297\n", + " 1.0481032 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1700981 1.1678995 1.1772984 1.1860051 1.1753391 1.1423095 1.1085037\n", + " 1.0862887 1.0746962 1.070282 1.068071 1.0620298 1.0529344 1.0450069\n", + " 1.0423818 1.044147 1.0490627 1.054361 1.0563073 1.0568259 1.0581605\n", + " 1.0618863]\n", + " [1.1852139 1.1814865 1.1913956 1.1993785 1.1879878 1.152401 1.1162637\n", + " 1.0921804 1.0806947 1.0777526 1.0766087 1.0704944 1.0607425 1.0517378\n", + " 1.0478561 1.0499091 1.0555102 1.0611424 0. 0. 0.\n", + " 0. ]\n", + " [1.1917897 1.1860563 1.196377 1.2045118 1.1923946 1.1561769 1.1194073\n", + " 1.0951657 1.0844371 1.0825 1.0828303 1.0773556 1.0661656 1.0563259\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1743047 1.1686105 1.1777174 1.1858668 1.1745703 1.1415676 1.1073753\n", + " 1.0845903 1.0745454 1.0730307 1.0729213 1.0691532 1.0598433 1.0513074\n", + " 1.047663 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.208289 1.2019765 1.2109294 1.2193725 1.2046432 1.1681688 1.1294554\n", + " 1.1038449 1.0917548 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1493936 1.1472036 1.1573333 1.1665444 1.1555576 1.125453 1.0949198\n", + " 1.0744785 1.0638202 1.0608195 1.0588992 1.0538777 1.0457925 1.0395461\n", + " 1.0366791 1.0384568 1.0427115 1.0474875 1.0492884 1.050028 1.0505638\n", + " 1.0537143 1.0603321]\n", + " [1.1764296 1.1726029 1.1823928 1.1913853 1.1805162 1.1462673 1.1114941\n", + " 1.0879049 1.0764357 1.0732943 1.0725843 1.0671314 1.0583912 1.0504153\n", + " 1.0463893 1.0479586 1.0530053 1.0582129 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1723516 1.1699584 1.1814362 1.1919307 1.1796476 1.1450068 1.109364\n", + " 1.0851853 1.0737102 1.0700951 1.0683947 1.06269 1.0541308 1.0460203\n", + " 1.0427825 1.043853 1.0490013 1.0538847 1.0568838 1.0581012 0.\n", + " 0. 0. ]\n", + " [1.1740475 1.1694667 1.1793153 1.188213 1.1758716 1.1417934 1.1070076\n", + " 1.084276 1.0740805 1.0722408 1.0720538 1.0676342 1.058577 1.049763\n", + " 1.0459731 1.0479472 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1843773 1.1807827 1.1903795 1.1993511 1.1865475 1.1530842 1.1170337\n", + " 1.0919969 1.0795559 1.0747857 1.0725448 1.0663731 1.0569961 1.0497179\n", + " 1.0464764 1.0487423 1.0535487 1.0591464 1.0614464 1.0624188 1.064132\n", + " 0. 0. ]]\n", + "[[1.1964769 1.1901972 1.1998591 1.207003 1.193313 1.157995 1.1215783\n", + " 1.0979023 1.0868424 1.0853261 1.0860051 1.08038 1.069335 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1594172 1.1547283 1.1633207 1.1708301 1.1602969 1.1296722 1.0978957\n", + " 1.0767081 1.0667197 1.0642757 1.0649233 1.0609436 1.0533873 1.0460598\n", + " 1.0425503 0. 0. 0. 0. 0. 0. ]\n", + " [1.1665535 1.1632434 1.1737782 1.1805937 1.1687168 1.1360719 1.1026045\n", + " 1.0808003 1.0711743 1.0690979 1.0691109 1.0648236 1.0559431 1.0479645\n", + " 1.0445052 1.0461907 1.0517677 0. 0. 0. 0. ]\n", + " [1.1818181 1.1803849 1.1923659 1.202379 1.1880317 1.1527042 1.1158231\n", + " 1.0915083 1.0792757 1.0752103 1.0730146 1.0666869 1.0576571 1.0494199\n", + " 1.0457886 1.0477402 1.0529155 1.0578407 1.0604347 1.0612618 1.0631083]\n", + " [1.1488099 1.14506 1.1552575 1.1640334 1.1547632 1.1247492 1.0940326\n", + " 1.0738596 1.0645822 1.0625371 1.0626581 1.0587242 1.0501413 1.0427167\n", + " 1.03915 1.0409553 0. 0. 0. 0. 0. ]]\n", + "[[1.2154263 1.2087629 1.2188368 1.228481 1.214029 1.1751649 1.134501\n", + " 1.1068151 1.0948099 1.094254 1.0950711 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1614424 1.1584307 1.1682234 1.1773922 1.1651137 1.1340977 1.1013842\n", + " 1.0788394 1.0688391 1.0659701 1.0664284 1.0618298 1.0540782 1.0462141\n", + " 1.0425589 1.043921 1.0486957 0. 0. ]\n", + " [1.1660694 1.1628035 1.1722332 1.1808125 1.1687417 1.1369721 1.1038369\n", + " 1.080823 1.0699419 1.0662789 1.0651529 1.060476 1.0523808 1.0453519\n", + " 1.0417061 1.0429109 1.047295 1.0517731 1.0543063]\n", + " [1.1693347 1.1649529 1.1745254 1.1823108 1.1714158 1.1398681 1.1071707\n", + " 1.0853413 1.0751271 1.0733438 1.0729941 1.0678732 1.0582099 1.0496117\n", + " 1.0457919 1.0479968 0. 0. 0. ]\n", + " [1.2138034 1.2063959 1.2157811 1.2244213 1.2099376 1.1729476 1.1324714\n", + " 1.1056165 1.0930516 1.0908264 1.0909238 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1878681 1.1824119 1.1930307 1.2024188 1.1897538 1.1541258 1.1172239\n", + " 1.092774 1.081791 1.0796062 1.0796684 1.0749546 1.0651556 1.0554055\n", + " 1.0510654 1.0528517 0. ]\n", + " [1.1649984 1.1615977 1.1718086 1.1798649 1.1690413 1.1374148 1.1040957\n", + " 1.0819663 1.07096 1.0694702 1.0687762 1.0638329 1.0548412 1.0467103\n", + " 1.042953 1.0445684 1.0499929]\n", + " [1.1843742 1.1800615 1.1906615 1.1993476 1.185256 1.149503 1.1136315\n", + " 1.0905613 1.0809736 1.0802193 1.0802189 1.0748439 1.0641602 1.0544001\n", + " 0. 0. 0. ]\n", + " [1.1629986 1.1578059 1.1670754 1.1764436 1.1664866 1.1355706 1.1028588\n", + " 1.0801797 1.0696021 1.067685 1.0678303 1.06409 1.0554684 1.0478523\n", + " 1.0436913 1.045104 0. ]\n", + " [1.1802872 1.176085 1.1869024 1.195238 1.1818585 1.1474369 1.1113473\n", + " 1.0882658 1.0787008 1.0775235 1.0788546 1.0738221 1.064072 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1861827 1.1823143 1.1929821 1.2019243 1.188374 1.1524045 1.1162115\n", + " 1.0911627 1.079178 1.0756491 1.073863 1.0684673 1.0592169 1.0507649\n", + " 1.0473441 1.0496196 1.0553023 1.0603588 1.0632119 0. ]\n", + " [1.1751719 1.1728839 1.184479 1.1943347 1.180581 1.1464691 1.1110992\n", + " 1.087637 1.0770113 1.0748476 1.0753745 1.0698404 1.0607516 1.0517223\n", + " 1.0476439 1.0493771 0. 0. 0. 0. ]\n", + " [1.1722225 1.1682107 1.1790847 1.188887 1.1770806 1.1437405 1.1089321\n", + " 1.0857952 1.0749748 1.0732472 1.073596 1.0687617 1.0597976 1.0512983\n", + " 1.0472782 1.0491178 0. 0. 0. 0. ]\n", + " [1.1953526 1.190263 1.2010224 1.2087822 1.1934249 1.1558713 1.1186372\n", + " 1.094369 1.0839819 1.0836518 1.0842587 1.0781381 1.0669644 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1721942 1.1703959 1.1816216 1.1904979 1.1784226 1.1445204 1.1095006\n", + " 1.0864005 1.075414 1.0718558 1.070299 1.0639184 1.0547214 1.0461285\n", + " 1.042559 1.0446069 1.0495708 1.0545552 1.0568151 1.0578583]]\n", + "[[1.157717 1.1552545 1.1657445 1.1750901 1.1637919 1.1321064 1.0992141\n", + " 1.0775317 1.0672841 1.064484 1.0642563 1.0598379 1.0516914 1.0447274\n", + " 1.0410436 1.0428042 1.0477443 0. 0. ]\n", + " [1.1649153 1.160981 1.1712594 1.1799842 1.1681693 1.1363277 1.1029785\n", + " 1.0807648 1.0698922 1.0675166 1.0671413 1.0622433 1.0539758 1.0458974\n", + " 1.0424156 1.0439668 1.049027 1.0538683 0. ]\n", + " [1.1758468 1.1730098 1.1841748 1.1925368 1.180455 1.1464092 1.1112392\n", + " 1.0878334 1.0758963 1.0723416 1.0713103 1.0656662 1.0565845 1.0482519\n", + " 1.0447222 1.0463413 1.0510517 1.0559108 1.058361 ]\n", + " [1.171046 1.1670659 1.1766834 1.1840538 1.1709939 1.1375735 1.104953\n", + " 1.0835997 1.0735854 1.0710896 1.0709125 1.0659127 1.0565976 1.0485234\n", + " 1.0451527 1.0471387 1.0527893 0. 0. ]\n", + " [1.1832588 1.1785346 1.1885811 1.1975503 1.1842374 1.1497386 1.1138638\n", + " 1.0900358 1.0782169 1.0756634 1.0748461 1.0702585 1.0612378 1.0529082\n", + " 1.0492601 1.0513753 1.0570197 0. 0. ]]\n", + "[[1.1745579 1.1712644 1.1818206 1.1902171 1.1780113 1.1450016 1.1095214\n", + " 1.0864319 1.0747409 1.0726078 1.0717963 1.0665473 1.0574067 1.0492154\n", + " 1.0451063 1.0468043 1.0518823 1.0572453 0. 0. 0.\n", + " 0. ]\n", + " [1.1714001 1.1688857 1.1802803 1.1893693 1.1769247 1.1439052 1.1094965\n", + " 1.0866246 1.0745876 1.0710784 1.0688872 1.0623955 1.0539323 1.046329\n", + " 1.0429932 1.0444536 1.0493944 1.054285 1.0567545 1.0578728 1.0593913\n", + " 1.0631888]\n", + " [1.2061685 1.1987424 1.2065798 1.2150551 1.2009833 1.1642697 1.1263239\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1690177 1.1655358 1.1763878 1.1862097 1.174536 1.1418508 1.1080505\n", + " 1.0846286 1.0727804 1.0696499 1.0680072 1.0626107 1.0544181 1.0469439\n", + " 1.043524 1.0451987 1.0499268 1.0545083 1.0569321 1.0580428 0.\n", + " 0. ]\n", + " [1.1795094 1.1749456 1.1866271 1.1976756 1.1861907 1.1505412 1.113224\n", + " 1.0886333 1.0776764 1.0758995 1.0760598 1.0715668 1.0620273 1.0528111\n", + " 1.0484974 1.0503134 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1726784 1.1672896 1.1763994 1.1836958 1.173271 1.1416881 1.1080703\n", + " 1.085674 1.0748274 1.0718538 1.0715504 1.0664155 1.0574081 1.0492852\n", + " 1.0458978 1.0480845 0. 0. 0. 0. ]\n", + " [1.1700124 1.164187 1.1725315 1.180251 1.1676623 1.1364723 1.1043222\n", + " 1.0826871 1.0724859 1.0700628 1.0692583 1.0642232 1.0554341 1.047499\n", + " 1.0440819 1.0458453 1.0510508 0. 0. 0. ]\n", + " [1.1811306 1.1791795 1.1910223 1.2010541 1.188655 1.153812 1.1173147\n", + " 1.0929339 1.0804507 1.0768725 1.0750239 1.0683084 1.0585803 1.0498714\n", + " 1.0459986 1.0477586 1.0527736 1.0581676 1.0610086 1.0623633]\n", + " [1.1773195 1.1723347 1.1816165 1.1919723 1.1821053 1.1488261 1.1133132\n", + " 1.0885977 1.0771512 1.074411 1.0748177 1.0704225 1.0616909 1.0528923\n", + " 1.048627 1.0501274 0. 0. 0. 0. ]\n", + " [1.158492 1.154145 1.1631804 1.171592 1.1609985 1.1299858 1.0983225\n", + " 1.0770903 1.0674607 1.0651788 1.065888 1.0622121 1.0542108 1.0463262\n", + " 1.0428468 1.0444685 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1605535 1.1577308 1.1672136 1.1751204 1.1625186 1.1309656 1.0989256\n", + " 1.0771337 1.0666883 1.0640138 1.0625756 1.0571709 1.0485911 1.04166\n", + " 1.0384154 1.0403216 1.044725 1.0499171 1.052852 1.0541722 0. ]\n", + " [1.1645962 1.1628807 1.1725264 1.1815478 1.1709738 1.1383749 1.1062611\n", + " 1.0845891 1.0728781 1.068649 1.06619 1.0603254 1.0512655 1.0436804\n", + " 1.0400873 1.0416583 1.0461155 1.050646 1.0533959 1.0544055 1.055696 ]\n", + " [1.1807534 1.1769744 1.1874896 1.1962559 1.1845018 1.1497095 1.1136557\n", + " 1.0894238 1.078669 1.0763602 1.0752163 1.0709901 1.0613716 1.0528325\n", + " 1.048285 1.0503358 1.0564837 0. 0. 0. 0. ]\n", + " [1.1684203 1.1650957 1.1746769 1.1826451 1.1693155 1.1374593 1.1042836\n", + " 1.0820936 1.0713625 1.0684968 1.067362 1.0623941 1.054102 1.0457594\n", + " 1.0424019 1.0440462 1.0486354 1.0532928 1.0556139 0. 0. ]\n", + " [1.179708 1.1759719 1.1872222 1.1964802 1.183916 1.1497637 1.1140965\n", + " 1.0897014 1.0783832 1.0747644 1.0740473 1.068744 1.0591711 1.0506265\n", + " 1.0468563 1.0483246 1.0538732 1.0594207 0. 0. 0. ]]\n", + "[[1.1831543 1.1784546 1.1888956 1.1988101 1.1863093 1.1508306 1.1147597\n", + " 1.0912553 1.0804412 1.0792693 1.0796509 1.0743092 1.0642223 1.0550623\n", + " 1.0503539 0. 0. 0. 0. 0. ]\n", + " [1.1601238 1.1551521 1.1630086 1.1708593 1.1591299 1.1301036 1.0989531\n", + " 1.0775367 1.0671419 1.0647029 1.0636909 1.0599355 1.0523489 1.0451406\n", + " 1.0420315 1.0435187 0. 0. 0. 0. ]\n", + " [1.168537 1.1640248 1.1739196 1.1823912 1.1717954 1.1384428 1.1044401\n", + " 1.0823947 1.0722575 1.0711185 1.0717082 1.0669947 1.058608 1.0503541\n", + " 1.0461324 0. 0. 0. 0. 0. ]\n", + " [1.2155229 1.2091084 1.2195543 1.227862 1.2130286 1.173722 1.1332684\n", + " 1.1056764 1.0940012 1.0932865 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1708218 1.1671535 1.1767818 1.1852381 1.1728934 1.1403723 1.106067\n", + " 1.0829817 1.0710424 1.0682877 1.0665174 1.0610704 1.0525439 1.0448598\n", + " 1.041636 1.0434995 1.0484915 1.053571 1.0559603 1.0567492]]\n", + "[[1.1789539 1.1758057 1.185481 1.1944776 1.1801502 1.1437181 1.1097136\n", + " 1.0875754 1.0784758 1.077533 1.0776726 1.0724708 1.0622295 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2107173 1.2059559 1.2160859 1.2253115 1.2103409 1.1693757 1.129379\n", + " 1.1030424 1.0917951 1.0905075 1.0919656 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1880199 1.1836014 1.1925805 1.2024447 1.1887251 1.1535966 1.116967\n", + " 1.0928625 1.0805385 1.0773284 1.0763823 1.0705745 1.0616724 1.0524971\n", + " 1.0489384 1.0508032 1.0569237 1.0621495 0. ]\n", + " [1.1865685 1.1801776 1.1893027 1.1981255 1.1850804 1.1517191 1.116314\n", + " 1.0928103 1.0813203 1.0794977 1.080083 1.0748578 1.064827 1.0554067\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1736345 1.1716918 1.1835052 1.1927269 1.1801472 1.1452731 1.1095674\n", + " 1.0859176 1.0745106 1.0712378 1.0706007 1.0655336 1.0562658 1.0483087\n", + " 1.0446029 1.0461632 1.0509269 1.0561125 1.0584848]]\n", + "[[1.1491945 1.1473203 1.1575335 1.1675802 1.158599 1.1289401 1.098136\n", + " 1.0769575 1.0668058 1.0624707 1.0605478 1.0545766 1.0464022 1.039338\n", + " 1.0363832 1.0384835 1.0426761 1.0472685 1.0495876 1.049949 1.0506835\n", + " 1.0532289 1.0595348 1.068518 ]\n", + " [1.1607867 1.1554608 1.1640193 1.1715744 1.1601415 1.128366 1.0971738\n", + " 1.0767622 1.0671798 1.0651599 1.0648118 1.060624 1.0525534 1.0447819\n", + " 1.0415314 1.0431267 1.0480901 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1751367 1.1712332 1.1818137 1.1914287 1.1788971 1.1440119 1.1093941\n", + " 1.0864521 1.0774543 1.0768113 1.0774202 1.071954 1.0618654 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1880064 1.1830279 1.1945338 1.2025739 1.1902282 1.1536746 1.1152648\n", + " 1.0919173 1.0806619 1.0784694 1.0782686 1.0731946 1.062901 1.0536134\n", + " 1.0495158 1.0514683 1.0577754 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1553354 1.1530967 1.1623129 1.1710734 1.1593947 1.1283028 1.0960996\n", + " 1.0749923 1.0652703 1.063082 1.0634519 1.0590833 1.0508736 1.0434126\n", + " 1.0399423 1.0416253 1.046347 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1737322 1.171833 1.1832368 1.1925472 1.1799573 1.1454587 1.1106043\n", + " 1.0867901 1.0749207 1.0714005 1.069751 1.0642459 1.0556039 1.0472132\n", + " 1.0439051 1.0457239 1.0506498 1.055566 1.0577561 1.0587606 0. ]\n", + " [1.1630791 1.1598667 1.1709318 1.1790785 1.1673977 1.1350253 1.1021318\n", + " 1.0800879 1.0691513 1.0655091 1.0633568 1.0578511 1.0494511 1.0425591\n", + " 1.0398976 1.041838 1.0465451 1.0515305 1.0540954 1.0549066 1.0564467]\n", + " [1.1782618 1.173819 1.1833469 1.190428 1.1780357 1.144124 1.1097302\n", + " 1.0874434 1.0768477 1.074437 1.0730639 1.0679286 1.0587441 1.0504156\n", + " 1.0466458 1.0488269 1.0546466 0. 0. 0. 0. ]\n", + " [1.1986982 1.1919104 1.2018094 1.2094413 1.1965425 1.1611912 1.1242113\n", + " 1.0987483 1.0865506 1.0838931 1.0839912 1.0786169 1.0691578 1.0594592\n", + " 1.0556047 0. 0. 0. 0. 0. 0. ]\n", + " [1.1805857 1.1769799 1.1858666 1.1947504 1.1822842 1.1480775 1.1121991\n", + " 1.0892236 1.078052 1.0752697 1.0751342 1.0694708 1.0608951 1.0518982\n", + " 1.0480572 1.050127 1.0558444 0. 0. 0. 0. ]]\n", + "[[1.1755091 1.1711781 1.1816494 1.1894355 1.1765184 1.141927 1.1070926\n", + " 1.0843503 1.0754464 1.0746711 1.075005 1.069998 1.060215 1.0512614\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1501001 1.1476662 1.1584846 1.166914 1.1569984 1.1268809 1.0958605\n", + " 1.0750844 1.0645628 1.0610771 1.0591449 1.053407 1.0454353 1.0390161\n", + " 1.0363669 1.0380492 1.0430348 1.0469267 1.0494369 1.0502402 1.0512635\n", + " 1.0540087 1.0605776 1.0691788]\n", + " [1.152383 1.1497921 1.1584808 1.1653976 1.152822 1.1232281 1.092749\n", + " 1.0727178 1.0625268 1.05982 1.0586658 1.0542977 1.0464725 1.0403112\n", + " 1.0372068 1.0387456 1.0423405 1.0469264 1.0495138 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1651754 1.161746 1.1721 1.1808884 1.168538 1.1347854 1.1004378\n", + " 1.078356 1.0684973 1.0675162 1.0681196 1.0639442 1.0549858 1.0468056\n", + " 1.0431257 1.0449651 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1798781 1.1754552 1.1855528 1.195093 1.1833855 1.1485506 1.1134266\n", + " 1.0896413 1.0792447 1.0768979 1.0766416 1.0719583 1.0625386 1.0534511\n", + " 1.0493749 1.050987 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1796367 1.1762887 1.1863503 1.1947163 1.1831093 1.1495614 1.1157333\n", + " 1.092368 1.0800155 1.0750556 1.0717006 1.0654794 1.0559915 1.0483167\n", + " 1.0455955 1.0478294 1.0531676 1.0579684 1.0602105 1.0609889 1.0628562\n", + " 1.0663555 1.0744528]\n", + " [1.1778215 1.1741396 1.1834748 1.1933857 1.1811107 1.146198 1.1119404\n", + " 1.0887806 1.0776327 1.0744305 1.0738177 1.0680609 1.0587015 1.049856\n", + " 1.046045 1.0478195 1.0533462 1.0583295 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1724687 1.1679412 1.1767513 1.1846502 1.1710647 1.1376798 1.1049645\n", + " 1.0835199 1.0740306 1.0724511 1.0719919 1.0667623 1.0575162 1.0487719\n", + " 1.0454848 1.0479313 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.175564 1.1702669 1.179468 1.1875259 1.1770748 1.1449678 1.1111416\n", + " 1.0875537 1.0765805 1.073545 1.0730954 1.0673796 1.0578315 1.0497911\n", + " 1.0462445 1.0485811 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1728556 1.1695287 1.1808903 1.1885209 1.175239 1.1399775 1.1044176\n", + " 1.0827132 1.0725998 1.0705428 1.0706868 1.0653884 1.0562042 1.0482073\n", + " 1.0446839 1.0467703 1.0523192 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.164767 1.161196 1.1716214 1.1797497 1.1667057 1.1330671 1.0996248\n", + " 1.0785103 1.0690753 1.0676231 1.0678216 1.0633628 1.0544182 1.0464201\n", + " 1.0428741 1.0448986 0. 0. 0. 0. 0. ]\n", + " [1.2085929 1.2025082 1.2114339 1.2201277 1.205565 1.1698084 1.1302882\n", + " 1.103376 1.091051 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1573215 1.1537086 1.1634266 1.1718249 1.161687 1.1313154 1.0997558\n", + " 1.0784742 1.0679315 1.0639498 1.0614599 1.0560434 1.0479206 1.0408983\n", + " 1.0380995 1.0396988 1.0444051 1.0488373 1.0507978 1.0517656 1.0527018]\n", + " [1.1773007 1.1731515 1.1843183 1.1922718 1.1808074 1.1462648 1.1102328\n", + " 1.0866559 1.075459 1.0738053 1.0734102 1.0678245 1.0584022 1.0500016\n", + " 1.046523 1.0487765 1.0550163 0. 0. 0. 0. ]\n", + " [1.1755484 1.170161 1.1796799 1.1885325 1.1762543 1.1434484 1.1090325\n", + " 1.0855771 1.0744613 1.07187 1.0713153 1.0671593 1.0586053 1.0504279\n", + " 1.0468057 1.0487082 1.0542964 0. 0. 0. 0. ]]\n", + "[[1.1745526 1.1707917 1.1817651 1.1912612 1.1783332 1.143356 1.1076235\n", + " 1.0836502 1.0721598 1.0705398 1.070547 1.0662506 1.0578846 1.0495185\n", + " 1.0460238 1.0480211 1.0535388 0. 0. 0. ]\n", + " [1.1903815 1.1869951 1.1973532 1.2057998 1.1927636 1.1569868 1.1213988\n", + " 1.0967352 1.0840793 1.0799216 1.0774899 1.0710269 1.0609645 1.05273\n", + " 1.049222 1.0510913 1.056651 1.0621871 1.0647048 1.0654861]\n", + " [1.1769474 1.1722258 1.1806086 1.1878443 1.1749804 1.1428114 1.1094786\n", + " 1.0865456 1.0749325 1.0709677 1.0692022 1.0630889 1.0545691 1.0472541\n", + " 1.043996 1.0463974 1.0513802 1.0562351 1.0586776 0. ]\n", + " [1.1744548 1.1697356 1.1787306 1.1854658 1.172654 1.1400211 1.1065869\n", + " 1.0836383 1.0736554 1.0704904 1.069004 1.063336 1.0547057 1.0469322\n", + " 1.0431302 1.0450536 1.049975 1.0549543 0. 0. ]\n", + " [1.1923112 1.1883211 1.2002552 1.2103443 1.1963494 1.1580913 1.1189274\n", + " 1.0929271 1.0809125 1.0789248 1.0794365 1.074717 1.0649562 1.0551969\n", + " 1.0510306 1.0531276 0. 0. 0. 0. ]]\n", + "[[1.1638057 1.1595982 1.1702977 1.1793648 1.168052 1.1363623 1.1034278\n", + " 1.0810618 1.0708421 1.0688369 1.0686877 1.0640948 1.055005 1.0469233\n", + " 1.0428185 1.0444945 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1738037 1.1717528 1.1817827 1.1914335 1.1790186 1.1461353 1.1123428\n", + " 1.0883229 1.0759864 1.0722511 1.070172 1.063516 1.0536413 1.0462383\n", + " 1.043114 1.0445303 1.0498203 1.0545515 1.0564862 1.0575367 0.\n", + " 0. 0. ]\n", + " [1.1953474 1.1921716 1.2023607 1.2107493 1.1964108 1.161208 1.1239717\n", + " 1.0990417 1.0862321 1.0815638 1.0793099 1.0726463 1.0617875 1.0533887\n", + " 1.0501069 1.0521853 1.0580552 1.0635144 1.0656512 1.0663937 0.\n", + " 0. 0. ]\n", + " [1.1849163 1.1809411 1.1908872 1.1988697 1.186598 1.1515039 1.1150852\n", + " 1.0901709 1.077811 1.0738695 1.0721817 1.0673481 1.0582716 1.0501984\n", + " 1.0468094 1.0490425 1.0544524 1.0596062 1.0621345 0. 0.\n", + " 0. 0. ]\n", + " [1.1782384 1.1744298 1.1848825 1.1937351 1.1835992 1.150568 1.1155903\n", + " 1.09117 1.0785607 1.0735035 1.0712225 1.0649053 1.0550553 1.0476898\n", + " 1.0445834 1.0468742 1.0520234 1.0567813 1.0594962 1.060308 1.0620481\n", + " 1.0658226 1.073401 ]]\n", + "[[1.1628432 1.159655 1.1698897 1.1795515 1.1707394 1.1396704 1.1056621\n", + " 1.0838143 1.0722228 1.067819 1.0654951 1.059387 1.0502758 1.0427965\n", + " 1.0402532 1.0423135 1.0473394 1.0516783 1.0538673 1.055124 1.0558705\n", + " 1.0594639 1.0665474 1.0757858 1.0830595]\n", + " [1.1824678 1.1771688 1.1878535 1.1956054 1.1824105 1.1467903 1.111582\n", + " 1.0888164 1.0787189 1.0780078 1.0785476 1.072995 1.0626969 1.0530831\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1716325 1.1661663 1.1755716 1.1837621 1.1717154 1.1379936 1.1033942\n", + " 1.0815603 1.0713968 1.0698403 1.0695825 1.0649118 1.0561305 1.0479009\n", + " 1.0444112 1.0465266 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1745008 1.1703323 1.1804667 1.1886607 1.1770635 1.1435336 1.1090131\n", + " 1.0856899 1.0744069 1.0717033 1.0711614 1.0660405 1.0569723 1.0486279\n", + " 1.0448134 1.0463605 1.0514052 1.0564953 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1634756 1.1607735 1.1718551 1.1823905 1.1710639 1.1374396 1.1037357\n", + " 1.0817666 1.0708582 1.0669934 1.0652632 1.0593448 1.0503411 1.0432681\n", + " 1.0404449 1.0429677 1.047549 1.0525577 1.0548881 1.055236 1.0565734\n", + " 1.0597036 1.0670254 1.076737 0. ]]\n", + "[[1.2159262 1.2087055 1.2182635 1.2257484 1.210607 1.170781 1.1314412\n", + " 1.1062613 1.0955615 1.0940526 1.0936899 1.0868204 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1566706 1.1533629 1.1640424 1.173261 1.162028 1.1299893 1.0977436\n", + " 1.0765351 1.0665301 1.0641629 1.0635589 1.059099 1.0511432 1.0437801\n", + " 1.0400774 1.0413662 1.0460124 1.0508275 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1866055 1.181653 1.1942282 1.2055573 1.1938304 1.1575469 1.1188333\n", + " 1.0924689 1.0805564 1.0781078 1.0791155 1.0740776 1.0642228 1.05432\n", + " 1.0495973 1.0516304 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.161673 1.1600298 1.1701156 1.1790391 1.1687694 1.1366086 1.1036025\n", + " 1.0818112 1.0706828 1.0663104 1.0638322 1.057901 1.0490547 1.0418929\n", + " 1.0396447 1.0415274 1.046702 1.0513264 1.0539572 1.0548154 1.0560387\n", + " 1.0596926 1.0670909]\n", + " [1.1690382 1.1665767 1.1775709 1.186705 1.174127 1.1400943 1.1055671\n", + " 1.0825665 1.0727732 1.0706027 1.0698509 1.0652597 1.0560925 1.0480888\n", + " 1.0440496 1.0459855 1.0513184 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.2144892 1.2051079 1.2127441 1.2197758 1.2055122 1.1702709 1.1316781\n", + " 1.1065246 1.0945841 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1856472 1.1828399 1.1928076 1.2008485 1.1875937 1.1516982 1.1158894\n", + " 1.0921379 1.0799077 1.0768774 1.0754349 1.0700104 1.0607363 1.0515298\n", + " 1.047833 1.0496991 1.0552392 1.0605867 0. 0. ]\n", + " [1.1796772 1.1770055 1.1880937 1.1966424 1.1855487 1.1522455 1.1166681\n", + " 1.092015 1.0800259 1.0755918 1.0731193 1.0670894 1.0579653 1.0496612\n", + " 1.0458585 1.0475549 1.0521549 1.0574197 1.0598863 1.061071 ]\n", + " [1.1739382 1.17014 1.1813511 1.1906828 1.1786146 1.1438446 1.1078353\n", + " 1.0841285 1.072925 1.0697185 1.0687419 1.0638328 1.0551524 1.0474867\n", + " 1.0436175 1.0456243 1.0506754 1.0556344 1.0578663 0. ]\n", + " [1.1575319 1.1530619 1.1606483 1.1661308 1.1559715 1.1258975 1.0955354\n", + " 1.0750701 1.0652289 1.0633866 1.063126 1.0592544 1.052449 1.0450298\n", + " 1.041425 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1898873 1.1821065 1.1896999 1.1984704 1.1863728 1.1524901 1.1166674\n", + " 1.0914811 1.0811179 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1705334 1.1645924 1.1729734 1.1820829 1.1707735 1.137633 1.1046896\n", + " 1.0824965 1.0721244 1.0706022 1.0705502 1.065779 1.0575597 1.0489361\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1754274 1.1687902 1.1776848 1.1859304 1.1752641 1.1421554 1.1069082\n", + " 1.0841787 1.0736611 1.0722877 1.0728289 1.0689739 1.059842 1.0510222\n", + " 1.0466329 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.138523 1.1350198 1.145334 1.1554109 1.1476185 1.120277 1.0912172\n", + " 1.0720804 1.0621194 1.0585532 1.0564198 1.0510167 1.0432696 1.0368284\n", + " 1.0346099 1.036591 1.0415086 1.0459771 1.0481257 1.0483823 1.0487913\n", + " 1.0517982 1.057441 1.0656948 1.0736693 1.0780296 1.0791324 1.0753196\n", + " 1.067849 1.0589569]\n", + " [1.1610409 1.1576899 1.1676149 1.1761994 1.1637241 1.1319149 1.0993149\n", + " 1.0775188 1.0669111 1.0638881 1.0624044 1.0580767 1.050245 1.0430914\n", + " 1.0400305 1.0416316 1.0459083 1.0503742 1.0528502 1.0535456 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1746784 1.1721175 1.1828779 1.1913701 1.1789457 1.1451225 1.1108781\n", + " 1.0882211 1.0773435 1.0738581 1.0724849 1.0673025 1.0578438 1.0495292\n", + " 1.0455323 1.0472919 1.0524582 1.0574118]\n", + " [1.1841066 1.1798062 1.1886686 1.1949456 1.1842083 1.1501139 1.1146321\n", + " 1.0900242 1.0784034 1.0751209 1.0741273 1.069332 1.060251 1.0517623\n", + " 1.0483254 1.0506387 1.056374 0. ]\n", + " [1.1773218 1.171948 1.1821848 1.1915796 1.179435 1.1453182 1.1106617\n", + " 1.087966 1.0785 1.0774101 1.0778761 1.072507 1.0621984 1.0530415\n", + " 0. 0. 0. 0. ]\n", + " [1.1684933 1.1642039 1.1731495 1.1811161 1.1681205 1.1349914 1.1021211\n", + " 1.0808895 1.071747 1.0702848 1.0707911 1.0662913 1.0567311 1.0486233\n", + " 0. 0. 0. 0. ]\n", + " [1.1729631 1.1681701 1.1780372 1.18718 1.1743295 1.1414747 1.1072688\n", + " 1.0846364 1.0739663 1.0711977 1.0706087 1.0656723 1.0572336 1.0491288\n", + " 1.0457056 1.0479391 0. 0. ]]\n", + "[[1.1596802 1.1564907 1.1666461 1.174965 1.1628567 1.1315169 1.0990561\n", + " 1.078008 1.068307 1.0665752 1.0665659 1.0617232 1.0539674 1.0460337\n", + " 1.0426214 1.044567 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.16888 1.1670676 1.1778873 1.1867684 1.174432 1.1404858 1.1074685\n", + " 1.0846256 1.0729672 1.0688711 1.0669814 1.0611714 1.052971 1.0453209\n", + " 1.0421124 1.043894 1.0484037 1.0531336 1.0558761 1.0570676 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1609827 1.1586351 1.168751 1.1775509 1.1659867 1.1346158 1.1019201\n", + " 1.0803007 1.0695279 1.0656459 1.0639268 1.0582848 1.0496011 1.0426227\n", + " 1.0394076 1.0414212 1.0458608 1.0506841 1.05308 1.054299 1.055901\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1470653 1.1405116 1.1495031 1.1596811 1.1540779 1.1285385 1.100278\n", + " 1.079956 1.0692221 1.0645804 1.0622249 1.0560769 1.0473471 1.0402052\n", + " 1.0375768 1.0399253 1.0456591 1.0510309 1.053581 1.0539111 1.0541642\n", + " 1.0559485 1.0617665 1.0701778 1.0786397 1.0832145 1.0846362 1.0814046\n", + " 1.0734257 1.0639988 1.0562446 1.0514569 1.0499477 1.0509473 1.053697\n", + " 1.0567969]\n", + " [1.1737939 1.1709231 1.1816484 1.1907431 1.1794503 1.1462662 1.1111739\n", + " 1.0875483 1.0758889 1.0716008 1.0695163 1.0631378 1.0541922 1.0462217\n", + " 1.0427818 1.0449069 1.0501577 1.055481 1.0578958 1.058703 1.060409\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1598098 1.1556154 1.1649103 1.1738459 1.1629455 1.1316471 1.0994941\n", + " 1.0780414 1.0681536 1.0661262 1.0659294 1.0614785 1.0524998 1.044622\n", + " 1.0410984 1.04254 1.0477551]\n", + " [1.1952548 1.1903008 1.1997596 1.2087667 1.1947358 1.1582106 1.1204939\n", + " 1.0960255 1.0844738 1.0827212 1.0823365 1.077389 1.0668477 1.057375\n", + " 1.0531406 0. 0. ]\n", + " [1.203096 1.1967216 1.2054863 1.2132425 1.197967 1.1601346 1.1219532\n", + " 1.0973029 1.086247 1.0848724 1.0851363 1.0791925 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1705164 1.1662859 1.176437 1.1850085 1.1723738 1.1388869 1.1047437\n", + " 1.0820988 1.0720854 1.0702187 1.0698031 1.0641962 1.0553484 1.0469797\n", + " 1.0434458 1.044885 1.0507349]\n", + " [1.153552 1.1485883 1.1568961 1.1655002 1.1542331 1.1243044 1.093905\n", + " 1.0739874 1.0649194 1.0638715 1.0642447 1.0599693 1.0521257 1.0443856\n", + " 1.0407993 0. 0. ]]\n", + "[[1.1586703 1.1552185 1.165936 1.1756079 1.1646833 1.1325551 1.0989772\n", + " 1.0780332 1.0683453 1.0673251 1.0674458 1.0621295 1.0530746 1.0447445\n", + " 1.0408337 1.0425546 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1646303 1.1606925 1.1705263 1.1785175 1.1673274 1.1364527 1.1048397\n", + " 1.082576 1.0701549 1.066196 1.0638351 1.0584596 1.0504658 1.0437981\n", + " 1.0411944 1.0432378 1.0478524 1.0525528 1.0549903 1.0564901 1.0579201\n", + " 1.0613708]\n", + " [1.1684607 1.1655662 1.1758484 1.1851465 1.1732278 1.1413774 1.1072259\n", + " 1.0844579 1.0732487 1.0702667 1.0686014 1.0635288 1.0543925 1.0464815\n", + " 1.0427837 1.0443616 1.0490835 1.053678 1.0561374 0. 0.\n", + " 0. ]\n", + " [1.1786141 1.1743959 1.1847537 1.1934848 1.1811249 1.1464603 1.1102753\n", + " 1.0871797 1.075908 1.0738167 1.0739164 1.0689572 1.0593289 1.0511335\n", + " 1.0470874 1.0490391 1.0547282 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1658133 1.162966 1.1738243 1.1828487 1.1703917 1.1372453 1.1034684\n", + " 1.0813597 1.0714794 1.0697012 1.0697885 1.0651196 1.0563287 1.0478777\n", + " 1.0441462 1.0457617 1.0509754 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1564351 1.1542128 1.1649847 1.173243 1.16204 1.1303656 1.0979881\n", + " 1.0769212 1.0665752 1.0637807 1.0623927 1.0565149 1.0486366 1.0415329\n", + " 1.0385703 1.0400845 1.0447999 1.0492054 1.0515255 1.0523102 1.0534095]\n", + " [1.1631132 1.1600418 1.169004 1.1768053 1.1630775 1.1317617 1.1001209\n", + " 1.079537 1.0703642 1.0681524 1.0674626 1.0622284 1.0531263 1.0451982\n", + " 1.0420351 1.0442836 1.0497535 0. 0. 0. 0. ]\n", + " [1.1858977 1.1801741 1.1890473 1.1966206 1.1846868 1.1497769 1.1134913\n", + " 1.090111 1.0790337 1.0763057 1.077717 1.072955 1.0643076 1.0555788\n", + " 1.051495 0. 0. 0. 0. 0. 0. ]\n", + " [1.1724241 1.167202 1.1766734 1.1853089 1.1738818 1.1405538 1.1069915\n", + " 1.0847956 1.0747316 1.0730271 1.0737303 1.0688318 1.0598851 1.050814\n", + " 1.0469716 0. 0. 0. 0. 0. 0. ]\n", + " [1.1544225 1.1507623 1.1604726 1.169012 1.1578021 1.1277568 1.0967761\n", + " 1.0759265 1.0663785 1.0640832 1.0638709 1.0592083 1.051234 1.0434116\n", + " 1.040011 1.0415636 1.0464851 0. 0. 0. 0. ]]\n", + "[[1.2119371 1.2062105 1.217785 1.2268122 1.2138505 1.1743224 1.1333574\n", + " 1.106259 1.0939837 1.0927335 1.0924196 1.0865576 1.0749897 1.0640802\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1811445 1.1764019 1.1861694 1.1945878 1.182008 1.147574 1.1121398\n", + " 1.0886738 1.0779736 1.0763335 1.0758475 1.0709814 1.0616739 1.0525675\n", + " 1.0483978 1.0502743 0. 0. 0. ]\n", + " [1.1842747 1.1802086 1.1915461 1.20157 1.1875867 1.1513836 1.1146741\n", + " 1.0914638 1.0809591 1.0795308 1.0798129 1.0739685 1.0640805 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.196161 1.1926848 1.2027407 1.2110981 1.1988668 1.1629535 1.1247356\n", + " 1.0980167 1.0855864 1.0815737 1.0796409 1.0727599 1.0629654 1.0540816\n", + " 1.0502778 1.05242 1.0586959 1.0639346 1.0668157]\n", + " [1.1832014 1.1797701 1.1918559 1.2013481 1.1891055 1.153246 1.115383\n", + " 1.0903777 1.078823 1.0758888 1.0754375 1.0701388 1.0604566 1.0514317\n", + " 1.0472876 1.048951 1.0544562 1.0598242 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1662366 1.161879 1.1711156 1.1789982 1.1676538 1.1348896 1.1019139\n", + " 1.0806417 1.0708692 1.0684397 1.0683193 1.0633962 1.0545063 1.0464647\n", + " 1.0429208 1.0451841 1.0507327 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1587155 1.1548804 1.164772 1.1732514 1.1617119 1.1301097 1.0977591\n", + " 1.0766357 1.06689 1.065455 1.0658176 1.0609655 1.0527676 1.0448911\n", + " 1.0414764 1.0434201 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1574315 1.1560816 1.1674838 1.1766609 1.1655054 1.1342087 1.1014497\n", + " 1.079426 1.0683036 1.0644691 1.0622561 1.0571287 1.0487583 1.0418926\n", + " 1.0387915 1.0401794 1.0448703 1.0496503 1.0522534 1.0530701 1.0543815\n", + " 1.0577714]\n", + " [1.1967691 1.1926724 1.2037059 1.2130657 1.1980466 1.1612337 1.1227808\n", + " 1.0975575 1.0861946 1.0848781 1.0843679 1.0784912 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1847155 1.1793575 1.1871526 1.1943953 1.1815983 1.1471179 1.1123992\n", + " 1.0895437 1.0793417 1.0769777 1.0759544 1.0709087 1.0612231 1.0520561\n", + " 1.0483785 1.0507755 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1615977 1.1575545 1.1662831 1.1744982 1.1628499 1.1309284 1.097893\n", + " 1.076274 1.0670778 1.0655627 1.0661515 1.0623592 1.0540273 1.0464921\n", + " 1.0427675 1.0446148 0. 0. 0. ]\n", + " [1.1641012 1.1601405 1.1703908 1.1792846 1.1676062 1.1346918 1.1019181\n", + " 1.0802749 1.0712072 1.0706958 1.0714552 1.0663639 1.0567104 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1734495 1.1684964 1.1791275 1.187382 1.175702 1.1421338 1.1072145\n", + " 1.0842295 1.0734342 1.0718073 1.0720801 1.0672152 1.0584146 1.050093\n", + " 1.0462483 1.0483376 0. 0. 0. ]\n", + " [1.1765715 1.1756339 1.1867627 1.1953868 1.1810443 1.1461495 1.110414\n", + " 1.0870637 1.0757544 1.0727142 1.0712451 1.0660591 1.056778 1.048813\n", + " 1.0454574 1.0473703 1.0525446 1.0574735 1.059904 ]\n", + " [1.1689521 1.1663415 1.1769879 1.1857145 1.1732185 1.1401213 1.1060618\n", + " 1.0834022 1.0726228 1.0691961 1.0690688 1.0640765 1.0553528 1.0469239\n", + " 1.0434324 1.0448097 1.04992 1.0552552 0. ]]\n", + "[[1.1718818 1.1693839 1.1802125 1.1890476 1.1764407 1.1418463 1.1069288\n", + " 1.0838354 1.0731653 1.070639 1.0696026 1.0652715 1.0561922 1.0482746\n", + " 1.044806 1.0463039 1.0512794 1.0561881 0. 0. 0. ]\n", + " [1.186627 1.1832173 1.1948819 1.2049172 1.1924611 1.1569902 1.1202743\n", + " 1.0949144 1.0823833 1.0782447 1.0761364 1.0698581 1.0603685 1.0519409\n", + " 1.0481099 1.0499232 1.0554149 1.0607696 1.063186 1.0644281 0. ]\n", + " [1.1750698 1.1687684 1.1771934 1.185986 1.1747457 1.1423311 1.1082797\n", + " 1.086078 1.076178 1.074339 1.0751382 1.0709693 1.061874 1.0528195\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1657084 1.1620084 1.1717613 1.1807545 1.169715 1.1375259 1.10439\n", + " 1.081641 1.0704821 1.0679342 1.0669332 1.0623187 1.0537099 1.0459316\n", + " 1.042679 1.0440855 1.0490929 1.053659 1.0558492 0. 0. ]\n", + " [1.1722177 1.1705581 1.182319 1.1916423 1.178241 1.1436465 1.109221\n", + " 1.0859579 1.0744207 1.0709686 1.0690327 1.0633419 1.0539145 1.0462716\n", + " 1.0426189 1.0441501 1.0493156 1.0538096 1.0559909 1.0566874 1.0586095]]\n", + "[[1.161034 1.1587859 1.1687807 1.1772445 1.1653858 1.1325085 1.0997385\n", + " 1.0777191 1.067187 1.0641384 1.0629423 1.0579295 1.0500441 1.0429333\n", + " 1.0398571 1.0412374 1.0459926 1.0504457 1.0525225 1.0533129]\n", + " [1.1732132 1.1688949 1.1804934 1.1899811 1.1792357 1.1447736 1.109057\n", + " 1.0862464 1.0756458 1.0736699 1.0746121 1.0691962 1.0590701 1.05005\n", + " 1.0462234 0. 0. 0. 0. 0. ]\n", + " [1.1666584 1.1636864 1.1737095 1.1815687 1.168844 1.1355184 1.1021671\n", + " 1.0800364 1.069731 1.0672802 1.0674583 1.0630188 1.0541594 1.0467079\n", + " 1.043012 1.0446059 1.049783 0. 0. 0. ]\n", + " [1.1705284 1.167927 1.1779177 1.186045 1.1753663 1.1426141 1.1076882\n", + " 1.0845791 1.0726942 1.0685315 1.0679238 1.0629544 1.0547543 1.046622\n", + " 1.0433753 1.0445961 1.0492386 1.0538708 1.0568088 1.0579116]\n", + " [1.1580137 1.1562485 1.1669253 1.1757727 1.1643441 1.1325731 1.1000243\n", + " 1.0783637 1.0675488 1.0642909 1.0626535 1.0573894 1.0497172 1.0427476\n", + " 1.0394584 1.0409688 1.0454828 1.0498037 1.0519485 1.0528144]]\n", + "[[1.1550177 1.1514482 1.1602242 1.1665936 1.1553519 1.1237963 1.0939275\n", + " 1.0740625 1.0644569 1.0627127 1.0622073 1.0574001 1.0490515 1.0418892\n", + " 1.0388182 1.0406867 1.0455935 1.0504686 0. 0. 0.\n", + " 0. ]\n", + " [1.1729261 1.1711098 1.1832501 1.193026 1.1802826 1.1459041 1.1105491\n", + " 1.0867262 1.0748543 1.0713749 1.0694103 1.0638863 1.0543995 1.0466466\n", + " 1.0434616 1.0452332 1.0499243 1.0549611 1.057518 1.0582885 1.0599297\n", + " 1.0640956]\n", + " [1.1717734 1.1693848 1.1795205 1.1882267 1.1770685 1.1428874 1.1071135\n", + " 1.0843891 1.0733739 1.0714141 1.0714294 1.0668734 1.0576473 1.0495442\n", + " 1.045519 1.0471519 1.0525622 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1682816 1.1630386 1.1715072 1.1794024 1.1683302 1.1357529 1.102047\n", + " 1.0800778 1.069529 1.0671716 1.0676123 1.0640655 1.0553282 1.0476389\n", + " 1.0440749 1.04592 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.187155 1.1842123 1.1946459 1.2045126 1.1918812 1.1564488 1.120609\n", + " 1.0959179 1.0829463 1.0783502 1.0765396 1.0701596 1.059708 1.0514047\n", + " 1.0477835 1.049647 1.0552888 1.0605558 1.0628096 1.0632265 0.\n", + " 0. ]]\n", + "[[1.1635195 1.1608233 1.1707957 1.1787394 1.1667306 1.134715 1.1015384\n", + " 1.0796014 1.0689003 1.0654452 1.0635661 1.0586668 1.0506155 1.0434102\n", + " 1.0402377 1.0417705 1.0461097 1.0506413 1.0527862 1.054114 0. ]\n", + " [1.1629372 1.1621059 1.1734636 1.1826773 1.1697222 1.1378644 1.1042325\n", + " 1.0818492 1.0703365 1.0669227 1.06526 1.0594411 1.0505935 1.0434375\n", + " 1.0405346 1.0418959 1.0470213 1.0515456 1.0537297 1.054707 1.056117 ]\n", + " [1.1709166 1.1688497 1.1811192 1.1924613 1.1802841 1.1442744 1.107779\n", + " 1.0836406 1.0721337 1.0690142 1.0674741 1.062553 1.0536332 1.0457193\n", + " 1.04252 1.0437714 1.0487276 1.0538622 1.0561377 1.0567914 1.057842 ]\n", + " [1.1895517 1.1823679 1.1926625 1.2035556 1.1907794 1.153911 1.1159369\n", + " 1.0907317 1.0797659 1.0776412 1.078063 1.0734049 1.0638641 1.0548145\n", + " 1.05111 0. 0. 0. 0. 0. 0. ]\n", + " [1.1557387 1.1529161 1.1626785 1.1708524 1.1599098 1.1288266 1.0971386\n", + " 1.0765419 1.0668753 1.0644045 1.0643989 1.0595965 1.0506682 1.0432366\n", + " 1.039726 1.0412352 1.046046 0. 0. 0. 0. ]]\n", + "[[1.163791 1.1614649 1.1723295 1.1814406 1.1700995 1.1369543 1.1028359\n", + " 1.0808474 1.0698507 1.0659043 1.0646572 1.0590695 1.0505129 1.0432905\n", + " 1.0402228 1.0418103 1.046662 1.0513433 1.0535742 1.0543557]\n", + " [1.20142 1.1972778 1.2099411 1.2198536 1.2049769 1.1656399 1.1250505\n", + " 1.0997082 1.0879132 1.0872611 1.0879042 1.0824608 1.0715313 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1796715 1.1723965 1.1812252 1.1882668 1.1773319 1.1433444 1.1085159\n", + " 1.0857793 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1769923 1.1726468 1.1827959 1.1915783 1.1785297 1.1443661 1.1103969\n", + " 1.0872049 1.0760908 1.0725967 1.0709245 1.0648093 1.0556078 1.0473677\n", + " 1.0440365 1.0462863 1.0515207 1.0565453 1.0592146 0. ]\n", + " [1.1879213 1.1835988 1.1945492 1.2037797 1.1929455 1.1575283 1.1204057\n", + " 1.0948707 1.082435 1.0791701 1.0787113 1.0733346 1.0635161 1.0544955\n", + " 1.050367 1.0521321 1.0574926 1.0631168 0. 0. ]]\n", + "[[1.167072 1.1629628 1.1719555 1.1796144 1.167519 1.1345055 1.1013978\n", + " 1.080682 1.0707755 1.0684623 1.0680819 1.0626646 1.0538752 1.0459511\n", + " 1.0427243 1.044564 1.0497204 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1717662 1.1690766 1.1789718 1.1878918 1.1743134 1.1409042 1.1064546\n", + " 1.0837831 1.0727824 1.0693192 1.0677072 1.0624963 1.0538535 1.0462617\n", + " 1.0429796 1.044866 1.0500853 1.055155 1.0578823 1.0590491 0.\n", + " 0. ]\n", + " [1.1573493 1.1527451 1.1613135 1.168984 1.1578695 1.1276839 1.0970632\n", + " 1.0764183 1.0662632 1.0635234 1.0623057 1.0574257 1.0497804 1.0426912\n", + " 1.0392554 1.0409249 1.0455352 1.0501196 1.0526177 0. 0.\n", + " 0. ]\n", + " [1.172405 1.169693 1.1801724 1.190237 1.1786957 1.1454477 1.1118699\n", + " 1.0887886 1.0767378 1.0723937 1.0696008 1.0639259 1.0546436 1.0464783\n", + " 1.04342 1.0450336 1.0501869 1.055252 1.0579894 1.0590123 1.0607685\n", + " 1.0644819]\n", + " [1.207174 1.2005888 1.2117527 1.2223189 1.209283 1.1729705 1.1328988\n", + " 1.1059914 1.0937762 1.0914855 1.0915879 1.0860949 1.0746056 1.0643564\n", + " 1.059364 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1652702 1.1607915 1.1696754 1.1779509 1.1663735 1.1343601 1.1012757\n", + " 1.0797483 1.0692799 1.0659816 1.0645766 1.0601597 1.05184 1.0444405\n", + " 1.0413938 1.0435948 1.0488055 1.0542319 0. ]\n", + " [1.1759756 1.1705511 1.1797336 1.1884135 1.1776404 1.1442136 1.1091856\n", + " 1.0862157 1.0747164 1.0721693 1.0720941 1.0674397 1.0584427 1.0502167\n", + " 1.0464396 1.0484054 1.0538056 0. 0. ]\n", + " [1.1730047 1.1702131 1.1816713 1.1909608 1.1784105 1.1444016 1.1090684\n", + " 1.0853361 1.0740194 1.0712707 1.0701339 1.0658467 1.0570781 1.0490916\n", + " 1.0455706 1.0474194 1.052845 1.0584655 0. ]\n", + " [1.1686369 1.165812 1.1773739 1.1868805 1.176003 1.1422067 1.107709\n", + " 1.0843112 1.073248 1.070038 1.0685997 1.0637916 1.054715 1.0470501\n", + " 1.0431638 1.0449744 1.0499235 1.054955 1.0573705]\n", + " [1.1728561 1.1696975 1.1790118 1.1866208 1.1762173 1.1436075 1.109755\n", + " 1.0864284 1.076248 1.0731539 1.0722072 1.067423 1.057581 1.0487628\n", + " 1.0450456 1.0469387 1.0525198 0. 0. ]]\n", + "[[1.1911736 1.1836576 1.1913874 1.2002304 1.1881877 1.1534073 1.117274\n", + " 1.0935111 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1659926 1.1619607 1.1720113 1.1817486 1.1711671 1.1387775 1.1048208\n", + " 1.0819459 1.0720794 1.0700747 1.0699115 1.0654882 1.0567611 1.048553\n", + " 1.0446714 1.0463874 0. 0. 0. ]\n", + " [1.1615386 1.1585532 1.1672683 1.1759446 1.1635522 1.1310151 1.1001445\n", + " 1.079447 1.0699166 1.0682596 1.0675808 1.0623517 1.0536919 1.0459783\n", + " 1.0425813 1.0445955 0. 0. 0. ]\n", + " [1.1787002 1.1750845 1.1859522 1.1951771 1.1820962 1.1471272 1.1107213\n", + " 1.0864564 1.0742077 1.0715792 1.0705135 1.0652525 1.056559 1.048418\n", + " 1.0446272 1.0467663 1.052001 1.056953 1.0591246]\n", + " [1.1764548 1.1710032 1.1811506 1.1900723 1.1772168 1.1427023 1.1080458\n", + " 1.0852069 1.0752295 1.0735127 1.0739242 1.0691345 1.0601854 1.0519526\n", + " 1.0478119 0. 0. 0. 0. ]]\n", + "[[1.1706924 1.1671888 1.1775961 1.18682 1.1754973 1.142543 1.1069473\n", + " 1.083723 1.0726373 1.0697751 1.0691471 1.0653263 1.056414 1.0489616\n", + " 1.0451636 1.0463151 1.051151 1.0560799 0. ]\n", + " [1.1681548 1.1633523 1.172949 1.1806294 1.1691257 1.1362906 1.1029546\n", + " 1.0808501 1.0706853 1.0689504 1.0689917 1.064686 1.056212 1.0483744\n", + " 1.0447212 1.0465035 1.0520601 0. 0. ]\n", + " [1.1695029 1.1643983 1.1741116 1.181139 1.1691093 1.1359181 1.1023273\n", + " 1.0804412 1.0703322 1.0685754 1.0690228 1.0649358 1.0565622 1.0484849\n", + " 1.0450071 0. 0. 0. 0. ]\n", + " [1.1808738 1.1762215 1.1864058 1.1965408 1.1840206 1.1492656 1.1140894\n", + " 1.091603 1.0817324 1.0804478 1.0804489 1.0748515 1.0638614 1.0542582\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1886843 1.1851192 1.1963379 1.2055783 1.1914387 1.1560602 1.1182005\n", + " 1.0921558 1.0800798 1.076842 1.076138 1.0705755 1.0608101 1.0527734\n", + " 1.0490223 1.0507298 1.0563533 1.0613198 1.0636446]]\n", + "[[1.1593057 1.1558034 1.1653969 1.1727903 1.1614261 1.1306157 1.0993667\n", + " 1.0783658 1.0678983 1.0650011 1.0630738 1.057982 1.0497339 1.0426201\n", + " 1.0392078 1.0408838 1.0453846 1.050063 1.0523764]\n", + " [1.159766 1.1544378 1.1629742 1.1704438 1.1607313 1.1301117 1.0984143\n", + " 1.077271 1.0670855 1.0654209 1.0655069 1.0619798 1.0540147 1.0461549\n", + " 1.0425576 0. 0. 0. 0. ]\n", + " [1.1686082 1.1650943 1.174942 1.182733 1.1697431 1.1370789 1.1036534\n", + " 1.081497 1.0709658 1.0690042 1.0676222 1.0630028 1.0543141 1.0467657\n", + " 1.0434966 1.0450433 1.050339 1.0552601 0. ]\n", + " [1.1779792 1.1758331 1.1870995 1.1966653 1.1838396 1.148985 1.1129626\n", + " 1.088193 1.0766513 1.0734639 1.0722761 1.0667169 1.0572951 1.0494529\n", + " 1.0454427 1.0472264 1.0527719 1.0577364 1.0603311]\n", + " [1.1790642 1.1749505 1.184709 1.193021 1.1800069 1.146642 1.1117816\n", + " 1.0883597 1.0774609 1.0744851 1.0737325 1.068928 1.0591241 1.0507609\n", + " 1.046865 1.0486921 1.0542892 1.0594306 0. ]]\n", + "[[1.1999251 1.1963811 1.2070553 1.2155883 1.2008849 1.1624091 1.1232543\n", + " 1.0974637 1.0842245 1.0800807 1.0796876 1.074252 1.0644984 1.0561329\n", + " 1.0523194 1.0541205 1.059431 1.0651187 1.0683787 0. ]\n", + " [1.1696022 1.1672525 1.1786923 1.1871669 1.1754673 1.1423094 1.1076077\n", + " 1.0844277 1.0735627 1.0704107 1.0697932 1.0638597 1.0547856 1.0469972\n", + " 1.0429223 1.0446289 1.0496758 1.054943 0. 0. ]\n", + " [1.1806654 1.1765059 1.1875799 1.1981938 1.1854682 1.150367 1.1134006\n", + " 1.0889617 1.0769844 1.0753806 1.0755094 1.0694479 1.0602045 1.0511376\n", + " 1.0474799 1.0490865 1.0550616 0. 0. 0. ]\n", + " [1.1791655 1.1759828 1.1874728 1.1962888 1.1840246 1.1487385 1.1120256\n", + " 1.0875583 1.0766772 1.0735034 1.073103 1.0678346 1.0583398 1.0501132\n", + " 1.0465052 1.0479953 1.0529696 1.0580617 0. 0. ]\n", + " [1.1803521 1.1767704 1.1875823 1.1963744 1.183182 1.1492192 1.1129575\n", + " 1.0891393 1.0767655 1.0728904 1.0713218 1.0656278 1.0563232 1.0480608\n", + " 1.0447568 1.0467428 1.0513011 1.0562029 1.0587536 1.0605834]]\n", + "[[1.2058327 1.201023 1.2114544 1.220402 1.2054478 1.1658823 1.1268628\n", + " 1.1010662 1.0890404 1.0874563 1.088082 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1995348 1.1945225 1.2061126 1.2147343 1.1981708 1.1596595 1.1200868\n", + " 1.0944909 1.0838509 1.0831357 1.0839622 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1623834 1.1591984 1.1696309 1.1782833 1.1657543 1.1341168 1.1009617\n", + " 1.0793327 1.0694611 1.0669132 1.0672897 1.0629172 1.0542651 1.04656\n", + " 1.0427995 1.0443171 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1681193 1.16441 1.1750923 1.184851 1.1741374 1.1424568 1.109979\n", + " 1.0877551 1.0754349 1.0713929 1.0687025 1.0622348 1.0527542 1.0453345\n", + " 1.042242 1.0445962 1.0493482 1.0539169 1.0559576 1.0565281 1.0578094\n", + " 1.0615857]\n", + " [1.1593829 1.1559129 1.1659606 1.1752119 1.1635125 1.1320628 1.0991744\n", + " 1.0772076 1.0670513 1.0643554 1.0642987 1.0599077 1.0515232 1.0443852\n", + " 1.0410442 1.0426049 1.0475323 0. 0. 0. 0.\n", + " 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1746646 1.1708829 1.1813892 1.1895442 1.1759478 1.1405239 1.1053536\n", + " 1.0830373 1.0732484 1.0716223 1.0715387 1.0661632 1.0569339 1.0488267\n", + " 1.0454108 1.0476146 1.0535411 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1646516 1.1605049 1.1702797 1.1791621 1.1674508 1.1363277 1.1037006\n", + " 1.0815016 1.070079 1.0669591 1.0654172 1.0600986 1.0518672 1.044806\n", + " 1.0412815 1.0432 1.0475883 1.0521061 1.0549257 1.0558853 0.\n", + " 0. ]\n", + " [1.1754181 1.1737981 1.1840487 1.1926216 1.1812769 1.1478411 1.1126741\n", + " 1.0890145 1.076699 1.0724609 1.0701721 1.0643089 1.0551753 1.0470729\n", + " 1.0439653 1.0457822 1.0509746 1.0554466 1.0579114 1.0589476 1.0602322\n", + " 1.0642807]\n", + " [1.1584609 1.1570181 1.1682174 1.1775469 1.1663265 1.1335065 1.1011035\n", + " 1.079333 1.068933 1.0652796 1.0635273 1.057752 1.0492164 1.0418013\n", + " 1.0392281 1.0410758 1.0456618 1.0505285 1.0530498 1.053975 1.0555637\n", + " 1.0590504]\n", + " [1.1634234 1.1583219 1.166842 1.1748943 1.1638404 1.1329857 1.1009327\n", + " 1.0794656 1.0686632 1.0666822 1.0668279 1.0630329 1.0550236 1.0473224\n", + " 1.0436996 1.0453444 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1625834 1.1582074 1.1673359 1.1757728 1.1644632 1.1323779 1.0993679\n", + " 1.0776417 1.0675101 1.0651817 1.06455 1.0597541 1.0520072 1.044757\n", + " 1.0416187 1.0432686 1.048428 0. 0. 0. ]\n", + " [1.1718712 1.1704111 1.1820123 1.1919621 1.1792661 1.1452614 1.1100241\n", + " 1.0863864 1.0752962 1.0723003 1.0709593 1.0661021 1.0570364 1.0484532\n", + " 1.0447695 1.0465916 1.0520039 1.057389 0. 0. ]\n", + " [1.1752253 1.1703987 1.1791904 1.1874524 1.1745063 1.1419985 1.108258\n", + " 1.0856673 1.0744218 1.0709268 1.0695654 1.0643663 1.0556095 1.0478079\n", + " 1.0446417 1.046519 1.0516813 1.0568296 1.0595276 0. ]\n", + " [1.1622801 1.1609021 1.1723821 1.1814809 1.1686391 1.1357338 1.1023294\n", + " 1.0799848 1.0689384 1.0659689 1.064463 1.0587575 1.0500188 1.0429128\n", + " 1.03936 1.0409403 1.0458663 1.0504963 1.0527272 1.0541643]\n", + " [1.1670007 1.163365 1.1734511 1.1818211 1.1694177 1.1369377 1.1036465\n", + " 1.0810734 1.0708413 1.0679699 1.0673848 1.0625582 1.0542067 1.0460062\n", + " 1.0422711 1.04379 1.048705 1.0541577 0. 0. ]]\n", + "[[1.1635287 1.1590028 1.1678749 1.1762071 1.1652864 1.1341649 1.1023144\n", + " 1.0810235 1.0708696 1.069177 1.0691727 1.0651419 1.0558994 1.047833\n", + " 1.0439 0. 0. 0. ]\n", + " [1.1688948 1.1664891 1.1770633 1.1857225 1.173087 1.1384249 1.1050022\n", + " 1.0826341 1.0719942 1.0697461 1.0689304 1.0638864 1.0545024 1.0464606\n", + " 1.0429438 1.0443872 1.0494934 1.05444 ]\n", + " [1.1680392 1.1638031 1.1734239 1.1818818 1.1696053 1.1363174 1.1026156\n", + " 1.081096 1.0710164 1.0698656 1.0704874 1.0663619 1.0576795 1.04968\n", + " 1.0457689 0. 0. 0. ]\n", + " [1.1533946 1.1495738 1.1590558 1.1674869 1.1565156 1.1252424 1.0945392\n", + " 1.074404 1.0653119 1.0629385 1.0628997 1.0586375 1.0508894 1.042964\n", + " 1.0396779 1.0414141 1.0465398 0. ]\n", + " [1.1815364 1.1785135 1.1903288 1.1990094 1.1848936 1.148851 1.1122046\n", + " 1.0882274 1.0773977 1.0747578 1.0747279 1.0693359 1.0596867 1.0509973\n", + " 1.047235 1.0489883 1.0543101 1.059811 ]]\n", + "[[1.1738911 1.1689193 1.1781424 1.1867212 1.1746392 1.1425263 1.1085652\n", + " 1.08524 1.0743778 1.0712625 1.0705312 1.0651559 1.0555764 1.0474706\n", + " 1.0442505 1.0461708 1.0514867 1.0564474 0. 0. ]\n", + " [1.1700444 1.1677009 1.1792015 1.1877246 1.1761721 1.141931 1.1067765\n", + " 1.083913 1.0732611 1.0706592 1.069746 1.0643871 1.0549463 1.0468599\n", + " 1.0432266 1.0445343 1.0496967 1.0550041 0. 0. ]\n", + " [1.1688342 1.164212 1.173308 1.1807837 1.169301 1.1365848 1.1033734\n", + " 1.082009 1.0715214 1.0705534 1.0712589 1.067469 1.0588013 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1687605 1.1647384 1.1748071 1.1826837 1.1704731 1.1371017 1.1030667\n", + " 1.0810442 1.0707499 1.0684214 1.0681796 1.0636898 1.0555 1.0473944\n", + " 1.043604 1.0451747 1.0499696 1.0549392 0. 0. ]\n", + " [1.1708343 1.1687409 1.1794941 1.1887208 1.1754689 1.1420501 1.1071644\n", + " 1.0840306 1.0726012 1.0695583 1.0677325 1.0627348 1.0541773 1.0463208\n", + " 1.0432597 1.0446916 1.0495268 1.0545242 1.0567946 1.0573698]]\n", + "[[1.1584685 1.1550697 1.1653471 1.1742568 1.1621646 1.130268 1.0983617\n", + " 1.0764651 1.0673124 1.0654906 1.0646688 1.0604066 1.0518264 1.043815\n", + " 1.0403278 1.0419688 1.0472658 0. 0. ]\n", + " [1.1986597 1.1932104 1.2034695 1.2125274 1.1989988 1.1626194 1.1251642\n", + " 1.1002679 1.0888981 1.086905 1.0874918 1.0817939 1.0706725 1.0605842\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1960299 1.190465 1.2013253 1.2096648 1.1973159 1.161432 1.1236918\n", + " 1.098871 1.0886288 1.0866308 1.0867369 1.0807894 1.0702214 1.0598508\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1769435 1.1708211 1.179133 1.1872326 1.1745946 1.1403404 1.1064647\n", + " 1.0835973 1.0743036 1.0726591 1.0731332 1.0686427 1.0592188 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1646537 1.1628319 1.1731813 1.1812234 1.167751 1.1346275 1.1019325\n", + " 1.0802797 1.0699182 1.0672597 1.0658718 1.0608406 1.0525393 1.0449897\n", + " 1.0420104 1.0435117 1.0486219 1.0531858 1.0553899]]\n", + "[[1.1951404 1.1890459 1.1979465 1.2064004 1.1926826 1.1562898 1.1195633\n", + " 1.0958791 1.0846648 1.0820229 1.0818293 1.0763032 1.0656813 1.0566543\n", + " 1.052771 1.0554761 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1720195 1.1692258 1.1804817 1.1886058 1.177877 1.1462387 1.1120095\n", + " 1.0887439 1.0762995 1.0715349 1.068327 1.0627692 1.053786 1.0461177\n", + " 1.043237 1.044516 1.0494046 1.0539792 1.0564371 1.0574168 1.0594268\n", + " 1.0633626 0. 0. 0. 0. ]\n", + " [1.1770524 1.1729199 1.1838316 1.193471 1.1822163 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1859846 1.1795447 1.1885655 1.1968085 1.1845934 1.1489949 1.1124192\n", + " 1.088282 1.076958 1.0749315 1.0746684 1.0700669 1.060908 1.052175\n", + " 1.0483489 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1672828 1.1640946 1.17498 1.1857173 1.1757445 1.1444006 1.1099093\n", + " 1.0860708 1.0739422 1.0691711 1.0670086 1.0606552 1.0513724 1.0434306\n", + " 1.0408732 1.0430396 1.0486224 1.0533226 1.0555978 1.0562977 1.0573452\n", + " 1.0601761 1.0669186 1.0760466 1.0844165 1.0886691]]\n", + "[[1.1681095 1.164839 1.1754729 1.1844186 1.1724865 1.1391073 1.104736\n", + " 1.0832505 1.0733091 1.0716898 1.0721853 1.0677956 1.0585501 1.0500479\n", + " 1.0461961 0. 0. 0. 0. 0. ]\n", + " [1.1686789 1.1660541 1.1768909 1.1851648 1.173081 1.1388934 1.1049405\n", + " 1.0823715 1.0718354 1.0693904 1.0696528 1.065242 1.0564945 1.048772\n", + " 1.0451978 1.046863 1.0520607 0. 0. 0. ]\n", + " [1.2010715 1.1948448 1.2049019 1.2148966 1.201981 1.1635804 1.1250455\n", + " 1.0986918 1.087697 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1675265 1.1638896 1.1732522 1.1812761 1.1709636 1.1388396 1.1056913\n", + " 1.083717 1.0724384 1.0690213 1.0666693 1.0611087 1.0521832 1.0444455\n", + " 1.0412399 1.0433446 1.0484982 1.0534748 1.0555619 1.0561701]\n", + " [1.1700149 1.167536 1.1772428 1.1857666 1.1723431 1.1398869 1.1061072\n", + " 1.0834271 1.0729147 1.0690798 1.0681367 1.0626686 1.0537775 1.0458268\n", + " 1.0423204 1.0441536 1.0490626 1.0540295 1.0565645 0. ]]\n", + "[[1.1616691 1.1604426 1.171213 1.1806296 1.1683326 1.1361779 1.1038296\n", + " 1.0820312 1.0703876 1.066921 1.0647427 1.0582492 1.0500205 1.042935\n", + " 1.0396541 1.0416456 1.0464852 1.0512124 1.0533755 1.0544623 1.0560976\n", + " 1.05953 ]\n", + " [1.1943225 1.1894947 1.1996979 1.2073808 1.1949109 1.1593087 1.1220326\n", + " 1.0969716 1.0848897 1.0811324 1.0811387 1.0754344 1.065507 1.0563616\n", + " 1.0516756 1.0543411 1.0603507 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1823113 1.1790283 1.1899797 1.1992656 1.1869562 1.152584 1.116648\n", + " 1.091781 1.0805509 1.0769427 1.074614 1.0687985 1.0589684 1.0499841\n", + " 1.0462348 1.0477355 1.0531832 1.0584155 1.0612961 1.062343 0.\n", + " 0. ]\n", + " [1.1884376 1.1854062 1.1964375 1.2046973 1.1932204 1.1581472 1.1208463\n", + " 1.0950909 1.0825081 1.0785282 1.0762771 1.0701722 1.0602964 1.0519419\n", + " 1.0485259 1.0497866 1.0551617 1.0605446 1.0631082 1.0639821 0.\n", + " 0. ]\n", + " [1.1659917 1.1639024 1.1760929 1.1863968 1.1750605 1.1415341 1.1071666\n", + " 1.0839133 1.071934 1.0685631 1.0666322 1.0609088 1.0524303 1.0451076\n", + " 1.0415884 1.042716 1.0475962 1.0522765 1.0545273 1.0553796 1.0566188\n", + " 0. ]]\n", + "[[1.1850408 1.1827267 1.1923181 1.2012771 1.1889205 1.1545618 1.118413\n", + " 1.0936443 1.0810182 1.0762495 1.0734503 1.0675683 1.0586045 1.0507494\n", + " 1.0468225 1.0489326 1.0544535 1.0593561 1.0618654 1.0624787 1.0640452]\n", + " [1.184067 1.1788224 1.188419 1.1960088 1.184541 1.1496189 1.1129365\n", + " 1.0888036 1.077683 1.0750278 1.0748863 1.0696359 1.0603762 1.0517353\n", + " 1.0481861 1.0504488 1.0559492 0. 0. 0. 0. ]\n", + " [1.1766546 1.1723955 1.1825988 1.1916507 1.178644 1.1448947 1.109867\n", + " 1.0863167 1.0750145 1.0728374 1.0726227 1.0677758 1.0589447 1.0501145\n", + " 1.0462104 1.048179 1.0537473 0. 0. 0. 0. ]\n", + " [1.1996254 1.1952409 1.2047778 1.2137821 1.2004541 1.1636157 1.1253121\n", + " 1.0994592 1.0871572 1.0836124 1.0833842 1.0780929 1.0675232 1.0581768\n", + " 1.0539541 1.0562572 1.0627241 0. 0. 0. 0. ]\n", + " [1.1878351 1.1842823 1.1944159 1.202562 1.1900069 1.1548761 1.1183207\n", + " 1.0935668 1.0807717 1.0768917 1.0748714 1.0697638 1.0602646 1.0518066\n", + " 1.0487782 1.0506909 1.0560342 1.0612932 1.0635843 0. 0. ]]\n", + "[[1.1525419 1.1493385 1.15941 1.1676686 1.1567101 1.1265343 1.0951406\n", + " 1.0747638 1.0648689 1.0619383 1.0603716 1.0548955 1.0467405 1.0394796\n", + " 1.0361907 1.0378524 1.0425096 1.0467553 1.0491675 1.0501484 0. ]\n", + " [1.233596 1.226953 1.2362502 1.24463 1.2284677 1.1880199 1.1454551\n", + " 1.1158775 1.1020824 1.1009674 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1667084 1.16436 1.1756289 1.1844326 1.172398 1.1404285 1.106808\n", + " 1.0839747 1.0726916 1.0690174 1.0667995 1.06041 1.0519987 1.0446976\n", + " 1.0417526 1.0430235 1.0479729 1.0527108 1.0550584 1.0564097 1.0580641]\n", + " [1.1688032 1.1635499 1.173075 1.1822805 1.1705768 1.1383184 1.1048496\n", + " 1.0822685 1.0718473 1.0696694 1.069836 1.0657111 1.056361 1.0481892\n", + " 1.0441238 1.0457761 1.0509537 0. 0. 0. 0. ]\n", + " [1.1569067 1.1528258 1.1626569 1.1713717 1.1604083 1.1293834 1.0974432\n", + " 1.0766858 1.0672019 1.0660248 1.0663058 1.0622537 1.0539136 1.0460274\n", + " 1.0420948 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1620909 1.1585373 1.1682026 1.1770092 1.1658324 1.1339377 1.0999503\n", + " 1.0783876 1.0682383 1.0673873 1.0677879 1.0638585 1.0551957 1.0470271\n", + " 1.0429174 1.0442717 0. 0. 0. 0. 0. ]\n", + " [1.1513207 1.1489491 1.1579528 1.1655539 1.1536958 1.1234858 1.094022\n", + " 1.073826 1.0638577 1.0601542 1.0587153 1.0530217 1.0455179 1.0391574\n", + " 1.0367689 1.0383627 1.0428102 1.0475216 1.0498998 1.0510467 1.0523801]\n", + " [1.1937592 1.1888771 1.1983603 1.2080913 1.1948948 1.158359 1.1214265\n", + " 1.0969617 1.0853508 1.0824312 1.0824921 1.0769182 1.0662575 1.0570986\n", + " 1.0527596 1.0553513 0. 0. 0. 0. 0. ]\n", + " [1.1697414 1.1672827 1.1779283 1.1864251 1.1734103 1.1389496 1.1047486\n", + " 1.0824053 1.0722605 1.0701314 1.0692397 1.0643116 1.0550454 1.046698\n", + " 1.0434787 1.0451423 1.0502084 1.0553817 0. 0. 0. ]\n", + " [1.1601672 1.1564907 1.1659266 1.1748843 1.1631882 1.1307315 1.0989916\n", + " 1.0771674 1.0682216 1.0667055 1.0669637 1.0625932 1.0539775 1.0461024\n", + " 1.0426145 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1695576 1.1655225 1.1762985 1.1853223 1.1743587 1.1412222 1.1059525\n", + " 1.0833619 1.0723119 1.0697017 1.0688505 1.0638111 1.0550572 1.0467389\n", + " 1.0430422 1.0447863 1.0502719 1.0551106 0. 0. 0. ]\n", + " [1.1662464 1.161429 1.1717613 1.1804217 1.1688288 1.1365719 1.1024876\n", + " 1.0808583 1.0697404 1.0671899 1.0674466 1.0631461 1.0549672 1.0476954\n", + " 1.0438436 1.0458194 1.0509834 0. 0. 0. 0. ]\n", + " [1.1578553 1.1561298 1.1677586 1.1781728 1.1665761 1.134155 1.1011766\n", + " 1.0794306 1.0688555 1.0654547 1.0639389 1.058302 1.0494057 1.0423051\n", + " 1.0389813 1.0409511 1.0454562 1.050362 1.0525199 1.0533128 1.0546519]\n", + " [1.1609737 1.1588457 1.1691993 1.1784314 1.1663543 1.1349313 1.1013882\n", + " 1.0790505 1.0679603 1.0638248 1.0623043 1.0568911 1.048903 1.0418006\n", + " 1.0391563 1.040434 1.0447865 1.0495235 1.0519404 1.0529937 1.0547975]\n", + " [1.1524065 1.1472074 1.1566713 1.1652709 1.1553012 1.1247774 1.0947095\n", + " 1.0745097 1.0652205 1.0642234 1.0642006 1.0601565 1.0515932 1.0437063\n", + " 1.0401073 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1630718 1.1602181 1.1709965 1.1793926 1.1676419 1.134631 1.1019872\n", + " 1.0804014 1.0706884 1.0696069 1.06957 1.0645051 1.0558249 1.0476645\n", + " 1.0442959 0. 0. 0. ]\n", + " [1.1557167 1.1522675 1.1610224 1.1677786 1.156368 1.126438 1.0954041\n", + " 1.0751417 1.0651476 1.0619404 1.0610263 1.0562205 1.0486706 1.041342\n", + " 1.0390788 1.0412 1.0458537 1.0502784]\n", + " [1.1840498 1.1808809 1.1917808 1.200527 1.188376 1.1528354 1.1168201\n", + " 1.0925164 1.0812322 1.0783854 1.0774014 1.0721856 1.0619619 1.0532682\n", + " 1.0492965 1.0517125 1.0579509 0. ]\n", + " [1.1802186 1.1751784 1.1845222 1.1926851 1.1812357 1.1467915 1.1112232\n", + " 1.0881191 1.0769181 1.0753758 1.0754888 1.0708898 1.0619699 1.0530425\n", + " 1.0489038 1.0510292 0. 0. ]\n", + " [1.175702 1.1711681 1.1807559 1.1898899 1.1777493 1.1439953 1.109464\n", + " 1.0864866 1.0760703 1.0731806 1.0729728 1.068071 1.0585815 1.0502454\n", + " 1.0467482 1.0488185 1.0545135 0. ]]\n", + "[[1.1815776 1.1767306 1.1864488 1.1956611 1.1814212 1.1486613 1.1130273\n", + " 1.0891733 1.0780656 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1945752 1.1904386 1.2009847 1.2094693 1.1956378 1.1592804 1.1215684\n", + " 1.0966712 1.0841665 1.0805988 1.0801609 1.0741382 1.063633 1.0547236\n", + " 1.0508393 1.0526884 1.0587591 1.0644629]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1858602 1.1826006 1.1925713 1.2006 1.1877738 1.1528252 1.1163297\n", + " 1.0914519 1.080015 1.0763222 1.074783 1.0688938 1.0600435 1.0510411\n", + " 1.047351 1.0489506 1.0545474 1.059659 1.0625597 0. 0.\n", + " 0. ]\n", + " [1.1609209 1.1584392 1.1691418 1.1771764 1.1648506 1.1331736 1.1003466\n", + " 1.0794594 1.0697637 1.0685914 1.0683513 1.0632493 1.0541534 1.0457631\n", + " 1.0422702 1.0442734 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1801614 1.1771274 1.1884105 1.1970679 1.1838717 1.1484511 1.1113359\n", + " 1.0874875 1.0761148 1.0738662 1.0730774 1.0684499 1.0590024 1.0501612\n", + " 1.0464367 1.0479877 1.0531032 1.0587674 0. 0. 0.\n", + " 0. ]\n", + " [1.1691663 1.1677274 1.1789931 1.1885756 1.1767507 1.1430709 1.1083432\n", + " 1.0852119 1.0736126 1.0703923 1.0682366 1.0615236 1.0525916 1.0450051\n", + " 1.0418743 1.0434093 1.0488374 1.0536296 1.0561992 1.0571971 1.058865\n", + " 0. ]\n", + " [1.172927 1.1703005 1.1806817 1.1886108 1.1779102 1.1450692 1.1110282\n", + " 1.0882596 1.0762496 1.0720611 1.0693029 1.0626132 1.0537684 1.0460447\n", + " 1.043117 1.0453993 1.0502206 1.0556948 1.0573416 1.0579575 1.0595005\n", + " 1.0631238]]\n", + "[[1.1763513 1.1744897 1.1855323 1.1939085 1.1816443 1.1460122 1.1093256\n", + " 1.0854243 1.0744929 1.0710957 1.0705527 1.0652351 1.0559447 1.0481826\n", + " 1.0446248 1.0462872 1.0515076 1.0566777 1.058956 0. 0.\n", + " 0. ]\n", + " [1.1730181 1.1707515 1.1803334 1.1899036 1.178119 1.1458018 1.111949\n", + " 1.088848 1.0767041 1.0722234 1.0699799 1.0637097 1.0544116 1.0461403\n", + " 1.0433259 1.0452652 1.0502551 1.0552169 1.0573205 1.057939 1.0595254\n", + " 1.0629107]\n", + " [1.1731851 1.1700267 1.1810764 1.1909018 1.1782671 1.1443565 1.1090523\n", + " 1.0854127 1.0749574 1.0726124 1.0718892 1.0673807 1.0582932 1.049305\n", + " 1.0457764 1.0473418 1.0529023 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1732243 1.1709036 1.1828088 1.1920766 1.1799772 1.1447685 1.1085429\n", + " 1.0844058 1.0738657 1.0715677 1.0709196 1.0661108 1.0571271 1.0485508\n", + " 1.0448768 1.0465906 1.0517267 1.056877 0. 0. 0.\n", + " 0. ]\n", + " [1.1841758 1.1806682 1.1918743 1.201731 1.187122 1.1503695 1.1135657\n", + " 1.0901015 1.0795195 1.078234 1.0790201 1.0742288 1.0643989 1.0552976\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1783577 1.1757884 1.1866459 1.1968668 1.1847396 1.1503136 1.1138853\n", + " 1.0898163 1.0781691 1.075052 1.0744305 1.0691093 1.0600154 1.0507978\n", + " 1.0470039 1.0488781 1.0542325 1.0596278 0. 0. 0.\n", + " 0. ]\n", + " [1.166109 1.1625919 1.1715558 1.1796546 1.1656992 1.134232 1.1008664\n", + " 1.0796493 1.0702223 1.0695153 1.0695997 1.0654241 1.0567678 1.0486012\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1674212 1.1646069 1.1744558 1.1825417 1.17068 1.1384863 1.1050979\n", + " 1.0829309 1.0717683 1.0682955 1.0665295 1.0622365 1.0542879 1.0469306\n", + " 1.0439217 1.0452912 1.0498706 1.0545509 0. 0. 0.\n", + " 0. ]\n", + " [1.1567262 1.1531652 1.1629629 1.171258 1.1603284 1.1308687 1.0997487\n", + " 1.0787255 1.0672762 1.0635859 1.0616517 1.056067 1.0478989 1.041091\n", + " 1.038041 1.0399045 1.0443611 1.0486951 1.05109 1.0514466 1.0524845\n", + " 1.0556583]\n", + " [1.1690273 1.1643162 1.1733401 1.1813146 1.1718819 1.1416473 1.1092819\n", + " 1.086874 1.0762874 1.0731173 1.0727086 1.0673829 1.0583686 1.0497935\n", + " 1.0463555 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1721132 1.1681023 1.1776819 1.1863666 1.1740278 1.1417723 1.1079732\n", + " 1.0844293 1.0735046 1.0701848 1.0701458 1.0647346 1.0558195 1.0482836\n", + " 1.0449431 1.0470798 1.0527897 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1632985 1.1607534 1.1717085 1.1815683 1.1712457 1.1391557 1.1054726\n", + " 1.0824461 1.0706074 1.0672712 1.0651983 1.0595877 1.0504721 1.0432625\n", + " 1.040008 1.0415887 1.046656 1.0507141 1.0530759 1.0537103 1.0554079\n", + " 1.0585016]\n", + " [1.2109183 1.2039778 1.2134781 1.2213155 1.2087119 1.1708984 1.1302581\n", + " 1.1027445 1.0908198 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1542794 1.152032 1.1624299 1.1730223 1.1639559 1.1336074 1.1017934\n", + " 1.0800376 1.0686662 1.0642548 1.0622321 1.0565972 1.0483 1.0417136\n", + " 1.0387318 1.0403215 1.0443497 1.0492122 1.0519142 1.0530765 1.0542489\n", + " 1.0572278]\n", + " [1.1697998 1.1651444 1.174931 1.1822975 1.1703626 1.1374146 1.1039634\n", + " 1.0819999 1.0712472 1.0689145 1.0683239 1.0638207 1.0550666 1.0476145\n", + " 1.044039 1.0457296 1.0508853 1.0557219 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1642947 1.159947 1.1705285 1.1807097 1.1703391 1.1380696 1.1038071\n", + " 1.0808995 1.0695509 1.0663646 1.065717 1.0610564 1.0528536 1.044651\n", + " 1.0411612 1.0427074 1.0476185 1.0525987 0. 0. 0.\n", + " 0. ]\n", + " [1.1615354 1.1554711 1.1643705 1.1721777 1.1611816 1.1306721 1.0993598\n", + " 1.078804 1.069329 1.0683829 1.068586 1.0640837 1.0550727 1.0466974\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1639149 1.1616865 1.1723864 1.1811749 1.169008 1.1366274 1.1041634\n", + " 1.0823215 1.071004 1.0672355 1.0654196 1.0593997 1.0510194 1.0439705\n", + " 1.0408723 1.0427499 1.047496 1.052329 1.0548345 1.0556191 1.0570636\n", + " 1.0609924]\n", + " [1.1844106 1.1790743 1.188021 1.1975964 1.1848294 1.151003 1.1151443\n", + " 1.0913056 1.08019 1.0769783 1.0764314 1.0710735 1.0613285 1.0527627\n", + " 1.0487008 1.0510606 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1725515 1.1707777 1.1824503 1.1907656 1.1764566 1.141769 1.1066679\n", + " 1.083531 1.072973 1.0710254 1.0703833 1.0658706 1.0571448 1.0487756\n", + " 1.0451303 1.0469745 1.0522506 1.0573419 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1665293 1.1595833 1.1675242 1.1762774 1.1656475 1.1354989 1.1034368\n", + " 1.0824869 1.0737069 1.072089 1.0723572 1.0673099 1.0578195 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.15936 1.1559854 1.166627 1.1760547 1.1651667 1.1336521 1.101596\n", + " 1.0796095 1.0690068 1.0661371 1.0653358 1.0608786 1.0522511 1.044553\n", + " 1.0412066 1.0425055 1.0473005 1.0516939 0. 0. ]\n", + " [1.1801555 1.1754347 1.1865913 1.1950135 1.1827726 1.1475902 1.1116594\n", + " 1.0887088 1.0790776 1.0782388 1.0789123 1.0736678 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1617391 1.1583868 1.1678749 1.1762531 1.1642344 1.1335124 1.1010215\n", + " 1.0787437 1.0682635 1.0645814 1.0627155 1.0576773 1.0494944 1.0425992\n", + " 1.039408 1.0412785 1.0457969 1.0500345 1.0522871 1.0530748]\n", + " [1.1736403 1.1688592 1.1786594 1.1875536 1.1743312 1.1403323 1.1057674\n", + " 1.0830048 1.0724585 1.0707185 1.0711706 1.0671351 1.0583994 1.0505126\n", + " 1.0467976 1.0483695 0. 0. 0. 0. ]]\n", + "[[1.17823 1.1744118 1.1846884 1.194515 1.1828251 1.1487448 1.1128846\n", + " 1.0895017 1.0785674 1.0770859 1.0772641 1.0725596 1.0632858 1.0541235\n", + " 1.0497847 0. 0. 0. 0. 0. ]\n", + " [1.1668897 1.164526 1.1750367 1.1849198 1.1722804 1.1404411 1.1069648\n", + " 1.0837401 1.0721722 1.0687189 1.0668824 1.0607345 1.051998 1.0444285\n", + " 1.0412678 1.0431318 1.0478948 1.0528895 1.0555878 1.056461 ]\n", + " [1.1734314 1.169045 1.1781319 1.1865013 1.1748452 1.141936 1.1081241\n", + " 1.0848773 1.0733892 1.0698819 1.0683839 1.0638889 1.0553296 1.0472512\n", + " 1.0440203 1.0454067 1.0505599 1.0553857 1.0582688 0. ]\n", + " [1.188503 1.1829729 1.1932814 1.2029748 1.1891537 1.1541573 1.1175711\n", + " 1.0931778 1.0819718 1.0797323 1.0795801 1.0746863 1.0648985 1.0558106\n", + " 1.0514051 1.0535042 0. 0. 0. 0. ]\n", + " [1.1529127 1.1497048 1.1590178 1.1666988 1.1564006 1.1262953 1.0953035\n", + " 1.0745384 1.0653409 1.0627575 1.0619025 1.057804 1.0500025 1.0425944\n", + " 1.0393083 1.0406911 1.0453596 0. 0. 0. ]]\n", + "[[1.1644071 1.1613624 1.1714656 1.1790063 1.1678507 1.1357615 1.1029326\n", + " 1.0809555 1.0705409 1.0673819 1.0662979 1.0609746 1.052258 1.0445441\n", + " 1.0407187 1.0424234 1.0472373 1.0518476 1.0544565]\n", + " [1.2199377 1.2128906 1.2215574 1.2290142 1.213854 1.1749014 1.134015\n", + " 1.1066918 1.0952849 1.0934184 1.0937853 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1787356 1.1729152 1.1840082 1.1918647 1.1801083 1.1455402 1.1089082\n", + " 1.0860447 1.0749749 1.0733346 1.0737178 1.068836 1.0597457 1.050936\n", + " 1.0472151 0. 0. 0. 0. ]\n", + " [1.1776928 1.1736658 1.1835443 1.1912504 1.1802273 1.1460462 1.1111826\n", + " 1.0877032 1.0769259 1.0744916 1.0735427 1.0685108 1.059138 1.0503378\n", + " 1.0467806 1.0489514 1.0549152 0. 0. ]\n", + " [1.169476 1.1658107 1.1768701 1.18569 1.1742556 1.1411549 1.1065387\n", + " 1.0835927 1.0727898 1.0715317 1.0721728 1.0683551 1.0595096 1.0509104\n", + " 1.0470614 0. 0. 0. 0. ]]\n", + "[[1.1621432 1.157983 1.1666371 1.1738878 1.1616488 1.1309208 1.0995553\n", + " 1.0786412 1.0680128 1.0647577 1.0631351 1.057561 1.0490643 1.0420376\n", + " 1.038558 1.0401016 1.0450739 1.050006 1.0528986]\n", + " [1.1707045 1.167417 1.1780314 1.1869289 1.1736178 1.1407559 1.106457\n", + " 1.0837551 1.072686 1.0695503 1.0686294 1.0634453 1.05502 1.0472914\n", + " 1.043939 1.0457001 1.050987 1.0559881 0. ]\n", + " [1.181377 1.1780262 1.1881368 1.197522 1.1842797 1.149887 1.1142851\n", + " 1.0900236 1.0781794 1.0746158 1.0732054 1.0678966 1.0583341 1.04974\n", + " 1.0461572 1.047925 1.0530277 1.0583652 1.0611054]\n", + " [1.1559753 1.1521988 1.1614323 1.1682298 1.1573831 1.1266114 1.0951852\n", + " 1.0744857 1.0651982 1.063062 1.0625923 1.0585889 1.0504873 1.0429366\n", + " 1.0396436 1.0412325 1.0461321 0. 0. ]\n", + " [1.1642239 1.1605583 1.171337 1.1801025 1.167855 1.1358901 1.1028733\n", + " 1.0812258 1.0711486 1.0691239 1.0686969 1.0635732 1.0546819 1.0466411\n", + " 1.0428373 1.0444449 1.0498842 0. 0. ]]\n", + "[[1.2081525 1.201622 1.2097814 1.2175409 1.2033305 1.1670189 1.1272168\n", + " 1.100841 1.0885098 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1558609 1.1537305 1.1645168 1.1731211 1.1626463 1.1315541 1.0990297\n", + " 1.077436 1.066827 1.0632505 1.0624005 1.0572697 1.0491626 1.0414217\n", + " 1.0384462 1.040001 1.0442477 1.0488745 1.0514302 1.0526994]\n", + " [1.1860359 1.1806151 1.1906104 1.1990254 1.1884615 1.1537201 1.117927\n", + " 1.0937427 1.0829871 1.081039 1.0811924 1.0763471 1.0658964 1.0564289\n", + " 1.0517095 0. 0. 0. 0. 0. ]\n", + " [1.1677918 1.1608466 1.1691635 1.1778766 1.1668265 1.1361296 1.1041324\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1877158 1.1827443 1.1923647 1.2006259 1.1874466 1.1539203 1.1179354\n", + " 1.0940874 1.0824165 1.0797106 1.0791683 1.0740387 1.0641532 1.0551077\n", + " 1.0512968 1.053472 0. 0. 0. 0. ]]\n", + "[[1.1659911 1.1629562 1.1735586 1.1817863 1.1695907 1.1370087 1.1032552\n", + " 1.0812722 1.071054 1.0686158 1.0682142 1.0635635 1.054972 1.0469357\n", + " 1.0436969 1.0456269 1.0508214 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1696597 1.1680409 1.1788268 1.1889162 1.1771879 1.1450157 1.1103916\n", + " 1.0871902 1.0754113 1.0711825 1.068683 1.0629874 1.0533925 1.0450839\n", + " 1.041986 1.044317 1.0492983 1.0547206 1.0569105 1.0574968 1.0586393\n", + " 1.0616319 1.0689503 1.079252 1.087383 ]\n", + " [1.2129351 1.205597 1.2143614 1.2235557 1.2087739 1.1713781 1.1305004\n", + " 1.1032691 1.0912142 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1619098 1.1579168 1.1682248 1.1774693 1.1672788 1.1354488 1.1022379\n", + " 1.0799872 1.0695384 1.0676714 1.0676026 1.063124 1.0544372 1.0461495\n", + " 1.0424373 1.0443774 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1687083 1.1656027 1.1750883 1.1832412 1.1699324 1.1373489 1.1038116\n", + " 1.0815192 1.0716012 1.0694258 1.0699316 1.064895 1.0559921 1.0484363\n", + " 1.044625 1.0465354 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1632798 1.1586546 1.1681849 1.1763344 1.1636868 1.1318496 1.0986332\n", + " 1.0774428 1.0677154 1.0657295 1.066019 1.0623709 1.0537271 1.0458539\n", + " 1.0422812 1.0436903 1.0484658 0. 0. ]\n", + " [1.2084026 1.2031268 1.2133633 1.221763 1.2059441 1.1689075 1.130015\n", + " 1.1038496 1.0923007 1.0903288 1.090253 1.0840602 1.0730286 1.0626109\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1704608 1.168111 1.1792322 1.1884228 1.1763749 1.1424084 1.1075534\n", + " 1.0843586 1.0730152 1.0698333 1.0683814 1.0632813 1.0543717 1.0466272\n", + " 1.0429828 1.0448558 1.050108 1.0554025 1.0581117]\n", + " [1.1803014 1.1746048 1.1847541 1.1935045 1.1812234 1.1465392 1.1099954\n", + " 1.0866399 1.0760006 1.0751367 1.0754842 1.0704656 1.0617064 1.052452\n", + " 1.0482849 0. 0. 0. 0. ]\n", + " [1.164461 1.1605526 1.1693645 1.1774987 1.1661611 1.1348732 1.1026499\n", + " 1.0812278 1.070566 1.0674276 1.0664235 1.06181 1.0531323 1.0455251\n", + " 1.0422946 1.0439593 1.0486076 1.0534791 0. ]]\n", + "[[1.1666135 1.1614386 1.1717663 1.1805012 1.1694931 1.1368893 1.1034933\n", + " 1.0816165 1.0725945 1.071653 1.0725569 1.0682288 1.0589288 1.050251\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.2136142 1.2073791 1.2175757 1.2257673 1.2110188 1.1716789 1.1303753\n", + " 1.1045811 1.0933207 1.0926945 1.0932428 1.0871981 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1707003 1.1677293 1.1792768 1.1890113 1.1776994 1.1460484 1.111323\n", + " 1.0869787 1.075445 1.0714893 1.0696204 1.0636133 1.0542419 1.0461076\n", + " 1.0428544 1.0442983 1.049583 1.0543947 1.0572934 1.0582931 1.059862 ]\n", + " [1.1753812 1.1711142 1.182278 1.1920052 1.180665 1.1470864 1.1112229\n", + " 1.0869763 1.0760275 1.0729789 1.0730734 1.0681638 1.0591227 1.0505621\n", + " 1.0467505 1.0484341 1.0536007 0. 0. 0. 0. ]\n", + " [1.1739081 1.1710951 1.1813089 1.1899967 1.1768031 1.1438706 1.1092279\n", + " 1.0861614 1.0746219 1.0725073 1.0716548 1.0664316 1.0566435 1.0486418\n", + " 1.044985 1.0468057 1.0518347 1.0571425 0. 0. 0. ]]\n", + "[[1.1795069 1.1763167 1.1868501 1.1953262 1.1814079 1.1469636 1.1116755\n", + " 1.0879803 1.0765107 1.0733813 1.0715609 1.0668187 1.0575305 1.0494449\n", + " 1.0455219 1.0475103 1.0524088 1.0571508 1.0594918 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1696141 1.163767 1.172143 1.1797336 1.1678137 1.1359442 1.1035588\n", + " 1.0827261 1.0731953 1.0717129 1.0720384 1.0675282 1.0582898 1.0496527\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1666236 1.1620175 1.1712205 1.1794308 1.1677493 1.136963 1.1048145\n", + " 1.0829304 1.0728543 1.0707654 1.070137 1.0650946 1.055801 1.0474725\n", + " 1.044088 1.0462141 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1521614 1.1498154 1.159663 1.1680102 1.1582297 1.1276269 1.0959394\n", + " 1.0744019 1.0643817 1.0615243 1.0606451 1.0560914 1.0482537 1.0411619\n", + " 1.0381631 1.039927 1.0445012 1.0490091 1.0515387 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.171096 1.167582 1.1794009 1.191663 1.181658 1.1481643 1.1120362\n", + " 1.0876433 1.0757511 1.0717881 1.0697713 1.0631368 1.0535676 1.0454342\n", + " 1.0421195 1.0439898 1.0493848 1.0541716 1.05699 1.0568856 1.0578979\n", + " 1.0613978 1.0687948 1.0793982 1.0878382 1.0922189]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1670218 1.1635118 1.1741538 1.1825038 1.1716293 1.1400237 1.1067551\n", + " 1.0846143 1.0728499 1.0689113 1.0668123 1.0607203 1.0518943 1.0442718\n", + " 1.0408522 1.042564 1.0474501 1.0520811 1.0542871 1.0549228 1.056445\n", + " 0. 0. ]\n", + " [1.175118 1.172174 1.1828492 1.1914861 1.1781446 1.1435562 1.1082007\n", + " 1.0850986 1.0742991 1.0719733 1.0717232 1.0659301 1.0572512 1.0488644\n", + " 1.0447885 1.0468217 1.0521829 1.0577755 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1546645 1.1525955 1.1633059 1.1731975 1.1622947 1.1323731 1.1009705\n", + " 1.0792859 1.0685308 1.0641451 1.0624034 1.0567583 1.0478752 1.0412192\n", + " 1.0381885 1.0402634 1.0447459 1.0494778 1.0514547 1.0520972 1.0529149\n", + " 1.0566064 1.0631582]\n", + " [1.1825937 1.177148 1.1879874 1.1975627 1.1860192 1.1510291 1.11353\n", + " 1.0886853 1.077633 1.0758526 1.0760211 1.0722673 1.0630901 1.0540895\n", + " 1.0497823 1.0518435 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2113298 1.2035981 1.2135742 1.2231361 1.2108542 1.1734343 1.1333314\n", + " 1.1059211 1.0938249 1.0918709 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1736487 1.1709661 1.1820446 1.1911811 1.1781774 1.1435301 1.1085235\n", + " 1.0851315 1.0742286 1.0709406 1.0690824 1.063606 1.0541639 1.0463232\n", + " 1.0428216 1.0446073 1.0494969 1.0546739 1.0573251 1.0587014 1.0608826]\n", + " [1.1808053 1.176513 1.1860112 1.1951965 1.1833103 1.150802 1.1157261\n", + " 1.0917703 1.0796448 1.075662 1.074164 1.0681849 1.0589845 1.0501997\n", + " 1.0459781 1.0478215 1.0526574 1.0577493 1.0604805 0. 0. ]\n", + " [1.1794561 1.1758533 1.1862475 1.1958741 1.1831245 1.1478518 1.111912\n", + " 1.0877514 1.0772957 1.0749377 1.0741005 1.0684408 1.0590607 1.0505736\n", + " 1.0467218 1.0487673 1.0545287 1.0596985 0. 0. 0. ]\n", + " [1.1807405 1.1765985 1.1881841 1.1977144 1.1857778 1.1496142 1.1121981\n", + " 1.0881405 1.0775528 1.076159 1.0766888 1.072102 1.0624223 1.0532063\n", + " 1.0487341 1.0508949 0. 0. 0. 0. 0. ]\n", + " [1.1941433 1.1881347 1.1979812 1.2062918 1.194547 1.1597208 1.1226346\n", + " 1.097459 1.0855749 1.0825559 1.0822777 1.0767065 1.0665576 1.0571116\n", + " 1.05302 1.0554566 0. 0. 0. 0. 0. ]]\n", + "[[1.1655366 1.1617507 1.1721619 1.179925 1.1688936 1.1368349 1.1030391\n", + " 1.081281 1.0703136 1.0674888 1.0672222 1.062795 1.0538005 1.0460128\n", + " 1.042322 1.0437844 1.0485634 1.0534158]\n", + " [1.1719263 1.1681488 1.1782314 1.1865785 1.1749144 1.1416278 1.1074795\n", + " 1.0846537 1.0736414 1.0712795 1.0703613 1.0656145 1.0560523 1.0483327\n", + " 1.0442605 1.0459967 1.0513825 1.0565834]\n", + " [1.1523895 1.1482146 1.1565099 1.1647724 1.1531394 1.1235757 1.0934911\n", + " 1.0733093 1.0636947 1.0618291 1.0613046 1.0574687 1.0495831 1.04202\n", + " 1.0386586 1.0400808 1.0445584 0. ]\n", + " [1.2104152 1.2051145 1.2152292 1.2244759 1.2108445 1.1715547 1.1310759\n", + " 1.1044714 1.0925319 1.0904719 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1919839 1.1885761 1.1994159 1.2078644 1.1956556 1.1585604 1.1202841\n", + " 1.0953038 1.0833522 1.0805978 1.0796313 1.0744033 1.0645052 1.0550925\n", + " 1.0508778 1.053128 1.0586071 1.0643208]]\n", + "[[1.1692061 1.1659763 1.177148 1.1858037 1.1734221 1.1398981 1.1060911\n", + " 1.0836176 1.0724859 1.0686562 1.0673966 1.0611951 1.0522528 1.0446931\n", + " 1.0413069 1.042867 1.0479581 1.0530258 1.0554475 1.0563589 0.\n", + " 0. ]\n", + " [1.1796846 1.1757629 1.1855327 1.1935993 1.1811974 1.1470447 1.1121795\n", + " 1.0887923 1.0779139 1.0749028 1.0749524 1.0699508 1.0597318 1.0514252\n", + " 1.0478855 1.0498558 1.055481 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1674836 1.1643702 1.17464 1.1830158 1.1710547 1.1379604 1.1047932\n", + " 1.0818326 1.0720005 1.0696428 1.0689096 1.0634784 1.054745 1.0468615\n", + " 1.0431592 1.0448622 1.0500019 1.0551186 0. 0. 0.\n", + " 0. ]\n", + " [1.2102202 1.2025598 1.211157 1.219653 1.2052897 1.1688755 1.1293516\n", + " 1.1023974 1.0896853 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1617231 1.1582645 1.1675078 1.1756489 1.1638108 1.1312089 1.0994418\n", + " 1.0782077 1.067822 1.0643864 1.0626609 1.0573992 1.0492536 1.0422673\n", + " 1.0392385 1.0411695 1.0455769 1.0503271 1.0522476 1.0533056 1.0548661\n", + " 1.0586256]]\n", + "[[1.1488585 1.1467746 1.1570498 1.1667092 1.1560794 1.125644 1.0946404\n", + " 1.0744987 1.0645181 1.061632 1.0598874 1.0542711 1.0454657 1.038831\n", + " 1.0357751 1.0379354 1.0429316 1.0474455 1.0498637 1.0507414 1.0517952\n", + " 1.054866 1.06138 1.0702798 1.0771868]\n", + " [1.1744262 1.1703936 1.1807773 1.1893737 1.1788112 1.1449908 1.1101091\n", + " 1.087056 1.0766659 1.0745876 1.074667 1.0693839 1.060233 1.0512863\n", + " 1.0473506 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1665133 1.1627738 1.1732761 1.1818193 1.1699754 1.1375793 1.1052921\n", + " 1.0833986 1.071923 1.067725 1.0653715 1.0591229 1.050177 1.0432775\n", + " 1.0405134 1.0426329 1.0476992 1.0525042 1.0548197 1.0558676 1.0569948\n", + " 1.0608889 1.0681288 0. 0. ]\n", + " [1.1707332 1.1674054 1.178419 1.1875421 1.175379 1.141605 1.1066692\n", + " 1.08417 1.073489 1.0718637 1.0722879 1.0672888 1.0582336 1.0495346\n", + " 1.0456378 1.0476854 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1507742 1.1473327 1.1573783 1.1662942 1.1555964 1.125274 1.0938289\n", + " 1.0733848 1.06379 1.0612463 1.0611248 1.0571392 1.0488468 1.0414637\n", + " 1.0381719 1.039621 1.0441883 1.0487709 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1573174 1.1533192 1.1632893 1.1727537 1.1625966 1.1318544 1.0994444\n", + " 1.078715 1.0681704 1.0654247 1.0645136 1.0589318 1.0506573 1.0427448\n", + " 1.0395144 1.0410682 1.0457911 1.0507894 0. 0. ]\n", + " [1.1586411 1.1545744 1.1627817 1.1707935 1.1591641 1.1292558 1.0979931\n", + " 1.0768135 1.0662934 1.0631981 1.0622562 1.0575528 1.0496998 1.0424709\n", + " 1.0394785 1.0409572 1.0455278 1.0501583 1.052875 0. ]\n", + " [1.1850522 1.1835282 1.1951039 1.2049842 1.1904631 1.1545023 1.1168044\n", + " 1.0917935 1.07977 1.0760044 1.0736966 1.0681691 1.0583439 1.0500152\n", + " 1.046432 1.048735 1.0542103 1.0592908 1.0616176 1.0624472]\n", + " [1.145752 1.1419324 1.1510283 1.158855 1.1485547 1.1197028 1.0900891\n", + " 1.0705692 1.0614495 1.0594252 1.0591707 1.0551476 1.047839 1.0406322\n", + " 1.0377208 1.0394491 1.0440315 0. 0. 0. ]\n", + " [1.1838672 1.176435 1.1832783 1.1924882 1.179765 1.1472142 1.1132698\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1608691 1.1572711 1.1667501 1.1752777 1.1640232 1.133068 1.1009555\n", + " 1.0790392 1.0680145 1.0648856 1.0646913 1.0597949 1.0516236 1.044187\n", + " 1.040926 1.0422362 1.0467619 1.0512251 0. ]\n", + " [1.1767069 1.1725955 1.1830659 1.1915884 1.177277 1.1428206 1.1072975\n", + " 1.0844374 1.074895 1.0740119 1.0748067 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1654468 1.1621464 1.1715381 1.1795807 1.1672169 1.1348543 1.1021106\n", + " 1.0803233 1.0695132 1.0666037 1.0651444 1.0601286 1.0515189 1.0439894\n", + " 1.0408868 1.0425937 1.0471829 1.0524156 1.0547224]\n", + " [1.1975261 1.1930629 1.203449 1.2128344 1.1990144 1.1629206 1.124153\n", + " 1.0982337 1.0863146 1.0828619 1.0817722 1.0747355 1.0645026 1.0553777\n", + " 1.0515275 1.0540607 1.0608833 1.0669407 0. ]\n", + " [1.165038 1.1616608 1.1715134 1.1787968 1.1671166 1.1352481 1.1022476\n", + " 1.0808285 1.0700606 1.0672667 1.0659133 1.0608081 1.0525129 1.0447184\n", + " 1.0411112 1.0423285 1.0467492 1.0511653 1.0535107]]\n", + "[[1.1820768 1.1766787 1.187636 1.1959598 1.1848043 1.1493015 1.1136757\n", + " 1.0893999 1.0790657 1.0769377 1.0781022 1.0727727 1.0627052 1.0535691\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.170583 1.1651694 1.1739081 1.1808277 1.1699276 1.137726 1.1048442\n", + " 1.0832835 1.073272 1.0710647 1.0713097 1.067072 1.0584658 1.0500045\n", + " 1.0461822 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1589376 1.1559808 1.1662221 1.174508 1.1636754 1.1319877 1.0997263\n", + " 1.0785439 1.0678982 1.0650299 1.0634233 1.0586483 1.0500709 1.0425049\n", + " 1.0390421 1.0405629 1.0452651 1.0497991 1.0524553 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1621283 1.1581438 1.1672218 1.1753364 1.1641045 1.1327946 1.1013597\n", + " 1.0799987 1.0694141 1.0651656 1.0634367 1.0579927 1.0499878 1.0432447\n", + " 1.0404673 1.0421474 1.0471268 1.0515977 1.0539128 1.0549712 1.0565919\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1581502 1.1567652 1.1684239 1.1803356 1.1713235 1.1381167 1.1043451\n", + " 1.0818924 1.0706697 1.0665536 1.0650014 1.058989 1.0495225 1.0421157\n", + " 1.0389584 1.0411985 1.0462703 1.0516276 1.0544331 1.05483 1.0557448\n", + " 1.0587128 1.0652548 1.0749751 1.0830647 1.0868988 1.0874454]]\n", + "[[1.1549778 1.1529579 1.1646662 1.1749771 1.16498 1.1333144 1.099413\n", + " 1.0777116 1.0673882 1.064066 1.0620904 1.0566422 1.0479105 1.040648\n", + " 1.0374525 1.0392807 1.0439557 1.0489053 1.0512836 1.0518893 1.0529928\n", + " 1.0560865 1.0623956 1.0718491 1.0790445]\n", + " [1.1790516 1.1738591 1.1829559 1.1905888 1.178865 1.1442332 1.1097277\n", + " 1.0863891 1.0759404 1.0731437 1.0723579 1.067177 1.0585365 1.0501317\n", + " 1.0469939 1.0490792 1.0547352 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1820316 1.176963 1.1863632 1.1952112 1.1823722 1.1481745 1.1127708\n", + " 1.0898877 1.0793648 1.0778588 1.0781167 1.0729733 1.0630856 1.0540969\n", + " 1.0495753 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1556549 1.1511204 1.1604093 1.1683683 1.1584573 1.1286864 1.0981492\n", + " 1.0773076 1.0672845 1.0636849 1.0615798 1.0555301 1.0470356 1.0400856\n", + " 1.037488 1.0396525 1.0449487 1.049387 1.0518737 1.0527886 1.0538322\n", + " 1.0568565 1.063782 1.0726737 0. ]\n", + " [1.161945 1.155482 1.1625336 1.1690373 1.1576902 1.1272981 1.0960089\n", + " 1.0760069 1.0662469 1.0649822 1.0651133 1.0614113 1.0531732 1.0455947\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1669817 1.1653949 1.1767268 1.1854352 1.1724876 1.1380286 1.104257\n", + " 1.0820813 1.0715536 1.070117 1.0700252 1.0650083 1.0560341 1.0479888\n", + " 1.0438939 1.0457467 1.0510199]\n", + " [1.2136377 1.207222 1.216051 1.2256298 1.2112333 1.1730392 1.1327343\n", + " 1.1066996 1.0951413 1.0935242 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1543628 1.1512699 1.1598896 1.1674018 1.1564828 1.1276307 1.096559\n", + " 1.0756334 1.065703 1.0625464 1.0628327 1.0582826 1.0500332 1.0430372\n", + " 1.0401242 1.0416174 1.0462816]\n", + " [1.1716361 1.1677617 1.1789124 1.188883 1.1775461 1.144131 1.1087099\n", + " 1.0855093 1.074486 1.0726813 1.0728446 1.0680006 1.059348 1.050357\n", + " 1.046439 1.0481101 0. ]\n", + " [1.2066458 1.2003065 1.2107064 1.219978 1.2053248 1.1662235 1.1259346\n", + " 1.1007949 1.0903796 1.0893275 1.0902617 1.0838649 1.0722263 1.0611395\n", + " 0. 0. 0. ]]\n", + "[[1.1593082 1.1548803 1.1642236 1.1729349 1.161341 1.1305594 1.0988805\n", + " 1.0773164 1.0668995 1.0640721 1.063045 1.0588889 1.0505694 1.0436172\n", + " 1.039816 1.0413065 1.0459458 1.0506533 0. 0. ]\n", + " [1.165136 1.1624804 1.173114 1.1813687 1.1681942 1.1349131 1.1016821\n", + " 1.0800998 1.0699992 1.0681314 1.0671949 1.0617671 1.0530756 1.0452247\n", + " 1.0415475 1.0433294 1.048203 1.0534745 0. 0. ]\n", + " [1.202195 1.1961312 1.2032392 1.2111441 1.1952089 1.1581419 1.1222216\n", + " 1.0989333 1.0883714 1.08801 1.0877768 1.0811253 1.0693179 1.0590849\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1596482 1.1540565 1.1624753 1.1706307 1.1591835 1.1279681 1.0959764\n", + " 1.0759479 1.0672704 1.0658879 1.066375 1.0621682 1.0536542 1.045821\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1744908 1.1713133 1.1810446 1.1907208 1.178252 1.145642 1.111646\n", + " 1.0882473 1.0761555 1.0719582 1.0694768 1.0636203 1.0540055 1.0459714\n", + " 1.0425617 1.0444711 1.0500269 1.0551424 1.0580148 1.0592014]]\n", + "[[1.1795384 1.1770701 1.1886915 1.1983604 1.1861444 1.1511582 1.1146405\n", + " 1.0900772 1.0773846 1.0739232 1.0721909 1.0663408 1.0572432 1.0492342\n", + " 1.0456549 1.0472531 1.0525634 1.0573711 1.0598437 1.0607728]\n", + " [1.1675295 1.1658318 1.1783 1.1878278 1.1769348 1.1435902 1.1081953\n", + " 1.0844936 1.0736905 1.0706489 1.0693204 1.0633687 1.0542768 1.0459982\n", + " 1.0426028 1.0441961 1.049474 1.0544446 1.0570691 0. ]\n", + " [1.1692362 1.1673381 1.1783831 1.1877667 1.1740713 1.1399479 1.1058371\n", + " 1.0834486 1.0744112 1.0732261 1.0737537 1.0689608 1.0592777 1.050429\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1698596 1.1644539 1.1741112 1.1833396 1.1727359 1.1401356 1.1062219\n", + " 1.0838376 1.0732186 1.0714003 1.0712646 1.066448 1.0572984 1.0487357\n", + " 1.0448326 1.0466613 0. 0. 0. 0. ]\n", + " [1.1609275 1.1559024 1.1651225 1.1735317 1.1615725 1.1316608 1.1002443\n", + " 1.0792344 1.0697836 1.0681282 1.0682687 1.0638453 1.0551913 1.0469275\n", + " 1.0431864 0. 0. 0. 0. 0. ]]\n", + "[[1.1531279 1.1473523 1.1558865 1.1634727 1.1529619 1.1235336 1.0940218\n", + " 1.0747995 1.066081 1.0647513 1.0647105 1.0609182 1.0524626 1.0448107\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1707537 1.1664195 1.1755652 1.1835651 1.1720567 1.1396363 1.1055882\n", + " 1.0835958 1.072989 1.0704486 1.070182 1.0655342 1.0558935 1.048196\n", + " 1.0443579 1.0460527 1.0518242 0. 0. ]\n", + " [1.1782218 1.1749034 1.1849387 1.1923473 1.1777053 1.143093 1.1086696\n", + " 1.0864874 1.0768167 1.0754642 1.0763534 1.0714785 1.0616463 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1514407 1.1465878 1.1549484 1.1626422 1.1519141 1.123067 1.0935076\n", + " 1.0738676 1.0648943 1.062999 1.0618781 1.0570792 1.0489014 1.0415906\n", + " 1.0383791 1.0399567 1.0450248 0. 0. ]\n", + " [1.1840208 1.1791081 1.1890749 1.1976538 1.1842787 1.1487638 1.1136054\n", + " 1.0894407 1.077221 1.0732183 1.0719897 1.0667198 1.0576948 1.0495855\n", + " 1.0462284 1.0483544 1.0535676 1.0597085 1.0623544]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1643142 1.1605046 1.1709647 1.1791617 1.1655321 1.1328701 1.1003991\n", + " 1.0794897 1.0701089 1.067864 1.0678865 1.0627372 1.0535637 1.0456722\n", + " 1.0421519 1.0443213 1.0500977 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.155112 1.1530157 1.1637815 1.1743914 1.1650233 1.1339196 1.1014746\n", + " 1.0796857 1.0682396 1.0647082 1.0625006 1.0567014 1.048579 1.041408\n", + " 1.0385646 1.0405039 1.044824 1.0499617 1.052968 1.0536271 1.0545361\n", + " 1.0575004 1.064424 1.0735549 1.0812184]\n", + " [1.1676954 1.1623787 1.1712992 1.1804307 1.1702389 1.1379957 1.1049657\n", + " 1.0825425 1.0731523 1.072418 1.0732728 1.0688031 1.0592263 1.0505176\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1643577 1.1614017 1.1708548 1.1800349 1.169982 1.1391289 1.106769\n", + " 1.0847989 1.0737325 1.0696694 1.0667857 1.0600085 1.0510609 1.0435392\n", + " 1.0405129 1.0428721 1.0481989 1.0535444 1.0551735 1.0557709 1.0568668\n", + " 1.0600426 1.0667452 1.076694 0. ]\n", + " [1.1667833 1.1607534 1.1704562 1.1799326 1.1691508 1.1367061 1.1030812\n", + " 1.0812668 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1709099 1.1677084 1.1775502 1.1860349 1.1737114 1.141019 1.1065825\n", + " 1.0843182 1.0732487 1.0705427 1.069701 1.0648146 1.0557901 1.0475918\n", + " 1.0442762 1.0457091 1.0506935 1.0558072 0. 0. 0. ]\n", + " [1.1722575 1.1687138 1.1800736 1.1891049 1.1771405 1.1433835 1.1090273\n", + " 1.0859853 1.0754193 1.0731008 1.0725914 1.0674164 1.0577333 1.0491552\n", + " 1.0452613 1.0470855 1.0527622 0. 0. 0. 0. ]\n", + " [1.1849818 1.1795326 1.1895611 1.1981468 1.1858009 1.1514814 1.1157578\n", + " 1.0916126 1.0803677 1.0789461 1.0785577 1.072945 1.0629292 1.05355\n", + " 1.0496241 0. 0. 0. 0. 0. 0. ]\n", + " [1.1855135 1.1818669 1.1922457 1.2008591 1.1880356 1.1538725 1.1182792\n", + " 1.0935913 1.0804363 1.075667 1.0730972 1.0662457 1.0572526 1.0493153\n", + " 1.0461656 1.0480368 1.0539279 1.0595908 1.0627211 1.064173 1.0659152]\n", + " [1.1821885 1.1770127 1.1867338 1.1958331 1.1822178 1.1476501 1.1117027\n", + " 1.0895078 1.0783266 1.0769863 1.0773896 1.0729667 1.0626649 1.0536374\n", + " 1.0496345 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1823997 1.1794797 1.1904976 1.2000223 1.1875024 1.1527839 1.1166984\n", + " 1.0923275 1.0800905 1.075566 1.0730023 1.0668423 1.0569714 1.049283\n", + " 1.0458481 1.0482168 1.0535567 1.0584462 1.0613551 1.0624721 1.0639501\n", + " 1.0682064 1.0763795 0. ]\n", + " [1.1800839 1.174019 1.1836247 1.1910478 1.1794704 1.1466668 1.1113801\n", + " 1.0894964 1.0792135 1.0775244 1.078459 1.0738617 1.0637764 1.0542176\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.151761 1.148107 1.1573529 1.165019 1.1547765 1.1247431 1.0944805\n", + " 1.0741847 1.0640932 1.0605426 1.0595781 1.0546563 1.047093 1.039944\n", + " 1.0369307 1.0383708 1.0427266 1.0470675 1.0491248 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1425947 1.1410983 1.1517084 1.1603744 1.1506903 1.1209315 1.091648\n", + " 1.0721625 1.0622158 1.0586929 1.0562527 1.0508895 1.0429944 1.0367168\n", + " 1.034127 1.0356535 1.0402514 1.0445076 1.0467408 1.0475322 1.0483074\n", + " 1.0511265 1.0574502 1.0657305]\n", + " [1.187851 1.1835135 1.1937323 1.2009816 1.1893456 1.1538825 1.1183773\n", + " 1.0931855 1.0806813 1.0761298 1.0737772 1.0688132 1.0594848 1.0516738\n", + " 1.0478221 1.0499215 1.0555805 1.0605736 1.0630095 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1724799 1.1680669 1.1772432 1.1847376 1.1734169 1.1406999 1.1072837\n", + " 1.0846639 1.0728494 1.0698676 1.068406 1.0624976 1.0537751 1.0461614\n", + " 1.0431912 1.0449712 1.049899 1.0546566 1.0572287 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1690809 1.1653589 1.1764026 1.1857885 1.1738931 1.1405033 1.1056519\n", + " 1.0831875 1.0726588 1.0696579 1.0692537 1.0637317 1.0546753 1.0460873\n", + " 1.0424622 1.0440162 1.0492294 1.0546284 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1642574 1.1609857 1.172681 1.1828302 1.171915 1.1405926 1.1070123\n", + " 1.0840496 1.0717536 1.0678524 1.0660089 1.0599804 1.0508602 1.0431585\n", + " 1.0404825 1.0426077 1.0475984 1.0529261 1.0547997 1.0554124 1.0564184\n", + " 1.0590502 1.0660454 1.0756302 1.0832747]\n", + " [1.1711901 1.1670212 1.1773617 1.1870652 1.175343 1.1408035 1.1053648\n", + " 1.0826463 1.0722243 1.0706097 1.0701829 1.0655738 1.0566806 1.0481727\n", + " 1.0441782 1.0458736 1.0511681 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2169114 1.211592 1.222536 1.230783 1.2165309 1.1781371 1.1378477\n", + " 1.1103927 1.0974218 1.0954626 1.0958912 1.0895541 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1902071 1.1863971 1.1970516 1.2058501 1.1925225 1.1565379 1.1194739\n", + " 1.0946381 1.0839682 1.0818312 1.0825717 1.0773547 1.0666125 1.0571632\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1551554 1.1500975 1.1566204 1.1633753 1.1515305 1.122848 1.0932801\n", + " 1.0735371 1.0647815 1.0628952 1.0632 1.0588566 1.0510697 1.0433997\n", + " 1.0401527 0. 0. 0. 0. ]\n", + " [1.1763496 1.170882 1.1799182 1.1886189 1.1774132 1.1449823 1.1103588\n", + " 1.0883104 1.0778334 1.0762388 1.076762 1.0715379 1.0625659 1.0534221\n", + " 1.049206 0. 0. 0. 0. ]\n", + " [1.1840551 1.1806897 1.1911491 1.1995519 1.1863843 1.1513938 1.1156851\n", + " 1.0908619 1.0793761 1.0761657 1.0742033 1.0683126 1.0590615 1.050386\n", + " 1.0465473 1.0486088 1.0540289 1.0591824 1.0615185]\n", + " [1.1685424 1.1647388 1.1761694 1.1850317 1.1737972 1.1401907 1.1052134\n", + " 1.083518 1.0735891 1.072942 1.0737964 1.069122 1.059213 1.0503109\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1728077 1.1699294 1.1803234 1.1890407 1.1774424 1.1443238 1.1096547\n", + " 1.0862329 1.0748483 1.0710773 1.0691097 1.0637455 1.0544246 1.0465168\n", + " 1.0430746 1.0448169 1.0496596 1.0544199 1.0569193 1.0576816 0. ]\n", + " [1.1798139 1.1746409 1.1848955 1.1926546 1.1810371 1.1470912 1.1113493\n", + " 1.0877882 1.0773091 1.0747185 1.07383 1.0691296 1.0597014 1.0511191\n", + " 1.0472953 1.0493022 1.0553219 0. 0. 0. 0. ]\n", + " [1.1626842 1.161176 1.1722863 1.1810694 1.1679156 1.1356057 1.1026354\n", + " 1.080736 1.0700928 1.0674967 1.0662 1.0602689 1.051565 1.0438342\n", + " 1.0404824 1.0422912 1.047404 1.0519762 1.0544312 0. 0. ]\n", + " [1.1706287 1.1671664 1.177132 1.185585 1.1731446 1.1384168 1.1045401\n", + " 1.0821297 1.0717359 1.0693744 1.0692604 1.0649395 1.0558068 1.0479461\n", + " 1.0444318 1.0458293 1.0510802 0. 0. 0. 0. ]\n", + " [1.1667109 1.1619729 1.1710085 1.178792 1.1677185 1.1361219 1.1040186\n", + " 1.0820653 1.071177 1.0673022 1.0653613 1.059535 1.0510907 1.043877\n", + " 1.040964 1.0424225 1.047069 1.0516307 1.0544697 1.0557181 1.0573044]]\n", + "[[1.1797013 1.1735854 1.1819887 1.1888409 1.1787304 1.1466408 1.1125445\n", + " 1.0894694 1.0782045 1.0756484 1.0751398 1.0705492 1.0616454 1.0529201\n", + " 1.0493262 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1771849 1.1738244 1.1836259 1.1925929 1.1801634 1.1463768 1.1110353\n", + " 1.0880578 1.0766007 1.0722172 1.0699817 1.0635754 1.0546467 1.0465837\n", + " 1.043638 1.0459062 1.0512756 1.0559044 1.0583245 1.0592971 1.0605856\n", + " 0. ]\n", + " [1.1681354 1.1666167 1.1783909 1.1884784 1.1751124 1.1420544 1.107154\n", + " 1.0847174 1.0735831 1.0691563 1.0675615 1.0617089 1.0524511 1.044569\n", + " 1.0417987 1.0435933 1.049007 1.0530902 1.0561247 1.0571315 1.0586976\n", + " 1.0626134]\n", + " [1.1695156 1.1671717 1.1784835 1.1872007 1.1744188 1.1401633 1.1057206\n", + " 1.0829126 1.0721987 1.0688078 1.0671855 1.0619602 1.053254 1.0458314\n", + " 1.0424746 1.0445601 1.0496856 1.0549312 1.0572342 1.0581527 0.\n", + " 0. ]\n", + " [1.175164 1.170946 1.182197 1.1914303 1.1784414 1.1444808 1.109321\n", + " 1.0865377 1.0765947 1.0748384 1.0749454 1.0694802 1.0603442 1.0513667\n", + " 1.0469863 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.169692 1.1660045 1.1763444 1.185502 1.1720135 1.1386882 1.1047108\n", + " 1.0821296 1.0724056 1.0707504 1.0706583 1.0653628 1.0562006 1.0477601\n", + " 1.0436736 1.0452418 1.050482 0. 0. 0. 0. ]\n", + " [1.1764845 1.1733439 1.1827849 1.1912928 1.1795776 1.1468368 1.1132379\n", + " 1.0899813 1.0796423 1.0770941 1.0770584 1.071814 1.0614161 1.0524851\n", + " 1.0484133 0. 0. 0. 0. 0. 0. ]\n", + " [1.1832987 1.1808302 1.192534 1.2004384 1.1890317 1.1539311 1.1169686\n", + " 1.0916556 1.0798616 1.0759517 1.0736446 1.0681819 1.0588653 1.0504835\n", + " 1.0464612 1.0487615 1.0546353 1.0597196 1.0620184 1.0627955 0. ]\n", + " [1.1684073 1.1672328 1.1775992 1.186925 1.1732246 1.1395285 1.1057622\n", + " 1.0825574 1.0726604 1.0703537 1.0703738 1.0660473 1.0568087 1.047978\n", + " 1.0442876 1.0457612 1.0510262 0. 0. 0. 0. ]\n", + " [1.1723087 1.1685591 1.1788787 1.1893114 1.1792102 1.1464106 1.1120677\n", + " 1.0885515 1.076337 1.0717961 1.069236 1.0635093 1.0544845 1.0471002\n", + " 1.043893 1.0456626 1.0508603 1.055529 1.057705 1.0583543 1.0598897]]\n", + "[[1.1763312 1.1719337 1.181532 1.1905214 1.1781436 1.1460503 1.11184\n", + " 1.0884929 1.0780712 1.0755748 1.0758142 1.0706471 1.0610873 1.0521299\n", + " 1.0483584 1.0500863 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1756455 1.1733208 1.183068 1.1913279 1.1784834 1.1452763 1.1116114\n", + " 1.0886803 1.0764395 1.0715909 1.0689114 1.0626427 1.0532135 1.0459157\n", + " 1.0427611 1.0448503 1.0495089 1.0544965 1.0572332 1.0587106 1.0604714\n", + " 1.0644324]\n", + " [1.1777114 1.1728361 1.182234 1.1913189 1.1791108 1.1455146 1.1114609\n", + " 1.0890703 1.0783837 1.0760616 1.0760902 1.070604 1.0608487 1.0520835\n", + " 1.0482869 1.0506083 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1700851 1.1659932 1.1754047 1.1839882 1.1721711 1.1392069 1.1053653\n", + " 1.0828995 1.0724558 1.0696613 1.0694749 1.0647022 1.0555958 1.0473924\n", + " 1.0435663 1.0456172 1.050914 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1763084 1.1735435 1.1836199 1.1914554 1.1798728 1.1461267 1.1113302\n", + " 1.0880742 1.0766306 1.0737363 1.0720309 1.067397 1.0577136 1.0498317\n", + " 1.0459739 1.047947 1.0529073 1.058243 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1649677 1.1618497 1.171246 1.1799557 1.1683569 1.136399 1.1020899\n", + " 1.0804294 1.069949 1.0672404 1.067062 1.0622932 1.0530012 1.0453316\n", + " 1.0418065 1.043359 1.048024 1.05307 0. ]\n", + " [1.1685327 1.1645273 1.1737394 1.182953 1.1713812 1.1398581 1.1065464\n", + " 1.0836766 1.0728375 1.0701572 1.0690712 1.0635697 1.0550597 1.0472082\n", + " 1.0434833 1.0451683 1.0503424 1.0551829 0. ]\n", + " [1.1893559 1.1857153 1.19634 1.205227 1.1919489 1.1552379 1.1174669\n", + " 1.092712 1.081545 1.0793725 1.0783834 1.0732671 1.0632404 1.0543939\n", + " 1.0497835 1.0525496 1.0586793 0. 0. ]\n", + " [1.1770512 1.1734412 1.18374 1.1925839 1.1810699 1.1472919 1.1113943\n", + " 1.0868604 1.0751579 1.0718129 1.0703425 1.066115 1.0574454 1.0496488\n", + " 1.0455611 1.0473866 1.052392 1.057669 1.0603662]\n", + " [1.1604624 1.1570185 1.1665945 1.1743977 1.16409 1.133583 1.1018004\n", + " 1.0802042 1.0701791 1.0677103 1.0671127 1.0628494 1.0540321 1.0461504\n", + " 1.0427165 1.0445048 0. 0. 0. ]]\n", + "[[1.1899251 1.1836258 1.1920372 1.1988816 1.186078 1.1519117 1.1170652\n", + " 1.0934728 1.082084 1.0784366 1.0776596 1.0718946 1.0622395 1.0538675\n", + " 1.05034 1.052854 1.0588138 0. 0. ]\n", + " [1.1704786 1.1676776 1.1780449 1.1874188 1.1749375 1.1423233 1.1085601\n", + " 1.085676 1.0745639 1.071812 1.0707624 1.0663136 1.0575593 1.0493302\n", + " 1.0453832 1.0470854 1.0526503 0. 0. ]\n", + " [1.173435 1.1700072 1.1808411 1.1902966 1.1782124 1.1451132 1.1105413\n", + " 1.0872993 1.0771074 1.0757154 1.0762488 1.0709866 1.0611225 1.052106\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1785526 1.1752543 1.1844181 1.1929678 1.1795815 1.1465601 1.1121674\n", + " 1.0890384 1.0779507 1.0757152 1.0745182 1.0694261 1.0598689 1.0508101\n", + " 1.0474138 1.0494977 1.0551708 0. 0. ]\n", + " [1.193716 1.1909016 1.2032918 1.2132529 1.1980245 1.1605057 1.1216779\n", + " 1.0959473 1.0835656 1.0799534 1.0786897 1.0727744 1.0624897 1.0536581\n", + " 1.0495042 1.051586 1.0571743 1.0631548 1.0660647]]\n", + "[[1.1651802 1.1613722 1.1730273 1.1833881 1.172394 1.1392406 1.1047429\n", + " 1.0816588 1.0712194 1.0687023 1.0685294 1.0634599 1.0544999 1.0457381\n", + " 1.0418998 1.043577 1.048719 1.0541147 0. 0. ]\n", + " [1.1624402 1.157471 1.1657926 1.1735641 1.1611543 1.1303331 1.0993873\n", + " 1.0780792 1.0681844 1.0653533 1.0638387 1.0593997 1.0508393 1.0436637\n", + " 1.0403554 1.0420045 1.0470135 1.051696 0. 0. ]\n", + " [1.1602352 1.1573172 1.1669768 1.1758069 1.1637928 1.1326156 1.1004838\n", + " 1.0790681 1.0687721 1.066572 1.0656482 1.0612898 1.0529681 1.045038\n", + " 1.0413638 1.0431656 1.0482802 0. 0. 0. ]\n", + " [1.1760046 1.1758937 1.1877749 1.198066 1.1846576 1.1499581 1.1142414\n", + " 1.0895197 1.0775532 1.0733566 1.0707387 1.0656538 1.0568182 1.0482064\n", + " 1.0446819 1.046565 1.0513186 1.0567054 1.0600761 1.0612425]\n", + " [1.1842748 1.1811082 1.1915864 1.1991799 1.1878213 1.1528388 1.116986\n", + " 1.092146 1.0802186 1.0766244 1.0747733 1.0695102 1.0601407 1.0512024\n", + " 1.0475183 1.0493823 1.0547171 1.0599023 1.0624893 0. ]]\n", + "[[1.1773124 1.1710112 1.1806452 1.1887 1.177593 1.1437179 1.1094942\n", + " 1.0868405 1.0770364 1.0754323 1.075603 1.0705429 1.0608311 1.0520105\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1551266 1.15296 1.1627301 1.1714572 1.1596507 1.1293142 1.0966103\n", + " 1.0754373 1.0649463 1.0622144 1.0613946 1.0573946 1.049873 1.0430025\n", + " 1.0392004 1.0405724 1.0447961 1.0490301 1.0511705 0. 0.\n", + " 0. 0. ]\n", + " [1.1541696 1.1515892 1.161263 1.169682 1.1585237 1.1283431 1.096771\n", + " 1.0759679 1.0657878 1.0622034 1.0600318 1.0549386 1.0466385 1.0394847\n", + " 1.0371338 1.039158 1.044222 1.0486653 1.0515276 1.052611 1.0539237\n", + " 1.0566921 1.0632575]\n", + " [1.2144852 1.2088511 1.2182623 1.226238 1.2105829 1.1721267 1.1326951\n", + " 1.1063912 1.094337 1.0926764 1.0921743 1.0860741 1.0740162 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1715671 1.165912 1.176101 1.1858115 1.1760993 1.1429763 1.107688\n", + " 1.0847883 1.0744102 1.072233 1.0719398 1.06683 1.0576028 1.0487736\n", + " 1.0446792 1.0463914 1.0518664 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1958673 1.1917057 1.2024175 1.2115499 1.1982088 1.1611649 1.1225014\n", + " 1.0976905 1.0861858 1.0839139 1.0843558 1.0787655 1.068387 1.0581229\n", + " 1.0537316 1.0558941 0. ]\n", + " [1.1756444 1.1730953 1.1836436 1.1923138 1.1786803 1.1433903 1.1082602\n", + " 1.0857135 1.0759397 1.0752946 1.0754392 1.0710167 1.0608572 1.0518285\n", + " 0. 0. 0. ]\n", + " [1.1764734 1.1724604 1.1816214 1.1893544 1.1794047 1.1462197 1.1116061\n", + " 1.0880768 1.0769063 1.0745552 1.0741103 1.06886 1.0596068 1.0503318\n", + " 1.046063 1.0475872 1.0527469]\n", + " [1.1707991 1.1658024 1.1752517 1.1821252 1.1693144 1.1367064 1.103569\n", + " 1.0823709 1.0732532 1.0725358 1.0730325 1.0679826 1.0587511 1.050205\n", + " 0. 0. 0. ]\n", + " [1.1724992 1.1688999 1.1803125 1.1888108 1.1767888 1.1423105 1.107641\n", + " 1.0850722 1.0741677 1.072875 1.0732849 1.0687714 1.059652 1.0509918\n", + " 1.046928 1.0485632 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1671796 1.1638285 1.1737298 1.1832259 1.171759 1.1388541 1.1055844\n", + " 1.0834684 1.0721508 1.0684211 1.0656818 1.0600945 1.0511001 1.0433929\n", + " 1.0399483 1.041935 1.0464404 1.0511007 1.0535592 1.0545408 1.0556985]\n", + " [1.1702014 1.1685362 1.1789544 1.1868091 1.1752971 1.1408472 1.1053922\n", + " 1.0829146 1.0719342 1.069067 1.0689615 1.0640863 1.0542125 1.0466783\n", + " 1.0431498 1.045082 1.0502985 1.0555041 0. 0. 0. ]\n", + " [1.2231249 1.2164282 1.2261848 1.2358009 1.2210315 1.1798573 1.1364737\n", + " 1.1075066 1.0956473 1.0943223 1.0954882 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1685116 1.1654493 1.1763906 1.1849499 1.1745142 1.1413591 1.106602\n", + " 1.0836172 1.0733144 1.0709698 1.0709028 1.0662471 1.0576059 1.0490084\n", + " 1.0451782 1.0468556 0. 0. 0. 0. 0. ]\n", + " [1.1862348 1.1835048 1.1947575 1.2052767 1.1928018 1.1573628 1.1199166\n", + " 1.0942279 1.081278 1.078015 1.0762681 1.0706949 1.0611329 1.0524981\n", + " 1.0488228 1.0508435 1.0562164 1.0613087 1.0639795 0. 0. ]]\n", + "[[1.1814773 1.1780446 1.1905605 1.200658 1.1896449 1.1535592 1.1157728\n", + " 1.0898883 1.0781348 1.0743511 1.0726829 1.067441 1.0578489 1.0491798\n", + " 1.0454012 1.0472718 1.0525053 1.0574217 1.0597062 1.0602989]\n", + " [1.1875834 1.1824918 1.1924216 1.2012974 1.1874923 1.151578 1.1150031\n", + " 1.0913597 1.0799096 1.0788256 1.0786419 1.0742627 1.0643283 1.0552734\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1824878 1.1768547 1.1867837 1.1962119 1.1839721 1.1494498 1.1131363\n", + " 1.08819 1.0780016 1.0767884 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1977323 1.1923649 1.2027934 1.21096 1.1941742 1.1554677 1.1170669\n", + " 1.0921926 1.0821378 1.0815496 1.0825243 1.0772846 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.209914 1.2037092 1.213132 1.2198204 1.2062244 1.1687621 1.1286752\n", + " 1.1027654 1.0910975 1.0894021 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2184073 1.2118509 1.2230579 1.2324039 1.2160654 1.1743956 1.1317946\n", + " 1.10362 1.092467 1.0911021 1.091245 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1487623 1.1449325 1.1538408 1.1613557 1.1503184 1.1213412 1.091282\n", + " 1.0713269 1.06269 1.060522 1.0599002 1.0554048 1.0478466 1.0407088\n", + " 1.0375775 1.0391161 1.0437902 0. 0. ]\n", + " [1.1663305 1.1642556 1.1754457 1.1850473 1.1726321 1.1393727 1.1051704\n", + " 1.081941 1.0708607 1.0671921 1.0666919 1.0615637 1.05318 1.0457424\n", + " 1.0422392 1.0440823 1.0487646 1.0534968 1.0560088]\n", + " [1.2184924 1.2117774 1.2223054 1.2315995 1.2165837 1.1761096 1.1348982\n", + " 1.1070431 1.0952151 1.0936664 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2019964 1.1943209 1.2032113 1.2121593 1.1994843 1.1649064 1.1273949\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1619451 1.1569341 1.1665549 1.1738621 1.1630166 1.1309822 1.0981694\n", + " 1.0762391 1.0663195 1.0643556 1.0648519 1.0605253 1.0525781 1.0449706\n", + " 1.0416503 1.0434777 1.0485702 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1484414 1.1447014 1.1554382 1.164572 1.1549827 1.1250331 1.0945343\n", + " 1.0739648 1.0635923 1.060504 1.0589563 1.053802 1.0453935 1.0387201\n", + " 1.0360471 1.0380085 1.042934 1.0473496 1.0494071 1.0501963 1.0507722\n", + " 1.053774 1.0603493 1.0695404 1.0764714 1.0798553]\n", + " [1.1616871 1.1580576 1.1692735 1.1789057 1.1670375 1.1349543 1.101689\n", + " 1.079889 1.0694537 1.0664132 1.0652312 1.0597864 1.0511355 1.0433161\n", + " 1.0399699 1.0414321 1.0462198 1.0509393 1.0532415 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1623968 1.1585547 1.1687683 1.1786451 1.168224 1.13601 1.1027918\n", + " 1.0811206 1.0712539 1.0697079 1.0703472 1.0660738 1.0570542 1.0489885\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1679956 1.1638712 1.1744531 1.1827253 1.1720451 1.1390246 1.1047059\n", + " 1.0827808 1.0717404 1.069811 1.0693485 1.0655956 1.0568373 1.0486159\n", + " 1.0450268 1.0469328 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1653 1.162503 1.1729758 1.1823869 1.1709509 1.1383579 1.1048093\n", + " 1.0821487 1.0720363 1.0695989 1.0687531 1.064542 1.0560614 1.0479023\n", + " 1.0442984 1.0458009 1.0509005 0. 0. 0. ]\n", + " [1.1879476 1.1819582 1.1902872 1.1970811 1.18434 1.150103 1.115181\n", + " 1.0919944 1.0801413 1.0767384 1.0753412 1.0696453 1.0603887 1.0517544\n", + " 1.0478683 1.0495163 1.0546225 1.0599552 0. 0. ]\n", + " [1.161048 1.157221 1.1674775 1.1763775 1.1641862 1.1328534 1.1006948\n", + " 1.078933 1.0684283 1.0656532 1.0648042 1.0596079 1.0514752 1.043854\n", + " 1.0403541 1.0418937 1.0469356 1.0514355 1.05367 0. ]\n", + " [1.1598257 1.1581556 1.1689328 1.178273 1.1664292 1.1343644 1.1014946\n", + " 1.0793116 1.0687107 1.0654991 1.0636085 1.0583334 1.0497202 1.042024\n", + " 1.0387982 1.0400851 1.044302 1.0491714 1.0516165 1.0525267]\n", + " [1.1590089 1.154056 1.1614932 1.170518 1.1600163 1.130484 1.1001723\n", + " 1.0798733 1.0706639 1.0685465 1.0684294 1.0642527 1.0549927 1.0465016\n", + " 1.042671 0. 0. 0. 0. 0. ]]\n", + "[[1.1719656 1.1676605 1.1782154 1.1871681 1.1755401 1.1420177 1.1080728\n", + " 1.0860935 1.0761415 1.0746601 1.075149 1.0703894 1.0605359 1.0516729\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1667166 1.1661423 1.1782295 1.188407 1.1768675 1.1434171 1.1086735\n", + " 1.0855192 1.0738924 1.0694804 1.0677556 1.0618291 1.0528177 1.0448687\n", + " 1.041597 1.0435674 1.0485549 1.0535058 1.0562719 1.0575582 1.0592287\n", + " 1.0629495 1.0705746 0. ]\n", + " [1.1715207 1.1689898 1.1809974 1.1914102 1.178917 1.1441302 1.1084194\n", + " 1.0848249 1.0736316 1.07054 1.0693152 1.0640028 1.0546197 1.0465987\n", + " 1.0429736 1.0442883 1.0492333 1.0544899 1.056917 1.0577135 0.\n", + " 0. 0. 0. ]\n", + " [1.1630951 1.1600977 1.1711383 1.1808174 1.1698703 1.1376102 1.1047552\n", + " 1.0825831 1.0711477 1.0674777 1.0654418 1.0591176 1.0505493 1.0431577\n", + " 1.0402558 1.0421001 1.0469997 1.0518773 1.0539482 1.0548266 1.0560296\n", + " 1.0594773 1.06655 1.0765305]\n", + " [1.1656199 1.1607678 1.1700788 1.1780545 1.1667073 1.1346053 1.1017951\n", + " 1.0801282 1.0704149 1.0681697 1.0676528 1.0635266 1.0552052 1.0468999\n", + " 1.0436771 1.045506 1.0508263 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1507862 1.1457975 1.1533191 1.1600616 1.1483029 1.1190718 1.089454\n", + " 1.0706904 1.0623605 1.0610036 1.0619081 1.0579528 1.049927 1.042314\n", + " 1.0393761 0. 0. ]\n", + " [1.1835437 1.1773823 1.1871973 1.1948764 1.1831183 1.1485807 1.1147224\n", + " 1.0916228 1.0816379 1.0804543 1.0803504 1.0747347 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1952786 1.1896734 1.1995332 1.2070026 1.1952438 1.1598021 1.1235718\n", + " 1.099191 1.0887356 1.0863669 1.0854368 1.0792991 1.068644 1.0583197\n", + " 0. 0. 0. ]\n", + " [1.1779392 1.1754774 1.1866118 1.1950259 1.1818292 1.1461835 1.110116\n", + " 1.0868396 1.07601 1.0745585 1.074622 1.0690614 1.0594878 1.0508566\n", + " 1.046716 1.0486603 1.0544729]\n", + " [1.204569 1.1996454 1.2101513 1.2191883 1.2045722 1.1664398 1.1278713\n", + " 1.102227 1.0907879 1.0887 1.0891336 1.0836556 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1760665 1.1713727 1.1816019 1.1913326 1.1787614 1.1441364 1.109217\n", + " 1.0864147 1.0760318 1.0744667 1.0749596 1.0701219 1.0604131 1.0515865\n", + " 1.0471187 0. 0. 0. 0. 0. ]\n", + " [1.1959378 1.1919314 1.202558 1.2124321 1.1971211 1.1584445 1.1204789\n", + " 1.0952358 1.0850807 1.0833148 1.0837388 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1724807 1.1696846 1.1821281 1.1921406 1.1796939 1.1440881 1.1088036\n", + " 1.0854427 1.0741695 1.0704273 1.0692587 1.0637735 1.0545472 1.0465326\n", + " 1.0429934 1.0449979 1.0503094 1.05528 1.0577786 1.0585493]\n", + " [1.1766593 1.1700789 1.1791354 1.1886322 1.1775248 1.145169 1.11114\n", + " 1.0882427 1.0778464 1.0761943 1.0753142 1.0692551 1.0598168 1.0506183\n", + " 1.0468459 0. 0. 0. 0. 0. ]\n", + " [1.171098 1.1666014 1.1767875 1.1861396 1.1736592 1.140383 1.1063982\n", + " 1.08448 1.0743994 1.072058 1.0722513 1.0670216 1.0572897 1.0490501\n", + " 1.0453408 1.0471693 0. 0. 0. 0. ]]\n", + "[[1.1637596 1.1597991 1.1686705 1.1769106 1.1670085 1.1369638 1.1048362\n", + " 1.0826496 1.0709054 1.0665681 1.0642451 1.0589193 1.0504644 1.0428635\n", + " 1.0398936 1.0418694 1.0468194 1.0513912 1.0537862 1.0546942]\n", + " [1.1809072 1.1761316 1.1860471 1.1947175 1.1833718 1.1484984 1.1117543\n", + " 1.088124 1.0772686 1.0749747 1.0741123 1.0692698 1.059587 1.0506343\n", + " 1.0464168 1.0482417 1.0537271 1.0594593 0. 0. ]\n", + " [1.1773645 1.1743011 1.185647 1.1960652 1.1837047 1.148392 1.1124233\n", + " 1.0885957 1.077035 1.074539 1.0729975 1.0678885 1.0581174 1.0489879\n", + " 1.0452913 1.0467767 1.0519192 1.0572579 0. 0. ]\n", + " [1.1678587 1.165628 1.1769272 1.1860425 1.173304 1.1404942 1.106408\n", + " 1.0836847 1.0728419 1.0702659 1.0691197 1.0643584 1.0550332 1.0468842\n", + " 1.0430056 1.0447538 1.0498275 1.0554901 0. 0. ]\n", + " [1.1990101 1.191039 1.1991353 1.2091056 1.197079 1.1603053 1.1232525\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1587102 1.1565775 1.1670618 1.1770456 1.1655099 1.1346221 1.1024458\n", + " 1.080198 1.0692106 1.0650942 1.0628035 1.0572715 1.0493131 1.0424569\n", + " 1.0394932 1.0409012 1.0453863 1.0501227 1.0523524 1.0532439 1.0547377\n", + " 1.0583905]\n", + " [1.1743946 1.1709455 1.1823329 1.1909698 1.1799395 1.1457615 1.1103175\n", + " 1.0866375 1.0750458 1.0716112 1.0698981 1.0648911 1.0559828 1.0478278\n", + " 1.0439962 1.0454571 1.0503309 1.0555837 1.0578916 0. 0.\n", + " 0. ]\n", + " [1.213431 1.2065433 1.2174125 1.2266532 1.2125437 1.173907 1.1338998\n", + " 1.1068897 1.0952903 1.093838 1.0945209 1.0886415 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1789792 1.1753957 1.1855631 1.1927981 1.1810017 1.1461989 1.1114447\n", + " 1.0880324 1.0776054 1.0749962 1.0742089 1.0696046 1.0598099 1.0514556\n", + " 1.0477364 1.0495509 1.0552183 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1628647 1.15875 1.1687055 1.1768544 1.1650856 1.133891 1.1017255\n", + " 1.0803102 1.0698632 1.0672978 1.0658299 1.0611359 1.0523664 1.0445434\n", + " 1.0413346 1.0433224 1.0484259 1.0533328 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1874129 1.1844407 1.1954525 1.2037848 1.1885872 1.1513739 1.114862\n", + " 1.0912093 1.0809741 1.0797067 1.0798653 1.074077 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1583738 1.1553383 1.1646655 1.1717997 1.1606858 1.1287777 1.0966043\n", + " 1.076276 1.0668402 1.064477 1.0645287 1.0596333 1.0513418 1.0438131\n", + " 1.0402875 1.0420223 1.0467478 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1669672 1.1613984 1.169878 1.1765358 1.1646904 1.1335464 1.1015879\n", + " 1.08009 1.0696485 1.0667536 1.065298 1.0602376 1.0521315 1.0447439\n", + " 1.0415846 1.0437222 1.048643 1.0533301 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1485654 1.1471431 1.1575615 1.1668959 1.1557454 1.1252601 1.0943071\n", + " 1.0738121 1.0639678 1.0604917 1.0586162 1.0535319 1.0457972 1.0393102\n", + " 1.0364193 1.0381509 1.0423839 1.0466175 1.0490166 1.049891 1.0511694\n", + " 1.0543271 1.0608041]\n", + " [1.2065835 1.1996238 1.2082384 1.2163213 1.2022183 1.1663513 1.1285492\n", + " 1.1029928 1.0911865 1.088755 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1802231 1.1754403 1.1857045 1.1941255 1.1819155 1.1481032 1.1135545\n", + " 1.0900909 1.0792471 1.0766985 1.0761297 1.0709248 1.0607946 1.0517764\n", + " 1.0480446 1.0500048 1.0559343 0. 0. 0. 0. ]\n", + " [1.16915 1.1666447 1.1780598 1.1875733 1.1747642 1.1416016 1.1066462\n", + " 1.0832164 1.071746 1.068001 1.0657333 1.06027 1.0514085 1.0441289\n", + " 1.0407804 1.0424914 1.0474088 1.0522511 1.0549097 1.0561045 1.057815 ]\n", + " [1.1505777 1.146739 1.1556188 1.1632242 1.1513448 1.1215386 1.0915563\n", + " 1.0720264 1.0630156 1.0612241 1.0609843 1.0563121 1.048605 1.040941\n", + " 1.0382292 1.0397017 1.0446023 0. 0. 0. 0. ]\n", + " [1.1644003 1.1616492 1.1718585 1.179635 1.168326 1.1361878 1.1028169\n", + " 1.0802355 1.0692428 1.0659279 1.0641407 1.0591058 1.0507302 1.0438949\n", + " 1.0404083 1.0422033 1.0469913 1.0516824 1.0539912 1.0552424 0. ]\n", + " [1.1670078 1.1654546 1.1767384 1.1865071 1.1746376 1.1419058 1.1074424\n", + " 1.0839543 1.0729074 1.0691102 1.0673918 1.0612705 1.0529442 1.0452714\n", + " 1.0420433 1.0432677 1.0483505 1.0531989 1.0554056 1.0562351 0. ]]\n", + "[[1.1501856 1.1479985 1.1587486 1.1683965 1.1578761 1.1273996 1.0958576\n", + " 1.0744443 1.0642953 1.0609041 1.0593905 1.0540102 1.0457542 1.0388935\n", + " 1.0357418 1.0369182 1.0415735 1.0457867 1.0483824 1.0494353 1.0510122]\n", + " [1.1814005 1.1773148 1.187671 1.1963763 1.1836963 1.1501377 1.1151612\n", + " 1.0913707 1.0803691 1.0776243 1.076257 1.0702953 1.061042 1.0519624\n", + " 1.0479279 1.0497661 1.0553544 1.0611128 0. 0. 0. ]\n", + " [1.1651466 1.1637409 1.1751719 1.1845732 1.173116 1.1411804 1.1078273\n", + " 1.0849774 1.0734429 1.0690023 1.0668163 1.0611346 1.0520916 1.0450997\n", + " 1.041626 1.0436548 1.0486767 1.0534968 1.0556448 1.0569563 1.0582819]\n", + " [1.1558175 1.1524608 1.1626596 1.1711353 1.1606871 1.128715 1.0967858\n", + " 1.0754179 1.0666813 1.0652938 1.0657932 1.06147 1.052824 1.0449083\n", + " 1.0413783 0. 0. 0. 0. 0. 0. ]\n", + " [1.2159088 1.2106683 1.2213991 1.2293085 1.2151924 1.1756123 1.1343434\n", + " 1.1071408 1.0953419 1.0933101 1.0935955 1.0878093 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1462303 1.1406194 1.146807 1.1523861 1.1413597 1.1140841 1.0862031\n", + " 1.0678438 1.0590526 1.0573756 1.0576301 1.0543551 1.0474709 1.0410589\n", + " 1.0378166 1.0393723 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1595513 1.1578529 1.1685008 1.1776958 1.1654605 1.1330583 1.1005986\n", + " 1.0791836 1.0682393 1.0645008 1.0622292 1.0568938 1.0483707 1.0414588\n", + " 1.0389299 1.0408999 1.0450879 1.0498208 1.0522139 1.0534093 1.0550364\n", + " 1.0587492]\n", + " [1.1702944 1.1660373 1.1758521 1.1841013 1.1728961 1.1407447 1.1079521\n", + " 1.0860112 1.0757201 1.0736996 1.0735033 1.0682642 1.0590805 1.050823\n", + " 1.0471373 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1666338 1.164999 1.1744584 1.1833538 1.171593 1.1396292 1.1061219\n", + " 1.0838536 1.072618 1.0688535 1.0679383 1.0624225 1.053123 1.0456475\n", + " 1.0420301 1.043805 1.0485834 1.0536953 1.0562557 0. 0.\n", + " 0. ]\n", + " [1.1639299 1.1595507 1.1683735 1.1753652 1.1648947 1.1327271 1.0999551\n", + " 1.077593 1.0674856 1.0647974 1.0639547 1.0594575 1.0520102 1.0449861\n", + " 1.0418675 1.0435035 1.0480796 1.0530236 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1654233 1.1598698 1.169197 1.1781493 1.166826 1.135853 1.1036141\n", + " 1.0823638 1.0719094 1.0688925 1.0679659 1.0628412 1.054208 1.046\n", + " 1.0426052 1.0442672 1.0494838 1.0544802]\n", + " [1.162031 1.1573274 1.1650681 1.1719766 1.1602982 1.1297014 1.099286\n", + " 1.0780628 1.0675771 1.0641044 1.062729 1.0582336 1.0504013 1.0436457\n", + " 1.0408026 1.0425183 1.0470214 1.0516223]\n", + " [1.1948298 1.1907344 1.2003342 1.2090235 1.1942885 1.1583942 1.1208614\n", + " 1.0961074 1.0841272 1.0818144 1.0815009 1.0758897 1.0656582 1.0562873\n", + " 1.0524114 1.0548142 0. 0. ]\n", + " [1.1691935 1.1640028 1.1742027 1.1828705 1.1712601 1.138014 1.1048414\n", + " 1.0828706 1.0730253 1.071871 1.0726247 1.0681332 1.0590703 1.0504591\n", + " 0. 0. 0. 0. ]\n", + " [1.157795 1.1533139 1.1629504 1.1728373 1.1620542 1.1306893 1.098238\n", + " 1.0768806 1.0671165 1.0651206 1.0652252 1.0602884 1.0520376 1.0436691\n", + " 1.0397995 1.0416666 1.0468575 0. ]]\n", + "[[1.1751997 1.1718615 1.1825347 1.1916361 1.178635 1.1437846 1.1083906\n", + " 1.0854565 1.0753968 1.0743239 1.0750997 1.0707256 1.0611458 1.052305\n", + " 1.0485848 0. ]\n", + " [1.1672289 1.1616199 1.1700617 1.1775652 1.1667396 1.1352658 1.1028962\n", + " 1.0819228 1.0717081 1.0693499 1.0692904 1.0645367 1.0558989 1.0477972\n", + " 1.0442162 1.0459442]\n", + " [1.2141647 1.2089522 1.2197211 1.2302655 1.2156212 1.1764221 1.1353469\n", + " 1.1084021 1.0962045 1.0944537 1.0953698 1.0891175 0. 0.\n", + " 0. 0. ]\n", + " [1.2040272 1.198032 1.207722 1.2165626 1.2010216 1.1627536 1.1254678\n", + " 1.1008362 1.0902127 1.0881133 1.0879123 1.0811197 1.0696435 0.\n", + " 0. 0. ]\n", + " [1.2007996 1.1916689 1.2015219 1.2121147 1.2010909 1.165266 1.1279691\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1677134 1.1630789 1.1713504 1.1795657 1.1666886 1.1340351 1.1016062\n", + " 1.0804905 1.0716107 1.070692 1.0720787 1.0669829 1.0575867 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2199466 1.2146212 1.2243602 1.2323322 1.2157782 1.1761101 1.1347388\n", + " 1.107088 1.0939224 1.0929085 1.0930772 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.176247 1.1740066 1.1853075 1.1937741 1.1812072 1.1455045 1.1097212\n", + " 1.0859336 1.0756892 1.0731491 1.072239 1.0676055 1.0578622 1.0495287\n", + " 1.0459212 1.0475208 1.0527111 1.0581979]\n", + " [1.190174 1.1862886 1.1968927 1.2050245 1.1927607 1.1564221 1.1190494\n", + " 1.0936539 1.0814162 1.0774772 1.0768167 1.070813 1.0611627 1.0523685\n", + " 1.0483873 1.0502667 1.0557971 1.0612493]\n", + " [1.2044075 1.1983765 1.2079545 1.2143545 1.2012818 1.1636556 1.1250739\n", + " 1.0996294 1.0877383 1.0857451 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.154748 1.1516424 1.1609733 1.1694419 1.1577841 1.1271025 1.0956969\n", + " 1.0752251 1.0647799 1.0614053 1.0603355 1.0554663 1.0473248 1.040647\n", + " 1.0379132 1.0391206 1.0436581 1.048328 1.05078 1.0519099]\n", + " [1.19137 1.1873752 1.1978915 1.206579 1.1930993 1.1574724 1.1203052\n", + " 1.0949126 1.0829216 1.0794406 1.0789055 1.0736479 1.063816 1.0547117\n", + " 1.0508965 1.053045 1.0586098 1.0639725 0. 0. ]]\n", + "[[1.162383 1.15892 1.1683017 1.17706 1.1661125 1.1344198 1.102069\n", + " 1.0796206 1.0691526 1.0666233 1.0668426 1.0627555 1.0538728 1.0460461\n", + " 1.0423183 1.043811 1.0487895 0. 0. ]\n", + " [1.16761 1.1649135 1.1757625 1.1848215 1.174371 1.1416082 1.1069101\n", + " 1.0839233 1.0723895 1.0689833 1.0681204 1.0633754 1.0539242 1.0465468\n", + " 1.042689 1.0441191 1.0489281 1.0539846 1.0566617]\n", + " [1.1761103 1.1716528 1.1824403 1.1919636 1.1801978 1.1467466 1.1118989\n", + " 1.0878768 1.0756423 1.0723261 1.0708904 1.0655924 1.0564027 1.0483958\n", + " 1.0445102 1.0463035 1.0514028 1.0565042 1.0587305]\n", + " [1.1904927 1.185181 1.1961701 1.206821 1.1934493 1.1567931 1.1183668\n", + " 1.0926447 1.08233 1.0810605 1.0812545 1.0766519 1.066793 1.0572797\n", + " 1.0528632 0. 0. 0. 0. ]\n", + " [1.1570241 1.1523621 1.1624631 1.1719022 1.1613784 1.1301 1.0977263\n", + " 1.0761776 1.0665394 1.065073 1.0652395 1.0613596 1.0531027 1.0450563\n", + " 1.0413842 1.0429634 0. 0. 0. ]]\n", + "[[1.1787833 1.1738482 1.1831247 1.1902561 1.1767972 1.1419532 1.107881\n", + " 1.0856843 1.075652 1.0752124 1.0756332 1.0698075 1.0605721 1.0515517\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.172034 1.1681012 1.1778163 1.1853675 1.1720887 1.1394857 1.1054773\n", + " 1.0828437 1.0716109 1.0690382 1.068169 1.063428 1.0548981 1.0476542\n", + " 1.0440674 1.045823 1.0503813 1.0550125 1.0574365 0. ]\n", + " [1.1829693 1.1803983 1.1914623 1.1998042 1.1889205 1.1532596 1.1158727\n", + " 1.0906672 1.0777274 1.0727627 1.0716155 1.0653619 1.0566353 1.0488409\n", + " 1.0451149 1.0468704 1.0519031 1.0565791 1.0595304 1.0608178]\n", + " [1.1640954 1.1594023 1.1686445 1.177635 1.1659821 1.1337808 1.1007916\n", + " 1.0790151 1.0691644 1.0669771 1.0665733 1.0623114 1.0538918 1.0464525\n", + " 1.042762 1.0442656 0. 0. 0. 0. ]\n", + " [1.1755292 1.1710453 1.1817657 1.1904205 1.1780157 1.1442684 1.109579\n", + " 1.0858694 1.0755738 1.0732905 1.0737647 1.0693364 1.0594517 1.0509174\n", + " 1.0469304 1.0489546 0. 0. 0. 0. ]]\n", + "[[1.1856068 1.1796656 1.1897565 1.199141 1.1865362 1.1527262 1.1160659\n", + " 1.092799 1.0818908 1.0805389 1.0808538 1.0749809 1.0648447 1.0550573\n", + " 1.0505333 0. 0. 0. 0. 0. 0. ]\n", + " [1.1873146 1.1822178 1.1926081 1.201513 1.1908382 1.1557691 1.1191415\n", + " 1.094677 1.0834996 1.0811783 1.0813105 1.0757585 1.0658195 1.0562321\n", + " 1.0520093 0. 0. 0. 0. 0. 0. ]\n", + " [1.1654103 1.1609532 1.1710309 1.180689 1.1696782 1.1369714 1.103202\n", + " 1.0814546 1.0716549 1.0702909 1.070576 1.0657866 1.0563002 1.0475357\n", + " 1.0435469 0. 0. 0. 0. 0. 0. ]\n", + " [1.1639444 1.162775 1.1739136 1.1838312 1.171767 1.1378814 1.1043528\n", + " 1.0818552 1.07074 1.0668905 1.0651925 1.0591385 1.0510451 1.0436896\n", + " 1.040764 1.042123 1.0469223 1.0521003 1.0548252 1.0564284 1.0580773]\n", + " [1.170708 1.1649768 1.1746539 1.1842202 1.1731793 1.1400878 1.1060011\n", + " 1.0840259 1.0742307 1.0733548 1.0738026 1.0692781 1.0597336 1.0505191\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1859317 1.181368 1.1913216 1.2001492 1.1878805 1.1520126 1.1156343\n", + " 1.0916098 1.0805535 1.078725 1.0785084 1.0740712 1.0644585 1.0552546\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1667676 1.164823 1.1761324 1.1843176 1.1716195 1.1375818 1.1039383\n", + " 1.0818044 1.07167 1.0694164 1.0682642 1.0628872 1.053753 1.0458515\n", + " 1.0420908 1.0439425 1.0492994 1.0545461 0. 0. ]\n", + " [1.1569995 1.1529703 1.1611972 1.1685259 1.1566975 1.125788 1.0950519\n", + " 1.075636 1.0664552 1.0648565 1.0648037 1.06071 1.0524119 1.0447278\n", + " 1.0416607 1.0436157 0. 0. 0. 0. ]\n", + " [1.1854942 1.180501 1.1893055 1.1963884 1.1847631 1.1505284 1.1147867\n", + " 1.0904006 1.0784569 1.0753809 1.0742657 1.0696392 1.0600485 1.051887\n", + " 1.0482885 1.0506858 1.0561746 0. 0. 0. ]\n", + " [1.1908393 1.1871266 1.1975385 1.2060511 1.1928698 1.1578231 1.1212449\n", + " 1.0965414 1.0843787 1.0801384 1.0777116 1.0710226 1.0607148 1.0520557\n", + " 1.0480744 1.0502458 1.0559574 1.0611622 1.0637131 1.064269 ]]\n", + "[[1.181281 1.1759734 1.1853784 1.1939416 1.1812446 1.1469351 1.1117115\n", + " 1.0890251 1.0782375 1.0764477 1.0762266 1.0712204 1.0617887 1.0526034\n", + " 1.0487942 1.0514047 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1800523 1.1792493 1.1924895 1.2013887 1.1873497 1.1513796 1.1143671\n", + " 1.089556 1.0784355 1.0748637 1.0743269 1.0684125 1.0586811 1.0502094\n", + " 1.0464643 1.0480379 1.0531439 1.0585247 1.0612295 0. 0.\n", + " 0. ]\n", + " [1.1554555 1.1546243 1.1653388 1.1750473 1.1636595 1.1326976 1.1004316\n", + " 1.0789338 1.0677068 1.0634557 1.0615534 1.0564028 1.0478965 1.0414395\n", + " 1.0384754 1.040339 1.044597 1.049323 1.051807 1.0529388 1.0541973\n", + " 1.0577751]\n", + " [1.1780697 1.1760572 1.1877884 1.1963582 1.1851631 1.1510179 1.1150694\n", + " 1.0909724 1.0786027 1.0741345 1.072167 1.0658075 1.0564878 1.0484345\n", + " 1.0449047 1.0469378 1.0521535 1.057149 1.0591264 1.0600258 1.0614953\n", + " 0. ]\n", + " [1.2041559 1.200662 1.2110773 1.2193981 1.2057636 1.1677965 1.1285083\n", + " 1.1020302 1.08867 1.0843337 1.0825686 1.0754975 1.065582 1.0563362\n", + " 1.052401 1.054178 1.0599021 1.0661978 1.0688951 0. 0.\n", + " 0. ]]\n", + "[[1.1725 1.1699548 1.1808037 1.1900909 1.1765271 1.142875 1.1085329\n", + " 1.0855843 1.0751312 1.0726159 1.0728657 1.068015 1.0592228 1.0507674\n", + " 1.0467383 1.0482342 1.0533693 0. 0. ]\n", + " [1.1847826 1.1811495 1.192481 1.2020253 1.1900039 1.1550472 1.1180612\n", + " 1.0927576 1.0810201 1.0774622 1.0759495 1.0703553 1.0603975 1.0514809\n", + " 1.047569 1.0494354 1.0547123 1.0595493 1.0619434]\n", + " [1.1687307 1.1636136 1.1724837 1.1810665 1.1688564 1.136599 1.1034288\n", + " 1.081798 1.0713241 1.0691693 1.0689676 1.0641241 1.0557339 1.0478816\n", + " 1.0446632 1.0466264 1.0522177 0. 0. ]\n", + " [1.1779661 1.1736753 1.1838133 1.1926161 1.1794567 1.145058 1.1101991\n", + " 1.0873315 1.076376 1.0748897 1.0746578 1.0690655 1.059912 1.0512724\n", + " 1.047675 1.0495063 0. 0. 0. ]\n", + " [1.1624597 1.1574208 1.1661205 1.1747146 1.1635429 1.1322322 1.1005902\n", + " 1.0792153 1.0688772 1.06628 1.0658151 1.0605514 1.0525706 1.0449525\n", + " 1.0414448 1.0430981 1.0477262 1.0526106 0. ]]\n", + "[[1.1814725 1.1776655 1.1893063 1.1991303 1.1866668 1.1516759 1.1143544\n", + " 1.0894812 1.077423 1.0746927 1.0734931 1.0676464 1.0579395 1.049479\n", + " 1.0459062 1.0474476 1.0527301 1.0578545 1.0603456 1.0618113 0. ]\n", + " [1.162481 1.160192 1.1701458 1.1788496 1.1662592 1.1344072 1.1018622\n", + " 1.0804179 1.0697541 1.0663075 1.0647177 1.0588256 1.0500352 1.0428703\n", + " 1.0397043 1.0415663 1.0464118 1.0509868 1.0535276 1.0541223 1.0557079]\n", + " [1.1876441 1.183092 1.1917988 1.202576 1.1901442 1.1538813 1.118379\n", + " 1.0936419 1.0836912 1.0819693 1.0817455 1.0768224 1.0659364 1.056174\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1763446 1.173975 1.1833446 1.1910697 1.1782619 1.1442642 1.1099722\n", + " 1.0867127 1.0754358 1.0718899 1.0698353 1.0638834 1.05524 1.047193\n", + " 1.0441794 1.0459094 1.0512153 1.0562689 1.0584795 1.0596073 0. ]\n", + " [1.1710165 1.169042 1.1803293 1.189716 1.1767952 1.1432072 1.1085252\n", + " 1.0852658 1.0738177 1.0709348 1.0703297 1.0652813 1.0561055 1.0473866\n", + " 1.043995 1.0454941 1.0507921 1.0564624 0. 0. 0. ]]\n", + "[[1.1646519 1.1626127 1.1748514 1.1840519 1.1730524 1.139912 1.1055809\n", + " 1.082367 1.0714016 1.0683243 1.067048 1.0614817 1.0519806 1.0442587\n", + " 1.0406996 1.042219 1.0473721 1.0523503 1.054954 1.0563471 0.\n", + " 0. 0. ]\n", + " [1.1737854 1.1715547 1.1826246 1.1905681 1.1771625 1.1439961 1.1097066\n", + " 1.0864797 1.0746917 1.0706147 1.0678225 1.0624503 1.0539201 1.0466689\n", + " 1.0430727 1.0449151 1.0499653 1.0547189 1.0571688 1.0582753 1.0598353\n", + " 0. 0. ]\n", + " [1.1842593 1.1805071 1.1897323 1.1989167 1.1857759 1.1507813 1.1152892\n", + " 1.0911796 1.078748 1.0752914 1.0747938 1.0690415 1.0595664 1.0515243\n", + " 1.047613 1.0494475 1.0552679 1.0605125 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1475935 1.1437992 1.1530294 1.1611097 1.152278 1.1236069 1.0935134\n", + " 1.0734576 1.0639588 1.0621182 1.0619311 1.0577728 1.0496427 1.0421326\n", + " 1.0388489 1.0405083 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1539485 1.1509551 1.1603351 1.1687135 1.1578816 1.1274499 1.0963211\n", + " 1.0756292 1.0655545 1.061628 1.0597008 1.0543857 1.0461063 1.0394508\n", + " 1.036941 1.0389282 1.0439241 1.0486093 1.0506983 1.0516189 1.0526816\n", + " 1.0554826 1.0619494]]\n", + "[[1.1766045 1.1737245 1.1836381 1.1931683 1.1817493 1.1484965 1.1143484\n", + " 1.0914522 1.079362 1.0748603 1.0718095 1.0649326 1.0549026 1.047006\n", + " 1.0440615 1.0464615 1.0521973 1.0573316 1.0594584 1.0600703 1.0611758\n", + " 1.064856 1.0725876 1.0827969]\n", + " [1.1722324 1.1668726 1.1764836 1.1858453 1.1736676 1.1401509 1.1064858\n", + " 1.0845677 1.074525 1.0730618 1.0732515 1.0685282 1.0592731 1.0505849\n", + " 1.046824 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1872187 1.1839405 1.193788 1.2018784 1.1887298 1.153309 1.1171837\n", + " 1.0920693 1.0808707 1.0775241 1.0760245 1.0711331 1.0617368 1.0522678\n", + " 1.0486436 1.050595 1.0564626 1.061787 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1715105 1.1702793 1.1817306 1.1900679 1.178646 1.1449589 1.1101066\n", + " 1.0862807 1.0753028 1.0713471 1.0689831 1.0626553 1.0536535 1.0458151\n", + " 1.0426741 1.0443481 1.0492406 1.0543141 1.0570449 1.0582666 1.05987\n", + " 0. 0. 0. ]\n", + " [1.2047601 1.1981587 1.2080351 1.2162867 1.203603 1.166478 1.1278687\n", + " 1.1016797 1.0901589 1.0887839 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1738105 1.1690395 1.1800245 1.1899811 1.1786988 1.144247 1.1086177\n", + " 1.0847994 1.0735667 1.0711393 1.0710753 1.0669544 1.0578908 1.0498623\n", + " 1.0461367 1.0475414 1.0523931 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1553842 1.1525166 1.1623315 1.1708146 1.1589098 1.1282005 1.0970613\n", + " 1.0765957 1.0664853 1.0628763 1.0608814 1.0557951 1.0472975 1.0404704\n", + " 1.0377365 1.0398618 1.0448215 1.0494517 1.0515049 1.0524127 1.0533026\n", + " 1.0568354 1.0638796]\n", + " [1.1630572 1.1584766 1.1685385 1.1779096 1.167372 1.1354748 1.1020523\n", + " 1.0798204 1.0695282 1.06733 1.0672944 1.062745 1.0538883 1.0459937\n", + " 1.0422597 1.044037 1.0492761 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1825583 1.1797158 1.1898241 1.1987798 1.1857623 1.1513088 1.1158789\n", + " 1.092219 1.0800667 1.0756339 1.0734196 1.0669358 1.0565239 1.0488329\n", + " 1.0456324 1.0472422 1.0528493 1.0580643 1.0604875 1.0613296 0.\n", + " 0. 0. ]\n", + " [1.1792123 1.1721442 1.1801705 1.1885746 1.1766083 1.1433475 1.1098577\n", + " 1.0874794 1.0776355 1.0769655 1.0768204 1.0716149 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1904463 1.1877875 1.1997597 1.2079327 1.1966033 1.1609006 1.122765\n", + " 1.0976989 1.0840869 1.0803136 1.0776672 1.070577 1.0606747 1.0519236\n", + " 1.0478745 1.0499701 1.0552231 1.0600498 1.0626719 1.0640116 1.0657406\n", + " 0. 0. 0. ]\n", + " [1.1558493 1.1550932 1.1661556 1.1759447 1.165775 1.1337211 1.101762\n", + " 1.0803341 1.0692325 1.0654455 1.0629641 1.0572697 1.0486141 1.0412546\n", + " 1.0383198 1.0399352 1.0448483 1.0496811 1.0522019 1.0531251 1.0540155\n", + " 1.0568194 1.0640295 1.073268 ]\n", + " [1.1792724 1.1752793 1.1852807 1.1930603 1.1809267 1.1466525 1.1117849\n", + " 1.0887231 1.0773361 1.0739664 1.0722688 1.0659832 1.0568209 1.0484822\n", + " 1.0449498 1.047032 1.0526004 1.0576006 1.0598356 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1624537 1.1587958 1.1688921 1.1785969 1.1671059 1.135353 1.1024917\n", + " 1.0809062 1.0701021 1.0671686 1.0658567 1.0606265 1.051785 1.0441481\n", + " 1.040323 1.0419413 1.046528 1.0514896 1.0534831 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1610453 1.1596067 1.1701562 1.178539 1.1671098 1.1354189 1.1027483\n", + " 1.080668 1.0696282 1.0659876 1.0638857 1.0584049 1.0503381 1.0433738\n", + " 1.0401659 1.0417613 1.0460291 1.0505259 1.0528792 1.0540527 1.0556176\n", + " 0. 0. 0. ]]\n", + "[[1.1673934 1.1631035 1.1728132 1.1815132 1.1707904 1.1384176 1.1038882\n", + " 1.081356 1.0711637 1.0693202 1.0697663 1.0653225 1.0570068 1.048873\n", + " 1.0453123 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1625048 1.1593235 1.1690537 1.1776592 1.167743 1.1375645 1.1055847\n", + " 1.0835183 1.0722122 1.0681837 1.065187 1.0590624 1.0503647 1.0429859\n", + " 1.0395578 1.0410322 1.045528 1.0504478 1.0530236 1.0538784 1.0554881\n", + " 1.0587841]\n", + " [1.2106782 1.2034912 1.2121668 1.2201208 1.2055156 1.1683779 1.1300619\n", + " 1.1041367 1.0930512 1.0910414 1.0910766 1.0843456 1.0728618 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.187507 1.1836356 1.1937429 1.2034702 1.1903064 1.1540816 1.1179634\n", + " 1.093362 1.0809472 1.0769392 1.0750731 1.0694524 1.059748 1.0512515\n", + " 1.0477202 1.0498139 1.0551817 1.0603914 1.0625914 0. 0.\n", + " 0. ]\n", + " [1.1654314 1.1628194 1.1726168 1.1800501 1.1673145 1.1342709 1.1011317\n", + " 1.0799826 1.0701239 1.0680797 1.0673716 1.0626404 1.0538508 1.046274\n", + " 1.0430039 1.0444212 1.0493549 1.0540606 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1815019 1.177663 1.1881832 1.1955053 1.1819547 1.1464437 1.111139\n", + " 1.0873768 1.0761135 1.0729365 1.0724119 1.0671678 1.0583718 1.0500312\n", + " 1.0457801 1.0478714 1.0531262 1.0583854]\n", + " [1.1917875 1.1871951 1.1971383 1.2051502 1.1920471 1.1564825 1.1193968\n", + " 1.0947522 1.0826144 1.0790634 1.0774288 1.0713183 1.0615764 1.0527581\n", + " 1.0492458 1.0514706 1.057678 1.0639737]\n", + " [1.183842 1.1792935 1.188798 1.1973344 1.184449 1.1503913 1.1157224\n", + " 1.0923579 1.080672 1.0780969 1.0771649 1.0712489 1.0615311 1.0526705\n", + " 1.0489732 1.0512419 1.0573223 0. ]\n", + " [1.1978525 1.1944457 1.2059765 1.2165662 1.2025844 1.164914 1.1245654\n", + " 1.098088 1.0867712 1.0853149 1.0859466 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2165055 1.2112185 1.2243018 1.2370394 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1541449 1.1520544 1.1627479 1.1726549 1.1623374 1.1312412 1.0990964\n", + " 1.0780334 1.0678523 1.0644146 1.061954 1.0564204 1.048027 1.0406642\n", + " 1.0377953 1.0393075 1.0443257 1.0487517 1.0510396 1.0521932 1.0535063\n", + " 1.0565945]\n", + " [1.1746547 1.1700501 1.1801631 1.1881204 1.1772988 1.1436555 1.1089276\n", + " 1.0863571 1.0758951 1.0733223 1.0732337 1.068043 1.0585383 1.0497057\n", + " 1.0458113 1.0475403 1.0529184 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1769001 1.1733125 1.1837022 1.1927816 1.1826031 1.1489527 1.1145785\n", + " 1.0906327 1.0803849 1.0783662 1.0780371 1.0724562 1.0628133 1.0531498\n", + " 1.0487686 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1583984 1.1536757 1.1618718 1.168921 1.1570448 1.1270556 1.0962474\n", + " 1.0755067 1.0663967 1.0644071 1.0650252 1.0609186 1.0523498 1.0447503\n", + " 1.0414139 1.043083 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1710508 1.1682774 1.1791239 1.1882378 1.1762582 1.1417923 1.1059296\n", + " 1.0823504 1.0718377 1.0692226 1.0698872 1.065033 1.0554141 1.047534\n", + " 1.0435488 1.0451065 1.0502075 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1594746 1.1564894 1.16643 1.1748953 1.16313 1.1308675 1.0984832\n", + " 1.0773423 1.067322 1.0656325 1.0653883 1.0611963 1.0529234 1.0450876\n", + " 1.0412974 1.0429382 1.0477846 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1577129 1.1546814 1.1647114 1.1734954 1.1623428 1.1326435 1.1014538\n", + " 1.0800898 1.0688317 1.0651841 1.0626848 1.0570705 1.0488399 1.0418327\n", + " 1.0387539 1.0406673 1.044817 1.0496458 1.0521122 1.0532166 1.0547907\n", + " 1.0581334]\n", + " [1.1992272 1.1923792 1.2015164 1.2094529 1.1947979 1.1576792 1.1200545\n", + " 1.0964904 1.086045 1.0847719 1.0854386 1.0789478 1.067956 1.0581943\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1594837 1.1554096 1.1653451 1.1726828 1.1632636 1.1316518 1.0994462\n", + " 1.0781366 1.0689827 1.0675892 1.0674037 1.063888 1.0552042 1.0470954\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1669583 1.1636515 1.1737078 1.1820273 1.1706691 1.137696 1.103685\n", + " 1.0814059 1.0709573 1.0686008 1.06795 1.0637041 1.0546751 1.0468173\n", + " 1.0433857 1.0448622 1.0498785 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1962466 1.192842 1.2038199 1.2119733 1.1997638 1.1629587 1.1239077\n", + " 1.0973138 1.0843068 1.0806495 1.0793818 1.0739591 1.0641205 1.0551972\n", + " 1.0512611 1.053063 1.058734 1.0642003 1.0670061]\n", + " [1.1671711 1.1633489 1.1736331 1.1811469 1.1705241 1.1379936 1.1041934\n", + " 1.0815732 1.070875 1.0671842 1.0666612 1.0614041 1.0528482 1.0454801\n", + " 1.0419196 1.043491 1.0482655 1.0529437 1.0554079]\n", + " [1.158482 1.1551843 1.1653563 1.1737064 1.1635971 1.1321797 1.1000168\n", + " 1.0782534 1.0690988 1.0678288 1.0678245 1.0633469 1.0538524 1.0456331\n", + " 1.0419518 0. 0. 0. 0. ]\n", + " [1.175024 1.1721513 1.1826037 1.1911707 1.1774838 1.1427294 1.1080006\n", + " 1.0850087 1.0743006 1.0718987 1.0713208 1.0653791 1.0562662 1.0478563\n", + " 1.0443671 1.0464815 1.0517253 1.0568278 0. ]\n", + " [1.166095 1.1629221 1.1739525 1.1831104 1.1718645 1.1387432 1.1041772\n", + " 1.0810915 1.0713806 1.0695516 1.0698354 1.0654306 1.0569589 1.0488582\n", + " 1.0449891 1.0469315 0. 0. 0. ]]\n", + "[[1.1852231 1.1805464 1.1912477 1.2001268 1.1866316 1.1507545 1.1144731\n", + " 1.0905652 1.0801133 1.0784503 1.0788404 1.0738844 1.063211 1.0542619\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1769971 1.1736684 1.1844741 1.1936916 1.1815782 1.1470389 1.1110222\n", + " 1.0880969 1.0770643 1.075534 1.0756265 1.070207 1.0608114 1.0517875\n", + " 1.0476524 1.0498296 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1539276 1.1513649 1.1615502 1.1698853 1.1575015 1.1267644 1.095435\n", + " 1.0745806 1.0648632 1.0630565 1.0626816 1.0583133 1.0501367 1.0426182\n", + " 1.039333 1.0407361 1.045453 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1591091 1.1567906 1.1670684 1.1754123 1.1630938 1.1321853 1.0999914\n", + " 1.0787504 1.0680342 1.0646002 1.0629858 1.0570999 1.0489949 1.0422635\n", + " 1.0390242 1.0407276 1.045673 1.0502439 1.0528046 1.0535339 1.0552835\n", + " 1.0589062]\n", + " [1.1828284 1.17945 1.1900723 1.1979277 1.1857383 1.1503588 1.1142626\n", + " 1.0904813 1.0793769 1.0761442 1.0756285 1.0703682 1.0604597 1.0514671\n", + " 1.0480963 1.0500546 1.0557945 1.0610269 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1879376 1.1819253 1.1915295 1.2006326 1.1871963 1.1518682 1.1165245\n", + " 1.0928102 1.0826701 1.0812855 1.0818846 1.0764929 1.0663425 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1759324 1.1711698 1.1823483 1.1921036 1.179006 1.144763 1.1096512\n", + " 1.0862175 1.0760353 1.0745584 1.0751021 1.0704979 1.0607089 1.0518014\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1570095 1.1560658 1.1674981 1.176806 1.1655674 1.1333221 1.1005619\n", + " 1.0789168 1.0681034 1.0644213 1.0625371 1.057291 1.0488592 1.041955\n", + " 1.0390935 1.0411034 1.0455141 1.0498978 1.0521163 1.0527631 1.0542411\n", + " 1.0577886]\n", + " [1.1709794 1.1676391 1.1780702 1.1880555 1.175755 1.1426885 1.1085272\n", + " 1.085676 1.0745139 1.0722383 1.0717508 1.0663145 1.057317 1.0491782\n", + " 1.0452076 1.0470128 1.0525198 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1705041 1.1644351 1.1720893 1.1775537 1.1656529 1.1334292 1.1008687\n", + " 1.0790789 1.0696216 1.0680585 1.0677661 1.0638329 1.0554316 1.047624\n", + " 1.0439936 1.0460027 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.2239307 1.2169528 1.225717 1.232348 1.2177327 1.1776608 1.1375806\n", + " 1.1114314 1.1001014 1.0984035 1.0983734 1.0912727 1.0782479 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1593941 1.1565795 1.1656176 1.1738948 1.1620762 1.1301851 1.0989338\n", + " 1.0778022 1.0673683 1.0642728 1.062401 1.057462 1.0490154 1.0413841\n", + " 1.0384648 1.0402111 1.044592 1.0490855 1.0515763 1.0528551 0. ]\n", + " [1.1800609 1.1768235 1.187749 1.1968255 1.1842303 1.1494322 1.1144749\n", + " 1.0907372 1.0786701 1.0742772 1.072047 1.065601 1.0562434 1.0483205\n", + " 1.0448503 1.0471783 1.0520551 1.0570241 1.0593737 1.0600773 1.0614192]\n", + " [1.1836325 1.1797924 1.1898947 1.1980926 1.1850106 1.1504103 1.1143742\n", + " 1.09108 1.079979 1.0766324 1.0760567 1.0704253 1.0603406 1.0513978\n", + " 1.0473807 1.0494237 1.0551814 1.060881 0. 0. 0. ]\n", + " [1.1703238 1.1675695 1.1794906 1.1898196 1.1801091 1.1466026 1.1102934\n", + " 1.0856072 1.0731682 1.0686257 1.0673647 1.062196 1.0534171 1.0458133\n", + " 1.0421674 1.04386 1.0481199 1.052787 1.0550454 1.0556298 1.0566838]]\n", + "[[1.1751186 1.168428 1.1760198 1.1820327 1.1703113 1.1378567 1.1051854\n", + " 1.0838059 1.0740532 1.0719312 1.0715542 1.0667323 1.0574026 1.0492289\n", + " 1.045776 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1604962 1.1578314 1.1681544 1.1759453 1.1631054 1.1311623 1.0989788\n", + " 1.0780576 1.0684592 1.0666311 1.0668597 1.0621842 1.0538578 1.0460652\n", + " 1.0426807 1.0446167 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1817878 1.1783454 1.1884723 1.196812 1.1834168 1.1497879 1.1140853\n", + " 1.0895655 1.0774106 1.0747474 1.0744697 1.0691596 1.0602784 1.0521586\n", + " 1.0481701 1.0499659 1.0550181 1.0599267 0. 0. 0.\n", + " 0. ]\n", + " [1.1668689 1.1645771 1.1754084 1.1860261 1.1737801 1.1413387 1.1070044\n", + " 1.0841292 1.0728401 1.0686023 1.0672067 1.0612036 1.0525786 1.0448565\n", + " 1.0417215 1.0436047 1.0485795 1.0532668 1.0553769 1.0559037 1.0569937\n", + " 1.0604532]\n", + " [1.1404105 1.1384645 1.1477567 1.1555959 1.1451478 1.1164534 1.0881113\n", + " 1.0690008 1.0595623 1.0566494 1.0552399 1.0502399 1.0433024 1.0372641\n", + " 1.0344492 1.0359081 1.0400573 1.0440001 1.0459677 1.0466077 0.\n", + " 0. ]]\n", + "[[1.1628854 1.1609606 1.1717994 1.1814793 1.1707805 1.1379305 1.1041386\n", + " 1.0819123 1.0713319 1.0680385 1.0662303 1.0606931 1.0516258 1.0443137\n", + " 1.0407695 1.0425448 1.0469106 1.0516493 1.0537044 1.0543597 1.0554124\n", + " 0. 0. 0. ]\n", + " [1.1658188 1.1607839 1.1700766 1.1784587 1.1679564 1.136155 1.1027762\n", + " 1.0819882 1.0716861 1.0704751 1.0704155 1.0654278 1.0567108 1.0479393\n", + " 1.0439242 1.0454912 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1632826 1.1608201 1.1716673 1.1814592 1.1693546 1.136347 1.1040066\n", + " 1.0821573 1.0713546 1.0676358 1.065275 1.0589843 1.0503268 1.0427142\n", + " 1.0403079 1.0425091 1.0480131 1.0524844 1.0554501 1.0561554 1.057652\n", + " 1.0608717 1.0684261 1.078127 ]\n", + " [1.1564878 1.1537819 1.1629735 1.1715246 1.1606619 1.1293464 1.098243\n", + " 1.0768882 1.0667958 1.0633756 1.0617929 1.0569643 1.0485228 1.0417771\n", + " 1.0385394 1.0401096 1.0443518 1.0492705 1.0514636 1.0526263 0.\n", + " 0. 0. 0. ]\n", + " [1.1654327 1.1610137 1.1705997 1.1782632 1.1674874 1.1359066 1.1036462\n", + " 1.0818942 1.0712749 1.0679022 1.0662411 1.0608664 1.0522007 1.0446877\n", + " 1.0411478 1.0427471 1.0477476 1.0524867 1.0552202 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1685066 1.162956 1.1718727 1.1795449 1.1689522 1.1377038 1.1050376\n", + " 1.0825074 1.0719523 1.0693713 1.0693907 1.0644548 1.0563339 1.0480686\n", + " 1.0446924 1.0468527 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1620977 1.1589804 1.1685107 1.1753426 1.1636649 1.1318234 1.0993764\n", + " 1.0782471 1.0680292 1.0655212 1.0639616 1.0598084 1.0517267 1.0446831\n", + " 1.0416235 1.0439179 1.0490955 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1971962 1.1912735 1.202192 1.210882 1.1968057 1.1598872 1.1223301\n", + " 1.0979215 1.0869269 1.0850065 1.0858836 1.0804056 1.0695103 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1635562 1.1620426 1.1738118 1.1852658 1.1741917 1.1425234 1.1081866\n", + " 1.0852597 1.0732832 1.069591 1.0674434 1.0608007 1.0513928 1.0440629\n", + " 1.04055 1.0422838 1.0476074 1.0531012 1.055556 1.0566056 1.0580784\n", + " 1.0611771 1.0682484]\n", + " [1.2074862 1.2016788 1.2116333 1.2207903 1.2063437 1.1678876 1.1287993\n", + " 1.1030431 1.0914311 1.0898879 1.0899225 1.0840008 1.0724134 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1657513 1.1637309 1.1744329 1.1834978 1.1714445 1.1388662 1.1049485\n", + " 1.0818365 1.0709372 1.0675994 1.0661198 1.0604815 1.0519552 1.0444262\n", + " 1.0404216 1.0420642 1.0466952 1.0515501 1.0542852 1.0555406 0. ]\n", + " [1.1974274 1.1942861 1.2065976 1.2159767 1.2019998 1.165426 1.1266687\n", + " 1.1001618 1.0866331 1.0819037 1.0804073 1.0740126 1.0639564 1.0554746\n", + " 1.0516534 1.0531417 1.0580745 1.0633097 1.0656627 1.0672677 1.0698107]\n", + " [1.1903154 1.1859901 1.1961706 1.2063978 1.1939988 1.1574228 1.1191924\n", + " 1.0945327 1.0835623 1.0822692 1.0829331 1.0780344 1.0677967 1.05813\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1942235 1.1879227 1.1956935 1.201666 1.1876968 1.1529437 1.1179053\n", + " 1.0938548 1.0837277 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1714604 1.166316 1.1763958 1.1857654 1.1739751 1.1417298 1.1077919\n", + " 1.084825 1.0749398 1.0727657 1.0721074 1.0671533 1.0577979 1.0492185\n", + " 1.04572 1.0476496 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1771002 1.1737144 1.1847384 1.1938243 1.182502 1.1482749 1.1118863\n", + " 1.0882572 1.0765982 1.073877 1.0724667 1.0674545 1.0581354 1.0489632\n", + " 1.0451896 1.0471034 1.0524703 1.0576464 1.0605578 0. ]\n", + " [1.1639315 1.1597457 1.1694003 1.1766601 1.1642606 1.1316936 1.0996965\n", + " 1.0786128 1.0699582 1.0691396 1.0697671 1.0651741 1.0560557 1.047841\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1601602 1.1572047 1.1665063 1.1737443 1.1616546 1.1307639 1.0993237\n", + " 1.0779054 1.068809 1.0672113 1.0675905 1.0633959 1.0551771 1.0472372\n", + " 1.0434355 0. 0. 0. 0. 0. ]\n", + " [1.174093 1.1719409 1.183239 1.1922318 1.1795168 1.1453127 1.1100711\n", + " 1.0863585 1.0748537 1.0714464 1.0692717 1.063811 1.0547469 1.046939\n", + " 1.0430999 1.0449532 1.0499017 1.0548443 1.0576687 1.0585747]\n", + " [1.1708912 1.1680584 1.1791975 1.1891439 1.1773378 1.1434064 1.10744\n", + " 1.0839872 1.0725251 1.0691782 1.0675945 1.0623832 1.05327 1.0454683\n", + " 1.0419902 1.0435526 1.0485325 1.0533262 1.0558361 1.0568483]]\n", + "[[1.1655177 1.1628046 1.1733985 1.1817135 1.1707493 1.1376777 1.1029409\n", + " 1.0812218 1.0705653 1.0674345 1.0674373 1.0625689 1.0541998 1.0460587\n", + " 1.0428473 1.0444835 1.0493255 1.0543287]\n", + " [1.1729786 1.1678755 1.1766391 1.184707 1.1716981 1.1388952 1.1057209\n", + " 1.0836422 1.0733432 1.0705518 1.0700822 1.0648607 1.0560834 1.048053\n", + " 1.0445275 1.0461406 1.0518483 0. ]\n", + " [1.1892679 1.1849605 1.1954969 1.20437 1.1922938 1.156745 1.1197418\n", + " 1.0954506 1.0837425 1.0810996 1.0803756 1.0746965 1.064907 1.0552492\n", + " 1.050757 1.0527357 1.0588156 0. ]\n", + " [1.1802809 1.1765237 1.1870143 1.1968486 1.1834296 1.1483843 1.1122913\n", + " 1.0878291 1.0765543 1.0743978 1.0742577 1.0696502 1.0605925 1.0515808\n", + " 1.0475955 1.0493201 1.0555011 0. ]\n", + " [1.1904287 1.1855268 1.1951673 1.2018852 1.1903293 1.1554235 1.1190833\n", + " 1.0944177 1.0836092 1.0806935 1.0804745 1.0748743 1.0647352 1.0561318\n", + " 1.051902 1.0545355 0. 0. ]]\n", + "[[1.1669443 1.1639726 1.1742668 1.1817387 1.1697485 1.136537 1.1024537\n", + " 1.0807197 1.0703232 1.0680445 1.0675917 1.0631245 1.0538905 1.0466443\n", + " 1.0430145 1.0448493 1.049761 1.0547074 0. ]\n", + " [1.1713318 1.1676327 1.1774008 1.1848431 1.1723679 1.1377003 1.1035273\n", + " 1.0825912 1.0736567 1.072683 1.0730424 1.0681026 1.058084 1.049096\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1711957 1.1689687 1.179984 1.1896336 1.1774012 1.1439198 1.1090435\n", + " 1.0857939 1.0751522 1.0728568 1.0721767 1.0673187 1.0581324 1.0493772\n", + " 1.0454671 1.047289 1.0526439 0. 0. ]\n", + " [1.1757238 1.1735368 1.1846478 1.1936133 1.1797912 1.1446292 1.1086153\n", + " 1.0852582 1.07406 1.0713176 1.069846 1.0645715 1.0550717 1.047059\n", + " 1.0435989 1.0455847 1.050755 1.0557646 1.0582976]\n", + " [1.1776695 1.1736305 1.1844394 1.1932113 1.1800034 1.1450659 1.1098468\n", + " 1.0868437 1.0764978 1.0758063 1.0759764 1.0706257 1.0604167 1.0520849\n", + " 1.0478365 0. 0. 0. 0. ]]\n", + "[[1.163605 1.1597764 1.1686586 1.177541 1.1652517 1.1345372 1.1024494\n", + " 1.0814258 1.0708209 1.0678153 1.0664856 1.0615789 1.052622 1.0444368\n", + " 1.0408298 1.0423033 1.0470123 1.05217 ]\n", + " [1.180214 1.1748675 1.1818619 1.1901189 1.1781201 1.1443201 1.1098816\n", + " 1.0874325 1.0779113 1.076381 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1587492 1.1549102 1.1649094 1.173282 1.1625744 1.130684 1.0983307\n", + " 1.0773127 1.0674579 1.0655097 1.065007 1.0604315 1.0519581 1.0446268\n", + " 1.0413464 1.0429374 1.0481503 0. ]\n", + " [1.1900399 1.1851983 1.1949754 1.203836 1.1907228 1.155045 1.1188983\n", + " 1.0945717 1.0829848 1.0806118 1.0802468 1.074409 1.0647352 1.0554258\n", + " 1.0519761 1.0541875 0. 0. ]\n", + " [1.1728395 1.1697736 1.181072 1.1893718 1.1766107 1.1430848 1.1087358\n", + " 1.086105 1.0755435 1.0738013 1.073596 1.0686603 1.0593861 1.0506788\n", + " 1.0466442 1.0484905 0. 0. ]]\n", + "[[1.158599 1.1551145 1.1657076 1.1744518 1.1632154 1.1303769 1.0977538\n", + " 1.0768977 1.0675719 1.0665132 1.0661644 1.0617447 1.0531014 1.0452081\n", + " 1.0414647 1.0436566 0. 0. ]\n", + " [1.1724586 1.1685438 1.179294 1.1893349 1.1777638 1.1439669 1.1094888\n", + " 1.0862373 1.0757287 1.073159 1.0730482 1.0679941 1.0584866 1.0499896\n", + " 1.0463405 1.0481167 0. 0. ]\n", + " [1.1714523 1.1663961 1.1762667 1.1848124 1.1728288 1.1399912 1.1058182\n", + " 1.0826283 1.0720973 1.069348 1.0690297 1.0645468 1.0555301 1.0477241\n", + " 1.0439724 1.0459781 1.0510206 1.0563638]\n", + " [1.1630065 1.1576622 1.1663338 1.1735622 1.1634088 1.1338602 1.1029142\n", + " 1.0817572 1.0727706 1.0710156 1.0705588 1.0661079 1.0570092 1.0482585\n", + " 0. 0. 0. 0. ]\n", + " [1.1702504 1.1642836 1.1733698 1.1820049 1.1695688 1.1380234 1.1052288\n", + " 1.0832661 1.0738602 1.0720996 1.0724027 1.0677466 1.0583215 1.0492963\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1492873 1.1474586 1.1579692 1.1674093 1.1571556 1.1270353 1.0954931\n", + " 1.0740896 1.0643008 1.0611597 1.0597997 1.0545791 1.046189 1.0397528\n", + " 1.0369297 1.0387229 1.0430065 1.0475767 1.0494337 1.0502644 1.0513564\n", + " 1.0548544 1.0616858 1.0707026 1.0777506]\n", + " [1.199433 1.1952885 1.2076492 1.218158 1.2042004 1.1655538 1.12509\n", + " 1.098089 1.0858265 1.0834745 1.083838 1.07956 1.0697963 1.0598223\n", + " 1.0558158 1.0586039 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1764138 1.1733475 1.1845355 1.1926562 1.1789333 1.1428955 1.1079884\n", + " 1.0856727 1.0751469 1.0722865 1.0706298 1.0640733 1.0548103 1.0465932\n", + " 1.0430048 1.045358 1.0509154 1.0561068 1.058245 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1747295 1.1715653 1.1826563 1.1903799 1.177599 1.1432508 1.1080136\n", + " 1.0851151 1.0749257 1.0721313 1.072342 1.0676278 1.0581969 1.0498194\n", + " 1.0461613 1.0479126 1.0533247 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1641182 1.1615849 1.172648 1.1805348 1.1674447 1.1357111 1.1026028\n", + " 1.0811182 1.0709125 1.0688176 1.0690122 1.0640997 1.0553626 1.0472754\n", + " 1.0435743 1.0455489 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1738861 1.1700653 1.179803 1.1866367 1.1745281 1.1413774 1.1074989\n", + " 1.0852 1.074142 1.0712017 1.0699235 1.0648596 1.0560664 1.0482222\n", + " 1.0442014 1.0459687 1.0510207 1.0559769 0. 0. ]\n", + " [1.172925 1.1678852 1.1774254 1.1869237 1.1750382 1.1406714 1.10655\n", + " 1.0844438 1.0746832 1.0739175 1.0739831 1.069616 1.0597602 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1924386 1.1878543 1.1993026 1.2087338 1.1970359 1.1608919 1.1228347\n", + " 1.0975032 1.0851418 1.082223 1.0811962 1.0753179 1.0655675 1.056073\n", + " 1.0516539 1.0536761 1.0594925 1.065484 0. 0. ]\n", + " [1.1641935 1.161456 1.1720303 1.18128 1.1703439 1.1377195 1.1039491\n", + " 1.0812358 1.0704601 1.067055 1.0657437 1.0601273 1.051861 1.044338\n", + " 1.041201 1.0425336 1.0475241 1.052487 1.0553794 1.0564398]\n", + " [1.1894544 1.186257 1.1974838 1.2058849 1.1937042 1.1577598 1.1204813\n", + " 1.0952432 1.0823402 1.0782588 1.0758078 1.0699437 1.060221 1.0518264\n", + " 1.0478781 1.0497465 1.0551721 1.060664 1.0630162 1.0637413]]\n", + "[[1.164121 1.1583455 1.1673254 1.1760882 1.1653268 1.1334506 1.1009989\n", + " 1.0799817 1.069861 1.0679411 1.0674322 1.0626279 1.0536078 1.0454521\n", + " 1.0416149 1.0435597 1.049127 ]\n", + " [1.1537027 1.1511375 1.1614504 1.1703725 1.1589192 1.1276883 1.0960499\n", + " 1.074991 1.0658367 1.0633578 1.0634036 1.0590137 1.0508751 1.0434607\n", + " 1.0399712 1.0412663 1.046054 ]\n", + " [1.1899714 1.1839471 1.1934422 1.202363 1.1893786 1.1549209 1.118607\n", + " 1.0941421 1.0837414 1.0817751 1.081524 1.0764893 1.0663606 1.0563214\n", + " 0. 0. 0. ]\n", + " [1.1664674 1.1620401 1.1719879 1.1797335 1.1688695 1.1368965 1.1035631\n", + " 1.0815248 1.0710398 1.0688114 1.0682225 1.0637258 1.0546861 1.0468645\n", + " 1.0431229 1.0452609 1.0506455]\n", + " [1.165095 1.1602218 1.1695142 1.1773988 1.167236 1.1358242 1.1032469\n", + " 1.0815631 1.0717804 1.0696867 1.0699536 1.065028 1.056216 1.0480797\n", + " 1.0444626 0. 0. ]]\n", + "[[1.1620173 1.1586493 1.1692252 1.1784484 1.1670599 1.1346636 1.1014868\n", + " 1.0797935 1.0698192 1.0677935 1.0671207 1.0626423 1.0541173 1.0463282\n", + " 1.0425507 1.044097 1.0491849 0. 0. 0. 0. ]\n", + " [1.1558992 1.1529996 1.1620711 1.1700094 1.1593931 1.1289188 1.0979357\n", + " 1.0769191 1.0661922 1.0622737 1.0601232 1.0550956 1.0472945 1.040426\n", + " 1.0373675 1.0390258 1.0432761 1.0476601 1.0499631 1.050946 1.052607 ]\n", + " [1.1699814 1.1676056 1.1788667 1.1878374 1.1730797 1.1401092 1.1061001\n", + " 1.0840234 1.073479 1.0723388 1.0726377 1.0669627 1.0580794 1.0496615\n", + " 1.0456047 0. 0. 0. 0. 0. 0. ]\n", + " [1.1625353 1.1595685 1.169539 1.177743 1.1659052 1.134826 1.1018251\n", + " 1.0798123 1.0684882 1.0649246 1.0632666 1.0587256 1.0511199 1.0443314\n", + " 1.0408496 1.04234 1.0468248 1.0513191 1.053802 1.054723 0. ]\n", + " [1.1623065 1.157489 1.1660558 1.174679 1.1638886 1.1321266 1.0995666\n", + " 1.078351 1.068386 1.0670291 1.067188 1.0628555 1.0544158 1.046612\n", + " 1.0431621 1.0452048 0. 0. 0. 0. 0. ]]\n", + "[[1.1877885 1.1833028 1.1946137 1.2044805 1.192364 1.1557126 1.1188767\n", + " 1.0945318 1.0823565 1.0786477 1.0767763 1.0706973 1.060467 1.0518062\n", + " 1.0480844 1.0500063 1.0557998 1.0611463 1.0639482 0. 0. ]\n", + " [1.1630672 1.1612448 1.1718359 1.1804106 1.1671541 1.1344941 1.1017969\n", + " 1.0800881 1.0699754 1.0673916 1.06628 1.0612589 1.0524664 1.0448313\n", + " 1.0413713 1.0430723 1.0477349 1.052362 0. 0. 0. ]\n", + " [1.1634533 1.1621208 1.1740603 1.1834159 1.1709167 1.1381717 1.1045505\n", + " 1.08163 1.0703207 1.0670022 1.0649542 1.0593605 1.0504513 1.0433722\n", + " 1.0401406 1.0418102 1.0466646 1.0508792 1.0532792 1.0540462 1.0554234]\n", + " [1.1843913 1.1806264 1.1913028 1.2000568 1.1869017 1.1515814 1.1155796\n", + " 1.0910693 1.0786506 1.0756284 1.073563 1.068646 1.0592842 1.0508842\n", + " 1.0473222 1.0492988 1.054417 1.0597552 1.062038 0. 0. ]\n", + " [1.1639829 1.1581588 1.166142 1.1733247 1.1621792 1.1310395 1.0994867\n", + " 1.0788419 1.0688934 1.0676057 1.0675758 1.06378 1.0549059 1.047166\n", + " 1.0436318 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1570868 1.151629 1.1598617 1.1673023 1.1560763 1.1262074 1.0949423\n", + " 1.0750349 1.0646689 1.0633187 1.064081 1.060297 1.0528479 1.045843\n", + " 1.0424011 0. 0. 0. 0. 0. 0. ]\n", + " [1.1842916 1.1790735 1.18887 1.1963506 1.1846824 1.150679 1.1146098\n", + " 1.0908154 1.0792689 1.0767779 1.077144 1.0714766 1.0629097 1.0542241\n", + " 1.0503218 0. 0. 0. 0. 0. 0. ]\n", + " [1.1748058 1.1698227 1.1783161 1.1860043 1.1727226 1.1404352 1.1072965\n", + " 1.0848347 1.0740688 1.0710418 1.0703583 1.0652757 1.0561044 1.048093\n", + " 1.0444785 1.0463638 1.0515982 1.0569139 0. 0. 0. ]\n", + " [1.1644913 1.1617727 1.1722038 1.1805066 1.1682897 1.1351228 1.101799\n", + " 1.0807327 1.0718602 1.0710154 1.0714226 1.066622 1.0568355 1.048294\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1772618 1.1751524 1.1862516 1.1947341 1.1833304 1.1500949 1.1149983\n", + " 1.0910015 1.0780709 1.0736914 1.0709401 1.064954 1.0560688 1.0479655\n", + " 1.0443277 1.0462561 1.0508184 1.0559975 1.0583217 1.059013 1.0605195]]\n", + "[[1.1517571 1.1492219 1.1591403 1.1692144 1.1586004 1.1277354 1.096209\n", + " 1.0752678 1.0648291 1.0615076 1.0596521 1.0541456 1.0463934 1.0394701\n", + " 1.036627 1.0376538 1.0421392 1.0464188 1.0487496 1.0500003 1.0516417\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1521161 1.1503963 1.1615013 1.1709518 1.1614255 1.1304486 1.0978917\n", + " 1.0770587 1.0667535 1.0635288 1.0619477 1.0565883 1.0477669 1.040654\n", + " 1.0378134 1.0397943 1.0444438 1.04941 1.0515367 1.0523037 1.0527537\n", + " 1.0560656 1.0634233 1.073084 1.0805728 1.0845828]\n", + " [1.1588395 1.1550028 1.1655784 1.1746808 1.1632158 1.1309893 1.0985172\n", + " 1.0770645 1.0672257 1.0652915 1.0650922 1.0608906 1.0521294 1.0444092\n", + " 1.0409342 1.0425572 1.047663 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.201356 1.1952431 1.2048323 1.2126923 1.1981225 1.1617466 1.1236904\n", + " 1.0983964 1.0867549 1.0855654 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1864364 1.1824347 1.1939642 1.2023106 1.1889604 1.1520429 1.1147105\n", + " 1.0897473 1.078571 1.0762278 1.0754791 1.0708866 1.0615859 1.0531234\n", + " 1.0490239 1.0514843 1.0575747 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1633954 1.1606675 1.1697209 1.1778071 1.1657119 1.1339301 1.1008018\n", + " 1.0785184 1.0683843 1.0652385 1.0640155 1.0598032 1.0517238 1.0443372\n", + " 1.0406171 1.0426031 1.0469359 1.0516106 1.0544531]\n", + " [1.1913762 1.187676 1.1971279 1.2046254 1.1923181 1.1564997 1.1197364\n", + " 1.0947422 1.0828778 1.0801125 1.078746 1.072777 1.0623665 1.0538926\n", + " 1.0503347 1.0523533 1.0585637 1.064254 0. ]\n", + " [1.1656026 1.1646116 1.1753995 1.1831717 1.1695831 1.1370339 1.1035334\n", + " 1.0804094 1.0702564 1.0676097 1.0662884 1.0622735 1.0539651 1.0465672\n", + " 1.0431651 1.0450889 1.050252 1.0555856 0. ]\n", + " [1.1852913 1.1814816 1.1913675 1.1994327 1.1870481 1.1528362 1.1170799\n", + " 1.0933329 1.0816388 1.0780652 1.0768315 1.0704834 1.0598063 1.0512742\n", + " 1.0475084 1.0498464 1.0557215 1.0613707 0. ]\n", + " [1.1718626 1.1676191 1.177359 1.1846251 1.1732587 1.1412901 1.1077857\n", + " 1.0856403 1.0748293 1.0720816 1.0717831 1.0665109 1.0575242 1.0489427\n", + " 1.0453676 1.0473062 1.0526861 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1653622 1.1619831 1.1718024 1.1807888 1.1682801 1.1365212 1.1031567\n", + " 1.0814971 1.0714767 1.0696502 1.0702524 1.0657887 1.0573246 1.0490918\n", + " 1.0451066 1.0467576 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1663989 1.1637754 1.1741298 1.1829025 1.1709973 1.1382538 1.1055621\n", + " 1.0834489 1.0724875 1.0687492 1.0669701 1.0615366 1.0530806 1.0453504\n", + " 1.0420933 1.0436041 1.04858 1.0530553 1.0555694 1.05664 0.\n", + " 0. ]\n", + " [1.1618716 1.1588463 1.1691043 1.177241 1.1657164 1.1333305 1.1007062\n", + " 1.0792669 1.0694201 1.0674262 1.067057 1.0623672 1.0538065 1.0459666\n", + " 1.0426422 1.0442221 1.0490552 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1891674 1.183153 1.1924381 1.2000303 1.187854 1.1534783 1.1175622\n", + " 1.0941793 1.0834724 1.0815101 1.081091 1.0750374 1.0654423 1.0560219\n", + " 1.0519657 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1708512 1.1685599 1.1786826 1.1869291 1.1752939 1.1425905 1.1089184\n", + " 1.0862604 1.0746527 1.0704241 1.0679066 1.0619266 1.0530075 1.0454587\n", + " 1.0420414 1.0443159 1.0491291 1.0538327 1.056607 1.0575299 1.0591332\n", + " 1.062806 ]]\n", + "[[1.1736106 1.1700896 1.1794217 1.1876681 1.1752573 1.1434599 1.1106027\n", + " 1.0882303 1.0762805 1.0713245 1.0690047 1.0624406 1.053816 1.0465297\n", + " 1.0429065 1.044644 1.0493891 1.0543019 1.0570246 1.0584563]\n", + " [1.1633254 1.1584487 1.1693186 1.1789443 1.1696944 1.1386058 1.104367\n", + " 1.0822538 1.0716295 1.0698856 1.0697728 1.065259 1.0565355 1.0482405\n", + " 1.0444509 0. 0. 0. 0. 0. ]\n", + " [1.21946 1.2135165 1.224946 1.2335222 1.2184292 1.1782322 1.1359162\n", + " 1.1079935 1.0948906 1.0932246 1.0933955 1.0868556 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1666282 1.1638258 1.1744844 1.1829689 1.1720074 1.1392756 1.10546\n", + " 1.0828859 1.0718758 1.0694867 1.0687916 1.0638791 1.0553898 1.0477238\n", + " 1.0439541 1.0456265 1.0511435 0. 0. 0. ]\n", + " [1.1774926 1.1726601 1.1812093 1.1906799 1.180264 1.1466874 1.1127453\n", + " 1.089417 1.0784595 1.0762409 1.0760252 1.0712074 1.0621221 1.0531453\n", + " 1.0492612 1.0514688 0. 0. 0. 0. ]]\n", + "[[1.1785909 1.174144 1.1840107 1.1926112 1.1804912 1.1457757 1.1099375\n", + " 1.0862913 1.0761951 1.0740924 1.0747327 1.0704355 1.0608771 1.0520142\n", + " 1.0476046 1.0494303 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1864613 1.1825606 1.1928836 1.2011303 1.1890169 1.1540565 1.117263\n", + " 1.0924333 1.0798007 1.076109 1.0739641 1.0690554 1.0603113 1.0516319\n", + " 1.0481166 1.0499811 1.0551033 1.0603276 1.0630759 0. 0.\n", + " 0. 0. ]\n", + " [1.1591088 1.1556959 1.1659195 1.1748124 1.1625756 1.131494 1.0996883\n", + " 1.0789812 1.0681794 1.0645999 1.0627892 1.0565616 1.0482571 1.041366\n", + " 1.0389899 1.0409237 1.0461314 1.0512886 1.0536911 1.0540252 1.055363\n", + " 1.0584823 1.06565 ]\n", + " [1.1758184 1.1713427 1.180861 1.1895089 1.1762807 1.1436417 1.1098965\n", + " 1.0873041 1.0761917 1.0729598 1.0715108 1.0660151 1.056951 1.0482976\n", + " 1.0451652 1.0471796 1.0526842 1.0578117 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1618425 1.1601659 1.1705569 1.1803622 1.1691545 1.1382596 1.1055086\n", + " 1.0834773 1.0721544 1.067579 1.0656912 1.059852 1.0512027 1.0437279\n", + " 1.0403275 1.0421042 1.047065 1.0516907 1.0538771 1.0552139 1.0562555\n", + " 1.0595509 1.0666295]]\n", + "[[1.1570985 1.1539928 1.1635959 1.1718931 1.1596987 1.1285092 1.0963997\n", + " 1.0751503 1.0656936 1.063394 1.0623959 1.0582001 1.0499113 1.0427625\n", + " 1.0396482 1.0413655 1.0460113 1.0506594 0. ]\n", + " [1.1675336 1.1628065 1.1734822 1.182635 1.170424 1.1385529 1.1048605\n", + " 1.0824453 1.072094 1.0701443 1.0706306 1.0656615 1.0570676 1.0485557\n", + " 1.0446376 1.0463572 0. 0. 0. ]\n", + " [1.1815026 1.176653 1.1870993 1.1958176 1.1823424 1.1467545 1.1098778\n", + " 1.0858055 1.0747626 1.0724592 1.0718764 1.0672244 1.0583315 1.0497129\n", + " 1.0459701 1.0479866 1.0534794 1.0587239 0. ]\n", + " [1.1433276 1.1385707 1.1464759 1.1539259 1.1450887 1.1170932 1.0875995\n", + " 1.0690042 1.0602272 1.0583405 1.0583751 1.0542945 1.0463976 1.0392585\n", + " 1.0359592 1.0374575 0. 0. 0. ]\n", + " [1.1671344 1.1640978 1.174229 1.1828218 1.1701887 1.1363653 1.1029779\n", + " 1.0811472 1.0708656 1.0684357 1.0673249 1.061389 1.0523392 1.0445777\n", + " 1.0412313 1.0431916 1.04826 1.053328 1.0559291]]\n", + "[[1.1817074 1.177377 1.1879115 1.1979172 1.1863433 1.1519436 1.1162009\n", + " 1.0918447 1.0799316 1.0759907 1.0740775 1.0683445 1.0584537 1.0498028\n", + " 1.0456079 1.047561 1.0526718 1.0580062 1.0602326 0. 0. ]\n", + " [1.1791371 1.1771218 1.18873 1.1983624 1.1869788 1.1523738 1.1160419\n", + " 1.0907578 1.078738 1.0741593 1.0719787 1.0662719 1.056727 1.048825\n", + " 1.045255 1.0467023 1.0517907 1.0565805 1.0591749 1.0603555 1.0619459]\n", + " [1.1663321 1.160183 1.1694361 1.1772138 1.166353 1.1356624 1.103493\n", + " 1.0818902 1.0717859 1.0697192 1.0698129 1.065594 1.0566545 1.0486407\n", + " 1.0449789 0. 0. 0. 0. 0. 0. ]\n", + " [1.1802953 1.1761096 1.1858336 1.194089 1.1826668 1.1491194 1.1139886\n", + " 1.0898703 1.0793722 1.0762378 1.0751362 1.069746 1.059806 1.0512565\n", + " 1.0474653 1.0492876 1.0550313 1.0600072 0. 0. 0. ]\n", + " [1.2080467 1.2027348 1.2126518 1.2196047 1.2060664 1.1683614 1.1294138\n", + " 1.1029072 1.0909693 1.0899916 1.0896375 1.0837125 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1857708 1.1808249 1.1913872 1.1987976 1.1845667 1.1491551 1.113733\n", + " 1.0900028 1.0790892 1.0772763 1.0767076 1.0718408 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1815223 1.1772177 1.1857285 1.1941726 1.1814919 1.1470852 1.1119683\n", + " 1.0881442 1.0762869 1.0730867 1.0724621 1.0680132 1.0595214 1.0511208\n", + " 1.0479343 1.049983 1.0553777 1.0604328 0. 0. ]\n", + " [1.1651275 1.1628293 1.1742423 1.1822078 1.1698796 1.1363417 1.1022799\n", + " 1.0799973 1.0693436 1.066534 1.0651118 1.0597334 1.0512515 1.0438529\n", + " 1.040903 1.0421169 1.0468558 1.051502 1.0536813 1.0547663]\n", + " [1.166326 1.1625165 1.173301 1.1814529 1.1704586 1.1356113 1.1012118\n", + " 1.0788049 1.069336 1.0676733 1.0678829 1.0633963 1.0554742 1.0476844\n", + " 1.0437446 1.0457288 0. 0. 0. 0. ]\n", + " [1.1815253 1.1769629 1.1877351 1.1962277 1.1835735 1.147941 1.1115122\n", + " 1.0877757 1.0772536 1.0761403 1.0763565 1.0714394 1.0613312 1.0523002\n", + " 1.0479944 1.0499724 0. 0. 0. 0. ]]\n", + "[[1.16375 1.1586473 1.1686085 1.1779487 1.1664525 1.134997 1.1025198\n", + " 1.0808309 1.0710874 1.0696594 1.0698717 1.0648423 1.0553648 1.0468819\n", + " 1.0429658 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1644638 1.1600862 1.1691307 1.1770375 1.1652715 1.134407 1.1020044\n", + " 1.0805796 1.0705723 1.0683169 1.066989 1.0621184 1.0530504 1.0445635\n", + " 1.041217 1.0430855 1.0482959 1.0535219 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1530538 1.1498586 1.1598463 1.1690903 1.1590525 1.1301076 1.0990666\n", + " 1.0778719 1.0668056 1.0625561 1.0606338 1.0550959 1.0467947 1.0397873\n", + " 1.0371773 1.0388982 1.043329 1.0476927 1.0504792 1.0517801 1.0529112\n", + " 1.0558347 1.061998 ]\n", + " [1.1597581 1.1578969 1.1684566 1.1773267 1.1646506 1.1334226 1.101146\n", + " 1.0793355 1.068364 1.0650185 1.0632617 1.0572553 1.0487888 1.0415993\n", + " 1.038731 1.0400846 1.0448016 1.0492882 1.0517395 1.0527947 1.0541948\n", + " 0. 0. ]\n", + " [1.1792839 1.1767628 1.1877834 1.1955075 1.1811802 1.1464671 1.110819\n", + " 1.0869454 1.0762805 1.0739262 1.0729401 1.0680681 1.0587283 1.0503199\n", + " 1.0461675 1.0479732 1.0531471 1.058553 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1759546 1.1722167 1.1826786 1.1925466 1.180531 1.146984 1.1116863\n", + " 1.0880953 1.0772446 1.0744755 1.0748394 1.0697618 1.0610292 1.0523338\n", + " 1.0480988 1.0498701 0. 0. 0. ]\n", + " [1.1627324 1.1599183 1.168122 1.1751221 1.1619732 1.130752 1.0991911\n", + " 1.0778801 1.0673803 1.0640515 1.0629764 1.0582588 1.0511864 1.0438685\n", + " 1.0406215 1.0423193 1.0467972 1.0518292 0. ]\n", + " [1.1758921 1.1711925 1.181023 1.1900839 1.1775241 1.144181 1.1096954\n", + " 1.0875705 1.0770415 1.0755265 1.0756493 1.0704077 1.0615293 1.0523726\n", + " 1.048464 0. 0. 0. 0. ]\n", + " [1.1741639 1.170921 1.1818044 1.1906133 1.1773745 1.1429336 1.1086038\n", + " 1.0861921 1.0751085 1.0721493 1.0705264 1.0649664 1.0560731 1.0476846\n", + " 1.0441483 1.0460912 1.0509686 1.0560231 1.058305 ]\n", + " [1.1740148 1.1689365 1.1773767 1.1859852 1.173951 1.141484 1.1072953\n", + " 1.0844142 1.0739232 1.0709755 1.0710467 1.066088 1.0568842 1.0487865\n", + " 1.0452106 1.0469893 1.0524476 0. 0. ]]\n", + "[[1.1574717 1.1544482 1.1640396 1.1722136 1.1606457 1.1288761 1.0968876\n", + " 1.0761776 1.0659727 1.0631943 1.0621965 1.0573077 1.0496557 1.0420083\n", + " 1.0388646 1.040551 1.0450964 1.049687 1.0521472]\n", + " [1.172413 1.1689634 1.1792862 1.1880502 1.1752299 1.1413349 1.106823\n", + " 1.0847569 1.0744033 1.0731968 1.0735798 1.0681643 1.059252 1.0503978\n", + " 1.046536 0. 0. 0. 0. ]\n", + " [1.1750469 1.1703309 1.1804132 1.1890584 1.1764075 1.1431404 1.1089327\n", + " 1.0854363 1.0747057 1.0715108 1.070742 1.0655851 1.056596 1.0480082\n", + " 1.0442896 1.0459121 1.0511982 1.0564973 0. ]\n", + " [1.1600516 1.1559261 1.1662717 1.1758995 1.1647494 1.1322336 1.0993583\n", + " 1.0780903 1.0684361 1.066837 1.0669186 1.0627044 1.0534947 1.0453095\n", + " 1.0413336 1.043167 0. 0. 0. ]\n", + " [1.1691532 1.1642656 1.172864 1.1813593 1.1692687 1.1363611 1.1034455\n", + " 1.0813203 1.0707549 1.068033 1.0666591 1.0622202 1.0538259 1.046739\n", + " 1.0436218 1.0455066 1.0511236 0. 0. ]]\n", + "[[1.2039558 1.1988448 1.2089266 1.2169447 1.2029741 1.1648142 1.1257362\n", + " 1.0999509 1.0893652 1.0881151 1.0884589 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1778373 1.1727782 1.1838458 1.1938391 1.1812718 1.146772 1.1115638\n", + " 1.0887909 1.0779216 1.0761657 1.076133 1.070383 1.0603982 1.0512606\n", + " 1.046953 1.0490731 1.0553589 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1570935 1.1538601 1.1643859 1.1729218 1.1623449 1.1311119 1.0987595\n", + " 1.0778383 1.0673224 1.0637318 1.0622278 1.0569572 1.0485367 1.04162\n", + " 1.038686 1.040474 1.0447992 1.0490481 1.0511863 1.0518464 1.0536349\n", + " 1.0570694]\n", + " [1.1707311 1.1668361 1.1777322 1.1866952 1.1757882 1.1427132 1.1080414\n", + " 1.0855837 1.0746659 1.0724719 1.0724324 1.0676517 1.0589778 1.0504116\n", + " 1.0463074 1.0481637 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2151793 1.209398 1.2192746 1.2263699 1.2113754 1.1734263 1.1338329\n", + " 1.1072353 1.09502 1.0935422 1.0937818 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.211958 1.2038343 1.213475 1.2217474 1.2081549 1.1705878 1.1307944\n", + " 1.1036615 1.09125 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1614548 1.1559577 1.164907 1.1722062 1.1614558 1.130416 1.0986764\n", + " 1.077675 1.0672756 1.0648106 1.0642807 1.0604136 1.0528591 1.0449873\n", + " 1.0418983 1.0433114 1.0483476 0. 0. ]\n", + " [1.1684316 1.16406 1.1733015 1.1808321 1.1701115 1.1394536 1.1070224\n", + " 1.0852103 1.074219 1.0711241 1.0703638 1.065474 1.0565876 1.0480921\n", + " 1.0443381 1.0458875 1.0508991 0. 0. ]\n", + " [1.1642191 1.1605264 1.1712147 1.1815963 1.170166 1.1369863 1.1034912\n", + " 1.0808561 1.069933 1.06692 1.0663718 1.061704 1.0523247 1.04466\n", + " 1.0410643 1.042906 1.0479895 1.053205 0. ]\n", + " [1.174032 1.1719941 1.1821911 1.190247 1.1762214 1.1433015 1.1087443\n", + " 1.0852334 1.0739995 1.0709455 1.0701296 1.0651308 1.0559893 1.0484098\n", + " 1.0446762 1.046278 1.0512699 1.0563374 1.0586395]]\n", + "[[1.1550957 1.1515718 1.1616595 1.1700715 1.1590422 1.1280732 1.0967925\n", + " 1.0756344 1.0654013 1.061909 1.0604675 1.0557708 1.0471216 1.0406277\n", + " 1.037633 1.0391247 1.0437719 1.0480174 1.0502678 1.0513082 1.0524703\n", + " 1.0556718]\n", + " [1.1910917 1.1857809 1.1966884 1.2065651 1.1941313 1.1580029 1.1189871\n", + " 1.0931491 1.0813441 1.0803874 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1861501 1.182248 1.1917486 1.2001367 1.1878239 1.1540571 1.1181072\n", + " 1.0938683 1.0814546 1.0771878 1.0765462 1.0710998 1.0612792 1.0528415\n", + " 1.0491858 1.0511878 1.0570853 1.0620962 0. 0. 0.\n", + " 0. ]\n", + " [1.177352 1.1742606 1.1852099 1.1946067 1.1820343 1.1474216 1.1119429\n", + " 1.0881096 1.0759819 1.0728465 1.0718557 1.0662076 1.0576851 1.0497655\n", + " 1.045847 1.047703 1.0525787 1.0576315 1.0602725 0. 0.\n", + " 0. ]\n", + " [1.165539 1.1607419 1.170637 1.1796724 1.1677611 1.1359686 1.1032344\n", + " 1.081612 1.071877 1.069807 1.0700762 1.0653783 1.056162 1.0479428\n", + " 1.0438058 1.0456098 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1865685 1.1805842 1.1908348 1.2013986 1.1884902 1.1517389 1.1144576\n", + " 1.0903121 1.0798299 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1589265 1.154247 1.1626409 1.1711224 1.1601048 1.130084 1.0987511\n", + " 1.0773007 1.0674568 1.0652604 1.0654178 1.0619382 1.0542545 1.0464755\n", + " 1.0426099 0. 0. 0. ]\n", + " [1.1838224 1.1793026 1.1905764 1.1999457 1.1886327 1.1533098 1.1159602\n", + " 1.0904706 1.0785122 1.0756441 1.0745914 1.069801 1.0604689 1.051205\n", + " 1.0475464 1.0493295 1.054898 1.0604954]\n", + " [1.1730629 1.1674621 1.1758434 1.184075 1.1727816 1.1400768 1.1069913\n", + " 1.0849894 1.0744649 1.0717227 1.0711966 1.0662284 1.0571405 1.0488193\n", + " 1.0448296 1.0462536 1.0514326 0. ]\n", + " [1.1786345 1.1748081 1.1862904 1.1951276 1.1828153 1.1481165 1.1123842\n", + " 1.089 1.0786173 1.0769706 1.0773324 1.0721387 1.0622171 1.0529922\n", + " 1.0485928 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1629416 1.1592516 1.1690931 1.1772673 1.1664877 1.1340692 1.1014365\n", + " 1.0806069 1.0710474 1.0699368 1.0706434 1.0657898 1.0572938 1.0485554\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.161944 1.1605154 1.1713283 1.180797 1.1685233 1.134668 1.1017214\n", + " 1.0799084 1.0692279 1.066085 1.0650773 1.0594722 1.0514109 1.0439941\n", + " 1.0406624 1.0418124 1.0465856 1.0509049 1.0532278 1.0541694]\n", + " [1.1839688 1.1783344 1.1894455 1.1989 1.1867881 1.1511568 1.1143711\n", + " 1.0902472 1.0803347 1.0792358 1.0800872 1.0749865 1.0646738 1.0550915\n", + " 1.0502179 0. 0. 0. 0. 0. ]\n", + " [1.1664296 1.1632117 1.174092 1.1834828 1.1725804 1.1402532 1.1060579\n", + " 1.0830166 1.0730561 1.0701685 1.0708199 1.0656319 1.0569781 1.0481818\n", + " 1.0443646 1.0460346 0. 0. 0. 0. ]\n", + " [1.166984 1.162457 1.1736059 1.1834104 1.1724402 1.1391888 1.1045496\n", + " 1.0821955 1.0721416 1.0713536 1.0716956 1.06707 1.0571032 1.0482172\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2128992 1.2063414 1.217549 1.2268066 1.211221 1.1726373 1.1314652\n", + " 1.10521 1.0932206 1.0917178 1.0917333 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.189129 1.1832564 1.1932616 1.199345 1.1846734 1.1486106 1.1121136\n", + " 1.0890841 1.079062 1.0781617 1.0786986 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2082247 1.201996 1.212148 1.2214605 1.2074544 1.1716315 1.1338359\n", + " 1.1083705 1.0962005 1.0934211 1.0923492 1.0855265 1.0744292 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.162394 1.1609421 1.1725471 1.1806202 1.1703315 1.138006 1.1030487\n", + " 1.0807413 1.0695697 1.0664802 1.065002 1.0594691 1.0511332 1.0431908\n", + " 1.0398163 1.0415066 1.0461471 1.0510889 1.0535996 1.0547638]\n", + " [1.1738319 1.1708933 1.181157 1.1901866 1.1761916 1.1417906 1.106749\n", + " 1.083319 1.0720904 1.0686367 1.0672647 1.0621117 1.0534557 1.0458553\n", + " 1.0427927 1.0446326 1.0495065 1.0546936 1.0571438 1.0580822]]\n", + "[[1.1967692 1.1913366 1.201259 1.2101074 1.1964265 1.1604652 1.1234695\n", + " 1.0999712 1.0889057 1.0870513 1.0867608 1.0813878 1.0704999 1.060255\n", + " 0. 0. 0. 0. ]\n", + " [1.179806 1.1742027 1.182817 1.1909451 1.1785955 1.144909 1.1113712\n", + " 1.0887562 1.077646 1.0751956 1.07431 1.0684804 1.0592344 1.0506749\n", + " 1.046869 1.0490843 1.0546092 1.0599091]\n", + " [1.1843674 1.1803951 1.1906309 1.1994866 1.1851846 1.1486089 1.1124692\n", + " 1.0889007 1.0785514 1.077105 1.0771362 1.0716969 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1550515 1.15032 1.1590581 1.1665893 1.1552587 1.1248208 1.0935009\n", + " 1.0736297 1.0640843 1.0619947 1.0619025 1.0576684 1.049918 1.0429763\n", + " 1.0398338 1.041638 1.0464444 0. ]\n", + " [1.1700361 1.1651005 1.1748793 1.1838286 1.1714795 1.1398456 1.1065762\n", + " 1.0848066 1.0746014 1.0729519 1.0726737 1.0681779 1.059164 1.0507438\n", + " 0. 0. 0. 0. ]]\n", + "[[1.2073245 1.2008265 1.2120081 1.2208143 1.2069727 1.1694345 1.128948\n", + " 1.1030885 1.0911344 1.0902085 1.0902522 1.0844357 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1780212 1.175207 1.1862347 1.194807 1.1801975 1.1451366 1.1097269\n", + " 1.0868069 1.0769535 1.0754557 1.0764545 1.0713918 1.0615277 1.0519027\n", + " 0. 0. 0. 0. ]\n", + " [1.162243 1.1578547 1.1655961 1.1730771 1.1608167 1.1298658 1.0994717\n", + " 1.0794594 1.0700244 1.0668741 1.066295 1.0609381 1.0520599 1.0439335\n", + " 1.0406811 1.0424849 1.0477439 0. ]\n", + " [1.1677573 1.1637967 1.1740053 1.1826401 1.1713125 1.1376425 1.1028658\n", + " 1.0807627 1.0704858 1.0694062 1.0700784 1.0661062 1.0574994 1.0491349\n", + " 1.0450106 0. 0. 0. ]\n", + " [1.1707108 1.1664813 1.1772927 1.1868097 1.1754119 1.1416781 1.1058416\n", + " 1.0823205 1.0714365 1.0692737 1.0689224 1.0644501 1.0554171 1.0475087\n", + " 1.0440422 1.0458574 1.051217 1.0564009]]\n", + "[[1.1685716 1.1661963 1.1767216 1.1844527 1.1733631 1.1399832 1.1054809\n", + " 1.083127 1.0724403 1.0695893 1.0698631 1.0650585 1.0564424 1.0483974\n", + " 1.0444304 1.0462161 1.051586 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1658142 1.1621293 1.1715568 1.1786354 1.1663014 1.1331099 1.0998403\n", + " 1.0778958 1.0680792 1.0665902 1.0669789 1.0634389 1.0557419 1.0480462\n", + " 1.0445194 1.0465091 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1610851 1.1594045 1.1695379 1.179269 1.1673232 1.1358726 1.1031482\n", + " 1.0813038 1.0701435 1.0664921 1.0645901 1.0588684 1.0509429 1.0439674\n", + " 1.0411744 1.0424726 1.0470363 1.0517532 1.0539452 1.0550443 1.0566723\n", + " 1.0604541]\n", + " [1.161748 1.1580409 1.1675721 1.1751931 1.1637707 1.1325245 1.0998948\n", + " 1.0793031 1.0693412 1.0677555 1.0671211 1.0625987 1.0530524 1.0453945\n", + " 1.0417904 1.0434992 1.0488485 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1655498 1.1624576 1.1742576 1.1834637 1.1733091 1.1399014 1.1042413\n", + " 1.0802703 1.0697336 1.0673846 1.0672199 1.0626137 1.0543134 1.0466001\n", + " 1.0426619 1.0437142 1.0483325 1.05325 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1798563 1.1755759 1.1852276 1.1920491 1.1805352 1.1471233 1.1121498\n", + " 1.0885423 1.0771915 1.0737959 1.0735421 1.0685338 1.0598763 1.0509404\n", + " 1.0470262 1.0487329 1.054236 1.0594523 0. ]\n", + " [1.2021784 1.1969229 1.2075953 1.2167414 1.2018572 1.1647693 1.1255418\n", + " 1.0995241 1.0882814 1.0858816 1.0863118 1.0812929 1.0705496 1.0600662\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1787935 1.1732503 1.180851 1.1882163 1.1755915 1.1426487 1.108511\n", + " 1.0866178 1.0759857 1.0737962 1.0738472 1.0692481 1.0602924 1.0517905\n", + " 1.0481637 0. 0. 0. 0. ]\n", + " [1.1861681 1.1821884 1.1924919 1.2012082 1.1884625 1.1532624 1.1171087\n", + " 1.0932393 1.0812937 1.0773623 1.0748895 1.0683863 1.0583647 1.0497963\n", + " 1.0464139 1.0486599 1.0541425 1.0596143 1.0621231]\n", + " [1.1663512 1.1611655 1.1696995 1.1776938 1.1657081 1.1338338 1.1006802\n", + " 1.0789664 1.0693216 1.066828 1.0665877 1.061966 1.0532321 1.0457443\n", + " 1.042251 1.0440677 1.0492991 0. 0. ]]\n", + "[[1.1801405 1.1765012 1.1884421 1.1994188 1.187315 1.1523058 1.1148714\n", + " 1.089929 1.0774028 1.0744133 1.0740979 1.0686878 1.0596821 1.0509702\n", + " 1.0468789 1.0483285 1.0535516 1.059097 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1605487 1.1578019 1.1683654 1.1778448 1.1673982 1.13586 1.1032486\n", + " 1.0808892 1.069246 1.0652093 1.0633907 1.0583609 1.0501242 1.0433557\n", + " 1.0398693 1.0418415 1.0469078 1.051593 1.0538845 1.0544871 1.055557\n", + " 1.0593053 0. ]\n", + " [1.1411623 1.1382108 1.1490054 1.1586068 1.150172 1.1224384 1.0923514\n", + " 1.0719476 1.0619273 1.0583789 1.0563089 1.0513555 1.0431325 1.0361831\n", + " 1.0334775 1.0351 1.0396156 1.0442765 1.0467442 1.0474025 1.0479625\n", + " 1.0507513 1.0569177]\n", + " [1.1702302 1.1664443 1.1766638 1.1838865 1.1712143 1.1379967 1.1045791\n", + " 1.0824978 1.0726446 1.0704064 1.0703291 1.0654073 1.0562528 1.047826\n", + " 1.043962 1.0454547 1.050669 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1894333 1.1848614 1.1951063 1.2039242 1.1903105 1.1551484 1.1187043\n", + " 1.0943854 1.0824169 1.0791087 1.0785081 1.0726972 1.0627451 1.0536897\n", + " 1.0497687 1.0520239 1.0579932 1.0636238 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1622651 1.1581273 1.1681011 1.1764193 1.1636211 1.1321539 1.0993419\n", + " 1.0774784 1.0675554 1.0654714 1.0653951 1.0608084 1.0525686 1.0446769\n", + " 1.0413777 1.0426576 1.047472 1.0521712 0. 0. ]\n", + " [1.1750674 1.1716162 1.1821104 1.1908631 1.1784688 1.1445359 1.1098506\n", + " 1.0866936 1.0760715 1.073796 1.0732558 1.0673307 1.0577742 1.0488024\n", + " 1.0455977 1.0475664 1.0533181 0. 0. 0. ]\n", + " [1.1901382 1.1871736 1.1977901 1.2065578 1.1933979 1.1581424 1.1211227\n", + " 1.0954257 1.0834081 1.0794169 1.0779604 1.072054 1.0616587 1.0534638\n", + " 1.0492797 1.0512325 1.0569897 1.0628028 1.0649813 0. ]\n", + " [1.1725101 1.1700792 1.1810776 1.1918397 1.1815118 1.147022 1.1114174\n", + " 1.0872223 1.0747607 1.0709661 1.06919 1.0633577 1.0547295 1.04671\n", + " 1.0430982 1.0448039 1.0495082 1.0548174 1.0582036 1.0598127]\n", + " [1.1741666 1.1684712 1.1783288 1.186105 1.1747187 1.1414791 1.106465\n", + " 1.0838094 1.0739219 1.0733309 1.0739385 1.069763 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1797282 1.1758548 1.1857114 1.1924942 1.1801834 1.1457833 1.1103764\n", + " 1.087424 1.0766237 1.0739514 1.0733359 1.0683491 1.0589826 1.050762\n", + " 1.0471127 1.0486579 1.0539572 1.0590376 0. 0. ]\n", + " [1.1532626 1.150207 1.1583867 1.1658702 1.154858 1.1245227 1.0947835\n", + " 1.0746648 1.0639355 1.0604404 1.0588135 1.0541118 1.0464096 1.0403141\n", + " 1.0373892 1.0388951 1.0429996 1.0475706 1.0499839 1.0512872]\n", + " [1.2207487 1.2128175 1.223686 1.2336471 1.2194533 1.1798509 1.137876\n", + " 1.109966 1.0978507 1.096356 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1616787 1.156499 1.1651524 1.1729488 1.1617401 1.1303201 1.0980434\n", + " 1.0770456 1.0675651 1.0665778 1.066955 1.0621967 1.0542443 1.0461385\n", + " 1.0425284 0. 0. 0. 0. 0. ]\n", + " [1.1617883 1.15779 1.1665757 1.173253 1.1623952 1.1313412 1.0990185\n", + " 1.0773782 1.0671117 1.0651455 1.0653441 1.0613608 1.0526648 1.0455085\n", + " 1.0419704 1.043558 1.0486418 0. 0. 0. ]]\n", + "[[1.1609683 1.1585158 1.1695367 1.1787829 1.1681104 1.1357296 1.1017538\n", + " 1.0801291 1.069223 1.0671867 1.0664846 1.0618223 1.0527873 1.0453444\n", + " 1.0419751 1.043479 1.0484486 1.0533091]\n", + " [1.1735908 1.1683685 1.1763266 1.1828984 1.1678994 1.1357349 1.1033775\n", + " 1.0818083 1.0720985 1.0714983 1.071183 1.0672106 1.0584779 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.17083 1.1686711 1.180028 1.1885821 1.1757082 1.1420759 1.1072693\n", + " 1.0833973 1.0720096 1.0688323 1.0686922 1.0639982 1.0558381 1.0478135\n", + " 1.0444044 1.0459559 1.0513484 1.0564996 0. 0. 0.\n", + " 0. ]\n", + " [1.1947937 1.1911801 1.2021478 1.2106135 1.1954913 1.1590726 1.1213397\n", + " 1.095331 1.0836608 1.0801327 1.0789151 1.072088 1.0618583 1.0531602\n", + " 1.0495089 1.0514019 1.0573273 1.0630364 1.0656776 0. 0.\n", + " 0. ]\n", + " [1.1490119 1.1460652 1.1563461 1.1652496 1.155352 1.1250205 1.0941519\n", + " 1.073609 1.0633078 1.0597501 1.0581208 1.0531378 1.0454961 1.0391346\n", + " 1.0362215 1.037701 1.042141 1.0460373 1.0484053 1.0492314 1.0501624\n", + " 1.0533149]\n", + " [1.1842917 1.1796963 1.1906899 1.1993053 1.1880839 1.153135 1.1163028\n", + " 1.0927057 1.0820364 1.0805337 1.0804958 1.0759069 1.065288 1.055761\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2164464 1.2104143 1.2205608 1.2287675 1.2147262 1.1754606 1.134635\n", + " 1.1082345 1.0957313 1.0938927 1.0937363 1.0879601 1.0761799 1.0657027\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1645267 1.1636422 1.1751835 1.1846318 1.172263 1.138639 1.1042911\n", + " 1.0818348 1.0703658 1.0670044 1.0652962 1.0597184 1.0519571 1.0448866\n", + " 1.0417781 1.0433053 1.0480245 1.0530199 1.0553814 1.0562254 1.0573367]\n", + " [1.17613 1.1705565 1.1797122 1.1887528 1.1771718 1.1448834 1.1106226\n", + " 1.0872562 1.0763565 1.0738478 1.0734501 1.0679979 1.0586655 1.0501267\n", + " 1.0464894 1.0487705 0. 0. 0. 0. 0. ]\n", + " [1.1744106 1.1709942 1.1815168 1.1898704 1.17635 1.1422665 1.1076516\n", + " 1.0848684 1.0739212 1.0711765 1.0706584 1.064927 1.0561306 1.0481594\n", + " 1.0446153 1.0464915 1.0516309 1.0568411 1.0592833 0. 0. ]\n", + " [1.1682452 1.1642617 1.1743697 1.1850262 1.1735634 1.1395886 1.1043619\n", + " 1.0811788 1.0709631 1.0691884 1.0694914 1.065508 1.0561577 1.048578\n", + " 1.0444742 1.0461127 0. 0. 0. 0. 0. ]\n", + " [1.1619833 1.1605068 1.1705147 1.1792817 1.1668503 1.1333994 1.1010649\n", + " 1.079793 1.0693117 1.0666006 1.0661153 1.0608091 1.0524088 1.0450042\n", + " 1.0415394 1.0433211 1.0483683 1.0530264 0. 0. 0. ]]\n", + "[[1.1632739 1.1604862 1.1710248 1.179772 1.1675485 1.1345866 1.1008084\n", + " 1.0798098 1.0703999 1.0689547 1.0692664 1.0643464 1.0554328 1.0470477\n", + " 1.0434604 1.0451175 0. 0. 0. 0. ]\n", + " [1.1786387 1.1750194 1.1845009 1.192947 1.1793427 1.1460888 1.1116931\n", + " 1.0886362 1.0778083 1.0748005 1.0734181 1.0679092 1.0580893 1.0497669\n", + " 1.045605 1.0477016 1.0533942 1.058529 0. 0. ]\n", + " [1.1627395 1.1575804 1.166464 1.1738782 1.1634922 1.1328453 1.1010891\n", + " 1.0796474 1.0693592 1.0658925 1.0641035 1.058768 1.0502274 1.0428964\n", + " 1.0393242 1.0411869 1.0459168 1.0509104 1.0533428 0. ]\n", + " [1.1736604 1.169932 1.179808 1.1884226 1.1764349 1.1432195 1.1089631\n", + " 1.0854154 1.0744791 1.0712287 1.06966 1.0645722 1.0560703 1.0478765\n", + " 1.0448298 1.0470843 1.0525271 1.0577086 0. 0. ]\n", + " [1.1613289 1.1595532 1.1704577 1.1780754 1.1664301 1.1340578 1.1007545\n", + " 1.0791304 1.0684243 1.0653446 1.0641131 1.0590559 1.0505828 1.0434647\n", + " 1.0401584 1.0419741 1.0469013 1.0514112 1.0534691 1.0543392]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1830165 1.178347 1.1897013 1.1982539 1.186082 1.1503903 1.1136446\n", + " 1.0888717 1.0786854 1.0768881 1.0779405 1.0738449 1.063792 1.0548011\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1748109 1.1726104 1.1845428 1.1929185 1.1805847 1.1464969 1.1108947\n", + " 1.0869842 1.0747788 1.0714594 1.0701269 1.0635501 1.0546702 1.0468271\n", + " 1.0433421 1.045474 1.0507066 1.055932 1.0589443 0. 0.\n", + " 0. 0. ]\n", + " [1.1816584 1.1769576 1.1860254 1.1933236 1.1790487 1.1445525 1.1095265\n", + " 1.0871316 1.0778162 1.0765027 1.0771903 1.0714641 1.0616244 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1907225 1.1860877 1.1970559 1.2049763 1.1889095 1.1515259 1.1144717\n", + " 1.0911785 1.0814406 1.0807719 1.0813887 1.075748 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1766247 1.1721237 1.181977 1.1910086 1.179896 1.1464404 1.111968\n", + " 1.0887854 1.0771682 1.0730878 1.0704585 1.0645941 1.0549946 1.0468308\n", + " 1.0436294 1.0459517 1.0510653 1.0563726 1.0582987 1.058991 1.0603592\n", + " 1.0639254 1.0719093]]\n", + "[[1.1799546 1.1716876 1.1803621 1.1890221 1.1778913 1.1459234 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1617213 1.1597888 1.1709415 1.1800808 1.1688613 1.1360773 1.1032364\n", + " 1.0808343 1.0705777 1.0671834 1.0651641 1.0596752 1.0506549 1.0431125\n", + " 1.0403241 1.0421398 1.047134 1.0518066 1.0543761 1.0550947 1.0561323\n", + " 1.059936 1.0672737 0. 0. ]\n", + " [1.1874359 1.183749 1.1942427 1.2021201 1.1900917 1.1542616 1.1172197\n", + " 1.0929296 1.0806857 1.0781618 1.0769625 1.0716854 1.0615183 1.0528823\n", + " 1.0490298 1.051071 1.056724 1.0621985 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1480794 1.1464155 1.1563619 1.1642869 1.1536574 1.1237655 1.0935485\n", + " 1.0743229 1.0647874 1.0616893 1.0596477 1.0540514 1.0454668 1.0383043\n", + " 1.0355086 1.0372399 1.0413498 1.0454973 1.047396 1.0480173 1.0486463\n", + " 1.0521566 1.0591011 1.0681942 1.0751686]\n", + " [1.1843616 1.1796826 1.1889408 1.1963961 1.1850377 1.1506537 1.1151594\n", + " 1.0911828 1.0802002 1.0772281 1.0773374 1.0724231 1.0627917 1.0537589\n", + " 1.0497591 1.0520937 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1515434 1.1472057 1.1569127 1.1668612 1.1569486 1.127042 1.0960236\n", + " 1.0750178 1.0654376 1.0628631 1.0620581 1.0577366 1.0498141 1.0418375\n", + " 1.0385907 1.0402538 1.0451608 0. 0. ]\n", + " [1.1898497 1.1856807 1.1960858 1.2040756 1.1915022 1.1557045 1.1186922\n", + " 1.0943898 1.0824107 1.0801306 1.0798166 1.0741297 1.0641321 1.0546881\n", + " 1.0506585 1.0527889 1.0587293 0. 0. ]\n", + " [1.161389 1.1577196 1.1682274 1.1770602 1.1653427 1.133359 1.1004384\n", + " 1.0787102 1.068425 1.0652936 1.0645318 1.0592023 1.0503372 1.0426894\n", + " 1.039386 1.0409493 1.0458516 1.0507796 1.0530796]\n", + " [1.166995 1.1634343 1.1740147 1.1830602 1.1703361 1.1377634 1.1032503\n", + " 1.0808954 1.0707874 1.068926 1.0693748 1.0650916 1.0557593 1.0475647\n", + " 1.0438783 1.0455353 0. 0. 0. ]\n", + " [1.1669765 1.1648813 1.1746901 1.1820209 1.1686411 1.1360198 1.1030234\n", + " 1.081488 1.0708196 1.0679406 1.0667981 1.0610493 1.0526837 1.04484\n", + " 1.0417817 1.0438541 1.0488273 1.053805 1.0560324]]\n", + "[[1.1770449 1.1733524 1.1838436 1.1909163 1.1789267 1.1437469 1.1089538\n", + " 1.0866069 1.0777417 1.0764959 1.0773735 1.0723251 1.0621896 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1627886 1.1595416 1.169938 1.178827 1.1667491 1.1339107 1.1016016\n", + " 1.0799135 1.0691893 1.0657644 1.063912 1.058744 1.0504248 1.0434762\n", + " 1.0403166 1.042346 1.0468645 1.051941 1.0543293 1.0553558 1.0569402]\n", + " [1.1778038 1.1762196 1.1875975 1.1970406 1.1847239 1.1512189 1.116212\n", + " 1.0920969 1.0792297 1.0745491 1.0730269 1.0668116 1.0572207 1.049157\n", + " 1.0452112 1.046815 1.0516233 1.0563927 1.0584639 1.0591434 0. ]\n", + " [1.1456709 1.1417534 1.1517887 1.1605047 1.1506072 1.1214514 1.0913228\n", + " 1.071993 1.0630715 1.060994 1.0608786 1.0564567 1.0492315 1.0418979\n", + " 1.038261 1.0397272 0. 0. 0. 0. 0. ]\n", + " [1.194299 1.1889127 1.197717 1.2056978 1.1935705 1.1581995 1.1215724\n", + " 1.0967746 1.0857549 1.0834606 1.0827285 1.0771651 1.0668535 1.0576187\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1669185 1.1616894 1.1713475 1.1805722 1.1686058 1.1371688 1.1038681\n", + " 1.0817482 1.0714977 1.0698695 1.0704854 1.0661978 1.0576118 1.0494915\n", + " 1.04589 0. 0. 0. 0. ]\n", + " [1.1726712 1.168352 1.1777809 1.1871791 1.1757437 1.143528 1.1091214\n", + " 1.086124 1.0752982 1.0728438 1.0728736 1.0681506 1.0591619 1.0508223\n", + " 1.0465838 1.0481431 1.0532646 0. 0. ]\n", + " [1.1938455 1.191027 1.2018207 1.2098532 1.1975982 1.1609781 1.1221235\n", + " 1.0970286 1.0844953 1.0798742 1.0789502 1.0731194 1.0635194 1.0541087\n", + " 1.050341 1.0519621 1.0574408 1.0628784 1.0655578]\n", + " [1.200055 1.1951331 1.206543 1.2152698 1.200316 1.1613183 1.1218349\n", + " 1.0962561 1.0855395 1.084085 1.0847918 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1715586 1.1666687 1.1766006 1.1850355 1.172241 1.1386497 1.1042974\n", + " 1.0817623 1.0711571 1.0689741 1.0689952 1.0643332 1.0556 1.0474539\n", + " 1.0438831 1.0458173 1.0515056 0. 0. ]]\n", + "[[1.184765 1.1820947 1.1931034 1.2028774 1.1894485 1.1549568 1.1183742\n", + " 1.0940788 1.0811013 1.0768348 1.0745577 1.0670904 1.057762 1.0494455\n", + " 1.0459254 1.047894 1.0534028 1.058609 1.0607872 1.0618958 1.0635476\n", + " 1.0676763]\n", + " [1.176239 1.170125 1.1782137 1.1862516 1.1761217 1.1443849 1.1105667\n", + " 1.0869005 1.076233 1.0740478 1.0736605 1.0689247 1.0597377 1.0514879\n", + " 1.0477881 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1879714 1.184927 1.1961794 1.206239 1.1934146 1.1570399 1.1186626\n", + " 1.0934215 1.0811687 1.0790881 1.078665 1.0737782 1.0640926 1.0544206\n", + " 1.0501276 1.0521139 1.0580561 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1761407 1.1734364 1.1859465 1.1956174 1.1831774 1.1487916 1.1116692\n", + " 1.0876485 1.0754827 1.0715824 1.0694122 1.0635791 1.0545679 1.0462465\n", + " 1.042998 1.04483 1.0498338 1.0546495 1.0570276 1.0582756 1.0600681\n", + " 0. ]\n", + " [1.1771513 1.1747507 1.184938 1.1932458 1.1802773 1.1451297 1.1095897\n", + " 1.0869858 1.0765637 1.0754982 1.0759413 1.0702857 1.0612134 1.052093\n", + " 1.0479381 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1692463 1.1654114 1.1771442 1.185772 1.1731855 1.1400108 1.1062363\n", + " 1.083489 1.073117 1.0708003 1.069912 1.0647099 1.0558906 1.0475627\n", + " 1.0438517 1.0457275 1.0508311 1.0559509 0. 0. 0. ]\n", + " [1.1845651 1.1810175 1.191707 1.1992649 1.1877953 1.1529058 1.1167054\n", + " 1.0921086 1.0803949 1.0768402 1.0753367 1.0705918 1.0604799 1.0523438\n", + " 1.0476751 1.0497339 1.0555525 1.061183 0. 0. 0. ]\n", + " [1.1833715 1.1805471 1.1911758 1.1988297 1.1874254 1.1530672 1.1157826\n", + " 1.0919687 1.0792642 1.07422 1.0717257 1.066369 1.057061 1.0491388\n", + " 1.0457413 1.0475483 1.0530986 1.058012 1.0605552 1.0615444 1.0630261]\n", + " [1.1904397 1.1871933 1.1977739 1.2067298 1.1935596 1.1583984 1.1201624\n", + " 1.095356 1.0823832 1.0788052 1.0774843 1.0716548 1.061863 1.0533681\n", + " 1.0497382 1.0512998 1.056865 1.0625806 1.0651487 0. 0. ]\n", + " [1.1643083 1.159101 1.1681906 1.1767682 1.1648995 1.1335658 1.1010319\n", + " 1.079641 1.0698872 1.0679853 1.0678815 1.0641489 1.0558366 1.0476028\n", + " 1.0442866 1.046096 0. 0. 0. 0. 0. ]]\n", + "[[1.1957718 1.1892874 1.198538 1.207993 1.1953421 1.1604664 1.1234277\n", + " 1.0988065 1.0874777 1.0851474 1.0844576 1.0783958 1.0677149 1.0580314\n", + " 1.0536811 1.0560542 0. 0. 0. ]\n", + " [1.1596155 1.1569874 1.1679252 1.177746 1.1661619 1.1338265 1.1010482\n", + " 1.079016 1.0685865 1.0656656 1.0644008 1.059195 1.0506698 1.0427628\n", + " 1.0394096 1.0410136 1.045514 1.0501443 1.0525928]\n", + " [1.1860799 1.180947 1.1906956 1.2004789 1.1873051 1.1521438 1.1150388\n", + " 1.0905883 1.0792303 1.0765291 1.0764818 1.0712916 1.0617865 1.0532829\n", + " 1.0492729 1.0515914 0. 0. 0. ]\n", + " [1.1698904 1.1648977 1.1730425 1.1816815 1.1713731 1.1399667 1.1070963\n", + " 1.0847355 1.0738909 1.072575 1.0723406 1.0675155 1.057979 1.0492412\n", + " 1.0454581 0. 0. 0. 0. ]\n", + " [1.1837641 1.1790096 1.1896572 1.1987562 1.1861331 1.149947 1.1131363\n", + " 1.0885879 1.0779873 1.0766357 1.0768099 1.072871 1.0628538 1.0538671\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1754696 1.1712484 1.1811845 1.1895899 1.177607 1.1441197 1.1096333\n", + " 1.0859728 1.074636 1.0716038 1.0707577 1.0663071 1.0568112 1.0491703\n", + " 1.0454329 1.0468694 1.0518476 1.0567846]\n", + " [1.1671627 1.1641774 1.1745653 1.1835022 1.1713262 1.1382064 1.1042174\n", + " 1.0822326 1.0714701 1.0686142 1.0681926 1.062987 1.0540122 1.0457771\n", + " 1.0423414 1.0440018 1.0490041 1.0539479]\n", + " [1.1813347 1.1774635 1.1874284 1.1957241 1.1827915 1.1487721 1.1137638\n", + " 1.0899417 1.0786912 1.0754814 1.0746634 1.068821 1.0592511 1.0503347\n", + " 1.0468239 1.048622 1.054201 1.0596321]\n", + " [1.1688491 1.16377 1.1737021 1.1825671 1.1707761 1.138156 1.105026\n", + " 1.0830777 1.0730703 1.0713148 1.0713421 1.0666745 1.0577662 1.0494133\n", + " 1.0451224 1.0469174 1.0524869 0. ]\n", + " [1.1807183 1.1756084 1.1847845 1.1922126 1.179584 1.1446041 1.1085593\n", + " 1.0855589 1.074532 1.0726832 1.0728121 1.0689025 1.0600818 1.0519274\n", + " 1.0481682 1.049919 0. 0. ]]\n", + "[[1.1569365 1.1540172 1.1638192 1.172827 1.1617237 1.1309837 1.0984986\n", + " 1.0771211 1.0664234 1.0643911 1.0639668 1.059743 1.0516886 1.0440879\n", + " 1.0404605 1.0419803 1.0465758 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1659594 1.1633786 1.174655 1.1830757 1.1718168 1.1393543 1.1056037\n", + " 1.0834184 1.0721905 1.0689529 1.0679247 1.0623618 1.05313 1.0452347\n", + " 1.0417553 1.0431664 1.0479728 1.0529054 1.0556502 0. 0.\n", + " 0. ]\n", + " [1.1704893 1.1672513 1.1781126 1.1877398 1.1755977 1.1417427 1.1080272\n", + " 1.0854223 1.0744734 1.0704968 1.0677348 1.0619482 1.0530189 1.0452623\n", + " 1.0424331 1.0443037 1.0496628 1.0539234 1.0563225 1.0576689 1.0597832\n", + " 1.0635098]\n", + " [1.1829525 1.1786064 1.1885259 1.1956718 1.183937 1.1492804 1.1140454\n", + " 1.0904998 1.079625 1.076805 1.0765244 1.0713022 1.0609236 1.0526496\n", + " 1.0486443 1.050778 1.0570856 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1549376 1.1495328 1.1573828 1.1645724 1.1540965 1.1241459 1.0936824\n", + " 1.0735023 1.064235 1.0628273 1.0630502 1.0594457 1.0517015 1.0442958\n", + " 1.040665 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.160444 1.1561007 1.164823 1.1725348 1.1620898 1.1315777 1.1000406\n", + " 1.0791945 1.0692878 1.0678618 1.0684127 1.0634346 1.0543722 1.0462443\n", + " 1.0423926 0. 0. 0. ]\n", + " [1.1714048 1.1684073 1.1792303 1.1879802 1.1769507 1.1430812 1.1084316\n", + " 1.0850588 1.0734977 1.0712794 1.0705562 1.0651507 1.0559331 1.0478241\n", + " 1.0444919 1.0459554 1.0512513 1.0565628]\n", + " [1.171711 1.1685364 1.1779933 1.1857461 1.1730889 1.1394341 1.105654\n", + " 1.0841643 1.0735223 1.0702894 1.0691384 1.0636097 1.0545001 1.0462903\n", + " 1.0426081 1.0443861 1.0495602 1.0545194]\n", + " [1.1731435 1.1701859 1.1807853 1.1887091 1.1759784 1.1422601 1.1081982\n", + " 1.0849037 1.0746218 1.0718546 1.0705601 1.0655397 1.0565697 1.0480075\n", + " 1.044684 1.0463151 1.0512776 1.0562313]\n", + " [1.181398 1.177792 1.1887845 1.1981243 1.1860658 1.1509418 1.1146805\n", + " 1.0906986 1.0792224 1.076365 1.0755833 1.0706799 1.0608599 1.0517042\n", + " 1.0474852 1.0492661 1.0546407 1.0600653]]\n", + "[[1.189808 1.1837276 1.1916443 1.2001837 1.1876874 1.1526017 1.116854\n", + " 1.0944934 1.0837952 1.0825887 1.0823447 1.0768946 1.0663178 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1704149 1.1662192 1.1747165 1.1822335 1.1701736 1.139623 1.1070831\n", + " 1.0844104 1.0730175 1.0697443 1.0682194 1.0630816 1.0541458 1.0463434\n", + " 1.0427266 1.0444844 1.0495753 1.0544351]\n", + " [1.1685994 1.1655316 1.1766866 1.1864549 1.173588 1.1403403 1.1061347\n", + " 1.0832763 1.0721855 1.0701687 1.0693954 1.0639151 1.0547907 1.0464991\n", + " 1.042608 1.044306 1.0496113 1.0550542]\n", + " [1.1711806 1.1668496 1.1771953 1.1852311 1.173356 1.1388617 1.1057974\n", + " 1.0839369 1.074839 1.0735593 1.0740502 1.0691833 1.0597528 1.0511376\n", + " 0. 0. 0. 0. ]\n", + " [1.1645687 1.1597444 1.1697721 1.1784927 1.167719 1.135476 1.1020554\n", + " 1.0805544 1.070393 1.068693 1.0687628 1.0639373 1.0547433 1.046541\n", + " 1.0427685 1.0444832 0. 0. ]]\n", + "[[1.168032 1.1652757 1.1762055 1.185767 1.1731411 1.1392621 1.1048455\n", + " 1.0818619 1.0710917 1.0691124 1.0680735 1.0634993 1.0542858 1.0463185\n", + " 1.042594 1.0443887 1.0494932 1.0549008 0. ]\n", + " [1.189034 1.1815208 1.1907635 1.2000697 1.18894 1.1543405 1.1176406\n", + " 1.0932364 1.0825723 1.0810739 1.0818242 1.076835 1.0664159 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1781547 1.1741484 1.1856782 1.1951247 1.1839304 1.1488988 1.1133441\n", + " 1.0894878 1.0783399 1.0766416 1.0768211 1.0715815 1.0621933 1.0528506\n", + " 1.0485256 1.050426 0. 0. 0. ]\n", + " [1.1651748 1.160679 1.1709704 1.1798255 1.1670432 1.1349744 1.1022661\n", + " 1.0807626 1.0710133 1.0700525 1.0707194 1.0658768 1.056814 1.0485892\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1922895 1.1881914 1.1978257 1.2065406 1.1937494 1.1579318 1.1221399\n", + " 1.0972306 1.0848465 1.0803317 1.0788286 1.0727873 1.0620078 1.0536239\n", + " 1.0496581 1.0519862 1.0573523 1.063093 1.0650536]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1740425 1.1687392 1.178541 1.1872847 1.174718 1.1413181 1.107478\n", + " 1.084976 1.0740156 1.0717418 1.0711626 1.0665432 1.0575523 1.0493895\n", + " 1.0460385 1.0480508 1.0538071 0. 0. 0. ]\n", + " [1.1809863 1.1773009 1.1883107 1.1974413 1.1855819 1.1510606 1.1150701\n", + " 1.0908153 1.0793438 1.0753467 1.0730364 1.0663308 1.0565369 1.0478193\n", + " 1.044217 1.0461186 1.051631 1.0566734 1.059001 1.0597357]\n", + " [1.1791034 1.1774862 1.1888471 1.1977524 1.1840333 1.1484218 1.1116871\n", + " 1.0879972 1.0764978 1.0738941 1.0725887 1.0667001 1.0572704 1.0483614\n", + " 1.0448755 1.046644 1.0519992 1.0570513 1.0598235 0. ]\n", + " [1.1633581 1.1577566 1.1657898 1.173666 1.1623844 1.1311243 1.0994029\n", + " 1.0784712 1.068515 1.0661869 1.0658498 1.0613925 1.0532376 1.04579\n", + " 1.0422379 1.043802 1.0486759 0. 0. 0. ]\n", + " [1.1759032 1.171948 1.1830031 1.1923422 1.1805177 1.1472859 1.1123121\n", + " 1.0888981 1.0772765 1.0738355 1.0721875 1.0663716 1.0570134 1.0485942\n", + " 1.0448363 1.046608 1.0519282 1.0572361 1.0600917 0. ]]\n", + "[[1.185986 1.1809582 1.1913604 1.1990366 1.1850188 1.1491705 1.1131557\n", + " 1.0898737 1.0799654 1.0788326 1.0796267 1.0748308 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1681046 1.1657181 1.1765852 1.1851721 1.1725352 1.140173 1.1064043\n", + " 1.0839412 1.0725769 1.0696964 1.0682656 1.0621653 1.053136 1.0452628\n", + " 1.0418395 1.0433599 1.0485157 1.0532923 1.0558145]\n", + " [1.1666007 1.1616728 1.1716254 1.1811185 1.1709323 1.1392518 1.1057224\n", + " 1.0832947 1.0727711 1.0700626 1.0695891 1.0649374 1.0558461 1.0479046\n", + " 1.0441204 1.046324 0. 0. 0. ]\n", + " [1.1968964 1.1911288 1.2005213 1.2097551 1.1963773 1.1592358 1.1219496\n", + " 1.0972879 1.0866346 1.0846589 1.0847633 1.0790045 1.0684581 1.0585681\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.178219 1.1748263 1.1850382 1.1933926 1.1799662 1.1459574 1.1112319\n", + " 1.0878392 1.0766332 1.073499 1.0728118 1.0673164 1.0582067 1.0495955\n", + " 1.0458896 1.0477116 1.0531716 1.0581683 0. ]]\n", + "[[1.1730462 1.1689013 1.1782774 1.1864954 1.1721412 1.1377589 1.1032861\n", + " 1.0808358 1.0708089 1.0681982 1.0679442 1.0631882 1.054344 1.0463426\n", + " 1.0431404 1.0451705 1.0502712 1.0554047]\n", + " [1.1737316 1.1691263 1.1796273 1.1888769 1.1782594 1.1449666 1.1096158\n", + " 1.0868146 1.075881 1.0738028 1.073629 1.0694631 1.0602562 1.0515267\n", + " 1.0474405 1.0494487 0. 0. ]\n", + " [1.1688545 1.1660432 1.1762208 1.183815 1.1729423 1.140465 1.1069789\n", + " 1.0841289 1.0730474 1.0707768 1.0703505 1.0651982 1.0564251 1.047986\n", + " 1.0442226 1.0459234 1.0514643 0. ]\n", + " [1.1787088 1.1740453 1.1835423 1.1915247 1.179837 1.1454941 1.1098446\n", + " 1.0864688 1.0758547 1.0738863 1.0740204 1.0693315 1.0598168 1.051452\n", + " 1.0479573 0. 0. 0. ]\n", + " [1.1552144 1.1500291 1.1588206 1.167241 1.1572757 1.1263387 1.0948429\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1670381 1.1626045 1.1731383 1.1825489 1.1719005 1.1387256 1.1044114\n", + " 1.0814466 1.0710199 1.069407 1.0698577 1.0652366 1.0566001 1.0484936\n", + " 1.0444286 1.0460187 0. 0. 0. ]\n", + " [1.1802251 1.1770213 1.1878021 1.1970161 1.1830814 1.1490263 1.1135854\n", + " 1.0894594 1.0781822 1.0752895 1.0734209 1.0675695 1.0587679 1.0506793\n", + " 1.046835 1.0489303 1.0542111 1.0598018 0. ]\n", + " [1.1687223 1.1652912 1.1751807 1.1831563 1.1703086 1.1370292 1.1037118\n", + " 1.0814341 1.070792 1.0683564 1.0677652 1.063 1.0541402 1.046625\n", + " 1.0433772 1.0449138 1.0499947 1.055196 0. ]\n", + " [1.1734536 1.1693296 1.1790837 1.1869159 1.1748284 1.1412457 1.1062132\n", + " 1.083271 1.0709411 1.0682155 1.0673008 1.0622566 1.0541859 1.0467744\n", + " 1.0433089 1.0447658 1.0495168 1.0540166 1.0563064]\n", + " [1.2025791 1.1956987 1.2046896 1.2119789 1.1980894 1.161586 1.1234856\n", + " 1.098302 1.0872595 1.0868107 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1719741 1.1668835 1.1764765 1.1859447 1.1756651 1.1434529 1.1095817\n", + " 1.0868862 1.0766202 1.0743024 1.0738983 1.0682447 1.0582036 1.0489829\n", + " 1.0448227 1.0465089 1.0522066 0. 0. 0. 0. ]\n", + " [1.1677346 1.1653801 1.1758711 1.1841335 1.1717737 1.1385912 1.1051031\n", + " 1.0830678 1.072083 1.0684164 1.0671996 1.061396 1.0524167 1.0447267\n", + " 1.041444 1.0430127 1.0476506 1.0521667 1.0542102 1.0549749 1.0564954]\n", + " [1.2024568 1.1962175 1.2069421 1.215298 1.2014173 1.163837 1.1252993\n", + " 1.1002502 1.0892437 1.0879261 1.0886897 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.2090896 1.2040232 1.2150015 1.2245737 1.21129 1.1726354 1.1326307\n", + " 1.1064277 1.0944636 1.0928968 1.0933594 1.0867373 1.074851 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1700503 1.1662903 1.1763884 1.1855981 1.1742718 1.1407099 1.1067338\n", + " 1.0837133 1.0734928 1.0707984 1.071215 1.0659345 1.0575211 1.0490772\n", + " 1.0454562 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1798201 1.1749177 1.1832378 1.1918643 1.1799546 1.1461811 1.1114851\n", + " 1.0883195 1.0779424 1.0756793 1.0750881 1.0694323 1.0600729 1.0516458\n", + " 1.0480224 1.0502328 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1661764 1.1613578 1.1713064 1.1799138 1.1696529 1.1373217 1.1039348\n", + " 1.081904 1.0717003 1.069476 1.0697397 1.0652573 1.0562189 1.0477803\n", + " 1.0437484 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1666069 1.1622968 1.1719732 1.1806958 1.1691794 1.1359469 1.1029612\n", + " 1.0806192 1.0706325 1.0682323 1.0686188 1.0645807 1.0561965 1.0482206\n", + " 1.0444576 1.0459399 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1640879 1.1608145 1.1711572 1.1797146 1.1683809 1.135482 1.101467\n", + " 1.0792893 1.0687209 1.0670847 1.0670807 1.0628275 1.0545119 1.0470445\n", + " 1.0437088 1.0454715 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1521317 1.1493108 1.1595206 1.1689641 1.1580316 1.1283 1.0975021\n", + " 1.0770508 1.066956 1.0630132 1.0605673 1.0546986 1.045955 1.0389402\n", + " 1.0360812 1.0382825 1.0431664 1.048054 1.0506371 1.0513813 1.052557\n", + " 1.0557317 1.0620422 1.070805 1.0780007 1.0817795]]\n", + "[[1.1712452 1.1665761 1.1757483 1.1830788 1.1718678 1.1396638 1.1065546\n", + " 1.0840955 1.0733564 1.0699531 1.0677133 1.0623424 1.0536433 1.0457475\n", + " 1.0426434 1.0446862 1.0497832 1.0545712 1.0569288]\n", + " [1.1742146 1.1689087 1.1792424 1.1893407 1.1787716 1.1452148 1.109898\n", + " 1.0859383 1.074564 1.0726979 1.0733947 1.0685184 1.0590333 1.0504198\n", + " 1.0463097 0. 0. 0. 0. ]\n", + " [1.1634979 1.1607633 1.1710509 1.179445 1.1674776 1.1355038 1.1020943\n", + " 1.0800567 1.0693502 1.0667286 1.065728 1.0602587 1.0522083 1.0443617\n", + " 1.0407692 1.0425667 1.0475978 1.0523827 0. ]\n", + " [1.1721308 1.1661822 1.1756321 1.1843078 1.1715974 1.1384495 1.1053331\n", + " 1.0837218 1.0745845 1.0729015 1.0727063 1.0672417 1.0571208 1.0488106\n", + " 1.0454928 0. 0. 0. 0. ]\n", + " [1.1970015 1.1908462 1.1990483 1.206859 1.1935072 1.1564374 1.118355\n", + " 1.0935562 1.0821451 1.080832 1.081296 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1704756 1.1654352 1.1761793 1.1845455 1.1729939 1.1395801 1.1053617\n", + " 1.082709 1.072318 1.0705614 1.0706475 1.066387 1.0568546 1.0487182\n", + " 1.0451403 0. 0. 0. 0. ]\n", + " [1.1709011 1.1673329 1.1773703 1.1854273 1.1731422 1.1405205 1.106563\n", + " 1.0838933 1.0733092 1.0699341 1.068415 1.0632168 1.0539653 1.0458139\n", + " 1.0422744 1.0439754 1.049151 1.0542732 1.0572101]\n", + " [1.1609517 1.156666 1.1651545 1.173205 1.1614361 1.1312878 1.0997076\n", + " 1.0778892 1.0671713 1.0648036 1.0638224 1.0593195 1.0512574 1.0437645\n", + " 1.0402789 1.0421941 1.0468663 1.0515442 0. ]\n", + " [1.1627417 1.1575823 1.1679841 1.1775409 1.1670128 1.1353173 1.1025808\n", + " 1.0809052 1.0708152 1.0682508 1.0682306 1.0629594 1.0539424 1.0455949\n", + " 1.0416858 1.0432895 1.0486685 0. 0. ]\n", + " [1.1664599 1.1617508 1.17027 1.1775823 1.1651326 1.1339302 1.1015857\n", + " 1.0803437 1.0700744 1.0689641 1.0689615 1.0649145 1.0567927 1.0485116\n", + " 1.0446029 0. 0. 0. 0. ]]\n", + "[[1.147372 1.1459912 1.1575218 1.1667544 1.1574134 1.1265953 1.0956358\n", + " 1.0753206 1.0649357 1.0609962 1.0594964 1.0541713 1.0462017 1.0391006\n", + " 1.0363221 1.0376339 1.0420532 1.045898 1.0486392 1.0493805 1.0503321\n", + " 1.0535288 1.0602655]\n", + " [1.1604615 1.1562517 1.1653676 1.173493 1.1629553 1.1320266 1.0999608\n", + " 1.0787129 1.0689257 1.0666376 1.0661833 1.0614094 1.0529479 1.0451117\n", + " 1.0416615 1.0431544 1.0482447 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1776701 1.1721176 1.1816074 1.1909007 1.1786071 1.1456898 1.1116445\n", + " 1.0885447 1.0785966 1.0765519 1.0763711 1.0708957 1.0608174 1.0515395\n", + " 1.0473703 1.0495799 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1708903 1.165354 1.1729714 1.1791825 1.1670026 1.1354711 1.1021595\n", + " 1.0810726 1.0706545 1.0688733 1.0690296 1.0645804 1.0564631 1.048937\n", + " 1.0456165 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1649536 1.161274 1.1707344 1.1787372 1.1670794 1.1354928 1.1028389\n", + " 1.0811208 1.0706264 1.0672673 1.06563 1.0607591 1.0526757 1.0449592\n", + " 1.0419296 1.0435344 1.0486871 1.053708 1.0562981 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1642 1.1603627 1.1698371 1.1766176 1.1655589 1.1337918 1.1009859\n", + " 1.0792478 1.0693942 1.0677074 1.0675973 1.0631299 1.05495 1.0469512\n", + " 1.0429579 1.044569 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1640427 1.1589551 1.1686561 1.1764101 1.1655107 1.1341809 1.1017646\n", + " 1.0801917 1.0703325 1.0679631 1.0685081 1.064083 1.0550821 1.0468689\n", + " 1.0436221 1.0453947 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1708403 1.164988 1.1722597 1.1791384 1.1678997 1.1356918 1.1026883\n", + " 1.0808307 1.070334 1.0681713 1.0676495 1.0634131 1.0554069 1.0476133\n", + " 1.0441545 1.0459784 1.0510676 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1644194 1.1620762 1.1721677 1.1811204 1.1695997 1.1372232 1.1033984\n", + " 1.0811495 1.070551 1.0672631 1.0671804 1.062327 1.0537257 1.046127\n", + " 1.0422829 1.0435721 1.0484427 1.053281 0. 0. 0.\n", + " 0. ]\n", + " [1.1673304 1.1647501 1.1760379 1.18669 1.1743795 1.1416632 1.107613\n", + " 1.0856773 1.0738293 1.0703005 1.0677208 1.0623388 1.0531596 1.0454055\n", + " 1.0424571 1.0445167 1.0497344 1.0546882 1.056853 1.057587 1.0587994\n", + " 1.0623311]]\n", + "[[1.1768838 1.1693345 1.1770453 1.1848922 1.1746851 1.1439891 1.1111445\n", + " 1.0891043 1.0786028 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1583292 1.1565936 1.1686105 1.1793839 1.1689899 1.1363151 1.1032115\n", + " 1.0809162 1.0693345 1.0655348 1.0639774 1.0583341 1.0491196 1.0418057\n", + " 1.038821 1.0406054 1.0457714 1.0503573 1.0521016 1.0522317 1.0534612\n", + " 1.0563918 1.0641915 1.0746214 1.0822492 1.0862596]\n", + " [1.1542398 1.1503056 1.1604401 1.1691681 1.1589507 1.1284615 1.0966257\n", + " 1.0755512 1.0658022 1.0637783 1.0639882 1.0598512 1.051832 1.0438025\n", + " 1.0400258 1.0411586 1.0458589 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1967651 1.1895839 1.2008948 1.2117789 1.1996529 1.1630682 1.123906\n", + " 1.0979874 1.0874138 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1775879 1.1732072 1.1827058 1.1913799 1.1807601 1.1477344 1.1125666\n", + " 1.089262 1.0770812 1.0751076 1.0753543 1.071147 1.0616603 1.0528117\n", + " 1.0488107 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1577797 1.1556488 1.1668714 1.1764838 1.1656336 1.1328347 1.10039\n", + " 1.0787921 1.0681708 1.0647811 1.0621736 1.0564882 1.0479783 1.040796\n", + " 1.0381533 1.0402261 1.0449976 1.04987 1.0520025 1.0531044 1.0547588\n", + " 1.0581161 1.0647428]\n", + " [1.1865501 1.1797421 1.189045 1.1980138 1.1844895 1.1496576 1.1149726\n", + " 1.0919194 1.0812327 1.0787492 1.0782712 1.0725206 1.0632095 1.0547754\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1562443 1.1523255 1.160866 1.168746 1.1574972 1.1270102 1.0963566\n", + " 1.0761837 1.0657339 1.062065 1.0601571 1.0552031 1.0472858 1.0408047\n", + " 1.0379477 1.0394751 1.0440688 1.0485041 1.0512692 1.0526884 1.0544037\n", + " 0. 0. ]\n", + " [1.1669036 1.1620653 1.1721721 1.180995 1.1690749 1.1367311 1.103955\n", + " 1.0825648 1.0726721 1.0713862 1.0716834 1.0668595 1.058029 1.0494165\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1662985 1.1635735 1.1746788 1.183519 1.1711586 1.1381572 1.103433\n", + " 1.0819706 1.0719407 1.0698051 1.0702877 1.0659186 1.0568371 1.0489012\n", + " 1.0450912 1.0470449 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1689328 1.1636046 1.1731569 1.1816767 1.1705649 1.1381415 1.1048338\n", + " 1.0831121 1.0731012 1.071399 1.0719377 1.0667512 1.0582658 1.0497831\n", + " 1.0460721 0. 0. 0. ]\n", + " [1.1688452 1.1653187 1.1754777 1.1828406 1.1708223 1.1384652 1.1045338\n", + " 1.0815612 1.0711114 1.0683599 1.06732 1.0629846 1.0547084 1.0468652\n", + " 1.0436053 1.0450486 1.0496247 1.0543869]\n", + " [1.1833293 1.1792948 1.1895828 1.1987908 1.1874183 1.152463 1.1162589\n", + " 1.091279 1.0796188 1.0762273 1.0758296 1.0702138 1.0602897 1.0516552\n", + " 1.0477116 1.0493875 1.0551963 1.0607779]\n", + " [1.1729707 1.1689425 1.177998 1.1864611 1.1741431 1.1406537 1.1053487\n", + " 1.0832747 1.0727266 1.0714397 1.0713081 1.0675882 1.0589199 1.0505702\n", + " 1.0467758 0. 0. 0. ]\n", + " [1.1777769 1.172318 1.1820531 1.1895912 1.1783212 1.1434605 1.108328\n", + " 1.0853735 1.0752234 1.0743138 1.074971 1.0699178 1.0605385 1.0518705\n", + " 1.048141 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1829767 1.1795326 1.189698 1.1967038 1.1859795 1.1516591 1.1167141\n", + " 1.0927972 1.0803834 1.0768508 1.0748657 1.0684526 1.0591179 1.0504957\n", + " 1.047046 1.0493503 1.0547243 1.05992 1.0619559 0. ]\n", + " [1.1896131 1.1865919 1.1973313 1.2048495 1.1927403 1.1574817 1.1205884\n", + " 1.0954899 1.0829492 1.0789826 1.0765607 1.0699905 1.0603435 1.051729\n", + " 1.0479482 1.0504788 1.0560106 1.0612798 1.0635816 1.0643435]\n", + " [1.1676854 1.1633215 1.172669 1.180264 1.1690881 1.1361518 1.102723\n", + " 1.0806623 1.0705159 1.0689228 1.0697938 1.0652922 1.0573059 1.0488772\n", + " 1.0451186 0. 0. 0. 0. 0. ]\n", + " [1.1648912 1.1630082 1.1745843 1.1838939 1.1723485 1.1392503 1.1050179\n", + " 1.0826385 1.0721397 1.0694417 1.0691259 1.0637102 1.0547491 1.0468471\n", + " 1.0428779 1.0446157 1.0500215 1.0550667 0. 0. ]\n", + " [1.1942577 1.1890292 1.1980499 1.2064959 1.1934013 1.1570692 1.119623\n", + " 1.0951838 1.0836887 1.0806739 1.0804932 1.0751636 1.0655895 1.0560927\n", + " 1.0526223 1.0550197 0. 0. 0. 0. ]]\n", + "[[1.1626 1.1598879 1.168055 1.1756402 1.1621977 1.1314491 1.0990086\n", + " 1.0773596 1.0677794 1.0652347 1.064721 1.0598315 1.0518078 1.0441731\n", + " 1.0409238 1.0423297 1.0472664 1.0518726 0. 0. 0. ]\n", + " [1.1863937 1.1828481 1.1940788 1.2040893 1.1917343 1.1556834 1.117836\n", + " 1.0924858 1.0802305 1.0775722 1.075893 1.0696752 1.0597715 1.0514107\n", + " 1.0476758 1.0499008 1.055665 1.0612054 1.0635571 0. 0. ]\n", + " [1.1568366 1.1522869 1.1612728 1.1697348 1.1591604 1.1284709 1.0967822\n", + " 1.0752515 1.0656114 1.0628672 1.0628619 1.0583602 1.0502073 1.0432205\n", + " 1.0396253 1.0411762 1.0459359 1.0505883 0. 0. 0. ]\n", + " [1.1650367 1.1622225 1.172796 1.1825901 1.1714646 1.1398783 1.1066408\n", + " 1.0840737 1.0722452 1.0686433 1.0661118 1.0595766 1.0511147 1.0433269\n", + " 1.0402017 1.0418316 1.0468451 1.0516108 1.054399 1.055217 1.0569907]\n", + " [1.1834564 1.1781512 1.1869978 1.193983 1.1804833 1.1459322 1.1116767\n", + " 1.0888972 1.0775777 1.0747914 1.0737399 1.068678 1.059802 1.0511389\n", + " 1.047694 1.0496742 1.0551082 1.0607907 0. 0. 0. ]]\n", + "[[1.1739628 1.1716642 1.1821396 1.192028 1.179857 1.1475343 1.1136116\n", + " 1.0901138 1.0776762 1.0733678 1.0707871 1.0643151 1.0546854 1.0466589\n", + " 1.0438329 1.0457464 1.0513314 1.0561424 1.0584295 1.0596122 1.0602859\n", + " 1.0637635 1.0714604]\n", + " [1.178713 1.175171 1.1845273 1.1933062 1.1798987 1.1471236 1.1129028\n", + " 1.0894064 1.0775363 1.0732923 1.0709519 1.0650593 1.0561149 1.0481721\n", + " 1.0448093 1.0469819 1.0521015 1.0569794 1.0594383 1.0603561 0.\n", + " 0. 0. ]\n", + " [1.1627405 1.1602489 1.1706492 1.1801646 1.1690717 1.1369069 1.1040936\n", + " 1.081762 1.0701314 1.066249 1.0642245 1.058345 1.0497991 1.0424529\n", + " 1.039581 1.0411987 1.0461265 1.0506063 1.0530505 1.0542537 1.0559007\n", + " 1.0592388 0. ]\n", + " [1.1885946 1.1840937 1.1941977 1.2034004 1.189243 1.1542948 1.1182575\n", + " 1.094385 1.0830141 1.0808126 1.0811728 1.0754747 1.0653741 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1645385 1.1611867 1.1711845 1.1802264 1.1679796 1.135186 1.1016487\n", + " 1.0799727 1.0697498 1.0683377 1.0679737 1.0634255 1.0548519 1.0468743\n", + " 1.043203 1.0446565 1.0496376 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1923645 1.1862767 1.196973 1.2051071 1.1920062 1.1558005 1.1184884\n", + " 1.0941457 1.0836029 1.0825906 1.0830647 1.0779463 1.0674441 1.0572449\n", + " 0. 0. 0. 0. ]\n", + " [1.1776891 1.174354 1.1849855 1.1940838 1.1817808 1.1467088 1.1107582\n", + " 1.0875468 1.076562 1.0742375 1.0739772 1.0690969 1.0600375 1.0511082\n", + " 1.0470566 1.0489242 1.0545443 0. ]\n", + " [1.160146 1.1566788 1.1663849 1.1748401 1.1629 1.1310765 1.0987127\n", + " 1.0767411 1.0668901 1.0644412 1.0637366 1.0591264 1.0510577 1.043338\n", + " 1.0402484 1.0416386 1.0464082 1.051456 ]\n", + " [1.1723382 1.1698937 1.1809729 1.18962 1.1762149 1.1426888 1.1083751\n", + " 1.0855879 1.0756966 1.0738769 1.073977 1.0696286 1.0601743 1.0512645\n", + " 1.0473737 0. 0. 0. ]\n", + " [1.204699 1.1982617 1.2078209 1.216355 1.2016201 1.1642005 1.1267647\n", + " 1.1026925 1.0915378 1.0903844 1.090203 1.0835091 1.0716265 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1862502 1.1821016 1.1922164 1.201639 1.1888252 1.1547539 1.119333\n", + " 1.0950745 1.0826278 1.0786351 1.0769191 1.070847 1.0611428 1.0526087\n", + " 1.0483994 1.0504366 1.0559587 1.0611802 1.0636967 0. ]\n", + " [1.1705453 1.1666946 1.17758 1.1872034 1.1748812 1.141351 1.1070213\n", + " 1.0842301 1.0733125 1.0701174 1.0689973 1.0640503 1.0548848 1.0467287\n", + " 1.0430515 1.0446324 1.0496006 1.0546986 1.0571321 0. ]\n", + " [1.1715991 1.1702476 1.1824685 1.1911032 1.1800983 1.1460822 1.1107078\n", + " 1.0866705 1.0747194 1.0712005 1.0692289 1.0633141 1.0543268 1.046554\n", + " 1.0424439 1.0444115 1.049698 1.0546559 1.0573022 1.058757 ]\n", + " [1.1885216 1.183596 1.1965497 1.2077165 1.1936529 1.1565782 1.1187568\n", + " 1.093902 1.0831317 1.0802186 1.079657 1.0741642 1.0640963 1.0547897\n", + " 1.0503532 1.0528629 1.0589361 1.0649903 0. 0. ]\n", + " [1.1913064 1.1859331 1.1961656 1.2056718 1.1929175 1.1576138 1.1204547\n", + " 1.0961691 1.0847702 1.0821819 1.0824178 1.0770893 1.066704 1.0572987\n", + " 1.0525641 0. 0. 0. 0. 0. ]]\n", + "[[1.1649497 1.1625776 1.1723895 1.1810598 1.1698802 1.1372589 1.104563\n", + " 1.0823838 1.0712382 1.0677006 1.0660616 1.0603813 1.052345 1.0448664\n", + " 1.0412925 1.0432378 1.0478698 1.0526768 1.0551901 1.056322 ]\n", + " [1.1865846 1.1812787 1.1903269 1.1983297 1.1844013 1.1507281 1.1155714\n", + " 1.0920951 1.0810084 1.0781399 1.0782942 1.0730112 1.0633575 1.0546929\n", + " 1.050747 1.0530905 0. 0. 0. 0. ]\n", + " [1.1774876 1.1732823 1.1823553 1.1918265 1.1786602 1.1441352 1.1091341\n", + " 1.086083 1.0764321 1.0756541 1.076267 1.0711166 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1949587 1.1861706 1.194963 1.2037934 1.1906432 1.1551412 1.11828\n", + " 1.0933744 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1838994 1.1790888 1.1889145 1.1981355 1.185399 1.1517173 1.1160349\n", + " 1.0915935 1.0809544 1.0780883 1.0770231 1.0716951 1.0612171 1.0518363\n", + " 1.0475817 1.0492706 1.0548635 1.0601912 0. 0. ]]\n", + "[[1.1626029 1.1579897 1.1660364 1.1732794 1.1606476 1.1302376 1.0986081\n", + " 1.0773952 1.0675001 1.0645341 1.06409 1.0596207 1.0515939 1.0441886\n", + " 1.0407834 1.0422664 1.0471549 0. 0. ]\n", + " [1.1698931 1.1660855 1.1758006 1.1853899 1.1728361 1.1386416 1.104559\n", + " 1.0826697 1.0732163 1.0720572 1.072136 1.0679058 1.0584904 1.0499339\n", + " 1.046133 0. 0. 0. 0. ]\n", + " [1.1754524 1.1730756 1.1848727 1.1937981 1.1809617 1.1458614 1.1097703\n", + " 1.086192 1.0749761 1.072237 1.0709288 1.0652208 1.0559989 1.0477536\n", + " 1.0439721 1.0458906 1.0507675 1.0556906 1.0585175]\n", + " [1.1672732 1.1640689 1.1747231 1.1838602 1.174006 1.1402884 1.1067644\n", + " 1.0839272 1.0741099 1.0726256 1.0722212 1.0670571 1.0572395 1.048648\n", + " 1.0447836 0. 0. 0. 0. ]\n", + " [1.177928 1.1744119 1.1849043 1.1927806 1.1794181 1.1452541 1.1101406\n", + " 1.0874083 1.076723 1.0746747 1.0747256 1.069366 1.0599564 1.0514245\n", + " 1.047641 1.0498294 0. 0. 0. ]]\n", + "[[1.1448305 1.1408076 1.150618 1.1607066 1.1525989 1.124462 1.094476\n", + " 1.0737221 1.0638196 1.0601978 1.0584927 1.0535843 1.0450486 1.0382358\n", + " 1.0356119 1.037678 1.0423769 1.0469263 1.049611 1.050053 1.0512611\n", + " 1.0544573 1.0606354 1.0692492 1.0759983 1.0794674 1.0807455 1.0773546\n", + " 1.0704484]\n", + " [1.1758924 1.1725329 1.183284 1.1922244 1.1801643 1.1464653 1.1113545\n", + " 1.0883832 1.0767555 1.0730604 1.0708878 1.064978 1.0551811 1.0471201\n", + " 1.0436606 1.0451105 1.0502875 1.0553056 1.0581934 1.0596244 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1760689 1.1722851 1.1824987 1.1916745 1.1793545 1.1461662 1.112091\n", + " 1.0889853 1.0767713 1.071907 1.0698483 1.0638458 1.0545679 1.04709\n", + " 1.0438927 1.0459458 1.0513785 1.0561681 1.0585431 1.059287 1.0607696\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1814157 1.1801834 1.1927199 1.2014982 1.1897328 1.1532167 1.1149211\n", + " 1.0901686 1.0777231 1.0755211 1.0745664 1.0684241 1.0593314 1.0503389\n", + " 1.0466249 1.0480862 1.05315 1.0583446 1.0612129 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1643686 1.1617756 1.1729999 1.1823432 1.1699764 1.137619 1.1042011\n", + " 1.0813446 1.0701022 1.0661461 1.0645412 1.058458 1.0502375 1.0430508\n", + " 1.0401533 1.0416008 1.0468986 1.0519978 1.0548737 1.0560234 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1769193 1.1757174 1.1873326 1.1969478 1.184332 1.1499894 1.1144209\n", + " 1.089975 1.0780648 1.0736997 1.0716468 1.0655648 1.0564746 1.0483701\n", + " 1.044958 1.0466118 1.0518283 1.0568947 1.0592432 1.0600817 0.\n", + " 0. ]\n", + " [1.1758399 1.1708432 1.1817366 1.1909573 1.1789052 1.1461078 1.1120954\n", + " 1.0892416 1.07857 1.0771147 1.0768523 1.0714597 1.062102 1.0530229\n", + " 1.048869 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1644585 1.1613991 1.1714257 1.1796122 1.1669049 1.1341281 1.1010875\n", + " 1.079122 1.0687809 1.0661722 1.065331 1.0609252 1.0528272 1.045544\n", + " 1.042148 1.0442257 1.0493021 1.0544697 0. 0. 0.\n", + " 0. ]\n", + " [1.1606536 1.1572148 1.1684183 1.1781847 1.1675259 1.1350106 1.1013699\n", + " 1.079006 1.069109 1.0673041 1.067697 1.0637071 1.054541 1.0465811\n", + " 1.0426433 1.0440229 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1745156 1.1715169 1.1819448 1.1913123 1.1802828 1.1471874 1.1126243\n", + " 1.0892586 1.0774395 1.0731193 1.0710247 1.0649042 1.0558357 1.0481501\n", + " 1.0446455 1.0468882 1.0520636 1.0566897 1.0587721 1.0593065 1.0606456\n", + " 1.0643371]]\n", + "[[1.1908913 1.1838814 1.1900622 1.1963725 1.185584 1.1521626 1.1179974\n", + " 1.0945845 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1662384 1.1622095 1.1711801 1.1793077 1.165979 1.133069 1.09986\n", + " 1.0784878 1.0686924 1.0661305 1.0652001 1.0604116 1.0518997 1.0441253\n", + " 1.041006 1.0430487 1.0481564 1.0529748]\n", + " [1.1572312 1.153784 1.1652148 1.1742905 1.1637292 1.131991 1.099017\n", + " 1.0775633 1.0675665 1.0652918 1.0656745 1.0610543 1.0517701 1.0439487\n", + " 1.0400358 1.041738 1.0468247 0. ]\n", + " [1.1638228 1.1589465 1.1679305 1.1754968 1.1643859 1.1327653 1.099891\n", + " 1.0784925 1.0685371 1.0673958 1.0679561 1.0637413 1.0561697 1.0481335\n", + " 1.044742 0. 0. 0. ]\n", + " [1.1694307 1.1642709 1.1741837 1.1822764 1.1716533 1.1394335 1.1054914\n", + " 1.083368 1.0728191 1.0715963 1.0715127 1.0669396 1.0575608 1.0490974\n", + " 1.0450591 0. 0. 0. ]]\n", + "[[1.171763 1.1685381 1.1795454 1.1873821 1.1751474 1.1404824 1.1055878\n", + " 1.083204 1.0729254 1.0709735 1.071203 1.0668492 1.0570923 1.0488882\n", + " 1.0453148 1.0469371 1.0525291 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1916707 1.1861799 1.1960673 1.2049806 1.1922992 1.1578988 1.1213615\n", + " 1.0967804 1.0855197 1.0829298 1.0824765 1.0771078 1.0663885 1.0568454\n", + " 1.0524324 1.0547336 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1755617 1.171478 1.1809424 1.1891385 1.1765542 1.14296 1.108445\n", + " 1.0852914 1.0752513 1.0728757 1.073349 1.0682427 1.0588255 1.0505507\n", + " 1.0462977 1.0485123 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1624637 1.1603702 1.1704352 1.179307 1.166816 1.1321415 1.1004461\n", + " 1.0781753 1.0690153 1.0676618 1.0675808 1.0633599 1.0546788 1.0468858\n", + " 1.0434833 1.0452175 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1628015 1.1611104 1.1730049 1.1826197 1.1714779 1.137902 1.1040695\n", + " 1.081608 1.0705463 1.066756 1.0653853 1.0600309 1.0513923 1.0444024\n", + " 1.041077 1.0426967 1.0476096 1.0520682 1.0543622 1.0549964 1.0561916\n", + " 1.0599858]]\n", + "[[1.1707062 1.1679126 1.1788695 1.1870856 1.1748554 1.141099 1.106917\n", + " 1.084478 1.0734495 1.0702044 1.068971 1.0632875 1.0546336 1.0465899\n", + " 1.043236 1.0448862 1.0495116 1.0545517 1.0567704]\n", + " [1.163218 1.1604623 1.1696284 1.1791029 1.167502 1.135071 1.1019354\n", + " 1.080619 1.0704057 1.0683941 1.0687004 1.0643023 1.0554034 1.0475781\n", + " 1.0437205 1.045728 0. 0. 0. ]\n", + " [1.1667607 1.1631769 1.1729165 1.1817275 1.1702528 1.1375844 1.1037703\n", + " 1.0818076 1.071167 1.0690285 1.0686605 1.0639663 1.0552151 1.0472664\n", + " 1.0437516 1.0454508 1.0509923 0. 0. ]\n", + " [1.184265 1.1803781 1.1899894 1.196686 1.1822424 1.147427 1.111642\n", + " 1.0888873 1.0782137 1.0758271 1.0751626 1.0701383 1.0608727 1.0521435\n", + " 1.0490233 1.051347 1.0575273 0. 0. ]\n", + " [1.1581006 1.1528133 1.1602628 1.167071 1.1560919 1.1260507 1.0955348\n", + " 1.0753878 1.0657948 1.0632089 1.0632324 1.0592616 1.0513554 1.0439662\n", + " 1.0403993 1.0418537 1.0464455 0. 0. ]]\n", + "[[1.1824356 1.178542 1.1891897 1.1966892 1.1844186 1.15042 1.1144153\n", + " 1.0895767 1.0778139 1.0743201 1.0722551 1.0673977 1.0577601 1.050244\n", + " 1.0464592 1.0488251 1.0539963 1.0589558 1.0613097 0. 0.\n", + " 0. ]\n", + " [1.1891005 1.1819686 1.1902303 1.1979856 1.1850991 1.1508874 1.1149571\n", + " 1.0918314 1.0814842 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1510077 1.1484709 1.1574969 1.1662357 1.1561007 1.1270381 1.097825\n", + " 1.0773565 1.0668575 1.0625399 1.0602472 1.0547179 1.046335 1.0395904\n", + " 1.0366844 1.0382341 1.0422945 1.04639 1.0488427 1.0497822 1.0508217\n", + " 1.0541012]\n", + " [1.1758089 1.1733367 1.1841316 1.1933768 1.1804297 1.1456969 1.1103168\n", + " 1.0861892 1.0754085 1.072533 1.0712839 1.066691 1.0576475 1.0491829\n", + " 1.045604 1.0469636 1.0519718 1.0571736 0. 0. 0.\n", + " 0. ]\n", + " [1.1697905 1.1667559 1.1777484 1.186341 1.1749518 1.1421132 1.1071821\n", + " 1.0842092 1.0727866 1.0694386 1.06811 1.0633035 1.0544177 1.0468245\n", + " 1.0427752 1.0444432 1.0496008 1.0549752 1.0580945 0. 0.\n", + " 0. ]]\n", + "[[1.1906435 1.1827545 1.1906762 1.1983806 1.185171 1.1513017 1.1161114\n", + " 1.0930955 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1545347 1.151305 1.1609029 1.1699395 1.1581529 1.1282394 1.0967716\n", + " 1.0758467 1.0653018 1.0631917 1.0626355 1.0586376 1.0510824 1.0434237\n", + " 1.0401452 1.0417521 1.0463244 0. 0. 0. 0. ]\n", + " [1.1505977 1.1474272 1.1572373 1.1654606 1.1549048 1.1249704 1.095018\n", + " 1.0747018 1.0636619 1.060309 1.0583872 1.0531873 1.0449984 1.0391121\n", + " 1.036656 1.038169 1.0424141 1.0469648 1.0492206 1.0502378 1.0514874]\n", + " [1.1641057 1.1583203 1.1663301 1.1749132 1.1642773 1.133659 1.1019803\n", + " 1.0803443 1.0701971 1.0672623 1.0676945 1.0635937 1.055269 1.0477303\n", + " 1.0439345 1.0456278 0. 0. 0. 0. 0. ]\n", + " [1.1601139 1.1569926 1.1664943 1.1738853 1.1627088 1.1309094 1.0986536\n", + " 1.0778319 1.0680623 1.0657765 1.0655673 1.0608208 1.0526869 1.0449551\n", + " 1.0414146 1.0434802 1.048569 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.163271 1.1591618 1.168697 1.1765584 1.1660606 1.1349707 1.1031384\n", + " 1.0819224 1.0721402 1.0702376 1.0699593 1.0645608 1.0558045 1.0476025\n", + " 1.0436738 0. 0. 0. 0. 0. ]\n", + " [1.1618071 1.1599966 1.1701943 1.1785979 1.1660568 1.1340104 1.1016325\n", + " 1.0790284 1.0692661 1.0665793 1.0655574 1.0609349 1.0526335 1.0445961\n", + " 1.0412043 1.0427146 1.0474061 1.0524986 0. 0. ]\n", + " [1.1817577 1.1769882 1.1876383 1.1974697 1.184725 1.1492206 1.1138082\n", + " 1.091026 1.0813013 1.0805466 1.080598 1.075316 1.0644026 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1859863 1.1810371 1.1903533 1.1987499 1.1857579 1.1513507 1.1160386\n", + " 1.092843 1.0825487 1.080464 1.0812397 1.0758963 1.0656228 1.0559269\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.173149 1.1711375 1.1821942 1.190935 1.1767173 1.1425251 1.1084098\n", + " 1.085859 1.0747492 1.0714316 1.0698452 1.0638667 1.0548271 1.046855\n", + " 1.0432762 1.045197 1.04982 1.054835 1.0573919 1.0584114]]\n", + "[[1.165889 1.162593 1.1732466 1.1830034 1.171603 1.1393987 1.1054182\n", + " 1.0828652 1.0715926 1.0677514 1.0664029 1.0607406 1.0520451 1.0446572\n", + " 1.0414196 1.0429237 1.0473635 1.0523005 1.0545502 1.0551509 1.056307\n", + " 1.0594382]\n", + " [1.1654181 1.1621265 1.1734952 1.1821911 1.1711068 1.1381354 1.1041107\n", + " 1.0814853 1.0713978 1.0699147 1.069881 1.0656912 1.0569301 1.0485322\n", + " 1.0452253 1.0467961 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1624177 1.1593072 1.1692383 1.1767638 1.1646974 1.1323456 1.0998431\n", + " 1.0787666 1.0699803 1.0686165 1.0687593 1.0649799 1.0562992 1.0481728\n", + " 1.0445224 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1733001 1.1713431 1.1824332 1.1918887 1.1806418 1.1467686 1.1122048\n", + " 1.0893068 1.0777621 1.0736481 1.0717543 1.0649762 1.0557189 1.0471576\n", + " 1.0439552 1.0458528 1.0510249 1.0557954 1.0578518 1.0580082 0.\n", + " 0. ]\n", + " [1.166327 1.1603296 1.1691302 1.1783687 1.1692495 1.1386064 1.1056119\n", + " 1.0836518 1.0729951 1.0713111 1.071087 1.0668416 1.0575471 1.0491483\n", + " 1.0454782 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1594 1.1556296 1.166267 1.1756277 1.1640368 1.1315773 1.0979029\n", + " 1.0767713 1.0670891 1.0657523 1.066347 1.0619943 1.053393 1.0450519\n", + " 1.0414395 1.0434619 0. 0. 0. ]\n", + " [1.169944 1.1670887 1.1774832 1.1849852 1.1728584 1.1399446 1.1060845\n", + " 1.0839757 1.0726615 1.0694482 1.0679833 1.062492 1.0533292 1.045465\n", + " 1.0424795 1.0440602 1.0487556 1.0535988 1.0560133]\n", + " [1.158327 1.1551437 1.1651727 1.1741493 1.1630507 1.1318064 1.0990423\n", + " 1.0775136 1.0663794 1.0636568 1.0620799 1.0572937 1.0494831 1.0421351\n", + " 1.0391365 1.0404407 1.0448221 1.0493182 1.0515615]\n", + " [1.1699231 1.1666459 1.1757535 1.1833293 1.171173 1.1375825 1.1035062\n", + " 1.08132 1.0710638 1.0683471 1.0686305 1.0639753 1.0558217 1.0477936\n", + " 1.0442848 1.0461814 1.0516409 0. 0. ]\n", + " [1.1744579 1.170831 1.1810255 1.1903983 1.1783481 1.145406 1.1104761\n", + " 1.0867184 1.0759553 1.0730375 1.0723947 1.0668002 1.0579225 1.049555\n", + " 1.0452118 1.0466801 1.0518965 1.0569897 0. ]]\n", + "[[1.1643262 1.1621137 1.174266 1.1853306 1.1739733 1.1415992 1.106972\n", + " 1.0834985 1.0717442 1.067347 1.0652572 1.0592992 1.0504756 1.0427256\n", + " 1.0397456 1.0413362 1.0465981 1.0511352 1.0538874 1.0547282 1.0558372\n", + " 1.0591841 1.0663886]\n", + " [1.1656237 1.1609282 1.1716514 1.1811684 1.1691608 1.1359321 1.1022811\n", + " 1.0800655 1.0700188 1.0678866 1.0677516 1.0631466 1.0545613 1.0458133\n", + " 1.0421731 1.0438372 1.0492004 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1687689 1.1637917 1.1733682 1.1805415 1.1689339 1.1367242 1.1029855\n", + " 1.081187 1.0707875 1.0693481 1.0691954 1.0649799 1.0555781 1.0476588\n", + " 1.0439397 1.0453831 1.0505773 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2036209 1.1981999 1.2085435 1.2190529 1.20517 1.1664397 1.1276611\n", + " 1.1013243 1.090691 1.0898626 1.0906327 1.0846822 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1664672 1.1643989 1.1752664 1.1850245 1.1722425 1.1387899 1.1047767\n", + " 1.0815489 1.0711482 1.0684108 1.0683398 1.0627824 1.0537047 1.0457808\n", + " 1.0420746 1.0441192 1.0493646 1.0545546 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.183021 1.1784637 1.1867276 1.1941787 1.1797808 1.1450853 1.1112564\n", + " 1.0889935 1.0789204 1.0775018 1.0780171 1.0729351 1.0629269 0.\n", + " 0. 0. 0. ]\n", + " [1.1552733 1.1504794 1.1583042 1.1653547 1.1532474 1.1238264 1.0942458\n", + " 1.0746403 1.0654448 1.0637523 1.0632606 1.0590869 1.0510643 1.0437483\n", + " 1.0404679 1.0424172 0. ]\n", + " [1.174204 1.1697416 1.1796579 1.1871502 1.174819 1.1407399 1.1059134\n", + " 1.083207 1.0737088 1.072159 1.0723997 1.0677398 1.0583444 1.0498935\n", + " 0. 0. 0. ]\n", + " [1.2187797 1.2102456 1.2195596 1.2281497 1.2139496 1.1761202 1.1374253\n", + " 1.1119304 1.1001089 1.0984799 1.0978501 1.0906215 1.0777584 0.\n", + " 0. 0. 0. ]\n", + " [1.1805816 1.1755006 1.1833906 1.190485 1.177354 1.143719 1.1086037\n", + " 1.0855325 1.0743419 1.0717857 1.0705601 1.0658861 1.0572418 1.0491402\n", + " 1.0455939 1.0475019 1.0530119]]\n", + "[[1.2052058 1.198313 1.2075462 1.2149715 1.2023659 1.1659789 1.1278937\n", + " 1.1022099 1.0905269 1.0885797 1.0888133 1.0836773 1.0729718 1.0622342\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.18125 1.1781762 1.188422 1.1970712 1.1861162 1.151489 1.1152351\n", + " 1.0919136 1.0787342 1.0750649 1.0733738 1.0674766 1.0577948 1.0495975\n", + " 1.0461636 1.0476395 1.0531657 1.058081 1.0603836 1.0611134]\n", + " [1.176111 1.1724527 1.1833766 1.193629 1.1813706 1.1480178 1.1126465\n", + " 1.0888208 1.0777339 1.0751456 1.0753335 1.0705063 1.0611207 1.052419\n", + " 1.0484912 1.0505041 0. 0. 0. 0. ]\n", + " [1.1656209 1.1625946 1.1733966 1.1816571 1.168692 1.1351787 1.101189\n", + " 1.0788975 1.068969 1.0670562 1.0672251 1.0624702 1.0537182 1.0458343\n", + " 1.0421487 1.0439615 1.0491586 0. 0. 0. ]\n", + " [1.187254 1.183582 1.1940669 1.202713 1.1899712 1.1546855 1.1182153\n", + " 1.0928154 1.0807055 1.0771847 1.0753759 1.0696453 1.0602207 1.0517808\n", + " 1.0484108 1.0500935 1.0556405 1.0606893 1.0635219 0. ]]\n", + "[[1.1679235 1.1644479 1.1742526 1.1821177 1.170136 1.1371526 1.1039133\n", + " 1.0823644 1.0718776 1.0693794 1.0687947 1.0626327 1.053791 1.0456828\n", + " 1.0424066 1.0443829 1.0502483 0. ]\n", + " [1.1572924 1.1547446 1.1649861 1.1736174 1.161594 1.1301693 1.0977337\n", + " 1.0764343 1.0669597 1.0647852 1.0644617 1.0596375 1.051036 1.0431569\n", + " 1.0400577 1.041624 1.0462341 1.051322 ]\n", + " [1.164254 1.1589665 1.1661315 1.1733621 1.1613232 1.1306454 1.0994532\n", + " 1.0779359 1.0677948 1.0646436 1.063999 1.0596282 1.0519714 1.0449029\n", + " 1.0413302 1.0431453 1.0479931 1.0531251]\n", + " [1.1698349 1.1675801 1.1790577 1.1881361 1.1768881 1.1424768 1.1064886\n", + " 1.0842817 1.0735184 1.0713296 1.0713055 1.0662229 1.0566286 1.0480825\n", + " 1.0444155 1.0459492 1.0514094 0. ]\n", + " [1.1512636 1.1474464 1.1560364 1.1635215 1.1522307 1.1217899 1.0926222\n", + " 1.0731432 1.0636934 1.0611237 1.0610678 1.0567731 1.0491549 1.0422107\n", + " 1.0389981 1.0406559 1.0451387 0. ]]\n", + "[[1.1627269 1.1603918 1.1721426 1.1820316 1.1707724 1.137781 1.1034704\n", + " 1.0805678 1.0695782 1.0664806 1.0648625 1.0600464 1.0512305 1.043929\n", + " 1.040069 1.0418355 1.0467273 1.0512772 1.0537039 1.0543424]\n", + " [1.1557086 1.1543815 1.1651212 1.1735469 1.1623769 1.1307516 1.0980446\n", + " 1.0769928 1.0665357 1.0629538 1.0616268 1.0568024 1.0484335 1.0411382\n", + " 1.037916 1.0391095 1.0438613 1.0484095 1.050823 1.0518917]\n", + " [1.1920695 1.1876991 1.1979892 1.2060717 1.192728 1.1567234 1.1199585\n", + " 1.0949024 1.0826316 1.0785952 1.0768521 1.0702773 1.0606315 1.051717\n", + " 1.04813 1.0504423 1.056594 1.0627091 1.0657853 0. ]\n", + " [1.1586227 1.1534337 1.1621749 1.1703801 1.1590961 1.1282328 1.0973985\n", + " 1.0767903 1.0673938 1.0662298 1.0661558 1.0617803 1.0527709 1.0450034\n", + " 1.0415237 0. 0. 0. 0. 0. ]\n", + " [1.1602105 1.1586058 1.1686325 1.1770226 1.1651047 1.133288 1.1002101\n", + " 1.0783162 1.0678841 1.0645357 1.0640523 1.0594546 1.0512779 1.0440305\n", + " 1.0405526 1.0419245 1.0467662 1.0511686 1.0534832 0. ]]\n", + "[[1.1688392 1.1658994 1.1770303 1.1867553 1.175431 1.1425552 1.1076757\n", + " 1.0850923 1.0736221 1.0699874 1.0680188 1.0617592 1.0527691 1.0455008\n", + " 1.0423 1.0440983 1.049157 1.053532 1.0560937 1.0569979 1.0587578\n", + " 1.062507 0. ]\n", + " [1.1734496 1.170387 1.1808181 1.1887884 1.177937 1.1455612 1.1112356\n", + " 1.0878963 1.0753711 1.0712485 1.0688207 1.0628397 1.0540286 1.0467423\n", + " 1.0438702 1.0460373 1.0510905 1.0562645 1.0581005 1.059483 1.0607406\n", + " 1.064198 1.0714259]\n", + " [1.1592817 1.1548297 1.1642824 1.1726435 1.1611861 1.1303216 1.0984035\n", + " 1.0770637 1.0675181 1.0648422 1.0644785 1.0594867 1.0509032 1.0431223\n", + " 1.0397904 1.0413392 1.046071 1.0509592 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1797156 1.176321 1.1854031 1.1944124 1.1812603 1.1481364 1.1140518\n", + " 1.0907416 1.0785542 1.0740935 1.072082 1.066437 1.0571352 1.0487983\n", + " 1.045395 1.0478966 1.0533108 1.0578482 1.0603633 1.0610039 0.\n", + " 0. 0. ]\n", + " [1.178589 1.1746713 1.1842936 1.1927711 1.180251 1.146361 1.1110542\n", + " 1.0879216 1.0762393 1.0732117 1.0717016 1.0664271 1.0573285 1.0486115\n", + " 1.0449865 1.0464878 1.0513158 1.056456 1.0591968 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1594609 1.1565647 1.1667286 1.1755934 1.1633458 1.1311095 1.098263\n", + " 1.0767298 1.0667868 1.0644758 1.0638714 1.0595322 1.0516434 1.0438235\n", + " 1.0403163 1.0419226 1.0465463 1.0516151 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1736555 1.1702976 1.1806077 1.189176 1.1775305 1.1436163 1.1080673\n", + " 1.0851648 1.074038 1.0710318 1.0703667 1.0654254 1.056076 1.0482576\n", + " 1.0446619 1.046135 1.0514466 1.0566659 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1891314 1.183923 1.194422 1.2036306 1.1900227 1.1545534 1.1172593\n", + " 1.0927063 1.0814757 1.0787302 1.079096 1.0738801 1.0630736 1.0537179\n", + " 1.0494777 1.0516173 1.0575849 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1580945 1.1555754 1.1655988 1.1750406 1.1645532 1.1334646 1.101493\n", + " 1.0806687 1.0698272 1.0657614 1.0631851 1.0576247 1.0488229 1.0415921\n", + " 1.0385216 1.0407993 1.0456502 1.0503794 1.0528481 1.0531323 1.0546043\n", + " 1.0576094 1.064219 1.073781 1.0816002]\n", + " [1.170083 1.1677241 1.1787293 1.1887157 1.1773392 1.1446136 1.110465\n", + " 1.0868843 1.0739801 1.0698435 1.0677967 1.0618023 1.0535612 1.0460672\n", + " 1.0430146 1.0443372 1.0490736 1.0539412 1.055958 1.056595 1.058127\n", + " 1.0616639 0. 0. 0. ]]\n", + "[[1.1515852 1.1472621 1.1551772 1.1620156 1.1526386 1.1242588 1.0954196\n", + " 1.0758656 1.0664873 1.0637122 1.0624667 1.0573659 1.0488179 1.0415264\n", + " 1.0380135 1.0396315 1.0443403]\n", + " [1.1670618 1.1624701 1.1719711 1.1804361 1.1692096 1.1374563 1.1042968\n", + " 1.0822706 1.072101 1.070241 1.0698766 1.0650833 1.05586 1.0477111\n", + " 1.0442744 1.0461335 0. ]\n", + " [1.1831717 1.1779553 1.1866525 1.1943109 1.1804963 1.1462833 1.1108224\n", + " 1.0871801 1.0764537 1.0739205 1.0734167 1.0690771 1.0600733 1.051285\n", + " 1.0474823 1.0494305 1.0550809]\n", + " [1.1681845 1.162645 1.1712341 1.178187 1.1648486 1.1340424 1.1013161\n", + " 1.0810132 1.071783 1.0706215 1.0708984 1.0668772 1.0576047 0.\n", + " 0. 0. 0. ]\n", + " [1.1815176 1.1771247 1.188989 1.1979992 1.1855203 1.1499591 1.1127555\n", + " 1.08872 1.0788827 1.0782027 1.0791305 1.0738056 1.0633535 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1764245 1.1717898 1.1824045 1.19199 1.179997 1.1461762 1.1107048\n", + " 1.0880188 1.0775573 1.0753716 1.0759449 1.0710738 1.061552 1.0523025\n", + " 1.0482255 0. 0. 0. 0. ]\n", + " [1.1699146 1.1653957 1.1756133 1.1824441 1.1700658 1.1366318 1.1031004\n", + " 1.0810441 1.0717983 1.0695848 1.0693055 1.0643305 1.0556304 1.0472368\n", + " 1.0436937 1.0457426 1.0509983 0. 0. ]\n", + " [1.1511731 1.147969 1.1583999 1.1676099 1.1569195 1.1258279 1.0940765\n", + " 1.0735885 1.0645388 1.0630289 1.0626512 1.0583813 1.0496532 1.042\n", + " 1.0381554 1.0392735 1.0437734 0. 0. ]\n", + " [1.1745139 1.1703103 1.1801281 1.1887699 1.1767077 1.144437 1.110448\n", + " 1.0877312 1.0764722 1.0730369 1.0717245 1.0654794 1.0563942 1.0480093\n", + " 1.0444458 1.0465653 1.0522491 1.0574535 1.0600076]\n", + " [1.1750832 1.1702765 1.1811374 1.1906482 1.17852 1.1443259 1.109327\n", + " 1.0861787 1.0759742 1.0744352 1.0745279 1.0695565 1.0597203 1.0511626\n", + " 1.0472546 0. 0. 0. 0. ]]\n", + "[[1.1489395 1.1470759 1.1569914 1.1659622 1.1551392 1.126105 1.095645\n", + " 1.0751479 1.0644121 1.0605797 1.0586772 1.0532368 1.0457741 1.0392815\n", + " 1.0366546 1.0379052 1.0423002 1.0466194 1.0492312 1.0502863 1.0516295\n", + " 1.0544037]\n", + " [1.1709087 1.1669863 1.1771593 1.1862077 1.1747962 1.1412401 1.1059002\n", + " 1.082247 1.0718527 1.069625 1.069104 1.0644336 1.056098 1.048017\n", + " 1.0445385 1.0465169 1.0515956 1.0566105 0. 0. 0.\n", + " 0. ]\n", + " [1.1796945 1.173542 1.1832731 1.1919286 1.1787742 1.1454291 1.1116805\n", + " 1.0890114 1.0783828 1.0768372 1.0765929 1.071883 1.0624527 1.0535607\n", + " 1.0499129 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1692717 1.1652813 1.1753306 1.1843847 1.1731783 1.1399572 1.1059567\n", + " 1.0834607 1.0738472 1.0720516 1.072522 1.0679171 1.0584552 1.0497881\n", + " 1.0459791 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1632979 1.159807 1.1701155 1.1792096 1.1686215 1.1362146 1.1027826\n", + " 1.0800408 1.0692927 1.0665528 1.0650159 1.0604082 1.0522707 1.0441792\n", + " 1.040508 1.0421227 1.0469084 1.0517123 1.0540986 0. 0.\n", + " 0. ]]\n", + "[[1.1642777 1.1609988 1.1712506 1.1798881 1.1684946 1.1363516 1.1030968\n", + " 1.0812083 1.0704349 1.0670567 1.0659122 1.0609612 1.0522885 1.0448569\n", + " 1.0409122 1.0425886 1.047176 1.0518961 1.0541052 0. ]\n", + " [1.1739327 1.1722126 1.183062 1.1908038 1.1787465 1.1438346 1.1084082\n", + " 1.0851482 1.074573 1.0715829 1.0711302 1.0658628 1.0571141 1.0484844\n", + " 1.045159 1.0469289 1.0519834 1.057195 0. 0. ]\n", + " [1.1628397 1.1600612 1.1697844 1.1782246 1.1657674 1.1347612 1.1031704\n", + " 1.0815439 1.0704136 1.0663655 1.0641048 1.0585629 1.0496767 1.0427537\n", + " 1.0398115 1.0419114 1.0474683 1.0520967 1.0541071 1.0548698]\n", + " [1.1901627 1.1845043 1.1940227 1.202979 1.1895111 1.1533269 1.1171181\n", + " 1.0931721 1.0821669 1.0799892 1.0801342 1.074793 1.0647132 1.0556749\n", + " 1.0515338 1.0540755 0. 0. 0. 0. ]\n", + " [1.1565168 1.1529102 1.1629063 1.1717323 1.1597877 1.1290426 1.0973375\n", + " 1.0760148 1.0664313 1.0645195 1.0642297 1.0596881 1.0511998 1.0432757\n", + " 1.0397599 1.041178 1.0464712 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1821768 1.1778237 1.1889782 1.198673 1.1857915 1.1505494 1.1141055\n", + " 1.0904615 1.0798618 1.0788455 1.0798519 1.074893 1.0652032 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1712177 1.1685388 1.1798524 1.189622 1.1775056 1.1440951 1.1088456\n", + " 1.08701 1.0769721 1.0756478 1.0758471 1.0702907 1.0605007 1.0512979\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1700222 1.1663837 1.175995 1.1839153 1.1714766 1.139156 1.1066741\n", + " 1.0849841 1.0740261 1.0707994 1.0690676 1.0624703 1.0533855 1.0453266\n", + " 1.0420376 1.0438095 1.0485791 1.0536178 1.0563287 0. ]\n", + " [1.1834353 1.1778921 1.1878378 1.1968571 1.1840674 1.1490986 1.1131781\n", + " 1.0897536 1.0791541 1.0771768 1.0777189 1.0724905 1.0631207 1.0541096\n", + " 1.0501589 0. 0. 0. 0. 0. ]\n", + " [1.1694889 1.1668262 1.1782012 1.1872917 1.1740125 1.1402441 1.1054825\n", + " 1.0827698 1.0713172 1.0681788 1.0666972 1.0617328 1.0529054 1.0455068\n", + " 1.0420113 1.0437237 1.0487623 1.0533481 1.0558169 1.0567648]]\n", + "[[1.1571764 1.1551894 1.1658733 1.1746247 1.1622598 1.1301157 1.0989128\n", + " 1.0777434 1.0672235 1.0641208 1.0624456 1.0570679 1.0488657 1.0417427\n", + " 1.0388173 1.0406741 1.0458094 1.0498257 1.0523907 1.0535407 1.0550314\n", + " 1.0585867]\n", + " [1.178016 1.1760206 1.186715 1.197571 1.1850429 1.1507144 1.1156172\n", + " 1.0915664 1.0791571 1.074491 1.0722665 1.0658091 1.0562371 1.0484734\n", + " 1.044986 1.0468994 1.0523998 1.0572431 1.0597725 1.0606213 1.0619727\n", + " 1.0658362]]\n", + "[[1.1697266 1.167907 1.1791306 1.1884438 1.1756964 1.1422094 1.107468\n", + " 1.0841566 1.0729171 1.0697551 1.0676007 1.0627565 1.0538081 1.0462371\n", + " 1.0428231 1.044509 1.0492027 1.0538156 1.0560254 1.0567992 0. ]\n", + " [1.1646518 1.1604506 1.1706396 1.1807268 1.1703856 1.13843 1.1045914\n", + " 1.0824922 1.0719534 1.0701845 1.0703484 1.0655886 1.05652 1.0480503\n", + " 1.0443227 1.045891 0. 0. 0. 0. 0. ]\n", + " [1.1746964 1.1717454 1.1832148 1.1916736 1.1801095 1.1456983 1.1098303\n", + " 1.0865955 1.0750997 1.0725502 1.0717645 1.0669061 1.0574511 1.0491675\n", + " 1.0453978 1.0469576 1.052225 1.0573165 0. 0. 0. ]\n", + " [1.1799995 1.1763613 1.1860706 1.194577 1.1814353 1.1485004 1.1139518\n", + " 1.0903354 1.0785192 1.0740464 1.0717647 1.0653362 1.0561465 1.0487179\n", + " 1.0456648 1.0474666 1.0520308 1.057474 1.059651 1.060374 1.062042 ]\n", + " [1.1965992 1.1907173 1.2002236 1.209426 1.1955197 1.1585217 1.1200526\n", + " 1.0956926 1.0845582 1.0824943 1.0828116 1.0771842 1.0665687 1.0572696\n", + " 1.0528498 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.162987 1.1578258 1.1664734 1.1738344 1.163449 1.1317526 1.1000794\n", + " 1.079013 1.068885 1.0665717 1.0667626 1.0628946 1.0542837 1.0470847\n", + " 1.043501 1.0455912 0. 0. 0. ]\n", + " [1.1593887 1.1561476 1.1656224 1.1742066 1.1616304 1.130097 1.098317\n", + " 1.0776048 1.0672735 1.0646219 1.0633167 1.0583094 1.049397 1.0416024\n", + " 1.0383098 1.0400945 1.0449191 1.0497135 1.0521173]\n", + " [1.1664352 1.1616776 1.1713305 1.1797932 1.1680355 1.1356919 1.1022121\n", + " 1.0807317 1.0706797 1.0685443 1.0672647 1.0621427 1.0532633 1.0450395\n", + " 1.0414567 1.0432847 1.0482415 1.0532398 0. ]\n", + " [1.1682533 1.1627915 1.17044 1.1782099 1.1660384 1.134929 1.1025918\n", + " 1.0812759 1.0709835 1.0686407 1.0689071 1.0640066 1.0548583 1.0471588\n", + " 1.0435151 1.0455335 0. 0. 0. ]\n", + " [1.1942012 1.185893 1.1925684 1.1999887 1.1881585 1.1534406 1.1184103\n", + " 1.0947889 1.0845548 1.0826877 1.0831333 1.0782024 1.0677656 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1717297 1.1698176 1.1798992 1.1885172 1.1748908 1.1419572 1.1083354\n", + " 1.085599 1.0743003 1.0707858 1.0680794 1.0622362 1.0531567 1.0455463\n", + " 1.0425723 1.0441871 1.0492531 1.053796 1.0560837 1.0576646]\n", + " [1.1907322 1.1850675 1.1957898 1.2045705 1.1918966 1.1556547 1.1180099\n", + " 1.0926403 1.0821972 1.0803212 1.0808305 1.0752848 1.0652158 1.0558224\n", + " 1.0517652 0. 0. 0. 0. 0. ]\n", + " [1.1784703 1.1754358 1.1858091 1.1945031 1.1828502 1.1490293 1.1138521\n", + " 1.0900464 1.0781347 1.0749171 1.0726306 1.0657878 1.0560615 1.0474733\n", + " 1.0437051 1.0457399 1.0510002 1.0559101 1.0581908 1.0589147]\n", + " [1.1887343 1.1823719 1.1916088 1.2009999 1.1882454 1.1524192 1.116295\n", + " 1.0929208 1.0829457 1.0810717 1.0813801 1.0758721 1.0650796 1.055578\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1820049 1.1788257 1.1888354 1.1974854 1.185322 1.1512529 1.1161547\n", + " 1.0925136 1.0795954 1.075926 1.073774 1.0673965 1.0573683 1.0495083\n", + " 1.0464599 1.0480456 1.0539036 1.0585016 1.0606998 1.0614438]]\n", + "[[1.1932261 1.1847508 1.1912847 1.1966546 1.1858449 1.1517249 1.1164452\n", + " 1.092672 1.0821187 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1746515 1.1713781 1.1800582 1.1883332 1.1762362 1.1438051 1.1099013\n", + " 1.0872555 1.0760376 1.0726237 1.071698 1.0660974 1.0572189 1.0484846\n", + " 1.0452573 1.0472887 1.0527738 1.0580136 0. 0. ]\n", + " [1.1582054 1.1551118 1.1650549 1.173429 1.1617272 1.1307744 1.098809\n", + " 1.0775121 1.0670362 1.0636506 1.062045 1.0569896 1.0487076 1.0417988\n", + " 1.0384405 1.0404642 1.0452043 1.0498061 1.0519185 1.0525874]\n", + " [1.1750596 1.1720558 1.182394 1.1916409 1.1787329 1.1453555 1.1105759\n", + " 1.0866624 1.0753193 1.0715709 1.0699842 1.0642612 1.055541 1.0478331\n", + " 1.0445509 1.04579 1.0508226 1.0555947 1.0578387 1.0590713]\n", + " [1.1751285 1.1704149 1.1799479 1.1882442 1.177497 1.1450369 1.110939\n", + " 1.08768 1.0761548 1.0732591 1.0717353 1.0669097 1.0576406 1.049389\n", + " 1.0457062 1.0472896 1.0523577 1.0572959 0. 0. ]]\n", + "[[1.1663957 1.1639524 1.1755812 1.1850497 1.1733682 1.1406105 1.1058064\n", + " 1.0827785 1.0715431 1.0688617 1.0682776 1.0632588 1.055157 1.0471056\n", + " 1.0436149 1.0450778 1.0499809 1.0550635 0. 0. ]\n", + " [1.1814061 1.1767111 1.1874318 1.1953813 1.1824627 1.1463944 1.1095803\n", + " 1.0862234 1.0755148 1.0742637 1.0746908 1.0702022 1.0608071 1.0522107\n", + " 1.0485009 1.0507257 0. 0. 0. 0. ]\n", + " [1.1796508 1.1737227 1.1832992 1.1909516 1.1801991 1.147173 1.1129528\n", + " 1.0894411 1.0778586 1.0745051 1.0738262 1.0685923 1.0597024 1.0511733\n", + " 1.0476129 1.0496272 1.0551397 0. 0. 0. ]\n", + " [1.1690458 1.1671947 1.1776953 1.1861609 1.1729167 1.1389437 1.105267\n", + " 1.0824931 1.0716028 1.0680144 1.0674411 1.062115 1.0535872 1.0461973\n", + " 1.0424273 1.0443878 1.0495269 1.0540634 1.0565597 1.0571955]\n", + " [1.1594528 1.1560916 1.1671113 1.176944 1.1657783 1.134047 1.1007509\n", + " 1.0788931 1.0684776 1.0656527 1.065719 1.0607307 1.0521771 1.043955\n", + " 1.0403864 1.0416791 1.046417 1.0512818 0. 0. ]]\n", + "[[1.1948941 1.1894653 1.199946 1.2078719 1.1935325 1.155643 1.1175809\n", + " 1.092981 1.082503 1.0815737 1.0819461 1.07704 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1932651 1.1881571 1.1976233 1.2055706 1.1939623 1.1586689 1.1224426\n", + " 1.0975261 1.0851482 1.0817691 1.0799383 1.0745854 1.0643716 1.0552529\n", + " 1.051536 1.0537176 1.0599961 0. ]\n", + " [1.1687701 1.1643362 1.1741104 1.1826745 1.1723965 1.1395526 1.1047809\n", + " 1.0823418 1.0722471 1.0702434 1.0702884 1.0660053 1.0574145 1.049218\n", + " 1.0454402 0. 0. 0. ]\n", + " [1.1703744 1.167152 1.1773978 1.1865289 1.1746589 1.1413734 1.1073043\n", + " 1.0844288 1.0741737 1.0716215 1.0709492 1.0656481 1.057027 1.0491327\n", + " 1.0452596 1.0467335 1.0522263 0. ]\n", + " [1.172101 1.1694541 1.1805023 1.1886615 1.1757251 1.1413828 1.1067897\n", + " 1.083804 1.0731695 1.070364 1.0701824 1.0649732 1.0560389 1.0476635\n", + " 1.0442007 1.0458708 1.0510417 1.0562539]]\n", + "[[1.1839466 1.1789819 1.1886554 1.1975398 1.1856167 1.1508017 1.1149613\n", + " 1.0914049 1.0809829 1.0792022 1.0791932 1.074099 1.0640639 1.0544778\n", + " 1.0502841 0. 0. 0. 0. 0. ]\n", + " [1.1760945 1.1722513 1.1823802 1.1925986 1.1818374 1.1487889 1.1139276\n", + " 1.0903308 1.0801266 1.07781 1.0779676 1.0731214 1.0626717 1.0530473\n", + " 1.048433 0. 0. 0. 0. 0. ]\n", + " [1.1794221 1.1748434 1.184818 1.1934726 1.1807011 1.1465077 1.1111491\n", + " 1.0880347 1.0770794 1.0743045 1.0740516 1.0686886 1.059854 1.0510231\n", + " 1.0472958 1.049509 1.0549538 1.0603634 0. 0. ]\n", + " [1.1653639 1.1637762 1.1741089 1.1841254 1.1723324 1.1395571 1.1057013\n", + " 1.0826155 1.0718467 1.0687543 1.0670017 1.06113 1.0516673 1.0443738\n", + " 1.0406901 1.0423272 1.0471036 1.0519091 1.0544928 1.0554783]\n", + " [1.204498 1.196794 1.2048193 1.2129116 1.1988014 1.1633742 1.1242883\n", + " 1.0987248 1.0873195 1.0857387 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.191489 1.1861358 1.1957624 1.2045047 1.1918088 1.1563957 1.119592\n", + " 1.0954312 1.0828143 1.0794642 1.0783845 1.0719914 1.0627887 1.0537907\n", + " 1.0504028 1.052529 1.0583476 1.064106 0. 0. 0.\n", + " 0. ]\n", + " [1.1948922 1.1901615 1.200822 1.2098076 1.1984918 1.1627346 1.1244922\n", + " 1.0991431 1.0874618 1.0843964 1.0832242 1.0775362 1.0669283 1.0570489\n", + " 1.0520525 1.0541226 1.060483 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1652622 1.1604714 1.1697801 1.1776905 1.1675816 1.1362288 1.1038489\n", + " 1.0818818 1.0713862 1.0684361 1.0671086 1.062049 1.0533383 1.0452207\n", + " 1.0418448 1.0435401 1.0483563 1.0531512 0. 0. 0.\n", + " 0. ]\n", + " [1.1621994 1.159928 1.1710372 1.1797955 1.1700228 1.1384953 1.1053566\n", + " 1.0827346 1.0712215 1.067189 1.0649198 1.0588201 1.0504811 1.0433766\n", + " 1.0398265 1.0417787 1.0468253 1.0517226 1.0542598 1.0553646 1.0568926\n", + " 1.0601852]\n", + " [1.1609263 1.1570837 1.1678371 1.1765717 1.1665877 1.1348019 1.1015153\n", + " 1.0792464 1.0691699 1.0674728 1.0674222 1.0629708 1.0537609 1.0455772\n", + " 1.0417778 1.043383 1.0487287 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1738327 1.1671464 1.17482 1.1815836 1.1694485 1.1374812 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1558373 1.152851 1.163596 1.1725395 1.1621224 1.1312414 1.0990005\n", + " 1.0777259 1.0675541 1.0650886 1.0642186 1.0593576 1.051336 1.0441021\n", + " 1.0405056 1.042054 1.0465311 1.051329 0. 0. 0. ]\n", + " [1.1658039 1.1636136 1.1743196 1.1833082 1.1712551 1.1375275 1.1039066\n", + " 1.0817251 1.0703374 1.0682385 1.0676268 1.0628477 1.0539614 1.0462772\n", + " 1.0422932 1.0441959 1.0495672 1.0549093 0. 0. 0. ]\n", + " [1.1661988 1.1643165 1.1752578 1.1844774 1.1738017 1.1408945 1.1062853\n", + " 1.0828518 1.0711882 1.0674728 1.066293 1.0611585 1.0530416 1.045506\n", + " 1.0418305 1.0434058 1.047904 1.0523847 1.0546626 1.0554591 1.0566989]\n", + " [1.1809945 1.1773053 1.187676 1.1975553 1.1855826 1.1506075 1.1140845\n", + " 1.0893092 1.0778998 1.074883 1.0746703 1.0699825 1.0608025 1.0518186\n", + " 1.0478228 1.0496572 1.0552175 0. 0. 0. 0. ]]\n", + "[[1.1640738 1.1599596 1.1680858 1.1764865 1.164961 1.133971 1.1024992\n", + " 1.0811012 1.0702857 1.067937 1.0676001 1.0633224 1.0553112 1.0473382\n", + " 1.0437436 1.0453181 0. 0. 0. ]\n", + " [1.2020522 1.1947416 1.2040632 1.2127916 1.2021294 1.1660551 1.127147\n", + " 1.1004815 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1616153 1.1571258 1.1667871 1.1741575 1.1633681 1.1316979 1.1001039\n", + " 1.0791421 1.0693933 1.0674818 1.0673827 1.0626873 1.053831 1.0464594\n", + " 1.0429833 1.0450248 0. 0. 0. ]\n", + " [1.1535388 1.1501595 1.1596394 1.1674095 1.1562091 1.1261622 1.0958753\n", + " 1.0755339 1.0653214 1.0624638 1.0609326 1.0562925 1.04847 1.0415237\n", + " 1.0383857 1.0398775 1.0442438 1.048775 1.0507617]\n", + " [1.1608547 1.1583877 1.1695071 1.1771396 1.1648953 1.1316285 1.0988327\n", + " 1.0779096 1.068042 1.0655992 1.0642223 1.0594597 1.0502325 1.0427718\n", + " 1.03985 1.0416543 1.0463327 1.0510156 1.0528007]]\n", + "[[1.1827769 1.1773119 1.1869584 1.1955816 1.1826514 1.1484039 1.1127785\n", + " 1.0889796 1.0772011 1.0750704 1.0746821 1.0699813 1.0611277 1.0526547\n", + " 1.0489769 1.0511 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1592939 1.1552892 1.1636461 1.1716477 1.1601195 1.1300993 1.098035\n", + " 1.0769469 1.0666996 1.0642092 1.0633734 1.0588589 1.0510854 1.0433327\n", + " 1.0402988 1.0416133 1.0461946 1.0505452 0. 0. 0.\n", + " 0. ]\n", + " [1.1643026 1.1626039 1.172436 1.1805836 1.1685734 1.135158 1.1023731\n", + " 1.0801091 1.0689168 1.0659847 1.064782 1.0602189 1.0526208 1.04572\n", + " 1.0419774 1.0440723 1.0485375 1.0524993 1.0543258 0. 0.\n", + " 0. ]\n", + " [1.1666971 1.1650729 1.1759119 1.1855863 1.1732699 1.1395286 1.1064062\n", + " 1.0842241 1.0733719 1.069788 1.067248 1.0613511 1.0520916 1.0444932\n", + " 1.0415559 1.0434573 1.048633 1.0531794 1.0557297 1.0565687 1.057875\n", + " 1.0618926]\n", + " [1.1709559 1.1663485 1.1752765 1.1833143 1.1705776 1.138678 1.1055688\n", + " 1.0832235 1.0725719 1.069144 1.06765 1.0631886 1.0547947 1.0470283\n", + " 1.0438604 1.045584 1.0503851 1.0552614 1.0576936 0. 0.\n", + " 0. ]]\n", + "[[1.1709555 1.1671559 1.177464 1.186598 1.1748556 1.1419007 1.1075807\n", + " 1.0845948 1.0745085 1.0728148 1.072715 1.0667497 1.0577542 1.0491692\n", + " 1.0455047 0. 0. 0. 0. 0. 0. ]\n", + " [1.1688038 1.1644603 1.1734911 1.180553 1.1682023 1.1358148 1.1030407\n", + " 1.0809333 1.0700214 1.067123 1.0659322 1.060667 1.0524852 1.04502\n", + " 1.0417645 1.0435467 1.0481664 1.052907 1.0553745 0. 0. ]\n", + " [1.1689706 1.1675754 1.1795517 1.188851 1.1761137 1.1422464 1.1075497\n", + " 1.0845672 1.0728184 1.0692226 1.0673856 1.0612652 1.0530181 1.0457513\n", + " 1.0426683 1.0443633 1.049232 1.0537925 1.0561745 1.0570321 1.05868 ]\n", + " [1.1669782 1.1624246 1.1724138 1.179884 1.1684351 1.1355145 1.1027727\n", + " 1.0812153 1.0711448 1.0690651 1.0686476 1.0639212 1.0551955 1.0470146\n", + " 1.0437709 1.0455724 1.0510508 0. 0. 0. 0. ]\n", + " [1.173996 1.1700432 1.1800867 1.1890448 1.1769371 1.1450464 1.110372\n", + " 1.0874494 1.07642 1.0739334 1.0735377 1.0687089 1.0596489 1.050853\n", + " 1.0465494 1.0485053 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1665763 1.1633041 1.1740344 1.1824964 1.1712117 1.1378534 1.1044039\n", + " 1.0822475 1.0717599 1.0698315 1.0696542 1.0647511 1.0560013 1.0476975\n", + " 1.0437639 1.0455321 1.0509185 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1616583 1.1578516 1.1680933 1.1768208 1.164486 1.1314844 1.0983738\n", + " 1.0775622 1.0683695 1.0672914 1.0670615 1.062042 1.0532098 1.0450336\n", + " 1.041283 1.0433517 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1513745 1.1486244 1.1592126 1.1674021 1.1569693 1.1262207 1.0949244\n", + " 1.0746433 1.064695 1.0614406 1.0598532 1.054255 1.0464553 1.0392174\n", + " 1.0364106 1.0382777 1.042725 1.047119 1.0489523 1.0498229 1.0512627\n", + " 1.0546901]\n", + " [1.1890194 1.186531 1.1985476 1.206546 1.1910481 1.1546416 1.1164972\n", + " 1.0916667 1.0805094 1.0781221 1.0770026 1.0713136 1.061633 1.0525537\n", + " 1.0489708 1.0511901 1.0571117 1.0627649 0. 0. 0.\n", + " 0. ]\n", + " [1.172008 1.1665298 1.1762038 1.1837025 1.1729276 1.141018 1.1077107\n", + " 1.0860783 1.0760138 1.0740018 1.0745957 1.0697958 1.0603681 1.0511422\n", + " 1.0469968 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1802495 1.1759175 1.1850703 1.1925093 1.1800668 1.1456026 1.1104747\n", + " 1.0868366 1.076161 1.0737656 1.0735441 1.0692782 1.0597947 1.051035\n", + " 1.0469732 1.0490458 1.0541785 0. ]\n", + " [1.172814 1.1692778 1.1796365 1.1878603 1.1767759 1.1436738 1.1088886\n", + " 1.0855972 1.0748649 1.0718831 1.0708029 1.0649756 1.0559361 1.0474982\n", + " 1.043764 1.0456387 1.050849 1.0562803]\n", + " [1.1581724 1.1524038 1.160324 1.1691543 1.1597079 1.1305189 1.0991405\n", + " 1.0787264 1.0685053 1.0663418 1.0656705 1.0606192 1.0521814 1.044693\n", + " 1.0411359 1.0431268 0. 0. ]\n", + " [1.1784712 1.1724933 1.1812927 1.1900812 1.1785787 1.1452366 1.1116933\n", + " 1.089173 1.0798514 1.0783489 1.0783696 1.0728546 1.0621912 1.0525712\n", + " 0. 0. 0. 0. ]\n", + " [1.1805338 1.1771533 1.1881849 1.1973147 1.183013 1.1487232 1.1132851\n", + " 1.0904311 1.0801281 1.0793866 1.0798261 1.074563 1.0644418 1.0555836\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1626936 1.1583688 1.1677735 1.1758418 1.1630527 1.1319046 1.0997671\n", + " 1.0783367 1.068003 1.0659302 1.0650948 1.0601726 1.0525756 1.0450379\n", + " 1.0421288 1.0438749 1.0490943 0. 0. ]\n", + " [1.2060208 1.2010278 1.2107952 1.2183076 1.205347 1.1684622 1.1294943\n", + " 1.1026396 1.0899787 1.0858018 1.0847278 1.0784075 1.0681708 1.0580851\n", + " 1.0541381 1.0561644 1.0628291 1.0690001 0. ]\n", + " [1.1693625 1.1656516 1.1759094 1.1842939 1.1719917 1.1385589 1.1047059\n", + " 1.0827569 1.0717237 1.0689377 1.0675902 1.0621307 1.0531924 1.0454801\n", + " 1.0423021 1.0441997 1.0490978 1.0540949 1.0565517]\n", + " [1.1608739 1.1568563 1.1654068 1.171272 1.1592413 1.1284527 1.0984366\n", + " 1.0785047 1.0694487 1.067173 1.0669786 1.0622323 1.0531996 1.0455627\n", + " 1.0421132 1.043802 0. 0. 0. ]\n", + " [1.1658466 1.1624376 1.1733042 1.1818948 1.1713825 1.1384792 1.1042633\n", + " 1.0823406 1.0722978 1.0710772 1.0706635 1.0671179 1.0577556 1.0493075\n", + " 1.0454218 0. 0. 0. 0. ]]\n", + "[[1.1774684 1.1743903 1.1835063 1.192244 1.1795418 1.1463447 1.1123114\n", + " 1.0891573 1.0777156 1.0744988 1.0725838 1.0674789 1.0576464 1.0492381\n", + " 1.0459596 1.0476252 1.0534552 1.058576 0. 0. 0. ]\n", + " [1.1819601 1.1758085 1.1834987 1.1918747 1.1805005 1.1480922 1.1141841\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1594715 1.1569463 1.1667764 1.1751354 1.1633583 1.1323332 1.1008145\n", + " 1.079444 1.0683832 1.0647273 1.0624086 1.0567651 1.0487932 1.0418304\n", + " 1.0391732 1.0411035 1.0454918 1.0500829 1.0521802 1.0530028 1.0546327]\n", + " [1.1559945 1.1522511 1.1621082 1.170815 1.1591281 1.1276778 1.0954431\n", + " 1.0741528 1.0646379 1.0625397 1.0619354 1.0571631 1.0494782 1.0420775\n", + " 1.0391974 1.0409713 1.0456489 1.0503575 0. 0. 0. ]\n", + " [1.1707132 1.1673197 1.1769009 1.1843908 1.1720666 1.1387013 1.105325\n", + " 1.0827879 1.0729861 1.0706441 1.0699297 1.0650038 1.0564413 1.0480809\n", + " 1.0449694 1.0467012 1.0520097 0. 0. 0. 0. ]]\n", + "[[1.1750556 1.1700613 1.1786134 1.1875268 1.1764675 1.145087 1.1116171\n", + " 1.0891833 1.0788499 1.0761284 1.0758104 1.0704257 1.06004 1.050852\n", + " 1.0464064 1.0482544 0. 0. ]\n", + " [1.1693602 1.1633015 1.1727147 1.1813962 1.1696585 1.1367995 1.103842\n", + " 1.0826058 1.0734044 1.0722166 1.0731083 1.0686177 1.0592756 1.0508481\n", + " 0. 0. 0. 0. ]\n", + " [1.1583458 1.1554377 1.1653179 1.1738237 1.1628402 1.1309401 1.0982596\n", + " 1.0769957 1.0671138 1.0644083 1.063952 1.0591515 1.0508187 1.0430013\n", + " 1.0396366 1.041232 1.0463456 1.0513827]\n", + " [1.1787702 1.1734815 1.184452 1.1933734 1.1822172 1.1481789 1.1125306\n", + " 1.0888716 1.0776933 1.075361 1.0753056 1.0702977 1.0602773 1.0515232\n", + " 1.0470563 1.0486691 1.0540295 0. ]\n", + " [1.1585667 1.1543922 1.1643646 1.1730851 1.1615939 1.1299824 1.0978128\n", + " 1.076409 1.0665756 1.0643895 1.0641472 1.0602899 1.0520488 1.0451515\n", + " 1.0415753 1.0432171 1.0479807 0. ]]\n", + "[[1.1821352 1.1780076 1.1890068 1.1984228 1.1867415 1.150277 1.1139904\n", + " 1.090016 1.0796995 1.078635 1.0797379 1.075253 1.0652449 1.0556307\n", + " 0. 0. 0. 0. ]\n", + " [1.1744621 1.1706154 1.1806003 1.1892886 1.1762125 1.1423365 1.1076143\n", + " 1.0843067 1.0739281 1.0709455 1.0707446 1.0658021 1.0570494 1.0490708\n", + " 1.0452759 1.0468793 1.0518452 1.0567001]\n", + " [1.1756154 1.1730838 1.1843578 1.1931378 1.1798955 1.1454546 1.1101373\n", + " 1.086817 1.0758438 1.0732875 1.0719317 1.0667722 1.0573301 1.048659\n", + " 1.0448241 1.0468736 1.052275 1.0576484]\n", + " [1.1751361 1.1686991 1.1756382 1.1825176 1.1701499 1.1379124 1.1067818\n", + " 1.085363 1.0750078 1.0722386 1.0713652 1.0661553 1.05654 1.0488266\n", + " 1.0455519 1.0478488 0. 0. ]\n", + " [1.1804198 1.1763818 1.1857553 1.195873 1.1832274 1.1472173 1.111811\n", + " 1.0879098 1.0784284 1.0778567 1.0786095 1.0735204 1.0638112 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1820045 1.1765338 1.1866729 1.1954345 1.1814082 1.1473035 1.112622\n", + " 1.0897964 1.0799173 1.078785 1.0788523 1.0729036 1.0623989 1.0529436\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1705751 1.1632462 1.1719271 1.1818339 1.171099 1.1406401 1.1084682\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1755651 1.1726128 1.1827682 1.191752 1.1774385 1.1425941 1.1080774\n", + " 1.08557 1.0751933 1.0723481 1.0715619 1.0656837 1.0565314 1.0486579\n", + " 1.0448012 1.047189 1.0525175 1.0576264 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1487626 1.1463939 1.158267 1.1699197 1.1614273 1.1306568 1.0982813\n", + " 1.0769475 1.0671557 1.0639825 1.0624875 1.0569693 1.0484977 1.0410312\n", + " 1.0382102 1.0401331 1.0451168 1.0497879 1.0518553 1.0523597 1.0530078\n", + " 1.0555792 1.0629641 1.0715424 1.0792953 1.0837169 1.0848274 1.0812863\n", + " 1.0737 1.0645252 1.0567218]\n", + " [1.182997 1.1777205 1.1873375 1.1969858 1.1849017 1.150239 1.1143105\n", + " 1.0915334 1.080636 1.0785396 1.0789737 1.0738709 1.0638065 1.0544348\n", + " 1.0502846 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1724819 1.1693032 1.1794814 1.188767 1.1775577 1.1449952 1.1107303\n", + " 1.0881113 1.0764314 1.0721132 1.0693339 1.0635273 1.0547143 1.0465597\n", + " 1.0434445 1.0451919 1.0499711 1.0547149 1.0566436 1.0577877 1.0590535\n", + " 1.0626066 0. ]\n", + " [1.1810322 1.1744497 1.1832461 1.1913421 1.180338 1.1469657 1.1122955\n", + " 1.0895573 1.0797323 1.079027 1.0788594 1.0735601 1.0634032 1.053803\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1516647 1.1493778 1.1610363 1.1723895 1.163635 1.1325824 1.1003933\n", + " 1.0786339 1.0671966 1.0637 1.0618007 1.0558653 1.047046 1.0399066\n", + " 1.0365847 1.0380312 1.0430311 1.0473428 1.0495355 1.0505539 1.0514534\n", + " 1.0542188 1.061389 ]\n", + " [1.1868484 1.1840221 1.194911 1.2037666 1.1901757 1.1555191 1.118522\n", + " 1.0937023 1.0809568 1.0775088 1.0756975 1.0696297 1.0606887 1.0521542\n", + " 1.0486554 1.0501372 1.0555955 1.0607823 1.06338 0. 0.\n", + " 0. 0. ]\n", + " [1.1811929 1.1766968 1.1892753 1.1982347 1.1874645 1.1509708 1.114025\n", + " 1.0891081 1.0787116 1.0776058 1.0786499 1.0739535 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1555061 1.1537602 1.1652265 1.1738319 1.1634341 1.1321988 1.0990356\n", + " 1.0772914 1.0668299 1.0634843 1.0616639 1.0565233 1.0478169 1.0408689\n", + " 1.0375532 1.0392759 1.0436454 1.0480876 1.0505041 1.0516534 1.0530443]\n", + " [1.1662948 1.1616542 1.1708869 1.1782887 1.1654603 1.1340164 1.1019301\n", + " 1.0806001 1.0717982 1.0704826 1.071346 1.0665066 1.0570316 1.0485909\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1993114 1.1931225 1.2030226 1.2106411 1.1966754 1.159211 1.120526\n", + " 1.094037 1.0837168 1.0824094 1.0835804 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1624155 1.1585006 1.1673098 1.1760408 1.1640466 1.1322048 1.1008707\n", + " 1.0802176 1.0710714 1.0695852 1.0692041 1.0647588 1.0554988 1.0469017\n", + " 1.0430553 0. 0. 0. 0. 0. 0. ]\n", + " [1.167794 1.1637921 1.1746151 1.1836482 1.1715102 1.1389496 1.1051378\n", + " 1.0829667 1.0723828 1.0697105 1.0687808 1.0633726 1.0539957 1.0461481\n", + " 1.0426077 1.044431 1.0500119 1.0550412 0. 0. 0. ]]\n", + "[[1.1786678 1.1748191 1.1836488 1.1913053 1.1785012 1.1440796 1.1089717\n", + " 1.0861659 1.0763949 1.0753682 1.0756814 1.071199 1.0618112 1.0530277\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1772156 1.1738683 1.1847024 1.1934855 1.1807685 1.1464512 1.1111834\n", + " 1.0873098 1.0763284 1.0738811 1.0733185 1.0676198 1.058598 1.0502415\n", + " 1.0467194 1.0486166 1.0538279 1.058633 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1695126 1.1661108 1.1769825 1.1875172 1.1766804 1.1440579 1.1099671\n", + " 1.0870134 1.0754334 1.0707893 1.0687022 1.0628686 1.0534873 1.0454822\n", + " 1.0418329 1.0432358 1.0483792 1.0534368 1.0559742 1.0571876 1.0586352\n", + " 1.0619437 1.0692015]\n", + " [1.1543002 1.1511731 1.1610471 1.170815 1.1594589 1.1274924 1.0954881\n", + " 1.0747563 1.065798 1.0642753 1.0642853 1.0597919 1.0516012 1.0435013\n", + " 1.0398296 1.0414795 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1737353 1.1683929 1.1770653 1.1838994 1.1731048 1.1401367 1.1063209\n", + " 1.0839243 1.0725036 1.0693221 1.0677401 1.0627807 1.0540676 1.0468634\n", + " 1.0433788 1.04552 1.05042 1.0553259 1.0580293 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1656892 1.1623963 1.1730071 1.1820182 1.1688366 1.1369293 1.1038681\n", + " 1.0819046 1.0714337 1.069071 1.0680841 1.0634624 1.0542537 1.0461724\n", + " 1.0428683 1.0441694 1.0489857 1.0540277 0. ]\n", + " [1.1637671 1.1608139 1.1700292 1.1779684 1.1652561 1.133362 1.1003078\n", + " 1.0788251 1.0685055 1.0665264 1.0664178 1.0619701 1.0537196 1.0463736\n", + " 1.0429218 1.0448953 1.0503161 0. 0. ]\n", + " [1.175946 1.1718273 1.1825982 1.191639 1.1795026 1.145045 1.1096594\n", + " 1.0866071 1.0753499 1.0727427 1.0719477 1.0666338 1.0576739 1.0491841\n", + " 1.0453148 1.0467606 1.0519996 1.0572224 0. ]\n", + " [1.1899433 1.185549 1.1957304 1.2036229 1.191182 1.1558104 1.1194376\n", + " 1.0943956 1.0824357 1.0789751 1.0771106 1.0712681 1.0614133 1.0526636\n", + " 1.0489788 1.0508668 1.056306 1.0619516 1.0642213]\n", + " [1.1684321 1.1634772 1.1735716 1.1820228 1.1719706 1.1398127 1.1054561\n", + " 1.0824662 1.0715442 1.0699009 1.0703788 1.0657411 1.0573869 1.0488749\n", + " 1.0451462 1.0468482 0. 0. 0. ]]\n", + "[[1.166176 1.161511 1.169895 1.1774777 1.1671913 1.1352576 1.1015874\n", + " 1.0787567 1.0680813 1.0662173 1.0663284 1.0615916 1.0540395 1.0465257\n", + " 1.0428913 1.0449783 1.050304 0. 0. 0. ]\n", + " [1.1607206 1.157861 1.1678345 1.176509 1.1651845 1.1326809 1.0998849\n", + " 1.077994 1.0676788 1.0648994 1.0635622 1.0583599 1.049767 1.0425378\n", + " 1.0395751 1.0408338 1.0459727 1.0509505 1.0535783 0. ]\n", + " [1.1764902 1.1730015 1.1835827 1.1930456 1.1812688 1.1462625 1.1098299\n", + " 1.0854901 1.0741699 1.0713179 1.0713484 1.0669754 1.0580786 1.0498593\n", + " 1.0456334 1.0470144 1.0518574 1.056554 0. 0. ]\n", + " [1.1756161 1.1718174 1.1827633 1.19166 1.1792679 1.1455826 1.1100222\n", + " 1.0871949 1.0767773 1.0753322 1.0754024 1.0710322 1.0611119 1.052273\n", + " 1.0481342 0. 0. 0. 0. 0. ]\n", + " [1.1854706 1.1820879 1.1929564 1.2023412 1.1899486 1.1542203 1.1172487\n", + " 1.0923908 1.0793977 1.0757928 1.0740675 1.0670686 1.0579227 1.0496337\n", + " 1.0463449 1.048141 1.0540113 1.0596765 1.0620329 1.0629488]]\n", + "[[1.1586657 1.155289 1.1645421 1.1730165 1.1617908 1.1305499 1.098856\n", + " 1.0774182 1.0676805 1.0659052 1.0658557 1.0617615 1.0535754 1.0456355\n", + " 1.0419983 1.0435593 0. 0. 0. 0. 0. ]\n", + " [1.1886683 1.1860163 1.1960814 1.2049937 1.1919655 1.156415 1.1195815\n", + " 1.0944052 1.0827024 1.0786927 1.0774106 1.0712725 1.0617483 1.0527741\n", + " 1.0490843 1.0509382 1.0564376 1.06151 1.0639185 0. 0. ]\n", + " [1.1805779 1.1773452 1.1890268 1.1980845 1.1856462 1.1502457 1.1141982\n", + " 1.0896596 1.0780364 1.0751227 1.0736973 1.0680503 1.0587761 1.0501882\n", + " 1.0462071 1.0481304 1.0533532 1.0585413 1.0612577 0. 0. ]\n", + " [1.1500629 1.1475763 1.1571553 1.1656388 1.1555862 1.1261082 1.0951586\n", + " 1.0738897 1.0641872 1.06098 1.0592992 1.0539944 1.046449 1.0394472\n", + " 1.0364287 1.03735 1.0421705 1.046607 1.0489677 1.0497767 1.0514275]\n", + " [1.1791213 1.1769445 1.1879554 1.1950604 1.1823031 1.1473262 1.1111643\n", + " 1.0872922 1.0767812 1.0736542 1.0718286 1.066992 1.0576031 1.0486917\n", + " 1.0452086 1.0470741 1.0522568 1.0572894 1.0595729 0. 0. ]]\n", + "[[1.1647989 1.1611985 1.1714925 1.1793784 1.167339 1.1347094 1.1013885\n", + " 1.0796127 1.069012 1.0657393 1.0645838 1.0596085 1.0513821 1.0441645\n", + " 1.0408572 1.0424144 1.0470352 1.05135 1.0535784 1.0546124]\n", + " [1.1666847 1.1628869 1.1733052 1.1822513 1.1724399 1.1400048 1.1061612\n", + " 1.0836861 1.0733525 1.070926 1.0711223 1.0663229 1.0570253 1.0483643\n", + " 1.0445282 1.0462921 0. 0. 0. 0. ]\n", + " [1.1929573 1.1877524 1.1984417 1.2074959 1.1948841 1.1580787 1.1203712\n", + " 1.0952468 1.0846053 1.0834684 1.0841553 1.079274 1.0689304 1.0591913\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1735321 1.1691151 1.1785909 1.1869081 1.1755018 1.1423303 1.1079547\n", + " 1.0849806 1.0741179 1.0714322 1.0705267 1.0658425 1.0564926 1.0481253\n", + " 1.0445182 1.0463791 1.0517535 1.0570616 0. 0. ]\n", + " [1.1911372 1.1862177 1.1960561 1.2030659 1.1906368 1.1539962 1.116408\n", + " 1.0923202 1.0811204 1.0803064 1.0816301 1.0758759 1.0658568 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1611344 1.1568416 1.1665106 1.1753305 1.1640751 1.1328375 1.100136\n", + " 1.0783772 1.0680315 1.0656239 1.0650126 1.0608501 1.0529159 1.0453931\n", + " 1.0419124 1.0434661 1.0482239 1.0530118]\n", + " [1.1859859 1.1792856 1.1885967 1.1975563 1.1843617 1.1506231 1.1142442\n", + " 1.0902804 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1583833 1.1559963 1.1659415 1.174269 1.1619018 1.1302476 1.0982963\n", + " 1.0773937 1.067799 1.0662073 1.0659394 1.0609905 1.0521472 1.0442636\n", + " 1.0411882 1.0425258 1.0474463 0. ]\n", + " [1.1940554 1.188615 1.1978012 1.205702 1.1928239 1.1582681 1.1221579\n", + " 1.098105 1.0869035 1.0844924 1.0842112 1.0784872 1.0679008 1.0582734\n", + " 0. 0. 0. 0. ]\n", + " [1.1733798 1.1693616 1.1795934 1.1888287 1.177836 1.1448711 1.1101419\n", + " 1.0865451 1.0762758 1.073424 1.0735118 1.0691829 1.0602391 1.0514003\n", + " 1.0474782 1.0491717 0. 0. ]]\n", + "[[1.180624 1.1771076 1.1886104 1.1984317 1.1865053 1.1516063 1.1150992\n", + " 1.0901804 1.0784212 1.0745722 1.072404 1.0668359 1.0576789 1.0495684\n", + " 1.0458586 1.0477272 1.0527828 1.0579113 1.0601631 1.0607078]\n", + " [1.1655762 1.161767 1.1715907 1.1809332 1.1689852 1.135761 1.1029464\n", + " 1.0810994 1.0713034 1.0702436 1.0703934 1.0654235 1.056287 1.0478437\n", + " 1.044117 0. 0. 0. 0. 0. ]\n", + " [1.1892724 1.184159 1.1945629 1.2032021 1.1903944 1.1530422 1.1160305\n", + " 1.09201 1.0813792 1.0802518 1.0806719 1.0759178 1.0658717 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1764823 1.1700795 1.1801332 1.1885412 1.1763128 1.1422865 1.1074978\n", + " 1.0847294 1.0749751 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1841613 1.1802897 1.1904851 1.1989592 1.1858364 1.1504993 1.1143628\n", + " 1.090536 1.0789492 1.0752362 1.0737584 1.0682743 1.0587751 1.05022\n", + " 1.0467323 1.048465 1.0537276 1.0586969 1.060905 0. ]]\n", + "[[1.1882957 1.1838926 1.1968067 1.2077417 1.1955746 1.1576698 1.1186844\n", + " 1.0924686 1.0802262 1.0787034 1.0789326 1.0735519 1.063521 1.0536921\n", + " 1.0491226 1.0509222 1.0569285 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.159791 1.1572269 1.167389 1.1773732 1.1677135 1.1362782 1.1040493\n", + " 1.0823128 1.0711224 1.0667524 1.0642885 1.0587558 1.0498652 1.0424199\n", + " 1.0392681 1.0411652 1.0462613 1.050987 1.0531124 1.05408 1.0544772\n", + " 1.0581902 1.0649463 1.0745127 1.0818315]\n", + " [1.1722033 1.1681885 1.1781577 1.1867518 1.1748395 1.1414229 1.1074916\n", + " 1.0846199 1.0732508 1.0695616 1.0677744 1.0622563 1.0532739 1.0459377\n", + " 1.0429066 1.0448166 1.0498574 1.0549648 1.0575544 1.0583812 1.0599631\n", + " 1.0638765 0. 0. 0. ]\n", + " [1.203547 1.198295 1.2071536 1.2158647 1.2018068 1.164382 1.1268796\n", + " 1.1023904 1.0905885 1.0885576 1.0883257 1.0831007 1.0726293 1.0621665\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1574682 1.1542066 1.1637856 1.1711104 1.158479 1.1277151 1.0968181\n", + " 1.0764031 1.0667146 1.0642178 1.064421 1.0598303 1.0519366 1.0443447\n", + " 1.0410858 1.0428414 1.047698 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1650348 1.1631237 1.1743892 1.1828254 1.1716604 1.1374792 1.1028363\n", + " 1.0802886 1.0693878 1.0670813 1.0666187 1.0622641 1.053366 1.0460011\n", + " 1.0425714 1.0439578 1.048991 1.0539284]\n", + " [1.1552892 1.1496229 1.1575825 1.1659241 1.1554871 1.1248405 1.0933089\n", + " 1.0729684 1.0641954 1.0629988 1.0638459 1.0599748 1.0520012 1.0439088\n", + " 1.0405552 0. 0. 0. ]\n", + " [1.1937835 1.1871748 1.1958221 1.2043723 1.1913432 1.1570289 1.1202934\n", + " 1.0956994 1.0844353 1.0825944 1.0831236 1.078168 1.0680113 1.0583885\n", + " 0. 0. 0. 0. ]\n", + " [1.1723285 1.1680039 1.1780307 1.1861299 1.1753138 1.1436148 1.1098591\n", + " 1.0875086 1.0763116 1.0740668 1.0737615 1.0683991 1.0595138 1.050812\n", + " 1.0468732 1.0490923 0. 0. ]\n", + " [1.1507298 1.1466033 1.1565856 1.1663467 1.1558251 1.125299 1.0945557\n", + " 1.0739952 1.0649749 1.0629466 1.0631022 1.0589147 1.0503293 1.0427289\n", + " 1.0390613 1.0404959 0. 0. ]]\n", + "[[1.1854402 1.1786517 1.1875359 1.1955535 1.1828368 1.1487352 1.1141568\n", + " 1.0908369 1.0797199 1.0776168 1.0780717 1.0735376 1.0640812 1.0553286\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1805714 1.177585 1.1882358 1.1974822 1.1844214 1.1493952 1.1135315\n", + " 1.0890172 1.078288 1.0751159 1.0737754 1.0675871 1.0580297 1.0496525\n", + " 1.0457689 1.0477527 1.0531225 1.0586292 1.0614477]\n", + " [1.1586503 1.1551347 1.1645001 1.1721184 1.1617712 1.1314055 1.1001618\n", + " 1.0788257 1.0690994 1.0663234 1.0647587 1.0598339 1.0515416 1.0435773\n", + " 1.0399672 1.0411527 1.0458002 1.0504888 0. ]\n", + " [1.1769853 1.1709073 1.1803572 1.1878151 1.1752372 1.1422184 1.1082431\n", + " 1.0856429 1.0764878 1.0758159 1.0764006 1.0716653 1.0612028 1.0521533\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.154273 1.1526154 1.1627469 1.1719573 1.1602594 1.1273954 1.0953896\n", + " 1.0743041 1.0638951 1.0617907 1.0610012 1.0562668 1.048141 1.0408987\n", + " 1.0375471 1.0392601 1.043498 1.0480726 1.0502689]]\n", + "[[1.1650696 1.1587826 1.1671001 1.1746447 1.1632265 1.1328421 1.1011876\n", + " 1.0807056 1.0711441 1.0699276 1.0700417 1.0659933 1.0568314 1.0485196\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1727041 1.1687325 1.1776931 1.1860089 1.1737561 1.140458 1.1070777\n", + " 1.0843529 1.074245 1.0719174 1.0723128 1.068534 1.0594189 1.0511674\n", + " 1.0472523 0. 0. 0. 0. 0. ]\n", + " [1.1859391 1.1810982 1.189987 1.1982064 1.1850374 1.1513665 1.115485\n", + " 1.0919874 1.0800158 1.0758194 1.0756426 1.0703093 1.0606004 1.0525837\n", + " 1.0486636 1.0506471 1.0561314 1.0615907 0. 0. ]\n", + " [1.1750047 1.1705204 1.1808083 1.1896726 1.1778115 1.1439563 1.1090245\n", + " 1.0858387 1.0749768 1.0725127 1.0719337 1.0676534 1.0587453 1.0500203\n", + " 1.046671 1.0483477 1.0539637 0. 0. 0. ]\n", + " [1.1593423 1.1576929 1.1688231 1.1768475 1.1651652 1.1341453 1.1016003\n", + " 1.0797817 1.0689962 1.0652025 1.0636102 1.0585743 1.0502968 1.043179\n", + " 1.0398928 1.041215 1.0463101 1.0506107 1.0527838 1.0535882]]\n", + "[[1.1677519 1.1657913 1.1769419 1.1843463 1.1723045 1.1381797 1.1034944\n", + " 1.0815998 1.0710785 1.0693885 1.0692879 1.0640553 1.0555519 1.0471824\n", + " 1.0439057 1.0455515 1.0505471 0. 0. ]\n", + " [1.1636735 1.1611605 1.1717198 1.1805695 1.1679432 1.1347449 1.1013149\n", + " 1.0797812 1.0697558 1.0676742 1.067151 1.0619439 1.052986 1.0445873\n", + " 1.0412009 1.0426731 1.0477872 1.0527431 0. ]\n", + " [1.1645104 1.1627603 1.1735647 1.18344 1.171637 1.1386107 1.1036415\n", + " 1.0810834 1.0701883 1.067451 1.0670875 1.0616399 1.0523161 1.0445012\n", + " 1.0408952 1.0423187 1.0472796 1.052138 1.0550361]\n", + " [1.1694403 1.1648489 1.1752491 1.184872 1.1727638 1.1405127 1.1065062\n", + " 1.0845306 1.0744761 1.0726615 1.0728614 1.0677081 1.0582557 1.0489764\n", + " 1.0452535 1.0470407 0. 0. 0. ]\n", + " [1.170115 1.1645578 1.1737301 1.1823525 1.1716185 1.1393453 1.1063395\n", + " 1.08445 1.0753905 1.0741444 1.0745873 1.0700365 1.0598844 1.0504565\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.177238 1.1717536 1.1810423 1.1895483 1.1768663 1.1441946 1.1105194\n", + " 1.0879564 1.0771539 1.0744143 1.0737896 1.06789 1.0581946 1.0495934\n", + " 1.0461752 1.0486861 1.0550616 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1719317 1.168835 1.1803648 1.189725 1.1803087 1.1474022 1.1128262\n", + " 1.08879 1.0769637 1.0728692 1.0698293 1.0637126 1.0542201 1.0458312\n", + " 1.0431163 1.0451739 1.0506086 1.0559593 1.0581626 1.0589807 1.0597025\n", + " 1.0629232 1.070301 1.0804459 1.0882243]\n", + " [1.1616448 1.1572299 1.1658969 1.1735301 1.1609478 1.1301792 1.0985783\n", + " 1.0780983 1.0680896 1.066213 1.0655729 1.061571 1.053504 1.0456606\n", + " 1.0423601 1.0440469 1.0490698 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1799498 1.175243 1.1852529 1.1941229 1.1809843 1.146763 1.1118679\n", + " 1.0886173 1.0785339 1.0767457 1.0770222 1.0721343 1.0624449 1.0537622\n", + " 1.0497401 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1777275 1.1736145 1.183186 1.1906828 1.1776465 1.1447499 1.1110529\n", + " 1.0877697 1.0771662 1.0739033 1.0721754 1.0673008 1.0578637 1.0499648\n", + " 1.0462205 1.0482528 1.0536696 1.0590296 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1639726 1.1616937 1.1716466 1.1806803 1.1685872 1.1365895 1.1033764\n", + " 1.0807194 1.069738 1.0666788 1.0655885 1.0608177 1.0527327 1.0451282\n", + " 1.0421824 1.0435076 1.0480483 1.052561 1.0549107 0. 0.\n", + " 0. 0. ]\n", + " [1.1639016 1.1609142 1.1704946 1.1786852 1.1669865 1.1338955 1.1005596\n", + " 1.0791541 1.0688683 1.0674664 1.0675697 1.0624164 1.0546706 1.0466517\n", + " 1.0430503 1.0447918 1.049741 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1780577 1.1731153 1.1846106 1.1934843 1.1808528 1.1462926 1.110353\n", + " 1.088209 1.0781455 1.0766187 1.0774944 1.0719019 1.0623143 1.0530404\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1796188 1.1757863 1.1859447 1.194162 1.1832151 1.1493869 1.1148239\n", + " 1.0903431 1.0778788 1.0734973 1.0706824 1.0644128 1.0552824 1.0479666\n", + " 1.0450541 1.0475454 1.0529182 1.0576018 1.0602715 1.0615075 1.0626888\n", + " 1.0661976 1.073311 ]\n", + " [1.1701236 1.1644715 1.1740888 1.1829019 1.1711161 1.1396441 1.1059139\n", + " 1.0831422 1.072135 1.0692952 1.068209 1.0634923 1.0546902 1.0468658\n", + " 1.043602 1.0455205 1.0506799 1.0555596 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1591504 1.1567441 1.1670094 1.1747642 1.1625392 1.1302853 1.0985911\n", + " 1.07768 1.0683198 1.0664833 1.0659531 1.0618092 1.053976 1.0459116\n", + " 1.0426269 1.0441349 1.0487367 0. 0. 0. 0. ]\n", + " [1.1748585 1.1707218 1.1801925 1.1885191 1.175139 1.1411899 1.1067842\n", + " 1.0838395 1.0735689 1.0711614 1.0707861 1.0653101 1.0567894 1.0482807\n", + " 1.0449142 1.0467052 1.0522794 0. 0. 0. 0. ]\n", + " [1.1571875 1.1539505 1.1629245 1.1714764 1.1601986 1.130583 1.0989065\n", + " 1.0776482 1.0675821 1.0652794 1.064783 1.0603918 1.0522367 1.0446663\n", + " 1.0411747 1.0423822 0. 0. 0. 0. 0. ]\n", + " [1.1632857 1.1621977 1.1732963 1.1830026 1.170697 1.1373259 1.1035507\n", + " 1.0812134 1.0695992 1.0663159 1.0645479 1.058956 1.0507011 1.0432645\n", + " 1.0403088 1.041911 1.046648 1.0510896 1.0533767 1.054654 1.0561388]\n", + " [1.1811224 1.1774522 1.1884847 1.1979113 1.1845993 1.1486042 1.1124985\n", + " 1.0885856 1.0764705 1.0726078 1.0702909 1.0642476 1.0548971 1.0473378\n", + " 1.0440364 1.045984 1.0512556 1.0561631 1.0585629 1.0598493 1.0613625]]\n", + "[[1.1794541 1.175785 1.1862687 1.1946847 1.1829556 1.148652 1.113399\n", + " 1.0891916 1.0779148 1.0747666 1.0736315 1.0685698 1.0590863 1.0506461\n", + " 1.0467165 1.0488836 1.0540769 1.059679 0. ]\n", + " [1.15641 1.1530318 1.1618892 1.1682726 1.157248 1.1262376 1.095723\n", + " 1.0754917 1.0663308 1.0647535 1.0648899 1.0605135 1.0523274 1.0446025\n", + " 1.0409635 1.0427326 1.0473514 0. 0. ]\n", + " [1.1684594 1.1638179 1.1741314 1.1824222 1.1720781 1.1399555 1.1060432\n", + " 1.083305 1.0723547 1.0685046 1.0671262 1.0616293 1.0524224 1.0448576\n", + " 1.0412681 1.0435956 1.0486226 1.0533589 1.0557859]\n", + " [1.1709636 1.1659318 1.1745743 1.1819751 1.1704484 1.1394916 1.1059453\n", + " 1.0833695 1.0733503 1.0711339 1.071814 1.0676895 1.0595067 1.051213\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1855066 1.1827072 1.1928294 1.2008995 1.1873081 1.152198 1.115662\n", + " 1.0913765 1.0796068 1.0763572 1.0759614 1.0705932 1.0615102 1.0526212\n", + " 1.0486937 1.0509357 1.0565406 1.0622658 0. ]]\n", + "[[1.1751132 1.1722465 1.1840489 1.1934371 1.1802074 1.1447909 1.1091639\n", + " 1.0853268 1.0738057 1.0714266 1.0708134 1.0666443 1.0577698 1.049329\n", + " 1.0457891 1.0471509 1.0523903 1.0576389]\n", + " [1.1712949 1.1686256 1.1788585 1.1874895 1.175635 1.1412843 1.1071844\n", + " 1.0842607 1.0735884 1.0710722 1.0704011 1.0657567 1.0569746 1.0490149\n", + " 1.0452851 1.0469214 1.0523323 0. ]\n", + " [1.197292 1.1901205 1.197734 1.2040747 1.1890631 1.1529653 1.1167722\n", + " 1.0927564 1.0821102 1.0808718 1.0815431 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1596124 1.1566714 1.1652964 1.1725965 1.1596718 1.1282694 1.0962856\n", + " 1.0753077 1.064886 1.0629473 1.0625458 1.0580072 1.0505126 1.0432941\n", + " 1.0401314 1.0418698 1.0466805 1.0516022]\n", + " [1.1895688 1.1836137 1.1937857 1.2033335 1.191812 1.1565214 1.1204324\n", + " 1.0958576 1.0851982 1.083597 1.0834507 1.0785167 1.0682007 1.0588865\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1804231 1.1785245 1.1894338 1.1991338 1.1864467 1.1515629 1.115161\n", + " 1.0902104 1.0779952 1.0741436 1.073552 1.0688119 1.0585605 1.0508428\n", + " 1.0468177 1.0483407 1.0537345 1.058697 1.061162 0. 0.\n", + " 0. 0. ]\n", + " [1.1654444 1.1607224 1.1699935 1.1788683 1.1673598 1.1353219 1.1024119\n", + " 1.0803422 1.0688103 1.0648568 1.0628021 1.0579329 1.0502312 1.0431454\n", + " 1.0401942 1.042031 1.046797 1.051494 1.0541899 1.0553224 0.\n", + " 0. 0. ]\n", + " [1.1649771 1.159562 1.1688029 1.1772403 1.1650527 1.1337084 1.1016029\n", + " 1.0800772 1.0708404 1.0687437 1.068872 1.0645057 1.0558268 1.0479975\n", + " 1.044352 1.0466084 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1635807 1.160123 1.1695794 1.1770097 1.1641105 1.1330733 1.1012613\n", + " 1.080497 1.0699414 1.0671418 1.0658317 1.0607283 1.0523404 1.0452361\n", + " 1.0420207 1.0443906 1.0492893 1.0537337 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.151485 1.1493695 1.1596738 1.1694369 1.1588992 1.1292379 1.0979745\n", + " 1.076857 1.066172 1.0623275 1.0605345 1.0549147 1.0464807 1.0399737\n", + " 1.0368909 1.0385611 1.0427725 1.0473509 1.0498371 1.0510015 1.0522639\n", + " 1.0554388 1.0615488]]\n", + "[[1.16933 1.1674236 1.1779732 1.186842 1.1742059 1.1406326 1.1065847\n", + " 1.0838858 1.073068 1.0715289 1.0724701 1.0675826 1.0583827 1.0496465\n", + " 1.0457164 1.0473614]\n", + " [1.163481 1.1583877 1.1672626 1.1750729 1.1637816 1.1323643 1.1004609\n", + " 1.0794343 1.0700375 1.0684351 1.0681355 1.0633752 1.0549009 1.0461986\n", + " 1.0425348 1.0444323]\n", + " [1.1594068 1.1552773 1.1659353 1.175699 1.1654278 1.1343046 1.1010137\n", + " 1.0793612 1.069423 1.0673928 1.0679624 1.0637305 1.0545102 1.0462546\n", + " 1.0423344 1.0441065]\n", + " [1.1696368 1.1654228 1.174596 1.1830193 1.1716659 1.1370473 1.1030551\n", + " 1.0821148 1.0726494 1.0714773 1.0722249 1.0679684 1.058761 1.0501748\n", + " 0. 0. ]\n", + " [1.1706117 1.1674521 1.1774738 1.1864783 1.1732817 1.1406825 1.1064699\n", + " 1.0834535 1.0730065 1.0705267 1.0715873 1.0675048 1.0587206 1.0500529\n", + " 1.046259 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1753362 1.1698306 1.1788577 1.1863607 1.174381 1.1411952 1.106594\n", + " 1.0833263 1.0728769 1.0704292 1.0701244 1.0656663 1.0571691 1.0492756\n", + " 1.0455065 1.0473211 1.0525702 0. 0. ]\n", + " [1.1632355 1.1604142 1.1711873 1.1807876 1.1695932 1.1375505 1.1041695\n", + " 1.0811918 1.0702585 1.0676322 1.0664076 1.061459 1.0529106 1.0446104\n", + " 1.0411559 1.0428187 1.0475888 1.0527878 0. ]\n", + " [1.1764853 1.1729908 1.181344 1.1894121 1.1758424 1.1428311 1.1089181\n", + " 1.0865785 1.075416 1.0721393 1.0709076 1.0651076 1.0558977 1.0474085\n", + " 1.044038 1.0459626 1.0513628 1.0565323 1.0589049]\n", + " [1.1927088 1.1883214 1.1985728 1.206193 1.1888125 1.1525772 1.1162956\n", + " 1.0937752 1.0836233 1.0834209 1.0826138 1.0767889 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1645473 1.1600031 1.1688745 1.1779233 1.1665815 1.134896 1.102119\n", + " 1.0799865 1.0711086 1.069889 1.0694875 1.0657265 1.0566005 1.0483494\n", + " 1.0444322 0. 0. 0. 0. ]]\n", + "[[1.1964765 1.1908164 1.200117 1.2087308 1.1957518 1.159939 1.1217914\n", + " 1.0962285 1.0852306 1.0830134 1.0835618 1.0791255 1.0689644 1.0594711\n", + " 1.0550967 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1691053 1.1659411 1.176687 1.1843557 1.1716553 1.1379958 1.1046189\n", + " 1.0821679 1.0718764 1.0686289 1.0674845 1.0619047 1.0531913 1.045284\n", + " 1.0418386 1.043648 1.0486608 1.0532808 1.0557784 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1691492 1.162188 1.1696978 1.1763572 1.1655769 1.1344326 1.102141\n", + " 1.081308 1.0716953 1.0702324 1.0701779 1.0660945 1.0572764 1.049306\n", + " 1.045775 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2015998 1.195666 1.2051511 1.2141845 1.2003773 1.1625103 1.1244686\n", + " 1.0998375 1.087953 1.0857016 1.0862633 1.0809377 1.0701171 1.0605986\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1578671 1.1560539 1.1672057 1.177821 1.1673253 1.1350377 1.1026549\n", + " 1.0812095 1.0701383 1.06576 1.0636674 1.0576063 1.0485665 1.041579\n", + " 1.0390443 1.0412887 1.0462877 1.0517614 1.0535107 1.0542741 1.0556778\n", + " 1.0590907 1.0661643 1.0760081 1.0836887 1.0875245]]\n", + "[[1.1570983 1.1530261 1.1619883 1.1701465 1.1578801 1.1270765 1.0954281\n", + " 1.0748392 1.0656812 1.063902 1.0631467 1.0593451 1.0512257 1.043701\n", + " 1.040755 1.04263 1.0478203 0. 0. 0. 0. ]\n", + " [1.1801761 1.1757264 1.1867948 1.1955974 1.1836907 1.148095 1.1125225\n", + " 1.0891954 1.0787035 1.077436 1.078273 1.0732006 1.0631402 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1847439 1.1796486 1.1883802 1.1966674 1.1832829 1.1492897 1.1136552\n", + " 1.0899979 1.0784258 1.0762036 1.0760554 1.071248 1.061929 1.0536858\n", + " 1.0494044 1.0512726 0. 0. 0. 0. 0. ]\n", + " [1.1655728 1.1624916 1.1745042 1.1841301 1.1725465 1.1400373 1.1057394\n", + " 1.0832272 1.0718603 1.0683205 1.0663995 1.0603878 1.051522 1.0436337\n", + " 1.0404232 1.0418168 1.0468549 1.0516357 1.0540445 1.0550641 1.0564021]\n", + " [1.184391 1.1799805 1.1904873 1.1989949 1.1861372 1.1502078 1.1150559\n", + " 1.0917346 1.080779 1.0784603 1.0773754 1.0719101 1.0612224 1.0524095\n", + " 1.0483288 1.0506153 1.0565612 0. 0. 0. 0. ]]\n", + "[[1.1567394 1.1538804 1.1649954 1.1736284 1.1633955 1.1319083 1.0989834\n", + " 1.0773765 1.0672601 1.0649732 1.0644634 1.0592542 1.0506119 1.0425955\n", + " 1.0392209 1.0407822 1.0454357 1.050548 0. ]\n", + " [1.1528268 1.1485966 1.1578435 1.1657653 1.1549346 1.1254442 1.0947038\n", + " 1.0740612 1.0645041 1.0620068 1.0613915 1.0568742 1.0488572 1.0410959\n", + " 1.0377991 1.0395231 1.0443051 1.0491171 0. ]\n", + " [1.1642839 1.1627921 1.1734326 1.1826872 1.170225 1.1382458 1.1046968\n", + " 1.0817366 1.0707775 1.0674412 1.0661355 1.0614359 1.0530957 1.0453813\n", + " 1.0421124 1.0434837 1.0482713 1.053016 1.0550431]\n", + " [1.1929665 1.1897279 1.2009847 1.2083187 1.1951003 1.1586794 1.120347\n", + " 1.0949447 1.0825697 1.0787036 1.0778662 1.0720776 1.0620129 1.0534171\n", + " 1.0496073 1.0513796 1.0570488 1.0626423 1.0656184]\n", + " [1.1632711 1.1588373 1.1686549 1.1774447 1.1645856 1.133104 1.1005629\n", + " 1.0786233 1.0682514 1.0653293 1.0650679 1.0607367 1.0526028 1.0452391\n", + " 1.0420172 1.0435965 1.0483232 1.052913 0. ]]\n", + "[[1.1756266 1.1740983 1.1859397 1.1956133 1.1817813 1.1464672 1.1098206\n", + " 1.0861266 1.0743939 1.0720475 1.0711704 1.0663666 1.0575805 1.0495276\n", + " 1.0456476 1.0476022 1.0525568 1.0575905 1.0599487]\n", + " [1.1790347 1.17576 1.1876234 1.19761 1.1863312 1.1502585 1.1136339\n", + " 1.0890192 1.0773753 1.0756783 1.0756783 1.0705653 1.0611426 1.051989\n", + " 1.047917 0. 0. 0. 0. ]\n", + " [1.1909243 1.1846683 1.1937469 1.201367 1.1884058 1.154218 1.1192937\n", + " 1.0954896 1.0843672 1.0824623 1.0824844 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1739298 1.170471 1.1813314 1.19022 1.1773196 1.1441348 1.1096114\n", + " 1.086809 1.076305 1.0749035 1.0743588 1.0697112 1.0600529 1.0512363\n", + " 1.047208 0. 0. 0. 0. ]\n", + " [1.1867191 1.1823628 1.1922523 1.2012813 1.1895094 1.1545745 1.118056\n", + " 1.0941842 1.0821872 1.0793267 1.078353 1.0732795 1.0635722 1.0541104\n", + " 1.0503672 1.052497 1.0585144 0. 0. ]]\n", + "[[1.178478 1.1734577 1.1822547 1.191266 1.1794597 1.145993 1.1107908\n", + " 1.0878445 1.0768095 1.0740607 1.073781 1.0688124 1.0598644 1.0514544\n", + " 1.0482326 1.0503254 0. 0. 0. 0. ]\n", + " [1.1642838 1.1600103 1.1696566 1.1784487 1.1663442 1.133908 1.1016091\n", + " 1.080691 1.0712159 1.0705175 1.0708654 1.0665734 1.056995 1.0482912\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2140988 1.2076117 1.2177483 1.2262679 1.2104268 1.1726918 1.133101\n", + " 1.1059202 1.093369 1.0916492 1.0912541 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1915748 1.1881478 1.1990368 1.2085596 1.1952852 1.1590092 1.1210494\n", + " 1.0955869 1.0829276 1.0785855 1.0765624 1.0697821 1.0596986 1.0511994\n", + " 1.0476208 1.0495435 1.0557396 1.0612974 1.0631149 1.063936 ]\n", + " [1.175519 1.1722194 1.1829652 1.1925135 1.1805109 1.146173 1.1104165\n", + " 1.0863601 1.074443 1.0712502 1.0704393 1.0651093 1.0562794 1.0485488\n", + " 1.0449744 1.0468577 1.0516295 1.0565814 1.0589309 1.060232 ]]\n", + "[[1.166464 1.1628551 1.1728746 1.182184 1.1702762 1.1393044 1.1069885\n", + " 1.0848176 1.0727983 1.0687585 1.0664815 1.0597967 1.0513092 1.0437934\n", + " 1.0409367 1.0429591 1.0482148 1.0525019 1.054571 1.0554112 1.0566278]\n", + " [1.1819148 1.1803795 1.1923323 1.2012037 1.1885331 1.1521714 1.1143256\n", + " 1.0891106 1.0774887 1.0741222 1.0737783 1.0686387 1.0592314 1.0507019\n", + " 1.0468687 1.0483868 1.0533853 1.0586171 1.0610547 0. 0. ]\n", + " [1.1593329 1.1564794 1.1671451 1.1755649 1.1646439 1.1332006 1.100036\n", + " 1.0784831 1.0689424 1.0674354 1.0675285 1.0627171 1.0541017 1.0456854\n", + " 1.0420929 1.0439143 0. 0. 0. 0. 0. ]\n", + " [1.1754193 1.1730937 1.1849681 1.1934323 1.1809227 1.1459657 1.1103126\n", + " 1.0866112 1.0756744 1.0727507 1.0723532 1.0668162 1.0576891 1.04901\n", + " 1.04519 1.046731 1.052236 1.057669 0. 0. 0. ]\n", + " [1.1499099 1.1473966 1.1572125 1.165488 1.1545404 1.1238325 1.0935233\n", + " 1.0734634 1.0639874 1.0624969 1.0620483 1.057721 1.0497904 1.0424092\n", + " 1.0391363 1.0411482 0. 0. 0. 0. 0. ]]\n", + "[[1.1738194 1.1716174 1.1817839 1.1911305 1.1784809 1.1458144 1.1110559\n", + " 1.0874859 1.0750092 1.0713996 1.069453 1.0634278 1.0551845 1.0474612\n", + " 1.0435282 1.0455599 1.0503399 1.0549703 1.0576578 1.0585594]\n", + " [1.1532183 1.1505492 1.1602229 1.1686966 1.1570386 1.1261843 1.0949135\n", + " 1.0739856 1.0645114 1.062393 1.0628847 1.0588273 1.0506768 1.0431188\n", + " 1.0396829 1.0415177 0. 0. 0. 0. ]\n", + " [1.1643088 1.1615884 1.1728511 1.1821038 1.1706736 1.137891 1.1037058\n", + " 1.0809965 1.0706023 1.0691956 1.0699196 1.0646794 1.0563861 1.0480051\n", + " 1.0441277 0. 0. 0. 0. 0. ]\n", + " [1.170716 1.1691327 1.1803172 1.1900426 1.1772363 1.1444334 1.1097296\n", + " 1.0862025 1.074047 1.0703378 1.068617 1.0628802 1.0545301 1.0466899\n", + " 1.0431956 1.0446445 1.0498959 1.0543743 1.056457 1.0573949]\n", + " [1.1959627 1.1900978 1.1989946 1.2083263 1.1935592 1.1573563 1.1213251\n", + " 1.0965704 1.0852547 1.0841954 1.0846992 1.0793438 1.0684186 1.058453\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1934197 1.1881928 1.1997043 1.2087513 1.1948051 1.1577207 1.1199743\n", + " 1.0952451 1.0846944 1.0834885 1.0840555 1.079594 1.0691205 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2097971 1.2032243 1.2143636 1.224453 1.2096848 1.170928 1.1301615\n", + " 1.103459 1.0914744 1.0910816 1.091769 1.0854583 1.074413 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1543181 1.1503606 1.1581256 1.1657652 1.155808 1.126006 1.0955104\n", + " 1.0750315 1.0649366 1.0632856 1.0627131 1.0587463 1.0503737 1.0434376\n", + " 1.0400332 1.0414966 1.0465399 0. ]\n", + " [1.16349 1.1590965 1.1690214 1.1773769 1.1669682 1.1353279 1.103184\n", + " 1.081527 1.0719056 1.069925 1.0699046 1.0649918 1.0561635 1.0478804\n", + " 1.0442995 1.0460348 0. 0. ]\n", + " [1.1826285 1.1775036 1.1871552 1.1959038 1.1838435 1.1499553 1.1145989\n", + " 1.0911112 1.0796973 1.0764166 1.0751156 1.069464 1.0593983 1.0508112\n", + " 1.0468639 1.0489451 1.0544739 1.0600382]]\n", + "[[1.185046 1.1822512 1.1925178 1.2009509 1.1890984 1.1543188 1.1182553\n", + " 1.0934576 1.0814674 1.0770978 1.0740762 1.0682188 1.0585839 1.050839\n", + " 1.0470765 1.0494057 1.0547279 1.0596843 1.0622168 1.0627855 1.0643182\n", + " 0. 0. ]\n", + " [1.1757092 1.1699808 1.1788989 1.1866269 1.1742417 1.1415958 1.108615\n", + " 1.0870014 1.0774024 1.0751046 1.0747294 1.0689495 1.0589672 1.0502435\n", + " 1.0466247 1.0492889 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1566448 1.1544342 1.1651003 1.1745855 1.164156 1.1336485 1.1016629\n", + " 1.0797058 1.0687906 1.064784 1.0626658 1.0565338 1.0478121 1.0409788\n", + " 1.0380241 1.0396664 1.0442405 1.0484746 1.0509838 1.0520314 1.0537313\n", + " 1.0572717 1.0640215]\n", + " [1.1864254 1.1807772 1.1913239 1.1997783 1.1878251 1.1522197 1.1168332\n", + " 1.0929545 1.0817747 1.0792106 1.0791876 1.0736436 1.0632417 1.0545186\n", + " 1.0502604 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1498134 1.147592 1.1582987 1.1665527 1.155709 1.1262347 1.0945419\n", + " 1.0743431 1.0632832 1.0607595 1.0592458 1.0539874 1.0467298 1.0394918\n", + " 1.0367937 1.038508 1.0427262 1.0467253 1.0487039 1.0490456 1.050518\n", + " 0. 0. ]]\n", + "[[1.1688553 1.1659956 1.1767409 1.1860683 1.1742268 1.1411885 1.1074009\n", + " 1.0844077 1.0724534 1.069095 1.0672231 1.0612495 1.0527364 1.0449526\n", + " 1.0417274 1.0428025 1.0479555 1.0528518 1.0556004 1.0566788 0. ]\n", + " [1.1783483 1.1739475 1.1830232 1.1907806 1.1773072 1.1449195 1.110479\n", + " 1.0867606 1.0750029 1.0715472 1.0704235 1.0649343 1.0559797 1.0481222\n", + " 1.0442126 1.0457925 1.0504327 1.0551426 1.0575988 0. 0. ]\n", + " [1.1781715 1.1748983 1.1867168 1.1956723 1.1816612 1.1465505 1.1111492\n", + " 1.0877999 1.0767847 1.0750283 1.074221 1.0685575 1.0590118 1.0506744\n", + " 1.0465213 1.0487127 1.0545791 0. 0. 0. 0. ]\n", + " [1.1773263 1.1751767 1.1866878 1.1962807 1.1836188 1.1482193 1.1121883\n", + " 1.0881007 1.0766016 1.072536 1.0701727 1.064374 1.0551109 1.0474598\n", + " 1.0438265 1.0457295 1.0511922 1.0562954 1.0589149 1.0601215 1.0616114]\n", + " [1.1727562 1.1687171 1.1796272 1.1893363 1.1767049 1.1428071 1.1073155\n", + " 1.0837971 1.0722331 1.0693374 1.0684531 1.0634019 1.0552119 1.0472987\n", + " 1.0436409 1.0449595 1.0500343 1.0551423 1.0574322 0. 0. ]]\n", + "[[1.1621279 1.1586465 1.1679889 1.1755135 1.1645917 1.13322 1.100719\n", + " 1.0784731 1.0686642 1.0661685 1.0648093 1.0609953 1.0527328 1.045209\n", + " 1.0419251 1.0431855 1.0481758 0. ]\n", + " [1.173984 1.1690316 1.1782668 1.1870776 1.1786227 1.1473358 1.1134748\n", + " 1.0899466 1.0789449 1.0759938 1.0757527 1.0706843 1.0615659 1.052355\n", + " 1.0483032 0. 0. 0. ]\n", + " [1.1600593 1.1568924 1.165785 1.1742867 1.1623362 1.1305293 1.0988151\n", + " 1.0768095 1.0670162 1.0646558 1.064661 1.0603192 1.0526941 1.0452329\n", + " 1.04168 1.0432329 1.047919 0. ]\n", + " [1.1771127 1.1727306 1.1832336 1.191705 1.1779336 1.1433135 1.1077844\n", + " 1.0843427 1.0736537 1.0714476 1.0707216 1.0660716 1.0570457 1.0487946\n", + " 1.0451362 1.0469888 1.0519053 1.0570469]\n", + " [1.1696979 1.164278 1.1730926 1.1814221 1.1693385 1.1373217 1.1038412\n", + " 1.0819321 1.0715766 1.0693413 1.0691054 1.0652646 1.0567963 1.0485324\n", + " 1.0451862 1.046934 1.052478 0. ]]\n", + "[[1.163395 1.1596233 1.1684835 1.1766427 1.1645411 1.1340444 1.1016037\n", + " 1.0798155 1.0701162 1.0686849 1.0688664 1.0652161 1.0570693 1.0488863\n", + " 0. 0. ]\n", + " [1.1868578 1.1820185 1.192162 1.2003493 1.1873322 1.15192 1.1154644\n", + " 1.0914468 1.0804404 1.0781636 1.078231 1.0731256 1.0636692 1.0547851\n", + " 1.0504048 1.052558 ]\n", + " [1.1630752 1.1585522 1.1679661 1.1751177 1.1640257 1.1320612 1.0992787\n", + " 1.0781113 1.0680711 1.0666869 1.0666695 1.0623345 1.0538274 1.0459158\n", + " 1.0424054 1.0442665]\n", + " [1.1596549 1.155133 1.1638168 1.1724776 1.1620688 1.1322376 1.1011074\n", + " 1.0799189 1.070269 1.0679804 1.0681157 1.0634557 1.0541704 1.0461926\n", + " 1.042388 1.0438831]\n", + " [1.1861683 1.1804698 1.1889424 1.1982495 1.184613 1.1490401 1.1134802\n", + " 1.09084 1.0809766 1.0793498 1.0791535 1.0744796 1.0641588 1.0550183\n", + " 0. 0. ]]\n", + "[[1.1858978 1.182676 1.1931183 1.2027693 1.1896518 1.1545124 1.1180738\n", + " 1.0935143 1.0813193 1.0777504 1.0762758 1.0694036 1.0601091 1.0511947\n", + " 1.0474365 1.0493001 1.054156 1.059462 1.0620282]\n", + " [1.1848569 1.1781298 1.1878531 1.197163 1.1840056 1.1489761 1.1124212\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.196171 1.191696 1.201855 1.210602 1.1950475 1.156502 1.118488\n", + " 1.094963 1.0849723 1.0843201 1.0849952 1.0793343 1.0676639 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1800804 1.1762261 1.1850507 1.1931471 1.1808825 1.1466954 1.1132476\n", + " 1.0904846 1.0788288 1.0748523 1.0730462 1.0670229 1.0570359 1.048892\n", + " 1.0456972 1.0479642 1.0533744 1.0583845 1.0605173]\n", + " [1.1600412 1.1546816 1.1613265 1.1672103 1.1561573 1.1266465 1.0964105\n", + " 1.075795 1.0663154 1.0634421 1.0628238 1.058954 1.0513158 1.0440444\n", + " 1.0412563 1.0429289 1.0478679 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1896632 1.1843865 1.1939554 1.2003767 1.1882067 1.1534901 1.1182352\n", + " 1.0938817 1.0832355 1.080507 1.0810323 1.0757912 1.0660009 1.0564399\n", + " 1.0525185 0. 0. 0. 0. 0. ]\n", + " [1.1894628 1.1827098 1.1929142 1.2013626 1.188763 1.1533164 1.1162083\n", + " 1.0918962 1.0812861 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1942956 1.1909032 1.2011439 1.2085599 1.1966798 1.1604773 1.122935\n", + " 1.0974602 1.0846747 1.0805414 1.0793518 1.0726808 1.0628943 1.0543196\n", + " 1.049905 1.0522046 1.0581745 1.0636551 1.0661564 0. ]\n", + " [1.176014 1.1726551 1.1830711 1.1910676 1.1800601 1.1466018 1.1119146\n", + " 1.0876428 1.0759207 1.0718452 1.0699636 1.064352 1.0554285 1.0477555\n", + " 1.0445068 1.0460852 1.051156 1.0561342 1.0585148 1.0593802]\n", + " [1.1771713 1.1687589 1.1750071 1.1808846 1.1683416 1.1371201 1.105481\n", + " 1.0831736 1.0731316 1.0706468 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1724781 1.1680769 1.1776756 1.186869 1.1750373 1.1421181 1.1082629\n", + " 1.0855803 1.07475 1.0725822 1.0723276 1.0675061 1.0582533 1.049783\n", + " 1.045752 1.0472192 1.0525131 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1707247 1.1698256 1.1810862 1.1890216 1.1776328 1.1433704 1.1090108\n", + " 1.0859067 1.0741968 1.0702189 1.0683783 1.06213 1.0533471 1.0457623\n", + " 1.0425133 1.0442348 1.0492929 1.0544722 1.0563668 1.0573304 1.0589513\n", + " 1.0630798]\n", + " [1.1715132 1.1662406 1.1761895 1.1849368 1.1718549 1.1390079 1.1051829\n", + " 1.0834838 1.0742356 1.0737485 1.0742475 1.0697925 1.0603827 1.0510392\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.161665 1.1585567 1.169452 1.1780117 1.1672515 1.1339655 1.100243\n", + " 1.0780134 1.0674024 1.0648074 1.0644835 1.0591892 1.0508374 1.0429555\n", + " 1.039896 1.0415597 1.046459 1.0513357 1.0541081 0. 0.\n", + " 0. ]\n", + " [1.1649472 1.1585171 1.1658674 1.1729777 1.1611885 1.1302524 1.0992008\n", + " 1.0786792 1.0690185 1.0677484 1.06767 1.064046 1.0556024 1.0476112\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1838454 1.1793255 1.1893907 1.196406 1.1843764 1.1497763 1.1140103\n", + " 1.0898179 1.0780061 1.0747075 1.0738723 1.0687567 1.0599046 1.0510685\n", + " 1.0480137 1.0501764 1.0556918 1.0613103]\n", + " [1.1687926 1.1631067 1.1717298 1.1793633 1.1682909 1.1362331 1.1034554\n", + " 1.0813684 1.0708847 1.0682164 1.0682439 1.0643831 1.0557926 1.0479901\n", + " 1.044304 1.0459741 1.0513488 0. ]\n", + " [1.1553469 1.151509 1.1610979 1.1693794 1.1593273 1.1283377 1.0959383\n", + " 1.0745354 1.0651512 1.063303 1.0635501 1.0601517 1.0522666 1.0448008\n", + " 1.0412993 1.0426912 1.047183 0. ]\n", + " [1.1785736 1.1734686 1.1832714 1.1925176 1.1812 1.1457595 1.1106639\n", + " 1.0864083 1.0761353 1.0743179 1.074812 1.0703132 1.0608081 1.0521026\n", + " 1.0480505 0. 0. 0. ]\n", + " [1.1806548 1.1761003 1.1872212 1.1966758 1.1852775 1.1500658 1.1131585\n", + " 1.0883539 1.0775504 1.0766088 1.0764933 1.072479 1.0630683 1.0541022\n", + " 1.0498172 0. 0. 0. ]]\n", + "[[1.164025 1.1611106 1.1721911 1.1815788 1.1699106 1.1382897 1.1056714\n", + " 1.0834632 1.0720061 1.0679549 1.0660968 1.0604117 1.0516785 1.0435702\n", + " 1.0407386 1.0424916 1.0478345 1.0520542 1.0546017 1.0552018 1.055947\n", + " 1.0594227 1.0665584 0. ]\n", + " [1.1807486 1.1765355 1.1863526 1.1947926 1.1818774 1.1488794 1.1140372\n", + " 1.0900884 1.0780377 1.0739207 1.0723314 1.0668857 1.0572459 1.0493631\n", + " 1.0452684 1.0466073 1.0519542 1.056825 1.0599923 1.0612015 0.\n", + " 0. 0. 0. ]\n", + " [1.1714903 1.1670785 1.1758698 1.1832815 1.1727759 1.1413445 1.1074682\n", + " 1.0847504 1.074082 1.0718498 1.0718381 1.0677748 1.0586879 1.0499327\n", + " 1.0465816 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.182718 1.1791508 1.190722 1.1984351 1.1842036 1.1494095 1.1131333\n", + " 1.0900357 1.0800956 1.0788513 1.0800791 1.0747639 1.0645128 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1654451 1.1630876 1.1755989 1.1871034 1.1763221 1.1425245 1.107878\n", + " 1.0853148 1.0738108 1.0697086 1.0680603 1.0619864 1.0525227 1.0443964\n", + " 1.0412403 1.0433245 1.0483751 1.0531452 1.0555632 1.0561692 1.0570475\n", + " 1.0604535 1.0676817 1.0777392]]\n", + "[[1.171337 1.1674104 1.1785998 1.1876868 1.1751398 1.1413802 1.1067871\n", + " 1.0836003 1.0734736 1.072288 1.0723339 1.0669028 1.0574658 1.0485605\n", + " 1.0449189 0. 0. 0. 0. 0. 0. ]\n", + " [1.1738529 1.1704229 1.1819308 1.1919525 1.179583 1.1465664 1.1121291\n", + " 1.0883982 1.0764067 1.0721258 1.0703562 1.064599 1.0550516 1.0475223\n", + " 1.0446069 1.0459324 1.0510452 1.0564107 1.0590522 1.0599082 1.0621454]]\n", + "[[1.163927 1.1600758 1.1695726 1.1779826 1.1669009 1.1346334 1.101135\n", + " 1.0798181 1.0698329 1.0678896 1.0680035 1.0637339 1.0550734 1.0470296\n", + " 1.0430566 1.0448769 0. 0. 0. ]\n", + " [1.1836141 1.1806968 1.1908193 1.200001 1.1869062 1.152327 1.1163979\n", + " 1.0921726 1.0797591 1.0766048 1.0752977 1.0690942 1.0599087 1.0511862\n", + " 1.0473849 1.049321 1.0546789 1.0600696 1.0623721]\n", + " [1.1748743 1.1681046 1.1764225 1.1838181 1.1717553 1.1402171 1.1076996\n", + " 1.0861266 1.0760676 1.074038 1.0735047 1.0690112 1.0594378 1.0511904\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1809268 1.177489 1.186392 1.1946039 1.1811825 1.1476951 1.1128165\n", + " 1.0898478 1.0783689 1.0752128 1.073531 1.0682137 1.0588986 1.0508593\n", + " 1.0470421 1.0491766 1.054838 1.0602273 0. ]\n", + " [1.1800374 1.176271 1.187633 1.1974901 1.184283 1.1494173 1.113187\n", + " 1.0884588 1.0782243 1.076836 1.0771048 1.072334 1.063246 1.0537937\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1956396 1.1900753 1.2006512 1.2098519 1.1962492 1.1587726 1.1200609\n", + " 1.0959855 1.0854388 1.0846803 1.0860554 1.0806086 1.069442 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1848037 1.1790258 1.1888788 1.1990751 1.1869091 1.1518133 1.1157899\n", + " 1.0920254 1.0818231 1.0802912 1.0808522 1.0752885 1.0653813 1.0554811\n", + " 1.0508515 0. 0. 0. ]\n", + " [1.1764371 1.1722109 1.1823105 1.190067 1.1777067 1.1433561 1.1085632\n", + " 1.0851424 1.0740366 1.0712997 1.0715623 1.066921 1.0585951 1.0507731\n", + " 1.0470531 1.0488815 1.0540572 0. ]\n", + " [1.1727074 1.1709001 1.1821139 1.1906892 1.1781819 1.1442577 1.1090987\n", + " 1.0854431 1.0745243 1.0715611 1.0707796 1.0660503 1.0569952 1.0486656\n", + " 1.0449373 1.0467714 1.0514771 1.0571153]\n", + " [1.1918856 1.1863433 1.19616 1.2035025 1.1884184 1.1517754 1.1152889\n", + " 1.091543 1.0803237 1.0788599 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1604487 1.1569126 1.1668946 1.1762421 1.1644937 1.133044 1.0998378\n", + " 1.0784523 1.068381 1.0660795 1.066291 1.0616357 1.0537089 1.0458292\n", + " 1.0423999 1.043903 1.0486642 0. ]\n", + " [1.1689427 1.1652559 1.1741971 1.1820749 1.1700516 1.1374137 1.10389\n", + " 1.0813938 1.070501 1.0675237 1.0667801 1.0614369 1.0532676 1.0459961\n", + " 1.0425866 1.0443474 1.0491611 1.0543534]\n", + " [1.2021329 1.1956707 1.2052956 1.213645 1.1994956 1.162659 1.124667\n", + " 1.0994731 1.0878655 1.086173 1.0870571 1.0813141 1.0707731 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1702975 1.1646682 1.1740553 1.1835458 1.1722466 1.139816 1.106256\n", + " 1.0844164 1.0738288 1.0719826 1.0716022 1.066665 1.0573463 1.0490015\n", + " 1.0448264 1.046325 0. 0. ]\n", + " [1.1564432 1.1526514 1.1616565 1.1704769 1.1597441 1.129414 1.0973603\n", + " 1.0768902 1.0666596 1.0649474 1.0648625 1.0609597 1.0528588 1.0451467\n", + " 1.0414133 1.0431371 0. 0. ]]\n", + "[[1.1708851 1.1662027 1.1759341 1.1830783 1.1703893 1.1371278 1.1045921\n", + " 1.0834446 1.0745462 1.0735363 1.0738945 1.0687244 1.0590199 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.155523 1.1527858 1.163705 1.1719161 1.1611754 1.1303811 1.0984462\n", + " 1.076645 1.0666652 1.0638651 1.0621896 1.0574335 1.0490581 1.0419595\n", + " 1.0384051 1.0399526 1.0443802 1.0489705 1.0514575]\n", + " [1.1657522 1.1610916 1.171412 1.1795702 1.168138 1.1353965 1.1023993\n", + " 1.0808513 1.0715065 1.070172 1.070323 1.0658416 1.0568157 1.0486848\n", + " 1.0449536 0. 0. 0. 0. ]\n", + " [1.1608694 1.1560464 1.1654695 1.1743021 1.1638316 1.1329883 1.1010066\n", + " 1.0795516 1.0697728 1.0684298 1.0686947 1.0638645 1.0550429 1.0468167\n", + " 1.0428752 0. 0. 0. 0. ]\n", + " [1.1901689 1.1870811 1.1978301 1.2062894 1.1945288 1.1583848 1.1202468\n", + " 1.09462 1.0816617 1.0781521 1.0761564 1.070606 1.0614791 1.0526109\n", + " 1.0487136 1.0501646 1.055544 1.0608764 1.0636164]]\n", + "[[1.1786878 1.1757702 1.1862266 1.1951307 1.1831667 1.1487602 1.1133585\n", + " 1.0899397 1.0774812 1.0744444 1.0723611 1.0664924 1.0569087 1.048747\n", + " 1.0452425 1.0471637 1.0524763 1.0575154 1.0597281 1.0604789]\n", + " [1.1721222 1.1689464 1.1788472 1.1879015 1.1753109 1.1423762 1.1082915\n", + " 1.0851438 1.0739703 1.0713413 1.0701996 1.0647393 1.0550041 1.0470607\n", + " 1.0434042 1.0448416 1.050046 1.0550148 0. 0. ]\n", + " [1.1664203 1.1613696 1.1710962 1.1800045 1.1679028 1.135415 1.102461\n", + " 1.0806273 1.0710006 1.0688543 1.0686688 1.064021 1.0552602 1.046626\n", + " 1.0429449 1.0447142 1.0500216 0. 0. 0. ]\n", + " [1.188983 1.1828554 1.192303 1.200415 1.1881251 1.1529821 1.1170133\n", + " 1.0938914 1.0841405 1.0829512 1.0834799 1.0771452 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1956608 1.1905805 1.1993603 1.207013 1.1932911 1.1581447 1.1219591\n", + " 1.0974584 1.0845808 1.0799849 1.0767158 1.069814 1.0599413 1.0516332\n", + " 1.0481465 1.0505233 1.0564525 1.0617906 1.0642086 1.0654557]]\n", + "[[1.1777599 1.1725194 1.1830848 1.1918056 1.1783293 1.1436377 1.1087562\n", + " 1.0866576 1.0778686 1.076758 1.0774859 1.0721287 1.0618665 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.177701 1.1716079 1.1810839 1.188301 1.1757561 1.1420225 1.1076535\n", + " 1.0852783 1.0756236 1.0741274 1.0742224 1.0687797 1.0591886 1.0505326\n", + " 1.0470853 0. 0. 0. 0. ]\n", + " [1.1632321 1.1598129 1.1704314 1.1800056 1.1683977 1.1360544 1.1024317\n", + " 1.0798322 1.0692685 1.0668185 1.0664464 1.0614078 1.0532283 1.0453726\n", + " 1.041769 1.0432017 1.0475346 1.0525945 0. ]\n", + " [1.1771675 1.1723486 1.1808388 1.1884085 1.1755693 1.1439939 1.1105751\n", + " 1.0878897 1.0763979 1.072541 1.0708932 1.065002 1.0559809 1.0476655\n", + " 1.0440838 1.0460376 1.0509526 1.0558884 1.058313 ]\n", + " [1.1732193 1.1692454 1.1795132 1.188189 1.1753305 1.1419975 1.1076058\n", + " 1.0849172 1.0748643 1.0732889 1.073923 1.0685949 1.0600191 1.0513335\n", + " 1.0471652 0. 0. 0. 0. ]]\n", + "[[1.1883967 1.1835407 1.1934655 1.202961 1.1904805 1.1558663 1.118458\n", + " 1.0940232 1.0825409 1.0798789 1.0807872 1.075667 1.0659204 1.0555595\n", + " 1.0507264 1.052365 0. 0. ]\n", + " [1.1874374 1.1831217 1.1943231 1.2038279 1.1932046 1.1582909 1.1199888\n", + " 1.095232 1.0836374 1.0818305 1.0816462 1.0770036 1.0669581 1.0569408\n", + " 1.0522255 1.0544033 0. 0. ]\n", + " [1.1830617 1.1791236 1.1890149 1.1968591 1.1836164 1.1496037 1.1145403\n", + " 1.09127 1.0796248 1.0767038 1.075425 1.0695696 1.0601726 1.0513625\n", + " 1.0477911 1.0504192 1.0559939 1.0617216]\n", + " [1.1797388 1.1753784 1.1848564 1.1924227 1.1796604 1.1455512 1.1112506\n", + " 1.0875745 1.0763649 1.0733917 1.0723063 1.0670873 1.0578985 1.0496429\n", + " 1.0462852 1.0483272 1.0535553 1.0585655]\n", + " [1.1882126 1.1830317 1.1918491 1.2004831 1.1890173 1.1546814 1.117467\n", + " 1.0934838 1.0812286 1.0792729 1.0790567 1.0739942 1.0650868 1.0560883\n", + " 1.052116 1.0541149 0. 0. ]]\n", + "[[1.1765721 1.1736253 1.1840689 1.1917284 1.1774604 1.1420466 1.1080419\n", + " 1.0856864 1.0750544 1.072174 1.0709814 1.0652122 1.0561728 1.0477407\n", + " 1.0438305 1.0458927 1.0513425 1.0566486 1.0591964 0. 0. ]\n", + " [1.1805395 1.175143 1.1852844 1.193815 1.1823406 1.1477187 1.1117009\n", + " 1.0878341 1.0771722 1.0750962 1.0755253 1.0706272 1.0613434 1.0520735\n", + " 1.0482589 1.0504572 0. 0. 0. 0. 0. ]\n", + " [1.1960324 1.1909094 1.2020144 1.2114643 1.1990356 1.161298 1.1229931\n", + " 1.0973123 1.085314 1.0842527 1.0848219 1.0797782 1.0693806 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1750252 1.1714137 1.1812596 1.1905825 1.1792012 1.1458808 1.1112093\n", + " 1.0873537 1.0748792 1.0712074 1.0691692 1.0640242 1.0548357 1.0472107\n", + " 1.043674 1.0455949 1.0500058 1.0549755 1.057711 1.0582483 1.0598532]\n", + " [1.1607232 1.156153 1.1649148 1.171391 1.1594324 1.1271755 1.0965687\n", + " 1.0762509 1.067343 1.0657107 1.0656948 1.0610467 1.0528628 1.0451624\n", + " 1.0421321 1.0444559 0. 0. 0. 0. 0. ]]\n", + "[[1.1613302 1.15872 1.1690781 1.1776088 1.1653495 1.1339753 1.101989\n", + " 1.0807704 1.069787 1.0662123 1.0639344 1.0582122 1.0493126 1.0421278\n", + " 1.039416 1.0410516 1.0456784 1.0502831 1.0526597 1.0535374 1.0548044\n", + " 1.0585299]\n", + " [1.1647117 1.1629486 1.175259 1.1845988 1.1719975 1.1394517 1.1053636\n", + " 1.0825063 1.0715175 1.0680726 1.066857 1.060868 1.052048 1.0437192\n", + " 1.040413 1.04212 1.0470576 1.0518876 1.0544245 1.0554672 0.\n", + " 0. ]\n", + " [1.1774104 1.1731685 1.18258 1.1907814 1.1776235 1.1446557 1.1101333\n", + " 1.0871526 1.075933 1.073472 1.0721233 1.0677882 1.0586369 1.0504322\n", + " 1.0465009 1.0487471 1.0539335 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1977656 1.1933734 1.2046112 1.2156475 1.2014527 1.1640273 1.1254199\n", + " 1.1001045 1.0886887 1.0877445 1.088203 1.0827602 1.0715219 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1638863 1.1599638 1.1702678 1.1784388 1.1679758 1.1351922 1.1015592\n", + " 1.0794797 1.069327 1.0677974 1.0678438 1.0639539 1.0555228 1.047222\n", + " 1.0435703 1.0452462 0. 0. 0. 0. 0.\n", + " 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1675434 1.1621016 1.1714233 1.1799873 1.1672257 1.1351395 1.1020925\n", + " 1.0802814 1.0698075 1.0679724 1.0677874 1.0635183 1.0549833 1.0474163\n", + " 1.0440247 1.0457696]\n", + " [1.1719701 1.1659974 1.175978 1.1859819 1.1761707 1.1435094 1.1091669\n", + " 1.0856869 1.0750971 1.0725276 1.072135 1.0672284 1.058399 1.0496105\n", + " 1.0454973 1.0477791]\n", + " [1.2107811 1.2042639 1.2149607 1.2241524 1.2101201 1.1709256 1.1296836\n", + " 1.1029644 1.0907475 1.089479 1.0906208 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2086916 1.2005371 1.2080358 1.2148058 1.1998988 1.1641016 1.1274978\n", + " 1.1033126 1.0916963 1.0895189 1.0887638 1.0823447 0. 0.\n", + " 0. 0. ]\n", + " [1.1907434 1.1855454 1.1956019 1.2041506 1.1906456 1.1559538 1.1198424\n", + " 1.095349 1.0840429 1.0809231 1.0805947 1.0751444 1.064971 1.0557681\n", + " 1.0516347 1.054146 ]]\n", + "[[1.1666089 1.1632295 1.1730694 1.1815265 1.1690769 1.1369028 1.1038117\n", + " 1.0806818 1.0708334 1.0688574 1.0695525 1.0649014 1.0559405 1.0479301\n", + " 1.0444974 1.0460978 0. 0. 0. ]\n", + " [1.208566 1.2026312 1.2116041 1.219308 1.2047516 1.1679405 1.1299906\n", + " 1.1047275 1.0924065 1.0905503 1.089647 1.0838287 1.072387 1.0618643\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1637776 1.158163 1.1672996 1.1755543 1.1647615 1.1341937 1.1016068\n", + " 1.0802131 1.0715501 1.0703298 1.0705085 1.065824 1.0567244 1.0475967\n", + " 1.0435202 0. 0. 0. 0. ]\n", + " [1.165046 1.1629004 1.1732358 1.1813142 1.1698493 1.1372148 1.103132\n", + " 1.0813514 1.0705568 1.0670018 1.0662727 1.0609425 1.0526237 1.0447237\n", + " 1.0413319 1.0430819 1.0476972 1.052288 1.0550283]\n", + " [1.1736083 1.1705232 1.180621 1.1892004 1.1756445 1.1420498 1.1078532\n", + " 1.0849903 1.073858 1.0708389 1.0695304 1.0635985 1.0546277 1.0465522\n", + " 1.0430338 1.0447291 1.0502154 1.0554278 1.0581214]]\n", + "[[1.182807 1.1783451 1.19083 1.2023827 1.1900371 1.153798 1.1151093\n", + " 1.0896142 1.0784272 1.0771029 1.077703 1.0733947 1.0635265 1.054195\n", + " 1.0497022 1.0517405 0. 0. 0. ]\n", + " [1.1630613 1.1608764 1.1716688 1.1795683 1.1676244 1.1350355 1.101805\n", + " 1.0796052 1.068776 1.0654429 1.0645288 1.0590492 1.0511951 1.0440575\n", + " 1.0406313 1.0422332 1.0469166 1.0517883 1.0543157]\n", + " [1.1793545 1.1746025 1.1844372 1.1923225 1.1812925 1.1467112 1.1108752\n", + " 1.0878117 1.0774027 1.0759747 1.0763414 1.072041 1.0627567 1.0537258\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1699421 1.1665289 1.1755104 1.1838837 1.1715553 1.1377108 1.1044681\n", + " 1.0827539 1.0727956 1.0713652 1.071736 1.0666794 1.057495 1.0493486\n", + " 1.0456372 0. 0. 0. 0. ]\n", + " [1.1794642 1.1757283 1.1847653 1.1937027 1.1814679 1.1476989 1.1128722\n", + " 1.0894655 1.0775067 1.0749968 1.0740608 1.0685085 1.0588372 1.0509056\n", + " 1.0470128 1.0489625 1.0547202 1.0599675 0. ]]\n", + "[[1.1610706 1.1582398 1.168148 1.1774956 1.1662505 1.1346402 1.1018435\n", + " 1.0803108 1.0700808 1.0666347 1.0649376 1.0594876 1.050491 1.0427581\n", + " 1.03957 1.0409387 1.0455993 1.0501732 1.052285 1.0529374 0.\n", + " 0. ]\n", + " [1.1732517 1.17014 1.1814573 1.1896884 1.1762946 1.1416774 1.106942\n", + " 1.0855116 1.0759859 1.074719 1.0754902 1.0699745 1.0592431 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1825931 1.1785512 1.1897576 1.1996222 1.1881689 1.1537747 1.1169837\n", + " 1.0926008 1.0811504 1.0789826 1.079278 1.0745286 1.0649236 1.0551244\n", + " 1.0511253 1.052953 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1591918 1.1580263 1.1690323 1.1790189 1.1679257 1.1362872 1.1036127\n", + " 1.0816147 1.0705857 1.0663391 1.0641176 1.0585972 1.0497388 1.0421602\n", + " 1.0393764 1.0410367 1.0450883 1.0499954 1.0529159 1.0540552 1.0555292\n", + " 1.0591624]\n", + " [1.1716084 1.1679689 1.1784092 1.1858366 1.1736293 1.1396044 1.1055535\n", + " 1.0832958 1.0736603 1.072063 1.0724075 1.0681117 1.0585183 1.0504899\n", + " 1.0466366 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1395333 1.135643 1.1432517 1.1494985 1.1380038 1.1115924 1.084359\n", + " 1.0663893 1.0583265 1.0563045 1.0559158 1.0522401 1.0450252 1.0388114\n", + " 1.0358857 1.0372751 1.0416868 0. 0. 0. 0. ]\n", + " [1.1887939 1.1830027 1.1933241 1.2023463 1.1899208 1.154867 1.1178293\n", + " 1.0933547 1.0821687 1.0793724 1.07873 1.07329 1.0632282 1.0537093\n", + " 1.0499495 1.052112 1.0584439 0. 0. 0. 0. ]\n", + " [1.1615536 1.1585672 1.1689252 1.1770278 1.1668273 1.1353772 1.1026676\n", + " 1.0804765 1.0691402 1.0653446 1.0633903 1.0584921 1.0502815 1.0431396\n", + " 1.0403305 1.0416093 1.0461439 1.0507686 1.0529381 1.0537225 1.0550098]\n", + " [1.157376 1.1517109 1.159687 1.1673869 1.156273 1.1263834 1.0953563\n", + " 1.0750254 1.0652573 1.0635347 1.0632551 1.0594336 1.0518883 1.0443486\n", + " 1.0409207 1.0423036 0. 0. 0. 0. 0. ]\n", + " [1.1662227 1.1637441 1.1735888 1.182524 1.1691242 1.1362724 1.1024773\n", + " 1.0803226 1.069973 1.0671787 1.0654495 1.0609055 1.0520545 1.0445697\n", + " 1.0411786 1.0433732 1.048179 1.0534929 0. 0. 0. ]]\n", + "[[1.1737237 1.1677626 1.1757876 1.1846448 1.1736639 1.1420976 1.1091675\n", + " 1.0869186 1.0756121 1.0741708 1.0743201 1.0698084 1.0613012 1.0522692\n", + " 1.048519 0. 0. 0. 0. 0. ]\n", + " [1.1892942 1.1843897 1.1953038 1.2048459 1.1908792 1.1540189 1.1164874\n", + " 1.091953 1.0818452 1.0809094 1.0819496 1.0765474 1.0654163 1.0558437\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1535884 1.1502334 1.1603692 1.1693687 1.1584125 1.1285284 1.0973412\n", + " 1.0759283 1.0658247 1.063344 1.0632399 1.0591917 1.0504369 1.043568\n", + " 1.0402193 1.041536 1.0464182 0. 0. 0. ]\n", + " [1.1762135 1.173898 1.1835322 1.1923245 1.1803092 1.1464698 1.1115313\n", + " 1.0880908 1.0759041 1.0722946 1.0706749 1.0643935 1.055614 1.047788\n", + " 1.044404 1.046288 1.0514308 1.0559349 1.0585132 1.0592407]\n", + " [1.1631633 1.1610484 1.1720023 1.1802449 1.1686536 1.1357355 1.1024512\n", + " 1.0799208 1.0698786 1.066852 1.0665965 1.0618829 1.0531316 1.0453846\n", + " 1.0420386 1.0435368 1.0484532 1.0530703 0. 0. ]]\n", + "[[1.1579874 1.1545061 1.1653254 1.1736112 1.1636391 1.1321144 1.0990729\n", + " 1.0767891 1.0663768 1.0629913 1.062222 1.057704 1.0500221 1.0423784\n", + " 1.0395634 1.0411831 1.0457339 1.0504447 1.0527622]\n", + " [1.1766458 1.1739951 1.1857307 1.1939857 1.1807029 1.1448734 1.1085672\n", + " 1.0853901 1.0742574 1.0723959 1.0716269 1.0665236 1.0569072 1.0487384\n", + " 1.0451928 1.0471965 1.0527407 1.0579284 0. ]\n", + " [1.1713591 1.1666211 1.1762669 1.1850017 1.1723353 1.1401849 1.1064818\n", + " 1.0837113 1.0735027 1.0710288 1.0708507 1.065739 1.0564797 1.0485618\n", + " 1.0448462 1.0471842 0. 0. 0. ]\n", + " [1.1690298 1.1639786 1.1738008 1.1832316 1.1730375 1.1407249 1.1070744\n", + " 1.083899 1.0732293 1.070671 1.0712839 1.0668033 1.0583272 1.0501744\n", + " 1.0460202 1.0479363 0. 0. 0. ]\n", + " [1.1931846 1.1863636 1.1954657 1.2044277 1.1916167 1.1567752 1.1207268\n", + " 1.0960592 1.084914 1.0826074 1.0826385 1.0772264 1.0668392 1.05701\n", + " 1.0528373 0. 0. 0. 0. ]]\n", + "[[1.1496096 1.1468676 1.157579 1.1662884 1.1549078 1.1244793 1.0933809\n", + " 1.0729482 1.06351 1.0612729 1.0607632 1.0561612 1.0477889 1.040433\n", + " 1.0371723 1.0384406 1.0428721 1.0476334 0. 0. ]\n", + " [1.1806161 1.1771189 1.1883107 1.1980734 1.1858817 1.1497599 1.1136814\n", + " 1.089426 1.078897 1.0765622 1.0762275 1.0710155 1.0610633 1.0520513\n", + " 1.0475751 1.0490512 1.054508 0. 0. 0. ]\n", + " [1.1804209 1.178168 1.1882205 1.1983423 1.1861098 1.1519355 1.1160874\n", + " 1.0922148 1.0795788 1.0759482 1.0734223 1.0673845 1.0577598 1.0492367\n", + " 1.0459938 1.0478204 1.0534031 1.0580741 1.0598997 1.0602207]\n", + " [1.1718769 1.1655253 1.1738522 1.1823839 1.1718853 1.139592 1.1061475\n", + " 1.0833442 1.072145 1.0697052 1.0693715 1.06483 1.0557041 1.0475156\n", + " 1.044187 1.0460755 0. 0. 0. 0. ]\n", + " [1.1782391 1.1735926 1.1836429 1.1929598 1.1806978 1.145988 1.1099547\n", + " 1.0866055 1.0756683 1.0733742 1.0727718 1.0679673 1.0578909 1.0495604\n", + " 1.0456878 1.0471531 1.0525664 1.0576434 0. 0. ]]\n", + "[[1.1749434 1.1723876 1.1832186 1.1931227 1.1816193 1.147723 1.113021\n", + " 1.0889285 1.076002 1.0721186 1.0696927 1.064126 1.0547013 1.047082\n", + " 1.0439402 1.0454849 1.0501918 1.0558105 1.0583229 1.0597355 1.0614272\n", + " 0. ]\n", + " [1.1664715 1.1639798 1.1750824 1.1852217 1.1730268 1.1389363 1.1046075\n", + " 1.0822325 1.072184 1.07001 1.0704093 1.0657206 1.0567191 1.0483192\n", + " 1.044438 1.0462847 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1645641 1.1605138 1.1693338 1.1775984 1.1655658 1.1328288 1.1009178\n", + " 1.0796399 1.0689243 1.0657392 1.0645138 1.0599202 1.0514159 1.0440376\n", + " 1.04063 1.0420312 1.0466231 1.0513492 0. 0. 0.\n", + " 0. ]\n", + " [1.1856204 1.1820104 1.1934521 1.2030729 1.1881163 1.150073 1.1120733\n", + " 1.087613 1.0776762 1.0772537 1.0783057 1.0737438 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1726625 1.1705222 1.1824254 1.1916828 1.1809922 1.146801 1.1114067\n", + " 1.0869955 1.0751306 1.0710213 1.0689286 1.062721 1.0540843 1.0459712\n", + " 1.0425875 1.0446216 1.0494865 1.0542374 1.0567384 1.0574864 1.0593064\n", + " 1.0629532]]\n", + "[[1.1467129 1.1429288 1.1504948 1.1580429 1.1477488 1.1197368 1.0906237\n", + " 1.0713356 1.0617387 1.0591109 1.0586087 1.0543773 1.0466776 1.0397458\n", + " 1.037322 1.0390127 1.04408 0. 0. ]\n", + " [1.1700052 1.1667051 1.176237 1.1855396 1.1739012 1.141634 1.1080582\n", + " 1.084754 1.0739609 1.0702156 1.068466 1.062999 1.0536599 1.0456825\n", + " 1.042365 1.0444318 1.0496916 1.0550349 1.0574561]\n", + " [1.1722608 1.1699908 1.1814127 1.1911532 1.1790166 1.1449835 1.1095327\n", + " 1.0861609 1.0748546 1.0716467 1.0714666 1.0660801 1.056429 1.0486022\n", + " 1.0445771 1.0460304 1.0512495 1.056623 0. ]\n", + " [1.1722971 1.1691663 1.1796445 1.1885263 1.1747319 1.1409173 1.1060017\n", + " 1.0829436 1.0728356 1.0705334 1.0711944 1.0668364 1.0575658 1.0496196\n", + " 1.045846 1.0473832 1.0526202 0. 0. ]\n", + " [1.1846851 1.180732 1.1922915 1.2010924 1.1891505 1.1518676 1.114346\n", + " 1.0896451 1.0789715 1.0780001 1.078798 1.0744272 1.0640671 1.0547624\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.185981 1.1790867 1.1871642 1.1948166 1.1821233 1.1493757 1.1149259\n", + " 1.0915744 1.0812813 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1862863 1.1827556 1.1943669 1.2027742 1.1918795 1.1564956 1.1193665\n", + " 1.0941374 1.080736 1.0770007 1.0755302 1.0701567 1.06073 1.0524158\n", + " 1.0482622 1.0499656 1.055376 1.060422 1.0631931]\n", + " [1.2101486 1.2027739 1.212358 1.2197644 1.2047793 1.1686788 1.1310424\n", + " 1.1051592 1.0929883 1.0907775 1.0903091 1.0832169 1.0723625 1.062125\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2218347 1.2171608 1.2272547 1.2364204 1.2199129 1.1816472 1.1400921\n", + " 1.1129577 1.100941 1.0988026 1.0988368 1.0912848 1.0781333 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1808012 1.1753128 1.1863095 1.1955976 1.1842229 1.1499897 1.1140481\n", + " 1.0904676 1.0798148 1.0783283 1.0785261 1.0736026 1.0633175 1.0538808\n", + " 1.0493592 0. 0. 0. 0. ]]\n", + "[[1.1956042 1.1898032 1.2005967 1.2102759 1.1950318 1.1576582 1.1199006\n", + " 1.0954314 1.0847613 1.084526 1.0845724 1.0783327 1.0669347 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1595297 1.1570069 1.1676748 1.1779865 1.1678052 1.1354041 1.1010228\n", + " 1.078989 1.0682138 1.0651857 1.0634195 1.0577421 1.0487169 1.0416187\n", + " 1.0386791 1.0408641 1.0459586 1.0510391 1.0538144 1.0545143 1.055427\n", + " 1.0584606 1.0655487 1.0749063 1.0822569]\n", + " [1.1776766 1.174099 1.1837223 1.1916192 1.1801307 1.1470613 1.1123878\n", + " 1.0888801 1.0776684 1.075517 1.0750201 1.0693648 1.0602036 1.0513157\n", + " 1.0479503 1.0499215 1.0558524 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1641736 1.1609273 1.1714945 1.180047 1.1688321 1.1362811 1.102962\n", + " 1.081047 1.0706722 1.0692921 1.0687667 1.0640162 1.0551306 1.0470518\n", + " 1.0429735 1.0446961 1.0498902 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1644652 1.1617703 1.1720227 1.1806071 1.1686898 1.1363132 1.1029184\n", + " 1.080586 1.0694895 1.0665169 1.0655556 1.060655 1.0525848 1.0447313\n", + " 1.0415317 1.0429962 1.0474299 1.0523813 1.0546708 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1727501 1.1661807 1.1740637 1.1816214 1.1711593 1.1397659 1.1062448\n", + " 1.0844859 1.0738926 1.071943 1.0719568 1.0673 1.0585592 1.0500572\n", + " 1.0466422 0. 0. ]\n", + " [1.1615788 1.1572106 1.1674442 1.1770649 1.1659147 1.1338177 1.1003292\n", + " 1.0778263 1.0674279 1.0651405 1.0653669 1.0614506 1.0531963 1.0451214\n", + " 1.0417111 1.0432942 1.048024 ]\n", + " [1.185352 1.1804489 1.1904534 1.1986126 1.1843942 1.1475259 1.1123117\n", + " 1.0886345 1.0794582 1.0789233 1.0798956 1.0743284 1.0642772 0.\n", + " 0. 0. 0. ]\n", + " [1.1910466 1.1857471 1.1970221 1.206507 1.1934707 1.1573532 1.1201733\n", + " 1.0959022 1.0856612 1.0836215 1.0843456 1.0790843 1.0682544 1.0584145\n", + " 0. 0. 0. ]\n", + " [1.1786948 1.1749954 1.1849489 1.1936088 1.1806786 1.1464523 1.1119385\n", + " 1.0885277 1.0770808 1.0748894 1.0741048 1.0695812 1.0602593 1.0521632\n", + " 1.0484679 1.0500742 1.0553746]]\n", + "[[1.1781244 1.1750216 1.1853623 1.1946647 1.1829556 1.1501875 1.1156247\n", + " 1.0921773 1.0797372 1.0751461 1.0720168 1.0652269 1.0551928 1.047304\n", + " 1.0441936 1.0468192 1.0519208 1.0568663 1.059445 1.0597582 1.0612041\n", + " 1.0647738 1.0727243]\n", + " [1.1742092 1.1709993 1.1829646 1.1939203 1.1819896 1.1483494 1.1137257\n", + " 1.0906085 1.078573 1.0738057 1.0712978 1.0648823 1.0551895 1.0470951\n", + " 1.0436084 1.0457948 1.0508705 1.0560275 1.0582196 1.0592248 1.0606401\n", + " 1.0645394 1.0726888]\n", + " [1.1715254 1.1663018 1.1750455 1.1837864 1.1717689 1.139001 1.1054294\n", + " 1.0826988 1.0718648 1.0693613 1.0690391 1.06449 1.0561653 1.0483558\n", + " 1.0447913 1.04646 1.0519041 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1726052 1.1686167 1.1783684 1.1867346 1.1749511 1.141557 1.1068293\n", + " 1.0831084 1.071937 1.068781 1.0678567 1.0629804 1.0547397 1.047572\n", + " 1.0440983 1.0458865 1.051235 1.0566363 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1837028 1.178044 1.1876874 1.1952252 1.1797919 1.1453619 1.1112934\n", + " 1.0890565 1.0793452 1.0782061 1.0785375 1.0727637 1.0627986 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.177302 1.1734318 1.1848294 1.1950476 1.1827286 1.1473899 1.1108472\n", + " 1.0866075 1.0759716 1.0738838 1.0738174 1.0690532 1.0599682 1.0513453\n", + " 1.0471731 1.0490611 1.0544358 0. 0. 0. 0. ]\n", + " [1.1512291 1.1478021 1.1571715 1.1662074 1.1561214 1.1257495 1.0951339\n", + " 1.0738392 1.0647066 1.062303 1.062792 1.0592841 1.0509918 1.0436385\n", + " 1.0400695 1.0414362 0. 0. 0. 0. 0. ]\n", + " [1.1951721 1.188992 1.1981374 1.2051 1.1899734 1.1542487 1.1175083\n", + " 1.0940853 1.0843936 1.0821539 1.0822116 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1654004 1.1631709 1.1740382 1.1830349 1.1723771 1.1397418 1.1056043\n", + " 1.0824734 1.0712539 1.067531 1.066038 1.0611173 1.052481 1.0452354\n", + " 1.0418061 1.0433278 1.0475851 1.0519515 1.0542524 1.0551687 1.0568008]\n", + " [1.178206 1.1749125 1.1867796 1.1956725 1.1826829 1.1474054 1.1109033\n", + " 1.0876814 1.0766777 1.0742887 1.073407 1.0674019 1.0575793 1.0489951\n", + " 1.045218 1.047174 1.0531439 1.0587265 0. 0. 0. ]]\n", + "[[1.1748466 1.1712747 1.1827865 1.1920763 1.1795154 1.1446314 1.1089705\n", + " 1.0854541 1.0747495 1.0730962 1.072808 1.0677114 1.0581774 1.0495324\n", + " 1.0456187 1.0476384 1.0534483 0. ]\n", + " [1.176739 1.1721516 1.1805409 1.1883373 1.1742353 1.1395919 1.1055026\n", + " 1.0843964 1.0752013 1.0746566 1.075269 1.0703449 1.0602486 1.0511781\n", + " 0. 0. 0. 0. ]\n", + " [1.1769422 1.1734693 1.1828773 1.1911529 1.1784713 1.1445135 1.109963\n", + " 1.0866866 1.0760891 1.073037 1.0722417 1.0671034 1.057664 1.0495073\n", + " 1.0455372 1.0475638 1.0531675 1.0584446]\n", + " [1.1964465 1.1926302 1.2036629 1.2126775 1.1983198 1.161431 1.1233674\n", + " 1.0982534 1.0868883 1.0849209 1.0849646 1.0796112 1.0687437 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1742871 1.1711051 1.1820352 1.1910244 1.1787728 1.1450598 1.1100141\n", + " 1.0872787 1.0768216 1.0755248 1.0754938 1.0701143 1.0605999 1.0516013\n", + " 1.0478628 0. 0. 0. ]]\n", + "[[1.1971365 1.1916223 1.2015845 1.2090836 1.1941154 1.157767 1.1207788\n", + " 1.0972025 1.0868145 1.0856783 1.0860265 1.0798321 1.0683912 0.\n", + " 0. 0. ]\n", + " [1.172415 1.1688633 1.1786678 1.1863688 1.1731665 1.1380795 1.1049249\n", + " 1.0827801 1.0739425 1.0727482 1.0737499 1.0693303 1.0599151 1.0511761\n", + " 0. 0. ]\n", + " [1.1681559 1.1637319 1.1742952 1.1838869 1.1733178 1.1403583 1.1062319\n", + " 1.083624 1.0736017 1.0720999 1.0732534 1.0692195 1.0602677 1.0514921\n", + " 1.0471976 0. ]\n", + " [1.1740739 1.1707487 1.1817665 1.1919419 1.178258 1.1443105 1.1079626\n", + " 1.084613 1.0745164 1.0733402 1.0742936 1.0699735 1.0605974 1.0515712\n", + " 1.0475279 0. ]\n", + " [1.1625929 1.1588422 1.1689029 1.177368 1.1660112 1.1335804 1.1008892\n", + " 1.0792584 1.0698802 1.0680617 1.0685104 1.0643506 1.055583 1.0475714\n", + " 1.0438557 1.0455523]]\n", + "[[1.1719373 1.1665853 1.1762121 1.1852689 1.1734864 1.1402742 1.1056666\n", + " 1.0835304 1.0731497 1.0709972 1.0712739 1.0669994 1.0575153 1.049341\n", + " 1.0455643 0. 0. ]\n", + " [1.1565757 1.152471 1.1620102 1.1714485 1.1622033 1.1319352 1.1000075\n", + " 1.0788035 1.068641 1.0662781 1.0664823 1.0625845 1.0540221 1.0457358\n", + " 1.0421628 0. 0. ]\n", + " [1.1930041 1.1882042 1.1983082 1.2066423 1.1943678 1.1588744 1.1216985\n", + " 1.095253 1.0831262 1.0798708 1.0800948 1.0750911 1.0656444 1.0566474\n", + " 1.0523655 1.0541785 1.059469 ]\n", + " [1.1572317 1.1534711 1.1635242 1.1732748 1.1614829 1.1298764 1.0975481\n", + " 1.0764135 1.0660753 1.0639184 1.063453 1.0595986 1.051409 1.0442412\n", + " 1.0409093 1.0423976 1.0472064]\n", + " [1.1864405 1.1811006 1.1903578 1.1978009 1.1866865 1.1522352 1.1169564\n", + " 1.0929585 1.081838 1.0795501 1.0801864 1.0751554 1.0651296 1.0559313\n", + " 0. 0. 0. ]]\n", + "[[1.1784108 1.1741004 1.1845242 1.1928182 1.1809229 1.1469268 1.1116265\n", + " 1.0875449 1.0764388 1.0739958 1.0735848 1.0690616 1.0600809 1.0511521\n", + " 1.0472791 1.0491618 1.0547132 0. 0. 0. ]\n", + " [1.1570286 1.1549104 1.1661556 1.1742669 1.1632884 1.1319674 1.099418\n", + " 1.0778648 1.0675652 1.0642458 1.0628375 1.057229 1.0485469 1.0412893\n", + " 1.038002 1.0395386 1.0441128 1.049022 1.0516689 1.0529402]\n", + " [1.191762 1.1882803 1.198997 1.207643 1.1947293 1.158942 1.1215093\n", + " 1.0956357 1.0835756 1.0798832 1.0798284 1.0739441 1.0637696 1.0550506\n", + " 1.050592 1.053141 1.0587462 1.0644275 0. 0. ]\n", + " [1.1586895 1.1541361 1.1642733 1.1736546 1.1636393 1.1325397 1.1004837\n", + " 1.078821 1.0688171 1.0675707 1.0678644 1.0636111 1.0546634 1.0463294\n", + " 1.0426112 0. 0. 0. 0. 0. ]\n", + " [1.1853486 1.179909 1.189069 1.19609 1.1835407 1.1494465 1.1143553\n", + " 1.0911779 1.0799323 1.0780342 1.0783277 1.0736008 1.0636913 1.0548997\n", + " 1.0514523 0. 0. 0. 0. 0. ]]\n", + "[[1.1610581 1.1587609 1.167702 1.1765686 1.1637619 1.1313853 1.0991875\n", + " 1.07822 1.0687004 1.0686462 1.0691421 1.064534 1.0554515 1.0471271\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1624591 1.1613286 1.1728672 1.180854 1.1690346 1.1364603 1.102702\n", + " 1.080709 1.0694094 1.0654714 1.064291 1.0589606 1.0503813 1.043575\n", + " 1.0402572 1.0420488 1.0465275 1.0509442 1.053131 1.0541108]\n", + " [1.1526123 1.1481372 1.1567324 1.1641161 1.1537406 1.1243799 1.0942982\n", + " 1.073957 1.0646038 1.0630615 1.0634971 1.0585212 1.0505395 1.0428835\n", + " 1.0392029 1.040618 0. 0. 0. 0. ]\n", + " [1.1672393 1.1615832 1.1698251 1.1766663 1.1650106 1.133227 1.1013136\n", + " 1.0804598 1.0715501 1.0706398 1.0715408 1.0670799 1.0582682 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1801232 1.176851 1.1879427 1.1965158 1.1830858 1.147166 1.1108426\n", + " 1.0873617 1.0761667 1.0742247 1.0738847 1.0688449 1.0589278 1.0505219\n", + " 1.0467213 1.0483578 1.0536143 1.0589161 0. 0. ]]\n", + "[[1.1846242 1.1806856 1.190124 1.1990278 1.1865963 1.1515657 1.1148088\n", + " 1.0906682 1.0797573 1.077609 1.0778761 1.0724941 1.0626506 1.0527453\n", + " 1.0486501 1.0503875 1.0562392 0. 0. ]\n", + " [1.15968 1.1551833 1.1644182 1.1732141 1.1614859 1.1306554 1.0983925\n", + " 1.0764215 1.0665414 1.0649645 1.0649517 1.0609583 1.052295 1.0447285\n", + " 1.0411257 1.0426433 1.0479496 0. 0. ]\n", + " [1.1412282 1.1371366 1.1447124 1.151722 1.1429187 1.1151053 1.0872313\n", + " 1.0684717 1.0600382 1.0587182 1.0590774 1.0549982 1.0476091 1.0401254\n", + " 1.0365245 0. 0. 0. 0. ]\n", + " [1.1862235 1.1832502 1.1937765 1.20206 1.1888211 1.1544567 1.1182476\n", + " 1.0934594 1.0813816 1.0771656 1.0761589 1.0701609 1.0602733 1.0513636\n", + " 1.0476551 1.049961 1.0551244 1.0605295 1.0627391]\n", + " [1.1659842 1.1635618 1.1736783 1.1822476 1.170033 1.1391387 1.1065583\n", + " 1.0846413 1.0737255 1.0704747 1.0690057 1.0635389 1.0542887 1.0462594\n", + " 1.0422468 1.0446707 1.0497637 1.0545866 0. ]]\n", + "[[1.1675713 1.1653031 1.1763387 1.1856186 1.1738274 1.1397047 1.105719\n", + " 1.0832776 1.072365 1.0698392 1.0691203 1.0640584 1.0551599 1.0472078\n", + " 1.0438019 1.0455489 1.0505592 1.0556691 0. ]\n", + " [1.1743253 1.1728809 1.1833605 1.1933122 1.1794233 1.1459898 1.1113662\n", + " 1.0877185 1.0760468 1.0722107 1.0705334 1.0647017 1.0558292 1.0472891\n", + " 1.0438112 1.0460583 1.0512513 1.0565704 1.058906 ]\n", + " [1.1753373 1.1734908 1.1848078 1.1939942 1.1798959 1.1450083 1.1096487\n", + " 1.0867313 1.0759289 1.072539 1.0718045 1.0657082 1.0569782 1.048636\n", + " 1.0453168 1.0466349 1.0518934 1.0569141 1.0595622]\n", + " [1.1730572 1.1685438 1.1793199 1.1876861 1.1758264 1.1423181 1.1073085\n", + " 1.0842216 1.0733595 1.0719429 1.0718714 1.0670341 1.0575407 1.0493813\n", + " 1.0455593 1.0470529 1.0527576 0. 0. ]\n", + " [1.1630667 1.1589614 1.1685002 1.1771202 1.1646903 1.1335759 1.1011846\n", + " 1.07918 1.0690049 1.065953 1.0643084 1.0595294 1.0513477 1.0437045\n", + " 1.0405117 1.04213 1.046762 1.0514941 1.0538028]]\n", + "[[1.1591846 1.1555521 1.1633614 1.1719897 1.1607416 1.1305048 1.0997473\n", + " 1.0784028 1.0672017 1.0639682 1.0620741 1.0567753 1.0489259 1.0420971\n", + " 1.0393696 1.0413942 1.0460399 1.0503196 1.0524508]\n", + " [1.175764 1.1724641 1.1824505 1.1910871 1.1780113 1.1445733 1.1101693\n", + " 1.0870061 1.0757833 1.0725905 1.0725931 1.0676552 1.058425 1.050337\n", + " 1.0463902 1.0483304 1.0539672 0. 0. ]\n", + " [1.1841989 1.1800168 1.1910311 1.2004254 1.1866618 1.1501293 1.1135924\n", + " 1.0895331 1.0800433 1.0792599 1.0802062 1.0755464 1.0651845 1.0556676\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.173526 1.1695006 1.1793379 1.1879652 1.1748232 1.1411365 1.1071603\n", + " 1.084651 1.0747575 1.07322 1.073486 1.0686088 1.0597615 1.0514033\n", + " 1.0473013 0. 0. 0. 0. ]\n", + " [1.1688855 1.1658354 1.1767789 1.1844355 1.1727226 1.1387646 1.104446\n", + " 1.0822682 1.0719719 1.0706013 1.0703645 1.0654768 1.056985 1.0486435\n", + " 1.0449262 1.0466838 1.0518398 0. 0. ]]\n", + "[[1.1604631 1.1556461 1.1637123 1.1711627 1.159189 1.127895 1.0965742\n", + " 1.0761378 1.0673385 1.0661379 1.066649 1.0621552 1.0542227 1.046218\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1885937 1.1809499 1.1866174 1.1940258 1.1814226 1.1482648 1.1130507\n", + " 1.0894251 1.0785528 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.17483 1.173653 1.1849909 1.1939182 1.1802535 1.1451275 1.1101819\n", + " 1.0862468 1.0753425 1.0720588 1.071232 1.0659987 1.0567391 1.0487573\n", + " 1.0448472 1.0464976 1.0515355 1.0566204 1.0588716 0. ]\n", + " [1.2025074 1.196135 1.2063943 1.2139446 1.2009679 1.16485 1.12582\n", + " 1.0999395 1.0880382 1.0862 1.0865334 1.0813755 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1863612 1.1831782 1.1933775 1.2009195 1.1882335 1.154272 1.1190735\n", + " 1.0946994 1.0824353 1.0781382 1.0756106 1.0687566 1.0583266 1.0499461\n", + " 1.0467045 1.0486948 1.0544816 1.0594718 1.0618149 1.0620624]]\n", + "[[1.1740386 1.1706182 1.1808616 1.1892928 1.1760069 1.1415645 1.106869\n", + " 1.0847901 1.0742632 1.0717986 1.0711806 1.0658412 1.0565261 1.0481377\n", + " 1.0446762 1.0462397 1.051612 1.0567354 0. 0. 0. ]\n", + " [1.1706853 1.1677289 1.1783924 1.1879649 1.1758721 1.1428602 1.1080314\n", + " 1.0845237 1.0730417 1.0694337 1.0677685 1.0630565 1.0542096 1.0468266\n", + " 1.0430965 1.0445516 1.0494666 1.0543216 1.0568368 1.0581229 0. ]\n", + " [1.165289 1.1615438 1.171865 1.1814035 1.1700497 1.1384337 1.1046349\n", + " 1.0819026 1.0700088 1.0666928 1.0647837 1.0597528 1.0514252 1.0443741\n", + " 1.0412188 1.0429013 1.047004 1.0521849 1.0547233 1.0559126 1.0574208]\n", + " [1.1829603 1.1813493 1.1942871 1.203621 1.1904949 1.1536136 1.1161935\n", + " 1.091379 1.0795884 1.0762289 1.0756372 1.0693564 1.0595254 1.0502808\n", + " 1.0467527 1.0484701 1.0540681 1.0595224 1.0620909 0. 0. ]\n", + " [1.2004007 1.1948547 1.2038859 1.2111481 1.198004 1.1624199 1.1244409\n", + " 1.0991877 1.0862967 1.0823528 1.0809069 1.0752662 1.0652782 1.0559267\n", + " 1.0522063 1.0546914 1.0605829 1.0664816 0. 0. 0. ]]\n", + "[[1.1578488 1.153769 1.1614497 1.1683443 1.1563569 1.1256629 1.0950665\n", + " 1.0754281 1.0661963 1.0654148 1.0655947 1.0621376 1.0534805 1.0456898\n", + " 0. 0. 0. 0. ]\n", + " [1.1664842 1.1636003 1.1738436 1.1817869 1.1701905 1.1373948 1.1031553\n", + " 1.0810697 1.0702918 1.0676798 1.0669078 1.0624617 1.0542827 1.0465235\n", + " 1.0432044 1.0443116 1.048889 1.0538331]\n", + " [1.1749712 1.1723852 1.182879 1.1923437 1.1783725 1.1444455 1.1093686\n", + " 1.0859987 1.0746759 1.0722704 1.0714304 1.066974 1.0576525 1.0491858\n", + " 1.045128 1.0464183 1.0515622 1.0563948]\n", + " [1.1613997 1.1584392 1.168705 1.1769431 1.1654156 1.1339843 1.1014062\n", + " 1.079151 1.068125 1.0657213 1.0650561 1.0609759 1.0532273 1.045833\n", + " 1.0422696 1.0436394 1.0479774 1.0525708]\n", + " [1.2018546 1.195928 1.2048374 1.2129353 1.1979871 1.1615599 1.1237302\n", + " 1.0981743 1.0872042 1.0853056 1.0848446 1.0800717 1.0698637 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1533769 1.150483 1.1596688 1.1671653 1.1546923 1.1241829 1.0934035\n", + " 1.0734022 1.0636529 1.0610126 1.0607438 1.056255 1.0485729 1.0415161\n", + " 1.0382627 1.0400689 1.0448762 1.0495713 0. 0. ]\n", + " [1.1789198 1.1762186 1.186819 1.1956749 1.1819791 1.1478217 1.1126326\n", + " 1.0891901 1.0771244 1.0736023 1.0715308 1.0653452 1.0560133 1.0478604\n", + " 1.0444658 1.046262 1.0515344 1.056325 1.0590508 1.0603453]\n", + " [1.1707321 1.1677885 1.1779649 1.1868026 1.1735367 1.1395383 1.1046951\n", + " 1.0824754 1.0720775 1.0707653 1.0709745 1.065953 1.0564148 1.0481286\n", + " 1.044064 1.0460356 1.0513248 0. 0. 0. ]\n", + " [1.175188 1.1709607 1.1819785 1.1913203 1.1785988 1.1432453 1.1072059\n", + " 1.0840849 1.073563 1.0717009 1.0715084 1.0670274 1.0578961 1.0498412\n", + " 1.046267 1.0483545 1.0544144 0. 0. 0. ]\n", + " [1.1679596 1.1614964 1.1696452 1.177196 1.1671722 1.136136 1.1037822\n", + " 1.0821457 1.0722638 1.0702406 1.069694 1.0654373 1.0564567 1.0484916\n", + " 1.0448765 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1646569 1.1617998 1.1733835 1.1826756 1.170622 1.136873 1.1024171\n", + " 1.0807445 1.0713472 1.070532 1.0712612 1.066483 1.0572269 1.0483656\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1657043 1.1629891 1.1740026 1.18151 1.1694925 1.1362484 1.1027746\n", + " 1.0804756 1.071394 1.0701373 1.0701872 1.0655386 1.0560377 1.0477489\n", + " 1.0436095 0. 0. 0. 0. 0. ]\n", + " [1.1844015 1.1811426 1.1908906 1.1992143 1.1862563 1.1507974 1.1156975\n", + " 1.0914898 1.0799341 1.0756724 1.073341 1.0668373 1.0574379 1.0491996\n", + " 1.0457243 1.0482352 1.0531702 1.0588666 1.0613372 1.0620955]\n", + " [1.1868532 1.1823428 1.1915903 1.2008632 1.1873085 1.1517284 1.115643\n", + " 1.0921007 1.0804836 1.0778599 1.077116 1.07237 1.0624516 1.0535104\n", + " 1.0499262 1.0519497 1.0580037 0. 0. 0. ]\n", + " [1.1754758 1.1723046 1.1826816 1.1907865 1.1771816 1.1438138 1.1086881\n", + " 1.0852573 1.0732563 1.0693314 1.0679997 1.0624839 1.0536177 1.0463419\n", + " 1.0425351 1.0445735 1.0495422 1.0545986 1.0572459 1.0582647]]\n", + "[[1.1350158 1.1317153 1.1407498 1.1515396 1.1423819 1.1158098 1.0876399\n", + " 1.068687 1.0582933 1.0549077 1.0538188 1.0489411 1.0411962 1.0354183\n", + " 1.0332423 1.0351174 1.039691 1.0444044 1.0463616 1.047139 1.0482947\n", + " 1.0505984 1.0564353 1.0646029 1.070916 1.0753453 1.0763301 1.0737625]\n", + " [1.163832 1.1606449 1.1720892 1.1809683 1.1697745 1.1366178 1.102955\n", + " 1.0805912 1.0696487 1.0671062 1.0663382 1.0616868 1.053125 1.0450662\n", + " 1.0417405 1.0433896 1.0486244 1.0538378 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1693474 1.1661258 1.1753755 1.1832225 1.1697955 1.1365864 1.1031048\n", + " 1.0817118 1.0728151 1.0713954 1.0721279 1.0674345 1.0582904 1.0499543\n", + " 1.0461884 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1969738 1.1917222 1.201766 1.2114685 1.1992676 1.1622957 1.1239675\n", + " 1.0986074 1.086566 1.0848013 1.0841805 1.0788924 1.0683131 1.0582529\n", + " 1.0535263 1.0555437 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1601044 1.1570215 1.1640949 1.1718179 1.1600994 1.1300484 1.0995708\n", + " 1.0787046 1.0677302 1.065006 1.0635557 1.0584228 1.0506954 1.0439343\n", + " 1.0405843 1.0426172 1.0469506 1.0514383 1.0542787 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1726112 1.1690652 1.1791425 1.1883601 1.1769106 1.1450657 1.1108159\n", + " 1.0871292 1.0755125 1.0713013 1.0689296 1.0634108 1.0545888 1.0470357\n", + " 1.0442857 1.045655 1.0507458 1.0560449 1.0582793 1.0594544 1.0611775\n", + " 1.0656191]\n", + " [1.2087075 1.2024152 1.2126007 1.2206452 1.2056733 1.1683342 1.1301419\n", + " 1.1049151 1.0934174 1.0914342 1.090749 1.0842477 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1782168 1.173151 1.1821913 1.1903133 1.1773593 1.1433846 1.108643\n", + " 1.0860915 1.0747541 1.0727508 1.0718857 1.0673263 1.0582583 1.0505759\n", + " 1.0471058 1.049081 1.0545676 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1612318 1.1562421 1.1644678 1.1715504 1.1605216 1.1295942 1.0980945\n", + " 1.0774232 1.0673718 1.065841 1.0662298 1.0621057 1.0538678 1.0461326\n", + " 1.0425414 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1802696 1.1750134 1.1843609 1.191999 1.1799366 1.1455321 1.1098447\n", + " 1.0863448 1.0755322 1.072884 1.073218 1.0682657 1.059681 1.0513861\n", + " 1.0478295 1.0500714 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1703533 1.1662278 1.1750603 1.1827232 1.1703515 1.137811 1.103947\n", + " 1.0821655 1.0717354 1.069149 1.0683783 1.0630023 1.0543578 1.0465274\n", + " 1.0429506 1.0451891 1.0505793 0. 0. 0. 0. ]\n", + " [1.1727096 1.1704843 1.1816709 1.1903821 1.1783559 1.1458446 1.1114893\n", + " 1.087953 1.0759606 1.0718173 1.0693585 1.0633531 1.0545553 1.0468553\n", + " 1.0434299 1.0450585 1.0501972 1.0550544 1.0576421 1.0590066 1.0609263]\n", + " [1.1581321 1.1543589 1.1647385 1.1734154 1.1632898 1.132005 1.099382\n", + " 1.0779688 1.0676203 1.0658946 1.0656927 1.0615278 1.0533711 1.0454364\n", + " 1.0415379 1.0430032 1.0477905 0. 0. 0. 0. ]\n", + " [1.1629944 1.1582161 1.1682336 1.1765506 1.1653488 1.133947 1.101216\n", + " 1.0792258 1.0688093 1.0669454 1.0674702 1.0628694 1.0545753 1.0468452\n", + " 1.0431961 1.0450517 1.0502999 0. 0. 0. 0. ]\n", + " [1.1635237 1.1607383 1.1709276 1.1795857 1.1676458 1.1354374 1.102061\n", + " 1.0798413 1.0690117 1.0669692 1.0664504 1.0619146 1.0534174 1.0456736\n", + " 1.0422527 1.0436413 1.0484024 1.0533183 0. 0. 0. ]]\n", + "[[1.1828289 1.1758392 1.1839247 1.1900647 1.1778562 1.144065 1.1093343\n", + " 1.0862812 1.0768256 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.166838 1.1621965 1.1722952 1.181348 1.1705782 1.1385604 1.1048836\n", + " 1.0823059 1.0719496 1.0692817 1.0683634 1.0635972 1.0545946 1.0464357\n", + " 1.0429648 1.0447711 1.049857 1.0551065 0. 0. ]\n", + " [1.1779549 1.1725783 1.1813916 1.1891507 1.1759797 1.1416429 1.1071123\n", + " 1.0840018 1.0735576 1.0719137 1.0721074 1.0673676 1.0586653 1.0500438\n", + " 1.0460975 1.0479834 0. 0. 0. 0. ]\n", + " [1.2009054 1.1948907 1.202151 1.2094946 1.1965854 1.1608078 1.1234659\n", + " 1.0971818 1.086547 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1778764 1.175304 1.1862023 1.1960572 1.1838977 1.1505275 1.1148984\n", + " 1.0907931 1.0780641 1.0744478 1.0724761 1.0659763 1.0569102 1.0480855\n", + " 1.0447634 1.0463405 1.0509907 1.0556823 1.0578487 1.0584074]]\n", + "[[1.182746 1.1772583 1.1862582 1.194656 1.1823109 1.1480494 1.1130679\n", + " 1.0907923 1.080236 1.077842 1.0778244 1.0717753 1.0619433 1.0525888\n", + " 1.0486479 0. 0. 0. 0. ]\n", + " [1.1840472 1.1797147 1.1920934 1.2026191 1.190959 1.1543634 1.1165156\n", + " 1.0914972 1.08083 1.0795177 1.0802436 1.0754883 1.0649656 1.0554475\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1714411 1.1689429 1.1801121 1.1886567 1.1758507 1.1420826 1.1069268\n", + " 1.0845088 1.0749032 1.0729736 1.0731275 1.0686319 1.0588901 1.0504878\n", + " 1.0464907 0. 0. 0. 0. ]\n", + " [1.1782525 1.1754892 1.1873705 1.1966008 1.1845721 1.1487572 1.1117496\n", + " 1.0873543 1.0755147 1.0724574 1.0718838 1.06695 1.0578072 1.0494272\n", + " 1.0456389 1.0470113 1.0517602 1.0568749 1.059428 ]\n", + " [1.1524458 1.147827 1.155999 1.1634048 1.1525861 1.1237804 1.0930722\n", + " 1.0729393 1.0638946 1.062071 1.0623783 1.0581555 1.0507637 1.0433804\n", + " 1.040129 0. 0. 0. 0. ]]\n", + "[[1.1711391 1.1690745 1.181055 1.1906468 1.1777139 1.1440878 1.1092515\n", + " 1.0861341 1.0749108 1.0720083 1.0706259 1.0645802 1.0552554 1.0469548\n", + " 1.0432987 1.0448723 1.0502567 1.0553774 1.0578376]\n", + " [1.1862484 1.1825016 1.1932406 1.2027525 1.1894585 1.1542871 1.1177013\n", + " 1.0927927 1.0808402 1.0774859 1.0763211 1.0706611 1.0603354 1.0515009\n", + " 1.046922 1.0485494 1.0538365 1.0593021 1.0624858]\n", + " [1.1552186 1.1515224 1.1606116 1.16805 1.1577622 1.1275927 1.0957536\n", + " 1.0756397 1.0663471 1.064202 1.0640445 1.0594813 1.0511769 1.0434042\n", + " 1.0399116 1.0414097 1.046392 0. 0. ]\n", + " [1.1532179 1.1504174 1.161068 1.1693863 1.158186 1.1269319 1.0943867\n", + " 1.0734135 1.0643235 1.0631341 1.0633548 1.059631 1.0514915 1.0440578\n", + " 1.0403324 1.0421337 0. 0. 0. ]\n", + " [1.1601508 1.1574296 1.1678971 1.1760164 1.1632638 1.1317098 1.0996081\n", + " 1.0785016 1.0679604 1.0656897 1.0646409 1.0590327 1.0506101 1.0431085\n", + " 1.0396614 1.041417 1.045767 1.0503951 1.0527363]]\n", + "[[1.214617 1.2092799 1.2192194 1.2281349 1.2139008 1.1755277 1.1341506\n", + " 1.106097 1.0940696 1.0922239 1.0927458 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1744357 1.1720741 1.1830828 1.1913887 1.1790332 1.1435193 1.107608\n", + " 1.0853314 1.0762016 1.075515 1.0765548 1.0710918 1.061046 1.0520171\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1872034 1.1821423 1.1909657 1.199236 1.1850696 1.149478 1.1143305\n", + " 1.0915864 1.0815244 1.0808866 1.0813639 1.0752621 1.0644634 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1712954 1.168988 1.1788609 1.1888733 1.1769108 1.1448718 1.1106405\n", + " 1.0882957 1.0760542 1.0722147 1.0697985 1.0636259 1.0549164 1.0469135\n", + " 1.0436678 1.045375 1.0508392 1.0557731 1.0582566 1.0595266 1.0613815\n", + " 1.0652618 1.0728422]\n", + " [1.1604224 1.1577542 1.1689055 1.1776404 1.1658968 1.133184 1.1003604\n", + " 1.078084 1.0680734 1.0658212 1.0659678 1.0612068 1.0526161 1.0450853\n", + " 1.0414318 1.0430532 1.0482658 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1619867 1.1584655 1.169136 1.1792816 1.1684407 1.1368601 1.1035678\n", + " 1.0815418 1.0702274 1.0669723 1.0651276 1.05956 1.0505513 1.0432228\n", + " 1.0401427 1.0420554 1.0473745 1.0519989 1.0543492 1.0551115 1.0559932\n", + " 1.0590174 1.066397 1.0758365]\n", + " [1.1735147 1.1687936 1.1786749 1.1867441 1.174027 1.1402533 1.1061908\n", + " 1.0835493 1.0732232 1.0714127 1.0711277 1.0653665 1.0565767 1.0482496\n", + " 1.0445307 1.0469993 1.0523599 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1919876 1.1888866 1.2000176 1.2095201 1.1961818 1.1601683 1.1230094\n", + " 1.0970553 1.0840064 1.079904 1.076928 1.0707809 1.0608712 1.0520892\n", + " 1.0487068 1.0502617 1.0558646 1.0610418 1.0633576 1.0646104 1.0660418\n", + " 0. 0. 0. ]\n", + " [1.1678854 1.1623435 1.1711674 1.1784676 1.1675203 1.1361555 1.1038028\n", + " 1.0823462 1.0728964 1.0717453 1.0717328 1.0665374 1.0571556 1.0486505\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1990836 1.1926048 1.2019727 1.2115723 1.2004387 1.1651037 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1711391 1.1668415 1.1758112 1.1819427 1.1703106 1.1377394 1.1045613\n", + " 1.0830057 1.0735757 1.0717201 1.0716501 1.0665406 1.0573542 1.0492202\n", + " 1.0458152 0. 0. 0. ]\n", + " [1.1666359 1.161841 1.1719742 1.17969 1.1693472 1.1368059 1.1036675\n", + " 1.0815002 1.0723466 1.0705758 1.0713247 1.0660858 1.0566814 1.0483078\n", + " 0. 0. 0. 0. ]\n", + " [1.1875365 1.1837704 1.1924485 1.20015 1.1862468 1.1518527 1.1167406\n", + " 1.0927924 1.0805316 1.0776699 1.0759789 1.0696734 1.0600432 1.0513687\n", + " 1.047873 1.050293 1.0560969 1.0616801]\n", + " [1.1637233 1.1616573 1.1718076 1.1811401 1.1697648 1.1375221 1.102921\n", + " 1.081122 1.0706031 1.0675684 1.0675014 1.062811 1.0540837 1.0465009\n", + " 1.0426245 1.0441606 1.0490296 1.0540193]\n", + " [1.1702204 1.1674873 1.1774335 1.1853983 1.1724145 1.1391668 1.1048415\n", + " 1.0826986 1.0725933 1.0711507 1.0706284 1.065181 1.0558772 1.0477513\n", + " 1.044102 1.0457566 1.0511099 0. ]]\n", + "[[1.1715766 1.167953 1.1786004 1.1895267 1.1813143 1.1501852 1.1155589\n", + " 1.0914973 1.0787075 1.0735111 1.0705477 1.0636121 1.0533234 1.0454732\n", + " 1.0425866 1.0451995 1.0506911 1.0562254 1.0588073 1.059542 1.0605608\n", + " 1.0643144 1.071132 1.0814879 1.0902725 1.0949787 1.0956903 1.0914254]\n", + " [1.1656644 1.1603444 1.169033 1.1768858 1.165217 1.1343833 1.1021276\n", + " 1.0800511 1.0694157 1.0665995 1.0656358 1.0615071 1.0532911 1.045933\n", + " 1.042299 1.0440521 1.0488116 1.0536896 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.2073323 1.2012851 1.211627 1.2198838 1.2061393 1.1685953 1.1297386\n", + " 1.1044853 1.0933828 1.092253 1.0924885 1.0855343 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1772887 1.1741655 1.1839187 1.1913791 1.1772121 1.1438177 1.1098657\n", + " 1.0870519 1.0759803 1.0732346 1.0718689 1.0669403 1.0578519 1.049542\n", + " 1.0458093 1.0476185 1.0524837 1.0575299 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.16555 1.1631733 1.1740179 1.1833022 1.1710186 1.1364695 1.1026083\n", + " 1.0798758 1.0702534 1.0690215 1.069451 1.0651209 1.0564167 1.047966\n", + " 1.0440598 1.0456067 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1657021 1.1622617 1.1717925 1.1790226 1.1681719 1.1362678 1.1029466\n", + " 1.0801185 1.0693609 1.0658486 1.0658251 1.0615361 1.0532417 1.0458806\n", + " 1.0422605 1.044063 1.0486047 1.053361 0. ]\n", + " [1.2066772 1.2012691 1.2117851 1.2195584 1.2043121 1.1651863 1.1274631\n", + " 1.1033014 1.0924844 1.0907764 1.0907395 1.0842043 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.18093 1.1759319 1.1843071 1.1926091 1.1795809 1.1456224 1.1120667\n", + " 1.0896264 1.0795755 1.0769684 1.077786 1.0725487 1.0624107 1.05314\n", + " 1.0479144 0. 0. 0. 0. ]\n", + " [1.1921049 1.186327 1.1961832 1.2044985 1.1914209 1.1569494 1.1220429\n", + " 1.0983617 1.0871977 1.084713 1.084601 1.0786048 1.0672276 1.0582588\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1789442 1.1758401 1.1862285 1.1939228 1.1813672 1.1480967 1.1129297\n", + " 1.0890799 1.0766577 1.0733666 1.0709225 1.0661792 1.0572203 1.0497626\n", + " 1.0457418 1.0478482 1.0525014 1.0577887 1.0599046]]\n", + "[[1.1632305 1.1595763 1.1700183 1.178479 1.1678917 1.1354425 1.1020818\n", + " 1.0797085 1.0687201 1.0652518 1.0648203 1.0602074 1.0521826 1.0448843\n", + " 1.0415865 1.0431138 1.047673 1.0522361 1.0546348 0. 0. ]\n", + " [1.1698788 1.1676223 1.1786064 1.1877893 1.1757922 1.1420939 1.1075025\n", + " 1.0849897 1.0729867 1.0693066 1.0668162 1.061453 1.0524746 1.0450921\n", + " 1.0415819 1.0433009 1.0481145 1.0524772 1.0551401 1.0561665 1.0577537]\n", + " [1.1616976 1.1559079 1.163504 1.1705753 1.1596111 1.1295415 1.0981901\n", + " 1.0774376 1.0673087 1.0649798 1.0644419 1.0606751 1.052984 1.0450662\n", + " 1.0413829 1.0431981 0. 0. 0. 0. 0. ]\n", + " [1.1509651 1.1475222 1.1577164 1.1663295 1.1551018 1.1247199 1.0939914\n", + " 1.0735408 1.0640824 1.0620823 1.0613954 1.0564302 1.0479554 1.0406603\n", + " 1.0371195 1.0388243 1.0435224 1.0481647 0. 0. 0. ]\n", + " [1.1697539 1.1679035 1.1790909 1.1883261 1.1750145 1.1410916 1.1067325\n", + " 1.0838777 1.0720834 1.0687549 1.067269 1.0614405 1.0527523 1.0452733\n", + " 1.0419327 1.0438763 1.0485855 1.0538604 1.0565102 1.057807 0. ]]\n", + "[[1.1429317 1.1396062 1.146977 1.1536673 1.1430796 1.1155206 1.0873563\n", + " 1.0688837 1.0595429 1.0561275 1.0546247 1.0499005 1.0424205 1.0364035\n", + " 1.0337896 1.0351243 1.0391908 1.0433614 1.0458297 1.0471594]\n", + " [1.1554577 1.1514068 1.1610038 1.1681225 1.1557927 1.1258618 1.0949445\n", + " 1.074767 1.0655783 1.0639333 1.063569 1.059158 1.0511258 1.0439829\n", + " 1.040675 1.0425091 0. 0. 0. 0. ]\n", + " [1.1487237 1.1439979 1.1517142 1.1589017 1.1470273 1.1184582 1.089543\n", + " 1.0699925 1.0607212 1.0590272 1.0589693 1.0553709 1.0479454 1.0410969\n", + " 1.0381747 1.0395578 1.0441477 0. 0. 0. ]\n", + " [1.1754235 1.1697568 1.1791244 1.1875185 1.1758511 1.1429716 1.1092033\n", + " 1.0867516 1.0762097 1.0751309 1.0754776 1.070512 1.0610969 1.0520648\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1693507 1.1656784 1.1754825 1.1847901 1.1735891 1.139458 1.1057954\n", + " 1.083704 1.0737995 1.0723008 1.0726064 1.0680608 1.0586481 1.0503091\n", + " 1.046231 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1675942 1.1649537 1.1761746 1.1860744 1.1754946 1.1424819 1.1077496\n", + " 1.0836385 1.0721706 1.0685508 1.0671277 1.0621718 1.0534092 1.0460107\n", + " 1.0417893 1.0437022 1.0484961 1.0535069 1.0562795]\n", + " [1.205289 1.1994773 1.2098494 1.2172898 1.2027987 1.1652092 1.1261153\n", + " 1.0998443 1.0891027 1.0879058 1.0888916 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1694698 1.1629357 1.1706381 1.1775795 1.1664641 1.1349723 1.1030413\n", + " 1.0822759 1.072268 1.0706638 1.070858 1.0663631 1.0579827 1.0496218\n", + " 1.0460036 0. 0. 0. 0. ]\n", + " [1.1663179 1.1624086 1.1698748 1.1768557 1.1635377 1.1323705 1.100859\n", + " 1.0795023 1.0703206 1.0692747 1.0697353 1.0652624 1.0567024 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2051942 1.1996702 1.210166 1.2173479 1.2017832 1.1640298 1.1246426\n", + " 1.0991032 1.0880728 1.08714 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1697422 1.1659703 1.1765299 1.1851788 1.1743715 1.1420994 1.1074631\n", + " 1.0847342 1.0744442 1.0724897 1.0727236 1.0678372 1.058967 1.0503515\n", + " 1.0465946 0. 0. ]\n", + " [1.1752644 1.1707484 1.1798497 1.1885794 1.1766837 1.1436559 1.1088634\n", + " 1.086721 1.0765822 1.0745527 1.0752602 1.0705928 1.0607017 1.0521407\n", + " 0. 0. 0. ]\n", + " [1.1516801 1.1486666 1.1571834 1.16516 1.1537064 1.1245981 1.0943731\n", + " 1.074344 1.064605 1.0621231 1.0617417 1.0571221 1.0497593 1.042605\n", + " 1.0397022 1.041041 1.0458926]\n", + " [1.171744 1.1668415 1.1769143 1.1870856 1.175139 1.1410595 1.105954\n", + " 1.083365 1.073451 1.0719624 1.0721484 1.067202 1.0579549 1.0490574\n", + " 1.0451893 1.0471934 0. ]\n", + " [1.2030408 1.1974463 1.2069067 1.214851 1.2016573 1.1644162 1.1255752\n", + " 1.0998608 1.0880171 1.0863152 1.0864053 1.080548 1.069427 1.0602407\n", + " 0. 0. 0. ]]\n", + "[[1.1734648 1.1715778 1.1828777 1.1924607 1.1803639 1.1455446 1.1097448\n", + " 1.0861145 1.0743705 1.0706176 1.0691031 1.0636253 1.055331 1.04772\n", + " 1.043913 1.0456668 1.0506834 1.0554239 1.0575119 1.058431 ]\n", + " [1.1566076 1.1536837 1.1638533 1.1733087 1.1621931 1.1316428 1.0988278\n", + " 1.0770838 1.0672832 1.0651234 1.0647438 1.0610906 1.0530765 1.0450087\n", + " 1.0414284 1.0428153 1.0475336 0. 0. 0. ]\n", + " [1.1690435 1.1647522 1.1725464 1.1811091 1.1687877 1.135914 1.1029737\n", + " 1.0811492 1.0709906 1.0676816 1.067102 1.0618571 1.0530823 1.0454508\n", + " 1.041919 1.043467 1.0481776 1.0532663 0. 0. ]\n", + " [1.1605006 1.1565733 1.1657075 1.1743397 1.1633371 1.1315215 1.099413\n", + " 1.0785906 1.0686948 1.0664375 1.0664492 1.0620079 1.0536791 1.04604\n", + " 1.0422806 1.0438919 0. 0. 0. 0. ]\n", + " [1.1903491 1.1870885 1.1975517 1.2065275 1.1935048 1.1575551 1.1194365\n", + " 1.0946791 1.0819883 1.078389 1.0775347 1.0716747 1.0619925 1.0527979\n", + " 1.0490546 1.0513726 1.0568359 1.0623649 1.0646536 0. ]]\n", + "[[1.1670026 1.1638848 1.173461 1.181899 1.1699195 1.1386758 1.1053404\n", + " 1.0831174 1.0735112 1.0710598 1.0698943 1.0652311 1.0561575 1.0477659\n", + " 1.0444105 1.04645 0. 0. 0. 0. 0. ]\n", + " [1.1841528 1.1804664 1.191633 1.2012975 1.1880875 1.1516416 1.1142572\n", + " 1.0889928 1.07747 1.0738037 1.0723745 1.0670103 1.0580469 1.0492316\n", + " 1.0458468 1.0473925 1.0526937 1.0580289 1.0605553 0. 0. ]\n", + " [1.1639271 1.161513 1.1732613 1.1817639 1.1711247 1.1389499 1.1052592\n", + " 1.0825559 1.0709854 1.0678036 1.0660151 1.0600873 1.0510948 1.0437452\n", + " 1.040498 1.0418848 1.0467609 1.0512736 1.054074 1.0550398 0. ]\n", + " [1.1738629 1.1696013 1.1796955 1.1897193 1.1771958 1.14294 1.1071281\n", + " 1.0843107 1.0730655 1.071451 1.0715644 1.0668015 1.0578364 1.0496314\n", + " 1.045493 1.047088 1.0526975 0. 0. 0. 0. ]\n", + " [1.1677644 1.1660149 1.1780261 1.1887771 1.1774213 1.1432307 1.1079818\n", + " 1.0840943 1.0723085 1.0686119 1.0668546 1.0609562 1.0521814 1.0445359\n", + " 1.0411861 1.0425453 1.0472072 1.0521425 1.0547771 1.055769 1.0573767]]\n", + "[[1.1588378 1.1551619 1.164806 1.1733873 1.1620897 1.1302655 1.0976213\n", + " 1.0766248 1.0667773 1.065405 1.0652037 1.0608402 1.0526074 1.0450488\n", + " 1.0417081 1.0433402 1.0485071 0. 0. 0. 0. ]\n", + " [1.1835964 1.1808563 1.1917967 1.1998485 1.1872945 1.1532471 1.1173102\n", + " 1.0932367 1.0801913 1.0762365 1.0732177 1.0672381 1.0577887 1.0497729\n", + " 1.0459417 1.04837 1.0533996 1.0583924 1.0607102 1.0616714 1.063091 ]\n", + " [1.1735318 1.1693444 1.1794245 1.1876433 1.1758215 1.1413411 1.1066874\n", + " 1.0837936 1.0731027 1.0704728 1.0695304 1.0646064 1.0553563 1.0469639\n", + " 1.0433205 1.045353 1.050829 1.0564334 0. 0. 0. ]\n", + " [1.2049463 1.1995915 1.2094703 1.2157041 1.2016313 1.163292 1.1233307\n", + " 1.0976777 1.0863887 1.0847117 1.0846803 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.2052152 1.1996689 1.2093745 1.2174261 1.2035748 1.1653743 1.1262072\n", + " 1.1003112 1.0896844 1.0878749 1.0879384 1.0828996 1.0717434 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1935985 1.1889253 1.1998655 1.2086424 1.1972853 1.1615832 1.1238185\n", + " 1.0985703 1.0867113 1.0837619 1.0823121 1.0767353 1.0662622 1.0564989\n", + " 1.0519713 1.0537162 1.059857 0. 0. 0. 0. ]\n", + " [1.1696613 1.1667743 1.1775098 1.1861854 1.1755483 1.142982 1.1087152\n", + " 1.0851555 1.0736665 1.0698673 1.0679222 1.0628089 1.0540835 1.0464275\n", + " 1.0431676 1.0445144 1.0493639 1.0540458 1.0561683 1.0573053 1.0585032]\n", + " [1.1856937 1.1804589 1.1907461 1.1996955 1.1879069 1.1529367 1.11606\n", + " 1.0914462 1.0794435 1.0777631 1.0776168 1.0727812 1.0639005 1.0548073\n", + " 1.0504597 1.0524846 0. 0. 0. 0. 0. ]\n", + " [1.2064072 1.2001091 1.2103777 1.2177787 1.2045091 1.1667081 1.1276686\n", + " 1.1015272 1.0902478 1.0889417 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1738912 1.170676 1.1816113 1.1894444 1.1758281 1.1415257 1.1068821\n", + " 1.0840352 1.0736045 1.0706507 1.0702534 1.065175 1.0557482 1.0475701\n", + " 1.0441478 1.0463363 1.0517058 1.0569476 0. 0. 0. ]]\n", + "[[1.1659894 1.163829 1.1744468 1.1825955 1.170018 1.1370648 1.1036485\n", + " 1.081245 1.0716186 1.0690473 1.0678569 1.062881 1.0538733 1.0454397\n", + " 1.0421728 1.043831 1.0486809 1.0541192 0. 0. 0. ]\n", + " [1.1737003 1.1688273 1.1783215 1.1874529 1.1758294 1.1423066 1.1076367\n", + " 1.0844826 1.074583 1.072572 1.0725769 1.0671918 1.0581282 1.0493007\n", + " 1.0449834 1.0466312 1.0519798 0. 0. 0. 0. ]\n", + " [1.157105 1.1543822 1.1634134 1.1714253 1.158962 1.1281238 1.097321\n", + " 1.0767545 1.0663112 1.0621 1.0602053 1.0542624 1.0463872 1.0395621\n", + " 1.0367188 1.038696 1.0429937 1.0474923 1.049459 1.050618 1.0520871]\n", + " [1.1904507 1.1859764 1.1952021 1.2035606 1.1892426 1.1547711 1.1186235\n", + " 1.0942659 1.082396 1.0793993 1.0784563 1.0736232 1.0639808 1.0547496\n", + " 1.0515121 1.0535835 1.0598036 0. 0. 0. 0. ]\n", + " [1.1502054 1.1471083 1.1566753 1.165307 1.1541501 1.1239069 1.0933138\n", + " 1.0723928 1.062569 1.0602638 1.0596048 1.0547074 1.0475453 1.0407665\n", + " 1.0376027 1.0392275 1.0437185 1.0479351 1.050157 0. 0. ]]\n", + "[[1.1623164 1.1595267 1.1700249 1.1796987 1.1681571 1.1365081 1.1037554\n", + " 1.0816611 1.0702295 1.0668292 1.0649537 1.059809 1.050822 1.0434768\n", + " 1.0394855 1.0408314 1.0455008 1.0502906 1.0529547 1.0543944 0.\n", + " 0. ]\n", + " [1.1705672 1.1675141 1.1773726 1.1865839 1.175344 1.1424624 1.1089585\n", + " 1.0856022 1.0736165 1.0693785 1.0669373 1.0607307 1.0523286 1.0447829\n", + " 1.0418011 1.0438344 1.0492696 1.0538588 1.0562583 1.0570362 0.\n", + " 0. ]\n", + " [1.1683321 1.1631588 1.1719071 1.1798402 1.1684315 1.1364912 1.1039355\n", + " 1.0819052 1.071141 1.0692028 1.0691322 1.0642498 1.0559654 1.0482618\n", + " 1.0445143 1.046498 1.0519074 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1707655 1.1684098 1.178181 1.187288 1.1755528 1.1435843 1.1103377\n", + " 1.0873271 1.0754019 1.0710894 1.0681722 1.0621219 1.0531116 1.0453526\n", + " 1.0421656 1.0444556 1.0494344 1.0540706 1.0562618 1.0571713 1.0579405\n", + " 1.0615883]\n", + " [1.1729493 1.1709301 1.1812615 1.1902189 1.1772656 1.1434109 1.1083707\n", + " 1.0852559 1.0738215 1.0703378 1.0691279 1.0637163 1.054677 1.0471221\n", + " 1.0436475 1.0451155 1.0502099 1.0554343 1.0582724 0. 0.\n", + " 0. ]]\n", + "[[1.1664596 1.1615285 1.1711026 1.1806242 1.1700628 1.1387794 1.1053168\n", + " 1.0828254 1.0727215 1.0699985 1.0699036 1.065124 1.0561857 1.0480548\n", + " 1.0443804 1.0462364 0. 0. ]\n", + " [1.1842998 1.1792743 1.1886753 1.1968223 1.1834239 1.1493459 1.1143072\n", + " 1.0898556 1.0777546 1.0740184 1.0741522 1.0694538 1.0600873 1.052016\n", + " 1.048269 1.050132 1.0556909 1.0608351]]\n", + "[[1.1780128 1.1736989 1.1845855 1.1945422 1.1820068 1.1472749 1.110329\n", + " 1.0863066 1.0744972 1.0716726 1.0708528 1.0661094 1.0574458 1.0492\n", + " 1.0454468 1.0476702 1.0528616 1.0579538 1.0602908]\n", + " [1.1674268 1.1651435 1.1755023 1.1845304 1.1721627 1.1390558 1.1046517\n", + " 1.0818369 1.0707682 1.0677981 1.0674345 1.0624827 1.0541782 1.045769\n", + " 1.0423892 1.0441887 1.0488333 1.0538663 0. ]\n", + " [1.1767306 1.1734853 1.1863616 1.1971892 1.1848342 1.1484777 1.1114222\n", + " 1.0872526 1.0767317 1.0747962 1.0745224 1.0692189 1.0591017 1.0498357\n", + " 1.0455242 1.0472642 1.0526348 0. 0. ]\n", + " [1.1881268 1.1833165 1.1943953 1.2032816 1.1911354 1.1551614 1.1181993\n", + " 1.0945672 1.0834777 1.0815637 1.0824865 1.0773096 1.0667076 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.184274 1.1804016 1.1900551 1.1971406 1.1846011 1.1495821 1.1136999\n", + " 1.0895846 1.0776907 1.0744032 1.0742579 1.0684464 1.0592636 1.0508813\n", + " 1.047315 1.0490776 1.0543888 1.0597922 0. ]]\n", + "[[1.1544143 1.151899 1.1617689 1.1702391 1.1586614 1.1285856 1.0966094\n", + " 1.0756234 1.0655698 1.0630887 1.0628632 1.0582223 1.0499896 1.0427898\n", + " 1.0392879 1.0407779 1.0457225 1.050516 0. 0. 0.\n", + " 0. ]\n", + " [1.165384 1.1628835 1.1740997 1.1827484 1.1715177 1.1390445 1.1053551\n", + " 1.0829575 1.0714384 1.0678998 1.0654944 1.060104 1.0509781 1.0439596\n", + " 1.0404143 1.0422909 1.0474296 1.0523673 1.055137 1.0559793 1.0574752\n", + " 1.0613312]\n", + " [1.1573669 1.1550741 1.1655339 1.1746604 1.1639453 1.1327245 1.1002815\n", + " 1.0780071 1.0673515 1.0640664 1.0623972 1.0576973 1.0497004 1.0423709\n", + " 1.039003 1.0402862 1.0447162 1.048922 1.0509685 1.0519221 0.\n", + " 0. ]\n", + " [1.193432 1.188402 1.1989228 1.207391 1.1948662 1.1589016 1.1209654\n", + " 1.0958005 1.0848694 1.0828103 1.082314 1.0772557 1.0669252 1.0565449\n", + " 1.052539 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1646854 1.1609696 1.1707046 1.180105 1.1681192 1.1355151 1.1027316\n", + " 1.0805339 1.06914 1.0652001 1.0633974 1.0587425 1.0504637 1.0437549\n", + " 1.040406 1.0420916 1.0467443 1.0513757 1.0541236 1.055123 1.0569612\n", + " 1.0605813]]\n", + "[[1.1631284 1.1583236 1.1681587 1.1778461 1.1665434 1.1352316 1.1029856\n", + " 1.0813824 1.0715289 1.0691061 1.0689577 1.0631837 1.0548167 1.0464255\n", + " 1.0426716 1.0439439 1.0494585 0. 0. 0. ]\n", + " [1.1627114 1.1592866 1.1702119 1.1797974 1.1680341 1.1359177 1.102881\n", + " 1.0810798 1.0716997 1.0700274 1.0697415 1.0643854 1.055399 1.0468379\n", + " 1.0430353 1.0447927 0. 0. 0. 0. ]\n", + " [1.1533512 1.1501635 1.1589168 1.1659495 1.1547233 1.1243913 1.0934199\n", + " 1.0729098 1.0634474 1.0608199 1.0602299 1.0558565 1.0479852 1.0413247\n", + " 1.0379888 1.0392367 1.0436145 1.0480233 0. 0. ]\n", + " [1.2123656 1.2067832 1.2166971 1.2250856 1.2099975 1.1713741 1.1315829\n", + " 1.1050154 1.0932999 1.0909296 1.0908451 1.0852447 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1582925 1.1546948 1.1646842 1.1728692 1.1612942 1.1303498 1.0990741\n", + " 1.077885 1.0670177 1.0635767 1.0615333 1.0567863 1.0485708 1.041812\n", + " 1.0388148 1.0409038 1.0456179 1.0500693 1.0519314 1.0523884]]\n", + "[[1.1731068 1.1672277 1.1761577 1.1841674 1.1723439 1.1405432 1.1072586\n", + " 1.0846773 1.0736878 1.0705 1.0693496 1.0642807 1.0560269 1.0481849\n", + " 1.0445966 1.0465674 1.051694 1.0567994 0. 0. ]\n", + " [1.1660287 1.163124 1.1735483 1.1812835 1.1708192 1.1383065 1.1041874\n", + " 1.0823678 1.0724857 1.0710834 1.0707252 1.066641 1.0574744 1.0490532\n", + " 1.0451007 0. 0. 0. 0. 0. ]\n", + " [1.1619304 1.1587538 1.1691376 1.1773026 1.1658013 1.1340847 1.101406\n", + " 1.0797515 1.0695312 1.0684118 1.0687573 1.06396 1.0552908 1.0471145\n", + " 1.043448 1.0449888 0. 0. 0. 0. ]\n", + " [1.1719356 1.1691626 1.1799351 1.1875829 1.1753037 1.1409667 1.10621\n", + " 1.0836265 1.0734457 1.0715919 1.0719769 1.0671616 1.0584671 1.0498362\n", + " 1.0457555 1.0474899 0. 0. 0. 0. ]\n", + " [1.1496468 1.147297 1.1565877 1.1652457 1.15427 1.1246678 1.0941597\n", + " 1.0732884 1.0631388 1.0598689 1.0579481 1.0534743 1.0455482 1.038652\n", + " 1.0358427 1.0371042 1.0412588 1.0455143 1.0481032 1.049218 ]]\n", + "[[1.1575639 1.1552632 1.1640643 1.1717768 1.1596916 1.1290246 1.0974798\n", + " 1.076034 1.0653433 1.0621138 1.0609146 1.0563087 1.0490466 1.0422812\n", + " 1.0392047 1.0406401 1.0452677 1.0498714 1.0523142 0. 0.\n", + " 0. 0. ]\n", + " [1.1707426 1.1681597 1.1791602 1.1865994 1.1743293 1.139802 1.1052307\n", + " 1.0833735 1.0743021 1.0734637 1.0743966 1.0696088 1.0591439 1.0502145\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.171835 1.1678985 1.1777936 1.1857259 1.1725367 1.1387266 1.1044501\n", + " 1.0826554 1.0736891 1.0728961 1.0741059 1.0688274 1.0591896 1.0504786\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1615357 1.1559293 1.1641948 1.1729364 1.1614016 1.1304445 1.0984699\n", + " 1.0775388 1.0675813 1.0644214 1.0647299 1.0608835 1.0526694 1.0456446\n", + " 1.0422057 1.044109 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.164693 1.1611855 1.1716837 1.1816077 1.1710542 1.1397601 1.1068444\n", + " 1.0842556 1.0729246 1.0687407 1.0665429 1.0603653 1.051377 1.0435387\n", + " 1.0406318 1.0424732 1.0474894 1.051846 1.054679 1.0556735 1.0571384\n", + " 1.0607498 1.0680623]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1785347 1.1730871 1.1826775 1.1920894 1.1796956 1.1463993 1.1110014\n", + " 1.0873371 1.0763378 1.074082 1.0739774 1.0692726 1.059796 1.0514156\n", + " 1.0476848 1.0500726 0. 0. 0. ]\n", + " [1.1922878 1.1889172 1.2004858 1.2096049 1.1956066 1.1600696 1.1225709\n", + " 1.0973155 1.0843663 1.0806531 1.0783994 1.0730318 1.0629412 1.054232\n", + " 1.0497802 1.0521365 1.0578082 1.0632176 1.0655965]\n", + " [1.1586794 1.1558037 1.1659118 1.1735812 1.1626878 1.1313112 1.0986456\n", + " 1.0773607 1.0670596 1.064845 1.0648984 1.06055 1.0523353 1.0446428\n", + " 1.0413585 1.042847 1.0478036 0. 0. ]\n", + " [1.1645911 1.1599085 1.1681648 1.1747419 1.1635427 1.1319402 1.0993949\n", + " 1.0778302 1.066976 1.0653327 1.0644709 1.0597152 1.0520359 1.0447382\n", + " 1.0413371 1.0431945 1.048472 0. 0. ]\n", + " [1.1576967 1.1539427 1.1628666 1.1701436 1.1571193 1.126388 1.0950309\n", + " 1.074341 1.0653238 1.0634904 1.0639708 1.0599444 1.0517287 1.0441906\n", + " 1.0406086 1.0421225 1.0469671 0. 0. ]]\n", + "[[1.1624919 1.157313 1.1665574 1.1743739 1.162395 1.1314452 1.0994194\n", + " 1.0783871 1.0684252 1.0659136 1.065572 1.0610949 1.0521997 1.0444354\n", + " 1.0410213 1.0427566 1.0480361 1.0527562 0. 0. ]\n", + " [1.1721733 1.1674185 1.1768299 1.1838524 1.1727564 1.1404433 1.1081\n", + " 1.0860633 1.0758667 1.074809 1.0748297 1.0702057 1.0602769 1.0513654\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1751503 1.1694932 1.1781871 1.1868873 1.1760597 1.1441531 1.1098983\n", + " 1.0876065 1.0777067 1.0760105 1.0755061 1.0707172 1.0604922 1.0509008\n", + " 1.0466405 0. 0. 0. 0. 0. ]\n", + " [1.1628433 1.1599219 1.169989 1.1774021 1.1648235 1.1341218 1.1019517\n", + " 1.0808487 1.069855 1.0664413 1.064263 1.0590514 1.0506097 1.0433267\n", + " 1.0403965 1.0422468 1.0467787 1.0513502 1.0537217 1.0548289]\n", + " [1.174351 1.1723936 1.1846906 1.1945591 1.1822808 1.1470925 1.1114511\n", + " 1.0870678 1.0757028 1.0723565 1.070942 1.0654022 1.0564427 1.0486612\n", + " 1.0447426 1.0464048 1.0514474 1.0564479 1.0590593 1.0602595]]\n", + "[[1.16702 1.1637112 1.1736902 1.1810412 1.1677222 1.1350306 1.102316\n", + " 1.0805572 1.0711895 1.0689043 1.0681044 1.0635146 1.0543072 1.0465188\n", + " 1.0427845 1.0442387 1.0491731 1.0538281 0. 0. ]\n", + " [1.1705861 1.1676477 1.1788266 1.1886654 1.1762056 1.1433766 1.108686\n", + " 1.0852084 1.0746119 1.0716671 1.0717869 1.0670938 1.0579358 1.0493981\n", + " 1.0453987 1.0468332 1.0521983 0. 0. 0. ]\n", + " [1.1662976 1.16277 1.1740763 1.1828173 1.1718873 1.1392068 1.1052393\n", + " 1.082639 1.0723495 1.0703583 1.0699855 1.064936 1.0558869 1.047333\n", + " 1.043446 1.045026 1.0503632 0. 0. 0. ]\n", + " [1.1870728 1.1839125 1.1949332 1.2038327 1.1902251 1.1539146 1.1181262\n", + " 1.0933055 1.0805571 1.0770559 1.0751288 1.0686103 1.0589867 1.0504639\n", + " 1.0469383 1.049063 1.0548449 1.0598243 1.0626483 1.0633258]\n", + " [1.1867085 1.180938 1.1899801 1.1978881 1.18444 1.150234 1.1151272\n", + " 1.0909859 1.079905 1.0765421 1.0751529 1.0688035 1.0592769 1.0508163\n", + " 1.0470748 1.0493454 1.0551355 1.0603712 0. 0. ]]\n", + "[[1.1866525 1.1812131 1.1904185 1.1982272 1.1843956 1.1489334 1.1141174\n", + " 1.0907981 1.0798556 1.0782546 1.0781913 1.0724306 1.0630738 1.0541224\n", + " 0. 0. 0. 0. ]\n", + " [1.1618288 1.1591575 1.1700433 1.1777861 1.1669439 1.1343848 1.10063\n", + " 1.0786728 1.0689764 1.0678226 1.0679846 1.0633551 1.0545914 1.0464022\n", + " 1.0424235 1.0439376 0. 0. ]\n", + " [1.1810478 1.1762779 1.1849527 1.1916559 1.1796386 1.1460831 1.1125332\n", + " 1.0894965 1.0775867 1.0740254 1.0722715 1.066497 1.0574603 1.049553\n", + " 1.0464112 1.0486902 1.053962 1.0589759]\n", + " [1.1941928 1.1893704 1.2011528 1.2117355 1.19749 1.1592767 1.1200569\n", + " 1.0952243 1.0849856 1.0836358 1.0842717 1.0791905 1.0683651 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1703974 1.1678292 1.1775486 1.1855597 1.1729584 1.1391279 1.1048611\n", + " 1.082851 1.072278 1.0704781 1.0700202 1.0650779 1.055808 1.0479255\n", + " 1.0444248 1.0463895 1.0516214 0. ]]\n", + "[[1.1643898 1.1619071 1.1734499 1.1822089 1.1712765 1.1377778 1.1029702\n", + " 1.081014 1.0702621 1.0685371 1.0680964 1.0637181 1.0546507 1.0468962\n", + " 1.0430493 1.0446432 1.0497745]\n", + " [1.168999 1.1653491 1.175617 1.1835444 1.1704184 1.1376283 1.1036792\n", + " 1.0811664 1.0717853 1.0704163 1.070688 1.0669155 1.058601 1.0501285\n", + " 0. 0. 0. ]\n", + " [1.1609263 1.1555408 1.1644136 1.1727314 1.161863 1.1311982 1.0996188\n", + " 1.0788596 1.068947 1.0674608 1.0670773 1.0619544 1.0535592 1.0454804\n", + " 1.0423511 0. 0. ]\n", + " [1.1562504 1.1531765 1.1630857 1.1708705 1.1592298 1.1280835 1.0966763\n", + " 1.0762223 1.0671111 1.0648805 1.0649835 1.0610768 1.0534782 1.0457866\n", + " 1.0422128 1.0438282 0. ]\n", + " [1.2111087 1.205466 1.2154224 1.2245104 1.2095809 1.1716967 1.1327469\n", + " 1.1063749 1.0945299 1.093508 1.0936477 1.0870204 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1780587 1.1741196 1.1838628 1.1925924 1.179315 1.145581 1.1110051\n", + " 1.0880665 1.076483 1.072662 1.0704731 1.0643954 1.0550064 1.0473704\n", + " 1.043848 1.0459869 1.0511956 1.0560751 1.0584989 1.059608 1.0613902]\n", + " [1.1739594 1.1699432 1.1794529 1.1873598 1.1752818 1.1422677 1.10783\n", + " 1.0853643 1.0741531 1.071534 1.0709245 1.0656571 1.0568649 1.0487697\n", + " 1.0453414 1.0472835 1.052276 1.057167 0. 0. 0. ]\n", + " [1.1698447 1.1669707 1.1773429 1.1851168 1.1720611 1.1391205 1.1047976\n", + " 1.0828998 1.0725788 1.0705673 1.0703492 1.0650827 1.056487 1.0485553\n", + " 1.0445614 1.0461277 1.0516603 0. 0. 0. 0. ]\n", + " [1.1652458 1.1614659 1.1713667 1.1805352 1.1680219 1.1362907 1.1038588\n", + " 1.0817865 1.0703602 1.0659899 1.0640877 1.058206 1.049868 1.0430611\n", + " 1.0403571 1.042184 1.0470947 1.0523179 1.0549852 1.0561031 1.0575647]\n", + " [1.2023283 1.1944627 1.2025121 1.2103883 1.1975392 1.1616395 1.1237717\n", + " 1.0988512 1.0878444 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1522243 1.1485182 1.15848 1.1681304 1.1570754 1.1264776 1.0955516\n", + " 1.0746096 1.0643637 1.0609035 1.0595057 1.0543177 1.046165 1.0394285\n", + " 1.0366931 1.0387808 1.0436718 1.0485625 1.0503002 1.0510238 1.0520487\n", + " 1.0552087 1.0620865 1.0712554 1.0787479 1.0823659]\n", + " [1.1737648 1.1709793 1.1832284 1.1932542 1.1812402 1.1465539 1.1106288\n", + " 1.0870531 1.075397 1.0716987 1.0701886 1.0649569 1.0558414 1.047637\n", + " 1.0440059 1.0453466 1.0506258 1.0552254 1.0575076 1.0581274 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1763095 1.1730196 1.1845789 1.1935197 1.1833832 1.1486228 1.1126323\n", + " 1.0885103 1.0770885 1.0751137 1.0742826 1.0696086 1.060326 1.0515909\n", + " 1.0474337 1.0493109 1.054926 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1714823 1.1679717 1.1789048 1.1887228 1.1764799 1.1420981 1.106881\n", + " 1.0837841 1.0731217 1.0717324 1.0716208 1.0672494 1.0579859 1.049173\n", + " 1.0454162 1.0470808 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.166696 1.1647465 1.1770923 1.1880533 1.1764468 1.1416785 1.1062571\n", + " 1.0824603 1.0705764 1.068331 1.0672922 1.0616871 1.0531285 1.0454631\n", + " 1.0419122 1.0436738 1.0485458 1.0535377 1.0557498 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1592119 1.1571655 1.166629 1.1750101 1.1637312 1.1319213 1.0998861\n", + " 1.0788646 1.067421 1.0642786 1.0629585 1.0573753 1.0496032 1.0424726\n", + " 1.0396805 1.0416775 1.0464375 1.0512737 1.0538803 1.0542307]\n", + " [1.1678883 1.1638188 1.172619 1.179496 1.1683459 1.1362417 1.1029116\n", + " 1.081066 1.0703672 1.0686507 1.0682232 1.0635159 1.0549337 1.0469\n", + " 1.0435646 1.0452793 1.0501297 0. 0. 0. ]\n", + " [1.159443 1.1553423 1.165026 1.1730987 1.1616194 1.1303313 1.0985175\n", + " 1.0771912 1.066613 1.0632883 1.0613115 1.0564411 1.0485166 1.0411025\n", + " 1.038645 1.0405865 1.0452366 1.0496575 1.0519165 1.0528464]\n", + " [1.1908116 1.1854006 1.1967818 1.2050953 1.1917645 1.155026 1.1175002\n", + " 1.0936235 1.0826056 1.0813739 1.0817547 1.0770372 1.0662217 1.0569031\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1684195 1.166082 1.1781752 1.1876328 1.1764743 1.1421046 1.1060765\n", + " 1.083431 1.0725904 1.0703638 1.0705473 1.0656133 1.0561539 1.0479745\n", + " 1.0440713 1.0457584 1.0510517 0. 0. 0. ]]\n", + "[[1.1711953 1.1687679 1.1792034 1.1890607 1.1772121 1.1449183 1.1110342\n", + " 1.0876172 1.0754005 1.0714157 1.0695913 1.0636969 1.0543576 1.046587\n", + " 1.0428355 1.0448335 1.0499762 1.0545127 1.0562426 1.0566721 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1788335 1.1745869 1.1847901 1.1937515 1.1812795 1.1470877 1.1113647\n", + " 1.0873454 1.075949 1.0727764 1.0716174 1.0670754 1.0581818 1.0501351\n", + " 1.0462533 1.04851 1.0537052 1.0590465 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1508758 1.1481082 1.1576941 1.1672264 1.1580856 1.1278259 1.0961418\n", + " 1.075814 1.0653193 1.0618287 1.0598041 1.0549122 1.0467113 1.0397438\n", + " 1.036588 1.038507 1.0428807 1.0475261 1.0501748 1.0507703 1.0520129\n", + " 1.0555859 1.0624071 1.0717331 1.0787474 1.0825826]\n", + " [1.1748269 1.1714087 1.1823622 1.1899741 1.1766543 1.1420172 1.1079289\n", + " 1.0853269 1.0745883 1.0722537 1.0711778 1.0650004 1.056238 1.0477445\n", + " 1.04407 1.0463219 1.0512804 1.0563804 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1552155 1.1528306 1.1621593 1.1709844 1.1597553 1.1296568 1.099751\n", + " 1.0789013 1.0680035 1.0642071 1.0619669 1.0562586 1.0476471 1.0407035\n", + " 1.0379348 1.0391359 1.0435045 1.0479494 1.0503249 1.0514582 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1670595 1.1620005 1.172331 1.1814505 1.1693953 1.1365185 1.1031227\n", + " 1.0812078 1.0712798 1.0696236 1.0695095 1.064743 1.0553104 1.047197\n", + " 1.0432541 1.0453504 0. 0. 0. 0. 0. ]\n", + " [1.173008 1.1704303 1.1816596 1.1909745 1.1776382 1.1437541 1.1091549\n", + " 1.0855148 1.0748305 1.0719266 1.0708306 1.0662168 1.0567236 1.0486069\n", + " 1.0450178 1.046684 1.0519565 1.0574311 0. 0. 0. ]\n", + " [1.1763985 1.1741697 1.1855674 1.1961154 1.1839818 1.1499354 1.1140119\n", + " 1.0893523 1.0765381 1.0727779 1.0707535 1.064573 1.0555336 1.0477321\n", + " 1.0440229 1.0458076 1.0505046 1.055579 1.0578641 1.058631 1.0600228]\n", + " [1.1870697 1.183525 1.1936955 1.201903 1.1906443 1.1557415 1.1198013\n", + " 1.0949728 1.08242 1.0781633 1.076686 1.0710194 1.0617629 1.0528435\n", + " 1.0491039 1.0511793 1.0560702 1.0611876 1.0634634 0. 0. ]\n", + " [1.1944324 1.190191 1.2017838 1.2113545 1.1972502 1.1599586 1.1213344\n", + " 1.0952858 1.084029 1.0813498 1.0804381 1.0750891 1.0646545 1.055132\n", + " 1.0511409 1.053225 1.0594294 0. 0. 0. 0. ]]\n", + "[[1.1611292 1.1557266 1.1642582 1.1711144 1.1610225 1.1298382 1.0981768\n", + " 1.0770209 1.0677903 1.0661364 1.0661768 1.0622892 1.053642 1.0457443\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1810422 1.178767 1.189513 1.2003813 1.1882737 1.1534951 1.1173416\n", + " 1.0926739 1.080028 1.0750623 1.0731283 1.0668054 1.0571461 1.0483242\n", + " 1.0451596 1.0474484 1.0530344 1.0577933 1.0605441 1.0616871 1.0629576\n", + " 1.0665153 1.0741065 1.0840667]\n", + " [1.1765132 1.1729602 1.1842766 1.1923058 1.1809328 1.1460903 1.1101704\n", + " 1.0860935 1.0745646 1.0709678 1.0701567 1.0656276 1.0565739 1.0485715\n", + " 1.0452099 1.0471818 1.0528032 1.0581905 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1966136 1.1915317 1.2016307 1.2106758 1.197736 1.1613779 1.1227517\n", + " 1.0975388 1.0849503 1.081678 1.0810606 1.0754975 1.0655442 1.0563593\n", + " 1.0516268 1.0532614 1.0589101 1.0649067 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1751488 1.1688681 1.1780722 1.1866488 1.1741315 1.1408209 1.1069113\n", + " 1.0856586 1.0766916 1.0759845 1.0763615 1.0709966 1.0606493 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1556827 1.1506959 1.1598178 1.1692079 1.1600039 1.1301403 1.0982999\n", + " 1.0772287 1.066848 1.0651162 1.0651753 1.0603302 1.0527134 1.0449029\n", + " 1.041344 1.0426284 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1802119 1.1767459 1.1876588 1.1961625 1.1845214 1.1494453 1.1134099\n", + " 1.0894436 1.0781708 1.0759373 1.074974 1.0691915 1.0599854 1.0513972\n", + " 1.0471312 1.0491029 1.0548272 1.0601695 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1516944 1.1502359 1.1620587 1.1726599 1.1618772 1.1308177 1.0991546\n", + " 1.0775968 1.0666969 1.062864 1.0609189 1.0552428 1.047208 1.0401461\n", + " 1.0373527 1.0387008 1.0433172 1.0471835 1.0495199 1.0504574 1.0515037\n", + " 1.0546801 1.0611811 0. 0. ]\n", + " [1.1732825 1.1685299 1.1783787 1.1873685 1.1748621 1.1409669 1.1066937\n", + " 1.0837334 1.0729012 1.0709896 1.0701969 1.0645597 1.0558418 1.04752\n", + " 1.0440804 1.0460675 1.0517905 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1557229 1.1535851 1.1648028 1.1756283 1.1659721 1.1347351 1.1016935\n", + " 1.0802011 1.0695537 1.0655288 1.0635571 1.0570813 1.0483346 1.0405941\n", + " 1.0378554 1.0397713 1.0445883 1.0495455 1.051817 1.0521554 1.0528997\n", + " 1.0555438 1.0622042 1.0719485 1.0792212]]\n", + "[[1.1751896 1.1705995 1.1805917 1.1887627 1.1763378 1.141971 1.1076262\n", + " 1.0853004 1.0758611 1.0746791 1.0759778 1.0710975 1.0617532 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1690731 1.1683637 1.1804985 1.1899197 1.17689 1.1442671 1.1099888\n", + " 1.0863379 1.0741662 1.0697303 1.0680013 1.0619545 1.052715 1.0452757\n", + " 1.0417633 1.0435001 1.0487055 1.0536326 1.0560412 1.0573318 1.0588236]\n", + " [1.1701403 1.1680392 1.1789925 1.1872569 1.175036 1.1415398 1.1067979\n", + " 1.08365 1.0724475 1.0697194 1.0685995 1.0637233 1.0541848 1.0467901\n", + " 1.0432143 1.0447459 1.0499041 1.0547596 1.0571821 0. 0. ]\n", + " [1.2053952 1.1990082 1.2095817 1.2177993 1.2019238 1.1635727 1.1249632\n", + " 1.0995779 1.0890545 1.0882161 1.0887153 1.083097 1.0721164 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1711776 1.1669388 1.178161 1.187985 1.1764147 1.142701 1.1078283\n", + " 1.0848137 1.074425 1.0724047 1.0728247 1.0683722 1.0593758 1.0507627\n", + " 1.046943 1.048747 0. 0. 0. 0. 0. ]]\n", + "[[1.1735337 1.1689149 1.1796674 1.1881508 1.1757971 1.1413587 1.1056204\n", + " 1.083579 1.0737717 1.0721381 1.0727404 1.0679243 1.0590793 1.0504107\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1771542 1.1738095 1.1843598 1.1924804 1.1793708 1.1447059 1.1090559\n", + " 1.0864791 1.0767066 1.0755765 1.0766954 1.0715474 1.0615752 1.0521718\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1795691 1.177551 1.1883807 1.1969465 1.1822457 1.1475112 1.112095\n", + " 1.0886344 1.0773144 1.0741106 1.0724239 1.0668336 1.0576911 1.0488365\n", + " 1.0452949 1.0470849 1.0521048 1.0576105 1.0600511]\n", + " [1.1846048 1.1784997 1.1880907 1.1975092 1.1846422 1.1500021 1.1143209\n", + " 1.0909446 1.079875 1.0787069 1.0791688 1.0738437 1.0641061 1.0549569\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1518366 1.1480215 1.1575621 1.1658002 1.1547313 1.1250535 1.0942948\n", + " 1.0738412 1.0641103 1.0617042 1.0606757 1.0558873 1.0480806 1.0408401\n", + " 1.037845 1.0396112 1.0442909 1.0489486 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1684722 1.1636952 1.1737446 1.1829423 1.1707759 1.1381141 1.1042506\n", + " 1.0817552 1.0716267 1.0704012 1.0709817 1.0670526 1.0582712 1.0499907\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1667342 1.164063 1.1752231 1.1851248 1.1729947 1.1389604 1.1048776\n", + " 1.0818305 1.0701067 1.0662102 1.0645514 1.0589107 1.0507411 1.0436498\n", + " 1.0410101 1.042621 1.0477667 1.0524591 1.0548115 1.0559243 1.057147 ]\n", + " [1.155907 1.1510427 1.1593354 1.1660085 1.1548855 1.1252656 1.0944517\n", + " 1.0746183 1.0647721 1.062274 1.0622854 1.057794 1.049984 1.0427777\n", + " 1.039517 1.0412315 1.0464526 0. 0. 0. 0. ]\n", + " [1.1861415 1.1821902 1.1921611 1.2012432 1.1881173 1.1530526 1.1166825\n", + " 1.0927528 1.0810213 1.0785875 1.077612 1.0718347 1.0620853 1.0528352\n", + " 1.0487229 1.0507157 1.0566335 1.0621802 0. 0. 0. ]\n", + " [1.1547086 1.1514633 1.1611251 1.1691562 1.1593394 1.1287247 1.0966794\n", + " 1.075936 1.066076 1.0634693 1.063165 1.0586227 1.0502526 1.0430015\n", + " 1.0392541 1.0406783 1.0451345 1.0500864 0. 0. 0. ]]\n", + "[[1.1774447 1.1727731 1.1827353 1.1903571 1.1799569 1.1466634 1.1118594\n", + " 1.0893128 1.0788033 1.0776453 1.0771326 1.0724205 1.0621278 1.0526857\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1724861 1.1677314 1.1783404 1.187303 1.1764755 1.1423073 1.1069236\n", + " 1.0840936 1.0735136 1.0719537 1.0722795 1.0680368 1.0589097 1.0501742\n", + " 1.0460544 1.0478712 0. 0. 0. 0. 0. ]\n", + " [1.1898029 1.1843723 1.193109 1.2015607 1.1887615 1.1542573 1.1191441\n", + " 1.0954489 1.0844816 1.0822345 1.0814806 1.0750197 1.0649571 1.0556928\n", + " 1.0517099 1.0547006 0. 0. 0. 0. 0. ]\n", + " [1.1562111 1.1530688 1.1634146 1.1726092 1.1616309 1.1308419 1.0992261\n", + " 1.0778433 1.0668993 1.0634362 1.0620979 1.0566882 1.0483016 1.0411023\n", + " 1.0382107 1.0397222 1.0441989 1.0489881 1.0510676 1.051651 1.0529019]\n", + " [1.1729641 1.1682739 1.178987 1.189644 1.1782423 1.1449983 1.1097604\n", + " 1.085885 1.0742422 1.0711142 1.0704411 1.0655597 1.0563987 1.048308\n", + " 1.044379 1.0463427 1.051869 1.0576699 0. 0. 0. ]]\n", + "[[1.1769295 1.1735047 1.1846353 1.1933258 1.1793987 1.1440187 1.1084534\n", + " 1.0851717 1.0743682 1.0718362 1.0707703 1.065449 1.0562423 1.0481086\n", + " 1.0444968 1.046544 1.0525469 1.0582476 0. 0. 0.\n", + " 0. ]\n", + " [1.1515759 1.1481764 1.1578691 1.1663122 1.15504 1.1257845 1.0949274\n", + " 1.0746334 1.064975 1.0623721 1.0614086 1.0565319 1.0482602 1.041485\n", + " 1.0384886 1.0394993 1.0438938 1.0483199 1.0506896 0. 0.\n", + " 0. ]\n", + " [1.1837672 1.180619 1.1919168 1.200963 1.18872 1.1539367 1.1163276\n", + " 1.091407 1.0784729 1.0734718 1.071702 1.0655378 1.0557294 1.0483583\n", + " 1.0453871 1.0477412 1.0533339 1.0584481 1.0605577 1.0617808 1.0641986\n", + " 1.068511 ]\n", + " [1.1552486 1.1515701 1.1599056 1.1676749 1.1571995 1.1275983 1.0959843\n", + " 1.0755194 1.0665826 1.0647101 1.0642443 1.0600381 1.051638 1.0439924\n", + " 1.040812 1.0420426 1.0470089 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1792974 1.1736774 1.1835678 1.1916351 1.1792253 1.1449107 1.1097612\n", + " 1.0867659 1.0775608 1.0767794 1.0770831 1.0720993 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.2020551 1.1961409 1.204872 1.213025 1.2003767 1.1630108 1.1237166\n", + " 1.0975642 1.0857365 1.0842067 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1632588 1.1586853 1.167068 1.1740916 1.1627485 1.1322224 1.1003835\n", + " 1.0788248 1.0678561 1.0641725 1.0623565 1.0579567 1.0500517 1.0436646\n", + " 1.0402052 1.0418911 1.0464032 1.0510892 1.0539136 1.0551922 0. ]\n", + " [1.1787479 1.1736805 1.1830277 1.1920301 1.1794385 1.1466703 1.1122215\n", + " 1.089341 1.0780922 1.0752265 1.0755593 1.070594 1.0614151 1.0526983\n", + " 1.0487646 1.050932 0. 0. 0. 0. 0. ]\n", + " [1.1581855 1.1572287 1.1681958 1.1775457 1.1657982 1.1339278 1.1014785\n", + " 1.0797383 1.0688945 1.0649614 1.063441 1.0576228 1.048488 1.0417639\n", + " 1.0386188 1.0407338 1.04549 1.0499237 1.0520225 1.0528532 1.0541481]\n", + " [1.1777829 1.1714132 1.1812948 1.1897072 1.1784728 1.145224 1.1102239\n", + " 1.0874804 1.0771936 1.0757254 1.076134 1.0718995 1.0621835 1.053454\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1647843 1.16249 1.172809 1.179467 1.166651 1.1350682 1.1035113\n", + " 1.0820235 1.071124 1.0677118 1.0655473 1.0597458 1.0506731 1.0435022\n", + " 1.0404369 1.0418923 1.0460299 1.0505534 1.0526224 1.05375 1.055812\n", + " 0. ]\n", + " [1.1773471 1.172372 1.1822817 1.1906959 1.1784519 1.1447693 1.110375\n", + " 1.086826 1.0767006 1.0747498 1.0741092 1.069457 1.0595969 1.0505806\n", + " 1.0464091 1.0482439 1.0539019 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.168058 1.1639767 1.1730896 1.1813316 1.1688131 1.1370238 1.1045237\n", + " 1.0825694 1.0717397 1.0691731 1.0680914 1.0637277 1.0550262 1.0471606\n", + " 1.0442382 1.0463886 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1841788 1.1802061 1.1897968 1.1969035 1.1843649 1.1501235 1.114117\n", + " 1.089077 1.0772285 1.0733676 1.0716419 1.066682 1.0580715 1.0501795\n", + " 1.0462842 1.0481728 1.0535171 1.0582144 1.060777 1.0618 0.\n", + " 0. ]\n", + " [1.16192 1.159022 1.1695391 1.1777244 1.1658467 1.133026 1.1004423\n", + " 1.0786428 1.0678566 1.0637834 1.0623643 1.0572515 1.0490497 1.0425856\n", + " 1.0396699 1.0413573 1.0458426 1.0506773 1.0533334 1.0542128 1.0556577\n", + " 1.0594873]]\n", + "[[1.1638027 1.1605337 1.1708884 1.1805905 1.1680908 1.136028 1.1020759\n", + " 1.0797029 1.0694803 1.0676631 1.068016 1.063191 1.0542176 1.0464066\n", + " 1.0424601 1.0443279 0. 0. 0. 0. ]\n", + " [1.1650356 1.1614034 1.1721594 1.1812075 1.1700197 1.1379095 1.1038942\n", + " 1.082054 1.0713999 1.0701404 1.0707097 1.0658855 1.0563571 1.0479099\n", + " 1.0439544 1.0457075 0. 0. 0. 0. ]\n", + " [1.164712 1.161209 1.1712755 1.1802646 1.1680708 1.1363164 1.1033535\n", + " 1.0814905 1.0707484 1.0675334 1.065581 1.0596415 1.0508548 1.0433472\n", + " 1.0401468 1.0420344 1.0468109 1.0515306 1.0534296 1.0540619]\n", + " [1.1796544 1.1761651 1.1873958 1.1957308 1.1826122 1.1471642 1.1110882\n", + " 1.0878732 1.0771307 1.074904 1.0739663 1.0684153 1.058669 1.0498298\n", + " 1.0465682 1.048383 1.0538118 1.058959 0. 0. ]\n", + " [1.1901524 1.1863961 1.1965947 1.2044743 1.1890212 1.152518 1.1160288\n", + " 1.0922796 1.0815456 1.08063 1.0814183 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.180502 1.1767149 1.1879356 1.1968982 1.1830478 1.1483343 1.11184\n", + " 1.0884428 1.078018 1.0760871 1.0768911 1.0716755 1.0624331 1.0532728\n", + " 1.0490214 0. 0. 0. ]\n", + " [1.1783403 1.174787 1.1850697 1.1929325 1.1803222 1.1457868 1.1104665\n", + " 1.0873739 1.0762947 1.073196 1.0717243 1.0665239 1.0572608 1.0489825\n", + " 1.0456634 1.0481774 1.0540946 0. ]\n", + " [1.1948011 1.1906855 1.2009217 1.2100705 1.1966219 1.1602024 1.1223166\n", + " 1.0964215 1.0838588 1.0801755 1.0784534 1.0730989 1.0632993 1.0546284\n", + " 1.0508534 1.053181 1.0592191 1.0650387]\n", + " [1.172095 1.167215 1.1782763 1.1873038 1.1766589 1.1438363 1.1095445\n", + " 1.08675 1.076901 1.075575 1.0760436 1.0710721 1.0613011 1.0519772\n", + " 0. 0. 0. 0. ]\n", + " [1.1499283 1.1459075 1.1542317 1.162995 1.1526852 1.123881 1.0938361\n", + " 1.0731983 1.0630547 1.0602641 1.0598053 1.0561194 1.0487701 1.0419514\n", + " 1.0385214 1.0397353 1.0442759 1.0489686]]\n", + "[[1.1997273 1.1943663 1.2045135 1.2125114 1.1998837 1.1632609 1.1253523\n", + " 1.1000026 1.088286 1.0863657 1.086022 1.0802436 1.0692135 1.0589052\n", + " 1.0548352 0. ]\n", + " [1.1856776 1.1806976 1.1909562 1.1987207 1.1862285 1.1509458 1.1154033\n", + " 1.0913842 1.0802263 1.077736 1.0771747 1.0717424 1.0620372 1.0537541\n", + " 1.0495851 1.0519834]\n", + " [1.1840564 1.1786587 1.1883324 1.1961864 1.182976 1.1489921 1.1140145\n", + " 1.090504 1.0795617 1.0786127 1.0776783 1.0725853 0. 0.\n", + " 0. 0. ]\n", + " [1.1641785 1.1593275 1.166692 1.1723821 1.1617359 1.1309295 1.0995154\n", + " 1.0777009 1.0678369 1.0659882 1.0664824 1.06248 1.054493 1.0466512\n", + " 1.0428779 1.044537 ]\n", + " [1.1651515 1.1610703 1.1697289 1.1781538 1.1667407 1.1337531 1.1013532\n", + " 1.0801262 1.07046 1.0683124 1.0676769 1.0636255 1.054564 1.0466139\n", + " 1.043037 0. ]]\n", + "[[1.1841466 1.180398 1.1906133 1.1993636 1.1865786 1.1520346 1.1164697\n", + " 1.0921423 1.0803785 1.0763535 1.0738249 1.0672872 1.0576307 1.0494972\n", + " 1.0459939 1.0481963 1.0538151 1.0587902 1.0611823 1.0620235 1.06367 ]\n", + " [1.1715578 1.1647363 1.1742557 1.1827857 1.1713258 1.1396291 1.1066346\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1545477 1.1519773 1.1619976 1.1699286 1.1588284 1.1270472 1.0955294\n", + " 1.0746583 1.0649189 1.0625324 1.0619481 1.0582262 1.0505735 1.0430839\n", + " 1.0399951 1.041504 1.046395 0. 0. 0. 0. ]\n", + " [1.1821343 1.1782852 1.1877484 1.1951497 1.1832595 1.1487523 1.1135356\n", + " 1.0894884 1.0777986 1.0744331 1.0721827 1.0672631 1.0582006 1.0499854\n", + " 1.0462643 1.0485817 1.0536113 1.0589393 1.0613738 0. 0. ]\n", + " [1.1510785 1.1471263 1.154878 1.1627896 1.1519899 1.1241207 1.0942643\n", + " 1.0738571 1.0643619 1.0622721 1.0624481 1.0584185 1.0510478 1.0435399\n", + " 1.0400095 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1619303 1.1586668 1.1682863 1.1774414 1.165977 1.1340988 1.1007458\n", + " 1.0793716 1.0693963 1.0675886 1.0674522 1.0631171 1.054354 1.0462205\n", + " 1.0425042 1.0443546 0. 0. ]\n", + " [1.1680046 1.1662053 1.1766016 1.1852316 1.1725487 1.1373193 1.1039232\n", + " 1.0817903 1.0711737 1.0693307 1.0685759 1.0637494 1.0540559 1.0462991\n", + " 1.043104 1.044758 1.0497775 1.0546778]\n", + " [1.177521 1.1721162 1.1824703 1.1918277 1.1802087 1.1468865 1.1116241\n", + " 1.0879462 1.077518 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1656853 1.162224 1.1713576 1.1788653 1.1659036 1.13321 1.1011586\n", + " 1.0800476 1.0698333 1.0676432 1.0667965 1.0616237 1.0532935 1.0450642\n", + " 1.0420513 1.0439364 1.0490211 1.0539904]\n", + " [1.1937675 1.1858606 1.195078 1.2042779 1.1923975 1.1575638 1.1203127\n", + " 1.0953542 1.0842793 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1763275 1.1738199 1.1844168 1.192832 1.1814959 1.1484073 1.1137402\n", + " 1.0907332 1.0786762 1.0740618 1.0716081 1.065134 1.0551512 1.047458\n", + " 1.0441095 1.0460755 1.0517571 1.0566316 1.0584611 1.0592384 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1648796 1.1629229 1.1740137 1.1829214 1.1703074 1.1362944 1.1027296\n", + " 1.0803459 1.0689895 1.0666856 1.0653074 1.0597785 1.0517546 1.0446521\n", + " 1.0410093 1.042933 1.0473676 1.0522718 1.0546474 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1801546 1.1755054 1.1857271 1.1937869 1.179358 1.1433771 1.1073947\n", + " 1.0843257 1.0748764 1.0739913 1.0746382 1.0700374 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1670789 1.1618685 1.1714801 1.1801897 1.1696601 1.1374334 1.1039209\n", + " 1.0814698 1.071407 1.0697038 1.0699469 1.0656929 1.0573456 1.0488095\n", + " 1.0448763 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1647762 1.1621064 1.1731131 1.1836553 1.1737412 1.1417795 1.1074747\n", + " 1.084573 1.0731345 1.0692486 1.06691 1.0605483 1.0514177 1.043534\n", + " 1.0405188 1.0425265 1.0479772 1.053012 1.0553424 1.055628 1.0561961\n", + " 1.0595332 1.0666307 1.0765221 1.0848107 1.089431 ]]\n", + "[[1.1713715 1.1682702 1.1795796 1.1893766 1.1773523 1.1430477 1.1078796\n", + " 1.0844018 1.0730014 1.069504 1.0681528 1.0622553 1.0530101 1.0454997\n", + " 1.0424651 1.044343 1.0496341 1.0546887 1.0570974 1.0581634]\n", + " [1.184626 1.1815639 1.1914227 1.1997279 1.1858729 1.1507802 1.1147655\n", + " 1.0896403 1.078157 1.0737009 1.0716943 1.0658697 1.057267 1.0497079\n", + " 1.0459012 1.0477923 1.0532154 1.058422 1.0607748 1.0622636]\n", + " [1.1940666 1.1893165 1.1993431 1.2065595 1.1941731 1.157591 1.1198573\n", + " 1.0942986 1.0824438 1.0793551 1.0792865 1.0742722 1.0650272 1.0560511\n", + " 1.0517801 1.0539912 1.0597987 0. 0. 0. ]\n", + " [1.1658754 1.1630647 1.1737142 1.182152 1.1714936 1.1384051 1.1038787\n", + " 1.0808085 1.0703372 1.0684335 1.0687762 1.0642797 1.0553168 1.0472852\n", + " 1.0434587 1.0452412 0. 0. 0. 0. ]\n", + " [1.1640295 1.1598685 1.170181 1.179002 1.1681117 1.1360252 1.1033477\n", + " 1.0816628 1.0699859 1.0667179 1.0648477 1.0591356 1.0509119 1.0434282\n", + " 1.0404527 1.0424805 1.0472399 1.0523502 1.054541 1.0551418]]\n", + "[[1.1910907 1.1876605 1.199295 1.208075 1.1928456 1.154897 1.1174033\n", + " 1.0927398 1.0828156 1.0817734 1.0826682 1.0776209 1.0671023 1.0572776\n", + " 0. 0. 0. ]\n", + " [1.187337 1.1836276 1.1942273 1.2032038 1.1906229 1.1548023 1.1180114\n", + " 1.0935713 1.0822947 1.0802212 1.0797392 1.074124 1.0641521 1.0546626\n", + " 1.0503448 1.0525813 1.0587244]\n", + " [1.1701188 1.1657004 1.1766483 1.1860591 1.1756954 1.143055 1.1084809\n", + " 1.0851318 1.0741093 1.0714953 1.0715517 1.0665349 1.0572504 1.0491166\n", + " 1.0452226 1.047231 0. ]\n", + " [1.1827754 1.176666 1.1870136 1.1959565 1.1839879 1.1488138 1.1136851\n", + " 1.090331 1.0807668 1.0804545 1.0811735 1.0757378 1.0650432 0.\n", + " 0. 0. 0. ]\n", + " [1.178215 1.1729437 1.1815292 1.1886001 1.1769037 1.1447189 1.1107048\n", + " 1.0876629 1.0762649 1.0735492 1.0723189 1.0680552 1.0590426 1.0510372\n", + " 1.0474598 1.0499232 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1810406 1.177908 1.1883436 1.1969627 1.186794 1.1533722 1.1180589\n", + " 1.0941105 1.0811557 1.0762575 1.0731146 1.0664035 1.0572037 1.0492197\n", + " 1.0456377 1.0480264 1.0536251 1.058288 1.0609897 1.0620426 1.0633153\n", + " 1.0672512 1.0748236]\n", + " [1.1812544 1.1766912 1.1859571 1.1939402 1.1807408 1.1477153 1.1136479\n", + " 1.0903159 1.0780686 1.0745506 1.0723898 1.0663743 1.056555 1.048268\n", + " 1.0447896 1.0470614 1.052674 1.0579572 1.0605211 0. 0.\n", + " 0. 0. ]\n", + " [1.1716366 1.1706687 1.1830138 1.1928257 1.1808524 1.1464505 1.1105816\n", + " 1.086729 1.0750768 1.0716668 1.0697497 1.0636551 1.0538185 1.0461684\n", + " 1.0426303 1.0445668 1.0494074 1.0547224 1.0573902 1.0583144 1.060391\n", + " 0. 0. ]\n", + " [1.1845275 1.1809962 1.1908598 1.199967 1.1860622 1.1513948 1.1159481\n", + " 1.0915433 1.0792414 1.0746212 1.0727216 1.0663943 1.0566177 1.0487727\n", + " 1.0452633 1.0475644 1.0527923 1.0585122 1.0613152 1.0620556 1.0639892\n", + " 0. 0. ]\n", + " [1.1631179 1.1598364 1.1702317 1.1788052 1.1670635 1.135007 1.1020428\n", + " 1.0802947 1.0697912 1.0665596 1.0651257 1.0593536 1.0502977 1.0429846\n", + " 1.0393852 1.0412438 1.0464131 1.051231 1.053678 1.0548135 0.\n", + " 0. 0. ]]\n", + "[[1.1699471 1.1674232 1.177249 1.1870098 1.1769332 1.1442136 1.1099507\n", + " 1.087522 1.0757163 1.0715201 1.0693302 1.0630019 1.0540211 1.0464373\n", + " 1.0430589 1.045221 1.0507077 1.0548872 1.0574157 1.0579672 1.0590223\n", + " 1.062368 1.0697721]\n", + " [1.1900685 1.1872239 1.1972885 1.2059281 1.1926862 1.1589909 1.1223124\n", + " 1.096908 1.0831316 1.0782942 1.0756932 1.0691985 1.05894 1.0507269\n", + " 1.0476638 1.0496216 1.0547715 1.0604088 1.062933 1.0644797 1.0662714\n", + " 1.070351 0. ]\n", + " [1.1800658 1.1769757 1.1884826 1.1981273 1.1854799 1.1515199 1.1159952\n", + " 1.0916944 1.0787535 1.0749714 1.073117 1.066689 1.0576078 1.0492365\n", + " 1.0454341 1.0472116 1.052261 1.0572507 1.0593923 1.0605812 0.\n", + " 0. 0. ]\n", + " [1.1693789 1.1671146 1.1777407 1.1861371 1.173793 1.1400431 1.1062024\n", + " 1.0839478 1.0733302 1.0699736 1.0681633 1.0620735 1.0530537 1.0453247\n", + " 1.0419674 1.0438414 1.0487738 1.053354 1.055682 1.0570728 0.\n", + " 0. 0. ]\n", + " [1.1670916 1.1628776 1.1728767 1.1818539 1.1705633 1.1376739 1.1039528\n", + " 1.0814168 1.071527 1.0692263 1.0695868 1.0649468 1.0561655 1.0478879\n", + " 1.0442352 1.0459433 1.0516135 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1771202 1.1746236 1.1853378 1.1923218 1.1796718 1.1449217 1.1096828\n", + " 1.0874598 1.0766271 1.0739079 1.0741677 1.0686795 1.0592841 1.0505784\n", + " 1.0468048 1.0488272 1.0544194 0. 0. 0. ]\n", + " [1.1884584 1.1853919 1.195849 1.2034814 1.1900065 1.1527102 1.1145452\n", + " 1.0905272 1.0798802 1.0796151 1.0806475 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1728048 1.1702117 1.181079 1.1894794 1.1789457 1.1458985 1.1113861\n", + " 1.0878012 1.0759661 1.072771 1.070269 1.0644277 1.0556023 1.0473814\n", + " 1.0440472 1.0454367 1.0509952 1.0552818 1.0573796 1.0577207]\n", + " [1.1878353 1.1827078 1.1946161 1.2057675 1.192724 1.1563942 1.1187578\n", + " 1.0947567 1.0843945 1.0829148 1.0830736 1.0775448 1.0668977 1.056789\n", + " 1.0521457 1.0545719 0. 0. 0. 0. ]\n", + " [1.1803205 1.1752234 1.1839849 1.1908956 1.1781534 1.1460629 1.1128473\n", + " 1.0906715 1.079871 1.0772228 1.0764346 1.0704812 1.0616009 1.0526222\n", + " 1.0490122 1.0517274 0. 0. 0. 0. ]]\n", + "[[1.1570263 1.1522659 1.1614637 1.1700538 1.1598433 1.1299093 1.0980043\n", + " 1.0772763 1.0671825 1.0653952 1.065371 1.061256 1.0530962 1.0453869\n", + " 1.0417638 1.0431949 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1782985 1.1725802 1.1858084 1.1978477 1.1899612 1.1572515 1.1210718\n", + " 1.0956075 1.0822078 1.0778635 1.0754097 1.0684669 1.0585996 1.0499305\n", + " 1.0465825 1.0486778 1.0546708 1.0600725 1.0631287 1.0651894 1.0662262\n", + " 1.0695122 1.0768827 1.087677 1.0952783 1.1010773 1.1022278 1.0978954\n", + " 1.0898399 1.0788913]\n", + " [1.1570938 1.151156 1.1586992 1.1649454 1.154326 1.1243348 1.0943328\n", + " 1.0743675 1.0656372 1.0641427 1.0646482 1.0606812 1.0523779 1.0446839\n", + " 1.0412447 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1715574 1.1663725 1.1751796 1.1830009 1.172684 1.1403123 1.1070738\n", + " 1.0849295 1.0748421 1.0725572 1.0731881 1.0684756 1.0594454 1.0505502\n", + " 1.0465729 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1615961 1.1594052 1.1682777 1.1765528 1.1631529 1.1313977 1.0996438\n", + " 1.0787786 1.0687057 1.0660609 1.0649378 1.0602777 1.0520399 1.0445526\n", + " 1.0412853 1.0431988 1.0482931 1.0531709 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1560497 1.1539829 1.1650993 1.174518 1.1633964 1.1302114 1.0976845\n", + " 1.0761845 1.0665039 1.0637449 1.0630418 1.0580508 1.0490941 1.0413579\n", + " 1.0382595 1.0398997 1.044496 1.0494351 1.0517132]\n", + " [1.1862283 1.182333 1.1934701 1.202901 1.1895305 1.1548866 1.1183856\n", + " 1.0932662 1.0815089 1.0785449 1.0777268 1.0721639 1.0622299 1.0530707\n", + " 1.0488416 1.0506746 1.0561458 1.062067 0. ]\n", + " [1.1693403 1.1667582 1.1789391 1.1891471 1.1775107 1.1431614 1.1075227\n", + " 1.083471 1.0729052 1.07012 1.0689442 1.063228 1.0535948 1.0452176\n", + " 1.0416687 1.0431811 1.0483731 1.0537431 1.0566312]\n", + " [1.1686885 1.1641109 1.1725041 1.1806267 1.1682061 1.1362301 1.1037197\n", + " 1.0820343 1.0715353 1.0684793 1.0678614 1.0636965 1.0554686 1.0478123\n", + " 1.0442308 1.0462718 1.0514815 0. 0. ]\n", + " [1.1838756 1.1797037 1.1891346 1.195934 1.1853395 1.1508533 1.1153009\n", + " 1.0909184 1.0794395 1.0759091 1.0755607 1.0697229 1.0599508 1.0516738\n", + " 1.0479184 1.0502402 1.0563695 0. 0. ]]\n", + "[[1.1860862 1.1807277 1.1899984 1.1979873 1.1847241 1.150542 1.1146013\n", + " 1.0907917 1.0791982 1.0762163 1.0767977 1.0718623 1.0622017 1.0534519\n", + " 1.0495259 1.0519085 0. 0. ]\n", + " [1.1656504 1.1625267 1.173338 1.1824759 1.169911 1.1373737 1.1036808\n", + " 1.0815207 1.0707777 1.0688523 1.0679517 1.0629777 1.0543118 1.0461104\n", + " 1.0426102 1.044486 1.0494488 1.0544698]\n", + " [1.1674192 1.1624237 1.1720301 1.180921 1.1694354 1.137845 1.105231\n", + " 1.0835778 1.0728467 1.0710332 1.0707731 1.0659302 1.0574043 1.0488737\n", + " 1.0453196 0. 0. 0. ]\n", + " [1.181132 1.1765673 1.186003 1.1936646 1.1812968 1.1470822 1.1122408\n", + " 1.0892202 1.0776976 1.0753602 1.0741624 1.0684 1.0586302 1.0501873\n", + " 1.046873 1.0491152 1.0547113 1.0598817]\n", + " [1.1898972 1.1855582 1.1957995 1.2047185 1.1908357 1.1556485 1.11874\n", + " 1.094181 1.0833776 1.0813875 1.080766 1.0758421 1.065394 1.0559797\n", + " 1.0517595 0. 0. 0. ]]\n", + "[[1.1620895 1.1586368 1.1684091 1.1770082 1.1647692 1.1322246 1.1003313\n", + " 1.0794271 1.0696464 1.0681484 1.0676514 1.0623785 1.0537506 1.0458272\n", + " 1.0422227 1.0441444 0. 0. 0. 0. ]\n", + " [1.179052 1.1761754 1.1871473 1.1965711 1.1837455 1.1482215 1.1128856\n", + " 1.0895135 1.0787843 1.0765549 1.0753182 1.0701904 1.0603443 1.0512373\n", + " 1.0468739 1.0485566 1.0544745 1.0599155 0. 0. ]\n", + " [1.1834338 1.178585 1.1882712 1.1973866 1.183642 1.1491637 1.1142353\n", + " 1.0909064 1.0798609 1.0784361 1.0786382 1.0738899 1.0646564 1.0554338\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1662977 1.165205 1.1774154 1.186876 1.1735262 1.1406019 1.1062225\n", + " 1.0834435 1.0724998 1.0687866 1.0672126 1.0612857 1.0522841 1.0451236\n", + " 1.0414835 1.0434321 1.0480237 1.052997 1.0556643 1.0565581]\n", + " [1.1757385 1.1738508 1.1844653 1.1918726 1.1789675 1.1439812 1.1080956\n", + " 1.0844972 1.0739464 1.0715878 1.0702422 1.0658324 1.0569252 1.0488569\n", + " 1.0453753 1.0472374 1.0525701 1.0578374 0. 0. ]]\n", + "[[1.1752409 1.1694419 1.177961 1.185311 1.17342 1.1416758 1.1091678\n", + " 1.0873733 1.0766524 1.0740565 1.073128 1.0677531 1.0583149 1.0502857\n", + " 1.0466253 1.0494115 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.163586 1.1603925 1.1710662 1.181564 1.1706944 1.1399994 1.1073177\n", + " 1.0846035 1.0729492 1.068165 1.0663162 1.0600269 1.051341 1.0435137\n", + " 1.0406688 1.0426663 1.0476575 1.0521781 1.0546095 1.0553106 1.0560219\n", + " 1.058715 1.0655956 1.0751381]\n", + " [1.17013 1.1652942 1.1748562 1.1845356 1.1727204 1.1398399 1.1059357\n", + " 1.083654 1.0734721 1.0723604 1.0728228 1.0683464 1.0588309 1.0501429\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1740189 1.1707941 1.1814488 1.19026 1.177229 1.1436734 1.109118\n", + " 1.0860837 1.0758914 1.0735806 1.0741056 1.0691919 1.0592575 1.0505605\n", + " 1.0465933 1.0483536 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2149853 1.2087194 1.2188884 1.2282559 1.2135739 1.1743851 1.1333777\n", + " 1.1058936 1.0939327 1.0926344 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1680903 1.1634531 1.1731054 1.1824074 1.1707032 1.1370339 1.1033139\n", + " 1.0810623 1.0712366 1.0701131 1.0706338 1.0667717 1.0584574 1.0500579\n", + " 1.0461552 0. 0. 0. 0. 0. 0. ]\n", + " [1.1881175 1.182926 1.1915616 1.1995138 1.1864895 1.1511284 1.1159593\n", + " 1.0922145 1.0824709 1.0808407 1.0816733 1.0768228 1.0659664 1.0565301\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1589411 1.1553923 1.163776 1.171039 1.1594098 1.1283443 1.0973108\n", + " 1.0769616 1.0662667 1.0626192 1.0609841 1.055749 1.0478083 1.0413505\n", + " 1.0381277 1.0396885 1.0441039 1.0486841 1.0514128 1.052756 0. ]\n", + " [1.1570767 1.1548724 1.1664737 1.1765187 1.1655664 1.1332991 1.0997424\n", + " 1.0778621 1.0670729 1.0639926 1.0625763 1.0572392 1.0486413 1.0417153\n", + " 1.0382111 1.0398118 1.0446544 1.0491087 1.0515364 1.0523974 1.053746 ]\n", + " [1.1507896 1.1461381 1.1531656 1.1602681 1.1495084 1.1205835 1.0911577\n", + " 1.0712678 1.0618075 1.0598017 1.0591276 1.0558959 1.0490946 1.042051\n", + " 1.0385545 1.040074 1.0448407 0. 0. 0. 0. ]]\n", + "[[1.154438 1.1517245 1.1607242 1.1686985 1.1582465 1.1287904 1.0987837\n", + " 1.0781592 1.0675101 1.0632432 1.0606912 1.054934 1.0472578 1.0406133\n", + " 1.0377791 1.0396305 1.043836 1.0481713 1.0503575 1.0517956 1.0538015]\n", + " [1.1597695 1.1541287 1.1621135 1.1699966 1.1590824 1.1291338 1.0976206\n", + " 1.0772038 1.0677284 1.0659266 1.0664904 1.062221 1.0543875 1.0465174\n", + " 1.042825 0. 0. 0. 0. 0. 0. ]\n", + " [1.1762443 1.1710238 1.1809163 1.1889874 1.178025 1.1455991 1.1104246\n", + " 1.0870935 1.0759119 1.0727304 1.0714028 1.0668505 1.0577142 1.0491226\n", + " 1.0457842 1.0478317 1.0537369 0. 0. 0. 0. ]\n", + " [1.1808033 1.1764175 1.1872398 1.1957632 1.1832831 1.1482958 1.1120802\n", + " 1.088256 1.0775383 1.0748361 1.0754118 1.0704256 1.0608963 1.0524095\n", + " 1.0485249 1.0505273 0. 0. 0. 0. 0. ]\n", + " [1.1897936 1.185358 1.1951207 1.2030878 1.1903241 1.1551543 1.118792\n", + " 1.0946906 1.082551 1.0789493 1.0775526 1.0721096 1.0622541 1.0529883\n", + " 1.0495406 1.0515786 1.0574223 1.0630167 0. 0. 0. ]]\n", + "[[1.1750414 1.1704795 1.1780232 1.1874487 1.174727 1.140191 1.1055635\n", + " 1.083595 1.0737201 1.0722299 1.0730573 1.0680586 1.0591235 1.0511023\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1806381 1.1745209 1.1837418 1.1944172 1.1821201 1.1474916 1.1118752\n", + " 1.0885078 1.0786386 1.0774531 1.078225 1.0730202 1.0629439 1.0532628\n", + " 1.0490181 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.168952 1.1673962 1.178739 1.1892512 1.1784644 1.1449244 1.1098939\n", + " 1.086546 1.074689 1.070545 1.0685563 1.0627856 1.0540993 1.0463934\n", + " 1.0433118 1.045256 1.0494368 1.054586 1.0576267 1.0586121 1.0604374\n", + " 1.0640291]\n", + " [1.1630561 1.160889 1.171021 1.1790891 1.1658516 1.133778 1.1015911\n", + " 1.0798166 1.0693898 1.0663548 1.0645521 1.0594208 1.0506523 1.0432299\n", + " 1.0402503 1.041916 1.046551 1.0514838 1.053726 1.0545561 0.\n", + " 0. ]\n", + " [1.1909168 1.1856748 1.1955467 1.2037668 1.1899619 1.1541429 1.1165469\n", + " 1.0916904 1.0815066 1.080309 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1787584 1.1741251 1.1817203 1.1887704 1.174145 1.1407573 1.1055782\n", + " 1.0833386 1.0725521 1.0697938 1.069995 1.0652175 1.056698 1.0489452\n", + " 1.0451466 1.0473814 1.0528637 0. ]\n", + " [1.1864293 1.1821411 1.1929113 1.2013959 1.1899219 1.1549752 1.118248\n", + " 1.0925298 1.081106 1.0778579 1.0769329 1.071487 1.0618415 1.0529448\n", + " 1.0495732 1.051384 1.0572863 1.0626305]\n", + " [1.184081 1.179488 1.1898144 1.1982601 1.1845717 1.1499186 1.1136752\n", + " 1.0889065 1.0776813 1.0749305 1.0741318 1.0691438 1.059917 1.0517665\n", + " 1.0482031 1.0504472 1.0558705 0. ]\n", + " [1.1781701 1.1748946 1.1855631 1.1931 1.1800277 1.1449422 1.1090946\n", + " 1.0863377 1.0761352 1.0740981 1.0744779 1.0697905 1.0603188 1.0517569\n", + " 1.0478638 1.0499598 0. 0. ]\n", + " [1.1630373 1.1606002 1.1710958 1.1799343 1.1669744 1.1347263 1.1016144\n", + " 1.0797085 1.0700184 1.0679895 1.0683757 1.064302 1.0556053 1.0476984\n", + " 1.0436932 1.0451565 0. 0. ]]\n", + "[[1.1748297 1.1719615 1.1827594 1.1917088 1.1797214 1.145226 1.1099831\n", + " 1.0869136 1.075631 1.0745909 1.0750004 1.0707028 1.0611756 1.0523926\n", + " 1.0482044 0. 0. 0. 0. 0. 0. ]\n", + " [1.1677378 1.1646148 1.1760472 1.1861107 1.174121 1.1406808 1.1061363\n", + " 1.0837584 1.072498 1.0687854 1.0671617 1.0613227 1.051907 1.0442234\n", + " 1.0405802 1.042401 1.0475256 1.0527445 1.0552969 1.0563936 0. ]\n", + " [1.1788516 1.1740996 1.1837168 1.191666 1.1797988 1.1452172 1.1088564\n", + " 1.0859445 1.075253 1.072855 1.0732728 1.0687108 1.059894 1.0521998\n", + " 1.0481387 1.0503019 0. 0. 0. 0. 0. ]\n", + " [1.1715239 1.1693399 1.1811221 1.1918181 1.1789813 1.1452973 1.1100574\n", + " 1.086048 1.0735091 1.0699682 1.0679909 1.0621449 1.0536875 1.0459533\n", + " 1.0428896 1.0443181 1.0496179 1.0542951 1.0566484 1.0570527 1.058482 ]\n", + " [1.1944512 1.1896431 1.2012526 1.2124416 1.1988832 1.1608727 1.1232498\n", + " 1.0972662 1.0867354 1.0856425 1.0863243 1.0804266 1.0692301 1.0588899\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2077792 1.2021036 1.213538 1.2218331 1.2068647 1.1690211 1.1302103\n", + " 1.1044198 1.093223 1.0912449 1.0919179 1.0858729 1.0739887 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.182266 1.1787449 1.1892573 1.1977843 1.1844554 1.1506798 1.1156723\n", + " 1.0916805 1.0793517 1.0753002 1.072851 1.0660998 1.056837 1.0485774\n", + " 1.0453026 1.047175 1.0530368 1.0581043 1.0604011 1.0611795]\n", + " [1.1562996 1.1527537 1.1629616 1.1716186 1.1617548 1.1304417 1.0976915\n", + " 1.0766 1.0661299 1.0639428 1.0635033 1.0591673 1.0516105 1.043979\n", + " 1.0407369 1.0423203 0. 0. 0. 0. ]\n", + " [1.1932427 1.189633 1.1998518 1.207689 1.1957842 1.1600715 1.1236492\n", + " 1.0991255 1.0860306 1.0821049 1.0796634 1.0726776 1.0625049 1.0538892\n", + " 1.0500964 1.052618 1.058825 1.0643244 1.0664191 0. ]\n", + " [1.1607573 1.154921 1.1622591 1.1700151 1.1589108 1.1293919 1.0980524\n", + " 1.0769962 1.0672619 1.0646286 1.0648079 1.0604393 1.0526084 1.0451622\n", + " 1.0420085 1.0438344 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1713165 1.1692293 1.1802585 1.1893575 1.1772546 1.1443257 1.1098378\n", + " 1.0867283 1.0750443 1.0712398 1.0687859 1.0630579 1.0535668 1.045864\n", + " 1.0423677 1.0438648 1.0490011 1.0538702 1.0565706 1.0574633]\n", + " [1.1731493 1.1691718 1.1799988 1.188968 1.1772196 1.1433574 1.1082532\n", + " 1.0853443 1.0741726 1.0711069 1.0700563 1.0656984 1.0567479 1.0489624\n", + " 1.0451388 1.046705 1.0518713 1.0569416 0. 0. ]\n", + " [1.1909406 1.1875477 1.1982882 1.2075104 1.1937894 1.1592023 1.1221297\n", + " 1.0968417 1.0835475 1.0792197 1.076921 1.069818 1.0605196 1.0521082\n", + " 1.0482394 1.0504242 1.0560168 1.061347 1.0639236 1.0650604]\n", + " [1.1593611 1.1573311 1.1679827 1.1768728 1.1653862 1.1336589 1.1009004\n", + " 1.0789536 1.0676211 1.0647192 1.0633582 1.0579836 1.04951 1.0423505\n", + " 1.0387365 1.0404147 1.0453355 1.049881 1.0522063 1.0532887]\n", + " [1.1791422 1.1763453 1.1867183 1.1960832 1.1826499 1.1464136 1.111198\n", + " 1.0872673 1.0765342 1.0732136 1.0717925 1.0661526 1.0573487 1.049063\n", + " 1.0453292 1.047537 1.0527759 1.058352 0. 0. ]]\n", + "[[1.1841073 1.1808934 1.1933506 1.204014 1.1925151 1.1558446 1.1177773\n", + " 1.0919719 1.0792572 1.0762317 1.0751747 1.0700575 1.0605748 1.0519902\n", + " 1.0475346 1.0490488 1.0541869 1.0594432 1.0618105 0. ]\n", + " [1.1853635 1.1814524 1.1912037 1.1996665 1.186767 1.1524712 1.1171995\n", + " 1.0922548 1.0795708 1.0759014 1.0734882 1.0677094 1.0586593 1.0503145\n", + " 1.0469317 1.0488353 1.0543247 1.059177 1.0615593 1.0628335]\n", + " [1.188105 1.1830755 1.1937097 1.2033294 1.1905999 1.1545624 1.1175797\n", + " 1.0933669 1.0824152 1.0811512 1.081622 1.0762297 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1516552 1.1474651 1.1559029 1.1640115 1.152917 1.1237298 1.0935441\n", + " 1.0726237 1.0634977 1.0617176 1.0622363 1.0582523 1.0509166 1.0438627\n", + " 1.0402741 0. 0. 0. 0. 0. ]\n", + " [1.1700115 1.1669667 1.1774294 1.1865767 1.1755639 1.1422545 1.1074301\n", + " 1.0840309 1.0718919 1.0683955 1.0668011 1.0614319 1.053532 1.0459366\n", + " 1.0424687 1.0437441 1.048454 1.053137 1.0553758 1.0561523]]\n", + "[[1.1834245 1.1796005 1.1905777 1.1998585 1.1861193 1.1506232 1.1143186\n", + " 1.0896541 1.0784266 1.0752693 1.0734218 1.0679436 1.0581332 1.0497895\n", + " 1.0461011 1.0483636 1.0536367 1.0589093 1.061403 1.0620546 0.\n", + " 0. ]\n", + " [1.1774 1.1743318 1.1847668 1.1925328 1.1815295 1.1485745 1.1145899\n", + " 1.0918535 1.0785984 1.074045 1.0712398 1.0636879 1.0549026 1.0470647\n", + " 1.0441208 1.0467683 1.0519209 1.0569248 1.0596033 1.0601442 1.0614212\n", + " 1.064769 ]\n", + " [1.2015122 1.1959207 1.2046618 1.2126589 1.1989924 1.1618387 1.124041\n", + " 1.099649 1.0886453 1.086899 1.0858991 1.0806662 1.07005 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1755493 1.1701843 1.1793312 1.1863828 1.1719301 1.1391865 1.1062887\n", + " 1.085 1.0753376 1.0742291 1.0741313 1.0687867 1.0595826 1.0511435\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1790632 1.1744506 1.184363 1.19326 1.1814826 1.1476336 1.1129568\n", + " 1.0896885 1.079025 1.0770174 1.0766149 1.0709504 1.0610695 1.0522481\n", + " 1.0485957 1.0507208 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1797235 1.1737067 1.1834582 1.1919054 1.181074 1.1476895 1.1132606\n", + " 1.0902989 1.0800002 1.078274 1.077979 1.0721462 1.0620836 1.0523193\n", + " 1.0480548 0. 0. 0. 0. 0. ]\n", + " [1.1542062 1.1529624 1.1641642 1.1719406 1.1609576 1.1296693 1.0970834\n", + " 1.0757813 1.06519 1.0615393 1.0606676 1.0558925 1.0478132 1.0412184\n", + " 1.0375735 1.0390042 1.0434018 1.0477397 1.0504587 1.0521247]\n", + " [1.1790277 1.1752921 1.1856536 1.1939933 1.1812224 1.145645 1.1099552\n", + " 1.0863824 1.0754938 1.0728656 1.0720221 1.0663203 1.0569607 1.0481251\n", + " 1.0444235 1.0465766 1.0518501 1.056843 1.0590494 0. ]\n", + " [1.1839808 1.1795185 1.1897935 1.1989897 1.1855571 1.1517459 1.1161155\n", + " 1.0923959 1.0813332 1.0785645 1.0776949 1.0720662 1.062019 1.053114\n", + " 1.0488176 1.0512421 1.0571077 0. 0. 0. ]\n", + " [1.1639304 1.1614432 1.1726075 1.1807592 1.1685997 1.1354994 1.1014298\n", + " 1.0794754 1.0683419 1.0656441 1.0646204 1.0594833 1.0505615 1.043378\n", + " 1.0401833 1.0419801 1.0467968 1.0514469 1.0539402 1.0551734]]\n", + "[[1.1727378 1.169533 1.1800991 1.189942 1.1766808 1.1430598 1.1083236\n", + " 1.084883 1.0737876 1.0707428 1.0706097 1.0658318 1.0571539 1.049035\n", + " 1.0450801 1.0470296 1.0522673 1.0579715]\n", + " [1.1634678 1.1610323 1.1715136 1.1809187 1.1685598 1.1356323 1.102212\n", + " 1.0800362 1.0695915 1.0670832 1.0665013 1.0613799 1.0529547 1.0449353\n", + " 1.0412706 1.0431832 1.04813 1.0533631]\n", + " [1.2072827 1.2015212 1.2119781 1.2188761 1.2066056 1.1695029 1.1285051\n", + " 1.1019233 1.0893844 1.0887263 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1879667 1.1824471 1.1927966 1.202481 1.1868916 1.1511644 1.1146748\n", + " 1.0914794 1.0808766 1.0800264 1.0800834 1.0744151 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1663667 1.1619979 1.1726587 1.1813393 1.1709658 1.1377034 1.1040642\n", + " 1.0824207 1.0723476 1.0706974 1.070759 1.0657579 1.0564954 1.0476501\n", + " 1.0439845 1.0460544 0. 0. ]]\n", + "[[1.1551384 1.1511145 1.1593671 1.1663759 1.1544021 1.1242517 1.094045\n", + " 1.0740392 1.0652088 1.0639248 1.0642772 1.0603588 1.052108 1.0444131\n", + " 1.0409985 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1554646 1.1539075 1.1648898 1.174003 1.1620071 1.1309131 1.098907\n", + " 1.0782456 1.0678546 1.0644064 1.0622561 1.0561386 1.0472308 1.0400848\n", + " 1.0374055 1.0393331 1.0437121 1.0482421 1.0505522 1.0511699 1.0525928\n", + " 0. 0. ]\n", + " [1.1859958 1.1802821 1.1895798 1.1971755 1.1835926 1.1468213 1.1109693\n", + " 1.0877334 1.0780662 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1809888 1.1764431 1.185189 1.1937854 1.1813488 1.1473644 1.112481\n", + " 1.0900469 1.0792596 1.0765429 1.0759716 1.070206 1.0605828 1.0523677\n", + " 1.048577 1.0512096 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1659933 1.1636107 1.1755136 1.1855699 1.174623 1.1420343 1.1073463\n", + " 1.084085 1.0724275 1.0685428 1.0668173 1.0609883 1.0529164 1.0452259\n", + " 1.0417987 1.0437016 1.0481642 1.0530784 1.0557107 1.0567667 1.0582247\n", + " 1.0617522 1.0691661]]\n", + "[[1.1722454 1.1679089 1.1775992 1.185712 1.1741059 1.1405475 1.105324\n", + " 1.0829275 1.0729924 1.071557 1.0718809 1.0671587 1.057883 1.0493075\n", + " 1.0453284 1.047137 ]\n", + " [1.1653275 1.1622124 1.1725684 1.1831291 1.1714776 1.140301 1.1054685\n", + " 1.0831406 1.0725716 1.0708215 1.0707848 1.0660859 1.0569992 1.048636\n", + " 1.0447148 1.0462972]\n", + " [1.1936232 1.1874843 1.197732 1.2062451 1.193863 1.1568061 1.1183771\n", + " 1.0932002 1.0814004 1.0779686 1.0786989 1.0739577 1.064715 1.0554059\n", + " 1.0516596 1.0540371]\n", + " [1.2125129 1.206721 1.2168791 1.2247903 1.2101955 1.1711984 1.1310084\n", + " 1.104042 1.0923969 1.0905253 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.187185 1.1818098 1.1899093 1.1987739 1.1869673 1.1537735 1.1189497\n", + " 1.095539 1.0839694 1.0824187 1.0823729 1.0768526 1.0672714 1.0576941\n", + " 0. 0. ]]\n", + "[[1.1847786 1.1765484 1.1858655 1.1946114 1.1820246 1.1489333 1.1127071\n", + " 1.0891345 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.179482 1.175387 1.1857967 1.1950067 1.1828941 1.1492966 1.1137358\n", + " 1.0900099 1.079327 1.0772157 1.0765119 1.0711896 1.0614995 1.052636\n", + " 1.0484315 1.0503337 0. ]\n", + " [1.1704463 1.1659735 1.1760144 1.1847283 1.1745676 1.1419127 1.1073686\n", + " 1.0858206 1.0752703 1.0736414 1.0733443 1.068882 1.0591199 1.0500846\n", + " 1.0460974 0. 0. ]\n", + " [1.1798431 1.1748235 1.1849566 1.1943563 1.183029 1.1482999 1.1121182\n", + " 1.0890669 1.0780541 1.0758018 1.0753051 1.0705727 1.0603217 1.0513357\n", + " 1.0470033 1.0488228 1.0544751]\n", + " [1.1697462 1.1654742 1.1759278 1.185991 1.17442 1.1420382 1.1079276\n", + " 1.08451 1.0731201 1.0710425 1.0706313 1.0658361 1.0562947 1.0480996\n", + " 1.0439923 1.0458995 1.0512924]]\n", + "[[1.1673378 1.1649468 1.176141 1.185282 1.1740462 1.1405582 1.1068884\n", + " 1.08463 1.0731847 1.0694138 1.0675735 1.0617065 1.0523326 1.0451462\n", + " 1.0418404 1.0437793 1.048621 1.0537002 1.0558867 1.0564287 1.0579932\n", + " 0. 0. 0. 0. ]\n", + " [1.168487 1.166094 1.177241 1.1856159 1.1734072 1.1394126 1.1051883\n", + " 1.0830495 1.0723143 1.0698733 1.0686879 1.0636504 1.054645 1.0464978\n", + " 1.0431837 1.0448138 1.0499103 1.0551014 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1606157 1.1565883 1.1652437 1.1728065 1.1608169 1.1283756 1.0975642\n", + " 1.0758017 1.0663025 1.0635759 1.0630815 1.0586336 1.0507467 1.0439923\n", + " 1.0402094 1.0422801 1.0465422 1.0513052 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1725249 1.1664786 1.1758565 1.1844835 1.1720779 1.139489 1.1059215\n", + " 1.0831547 1.0727682 1.0698185 1.0694177 1.0648766 1.056207 1.0484548\n", + " 1.04511 1.0474228 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1551988 1.1533471 1.1638165 1.172787 1.1628977 1.1313541 1.0986705\n", + " 1.0775298 1.0673949 1.0639354 1.0618856 1.0565045 1.047963 1.040908\n", + " 1.0380412 1.0397277 1.0442432 1.0489757 1.051677 1.0521204 1.0537137\n", + " 1.0570039 1.0636142 1.0734178 1.0810225]]\n", + "[[1.1674788 1.1634127 1.1731539 1.1818286 1.1695762 1.1377703 1.1046882\n", + " 1.0824926 1.0725673 1.0703888 1.0706906 1.0662376 1.0575539 1.0490209\n", + " 1.0448366 1.046581 0. 0. ]\n", + " [1.2011012 1.1930628 1.2013769 1.2101833 1.197115 1.1624377 1.1251211\n", + " 1.0999855 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1838748 1.1798915 1.1910205 1.199471 1.1868793 1.1520972 1.1150534\n", + " 1.0903012 1.078562 1.075313 1.0746703 1.0697356 1.0608195 1.0526531\n", + " 1.0488019 1.0506082 1.0557649 1.0604873]\n", + " [1.1647238 1.1616889 1.1716818 1.1785499 1.1672792 1.1338177 1.1004483\n", + " 1.0791553 1.0691398 1.0671182 1.0674088 1.0627022 1.0540229 1.0462388\n", + " 1.042959 1.0443531 1.0495462 0. ]\n", + " [1.17205 1.1683177 1.1783533 1.1881132 1.1764795 1.1436443 1.109244\n", + " 1.0858624 1.075414 1.0727745 1.0724771 1.0682573 1.0591991 1.0504776\n", + " 1.0467784 1.048683 0. 0. ]]\n", + "[[1.1605206 1.1563708 1.1652925 1.1728677 1.1605464 1.1295491 1.0981157\n", + " 1.0768424 1.0667362 1.0637269 1.0621846 1.0570835 1.0494492 1.0426022\n", + " 1.0390092 1.0406078 1.0452799 1.0497693 1.0524611 0. ]\n", + " [1.1659486 1.1623409 1.1739057 1.182927 1.1718234 1.1380223 1.1034691\n", + " 1.0809842 1.0705615 1.0692941 1.0695801 1.0648239 1.0566384 1.0482936\n", + " 1.044442 1.0462489 0. 0. 0. 0. ]\n", + " [1.1816255 1.1767737 1.186577 1.1960143 1.1840504 1.1488832 1.1135762\n", + " 1.0900439 1.0791332 1.0769213 1.0764194 1.0710326 1.0609713 1.0517523\n", + " 1.0475729 1.0495089 1.05546 0. 0. 0. ]\n", + " [1.1684873 1.1669226 1.1779776 1.1856847 1.1750615 1.1408345 1.1065974\n", + " 1.0843614 1.0723127 1.0692933 1.0676856 1.0618862 1.0531757 1.0453787\n", + " 1.0421584 1.0437114 1.0484675 1.0535074 1.0562783 1.0570219]\n", + " [1.1732509 1.1696577 1.1798332 1.1895443 1.1779361 1.1439754 1.109382\n", + " 1.0862794 1.0760353 1.073753 1.0733768 1.068932 1.059654 1.0508897\n", + " 1.0468491 1.0486301 0. 0. 0. 0. ]]\n", + "[[1.1785066 1.1739699 1.1846206 1.1951813 1.1829221 1.1478539 1.1119084\n", + " 1.0881302 1.0771207 1.0751051 1.0744231 1.0702214 1.0602973 1.051471\n", + " 1.0476032 1.0492624 0. 0. 0. 0. 0. ]\n", + " [1.1742697 1.1725444 1.1837343 1.1935594 1.1810263 1.1480842 1.1129065\n", + " 1.0894018 1.0774219 1.0726094 1.0700428 1.0635711 1.054822 1.0469863\n", + " 1.043438 1.045339 1.050781 1.055554 1.0577404 1.0588213 1.0600206]\n", + " [1.1720303 1.1669259 1.1753762 1.1823345 1.169588 1.1365032 1.1042988\n", + " 1.0831609 1.0742314 1.0731065 1.0728047 1.0673351 1.0580165 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.160558 1.1577498 1.1681855 1.176882 1.164625 1.1324408 1.1001407\n", + " 1.0787822 1.0688314 1.0667223 1.0662669 1.0610207 1.0526994 1.0453202\n", + " 1.0415856 1.0433697 1.0488324 0. 0. 0. 0. ]\n", + " [1.1743561 1.1731362 1.1838248 1.1937828 1.1817095 1.1467963 1.1110018\n", + " 1.0874281 1.0757124 1.0716248 1.0699774 1.0643295 1.0549924 1.047286\n", + " 1.0438052 1.0457023 1.0508989 1.0563654 1.0588696 1.0597584 1.0618025]]\n", + "[[1.1523362 1.148873 1.1587863 1.16697 1.1561347 1.1256227 1.0945148\n", + " 1.0744756 1.0645937 1.0618109 1.0617392 1.0570312 1.0491785 1.0415424\n", + " 1.0382594 1.0395991 1.044216 1.0491804]\n", + " [1.1877544 1.1820061 1.1915748 1.1996849 1.1873453 1.1514993 1.1151083\n", + " 1.0914884 1.0802555 1.0785303 1.0787358 1.0732025 1.0640131 1.0548226\n", + " 1.0506749 0. 0. 0. ]]\n", + "[[1.1628408 1.1596537 1.1695306 1.1777576 1.1657925 1.133802 1.10084\n", + " 1.0803937 1.0707631 1.0687904 1.0688835 1.06412 1.0548406 1.0465941\n", + " 1.0429268 1.0445695 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1451714 1.1423492 1.1533093 1.1628264 1.1538725 1.1247118 1.0940497\n", + " 1.0738562 1.0636886 1.0599582 1.0576833 1.0525007 1.044385 1.0376453\n", + " 1.0349302 1.0364858 1.0410867 1.044791 1.0469488 1.047902 1.0491744\n", + " 1.0521098 1.058463 ]\n", + " [1.1795802 1.175612 1.1855472 1.1943507 1.1825353 1.1478455 1.1116927\n", + " 1.0881495 1.0777595 1.0763848 1.0763031 1.0712872 1.0623535 1.053501\n", + " 1.0494999 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1658726 1.1601762 1.1681352 1.1759871 1.164717 1.1334035 1.1011897\n", + " 1.0799487 1.0706555 1.0696714 1.0701189 1.0662358 1.0577753 1.0492957\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1661376 1.1624144 1.1729094 1.1822374 1.1724111 1.139864 1.1052947\n", + " 1.0820152 1.0713947 1.0692986 1.069593 1.0652171 1.056409 1.0482521\n", + " 1.0440018 1.0455725 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1789695 1.1738241 1.1835222 1.1925282 1.180367 1.1463584 1.1114908\n", + " 1.0887386 1.0784163 1.0764827 1.075796 1.0705974 1.0603375 1.0509257\n", + " 1.0467616 1.0487549 1.0545276 0. 0. ]\n", + " [1.1685487 1.1653764 1.1759351 1.1848621 1.1724975 1.1389254 1.1032658\n", + " 1.0810792 1.0705211 1.0689495 1.0692152 1.0653921 1.0565277 1.0487715\n", + " 1.0449547 1.046349 1.051689 0. 0. ]\n", + " [1.185792 1.1816373 1.1933091 1.202217 1.1899378 1.1543617 1.1176126\n", + " 1.092581 1.0800847 1.0757103 1.0742522 1.0686285 1.0592312 1.0503355\n", + " 1.0470438 1.0490069 1.0547664 1.060446 1.0634537]\n", + " [1.1894386 1.1850854 1.1947794 1.2023923 1.18957 1.1540968 1.1182297\n", + " 1.0940851 1.0822836 1.0779223 1.0761992 1.0698051 1.0595248 1.0512043\n", + " 1.0475332 1.0498674 1.0558685 1.0612056 1.0637658]\n", + " [1.1872461 1.1787524 1.1864743 1.1941316 1.1818515 1.1488391 1.1131103\n", + " 1.0891768 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1737785 1.1716057 1.1828855 1.1912115 1.1787112 1.1449491 1.1100802\n", + " 1.0864186 1.0752515 1.0713364 1.0694982 1.0634806 1.0545079 1.046815\n", + " 1.043487 1.0453002 1.0502381 1.0551553 1.0573215 1.0580257 1.0597552\n", + " 1.0638226]\n", + " [1.1704876 1.1675463 1.1777072 1.1848643 1.1741607 1.1413232 1.1070579\n", + " 1.0838832 1.0730196 1.0700597 1.0700685 1.0649976 1.0559965 1.0478956\n", + " 1.043917 1.0456779 1.0509316 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1571983 1.1528469 1.1604724 1.1669451 1.1562992 1.1257194 1.0954044\n", + " 1.0752685 1.0658005 1.063449 1.0636591 1.0591872 1.0511665 1.0442567\n", + " 1.0408837 1.0425189 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1950059 1.1901613 1.199233 1.2082322 1.1935495 1.1578599 1.1202886\n", + " 1.0954103 1.0850466 1.0836964 1.0839143 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1866155 1.1849573 1.1975411 1.2067493 1.191484 1.1554208 1.1174184\n", + " 1.092579 1.0809078 1.0781703 1.0771601 1.0714837 1.0620221 1.0527854\n", + " 1.0492278 1.051035 1.0567756 1.0624542 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1791803 1.1727424 1.1817082 1.1899502 1.179621 1.1462617 1.1112852\n", + " 1.0889322 1.0779856 1.0763566 1.0764539 1.071187 1.0614964 1.0519494\n", + " 1.0475066 1.0493618 0. 0. 0. 0. 0. ]\n", + " [1.1763461 1.1732732 1.1837375 1.1923308 1.1803027 1.146938 1.1120932\n", + " 1.0892438 1.07807 1.0741122 1.0715268 1.0653063 1.0555532 1.0474082\n", + " 1.044129 1.0463994 1.0513391 1.0568107 1.058894 1.0593944 1.0609002]\n", + " [1.1718564 1.1665901 1.1754105 1.1840473 1.1729016 1.1409246 1.1070002\n", + " 1.0844111 1.0737509 1.071304 1.0715762 1.0659881 1.057288 1.0493944\n", + " 1.0456876 0. 0. 0. 0. 0. 0. ]\n", + " [1.1716869 1.1688936 1.179217 1.1880348 1.1757419 1.140812 1.10693\n", + " 1.0839653 1.0729656 1.0699172 1.0691856 1.0647092 1.0558388 1.0478342\n", + " 1.0446423 1.0461574 1.0509351 1.0562077 0. 0. 0. ]\n", + " [1.1718662 1.1687543 1.1792984 1.18716 1.174772 1.1413977 1.1065733\n", + " 1.0836406 1.072727 1.0695884 1.0682299 1.0630996 1.0543798 1.0468047\n", + " 1.0430856 1.0450801 1.0502397 1.0551628 1.0576013 0. 0. ]]\n", + "[[1.1981864 1.1933211 1.2030762 1.2112063 1.1980408 1.1610429 1.1233711\n", + " 1.0983223 1.087305 1.085527 1.0861666 1.0803543 1.0694788 1.0596597\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1882544 1.1845683 1.1957973 1.2039862 1.1923882 1.1554157 1.1173666\n", + " 1.0928518 1.0817751 1.0794225 1.0794512 1.0740764 1.0641764 1.0548443\n", + " 1.050991 1.0531961 0. 0. 0. 0. 0. ]\n", + " [1.1742693 1.17258 1.1836014 1.1944239 1.1831521 1.1495292 1.114975\n", + " 1.0910476 1.0784181 1.0739036 1.0710306 1.0645287 1.0549473 1.0472997\n", + " 1.0434654 1.0452569 1.0503783 1.0553416 1.0569931 1.0574203 1.0583396]\n", + " [1.1767359 1.173519 1.184878 1.1941007 1.1808124 1.1470942 1.1122205\n", + " 1.0884888 1.0768493 1.0737405 1.0721133 1.0659273 1.0565501 1.0482417\n", + " 1.0448706 1.0465761 1.0521857 1.0571527 1.0594597 0. 0. ]\n", + " [1.1753831 1.1695111 1.1790465 1.187916 1.1765269 1.143244 1.1087744\n", + " 1.0868496 1.0761245 1.0749278 1.0753546 1.0714389 1.062469 1.0535727\n", + " 1.0493935 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1542349 1.1518017 1.1626681 1.1722327 1.1616405 1.1313411 1.0991881\n", + " 1.0776668 1.0665474 1.062818 1.0611627 1.0553222 1.0471954 1.0404071\n", + " 1.0376704 1.0389707 1.0435308 1.0483148 1.0508292 1.0516391 1.0532042\n", + " 1.0564282]\n", + " [1.2081715 1.2025054 1.2130356 1.2215922 1.2087117 1.1719097 1.1326925\n", + " 1.1049951 1.0914862 1.0872554 1.0851488 1.0789354 1.0680866 1.0580808\n", + " 1.0540661 1.0566953 1.0629473 1.0692916 1.072232 0. 0.\n", + " 0. ]\n", + " [1.1517748 1.1479924 1.156456 1.1633718 1.1525488 1.1230307 1.0929798\n", + " 1.0732049 1.0633459 1.062456 1.062351 1.0584449 1.0505402 1.043153\n", + " 1.0396589 1.041281 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1693321 1.16487 1.1742175 1.1824561 1.1702144 1.1373141 1.1037122\n", + " 1.0819393 1.0718981 1.0697688 1.0698193 1.0650675 1.056382 1.0484438\n", + " 1.0447495 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.167587 1.1646774 1.1745962 1.1819757 1.1715207 1.1379364 1.1049583\n", + " 1.0827034 1.0726717 1.0712719 1.0715297 1.0665796 1.0575745 1.0491822\n", + " 1.0455973 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1525651 1.1497548 1.1593415 1.1680117 1.1574426 1.1265278 1.0950134\n", + " 1.0744742 1.06476 1.0619786 1.0615063 1.0570786 1.0493947 1.0421717\n", + " 1.0386789 1.0401075 1.0443562 1.0492474 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1620172 1.1580884 1.1683109 1.1779934 1.1664996 1.1345106 1.1022638\n", + " 1.080803 1.0710537 1.0693858 1.0695772 1.0652235 1.0559084 1.047549\n", + " 1.0436289 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1658852 1.1638484 1.1749604 1.1850816 1.1732513 1.140944 1.1071706\n", + " 1.0844536 1.0728121 1.0687628 1.0663701 1.0607302 1.0517819 1.0446213\n", + " 1.0413536 1.043306 1.048385 1.052933 1.0555109 1.0563002 1.0575016\n", + " 1.0611103 1.0687011 1.0789576]\n", + " [1.1573701 1.1553453 1.165485 1.1733477 1.1626906 1.131748 1.0985411\n", + " 1.0780253 1.0683843 1.066414 1.0664608 1.0623273 1.0533006 1.0453148\n", + " 1.041569 1.0430781 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1846044 1.1818758 1.1933345 1.2011884 1.1893536 1.153658 1.116987\n", + " 1.0917797 1.0792525 1.07557 1.0742829 1.0684943 1.0586731 1.0505396\n", + " 1.0468342 1.0487461 1.0542729 1.0594506 1.0618283 1.0624332 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1580266 1.1565657 1.1672606 1.177645 1.1666404 1.1358048 1.1033779\n", + " 1.0814112 1.0697927 1.0660833 1.0637258 1.0576845 1.0489067 1.0421084\n", + " 1.0390549 1.0409557 1.0458871 1.0508168 1.0526642 1.0533069 1.0547065\n", + " 1.0578265 1.0648584 1.0746264]\n", + " [1.1562771 1.151096 1.1578565 1.1647327 1.1531587 1.122973 1.0935122\n", + " 1.0731715 1.0631617 1.0598469 1.0584971 1.0545077 1.0472052 1.0408971\n", + " 1.0380372 1.0398152 1.0439684 1.0488576 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1573339 1.1547726 1.1652454 1.1753575 1.1630591 1.1308963 1.097367\n", + " 1.0767323 1.0675765 1.0670587 1.0667615 1.0625292 1.053212 1.0450236\n", + " 1.0415082 1.0433387 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1803539 1.1778362 1.1899003 1.1992307 1.1866637 1.1515326 1.1148679\n", + " 1.09061 1.0787958 1.0755118 1.0738789 1.067969 1.0578617 1.0492678\n", + " 1.0452582 1.047361 1.0528617 1.0581723 1.0609317 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1505088 1.1482761 1.1576517 1.1655562 1.1539378 1.1243478 1.0933759\n", + " 1.0724052 1.0624853 1.0591902 1.0580378 1.0531291 1.046185 1.0394518\n", + " 1.0362498 1.0379937 1.0423237 1.0466305 1.0491779 1.0502582 0.\n", + " 0. 0. 0. ]]\n", + "[[1.2082642 1.2023067 1.2129781 1.2201978 1.2061672 1.1680495 1.1289859\n", + " 1.1030821 1.0911576 1.0895686 1.089815 1.0833209 1.0724683 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.173831 1.1682932 1.1774969 1.1857524 1.1735134 1.1413237 1.1071845\n", + " 1.0845556 1.07402 1.0710559 1.0708896 1.0663428 1.0575223 1.0495919\n", + " 1.0458602 1.0477936 1.0532844 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2401761 1.2341558 1.2454776 1.2539321 1.2374079 1.1947924 1.1502414\n", + " 1.1208676 1.1067511 1.1045607 1.1041945 1.0975916 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1739544 1.1677551 1.1762121 1.1841166 1.1724144 1.140934 1.1080592\n", + " 1.085395 1.0748858 1.071849 1.0722146 1.0676064 1.0582147 1.0497411\n", + " 1.0456825 1.0475413 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1626335 1.1598626 1.1705562 1.1813583 1.1702285 1.138356 1.1049294\n", + " 1.0826521 1.0715171 1.0672765 1.0652088 1.058958 1.0496703 1.0426421\n", + " 1.0399586 1.0423623 1.0472765 1.0523505 1.0549762 1.0556046 1.0565577\n", + " 1.0595983 1.0663973 1.0762751 1.0847317 1.08917 ]]\n", + "[[1.1710385 1.1673805 1.1781456 1.187236 1.175478 1.1417395 1.1066554\n", + " 1.0836983 1.0726856 1.0698053 1.0693824 1.0646132 1.0555135 1.0472932\n", + " 1.0436591 1.0452731 1.0506899 1.0559984 0. 0. 0. ]\n", + " [1.1887805 1.1832606 1.1931214 1.2009604 1.1883916 1.1532478 1.1169784\n", + " 1.0928203 1.0822619 1.0810877 1.0816556 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1704566 1.1674577 1.1783189 1.1876469 1.175007 1.1414218 1.1070455\n", + " 1.0840589 1.0728968 1.0698705 1.0683962 1.0635059 1.0544484 1.0465428\n", + " 1.0425569 1.0442501 1.0494361 1.0545012 1.0573052 0. 0. ]\n", + " [1.1783094 1.1733022 1.183951 1.1935523 1.1820033 1.1478081 1.1117121\n", + " 1.087302 1.075722 1.0727588 1.0715529 1.0663127 1.057238 1.0485537\n", + " 1.0446687 1.0462905 1.0517305 1.05738 1.0602057 0. 0. ]\n", + " [1.1736406 1.1718068 1.1816765 1.188871 1.176814 1.143675 1.1099735\n", + " 1.087595 1.076194 1.0718584 1.0696564 1.0632198 1.0543989 1.0463024\n", + " 1.0431752 1.0448211 1.0494041 1.0536786 1.055647 1.0566413 1.0585858]]\n", + "[[1.167169 1.164783 1.1758213 1.1840264 1.170729 1.1370559 1.1037761\n", + " 1.0822414 1.0719373 1.0693103 1.0679262 1.062217 1.0526351 1.0450099\n", + " 1.041486 1.0432324 1.0480579 1.0525974 1.0545801]\n", + " [1.1825739 1.1767439 1.1865555 1.194353 1.1807493 1.1456517 1.1095408\n", + " 1.0872298 1.0769693 1.0761807 1.0772673 1.0729127 1.0633593 1.0544994\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1704435 1.1678748 1.178868 1.1878563 1.1757265 1.1421258 1.1074183\n", + " 1.0840493 1.0734261 1.0705477 1.0697213 1.0648639 1.0560684 1.047719\n", + " 1.0442642 1.0457654 1.0509955 1.0565001 0. ]\n", + " [1.1669347 1.1609545 1.1686889 1.1764627 1.1659024 1.1347886 1.1020936\n", + " 1.0805856 1.0701838 1.067637 1.0677819 1.0635223 1.055237 1.0473865\n", + " 1.043509 1.0451016 0. 0. 0. ]\n", + " [1.1873649 1.1827376 1.1933198 1.2021871 1.1882328 1.1537788 1.1175699\n", + " 1.0931911 1.0809637 1.0785203 1.0777247 1.0720315 1.0627968 1.0538516\n", + " 1.0500308 1.0524417 1.0583371 0. 0. ]]\n", + "[[1.1543044 1.1517907 1.1625881 1.1737905 1.1642836 1.1325976 1.1000979\n", + " 1.0781369 1.0671706 1.0633763 1.0617764 1.0561535 1.0474486 1.0400579\n", + " 1.0372505 1.0394695 1.0443954 1.0492742 1.0516838 1.0524105 1.052686\n", + " 1.0552301 1.0622183 1.0716727 1.0798047 1.0845425]\n", + " [1.1761172 1.1715583 1.1825367 1.1911398 1.1785804 1.1441116 1.1091454\n", + " 1.0864959 1.076412 1.0754325 1.0757716 1.0709836 1.061419 1.0523078\n", + " 1.0480683 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1622933 1.1603225 1.1715416 1.18098 1.1693752 1.1371413 1.1028512\n", + " 1.0808686 1.0701237 1.0688024 1.0688068 1.0640367 1.0552968 1.0472229\n", + " 1.0433156 1.044484 1.0495754 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1756976 1.1710104 1.1809424 1.189065 1.1785628 1.1451567 1.109837\n", + " 1.0868385 1.0759971 1.0742084 1.0747269 1.0701523 1.0614741 1.0527401\n", + " 1.048507 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1578015 1.15581 1.1666135 1.1759552 1.1638942 1.1321907 1.0995308\n", + " 1.0777178 1.0672811 1.0644621 1.0633123 1.0580181 1.0495634 1.04204\n", + " 1.0385605 1.0399721 1.0443915 1.0492952 1.0520148 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1881704 1.1821976 1.1912452 1.1998491 1.1865957 1.151719 1.1153399\n", + " 1.091693 1.0811093 1.0795419 1.0797782 1.0748686 1.0649172 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1771449 1.1745496 1.185533 1.1946752 1.1820049 1.1473248 1.1117262\n", + " 1.0875772 1.0764375 1.0733865 1.0727233 1.0678957 1.058869 1.0499479\n", + " 1.0461514 1.0477096 1.0531785 1.0583158 0. ]\n", + " [1.1683261 1.1628555 1.1727294 1.1826257 1.1709945 1.1385686 1.1047368\n", + " 1.0821723 1.0715895 1.07032 1.0707569 1.066306 1.0572418 1.0488305\n", + " 1.045015 0. 0. 0. 0. ]\n", + " [1.1735519 1.1724828 1.1842277 1.1935506 1.1805844 1.1454543 1.1094561\n", + " 1.0856571 1.0742137 1.0716308 1.070516 1.0650942 1.0557746 1.0474359\n", + " 1.0438979 1.0455836 1.0505446 1.055846 1.0582579]\n", + " [1.1600683 1.1560011 1.1650896 1.1734312 1.1629988 1.1320419 1.0998384\n", + " 1.0786401 1.0683196 1.064859 1.0642961 1.0590689 1.0504925 1.0432557\n", + " 1.0403892 1.0424325 1.0473377 1.0525331 0. ]]\n", + "[[1.1720774 1.1696194 1.1807361 1.189163 1.1762494 1.1420034 1.1076719\n", + " 1.085115 1.0740619 1.071083 1.0697116 1.0647991 1.0556381 1.0476127\n", + " 1.044172 1.0461047 1.0515158 1.0568568]\n", + " [1.1829324 1.1783228 1.1888032 1.1980801 1.1873177 1.153251 1.1178677\n", + " 1.0934167 1.081541 1.0782447 1.0769699 1.0717819 1.061534 1.052422\n", + " 1.0483744 1.0500346 1.0555422 1.0608981]\n", + " [1.2092557 1.2029266 1.2125322 1.2209312 1.2067041 1.1703324 1.1324365\n", + " 1.1062471 1.093776 1.0911809 1.0912708 1.0852969 1.0741029 1.0644578\n", + " 0. 0. 0. 0. ]\n", + " [1.21672 1.2103032 1.2203543 1.2297924 1.214562 1.1746514 1.1343826\n", + " 1.1080248 1.0964026 1.0946531 1.0952195 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1711748 1.165921 1.175215 1.1833557 1.1697305 1.1374954 1.1044177\n", + " 1.0824943 1.0720829 1.0698695 1.069674 1.0648743 1.0567759 1.0490229\n", + " 1.0454471 1.0477432 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1842831 1.1794397 1.1902658 1.1987715 1.1854553 1.1487392 1.1118832\n", + " 1.0881374 1.0777929 1.0765444 1.077495 1.072649 1.0627955 1.0540009\n", + " 0. 0. 0. 0. ]\n", + " [1.1650391 1.1608417 1.1703382 1.1787808 1.1675458 1.1338178 1.100904\n", + " 1.0792919 1.0692439 1.067493 1.0678766 1.0636083 1.0558188 1.0477444\n", + " 1.0441183 1.0458397 0. 0. ]\n", + " [1.1650201 1.1607977 1.1704783 1.18041 1.169961 1.1376829 1.105086\n", + " 1.0833006 1.0732298 1.0719411 1.0719348 1.0672798 1.0578389 1.0490932\n", + " 0. 0. 0. 0. ]\n", + " [1.1883552 1.183147 1.1928847 1.2018856 1.1887534 1.1534657 1.1165557\n", + " 1.092077 1.0807918 1.0783626 1.0789112 1.0739311 1.0646043 1.0553668\n", + " 1.0514624 0. 0. 0. ]\n", + " [1.1626945 1.160938 1.1715697 1.1798068 1.1675693 1.1344861 1.1016074\n", + " 1.0802597 1.0691768 1.0669613 1.0664396 1.060897 1.0526386 1.0449303\n", + " 1.0415 1.0429384 1.048178 1.0530127]]\n", + "[[1.1595297 1.1561657 1.1649714 1.1717751 1.1607119 1.1303906 1.0991703\n", + " 1.0782305 1.0678053 1.0652015 1.064283 1.0591897 1.051277 1.0437803\n", + " 1.0405957 1.0423774 1.0469666 1.0515712 0. 0. ]\n", + " [1.174151 1.1702421 1.1793535 1.187631 1.1761265 1.143543 1.1096034\n", + " 1.0859231 1.0733577 1.0698111 1.0680996 1.0629355 1.0539924 1.0470209\n", + " 1.0434101 1.0449702 1.0495561 1.0542787 1.0568049 1.0586648]\n", + " [1.1861255 1.1813339 1.1915673 1.1996315 1.1862414 1.1508013 1.1152627\n", + " 1.0912471 1.0798779 1.0765744 1.0765828 1.0710577 1.0613097 1.052936\n", + " 1.0490922 1.0515798 0. 0. 0. 0. ]\n", + " [1.1857154 1.179622 1.1895947 1.1981544 1.186811 1.1525378 1.116965\n", + " 1.093167 1.0821538 1.0813955 1.0821781 1.0772195 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1702044 1.1684201 1.178852 1.1875299 1.1751127 1.142065 1.1077514\n", + " 1.0853419 1.0740309 1.0707271 1.0683626 1.0628074 1.0535401 1.0458077\n", + " 1.0423149 1.0438106 1.0489236 1.054004 1.0562072 1.0571666]]\n", + "[[1.171087 1.1682556 1.1783504 1.1866394 1.1731337 1.140196 1.1062824\n", + " 1.083592 1.0731771 1.0704608 1.0697551 1.0651644 1.0563371 1.0480338\n", + " 1.0445764 1.0466207 1.0516998 1.0568041 0. 0. 0. ]\n", + " [1.1690869 1.1647 1.1753309 1.1843785 1.1719632 1.1383047 1.1040405\n", + " 1.0813924 1.070825 1.069218 1.0693028 1.0653262 1.0569993 1.0489143\n", + " 1.0448186 1.0464134 0. 0. 0. 0. 0. ]\n", + " [1.170818 1.167237 1.1777774 1.1865296 1.1745913 1.1404896 1.1059659\n", + " 1.0832071 1.0736312 1.0723677 1.0730114 1.0687859 1.0591382 1.0508565\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1674776 1.1645865 1.1740792 1.1836646 1.172207 1.1415448 1.1082277\n", + " 1.08541 1.0738539 1.0690292 1.0669179 1.0614445 1.0526472 1.0447023\n", + " 1.0417627 1.0432016 1.0477911 1.0525111 1.0550604 1.0558876 1.0573128]\n", + " [1.180225 1.1769553 1.186075 1.1948153 1.1822059 1.1489294 1.1137027\n", + " 1.0898657 1.0783427 1.0747329 1.0734211 1.0676546 1.0580136 1.0494981\n", + " 1.0459721 1.0481564 1.0538052 1.0587075 1.0610994 0. 0. ]]\n", + "[[1.162438 1.1576577 1.1661396 1.1735954 1.1631618 1.131633 1.0992287\n", + " 1.0773449 1.0667722 1.0639693 1.0624478 1.0585808 1.051121 1.043821\n", + " 1.0407336 1.0423343 1.0472493 1.0523982 0. 0. ]\n", + " [1.1736969 1.1710436 1.1815765 1.1901742 1.1772875 1.1444916 1.1098784\n", + " 1.0868118 1.0747831 1.0715058 1.0699745 1.0643002 1.0550046 1.0473254\n", + " 1.043659 1.0456145 1.0508915 1.0554905 1.0576042 1.0583224]\n", + " [1.1682513 1.1628654 1.1729745 1.1816304 1.1705688 1.138021 1.1034502\n", + " 1.081332 1.0713373 1.0709417 1.0713971 1.0674006 1.0582848 1.04968\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1656575 1.1618205 1.1709663 1.1793456 1.1682825 1.1356126 1.1030719\n", + " 1.0806859 1.0699264 1.0671964 1.0657972 1.0607349 1.0524888 1.0448594\n", + " 1.0412421 1.0426073 1.0470021 1.051507 1.0539106 0. ]\n", + " [1.1656404 1.1630114 1.1743112 1.1832248 1.172263 1.1391802 1.1044115\n", + " 1.0818199 1.071029 1.0684892 1.068331 1.0635608 1.055002 1.047149\n", + " 1.0433048 1.0446924 1.049471 1.0542407 0. 0. ]]\n", + "[[1.1849095 1.1800314 1.1891041 1.1969197 1.1842515 1.149828 1.1153623\n", + " 1.0922225 1.0806171 1.0764132 1.0753891 1.069756 1.0601194 1.0520363\n", + " 1.0485461 1.0511991 1.0569558 0. 0. ]\n", + " [1.177792 1.1739455 1.1842579 1.192119 1.1802578 1.146547 1.1108782\n", + " 1.08716 1.0754064 1.072775 1.0713807 1.065554 1.0563406 1.0479082\n", + " 1.0444565 1.0464158 1.0517867 1.057099 1.059295 ]\n", + " [1.1645805 1.1607013 1.1713088 1.1811496 1.1695249 1.1371795 1.1028918\n", + " 1.0805004 1.0694577 1.0670133 1.0669706 1.0625952 1.0541072 1.0462778\n", + " 1.0424434 1.0435553 1.0481389 1.0529766 0. ]\n", + " [1.1638751 1.1606808 1.1705594 1.1782283 1.164629 1.1317034 1.0990268\n", + " 1.0782315 1.0688397 1.0672777 1.0668643 1.0621498 1.0531011 1.0452714\n", + " 1.0418907 1.0439783 1.0494068 0. 0. ]\n", + " [1.1689199 1.1649809 1.175129 1.1846483 1.1724378 1.1399649 1.1055145\n", + " 1.0827787 1.0718954 1.068978 1.0682594 1.0635967 1.05546 1.047322\n", + " 1.044061 1.0454379 1.0503273 1.0552782 0. ]]\n", + "[[1.1732924 1.1673652 1.1773884 1.188028 1.1793997 1.1465337 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1692086 1.16468 1.1745154 1.1830409 1.1702628 1.136716 1.1024835\n", + " 1.0803732 1.0703795 1.0681338 1.0675488 1.0630175 1.0541806 1.0462701\n", + " 1.0430647 1.0450683 1.0507904 0. 0. 0. 0. ]\n", + " [1.1762576 1.1718221 1.1813419 1.189899 1.1784683 1.1450726 1.1101383\n", + " 1.0864831 1.0749478 1.0713065 1.0695902 1.0649259 1.0561872 1.0487143\n", + " 1.0453178 1.0473356 1.0524356 1.0575647 1.0604306 0. 0. ]\n", + " [1.1810176 1.1788518 1.1901604 1.1994913 1.1874081 1.1519257 1.116307\n", + " 1.0919827 1.0802561 1.0762463 1.0736802 1.0675726 1.0576067 1.0488749\n", + " 1.0454718 1.0469204 1.0516534 1.0571479 1.0602363 1.061697 1.0635227]\n", + " [1.159292 1.1557608 1.1666214 1.1762493 1.1660471 1.13522 1.1025821\n", + " 1.0800333 1.0696902 1.066388 1.0650339 1.0595915 1.0507218 1.0428755\n", + " 1.0393275 1.0407748 1.0455402 1.0499818 1.0522443 1.0532407 0. ]]\n", + "[[1.1871517 1.1825343 1.1919532 1.2002759 1.1865587 1.1530828 1.1175216\n", + " 1.0939581 1.0831618 1.0817066 1.0818216 1.075366 1.0655181 1.0559088\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1563029 1.1535099 1.163794 1.1725237 1.1614641 1.1308088 1.0992864\n", + " 1.0775855 1.0669343 1.0630571 1.0612785 1.0554836 1.0477674 1.0409583\n", + " 1.0380578 1.0396206 1.0446253 1.0492815 1.0518535 1.052686 1.0541983\n", + " 1.0573286]\n", + " [1.1666448 1.1617112 1.1698198 1.177579 1.165914 1.1338764 1.1020612\n", + " 1.0805283 1.0699599 1.0667552 1.0658715 1.0610427 1.0531346 1.0460044\n", + " 1.0422626 1.0438129 1.0488596 1.0536451 0. 0. 0.\n", + " 0. ]\n", + " [1.1609584 1.1580436 1.1682608 1.1764235 1.1646966 1.1323119 1.1000066\n", + " 1.0786238 1.0683329 1.0662918 1.0654733 1.0611267 1.0520444 1.0447501\n", + " 1.0416749 1.0432059 1.0480471 1.0526876 0. 0. 0.\n", + " 0. ]\n", + " [1.1746814 1.1697059 1.1802917 1.1888345 1.1754771 1.1420143 1.1076854\n", + " 1.0846288 1.0745382 1.0724574 1.0724595 1.0679692 1.0585603 1.0502034\n", + " 1.0463814 1.0480072 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.189427 1.1849164 1.1958288 1.204141 1.1920213 1.1573174 1.1207849\n", + " 1.0960504 1.0838472 1.0789394 1.0768104 1.0700814 1.0604093 1.051355\n", + " 1.0476216 1.0499895 1.0555207 1.0607457 1.0632578 1.0641599]\n", + " [1.1928589 1.1892536 1.1999094 1.2089953 1.195015 1.1590954 1.1216977\n", + " 1.0966823 1.0839851 1.0796291 1.0784619 1.0724276 1.0621796 1.0534828\n", + " 1.0495734 1.0514827 1.0574077 1.0630057 1.0656575 0. ]\n", + " [1.1667902 1.1623061 1.1720955 1.180468 1.1703373 1.1382791 1.1043704\n", + " 1.0816056 1.0706512 1.0678021 1.0683211 1.063931 1.0554006 1.0476518\n", + " 1.0442427 1.0461358 0. 0. 0. 0. ]\n", + " [1.2253225 1.2175366 1.227216 1.2361213 1.2203671 1.1800524 1.1377254\n", + " 1.1095486 1.0972828 1.0954654 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1727153 1.1688195 1.1787996 1.1865194 1.1752952 1.1416347 1.108467\n", + " 1.0857596 1.0748172 1.0717854 1.0713531 1.0665113 1.0571215 1.0488307\n", + " 1.0452919 1.0473406 1.0520647 0. 0. 0. ]]\n", + "[[1.1777016 1.1757153 1.1878937 1.1965076 1.1842694 1.1482863 1.1121894\n", + " 1.0873525 1.0767851 1.0738437 1.0719905 1.0665 1.0574683 1.0484064\n", + " 1.0449662 1.0469047 1.0523077 1.0576267 1.0602356 0. ]\n", + " [1.1709523 1.1676242 1.1782234 1.1879563 1.1767962 1.1436332 1.1085887\n", + " 1.0857128 1.0750432 1.0727096 1.0727975 1.0677878 1.0592282 1.0504559\n", + " 1.0463543 1.0481322 0. 0. 0. 0. ]\n", + " [1.1869633 1.1817653 1.1907889 1.1986887 1.1857817 1.1515236 1.1152729\n", + " 1.0908719 1.0791916 1.0753217 1.0745813 1.0700452 1.060366 1.0521784\n", + " 1.048705 1.0507442 1.056195 1.0618441 0. 0. ]\n", + " [1.1809362 1.177638 1.1868623 1.1956832 1.1820782 1.1478264 1.1122043\n", + " 1.0875814 1.0752169 1.0709372 1.0695338 1.0641758 1.0558386 1.047906\n", + " 1.0450835 1.0465817 1.051375 1.0565007 1.0590312 1.0603061]\n", + " [1.1859536 1.1818228 1.1907572 1.197769 1.184876 1.1504002 1.1149117\n", + " 1.0913898 1.0796434 1.0766748 1.0751497 1.0696679 1.0603714 1.0519105\n", + " 1.0490909 1.051725 1.0574968 0. 0. 0. ]]\n", + "[[1.167889 1.1629156 1.1722506 1.1811242 1.1700051 1.137917 1.1043582\n", + " 1.0828382 1.0728484 1.0713913 1.0715799 1.0663301 1.0568707 1.0483793\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1686652 1.1652491 1.1756256 1.1846758 1.1723542 1.1394782 1.105224\n", + " 1.0827361 1.0722151 1.0697933 1.0691944 1.0648843 1.055742 1.0480496\n", + " 1.0443022 1.0459855 1.0515385 0. 0. ]\n", + " [1.1643578 1.1583192 1.16548 1.1727976 1.161467 1.1308413 1.1000073\n", + " 1.0793461 1.0689117 1.0673678 1.0671428 1.063187 1.0547372 1.0472317\n", + " 1.0436953 0. 0. 0. 0. ]\n", + " [1.1840599 1.1799345 1.1917984 1.2022755 1.1895101 1.1538851 1.1164441\n", + " 1.0907273 1.0784701 1.0748599 1.0732495 1.0679909 1.0587097 1.0498804\n", + " 1.0462826 1.0484352 1.0540909 1.0594828 1.0622585]\n", + " [1.2077645 1.2006625 1.2101507 1.2188519 1.204553 1.1674881 1.1285468\n", + " 1.10202 1.0909196 1.0900548 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1575513 1.1532553 1.1624238 1.1703826 1.1595335 1.1290414 1.0969703\n", + " 1.0755764 1.0652375 1.0623968 1.0614557 1.0576013 1.0496864 1.0426128\n", + " 1.0395803 1.0407461 1.04501 1.0495342 1.0518169 0. 0.\n", + " 0. ]\n", + " [1.166085 1.1629148 1.1728632 1.1808001 1.1687223 1.1362329 1.1031067\n", + " 1.0814751 1.070499 1.0669595 1.0650542 1.0598191 1.0513942 1.0440115\n", + " 1.0410229 1.042687 1.047394 1.0526669 1.0552754 1.0564221 0.\n", + " 0. ]\n", + " [1.1897908 1.1851249 1.1973423 1.2084804 1.1948209 1.1575242 1.1193256\n", + " 1.0950055 1.083932 1.0820054 1.08237 1.0774814 1.0666347 1.0568583\n", + " 1.0525776 1.0550431 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1708481 1.1677687 1.1784947 1.186617 1.1750388 1.1412132 1.10676\n", + " 1.0841169 1.0731027 1.070748 1.0701587 1.0647737 1.0554982 1.04706\n", + " 1.0434724 1.0450587 1.0505122 1.055594 0. 0. 0.\n", + " 0. ]\n", + " [1.1570486 1.1544716 1.1643662 1.1733522 1.1622105 1.132371 1.1010544\n", + " 1.0797108 1.0682425 1.0646724 1.0619835 1.055676 1.0476946 1.0408537\n", + " 1.0382096 1.0399588 1.0445267 1.0492873 1.0517007 1.0528569 1.0546787\n", + " 1.0581206]]\n", + "[[1.1764327 1.1697805 1.1796477 1.1898046 1.1792316 1.1454825 1.1103865\n", + " 1.0866771 1.0761477 1.0741781 1.0744147 1.0694921 1.0600241 1.0507725\n", + " 1.0466211 0. 0. 0. 0. 0. 0. ]\n", + " [1.1615152 1.1578951 1.1664935 1.1742376 1.1633005 1.1323383 1.100838\n", + " 1.0795043 1.0681281 1.0642169 1.0621384 1.0568831 1.0491782 1.0424751\n", + " 1.039683 1.0409375 1.0454769 1.0499194 1.0524114 1.0541122 1.0556554]\n", + " [1.1727433 1.1709768 1.1826817 1.1921835 1.1790199 1.1453067 1.1105099\n", + " 1.0871938 1.0751688 1.0717474 1.069888 1.064276 1.0548953 1.0471658\n", + " 1.043612 1.0452787 1.0504031 1.0555302 1.057892 1.0588484 0. ]\n", + " [1.1703657 1.1651347 1.1742373 1.1828825 1.1709827 1.1380024 1.1033199\n", + " 1.081311 1.0709128 1.0697663 1.0701535 1.0665565 1.0579504 1.0500157\n", + " 1.0461634 1.0480492 0. 0. 0. 0. 0. ]\n", + " [1.1615951 1.1588897 1.1694384 1.1776545 1.1658769 1.1325517 1.0999603\n", + " 1.078524 1.0687401 1.0675541 1.0680705 1.0638058 1.055292 1.0471692\n", + " 1.0438032 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1700902 1.1663128 1.1759449 1.183446 1.1717167 1.1382399 1.1040593\n", + " 1.0817953 1.0720954 1.0697417 1.0708476 1.066743 1.0572193 1.0494934\n", + " 1.0455786 1.0475471 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1565074 1.1533277 1.16416 1.1737888 1.1628869 1.1312573 1.0986983\n", + " 1.0768191 1.0665708 1.064173 1.0641435 1.0594362 1.050967 1.0429903\n", + " 1.0395509 1.0408882 1.0453937 1.0501944 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1432624 1.1399466 1.1477983 1.1544198 1.1432618 1.115857 1.0879189\n", + " 1.0689856 1.0598595 1.0574405 1.0563699 1.0524993 1.0452586 1.0387012\n", + " 1.0355862 1.0370294 1.0411351 1.0456713 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1754175 1.1736861 1.1844997 1.194012 1.1812164 1.1475738 1.1120566\n", + " 1.0881733 1.0764027 1.0724916 1.0718888 1.067171 1.0573039 1.0491334\n", + " 1.045587 1.0471189 1.0519584 1.0572956 1.0594908 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1519595 1.1499254 1.1606262 1.1709502 1.1607748 1.1303947 1.0985575\n", + " 1.0772599 1.0663426 1.0629722 1.0609117 1.0554211 1.0473292 1.0405028\n", + " 1.0376107 1.0392301 1.043645 1.04847 1.0507001 1.0512356 1.0520045\n", + " 1.0552232 1.0618985 1.0711116]]\n", + "[[1.1823468 1.1789664 1.189671 1.196093 1.1818109 1.1465634 1.1106552\n", + " 1.0882982 1.0786551 1.0773624 1.078215 1.0731301 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1663313 1.1633135 1.1730568 1.1817303 1.1698215 1.1371672 1.1032447\n", + " 1.0810688 1.0704666 1.0680821 1.0681949 1.0633297 1.0549014 1.0465952\n", + " 1.0429864 1.0444834 1.0498381 0. ]\n", + " [1.1622958 1.1596229 1.1701393 1.1796921 1.1680603 1.1352278 1.1018959\n", + " 1.079405 1.0687507 1.0659156 1.0648323 1.0601579 1.0515196 1.0440531\n", + " 1.0406145 1.0420407 1.0468992 1.0516618]\n", + " [1.1904829 1.1860394 1.1972504 1.2070967 1.1942074 1.1583147 1.1201243\n", + " 1.0940007 1.0816362 1.079342 1.0792309 1.0736876 1.0640607 1.0547354\n", + " 1.05048 1.0521213 1.0582455 0. ]\n", + " [1.1673292 1.1636076 1.1734424 1.1811407 1.1675198 1.1355968 1.1027523\n", + " 1.0802351 1.0699018 1.0673318 1.0675156 1.0630009 1.054607 1.0463624\n", + " 1.0433288 1.0449607 1.0500516 1.0551125]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1618626 1.1585107 1.1678933 1.1757267 1.1635813 1.1332781 1.1006742\n", + " 1.0785712 1.067862 1.0649949 1.0645926 1.0601627 1.0522283 1.04497\n", + " 1.0415889 1.0433946 1.048207 ]\n", + " [1.2090552 1.2035215 1.213475 1.2238944 1.2106396 1.1716679 1.1305813\n", + " 1.1049879 1.0925068 1.0911013 1.0919089 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1989621 1.1940285 1.204572 1.2130883 1.1989586 1.1617168 1.1242015\n", + " 1.1001124 1.0894648 1.0884099 1.0886054 1.0816056 1.0702933 0.\n", + " 0. 0. 0. ]\n", + " [1.1555384 1.1510117 1.1601207 1.1686289 1.1568878 1.126906 1.0959257\n", + " 1.0756058 1.0660286 1.0638969 1.0637627 1.0594414 1.0511683 1.0436418\n", + " 1.0404369 1.042076 1.0474378]\n", + " [1.20689 1.1988493 1.2081877 1.2158104 1.2014791 1.1635027 1.1239026\n", + " 1.0976349 1.0865887 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1614242 1.1582817 1.1684713 1.178059 1.1666064 1.1349425 1.1032785\n", + " 1.0815607 1.0698607 1.0662564 1.0640285 1.0584328 1.050045 1.0432587\n", + " 1.040282 1.0422243 1.046636 1.0513148 1.0533999 1.0543352 1.0555083]\n", + " [1.2044083 1.1994617 1.2090685 1.2175494 1.2035834 1.1668353 1.1299397\n", + " 1.10457 1.0910825 1.0857172 1.082406 1.0746561 1.0638738 1.0552549\n", + " 1.0517588 1.054463 1.0604643 1.0659316 1.0685892 1.0695913 1.0715383]\n", + " [1.1777637 1.1752893 1.187106 1.1955683 1.1833031 1.1481367 1.1120105\n", + " 1.0879196 1.0767163 1.0736142 1.0731652 1.067649 1.0579293 1.0492382\n", + " 1.0455188 1.0472169 1.0527462 1.058288 0. 0. 0. ]\n", + " [1.1668234 1.1641641 1.1764777 1.1871818 1.1750364 1.1406956 1.105921\n", + " 1.0825808 1.0712872 1.0685415 1.0673815 1.0613049 1.0521021 1.0439458\n", + " 1.0403558 1.0418923 1.0470257 1.0520974 1.0546281 1.055627 0. ]\n", + " [1.1662972 1.1638029 1.1742189 1.1836722 1.1717016 1.1390444 1.1049837\n", + " 1.0824071 1.0720502 1.0705327 1.0703948 1.0653435 1.0570974 1.0484413\n", + " 1.044399 1.0459574 0. 0. 0. 0. 0. ]]\n", + "[[1.1879165 1.183573 1.1932628 1.2034183 1.1902068 1.1543787 1.1178738\n", + " 1.093148 1.0810113 1.0777969 1.0772657 1.070999 1.0619398 1.0528609\n", + " 1.0490485 1.0508687 1.0568101 1.0622032 0. 0. 0. ]\n", + " [1.1953315 1.1887496 1.19932 1.2077167 1.1947329 1.1578625 1.1188519\n", + " 1.0930289 1.0828606 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1679149 1.1663145 1.1781949 1.1865449 1.1740081 1.1409177 1.1068145\n", + " 1.0848049 1.0731996 1.0698878 1.0675397 1.0617266 1.0533627 1.0455961\n", + " 1.0426273 1.0440291 1.048908 1.0534346 1.0555826 1.0562218 1.057814 ]\n", + " [1.2040251 1.1990583 1.2097886 1.218534 1.2030416 1.1648504 1.1263411\n", + " 1.1012485 1.0892974 1.0883301 1.0887307 1.0822935 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1676686 1.1639196 1.1745309 1.1839895 1.1719801 1.1384217 1.1048634\n", + " 1.0828295 1.0728482 1.0715765 1.0727881 1.0677949 1.0586036 1.0497988\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1842667 1.1792817 1.188817 1.1973156 1.1858691 1.1522183 1.1161691\n", + " 1.0918185 1.08043 1.0776645 1.077219 1.0722337 1.0626496 1.0538435\n", + " 1.0496336 1.0513676 1.0569787]\n", + " [1.1847034 1.1782863 1.1882842 1.196904 1.1846049 1.1508191 1.1150149\n", + " 1.0911812 1.0804453 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1538044 1.1489714 1.1559012 1.1634423 1.1528542 1.1238977 1.0936509\n", + " 1.0734552 1.0640916 1.0622543 1.0621837 1.0583634 1.0512948 1.043603\n", + " 1.04016 1.0415751 0. ]\n", + " [1.2062701 1.1995746 1.2104256 1.2188383 1.2055305 1.1688133 1.1296142\n", + " 1.1037186 1.0920817 1.0910077 1.0914326 1.0853388 1.0735371 0.\n", + " 0. 0. 0. ]\n", + " [1.177544 1.1747574 1.1862346 1.1939012 1.180221 1.1456149 1.1101906\n", + " 1.0877273 1.0779545 1.0771581 1.0774052 1.0719264 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.173846 1.171177 1.1818199 1.191324 1.1783288 1.1450914 1.1099074\n", + " 1.0866015 1.0755124 1.0723506 1.0717499 1.0665665 1.0574832 1.0488116\n", + " 1.0450588 1.0468144 1.0521684 1.0574318]\n", + " [1.1711868 1.1682494 1.1784567 1.1871339 1.1731727 1.1395315 1.1053035\n", + " 1.082954 1.0733567 1.0714158 1.0721701 1.0678464 1.05884 1.0503782\n", + " 1.0464869 1.0484296 0. 0. ]\n", + " [1.1791618 1.1753899 1.1854345 1.1939344 1.1819085 1.1481631 1.1139776\n", + " 1.0905552 1.0791961 1.0759612 1.0744057 1.0685823 1.0591837 1.050726\n", + " 1.0468683 1.0494218 1.0552114 1.060592 ]\n", + " [1.1801275 1.1756412 1.1850609 1.1925955 1.178998 1.1451361 1.1111822\n", + " 1.0890298 1.0790638 1.077754 1.077805 1.073097 1.0626667 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1687024 1.1663556 1.1776011 1.185385 1.1731524 1.1375682 1.1041532\n", + " 1.0819548 1.0718212 1.0703716 1.0706503 1.0663617 1.0565351 1.0487524\n", + " 1.0450667 1.0468724 0. 0. ]]\n", + "[[1.180715 1.1767368 1.1871012 1.1956666 1.1830229 1.1489192 1.1125765\n", + " 1.0889535 1.0782853 1.0753382 1.0745357 1.0699749 1.0603639 1.0518329\n", + " 1.0479214 1.0495528 1.0551915 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1734562 1.1693152 1.1801785 1.1882468 1.1771964 1.1427146 1.1071459\n", + " 1.0838583 1.0732342 1.0717571 1.0720757 1.0674784 1.0583035 1.0497371\n", + " 1.0458583 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1856245 1.1808423 1.1902649 1.1985778 1.1852665 1.1516533 1.1159395\n", + " 1.0918851 1.0793389 1.0748408 1.0728981 1.0672166 1.0579802 1.0500027\n", + " 1.0469577 1.0487179 1.0541372 1.0593598 1.0614892 1.062531 0.\n", + " 0. ]\n", + " [1.165057 1.163295 1.1738077 1.1832944 1.1721381 1.1404635 1.106716\n", + " 1.0839975 1.0723397 1.0679905 1.06626 1.0601014 1.0516028 1.0440118\n", + " 1.0410097 1.0426708 1.0476316 1.0522327 1.0548517 1.0558037 1.0575445\n", + " 1.0609658]\n", + " [1.1752509 1.169626 1.178623 1.186913 1.1747403 1.1418746 1.1076746\n", + " 1.0854291 1.0745888 1.072055 1.0714567 1.0669742 1.0581639 1.0498507\n", + " 1.046149 1.0481876 1.0539483 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1625533 1.1585692 1.1689292 1.1777276 1.1676656 1.1359468 1.1027831\n", + " 1.0807962 1.0702102 1.0677755 1.0678447 1.0638362 1.0555252 1.0470233\n", + " 1.043242 1.0453202 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.165313 1.1608571 1.170211 1.1778502 1.1665252 1.1336997 1.101348\n", + " 1.0806862 1.072118 1.0707567 1.0707362 1.0655711 1.0558202 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1603878 1.1575958 1.167077 1.17435 1.1624078 1.1298378 1.0975062\n", + " 1.0770278 1.0674598 1.0652766 1.0654726 1.0605239 1.052202 1.0444047\n", + " 1.0409577 1.0424496 1.0475082 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1619089 1.1576644 1.1668289 1.175782 1.1647668 1.132717 1.1006768\n", + " 1.0787581 1.0692244 1.0684181 1.0686389 1.0648688 1.0562464 1.0482277\n", + " 1.0441887 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.172837 1.1701418 1.181118 1.1917511 1.180767 1.1474043 1.111909\n", + " 1.0874792 1.0748117 1.0705805 1.0686631 1.0629376 1.0545517 1.0469716\n", + " 1.0436934 1.0453312 1.0497979 1.0545354 1.0564691 1.0571587 1.0583749\n", + " 1.0621347]]\n", + "[[1.1634746 1.1601516 1.1696305 1.177729 1.1663284 1.1345857 1.1018386\n", + " 1.0797871 1.069515 1.0668243 1.0657164 1.0616684 1.0533069 1.0455189\n", + " 1.0422741 1.0435517 1.0482893 1.0532476 0. ]\n", + " [1.1647335 1.1619176 1.1733394 1.1828344 1.1718798 1.1383444 1.1033484\n", + " 1.080547 1.069682 1.0668523 1.065928 1.0612832 1.0530009 1.0452533\n", + " 1.041754 1.0430714 1.0477794 1.0524008 1.0547274]\n", + " [1.1611371 1.1567097 1.1650302 1.1723644 1.1617566 1.1312126 1.099698\n", + " 1.0784128 1.0686547 1.0663506 1.0661408 1.0619421 1.0541986 1.0466487\n", + " 1.0427816 1.044338 0. 0. 0. ]\n", + " [1.1652188 1.1606112 1.1697633 1.1778344 1.1656618 1.1341367 1.1017847\n", + " 1.0806963 1.0701697 1.0677925 1.0669899 1.0618082 1.0537239 1.046467\n", + " 1.0431376 1.0454379 1.0504487 0. 0. ]\n", + " [1.1798875 1.1765679 1.1877581 1.1950433 1.1830504 1.1481487 1.112258\n", + " 1.08841 1.0774877 1.0746908 1.0740575 1.0693804 1.0592095 1.0507641\n", + " 1.0471963 1.0493507 1.0549083 1.0603054 0. ]]\n", + "[[1.1740597 1.171452 1.1838375 1.192583 1.1804295 1.1453416 1.109641\n", + " 1.0851392 1.0734422 1.0702933 1.0687376 1.0641477 1.0554065 1.0480883\n", + " 1.0443138 1.0457054 1.0509318 1.0559896 1.0586478 0. 0.\n", + " 0. ]\n", + " [1.1844913 1.1792319 1.189313 1.1981517 1.1856948 1.1512011 1.1147803\n", + " 1.0908488 1.0801644 1.077622 1.0770429 1.0717099 1.0620987 1.0523708\n", + " 1.04829 1.0499524 1.0552821 1.0611676 0. 0. 0.\n", + " 0. ]\n", + " [1.1806028 1.1750821 1.1852553 1.1944207 1.182838 1.1487294 1.1126765\n", + " 1.0892998 1.0785179 1.0765978 1.0770247 1.071806 1.0620263 1.0525945\n", + " 1.0482299 1.0501012 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1769494 1.1740459 1.1848949 1.1930238 1.1820816 1.1490107 1.1147066\n", + " 1.0910633 1.0791761 1.0743254 1.0716465 1.0647551 1.0552039 1.0476172\n", + " 1.0442243 1.0463353 1.051736 1.0566882 1.0588572 1.0591161 1.060604\n", + " 1.0643407]\n", + " [1.176467 1.1721295 1.1808354 1.1884542 1.1750891 1.1422389 1.1084294\n", + " 1.08652 1.0763113 1.0749235 1.0750772 1.0701927 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1965673 1.1917002 1.200746 1.2099572 1.1959429 1.1602902 1.1236737\n", + " 1.0992153 1.0873661 1.085102 1.0845231 1.0786172 1.0680883 1.0582104\n", + " 1.0536544 0. 0. ]\n", + " [1.1594921 1.1556543 1.1648457 1.173443 1.1622447 1.1305445 1.0984544\n", + " 1.0772209 1.0675528 1.0657693 1.0655972 1.0612218 1.0524029 1.0445795\n", + " 1.0410753 1.0428737 1.0482565]\n", + " [1.1593574 1.1543919 1.1628078 1.1703043 1.1594288 1.1286459 1.0968997\n", + " 1.0765231 1.0669736 1.0656012 1.0657523 1.0617068 1.0534743 1.0459106\n", + " 1.0422935 0. 0. ]\n", + " [1.1687689 1.1638086 1.1737114 1.1836396 1.1719726 1.1400963 1.1068348\n", + " 1.0841892 1.0738795 1.0716585 1.0713109 1.0660735 1.056777 1.048264\n", + " 1.0441437 1.0463557 0. ]\n", + " [1.189196 1.1841564 1.1939443 1.202286 1.1890057 1.1527284 1.1162274\n", + " 1.0920128 1.0813653 1.0799818 1.0802648 1.0753108 1.0652591 1.0557233\n", + " 0. 0. 0. ]]\n", + "[[1.171553 1.168115 1.1777776 1.1862108 1.1732981 1.1403333 1.1060904\n", + " 1.0829269 1.0719657 1.0692776 1.0682888 1.0635413 1.0552163 1.0468714\n", + " 1.0433339 1.0451441 1.0503734 1.0555843]\n", + " [1.1722709 1.16877 1.1784997 1.1862148 1.1735477 1.1392826 1.1046298\n", + " 1.0817463 1.070985 1.068409 1.0683923 1.0646814 1.0560439 1.0485846\n", + " 1.0450826 1.0471063 1.0529374 0. ]\n", + " [1.1841564 1.180562 1.1896814 1.1987964 1.1861479 1.1514218 1.1162059\n", + " 1.09211 1.0807718 1.0775442 1.0763048 1.071727 1.0625226 1.0535645\n", + " 1.0494754 1.0515118 1.0573972 0. ]\n", + " [1.1631236 1.1608027 1.1715598 1.1795039 1.1679741 1.1353465 1.1023542\n", + " 1.0803795 1.0704738 1.0682681 1.0683314 1.0631577 1.0545657 1.0461031\n", + " 1.0426522 1.0441545 1.0492537 0. ]\n", + " [1.1635395 1.1590028 1.1699001 1.179447 1.1685084 1.1358073 1.1017251\n", + " 1.079505 1.0684983 1.0665369 1.0659138 1.0608826 1.0518923 1.0436752\n", + " 1.039976 1.041616 1.0464622 1.0517038]]\n", + "[[1.1783512 1.1769861 1.1891742 1.1980443 1.1846058 1.1489264 1.1123286\n", + " 1.0884658 1.0771761 1.0732048 1.0718979 1.0656971 1.0562607 1.0475191\n", + " 1.0440724 1.0458503 1.0510092 1.0561284 1.058564 1.0597253 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1673746 1.1649667 1.1754588 1.1856349 1.174473 1.1430016 1.1093504\n", + " 1.0862978 1.0747519 1.0702763 1.0680151 1.0614651 1.0521882 1.0446485\n", + " 1.0418835 1.0440719 1.049354 1.053722 1.0562314 1.0566636 1.0571669\n", + " 1.0609688 1.0684721 1.0781802 1.0859 ]\n", + " [1.1543491 1.1493444 1.1580517 1.1659651 1.1576601 1.1282209 1.0966353\n", + " 1.0759358 1.0658776 1.0640808 1.064235 1.0594964 1.051659 1.0436693\n", + " 1.0399351 1.0416104 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1532623 1.1523321 1.16296 1.1720796 1.1606082 1.1287673 1.0978153\n", + " 1.0773355 1.0666851 1.0626887 1.0607512 1.0552621 1.0466207 1.0401969\n", + " 1.0375142 1.0392095 1.043878 1.0484123 1.0508718 1.0519688 1.0531797\n", + " 1.056765 1.063341 0. 0. ]\n", + " [1.1848471 1.1819153 1.1921757 1.2002428 1.1880422 1.153566 1.117815\n", + " 1.0933332 1.0811042 1.0772688 1.0752778 1.0692587 1.0600053 1.0512516\n", + " 1.047683 1.0495939 1.055344 1.06048 1.062872 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1649485 1.1626686 1.1737815 1.1821024 1.1703157 1.1376436 1.1043941\n", + " 1.081965 1.0707703 1.067783 1.0661457 1.0602175 1.0515014 1.0439712\n", + " 1.0410223 1.042699 1.0477276 1.0523183 1.0545721 1.055529 ]\n", + " [1.1748688 1.1697946 1.1785629 1.1876057 1.1752697 1.1429405 1.1082383\n", + " 1.0854704 1.0744833 1.0717546 1.0712487 1.0671645 1.0586201 1.0501842\n", + " 1.0465975 1.0483774 1.0538769 0. 0. 0. ]\n", + " [1.186686 1.182998 1.193391 1.2022111 1.1901808 1.1555669 1.1191684\n", + " 1.0943264 1.0819229 1.0784286 1.0772936 1.0712299 1.0608844 1.0524521\n", + " 1.0485368 1.0501862 1.0555613 1.0607483 1.0630844 0. ]\n", + " [1.1693362 1.1645455 1.1739421 1.1816478 1.1711886 1.1389421 1.1055485\n", + " 1.0830821 1.0723816 1.0712548 1.0716418 1.0664685 1.058074 1.0495408\n", + " 1.045682 0. 0. 0. 0. 0. ]\n", + " [1.1882681 1.1834961 1.1926036 1.2000489 1.1878567 1.1527389 1.1170063\n", + " 1.0929977 1.0823398 1.081187 1.0820564 1.0763484 1.0659953 1.0566541\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1862555 1.1806781 1.1907187 1.1975429 1.1832726 1.1476756 1.1119195\n", + " 1.0887418 1.0793 1.0782928 1.0788116 1.073838 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2031884 1.196655 1.2064161 1.214975 1.2014041 1.1637472 1.1252029\n", + " 1.1001161 1.0898347 1.0885037 1.0889974 1.0834341 1.0719796 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1775993 1.1739614 1.1841806 1.1939559 1.1820929 1.1478674 1.112467\n", + " 1.0890752 1.0781772 1.0756462 1.0758793 1.0710571 1.0620242 1.0533699\n", + " 1.0491565 1.0509453 0. 0. ]\n", + " [1.1662061 1.1629883 1.1737523 1.1823941 1.1712966 1.1393976 1.1057595\n", + " 1.0831344 1.0723261 1.0692444 1.0683615 1.063699 1.0552313 1.0470301\n", + " 1.0431739 1.0444423 1.0491883 1.0546261]\n", + " [1.1681045 1.1635287 1.1734667 1.1831305 1.1718006 1.139262 1.1058099\n", + " 1.0834484 1.0728642 1.0706726 1.0707703 1.0660149 1.0574566 1.049305\n", + " 1.0457271 1.0476588 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.170764 1.1687851 1.1801357 1.1881837 1.1761614 1.1423856 1.107122\n", + " 1.0844213 1.0730413 1.0693675 1.0682352 1.0629666 1.0544828 1.0466924\n", + " 1.043365 1.0449 1.0495075 1.0544119 1.0567983 1.0579208 0.\n", + " 0. 0. 0. ]\n", + " [1.1670932 1.1606221 1.1695049 1.1785533 1.1671414 1.1354536 1.1027896\n", + " 1.0809144 1.0707772 1.0689981 1.0692232 1.0652701 1.0566968 1.0486333\n", + " 1.0450325 1.0468669 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1703998 1.1681017 1.1782032 1.1866062 1.1736052 1.1401856 1.1060914\n", + " 1.0838417 1.0739245 1.0721011 1.0720162 1.0670056 1.0576342 1.0493497\n", + " 1.0452474 1.0470762 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1605281 1.1582338 1.1685336 1.1787292 1.1684687 1.1370907 1.104949\n", + " 1.0830657 1.0718598 1.067754 1.0652587 1.059063 1.0496651 1.0423284\n", + " 1.0390797 1.0409725 1.045822 1.0510255 1.0531281 1.0543565 1.0558642\n", + " 1.0584582 1.0654981 1.0748191]\n", + " [1.1601216 1.1571188 1.1682138 1.1783261 1.1676004 1.1359143 1.1019759\n", + " 1.0798914 1.0686322 1.0649134 1.0630192 1.0579559 1.0499065 1.0431075\n", + " 1.0396842 1.041595 1.0460161 1.050514 1.052594 1.0534354 1.0547725\n", + " 1.058222 0. 0. ]]\n", + "[[1.1949837 1.1919755 1.2016468 1.2102982 1.1958928 1.1593635 1.1217955\n", + " 1.096527 1.0844986 1.0808306 1.0790151 1.0720497 1.0618141 1.0529596\n", + " 1.0487281 1.0509408 1.0568781 1.0628229 1.0659779 0. ]\n", + " [1.1847926 1.1809572 1.1919454 1.2011162 1.1865492 1.1502547 1.113963\n", + " 1.0911012 1.0809797 1.080471 1.0816703 1.0761808 1.0655295 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1552219 1.1519729 1.1611342 1.1697328 1.1594127 1.1289277 1.0983769\n", + " 1.077531 1.0672549 1.0637587 1.0621943 1.0564051 1.0476794 1.040227\n", + " 1.0372698 1.0387596 1.0436238 1.0480074 1.050002 1.0509152]\n", + " [1.1722704 1.1677567 1.178258 1.1885147 1.1763318 1.143563 1.1077206\n", + " 1.0849094 1.074064 1.0719326 1.0722493 1.0679146 1.0591757 1.0509131\n", + " 1.0466099 1.0480223 0. 0. 0. 0. ]\n", + " [1.1692753 1.1634424 1.1720037 1.1807737 1.1702406 1.1392992 1.105721\n", + " 1.083957 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.16358 1.1599855 1.1694136 1.1772932 1.164571 1.1320674 1.1002527\n", + " 1.0790904 1.0705653 1.0693235 1.0695202 1.0648458 1.0560114 1.047718\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1571099 1.1555048 1.165731 1.1722997 1.1621734 1.130705 1.098747\n", + " 1.0770699 1.0665717 1.0631837 1.0625256 1.0576203 1.0500273 1.0422065\n", + " 1.0394874 1.0407555 1.045177 1.0498464 1.0524337]\n", + " [1.1729412 1.1699075 1.1793214 1.1883148 1.1737883 1.1399409 1.1053708\n", + " 1.0837668 1.0751195 1.0741026 1.0750554 1.0698793 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1688628 1.1652502 1.1747613 1.1825999 1.1686839 1.1364845 1.1031969\n", + " 1.0812495 1.0703009 1.066965 1.0656346 1.0601269 1.051889 1.044296\n", + " 1.041618 1.0435447 1.0484511 1.0529883 1.0555276]\n", + " [1.174203 1.1711802 1.1816738 1.1910502 1.1788908 1.1455243 1.110452\n", + " 1.0870099 1.0756785 1.072286 1.0707357 1.0655735 1.0564826 1.0482811\n", + " 1.0443208 1.0461721 1.0511271 1.0559869 1.0582919]]\n", + "[[1.1507037 1.1467577 1.1566344 1.1657785 1.156594 1.1273395 1.0962669\n", + " 1.0752065 1.0652812 1.0633464 1.0632703 1.0590111 1.051114 1.0438157\n", + " 1.040345 1.0423764 0. 0. 0. 0. ]\n", + " [1.1862689 1.1819085 1.191246 1.2004696 1.1875927 1.1513771 1.115208\n", + " 1.0916378 1.0797168 1.0773349 1.0770019 1.0713689 1.0622768 1.0532255\n", + " 1.0497841 1.0515908 1.0580516 0. 0. 0. ]\n", + " [1.175127 1.1720905 1.1821055 1.1883392 1.1758311 1.1416037 1.1071571\n", + " 1.0852501 1.074431 1.0720685 1.0713164 1.0660499 1.0568384 1.0482657\n", + " 1.0443105 1.0462167 1.0515149 0. 0. 0. ]\n", + " [1.175219 1.1723413 1.1834428 1.1926703 1.1801636 1.1467545 1.1114103\n", + " 1.0877658 1.0756252 1.0727507 1.0711577 1.0654396 1.0562937 1.0484483\n", + " 1.0450741 1.0462264 1.0510466 1.0556793 1.0578454 1.0587662]\n", + " [1.1676297 1.1654023 1.1766559 1.1859021 1.1730461 1.1399094 1.1052437\n", + " 1.0816551 1.0701667 1.0671282 1.0664915 1.0618279 1.0538775 1.0460215\n", + " 1.0428748 1.044379 1.0491117 1.0542443 1.0565425 0. ]]\n", + "[[1.1844726 1.181977 1.1931454 1.2007896 1.1884022 1.1526742 1.1158713\n", + " 1.0911013 1.079182 1.0760013 1.0752544 1.069697 1.0607792 1.0519581\n", + " 1.0482749 1.0498294 1.055114 1.0605404 1.0633683 0. 0. ]\n", + " [1.1942877 1.1875987 1.1963482 1.2047869 1.1912323 1.157379 1.1209157\n", + " 1.0962787 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1860403 1.1825686 1.1940558 1.2020456 1.1900175 1.1516266 1.1150666\n", + " 1.0913231 1.0806279 1.0800972 1.0812101 1.0760366 1.0655239 1.0559734\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.2190808 1.2123309 1.2218274 1.2297752 1.2140081 1.174501 1.1330624\n", + " 1.1059574 1.094604 1.0933567 1.0946953 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.175828 1.1731243 1.1844163 1.1936582 1.1809427 1.1460508 1.1101637\n", + " 1.086626 1.0748688 1.071223 1.0690521 1.0636117 1.0546595 1.0465904\n", + " 1.0433632 1.0453894 1.0500686 1.0553577 1.057919 1.0589715 1.0607642]]\n", + "[[1.1544235 1.1504745 1.1594456 1.1673763 1.1563241 1.1256852 1.0943351\n", + " 1.0740844 1.0647638 1.0630131 1.0628465 1.0584892 1.0504348 1.0430915\n", + " 1.0396593 1.0412625 1.0461489 0. 0. 0. 0. ]\n", + " [1.1580734 1.1539817 1.1624563 1.1687329 1.1573424 1.1262732 1.0954381\n", + " 1.0752432 1.0657198 1.063786 1.0634366 1.0599078 1.0521594 1.0447325\n", + " 1.0416477 1.0433633 0. 0. 0. 0. 0. ]\n", + " [1.1471318 1.1435362 1.1519121 1.1584611 1.1487044 1.1204376 1.0909648\n", + " 1.0710808 1.0630146 1.0619696 1.0624734 1.0585673 1.0502522 1.042663\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1690063 1.1662678 1.1781381 1.187012 1.1741545 1.1401249 1.1051183\n", + " 1.0825471 1.0721381 1.0697886 1.0695034 1.0640703 1.0546168 1.0461843\n", + " 1.0423528 1.0439147 1.0492533 1.0543282 0. 0. 0. ]\n", + " [1.1573703 1.1551596 1.1650951 1.1726274 1.1611238 1.1295416 1.0985255\n", + " 1.0770948 1.0665962 1.0634556 1.0610359 1.0561906 1.048471 1.0410217\n", + " 1.0381236 1.0398521 1.0441214 1.0486265 1.0508509 1.0520909 1.0540358]]\n", + "[[1.1680394 1.1638528 1.1732769 1.1815782 1.1704992 1.1370307 1.1033127\n", + " 1.0810176 1.0702906 1.0686842 1.0684679 1.0642772 1.0553867 1.0475167\n", + " 1.0438411 1.0456611 1.0509548 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1596005 1.155887 1.1667182 1.1759249 1.1655569 1.1330796 1.0996014\n", + " 1.0775013 1.0682015 1.0667565 1.0679377 1.0637444 1.0550389 1.046906\n", + " 1.0429752 1.0445627 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1785902 1.1763861 1.1866046 1.1956986 1.1839125 1.1509625 1.115994\n", + " 1.0916843 1.0794283 1.074496 1.0717994 1.0654179 1.0556496 1.0478932\n", + " 1.0448514 1.0468308 1.0518118 1.0572054 1.0597675 1.0607438 1.0619756\n", + " 1.0657493]\n", + " [1.164423 1.162183 1.1731887 1.1829635 1.1709298 1.1376085 1.1035191\n", + " 1.0808965 1.0707542 1.0673428 1.0668083 1.060949 1.052672 1.0449451\n", + " 1.0412179 1.0427843 1.047553 1.0525876 1.0550088 0. 0.\n", + " 0. ]\n", + " [1.1714587 1.1684399 1.1787252 1.1882105 1.176415 1.1429687 1.1089426\n", + " 1.0854303 1.0734948 1.070069 1.0680943 1.0626136 1.0543098 1.0467157\n", + " 1.0434364 1.0448898 1.0499563 1.0547535 1.0568594 1.057674 0.\n", + " 0. ]]\n", + "[[1.1733817 1.1696353 1.1803262 1.1895049 1.178594 1.1438887 1.1089032\n", + " 1.0847882 1.0747845 1.0733572 1.0742462 1.0696427 1.0598071 1.0508857\n", + " 1.046396 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1824224 1.1790836 1.1898859 1.1983619 1.1870029 1.1520082 1.115771\n", + " 1.0904943 1.0794713 1.0770606 1.0764445 1.0718601 1.0618068 1.052868\n", + " 1.0487984 1.0504206 1.0562183 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1574974 1.1544763 1.164665 1.173402 1.1622514 1.1315835 1.0996145\n", + " 1.0780693 1.0673307 1.0639552 1.0619597 1.0569737 1.0485339 1.0418129\n", + " 1.0390248 1.040892 1.0453092 1.0497086 1.0515584 1.0524842 1.0545143\n", + " 1.0582722 1.0653732 1.0745659]\n", + " [1.192501 1.1862487 1.1965393 1.2050729 1.192271 1.1563148 1.1189665\n", + " 1.0945029 1.0833911 1.0814981 1.0825958 1.0777352 1.0673661 1.0577369\n", + " 1.0530386 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1608778 1.1576521 1.1667047 1.1753545 1.1646605 1.1328504 1.1015621\n", + " 1.0797195 1.0686939 1.0648696 1.0630965 1.0578914 1.0500023 1.0433173\n", + " 1.0403115 1.0419153 1.046848 1.0514606 1.0543675 1.0553086 1.05692\n", + " 0. 0. 0. ]]\n", + "[[1.2002112 1.1944591 1.2036877 1.2114624 1.198511 1.1627 1.1257553\n", + " 1.1001902 1.0878742 1.0846659 1.0843906 1.0787386 1.068749 1.0589584\n", + " 1.0548211 1.057428 0. 0. 0. 0. ]\n", + " [1.1721408 1.1686716 1.1791046 1.186792 1.1737378 1.1403737 1.1059754\n", + " 1.0840814 1.0745615 1.0730064 1.0734363 1.0686696 1.0592846 1.0513629\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1859103 1.1822504 1.192773 1.200927 1.1875241 1.1522648 1.1168602\n", + " 1.0929537 1.0815282 1.0779333 1.0759845 1.0688069 1.0589108 1.0501326\n", + " 1.0465859 1.0484018 1.0541614 1.059366 1.0619124 1.0627431]\n", + " [1.1765233 1.1730387 1.183044 1.1921175 1.1801095 1.145593 1.1108553\n", + " 1.0871533 1.0759017 1.0720768 1.0710691 1.0654548 1.0560191 1.0476948\n", + " 1.0439928 1.0458082 1.0512424 1.0561236 1.0586545 0. ]\n", + " [1.1754774 1.1719 1.1836636 1.194818 1.182447 1.1473813 1.1113424\n", + " 1.0874877 1.0773916 1.076225 1.0768163 1.0717266 1.0622387 1.0531144\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1662475 1.1632935 1.1738796 1.1830186 1.171102 1.1377397 1.1034843\n", + " 1.0804245 1.0703809 1.0686291 1.0684195 1.064398 1.0558344 1.0480802\n", + " 1.0439088 1.0451434 1.0503148 0. 0. 0. ]\n", + " [1.1691154 1.1666685 1.177101 1.1856046 1.1724659 1.1392711 1.1054764\n", + " 1.08328 1.0726591 1.0695766 1.0684876 1.0628568 1.0546801 1.0469879\n", + " 1.0432104 1.0450759 1.0499713 1.0547174 1.0574322 0. ]\n", + " [1.1664512 1.1621193 1.1706016 1.178238 1.1659435 1.1341678 1.1013899\n", + " 1.080418 1.070219 1.067754 1.0669746 1.0622839 1.053818 1.0460101\n", + " 1.0427351 1.0444317 1.0494173 1.0542436 0. 0. ]\n", + " [1.1647995 1.159051 1.1685443 1.1778907 1.1666981 1.1348934 1.1024345\n", + " 1.0807718 1.071486 1.0704672 1.0714952 1.0672281 1.0578299 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1611335 1.1589024 1.1697072 1.178775 1.1676134 1.1351097 1.101606\n", + " 1.0787948 1.0682745 1.0649571 1.0635943 1.0587374 1.0508287 1.0435926\n", + " 1.0407825 1.042123 1.046658 1.0511163 1.0532714 1.0540584]]\n", + "[[1.1647062 1.160221 1.1689509 1.1769375 1.1651267 1.1331459 1.1010633\n", + " 1.0796632 1.0697997 1.0681463 1.0682799 1.0641906 1.0561293 1.0483896\n", + " 1.0448081 0. 0. 0. 0. 0. ]\n", + " [1.1640162 1.1579746 1.1663277 1.1736726 1.1631665 1.1326336 1.1006563\n", + " 1.0794588 1.0693588 1.0666859 1.0671027 1.0627598 1.0542457 1.0462378\n", + " 1.0423105 1.0439814 0. 0. 0. 0. ]\n", + " [1.1555383 1.1527672 1.1636158 1.1725396 1.1610701 1.1286156 1.0960642\n", + " 1.074609 1.0644389 1.0619885 1.0611693 1.0569826 1.0492039 1.0423787\n", + " 1.0391536 1.0406756 1.0450116 1.049677 1.0522182 0. ]\n", + " [1.1679282 1.163606 1.1726474 1.1801344 1.1687874 1.1366023 1.1037551\n", + " 1.0820806 1.0718032 1.0689803 1.0685586 1.0639727 1.0553727 1.047748\n", + " 1.0441033 1.0459242 1.0513544 0. 0. 0. ]\n", + " [1.1605514 1.1587322 1.1693083 1.1774161 1.1671598 1.1350105 1.1019746\n", + " 1.079629 1.0684943 1.0651397 1.0636406 1.0587075 1.0508666 1.0436754\n", + " 1.0405402 1.0420376 1.0466865 1.0510926 1.0536351 1.0547632]]\n", + "[[1.1506804 1.1474612 1.156925 1.1665503 1.1573625 1.1289333 1.0989242\n", + " 1.0783336 1.0674356 1.0634134 1.0608249 1.0548507 1.0464373 1.0397491\n", + " 1.037107 1.0394927 1.0441561 1.0491103 1.0515122 1.0522614 1.0530056\n", + " 1.05626 1.0628626 1.0720885 1.0794265 1.083586 1.0853007 1.0818745]\n", + " [1.1738912 1.1707094 1.1812232 1.1897666 1.175916 1.1427512 1.1086187\n", + " 1.0856806 1.074716 1.0714898 1.0701531 1.0647185 1.0558478 1.0479923\n", + " 1.0442222 1.0462797 1.0512528 1.0563112 1.05882 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1872898 1.1828359 1.1928815 1.2010056 1.1850379 1.1495144 1.113208\n", + " 1.0903958 1.0807261 1.0797575 1.0801854 1.0748323 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1805304 1.1758819 1.1862212 1.1951888 1.1823711 1.1484997 1.1131004\n", + " 1.0897859 1.0788215 1.0775458 1.0777167 1.0730511 1.0634042 1.0540247\n", + " 1.0496691 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1874945 1.183676 1.1934248 1.2033948 1.1903824 1.1559817 1.1192218\n", + " 1.0942599 1.081828 1.0797421 1.07883 1.0735049 1.0639063 1.0547184\n", + " 1.0507421 1.0526438 1.0585326 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1694343 1.166042 1.1771605 1.1846592 1.1732719 1.1392986 1.1046864\n", + " 1.0819956 1.0714947 1.0698656 1.0699618 1.0657014 1.0565705 1.0485218\n", + " 1.0446588 1.0465363 1.0518144 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1684859 1.165801 1.1775893 1.1867316 1.174716 1.1403149 1.106509\n", + " 1.0836338 1.073227 1.0708116 1.0701374 1.0650573 1.0560346 1.0480752\n", + " 1.0442663 1.0460479 1.0512172 1.0564134 0. 0. 0.\n", + " 0. ]\n", + " [1.1537161 1.1504657 1.159942 1.1687679 1.1577132 1.12786 1.0968324\n", + " 1.0756872 1.0651805 1.0624048 1.0612131 1.0560722 1.0481204 1.0409786\n", + " 1.0379094 1.0394926 1.0441024 1.0486274 1.0508909 0. 0.\n", + " 0. ]\n", + " [1.1861397 1.1832038 1.1959236 1.2071558 1.1962037 1.1608505 1.1234437\n", + " 1.0975437 1.0851083 1.0809858 1.0783142 1.0711389 1.0603571 1.0516931\n", + " 1.0476655 1.0495291 1.0552616 1.0605825 1.0631006 1.0643873 1.0663552\n", + " 1.0702088]\n", + " [1.191684 1.1862692 1.1960081 1.2031416 1.190367 1.1543473 1.1183923\n", + " 1.0946851 1.083978 1.0830691 1.0833533 1.0771961 1.0668238 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.17648 1.171164 1.1816968 1.1903052 1.1791962 1.1452876 1.1108854\n", + " 1.0878905 1.0769873 1.075563 1.0755173 1.0700178 1.060071 1.0510798\n", + " 1.0470008 1.0485759 0. 0. 0. 0. ]\n", + " [1.1618361 1.159103 1.1690707 1.1770064 1.163593 1.1316905 1.0991851\n", + " 1.0780294 1.0683237 1.0666322 1.0668285 1.0619695 1.0534576 1.0458746\n", + " 1.0424352 1.0440749 1.0491029 0. 0. 0. ]\n", + " [1.1938273 1.1900666 1.2003949 1.2090913 1.1973307 1.1624117 1.1254599\n", + " 1.0997555 1.0864614 1.0822732 1.0800574 1.0739323 1.0641835 1.055372\n", + " 1.0517566 1.0535419 1.0591515 1.0644798 1.0667951 0. ]\n", + " [1.1834123 1.1792588 1.1892071 1.1974462 1.1836064 1.1478803 1.1113499\n", + " 1.0875131 1.0772668 1.075017 1.0748006 1.0700525 1.0606663 1.0523809\n", + " 1.0487455 1.0514638 0. 0. 0. 0. ]\n", + " [1.1828415 1.1788496 1.1879774 1.196492 1.1835766 1.1487875 1.1133566\n", + " 1.0890119 1.0767754 1.0731964 1.0717261 1.0660261 1.0572641 1.0493032\n", + " 1.045692 1.0476007 1.0525635 1.0576737 1.0601329 1.0609566]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1672477 1.1655122 1.1766186 1.1848798 1.1730758 1.1393698 1.1053421\n", + " 1.0821548 1.0716301 1.0682658 1.066541 1.0613966 1.0532784 1.0454475\n", + " 1.0423906 1.0440174 1.0485704 1.0531936 1.0556567 1.0565851]\n", + " [1.170854 1.1669073 1.1773195 1.1850053 1.1733115 1.1396759 1.105391\n", + " 1.0831571 1.0728462 1.0703825 1.0702937 1.0656779 1.0567948 1.0484985\n", + " 1.0444218 1.046358 1.0514725 0. 0. 0. ]\n", + " [1.1845405 1.1788931 1.1884992 1.1979253 1.1856021 1.1514856 1.1160389\n", + " 1.0928445 1.082583 1.080226 1.0797111 1.0736521 1.0631989 1.0539132\n", + " 1.0497478 1.0525231 0. 0. 0. 0. ]\n", + " [1.1572013 1.1548636 1.1652657 1.1751466 1.1653984 1.1338774 1.1006916\n", + " 1.0790302 1.0676622 1.0647281 1.0633112 1.0581714 1.0494951 1.0423273\n", + " 1.0390047 1.0403438 1.0447565 1.0490321 1.0513383 1.0519465]\n", + " [1.1717381 1.1675341 1.1781682 1.1879878 1.1768479 1.1427789 1.1075089\n", + " 1.0839555 1.0733012 1.0710787 1.071561 1.0674424 1.0585464 1.0499669\n", + " 1.0459789 1.0476184 0. 0. 0. 0. ]]\n", + "[[1.1802559 1.1753948 1.1847471 1.1932936 1.1801233 1.1453416 1.1103618\n", + " 1.0870597 1.0778056 1.0769067 1.0770929 1.072411 1.0619068 1.0526279\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.173513 1.1688356 1.178508 1.186291 1.1725061 1.1391017 1.1047162\n", + " 1.0815363 1.0717856 1.0704393 1.0715102 1.0672482 1.0587087 1.0503681\n", + " 1.0464315 0. 0. 0. 0. ]\n", + " [1.188915 1.1825794 1.190747 1.197789 1.1842321 1.1491892 1.1143422\n", + " 1.0910296 1.0803841 1.0778555 1.0773693 1.0720794 1.0621378 1.0531162\n", + " 1.0494679 1.051922 1.058554 0. 0. ]\n", + " [1.1804757 1.1758127 1.1865062 1.1958945 1.1837921 1.147999 1.1117463\n", + " 1.087703 1.0773897 1.0760914 1.0765039 1.0720408 1.0627238 1.0534822\n", + " 1.0496778 0. 0. 0. 0. ]\n", + " [1.1800089 1.1777947 1.1887268 1.197261 1.1839485 1.1495165 1.1139375\n", + " 1.0894823 1.0773712 1.074058 1.0726848 1.0677837 1.058554 1.0502539\n", + " 1.0457801 1.0479064 1.0530429 1.0581988 1.0605311]]\n", + "[[1.171866 1.16653 1.1761761 1.1847062 1.1734565 1.1414654 1.1082811\n", + " 1.0864333 1.0762684 1.0748211 1.074609 1.0699749 1.0602854 1.0514785\n", + " 0. 0. ]\n", + " [1.1725047 1.1684728 1.1794859 1.1891611 1.1774514 1.1435409 1.1085778\n", + " 1.0848205 1.0738794 1.0710987 1.070365 1.0663778 1.0575925 1.049495\n", + " 1.0460116 1.0479664]]\n", + "[[1.168077 1.1652857 1.1767448 1.1862347 1.1735958 1.1397702 1.1057838\n", + " 1.0827559 1.0715264 1.068688 1.0674542 1.062258 1.053291 1.045787\n", + " 1.0419685 1.0438536 1.0493239 1.054167 1.0568213 0. ]\n", + " [1.1723807 1.1689099 1.1786306 1.1871012 1.1743841 1.1416115 1.1078622\n", + " 1.0847707 1.0733055 1.070007 1.0682629 1.0634551 1.0548477 1.0468034\n", + " 1.0438535 1.0457585 1.0511588 1.0563158 0. 0. ]\n", + " [1.1689363 1.164147 1.1728021 1.1801343 1.1685542 1.1365035 1.1037266\n", + " 1.0815966 1.0705366 1.0675648 1.0656881 1.0612411 1.0528882 1.0455905\n", + " 1.0424523 1.0442487 1.0493605 1.0545285 0. 0. ]\n", + " [1.1772679 1.1728246 1.1829369 1.1911758 1.1803453 1.1466559 1.1105815\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1673074 1.1643207 1.1743636 1.182922 1.1705614 1.1383029 1.1049485\n", + " 1.0822467 1.070644 1.0672367 1.0656788 1.0604053 1.0524863 1.045184\n", + " 1.0415541 1.0426687 1.047378 1.0520952 1.05464 1.0559667]]\n", + "[[1.168939 1.166734 1.1780324 1.1867986 1.1737945 1.1411719 1.1067499\n", + " 1.0841132 1.0731162 1.0701137 1.0686511 1.0632493 1.0541716 1.045855\n", + " 1.0424418 1.0443442 1.0495658 1.0544559 1.0565635]\n", + " [1.1624418 1.1573092 1.1669279 1.1757898 1.1656278 1.134715 1.1019329\n", + " 1.0800825 1.0706743 1.0685215 1.0691246 1.064559 1.0559164 1.0476282\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1596859 1.1538029 1.1609702 1.1689845 1.1576958 1.1265608 1.0956341\n", + " 1.0752177 1.065226 1.0636919 1.0636032 1.059834 1.0519435 1.0446396\n", + " 1.0413193 1.043193 0. 0. 0. ]\n", + " [1.1777564 1.1733432 1.1831667 1.1919504 1.1792221 1.1449301 1.1098549\n", + " 1.0870419 1.076942 1.0757229 1.0768067 1.0719674 1.0623369 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1687936 1.165383 1.1766852 1.1861074 1.1742524 1.1404861 1.1059512\n", + " 1.0826652 1.0718082 1.0698086 1.0702431 1.0652288 1.0559038 1.0480087\n", + " 1.0441134 1.0457487 1.0513418 0. 0. ]]\n", + "[[1.1872734 1.1833508 1.1928287 1.1998272 1.1879346 1.1526273 1.116525\n", + " 1.092248 1.0803773 1.077339 1.0764529 1.0712787 1.0618144 1.053182\n", + " 1.0491683 1.0512047 1.0569437 1.0624226]\n", + " [1.1699921 1.1648792 1.1737201 1.1815444 1.1688989 1.1357813 1.1032164\n", + " 1.0817701 1.07265 1.0712992 1.0710347 1.0664461 1.0571312 1.0488647\n", + " 1.0455881 0. 0. 0. ]\n", + " [1.1594651 1.1553837 1.1648318 1.1720121 1.1605047 1.1288216 1.0966702\n", + " 1.0756618 1.066342 1.064744 1.0646951 1.0601573 1.052504 1.0447626\n", + " 1.0414047 1.0430603 1.0480578 0. ]\n", + " [1.1710927 1.169351 1.1792771 1.1876605 1.1741914 1.1392384 1.1052704\n", + " 1.083193 1.073099 1.070793 1.0707953 1.0659509 1.0569024 1.0488532\n", + " 1.0451759 1.0470089 1.0523685 0. ]\n", + " [1.1880655 1.1846821 1.1975874 1.2071196 1.1934468 1.1559553 1.1181457\n", + " 1.0936204 1.0832194 1.0827644 1.0841621 1.0788639 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1694736 1.1664587 1.1774061 1.1868277 1.174849 1.1413332 1.1067717\n", + " 1.0836095 1.0718582 1.0680475 1.0657258 1.0604486 1.051433 1.0437248\n", + " 1.0405978 1.0424372 1.0475395 1.0523888 1.0550554 1.0561941]\n", + " [1.1765856 1.1738129 1.184649 1.1934289 1.1809875 1.1469643 1.1116906\n", + " 1.087813 1.0762353 1.072651 1.0707746 1.0646075 1.0556717 1.047632\n", + " 1.0439295 1.0457567 1.0509902 1.0558476 1.0585704 1.059624 ]\n", + " [1.1732424 1.1699067 1.1791135 1.1848798 1.171187 1.1383326 1.1060743\n", + " 1.0845804 1.0744032 1.0714632 1.0706449 1.0646136 1.0555464 1.0468532\n", + " 1.0434691 1.0455079 1.0502111 1.0547794 0. 0. ]\n", + " [1.1715592 1.1680291 1.1779227 1.1864463 1.1747302 1.1412703 1.1072006\n", + " 1.0841275 1.0731418 1.0695809 1.0679177 1.0619568 1.0529507 1.0456018\n", + " 1.0423659 1.044213 1.0491897 1.0541074 1.0563207 1.0571767]\n", + " [1.1743455 1.169511 1.178684 1.1876255 1.1759161 1.1421635 1.1080871\n", + " 1.0849367 1.0738671 1.0709243 1.0705501 1.0656626 1.0566373 1.0481648\n", + " 1.0444928 1.0464559 1.0520281 1.0578139 0. 0. ]]\n", + "[[1.1513107 1.1479256 1.1576983 1.1658416 1.1554745 1.1253878 1.0954974\n", + " 1.0754827 1.0653883 1.062003 1.0599748 1.0543123 1.0460774 1.039514\n", + " 1.03693 1.0389047 1.0436257 1.0481708 1.0503352 1.0512815 1.0525331\n", + " 1.0559539 1.0629593 1.072165 ]\n", + " [1.2053599 1.1998564 1.208982 1.2189553 1.2047688 1.1669928 1.1293751\n", + " 1.1036508 1.0909625 1.0885414 1.0882559 1.0829253 1.0717242 1.0617589\n", + " 1.057514 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1608497 1.1576455 1.1684338 1.1766608 1.1653546 1.133126 1.1004192\n", + " 1.0797515 1.0700108 1.0679324 1.0684186 1.0634046 1.0545467 1.0464836\n", + " 1.042829 1.0446961 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.169832 1.1645423 1.1743771 1.184075 1.1727021 1.1407628 1.1069735\n", + " 1.0845333 1.0744367 1.072717 1.0735161 1.0685945 1.0588082 1.0497509\n", + " 1.0455761 1.047674 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1869127 1.1811582 1.1926361 1.202531 1.1904833 1.154396 1.1161768\n", + " 1.0911789 1.0812854 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1842695 1.1822197 1.1941032 1.2041395 1.191951 1.1558567 1.1187911\n", + " 1.0936998 1.081203 1.0773544 1.0754423 1.069627 1.0597368 1.0513331\n", + " 1.0475544 1.049463 1.0550689 1.0600638 1.0625606 1.0633626 0. ]\n", + " [1.1820396 1.1782429 1.188833 1.1959288 1.1829164 1.14823 1.1124891\n", + " 1.088748 1.0775309 1.0746907 1.0737243 1.0680255 1.0588264 1.0504764\n", + " 1.046902 1.0489162 1.054306 1.05989 0. 0. 0. ]\n", + " [1.1930286 1.1892896 1.2001894 1.2090697 1.1969237 1.1603756 1.1224967\n", + " 1.0971805 1.0844886 1.0809724 1.0797824 1.0737134 1.0638034 1.054903\n", + " 1.0501813 1.0524814 1.0581937 1.0639753 0. 0. 0. ]\n", + " [1.1984087 1.1908758 1.199209 1.2095156 1.197759 1.1629506 1.1256149\n", + " 1.0995399 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1791071 1.1764127 1.1881833 1.1977016 1.185088 1.1507277 1.1152904\n", + " 1.090984 1.0786005 1.0747111 1.0724183 1.0662067 1.057069 1.0489796\n", + " 1.0451784 1.0471028 1.0524315 1.0574496 1.0599598 1.0607213 1.062424 ]]\n", + "[[1.1719848 1.167917 1.1783181 1.1869463 1.1730102 1.1392137 1.1054611\n", + " 1.0835911 1.0742172 1.0735939 1.0740827 1.0683572 1.0590495 1.0501595\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1697775 1.1677331 1.178956 1.187518 1.1758037 1.1417158 1.1065536\n", + " 1.0842289 1.0734612 1.0696546 1.0675697 1.0621616 1.0531117 1.0450877\n", + " 1.0423862 1.0442193 1.0491596 1.053773 1.0564523 1.057348 1.0588785\n", + " 1.0627762]\n", + " [1.1788259 1.1730169 1.1831114 1.1918043 1.1782117 1.1444962 1.1100922\n", + " 1.0874147 1.0778224 1.0767587 1.0774832 1.0726246 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1830044 1.1793051 1.1892511 1.1968036 1.1838785 1.1482638 1.1124995\n", + " 1.0889131 1.0794303 1.078367 1.0785668 1.0738057 1.063446 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1834532 1.179897 1.1903532 1.19856 1.1858336 1.1527269 1.1180369\n", + " 1.0939598 1.0816333 1.0764196 1.0730745 1.0670431 1.0572909 1.0491865\n", + " 1.0461272 1.0482789 1.0538174 1.0582391 1.061032 1.0617718 1.0633792\n", + " 0. ]]\n", + "[[1.1600169 1.1565866 1.1664028 1.174656 1.1637964 1.1322039 1.1000264\n", + " 1.0784136 1.068902 1.0671811 1.0676018 1.0628889 1.0543175 1.0462382\n", + " 1.0426196 0. 0. ]\n", + " [1.1908504 1.1859089 1.1947651 1.202706 1.189825 1.1547763 1.1181086\n", + " 1.0933974 1.0819631 1.0787201 1.077737 1.0730726 1.0635233 1.0543754\n", + " 1.0510176 1.0528107 1.0588104]\n", + " [1.1627154 1.158706 1.1690146 1.1765107 1.1657876 1.1335453 1.1011113\n", + " 1.079371 1.0697192 1.0673978 1.0671331 1.0626873 1.053679 1.0457364\n", + " 1.0420988 1.0438564 1.04898 ]\n", + " [1.1871765 1.1812332 1.1909472 1.1993631 1.1876982 1.1526449 1.1161449\n", + " 1.0915058 1.0811486 1.080238 1.080777 1.0763198 1.0659502 0.\n", + " 0. 0. 0. ]\n", + " [1.1667278 1.1624215 1.1723614 1.181022 1.1695995 1.1363711 1.1020585\n", + " 1.0805167 1.0706756 1.0695105 1.0701834 1.0657765 1.0571278 1.0487725\n", + " 1.0447397 0. 0. ]]\n", + "[[1.1816559 1.178104 1.1877613 1.1970723 1.1838045 1.1489954 1.1140187\n", + " 1.0905763 1.0793564 1.0759078 1.0754726 1.0697932 1.0597712 1.0512499\n", + " 1.0473732 1.0489258 1.0547189 1.0598329 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.176267 1.1722842 1.1822281 1.191072 1.1795688 1.1465847 1.1126127\n", + " 1.0900577 1.0782989 1.0738364 1.0710716 1.0642418 1.0549378 1.047098\n", + " 1.043694 1.0459535 1.0512656 1.0562469 1.0585377 1.0590576 1.0607277\n", + " 1.0642363 0. 0. 0. ]\n", + " [1.1644855 1.1623951 1.17275 1.1816359 1.1704619 1.1376824 1.1031805\n", + " 1.0806463 1.0691688 1.0658075 1.064546 1.059506 1.0515796 1.0439758\n", + " 1.0407408 1.0422405 1.0467279 1.0514557 1.0535911 1.0546619 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1414883 1.1373955 1.1464819 1.1561923 1.1477407 1.119812 1.0908761\n", + " 1.0711899 1.0609808 1.0574231 1.0550535 1.04992 1.0421249 1.0357771\n", + " 1.0331919 1.0351057 1.0395368 1.0440058 1.0458674 1.0461938 1.0473443\n", + " 1.0498652 1.0559695 1.0640297 1.0706805]\n", + " [1.1719533 1.1697669 1.1806209 1.1886132 1.1768879 1.1435951 1.1092346\n", + " 1.0863698 1.0746666 1.0706532 1.0684338 1.0626606 1.0533481 1.0456103\n", + " 1.0418335 1.0434656 1.0484406 1.053287 1.0562365 1.0575808 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1638387 1.1619406 1.1732557 1.1833324 1.1723124 1.1392423 1.1060295\n", + " 1.083742 1.0724665 1.0682622 1.065826 1.0592918 1.050329 1.0431378\n", + " 1.0401582 1.042511 1.0478852 1.0526739 1.0551884 1.0562353 1.0576534\n", + " 1.0609165 1.0682257 1.0777154]\n", + " [1.1580565 1.1525387 1.1610274 1.1683741 1.1580034 1.1285465 1.0975466\n", + " 1.0768865 1.0670073 1.0651658 1.0658054 1.0614771 1.0532678 1.0454766\n", + " 1.041981 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1751138 1.1701058 1.1784328 1.1858271 1.1727906 1.138422 1.1044707\n", + " 1.0817429 1.0727966 1.0725226 1.0728819 1.0686508 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1790389 1.1755736 1.1856859 1.194355 1.1811312 1.1477717 1.1134185\n", + " 1.0903541 1.0781257 1.0742146 1.072153 1.0657374 1.0564048 1.0482236\n", + " 1.0448587 1.0472203 1.0526644 1.0574738 1.0595886 1.060106 0.\n", + " 0. 0. 0. ]\n", + " [1.1654872 1.1635497 1.1757121 1.1854566 1.1756465 1.1428081 1.1074907\n", + " 1.0846654 1.0728744 1.068884 1.0670085 1.0608952 1.0523915 1.0449568\n", + " 1.0411923 1.042939 1.0478926 1.0524492 1.054604 1.0550774 1.0560789\n", + " 0. 0. 0. ]]\n", + "[[1.1656996 1.1601155 1.1689907 1.1784405 1.1671925 1.1373737 1.1055918\n", + " 1.0839558 1.0730805 1.0707818 1.0701597 1.065962 1.0573752 1.0493134\n", + " 1.0457275 0. 0. 0. 0. 0. ]\n", + " [1.1776913 1.1737168 1.1837256 1.1937995 1.1816607 1.1475493 1.1121941\n", + " 1.0875719 1.0772339 1.0751069 1.0747573 1.070086 1.0605806 1.0519733\n", + " 1.0475098 0. 0. 0. 0. 0. ]\n", + " [1.1869838 1.1835705 1.1943969 1.2034858 1.190265 1.1539711 1.1173024\n", + " 1.09272 1.0807238 1.0771668 1.0757431 1.0698608 1.0595454 1.0507667\n", + " 1.0468438 1.0484371 1.0542115 1.05977 1.0627999 0. ]\n", + " [1.1725216 1.1708431 1.1813061 1.1904676 1.1777406 1.1432406 1.108854\n", + " 1.0861144 1.0749388 1.0714251 1.0694762 1.0629456 1.0537393 1.0455767\n", + " 1.042243 1.0437914 1.048955 1.0539868 1.0561929 1.0572591]\n", + " [1.1618679 1.1570482 1.1659348 1.1723592 1.1623204 1.1323415 1.1019135\n", + " 1.0814528 1.0713223 1.0683461 1.0668406 1.0621594 1.0536022 1.0458627\n", + " 1.0420761 1.0439072 1.0487424 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1893016 1.1837261 1.1936548 1.2014146 1.1886475 1.1531062 1.1164055\n", + " 1.0927124 1.0823412 1.0807914 1.0807345 1.0754089 1.0652121 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1921189 1.1883353 1.1986787 1.2074257 1.1962193 1.1607655 1.1230766\n", + " 1.097824 1.0853941 1.0821319 1.0812774 1.075243 1.0649383 1.0556389\n", + " 1.0516407 1.0533359 1.0594283 1.0647074 0. 0. ]\n", + " [1.1928654 1.1870027 1.1964576 1.2035846 1.1909249 1.1555405 1.1181319\n", + " 1.0929124 1.0821873 1.0816209 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1619302 1.1573075 1.1658283 1.1741482 1.1626107 1.1322592 1.1003326\n", + " 1.0791358 1.068538 1.066041 1.0647876 1.0602863 1.0516574 1.0443698\n", + " 1.0410693 1.0427407 1.0476927 1.0527258 0. 0. ]\n", + " [1.160582 1.1577286 1.1672256 1.175598 1.1631813 1.1308784 1.0992583\n", + " 1.0778478 1.0670962 1.0640076 1.062709 1.057794 1.0501666 1.0431238\n", + " 1.0400229 1.0419118 1.0464473 1.0507025 1.0532961 1.0538553]]\n", + "[[1.1693062 1.1651956 1.1751257 1.1832126 1.1720836 1.1390955 1.1052659\n", + " 1.0824314 1.0721862 1.0698148 1.0689639 1.0646217 1.0563905 1.0481497\n", + " 1.0445768 1.0463909 1.0515796 0. 0. 0. ]\n", + " [1.1782907 1.1753337 1.1847452 1.1932223 1.1796653 1.1464773 1.1118262\n", + " 1.0885777 1.0774144 1.0736554 1.0720736 1.0658196 1.056604 1.0481019\n", + " 1.0445564 1.0467478 1.0521965 1.0572755 1.0597787 0. ]\n", + " [1.1594127 1.1540047 1.1613812 1.1673971 1.1563709 1.1265862 1.0959326\n", + " 1.0755731 1.0663933 1.0642534 1.0640354 1.0594283 1.0513124 1.0440303\n", + " 1.040841 1.0424873 0. 0. 0. 0. ]\n", + " [1.1764709 1.1693956 1.178568 1.1862725 1.1758034 1.1431537 1.1091119\n", + " 1.0865836 1.0760336 1.0741568 1.0747461 1.0696055 1.0603826 1.0513033\n", + " 1.047267 0. 0. 0. 0. 0. ]\n", + " [1.1757655 1.1722982 1.1817288 1.1897526 1.1768459 1.1445441 1.110664\n", + " 1.0876889 1.0752382 1.0711923 1.0690811 1.0625633 1.0541409 1.0466264\n", + " 1.0427386 1.0443842 1.0492829 1.0534228 1.0561111 1.0576634]]\n", + "[[1.165541 1.1629734 1.1725963 1.1811628 1.1683698 1.1355586 1.1016349\n", + " 1.0799234 1.0705725 1.068806 1.0686662 1.0638311 1.0556575 1.047883\n", + " 1.0440899 1.0459716 0. 0. ]\n", + " [1.1700084 1.1674471 1.1776738 1.1876531 1.1755812 1.1426805 1.1083077\n", + " 1.0850521 1.0747358 1.0717938 1.0711646 1.0663311 1.0571777 1.0488199\n", + " 1.0452753 1.0469248 1.0526786 0. ]\n", + " [1.1730675 1.1691837 1.1796649 1.1883795 1.1756331 1.141129 1.1060443\n", + " 1.0824386 1.0718738 1.0691023 1.0688891 1.0639778 1.0555466 1.0473003\n", + " 1.0441041 1.0458014 1.0510441 1.0563849]\n", + " [1.1695826 1.1662389 1.1763285 1.1840441 1.1728694 1.1410725 1.1066779\n", + " 1.0852888 1.0738684 1.0721982 1.0715455 1.0667484 1.0571313 1.0486827\n", + " 1.0451332 1.0474641 1.0529923 0. ]\n", + " [1.171562 1.1674616 1.1775634 1.186063 1.1738384 1.1401176 1.1068145\n", + " 1.0846119 1.074777 1.0726353 1.0731809 1.0673385 1.0584322 1.0499289\n", + " 1.0464909 0. 0. 0. ]]\n", + "[[1.1866987 1.1791929 1.1883595 1.1967692 1.1839187 1.1494524 1.1137195\n", + " 1.0904708 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.166455 1.1635087 1.1747503 1.184474 1.1748247 1.1429372 1.1095787\n", + " 1.0865599 1.0746787 1.0702397 1.0671421 1.060308 1.0503265 1.0428495\n", + " 1.0398034 1.0420622 1.0474128 1.052057 1.0541835 1.0548538 1.0561955\n", + " 1.0588324 1.0659344 1.0759132 1.0829997]\n", + " [1.1650927 1.1628903 1.1749984 1.1853582 1.1733001 1.1401157 1.1058143\n", + " 1.0827389 1.0710268 1.0681199 1.0664712 1.060864 1.0514593 1.04383\n", + " 1.0403531 1.0422267 1.0467019 1.0514935 1.0541455 1.0552427 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1699938 1.1666663 1.1790302 1.1895529 1.1780599 1.144398 1.1086566\n", + " 1.084927 1.0731773 1.069552 1.0677617 1.0622578 1.0532856 1.0449549\n", + " 1.0416131 1.0430969 1.0480257 1.053216 1.056052 1.0573894 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1542697 1.1499012 1.1595789 1.1671876 1.1568762 1.1268995 1.0959363\n", + " 1.0753878 1.0658858 1.0645682 1.065382 1.0606813 1.0523001 1.0443265\n", + " 1.040279 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1557144 1.151375 1.1613257 1.1691284 1.1590754 1.1283772 1.0969967\n", + " 1.076439 1.0664967 1.0651276 1.0652804 1.0605264 1.0524728 1.0444962\n", + " 1.041021 1.0428265 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1710953 1.1683503 1.1795658 1.1877258 1.1759435 1.1414601 1.1064632\n", + " 1.0834962 1.0727458 1.0702167 1.070361 1.0655516 1.0567287 1.0484494\n", + " 1.044786 1.0464449 1.051878 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1708808 1.168773 1.1780775 1.1873521 1.1753377 1.1417048 1.108312\n", + " 1.0857736 1.0743614 1.0702393 1.0684327 1.0626365 1.053701 1.0459547\n", + " 1.0429939 1.0446868 1.0498396 1.054717 1.0566319 1.0580246 1.0591722\n", + " 1.0627445 1.0703957]\n", + " [1.1564306 1.1525493 1.1620636 1.1702799 1.1597941 1.1297494 1.0987653\n", + " 1.0779546 1.0679637 1.0655257 1.0640385 1.0593512 1.0506569 1.0431011\n", + " 1.0395007 1.0410956 1.045735 1.0503938 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1616141 1.1572968 1.1669749 1.1749668 1.1644756 1.1332264 1.1007028\n", + " 1.0793914 1.0694463 1.0686214 1.0683954 1.0652342 1.0564785 1.0484524\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1660494 1.1626842 1.1727531 1.1818395 1.1698134 1.1373036 1.1051402\n", + " 1.0828317 1.0716523 1.0676581 1.0660868 1.0606447 1.0518067 1.043942\n", + " 1.0410358 1.0427049 1.0476533 1.0517914 1.0541655 1.0549326 0.\n", + " 0. ]\n", + " [1.1526929 1.1478984 1.1565818 1.16432 1.1529897 1.122992 1.0926661\n", + " 1.0728928 1.0638887 1.0620883 1.0620366 1.0578808 1.0500625 1.0430772\n", + " 1.0398762 1.0417852 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1657382 1.1623906 1.172843 1.1811789 1.1691215 1.1370094 1.1030043\n", + " 1.0807698 1.0704283 1.067746 1.0673513 1.0622042 1.0534495 1.0456035\n", + " 1.0422219 1.0435011 1.0481968 1.053058 0. 0. 0.\n", + " 0. ]\n", + " [1.1742243 1.1697946 1.1803851 1.1887904 1.1778946 1.1444736 1.1091031\n", + " 1.0862154 1.0758625 1.0737321 1.0741158 1.0697213 1.0607172 1.0520784\n", + " 1.0481834 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.158447 1.1559117 1.1665032 1.175013 1.1640401 1.1325487 1.1000588\n", + " 1.078832 1.0680504 1.0641565 1.0619321 1.0567826 1.0485967 1.0416782\n", + " 1.0388802 1.0408411 1.0452559 1.0499337 1.052056 1.0531867 1.0547146\n", + " 1.0583143]]\n", + "[[1.1725097 1.1699967 1.1811019 1.1899445 1.1773763 1.1428294 1.1073469\n", + " 1.0837862 1.072864 1.0701096 1.0689547 1.0641214 1.055663 1.0479745\n", + " 1.0440512 1.0456916 1.0508451 1.0557088 1.0580608 0. 0.\n", + " 0. ]\n", + " [1.1558503 1.1540524 1.16441 1.1740319 1.1638606 1.1334726 1.1014036\n", + " 1.0797862 1.0682173 1.06456 1.0625945 1.0571115 1.0487076 1.0418221\n", + " 1.0386482 1.040106 1.0445493 1.0491117 1.0514121 1.052118 1.0534133\n", + " 1.05687 ]\n", + " [1.1552901 1.1503105 1.1568955 1.1638958 1.1528417 1.1232972 1.0929064\n", + " 1.0731882 1.0634799 1.0615228 1.0609324 1.0568956 1.0495994 1.0426942\n", + " 1.0397046 1.0414023 1.0460907 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1785125 1.1749319 1.1846266 1.1924763 1.1797656 1.1473156 1.1125125\n", + " 1.0882399 1.0755894 1.0714028 1.0690398 1.0639526 1.0551542 1.0476463\n", + " 1.0445966 1.0463973 1.0512838 1.0561924 1.0588472 1.0604707 0.\n", + " 0. ]\n", + " [1.1650876 1.158702 1.1674721 1.1757569 1.1652759 1.134456 1.1025257\n", + " 1.0814803 1.071891 1.0707626 1.0706437 1.0660136 1.0566638 1.04806\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1935527 1.1886083 1.1980656 1.2063179 1.1929195 1.1583842 1.1221316\n", + " 1.0968354 1.0848416 1.0815448 1.0813802 1.0761949 1.0650884 1.0563734\n", + " 1.0523418 1.0546641 0. ]\n", + " [1.1797631 1.175262 1.1860431 1.1946411 1.1827369 1.1475427 1.1106079\n", + " 1.0872582 1.0761253 1.0756855 1.0762333 1.0722543 1.0629131 1.0534405\n", + " 1.0494657 0. 0. ]\n", + " [1.1815225 1.1775373 1.1871958 1.1963375 1.1829174 1.148863 1.1134083\n", + " 1.0898124 1.0788411 1.0759836 1.0749853 1.0698047 1.0604905 1.0510812\n", + " 1.0471826 1.0489044 1.0545665]\n", + " [1.1660475 1.1616441 1.1711066 1.1788945 1.166783 1.1344374 1.1017156\n", + " 1.0804944 1.0703884 1.0687355 1.0681539 1.0634443 1.0541127 1.0464277\n", + " 1.04271 1.0442094 1.0493929]\n", + " [1.1586232 1.1548011 1.164745 1.173226 1.1618131 1.1318214 1.1001629\n", + " 1.0788156 1.0685604 1.0656508 1.0648917 1.0603131 1.0521414 1.0447452\n", + " 1.04123 1.0428331 1.0477594]]\n", + "[[1.164149 1.1583443 1.1668459 1.1745634 1.1638939 1.1326665 1.100953\n", + " 1.0804055 1.0705582 1.0688921 1.0694325 1.0647802 1.0566107 1.048545\n", + " 1.0449909 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1686414 1.1654172 1.1760908 1.1853726 1.1733578 1.1391894 1.104615\n", + " 1.0819136 1.0723853 1.0707558 1.0710953 1.0665785 1.0574065 1.0491394\n", + " 1.0453287 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1684549 1.1656227 1.1763326 1.1848497 1.1716986 1.1390798 1.1055747\n", + " 1.083196 1.0730478 1.0708435 1.0699161 1.065156 1.0562716 1.0475967\n", + " 1.0438979 1.0455891 1.0516008 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1623968 1.1597154 1.1702998 1.1797447 1.1684583 1.138201 1.1061243\n", + " 1.0834651 1.0723062 1.0683385 1.0660737 1.0597185 1.0510283 1.0431873\n", + " 1.0402466 1.0418999 1.0467384 1.0512993 1.0536343 1.0543334 1.0557004\n", + " 1.0594987]\n", + " [1.1719757 1.1681502 1.1785117 1.1865212 1.1739652 1.1399075 1.1056544\n", + " 1.0829993 1.0719417 1.0693424 1.0680765 1.0624746 1.0534829 1.045853\n", + " 1.0426769 1.044591 1.0496287 1.0546453 1.0566522 0. 0.\n", + " 0. ]]\n", + "[[1.1838763 1.178368 1.1869215 1.1938137 1.1819992 1.1480153 1.1126119\n", + " 1.0898001 1.0787071 1.0748788 1.0742409 1.068685 1.0598228 1.0508581\n", + " 1.0472234 1.0491208 1.0541488 1.0589452 0. 0. ]\n", + " [1.1912141 1.1857185 1.194774 1.2029839 1.1900458 1.1545187 1.118628\n", + " 1.0942501 1.0824172 1.0794197 1.0800095 1.0746261 1.0652957 1.0560092\n", + " 1.052073 0. 0. 0. 0. 0. ]\n", + " [1.1611748 1.158243 1.1689589 1.1771827 1.1662056 1.1338582 1.1007735\n", + " 1.0787368 1.0689229 1.0667026 1.0659026 1.0617365 1.0529568 1.0452397\n", + " 1.0415156 1.0427421 1.0479034 0. 0. 0. ]\n", + " [1.1644644 1.1602408 1.1704049 1.1808326 1.1691452 1.136036 1.1018729\n", + " 1.0801673 1.0705606 1.0690659 1.0693986 1.0651009 1.0556222 1.047174\n", + " 1.0433247 1.0449947 0. 0. 0. 0. ]\n", + " [1.1631485 1.1615536 1.1713345 1.180809 1.1682895 1.1353338 1.1020061\n", + " 1.0795803 1.0678347 1.0646496 1.0633743 1.0583333 1.0503623 1.0435249\n", + " 1.0403336 1.042248 1.046842 1.0516713 1.0541079 1.0550467]]\n", + "[[1.1852686 1.1808645 1.1928507 1.2023399 1.190166 1.154383 1.1159608\n", + " 1.0912418 1.0797297 1.0776317 1.0779305 1.0727209 1.0633445 1.054475\n", + " 1.0507123 1.0527416 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1873097 1.1817784 1.1903586 1.1983635 1.1860927 1.1518886 1.116441\n", + " 1.092099 1.080484 1.0774577 1.0777204 1.0730597 1.0634984 1.0543995\n", + " 1.0504767 1.0528029 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1659664 1.1609479 1.1702504 1.1776621 1.1664041 1.1343108 1.101867\n", + " 1.0805007 1.0701438 1.0683056 1.067631 1.0633421 1.054366 1.0464504\n", + " 1.0432049 1.0454122 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1648922 1.1629426 1.1732149 1.1827196 1.170632 1.1383417 1.1046294\n", + " 1.0824462 1.0715616 1.0674133 1.0657166 1.0597116 1.0510795 1.0439835\n", + " 1.0410371 1.0424099 1.0474275 1.0523531 1.0542729 1.0552917 1.0566025\n", + " 1.059988 ]\n", + " [1.1928378 1.1881511 1.199588 1.2099869 1.1972997 1.16014 1.1214017\n", + " 1.0953448 1.0825206 1.0796707 1.0785457 1.0729463 1.0628935 1.0538533\n", + " 1.0498937 1.0520915 1.0580695 1.063848 1.0664952 0. 0.\n", + " 0. ]]\n", + "[[1.1643975 1.16079 1.1713372 1.1801821 1.169318 1.136163 1.1028993\n", + " 1.080707 1.0702189 1.0675246 1.0669755 1.0619966 1.0528467 1.0449575\n", + " 1.0409888 1.0427563 1.0479808 1.0530891 0. 0. 0. ]\n", + " [1.1711522 1.1670401 1.1773412 1.1867188 1.1739253 1.1401191 1.1060575\n", + " 1.0840682 1.0738817 1.0718749 1.0723147 1.0674644 1.0575712 1.0493371\n", + " 1.0453101 1.0474461 0. 0. 0. 0. 0. ]\n", + " [1.178694 1.1760288 1.1884403 1.198559 1.185752 1.1503245 1.1140457\n", + " 1.0893112 1.0771118 1.0738751 1.0724604 1.0660928 1.0568959 1.048729\n", + " 1.0448183 1.0463165 1.051531 1.0568178 1.0592709 1.060625 0. ]\n", + " [1.1572216 1.1554722 1.1652253 1.1733322 1.1616689 1.1305814 1.0988097\n", + " 1.0776109 1.0666015 1.0632974 1.0613497 1.0564358 1.0487041 1.0422754\n", + " 1.0393336 1.0408998 1.0445487 1.0489947 1.0512395 1.0523729 1.0539044]\n", + " [1.1758804 1.1736875 1.1845711 1.1930475 1.1820775 1.1488118 1.1135478\n", + " 1.089263 1.0775421 1.0733749 1.0717165 1.0655673 1.0561181 1.0479234\n", + " 1.0443306 1.0463734 1.0511737 1.0558051 1.0575492 1.0581268 0. ]]\n", + "[[1.180386 1.1769621 1.1878309 1.1956898 1.1813512 1.1470629 1.1122758\n", + " 1.0890031 1.0790983 1.0778383 1.0781087 1.0730808 1.0627549 1.053387\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1634252 1.1606691 1.1711885 1.1798992 1.1679969 1.1359624 1.1029716\n", + " 1.0810155 1.0712079 1.0689784 1.069334 1.064735 1.0558813 1.0485021\n", + " 1.0448185 0. 0. 0. 0. ]\n", + " [1.1794382 1.1749029 1.184987 1.1933657 1.1826351 1.1486114 1.1128138\n", + " 1.0883398 1.0762111 1.0729089 1.072084 1.0667968 1.0572782 1.0491391\n", + " 1.0449017 1.0466068 1.0520252 1.057431 1.060448 ]\n", + " [1.1797891 1.1744004 1.1843796 1.1923037 1.1810772 1.1478004 1.1127869\n", + " 1.0905056 1.0803471 1.0791639 1.079638 1.073859 1.0632433 1.0533257\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1979363 1.1929097 1.2036356 1.2131832 1.2001085 1.162642 1.1228603\n", + " 1.0979525 1.0858538 1.0840465 1.0849072 1.0793258 1.068087 1.058572\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1754556 1.1715581 1.1814737 1.1896429 1.177147 1.1426982 1.1079394\n", + " 1.0859609 1.0758706 1.0744071 1.0749753 1.0702333 1.0604221 1.0516137\n", + " 1.0478017 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1677766 1.1632515 1.1730386 1.1807104 1.1689537 1.1367186 1.1030143\n", + " 1.0814769 1.0721292 1.070493 1.0696819 1.0647494 1.0553683 1.0470479\n", + " 1.0435252 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1740558 1.1727324 1.184355 1.193558 1.1808451 1.1464505 1.1114192\n", + " 1.088149 1.0764894 1.0729246 1.0703402 1.0639741 1.0539223 1.0463456\n", + " 1.0430183 1.0452603 1.0503374 1.0555992 1.058522 1.0597824 1.0612524\n", + " 1.0654567]\n", + " [1.1812038 1.1766496 1.1863401 1.1943018 1.18089 1.1463717 1.1111323\n", + " 1.0878627 1.0775824 1.0752549 1.0744057 1.0691613 1.0599184 1.0508235\n", + " 1.0468886 1.0486265 1.0541086 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1725229 1.1687261 1.1793542 1.1885407 1.175973 1.1410079 1.1073953\n", + " 1.0843096 1.0735285 1.0707831 1.0697783 1.06453 1.0558294 1.0478446\n", + " 1.044399 1.0460346 1.0512378 1.0562919 1.0590527 0. 0.\n", + " 0. ]]\n", + "[[1.1682312 1.1646639 1.1750027 1.1840748 1.1721125 1.1393551 1.1057179\n", + " 1.0830437 1.0719988 1.0693312 1.0679961 1.0626596 1.0540067 1.0459317\n", + " 1.0422662 1.0441976 1.0495689 1.0547618 1.0573864 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1669343 1.1630223 1.173219 1.1817814 1.1694317 1.1367334 1.1037716\n", + " 1.0821922 1.0720357 1.0694138 1.0689714 1.0635012 1.0543747 1.0460973\n", + " 1.0426683 1.0445236 1.0493506 1.0540307 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1626232 1.1600559 1.1699164 1.1783707 1.1659455 1.134341 1.1019008\n", + " 1.0799835 1.0690231 1.0654833 1.0633178 1.0576998 1.0493695 1.0422775\n", + " 1.0394348 1.0415177 1.0458536 1.0507518 1.0529548 1.0536613 1.055194\n", + " 0. 0. 0. 0. ]\n", + " [1.1690786 1.1663718 1.1762713 1.1850585 1.1729801 1.1402931 1.1061805\n", + " 1.0831702 1.0724447 1.0691582 1.0688063 1.0635085 1.0546345 1.0466647\n", + " 1.0430707 1.0446571 1.0499421 1.0553242 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1402334 1.1376566 1.1471057 1.15828 1.1515098 1.1233335 1.0934277\n", + " 1.0736256 1.0631232 1.0598646 1.0576063 1.05263 1.0443269 1.0373411\n", + " 1.0340664 1.0356642 1.0401235 1.0450591 1.0465117 1.0470712 1.0481248\n", + " 1.0507329 1.0566288 1.0657196 1.0728168]]\n", + "[[1.1850517 1.180097 1.1912211 1.200997 1.188591 1.1533962 1.1167613\n", + " 1.0928755 1.0815207 1.0790104 1.0791683 1.0740443 1.0638406 1.0543602\n", + " 1.0499593 1.0518588 0. 0. 0. ]\n", + " [1.1569471 1.1525589 1.162511 1.1723086 1.1610916 1.129722 1.097588\n", + " 1.0757222 1.0645818 1.061612 1.0605716 1.056773 1.049215 1.0424157\n", + " 1.0396647 1.0412555 1.0453498 1.0496621 1.0519564]\n", + " [1.1794676 1.1762353 1.187325 1.1963161 1.1849564 1.1500798 1.1141342\n", + " 1.0900582 1.0778742 1.0751501 1.0732684 1.0675757 1.0577879 1.0495611\n", + " 1.0455016 1.0472472 1.0525316 1.0582058 1.0613638]\n", + " [1.2227824 1.2169396 1.2270608 1.2339491 1.2176548 1.1776049 1.1365432\n", + " 1.1086375 1.0962902 1.0942738 1.0944307 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1870792 1.1814926 1.1915665 1.200949 1.1883072 1.1530232 1.1161637\n", + " 1.0920125 1.0814841 1.0808543 1.0815963 1.0770235 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1870638 1.1806818 1.1880265 1.1945299 1.180063 1.1457894 1.1121328\n", + " 1.0896614 1.0800685 1.0789211 1.0787948 1.0728158 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1648037 1.1623753 1.1726314 1.1806474 1.1678548 1.134654 1.1014423\n", + " 1.0796983 1.0697128 1.067048 1.0659642 1.0616506 1.0532324 1.0452609\n", + " 1.0428339 1.0445868 1.0493925 1.054599 0. ]\n", + " [1.1844726 1.181977 1.1931454 1.2007896 1.1884019 1.1526744 1.1158713\n", + " 1.0911013 1.079182 1.0760013 1.0752544 1.069697 1.0607792 1.0519581\n", + " 1.0482749 1.0498294 1.055114 1.0605404 1.0633683]\n", + " [1.2017038 1.1942697 1.2031952 1.211933 1.199074 1.1624236 1.1251\n", + " 1.1005569 1.0890666 1.0872722 1.0870386 1.0811124 1.0698204 1.0595862\n", + " 1.0554103 0. 0. 0. 0. ]\n", + " [1.1786697 1.1742421 1.1855167 1.1944188 1.1830375 1.1483333 1.1120316\n", + " 1.0880673 1.0768155 1.0740516 1.0738828 1.069293 1.0594362 1.0508664\n", + " 1.0468606 1.048481 1.0541877 0. 0. ]]\n", + "[[1.1901994 1.1859702 1.1962907 1.2051992 1.1923443 1.1560497 1.1187917\n", + " 1.0944126 1.0835367 1.0816376 1.0820467 1.0770818 1.0666662 1.0568771\n", + " 1.0524212 0. 0. 0. 0. 0. 0. ]\n", + " [1.1526964 1.1501807 1.1608514 1.1704847 1.1608768 1.130096 1.0984538\n", + " 1.0771077 1.0658565 1.0626739 1.0609852 1.0556113 1.0473696 1.0407267\n", + " 1.0372895 1.0388854 1.043624 1.0481687 1.0504657 1.051167 1.0523614]\n", + " [1.1753799 1.1707563 1.1816846 1.1913027 1.1802664 1.1463709 1.1110084\n", + " 1.0874337 1.0767276 1.0750526 1.0754775 1.070936 1.0614564 1.0526552\n", + " 1.0486394 0. 0. 0. 0. 0. 0. ]\n", + " [1.1673973 1.163615 1.173855 1.1816239 1.1700916 1.1376357 1.1044437\n", + " 1.0823263 1.0714539 1.0683539 1.0670971 1.0623386 1.0536196 1.0458398\n", + " 1.0423201 1.0441417 1.0489354 1.0536968 1.0560324 0. 0. ]\n", + " [1.1750455 1.1692078 1.1776989 1.1839378 1.1726328 1.1412183 1.1082217\n", + " 1.0866978 1.0756277 1.0722106 1.070955 1.0658617 1.0572822 1.0487859\n", + " 1.0451387 1.046729 1.0520006 0. 0. 0. 0. ]]\n", + "[[1.1916461 1.1885942 1.1996673 1.2090051 1.1949226 1.1575309 1.119862\n", + " 1.0945126 1.0819517 1.077627 1.075563 1.0698749 1.0605456 1.0520142\n", + " 1.0482905 1.0502851 1.0553398 1.0602747 1.0630774 1.0644126]\n", + " [1.159775 1.1565619 1.1654477 1.1734841 1.1609888 1.1297935 1.098177\n", + " 1.0773475 1.0675527 1.0651773 1.0644403 1.0603952 1.0524268 1.0444134\n", + " 1.0414042 1.0430799 1.0479693 0. 0. 0. ]\n", + " [1.1710783 1.1666999 1.176924 1.1859267 1.1738282 1.1410557 1.1069659\n", + " 1.0843527 1.0742117 1.0715222 1.0709388 1.0664161 1.0577275 1.0496341\n", + " 1.0458302 1.0478003 1.0532701 0. 0. 0. ]\n", + " [1.1654863 1.162849 1.1724182 1.1824179 1.1709763 1.1369678 1.1033894\n", + " 1.0814278 1.0720829 1.0703666 1.0702149 1.0659827 1.0569215 1.0487254\n", + " 1.04495 0. 0. 0. 0. 0. ]\n", + " [1.1730968 1.1691239 1.1793046 1.1889604 1.177509 1.1441771 1.1091384\n", + " 1.0863284 1.0759261 1.0745788 1.074357 1.0696032 1.0607587 1.0516794\n", + " 1.0470401 1.0483491 0. 0. 0. 0. ]]\n", + "[[1.182536 1.1784352 1.1886418 1.1972023 1.1852012 1.149942 1.1128021\n", + " 1.0889657 1.0788633 1.0782179 1.0789902 1.0737994 1.0638434 1.0544906\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1768279 1.17525 1.1857022 1.1943297 1.1799594 1.1450747 1.1095247\n", + " 1.0859553 1.0744578 1.0715606 1.0698833 1.0654159 1.0564463 1.0486596\n", + " 1.0450065 1.0468822 1.052029 1.0569887 1.0591317 0. 0.\n", + " 0. ]\n", + " [1.1545638 1.1524885 1.1635981 1.1720456 1.1610203 1.1293595 1.0970873\n", + " 1.0759903 1.0660791 1.064654 1.0641938 1.0590707 1.050888 1.0431552\n", + " 1.0399255 1.0414815 1.0463356 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2093143 1.2017744 1.2110374 1.2188425 1.2038862 1.1676071 1.1292185\n", + " 1.1032959 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1529166 1.1502414 1.1602105 1.169295 1.158006 1.1286316 1.0980614\n", + " 1.0773603 1.066631 1.0627465 1.0605258 1.0548074 1.046419 1.0392734\n", + " 1.0363033 1.0380018 1.04225 1.0467583 1.0490781 1.0500746 1.0516262\n", + " 1.0544263]]\n", + "[[1.1724831 1.1683292 1.1771598 1.1852942 1.1727756 1.1390047 1.1045007\n", + " 1.0820234 1.0722376 1.0698694 1.0695673 1.0651344 1.0562255 1.0482095\n", + " 1.0447352 1.0466458 1.0523632 0. 0. ]\n", + " [1.184708 1.1816816 1.1929423 1.2029386 1.1905456 1.1550235 1.1174215\n", + " 1.0917841 1.0796171 1.0759164 1.0753517 1.0699214 1.0603652 1.051819\n", + " 1.0478022 1.0496434 1.0546861 1.0596476 0. ]\n", + " [1.1805393 1.175636 1.1854814 1.1947696 1.1818665 1.1476032 1.111969\n", + " 1.0882039 1.0767771 1.074539 1.0746315 1.0696435 1.0605668 1.0518492\n", + " 1.048147 1.0498773 1.0555348 0. 0. ]\n", + " [1.1779615 1.1722654 1.1812774 1.188323 1.1748853 1.140849 1.1065829\n", + " 1.0841262 1.0739459 1.0734227 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1744409 1.1715826 1.1825016 1.1923356 1.180164 1.1448771 1.1095467\n", + " 1.0858774 1.0743349 1.0712016 1.0700622 1.0643433 1.0558591 1.0481284\n", + " 1.0440007 1.0459123 1.0509019 1.0558203 1.0583116]]\n", + "[[1.1916455 1.187256 1.1965942 1.20664 1.1940732 1.1578959 1.121209\n", + " 1.0960474 1.0844238 1.0819776 1.0819851 1.0770444 1.0666232 1.0571086\n", + " 1.0529912 0. 0. 0. 0. 0. 0. ]\n", + " [1.1834338 1.1822586 1.1944591 1.2046633 1.1915023 1.1548337 1.1172899\n", + " 1.0927318 1.0806471 1.0771226 1.0745859 1.0686258 1.0583507 1.0497962\n", + " 1.0464789 1.0483553 1.0535097 1.0587537 1.0613099 1.0620699 1.0641322]\n", + " [1.1702869 1.1680411 1.1794477 1.1892809 1.1770904 1.143967 1.1099217\n", + " 1.0866537 1.0749838 1.0712525 1.0692211 1.0630846 1.0539955 1.0462415\n", + " 1.0430647 1.0444869 1.0494273 1.0545962 1.057322 1.0584991 0. ]\n", + " [1.1727763 1.1709255 1.1819575 1.1920347 1.1795648 1.1453345 1.1098089\n", + " 1.0864227 1.0745562 1.0709652 1.0698377 1.0639479 1.0547472 1.0464804\n", + " 1.043356 1.0447205 1.0493731 1.0544167 1.0563269 1.0572375 0. ]\n", + " [1.1766654 1.1710284 1.179963 1.188016 1.175256 1.1426027 1.1083908\n", + " 1.0856003 1.075063 1.0729225 1.0730602 1.0683568 1.0599385 1.0517688\n", + " 1.0480676 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1760967 1.1729697 1.183129 1.1926324 1.1806089 1.1469464 1.1126673\n", + " 1.0889949 1.0767286 1.0735313 1.0720074 1.0663829 1.0570956 1.0488932\n", + " 1.0444626 1.0461228 1.051081 1.0562992 1.0586385 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1710696 1.1660469 1.1754323 1.1830528 1.1722531 1.1391655 1.1042179\n", + " 1.0816163 1.0712457 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1721404 1.1679525 1.1775228 1.1856604 1.1729803 1.1395378 1.1056335\n", + " 1.0834059 1.0723091 1.0697527 1.0697598 1.0651373 1.0563928 1.0487367\n", + " 1.0451156 1.0467805 1.0520114 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.16751 1.1652809 1.1746819 1.1827698 1.1690395 1.1363757 1.1032097\n", + " 1.081417 1.0710343 1.0683391 1.0680568 1.0632379 1.0535815 1.0460161\n", + " 1.0425274 1.0443176 1.0494376 1.0545352 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1560459 1.1537277 1.1633924 1.1733778 1.1633916 1.1321616 1.1008419\n", + " 1.0795552 1.0685517 1.0644462 1.0622337 1.056758 1.048016 1.0410569\n", + " 1.0381215 1.0400242 1.0447031 1.0490621 1.051971 1.0533775 1.054317\n", + " 1.0571903 1.0639585 1.072727 ]]\n", + "[[1.1708711 1.1686118 1.1797354 1.1893294 1.1768086 1.1435022 1.1088336\n", + " 1.0855892 1.0742091 1.0710659 1.0699203 1.064173 1.0552561 1.0469091\n", + " 1.0431339 1.0449421 1.0498847 1.0550034 1.0577937 0. ]\n", + " [1.1736325 1.1714346 1.1816776 1.1911565 1.1777041 1.1427664 1.108306\n", + " 1.0853393 1.0751013 1.0726998 1.0729758 1.068156 1.059034 1.050601\n", + " 1.0468265 1.0487456 0. 0. 0. 0. ]\n", + " [1.1647103 1.1617808 1.1732223 1.1834685 1.1730244 1.1403409 1.1057428\n", + " 1.0832126 1.0720935 1.0689754 1.0672019 1.0612129 1.0515677 1.0438108\n", + " 1.040148 1.0416201 1.0465672 1.0513566 1.053965 1.055004 ]\n", + " [1.1695552 1.1666018 1.1772647 1.1863472 1.173424 1.1399956 1.1059788\n", + " 1.0831827 1.0720292 1.0683578 1.0663636 1.0607381 1.0524168 1.0447531\n", + " 1.0414929 1.043337 1.0482526 1.0528258 1.0550735 1.055887 ]\n", + " [1.1771299 1.1728694 1.1835862 1.1926702 1.179461 1.1452767 1.1099594\n", + " 1.0864874 1.0744948 1.071151 1.069802 1.0646034 1.0562842 1.0484015\n", + " 1.0449795 1.0469879 1.0521693 1.057142 1.0596181 0. ]]\n", + "[[1.1890804 1.1827993 1.1915836 1.1992075 1.1855321 1.1498739 1.1129133\n", + " 1.0889041 1.0785418 1.0773721 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1630348 1.1597432 1.1697992 1.1793188 1.1679616 1.1365446 1.1033936\n", + " 1.0812162 1.0707899 1.0691434 1.069429 1.0652621 1.0567577 1.048554\n", + " 1.0446408 0. 0. 0. ]\n", + " [1.2039821 1.1977605 1.2072661 1.215808 1.2027018 1.1659503 1.1277215\n", + " 1.1023203 1.08983 1.0876378 1.0870804 1.0799832 1.0692852 1.0594387\n", + " 1.0554564 0. 0. 0. ]\n", + " [1.1706859 1.1661459 1.174618 1.1817896 1.1682916 1.1363049 1.1039823\n", + " 1.0820823 1.0713195 1.0684439 1.0669615 1.0617992 1.0529715 1.0453563\n", + " 1.0429441 1.044975 1.0499743 1.0553579]\n", + " [1.1512481 1.1477507 1.1576391 1.1658331 1.1554501 1.1251683 1.0937333\n", + " 1.0734833 1.0644261 1.0628732 1.0630251 1.0588056 1.0505317 1.0433193\n", + " 1.0397449 1.0415659 0. 0. ]]\n", + "[[1.154872 1.1528347 1.1636963 1.1741831 1.1630316 1.1312047 1.098133\n", + " 1.0762286 1.0652618 1.0620573 1.0604154 1.0551268 1.0466523 1.0396299\n", + " 1.0368482 1.0385536 1.0433885 1.0481818 1.050347 1.0513918 1.0525112\n", + " 1.0554396 1.0618145 1.0711257 1.078096 ]\n", + " [1.1684598 1.1621015 1.1715767 1.1808836 1.1697983 1.1381382 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1787349 1.1727078 1.1829011 1.192086 1.1811907 1.1468722 1.1109298\n", + " 1.0877289 1.0773075 1.0750272 1.0751476 1.0696889 1.0598593 1.0506998\n", + " 1.0464411 1.0481243 1.0538354 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1635159 1.1611941 1.1728874 1.1827073 1.172437 1.1402602 1.1068777\n", + " 1.0836713 1.072241 1.0681189 1.0660334 1.0602288 1.0514473 1.0436734\n", + " 1.0404466 1.0418066 1.0464135 1.0513082 1.053615 1.0548431 1.0562036\n", + " 0. 0. 0. 0. ]\n", + " [1.1584929 1.1559635 1.1649009 1.1731467 1.1615953 1.1307356 1.0989009\n", + " 1.0772985 1.0663179 1.0632057 1.0615954 1.056424 1.049 1.0421195\n", + " 1.038999 1.0406072 1.0448906 1.0492724 1.0515869 1.0525211 1.0540456\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1761953 1.1700771 1.1790874 1.1873318 1.1744173 1.1408135 1.1070791\n", + " 1.0861279 1.0770326 1.0765612 1.0767397 1.0718932 1.0621245 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1539356 1.1495084 1.1570191 1.1640937 1.1524625 1.1241134 1.0940814\n", + " 1.0745602 1.0658096 1.0645503 1.0647658 1.060942 1.053039 1.0453849\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.177953 1.1745883 1.1846769 1.1932399 1.182191 1.1484538 1.1132841\n", + " 1.0890839 1.0775054 1.0733225 1.0714577 1.0655636 1.0562465 1.0481124\n", + " 1.0449688 1.046923 1.0523009 1.0571872 1.0594193 1.0601481 0. ]\n", + " [1.1791602 1.1761597 1.1869738 1.195337 1.1848456 1.1502026 1.1143672\n", + " 1.0907596 1.0789613 1.0762248 1.0750271 1.0692304 1.0590488 1.0504946\n", + " 1.0465752 1.0486372 1.054215 1.0591484 0. 0. 0. ]\n", + " [1.1695842 1.1685288 1.1798472 1.1898057 1.1785908 1.1451741 1.1099682\n", + " 1.085902 1.0742663 1.069665 1.0673863 1.0624454 1.0535612 1.0462666\n", + " 1.042476 1.0442497 1.0488749 1.0536823 1.056356 1.0578854 1.0593889]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1616453 1.1589286 1.1688913 1.1777678 1.1661105 1.1332651 1.1007507\n", + " 1.078927 1.0688128 1.0661639 1.0660641 1.061396 1.0527408 1.0454836\n", + " 1.041922 1.0434128 1.0485395 0. 0. 0. 0. ]\n", + " [1.1645172 1.161261 1.1722013 1.1820384 1.1711135 1.1376728 1.1028535\n", + " 1.0809317 1.0701468 1.0677147 1.0675589 1.0627011 1.053806 1.0460309\n", + " 1.0420884 1.0441399 1.0490925 1.0543175 0. 0. 0. ]\n", + " [1.1932458 1.1885217 1.1982541 1.206668 1.1930022 1.1575953 1.121409\n", + " 1.0972292 1.0849861 1.0818454 1.0816852 1.0759313 1.0656502 1.0566312\n", + " 1.0524375 1.0548412 1.0612732 0. 0. 0. 0. ]\n", + " [1.171598 1.1692803 1.1802806 1.1901556 1.1787372 1.1458044 1.1114454\n", + " 1.0883352 1.0760381 1.0717623 1.0695016 1.0625964 1.0535821 1.0458152\n", + " 1.0426493 1.0446509 1.0499364 1.0549431 1.0573204 1.0583202 1.0598836]\n", + " [1.1673739 1.1617441 1.1697167 1.1792285 1.1683528 1.1356913 1.1031454\n", + " 1.0812646 1.071955 1.0707347 1.0707828 1.0666922 1.0574821 1.0490637\n", + " 1.0450648 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1710323 1.1688551 1.1804545 1.1900053 1.177481 1.1435578 1.1088644\n", + " 1.0854901 1.0738552 1.0702126 1.0685217 1.062451 1.0540156 1.0462033\n", + " 1.0427574 1.044704 1.0494366 1.0545266 1.0567583 1.0576454 1.0593172\n", + " 0. ]\n", + " [1.1885006 1.1860822 1.1958898 1.2038224 1.1896563 1.1533372 1.1173514\n", + " 1.0926002 1.0811005 1.078462 1.0773406 1.0725962 1.0626724 1.0537399\n", + " 1.0497754 1.0515473 1.0572723 1.0629196 0. 0. 0.\n", + " 0. ]\n", + " [1.1568192 1.152834 1.1605293 1.1665429 1.1544158 1.1243105 1.0949157\n", + " 1.0759915 1.067058 1.065148 1.064731 1.0602444 1.0516179 1.0443721\n", + " 1.0410024 1.0427151 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.158063 1.1554141 1.1648839 1.1721606 1.1615132 1.1308126 1.0992715\n", + " 1.0782499 1.0678383 1.0642043 1.061981 1.0568689 1.0482764 1.0415977\n", + " 1.0386702 1.0404862 1.0453585 1.0499549 1.052271 1.0532297 1.0546794\n", + " 1.0581954]\n", + " [1.1797442 1.176177 1.1877156 1.1972234 1.185262 1.1497939 1.1130201\n", + " 1.0889989 1.0786465 1.0772552 1.0782661 1.0728656 1.0633495 1.0536609\n", + " 1.0493518 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1648335 1.1625522 1.1728008 1.1807787 1.1683569 1.1353742 1.1015505\n", + " 1.0802293 1.0701697 1.0687726 1.0683604 1.0632577 1.0539339 1.0458549\n", + " 1.042138 1.0436722 1.0490218 0. 0. ]\n", + " [1.1789516 1.1753272 1.1857203 1.1952302 1.1822402 1.1482463 1.1122445\n", + " 1.0882868 1.0774446 1.0745778 1.0736074 1.0680144 1.0588872 1.0499939\n", + " 1.0464803 1.0484098 1.0538607 0. 0. ]\n", + " [1.1851196 1.1809728 1.1920962 1.2017416 1.1885629 1.1523199 1.1152054\n", + " 1.0911273 1.0808966 1.0801299 1.0812086 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1792065 1.1756886 1.1863648 1.1953199 1.1824925 1.147607 1.1116825\n", + " 1.0881674 1.0775015 1.0755318 1.0758497 1.0705665 1.0611249 1.052309\n", + " 1.0482264 0. 0. 0. 0. ]\n", + " [1.1723797 1.170505 1.1816396 1.1890937 1.176379 1.1413592 1.1066133\n", + " 1.0834602 1.0729228 1.0698569 1.0678856 1.0628027 1.0535214 1.0455523\n", + " 1.0421219 1.0442224 1.0490406 1.0539677 1.0563227]]\n", + "[[1.1947217 1.1901747 1.2011673 1.209886 1.1979594 1.1613781 1.1235969\n", + " 1.0978186 1.0869449 1.0852844 1.0862377 1.0803016 1.0690374 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1558702 1.1523603 1.1621253 1.1707101 1.1601907 1.1289035 1.0969278\n", + " 1.076065 1.0670464 1.0655209 1.0659792 1.0615155 1.0528395 1.0451568\n", + " 1.0414593 0. 0. 0. 0. 0. 0. ]\n", + " [1.1682276 1.1621054 1.1698112 1.1768829 1.165219 1.1342326 1.1009241\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1704912 1.1680772 1.1796615 1.1881607 1.1762033 1.1421235 1.1072377\n", + " 1.0840112 1.0730057 1.0694168 1.0689449 1.0640802 1.0546988 1.0468934\n", + " 1.0435648 1.0452569 1.0499254 1.0551864 1.0575575 0. 0. ]\n", + " [1.1834275 1.1802107 1.1906471 1.1999884 1.1869667 1.1529266 1.1174836\n", + " 1.0933726 1.0812025 1.0767473 1.0747997 1.0684556 1.058657 1.050598\n", + " 1.0470005 1.0493101 1.0543804 1.0597446 1.0619223 1.062519 1.0636915]]\n", + "[[1.162516 1.1608689 1.1718291 1.1796778 1.1673086 1.135464 1.102408\n", + " 1.0804118 1.0697287 1.0660481 1.0636249 1.0585773 1.0496756 1.0427983\n", + " 1.0394709 1.0415001 1.0460917 1.050521 1.0530026 1.0541111]\n", + " [1.1910594 1.1847808 1.1945276 1.2027704 1.1905949 1.1556588 1.1189494\n", + " 1.0952967 1.0845335 1.0828757 1.0825751 1.0769594 1.0657405 1.0560839\n", + " 1.0519454 0. 0. 0. 0. 0. ]\n", + " [1.1589139 1.1563786 1.166136 1.1753945 1.1652454 1.1344398 1.102701\n", + " 1.0807732 1.0692217 1.0655298 1.0633112 1.0578686 1.0492721 1.0418758\n", + " 1.0391452 1.0409538 1.0455489 1.0499951 1.05224 1.0530139]\n", + " [1.1693006 1.1670058 1.1788193 1.187118 1.1748605 1.141251 1.1071612\n", + " 1.0844508 1.0732858 1.0700151 1.0691682 1.0642794 1.055209 1.0465058\n", + " 1.0427374 1.0449245 1.0500236 1.0551492 0. 0. ]\n", + " [1.1619972 1.1570542 1.1643937 1.1718962 1.1596464 1.1284028 1.0971451\n", + " 1.0768739 1.0673983 1.0655439 1.0656247 1.0620289 1.0541396 1.0462857\n", + " 1.0429531 1.0445713 0. 0. 0. 0. ]]\n", + "[[1.1954523 1.189208 1.1985474 1.2060112 1.1922874 1.1554058 1.1180835\n", + " 1.094219 1.0843265 1.0835874 1.0841677 1.0788295 1.0678612 0.\n", + " 0. 0. 0. ]\n", + " [1.1637685 1.1613183 1.17297 1.1821477 1.1717284 1.1388477 1.1045364\n", + " 1.0820285 1.0710056 1.069103 1.0688573 1.0641296 1.0556809 1.0469797\n", + " 1.0431983 1.0447803 1.0497892]\n", + " [1.1540699 1.1515274 1.1621221 1.1707277 1.1593565 1.1268005 1.0949283\n", + " 1.0745784 1.064913 1.0641005 1.0644512 1.0601166 1.0519512 1.0440234\n", + " 1.0400655 1.0416902 0. ]\n", + " [1.1597285 1.1551657 1.1643469 1.1711366 1.1595203 1.1288666 1.0975047\n", + " 1.0763248 1.0673552 1.0659846 1.0661546 1.0620892 1.0538135 1.0457547\n", + " 1.0422474 0. 0. ]\n", + " [1.1727114 1.1687505 1.1804775 1.1894763 1.1790025 1.1450052 1.1086789\n", + " 1.0852362 1.0739943 1.0727555 1.0735548 1.0692304 1.0606825 1.051895\n", + " 1.0478655 0. 0. ]]\n", + "[[1.1675255 1.1634376 1.1730834 1.1817542 1.1710992 1.1373036 1.1032296\n", + " 1.081015 1.070251 1.0683712 1.0683666 1.064483 1.056347 1.0481284\n", + " 1.0445421 1.0462925 0. 0. ]\n", + " [1.1680954 1.1617589 1.1699052 1.1776123 1.1668047 1.1349366 1.1027627\n", + " 1.0813768 1.0720367 1.0714003 1.0721902 1.0679523 1.0594038 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1697843 1.1657275 1.1752824 1.1848061 1.1723996 1.1397976 1.1059896\n", + " 1.0832404 1.0729517 1.0725714 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1531358 1.1490352 1.1585922 1.1680835 1.1576242 1.1278322 1.0964228\n", + " 1.0751985 1.0656257 1.0633662 1.0635325 1.0590004 1.0505588 1.0426769\n", + " 1.0391912 1.0408148 1.0457892 0. ]\n", + " [1.1763095 1.1710323 1.1790704 1.1867748 1.173669 1.1402396 1.1069877\n", + " 1.0847852 1.0743043 1.0710216 1.0702965 1.0645438 1.055366 1.0472937\n", + " 1.0440019 1.0463196 1.0520474 1.0575072]]\n", + "[[1.2252955 1.2190417 1.2294266 1.2380836 1.2219038 1.1827365 1.1408662\n", + " 1.1129326 1.1007292 1.0981566 1.0989159 1.0917175 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1847945 1.1800908 1.1902313 1.1994466 1.1868529 1.1506793 1.1149869\n", + " 1.0912058 1.0802859 1.0794321 1.0791843 1.0745661 1.0638676 1.0543102\n", + " 1.049764 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1608697 1.1577668 1.167377 1.1757754 1.1646483 1.1328979 1.1002618\n", + " 1.0788968 1.0683835 1.0666443 1.0659952 1.0607188 1.052535 1.0447282\n", + " 1.0411135 1.0426574 1.0472808 1.0523934 0. 0. 0.\n", + " 0. ]\n", + " [1.1902679 1.1873809 1.1976929 1.2070214 1.1944901 1.1600782 1.12348\n", + " 1.0981807 1.0854673 1.0806743 1.0775232 1.0708957 1.0611289 1.0525004\n", + " 1.0488485 1.0505629 1.056394 1.0618645 1.0640556 1.0648444 1.0662658\n", + " 0. ]\n", + " [1.165742 1.1633205 1.174004 1.1831806 1.1709226 1.1381607 1.1052183\n", + " 1.0835854 1.0723672 1.0686178 1.0665386 1.0600969 1.0511142 1.043676\n", + " 1.0403664 1.0425007 1.0477185 1.053203 1.0559971 1.0570986 1.0586295\n", + " 1.0619398]]\n", + "[[1.1732359 1.1690599 1.1789976 1.1882746 1.1756085 1.141188 1.1072024\n", + " 1.08497 1.0754875 1.0740961 1.0753738 1.0701528 1.0605419 1.051485\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.16414 1.1627659 1.1730195 1.1810372 1.1681871 1.1352798 1.1024892\n", + " 1.0809405 1.0701022 1.0671046 1.0668998 1.0617962 1.0533817 1.0458094\n", + " 1.0425552 1.0440341 1.0487335 1.0536323 0. 0. 0. ]\n", + " [1.1666069 1.1640862 1.1749237 1.1839943 1.1720542 1.1382881 1.1040939\n", + " 1.0814146 1.0707184 1.0683244 1.0672064 1.062355 1.0534991 1.0457394\n", + " 1.0422608 1.0439602 1.0490748 1.0542376 0. 0. 0. ]\n", + " [1.1881574 1.18649 1.1979277 1.2067018 1.1921186 1.1543496 1.1181176\n", + " 1.093672 1.0819058 1.0785302 1.0768658 1.0709001 1.0607808 1.0517082\n", + " 1.0480543 1.0499415 1.0552436 1.0606071 1.0636404 0. 0. ]\n", + " [1.162446 1.1593878 1.1683843 1.1757548 1.1636746 1.1333797 1.10192\n", + " 1.0810757 1.07028 1.0666535 1.0646604 1.0583401 1.0500399 1.0427074\n", + " 1.0399525 1.0415142 1.0463197 1.0508701 1.0531439 1.0539497 1.0559638]]\n", + "[[1.1625757 1.1575571 1.1648762 1.1719391 1.1601009 1.1294149 1.0974379\n", + " 1.0772554 1.0673375 1.0662609 1.0662324 1.0621153 1.0545063 1.0463006\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1776371 1.1734862 1.1830809 1.1917355 1.1796901 1.1455535 1.1094633\n", + " 1.0869985 1.0754145 1.0719609 1.0707505 1.0657281 1.0564778 1.0487924\n", + " 1.0445671 1.0467492 1.0517333 1.0567427 1.0593524]\n", + " [1.1647656 1.1614841 1.1710255 1.1807883 1.1681812 1.1366287 1.1034827\n", + " 1.0814711 1.070658 1.0680324 1.0666195 1.0606892 1.0524207 1.044603\n", + " 1.0408597 1.0422858 1.046918 1.0520731 1.0540403]\n", + " [1.1756443 1.169621 1.1783154 1.1857053 1.173413 1.1394846 1.1052607\n", + " 1.0822312 1.0729557 1.0721316 1.0732381 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1723648 1.170482 1.1827852 1.1939476 1.1810281 1.1456383 1.108486\n", + " 1.0837333 1.072235 1.0692984 1.0680481 1.063197 1.0545287 1.0470066\n", + " 1.0432397 1.0450741 1.0501469 1.0549634 1.057646 ]]\n", + "[[1.169437 1.1644946 1.1745325 1.1840494 1.1732595 1.1397569 1.1052029\n", + " 1.0823449 1.0714188 1.0692439 1.0690265 1.064125 1.0553399 1.0474325\n", + " 1.0435897 1.045409 1.050568 0. 0. 0. ]\n", + " [1.1941661 1.1905468 1.2014637 1.2111433 1.1974132 1.1620983 1.1246523\n", + " 1.0986338 1.0854776 1.0808613 1.0789769 1.0722816 1.0624063 1.0539166\n", + " 1.0500847 1.0521322 1.0580348 1.0636319 1.0660362 1.0669458]\n", + " [1.1910985 1.1877689 1.1981282 1.2063396 1.1942451 1.1582913 1.1206324\n", + " 1.09563 1.0826075 1.0788183 1.0771711 1.0708395 1.0618489 1.0534357\n", + " 1.0495188 1.0513089 1.0565413 1.0617449 1.0643377 0. ]\n", + " [1.1699966 1.1664236 1.1758742 1.1829207 1.1707574 1.1374278 1.1040524\n", + " 1.0814681 1.0707557 1.0677972 1.0673866 1.0626456 1.0545624 1.0466014\n", + " 1.0432739 1.0452788 1.0508538 0. 0. 0. ]\n", + " [1.181709 1.1780255 1.1887555 1.1982313 1.1845765 1.1492162 1.1129975\n", + " 1.088604 1.0777249 1.0747143 1.0745299 1.0697888 1.0601612 1.0513934\n", + " 1.0477066 1.0495924 1.0553628 0. 0. 0. ]]\n", + "[[1.1464999 1.1411369 1.1485695 1.1544288 1.1439317 1.1166271 1.0886321\n", + " 1.0700755 1.061684 1.0600315 1.0600203 1.0560983 1.048385 1.0412722\n", + " 1.0382359 0. 0. 0. ]\n", + " [1.1457427 1.1418527 1.151082 1.1591035 1.1493554 1.1199987 1.0899991\n", + " 1.070596 1.0613631 1.0601262 1.0600154 1.0553973 1.0474427 1.0401107\n", + " 1.0367341 1.0382553 1.0431331 0. ]\n", + " [1.1574519 1.1531619 1.1615021 1.1697493 1.1582847 1.1287079 1.0970536\n", + " 1.0756592 1.0651331 1.0628728 1.0622869 1.0577983 1.050707 1.043558\n", + " 1.040182 1.0416936 1.046297 1.0511074]\n", + " [1.1608052 1.157966 1.1681882 1.176703 1.1654457 1.1339219 1.1012498\n", + " 1.0791982 1.0682352 1.0656328 1.0654033 1.0605426 1.0519373 1.0444539\n", + " 1.0409842 1.0420973 1.046928 1.0517504]\n", + " [1.1581208 1.1558293 1.1666154 1.1750067 1.1622043 1.1310323 1.0990471\n", + " 1.0779189 1.0677837 1.0647554 1.0644265 1.0597402 1.0508698 1.0437224\n", + " 1.0405792 1.0421442 1.0469617 1.0518043]]\n", + "[[1.1643568 1.159065 1.1667769 1.1720545 1.1599231 1.1288589 1.0974039\n", + " 1.0776465 1.0688624 1.0679876 1.0685737 1.0645592 1.055742 1.0475867\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1818762 1.179451 1.1916645 1.2012879 1.1895871 1.1541284 1.1174808\n", + " 1.092408 1.0797377 1.0755678 1.0741417 1.06796 1.0583589 1.0495474\n", + " 1.0458163 1.0476477 1.0529145 1.0582768 1.0613363 1.0625644 0.\n", + " 0. ]\n", + " [1.1874348 1.1827332 1.1920128 1.2004378 1.1876248 1.1538914 1.1168774\n", + " 1.0931299 1.0811734 1.0794692 1.0790681 1.074474 1.0649498 1.0552832\n", + " 1.0513538 1.053403 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1727842 1.171415 1.1822014 1.19191 1.1812385 1.1472512 1.112816\n", + " 1.0891494 1.0771134 1.0726839 1.0700026 1.0640244 1.0545651 1.0462071\n", + " 1.0431243 1.0448996 1.0505006 1.0555737 1.0584346 1.0594145 1.0608562\n", + " 1.0642971]\n", + " [1.1720531 1.1672696 1.17741 1.1857564 1.1742492 1.1399057 1.1059266\n", + " 1.084185 1.0743289 1.0728469 1.0730723 1.0680513 1.0586503 1.0498071\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.16058 1.1566201 1.1676193 1.177893 1.1662104 1.1342299 1.101222\n", + " 1.079138 1.0693046 1.0678494 1.0679085 1.0634332 1.0547578 1.0467863\n", + " 1.0431595 1.0450537 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1733928 1.1682249 1.1762959 1.1840345 1.1729198 1.1408532 1.1082418\n", + " 1.0859216 1.0750407 1.072404 1.0721179 1.0668736 1.0579945 1.0497837\n", + " 1.0461903 1.0484785 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1594292 1.156639 1.1668162 1.1749601 1.1639208 1.1321728 1.0996983\n", + " 1.0782441 1.0682759 1.0669317 1.0671345 1.0635768 1.0544529 1.0464197\n", + " 1.0427961 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2110888 1.2041987 1.2145493 1.2239602 1.209536 1.171622 1.132299\n", + " 1.1059303 1.0941294 1.0926111 1.0921276 1.0863549 1.0745625 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1536419 1.1518502 1.1633606 1.1725154 1.1614932 1.1308076 1.0988903\n", + " 1.0773822 1.066884 1.0633504 1.0615587 1.0561771 1.0480804 1.0411841\n", + " 1.0379887 1.0398164 1.0442384 1.048638 1.0511849 1.0518357 1.0533003\n", + " 1.0569164 1.0638617]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1743424 1.1678474 1.1768407 1.1860075 1.1730872 1.141074 1.1068887\n", + " 1.0842186 1.074125 1.0714324 1.0716275 1.0668889 1.0583664 1.0503055\n", + " 1.0465342 1.0487764 0. 0. 0. 0. 0. ]\n", + " [1.1814287 1.1787126 1.1893064 1.1981272 1.1844981 1.1496859 1.1139413\n", + " 1.0900047 1.0785513 1.0756733 1.0744123 1.0692624 1.0601344 1.0510463\n", + " 1.0471567 1.0487947 1.0542339 1.0600032 0. 0. 0. ]\n", + " [1.1896003 1.1842779 1.1941581 1.2025092 1.1889166 1.1530248 1.1164142\n", + " 1.092516 1.0826532 1.0819888 1.0820997 1.0769675 1.0659817 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1529815 1.1508608 1.1616794 1.1698253 1.1585624 1.1276426 1.0965667\n", + " 1.0757613 1.0650673 1.0624112 1.0604724 1.0549515 1.0466096 1.0398957\n", + " 1.0369695 1.0386958 1.0424889 1.0471523 1.0491778 1.050448 1.0516742]\n", + " [1.1735166 1.1682403 1.17715 1.1857771 1.1731447 1.1405245 1.1070267\n", + " 1.0851666 1.0749991 1.0728575 1.0726882 1.067805 1.0584209 1.0502722\n", + " 1.0464562 1.0486522 0. 0. 0. 0. 0. ]]\n", + "[[1.1676251 1.1643653 1.174809 1.1827712 1.1731277 1.1407536 1.1070188\n", + " 1.0855563 1.0748508 1.0730635 1.0732298 1.0682051 1.059035 1.049804\n", + " 1.0456898 0. 0. ]\n", + " [1.1519822 1.1477786 1.1550555 1.1611124 1.1486247 1.1197592 1.0907226\n", + " 1.0713382 1.0625597 1.0605874 1.0608388 1.0568265 1.0491383 1.0422995\n", + " 1.0390013 1.040537 1.045295 ]\n", + " [1.1745989 1.170296 1.1808214 1.1900328 1.1784389 1.1444191 1.1093442\n", + " 1.0863602 1.0760498 1.0735372 1.0737321 1.0685768 1.0592189 1.0505631\n", + " 1.046703 1.0484223 1.0537229]\n", + " [1.1747468 1.16998 1.1804206 1.1879444 1.1744456 1.1398321 1.105721\n", + " 1.0838656 1.0745515 1.0736713 1.0740511 1.0692744 1.0595253 0.\n", + " 0. 0. 0. ]\n", + " [1.182085 1.1781429 1.1895298 1.1992464 1.186402 1.1501547 1.1128951\n", + " 1.0888443 1.0784096 1.076674 1.0769268 1.0724458 1.0627024 1.0538026\n", + " 1.0493443 1.0515664 0. ]]\n", + "[[1.1862904 1.1824027 1.1935022 1.2037809 1.1901443 1.1541569 1.1166211\n", + " 1.0923063 1.0813934 1.0789511 1.0794122 1.0739688 1.0638547 1.0542879\n", + " 1.0505748 1.0530256 0. 0. 0. 0. ]\n", + " [1.1686949 1.1653736 1.1757636 1.1850212 1.1739843 1.1405973 1.1058999\n", + " 1.0833989 1.0727297 1.0703682 1.0699189 1.0653945 1.0564591 1.0485207\n", + " 1.0448445 1.046532 1.051708 0. 0. 0. ]\n", + " [1.1846498 1.1824766 1.1949037 1.2049788 1.1926084 1.1560197 1.117779\n", + " 1.0916188 1.0794301 1.0756991 1.0737612 1.0672252 1.0580401 1.0496539\n", + " 1.0458583 1.0481257 1.0538914 1.0591469 1.0615772 1.0624478]\n", + " [1.1784475 1.1745012 1.1842883 1.1934012 1.1808426 1.1456267 1.1093643\n", + " 1.0861008 1.0757781 1.0743723 1.075752 1.0703472 1.0607363 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1415545 1.1380548 1.1474389 1.1551462 1.1449789 1.1159258 1.0873848\n", + " 1.0684069 1.0595988 1.0581176 1.0583291 1.0542551 1.0474796 1.0406421\n", + " 1.0378532 1.0395662 0. 0. 0. 0. ]]\n", + "[[1.1823729 1.1786883 1.1891614 1.196515 1.1844676 1.1497257 1.113667\n", + " 1.0902079 1.0784686 1.0744854 1.073129 1.0674578 1.0582246 1.0497873\n", + " 1.0456986 1.0478356 1.0535356 1.0584154 1.0610255 0. ]\n", + " [1.1720057 1.1685324 1.1786611 1.1883715 1.1764544 1.1432092 1.1084219\n", + " 1.0850657 1.0747378 1.0726272 1.0724695 1.0682542 1.0590891 1.0504067\n", + " 1.0463663 1.0479534 0. 0. 0. 0. ]\n", + " [1.1633837 1.1598636 1.1698585 1.1792789 1.168088 1.1372701 1.1039441\n", + " 1.0814586 1.0695927 1.066222 1.0645216 1.0589921 1.0507996 1.0435824\n", + " 1.0401392 1.0420551 1.0466197 1.0514781 1.0542295 1.0555563]\n", + " [1.1700114 1.1673217 1.1781343 1.186734 1.1736552 1.139979 1.1057274\n", + " 1.0832728 1.0728488 1.0704024 1.0692066 1.063278 1.0544513 1.0463746\n", + " 1.0427601 1.0445434 1.0499856 1.0553826 0. 0. ]\n", + " [1.157226 1.1521543 1.1609092 1.1680272 1.1576859 1.1271856 1.0956442\n", + " 1.0751985 1.065339 1.0632781 1.0630715 1.0587916 1.0509671 1.0433362\n", + " 1.0399023 1.0413489 1.0461972 0. 0. 0. ]]\n", + "[[1.1750365 1.1719432 1.1823617 1.1920784 1.1808128 1.1463487 1.1102347\n", + " 1.0868628 1.0756583 1.0750746 1.0752375 1.0716996 1.0619459 1.0530869\n", + " 1.0488452 0. 0. 0. 0. ]\n", + " [1.1634749 1.1584785 1.1676407 1.1761252 1.1656375 1.1354467 1.1032819\n", + " 1.0811622 1.0707535 1.0675597 1.0659933 1.0608563 1.0521662 1.0445524\n", + " 1.0410223 1.0429213 1.0478979 1.052963 0. ]\n", + " [1.186597 1.182694 1.1919565 1.1997842 1.1878769 1.1522356 1.1154473\n", + " 1.0913641 1.0796537 1.0770808 1.0760152 1.071743 1.0624198 1.0538571\n", + " 1.0496718 1.0517155 1.0576332 0. 0. ]\n", + " [1.1841582 1.1799047 1.1894761 1.197784 1.1848 1.1507225 1.1157126\n", + " 1.0916519 1.0801716 1.0761592 1.0743289 1.0686756 1.0587701 1.0503519\n", + " 1.0471823 1.0493119 1.055062 1.0604163 1.0625533]\n", + " [1.1752436 1.1733674 1.184232 1.1923059 1.1783227 1.1429735 1.1083491\n", + " 1.0855104 1.0746969 1.0718873 1.0709896 1.0651716 1.0563912 1.0482839\n", + " 1.0446942 1.0466131 1.0519267 1.0567696 1.0590205]]\n", + "[[1.1643425 1.1595631 1.1710141 1.181246 1.1698654 1.136976 1.1028134\n", + " 1.0803527 1.0701637 1.0684203 1.0688682 1.0643121 1.0549616 1.0464237\n", + " 1.042751 1.044639 0. 0. 0. ]\n", + " [1.1748092 1.1720629 1.1834438 1.192928 1.1800181 1.1452495 1.1100492\n", + " 1.0854845 1.07478 1.0715501 1.0700264 1.0647062 1.0558361 1.0477713\n", + " 1.0440849 1.0457689 1.0504484 1.0554276 1.0578812]\n", + " [1.1763842 1.1734018 1.1840854 1.1906786 1.1771568 1.1425713 1.107824\n", + " 1.085217 1.0751839 1.0728583 1.0712075 1.0659202 1.0562975 1.0477811\n", + " 1.0442424 1.0461483 1.0512879 1.0567144 0. ]\n", + " [1.1638551 1.1609204 1.1705269 1.1793307 1.1662627 1.1344278 1.1016036\n", + " 1.0795603 1.0689752 1.0672427 1.0666234 1.0620968 1.0535147 1.0464003\n", + " 1.0428895 1.0445135 1.049471 0. 0. ]\n", + " [1.19504 1.1895448 1.198809 1.2071326 1.1934032 1.1565214 1.1195968\n", + " 1.0941443 1.0838816 1.0827247 1.0837499 1.0783741 1.0678742 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1712132 1.1663772 1.1761081 1.1853133 1.1743363 1.1420546 1.1088986\n", + " 1.0860918 1.074908 1.0728855 1.0716214 1.0673531 1.0582026 1.0498267\n", + " 1.0459907 1.0475597 1.0527345 0. 0. ]\n", + " [1.1630946 1.1605244 1.1713532 1.1801951 1.1677333 1.1347656 1.1013185\n", + " 1.0790013 1.068501 1.0661108 1.0650393 1.0598239 1.051107 1.0438484\n", + " 1.0403808 1.0422703 1.0471029 1.0518078 1.0542134]]\n", + "[[1.1786146 1.1740594 1.1836303 1.1922336 1.1784931 1.1457043 1.1113708\n", + " 1.0878229 1.0766689 1.073194 1.0717285 1.0666889 1.0577437 1.0490263\n", + " 1.0452802 1.0470691 1.0519935 1.0569766 0. 0. ]\n", + " [1.190244 1.1854186 1.1963177 1.205703 1.1932681 1.1581612 1.1212394\n", + " 1.096488 1.0838675 1.0796123 1.0777681 1.0712823 1.0608982 1.0520313\n", + " 1.0481291 1.0499042 1.0555984 1.0608202 1.0637146 1.0644577]\n", + " [1.1835409 1.1806457 1.1912904 1.2001692 1.1860871 1.1503576 1.1141592\n", + " 1.0897348 1.078439 1.0752099 1.0739132 1.0688186 1.0596855 1.0515949\n", + " 1.0475147 1.0498512 1.0555161 1.060498 0. 0. ]\n", + " [1.1770782 1.1726307 1.1822064 1.1908782 1.1774805 1.1425837 1.1079677\n", + " 1.0854882 1.074733 1.0726705 1.0716338 1.0660096 1.0567827 1.0485849\n", + " 1.045418 1.047207 1.0526857 0. 0. 0. ]\n", + " [1.1737108 1.1677518 1.1746621 1.1822547 1.1702969 1.1382152 1.1054517\n", + " 1.083151 1.0722547 1.0695819 1.0689976 1.0646058 1.0558815 1.0484978\n", + " 1.0446719 1.0462693 1.0513318 0. 0. 0. ]]\n", + "[[1.1750281 1.170547 1.1819605 1.1918947 1.179641 1.1451138 1.1100347\n", + " 1.0870988 1.076919 1.0753332 1.0756464 1.0710315 1.060974 1.0515842\n", + " 1.0475446 1.0497532 0. 0. 0. ]\n", + " [1.1621007 1.1606696 1.1717436 1.1807836 1.1681379 1.1359801 1.1026789\n", + " 1.0806556 1.0694467 1.0665078 1.0649449 1.0597856 1.0514549 1.0439327\n", + " 1.0404495 1.0425457 1.0473591 1.0519872 1.0544779]\n", + " [1.1824263 1.180061 1.1915575 1.2015167 1.1889007 1.1533456 1.1165389\n", + " 1.091586 1.0790753 1.0754259 1.0733613 1.067927 1.0579537 1.0495167\n", + " 1.0460496 1.0481551 1.053035 1.0583506 1.0609366]\n", + " [1.1669387 1.1637686 1.1739731 1.1830909 1.1719306 1.1391573 1.1049324\n", + " 1.0821831 1.0714781 1.0688008 1.0680029 1.0630513 1.054467 1.0467551\n", + " 1.0428741 1.0442865 1.0491096 1.054161 0. ]\n", + " [1.1874881 1.1827183 1.1926178 1.2013056 1.1871359 1.1512843 1.1148598\n", + " 1.0915331 1.0814646 1.0799336 1.0799813 1.0746856 1.064396 1.0552057\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1755526 1.1730592 1.1851816 1.1957568 1.1832843 1.1484916 1.1129718\n", + " 1.0888206 1.0766869 1.0735542 1.071648 1.0659511 1.0562145 1.0478499\n", + " 1.0440413 1.0461462 1.051166 1.0561327 1.0588899 1.0597235 0.\n", + " 0. 0. 0. ]\n", + " [1.1828908 1.1804624 1.1916565 1.1991082 1.1874303 1.1520175 1.1153287\n", + " 1.0910484 1.0784547 1.075073 1.0733922 1.0675788 1.0581104 1.0495925\n", + " 1.0461488 1.0481018 1.0533619 1.0586535 1.061086 1.0616536 0.\n", + " 0. 0. 0. ]\n", + " [1.1587948 1.1560453 1.1663979 1.1766475 1.1661129 1.1350352 1.102838\n", + " 1.0812082 1.0703247 1.0661894 1.0641673 1.0590037 1.0501006 1.0427425\n", + " 1.0395873 1.0417321 1.0466384 1.0511376 1.0532014 1.0535666 1.0542196\n", + " 1.0575811 1.0643508 1.0739276]\n", + " [1.1542708 1.1515173 1.161971 1.170386 1.1583929 1.1277478 1.0966976\n", + " 1.075945 1.0654833 1.0616051 1.0595978 1.0544237 1.0465305 1.040069\n", + " 1.0375295 1.0393572 1.044167 1.0486374 1.0506617 1.0514723 1.0526159\n", + " 1.0557454 0. 0. ]\n", + " [1.1732478 1.1683803 1.1771357 1.1838762 1.1734879 1.1402154 1.1062478\n", + " 1.0828997 1.0735016 1.0721406 1.0729733 1.0691987 1.0600584 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.166128 1.1627806 1.1725519 1.1808981 1.1685796 1.1362108 1.1038053\n", + " 1.0817425 1.070517 1.0665644 1.0644323 1.0591512 1.0507944 1.0439062\n", + " 1.0409214 1.0424961 1.0473948 1.0518444 1.0543504 1.0552529 1.0572081\n", + " 1.0609149]\n", + " [1.1758201 1.1702327 1.1794518 1.1875315 1.1746976 1.1413461 1.1073523\n", + " 1.085185 1.0746448 1.0727254 1.0728054 1.0677286 1.0590664 1.0508649\n", + " 1.0473046 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1807904 1.1772685 1.1875666 1.1963221 1.182967 1.1467078 1.1104189\n", + " 1.0861319 1.0752529 1.072698 1.0734295 1.0688972 1.0597572 1.0515064\n", + " 1.0478853 1.0500177 1.0560553 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1787728 1.1745664 1.1842287 1.193066 1.1810569 1.1473801 1.1125772\n", + " 1.089199 1.0780065 1.0759445 1.0753547 1.0698798 1.059652 1.0517251\n", + " 1.0480304 1.0505977 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2017865 1.1953248 1.2040749 1.2120712 1.198436 1.1611266 1.1223521\n", + " 1.0964557 1.0848011 1.0830108 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1615167 1.1557937 1.1651123 1.1739659 1.1627437 1.1314377 1.0991791\n", + " 1.0781264 1.0679138 1.066153 1.0661628 1.0622456 1.0538263 1.0462416\n", + " 1.0428406 1.0446261 1.0496361 0. 0. 0. ]\n", + " [1.1762992 1.1743414 1.1856451 1.1956838 1.1827974 1.1484114 1.1122372\n", + " 1.0879807 1.076313 1.0730164 1.0711472 1.066085 1.0571312 1.0490992\n", + " 1.045065 1.0468571 1.0514851 1.0560638 1.0587538 1.0594288]\n", + " [1.1855599 1.1825511 1.1921085 1.1999425 1.1878867 1.1533363 1.1176763\n", + " 1.093625 1.081793 1.0778809 1.0763575 1.0698433 1.060261 1.0515991\n", + " 1.0477904 1.0502448 1.0552155 1.0609882 1.0636325 0. ]\n", + " [1.1730196 1.1678709 1.1781894 1.187516 1.1756673 1.1423608 1.1081269\n", + " 1.085506 1.0752075 1.0727336 1.0724659 1.0673207 1.057612 1.0488429\n", + " 1.0453098 1.0472282 1.0530676 0. 0. 0. ]\n", + " [1.1612943 1.1562245 1.1638172 1.1712183 1.1594447 1.1295457 1.0985886\n", + " 1.0770385 1.0671333 1.0642575 1.06449 1.0604119 1.0523977 1.0450668\n", + " 1.0413113 1.0426457 1.0477387 0. 0. 0. ]]\n", + "[[1.1798822 1.1763802 1.1873205 1.1963683 1.1829373 1.1475085 1.1122211\n", + " 1.0891539 1.0789738 1.0775393 1.0778844 1.0722879 1.0627027 1.0535351\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1685488 1.1664029 1.1758306 1.1859771 1.174863 1.1427643 1.1088707\n", + " 1.0867724 1.0752213 1.0708102 1.0681463 1.0616871 1.0522729 1.0446582\n", + " 1.0417709 1.0439274 1.0494238 1.053888 1.0563368 1.0572919 1.058096\n", + " 1.0613451 1.0687323 1.0784743]\n", + " [1.166007 1.1608961 1.1685069 1.1758934 1.1642648 1.1333246 1.1009052\n", + " 1.079232 1.0691477 1.0661225 1.0666023 1.0620975 1.0536518 1.0465457\n", + " 1.0429598 1.0451028 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1723691 1.1668078 1.1768279 1.1843574 1.1721463 1.1385716 1.10446\n", + " 1.0830425 1.074281 1.0728331 1.0729376 1.0678428 1.0580729 1.0496956\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1581242 1.1545168 1.1640527 1.1708827 1.159495 1.1275916 1.0957348\n", + " 1.0754577 1.0659895 1.0643117 1.0643673 1.0600003 1.0518931 1.0440595\n", + " 1.0407581 1.0421182 1.0471039 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.2085314 1.2021606 1.2114152 1.2202357 1.2061923 1.1684821 1.1300509\n", + " 1.1044708 1.0924501 1.0899113 1.0892091 1.0831164 1.0719392 1.0616498\n", + " 1.0573927 0. 0. 0. 0. 0. 0. ]\n", + " [1.166057 1.1613934 1.170846 1.1796722 1.1680858 1.1362784 1.103329\n", + " 1.080868 1.0711889 1.0689421 1.0685751 1.0639521 1.0553485 1.0474656\n", + " 1.0439863 1.0457314 0. 0. 0. 0. 0. ]\n", + " [1.162982 1.1613114 1.1718291 1.1811666 1.1690841 1.136438 1.1030267\n", + " 1.0800325 1.0693201 1.0658884 1.0643243 1.0587242 1.0506243 1.0432386\n", + " 1.0399048 1.0418571 1.0462219 1.0509208 1.0534629 1.0542399 1.0560364]\n", + " [1.1819724 1.1776094 1.1875349 1.1959872 1.1845382 1.1508225 1.1152169\n", + " 1.0909948 1.078848 1.0753247 1.074007 1.0683008 1.0590605 1.0503901\n", + " 1.04691 1.0487154 1.0541177 1.0595038 1.0619885 0. 0. ]\n", + " [1.1663861 1.1617961 1.1712451 1.1795156 1.1686928 1.1362008 1.102041\n", + " 1.0801187 1.0691146 1.0663959 1.066927 1.0624439 1.0542836 1.0461932\n", + " 1.0426654 1.0442733 1.0493616 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.180633 1.1763422 1.1870679 1.1965324 1.1841159 1.1496364 1.1137755\n", + " 1.0888366 1.077102 1.0736579 1.0731245 1.0679411 1.0587323 1.0508457\n", + " 1.0467958 1.0488969 1.0541743 1.0593008 1.0614623]\n", + " [1.1518426 1.1480503 1.1572315 1.164614 1.1540548 1.1239605 1.0948371\n", + " 1.075248 1.0656416 1.0633372 1.0623548 1.0575476 1.0493536 1.0415562\n", + " 1.038384 1.0398492 1.0445253 0. 0. ]\n", + " [1.1699541 1.165878 1.1758661 1.1835763 1.1723256 1.1396487 1.1057348\n", + " 1.0837607 1.0738896 1.0724196 1.0725306 1.0684185 1.0594989 1.050857\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1826301 1.1762841 1.1857646 1.1940649 1.1827774 1.1496612 1.1146865\n", + " 1.0913739 1.0804559 1.0784103 1.077777 1.0729189 1.0630331 1.0540354\n", + " 1.0495284 1.0515027 0. 0. 0. ]\n", + " [1.1628854 1.1597852 1.1699216 1.1771472 1.1652545 1.1332726 1.1009105\n", + " 1.0795399 1.0687618 1.0661305 1.0647744 1.0600084 1.0510263 1.0438769\n", + " 1.0401846 1.0422537 1.0470382 1.0519621 1.0545102]]\n", + "[[1.1589559 1.1558547 1.1647148 1.1731739 1.1628098 1.1332843 1.1015224\n", + " 1.079792 1.069125 1.0649159 1.0628705 1.0564655 1.0486047 1.0415466\n", + " 1.0387267 1.0409279 1.0457832 1.0508512 1.0533568 1.0540708 1.055034\n", + " 1.0586764 1.0655673]\n", + " [1.1650467 1.1628133 1.1730304 1.182019 1.1692628 1.1371684 1.1043676\n", + " 1.0823106 1.0711751 1.0675129 1.065287 1.0593302 1.0505388 1.0434045\n", + " 1.040631 1.0424877 1.0473179 1.0521401 1.054456 1.0553643 1.0572956\n", + " 0. 0. ]\n", + " [1.1852297 1.1761211 1.182239 1.1888554 1.1773677 1.145709 1.1124206\n", + " 1.0897954 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1741068 1.1720735 1.1841254 1.1940987 1.18209 1.1481385 1.1125284\n", + " 1.0877686 1.0759271 1.0715839 1.0706514 1.0650545 1.0558957 1.0478004\n", + " 1.0441275 1.0458615 1.0507485 1.0556527 1.0581714 1.0587968 0.\n", + " 0. 0. ]\n", + " [1.1935068 1.1884792 1.1982094 1.2062577 1.1911116 1.1522455 1.1148465\n", + " 1.0906247 1.080816 1.0797774 1.0808939 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.186339 1.1820804 1.1929748 1.2020392 1.1894436 1.1534003 1.1162307\n", + " 1.0910606 1.0799915 1.0769478 1.0763049 1.0705134 1.0606309 1.0517687\n", + " 1.0478538 1.0497428 1.0558004 1.0615605 0. 0. 0.\n", + " 0. ]\n", + " [1.15556 1.1544154 1.1651989 1.17518 1.1647694 1.1343738 1.1024408\n", + " 1.0810436 1.0690311 1.0648999 1.0626267 1.0564674 1.048529 1.0415716\n", + " 1.0386236 1.0403546 1.0449969 1.0497609 1.0521203 1.0530487 1.0544049\n", + " 1.0577294]\n", + " [1.1756243 1.1702513 1.1794562 1.1874065 1.1741893 1.141038 1.1069552\n", + " 1.0841771 1.0737159 1.0714253 1.0715226 1.0669712 1.0583967 1.049797\n", + " 1.0463208 1.0482398 1.0538287 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1723479 1.1671867 1.1762111 1.1841551 1.1721104 1.1403692 1.1073579\n", + " 1.0852395 1.0742531 1.0710679 1.0695192 1.0647423 1.0557326 1.0471802\n", + " 1.0438746 1.0455062 1.0508051 1.0565447 0. 0. 0.\n", + " 0. ]\n", + " [1.2087191 1.2032521 1.2136167 1.2219846 1.2086482 1.1701959 1.1296433\n", + " 1.1027992 1.091128 1.0900227 1.0911345 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1896287 1.187046 1.1987214 1.2096334 1.195727 1.1590488 1.120193\n", + " 1.0941675 1.0812672 1.0776411 1.0762769 1.0693944 1.0599133 1.0510935\n", + " 1.04775 1.0493377 1.0553051 1.0610458 1.063419 1.064193 ]\n", + " [1.1930577 1.187888 1.196621 1.2048163 1.1919363 1.1567466 1.1196141\n", + " 1.0959541 1.0846826 1.082077 1.0820482 1.0770041 1.0666564 1.0576794\n", + " 1.0535171 0. 0. 0. 0. 0. ]\n", + " [1.1502447 1.1459213 1.1556828 1.1650712 1.1548725 1.1246328 1.0934727\n", + " 1.073562 1.0648237 1.0634856 1.0629436 1.05882 1.0505012 1.0425613\n", + " 1.039107 1.0406442 0. 0. 0. 0. ]\n", + " [1.1810423 1.1760148 1.1846708 1.1927234 1.1796763 1.1461031 1.1109803\n", + " 1.0875521 1.0757587 1.07299 1.0720278 1.0664846 1.057958 1.0497136\n", + " 1.0463765 1.0482408 1.0534993 1.0588533 0. 0. ]\n", + " [1.1679854 1.1650167 1.1767874 1.1857958 1.1755012 1.142334 1.1069077\n", + " 1.0837623 1.0724703 1.0691004 1.068654 1.0633539 1.0534276 1.0453018\n", + " 1.0417092 1.043319 1.0484326 1.0536162 1.0560719 0. ]]\n", + "[[1.1797274 1.1733978 1.1816782 1.191267 1.1790003 1.1449158 1.1101815\n", + " 1.087036 1.077476 1.0764085 1.0763621 1.0719591 1.0621773 1.0532137\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1912904 1.185908 1.1945329 1.2031178 1.191024 1.1564054 1.119979\n", + " 1.0957309 1.083741 1.0804284 1.0802786 1.0748773 1.0651035 1.0563362\n", + " 1.0520016 1.0546263 0. 0. 0. 0. ]\n", + " [1.1773726 1.1725541 1.1831778 1.1914781 1.1782207 1.1439013 1.1087253\n", + " 1.0850986 1.0740818 1.0723714 1.0718338 1.0663604 1.0575793 1.0493675\n", + " 1.0455338 1.0473617 1.0532365 0. 0. 0. ]\n", + " [1.1994487 1.194898 1.2054621 1.2138534 1.1986179 1.1615905 1.1231061\n", + " 1.0981104 1.0870082 1.0862007 1.0863384 1.0808591 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1654851 1.1624105 1.1724535 1.1817715 1.1694257 1.1368583 1.1039164\n", + " 1.0818895 1.0710073 1.067637 1.065907 1.0596567 1.0511433 1.0435716\n", + " 1.0407118 1.0420938 1.047038 1.0515479 1.053708 1.0545468]]\n", + "[[1.1748358 1.1715466 1.1818186 1.1901288 1.1787483 1.144748 1.1097959\n", + " 1.0869198 1.0764983 1.0748227 1.0747046 1.0696789 1.060217 1.0511305\n", + " 1.047367 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1467834 1.1432643 1.1540871 1.1653037 1.1579303 1.129778 1.098851\n", + " 1.0777422 1.0670607 1.0632489 1.0609146 1.0550048 1.0465161 1.0391225\n", + " 1.0362356 1.038025 1.0429327 1.0476292 1.0498576 1.0500487 1.0505419\n", + " 1.0531527 1.0592752 1.06872 1.0760162 1.0811443 1.0828557 1.0797329\n", + " 1.0726017]\n", + " [1.172896 1.1675808 1.1761098 1.1840547 1.1716359 1.1395965 1.1067014\n", + " 1.0846106 1.0739027 1.0710057 1.070459 1.0657007 1.0569208 1.0491703\n", + " 1.0455813 1.0473695 1.0530077 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1816082 1.1769454 1.1875728 1.1970632 1.1836604 1.1489359 1.1135744\n", + " 1.0902498 1.0796901 1.0786049 1.0786662 1.0739275 1.0636331 1.0542905\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.175723 1.17359 1.1835648 1.192356 1.1797963 1.144562 1.1090053\n", + " 1.0856044 1.0749594 1.0721091 1.0715442 1.0667374 1.0581396 1.049421\n", + " 1.0458174 1.0477866 1.0528381 1.0580771 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1732292 1.1695198 1.1805539 1.1906499 1.1793371 1.144825 1.1093607\n", + " 1.0856825 1.0745323 1.0731789 1.0734271 1.0685718 1.0599312 1.0510286\n", + " 1.0469301 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1622446 1.1575812 1.166038 1.1750705 1.163356 1.1326224 1.099953\n", + " 1.0784354 1.0685086 1.066373 1.0665387 1.0616482 1.0532763 1.0455291\n", + " 1.0420309 1.0439216 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1650298 1.1617951 1.1724728 1.1813998 1.169857 1.1368945 1.103117\n", + " 1.0808716 1.0710081 1.0688956 1.0697886 1.0646374 1.0564929 1.0480902\n", + " 1.0443326 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1624516 1.1570708 1.165734 1.1725022 1.1613027 1.1302687 1.0991\n", + " 1.0780565 1.068893 1.0675074 1.0682105 1.0635095 1.0548843 1.0467604\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1600971 1.1573725 1.1680564 1.1773003 1.166081 1.1334599 1.1012906\n", + " 1.0796568 1.0688927 1.0653039 1.0626029 1.0571469 1.0486188 1.0416207\n", + " 1.0387821 1.0406449 1.0451714 1.0499582 1.0525228 1.0540165 1.0556542\n", + " 1.0589662]]\n", + "[[1.1754014 1.1712322 1.1808437 1.1899973 1.1769133 1.1425203 1.1088713\n", + " 1.0863658 1.0745411 1.0703313 1.0690432 1.0627583 1.0542182 1.0464729\n", + " 1.0434285 1.0456479 1.0509654 1.0567579 1.0594225 0. 0. ]\n", + " [1.194789 1.1877624 1.1948234 1.2032082 1.1910942 1.1580198 1.1212562\n", + " 1.0963923 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1739929 1.1696261 1.1795522 1.1886603 1.1766587 1.1436974 1.1094661\n", + " 1.0868345 1.0751263 1.0720046 1.0706253 1.0648017 1.0558296 1.0476803\n", + " 1.0442005 1.0462893 1.0517688 1.0568672 1.0588896 0. 0. ]\n", + " [1.1642699 1.1604139 1.172326 1.1815294 1.1705993 1.1374041 1.1031\n", + " 1.080303 1.0696436 1.0666318 1.0659971 1.0609511 1.0523759 1.0441585\n", + " 1.0406251 1.0421859 1.0469061 1.051913 1.0544322 0. 0. ]\n", + " [1.1688852 1.1662862 1.1777722 1.1872828 1.1769563 1.1434793 1.1086712\n", + " 1.0857391 1.0735441 1.0694921 1.0677211 1.0616757 1.0528299 1.0454845\n", + " 1.0421853 1.0438259 1.0485647 1.0534973 1.0558375 1.0566788 1.0579928]]\n", + "[[1.1772966 1.1730508 1.1836112 1.1931552 1.1821084 1.1467559 1.1117623\n", + " 1.0883687 1.0783167 1.0767565 1.0775415 1.0724704 1.0624366 1.0529219\n", + " 1.0487026 0. 0. 0. 0. 0. ]\n", + " [1.2005211 1.1952231 1.2058302 1.2135273 1.2007518 1.1637435 1.12552\n", + " 1.0996069 1.0882465 1.0872726 1.0875765 1.08251 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2015885 1.1971463 1.2078371 1.2163063 1.2024767 1.1637111 1.1240336\n", + " 1.0984535 1.0858552 1.0823795 1.0811704 1.075322 1.0641847 1.0547005\n", + " 1.0507544 1.0531719 1.0594561 1.0654323 0. 0. ]\n", + " [1.1818289 1.1776849 1.1877977 1.1959338 1.1835532 1.1483998 1.1122781\n", + " 1.0890284 1.0782088 1.0764079 1.0763031 1.0714248 1.0621482 1.0531298\n", + " 1.0488783 1.0508466 0. 0. 0. 0. ]\n", + " [1.1601634 1.1570528 1.1659441 1.1736623 1.1620935 1.1307708 1.1000139\n", + " 1.0795268 1.0684632 1.0644735 1.0624565 1.0568848 1.0483582 1.041504\n", + " 1.0387832 1.0412861 1.0460784 1.0505606 1.0525701 1.0534384]]\n", + "[[1.1737436 1.1691076 1.1795495 1.1889075 1.1772128 1.1431389 1.1083951\n", + " 1.08569 1.0748122 1.0724397 1.0719227 1.0672712 1.0585299 1.0497643\n", + " 1.0457748 1.0470682 1.0525316 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1595086 1.1572528 1.1677502 1.1772175 1.1659592 1.1342148 1.1018586\n", + " 1.0806496 1.0696377 1.0659599 1.0634294 1.0572975 1.0484747 1.0414481\n", + " 1.0385563 1.0405158 1.0456483 1.0499363 1.0524441 1.0534796 1.05484\n", + " 1.0585093 1.0653679]\n", + " [1.162363 1.1594609 1.1700068 1.178606 1.1684239 1.1360055 1.1025698\n", + " 1.0804797 1.0700788 1.0675721 1.0673285 1.0628794 1.0539523 1.046244\n", + " 1.0424423 1.0439711 1.0490699 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1661068 1.1634917 1.174456 1.1834723 1.172145 1.1383238 1.1042024\n", + " 1.0813276 1.0706538 1.0677758 1.0666177 1.0619754 1.0535002 1.0460707\n", + " 1.0425093 1.0442522 1.0489777 1.0535303 1.056021 0. 0.\n", + " 0. 0. ]\n", + " [1.1582428 1.1527874 1.160406 1.1677158 1.15719 1.1284884 1.0975425\n", + " 1.0769293 1.0665944 1.064242 1.0646693 1.0601693 1.0522246 1.0448012\n", + " 1.0415317 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1688852 1.1648465 1.1741433 1.1833094 1.1719582 1.1396812 1.1060797\n", + " 1.0838917 1.073569 1.0716317 1.071689 1.0665373 1.0578916 1.0490252\n", + " 1.045118 0. 0. 0. 0. ]\n", + " [1.1754133 1.1707516 1.1800461 1.1878314 1.1750647 1.1414527 1.1065152\n", + " 1.0843579 1.0741901 1.072325 1.0726236 1.0682124 1.0591681 1.0510857\n", + " 1.0473934 0. 0. 0. 0. ]\n", + " [1.1627257 1.1567112 1.1649115 1.1730793 1.1643366 1.1347759 1.1031643\n", + " 1.0806535 1.0702648 1.0669881 1.0660839 1.0614333 1.0537577 1.0459746\n", + " 1.0425735 1.0446495 1.0500224 0. 0. ]\n", + " [1.1627877 1.1594865 1.1702821 1.1785378 1.1660995 1.1329424 1.1006627\n", + " 1.0789303 1.0693125 1.0671802 1.0666575 1.0613046 1.0528564 1.0451288\n", + " 1.0415354 1.0427634 1.0479119 0. 0. ]\n", + " [1.1595505 1.1575779 1.1692053 1.1785945 1.1677401 1.1343944 1.0998831\n", + " 1.0768678 1.0663955 1.0634887 1.062713 1.0583634 1.0500109 1.0429543\n", + " 1.039249 1.0408261 1.0450978 1.0493017 1.0517026]]\n", + "[[1.1625046 1.1596246 1.1705991 1.1796522 1.1679553 1.1340488 1.1009686\n", + " 1.0787085 1.0691941 1.0671709 1.0672278 1.0624111 1.0539569 1.0458868\n", + " 1.0421525 1.0438943 1.0490606 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1527153 1.1494223 1.1583581 1.1666406 1.1554471 1.1248573 1.0941886\n", + " 1.0739177 1.0642735 1.0625203 1.0622493 1.0583297 1.0500765 1.0428282\n", + " 1.0392714 1.0408074 1.0456529 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1733052 1.1704416 1.1805044 1.1895926 1.1779298 1.1442791 1.1099495\n", + " 1.0863687 1.0751517 1.0716288 1.071188 1.0664134 1.057397 1.0493698\n", + " 1.0453265 1.0468473 1.0519407 1.0572824 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1887763 1.1849396 1.1960272 1.2054068 1.1916466 1.1548082 1.1167296\n", + " 1.0913154 1.0801485 1.0775499 1.0770633 1.0718572 1.0625492 1.0532025\n", + " 1.049251 1.051543 1.0574768 1.0634437 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1646614 1.1632546 1.1744051 1.1842203 1.172143 1.1400224 1.1064922\n", + " 1.084384 1.073225 1.0691692 1.0668974 1.0602987 1.051023 1.0432346\n", + " 1.04026 1.0418704 1.0472238 1.0518888 1.0547786 1.0555848 1.0569543\n", + " 1.0606867 1.0678803]]\n", + "[[1.1642557 1.161334 1.172283 1.1805166 1.1680865 1.1356748 1.102779\n", + " 1.0809247 1.0708194 1.06789 1.0670217 1.0613258 1.0519046 1.0441633\n", + " 1.0405021 1.0424776 1.0477986 1.0526431 1.0552925]\n", + " [1.1821563 1.1777024 1.1873512 1.1967182 1.1840802 1.1495992 1.114092\n", + " 1.0910445 1.0801696 1.077384 1.0775146 1.0718132 1.0617734 1.0527468\n", + " 1.0485978 1.050711 0. 0. 0. ]\n", + " [1.1616665 1.1582731 1.168748 1.1780833 1.1658127 1.1334968 1.1008041\n", + " 1.0792652 1.0686084 1.0662227 1.0656903 1.0605093 1.0522176 1.0443877\n", + " 1.040982 1.042309 1.0471748 1.0517683 1.053852 ]\n", + " [1.190408 1.185257 1.1941545 1.2010828 1.1880132 1.153744 1.1184863\n", + " 1.0954356 1.0842063 1.08183 1.080835 1.0748391 1.0645566 1.055606\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1801219 1.1781954 1.1883419 1.1975844 1.1853578 1.1504198 1.1138307\n", + " 1.0890955 1.0769842 1.0745101 1.0739678 1.0683882 1.0594348 1.0506343\n", + " 1.046435 1.048288 1.0537531 1.0592102 0. ]]\n", + "[[1.163883 1.1616673 1.173005 1.182869 1.1701552 1.1376983 1.104084\n", + " 1.0818771 1.0707338 1.0676798 1.0667052 1.0616617 1.0527616 1.0452001\n", + " 1.0420085 1.0435809 1.0482336 1.0531578 1.055763 ]\n", + " [1.1671543 1.1621697 1.1717224 1.1792314 1.1682901 1.136131 1.1027108\n", + " 1.0806704 1.0707815 1.0689297 1.0697389 1.0659983 1.0574808 1.0491827\n", + " 1.0452629 0. 0. 0. 0. ]\n", + " [1.1691704 1.1671015 1.1786934 1.1879911 1.1749933 1.1407704 1.106002\n", + " 1.0835415 1.0729805 1.0699798 1.0693384 1.0637543 1.0550264 1.0473348\n", + " 1.0437284 1.0453724 1.0504287 1.055472 0. ]\n", + " [1.1578951 1.1552147 1.1646516 1.1734805 1.1618757 1.1299335 1.0977031\n", + " 1.0764023 1.0659454 1.063777 1.0628885 1.0588489 1.050547 1.0433884\n", + " 1.0401102 1.041965 1.0467197 1.0516568 0. ]\n", + " [1.1774043 1.1756898 1.1867805 1.1952484 1.1819161 1.1465921 1.1109369\n", + " 1.0873655 1.0760274 1.0728624 1.0722613 1.0671839 1.0579485 1.0492805\n", + " 1.0458591 1.0478929 1.0530757 1.0583748 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1583055 1.1547647 1.1639906 1.1723887 1.1602967 1.1295623 1.0988415\n", + " 1.0779247 1.0673612 1.0640042 1.0623498 1.057094 1.0490278 1.0419854\n", + " 1.0387475 1.0409533 1.0458677 1.0508131 1.0529249 0. 0.\n", + " 0. ]\n", + " [1.1603886 1.1583123 1.1691691 1.1787294 1.1671145 1.1364523 1.1040711\n", + " 1.0820936 1.0704002 1.0669588 1.0646784 1.0585684 1.0497415 1.0423721\n", + " 1.0393971 1.0410911 1.0456212 1.0506171 1.0530629 1.0542191 1.0558724\n", + " 1.0593903]\n", + " [1.1659058 1.1612127 1.1709491 1.1807003 1.1700786 1.1374291 1.1038923\n", + " 1.0818622 1.0714478 1.0687426 1.0675865 1.0623875 1.0533582 1.044975\n", + " 1.0414371 1.0432116 1.0481975 1.0532838 0. 0. 0.\n", + " 0. ]\n", + " [1.1723762 1.1696246 1.1807791 1.1908143 1.179282 1.1461446 1.1110064\n", + " 1.0869389 1.075036 1.0707984 1.0684896 1.0629433 1.0541565 1.0466197\n", + " 1.0426997 1.044569 1.0495696 1.0543104 1.0563833 1.0571852 0.\n", + " 0. ]\n", + " [1.1762415 1.1731648 1.1834601 1.193048 1.1819365 1.1479993 1.1129466\n", + " 1.0891602 1.077961 1.0748498 1.074764 1.0696211 1.0596995 1.0507302\n", + " 1.046906 1.0484489 1.0539889 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1684058 1.1640707 1.1740962 1.1828028 1.1710602 1.1381432 1.1044863\n", + " 1.082308 1.0719194 1.0691221 1.0686575 1.06352 1.0544641 1.0462768\n", + " 1.0423715 1.0439056 1.0487208 1.0538318 0. 0. ]\n", + " [1.180158 1.1758733 1.1859915 1.1944438 1.1806381 1.1453954 1.110325\n", + " 1.086919 1.0756834 1.0737993 1.0727403 1.0676333 1.0582497 1.0501015\n", + " 1.046597 1.0486028 1.0541023 1.0596173 0. 0. ]\n", + " [1.1700318 1.1667967 1.1788902 1.188858 1.1763637 1.1423409 1.1075412\n", + " 1.0835102 1.0723381 1.0687494 1.0677266 1.0623782 1.0532515 1.045251\n", + " 1.0418271 1.0432296 1.0483464 1.0530885 1.055891 1.0562265]\n", + " [1.1779839 1.1756144 1.1863345 1.1966853 1.1842229 1.1501595 1.1134521\n", + " 1.0886898 1.0768927 1.0731168 1.0718279 1.0661445 1.0567377 1.0482552\n", + " 1.0447019 1.0465252 1.0518157 1.0568413 1.05946 0. ]\n", + " [1.2157699 1.2101587 1.2207052 1.2277138 1.2131965 1.1740571 1.1336075\n", + " 1.1068254 1.0942737 1.093861 1.0938216 1.087848 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1715002 1.1668627 1.1768422 1.1859143 1.1742376 1.141601 1.1069617\n", + " 1.0843568 1.0740931 1.0724541 1.0723981 1.0677471 1.0583714 1.0496522\n", + " 1.0457981 1.0476253 0. 0. 0. ]\n", + " [1.1788795 1.1742606 1.183926 1.1922611 1.1793416 1.145017 1.1101795\n", + " 1.0872141 1.0763774 1.0741634 1.0729426 1.0673414 1.057706 1.0492718\n", + " 1.0457225 1.047645 1.0531976 1.0585535 0. ]\n", + " [1.1614858 1.1581407 1.1680545 1.1758319 1.1640583 1.1326241 1.1010541\n", + " 1.0793651 1.0691177 1.0658106 1.0642292 1.0592896 1.0506248 1.043288\n", + " 1.0397428 1.0417519 1.046104 1.0507536 1.0533164]\n", + " [1.1862568 1.1812378 1.1921623 1.2019552 1.1887053 1.1540544 1.1174054\n", + " 1.0932655 1.0828252 1.0813426 1.0819862 1.0772431 1.067595 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1681101 1.1632123 1.1725979 1.1816106 1.1698638 1.1379977 1.104311\n", + " 1.0817636 1.0716065 1.0689662 1.0687326 1.0647177 1.0562754 1.048399\n", + " 1.0445092 1.0461332 1.0516826 0. 0. ]]\n", + "[[1.179081 1.1760753 1.1867702 1.1941973 1.1818355 1.1468972 1.1109558\n", + " 1.0871968 1.0768714 1.0743766 1.0735432 1.0687023 1.0591506 1.0504444\n", + " 1.0470345 1.0490489 1.0551503 0. 0. 0. 0. ]\n", + " [1.1736393 1.1692498 1.1792855 1.1872863 1.1748321 1.1418632 1.1077819\n", + " 1.0851209 1.0747128 1.07254 1.0733109 1.0686322 1.0595449 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1768681 1.1736815 1.1845249 1.194312 1.1814678 1.1469936 1.1113293\n", + " 1.087433 1.0757883 1.0723152 1.0711071 1.065531 1.0559363 1.0480419\n", + " 1.0444394 1.0461526 1.0515835 1.0562304 1.0586286 1.0592786 0. ]\n", + " [1.1595871 1.1579797 1.1689408 1.177723 1.1664885 1.1345211 1.1011963\n", + " 1.0792855 1.0687861 1.065573 1.0632908 1.057792 1.0488207 1.042035\n", + " 1.0388956 1.0404677 1.045271 1.0497285 1.0519089 1.0526559 1.0538924]\n", + " [1.173206 1.1683731 1.1765282 1.1846011 1.1716009 1.1383198 1.1046572\n", + " 1.0828501 1.0732323 1.0722383 1.0727643 1.0685834 1.0591475 1.0506574\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1715237 1.1680677 1.1786197 1.1881324 1.1764866 1.142722 1.1082559\n", + " 1.085017 1.0741999 1.0717705 1.0721734 1.0674167 1.0582813 1.0500429\n", + " 1.046332 1.048332 0. 0. 0. 0. ]\n", + " [1.1769874 1.1722274 1.181591 1.1891229 1.1755868 1.142703 1.1088134\n", + " 1.086143 1.0743091 1.0698225 1.0684972 1.0627697 1.0539716 1.0463912\n", + " 1.0428797 1.0450127 1.0497237 1.0553007 1.0578983 1.0592493]\n", + " [1.1791574 1.176337 1.1873758 1.1952751 1.1846921 1.1483903 1.1134528\n", + " 1.0894221 1.0778838 1.0753181 1.074138 1.0686662 1.0584502 1.049942\n", + " 1.0461029 1.0479711 1.0535483 1.0589788 0. 0. ]\n", + " [1.1881721 1.1830481 1.1924479 1.2016488 1.1894628 1.154955 1.1194438\n", + " 1.095405 1.084911 1.0829618 1.0826563 1.0768685 1.066338 1.0568596\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1810977 1.1763783 1.1873193 1.196367 1.1848198 1.1492327 1.1126394\n", + " 1.0891548 1.078267 1.0757653 1.0761989 1.071711 1.0617452 1.0531319\n", + " 1.0489851 1.0509803 0. 0. 0. 0. ]]\n", + "[[1.1885288 1.1837953 1.1939404 1.2031306 1.1888052 1.1538773 1.1175534\n", + " 1.0941813 1.0830183 1.0807749 1.0802038 1.0747604 1.0642295 1.0548865\n", + " 1.0513033 0. 0. 0. ]\n", + " [1.1658702 1.1608647 1.1687431 1.1755878 1.1646726 1.1325064 1.1001649\n", + " 1.0791392 1.0698628 1.0688223 1.0694959 1.065625 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1714207 1.1652341 1.1738628 1.1820569 1.1703584 1.1382917 1.1050733\n", + " 1.0831066 1.0722123 1.0703601 1.070517 1.0663303 1.0580544 1.0498742\n", + " 1.0462692 1.0482606 0. 0. ]\n", + " [1.1745559 1.1683004 1.1772875 1.1844518 1.1728526 1.1406178 1.1065899\n", + " 1.0842221 1.0740687 1.0719508 1.0716528 1.067289 1.0582687 1.0496186\n", + " 1.0458615 1.0477147 1.0531411 0. ]\n", + " [1.1772264 1.1754011 1.1858237 1.1943326 1.1816624 1.1467211 1.1105943\n", + " 1.0868165 1.0755591 1.0722224 1.0715224 1.065928 1.0565232 1.0485284\n", + " 1.0451167 1.0469431 1.0521287 1.0573279]]\n", + "[[1.1774352 1.1743768 1.1858406 1.195133 1.1837828 1.1489887 1.1131724\n", + " 1.0890601 1.0768201 1.0731207 1.0716399 1.0658288 1.0564824 1.0483608\n", + " 1.0446737 1.0465537 1.0513238 1.056195 1.0586067 1.0596778]\n", + " [1.1718149 1.1678264 1.1774439 1.1843857 1.1725507 1.1389875 1.1043499\n", + " 1.0828674 1.0730032 1.0709581 1.0713881 1.0671319 1.0578159 1.0493851\n", + " 1.0456172 0. 0. 0. 0. 0. ]\n", + " [1.1590225 1.155363 1.1640792 1.171206 1.1601071 1.1288935 1.0969168\n", + " 1.0761715 1.0664665 1.0643988 1.0645431 1.0602217 1.0525291 1.0450901\n", + " 1.0415895 1.0433817 0. 0. 0. 0. ]\n", + " [1.2021147 1.1956594 1.2040998 1.2126527 1.1983179 1.1632644 1.1246113\n", + " 1.0995436 1.0884092 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1797353 1.1773199 1.1893015 1.1992922 1.1866176 1.1522903 1.1166736\n", + " 1.09223 1.0795629 1.0756279 1.0737257 1.0675544 1.0585233 1.0500082\n", + " 1.0463 1.0477422 1.0529689 1.0582734 1.0609199 1.0620387]]\n", + "[[1.1704962 1.1655592 1.1755555 1.1844498 1.1723294 1.1398907 1.1062568\n", + " 1.0838286 1.07356 1.0709506 1.0701776 1.0653182 1.056147 1.0476437\n", + " 1.0439855 1.0456657 1.051081 0. ]\n", + " [1.1645935 1.1609018 1.1712486 1.180684 1.1692324 1.1356437 1.1024946\n", + " 1.080602 1.0702549 1.069133 1.0694474 1.0644934 1.0554302 1.0471685\n", + " 1.0436147 1.0454369 0. 0. ]\n", + " [1.1803081 1.1775041 1.1885091 1.197351 1.1834205 1.1476455 1.1119428\n", + " 1.0884583 1.0774195 1.0747643 1.0738629 1.0678005 1.0581449 1.0493965\n", + " 1.0457256 1.0475043 1.0532382 1.0586962]\n", + " [1.1907885 1.1853371 1.1944897 1.2023803 1.1885352 1.1526444 1.1157154\n", + " 1.0922973 1.0812018 1.0788966 1.0789033 1.0736855 1.0636914 1.0544698\n", + " 1.0502803 1.052459 0. 0. ]\n", + " [1.1873301 1.1821325 1.1922009 1.2015595 1.1880164 1.1526103 1.1156223\n", + " 1.0908996 1.0793175 1.0766668 1.075236 1.0700179 1.0603114 1.0516595\n", + " 1.0480452 1.050287 1.0562081 1.0620564]]\n", + "[[1.1585821 1.1533749 1.1625872 1.1706737 1.1599991 1.129619 1.0985535\n", + " 1.0776002 1.0681889 1.0664189 1.0673862 1.0635984 1.0556836 1.0476964\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1685344 1.1620294 1.1712503 1.1802652 1.1694596 1.1375077 1.1043673\n", + " 1.0824823 1.0723841 1.0703107 1.0704547 1.0660324 1.0567327 1.0482172\n", + " 1.0443692 1.0463341 0. 0. 0. 0. ]\n", + " [1.2119551 1.2053465 1.2153294 1.2239876 1.209222 1.1708409 1.1313573\n", + " 1.1047118 1.0935861 1.0918437 1.0924891 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1789136 1.175804 1.1865326 1.1964719 1.1832216 1.1480175 1.1120225\n", + " 1.0876977 1.0785459 1.07765 1.0783792 1.0735471 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1793888 1.1758982 1.1863164 1.1939309 1.1823272 1.1484321 1.1132458\n", + " 1.0894427 1.0777488 1.0735964 1.0715545 1.065884 1.0563513 1.0483112\n", + " 1.0445249 1.0467117 1.0519215 1.0566672 1.0591931 1.0598861]]\n", + "[[1.1649294 1.1608294 1.1715107 1.1810178 1.1693697 1.1362872 1.1021994\n", + " 1.0796591 1.0692791 1.0683252 1.06893 1.0643902 1.0558972 1.0475136\n", + " 1.043598 1.0455068 0. ]\n", + " [1.1553051 1.1507671 1.1601173 1.1674188 1.1546339 1.1243539 1.0940734\n", + " 1.0744611 1.0657655 1.0647209 1.064831 1.0600774 1.0519155 1.0446349\n", + " 1.0412279 0. 0. ]\n", + " [1.1615471 1.1580471 1.1684946 1.1767997 1.1661451 1.1339357 1.1003875\n", + " 1.07957 1.0696892 1.0674272 1.0677388 1.0637716 1.0549922 1.0472612\n", + " 1.0434479 1.0450488 0. ]\n", + " [1.1628941 1.1580956 1.1663909 1.1734797 1.1614197 1.1318353 1.1008918\n", + " 1.0803161 1.0705174 1.0672969 1.0669041 1.0620137 1.053405 1.0456161\n", + " 1.0422523 1.0437883 1.0487453]\n", + " [1.1641655 1.1600285 1.1701916 1.1793242 1.1676083 1.1357282 1.1018053\n", + " 1.0794526 1.0694972 1.0677819 1.0682031 1.0644075 1.0558084 1.0478877\n", + " 1.0438856 1.0456998 0. ]]\n", + "[[1.1574646 1.1536345 1.163125 1.1715714 1.1599485 1.1290537 1.0971541\n", + " 1.0754734 1.0661986 1.0642736 1.0643533 1.0603083 1.0524192 1.0446205\n", + " 1.0409508 1.0424532 1.0472939 0. 0. ]\n", + " [1.1824656 1.1790656 1.1888098 1.1971135 1.1833396 1.1493067 1.1142521\n", + " 1.0915513 1.0797944 1.0765563 1.0752745 1.0689085 1.0595349 1.0510993\n", + " 1.0472288 1.0496346 1.0555515 1.0606706 0. ]\n", + " [1.1787193 1.1727433 1.183617 1.1934515 1.1819639 1.147386 1.110821\n", + " 1.0865358 1.0753636 1.0738034 1.0745138 1.0701735 1.0611342 1.0523413\n", + " 1.0484849 1.0504656 0. 0. 0. ]\n", + " [1.1682794 1.1638453 1.1739402 1.1829444 1.171427 1.1369718 1.1040171\n", + " 1.081792 1.0721458 1.0714567 1.0713567 1.0668678 1.0577387 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1668673 1.1631839 1.1724138 1.1786568 1.1666046 1.1347444 1.1021998\n", + " 1.0810663 1.0707065 1.068117 1.0667336 1.0612043 1.0522071 1.0447907\n", + " 1.0411296 1.0430526 1.0481493 1.0528415 1.055088 ]]\n", + "[[1.185298 1.1801298 1.1897131 1.1968923 1.1848755 1.1504142 1.1150421\n", + " 1.0908449 1.0797663 1.0772964 1.0764679 1.0717729 1.0622507 1.0537199\n", + " 1.0499215 1.0524867 0. 0. 0. ]\n", + " [1.1663717 1.1610891 1.169471 1.1769915 1.1645672 1.1330283 1.1008497\n", + " 1.0795537 1.0696396 1.0668699 1.0662123 1.0616975 1.0533974 1.0459025\n", + " 1.0429044 1.0446838 1.0497564 1.0549932 0. ]\n", + " [1.1616318 1.1577263 1.1671704 1.1740693 1.1640962 1.1334059 1.101488\n", + " 1.080989 1.0712291 1.0690105 1.0679741 1.0627985 1.0533558 1.04513\n", + " 1.0412447 1.0430582 1.0484812 0. 0. ]\n", + " [1.1762 1.1720215 1.1823952 1.1924045 1.1802303 1.1450112 1.1092767\n", + " 1.0862343 1.0761352 1.0744736 1.0746183 1.0699555 1.0613046 1.0525664\n", + " 1.0485431 0. 0. 0. 0. ]\n", + " [1.1700401 1.1673151 1.1780086 1.1882527 1.176449 1.1430055 1.1081182\n", + " 1.0845912 1.073827 1.0706416 1.0694842 1.0643837 1.0552402 1.047274\n", + " 1.0431161 1.0446308 1.0495883 1.0542876 1.0566674]]\n", + "[[1.1787218 1.1764375 1.1878499 1.1973475 1.1845548 1.1497037 1.1137816\n", + " 1.0891091 1.0779887 1.0746012 1.0728425 1.0678487 1.0584216 1.0500941\n", + " 1.0462629 1.0484116 1.0535339 1.0583564 1.060959 ]\n", + " [1.173332 1.1702309 1.1810303 1.189257 1.1764036 1.142258 1.1077484\n", + " 1.0847807 1.0741925 1.0711095 1.0694482 1.0641501 1.0549965 1.0474974\n", + " 1.0436876 1.04554 1.0507188 1.0557765 1.0580431]\n", + " [1.1869719 1.181561 1.191643 1.200132 1.1882305 1.1534728 1.1169995\n", + " 1.0925484 1.0820882 1.080432 1.0805511 1.0756485 1.0652057 1.055862\n", + " 1.0518843 0. 0. 0. 0. ]\n", + " [1.1756006 1.1715125 1.1820195 1.1920556 1.18032 1.1462016 1.1108959\n", + " 1.0875838 1.0767338 1.0735763 1.0727512 1.0667461 1.0568951 1.0483816\n", + " 1.0445646 1.0458456 1.0512475 1.0564348 1.0592657]\n", + " [1.1763617 1.1716214 1.182312 1.1900486 1.1762152 1.1416714 1.1075654\n", + " 1.08518 1.0749476 1.0744276 1.0748687 1.0696058 1.0603117 1.0513165\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1642419 1.1600368 1.1695895 1.1783842 1.166716 1.1345432 1.1017092\n", + " 1.0801389 1.0699695 1.0676179 1.0675327 1.0629586 1.0541157 1.0464871\n", + " 1.0429646 1.0444459 1.0495946 0. ]\n", + " [1.148457 1.1434073 1.1519874 1.1600542 1.1500579 1.1223154 1.0929587\n", + " 1.0730805 1.0633024 1.0615742 1.0611867 1.0562465 1.0484906 1.0411896\n", + " 1.0376658 1.0392389 1.0440851 0. ]\n", + " [1.1741414 1.1694349 1.1791748 1.1863528 1.1754192 1.1411304 1.1068186\n", + " 1.0835211 1.0726705 1.0714717 1.0719079 1.06734 1.0584446 1.0500869\n", + " 0. 0. 0. 0. ]\n", + " [1.1707027 1.167271 1.1760855 1.1811696 1.1684482 1.1370122 1.1044728\n", + " 1.0828253 1.072839 1.0699068 1.0690199 1.0640438 1.0551826 1.047484\n", + " 1.0439138 1.0455583 1.0499249 1.0545084]\n", + " [1.1568673 1.1509658 1.1593212 1.1673833 1.155801 1.1261286 1.0949113\n", + " 1.0742147 1.0652318 1.0637317 1.0639113 1.060402 1.0526692 1.0453975\n", + " 1.0419354 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1653048 1.1615925 1.1719503 1.180101 1.1677386 1.1350701 1.1014482\n", + " 1.0794464 1.069399 1.0670224 1.0662917 1.0618887 1.0534122 1.0458187\n", + " 1.0422592 1.0439981 1.0492105 1.0542715 0. 0. 0.\n", + " 0. ]\n", + " [1.1809367 1.1754861 1.1869086 1.1954312 1.184023 1.1487198 1.111255\n", + " 1.0879458 1.0775554 1.0760118 1.0761626 1.0716308 1.0616198 1.0525211\n", + " 1.0481882 1.050173 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1617354 1.1600457 1.170473 1.1795232 1.168211 1.1366769 1.1042091\n", + " 1.0820452 1.0710698 1.0671355 1.0646355 1.0587132 1.0499402 1.0426848\n", + " 1.0398707 1.0414952 1.0467592 1.05148 1.0539005 1.0546944 1.0563467\n", + " 1.0599568]\n", + " [1.1830894 1.1799657 1.1910348 1.2001253 1.1888885 1.1543093 1.1184325\n", + " 1.0939082 1.0812999 1.0760882 1.0732434 1.0672857 1.057966 1.0495224\n", + " 1.045968 1.0475131 1.0528051 1.0571833 1.0595584 1.0611016 1.0632999\n", + " 0. ]\n", + " [1.1555451 1.1510944 1.1590617 1.1659223 1.1557984 1.126015 1.0949655\n", + " 1.0746012 1.0650966 1.0629501 1.0631148 1.0588561 1.051197 1.0436667\n", + " 1.0406044 1.0423989 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.2137396 1.2077777 1.2173975 1.2262378 1.2108499 1.170821 1.1303225\n", + " 1.1037291 1.0921379 1.0898243 1.0911471 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1649804 1.1601989 1.1696684 1.1773807 1.1657615 1.1341488 1.1021107\n", + " 1.0810987 1.0717019 1.0702665 1.0710233 1.0664008 1.0572118 1.0486735\n", + " 0. 0. 0. 0. ]\n", + " [1.1640474 1.160298 1.1689826 1.177321 1.1643519 1.1310676 1.0990301\n", + " 1.0777969 1.0678422 1.0653001 1.0653356 1.0606135 1.0526377 1.0449203\n", + " 1.0418986 1.0436012 1.0485066 1.0531155]\n", + " [1.1549183 1.1500202 1.158581 1.1659257 1.1547725 1.1243306 1.0945816\n", + " 1.0745846 1.065157 1.0628405 1.0621593 1.0577984 1.0496653 1.0425524\n", + " 1.0394541 1.0410503 1.0459085 1.0505661]\n", + " [1.1766942 1.1719081 1.180907 1.1894395 1.1774993 1.1446493 1.1103777\n", + " 1.0870929 1.075766 1.0725905 1.071349 1.0665766 1.0577344 1.049568\n", + " 1.045835 1.0473317 1.052022 1.0573581]]\n", + "[[1.1737298 1.1701114 1.1801441 1.1881541 1.1747962 1.1405685 1.1061066\n", + " 1.0838248 1.0737885 1.0709552 1.0696639 1.0644629 1.0554253 1.0478697\n", + " 1.0438063 1.0458184 1.0506604 1.0562024 0. 0. ]\n", + " [1.1726592 1.1710447 1.18277 1.1928804 1.180159 1.1452066 1.1100581\n", + " 1.0868676 1.0756276 1.0719727 1.070707 1.0647863 1.0555344 1.0468388\n", + " 1.0434802 1.0451406 1.0507437 1.0558307 1.058677 1.0592645]\n", + " [1.1677544 1.1639706 1.1740098 1.1834759 1.1710991 1.1381599 1.1043984\n", + " 1.0815852 1.0713722 1.0692918 1.0687814 1.0647173 1.0560322 1.0482737\n", + " 1.044328 1.0460646 1.0517175 0. 0. 0. ]\n", + " [1.1598989 1.1565983 1.1676129 1.1768346 1.1652654 1.1327014 1.0994191\n", + " 1.078015 1.0679628 1.0655768 1.0651789 1.0600547 1.0513774 1.0430931\n", + " 1.039794 1.0414099 1.0465274 1.0515755 0. 0. ]\n", + " [1.1829119 1.1785704 1.1889309 1.1976285 1.1856107 1.1500316 1.112874\n", + " 1.0883598 1.0763761 1.0733309 1.0732315 1.0685586 1.0599109 1.0512819\n", + " 1.0475436 1.0493115 1.0550487 1.0605956 0. 0. ]]\n", + "[[1.1573985 1.1540667 1.1620972 1.169157 1.1561996 1.1251317 1.0945644\n", + " 1.074285 1.0637945 1.0607527 1.0598854 1.0552686 1.0476094 1.0410131\n", + " 1.0380791 1.0391358 1.0439535 1.0485082 1.0514854]\n", + " [1.1675322 1.1657069 1.1764156 1.1852125 1.1720339 1.1379882 1.1046134\n", + " 1.0813913 1.0715683 1.068582 1.067559 1.0617406 1.0533423 1.0456028\n", + " 1.0422333 1.044352 1.0489455 1.0538933 1.0562557]\n", + " [1.1701405 1.1671977 1.1771123 1.1851839 1.1733546 1.1403792 1.1055387\n", + " 1.0831223 1.0730957 1.0714204 1.0710576 1.0653697 1.0561208 1.0474199\n", + " 1.0435046 1.0453881 1.050971 0. 0. ]\n", + " [1.2052851 1.1980634 1.2065449 1.2127465 1.1987545 1.1625332 1.1237909\n", + " 1.0978087 1.0865089 1.0848105 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1507579 1.1461866 1.1545491 1.1625044 1.1516407 1.1217828 1.0917813\n", + " 1.0722728 1.0631033 1.0620633 1.062732 1.05877 1.051203 1.043525\n", + " 1.040019 0. 0. 0. 0. ]]\n", + "[[1.1940874 1.1886835 1.1993545 1.207471 1.1950709 1.1590729 1.1214342\n", + " 1.0961843 1.0855134 1.0837842 1.0845354 1.0789032 1.0683889 1.058131\n", + " 1.053488 0. 0. 0. 0. ]\n", + " [1.1689011 1.1671386 1.1780723 1.1874058 1.174772 1.142456 1.108473\n", + " 1.0854243 1.0740155 1.0707815 1.0694165 1.0632049 1.0545068 1.0467162\n", + " 1.0429333 1.0448128 1.0497446 1.0550563 1.0572408]\n", + " [1.1770848 1.1738374 1.1845089 1.1936929 1.1809423 1.1467482 1.1112939\n", + " 1.087551 1.0770186 1.0742604 1.0734334 1.0685493 1.059538 1.0508555\n", + " 1.0466552 1.0483296 1.0536168 1.0587646 0. ]\n", + " [1.1609141 1.1559259 1.1652613 1.1736804 1.1623487 1.1307513 1.0989221\n", + " 1.0776441 1.0680708 1.0658884 1.0658952 1.0616752 1.0535907 1.0457476\n", + " 1.0423106 1.043885 1.0489024 0. 0. ]\n", + " [1.1723367 1.168403 1.1788259 1.1868312 1.1754344 1.1409137 1.1060984\n", + " 1.0832229 1.0729676 1.0712643 1.0720513 1.0673358 1.0577677 1.0493156\n", + " 1.0455699 0. 0. 0. 0. ]]\n", + "[[1.1851321 1.1816233 1.192015 1.1994677 1.187832 1.1525236 1.1162173\n", + " 1.0913241 1.0799695 1.0767351 1.0750288 1.0699358 1.0601501 1.0510606\n", + " 1.0474694 1.0497597 1.055022 1.0604744 0. ]\n", + " [1.1543262 1.1505326 1.1585722 1.1655699 1.154065 1.1237832 1.0936168\n", + " 1.0738084 1.0635684 1.0608664 1.0603878 1.056035 1.0488137 1.0418708\n", + " 1.0387557 1.0403731 1.0445414 1.0488151 1.0512096]\n", + " [1.209764 1.2023423 1.2124093 1.2215854 1.2089381 1.1721098 1.1329839\n", + " 1.1055876 1.093564 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2036678 1.1966721 1.2068566 1.2167335 1.2038239 1.1676551 1.1282833\n", + " 1.101363 1.0900407 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1635511 1.1593264 1.169294 1.177018 1.1658279 1.1339824 1.1014789\n", + " 1.0792596 1.069008 1.065952 1.0648141 1.0602422 1.0520967 1.0445781\n", + " 1.0416081 1.0431851 1.0480145 1.0529201 1.055341 ]]\n", + "[[1.1973379 1.193335 1.203134 1.2125173 1.1996864 1.162828 1.1247518\n", + " 1.0990034 1.0869159 1.0833106 1.082166 1.0761212 1.0657613 1.056286\n", + " 1.052479 1.0544811 1.0606017 1.0663731 0. 0. ]\n", + " [1.1691713 1.1639662 1.1735412 1.183085 1.1718076 1.1399978 1.1061815\n", + " 1.0833243 1.0727656 1.0701632 1.069717 1.0653107 1.0563529 1.048164\n", + " 1.0443784 1.04583 1.0508175 0. 0. 0. ]\n", + " [1.1659465 1.1635058 1.1740878 1.1818357 1.1705892 1.1382055 1.104653\n", + " 1.0824046 1.0719364 1.0690147 1.0682145 1.0630776 1.0545219 1.0469949\n", + " 1.0432906 1.0447884 1.0497802 1.0545107 0. 0. ]\n", + " [1.1828507 1.1780202 1.187242 1.1948097 1.18157 1.1478028 1.1128931\n", + " 1.0899949 1.0787246 1.0759184 1.0744003 1.0690217 1.0595407 1.0505283\n", + " 1.0467805 1.048612 1.0542215 0. 0. 0. ]\n", + " [1.1533053 1.151855 1.1632047 1.1723589 1.1606867 1.1293156 1.0968586\n", + " 1.0755557 1.0654783 1.0623953 1.0606835 1.0558978 1.0476092 1.0404396\n", + " 1.03728 1.0385938 1.0429043 1.0470587 1.0492599 1.0501628]]\n", + "[[1.1696447 1.1666303 1.1776521 1.1868429 1.1741188 1.1409583 1.1069005\n", + " 1.0842898 1.0734181 1.0697378 1.0676509 1.0621078 1.0529188 1.0455246\n", + " 1.042104 1.0441515 1.0492446 1.0539588 1.0561621 1.0573373]\n", + " [1.195766 1.1893462 1.1991875 1.2071365 1.1931478 1.1566551 1.1192942\n", + " 1.0944451 1.0831525 1.0815823 1.0815867 1.0763476 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1656101 1.1619617 1.1701407 1.1761681 1.1652715 1.1345243 1.102758\n", + " 1.0811133 1.0692787 1.0646957 1.0624768 1.0580686 1.050345 1.0433336\n", + " 1.0404313 1.0418228 1.0463145 1.0510195 1.0533509 1.0549991]\n", + " [1.2009355 1.1948975 1.2050762 1.2139008 1.1998605 1.1634824 1.1256717\n", + " 1.1011993 1.0903981 1.0882984 1.0882986 1.0819839 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1849296 1.1796443 1.1891459 1.1967571 1.1844449 1.1495944 1.1142983\n", + " 1.0914263 1.080428 1.0792092 1.079607 1.0739969 1.0640355 1.0547704\n", + " 1.050653 0. 0. 0. 0. 0. ]]\n", + "[[1.1616206 1.1579204 1.1667047 1.1728885 1.1616184 1.1299986 1.0983008\n", + " 1.077819 1.0683147 1.0675533 1.0677705 1.063271 1.0543633 1.0460042\n", + " 1.0428779 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1700085 1.1675771 1.1790042 1.189014 1.1768945 1.1438826 1.1089854\n", + " 1.0848497 1.0731503 1.0693808 1.0673695 1.0617582 1.0533429 1.0454466\n", + " 1.0421526 1.0436403 1.0486946 1.053378 1.0555197 1.0562423 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1548657 1.1511078 1.1621897 1.1735911 1.1662774 1.1360227 1.1031559\n", + " 1.0810809 1.0699146 1.0660076 1.0638149 1.057857 1.0488762 1.042026\n", + " 1.0393747 1.041514 1.0464687 1.050947 1.0532569 1.0539562 1.0546999\n", + " 1.0575094 1.0648829 1.0736601 1.0816444 1.0860263 1.0878422 1.0838004\n", + " 1.0763263 1.0670886]\n", + " [1.1755149 1.1720375 1.1830978 1.1916372 1.1780138 1.1428962 1.1078415\n", + " 1.084244 1.0738215 1.0713861 1.0701797 1.065572 1.0565015 1.0484455\n", + " 1.0448234 1.0466564 1.0516771 1.0567075 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1759077 1.1702266 1.1784874 1.1865618 1.175171 1.1432511 1.1097623\n", + " 1.0879617 1.0770677 1.0753725 1.074615 1.069676 1.05981 1.0511478\n", + " 1.0472627 1.0494881 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1806842 1.1763084 1.185158 1.193078 1.1801196 1.1452879 1.1099079\n", + " 1.0871505 1.0767308 1.0741575 1.0729983 1.067774 1.0581237 1.0500804\n", + " 1.0469506 1.049079 1.0547544 0. 0. 0. ]\n", + " [1.1665167 1.1642629 1.1746564 1.1829488 1.1693015 1.1367368 1.1038533\n", + " 1.0817757 1.0709866 1.0674285 1.0657089 1.0600828 1.0514212 1.0439839\n", + " 1.0412066 1.042548 1.0472586 1.0521703 1.0546383 1.05619 ]\n", + " [1.1803751 1.1771946 1.1881909 1.196196 1.1839699 1.1492282 1.1130505\n", + " 1.089068 1.0783932 1.0757755 1.074889 1.0697439 1.0604191 1.050881\n", + " 1.0467694 1.0486529 1.0544072 0. 0. 0. ]\n", + " [1.1719387 1.167723 1.1778315 1.1873338 1.1749647 1.1419969 1.1076113\n", + " 1.08423 1.0739105 1.0726613 1.0723578 1.0682007 1.0591247 1.0504183\n", + " 1.0464892 0. 0. 0. 0. 0. ]\n", + " [1.171788 1.1668494 1.1767162 1.1854296 1.1738089 1.1416713 1.1078289\n", + " 1.0853994 1.0749543 1.0735736 1.0734913 1.0685387 1.0595284 1.0506232\n", + " 1.0465735 0. 0. 0. 0. 0. ]]\n", + "[[1.1945101 1.1890497 1.1981336 1.2060868 1.1921469 1.156749 1.1207519\n", + " 1.0969771 1.0857221 1.0843298 1.0841786 1.0777752 1.0677731 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1678237 1.1626744 1.1716738 1.1790218 1.1677041 1.135912 1.1025658\n", + " 1.080516 1.0704408 1.0679545 1.0680869 1.0637196 1.0550663 1.0472236\n", + " 1.0434945 1.0452523 1.0502741 0. ]\n", + " [1.1851811 1.1808308 1.1899047 1.1994182 1.1866659 1.1520867 1.1159514\n", + " 1.09237 1.0808647 1.0774202 1.077406 1.0719126 1.0621699 1.0538636\n", + " 1.0497153 1.0519419 0. 0. ]\n", + " [1.1814181 1.1783307 1.189563 1.1972135 1.1827844 1.1470361 1.1120633\n", + " 1.0889382 1.0796303 1.0783355 1.0786003 1.0734893 1.0630045 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1700135 1.1663849 1.1767212 1.1862483 1.174911 1.1415365 1.1067336\n", + " 1.0834676 1.0725466 1.0699613 1.0689443 1.0648491 1.0562204 1.0484871\n", + " 1.0444026 1.0455427 1.0504866 1.0558016]]\n", + "[[1.1621953 1.1590074 1.1697273 1.1786512 1.167351 1.135291 1.1016744\n", + " 1.0797 1.0697109 1.0685824 1.0695206 1.0652287 1.0563318 1.0481086\n", + " 1.0444628 0. 0. 0. 0. ]\n", + " [1.1648856 1.1605822 1.1698613 1.1784788 1.1662257 1.1343365 1.1012796\n", + " 1.0801685 1.0704154 1.0684711 1.0690416 1.0642265 1.0549879 1.0473127\n", + " 1.0435222 0. 0. 0. 0. ]\n", + " [1.1746151 1.1712581 1.1814944 1.1904862 1.1770254 1.1438186 1.1088147\n", + " 1.0863184 1.0744559 1.0714686 1.0696347 1.0642715 1.0550705 1.0471163\n", + " 1.0432034 1.0451108 1.0501857 1.0553312 1.0574331]\n", + " [1.2026983 1.1977706 1.2083999 1.2163107 1.2024955 1.1651103 1.1267633\n", + " 1.1011593 1.0897056 1.0880523 1.0874641 1.0822266 1.070698 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1741409 1.1691948 1.1770235 1.1845119 1.1718756 1.1399226 1.1076989\n", + " 1.0865885 1.076779 1.0746317 1.0749619 1.0703696 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1600304 1.1555626 1.164372 1.172095 1.1608255 1.1284839 1.0959533\n", + " 1.0757403 1.0661759 1.064399 1.0640131 1.0603253 1.0526098 1.0454539\n", + " 1.0418416 1.0433357 1.0482731]\n", + " [1.1558907 1.1537833 1.1652368 1.1739646 1.164487 1.1330085 1.1000911\n", + " 1.07804 1.0677965 1.0658791 1.0655123 1.0606136 1.0523722 1.0445527\n", + " 1.0409085 1.0425674 1.0473949]\n", + " [1.1710268 1.1675428 1.1778462 1.1873672 1.1747496 1.141923 1.1080253\n", + " 1.0852126 1.0742365 1.0722016 1.0715203 1.0663148 1.0568464 1.0481334\n", + " 1.0443443 1.046247 1.0524604]\n", + " [1.1717762 1.1668417 1.1767198 1.1860058 1.1749129 1.1421696 1.1087239\n", + " 1.0862606 1.0764306 1.0749621 1.0751147 1.0698327 1.060065 1.0505286\n", + " 1.0462359 0. 0. ]\n", + " [1.1777134 1.1741672 1.1848648 1.1946163 1.1821721 1.146133 1.1100094\n", + " 1.0860653 1.0762546 1.0744486 1.0753237 1.0704527 1.0611092 1.0521187\n", + " 1.0480658 1.0497525 0. ]]\n", + "[[1.1724126 1.1676823 1.1782217 1.1866885 1.1752157 1.1420494 1.107037\n", + " 1.0839285 1.0732235 1.0711097 1.0702468 1.0660086 1.0576233 1.0489014\n", + " 1.0453906 1.0475675 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1846294 1.1797438 1.1902571 1.1985487 1.1833458 1.1459787 1.1098197\n", + " 1.0872658 1.0774151 1.0767176 1.0771779 1.071461 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1828498 1.1799567 1.1910031 1.201516 1.1897812 1.1550901 1.1194478\n", + " 1.0944631 1.0814666 1.0762789 1.0738424 1.0676723 1.0580838 1.0493978\n", + " 1.0464399 1.0482326 1.0537006 1.0587914 1.0615158 1.0628846 1.0639759\n", + " 1.0676091 1.075396 ]\n", + " [1.1629031 1.1599026 1.1704825 1.1788065 1.1669431 1.1339375 1.1006176\n", + " 1.0788606 1.0683479 1.0662729 1.0662757 1.0614187 1.0533078 1.045772\n", + " 1.0420005 1.0433669 1.0481787 1.0528185 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1757864 1.1728758 1.1833594 1.1928278 1.1800635 1.1461594 1.1109378\n", + " 1.0864245 1.0751048 1.0714173 1.0702711 1.0649912 1.0557715 1.0478632\n", + " 1.0437571 1.0455723 1.0505093 1.0555215 1.0582794 0. 0.\n", + " 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1660614 1.1649503 1.1764044 1.1869012 1.1739932 1.1408104 1.1067066\n", + " 1.0834972 1.0715716 1.0684779 1.0668837 1.0610902 1.0530503 1.0457761\n", + " 1.0419269 1.0435013 1.0482805 1.0530547 1.0554942 1.056517 ]\n", + " [1.2061306 1.2012308 1.2114642 1.2208953 1.2050197 1.1671164 1.1283362\n", + " 1.1027755 1.0917506 1.0906047 1.0908146 1.0841602 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1655841 1.1615517 1.1721518 1.1817116 1.1699715 1.1364617 1.1029327\n", + " 1.0809264 1.0711348 1.0699604 1.0698117 1.0650338 1.0556351 1.0469145\n", + " 1.0431335 0. 0. 0. 0. 0. ]\n", + " [1.1696976 1.1654402 1.1747868 1.1830813 1.1718938 1.1404238 1.1063961\n", + " 1.0839936 1.0726701 1.0702252 1.069941 1.0652821 1.0566803 1.0485559\n", + " 1.0448774 1.0469898 0. 0. 0. 0. ]\n", + " [1.1776055 1.1750015 1.1870731 1.1966497 1.1849256 1.1500984 1.1129012\n", + " 1.0890503 1.0782301 1.0765519 1.0763912 1.0717188 1.062025 1.0529286\n", + " 1.0487096 0. 0. 0. 0. 0. ]]\n", + "[[1.1642495 1.1611418 1.1717291 1.1805173 1.1681616 1.1361814 1.103104\n", + " 1.081052 1.0709366 1.068383 1.067756 1.0623212 1.0535182 1.0451643\n", + " 1.0413353 1.0430908 1.047957 1.0532975 0. 0. 0.\n", + " 0. ]\n", + " [1.1760848 1.1727519 1.1828871 1.1922901 1.1797655 1.1463561 1.1121861\n", + " 1.0895535 1.0773779 1.0731933 1.070495 1.0643811 1.0552793 1.0468798\n", + " 1.0437043 1.0455358 1.0508096 1.0559843 1.0588609 1.0601188 0.\n", + " 0. ]\n", + " [1.1979935 1.1931453 1.2041749 1.2140363 1.1999072 1.1631227 1.1245697\n", + " 1.0995423 1.0873246 1.0857421 1.0855289 1.0799602 1.069494 1.0595852\n", + " 1.0550084 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1790414 1.176735 1.1869469 1.1974611 1.1847198 1.1515529 1.116146\n", + " 1.0921217 1.079344 1.0749445 1.0725399 1.0659428 1.056933 1.048902\n", + " 1.0455471 1.0478384 1.0527728 1.0581217 1.0605288 1.0612303 1.0626556\n", + " 1.066496 ]\n", + " [1.1853727 1.1811017 1.1908303 1.1990466 1.1869327 1.1519269 1.1164917\n", + " 1.0927677 1.0811187 1.0783966 1.0773985 1.0726112 1.062916 1.0541422\n", + " 1.0499274 1.0519773 1.0580137 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1724154 1.167937 1.1791377 1.1877224 1.176288 1.1424652 1.1078752\n", + " 1.0842967 1.0729096 1.0693256 1.067255 1.0619421 1.0532464 1.0455447\n", + " 1.0420831 1.0438066 1.0487645 1.0536425 1.0561315 1.0575827]\n", + " [1.173441 1.1701127 1.1798757 1.1885924 1.1774356 1.1440072 1.1095682\n", + " 1.08582 1.0746894 1.0707798 1.0693669 1.0644957 1.0560116 1.0482737\n", + " 1.0445911 1.0459454 1.0507386 1.0553415 1.0580628 0. ]\n", + " [1.1855512 1.1797717 1.1892169 1.1979963 1.1848155 1.1508665 1.1161637\n", + " 1.0928364 1.081784 1.0800117 1.079596 1.0740691 1.0639278 1.0544169\n", + " 1.0501822 0. 0. 0. 0. 0. ]\n", + " [1.1818293 1.1767536 1.1857567 1.1938232 1.1809646 1.1476032 1.1125877\n", + " 1.0888752 1.0768194 1.0740302 1.0729606 1.0676708 1.0587168 1.0509108\n", + " 1.0471814 1.0487345 1.0537018 1.0586857 0. 0. ]\n", + " [1.1814048 1.1774464 1.1888752 1.1985543 1.1861924 1.1508709 1.1138244\n", + " 1.0899695 1.0782855 1.0755872 1.0759997 1.0707176 1.0612775 1.0524908\n", + " 1.0484029 1.0501581 1.0559978 0. 0. 0. ]]\n", + "[[1.1677893 1.164426 1.1749098 1.1846526 1.1746452 1.1425296 1.108164\n", + " 1.0852512 1.0740184 1.0698197 1.0676893 1.0614309 1.0523677 1.0446503\n", + " 1.0414884 1.0435596 1.0478604 1.0524555 1.0551252 1.0558796 1.0568569\n", + " 1.0603756 1.0675887]\n", + " [1.1839432 1.1798098 1.1888225 1.1981958 1.1858444 1.1506865 1.1146219\n", + " 1.0906157 1.081123 1.0795563 1.0804765 1.0753614 1.0651039 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1544839 1.150983 1.1596855 1.1670498 1.1556659 1.1255032 1.0946978\n", + " 1.0747042 1.0657978 1.0638328 1.0633643 1.0589662 1.0505127 1.0427167\n", + " 1.0394574 1.0408633 1.0454649 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1904608 1.1855898 1.1962502 1.2056706 1.1917398 1.157156 1.1199005\n", + " 1.0950265 1.0845703 1.0830061 1.0831544 1.0786664 1.0677539 1.058198\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1773607 1.1737865 1.1844591 1.1938236 1.1820468 1.1483278 1.1128047\n", + " 1.0887506 1.076775 1.0731331 1.0714128 1.0659952 1.0568963 1.048343\n", + " 1.0451081 1.0466577 1.0521524 1.0575968 1.0600525 0. 0.\n", + " 0. 0. ]]\n", + "[[1.17504 1.17076 1.1790117 1.187047 1.1743755 1.1425022 1.1082671\n", + " 1.0857028 1.0740497 1.0703797 1.0687226 1.0639018 1.0551869 1.0474896\n", + " 1.0441229 1.0461035 1.0511154 1.0557698 1.0581394 0. 0.\n", + " 0. 0. ]\n", + " [1.1624446 1.1575887 1.1673142 1.1756386 1.1640645 1.1325643 1.1005077\n", + " 1.0796572 1.0702745 1.0688498 1.0692259 1.0647421 1.0558565 1.0471985\n", + " 1.0432701 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1791357 1.1765348 1.1871023 1.1971085 1.1843776 1.1512741 1.1158913\n", + " 1.0918341 1.0796704 1.0748336 1.0726289 1.0661606 1.0564735 1.0483104\n", + " 1.0451598 1.0471519 1.0525091 1.0576084 1.0605676 1.0611001 1.0622194\n", + " 1.065935 1.0735562]\n", + " [1.1883534 1.1822892 1.1937057 1.2029667 1.1908942 1.1554183 1.1182175\n", + " 1.093723 1.0821311 1.0803367 1.0804343 1.0745736 1.0648445 1.0554688\n", + " 1.0515082 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1840303 1.1817884 1.194303 1.2043356 1.1894846 1.1529236 1.1154834\n", + " 1.0904554 1.078708 1.0759543 1.0746812 1.0692608 1.0597473 1.0512425\n", + " 1.0477881 1.0492474 1.0549138 1.0599469 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1673872 1.1640731 1.174849 1.1857985 1.1769786 1.145314 1.1115651\n", + " 1.0883082 1.0766892 1.0725837 1.069985 1.0624022 1.0525968 1.0444975\n", + " 1.0416696 1.0442934 1.0499948 1.0555835 1.0580523 1.0583339 1.0588508\n", + " 1.0618583 1.069126 1.0799202 1.0883482 1.0923144 1.0937184 1.0906385]\n", + " [1.1817633 1.1794622 1.1908795 1.2005446 1.1869655 1.1508766 1.1140611\n", + " 1.0888163 1.0779195 1.0751942 1.0740458 1.0686973 1.059071 1.0503534\n", + " 1.0467179 1.0485529 1.0541897 1.0599402 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1924922 1.1878641 1.1978334 1.2075001 1.1944335 1.1589316 1.1224597\n", + " 1.097689 1.0866379 1.0848358 1.0848566 1.0794156 1.0690131 1.0589244\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.163348 1.158817 1.1673644 1.1760126 1.1650797 1.1352986 1.1031733\n", + " 1.0818641 1.0721447 1.070037 1.069762 1.0646052 1.0551821 1.0466676\n", + " 1.042524 1.0444049 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1731836 1.1686604 1.1780776 1.185095 1.173098 1.139217 1.1050239\n", + " 1.0828786 1.0726345 1.0699434 1.069049 1.0635177 1.0542227 1.0463675\n", + " 1.0430173 1.0448587 1.0502932 1.0554365 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.18032 1.1776321 1.1880924 1.198353 1.186018 1.1524637 1.1168174\n", + " 1.0918299 1.0797457 1.0749805 1.0723987 1.0660883 1.0564284 1.0480297\n", + " 1.0446239 1.0468599 1.0524616 1.0576403 1.060913 1.0613366 1.0623353\n", + " 1.0661312 1.0740272 1.0840375 0. ]\n", + " [1.1775857 1.1756376 1.1873869 1.1966926 1.1851823 1.1505126 1.1140127\n", + " 1.0894939 1.0776128 1.0738864 1.0723037 1.0666206 1.0576093 1.0487016\n", + " 1.0452678 1.0469083 1.0521944 1.0575327 1.059836 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1580815 1.1539377 1.1639674 1.1731498 1.1622791 1.1321616 1.1004707\n", + " 1.0784338 1.0678955 1.064342 1.062709 1.0574781 1.0493913 1.0417415\n", + " 1.0386564 1.0403104 1.0450153 1.0496441 1.0516454 1.0522932 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.159321 1.1545954 1.1632122 1.1698077 1.1585534 1.1275189 1.0959177\n", + " 1.0759033 1.0667065 1.0649669 1.064897 1.0608015 1.0524461 1.0452622\n", + " 1.0418832 1.0438111 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1658269 1.1636392 1.1742264 1.1835449 1.1712835 1.1396489 1.1068856\n", + " 1.0844206 1.073192 1.0690866 1.0669835 1.0608253 1.0512116 1.0439938\n", + " 1.0407845 1.0427804 1.0481536 1.0529647 1.0554816 1.0564414 1.057302\n", + " 1.0604632 1.0679492 1.0783979 1.0865972]]\n", + "[[1.1788365 1.1747602 1.1850699 1.1941545 1.1809537 1.14747 1.1128367\n", + " 1.0891976 1.0781476 1.0754476 1.0744619 1.069415 1.0597733 1.0508007\n", + " 1.0468174 1.0487659 1.054261 0. 0. 0. ]\n", + " [1.1643856 1.1597011 1.1688519 1.1767771 1.1655482 1.132833 1.1000283\n", + " 1.078267 1.0688394 1.0670089 1.0672016 1.0627947 1.0544647 1.0465555\n", + " 1.0431677 1.0450941 0. 0. 0. 0. ]\n", + " [1.1788996 1.1765963 1.1869347 1.1951523 1.1811192 1.1458567 1.1100345\n", + " 1.0866542 1.0756125 1.0728116 1.0713665 1.0655972 1.0567523 1.0485014\n", + " 1.0447421 1.0463866 1.0518091 1.0568538 1.0597408 0. ]\n", + " [1.1877917 1.1845187 1.1947222 1.2029502 1.1902809 1.1558284 1.1200286\n", + " 1.0955135 1.0828131 1.0781785 1.0757967 1.0685053 1.0585122 1.0504516\n", + " 1.0471944 1.0492383 1.0550041 1.060183 1.0624356 1.0633687]\n", + " [1.1663458 1.1645347 1.1752241 1.1835356 1.1708193 1.1376622 1.1039901\n", + " 1.0815479 1.07097 1.0681218 1.0667329 1.0615215 1.0523919 1.0444227\n", + " 1.0411065 1.0428404 1.047818 1.0527556 1.0554318 0. ]]\n", + "[[1.1694139 1.166245 1.1774809 1.1857432 1.1737833 1.1402488 1.1053137\n", + " 1.0827339 1.0726979 1.0715612 1.0718503 1.0669211 1.0574191 1.0486568\n", + " 1.0447791 1.0468467 0. ]\n", + " [1.2002836 1.194227 1.2051903 1.2150385 1.2015756 1.1644126 1.1257964\n", + " 1.1003547 1.0886431 1.0867294 1.0866386 1.0810236 1.0698519 1.0592371\n", + " 1.0542985 0. 0. ]\n", + " [1.1799669 1.1756756 1.1849533 1.193903 1.1798894 1.1451327 1.1103141\n", + " 1.0871449 1.0775797 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1761148 1.1718671 1.1799028 1.1868228 1.1761 1.1439562 1.1099294\n", + " 1.0862979 1.0754102 1.0727888 1.0725343 1.0675477 1.0582902 1.0508368\n", + " 1.0473235 1.0493181 0. ]\n", + " [1.1660166 1.1619736 1.1704745 1.178653 1.1676041 1.1354642 1.1032034\n", + " 1.081395 1.070981 1.0682594 1.0674831 1.0632173 1.0547255 1.0468947\n", + " 1.0436198 1.0451994 1.0506274]]\n", + "[[1.1871768 1.1838933 1.1950986 1.2050456 1.1913383 1.1539365 1.1162512\n", + " 1.0914128 1.0814252 1.080624 1.0817294 1.0759859 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1881286 1.1839477 1.1935936 1.2015803 1.1882263 1.1534829 1.1187499\n", + " 1.0948949 1.0829558 1.0785309 1.0765569 1.0696065 1.059972 1.0517836\n", + " 1.0479455 1.0507187 1.056344 1.0617228 1.0639566]]\n", + "[[1.1683116 1.166215 1.1771603 1.186573 1.1743555 1.1399795 1.1055664\n", + " 1.083029 1.0722399 1.0687693 1.0675803 1.0624415 1.0538775 1.046393\n", + " 1.0428454 1.044378 1.048798 1.0536635 1.0559626 1.0569015]\n", + " [1.2092949 1.2039238 1.2142335 1.2223198 1.2085418 1.1704414 1.1307111\n", + " 1.1041089 1.0913328 1.0904763 1.0898131 1.0845145 1.0733448 1.0635687\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1579401 1.1562555 1.1662492 1.1746335 1.1620723 1.1301799 1.09735\n", + " 1.0761708 1.0659567 1.0637642 1.0632255 1.0589384 1.0513147 1.0432485\n", + " 1.0399649 1.0412612 1.045963 1.0507942 0. 0. ]\n", + " [1.169411 1.1671398 1.1770641 1.184908 1.1715184 1.1380718 1.1047852\n", + " 1.0827035 1.071457 1.0680804 1.0662853 1.0603206 1.0520897 1.0445632\n", + " 1.0415092 1.0430411 1.0478905 1.0526981 1.0547854 1.0556715]\n", + " [1.1735153 1.1711403 1.1818771 1.1918852 1.1804365 1.1469648 1.1118913\n", + " 1.0873938 1.0750622 1.0712274 1.0693638 1.0642289 1.0550698 1.047292\n", + " 1.0433979 1.0449613 1.0500548 1.0548875 1.0573751 1.0579164]]\n", + "[[1.1613531 1.1576607 1.1666322 1.1737207 1.1612184 1.1304827 1.0989376\n", + " 1.0779842 1.0672787 1.0648474 1.0638313 1.0583116 1.0503523 1.0433191\n", + " 1.0405117 1.0419865 1.046681 1.0512922 1.0539674]\n", + " [1.1613249 1.1572201 1.1665393 1.1736414 1.1626844 1.1324093 1.1003355\n", + " 1.0791047 1.0691836 1.0677756 1.0680499 1.0631646 1.0546826 1.0468823\n", + " 1.0432193 0. 0. 0. 0. ]\n", + " [1.1744653 1.1709721 1.1819804 1.1909482 1.1778512 1.143141 1.1075335\n", + " 1.0840801 1.0734043 1.071269 1.0712388 1.0668774 1.0580078 1.0499127\n", + " 1.0460452 1.0479789 1.0533209 0. 0. ]\n", + " [1.1596978 1.1575994 1.167768 1.17589 1.1640246 1.130795 1.0981913\n", + " 1.077182 1.0675702 1.0656812 1.0655392 1.0606922 1.0520871 1.0449781\n", + " 1.0412774 1.0429436 1.0480471 0. 0. ]\n", + " [1.1568756 1.1543579 1.1641884 1.1730988 1.1618761 1.131363 1.0992844\n", + " 1.0774903 1.0674057 1.0641165 1.0628333 1.058177 1.0498892 1.0427178\n", + " 1.03956 1.0411143 1.0458477 1.0504237 1.0527679]]\n", + "[[1.1684473 1.1648247 1.1747415 1.1815554 1.1699564 1.1376162 1.1048882\n", + " 1.0825465 1.0714343 1.068082 1.0665576 1.062056 1.0536462 1.0461828\n", + " 1.0429054 1.0450882 1.0501375 1.055335 ]\n", + " [1.1670781 1.1615024 1.1703331 1.1786869 1.1674541 1.1353123 1.1023351\n", + " 1.0808612 1.0706676 1.0686718 1.0688077 1.0647438 1.0556943 1.0481588\n", + " 1.0447832 1.0468314 0. 0. ]\n", + " [1.1590558 1.1537881 1.1626165 1.1708868 1.1597815 1.1284429 1.0967339\n", + " 1.0761236 1.0662037 1.0634004 1.0639262 1.0599552 1.0519481 1.045097\n", + " 1.0420234 1.0437207 0. 0. ]\n", + " [1.1610669 1.1575644 1.1683384 1.1776884 1.1660087 1.1333749 1.0996193\n", + " 1.0777948 1.067789 1.0661935 1.066557 1.0625576 1.0542506 1.0465448\n", + " 1.0426337 1.0441626 1.0489887 0. ]\n", + " [1.2061553 1.1991144 1.2080991 1.2155524 1.201445 1.1652367 1.1269546\n", + " 1.101477 1.0906043 1.0890788 1.088984 1.0839055 0. 0.\n", + " 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.182359 1.1791006 1.1894275 1.1981919 1.1854501 1.1517025 1.116477\n", + " 1.0927614 1.080058 1.0754418 1.072605 1.0664514 1.0571265 1.0491186\n", + " 1.0453415 1.0477241 1.0532618 1.0579852 1.060439 1.0613463 1.0626763]\n", + " [1.1612283 1.1570305 1.1668344 1.1751146 1.1654465 1.1345121 1.1016518\n", + " 1.0797462 1.0693173 1.0664698 1.0654072 1.060691 1.0517592 1.0439204\n", + " 1.0407622 1.0424122 1.0474272 1.0526398 0. 0. 0. ]\n", + " [1.1831071 1.1808952 1.1911405 1.2006799 1.1875453 1.1521323 1.116541\n", + " 1.0926508 1.0798726 1.0756255 1.0735091 1.0669369 1.0577563 1.0501728\n", + " 1.0464051 1.0484991 1.0534713 1.0587953 1.0610188 1.0621872 1.0638152]\n", + " [1.1751288 1.171735 1.1814227 1.1889626 1.1780988 1.1450546 1.1105684\n", + " 1.0870342 1.075988 1.073056 1.0719913 1.0677627 1.0586294 1.050746\n", + " 1.0468992 1.0486972 1.0542436 0. 0. 0. 0. ]\n", + " [1.1668422 1.1615388 1.1706374 1.1789765 1.1672498 1.1357912 1.103526\n", + " 1.0821648 1.0720352 1.0697291 1.0698867 1.0654495 1.0561818 1.0481352\n", + " 1.044076 1.0457021 0. 0. 0. 0. 0. ]]\n", + "[[1.1905979 1.1876177 1.1988494 1.2079295 1.1948105 1.1584985 1.1212163\n", + " 1.0956447 1.0829537 1.0786405 1.0762001 1.0698206 1.05996 1.0513027\n", + " 1.0481911 1.0501804 1.0559894 1.0612693 1.0639279 1.0647668 1.0664011\n", + " 1.0709605]\n", + " [1.1858294 1.1802441 1.1891441 1.1975121 1.1841537 1.1503489 1.1151901\n", + " 1.091938 1.0809247 1.0788995 1.0784162 1.0737011 1.0640842 1.0547494\n", + " 1.0509701 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1823963 1.1803278 1.1917905 1.2005798 1.1867522 1.1500403 1.1130115\n", + " 1.0890104 1.077964 1.0749559 1.0746503 1.0692738 1.0597547 1.0508178\n", + " 1.0469362 1.0488023 1.0540588 1.0595347 0. 0. 0.\n", + " 0. ]\n", + " [1.1550547 1.1516093 1.1620753 1.1721606 1.1615633 1.130696 1.0987889\n", + " 1.0770254 1.0667443 1.0638734 1.0629618 1.058287 1.0497339 1.0421016\n", + " 1.0386623 1.0403545 1.0449204 1.0497581 0. 0. 0.\n", + " 0. ]\n", + " [1.1654308 1.1627215 1.1738832 1.1826391 1.1708336 1.1383364 1.1037787\n", + " 1.0821171 1.0715944 1.0685711 1.0678284 1.062755 1.0538809 1.0464115\n", + " 1.042526 1.044005 1.0490116 1.0542116 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1725773 1.169247 1.1811056 1.1909096 1.1789002 1.1440423 1.1085852\n", + " 1.085325 1.0743849 1.0723138 1.0720676 1.067384 1.0586236 1.0499079\n", + " 1.0463638 1.0478498 1.053325 0. 0. 0. ]\n", + " [1.1744797 1.1701301 1.1793246 1.1874441 1.1751921 1.142719 1.1092813\n", + " 1.0865138 1.0750471 1.0713772 1.06955 1.0640994 1.0549126 1.0474484\n", + " 1.0441309 1.0461677 1.0508009 1.055386 1.0578942 1.0592657]\n", + " [1.1764565 1.1727343 1.1828858 1.1923915 1.1801106 1.1465896 1.111264\n", + " 1.0876505 1.0760475 1.0739741 1.073007 1.0678395 1.0584816 1.049725\n", + " 1.0456853 1.0476074 1.0533301 0. 0. 0. ]\n", + " [1.1742728 1.1715642 1.1824937 1.1919067 1.1781373 1.1441901 1.1089805\n", + " 1.086094 1.0763328 1.0749078 1.074811 1.0697314 1.0597334 1.051058\n", + " 1.0468216 0. 0. 0. 0. 0. ]\n", + " [1.1881468 1.1824884 1.1922309 1.1999081 1.1881087 1.1537315 1.1180651\n", + " 1.0945507 1.0829506 1.0808675 1.0798808 1.0743635 1.0643464 1.0549345\n", + " 1.0511513 1.0535101 0. 0. 0. 0. ]]\n", + "[[1.1649165 1.1611897 1.1721078 1.1814305 1.1699213 1.1372482 1.1028147\n", + " 1.0799943 1.0701594 1.0681874 1.0686914 1.0638831 1.0552484 1.0469246\n", + " 1.043005 1.0446085 1.0496788 0. 0. ]\n", + " [1.177903 1.1734976 1.1828713 1.1926237 1.180212 1.1456443 1.1107832\n", + " 1.0869663 1.0764383 1.0746024 1.0744123 1.0696603 1.0605885 1.0522101\n", + " 1.0483878 0. 0. 0. 0. ]\n", + " [1.181252 1.1776103 1.1879231 1.196637 1.1826345 1.1468244 1.1104834\n", + " 1.0871729 1.0764797 1.0744419 1.0744421 1.0692236 1.0595027 1.051131\n", + " 1.0471888 1.0491157 1.05463 0. 0. ]\n", + " [1.198967 1.1924607 1.2025914 1.2109787 1.1975547 1.1625361 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1578461 1.1549369 1.1649 1.1742522 1.1630386 1.1315546 1.0992506\n", + " 1.0777848 1.0668935 1.0640955 1.0630411 1.0582175 1.050318 1.0430855\n", + " 1.0399256 1.0411675 1.0459653 1.0505403 1.0526868]]\n", + "[[1.1705476 1.1653948 1.1737468 1.1810567 1.1679806 1.1369954 1.104224\n", + " 1.082724 1.0729759 1.0721234 1.0720979 1.0664809 0. 0.\n", + " 0. 0. ]\n", + " [1.1884216 1.1825266 1.1933494 1.2026414 1.190171 1.1543844 1.1174371\n", + " 1.0930475 1.0819106 1.0806091 1.081598 1.0768689 1.0668807 1.057132\n", + " 0. 0. ]\n", + " [1.1900198 1.1848696 1.1945221 1.2027742 1.189008 1.1553814 1.1198171\n", + " 1.0958472 1.0845408 1.081226 1.0807145 1.0742676 1.0648355 1.0555496\n", + " 1.0520053 1.0545957]\n", + " [1.1611042 1.1578861 1.1681216 1.1768334 1.1649281 1.1325002 1.0988313\n", + " 1.0775552 1.0673093 1.0660255 1.0666025 1.0626786 1.0548213 1.0469608\n", + " 1.0432161 1.0448065]\n", + " [1.168124 1.16419 1.1742502 1.1822393 1.1719832 1.1399139 1.1069814\n", + " 1.084832 1.0747449 1.0722436 1.0719709 1.0665596 1.057665 1.049206\n", + " 1.04525 1.0474275]]\n", + "[[1.1448367 1.142281 1.1513658 1.1593544 1.1492246 1.1193405 1.0899966\n", + " 1.0702451 1.0608704 1.0595016 1.0591462 1.0544376 1.0467098 1.0392789\n", + " 1.0361398 1.0374389 1.0419598 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1646184 1.1605942 1.1706157 1.1791538 1.1664631 1.1347089 1.1025167\n", + " 1.0813339 1.0720929 1.0706698 1.071263 1.0665545 1.057044 1.0490618\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1900095 1.1863322 1.1964271 1.2046362 1.1928253 1.1582067 1.1216036\n", + " 1.0957621 1.0831165 1.0780792 1.0742953 1.0681158 1.0585036 1.0499694\n", + " 1.0472587 1.0501175 1.0555764 1.0608177 1.063383 1.0640131 1.065703\n", + " 1.0695986]\n", + " [1.1850218 1.1787286 1.1886059 1.1974758 1.1852856 1.1499016 1.1143758\n", + " 1.0913721 1.081882 1.081352 1.0815381 1.0764134 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1676089 1.1660092 1.1771778 1.1870302 1.1751693 1.1423963 1.107697\n", + " 1.0841317 1.0730113 1.0698459 1.0682056 1.0630634 1.0536714 1.0458909\n", + " 1.0418001 1.0435772 1.0487219 1.0536302 1.0562085 0. 0.\n", + " 0. ]]\n", + "[[1.1687304 1.164766 1.1752094 1.1833713 1.1725234 1.1401435 1.1061993\n", + " 1.0835336 1.072943 1.0707847 1.0711212 1.0667737 1.058173 1.0497005\n", + " 1.0455416 1.0473998 0. 0. ]\n", + " [1.1558286 1.1534762 1.16344 1.1719717 1.1609449 1.1299067 1.0975837\n", + " 1.0761353 1.0661343 1.0639894 1.063493 1.0589474 1.0506208 1.0430806\n", + " 1.0396265 1.0407282 1.0451689 1.0497499]\n", + " [1.206589 1.2016962 1.212525 1.2207742 1.2056354 1.1664987 1.1266559\n", + " 1.1010995 1.090126 1.0895712 1.0903282 1.0842977 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1820773 1.1784586 1.1878436 1.196504 1.1843963 1.1488149 1.1126901\n", + " 1.0900462 1.0777828 1.0757922 1.0760033 1.0700401 1.0615131 1.0523642\n", + " 1.0488032 1.0509672 1.0568551 0. ]\n", + " [1.1593876 1.1564801 1.1656559 1.1737363 1.1633662 1.1310768 1.0987341\n", + " 1.0775805 1.0678337 1.0650965 1.0648805 1.0602261 1.0522678 1.045043\n", + " 1.0414803 1.0429173 1.0478473 0. ]]\n", + "[[1.1597759 1.1558231 1.1659063 1.174817 1.1634822 1.1321232 1.0998073\n", + " 1.0784559 1.0685139 1.0663418 1.0661564 1.0617256 1.0534652 1.0455325\n", + " 1.0420661 1.0436624 1.0489752 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.144358 1.1417055 1.1517866 1.161685 1.1522417 1.1235411 1.0933166\n", + " 1.0733008 1.0633099 1.0595561 1.0578572 1.0521383 1.0440497 1.0370291\n", + " 1.0341766 1.0359449 1.040306 1.0446049 1.047352 1.0476866 1.0487105\n", + " 1.0517836 1.0580277 1.0665605 1.0736532 1.0775379]\n", + " [1.1584141 1.1542234 1.1634903 1.1723264 1.1615082 1.1305609 1.0989654\n", + " 1.0780557 1.0678993 1.0653292 1.0643383 1.0589998 1.0507784 1.0434042\n", + " 1.0395733 1.0413675 1.0462054 1.0510334 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1592224 1.1565135 1.1668108 1.1747612 1.1637005 1.1320848 1.0981225\n", + " 1.0766401 1.06644 1.063638 1.063689 1.0588448 1.0508933 1.0432783\n", + " 1.0397978 1.0411505 1.0461729 1.0513027 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2014712 1.1961403 1.205231 1.2140514 1.2003498 1.163795 1.1260817\n", + " 1.1014086 1.0896096 1.0877501 1.0868784 1.0808753 1.0696796 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1773112 1.1713579 1.1810083 1.1891916 1.1764845 1.1420532 1.1080197\n", + " 1.0858364 1.0752672 1.073698 1.0736059 1.0690635 1.059547 1.0507448\n", + " 1.0472301 1.0494301 0. 0. 0. 0. 0. ]\n", + " [1.1576347 1.153717 1.1631141 1.1716387 1.1606896 1.1301656 1.098479\n", + " 1.0775504 1.0671942 1.0642751 1.0640005 1.0586345 1.050001 1.0425074\n", + " 1.039123 1.0407499 1.0454316 1.050178 0. 0. 0. ]\n", + " [1.1630983 1.1600506 1.1690551 1.1775774 1.1643422 1.1326127 1.1002861\n", + " 1.0782793 1.0678828 1.0652993 1.064865 1.0601166 1.0518687 1.0444679\n", + " 1.0409468 1.0426134 1.047323 1.0521201 0. 0. 0. ]\n", + " [1.1616933 1.1605182 1.1718625 1.1817033 1.1696591 1.1373167 1.1038824\n", + " 1.081521 1.0702533 1.0665514 1.0647726 1.0585119 1.0504076 1.043276\n", + " 1.0402385 1.0416725 1.0463513 1.0507171 1.0529392 1.0538558 1.0554956]\n", + " [1.1747302 1.171711 1.1839086 1.192625 1.1786561 1.1444045 1.1087453\n", + " 1.0846409 1.0736284 1.0706277 1.0695331 1.0643357 1.0557748 1.0479057\n", + " 1.0444481 1.0456822 1.0504545 1.0555067 1.0581845 0. 0. ]]\n", + "[[1.2052647 1.1993132 1.2087761 1.2147198 1.2013075 1.1640137 1.1259898\n", + " 1.1014822 1.0903488 1.0887265 1.0885262 1.0821499 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1595646 1.1578463 1.1685379 1.1775918 1.1652671 1.1332809 1.1008748\n", + " 1.0794294 1.0688845 1.0660924 1.0651088 1.0602067 1.0515045 1.0439363\n", + " 1.0403004 1.0420598 1.0469265 1.0521036 0. ]\n", + " [1.1724904 1.1685437 1.1791723 1.187735 1.1747772 1.1411805 1.106423\n", + " 1.083617 1.0722075 1.0686643 1.066789 1.0613796 1.0523459 1.044502\n", + " 1.0411483 1.0432161 1.0481838 1.0530336 1.0552306]\n", + " [1.1814522 1.1778492 1.1884327 1.1956193 1.1844707 1.1499805 1.1136091\n", + " 1.0899858 1.0782036 1.074646 1.0734477 1.068166 1.0590641 1.0508746\n", + " 1.0468335 1.0485294 1.0535792 1.0589952 1.0615634]\n", + " [1.1673213 1.161913 1.1717303 1.1801364 1.1692858 1.1371192 1.104222\n", + " 1.0822134 1.0723927 1.070566 1.0707034 1.0659909 1.0565276 1.0481759\n", + " 1.0440483 1.0455589 1.0509616 0. 0. ]]\n", + "[[1.1778041 1.1732781 1.1845247 1.1942643 1.1812505 1.1467524 1.1109235\n", + " 1.0875608 1.0765636 1.0741866 1.0734898 1.0679954 1.0586765 1.0502964\n", + " 1.0471865 1.0495256 0. 0. ]\n", + " [1.171666 1.1668525 1.1769855 1.18613 1.174177 1.1400349 1.1056036\n", + " 1.0831699 1.0736315 1.0723691 1.0733066 1.0689476 1.0596089 1.0510589\n", + " 0. 0. 0. 0. ]\n", + " [1.1498877 1.1469884 1.15563 1.1636122 1.1521366 1.1222914 1.0920324\n", + " 1.0716664 1.0624117 1.0606028 1.0600947 1.0564479 1.0491228 1.042018\n", + " 1.0386789 1.0402203 1.0450152 0. ]\n", + " [1.1566643 1.1525635 1.1625975 1.1710676 1.1609354 1.1303993 1.0986211\n", + " 1.0774158 1.0678802 1.0667897 1.0677289 1.0635895 1.0549899 1.0467602\n", + " 0. 0. 0. 0. ]\n", + " [1.1884274 1.1845307 1.1938708 1.2019405 1.1885105 1.1532996 1.1172051\n", + " 1.0931414 1.0810765 1.078002 1.0763757 1.0708638 1.0613453 1.052343\n", + " 1.0486156 1.0506163 1.0567199 1.06237 ]]\n", + "[[1.1798028 1.1772633 1.1867718 1.1961955 1.1835197 1.1502762 1.1152496\n", + " 1.091056 1.0793228 1.0757306 1.07306 1.0669899 1.0570537 1.048967\n", + " 1.0451243 1.0473645 1.0526211 1.0575154 1.0598388 1.060153 ]\n", + " [1.182404 1.1808531 1.1936755 1.2029456 1.1892052 1.153118 1.1164387\n", + " 1.0916363 1.0795043 1.0759056 1.0737319 1.0674655 1.0578214 1.0491993\n", + " 1.0456754 1.0471437 1.0528538 1.0581704 1.0607669 1.0621043]\n", + " [1.1818174 1.1789758 1.1901268 1.1990224 1.1856563 1.1511664 1.1150583\n", + " 1.0907923 1.0789353 1.07554 1.0736928 1.0678563 1.0582372 1.0495193\n", + " 1.0462171 1.0477614 1.0533862 1.05857 1.061063 0. ]\n", + " [1.1722885 1.1689923 1.1794136 1.1890666 1.1760049 1.1412663 1.1062745\n", + " 1.0836679 1.0739672 1.0732435 1.0742402 1.0697721 1.0602363 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1624454 1.1585988 1.1687071 1.1773458 1.164835 1.1337401 1.1017876\n", + " 1.0802456 1.0708613 1.069238 1.0699699 1.0656902 1.056078 1.0483675\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1691077 1.1652373 1.1749675 1.1842806 1.1721251 1.138329 1.1038957\n", + " 1.0813917 1.0705867 1.068247 1.0673953 1.0627759 1.0536324 1.0455453\n", + " 1.0418843 1.0437849 1.049224 1.0545738 0. 0. 0. ]\n", + " [1.1717939 1.1661392 1.1752402 1.1830348 1.1710951 1.138689 1.1054666\n", + " 1.0836941 1.0732512 1.0713075 1.0714265 1.0675715 1.0584816 1.0502096\n", + " 1.046297 1.0482984 0. 0. 0. 0. 0. ]\n", + " [1.1665651 1.1633371 1.1734407 1.182866 1.1711257 1.1380385 1.104546\n", + " 1.0822456 1.0722893 1.0701488 1.0703399 1.0659971 1.0565919 1.0485654\n", + " 1.0453818 0. 0. 0. 0. 0. 0. ]\n", + " [1.1685104 1.1653824 1.1761497 1.1840008 1.1720862 1.1391423 1.1051686\n", + " 1.0827935 1.0720757 1.0694277 1.0692133 1.0644548 1.0554904 1.0476353\n", + " 1.0442959 1.0461986 1.051529 0. 0. 0. 0. ]\n", + " [1.1855912 1.1820133 1.1922748 1.2001573 1.188355 1.1539459 1.1182034\n", + " 1.093258 1.0812443 1.0766853 1.0739871 1.067869 1.0581151 1.05005\n", + " 1.046722 1.0481404 1.053989 1.0590804 1.0614327 1.0625578 1.0640621]]\n", + "[[1.1637714 1.1593893 1.1683832 1.1766909 1.1652169 1.133201 1.1004837\n", + " 1.0788733 1.0687829 1.066235 1.066346 1.062144 1.0538567 1.0465351\n", + " 1.0432863 1.0451196 0. 0. 0. 0. 0. ]\n", + " [1.1563474 1.1500522 1.1570466 1.1647967 1.1548179 1.1254079 1.0955672\n", + " 1.0753582 1.0663444 1.0643083 1.0641145 1.0591383 1.0513492 1.0436151\n", + " 1.0402831 1.0420964 0. 0. 0. 0. 0. ]\n", + " [1.1596304 1.1566857 1.1664407 1.1743628 1.1622295 1.1314508 1.0994394\n", + " 1.077738 1.0673146 1.0634822 1.0615197 1.0570083 1.0492266 1.0425646\n", + " 1.0393441 1.041036 1.0456188 1.0500009 1.0521688 1.0532173 1.0547525]\n", + " [1.1576527 1.1544535 1.1635814 1.1712723 1.1594136 1.1292303 1.0976975\n", + " 1.0759422 1.0653702 1.0617957 1.0605407 1.055663 1.0482855 1.0415684\n", + " 1.0383953 1.0398592 1.0443326 1.0484301 1.0511837 1.0522375 1.053838 ]\n", + " [1.1634147 1.1599787 1.1705012 1.1787502 1.1674819 1.135162 1.1021141\n", + " 1.0798825 1.0697477 1.0676538 1.0674758 1.0628055 1.0548377 1.0472223\n", + " 1.0432391 1.0444494 1.0492727 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1684363 1.166835 1.1763786 1.184506 1.1726781 1.1389779 1.1040989\n", + " 1.0820118 1.0714023 1.0689366 1.0676486 1.0626757 1.0535934 1.0455937\n", + " 1.042373 1.0436728 1.0485321 1.0536369 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.200552 1.1947582 1.204062 1.2111735 1.1980793 1.1617503 1.1244006\n", + " 1.099681 1.0887446 1.0875707 1.087465 1.0820552 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1641937 1.160492 1.170203 1.1788193 1.1678317 1.1356385 1.1022862\n", + " 1.0805653 1.0701087 1.0680262 1.067947 1.0637262 1.0555751 1.0476243\n", + " 1.0437799 1.0450737 1.0498554 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1480098 1.1447698 1.1558889 1.1676493 1.158073 1.1279397 1.0957464\n", + " 1.0747983 1.0643134 1.0613638 1.0597007 1.0541971 1.045955 1.0388206\n", + " 1.0359429 1.0380601 1.0427524 1.0474212 1.0499074 1.0505149 1.0515065\n", + " 1.0542921 1.0609969 1.0697143 1.0765581 1.0792326 1.080196 ]\n", + " [1.2100676 1.2050616 1.2163169 1.2240413 1.211875 1.1737515 1.1334722\n", + " 1.1066768 1.0949365 1.0924302 1.0928202 1.0866241 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1735703 1.1684519 1.1783265 1.1873298 1.1763804 1.1432468 1.1092558\n", + " 1.0873065 1.0767759 1.0745609 1.0740528 1.0695311 1.0598185 1.0510392\n", + " 1.0468527 1.0488012 0. 0. 0. 0. ]\n", + " [1.1686373 1.1660652 1.1768961 1.1867983 1.1739321 1.1408271 1.1061184\n", + " 1.0832486 1.0719489 1.0692956 1.0682298 1.063387 1.0547166 1.0469809\n", + " 1.0434492 1.045036 1.0498669 1.0548539 1.0569857 0. ]\n", + " [1.1625177 1.1605917 1.1718736 1.1815386 1.1696438 1.1365347 1.1022419\n", + " 1.0795364 1.0682898 1.064827 1.0642684 1.0594327 1.0514312 1.0442255\n", + " 1.0406528 1.0422127 1.0464458 1.0506587 1.0532814 1.0539075]\n", + " [1.1765918 1.1724305 1.18323 1.1923794 1.179232 1.1447313 1.1093524\n", + " 1.0856261 1.0750152 1.0727581 1.0728428 1.067942 1.0585793 1.0497178\n", + " 1.0459256 1.0477352 1.0534596 0. 0. 0. ]\n", + " [1.179717 1.1755452 1.185727 1.193908 1.181693 1.146474 1.1120341\n", + " 1.0882571 1.0778002 1.0752369 1.0747489 1.0700414 1.0608182 1.0520082\n", + " 1.0478958 1.0499495 1.0556687 0. 0. 0. ]]\n", + "[[1.1794723 1.1739614 1.1820793 1.1890708 1.1744561 1.1419516 1.1079146\n", + " 1.0852585 1.074356 1.0733373 1.0734731 1.068758 1.0599903 1.0514454\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1756018 1.17375 1.1854142 1.1951735 1.182928 1.1482712 1.1116427\n", + " 1.0876298 1.0755441 1.072223 1.0716649 1.066622 1.0574366 1.0493312\n", + " 1.0455203 1.0470396 1.0520837 1.0570776 1.0595343 0. 0.\n", + " 0. 0. ]\n", + " [1.1720102 1.1703547 1.180792 1.1908572 1.178606 1.1439829 1.1094894\n", + " 1.0858229 1.0748879 1.0709952 1.0690678 1.0630443 1.053644 1.0465373\n", + " 1.0431201 1.0452389 1.0496837 1.0548817 1.0572412 1.0582007 1.059772\n", + " 0. 0. ]\n", + " [1.1615505 1.1589885 1.170114 1.1773643 1.1657456 1.1324728 1.0987077\n", + " 1.0774499 1.0675108 1.066185 1.0660813 1.0613043 1.0533037 1.0453821\n", + " 1.0416223 1.0433526 1.0482069 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1501129 1.1482599 1.1583505 1.1680512 1.1581143 1.1280128 1.0965314\n", + " 1.0757531 1.0656484 1.0624647 1.0600395 1.054632 1.0462512 1.0392452\n", + " 1.0365204 1.0383844 1.0426831 1.0474285 1.0499628 1.0508856 1.0519321\n", + " 1.0550778 1.0614564]]\n", + "[[1.161417 1.1580133 1.1674058 1.1760608 1.1654989 1.1338468 1.101476\n", + " 1.0795285 1.0675768 1.0644974 1.063059 1.0579209 1.0503613 1.0433584\n", + " 1.0400732 1.0415158 1.046067 1.0505706 1.0539193]\n", + " [1.1617442 1.1584058 1.1686351 1.1776264 1.1661868 1.1345541 1.1018449\n", + " 1.0801739 1.0699943 1.0682856 1.068821 1.0642672 1.0562897 1.0479549\n", + " 1.0441825 0. 0. 0. 0. ]\n", + " [1.1895188 1.1847733 1.1953734 1.2045292 1.191101 1.154989 1.1179538\n", + " 1.0930495 1.0820253 1.0797639 1.0794766 1.0740936 1.0639821 1.0546216\n", + " 1.0504215 1.0520955 1.058047 0. 0. ]\n", + " [1.17467 1.1698813 1.179538 1.1891321 1.1780419 1.14402 1.1086928\n", + " 1.0854448 1.0748247 1.0728203 1.0731484 1.0682135 1.0591086 1.0501627\n", + " 1.04581 1.0475192 1.0528657 0. 0. ]\n", + " [1.1806439 1.1765295 1.187015 1.1958196 1.1843523 1.1496515 1.1132251\n", + " 1.0894666 1.0774717 1.0741554 1.0726178 1.0676675 1.0584701 1.0505424\n", + " 1.0469201 1.0486051 1.0536494 1.0587597 1.0614651]]\n", + "[[1.1514286 1.1473973 1.157027 1.1662953 1.1547345 1.1257315 1.0945582\n", + " 1.073415 1.0639601 1.0621048 1.063039 1.0597175 1.0516478 1.0441387\n", + " 1.0404677 0. 0. 0. 0. ]\n", + " [1.1801056 1.176417 1.1867054 1.1943051 1.1792716 1.1445352 1.1090953\n", + " 1.0861695 1.0767128 1.0762978 1.0767586 1.0718831 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1617005 1.1585898 1.1703575 1.180506 1.1685928 1.135865 1.1018025\n", + " 1.0788124 1.0684669 1.0658416 1.0653301 1.0608982 1.0522414 1.0442864\n", + " 1.0406599 1.0426244 1.047613 1.0529436 0. ]\n", + " [1.1924964 1.1891518 1.1991568 1.2064998 1.1936625 1.1579821 1.1202549\n", + " 1.0959849 1.0836462 1.0798047 1.0778619 1.0719407 1.0622884 1.0533648\n", + " 1.049788 1.0516964 1.0575377 1.0628085 1.0654068]\n", + " [1.1750094 1.1717739 1.1824636 1.1919622 1.1792653 1.1463503 1.111408\n", + " 1.0881642 1.0770602 1.0744629 1.0733689 1.0684009 1.0587109 1.0500343\n", + " 1.0458379 1.0477524 1.0534621 0. 0. ]]\n", + "[[1.1548018 1.1515536 1.1611133 1.1700332 1.1599351 1.1298368 1.099131\n", + " 1.078203 1.067504 1.0626916 1.0609435 1.0554775 1.0473995 1.0404682\n", + " 1.0384288 1.0402063 1.0450375 1.0494847 1.0516428 1.0524025 1.0538318\n", + " 1.0571285 1.064192 ]\n", + " [1.1461964 1.1436449 1.1528271 1.1610438 1.1493474 1.120412 1.0904921\n", + " 1.0705051 1.0609869 1.058458 1.0585145 1.054069 1.0468777 1.0398885\n", + " 1.0368906 1.0383197 1.0426458 1.0474058 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1895839 1.1848485 1.1967543 1.2064359 1.1945455 1.1580787 1.1194276\n", + " 1.093864 1.0819076 1.0801849 1.081129 1.0763577 1.0670352 1.0572616\n", + " 1.053029 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1755123 1.1730655 1.1846 1.1941265 1.1801418 1.1447427 1.109417\n", + " 1.0862571 1.07622 1.0748976 1.0748918 1.0702362 1.0603172 1.0510409\n", + " 1.047413 1.0493416 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1841319 1.1793677 1.1898795 1.1987481 1.1872466 1.1527654 1.1166823\n", + " 1.091647 1.0794444 1.0762508 1.0747964 1.0694767 1.0599008 1.0513649\n", + " 1.0469855 1.0488217 1.0538726 1.0591259 1.061625 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1819375 1.1775908 1.1876754 1.1958549 1.1828825 1.1487013 1.1135164\n", + " 1.0889008 1.0775104 1.0741614 1.0728672 1.0677797 1.0586238 1.0508298\n", + " 1.0470372 1.0492567 1.0544382 1.0597522 1.0624847 0. ]\n", + " [1.1620595 1.1589584 1.1687152 1.176367 1.1645911 1.1329485 1.1003994\n", + " 1.0785044 1.0687838 1.0667706 1.0667902 1.0623763 1.0539857 1.0461158\n", + " 1.0424916 1.0441877 0. 0. 0. 0. ]\n", + " [1.2059017 1.2001523 1.2093856 1.2173918 1.2022556 1.1658064 1.1284665\n", + " 1.1034771 1.0918945 1.0896006 1.0893689 1.0823344 1.0721424 1.0619297\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1685722 1.1659547 1.1770545 1.1860296 1.1755971 1.1425502 1.1082963\n", + " 1.0845875 1.0735853 1.0700673 1.0684388 1.0622467 1.0533576 1.0453801\n", + " 1.0418665 1.0428413 1.0480003 1.0525699 1.0548776 1.0555991]\n", + " [1.1736047 1.1694391 1.1779072 1.187394 1.1746371 1.1408812 1.1057128\n", + " 1.0843596 1.0749002 1.0742115 1.0742617 1.0685315 1.0590453 1.0500466\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1728321 1.1687472 1.1788939 1.1882434 1.1773229 1.1434023 1.1089488\n", + " 1.0857173 1.0754791 1.0738338 1.0741708 1.0697873 1.0609303 1.0521978\n", + " 1.0482409 0. 0. 0. 0. 0. ]\n", + " [1.1671667 1.1615527 1.1702625 1.1777232 1.1655823 1.1333916 1.1006318\n", + " 1.0793175 1.0692074 1.0670351 1.0668505 1.0625839 1.0545824 1.0471843\n", + " 1.0438638 1.0457759 0. 0. 0. 0. ]\n", + " [1.1965206 1.1936216 1.205316 1.2149827 1.2016895 1.1639943 1.1251267\n", + " 1.0977405 1.0848767 1.0810151 1.0789739 1.0733936 1.0634897 1.0550008\n", + " 1.0511041 1.0528167 1.0580297 1.0628431 1.0653465 1.067041 ]\n", + " [1.1700608 1.1665614 1.1766893 1.1869445 1.1758146 1.1425843 1.1076771\n", + " 1.0854039 1.0750003 1.073764 1.0736489 1.0697261 1.06024 1.0517648\n", + " 1.0477355 0. 0. 0. 0. 0. ]\n", + " [1.1690732 1.1631929 1.1731718 1.1815866 1.1681854 1.1347436 1.101117\n", + " 1.0793077 1.0688396 1.0678878 1.0682389 1.0641253 1.0557839 1.0476849\n", + " 1.0443228 1.0462162 0. 0. 0. 0. ]]\n", + "[[1.1555703 1.1521393 1.1609298 1.1674986 1.156082 1.1256704 1.0946957\n", + " 1.0745268 1.0653557 1.0632116 1.0630997 1.0584252 1.0504537 1.0425391\n", + " 1.0394325 1.0411121 1.0461669 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1697855 1.1667231 1.1768645 1.1844579 1.1719322 1.1383228 1.1053681\n", + " 1.0829844 1.0727059 1.0710334 1.071286 1.0665185 1.0573219 1.0495019\n", + " 1.0455544 1.0472809 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1490598 1.1458535 1.1566641 1.167461 1.1579852 1.1280122 1.0965275\n", + " 1.0756258 1.0651411 1.0619249 1.0605052 1.0549841 1.0464046 1.0394715\n", + " 1.0367594 1.0388759 1.0438776 1.0486243 1.0507325 1.0517296 1.0526073\n", + " 1.0556824 1.0623795 1.0718588 1.0785725 1.0826129 1.0834395 1.079985 ]\n", + " [1.167544 1.1650249 1.174798 1.1832876 1.1708258 1.1372557 1.1033093\n", + " 1.0809596 1.070063 1.0682025 1.0677433 1.0632213 1.0545151 1.0469289\n", + " 1.0434153 1.0451125 1.0492574 1.0544039 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1926497 1.1893144 1.1998421 1.2085161 1.1945176 1.1575085 1.1203748\n", + " 1.09483 1.0824411 1.0804124 1.0797215 1.0749784 1.0650091 1.0563393\n", + " 1.0518638 1.0535105 1.0589473 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2177145 1.2109776 1.2212945 1.2310126 1.2169021 1.1782105 1.1370202\n", + " 1.1090559 1.096735 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1689931 1.1641655 1.1738665 1.1831617 1.1715049 1.1393276 1.1057214\n", + " 1.08369 1.073248 1.0705754 1.0703027 1.0657332 1.0568104 1.048501\n", + " 1.0445478 1.0461993 1.0518275 0. 0. 0. ]\n", + " [1.1654444 1.1629542 1.1736158 1.1823319 1.1697782 1.1373357 1.103973\n", + " 1.0814848 1.0700766 1.0668972 1.0653223 1.06075 1.05246 1.0450115\n", + " 1.0420622 1.0436534 1.048409 1.0534139 1.0561159 0. ]\n", + " [1.172226 1.1684135 1.179409 1.1885054 1.1770006 1.1427072 1.1072985\n", + " 1.0845673 1.0738206 1.0710851 1.0707387 1.0655992 1.0563389 1.0482931\n", + " 1.0443808 1.0461919 1.0518376 1.0571755 0. 0. ]\n", + " [1.1801202 1.1772228 1.1878031 1.1965723 1.1854562 1.1512071 1.1154056\n", + " 1.0907084 1.0785859 1.0746405 1.0727862 1.0671334 1.0579826 1.0495672\n", + " 1.046227 1.0476041 1.0531251 1.0580305 1.0605748 1.0613099]]\n", + "[[1.1754081 1.1725477 1.1837153 1.1923409 1.179551 1.1454687 1.1099514\n", + " 1.0856423 1.0743854 1.0715312 1.0705673 1.0661333 1.0573984 1.0489122\n", + " 1.0452398 1.0469296 1.0520508 1.0571598 0. ]\n", + " [1.1855989 1.1817454 1.1920378 1.1990995 1.1872016 1.1526877 1.1163601\n", + " 1.0911691 1.0790266 1.0749328 1.0739996 1.0683199 1.0593709 1.0505589\n", + " 1.0472577 1.0492178 1.0544825 1.0594183 1.0619811]\n", + " [1.1625654 1.1592466 1.1693616 1.1779151 1.1653562 1.1328965 1.1004134\n", + " 1.0786077 1.0684935 1.0665731 1.066202 1.0616374 1.0531799 1.0452378\n", + " 1.0414615 1.042788 1.0475563 1.0523616 0. ]\n", + " [1.1864522 1.1814144 1.1907896 1.198236 1.1841679 1.1507437 1.1157101\n", + " 1.0925646 1.0808725 1.0777378 1.0761404 1.0699064 1.0599748 1.0514455\n", + " 1.0480537 1.0503542 1.0562569 1.0615954 0. ]\n", + " [1.1578953 1.1548795 1.1647474 1.1726642 1.162053 1.1306007 1.0974958\n", + " 1.0769956 1.0668616 1.0647898 1.0637491 1.0588596 1.0503354 1.0424093\n", + " 1.0390418 1.0406735 1.045424 1.0504425 0. ]]\n", + "[[1.163555 1.159775 1.1691762 1.1782006 1.1658047 1.1346682 1.101367\n", + " 1.0795407 1.06917 1.0674212 1.0666057 1.0625007 1.0543399 1.0465109\n", + " 1.0429759 1.0447103 0. ]\n", + " [1.1657901 1.1612726 1.1699934 1.1778561 1.1656564 1.1335678 1.1012764\n", + " 1.0800765 1.0710369 1.069168 1.0695922 1.0650729 1.0564777 1.0481763\n", + " 1.0444981 0. 0. ]\n", + " [1.1730033 1.168022 1.1774566 1.1861337 1.173864 1.1408138 1.1070564\n", + " 1.0849973 1.0745107 1.0725074 1.0725577 1.0680926 1.0589571 1.0506345\n", + " 1.0466673 1.0486261 0. ]\n", + " [1.1812415 1.1755521 1.1841927 1.1919433 1.1775111 1.143949 1.1099393\n", + " 1.0868194 1.0759847 1.0727022 1.0727476 1.0679832 1.0596399 1.0511888\n", + " 1.0473063 1.0493994 0. ]\n", + " [1.1685185 1.164282 1.1748209 1.1833209 1.1711233 1.1378325 1.1041462\n", + " 1.0820476 1.0716369 1.0693407 1.068773 1.0637459 1.0544949 1.0467\n", + " 1.0431885 1.0452735 1.0509887]]\n", + "[[1.181216 1.1794453 1.1917219 1.201062 1.1880018 1.151714 1.1146001\n", + " 1.0899494 1.0780313 1.0750486 1.0734668 1.0673732 1.0581026 1.0495069\n", + " 1.0460372 1.0476848 1.0531505 1.0582366 1.0607433 1.0617063]\n", + " [1.1629388 1.1604798 1.1717172 1.1807659 1.1689473 1.1355864 1.1017796\n", + " 1.0798548 1.068938 1.0657356 1.0642972 1.0593398 1.0511742 1.0439941\n", + " 1.0408036 1.0421413 1.0469825 1.0514431 1.0534257 1.0542217]\n", + " [1.1919227 1.1886353 1.1985053 1.2063509 1.1943321 1.1586714 1.1213632\n", + " 1.0958283 1.0837216 1.0799649 1.0780599 1.0713351 1.0616328 1.0529549\n", + " 1.0487883 1.0510514 1.0565406 1.0617855 1.0643145 0. ]\n", + " [1.1991787 1.1904917 1.1980017 1.2067107 1.1947986 1.1597869 1.1222707\n", + " 1.0974209 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1664596 1.1629786 1.1735286 1.1826463 1.1708797 1.1373367 1.1038867\n", + " 1.0815576 1.0700163 1.0663867 1.0651443 1.05961 1.0512512 1.0438462\n", + " 1.0405201 1.0424426 1.0476102 1.0523162 1.0549492 0. ]]\n", + "[[1.1613095 1.15774 1.1682048 1.1768696 1.1649718 1.1339 1.1010656\n", + " 1.0793135 1.068598 1.0664235 1.065019 1.0603106 1.052214 1.0448077\n", + " 1.0410751 1.0429047 1.0476962 1.0527133 0. 0. 0. ]\n", + " [1.1708905 1.1657363 1.1754774 1.1842327 1.1725595 1.1388848 1.105046\n", + " 1.0820749 1.0718759 1.0696955 1.0695564 1.0644497 1.0559869 1.0477681\n", + " 1.0445601 1.0465531 1.0520884 0. 0. 0. 0. ]\n", + " [1.1696997 1.1670766 1.1782984 1.1880869 1.1766001 1.142751 1.1092128\n", + " 1.086221 1.0747387 1.0709798 1.0686696 1.0627204 1.0531485 1.0456707\n", + " 1.0422792 1.0442817 1.0488139 1.0536597 1.0559305 1.056145 1.0573897]\n", + " [1.1847473 1.1813078 1.1921204 1.2017796 1.1898868 1.1540755 1.1179407\n", + " 1.0931098 1.0803565 1.075826 1.0736285 1.067011 1.0570339 1.0491943\n", + " 1.0457209 1.0477653 1.0528646 1.057957 1.0604463 1.062038 1.0644338]\n", + " [1.1613822 1.1557497 1.1647522 1.1725731 1.1628728 1.1326314 1.1002591\n", + " 1.0789694 1.0691388 1.0674309 1.06719 1.0622709 1.0541563 1.0462862\n", + " 1.0425591 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1708183 1.1660962 1.1767215 1.1861751 1.1743873 1.141925 1.1077162\n", + " 1.0849465 1.0743139 1.0724553 1.0730003 1.0677106 1.0583327 1.0495479\n", + " 1.0455365 0. 0. 0. 0. 0. ]\n", + " [1.1794826 1.1742123 1.1836734 1.1915914 1.1817964 1.1475708 1.111777\n", + " 1.0873649 1.0760627 1.075036 1.0754583 1.0711354 1.061894 1.0528517\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1843646 1.1793839 1.1890514 1.1979868 1.1854805 1.1510571 1.1157666\n", + " 1.0922246 1.0809069 1.078081 1.0779166 1.0724713 1.0628078 1.0534348\n", + " 1.049486 1.0515788 1.0574806 0. 0. 0. ]\n", + " [1.2052128 1.1980783 1.2089072 1.218195 1.2056811 1.1665839 1.1270772\n", + " 1.101194 1.0890759 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1882292 1.1855961 1.1965078 1.2042832 1.1918315 1.1571001 1.1202012\n", + " 1.0955751 1.0831859 1.0790577 1.0773464 1.0706452 1.0604132 1.0517006\n", + " 1.0480533 1.0501782 1.0555248 1.0611435 1.0636057 1.0644172]]\n", + "[[1.1770388 1.1728438 1.1824292 1.1913071 1.1788981 1.1452404 1.1107774\n", + " 1.0875472 1.0762726 1.0730636 1.0727564 1.0678631 1.0587382 1.0503249\n", + " 1.0467002 1.0484565 1.0536147 1.0589917 0. 0. ]\n", + " [1.1703745 1.16694 1.177326 1.1848842 1.1730059 1.1395485 1.1052661\n", + " 1.083026 1.0725431 1.0715849 1.0719303 1.0672424 1.0581373 1.0495825\n", + " 1.0456953 0. 0. 0. 0. 0. ]\n", + " [1.1728139 1.1681598 1.1777743 1.1875257 1.1753873 1.1429557 1.1094513\n", + " 1.0867145 1.0757452 1.0738189 1.0742754 1.069402 1.0591123 1.0502793\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1653166 1.1640847 1.1753124 1.183845 1.1712247 1.137388 1.1040258\n", + " 1.0819812 1.0715276 1.0682896 1.0670465 1.0615888 1.052401 1.044926\n", + " 1.0414144 1.0429374 1.0477589 1.0523667 1.0546367 1.0555096]\n", + " [1.1652513 1.162082 1.173159 1.18082 1.1698586 1.1366687 1.1024631\n", + " 1.080751 1.0709907 1.0694457 1.0700043 1.0650522 1.056126 1.0478129\n", + " 1.0438883 0. 0. 0. 0. 0. ]]\n", + "[[1.2055906 1.2005684 1.2096468 1.2178773 1.2023727 1.1665995 1.1286238\n", + " 1.1032693 1.0912235 1.0894094 1.0896623 1.0840517 1.0727997 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2114244 1.2042369 1.213295 1.2213174 1.2066298 1.1685237 1.1290976\n", + " 1.1025262 1.0903682 1.0888109 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1649563 1.1609405 1.1713322 1.1803044 1.1692662 1.1371185 1.1028167\n", + " 1.0809567 1.0708115 1.0685995 1.0691274 1.064812 1.0559001 1.0480715\n", + " 1.0439631 1.0458965 0. 0. ]\n", + " [1.1729205 1.1679333 1.1772416 1.1858051 1.1734194 1.1414244 1.107791\n", + " 1.0847363 1.0745881 1.0715313 1.0703932 1.0656642 1.0568542 1.0489184\n", + " 1.0452584 1.0469599 1.052186 1.0573859]\n", + " [1.1760635 1.1703298 1.1790904 1.1878921 1.1754375 1.1415403 1.108345\n", + " 1.0865703 1.0762725 1.0740969 1.074117 1.0689847 1.0594358 1.0505055\n", + " 1.046695 1.0488402 0. 0. ]]\n", + "[[1.1876686 1.1822146 1.190572 1.197592 1.1824096 1.1482812 1.1141984\n", + " 1.0919216 1.0817947 1.0798473 1.080249 1.0751435 1.0652283 1.0557334\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1757306 1.1729976 1.1834842 1.1929569 1.1801994 1.1471243 1.111337\n", + " 1.0886055 1.0772194 1.0745457 1.0746055 1.0691042 1.0594467 1.0506979\n", + " 1.0465509 1.0482445 1.0537431 0. 0. 0. 0. ]\n", + " [1.1713846 1.1669441 1.1763244 1.1831832 1.1712736 1.1390774 1.1056901\n", + " 1.082752 1.0713582 1.0676206 1.0662575 1.0617906 1.0537453 1.0469321\n", + " 1.0436169 1.0456345 1.0503515 1.054776 1.0573351 0. 0. ]\n", + " [1.1847193 1.1824346 1.194865 1.2053777 1.192395 1.15522 1.1176835\n", + " 1.0928552 1.0802985 1.0761462 1.0740001 1.067794 1.0590514 1.0507663\n", + " 1.0475881 1.0491238 1.0545108 1.059841 1.0620861 1.0628417 1.0644224]\n", + " [1.1737583 1.1698962 1.1795136 1.1886586 1.1768222 1.1441094 1.110445\n", + " 1.0876057 1.0750552 1.0703526 1.0684221 1.0629804 1.054028 1.0469267\n", + " 1.043435 1.0452235 1.050015 1.0553977 1.0583028 1.0599945 1.0624378]]\n", + "[[1.1814234 1.1745516 1.1825205 1.1919353 1.1784616 1.1437511 1.1083167\n", + " 1.0845889 1.0743926 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1743343 1.1703968 1.1807178 1.1890057 1.1761191 1.1422324 1.1079258\n", + " 1.0850242 1.0740045 1.0706466 1.068714 1.0628349 1.0535675 1.0457239\n", + " 1.0426897 1.044598 1.0498532 1.0545914 1.056915 1.0577714]\n", + " [1.1829598 1.1783849 1.1891385 1.1980416 1.186418 1.1510262 1.1138433\n", + " 1.0889354 1.0779133 1.075125 1.0749124 1.070166 1.0606952 1.0525444\n", + " 1.0486329 1.0506296 1.0565344 0. 0. 0. ]\n", + " [1.1816261 1.1799103 1.1914374 1.200351 1.1882893 1.1521279 1.1156282\n", + " 1.0914437 1.0793959 1.0760331 1.0740356 1.0672787 1.0578433 1.0493792\n", + " 1.0456425 1.047626 1.0532609 1.0587513 1.0610039 1.0619481]\n", + " [1.1621215 1.1585693 1.1683046 1.176576 1.1645815 1.1339384 1.1013966\n", + " 1.0799972 1.0693948 1.0664649 1.0649985 1.0591818 1.0508955 1.0431719\n", + " 1.0402642 1.0421218 1.0469494 1.0512185 1.0536896 0. ]]\n", + "[[1.167961 1.1645598 1.1742135 1.181736 1.1698543 1.1376231 1.1043289\n", + " 1.0827556 1.0724686 1.0692468 1.0679418 1.0623535 1.0534945 1.0455477\n", + " 1.0421066 1.0434947 1.0483983 1.0530566 1.0552893 0. ]\n", + " [1.1717262 1.1675344 1.177462 1.1863648 1.1759479 1.14263 1.1072392\n", + " 1.0842377 1.073787 1.0720105 1.0718685 1.0667726 1.0585046 1.0501231\n", + " 1.0461159 1.0476639 0. 0. 0. 0. ]\n", + " [1.1667442 1.1658301 1.1772642 1.18682 1.1741453 1.1411773 1.1067572\n", + " 1.0834959 1.0718114 1.0687376 1.0674223 1.0617979 1.0534929 1.0458013\n", + " 1.042387 1.043892 1.0489663 1.0534068 1.0554394 1.056126 ]\n", + " [1.1832165 1.1776862 1.1861689 1.1934876 1.1807468 1.147862 1.1133604\n", + " 1.0899863 1.0783912 1.0752108 1.0745004 1.0696113 1.0605819 1.0517972\n", + " 1.0479152 1.0496299 1.0547758 0. 0. 0. ]\n", + " [1.1798534 1.1751301 1.186159 1.1957906 1.1839951 1.1498955 1.1142381\n", + " 1.0905501 1.0791998 1.0775003 1.0776669 1.0731187 1.0638789 1.0549897\n", + " 1.0506759 0. 0. 0. 0. 0. ]]\n", + "[[1.1876316 1.1827804 1.193386 1.2014778 1.1889133 1.1527039 1.1159818\n", + " 1.0916082 1.0803277 1.0775694 1.0770181 1.0720835 1.062701 1.0541835\n", + " 1.0498711 1.051931 1.0577487 0. 0. ]\n", + " [1.1714805 1.1671586 1.1780492 1.1867924 1.1751368 1.141613 1.1075171\n", + " 1.0845973 1.0742809 1.0726352 1.0727091 1.0686245 1.05907 1.0503196\n", + " 1.0464501 1.0485743 0. 0. 0. ]\n", + " [1.174747 1.1732118 1.1849895 1.1945581 1.1829013 1.1482401 1.1123453\n", + " 1.0881461 1.076575 1.0731747 1.0713124 1.065754 1.0566047 1.0486443\n", + " 1.0446233 1.0464299 1.0518861 1.0569019 1.0594501]\n", + " [1.1782317 1.1753265 1.1861721 1.1947044 1.1823165 1.1464002 1.1102194\n", + " 1.086731 1.0755289 1.0730747 1.0734494 1.0682439 1.0591922 1.050636\n", + " 1.0467358 1.0483392 1.0537097 0. 0. ]\n", + " [1.169238 1.1658863 1.1762595 1.1839195 1.1717414 1.1379787 1.1035947\n", + " 1.0817266 1.0716689 1.0693249 1.0684347 1.0631589 1.0541108 1.0460289\n", + " 1.0423388 1.0443083 1.0498122 1.0548736 0. ]]\n", + "[[1.1764927 1.1747016 1.1861283 1.1955864 1.1829075 1.1481255 1.1120107\n", + " 1.0874416 1.0759279 1.072296 1.0707362 1.0647262 1.0558583 1.0475401\n", + " 1.0438968 1.0457655 1.0509301 1.0557345 1.0576607 1.0585192]\n", + " [1.1575304 1.15342 1.1636784 1.1729554 1.1609167 1.1295298 1.0975467\n", + " 1.0761435 1.0657101 1.0634971 1.0625433 1.0580477 1.0496109 1.0422002\n", + " 1.0391458 1.0409847 1.0459005 1.0507241 0. 0. ]\n", + " [1.1810844 1.1774383 1.1887906 1.1983043 1.1856296 1.1509573 1.1147466\n", + " 1.090247 1.0789773 1.0764924 1.0757462 1.0704608 1.0607233 1.0516169\n", + " 1.047431 1.0494581 1.0549525 1.0607247 0. 0. ]\n", + " [1.1647544 1.1597518 1.1684568 1.1760569 1.1631879 1.131994 1.0997276\n", + " 1.0784146 1.0683542 1.0657388 1.0647818 1.0604677 1.0525054 1.0450443\n", + " 1.0415735 1.0433971 1.0481791 1.0532225 0. 0. ]\n", + " [1.1617619 1.1591014 1.1698139 1.1783247 1.16644 1.1346827 1.1019994\n", + " 1.0803325 1.0699679 1.0668898 1.0663158 1.0613014 1.0528167 1.0447923\n", + " 1.0413585 1.0429906 1.0479796 1.0533087 0. 0. ]]\n", + "[[1.217022 1.2101961 1.2218074 1.2319098 1.2164267 1.1760324 1.134789\n", + " 1.1082757 1.0969064 1.095533 1.0964937 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1822363 1.1784939 1.1884477 1.1969311 1.1836388 1.1501354 1.1145978\n", + " 1.0907347 1.0792656 1.0760611 1.0743845 1.0692213 1.0593115 1.0508511\n", + " 1.0466902 1.048848 1.0548009 1.0599389 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1732836 1.1704608 1.18059 1.1899627 1.1782097 1.1445493 1.1095508\n", + " 1.0857937 1.0742007 1.070971 1.0698459 1.0654597 1.0565789 1.0485511\n", + " 1.0443603 1.0459498 1.0510433 1.0564728 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.176516 1.1713502 1.1808707 1.1889017 1.176661 1.1419239 1.1069038\n", + " 1.0840825 1.0739449 1.0735782 1.0739528 1.0698807 1.0603793 1.0516218\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1660558 1.1634512 1.1733392 1.1826868 1.1712866 1.1405487 1.1079371\n", + " 1.0853705 1.0736804 1.0696366 1.06677 1.0606496 1.0513147 1.0438464\n", + " 1.041119 1.0434132 1.0484774 1.052972 1.055818 1.056271 1.0572829\n", + " 1.0607287 1.0676055 1.0771779]]\n", + "[[1.1750948 1.1735494 1.1845104 1.1926957 1.1799775 1.1461926 1.1103028\n", + " 1.0866104 1.0757161 1.0721364 1.0706464 1.064702 1.0555145 1.0473778\n", + " 1.0436734 1.0454966 1.0504894 1.055802 1.0588276 0. ]\n", + " [1.1754832 1.17345 1.1837841 1.1917396 1.1806879 1.146603 1.1114819\n", + " 1.0874921 1.0755887 1.0720577 1.0702758 1.0641872 1.0550252 1.0472283\n", + " 1.0441167 1.0452702 1.0505776 1.05569 1.0576979 1.0584532]\n", + " [1.1538469 1.1500294 1.1587892 1.1670904 1.1559241 1.1267259 1.0953455\n", + " 1.0744197 1.0650294 1.0627033 1.0622451 1.0582564 1.0500393 1.0425832\n", + " 1.0389937 1.0401925 1.0447816 0. 0. 0. ]\n", + " [1.2059436 1.199596 1.209705 1.218736 1.2042234 1.1665556 1.1271577\n", + " 1.1000832 1.088882 1.0861952 1.0853529 1.0798335 1.0688914 1.0589825\n", + " 1.055274 1.0576147 0. 0. 0. 0. ]\n", + " [1.1822822 1.1797614 1.1898228 1.19805 1.1856214 1.1506346 1.1141392\n", + " 1.0903673 1.0779046 1.0736033 1.072072 1.0668253 1.057538 1.0496905\n", + " 1.0456197 1.0476372 1.0530388 1.0579138 1.0603641 1.0611893]]\n", + "[[1.1846645 1.1817553 1.1918787 1.2004987 1.1863114 1.152406 1.1167078\n", + " 1.0925664 1.0806435 1.0773796 1.0750952 1.0688311 1.059008 1.0503596\n", + " 1.0468174 1.0486177 1.0543159 1.0596969 1.0619508 0. ]\n", + " [1.1916357 1.1902019 1.2017487 1.2121283 1.1983532 1.1619737 1.1235936\n", + " 1.0968902 1.0833014 1.0793929 1.077715 1.0718026 1.0624182 1.0534948\n", + " 1.0498468 1.0514781 1.0570637 1.0623872 1.0650856 1.0656717]\n", + " [1.1667956 1.1635312 1.1739404 1.1819375 1.1694981 1.1360073 1.1021327\n", + " 1.080574 1.0708724 1.0686849 1.0688646 1.0641183 1.055566 1.0472819\n", + " 1.043533 1.0450957 1.0503597 0. 0. 0. ]\n", + " [1.163133 1.1606176 1.1714455 1.1802971 1.1677679 1.1355221 1.1024759\n", + " 1.080162 1.0704998 1.0683924 1.0683241 1.063534 1.05454 1.0466478\n", + " 1.0428286 1.045171 1.0503846 0. 0. 0. ]\n", + " [1.1823397 1.1764463 1.185077 1.192124 1.178069 1.1451565 1.1110864\n", + " 1.0879698 1.0764258 1.0735639 1.0722655 1.0668355 1.0578451 1.0491005\n", + " 1.0455664 1.0471998 1.052684 1.0584037 0. 0. ]]\n", + "[[1.1795368 1.1761786 1.1868774 1.1953397 1.1815267 1.1462018 1.1105131\n", + " 1.0869529 1.0765893 1.0747738 1.0743691 1.0698326 1.0606111 1.0519382\n", + " 1.0477791 1.0497746 0. 0. 0. 0. ]\n", + " [1.15672 1.15209 1.162327 1.1715372 1.1606543 1.1302018 1.0978411\n", + " 1.0764427 1.0663737 1.0647233 1.0651942 1.0602473 1.0522145 1.0446467\n", + " 1.04099 1.0426921 0. 0. 0. 0. ]\n", + " [1.1726606 1.1688086 1.1785316 1.1867929 1.1744893 1.1400079 1.1055133\n", + " 1.082951 1.0723127 1.069982 1.0698249 1.0652785 1.0567396 1.0485927\n", + " 1.0450709 1.0470958 1.0527457 0. 0. 0. ]\n", + " [1.1828711 1.1799865 1.190443 1.1995773 1.1874568 1.1523172 1.1167284\n", + " 1.0932139 1.0810905 1.076443 1.0745033 1.0683744 1.0584412 1.0501478\n", + " 1.0465348 1.0486087 1.0544306 1.0593704 1.0614716 1.0622056]\n", + " [1.177835 1.1748072 1.1849992 1.1937115 1.1827493 1.1482692 1.1126229\n", + " 1.0883532 1.0763018 1.0727824 1.0713781 1.0659187 1.0573556 1.0491\n", + " 1.0456643 1.047281 1.052626 1.05763 1.0606309 0. ]]\n", + "[[1.1546175 1.151297 1.1593839 1.166324 1.1545537 1.1237098 1.0933211\n", + " 1.073665 1.0635059 1.0609045 1.0597899 1.0549523 1.0474424 1.0406127\n", + " 1.0376294 1.0395497 1.044181 1.0491631 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1807796 1.1769698 1.1864601 1.1952229 1.1832815 1.1488754 1.1133542\n", + " 1.0903461 1.0784968 1.0749794 1.0743442 1.0687537 1.0587085 1.0504228\n", + " 1.0468823 1.048807 1.0543926 1.0596423 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1656463 1.1629322 1.1736963 1.1825328 1.1738746 1.14223 1.1087542\n", + " 1.0860376 1.0741769 1.0695189 1.0671144 1.0609065 1.0515057 1.043692\n", + " 1.0403427 1.0424783 1.0479255 1.0529056 1.0552862 1.0556399 1.0563333\n", + " 1.0596505 1.0667961 1.0771466 1.0851715 1.0892377]\n", + " [1.203363 1.1970377 1.2059431 1.2145125 1.1995662 1.1631378 1.1248924\n", + " 1.0999867 1.0883074 1.0855858 1.0859792 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1615974 1.1576722 1.1671214 1.1760136 1.1641636 1.1331449 1.1003839\n", + " 1.0790474 1.0684223 1.065095 1.0637139 1.0585715 1.0500188 1.0424049\n", + " 1.0390781 1.0410864 1.0462693 1.0510983 1.0535748 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1919978 1.1875597 1.197964 1.2078409 1.194659 1.158251 1.1217232\n", + " 1.097443 1.0872314 1.0860175 1.0865724 1.0806614 1.069087 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1850663 1.1791017 1.1885879 1.197064 1.1834497 1.1498369 1.1150002\n", + " 1.0919399 1.081244 1.0795702 1.0792198 1.072933 1.0629141 1.0535518\n", + " 1.0496418 0. 0. 0. ]\n", + " [1.177576 1.1729535 1.1822394 1.1901252 1.1787221 1.1457767 1.1108568\n", + " 1.0881689 1.0769984 1.0748723 1.0745416 1.06927 1.0596257 1.051158\n", + " 1.0474817 0. 0. 0. ]\n", + " [1.1568414 1.1521009 1.160211 1.1673038 1.1562017 1.1258812 1.094837\n", + " 1.0742147 1.0644906 1.0618153 1.0609887 1.0577073 1.0503998 1.0431683\n", + " 1.039942 1.0413815 1.0458204 1.0505747]\n", + " [1.1578362 1.1532385 1.1616299 1.1695306 1.1587657 1.1281625 1.0964684\n", + " 1.075937 1.066421 1.0643255 1.0640088 1.0597155 1.0512173 1.0436589\n", + " 1.0400593 1.0416237 1.0466386 0. ]]\n", + "[[1.1884979 1.1844244 1.1945102 1.2033856 1.1906773 1.1553732 1.1182921\n", + " 1.094519 1.0830308 1.0800785 1.0790917 1.0731443 1.0634195 1.054118\n", + " 1.0499978 1.0524865 1.0586905 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.149317 1.1444539 1.1519853 1.1595784 1.1482923 1.1195354 1.0898672\n", + " 1.0699415 1.0608099 1.0586016 1.0581431 1.0549339 1.0476527 1.0405778\n", + " 1.037724 1.0391238 1.043781 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1465408 1.1453145 1.1555789 1.1652701 1.1551917 1.1255196 1.0943557\n", + " 1.0744451 1.0646607 1.0610605 1.059138 1.0535723 1.045159 1.0380751\n", + " 1.0355599 1.0372462 1.0421922 1.0463364 1.0487938 1.0495551 1.0505784\n", + " 1.0533569 1.0596356 1.0684935 1.075887 ]\n", + " [1.1724434 1.1701894 1.1814455 1.1908875 1.1804142 1.1476197 1.1134462\n", + " 1.090334 1.0781013 1.0736647 1.070884 1.0646379 1.0551842 1.0471199\n", + " 1.0439106 1.0457371 1.0507828 1.0556109 1.0575314 1.057803 1.0592285\n", + " 1.0627116 0. 0. 0. ]\n", + " [1.1917261 1.1856394 1.1967504 1.2066299 1.1942713 1.1578647 1.1205317\n", + " 1.0952997 1.0839458 1.0830041 1.0837408 1.0780385 1.0676439 1.0577779\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1906601 1.1853001 1.1929666 1.2011865 1.1885152 1.1539832 1.1183882\n", + " 1.0941367 1.0824313 1.0802054 1.079897 1.0747703 1.0656012 1.0563024\n", + " 1.0523776 0. 0. 0. 0. ]\n", + " [1.1658801 1.1627209 1.1724093 1.1803174 1.1689458 1.1365054 1.1028827\n", + " 1.0805497 1.0696177 1.0661908 1.065353 1.0603021 1.0515296 1.0441775\n", + " 1.0408756 1.0423855 1.0469131 1.0519369 1.0549115]\n", + " [1.1621852 1.1584316 1.1689489 1.1768758 1.1660707 1.1340983 1.1008663\n", + " 1.0789032 1.0684469 1.0658454 1.0648817 1.0606276 1.0521019 1.0447181\n", + " 1.0413127 1.0426517 1.0471864 1.0523976 0. ]\n", + " [1.175487 1.1726189 1.1842328 1.1933528 1.1817374 1.1465881 1.1096892\n", + " 1.0862423 1.0740892 1.0713156 1.0703042 1.0643287 1.0553259 1.0469154\n", + " 1.0433886 1.0453768 1.0501964 1.0553068 1.0580606]\n", + " [1.195051 1.1906774 1.2005879 1.2087944 1.195753 1.1590627 1.1211926\n", + " 1.0953586 1.0832123 1.0798652 1.0792259 1.0728945 1.0630801 1.0538492\n", + " 1.0499411 1.0521754 1.0582682 1.0640022 0. ]]\n", + "[[1.1685913 1.1651297 1.1762613 1.1859022 1.174499 1.1405331 1.1055164\n", + " 1.0823084 1.0728205 1.0716075 1.0721105 1.0674825 1.0583384 1.0498247\n", + " 1.0456754 0. 0. 0. ]\n", + " [1.1633456 1.1584187 1.166689 1.1767058 1.1660138 1.1344025 1.1016445\n", + " 1.0800375 1.0702046 1.0693762 1.0694969 1.0654331 1.0556986 1.0468981\n", + " 0. 0. 0. 0. ]\n", + " [1.1824812 1.1788735 1.188591 1.1962466 1.1825147 1.1474236 1.1120095\n", + " 1.0878111 1.0758598 1.0725567 1.0722758 1.0674437 1.0588143 1.0505784\n", + " 1.0474404 1.0489674 1.0540888 1.0589775]\n", + " [1.1829251 1.1779615 1.1889199 1.1991735 1.1880178 1.1531478 1.1162211\n", + " 1.091923 1.0798181 1.0765313 1.0759377 1.070604 1.0612506 1.052228\n", + " 1.0483115 1.0498908 1.0549642 1.0604198]\n", + " [1.157118 1.151912 1.1598228 1.1665835 1.1543863 1.1244859 1.09435\n", + " 1.0751102 1.066445 1.0651919 1.0657394 1.0616465 1.0537665 1.0460218\n", + " 1.042567 0. 0. 0. ]]\n", + "[[1.1629807 1.1621165 1.1739818 1.1843957 1.1736596 1.1412106 1.1077284\n", + " 1.0844418 1.0728477 1.0688077 1.0666683 1.0600581 1.0513388 1.0436705\n", + " 1.0406661 1.042852 1.0475154 1.052631 1.0551422 1.0559882 1.0569571\n", + " 1.0606083 1.0676433]\n", + " [1.1480908 1.1448886 1.1540973 1.1609772 1.1513649 1.1215472 1.0916283\n", + " 1.0713644 1.0614222 1.0588467 1.0582641 1.0544231 1.0466361 1.0399841\n", + " 1.0369569 1.0384609 1.0429306 1.0471871 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1589354 1.1544476 1.1615696 1.1682537 1.1572207 1.1275427 1.0971873\n", + " 1.0765336 1.066412 1.0630037 1.0617507 1.0571611 1.0497082 1.0431879\n", + " 1.0397484 1.0414203 1.0459602 1.0506871 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1678652 1.1635604 1.1726584 1.1813946 1.1693686 1.1362406 1.103399\n", + " 1.0811982 1.072031 1.0705922 1.0709915 1.0671706 1.0580393 1.049173\n", + " 1.0452685 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1722196 1.1688577 1.1790801 1.1877774 1.1757482 1.1424432 1.1077873\n", + " 1.0838506 1.073175 1.0704805 1.0695043 1.0646646 1.0554279 1.0471599\n", + " 1.0433999 1.0453988 1.0506675 1.0556928 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1705521 1.1670344 1.1773492 1.1858191 1.173341 1.140976 1.1073924\n", + " 1.0847352 1.0736132 1.0699223 1.0686656 1.0630063 1.0538591 1.0461057\n", + " 1.0429134 1.0446919 1.049751 1.054825 1.0571282 1.0581375]\n", + " [1.1691945 1.1646063 1.1742492 1.1829662 1.1715372 1.1390307 1.105964\n", + " 1.0836399 1.0726808 1.0698843 1.0690264 1.063477 1.0546621 1.0465478\n", + " 1.0428184 1.0442686 1.0492592 1.0540879 0. 0. ]\n", + " [1.1536733 1.1502366 1.1607453 1.1690145 1.1587211 1.1270125 1.0946479\n", + " 1.0741805 1.064686 1.0632982 1.0632799 1.05885 1.050134 1.0425617\n", + " 1.0392668 1.0407491 1.0459816 0. 0. 0. ]\n", + " [1.1750159 1.1736115 1.1856761 1.1951549 1.182128 1.147421 1.1112131\n", + " 1.0868567 1.0758499 1.072655 1.0712136 1.0657843 1.0560089 1.0474226\n", + " 1.0437955 1.0456283 1.0506501 1.0559189 1.0586643 0. ]\n", + " [1.1662058 1.1639798 1.174932 1.1838161 1.1718985 1.1389691 1.1048268\n", + " 1.0825496 1.0722907 1.0706003 1.0707239 1.065938 1.0568275 1.0482138\n", + " 1.0441912 1.0459964 0. 0. 0. 0. ]]\n", + "[[1.1790001 1.1764358 1.1858562 1.1942685 1.1806618 1.1471198 1.1123147\n", + " 1.0892167 1.0770241 1.0738057 1.0720474 1.0656823 1.0563805 1.0484103\n", + " 1.04482 1.0472665 1.0524758 1.0573804 1.0596008 1.0602052]\n", + " [1.1884058 1.1862843 1.196686 1.2063389 1.1923834 1.1576692 1.1200008\n", + " 1.0945926 1.0821457 1.0787642 1.0768538 1.071917 1.062169 1.0528977\n", + " 1.0488595 1.0504383 1.0560448 1.0614661 1.0639215 0. ]\n", + " [1.161491 1.1573906 1.1676574 1.1766624 1.164908 1.1337539 1.1016943\n", + " 1.0805496 1.0696746 1.0672886 1.0661644 1.061266 1.0523357 1.0442061\n", + " 1.0408715 1.0424472 1.0475606 1.0525898 0. 0. ]\n", + " [1.1561828 1.1523955 1.1619111 1.169172 1.1582705 1.1270626 1.0952018\n", + " 1.0748271 1.0655564 1.0641892 1.0641174 1.0600488 1.0516897 1.0442431\n", + " 1.0410612 1.0427091 0. 0. 0. 0. ]\n", + " [1.1512352 1.1477104 1.1569558 1.164517 1.1529413 1.1237321 1.0931515\n", + " 1.073262 1.0638185 1.0626385 1.0630049 1.0590758 1.0512272 1.0438156\n", + " 1.0403075 0. 0. 0. 0. 0. ]]\n", + "[[1.185291 1.1807729 1.1905646 1.1988134 1.1849916 1.1505444 1.1147232\n", + " 1.0906205 1.0794675 1.0767565 1.0772079 1.0726881 1.0628988 1.0542296\n", + " 1.0503396 0. 0. 0. 0. ]\n", + " [1.1817617 1.1754402 1.1831931 1.1912929 1.1792482 1.1479502 1.1139252\n", + " 1.0906329 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1622556 1.157529 1.1657922 1.1734731 1.1613184 1.1301686 1.098868\n", + " 1.0779724 1.0680625 1.0659962 1.0656718 1.0612342 1.0530778 1.0454441\n", + " 1.0417325 1.0431985 1.0481184 0. 0. ]\n", + " [1.1600077 1.1566314 1.1653004 1.1731185 1.1612661 1.1303288 1.0985715\n", + " 1.0769001 1.0663819 1.0633353 1.0619711 1.057954 1.0500658 1.043219\n", + " 1.039737 1.041207 1.0461824 1.0507746 1.0533357]\n", + " [1.1610323 1.1585872 1.1702225 1.1805922 1.1689266 1.136528 1.1023352\n", + " 1.0793327 1.0688198 1.0662936 1.0661637 1.0612979 1.0519887 1.044026\n", + " 1.0403337 1.041798 1.0468479 1.0518311 0. ]]\n", + "[[1.1673045 1.1621375 1.1710504 1.1800952 1.1693003 1.1376659 1.1045698\n", + " 1.082475 1.0727127 1.0707941 1.0701913 1.0655537 1.0563546 1.0480846\n", + " 1.0442415 1.0461181 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1735706 1.1711372 1.1823947 1.1917918 1.1801842 1.1454777 1.1106595\n", + " 1.0876398 1.0759488 1.0722998 1.0701883 1.0642066 1.054776 1.0465165\n", + " 1.0429493 1.0447131 1.0496961 1.0547712 1.0572746 1.0581373 0.\n", + " 0. ]\n", + " [1.1722195 1.1686336 1.1802686 1.1892824 1.1778703 1.1429691 1.1072443\n", + " 1.0839158 1.0728787 1.0706967 1.0702252 1.0653905 1.056496 1.04849\n", + " 1.0443125 1.0458105 1.0510422 1.0559276 0. 0. 0.\n", + " 0. ]\n", + " [1.1564951 1.1508555 1.1583755 1.1651855 1.1549721 1.1253041 1.0946617\n", + " 1.0751055 1.065778 1.0639682 1.064062 1.0600982 1.0524391 1.0448372\n", + " 1.0415095 1.0431359 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1711286 1.1687472 1.1800281 1.1895304 1.1776711 1.1444825 1.1098483\n", + " 1.08666 1.0747129 1.0710982 1.0689133 1.062719 1.0532279 1.0452948\n", + " 1.0422578 1.0440074 1.0490441 1.0539224 1.0567169 1.0579101 1.0594616\n", + " 1.0634103]]\n", + "[[1.1859683 1.1829177 1.1938356 1.2021543 1.1875842 1.1508839 1.1138892\n", + " 1.089861 1.0781316 1.0751115 1.0732634 1.0671862 1.0577012 1.0493672\n", + " 1.0460768 1.0481898 1.0535381 1.0587184 1.0609 1.0622543]\n", + " [1.1575178 1.1554317 1.1660722 1.1747558 1.1625581 1.1303645 1.0979469\n", + " 1.076605 1.0672284 1.0647293 1.064179 1.0592086 1.050409 1.0427938\n", + " 1.0395544 1.0408942 1.0456005 1.0505033 0. 0. ]\n", + " [1.1734682 1.1703095 1.1818275 1.1910778 1.1788269 1.1442641 1.1088963\n", + " 1.0855371 1.0741655 1.0717777 1.0712143 1.0663409 1.0574386 1.0491915\n", + " 1.0454001 1.0472941 1.0524688 1.0578246 0. 0. ]\n", + " [1.1666238 1.163594 1.1737185 1.1816913 1.1678555 1.1348643 1.1015978\n", + " 1.079861 1.0693128 1.0663046 1.0651402 1.0596596 1.051113 1.0440307\n", + " 1.0411133 1.0433056 1.0484318 1.0533009 1.0557525 0. ]\n", + " [1.1650134 1.1602458 1.1693978 1.1765683 1.1649884 1.1331236 1.1003356\n", + " 1.0795064 1.0692009 1.0674095 1.0668113 1.0624964 1.0538424 1.0462203\n", + " 1.0426034 1.044301 1.0496469 0. 0. 0. ]]\n", + "[[1.1640778 1.1594983 1.1680932 1.1758469 1.1635537 1.1322367 1.0998409\n", + " 1.0783644 1.0679538 1.0655382 1.0647212 1.06011 1.0520619 1.044705\n", + " 1.0412751 1.0428593 1.0478979 1.0528402 0. 0. 0. ]\n", + " [1.1629577 1.1600723 1.1703044 1.1797029 1.1685162 1.1358896 1.1029019\n", + " 1.0805743 1.0691662 1.0661707 1.0638692 1.058441 1.0499129 1.0430753\n", + " 1.0399367 1.0418893 1.0468645 1.0513399 1.0534146 1.0545033 1.0560443]\n", + " [1.1822828 1.1782174 1.1882209 1.1957018 1.1830937 1.1486497 1.112946\n", + " 1.0894104 1.078407 1.0756112 1.0741874 1.0695276 1.0601519 1.0513296\n", + " 1.0476311 1.0496398 1.0552043 1.0606143 0. 0. 0. ]\n", + " [1.1689622 1.1640851 1.1726102 1.1800445 1.1681494 1.1353893 1.1018525\n", + " 1.0797108 1.0685673 1.066394 1.0656557 1.0618378 1.0535775 1.0464667\n", + " 1.0430459 1.0446432 1.0496104 0. 0. 0. 0. ]\n", + " [1.1870229 1.1843554 1.1954068 1.2033879 1.1902335 1.1549678 1.1185465\n", + " 1.0938859 1.0814754 1.0773708 1.0757159 1.0704119 1.0606456 1.0521474\n", + " 1.0482429 1.0505576 1.0559826 1.0614983 1.0637645 0. 0. ]]\n", + "[[1.1676533 1.1645149 1.1741229 1.1834551 1.1705451 1.1382023 1.1045917\n", + " 1.082011 1.0716504 1.0696034 1.0700332 1.0657204 1.0565886 1.0482422\n", + " 1.0444201 1.046106 0. 0. 0. 0. 0. ]\n", + " [1.1767697 1.1722668 1.1822507 1.1914942 1.1798015 1.1460576 1.1107762\n", + " 1.0874294 1.0779194 1.076443 1.0772315 1.0721531 1.0623205 1.0532615\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1788573 1.1736969 1.1834438 1.1913025 1.1791011 1.1453403 1.1102458\n", + " 1.0877407 1.077311 1.0760783 1.0761988 1.0714282 1.0617608 1.0527095\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1837854 1.1794256 1.1892557 1.1969855 1.1845164 1.1503111 1.1147959\n", + " 1.0908405 1.0799962 1.0770121 1.0762864 1.0710016 1.0615368 1.0530531\n", + " 1.0492294 1.0515804 1.0574974 0. 0. 0. 0. ]\n", + " [1.1783801 1.1762773 1.1873337 1.1962258 1.182974 1.1488311 1.1135595\n", + " 1.0897413 1.0779011 1.0736964 1.072178 1.0657523 1.0561569 1.0481857\n", + " 1.0447652 1.046625 1.0518997 1.0568933 1.0592921 1.0600258 1.061746 ]]\n", + "[[1.1730192 1.1676495 1.1775198 1.1849937 1.1719613 1.1379156 1.1046351\n", + " 1.0832623 1.0737569 1.0728257 1.0729893 1.0684644 1.0588001 1.0497335\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1859043 1.1837512 1.1938987 1.203635 1.1902636 1.1565295 1.1200268\n", + " 1.0954814 1.082233 1.0782788 1.0753337 1.0696526 1.0597512 1.0510827\n", + " 1.0473883 1.0490618 1.0545781 1.059648 1.0618086 1.0625496]\n", + " [1.1580362 1.1534045 1.1628369 1.1707442 1.1606271 1.1301016 1.098075\n", + " 1.0770286 1.0673724 1.0660285 1.0666336 1.0617764 1.0531898 1.0451046\n", + " 1.041536 1.0432732 0. 0. 0. 0. ]\n", + " [1.1795542 1.1765541 1.1885216 1.1985731 1.1857194 1.1499515 1.1128092\n", + " 1.0886596 1.0770355 1.0733213 1.0724187 1.0669152 1.0575049 1.0494727\n", + " 1.0455468 1.047185 1.0523019 1.0574802 1.0599449 1.0606556]\n", + " [1.1898478 1.1862378 1.1977552 1.2071555 1.1912141 1.1552517 1.1189134\n", + " 1.0948007 1.0847124 1.083328 1.0829256 1.0782918 1.0674694 1.0571853\n", + " 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1825958 1.1770921 1.1869351 1.196479 1.1850165 1.1509393 1.114831\n", + " 1.0904412 1.0793142 1.0770763 1.0769303 1.0728191 1.0631055 1.0544686\n", + " 1.0499372 1.051547 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1684277 1.1653898 1.1750484 1.1838255 1.1719509 1.1385964 1.1036987\n", + " 1.0817952 1.070942 1.0681207 1.0680839 1.0637652 1.054907 1.0471503\n", + " 1.0433779 1.0448982 1.0498773 1.0546035 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1764805 1.1723464 1.1837145 1.1948231 1.1865216 1.1536319 1.1178763\n", + " 1.0927957 1.0797114 1.0752647 1.0727032 1.0661365 1.0558085 1.047591\n", + " 1.0447096 1.0470586 1.0530865 1.0586005 1.060793 1.0615847 1.0622983\n", + " 1.0658133 1.0735545 1.083976 1.0925664 1.0971745 1.0981443 1.0948075]\n", + " [1.1673709 1.1639059 1.1737536 1.1816243 1.1693263 1.136033 1.102213\n", + " 1.0809883 1.0704327 1.0685267 1.0676211 1.0626732 1.0543776 1.0463289\n", + " 1.0429845 1.0446603 1.0496722 1.0546448 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1922925 1.187002 1.1961482 1.204641 1.191591 1.1553663 1.1183217\n", + " 1.094039 1.0821182 1.0796107 1.0792599 1.0744303 1.0650748 1.0560092\n", + " 1.0518464 1.0544229 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1645925 1.1609831 1.1710681 1.1791536 1.1662278 1.1336403 1.1005069\n", + " 1.0794312 1.0700397 1.0692283 1.0696414 1.0654492 1.0563582 1.0483516\n", + " 1.0447841 0. ]\n", + " [1.170217 1.1653876 1.1756384 1.1828736 1.170927 1.1380522 1.1044323\n", + " 1.0826961 1.0727854 1.0711468 1.0705484 1.0661747 1.0571083 1.0492702\n", + " 1.0453355 1.0476389]]\n", + "[[1.1958213 1.1902517 1.2002833 1.2085443 1.1949775 1.159032 1.1217433\n", + " 1.0969677 1.0860109 1.0834488 1.0850127 1.0790352 1.0688251 1.0587513\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1719204 1.166224 1.1757106 1.1848412 1.1743459 1.1423987 1.1083806\n", + " 1.085285 1.0748544 1.072613 1.0722634 1.0676005 1.0587764 1.0502905\n", + " 1.0462765 1.0480725 0. 0. 0. ]\n", + " [1.1697786 1.1674231 1.1781478 1.1864604 1.172699 1.1393595 1.105722\n", + " 1.0835098 1.0729371 1.070403 1.0690659 1.0641568 1.0549365 1.0471221\n", + " 1.0433538 1.0451937 1.050056 1.0551021 0. ]\n", + " [1.1584046 1.1533495 1.1633823 1.1721078 1.1621971 1.1316564 1.0992478\n", + " 1.0777248 1.0683354 1.0670967 1.0678487 1.0639156 1.055599 1.0472499\n", + " 1.0431913 0. 0. 0. 0. ]\n", + " [1.1715279 1.1684355 1.1777747 1.1857607 1.1728543 1.1399757 1.1066334\n", + " 1.0842714 1.0729506 1.0685551 1.0664742 1.0619 1.0532469 1.0460777\n", + " 1.0431814 1.0450274 1.0501431 1.0556074 1.0581101]]\n", + "[[1.1682067 1.1655716 1.1767039 1.1848491 1.1718872 1.1372459 1.1042018\n", + " 1.0820663 1.0735059 1.0736187 1.0739609 1.0686882 1.0584943 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.172564 1.1719925 1.1840104 1.1941754 1.1822572 1.1477265 1.111631\n", + " 1.0873541 1.0759008 1.0724868 1.0707077 1.064607 1.0552466 1.0472177\n", + " 1.0432446 1.0450995 1.0500789 1.0551716 1.0577971 1.0586795]\n", + " [1.1558299 1.1518134 1.1604797 1.1677183 1.1558511 1.1252052 1.0943062\n", + " 1.0744278 1.065151 1.0626842 1.061842 1.0571511 1.0491816 1.0418838\n", + " 1.0386617 1.0402751 1.0448532 1.0494884 0. 0. ]\n", + " [1.1672546 1.1640902 1.1746676 1.1830524 1.1706489 1.13737 1.1041013\n", + " 1.0821456 1.071356 1.067958 1.0668247 1.0616208 1.0528657 1.0455179\n", + " 1.042022 1.0439476 1.0485771 1.0535592 1.0560758 0. ]\n", + " [1.1535529 1.1497037 1.1583413 1.1663506 1.1559603 1.1253524 1.094833\n", + " 1.0750954 1.0655699 1.0636582 1.0633192 1.0593622 1.0512865 1.0442343\n", + " 1.0411435 0. 0. 0. 0. 0. ]]\n", + "[[1.1662824 1.1648692 1.1749924 1.1824384 1.1716269 1.1378158 1.1039245\n", + " 1.0816371 1.0710201 1.0693586 1.0689905 1.0648224 1.0558031 1.0476568\n", + " 1.0438106 1.0455607 1.0505031 0. 0. 0. 0. ]\n", + " [1.1673251 1.164425 1.1751547 1.1840239 1.1718609 1.1399726 1.1064306\n", + " 1.0839633 1.0726969 1.0685315 1.0665078 1.0604768 1.0512469 1.0435293\n", + " 1.0402644 1.0419524 1.046717 1.0514445 1.05376 1.054757 1.0563958]\n", + " [1.1709213 1.1641284 1.1736367 1.1845266 1.1736698 1.1418977 1.107246\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1875484 1.1828635 1.1944673 1.2049303 1.1928104 1.1570513 1.1194597\n", + " 1.0945472 1.0830222 1.0805297 1.0806398 1.0747365 1.0644033 1.0546132\n", + " 1.050788 0. 0. 0. 0. 0. 0. ]\n", + " [1.1757717 1.1725855 1.183214 1.1908487 1.1785854 1.1441827 1.1092955\n", + " 1.0866941 1.0753006 1.0722389 1.0711565 1.0661198 1.0570229 1.0485635\n", + " 1.0451535 1.0470661 1.0520899 1.0573474 1.0595697 0. 0. ]]\n", + "[[1.1653184 1.1606206 1.1701145 1.1785836 1.1670481 1.1345142 1.1023433\n", + " 1.0805708 1.0706924 1.068721 1.0681748 1.063839 1.0551631 1.0469253\n", + " 1.0432938 1.0447845 1.0499012 0. 0. 0. ]\n", + " [1.1827676 1.179735 1.1908303 1.2003857 1.187837 1.1514091 1.1147774\n", + " 1.0904553 1.0787289 1.0746604 1.0729201 1.0670048 1.0575713 1.0494207\n", + " 1.0459976 1.0477034 1.0535355 1.0590345 1.0615776 1.0625345]\n", + " [1.1658659 1.1595973 1.1671779 1.1748425 1.1647356 1.1348996 1.1033795\n", + " 1.0820885 1.0715972 1.0689397 1.0680622 1.0638151 1.0552596 1.0475932\n", + " 1.0440239 0. 0. 0. 0. 0. ]\n", + " [1.1691612 1.1637009 1.1720061 1.1802136 1.1688124 1.136981 1.1039132\n", + " 1.0817677 1.070548 1.0670961 1.0663741 1.0620267 1.0543021 1.0464895\n", + " 1.0432659 1.0447738 1.0495297 1.0544792 1.0572778 0. ]\n", + " [1.1832423 1.1793844 1.1892701 1.1999325 1.1874769 1.1526334 1.1159695\n", + " 1.092473 1.0810772 1.0784175 1.0786288 1.0735207 1.0642846 1.0551095\n", + " 1.0505456 1.0523503 0. 0. 0. 0. ]]\n", + "[[1.1649312 1.1595207 1.1685642 1.1756527 1.164896 1.1336114 1.1014541\n", + " 1.080061 1.0703224 1.0679904 1.0679395 1.0631623 1.0540487 1.0462097\n", + " 1.0427468 1.0448359 0. 0. 0. 0. 0. ]\n", + " [1.1845056 1.1793586 1.1897557 1.1989908 1.1861671 1.1506145 1.1143066\n", + " 1.0910256 1.0813144 1.0805163 1.0809187 1.0753125 1.0647395 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1999419 1.1954422 1.205553 1.2139632 1.1994253 1.1625369 1.1253717\n", + " 1.0999522 1.08713 1.0831523 1.0806838 1.0743061 1.0639647 1.0549352\n", + " 1.051264 1.0536596 1.0598546 1.0654026 1.0683513 0. 0. ]\n", + " [1.1715883 1.1679616 1.1779791 1.1857693 1.1740196 1.1425267 1.1093615\n", + " 1.0868418 1.0752304 1.070631 1.0685074 1.0625486 1.053475 1.045616\n", + " 1.0424967 1.0447646 1.0494561 1.0541553 1.0565672 1.0569239 1.0581199]\n", + " [1.1546971 1.1511956 1.1608984 1.1686579 1.1584458 1.1277102 1.0964267\n", + " 1.0755994 1.0668244 1.0650511 1.0646597 1.0595738 1.0510991 1.0433774\n", + " 1.0398142 1.0413238 1.0461938 0. 0. 0. 0. ]]\n", + "[[1.1639609 1.161341 1.1721411 1.1810957 1.1693438 1.1357557 1.1015762\n", + " 1.0794841 1.0690262 1.0670818 1.067031 1.0629153 1.0539958 1.0461395\n", + " 1.0426011 1.0442995 1.0493801 0. 0. 0. ]\n", + " [1.1751815 1.1705585 1.1815728 1.1913321 1.1797528 1.1464515 1.1117706\n", + " 1.0886741 1.0779341 1.0758065 1.0751913 1.0703511 1.0607532 1.0523854\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1765361 1.1737334 1.1848538 1.1948006 1.1823773 1.1470419 1.1112561\n", + " 1.087155 1.0750997 1.0718313 1.0698279 1.0645286 1.0553582 1.0476741\n", + " 1.0438715 1.045597 1.0506387 1.0556116 1.0581206 1.058941 ]\n", + " [1.1714009 1.1673696 1.1768293 1.1844878 1.1731997 1.1403091 1.1059691\n", + " 1.0845551 1.074335 1.0734082 1.0739031 1.0689796 1.0592803 1.0504345\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1814474 1.1779678 1.18856 1.198354 1.1855086 1.1511506 1.1148726\n", + " 1.0900288 1.0786206 1.0763127 1.0763363 1.0713044 1.0620422 1.0536891\n", + " 1.0494236 1.0512778 0. 0. 0. 0. ]]\n", + "[[1.1659983 1.1628174 1.1723855 1.1795713 1.1670763 1.1352348 1.102698\n", + " 1.0812666 1.0712584 1.069017 1.0681968 1.0630584 1.0544075 1.0462478\n", + " 1.0427634 1.0442716 1.0496882 0. 0. 0. ]\n", + " [1.1768057 1.174203 1.1857333 1.1948626 1.1824154 1.1482921 1.1126035\n", + " 1.0887864 1.0770077 1.073462 1.0711731 1.0653713 1.0557818 1.0473969\n", + " 1.0437241 1.0454013 1.0502869 1.0557423 1.0581636 1.0594198]\n", + " [1.1645453 1.1605759 1.1694869 1.1766962 1.1658146 1.1346366 1.1023839\n", + " 1.0801061 1.0700799 1.0667255 1.0650581 1.0605687 1.0525602 1.0452212\n", + " 1.0417209 1.0432782 1.0481049 1.0530326 0. 0. ]\n", + " [1.1562636 1.1530252 1.1629055 1.1713259 1.1597947 1.1298985 1.0982445\n", + " 1.076457 1.0661937 1.0628574 1.0616537 1.0576315 1.049923 1.0429182\n", + " 1.0396563 1.0410196 1.0451097 1.049453 1.0516505 0. ]\n", + " [1.1680206 1.1634482 1.1744484 1.1841047 1.172772 1.14072 1.1068487\n", + " 1.0840935 1.0742124 1.0724001 1.0726804 1.0676535 1.0582417 1.0494722\n", + " 1.0452707 0. 0. 0. 0. 0. ]]\n", + "[[1.1674162 1.1624774 1.1721151 1.1811464 1.1690571 1.1371229 1.1038488\n", + " 1.081926 1.0714135 1.0697433 1.0693573 1.06407 1.0551033 1.0466281\n", + " 1.0430516 1.0446824 1.0499552 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1765475 1.1734692 1.18422 1.193944 1.1816422 1.1479621 1.1128417\n", + " 1.0893428 1.0772744 1.0726689 1.0705757 1.0647066 1.0553093 1.0476447\n", + " 1.0440276 1.0460644 1.0511957 1.0556582 1.0578486 1.0587634 1.0601969\n", + " 0. 0. ]\n", + " [1.1612915 1.1594177 1.1704924 1.1797898 1.1679974 1.1367377 1.1040132\n", + " 1.0819947 1.0707239 1.0667382 1.0637598 1.0580941 1.0493459 1.0416677\n", + " 1.0390079 1.0408126 1.0458181 1.0501521 1.0526476 1.0537951 1.0550612\n", + " 1.0584822 1.0652068]\n", + " [1.1779418 1.1754959 1.1883577 1.199241 1.1872787 1.1513256 1.1138448\n", + " 1.0884925 1.0757775 1.0721596 1.0712193 1.0658709 1.0573494 1.0492285\n", + " 1.0451998 1.0463705 1.051447 1.0564212 1.0590045 1.0599551 0.\n", + " 0. 0. ]\n", + " [1.1615535 1.1581321 1.1681992 1.1764613 1.1651896 1.1338826 1.1008204\n", + " 1.0799599 1.0696139 1.0684237 1.0683393 1.0640672 1.0547202 1.0465842\n", + " 1.0432734 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1831474 1.1780643 1.1881082 1.1963282 1.1817164 1.1468383 1.1114937\n", + " 1.0883753 1.0788761 1.07743 1.0776438 1.0725515 1.0625665 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1839765 1.1803436 1.1911197 1.1994916 1.1874762 1.1525173 1.1163291\n", + " 1.0920798 1.080449 1.0778674 1.0764809 1.0713557 1.0615864 1.0525001\n", + " 1.0490667 1.050865 1.0562818 1.0616821]\n", + " [1.1710562 1.1681108 1.1787001 1.1870643 1.1748507 1.1411258 1.1061274\n", + " 1.0829467 1.071881 1.0694194 1.0688092 1.0644761 1.0551624 1.047414\n", + " 1.0439203 1.045595 1.0507916 1.0558821]\n", + " [1.17407 1.170124 1.1793088 1.1893064 1.1756887 1.1413202 1.1075397\n", + " 1.0847372 1.0746762 1.0726993 1.0737642 1.068766 1.059762 1.0517662\n", + " 1.0477664 0. 0. 0. ]\n", + " [1.1911203 1.1865437 1.197571 1.2060432 1.1936523 1.1569729 1.1196592\n", + " 1.0943954 1.0829334 1.0807836 1.0807945 1.0759436 1.0659773 1.0568372\n", + " 1.0527128 0. 0. 0. ]]\n", + "[[1.2094935 1.2038124 1.2145178 1.2228873 1.2089002 1.1703677 1.1295149\n", + " 1.1032586 1.090427 1.0883307 1.0889648 1.0838406 1.0731986 1.063323\n", + " 1.0585057 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.165797 1.1639489 1.1746528 1.1842672 1.1727711 1.1399584 1.1063942\n", + " 1.0842801 1.0730691 1.0690871 1.0669981 1.0611539 1.0520293 1.0446173\n", + " 1.0411998 1.0430644 1.0476089 1.0526155 1.0552479 1.0560927 1.0575289\n", + " 1.0614214 1.069023 ]\n", + " [1.1978137 1.1921301 1.2026774 1.2105309 1.1971235 1.161712 1.1233076\n", + " 1.0976256 1.0865487 1.0845975 1.0839549 1.0777736 1.0677087 1.0576385\n", + " 1.0531763 1.0556477 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1680818 1.1634437 1.1738336 1.1831893 1.1713276 1.1382613 1.1044416\n", + " 1.0825666 1.0723665 1.0712001 1.0715373 1.0670655 1.0577183 1.0488883\n", + " 1.0450436 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1859512 1.1834962 1.1952121 1.2050613 1.1929252 1.1581365 1.1219838\n", + " 1.0962021 1.0831379 1.0775667 1.0747128 1.0685 1.0591167 1.0507833\n", + " 1.0469356 1.0483254 1.0531778 1.058087 1.0608338 1.06193 1.0641246\n", + " 0. 0. ]]\n", + "[[1.1475344 1.144132 1.1517435 1.1590048 1.1478918 1.1204104 1.0918397\n", + " 1.071946 1.062109 1.0581481 1.0568166 1.0518191 1.0442473 1.0379515\n", + " 1.0350109 1.0365047 1.0401509 1.044615 1.0469731 1.0481815 1.0498742]\n", + " [1.1622853 1.1581433 1.169053 1.1780744 1.1672058 1.1350596 1.102729\n", + " 1.0809267 1.0697829 1.0664513 1.0644269 1.0584065 1.0496343 1.0422474\n", + " 1.0390502 1.0410271 1.0454557 1.0501299 1.0525687 1.0534158 1.0548152]\n", + " [1.1789548 1.17518 1.183697 1.1916535 1.1779381 1.1456486 1.1112827\n", + " 1.0879656 1.0769324 1.0741333 1.0724498 1.0677687 1.0584015 1.0502615\n", + " 1.0467898 1.0486571 1.0543004 0. 0. 0. 0. ]\n", + " [1.1762121 1.1707935 1.1806046 1.1892806 1.17683 1.1436976 1.1094741\n", + " 1.0875547 1.0780449 1.0766727 1.0774215 1.0723996 1.0623076 1.0529156\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1765928 1.1733247 1.1836858 1.1930228 1.1816863 1.1473739 1.1119139\n", + " 1.088082 1.0765164 1.0742598 1.0736594 1.0685345 1.0591344 1.0509808\n", + " 1.0470688 1.0489237 1.0544809 0. 0. 0. 0. ]]\n", + "[[1.1575143 1.154787 1.16523 1.1747422 1.1632619 1.1314002 1.0986453\n", + " 1.0767808 1.066528 1.0641261 1.0632317 1.0581084 1.0495875 1.0424163\n", + " 1.0389427 1.0409474 1.0459131 1.050653 1.0532622 0. 0.\n", + " 0. ]\n", + " [1.1727095 1.1687498 1.1783684 1.1862581 1.1732465 1.1382424 1.1040182\n", + " 1.0823816 1.0727842 1.0718217 1.0728263 1.0680617 1.0586293 1.0501947\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1862098 1.1821997 1.1919777 1.2011156 1.1890093 1.1537488 1.1174212\n", + " 1.0933564 1.0818385 1.0795252 1.0796785 1.0739223 1.0640334 1.0545516\n", + " 1.0502988 1.052495 1.0585074 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1609243 1.1586375 1.1690376 1.177449 1.1657232 1.134315 1.1023496\n", + " 1.0809004 1.0704049 1.0664179 1.0642503 1.0574862 1.0486789 1.0418276\n", + " 1.0388197 1.0409563 1.04528 1.0505102 1.0528977 1.0537999 1.0557203\n", + " 1.0595012]\n", + " [1.1877412 1.1837621 1.1953816 1.205601 1.1937244 1.1572794 1.1192174\n", + " 1.0937665 1.0814075 1.0783832 1.0783902 1.0733056 1.0630378 1.0540689\n", + " 1.0498354 1.0514743 1.0571591 1.0627763 0. 0. 0.\n", + " 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1573107 1.1521572 1.1593875 1.1666347 1.155563 1.1259261 1.0954669\n", + " 1.0754583 1.0658411 1.0635313 1.0637395 1.0601159 1.0525507 1.0449835\n", + " 1.0413142 1.0428661 0. 0. 0. 0. ]\n", + " [1.1893096 1.1819206 1.1911325 1.1997495 1.1878263 1.153211 1.1173401\n", + " 1.0934776 1.0827837 1.0808345 1.0812596 1.0759819 1.0659063 1.0563483\n", + " 1.0516098 1.0534185 0. 0. 0. 0. ]\n", + " [1.1854111 1.182809 1.1941929 1.2029284 1.1896199 1.1536626 1.1170485\n", + " 1.0922538 1.0799361 1.0758275 1.0739886 1.0680875 1.0587153 1.0505942\n", + " 1.0467542 1.0487946 1.0537937 1.0590746 1.0610867 1.0628241]\n", + " [1.1767824 1.175105 1.1871561 1.1964313 1.1824162 1.1474138 1.1123112\n", + " 1.0879979 1.0768003 1.0731542 1.0723314 1.0666697 1.0573106 1.0495098\n", + " 1.0454532 1.0473397 1.0524055 1.0573817 1.0599234 0. ]\n", + " [1.1737995 1.1726934 1.1845447 1.195358 1.1827604 1.1492275 1.1136094\n", + " 1.0887612 1.0768707 1.0732318 1.071571 1.0654296 1.0565321 1.0484068\n", + " 1.044751 1.0465167 1.05144 1.0565159 1.0589256 1.0596045]]\n", + "[[1.1852349 1.1800653 1.1896099 1.1962826 1.1835134 1.146468 1.1100997\n", + " 1.085947 1.0758485 1.0752314 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1903843 1.1859838 1.1954217 1.2047511 1.1919316 1.1567029 1.1200924\n", + " 1.0950438 1.0832362 1.0807222 1.0802194 1.0749762 1.0648062 1.0554919\n", + " 1.0513476 1.0530242 1.0592211 0. 0. 0. ]\n", + " [1.1672076 1.1651733 1.1754434 1.1848541 1.1724838 1.1397637 1.105811\n", + " 1.0830477 1.0719947 1.0683484 1.0673157 1.061697 1.0528015 1.0453697\n", + " 1.0420408 1.0428559 1.0478024 1.0525163 1.0554976 1.0568681]\n", + " [1.1736009 1.1665571 1.1761334 1.1847225 1.1737871 1.1419367 1.1084926\n", + " 1.0859301 1.0767921 1.0756712 1.0765302 1.0711428 1.0609912 1.051682\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1670223 1.162327 1.1727928 1.1811965 1.1710701 1.1389399 1.1048551\n", + " 1.0824952 1.0721751 1.0708165 1.0710633 1.0667167 1.0575764 1.0488762\n", + " 1.0448498 0. 0. 0. 0. 0. ]]\n", + "[[1.1884161 1.1827204 1.1931419 1.2017174 1.1897273 1.1548721 1.1184433\n", + " 1.0940399 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1697861 1.1669164 1.1786358 1.1872076 1.1763651 1.1427077 1.107635\n", + " 1.084632 1.0734015 1.0706505 1.0701421 1.0651481 1.0562974 1.0476146\n", + " 1.0439254 1.0453249 1.050265 1.0555481 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1609293 1.1580409 1.1684629 1.1782931 1.1675808 1.1370695 1.104583\n", + " 1.0828217 1.0714504 1.0671105 1.0646155 1.0586071 1.049826 1.0421245\n", + " 1.0393392 1.0410855 1.0459532 1.0506803 1.0532303 1.0541828 1.0550704\n", + " 1.0580226 1.0651369 1.0747718]\n", + " [1.1599808 1.1577631 1.1679972 1.1764396 1.1644671 1.1325021 1.0999678\n", + " 1.0777264 1.0673232 1.0641118 1.0634581 1.0587126 1.050634 1.0432217\n", + " 1.0400033 1.0415523 1.046182 1.0511203 1.0538822 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1555426 1.1535375 1.1635035 1.1710508 1.1595787 1.1280445 1.0960982\n", + " 1.0753372 1.0660243 1.0637603 1.0632238 1.0583005 1.050068 1.0424825\n", + " 1.039361 1.0408355 1.0456316 1.0504668 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.18318 1.1791797 1.1885786 1.19767 1.1849836 1.1495819 1.1137376\n", + " 1.0907035 1.0789512 1.075381 1.0742345 1.0687802 1.0599239 1.0509232\n", + " 1.0473864 1.0496311 1.0552953 1.0605577 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1609871 1.156272 1.164582 1.1726606 1.1606745 1.1303275 1.0990225\n", + " 1.078114 1.0681653 1.0656793 1.0649239 1.0607672 1.0527015 1.0453451\n", + " 1.0421138 1.0436181 1.0485977 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1583642 1.1542255 1.1621581 1.1696954 1.1575584 1.1272731 1.0960536\n", + " 1.0756977 1.065967 1.0641143 1.0644745 1.0605463 1.0530605 1.0454587\n", + " 1.0420392 1.0436306 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1557148 1.152336 1.1630822 1.172502 1.1619917 1.1317453 1.1002775\n", + " 1.0791855 1.0683959 1.0646412 1.0626665 1.0571201 1.0482582 1.0413141\n", + " 1.0384401 1.0401095 1.0450015 1.0495973 1.0524498 1.053717 1.0553076\n", + " 1.0587368 1.0658408]\n", + " [1.1649098 1.159786 1.169309 1.178698 1.1680137 1.136191 1.10311\n", + " 1.08181 1.0717449 1.0689161 1.0684305 1.0630069 1.0541857 1.0461227\n", + " 1.0424653 1.0442832 1.0495073 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1960053 1.1895328 1.1992722 1.2079597 1.1955105 1.1593874 1.1217306\n", + " 1.0963317 1.0847783 1.0817327 1.0820162 1.0765266 1.0662715 1.0565118\n", + " 1.0525358 1.055318 0. 0. 0. ]\n", + " [1.1855897 1.1799762 1.1888412 1.1972086 1.1839087 1.1492505 1.1148025\n", + " 1.09182 1.0813679 1.0796304 1.079573 1.074084 1.0637673 1.0549647\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.183928 1.1799681 1.1919507 1.202232 1.1903632 1.1543105 1.1160812\n", + " 1.0902014 1.079288 1.0769792 1.0763774 1.070987 1.060853 1.0516492\n", + " 1.0476806 1.048978 1.0548226 1.0606309 0. ]\n", + " [1.1603116 1.157253 1.1672258 1.1742541 1.16288 1.1310523 1.0985032\n", + " 1.0776767 1.0677563 1.0660461 1.0655576 1.0618178 1.0536997 1.0458521\n", + " 1.0427516 1.0441997 1.0491556 0. 0. ]\n", + " [1.1649944 1.1614938 1.1706594 1.178714 1.1667947 1.1354654 1.103321\n", + " 1.0812284 1.0701834 1.0663567 1.0651274 1.0600312 1.0515561 1.044116\n", + " 1.0407404 1.0421876 1.046456 1.0510398 1.0537746]]\n", + "[[1.1911856 1.1847645 1.1928458 1.2022966 1.1884187 1.1530198 1.1168052\n", + " 1.0939142 1.0841056 1.0831932 1.0835235 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.173433 1.1709019 1.1820043 1.1908841 1.1776611 1.144938 1.1099412\n", + " 1.0869182 1.075761 1.0725447 1.0708745 1.066056 1.0565641 1.0485286\n", + " 1.0449107 1.0465108 1.0516416 1.0569633]\n", + " [1.1773182 1.1745138 1.1850896 1.1927967 1.1799868 1.1456733 1.1103942\n", + " 1.0868158 1.0764984 1.0741061 1.074283 1.0690789 1.0593662 1.050838\n", + " 1.046776 1.0486546 1.0540866 0. ]\n", + " [1.1537865 1.1494939 1.1585296 1.1654485 1.1557431 1.1258099 1.0953133\n", + " 1.0745152 1.0650916 1.0642706 1.064932 1.0618355 1.0533646 1.0457383\n", + " 0. 0. 0. 0. ]\n", + " [1.1677614 1.1649762 1.1757044 1.184602 1.1730096 1.1390352 1.104438\n", + " 1.0821594 1.0713601 1.0688561 1.0681304 1.0638559 1.0552992 1.0475718\n", + " 1.0436349 1.0452821 1.0500935 1.0552119]]\n", + "[[1.1803542 1.1751738 1.1835899 1.1908096 1.1780645 1.1431757 1.1093864\n", + " 1.086905 1.0773371 1.0756233 1.0751405 1.0696639 1.0601043 1.0516802\n", + " 1.0479766 0. 0. 0. 0. 0. 0. ]\n", + " [1.1708429 1.168489 1.1785932 1.1865987 1.1742666 1.1386555 1.1049281\n", + " 1.0827856 1.0724239 1.0702391 1.0690904 1.063337 1.0544444 1.0461607\n", + " 1.0423925 1.0443175 1.0498456 1.0547055 1.0575635 0. 0. ]\n", + " [1.1882981 1.1827452 1.192769 1.2017516 1.1876826 1.1521677 1.1159532\n", + " 1.0918294 1.081327 1.0789326 1.0788352 1.0736842 1.0639682 1.0545357\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1678935 1.1648804 1.1737847 1.1800458 1.1681154 1.1358945 1.1026748\n", + " 1.0817373 1.071433 1.067887 1.0656662 1.0605016 1.0519136 1.0446395\n", + " 1.0413734 1.0431881 1.0482692 1.0528153 1.0548476 1.0555562 1.0572822]\n", + " [1.1793048 1.1765414 1.1872758 1.1964382 1.1832887 1.1495318 1.1137265\n", + " 1.0891185 1.0771681 1.0734079 1.0720859 1.0665925 1.0573937 1.0499486\n", + " 1.0461819 1.0481251 1.0529412 1.0579171 1.0606784 1.062187 0. ]]\n", + "[[1.1729002 1.1698656 1.1806649 1.1896893 1.1782562 1.1442115 1.1090283\n", + " 1.0862144 1.0746568 1.0706662 1.0686003 1.0628713 1.0542741 1.0467569\n", + " 1.0435163 1.0453521 1.0501999 1.0554221 1.058115 1.0590097 1.060863 ]\n", + " [1.16015 1.1549807 1.1636252 1.1716121 1.1613992 1.130784 1.0990623\n", + " 1.0780268 1.0679412 1.0655811 1.0647628 1.06041 1.052127 1.043993\n", + " 1.0408802 1.0427161 1.0479026 0. 0. 0. 0. ]\n", + " [1.1785668 1.1727822 1.1819361 1.1901498 1.1787357 1.1458977 1.1114218\n", + " 1.0877252 1.0766467 1.073986 1.0739053 1.0693127 1.0602859 1.0519633\n", + " 1.0480072 1.0501348 0. 0. 0. 0. 0. ]\n", + " [1.162236 1.1592498 1.1699337 1.1780704 1.1657486 1.133328 1.1000531\n", + " 1.0784098 1.0682913 1.0663888 1.0657437 1.0611588 1.0522808 1.0445226\n", + " 1.0408773 1.0427533 1.0473092 1.0523484 0. 0. 0. ]\n", + " [1.1663064 1.1616535 1.1710657 1.1801578 1.1687549 1.1365024 1.1028638\n", + " 1.0811496 1.070654 1.0691143 1.0696024 1.0652523 1.0571733 1.0490298\n", + " 1.0452213 1.0470122 0. 0. 0. 0. 0. ]]\n", + "[[1.1761497 1.1729863 1.1841618 1.193149 1.1808136 1.1462457 1.1100973\n", + " 1.0863326 1.0746981 1.0724251 1.0718759 1.066719 1.0578673 1.0496275\n", + " 1.0453708 1.0470531 1.0521955 1.0575832 0. 0. 0.\n", + " 0. ]\n", + " [1.1890996 1.1857785 1.196654 1.2063369 1.1945474 1.1605382 1.1244016\n", + " 1.0989988 1.0852835 1.0804323 1.0776585 1.0707867 1.0607672 1.0525137\n", + " 1.0489424 1.0509706 1.0567774 1.0615436 1.0644902 1.0657301 1.0670387\n", + " 1.0709301]\n", + " [1.1801249 1.1764511 1.1879992 1.1975963 1.1854079 1.1502706 1.1138874\n", + " 1.0896066 1.0780733 1.0757948 1.0751704 1.0696152 1.0604343 1.051846\n", + " 1.0475492 1.0496804 1.0550743 1.0603728 0. 0. 0.\n", + " 0. ]\n", + " [1.1901442 1.1871259 1.1971458 1.2049825 1.193206 1.1566014 1.1192135\n", + " 1.0936614 1.0807495 1.0762645 1.0737102 1.0688721 1.0594642 1.0511363\n", + " 1.0473558 1.0495241 1.0544534 1.0598531 1.0627123 1.0639222 0.\n", + " 0. ]\n", + " [1.1687653 1.1648289 1.174973 1.183048 1.1696495 1.136604 1.1037374\n", + " 1.0817351 1.0719957 1.071085 1.0715803 1.0663435 1.0572977 1.0488747\n", + " 1.0451864 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1756968 1.1722889 1.1830016 1.1911745 1.1791008 1.1446645 1.1086037\n", + " 1.0856788 1.074177 1.0710528 1.0700965 1.0653818 1.0566204 1.0489433\n", + " 1.045139 1.0467737 1.0518901 1.0568486 1.0594596 0. ]\n", + " [1.1856017 1.182665 1.1929897 1.2010621 1.1889141 1.1539862 1.1179785\n", + " 1.0932591 1.0807886 1.0762348 1.0749518 1.0694121 1.0599704 1.0507468\n", + " 1.0470262 1.0492715 1.0543962 1.0596529 1.0624634 0. ]\n", + " [1.156393 1.1525056 1.1613106 1.1692119 1.1578145 1.1271367 1.0972466\n", + " 1.0765923 1.0668055 1.06381 1.0643183 1.0604087 1.052054 1.0452182\n", + " 1.0416446 1.0434486 0. 0. 0. 0. ]\n", + " [1.1733868 1.1703714 1.1810409 1.1901938 1.1773986 1.1435915 1.1089246\n", + " 1.0855825 1.0745478 1.0713264 1.0697489 1.0634049 1.0544235 1.0465187\n", + " 1.0431646 1.0445783 1.0498245 1.0549264 1.0575029 1.0588646]\n", + " [1.1630121 1.158311 1.1680136 1.1771833 1.1656502 1.1334018 1.1007972\n", + " 1.0793589 1.0697551 1.068166 1.0680401 1.0638916 1.0544909 1.0465356\n", + " 1.0427872 1.0443958 0. 0. 0. 0. ]]\n", + "[[1.1606841 1.1576164 1.167803 1.1765907 1.165158 1.1332573 1.1003184\n", + " 1.0785272 1.0683926 1.0659713 1.0654877 1.0608627 1.0526481 1.0448323\n", + " 1.041444 1.0429881 1.0478582 1.0530766 0. ]\n", + " [1.1839315 1.1782881 1.1880183 1.1971369 1.1872748 1.1537176 1.1183656\n", + " 1.0938072 1.0814157 1.0773308 1.0757973 1.0707579 1.0611422 1.0527221\n", + " 1.0489125 1.050548 1.0557611 1.0611848 0. ]\n", + " [1.179625 1.1769017 1.1878328 1.1971068 1.1840335 1.1494945 1.1140717\n", + " 1.0901084 1.0789034 1.0752554 1.0738426 1.0677445 1.0577607 1.0494443\n", + " 1.0455327 1.047486 1.0529954 1.0581269 1.0604564]\n", + " [1.1982135 1.1933115 1.203103 1.2116574 1.19647 1.1614872 1.1249493\n", + " 1.1000557 1.0879657 1.0861925 1.085776 1.0802699 1.0690145 1.0598872\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1886811 1.1827078 1.1925616 1.2006428 1.1864249 1.1508352 1.1157554\n", + " 1.093004 1.082479 1.080057 1.0802767 1.0744203 1.063874 1.054939\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1826074 1.1778934 1.187527 1.1961156 1.1819206 1.1466297 1.1107345\n", + " 1.0871656 1.0770684 1.0755404 1.0766141 1.072194 1.062595 1.0536993\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.165775 1.162231 1.1723585 1.1807693 1.1703773 1.138366 1.1047615\n", + " 1.0822606 1.0715525 1.0698156 1.0697925 1.0650897 1.0567373 1.048732\n", + " 1.0451314 1.0469323 0. 0. 0. 0. 0. ]\n", + " [1.2023085 1.1967075 1.206156 1.2149184 1.2006364 1.1627352 1.1256816\n", + " 1.1014433 1.0901096 1.0875937 1.0875039 1.0813874 1.069802 1.0598397\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1794863 1.1708806 1.179723 1.18756 1.1777105 1.1456485 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1913354 1.1874847 1.1974151 1.2053465 1.1942737 1.1599255 1.1231873\n", + " 1.0968692 1.0837964 1.0789064 1.0761523 1.0696738 1.0597658 1.0515534\n", + " 1.0479304 1.0500413 1.0559535 1.0610049 1.0633582 1.0642161 1.0658021]]\n", + "[[1.1724101 1.170089 1.1801479 1.1899751 1.1776526 1.1435387 1.1095694\n", + " 1.0866137 1.0752934 1.072324 1.0713224 1.0655212 1.0563396 1.0477844\n", + " 1.0441344 1.0461571 1.0511416 1.05638 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1578529 1.1554728 1.1648335 1.1725303 1.1590073 1.1286904 1.0968099\n", + " 1.0761352 1.0664145 1.0637656 1.062482 1.0577638 1.0492537 1.0420109\n", + " 1.0388306 1.0404614 1.0449202 1.0497717 1.0520023 0. 0.\n", + " 0. 0. ]\n", + " [1.1605723 1.157499 1.1668684 1.1758182 1.1644936 1.1324079 1.0995452\n", + " 1.0783029 1.0677499 1.0641178 1.0616885 1.0560575 1.0476738 1.0409749\n", + " 1.038208 1.0401628 1.0454535 1.0506632 1.0526698 1.0535433 1.055154\n", + " 1.0583222 1.0652192]\n", + " [1.1576582 1.1517929 1.1595638 1.1669263 1.1560597 1.1260941 1.0950993\n", + " 1.0746639 1.0654267 1.0630198 1.0631309 1.0596206 1.0517434 1.044575\n", + " 1.0408728 1.0425361 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1808366 1.1754943 1.1852462 1.1944416 1.1831019 1.1488216 1.1133932\n", + " 1.0902872 1.0795177 1.0776565 1.0772493 1.07177 1.0617231 1.052646\n", + " 1.0484304 1.0504853 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1609207 1.1562228 1.1656004 1.1737093 1.1624534 1.1314653 1.099783\n", + " 1.0786477 1.0689423 1.0663168 1.066284 1.0614569 1.0529158 1.0449367\n", + " 1.0413599 1.0430362 1.0483137 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1764857 1.1733774 1.1842961 1.1922033 1.1783086 1.144254 1.1096721\n", + " 1.0860853 1.0748771 1.0712768 1.0700457 1.0648206 1.0557619 1.0477694\n", + " 1.0442171 1.0460569 1.0514731 1.0562426 1.0587546 0. 0.\n", + " 0. ]\n", + " [1.2062281 1.2005513 1.2104559 1.2205347 1.2070358 1.1714523 1.1318754\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1679956 1.1661886 1.1785628 1.1872456 1.176209 1.1427448 1.1077971\n", + " 1.0844057 1.0726085 1.0690544 1.0670689 1.0609634 1.0517013 1.0446084\n", + " 1.0415624 1.0433155 1.0483615 1.0531753 1.0559189 1.0571758 1.058708\n", + " 1.0624458]\n", + " [1.1558373 1.1526364 1.1629617 1.1712554 1.1598098 1.1294253 1.0971463\n", + " 1.0760708 1.0662122 1.0644147 1.0650537 1.0610104 1.05279 1.0453154\n", + " 1.0417281 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1744388 1.1724923 1.1841092 1.1933596 1.1823324 1.147946 1.1129639\n", + " 1.0889846 1.0768671 1.0732628 1.0709016 1.0655679 1.0563955 1.0481291\n", + " 1.0445 1.0459851 1.0513046 1.0562462 1.0588405 1.0599436]\n", + " [1.1777198 1.1729943 1.182702 1.1913517 1.1787992 1.1441493 1.1101321\n", + " 1.0868804 1.0764129 1.0740404 1.0734624 1.0684475 1.0585535 1.0498512\n", + " 1.0460405 1.0481318 1.0537262 0. 0. 0. ]\n", + " [1.1850626 1.1804965 1.1906548 1.2000859 1.187421 1.1522791 1.1156893\n", + " 1.0902381 1.0787325 1.0756997 1.0748007 1.0697712 1.060064 1.0515383\n", + " 1.0477006 1.0494666 1.0552479 1.0605878 0. 0. ]\n", + " [1.1731427 1.1695309 1.1810201 1.1896152 1.1774135 1.1428137 1.1076002\n", + " 1.0851771 1.0751854 1.0744457 1.075377 1.070627 1.0607997 1.0518111\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1552274 1.1497374 1.1573609 1.1643522 1.1536746 1.1245314 1.0944397\n", + " 1.0746475 1.0653445 1.0639839 1.0641996 1.0602577 1.0521799 1.0445412\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1722565 1.1687411 1.1802022 1.1891357 1.1778817 1.1446846 1.1099693\n", + " 1.0864155 1.0744517 1.0708159 1.0687612 1.0634696 1.0542747 1.046147\n", + " 1.0426178 1.0438418 1.0489244 1.0538086 1.0558484 1.0563947 0.\n", + " 0. ]\n", + " [1.1664659 1.1636462 1.173573 1.1821704 1.1709888 1.1386588 1.1059906\n", + " 1.0842288 1.072695 1.0684805 1.0663594 1.0603348 1.0512439 1.044031\n", + " 1.0408158 1.0431488 1.047652 1.0523576 1.0546542 1.0551901 1.0560927\n", + " 1.0597355]\n", + " [1.1742417 1.1701593 1.1805602 1.188852 1.1747465 1.1405907 1.1066089\n", + " 1.0838449 1.0748124 1.073923 1.0753849 1.0707151 1.0608776 1.0519586\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1761523 1.1721493 1.1822939 1.19091 1.1773348 1.1427817 1.108609\n", + " 1.0860006 1.0748886 1.071805 1.0716476 1.066447 1.0571882 1.0484896\n", + " 1.0449388 1.0467035 1.0520583 1.0568225 0. 0. 0.\n", + " 0. ]\n", + " [1.1759118 1.1693658 1.1778824 1.1871134 1.174564 1.1414151 1.1066982\n", + " 1.0843548 1.0738988 1.0722928 1.0724053 1.0681449 1.0590383 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1795582 1.1760044 1.1855576 1.1951287 1.1834525 1.1495456 1.1130692\n", + " 1.0900451 1.0787879 1.0764322 1.0756935 1.0708116 1.0618069 1.0526685\n", + " 1.0487404 1.0507642 0. 0. ]\n", + " [1.180002 1.1739691 1.1829039 1.1910644 1.1790812 1.145355 1.1113763\n", + " 1.0899695 1.0812358 1.0801635 1.0801895 1.0744509 1.0632459 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.166332 1.1635475 1.1750181 1.1834905 1.1727407 1.1390896 1.10459\n", + " 1.0823823 1.0720086 1.0710875 1.0713662 1.0667293 1.057797 1.0492922\n", + " 0. 0. 0. 0. ]\n", + " [1.1466135 1.1429114 1.1516805 1.1591421 1.1484964 1.1200048 1.0904566\n", + " 1.07084 1.061592 1.0593146 1.0590233 1.0547194 1.0475888 1.0407768\n", + " 1.03784 1.0392733 1.0435654 0. ]\n", + " [1.1854819 1.1820537 1.1921759 1.2000389 1.1879915 1.1535344 1.1176996\n", + " 1.0926783 1.0810285 1.0778801 1.0764016 1.071017 1.0613284 1.0520672\n", + " 1.0486836 1.0507697 1.056391 1.0620329]]\n", + "[[1.1676632 1.1661834 1.1773088 1.1864917 1.1731743 1.1389918 1.1048529\n", + " 1.0826343 1.0722854 1.0693018 1.0683492 1.0627376 1.0529008 1.0453557\n", + " 1.041885 1.0435039 1.0486728 1.0538707 1.0563971]\n", + " [1.1924224 1.1870519 1.1964512 1.2047867 1.1921932 1.157277 1.1201845\n", + " 1.0967578 1.0850664 1.0826651 1.0822451 1.0767077 1.0665201 1.0572417\n", + " 1.0533419 0. 0. 0. 0. ]\n", + " [1.1819817 1.1787401 1.1896476 1.1995218 1.1871492 1.1514351 1.1148107\n", + " 1.0899249 1.0783832 1.0760193 1.075986 1.0711715 1.061903 1.0529829\n", + " 1.0490537 1.0505903 1.0563893 0. 0. ]\n", + " [1.1703928 1.1651965 1.1745863 1.1838421 1.173157 1.1411906 1.1070286\n", + " 1.0841131 1.0734495 1.0714549 1.0717564 1.0668557 1.0578583 1.0495148\n", + " 1.0456342 0. 0. 0. 0. ]\n", + " [1.1685662 1.1646419 1.174263 1.1825882 1.1722057 1.1399478 1.1057234\n", + " 1.0830741 1.0727873 1.0707182 1.0706346 1.0661285 1.0575519 1.0496156\n", + " 1.0456681 1.0473735 0. 0. 0. ]]\n", + "[[1.1858646 1.181595 1.1925371 1.201701 1.1877325 1.1514053 1.1149782\n", + " 1.0914797 1.0819703 1.0803587 1.0815637 1.0758555 1.0648794 1.0553153\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1696409 1.1654861 1.1752023 1.1838609 1.1716695 1.1391679 1.1055033\n", + " 1.0833595 1.0723464 1.0703448 1.0705539 1.0658203 1.0574381 1.049047\n", + " 1.0453134 1.0470539 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1591392 1.1574204 1.1690195 1.1796633 1.1683027 1.1365782 1.1031232\n", + " 1.0812471 1.0705684 1.06671 1.0645134 1.0585723 1.0497476 1.0420103\n", + " 1.0388315 1.040962 1.0456376 1.0505606 1.0530716 1.0538106 1.055247\n", + " 1.0584531 1.0655528 1.0749218]\n", + " [1.182312 1.1802427 1.1922262 1.2029113 1.192086 1.156906 1.1190785\n", + " 1.0939099 1.0806301 1.0760908 1.0737008 1.0673139 1.0577643 1.0496342\n", + " 1.0463043 1.0481699 1.0534469 1.0590087 1.061286 1.0620993 1.0630362\n", + " 1.0669069 0. 0. ]\n", + " [1.1697972 1.1668158 1.178101 1.1876743 1.1758381 1.1433481 1.1093512\n", + " 1.0863636 1.0747522 1.0706918 1.0685319 1.0624729 1.0538123 1.0462692\n", + " 1.0429646 1.044255 1.0489842 1.0536633 1.0556791 1.0567181 1.0583404\n", + " 0. 0. 0. ]]\n", + "[[1.1731328 1.1698604 1.1819277 1.1911964 1.1797725 1.1441712 1.108464\n", + " 1.0855078 1.0746576 1.0740285 1.0742102 1.0693862 1.0596855 1.0506417\n", + " 1.0467387 0. 0. 0. 0. 0. ]\n", + " [1.2050315 1.1997777 1.2108135 1.2195263 1.2054648 1.1663231 1.1257752\n", + " 1.0992447 1.0875015 1.0868635 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1872606 1.1842747 1.1953183 1.2028766 1.1905448 1.1552949 1.1185842\n", + " 1.0939909 1.081646 1.0770627 1.0755455 1.0693097 1.0594031 1.0509046\n", + " 1.0472924 1.0492202 1.0548347 1.0602236 1.0625861 1.0633248]\n", + " [1.1856502 1.1813098 1.1905572 1.1994246 1.1859323 1.1506579 1.1142693\n", + " 1.0912285 1.0798144 1.0770494 1.0763999 1.071221 1.0615392 1.0527854\n", + " 1.0490152 1.051242 1.0571065 0. 0. 0. ]\n", + " [1.1845193 1.1810582 1.1905082 1.1999639 1.1872785 1.1522841 1.115774\n", + " 1.0915276 1.0795606 1.0763235 1.0742122 1.0682905 1.0592155 1.0513054\n", + " 1.0474026 1.0498717 1.0550154 1.0602508 1.0624921 0. ]]\n", + "[[1.1636673 1.1603023 1.1703087 1.1796833 1.1685532 1.1368601 1.1034678\n", + " 1.0809494 1.0705239 1.067873 1.0674016 1.0635208 1.0551239 1.0473107\n", + " 1.0438336 1.0449535 1.0498805 0. 0. 0. 0. ]\n", + " [1.1724372 1.1704022 1.1820531 1.1912879 1.1795851 1.1452814 1.1096826\n", + " 1.0856491 1.0741916 1.0708797 1.0697491 1.0643302 1.0552356 1.0473146\n", + " 1.0435357 1.0449482 1.0500879 1.0549968 1.0577911 0. 0. ]\n", + " [1.169284 1.1654752 1.1767753 1.1860304 1.1741779 1.1392623 1.1041553\n", + " 1.0811543 1.0720351 1.0713656 1.0719752 1.0675095 1.0578306 1.0488595\n", + " 1.0448503 0. 0. 0. 0. 0. 0. ]\n", + " [1.1751331 1.173867 1.1861517 1.195501 1.1827022 1.148467 1.112777\n", + " 1.0889697 1.07703 1.0728539 1.0708258 1.064153 1.0553137 1.0473466\n", + " 1.0442631 1.0458488 1.051112 1.0559703 1.058161 1.059182 1.0603412]\n", + " [1.1836879 1.1777539 1.186664 1.1945081 1.1816616 1.1468902 1.1111301\n", + " 1.0877072 1.0769888 1.0745357 1.0747166 1.0703756 1.0610367 1.052272\n", + " 1.0482831 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2056316 1.1995455 1.2090743 1.2174863 1.2044672 1.167579 1.1289893\n", + " 1.1028802 1.0909144 1.0872912 1.0855808 1.078912 1.0678352 1.0586349\n", + " 1.054812 1.0573735 1.0643612 0. ]\n", + " [1.1486856 1.1448125 1.1527324 1.1595373 1.1489704 1.1194556 1.0902133\n", + " 1.071387 1.0629046 1.0607646 1.0607285 1.0561782 1.0484608 1.0415084\n", + " 1.0382483 1.0399418 0. 0. ]\n", + " [1.1735339 1.1690514 1.1792576 1.1881156 1.1757741 1.1426811 1.1083201\n", + " 1.085195 1.0747225 1.0725801 1.0724629 1.0674012 1.0579438 1.0493405\n", + " 1.0450737 1.0470295 1.0525284 0. ]\n", + " [1.175613 1.1717728 1.1822487 1.1918101 1.1787671 1.1463908 1.1122651\n", + " 1.0889117 1.0771651 1.073479 1.0714991 1.0660231 1.0572034 1.0494175\n", + " 1.0455614 1.0478845 1.0528027 1.0582792]\n", + " [1.1890719 1.183177 1.1935043 1.2016299 1.1879557 1.1526998 1.1168222\n", + " 1.0937828 1.0834434 1.0824112 1.081828 1.0763938 1.0651917 1.0555944\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1754509 1.1677579 1.1767658 1.1859312 1.174463 1.1421471 1.107702\n", + " 1.0851102 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1734674 1.1697652 1.1807959 1.189225 1.1749425 1.1425784 1.1071329\n", + " 1.083763 1.0733491 1.0728538 1.0731775 1.0700644 1.0606512 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1681058 1.1654141 1.1766217 1.1852812 1.1729993 1.13943 1.1051282\n", + " 1.0821161 1.071597 1.068626 1.0671064 1.0620222 1.0530015 1.0451092\n", + " 1.0416447 1.0433183 1.0484655 1.0534437 1.0560179]\n", + " [1.1973392 1.1921095 1.2021599 1.2112987 1.1951691 1.1566422 1.1181041\n", + " 1.0930061 1.0821179 1.0813305 1.0820132 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1720867 1.1689768 1.1797024 1.1888098 1.1778177 1.1429687 1.1070783\n", + " 1.083567 1.0726719 1.0704173 1.070267 1.0663527 1.0582263 1.0497808\n", + " 1.0458959 1.0476687 1.0531251 0. 0. ]]\n", + "[[1.1730492 1.1697332 1.1788042 1.1875275 1.1758109 1.1421578 1.1079367\n", + " 1.0858773 1.0747216 1.0728709 1.0721517 1.067537 1.0574352 1.0493227\n", + " 1.0455475 1.0475509 1.0532521 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1586143 1.1541111 1.163933 1.1749177 1.1674674 1.1387502 1.1069529\n", + " 1.0858513 1.0745472 1.07079 1.0682124 1.0615698 1.0513359 1.0438739\n", + " 1.0410838 1.0438356 1.0494984 1.0547674 1.0566881 1.0566789 1.0570296\n", + " 1.059429 1.0664924 1.0752245 1.0835179 1.0889144 1.0904216 1.0872293\n", + " 1.0794204 1.0698036 1.0612814 1.055936 1.0534291]\n", + " [1.1589496 1.1555547 1.1653271 1.1738447 1.1633372 1.1320921 1.1006818\n", + " 1.0797275 1.0692872 1.0655304 1.0630336 1.0576282 1.0489545 1.0415938\n", + " 1.0387087 1.0400852 1.0445154 1.0490048 1.051159 1.0516471 1.0529531\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1725335 1.1672336 1.1782538 1.1875587 1.175031 1.1405954 1.1063516\n", + " 1.0844809 1.0751408 1.0738294 1.0746706 1.0697939 1.0606674 1.0515809\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1571217 1.1538205 1.1639093 1.1724819 1.162054 1.1312894 1.0984558\n", + " 1.0770274 1.0667182 1.0643963 1.0634336 1.0581969 1.0494789 1.0420977\n", + " 1.0387664 1.0401107 1.0448556 1.0499346 1.0523629 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1704398 1.1670341 1.1763464 1.1847278 1.1723088 1.1400516 1.1062999\n", + " 1.0837976 1.0718681 1.0682087 1.0656192 1.060728 1.0523208 1.0454347\n", + " 1.0418445 1.0436736 1.0479491 1.0525159 1.0550808 1.0565469 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1760926 1.1719875 1.182298 1.1909426 1.1782439 1.1442465 1.1093692\n", + " 1.0862702 1.0754575 1.0725142 1.0716476 1.0667002 1.0578407 1.0497575\n", + " 1.0464661 1.048266 1.0534779 1.0588268 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1599932 1.1545789 1.1640117 1.1748425 1.1680508 1.1401324 1.10988\n", + " 1.0881836 1.0765784 1.0719392 1.068462 1.0618303 1.0519055 1.0438635\n", + " 1.0415608 1.0440049 1.0498059 1.055618 1.0580989 1.0577208 1.0579637\n", + " 1.0605665 1.0670757 1.0771072 1.0851437 1.0902511 1.0920013 1.0885496\n", + " 1.0801504 1.0703155 1.0621262 1.0566479 1.0545926 1.0546421]\n", + " [1.1737491 1.1715164 1.1826587 1.1929337 1.1811299 1.1474756 1.1121122\n", + " 1.0881113 1.0762187 1.0718607 1.070341 1.0640168 1.0551217 1.0470724\n", + " 1.0435783 1.0448498 1.0500548 1.0552075 1.0575676 1.0583346 1.0598903\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1725887 1.1680201 1.1784815 1.1875796 1.175462 1.1421583 1.1078787\n", + " 1.0851043 1.0738996 1.0707937 1.0695337 1.0641106 1.0553775 1.0475656\n", + " 1.0442703 1.0459572 1.0512178 1.0561067 1.0583453 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2093921 1.2051227 1.2177359 1.2281989 1.2146804 1.1768987 1.1364675\n", + " 1.1086906 1.0944211 1.0900095 1.0878115 1.0805407 1.0698475 1.0600965\n", + " 1.0555292 1.0575207 1.0636928 1.0700227 1.0728902 1.0739264 0. ]\n", + " [1.1847914 1.1822636 1.1930531 1.2023494 1.1895878 1.154599 1.1180763\n", + " 1.0934434 1.0810337 1.0771693 1.0748054 1.069012 1.059424 1.0511576\n", + " 1.0472524 1.049382 1.0549839 1.0598239 1.062658 1.0632629 0. ]\n", + " [1.161173 1.1586455 1.1688142 1.1771123 1.1657407 1.1334037 1.1002642\n", + " 1.0786921 1.0682261 1.0663129 1.065653 1.0610489 1.0530243 1.0449739\n", + " 1.0418135 1.0432321 1.047898 1.0522369 0. 0. 0. ]\n", + " [1.1680201 1.1640357 1.1736382 1.1813995 1.168574 1.1346205 1.1007991\n", + " 1.0798128 1.0704944 1.0692348 1.0690333 1.0643938 1.0552707 1.0469444\n", + " 1.0435746 1.0456947 0. 0. 0. 0. 0. ]\n", + " [1.1911342 1.1875459 1.1986046 1.2087756 1.1956581 1.1596698 1.1211598\n", + " 1.0957347 1.0827007 1.0785408 1.0762156 1.0690998 1.0586134 1.050637\n", + " 1.0471377 1.0495646 1.055205 1.060944 1.0637362 1.0641817 1.0659848]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1779921 1.1734974 1.1842277 1.1947243 1.1829319 1.1483067 1.1121308\n", + " 1.0884464 1.0771393 1.07464 1.0737164 1.0680144 1.0583384 1.0491295\n", + " 1.0448704 1.0461515 1.0516562 1.0569794 1.0599337]\n", + " [1.1709096 1.167167 1.1774135 1.1863611 1.1735327 1.1409243 1.1070955\n", + " 1.0839717 1.0739182 1.0713627 1.0706322 1.0658126 1.057145 1.0493165\n", + " 1.0456443 1.0477458 0. 0. 0. ]\n", + " [1.1709367 1.1661093 1.1747984 1.1819656 1.170184 1.1388459 1.105716\n", + " 1.083441 1.0725443 1.0691932 1.0669043 1.0614536 1.0524971 1.0453479\n", + " 1.0416664 1.0433685 1.0483277 1.0530815 1.0559167]\n", + " [1.1785706 1.1740246 1.1850233 1.1941273 1.1818488 1.1471186 1.1120367\n", + " 1.0882784 1.0780277 1.0755634 1.076015 1.0706229 1.0604417 1.0508316\n", + " 1.0466498 1.0486226 0. 0. 0. ]\n", + " [1.1808742 1.1761035 1.1863606 1.1952187 1.1843272 1.1502687 1.1149886\n", + " 1.0918442 1.0806437 1.0789919 1.0785017 1.0729846 1.0628198 1.0535527\n", + " 1.0494189 1.051612 0. 0. 0. ]]\n", + "[[1.1746749 1.1698147 1.1808186 1.1900607 1.1797156 1.1473627 1.112423\n", + " 1.088767 1.0769575 1.0727676 1.0708609 1.0650665 1.0550861 1.046799\n", + " 1.0435324 1.0453292 1.0507832 1.0559168 1.057901 1.0583107]\n", + " [1.1722379 1.1697314 1.1796263 1.1884778 1.1772362 1.1441556 1.1093687\n", + " 1.0858903 1.0738981 1.0702146 1.0691764 1.063793 1.0554392 1.0472704\n", + " 1.0439745 1.0456508 1.0507619 1.0557367 1.0586014 0. ]\n", + " [1.2044706 1.1991919 1.2093159 1.2170645 1.2023174 1.1644931 1.1257\n", + " 1.0993301 1.0877053 1.0864863 1.0863822 1.082117 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1671606 1.1643162 1.1744281 1.1827202 1.1695123 1.1362834 1.1028222\n", + " 1.0806116 1.0696082 1.0665071 1.0653816 1.060303 1.0517284 1.0445564\n", + " 1.0414802 1.0433577 1.0474503 1.0521755 1.0545012 1.0556244]\n", + " [1.1793562 1.1761432 1.1864306 1.1951468 1.1822599 1.149048 1.1142492\n", + " 1.0907437 1.0781887 1.074328 1.0726595 1.0662917 1.0570279 1.0491564\n", + " 1.045805 1.0474719 1.0530432 1.0576965 1.0603629 1.0610197]]\n", + "[[1.184158 1.1781758 1.1884936 1.1976141 1.1843212 1.1500137 1.1148738\n", + " 1.0922163 1.08231 1.0804033 1.0810184 1.0756749 1.0648408 1.0551183\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1638297 1.1607468 1.1713109 1.1811782 1.1696484 1.1378343 1.1042087\n", + " 1.0814161 1.0696414 1.066288 1.0644287 1.0594096 1.0511196 1.044008\n", + " 1.0407758 1.0424731 1.0471663 1.0518825 1.0540992 1.054774 1.0561494\n", + " 1.0591742]\n", + " [1.1648612 1.1619906 1.1733649 1.1825061 1.1704849 1.1371868 1.1036997\n", + " 1.0819325 1.0706006 1.0673945 1.0651288 1.0596805 1.0513918 1.0441341\n", + " 1.0412664 1.043015 1.0479246 1.0532348 1.0556898 1.0563453 1.0578433\n", + " 1.061439 ]\n", + " [1.1715975 1.1687587 1.1795225 1.189336 1.1775639 1.1449976 1.1105382\n", + " 1.0863714 1.0749855 1.071083 1.0688763 1.0633987 1.054261 1.0464364\n", + " 1.0427902 1.0439699 1.0490184 1.0540621 1.0568243 1.0580884 0.\n", + " 0. ]\n", + " [1.1995296 1.1941752 1.2061741 1.215047 1.2004826 1.1618258 1.1229355\n", + " 1.0972923 1.0861514 1.0853307 1.0859736 1.0805691 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1759541 1.1725945 1.183106 1.1916963 1.1797924 1.1453536 1.109406\n", + " 1.085404 1.07366 1.0699701 1.0692499 1.0640566 1.0554894 1.0475798\n", + " 1.0440431 1.045595 1.0502526 1.0550091 1.0573053 0. 0.\n", + " 0. ]\n", + " [1.186326 1.1821657 1.1933516 1.2009587 1.1858435 1.1499566 1.1135803\n", + " 1.0901377 1.0804783 1.0791551 1.079753 1.0742835 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.178594 1.1760085 1.1865643 1.1951934 1.1833683 1.1496285 1.1148459\n", + " 1.0899794 1.0773935 1.0730604 1.0702941 1.064335 1.0554119 1.0476168\n", + " 1.0446851 1.0462875 1.0518829 1.0565976 1.0590762 1.0601028 1.0617617\n", + " 1.0654798]\n", + " [1.1898122 1.1848652 1.1945271 1.2031782 1.1894097 1.1554114 1.1191869\n", + " 1.0951908 1.083683 1.0819776 1.0818896 1.0758963 1.0660257 1.0564638\n", + " 1.0526626 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1878849 1.1842283 1.1947407 1.2027149 1.1910312 1.1562943 1.1201141\n", + " 1.0941218 1.0814884 1.0767592 1.0730784 1.0668113 1.0571918 1.0495818\n", + " 1.0460486 1.048518 1.0541245 1.0590208 1.061449 1.062623 1.0643737\n", + " 0. ]]\n", + "[[1.1640917 1.160427 1.1704601 1.1790648 1.1673421 1.1351665 1.1023004\n", + " 1.080621 1.0695662 1.0664129 1.0656165 1.0604602 1.0519636 1.0442814\n", + " 1.0410101 1.0426419 1.04745 1.0524858 1.0553017]\n", + " [1.153835 1.148736 1.1561718 1.1634846 1.152676 1.1234958 1.093423\n", + " 1.0735842 1.063928 1.0618126 1.0616791 1.0580398 1.0501585 1.0430497\n", + " 1.0398082 1.0411856 1.0459566 0. 0. ]\n", + " [1.1647118 1.161028 1.1704483 1.1774607 1.1646252 1.132767 1.100606\n", + " 1.0790894 1.069821 1.067416 1.0670577 1.0625877 1.053825 1.0459722\n", + " 1.0424476 1.0441225 1.0492246 0. 0. ]\n", + " [1.1792736 1.176436 1.1880305 1.1979423 1.184725 1.1500375 1.1139166\n", + " 1.0896103 1.0780165 1.0750961 1.0736365 1.0672047 1.057598 1.0489628\n", + " 1.044809 1.0466409 1.0517697 1.0571144 1.059619 ]\n", + " [1.1626927 1.1591284 1.1694509 1.1792861 1.1672837 1.1340884 1.100227\n", + " 1.0785695 1.0687616 1.067406 1.0674018 1.0629693 1.0545275 1.0465466\n", + " 1.0426099 1.0445548 0. 0. 0. ]]\n", + "[[1.1870171 1.1811916 1.1917355 1.1997358 1.1864654 1.1516666 1.1161048\n", + " 1.0918443 1.0797317 1.0762839 1.075046 1.0697054 1.0599773 1.0518811\n", + " 1.0482227 1.0507807 1.0562986 1.0616069 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1815404 1.1800148 1.191735 1.2020227 1.1896882 1.1548947 1.1183591\n", + " 1.093111 1.0800864 1.0755419 1.0732418 1.0670445 1.0578048 1.0487399\n", + " 1.0454147 1.0475291 1.0527695 1.0577163 1.0599962 1.060817 1.0620307\n", + " 0. 0. 0. 0. ]\n", + " [1.1397834 1.1375852 1.1471374 1.155835 1.1463052 1.1173494 1.0883962\n", + " 1.0689806 1.0595868 1.0565052 1.0549374 1.0498133 1.0422084 1.035784\n", + " 1.0331243 1.0347724 1.0391129 1.043429 1.0456997 1.0465776 1.0479156\n", + " 1.0507689 1.0562752 1.0648768 1.0712863]\n", + " [1.1833732 1.1772557 1.1865877 1.1943843 1.182081 1.1478051 1.1126089\n", + " 1.0893214 1.0781937 1.0754694 1.0753045 1.0705836 1.0613806 1.0528004\n", + " 1.0491524 1.0512451 1.0572265 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.169231 1.1666226 1.1777328 1.1862628 1.1756461 1.1434932 1.1089666\n", + " 1.0847796 1.0732232 1.069185 1.0670247 1.0610533 1.0526567 1.0448278\n", + " 1.0421605 1.0440613 1.0490971 1.0538088 1.0564921 1.0572385 1.0585282\n", + " 1.0614065 1.0685787 0. 0. ]]\n", + "[[1.1791941 1.1749648 1.1851811 1.1940138 1.1818283 1.1465429 1.1102813\n", + " 1.0859791 1.0747808 1.0734944 1.0739273 1.0693337 1.0601208 1.0519204\n", + " 1.0479318 1.0497869 0. 0. ]\n", + " [1.157093 1.1530695 1.1617413 1.1684947 1.1564645 1.1249675 1.0936337\n", + " 1.0733588 1.0642102 1.0621445 1.0624751 1.0580461 1.0501527 1.0431341\n", + " 1.0401016 1.0420632 1.0469862 0. ]\n", + " [1.1584758 1.155593 1.1653692 1.173837 1.1626682 1.1312901 1.0990081\n", + " 1.077992 1.0680336 1.0657756 1.0650386 1.0607607 1.0522251 1.0449758\n", + " 1.0416061 1.0432578 1.0482206 0. ]\n", + " [1.1614687 1.1590434 1.1700188 1.178787 1.1659138 1.1334983 1.1009824\n", + " 1.0788977 1.0685178 1.0662106 1.0657842 1.0605849 1.0524343 1.0446695\n", + " 1.0418164 1.0433061 1.0482293 1.0528846]\n", + " [1.171929 1.1682545 1.1790903 1.1889538 1.1767223 1.1414262 1.1068642\n", + " 1.0841273 1.0749012 1.073844 1.0742575 1.0694757 1.0599676 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1741346 1.168293 1.178151 1.1867774 1.1756504 1.1422317 1.1069905\n", + " 1.0844958 1.0743208 1.0721166 1.0726151 1.0683874 1.0591444 1.0506549\n", + " 1.0467169 1.0485692 0. 0. 0. 0. ]\n", + " [1.1754125 1.1716795 1.1817522 1.1907399 1.1776822 1.1447659 1.1109056\n", + " 1.0881655 1.077175 1.0749688 1.0739697 1.0684979 1.0588503 1.0504764\n", + " 1.0467997 1.0488122 1.0549195 0. 0. 0. ]\n", + " [1.1817819 1.1756253 1.1838989 1.1925185 1.1796474 1.1459732 1.1118759\n", + " 1.0895466 1.0792567 1.0770774 1.0767981 1.0708838 1.0612078 1.0527569\n", + " 1.0484967 0. 0. 0. 0. 0. ]\n", + " [1.1806196 1.1757233 1.1859254 1.1959955 1.1837475 1.1494199 1.1132427\n", + " 1.0889814 1.0777556 1.074737 1.0741825 1.0696032 1.0597557 1.0514232\n", + " 1.0476032 0. 0. 0. 0. 0. ]\n", + " [1.1768279 1.1750872 1.1863897 1.1957548 1.1819088 1.1462479 1.1110657\n", + " 1.0878422 1.0764804 1.0730023 1.0713205 1.0644859 1.0556723 1.0476332\n", + " 1.044369 1.0463601 1.0517092 1.0563188 1.0583724 1.0589968]]\n", + "[[1.176247 1.1711873 1.1798847 1.1878757 1.1748738 1.1408739 1.1057914\n", + " 1.0832108 1.0724199 1.0693166 1.068994 1.0645106 1.0561303 1.0488187\n", + " 1.0452769 1.0469489 1.0523409 1.0576301 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1734093 1.1697366 1.1794115 1.1887467 1.1769333 1.1431129 1.1093199\n", + " 1.0872843 1.0779736 1.0757585 1.0760477 1.0706488 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1809614 1.1736877 1.182288 1.1910203 1.1812617 1.1486483 1.1139834\n", + " 1.090796 1.079829 1.078069 1.0779479 1.0729305 1.063617 1.0542048\n", + " 1.049918 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1682749 1.1655767 1.1749556 1.1856229 1.1760366 1.1436334 1.1102589\n", + " 1.0873036 1.0752727 1.0706649 1.0679582 1.0616467 1.0521641 1.0446554\n", + " 1.041915 1.0442587 1.0493736 1.0540806 1.0565584 1.0573695 1.0578691\n", + " 1.0610496 1.0685018 1.0787088 1.0866705 1.0906849]\n", + " [1.1691097 1.1656771 1.1761693 1.1848366 1.1726556 1.1391985 1.1046615\n", + " 1.0825574 1.0726174 1.0704007 1.0710562 1.0660747 1.0573593 1.0485368\n", + " 1.0448563 1.0469311 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1547782 1.152017 1.1629858 1.171119 1.1597545 1.1281458 1.0955029\n", + " 1.0744357 1.0645381 1.062036 1.0611827 1.0566547 1.0487031 1.0416462\n", + " 1.0386858 1.0400506 1.044871 1.049626 1.0518792 0. 0.\n", + " 0. ]\n", + " [1.1941262 1.1884973 1.196633 1.205735 1.1922202 1.1554618 1.1187018\n", + " 1.0945361 1.0844728 1.0832195 1.0839058 1.0787022 1.0679865 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1755421 1.169997 1.1794885 1.1870937 1.1757663 1.1412528 1.1055876\n", + " 1.08234 1.0720613 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1660086 1.1643428 1.1757725 1.1857835 1.174098 1.1414936 1.1078374\n", + " 1.0849435 1.0734205 1.069463 1.0675031 1.0609577 1.0521609 1.0444843\n", + " 1.0414492 1.0429212 1.0483168 1.0533785 1.0562986 1.0572104 1.0585597\n", + " 1.061904 ]\n", + " [1.183592 1.1781621 1.1886259 1.1978567 1.1845201 1.1484059 1.1127431\n", + " 1.0894601 1.0796299 1.0788746 1.0800282 1.0749421 1.0649242 1.0551084\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1939803 1.189604 1.2024728 1.2127078 1.2004799 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1647811 1.1606821 1.1693511 1.1771446 1.1657673 1.1353055 1.1037203\n", + " 1.0826371 1.0714204 1.067504 1.0653841 1.059946 1.0518218 1.0444822\n", + " 1.0414269 1.0434232 1.0483449 1.0532286 1.0556185]\n", + " [1.1758068 1.1704252 1.1799531 1.1884917 1.1759111 1.1434815 1.1100354\n", + " 1.087481 1.0777272 1.0755348 1.0763831 1.0717757 1.0616871 1.0530736\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.172354 1.1683016 1.1781206 1.1862395 1.1725147 1.1383507 1.1041803\n", + " 1.0820643 1.0733846 1.0723579 1.0734768 1.0687299 1.0596502 1.0511072\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1644785 1.1612116 1.1712781 1.1795087 1.1683139 1.1363503 1.1038227\n", + " 1.0819082 1.0710583 1.0678729 1.0665666 1.0614749 1.0528841 1.0449072\n", + " 1.0415721 1.042989 1.0475327 1.0523379 1.0550823]]\n", + "[[1.1658057 1.162431 1.1730143 1.1836158 1.1731802 1.1396788 1.1060612\n", + " 1.0832934 1.0712723 1.0676259 1.0654505 1.0601702 1.0515379 1.0444702\n", + " 1.0414652 1.0429611 1.0473909 1.052814 1.0555631 1.0569538 1.0585858]\n", + " [1.1913149 1.1871141 1.196352 1.2051642 1.1922824 1.1562896 1.1191015\n", + " 1.0941682 1.0819592 1.0783675 1.0772476 1.072173 1.0632408 1.0541494\n", + " 1.0507268 1.0526932 1.0582364 1.0643117 0. 0. 0. ]\n", + " [1.1515783 1.1473033 1.156686 1.1638781 1.1546898 1.1249319 1.0938447\n", + " 1.0736036 1.0640434 1.0625392 1.0628108 1.0589216 1.0512757 1.0437163\n", + " 1.0402114 1.0419548 0. 0. 0. 0. 0. ]\n", + " [1.1687362 1.165034 1.1749322 1.1826882 1.17169 1.1380123 1.1042511\n", + " 1.0814629 1.0706489 1.0687891 1.068609 1.0639052 1.0548127 1.046974\n", + " 1.0430808 1.0444648 1.0494237 1.0544667 0. 0. 0. ]\n", + " [1.1593971 1.1562412 1.165945 1.1745486 1.1622286 1.1312901 1.0996536\n", + " 1.0780586 1.0677373 1.0649816 1.06338 1.0585939 1.0500404 1.0426905\n", + " 1.0396993 1.0413957 1.0462085 1.0508357 1.0533944 0. 0. ]]\n", + "[[1.208183 1.2014953 1.2107973 1.2196649 1.205027 1.1679097 1.1289666\n", + " 1.1030508 1.0908455 1.0886657 1.0876889 1.0822197 1.0713063 1.061403\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1715707 1.1674132 1.1769426 1.1858315 1.1732322 1.142171 1.1085811\n", + " 1.086385 1.0763206 1.0738602 1.073125 1.068354 1.0590237 1.0502158\n", + " 1.0466377 1.0487779 0. 0. 0. 0. 0. ]\n", + " [1.1696523 1.1653222 1.1763585 1.1847086 1.1747465 1.1417258 1.106742\n", + " 1.084829 1.0744249 1.0721618 1.0725688 1.0671089 1.0573478 1.0488489\n", + " 1.0446838 1.0464917 0. 0. 0. 0. 0. ]\n", + " [1.1953026 1.1905016 1.2020609 1.2111732 1.1974629 1.1603296 1.1215166\n", + " 1.0962039 1.084349 1.0831138 1.0834929 1.0785664 1.0678904 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1654196 1.1639202 1.1747487 1.1843767 1.1724515 1.1394764 1.1060902\n", + " 1.0834068 1.0722362 1.0680395 1.0654979 1.0595884 1.0504748 1.0431015\n", + " 1.039708 1.0414335 1.0463009 1.0513388 1.0537076 1.0548518 1.0563235]]\n", + "[[1.1673657 1.1641771 1.1744566 1.1829338 1.169798 1.1368186 1.1032604\n", + " 1.0805389 1.0697992 1.066968 1.0658993 1.0610507 1.052636 1.0451374\n", + " 1.0417718 1.043582 1.0483673 1.0531046 1.0553108 0. 0. ]\n", + " [1.1696736 1.1667843 1.1767639 1.1848221 1.1724746 1.138632 1.1036866\n", + " 1.081761 1.0716529 1.0701598 1.0700293 1.0657313 1.0563754 1.0487794\n", + " 1.0449848 1.0468013 1.0519612 0. 0. 0. 0. ]\n", + " [1.1649078 1.1632788 1.1744205 1.1836805 1.1713158 1.138846 1.105425\n", + " 1.0824612 1.0714805 1.0677412 1.06613 1.060149 1.0521442 1.0445857\n", + " 1.0416473 1.0428402 1.0477484 1.0524367 1.0548193 1.0559279 1.0574658]\n", + " [1.1647089 1.1610575 1.1711121 1.1815195 1.1711521 1.1386501 1.1039413\n", + " 1.080776 1.0703964 1.0692228 1.0692595 1.065131 1.0564501 1.0479509\n", + " 1.0439047 1.0455638 0. 0. 0. 0. 0. ]\n", + " [1.1835214 1.1776329 1.188015 1.1975805 1.1844795 1.1486162 1.1124538\n", + " 1.089058 1.0789785 1.0777313 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1700978 1.1669194 1.1773214 1.1857082 1.1731817 1.1402183 1.1059176\n", + " 1.0830499 1.0721909 1.0691009 1.0681825 1.0618328 1.0537155 1.0457982\n", + " 1.0425229 1.0444477 1.0500559 1.0549725 0. 0. 0.\n", + " 0. ]\n", + " [1.1821564 1.1776519 1.1875257 1.1963431 1.1836159 1.1485524 1.1130755\n", + " 1.0890107 1.0769691 1.0740238 1.0722927 1.066542 1.057104 1.0486976\n", + " 1.0455791 1.0475231 1.052864 1.0584176 1.061306 0. 0.\n", + " 0. ]\n", + " [1.170329 1.1679366 1.1787262 1.1882883 1.1773098 1.1448606 1.109962\n", + " 1.0870706 1.0753944 1.0708297 1.0689596 1.0628381 1.0535393 1.0457103\n", + " 1.0426986 1.0444475 1.049307 1.053786 1.0557979 1.0564282 1.0578728\n", + " 1.0614086]\n", + " [1.1769276 1.1726305 1.183091 1.1909182 1.1787654 1.1453412 1.1112119\n", + " 1.087624 1.0752726 1.0714403 1.0697547 1.0642381 1.0553088 1.0475515\n", + " 1.0446677 1.0463659 1.0512658 1.0558828 1.0583494 1.0592815 0.\n", + " 0. ]\n", + " [1.1706696 1.1677169 1.1782779 1.1885028 1.1770892 1.1451244 1.1111215\n", + " 1.0872579 1.0752397 1.0709898 1.0683705 1.0615919 1.0525664 1.0450864\n", + " 1.0414717 1.0433327 1.0484935 1.05335 1.0559896 1.0572195 1.0587888\n", + " 0. ]]\n", + "[[1.1661302 1.1642588 1.1761404 1.1862761 1.1741983 1.1409014 1.1062968\n", + " 1.0833617 1.0711316 1.0677751 1.0660135 1.0602447 1.0521537 1.0446724\n", + " 1.0417775 1.0434754 1.0481852 1.0533819 1.0556185 1.0561318 1.0574999\n", + " 1.0608984]\n", + " [1.1713562 1.165904 1.1745826 1.1834916 1.1723868 1.140259 1.1075504\n", + " 1.0856596 1.0753118 1.0721799 1.0720279 1.0668656 1.0579501 1.0490187\n", + " 1.0452547 1.0469427 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1720086 1.1679906 1.1769978 1.184956 1.1735083 1.1417706 1.1073381\n", + " 1.0858335 1.0748801 1.0720667 1.0718731 1.0661418 1.056948 1.0484166\n", + " 1.0449518 1.0469714 1.0527387 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1746403 1.1713088 1.1823586 1.1909695 1.1784471 1.144099 1.1087323\n", + " 1.0861856 1.0757108 1.0751089 1.0762159 1.0712682 1.0617691 1.0524538\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1689978 1.1650989 1.1743059 1.1825228 1.1689451 1.1364154 1.1029531\n", + " 1.0809642 1.0706813 1.0686389 1.0688567 1.0644871 1.0560346 1.0489398\n", + " 1.0451555 1.0469584 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1800561 1.1765254 1.1873707 1.1970098 1.1849359 1.1512314 1.1155035\n", + " 1.091316 1.079378 1.0753272 1.0731412 1.0675427 1.0576775 1.0493469\n", + " 1.0456398 1.047723 1.052847 1.0577991 1.0604005 1.0613391 0.\n", + " 0. ]\n", + " [1.1662178 1.1633823 1.1744444 1.1839999 1.1722536 1.1397667 1.1056263\n", + " 1.0830324 1.0725477 1.0702174 1.0697887 1.0654237 1.0570867 1.0487638\n", + " 1.0449567 1.0468055 1.0518717 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1630712 1.1620936 1.1742928 1.1848614 1.1728092 1.1389232 1.1044915\n", + " 1.081348 1.0695635 1.0665005 1.0644013 1.0584949 1.0494986 1.0419776\n", + " 1.0392525 1.0403802 1.0451612 1.0500247 1.0525117 1.0532719 1.0546188\n", + " 0. ]\n", + " [1.1809647 1.1754632 1.1852703 1.1943203 1.1820403 1.1479747 1.1128908\n", + " 1.0897813 1.0792727 1.077508 1.0777122 1.0729667 1.0636194 1.0547225\n", + " 1.0505751 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1752716 1.173059 1.1833761 1.1917387 1.1809295 1.1477463 1.1135474\n", + " 1.0901244 1.0779948 1.0732089 1.0698987 1.0639079 1.0546027 1.046912\n", + " 1.0436466 1.0458312 1.0512743 1.0559568 1.058038 1.058612 1.0601318\n", + " 1.0638322]]\n", + "[[1.1898544 1.1826936 1.1899252 1.195072 1.1818697 1.1472385 1.1121107\n", + " 1.088846 1.0782921 1.0764289 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1612825 1.1569028 1.1659238 1.1731952 1.1620373 1.1300887 1.0978687\n", + " 1.0765456 1.0676023 1.065764 1.0659113 1.0613832 1.0533768 1.0458921\n", + " 1.0425199 1.0445412 0. 0. 0. 0. ]\n", + " [1.1611936 1.1567132 1.1669928 1.1755694 1.1635165 1.1317444 1.0984468\n", + " 1.0772034 1.0673233 1.065235 1.0647461 1.0604986 1.0526247 1.0448973\n", + " 1.0414814 1.0434551 1.0486788 0. 0. 0. ]\n", + " [1.1841998 1.1805234 1.1904564 1.1987385 1.1855232 1.1517817 1.116084\n", + " 1.0918471 1.079805 1.0757537 1.0742121 1.068075 1.0589379 1.0506204\n", + " 1.0468558 1.049128 1.0546316 1.059699 1.0621195 0. ]\n", + " [1.1776309 1.1738881 1.1848434 1.1945482 1.1825325 1.1492597 1.1135153\n", + " 1.0893416 1.0774218 1.0737699 1.0718522 1.0664654 1.0571883 1.04895\n", + " 1.0453289 1.0468981 1.0520403 1.057169 1.0599529 1.0608437]]\n", + "[[1.1847761 1.1809844 1.1912979 1.1997616 1.1868867 1.1509533 1.1145858\n", + " 1.0905219 1.0798315 1.0776379 1.0763298 1.0710592 1.0614122 1.0526248\n", + " 1.0486665 1.0510179 1.0572965 0. 0. 0. ]\n", + " [1.166393 1.1642104 1.1740494 1.1817852 1.1702487 1.1368577 1.1044314\n", + " 1.0824224 1.0712891 1.0677462 1.0656328 1.060614 1.0523702 1.0449232\n", + " 1.0421609 1.0442524 1.0485419 1.0531777 1.0550792 1.0562776]\n", + " [1.1705009 1.1663218 1.1771495 1.1872005 1.1755264 1.1413646 1.10557\n", + " 1.0820615 1.0716742 1.0706214 1.0716527 1.0673883 1.058728 1.0501715\n", + " 1.0460978 1.0477339 0. 0. 0. 0. ]\n", + " [1.1549397 1.1519738 1.1610835 1.1705704 1.1593362 1.1288652 1.0975559\n", + " 1.0771325 1.0668677 1.0644228 1.0642264 1.0601848 1.0515579 1.0442712\n", + " 1.0407814 1.0423197 1.0473253 0. 0. 0. ]\n", + " [1.1586057 1.1545663 1.1633818 1.1697649 1.1601318 1.1294315 1.0974917\n", + " 1.0763474 1.0665781 1.0645379 1.0643929 1.0604866 1.0524898 1.0451999\n", + " 1.0413902 1.0430878 0. 0. 0. 0. ]]\n", + "[[1.1669403 1.1642213 1.1751521 1.1839497 1.170816 1.1376262 1.1039871\n", + " 1.08134 1.070786 1.0675827 1.0662522 1.0606108 1.0519586 1.0446504\n", + " 1.0414304 1.0431384 1.0481403 1.0527526 1.0549229 1.0555083 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1592892 1.1568334 1.1667035 1.1748407 1.1627591 1.1305029 1.098283\n", + " 1.0765841 1.0655923 1.0624046 1.061178 1.0564287 1.0487536 1.0421536\n", + " 1.0391982 1.0409188 1.0451983 1.0497204 1.0521402 1.0527768 1.0542693\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1532464 1.1512322 1.1625829 1.1725811 1.1621029 1.1303917 1.0973387\n", + " 1.0759971 1.0655428 1.0624539 1.0607035 1.0550826 1.0465128 1.0394385\n", + " 1.0364515 1.0385333 1.0432502 1.0480715 1.0505555 1.0519223 1.0530602\n", + " 1.0559878 1.0623013 1.070964 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.144148 1.1407913 1.1520543 1.1638709 1.1568481 1.1289687 1.0982623\n", + " 1.0773256 1.0669603 1.0638592 1.0621781 1.0566792 1.0477235 1.0402216\n", + " 1.0376532 1.039765 1.044653 1.0496556 1.0516576 1.0518967 1.0526655\n", + " 1.0550843 1.0612437 1.0700872 1.0775455 1.0818477 1.082727 1.0795022\n", + " 1.0719532 1.0631757 1.0554832 1.050419 ]\n", + " [1.1887592 1.1829252 1.1921425 1.199923 1.1870959 1.1525577 1.1170094\n", + " 1.0934901 1.0814422 1.0784471 1.0772709 1.0713693 1.0613053 1.0527263\n", + " 1.0489312 1.0512973 1.0577719 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1792111 1.174906 1.1854216 1.1946572 1.1809173 1.1471453 1.1123447\n", + " 1.0892003 1.0771455 1.0737635 1.0722991 1.0664314 1.0571611 1.0492103\n", + " 1.0454726 1.0474572 1.0527717 1.0577397 1.060068 ]\n", + " [1.1764683 1.1747469 1.1863359 1.1952589 1.1841434 1.1498353 1.1136516\n", + " 1.0895224 1.0776558 1.073625 1.0726767 1.0673022 1.0581039 1.049872\n", + " 1.0457716 1.0475053 1.0524032 1.0577214 1.0605043]]\n", + "[[1.20208 1.1950263 1.203589 1.2109455 1.1969821 1.1612724 1.1234925\n", + " 1.0980014 1.086266 1.0841037 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.165499 1.1617594 1.1714301 1.1800687 1.1680311 1.1355516 1.1018453\n", + " 1.0790244 1.0681374 1.0651435 1.0637463 1.0593554 1.0509447 1.0439409\n", + " 1.0407906 1.04298 1.0477039 1.052626 1.0550033 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1483591 1.1459365 1.1563379 1.1651636 1.1535965 1.1239945 1.0936838\n", + " 1.074145 1.0643034 1.060991 1.0593351 1.0537457 1.0456395 1.0387945\n", + " 1.0359694 1.037978 1.0424879 1.0472225 1.0495453 1.0506302 1.0516837\n", + " 1.0548415 1.0614525 1.0701903]\n", + " [1.1650491 1.1604661 1.1698949 1.1769671 1.1661878 1.1352781 1.1032641\n", + " 1.0820975 1.0720283 1.0694834 1.0694239 1.0648975 1.0561279 1.048196\n", + " 1.0443344 1.0461884 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1577641 1.1539731 1.1628289 1.1715804 1.1602173 1.1292632 1.0977315\n", + " 1.0768427 1.066592 1.0634812 1.0628687 1.0579149 1.0498234 1.0427487\n", + " 1.0395485 1.0407457 1.0453303 1.0498207 1.0522852 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1561354 1.1537584 1.1622573 1.1707814 1.1587806 1.1285752 1.097205\n", + " 1.0755079 1.0651656 1.0621281 1.0610296 1.0563393 1.0483359 1.0412446\n", + " 1.0375977 1.0394927 1.0440867 1.048541 1.0510095 0. ]\n", + " [1.1613705 1.1572196 1.1679059 1.1781825 1.1679101 1.1354059 1.10171\n", + " 1.0790377 1.0693426 1.0680375 1.0686913 1.0645723 1.0560375 1.0479156\n", + " 1.043848 0. 0. 0. 0. 0. ]\n", + " [1.1670284 1.1628819 1.172485 1.1802783 1.1680759 1.1350982 1.1021849\n", + " 1.0802759 1.0695733 1.0667404 1.0653235 1.0606065 1.052164 1.0445158\n", + " 1.0414082 1.0433041 1.0484244 1.053544 0. 0. ]\n", + " [1.162041 1.1592678 1.1692207 1.1782632 1.1666459 1.1350125 1.1023061\n", + " 1.0801518 1.0697181 1.0663857 1.0644954 1.0593272 1.0508797 1.0437483\n", + " 1.0401996 1.0421 1.0470548 1.0517559 1.0540748 1.0551932]\n", + " [1.1680728 1.165236 1.1758664 1.1842898 1.1708367 1.137732 1.1041217\n", + " 1.0818213 1.0712715 1.0685694 1.0683146 1.0632961 1.054932 1.0469923\n", + " 1.0435517 1.0453315 1.0503742 1.0554129 0. 0. ]]\n", + "[[1.15174 1.1485875 1.1580665 1.166257 1.1563369 1.1269306 1.0962325\n", + " 1.0753756 1.0651395 1.0611829 1.0589738 1.0534012 1.0454893 1.0387732\n", + " 1.0361153 1.0381298 1.0428782 1.0474272 1.0498166 1.0508384 1.0517936\n", + " 1.0548165 1.0609446 1.0696366 1.0771583]\n", + " [1.1727201 1.1699886 1.1803994 1.1882851 1.177555 1.1446493 1.1102567\n", + " 1.0866365 1.0750678 1.0706893 1.0679809 1.061687 1.0529363 1.045226\n", + " 1.0420039 1.0436244 1.0488195 1.0535051 1.0557103 1.0567125 1.0580884\n", + " 0. 0. 0. 0. ]\n", + " [1.1683593 1.1652064 1.1752132 1.1846925 1.1725385 1.1388285 1.1054899\n", + " 1.083058 1.0718863 1.0691183 1.0684067 1.0633372 1.0544113 1.0466495\n", + " 1.043204 1.0452933 1.0505716 1.0556415 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.181566 1.1762904 1.1860583 1.1955119 1.1829933 1.1487882 1.1137216\n", + " 1.0909492 1.081158 1.0792959 1.0802602 1.0748391 1.064514 1.0549877\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1920137 1.1867638 1.1948458 1.2012358 1.1901286 1.1562278 1.1207944\n", + " 1.0966301 1.085289 1.082906 1.0822951 1.0773009 1.0669311 1.0571958\n", + " 1.0532888 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.160455 1.157255 1.168001 1.1763592 1.1656827 1.1331022 1.1000006\n", + " 1.0783561 1.0680708 1.0655503 1.0651724 1.060362 1.0517205 1.0437306\n", + " 1.04022 1.0416671 1.0466313 1.0513642 0. ]\n", + " [1.1752901 1.1718396 1.181391 1.1899556 1.175713 1.1405864 1.1056597\n", + " 1.0841899 1.0744476 1.0737493 1.0744077 1.0701411 1.0608627 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.185021 1.1814433 1.1916283 1.2007023 1.1869898 1.1519418 1.1163614\n", + " 1.0918936 1.0803244 1.0766096 1.0753527 1.0697383 1.0597727 1.0516713\n", + " 1.0475954 1.0500399 1.055468 1.0604807 1.0633465]\n", + " [1.1607809 1.1566678 1.166316 1.1751856 1.1655326 1.1339147 1.1018867\n", + " 1.0805091 1.070384 1.0691959 1.0698644 1.0645568 1.0551956 1.0469816\n", + " 1.043068 0. 0. 0. 0. ]\n", + " [1.1657262 1.1626496 1.173876 1.1816562 1.1691788 1.1358371 1.1023878\n", + " 1.0810908 1.0716685 1.0702558 1.0703704 1.0660908 1.0567286 1.0481638\n", + " 1.0443659 0. 0. 0. 0. ]]\n", + "[[1.1989813 1.1931361 1.2029647 1.2105922 1.195979 1.1587595 1.1208217\n", + " 1.0958425 1.0854825 1.0843986 1.0850041 1.0790089 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1738511 1.1710286 1.1818103 1.1895183 1.178058 1.1454595 1.1111965\n", + " 1.0881836 1.0765067 1.0722313 1.0695435 1.062994 1.0538994 1.0460914\n", + " 1.0432069 1.0455568 1.0506829 1.0555785 1.057822 1.0584382 1.0600405\n", + " 1.0634754]\n", + " [1.1760688 1.1739732 1.1852432 1.1929054 1.1796085 1.1442723 1.108447\n", + " 1.0844673 1.073641 1.0701644 1.0693573 1.0634128 1.0549662 1.047015\n", + " 1.043914 1.0452706 1.0505906 1.055933 1.0581405 1.0591568 0.\n", + " 0. ]\n", + " [1.1761014 1.1704227 1.180229 1.1891559 1.1786193 1.1456683 1.1107938\n", + " 1.087581 1.0767099 1.0739264 1.0735817 1.0683427 1.0583311 1.0493823\n", + " 1.0453035 1.047076 1.0525453 1.0580455 0. 0. 0.\n", + " 0. ]\n", + " [1.1574371 1.1540567 1.1639223 1.1719904 1.1605926 1.1298618 1.0976497\n", + " 1.0767527 1.0666106 1.0641875 1.0633705 1.059367 1.0514364 1.0438675\n", + " 1.0406593 1.04205 1.0470089 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1662409 1.162515 1.1719203 1.1806085 1.168274 1.1350749 1.1017802\n", + " 1.0804908 1.0708225 1.0694473 1.0700898 1.0656871 1.057553 1.0492623\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1810455 1.175942 1.1857082 1.1939309 1.1798774 1.1450703 1.110384\n", + " 1.0876456 1.0780884 1.0764606 1.0762225 1.0708855 1.0610002 1.0521665\n", + " 1.0483143 0. 0. 0. 0. 0. ]\n", + " [1.157367 1.1533799 1.1617417 1.169229 1.1577377 1.1272973 1.0966791\n", + " 1.075998 1.0655096 1.0628976 1.0617462 1.057203 1.0488299 1.0417341\n", + " 1.038584 1.0398048 1.044244 1.0490854 1.0518491 0. ]\n", + " [1.1653526 1.162399 1.1732212 1.181639 1.1701697 1.1369672 1.1027064\n", + " 1.0807981 1.070442 1.0684847 1.0682386 1.0636955 1.0556144 1.047162\n", + " 1.0436248 1.0449182 1.0497797 0. 0. 0. ]\n", + " [1.1748759 1.17213 1.1842763 1.1942492 1.1821038 1.1472367 1.1119334\n", + " 1.0882059 1.0764982 1.073306 1.0716885 1.0657167 1.0560122 1.0478898\n", + " 1.0442585 1.0455253 1.0507082 1.0556626 1.0586224 1.0596893]]\n", + "[[1.1852608 1.1814537 1.1930835 1.2016064 1.1864164 1.1505936 1.1141797\n", + " 1.0905344 1.0804069 1.0791044 1.0800145 1.0742326 1.0637565 1.0543648\n", + " 0. 0. 0. ]\n", + " [1.1619622 1.1576967 1.1661355 1.1734612 1.1616055 1.1298437 1.0987189\n", + " 1.0775948 1.0692297 1.0681837 1.0683373 1.0641466 1.0557237 1.0476192\n", + " 0. 0. 0. ]\n", + " [1.1571745 1.1525797 1.1612265 1.1691165 1.1583793 1.1285712 1.0976146\n", + " 1.076373 1.0670334 1.064826 1.0648848 1.0602202 1.0525622 1.0448087\n", + " 1.0413113 1.0430986 0. ]\n", + " [1.1729485 1.1680065 1.1764739 1.1845626 1.1719935 1.1398618 1.1069146\n", + " 1.084675 1.0745264 1.0715417 1.0712506 1.0660384 1.0567824 1.0484978\n", + " 1.0446141 1.0466396 1.052088 ]\n", + " [1.1771843 1.1707348 1.179221 1.1869028 1.1747042 1.1412523 1.1071317\n", + " 1.0850859 1.0753134 1.073599 1.0735577 1.0685403 1.0595033 1.0509049\n", + " 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1811812 1.1763479 1.1857634 1.1937367 1.1812472 1.1477554 1.1132048\n", + " 1.0901356 1.0796238 1.0770534 1.0774819 1.0724257 1.0624251 1.0534973\n", + " 1.0491353 0. 0. 0. 0. 0. ]\n", + " [1.1571914 1.1548221 1.1655853 1.1754116 1.1641037 1.1313399 1.0992391\n", + " 1.0766917 1.0667188 1.0637484 1.0620264 1.0573789 1.0488045 1.0415145\n", + " 1.0387222 1.0401753 1.0451782 1.0498956 1.0519515 1.053172 ]\n", + " [1.1726346 1.1690265 1.1792508 1.1855645 1.172675 1.1390265 1.105389\n", + " 1.0835425 1.0732224 1.0709574 1.0704491 1.0649027 1.0556058 1.0470403\n", + " 1.043529 1.0452075 1.0509365 0. 0. 0. ]\n", + " [1.1542656 1.151652 1.1619662 1.1712596 1.1597273 1.1278813 1.0952326\n", + " 1.07438 1.0648047 1.0632946 1.0632443 1.0592349 1.0510464 1.0429913\n", + " 1.0394521 1.0410192 1.0457954 0. 0. 0. ]\n", + " [1.1948116 1.1906252 1.2015774 1.2107037 1.1975758 1.1601052 1.1216475\n", + " 1.096871 1.0859406 1.0847436 1.0855529 1.0799563 1.0686364 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1714708 1.1690662 1.1801001 1.1895359 1.1762733 1.142004 1.1075678\n", + " 1.0849296 1.0740931 1.072623 1.0727805 1.0671722 1.058123 1.0500088\n", + " 1.0456613 1.0475734 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1748483 1.1719058 1.1825434 1.1927083 1.180718 1.1471448 1.1115909\n", + " 1.0874162 1.0755103 1.0728619 1.0721253 1.0675347 1.0587076 1.0505713\n", + " 1.046491 1.0480044 1.0531944 1.0584902 0. 0. 0.\n", + " 0. ]\n", + " [1.1589887 1.1547594 1.1627728 1.1696973 1.157883 1.1267499 1.0955715\n", + " 1.0753251 1.0659529 1.0634694 1.0627555 1.0583756 1.0501007 1.0430976\n", + " 1.0399479 1.0416456 1.046568 1.051593 0. 0. 0.\n", + " 0. ]\n", + " [1.2038456 1.1978972 1.2083228 1.2169281 1.2041773 1.1678905 1.1294392\n", + " 1.103682 1.0919125 1.0887036 1.0874251 1.0811104 1.069853 1.0602571\n", + " 1.0555847 1.0578196 1.0645683 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1750821 1.1725647 1.1837497 1.1943169 1.1828772 1.1485791 1.113424\n", + " 1.0890695 1.0765688 1.0725673 1.0701829 1.0641853 1.0545474 1.0471979\n", + " 1.044101 1.0457286 1.0512043 1.0560075 1.0582001 1.0589702 1.0605873\n", + " 1.0640645]]\n", + "[[1.1763005 1.1732042 1.184544 1.1934142 1.1802697 1.1452773 1.1092246\n", + " 1.085805 1.074483 1.0718759 1.0705221 1.0651674 1.055808 1.0476357\n", + " 1.0440776 1.0455962 1.0507406 1.0556996 1.058534 ]\n", + " [1.1852262 1.1801438 1.1895739 1.1985804 1.1856616 1.1505861 1.1145092\n", + " 1.0904353 1.0799246 1.0781386 1.0786538 1.074083 1.0636946 1.0540917\n", + " 1.0497046 1.0516561 0. 0. 0. ]\n", + " [1.186599 1.1816286 1.1904516 1.1973916 1.1853405 1.1505432 1.1144935\n", + " 1.090777 1.0794085 1.076104 1.0759196 1.0710994 1.0615577 1.0528672\n", + " 1.048887 1.0509473 1.056632 0. 0. ]\n", + " [1.183527 1.1791384 1.1900764 1.1999288 1.1876354 1.1524545 1.115437\n", + " 1.0908318 1.0796765 1.0770124 1.0760012 1.0707686 1.0608723 1.0520326\n", + " 1.0481873 1.0501226 1.0565851 0. 0. ]\n", + " [1.1754327 1.173208 1.1840261 1.1934322 1.179393 1.1446333 1.1092923\n", + " 1.0859755 1.0748677 1.0724174 1.0712627 1.06618 1.0571043 1.0483199\n", + " 1.0446594 1.0462351 1.0513911 1.0572001 0. ]]\n", + "[[1.1679734 1.1655078 1.1768321 1.1865264 1.1759269 1.1423634 1.1089759\n", + " 1.0864342 1.0748806 1.0709032 1.0683687 1.0618644 1.0528606 1.0448606\n", + " 1.0417482 1.0436244 1.0489761 1.0538974 1.0560774 1.0563917 1.0578125\n", + " 1.061419 1.068751 1.0788273]\n", + " [1.1596901 1.1569701 1.167662 1.1763632 1.1648059 1.1328318 1.1002123\n", + " 1.0784516 1.0683181 1.065018 1.0632749 1.0575262 1.0492641 1.0420114\n", + " 1.0385748 1.0401142 1.0446359 1.0490385 1.05118 1.052227 1.0538639\n", + " 0. 0. 0. ]\n", + " [1.1768318 1.1726742 1.1832047 1.191771 1.179082 1.1447117 1.1086817\n", + " 1.0862305 1.0758587 1.0738894 1.0737486 1.0690517 1.0592654 1.0501858\n", + " 1.0467168 1.0485237 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.158239 1.1537167 1.1627365 1.1704595 1.1571001 1.1274749 1.0966128\n", + " 1.076837 1.0677912 1.0664129 1.0670967 1.0630149 1.05457 1.0461348\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2140176 1.2064571 1.2172399 1.2283713 1.2157259 1.1789105 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1662104 1.1634024 1.1737623 1.1815954 1.1694677 1.1361094 1.1023539\n", + " 1.0805781 1.0701872 1.0679383 1.0673248 1.0617771 1.0530281 1.045181\n", + " 1.0417837 1.0438093 1.04858 1.0533757 0. 0. ]\n", + " [1.1832933 1.1782204 1.1876271 1.1956481 1.1839786 1.1498528 1.1145121\n", + " 1.0914671 1.0824344 1.0816374 1.0821165 1.0760434 1.0647538 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1581109 1.1524514 1.1608322 1.1689475 1.1582986 1.1284237 1.097163\n", + " 1.0765901 1.0672188 1.0657041 1.0659374 1.0620418 1.0538878 1.0459642\n", + " 1.0422008 0. 0. 0. 0. 0. ]\n", + " [1.1756842 1.1726601 1.1838965 1.1920515 1.1786411 1.1441461 1.1091561\n", + " 1.0853279 1.0743062 1.070978 1.0688514 1.0636369 1.054458 1.047188\n", + " 1.0435688 1.0457916 1.0508542 1.0556039 1.0577979 1.0588287]\n", + " [1.2073025 1.2008097 1.2099885 1.2184486 1.2033565 1.1666588 1.1281058\n", + " 1.1022696 1.0902896 1.088237 1.0882035 1.0826851 1.0723926 1.0623374\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1631902 1.1598301 1.1689329 1.1763675 1.1633903 1.1313385 1.099555\n", + " 1.0785507 1.0685838 1.0661913 1.0652936 1.0601549 1.0518082 1.0443927\n", + " 1.0416024 1.0434294 1.0483259 1.052992 0. 0. 0.\n", + " 0. ]\n", + " [1.1604753 1.157588 1.1669182 1.1751637 1.163638 1.1320866 1.1004063\n", + " 1.0790782 1.0683835 1.0644128 1.0625238 1.057189 1.0485699 1.0418057\n", + " 1.0389141 1.0408835 1.0451647 1.0499415 1.052797 1.0539176 1.0552473\n", + " 1.0586745]\n", + " [1.1589862 1.1552818 1.165029 1.1736478 1.1618408 1.1306441 1.0985491\n", + " 1.0772631 1.066795 1.0644858 1.0640891 1.0597676 1.0517832 1.044507\n", + " 1.0408864 1.0426117 1.0468781 1.0514656 0. 0. 0.\n", + " 0. ]\n", + " [1.2056822 1.1986177 1.2084634 1.217944 1.2043672 1.1670642 1.1270905\n", + " 1.100302 1.0876795 1.0852168 1.0851911 1.0795089 1.0696058 1.0597987\n", + " 1.0555029 1.0579989 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1667578 1.1635898 1.1741815 1.1823689 1.1718932 1.139984 1.1066649\n", + " 1.0836499 1.0723122 1.0681483 1.0662034 1.0602655 1.0519617 1.0444064\n", + " 1.0411062 1.0427662 1.0477629 1.0521778 1.0543886 1.0550345 1.0564973\n", + " 0. ]]\n", + "[[1.1996795 1.1940947 1.2043277 1.2131324 1.1985115 1.1602439 1.1216644\n", + " 1.0967579 1.0857394 1.0841651 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1993362 1.1932344 1.2033827 1.2123172 1.1971549 1.1612107 1.1240873\n", + " 1.099931 1.0890628 1.0878632 1.0876857 1.0812043 1.069362 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1587607 1.1570189 1.1681837 1.1761909 1.1640422 1.1317995 1.099677\n", + " 1.0784047 1.0681034 1.0651127 1.0634611 1.0588312 1.0503228 1.0428909\n", + " 1.0398711 1.0412991 1.0456563 1.0504491 1.0527996 0. 0. ]\n", + " [1.1947858 1.1906735 1.2017654 1.210346 1.1979998 1.1615062 1.1239924\n", + " 1.0987005 1.0867951 1.0834086 1.081465 1.0762608 1.06591 1.056385\n", + " 1.0522407 1.054129 1.0602294 1.0657401 0. 0. 0. ]\n", + " [1.1738172 1.1716517 1.1837147 1.1936277 1.1814405 1.1475673 1.1124318\n", + " 1.0886421 1.076298 1.0726137 1.0704217 1.0641164 1.0549234 1.0468007\n", + " 1.0432903 1.0449288 1.0499641 1.0549731 1.0574006 1.0583886 1.0599535]]\n", + "[[1.1590501 1.1553451 1.1652384 1.1734971 1.1619352 1.1295931 1.097781\n", + " 1.0772913 1.0682001 1.0667646 1.0671251 1.0620925 1.0533583 1.0450864\n", + " 1.0414 1.0432099 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1694455 1.1681559 1.1800139 1.1902277 1.1777847 1.1450896 1.1110297\n", + " 1.0877545 1.0756298 1.0717211 1.0693264 1.062443 1.0526963 1.0452172\n", + " 1.0420077 1.0441988 1.0492711 1.0545094 1.0573767 1.0584168 1.0598521\n", + " 1.0635653 1.0707077]\n", + " [1.1773971 1.1749514 1.1852453 1.194027 1.1811953 1.1483254 1.1136032\n", + " 1.0900279 1.0776138 1.072865 1.070914 1.0645114 1.0551996 1.0471115\n", + " 1.0439901 1.0464607 1.0516827 1.0562336 1.0588975 1.0594227 1.0607741\n", + " 1.0646 0. ]\n", + " [1.1923754 1.1869059 1.1959373 1.2031248 1.1903802 1.1560001 1.1194239\n", + " 1.0946835 1.082601 1.0795045 1.0785142 1.073135 1.063563 1.0547397\n", + " 1.0511088 1.0532709 1.0591036 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1995522 1.1937873 1.2037953 1.211997 1.1970823 1.1602618 1.1228812\n", + " 1.0983344 1.0873328 1.0863559 1.0866642 1.0806928 1.0701445 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1817076 1.1774025 1.1873932 1.1945761 1.1836499 1.1505831 1.1160636\n", + " 1.0921319 1.0802822 1.0762328 1.0735884 1.067744 1.0580258 1.0496186\n", + " 1.0460774 1.048101 1.0534065 1.0585333 1.0613288]\n", + " [1.1625271 1.1606718 1.1719393 1.1813456 1.1686847 1.1364485 1.1028793\n", + " 1.0805964 1.0692286 1.0664297 1.0652388 1.0604199 1.0519654 1.0449502\n", + " 1.0410333 1.0426729 1.0472094 1.0522281 1.0551059]\n", + " [1.171743 1.1698064 1.1807997 1.189505 1.1758388 1.1407031 1.1064681\n", + " 1.0836598 1.0724287 1.070179 1.0696067 1.0642558 1.0556266 1.0475377\n", + " 1.0441589 1.0461156 1.0512228 1.0561541 0. ]\n", + " [1.1815715 1.1769127 1.1874212 1.1964024 1.183481 1.1487489 1.1128663\n", + " 1.0884856 1.0766591 1.0741587 1.0737745 1.068119 1.0592062 1.05105\n", + " 1.0476377 1.0493958 1.0550972 1.0603858 0. ]\n", + " [1.1824168 1.1748278 1.1830299 1.1908317 1.1777606 1.1440883 1.1097069\n", + " 1.0882958 1.0786961 1.0776932 1.0771534 1.0714276 1.0610064 1.0520053\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1648703 1.1626432 1.1742363 1.1840965 1.1723648 1.1398441 1.1062524\n", + " 1.0839227 1.0727085 1.0683309 1.0665133 1.0603225 1.0510942 1.0442348\n", + " 1.0410786 1.0429094 1.0477936 1.0525572 1.0549238 1.0556159 1.0568227\n", + " 1.0606238]\n", + " [1.2001102 1.1933353 1.2039137 1.2119141 1.1977018 1.1603224 1.1210132\n", + " 1.0952839 1.0840709 1.0826125 1.083003 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1674877 1.1641572 1.1739378 1.1817089 1.170281 1.1377622 1.1046692\n", + " 1.0829008 1.0729998 1.0711533 1.0713124 1.0663054 1.0573184 1.0492183\n", + " 1.0453672 1.0472189 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1532509 1.1504035 1.1609294 1.1709886 1.1602659 1.1289482 1.0970703\n", + " 1.0753762 1.0648882 1.0618292 1.0604472 1.0554935 1.047209 1.0400071\n", + " 1.0370245 1.0382836 1.04293 1.0475888 1.0499442 1.051072 0.\n", + " 0. ]\n", + " [1.1679804 1.1658154 1.1766144 1.1848233 1.1724176 1.1388888 1.1048665\n", + " 1.082553 1.0718634 1.0690181 1.067708 1.062428 1.0533158 1.0456691\n", + " 1.0424472 1.0439981 1.048833 1.0538678 1.056257 0. 0.\n", + " 0. ]]\n", + "[[1.1875279 1.1821287 1.1905344 1.1976184 1.185494 1.1515652 1.1162739\n", + " 1.0934123 1.0817578 1.0795927 1.0788156 1.0734543 1.0636489 1.0550687\n", + " 1.051352 0. 0. 0. 0. 0. 0. ]\n", + " [1.17501 1.172783 1.1847303 1.1947632 1.1826708 1.1495799 1.1143236\n", + " 1.0898547 1.0782127 1.0738828 1.0715458 1.0655869 1.0563542 1.0479834\n", + " 1.0447208 1.0460193 1.051177 1.0564706 1.0594 1.0607455 1.0625236]\n", + " [1.177615 1.1720781 1.1807388 1.1887637 1.1769104 1.1442106 1.1111586\n", + " 1.0889024 1.0793152 1.0775899 1.077009 1.0717813 1.0614887 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1727054 1.1688386 1.1793258 1.1884022 1.1766908 1.1436213 1.1087593\n", + " 1.0857091 1.0745136 1.072225 1.0713466 1.0671295 1.0582837 1.0501544\n", + " 1.0464313 1.048239 1.0535505 0. 0. 0. 0. ]\n", + " [1.1785562 1.1747494 1.1850213 1.1941197 1.1806642 1.1460416 1.11052\n", + " 1.0872184 1.0767528 1.0743792 1.0740343 1.0691481 1.0596017 1.051062\n", + " 1.0471841 1.0491269 1.0548615 0. 0. 0. 0. ]]\n", + "[[1.1706374 1.166108 1.1762382 1.185571 1.174224 1.1406659 1.1068176\n", + " 1.0842581 1.0738506 1.0719411 1.0713736 1.0662442 1.056914 1.0480065\n", + " 1.0441506 1.0456724 1.0513943 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1856067 1.1812775 1.1910825 1.1996322 1.186388 1.151482 1.1161324\n", + " 1.092742 1.0814265 1.0786929 1.0779445 1.0723362 1.0620161 1.0534841\n", + " 1.0493716 1.0516224 1.0579008 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1590552 1.1567271 1.1672723 1.176173 1.1645966 1.1324854 1.0991273\n", + " 1.0772278 1.0674751 1.0653298 1.0642304 1.0603901 1.0522662 1.0442328\n", + " 1.0411658 1.0428534 1.0478821 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1629586 1.159608 1.1696461 1.177379 1.1667128 1.1348817 1.1021835\n", + " 1.0806123 1.0708764 1.069019 1.0694616 1.0649145 1.0567857 1.0482941\n", + " 1.0442985 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1727592 1.1697716 1.1815877 1.1927252 1.1821796 1.1480677 1.1117767\n", + " 1.0875696 1.0751823 1.071629 1.0697383 1.0638821 1.0545071 1.0464258\n", + " 1.0433733 1.0454755 1.0508674 1.0560468 1.057986 1.0581229 1.0598754\n", + " 1.063519 1.0711179 1.0817623 1.090048 ]]\n", + "[[1.187442 1.1835063 1.194191 1.2028784 1.1900122 1.1541449 1.1179317\n", + " 1.09409 1.0824962 1.0796297 1.078239 1.0725831 1.0621754 1.0535285\n", + " 1.0494093 1.0514573 1.0575645 1.0632188 0. 0. 0. ]\n", + " [1.2092816 1.201651 1.2110131 1.2205418 1.2062942 1.1683979 1.128601\n", + " 1.1021191 1.0899186 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1813377 1.1757388 1.1843878 1.1924751 1.1797004 1.1479486 1.1143876\n", + " 1.0916873 1.0802958 1.0785589 1.078236 1.0727906 1.0629085 1.0541071\n", + " 1.0501425 0. 0. 0. 0. 0. 0. ]\n", + " [1.1748517 1.1698369 1.1775465 1.1842408 1.1699401 1.1367335 1.1038605\n", + " 1.0825862 1.072798 1.0713131 1.0713687 1.067038 1.0586425 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1604791 1.1581044 1.1680738 1.177314 1.1653342 1.1332123 1.1008946\n", + " 1.0790815 1.0679564 1.0648685 1.0630792 1.0575505 1.0496787 1.0427723\n", + " 1.0398918 1.0414166 1.0462171 1.0505297 1.0527104 1.0534571 1.0550281]]\n", + "[[1.1690328 1.1650674 1.1755831 1.1851895 1.1740263 1.1407598 1.1059911\n", + " 1.0831345 1.0725129 1.0695685 1.06984 1.0652801 1.0564764 1.0484328\n", + " 1.0446241 1.0464426 1.0518814 0. 0. ]\n", + " [1.1619945 1.1574925 1.1680958 1.1765798 1.1660335 1.1347702 1.1015689\n", + " 1.0797172 1.0693858 1.0674078 1.0675253 1.0626956 1.0537847 1.0456753\n", + " 1.0419647 1.0431571 1.0480984 0. 0. ]\n", + " [1.1725687 1.1695096 1.1793009 1.1875093 1.1741631 1.140375 1.1065965\n", + " 1.084026 1.0735221 1.070199 1.0686626 1.0635084 1.0549238 1.0470738\n", + " 1.0434206 1.0453944 1.0501469 1.0548822 1.0577141]\n", + " [1.1826802 1.1801068 1.1899307 1.1978782 1.1839532 1.1488011 1.1133506\n", + " 1.0893873 1.0784578 1.0750668 1.0732489 1.0674745 1.0575855 1.0489006\n", + " 1.0451394 1.0472181 1.0526171 1.058027 1.0613037]\n", + " [1.1716026 1.1681287 1.1787422 1.1872555 1.175057 1.1410218 1.1066552\n", + " 1.0841432 1.074056 1.0718565 1.0713074 1.066365 1.057636 1.0487449\n", + " 1.0448895 1.0467242 1.0523441 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1852148 1.180299 1.1895617 1.1970623 1.1835425 1.1491544 1.1135981\n", + " 1.0900068 1.0786967 1.074793 1.0737294 1.0680678 1.0588046 1.0505445\n", + " 1.0470397 1.0492973 1.0547044 1.060071 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1956205 1.1926773 1.2026861 1.2129952 1.1991382 1.1643353 1.126656\n", + " 1.1010643 1.0874177 1.0823407 1.0791656 1.0724161 1.0621341 1.0528554\n", + " 1.0498562 1.0523587 1.0583615 1.0637585 1.0668659 1.0680645 1.0694984\n", + " 1.0736945 1.0820575]\n", + " [1.1742375 1.1711222 1.1821891 1.192586 1.1801896 1.1464537 1.1100271\n", + " 1.085575 1.0738027 1.0714917 1.0713239 1.0657498 1.0571066 1.0487211\n", + " 1.0448554 1.0463805 1.0516185 1.0567625 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1882818 1.1843523 1.1957289 1.205936 1.193409 1.1580067 1.1206287\n", + " 1.0953946 1.0825214 1.0785699 1.0772597 1.0712187 1.0620532 1.0538598\n", + " 1.049643 1.051481 1.0567844 1.062424 1.0652571 0. 0.\n", + " 0. 0. ]\n", + " [1.1887459 1.1860118 1.1975946 1.2070687 1.1932327 1.1572378 1.1202962\n", + " 1.09518 1.0821153 1.0773349 1.075432 1.0688851 1.0593227 1.0508289\n", + " 1.0471374 1.0490673 1.0544788 1.0594816 1.0619084 1.0632445 1.0652059\n", + " 0. 0. ]]\n", + "[[1.1638058 1.1599518 1.170374 1.1800367 1.1705883 1.1392977 1.1051654\n", + " 1.0820392 1.0713809 1.0694964 1.0700352 1.0659784 1.0571009 1.0485923\n", + " 1.0446751 0. 0. 0. 0. 0. ]\n", + " [1.2084376 1.2035519 1.2133058 1.2221559 1.2078741 1.1701936 1.1312268\n", + " 1.1041917 1.090784 1.0871985 1.0850561 1.0796397 1.068716 1.0590101\n", + " 1.0555234 1.0577778 1.0639684 1.070424 0. 0. ]\n", + " [1.1629158 1.1607682 1.1712985 1.1801376 1.168449 1.1361966 1.1034529\n", + " 1.0812955 1.0706887 1.0672461 1.0654542 1.0599833 1.051555 1.0441048\n", + " 1.0407733 1.042466 1.0468637 1.0513365 1.0540589 0. ]\n", + " [1.1764987 1.1726044 1.1836443 1.1932943 1.1817803 1.147561 1.1112435\n", + " 1.087576 1.0767304 1.0748936 1.0754284 1.0701593 1.0611838 1.0523012\n", + " 1.0480976 1.0498625 0. 0. 0. 0. ]\n", + " [1.1877654 1.1851969 1.1954861 1.204826 1.1918075 1.1552851 1.1190971\n", + " 1.0941715 1.0813277 1.0775954 1.0752345 1.0694509 1.0591177 1.0510719\n", + " 1.0474197 1.0497391 1.054712 1.0602262 1.0627007 1.0637518]]\n", + "[[1.1802262 1.1771319 1.1875947 1.1967854 1.1837217 1.1491492 1.1136125\n", + " 1.089842 1.0778984 1.073933 1.0715969 1.066116 1.0570533 1.0489355\n", + " 1.0454805 1.0472032 1.0522516 1.0570577 1.0594658 1.0607166 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.147271 1.1450557 1.1549479 1.1649873 1.1552724 1.1259041 1.0954549\n", + " 1.0746374 1.0643544 1.060536 1.0582335 1.0525719 1.044824 1.0379428\n", + " 1.0353631 1.0370958 1.0417819 1.046255 1.0486765 1.0492963 1.050171\n", + " 1.053087 1.0597439 1.0686527 1.0758342]\n", + " [1.1559025 1.1504084 1.1578666 1.165349 1.1542137 1.1245695 1.0937244\n", + " 1.0740124 1.0646425 1.0624943 1.0628818 1.0592219 1.0518883 1.0445626\n", + " 1.0409691 1.0425204 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1635778 1.1615775 1.1720867 1.179798 1.168087 1.1360972 1.1024523\n", + " 1.0802795 1.0691903 1.0660532 1.0648358 1.0600052 1.0518633 1.0446999\n", + " 1.0413953 1.0426824 1.047119 1.0519167 1.0546621 1.0560167 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.174543 1.1695058 1.1785455 1.1867899 1.173524 1.1397381 1.1064756\n", + " 1.0849197 1.0749637 1.073633 1.0735313 1.0682758 1.0586137 1.0503311\n", + " 1.0467769 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.2173429 1.2103399 1.2220653 1.2322044 1.2175488 1.1776531 1.1352698\n", + " 1.1080824 1.0961579 1.0950037 1.0954235 1.089302 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1709527 1.1667805 1.1767831 1.1843429 1.1735221 1.1407171 1.1073431\n", + " 1.0846822 1.0738693 1.0708077 1.0695204 1.0644709 1.0557042 1.0473278\n", + " 1.0439378 1.0452394 1.0503008 1.0553505 1.0578786]\n", + " [1.1707395 1.167373 1.1784029 1.1876668 1.174958 1.1410071 1.1067864\n", + " 1.0837735 1.0723789 1.069355 1.0683439 1.0631497 1.0548749 1.0468656\n", + " 1.0436078 1.0453523 1.0505388 1.0556111 0. ]\n", + " [1.1912799 1.1864398 1.1970655 1.205148 1.1933614 1.1578408 1.1206478\n", + " 1.0953388 1.0840386 1.081695 1.0814617 1.0765827 1.0668937 1.0567645\n", + " 1.0529689 1.0550662 0. 0. 0. ]\n", + " [1.1764867 1.1723967 1.1833305 1.1915255 1.1807648 1.146512 1.1117786\n", + " 1.0886178 1.0778568 1.0757604 1.0755087 1.0703528 1.0605047 1.0514203\n", + " 1.0470916 1.0497669 0. 0. 0. ]]\n", + "[[1.1803997 1.175748 1.186639 1.196144 1.184337 1.150064 1.1139199\n", + " 1.0896182 1.0783533 1.0756866 1.076251 1.0714508 1.0624952 1.0538563\n", + " 1.0495629 1.0513046 0. 0. 0. 0. ]\n", + " [1.2128965 1.2065718 1.2172991 1.2262605 1.211004 1.1718409 1.1325055\n", + " 1.1064173 1.0948962 1.0932338 1.0937314 1.0877972 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1661682 1.1640522 1.1753396 1.1831962 1.1725779 1.1399179 1.1055998\n", + " 1.0827781 1.0717376 1.0694387 1.0687534 1.0639672 1.0556442 1.0473942\n", + " 1.0434914 1.0450634 1.0498226 1.0550368 0. 0. ]\n", + " [1.1602701 1.1567826 1.1666131 1.174444 1.1632825 1.1331084 1.1015912\n", + " 1.080292 1.0693393 1.0656046 1.0636092 1.0576606 1.0491611 1.041888\n", + " 1.0387279 1.039935 1.0446072 1.049044 1.0510328 1.0521749]\n", + " [1.1777493 1.1724322 1.1832206 1.1934493 1.1805961 1.1466771 1.1117518\n", + " 1.089327 1.0798758 1.0785962 1.0788234 1.0741522 1.0635182 1.0535996\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1819482 1.1767938 1.1867498 1.1945152 1.1819763 1.146571 1.1110665\n", + " 1.0875756 1.0766698 1.0753154 1.0758121 1.0712872 1.0613499 1.0527288\n", + " 0. 0. 0. ]\n", + " [1.1626796 1.1599829 1.170158 1.1781707 1.166947 1.1355169 1.1021478\n", + " 1.0803638 1.0705816 1.0683403 1.067692 1.0633786 1.0549275 1.046736\n", + " 1.0428566 1.0443184 1.0491344]\n", + " [1.178734 1.1740994 1.1840271 1.1932702 1.1814582 1.1468841 1.1108876\n", + " 1.0877523 1.0771486 1.0749432 1.0752211 1.0697503 1.0605859 1.0516024\n", + " 1.0475782 1.0493873 0. ]\n", + " [1.1744959 1.171298 1.1827471 1.1915022 1.178708 1.1440215 1.1082169\n", + " 1.0851517 1.0746763 1.0724192 1.0723038 1.0670921 1.0581831 1.0498586\n", + " 1.0460006 1.0479013 1.0534346]\n", + " [1.1950068 1.1907463 1.1997132 1.2071952 1.1914022 1.1552482 1.1192997\n", + " 1.0959123 1.0850806 1.0842524 1.0847074 1.0789043 1.0685785 1.058842\n", + " 0. 0. 0. ]]\n", + "[[1.1641619 1.158735 1.1679507 1.1769452 1.1663568 1.134413 1.1010436\n", + " 1.0798607 1.0695422 1.0681744 1.0689003 1.0639665 1.0550557 1.0467416\n", + " 1.0426692 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.187052 1.1843017 1.194628 1.2037933 1.1902366 1.1559589 1.1198332\n", + " 1.094987 1.0823677 1.0775156 1.0751773 1.0682377 1.0591 1.0510144\n", + " 1.0478879 1.0496311 1.055315 1.0607139 1.0627205 1.0636097 1.0652767\n", + " 1.0691634]\n", + " [1.1956186 1.1910717 1.2017406 1.2103565 1.195323 1.1581683 1.1197984\n", + " 1.0938036 1.0832763 1.0816121 1.0822297 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1699075 1.1661096 1.1768912 1.185862 1.1740688 1.1402329 1.1053116\n", + " 1.0823159 1.0724517 1.0706086 1.0703971 1.0657916 1.0561765 1.0478798\n", + " 1.0439262 1.0456163 1.0512134 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1694328 1.1664934 1.177083 1.1860994 1.1751361 1.1409087 1.1052592\n", + " 1.0830264 1.0720812 1.0711511 1.0713931 1.0672138 1.0580616 1.0496932\n", + " 1.0458882 1.0475355 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.16844 1.1625648 1.1713052 1.1784077 1.1668098 1.1347663 1.1020643\n", + " 1.0807043 1.0710292 1.0695429 1.0696455 1.0648808 1.0560647 1.0482286\n", + " 1.0445422 0. 0. 0. 0. 0. 0. ]\n", + " [1.1662054 1.1634939 1.1744047 1.1833123 1.1711146 1.1383678 1.1050174\n", + " 1.0830456 1.071299 1.067437 1.0646334 1.0590397 1.0503476 1.043151\n", + " 1.0404116 1.0423194 1.0473769 1.0525221 1.0548286 1.0558646 0. ]\n", + " [1.1698649 1.1680558 1.1781423 1.1863066 1.1736236 1.1410859 1.1075673\n", + " 1.0849596 1.0739536 1.070031 1.0677739 1.0612079 1.0524285 1.0452805\n", + " 1.0419961 1.043788 1.0488946 1.054111 1.0564127 1.0578202 1.0596026]\n", + " [1.182202 1.1768734 1.1875166 1.1967536 1.1844664 1.148757 1.112588\n", + " 1.0886778 1.0774889 1.0750663 1.0746211 1.0686748 1.0594281 1.050386\n", + " 1.0465477 1.0485824 1.0544361 0. 0. 0. 0. ]\n", + " [1.1863683 1.1807114 1.190366 1.198277 1.1863906 1.1519837 1.1164505\n", + " 1.0929744 1.0826173 1.080781 1.0803803 1.0756665 1.0657706 1.0562762\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1903584 1.1873451 1.1974112 1.2068701 1.1925796 1.1572347 1.1198115\n", + " 1.0947334 1.0818517 1.0780759 1.0759403 1.0710775 1.0612015 1.0526235\n", + " 1.0490178 1.0510197 1.0565944 1.0616925 1.0641038 0. 0.\n", + " 0. ]\n", + " [1.162834 1.1600175 1.1700389 1.1781763 1.1662463 1.1343515 1.1020025\n", + " 1.0805773 1.0705984 1.0678221 1.0669613 1.062712 1.0539337 1.0462397\n", + " 1.0430357 1.0443642 1.0492494 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1743151 1.1724634 1.1838113 1.1943196 1.1829935 1.1490384 1.1140169\n", + " 1.0908072 1.0776849 1.0739503 1.0705203 1.0650194 1.0555111 1.047089\n", + " 1.0436028 1.0452456 1.0505704 1.0549163 1.0571177 1.0571468 1.0584307\n", + " 0. ]\n", + " [1.1759232 1.1731513 1.1828799 1.1908962 1.1788223 1.1450298 1.1104392\n", + " 1.0864377 1.07469 1.0711281 1.0701811 1.0649171 1.0557128 1.0480396\n", + " 1.0447503 1.0463872 1.051698 1.0563889 1.0591395 0. 0.\n", + " 0. ]\n", + " [1.171379 1.1675017 1.1781443 1.1884267 1.1770378 1.1436039 1.1091924\n", + " 1.0858247 1.0736159 1.0697564 1.0675465 1.061958 1.0530977 1.0456247\n", + " 1.0425532 1.0446543 1.049585 1.0542216 1.0568061 1.0577549 1.0591122\n", + " 1.062887 ]]\n", + "[[1.2000773 1.1935201 1.2034671 1.2116743 1.1973981 1.159193 1.1205388\n", + " 1.0957636 1.0846913 1.0831921 1.0832494 1.0775548 1.0668465 1.0573744\n", + " 0. 0. 0. 0. ]\n", + " [1.1657083 1.163372 1.173983 1.1821706 1.1693096 1.1363896 1.1033255\n", + " 1.081663 1.0710326 1.0689274 1.0680268 1.0623778 1.054132 1.0460356\n", + " 1.0424333 1.0445714 1.0494504 1.0542477]\n", + " [1.1647791 1.1598402 1.1698337 1.178066 1.1674453 1.1356217 1.1026651\n", + " 1.0798049 1.0702381 1.0681775 1.0688357 1.0647278 1.0564429 1.048148\n", + " 1.0446271 1.046497 0. 0. ]\n", + " [1.1580923 1.1556108 1.1656808 1.1735106 1.1623528 1.1308596 1.0985838\n", + " 1.0768347 1.0671849 1.0644011 1.0636525 1.059511 1.0518566 1.0437647\n", + " 1.0406858 1.0419387 1.0465616 1.0513954]\n", + " [1.1743512 1.1697608 1.1800131 1.1887318 1.1769108 1.1425695 1.1068685\n", + " 1.0833426 1.0725164 1.0703504 1.0705392 1.0662668 1.0578057 1.0495759\n", + " 1.045811 1.0477996 1.0532532 0. ]]\n", + "[[1.1959133 1.1899879 1.200302 1.2076539 1.1934485 1.1559316 1.11873\n", + " 1.0949298 1.085091 1.0845704 1.0852786 1.0800874 1.0690325 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1918604 1.186365 1.1968744 1.2063494 1.1928163 1.1562186 1.1179051\n", + " 1.0928779 1.080908 1.0797709 1.0802977 1.0756974 1.0651516 1.0558469\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1760461 1.1705868 1.178008 1.1839421 1.1709633 1.1389153 1.1051061\n", + " 1.0826045 1.072633 1.0712699 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1833797 1.179526 1.190107 1.1993922 1.1867095 1.1518495 1.1156658\n", + " 1.0917405 1.0804155 1.0791768 1.0790422 1.0745218 1.0647956 1.055598\n", + " 1.0514798 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1573243 1.155103 1.16491 1.1720841 1.160135 1.129612 1.0990971\n", + " 1.0790728 1.0688591 1.0653603 1.062999 1.0574641 1.0490557 1.0415888\n", + " 1.0386653 1.040288 1.0446829 1.0488148 1.0509409 1.0522927 1.0538992\n", + " 1.0576415]]\n", + "[[1.187148 1.1815047 1.1905543 1.1972293 1.1848816 1.149328 1.113032\n", + " 1.0886817 1.0789751 1.0776572 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1674799 1.1655619 1.1763046 1.1860967 1.1745064 1.1423166 1.1086371\n", + " 1.0856503 1.0739746 1.0694625 1.0672135 1.061601 1.0524895 1.0447985\n", + " 1.0413237 1.042987 1.0475658 1.0520936 1.0539118 1.0546163 1.0558031]\n", + " [1.1733754 1.1695007 1.1798975 1.1886858 1.1752392 1.1421045 1.107514\n", + " 1.0848966 1.0738674 1.0711116 1.0700517 1.0644242 1.0555733 1.0475006\n", + " 1.0437711 1.0456027 1.0507053 1.0559514 0. 0. 0. ]\n", + " [1.1751767 1.1723231 1.1831945 1.1919878 1.180136 1.1452488 1.1102018\n", + " 1.0863792 1.0757579 1.073456 1.073363 1.0683465 1.0587727 1.0501331\n", + " 1.0461493 1.0479106 1.0533909 0. 0. 0. 0. ]\n", + " [1.1705558 1.1668295 1.1776364 1.1859589 1.1747652 1.1418636 1.1076292\n", + " 1.0847703 1.0733938 1.0707198 1.0690905 1.0636361 1.0543857 1.0466177\n", + " 1.0427643 1.0445684 1.0494828 1.0540988 1.0561837 0. 0. ]]\n", + "[[1.1722484 1.1689223 1.1798961 1.188357 1.1753181 1.1420033 1.1074351\n", + " 1.0849773 1.0736408 1.0699718 1.0687898 1.0631552 1.0541503 1.0466108\n", + " 1.0429788 1.0448989 1.050361 1.0553496 1.0583984 0. 0.\n", + " 0. 0. ]\n", + " [1.1780126 1.1743766 1.1851892 1.1938328 1.1819855 1.147625 1.1117928\n", + " 1.0874293 1.0764534 1.07341 1.0721278 1.0675104 1.0586796 1.0500563\n", + " 1.0461433 1.0476416 1.0530305 1.0583137 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1805865 1.1743329 1.1838531 1.1938822 1.1822671 1.1485343 1.1130112\n", + " 1.089458 1.0790334 1.0773115 1.0773712 1.0726192 1.0625205 1.0529803\n", + " 1.048872 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1581305 1.1556605 1.1661166 1.1747608 1.1646514 1.1342006 1.1019074\n", + " 1.0804391 1.0691711 1.065407 1.0632182 1.0576892 1.0495602 1.0422955\n", + " 1.0396873 1.0412928 1.0457116 1.050117 1.052314 1.0531176 1.0541339\n", + " 1.057731 1.0649137]\n", + " [1.1576293 1.1529958 1.1634587 1.1723546 1.161742 1.1305774 1.0986171\n", + " 1.0773084 1.06759 1.0661411 1.0658538 1.0610144 1.0524116 1.0444406\n", + " 1.0407915 1.0427479 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1647072 1.1634915 1.1754856 1.1854924 1.173105 1.1400628 1.1063339\n", + " 1.083338 1.0717554 1.0680377 1.0659299 1.0605778 1.0519626 1.0448142\n", + " 1.0411954 1.0427881 1.0476323 1.0522742 1.0544616 1.0554091 1.0569192]\n", + " [1.1802768 1.1753216 1.1847895 1.1924508 1.180371 1.1468648 1.1126757\n", + " 1.089836 1.0785164 1.0762097 1.075297 1.0696173 1.0605211 1.0519563\n", + " 1.048028 1.0498929 0. 0. 0. 0. 0. ]\n", + " [1.1846447 1.1793208 1.1899899 1.1986625 1.1860999 1.1505966 1.1138844\n", + " 1.0896015 1.0796694 1.0781752 1.0795226 1.0748928 1.0649145 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1577786 1.1522101 1.1600423 1.1669339 1.1550239 1.1268827 1.0958794\n", + " 1.0762744 1.0669732 1.0661714 1.0665752 1.0620171 1.0531741 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1836501 1.1787157 1.1891801 1.196873 1.1824571 1.1475629 1.1107424\n", + " 1.0867571 1.076595 1.0752572 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1671695 1.1630368 1.172257 1.1789864 1.1659219 1.1337011 1.1008344\n", + " 1.0798508 1.0702307 1.0686164 1.0683727 1.0640117 1.0552918 1.0476781\n", + " 1.0441058 1.0457684 1.0508794 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1909127 1.1878842 1.199362 1.2088208 1.1952517 1.1601497 1.1223603\n", + " 1.0972608 1.0849274 1.081405 1.079532 1.073514 1.0632504 1.0539768\n", + " 1.0497575 1.0512094 1.0567156 1.062066 1.0647392 0. 0.\n", + " 0. ]\n", + " [1.1824951 1.1761241 1.1850945 1.1926724 1.1810265 1.1475698 1.1136721\n", + " 1.090747 1.0797567 1.0773606 1.0767567 1.071331 1.0617772 1.0527742\n", + " 1.0489434 1.0514662 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1672664 1.1640933 1.1746936 1.1833048 1.170659 1.1377223 1.104018\n", + " 1.0816537 1.0705831 1.0675316 1.0662112 1.0610327 1.0522261 1.0451664\n", + " 1.0419098 1.0437456 1.048134 1.0527163 1.0552348 1.056103 0.\n", + " 0. ]\n", + " [1.1612837 1.1597059 1.1714313 1.1811105 1.169178 1.1363877 1.1028465\n", + " 1.0806882 1.0699539 1.0664463 1.0645177 1.058922 1.0500867 1.0427499\n", + " 1.0396066 1.0412788 1.0464027 1.0514727 1.0538529 1.054789 1.0559607\n", + " 1.0594184]]\n", + "[[1.180183 1.1768322 1.189489 1.1994159 1.187893 1.1519878 1.1143489\n", + " 1.0892956 1.0779299 1.076469 1.0773405 1.0724735 1.0628556 1.0536603\n", + " 1.0493027 1.0512124 0. 0. 0. 0. ]\n", + " [1.1514653 1.1486994 1.1590724 1.1675693 1.1573352 1.1260835 1.0942482\n", + " 1.0736281 1.0635582 1.0607747 1.0601767 1.0556235 1.0477424 1.0406051\n", + " 1.0373999 1.0386525 1.0428351 1.0474992 1.0496093 0. ]\n", + " [1.16871 1.1644579 1.1752689 1.185343 1.1744456 1.1416359 1.1070913\n", + " 1.0838776 1.073765 1.0713375 1.0710032 1.0658107 1.0570424 1.0481532\n", + " 1.0444138 1.0460246 1.0513747 0. 0. 0. ]\n", + " [1.1804523 1.1781421 1.1879514 1.197767 1.1848115 1.1513233 1.115566\n", + " 1.0907348 1.0788649 1.0751632 1.0724213 1.0673654 1.0579206 1.0500922\n", + " 1.0459461 1.0477781 1.0530999 1.0577724 1.0600324 1.0609964]\n", + " [1.1868448 1.1812845 1.1906155 1.1976596 1.1829836 1.1479851 1.1117828\n", + " 1.088237 1.0780778 1.0775628 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1630877 1.1607821 1.1709284 1.1794264 1.167612 1.1366509 1.1043859\n", + " 1.0824322 1.0708855 1.0667039 1.0647812 1.0590189 1.050623 1.0434309\n", + " 1.0403241 1.0422684 1.0468551 1.0515624 1.053652 1.0544631 1.0558245\n", + " 1.0596825]\n", + " [1.1774095 1.1743964 1.185168 1.1947304 1.1822039 1.1485487 1.1127615\n", + " 1.0887389 1.0767316 1.0731097 1.0719565 1.065938 1.0570668 1.0487694\n", + " 1.044546 1.0464426 1.0511467 1.0559866 1.0585495 0. 0.\n", + " 0. ]\n", + " [1.1604062 1.1579915 1.1695764 1.1799976 1.1693679 1.1372647 1.1037706\n", + " 1.0807986 1.0695982 1.0659046 1.0637394 1.058485 1.0498041 1.042101\n", + " 1.039071 1.0403272 1.0451194 1.0499357 1.0522964 1.0537221 1.0549443\n", + " 0. ]\n", + " [1.1756077 1.1716766 1.1819805 1.1908127 1.1781049 1.144692 1.1097624\n", + " 1.0856594 1.0743688 1.0709568 1.0705572 1.0657502 1.0572598 1.0488034\n", + " 1.0452157 1.046594 1.0516123 1.0567386 0. 0. 0.\n", + " 0. ]\n", + " [1.1741891 1.1705745 1.1824487 1.1918988 1.180139 1.1461308 1.1100467\n", + " 1.0867211 1.0756431 1.0737895 1.0735632 1.0686138 1.0587484 1.0502173\n", + " 1.0459455 1.0477602 1.0529307 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.161658 1.1589533 1.1698616 1.1789851 1.1673819 1.1348937 1.1017692\n", + " 1.0797602 1.069455 1.0668131 1.0669671 1.0627089 1.0541875 1.0467411\n", + " 1.0431864 1.0446875 1.0497993 0. 0. 0. 0. ]\n", + " [1.1570195 1.1522106 1.1618356 1.1706694 1.1599181 1.1296537 1.0983529\n", + " 1.0775771 1.0680622 1.0665544 1.0668238 1.0628742 1.0540625 1.0459571\n", + " 1.0424025 0. 0. 0. 0. 0. 0. ]\n", + " [1.176463 1.1705331 1.1798129 1.188258 1.1771052 1.1441762 1.1083193\n", + " 1.085264 1.07449 1.0727271 1.0733212 1.0683378 1.0591233 1.0508444\n", + " 1.0469382 0. 0. 0. 0. 0. 0. ]\n", + " [1.165935 1.1627464 1.1720095 1.1815217 1.1697922 1.1367323 1.1034299\n", + " 1.0816448 1.0718932 1.0709217 1.071598 1.0663604 1.0576899 1.0489227\n", + " 1.0450107 0. 0. 0. 0. 0. 0. ]\n", + " [1.1719041 1.1690902 1.1786219 1.1872274 1.1744758 1.1427994 1.1096278\n", + " 1.0870147 1.0749725 1.0709037 1.068712 1.0621455 1.053789 1.0461406\n", + " 1.0433463 1.0448782 1.0497508 1.054444 1.0562544 1.0572982 1.0587728]]\n", + "[[1.1811769 1.1776474 1.1878066 1.1953855 1.1822383 1.1481897 1.1121056\n", + " 1.0888712 1.0767822 1.0741836 1.0721412 1.0663288 1.0569273 1.0484531\n", + " 1.0450379 1.047036 1.0525169 1.0575665 1.0599269 0. ]\n", + " [1.1687955 1.1649665 1.1751757 1.184218 1.1725549 1.1400263 1.1062284\n", + " 1.0838454 1.0735329 1.0712796 1.07088 1.0657786 1.0565209 1.047858\n", + " 1.0441294 1.0457635 1.0510035 0. 0. 0. ]\n", + " [1.1666875 1.1621544 1.1721451 1.1813439 1.1693537 1.1361827 1.1024873\n", + " 1.0809302 1.0705197 1.0687467 1.068508 1.0641092 1.0553149 1.0471939\n", + " 1.0437355 0. 0. 0. 0. 0. ]\n", + " [1.1842307 1.1809698 1.1913328 1.1993214 1.1849314 1.1493783 1.1131223\n", + " 1.0894696 1.0774262 1.0735681 1.0721215 1.0665275 1.0573549 1.0497843\n", + " 1.0464027 1.0484171 1.0532779 1.058185 1.0605009 1.0619924]\n", + " [1.1733798 1.1682882 1.1780945 1.185891 1.1738688 1.1407909 1.1069796\n", + " 1.084469 1.0753229 1.0740554 1.0747381 1.0696387 1.0600802 1.0510441\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1893425 1.1847491 1.1956009 1.2047485 1.1922734 1.1563598 1.1198483\n", + " 1.095302 1.0846609 1.0830479 1.0829703 1.0771979 1.0670682 1.0569825\n", + " 0. 0. 0. 0. ]\n", + " [1.1712611 1.1666212 1.1755764 1.1837981 1.1707909 1.1391385 1.1056229\n", + " 1.0839231 1.0729787 1.0703785 1.0692333 1.0641178 1.0554453 1.0472926\n", + " 1.0442446 1.0462934 1.0516795 1.0569117]\n", + " [1.180326 1.1760138 1.1863823 1.1949687 1.1833 1.1491636 1.1142448\n", + " 1.0908458 1.0805598 1.0792702 1.0792284 1.0741354 1.0641549 1.0542488\n", + " 0. 0. 0. 0. ]\n", + " [1.1638097 1.1600025 1.1699226 1.1779208 1.165703 1.1329811 1.099939\n", + " 1.0780561 1.0678172 1.0657269 1.0652736 1.0609801 1.0530977 1.0454887\n", + " 1.0420741 1.0435929 1.0482885 1.0530721]\n", + " [1.165013 1.162536 1.1733861 1.1824389 1.1706972 1.136941 1.1032623\n", + " 1.0807596 1.0702367 1.0677755 1.06716 1.0623214 1.0534997 1.045834\n", + " 1.0424168 1.04395 1.0490944 1.0542736]]\n", + "[[1.1772562 1.1745374 1.1850754 1.1944702 1.1825495 1.1493857 1.1145055\n", + " 1.0910405 1.078686 1.0739481 1.0714085 1.0649418 1.0553502 1.0473934\n", + " 1.0441148 1.0464125 1.0518041 1.056792 1.0591497 1.0600398 1.061111\n", + " 1.0647739 1.0725039]\n", + " [1.1657996 1.1625265 1.1727302 1.181875 1.1706811 1.1397328 1.1068248\n", + " 1.0845299 1.0727671 1.0691046 1.067131 1.0615033 1.0525439 1.0449286\n", + " 1.0412858 1.0430022 1.0475671 1.0524317 1.054738 1.0561734 1.0573997\n", + " 0. 0. ]\n", + " [1.1810205 1.1761525 1.1856741 1.1939712 1.1805408 1.1449524 1.1110479\n", + " 1.0880651 1.078337 1.0772424 1.0769495 1.071739 1.0614979 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1802586 1.1773822 1.18909 1.1987181 1.1856561 1.1497779 1.1129069\n", + " 1.0881523 1.0773141 1.075475 1.0756575 1.0707879 1.0613269 1.0528016\n", + " 1.0485283 1.0503602 1.0559868 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1751988 1.1727129 1.1830182 1.1922258 1.1792843 1.1463758 1.1117703\n", + " 1.0882312 1.0767354 1.0727998 1.0704913 1.0637932 1.0547419 1.0465889\n", + " 1.0430499 1.0452063 1.0503796 1.0551797 1.0573279 1.0580281 0.\n", + " 0. 0. ]]\n", + "[[1.1873958 1.1835073 1.1936293 1.2022839 1.1885937 1.1545236 1.1175818\n", + " 1.0933493 1.080251 1.0770367 1.0761775 1.0698802 1.0603782 1.0517545\n", + " 1.0483668 1.0505714 1.0558394 1.0608867 1.0632939 0. 0. ]\n", + " [1.1763315 1.1740891 1.1856537 1.1938962 1.180433 1.1453543 1.1111361\n", + " 1.0876943 1.0759972 1.0726521 1.0707561 1.0646795 1.055016 1.0475136\n", + " 1.0439769 1.0459894 1.0505455 1.0556577 1.0583289 1.0596477 1.0612532]\n", + " [1.1898803 1.1844755 1.1930561 1.199837 1.1859729 1.1499555 1.1148764\n", + " 1.0923346 1.0825682 1.0814085 1.0817237 1.0755004 1.0652688 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1604936 1.1567581 1.1647071 1.1710573 1.1595343 1.1290567 1.0985377\n", + " 1.0774117 1.0669421 1.0632977 1.0618433 1.056787 1.0493431 1.0426674\n", + " 1.0398505 1.0414832 1.0461121 1.0505295 1.0529664 1.0540929 0. ]\n", + " [1.1752554 1.1710596 1.1809446 1.1898617 1.1785259 1.1453365 1.1106852\n", + " 1.0874782 1.07711 1.0743262 1.0735201 1.0668314 1.05727 1.0482917\n", + " 1.0442262 1.0460789 1.0515062 1.0567374 0. 0. 0. ]]\n", + "[[1.1856251 1.1834401 1.1937118 1.2024574 1.1902716 1.1548533 1.1180878\n", + " 1.0929258 1.0807737 1.076923 1.074747 1.0686041 1.0595927 1.0512935\n", + " 1.0470923 1.0494708 1.0547282 1.0595613 1.0622845 1.0629575]\n", + " [1.161982 1.1576381 1.1683981 1.1771333 1.1674168 1.1356555 1.1020093\n", + " 1.0805922 1.0708256 1.0689399 1.069591 1.0650544 1.055661 1.0474243\n", + " 1.0436043 0. 0. 0. 0. 0. ]\n", + " [1.1965092 1.1924803 1.203287 1.2116625 1.1982721 1.1618545 1.1234664\n", + " 1.0983505 1.0859158 1.0819695 1.0798684 1.0735046 1.0632063 1.054097\n", + " 1.0508008 1.0528458 1.0587344 1.0643544 1.0669551 0. ]\n", + " [1.167154 1.1634699 1.1735669 1.1826603 1.1707864 1.1379453 1.1054054\n", + " 1.0829604 1.0722877 1.0701815 1.0691156 1.0642401 1.0553786 1.047158\n", + " 1.0436627 1.0451981 1.0506954 0. 0. 0. ]\n", + " [1.1843318 1.179687 1.188589 1.1951334 1.1838434 1.1505278 1.1155076\n", + " 1.0914563 1.0795838 1.0759522 1.0741102 1.0687929 1.059569 1.0508269\n", + " 1.0476655 1.049815 1.0552635 1.0604758 0. 0. ]]\n", + "[[1.1762934 1.1695132 1.1788113 1.1878817 1.1767792 1.1435325 1.1089312\n", + " 1.0869591 1.0770955 1.0759832 1.0766724 1.0715016 1.0616678 1.0520034\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1651112 1.1621313 1.1726655 1.181961 1.1691182 1.1360904 1.1020569\n", + " 1.0796964 1.0694245 1.0675397 1.0666713 1.061726 1.0527956 1.0448463\n", + " 1.0410589 1.043177 1.0484593 1.0538143 0. 0. 0. ]\n", + " [1.1833501 1.1786197 1.1883237 1.1967999 1.1834785 1.1495843 1.1141956\n", + " 1.0906045 1.0800171 1.0767801 1.0755602 1.069398 1.0595566 1.0510833\n", + " 1.047587 1.0500822 1.0561359 1.0619196 0. 0. 0. ]\n", + " [1.1484022 1.1438484 1.1520457 1.1592407 1.1489801 1.1209307 1.0921103\n", + " 1.0726695 1.0629301 1.0593249 1.0572809 1.0518064 1.0441828 1.0381167\n", + " 1.0356598 1.0370353 1.0415009 1.0460067 1.0483012 1.049518 1.0513487]\n", + " [1.18551 1.1826568 1.1922909 1.1994603 1.1877371 1.1529186 1.1173583\n", + " 1.0931679 1.0804813 1.0770141 1.0756843 1.0695226 1.060064 1.0515307\n", + " 1.0480227 1.0493683 1.0550407 1.0606234 1.0630918 0. 0. ]]\n", + "[[1.1739774 1.1674967 1.1758419 1.1839224 1.1719241 1.1389524 1.106219\n", + " 1.0851709 1.0755424 1.0736842 1.073545 1.0680671 1.0582695 1.0495324\n", + " 1.0457656 0. 0. 0. 0. ]\n", + " [1.1594635 1.1549813 1.1654348 1.1750495 1.1639593 1.1320193 1.0995171\n", + " 1.0777168 1.0676056 1.0650116 1.0648028 1.0603064 1.0519308 1.0439513\n", + " 1.0404156 1.0421273 1.0470692 1.0520006 0. ]\n", + " [1.1967521 1.1921978 1.2015617 1.210751 1.1966133 1.1608944 1.1231046\n", + " 1.0980006 1.0859603 1.0829909 1.0822797 1.0768476 1.0664103 1.0570196\n", + " 1.0525459 1.0546477 1.0608014 0. 0. ]\n", + " [1.1676356 1.1633031 1.1728921 1.1828676 1.1696821 1.1363429 1.1031222\n", + " 1.0815933 1.0725943 1.0719655 1.0726175 1.0676725 1.0578623 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1839135 1.1804981 1.1911459 1.198489 1.1871126 1.1524107 1.1160089\n", + " 1.0917906 1.0790089 1.0756699 1.0738105 1.0683956 1.0589393 1.0506753\n", + " 1.0473696 1.049223 1.0543959 1.0598049 1.0621693]]\n", + "[[1.2012955 1.1949316 1.2041082 1.2107823 1.1954894 1.1581125 1.121084\n", + " 1.0962114 1.084598 1.0818319 1.0799664 1.0741752 1.0641757 1.0549827\n", + " 1.0512434 1.0535829 1.0594174 1.0649267 0. 0. ]\n", + " [1.1700319 1.1683154 1.1793445 1.1883748 1.1769086 1.1433668 1.1082453\n", + " 1.0850791 1.0735214 1.070179 1.0678467 1.06294 1.0539176 1.0465446\n", + " 1.0426219 1.044141 1.0486304 1.0531342 1.0553696 1.056541 ]\n", + " [1.179276 1.1745781 1.1841711 1.192289 1.179525 1.1455315 1.1107944\n", + " 1.0874065 1.0766792 1.0738305 1.0728635 1.0680264 1.0588089 1.0502841\n", + " 1.0466799 1.0486227 1.0542556 1.0594723 0. 0. ]\n", + " [1.1741706 1.1698444 1.1791277 1.1873869 1.1745359 1.1403522 1.1065485\n", + " 1.0836533 1.0726566 1.0710455 1.0710998 1.0666618 1.0581148 1.0501304\n", + " 1.0464146 1.0478991 1.053131 0. 0. 0. ]\n", + " [1.1693683 1.1670551 1.1779307 1.1864287 1.1742086 1.1408911 1.1061463\n", + " 1.0826074 1.0713958 1.068354 1.066792 1.06214 1.0535983 1.0465518\n", + " 1.043008 1.0446378 1.0493194 1.0538492 1.0567467 0. ]]\n", + "[[1.1778677 1.1734567 1.1832324 1.1908556 1.1785487 1.1437641 1.1096195\n", + " 1.0864917 1.0770195 1.0751063 1.0755101 1.0703578 1.0609151 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1703423 1.1668519 1.1776724 1.1858484 1.1747094 1.1411961 1.1063404\n", + " 1.0830405 1.0722284 1.0695212 1.0687512 1.0641575 1.0555335 1.0471945\n", + " 1.0438063 1.045224 1.0504181 1.0556884 0. 0. ]\n", + " [1.1638619 1.1607567 1.1707914 1.1797915 1.1681651 1.135796 1.1031735\n", + " 1.0811734 1.0700216 1.0667616 1.0657127 1.0598723 1.0510411 1.0437644\n", + " 1.0402697 1.0419822 1.047234 1.0523443 1.0548078 1.0556959]\n", + " [1.1810045 1.1787442 1.1898578 1.1981745 1.1852231 1.1495838 1.1130878\n", + " 1.0887 1.0769817 1.0738783 1.0720271 1.0670497 1.0574784 1.0495311\n", + " 1.0458312 1.0477852 1.0533015 1.058666 1.0611858 0. ]\n", + " [1.183297 1.1779656 1.1885965 1.198458 1.1862607 1.1513094 1.1148416\n", + " 1.0901346 1.078888 1.0761864 1.0759562 1.0710407 1.0616673 1.0528461\n", + " 1.0486059 1.0507848 1.0568708 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1678296 1.1660404 1.1764333 1.1863893 1.1746231 1.1418574 1.107385\n", + " 1.0836371 1.0726708 1.0691421 1.0680748 1.0621986 1.0535836 1.0460122\n", + " 1.0425301 1.0436943 1.0488973 1.053806 1.0564642 0. ]\n", + " [1.1811721 1.179201 1.1907874 1.1990875 1.1851202 1.1499153 1.1127193\n", + " 1.0887693 1.0770786 1.0735793 1.0730082 1.0675262 1.0582348 1.0498067\n", + " 1.0461675 1.0477307 1.0528672 1.0580827 1.0607188 0. ]\n", + " [1.1672218 1.1641408 1.175055 1.1845729 1.1723497 1.1380666 1.1038883\n", + " 1.0816514 1.0717801 1.07004 1.0701393 1.064754 1.0552553 1.0466434\n", + " 1.042782 1.0446172 1.0498074 0. 0. 0. ]\n", + " [1.1674769 1.1647887 1.1754323 1.1838337 1.1713351 1.1381956 1.1042632\n", + " 1.0817282 1.0710866 1.0678571 1.0666298 1.0614667 1.052728 1.0453334\n", + " 1.0417818 1.043559 1.0484533 1.0532757 1.0558739 1.056544 ]\n", + " [1.1934208 1.1884294 1.1989994 1.2077726 1.1953253 1.1593287 1.1208053\n", + " 1.0960906 1.0841283 1.0813621 1.0814242 1.0763043 1.0666472 1.0573171\n", + " 1.0529809 1.0550665 0. 0. 0. 0. ]]\n", + "[[1.1694124 1.1664934 1.1776308 1.1868005 1.1755519 1.1420463 1.1071587\n", + " 1.0840129 1.0734494 1.0709726 1.07108 1.0663109 1.0572988 1.0485835\n", + " 1.045003 1.0464981 1.0522051 0. 0. 0. ]\n", + " [1.1681424 1.1649466 1.1751983 1.1830211 1.1708146 1.1372095 1.1023273\n", + " 1.0801864 1.0692502 1.0663996 1.0654999 1.0606804 1.0523956 1.0447236\n", + " 1.0416107 1.0429962 1.047924 1.0524491 1.0551022 0. ]\n", + " [1.1816194 1.176132 1.1864454 1.1935475 1.1811992 1.1468558 1.112125\n", + " 1.0893902 1.0789937 1.0768108 1.0768465 1.0713575 1.0613155 1.0522193\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1780577 1.1754912 1.1867139 1.1963607 1.1836022 1.1487517 1.1130629\n", + " 1.0892434 1.0771146 1.07272 1.0711904 1.0649843 1.0552062 1.0474294\n", + " 1.0438287 1.0455185 1.0503414 1.0557636 1.0587841 1.0599877]\n", + " [1.1754309 1.1705744 1.1808977 1.1895084 1.178382 1.1443763 1.1097039\n", + " 1.0865483 1.0761502 1.0746036 1.0750947 1.0707145 1.061297 1.0526448\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.16662 1.1637263 1.1739758 1.182614 1.1696476 1.1370815 1.103274\n", + " 1.0810295 1.0704713 1.0673342 1.06622 1.0610216 1.0528939 1.0453184\n", + " 1.0419402 1.0437722 1.0482556 1.053079 1.0551329 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1828414 1.1785537 1.1882896 1.1968725 1.1835763 1.1503377 1.1152868\n", + " 1.0908145 1.0795263 1.0760591 1.0746447 1.069221 1.0597374 1.0511945\n", + " 1.0476835 1.0493894 1.0550649 1.0607268 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1834843 1.1774696 1.1854568 1.1925813 1.1795778 1.1451008 1.1106371\n", + " 1.0875604 1.0771755 1.0748003 1.0741701 1.0688773 1.0599061 1.0519915\n", + " 1.0488849 1.051441 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1604005 1.1562815 1.1658154 1.1743088 1.1633654 1.131859 1.0993342\n", + " 1.0779985 1.0674933 1.0647646 1.0646936 1.0601209 1.0518869 1.0446453\n", + " 1.0410923 1.0425882 1.0472726 1.0523436 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.166609 1.163737 1.1750653 1.1850127 1.1738814 1.1418957 1.107887\n", + " 1.0850455 1.0731487 1.0685123 1.0665206 1.060529 1.0516473 1.0440586\n", + " 1.0411446 1.0431565 1.0480127 1.0533862 1.0553862 1.0562258 1.0573809\n", + " 1.0604136 1.067148 1.0760074]]\n", + "[[1.1933795 1.1889257 1.1990111 1.2068527 1.1953573 1.1591868 1.121381\n", + " 1.0955937 1.0836873 1.0807023 1.0797919 1.0745709 1.0644108 1.0557557\n", + " 1.0520259 1.0538577 1.0601959 0. 0. ]\n", + " [1.1738826 1.1689154 1.1795058 1.1894208 1.1762297 1.1413467 1.1061814\n", + " 1.0830657 1.0733261 1.0721728 1.0732436 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1879908 1.1828185 1.1929258 1.2022512 1.1900542 1.1560327 1.1199187\n", + " 1.0955044 1.0844188 1.0822655 1.0820534 1.0761483 1.065618 1.056588\n", + " 1.0520885 0. 0. 0. 0. ]\n", + " [1.1785477 1.1756333 1.1860995 1.1951411 1.1828526 1.1477983 1.1116925\n", + " 1.087842 1.0761793 1.0733732 1.0722507 1.0669408 1.0576987 1.0496246\n", + " 1.0461069 1.0478413 1.053306 1.058753 0. ]\n", + " [1.1611154 1.157874 1.1685125 1.1773903 1.1667349 1.1349719 1.1015086\n", + " 1.079291 1.0685045 1.0655825 1.0651325 1.0604519 1.0517809 1.0440228\n", + " 1.040446 1.0419089 1.046771 1.0517383 1.0545309]]\n", + "[[1.1545613 1.1512463 1.1599772 1.1681314 1.1569057 1.1274047 1.0973771\n", + " 1.0767419 1.0661135 1.0629535 1.0607564 1.055096 1.0470208 1.0404239\n", + " 1.0373514 1.0394737 1.0440555 1.0487272 1.0508912 1.0515704 1.0529224]\n", + " [1.1609049 1.1582679 1.1689337 1.1780317 1.1673872 1.1349964 1.1021388\n", + " 1.0800178 1.0687292 1.0657387 1.0644304 1.0595798 1.050267 1.0428112\n", + " 1.0395899 1.0409894 1.045406 1.0505747 1.0532674 0. 0. ]\n", + " [1.1851233 1.1814862 1.1911824 1.1988237 1.1864793 1.151878 1.1152928\n", + " 1.0917857 1.0799663 1.0764632 1.0757838 1.0703447 1.0604602 1.0520419\n", + " 1.0483806 1.0502883 1.056299 1.0616761 0. 0. 0. ]\n", + " [1.1882759 1.1850877 1.1966889 1.2050371 1.192314 1.1569867 1.1204062\n", + " 1.0956726 1.0835434 1.0797938 1.0781994 1.0718092 1.0621775 1.0536939\n", + " 1.0494224 1.0515909 1.0572492 1.0625819 1.065049 0. 0. ]\n", + " [1.1752031 1.1700822 1.1792119 1.1885747 1.1773002 1.1440161 1.1094573\n", + " 1.0860684 1.0755037 1.0730877 1.0733371 1.0686815 1.06024 1.0518813\n", + " 1.0479106 1.0497521 0. 0. 0. 0. 0. ]]\n", + "[[1.1722918 1.1694534 1.1801213 1.1883034 1.1762978 1.1424805 1.1080809\n", + " 1.084986 1.073579 1.0698416 1.0676165 1.0621171 1.053037 1.0455086\n", + " 1.0425012 1.044542 1.0502352 1.0556277 1.0579145 1.0587485 0.\n", + " 0. ]\n", + " [1.1654285 1.1630088 1.1739519 1.1824223 1.1698452 1.1368079 1.10328\n", + " 1.080675 1.0695809 1.0673412 1.0664545 1.0613859 1.053248 1.0458267\n", + " 1.0423797 1.043997 1.0481972 1.0525599 1.0551363 0. 0.\n", + " 0. ]\n", + " [1.1552701 1.1526276 1.1628257 1.1708136 1.1591349 1.129556 1.0993326\n", + " 1.0789001 1.0675038 1.0637877 1.0613127 1.0557172 1.0468291 1.0404403\n", + " 1.0375327 1.0394545 1.0435772 1.0480072 1.0503666 1.0515684 1.0532074\n", + " 1.0567813]\n", + " [1.1469516 1.1444756 1.1544365 1.1630243 1.1527026 1.122791 1.0918927\n", + " 1.0715783 1.0615948 1.0588695 1.0577111 1.0536008 1.0467484 1.0400949\n", + " 1.0372987 1.0385485 1.0424846 1.0466248 1.0487633 1.0497376 0.\n", + " 0. ]\n", + " [1.1966285 1.1918883 1.2029874 1.2121384 1.1996924 1.1635051 1.1251475\n", + " 1.0989285 1.0861235 1.0823653 1.0800476 1.0740469 1.063313 1.053937\n", + " 1.0498192 1.0515498 1.0568392 1.0625538 1.0656018 0. 0.\n", + " 0. ]]\n", + "[[1.1904391 1.1870877 1.1987208 1.2072951 1.1945357 1.157393 1.1190017\n", + " 1.093111 1.0808691 1.077333 1.0765556 1.0707809 1.0608813 1.0524105\n", + " 1.0485051 1.05012 1.0554066 1.0607302 1.063226 ]\n", + " [1.185368 1.1793275 1.1906837 1.2002534 1.188555 1.1522381 1.1148263\n", + " 1.0907106 1.0801979 1.0798042 1.0808425 1.0755796 1.0656662 1.0558627\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1670487 1.1612417 1.1712515 1.180426 1.1699812 1.1381742 1.1041406\n", + " 1.0823193 1.0720062 1.0707912 1.0714201 1.0666413 1.0575001 1.048569\n", + " 1.0446912 0. 0. 0. 0. ]\n", + " [1.1749729 1.171942 1.1827059 1.1919956 1.1792079 1.1451993 1.1104683\n", + " 1.0873787 1.07605 1.0735853 1.0726454 1.0664358 1.057351 1.0491232\n", + " 1.0449982 1.0469813 1.0526503 1.0580558 0. ]\n", + " [1.1595917 1.1545608 1.1625297 1.1703205 1.1601659 1.1304334 1.0988926\n", + " 1.0779601 1.0673367 1.0654122 1.0650306 1.0604854 1.0525881 1.044995\n", + " 1.0414989 1.0432761 1.0481606 0. 0. ]]\n", + "[[1.1918384 1.187857 1.1970978 1.2051148 1.1917924 1.1562687 1.1197128\n", + " 1.0950167 1.0825337 1.0786475 1.0767292 1.0709388 1.0615144 1.0533679\n", + " 1.0493926 1.0516626 1.0574301 1.062935 1.0654539 0. ]\n", + " [1.1712744 1.1663857 1.1768571 1.185509 1.1729534 1.1388727 1.1048926\n", + " 1.0825839 1.0726343 1.0705334 1.0708514 1.0667249 1.0576947 1.0495142\n", + " 1.0457137 1.047481 0. 0. 0. 0. ]\n", + " [1.1831402 1.1799664 1.190381 1.1995167 1.1862191 1.1521187 1.116434\n", + " 1.0920851 1.0803362 1.0760326 1.0738173 1.0673085 1.0580775 1.0497557\n", + " 1.0463904 1.0482177 1.0536836 1.0588319 1.0609651 1.0618898]\n", + " [1.1903665 1.1868029 1.1965458 1.2029879 1.1908493 1.155111 1.1175084\n", + " 1.0936791 1.0814458 1.0776436 1.0756247 1.0698943 1.0603737 1.0515922\n", + " 1.0481639 1.0504497 1.0561974 1.0615256 1.0641282 0. ]\n", + " [1.184778 1.1793823 1.1878893 1.195314 1.1823019 1.148906 1.1144239\n", + " 1.0913408 1.0798135 1.0766523 1.0752006 1.0692495 1.0594231 1.0508233\n", + " 1.0473809 1.0495449 1.0553248 1.0609373 0. 0. ]]\n", + "[[1.1840032 1.180823 1.1917043 1.2008208 1.1887734 1.1547387 1.1187319\n", + " 1.0940069 1.080996 1.0767016 1.0742242 1.067219 1.0582418 1.0503254\n", + " 1.0466912 1.0488797 1.0540067 1.0588706 1.0610362 1.0619233 1.0632205\n", + " 1.067014 ]\n", + " [1.1896255 1.1865189 1.196722 1.2063999 1.1925473 1.1577673 1.1209661\n", + " 1.0957052 1.0827047 1.0782425 1.076207 1.0698115 1.0598114 1.0512339\n", + " 1.0472759 1.0493863 1.0541303 1.0590543 1.0613511 1.0622561 0.\n", + " 0. ]\n", + " [1.1582165 1.1547574 1.1640811 1.1732644 1.1622176 1.1317296 1.100454\n", + " 1.0789638 1.0676107 1.0641174 1.0616889 1.0567344 1.0492073 1.0421505\n", + " 1.0391353 1.0405887 1.0447772 1.0493168 1.0515082 1.0527889 1.0543392\n", + " 0. ]\n", + " [1.1876583 1.1835365 1.1936123 1.2021905 1.1898825 1.154937 1.1184323\n", + " 1.0933104 1.0817678 1.0784436 1.0773475 1.0717176 1.0620732 1.0530324\n", + " 1.049381 1.0513535 1.0571097 1.0627007 0. 0. 0.\n", + " 0. ]\n", + " [1.1592431 1.1552408 1.1647403 1.1728079 1.161668 1.1306916 1.0987496\n", + " 1.0777296 1.067585 1.0656929 1.0656537 1.0607029 1.0526552 1.0448467\n", + " 1.0414512 1.0434971 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1530293 1.1494414 1.1593779 1.1693985 1.1598551 1.1302272 1.0996165\n", + " 1.0785618 1.067722 1.0635515 1.0609366 1.0547979 1.0462288 1.0389411\n", + " 1.0362538 1.0381664 1.0430083 1.0472674 1.0498745 1.0516088 1.0529896\n", + " 1.0560808 1.0624053 1.0713334 1.0783396]\n", + " [1.1720692 1.1680843 1.1786575 1.186727 1.175047 1.1409085 1.1056647\n", + " 1.0822724 1.0719136 1.0694573 1.0698122 1.0653068 1.0566 1.0485731\n", + " 1.0448152 1.0465447 1.0519017 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1836146 1.1799229 1.1899643 1.1970607 1.185291 1.1510366 1.1149908\n", + " 1.0904689 1.07833 1.074433 1.0732057 1.0678097 1.0587521 1.0505334\n", + " 1.0473237 1.0491531 1.054233 1.0592138 1.0619742 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1573994 1.1532556 1.1619091 1.169192 1.1575209 1.126745 1.0954913\n", + " 1.075013 1.0656365 1.0635433 1.0627749 1.0583671 1.0504402 1.0431983\n", + " 1.0400746 1.0417448 1.0466902 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1696515 1.1649148 1.174048 1.1822555 1.1715276 1.140384 1.1076958\n", + " 1.0852618 1.0745468 1.071187 1.0705025 1.0652634 1.0568136 1.0489439\n", + " 1.0450656 1.0471232 1.0524632 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1981604 1.1922677 1.2014254 1.209415 1.1947247 1.1588461 1.121334\n", + " 1.0961971 1.0848002 1.0837034 0. 0. 0. ]\n", + " [1.1743764 1.1686283 1.177931 1.1858466 1.1728671 1.1394901 1.1059895\n", + " 1.0840864 1.074596 1.0738469 1.0745299 1.069623 1.0600253]]\n", + "[[1.169467 1.1659739 1.1759034 1.1843915 1.1719984 1.1406667 1.1067809\n", + " 1.0837885 1.0722752 1.0688629 1.0667311 1.0619669 1.0533031 1.0458007\n", + " 1.042618 1.0439898 1.0489088 1.0537983 1.0564145 1.0575788 0.\n", + " 0. 0. 0. ]\n", + " [1.1871526 1.1837752 1.1930285 1.2015026 1.1890818 1.154108 1.1164991\n", + " 1.0925851 1.0797205 1.0753415 1.0742269 1.0685709 1.0593218 1.050583\n", + " 1.0476067 1.0499012 1.0551144 1.0603613 1.063339 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1568398 1.1522733 1.1612091 1.169462 1.1602844 1.1307204 1.0991764\n", + " 1.0778121 1.0678889 1.06537 1.0651194 1.0601745 1.0520593 1.0447221\n", + " 1.0410244 1.0427653 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1518339 1.1498535 1.1613002 1.1711674 1.1596922 1.1299155 1.0980867\n", + " 1.0766861 1.066418 1.0627859 1.0609282 1.0548595 1.0463678 1.0395359\n", + " 1.0369661 1.0388961 1.0440073 1.0490872 1.050876 1.0516728 1.0533452\n", + " 1.0568337 1.063664 1.0725144]\n", + " [1.1702225 1.1659727 1.1758133 1.1841645 1.1730847 1.1408075 1.1075048\n", + " 1.0847332 1.0740212 1.0722051 1.0720428 1.0675069 1.0591129 1.0505123\n", + " 1.0466235 1.0484772 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1507599 1.1466979 1.1569558 1.1660788 1.1560099 1.1258456 1.0943313\n", + " 1.0737655 1.0646433 1.062941 1.0635613 1.059502 1.0509601 1.0430313\n", + " 1.0392154 1.0407968 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1826792 1.1787729 1.1881589 1.1966585 1.1831048 1.1486984 1.1139636\n", + " 1.0910052 1.0794265 1.0762489 1.0752282 1.0685798 1.0592245 1.0505941\n", + " 1.0473193 1.0497541 1.055682 1.0608734 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1697022 1.1666803 1.1772813 1.1864136 1.1743629 1.1407524 1.1057801\n", + " 1.0836861 1.072854 1.0697745 1.0691681 1.0640348 1.0547539 1.0468159\n", + " 1.0432763 1.0449808 1.0498904 1.0547475 1.0572139 0. 0.\n", + " 0. 0. ]\n", + " [1.1529213 1.1505872 1.1609153 1.1701877 1.1594025 1.1286385 1.0968263\n", + " 1.0760741 1.0656337 1.0615933 1.0601492 1.0550734 1.0470421 1.040704\n", + " 1.0377026 1.0391197 1.0435088 1.0470629 1.0496417 1.0506082 1.0521895\n", + " 1.0555203 1.0624388]\n", + " [1.1551987 1.1518767 1.1613388 1.1693358 1.158798 1.1280206 1.0965\n", + " 1.0760001 1.0664362 1.0657269 1.0671786 1.0627823 1.0538938 1.0458517\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1793544 1.175267 1.184422 1.1917975 1.177274 1.1439648 1.1095214\n", + " 1.086776 1.0762281 1.0741482 1.0732944 1.0685315 1.0592371 1.0506638\n", + " 1.0468868 1.0487839 1.0544561 0. ]\n", + " [1.2069457 1.1996318 1.2111676 1.2214295 1.2085674 1.170676 1.1294894\n", + " 1.1030873 1.0911825 1.0908083 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1872737 1.1828591 1.1941142 1.2037264 1.1905286 1.1549163 1.117857\n", + " 1.0935115 1.0822127 1.0799953 1.0799924 1.0744789 1.0647161 1.055656\n", + " 1.0513141 1.0535355 0. 0. ]\n", + " [1.1484811 1.1453409 1.1544065 1.1628605 1.1523354 1.1233747 1.0937425\n", + " 1.0732591 1.0640236 1.0615908 1.0601372 1.0556068 1.0476274 1.0400945\n", + " 1.03697 1.0384107 1.0429193 1.0475274]\n", + " [1.1678661 1.1649218 1.1754974 1.1843115 1.1715293 1.1379025 1.1040512\n", + " 1.0819416 1.0718787 1.069804 1.0690923 1.0640014 1.0546242 1.0461944\n", + " 1.0429375 1.0445985 1.0498888 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1640033 1.1615882 1.173343 1.1824174 1.1707861 1.1386844 1.1044177\n", + " 1.0818369 1.0716695 1.0692809 1.0693135 1.0643901 1.0555446 1.047709\n", + " 1.0437212 1.0451417 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1806389 1.1795079 1.1913236 1.2020003 1.1894263 1.1547838 1.118039\n", + " 1.0928739 1.0799881 1.0758659 1.073498 1.0683256 1.058975 1.0509923\n", + " 1.0469075 1.0486236 1.0537568 1.058909 1.0616039 1.0625784 0.\n", + " 0. 0. 0. ]\n", + " [1.1571383 1.1542978 1.164649 1.1747288 1.1636652 1.1319116 1.0986934\n", + " 1.0774901 1.0669389 1.0637332 1.0616666 1.0565574 1.0481519 1.0413232\n", + " 1.0384625 1.0404696 1.0457498 1.0505478 1.0531524 1.0532129 1.0547034\n", + " 1.057813 1.0645984 1.0740285]\n", + " [1.1527369 1.1507812 1.1601156 1.1688262 1.1573695 1.126792 1.0958723\n", + " 1.0752056 1.0648502 1.061191 1.0595568 1.0539248 1.0462724 1.039671\n", + " 1.0368699 1.0387954 1.0429918 1.0471987 1.0495672 1.0502748 1.0515865\n", + " 0. 0. 0. ]\n", + " [1.1563288 1.1515744 1.1599829 1.1666973 1.156703 1.1281301 1.0985836\n", + " 1.0792071 1.0700599 1.0680964 1.0675079 1.0623728 1.0534277 1.0450908\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1884699 1.1832757 1.194212 1.2044001 1.1914676 1.1557269 1.1197344\n", + " 1.0956106 1.0847074 1.0837075 1.0842766 1.0790266 1.0682981 1.0582852\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2059405 1.2006485 1.2106767 1.2185357 1.205237 1.1670692 1.1270912\n", + " 1.1009744 1.0895673 1.0883499 1.0886378 1.0830301 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1690191 1.1649667 1.1735488 1.1810564 1.1684536 1.1376337 1.1054059\n", + " 1.0832095 1.0716119 1.0677056 1.0672157 1.0626893 1.0548655 1.0475309\n", + " 1.0439217 1.0456507 1.0503465 1.0545594 0. 0. ]\n", + " [1.1585563 1.1568828 1.1678755 1.1764592 1.1661639 1.1337613 1.100191\n", + " 1.0790462 1.0686349 1.0652333 1.0637983 1.0582721 1.0496111 1.0423044\n", + " 1.0386707 1.0402778 1.0448308 1.049762 1.0521481 1.0530912]\n", + " [1.1616155 1.1591433 1.1702409 1.178875 1.168391 1.1371747 1.1042409\n", + " 1.0814877 1.0705636 1.0670043 1.0651326 1.0594683 1.0512202 1.0439072\n", + " 1.0408797 1.0421932 1.0468311 1.0514215 1.0537218 1.0551466]]\n", + "[[1.2033365 1.1980819 1.2083321 1.216252 1.2028402 1.1651763 1.125984\n", + " 1.0999978 1.0869919 1.0831869 1.0815889 1.0755107 1.065409 1.0561002\n", + " 1.0515591 1.053998 1.0597147 1.0655886 0. 0. 0. ]\n", + " [1.16168 1.1592839 1.1698236 1.1787642 1.1679107 1.136904 1.1045634\n", + " 1.0822558 1.0708691 1.0667018 1.0651639 1.0591589 1.0506243 1.042783\n", + " 1.0397513 1.041546 1.0465407 1.0513604 1.0538483 1.0549688 1.0564605]\n", + " [1.205074 1.199101 1.2101376 1.2182512 1.2025161 1.1647354 1.1254556\n", + " 1.0996908 1.0885029 1.0869583 1.0876763 1.0822452 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1642604 1.1621435 1.1729991 1.1814551 1.1691039 1.1358756 1.1020495\n", + " 1.0807619 1.0700406 1.068329 1.0678967 1.0628895 1.0541239 1.0464598\n", + " 1.0429543 1.044917 1.0500705 0. 0. 0. 0. ]\n", + " [1.1746526 1.172832 1.1857928 1.1968576 1.183745 1.1481394 1.1112264\n", + " 1.0868514 1.0753006 1.0720555 1.0709184 1.0652373 1.055626 1.0476128\n", + " 1.0438484 1.045379 1.0500215 1.0549915 1.0576015 1.0582753 0. ]]\n", + "[[1.1655483 1.1601698 1.1681048 1.1748955 1.1637161 1.1325907 1.100707\n", + " 1.0801176 1.0701667 1.0683671 1.0681971 1.0639678 1.0559038 1.0477288\n", + " 1.044235 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1702772 1.1680436 1.179881 1.1901673 1.1786927 1.1442904 1.1099751\n", + " 1.0867358 1.075076 1.0713012 1.0687346 1.0632017 1.0534365 1.0461714\n", + " 1.0428269 1.0447115 1.0495256 1.0548187 1.0572711 1.0580554 1.0593008\n", + " 1.0631818 1.070532 ]\n", + " [1.1653185 1.1611552 1.1715155 1.1804397 1.1697929 1.1380118 1.1039866\n", + " 1.0816587 1.0712442 1.069276 1.0693564 1.06444 1.0559684 1.047763\n", + " 1.0437944 1.0454137 1.0503836 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1624777 1.1584054 1.1667757 1.1751823 1.164068 1.1329625 1.1009529\n", + " 1.0791178 1.068073 1.0645195 1.0637938 1.0589769 1.0514283 1.0440191\n", + " 1.0412167 1.0426029 1.0474064 1.0521473 1.0548203 0. 0.\n", + " 0. 0. ]\n", + " [1.1499505 1.1478084 1.1578562 1.165948 1.1556731 1.1261771 1.0953403\n", + " 1.0746679 1.0643095 1.0608636 1.0590116 1.0532149 1.0458224 1.0391228\n", + " 1.0366198 1.0381484 1.0418026 1.0465971 1.0491141 1.050217 1.051764\n", + " 0. 0. ]]\n", + "[[1.174887 1.1712987 1.1805542 1.18853 1.1765721 1.1436925 1.1093107\n", + " 1.0865246 1.0757455 1.0731331 1.0718048 1.0675582 1.0581993 1.0500402\n", + " 1.0460503 1.0479099 1.0534352 0. ]\n", + " [1.2024224 1.196204 1.2067577 1.2157373 1.2007823 1.1630483 1.1237457\n", + " 1.0979617 1.086854 1.0862126 1.0867797 1.0815295 1.0705678 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1894641 1.1811521 1.190225 1.1999661 1.1876884 1.1535378 1.1177242\n", + " 1.0936618 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1756811 1.1716607 1.183185 1.1920072 1.1796372 1.1449255 1.1099167\n", + " 1.086529 1.0757157 1.073005 1.0727196 1.0672611 1.057433 1.0490692\n", + " 1.0451852 1.0471683 1.0526211 1.058177 ]\n", + " [1.1634438 1.1588669 1.168566 1.1776373 1.1661001 1.1341563 1.1015298\n", + " 1.0800991 1.0705919 1.0689306 1.0687901 1.063594 1.054939 1.0467052\n", + " 1.0428925 1.044771 0. 0. ]]\n", + "[[1.1789612 1.1750544 1.1855996 1.1943079 1.1813866 1.1477689 1.1120136\n", + " 1.0882168 1.0771261 1.0743566 1.0724809 1.067218 1.0572474 1.0488633\n", + " 1.045212 1.0472833 1.0533525 1.059069 0. 0. ]\n", + " [1.1567175 1.1544988 1.164757 1.1734306 1.1623466 1.130626 1.0991668\n", + " 1.0778211 1.0673983 1.0642128 1.0625687 1.058228 1.0501044 1.043041\n", + " 1.0394638 1.0411224 1.0453453 1.0500001 1.0522887 0. ]\n", + " [1.1682098 1.1645925 1.173915 1.1826303 1.1708333 1.1382583 1.1046444\n", + " 1.0821021 1.0708729 1.0670329 1.0661094 1.0609685 1.0527512 1.0453863\n", + " 1.042056 1.0437727 1.0484544 1.0532453 1.0556762 1.0567738]\n", + " [1.1646092 1.1610636 1.171777 1.1817702 1.170485 1.1393166 1.105328\n", + " 1.0827456 1.0715935 1.0692184 1.067853 1.0635294 1.0545559 1.0466007\n", + " 1.0428718 1.0447747 1.0500748 0. 0. 0. ]\n", + " [1.1822816 1.1775709 1.1864532 1.1949987 1.1820648 1.1476983 1.1125875\n", + " 1.0895002 1.0782431 1.0756886 1.0756863 1.0706483 1.0608808 1.0522466\n", + " 1.048324 1.0503541 1.05625 0. 0. 0. ]]\n", + "[[1.2084696 1.2024608 1.2127092 1.2204239 1.2053455 1.1674335 1.1280482\n", + " 1.1020123 1.0900939 1.0879512 1.0883044 1.0827518 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1808114 1.17636 1.1871207 1.1958067 1.183573 1.149481 1.1128243\n", + " 1.0892453 1.0781617 1.0754039 1.0754697 1.0701679 1.0608225 1.051769\n", + " 1.047384 1.0488746 1.0544552 0. 0. ]\n", + " [1.1811264 1.1752553 1.1845329 1.1924397 1.1801448 1.1458399 1.1100323\n", + " 1.0874736 1.077099 1.0760236 1.0768173 1.0725064 1.0624816 1.0531821\n", + " 1.0488888 0. 0. 0. 0. ]\n", + " [1.1961304 1.1920344 1.2023656 1.2105958 1.1982539 1.1627108 1.1243619\n", + " 1.0987179 1.0856475 1.0811352 1.0802193 1.073986 1.0635849 1.0545369\n", + " 1.050886 1.0526215 1.05858 1.0637275 1.0664085]\n", + " [1.1681852 1.1646675 1.1743788 1.1823199 1.1713103 1.1384273 1.1038316\n", + " 1.0814184 1.0707761 1.0684313 1.0677989 1.0632161 1.054605 1.0469717\n", + " 1.043428 1.044789 1.0496098 1.0544798 0. ]]\n", + "[[1.2168269 1.2115257 1.222465 1.2298393 1.2148029 1.1755956 1.1344223\n", + " 1.1071262 1.0950953 1.0929307 1.0930345 1.0874883 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1813802 1.1785067 1.1888229 1.1985825 1.1858621 1.1514037 1.1155875\n", + " 1.0916557 1.0794606 1.075307 1.0730144 1.0672065 1.0577052 1.04904\n", + " 1.0457231 1.0473244 1.0531008 1.0578078 1.0599443 1.0603993 1.0616614]\n", + " [1.1805261 1.1753724 1.1852609 1.1922944 1.1807646 1.1464323 1.1102511\n", + " 1.0866073 1.07733 1.0761583 1.076788 1.0721567 1.0620416 1.05293\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1661478 1.1616173 1.1715851 1.1806694 1.1689072 1.136201 1.1020437\n", + " 1.07967 1.0695716 1.0681603 1.0688789 1.0646306 1.0557067 1.0472418\n", + " 1.0435419 1.0455273 0. 0. 0. 0. 0. ]\n", + " [1.1641935 1.1602861 1.1700686 1.1785778 1.1664484 1.13452 1.1016514\n", + " 1.0802186 1.0701472 1.0684047 1.0679512 1.063497 1.0546509 1.0463291\n", + " 1.0429975 1.044451 1.050034 0. 0. 0. 0. ]]\n", + "[[1.1625025 1.1588478 1.1693435 1.1786451 1.1675556 1.1363122 1.1029829\n", + " 1.0803123 1.0701435 1.0675169 1.0674297 1.0628171 1.0541481 1.0464616\n", + " 1.0432686 1.0444573 1.049235 0. ]\n", + " [1.1855558 1.1791105 1.188065 1.1954707 1.1830097 1.1491207 1.1139545\n", + " 1.0908934 1.0815227 1.0808022 1.0811181 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1994524 1.1926433 1.2024958 1.2112722 1.1982988 1.1631498 1.1256845\n", + " 1.1014951 1.0901349 1.088346 1.0876998 1.0817962 1.0702838 1.0600605\n", + " 0. 0. 0. 0. ]\n", + " [1.1611091 1.1570406 1.166834 1.1752282 1.1647022 1.1333011 1.1010306\n", + " 1.0793351 1.0692292 1.0673289 1.0668452 1.0625739 1.0536838 1.0458673\n", + " 1.0420785 1.0437366 1.0490292 0. ]\n", + " [1.1567707 1.1529883 1.1617491 1.1688 1.1556447 1.1259495 1.0953062\n", + " 1.0748203 1.0655642 1.0632654 1.0626268 1.0581744 1.0497468 1.0423775\n", + " 1.0393215 1.0410385 1.0454443 1.0502777]]\n", + "[[1.1814563 1.1756012 1.1851779 1.194609 1.182977 1.147992 1.1118376\n", + " 1.0882161 1.0778035 1.0759971 1.0769931 1.0717411 1.061881 1.0525328\n", + " 1.0481151 0. 0. ]\n", + " [1.1877986 1.1806959 1.1889495 1.195823 1.180511 1.1461195 1.110333\n", + " 1.0873673 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1699525 1.1656291 1.174943 1.1836628 1.1725342 1.1403074 1.1060941\n", + " 1.0831343 1.072324 1.0694038 1.0694802 1.0651524 1.0564663 1.0485519\n", + " 1.0447339 1.0461729 1.0512315]\n", + " [1.1632376 1.1599494 1.169888 1.1788352 1.166225 1.134082 1.1013649\n", + " 1.0795469 1.0700939 1.0683163 1.068527 1.063674 1.055001 1.046983\n", + " 1.0430417 0. 0. ]\n", + " [1.1823488 1.178356 1.1883088 1.1978141 1.1860036 1.1513066 1.1151044\n", + " 1.090663 1.0797814 1.0776916 1.0783135 1.0733012 1.0639433 1.0547372\n", + " 1.0503072 0. 0. ]]\n", + "[[1.175528 1.1726387 1.1835479 1.1925828 1.180993 1.1479169 1.1133778\n", + " 1.089381 1.0774648 1.0727792 1.0702981 1.0640779 1.0542562 1.046965\n", + " 1.0439994 1.0460446 1.0513381 1.0558882 1.0581583 1.0592066 1.060333\n", + " 1.0636984]\n", + " [1.169816 1.167801 1.1790229 1.1891034 1.1775149 1.1439985 1.1092035\n", + " 1.0857136 1.0742033 1.070963 1.0693588 1.0638946 1.0549389 1.0469174\n", + " 1.043277 1.0450333 1.0496905 1.0545198 1.056737 0. 0.\n", + " 0. ]\n", + " [1.1635344 1.1604953 1.1719072 1.182029 1.1706367 1.1378278 1.1031622\n", + " 1.0801363 1.0702744 1.06868 1.0689132 1.0646757 1.0556346 1.0474639\n", + " 1.0434846 1.0449916 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1802974 1.1744916 1.1845673 1.1923015 1.180022 1.1449265 1.1093589\n", + " 1.0863355 1.0756017 1.073598 1.0735605 1.0693206 1.0603439 1.0518286\n", + " 1.04825 1.0507193 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1670845 1.1629884 1.17225 1.1796875 1.1678524 1.1354922 1.1019124\n", + " 1.0803283 1.0703285 1.0687863 1.0690739 1.064587 1.0560659 1.0480205\n", + " 1.0441724 1.0461857 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1900548 1.1863247 1.1966523 1.2044879 1.1915472 1.156221 1.1192712\n", + " 1.0944211 1.0821669 1.0786968 1.0767564 1.0712402 1.0614712 1.0525942\n", + " 1.048168 1.05019 1.0560137 1.0612781 1.0639728]\n", + " [1.1977085 1.1924462 1.2016824 1.2101285 1.1955979 1.1579926 1.1201128\n", + " 1.0957931 1.0848987 1.0835935 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1659943 1.1614859 1.1700332 1.1777396 1.1660843 1.133654 1.1009921\n", + " 1.0798732 1.0699952 1.0682908 1.0688459 1.0647601 1.0557181 1.0475866\n", + " 1.0440027 1.045859 0. 0. 0. ]\n", + " [1.162256 1.1573403 1.1653572 1.1720011 1.1614513 1.13051 1.0983627\n", + " 1.0773 1.0690595 1.067643 1.0683023 1.0639821 1.0557237 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1583232 1.1551301 1.1645575 1.1725757 1.160468 1.128741 1.0968437\n", + " 1.0762796 1.0668747 1.0642639 1.0631342 1.0584928 1.0504234 1.0433677\n", + " 1.0400392 1.0418527 1.0466322 1.0512247 0. ]]\n", + "[[1.173878 1.1722668 1.1840479 1.1930332 1.180269 1.1454594 1.1100994\n", + " 1.0861925 1.0740929 1.0711226 1.0702829 1.0648376 1.0563372 1.0478462\n", + " 1.0444312 1.0462271 1.051141 1.056175 1.0584211 0. ]\n", + " [1.1791335 1.1759582 1.18687 1.1958878 1.1836714 1.1503949 1.114161\n", + " 1.0905864 1.0785294 1.0746627 1.0732355 1.067427 1.0581635 1.0493071\n", + " 1.0459683 1.0475701 1.0526247 1.0579803 1.0605332 0. ]\n", + " [1.1694279 1.166906 1.1773655 1.1857101 1.1737581 1.1409521 1.106165\n", + " 1.0833315 1.0721906 1.0680822 1.067097 1.0615964 1.0526185 1.0450271\n", + " 1.0415407 1.043091 1.0478327 1.0523411 1.054986 1.0558484]\n", + " [1.160476 1.1558721 1.1636162 1.1712061 1.1604177 1.1299932 1.0982352\n", + " 1.076768 1.0663264 1.0629747 1.0628121 1.0584384 1.0506319 1.0438144\n", + " 1.0407283 1.0427772 1.0480438 0. 0. 0. ]\n", + " [1.167551 1.166105 1.1773528 1.1876659 1.1746625 1.1416572 1.1069465\n", + " 1.0839105 1.072649 1.069985 1.0699434 1.0650287 1.0561217 1.047834\n", + " 1.0440855 1.0456009 1.0509927 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.181891 1.178387 1.1900251 1.1998811 1.186095 1.1508565 1.1143261\n", + " 1.0904015 1.0791404 1.0771283 1.0765762 1.0716355 1.0616982 1.0528729\n", + " 1.0485739 1.0508062 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1792946 1.1748663 1.184394 1.1941952 1.1831049 1.149424 1.114422\n", + " 1.0908339 1.0799752 1.0778195 1.0771501 1.0719235 1.0623337 1.053092\n", + " 1.0489376 1.0510134 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1801319 1.1762342 1.1860255 1.1940613 1.1812437 1.147724 1.1130319\n", + " 1.0899462 1.078721 1.0748547 1.0743855 1.0685767 1.0586838 1.0497577\n", + " 1.0464351 1.0486989 1.054373 1.0599387 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1516266 1.1491659 1.1593302 1.1681316 1.1570969 1.1262629 1.0959891\n", + " 1.0756173 1.0650014 1.0611148 1.0590651 1.0534686 1.0452267 1.0387704\n", + " 1.036376 1.0383006 1.0432944 1.0475379 1.0501343 1.0514976 1.0526567\n", + " 1.0558966 1.062545 ]\n", + " [1.1992663 1.1930867 1.2029138 1.2114182 1.1970284 1.1606332 1.1235975\n", + " 1.0984752 1.0868427 1.0850501 1.08506 1.0792227 1.0689481 1.0594461\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1857667 1.1791664 1.189302 1.1984969 1.1860471 1.1499724 1.113025\n", + " 1.0885373 1.0774059 1.0761725 1.0768108 1.0735618 1.0646772 1.055561\n", + " 1.0512656 0. 0. 0. 0. ]\n", + " [1.1649348 1.1614492 1.1714382 1.1798828 1.1684055 1.136158 1.1028851\n", + " 1.080537 1.069954 1.0672741 1.0669222 1.0621145 1.0533881 1.0454246\n", + " 1.0418547 1.0434062 1.04804 1.0530556 0. ]\n", + " [1.1691067 1.1651958 1.175239 1.1845906 1.1731211 1.1407012 1.1067015\n", + " 1.0838513 1.0724615 1.0687277 1.0679947 1.0632575 1.0542439 1.0468112\n", + " 1.0432904 1.0449594 1.0497261 1.0544996 1.0570353]\n", + " [1.1610262 1.1580532 1.1689606 1.1772842 1.1660388 1.1343611 1.1013954\n", + " 1.079786 1.0687754 1.0660808 1.0647132 1.0600246 1.0519314 1.044109\n", + " 1.0410143 1.0425756 1.0472488 1.0519373 1.0542188]\n", + " [1.2017531 1.194838 1.2043012 1.2128735 1.1983529 1.1620562 1.1243786\n", + " 1.0992192 1.0871276 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1863651 1.1814324 1.1906401 1.1992164 1.1849989 1.150722 1.1152301\n", + " 1.0919572 1.0803946 1.0772933 1.0764096 1.0706079 1.0609746 1.0518794\n", + " 1.0486133 1.0511324 1.05736 0. ]\n", + " [1.1684747 1.1645701 1.1751385 1.1838192 1.171417 1.1375704 1.1041251\n", + " 1.0819433 1.0714113 1.0691781 1.0685701 1.0636847 1.0550073 1.0468688\n", + " 1.0430273 1.0446665 1.0495075 1.0543143]\n", + " [1.1742096 1.1707604 1.1808594 1.1896381 1.1775229 1.1449894 1.1107883\n", + " 1.0872691 1.0761697 1.0729188 1.0712178 1.0663896 1.0568081 1.0487651\n", + " 1.0451176 1.0472767 1.0527205 1.0581617]\n", + " [1.1737123 1.1683574 1.1773183 1.1859725 1.1755188 1.1429613 1.1076541\n", + " 1.0849469 1.0738783 1.0712488 1.0715945 1.0671692 1.058816 1.0506855\n", + " 1.0467801 1.048519 0. 0. ]\n", + " [1.1753858 1.17026 1.178879 1.1857619 1.1744668 1.1415745 1.1072958\n", + " 1.0848621 1.0737944 1.0719509 1.0717458 1.0674698 1.0588162 1.0506771\n", + " 1.0470569 0. 0. 0. ]]\n", + "[[1.1714566 1.1660812 1.1747892 1.1820565 1.1706989 1.1382656 1.1053735\n", + " 1.0841712 1.0743144 1.0725565 1.0726407 1.0675304 1.0586212 1.0501759\n", + " 1.0463827 0. 0. 0. 0. 0. 0. ]\n", + " [1.1672853 1.1662203 1.1775091 1.1865166 1.17291 1.1407301 1.1065884\n", + " 1.0836686 1.0726174 1.0685413 1.0668645 1.0612549 1.0522668 1.0448714\n", + " 1.0417705 1.0431551 1.0479543 1.0525162 1.0550927 1.0563844 1.0578285]\n", + " [1.200189 1.1952822 1.2045833 1.2124218 1.1989944 1.1629356 1.1256127\n", + " 1.1003234 1.0874146 1.0826677 1.0794902 1.0728593 1.062838 1.0540172\n", + " 1.0508522 1.0536066 1.058974 1.0647218 1.0676003 1.0688415 0. ]\n", + " [1.1670009 1.1609476 1.1686238 1.1763726 1.1643103 1.1332612 1.1011252\n", + " 1.0791377 1.0688272 1.0657833 1.0653161 1.0616099 1.0539266 1.0464568\n", + " 1.042807 1.0442815 1.0491089 0. 0. 0. 0. ]\n", + " [1.158976 1.1561741 1.1660091 1.1738392 1.1616344 1.1307869 1.0991673\n", + " 1.0781974 1.0681777 1.0659376 1.0647624 1.0593568 1.0507164 1.0434661\n", + " 1.0400052 1.0418423 1.0466391 1.0515232 0. 0. 0. ]]\n", + "[[1.1989231 1.1964558 1.2085232 1.2187873 1.2047119 1.1682826 1.1289777\n", + " 1.1021616 1.0892658 1.0846995 1.0829678 1.0758096 1.0649496 1.0558852\n", + " 1.0516393 1.0537498 1.0596942 1.0652997 1.0679954 1.0687771 0.\n", + " 0. 0. ]\n", + " [1.1868627 1.1814706 1.1915094 1.2016888 1.188302 1.1530615 1.1154696\n", + " 1.092494 1.0820996 1.0811318 1.0819688 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1878725 1.1846057 1.1947111 1.2025918 1.188669 1.1525915 1.1155574\n", + " 1.0910257 1.0797994 1.0780991 1.0778093 1.0723529 1.0630718 1.054097\n", + " 1.0498667 1.0519052 1.0575638 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1776936 1.1761477 1.1879023 1.1983281 1.18597 1.1512463 1.1151938\n", + " 1.0907872 1.0786853 1.0746521 1.0728354 1.0663217 1.0560001 1.0481796\n", + " 1.0446429 1.046562 1.0519505 1.0571364 1.0598029 1.0605464 1.0619612\n", + " 1.0657719 1.0741692]\n", + " [1.1694306 1.1636361 1.1742268 1.1822501 1.1717448 1.1385766 1.1052012\n", + " 1.0835124 1.0738554 1.072578 1.0727695 1.0685866 1.0586609 1.049851\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1950688 1.1895928 1.1987696 1.206997 1.1931027 1.1576738 1.120259\n", + " 1.0949329 1.0833162 1.0799842 1.0790299 1.074032 1.0648506 1.0557864\n", + " 1.0521913 1.0545951 1.0606431 0. 0. 0. 0. ]\n", + " [1.1892574 1.1850728 1.1955721 1.2041907 1.1901823 1.1560426 1.1195371\n", + " 1.094331 1.0815612 1.0775874 1.0764424 1.0705024 1.0610491 1.0525676\n", + " 1.0485883 1.0505134 1.0557353 1.0611514 1.063287 0. 0. ]\n", + " [1.1575637 1.1541934 1.1632942 1.1706328 1.1586125 1.1277523 1.0961982\n", + " 1.0754277 1.0655897 1.0627823 1.0611677 1.0566521 1.0488881 1.0417705\n", + " 1.0391048 1.0408559 1.0455046 1.0498294 1.0521448 0. 0. ]\n", + " [1.1829705 1.1800076 1.191328 1.199839 1.1887565 1.1540133 1.1180111\n", + " 1.0926044 1.0803483 1.0764198 1.0737109 1.0673897 1.0575522 1.0496693\n", + " 1.046364 1.0481063 1.0536199 1.0590914 1.0615494 1.0620713 1.0633584]\n", + " [1.1733938 1.1706685 1.1829934 1.1929859 1.1821111 1.147769 1.1121745\n", + " 1.0876471 1.0761034 1.0728606 1.0711244 1.0660833 1.0567932 1.0481364\n", + " 1.0444003 1.0460205 1.0511602 1.0564781 1.0587924 0. 0. ]]\n", + "[[1.1561253 1.1538433 1.1643993 1.1732545 1.1616372 1.1307693 1.0987316\n", + " 1.0772318 1.0670649 1.0635594 1.0625508 1.0570897 1.0483661 1.0411996\n", + " 1.0379096 1.039411 1.0443546 1.0488867 1.0510807 1.0522443 0.\n", + " 0. ]\n", + " [1.1570054 1.1551653 1.1646411 1.1728396 1.1609029 1.130466 1.0990578\n", + " 1.0775667 1.0667206 1.0630592 1.0610257 1.0560781 1.0481409 1.0415651\n", + " 1.0383832 1.040246 1.0447861 1.0493062 1.0514958 1.0521502 1.0535188\n", + " 1.0569757]\n", + " [1.1988976 1.1926811 1.2034827 1.2124476 1.1983426 1.1597617 1.120617\n", + " 1.094821 1.0838039 1.0829977 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1605545 1.1572442 1.1667305 1.1731253 1.1615093 1.12969 1.0983737\n", + " 1.0773197 1.0676082 1.0656922 1.0650954 1.0604448 1.0524114 1.0451449\n", + " 1.041415 1.0430155 1.0477115 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1827205 1.1772734 1.1873024 1.1975763 1.1848683 1.15119 1.1158961\n", + " 1.0924413 1.082258 1.0813667 1.0818021 1.0756627 1.0653512 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1840855 1.176681 1.1878011 1.197234 1.186095 1.1517841 1.1163903\n", + " 1.0942014 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.173904 1.1714749 1.1830031 1.1934383 1.180608 1.1474171 1.1123321\n", + " 1.088872 1.0761302 1.0725241 1.0704198 1.0643721 1.0557956 1.0479876\n", + " 1.0445701 1.0459739 1.0511209 1.0561597 1.0584009 1.0592871 1.0609875]\n", + " [1.1784645 1.17429 1.1850967 1.1950791 1.181107 1.1468067 1.1114423\n", + " 1.0879754 1.0769203 1.0743167 1.0743473 1.069458 1.0603324 1.0519968\n", + " 1.0480539 1.0502741 0. 0. 0. 0. 0. ]\n", + " [1.1682498 1.1665449 1.1778084 1.1869137 1.1749128 1.1405647 1.1052961\n", + " 1.0822954 1.0708936 1.0675993 1.065937 1.0603701 1.0518591 1.0446469\n", + " 1.0412623 1.0431527 1.0481167 1.052697 1.0548232 1.0553275 1.0569468]\n", + " [1.172653 1.1691349 1.1799729 1.1896796 1.1777985 1.1446918 1.109891\n", + " 1.0862237 1.0753665 1.0719372 1.0715895 1.0663707 1.0570337 1.0485198\n", + " 1.0447534 1.0464017 1.0515655 1.0567255 0. 0. 0. ]]\n", + "[[1.1594043 1.1567281 1.167399 1.1774402 1.1666546 1.135385 1.1019638\n", + " 1.0795108 1.0683923 1.0654385 1.0651983 1.0611204 1.0534682 1.045769\n", + " 1.0422076 1.0437528 1.04833 1.0531412]\n", + " [1.1910675 1.1862361 1.1955433 1.2038543 1.1897542 1.1551356 1.1194202\n", + " 1.0956246 1.083633 1.0815786 1.0808308 1.0756438 1.0653553 1.0560502\n", + " 1.0521889 1.0545498 0. 0. ]\n", + " [1.1801994 1.176273 1.1864227 1.1952444 1.1822174 1.1485766 1.1134143\n", + " 1.0896534 1.078161 1.0756412 1.07412 1.0689803 1.0595553 1.0509026\n", + " 1.0475667 1.0496718 1.0552677 1.0606053]\n", + " [1.1642175 1.1596541 1.1694653 1.1776863 1.1651806 1.1336917 1.1011615\n", + " 1.0801201 1.0702513 1.0689704 1.0692275 1.0645314 1.0558069 1.0476124\n", + " 1.0440063 1.0459057 0. 0. ]\n", + " [1.188313 1.1836135 1.1928927 1.1996789 1.1884788 1.1541345 1.1186061\n", + " 1.0946432 1.08311 1.0807303 1.0800935 1.074716 1.0649238 1.0557905\n", + " 1.0522112 0. 0. 0. ]]\n", + "[[1.1670461 1.1631913 1.1733806 1.1807294 1.1696543 1.1366966 1.1034763\n", + " 1.0815891 1.0718979 1.0693042 1.0694185 1.0643944 1.0552737 1.0475179\n", + " 1.0438187 1.0455035 1.0508547 0. 0. 0. ]\n", + " [1.1617668 1.1582551 1.1685723 1.1768917 1.1649398 1.1335886 1.1012738\n", + " 1.0800567 1.0694385 1.0659037 1.0648016 1.0595183 1.0508668 1.043046\n", + " 1.039938 1.041675 1.0465374 1.0511861 1.0537243 0. ]\n", + " [1.1589677 1.1549647 1.1638978 1.1706228 1.1577362 1.126438 1.0950402\n", + " 1.0743595 1.0649565 1.0628582 1.062021 1.0580137 1.0497841 1.0427761\n", + " 1.0395328 1.0410038 1.0455346 1.0499722 0. 0. ]\n", + " [1.1535468 1.1502318 1.1605835 1.168477 1.1565149 1.12623 1.0951874\n", + " 1.0744737 1.0641396 1.0607244 1.0588874 1.0543965 1.0471311 1.0403873\n", + " 1.0376205 1.0391791 1.0436656 1.0481704 1.0505849 1.0514036]\n", + " [1.1808093 1.1781346 1.1877302 1.1969328 1.1828974 1.1495392 1.1144202\n", + " 1.0911816 1.0790745 1.0748868 1.0730647 1.0660291 1.0569515 1.0490888\n", + " 1.045827 1.0480385 1.0533757 1.0583683 1.0604987 1.0614029]]\n", + "[[1.1896454 1.1861476 1.1965592 1.204695 1.1924279 1.1566538 1.119756\n", + " 1.094907 1.0825129 1.078965 1.0779351 1.0728985 1.0627215 1.0535208\n", + " 1.0499796 1.0519612 1.0574899 1.0634077 0. ]\n", + " [1.1906214 1.1864704 1.197746 1.2075679 1.1954107 1.1588587 1.1204935\n", + " 1.0948917 1.0831463 1.0805266 1.0801752 1.0753083 1.0653056 1.0559751\n", + " 1.0517209 1.0539209 1.0601743 0. 0. ]\n", + " [1.1745775 1.1708294 1.1818388 1.1900492 1.1769416 1.1433096 1.1092197\n", + " 1.086419 1.0754431 1.0719289 1.070295 1.064687 1.0552932 1.0473651\n", + " 1.0443168 1.0460125 1.0512173 1.056077 1.0584828]\n", + " [1.1589637 1.1571733 1.1679975 1.1779451 1.1658542 1.1332202 1.0995697\n", + " 1.0780251 1.067986 1.0653906 1.0646045 1.0591533 1.0501493 1.0425519\n", + " 1.0394484 1.0409362 1.0457356 1.0506233 1.0530843]\n", + " [1.1689935 1.1647565 1.1753778 1.1843053 1.1736705 1.1408405 1.1071279\n", + " 1.0847108 1.0741172 1.071553 1.0716274 1.066302 1.0572388 1.0490167\n", + " 1.0447103 1.0466406 0. 0. 0. ]]\n", + "[[1.1671965 1.1631439 1.1730744 1.180513 1.1671146 1.1352115 1.1013438\n", + " 1.0801244 1.0700351 1.068942 1.0689894 1.0645533 1.0555118 1.0475965\n", + " 1.0441319 1.0460083 0. 0. 0. ]\n", + " [1.1643714 1.1583664 1.1666154 1.1735927 1.1632804 1.1320782 1.1004628\n", + " 1.0793145 1.0695438 1.067701 1.067753 1.0636414 1.055929 1.0478268\n", + " 1.0440692 1.0457162 0. 0. 0. ]\n", + " [1.1664702 1.1618526 1.1706808 1.179724 1.1685054 1.1359001 1.1037102\n", + " 1.081925 1.07217 1.0708729 1.0712208 1.0669907 1.057711 1.0490625\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1669784 1.1619343 1.1708922 1.1797419 1.1679829 1.1364412 1.103297\n", + " 1.080862 1.0699172 1.0671413 1.0666107 1.0624459 1.0545071 1.0468476\n", + " 1.0432407 1.0444348 1.0491191 1.0538219 0. ]\n", + " [1.1796124 1.174693 1.1848091 1.1933409 1.1808302 1.1463844 1.1106218\n", + " 1.0873343 1.0762441 1.0729961 1.0713376 1.0655701 1.0565392 1.0482364\n", + " 1.0447631 1.0468333 1.0520358 1.0571647 1.0592552]]\n", + "[[1.177038 1.1737928 1.184092 1.1924981 1.1791917 1.1463599 1.1120974\n", + " 1.088769 1.0770386 1.073443 1.0721146 1.0662087 1.0572889 1.0490197\n", + " 1.0453445 1.0474615 1.0527775 1.0576006 1.0598379 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1701748 1.1663158 1.1758511 1.1838593 1.1730356 1.1407623 1.1065547\n", + " 1.0843755 1.0729413 1.0719142 1.0726128 1.0687027 1.0595996 1.0509946\n", + " 1.047211 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1660578 1.163201 1.1739286 1.1834819 1.1715045 1.1383085 1.1045055\n", + " 1.0823445 1.0717481 1.0686338 1.068297 1.0631583 1.0539604 1.0459942\n", + " 1.0423504 1.0439792 1.049012 1.0542598 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.144924 1.1429834 1.1523125 1.161968 1.152739 1.124214 1.0944496\n", + " 1.0743957 1.0640203 1.0602307 1.0576973 1.0521444 1.0439851 1.0374076\n", + " 1.0347477 1.036029 1.039889 1.0444934 1.0463425 1.0473917 1.0490062\n", + " 1.0521387 1.0581783 1.0666002]\n", + " [1.1630538 1.1577823 1.166259 1.1745042 1.1631678 1.13231 1.100292\n", + " 1.0787714 1.0684179 1.0663068 1.0663608 1.0624865 1.0540614 1.047009\n", + " 1.0432563 1.0452484 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1856009 1.1800065 1.1902063 1.1989791 1.1864619 1.1519225 1.1159952\n", + " 1.0930374 1.0825642 1.080908 1.0813164 1.0757768 1.0653616 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1908814 1.1843323 1.1938689 1.2025868 1.1903334 1.1550887 1.1183711\n", + " 1.0940843 1.0829084 1.0811495 1.0815334 1.0760932 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1732991 1.1704493 1.1797142 1.1872388 1.173511 1.1406298 1.106615\n", + " 1.0836099 1.0721498 1.0697832 1.0686187 1.0629134 1.0542736 1.0466751\n", + " 1.0432875 1.0450484 1.0499245 1.0547409]\n", + " [1.181283 1.1762073 1.1859769 1.1942953 1.1830494 1.1494 1.1136879\n", + " 1.0903841 1.0790806 1.07754 1.0771269 1.0717158 1.0618138 1.0529559\n", + " 1.0489507 1.0510561 0. 0. ]\n", + " [1.2069473 1.2007474 1.2101088 1.2184887 1.2037098 1.1662197 1.127424\n", + " 1.101958 1.0904588 1.0881017 1.0891991 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1745787 1.1726894 1.1845504 1.1944852 1.1823741 1.1478184 1.1121864\n", + " 1.0881355 1.0762401 1.0732244 1.0723016 1.0667983 1.0573804 1.0490037\n", + " 1.0451902 1.0467162 1.0518371 1.0570939 1.0597055]\n", + " [1.1743524 1.1700925 1.1820412 1.1928838 1.1801447 1.1446253 1.1087196\n", + " 1.0857769 1.0759323 1.0754367 1.0768381 1.0721768 1.0627276 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1754307 1.1704607 1.1808996 1.189255 1.1756542 1.1412976 1.1061076\n", + " 1.0839123 1.0742157 1.0731709 1.0740736 1.0691823 1.0593537 1.0505489\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.22551 1.2204798 1.2318965 1.2415862 1.2250884 1.1838689 1.141876\n", + " 1.1136265 1.101673 1.100038 1.1006769 1.0942775 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1811404 1.1744186 1.183388 1.1910069 1.180462 1.1467037 1.1116939\n", + " 1.0883691 1.0782851 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1666443 1.1626418 1.1723307 1.180924 1.1686957 1.136195 1.1024432\n", + " 1.0803715 1.0704358 1.0683582 1.0689907 1.0644875 1.0566088 1.0482801\n", + " 1.0445352 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1503878 1.1474738 1.1569818 1.1659234 1.1548667 1.1249475 1.0946244\n", + " 1.0745145 1.0644038 1.061161 1.0592072 1.0538597 1.0457292 1.03891\n", + " 1.0364211 1.0383958 1.043114 1.0477535 1.0497591 1.0503913 1.0514395\n", + " 1.0547101 1.0616056 0. ]\n", + " [1.2046195 1.1996121 1.2092592 1.2154775 1.2009459 1.1636114 1.1251653\n", + " 1.0991746 1.0875065 1.0840557 1.0822934 1.0762515 1.0656861 1.0565274\n", + " 1.0528406 1.0553334 1.0619593 1.0680614 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1632963 1.1602465 1.1706342 1.1802601 1.1698385 1.1382158 1.1053505\n", + " 1.0835631 1.0722586 1.0681443 1.0652385 1.0592284 1.0503178 1.042633\n", + " 1.0400476 1.0423802 1.0475194 1.052188 1.0542481 1.0546033 1.0555855\n", + " 1.0586872 1.0655687 1.0753448]\n", + " [1.1655489 1.1608479 1.170475 1.1795365 1.1686984 1.1370282 1.1036695\n", + " 1.0816742 1.0711955 1.0696226 1.069703 1.065506 1.056671 1.0483863\n", + " 1.0444037 1.0461035 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1721057 1.1713518 1.1833656 1.192286 1.1783826 1.144651 1.1102927\n", + " 1.0873471 1.0758462 1.0721499 1.0696929 1.0634013 1.0535287 1.0460026\n", + " 1.0427394 1.0451148 1.0501456 1.055444 1.0576565 1.0584269 1.0600986\n", + " 1.0642467]\n", + " [1.1636031 1.1589081 1.1686683 1.1771116 1.1661116 1.1340783 1.100912\n", + " 1.0786586 1.0682517 1.0671426 1.0675386 1.0633876 1.0553207 1.0473704\n", + " 1.0437365 1.0455037 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1478583 1.145236 1.153984 1.1613342 1.1493531 1.1211648 1.091707\n", + " 1.0720807 1.0622796 1.0590105 1.0573199 1.0523238 1.0452162 1.0388701\n", + " 1.0356424 1.0372059 1.0414668 1.0455201 1.0477374 1.049072 1.0508174\n", + " 0. ]\n", + " [1.1683202 1.1672481 1.1787858 1.1894782 1.1781461 1.1449921 1.1107652\n", + " 1.0881746 1.0766599 1.0715412 1.0689304 1.062369 1.0526007 1.0450927\n", + " 1.0419691 1.043728 1.0484315 1.0527198 1.0544329 1.0550783 1.0564393\n", + " 1.0601283]\n", + " [1.1790795 1.1774747 1.1889096 1.1979339 1.1839318 1.1493771 1.1135436\n", + " 1.0892634 1.077626 1.0736986 1.0716422 1.0649482 1.0556298 1.0477076\n", + " 1.0444055 1.0464125 1.0520557 1.057333 1.0599307 1.0611457 1.0629578\n", + " 0. ]]\n", + "[[1.183212 1.1809251 1.1909807 1.1998916 1.186123 1.1521153 1.1159213\n", + " 1.0914353 1.0791273 1.0752648 1.0738968 1.0684407 1.059645 1.0507269\n", + " 1.0471562 1.0489411 1.0542412 1.0593439 1.0620165 0. ]\n", + " [1.1995922 1.1946812 1.2043091 1.2126144 1.1989663 1.1623545 1.1242703\n", + " 1.0986102 1.0863256 1.0836762 1.0833672 1.0775899 1.0669688 1.0579526\n", + " 1.0538106 1.0565423 0. 0. 0. 0. ]\n", + " [1.1750824 1.1706959 1.1798086 1.18816 1.1761659 1.1431668 1.1089153\n", + " 1.0870823 1.0759699 1.0735452 1.072723 1.0675298 1.0584154 1.0500625\n", + " 1.0462133 1.0484085 1.0541786 0. 0. 0. ]\n", + " [1.170593 1.168451 1.1792578 1.1876017 1.1754403 1.1415414 1.1075351\n", + " 1.0849433 1.0731404 1.0703435 1.0686004 1.062652 1.0537429 1.0459049\n", + " 1.042657 1.0442843 1.0490352 1.0542501 1.0567776 1.057628 ]\n", + " [1.1755646 1.171569 1.1821799 1.1908232 1.1781147 1.1447052 1.1101106\n", + " 1.0872836 1.0767322 1.0746745 1.0740788 1.0684004 1.0589391 1.0501596\n", + " 1.0462315 1.0480922 1.0540578 0. 0. 0. ]]\n", + "[[1.16739 1.1651615 1.1748714 1.182246 1.170328 1.1376978 1.1038113\n", + " 1.0815563 1.0710217 1.0683559 1.0677315 1.0630226 1.0547748 1.0470487\n", + " 1.0433403 1.0451035 1.0498401 1.0548031 0. 0. ]\n", + " [1.173778 1.1699885 1.1809465 1.1898661 1.1774467 1.1439813 1.109246\n", + " 1.0856563 1.0737482 1.0706168 1.0693197 1.0637037 1.05517 1.0473017\n", + " 1.0434312 1.0452448 1.0501055 1.0551813 1.0576087 1.0587634]\n", + " [1.1683075 1.1631868 1.1725788 1.1805843 1.1677963 1.1355876 1.1023277\n", + " 1.0808513 1.0713177 1.069645 1.0705905 1.0662869 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1813449 1.176724 1.1867023 1.1968231 1.1851918 1.15005 1.1145252\n", + " 1.0919136 1.0816023 1.0802503 1.080845 1.0755044 1.0648296 1.0552596\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1909192 1.1869591 1.197794 1.2058631 1.1932315 1.1568635 1.1198903\n", + " 1.0955688 1.0849278 1.0842862 1.084881 1.0792247 1.0684799 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1828355 1.1783725 1.1875976 1.1947147 1.1815325 1.1480403 1.1136315\n", + " 1.0901762 1.0794168 1.0766898 1.0757174 1.0697721 1.060363 1.0513935\n", + " 1.0478067 1.050067 1.0561633 0. 0. ]\n", + " [1.1956468 1.1912285 1.2023982 1.212185 1.1995345 1.1617194 1.1224054\n", + " 1.0964068 1.0853686 1.084161 1.08464 1.0794687 1.0689378 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1757605 1.1723244 1.1834238 1.1933343 1.1817812 1.1475207 1.1121591\n", + " 1.0886252 1.0784444 1.0766749 1.077222 1.072046 1.0620013 1.052825\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1673588 1.163376 1.1730877 1.1820362 1.1706069 1.137703 1.1042818\n", + " 1.08171 1.070501 1.067991 1.0667832 1.0617594 1.0534563 1.0457094\n", + " 1.0421742 1.0440644 1.0488933 1.0535796 1.0559051]\n", + " [1.1624777 1.1589687 1.1687293 1.1774334 1.1655705 1.1336441 1.1009655\n", + " 1.0798666 1.070095 1.0684625 1.068753 1.0642748 1.0554398 1.0472586\n", + " 1.0433067 1.0449315 0. 0. 0. ]]\n", + "[[1.156434 1.150692 1.1584706 1.166275 1.1542274 1.1256355 1.0947392\n", + " 1.0742054 1.0640918 1.0628746 1.0631676 1.0597486 1.0526361 1.0451083\n", + " 1.0417055 0. 0. 0. ]\n", + " [1.2171493 1.2104708 1.2192532 1.2271646 1.2114952 1.1747792 1.1345067\n", + " 1.1064925 1.0935181 1.0915397 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1644827 1.1618097 1.1720939 1.1791221 1.1668749 1.1342032 1.1009065\n", + " 1.0797349 1.069924 1.0675448 1.0677695 1.0632064 1.0549152 1.0467188\n", + " 1.0432799 1.044822 1.0499046 0. ]\n", + " [1.1586933 1.155046 1.1655753 1.1740263 1.1632191 1.1315699 1.0992295\n", + " 1.0772071 1.0672283 1.0648296 1.0638442 1.0596793 1.0514623 1.0436319\n", + " 1.0403808 1.041663 1.0464917 1.0516222]\n", + " [1.1830034 1.1795278 1.190993 1.1995981 1.1863692 1.1504111 1.1137397\n", + " 1.0893688 1.0787117 1.076236 1.0759693 1.0705914 1.0609804 1.052132\n", + " 1.0481297 1.0498176 1.0551529 1.0607262]]\n", + "[[1.1926332 1.1864729 1.1943501 1.2035635 1.1906694 1.1550344 1.1179031\n", + " 1.0931853 1.0823334 1.0802388 1.0801042 1.0744656 1.064816 1.0556532\n", + " 1.0518745 0. 0. 0. 0. 0. ]\n", + " [1.1755562 1.1730728 1.183901 1.1927576 1.1803759 1.146223 1.112071\n", + " 1.0882864 1.0769987 1.0726671 1.0711675 1.0658221 1.0565474 1.0482421\n", + " 1.044548 1.0463787 1.0511999 1.0560648 1.05781 0. ]\n", + " [1.1634935 1.1609713 1.172243 1.1810119 1.170488 1.1378748 1.1043781\n", + " 1.0816847 1.0705906 1.0670576 1.0654659 1.0605582 1.0519315 1.0444533\n", + " 1.0409716 1.042643 1.047415 1.0516771 1.0537616 1.0542804]\n", + " [1.20711 1.2004747 1.2101303 1.2182395 1.205723 1.1683054 1.1279414\n", + " 1.1006101 1.0884252 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1592561 1.1534319 1.1611713 1.1683095 1.1573234 1.1273975 1.096434\n", + " 1.0759726 1.066641 1.0645326 1.0651801 1.0616255 1.0539327 1.046167\n", + " 1.0427115 0. 0. 0. 0. 0. ]]\n", + "[[1.1603407 1.1552327 1.1634516 1.1705681 1.1603308 1.130444 1.099328\n", + " 1.0787636 1.0688918 1.0666034 1.0669347 1.0629337 1.0541012 1.046293\n", + " 1.0429097 1.0448589 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1890084 1.1839588 1.1920862 1.2007797 1.187247 1.152562 1.1168121\n", + " 1.0931653 1.0820363 1.080031 1.0795746 1.0738386 1.0637311 1.0544379\n", + " 1.0502859 1.05295 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1635342 1.1608989 1.1718758 1.1800845 1.1696204 1.1375666 1.104502\n", + " 1.081913 1.070876 1.0680788 1.0665951 1.0606991 1.0521998 1.044155\n", + " 1.0407579 1.0427455 1.0476099 1.052699 1.0550618 0. 0.\n", + " 0. ]\n", + " [1.1730506 1.1690893 1.1799439 1.1900867 1.178146 1.1446159 1.1091125\n", + " 1.085439 1.0743018 1.071747 1.0711502 1.0655289 1.0568607 1.0484512\n", + " 1.0446718 1.0464568 1.051706 1.0569551 0. 0. 0.\n", + " 0. ]\n", + " [1.1491343 1.1466786 1.1560597 1.1640722 1.1532937 1.1240182 1.094101\n", + " 1.0745488 1.0642483 1.0603986 1.0580037 1.0529313 1.0452616 1.0384507\n", + " 1.0364035 1.0380825 1.0423663 1.046845 1.0493257 1.0500932 1.0516326\n", + " 1.0548135]]\n", + "[[1.1718539 1.1692917 1.1793882 1.1877981 1.1757532 1.1420943 1.1085758\n", + " 1.0860542 1.0743564 1.0702313 1.0681052 1.0616506 1.0530378 1.0454886\n", + " 1.042569 1.0440782 1.0490247 1.0540189 1.0564016 1.0575353 1.0592269]\n", + " [1.1730726 1.1706246 1.1808538 1.1897391 1.1765652 1.1414108 1.1071733\n", + " 1.0847759 1.0745002 1.0733371 1.0742238 1.0692781 1.0601966 1.0512931\n", + " 1.0475926 0. 0. 0. 0. 0. 0. ]\n", + " [1.1851438 1.1784228 1.1869009 1.1941181 1.1818258 1.1477231 1.1127717\n", + " 1.0893638 1.0792847 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.167227 1.1635079 1.1737381 1.1837752 1.1734601 1.1403356 1.107242\n", + " 1.0847833 1.0733775 1.0698504 1.06807 1.0621489 1.0525851 1.044895\n", + " 1.0414313 1.0425451 1.047324 1.0520245 1.0543671 1.0547863 0. ]\n", + " [1.1742136 1.1687156 1.1787453 1.1890388 1.1775855 1.1435441 1.1084439\n", + " 1.0856587 1.0750208 1.0736912 1.0747968 1.0701927 1.0616825 1.0528823\n", + " 1.04856 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1893302 1.1861625 1.1965781 1.205282 1.1912661 1.1559842 1.1192701\n", + " 1.0943521 1.0818579 1.0778927 1.0759021 1.0697004 1.0594653 1.0510015\n", + " 1.0471797 1.0496033 1.0551273 1.0602834 1.0628613 1.0638418 0. ]\n", + " [1.1632808 1.1594298 1.1685399 1.1768852 1.1640074 1.1325161 1.1000187\n", + " 1.0791434 1.0694851 1.0680172 1.0681993 1.0631173 1.0543957 1.0461422\n", + " 1.0429041 1.04454 0. 0. 0. 0. 0. ]\n", + " [1.1722838 1.1672708 1.1753812 1.183542 1.1703559 1.1372309 1.1048279\n", + " 1.0836314 1.0744606 1.0737895 1.073583 1.0688334 1.0592799 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1885232 1.1843411 1.1955513 1.205493 1.1931719 1.1575321 1.1197057\n", + " 1.0942543 1.0811011 1.0770402 1.0753281 1.0688646 1.0592625 1.0509261\n", + " 1.0470617 1.0491877 1.0549189 1.0604383 1.0627857 1.0637417 0. ]\n", + " [1.1580473 1.1559973 1.1674621 1.1769848 1.1662776 1.1336966 1.1010975\n", + " 1.0793368 1.0680643 1.0641463 1.0624186 1.0570321 1.048924 1.0419409\n", + " 1.0387458 1.040197 1.0450535 1.0490788 1.0520313 1.0535319 1.0548356]]\n", + "[[1.181832 1.1799301 1.1912743 1.1993883 1.1851186 1.1502365 1.1138427\n", + " 1.0899293 1.0783237 1.0755767 1.074126 1.0679944 1.0586146 1.0503101\n", + " 1.0462976 1.0479314 1.0530735 1.0579194 1.0601679 0. ]\n", + " [1.179461 1.1765996 1.1870039 1.1960438 1.1821756 1.1489264 1.1137025\n", + " 1.0899751 1.0782003 1.0741268 1.0720347 1.0652981 1.0553131 1.0472543\n", + " 1.0437914 1.0454185 1.0512024 1.0562465 1.0588679 1.0596136]\n", + " [1.1636155 1.1595966 1.1691456 1.177689 1.165534 1.1322527 1.0994143\n", + " 1.0777998 1.068747 1.0672153 1.0675046 1.0635114 1.0551975 1.0472165\n", + " 1.0437907 0. 0. 0. 0. 0. ]\n", + " [1.1896404 1.1840826 1.193002 1.2014997 1.1883042 1.1529552 1.1163486\n", + " 1.0919721 1.0809811 1.0790169 1.0794437 1.0746081 1.065078 1.055997\n", + " 1.0522012 0. 0. 0. 0. 0. ]\n", + " [1.1667743 1.1623207 1.1713796 1.1799309 1.1666895 1.1342854 1.1011635\n", + " 1.079823 1.0699209 1.0685406 1.0690573 1.0650632 1.0562507 1.0480784\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.169883 1.1661004 1.1756734 1.1845589 1.1731176 1.1405617 1.10819\n", + " 1.0857216 1.0742441 1.0707722 1.0690913 1.0641501 1.0554199 1.0474057\n", + " 1.0439837 1.0455688 1.0504153 1.0556537]\n", + " [1.1887388 1.1840826 1.1949512 1.2050127 1.1920826 1.1560453 1.1191866\n", + " 1.0947709 1.0830399 1.0816411 1.0812798 1.0762321 1.0665644 1.0567043\n", + " 1.0520756 1.0540423 0. 0. ]\n", + " [1.1626061 1.1588866 1.1703299 1.1796685 1.1693786 1.1371517 1.1027826\n", + " 1.079478 1.069429 1.06693 1.066583 1.0617062 1.0531173 1.044464\n", + " 1.040898 1.0420723 1.046948 1.052223 ]\n", + " [1.1649873 1.1603373 1.1704133 1.1791713 1.1675956 1.1359518 1.103359\n", + " 1.0807523 1.0707324 1.0685933 1.0682214 1.0633998 1.054707 1.0460757\n", + " 1.0423521 1.0442439 1.0495126 0. ]\n", + " [1.1666888 1.161645 1.1702925 1.1787093 1.1678005 1.1364979 1.1032846\n", + " 1.0821254 1.0718594 1.0698924 1.0699997 1.0654702 1.0571563 1.0488789\n", + " 1.0450578 1.0467101 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1781745 1.1735406 1.1840178 1.1940305 1.1814152 1.1482724 1.1136919\n", + " 1.0896809 1.0786889 1.0757549 1.0751629 1.0703986 1.0608066 1.0518202\n", + " 1.0475717 1.0490965 1.0550165 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1730994 1.1707247 1.1806421 1.1883774 1.1742069 1.1410575 1.1067709\n", + " 1.0841129 1.0733968 1.0709078 1.069843 1.0643624 1.0555216 1.0476595\n", + " 1.0435765 1.045375 1.0503839 1.055388 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1726413 1.168786 1.1791787 1.1872451 1.1757205 1.1421216 1.1064638\n", + " 1.0841714 1.0732219 1.0719697 1.072475 1.0676084 1.0589482 1.0504533\n", + " 1.0466537 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1589183 1.1567494 1.1668924 1.1756686 1.1659647 1.1353414 1.1032295\n", + " 1.0816948 1.070071 1.0661628 1.06334 1.0578853 1.0492789 1.0419915\n", + " 1.0391308 1.0411183 1.045623 1.0503429 1.0526001 1.0533804 1.0544643\n", + " 1.0578301 1.0647955]\n", + " [1.1700964 1.1660337 1.1764126 1.1857567 1.17489 1.1402485 1.1056952\n", + " 1.0833274 1.072105 1.0704279 1.0707848 1.0659628 1.0572187 1.0491014\n", + " 1.0453254 1.0475148 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.173907 1.1710086 1.1817505 1.190291 1.1768225 1.1431283 1.1087799\n", + " 1.0856295 1.0736749 1.0699879 1.0683445 1.062596 1.0542885 1.0467061\n", + " 1.0435014 1.0453459 1.0501188 1.0546645 1.0575086 1.0588719 0. ]\n", + " [1.174868 1.1698349 1.1782264 1.1866003 1.1736529 1.143343 1.1111177\n", + " 1.0892242 1.0787145 1.0769426 1.0762476 1.0703738 1.061015 1.0523221\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1675769 1.1656849 1.1763066 1.1852767 1.1724507 1.1396203 1.1057812\n", + " 1.0826268 1.0711532 1.0677595 1.0668727 1.0618546 1.0536283 1.0454504\n", + " 1.0421928 1.0436815 1.0487362 1.0540919 1.05692 0. 0. ]\n", + " [1.1717372 1.1690215 1.1790478 1.1875432 1.176189 1.1438881 1.1099387\n", + " 1.0866704 1.0749971 1.0704408 1.0680746 1.0625274 1.053546 1.0457541\n", + " 1.0422133 1.0444238 1.0495616 1.0542835 1.0564694 1.0570006 1.0584568]\n", + " [1.181469 1.176809 1.1869688 1.1943501 1.1827154 1.1484976 1.1133687\n", + " 1.089329 1.0781225 1.0751865 1.0750675 1.0699835 1.0609889 1.0523447\n", + " 1.0487432 1.0508094 1.0566012 0. 0. 0. 0. ]]\n", + "[[1.1668853 1.1634853 1.1730386 1.1813316 1.1699233 1.1381369 1.1039262\n", + " 1.08072 1.0708939 1.0694535 1.0699209 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1570147 1.1545157 1.1638405 1.1730264 1.163149 1.13237 1.1005892\n", + " 1.0794377 1.0687797 1.0651562 1.062951 1.0573866 1.0489392 1.0416931\n", + " 1.0390406 1.0406995 1.0456825 1.0495486 1.05201 1.0525496 1.05322\n", + " 1.0564139 1.0631092]\n", + " [1.1645235 1.1594329 1.1686947 1.1775132 1.1664357 1.1357795 1.1040165\n", + " 1.0823082 1.0722556 1.0696988 1.0694947 1.0647354 1.0556949 1.0474651\n", + " 1.0432763 1.0450583 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1537069 1.149627 1.159062 1.167289 1.1564376 1.1253467 1.0943778\n", + " 1.0736367 1.0637354 1.061245 1.0610613 1.0568479 1.0487972 1.041846\n", + " 1.0385532 1.0400268 1.0446589 1.0491986 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1751497 1.1730623 1.1843047 1.1934055 1.1807396 1.1459062 1.1110482\n", + " 1.0871354 1.0752572 1.0717803 1.0700358 1.0643148 1.0556781 1.0475599\n", + " 1.0446466 1.0463793 1.0510203 1.0557323 1.0581977 1.0595319 1.0619067\n", + " 0. 0. ]]\n", + "[[1.1690123 1.1645823 1.1740578 1.1819849 1.1714594 1.1386896 1.1051905\n", + " 1.0827891 1.0727997 1.0704322 1.0703188 1.0655884 1.0570029 1.0486526\n", + " 1.0450132 1.0469625 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1609559 1.1573384 1.1681122 1.1769408 1.1656549 1.1331896 1.0995603\n", + " 1.0783341 1.0685903 1.0661968 1.0662832 1.061348 1.0526224 1.044533\n", + " 1.0410923 1.0427482 1.0478297 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.159522 1.1547639 1.1640723 1.1718028 1.1619323 1.1309673 1.0997791\n", + " 1.0789034 1.0694728 1.0680982 1.0679846 1.0633124 1.0545688 1.0465331\n", + " 1.0430448 1.0450205 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1822084 1.1799413 1.1919675 1.2020701 1.1893106 1.1541184 1.1163962\n", + " 1.0916954 1.0791686 1.0752059 1.0733912 1.0681953 1.0577688 1.0499618\n", + " 1.0460863 1.0476975 1.0527322 1.0581701 1.0608635 1.0617878 0.\n", + " 0. ]\n", + " [1.164765 1.161354 1.1723067 1.1823555 1.1709816 1.1395738 1.105887\n", + " 1.0829703 1.0714085 1.0675652 1.0655882 1.0595133 1.0511341 1.0436492\n", + " 1.0409205 1.0423442 1.0471234 1.0518523 1.0546868 1.0560439 1.057607\n", + " 1.0614505]]\n", + "[[1.1986688 1.1928134 1.2028174 1.2101336 1.196156 1.1593716 1.1218868\n", + " 1.0967625 1.0858272 1.08412 1.084965 1.07934 1.0692279 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1735463 1.1696255 1.1783484 1.1860689 1.1725893 1.1399438 1.1060582\n", + " 1.0838367 1.0729922 1.0691168 1.0676363 1.0619283 1.0530019 1.0457191\n", + " 1.0425272 1.0442786 1.0494109 1.0543164 1.0566332 1.0576999 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1659238 1.1628741 1.1739123 1.184114 1.1748539 1.1421576 1.1094296\n", + " 1.08714 1.0752853 1.0703338 1.0677927 1.0611787 1.0515188 1.0436926\n", + " 1.0407053 1.0435268 1.0487009 1.0540757 1.0567024 1.056442 1.056776\n", + " 1.06024 1.0679218 1.0779456 1.0860809 1.0897514 1.0909613]\n", + " [1.1691632 1.1662271 1.1758664 1.1854116 1.1738858 1.141144 1.1076909\n", + " 1.0846115 1.073831 1.0706433 1.0694369 1.0635954 1.0546036 1.0459898\n", + " 1.0423573 1.0438131 1.0487045 1.0533807 1.0558555 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1686313 1.1671216 1.1770482 1.186963 1.1754307 1.1429386 1.1095126\n", + " 1.086883 1.0747117 1.0705514 1.068197 1.061874 1.0532602 1.0452272\n", + " 1.0419985 1.0441929 1.0487165 1.053079 1.0546937 1.0553288 1.056481\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1859955 1.1811249 1.1912011 1.1995074 1.1877007 1.1529517 1.1169176\n", + " 1.0932075 1.081785 1.0794713 1.0792837 1.0736203 1.0643922 1.0553867\n", + " 1.0515249 0. 0. 0. 0. 0. ]\n", + " [1.175143 1.1711501 1.1794327 1.18842 1.1750865 1.1423666 1.1087914\n", + " 1.086566 1.0754409 1.0721474 1.0717924 1.0661421 1.0574865 1.049325\n", + " 1.0459352 1.0475097 1.052862 1.0579771 0. 0. ]\n", + " [1.1846843 1.1795601 1.1885495 1.1956017 1.1843443 1.1502051 1.1145233\n", + " 1.0904453 1.0790476 1.0755731 1.0754519 1.070525 1.0609719 1.0524799\n", + " 1.048333 1.0505186 1.0562484 0. 0. 0. ]\n", + " [1.1723018 1.1678872 1.1768918 1.1858778 1.1734111 1.1409328 1.1072061\n", + " 1.0846828 1.073913 1.070729 1.0698327 1.0651493 1.0563014 1.0482948\n", + " 1.0445579 1.0463647 1.0517699 0. 0. 0. ]\n", + " [1.164426 1.1616994 1.1730313 1.1826919 1.1727314 1.1394498 1.104365\n", + " 1.081021 1.069564 1.0663779 1.0646502 1.0599295 1.0512183 1.0438539\n", + " 1.0400225 1.041429 1.0461557 1.0508361 1.0534966 1.0545123]]\n", + "[[1.1789751 1.1743705 1.1846093 1.1923723 1.1786213 1.1452259 1.1110595\n", + " 1.0888658 1.0787736 1.077919 1.0779461 1.0725387 1.0619171 1.0527701\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.173122 1.1701195 1.1805183 1.1896101 1.177223 1.1432624 1.1089427\n", + " 1.0860075 1.0751832 1.0730933 1.0725316 1.0674523 1.0581291 1.0498588\n", + " 1.046045 1.0478988 1.053081 0. 0. ]\n", + " [1.1671251 1.1641396 1.1736027 1.1824803 1.1704308 1.1375606 1.1044939\n", + " 1.081811 1.0705764 1.0672275 1.0655485 1.0611576 1.0523708 1.0452309\n", + " 1.0412987 1.0433924 1.0482742 1.0531683 1.0554581]\n", + " [1.1768143 1.173443 1.1836424 1.1922815 1.179994 1.1449977 1.1094635\n", + " 1.0855657 1.0752715 1.0724449 1.0708563 1.0650351 1.0553675 1.0468563\n", + " 1.0434726 1.0455476 1.0509436 1.0559359 1.0584968]\n", + " [1.1700612 1.165776 1.1748742 1.1829808 1.1717058 1.139723 1.1058013\n", + " 1.0837512 1.0726633 1.0699512 1.0696002 1.0645019 1.0557735 1.0475601\n", + " 1.0441597 1.0462571 1.0516343 0. 0. ]]\n", + "[[1.1727669 1.1694756 1.1803658 1.1895827 1.1768993 1.1437576 1.1088603\n", + " 1.0858307 1.0752121 1.0728654 1.0724434 1.0670935 1.05808 1.0490398\n", + " 1.0453341 1.0470083 1.0526174 0. ]\n", + " [1.1653826 1.1625841 1.1728942 1.1820561 1.1691748 1.1367881 1.102856\n", + " 1.0801046 1.0695564 1.0674455 1.0667009 1.0625291 1.0540699 1.0468175\n", + " 1.043159 1.0448424 1.0498981 0. ]\n", + " [1.1708311 1.168199 1.1793779 1.1875812 1.1754066 1.141309 1.1062354\n", + " 1.0834436 1.0723507 1.0700296 1.0692194 1.0643249 1.0557425 1.0473502\n", + " 1.0438535 1.0456066 1.0506619 1.0558239]\n", + " [1.1732622 1.1678834 1.1772643 1.1848538 1.1735449 1.1405562 1.1061748\n", + " 1.084388 1.0746264 1.0733808 1.0737889 1.0690069 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1590757 1.1555493 1.1656724 1.1748352 1.1636736 1.1326011 1.0999676\n", + " 1.0786897 1.06899 1.0672008 1.0678712 1.0638549 1.0556695 1.0473454\n", + " 1.0436413 0. 0. 0. ]]\n", + "[[1.1952819 1.1917543 1.2041875 1.2135918 1.2013074 1.1636188 1.1242307\n", + " 1.0981191 1.0855618 1.082434 1.0814958 1.0753943 1.064751 1.0552555\n", + " 1.0511386 1.0529705 1.0588399 1.0645906 1.0672505]\n", + " [1.189657 1.1837486 1.1943077 1.2029006 1.188169 1.1520166 1.1152306\n", + " 1.0912771 1.0805813 1.0785152 1.0792564 1.074162 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1685901 1.1643178 1.172786 1.1805332 1.1681485 1.1344739 1.1017786\n", + " 1.0803723 1.070992 1.0702534 1.0705879 1.0662884 1.0573695 1.0486947\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1683106 1.1644591 1.1739438 1.1816909 1.1690073 1.1364545 1.1035471\n", + " 1.0813379 1.0705522 1.0678133 1.066641 1.0616544 1.0533342 1.0458791\n", + " 1.0425804 1.0441021 1.048984 1.0536966 1.0561599]\n", + " [1.1871781 1.1829802 1.1919532 1.2010862 1.1886288 1.153892 1.1184793\n", + " 1.094218 1.0826422 1.0788367 1.0768659 1.0700872 1.0599214 1.0514262\n", + " 1.0479189 1.0503243 1.056036 1.0613061 1.0634332]]\n", + "[[1.1829611 1.1779906 1.18785 1.1956885 1.1810898 1.1455051 1.1097699\n", + " 1.0862979 1.0762932 1.0746738 1.0750377 1.0703987 1.0610201 1.0528234\n", + " 1.0488378 0. 0. 0. 0. 0. ]\n", + " [1.2073361 1.2019717 1.2122589 1.2201107 1.2037953 1.1642503 1.1259341\n", + " 1.1015924 1.0913305 1.0900145 1.0901699 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.180748 1.1755337 1.1854377 1.1946495 1.1820273 1.1472393 1.1123648\n", + " 1.0897024 1.0797786 1.0784383 1.0784531 1.0725887 1.0623037 1.053144\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1655068 1.1610241 1.1696405 1.1779222 1.166033 1.1349187 1.1024668\n", + " 1.0804687 1.0694656 1.0671577 1.0665487 1.0626836 1.0546991 1.0470749\n", + " 1.0438106 1.0455099 1.0507302 0. 0. 0. ]\n", + " [1.1819254 1.1787019 1.1894674 1.1989902 1.187254 1.1523606 1.115731\n", + " 1.0907179 1.0785708 1.0746058 1.0730573 1.0670242 1.0576212 1.0493383\n", + " 1.0455722 1.046964 1.0521114 1.0575211 1.0601135 1.0614913]]\n", + "[[1.1871493 1.1822741 1.1922976 1.2007872 1.1886904 1.1539183 1.1183491\n", + " 1.0941423 1.0816199 1.0788362 1.0779543 1.0721136 1.0622437 1.0532571\n", + " 1.0492077 1.0511683 1.0569152 1.0624039 0. 0. 0.\n", + " 0. ]\n", + " [1.1640016 1.1586541 1.166413 1.173574 1.1615555 1.1313722 1.0999075\n", + " 1.0796387 1.0706551 1.0691506 1.0696592 1.0649354 1.0560561 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1710505 1.1675382 1.1772796 1.1861861 1.1745085 1.1411167 1.1076895\n", + " 1.0849016 1.0746344 1.0719694 1.0711457 1.0653197 1.0563371 1.0481967\n", + " 1.0441917 1.0464911 1.051757 1.0569291 0. 0. 0.\n", + " 0. ]\n", + " [1.1501092 1.1491433 1.1596059 1.1686738 1.1591674 1.128254 1.0961882\n", + " 1.075488 1.0648383 1.0611743 1.0594199 1.0535758 1.0455711 1.0386368\n", + " 1.0362718 1.0377202 1.0417745 1.0460938 1.0484852 1.049444 1.0507634\n", + " 1.0539807]\n", + " [1.1716988 1.1694884 1.1817281 1.1911019 1.1782886 1.1445459 1.1087308\n", + " 1.085175 1.0732665 1.0705571 1.0690163 1.0633614 1.0545429 1.0464996\n", + " 1.0430498 1.0443714 1.0491631 1.0539691 1.0560176 1.0571183 0.\n", + " 0. ]]\n", + "[[1.2032291 1.1973859 1.207447 1.215847 1.202012 1.1644994 1.1259129\n", + " 1.1003628 1.088642 1.0867462 1.0870483 1.081763 1.0710922 1.0612978\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2007369 1.1957016 1.2064705 1.2161717 1.2025135 1.1664565 1.1286894\n", + " 1.1033967 1.0919838 1.0893298 1.0900055 1.0844998 1.072685 1.0624484\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1670384 1.1631633 1.1733896 1.1820445 1.169111 1.1369367 1.1038642\n", + " 1.0816616 1.0711701 1.0688037 1.0680476 1.0624168 1.0540278 1.0462052\n", + " 1.0426574 1.0443953 1.0494393 1.0547172 0. 0. 0.\n", + " 0. ]\n", + " [1.1575251 1.1556622 1.1664048 1.1762273 1.1655804 1.1339873 1.1015209\n", + " 1.0796717 1.068701 1.0649754 1.0628848 1.0573765 1.049027 1.0422975\n", + " 1.0391212 1.0406406 1.0450875 1.0497947 1.0517659 1.0526515 1.0537263\n", + " 1.0568255]\n", + " [1.1840463 1.179552 1.1904342 1.2003086 1.1872743 1.1503848 1.1132873\n", + " 1.0885336 1.0769066 1.0743235 1.0736713 1.0689669 1.0597914 1.0515499\n", + " 1.0478753 1.0498705 1.0558034 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1479696 1.1433222 1.1516199 1.1585964 1.1492599 1.1203805 1.0908599\n", + " 1.0713389 1.0620077 1.0601027 1.0604949 1.0563155 1.048654 1.041348\n", + " 1.0379977 1.039539 0. 0. 0. ]\n", + " [1.1968013 1.1912404 1.2012973 1.2104619 1.1966841 1.1612586 1.1242313\n", + " 1.0995038 1.0882298 1.0862197 1.0861295 1.0798205 1.0692326 1.0592396\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1563029 1.1521015 1.1612684 1.1696736 1.1582414 1.128175 1.0964371\n", + " 1.0756077 1.0667984 1.0654612 1.0666778 1.062697 1.0543439 1.0462798\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.174963 1.1722492 1.1828047 1.1917894 1.1803131 1.1460314 1.1113253\n", + " 1.0873882 1.0758402 1.0725806 1.07084 1.0661539 1.0572308 1.049378\n", + " 1.0455203 1.0473421 1.052458 1.0573052 1.0598462]\n", + " [1.1687135 1.1642396 1.1727104 1.1805587 1.1697336 1.1382163 1.1054744\n", + " 1.083816 1.0729337 1.071073 1.07069 1.0657145 1.0574563 1.0486405\n", + " 1.0446632 1.0465261 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1725862 1.1688691 1.179252 1.1878319 1.1737949 1.1401523 1.1057773\n", + " 1.0831131 1.0731971 1.0715809 1.0723774 1.0681741 1.0593282 1.0509533\n", + " 1.0470291 0. 0. 0. 0. 0. ]\n", + " [1.1825925 1.1776274 1.1882951 1.198553 1.1866379 1.1520252 1.1154506\n", + " 1.0907917 1.0781955 1.0752068 1.0744171 1.0694921 1.0598593 1.0512773\n", + " 1.047369 1.0490749 1.0542884 1.0597167 0. 0. ]\n", + " [1.1680499 1.1635607 1.1739123 1.1837335 1.1729636 1.140374 1.1062722\n", + " 1.0836285 1.0731809 1.07171 1.0721761 1.0681334 1.0587004 1.0501311\n", + " 1.0457631 0. 0. 0. 0. 0. ]\n", + " [1.1685828 1.1642116 1.1747912 1.1834197 1.1720124 1.1387622 1.1050276\n", + " 1.0826232 1.0717156 1.0683858 1.0669918 1.0614429 1.0530021 1.0454013\n", + " 1.0422077 1.0437826 1.0486846 1.0531518 1.0552769 1.0559138]\n", + " [1.1559738 1.1519746 1.1600804 1.1696237 1.1593664 1.1289531 1.0970328\n", + " 1.075166 1.0646462 1.0621388 1.0614725 1.0576386 1.0496315 1.0425037\n", + " 1.0391539 1.0403031 1.0448343 1.0496169 0. 0. ]]\n", + "[[1.2137554 1.2065461 1.21271 1.2187711 1.2032493 1.1670222 1.131499\n", + " 1.1071771 1.0954205 1.0920538 1.090498 1.0834575 1.0726694 1.0631427\n", + " 1.0592086 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1913954 1.1851503 1.1935 1.2031443 1.1893597 1.1537174 1.1171082\n", + " 1.0932477 1.0825273 1.0808506 1.0813173 1.0762643 1.0662061 1.0568049\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1714962 1.1683697 1.1788367 1.1871269 1.1762003 1.1419382 1.1073215\n", + " 1.0849998 1.0741768 1.0724746 1.0726347 1.0679451 1.0586699 1.050358\n", + " 1.046386 1.0483102 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1609955 1.1596011 1.1724118 1.1835195 1.1726876 1.1395323 1.1050098\n", + " 1.0823113 1.0711266 1.0677001 1.0657305 1.0601563 1.051217 1.043825\n", + " 1.0405324 1.0424409 1.047523 1.0528097 1.0551704 1.0560523 1.0573095\n", + " 1.0605432 1.0679548 1.0774782]\n", + " [1.1561089 1.1523565 1.1616517 1.1691968 1.1575546 1.1266985 1.0951676\n", + " 1.0751243 1.0657046 1.0647377 1.0650064 1.060577 1.0522774 1.044824\n", + " 1.0414522 1.0431811 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1830088 1.1781393 1.1896968 1.1994975 1.1873978 1.1525487 1.1157708\n", + " 1.0916948 1.0811387 1.0804546 1.0810976 1.0753838 1.0647058 0.\n", + " 0. ]\n", + " [1.1755109 1.1690104 1.1775044 1.1862981 1.1749126 1.1427336 1.1085767\n", + " 1.0873574 1.0771312 1.0753088 1.0749564 1.0694401 1.059702 1.0504456\n", + " 1.046644 ]]\n", + "[[1.1682253 1.1645232 1.1738266 1.1829532 1.1709172 1.1374891 1.1040902\n", + " 1.0820119 1.07227 1.071203 1.0708272 1.0667573 1.0580013 1.04971\n", + " 1.0456555 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1744697 1.1706954 1.1811712 1.1903522 1.1771885 1.1434337 1.1093551\n", + " 1.0865581 1.0750849 1.071203 1.0691818 1.0633987 1.0546752 1.0471022\n", + " 1.043574 1.045684 1.0509623 1.0559599 1.0589244 1.0600799 0.\n", + " 0. 0. 0. ]\n", + " [1.1507933 1.1470467 1.1555897 1.1627841 1.1519837 1.1235814 1.0941464\n", + " 1.0736418 1.0635052 1.0603783 1.0590255 1.0539658 1.0464936 1.0395081\n", + " 1.0366797 1.0381002 1.0425216 1.0467417 1.0491073 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1814022 1.1775062 1.1877456 1.1967096 1.1857504 1.151274 1.1150888\n", + " 1.0910516 1.0790387 1.0745554 1.0717529 1.0653019 1.0553505 1.0470322\n", + " 1.0441923 1.0466486 1.052647 1.0570481 1.0595978 1.0610399 1.0627793\n", + " 1.0661675 1.0739238 1.0834842]\n", + " [1.1644913 1.1607349 1.1713202 1.1798607 1.166533 1.134095 1.1001866\n", + " 1.0785648 1.0679077 1.066212 1.0653238 1.0607332 1.0522778 1.0450599\n", + " 1.0414314 1.0434082 1.0483084 1.052966 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1913036 1.1852062 1.1952579 1.2039557 1.1897705 1.154404 1.1180928\n", + " 1.094686 1.0842328 1.0830107 1.0838 1.0783252 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.165786 1.1628002 1.1725397 1.1814431 1.1704035 1.137988 1.1043264\n", + " 1.0816624 1.0710882 1.0700532 1.0700674 1.065353 1.0565482 1.0479542\n", + " 1.0439177 1.0456413 0. 0. 0. 0. ]\n", + " [1.1808978 1.172489 1.1796116 1.1863778 1.1747502 1.1426383 1.1088675\n", + " 1.086388 1.0763149 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1693236 1.1647199 1.1732508 1.1804559 1.1686051 1.1364332 1.1038947\n", + " 1.0820435 1.0710114 1.0672816 1.0650532 1.0597694 1.0512474 1.0440799\n", + " 1.0407662 1.0424834 1.0470445 1.0519559 1.0546595 1.0560449]\n", + " [1.1524531 1.1498938 1.1599475 1.1688142 1.1571918 1.127231 1.095721\n", + " 1.074698 1.0642872 1.0613681 1.0602545 1.0553255 1.0474858 1.0404243\n", + " 1.0371591 1.0385326 1.0426775 1.0471833 1.0497628 0. ]]\n", + "[[1.1682421 1.1665831 1.1784539 1.1886251 1.1766714 1.1432034 1.1080524\n", + " 1.0845469 1.0731065 1.0691234 1.0672624 1.0611525 1.052379 1.0445731\n", + " 1.041593 1.0429981 1.04805 1.0529302 1.0555757 1.0565434 1.0581366\n", + " 1.06179 0. 0. 0. ]\n", + " [1.1628337 1.1603882 1.1713356 1.182022 1.1721787 1.1401769 1.1079063\n", + " 1.0858895 1.0745741 1.070134 1.0670602 1.0611635 1.0515959 1.0437762\n", + " 1.04063 1.0430783 1.0481704 1.0533234 1.0546008 1.0549186 1.0561234\n", + " 1.0591329 1.066679 1.076527 1.0845138]\n", + " [1.175653 1.1736292 1.1852155 1.1932315 1.1799793 1.1441708 1.1088027\n", + " 1.0858122 1.075363 1.0727239 1.0716705 1.0670043 1.057924 1.0491601\n", + " 1.045623 1.0473979 1.0524274 1.0578743 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1957572 1.1910235 1.2031817 1.2141514 1.2002608 1.1623679 1.1234007\n", + " 1.0976266 1.086417 1.085011 1.0859015 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.180563 1.1750515 1.1845112 1.1944516 1.1824433 1.1492801 1.1133046\n", + " 1.088502 1.0774792 1.0744903 1.074215 1.0689075 1.059701 1.0515852\n", + " 1.0479888 1.0506272 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.174301 1.1724517 1.182307 1.1901885 1.1773455 1.143418 1.1080121\n", + " 1.0856049 1.0747192 1.0723314 1.0710422 1.0660758 1.0571619 1.048704\n", + " 1.0451059 1.0467992 1.0519322 1.0570831 0. 0. ]\n", + " [1.1529522 1.1507201 1.1618297 1.1705923 1.1596246 1.1278801 1.0967302\n", + " 1.0759422 1.0655818 1.0622771 1.0605631 1.0553237 1.0471053 1.0403349\n", + " 1.037182 1.0388441 1.0431931 1.0474018 1.0497446 1.0504307]\n", + " [1.1563103 1.1534754 1.1630394 1.1719581 1.1595112 1.1286602 1.0965856\n", + " 1.0752908 1.0655062 1.0639619 1.0640919 1.059977 1.0521373 1.04473\n", + " 1.0412472 1.0430156 0. 0. 0. 0. ]\n", + " [1.1651707 1.1623472 1.1723113 1.1819167 1.1704898 1.137749 1.1047537\n", + " 1.082362 1.0709 1.0675447 1.0659213 1.0601624 1.0518928 1.0443858\n", + " 1.0410025 1.0425583 1.047593 1.0527523 1.0554266 1.0567906]\n", + " [1.1709793 1.1669723 1.177458 1.1861104 1.1738689 1.1411635 1.1070497\n", + " 1.0846347 1.0742072 1.07218 1.0714092 1.0664651 1.0571156 1.0485502\n", + " 1.0450557 1.0466759 1.0521911 0. 0. 0. ]]\n", + "[[1.1616237 1.1584041 1.1675761 1.1749642 1.1627567 1.131218 1.0995485\n", + " 1.078064 1.0675192 1.0645204 1.0635266 1.0587331 1.0501977 1.0434494\n", + " 1.0403749 1.0422715 1.0472418 1.0522248 0. 0. 0. ]\n", + " [1.171551 1.1663353 1.1749263 1.1829765 1.17019 1.1370356 1.1039993\n", + " 1.0826617 1.0733204 1.0725217 1.0727952 1.0688307 1.0595648 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1732389 1.1699307 1.1812402 1.1900641 1.1778263 1.1437883 1.1086587\n", + " 1.086187 1.0754135 1.0732989 1.0736659 1.0687753 1.0601228 1.0516355\n", + " 1.0477412 1.0495732 0. 0. 0. 0. 0. ]\n", + " [1.1787052 1.1736394 1.1834229 1.1922383 1.1819186 1.148268 1.1127868\n", + " 1.0895159 1.0781972 1.0752381 1.0742143 1.0692836 1.0594553 1.0505728\n", + " 1.0465125 1.0481845 1.0537918 0. 0. 0. 0. ]\n", + " [1.1842438 1.1810896 1.1916625 1.2017376 1.188857 1.1535685 1.1173573\n", + " 1.092899 1.0798473 1.075444 1.0728828 1.0665978 1.056782 1.0490439\n", + " 1.0457798 1.0476089 1.0532134 1.0580182 1.0606714 1.0620073 1.06367 ]]\n", + "[[1.1636127 1.1598097 1.170578 1.1793399 1.1686912 1.1357306 1.1022748\n", + " 1.0799202 1.0697718 1.0671306 1.0668281 1.0623624 1.0541376 1.0459325\n", + " 1.0423219 1.0438235 1.0487113 1.0535185]\n", + " [1.1632527 1.1597867 1.1698422 1.1784961 1.166841 1.1347173 1.1020697\n", + " 1.0802966 1.0697702 1.0668886 1.0659072 1.0605983 1.0521656 1.0447189\n", + " 1.0414602 1.0428828 1.0478339 1.0527102]\n", + " [1.2146227 1.2081099 1.2173227 1.2256784 1.2096809 1.172271 1.1329496\n", + " 1.1066134 1.0945625 1.0924786 1.0923759 1.0859983 1.0743579 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1803759 1.1757379 1.186031 1.1938472 1.1816995 1.1474606 1.1120583\n", + " 1.0891509 1.0791842 1.07792 1.0783025 1.0728233 1.0629715 1.0536413\n", + " 0. 0. 0. 0. ]\n", + " [1.1784022 1.1739312 1.1838356 1.1926404 1.1802915 1.1465069 1.1108713\n", + " 1.0869052 1.0758419 1.072817 1.0731093 1.068736 1.0596395 1.0510852\n", + " 1.0473943 1.0493666 1.0549827 0. ]]\n", + "[[1.1627665 1.1586105 1.1682763 1.176631 1.1653975 1.1336052 1.1018109\n", + " 1.0801009 1.069831 1.0669645 1.0662138 1.061862 1.0534558 1.0459205\n", + " 1.0424412 1.0442767 1.0491493 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1763383 1.1707091 1.1805022 1.1893729 1.1785839 1.1446507 1.109612\n", + " 1.0863618 1.0754157 1.0734006 1.0735519 1.0686215 1.05934 1.0506055\n", + " 1.0465584 1.048383 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1663947 1.1642914 1.1761684 1.186424 1.1736405 1.139748 1.1054578\n", + " 1.0825312 1.0710137 1.0675992 1.0656444 1.0601918 1.0512569 1.0442615\n", + " 1.0409663 1.0426226 1.0472885 1.0516703 1.0544598 1.0554209 1.0566204\n", + " 1.060371 ]\n", + " [1.1718272 1.1678927 1.1782216 1.1872087 1.1749765 1.1419328 1.1077158\n", + " 1.0849229 1.0745486 1.071786 1.072353 1.0679094 1.059007 1.0503998\n", + " 1.0463778 1.0481522 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1706858 1.1657033 1.1755714 1.1850432 1.1731739 1.1404245 1.1069012\n", + " 1.0836756 1.0728141 1.0694523 1.0682468 1.0626092 1.0536541 1.045695\n", + " 1.0420667 1.0438609 1.0488759 1.0539337 1.0563474 0. 0.\n", + " 0. ]]\n", + "[[1.2065654 1.2006816 1.2116023 1.2214012 1.2064775 1.1670898 1.1281538\n", + " 1.102881 1.0925467 1.0915337 1.0923023 1.085889 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1558331 1.1534032 1.1631988 1.1709646 1.1595206 1.1288422 1.0972047\n", + " 1.0760486 1.0660087 1.0639014 1.0629878 1.0589665 1.050904 1.0436412\n", + " 1.0405172 1.0422289 1.0466493 1.0512389 0. 0. 0. ]\n", + " [1.1989281 1.1936009 1.2025745 1.2112269 1.1973152 1.1604685 1.1221534\n", + " 1.0980875 1.0867772 1.0851159 1.0860384 1.0800279 1.069795 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1899196 1.1841342 1.193169 1.2013893 1.1876208 1.1524162 1.116175\n", + " 1.092853 1.0818615 1.081039 1.0823133 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1825453 1.1798552 1.1920828 1.2017292 1.1892002 1.1544906 1.117687\n", + " 1.0932783 1.08108 1.0771828 1.0745794 1.0675986 1.0577335 1.0490507\n", + " 1.0453049 1.0472431 1.0524547 1.057372 1.0596195 1.0606745 1.0619825]]\n", + "[[1.1865475 1.1821908 1.1919935 1.2007792 1.1884632 1.1541582 1.118339\n", + " 1.0935683 1.082541 1.079833 1.0794555 1.0743998 1.0645633 1.055642\n", + " 1.0515826 1.0536187 0. 0. 0. 0. ]\n", + " [1.1962454 1.1923224 1.2043521 1.2141788 1.200223 1.162659 1.1234218\n", + " 1.097096 1.0862321 1.0851498 1.0853077 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1884104 1.1850215 1.19557 1.2033834 1.191674 1.1568931 1.1204987\n", + " 1.094407 1.0811884 1.0776486 1.0756704 1.0697507 1.0594449 1.0511968\n", + " 1.0476689 1.0496354 1.0547128 1.0599521 1.0623522 1.0632219]\n", + " [1.1805212 1.1768359 1.1867895 1.1942959 1.1814939 1.1467589 1.1116705\n", + " 1.0887864 1.0773561 1.0745374 1.073357 1.0675209 1.0580592 1.0497234\n", + " 1.0462525 1.0485293 1.053861 1.0595205 0. 0. ]\n", + " [1.1937054 1.1884193 1.1984172 1.2061435 1.1911051 1.1545274 1.1170397\n", + " 1.092176 1.0817591 1.0807514 1.0815117 1.076692 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1659201 1.1620128 1.1724918 1.1815042 1.1702847 1.137324 1.1037943\n", + " 1.0811932 1.0712078 1.0701532 1.0702202 1.0657082 1.056593 1.047998\n", + " 1.0440667 1.0458919 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1746008 1.1721761 1.1830579 1.1928667 1.180487 1.1475414 1.112931\n", + " 1.0894369 1.0774795 1.0725583 1.0702726 1.0639039 1.0545272 1.0460896\n", + " 1.0430264 1.0447617 1.0498809 1.0545769 1.0572164 1.0579567 1.0594293\n", + " 1.0631434]\n", + " [1.1806221 1.1759472 1.1863316 1.193777 1.1814334 1.1456463 1.1101642\n", + " 1.0868208 1.0765445 1.075764 1.0762335 1.072281 1.0621163 1.0533993\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1597334 1.1562803 1.1662798 1.1755381 1.1641926 1.1332408 1.1006676\n", + " 1.0789773 1.0690118 1.066856 1.0665553 1.0623797 1.0542921 1.0461032\n", + " 1.0424147 1.0442597 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2043672 1.1985835 1.2089329 1.2171068 1.2044369 1.1674556 1.1284319\n", + " 1.1020535 1.0894346 1.086428 1.0853094 1.0791724 1.0687449 1.0595449\n", + " 1.0553901 1.058453 0. 0. 0. 0. 0.\n", + " 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1855915 1.1831602 1.1933728 1.2020216 1.190477 1.1546388 1.1182463\n", + " 1.0929941 1.0806007 1.076629 1.0745095 1.0687367 1.0593089 1.0513592\n", + " 1.0470419 1.0491744 1.0548452 1.0599368 1.0624813 1.0629814 0. ]\n", + " [1.1668735 1.1632386 1.1733016 1.1815178 1.1692289 1.1361562 1.102045\n", + " 1.0804898 1.0703576 1.067903 1.0685116 1.063856 1.0557783 1.0479624\n", + " 1.0444542 1.0461613 1.0514985 0. 0. 0. 0. ]\n", + " [1.1928012 1.1867684 1.194775 1.2035986 1.1895093 1.152931 1.1170678\n", + " 1.0929341 1.0826414 1.0815921 1.0809426 1.0757649 1.065501 1.0563526\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1514459 1.1482437 1.1579154 1.1662116 1.1550734 1.1253817 1.0952135\n", + " 1.0743337 1.0635335 1.0598732 1.057426 1.0525368 1.0451418 1.0390317\n", + " 1.0365418 1.0383255 1.042995 1.0473609 1.049466 1.0505941 1.0519007]\n", + " [1.1845675 1.1808678 1.1921408 1.2004495 1.1866888 1.1499283 1.1132498\n", + " 1.0895807 1.0788329 1.0775511 1.0785956 1.0732615 1.0639031 1.055027\n", + " 1.050889 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1576858 1.155819 1.1661798 1.175727 1.1648387 1.135098 1.1034606\n", + " 1.0817193 1.0704781 1.0657 1.0635372 1.0573761 1.048672 1.0410975\n", + " 1.0381887 1.0400999 1.0447484 1.0496296 1.0514021 1.0523729 1.0538355\n", + " 1.056836 1.063432 1.0731026]\n", + " [1.1879941 1.1832075 1.1930132 1.2017887 1.189377 1.1547757 1.1181458\n", + " 1.0933772 1.0812949 1.0786197 1.0788046 1.0737942 1.0641466 1.0548306\n", + " 1.0508034 1.0527489 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1749374 1.1696622 1.179712 1.188497 1.1763217 1.1425219 1.107865\n", + " 1.0851657 1.0745649 1.0730067 1.0737593 1.0694474 1.0606699 1.052151\n", + " 1.048263 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1879315 1.1826677 1.1919022 1.1992254 1.1875863 1.1527102 1.1164649\n", + " 1.0922483 1.0808245 1.078177 1.0774001 1.0724607 1.0628437 1.0542243\n", + " 1.0504004 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1865981 1.1811659 1.1917253 1.2003257 1.1869047 1.1525482 1.1167274\n", + " 1.0934539 1.083335 1.0820727 1.0826182 1.0767192 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1706523 1.1672608 1.1769692 1.1831579 1.1701517 1.136991 1.1028802\n", + " 1.080981 1.0708396 1.0681577 1.0680993 1.0633605 1.0547396 1.0471255\n", + " 1.0434964 1.0450462 1.0502027 1.0553031]\n", + " [1.1873926 1.1824336 1.1933627 1.2027204 1.1905745 1.1553255 1.1187208\n", + " 1.0942818 1.0827644 1.0795125 1.0785134 1.0730739 1.062926 1.053364\n", + " 1.0490812 1.0507802 1.056529 1.0621277]\n", + " [1.2002277 1.1934851 1.2036649 1.2115425 1.1990212 1.1620139 1.124048\n", + " 1.0989401 1.0873909 1.0868428 1.087795 1.0827147 1.0716021 1.0609787\n", + " 0. 0. 0. 0. ]\n", + " [1.1756666 1.1702276 1.1805068 1.1897708 1.177714 1.1447215 1.1100296\n", + " 1.0869864 1.0765847 1.0747911 1.0748733 1.0698919 1.0601496 1.0512033\n", + " 1.0470997 1.0489109 0. 0. ]\n", + " [1.1747992 1.1702602 1.1805412 1.1902332 1.1788073 1.1455412 1.109849\n", + " 1.086003 1.0748991 1.0723234 1.0724709 1.0672442 1.0577081 1.0492452\n", + " 1.0455595 1.047254 1.0529339 1.058342 ]]\n", + "[[1.1744258 1.172127 1.1831826 1.1909647 1.178193 1.1434381 1.1079046\n", + " 1.0841702 1.073837 1.0708163 1.0693046 1.0639186 1.0553528 1.0465745\n", + " 1.0430545 1.0450021 1.0499617 1.0545795 1.0567042 0. 0.\n", + " 0. 0. ]\n", + " [1.163031 1.1600428 1.1699008 1.178139 1.1670232 1.1353841 1.1040547\n", + " 1.0830455 1.0719888 1.0679553 1.0650477 1.0587854 1.0498822 1.0426582\n", + " 1.0397357 1.0418386 1.0468788 1.0512682 1.0531075 1.0538566 1.0553694\n", + " 1.0589736 1.0658514]\n", + " [1.1665865 1.1631827 1.173092 1.1824999 1.1705675 1.1382651 1.1047964\n", + " 1.0824823 1.0716255 1.0683775 1.0671573 1.0620724 1.0533587 1.0450534\n", + " 1.0418602 1.043145 1.0482223 1.0530573 1.055916 0. 0.\n", + " 0. 0. ]\n", + " [1.1658359 1.1607132 1.1699561 1.1781268 1.1659572 1.1344814 1.1017948\n", + " 1.0801827 1.0705693 1.0688205 1.0692228 1.0647786 1.0561761 1.0480981\n", + " 1.0443622 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1592641 1.1539528 1.1610806 1.1689907 1.1583711 1.1272625 1.0958645\n", + " 1.0755597 1.0663356 1.0647315 1.065048 1.0613034 1.0529726 1.0456698\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1884587 1.1837286 1.1957824 1.2056382 1.1925058 1.1561891 1.1181886\n", + " 1.0935032 1.0820395 1.0803081 1.081149 1.0757885 1.0658771 1.0565718\n", + " 1.0520957 0. 0. 0. 0. 0. 0. ]\n", + " [1.1697079 1.1681094 1.1787122 1.1879065 1.1749812 1.1418818 1.1077318\n", + " 1.08476 1.0729767 1.0694249 1.0671777 1.0619812 1.0531849 1.0458301\n", + " 1.0425955 1.0443738 1.0492759 1.0541136 1.0562993 1.0573286 1.0590395]\n", + " [1.154191 1.1509035 1.1593385 1.1666915 1.1544142 1.1251311 1.0951642\n", + " 1.0748658 1.0652032 1.0632433 1.062387 1.0578183 1.0500617 1.0429467\n", + " 1.0396789 1.0413576 1.0460354 0. 0. 0. 0. ]\n", + " [1.1691931 1.1652751 1.1746006 1.181867 1.1701212 1.1370862 1.103734\n", + " 1.081264 1.0716977 1.0691452 1.0694877 1.0651374 1.0567186 1.04889\n", + " 1.0450525 1.0467507 0. 0. 0. 0. 0. ]\n", + " [1.1802459 1.1759354 1.1852953 1.1944317 1.1820928 1.1477684 1.1125491\n", + " 1.0893854 1.0780431 1.0766491 1.0770361 1.0722939 1.062432 1.0534085\n", + " 1.0493249 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1718568 1.1676948 1.1788476 1.1872509 1.1747609 1.1413437 1.1069242\n", + " 1.0840868 1.0737673 1.0716472 1.0715424 1.0665146 1.0573717 1.0486052\n", + " 1.04503 1.0469661 1.052932 0. 0. ]\n", + " [1.1932296 1.1886885 1.1988798 1.2065234 1.1944616 1.1589098 1.1218435\n", + " 1.0961223 1.0833206 1.0795876 1.0782061 1.0725268 1.0630414 1.054267\n", + " 1.0503558 1.0524048 1.0577258 1.0632436 1.0660232]\n", + " [1.156035 1.1519147 1.1602554 1.168369 1.1565218 1.1253886 1.0949626\n", + " 1.0745828 1.0646113 1.0625662 1.0619826 1.0587244 1.0511566 1.0436045\n", + " 1.0403143 1.0421675 1.0470134 0. 0. ]\n", + " [1.1574697 1.1557838 1.1660867 1.1754069 1.1627045 1.1312408 1.098811\n", + " 1.076929 1.0672071 1.0651354 1.0652431 1.0609243 1.0523068 1.0450695\n", + " 1.0409471 1.0424759 1.0473683 0. 0. ]\n", + " [1.1531594 1.1509055 1.1602242 1.168469 1.1567111 1.126088 1.0945145\n", + " 1.0737735 1.0635188 1.0608804 1.060172 1.0552729 1.0479441 1.0410273\n", + " 1.0379606 1.0395002 1.0435822 1.0480849 1.050421 ]]\n", + "[[1.1732625 1.1700702 1.1805295 1.1897216 1.1775409 1.1432867 1.1084491\n", + " 1.0847234 1.0734284 1.0702103 1.0686753 1.0632709 1.0546584 1.0467288\n", + " 1.043601 1.0455718 1.0501007 1.0551461 1.0576173 1.0586435]\n", + " [1.1984973 1.1929134 1.2043756 1.2131892 1.199621 1.1616967 1.1225146\n", + " 1.0978444 1.0873393 1.0860963 1.0869036 1.0810976 1.0701938 1.059884\n", + " 1.0553637 0. 0. 0. 0. 0. ]\n", + " [1.1734147 1.17175 1.1832968 1.1926906 1.180494 1.1468207 1.1116172\n", + " 1.0875477 1.0755175 1.0713013 1.0693713 1.0639904 1.0548525 1.0468757\n", + " 1.0435098 1.0450479 1.0500188 1.0552851 1.0578029 1.0589427]\n", + " [1.1747051 1.1700729 1.1811417 1.1901008 1.1781687 1.1440389 1.1084123\n", + " 1.0843654 1.0742418 1.0727224 1.072694 1.0686805 1.0596511 1.0508657\n", + " 1.0468867 1.0489151 0. 0. 0. 0. ]\n", + " [1.1857502 1.1829877 1.1934327 1.2034507 1.1909673 1.1552641 1.1185619\n", + " 1.0931838 1.0814428 1.0773695 1.0752528 1.0689149 1.0592922 1.0510712\n", + " 1.0468562 1.0490643 1.054074 1.0591683 1.0616778 1.0624074]]\n", + "[[1.1591634 1.152988 1.1612269 1.1684651 1.1569356 1.1262243 1.0953498\n", + " 1.0753467 1.065593 1.0633982 1.0627508 1.058952 1.0511104 1.0439885\n", + " 1.0411862 1.0431575 0. 0. 0. 0. ]\n", + " [1.1959276 1.1905377 1.2014266 1.2116215 1.1974432 1.1611551 1.1233224\n", + " 1.0982352 1.0876334 1.0860276 1.0863602 1.0807952 1.0694141 1.0584095\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1988349 1.1925914 1.2017198 1.2089447 1.1945763 1.1576884 1.1203281\n", + " 1.0957857 1.0856087 1.0841674 1.0841646 1.0792022 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1912329 1.1880431 1.1992564 1.2081375 1.1962513 1.1606061 1.1229415\n", + " 1.097147 1.0837567 1.0790989 1.0776192 1.0712993 1.0619432 1.0527022\n", + " 1.0489049 1.0507039 1.0561839 1.0616349 1.0639888 1.0650456]\n", + " [1.1825008 1.1767422 1.1852251 1.1916146 1.1783922 1.144383 1.1104934\n", + " 1.0873691 1.076755 1.0745422 1.0738086 1.068075 1.058171 1.0497707\n", + " 1.0461022 1.048252 1.0535802 0. 0. 0. ]]\n", + "[[1.2019725 1.1963282 1.2070367 1.2161671 1.2024368 1.1642578 1.1243063\n", + " 1.0985781 1.0873041 1.0860994 1.0872822 1.0820664 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1792372 1.1743584 1.1847447 1.1941898 1.1812681 1.1479423 1.1123661\n", + " 1.0888904 1.0780995 1.0765779 1.076421 1.0704982 1.0612738 1.0520359\n", + " 0. 0. 0. 0. ]\n", + " [1.1793231 1.1742933 1.1851575 1.1942246 1.1822616 1.1473145 1.1126586\n", + " 1.0890529 1.0785124 1.0760703 1.0759325 1.0704635 1.0606908 1.0522012\n", + " 1.0479263 1.050255 0. 0. ]\n", + " [1.1758635 1.1728197 1.1834462 1.1908927 1.1762437 1.1429223 1.1084135\n", + " 1.0868431 1.0767434 1.0756832 1.0757366 1.0702686 1.0604773 1.051981\n", + " 1.0476211 0. 0. 0. ]\n", + " [1.1534867 1.1515582 1.1617979 1.1697783 1.1588155 1.1276963 1.0953941\n", + " 1.0753118 1.0653492 1.0627736 1.0625732 1.058038 1.0498434 1.0425396\n", + " 1.0395427 1.040996 1.0452815 1.0500472]]\n", + "[[1.1728839 1.168927 1.179466 1.1877061 1.1756233 1.141089 1.1062437\n", + " 1.0832831 1.0728211 1.0701648 1.0697412 1.0656308 1.0571592 1.0491207\n", + " 1.0453897 1.0472214 1.0522153 0. 0. ]\n", + " [1.1754225 1.1709279 1.1815766 1.1904135 1.1798222 1.1468376 1.1117252\n", + " 1.0886464 1.0776055 1.076127 1.0765394 1.071354 1.0612326 1.0520511\n", + " 1.0478855 0. 0. 0. 0. ]\n", + " [1.1955355 1.1922389 1.2023153 1.2118514 1.1976594 1.1620704 1.1241351\n", + " 1.0985047 1.085173 1.0813025 1.0795517 1.0730745 1.0634235 1.0545424\n", + " 1.050586 1.0526075 1.0579966 1.0635341 1.0658761]\n", + " [1.1617856 1.1575623 1.1667827 1.1745108 1.1626195 1.1314251 1.0994984\n", + " 1.0780948 1.068579 1.0667437 1.0664968 1.0618914 1.053963 1.0460382\n", + " 1.0424223 1.0441271 0. 0. 0. ]\n", + " [1.1998608 1.193117 1.2021651 1.2083448 1.1957142 1.1596819 1.1219047\n", + " 1.0975757 1.085798 1.0842637 1.0846615 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1741647 1.1691056 1.178239 1.1854769 1.171708 1.1379389 1.104812\n", + " 1.083556 1.074269 1.073098 1.0736444 1.0689416 1.0595055 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1772224 1.1741718 1.183338 1.190925 1.1774548 1.1449256 1.1121088\n", + " 1.0891151 1.077523 1.0738363 1.0721586 1.0668625 1.057261 1.0492978\n", + " 1.0454437 1.0477045 1.0529814 1.0579413 0. 0. 0. ]\n", + " [1.1838397 1.1811236 1.1917328 1.2002345 1.1870873 1.152991 1.1167129\n", + " 1.0924562 1.0799946 1.0756083 1.0730501 1.0673536 1.0579636 1.0498327\n", + " 1.0462855 1.0480058 1.0535389 1.0582726 1.0606833 1.0616336 1.0634614]\n", + " [1.1657939 1.1596992 1.1690996 1.1779356 1.166463 1.1349686 1.1023567\n", + " 1.0807319 1.0703365 1.0678751 1.0678054 1.0635386 1.05524 1.0476043\n", + " 1.0440884 1.0457937 1.0511757 0. 0. 0. 0. ]\n", + " [1.1674948 1.1640214 1.1740568 1.1829896 1.1708467 1.1382897 1.1048692\n", + " 1.0828036 1.0724055 1.0696855 1.068569 1.0629504 1.05389 1.0458887\n", + " 1.0423063 1.0438178 1.0492873 1.0544531 0. 0. 0. ]]\n", + "[[1.1762568 1.1722076 1.1839896 1.1933585 1.1810993 1.1456676 1.1088958\n", + " 1.0848572 1.0740426 1.0710853 1.0695633 1.0639805 1.054692 1.046771\n", + " 1.0431753 1.0450724 1.0504606 1.0553392 1.0579742]\n", + " [1.2134172 1.2092997 1.2187251 1.2256157 1.2086829 1.1694913 1.1290618\n", + " 1.1026503 1.0916088 1.0907642 1.0917214 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1896635 1.1844424 1.1930532 1.201269 1.1880984 1.154575 1.1192982\n", + " 1.095122 1.082054 1.0777588 1.075492 1.0692683 1.0597469 1.0516084\n", + " 1.0483849 1.0503473 1.0561327 1.0610918 1.0633179]\n", + " [1.1957736 1.1907327 1.2009578 1.2096838 1.1965487 1.1605201 1.1225159\n", + " 1.0969759 1.0856051 1.0824412 1.0814526 1.0751319 1.0648131 1.0552195\n", + " 1.0510099 1.0527344 1.0587317 1.0646806 0. ]\n", + " [1.1734651 1.1703203 1.1813643 1.1908107 1.177531 1.1433059 1.1076429\n", + " 1.0835814 1.0734056 1.0712612 1.0708021 1.0649974 1.0557851 1.0471729\n", + " 1.0433676 1.0450777 1.0503452 1.0560987 0. ]]\n", + "[[1.2154156 1.2082564 1.2162236 1.2248166 1.211247 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2032595 1.1964023 1.2058765 1.2136568 1.1993519 1.1620228 1.1237358\n", + " 1.098894 1.0875208 1.0860363 1.0864534 1.08077 1.0702976 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1786416 1.1717863 1.180294 1.1878603 1.1770366 1.1439472 1.1102719\n", + " 1.0878613 1.0777581 1.0759847 1.0762317 1.0715281 1.0622202 1.0532893\n", + " 0. 0. 0. 0. ]\n", + " [1.1844448 1.178808 1.1879221 1.1965151 1.1827554 1.1492598 1.1152512\n", + " 1.0926551 1.082011 1.080478 1.0801159 1.0743499 1.0640594 1.0547845\n", + " 0. 0. 0. 0. ]\n", + " [1.1802169 1.177928 1.1887175 1.1955535 1.182032 1.1472484 1.1117123\n", + " 1.0880237 1.0777326 1.074862 1.0729448 1.0681483 1.0583546 1.0500742\n", + " 1.0464354 1.0483536 1.0537297 1.059213 ]]\n", + "[[1.1488801 1.1451063 1.154096 1.1620686 1.1511576 1.1219704 1.0922544\n", + " 1.0724304 1.0621175 1.0589894 1.057335 1.0521173 1.0447788 1.0382239\n", + " 1.0353031 1.0369292 1.0411129 1.0451835 1.0475292 1.0483524]\n", + " [1.1612499 1.1589113 1.1692228 1.177546 1.1641994 1.1317278 1.0990324\n", + " 1.0778301 1.0679708 1.0653043 1.0641129 1.0597386 1.0515773 1.0441904\n", + " 1.0410328 1.0429921 1.0476131 1.0522889 0. 0. ]\n", + " [1.1588111 1.1540256 1.1620665 1.169748 1.1586925 1.1282696 1.0969818\n", + " 1.0758241 1.0659213 1.0632023 1.0623676 1.0583731 1.0509679 1.0435066\n", + " 1.0401304 1.0414485 1.0460083 1.0507706 0. 0. ]\n", + " [1.1636772 1.1580259 1.1671777 1.175528 1.1641332 1.1340129 1.1022907\n", + " 1.0806518 1.0709697 1.0686536 1.0689895 1.0641853 1.055478 1.047359\n", + " 1.0437057 0. 0. 0. 0. 0. ]\n", + " [1.1711216 1.166832 1.1771178 1.1854765 1.1741594 1.1406294 1.106391\n", + " 1.0837016 1.0733364 1.0709261 1.0707908 1.0664324 1.0573506 1.0485269\n", + " 1.0446033 1.0461189 1.0513078 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1660209 1.161579 1.1710749 1.1790375 1.1667438 1.1355677 1.1022171\n", + " 1.080731 1.0707844 1.0697539 1.0708702 1.0664189 1.0580829 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1644111 1.1599045 1.1695179 1.1783578 1.1676232 1.1358411 1.1018256\n", + " 1.0798343 1.0694373 1.0676656 1.0675968 1.0634977 1.0553969 1.0474727\n", + " 1.0438368 1.0456889 0. 0. 0. ]\n", + " [1.1817927 1.1769334 1.1858071 1.1932893 1.1823992 1.1479807 1.1135763\n", + " 1.0902592 1.0799546 1.0786828 1.0800098 1.0740695 1.063927 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.17011 1.1675965 1.179401 1.1899555 1.177674 1.142783 1.1072576\n", + " 1.0835332 1.0726397 1.0697801 1.0689662 1.063311 1.053818 1.0457574\n", + " 1.0421354 1.0436275 1.0487198 1.0539966 1.0563846]\n", + " [1.1824238 1.1781993 1.1874896 1.1966618 1.183664 1.1487485 1.1140052\n", + " 1.0910053 1.0806321 1.0783882 1.0776205 1.0722784 1.0622035 1.0523715\n", + " 1.0486525 1.0509773 0. 0. 0. ]]\n", + "[[1.1649519 1.1610854 1.1717833 1.1809961 1.1686249 1.1359472 1.1020973\n", + " 1.080317 1.0707629 1.0692855 1.069908 1.0653545 1.056734 1.0482367\n", + " 1.044563 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1753736 1.1723771 1.1826181 1.1921604 1.1803546 1.1469702 1.113392\n", + " 1.0903479 1.0782914 1.0738927 1.0706339 1.064487 1.0551019 1.0471956\n", + " 1.0441747 1.0461534 1.0512232 1.0561295 1.0584358 1.0591588 1.0606997\n", + " 1.0643077]\n", + " [1.1669456 1.1635886 1.1742787 1.1832377 1.1716645 1.1393037 1.1053814\n", + " 1.0829381 1.0728616 1.0713181 1.0713382 1.0667268 1.0579374 1.0493363\n", + " 1.0452371 1.0469788 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1877682 1.1820195 1.190565 1.1984663 1.1846075 1.149093 1.1139467\n", + " 1.0904202 1.0789664 1.0752985 1.074912 1.0698094 1.061175 1.0525963\n", + " 1.0490055 1.0511142 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1727223 1.1708487 1.1816685 1.1914847 1.1792527 1.1449008 1.1100938\n", + " 1.0870447 1.075922 1.0733846 1.0729231 1.0669347 1.0577738 1.0491246\n", + " 1.0456455 1.0474252 1.0528958 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1682363 1.1656319 1.1758573 1.1831797 1.1704291 1.1368232 1.1029284\n", + " 1.0805852 1.0710928 1.0688543 1.0689188 1.0644524 1.0559775 1.0476155\n", + " 1.0441773 1.0460719 1.0509024 0. 0. 0. ]\n", + " [1.1695753 1.1662854 1.1762068 1.1848942 1.1725227 1.140202 1.107351\n", + " 1.0852001 1.0742645 1.0701119 1.0685303 1.0628315 1.0535803 1.0459514\n", + " 1.0426993 1.0440568 1.0491881 1.0540992 1.0567038 1.057683 ]\n", + " [1.1826079 1.1793324 1.1902603 1.1992189 1.1867237 1.1522425 1.1161368\n", + " 1.0921874 1.0804837 1.0774667 1.0758595 1.0701678 1.0605187 1.0516394\n", + " 1.0482833 1.0505513 1.0569357 1.0625187 0. 0. ]\n", + " [1.2326576 1.2239716 1.2323391 1.2396044 1.2227372 1.1831768 1.1426716\n", + " 1.1154054 1.1036365 1.1010349 1.0998404 1.0920416 1.0797554 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1610718 1.1569898 1.1668859 1.1751262 1.1643238 1.1338142 1.1025649\n", + " 1.0812064 1.0701889 1.0672028 1.0653633 1.0596845 1.0511649 1.0437399\n", + " 1.0398805 1.0415767 1.0458127 1.0506058 1.0530529 1.0542369]]\n", + "[[1.1682256 1.1632273 1.1716013 1.1800439 1.1685178 1.1372058 1.1046009\n", + " 1.0822129 1.0706987 1.0671568 1.0653743 1.0601643 1.0517985 1.0447438\n", + " 1.041651 1.0437262 1.0490541 1.0537921 1.0564667]\n", + " [1.1601588 1.1551903 1.163461 1.1710336 1.1592495 1.1291685 1.098092\n", + " 1.0774058 1.0676377 1.0651271 1.0643035 1.0594841 1.0515072 1.0438867\n", + " 1.040574 1.0422051 1.0468787 1.0516214 0. ]\n", + " [1.1628445 1.158135 1.1670815 1.1743637 1.16407 1.133333 1.1014142\n", + " 1.0801029 1.0699513 1.0674024 1.0675555 1.0638254 1.0555615 1.0475056\n", + " 1.0439289 1.0455459 0. 0. 0. ]\n", + " [1.1674631 1.1645371 1.1748517 1.1835918 1.1733947 1.1408011 1.1072711\n", + " 1.0838658 1.0726761 1.0692155 1.0684632 1.0632482 1.0549924 1.0469195\n", + " 1.043562 1.0448644 1.0500339 1.0548797 0. ]\n", + " [1.1838256 1.1797651 1.1902974 1.1994638 1.1871173 1.1525944 1.1153609\n", + " 1.0907542 1.0791502 1.0774996 1.0772066 1.0721259 1.062313 1.0536227\n", + " 1.0494558 1.0519699 0. 0. 0. ]]\n", + "[[1.1590323 1.1554351 1.1646116 1.1723331 1.1605343 1.1303228 1.099081\n", + " 1.0781997 1.067904 1.064789 1.063408 1.0583155 1.0505428 1.0431535\n", + " 1.039709 1.0410478 1.0455816 1.0500782 1.0526361 0. ]\n", + " [1.1781878 1.1725154 1.1820531 1.1898235 1.1784436 1.1452549 1.1102797\n", + " 1.0878726 1.0772405 1.0746454 1.0747114 1.069958 1.0607214 1.0525274\n", + " 1.0478839 1.0501764 0. 0. 0. 0. ]\n", + " [1.1768985 1.1711509 1.1815531 1.1909307 1.1801538 1.1469661 1.1111944\n", + " 1.0881883 1.0778006 1.0766771 1.0776832 1.0725756 1.0623362 1.052412\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1839426 1.1805716 1.1916279 1.2010531 1.18803 1.152572 1.1158907\n", + " 1.0912049 1.079116 1.0753174 1.0732871 1.0669215 1.0571913 1.0491829\n", + " 1.0452379 1.0474218 1.053159 1.0583789 1.06066 1.0614625]\n", + " [1.171746 1.1688466 1.179937 1.1887424 1.1752901 1.1414837 1.1076057\n", + " 1.0847553 1.0739152 1.0714282 1.0703807 1.0654168 1.0560279 1.0477701\n", + " 1.0441554 1.0458312 1.05101 1.0562936 0. 0. ]]\n", + "[[1.2120279 1.2046403 1.2138807 1.2219481 1.2081667 1.1702125 1.1298004\n", + " 1.1024933 1.089935 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1790905 1.1748729 1.1844072 1.191993 1.1781414 1.1444042 1.1091042\n", + " 1.0858043 1.0755326 1.0734104 1.0741081 1.0695155 1.0608405 1.0520992\n", + " 1.0479738 1.0498711 0. 0. 0. 0. ]\n", + " [1.1584606 1.1539054 1.1629831 1.170478 1.159937 1.1295794 1.0977217\n", + " 1.0760942 1.0655763 1.0625021 1.060904 1.0565827 1.0488553 1.0421859\n", + " 1.0391177 1.0408196 1.0452877 1.0496181 1.0520365 0. ]\n", + " [1.1779627 1.1752461 1.1850808 1.1941571 1.1808968 1.1454589 1.1097617\n", + " 1.0863231 1.0746406 1.071349 1.0698078 1.0642835 1.0558212 1.0478965\n", + " 1.0445995 1.0465671 1.0520095 1.0574415 1.0601144 1.061498 ]\n", + " [1.1820846 1.1778903 1.1872195 1.1955354 1.1838343 1.1509492 1.1154745\n", + " 1.0907176 1.0793024 1.0751566 1.0745281 1.0692263 1.0601314 1.0519586\n", + " 1.0483931 1.0504463 1.0558769 0. 0. 0. ]]\n", + "[[1.1751944 1.173228 1.1839371 1.1920838 1.1781758 1.143314 1.1087644\n", + " 1.0860845 1.0747185 1.0713576 1.0696547 1.063859 1.0545249 1.0469432\n", + " 1.0436506 1.0457044 1.0506783 1.0558543 1.058154 1.0590323 0.\n", + " 0. ]\n", + " [1.1741017 1.1713645 1.1820747 1.1911422 1.178653 1.1445851 1.10954\n", + " 1.0864692 1.0749425 1.0720497 1.0702788 1.0647316 1.0553142 1.046796\n", + " 1.0433098 1.0450398 1.0500448 1.0550765 1.0577364 0. 0.\n", + " 0. ]\n", + " [1.1710857 1.1695303 1.1818936 1.1925448 1.1801614 1.1459656 1.1108224\n", + " 1.0869153 1.075583 1.0717877 1.0694973 1.0634251 1.0537812 1.0461187\n", + " 1.0427113 1.0446864 1.0492991 1.0543638 1.0566406 1.0574713 1.0589997\n", + " 1.0628523]\n", + " [1.1661443 1.1620535 1.1711882 1.1793083 1.1673862 1.1350677 1.1030481\n", + " 1.0818218 1.0722263 1.0710678 1.0708503 1.0667106 1.0574478 1.049137\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1612792 1.1590447 1.1697372 1.1779863 1.1668525 1.1342462 1.1013573\n", + " 1.07946 1.0696526 1.0678092 1.0667479 1.0622586 1.0531982 1.04522\n", + " 1.0419291 1.0436051 1.0488719 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1881404 1.184024 1.1956339 1.2050414 1.1930927 1.1562452 1.1180425\n", + " 1.0928965 1.0808908 1.0782704 1.078935 1.074182 1.0641527 1.054867\n", + " 1.0504413 1.0522969 1.0584356 0. 0. ]\n", + " [1.1586728 1.1541706 1.1621323 1.1702163 1.1589683 1.128854 1.0976865\n", + " 1.0765868 1.0659434 1.0623418 1.0618508 1.057123 1.0497249 1.0426023\n", + " 1.0394589 1.0411153 1.0455644 1.0505153 1.0531539]\n", + " [1.1598909 1.156306 1.1660535 1.1750472 1.163492 1.1318325 1.0991771\n", + " 1.0778307 1.068008 1.0657802 1.0657732 1.0616229 1.0532849 1.0458002\n", + " 1.0421042 1.04395 1.0486622 0. 0. ]\n", + " [1.18736 1.1832114 1.193477 1.2019216 1.1893346 1.1536568 1.1162603\n", + " 1.091977 1.0804931 1.0780048 1.0784433 1.0734538 1.0634098 1.0547051\n", + " 1.050878 1.0529822 1.0591334 0. 0. ]\n", + " [1.1770416 1.1727468 1.1835067 1.1916229 1.1796585 1.1446724 1.1101639\n", + " 1.0871763 1.0766313 1.0761602 1.0769837 1.0721223 1.0622864 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1779499 1.1746441 1.1831594 1.1909535 1.179317 1.1460234 1.1108128\n", + " 1.0880731 1.0767298 1.0731337 1.0725592 1.0670285 1.057375 1.0493425\n", + " 1.0460498 1.0479128 1.053503 1.0589862 0. 0. ]\n", + " [1.1478744 1.1429024 1.1507477 1.1579005 1.147193 1.118897 1.0892149\n", + " 1.0700346 1.0605047 1.0581069 1.0583494 1.0546552 1.0474383 1.0406902\n", + " 1.0373607 1.0387967 1.0433238 0. 0. 0. ]\n", + " [1.1572559 1.1550474 1.1660717 1.1736354 1.1624726 1.1296699 1.0978973\n", + " 1.0769008 1.0664626 1.0632932 1.0616769 1.0571467 1.0485967 1.0416764\n", + " 1.0388812 1.0406799 1.044729 1.0495205 1.0517048 1.0526619]\n", + " [1.1613138 1.1596434 1.1710519 1.1797218 1.1688948 1.1353896 1.1011147\n", + " 1.0786791 1.0680939 1.0649918 1.0643336 1.0594945 1.0514294 1.043739\n", + " 1.0405667 1.0419149 1.0465015 1.0512434 1.0536656 0. ]\n", + " [1.1987996 1.1941742 1.2042024 1.2140912 1.2004902 1.1639079 1.1263247\n", + " 1.1010442 1.08812 1.0853598 1.0842592 1.078336 1.068062 1.0581594\n", + " 1.0540148 1.0564829 1.0627451 0. 0. 0. ]]\n", + "[[1.1808419 1.1772115 1.1889329 1.198191 1.1863589 1.1504052 1.1145856\n", + " 1.0898687 1.0778785 1.0758634 1.0753638 1.0695642 1.0599258 1.0510937\n", + " 1.047109 1.0492035 1.0547647 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2094343 1.204004 1.2147142 1.2232956 1.2083721 1.1696467 1.1303134\n", + " 1.1045443 1.0931817 1.0912673 1.0921704 1.0857245 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1527543 1.1496956 1.1602156 1.1694322 1.1592733 1.128902 1.0975189\n", + " 1.0762584 1.066377 1.0627395 1.0608746 1.0550706 1.046463 1.0392302\n", + " 1.0368315 1.0388769 1.0437027 1.0487002 1.0504992 1.0509635 1.0520912\n", + " 1.0549738 1.0615103 1.0709714 1.0784138]\n", + " [1.151369 1.149358 1.1579312 1.1656303 1.1538754 1.1244303 1.0942428\n", + " 1.0741867 1.0641866 1.061429 1.0598279 1.0555177 1.0477605 1.0407634\n", + " 1.03793 1.039666 1.0439545 1.04834 1.050516 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1766016 1.1728768 1.1823341 1.1896054 1.1781086 1.1451815 1.1112523\n", + " 1.0880331 1.0765084 1.0726815 1.0713493 1.065419 1.0566123 1.04866\n", + " 1.045622 1.0472026 1.0526912 1.0574012 1.0596073 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1729447 1.1720265 1.1837413 1.1925709 1.1794455 1.1443422 1.1096534\n", + " 1.086276 1.0745362 1.070503 1.0687768 1.0621983 1.0537121 1.0464586\n", + " 1.0426482 1.0445577 1.049607 1.0545453 1.0568397 1.0577931 1.0594455]\n", + " [1.2092077 1.202765 1.2135072 1.2242565 1.2120843 1.1734607 1.1328273\n", + " 1.1059395 1.0939406 1.0923318 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1621096 1.1581321 1.1682167 1.1769209 1.1651278 1.1334237 1.100687\n", + " 1.0787728 1.0685346 1.0667615 1.0669526 1.0626278 1.054337 1.0465162\n", + " 1.042786 1.044379 0. 0. 0. 0. 0. ]\n", + " [1.2125523 1.2074537 1.2175791 1.2263137 1.2108116 1.1712571 1.1312984\n", + " 1.1043348 1.0934147 1.0919641 1.0913728 1.0858252 1.0740585 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1729131 1.1703999 1.1813918 1.1906992 1.1784228 1.1442628 1.109457\n", + " 1.0859003 1.074306 1.0713259 1.0701069 1.0646393 1.0560145 1.0480077\n", + " 1.0437739 1.0454875 1.0501829 1.0552351 1.058166 0. 0. ]]\n", + "[[1.1583531 1.1539984 1.1631564 1.1702757 1.1597203 1.1294731 1.0976492\n", + " 1.0767968 1.0668087 1.0646429 1.0645778 1.0606055 1.0526736 1.045309\n", + " 1.0417712 1.0433047 1.0479623 0. 0. 0. ]\n", + " [1.171216 1.1676161 1.178874 1.1880864 1.17586 1.1416702 1.1072227\n", + " 1.0838588 1.0720334 1.0682632 1.0665367 1.0616264 1.0533882 1.0461438\n", + " 1.0430533 1.0447922 1.0494499 1.0543147 1.056773 1.0578976]\n", + " [1.1804066 1.1761866 1.1863334 1.1965901 1.18508 1.1508461 1.1156894\n", + " 1.0912131 1.0784488 1.073993 1.0722624 1.0663978 1.0566795 1.0485309\n", + " 1.0450923 1.046321 1.0515842 1.05652 1.0583484 1.059157 ]\n", + " [1.1782101 1.1745604 1.1870927 1.1976962 1.1850998 1.1502187 1.1145349\n", + " 1.0909755 1.0787951 1.0752188 1.0733347 1.0675364 1.0576319 1.0491015\n", + " 1.0452375 1.0473145 1.0527246 1.0579672 1.0603982 1.0610528]\n", + " [1.1627244 1.1587802 1.1678051 1.1750937 1.1645567 1.1341251 1.1030143\n", + " 1.081688 1.0716761 1.0694331 1.0687981 1.063721 1.0547374 1.0470542\n", + " 1.0430207 1.0445881 0. 0. 0. 0. ]]\n", + "[[1.1454481 1.1411588 1.1525662 1.1638004 1.1562378 1.1277426 1.097341\n", + " 1.0765855 1.0662748 1.0628152 1.0611348 1.0557195 1.0471619 1.0400518\n", + " 1.0372671 1.0394261 1.0439816 1.0488049 1.051296 1.0520604 1.0527749\n", + " 1.0558971 1.0617785 1.0698216 1.0770133 1.0817705 1.0828614 1.0795212\n", + " 1.0720083 1.0626951 1.0549264 1.0496671]\n", + " [1.1625696 1.1613181 1.1719116 1.1809398 1.1691847 1.1375357 1.1043336\n", + " 1.0813928 1.070367 1.0662969 1.0642744 1.0585225 1.0506136 1.0433445\n", + " 1.0399346 1.0417147 1.0463244 1.050895 1.0536814 1.0550083 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1611817 1.1573696 1.1676949 1.1769156 1.1657258 1.1340287 1.1015288\n", + " 1.0796723 1.0695242 1.0672452 1.0667372 1.0623105 1.0536695 1.0458186\n", + " 1.0417475 1.0433011 1.0483739 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1649798 1.1614562 1.1717631 1.1810124 1.1693165 1.137185 1.1039064\n", + " 1.0813255 1.0701855 1.0667623 1.0661896 1.0612062 1.0529339 1.0454309\n", + " 1.0418843 1.0432554 1.0477713 1.0525572 1.0547227 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.185852 1.1815295 1.1920214 1.2011843 1.1888658 1.1542801 1.1179845\n", + " 1.0932337 1.0814354 1.0774322 1.0754288 1.0693046 1.0591346 1.0502391\n", + " 1.0464376 1.0481989 1.0535235 1.0584896 1.0610675 1.0620186 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1666676 1.1628281 1.1728144 1.1812661 1.1694347 1.1371928 1.103856\n", + " 1.0816458 1.0711707 1.0680996 1.0675448 1.0629376 1.054568 1.0467261\n", + " 1.0432259 1.0445179 1.0491722 1.0543203 0. 0. ]\n", + " [1.1778773 1.1752535 1.1861624 1.1940219 1.181601 1.146934 1.111926\n", + " 1.0884404 1.0773252 1.0746003 1.0737622 1.0680102 1.0590713 1.0504264\n", + " 1.0465183 1.048164 1.0533488 1.0585964 0. 0. ]\n", + " [1.1979465 1.1895595 1.1988974 1.2076056 1.194321 1.158248 1.1208425\n", + " 1.095854 1.0849677 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.172243 1.1710296 1.1821802 1.1908224 1.1790032 1.1447982 1.1092074\n", + " 1.0860709 1.0742621 1.07077 1.0687978 1.0638014 1.0548669 1.0470283\n", + " 1.0436087 1.0450057 1.0500686 1.0547488 1.05722 1.0582795]\n", + " [1.1762264 1.1719178 1.1823429 1.1922851 1.1800457 1.1467745 1.1113292\n", + " 1.0876433 1.0773935 1.0756936 1.0748158 1.070276 1.0608495 1.0514942\n", + " 1.0474461 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1748515 1.1710784 1.1813619 1.1897361 1.1768461 1.1437801 1.1096662\n", + " 1.0870638 1.0753299 1.0716594 1.0697788 1.0650697 1.0559539 1.0479347\n", + " 1.0445449 1.0466942 1.0518453 1.056546 1.0588977 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1664752 1.1631325 1.1733662 1.1837176 1.1738174 1.1415789 1.1081239\n", + " 1.0849593 1.0731069 1.0689306 1.0663663 1.060674 1.0518823 1.0444452\n", + " 1.0414152 1.0434616 1.0485574 1.0535103 1.0560362 1.0565561 1.0577288\n", + " 1.0603937 1.06722 1.0764229 1.0840085 1.0882136]\n", + " [1.1662781 1.1627669 1.1734885 1.1817682 1.1693709 1.1374298 1.104309\n", + " 1.0824592 1.0717193 1.0692766 1.0682887 1.0634605 1.0547422 1.0467585\n", + " 1.0433002 1.0446543 1.0496566 1.0548635 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.182255 1.177388 1.1871248 1.1954048 1.1817715 1.1469405 1.110981\n", + " 1.0869164 1.0762153 1.0733478 1.0739127 1.0688941 1.0601557 1.0518775\n", + " 1.0484285 1.0508579 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1817902 1.1763422 1.1865178 1.195636 1.182744 1.1485565 1.112464\n", + " 1.08832 1.0776174 1.076061 1.0768838 1.0726334 1.0636805 1.0544515\n", + " 1.050362 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1678797 1.1650612 1.1755086 1.1851934 1.1729695 1.1398658 1.1059989\n", + " 1.0829633 1.0719047 1.0692021 1.0679808 1.0634688 1.0548478 1.0469414\n", + " 1.0433601 1.044911 1.0498118 1.054781 ]\n", + " [1.183082 1.1774687 1.1873255 1.1966641 1.184517 1.1487305 1.1122969\n", + " 1.088195 1.0770099 1.075353 1.0752146 1.0700458 1.0609194 1.0522922\n", + " 1.0483367 1.0506359 0. 0. ]\n", + " [1.1645747 1.1618267 1.1715858 1.180009 1.1678823 1.1352434 1.1015308\n", + " 1.0800678 1.0697166 1.0668563 1.065589 1.0610546 1.0524191 1.0443635\n", + " 1.0410315 1.042745 1.0477347 1.0525222]\n", + " [1.1623024 1.1589174 1.1691875 1.1771007 1.1659172 1.133523 1.1004791\n", + " 1.0782428 1.068247 1.0661274 1.0652145 1.0607724 1.0526218 1.0452052\n", + " 1.0415665 1.043138 1.0478213 1.0524367]\n", + " [1.2030979 1.1981544 1.2091802 1.2194222 1.2045625 1.166425 1.1263165\n", + " 1.0997282 1.0884084 1.0876455 1.0877205 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1701386 1.1665018 1.1781031 1.1868545 1.1750709 1.141005 1.1059601\n", + " 1.0832523 1.0737152 1.0729018 1.0735542 1.0692495 1.0598178 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1712773 1.1668549 1.1769918 1.1856496 1.174049 1.140699 1.1059778\n", + " 1.0836425 1.0733376 1.0718397 1.072501 1.0680325 1.0587686 1.0500273\n", + " 1.0459771 1.0475204 0. 0. 0. ]\n", + " [1.176115 1.171363 1.1811337 1.1886529 1.1758636 1.1414819 1.1074889\n", + " 1.084195 1.0738542 1.0712469 1.0706754 1.0655215 1.0569065 1.0490289\n", + " 1.0456209 1.0474463 1.052386 1.0573654 0. ]\n", + " [1.1820529 1.1795493 1.19001 1.1974778 1.1828606 1.1462498 1.1104842\n", + " 1.0869861 1.0758399 1.0722291 1.0709118 1.065148 1.0564524 1.0483891\n", + " 1.0454011 1.0479633 1.0538087 1.0595075 1.0623933]\n", + " [1.1547039 1.1520584 1.1610086 1.1688495 1.1575009 1.1262177 1.0935293\n", + " 1.0730793 1.0638605 1.0623095 1.0631132 1.0592068 1.0514506 1.0438552\n", + " 1.0404102 1.042286 0. 0. 0. ]]\n", + "[[1.2072525 1.2020162 1.2125344 1.2211001 1.2051253 1.1677455 1.1290085\n", + " 1.103763 1.0927927 1.0918243 1.0917335 1.0848569 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1670371 1.1621699 1.1714697 1.1794635 1.1678659 1.1355928 1.102364\n", + " 1.0807176 1.0703838 1.0687647 1.0689117 1.0641162 1.0552362 1.0470937\n", + " 1.043487 1.0454236 0. 0. 0. ]\n", + " [1.1697383 1.166435 1.1778301 1.1881292 1.1765196 1.1424512 1.1079206\n", + " 1.0845762 1.0734019 1.0703677 1.0695103 1.0637347 1.0544531 1.0461035\n", + " 1.0423715 1.0442209 1.049541 1.0546712 1.0576639]\n", + " [1.1637061 1.1590679 1.168763 1.1778417 1.1663591 1.1346959 1.101481\n", + " 1.0796931 1.069328 1.067106 1.067087 1.062395 1.0539157 1.0461429\n", + " 1.042591 1.0443962 1.0496023 0. 0. ]\n", + " [1.1812394 1.1771629 1.1862913 1.194895 1.1815734 1.147897 1.1126378\n", + " 1.0883688 1.0770333 1.0728848 1.0717052 1.0660218 1.0571694 1.0493858\n", + " 1.0462258 1.0483165 1.0537245 1.0591255 1.0620728]]\n", + "[[1.1847299 1.1797636 1.1903718 1.1993341 1.1870706 1.1519482 1.1162632\n", + " 1.0927713 1.0818783 1.0806925 1.0811327 1.0759377 1.0648704 1.0552282\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1677787 1.1650344 1.1767191 1.1855556 1.173773 1.1402485 1.1053752\n", + " 1.082055 1.0715969 1.068589 1.0670685 1.061576 1.052831 1.0448459\n", + " 1.0412444 1.0433174 1.048189 1.0529953 1.0554836]\n", + " [1.1720425 1.1669474 1.1766137 1.1852518 1.1726614 1.1399539 1.1063049\n", + " 1.0840762 1.0738243 1.0713866 1.0709449 1.0663584 1.057493 1.0490478\n", + " 1.0456877 1.047766 1.053559 0. 0. ]\n", + " [1.1564475 1.1526656 1.1626768 1.1696988 1.1591457 1.1274729 1.0961335\n", + " 1.0757799 1.0665288 1.0654058 1.0655922 1.0608617 1.0525949 1.0448943\n", + " 1.0412691 0. 0. 0. 0. ]\n", + " [1.1776788 1.174503 1.1854053 1.1939857 1.1799524 1.146074 1.110921\n", + " 1.0879608 1.0780116 1.0763823 1.0760269 1.0701938 1.0607455 1.0519615\n", + " 1.047761 1.0498943 0. 0. 0. ]]\n", + "[[1.1782603 1.1731098 1.1820014 1.1906943 1.1772348 1.1433927 1.1084485\n", + " 1.0853963 1.0763228 1.0753453 1.0763168 1.0712793 1.0615948 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1977142 1.1917894 1.2018452 1.2105055 1.196786 1.1604701 1.1233629\n", + " 1.0985477 1.0869391 1.0846757 1.084636 1.0786784 1.0687675 1.0589944\n", + " 1.0547771 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1479353 1.1438012 1.1525804 1.1600512 1.1508043 1.1227813 1.0934185\n", + " 1.0735662 1.0626694 1.0590843 1.0569645 1.0517095 1.0444872 1.0381079\n", + " 1.0357115 1.037666 1.0419877 1.0465534 1.0489855 1.0496558 1.0507567\n", + " 1.0534035 1.0597563 1.0681225]\n", + " [1.1681173 1.1652031 1.1759559 1.184989 1.1734028 1.1398817 1.1065556\n", + " 1.0843885 1.0734787 1.0696927 1.0681162 1.062044 1.0532584 1.0453924\n", + " 1.0421234 1.0433353 1.0481074 1.0530732 1.05515 1.0559138 0.\n", + " 0. 0. 0. ]\n", + " [1.1836196 1.1808555 1.1929293 1.2027698 1.1907011 1.154071 1.1161872\n", + " 1.0908877 1.0785501 1.0744156 1.0724263 1.0673448 1.0581205 1.0494236\n", + " 1.0462751 1.0485781 1.0541383 1.0594292 1.0618658 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1805863 1.176075 1.1872907 1.1957034 1.1836321 1.1487556 1.1128179\n", + " 1.088962 1.0785226 1.0765824 1.0772625 1.0718668 1.0624467 1.0531589\n", + " 1.049086 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1729425 1.1671401 1.1758394 1.1844143 1.1730093 1.1416358 1.10815\n", + " 1.0850594 1.0736885 1.0705025 1.0694278 1.0641515 1.0556169 1.0476173\n", + " 1.0441588 1.0457735 1.0509449 1.0559549 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1631558 1.159465 1.1700947 1.1793151 1.167654 1.1355907 1.1024439\n", + " 1.0807412 1.0700777 1.0667056 1.0650582 1.0592724 1.0503663 1.0427649\n", + " 1.0393401 1.0410109 1.0459197 1.0508484 1.0531588 1.0540664 0.\n", + " 0. 0. ]\n", + " [1.1532217 1.1506728 1.1602747 1.168712 1.1563935 1.1267519 1.0954925\n", + " 1.0743603 1.0641297 1.0608029 1.0592946 1.0548137 1.0471851 1.0402365\n", + " 1.0367506 1.0385128 1.0427985 1.0470673 1.049414 0. 0.\n", + " 0. 0. ]\n", + " [1.1672891 1.1650866 1.1764331 1.1865222 1.1744672 1.1416036 1.107908\n", + " 1.0848442 1.0727963 1.068551 1.066288 1.0601648 1.0510592 1.0438758\n", + " 1.0407653 1.0428872 1.0477426 1.0530722 1.0554935 1.0560141 1.0573498\n", + " 1.0609914 1.0678864]]\n", + "[[1.1585072 1.1542578 1.1626655 1.1706634 1.1588717 1.1296086 1.098473\n", + " 1.0776287 1.0670419 1.0634794 1.0622792 1.0576419 1.0500462 1.042998\n", + " 1.040081 1.0420436 1.047099 1.0515811]\n", + " [1.1738601 1.1684064 1.1776863 1.1843346 1.1730398 1.1400836 1.1064603\n", + " 1.0842557 1.0744864 1.0736148 1.0745906 1.0697374 1.060124 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1936071 1.189104 1.2002344 1.2092364 1.1952324 1.1586733 1.1208036\n", + " 1.0958133 1.0847317 1.0827713 1.0823953 1.0769699 1.0669227 1.0570546\n", + " 1.0529902 0. 0. 0. ]\n", + " [1.1928033 1.1883849 1.199154 1.2094142 1.1938733 1.1572299 1.1187384\n", + " 1.0941 1.0842797 1.0825826 1.0842841 1.0792372 1.0688578 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1818967 1.1776326 1.1884809 1.1982346 1.1855251 1.1484165 1.1124985\n", + " 1.088288 1.0784352 1.0767516 1.0778321 1.0726295 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1712542 1.168165 1.1793488 1.1879951 1.1748748 1.1423343 1.1082699\n", + " 1.0856197 1.0742145 1.0709989 1.0691725 1.0626241 1.0538938 1.0459929\n", + " 1.0422853 1.0442208 1.0493329 1.0539922 1.0562218 1.0573123]\n", + " [1.1631775 1.1583575 1.168177 1.1773447 1.1663263 1.1341288 1.1020803\n", + " 1.0803751 1.070847 1.0691593 1.0684123 1.0642837 1.0554922 1.047424\n", + " 1.0439072 1.0459797 0. 0. 0. 0. ]\n", + " [1.177624 1.1735206 1.1827946 1.1909163 1.1782823 1.1458436 1.1117787\n", + " 1.0884417 1.0773002 1.0735488 1.0716269 1.0658227 1.0564219 1.0485849\n", + " 1.0446846 1.0465035 1.0512704 1.0560945 1.0587771 0. ]\n", + " [1.1853998 1.1806703 1.1901742 1.197587 1.1840124 1.1512008 1.11469\n", + " 1.0909595 1.0787737 1.0760983 1.074985 1.0692669 1.0599687 1.0517893\n", + " 1.0481033 1.0502968 1.0561004 1.0615722 0. 0. ]\n", + " [1.1814312 1.1776412 1.1889437 1.1984193 1.1852152 1.1491995 1.1127768\n", + " 1.0885504 1.0773467 1.0749462 1.0740931 1.0690771 1.0598203 1.0508491\n", + " 1.0471646 1.0491799 1.0547495 1.0602087 0. 0. ]]\n", + "[[1.160901 1.1559566 1.1650537 1.1725048 1.1614139 1.1297284 1.0975506\n", + " 1.0770602 1.0678859 1.0670086 1.0674349 1.0629525 1.054738 1.0464836\n", + " 1.042736 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.2222303 1.2166901 1.2265916 1.2348301 1.2186203 1.179312 1.13788\n", + " 1.1099982 1.0972109 1.0953286 1.0952601 1.0892428 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1691662 1.1660178 1.1767007 1.1856194 1.1757066 1.1429573 1.1084224\n", + " 1.0850043 1.072824 1.0694093 1.0671602 1.060941 1.0524199 1.0448331\n", + " 1.0422422 1.0441408 1.0498012 1.0552222 1.0578033 1.0586393 1.0602877\n", + " 1.0642276 1.0716978 1.0811946]\n", + " [1.1695427 1.1647718 1.1750114 1.1840616 1.1725861 1.1400137 1.1059084\n", + " 1.083421 1.072735 1.0703274 1.0699335 1.0653106 1.0560627 1.0474981\n", + " 1.0436906 1.0451418 1.0506178 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1736826 1.1693954 1.1783266 1.1854713 1.1724477 1.1395959 1.1061844\n", + " 1.0837966 1.0740333 1.0715736 1.0712618 1.0660731 1.0570107 1.0484971\n", + " 1.0446197 1.0467774 1.0521973 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1565883 1.1533158 1.164222 1.1738982 1.1624842 1.1301593 1.0978558\n", + " 1.0763152 1.0668035 1.0651144 1.0650588 1.0602665 1.0516869 1.0434974\n", + " 1.0401117 1.0416725 1.0466554 0. 0. 0. 0. ]\n", + " [1.172127 1.169101 1.1784437 1.1863223 1.1731194 1.1408898 1.1068726\n", + " 1.0843105 1.0729527 1.0707343 1.0695161 1.0645648 1.056167 1.0483655\n", + " 1.0450058 1.0465244 1.0513754 1.0561436 0. 0. 0. ]\n", + " [1.1763779 1.1719284 1.1809139 1.1900482 1.1767714 1.1434711 1.1088454\n", + " 1.08584 1.07471 1.0719374 1.0713987 1.0666437 1.0581837 1.0495518\n", + " 1.0465055 1.0483152 1.0537194 1.0588313 0. 0. 0. ]\n", + " [1.1735698 1.1709653 1.1821324 1.1916186 1.1795005 1.1456563 1.1103023\n", + " 1.0870743 1.0752318 1.0716062 1.0697379 1.0640829 1.055149 1.047437\n", + " 1.0439911 1.0453225 1.0504297 1.0552828 1.0576787 1.0589095 1.0605204]\n", + " [1.1579101 1.1530675 1.1607157 1.1659468 1.1546706 1.1250443 1.0951054\n", + " 1.0751988 1.0665091 1.0647583 1.0640718 1.0602314 1.0521796 1.0446694\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1702868 1.1674786 1.1780092 1.1872767 1.1752442 1.1433034 1.1102684\n", + " 1.0876899 1.0757558 1.0715079 1.0690843 1.0625114 1.0530106 1.0450861\n", + " 1.0422494 1.0443832 1.0495836 1.0543661 1.0563188 1.0573454 1.0583328\n", + " 1.0621464]\n", + " [1.184381 1.180577 1.192013 1.2020122 1.1893792 1.153811 1.1160092\n", + " 1.0912818 1.0798386 1.0767323 1.0761116 1.0710343 1.0613955 1.0525169\n", + " 1.0482128 1.0502424 1.0557778 1.0615132 0. 0. 0.\n", + " 0. ]\n", + " [1.1767608 1.1724541 1.1824307 1.1901295 1.1767217 1.1442246 1.1103528\n", + " 1.0874918 1.0756514 1.0720952 1.0706129 1.064692 1.055271 1.0473582\n", + " 1.0438439 1.0457144 1.0508382 1.0558293 1.0582559 0. 0.\n", + " 0. ]\n", + " [1.155708 1.153541 1.1637536 1.1723214 1.1609403 1.1292788 1.0984559\n", + " 1.076926 1.0664645 1.0638101 1.0630803 1.0582719 1.0498 1.0428419\n", + " 1.0394835 1.041038 1.0458577 1.0507481 0. 0. 0.\n", + " 0. ]\n", + " [1.2000568 1.1944993 1.2046049 1.214372 1.1990473 1.1598538 1.1198006\n", + " 1.0941373 1.0837145 1.0827842 1.083995 1.0791115 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1706054 1.1690626 1.1798811 1.1899226 1.1771114 1.1439486 1.10923\n", + " 1.0857463 1.0749083 1.0718551 1.0722417 1.066737 1.0575379 1.0489857\n", + " 1.0450011 1.0467606 1.0524824 0. 0. ]\n", + " [1.1640925 1.1598511 1.1695772 1.1784308 1.1656201 1.1334938 1.1009043\n", + " 1.0795649 1.0694544 1.0675408 1.0670493 1.0619441 1.0531467 1.0456635\n", + " 1.0422745 1.0441222 1.0495815 0. 0. ]\n", + " [1.1622463 1.1602609 1.1712917 1.1812435 1.1694843 1.1358436 1.1021535\n", + " 1.0797395 1.0687624 1.0664955 1.065439 1.0599028 1.0512283 1.0436465\n", + " 1.0401001 1.0415859 1.0465038 1.0515026 1.0539615]\n", + " [1.2004459 1.1962721 1.2065052 1.2154027 1.2008109 1.1639049 1.1255544\n", + " 1.0997578 1.0874902 1.0838988 1.0832548 1.0766157 1.0667205 1.0572003\n", + " 1.0531096 1.0556707 1.0618397 1.067854 0. ]\n", + " [1.1677071 1.1639545 1.1748751 1.1848739 1.173219 1.1396964 1.1052936\n", + " 1.0827565 1.0723878 1.070653 1.0701882 1.0652436 1.056015 1.0473312\n", + " 1.0432471 1.044885 1.049895 0. 0. ]]\n", + "[[1.1929224 1.1856797 1.1936036 1.200271 1.1868757 1.1511317 1.1155165\n", + " 1.0929259 1.0824422 1.0805393 1.0799807 1.0744967 1.0641425 1.055247\n", + " 0. 0. 0. ]\n", + " [1.1571726 1.1512005 1.1593252 1.1668411 1.1575292 1.1279812 1.0971844\n", + " 1.0767597 1.0671434 1.0652324 1.0653737 1.0611943 1.0530226 1.0452158\n", + " 1.041481 0. 0. ]\n", + " [1.1571835 1.1528782 1.1620176 1.1694168 1.1573102 1.1269859 1.0960226\n", + " 1.07608 1.0665786 1.0640838 1.0637566 1.059408 1.0511347 1.0439144\n", + " 1.0409344 1.0426072 1.0477716]\n", + " [1.1728141 1.170736 1.1821592 1.1903334 1.1783006 1.1432743 1.1080822\n", + " 1.0855304 1.0747923 1.0723456 1.0718328 1.0671891 1.0581088 1.0499105\n", + " 1.0458072 1.0474143 1.0528363]\n", + " [1.1694114 1.1655084 1.1762453 1.1856081 1.1728799 1.1405115 1.1061035\n", + " 1.0834353 1.073139 1.0714563 1.0720465 1.0676124 1.058112 1.0492991\n", + " 1.0453131 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1673765 1.1647241 1.1762186 1.1847175 1.1727653 1.1395371 1.1049497\n", + " 1.0827652 1.0731478 1.071688 1.0718911 1.066711 1.0576042 1.0488037\n", + " 1.0448569 0. 0. ]\n", + " [1.2049451 1.1989845 1.2105587 1.2207707 1.2063719 1.1679924 1.1285838\n", + " 1.1017319 1.0897504 1.0881283 1.0882243 1.0831913 1.0723088 1.0618906\n", + " 0. 0. 0. ]\n", + " [1.1797485 1.1751055 1.184561 1.1941202 1.1813557 1.1464113 1.1114223\n", + " 1.0886377 1.0777725 1.0761739 1.0760657 1.0705132 1.0612625 1.0522574\n", + " 1.0482942 1.0503529 0. ]\n", + " [1.1743172 1.1691056 1.1788714 1.1879203 1.1757741 1.1430917 1.1086804\n", + " 1.0859802 1.0752288 1.0729948 1.0724026 1.0668756 1.0568944 1.0479827\n", + " 1.0448325 1.0471134 1.0533124]\n", + " [1.1929008 1.1860392 1.1951468 1.2045666 1.1927073 1.1566101 1.1205444\n", + " 1.0963699 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1727797 1.1718675 1.1838483 1.1922272 1.1790322 1.1440248 1.108898\n", + " 1.0851662 1.0744704 1.0715996 1.0699801 1.0643547 1.0550272 1.0473475\n", + " 1.0433627 1.0451313 1.0500495 1.0554113 1.057927 0. 0. ]\n", + " [1.1702418 1.1679635 1.1786126 1.1882397 1.1757333 1.1434699 1.109304\n", + " 1.0861044 1.0747241 1.0710824 1.068571 1.0628767 1.0539417 1.0459404\n", + " 1.0425872 1.0441056 1.0489086 1.0536461 1.0559835 1.0568488 1.0590706]\n", + " [1.1792585 1.1761419 1.1860425 1.1951705 1.1822443 1.1494607 1.1140726\n", + " 1.0904262 1.0783515 1.074288 1.0729314 1.0669504 1.0578345 1.0495485\n", + " 1.0458264 1.0476638 1.0529329 1.0582159 1.060403 0. 0. ]\n", + " [1.1857748 1.1826503 1.1933181 1.2020725 1.1885413 1.1538644 1.1177678\n", + " 1.0937636 1.0813084 1.0776547 1.0751594 1.0684882 1.0587801 1.0501593\n", + " 1.0466073 1.0486234 1.0542789 1.0593541 1.061643 1.0624536 0. ]\n", + " [1.1738158 1.1711286 1.1805017 1.1892225 1.1772343 1.1447953 1.1116064\n", + " 1.0889039 1.0765678 1.072428 1.0698366 1.0635175 1.054197 1.0467203\n", + " 1.043341 1.0451155 1.0502763 1.0553182 1.057182 1.0580363 1.0592357]]\n", + "[[1.1942298 1.1874316 1.1970003 1.2059925 1.1915531 1.155892 1.1191523\n", + " 1.0941432 1.0828168 1.0809568 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1834655 1.1787274 1.1895754 1.1984369 1.1863703 1.1516286 1.1154909\n", + " 1.0911955 1.0790825 1.0752586 1.0739366 1.0683818 1.059067 1.0504401\n", + " 1.0469055 1.0490099 1.0545775 1.0603555 1.063285 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1614337 1.1587038 1.169484 1.1778697 1.167008 1.1352075 1.1023468\n", + " 1.0800271 1.0690753 1.065527 1.0634427 1.0581874 1.049767 1.042665\n", + " 1.0392829 1.040821 1.0453869 1.049893 1.0525821 1.053892 0.\n", + " 0. 0. 0. ]\n", + " [1.1565293 1.1552558 1.1663499 1.1762131 1.1650805 1.1343106 1.1024565\n", + " 1.0808538 1.0697205 1.0656651 1.0625432 1.0569186 1.0480783 1.0413293\n", + " 1.0385661 1.0403789 1.0455345 1.0496968 1.0525047 1.0531807 1.0543193\n", + " 1.0579462 1.0646354 1.0737829]\n", + " [1.1619564 1.1569053 1.1652615 1.1731452 1.1622776 1.1316983 1.0997573\n", + " 1.0783381 1.0689179 1.0668441 1.0667388 1.0621468 1.0543047 1.0463167\n", + " 1.0431134 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1507235 1.1489284 1.1604608 1.1712232 1.1611102 1.1294997 1.0971422\n", + " 1.0760436 1.0657735 1.0624225 1.0604111 1.0546544 1.0460402 1.0389385\n", + " 1.0357672 1.037729 1.0424315 1.047204 1.0492454 1.050127 1.0513732\n", + " 1.0544648 1.060823 1.0701376]\n", + " [1.1705735 1.1679935 1.1786656 1.1873381 1.1748933 1.1390237 1.1050137\n", + " 1.0825794 1.0721799 1.0712947 1.0712858 1.0666797 1.0572643 1.0489165\n", + " 1.0449349 1.0468382 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.178941 1.1734604 1.1824982 1.1901599 1.1774471 1.143719 1.1105824\n", + " 1.0877961 1.0763236 1.0727568 1.0712894 1.0657777 1.0564708 1.0485041\n", + " 1.0452904 1.0474503 1.0528228 1.0579506 1.0606166 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1582458 1.1551675 1.1652676 1.1740161 1.1627281 1.131269 1.0998251\n", + " 1.0790483 1.0684371 1.0650324 1.0634346 1.0576351 1.0489634 1.0415438\n", + " 1.0388632 1.0407028 1.0457382 1.0500425 1.0528092 1.053679 1.0550852\n", + " 1.058758 1.0657618 0. ]\n", + " [1.197602 1.194624 1.2061131 1.2154007 1.2024336 1.1651245 1.1262107\n", + " 1.0993868 1.0862383 1.0818964 1.0797712 1.0741667 1.0638335 1.0552034\n", + " 1.0505127 1.0528687 1.0583876 1.0638072 1.066694 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1804225 1.1777406 1.1891217 1.1985524 1.1843628 1.1489313 1.1128762\n", + " 1.088681 1.0771881 1.0743681 1.0734642 1.0678277 1.0578039 1.0496062\n", + " 1.045783 1.0474188 1.0528167 1.0574589 1.059873 0. 0.\n", + " 0. 0. ]\n", + " [1.1718438 1.1690053 1.179565 1.1874914 1.1748991 1.1404892 1.1060721\n", + " 1.0838661 1.0739458 1.0715266 1.0709884 1.0662949 1.0563055 1.048146\n", + " 1.0446298 1.0463879 1.051931 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1707727 1.16329 1.1713287 1.1789999 1.1664538 1.1348445 1.1020851\n", + " 1.080486 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1682477 1.1658953 1.1761382 1.185686 1.1728611 1.1404501 1.1064466\n", + " 1.0842891 1.0735612 1.0720282 1.0717303 1.0667088 1.0576333 1.049488\n", + " 1.045233 1.047039 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.165724 1.1642745 1.1755952 1.1855707 1.1749712 1.1426646 1.1083279\n", + " 1.0861448 1.0748887 1.0707173 1.0679587 1.0619906 1.0525106 1.0447451\n", + " 1.0414065 1.043646 1.0489914 1.0540414 1.0557841 1.0567855 1.057633\n", + " 1.0607119 1.0677707]]\n", + "[[1.1742669 1.1699437 1.1806974 1.190199 1.1777706 1.1442349 1.109791\n", + " 1.0869744 1.0760792 1.0745391 1.0743004 1.0691154 1.0598397 1.0509853\n", + " 1.0469065 1.0489419 0. 0. ]\n", + " [1.1639184 1.157813 1.1645579 1.1738048 1.16275 1.1313633 1.0989912\n", + " 1.0781708 1.0681971 1.0666888 1.0667236 1.063336 1.055097 1.0473654\n", + " 1.0438203 0. 0. 0. ]\n", + " [1.1679698 1.1627771 1.1709478 1.1788371 1.1671822 1.1346087 1.1015923\n", + " 1.0805991 1.0713657 1.0701413 1.0709816 1.0662382 1.057496 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1833045 1.1762186 1.1843128 1.1923842 1.1804718 1.1482743 1.1136324\n", + " 1.0905066 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1693984 1.1648979 1.1746658 1.183136 1.1715587 1.1391954 1.1059817\n", + " 1.0837055 1.0731162 1.069979 1.0691056 1.0639265 1.0555096 1.0477183\n", + " 1.0444882 1.0463752 1.0515095 1.0563519]]\n", + "[[1.1553255 1.1498381 1.1579199 1.1652414 1.1544621 1.124318 1.0951452\n", + " 1.0749283 1.0650567 1.0628965 1.0628337 1.059205 1.051375 1.0441667\n", + " 1.041008 0. 0. ]\n", + " [1.1631793 1.1585387 1.1670755 1.1740531 1.1631452 1.1328545 1.1015694\n", + " 1.0808781 1.0708307 1.0681266 1.0665745 1.062159 1.0533324 1.0457265\n", + " 1.0420631 1.0440137 1.0489004]]\n", + "[[1.1585681 1.1544586 1.1635253 1.1713572 1.160337 1.1287376 1.0972968\n", + " 1.0763551 1.0671164 1.0658848 1.0664012 1.0624727 1.0538929 1.0458841\n", + " 1.0421174 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.167304 1.1657764 1.1769465 1.1850252 1.1720223 1.1372615 1.103769\n", + " 1.0817823 1.070779 1.0674493 1.066047 1.0603726 1.0524844 1.045153\n", + " 1.0419145 1.0438116 1.048362 1.0528271 1.0555087 1.0562457 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1687654 1.1660243 1.1761423 1.1838437 1.1724682 1.1381335 1.1047537\n", + " 1.0827857 1.072961 1.0714626 1.0715998 1.0665756 1.0570042 1.0485274\n", + " 1.044987 1.0469154 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1484419 1.1461066 1.1580385 1.1692672 1.1612148 1.131317 1.0998592\n", + " 1.0786289 1.0677649 1.0640435 1.0621644 1.0562415 1.047328 1.0399108\n", + " 1.0370338 1.0391073 1.0439918 1.0489184 1.0510378 1.0511475 1.051503\n", + " 1.0538869 1.0600731 1.0693235 1.0770862 1.0814028 1.0833812 1.0801452\n", + " 1.0730209]\n", + " [1.1619561 1.1572609 1.166388 1.1739818 1.1629261 1.1313939 1.0985363\n", + " 1.0779585 1.0694475 1.0693855 1.0698826 1.0654949 1.0559475 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1673542 1.1634532 1.1740882 1.1823834 1.1714972 1.1385523 1.1053587\n", + " 1.083247 1.073124 1.0715615 1.0715152 1.066462 1.057274 1.0487391\n", + " 1.0451931 0. ]\n", + " [1.1849486 1.1806544 1.1910024 1.2001463 1.1871471 1.1512924 1.1144477\n", + " 1.0906316 1.0795153 1.0779846 1.0776716 1.0714624 1.0617807 1.0525177\n", + " 1.0488955 1.051027 ]\n", + " [1.1820552 1.1767862 1.1866062 1.1952528 1.1826488 1.147613 1.1120948\n", + " 1.0888504 1.0783973 1.0778211 1.0781704 1.0727879 1.063503 0.\n", + " 0. 0. ]\n", + " [1.16877 1.1633646 1.1722271 1.1801856 1.1692874 1.1367494 1.104055\n", + " 1.0823866 1.0725052 1.070794 1.0710205 1.0665385 1.0577174 1.0494651\n", + " 0. 0. ]\n", + " [1.1699961 1.1646816 1.1740772 1.1833084 1.1709521 1.1374259 1.1038976\n", + " 1.0815074 1.0706755 1.0691823 1.0693204 1.0649756 1.0564003 1.048476\n", + " 1.0451095 0. ]]\n", + "[[1.1712358 1.1678126 1.1783625 1.1879034 1.176578 1.143392 1.1086694\n", + " 1.0853642 1.0743884 1.0717512 1.0714658 1.0665609 1.0574238 1.0491138\n", + " 1.0451604 1.0464916 1.0514392 1.0565339 0. 0. 0. ]\n", + " [1.2008648 1.1951408 1.2050294 1.213048 1.1986194 1.1618804 1.1243981\n", + " 1.0995237 1.0883027 1.0853661 1.0849457 1.0786717 1.0683899 1.0590205\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1730185 1.1682838 1.1789315 1.1885467 1.175784 1.1418335 1.1070037\n", + " 1.0840727 1.0732476 1.0712253 1.0706387 1.0655829 1.0559471 1.0477743\n", + " 1.043939 1.0459474 1.0516264 0. 0. 0. 0. ]\n", + " [1.1692078 1.1672449 1.1771481 1.1839206 1.1704979 1.1386038 1.1064844\n", + " 1.0851306 1.0741626 1.0705491 1.0680345 1.0615555 1.0527227 1.0450386\n", + " 1.0418603 1.0437428 1.0477375 1.0522374 1.0544274 1.0553268 1.0574001]\n", + " [1.1692996 1.1672976 1.1782455 1.1874849 1.174902 1.1412795 1.1074291\n", + " 1.0841397 1.072701 1.0692278 1.0675656 1.0621831 1.0528548 1.0454761\n", + " 1.0424352 1.0437908 1.0488213 1.0534713 1.0558616 1.0569266 0. ]]\n", + "[[1.1724576 1.170068 1.1820767 1.1895851 1.1775796 1.1427851 1.1082233\n", + " 1.0859104 1.0762947 1.0752434 1.0750066 1.0704353 1.0603019 1.0516033\n", + " 0. 0. ]\n", + " [1.1618233 1.1562696 1.1649016 1.172847 1.1627702 1.1320451 1.0996114\n", + " 1.0785089 1.0687009 1.0666562 1.0668702 1.063086 1.0552567 1.0475765\n", + " 1.0436796 1.0450181]\n", + " [1.1592535 1.1536729 1.1620377 1.17036 1.1588112 1.1283447 1.0973588\n", + " 1.0771713 1.0671649 1.0655724 1.0655961 1.0615642 1.0535012 1.0460852\n", + " 1.0426055 0. ]\n", + " [1.2085366 1.2033496 1.2140777 1.2223169 1.2074759 1.1683356 1.1278903\n", + " 1.1020906 1.0904489 1.0884286 1.0895805 1.0843246 0. 0.\n", + " 0. 0. ]\n", + " [1.1748197 1.1706554 1.1812648 1.1911012 1.1799996 1.145374 1.1097326\n", + " 1.0866208 1.0764209 1.0747471 1.0745977 1.0697672 1.0604858 1.0515767\n", + " 1.047524 1.0497748]]\n", + "[[1.1792783 1.1735661 1.1827765 1.190379 1.1788841 1.1454912 1.1110938\n", + " 1.0884371 1.078392 1.0770214 1.0772357 1.0723972 1.0621768 1.0527172\n", + " 0. 0. ]\n", + " [1.1678575 1.1629887 1.1716789 1.1801475 1.1693344 1.1381679 1.1048042\n", + " 1.0826573 1.0724849 1.0702465 1.070408 1.0658976 1.0572659 1.0488918\n", + " 1.0447391 1.046426 ]\n", + " [1.1711708 1.1665888 1.1778619 1.1870207 1.1763642 1.1426133 1.106867\n", + " 1.0838975 1.0733562 1.0719559 1.0721956 1.0674226 1.0583429 1.0496279\n", + " 1.045363 1.0471197]\n", + " [1.1798059 1.1736453 1.1840882 1.1929945 1.1808746 1.1464713 1.111159\n", + " 1.0884095 1.07811 1.0762376 1.0771942 1.0721738 1.0622598 1.0525843\n", + " 1.0483196 0. ]\n", + " [1.2031999 1.1954504 1.2027136 1.2093209 1.1950054 1.1587601 1.1215318\n", + " 1.0965213 1.0851996 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.165504 1.1622883 1.1727885 1.1801031 1.1687375 1.1360087 1.1021494\n", + " 1.0798962 1.069804 1.067661 1.0682789 1.0638347 1.0551996 1.0473875\n", + " 1.0435557 1.0450962 1.0506454 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1718744 1.1691914 1.180801 1.1908524 1.177121 1.1428465 1.1079901\n", + " 1.0848591 1.0737073 1.0711318 1.0699682 1.064148 1.054892 1.0462737\n", + " 1.0428678 1.0445961 1.0497452 1.0548544 1.0575185 0. 0.\n", + " 0. ]\n", + " [1.1603745 1.1568627 1.1658111 1.174475 1.1641595 1.1338106 1.1018083\n", + " 1.0805475 1.0694478 1.0651369 1.0630546 1.0568434 1.0483177 1.0410869\n", + " 1.0382909 1.039679 1.0445971 1.0490838 1.0512567 1.0521455 1.0534188\n", + " 1.056763 ]\n", + " [1.1818566 1.1776114 1.1874988 1.1963589 1.1847665 1.1510339 1.1155918\n", + " 1.0918808 1.0812463 1.0783672 1.0776042 1.0717908 1.0619292 1.0531117\n", + " 1.0489049 1.0510554 1.0569472 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1609404 1.1584879 1.1682687 1.1760631 1.1636921 1.1314211 1.0989753\n", + " 1.0774881 1.066642 1.0637922 1.0624099 1.0570282 1.0497177 1.0427998\n", + " 1.0399604 1.0414101 1.046155 1.0504568 1.0529673 1.0539453 0.\n", + " 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.178874 1.1741079 1.1844325 1.192059 1.1800526 1.1467589 1.1118768\n", + " 1.0886184 1.0777141 1.0747585 1.074103 1.0688498 1.0586886 1.0501963\n", + " 1.0460807 1.0481989 1.0537469 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1694579 1.1662217 1.1775002 1.1868254 1.1767949 1.1434008 1.1081289\n", + " 1.0847689 1.0732691 1.0701842 1.0694326 1.0637227 1.0546883 1.0458281\n", + " 1.0422584 1.0438807 1.0489058 1.0538871 1.0566987 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.175216 1.1705258 1.1802984 1.1890976 1.1770844 1.1434919 1.1085081\n", + " 1.0862005 1.0754509 1.0737356 1.0735875 1.0681286 1.0589877 1.0503126\n", + " 1.0464433 1.0486833 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1493487 1.1446741 1.1517837 1.1581844 1.1481701 1.1190535 1.0895212\n", + " 1.070392 1.0616949 1.0602621 1.0606127 1.0573248 1.0494002 1.0421026\n", + " 1.0390409 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.157259 1.1549413 1.16639 1.1770693 1.1663537 1.1346737 1.1015749\n", + " 1.0790193 1.0684566 1.0645198 1.0626643 1.0569307 1.0485449 1.0417658\n", + " 1.0387319 1.040845 1.0454589 1.050442 1.0531113 1.0536524 1.0546865\n", + " 1.0576211 1.0640976 1.0737028 1.0814431]]\n", + "[[1.1742309 1.1701615 1.1804224 1.1883616 1.1757009 1.1418948 1.1077865\n", + " 1.0850395 1.073875 1.0706702 1.0689307 1.0635848 1.0543146 1.0464928\n", + " 1.0435296 1.0459516 1.0513419 1.0567685]\n", + " [1.1935326 1.1878052 1.197419 1.2066449 1.1940231 1.1594579 1.1225944\n", + " 1.0978947 1.0857905 1.0836098 1.0833678 1.077881 1.0676273 1.0576358\n", + " 1.0533932 1.0555247 0. 0. ]\n", + " [1.1662151 1.1614922 1.1715766 1.1786104 1.1673982 1.1348158 1.1017784\n", + " 1.0797291 1.0708588 1.0696332 1.0697637 1.065346 1.0564297 1.0485156\n", + " 1.0449226 0. 0. 0. ]\n", + " [1.1817186 1.1766324 1.1869503 1.1969802 1.184532 1.1491331 1.113191\n", + " 1.0893084 1.0789702 1.0775671 1.077805 1.0731606 1.0631392 1.0539305\n", + " 0. 0. 0. 0. ]\n", + " [1.1527063 1.1477524 1.1566389 1.1650012 1.1558503 1.1268001 1.0960982\n", + " 1.0752512 1.0657719 1.0634259 1.063202 1.0590167 1.0509197 1.0435022\n", + " 1.0401475 1.0418142 0. 0. ]]\n", + "[[1.1739959 1.1693711 1.1789659 1.1858807 1.1748843 1.1420745 1.1080569\n", + " 1.0860437 1.0760671 1.0743932 1.0745221 1.0696228 1.0595548 1.050979\n", + " 1.0474412 0. 0. 0. 0. ]\n", + " [1.1905934 1.1871455 1.1977907 1.2073073 1.193577 1.157344 1.12028\n", + " 1.0954885 1.0829642 1.0792005 1.0768414 1.0714012 1.0617061 1.0526195\n", + " 1.0489081 1.0512561 1.0568906 1.0623835 1.0643739]\n", + " [1.1821148 1.176617 1.1859301 1.1959743 1.1838039 1.1483666 1.1123383\n", + " 1.0890065 1.0782086 1.0767305 1.0765694 1.0713416 1.0611593 1.0520287\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1858059 1.1784079 1.1869664 1.1957014 1.1832292 1.1494573 1.1139148\n", + " 1.0915326 1.0804937 1.0782084 1.0775034 1.0719609 1.0623586 1.0533903\n", + " 1.0494137 1.051758 0. 0. 0. ]\n", + " [1.1676579 1.1647756 1.1756635 1.1852183 1.1735783 1.1413758 1.1072785\n", + " 1.0843749 1.0738683 1.0712031 1.0710032 1.0657173 1.0563047 1.0484091\n", + " 1.0445129 1.0464882 1.0521387 0. 0. ]]\n", + "[[1.2103946 1.2029417 1.2130808 1.2210652 1.2087328 1.170633 1.1308631\n", + " 1.1038293 1.0925809 1.090836 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.16151 1.1577638 1.1677632 1.1750574 1.1614755 1.129943 1.0983137\n", + " 1.0778092 1.0679091 1.0660123 1.0649979 1.060072 1.0514748 1.0438538\n", + " 1.0408351 1.0427212 1.0479491 0. 0. 0. ]\n", + " [1.182533 1.1797855 1.1894178 1.1992157 1.1870043 1.1523935 1.11604\n", + " 1.0911098 1.0792031 1.0755467 1.0750787 1.0701488 1.0607871 1.0515198\n", + " 1.047696 1.0493159 1.0549253 1.0604575 0. 0. ]\n", + " [1.1843945 1.1817555 1.1923935 1.200785 1.1882894 1.1530741 1.116008\n", + " 1.0922719 1.0795586 1.0764371 1.0739698 1.0680604 1.058347 1.0502433\n", + " 1.0469152 1.0484208 1.0540097 1.0593153 1.0614234 1.0623554]\n", + " [1.1758412 1.1724446 1.1825517 1.191853 1.1786791 1.1449206 1.1099429\n", + " 1.0868679 1.0748714 1.0716492 1.0702211 1.0643263 1.0557556 1.047286\n", + " 1.0440543 1.0457911 1.050736 1.0554614 1.058213 1.0595416]]\n", + "[[1.1718217 1.1701005 1.1817586 1.191116 1.1773612 1.1431324 1.1078128\n", + " 1.0849496 1.0736058 1.0712674 1.0700419 1.0654796 1.0563242 1.048255\n", + " 1.0446057 1.0462927 1.051306 1.0567567 0. 0. 0. ]\n", + " [1.1798899 1.1779374 1.1899353 1.1990718 1.1874352 1.1522605 1.1161858\n", + " 1.0912839 1.0783145 1.0740613 1.071467 1.0656177 1.0570707 1.0490193\n", + " 1.0457628 1.047445 1.0520175 1.0571203 1.0597726 1.0605474 1.0622729]\n", + " [1.190367 1.1859703 1.1966705 1.2040659 1.190489 1.1540065 1.1177887\n", + " 1.0941095 1.0825752 1.0791901 1.0777403 1.0711594 1.060823 1.0520724\n", + " 1.0482166 1.0501906 1.0558549 1.0613403 1.0639143 0. 0. ]\n", + " [1.1584605 1.1539783 1.1628225 1.1709386 1.159891 1.129902 1.0992173\n", + " 1.0779246 1.0679489 1.0653881 1.0641825 1.0601888 1.0522605 1.0451696\n", + " 1.0415107 1.0430926 0. 0. 0. 0. 0. ]\n", + " [1.1641892 1.1607153 1.1704731 1.1778691 1.164775 1.1324754 1.1001587\n", + " 1.0790976 1.0689425 1.0663717 1.065261 1.0602585 1.0517203 1.044351\n", + " 1.0411831 1.0433586 1.0482936 1.0531559 0. 0. 0. ]]\n", + "[[1.1563593 1.1527556 1.1626582 1.1700348 1.1572386 1.1273595 1.0962391\n", + " 1.0757111 1.0663806 1.0647933 1.0651954 1.0606219 1.052341 1.0451908\n", + " 1.0415783 1.0434173 0. 0. ]\n", + " [1.1779444 1.1738132 1.1842257 1.1926446 1.1801453 1.1455117 1.110893\n", + " 1.0874231 1.075777 1.0730511 1.0716342 1.0667669 1.0572922 1.0487908\n", + " 1.045198 1.0467914 1.0522552 1.05781 ]\n", + " [1.1778502 1.1730368 1.1840711 1.1939114 1.1829773 1.1486851 1.1123449\n", + " 1.0890416 1.0773199 1.0754131 1.0757133 1.0701195 1.0607082 1.0517185\n", + " 1.0476453 0. 0. 0. ]\n", + " [1.1579692 1.1537542 1.1626613 1.1702938 1.1587493 1.1270221 1.0953287\n", + " 1.0747585 1.0659282 1.0650767 1.0655729 1.06101 1.0526063 1.0447453\n", + " 1.0412009 0. 0. 0. ]\n", + " [1.174991 1.1715553 1.1823049 1.190806 1.1787817 1.1445996 1.1090143\n", + " 1.0855116 1.0744269 1.0719777 1.0716062 1.0663786 1.0569896 1.0486436\n", + " 1.045136 1.0469508 1.0529977 0. ]]\n", + "[[1.1885799 1.1855725 1.1967431 1.2057447 1.1928288 1.1569164 1.1196434\n", + " 1.0943068 1.0816323 1.0782813 1.0763209 1.0703658 1.0602933 1.0515682\n", + " 1.0479234 1.0496962 1.054812 1.0600883 1.0625546 1.0635976]\n", + " [1.1788689 1.1755915 1.1874963 1.1973531 1.1848676 1.1500207 1.113924\n", + " 1.0899361 1.0779313 1.0748594 1.073642 1.0678061 1.0578599 1.0494603\n", + " 1.0453764 1.04737 1.0528326 1.0581669 1.0607256 0. ]\n", + " [1.1796283 1.1755335 1.1846391 1.1916668 1.1801393 1.1463224 1.1111838\n", + " 1.0884027 1.0772635 1.0742081 1.0741527 1.0685487 1.0592694 1.0502967\n", + " 1.046892 1.0492909 1.0549132 0. 0. 0. ]\n", + " [1.1646857 1.1606581 1.1715885 1.1807563 1.1705137 1.1380357 1.104008\n", + " 1.0815296 1.0713179 1.0700743 1.0701134 1.0649664 1.0557234 1.0472391\n", + " 1.0434363 1.0451398 0. 0. 0. 0. ]\n", + " [1.2012464 1.1962334 1.2063389 1.21576 1.201589 1.1652764 1.1263624\n", + " 1.1004045 1.0884784 1.0864764 1.086182 1.0814531 1.0711899 1.060891\n", + " 1.056405 0. 0. 0. 0. 0. ]]\n", + "[[1.1634374 1.1587167 1.1670797 1.1748646 1.1617225 1.1299537 1.0983543\n", + " 1.0782876 1.069372 1.0679821 1.0681471 1.063317 1.0544204 1.046569\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1785223 1.173454 1.1840671 1.1930465 1.1795253 1.145438 1.1103808\n", + " 1.087393 1.0770544 1.0749959 1.0747247 1.0693097 1.0600882 1.0512608\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.180318 1.1745458 1.1848128 1.1944388 1.1841676 1.1504297 1.1147006\n", + " 1.0905085 1.0791302 1.0774994 1.0776991 1.073062 1.0629381 1.053667\n", + " 1.0491042 0. 0. 0. 0. ]\n", + " [1.1761558 1.174267 1.1866298 1.1967473 1.1835711 1.1482284 1.1115233\n", + " 1.0872288 1.0753447 1.0724881 1.0713996 1.0656595 1.0568552 1.0488418\n", + " 1.0448917 1.0467776 1.0516919 1.0567003 1.0598773]\n", + " [1.1708908 1.1683474 1.1790032 1.1859899 1.1734116 1.139364 1.1047882\n", + " 1.0820876 1.0715259 1.0699103 1.069684 1.0649692 1.0564369 1.0484296\n", + " 1.0446527 1.0463434 1.0519526 0. 0. ]]\n", + "[[1.1754152 1.1699654 1.1793189 1.1862448 1.173182 1.1405303 1.1073768\n", + " 1.0857376 1.075571 1.0738615 1.073524 1.0679193 1.0582596 1.0499479\n", + " 1.0460536 1.0484161 0. 0. 0. 0. 0. ]\n", + " [1.1890596 1.1840353 1.1942331 1.201884 1.1893971 1.1539694 1.1174685\n", + " 1.0929282 1.0818336 1.0788016 1.07767 1.0721916 1.0623194 1.0530126\n", + " 1.0493908 1.0513372 1.057178 1.0628666 0. 0. 0. ]\n", + " [1.1691083 1.1644061 1.1734871 1.1815493 1.1694227 1.1374819 1.1047087\n", + " 1.0822747 1.0720978 1.0694661 1.0683666 1.0634238 1.0550869 1.0469911\n", + " 1.043538 1.0453533 1.0505655 1.0556401 0. 0. 0. ]\n", + " [1.1652191 1.1603992 1.169362 1.177808 1.1672952 1.1354723 1.1019825\n", + " 1.079939 1.0693452 1.0669601 1.0673395 1.0639338 1.0557432 1.0479858\n", + " 1.0440764 1.0456079 0. 0. 0. 0. 0. ]\n", + " [1.1571134 1.1551125 1.1660376 1.1759479 1.1655321 1.1333413 1.100979\n", + " 1.0788596 1.0677991 1.0640234 1.0625055 1.0574273 1.049163 1.0420035\n", + " 1.0390552 1.0404351 1.0446084 1.0495231 1.0518676 1.0530047 1.0544149]]\n", + "[[1.1730614 1.1675277 1.1767819 1.1848682 1.1737075 1.1410185 1.1073021\n", + " 1.0850426 1.075186 1.073389 1.0737594 1.0683143 1.0592153 1.0502653\n", + " 1.0463789 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1931895 1.1894001 1.1993542 1.2080551 1.1944685 1.1580939 1.121102\n", + " 1.0963806 1.0839392 1.0804645 1.0789738 1.0737433 1.0639273 1.0551292\n", + " 1.0507214 1.053008 1.0591772 1.0648835 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1653237 1.1637534 1.1727468 1.1823214 1.168291 1.1349626 1.1009125\n", + " 1.0808913 1.0716969 1.0703344 1.0709225 1.0668311 1.0574903 1.0491874\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1734438 1.170532 1.181663 1.191177 1.1809568 1.148055 1.1129158\n", + " 1.0882477 1.0763756 1.0716981 1.0690072 1.06222 1.0526229 1.0447637\n", + " 1.0414716 1.0442187 1.0497495 1.0549179 1.0578079 1.0577289 1.0589366\n", + " 1.062542 1.0696597 1.0790112 1.0864608 1.0910447]\n", + " [1.2065066 1.2009219 1.2124543 1.222235 1.2093704 1.170816 1.1312324\n", + " 1.1049277 1.0924869 1.0906763 1.0905969 1.0839844 1.0728285 1.0624079\n", + " 1.0577773 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1925806 1.1869513 1.196203 1.2036248 1.1892847 1.1539779 1.1172326\n", + " 1.0936208 1.0829186 1.0815749 1.0826093 1.0773687 1.0668416 1.057099\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1707239 1.1672361 1.1774209 1.1866587 1.1747394 1.1414202 1.108461\n", + " 1.085314 1.0733671 1.0694475 1.0673461 1.0624168 1.0535898 1.0466282\n", + " 1.043094 1.0449756 1.0499879 1.0546786 1.0571034 1.0580741 0.\n", + " 0. ]\n", + " [1.1681114 1.1656166 1.1773269 1.1874409 1.175283 1.142499 1.1085083\n", + " 1.0854262 1.0737197 1.070034 1.0676123 1.0613431 1.0525949 1.044904\n", + " 1.0415955 1.0432005 1.0483948 1.0534245 1.0559735 1.0568911 1.0584692\n", + " 1.0619575]\n", + " [1.202154 1.1970968 1.2088845 1.2185849 1.2030898 1.1641476 1.1246464\n", + " 1.0992805 1.0881734 1.0879878 1.0885903 1.0826391 1.0714353 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1619475 1.1593851 1.1697764 1.1768019 1.1656755 1.13414 1.1018627\n", + " 1.079767 1.0696255 1.0669781 1.0656698 1.0614151 1.0528096 1.0453775\n", + " 1.0420128 1.043533 1.0481548 1.0527849 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1757171 1.1726712 1.183747 1.191161 1.1784885 1.1446296 1.1103078\n", + " 1.0874296 1.0766673 1.073893 1.0725297 1.0664824 1.056599 1.0484762\n", + " 1.045072 1.0469065 1.0519456 1.0566971 1.0586358 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1593051 1.1572365 1.1693673 1.1802535 1.1694458 1.1358992 1.1017416\n", + " 1.0793619 1.0687853 1.0658479 1.0642551 1.058588 1.0498152 1.0420994\n", + " 1.038812 1.0409322 1.0461867 1.0509264 1.0535845 1.0545298 1.0553124\n", + " 1.0587835 1.0662402 1.0761135 1.0836375 1.0876796]\n", + " [1.1679182 1.1637037 1.1731838 1.181498 1.1703347 1.1380731 1.1052716\n", + " 1.0833278 1.0726912 1.0697137 1.0687224 1.0632643 1.0541285 1.0459232\n", + " 1.0422493 1.043993 1.0494267 1.0542603 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2043637 1.1983155 1.2085495 1.2176731 1.2030933 1.1660484 1.1270287\n", + " 1.1018224 1.0901506 1.0891863 1.089044 1.0829628 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1714852 1.168019 1.1784796 1.1866052 1.1742954 1.1392502 1.104869\n", + " 1.0821941 1.0726134 1.0707465 1.0708376 1.0663911 1.0575213 1.0487578\n", + " 1.0448415 1.0466098 1.0519105 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1748844 1.1721396 1.1840674 1.1939015 1.1812277 1.1453639 1.1090854\n", + " 1.0858321 1.075205 1.0733918 1.0738269 1.0690509 1.0591754 1.0502076\n", + " 1.0463272 1.0484704 0. 0. 0. 0. ]\n", + " [1.162699 1.1588063 1.1684616 1.1765919 1.1657846 1.1335027 1.1007924\n", + " 1.079284 1.0694125 1.067208 1.066873 1.0622967 1.0535005 1.0450885\n", + " 1.0415905 1.0432231 1.048551 0. 0. 0. ]\n", + " [1.1635755 1.1609524 1.1726005 1.182893 1.1722965 1.1392263 1.1051617\n", + " 1.0816886 1.0695816 1.0662687 1.0648905 1.0590477 1.0507896 1.0434296\n", + " 1.0403365 1.0414543 1.0462075 1.0508054 1.0532401 1.0541755]\n", + " [1.1942294 1.1878269 1.1978841 1.2067065 1.1937482 1.158585 1.1206646\n", + " 1.0955712 1.0848038 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1698279 1.1655415 1.1760441 1.183893 1.1734918 1.1406302 1.1065935\n", + " 1.0839072 1.0739967 1.0724869 1.0733577 1.0687401 1.0592573 1.0505395\n", + " 1.0464854 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1769458 1.1728396 1.1823882 1.1913066 1.1777167 1.144055 1.1095679\n", + " 1.0873553 1.0764289 1.0740477 1.0736212 1.0685709 1.059593 1.050972\n", + " 1.0474993 1.0496105 0. 0. 0. 0. ]\n", + " [1.1924231 1.1867098 1.1965537 1.2047741 1.1914612 1.156175 1.1198579\n", + " 1.0965521 1.085183 1.0839033 1.0842164 1.0781405 1.0678799 1.0582054\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1644894 1.1608795 1.170835 1.180397 1.169101 1.1375763 1.104462\n", + " 1.082031 1.0714501 1.0687765 1.0689864 1.0649688 1.0564027 1.0483519\n", + " 1.0446287 1.0462052 0. 0. 0. 0. ]\n", + " [1.1803603 1.1773047 1.188239 1.1970595 1.1844705 1.1499186 1.1139271\n", + " 1.0899787 1.0776366 1.073933 1.0726103 1.0668111 1.0573779 1.0495108\n", + " 1.0460393 1.0477116 1.05263 1.0573224 1.0598807 1.0614417]\n", + " [1.169369 1.1668625 1.178271 1.1864097 1.1757275 1.1417964 1.1067654\n", + " 1.0833975 1.0716721 1.068101 1.0667917 1.0616759 1.0535529 1.0454078\n", + " 1.0422629 1.0441266 1.0487143 1.053231 1.0558153 1.0564497]]\n", + "[[1.1723971 1.1696473 1.1804491 1.1890055 1.1775835 1.1444393 1.1093767\n", + " 1.0859038 1.0741835 1.0710267 1.0696023 1.0639604 1.0548509 1.0470277\n", + " 1.0434629 1.0453789 1.0501992 1.0554109 1.0581564 0. ]\n", + " [1.1565876 1.1526064 1.1628367 1.1708807 1.1618404 1.130407 1.0981946\n", + " 1.0770148 1.067507 1.0655962 1.0660354 1.0615623 1.0524492 1.0441138\n", + " 1.0402628 1.0419255 0. 0. 0. 0. ]\n", + " [1.1601307 1.1571662 1.1676713 1.1766196 1.1657267 1.1338093 1.101181\n", + " 1.079577 1.0689179 1.0653898 1.0635113 1.0581079 1.0491222 1.0420579\n", + " 1.0388299 1.0407233 1.0453664 1.0499481 1.0518323 1.0527067]\n", + " [1.1870303 1.1829973 1.1937361 1.2021099 1.1864741 1.1492554 1.1129787\n", + " 1.0899131 1.0803899 1.0795783 1.0803969 1.0748037 1.0643476 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1998037 1.1930202 1.2012842 1.2082546 1.193413 1.1582106 1.1207727\n", + " 1.0957762 1.0845851 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1643386 1.1625149 1.1743389 1.1842666 1.1718115 1.1384429 1.1040725\n", + " 1.0816951 1.0702467 1.0669813 1.0654199 1.0596731 1.0512933 1.0439137\n", + " 1.0400852 1.042084 1.0468265 1.0514381 1.0541633 1.0552235 0.\n", + " 0. ]\n", + " [1.1877834 1.1835597 1.193646 1.2023176 1.1886388 1.1521944 1.114971\n", + " 1.0912155 1.0805622 1.0782772 1.0780294 1.0723779 1.0625693 1.0534523\n", + " 1.0491971 1.0514474 1.057434 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1724569 1.1701133 1.1816288 1.1911376 1.1795554 1.1456033 1.1105461\n", + " 1.0869315 1.0752058 1.0712875 1.0697516 1.063345 1.054619 1.0463817\n", + " 1.0430925 1.0444515 1.0494806 1.0543408 1.0570737 1.0578228 0.\n", + " 0. ]\n", + " [1.1902654 1.1863476 1.1962494 1.2049211 1.1919622 1.1560731 1.1193576\n", + " 1.0955445 1.083564 1.0800781 1.0784509 1.0721852 1.0618477 1.0527235\n", + " 1.0486488 1.0514072 1.0571632 1.0627686 0. 0. 0.\n", + " 0. ]\n", + " [1.1571251 1.1542795 1.1645876 1.1733146 1.1626974 1.1318283 1.1004239\n", + " 1.0790863 1.0684241 1.0645534 1.0627563 1.0567832 1.0485775 1.0416021\n", + " 1.0387152 1.0408262 1.0450412 1.0494729 1.0515382 1.0521458 1.0535307\n", + " 1.0571172]]\n", + "[[1.1798552 1.1765524 1.1880633 1.197026 1.1840024 1.1488162 1.1119089\n", + " 1.0879195 1.0761364 1.0728533 1.0717334 1.0666223 1.057359 1.0493356\n", + " 1.0452869 1.0472672 1.0525577 1.0572821 1.0597032]\n", + " [1.1786654 1.1733081 1.1829387 1.1909124 1.1790448 1.1437426 1.1085618\n", + " 1.085604 1.0744498 1.0732368 1.0739675 1.0695201 1.0604367 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2213682 1.2136736 1.2242054 1.2331854 1.2190167 1.180741 1.1389343\n", + " 1.1103191 1.0978067 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1780367 1.1722306 1.183479 1.1940957 1.1831856 1.1478609 1.1117642\n", + " 1.0871979 1.0764971 1.0752667 1.0756869 1.0707313 1.0607828 1.0518093\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1732578 1.1670247 1.1746047 1.1818948 1.170342 1.1395314 1.106776\n", + " 1.0842744 1.0733904 1.0703388 1.0697712 1.0645863 1.0562887 1.0481294\n", + " 1.0448182 1.0467668 1.0523638 0. 0. ]]\n", + "[[1.1766412 1.1728249 1.1844108 1.1937155 1.1812907 1.1455963 1.1107888\n", + " 1.0880417 1.0783387 1.0775094 1.0776545 1.071968 1.0612818 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2106627 1.2042022 1.2136009 1.2216763 1.2062885 1.1689403 1.1295624\n", + " 1.1035323 1.0915204 1.0899624 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1564541 1.1540868 1.164535 1.1739275 1.1624933 1.1311218 1.0995877\n", + " 1.0781428 1.0671268 1.0640213 1.0624692 1.0565898 1.048421 1.0410988\n", + " 1.0378817 1.0393318 1.04399 1.0486332 1.051059 1.0519947]\n", + " [1.1778741 1.1730982 1.1825044 1.1918218 1.179626 1.1453563 1.1105239\n", + " 1.0874423 1.0775756 1.0760875 1.077036 1.0719078 1.0622892 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1635511 1.1604308 1.1700786 1.1787381 1.1661391 1.1339909 1.1009868\n", + " 1.0792751 1.0690645 1.0663602 1.0658443 1.0608848 1.0524309 1.0446794\n", + " 1.0413697 1.0432333 1.0481147 1.0530375 0. 0. ]]\n", + "[[1.1632961 1.1577165 1.1662676 1.1740797 1.1626995 1.1323125 1.1003557\n", + " 1.078724 1.0682724 1.0654724 1.0654318 1.0614651 1.0538695 1.0462245\n", + " 1.0427998 1.0445931 0. 0. ]\n", + " [1.1733396 1.1695588 1.1794853 1.1879717 1.175548 1.1412473 1.1069529\n", + " 1.0844873 1.0750006 1.0738235 1.0743167 1.0688161 1.0591311 1.049902\n", + " 1.0457182 0. 0. 0. ]\n", + " [1.1847323 1.1806858 1.1897767 1.1982245 1.184576 1.1503379 1.1154996\n", + " 1.0918746 1.080598 1.0780036 1.0767585 1.0714422 1.0614061 1.0527213\n", + " 1.0491331 1.0512726 1.057392 0. ]\n", + " [1.1843281 1.1795411 1.1897856 1.1992953 1.186203 1.1515298 1.1155117\n", + " 1.0913494 1.0792584 1.0765809 1.0757099 1.0697201 1.0602432 1.0513006\n", + " 1.047334 1.0487031 1.0543764 1.0603817]\n", + " [1.1749458 1.1709789 1.1816727 1.1909862 1.1788509 1.1448766 1.10923\n", + " 1.0855519 1.0750743 1.0725307 1.0723931 1.0680875 1.0591313 1.0511621\n", + " 1.0471028 1.048991 0. 0. ]]\n", + "[[1.1787447 1.1726971 1.1830338 1.1918864 1.1808733 1.1456392 1.1094508\n", + " 1.0862783 1.0749952 1.0737551 1.0737996 1.069178 1.0596687 1.0507323\n", + " 1.0465579 1.0487353 0. 0. 0. 0. 0. ]\n", + " [1.1901582 1.185076 1.1953006 1.2027513 1.189575 1.1538241 1.1168416\n", + " 1.0923655 1.0819821 1.0809642 1.0809468 1.0760124 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1733687 1.1694435 1.1811724 1.1925751 1.1814535 1.1465447 1.1100936\n", + " 1.0862002 1.0759615 1.0745436 1.074556 1.0697471 1.060093 1.0511769\n", + " 1.0464785 1.0484085 0. 0. 0. 0. 0. ]\n", + " [1.1775554 1.1755942 1.188004 1.1981393 1.1861078 1.1507609 1.1139253\n", + " 1.0892376 1.0774624 1.0744493 1.0729284 1.0670648 1.0578437 1.0495784\n", + " 1.0455316 1.0471323 1.0524137 1.0577042 1.0608369 0. 0. ]\n", + " [1.1665126 1.1639836 1.1749682 1.1847291 1.1729546 1.140131 1.1067288\n", + " 1.08406 1.072147 1.0683103 1.0662929 1.0603607 1.0520079 1.0444915\n", + " 1.041285 1.0429983 1.0473872 1.0524625 1.0554345 1.0566318 1.0584207]]\n", + "[[1.1722381 1.1699368 1.1805296 1.1904168 1.1787041 1.1459718 1.1114058\n", + " 1.0878292 1.0759904 1.0714979 1.069376 1.0634179 1.0538566 1.04643\n", + " 1.0428619 1.0450542 1.0495299 1.0548209 1.0574899 1.0582112 1.0593247\n", + " 1.0627387]\n", + " [1.1685864 1.164774 1.1753438 1.1852647 1.1732109 1.1405143 1.1066102\n", + " 1.0841017 1.0730304 1.070492 1.0694731 1.0639026 1.0550437 1.0467917\n", + " 1.043255 1.0453144 1.0505687 1.0561111 0. 0. 0.\n", + " 0. ]\n", + " [1.1786835 1.1749789 1.1851529 1.1938667 1.1812547 1.1489353 1.1147329\n", + " 1.0913936 1.0790195 1.0741053 1.0720801 1.0658357 1.0562625 1.0488286\n", + " 1.0454836 1.0477521 1.0528986 1.0579956 1.0598081 1.060403 1.0615232\n", + " 0. ]\n", + " [1.155416 1.152603 1.162486 1.1713367 1.1602733 1.1295457 1.0986395\n", + " 1.0777953 1.0670304 1.0632453 1.061503 1.05591 1.0481527 1.0409935\n", + " 1.03779 1.0391575 1.043548 1.0479361 1.0501977 1.0511712 1.0526308\n", + " 0. ]\n", + " [1.1612531 1.1588606 1.1690372 1.1776353 1.1651056 1.133677 1.1003727\n", + " 1.07757 1.0676174 1.065241 1.0643293 1.0599979 1.0517087 1.0443352\n", + " 1.0406317 1.0421872 1.0463194 1.0512534 0. 0. 0.\n", + " 0. ]]\n", + "[[1.164932 1.162645 1.1732202 1.1816216 1.1695135 1.1369276 1.1027318\n", + " 1.0807009 1.0698932 1.0673137 1.065757 1.0610639 1.0523521 1.0448313\n", + " 1.0409044 1.0423777 1.0471414 1.0515164 1.0539788 0. 0. ]\n", + " [1.1714331 1.1678183 1.1792428 1.1900228 1.177912 1.144303 1.1091949\n", + " 1.0852681 1.0735627 1.0703504 1.0698746 1.0643198 1.0553049 1.0469234\n", + " 1.0428768 1.0446845 1.0497835 1.0551524 1.0579877 0. 0. ]\n", + " [1.1857476 1.1806227 1.1901987 1.1974665 1.1848007 1.1502392 1.1144524\n", + " 1.0914682 1.0809474 1.0798978 1.0799909 1.0745527 1.0637861 1.0543408\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1627136 1.159372 1.1700246 1.1797695 1.1692016 1.1368952 1.1026797\n", + " 1.0802398 1.0686759 1.0650232 1.0639232 1.0589979 1.0505579 1.0432835\n", + " 1.0397689 1.0413835 1.0461556 1.0506835 1.052663 1.0534843 1.0543683]\n", + " [1.1575165 1.1544244 1.1636771 1.1722728 1.1612949 1.1302578 1.0979266\n", + " 1.0768447 1.0667732 1.0639672 1.063615 1.0592415 1.0512053 1.0439913\n", + " 1.0406266 1.0421226 1.0470896 0. 0. 0. 0. ]]\n", + "[[1.163212 1.1610305 1.1716597 1.180165 1.1679281 1.1351991 1.1029329\n", + " 1.0810071 1.0697881 1.0666592 1.0649593 1.0589743 1.0507739 1.0436543\n", + " 1.040559 1.0425421 1.0472195 1.0520474 1.054112 1.0550478 1.0564713]\n", + " [1.1625941 1.1573799 1.166183 1.1742835 1.16374 1.1327251 1.100542\n", + " 1.0797174 1.0702565 1.0685802 1.0690137 1.0647138 1.0558064 1.0472993\n", + " 1.0434861 0. 0. 0. 0. 0. 0. ]\n", + " [1.1799433 1.1755581 1.1856467 1.1941748 1.1817626 1.1482174 1.1131743\n", + " 1.0902406 1.0789931 1.0760266 1.0747228 1.0694804 1.0601026 1.0512884\n", + " 1.0476075 1.0493348 1.054797 1.0602902 0. 0. 0. ]\n", + " [1.1862066 1.1826324 1.1934538 1.2029694 1.1902473 1.1543136 1.1172738\n", + " 1.091864 1.0795071 1.0757182 1.0740929 1.0678781 1.0586865 1.0502758\n", + " 1.0471927 1.0491036 1.0549884 1.0604184 1.0627599 1.0635388 0. ]\n", + " [1.1603085 1.1562009 1.1663073 1.1752915 1.1643982 1.1330327 1.1016952\n", + " 1.0801568 1.0689003 1.0652194 1.0627812 1.0575119 1.0487863 1.0418203\n", + " 1.0384406 1.0403844 1.0451192 1.0497215 1.0519348 1.0529516 0. ]]\n", + "[[1.159847 1.1557007 1.1656941 1.1730437 1.1614681 1.130397 1.0991511\n", + " 1.0778496 1.06734 1.0641975 1.0627064 1.0572962 1.0495183 1.0423647\n", + " 1.0396047 1.0415142 1.0462716 1.0505854 1.0524498 1.0529735]\n", + " [1.1646602 1.1598563 1.1697881 1.1788172 1.1674134 1.1351675 1.1021773\n", + " 1.0804552 1.069865 1.066947 1.0667702 1.0622345 1.0533357 1.0455985\n", + " 1.0419157 1.043503 1.0485166 1.0533737 0. 0. ]\n", + " [1.1726699 1.1685989 1.1779649 1.1868001 1.1749297 1.1425136 1.1085889\n", + " 1.0855982 1.0746541 1.072762 1.0722321 1.0664448 1.0572513 1.0487211\n", + " 1.0451242 1.0477978 0. 0. 0. 0. ]\n", + " [1.1681395 1.16245 1.1706634 1.1786301 1.1670954 1.1349746 1.1027013\n", + " 1.0813917 1.0715399 1.0700905 1.0705084 1.0665008 1.05812 1.0499347\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1752856 1.1729627 1.1842831 1.1936438 1.1812578 1.1452711 1.109459\n", + " 1.085337 1.0743152 1.0722631 1.071944 1.0669332 1.0581701 1.0500692\n", + " 1.0459105 1.0472165 1.0519156 1.0568329 0. 0. ]]\n", + "[[1.1628257 1.1600666 1.1701833 1.1781386 1.1660305 1.1351225 1.103391\n", + " 1.0816242 1.0708908 1.0667212 1.0647478 1.0592563 1.0504861 1.0430789\n", + " 1.0399432 1.0411527 1.0456934 1.0504336 1.0527979 1.0540158]\n", + " [1.1556491 1.1511122 1.1592541 1.1671187 1.1572655 1.1276898 1.0967631\n", + " 1.0758306 1.065504 1.0635433 1.0636405 1.0595628 1.0514909 1.0437698\n", + " 1.0404018 1.0425748 0. 0. 0. 0. ]\n", + " [1.1865113 1.1822793 1.1925026 1.2005961 1.1876408 1.1520419 1.1156284\n", + " 1.0914357 1.080382 1.0787991 1.0787982 1.0739665 1.0643759 1.0551002\n", + " 1.0510368 0. 0. 0. 0. 0. ]\n", + " [1.1837958 1.1795957 1.1894369 1.1961387 1.1827444 1.1476773 1.1127255\n", + " 1.0898123 1.0801873 1.0790714 1.0793931 1.0740819 1.0640585 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1961222 1.1906804 1.2009255 1.209476 1.1952075 1.1597445 1.1233234\n", + " 1.0986559 1.0875486 1.0856009 1.0859996 1.0797827 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.18375 1.1799046 1.1913972 1.2015506 1.1892123 1.154006 1.1175191\n", + " 1.0930716 1.0809693 1.0771368 1.0755982 1.0688801 1.059275 1.0505246\n", + " 1.0464057 1.0482626 1.0539944 1.0595148 1.0621585 1.0632492 0. ]\n", + " [1.1689558 1.1649331 1.17484 1.183841 1.1730732 1.1405034 1.106291\n", + " 1.0833222 1.0730221 1.0711058 1.0713681 1.0671761 1.05766 1.0496488\n", + " 1.0454097 1.0470046 0. 0. 0. 0. 0. ]\n", + " [1.1703331 1.164922 1.1741674 1.1815791 1.1681327 1.1353254 1.1023455\n", + " 1.0805943 1.0709573 1.0692693 1.06914 1.0648963 1.0562867 1.0483723\n", + " 1.0448977 1.0469354 0. 0. 0. 0. 0. ]\n", + " [1.1844101 1.1812427 1.1916788 1.2003931 1.1886563 1.1537253 1.1174028\n", + " 1.0923896 1.0810559 1.0772562 1.0761616 1.0691746 1.0595833 1.0506259\n", + " 1.0466284 1.0485842 1.0539973 1.0593603 1.061492 0. 0. ]\n", + " [1.1762933 1.1736184 1.1845816 1.1931428 1.182338 1.1489625 1.1140372\n", + " 1.090123 1.0782477 1.0738637 1.0711558 1.0651593 1.055854 1.0479028\n", + " 1.0443531 1.0461557 1.0515622 1.0565681 1.058876 1.0592263 1.0603873]]\n", + "[[1.1707096 1.1683269 1.1792198 1.1878003 1.1754789 1.1419717 1.1078959\n", + " 1.0850121 1.0738181 1.0711013 1.0697855 1.0643071 1.0552335 1.0470936\n", + " 1.0435128 1.0452899 1.0500178 1.055016 1.0573895]\n", + " [1.1897366 1.1842525 1.1936741 1.2019746 1.1881851 1.1530944 1.1182303\n", + " 1.0950193 1.0839854 1.0826727 1.0830101 1.0770233 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2081778 1.2013723 1.2110432 1.2189958 1.2043052 1.1667386 1.1271275\n", + " 1.1003969 1.0883174 1.0870706 1.0877184 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1884496 1.1830897 1.1930258 1.2016456 1.1865755 1.1507242 1.1141528\n", + " 1.0908971 1.0804448 1.0788928 1.0794404 1.0742064 1.0639508 1.0546834\n", + " 1.0505127 0. 0. 0. 0. ]\n", + " [1.2195674 1.2119646 1.2214206 1.2287403 1.2158736 1.1769702 1.1363882\n", + " 1.1090443 1.0966636 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1632204 1.1594547 1.1698959 1.1789705 1.1675005 1.1355715 1.1018724\n", + " 1.0796227 1.0690911 1.0666981 1.0654618 1.0599083 1.0514089 1.0439036\n", + " 1.0403072 1.0418477 1.046821 1.0516372 1.0540214 0. ]\n", + " [1.164499 1.163269 1.1745111 1.1846275 1.1730552 1.1400266 1.1056993\n", + " 1.0821465 1.0709621 1.0680225 1.0660381 1.060717 1.0519782 1.0440758\n", + " 1.0404782 1.0420318 1.0471402 1.0519507 1.0546161 1.0556965]\n", + " [1.1605512 1.1572106 1.1674361 1.1754737 1.1634966 1.1305912 1.0978905\n", + " 1.0765696 1.0665317 1.0650023 1.0651447 1.0605313 1.0525402 1.0447918\n", + " 1.0413461 1.0430756 1.0485996 0. 0. 0. ]\n", + " [1.214833 1.2083136 1.2176839 1.225105 1.2119484 1.1736541 1.1337285\n", + " 1.1067104 1.0946276 1.0915706 1.0922039 1.0858312 1.0743155 1.0644727\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1739366 1.1708735 1.1811156 1.1902521 1.1776928 1.1435416 1.1093354\n", + " 1.0860226 1.0744764 1.0703945 1.0686108 1.0627558 1.0535103 1.0456728\n", + " 1.0418229 1.0436847 1.0491928 1.0541918 1.0569345 1.0585672]]\n", + "[[1.1860336 1.1813531 1.1891665 1.1960794 1.1817046 1.1475891 1.112847\n", + " 1.0893734 1.0775249 1.0740536 1.0723118 1.066114 1.0572273 1.0490562\n", + " 1.0460229 1.0483984 1.0543334 1.0598642 1.0631205 0. 0. ]\n", + " [1.160074 1.1580161 1.168395 1.177554 1.1653436 1.1342129 1.1014307\n", + " 1.0795337 1.0684623 1.0650094 1.0631292 1.0578372 1.050187 1.0430322\n", + " 1.0401585 1.0412769 1.0455674 1.0499146 1.0521464 1.053004 1.0548135]\n", + " [1.1485664 1.1448257 1.153143 1.1608868 1.1504381 1.1216338 1.0917374\n", + " 1.0715389 1.0622952 1.0596793 1.0592339 1.0558243 1.0487745 1.0418934\n", + " 1.0387204 1.0399982 1.0446091 0. 0. 0. 0. ]\n", + " [1.1682916 1.1647975 1.1753896 1.1845025 1.172184 1.1382359 1.1043093\n", + " 1.0819101 1.0717264 1.0700225 1.0701711 1.0652223 1.0567665 1.0479264\n", + " 1.0440385 1.0454121 1.0506536 0. 0. 0. 0. ]\n", + " [1.1551418 1.1529943 1.1634417 1.1713479 1.1607735 1.1294472 1.0968312\n", + " 1.0757198 1.0656945 1.0629138 1.0623363 1.0574545 1.0495017 1.0420463\n", + " 1.0389903 1.0405073 1.0451195 1.049644 1.0520313 0. 0. ]]\n", + "[[1.1727372 1.1659434 1.1741357 1.1827784 1.1718911 1.1417305 1.109138\n", + " 1.0868353 1.0756388 1.0730503 1.0727566 1.0684116 1.0593636 1.0512155\n", + " 1.0469556 1.0485334 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1713187 1.1689324 1.1785835 1.1886396 1.1775029 1.1451201 1.1114273\n", + " 1.0883446 1.0763946 1.0714315 1.0690268 1.0629326 1.0534683 1.0456184\n", + " 1.042485 1.0447501 1.0501319 1.0552752 1.0576859 1.0587986 1.059725\n", + " 1.0629559 1.0700269 1.0805664]\n", + " [1.1682945 1.1662583 1.1756394 1.1849416 1.1735432 1.1412123 1.1070664\n", + " 1.084123 1.0737815 1.0715278 1.071963 1.0672793 1.0585732 1.0494745\n", + " 1.0461185 1.047658 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1580719 1.1540852 1.1632982 1.1718717 1.160732 1.1293464 1.0982432\n", + " 1.0771136 1.0672599 1.0651487 1.0648885 1.0610224 1.0529004 1.0450917\n", + " 1.041785 1.0430762 1.0479343 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.16767 1.1631336 1.1720555 1.1800559 1.1690968 1.1384467 1.105799\n", + " 1.0832565 1.0712187 1.0671372 1.0645605 1.0590032 1.0510533 1.0441257\n", + " 1.0411184 1.0427891 1.0474901 1.0519294 1.0547208 1.0562286 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1769897 1.1704031 1.1789793 1.1863872 1.1760713 1.1438215 1.1095724\n", + " 1.0865762 1.076079 1.0738869 1.0738169 1.0691457 1.0605239 1.0515693\n", + " 1.0475793 0. 0. 0. 0. 0. 0. ]\n", + " [1.1860479 1.1829457 1.1927674 1.2003257 1.1861675 1.153331 1.1185815\n", + " 1.0940717 1.0808532 1.0765136 1.0741812 1.0676672 1.0583363 1.0504613\n", + " 1.0468689 1.0490372 1.0550491 1.0609399 1.064132 1.0655392 1.0673332]\n", + " [1.1803616 1.1770504 1.1880003 1.1982402 1.1860149 1.1508818 1.1144533\n", + " 1.0906326 1.0785829 1.0761927 1.0754486 1.0697105 1.0604528 1.051063\n", + " 1.047186 1.0486907 1.0538974 1.0594145 0. 0. 0. ]\n", + " [1.175521 1.1713808 1.1821259 1.1912073 1.1800286 1.1459085 1.1101409\n", + " 1.0866373 1.0752057 1.0719438 1.0716577 1.0669726 1.0581546 1.0499848\n", + " 1.0460256 1.0476776 1.0526488 1.0579543 0. 0. 0. ]\n", + " [1.1760917 1.1728125 1.1828455 1.192098 1.1799803 1.1467382 1.112248\n", + " 1.0886247 1.0778542 1.0750216 1.0740348 1.0695103 1.0600055 1.0507842\n", + " 1.047121 1.0488344 1.0545818 0. 0. 0. 0. ]]\n", + "[[1.164942 1.1618092 1.1719825 1.1793022 1.1666437 1.1341413 1.1009383\n", + " 1.0790253 1.0694212 1.0672128 1.0670096 1.0628803 1.0540156 1.0463718\n", + " 1.0428877 1.0447614 1.0500567 0. 0. 0. ]\n", + " [1.1650568 1.1597314 1.1687064 1.1771221 1.1659682 1.1343311 1.1016163\n", + " 1.0797768 1.0690637 1.0660384 1.0657691 1.0614195 1.0537499 1.0460925\n", + " 1.0426487 1.0442764 1.0490587 1.0540044 0. 0. ]\n", + " [1.1695875 1.1637774 1.1724364 1.1813115 1.1704596 1.1396922 1.1068946\n", + " 1.0844108 1.0749338 1.0733578 1.0733435 1.0683556 1.0586696 1.0502112\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.160958 1.1572297 1.1677604 1.1775718 1.1670645 1.1352401 1.1018356\n", + " 1.0791243 1.0685323 1.0658025 1.065434 1.0601596 1.0518306 1.0435469\n", + " 1.0400857 1.041568 1.0467839 1.0517615 0. 0. ]\n", + " [1.1506374 1.1479942 1.1592327 1.1682509 1.1569599 1.1263322 1.0942581\n", + " 1.0736666 1.0635698 1.0606072 1.0592817 1.054572 1.0463433 1.0398841\n", + " 1.0369337 1.0385678 1.0431527 1.0475284 1.0493535 1.0498779]]\n", + "[[1.1815995 1.1768922 1.1873794 1.1963665 1.1841617 1.1496155 1.112585\n", + " 1.0887654 1.0777563 1.0768881 1.0782113 1.0733078 1.0628456 1.0535728\n", + " 1.0491257 0. 0. 0. 0. ]\n", + " [1.1711335 1.1678447 1.1778506 1.1861637 1.1738087 1.141004 1.1074382\n", + " 1.0848466 1.0738145 1.0703409 1.0690335 1.0633017 1.0545379 1.0469273\n", + " 1.0438036 1.0457573 1.0504216 1.0549707 1.0572842]\n", + " [1.1719382 1.1679728 1.1793597 1.1895587 1.1773401 1.1432076 1.1083021\n", + " 1.0847936 1.073543 1.0705961 1.0692855 1.0639752 1.054944 1.0460186\n", + " 1.0423137 1.0437859 1.0488515 1.0538453 1.0565485]\n", + " [1.175973 1.1737297 1.1830767 1.1910748 1.1782856 1.1440326 1.1102505\n", + " 1.0878882 1.0764238 1.0725539 1.0711341 1.0643604 1.055704 1.0479469\n", + " 1.044228 1.0467265 1.0516669 1.0564837 1.0587448]\n", + " [1.1958095 1.1904691 1.2007968 1.2112039 1.1971459 1.1611229 1.1238666\n", + " 1.0973238 1.085861 1.0836767 1.0833533 1.0785855 1.0678033 1.058124\n", + " 1.0537758 1.0561831 0. 0. 0. ]]\n", + "[[1.2047275 1.1988646 1.2086524 1.2166115 1.2031995 1.1671615 1.1286051\n", + " 1.1027837 1.0906162 1.0887852 1.0884739 1.081395 1.0709369 1.0606848\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1725968 1.1679829 1.1782988 1.1869256 1.1761813 1.1431818 1.1089296\n", + " 1.0860087 1.0744832 1.0715069 1.0706583 1.064696 1.0557655 1.0474714\n", + " 1.0432694 1.0446821 1.0496144 1.0545387 1.0571126]\n", + " [1.1608793 1.156785 1.166437 1.1747662 1.1628039 1.1314789 1.099063\n", + " 1.0778029 1.068811 1.0669703 1.066542 1.0616392 1.0527503 1.0446721\n", + " 1.0409185 1.042529 1.0478016 0. 0. ]\n", + " [1.1661497 1.1605381 1.1699281 1.1784934 1.1682802 1.1375526 1.1048105\n", + " 1.0828661 1.0723194 1.0705897 1.0708634 1.0664845 1.0577219 1.0494944\n", + " 1.0455165 0. 0. 0. 0. ]\n", + " [1.1736641 1.1717781 1.1831678 1.1929346 1.1807816 1.1464663 1.1111436\n", + " 1.0872374 1.0756577 1.0721548 1.0701623 1.0652525 1.0560663 1.0476298\n", + " 1.0443733 1.0460453 1.0508854 1.0560071 1.0586271]]\n", + "[[1.165019 1.1600146 1.1693106 1.1773627 1.1661428 1.1347301 1.102618\n", + " 1.0813153 1.0718426 1.0699813 1.0704552 1.0653834 1.0561953 1.0477936\n", + " 1.0438457 0. 0. 0. 0. 0. 0. ]\n", + " [1.1870453 1.1830162 1.1930201 1.2024683 1.1896348 1.1567901 1.1202251\n", + " 1.0948333 1.0823262 1.0779018 1.0753431 1.0693141 1.0597543 1.0515082\n", + " 1.0470566 1.049087 1.0541768 1.0592686 1.0623521 1.0631738 0. ]\n", + " [1.1703415 1.1667929 1.1772941 1.1849768 1.17232 1.1384809 1.1044137\n", + " 1.0823493 1.0720481 1.0701563 1.070033 1.0656692 1.0568966 1.0487428\n", + " 1.0452362 1.047426 1.0528754 0. 0. 0. 0. ]\n", + " [1.1729362 1.1702051 1.1797279 1.1867272 1.1730359 1.1404089 1.1071081\n", + " 1.0851066 1.0744401 1.0714577 1.0701132 1.0642933 1.0555 1.0471917\n", + " 1.0434146 1.0452086 1.0498916 1.0545294 1.0570313 0. 0. ]\n", + " [1.1794426 1.1767251 1.1874628 1.1978401 1.1867305 1.1525446 1.1168404\n", + " 1.0919161 1.0796391 1.0748067 1.0725185 1.0667676 1.0572475 1.0490185\n", + " 1.0453821 1.0473703 1.0529463 1.0578103 1.0598954 1.0608661 1.0621415]]\n", + "[[1.1461265 1.1431603 1.152341 1.1597629 1.1484083 1.1187196 1.0895022\n", + " 1.0704414 1.0613178 1.0590539 1.0580839 1.0530081 1.0447477 1.0378737\n", + " 1.0351237 1.0366482 1.0409613 1.0453956 1.0479635 0. 0.\n", + " 0. ]\n", + " [1.1612604 1.1573839 1.1661958 1.1752547 1.1636242 1.131296 1.0986128\n", + " 1.0771366 1.0670881 1.0654213 1.065645 1.0620995 1.0540392 1.0467354\n", + " 1.0429368 1.0442308 1.0487918 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1714655 1.1681074 1.1797552 1.1905293 1.179059 1.1449099 1.1091602\n", + " 1.0854506 1.0736517 1.0703155 1.0682585 1.0623126 1.0528549 1.0451019\n", + " 1.0417749 1.0438583 1.049483 1.0548102 1.0577546 1.0582744 1.0596212\n", + " 1.0628005]\n", + " [1.1465104 1.1420795 1.1508602 1.158012 1.1483672 1.1196721 1.0897042\n", + " 1.0702964 1.0615011 1.0605164 1.0607779 1.0572115 1.04967 1.0421648\n", + " 1.038678 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1686268 1.1648138 1.1751513 1.1840944 1.1730558 1.1391977 1.105968\n", + " 1.0831954 1.0733453 1.0718684 1.0726981 1.0678717 1.058372 1.0497234\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1877829 1.1837715 1.194048 1.2033572 1.1896943 1.1541581 1.1176814\n", + " 1.0934387 1.0818121 1.0783601 1.0777527 1.071672 1.0618424 1.0527772\n", + " 1.0493685 1.0516415 1.0579977 1.0637277 0. ]\n", + " [1.1773242 1.1738722 1.1844511 1.1942252 1.1818008 1.1477727 1.1124525\n", + " 1.0889041 1.077171 1.0744965 1.0732265 1.0671769 1.057933 1.0494086\n", + " 1.0450202 1.0467925 1.0519359 1.0570737 1.0595142]\n", + " [1.2144843 1.2074914 1.2167662 1.2247678 1.2101786 1.1708752 1.1300337\n", + " 1.1028203 1.0901021 1.0886202 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1834365 1.1806285 1.191504 1.2008927 1.1868498 1.1499325 1.1137619\n", + " 1.0894544 1.0798697 1.079314 1.0797365 1.0742248 1.0639857 1.0540814\n", + " 1.0496982 0. 0. 0. 0. ]\n", + " [1.1531953 1.1500008 1.1580387 1.1657683 1.1548591 1.124033 1.0931431\n", + " 1.0725114 1.063151 1.0610355 1.0611808 1.0568682 1.0491171 1.0422086\n", + " 1.0388066 1.0403626 1.0449221 0. 0. ]]\n", + "[[1.180121 1.1767751 1.1872802 1.1963665 1.1843733 1.1507164 1.1156546\n", + " 1.0912927 1.0783551 1.0734072 1.0707983 1.0642277 1.0553954 1.0477356\n", + " 1.0444738 1.046525 1.0514026 1.0562776 1.0590441 1.0600177 1.0616075\n", + " 1.0654056 0. ]\n", + " [1.1547137 1.1521976 1.1644163 1.1746475 1.1646676 1.1328071 1.1001422\n", + " 1.0783267 1.067668 1.0643274 1.0618243 1.0565883 1.0479593 1.0407779\n", + " 1.0377349 1.0395316 1.0439991 1.0483485 1.0503734 1.051235 1.0525507\n", + " 1.0556629 1.0625373]\n", + " [1.1753668 1.171617 1.1820515 1.1907805 1.177569 1.1428225 1.1081494\n", + " 1.0846694 1.0731813 1.07005 1.0688978 1.0634147 1.0545127 1.0467877\n", + " 1.0435483 1.0458654 1.051021 1.0563284 1.0590328 0. 0.\n", + " 0. 0. ]\n", + " [1.174049 1.1682963 1.1766332 1.1843562 1.1713791 1.1387057 1.105053\n", + " 1.0826883 1.072639 1.0705615 1.0709752 1.0666124 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1582443 1.1529511 1.1617087 1.1694409 1.1588597 1.1286412 1.0972751\n", + " 1.0767723 1.066607 1.0642918 1.0644432 1.0607662 1.0526526 1.0451488\n", + " 1.0417933 1.0437149 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1791143 1.1744652 1.1825287 1.192451 1.1800495 1.1464261 1.1107061\n", + " 1.0875808 1.0762814 1.0744439 1.0741899 1.0694957 1.060506 1.0519506\n", + " 1.0481541 1.0503769 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.166575 1.1648033 1.176219 1.185135 1.1729165 1.1384146 1.1034945\n", + " 1.08114 1.0708867 1.0678293 1.067068 1.0619227 1.053347 1.0456065\n", + " 1.0423622 1.0437675 1.0483654 1.0531906 1.0554711 0. 0.\n", + " 0. 0. ]\n", + " [1.1719273 1.169018 1.1792221 1.1888723 1.175593 1.1425779 1.1075904\n", + " 1.0847553 1.0735071 1.0709529 1.0703156 1.0659611 1.0564522 1.0483843\n", + " 1.0445923 1.0461155 1.0508277 1.0560546 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1813877 1.1782038 1.1891661 1.1973562 1.1865516 1.1524523 1.1167779\n", + " 1.0920253 1.0797377 1.0742887 1.0722048 1.0659974 1.0564331 1.0487419\n", + " 1.0453916 1.047391 1.0524826 1.0575205 1.0603764 1.0613791 1.0630879\n", + " 1.0669239 1.0743815]\n", + " [1.161988 1.160205 1.1707097 1.1793168 1.1670477 1.1335365 1.1004682\n", + " 1.0787003 1.0682728 1.0659406 1.0647016 1.0599535 1.0515869 1.0445956\n", + " 1.04119 1.042599 1.0474957 1.0519663 1.0542076 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1917017 1.1870229 1.1971443 1.2045033 1.1921788 1.1564448 1.1189303\n", + " 1.0945964 1.0845482 1.0832688 1.0842149 1.0786817 1.0678394 1.0577682\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1481917 1.1435676 1.1515765 1.1587497 1.1484013 1.1199259 1.0905313\n", + " 1.0709374 1.062063 1.0598805 1.0598207 1.0559738 1.0489615 1.041832\n", + " 1.0387855 1.0404505 0. 0. 0. ]\n", + " [1.175094 1.1720743 1.183388 1.1919631 1.1790518 1.1446551 1.1088822\n", + " 1.0855769 1.0742126 1.0714638 1.0697722 1.0640879 1.054906 1.0471413\n", + " 1.043502 1.0455265 1.0510541 1.0561792 1.0588149]\n", + " [1.1974113 1.1930611 1.2026293 1.2107683 1.1964269 1.1600208 1.122261\n", + " 1.0968761 1.084532 1.0818725 1.0806904 1.075719 1.0656104 1.0560042\n", + " 1.0520438 1.0543809 1.0607381 0. 0. ]\n", + " [1.1568154 1.1522354 1.1613104 1.1693659 1.1581712 1.1280202 1.0965527\n", + " 1.0761837 1.0660677 1.0643647 1.0644659 1.0605319 1.0523485 1.0448465\n", + " 1.0412725 1.0427103 0. 0. 0. ]]\n", + "[[1.156172 1.1525118 1.1616488 1.1705806 1.1604668 1.1297855 1.097986\n", + " 1.0772173 1.0673065 1.0657164 1.0655122 1.0612932 1.0525607 1.0449641\n", + " 1.0413299 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.15562 1.1522845 1.1626923 1.17171 1.162256 1.1317093 1.1002774\n", + " 1.0785092 1.0680373 1.0638593 1.0613205 1.0554968 1.0465738 1.0396852\n", + " 1.0371835 1.0393703 1.0449197 1.0495563 1.0524417 1.0535085 1.0550146\n", + " 1.0581977 1.0646288 1.0736773 1.0804048 1.0836209]\n", + " [1.1860656 1.1823101 1.1922708 1.2004331 1.1887606 1.1532749 1.1161907\n", + " 1.0918927 1.0797976 1.0781167 1.0774908 1.0720855 1.0617864 1.0533204\n", + " 1.0496901 1.0518807 1.057622 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1645585 1.1611141 1.1718018 1.1813705 1.1700721 1.1370294 1.10338\n", + " 1.0808036 1.0708873 1.0686476 1.0685639 1.0639372 1.0551759 1.0472431\n", + " 1.0432787 1.0448331 1.0501622 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1842606 1.1804955 1.1912845 1.2004176 1.1869757 1.1522413 1.1166903\n", + " 1.0914766 1.0803081 1.0774155 1.0764894 1.0712667 1.0612562 1.0526315\n", + " 1.0484346 1.0502893 1.0559927 1.0615928 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1805055 1.1782 1.188957 1.1972989 1.1855308 1.150451 1.1141325\n", + " 1.0893302 1.0770607 1.0734079 1.0718652 1.066005 1.0574 1.0495075\n", + " 1.0460474 1.047896 1.0525603 1.0572664 1.059447 1.0610567]\n", + " [1.1807537 1.1777592 1.18851 1.1974156 1.1857291 1.1522394 1.116685\n", + " 1.0928291 1.0804121 1.076439 1.074284 1.0677198 1.0580014 1.0495553\n", + " 1.046091 1.0478547 1.0534819 1.0585692 1.0604202 1.0609272]\n", + " [1.1640205 1.1590397 1.1677916 1.1755875 1.1628458 1.1317687 1.0995252\n", + " 1.0785112 1.0686722 1.0664935 1.0664471 1.0630679 1.054829 1.0471498\n", + " 1.0435426 0. 0. 0. 0. 0. ]\n", + " [1.1686012 1.1653861 1.1759261 1.1845554 1.1725341 1.1388651 1.1045872\n", + " 1.083554 1.0741458 1.0733141 1.074194 1.0691518 1.0595618 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1700412 1.1664671 1.1758357 1.1830553 1.1705924 1.136363 1.1028794\n", + " 1.0810592 1.0711689 1.0700678 1.0703478 1.0661207 1.0573541 1.0488522\n", + " 1.0449392 1.04692 0. 0. 0. 0. ]]\n", + "[[1.1792895 1.1724955 1.1807042 1.1877828 1.1748835 1.1411791 1.1066602\n", + " 1.0841764 1.0754261 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1707486 1.1656077 1.1757566 1.1840332 1.1736333 1.1409453 1.1068883\n", + " 1.0845323 1.0745296 1.0726029 1.0727317 1.0679909 1.0590615 1.050122\n", + " 1.0461696 1.0477449 0. 0. 0. 0. 0. ]\n", + " [1.183306 1.1799846 1.1901802 1.1989858 1.1867129 1.1522797 1.1169262\n", + " 1.0931928 1.0811923 1.0772415 1.0747895 1.068774 1.058722 1.050409\n", + " 1.0469329 1.0487573 1.0544366 1.0595288 1.0616826 0. 0. ]\n", + " [1.1843227 1.1816897 1.1924728 1.2015148 1.1891943 1.1537293 1.1171385\n", + " 1.0925388 1.079974 1.0751876 1.0729113 1.0663686 1.0574802 1.0495635\n", + " 1.0460057 1.048049 1.0532404 1.0582236 1.06059 1.061444 1.0628117]\n", + " [1.1664999 1.1642933 1.1756716 1.183887 1.1714383 1.1382658 1.1041876\n", + " 1.0817051 1.0707657 1.0689411 1.0685196 1.0633788 1.0546902 1.0464367\n", + " 1.0426432 1.0442146 1.0492402 1.0543151 0. 0. 0. ]]\n", + "[[1.2256746 1.2198863 1.2312113 1.2392967 1.2227374 1.181863 1.1387703\n", + " 1.1111379 1.0981113 1.0962452 1.0966463 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1724972 1.169559 1.1799487 1.188364 1.177239 1.1443337 1.1100646\n", + " 1.0870355 1.0756648 1.0721592 1.0706608 1.0653797 1.0564862 1.0481945\n", + " 1.0442728 1.0460846 1.0511551 1.0561123 1.0583173 0. ]\n", + " [1.1830275 1.1790266 1.189484 1.197998 1.1854328 1.1514126 1.1160069\n", + " 1.0920916 1.0791595 1.0752552 1.0729878 1.0661148 1.0571779 1.0483909\n", + " 1.0447874 1.04691 1.0519812 1.056974 1.0598551 1.0609577]\n", + " [1.1603872 1.15613 1.166211 1.1757509 1.1659207 1.1344482 1.1010027\n", + " 1.0788553 1.0692658 1.0667512 1.0675162 1.0632982 1.0546153 1.0462182\n", + " 1.0424833 1.0440987 0. 0. 0. 0. ]\n", + " [1.1614596 1.1561253 1.1644921 1.1727079 1.161198 1.1306288 1.0991286\n", + " 1.078113 1.0685592 1.0674026 1.0675285 1.0633435 1.0551319 1.0470402\n", + " 1.0433507 0. 0. 0. 0. 0. ]]\n", + "[[1.1606369 1.1589128 1.1700864 1.1776801 1.1658766 1.1335166 1.1009091\n", + " 1.0788993 1.0684929 1.0651475 1.0634055 1.0582267 1.0502182 1.0426104\n", + " 1.0395554 1.041256 1.0457466 1.0502104 1.0527529 1.0538435]\n", + " [1.1709257 1.1680477 1.1786056 1.1882238 1.1761751 1.1428041 1.1078323\n", + " 1.0846323 1.073865 1.0710704 1.0703347 1.0654486 1.0562204 1.0479066\n", + " 1.0442226 1.0458236 1.0511544 1.0562203 0. 0. ]\n", + " [1.1762666 1.1720219 1.1797693 1.1869326 1.1746413 1.1404524 1.1067668\n", + " 1.0844284 1.073253 1.0709052 1.0704663 1.0658029 1.0580165 1.0494853\n", + " 1.0459218 1.0481236 0. 0. 0. 0. ]\n", + " [1.1649952 1.1607475 1.1706784 1.1795259 1.1672763 1.1342804 1.1017174\n", + " 1.0803659 1.0695786 1.0673194 1.0664917 1.0619469 1.0538307 1.0455866\n", + " 1.0426223 1.0446098 1.0501918 0. 0. 0. ]\n", + " [1.2156358 1.2080739 1.2184485 1.2262843 1.2133558 1.1749431 1.1341754\n", + " 1.1075157 1.0949543 1.0944973 1.0950171 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.172904 1.1687744 1.1797514 1.188559 1.1769832 1.1431612 1.1082575\n", + " 1.0851619 1.074096 1.0709851 1.0710483 1.0661583 1.0567439 1.0481942\n", + " 1.0442488 1.0455698 1.0509688 1.0560222 0. 0. ]\n", + " [1.1735116 1.1702844 1.1820309 1.1920083 1.1800586 1.1450102 1.1087202\n", + " 1.0849376 1.0732956 1.0711246 1.0705816 1.0654352 1.0564079 1.0481234\n", + " 1.0445651 1.0464706 1.0516886 1.057269 0. 0. ]\n", + " [1.1763748 1.1735526 1.1853205 1.1935889 1.1798964 1.1453974 1.109471\n", + " 1.087346 1.0768577 1.0761787 1.0765923 1.0721314 1.0617437 1.0523118\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1672019 1.1628466 1.172269 1.179695 1.1669312 1.1353337 1.103076\n", + " 1.0818497 1.0714805 1.0677687 1.0663326 1.0605795 1.0515821 1.0443981\n", + " 1.0414777 1.043079 1.0480218 1.0527011 1.0549401 1.0559522]\n", + " [1.181272 1.1785324 1.1902721 1.1992822 1.1866124 1.1509705 1.1139959\n", + " 1.0904629 1.0785941 1.0770127 1.0764971 1.0709165 1.0605568 1.0520498\n", + " 1.048044 1.0500547 1.0560452 0. 0. 0. ]]\n", + "[[1.1700232 1.1668634 1.1764033 1.1847489 1.1729753 1.1406991 1.1074768\n", + " 1.0844108 1.0728514 1.0695013 1.0677412 1.0619346 1.0535527 1.046395\n", + " 1.042792 1.0448083 1.0495492 1.0542029 1.0563103 1.0568701]\n", + " [1.1822025 1.1780419 1.1879715 1.1975448 1.1829112 1.1484935 1.1126794\n", + " 1.0889282 1.0785158 1.0772747 1.0782773 1.0733247 1.063682 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1633542 1.1579876 1.165746 1.1728473 1.1602702 1.1283933 1.0974333\n", + " 1.0773956 1.0687698 1.0677807 1.0684131 1.0641105 1.055492 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1677692 1.1636683 1.1727419 1.181648 1.1711739 1.1392754 1.1058667\n", + " 1.0830662 1.0724934 1.0701519 1.0704877 1.0664047 1.0579722 1.0496075\n", + " 1.045518 1.046842 0. 0. 0. 0. ]\n", + " [1.157227 1.1524158 1.1623026 1.1704886 1.1604526 1.1291996 1.0969298\n", + " 1.0764723 1.0668852 1.0649625 1.0652857 1.060814 1.0525935 1.0448887\n", + " 1.0412126 1.0428855 0. 0. 0. 0. ]]\n", + "[[1.1611156 1.155556 1.1632859 1.169934 1.157632 1.1279134 1.0971113\n", + " 1.0766203 1.0672182 1.0650934 1.0652642 1.0609641 1.053005 1.0454752\n", + " 1.0422078 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1812786 1.1789036 1.1915779 1.2012094 1.1892464 1.1535282 1.1160994\n", + " 1.0908153 1.0787976 1.0746937 1.0725361 1.0660595 1.057007 1.048948\n", + " 1.0453297 1.0473812 1.0524756 1.0576355 1.060486 1.0611417 1.0630468\n", + " 1.0672415 0. 0. 0. ]\n", + " [1.1614991 1.158181 1.1691753 1.1781845 1.1670212 1.1357329 1.1025956\n", + " 1.0813253 1.0705374 1.066396 1.0645399 1.0587797 1.0499362 1.0425235\n", + " 1.0393761 1.0408499 1.0454783 1.0503094 1.0526536 1.0532886 1.0543444\n", + " 1.0574503 0. 0. 0. ]\n", + " [1.1449801 1.1419367 1.1512057 1.1595526 1.149858 1.1210792 1.0916\n", + " 1.071886 1.0616021 1.0580338 1.0554743 1.0505685 1.042981 1.0367392\n", + " 1.0343589 1.0361642 1.0407155 1.0449469 1.0469218 1.0479163 1.0488228\n", + " 1.0514474 1.057543 1.065903 1.072694 ]\n", + " [1.1745043 1.1697172 1.1795399 1.1870897 1.1742811 1.1403831 1.1059921\n", + " 1.0840056 1.0737079 1.072549 1.0730747 1.0683758 1.0600057 1.0517166\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1845114 1.1808136 1.1907481 1.1995193 1.1873072 1.1535978 1.1175313\n", + " 1.0924437 1.0795001 1.0750701 1.0726957 1.0675414 1.058674 1.0500277\n", + " 1.0464568 1.0485833 1.0535654 1.0582329 1.0607747 1.0616966]\n", + " [1.1723337 1.1668079 1.1747042 1.1815921 1.1701361 1.1388766 1.1064105\n", + " 1.0849571 1.0750964 1.0736164 1.073273 1.068591 1.0591316 1.0504489\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1768938 1.1727425 1.182579 1.1908445 1.1788592 1.1443535 1.1096202\n", + " 1.0867956 1.0754181 1.0727164 1.071305 1.0664135 1.0575529 1.0491015\n", + " 1.0454967 1.0475519 1.0527761 1.0583787 0. 0. ]\n", + " [1.170283 1.1687135 1.180114 1.1879761 1.1764313 1.1420664 1.1068633\n", + " 1.0836861 1.0729103 1.0700157 1.0699271 1.0646703 1.0554103 1.0475724\n", + " 1.044006 1.0456364 1.0507613 1.0560184 0. 0. ]\n", + " [1.2187724 1.2105997 1.219722 1.2280254 1.2138089 1.1744033 1.1345694\n", + " 1.1072834 1.0954059 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1701032 1.1663406 1.1764843 1.1842479 1.1729413 1.1391349 1.1052825\n", + " 1.0832521 1.0735184 1.0717798 1.0726334 1.0679066 1.0592141 1.0505097\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1760118 1.1720567 1.1824362 1.1909087 1.1790867 1.1454432 1.1100562\n", + " 1.0865406 1.0759778 1.073286 1.0731452 1.0682476 1.0591263 1.050506\n", + " 1.0466111 1.048809 0. 0. 0. ]\n", + " [1.1667179 1.1650805 1.1757307 1.1843401 1.1709586 1.1379346 1.1043049\n", + " 1.0815709 1.0711352 1.068031 1.067279 1.0619159 1.0533139 1.0456188\n", + " 1.042332 1.0440645 1.0488986 1.0537692 1.0563625]\n", + " [1.1670455 1.1652112 1.1762502 1.1851714 1.1732339 1.139257 1.1050926\n", + " 1.0823246 1.0713184 1.0689348 1.0681338 1.0635679 1.0552285 1.0473437\n", + " 1.0436994 1.0450096 1.0495262 1.0543457 0. ]\n", + " [1.1732459 1.1701664 1.1802907 1.1892855 1.176062 1.141515 1.1062038\n", + " 1.082849 1.0722818 1.0703568 1.07018 1.0662528 1.0576897 1.0495262\n", + " 1.0457264 1.0472013 1.0525918 0. 0. ]]\n", + "[[1.1463227 1.1419932 1.1493609 1.1562884 1.1459404 1.1176457 1.0885934\n", + " 1.0694461 1.0600657 1.0575407 1.0572834 1.0535692 1.0468367 1.0400561\n", + " 1.0369074 1.0382286 1.0424196 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1692244 1.1644056 1.1745516 1.182678 1.1687943 1.1356083 1.1027336\n", + " 1.0816483 1.072631 1.0717748 1.0718288 1.0670471 1.0575109 1.0492947\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1730058 1.168056 1.1786107 1.1876814 1.1780497 1.1459025 1.1125464\n", + " 1.0897125 1.0770123 1.0713876 1.0692868 1.062563 1.0533684 1.046056\n", + " 1.0424759 1.0448426 1.0500628 1.054827 1.0574211 1.0582105 1.0596398\n", + " 1.0633112 1.0707576]\n", + " [1.1706598 1.1649947 1.1724331 1.1791847 1.166997 1.1348985 1.102226\n", + " 1.0809107 1.0713673 1.0690162 1.0685444 1.0634832 1.0550683 1.0470942\n", + " 1.043839 1.0457042 1.0515475 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1697934 1.1676955 1.1778524 1.1869737 1.175773 1.1430904 1.1102648\n", + " 1.0876626 1.0756705 1.0705476 1.0683028 1.0616913 1.0520765 1.0448169\n", + " 1.0415928 1.0440121 1.0489084 1.0540308 1.0563493 1.0572081 1.059305\n", + " 0. 0. ]]\n", + "[[1.1719979 1.1679752 1.1785047 1.1873622 1.1756933 1.1413506 1.1055746\n", + " 1.0831409 1.0726383 1.0710772 1.0711619 1.0664222 1.0574772 1.0495161\n", + " 1.0455133 1.0471454 1.0525941]\n", + " [1.1955454 1.1895314 1.2026434 1.2132119 1.1995087 1.161301 1.1212091\n", + " 1.0952388 1.0847774 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1817882 1.1782876 1.1888059 1.1981344 1.1842446 1.1485648 1.112626\n", + " 1.0883493 1.0772771 1.07447 1.0733421 1.0681562 1.0592941 1.0510554\n", + " 1.047322 1.0495226 1.0553665]\n", + " [1.1964176 1.1902233 1.199494 1.2069538 1.193566 1.1566184 1.1196116\n", + " 1.0948787 1.0840151 1.0829676 1.0829731 1.0779402 1.0676206 1.0580745\n", + " 0. 0. 0. ]\n", + " [1.1758 1.1715406 1.1838057 1.1945488 1.1824784 1.1468626 1.1101246\n", + " 1.0863938 1.0764865 1.0756236 1.0768054 1.0719937 1.0618653 1.0522506\n", + " 0. 0. 0. ]]\n", + "[[1.1608305 1.1584562 1.1692753 1.1776464 1.1660045 1.1341418 1.1010911\n", + " 1.0797205 1.0700713 1.069078 1.06937 1.0646796 1.0556444 1.0472575\n", + " 1.0434504]\n", + " [1.1726004 1.1678995 1.1772332 1.1856989 1.1746992 1.1420649 1.1077616\n", + " 1.0848869 1.0740309 1.0724857 1.0729676 1.0682234 1.0597721 1.0509747\n", + " 1.0470318]]\n", + "[[1.1554673 1.1513394 1.1623826 1.1732312 1.1651622 1.1359549 1.1037053\n", + " 1.081713 1.0708137 1.067613 1.065808 1.0601534 1.0506992 1.0429116\n", + " 1.0401732 1.0425639 1.047882 1.0528004 1.055209 1.0556896 1.0563645\n", + " 1.0586998 1.0657475 1.0753155 1.0830585 1.088024 1.0895606 1.0863618\n", + " 1.0780944 1.0680573 1.0596763 1.0541472 1.0520681]\n", + " [1.1650949 1.1622387 1.1737127 1.1823473 1.1712197 1.1376379 1.1027691\n", + " 1.0809106 1.0713158 1.069993 1.070888 1.0664158 1.0568253 1.0481015\n", + " 1.0440438 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1518205 1.1502755 1.1601233 1.168251 1.157022 1.1266639 1.0957307\n", + " 1.0748396 1.0641978 1.0614061 1.0598035 1.054985 1.0467173 1.0403304\n", + " 1.0375447 1.0387523 1.043398 1.0480337 1.0503683 1.0514138 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1627983 1.1578398 1.1674262 1.1758195 1.1651092 1.1336808 1.100804\n", + " 1.0799111 1.070628 1.07004 1.0705899 1.066354 1.0570414 1.0485594\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1847906 1.1803826 1.192349 1.2028183 1.189785 1.1526916 1.115107\n", + " 1.0905279 1.0798888 1.0787966 1.0799329 1.075283 1.0649863 1.0555209\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.165777 1.1633391 1.1743952 1.1833568 1.1719311 1.1393073 1.1055708\n", + " 1.0829357 1.0712731 1.067903 1.0662479 1.0608835 1.0520134 1.0442098\n", + " 1.0405506 1.0423229 1.0472137 1.0520891 1.055148 1.0561862]\n", + " [1.183376 1.1795814 1.1900744 1.1996146 1.1883613 1.15386 1.1172093\n", + " 1.0923904 1.0810856 1.078426 1.0769708 1.071354 1.061256 1.0521122\n", + " 1.0482162 1.0501579 1.0558072 1.0611944 0. 0. ]\n", + " [1.1497953 1.1458647 1.1531394 1.1616874 1.1512307 1.121962 1.0935967\n", + " 1.0746071 1.065681 1.0630091 1.0618902 1.0570712 1.048607 1.0411882\n", + " 1.0377972 1.0392656 1.0439783 0. 0. 0. ]\n", + " [1.1789474 1.1744802 1.1840413 1.1921065 1.1801738 1.146107 1.1110444\n", + " 1.0880793 1.0772083 1.0745981 1.0735801 1.06869 1.0592995 1.0507591\n", + " 1.0469432 1.0492297 1.0550293 0. 0. 0. ]\n", + " [1.17027 1.1664869 1.1756437 1.1847433 1.1726913 1.1405371 1.1068028\n", + " 1.0831733 1.0719513 1.0679016 1.0661818 1.0616306 1.0531325 1.0460433\n", + " 1.0423005 1.0442808 1.0492339 1.0539942 1.0567458 1.0576923]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1700733 1.1674697 1.1780019 1.1878251 1.176082 1.1432565 1.1086656\n", + " 1.085555 1.0739423 1.0709741 1.0696597 1.0647073 1.0557328 1.0470982\n", + " 1.0438384 1.0453894 1.0505928 1.056075 0. 0. ]\n", + " [1.170412 1.167201 1.1774157 1.1843529 1.1710867 1.1381342 1.104029\n", + " 1.0824687 1.0712653 1.0676748 1.0659423 1.0605944 1.0520338 1.0448741\n", + " 1.0413437 1.0433038 1.0482732 1.0533727 1.0557262 1.0569834]\n", + " [1.1901699 1.1845198 1.1945468 1.2026397 1.1898113 1.1541517 1.1175771\n", + " 1.093681 1.0828813 1.0806643 1.0808985 1.0757284 1.0660462 1.0565507\n", + " 1.0525272 0. 0. 0. 0. 0. ]\n", + " [1.1971986 1.1926193 1.200324 1.2061528 1.1933992 1.1573453 1.1211703\n", + " 1.0968623 1.0850132 1.0819975 1.0807322 1.0754101 1.0651518 1.0563029\n", + " 1.0524079 1.0549244 1.0612161 0. 0. 0. ]\n", + " [1.1640711 1.1589819 1.1683509 1.177379 1.166097 1.1348777 1.1020709\n", + " 1.080161 1.0702273 1.068086 1.0681498 1.0639324 1.055239 1.0474585\n", + " 1.0434759 1.0451697 0. 0. 0. 0. ]]\n", + "[[1.1636437 1.1614779 1.1731889 1.1827724 1.1697254 1.1363926 1.1024408\n", + " 1.079469 1.0686023 1.0658554 1.0656806 1.0606244 1.0524552 1.0445008\n", + " 1.0412506 1.0428741 1.047755 1.0523715 0. 0. 0. ]\n", + " [1.1968374 1.1930118 1.2035933 1.2116113 1.1985333 1.161822 1.1234812\n", + " 1.0964732 1.083717 1.0787679 1.0779516 1.0718428 1.0617329 1.0535553\n", + " 1.049369 1.051971 1.0577346 1.063256 1.0659984 0. 0. ]\n", + " [1.1652856 1.1636884 1.1755253 1.1848171 1.1727307 1.1401076 1.1056653\n", + " 1.0827322 1.0712302 1.0674963 1.0655761 1.0600418 1.0510443 1.0438284\n", + " 1.0405766 1.0420265 1.0471762 1.0522475 1.0548227 1.055816 1.0571854]\n", + " [1.1847708 1.1769344 1.1869779 1.1965325 1.1858923 1.1527008 1.1169739\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1695931 1.1675918 1.1779213 1.1862712 1.1734514 1.1401577 1.1058688\n", + " 1.0833757 1.0735888 1.0719042 1.0723628 1.0674701 1.0575169 1.0492553\n", + " 1.0452209 1.047003 0. 0. 0. 0. 0. ]]\n", + "[[1.160052 1.1558666 1.1641926 1.1718496 1.1595811 1.1297983 1.0984194\n", + " 1.0778434 1.0685036 1.0664433 1.0664017 1.0615474 1.0530908 1.0454468\n", + " 1.0422668 1.0439248 0. ]\n", + " [1.1609708 1.1559129 1.1641344 1.1713692 1.1590779 1.1288273 1.0974841\n", + " 1.0774591 1.0684501 1.0669773 1.0670434 1.0626613 1.0542865 0.\n", + " 0. 0. 0. ]\n", + " [1.1813966 1.1761214 1.1860824 1.1955775 1.1834779 1.1487212 1.1132364\n", + " 1.0891011 1.078697 1.0774274 1.0773746 1.0726762 1.0630434 1.0536401\n", + " 1.0495828 0. 0. ]\n", + " [1.172034 1.1658504 1.1741916 1.1812638 1.1695428 1.1368536 1.1036615\n", + " 1.082021 1.07279 1.071868 1.0721537 1.0675261 1.058603 0.\n", + " 0. 0. 0. ]\n", + " [1.1526271 1.148764 1.157611 1.1645206 1.1527483 1.1226504 1.0930471\n", + " 1.073327 1.0638384 1.0619085 1.0618132 1.0574617 1.0493863 1.0423163\n", + " 1.038987 1.0404536 1.045312 ]]\n", + "[[1.1690372 1.1648213 1.1731571 1.1809716 1.1685532 1.1363277 1.1033821\n", + " 1.0816445 1.0711844 1.0690241 1.0687861 1.0644096 1.055773 1.0482492\n", + " 1.0446124 1.0466826 0. 0. 0. 0. 0. ]\n", + " [1.1733727 1.172335 1.1837181 1.1924716 1.1788945 1.1442899 1.1097058\n", + " 1.0868993 1.0754871 1.0720357 1.0701342 1.0643313 1.0548778 1.0470376\n", + " 1.043218 1.0453176 1.0502979 1.055546 1.0572891 1.0584704 0. ]\n", + " [1.1742272 1.1718454 1.1835481 1.1929684 1.1813647 1.1471741 1.111717\n", + " 1.087556 1.0762308 1.0728475 1.0713423 1.0654843 1.056155 1.0472056\n", + " 1.0438612 1.0459876 1.0512855 1.0565894 1.0594034 0. 0. ]\n", + " [1.1899055 1.1848317 1.195895 1.2052789 1.1910173 1.1548963 1.1170802\n", + " 1.092641 1.0818603 1.0811898 1.0820271 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1643978 1.1610918 1.171281 1.1810501 1.1708211 1.1397542 1.106919\n", + " 1.0834192 1.0715548 1.0675937 1.065037 1.060129 1.0515951 1.044153\n", + " 1.040784 1.0425473 1.0469259 1.0516881 1.0540135 1.054906 1.0564204]]\n", + "[[1.1603794 1.156003 1.1649082 1.1738671 1.1629223 1.1327899 1.1010019\n", + " 1.0788951 1.068875 1.0662824 1.0657897 1.0610542 1.0527532 1.045073\n", + " 1.0416063 1.0434941 1.0487076 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1776637 1.1749687 1.1861254 1.1958824 1.1835582 1.1489944 1.113202\n", + " 1.0891352 1.0773356 1.0737524 1.0722978 1.0662702 1.057159 1.0488482\n", + " 1.0451684 1.0465915 1.051852 1.0569588 1.0595384 1.0603856 0.\n", + " 0. ]\n", + " [1.1833067 1.1787145 1.1890861 1.1979074 1.1862714 1.1517844 1.1152319\n", + " 1.0912817 1.0795512 1.0770383 1.0773158 1.0727432 1.0632168 1.0542743\n", + " 1.049972 1.0519941 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1784279 1.1753771 1.1860536 1.1960167 1.1844914 1.1522071 1.1177493\n", + " 1.0936153 1.0813507 1.0761329 1.0734795 1.0670907 1.0568849 1.0489767\n", + " 1.045417 1.0475467 1.0528915 1.0578715 1.0597315 1.0600119 1.0609906\n", + " 1.0647788]\n", + " [1.1772982 1.1725761 1.1820902 1.1925056 1.1800799 1.1453953 1.1090819\n", + " 1.0863922 1.0763156 1.0756974 1.0761484 1.0712223 1.0614957 1.0523326\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.2111934 1.2060887 1.2157321 1.225618 1.2094755 1.169223 1.1284688\n", + " 1.1031889 1.0927757 1.0914062 1.0913028 1.085576 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1653689 1.161288 1.1716858 1.1804062 1.1694701 1.1370417 1.1035137\n", + " 1.0814244 1.0711073 1.0691682 1.0691642 1.0643761 1.0557324 1.0477545\n", + " 1.0437254 1.0453314 1.0506023 0. 0. 0. 0. ]\n", + " [1.1842504 1.1789418 1.1889025 1.1983382 1.1863344 1.1516712 1.1159654\n", + " 1.0922825 1.0814383 1.0790505 1.078775 1.0731859 1.0632164 1.054061\n", + " 1.0498697 1.0517291 1.057742 0. 0. 0. 0. ]\n", + " [1.1911967 1.1870205 1.1965686 1.2044009 1.1919743 1.156324 1.1202267\n", + " 1.0954067 1.0840936 1.080924 1.0797404 1.0742542 1.064207 1.0547642\n", + " 1.0508149 1.0533786 1.0604309 0. 0. 0. 0. ]\n", + " [1.1580715 1.155476 1.1669859 1.1773899 1.1667719 1.1350505 1.1025145\n", + " 1.0804427 1.069919 1.0665042 1.0642521 1.0583775 1.0492394 1.0420774\n", + " 1.0389681 1.0407706 1.0451034 1.0498426 1.0520226 1.0528119 1.0544834]]\n", + "[[1.1670164 1.1622404 1.170648 1.1783243 1.1674569 1.1361339 1.1046565\n", + " 1.0828706 1.0715601 1.0676627 1.0661246 1.0604498 1.052556 1.0449665\n", + " 1.0415002 1.0427455 1.0473177 1.0518776 1.0548723 1.05609 0. ]\n", + " [1.1853238 1.182375 1.1940105 1.2027122 1.1897875 1.1545088 1.1175814\n", + " 1.0928788 1.0804727 1.0764782 1.0743423 1.0686101 1.059128 1.0506163\n", + " 1.0471543 1.0485984 1.0541296 1.0592757 1.062048 1.0630186 0. ]\n", + " [1.1695595 1.1655809 1.1761432 1.1846125 1.1740963 1.1412154 1.1070439\n", + " 1.0845385 1.0739511 1.071447 1.0718352 1.0676839 1.0584315 1.0502827\n", + " 1.0461564 1.0479416 0. 0. 0. 0. 0. ]\n", + " [1.16733 1.1653607 1.1766932 1.1861842 1.172799 1.1392231 1.105216\n", + " 1.0827597 1.0716891 1.0683409 1.0669802 1.0608594 1.0523401 1.0448382\n", + " 1.0418074 1.0440646 1.0489726 1.0542419 1.0566714 1.0573205 1.0586818]\n", + " [1.2027906 1.1983773 1.2091415 1.2172327 1.2023566 1.1632204 1.124391\n", + " 1.0982565 1.08574 1.0822448 1.0805408 1.0741576 1.0642345 1.0553999\n", + " 1.0516634 1.0540599 1.0602695 1.066328 1.0689603 0. 0. ]]\n", + "[[1.1630616 1.1623822 1.174338 1.1839749 1.1719902 1.1390445 1.1056292\n", + " 1.0827787 1.0713805 1.067731 1.0656106 1.0592271 1.0506113 1.0431805\n", + " 1.0403074 1.0419201 1.0467393 1.0519512 1.0542942 1.0553683 1.0570611\n", + " 1.0608307]\n", + " [1.1658621 1.1622027 1.1724999 1.1814119 1.1710949 1.1384953 1.1045846\n", + " 1.0825242 1.0718027 1.0698838 1.0694206 1.0645025 1.0553535 1.047272\n", + " 1.0433915 1.0451093 1.0500767 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1712239 1.1671854 1.176684 1.1851298 1.1732849 1.1400902 1.1065301\n", + " 1.083578 1.072521 1.0701647 1.0693198 1.0643741 1.0559229 1.0481253\n", + " 1.0442643 1.0460066 1.0510464 1.0561082 0. 0. 0.\n", + " 0. ]\n", + " [1.2157576 1.2096657 1.2193723 1.228319 1.2131765 1.1743863 1.133161\n", + " 1.1054648 1.0930746 1.0915704 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1642649 1.1596882 1.1685898 1.1765996 1.1632272 1.1317616 1.0992678\n", + " 1.0777591 1.0673788 1.0655563 1.0656426 1.0616155 1.0536062 1.0461509\n", + " 1.0431062 1.0446676 1.0495598 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1877686 1.1821973 1.1921313 1.2014251 1.1904811 1.1559403 1.1198438\n", + " 1.095514 1.0837812 1.0817012 1.0814621 1.0757666 1.0656143 1.0560747\n", + " 1.0517615 1.0539349 0. 0. 0. ]\n", + " [1.1699322 1.1663396 1.1766604 1.1848067 1.1736587 1.1402907 1.106326\n", + " 1.0838399 1.0743151 1.073498 1.0745939 1.0694618 1.0597224 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1667962 1.1646732 1.1749276 1.1841033 1.1713679 1.1383934 1.1054051\n", + " 1.0828149 1.0719442 1.0689335 1.0685568 1.0633813 1.0547225 1.0464857\n", + " 1.0432119 1.0448833 1.0501415 1.0556735 0. ]\n", + " [1.1906164 1.1863823 1.19688 1.2063607 1.1924193 1.1574106 1.1206046\n", + " 1.0959016 1.0835543 1.079801 1.0779445 1.0715319 1.061507 1.0526631\n", + " 1.0490812 1.0512643 1.05719 1.0626411 1.0647405]\n", + " [1.1580588 1.1536576 1.1628397 1.1703146 1.1589166 1.1279304 1.0964795\n", + " 1.0758858 1.0657647 1.0636231 1.0629241 1.059186 1.0512617 1.0437007\n", + " 1.040442 1.0420395 1.0473439 0. 0. ]]\n", + "[[1.173923 1.1689922 1.1784943 1.1876638 1.1758232 1.1428198 1.108495\n", + " 1.0853392 1.0754001 1.0730058 1.0734308 1.0686066 1.059057 1.0500844\n", + " 1.0464945 1.0482119 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1739397 1.1717094 1.1823872 1.192596 1.1807587 1.1475837 1.1127397\n", + " 1.0891058 1.0772232 1.0728909 1.0705107 1.0640687 1.0547538 1.0468822\n", + " 1.0435755 1.044981 1.0503068 1.0551339 1.0575376 1.0582118 1.0595666\n", + " 1.0633587 0. ]\n", + " [1.189516 1.1840483 1.194095 1.2016157 1.1886064 1.1532197 1.1173564\n", + " 1.093929 1.083775 1.081346 1.0820282 1.0761083 1.0660497 1.0561938\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1715416 1.1678479 1.179329 1.18958 1.1773694 1.1424272 1.1077324\n", + " 1.0847712 1.0749285 1.0730234 1.0725055 1.0670034 1.0570099 1.0480442\n", + " 1.0441912 1.0458573 1.0515206 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1677065 1.1655644 1.1772091 1.1868623 1.1751066 1.1425272 1.1083888\n", + " 1.085431 1.0733136 1.0695984 1.0674444 1.0613384 1.0528754 1.0455132\n", + " 1.0423142 1.0441874 1.0490403 1.053775 1.0563872 1.0571434 1.0583555\n", + " 1.0622244 1.0700185]]\n", + "[[1.1676984 1.1635962 1.1736801 1.1826696 1.1712188 1.1378815 1.1039181\n", + " 1.0813634 1.0709432 1.0684541 1.0682042 1.0640949 1.0555708 1.0478671\n", + " 1.044103 1.0461344 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1751151 1.1720841 1.1827999 1.1910473 1.1802003 1.1472938 1.1132185\n", + " 1.0903974 1.0783366 1.0739074 1.0708462 1.063505 1.054096 1.046206\n", + " 1.0431521 1.0457906 1.0511489 1.0564859 1.0583516 1.0588858 1.0602075\n", + " 1.0642507 1.072064 ]\n", + " [1.1736658 1.1676332 1.1767099 1.1848786 1.1738107 1.1413653 1.1076552\n", + " 1.0856822 1.074939 1.0729898 1.0722644 1.0670307 1.0574057 1.0487634\n", + " 1.0452496 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1479074 1.1445811 1.1533667 1.1618665 1.1509639 1.1212531 1.0914403\n", + " 1.0713178 1.0626687 1.060416 1.0605778 1.0563301 1.0484172 1.0419761\n", + " 1.0387102 1.040393 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1787858 1.1740108 1.1831607 1.189661 1.1766993 1.1430904 1.1084166\n", + " 1.0861834 1.0764427 1.0749693 1.0760399 1.0713555 1.0617994 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1721768 1.1705844 1.1824669 1.1914718 1.1788361 1.1447849 1.1096021\n", + " 1.0861604 1.0743656 1.0708495 1.0687013 1.0630774 1.0541855 1.046278\n", + " 1.0429589 1.0446523 1.0495479 1.0546162 1.0574296 1.0584884 0. ]\n", + " [1.1770838 1.1715068 1.179637 1.1866968 1.1752628 1.1426513 1.1094582\n", + " 1.086683 1.0771976 1.0757185 1.075428 1.0706005 1.0606185 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.186778 1.1845921 1.1959939 1.206436 1.1936562 1.1585467 1.1217065\n", + " 1.0963378 1.0830715 1.0788654 1.0761201 1.069693 1.05952 1.0509205\n", + " 1.0472553 1.0494243 1.0549492 1.0603603 1.0627742 1.0633231 1.0643466]\n", + " [1.1731582 1.1698455 1.1818024 1.1923096 1.1800021 1.1462808 1.1100641\n", + " 1.0863081 1.075228 1.0726857 1.0717579 1.0660475 1.0561733 1.0475509\n", + " 1.0434018 1.0453447 1.0507226 1.0562253 0. 0. 0. ]\n", + " [1.1688608 1.1645563 1.1747792 1.1838007 1.1723435 1.1384983 1.104146\n", + " 1.0820163 1.0721021 1.0708902 1.0712607 1.0662723 1.057215 1.0484551\n", + " 1.0444771 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1602832 1.1554171 1.1649997 1.1733034 1.162899 1.1310873 1.0987078\n", + " 1.0774422 1.0674372 1.0652442 1.0651188 1.0607753 1.0523409 1.0445014\n", + " 1.0409902 1.0424516 1.0475157 0. 0. ]\n", + " [1.1668183 1.1638494 1.1738108 1.1823756 1.1698403 1.1371982 1.1035508\n", + " 1.0814526 1.0701941 1.0672079 1.0653793 1.0606312 1.0522236 1.0446868\n", + " 1.0410315 1.0426031 1.047384 1.0522239 1.0549945]\n", + " [1.1704538 1.1664233 1.1753552 1.1832608 1.1718583 1.1396109 1.106203\n", + " 1.0836636 1.0728897 1.0693204 1.0679185 1.0633837 1.0549192 1.0470542\n", + " 1.0434358 1.0446248 1.0491332 1.054219 1.0568879]\n", + " [1.1887305 1.1844273 1.195203 1.203827 1.190954 1.154779 1.1171683\n", + " 1.0918609 1.0798519 1.0763896 1.0747156 1.0693561 1.0599518 1.0511954\n", + " 1.0477993 1.0497578 1.0550891 1.0605109 1.0631104]\n", + " [1.1699802 1.1660373 1.174597 1.1820822 1.1695117 1.1375973 1.1046264\n", + " 1.0818596 1.0708922 1.068252 1.0671837 1.0628413 1.0544033 1.0467294\n", + " 1.0438801 1.0456145 1.050528 1.0549933 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1811 1.1763638 1.1867781 1.196694 1.1851591 1.1504538 1.1141669\n", + " 1.0897176 1.0778108 1.0743015 1.073451 1.0674258 1.0580935 1.0495015\n", + " 1.046254 1.0481532 1.0535858 1.0591242 1.0617809]\n", + " [1.1940985 1.1879678 1.1966901 1.2031457 1.1899478 1.1547661 1.1184994\n", + " 1.0948256 1.0829225 1.0794904 1.0786192 1.0724965 1.0623915 1.053997\n", + " 1.0502338 1.0517777 1.0577569 0. 0. ]\n", + " [1.1678491 1.1646073 1.1747943 1.1828638 1.1694462 1.1358635 1.1029856\n", + " 1.082 1.0721923 1.0691947 1.0677867 1.0623384 1.0533988 1.0453016\n", + " 1.0425115 1.0444732 1.0498272 1.0552261 0. ]\n", + " [1.1720707 1.1658227 1.1767832 1.1866158 1.1744207 1.140899 1.1054007\n", + " 1.0829242 1.0735422 1.0728391 1.0744513 1.0699899 1.0607328 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2029718 1.197241 1.2078048 1.2163 1.2019068 1.1639462 1.1254674\n", + " 1.100444 1.0893989 1.0882713 1.0885977 1.0821736 1.0707965 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1713669 1.1663761 1.1759335 1.183273 1.1724265 1.1403055 1.1069906\n", + " 1.0853809 1.0752275 1.0727026 1.0722455 1.0666372 1.0574125 1.0485443\n", + " 1.0444994 1.0466418 1.0521889 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.192245 1.1838307 1.192623 1.2026451 1.1909878 1.1567686 1.1202663\n", + " 1.0952775 1.0839984 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1530688 1.1506753 1.1602181 1.1683009 1.1571215 1.1269011 1.0959121\n", + " 1.0753294 1.0646793 1.0611162 1.059262 1.0541663 1.046337 1.0400745\n", + " 1.0373536 1.0388508 1.0433797 1.0478492 1.0506171 1.0516156 1.0528862\n", + " 1.0561966]\n", + " [1.1722429 1.1694293 1.1807495 1.1893368 1.1785783 1.1445428 1.109118\n", + " 1.0861613 1.0748152 1.0718392 1.0712807 1.0662141 1.0572202 1.0490605\n", + " 1.0453842 1.0468638 1.051896 1.0574297 0. 0. 0.\n", + " 0. ]\n", + " [1.1484996 1.1433394 1.1518701 1.159334 1.1506127 1.1227305 1.0932424\n", + " 1.0734538 1.0639999 1.0617588 1.061533 1.0573949 1.0500057 1.0423596\n", + " 1.0389475 1.0405959 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1680126 1.1627837 1.1717671 1.1802197 1.1686635 1.1377279 1.1053535\n", + " 1.0838693 1.0738975 1.0716736 1.0713124 1.0660894 1.0567905 1.0482396\n", + " 1.0443314 1.0466193 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1922206 1.1851504 1.1945162 1.202242 1.1870996 1.1517909 1.1135685\n", + " 1.0884161 1.0784172 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1836648 1.1790403 1.1886363 1.1960919 1.1828352 1.1479688 1.1121982\n", + " 1.088262 1.0776598 1.0750288 1.074579 1.0700221 1.060188 1.051864\n", + " 1.047654 1.0495092 1.0548533 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1730118 1.1706088 1.1812004 1.1899084 1.1785548 1.1457922 1.1109303\n", + " 1.0874687 1.0752342 1.0708206 1.0681797 1.0625286 1.0536175 1.0464256\n", + " 1.043167 1.0453167 1.0505272 1.0553046 1.0574553 1.0580806 1.0594441\n", + " 1.0628858]\n", + " [1.1526036 1.1498673 1.1600467 1.1686859 1.1578376 1.1264756 1.095093\n", + " 1.0747013 1.0650928 1.0627486 1.0630391 1.058606 1.0508385 1.0430256\n", + " 1.03958 1.0411589 1.0460278 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.190581 1.1839361 1.1947253 1.2038422 1.1919538 1.1561183 1.1184733\n", + " 1.094271 1.0836468 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1662713 1.1627549 1.1726251 1.1818483 1.1704 1.1383907 1.1044441\n", + " 1.0822461 1.0715138 1.0691538 1.0694759 1.0650223 1.0563897 1.0487154\n", + " 1.0450453 1.0465658 0. 0. 0. 0. ]\n", + " [1.1768228 1.1725154 1.1818815 1.1906823 1.1790229 1.146713 1.1125007\n", + " 1.0889041 1.0763977 1.0719234 1.0694765 1.06329 1.0547361 1.0472908\n", + " 1.0439364 1.045692 1.0507329 1.055426 1.0580163 1.059414 ]\n", + " [1.1766453 1.1731263 1.1833907 1.1906018 1.1776783 1.1435686 1.1091462\n", + " 1.0866807 1.0761149 1.0750073 1.0749319 1.0703814 1.0606195 1.0517496\n", + " 1.0477448 0. 0. 0. 0. 0. ]\n", + " [1.1686845 1.1641599 1.1738389 1.1827399 1.1712015 1.138516 1.1046865\n", + " 1.0826325 1.0724449 1.0700266 1.0707331 1.0658985 1.0566602 1.0484564\n", + " 1.0448035 1.0463825 0. 0. 0. 0. ]]\n", + "[[1.1614124 1.157269 1.1670632 1.1747718 1.1642398 1.132462 1.1001832\n", + " 1.0784897 1.069178 1.0674596 1.0674752 1.0633141 1.0548077 1.0468411\n", + " 1.0433735 1.0451353 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1590632 1.156512 1.1662102 1.175031 1.16326 1.1326506 1.1010339\n", + " 1.0796145 1.0690857 1.0648036 1.0627578 1.0570579 1.0485067 1.0415252\n", + " 1.0386001 1.040676 1.0449952 1.0498427 1.0524225 1.0528743 1.0542532\n", + " 1.0572035]\n", + " [1.1831845 1.1795487 1.1899374 1.1980255 1.1849129 1.1516768 1.1164714\n", + " 1.091854 1.0791419 1.0748242 1.0726315 1.0671127 1.0581509 1.0501666\n", + " 1.0468699 1.0486804 1.0541731 1.0593872 1.0620974 1.0631201 0.\n", + " 0. ]\n", + " [1.1736875 1.1694596 1.1817107 1.1921653 1.1800947 1.1446762 1.1089983\n", + " 1.0853608 1.0739751 1.0712054 1.0710335 1.0660061 1.0567803 1.0480256\n", + " 1.0439972 1.0456231 1.0509467 1.0562658 0. 0. 0.\n", + " 0. ]\n", + " [1.1627083 1.1600116 1.169708 1.1780862 1.1666192 1.1346611 1.102809\n", + " 1.0813699 1.0698699 1.0663584 1.0636171 1.0584018 1.0500867 1.042781\n", + " 1.039962 1.0418953 1.0465939 1.0512207 1.0538447 1.0550777 0.\n", + " 0. ]]\n", + "[[1.1694779 1.166136 1.1772662 1.1859467 1.1746699 1.140927 1.1060356\n", + " 1.0826389 1.0720265 1.0687637 1.0684557 1.0635421 1.0548645 1.047646\n", + " 1.0441653 1.0456611 1.0507449 1.0556608 0. 0. 0. ]\n", + " [1.1640922 1.1600112 1.1712189 1.1820307 1.1709809 1.1388947 1.1052678\n", + " 1.0824673 1.0724502 1.0704968 1.0706079 1.0661948 1.0562562 1.0478995\n", + " 1.0440602 1.0460993 0. 0. 0. 0. 0. ]\n", + " [1.167398 1.1629066 1.1720481 1.181984 1.1705418 1.1379336 1.10468\n", + " 1.0826858 1.0728112 1.0717747 1.0719349 1.0670784 1.0577823 1.049169\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1621511 1.1590012 1.1698817 1.1794047 1.1675386 1.1353047 1.1020751\n", + " 1.0796542 1.068645 1.0652759 1.0636799 1.0587398 1.0504245 1.0430015\n", + " 1.039752 1.0415119 1.0461706 1.0505475 1.052809 1.0534151 0. ]\n", + " [1.1796587 1.1766279 1.1885324 1.1991959 1.1873248 1.1516938 1.1158378\n", + " 1.0921812 1.0801407 1.0757542 1.0733565 1.0669295 1.0570941 1.0488439\n", + " 1.0452254 1.0473175 1.0526445 1.0578977 1.0600457 1.061187 1.0625074]]\n", + "[[1.175574 1.1720573 1.1834692 1.193605 1.1826094 1.1490189 1.1137776\n", + " 1.0900754 1.0780731 1.0738825 1.0710913 1.0649719 1.0555419 1.047397\n", + " 1.0441478 1.0462598 1.0512613 1.0564011 1.0589018 1.059791 1.0608476\n", + " 1.0642809 1.0715791 0. 0. ]\n", + " [1.1697079 1.1681702 1.1793698 1.1881887 1.1759557 1.1420127 1.1070352\n", + " 1.0842614 1.0728453 1.0691488 1.0681726 1.0620198 1.0533849 1.0454977\n", + " 1.0422337 1.0435462 1.0485418 1.0532299 1.0557946 1.0569515 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1532269 1.149964 1.1599208 1.1671908 1.1542994 1.1232008 1.0922449\n", + " 1.0721775 1.0627449 1.0606433 1.0596341 1.0552628 1.047302 1.0404122\n", + " 1.037325 1.0391527 1.0433724 1.0479434 1.0498416 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1710677 1.1689352 1.1808003 1.1918007 1.1807264 1.1468561 1.1108544\n", + " 1.0871694 1.07536 1.071502 1.0692927 1.0634762 1.0539802 1.0457145\n", + " 1.0424845 1.0446768 1.0497546 1.0549881 1.0571101 1.0582783 1.0594269\n", + " 1.0632118 1.0709759 1.081455 1.0896509]\n", + " [1.1821814 1.1797497 1.191401 1.2011533 1.1873583 1.1515797 1.1146456\n", + " 1.0898542 1.078011 1.0744021 1.0726196 1.0674344 1.0582049 1.0500824\n", + " 1.0458008 1.0482377 1.053507 1.0588129 1.0614157 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1624289 1.1563425 1.164207 1.1716595 1.1601208 1.1296707 1.0980694\n", + " 1.077297 1.0672936 1.0654185 1.0653563 1.0609542 1.0524417 1.044845\n", + " 1.0413591 1.042872 1.0477995 0. 0. ]\n", + " [1.16741 1.1624799 1.17168 1.179387 1.168362 1.13601 1.1031741\n", + " 1.081294 1.0703925 1.0680289 1.0672475 1.0625489 1.0538634 1.046058\n", + " 1.0428256 1.0449501 1.0507718 0. 0. ]\n", + " [1.1730118 1.1677079 1.177487 1.1863575 1.1761825 1.1440021 1.1096426\n", + " 1.0868622 1.0759228 1.0743972 1.0742586 1.0698982 1.0603114 1.0516901\n", + " 1.0475491 0. 0. 0. 0. ]\n", + " [1.2112843 1.2056103 1.2163795 1.2247119 1.2104589 1.1719339 1.1324486\n", + " 1.1052779 1.093614 1.0914179 1.0914028 1.085861 1.0741904 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1686714 1.1632707 1.171725 1.1794199 1.167414 1.136391 1.1036669\n", + " 1.0811391 1.0708543 1.067653 1.0661373 1.0609874 1.0522074 1.0444382\n", + " 1.0411662 1.042848 1.0476006 1.0524755 1.0547048]]\n", + "[[1.1889915 1.1835419 1.1936164 1.2016478 1.1881115 1.1511747 1.1140385\n", + " 1.0901194 1.0799322 1.0788777 1.0794518 1.0743526 1.0644623 1.0549995\n", + " 1.0510745 0. 0. 0. 0. ]\n", + " [1.1654348 1.1616751 1.1723769 1.1809518 1.170932 1.138376 1.1041243\n", + " 1.082469 1.0717611 1.0689394 1.0686582 1.0640166 1.0549542 1.0468609\n", + " 1.0430068 1.0441835 1.0491439 1.0541952 0. ]\n", + " [1.1771187 1.1751304 1.1870278 1.1962544 1.1830221 1.1480632 1.1117032\n", + " 1.0877446 1.0765685 1.0734636 1.0723394 1.0660967 1.0565839 1.0480145\n", + " 1.0444242 1.0459121 1.0514088 1.0567944 1.0592749]\n", + " [1.1854892 1.1832317 1.195143 1.204299 1.1911831 1.155352 1.1176465\n", + " 1.0920672 1.080385 1.0773053 1.0756748 1.0700697 1.0597054 1.0512055\n", + " 1.0471435 1.0492069 1.0549086 1.0606027 1.0631663]\n", + " [1.1554266 1.1516664 1.1603972 1.1670619 1.1560028 1.1254957 1.0949829\n", + " 1.0749694 1.0660262 1.0639257 1.0638784 1.0589786 1.050347 1.0426251\n", + " 1.0393561 1.0408663 1.0458511 0. 0. ]]\n", + "[[1.1752403 1.1718082 1.182471 1.1917421 1.1790503 1.1455374 1.1102992\n", + " 1.0868084 1.0757219 1.0726967 1.0716766 1.06681 1.0581174 1.0496094\n", + " 1.0458592 1.0475733 1.0529042 1.0580828 0. 0. 0. ]\n", + " [1.154632 1.1515496 1.161458 1.1686218 1.1582164 1.1270715 1.0956299\n", + " 1.07505 1.0653374 1.0636196 1.0634414 1.0590299 1.0506405 1.0431747\n", + " 1.0396032 1.0411807 1.0459998 0. 0. 0. 0. ]\n", + " [1.1753154 1.1705164 1.1787504 1.1845156 1.1724894 1.1391318 1.1056881\n", + " 1.0835222 1.0739223 1.0727963 1.0725018 1.0677502 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1633543 1.1576838 1.1659163 1.1739777 1.1626813 1.1323167 1.1005058\n", + " 1.079616 1.0697037 1.0671445 1.0664262 1.0617216 1.0534283 1.0454316\n", + " 1.0420548 1.0437299 1.048792 0. 0. 0. 0. ]\n", + " [1.1779451 1.1751207 1.1855415 1.195443 1.1836052 1.1502087 1.1155542\n", + " 1.0917717 1.079424 1.0749898 1.0725454 1.0663185 1.0564779 1.048115\n", + " 1.0450233 1.0469772 1.0521717 1.0566915 1.0590402 1.0596026 1.0608113]]\n", + "[[1.1830256 1.1787902 1.1896511 1.1995475 1.1864111 1.1504459 1.1138725\n", + " 1.0898321 1.0786391 1.0769249 1.0769051 1.072186 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.177315 1.1734155 1.1844703 1.1941917 1.1821191 1.1484268 1.112917\n", + " 1.0889492 1.0785079 1.0762092 1.075799 1.0714225 1.0618964 1.05304\n", + " 1.0491138 0. 0. 0. 0. ]\n", + " [1.1557528 1.1515956 1.159755 1.1677663 1.1569239 1.1271286 1.0964053\n", + " 1.0767702 1.0665108 1.0637004 1.0629523 1.0579517 1.0500444 1.0429034\n", + " 1.0397238 1.0414406 1.0459497 1.0507073 0. ]\n", + " [1.1796446 1.1758915 1.1847093 1.1936617 1.1809505 1.1469079 1.1113589\n", + " 1.0873929 1.0771648 1.0748239 1.0755748 1.0699031 1.0614138 1.0527701\n", + " 1.0487496 0. 0. 0. 0. ]\n", + " [1.180032 1.1763139 1.1858038 1.1934854 1.1808866 1.1472629 1.1116848\n", + " 1.0880818 1.0758384 1.0727832 1.0717801 1.066363 1.0577124 1.0495114\n", + " 1.0462128 1.0477147 1.0528995 1.0581117 1.060551 ]]\n", + "[[1.1889174 1.1834022 1.1934015 1.2029275 1.1889174 1.1512967 1.1145068\n", + " 1.0899137 1.0802469 1.0798329 1.080518 1.0752501 1.0646638 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1728499 1.1678109 1.1766238 1.1840055 1.1716864 1.1376841 1.104552\n", + " 1.0826236 1.073523 1.0732353 1.0741773 1.0693693 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1831305 1.1777468 1.187232 1.1952842 1.1830182 1.1483968 1.1131376\n", + " 1.0894251 1.0788063 1.0766075 1.0774621 1.0729581 1.0636214 1.0546185\n", + " 1.0504084 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1557186 1.1523523 1.1617646 1.1692011 1.1587029 1.1272308 1.0954752\n", + " 1.0752319 1.0657835 1.064559 1.0649033 1.0602952 1.0523976 1.0447516\n", + " 1.0414559 1.0432687 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1591696 1.156908 1.1667444 1.176022 1.1649947 1.1334859 1.101498\n", + " 1.0805081 1.0697532 1.0656798 1.0636663 1.057368 1.048202 1.0409698\n", + " 1.0381116 1.0403944 1.0449566 1.0498708 1.0523237 1.0531617 1.0541555\n", + " 1.0577672 1.0643514]]\n", + "[[1.1657096 1.1613407 1.1707509 1.1774584 1.1660794 1.1341023 1.1018054\n", + " 1.0804467 1.0715548 1.0703567 1.0709872 1.0660889 1.0567751 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1517781 1.1479074 1.1574435 1.165593 1.153998 1.1244388 1.0937326\n", + " 1.0733365 1.063835 1.0611811 1.0613117 1.0568888 1.049432 1.0423648\n", + " 1.038999 1.0409635 1.0459052 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1513397 1.1499144 1.1606163 1.1701574 1.158664 1.1288286 1.0976558\n", + " 1.0766122 1.0655147 1.0619466 1.0601772 1.0548378 1.0466981 1.0402102\n", + " 1.0373982 1.0389189 1.043206 1.0480494 1.0505496 1.0514061 1.0532284\n", + " 1.0563228]\n", + " [1.1631541 1.1596054 1.1696082 1.1793867 1.1692305 1.1376053 1.1045643\n", + " 1.0820173 1.0702921 1.0663457 1.0647659 1.0592949 1.0507951 1.0436082\n", + " 1.0401858 1.0416962 1.0462081 1.0510468 1.0536264 1.0547206 1.0563833\n", + " 0. ]\n", + " [1.1821185 1.1776131 1.1865786 1.1948133 1.1813222 1.1461661 1.110128\n", + " 1.085997 1.0745537 1.0720613 1.0712552 1.066453 1.057836 1.0501618\n", + " 1.0461549 1.0484061 1.0537652 1.0590516 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1507304 1.1458558 1.1544874 1.1609881 1.149648 1.1202841 1.090771\n", + " 1.0711445 1.062481 1.0608381 1.0603838 1.0565051 1.0488449 1.0417038\n", + " 1.0389993 1.0404435 0. 0. 0. 0. ]\n", + " [1.158864 1.1556273 1.1661121 1.1757101 1.1642338 1.1322793 1.099308\n", + " 1.0778587 1.0675962 1.0652144 1.0644832 1.0592006 1.0510563 1.0433849\n", + " 1.0400362 1.041389 1.0460886 1.0507545 0. 0. ]\n", + " [1.1587498 1.1546879 1.1626811 1.1700246 1.1583095 1.1278853 1.0966493\n", + " 1.0758678 1.0656135 1.0626633 1.0617381 1.0575957 1.049958 1.0430971\n", + " 1.0399821 1.0415632 1.0464365 1.0511867 0. 0. ]\n", + " [1.163865 1.1594371 1.1688043 1.1764673 1.1631175 1.1314377 1.0995759\n", + " 1.0790648 1.0699034 1.06772 1.067437 1.0623982 1.0539705 1.0462148\n", + " 1.0431131 1.045636 0. 0. 0. 0. ]\n", + " [1.1743281 1.1700989 1.1797028 1.1872413 1.1738441 1.1417143 1.1088997\n", + " 1.0873026 1.0760367 1.0720083 1.0695468 1.063279 1.0539154 1.0461713\n", + " 1.0434896 1.0455368 1.0511019 1.0560175 1.0579562 1.0585679]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.176445 1.1710665 1.1802924 1.188905 1.1767436 1.1437986 1.1094575\n", + " 1.0865619 1.0758588 1.0736625 1.0726408 1.0678588 1.0584815 1.0495389\n", + " 1.045607 1.0475941 1.0532708 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1744672 1.1702968 1.1810005 1.1894025 1.1753739 1.1421639 1.1071297\n", + " 1.0850806 1.0752074 1.0743717 1.0749447 1.0702826 1.060541 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1659184 1.1632946 1.1748121 1.1862588 1.1760103 1.1426739 1.1081016\n", + " 1.0843871 1.0723773 1.0685769 1.0663799 1.0611618 1.0524198 1.0447575\n", + " 1.0415651 1.0428693 1.0477331 1.0521951 1.0544872 1.0550103 1.0561633\n", + " 1.0589815 1.0661486]\n", + " [1.1719719 1.1695929 1.1806711 1.1890033 1.1782751 1.1437383 1.108678\n", + " 1.0854625 1.0744121 1.0723449 1.0721533 1.0671577 1.0587882 1.0505098\n", + " 1.0467823 1.0483041 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1957477 1.1913396 1.2024429 1.2102004 1.1950912 1.156777 1.1196008\n", + " 1.0952215 1.0841093 1.0828642 1.0831949 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1817389 1.178435 1.1889899 1.1968762 1.183972 1.150275 1.1152596\n", + " 1.0911736 1.0785455 1.0743055 1.0721741 1.0664232 1.057791 1.0496777\n", + " 1.046551 1.047823 1.0531105 1.0584937 1.0608723 1.0620512 0.\n", + " 0. ]\n", + " [1.1688359 1.1673481 1.1794018 1.1882501 1.1757294 1.1421077 1.1085194\n", + " 1.0860796 1.0748744 1.0706716 1.0688403 1.0625473 1.05287 1.0453867\n", + " 1.0419701 1.0435884 1.0484041 1.0529921 1.0551938 1.0558954 1.0577286\n", + " 1.0616057]\n", + " [1.1954688 1.1903917 1.2028089 1.2130326 1.1986015 1.1605831 1.1218247\n", + " 1.0965248 1.085976 1.0848383 1.0856544 1.0795231 1.0683771 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1703788 1.1664099 1.1774893 1.1864684 1.1755495 1.1418861 1.1071576\n", + " 1.0844393 1.0741875 1.0720758 1.0719084 1.0680292 1.0586718 1.0501412\n", + " 1.0461687 1.0478362 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1813824 1.1786665 1.1899736 1.1988679 1.1851009 1.1510503 1.1153096\n", + " 1.0915524 1.0792689 1.0755497 1.0734524 1.067358 1.0572044 1.0491241\n", + " 1.0455666 1.0474396 1.052775 1.058032 1.0600734 1.0606017 0.\n", + " 0. ]]\n", + "[[1.171747 1.1692843 1.1800942 1.189244 1.1776047 1.144673 1.1101497\n", + " 1.08635 1.0750571 1.0709418 1.0686994 1.0626236 1.0539254 1.0458665\n", + " 1.0429264 1.0441614 1.049423 1.0543865 1.0568248 1.0576261 1.0589199]\n", + " [1.1694701 1.1657478 1.1764679 1.1844246 1.172567 1.1389905 1.1042368\n", + " 1.0822839 1.0718852 1.0707518 1.0709594 1.0663829 1.0577451 1.0489985\n", + " 1.0452081 1.046846 0. 0. 0. 0. 0. ]\n", + " [1.1634618 1.1593447 1.1684391 1.1762426 1.1638328 1.1327128 1.1008031\n", + " 1.0794216 1.0686182 1.0651636 1.0636599 1.058386 1.0505903 1.0433834\n", + " 1.0402272 1.041643 1.0463616 1.0509415 1.0535412 1.0548404 0. ]\n", + " [1.1929133 1.1897852 1.2019875 1.2108605 1.198115 1.1618326 1.1233689\n", + " 1.0967653 1.0838797 1.0795647 1.0770854 1.0713333 1.0613574 1.0530522\n", + " 1.049085 1.0511165 1.0561244 1.0608969 1.0634553 1.0645146 0. ]\n", + " [1.1622608 1.158249 1.1682171 1.1777148 1.1647624 1.1325821 1.0992815\n", + " 1.0787737 1.070037 1.0699401 1.0706061 1.0655724 1.0563161 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1983198 1.1955659 1.2055715 1.214153 1.1997144 1.1637936 1.1251713\n", + " 1.0995201 1.0867256 1.0829933 1.0810325 1.074956 1.0640961 1.0556089\n", + " 1.0516272 1.0539072 1.0598068 1.0657173 1.0680463 0. ]\n", + " [1.1893953 1.184328 1.1939948 1.2026523 1.18939 1.1544707 1.1186739\n", + " 1.0947976 1.0833756 1.0808132 1.0805151 1.0750453 1.0646603 1.0556495\n", + " 1.0515764 1.0540783 0. 0. 0. 0. ]\n", + " [1.1686802 1.1639392 1.1728733 1.1807569 1.1678782 1.1342472 1.1006737\n", + " 1.0795743 1.069525 1.0680579 1.0678991 1.0636866 1.055041 1.0469564\n", + " 1.043536 1.0453557 0. 0. 0. 0. ]\n", + " [1.1893163 1.1861624 1.1974261 1.204896 1.1934353 1.1578141 1.1201444\n", + " 1.0953286 1.0825534 1.0784082 1.0763959 1.0693479 1.0594599 1.0513068\n", + " 1.0475677 1.0494028 1.0548168 1.0604602 1.0626707 1.0639482]\n", + " [1.1940589 1.1885465 1.1973145 1.2034134 1.1897309 1.1536467 1.1173751\n", + " 1.0933316 1.081738 1.0792285 1.0787073 1.0733839 1.0639067 1.0554067\n", + " 1.0515294 1.0543121 0. 0. 0. 0. ]]\n", + "[[1.1601228 1.1556253 1.1635271 1.170702 1.1587293 1.1275661 1.0959016\n", + " 1.0760206 1.0670469 1.0660667 1.0660471 1.0627927 1.0539831 1.0462376\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1625807 1.1603663 1.1707568 1.1793494 1.1672692 1.1358231 1.1032996\n", + " 1.0812476 1.0702506 1.0666515 1.0645444 1.0590557 1.0505104 1.0432746\n", + " 1.0397693 1.0415648 1.0461284 1.0507036 1.0527593 1.0541058 1.055938 ]\n", + " [1.161782 1.1585252 1.1682112 1.176399 1.1651735 1.132686 1.0996945\n", + " 1.0777866 1.0670886 1.0649436 1.0655555 1.0611746 1.0530902 1.0453379\n", + " 1.0421282 1.0437176 1.0487167 0. 0. 0. 0. ]\n", + " [1.1613739 1.1568862 1.1657006 1.1736276 1.1614097 1.129345 1.0983608\n", + " 1.0778544 1.0684397 1.0667067 1.0672469 1.0628362 1.0543082 1.0468493\n", + " 1.0430764 1.0448949 0. 0. 0. 0. 0. ]\n", + " [1.159205 1.1558537 1.1654813 1.1750154 1.1636122 1.132371 1.1001587\n", + " 1.0785216 1.0681933 1.0657126 1.0655296 1.0616738 1.0535408 1.0459532\n", + " 1.0420948 1.0435765 0. 0. 0. 0. 0. ]]\n", + "[[1.173363 1.1680998 1.1764898 1.1842833 1.1739537 1.1425183 1.1094576\n", + " 1.0868295 1.0753211 1.0736315 1.0735627 1.0683707 1.058882 1.0504403\n", + " 0. 0. ]\n", + " [1.1960337 1.1914752 1.2014472 1.2087734 1.196213 1.1592662 1.1215528\n", + " 1.0968287 1.0854998 1.0826823 1.0824451 1.0760756 1.0658654 1.0565566\n", + " 1.0529776 1.0556192]\n", + " [1.1585287 1.1550972 1.1650152 1.173787 1.1627969 1.1312811 1.0992584\n", + " 1.0776505 1.0673894 1.0661039 1.0660896 1.0617445 1.0535364 1.0457995\n", + " 1.0421474 1.0438006]\n", + " [1.1772835 1.1729711 1.1815771 1.1905732 1.1784632 1.14445 1.1105067\n", + " 1.0876881 1.077949 1.075146 1.0738107 1.0690645 1.0592448 1.0510157\n", + " 1.046961 1.0497717]\n", + " [1.1503583 1.1454333 1.154275 1.1619982 1.1517217 1.1227927 1.0927151\n", + " 1.072951 1.0641037 1.0627495 1.0631561 1.0590583 1.0512823 1.0435456\n", + " 1.0399064 0. ]]\n", + "[[1.1954734 1.1911278 1.2027543 1.2123202 1.1993115 1.1622156 1.1233683\n", + " 1.0973674 1.0850877 1.0813981 1.0798987 1.0746658 1.0647147 1.0555936\n", + " 1.0512187 1.0531032 1.0589 1.0644972 1.0672774 0. ]\n", + " [1.1794074 1.1760685 1.1869633 1.1969334 1.1846074 1.1503735 1.1140112\n", + " 1.0889134 1.0771478 1.0740732 1.0736148 1.0681484 1.0582355 1.0498387\n", + " 1.0458372 1.0476081 1.0529604 1.0578465 0. 0. ]\n", + " [1.1585335 1.1542343 1.1631827 1.1714389 1.1612136 1.1311045 1.0991088\n", + " 1.0774912 1.0673581 1.065239 1.0647328 1.0602462 1.0524061 1.0445178\n", + " 1.0413015 1.0429114 0. 0. 0. 0. ]\n", + " [1.1680604 1.1653757 1.1760144 1.1844543 1.173845 1.141355 1.1073217\n", + " 1.084005 1.0729839 1.0694089 1.0674832 1.0620238 1.0529726 1.0451633\n", + " 1.0417596 1.0434635 1.0481664 1.0529406 1.055653 1.0569825]\n", + " [1.17491 1.1692412 1.1777681 1.1856883 1.1736664 1.1402605 1.1060079\n", + " 1.0832949 1.0732704 1.0725136 1.0733631 1.0686471 1.0604398 1.0518938\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2146348 1.2083775 1.217838 1.2273113 1.2133794 1.1748502 1.133964\n", + " 1.1062037 1.0939165 1.0916185 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1824749 1.1790785 1.189358 1.1962572 1.1833948 1.1471419 1.1117798\n", + " 1.088391 1.0792321 1.0779219 1.0790371 1.0735681 1.0634574 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1660645 1.1604037 1.1680069 1.1763672 1.1646055 1.1336725 1.1010716\n", + " 1.0796725 1.0697547 1.0677834 1.0676706 1.0633204 1.0551944 1.047155\n", + " 1.04341 0. 0. 0. 0. 0. 0. ]\n", + " [1.1738031 1.1697472 1.1790919 1.1868577 1.1752065 1.1426506 1.1084179\n", + " 1.0845883 1.0723933 1.068503 1.0667721 1.0617774 1.0534238 1.0462137\n", + " 1.0430921 1.0443008 1.0485339 1.0532794 1.0555716 1.0570362 1.058985 ]\n", + " [1.184566 1.1804221 1.1901381 1.198958 1.1856583 1.1506394 1.1154416\n", + " 1.0914689 1.0796027 1.0758214 1.0737526 1.0678172 1.057834 1.0497862\n", + " 1.0464205 1.0485845 1.0539104 1.0591125 1.0616386 0. 0. ]]\n", + "[[1.2097051 1.2042017 1.2139541 1.2222204 1.2060645 1.1681218 1.1284479\n", + " 1.1023766 1.090799 1.0895041 1.0900278 1.0837587 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.184543 1.1809256 1.1907678 1.1999595 1.1868124 1.1532432 1.1184126\n", + " 1.0941796 1.0812297 1.0771441 1.0745041 1.0678308 1.0587054 1.0501158\n", + " 1.0468576 1.0492693 1.0545611 1.0596586 1.0620937 1.062645 0. ]\n", + " [1.1718526 1.1686237 1.1800021 1.1900166 1.177656 1.1448371 1.1101276\n", + " 1.0866809 1.0756123 1.0716648 1.0695556 1.0630474 1.0534505 1.0457082\n", + " 1.0422432 1.0441824 1.0490835 1.0541042 1.0564812 1.0574138 1.0592719]\n", + " [1.1626979 1.1597409 1.1705823 1.178787 1.1687247 1.1369066 1.1031468\n", + " 1.0814228 1.0707029 1.0675713 1.0669521 1.061776 1.0537269 1.0462222\n", + " 1.0428102 1.0439178 1.0486602 1.053645 0. 0. 0. ]\n", + " [1.1905594 1.1845984 1.1937902 1.2019969 1.1885778 1.1538659 1.1170001\n", + " 1.0922989 1.0802597 1.0779047 1.0772074 1.0720634 1.0624306 1.0537814\n", + " 1.0500578 1.0517745 1.0574645 0. 0. 0. 0. ]]\n", + "[[1.1578934 1.154888 1.1651843 1.1743743 1.162461 1.131388 1.0990524\n", + " 1.0777504 1.067381 1.0648595 1.0638016 1.0595353 1.0509626 1.043701\n", + " 1.039834 1.0413216 1.0457664 1.0504009 0. 0. 0. ]\n", + " [1.1713481 1.1678718 1.1782092 1.185946 1.1737423 1.1400523 1.1061114\n", + " 1.0834519 1.0726801 1.0702981 1.0693837 1.0651026 1.056315 1.0482818\n", + " 1.0448698 1.0464543 1.0513227 1.0560471 0. 0. 0. ]\n", + " [1.1785719 1.1743666 1.1844299 1.1929493 1.180438 1.1454382 1.1098152\n", + " 1.0864956 1.0760174 1.0733781 1.0732551 1.0684047 1.0590583 1.0506228\n", + " 1.0467019 1.0484483 1.0542281 0. 0. 0. 0. ]\n", + " [1.1646137 1.162295 1.1721603 1.1816247 1.1703713 1.1373042 1.1043323\n", + " 1.0828246 1.0718459 1.0678394 1.0658203 1.0601189 1.0514117 1.0441835\n", + " 1.0405809 1.0420907 1.0468103 1.0514319 1.0536993 1.0545985 1.0563117]\n", + " [1.2059184 1.1996832 1.2093618 1.2175 1.2046715 1.1674892 1.1275632\n", + " 1.1009753 1.0886213 1.0869957 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1924119 1.1887633 1.2002743 1.209572 1.1969175 1.1609148 1.1232945\n", + " 1.0977879 1.0848203 1.0802559 1.077826 1.0720327 1.0620775 1.0531424\n", + " 1.0493667 1.0514667 1.0570929 1.0625752 1.065172 1.066176 ]\n", + " [1.1856234 1.1829782 1.194592 1.2042754 1.1898851 1.1545142 1.1169747\n", + " 1.0921308 1.0797267 1.0767128 1.0755033 1.0691526 1.0600697 1.0515683\n", + " 1.0478232 1.0497122 1.0550662 1.060622 1.0632138 0. ]\n", + " [1.1881483 1.1820686 1.1912677 1.1987842 1.1851237 1.1500897 1.114983\n", + " 1.0919693 1.0813121 1.0802182 1.0801173 1.0751148 1.0646936 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.159585 1.1566744 1.1659535 1.1724387 1.1607833 1.1295211 1.0981663\n", + " 1.0772017 1.0668052 1.0633813 1.0618421 1.0573426 1.0491598 1.0424871\n", + " 1.0392333 1.0408047 1.0453863 1.0499114 1.0523196 1.0536277]\n", + " [1.156217 1.1530799 1.1640003 1.1726099 1.1602424 1.1284837 1.0961823\n", + " 1.0755976 1.0657051 1.0633907 1.0628357 1.058224 1.0498854 1.0422083\n", + " 1.0389669 1.0405236 1.045502 1.0500804 0. 0. ]]\n", + "[[1.1680195 1.1639003 1.1732616 1.1812767 1.1688921 1.135469 1.1017394\n", + " 1.0800033 1.0689943 1.0655619 1.0645019 1.0593797 1.0515667 1.0441204\n", + " 1.0403049 1.0420406 1.0468192 1.0513401 1.0543073 1.0553305]\n", + " [1.1691085 1.1660104 1.1760681 1.1838877 1.1704446 1.1363394 1.1034559\n", + " 1.0814896 1.0712436 1.0689338 1.0687437 1.0636549 1.0542605 1.0468607\n", + " 1.0432175 1.0451788 1.0505185 1.055948 0. 0. ]\n", + " [1.1735244 1.1715026 1.182991 1.1925589 1.1792399 1.1451671 1.1102042\n", + " 1.0870777 1.0756712 1.0723583 1.070664 1.065644 1.0564126 1.0479422\n", + " 1.0442835 1.0459367 1.0508664 1.056035 1.0585372 0. ]\n", + " [1.183075 1.1780696 1.188321 1.1970832 1.1845345 1.14992 1.1134284\n", + " 1.0892016 1.0783374 1.0766187 1.0772644 1.0725518 1.0629461 1.0541073\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1847298 1.1805637 1.1916436 1.1995301 1.1863914 1.1507766 1.1141508\n", + " 1.0899466 1.078588 1.0758034 1.0751975 1.0692456 1.0595992 1.0504805\n", + " 1.046805 1.048753 1.0547719 1.0608385 0. 0. ]]\n", + "[[1.1848216 1.1802322 1.1891288 1.1968101 1.1840855 1.1501387 1.1147288\n", + " 1.0912039 1.0794349 1.076179 1.0743207 1.0693909 1.0602661 1.0515766\n", + " 1.0482305 1.0508233 1.0564401 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1814969 1.1782832 1.1891052 1.198308 1.1850498 1.1507692 1.1148874\n", + " 1.0903533 1.0791097 1.075097 1.0740266 1.0682014 1.0582848 1.0497775\n", + " 1.0461438 1.0484062 1.054238 1.0592649 1.0614003 0. 0.\n", + " 0. ]\n", + " [1.1746843 1.1700981 1.1792549 1.1873682 1.1734562 1.140515 1.1061949\n", + " 1.0839357 1.073372 1.070823 1.0707777 1.0656853 1.0564555 1.0486333\n", + " 1.0453432 1.0474327 1.0527079 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.179142 1.1733122 1.1817666 1.1896718 1.1778015 1.1434306 1.1087253\n", + " 1.0854633 1.0751448 1.0725113 1.0708251 1.0661223 1.057068 1.049215\n", + " 1.0458863 1.0482563 1.0541346 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.148799 1.1470317 1.156321 1.1642982 1.1538695 1.1232558 1.093721\n", + " 1.073367 1.063255 1.0594301 1.0568492 1.0517824 1.0441158 1.0377333\n", + " 1.035371 1.0368288 1.0411754 1.0455397 1.0480715 1.0492461 1.050789\n", + " 1.0537534]]\n", + "[[1.1776607 1.176613 1.1873577 1.1958121 1.1820037 1.1464015 1.110815\n", + " 1.0867784 1.0753455 1.0724277 1.0703709 1.065426 1.0561008 1.0484442\n", + " 1.0441439 1.0458832 1.0508798 1.0558721 1.0583712 1.05948 ]\n", + " [1.2002578 1.1941938 1.2048699 1.215248 1.2028229 1.1654694 1.1268376\n", + " 1.1009531 1.0889075 1.0869751 1.0866603 1.0802946 1.0695655 1.0591197\n", + " 1.0545272 0. 0. 0. 0. 0. ]\n", + " [1.1896845 1.1842644 1.1949601 1.2034622 1.1907284 1.1551528 1.1188064\n", + " 1.0938174 1.0817028 1.0800295 1.0800246 1.0746815 1.064951 1.0555809\n", + " 1.0515466 1.0538412 0. 0. 0. 0. ]\n", + " [1.15726 1.1523453 1.1609012 1.1689954 1.1578648 1.1278843 1.0968978\n", + " 1.0765944 1.0674788 1.0655177 1.0654885 1.0605091 1.0519094 1.0442351\n", + " 1.0407505 1.0428923 0. 0. 0. 0. ]\n", + " [1.1637897 1.1584766 1.1676755 1.1768297 1.165685 1.1341205 1.1019474\n", + " 1.0805513 1.0703319 1.0689638 1.0692879 1.0648142 1.0561734 1.0476903\n", + " 1.044062 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1730818 1.1653279 1.1726785 1.1792606 1.1670234 1.1359193 1.103702\n", + " 1.082962 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2091215 1.2030998 1.2117279 1.2190263 1.2036766 1.165965 1.1285155\n", + " 1.1033903 1.0918062 1.0901824 1.0894778 1.0836964 1.0724055 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1646212 1.1608183 1.1712769 1.1795448 1.1687281 1.1365845 1.1030462\n", + " 1.0803392 1.0694759 1.0671403 1.065798 1.0615122 1.0529053 1.0451174\n", + " 1.0421968 1.0439833 1.0492023 1.0540901 0. 0. ]\n", + " [1.1641817 1.1614083 1.1727126 1.182222 1.1700997 1.13752 1.103303\n", + " 1.0815148 1.0703782 1.0665369 1.0645503 1.0587963 1.0500035 1.0428445\n", + " 1.0396023 1.0415264 1.0464658 1.0513378 1.053959 1.0549985]\n", + " [1.1667861 1.1625881 1.1726005 1.1805671 1.169614 1.1372017 1.1037174\n", + " 1.0813161 1.071358 1.0692973 1.0694033 1.0643692 1.0553995 1.0471976\n", + " 1.0432438 1.044864 1.0499295 0. 0. 0. ]]\n", + "[[1.1704444 1.1647252 1.1732285 1.1803249 1.1694084 1.1380707 1.1050112\n", + " 1.082541 1.072827 1.0703318 1.0697235 1.0652869 1.0565181 1.048519\n", + " 1.0449516 1.0472776 0. 0. 0. ]\n", + " [1.1823187 1.1778622 1.1871591 1.195097 1.1813356 1.1472979 1.1122361\n", + " 1.0890065 1.0783019 1.0751057 1.0751925 1.0698674 1.0601544 1.0513992\n", + " 1.0479423 1.0499012 1.0557623 0. 0. ]\n", + " [1.1713421 1.1659851 1.1736165 1.1810133 1.1681046 1.1371498 1.1047716\n", + " 1.0832806 1.0728581 1.0700698 1.0696617 1.0645689 1.0555811 1.0479803\n", + " 1.0441041 1.0459639 1.0515854 0. 0. ]\n", + " [1.1617504 1.1591774 1.1694354 1.1781436 1.165345 1.133773 1.1012303\n", + " 1.0798473 1.0700545 1.0676342 1.0666227 1.0612639 1.0524596 1.0448124\n", + " 1.040966 1.0429155 1.0483134 1.0537416 0. ]\n", + " [1.171184 1.1678373 1.1789545 1.186629 1.1761261 1.1424199 1.1074533\n", + " 1.0854478 1.074206 1.0708892 1.0695306 1.0640928 1.0554836 1.0467649\n", + " 1.0432285 1.044849 1.049949 1.0545849 1.0570416]]\n", + "[[1.1846502 1.1792622 1.1894679 1.1986562 1.1849022 1.1501756 1.1142813\n", + " 1.090696 1.0812056 1.0803833 1.0809313 1.0752504 1.0648131 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1772616 1.1732395 1.1845 1.1948242 1.1802931 1.144357 1.1082655\n", + " 1.0855389 1.0758502 1.0761466 1.0772581 1.071935 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1824954 1.1803635 1.1922387 1.2013047 1.1883124 1.1517754 1.1145399\n", + " 1.0902419 1.0783776 1.0755553 1.0740904 1.0679433 1.058737 1.0504208\n", + " 1.0466068 1.0483099 1.053494 1.0588474 1.0613979 0. 0. ]\n", + " [1.1871464 1.183039 1.1944178 1.2044222 1.1916759 1.1546112 1.1174576\n", + " 1.0927128 1.0806123 1.0768247 1.0743573 1.0680932 1.0578153 1.0496548\n", + " 1.0461354 1.0481982 1.0538629 1.0590248 1.0618014 1.0629903 1.0647349]\n", + " [1.1722211 1.1700839 1.18014 1.1886402 1.1763648 1.143337 1.1089952\n", + " 1.0861678 1.0743585 1.0711477 1.0702884 1.063856 1.0551004 1.0470498\n", + " 1.0435327 1.0450227 1.0502329 1.0552279 1.0576782 0. 0. ]]\n", + "[[1.2080233 1.2031069 1.2139508 1.2229397 1.2081395 1.1700807 1.1299645\n", + " 1.1029708 1.0897176 1.0860655 1.0846261 1.0769192 1.0665972 1.0573981\n", + " 1.0538905 1.0565807 1.0636077 1.0697485]\n", + " [1.1620212 1.1567199 1.1646591 1.173048 1.1626035 1.1308136 1.0997435\n", + " 1.077783 1.0682905 1.066969 1.0664282 1.0629861 1.0551456 1.0472873\n", + " 1.0435888 1.0449375 0. 0. ]\n", + " [1.1667244 1.1628357 1.1724352 1.1812292 1.1692362 1.1366813 1.1034064\n", + " 1.081368 1.0709378 1.0690042 1.0682024 1.0639046 1.0549278 1.0469413\n", + " 1.0433339 1.0449558 1.0502336 0. ]\n", + " [1.1823506 1.1778791 1.188659 1.1983109 1.186878 1.1525081 1.1162574\n", + " 1.0919341 1.080157 1.0772024 1.0768758 1.0715989 1.06258 1.0534264\n", + " 1.0493294 1.0506794 1.0559849 1.0612663]\n", + " [1.1623644 1.1584637 1.1670334 1.174054 1.1626475 1.1314471 1.0991155\n", + " 1.0779662 1.0676543 1.0654685 1.0655328 1.0614372 1.0536094 1.0459324\n", + " 1.0424234 1.0437882 1.048466 0. ]]\n", + "[[1.1738813 1.1705824 1.1803439 1.187506 1.1754588 1.1415172 1.10606\n", + " 1.0837318 1.0731715 1.0714662 1.0713203 1.0668023 1.058014 1.04961\n", + " 1.0458542 1.0479158 1.0529808 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1714336 1.166771 1.1772252 1.186804 1.1749146 1.1420059 1.1072218\n", + " 1.0847132 1.0742714 1.0720985 1.0714154 1.0663333 1.0566646 1.0480466\n", + " 1.044224 1.0462613 1.0519732 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1622113 1.1607435 1.1727694 1.1824223 1.1695797 1.1369101 1.1035024\n", + " 1.0811679 1.0704623 1.0668433 1.0650804 1.0588261 1.0497245 1.0419078\n", + " 1.0391093 1.0409083 1.0458128 1.0506228 1.0532029 1.0539535 1.0553325\n", + " 1.0592024 1.066283 ]\n", + " [1.1733898 1.1711802 1.1823448 1.1911671 1.1783223 1.1440793 1.1090113\n", + " 1.0861475 1.0748231 1.0708507 1.0698335 1.0637556 1.0542333 1.0469353\n", + " 1.0435374 1.0454682 1.0504341 1.0553644 1.0578783 1.058875 1.0601825\n", + " 0. 0. ]\n", + " [1.1572692 1.1551424 1.1655016 1.1743323 1.162629 1.1320968 1.1008378\n", + " 1.0792085 1.0677472 1.0643811 1.0620849 1.0562456 1.0480676 1.0409402\n", + " 1.037872 1.0394121 1.0436013 1.0486368 1.0510397 1.0520365 1.0540696\n", + " 0. 0. ]]\n", + "[[1.1858025 1.1835436 1.1941897 1.2028978 1.189243 1.1551697 1.1190991\n", + " 1.0943445 1.0816627 1.07626 1.0737826 1.0672176 1.0577941 1.0501883\n", + " 1.0468559 1.0489112 1.0537546 1.0590163 1.0610765 1.0626383 1.0648348]\n", + " [1.1850632 1.1798271 1.1897099 1.1979165 1.1858189 1.1510994 1.1156931\n", + " 1.0919132 1.0810257 1.0788429 1.079293 1.074634 1.0642326 1.0550807\n", + " 1.0511992 0. 0. 0. 0. 0. 0. ]\n", + " [1.1688802 1.1634512 1.1734332 1.1831709 1.1722857 1.1398363 1.1061383\n", + " 1.0837111 1.0740988 1.0724336 1.0725769 1.0680714 1.0581876 1.0494621\n", + " 1.0451187 0. 0. 0. 0. 0. 0. ]\n", + " [1.1888325 1.1840963 1.194225 1.2022429 1.1899226 1.1542468 1.1174351\n", + " 1.0934908 1.0811408 1.0779035 1.0772057 1.0714406 1.0613782 1.0531267\n", + " 1.0492319 1.0513822 1.0574945 1.0628164 0. 0. 0. ]\n", + " [1.17337 1.1702307 1.1801077 1.1893349 1.1768099 1.1423249 1.1072863\n", + " 1.0847695 1.0745955 1.0737875 1.0743008 1.0701518 1.0598736 1.0512357\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1803254 1.1772869 1.1888673 1.1985217 1.1859446 1.1516534 1.1155721\n", + " 1.091425 1.0790464 1.0748379 1.0728831 1.0664495 1.0568699 1.0484755\n", + " 1.0449492 1.0469202 1.052113 1.0569795 1.0594854 1.0605302]\n", + " [1.175142 1.1710796 1.180605 1.1891922 1.1765517 1.1438541 1.1104856\n", + " 1.0875201 1.0763319 1.0729659 1.0717163 1.0662544 1.0571293 1.0489367\n", + " 1.0452989 1.0472574 1.0524677 1.0574374 0. 0. ]\n", + " [1.1690677 1.1668227 1.1778439 1.1866703 1.1750301 1.1417596 1.1074551\n", + " 1.0847138 1.0736817 1.0700686 1.0685959 1.0628836 1.054288 1.0463188\n", + " 1.0426697 1.0444783 1.0496405 1.0545632 1.0570327 0. ]\n", + " [1.153382 1.1509414 1.160419 1.1689686 1.1576263 1.1272849 1.0956366\n", + " 1.0744524 1.0644631 1.0609319 1.0601861 1.0552852 1.0479109 1.0408616\n", + " 1.0379559 1.0394487 1.0437609 1.0478549 1.0499742 0. ]\n", + " [1.1853406 1.1799506 1.1879631 1.1965039 1.1830269 1.1487293 1.1130377\n", + " 1.090215 1.0796323 1.076921 1.0768033 1.0714579 1.0616107 1.0525796\n", + " 1.0489446 1.0510876 0. 0. 0. 0. ]]\n", + "[[1.1983142 1.1917589 1.2005244 1.2088315 1.1950125 1.1591201 1.1220907\n", + " 1.0977163 1.0865927 1.0843558 1.0844432 1.078449 1.0676253 1.0574956\n", + " 1.0535794 0. 0. 0. 0. ]\n", + " [1.1688383 1.1654842 1.1775584 1.1883565 1.1768537 1.1423645 1.1074376\n", + " 1.0845302 1.0732605 1.069849 1.068974 1.0631471 1.0537504 1.0454599\n", + " 1.0416629 1.0432477 1.0484852 1.0533913 1.05617 ]\n", + " [1.1895447 1.1843542 1.1942849 1.2033656 1.1906565 1.1540935 1.1161094\n", + " 1.0913751 1.0799714 1.0788585 1.0794123 1.0747348 1.0653242 1.0558155\n", + " 1.0516967 0. 0. 0. 0. ]\n", + " [1.1876963 1.1839671 1.1959826 1.2054126 1.190548 1.1541442 1.1168063\n", + " 1.0914448 1.0799613 1.077224 1.0764424 1.0708227 1.0609406 1.0521845\n", + " 1.0479771 1.0500776 1.0559231 1.0618726 0. ]\n", + " [1.1959144 1.1906122 1.2017468 1.2103047 1.1975999 1.1619325 1.12396\n", + " 1.0986941 1.086339 1.0846679 1.0847789 1.0797603 1.0687567 1.0588874\n", + " 1.054431 0. 0. 0. 0. ]]\n", + "[[1.1698991 1.1676182 1.178608 1.1868088 1.1731148 1.1396335 1.1059688\n", + " 1.0837233 1.0731798 1.0715789 1.0703896 1.0655761 1.0565879 1.0482196\n", + " 1.0449888 1.0465609 1.0517567 0. ]\n", + " [1.206863 1.2009584 1.2117462 1.2190312 1.2048726 1.1646938 1.1256707\n", + " 1.0987787 1.0875968 1.0859139 1.0870725 1.0818763 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1761472 1.1722893 1.1831619 1.1917381 1.1804866 1.1461059 1.1106464\n", + " 1.0862834 1.0754344 1.0722979 1.0722283 1.0670904 1.0577108 1.0495535\n", + " 1.0456251 1.0473504 1.0532092 0. ]\n", + " [1.1814394 1.1783144 1.1878344 1.1962222 1.1833694 1.1490463 1.1130598\n", + " 1.0895222 1.0779638 1.0744153 1.0737319 1.0685074 1.0593252 1.0505111\n", + " 1.0469844 1.048719 1.0543244 1.0596448]\n", + " [1.176003 1.1695724 1.1795002 1.1879408 1.1755627 1.1409702 1.1056195\n", + " 1.0828028 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1736349 1.1700114 1.1804031 1.1893315 1.1774476 1.1435097 1.1082929\n", + " 1.0859553 1.075025 1.0740739 1.0742732 1.06946 1.0600367 1.0512741\n", + " 1.0472484 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1582768 1.1573062 1.1682879 1.1777413 1.165515 1.1331995 1.1003937\n", + " 1.0783637 1.0673308 1.0640087 1.0620314 1.0562501 1.0488819 1.0421041\n", + " 1.0392979 1.0412205 1.045859 1.0507455 1.0527629 1.0533772 1.0542791\n", + " 1.0577234]\n", + " [1.1649574 1.1601366 1.1701343 1.1793126 1.1686537 1.1361239 1.1020573\n", + " 1.0799314 1.0696864 1.0680778 1.0679481 1.0641078 1.0558668 1.0478165\n", + " 1.0442235 1.045989 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1875671 1.1825336 1.1920851 1.2010822 1.1880419 1.1530981 1.1173061\n", + " 1.0938805 1.0828788 1.0807679 1.0808288 1.0757855 1.0651816 1.0558358\n", + " 1.0518748 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1639864 1.1608297 1.1708369 1.1782764 1.1669276 1.1341381 1.1009663\n", + " 1.0798224 1.0701915 1.0681728 1.067924 1.0629339 1.0537959 1.0460247\n", + " 1.0423568 1.0442283 1.0494208 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1926941 1.1878734 1.1981065 1.2061421 1.1916767 1.156566 1.1200458\n", + " 1.096368 1.0856494 1.0839709 1.083364 1.0779938 1.0670422 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.164907 1.1616609 1.1714838 1.1789764 1.1671716 1.134799 1.1013981\n", + " 1.0794365 1.069444 1.0671798 1.0663491 1.0621601 1.053331 1.0458503\n", + " 1.0425119 1.0439413 1.0486743 1.0534488 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.161905 1.1566064 1.1655225 1.17394 1.1622701 1.1310818 1.0990953\n", + " 1.0774907 1.0680226 1.066041 1.0658526 1.0622724 1.0541979 1.0466281\n", + " 1.0430242 1.0448139 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1631625 1.160422 1.1714491 1.181411 1.17086 1.1373755 1.103396\n", + " 1.0808158 1.0693656 1.0654014 1.0640677 1.0583435 1.0492487 1.042416\n", + " 1.0390372 1.0406042 1.0455264 1.0506814 1.0530924 1.0544647 1.0561888\n", + " 1.0590051 1.065299 ]\n", + " [1.1769872 1.173997 1.1849215 1.1945543 1.1818697 1.1472815 1.1124215\n", + " 1.0893329 1.0774876 1.0729429 1.0706784 1.0639251 1.0545826 1.0468479\n", + " 1.0435646 1.0456301 1.0502291 1.0551714 1.0579484 1.0595148 1.0620464\n", + " 1.0659721 0. ]]\n", + "[[1.1947817 1.1909338 1.2013395 1.2096393 1.1944283 1.1576 1.1198893\n", + " 1.0954094 1.0848904 1.0843927 1.0848851 1.0787723 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1653723 1.160656 1.1703564 1.1791805 1.1670307 1.1360832 1.1032468\n", + " 1.0817277 1.0717537 1.0696605 1.069825 1.0653867 1.055983 1.0477566\n", + " 1.0439429 1.0461382 0. 0. 0. ]\n", + " [1.1792132 1.1732923 1.1832516 1.1940039 1.1837621 1.1506463 1.1146798\n", + " 1.0901635 1.0783877 1.0755774 1.0759492 1.0709596 1.0618595 1.0524169\n", + " 1.0480154 1.0500598 0. 0. 0. ]\n", + " [1.1995195 1.195053 1.2061579 1.215184 1.1999774 1.162801 1.1236229\n", + " 1.0973749 1.0841419 1.080919 1.078886 1.0723674 1.0627743 1.0540578\n", + " 1.0495613 1.0517664 1.0572788 1.0627322 1.0655953]\n", + " [1.1875844 1.1830611 1.1942279 1.2047559 1.1930451 1.1570125 1.1188891\n", + " 1.0941659 1.0824134 1.0795118 1.079129 1.0731114 1.0624796 1.0530168\n", + " 1.0487201 1.0504264 1.0565537 1.0621893 0. ]]\n", + "[[1.1630777 1.1602756 1.1699247 1.1778672 1.164589 1.1327434 1.1011934\n", + " 1.08001 1.0699266 1.0668653 1.0655903 1.0608293 1.0522281 1.0449779\n", + " 1.0418867 1.0435374 1.0484885 1.053314 0. 0. ]\n", + " [1.1713223 1.1704018 1.1815275 1.1903696 1.1774358 1.1430887 1.1085349\n", + " 1.085588 1.0743507 1.0710793 1.0697129 1.0637542 1.055232 1.0473845\n", + " 1.0439134 1.0449687 1.0499142 1.0548744 1.0573034 1.0581522]\n", + " [1.1618016 1.1569041 1.1660773 1.1745316 1.1636813 1.1317781 1.0988027\n", + " 1.0776703 1.0678939 1.0655445 1.0657784 1.0616832 1.0528175 1.0453278\n", + " 1.0418582 1.0439618 0. 0. 0. 0. ]\n", + " [1.1729211 1.1709199 1.1823986 1.1892312 1.17612 1.1418165 1.1070838\n", + " 1.0844479 1.0738332 1.0710565 1.0699017 1.0646755 1.0555816 1.0477253\n", + " 1.0443473 1.0460567 1.0509827 1.0560116 1.0584394 0. ]\n", + " [1.1774682 1.1721019 1.1822302 1.1918584 1.1790807 1.14573 1.1108072\n", + " 1.0876209 1.0772852 1.0756922 1.0756097 1.0709485 1.061158 1.0522418\n", + " 1.0481296 0. 0. 0. 0. 0. ]]\n", + "[[1.171655 1.1681097 1.1780983 1.1868826 1.1741474 1.140535 1.1057967\n", + " 1.0831885 1.0736583 1.0729324 1.0731229 1.0686345 1.0590475 1.0505319\n", + " 0. 0. 0. 0. ]\n", + " [1.1877576 1.1840656 1.1940987 1.2027785 1.189923 1.1537869 1.1183233\n", + " 1.0943483 1.0828662 1.0795789 1.077784 1.0723196 1.0621477 1.0525345\n", + " 1.0488563 1.0515015 1.0571996 1.0629416]\n", + " [1.1935956 1.1876819 1.1952689 1.2038106 1.1897979 1.1552584 1.1197718\n", + " 1.0961257 1.0843582 1.0810323 1.0792236 1.0740333 1.063414 1.0545626\n", + " 1.051143 1.0537375 1.0602895 0. ]\n", + " [1.1882325 1.1810336 1.1896311 1.1994247 1.1878272 1.1530571 1.1183494\n", + " 1.0947073 1.0832685 1.0811952 1.0807178 1.0754879 1.0647122 1.0554965\n", + " 1.0511671 0. 0. 0. ]\n", + " [1.1735219 1.1678393 1.1761339 1.1828501 1.1715245 1.138608 1.1046704\n", + " 1.0823209 1.0722785 1.0697546 1.0700626 1.0657674 1.0573173 1.0491483\n", + " 1.0455703 1.047562 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1904973 1.1834553 1.1923106 1.2002902 1.1877534 1.1534563 1.1178259\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1731893 1.1706469 1.1815177 1.1906934 1.1771231 1.143922 1.1089875\n", + " 1.085329 1.0739542 1.0711066 1.0707692 1.0653133 1.0563166 1.0483745\n", + " 1.0450399 1.0468436 1.0516577 1.0566026 0. ]\n", + " [1.1717063 1.1668681 1.1765285 1.1843181 1.1731522 1.1406534 1.1070958\n", + " 1.0846916 1.074296 1.0721123 1.0727518 1.0685233 1.0592617 1.0510576\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1703966 1.1665616 1.1764133 1.1846942 1.1728834 1.1393741 1.1053156\n", + " 1.0828011 1.0731053 1.0710342 1.0719066 1.0670339 1.0581799 1.0495279\n", + " 1.0454102 1.0473399 0. 0. 0. ]\n", + " [1.1742927 1.1708827 1.1819577 1.1901686 1.1773969 1.1431026 1.108394\n", + " 1.085105 1.0742751 1.0708606 1.0701559 1.0647326 1.056297 1.0481404\n", + " 1.0446806 1.0463651 1.0515609 1.056485 1.0589366]]\n", + "[[1.178072 1.1745166 1.1858537 1.1959963 1.1828891 1.1476481 1.1112685\n", + " 1.0873692 1.0754329 1.072064 1.0702335 1.0645392 1.0549529 1.047195\n", + " 1.0439324 1.0458987 1.050935 1.0558017 1.0583364]\n", + " [1.1647744 1.1614377 1.1725694 1.1835382 1.1721755 1.1390487 1.1051234\n", + " 1.0826838 1.0710561 1.068295 1.06706 1.0615176 1.0522101 1.0441315\n", + " 1.0404514 1.0421182 1.0470777 1.0521678 1.0550064]]\n", + "[[1.1669276 1.1644591 1.1754903 1.1845175 1.1716112 1.1378747 1.1036516\n", + " 1.081269 1.0707933 1.068337 1.0674146 1.0629631 1.0544598 1.0467591\n", + " 1.0434606 1.0449932 1.0500574 1.054664 ]\n", + " [1.1614895 1.155905 1.1629643 1.1689645 1.156482 1.1263247 1.0955794\n", + " 1.0756044 1.0666208 1.0656856 1.0662771 1.0620176 1.0541173 1.046233\n", + " 0. 0. 0. 0. ]\n", + " [1.1602876 1.1564221 1.1664977 1.1750709 1.1634004 1.1316876 1.0991169\n", + " 1.0780923 1.0684173 1.0660183 1.0656912 1.0609782 1.0527077 1.044447\n", + " 1.0410166 1.0427064 1.0479568 0. ]\n", + " [1.1461087 1.1441827 1.1551857 1.1638262 1.152394 1.1228327 1.0922009\n", + " 1.0718342 1.0618292 1.0595835 1.0587482 1.0542601 1.0461448 1.0385567\n", + " 1.035767 1.0376043 1.042332 1.0472802]\n", + " [1.1800206 1.1758877 1.1866398 1.195798 1.1820817 1.1473635 1.1119152\n", + " 1.0885694 1.077749 1.0762093 1.0761026 1.0704117 1.0610574 1.0522004\n", + " 1.0477233 1.0498956 0. 0. ]]\n", + "[[1.1740402 1.168764 1.1783797 1.1867712 1.1755592 1.1427355 1.1087499\n", + " 1.0858006 1.0748467 1.0726491 1.0717039 1.0662836 1.0575086 1.0491076\n", + " 1.0454217 1.0471041 1.0525092 1.0576806 0. 0. 0.\n", + " 0. ]\n", + " [1.1720037 1.1678147 1.1776065 1.1850436 1.1717017 1.1394134 1.1059053\n", + " 1.0837048 1.0738263 1.07198 1.071803 1.0666983 1.057214 1.0486509\n", + " 1.045339 1.0475539 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1795197 1.1765823 1.187339 1.196532 1.183371 1.1486382 1.1134887\n", + " 1.0898513 1.0781661 1.0742785 1.0726883 1.0662439 1.0567094 1.0486654\n", + " 1.0449852 1.0468471 1.05242 1.057235 1.0594568 1.0601159 0.\n", + " 0. ]\n", + " [1.177439 1.1738285 1.1842421 1.1932832 1.1801203 1.1442444 1.1089511\n", + " 1.0855299 1.0757664 1.074786 1.0750684 1.070714 1.0609483 1.0521808\n", + " 1.0484521 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1627628 1.1598371 1.1701031 1.179062 1.1678543 1.1368221 1.1038008\n", + " 1.0817065 1.0699325 1.0661216 1.0643196 1.0589362 1.0510371 1.043868\n", + " 1.0407821 1.0422325 1.0469756 1.0511881 1.0538583 1.0547111 1.0562238\n", + " 1.0598185]]\n", + "[[1.1507674 1.1484151 1.158652 1.1685864 1.1591357 1.1288013 1.0976766\n", + " 1.077226 1.0669692 1.0632217 1.061088 1.0546272 1.0463687 1.0390697\n", + " 1.0360829 1.0381048 1.0426857 1.0475354 1.0492746 1.0499728 1.0510573\n", + " 1.0538332 1.060137 1.0693338 1.0768363 1.0803378]\n", + " [1.168818 1.1656137 1.177412 1.1866958 1.174712 1.1399407 1.1061254\n", + " 1.0830032 1.0716693 1.069043 1.0680623 1.0631198 1.0540502 1.046166\n", + " 1.0424572 1.0441867 1.0490613 1.0538644 1.0562097 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1805595 1.1774725 1.1900654 1.199789 1.1889576 1.1538938 1.116749\n", + " 1.0918614 1.079804 1.0763173 1.0747055 1.06833 1.0586783 1.0500041\n", + " 1.0458218 1.0477108 1.0529071 1.058091 1.0606797 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1761754 1.1744134 1.1860805 1.1951996 1.182523 1.1482213 1.112773\n", + " 1.0888972 1.077105 1.0731367 1.0704416 1.0646135 1.0550888 1.0473299\n", + " 1.0435727 1.0453577 1.0505357 1.0555139 1.0585108 1.059512 1.0614722\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1641713 1.1604059 1.1709573 1.1792091 1.1689403 1.1377908 1.1052376\n", + " 1.08327 1.071579 1.067733 1.0654466 1.0593592 1.0505606 1.0432285\n", + " 1.0398549 1.0413727 1.0463642 1.0510068 1.0530692 1.0539312 1.0550683\n", + " 1.0584388 0. 0. 0. 0. ]]\n", + "[[1.1721456 1.1666533 1.1754959 1.183653 1.1721271 1.1397084 1.1068132\n", + " 1.0846142 1.0742056 1.0714386 1.0711515 1.0660956 1.0568547 1.0484273\n", + " 1.0444226 1.0460583 1.0516706 0. 0. 0. ]\n", + " [1.1744455 1.1714622 1.1827016 1.1922532 1.1801338 1.1460747 1.1107602\n", + " 1.0865364 1.0748639 1.0711602 1.0691516 1.0639164 1.0546896 1.0470314\n", + " 1.0432948 1.0453063 1.050368 1.0552787 1.0576922 1.0586643]\n", + " [1.178292 1.1743351 1.1864258 1.1969359 1.1846886 1.149026 1.1129482\n", + " 1.0899724 1.0788225 1.0759352 1.0755463 1.0700076 1.0603769 1.0510799\n", + " 1.0469333 1.048819 1.0545603 1.0604782 0. 0. ]\n", + " [1.1685939 1.1634079 1.1733586 1.1823679 1.1710236 1.1384636 1.1048917\n", + " 1.082975 1.0738823 1.0727906 1.0733906 1.0686891 1.0586934 1.0499523\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1578522 1.1537087 1.1626432 1.1701194 1.1589454 1.1278939 1.0957303\n", + " 1.0754114 1.0661205 1.0643785 1.0648843 1.0611753 1.0528947 1.0453448\n", + " 1.0420524 1.0437324 0. 0. 0. 0. ]]\n", + "[[1.1656638 1.1635079 1.1735848 1.1811124 1.1700522 1.1370821 1.1035465\n", + " 1.080863 1.0696052 1.0665612 1.0646358 1.059364 1.0506204 1.0434188\n", + " 1.0404464 1.0424073 1.0470798 1.051308 1.0535661 1.0546578]\n", + " [1.1849322 1.177472 1.1863415 1.1953096 1.1842372 1.1511385 1.1151165\n", + " 1.0915728 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1661932 1.1639762 1.1753421 1.1853576 1.1726565 1.1384305 1.1044489\n", + " 1.0821916 1.0712091 1.0685375 1.0675032 1.0620464 1.0524797 1.0445669\n", + " 1.0412332 1.0428917 1.0480384 1.0528071 1.0553076 0. ]\n", + " [1.1619408 1.1579816 1.1681036 1.1762527 1.1660656 1.1349317 1.1026716\n", + " 1.0806048 1.0699282 1.0663862 1.0644995 1.0591199 1.0507036 1.0431249\n", + " 1.0402198 1.0414711 1.0469478 1.0515753 1.0538367 1.0544548]\n", + " [1.1633426 1.1602702 1.169292 1.1756407 1.1647763 1.1328936 1.0997288\n", + " 1.0789232 1.0699259 1.0685894 1.0687844 1.0647819 1.0558348 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1741524 1.1722294 1.1834513 1.1932569 1.1811093 1.1470459 1.1117306\n", + " 1.087975 1.0758106 1.0722244 1.0707479 1.0652122 1.056393 1.0478412\n", + " 1.0446861 1.0466256 1.0516948 1.056926 1.0588775 0. 0. ]\n", + " [1.1733364 1.1712563 1.1827646 1.1921067 1.1778365 1.1435952 1.1085385\n", + " 1.0855649 1.0744137 1.0717722 1.0701694 1.0649667 1.0554839 1.0475774\n", + " 1.0437424 1.0459623 1.0513376 1.0563991 1.0587478 0. 0. ]\n", + " [1.1694468 1.165207 1.1755962 1.1849614 1.1734422 1.1405402 1.1071619\n", + " 1.0849807 1.0749257 1.0729175 1.0732813 1.0683929 1.0586829 1.0500594\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1722 1.1698087 1.1810292 1.1885085 1.1775107 1.1432939 1.1081518\n", + " 1.0851076 1.0743307 1.0711014 1.070752 1.0659266 1.056741 1.0486435\n", + " 1.0446572 1.0464996 1.0516083 1.0567259 0. 0. 0. ]\n", + " [1.1596764 1.1569227 1.1668085 1.1744307 1.162779 1.1322976 1.1008648\n", + " 1.0794834 1.0686374 1.065062 1.0627103 1.0570701 1.048462 1.0419109\n", + " 1.0392122 1.0414898 1.0457671 1.0502592 1.0523827 1.053873 1.0556694]]\n", + "[[1.1513038 1.1491703 1.1597455 1.1675303 1.1573286 1.1268035 1.0951653\n", + " 1.0744443 1.0645057 1.0622537 1.0607808 1.0557567 1.047488 1.0399187\n", + " 1.036788 1.0383168 1.0425822 1.0473139 1.0495856]\n", + " [1.1749071 1.1701075 1.1815271 1.1907321 1.1787229 1.1443691 1.1098931\n", + " 1.0866072 1.076494 1.0746584 1.0746701 1.0700047 1.0601343 1.0513203\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1955265 1.1898866 1.199236 1.2069155 1.1932772 1.1590099 1.1228899\n", + " 1.0979472 1.0858688 1.0817921 1.0809349 1.0750016 1.0645299 1.0549643\n", + " 1.0513682 1.0540789 1.0604877 0. 0. ]\n", + " [1.1859593 1.1791674 1.1877521 1.196311 1.1841904 1.1491326 1.1130819\n", + " 1.0895144 1.0787292 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1570936 1.1528715 1.1623948 1.1711484 1.160755 1.1288772 1.0974687\n", + " 1.0766144 1.0671017 1.0658085 1.0660254 1.0615133 1.0529068 1.0451064\n", + " 1.0413077 1.0431292 0. 0. 0. ]]\n", + "[[1.1734906 1.1697764 1.1803765 1.1888274 1.1757003 1.1415706 1.107055\n", + " 1.084085 1.0736768 1.0714557 1.0702664 1.064942 1.0558444 1.0476407\n", + " 1.043906 1.0459551 1.0510719 1.0560298]\n", + " [1.1702975 1.1634983 1.1723642 1.1800302 1.168308 1.136713 1.1041334\n", + " 1.0822812 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1575879 1.1523263 1.1608317 1.1686615 1.1568471 1.1271738 1.0963242\n", + " 1.0763545 1.067184 1.0660841 1.0661712 1.0617896 1.0526285 1.0449271\n", + " 0. 0. 0. 0. ]\n", + " [1.1624252 1.1585606 1.1688262 1.177655 1.16599 1.1331599 1.1000313\n", + " 1.0785156 1.0688275 1.0672295 1.0671314 1.0624638 1.0539958 1.0459619\n", + " 1.042226 1.0437284 1.0489851 0. ]\n", + " [1.1736014 1.1687672 1.1783297 1.1865101 1.1734288 1.1408482 1.1074319\n", + " 1.0857595 1.0751243 1.0736525 1.0732001 1.0681537 1.0583308 1.0499512\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1609929 1.1578052 1.1668309 1.1740059 1.1612439 1.1294094 1.0976764\n", + " 1.0769054 1.0669472 1.0639395 1.0631089 1.0582013 1.0502931 1.0428923\n", + " 1.040004 1.0414815 1.0461929 1.0504931 1.0527697]\n", + " [1.1601611 1.1575019 1.1687412 1.1781859 1.1681293 1.135222 1.1011035\n", + " 1.0785518 1.0690178 1.068066 1.0685505 1.0644301 1.0550299 1.0464976\n", + " 1.0426171 0. 0. 0. 0. ]\n", + " [1.1752163 1.1708267 1.1813626 1.1907513 1.1786225 1.1445937 1.1100879\n", + " 1.0871512 1.0762349 1.0738723 1.0733303 1.0678215 1.0580684 1.0494815\n", + " 1.0454886 1.0475107 0. 0. 0. ]\n", + " [1.1928445 1.18946 1.2004519 1.2091229 1.1969943 1.1602727 1.121557\n", + " 1.0958776 1.085313 1.0835202 1.0832381 1.0784972 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1645055 1.1601467 1.1697196 1.1770344 1.1662169 1.1348919 1.1027739\n", + " 1.0814339 1.0719005 1.06989 1.0702562 1.0659083 1.0566725 1.048026\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1675342 1.1625156 1.1719801 1.1805953 1.1682279 1.1347613 1.1015347\n", + " 1.0799376 1.06953 1.0678854 1.0678986 1.063492 1.0551671 1.0475255\n", + " 1.0439723 1.0459604 0. 0. 0. 0. ]\n", + " [1.1809002 1.1782216 1.1899552 1.1990921 1.1866558 1.1520784 1.1157975\n", + " 1.0906924 1.0790758 1.0750184 1.0728062 1.0674175 1.0579786 1.0498375\n", + " 1.0457888 1.0478032 1.0528047 1.0580959 1.060505 1.0612649]\n", + " [1.1679809 1.1649768 1.1756569 1.1840231 1.1731482 1.1393611 1.1043733\n", + " 1.0814658 1.0706275 1.0675015 1.067163 1.0624018 1.0541577 1.0460103\n", + " 1.04264 1.0442055 1.048966 1.0537649 1.056316 0. ]\n", + " [1.1797838 1.1733024 1.1827499 1.1914787 1.1791816 1.1459163 1.1108642\n", + " 1.0881271 1.0776283 1.0762827 1.0769223 1.071789 1.0622541 1.0531577\n", + " 1.0492026 0. 0. 0. 0. 0. ]\n", + " [1.1821265 1.1785548 1.1874541 1.1940477 1.1790466 1.1456856 1.1117936\n", + " 1.0892255 1.0778475 1.0741715 1.071829 1.0667255 1.0571254 1.0492995\n", + " 1.0454147 1.0475284 1.0528258 1.0577452 1.0604136 1.0614617]]\n", + "[[1.1754029 1.1732484 1.1847682 1.1945211 1.1821876 1.1470906 1.1107589\n", + " 1.0863574 1.0743554 1.0709355 1.0690777 1.062558 1.0539192 1.0460691\n", + " 1.0429705 1.0449055 1.0503997 1.0554494 1.0579118 1.059089 1.0609088]\n", + " [1.16487 1.16085 1.1703608 1.1785676 1.1666784 1.134325 1.1019084\n", + " 1.080438 1.0705421 1.0686831 1.0686306 1.063558 1.0551543 1.0470697\n", + " 1.0429888 1.044911 0. 0. 0. 0. 0. ]\n", + " [1.1710433 1.1677084 1.1783202 1.1864804 1.1748589 1.1421522 1.1083574\n", + " 1.0855085 1.0733182 1.069978 1.0683364 1.0628996 1.05425 1.0463548\n", + " 1.0429567 1.0449723 1.0500689 1.0546801 1.0568085 1.0581634 0. ]\n", + " [1.2254407 1.2187053 1.2282377 1.2365646 1.2211404 1.1805348 1.1388121\n", + " 1.1099811 1.0966179 1.0942708 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1643877 1.1604564 1.1706482 1.1798086 1.1692722 1.1360843 1.1025255\n", + " 1.0806799 1.070759 1.0690504 1.0689754 1.0642899 1.0556647 1.0472853\n", + " 1.043368 1.0451179 0. 0. 0. 0. 0. ]]\n", + "[[1.1776122 1.1746532 1.185292 1.1946199 1.1817578 1.1456234 1.1093024\n", + " 1.0851822 1.0746804 1.0738975 1.0750878 1.0706521 1.0612581 1.0521481\n", + " 1.0481937 0. 0. 0. 0. 0. 0. ]\n", + " [1.1994095 1.1954192 1.2057886 1.2150075 1.2021248 1.165081 1.127259\n", + " 1.1010988 1.0874676 1.0823274 1.079626 1.0726244 1.0627283 1.0544792\n", + " 1.0508435 1.0533621 1.0584738 1.0644062 1.0670723 1.0680796 1.0700718]\n", + " [1.1707778 1.1671076 1.1763457 1.1860336 1.1736441 1.1405746 1.1070763\n", + " 1.0847623 1.0745473 1.0716794 1.0714002 1.0658436 1.0560318 1.0477651\n", + " 1.0439166 1.0460162 1.051409 0. 0. 0. 0. ]\n", + " [1.1746359 1.1684246 1.1766335 1.1832616 1.1718564 1.1399493 1.1065998\n", + " 1.0851867 1.0748011 1.0732012 1.072951 1.0676146 1.0588942 1.0504493\n", + " 1.0466728 0. 0. 0. 0. 0. 0. ]\n", + " [1.1839402 1.1788006 1.1887761 1.1976182 1.1856047 1.1504534 1.1141661\n", + " 1.0901977 1.079519 1.0780227 1.0776944 1.072907 1.0627815 1.0538467\n", + " 1.0491251 1.0509094 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1786526 1.17457 1.1839509 1.1913795 1.1798712 1.1451445 1.1099886\n", + " 1.0863978 1.0751586 1.0726221 1.0717635 1.0669963 1.0583258 1.0499437\n", + " 1.046629 1.0485001 1.0539395 1.0591153 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1717494 1.168022 1.1793513 1.1899313 1.1797683 1.1470546 1.1128072\n", + " 1.0887659 1.0766591 1.0719955 1.0698928 1.063253 1.0536824 1.0458897\n", + " 1.0425591 1.0453774 1.0510201 1.0562755 1.0590239 1.0597655 1.0601941\n", + " 1.0638514 1.0711365 1.0812867 1.0895404 1.0939007 1.0949038]\n", + " [1.1675532 1.1619085 1.171318 1.1796913 1.16677 1.1344491 1.1013685\n", + " 1.0794514 1.0687958 1.0665236 1.0666006 1.0617718 1.0541 1.0462048\n", + " 1.0428472 1.0450141 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1740448 1.1705213 1.181129 1.1879936 1.175127 1.1407413 1.1060649\n", + " 1.0837257 1.0735272 1.0718955 1.0721177 1.067508 1.0592481 1.0507731\n", + " 1.0469537 1.048827 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1930525 1.1899 1.2013489 1.2103052 1.1972599 1.1608621 1.1226692\n", + " 1.09688 1.0833553 1.0795282 1.0771244 1.0705037 1.0612406 1.0527442\n", + " 1.0495781 1.0511231 1.056598 1.0621145 1.0644339 1.0660049 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1615992 1.1559578 1.1646614 1.1720625 1.1613637 1.1305522 1.0985893\n", + " 1.0776827 1.0685776 1.0669063 1.06733 1.0630584 1.0546538 1.046461\n", + " 1.0427823 1.0448033 0. 0. 0. 0. ]\n", + " [1.1674411 1.1622748 1.17188 1.1819047 1.1713978 1.1394867 1.1052707\n", + " 1.0836203 1.0731062 1.0709643 1.0709847 1.0669081 1.0573437 1.0485669\n", + " 1.0446188 0. 0. 0. 0. 0. ]\n", + " [1.1872029 1.1841817 1.1955293 1.2043886 1.1915132 1.1555498 1.1179347\n", + " 1.0930604 1.0813515 1.0780071 1.0763067 1.070311 1.0606737 1.0515054\n", + " 1.0475086 1.0492281 1.0543749 1.0598096 1.0624052 0. ]\n", + " [1.1724608 1.1696831 1.1810167 1.1909288 1.1783497 1.1454568 1.1105914\n", + " 1.0873307 1.0756539 1.0717658 1.0700634 1.0644588 1.0551631 1.0474803\n", + " 1.0437763 1.0449357 1.0497919 1.0548265 1.0575082 1.0590335]\n", + " [1.1621397 1.1587466 1.1697705 1.179421 1.167213 1.1347494 1.1016995\n", + " 1.079957 1.0691395 1.0660784 1.0645902 1.0587175 1.0499831 1.0421299\n", + " 1.0386841 1.0400457 1.044932 1.0499164 1.0525961 1.0534809]]\n", + "[[1.190873 1.184541 1.193702 1.203771 1.1916797 1.1567355 1.1205184\n", + " 1.095693 1.0844859 1.0823363 1.0817273 1.0760131 1.0656382 1.0564682\n", + " 1.0525485 0. 0. 0. 0. ]\n", + " [1.1963757 1.1913899 1.2010884 1.2094289 1.1955118 1.1586064 1.121843\n", + " 1.0967376 1.084829 1.0820662 1.0799181 1.0744298 1.0646529 1.0552459\n", + " 1.0516223 1.0539635 1.0602577 0. 0. ]\n", + " [1.173887 1.1695653 1.1790441 1.1881974 1.1751091 1.139379 1.105736\n", + " 1.0834687 1.073322 1.0720414 1.0733585 1.068606 1.059617 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1684864 1.1642239 1.1729066 1.1800313 1.167382 1.1347599 1.1025913\n", + " 1.0819564 1.0716032 1.068542 1.066824 1.061362 1.0522978 1.0447028\n", + " 1.0414224 1.0432423 1.0480725 1.0525215 1.0546558]\n", + " [1.1750201 1.1701151 1.1792519 1.1888725 1.1770378 1.1433935 1.1092598\n", + " 1.0859143 1.0741618 1.0711526 1.0697235 1.0653098 1.0565264 1.0483657\n", + " 1.0448924 1.0468876 1.0522673 1.0580099 0. ]]\n", + "[[1.1670755 1.1629462 1.1725378 1.1806942 1.16914 1.1369059 1.1028371\n", + " 1.0807176 1.069917 1.0675269 1.067012 1.062383 1.0543071 1.0464444\n", + " 1.0428448 1.0442945 1.0491052 1.0537558 0. ]\n", + " [1.1623857 1.1594146 1.1688173 1.1763656 1.165481 1.132832 1.0999027\n", + " 1.0784135 1.0686765 1.067277 1.0672282 1.0625892 1.0549021 1.0469987\n", + " 1.0435439 1.045324 0. 0. 0. ]\n", + " [1.1928073 1.1883157 1.1985579 1.2073528 1.1934552 1.1584868 1.121269\n", + " 1.0960402 1.0828288 1.0791814 1.0775564 1.0714841 1.0622432 1.0536989\n", + " 1.0499083 1.0520383 1.0575447 1.062956 1.0656048]\n", + " [1.1734802 1.1700655 1.1810124 1.1906049 1.1768119 1.1438159 1.1088934\n", + " 1.0864638 1.0764933 1.0745951 1.0747869 1.0696057 1.0599941 1.0514426\n", + " 1.0474592 0. 0. 0. 0. ]\n", + " [1.1615682 1.1583018 1.1684444 1.177676 1.1666615 1.1349926 1.1019447\n", + " 1.0795777 1.0691776 1.06632 1.0649277 1.0599929 1.0514066 1.0435534\n", + " 1.0401702 1.0417848 1.0465873 1.0513456 1.0542915]]\n", + "[[1.1982796 1.193766 1.2047256 1.2140356 1.200136 1.1636113 1.12488\n", + " 1.0988265 1.087956 1.0868822 1.088124 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1767135 1.173189 1.1837463 1.1929041 1.1799413 1.1463372 1.1114179\n", + " 1.0884234 1.0774244 1.07526 1.0751212 1.069708 1.0605562 1.0520393\n", + " 1.0473372 1.0494529 1.0551893 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1692039 1.1658254 1.1768773 1.18608 1.1757818 1.1429882 1.1091745\n", + " 1.0856882 1.0737764 1.0701022 1.0681323 1.0619497 1.0534009 1.0454648\n", + " 1.0417746 1.0434 1.0482962 1.0527953 1.0550451 1.0558875 1.0573579\n", + " 0. 0. ]\n", + " [1.1613166 1.1585629 1.1690117 1.178964 1.1680663 1.1358118 1.103256\n", + " 1.0814897 1.0705732 1.0674415 1.0653757 1.0595826 1.050579 1.0427307\n", + " 1.0395263 1.0414706 1.046352 1.0514066 1.0537454 1.0544792 1.0553949\n", + " 1.0591164 1.0664599]\n", + " [1.1697844 1.166025 1.1762861 1.1849982 1.1720512 1.1386594 1.1040323\n", + " 1.0818989 1.0715479 1.0700294 1.0705854 1.0659615 1.0567704 1.0487902\n", + " 1.0448874 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1838752 1.181797 1.1934153 1.2013441 1.1890688 1.152364 1.1144753\n", + " 1.0902812 1.0789461 1.0774921 1.0770766 1.0722108 1.0621029 1.053357\n", + " 1.0491982 1.0508952 1.0568998 0. 0. ]\n", + " [1.1905639 1.1843705 1.1944845 1.2036104 1.1904092 1.1543213 1.1167517\n", + " 1.0918188 1.0804385 1.0785333 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1756467 1.1724056 1.1831719 1.1918237 1.1790472 1.1445876 1.1092824\n", + " 1.0868334 1.0754921 1.0718228 1.0711294 1.065716 1.0561298 1.0479895\n", + " 1.0441571 1.0461049 1.0515066 1.0566288 1.0594363]\n", + " [1.1809459 1.1753767 1.1845992 1.1921864 1.1806117 1.1465453 1.1114539\n", + " 1.0888458 1.0784316 1.0762346 1.076483 1.071819 1.0621357 1.0531133\n", + " 1.049505 0. 0. 0. 0. ]\n", + " [1.1544312 1.1515971 1.1611294 1.1683244 1.1557459 1.125235 1.0946761\n", + " 1.073909 1.0639284 1.0614935 1.0606589 1.0558882 1.0484301 1.0416076\n", + " 1.0381681 1.0399656 1.0442767 1.0485244 1.0509121]]\n", + "[[1.1677706 1.1649421 1.1740649 1.1812913 1.1698129 1.1381243 1.1051468\n", + " 1.0824323 1.0711311 1.067915 1.0664734 1.0618731 1.0535482 1.0461222\n", + " 1.0430485 1.0449312 1.0495601 1.0542258 1.0564504]\n", + " [1.1826663 1.1800568 1.1911194 1.2000227 1.1856247 1.1497535 1.112873\n", + " 1.0887957 1.0773989 1.074516 1.0736129 1.067764 1.058363 1.0500143\n", + " 1.0459455 1.0478958 1.0531907 1.0583515 1.0611377]\n", + " [1.1906288 1.186154 1.1961184 1.2034991 1.1912156 1.1560345 1.1192939\n", + " 1.094423 1.0828915 1.0795063 1.0781932 1.0718776 1.0619189 1.0531063\n", + " 1.0493659 1.0515916 1.0577362 1.0631163 0. ]\n", + " [1.183328 1.1785249 1.1895336 1.1997838 1.1872414 1.1517361 1.1157856\n", + " 1.0918251 1.081545 1.0801699 1.0805007 1.0759065 1.0659566 1.056443\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1987069 1.192095 1.2013354 1.2091799 1.1952925 1.1605129 1.1235094\n", + " 1.09825 1.0872272 1.085132 1.0853126 1.0796936 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1443707 1.1408048 1.1491202 1.1563793 1.147355 1.1182827 1.0889184\n", + " 1.0694561 1.0605116 1.0590178 1.0595096 1.0553182 1.0476412 1.0404059\n", + " 1.0372378 0. 0. 0. 0. 0. 0. ]\n", + " [1.1678987 1.164184 1.1740721 1.1829075 1.1697099 1.1375283 1.1046803\n", + " 1.0824655 1.0710356 1.067648 1.065992 1.060497 1.0519834 1.0446656\n", + " 1.0416445 1.0435598 1.0490696 1.0541592 1.0571358 0. 0. ]\n", + " [1.1789031 1.175218 1.1846614 1.1915041 1.1760526 1.1423666 1.1085309\n", + " 1.0869489 1.0778658 1.076488 1.076672 1.0706878 1.0603895 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.170342 1.1655837 1.1753895 1.1840357 1.1725341 1.1400318 1.1067489\n", + " 1.0843511 1.0740072 1.071553 1.0712062 1.0664105 1.0575666 1.0492427\n", + " 1.0453572 1.0471529 1.0525526 0. 0. 0. 0. ]\n", + " [1.1728728 1.1699219 1.1804984 1.1897684 1.1784282 1.14387 1.1081406\n", + " 1.0849085 1.0731626 1.0687869 1.0673715 1.0620394 1.0533397 1.0455936\n", + " 1.0427592 1.044638 1.0487723 1.0533528 1.0553883 1.056056 1.0582345]]\n", + "[[1.1652062 1.162864 1.1735412 1.1818795 1.1711924 1.139205 1.1057245\n", + " 1.08297 1.071817 1.0680695 1.0663745 1.0608377 1.0520941 1.0448649\n", + " 1.0413707 1.0425651 1.0473826 1.0520909 1.0546712 1.0556124]\n", + " [1.1652019 1.161415 1.1726198 1.1824329 1.1716079 1.1382797 1.1034807\n", + " 1.0815686 1.0713224 1.0690743 1.0695773 1.0649492 1.0567404 1.0483752\n", + " 1.0445294 1.0463407 0. 0. 0. 0. ]\n", + " [1.1608355 1.1584114 1.1695259 1.1789199 1.1675909 1.1360381 1.1030738\n", + " 1.0803788 1.0700266 1.0667354 1.0654399 1.0601056 1.0512949 1.0436381\n", + " 1.0402229 1.0417421 1.0467577 1.0516975 1.054174 0. ]\n", + " [1.1641046 1.1601377 1.1692623 1.1775013 1.1655722 1.1346115 1.1020018\n", + " 1.0801625 1.0686857 1.0653765 1.0646391 1.0598683 1.0519923 1.0445712\n", + " 1.0412357 1.0425822 1.0475186 1.0521492 1.0547352 0. ]\n", + " [1.1628573 1.1596258 1.1693616 1.1776409 1.1651577 1.1325101 1.0998275\n", + " 1.0781587 1.0683069 1.0660956 1.0655177 1.0605788 1.0518564 1.044174\n", + " 1.0404949 1.0421131 1.0470474 1.051862 0. 0. ]]\n", + "[[1.1679727 1.1647211 1.1735659 1.1792897 1.1669409 1.1357795 1.103665\n", + " 1.0827539 1.0723939 1.0694714 1.0687349 1.0634586 1.0545899 1.0467979\n", + " 1.043409 1.0447927 1.0495908 1.0539105]\n", + " [1.1717386 1.1672857 1.1779917 1.1867027 1.1761018 1.1418841 1.1070354\n", + " 1.0840728 1.0733587 1.0703074 1.0700638 1.0656583 1.0568502 1.0489472\n", + " 1.0456729 1.0478816 0. 0. ]\n", + " [1.1822898 1.1766961 1.1852624 1.192992 1.1794115 1.1447111 1.1105031\n", + " 1.0878403 1.0777681 1.0763817 1.0765946 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1759489 1.1717172 1.1814609 1.1895225 1.1788266 1.1453676 1.1106663\n", + " 1.087352 1.0762391 1.0731069 1.0720383 1.0671755 1.0576541 1.0492052\n", + " 1.0453236 1.047011 1.0524662 1.0576189]\n", + " [1.1674151 1.1625588 1.1718082 1.1810093 1.1688869 1.1373348 1.1031228\n", + " 1.0811539 1.0699955 1.0683573 1.0684559 1.0649428 1.0563667 1.0485365\n", + " 1.0445492 1.0460753 1.0511478 0. ]]\n", + "[[1.1701438 1.1663725 1.1766238 1.184709 1.1725272 1.1403466 1.1077538\n", + " 1.0854262 1.073778 1.0700332 1.06817 1.0616179 1.0530987 1.045381\n", + " 1.0422043 1.043661 1.0486549 1.0533844 1.055404 1.0564115 0.\n", + " 0. 0. 0. ]\n", + " [1.1863104 1.1833076 1.1941769 1.201433 1.1885624 1.1526822 1.1155971\n", + " 1.0908493 1.0796607 1.0770669 1.0760347 1.0694852 1.0604684 1.051687\n", + " 1.0482944 1.050134 1.0562615 1.0622873 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.182024 1.1779939 1.188131 1.1971422 1.1847513 1.1512715 1.1161617\n", + " 1.0922309 1.0795937 1.0760303 1.0742136 1.0682392 1.059018 1.0505248\n", + " 1.0463098 1.0482527 1.0531603 1.0583558 1.0616143 1.0628867 0.\n", + " 0. 0. 0. ]\n", + " [1.1802796 1.1777737 1.1893771 1.1984537 1.1835726 1.1480101 1.1115098\n", + " 1.0877211 1.076897 1.0750594 1.0751159 1.0702604 1.0603176 1.0516517\n", + " 1.0477728 1.0495331 1.0553118 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1478825 1.146362 1.1564492 1.1655699 1.1547161 1.1239048 1.093871\n", + " 1.0737442 1.0642923 1.0609703 1.0586814 1.0530947 1.0447528 1.0379752\n", + " 1.0355997 1.037541 1.0422908 1.0470936 1.048951 1.0498507 1.0511584\n", + " 1.0544714 1.0610232 1.0700555]]\n", + "[[1.1698351 1.1653956 1.1749156 1.18311 1.1730788 1.1413612 1.1071247\n", + " 1.0851812 1.0739608 1.0710202 1.0708004 1.0663663 1.0576019 1.0491422\n", + " 1.0454806 1.0474976 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1785108 1.1751772 1.1866894 1.1953714 1.1827458 1.1483374 1.1129354\n", + " 1.0884655 1.0760964 1.0732651 1.0715249 1.0659331 1.0569551 1.0483252\n", + " 1.0449749 1.047069 1.0520167 1.0568652 1.0594167 1.0605253 0.\n", + " 0. ]\n", + " [1.1659554 1.1637504 1.173991 1.183267 1.1711508 1.1389586 1.1056867\n", + " 1.0835813 1.0719457 1.0685837 1.0662236 1.0600125 1.0513673 1.0437537\n", + " 1.0407133 1.0424682 1.0474528 1.0523946 1.0544541 1.0550789 1.0563619\n", + " 0. ]\n", + " [1.1793625 1.1763457 1.1872714 1.1969192 1.1845973 1.1513976 1.1162318\n", + " 1.0920435 1.0800111 1.0757759 1.0727991 1.0660175 1.0560668 1.0480713\n", + " 1.0451229 1.047175 1.0529642 1.0576466 1.0601456 1.0608271 1.0623786\n", + " 1.0663797]\n", + " [1.1763928 1.1726725 1.1818385 1.1901165 1.1757499 1.1413645 1.1076082\n", + " 1.085596 1.0764717 1.075293 1.0757662 1.0704426 1.0604357 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1856818 1.1811932 1.1905004 1.1988399 1.1860795 1.1508117 1.1145955\n", + " 1.0910236 1.079347 1.0770025 1.0761447 1.0713223 1.0615824 1.0531571\n", + " 1.0494918 1.0513958 1.0572727 0. 0. 0. 0. ]\n", + " [1.1513182 1.1484662 1.1590024 1.1680727 1.1576146 1.1273818 1.0959325\n", + " 1.0750359 1.0641595 1.0609561 1.0588815 1.0533592 1.0457039 1.0387963\n", + " 1.0357093 1.037222 1.0415078 1.0460687 1.0481275 1.0488176 1.0500946]\n", + " [1.1766322 1.172648 1.1819173 1.1907794 1.1785562 1.1450951 1.1105015\n", + " 1.087224 1.0767579 1.0741189 1.0732794 1.068405 1.0589066 1.050349\n", + " 1.0469307 1.0487708 1.0545511 0. 0. 0. 0. ]\n", + " [1.1741835 1.1692337 1.1796758 1.1881363 1.1772444 1.1438407 1.1089277\n", + " 1.0857387 1.0756408 1.0731307 1.0724254 1.067451 1.0579618 1.0494432\n", + " 1.0452259 1.0471418 1.0527312 0. 0. 0. 0. ]\n", + " [1.1747613 1.1725576 1.1843255 1.1935067 1.1806283 1.1464807 1.1110368\n", + " 1.0873346 1.0756648 1.0719522 1.0701772 1.0639504 1.0547006 1.0468882\n", + " 1.0434064 1.0452352 1.0502586 1.0551416 1.0576648 1.0586118 0. ]]\n", + "[[1.1586552 1.1565304 1.16861 1.1793772 1.1694539 1.1367228 1.1023777\n", + " 1.0801817 1.0692842 1.065367 1.0637686 1.0578486 1.0491414 1.0419141\n", + " 1.0391533 1.041106 1.0463219 1.0504068 1.052601 1.0534873 1.054064\n", + " 1.0572283 1.0640672 1.0741322 1.0813274]\n", + " [1.1633317 1.1616888 1.1729949 1.181864 1.1696898 1.1364863 1.1025975\n", + " 1.0805323 1.0696238 1.0661634 1.064242 1.0588592 1.0503825 1.0429007\n", + " 1.0398221 1.0417179 1.0468794 1.0515727 1.0543001 1.0553017 1.0567982\n", + " 0. 0. 0. 0. ]\n", + " [1.1731604 1.1693729 1.1793247 1.1878452 1.1753907 1.1420276 1.1074629\n", + " 1.0846865 1.0738454 1.0715339 1.0712771 1.0664865 1.0568321 1.0487701\n", + " 1.0450029 1.0469733 1.0526584 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1629813 1.1609986 1.1724119 1.1820624 1.1692926 1.136252 1.101655\n", + " 1.0787506 1.0682992 1.0665846 1.0663438 1.0620592 1.0530065 1.0453135\n", + " 1.0418377 1.0432224 1.0479505 1.053004 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1830041 1.1782081 1.1875477 1.1945882 1.1820335 1.1468242 1.111564\n", + " 1.0885721 1.0786914 1.0773084 1.0781512 1.0730639 1.0634176 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1627567 1.1584371 1.1685765 1.1760023 1.1654226 1.1339037 1.100967\n", + " 1.0799294 1.069638 1.0672057 1.0675888 1.0635797 1.0545446 1.0469662\n", + " 1.0433959 1.0452335 0. 0. 0. 0. 0. ]\n", + " [1.1740491 1.1709051 1.1821411 1.1911463 1.1785681 1.1447479 1.1092608\n", + " 1.0853755 1.0744474 1.0720874 1.0713868 1.066396 1.0571421 1.048765\n", + " 1.045002 1.0465184 1.0513589 1.0567049 0. 0. 0. ]\n", + " [1.1758319 1.1741234 1.1856936 1.1957896 1.1825714 1.1482393 1.1125302\n", + " 1.0882714 1.07656 1.0731984 1.0721276 1.0667573 1.0573132 1.0488781\n", + " 1.0449077 1.0467054 1.0520324 1.0574096 0. 0. 0. ]\n", + " [1.1490138 1.1460559 1.1560336 1.1647443 1.1541249 1.1244482 1.0941696\n", + " 1.0736204 1.064199 1.0624496 1.0625175 1.0576466 1.0496082 1.0417004\n", + " 1.0381064 1.0395926 1.0441531 0. 0. 0. 0. ]\n", + " [1.1820334 1.1789689 1.189302 1.1975791 1.1853122 1.1522348 1.1173675\n", + " 1.0932477 1.0801489 1.0758309 1.072267 1.0666724 1.0571686 1.0491827\n", + " 1.0460075 1.0483603 1.053408 1.0583429 1.0606849 1.0615875 1.0629183]]\n", + "[[1.1860005 1.1808777 1.1913327 1.1998211 1.1888596 1.154543 1.1182743\n", + " 1.0940082 1.0820059 1.0796045 1.079227 1.0744646 1.0639931 1.0551001\n", + " 1.0508928 1.0527464 1.058356 0. 0. 0. 0. ]\n", + " [1.1717188 1.1701738 1.1816517 1.1910297 1.1774627 1.1436574 1.1089858\n", + " 1.0857145 1.0744053 1.07079 1.0689349 1.0636634 1.0544848 1.0467849\n", + " 1.043136 1.044964 1.0496768 1.0544028 1.056678 1.0575972 0. ]\n", + " [1.1764631 1.173574 1.1847444 1.1937715 1.1804732 1.1476327 1.1132159\n", + " 1.0896415 1.0774326 1.0731883 1.070686 1.0646261 1.0554097 1.047549\n", + " 1.0440301 1.04627 1.0513102 1.0562563 1.0584587 1.059349 1.0605379]\n", + " [1.1787871 1.1760511 1.1851155 1.1929717 1.1787999 1.1448336 1.1101134\n", + " 1.0871592 1.0751055 1.070734 1.0684686 1.0627867 1.0538142 1.0464752\n", + " 1.0431454 1.045266 1.050042 1.0557564 1.0584698 1.0598747 1.0615829]\n", + " [1.2093695 1.2039957 1.2149038 1.2220833 1.2085888 1.1696279 1.1297971\n", + " 1.1039214 1.0919306 1.0902364 1.0910927 1.0854123 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.165988 1.1618183 1.1723558 1.1811616 1.1700449 1.137679 1.1039989\n", + " 1.0819935 1.0723947 1.0707463 1.0707066 1.0667605 1.0577389 1.0494529\n", + " 1.0456253 0. 0. 0. ]\n", + " [1.1577364 1.1521418 1.1614428 1.1703941 1.1610234 1.1306325 1.098913\n", + " 1.0780435 1.0684826 1.066314 1.0665467 1.062293 1.0538149 1.0458122\n", + " 1.0423187 0. 0. 0. ]\n", + " [1.176348 1.1729422 1.1830902 1.1913604 1.1777655 1.1444662 1.1101986\n", + " 1.0874835 1.0762185 1.0733913 1.0721102 1.0661798 1.0573195 1.0487086\n", + " 1.0450006 1.046667 1.0523411 1.0577263]\n", + " [1.1601075 1.1573849 1.1679877 1.1764406 1.1633046 1.1314778 1.0987202\n", + " 1.0770098 1.0665298 1.064306 1.0638107 1.0594198 1.0510018 1.0435894\n", + " 1.0402241 1.0417747 1.0464183 1.0511715]\n", + " [1.1533626 1.1494025 1.1593655 1.1673371 1.1561491 1.1244044 1.0935248\n", + " 1.0732238 1.0644454 1.0632272 1.0635079 1.0592546 1.0508099 1.0431029\n", + " 1.0396887 1.0415742 0. 0. ]]\n", + "[[1.1793894 1.1748027 1.1856785 1.1953536 1.1830959 1.147773 1.1116016\n", + " 1.088116 1.077165 1.0748081 1.0749184 1.0702041 1.0606394 1.0517966\n", + " 1.0479188 1.049726 1.0556309 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1730459 1.1684802 1.1789433 1.1873145 1.1764469 1.14389 1.1091409\n", + " 1.0856133 1.0752653 1.0726256 1.072428 1.0675131 1.0582864 1.0496259\n", + " 1.0458266 1.0478752 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.177881 1.172876 1.1833311 1.1920707 1.1813763 1.1466289 1.1115668\n", + " 1.0881916 1.0775869 1.0756732 1.0762033 1.0718191 1.0627692 1.0538814\n", + " 1.0495657 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1735559 1.170821 1.1813136 1.191097 1.1798172 1.1475343 1.1132754\n", + " 1.089354 1.0772301 1.0728592 1.0698366 1.0636419 1.0548264 1.0470065\n", + " 1.0437319 1.0458198 1.0507194 1.0559282 1.0586128 1.0593393 1.060521\n", + " 1.0642711 1.072112 ]\n", + " [1.1531302 1.1493521 1.1593428 1.1686286 1.158701 1.1289377 1.0980407\n", + " 1.077402 1.0669925 1.0631297 1.0610299 1.0554023 1.0467551 1.0393623\n", + " 1.0367379 1.0386648 1.0432619 1.0482162 1.0500413 1.0510213 1.051944\n", + " 1.054914 1.0617416]]\n", + "[[1.1655321 1.1647605 1.1760405 1.1858485 1.1731882 1.1402655 1.1064746\n", + " 1.0837224 1.072038 1.0686042 1.0668052 1.0605701 1.0519146 1.0445298\n", + " 1.0410666 1.0432087 1.0476886 1.0526617 1.0551107 1.0559412 1.0574392\n", + " 1.0616521 0. 0. 0. ]\n", + " [1.1662459 1.1600528 1.1687919 1.1756635 1.1641642 1.132745 1.1008558\n", + " 1.0804458 1.0715182 1.0701722 1.0704406 1.0661284 1.0570279 1.0485668\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1676933 1.1640221 1.1737703 1.1821967 1.1697111 1.1376355 1.1042647\n", + " 1.082566 1.0723135 1.0702428 1.069911 1.0655295 1.0570792 1.0485653\n", + " 1.0449703 1.04681 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1668732 1.1635197 1.1744709 1.1835665 1.1725425 1.139431 1.105746\n", + " 1.0835098 1.0732914 1.071021 1.0703286 1.0651174 1.0556239 1.0475581\n", + " 1.0434403 1.0451012 1.0507867 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1483805 1.1457723 1.1570345 1.1678709 1.1579535 1.1271534 1.0959365\n", + " 1.0753433 1.0649818 1.0610803 1.0591364 1.0531934 1.0446655 1.0373807\n", + " 1.0344815 1.0364087 1.041487 1.0459139 1.048225 1.049284 1.0500804\n", + " 1.0530672 1.0591571 1.0685261 1.0758642]]\n", + "[[1.1857185 1.1817472 1.1926923 1.2029698 1.1893996 1.1549246 1.1181146\n", + " 1.093489 1.0812054 1.0779055 1.0760095 1.0705327 1.0610273 1.0521204\n", + " 1.048386 1.0505358 1.0559715 1.0611167 1.0635933 0. 0.\n", + " 0. ]\n", + " [1.1902366 1.1875511 1.1993439 1.2083315 1.1953686 1.1594177 1.1221867\n", + " 1.0970798 1.0847298 1.0810391 1.079933 1.0731574 1.0624647 1.0528975\n", + " 1.0488385 1.050805 1.0565678 1.0626764 1.0657221 0. 0.\n", + " 0. ]\n", + " [1.1580588 1.1561048 1.1654536 1.1729679 1.1606575 1.1287698 1.0976655\n", + " 1.077097 1.0668489 1.0632949 1.0618871 1.0565424 1.0483028 1.0411332\n", + " 1.0385671 1.0406065 1.0451918 1.0503678 1.0523416 1.0534182 1.0548567\n", + " 0. ]\n", + " [1.1759808 1.1732078 1.1843078 1.1940615 1.181614 1.148084 1.1128968\n", + " 1.0884221 1.0761847 1.0722018 1.0699196 1.0636424 1.0542936 1.046555\n", + " 1.043458 1.0452191 1.0505314 1.0552695 1.0577384 1.059017 1.0606258\n", + " 1.0646676]\n", + " [1.1659659 1.1630714 1.1737713 1.182189 1.1697878 1.1360577 1.101433\n", + " 1.0788746 1.0686362 1.0657573 1.0661459 1.0616258 1.0536244 1.0459665\n", + " 1.0425341 1.0440079 1.0489442 1.0541759 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1541404 1.1483591 1.1556654 1.1626213 1.1509979 1.1210287 1.0916182\n", + " 1.0722146 1.0633055 1.0625817 1.0634356 1.0594864 1.0512642 1.0437189\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1517103 1.1500922 1.1601027 1.1694411 1.1588558 1.1280022 1.097405\n", + " 1.0770941 1.0664227 1.0627182 1.0605085 1.0548376 1.0464836 1.0398271\n", + " 1.0373799 1.0392656 1.0441345 1.0484983 1.0503916 1.0512446 1.0524181\n", + " 1.0553663 1.0620458 1.0711032]\n", + " [1.1738336 1.17014 1.1809608 1.1892363 1.1768272 1.1426021 1.1076429\n", + " 1.0845317 1.0737503 1.0712608 1.070783 1.065134 1.0559534 1.047803\n", + " 1.0441239 1.045997 1.0511539 1.0564804 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1625307 1.1600226 1.170467 1.178684 1.1657071 1.1324223 1.0993611\n", + " 1.0776831 1.0673168 1.0646707 1.0640392 1.0591725 1.050673 1.043762\n", + " 1.04072 1.0427593 1.0476284 1.0524447 1.0548735 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1680026 1.1641549 1.173836 1.1824727 1.1698428 1.1373999 1.103952\n", + " 1.0815312 1.0709473 1.0682905 1.067867 1.063495 1.0548412 1.0470622\n", + " 1.0432478 1.0448729 1.0503501 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1688116 1.1652713 1.1747327 1.1824344 1.1702473 1.1389663 1.1059465\n", + " 1.0836915 1.0738158 1.0714567 1.0703989 1.0656006 1.0560064 1.0479316\n", + " 1.0441325 1.0457985 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.167948 1.1645094 1.1756772 1.1850729 1.1730235 1.1402777 1.106116\n", + " 1.0831441 1.0723251 1.069592 1.069836 1.0654538 1.0568309 1.0489533\n", + " 1.0451195 1.0469005 1.052282 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1547109 1.151966 1.1620284 1.171184 1.1598713 1.1281161 1.0953487\n", + " 1.0742341 1.0641148 1.0616564 1.0611471 1.0573772 1.0493898 1.042344\n", + " 1.0391091 1.0406065 1.0454261 1.0498211 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1463201 1.1442752 1.15491 1.166226 1.1575956 1.1271946 1.0961069\n", + " 1.0748031 1.0645471 1.0610589 1.0589244 1.0536449 1.0451856 1.0384809\n", + " 1.0354035 1.0372092 1.0420356 1.0465426 1.0488844 1.0492874 1.0501202\n", + " 1.0533903 1.0601107 1.0688928 1.0758742 1.0797304 1.0797971]\n", + " [1.1614351 1.1586899 1.1694925 1.1768059 1.1657703 1.1334306 1.1001226\n", + " 1.0784671 1.0679075 1.0649507 1.0647115 1.0603167 1.0524459 1.0451977\n", + " 1.0419894 1.0437399 1.0487382 1.0534737 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2120036 1.2030796 1.210279 1.2184414 1.2046804 1.1680866 1.1293372\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1965351 1.1929817 1.2044033 1.214556 1.1999787 1.1615438 1.1232527\n", + " 1.0979824 1.0871432 1.0856904 1.0856997 1.0803708 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1547759 1.1514169 1.1601679 1.1680766 1.1563579 1.1252785 1.0941024\n", + " 1.0739872 1.0646533 1.0632603 1.0632263 1.0595896 1.0510576 1.0433991\n", + " 1.0402035 1.0418034 0. 0. 0. 0. ]\n", + " [1.1592636 1.155539 1.1646373 1.1719689 1.1601679 1.1289756 1.0975686\n", + " 1.0764114 1.0664021 1.0629199 1.0615973 1.0559884 1.0479058 1.0410165\n", + " 1.038492 1.0401412 1.0449704 1.0490894 1.0514418 1.0523338]\n", + " [1.2072006 1.1999049 1.208637 1.2167461 1.2029502 1.1665326 1.1278852\n", + " 1.1017789 1.0899987 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.2020166 1.1965283 1.2059885 1.2154075 1.2017201 1.1643863 1.1257315\n", + " 1.1010853 1.0897417 1.0880246 1.0893532 1.0825175 1.0712653 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.163662 1.1596721 1.1684065 1.1756707 1.1652212 1.1336333 1.1011451\n", + " 1.0796458 1.0695812 1.0673825 1.0673106 1.0630035 1.054974 1.047107\n", + " 1.0434015 1.0450644 0. 0. 0. 0. 0. ]\n", + " [1.1798811 1.1749595 1.185392 1.1921798 1.1788199 1.1436563 1.1080362\n", + " 1.0852159 1.0754795 1.0752332 1.0764453 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1642052 1.1621917 1.1727817 1.1804774 1.1691902 1.137032 1.1041578\n", + " 1.0819235 1.0711014 1.0675008 1.0650375 1.0595092 1.0507565 1.0432554\n", + " 1.0400928 1.0418564 1.0465342 1.051321 1.053664 1.0546863 1.0565844]\n", + " [1.1857247 1.1804773 1.1909437 1.201001 1.1893429 1.154629 1.1180301\n", + " 1.0930556 1.0815655 1.0784721 1.0783981 1.0730915 1.06236 1.0529273\n", + " 1.0485096 1.050178 1.0557213 1.0613761 0. 0. 0. ]]\n", + "[[1.1719577 1.1684558 1.1786425 1.1879554 1.1754501 1.1415889 1.1061083\n", + " 1.0834706 1.0731045 1.0715845 1.071742 1.0668628 1.0582182 1.0495313\n", + " 1.0453837 1.0473461 0. 0. 0. 0. ]\n", + " [1.1611913 1.1572102 1.1673249 1.1758168 1.1639867 1.1321229 1.0995326\n", + " 1.0787319 1.0698185 1.0684038 1.0681125 1.0634402 1.0545021 1.0467018\n", + " 1.0423911 0. 0. 0. 0. 0. ]\n", + " [1.1922674 1.1886636 1.200682 1.2107974 1.1993951 1.1637977 1.1254039\n", + " 1.0995011 1.0866581 1.0820625 1.0797004 1.0728306 1.0625827 1.0537966\n", + " 1.0491843 1.0514557 1.0570623 1.0630978 1.0659355 1.0673536]\n", + " [1.1711516 1.1676061 1.1777546 1.1869344 1.1747768 1.140571 1.1055374\n", + " 1.082935 1.0725093 1.0708398 1.0705287 1.0656224 1.0567708 1.0484891\n", + " 1.0446302 1.0465417 0. 0. 0. 0. ]\n", + " [1.1785173 1.1736023 1.1831291 1.1900053 1.176458 1.1408722 1.107119\n", + " 1.0849675 1.0759153 1.0753113 1.0759598 1.0701047 1.0605577 1.0514337\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1687884 1.1649098 1.1740458 1.1824373 1.1695014 1.1360271 1.1023587\n", + " 1.0814903 1.0716134 1.070802 1.0713658 1.0670681 1.0578942 1.0495332\n", + " 1.045773 0. 0. 0. 0. ]\n", + " [1.1804209 1.1774217 1.1881559 1.1963593 1.1851627 1.1503699 1.1146238\n", + " 1.0906198 1.0785947 1.0750791 1.073345 1.0679501 1.0583721 1.0498456\n", + " 1.0460947 1.0479491 1.0529175 1.0583031 1.0604559]\n", + " [1.1666663 1.1643841 1.1744035 1.1826658 1.1696248 1.1361566 1.1022365\n", + " 1.080199 1.0693293 1.0668336 1.066021 1.0614022 1.0529529 1.0451984\n", + " 1.0417309 1.043289 1.0479919 1.0532928 1.055064 ]\n", + " [1.1788652 1.1761218 1.1869664 1.1969763 1.1846855 1.1499124 1.1135724\n", + " 1.0891924 1.0770758 1.0745234 1.0733254 1.0680195 1.0585953 1.0504481\n", + " 1.04639 1.0482833 1.0534497 1.058955 0. ]\n", + " [1.1628505 1.1595818 1.1685582 1.176983 1.165614 1.1328068 1.1007233\n", + " 1.0792935 1.0700506 1.0676311 1.0667394 1.0613124 1.052438 1.0442759\n", + " 1.0408025 1.0423518 1.0472075 1.0521749 0. ]]\n", + "[[1.1604354 1.1577282 1.1687251 1.1781464 1.1669964 1.1352968 1.1026943\n", + " 1.0802761 1.0693306 1.0655754 1.063455 1.0572864 1.0492795 1.0422803\n", + " 1.0389717 1.0407302 1.0455109 1.0499268 1.0521538 1.0530957 1.0544422]\n", + " [1.1615582 1.1587949 1.1699874 1.1798835 1.1681322 1.1350697 1.1017879\n", + " 1.0794561 1.0689814 1.0659676 1.0648094 1.0598748 1.0512626 1.0434155\n", + " 1.0398004 1.0416994 1.0466928 1.0515699 1.0539508 0. 0. ]\n", + " [1.1752541 1.1712066 1.1815917 1.1906104 1.1795311 1.1451558 1.1107862\n", + " 1.0872831 1.0765816 1.0744921 1.0742853 1.069927 1.0603578 1.0514139\n", + " 1.0475303 1.04932 0. 0. 0. 0. 0. ]\n", + " [1.155034 1.1520497 1.1605003 1.1672213 1.1569346 1.1269789 1.0960165\n", + " 1.0752352 1.0650246 1.0619786 1.0606014 1.0569439 1.0491618 1.0424538\n", + " 1.0388407 1.0401763 1.0444828 1.049206 0. 0. 0. ]\n", + " [1.1606923 1.1563301 1.1660067 1.1742885 1.1634707 1.1323916 1.099471\n", + " 1.0781718 1.0686044 1.0676098 1.0682149 1.0638251 1.0548273 1.0464122\n", + " 1.0429481 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1743256 1.1717439 1.1833409 1.1933303 1.1820565 1.1489246 1.1135992\n", + " 1.0899644 1.0779289 1.07301 1.0710653 1.0647376 1.0549899 1.046472\n", + " 1.0432129 1.0456891 1.0511533 1.0568784 1.0589228 1.0596529 1.0606016\n", + " 1.0639523 1.0714636 1.0826099 1.0907114]\n", + " [1.2091767 1.2017082 1.2085222 1.2140946 1.2001897 1.1641978 1.1266093\n", + " 1.101233 1.0889695 1.0877285 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1851683 1.1792626 1.1885833 1.1969141 1.184781 1.15048 1.1148902\n", + " 1.0913924 1.0802974 1.0787591 1.0786664 1.0734687 1.0631933 1.0545822\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1796845 1.1757414 1.186784 1.196342 1.1843883 1.150433 1.114517\n", + " 1.089872 1.0787549 1.074673 1.0737687 1.06722 1.0577834 1.0487803\n", + " 1.0453852 1.0474561 1.0526835 1.0576562 1.059702 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1759632 1.1709918 1.1815298 1.1904503 1.1784393 1.1448421 1.110224\n", + " 1.0875993 1.0772209 1.0757335 1.0759435 1.0706736 1.0606749 1.0517672\n", + " 1.0478032 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1646339 1.161354 1.1709255 1.1796689 1.1685762 1.1359867 1.1025895\n", + " 1.0804052 1.0696288 1.0670469 1.0667806 1.0632801 1.0549787 1.0475458\n", + " 1.0435859 1.0453225 1.0504953 0. 0. ]\n", + " [1.1948539 1.1900569 1.20035 1.2089543 1.1963626 1.1606094 1.1231223\n", + " 1.0972608 1.0851848 1.081704 1.0801547 1.0749017 1.0646011 1.0549242\n", + " 1.0503998 1.0523942 1.0579376 1.0637848 0. ]\n", + " [1.1501966 1.1457403 1.1552572 1.1642458 1.1541173 1.1243587 1.0933303\n", + " 1.0727601 1.06364 1.0618491 1.0619686 1.0582428 1.0502845 1.0427521\n", + " 1.0393453 1.0407479 0. 0. 0. ]\n", + " [1.166921 1.1653802 1.1771846 1.1859579 1.1738694 1.140022 1.1053038\n", + " 1.0825524 1.0718971 1.0695865 1.0687999 1.0641932 1.0547892 1.0467396\n", + " 1.0432607 1.0447412 1.0493515 1.0545719 0. ]\n", + " [1.1735072 1.1698297 1.1810001 1.1902746 1.178348 1.144855 1.1095572\n", + " 1.085723 1.0743424 1.0714304 1.0702639 1.0655589 1.0565832 1.048526\n", + " 1.0447658 1.0462384 1.051297 1.0561162 1.0586601]]\n", + "[[1.1627676 1.1606051 1.17161 1.1809206 1.1700366 1.138355 1.1050036\n", + " 1.0822102 1.0716857 1.0677084 1.065573 1.0595694 1.0506439 1.0434635\n", + " 1.0399704 1.0417242 1.0466623 1.051605 1.0539523 1.0552154 1.0568144\n", + " 1.0603575]\n", + " [1.1712309 1.1670312 1.1767813 1.1843336 1.1727911 1.1394447 1.104969\n", + " 1.0825751 1.0729191 1.0722392 1.0723648 1.0682755 1.0583616 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1709765 1.1672114 1.1780413 1.18787 1.1759201 1.1426218 1.108362\n", + " 1.0859809 1.0755914 1.073679 1.0740564 1.0693345 1.0601058 1.051369\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1857474 1.1823812 1.1933355 1.2023116 1.1879141 1.1520736 1.1149017\n", + " 1.0914278 1.0810863 1.0798962 1.0813122 1.0760589 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1642356 1.1591932 1.1665161 1.1734657 1.1604866 1.1299499 1.0990666\n", + " 1.0788047 1.0692624 1.0676271 1.067626 1.0629442 1.0542054 1.0466871\n", + " 1.0431452 1.0450991 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1673752 1.1641402 1.1745768 1.1838923 1.1725452 1.1391728 1.1050417\n", + " 1.0821922 1.0708966 1.0684447 1.0675268 1.0630696 1.0540394 1.0464941\n", + " 1.0426579 1.0444651 1.0495241 1.0545087 0. 0. 0. ]\n", + " [1.1807787 1.1759094 1.18598 1.1946081 1.1837673 1.1502687 1.115225\n", + " 1.0912267 1.0801442 1.0774829 1.0770562 1.071602 1.0613555 1.0524518\n", + " 1.0483086 1.0502464 1.0559603 0. 0. 0. 0. ]\n", + " [1.1695448 1.1672833 1.1785588 1.1873754 1.1762311 1.1424359 1.1072011\n", + " 1.0848314 1.0746299 1.0721558 1.0725614 1.0674733 1.0581204 1.0498883\n", + " 1.0457703 1.0474516 0. 0. 0. 0. 0. ]\n", + " [1.1755608 1.1722674 1.1832441 1.1912708 1.1796155 1.1456147 1.1101497\n", + " 1.0865495 1.075038 1.0719041 1.070438 1.064806 1.0559856 1.0477154\n", + " 1.0441592 1.0460901 1.0512505 1.0565968 1.0586858 0. 0. ]\n", + " [1.1657742 1.1621553 1.1724946 1.1817205 1.1700554 1.1385297 1.1056054\n", + " 1.0833637 1.0719978 1.067936 1.0658648 1.0602645 1.0521196 1.0445683\n", + " 1.0416951 1.0434351 1.0484155 1.0530452 1.0552052 1.0562328 1.0575739]]\n", + "[[1.1758032 1.1718917 1.1821518 1.1917772 1.1797433 1.14459 1.1095611\n", + " 1.0866324 1.0772783 1.0759866 1.076607 1.0722005 1.0628303 1.053611\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1400216 1.1370704 1.1458883 1.153924 1.1432139 1.1153964 1.0872009\n", + " 1.0686295 1.0591964 1.0557467 1.053674 1.0492661 1.0421544 1.0358348\n", + " 1.0335163 1.0350736 1.039282 1.0434605 1.0455978 1.0463225 1.0472105\n", + " 1.0503513 1.0562941]\n", + " [1.1723201 1.168519 1.1791148 1.1885439 1.1766037 1.1425611 1.1076915\n", + " 1.084405 1.0727755 1.069545 1.0683558 1.0637431 1.0553968 1.0471374\n", + " 1.0438812 1.0457219 1.0507224 1.0555049 1.0582103 1.0592043 0.\n", + " 0. 0. ]\n", + " [1.1686306 1.1638949 1.1723896 1.1820827 1.171257 1.139429 1.1054643\n", + " 1.0840893 1.0733639 1.0711443 1.0711789 1.0669707 1.0578923 1.049577\n", + " 1.0459805 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1615682 1.1602073 1.1709731 1.1798999 1.1687672 1.1362917 1.1040211\n", + " 1.0822427 1.0709848 1.066496 1.0645173 1.0587952 1.0499376 1.0428795\n", + " 1.0398355 1.0418059 1.046496 1.0514519 1.0537052 1.0548753 1.0565327\n", + " 1.0598396 0. ]]\n", + "[[1.1631564 1.1582954 1.1673408 1.174964 1.164041 1.1327912 1.100593\n", + " 1.079067 1.0690826 1.0676388 1.0673327 1.062458 1.0541847 1.0464085\n", + " 1.0425007 1.0439484 1.0487512 0. 0. 0. ]\n", + " [1.1652858 1.1610805 1.1700028 1.1787499 1.1679091 1.1361583 1.1031293\n", + " 1.080595 1.0705748 1.0688893 1.0689873 1.0648664 1.0558901 1.0479221\n", + " 1.0438159 1.0454866 0. 0. 0. 0. ]\n", + " [1.182425 1.1788048 1.1892974 1.1982565 1.1854149 1.150035 1.1137599\n", + " 1.0891956 1.0776887 1.074903 1.0740874 1.0687579 1.0590186 1.0509834\n", + " 1.0471982 1.0496299 1.0551301 1.0609018 0. 0. ]\n", + " [1.1570277 1.154606 1.1643752 1.1718935 1.1589519 1.128149 1.0960944\n", + " 1.0756322 1.0657777 1.063637 1.0639162 1.0594543 1.0510316 1.044098\n", + " 1.0405782 1.0423288 1.0473167 0. 0. 0. ]\n", + " [1.1651149 1.1619828 1.1722958 1.1798273 1.1690801 1.1363864 1.1025287\n", + " 1.0802168 1.0690871 1.0656064 1.064753 1.0598812 1.051432 1.0446326\n", + " 1.0412197 1.0431296 1.0481682 1.0533 1.0560576 1.0576063]]\n", + "[[1.1881702 1.1847208 1.1942923 1.2050169 1.1919945 1.1547623 1.1180316\n", + " 1.0928582 1.0812013 1.0777537 1.0774021 1.0725397 1.0627437 1.0535978\n", + " 1.0499226 1.0515985 1.0572574 1.062904 0. 0. 0.\n", + " 0. ]\n", + " [1.1688621 1.1678628 1.180083 1.1913637 1.1797657 1.1451327 1.1094718\n", + " 1.086131 1.074578 1.0708417 1.0689789 1.0629394 1.0544224 1.0468056\n", + " 1.0433718 1.045253 1.0494939 1.0544356 1.0569464 1.0576322 1.0590688\n", + " 1.062877 ]\n", + " [1.1726747 1.1690341 1.1794386 1.1873541 1.1752294 1.1416823 1.1069473\n", + " 1.0840026 1.0744656 1.07354 1.074757 1.0702583 1.0613302 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1552266 1.1505758 1.1581575 1.165094 1.152937 1.1237887 1.0936728\n", + " 1.0737041 1.0643579 1.0619862 1.0610634 1.0569685 1.0490745 1.0420462\n", + " 1.0392118 1.0405402 1.0449878 1.0495394 0. 0. 0.\n", + " 0. ]\n", + " [1.1614064 1.1571838 1.1662122 1.1734253 1.1606855 1.1292427 1.0980846\n", + " 1.0778286 1.0679381 1.0654829 1.0642198 1.0588855 1.050487 1.0431514\n", + " 1.0403261 1.0420909 1.0473593 1.0522019 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1721714 1.1678884 1.1786516 1.1884385 1.1771017 1.1438191 1.1090263\n", + " 1.0861439 1.0754689 1.0738328 1.0739264 1.0696054 1.0601916 1.0515118\n", + " 1.047101 0. 0. 0. 0. 0. ]\n", + " [1.1549299 1.1513507 1.1618215 1.1716197 1.1610597 1.1296122 1.0971664\n", + " 1.0758059 1.0661461 1.0639422 1.0646241 1.0604929 1.0516466 1.0440443\n", + " 1.0401201 1.0413254 1.0465201 0. 0. 0. ]\n", + " [1.1666275 1.1632205 1.173192 1.1816837 1.1690321 1.1352584 1.1022798\n", + " 1.0808778 1.0707617 1.0691195 1.0683854 1.0637392 1.0543463 1.0464146\n", + " 1.0430065 1.0451459 1.0503055 0. 0. 0. ]\n", + " [1.1566093 1.1541172 1.164555 1.1719639 1.1608498 1.1288183 1.0962878\n", + " 1.0750002 1.0649651 1.0621711 1.0613927 1.0568702 1.0492014 1.0419639\n", + " 1.0392053 1.040528 1.0452868 1.0497358 1.0517825 1.0525197]\n", + " [1.1731211 1.1694549 1.1796179 1.1886444 1.1764516 1.1426576 1.1079576\n", + " 1.084145 1.0732644 1.0694739 1.0683081 1.0623121 1.0540057 1.0462081\n", + " 1.0431864 1.0453076 1.0502096 1.0550499 1.0572878 1.058271 ]]\n", + "[[1.1603171 1.1565284 1.1672527 1.1771427 1.1655331 1.1327239 1.0990337\n", + " 1.0776782 1.0685371 1.0665976 1.0670793 1.0627433 1.054139 1.0459828\n", + " 1.0421679 1.0438149 0. 0. 0. ]\n", + " [1.1730003 1.1703415 1.1811541 1.1904235 1.1780564 1.1439549 1.1090412\n", + " 1.0850836 1.0734009 1.0701255 1.0681273 1.0630202 1.0537491 1.0456566\n", + " 1.0427032 1.0445752 1.0494506 1.0545588 1.0571871]\n", + " [1.1792448 1.1739743 1.1820103 1.1884474 1.1756926 1.1425881 1.1088021\n", + " 1.0862284 1.0755771 1.0726298 1.0720869 1.0670408 1.0583446 1.0500158\n", + " 1.04666 1.0481097 1.0534084 0. 0. ]\n", + " [1.157137 1.1545957 1.1651089 1.1734978 1.1617912 1.1303841 1.0983112\n", + " 1.0764675 1.0666813 1.0642585 1.063761 1.0586562 1.0500833 1.0426601\n", + " 1.0392975 1.041158 1.0457323 1.0505569 0. ]\n", + " [1.1732312 1.1686248 1.179137 1.1883501 1.1772195 1.1433992 1.1082695\n", + " 1.0850543 1.0741366 1.0728999 1.0731417 1.0685776 1.0593915 1.0507723\n", + " 1.0466589 1.0486102 0. 0. 0. ]]\n", + "[[1.165683 1.1643827 1.1758604 1.1842946 1.1736841 1.1404389 1.1065755\n", + " 1.0834302 1.0719615 1.0683002 1.0668882 1.0617725 1.0530052 1.0453947\n", + " 1.0421784 1.0439111 1.0486388 1.0533475 1.0560123 1.057039 0. ]\n", + " [1.1662487 1.1617966 1.1710557 1.1787548 1.1663826 1.1330409 1.1000926\n", + " 1.0789658 1.0695704 1.0686582 1.0694227 1.0648737 1.0559912 1.0477777\n", + " 1.0440317 0. 0. 0. 0. 0. 0. ]\n", + " [1.1722093 1.1682084 1.1780471 1.186259 1.1730275 1.139702 1.1061316\n", + " 1.084251 1.0742092 1.0721569 1.0723679 1.0678988 1.0587648 1.0504775\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1792845 1.1765547 1.1881152 1.1981916 1.1859736 1.1520754 1.1160766\n", + " 1.0918871 1.0797563 1.0756452 1.0737214 1.0676599 1.0582145 1.0497288\n", + " 1.0457525 1.0474042 1.0520666 1.0573707 1.0596964 1.0604038 1.061754 ]\n", + " [1.1608765 1.1577529 1.168738 1.1769438 1.166291 1.1336683 1.1000065\n", + " 1.0788711 1.0682902 1.0664684 1.0661885 1.0618027 1.0535761 1.0455296\n", + " 1.0418993 1.0434772 1.0485291 0. 0. 0. 0. ]]\n", + "[[1.1628336 1.1596832 1.1697869 1.178046 1.1656266 1.1327273 1.1000301\n", + " 1.0781425 1.0682718 1.0655957 1.0647837 1.0596968 1.0511681 1.0439936\n", + " 1.0410278 1.0428003 1.047939 1.0530854]\n", + " [1.184802 1.1798962 1.1875263 1.1928074 1.1785055 1.143791 1.1090057\n", + " 1.0870752 1.077435 1.0769055 1.0772941 1.0722501 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1610233 1.1584966 1.1694568 1.1773933 1.1661115 1.1341803 1.1009299\n", + " 1.0790418 1.068862 1.0665284 1.0657669 1.0613616 1.0528531 1.0452448\n", + " 1.0413493 1.0428729 1.047634 1.0531368]\n", + " [1.1696 1.1653112 1.1755375 1.1838942 1.171192 1.138145 1.104374\n", + " 1.0825311 1.0726215 1.0714238 1.071441 1.0670619 1.0580971 1.0497143\n", + " 1.0453172 0. 0. 0. ]\n", + " [1.1979833 1.192165 1.2025721 1.2109363 1.1973977 1.1600031 1.1213982\n", + " 1.0966748 1.0853432 1.0835216 1.0837548 1.0786055 1.0681716 1.0582367\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1603305 1.1564229 1.1683154 1.1808627 1.1727164 1.1409216 1.1077573\n", + " 1.0849688 1.0741764 1.0706112 1.0683968 1.0616708 1.0518858 1.0438298\n", + " 1.0410631 1.0431039 1.0485255 1.0538223 1.0560316 1.0564626 1.0572258\n", + " 1.0605505 1.0672619 1.0777252 1.0870005 1.092485 1.0937855 1.0893687\n", + " 1.0811138 1.0709121]\n", + " [1.1821733 1.1757139 1.184278 1.1913296 1.1785972 1.1444874 1.1101518\n", + " 1.0874739 1.0779647 1.0767432 1.07708 1.0727668 1.0631152 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1710742 1.1680746 1.1793834 1.1886702 1.1761415 1.1418852 1.1069119\n", + " 1.083915 1.0728638 1.0694853 1.0677701 1.0617799 1.0530255 1.0449471\n", + " 1.0414834 1.043127 1.0484315 1.0530548 1.0557424 1.0567819 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.180015 1.1761475 1.1878254 1.1986108 1.1863195 1.1517342 1.1147225\n", + " 1.0901473 1.078035 1.0746253 1.0732211 1.067009 1.057456 1.0490198\n", + " 1.0454738 1.0475569 1.0534811 1.0589706 1.061839 1.0628217 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.204989 1.1983209 1.2081506 1.2163017 1.201416 1.1637583 1.1247855\n", + " 1.0990365 1.0879103 1.0865961 1.0868036 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.151262 1.1471256 1.1543454 1.1622871 1.1504145 1.1219224 1.092073\n", + " 1.0721936 1.0628855 1.0599551 1.0588415 1.0551862 1.0477492 1.0413954\n", + " 1.0382274 1.0401742 1.0446934 1.0495207 0. ]\n", + " [1.1688364 1.1665634 1.177351 1.184733 1.1734104 1.1400869 1.1052467\n", + " 1.0824547 1.0716078 1.0685052 1.0669999 1.0619588 1.0529538 1.0451801\n", + " 1.0420607 1.0439277 1.0491772 1.0543525 1.0569692]\n", + " [1.1734593 1.168642 1.1776247 1.1849219 1.172963 1.1386374 1.104162\n", + " 1.0812238 1.070551 1.0678388 1.0668522 1.0623962 1.0542873 1.046212\n", + " 1.0426478 1.0440863 1.0493994 1.0546404 0. ]\n", + " [1.1710358 1.1656054 1.1752528 1.1844155 1.17277 1.1401098 1.1057446\n", + " 1.0830951 1.0728154 1.0708239 1.0699598 1.0653383 1.056307 1.0481534\n", + " 1.0442653 1.0462519 0. 0. 0. ]\n", + " [1.1951923 1.1898851 1.2002456 1.2089143 1.1946217 1.1593313 1.1224976\n", + " 1.096905 1.0858808 1.0836028 1.0848485 1.0798483 1.0689833 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1522186 1.1489164 1.1584358 1.1656551 1.1554021 1.1254947 1.0946685\n", + " 1.0740837 1.0645227 1.0618764 1.0611072 1.0568641 1.0486984 1.04162\n", + " 1.0381814 1.0394727 1.0439913 1.0485643]\n", + " [1.2120247 1.2054565 1.2160362 1.2244476 1.2093558 1.1718872 1.1319946\n", + " 1.1058633 1.0943407 1.0926286 1.092482 1.0872359 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1723704 1.1697308 1.1807421 1.1897892 1.1768557 1.143086 1.1087432\n", + " 1.0861204 1.0754021 1.072757 1.0713106 1.0664701 1.0571358 1.0492007\n", + " 1.0452948 1.0470595 1.0528294 0. ]\n", + " [1.170861 1.1664895 1.1774776 1.1862727 1.1731803 1.1386644 1.1039487\n", + " 1.0822641 1.0723019 1.070182 1.0693334 1.0638738 1.0545406 1.0462418\n", + " 1.042969 1.0452113 1.0505787 1.0558761]\n", + " [1.1903616 1.1850033 1.1944276 1.2020954 1.1886921 1.1537846 1.1170936\n", + " 1.0932035 1.0825768 1.0810554 1.0812526 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1823596 1.1770828 1.1867291 1.194426 1.1799929 1.1449673 1.1093253\n", + " 1.0859575 1.0757782 1.0747452 1.0754433 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.164503 1.159333 1.1693027 1.1772169 1.1664335 1.1340485 1.1020026\n", + " 1.0810251 1.071627 1.070566 1.0707713 1.0662026 1.0566255 1.04817\n", + " 1.0441687 0. 0. ]\n", + " [1.1830759 1.1778433 1.1889923 1.1985283 1.1866256 1.1509742 1.1143792\n", + " 1.0901252 1.0793895 1.0777532 1.0782778 1.0734813 1.0637094 1.054595\n", + " 0. 0. 0. ]\n", + " [1.1602675 1.1570735 1.1666002 1.1754085 1.1639612 1.133033 1.1000507\n", + " 1.0775865 1.067825 1.0653147 1.0653266 1.0607015 1.0525129 1.0450677\n", + " 1.0412984 1.0432451 1.0494057]\n", + " [1.1531446 1.1492023 1.1580164 1.1656175 1.1548496 1.1245887 1.0938249\n", + " 1.0734042 1.0644062 1.0625008 1.0617126 1.057195 1.0489404 1.0418017\n", + " 1.0387405 1.0403277 1.0451318]]\n", + "[[1.1959516 1.1909803 1.2006104 1.2108728 1.1973459 1.1618099 1.1242713\n", + " 1.0988729 1.0878185 1.0856955 1.0862448 1.0803447 1.0689847 1.058944\n", + " 1.0539603 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1748935 1.172624 1.1833882 1.1920993 1.1809922 1.1478401 1.1129235\n", + " 1.0893971 1.0773188 1.0734448 1.0704736 1.0645927 1.0545022 1.0469565\n", + " 1.0436798 1.0457689 1.0506597 1.0561335 1.0583098 1.0593135 1.0605339\n", + " 1.0644749 1.0721531]\n", + " [1.1669662 1.1649747 1.1759375 1.1845388 1.1712644 1.137962 1.1042547\n", + " 1.0822436 1.0718087 1.0694257 1.0682011 1.0630678 1.0538431 1.0459789\n", + " 1.042205 1.0437928 1.0490721 1.054368 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1653252 1.1605518 1.1701688 1.1784692 1.1681547 1.1357799 1.1020241\n", + " 1.0802902 1.0699217 1.0673435 1.067424 1.062922 1.0544555 1.0462451\n", + " 1.0427591 1.0443817 1.0495526 1.0546157 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1791403 1.1734232 1.1816335 1.1915922 1.1785294 1.1440786 1.1087607\n", + " 1.086378 1.0771419 1.0762204 1.0769844 1.0716279 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1951022 1.1894379 1.2000388 1.2097763 1.1974055 1.1612283 1.1235245\n", + " 1.0985506 1.0873411 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1702161 1.1660222 1.176286 1.185316 1.1729816 1.1397817 1.1061318\n", + " 1.0842015 1.0740583 1.0722575 1.0723453 1.0675857 1.0580497 1.0499191\n", + " 1.0460508 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1674583 1.1654993 1.1762005 1.184031 1.1712422 1.1371666 1.1041261\n", + " 1.082317 1.0722944 1.0699884 1.0690569 1.0634774 1.054375 1.0459558\n", + " 1.0421685 1.0437465 1.048508 1.0537261 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1608242 1.1583296 1.1706151 1.1801436 1.1699402 1.1385367 1.1051922\n", + " 1.0826542 1.0712291 1.0670017 1.0653023 1.0598891 1.0514839 1.0440618\n", + " 1.0406985 1.0427521 1.0481272 1.0526205 1.0545487 1.0549129 1.0562018\n", + " 1.0593998 1.0667952]\n", + " [1.1655136 1.1627432 1.1730994 1.1823231 1.1707642 1.1385736 1.1060174\n", + " 1.0840483 1.0724883 1.0689086 1.0670203 1.0610062 1.0523452 1.0445058\n", + " 1.0409459 1.0425726 1.0475024 1.0524192 1.0548205 1.0561402 0.\n", + " 0. 0. ]]\n", + "[[1.1572996 1.1553657 1.1662592 1.175774 1.1643075 1.1329769 1.1011591\n", + " 1.0798911 1.0690107 1.0656389 1.0633253 1.0570769 1.0478723 1.0405897\n", + " 1.037792 1.0394398 1.0442444 1.0490819 1.0509926 1.0521313 1.0536715\n", + " 1.0575168 1.064546 ]\n", + " [1.1702518 1.1664386 1.1765671 1.1859304 1.1749095 1.1424214 1.1084603\n", + " 1.0856719 1.0750455 1.073067 1.072964 1.0677642 1.0590866 1.0501814\n", + " 1.0461133 1.0476506 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1636477 1.1615527 1.172201 1.1804116 1.1684363 1.1366569 1.1038562\n", + " 1.0812162 1.0706664 1.0669842 1.0649576 1.0590599 1.0508167 1.0434151\n", + " 1.0404574 1.0416398 1.0467998 1.051607 1.0539542 1.0552177 0.\n", + " 0. 0. ]\n", + " [1.176356 1.1714863 1.1806841 1.18933 1.1766922 1.1438328 1.1103456\n", + " 1.0878091 1.0769615 1.0741419 1.073564 1.0684602 1.0591795 1.0511372\n", + " 1.0472498 1.0497594 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1392355 1.1354486 1.1432276 1.1509048 1.1410623 1.1129012 1.0856823\n", + " 1.067067 1.0573187 1.0551765 1.0541332 1.0501744 1.0434422 1.0374633\n", + " 1.034793 1.0364262 1.0408384 1.0449275 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1636418 1.159438 1.1685804 1.1767578 1.1648214 1.1334496 1.1012692\n", + " 1.079776 1.0689143 1.0658115 1.0649763 1.060125 1.0516979 1.0445561\n", + " 1.0412195 1.043194 1.0481204 1.052963 1.0556083]\n", + " [1.1692164 1.164086 1.173715 1.1821115 1.1711061 1.1385472 1.1047767\n", + " 1.0822418 1.07233 1.0699378 1.0694525 1.0647637 1.0558224 1.0474178\n", + " 1.0434821 1.0451674 1.0505487 0. 0. ]\n", + " [1.1980649 1.1927027 1.2023761 1.2092757 1.1939564 1.1568489 1.1194555\n", + " 1.0947175 1.0838892 1.0826203 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1656476 1.1629608 1.1736146 1.1831808 1.1709931 1.1387265 1.1054114\n", + " 1.0830665 1.072018 1.0687604 1.0678393 1.0631009 1.0546011 1.046675\n", + " 1.0430983 1.0444808 1.0492887 1.0542768 0. ]\n", + " [1.1826383 1.178723 1.1896023 1.1980546 1.1854973 1.1502501 1.1123573\n", + " 1.0890051 1.0778627 1.0755178 1.0755129 1.0706445 1.0608623 1.0520537\n", + " 1.0479479 1.0494635 1.0553282 0. 0. ]]\n", + "[[1.1661402 1.1621811 1.1714797 1.178316 1.1661038 1.133809 1.1012151\n", + " 1.0798793 1.0711559 1.0705931 1.0709178 1.0661255 1.056605 1.0483397\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.159682 1.1569915 1.1675861 1.1762624 1.1646168 1.133353 1.101345\n", + " 1.0798829 1.0688598 1.0651779 1.0634643 1.0578437 1.0493542 1.0419847\n", + " 1.0391195 1.0404956 1.0451958 1.0495173 1.0521234 1.0531608]]\n", + "[[1.1709256 1.1662581 1.1761329 1.1843225 1.1717706 1.139573 1.106553\n", + " 1.0847069 1.0745122 1.0724747 1.0728176 1.0678749 1.058745 1.0501305\n", + " 1.0461814 0. 0. 0. 0. 0. ]\n", + " [1.156153 1.1540861 1.164486 1.1731906 1.1627074 1.1312251 1.0985334\n", + " 1.076199 1.0656754 1.0625204 1.0618156 1.056993 1.0492686 1.0421365\n", + " 1.0389274 1.040025 1.0441222 1.0486414 1.0511996 0. ]\n", + " [1.181477 1.1772859 1.1870179 1.1958764 1.183037 1.1486522 1.1130625\n", + " 1.0892404 1.0790036 1.0764294 1.0759686 1.0709413 1.0614556 1.0524286\n", + " 1.0487064 1.0506169 1.0565915 0. 0. 0. ]\n", + " [1.1698781 1.1665729 1.1763297 1.1860036 1.1750534 1.1412703 1.1073347\n", + " 1.0845087 1.0736102 1.0713764 1.0708411 1.0652854 1.0561239 1.0477142\n", + " 1.044051 1.046169 1.0517262 0. 0. 0. ]\n", + " [1.1797662 1.1776018 1.1894412 1.1997287 1.1879245 1.1531717 1.1164849\n", + " 1.0913252 1.0792251 1.0748295 1.0720397 1.0660833 1.0568016 1.0483778\n", + " 1.0450696 1.0466734 1.0523027 1.0574805 1.0599347 1.0610886]]\n", + "[[1.1648756 1.1595024 1.1679204 1.1752009 1.1627784 1.1309167 1.099234\n", + " 1.0788903 1.0695306 1.0690768 1.0690788 1.0654209 1.0562625 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1730773 1.1704353 1.181167 1.1907419 1.1789345 1.1459396 1.1123661\n", + " 1.0891378 1.0768385 1.0729342 1.0703006 1.0651428 1.0558255 1.0474585\n", + " 1.0441983 1.0464946 1.0513612 1.0562743 1.0578494 1.0582113 0. ]\n", + " [1.1486346 1.1463153 1.1564052 1.1647503 1.1533744 1.123642 1.0943308\n", + " 1.07397 1.0634081 1.0593551 1.0578034 1.0525354 1.045006 1.0391071\n", + " 1.0367249 1.0386194 1.0427376 1.0473967 1.0499696 1.0509893 1.052688 ]\n", + " [1.1714911 1.1695868 1.1805177 1.1899514 1.1775315 1.1427765 1.1078463\n", + " 1.084795 1.0732896 1.070157 1.0684053 1.0628977 1.0535998 1.0461025\n", + " 1.0426255 1.0449363 1.0498286 1.054685 1.057317 1.0578902 0. ]\n", + " [1.1637553 1.1614294 1.1711235 1.1803586 1.1693676 1.1365228 1.102793\n", + " 1.0806297 1.0702999 1.0681654 1.0674934 1.0630865 1.0542195 1.0465072\n", + " 1.0427622 1.0442084 1.049172 0. 0. 0. 0. ]]\n", + "[[1.1749927 1.1710947 1.1804001 1.1897342 1.1785316 1.1458504 1.1119766\n", + " 1.0891385 1.0783662 1.0761244 1.0759778 1.0707273 1.0617272 1.0527315\n", + " 1.048724 0. 0. 0. 0. ]\n", + " [1.1830645 1.1786557 1.1892841 1.1973921 1.183943 1.1498662 1.11463\n", + " 1.0908091 1.0786364 1.0759596 1.0748892 1.0695326 1.0598845 1.051802\n", + " 1.0479902 1.0500145 1.05555 1.0610187 0. ]\n", + " [1.1777954 1.1722487 1.1820116 1.1894754 1.1767474 1.1424899 1.1074486\n", + " 1.0850999 1.074325 1.0713454 1.0704421 1.0652484 1.0565784 1.0482409\n", + " 1.044624 1.0461735 1.0515982 1.0567225 0. ]\n", + " [1.1809803 1.1766132 1.1862009 1.1953963 1.182202 1.1485007 1.1135069\n", + " 1.0895565 1.077591 1.074559 1.0730895 1.067249 1.0586635 1.0503074\n", + " 1.0462729 1.0481212 1.053285 1.0587245 1.0614685]\n", + " [1.1707693 1.1662663 1.1759887 1.1838624 1.1730219 1.1397488 1.1055038\n", + " 1.0826907 1.0720245 1.070185 1.0704832 1.0664862 1.0583048 1.0499052\n", + " 1.0459338 1.0477573 0. 0. 0. ]]\n", + "[[1.1538519 1.1503308 1.1603996 1.1685419 1.1590163 1.12905 1.0974269\n", + " 1.0764525 1.0663183 1.0650954 1.064908 1.0603448 1.0521773 1.0442557\n", + " 1.0405954 1.0423697 0. 0. ]\n", + " [1.1748286 1.1711408 1.1824634 1.1914284 1.17857 1.144572 1.1091623\n", + " 1.0848348 1.0737846 1.0710683 1.0707644 1.065943 1.0574777 1.048779\n", + " 1.0454696 1.0470082 1.0521864 1.0573016]\n", + " [1.1900117 1.1834819 1.1920565 1.1997024 1.18706 1.1525354 1.1167386\n", + " 1.0930171 1.0814865 1.0794096 1.0792731 1.073752 1.0645968 1.0552945\n", + " 1.0516964 0. 0. 0. ]\n", + " [1.1822463 1.1778576 1.1877757 1.1965218 1.1828442 1.1469526 1.1113113\n", + " 1.0876077 1.0759583 1.0730121 1.0722282 1.067687 1.0588992 1.0504749\n", + " 1.0461478 1.0476196 1.0531852 1.058618 ]\n", + " [1.1740739 1.1676173 1.1759571 1.1834041 1.170134 1.136796 1.103582\n", + " 1.0815244 1.0722111 1.0713801 1.0725977 1.0679762 1.0590789 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1610252 1.1581795 1.1684176 1.1766899 1.1642865 1.131707 1.0993332\n", + " 1.0777006 1.0676401 1.0652668 1.064973 1.0600858 1.0519171 1.044503\n", + " 1.0414969 1.043193 1.0478776 1.0525571 0. 0. ]\n", + " [1.1654121 1.1625535 1.1724261 1.1806567 1.1685028 1.1352481 1.1019077\n", + " 1.0801473 1.0696418 1.0665693 1.0651654 1.0599068 1.0516803 1.0443114\n", + " 1.0407932 1.0424091 1.047207 1.0520754 1.0544573 1.0555581]\n", + " [1.217174 1.2114286 1.2212174 1.2292889 1.2129252 1.1733835 1.1337103\n", + " 1.1084465 1.0974289 1.0963486 1.0959414 1.0896554 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1749005 1.172019 1.1821256 1.1907377 1.1769049 1.1406955 1.1057252\n", + " 1.0831192 1.0730482 1.0720239 1.0724854 1.0679164 1.0587723 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1690254 1.1678874 1.1796031 1.1895525 1.1775128 1.1437707 1.1089303\n", + " 1.0855504 1.0739692 1.070458 1.0688988 1.0628637 1.0529656 1.0451256\n", + " 1.0416985 1.042998 1.0484215 1.0531493 1.0556171 1.0566511]]\n", + "[[1.163522 1.1615692 1.1714042 1.1798682 1.1657372 1.1339674 1.1012341\n", + " 1.0798157 1.0693349 1.0669504 1.0658996 1.0604866 1.0521569 1.0443461\n", + " 1.0414251 1.0431968 1.0485936 1.0538979]\n", + " [1.1577996 1.1523701 1.1608628 1.1694661 1.1577015 1.1274755 1.0957882\n", + " 1.0753025 1.0655324 1.0641897 1.0640761 1.060217 1.0523118 1.0445209\n", + " 1.0410904 1.0425553 0. 0. ]\n", + " [1.1753495 1.1707813 1.1815883 1.1909426 1.1786456 1.1445256 1.1090275\n", + " 1.0858514 1.0756935 1.0751663 1.0760553 1.0718467 1.0623343 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1602477 1.15678 1.1659803 1.1730213 1.1606495 1.1288934 1.0970248\n", + " 1.076811 1.0674461 1.0650859 1.0652254 1.0610672 1.0526553 1.0451292\n", + " 1.0419402 1.0438707 1.04899 0. ]\n", + " [1.1906002 1.1856303 1.1970131 1.206837 1.1944765 1.157744 1.1185293\n", + " 1.0925871 1.0802727 1.0780421 1.0774686 1.0729176 1.0628369 1.0536424\n", + " 1.0495467 1.0513877 1.0571929 1.0629568]]\n", + "[[1.1917506 1.1880672 1.1988871 1.206983 1.1932775 1.1572976 1.1196071\n", + " 1.094608 1.0820808 1.0786768 1.0772687 1.0713538 1.060931 1.0525492\n", + " 1.0487192 1.0509733 1.0565993 1.0623319 1.0647885]\n", + " [1.1792238 1.1734843 1.1807448 1.1860923 1.1733085 1.1401374 1.1073376\n", + " 1.0853696 1.0747195 1.072063 1.0709727 1.0660852 1.0572046 1.049371\n", + " 1.0459032 1.0480629 1.0537914 0. 0. ]\n", + " [1.1769743 1.1714106 1.180475 1.1882288 1.1761395 1.1443397 1.1106238\n", + " 1.0877973 1.0760891 1.0730253 1.0715383 1.0672714 1.0587529 1.0505863\n", + " 1.0465372 1.0481138 1.0530725 1.05739 0. ]\n", + " [1.1590085 1.15472 1.1628817 1.1705066 1.1582439 1.1284102 1.0971605\n", + " 1.0759151 1.0652976 1.0621496 1.0605116 1.0562633 1.0485067 1.0420284\n", + " 1.0387572 1.0405648 1.045074 1.0497897 1.0527836]\n", + " [1.1689968 1.1628923 1.170892 1.1781665 1.1660947 1.1348344 1.102733\n", + " 1.081502 1.0716391 1.0698656 1.0699774 1.0655556 1.056785 1.04861\n", + " 1.0449433 0. 0. 0. 0. ]]\n", + "[[1.1611118 1.1574607 1.1662874 1.1741567 1.1629742 1.1313006 1.0981522\n", + " 1.0765965 1.0665126 1.064438 1.064489 1.0609317 1.0535462 1.0463022\n", + " 1.0428157 1.0446652 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.186561 1.1812912 1.1914191 1.2000631 1.1883405 1.1533611 1.1164159\n", + " 1.0922629 1.0805241 1.0785751 1.0779271 1.0726936 1.062938 1.0538439\n", + " 1.0499144 1.0523442 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1600525 1.1581736 1.1689394 1.1777289 1.166563 1.1356151 1.1030566\n", + " 1.0810122 1.0699245 1.066165 1.0641439 1.0583652 1.0493461 1.0423473\n", + " 1.0393138 1.0407392 1.0456231 1.0504365 1.0525934 1.0538208 1.0553424\n", + " 0. 0. ]\n", + " [1.1624768 1.1610028 1.1721916 1.1817595 1.1698394 1.1366118 1.1039159\n", + " 1.0818659 1.070819 1.0668824 1.0646914 1.058886 1.0497304 1.0430435\n", + " 1.0399829 1.0421402 1.0466619 1.0514007 1.0537742 1.054501 1.055839\n", + " 1.0593022 1.0669532]\n", + " [1.1535653 1.1505909 1.1604456 1.1687634 1.1575779 1.1274998 1.0960584\n", + " 1.0745951 1.0644777 1.0614934 1.0600967 1.0546592 1.0465125 1.0395412\n", + " 1.0368928 1.0382906 1.0428535 1.0472262 1.0494971 1.0507374 1.0520768\n", + " 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1593429 1.1555426 1.1651162 1.172997 1.1633211 1.1334138 1.1017841\n", + " 1.0799477 1.0683739 1.0646671 1.0627584 1.0573306 1.0494003 1.0423602\n", + " 1.0396084 1.0418326 1.0462029 1.0508157 1.0531161 1.0533252 1.0542239\n", + " 1.0574229 1.0638125]\n", + " [1.1615735 1.1596817 1.1721606 1.1836085 1.1722783 1.1389272 1.1048042\n", + " 1.0824207 1.0712539 1.0672601 1.0654842 1.0594598 1.0500972 1.0427632\n", + " 1.0397698 1.0416114 1.04709 1.0517236 1.0543145 1.0550156 1.0561298\n", + " 1.0594465 1.0666767]\n", + " [1.1818863 1.1772671 1.1879544 1.1962465 1.181753 1.1457416 1.1107352\n", + " 1.0878595 1.0775579 1.0756164 1.0760401 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1649075 1.1604131 1.1692778 1.1776336 1.1661239 1.1341822 1.1014084\n", + " 1.080329 1.0712181 1.0695823 1.0695813 1.0648708 1.0555713 1.0473356\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1682701 1.163971 1.1729703 1.1803527 1.1691806 1.1373532 1.1049011\n", + " 1.0827426 1.0713888 1.0664998 1.0646982 1.05919 1.050261 1.0435834\n", + " 1.0404857 1.0425762 1.0474862 1.0523524 1.0545484 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1598563 1.1571885 1.1672163 1.1762147 1.1648353 1.1328573 1.1004559\n", + " 1.0790911 1.0685859 1.0666152 1.0660436 1.0616621 1.0532197 1.0452714\n", + " 1.0416765 1.0427921 1.0477903]\n", + " [1.1836162 1.1799726 1.1915594 1.200134 1.1883671 1.152861 1.1160257\n", + " 1.0915508 1.0795038 1.0776179 1.0765018 1.0714825 1.0613586 1.052475\n", + " 1.0481914 1.0498616 1.0555077]\n", + " [1.1935194 1.1882677 1.1976652 1.2077807 1.1941028 1.1571709 1.1207422\n", + " 1.0963147 1.0859927 1.0846174 1.084798 1.0796838 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1700867 1.167572 1.1780261 1.1866266 1.1737056 1.1412024 1.1062369\n", + " 1.083766 1.0729558 1.0712475 1.0708475 1.0653716 1.0564687 1.0482147\n", + " 1.0443928 1.0460057 1.0514448]\n", + " [1.175332 1.1705222 1.1792026 1.1876488 1.175177 1.1414244 1.1071556\n", + " 1.0850873 1.0744817 1.0734259 1.0741608 1.0692145 1.0602071 1.0517441\n", + " 0. 0. 0. ]]\n", + "[[1.1925193 1.1885419 1.1989421 1.207835 1.1936646 1.1587939 1.1215748\n", + " 1.0966995 1.0842041 1.0798236 1.0781095 1.0715243 1.0619597 1.0532372\n", + " 1.0491881 1.051287 1.0568458 1.0619864 1.0646622 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.157842 1.1523471 1.1609101 1.1687996 1.158257 1.1274894 1.0958767\n", + " 1.0745317 1.064308 1.0627936 1.0631218 1.0597541 1.0522859 1.0453196\n", + " 1.0418012 1.0435437 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1726671 1.1693876 1.1806394 1.1898679 1.1788119 1.1465642 1.112216\n", + " 1.0889663 1.0770762 1.0729715 1.070471 1.06372 1.0545971 1.0465018\n", + " 1.0431387 1.0452752 1.0503908 1.0553322 1.0574081 1.0581926 1.0593947\n", + " 1.0626084 1.070309 0. 0. ]\n", + " [1.1561399 1.1510566 1.1596713 1.1678141 1.1571866 1.1268604 1.0959817\n", + " 1.0755641 1.0663717 1.0647929 1.0656525 1.0621688 1.0545297 1.0466359\n", + " 1.042803 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.163667 1.1612186 1.1710408 1.1819462 1.1722735 1.1406368 1.1075699\n", + " 1.0854497 1.0740311 1.0695778 1.0669208 1.061297 1.0518155 1.0443115\n", + " 1.0411019 1.0432981 1.0486524 1.0535192 1.0554092 1.0553976 1.0562915\n", + " 1.0592437 1.0665523 1.0766009 1.0849878]]\n", + "[[1.18762 1.1849082 1.1963232 1.2054104 1.193021 1.1568819 1.1194277\n", + " 1.0944583 1.0821755 1.0792098 1.0777133 1.0712413 1.0612476 1.0521538\n", + " 1.0478345 1.0501641 1.0556037 1.0611212 1.0636412 0. 0.\n", + " 0. ]\n", + " [1.1673894 1.1645991 1.1751909 1.1835712 1.1709816 1.1371355 1.1029122\n", + " 1.0803909 1.0701274 1.0675132 1.0672407 1.0627657 1.054426 1.0465531\n", + " 1.043264 1.0447943 1.049761 1.0544332 0. 0. 0.\n", + " 0. ]\n", + " [1.1728436 1.1703098 1.1809161 1.1897947 1.1778572 1.1459353 1.1116185\n", + " 1.0883782 1.076527 1.0715842 1.069506 1.0628239 1.0532125 1.0458469\n", + " 1.043048 1.0448128 1.0494969 1.0544327 1.0569953 1.0576859 1.0593799\n", + " 1.0631392]\n", + " [1.1767882 1.1751513 1.1866963 1.1943198 1.182079 1.1475921 1.1120963\n", + " 1.0879707 1.0767102 1.0728968 1.0714536 1.0652549 1.0558891 1.0479885\n", + " 1.0443232 1.0459849 1.0514449 1.0566031 1.0589334 1.0600274 0.\n", + " 0. ]\n", + " [1.1647078 1.1605248 1.1708596 1.1792614 1.1670558 1.1341543 1.101112\n", + " 1.08016 1.0715489 1.0708652 1.0716897 1.0667106 1.0570688 1.0484444\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1731733 1.1684966 1.1775452 1.1852722 1.1733575 1.1408277 1.1077617\n", + " 1.0859756 1.0756681 1.0722933 1.0705838 1.0650482 1.055574 1.0477072\n", + " 1.0441298 1.0460844 1.0512507 1.0561496]\n", + " [1.2062652 1.2013345 1.2129637 1.2228649 1.2100114 1.1715417 1.1311646\n", + " 1.1050231 1.0935404 1.0918627 1.0933744 1.0871851 1.075634 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1861748 1.181733 1.1916714 1.200819 1.1876798 1.1520089 1.1158104\n", + " 1.0917886 1.0802947 1.0774323 1.0766538 1.0714724 1.062039 1.052405\n", + " 1.0488833 1.0508894 1.0569973 0. ]\n", + " [1.1786795 1.1719407 1.1795974 1.187249 1.1746686 1.1412909 1.1075078\n", + " 1.0844532 1.0743896 1.0730118 1.073158 1.0688882 1.060184 1.0516334\n", + " 1.0477377 1.0494665 0. 0. ]\n", + " [1.1852641 1.1808336 1.191532 1.1999154 1.1882762 1.1533077 1.1164062\n", + " 1.0928388 1.0815599 1.0790852 1.0795718 1.0741388 1.0643786 1.055683\n", + " 1.051121 1.0532361 0. 0. ]]\n", + "[[1.1779559 1.1724077 1.1823502 1.1927474 1.1782742 1.1435812 1.1080375\n", + " 1.0851773 1.0759064 1.075027 1.0761927 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1709607 1.1675119 1.1783983 1.1877234 1.1758723 1.1418059 1.1072946\n", + " 1.0838282 1.0732176 1.0711812 1.0711867 1.0664783 1.056994 1.0486499\n", + " 1.0445347 1.0462861 1.0520303 0. ]\n", + " [1.1682498 1.1638851 1.1729075 1.1806215 1.1673031 1.1353834 1.103103\n", + " 1.0815777 1.0716791 1.0696691 1.0695564 1.0645363 1.0557501 1.0475976\n", + " 1.0444448 1.046715 0. 0. ]\n", + " [1.1615312 1.1587843 1.1674365 1.1732483 1.160309 1.1295924 1.0987624\n", + " 1.07882 1.0692085 1.0665504 1.0657017 1.060863 1.0518928 1.0441773\n", + " 1.0409837 1.0425929 1.0468265 1.0510604]\n", + " [1.1567451 1.1522696 1.1617887 1.1710446 1.1608961 1.1307634 1.0980841\n", + " 1.0772724 1.0671047 1.0654827 1.0658463 1.061172 1.0526881 1.0446053\n", + " 1.0408846 1.042507 0. 0. ]]\n", + "[[1.1552684 1.1516854 1.1616331 1.1696625 1.1593921 1.1279782 1.0957451\n", + " 1.0746603 1.0651977 1.063266 1.063243 1.0590585 1.050427 1.0433147\n", + " 1.039567 1.0409763 1.0458026 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1715095 1.1676235 1.176557 1.1843069 1.1729474 1.1416715 1.1088269\n", + " 1.0866429 1.0750682 1.0707768 1.0683322 1.0618967 1.0530055 1.0453938\n", + " 1.0421726 1.0441778 1.0491829 1.0545961 1.0574107 1.0580539 1.0595897\n", + " 1.0629799]\n", + " [1.1654391 1.1619514 1.1721935 1.1811007 1.1691835 1.1368296 1.1034311\n", + " 1.0811262 1.0699315 1.0668992 1.0658852 1.0604694 1.0516971 1.0445224\n", + " 1.0412995 1.04253 1.0473282 1.0518411 1.0541183 1.0552453 0.\n", + " 0. ]\n", + " [1.1472613 1.1455064 1.1549535 1.1634533 1.1529528 1.1228613 1.092998\n", + " 1.0727595 1.0626003 1.0587443 1.0567867 1.0522224 1.0445241 1.0381718\n", + " 1.0354899 1.0372299 1.0412874 1.0454831 1.0478759 1.0487783 1.0502214\n", + " 0. ]\n", + " [1.1604129 1.1565373 1.1660082 1.1745503 1.1637386 1.1322231 1.1003339\n", + " 1.0793358 1.0690517 1.0671202 1.0665412 1.062642 1.0542661 1.0463752\n", + " 1.0428147 1.0444921 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.176876 1.1750668 1.1862626 1.1954378 1.183076 1.1476631 1.1114804\n", + " 1.0873942 1.0768684 1.0737677 1.0737338 1.068561 1.0594021 1.0504775\n", + " 1.0466508 1.0480976 1.0535706 1.0588657 0. ]\n", + " [1.1627048 1.1578269 1.1674469 1.1754746 1.1627692 1.1307693 1.0999248\n", + " 1.0789305 1.0695672 1.0684524 1.0683587 1.0631666 1.0545679 1.0465561\n", + " 1.0435958 0. 0. 0. 0. ]\n", + " [1.1879634 1.1836268 1.1932718 1.2007512 1.1887112 1.1536905 1.1171954\n", + " 1.0924406 1.0796726 1.0752556 1.0740896 1.0684068 1.0591697 1.0512456\n", + " 1.047935 1.0501091 1.0554525 1.0606529 1.0632977]\n", + " [1.1720359 1.1663843 1.1751354 1.1832608 1.1719023 1.1394029 1.1059535\n", + " 1.0842979 1.0743034 1.0723194 1.0724326 1.0675343 1.0584682 1.0497028\n", + " 1.0461329 1.0483602 0. 0. 0. ]\n", + " [1.1660899 1.1608262 1.1696925 1.1783208 1.1666472 1.1343802 1.1018317\n", + " 1.0797424 1.0696431 1.0670844 1.0670794 1.0626705 1.0544518 1.0471729\n", + " 1.0437073 1.0456679 1.0510774 0. 0. ]]\n", + "[[1.1702179 1.1650888 1.1746519 1.1826162 1.1710728 1.1380979 1.1047738\n", + " 1.0825922 1.07273 1.0708563 1.0704739 1.0660319 1.0569681 1.0486423\n", + " 1.0446848 1.0464754 1.0520473 0. ]\n", + " [1.1706624 1.1693455 1.1800305 1.1884891 1.1743689 1.1403946 1.1059316\n", + " 1.0831414 1.0730412 1.0708996 1.0695438 1.0646679 1.0553542 1.0473728\n", + " 1.0435898 1.0452754 1.0504686 1.0555658]\n", + " [1.1837444 1.1804162 1.1899399 1.1981193 1.1870134 1.1526295 1.1163962\n", + " 1.091946 1.0797236 1.0768855 1.0764877 1.0707501 1.0613441 1.0526168\n", + " 1.0482016 1.049758 1.0551904 1.0605301]\n", + " [1.1891812 1.18179 1.190397 1.1983293 1.1866174 1.1534767 1.1177139\n", + " 1.0939747 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1626503 1.1583678 1.1663585 1.1736269 1.160966 1.1300497 1.0986527\n", + " 1.0773345 1.0672811 1.0647974 1.064548 1.0605971 1.0530086 1.0454602\n", + " 1.0422487 1.0436206 1.0483825 0. ]]\n", + "[[1.1789035 1.1752665 1.1863524 1.194915 1.1821638 1.1471626 1.1119512\n", + " 1.0881915 1.0759932 1.0725945 1.0706604 1.0655171 1.0567425 1.0487067\n", + " 1.0452234 1.0472282 1.0530013 1.0582695 1.0609313 0. 0. ]\n", + " [1.1806303 1.1775565 1.1872485 1.1966285 1.1839025 1.149071 1.113423\n", + " 1.0898192 1.0777385 1.0736815 1.0719497 1.0661839 1.0569478 1.0488908\n", + " 1.0455283 1.0474601 1.0526389 1.0575505 1.0600839 1.060905 0. ]\n", + " [1.1678798 1.1636584 1.1727612 1.1798946 1.1686647 1.1371493 1.1050148\n", + " 1.083365 1.0725061 1.0702999 1.0689653 1.064702 1.0556171 1.048061\n", + " 1.0441322 1.0457635 1.0510004 0. 0. 0. 0. ]\n", + " [1.1654445 1.1626055 1.1714767 1.178886 1.1664841 1.1347024 1.1035757\n", + " 1.0816109 1.070582 1.0666922 1.0643861 1.0592645 1.0511534 1.0444576\n", + " 1.041494 1.0437748 1.0480056 1.052525 1.0545647 1.0554979 1.0574704]\n", + " [1.1807736 1.1782129 1.1887093 1.1969002 1.1840001 1.149221 1.1133331\n", + " 1.0888872 1.0771053 1.0735756 1.0721967 1.0667275 1.0580021 1.049745\n", + " 1.0459143 1.0478796 1.0527921 1.0579005 1.0603071 0. 0. ]]\n", + "[[1.1724346 1.1681743 1.1779389 1.1860881 1.1750214 1.1411452 1.1072866\n", + " 1.0839446 1.0735327 1.0718796 1.0722046 1.0680358 1.0589668 1.0507095\n", + " 1.046506 1.0484086 0. 0. 0. ]\n", + " [1.1809989 1.1772325 1.1878183 1.1952026 1.1826028 1.1476359 1.1118033\n", + " 1.0879365 1.0769027 1.0734596 1.073323 1.0681664 1.0587701 1.0507874\n", + " 1.0468597 1.0486859 1.0542176 1.0597624 0. ]\n", + " [1.1743269 1.1712239 1.1818064 1.189044 1.1766129 1.1425679 1.1073239\n", + " 1.0840648 1.0738531 1.0711007 1.0706526 1.0656621 1.0567448 1.0481697\n", + " 1.0444995 1.0459721 1.0509919 1.0560907 0. ]\n", + " [1.1718577 1.1659648 1.1752737 1.1832858 1.1721855 1.139297 1.1057285\n", + " 1.0835818 1.0736347 1.0723495 1.0723732 1.0686321 1.0593934 1.0506374\n", + " 1.046986 0. 0. 0. 0. ]\n", + " [1.1758014 1.1731006 1.184644 1.1938893 1.1809459 1.1464344 1.1103121\n", + " 1.0863858 1.0748581 1.0718117 1.070769 1.0657097 1.0565349 1.0482999\n", + " 1.044951 1.0464401 1.0513203 1.0564258 1.059027 ]]\n", + "[[1.1782173 1.1751916 1.1850702 1.192743 1.1805902 1.1471572 1.1124581\n", + " 1.0886583 1.0772634 1.0730934 1.0703609 1.0648483 1.0552338 1.0471005\n", + " 1.0435596 1.0453383 1.0506117 1.055277 1.0583605 1.060117 0.\n", + " 0. ]\n", + " [1.1523099 1.148118 1.1564245 1.1634547 1.1515286 1.1214992 1.0919025\n", + " 1.0722778 1.0629299 1.060964 1.0599817 1.056053 1.0478978 1.0411605\n", + " 1.0382428 1.0398307 1.0442998 1.0486528 0. 0. 0.\n", + " 0. ]\n", + " [1.1793088 1.1763798 1.1851737 1.1942394 1.1810591 1.1484092 1.1143001\n", + " 1.0908546 1.0781689 1.0734211 1.0706286 1.0642966 1.0556244 1.0474641\n", + " 1.0445238 1.046753 1.0524094 1.0573593 1.059786 1.060891 1.0620183\n", + " 1.0658199]\n", + " [1.1875453 1.1817095 1.19112 1.200411 1.1880804 1.1526694 1.1166434\n", + " 1.0925046 1.0824068 1.0809938 1.0813664 1.0760069 1.0658208 1.0560156\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1763378 1.1737934 1.1831144 1.1918885 1.1788732 1.1466995 1.1126454\n", + " 1.0891457 1.0777119 1.0735339 1.0715518 1.0643742 1.0552641 1.0473949\n", + " 1.0444319 1.046372 1.051899 1.0565424 1.0587997 1.0592752 0.\n", + " 0. ]]\n", + "[[1.1709174 1.1664158 1.1756657 1.1839248 1.1713672 1.1388676 1.1051975\n", + " 1.0825834 1.0717318 1.0689278 1.0677842 1.0627474 1.0542876 1.0464432\n", + " 1.0431514 1.0446903 1.0498714 1.0546515 1.0571767 0. 0.\n", + " 0. 0. ]\n", + " [1.1639394 1.1607199 1.1711785 1.1803497 1.1696547 1.1384783 1.1055996\n", + " 1.0841355 1.0730702 1.0693426 1.0667318 1.0603095 1.0510228 1.0431267\n", + " 1.0402958 1.0422732 1.0473677 1.0520589 1.0544544 1.0552129 1.0564991\n", + " 1.0604424 1.0676496]\n", + " [1.1777263 1.1725718 1.1811548 1.1891587 1.1766405 1.1439981 1.1096088\n", + " 1.0863099 1.0751929 1.0720278 1.0711428 1.0663562 1.0571913 1.0489174\n", + " 1.0455297 1.0470413 1.0523002 1.0574901 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1618049 1.1573161 1.1674876 1.1765299 1.1650409 1.1342021 1.1025146\n", + " 1.0803547 1.0699881 1.0661302 1.0637176 1.0585096 1.0497607 1.0423776\n", + " 1.0394329 1.0408081 1.0457565 1.0507255 1.052869 1.053499 1.054963\n", + " 0. 0. ]\n", + " [1.1724808 1.1705192 1.1822122 1.1899899 1.1779275 1.1432918 1.1074691\n", + " 1.0845294 1.0738708 1.0706147 1.0701993 1.0655408 1.0566258 1.0487639\n", + " 1.0449817 1.0466704 1.0517511 1.056416 0. 0. 0.\n", + " 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1787999 1.1752474 1.1855826 1.193702 1.1810845 1.1469371 1.1120962\n", + " 1.0880672 1.076849 1.0727857 1.0703682 1.0646031 1.0551947 1.0478709\n", + " 1.044712 1.04668 1.051992 1.0567036 1.0593468 1.0599622]\n", + " [1.1777343 1.172625 1.1825475 1.192278 1.1815645 1.148553 1.1129082\n", + " 1.0890664 1.0772278 1.0742501 1.0745692 1.0701579 1.0613477 1.0528073\n", + " 1.0488431 1.0508265 0. 0. 0. 0. ]\n", + " [1.1616117 1.1571035 1.165611 1.1724588 1.1599469 1.1287102 1.0977336\n", + " 1.0770867 1.067468 1.0656024 1.0653617 1.06093 1.0529875 1.0453806\n", + " 1.04214 1.0437074 1.0483533 0. 0. 0. ]\n", + " [1.1554335 1.1516299 1.1606367 1.1683639 1.1563408 1.1262221 1.0951977\n", + " 1.0746764 1.0652207 1.063769 1.0640807 1.0600139 1.0520416 1.0443373\n", + " 1.0410936 0. 0. 0. 0. 0. ]\n", + " [1.1829764 1.1761253 1.1855903 1.195063 1.1843303 1.1508671 1.1164011\n", + " 1.0932708 1.0823702 1.0805773 1.0801293 1.0756824 1.0653293 1.0558163\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1568052 1.1542094 1.1649513 1.1746119 1.1637266 1.1314738 1.0993712\n", + " 1.078342 1.0676312 1.0637007 1.0622246 1.0568821 1.0477822 1.0405942\n", + " 1.037384 1.0389723 1.0433424 1.0483924 1.0508556 1.0516467 1.0527371\n", + " 0. ]\n", + " [1.1693311 1.1621723 1.1686604 1.1753271 1.1656437 1.13456 1.10186\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1982642 1.1928314 1.2022074 1.2096688 1.1944898 1.1582708 1.1210505\n", + " 1.0961406 1.0856309 1.08466 1.0857661 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1568667 1.1540011 1.1642065 1.173202 1.1622037 1.1303287 1.099084\n", + " 1.0784609 1.067588 1.0638359 1.061668 1.0556902 1.0470717 1.0405436\n", + " 1.0379626 1.0396959 1.0445033 1.0494463 1.0521597 1.0529299 1.0542455\n", + " 1.0575374]\n", + " [1.164976 1.1621319 1.1718684 1.1788219 1.1684265 1.1377442 1.1055042\n", + " 1.0833513 1.0720704 1.0683774 1.0664737 1.060357 1.0518346 1.0439078\n", + " 1.0407631 1.0419831 1.0466503 1.0515455 1.0538514 0. 0.\n", + " 0. ]]\n", + "[[1.1710844 1.1681409 1.1792012 1.1889064 1.1769567 1.1436061 1.1090131\n", + " 1.0854797 1.0736336 1.0706964 1.0694913 1.0645417 1.055984 1.0477973\n", + " 1.0441657 1.045575 1.0502517 1.0552163 1.0574385]\n", + " [1.1708266 1.1682296 1.178432 1.1881943 1.1754128 1.1421131 1.1074263\n", + " 1.0838668 1.0722623 1.0685807 1.0669087 1.0622854 1.0538807 1.0463836\n", + " 1.0430834 1.044601 1.049114 1.0535481 1.0555499]\n", + " [1.1863806 1.1800692 1.1898445 1.1985734 1.1875588 1.1525776 1.1160724\n", + " 1.0914108 1.0797985 1.0774611 1.076978 1.0723615 1.0626159 1.0535406\n", + " 1.0490923 1.0513297 0. 0. 0. ]\n", + " [1.185728 1.1825861 1.1937107 1.2035404 1.1907357 1.1547287 1.1165636\n", + " 1.0916479 1.0797868 1.0772724 1.0767568 1.0711656 1.0619887 1.05269\n", + " 1.0484191 1.0503907 1.0562463 1.0615058 0. ]\n", + " [1.1877767 1.1832885 1.1922 1.20016 1.1868154 1.1515675 1.1152283\n", + " 1.0917454 1.0794554 1.075652 1.0750256 1.06951 1.0603455 1.0521537\n", + " 1.0478516 1.049752 1.054748 1.0598278 0. ]]\n", + "[[1.1576381 1.1552814 1.1658239 1.1741308 1.1627185 1.1305635 1.0992367\n", + " 1.077902 1.0672817 1.0642924 1.0628672 1.0576364 1.0495129 1.0421444\n", + " 1.0383666 1.0399547 1.0447676 1.0493969 1.0520498]\n", + " [1.1680303 1.1647203 1.1754445 1.185656 1.17515 1.1409523 1.105777\n", + " 1.0824124 1.0718685 1.0693932 1.0700543 1.065327 1.0561529 1.0482198\n", + " 1.0443197 1.0461677 0. 0. 0. ]\n", + " [1.1873941 1.1841376 1.1943998 1.2022542 1.1904179 1.1551644 1.1181121\n", + " 1.0931262 1.0809555 1.0776063 1.0771127 1.071557 1.0622152 1.0531907\n", + " 1.0494826 1.0509169 1.0566812 1.0620977 0. ]\n", + " [1.209342 1.2015262 1.2109755 1.2201276 1.2059447 1.1674371 1.1279303\n", + " 1.1016661 1.0890932 1.0878901 1.0881248 1.0829774 1.072714 1.0626426\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1831896 1.1792139 1.1904255 1.2002412 1.1887428 1.153115 1.1159978\n", + " 1.0913403 1.0796705 1.0762544 1.0752982 1.0700064 1.0601829 1.0508898\n", + " 1.0468549 1.0484557 1.0536363 1.0589266 1.0616176]]\n", + "[[1.1832559 1.1786131 1.1881891 1.1960071 1.183608 1.149178 1.1138178\n", + " 1.0902824 1.0799029 1.0772082 1.0764042 1.0714842 1.0613409 1.0529839\n", + " 1.0489594 1.0512352 0. 0. 0. 0. 0. ]\n", + " [1.1869016 1.1824893 1.1928027 1.2008582 1.1889957 1.1533946 1.1165986\n", + " 1.0927708 1.0814358 1.078801 1.0784416 1.0733877 1.063468 1.0545529\n", + " 1.0500281 1.0520878 1.0579654 0. 0. 0. 0. ]\n", + " [1.1760114 1.1728841 1.1825305 1.1894542 1.1760286 1.1436582 1.1104716\n", + " 1.0882455 1.0767697 1.0726037 1.0703906 1.0640016 1.0553094 1.0473336\n", + " 1.0442569 1.0458399 1.0510492 1.0562811 1.0587413 1.0601761 1.0619478]\n", + " [1.1732541 1.1698995 1.1814599 1.1924871 1.1802356 1.145979 1.1102049\n", + " 1.0861993 1.0741825 1.0713403 1.0697523 1.0633619 1.053915 1.0460815\n", + " 1.0427583 1.0448744 1.0499523 1.0553596 1.0575762 1.0581411 1.0593662]\n", + " [1.1974783 1.1917813 1.202484 1.2116843 1.1981516 1.1622244 1.1247458\n", + " 1.0997626 1.0887607 1.0866973 1.0868514 1.0812402 1.0702174 1.0599338\n", + " 1.0554821 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1747677 1.1705439 1.1798635 1.1881056 1.1757548 1.1428797 1.1091335\n", + " 1.0865718 1.0755742 1.0725435 1.0706068 1.0652031 1.0560555 1.0477157\n", + " 1.0439943 1.0457739 1.0506852 1.0556993 1.0582244 0. ]\n", + " [1.170839 1.1667283 1.1776693 1.1876773 1.1758165 1.1419593 1.1069285\n", + " 1.0836971 1.0724629 1.0697038 1.0683737 1.0626369 1.0534047 1.0453682\n", + " 1.0421349 1.0438648 1.0493548 1.0543969 1.0568291 0. ]\n", + " [1.176584 1.1716694 1.1796715 1.1857889 1.172197 1.1399549 1.1071483\n", + " 1.0854784 1.075194 1.0732234 1.0725714 1.0673697 1.057886 1.0496542\n", + " 1.0455294 1.0476031 1.0530766 0. 0. 0. ]\n", + " [1.183642 1.180839 1.1937325 1.203535 1.1906459 1.1542891 1.1169723\n", + " 1.091911 1.0794286 1.0759224 1.0746266 1.0689143 1.059949 1.0512114\n", + " 1.0474087 1.0488236 1.0541201 1.0590336 1.0620208 1.062924 ]\n", + " [1.1982197 1.1924698 1.2023326 1.2099049 1.1959674 1.1590388 1.1208367\n", + " 1.0957785 1.0851891 1.0836437 1.0848076 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1788702 1.1739142 1.18295 1.1900016 1.177581 1.1435177 1.109465\n", + " 1.0866503 1.0762528 1.0731717 1.0732257 1.0682164 1.0589356 1.0505698\n", + " 1.0468841 1.0486963 1.0540704 0. 0. ]\n", + " [1.1722097 1.167486 1.1761616 1.1841394 1.1734271 1.1413544 1.1075363\n", + " 1.0852003 1.0741926 1.0721399 1.071458 1.0668471 1.0577811 1.0496356\n", + " 1.046007 1.0477089 0. 0. 0. ]\n", + " [1.2025907 1.1978399 1.2083424 1.2156272 1.2027253 1.165658 1.12732\n", + " 1.1014323 1.0881412 1.0844746 1.0827494 1.0758816 1.065636 1.0563436\n", + " 1.0524317 1.0549068 1.0609874 1.066937 1.0697035]\n", + " [1.1550632 1.151989 1.1620606 1.1705201 1.1587493 1.1276802 1.0955242\n", + " 1.0746123 1.0646715 1.0623326 1.0622165 1.0582371 1.0505943 1.0434158\n", + " 1.0395975 1.0412165 1.0456227 1.0503086 0. ]\n", + " [1.1748676 1.1676427 1.1757461 1.1834509 1.1729004 1.1407778 1.1072204\n", + " 1.084059 1.0731652 1.0704741 1.0708827 1.0664154 1.0579536 1.049542\n", + " 1.0457507 1.0480402 0. 0. 0. ]]\n", + "[[1.1611254 1.157588 1.1686153 1.1783749 1.166881 1.1343304 1.101361\n", + " 1.0789354 1.0684917 1.065812 1.0648148 1.0596316 1.0511898 1.0438458\n", + " 1.0402282 1.0415505 1.046348 1.0510385 1.0534 0. 0. ]\n", + " [1.1855572 1.18281 1.1940782 1.2035664 1.1921576 1.1566005 1.1183635\n", + " 1.0933055 1.0810206 1.077333 1.0754635 1.0704142 1.0604581 1.0516956\n", + " 1.0476804 1.0495383 1.0546515 1.0600474 1.0622789 0. 0. ]\n", + " [1.1746259 1.1716082 1.1818501 1.1901336 1.1776762 1.1431499 1.1080568\n", + " 1.0849819 1.074033 1.0706702 1.0691624 1.0632406 1.0543841 1.0465688\n", + " 1.0434741 1.0452759 1.0503061 1.0546486 1.0569167 1.0580671 1.0600892]\n", + " [1.1567862 1.1535869 1.1632494 1.1716441 1.1607122 1.1301252 1.0986837\n", + " 1.0773315 1.066561 1.063015 1.0618708 1.0574958 1.0495604 1.0422277\n", + " 1.0390608 1.0400674 1.044689 1.0490805 1.0517181 0. 0. ]\n", + " [1.1686373 1.1635222 1.172515 1.1800511 1.1675427 1.1354593 1.1032214\n", + " 1.0811453 1.0702585 1.0669354 1.0664251 1.0615609 1.0535854 1.0465716\n", + " 1.0431638 1.044832 1.049982 1.0546492 0. 0. 0. ]]\n", + "[[1.1888394 1.1843174 1.195394 1.2050079 1.1920818 1.1556877 1.1189346\n", + " 1.0944306 1.0835303 1.0826842 1.0833907 1.0778074 1.0680394 0.\n", + " 0. 0. 0. ]\n", + " [1.2034464 1.1975896 1.2073512 1.2157005 1.2010338 1.1632026 1.1261779\n", + " 1.100936 1.0895163 1.0881267 1.0884249 1.0825021 1.0717225 0.\n", + " 0. 0. 0. ]\n", + " [1.1737287 1.1712441 1.1818019 1.1892291 1.1762974 1.1414276 1.1061343\n", + " 1.0836992 1.0733839 1.0711622 1.0716915 1.0668694 1.0572627 1.0486954\n", + " 1.0450763 1.046886 1.0524948]\n", + " [1.1657795 1.1633084 1.1728922 1.1807299 1.1679614 1.1356994 1.1025985\n", + " 1.0814228 1.0716625 1.0694594 1.0687726 1.0633104 1.0541064 1.0465189\n", + " 1.0428543 1.0443288 1.0496333]\n", + " [1.1692617 1.1659232 1.1767199 1.1859734 1.1732011 1.1394542 1.1047062\n", + " 1.0829126 1.0725437 1.0721534 1.0729792 1.068285 1.0583255 1.0497259\n", + " 0. 0. 0. ]]\n", + "[[1.1625334 1.1584556 1.1685377 1.1768193 1.1648594 1.1323858 1.099022\n", + " 1.0773554 1.0672503 1.0654773 1.0650642 1.0598385 1.0513059 1.0434939\n", + " 1.0398749 1.0415821 1.0466664 1.0516001 0. ]\n", + " [1.1788737 1.1740211 1.1825907 1.190067 1.176392 1.1436297 1.1099706\n", + " 1.0874561 1.0766715 1.0735201 1.0719479 1.0666145 1.057068 1.0495114\n", + " 1.0459161 1.0484036 1.0539286 1.0591432 0. ]\n", + " [1.1643906 1.1610477 1.1718009 1.1797365 1.1676697 1.1344585 1.1009879\n", + " 1.0783899 1.0679302 1.0653837 1.0644038 1.0592283 1.0511432 1.043876\n", + " 1.0409633 1.0427415 1.0477046 1.0527372 1.0546972]\n", + " [1.1614246 1.1581962 1.1676799 1.175648 1.1630459 1.130822 1.0983397\n", + " 1.0770526 1.0673207 1.0654163 1.0652875 1.0613471 1.0526989 1.0453331\n", + " 1.0420673 1.0438516 1.0488555 0. 0. ]\n", + " [1.176499 1.1703299 1.1790521 1.1874722 1.1753123 1.142904 1.1085255\n", + " 1.0863185 1.0755445 1.0733192 1.0729839 1.069146 1.0601213 1.0516924\n", + " 1.0479891 1.0500342 0. 0. 0. ]]\n", + "[[1.1750132 1.1722419 1.1818905 1.1898608 1.176323 1.1432261 1.1095519\n", + " 1.0866338 1.0748311 1.0706716 1.0687104 1.0624659 1.0541558 1.0466205\n", + " 1.0433253 1.04505 1.0503874 1.0554227 1.0579821 1.0588118 1.0605018\n", + " 0. 0. 0. ]\n", + " [1.1568036 1.1551336 1.1661464 1.1755284 1.164851 1.133269 1.1006696\n", + " 1.0784966 1.0674665 1.0637451 1.0616014 1.0559633 1.0484078 1.041491\n", + " 1.0385852 1.0401051 1.0445468 1.0489651 1.0513102 1.0527712 1.0542243\n", + " 0. 0. 0. ]\n", + " [1.1687002 1.164435 1.1748804 1.1840963 1.1725974 1.1386459 1.1038615\n", + " 1.0808414 1.0698447 1.0678883 1.0680451 1.0640246 1.0557965 1.0481776\n", + " 1.0442516 1.0459068 1.0511669 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1814003 1.175023 1.1842831 1.1921661 1.1816643 1.1483995 1.1136925\n", + " 1.0901787 1.0787541 1.075817 1.0754706 1.0698742 1.0598953 1.0513856\n", + " 1.0472252 1.0491494 1.0550323 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.156409 1.1533827 1.1638651 1.1728196 1.1628941 1.1324708 1.1005981\n", + " 1.0793134 1.0689906 1.0652782 1.0629308 1.0570303 1.0484622 1.0411851\n", + " 1.0384423 1.0404493 1.0452768 1.049729 1.0517814 1.0523354 1.0530025\n", + " 1.056274 1.0629741 1.0721161]]\n", + "[[1.1812593 1.1783922 1.1899924 1.199577 1.1854881 1.1504796 1.114233\n", + " 1.0900124 1.0783285 1.0747664 1.0730621 1.0675477 1.0579997 1.0495187\n", + " 1.0455534 1.0475496 1.0527049 1.0581597 1.0607516 0. 0.\n", + " 0. 0. ]\n", + " [1.1900848 1.1839749 1.1928635 1.2002652 1.1878985 1.1529194 1.1168876\n", + " 1.092541 1.0819906 1.0802227 1.080275 1.0756176 1.0659721 1.0564142\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1542277 1.1522483 1.163875 1.173732 1.1638 1.1324776 1.1008482\n", + " 1.078837 1.0674293 1.0641526 1.0620799 1.0562097 1.0479039 1.0412726\n", + " 1.0381399 1.0397722 1.0442412 1.0491003 1.0514815 1.052738 1.0536801\n", + " 1.0572071 1.0636187]\n", + " [1.1630554 1.1627057 1.1736047 1.1839843 1.1721569 1.1385281 1.1042103\n", + " 1.0817682 1.070014 1.0672988 1.0653172 1.0599635 1.0512892 1.044043\n", + " 1.0409684 1.0423756 1.0468694 1.0514712 1.0540284 1.054922 0.\n", + " 0. 0. ]\n", + " [1.1635071 1.1617529 1.1729293 1.1826029 1.1706824 1.137721 1.1043369\n", + " 1.0814989 1.0701098 1.0671093 1.0656921 1.0599853 1.0514524 1.0436167\n", + " 1.0406804 1.0419943 1.0470896 1.0520312 1.054559 1.0553023 0.\n", + " 0. 0. ]]\n", + "[[1.1724542 1.1684198 1.1806843 1.1921141 1.1817336 1.1487494 1.1135815\n", + " 1.0895901 1.0775706 1.0725193 1.0705731 1.0644234 1.0545915 1.0473316\n", + " 1.0441344 1.0463542 1.0523909 1.0569881 1.0596763 1.0612621 1.0626254\n", + " 1.0666217 1.0736552 1.0837985 1.0914587 1.0952477]\n", + " [1.1776315 1.1722981 1.1806034 1.1878403 1.1740549 1.1410627 1.1068653\n", + " 1.0844724 1.0739329 1.071603 1.0711403 1.0667913 1.0582407 1.0505219\n", + " 1.0467967 1.0487598 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.183785 1.1817443 1.1933422 1.2032871 1.1897775 1.1530087 1.1154128\n", + " 1.0908763 1.079143 1.0751557 1.073891 1.0680162 1.0579964 1.0498846\n", + " 1.0462657 1.0478302 1.0530113 1.058508 1.0610371 1.0619822 1.063495\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1802135 1.1778811 1.1888498 1.198825 1.1867421 1.1532066 1.1175691\n", + " 1.0932419 1.080238 1.0752547 1.0721872 1.0661321 1.0566128 1.0487239\n", + " 1.0453702 1.047449 1.0529135 1.057566 1.0598572 1.0605578 1.0621952\n", + " 1.0658762 0. 0. 0. 0. ]\n", + " [1.1648468 1.1601095 1.1693213 1.1790909 1.1678526 1.1359321 1.1027856\n", + " 1.0810132 1.071022 1.0703442 1.0707748 1.0667176 1.0575836 1.04894\n", + " 1.0448419 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1862594 1.1822226 1.1927431 1.2000475 1.1884542 1.1533347 1.1163641\n", + " 1.091588 1.0797017 1.0762993 1.0747985 1.0694836 1.0602088 1.051641\n", + " 1.0483236 1.0504057 1.0557971 1.0610868 0. 0. 0. ]\n", + " [1.1803585 1.1767677 1.185694 1.1945021 1.1821256 1.1489928 1.1143043\n", + " 1.0905685 1.0780854 1.0731372 1.0709755 1.0647613 1.0564212 1.0486445\n", + " 1.0458176 1.0473253 1.0528522 1.0579349 1.0604827 1.061685 1.0628593]\n", + " [1.1886669 1.1859648 1.1974005 1.2069607 1.1935692 1.1591401 1.1224623\n", + " 1.0967286 1.0838248 1.0786353 1.0760416 1.0695708 1.0593054 1.0514462\n", + " 1.0479387 1.0501661 1.0552053 1.0608351 1.0633622 1.0643058 1.0655953]\n", + " [1.2108603 1.2054096 1.2156603 1.2246356 1.2097138 1.1707444 1.1307383\n", + " 1.1044044 1.0933124 1.091633 1.0924819 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1770923 1.173302 1.1842949 1.1926875 1.1804786 1.1447082 1.1084387\n", + " 1.0849633 1.0743892 1.0725635 1.0725803 1.0678536 1.0588839 1.0500176\n", + " 1.0461459 1.048133 1.0536541 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1844702 1.1798626 1.1887442 1.1964304 1.1850507 1.1524545 1.1178426\n", + " 1.0940479 1.0813938 1.0767691 1.0744683 1.0685103 1.0588818 1.0507967\n", + " 1.0470192 1.0493798 1.0551189 1.060159 1.0623791]\n", + " [1.1790062 1.1732415 1.1826264 1.1908346 1.1797255 1.1466211 1.1116107\n", + " 1.0881821 1.0770371 1.0737798 1.0728835 1.0673105 1.0574579 1.0487046\n", + " 1.045021 1.0474777 1.0539613 0. 0. ]\n", + " [1.1601609 1.1536692 1.161797 1.168926 1.1593117 1.1287491 1.0976341\n", + " 1.0770494 1.0676956 1.065773 1.0658734 1.0616246 1.0536902 1.0460508\n", + " 1.0422496 1.0438778 0. 0. 0. ]\n", + " [1.1888385 1.1844208 1.1942785 1.2024541 1.1898679 1.1553966 1.1182122\n", + " 1.0933152 1.0809085 1.0775621 1.0766264 1.0709251 1.06126 1.0529532\n", + " 1.0488163 1.0508293 1.0566636 1.0619633 0. ]\n", + " [1.1741908 1.169816 1.1800299 1.1899161 1.1788106 1.1450045 1.1095066\n", + " 1.0862606 1.0756704 1.0736449 1.0734594 1.067992 1.0588698 1.0499438\n", + " 1.0462981 1.0481817 0. 0. 0. ]]\n", + "[[1.1781174 1.1750435 1.185853 1.195034 1.1816301 1.1470339 1.1115178\n", + " 1.0880057 1.0764385 1.073318 1.0725819 1.0674614 1.0587304 1.0500442\n", + " 1.046412 1.0481101 1.0537118 1.0590446 0. 0. 0. ]\n", + " [1.1685449 1.1658077 1.1774845 1.1862195 1.1739976 1.140072 1.1060885\n", + " 1.0830494 1.0720577 1.0701635 1.0692425 1.0646508 1.0557758 1.04782\n", + " 1.0441041 1.0456327 1.0506697 0. 0. 0. 0. ]\n", + " [1.1839092 1.1801367 1.1909977 1.2009817 1.187084 1.1506133 1.1138554\n", + " 1.0897032 1.0796769 1.0789882 1.0802728 1.0750525 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1609594 1.1593478 1.1704582 1.1789043 1.1670728 1.1341516 1.1006457\n", + " 1.0783548 1.0676855 1.0654627 1.0648868 1.0607482 1.0522257 1.0451136\n", + " 1.0417912 1.0430322 1.0476888 1.0526198 0. 0. 0. ]\n", + " [1.1702784 1.1682189 1.1794502 1.189455 1.1776507 1.1445513 1.110247\n", + " 1.0865524 1.0747955 1.070575 1.0680656 1.0623376 1.0529312 1.0453967\n", + " 1.0416752 1.0436238 1.0486069 1.0536871 1.05626 1.0575482 1.0591385]]\n", + "[[1.172578 1.1704451 1.1817126 1.1906036 1.1776354 1.1429871 1.1075963\n", + " 1.0846009 1.0730367 1.0691595 1.0677232 1.0621471 1.0531696 1.0459838\n", + " 1.043053 1.0451045 1.0497855 1.0549569 1.0571676 1.0582476 0.\n", + " 0. ]\n", + " [1.1586543 1.1573974 1.1689196 1.1793041 1.1678019 1.1362038 1.1034797\n", + " 1.0813767 1.0699632 1.0662631 1.0643469 1.058593 1.05051 1.0433028\n", + " 1.0403218 1.0417132 1.0465738 1.0510635 1.0530564 1.0536747 1.0551609\n", + " 1.0584376]\n", + " [1.1883334 1.183995 1.1957648 1.2062479 1.1953101 1.1593105 1.1203204\n", + " 1.093965 1.0818806 1.0787435 1.079331 1.0748632 1.0649958 1.0558215\n", + " 1.0514967 1.0533794 1.0596895 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1578915 1.1549246 1.1663953 1.1755952 1.1649921 1.134148 1.1012406\n", + " 1.0788625 1.0679954 1.0638858 1.06229 1.0570079 1.0487633 1.0418297\n", + " 1.0388739 1.0403112 1.0446681 1.0486485 1.0506628 1.0515479 1.052527\n", + " 1.0560229]\n", + " [1.1783705 1.1727834 1.1806896 1.1884052 1.1767281 1.1449536 1.1115963\n", + " 1.0890554 1.0775054 1.0739316 1.0730731 1.0688308 1.0602081 1.052202\n", + " 1.048418 1.0501124 1.0551392 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1739514 1.1702614 1.1807709 1.1897962 1.1765859 1.142035 1.1069651\n", + " 1.0850179 1.0744708 1.0726994 1.0716584 1.067246 1.0576942 1.0484685\n", + " 1.0450243 1.0471134 1.0525151 0. 0. ]\n", + " [1.187727 1.1829505 1.1932641 1.2017963 1.1878499 1.1520286 1.1168283\n", + " 1.0935562 1.0830472 1.0820577 1.0818597 1.0752149 1.0642301 1.0549915\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.166469 1.1642836 1.1755478 1.1834757 1.172232 1.1390895 1.1048709\n", + " 1.0821223 1.0714236 1.0681889 1.0669719 1.0620713 1.0532683 1.0448022\n", + " 1.0414733 1.0429102 1.0474743 1.052315 1.0549035]\n", + " [1.1704752 1.1656578 1.175114 1.1843238 1.1725522 1.1382104 1.1045274\n", + " 1.0824698 1.0723302 1.0711935 1.0714654 1.066338 1.0579761 1.0488205\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1605654 1.1564189 1.1648134 1.1721438 1.1605521 1.1299185 1.0980555\n", + " 1.0766636 1.066574 1.0640241 1.0636432 1.0593497 1.0514612 1.04395\n", + " 1.0409712 1.0426284 1.0473047 1.0521278 0. ]]\n", + "[[1.1782168 1.1747576 1.1860068 1.1953697 1.1825969 1.1482984 1.112707\n", + " 1.0893124 1.077503 1.0735971 1.0716664 1.065809 1.0561374 1.0481436\n", + " 1.0440456 1.0457546 1.0507483 1.0555154 1.0582908 1.0597998 0. ]\n", + " [1.1935536 1.1885526 1.1986341 1.207396 1.1937954 1.1578988 1.1215856\n", + " 1.0971153 1.0862024 1.0851749 1.0852643 1.0802772 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.2076559 1.2011906 1.2106373 1.2188095 1.2061474 1.1689095 1.129268\n", + " 1.1017722 1.0909716 1.0895367 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1892092 1.1858339 1.1965319 1.2064382 1.1938673 1.1588576 1.1221889\n", + " 1.0969248 1.0834565 1.0788164 1.0764437 1.0695674 1.0599006 1.0514699\n", + " 1.0479994 1.0498525 1.0553423 1.0604038 1.0634714 1.0641166 1.0657512]\n", + " [1.1591516 1.1554922 1.1642553 1.171866 1.1601479 1.1293539 1.0978004\n", + " 1.0766916 1.065879 1.0626754 1.0610176 1.0564494 1.0487894 1.0417228\n", + " 1.0385036 1.0398302 1.0443017 1.0488251 1.0512729 1.0527604 0. ]]\n", + "[[1.1696672 1.1659647 1.1756284 1.1832526 1.1704755 1.1372386 1.103931\n", + " 1.082287 1.072206 1.0695494 1.0687584 1.0634183 1.0545069 1.0468737\n", + " 1.043261 1.0452697 1.0503752 1.0554609 0. 0. ]\n", + " [1.1657463 1.1598641 1.1678216 1.1759992 1.1669 1.1365849 1.1040019\n", + " 1.0824442 1.0718577 1.0695906 1.0690527 1.0644462 1.0553722 1.0472322\n", + " 1.0433346 1.0451634 0. 0. 0. 0. ]\n", + " [1.1719995 1.1698773 1.1810462 1.189548 1.1763576 1.1421484 1.1070095\n", + " 1.084404 1.0734245 1.070044 1.0696573 1.06419 1.0554558 1.047203\n", + " 1.0437052 1.0450926 1.0498648 1.0550433 1.0573872 0. ]\n", + " [1.170693 1.1686506 1.1802648 1.1895432 1.1769081 1.1436989 1.1092534\n", + " 1.0857711 1.0738388 1.070686 1.068691 1.0627004 1.0541729 1.0463997\n", + " 1.0429044 1.0450189 1.0498667 1.0543989 1.0566394 1.0572932]\n", + " [1.1631376 1.1591659 1.1691116 1.178171 1.1664118 1.1346568 1.1022595\n", + " 1.0808889 1.070997 1.068446 1.0677527 1.0625563 1.0536407 1.0462897\n", + " 1.043096 1.0448686 0. 0. 0. 0. ]]\n", + "[[1.1684415 1.1656104 1.1755167 1.1818819 1.1698302 1.1371453 1.1041651\n", + " 1.0821264 1.0714948 1.0690881 1.0677012 1.0633705 1.0551875 1.0474826\n", + " 1.0438796 1.0454912 1.0504465 1.0551661]\n", + " [1.1751643 1.1691391 1.1784028 1.1878142 1.1760807 1.1437178 1.1095029\n", + " 1.0872205 1.0759975 1.074121 1.0729933 1.0673761 1.0582879 1.0497378\n", + " 1.0462481 1.0476885 1.0532067 0. ]\n", + " [1.170626 1.1671473 1.1777203 1.186199 1.1736923 1.1403059 1.106334\n", + " 1.0833298 1.0727835 1.070042 1.0686544 1.0640231 1.0549717 1.0471213\n", + " 1.0436887 1.0453111 1.0505106 1.0558383]\n", + " [1.169132 1.163658 1.170539 1.1790903 1.166558 1.1332947 1.0990871\n", + " 1.0783865 1.0688766 1.0686053 1.0693803 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1852205 1.1792098 1.188464 1.1975461 1.1853871 1.1505638 1.1150239\n", + " 1.091262 1.0821301 1.0815471 1.0816027 1.0761184 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1868783 1.18418 1.1949575 1.2036428 1.1907084 1.1557729 1.1195849\n", + " 1.0947946 1.0821104 1.0787069 1.0769042 1.0701902 1.0609641 1.0522925\n", + " 1.0482919 1.0500517 1.0555434 1.061101 1.0637773]\n", + " [1.2221076 1.2146475 1.2241594 1.232963 1.2185681 1.178546 1.1384461\n", + " 1.1097746 1.0976373 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1629598 1.1603479 1.1704689 1.1778129 1.166081 1.1345816 1.1018339\n", + " 1.0806279 1.0695537 1.0669163 1.0654546 1.0599627 1.0519954 1.0445904\n", + " 1.0408586 1.0425885 1.0472859 1.0519072 1.0545169]\n", + " [1.2007269 1.194342 1.2044784 1.2133934 1.1991923 1.1630809 1.1254965\n", + " 1.1009029 1.0889802 1.0873041 1.0871301 1.0820669 1.0711309 1.0609457\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1904052 1.1849518 1.1947836 1.2036765 1.1907499 1.1554799 1.1191486\n", + " 1.0952575 1.0841378 1.0823247 1.0826226 1.0766699 1.0664271 1.056619\n", + " 1.0524896 0. 0. 0. 0. ]]\n", + "[[1.2164586 1.211171 1.2224305 1.2297922 1.2157655 1.1754215 1.1336089\n", + " 1.1064664 1.0940645 1.0924522 1.0926152 1.0865483 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1491196 1.1473432 1.1571113 1.1659123 1.1559165 1.1256452 1.0960504\n", + " 1.0758525 1.065222 1.0612077 1.0593 1.0540668 1.0461326 1.0399443\n", + " 1.0373422 1.0390629 1.0430884 1.0471985 1.0498703 1.0508589 1.0521942\n", + " 1.0552952 1.061882 ]\n", + " [1.1683795 1.1623889 1.1713164 1.1794438 1.1677347 1.1358056 1.1029353\n", + " 1.0812786 1.0715649 1.0696305 1.069544 1.0653359 1.0568541 1.0486035\n", + " 1.0451357 1.0469881 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1645845 1.1616266 1.1715181 1.1799179 1.1672825 1.1350727 1.1019572\n", + " 1.0804555 1.0700408 1.0668695 1.0659322 1.0605173 1.052207 1.0446502\n", + " 1.0413884 1.0424083 1.0467998 1.0511482 1.0534629 0. 0.\n", + " 0. 0. ]\n", + " [1.1781496 1.1765333 1.1886404 1.197244 1.1843077 1.1484433 1.1115526\n", + " 1.0870131 1.0763386 1.0740838 1.0729779 1.0680203 1.0579509 1.048831\n", + " 1.0450234 1.046892 1.0523726 1.0580906 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1905491 1.1857951 1.1973069 1.2070303 1.1933314 1.156677 1.1188686\n", + " 1.094438 1.0836185 1.0821079 1.083125 1.077364 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1689322 1.1671326 1.1782295 1.1881447 1.1745523 1.1416423 1.1071403\n", + " 1.0842272 1.0744115 1.0725533 1.0723593 1.067247 1.057718 1.0493942\n", + " 1.0453117 1.0472392 0. 0. 0. 0. ]\n", + " [1.1722044 1.1693646 1.1795435 1.1872057 1.1764961 1.1434596 1.1080791\n", + " 1.0853279 1.0742129 1.0716715 1.0707115 1.0660517 1.0568535 1.048728\n", + " 1.0448891 1.0465577 1.0518754 1.057101 0. 0. ]\n", + " [1.1772432 1.1728603 1.1827404 1.1912037 1.1791778 1.1463627 1.1124791\n", + " 1.0891157 1.0774091 1.073665 1.0714313 1.0658457 1.0564423 1.0483681\n", + " 1.0450606 1.047015 1.0524507 1.0572933 1.0598134 1.0607803]\n", + " [1.1669093 1.1625745 1.1729572 1.1816213 1.1690121 1.1352143 1.1013992\n", + " 1.0796283 1.0698534 1.0680306 1.0685294 1.0641809 1.056097 1.0482113\n", + " 1.0447501 1.046547 0. 0. 0. 0. ]]\n", + "[[1.1596737 1.1563852 1.1656456 1.1723611 1.1595232 1.1275973 1.0964038\n", + " 1.07617 1.0663977 1.063727 1.0625414 1.0570076 1.0491478 1.0418954\n", + " 1.0387137 1.0406427 1.0453179 1.0500474 1.0524995]\n", + " [1.2015307 1.195622 1.2076944 1.2189078 1.2052892 1.167486 1.1288038\n", + " 1.1028378 1.0917645 1.0900122 1.0898666 1.0843134 1.0730225 1.0625708\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1520237 1.1478245 1.1572062 1.1657704 1.154886 1.126159 1.0956895\n", + " 1.0750899 1.065356 1.0632885 1.0630034 1.0591422 1.0507925 1.0435637\n", + " 1.0400717 1.0418319 0. 0. 0. ]\n", + " [1.170716 1.1675866 1.1780437 1.1865047 1.1735288 1.1408441 1.1070542\n", + " 1.0847465 1.0735765 1.0711783 1.069273 1.0635775 1.0544634 1.0465969\n", + " 1.0428712 1.0447782 1.0495888 1.0548003 1.0572251]\n", + " [1.1740167 1.1718495 1.1830012 1.192414 1.1789143 1.1446805 1.1092275\n", + " 1.0849473 1.0739334 1.0709206 1.0699954 1.064069 1.055451 1.0472546\n", + " 1.0436804 1.0451578 1.0502043 1.0550455 1.0576867]]\n", + "[[1.1751555 1.1728239 1.1846229 1.1947839 1.1814928 1.1469454 1.1112255\n", + " 1.0864729 1.0751586 1.0712509 1.0692648 1.0638564 1.0551542 1.0471426\n", + " 1.0434797 1.0448492 1.0499007 1.0546697 1.0568659 1.0577734 1.0588977\n", + " 0. 0. ]\n", + " [1.1745222 1.1711352 1.1812667 1.1900685 1.178611 1.1451838 1.1121461\n", + " 1.0896494 1.0775766 1.0734127 1.070887 1.0646235 1.0554188 1.0473279\n", + " 1.044298 1.0462544 1.0516206 1.0566052 1.0591437 1.0600963 1.0617096\n", + " 1.0657077 0. ]\n", + " [1.1682374 1.1653745 1.176476 1.1857415 1.1739908 1.1409314 1.1065981\n", + " 1.0840032 1.0730321 1.0712038 1.0704902 1.0662135 1.0574244 1.0490342\n", + " 1.0453192 1.0467169 1.0520275 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1806903 1.1758244 1.1868998 1.1958437 1.1831251 1.1489868 1.1139102\n", + " 1.0907321 1.0803201 1.078822 1.0793761 1.0742364 1.063899 1.0544308\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1543732 1.1527072 1.1635313 1.1724032 1.1607884 1.130515 1.0990231\n", + " 1.0780845 1.0674299 1.0642612 1.0622737 1.0563749 1.0473418 1.0406896\n", + " 1.037825 1.0398203 1.0439122 1.0488293 1.0513923 1.0521126 1.0533233\n", + " 1.0570157 1.0640333]]\n", + "[[1.1798549 1.1753616 1.185602 1.1948354 1.1821425 1.1482291 1.1128095\n", + " 1.0889028 1.0776541 1.0746454 1.0744092 1.06917 1.0592532 1.0501786\n", + " 1.0464935 1.0479391 1.0534606 1.0589381 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1733949 1.169466 1.1797247 1.1884427 1.1758277 1.1416287 1.107158\n", + " 1.0833626 1.0725168 1.0689058 1.0677915 1.062429 1.0545106 1.0470798\n", + " 1.043636 1.0455445 1.0508754 1.0558277 1.058453 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1913269 1.1857176 1.195378 1.2044148 1.1919215 1.156476 1.1195643\n", + " 1.0945904 1.083454 1.080647 1.0792946 1.0738363 1.0636255 1.0541978\n", + " 1.0499059 1.0518751 1.0576886 1.063477 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1727003 1.1706454 1.1815411 1.1913377 1.1796643 1.1461781 1.1106404\n", + " 1.0864623 1.0751431 1.0718164 1.0699986 1.0652959 1.0561996 1.0479537\n", + " 1.0441439 1.0458392 1.0505806 1.0553539 1.0580214 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.159753 1.1567923 1.1669265 1.17605 1.1639957 1.1317623 1.0997436\n", + " 1.0784786 1.0679334 1.0641966 1.0624566 1.0569508 1.0482748 1.0414885\n", + " 1.0385764 1.0404183 1.0454695 1.0501239 1.0527012 1.053551 1.0548477\n", + " 1.0577532 1.0647645 1.0741792]]\n", + "[[1.172456 1.1702276 1.1805953 1.1890618 1.1763194 1.1420329 1.106634\n", + " 1.0841974 1.0732487 1.0705904 1.069462 1.0645591 1.0555048 1.0476848\n", + " 1.0438954 1.0456563 1.0508391 1.0555967 1.0582689 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1558626 1.1518756 1.1598395 1.1669581 1.1543837 1.1246414 1.0937991\n", + " 1.0733061 1.0633277 1.061693 1.0614456 1.0578556 1.0497377 1.0431281\n", + " 1.0401984 1.0417691 1.0466025 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.17695 1.1729109 1.1819023 1.1885638 1.1747661 1.1411586 1.1072762\n", + " 1.0853881 1.076364 1.0754964 1.0758458 1.0708604 1.0613024 1.0516399\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1708984 1.167298 1.1780194 1.185876 1.1741073 1.140146 1.1055461\n", + " 1.0834918 1.0727532 1.0701091 1.069192 1.0642122 1.0550952 1.0472255\n", + " 1.0439866 1.0461342 1.0517824 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1585643 1.1541734 1.1644225 1.1750896 1.1659853 1.1354911 1.1020926\n", + " 1.080679 1.0702196 1.0671856 1.0652052 1.0590392 1.0495194 1.042087\n", + " 1.0390159 1.0411944 1.0467912 1.0518396 1.0547771 1.0554626 1.0566926\n", + " 1.0591704 1.0658778 1.0757445 1.0835071 1.0883659 1.089402 1.0857999\n", + " 1.07801 1.0683784]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.172258 1.1680675 1.1799299 1.1914166 1.183069 1.1498885 1.1153584\n", + " 1.0918053 1.0788004 1.0741469 1.0712875 1.0653987 1.0555035 1.0473683\n", + " 1.0438666 1.0460309 1.0522069 1.0574182 1.06041 1.06155 1.0626646\n", + " 1.0662789 1.0744327 1.0843496 1.0919824 1.0962918 1.0968902 1.0934923]\n", + " [1.1961044 1.1910923 1.2014085 1.2095511 1.1963278 1.1608429 1.1235051\n", + " 1.0987638 1.0873655 1.0849109 1.0839181 1.0786346 1.0682875 1.058427\n", + " 1.0545859 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1593213 1.1547563 1.1640539 1.1726909 1.1615629 1.1314921 1.0995011\n", + " 1.0781848 1.0677207 1.0652637 1.0641496 1.0596712 1.0511513 1.0440167\n", + " 1.0405772 1.0420119 1.04686 1.0514166 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1525632 1.1491932 1.1576961 1.1655117 1.1540135 1.1237942 1.0936506\n", + " 1.0738358 1.0636493 1.0599272 1.0578396 1.05263 1.045173 1.0384923\n", + " 1.0358671 1.0376012 1.0423185 1.0467435 1.0490077 1.0501661 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1617197 1.1599058 1.1715461 1.180535 1.1683047 1.1362017 1.1026433\n", + " 1.0803261 1.0694174 1.0658144 1.06418 1.0589545 1.050854 1.0434797\n", + " 1.0404586 1.0420358 1.0460733 1.0504874 1.0529417 1.0537105 1.0551802\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1869726 1.181976 1.1916312 1.2010418 1.1872698 1.1522982 1.1162955\n", + " 1.0927527 1.0815204 1.0798585 1.0795826 1.0741296 1.064388 1.0549626\n", + " 1.0510434 0. 0. 0. ]\n", + " [1.1673253 1.1636615 1.1731553 1.1813061 1.1683577 1.1354386 1.102785\n", + " 1.0818422 1.0710181 1.0689777 1.0678349 1.0626593 1.0537169 1.046058\n", + " 1.0425984 1.0443875 1.049478 1.0543554]\n", + " [1.162183 1.1572858 1.1673398 1.1762266 1.1658822 1.1344535 1.1017954\n", + " 1.0800664 1.0704195 1.068598 1.0685533 1.0641288 1.055482 1.0469886\n", + " 1.043029 1.044655 0. 0. ]\n", + " [1.16377 1.1591146 1.1686956 1.1767992 1.1650579 1.1321054 1.0997385\n", + " 1.0781562 1.069224 1.0684029 1.0692447 1.0654024 1.0573097 1.0493141\n", + " 0. 0. 0. 0. ]\n", + " [1.1514158 1.1471567 1.1560613 1.163423 1.1517049 1.122562 1.0923191\n", + " 1.0731741 1.064611 1.0636446 1.0642729 1.0594287 1.0509495 1.0430537\n", + " 1.0395199 0. 0. 0. ]]\n", + "[[1.1848664 1.1803576 1.1893576 1.1975667 1.1852884 1.151202 1.115279\n", + " 1.0913199 1.0788335 1.0754464 1.0737422 1.0681851 1.0588531 1.0507101\n", + " 1.0474993 1.0494369 1.0550382 1.0607047 1.0635114]\n", + " [1.192102 1.1862825 1.1953835 1.2038558 1.1904848 1.1551341 1.1184791\n", + " 1.0938474 1.0825918 1.0804648 1.0806311 1.0751632 1.0653863 1.0560557\n", + " 1.0520803 0. 0. 0. 0. ]\n", + " [1.1717703 1.1683428 1.179071 1.1878433 1.1754723 1.1417041 1.1078873\n", + " 1.0851725 1.0754248 1.0729167 1.0736357 1.0685188 1.0593053 1.0503492\n", + " 1.0466789 0. 0. 0. 0. ]\n", + " [1.1960148 1.1909133 1.2000052 1.2083063 1.1943306 1.1572645 1.1210573\n", + " 1.0970113 1.0864803 1.0848068 1.0856793 1.0795654 1.0688562 1.0586703\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.162344 1.1581229 1.1693678 1.1789365 1.1662098 1.1341131 1.1009088\n", + " 1.0790716 1.0692246 1.0669706 1.0666112 1.061401 1.0526205 1.0445006\n", + " 1.0410788 1.0430317 1.0481349 0. 0. ]]\n", + "[[1.1511763 1.1467068 1.1562803 1.1650828 1.1546215 1.1253237 1.0947281\n", + " 1.0746878 1.0653344 1.0647302 1.0649282 1.0604758 1.0515342 1.0435729\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1708074 1.1675199 1.1780692 1.1868455 1.1753397 1.1421368 1.1074054\n", + " 1.0850295 1.073358 1.0713603 1.0706598 1.06588 1.0569286 1.048653\n", + " 1.0451039 1.0471281 1.0524722 0. 0. 0. 0. ]\n", + " [1.1665741 1.1618708 1.1725496 1.1800237 1.1684453 1.1348449 1.1012797\n", + " 1.0802112 1.0709157 1.070689 1.0716629 1.0670809 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1803676 1.1751775 1.1848104 1.1935323 1.1814444 1.1483723 1.1132462\n", + " 1.0907501 1.0803066 1.0780761 1.0783656 1.0727608 1.0620439 1.0526441\n", + " 1.04852 0. 0. 0. 0. 0. 0. ]\n", + " [1.1867671 1.18296 1.193011 1.200914 1.1887759 1.1538733 1.1178087\n", + " 1.0928881 1.0802122 1.0754874 1.0736853 1.0670063 1.0581006 1.0500438\n", + " 1.0470756 1.0495334 1.0547812 1.059404 1.0618438 1.0629233 1.0643315]]\n", + "[[1.1736197 1.1708319 1.1814063 1.1905084 1.1797897 1.1463721 1.1109064\n", + " 1.0867157 1.0746545 1.0714736 1.0707719 1.0656092 1.0571203 1.0489216\n", + " 1.0451905 1.046583 1.0515903 1.0566508 1.0592438 0. 0. ]\n", + " [1.1900693 1.1828877 1.1924598 1.2016089 1.1883943 1.1532524 1.116914\n", + " 1.0928102 1.0814168 1.0803409 1.0804667 1.075502 1.0661143 1.0570316\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1734784 1.1719795 1.1833584 1.1934354 1.1799654 1.1455075 1.1106074\n", + " 1.0869222 1.0749052 1.0715678 1.0693476 1.0630751 1.0542977 1.0467894\n", + " 1.0430691 1.04498 1.0502328 1.0550141 1.0574005 1.0584245 1.0599817]\n", + " [1.1594796 1.1558993 1.16605 1.1747568 1.1627457 1.1321874 1.0997673\n", + " 1.0782425 1.068025 1.0656388 1.0648094 1.0602988 1.051918 1.0440547\n", + " 1.0405614 1.0421225 1.0470706 1.0519241 0. 0. 0. ]\n", + " [1.1550541 1.150838 1.1587894 1.1666428 1.1545746 1.1254556 1.0948755\n", + " 1.0743421 1.0644326 1.0610785 1.0607293 1.056505 1.0493019 1.0425361\n", + " 1.0391272 1.0404353 1.0449854 1.049374 0. 0. 0. ]]\n", + "[[1.1538373 1.1492026 1.1591102 1.1677759 1.1575979 1.1288521 1.0977346\n", + " 1.0760641 1.0662007 1.063963 1.0640837 1.0594052 1.0514356 1.0434451\n", + " 1.0403335 1.0419546 0. ]\n", + " [1.1646456 1.1609108 1.1715012 1.1817384 1.1702464 1.136696 1.1023571\n", + " 1.0796535 1.0691564 1.0675309 1.0680631 1.0635767 1.0549603 1.0469195\n", + " 1.0431818 1.0448501 1.049934 ]\n", + " [1.2006944 1.1953303 1.2048053 1.2129642 1.1976557 1.1618817 1.1243615\n", + " 1.0994482 1.0887574 1.0862927 1.0867943 1.0807511 1.0692756 1.0596098\n", + " 0. 0. 0. ]\n", + " [1.19502 1.189376 1.1995151 1.2081428 1.1941545 1.1570735 1.1196519\n", + " 1.0954157 1.0856001 1.08482 1.0852858 1.0794395 1.0676045 0.\n", + " 0. 0. 0. ]\n", + " [1.1831157 1.1790797 1.1888353 1.1971792 1.1842004 1.1493493 1.112759\n", + " 1.0900096 1.078969 1.076178 1.0759118 1.0705388 1.0609103 1.0522335\n", + " 1.0482587 1.0503432 1.0563214]]\n", + "[[1.1753684 1.1696388 1.179119 1.1879064 1.1770691 1.1440139 1.1098781\n", + " 1.0871996 1.0768043 1.0755051 1.0759321 1.0711983 1.0622662 1.0535351\n", + " 1.0493186 0. 0. 0. ]\n", + " [1.1689203 1.1654396 1.1760104 1.1854575 1.1727706 1.140126 1.1056724\n", + " 1.0830457 1.072174 1.0708152 1.0707418 1.0659063 1.0569403 1.0484664\n", + " 1.0447366 1.0465789 0. 0. ]\n", + " [1.2365373 1.2283986 1.2375422 1.2470825 1.2325397 1.1916935 1.1497023\n", + " 1.1197937 1.1057001 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1612066 1.1590736 1.1695466 1.1779618 1.1658859 1.1327305 1.1000674\n", + " 1.0783957 1.0683504 1.0658325 1.065584 1.0604606 1.0521141 1.0441508\n", + " 1.0409776 1.0424799 1.0473379 1.0521365]\n", + " [1.1798271 1.176744 1.1870362 1.195115 1.1815948 1.1463436 1.110492\n", + " 1.0866798 1.0763587 1.0736893 1.0732012 1.0678115 1.0586215 1.0502815\n", + " 1.0467354 1.0484668 1.0538747 1.0593059]]\n", + "[[1.162696 1.1587965 1.1702842 1.1802832 1.1684695 1.1356194 1.1018666\n", + " 1.0793211 1.0687433 1.067029 1.0664182 1.0613099 1.052276 1.0439938\n", + " 1.0401481 1.0419238 1.046731 1.0519528 0. 0. 0.\n", + " 0. ]\n", + " [1.1843209 1.1820416 1.1929862 1.2030132 1.190671 1.1551571 1.1194197\n", + " 1.0951511 1.0824949 1.0777607 1.0751143 1.0683362 1.058603 1.0501153\n", + " 1.0471246 1.0489053 1.0544986 1.0599203 1.0624014 1.0633042 1.0646045\n", + " 1.0681466]\n", + " [1.1746418 1.1692371 1.1775895 1.1850533 1.1738029 1.1416068 1.1075336\n", + " 1.08497 1.0736172 1.0704103 1.0701612 1.0653721 1.0566801 1.0485891\n", + " 1.0446562 1.0460712 1.0513277 1.0566868 0. 0. 0.\n", + " 0. ]\n", + " [1.1654927 1.1629012 1.1732064 1.1811184 1.1703949 1.137297 1.1027684\n", + " 1.0803827 1.0699549 1.0678473 1.0678833 1.0636247 1.055711 1.0480354\n", + " 1.0441244 1.0452106 1.050008 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1641803 1.1625726 1.1728985 1.1823635 1.1708 1.1379236 1.1045132\n", + " 1.0816638 1.0707847 1.0682734 1.0674489 1.0620203 1.0541462 1.0464438\n", + " 1.0422888 1.0444634 1.0493189 1.0545437 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1978362 1.1930299 1.2033839 1.2103372 1.1971741 1.1600853 1.1219066\n", + " 1.0968744 1.0845972 1.0816108 1.0799453 1.0744839 1.0641963 1.0554299\n", + " 1.0509489 1.0538374 1.0598409 1.0655923 0. ]\n", + " [1.1692681 1.1656282 1.1755108 1.1841922 1.1712403 1.1392742 1.1055964\n", + " 1.0825503 1.0718868 1.068703 1.0671978 1.0624828 1.0537082 1.0462836\n", + " 1.0423796 1.044301 1.0488992 1.0538666 1.0569286]\n", + " [1.1727543 1.1680257 1.1780905 1.1869779 1.1749067 1.1416438 1.10813\n", + " 1.0858496 1.0755053 1.0731595 1.0732131 1.0681804 1.0584688 1.0500047\n", + " 1.0458487 1.0473582 0. 0. 0. ]\n", + " [1.1853958 1.1797111 1.1905434 1.2009418 1.1896188 1.1540747 1.1163596\n", + " 1.0919158 1.0803658 1.0780042 1.0785124 1.0735333 1.0637597 1.0545673\n", + " 1.0499835 1.0516968 0. 0. 0. ]\n", + " [1.1665322 1.1636627 1.1723936 1.1792078 1.1663632 1.1337945 1.1011877\n", + " 1.0792956 1.069355 1.0660583 1.0651016 1.0599887 1.0511851 1.0440255\n", + " 1.0408524 1.0430335 1.0478809 1.0526891 1.0549707]]\n", + "[[1.1719509 1.1703404 1.181748 1.1913382 1.178179 1.1435488 1.1077462\n", + " 1.0840111 1.0735538 1.0710813 1.0713098 1.0663551 1.0573859 1.0492916\n", + " 1.0454351 1.0467675 1.0516727 1.0568839 0. ]\n", + " [1.1602535 1.1577652 1.1681197 1.1772557 1.1665801 1.1349258 1.1018065\n", + " 1.0793692 1.0685527 1.0653747 1.0644244 1.0597337 1.0509244 1.0436289\n", + " 1.0401947 1.0417348 1.0464942 1.0513166 1.0538149]]\n", + "[[1.1598159 1.1551174 1.1646911 1.1723759 1.1620332 1.1313589 1.0989381\n", + " 1.077783 1.0680401 1.06602 1.0666014 1.0620183 1.0532458 1.0453607\n", + " 1.0413946 1.042968 0. 0. 0. ]\n", + " [1.1714762 1.1694126 1.1807523 1.1908633 1.1796498 1.1462173 1.1103007\n", + " 1.0863731 1.0746571 1.0710821 1.0692241 1.0641918 1.0547057 1.0466827\n", + " 1.0429091 1.0443704 1.0496798 1.0545812 1.0575712]\n", + " [1.1623251 1.1564527 1.1657717 1.1743569 1.1637906 1.1321312 1.0997492\n", + " 1.0789005 1.0694969 1.068328 1.068713 1.0645514 1.0560111 1.0478458\n", + " 1.0442137 0. 0. 0. 0. ]\n", + " [1.187031 1.181921 1.1919184 1.2015256 1.1879051 1.1510836 1.1144947\n", + " 1.0903144 1.0799694 1.0784668 1.0790186 1.0741637 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1983782 1.1915256 1.2003214 1.2089777 1.1950636 1.1586028 1.1210784\n", + " 1.0968553 1.0859141 1.0850775 1.0853624 1.0792847 1.0687507 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1631583 1.1597828 1.1711423 1.1804594 1.1696761 1.1369373 1.1027329\n", + " 1.0804392 1.0704819 1.0681268 1.0685966 1.0640093 1.0547318 1.0466601\n", + " 1.0424436 1.0441469 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1759948 1.1735301 1.1840184 1.1921543 1.1791273 1.1443375 1.1090162\n", + " 1.0857569 1.0751944 1.072565 1.07146 1.0666732 1.0569357 1.0490981\n", + " 1.0454055 1.0469365 1.0522139 1.0572277 0. 0. 0.\n", + " 0. ]\n", + " [1.1506307 1.148408 1.159549 1.1677982 1.1581371 1.1280138 1.0962244\n", + " 1.075347 1.0648221 1.0613434 1.0595814 1.0540668 1.0463405 1.0397288\n", + " 1.0371311 1.0384156 1.0430398 1.0473739 1.0497319 1.0508212 1.0521985\n", + " 1.0554053]\n", + " [1.1798846 1.1763126 1.1857412 1.1953232 1.182477 1.148292 1.1140311\n", + " 1.0914397 1.080633 1.0782768 1.0776908 1.0721633 1.0624577 1.0536511\n", + " 1.0490612 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1777184 1.172547 1.1815841 1.1893854 1.1777381 1.1445473 1.1104465\n", + " 1.087244 1.076701 1.0745797 1.0750302 1.0700047 1.0607195 1.0523052\n", + " 1.0485642 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1713758 1.1687336 1.1803687 1.1906399 1.1786052 1.1456136 1.1105113\n", + " 1.0867405 1.0751692 1.0714601 1.0697412 1.0635313 1.054141 1.0461019\n", + " 1.0425615 1.0438553 1.0492548 1.0541549 1.0569549 1.0579216 0. ]\n", + " [1.1711254 1.1678493 1.1788363 1.1882699 1.1758235 1.1425755 1.1086437\n", + " 1.0859969 1.07435 1.0710717 1.0691372 1.0630218 1.0539659 1.046183\n", + " 1.042717 1.0444437 1.0496484 1.0545505 1.0569401 1.0579381 1.0596128]\n", + " [1.1678263 1.1649185 1.174928 1.1826417 1.1698971 1.1365765 1.1030661\n", + " 1.0814275 1.0717074 1.0700846 1.0698057 1.0651443 1.0555079 1.0473347\n", + " 1.0434587 1.0452358 0. 0. 0. 0. 0. ]\n", + " [1.1560397 1.1532683 1.1634418 1.1717474 1.1597669 1.1281801 1.0961617\n", + " 1.0752423 1.0647428 1.062408 1.061504 1.0567576 1.0490623 1.0421664\n", + " 1.0386167 1.0402958 1.0447274 1.0492551 1.0514479 0. 0. ]\n", + " [1.1687804 1.1656387 1.1763759 1.1851407 1.173533 1.1395143 1.10537\n", + " 1.0825641 1.0724559 1.0698897 1.0699494 1.0649165 1.0557867 1.0478654\n", + " 1.0438699 1.045773 1.0512702 0. 0. 0. 0. ]]\n", + "[[1.1734016 1.1721028 1.1827927 1.1924436 1.181 1.1472523 1.113692\n", + " 1.0902053 1.0787398 1.0744033 1.0714742 1.064415 1.0541493 1.046437\n", + " 1.0435977 1.045978 1.0512295 1.0563143 1.058492 1.0587959 1.0601183\n", + " 1.0637437 1.0718145 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1627647 1.1591967 1.1684201 1.1773479 1.1662039 1.1347224 1.1022416\n", + " 1.0801839 1.0692881 1.0655655 1.063891 1.0585089 1.0500674 1.0428027\n", + " 1.0393564 1.0410869 1.0455215 1.0499138 1.052797 1.0542296 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1395808 1.1355542 1.1474789 1.1587785 1.1512403 1.1229911 1.0933061\n", + " 1.0730364 1.0631777 1.0598917 1.0586017 1.0529412 1.0447549 1.0376394\n", + " 1.0349175 1.0368716 1.0414277 1.0459933 1.0483342 1.0492526 1.0498152\n", + " 1.0515352 1.0573736 1.0652761 1.0726452 1.0774807 1.078797 1.0761764\n", + " 1.0683852 1.0594847 1.0521528 1.0474974]\n", + " [1.1888326 1.183258 1.1941767 1.2036206 1.191757 1.1567287 1.1203933\n", + " 1.0958333 1.0837287 1.0813063 1.0809053 1.0757935 1.0659932 1.0561392\n", + " 1.0519215 1.054039 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.176617 1.1738039 1.1857771 1.1942905 1.1820052 1.1464988 1.1107093\n", + " 1.0881011 1.078135 1.0776603 1.0783893 1.0724827 1.0618007 1.0523765\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1829301 1.177421 1.1866467 1.1938037 1.1815873 1.1471338 1.1120206\n", + " 1.0886023 1.0774835 1.074593 1.0739024 1.069502 1.0604746 1.0519881\n", + " 1.0484849 1.050752 1.0565145 0. 0. 0. ]\n", + " [1.1692145 1.1672758 1.1768227 1.1851462 1.1732528 1.1407428 1.1067271\n", + " 1.0833672 1.072621 1.068773 1.0668826 1.0616581 1.0532632 1.0457319\n", + " 1.0427692 1.0440652 1.0496796 1.0545347 1.0571772 1.0580605]\n", + " [1.1788591 1.1747892 1.1852686 1.1941965 1.1818966 1.1475625 1.1126376\n", + " 1.0889996 1.078553 1.0761019 1.0759547 1.0702949 1.060404 1.0512017\n", + " 1.0471646 1.0490253 1.0548953 0. 0. 0. ]\n", + " [1.1781638 1.1725954 1.1821225 1.1896476 1.1755543 1.1421473 1.1085824\n", + " 1.0874211 1.0774715 1.0761647 1.0757414 1.0709492 1.0612475 1.0527567\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1873195 1.1836729 1.1956046 1.2051314 1.1913686 1.1558818 1.1186738\n", + " 1.0935034 1.0820837 1.079149 1.0781077 1.0725571 1.062149 1.0533804\n", + " 1.0493908 1.0513428 1.0571263 1.0626941 0. 0. ]]\n", + "[[1.1653527 1.1613979 1.1719624 1.1802413 1.1692264 1.1364079 1.102778\n", + " 1.0808955 1.0710411 1.0692673 1.0695726 1.0643935 1.0555631 1.0475097\n", + " 1.0436299 1.0454671 0. 0. 0. 0. 0. ]\n", + " [1.1733298 1.1704582 1.181015 1.1905532 1.178442 1.144592 1.109316\n", + " 1.0851239 1.0744405 1.071696 1.0708367 1.0661466 1.0569805 1.0485765\n", + " 1.0448782 1.0460848 1.0510604 1.0565524 0. 0. 0. ]\n", + " [1.1480749 1.1442735 1.1530342 1.1612715 1.1502523 1.1210154 1.0911855\n", + " 1.0718197 1.0628725 1.0607649 1.0603642 1.0562295 1.0481385 1.0408865\n", + " 1.037709 1.0391881 1.0440348 0. 0. 0. 0. ]\n", + " [1.1595286 1.1562808 1.1674398 1.1767987 1.165336 1.1332053 1.1003368\n", + " 1.0787143 1.0681418 1.0650659 1.0636227 1.0580095 1.0491617 1.0413516\n", + " 1.0380954 1.0394276 1.0440451 1.0488714 1.0513695 1.0522405 0. ]\n", + " [1.182871 1.1817591 1.1937994 1.2047083 1.1909494 1.1545694 1.116999\n", + " 1.0912484 1.079556 1.0758221 1.0743332 1.0677061 1.0586332 1.050154\n", + " 1.0467099 1.0482578 1.0534889 1.0587465 1.0612801 1.062492 1.0642239]]\n", + "[[1.160795 1.1557916 1.1650562 1.1734395 1.1618475 1.1311684 1.0990138\n", + " 1.0782757 1.0680221 1.0658295 1.0651891 1.0612319 1.0527927 1.0451224\n", + " 1.0417378 1.0434632 1.0486424 0. 0. 0. ]\n", + " [1.1776118 1.1744149 1.1851989 1.1941352 1.1820408 1.1476308 1.1117059\n", + " 1.0876361 1.0761718 1.0731311 1.0716479 1.0665295 1.0572486 1.048983\n", + " 1.0454421 1.0476521 1.0530128 1.0583998 0. 0. ]\n", + " [1.1834152 1.1776496 1.1861111 1.1937902 1.1828334 1.1497905 1.1141474\n", + " 1.0909947 1.0789814 1.07657 1.0764546 1.0719519 1.0621318 1.0533884\n", + " 1.0497046 1.0518451 0. 0. 0. 0. ]\n", + " [1.1742098 1.1729138 1.1840087 1.1927547 1.1785408 1.14484 1.1098562\n", + " 1.0865196 1.0750638 1.0710284 1.0698197 1.0641861 1.0545719 1.0465335\n", + " 1.043265 1.0449811 1.0498514 1.0549314 1.0575684 1.0589465]\n", + " [1.1694696 1.1668856 1.1779608 1.1870495 1.1749074 1.1410583 1.1069165\n", + " 1.0841974 1.0739895 1.071485 1.0706196 1.0649374 1.0561599 1.0479968\n", + " 1.0441068 1.0460199 1.050963 1.0558441 0. 0. ]]\n", + "[[1.1672782 1.1614517 1.1705022 1.1801555 1.1690454 1.1371948 1.1043261\n", + " 1.0826252 1.0719157 1.0698563 1.0699854 1.0652157 1.0561466 1.0480976\n", + " 1.0445179 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.180893 1.1770968 1.1879241 1.1961702 1.1827776 1.1469519 1.1107006\n", + " 1.0873543 1.0770545 1.0751234 1.0759186 1.071294 1.0619993 1.0529473\n", + " 1.0492518 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1459318 1.1431599 1.1532611 1.1623636 1.153204 1.1241287 1.0941912\n", + " 1.0736636 1.0633707 1.0595129 1.0576525 1.051991 1.0443335 1.0376427\n", + " 1.0350349 1.0369688 1.0415912 1.0462477 1.0487359 1.0493245 1.0501834\n", + " 1.0524809 1.0588055 1.0677049 1.0748074]\n", + " [1.1895114 1.1848974 1.1953564 1.2025626 1.1911118 1.1557691 1.1186411\n", + " 1.0931084 1.0813866 1.0785941 1.0790603 1.073241 1.0634607 1.0543317\n", + " 1.0503048 1.0526603 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1617639 1.1577805 1.1676433 1.1771553 1.1661335 1.1345779 1.1014299\n", + " 1.0789615 1.0680255 1.0648444 1.0634166 1.0588212 1.0506947 1.0433451\n", + " 1.040024 1.0415174 1.0459864 1.050726 1.0532703 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1947123 1.1921473 1.2036866 1.2138355 1.2019624 1.1663785 1.128532\n", + " 1.1011814 1.0875843 1.0828333 1.0796338 1.0730109 1.0622886 1.0535895\n", + " 1.0498056 1.051699 1.0567428 1.0622598 1.0644125 1.0657248 1.0673329]\n", + " [1.1769161 1.1723162 1.1827176 1.1908797 1.1793493 1.1458186 1.1104263\n", + " 1.0871868 1.0763212 1.0751828 1.0758113 1.0711356 1.0620342 1.0532438\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1840193 1.1780701 1.1865891 1.1939968 1.1812184 1.1483164 1.1147058\n", + " 1.0920519 1.0812521 1.0781406 1.0772184 1.0714368 1.0619874 1.0530696\n", + " 1.0497063 1.0525597 0. 0. 0. 0. 0. ]\n", + " [1.1696814 1.1648021 1.1745561 1.1836967 1.1718693 1.1405998 1.1074568\n", + " 1.0842944 1.0740536 1.0714271 1.0702635 1.065471 1.055888 1.04778\n", + " 1.0440613 1.0458287 1.0512464 0. 0. 0. 0. ]\n", + " [1.1525297 1.1487134 1.1565082 1.163267 1.1516742 1.1219254 1.0928397\n", + " 1.0729083 1.0634544 1.0606449 1.0599931 1.0555592 1.0477328 1.0410359\n", + " 1.0381852 1.0396491 1.0442463 1.0484911 0. 0. 0. ]]\n", + "[[1.1673229 1.163032 1.1738037 1.1836785 1.1717582 1.1390984 1.1047113\n", + " 1.0817808 1.0711353 1.0681587 1.0676888 1.063468 1.0546759 1.0467829\n", + " 1.0431306 1.0449455 1.0500029 1.0550126 0. ]\n", + " [1.1613456 1.158396 1.1703738 1.1796424 1.1678886 1.1351187 1.1015545\n", + " 1.0792562 1.0679504 1.0648082 1.0643765 1.059591 1.0512437 1.0436141\n", + " 1.0404102 1.0419649 1.0468506 1.0513852 1.0532819]\n", + " [1.1679862 1.1628326 1.1728199 1.1823539 1.170672 1.1383727 1.105162\n", + " 1.0832058 1.0728246 1.0717369 1.0717576 1.0674149 1.0583299 1.0495933\n", + " 1.0458465 0. 0. 0. 0. ]\n", + " [1.194466 1.1894335 1.2001315 1.2091818 1.1946515 1.1577737 1.1200296\n", + " 1.0953426 1.0843594 1.0836148 1.084374 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.162034 1.1597737 1.170136 1.1792018 1.167748 1.1356044 1.1024594\n", + " 1.0803359 1.0696361 1.0668525 1.0659114 1.060419 1.0519075 1.0442069\n", + " 1.0407556 1.041788 1.047 1.0515116 1.0540682]]\n", + "[[1.1806879 1.175703 1.1860461 1.1960481 1.1851279 1.1507449 1.113879\n", + " 1.0899811 1.0788482 1.0768526 1.0777137 1.0726147 1.0626249 1.053171\n", + " 1.0483322 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.184051 1.1784098 1.1879339 1.1974871 1.186581 1.1528127 1.1164823\n", + " 1.0921211 1.0811594 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1476299 1.1459043 1.1559861 1.1649861 1.1540636 1.1246434 1.0944198\n", + " 1.0742288 1.0642864 1.0611858 1.0595006 1.0539958 1.0457407 1.03894\n", + " 1.0364087 1.0382494 1.0431967 1.0476092 1.0502423 1.0505701 1.0519012\n", + " 1.0546352 1.06148 1.0704391]\n", + " [1.1606114 1.1584702 1.1690054 1.1754906 1.1639411 1.1314852 1.0992186\n", + " 1.0780721 1.068542 1.0666625 1.0657644 1.0615581 1.0530334 1.044982\n", + " 1.0419893 1.0435269 1.0486871 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1701336 1.1671363 1.178839 1.1888456 1.1764463 1.1417783 1.1064845\n", + " 1.0835547 1.0728093 1.0712163 1.0712513 1.0661898 1.0567795 1.0480196\n", + " 1.0438246 1.0454335 1.0505931 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1773279 1.1753628 1.1868103 1.1972497 1.1847092 1.1498697 1.1132152\n", + " 1.088448 1.076083 1.0724593 1.0706952 1.0645524 1.0556378 1.0476807\n", + " 1.0442832 1.0457556 1.0514404 1.0563227 1.0588171 1.0597409 1.0611879\n", + " 1.0650498]\n", + " [1.1669955 1.1641971 1.1749909 1.1847053 1.1723884 1.1382852 1.103442\n", + " 1.0811677 1.070595 1.0684754 1.0684708 1.0640327 1.0552707 1.047417\n", + " 1.0437219 1.0454015 1.0503073 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1679031 1.1631893 1.1730332 1.1819111 1.1705279 1.1379586 1.1037315\n", + " 1.0814745 1.0721022 1.0702039 1.070103 1.0649832 1.0561594 1.0477815\n", + " 1.0436682 1.0451223 1.0503249 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1847298 1.1787486 1.1877267 1.1954551 1.1824645 1.1488764 1.1142387\n", + " 1.091396 1.0806032 1.077679 1.0774503 1.0716531 1.06203 1.052686\n", + " 1.049079 1.0515751 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1833209 1.1791859 1.1895117 1.1981175 1.1841251 1.1490439 1.1127974\n", + " 1.0891542 1.07805 1.0759101 1.0752493 1.0709225 1.0615435 1.0529455\n", + " 1.0493335 1.0517457 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1874931 1.1835468 1.19378 1.2029324 1.1891499 1.1530455 1.1155865\n", + " 1.0909445 1.0789278 1.076822 1.0756481 1.0705676 1.0607055 1.0519835\n", + " 1.0479851 1.0498362 1.0554487 1.0608789 0. 0. ]\n", + " [1.1906159 1.1878701 1.200412 1.2102365 1.1989247 1.1620584 1.1237525\n", + " 1.0983462 1.0853381 1.0810643 1.0788387 1.0725373 1.062213 1.0533366\n", + " 1.0491923 1.0513968 1.0572513 1.0625225 1.065259 1.0661707]\n", + " [1.1757776 1.1730611 1.1851311 1.1929855 1.1818539 1.1467811 1.111124\n", + " 1.088016 1.0772129 1.0755578 1.0751818 1.07037 1.0605185 1.0516143\n", + " 1.0475132 0. 0. 0. 0. 0. ]\n", + " [1.1844225 1.1815073 1.192283 1.2012707 1.1873496 1.151804 1.1150292\n", + " 1.0900333 1.0780525 1.0743506 1.073108 1.0672699 1.058211 1.0502682\n", + " 1.0471319 1.0486294 1.0536311 1.0581603 1.0607017 1.0625178]\n", + " [1.1738449 1.1700219 1.1797787 1.1889923 1.1756715 1.1407287 1.1055856\n", + " 1.0840902 1.0752755 1.0748824 1.0755446 1.0707419 1.0611581 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1775701 1.1741176 1.1840817 1.1923001 1.1790193 1.1460779 1.1116747\n", + " 1.0886605 1.0778044 1.0749314 1.0741286 1.0687952 1.0588892 1.0509316\n", + " 1.0472368 1.0493598 1.0552752 0. 0. 0. 0. ]\n", + " [1.1938277 1.1900951 1.2003049 1.2091695 1.1954757 1.1601826 1.1231843\n", + " 1.0979882 1.0852392 1.081541 1.0797262 1.0730603 1.0632348 1.0542369\n", + " 1.0503945 1.0525672 1.0578201 1.0641581 1.0664068 0. 0. ]\n", + " [1.1551781 1.1534443 1.1638052 1.1720667 1.1619189 1.1313163 1.0990953\n", + " 1.0771657 1.066544 1.0626113 1.0611176 1.0557812 1.0477204 1.0410651\n", + " 1.0376257 1.0394311 1.0436969 1.0483943 1.0509821 1.052268 1.0539184]\n", + " [1.1756717 1.1703181 1.1806178 1.1897931 1.1795936 1.1464142 1.1117352\n", + " 1.0884645 1.0779092 1.0766737 1.077274 1.0722693 1.0623685 1.0526243\n", + " 1.0481802 0. 0. 0. 0. 0. 0. ]\n", + " [1.1571312 1.1525073 1.1618423 1.1694348 1.1587052 1.1279773 1.0971317\n", + " 1.0765733 1.0672079 1.064942 1.0644389 1.0597138 1.0517987 1.0439649\n", + " 1.0410256 1.0432332 0. 0. 0. 0. 0. ]]\n", + "[[1.1703887 1.1663268 1.1757942 1.1836742 1.1700416 1.1377708 1.1049484\n", + " 1.0836617 1.0740476 1.0729494 1.0729271 1.0680778 1.058281 1.0496266\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1608353 1.1586708 1.1700454 1.1794646 1.1683326 1.1351689 1.1013412\n", + " 1.0792449 1.0681039 1.0647879 1.063175 1.0580205 1.0501527 1.0430994\n", + " 1.0399294 1.0413103 1.0458454 1.0501045 1.0524584 1.0532566 1.0548152\n", + " 1.0582954]\n", + " [1.1668383 1.1640828 1.1755126 1.1845374 1.1722133 1.139053 1.1054311\n", + " 1.0832684 1.0723078 1.0692513 1.0674876 1.0613351 1.0518637 1.0441744\n", + " 1.0408474 1.04231 1.0472705 1.0522676 1.05481 1.0559895 0.\n", + " 0. ]\n", + " [1.1558135 1.152065 1.1613947 1.1698531 1.158396 1.1279155 1.0956651\n", + " 1.0742718 1.0645453 1.0617893 1.0616117 1.0574789 1.050022 1.0423653\n", + " 1.0390812 1.0404611 1.0449265 1.0492007 0. 0. 0.\n", + " 0. ]\n", + " [1.168834 1.1642143 1.1752197 1.1848097 1.1723871 1.1388726 1.1042933\n", + " 1.0813636 1.0708115 1.0683218 1.0677493 1.0630445 1.0543284 1.0464039\n", + " 1.0426747 1.0442501 1.0494248 1.0541757 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1669779 1.1641552 1.174141 1.1828575 1.170105 1.1373916 1.1037246\n", + " 1.081895 1.0717337 1.069353 1.0684662 1.0638599 1.0550392 1.0466696\n", + " 1.0430994 1.04473 1.0500394 0. 0. ]\n", + " [1.1800374 1.1767254 1.1869019 1.19513 1.1824787 1.1483907 1.1139919\n", + " 1.0905948 1.0785253 1.075533 1.0737789 1.0679995 1.0583785 1.049955\n", + " 1.0463498 1.0487782 1.0540346 1.0591648 1.0614119]\n", + " [1.156018 1.151367 1.160614 1.168667 1.1578016 1.1273937 1.0957468\n", + " 1.0746633 1.0647155 1.0621512 1.0617027 1.0578914 1.0503526 1.0433936\n", + " 1.0403306 1.0418042 1.046325 1.050725 0. ]\n", + " [1.2060633 1.1990588 1.2071581 1.214758 1.2014198 1.1638582 1.1263347\n", + " 1.1015221 1.0907516 1.0888532 1.0883358 1.0824677 1.0713722 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.178578 1.1758229 1.1861126 1.1953593 1.182858 1.1485438 1.1126357\n", + " 1.088897 1.0773071 1.0742731 1.0724713 1.0669382 1.0574178 1.049147\n", + " 1.0452863 1.0470108 1.0524207 1.057634 1.0601913]]\n", + "[[1.1835762 1.1811885 1.1901116 1.1978571 1.183796 1.1482853 1.1141968\n", + " 1.0903482 1.0784558 1.0752305 1.073668 1.0679048 1.0585363 1.0498772\n", + " 1.0458028 1.047417 1.0528891 1.0580323 1.0606447 0. 0.\n", + " 0. 0. ]\n", + " [1.163428 1.1604625 1.1709678 1.1793641 1.1697876 1.1384618 1.1057284\n", + " 1.0839589 1.0720607 1.0684309 1.0661594 1.0603585 1.0518055 1.0443478\n", + " 1.0412772 1.0433414 1.0479525 1.0527062 1.0545373 1.0545908 1.0558934\n", + " 1.0590992 0. ]\n", + " [1.1714568 1.1666323 1.1759529 1.1853542 1.1735759 1.1405687 1.1066909\n", + " 1.0847032 1.073808 1.0718939 1.0719478 1.0667361 1.0569484 1.0483348\n", + " 1.0447952 1.0471786 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1677511 1.1653042 1.1752855 1.1847169 1.1726927 1.1392252 1.1064057\n", + " 1.0848048 1.073819 1.069331 1.0672207 1.0609393 1.051953 1.0442458\n", + " 1.0411689 1.0434062 1.0484766 1.0538424 1.0555985 1.056816 1.058298\n", + " 1.0621026 1.0699681]\n", + " [1.1696777 1.1664367 1.1768776 1.184891 1.1736133 1.1399302 1.1052978\n", + " 1.0823473 1.0717192 1.0690937 1.0690143 1.0645705 1.0559628 1.0478694\n", + " 1.0443457 1.0457221 1.0507454 1.0553617 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1723852 1.1699249 1.180468 1.1895717 1.176446 1.141861 1.1076365\n", + " 1.0839754 1.0728266 1.0692441 1.0684524 1.0630224 1.0544215 1.0459733\n", + " 1.0425057 1.0439346 1.0488408 1.0538443 1.0570184]\n", + " [1.1770604 1.1727502 1.182327 1.1906934 1.1776524 1.1441029 1.1095152\n", + " 1.0862885 1.0752963 1.0724502 1.0720488 1.067628 1.058034 1.0498366\n", + " 1.0460683 1.0481249 1.053381 1.0585766 0. ]\n", + " [1.162927 1.1589828 1.1697208 1.1791425 1.1679109 1.1358253 1.102676\n", + " 1.0806147 1.0703366 1.0682677 1.0688314 1.0638486 1.0547727 1.0463916\n", + " 1.0429211 1.0445257 0. 0. 0. ]\n", + " [1.166648 1.1635258 1.1728513 1.1821097 1.1704841 1.1391431 1.1059558\n", + " 1.0834082 1.0728552 1.0692337 1.0677128 1.0625015 1.0532604 1.0456816\n", + " 1.0417473 1.0436496 1.0483956 1.0530931 1.0554913]\n", + " [1.1729107 1.1677108 1.1772509 1.1850991 1.1726167 1.1387618 1.1041502\n", + " 1.0816929 1.0722582 1.0718186 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1836743 1.1814559 1.1930603 1.2023768 1.1885475 1.1531408 1.1165932\n", + " 1.0917811 1.0796864 1.076152 1.074031 1.0679628 1.0583442 1.0504373\n", + " 1.0467956 1.0485725 1.0539978 1.0595065 1.0616474 1.0629791]\n", + " [1.1798533 1.1778789 1.1899912 1.1986518 1.1862073 1.1511933 1.1150159\n", + " 1.0905563 1.0789207 1.0749879 1.0726612 1.0659766 1.0556529 1.0474017\n", + " 1.043884 1.0458239 1.0516548 1.0571468 1.0601242 1.0611328]\n", + " [1.1770369 1.1721017 1.1825345 1.1914382 1.1785816 1.1444318 1.109447\n", + " 1.0857444 1.075267 1.0726212 1.0715145 1.0672691 1.0585457 1.0501771\n", + " 1.046532 1.0485358 1.0540882 0. 0. 0. ]\n", + " [1.1618791 1.1594762 1.1699802 1.1786684 1.1669523 1.1350867 1.10247\n", + " 1.0802757 1.0697708 1.0667765 1.0657462 1.0599118 1.0515814 1.0439079\n", + " 1.0407904 1.0420773 1.0465903 1.0512534 1.0538148 0. ]\n", + " [1.1897272 1.1840848 1.1929674 1.2018687 1.1884012 1.1541454 1.1186646\n", + " 1.0944523 1.0828357 1.0803695 1.0796362 1.0737922 1.0628811 1.0537349\n", + " 1.0495918 1.0523821 0. 0. 0. 0. ]]\n", + "[[1.178928 1.1738857 1.1845105 1.193432 1.181637 1.1474316 1.1113026\n", + " 1.0881314 1.0774024 1.0756775 1.0757302 1.0707816 1.0614502 1.0522869\n", + " 1.0484248 1.0504174 0. 0. ]\n", + " [1.1781954 1.1750584 1.1854299 1.1945626 1.1817 1.1473781 1.111843\n", + " 1.0887128 1.0774399 1.07443 1.0740647 1.0686988 1.059511 1.0507784\n", + " 1.0468001 1.0484282 1.053627 1.058907 ]\n", + " [1.1738237 1.168364 1.1777871 1.184329 1.1722311 1.1387386 1.104532\n", + " 1.0821912 1.0715622 1.070012 1.0698023 1.0665752 1.0581293 1.0503813\n", + " 1.0465807 0. 0. 0. ]\n", + " [1.1618533 1.1580014 1.1673954 1.1759038 1.1644783 1.1329758 1.100454\n", + " 1.0794492 1.0700178 1.0686733 1.0686958 1.064743 1.0557925 1.0476294\n", + " 1.0438929 0. 0. 0. ]\n", + " [1.1706097 1.1660835 1.1771337 1.1869535 1.1757382 1.1419191 1.1057913\n", + " 1.0825543 1.0718392 1.0695324 1.0698622 1.0650371 1.0557947 1.0475339\n", + " 1.0436062 1.045308 1.0506059 0. ]]\n", + "[[1.1744957 1.1700531 1.1801995 1.1894082 1.1769891 1.1433759 1.1088905\n", + " 1.0860665 1.075309 1.0740036 1.0742303 1.0694859 1.0603232 1.0518018\n", + " 1.0475978 0. 0. 0. 0. ]\n", + " [1.1923493 1.186765 1.1960753 1.2040746 1.1909568 1.1562614 1.120227\n", + " 1.0959194 1.0845611 1.0811391 1.0794336 1.0731838 1.0630319 1.053571\n", + " 1.0497729 1.0516136 1.0580946 1.0640765 0. ]\n", + " [1.181712 1.1782374 1.1890606 1.1980563 1.1839666 1.1486726 1.1129613\n", + " 1.0892402 1.0775778 1.0739712 1.0720764 1.0666193 1.057495 1.049344\n", + " 1.0459 1.0479378 1.0529372 1.057787 1.0604978]\n", + " [1.1684576 1.1674205 1.1791782 1.1883237 1.1748935 1.1411641 1.1071036\n", + " 1.0840932 1.0730066 1.0697684 1.0689212 1.0631733 1.0542569 1.0464439\n", + " 1.0428034 1.0447378 1.0494752 1.0543505 1.0567255]\n", + " [1.185707 1.1811341 1.1912968 1.2002975 1.1872627 1.1532097 1.1168727\n", + " 1.0923567 1.0811769 1.0785167 1.0787286 1.0737724 1.0639243 1.0553472\n", + " 1.0512645 1.053308 0. 0. 0. ]]\n", + "[[1.1920971 1.1852823 1.1941139 1.2020414 1.1900847 1.1543465 1.1173692\n", + " 1.0938946 1.0835118 1.0813713 1.0812731 1.0757881 1.0655458 1.056414\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1796812 1.1774905 1.1877308 1.1967314 1.1828566 1.1486387 1.1129642\n", + " 1.0892811 1.0780493 1.0742413 1.0730828 1.067252 1.0572771 1.0492655\n", + " 1.0452963 1.0472076 1.0525938 1.0573095 1.0603595]\n", + " [1.1657892 1.1642026 1.1750743 1.1839135 1.171437 1.1386625 1.1050869\n", + " 1.0825218 1.0714917 1.068397 1.0676695 1.062478 1.0536991 1.0461135\n", + " 1.0426135 1.0446357 1.0494875 1.0541341 1.0563675]\n", + " [1.1766253 1.1728382 1.1820819 1.1906481 1.1777455 1.145143 1.110754\n", + " 1.087818 1.077461 1.0748227 1.0736306 1.0689144 1.0590274 1.0502195\n", + " 1.0465537 1.0486914 1.0542454 0. 0. ]\n", + " [1.177759 1.1723759 1.1814945 1.1895015 1.1779623 1.1435378 1.1091354\n", + " 1.0871333 1.0773578 1.0767425 1.07697 1.0722142 1.061928 1.0527552\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1544529 1.1537015 1.1653255 1.17411 1.163241 1.1313001 1.0994518\n", + " 1.0781106 1.0677403 1.0642323 1.0622033 1.0567275 1.0481716 1.040621\n", + " 1.037797 1.0395172 1.0440941 1.048379 1.0509487 1.0519748 1.0536782\n", + " 0. ]\n", + " [1.2096688 1.2026279 1.2108663 1.2189633 1.2053872 1.1677241 1.1280975\n", + " 1.1013322 1.0891225 1.0871607 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1744605 1.1713271 1.1811899 1.189442 1.1792437 1.1468763 1.1120397\n", + " 1.0888547 1.0771778 1.0730231 1.0706241 1.0645294 1.0546608 1.0468869\n", + " 1.0430819 1.0452422 1.0503247 1.0549581 1.0572169 1.0577385 0.\n", + " 0. ]\n", + " [1.1755102 1.1709783 1.1808991 1.1896738 1.1769601 1.1431673 1.1085889\n", + " 1.085779 1.0763963 1.0750198 1.0753026 1.070385 1.0602646 1.0515125\n", + " 1.0477375 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.156663 1.1545331 1.1642184 1.17253 1.1614528 1.1307274 1.0994719\n", + " 1.0784931 1.0681126 1.064199 1.0623975 1.0567597 1.0487028 1.0414642\n", + " 1.0387886 1.0409433 1.0453576 1.0495762 1.0515343 1.0523908 1.0540385\n", + " 1.0579222]]\n", + "[[1.1521614 1.1496934 1.1595871 1.1682787 1.1569813 1.1263189 1.0949024\n", + " 1.0739031 1.0639951 1.0613159 1.0606872 1.0564399 1.0484228 1.0416112\n", + " 1.0383652 1.0399542 1.044679 1.0492972 0. ]\n", + " [1.1633133 1.160212 1.1702863 1.1784923 1.1662825 1.1336358 1.1012285\n", + " 1.0796058 1.0699542 1.0687401 1.0688229 1.0641664 1.0555961 1.047535\n", + " 1.0436642 1.0457703 0. 0. 0. ]\n", + " [1.1830207 1.1795995 1.1906064 1.1995994 1.1865592 1.1518954 1.115997\n", + " 1.0911589 1.0794293 1.0760831 1.074697 1.068961 1.0592244 1.0503801\n", + " 1.0467551 1.0486248 1.0542042 1.0594779 1.0618975]\n", + " [1.1960305 1.1921272 1.2033036 1.214633 1.1996777 1.1616663 1.1222122\n", + " 1.0975552 1.0868807 1.0856203 1.0853714 1.0795281 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.190304 1.1848257 1.1948766 1.2033478 1.1906333 1.1554472 1.1191158\n", + " 1.0954415 1.0842956 1.0820829 1.081014 1.0758682 1.0655444 1.0563042\n", + " 1.0520989 1.0545176 0. 0. 0. ]]\n", + "[[1.2055042 1.199284 1.2090901 1.2167494 1.2017518 1.1642615 1.1259112\n", + " 1.1010721 1.0895888 1.0878286 1.0874391 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1718643 1.167733 1.1779075 1.1865441 1.173792 1.1409171 1.1068995\n", + " 1.0843482 1.0744834 1.0725636 1.0725263 1.0669838 1.0577656 1.0492826\n", + " 1.0456051 0. 0. 0. ]\n", + " [1.1904334 1.1840144 1.1923504 1.1996756 1.1863883 1.1523379 1.1171844\n", + " 1.0941136 1.0829324 1.080151 1.0792235 1.074752 1.0650489 1.0563141\n", + " 1.0523021 0. 0. 0. ]\n", + " [1.1704941 1.1667267 1.1765435 1.1847187 1.173153 1.1403422 1.1066076\n", + " 1.084378 1.0730705 1.0701073 1.0695395 1.0642729 1.0557524 1.047261\n", + " 1.0433381 1.0448543 1.049546 1.054485 ]\n", + " [1.1738067 1.1707667 1.1808467 1.1887728 1.1761572 1.142754 1.1084247\n", + " 1.0852607 1.0741681 1.0717888 1.0713568 1.0664413 1.056497 1.0488564\n", + " 1.0450578 1.0466144 1.0518688 1.0566946]]\n", + "[[1.1790047 1.1754717 1.1865472 1.1943372 1.1832294 1.1495359 1.1140319\n", + " 1.0900234 1.0776752 1.0740268 1.0716077 1.0649825 1.0559928 1.047903\n", + " 1.0445789 1.0468646 1.0522727 1.0573323 1.0596043 1.0601658 1.0616583]\n", + " [1.1630284 1.1588651 1.1663778 1.1737045 1.1614641 1.1304215 1.0990068\n", + " 1.0781145 1.0677421 1.0649415 1.0637767 1.0595093 1.051544 1.0443131\n", + " 1.0411496 1.0426192 1.0473292 1.0521054 0. 0. 0. ]\n", + " [1.1613868 1.1574132 1.1677555 1.176472 1.1652155 1.133254 1.1001389\n", + " 1.0787214 1.0687335 1.0672994 1.067086 1.0625948 1.0538037 1.0459579\n", + " 1.0424341 1.044278 0. 0. 0. 0. 0. ]\n", + " [1.168006 1.166187 1.1769251 1.1866968 1.1739141 1.1413319 1.1070787\n", + " 1.0844028 1.073161 1.070423 1.0689834 1.0641795 1.055279 1.0466297\n", + " 1.0433636 1.0449548 1.0504436 1.0555421 0. 0. 0. ]\n", + " [1.1913637 1.1860781 1.1952344 1.2033396 1.1912975 1.1563994 1.1199595\n", + " 1.0953816 1.0848075 1.0822417 1.0813315 1.0760664 1.0657709 1.0559449\n", + " 1.0520208 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.164003 1.1618065 1.1721015 1.1811751 1.1689681 1.1375566 1.1042016\n", + " 1.081562 1.0708582 1.0679781 1.0666609 1.0620811 1.0535303 1.0461265\n", + " 1.0424098 1.0438062 1.0486493 1.053674 0. 0. 0.\n", + " 0. ]\n", + " [1.1756706 1.1734971 1.1850868 1.1943841 1.1810569 1.1461326 1.1110309\n", + " 1.087545 1.075372 1.0720026 1.0708445 1.064362 1.0555269 1.0474563\n", + " 1.0439783 1.0458438 1.0505142 1.0556923 1.0585521 1.0598468 0.\n", + " 0. ]\n", + " [1.226449 1.2181039 1.2267407 1.2343879 1.2222618 1.1833104 1.142131\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1626735 1.1607969 1.1722467 1.1814348 1.1705798 1.1374611 1.1039338\n", + " 1.0820674 1.0710448 1.0672201 1.065454 1.0596639 1.0504509 1.0433819\n", + " 1.0401489 1.0416441 1.0462497 1.0510927 1.0534999 1.0539922 1.0557803\n", + " 1.0594021]\n", + " [1.1839803 1.1810653 1.191884 1.1994454 1.1874268 1.1522655 1.1157581\n", + " 1.0911394 1.079717 1.07616 1.0747404 1.068079 1.059234 1.0511873\n", + " 1.0470552 1.049224 1.0544268 1.0597202 1.0621759 0. 0.\n", + " 0. ]]\n", + "[[1.1584221 1.1552922 1.1652535 1.1735339 1.1623065 1.130457 1.0984778\n", + " 1.0771465 1.0671097 1.0645502 1.0640752 1.0594481 1.0511799 1.0437365\n", + " 1.0404904 1.0420829 1.0466086 1.051363 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1582749 1.1544983 1.1638093 1.1721851 1.1612968 1.1295869 1.0974994\n", + " 1.0757008 1.0655193 1.0628971 1.0638534 1.0600779 1.0520195 1.044924\n", + " 1.0412307 1.0427109 1.0476297 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1591526 1.157423 1.1669307 1.1769345 1.1657177 1.1351084 1.1025348\n", + " 1.0807109 1.069537 1.0658484 1.063802 1.0583845 1.0498207 1.0428476\n", + " 1.0396843 1.0413374 1.0462611 1.050896 1.0528928 1.0537238 1.0551014\n", + " 1.0586438 1.0650836 1.0741913]\n", + " [1.1944728 1.1872466 1.1954194 1.202157 1.1876969 1.1520032 1.1161518\n", + " 1.0915916 1.0800527 1.0776958 1.0762135 1.0711079 1.0615413 1.0530205\n", + " 1.0494428 1.0519646 1.0579562 1.0639508 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1823083 1.179388 1.1913587 1.1997678 1.1871048 1.1513586 1.11416\n", + " 1.0898197 1.0788425 1.0760901 1.076189 1.0709008 1.0605576 1.0520648\n", + " 1.047857 1.049602 1.0555655 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1562382 1.1523559 1.1604283 1.1683766 1.157585 1.1272976 1.0966543\n", + " 1.075525 1.0653257 1.0623559 1.0612407 1.0571275 1.0492378 1.0420184\n", + " 1.0386591 1.040099 1.0446558 1.0492021 0. 0. ]\n", + " [1.167722 1.1668382 1.1774033 1.1856381 1.173886 1.1405603 1.1063936\n", + " 1.0836649 1.0725425 1.0690675 1.0670974 1.0616884 1.0526435 1.0452278\n", + " 1.041851 1.0435601 1.0482663 1.0533382 1.055807 1.0567834]\n", + " [1.1666242 1.160593 1.16862 1.1755325 1.1646348 1.1332936 1.1014969\n", + " 1.080399 1.0698458 1.066812 1.0662484 1.0617524 1.0530957 1.0457159\n", + " 1.0423608 1.0440453 1.0490226 1.0543159 0. 0. ]\n", + " [1.1825739 1.1788417 1.1891733 1.1983191 1.1854161 1.151859 1.1164061\n", + " 1.0919673 1.0793262 1.0747513 1.0738515 1.0682746 1.058718 1.0506065\n", + " 1.0471454 1.0490081 1.054175 1.0594308 1.0618116 0. ]\n", + " [1.185834 1.1813089 1.1905968 1.1987946 1.1864477 1.1519651 1.116297\n", + " 1.0922011 1.0806674 1.0778168 1.0772378 1.0709027 1.0607884 1.0524249\n", + " 1.0486602 1.0510794 1.0570308 0. 0. 0. ]]\n", + "[[1.1611098 1.1583917 1.1679875 1.1769434 1.1644547 1.1334398 1.1008526\n", + " 1.0792177 1.0682063 1.0657724 1.0643054 1.0600297 1.0517919 1.0444145\n", + " 1.0408187 1.0424771 1.0468664 1.0512903 1.0535271 0. 0. ]\n", + " [1.1722519 1.1689733 1.1793176 1.1875799 1.1741182 1.1404842 1.1074846\n", + " 1.0850185 1.0741997 1.070493 1.0686051 1.0625863 1.053562 1.0459977\n", + " 1.0424677 1.0445118 1.0496656 1.0541499 1.0569268 1.0580099 1.05963 ]\n", + " [1.1778611 1.1727256 1.182113 1.1907206 1.1774163 1.1440355 1.1095612\n", + " 1.0871392 1.0767796 1.075357 1.0757297 1.0703298 1.0602956 1.051211\n", + " 1.0471812 0. 0. 0. 0. 0. 0. ]\n", + " [1.1927273 1.1874795 1.1969576 1.2047917 1.1918752 1.1565359 1.1194463\n", + " 1.0942525 1.0818217 1.0781093 1.0778509 1.0725318 1.0632489 1.0539758\n", + " 1.0505576 1.0524262 1.05834 1.0637524 0. 0. 0. ]\n", + " [1.1640425 1.1592509 1.1687657 1.177484 1.1666797 1.1355602 1.1029781\n", + " 1.0815024 1.0718318 1.0699965 1.0697608 1.0646298 1.0559261 1.047193\n", + " 1.0433285 1.0450768 0. 0. 0. 0. 0. ]]\n", + "[[1.1584847 1.1560675 1.1669827 1.1756074 1.1650065 1.1325989 1.099827\n", + " 1.0779531 1.0680236 1.0663402 1.066058 1.0615051 1.0527879 1.0452476\n", + " 1.0417645 1.0434506 1.0482606 0. 0. 0. 0. ]\n", + " [1.1902412 1.1861545 1.1965637 1.2054398 1.1928598 1.1569221 1.1192055\n", + " 1.0942091 1.0815668 1.0790287 1.0779941 1.0729187 1.0636957 1.0551963\n", + " 1.0510538 1.0529399 1.0587775 0. 0. 0. 0. ]\n", + " [1.1721777 1.168661 1.1797336 1.1890295 1.1776335 1.1438464 1.1085826\n", + " 1.0852942 1.0745422 1.0717878 1.0714326 1.0663768 1.0564368 1.0483205\n", + " 1.0445135 1.0464566 1.0520455 1.0573281 0. 0. 0. ]\n", + " [1.1711932 1.1684254 1.1800458 1.189805 1.1782109 1.1450212 1.1101745\n", + " 1.0865031 1.0747793 1.0708896 1.0687414 1.062492 1.0537784 1.0459222\n", + " 1.0425059 1.0442462 1.0490031 1.0540164 1.0567759 1.0577677 1.0594695]\n", + " [1.1715145 1.1695815 1.1803523 1.1897027 1.176885 1.1439924 1.109713\n", + " 1.0860094 1.0748141 1.0710516 1.069206 1.0631303 1.054151 1.0459366\n", + " 1.0426567 1.0443268 1.0497162 1.0548606 1.0577333 1.0587623 0. ]]\n", + "[[1.167712 1.1646112 1.1754062 1.1852648 1.1736197 1.1407167 1.107113\n", + " 1.0843459 1.0726 1.0690864 1.067214 1.0615219 1.053203 1.0456539\n", + " 1.0423048 1.0439732 1.0487098 1.0535903 1.0559069 1.0563816 1.0576308\n", + " 0. 0. 0. ]\n", + " [1.181596 1.1784629 1.1902368 1.1999326 1.1869764 1.1521645 1.1152406\n", + " 1.0906651 1.0785708 1.0752003 1.0743741 1.0686575 1.0587362 1.0503726\n", + " 1.0464804 1.0481453 1.0535498 1.0587195 1.0610163 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1687559 1.1647564 1.1746285 1.1836816 1.1728709 1.1415452 1.1072224\n", + " 1.0843681 1.0724324 1.0688677 1.0664297 1.0608256 1.0524223 1.0448536\n", + " 1.0416324 1.043102 1.0479572 1.0523696 1.0551751 1.0560225 0.\n", + " 0. 0. 0. ]\n", + " [1.173457 1.1709398 1.1806986 1.1913351 1.1807007 1.147499 1.112822\n", + " 1.0900592 1.0774745 1.0734291 1.0708104 1.0646548 1.0557392 1.0475609\n", + " 1.0443794 1.0462116 1.0515431 1.056829 1.0596199 1.0612607 1.0624418\n", + " 1.066726 1.0743512 1.0841156]\n", + " [1.1740749 1.1713899 1.1824523 1.191454 1.1783723 1.1432772 1.1090128\n", + " 1.0859208 1.0731999 1.0699466 1.0679711 1.0633719 1.0547546 1.0473883\n", + " 1.0437105 1.045388 1.0508854 1.0557675 1.0587317 1.0598456 0.\n", + " 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1739572 1.1705924 1.18138 1.1900617 1.1784244 1.1448319 1.1098536\n", + " 1.0862266 1.0751191 1.0718772 1.0705528 1.0651711 1.0564744 1.048292\n", + " 1.0441382 1.045861 1.0507624 1.0557312 1.0582329 0. ]\n", + " [1.1747897 1.1721488 1.1824839 1.1903548 1.1762803 1.1421578 1.1081483\n", + " 1.0852625 1.0737144 1.070894 1.069202 1.0636959 1.0543981 1.0467823\n", + " 1.0432239 1.0449241 1.0503019 1.0552889 1.0574814 1.0586107]\n", + " [1.1835039 1.180421 1.1922903 1.201641 1.1880567 1.1522492 1.1148764\n", + " 1.0899986 1.0785072 1.0754465 1.075305 1.0700779 1.0603923 1.0516896\n", + " 1.0478764 1.0498102 1.055434 1.0610613 0. 0. ]\n", + " [1.1637115 1.1583734 1.1671803 1.1745377 1.163788 1.1321272 1.0993493\n", + " 1.0784507 1.0688233 1.067284 1.0673746 1.0631682 1.054535 1.0467695\n", + " 1.0433526 1.0455421 0. 0. 0. 0. ]\n", + " [1.1644908 1.1599668 1.1697162 1.177168 1.1665542 1.1347566 1.1025386\n", + " 1.0814921 1.071805 1.0704429 1.0704354 1.0651858 1.0557669 1.0472243\n", + " 1.0434285 1.0454215 0. 0. 0. 0. ]]\n", + "[[1.1794032 1.1744974 1.1836293 1.1914909 1.1782415 1.1457797 1.1119798\n", + " 1.0890276 1.078092 1.0753762 1.0747578 1.0690615 1.0600187 1.0515695\n", + " 1.0476544 1.0500371 0. ]\n", + " [1.1606764 1.1559045 1.1652999 1.1735345 1.1623268 1.1307907 1.0989711\n", + " 1.0782919 1.0693427 1.0682921 1.0688897 1.0650142 1.0558898 1.0476097\n", + " 0. 0. 0. ]\n", + " [1.1676261 1.1639004 1.1749178 1.1834853 1.1724772 1.139055 1.1043862\n", + " 1.0821428 1.0720587 1.0704347 1.0709118 1.066524 1.0577841 1.0492988\n", + " 1.0453358 1.0468711 0. ]\n", + " [1.171684 1.1676085 1.1783826 1.1877329 1.1749085 1.1408134 1.1073077\n", + " 1.0846473 1.0734568 1.0711927 1.0704426 1.0648999 1.056396 1.0483073\n", + " 1.045055 1.0467612 1.0524495]\n", + " [1.1797504 1.1764898 1.1885693 1.1977316 1.1857494 1.150936 1.1141022\n", + " 1.0903455 1.0786941 1.0756876 1.0761191 1.071129 1.0622497 1.0533352\n", + " 1.0490634 1.0504626 1.056112 ]]\n", + "[[1.1912057 1.1879927 1.198441 1.205716 1.1931344 1.1568147 1.1193266\n", + " 1.094254 1.0823127 1.0788025 1.0769833 1.0713181 1.0612383 1.0528686\n", + " 1.0484086 1.050868 1.0565629 1.061879 1.0645366]\n", + " [1.1684461 1.1646796 1.1746206 1.1825438 1.1707218 1.1378325 1.1045557\n", + " 1.0822108 1.0715845 1.0692165 1.0679291 1.0631872 1.0542512 1.0461271\n", + " 1.042701 1.044375 1.0497799 1.0551714 0. ]\n", + " [1.1632137 1.1599146 1.1708829 1.1813623 1.1693311 1.1366954 1.103126\n", + " 1.080633 1.0701991 1.0676447 1.0671715 1.0624866 1.0538112 1.0461357\n", + " 1.0426258 1.0444608 1.049638 0. 0. ]\n", + " [1.1581877 1.1536726 1.1621971 1.1706115 1.1600952 1.1292415 1.0976397\n", + " 1.0759621 1.0659144 1.0634208 1.0641558 1.0607176 1.0530453 1.045666\n", + " 1.0420412 1.0435786 0. 0. 0. ]\n", + " [1.1704352 1.1673452 1.178087 1.1878332 1.177545 1.1442118 1.1101456\n", + " 1.0867836 1.0759085 1.0736445 1.07366 1.0683521 1.0588956 1.050168\n", + " 1.0458084 1.0477028 0. 0. 0. ]]\n", + "[[1.1783149 1.1743635 1.1849496 1.1939447 1.1823655 1.14835 1.1131762\n", + " 1.0897338 1.0775107 1.0741378 1.0729046 1.0667114 1.0571041 1.0487512\n", + " 1.0450841 1.0469035 1.0522181 1.0572325 1.0596746 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1492358 1.145843 1.1569532 1.167101 1.1586803 1.1294361 1.0984513\n", + " 1.0771226 1.0669608 1.0634954 1.061224 1.0552995 1.0466416 1.0394839\n", + " 1.036669 1.0384773 1.0430691 1.0476035 1.0500369 1.0503016 1.0511973\n", + " 1.0542178 1.0606903 1.0694995 1.0770897 1.0810877 1.0822815]\n", + " [1.1680436 1.1621413 1.1709166 1.1798348 1.1678386 1.1360843 1.1027145\n", + " 1.0809518 1.0707401 1.0691218 1.0695885 1.0647588 1.0562279 1.0480044\n", + " 1.0440645 1.045828 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1749183 1.1702552 1.1795554 1.18796 1.1770165 1.144038 1.1090202\n", + " 1.0856088 1.074714 1.0727077 1.0728712 1.0683315 1.0589006 1.0508198\n", + " 1.0470514 1.04921 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1995382 1.1941309 1.2036792 1.2117156 1.1958493 1.159508 1.1215671\n", + " 1.0964242 1.0849878 1.0840694 1.0844579 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1611619 1.1584896 1.1688117 1.1772946 1.164186 1.1319003 1.098967\n", + " 1.0770588 1.0671859 1.0654505 1.0655509 1.0611881 1.0527694 1.0452828\n", + " 1.04175 1.0435661 1.0487883 0. 0. ]\n", + " [1.1891788 1.1847532 1.195765 1.2039958 1.1917589 1.1559244 1.1189109\n", + " 1.0936095 1.0822169 1.0794684 1.078098 1.0722626 1.0621216 1.0527873\n", + " 1.048679 1.0504338 1.0560193 1.0615523 0. ]\n", + " [1.1735673 1.169242 1.1806467 1.191421 1.1811938 1.1468811 1.110502\n", + " 1.0857866 1.0747344 1.0724483 1.072977 1.0687206 1.0596412 1.0507822\n", + " 1.046445 1.0478191 1.0530778 0. 0. ]\n", + " [1.1575346 1.153227 1.1628104 1.1718404 1.1600865 1.1287383 1.0972509\n", + " 1.075989 1.0661145 1.0640016 1.0643443 1.0598267 1.0515951 1.0441895\n", + " 1.0408478 1.0425808 1.047702 0. 0. ]\n", + " [1.1642317 1.16343 1.1750555 1.1834168 1.1713121 1.1380986 1.1041818\n", + " 1.0814346 1.0708575 1.067336 1.0662085 1.0610108 1.0526181 1.0449448\n", + " 1.0417306 1.043308 1.048069 1.0526396 1.0549409]]\n", + "[[1.1613368 1.1573755 1.1661302 1.1750042 1.1630257 1.1325568 1.1010491\n", + " 1.0796152 1.0687228 1.0656508 1.0640707 1.0589274 1.0503031 1.0431923\n", + " 1.0399659 1.0419976 1.0472479 1.0517294 1.0539967]\n", + " [1.1670331 1.164347 1.1758729 1.1853352 1.1727371 1.1397178 1.1046205\n", + " 1.0821929 1.0712119 1.0687056 1.0682937 1.0629956 1.054121 1.0460155\n", + " 1.0425473 1.0440755 1.0489936 1.0541611 0. ]\n", + " [1.1711926 1.1684668 1.179102 1.1887751 1.1762409 1.1417968 1.1076117\n", + " 1.0851742 1.0740199 1.0715393 1.0713692 1.0658476 1.056946 1.0484204\n", + " 1.0445899 1.0460651 1.0514424 0. 0. ]\n", + " [1.1808829 1.1778038 1.1881917 1.1974216 1.1839255 1.1488954 1.1126246\n", + " 1.0880798 1.0759118 1.0721842 1.0704541 1.0654638 1.0563879 1.0481404\n", + " 1.0451533 1.0470214 1.0519707 1.0570904 1.0598565]\n", + " [1.1970503 1.1919769 1.2016891 1.2099228 1.196387 1.1604385 1.1234493\n", + " 1.0975717 1.0852154 1.081971 1.0802553 1.0748087 1.0649449 1.0552627\n", + " 1.0517391 1.0536977 1.0599632 1.0657014 0. ]]\n", + "[[1.1835718 1.1804751 1.1912268 1.2009113 1.1883237 1.1528764 1.1174228\n", + " 1.0934709 1.0815483 1.0781616 1.0767713 1.070954 1.0608034 1.0518699\n", + " 1.0483168 1.0503038 1.0561897 1.0613371 0. 0. 0. ]\n", + " [1.1708237 1.1647649 1.1733048 1.181145 1.1700448 1.1376469 1.10464\n", + " 1.0830438 1.0723058 1.0706766 1.070658 1.0663334 1.0578007 1.0497726\n", + " 1.046023 1.0479908 0. 0. 0. 0. 0. ]\n", + " [1.1534278 1.1514261 1.161253 1.1695309 1.1586692 1.1281449 1.0966883\n", + " 1.075986 1.0657084 1.0624019 1.0602367 1.0549856 1.0467739 1.0399166\n", + " 1.0370423 1.0386672 1.043154 1.0475223 1.0492095 1.0496789 1.0512458]\n", + " [1.1624451 1.1589575 1.169174 1.1788464 1.1676141 1.1356786 1.101714\n", + " 1.0798985 1.0700577 1.0685686 1.0690278 1.0646039 1.0562464 1.0481108\n", + " 1.0440296 1.0457103 0. 0. 0. 0. 0. ]\n", + " [1.1741909 1.170419 1.1813549 1.1895032 1.1778266 1.1439902 1.1094818\n", + " 1.0865091 1.0749213 1.0711333 1.0693628 1.0639751 1.0549823 1.0466588\n", + " 1.0431111 1.0448523 1.0494795 1.0543858 1.0568218 1.0575906 0. ]]\n", + "[[1.1691066 1.1646175 1.1745131 1.1832024 1.171906 1.1394999 1.1057976\n", + " 1.0834641 1.073463 1.0715718 1.0711408 1.0660313 1.0566401 1.0483121\n", + " 1.0444908 1.0462381 0. 0. ]\n", + " [1.1719537 1.164945 1.1722249 1.1783936 1.1677026 1.1366677 1.1047859\n", + " 1.083642 1.0734999 1.0699911 1.0698745 1.0650474 1.0562384 1.0484036\n", + " 1.0447608 1.0464253 0. 0. ]\n", + " [1.1924121 1.1865985 1.1968291 1.2056867 1.1917696 1.1562929 1.1189611\n", + " 1.0943321 1.0835996 1.0821742 1.0827329 1.077926 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1785959 1.1738458 1.18355 1.1921227 1.1797543 1.1449169 1.1104224\n", + " 1.0877222 1.0775347 1.0758339 1.0758004 1.0704931 1.0612452 1.0522993\n", + " 1.0479888 0. 0. 0. ]\n", + " [1.1588441 1.1557988 1.1650294 1.1713398 1.1597022 1.1281937 1.0958723\n", + " 1.0753844 1.0656564 1.0635123 1.0633496 1.0589362 1.0505203 1.0433509\n", + " 1.0398853 1.0413604 1.0457789 1.0503997]]\n", + "[[1.1778213 1.1746356 1.1845275 1.1929879 1.1794157 1.1461223 1.1107205\n", + " 1.0863402 1.075498 1.07223 1.0720512 1.0677509 1.0583668 1.0503722\n", + " 1.0466176 1.0485933 1.0540675 0. 0. 0. 0. ]\n", + " [1.1858281 1.1842358 1.1967883 1.2057189 1.19315 1.1567287 1.1186581\n", + " 1.0931305 1.0805473 1.0766394 1.0747204 1.0679163 1.0586123 1.0498984\n", + " 1.0462797 1.0483513 1.0538868 1.0589204 1.0613672 1.0622588 1.0639148]\n", + " [1.197342 1.1937542 1.2046144 1.213558 1.2006351 1.1631126 1.1237397\n", + " 1.0969745 1.0849656 1.0826584 1.081963 1.0763083 1.066656 1.0573335\n", + " 1.0530642 1.0552135 1.0612835 0. 0. 0. 0. ]\n", + " [1.1659634 1.1618457 1.1699198 1.1770426 1.1657348 1.1328746 1.1006638\n", + " 1.0794468 1.070268 1.0682069 1.0688212 1.0646175 1.0563347 1.048243\n", + " 1.0445096 0. 0. 0. 0. 0. 0. ]\n", + " [1.1700245 1.1676033 1.178604 1.1868778 1.1755822 1.1427704 1.1082729\n", + " 1.0847875 1.0734987 1.0696737 1.0678525 1.06216 1.0538838 1.0463879\n", + " 1.0427217 1.0443869 1.0490705 1.0540118 1.0566858 1.0581249 0. ]]\n", + "[[1.1642306 1.1613333 1.1716652 1.1808659 1.1694132 1.1378431 1.1041523\n", + " 1.0816488 1.0708296 1.0678457 1.0674455 1.0628922 1.0538964 1.0459578\n", + " 1.0423715 1.043901 1.0491704 1.0540245 0. ]\n", + " [1.1769842 1.1734012 1.1839268 1.1931291 1.181524 1.1470782 1.1120085\n", + " 1.0885091 1.0780262 1.0760679 1.0757251 1.0708348 1.0609968 1.052032\n", + " 1.0478709 1.0498979 0. 0. 0. ]\n", + " [1.1857713 1.1803775 1.1904173 1.1994585 1.1892558 1.1554159 1.1197392\n", + " 1.0955459 1.0840876 1.0812119 1.080897 1.0754827 1.0652657 1.0555105\n", + " 1.0513136 1.05357 0. 0. 0. ]\n", + " [1.2020272 1.2000237 1.2136981 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1821532 1.179543 1.190717 1.199519 1.1851461 1.15044 1.1135032\n", + " 1.0893329 1.077849 1.0749091 1.0729927 1.0683538 1.0588394 1.0506533\n", + " 1.0466093 1.0488105 1.0540841 1.05923 1.061824 ]]\n", + "[[1.211244 1.2046087 1.2145225 1.2228178 1.2087957 1.1710112 1.1306773\n", + " 1.1039859 1.0921626 1.089816 1.0883179 1.0822465 1.0710074 1.0615437\n", + " 1.0569925 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1655915 1.1624296 1.17191 1.1797918 1.1679778 1.134696 1.101161\n", + " 1.0795411 1.0685878 1.0666564 1.0661111 1.0617937 1.0533814 1.0457553\n", + " 1.0421581 1.0435853 1.0481272 1.0528342 0. 0. 0.\n", + " 0. ]\n", + " [1.161964 1.1561131 1.1640595 1.1714995 1.1611996 1.1308618 1.0992749\n", + " 1.0786216 1.0685916 1.0669767 1.0668362 1.0633333 1.054942 1.0473154\n", + " 1.0437453 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1801373 1.1765733 1.1869351 1.1962708 1.1832778 1.1504353 1.1151817\n", + " 1.0918211 1.0800859 1.0762345 1.0737617 1.0668646 1.057176 1.0488449\n", + " 1.0452242 1.0473574 1.0524924 1.057563 1.0600824 1.0606259 0.\n", + " 0. ]\n", + " [1.1667585 1.1647738 1.176014 1.1845603 1.1736388 1.1410059 1.1071047\n", + " 1.084087 1.0722772 1.068406 1.0662293 1.0604708 1.051923 1.0443995\n", + " 1.0414964 1.0430138 1.0482082 1.0534167 1.0560658 1.0571579 1.0584457\n", + " 1.0619683]]\n", + "[[1.16323 1.1582952 1.1662923 1.1741389 1.1623514 1.1314366 1.0996301\n", + " 1.0783857 1.0681747 1.0660789 1.0658401 1.0615621 1.0536383 1.0459968\n", + " 1.0423462 1.0440104 1.0491695 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1575896 1.1555195 1.1665213 1.1759468 1.163656 1.1318893 1.0996951\n", + " 1.0782033 1.067906 1.0639986 1.0622255 1.056778 1.0483794 1.0415312\n", + " 1.0388094 1.0406771 1.0452712 1.0497782 1.0518429 1.052711 1.0538545\n", + " 1.0572432 1.0643048]\n", + " [1.1720064 1.1667634 1.1757598 1.1843765 1.1714485 1.1386092 1.1063343\n", + " 1.084801 1.074433 1.0724163 1.0712056 1.0663024 1.0572404 1.0490307\n", + " 1.0457853 1.0479692 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1818396 1.1773736 1.1857221 1.1946604 1.1814612 1.1459734 1.1108861\n", + " 1.0876269 1.076992 1.0756159 1.0763069 1.0719922 1.0625151 1.0538219\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1933728 1.191267 1.2028444 1.2115017 1.19654 1.1587929 1.1206923\n", + " 1.0956628 1.0847776 1.083787 1.0842432 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1738949 1.1700727 1.179889 1.1889774 1.1766227 1.1429784 1.1085634\n", + " 1.085099 1.0739888 1.0709921 1.069802 1.0649865 1.0558656 1.0476404\n", + " 1.0439721 1.0457243 1.0509996 1.0560485]\n", + " [1.1629156 1.1589851 1.1677624 1.1772594 1.1654379 1.1328648 1.100101\n", + " 1.0784808 1.0697362 1.0692416 1.0701336 1.0653741 1.056186 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1745926 1.170278 1.1804338 1.1893048 1.1769321 1.142172 1.1082708\n", + " 1.0861719 1.0759149 1.0743463 1.0741471 1.0686783 1.0597351 1.0509212\n", + " 1.0471616 1.0486776 0. 0. ]\n", + " [1.1797973 1.1747924 1.1833581 1.1903896 1.1783264 1.1446598 1.1109552\n", + " 1.0885543 1.078069 1.0757172 1.0758129 1.0701046 1.0602871 1.0512533\n", + " 1.0473523 0. 0. 0. ]\n", + " [1.1852752 1.1797935 1.1889696 1.1978726 1.1851491 1.1487154 1.1116302\n", + " 1.0882307 1.078551 1.0770899 1.0770146 1.0716066 1.0619044 1.0527722\n", + " 1.0487646 0. 0. 0. ]]\n", + "[[1.1710721 1.1695075 1.1800898 1.1887913 1.1750238 1.1409798 1.1065233\n", + " 1.0850232 1.0755028 1.074334 1.0741229 1.0687381 1.0583484 1.0499408\n", + " 1.0462486 0. 0. ]\n", + " [1.1828358 1.1767131 1.1861358 1.1952174 1.182952 1.1473122 1.1114086\n", + " 1.0878776 1.0773332 1.0764674 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1781534 1.1746589 1.1852937 1.1947039 1.1820145 1.1479377 1.1122056\n", + " 1.088005 1.0769541 1.074708 1.074076 1.0688955 1.0599867 1.0510964\n", + " 1.0472767 1.0488893 1.0546573]\n", + " [1.1571653 1.1515577 1.1597322 1.1665816 1.1563396 1.126413 1.0950234\n", + " 1.0752208 1.0656906 1.0640788 1.0641834 1.0594376 1.0517292 1.04419\n", + " 1.0407307 1.0425209 0. ]\n", + " [1.1961474 1.1916358 1.2023594 1.210415 1.198573 1.1621662 1.1250992\n", + " 1.0999086 1.0881442 1.0867189 1.0872833 1.0813705 1.0706698 1.0601243\n", + " 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1952435 1.1893108 1.1991674 1.2071475 1.1917021 1.1542591 1.1158737\n", + " 1.0909021 1.0803593 1.0792114 1.0809833 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1732367 1.1705996 1.1814871 1.1897135 1.1776991 1.1449503 1.1101714\n", + " 1.0873148 1.0748699 1.0712334 1.0692232 1.0630445 1.0543432 1.0461712\n", + " 1.0429263 1.043953 1.048698 1.0534389 1.0555326 1.0568293 0.\n", + " 0. ]\n", + " [1.1892093 1.1843218 1.1947169 1.2043047 1.1913458 1.1569171 1.120108\n", + " 1.0951451 1.0828174 1.0789948 1.0768787 1.0710555 1.0608162 1.0516922\n", + " 1.0470583 1.0489341 1.0547341 1.0601829 1.0627061 0. 0.\n", + " 0. ]\n", + " [1.1641316 1.1601439 1.170304 1.1789132 1.1670165 1.13493 1.101813\n", + " 1.0797901 1.0697383 1.0674883 1.0672084 1.0624895 1.0535944 1.0456457\n", + " 1.0420948 1.0436221 1.0484536 1.0532362 0. 0. 0.\n", + " 0. ]\n", + " [1.178662 1.1764834 1.18709 1.1959996 1.1838454 1.1492386 1.1145722\n", + " 1.0913588 1.078748 1.0743654 1.0716164 1.0651577 1.0560238 1.0481069\n", + " 1.0446417 1.0468247 1.052299 1.0579292 1.0609314 1.0621846 1.0637683\n", + " 1.0676486]]\n", + "[[1.1678247 1.1624367 1.1721693 1.1807681 1.169158 1.1370246 1.1039052\n", + " 1.0817944 1.0719626 1.0702775 1.0709339 1.0666374 1.0579432 1.0499178\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1659037 1.1620668 1.1719438 1.1794664 1.1667464 1.1347561 1.1019915\n", + " 1.0803685 1.0709428 1.0691782 1.0693326 1.0638015 1.0551264 1.0468057\n", + " 1.0431267 1.0450804 0. 0. 0. 0. ]\n", + " [1.1699708 1.1659985 1.1761589 1.1841668 1.171478 1.1381044 1.1035818\n", + " 1.0810809 1.0716518 1.0696751 1.070324 1.0656301 1.0575105 1.0492674\n", + " 1.0455364 1.0473862 0. 0. 0. 0. ]\n", + " [1.190888 1.1873323 1.1984612 1.2077478 1.1957043 1.1598729 1.1219227\n", + " 1.0956206 1.0830159 1.07929 1.0767739 1.0707963 1.0613836 1.0529331\n", + " 1.0494344 1.0510662 1.0563331 1.0616972 1.0641748 1.0653389]\n", + " [1.1926724 1.1877722 1.2000222 1.2106035 1.1990378 1.1626834 1.1224623\n", + " 1.0962812 1.0844914 1.0829278 1.0835192 1.0790588 1.0685909 1.0589036\n", + " 1.0540591 0. 0. 0. 0. 0. ]]\n", + "[[1.1706369 1.1678219 1.178044 1.185441 1.1744936 1.1413984 1.1065992\n", + " 1.0844942 1.0735573 1.0705725 1.0693673 1.064516 1.0548421 1.0473101\n", + " 1.0435934 1.0451732 1.0505714 1.0556315 0. ]\n", + " [1.1612741 1.1569417 1.1673363 1.1757311 1.1657436 1.1340595 1.1016414\n", + " 1.0803483 1.0710154 1.0695876 1.0699724 1.0651432 1.0555254 1.0470393\n", + " 1.043215 0. 0. 0. 0. ]\n", + " [1.1697204 1.1674787 1.1784141 1.1875162 1.1764059 1.1429124 1.1076417\n", + " 1.0838255 1.0725484 1.0698197 1.0683548 1.0635948 1.0554903 1.0473222\n", + " 1.0438459 1.0451145 1.0496845 1.0548487 1.0571378]\n", + " [1.1738044 1.1695416 1.1779166 1.1865888 1.1731826 1.1396191 1.1060487\n", + " 1.0841261 1.0747051 1.0735627 1.0742868 1.068935 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.155527 1.1513885 1.1593335 1.1673508 1.1558162 1.1257185 1.094856\n", + " 1.0742683 1.0642179 1.0617137 1.0619478 1.0581946 1.0510405 1.0438644\n", + " 1.04014 1.0415854 1.0461732 0. 0. ]]\n", + "[[1.1784477 1.1738548 1.1841793 1.1940387 1.1818368 1.147437 1.1110805\n", + " 1.0876704 1.0765052 1.0741408 1.0737638 1.0695226 1.0604873 1.0518073\n", + " 1.0477159 1.0495 ]\n", + " [1.1718161 1.1682217 1.1778135 1.1863483 1.1753885 1.1426711 1.108224\n", + " 1.0864972 1.0757095 1.0735765 1.0731076 1.067601 1.0583204 1.0492327\n", + " 1.0454292 1.0477779]\n", + " [1.1857297 1.1810765 1.1907036 1.1984638 1.1872699 1.1536733 1.1182199\n", + " 1.0938351 1.0820334 1.0795076 1.08001 1.0744542 1.0652158 1.0559806\n", + " 1.0519661 0. ]\n", + " [1.16015 1.1552553 1.164536 1.1724367 1.1612576 1.130214 1.0986825\n", + " 1.0773124 1.0678356 1.0658492 1.0653362 1.0609614 1.053074 1.0458049\n", + " 1.0422939 1.044336 ]\n", + " [1.1730348 1.169064 1.1793315 1.1871982 1.1751853 1.1413814 1.1068763\n", + " 1.0843222 1.0746071 1.0724418 1.0722426 1.0668441 1.0575014 1.0491091\n", + " 1.0455191 1.0476489]]\n", + "[[1.1705978 1.1667517 1.1766925 1.1844522 1.1731939 1.1406174 1.1064243\n", + " 1.0832518 1.0717779 1.0686291 1.0672001 1.0619669 1.053567 1.0459399\n", + " 1.042357 1.0440619 1.0491117 1.0538974 1.0564386 0. 0. ]\n", + " [1.1474411 1.1443105 1.1544808 1.162156 1.1511903 1.1216666 1.0918422\n", + " 1.072188 1.062751 1.060873 1.0604699 1.055774 1.0479523 1.0410736\n", + " 1.0376686 1.0390469 1.0437485 0. 0. 0. 0. ]\n", + " [1.1562133 1.1526716 1.1618557 1.1705395 1.158781 1.1276522 1.0965394\n", + " 1.076266 1.0660762 1.0623275 1.0607632 1.0552617 1.0477304 1.0408243\n", + " 1.0378195 1.0392449 1.0439525 1.0483947 1.0506859 1.0517527 1.0531654]\n", + " [1.1732922 1.1687013 1.1792485 1.1870131 1.1743473 1.140825 1.1061609\n", + " 1.0836332 1.0728036 1.0700948 1.0693451 1.0647771 1.0560849 1.048107\n", + " 1.0443696 1.0462735 1.0513616 1.056614 0. 0. 0. ]\n", + " [1.1718298 1.1669579 1.1764734 1.1838523 1.1707466 1.137425 1.1034507\n", + " 1.082906 1.07352 1.0735068 1.07405 1.0695882 1.0599211 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1798458 1.1752218 1.1870772 1.1973505 1.1851202 1.1488816 1.111977\n", + " 1.0882511 1.0777922 1.0772568 1.077992 1.0730343 1.0631098 1.0529534\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1822718 1.1790191 1.1913272 1.2014749 1.1885467 1.1534938 1.1170406\n", + " 1.0921321 1.079426 1.0759128 1.0744169 1.0683957 1.0582987 1.0499868\n", + " 1.0463628 1.0480851 1.0537288 1.059037 1.0617824 0. 0. ]\n", + " [1.1779233 1.1744266 1.1857278 1.1951026 1.1830925 1.1500024 1.1149741\n", + " 1.0912807 1.079415 1.0749991 1.072611 1.0656585 1.0561544 1.0476859\n", + " 1.0438037 1.0455798 1.0508956 1.0561365 1.0591443 1.0605584 1.0619669]\n", + " [1.1704551 1.1683816 1.1803102 1.1906319 1.1788445 1.1450847 1.1099464\n", + " 1.0860543 1.0742908 1.0701135 1.0680788 1.0623332 1.0531474 1.045737\n", + " 1.0423 1.0442921 1.0485575 1.0533278 1.0556498 1.0564432 1.0578415]\n", + " [1.1781281 1.1737368 1.1837138 1.1920136 1.1792446 1.1462202 1.11196\n", + " 1.0884125 1.0767833 1.0738269 1.0728756 1.0681721 1.059118 1.0511276\n", + " 1.0468607 1.048748 1.0541588 1.0593755 0. 0. 0. ]]\n", + "[[1.1718128 1.1674896 1.1779183 1.1861913 1.1732714 1.1410843 1.1081558\n", + " 1.0859022 1.0746584 1.0712088 1.0694215 1.0637108 1.054371 1.0462652\n", + " 1.0425266 1.0442291 1.049227 1.0540012 1.0564446 0. ]\n", + " [1.1771322 1.1755701 1.1878811 1.198521 1.1860161 1.15143 1.1144499\n", + " 1.0893666 1.0772773 1.0739435 1.0722983 1.0660963 1.0566238 1.0486127\n", + " 1.0445913 1.0463144 1.0513377 1.056184 1.0591552 1.0600142]\n", + " [1.1781187 1.1737835 1.1834354 1.1926104 1.1794027 1.1439714 1.1084208\n", + " 1.0856402 1.0759116 1.0749087 1.0753874 1.0711039 1.0614815 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1577878 1.1543617 1.1647431 1.173874 1.1627467 1.1307049 1.0978521\n", + " 1.0765917 1.0667661 1.0654281 1.0653715 1.0609874 1.0527859 1.0451872\n", + " 1.0417975 1.0436807 0. 0. 0. 0. ]\n", + " [1.1776856 1.1733425 1.184171 1.1929728 1.1786487 1.1439488 1.1089064\n", + " 1.0866305 1.0767956 1.0764143 1.077154 1.0729493 1.0630851 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1565462 1.1538881 1.1639442 1.1712266 1.1603656 1.1295675 1.0981097\n", + " 1.0767412 1.066908 1.0637671 1.0620878 1.0568613 1.048243 1.0409517\n", + " 1.0379874 1.0394936 1.0435673 1.0483558 1.0508735 1.0520757 0.\n", + " 0. ]\n", + " [1.1658304 1.162116 1.1723353 1.1803054 1.1686422 1.1362306 1.1032343\n", + " 1.0813739 1.0724703 1.0714637 1.0718437 1.067086 1.057462 1.0488803\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1792058 1.1755193 1.1850625 1.1943184 1.182696 1.1483198 1.112967\n", + " 1.0896326 1.0785002 1.0753449 1.075284 1.0702289 1.0607893 1.052006\n", + " 1.048037 1.0496595 1.055346 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1858753 1.1824416 1.1928661 1.2008522 1.1890018 1.1544476 1.1177088\n", + " 1.092783 1.0804359 1.07599 1.0749072 1.0689301 1.0597142 1.0512389\n", + " 1.0476403 1.0500153 1.0552329 1.0603564 1.0631912 0. 0.\n", + " 0. ]\n", + " [1.1600378 1.1577863 1.1693476 1.1791267 1.167872 1.1363537 1.1032008\n", + " 1.0812995 1.0699537 1.0660279 1.0640818 1.058109 1.0498948 1.042519\n", + " 1.039779 1.0412861 1.0462469 1.0508928 1.0531589 1.0538034 1.0557652\n", + " 1.0595484]]\n", + "[[1.1731992 1.1698953 1.1813662 1.1910372 1.1781218 1.1438415 1.1083598\n", + " 1.0845494 1.0740348 1.0714744 1.0709151 1.0652713 1.0561424 1.0479376\n", + " 1.0440246 1.0457734 1.051155 1.0568306 0. 0. ]\n", + " [1.1635456 1.1609635 1.1715223 1.1807548 1.1687001 1.1356272 1.102906\n", + " 1.0809448 1.070023 1.0666308 1.064715 1.0591483 1.0510434 1.0439515\n", + " 1.040428 1.0421212 1.0466877 1.0513167 1.053376 1.0544263]\n", + " [1.1850123 1.1813262 1.1929516 1.2033888 1.1906711 1.1546768 1.1169375\n", + " 1.090977 1.0788592 1.0759748 1.0752413 1.0706398 1.0614961 1.0527942\n", + " 1.0482336 1.0500968 1.0557985 1.0613343 0. 0. ]\n", + " [1.1883533 1.1852951 1.195955 1.2045885 1.1903762 1.154997 1.1187185\n", + " 1.0938772 1.0817403 1.0778939 1.0757293 1.068847 1.0590544 1.0505713\n", + " 1.0469631 1.0486615 1.0543327 1.0601611 1.0633069 1.0647444]\n", + " [1.1702837 1.1675751 1.1785574 1.1882486 1.1765119 1.1429641 1.108396\n", + " 1.0850956 1.0745962 1.0720034 1.0723594 1.0676931 1.0587838 1.0498962\n", + " 1.0459433 1.0478843 0. 0. 0. 0. ]]\n", + "[[1.1656278 1.1622635 1.1731372 1.1826361 1.170188 1.1377238 1.1039208\n", + " 1.0816443 1.0712078 1.068991 1.0686958 1.0640321 1.0556465 1.0474548\n", + " 1.043969 1.0456806 1.0506827 0. 0. 0. ]\n", + " [1.1702635 1.166531 1.1764247 1.1860628 1.1737022 1.1405385 1.1060305\n", + " 1.083168 1.0720417 1.069766 1.0687957 1.0646409 1.0562346 1.0480226\n", + " 1.044441 1.0461452 1.051715 0. 0. 0. ]\n", + " [1.1757894 1.1721375 1.1823946 1.1905589 1.1788869 1.1439729 1.1083333\n", + " 1.0850877 1.0741788 1.0717127 1.0719264 1.0677536 1.0588168 1.0503641\n", + " 1.0467463 1.048198 1.0531255 0. 0. 0. ]\n", + " [1.186528 1.1835264 1.1941881 1.2037706 1.1914501 1.1562719 1.1193618\n", + " 1.0943177 1.0817139 1.0774174 1.0752395 1.0694364 1.0599808 1.0510548\n", + " 1.0471153 1.049258 1.0550342 1.0601671 1.0626705 1.0634985]\n", + " [1.168251 1.1647371 1.1757818 1.184773 1.1739793 1.1411197 1.1063044\n", + " 1.0837399 1.0733169 1.0720646 1.0725788 1.0680971 1.0589997 1.0502642\n", + " 1.0462514 0. 0. 0. 0. 0. ]]\n", + "[[1.1702552 1.165642 1.1745578 1.1827542 1.1707869 1.1385753 1.1049811\n", + " 1.0820639 1.0712833 1.068568 1.0682968 1.0634774 1.0553578 1.0468805\n", + " 1.0437318 1.0457308 1.0508822 1.05579 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1604409 1.1579005 1.1687039 1.1772337 1.1671753 1.1350787 1.1019574\n", + " 1.0799754 1.0698112 1.0673954 1.0670424 1.0624368 1.054211 1.0462941\n", + " 1.0427597 1.0445635 1.0495371 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1546264 1.1536362 1.1644455 1.174086 1.1630061 1.1312413 1.0988519\n", + " 1.0774058 1.0667447 1.0629758 1.061423 1.05588 1.047101 1.0404698\n", + " 1.0375673 1.0393579 1.0441025 1.0493813 1.051885 1.0525134 1.0535841\n", + " 1.0568129 1.0634489]\n", + " [1.1648989 1.1619147 1.1710314 1.1794089 1.1683334 1.136293 1.1036648\n", + " 1.0821385 1.0711161 1.0675869 1.0659976 1.060329 1.0515301 1.043789\n", + " 1.0405484 1.042577 1.0473043 1.0523036 1.0545565 1.0554332 0.\n", + " 0. 0. ]\n", + " [1.1729113 1.1679821 1.1771929 1.1850976 1.1742125 1.1410178 1.1060191\n", + " 1.0837456 1.0731428 1.0721688 1.0727887 1.0685085 1.0597109 1.0510063\n", + " 1.0470678 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1746489 1.1711954 1.1817015 1.1896172 1.1756591 1.1414413 1.1065701\n", + " 1.084066 1.0732024 1.069737 1.0679665 1.0619066 1.0531615 1.045658\n", + " 1.0427138 1.0446138 1.0499307 1.0551447 1.0576291 1.0586432]\n", + " [1.1927297 1.1899508 1.2014271 1.2107406 1.1969888 1.1596451 1.1216806\n", + " 1.096354 1.0840416 1.0803514 1.0787331 1.0717329 1.061198 1.0526723\n", + " 1.0490236 1.050583 1.0563732 1.061826 1.0640049 1.0648261]\n", + " [1.1716934 1.1664478 1.1760566 1.1843201 1.1739868 1.1415949 1.107567\n", + " 1.0852538 1.0744674 1.073023 1.0730639 1.0679709 1.0593848 1.0508201\n", + " 1.046852 1.0485449 0. 0. 0. 0. ]\n", + " [1.1808684 1.1754159 1.1854942 1.1942009 1.182164 1.1475493 1.1118425\n", + " 1.0884054 1.0778897 1.0770066 1.0774972 1.0725392 1.0624921 1.0533189\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1695278 1.1656923 1.1749969 1.1841223 1.1706203 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1869345 1.1830893 1.1945392 1.2031659 1.1910139 1.1542394 1.116356\n", + " 1.091605 1.0812879 1.080071 1.0812802 1.0761474 1.0654464 1.0557694\n", + " 0. 0. 0. ]\n", + " [1.172811 1.1682787 1.1777195 1.1871073 1.1761873 1.144088 1.1091859\n", + " 1.0855975 1.0745927 1.0716091 1.0718206 1.0667218 1.0572183 1.0487304\n", + " 1.0447747 1.0466193 1.0525279]]\n", + "[[1.1638343 1.1617428 1.1727357 1.1818225 1.1707382 1.1381116 1.1053987\n", + " 1.0833837 1.0720693 1.0679041 1.0658582 1.0599151 1.0513611 1.0437871\n", + " 1.0407202 1.0425122 1.047168 1.0511137 1.0536494 1.0545838 1.0562887\n", + " 1.0602623]\n", + " [1.1817046 1.178319 1.1896944 1.1989958 1.1863005 1.1505207 1.1138386\n", + " 1.0904771 1.0803865 1.0791205 1.078903 1.0738239 1.0633804 1.0540667\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1924409 1.188348 1.198205 1.2068164 1.1937652 1.1585505 1.1219679\n", + " 1.0970775 1.0843456 1.0803283 1.0783801 1.0714511 1.0614183 1.0527283\n", + " 1.048757 1.051043 1.0567143 1.0621467 1.064978 0. 0.\n", + " 0. ]\n", + " [1.1553447 1.1504554 1.1584401 1.1662636 1.1548467 1.1251614 1.0953001\n", + " 1.0751901 1.065458 1.0630958 1.0625212 1.058157 1.050571 1.0431753\n", + " 1.040163 1.0416733 1.04662 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1697719 1.1652731 1.1753658 1.1846359 1.1737161 1.1410092 1.1065273\n", + " 1.0833043 1.0733566 1.0710808 1.0711944 1.065767 1.0565007 1.047473\n", + " 1.0437303 1.0451523 1.0509956 0. 0. 0. 0.\n", + " 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1931831 1.1896094 1.1995525 1.2077657 1.194528 1.1581048 1.1213961\n", + " 1.0966718 1.0841632 1.0814893 1.0802104 1.0739399 1.0636909 1.0548216\n", + " 1.0510693 1.0534197 1.0592425 1.0656065 0. 0. ]\n", + " [1.164161 1.1610706 1.17171 1.1813357 1.169768 1.1366901 1.1029024\n", + " 1.0801698 1.0685893 1.0657849 1.0642691 1.0586051 1.0506454 1.043168\n", + " 1.0397377 1.0411439 1.0459244 1.0504069 1.0527271 1.0534416]\n", + " [1.1706163 1.1670202 1.1779721 1.1864568 1.1749426 1.1411936 1.1064484\n", + " 1.083988 1.0739211 1.0720279 1.0719092 1.0668371 1.0572885 1.0490352\n", + " 1.0448412 1.046402 1.0520325 0. 0. 0. ]\n", + " [1.1884542 1.1838225 1.1940506 1.2019218 1.1894256 1.1538057 1.1180545\n", + " 1.0933177 1.0819186 1.0787923 1.077636 1.0721114 1.0622019 1.0533392\n", + " 1.0499698 1.0518954 1.0580859 1.0634956 0. 0. ]\n", + " [1.1666999 1.1607283 1.1689923 1.176188 1.1646025 1.1332097 1.101034\n", + " 1.0799793 1.0703083 1.0682869 1.0686058 1.0644532 1.0561929 1.0483327\n", + " 1.0445933 1.0463305 0. 0. 0. 0. ]]\n", + "[[1.1755939 1.1734822 1.1848744 1.1947384 1.1822681 1.147852 1.1115762\n", + " 1.0877848 1.0759501 1.0727872 1.0711869 1.065324 1.0561192 1.0479444\n", + " 1.0443821 1.0457207 1.0511392 1.0560274 1.0587679]\n", + " [1.166802 1.1633706 1.1737453 1.183285 1.1717277 1.13851 1.1033101\n", + " 1.080868 1.0698891 1.0668143 1.0670979 1.0632588 1.0555818 1.0472724\n", + " 1.0437075 1.0451331 1.0499917 1.054766 0. ]\n", + " [1.1638035 1.1582427 1.1656932 1.1721785 1.1624768 1.1324595 1.1015347\n", + " 1.0804033 1.0704668 1.0680351 1.0681453 1.0636163 1.0553778 1.047482\n", + " 1.0439435 0. 0. 0. 0. ]\n", + " [1.1394861 1.137586 1.1467578 1.1548657 1.1431364 1.1149703 1.0862502\n", + " 1.0665853 1.0577871 1.0549489 1.0546079 1.051126 1.0440619 1.0374035\n", + " 1.0347153 1.0357448 1.0397216 1.0439899 0. ]\n", + " [1.1716447 1.1680746 1.1785538 1.1862296 1.1739448 1.1401038 1.1059678\n", + " 1.0834881 1.0729424 1.0704747 1.070042 1.0649929 1.0561806 1.0477835\n", + " 1.0441794 1.04592 1.0508524 1.0558642 0. ]]\n", + "[[1.2064867 1.200628 1.211004 1.2185335 1.2054002 1.1668216 1.127687\n", + " 1.1019306 1.0903714 1.0884495 1.0880946 1.0825729 1.0716133 1.0618182\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1675981 1.1636326 1.1726259 1.180239 1.1664894 1.1343834 1.1018865\n", + " 1.0799006 1.0694227 1.0665134 1.0650438 1.0600591 1.0520912 1.0445967\n", + " 1.0415876 1.0431234 1.0477428 1.0525765 1.0553764]\n", + " [1.1755997 1.1708733 1.1814084 1.1899935 1.1772835 1.1446985 1.1099812\n", + " 1.0867026 1.0763245 1.0739533 1.0746099 1.0700234 1.060702 1.0520704\n", + " 1.0477277 1.0493811 0. 0. 0. ]\n", + " [1.1700941 1.1672161 1.1783761 1.1867836 1.1746533 1.141217 1.1067601\n", + " 1.0840424 1.0735425 1.0707546 1.0702729 1.0650244 1.0561681 1.0479393\n", + " 1.0442606 1.0459275 1.0510435 1.056522 0. ]\n", + " [1.1698903 1.1650369 1.1742646 1.1828005 1.1709546 1.1389676 1.107144\n", + " 1.085906 1.0758884 1.0743785 1.073982 1.0688226 1.0596366 1.0504841\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1626439 1.1606091 1.1711814 1.180358 1.1675988 1.1348157 1.1013031\n", + " 1.0787524 1.068576 1.0666116 1.0659454 1.061232 1.052907 1.0445118\n", + " 1.0411651 1.0427945 1.0475531 1.0528736]\n", + " [1.1681584 1.1642611 1.1753696 1.1849248 1.1727995 1.1394289 1.1045688\n", + " 1.0823011 1.072456 1.0704803 1.0700542 1.0652108 1.055824 1.0466951\n", + " 1.0431635 1.0448209 1.0502521 0. ]\n", + " [1.1575465 1.152823 1.1623719 1.1704798 1.1597956 1.1292896 1.0978596\n", + " 1.0772175 1.0677997 1.0653389 1.065541 1.0607789 1.0523816 1.0439129\n", + " 1.0406106 1.0420392 1.0467782 0. ]\n", + " [1.1723696 1.1682811 1.1782545 1.1852252 1.1737179 1.1393002 1.1054859\n", + " 1.083173 1.0742314 1.0728732 1.0730479 1.068187 1.0588531 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1647447 1.1602757 1.1684237 1.1760477 1.1635936 1.1313856 1.0991684\n", + " 1.0782666 1.0680556 1.0656946 1.0646517 1.0598946 1.0513217 1.0441374\n", + " 1.0408587 1.0429786 1.0480641 1.0531051]]\n", + "[[1.1651795 1.1617465 1.1711887 1.1791812 1.1674775 1.1344323 1.1013504\n", + " 1.0793464 1.0680808 1.0654032 1.0644535 1.0593956 1.0518035 1.0450499\n", + " 1.0412534 1.0432491 1.0480978 1.0528452 1.0553606 0. 0. ]\n", + " [1.1972213 1.1929884 1.2034646 1.2114576 1.1987723 1.1629925 1.1253815\n", + " 1.0994009 1.086401 1.0831684 1.0829825 1.0763344 1.0663543 1.0568187\n", + " 1.0524728 1.0549068 1.0611008 0. 0. 0. 0. ]\n", + " [1.1645446 1.1604936 1.1706368 1.1787876 1.168897 1.1375812 1.1046301\n", + " 1.0819113 1.0707687 1.0685884 1.0681251 1.0634074 1.0552446 1.0474491\n", + " 1.0435425 1.0450042 1.0498981 0. 0. 0. 0. ]\n", + " [1.1645029 1.1630158 1.1744891 1.1841242 1.1721427 1.1390722 1.1052172\n", + " 1.0826552 1.0706649 1.0669429 1.0647286 1.0590327 1.0503714 1.0434531\n", + " 1.0403864 1.0416008 1.0465367 1.0510416 1.0533912 1.0545466 1.0561835]\n", + " [1.1796784 1.1756504 1.1866097 1.1953372 1.1814861 1.1465156 1.1104484\n", + " 1.0872939 1.0760148 1.0735259 1.0725718 1.0672255 1.0583428 1.0495968\n", + " 1.04569 1.047656 1.0528502 1.0583117 0. 0. 0. ]]\n", + "[[1.1688033 1.1644328 1.1732419 1.1795384 1.1657903 1.1340864 1.1028228\n", + " 1.0817862 1.0724227 1.0704111 1.0705128 1.0659307 1.05724 1.0487354\n", + " 1.0447203 1.046803 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1927527 1.1875751 1.1977417 1.206327 1.1942976 1.1588352 1.1222479\n", + " 1.0977639 1.0862097 1.0830079 1.0822973 1.0760219 1.0654249 1.0558088\n", + " 1.0517763 1.0545585 1.0613313 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1769596 1.1721246 1.1826199 1.1911308 1.179235 1.1438744 1.107975\n", + " 1.0846795 1.0739009 1.0715932 1.0711861 1.0665319 1.0573716 1.0491291\n", + " 1.0460352 1.0482043 1.0540581 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1631181 1.159453 1.170221 1.1811774 1.1712168 1.139017 1.1051865\n", + " 1.0824236 1.070868 1.0671248 1.0653301 1.0592183 1.0507175 1.0431721\n", + " 1.0403916 1.0425863 1.0477498 1.0528584 1.0550643 1.0556276 1.0565256\n", + " 1.0597321 1.0671195 1.0763797 1.0834715]\n", + " [1.1617825 1.1579374 1.1683649 1.1770549 1.1669134 1.1349161 1.1013885\n", + " 1.0792016 1.0695056 1.067722 1.0681268 1.0632124 1.0547069 1.0463743\n", + " 1.0424773 1.0440432 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1682227 1.1638709 1.1738421 1.1807072 1.1683519 1.1351517 1.1023084\n", + " 1.0806155 1.0706298 1.0690236 1.0691208 1.0647947 1.056152 1.04806\n", + " 1.0444814 1.0465759 0. ]\n", + " [1.1718597 1.1653974 1.1730669 1.1806073 1.1678822 1.1355845 1.1037759\n", + " 1.0827674 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.159532 1.1550876 1.1646776 1.1723919 1.1616031 1.1306498 1.0988386\n", + " 1.0779614 1.0684307 1.0665388 1.0666697 1.0623308 1.053192 1.0454562\n", + " 1.0416834 1.0434325 0. ]\n", + " [1.1708908 1.1647487 1.1730508 1.1803565 1.1683912 1.1367682 1.1050377\n", + " 1.0836418 1.0733274 1.0703664 1.0692115 1.0644406 1.0561833 1.0482633\n", + " 1.0450389 1.0471277 1.0524311]\n", + " [1.1855983 1.1816742 1.1919369 1.199954 1.1878859 1.153112 1.1167202\n", + " 1.0922048 1.0803988 1.078244 1.0783528 1.0727069 1.0629874 1.0541835\n", + " 1.0501001 1.0524609 1.0585403]]\n", + "[[1.1645496 1.163635 1.1747705 1.1848869 1.1727495 1.1413152 1.1078827\n", + " 1.0847021 1.0731694 1.068424 1.0663655 1.0607865 1.0521518 1.0448322\n", + " 1.0412413 1.0428497 1.0475953 1.0518928 1.0542066 1.0551884 1.0564507]\n", + " [1.1737694 1.1711965 1.1817673 1.1914307 1.1791322 1.144707 1.1101016\n", + " 1.0870595 1.0755382 1.0720006 1.0713131 1.0661875 1.0570589 1.0491105\n", + " 1.0452344 1.0466913 1.0516458 1.0567619 0. 0. 0. ]\n", + " [1.1821355 1.1784463 1.1886629 1.1976761 1.1841075 1.1491427 1.1135297\n", + " 1.0898399 1.0786316 1.0760597 1.0752982 1.0699513 1.0605419 1.0509156\n", + " 1.0473562 1.0492885 1.0549744 0. 0. 0. 0. ]\n", + " [1.1684856 1.1642628 1.1736356 1.1818779 1.1690626 1.1366824 1.10319\n", + " 1.0809853 1.0712833 1.0692662 1.069225 1.0650913 1.0560528 1.0474759\n", + " 1.0434359 1.0451458 1.0504462 0. 0. 0. 0. ]\n", + " [1.1636055 1.1595113 1.1700387 1.17927 1.1678095 1.1361085 1.1031437\n", + " 1.0806423 1.0701596 1.0684134 1.0683184 1.0641117 1.0555258 1.047575\n", + " 1.0437137 1.0452106 0. 0. 0. 0. 0. ]]\n", + "[[1.1628106 1.1593134 1.1686584 1.1771088 1.1646466 1.1330172 1.1007731\n", + " 1.0789776 1.0687906 1.0657601 1.064412 1.0599669 1.051708 1.0442288\n", + " 1.040807 1.0422341 1.0470055 1.0514516 1.0535659 0. ]\n", + " [1.1720771 1.1697457 1.1800439 1.1888025 1.1747965 1.1423159 1.1085172\n", + " 1.0855081 1.074054 1.0702088 1.0687813 1.0623443 1.053312 1.0459234\n", + " 1.0429492 1.0444369 1.0495722 1.054393 1.0571997 1.0584029]\n", + " [1.2095821 1.2033657 1.2137767 1.2224406 1.208019 1.1691623 1.1302956\n", + " 1.1038541 1.0923134 1.0908341 1.0909169 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2110252 1.2073979 1.218799 1.2272464 1.2130346 1.1717838 1.1297231\n", + " 1.1019427 1.0903708 1.0891628 1.0891442 1.084325 1.0730656 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1627975 1.1602602 1.1708572 1.1799474 1.1675143 1.1353116 1.1016347\n", + " 1.0783782 1.0681775 1.0655806 1.0649768 1.0610538 1.0528648 1.045356\n", + " 1.0416574 1.0433031 1.048072 1.0532069 0. 0. ]]\n", + "[[1.1582273 1.1546265 1.1652266 1.1739038 1.1637437 1.1324801 1.099899\n", + " 1.0785496 1.0685314 1.0662246 1.0668341 1.0626963 1.0543548 1.0466374\n", + " 1.0428605 1.0445591 0. 0. 0. ]\n", + " [1.1516793 1.1486285 1.1567608 1.1636645 1.1519876 1.1224873 1.0920674\n", + " 1.0718957 1.0622038 1.058702 1.0587595 1.055043 1.0478632 1.041008\n", + " 1.0379618 1.0392772 1.0430944 1.047492 0. ]\n", + " [1.1924032 1.1864297 1.1959192 1.2040999 1.1904666 1.1556199 1.1196961\n", + " 1.0953448 1.0835711 1.0817595 1.0818864 1.0764459 1.0665175 1.0569047\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.173003 1.1697577 1.1805533 1.1887262 1.1766771 1.142692 1.107996\n", + " 1.0846133 1.0737085 1.0705678 1.069048 1.064255 1.0552562 1.0472509\n", + " 1.0436487 1.0457739 1.0508804 1.0561459 1.0585247]\n", + " [1.1734127 1.1695912 1.1794147 1.1880949 1.1766423 1.143136 1.1082522\n", + " 1.0853643 1.07393 1.0711244 1.0695158 1.0643741 1.0560721 1.0482149\n", + " 1.0444118 1.0459309 1.0507565 1.0554249 1.0579134]]\n", + "[[1.1707784 1.1687133 1.1806458 1.1904391 1.1791768 1.1444068 1.1083051\n", + " 1.0838896 1.0728228 1.0696595 1.0683353 1.0630366 1.053616 1.0457538\n", + " 1.0418595 1.0435064 1.0486244 1.0536467 1.0567188]\n", + " [1.1687453 1.1643667 1.1737547 1.1811395 1.1672158 1.1342943 1.1021487\n", + " 1.0807539 1.071414 1.0706661 1.0708528 1.0660164 1.0568528 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1612853 1.155517 1.1641814 1.1718969 1.1618814 1.1310889 1.0994627\n", + " 1.0786693 1.0696892 1.0675648 1.0671375 1.0626061 1.054234 1.0460567\n", + " 1.042593 1.0444609 0. 0. 0. ]\n", + " [1.1880183 1.1820832 1.1907499 1.1981432 1.1870964 1.1531065 1.1167654\n", + " 1.0929011 1.0811112 1.0785813 1.0776775 1.0720726 1.0620046 1.0529044\n", + " 1.0487376 1.0512682 1.0570037 0. 0. ]\n", + " [1.1747301 1.1720777 1.1831025 1.1926707 1.1795715 1.1451006 1.1096861\n", + " 1.0864944 1.075543 1.0728743 1.0718106 1.0666119 1.0571932 1.0489177\n", + " 1.0449196 1.0467595 1.0520409 1.057203 0. ]]\n", + "[[1.1800808 1.1742532 1.183469 1.1935266 1.1809357 1.1463772 1.1108422\n", + " 1.0868024 1.0764546 1.0747607 1.0752381 1.069892 1.0604992 1.0517431\n", + " 1.0478088 0. 0. 0. 0. ]\n", + " [1.1711999 1.1670755 1.1770684 1.1856105 1.1727589 1.1396807 1.1054662\n", + " 1.0824232 1.0721401 1.0708052 1.0713266 1.0667094 1.0583344 1.0502988\n", + " 1.0465558 1.0484056 0. 0. 0. ]\n", + " [1.187706 1.1822356 1.1919795 1.2005334 1.1882828 1.1532071 1.1167275\n", + " 1.0923336 1.0815058 1.0797213 1.080723 1.0753559 1.0653706 1.05558\n", + " 1.0509962 0. 0. 0. 0. ]\n", + " [1.1721402 1.1689385 1.178839 1.1877029 1.1747749 1.1397277 1.1050525\n", + " 1.0821165 1.0715436 1.0690594 1.0687447 1.0645354 1.0555024 1.0476764\n", + " 1.0443045 1.0461775 1.0513958 1.0564504 0. ]\n", + " [1.1871214 1.1831849 1.1933205 1.2009418 1.1902713 1.1555042 1.1188534\n", + " 1.0933021 1.0810224 1.0771203 1.0757339 1.0703601 1.0607815 1.0519749\n", + " 1.0483612 1.050446 1.0554836 1.0607184 1.0635899]]\n", + "[[1.1779506 1.173943 1.1843078 1.1928047 1.1806166 1.1461837 1.1102467\n", + " 1.0870137 1.0767082 1.0765555 1.0779451 1.0727898 0. 0.\n", + " 0. ]\n", + " [1.1684833 1.1635857 1.1735605 1.1823752 1.1704258 1.136564 1.102685\n", + " 1.0810951 1.0719576 1.071846 1.0725893 1.06809 0. 0.\n", + " 0. ]\n", + " [1.185868 1.1815397 1.1912638 1.1996889 1.188108 1.1519955 1.1145159\n", + " 1.0903012 1.0791417 1.0772467 1.078306 1.0732609 1.0638468 1.0549212\n", + " 0. ]\n", + " [1.1787161 1.1732055 1.1817244 1.191019 1.1794282 1.1468657 1.1128304\n", + " 1.0900505 1.079837 1.0782087 1.0778803 1.0723677 1.0621254 1.0524968\n", + " 1.0481203]\n", + " [1.1576153 1.1532214 1.1618149 1.1717343 1.1616992 1.1304884 1.0980318\n", + " 1.0773623 1.0682222 1.0666767 1.0674384 1.0628985 1.0540483 1.0457033\n", + " 1.0417417]]\n", + "[[1.1853014 1.1823815 1.1933355 1.202567 1.1884054 1.1510037 1.1143336\n", + " 1.0904838 1.0808702 1.0802059 1.0806752 1.0753987 1.0648016 1.0551015\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1755008 1.1723487 1.182331 1.1915084 1.178444 1.1439612 1.1081188\n", + " 1.0846047 1.0734025 1.0711464 1.0710909 1.0672044 1.058229 1.0504069\n", + " 1.0462384 1.0479062 1.0533495 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1656322 1.163123 1.1739475 1.1844038 1.172882 1.1403177 1.1061983\n", + " 1.0834507 1.0721421 1.0678207 1.0655345 1.0597652 1.050369 1.0429142\n", + " 1.0400882 1.0420552 1.046905 1.0520004 1.0545412 1.055579 1.0563682\n", + " 1.059219 1.0658728 1.0754464 1.083217 ]\n", + " [1.1751096 1.1712563 1.1812557 1.1896278 1.1783129 1.1447943 1.1091068\n", + " 1.0867503 1.0757408 1.0723268 1.0714287 1.0665243 1.0568066 1.0484068\n", + " 1.0447083 1.046259 1.0515065 1.0567636 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1635337 1.1620653 1.1720915 1.1799712 1.1682043 1.135666 1.1027722\n", + " 1.0812404 1.0703768 1.0674692 1.065615 1.0605115 1.0516115 1.0440707\n", + " 1.04046 1.0423173 1.047155 1.0519981 1.0543989 0. 0.\n", + " 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1599681 1.1574881 1.1683908 1.1778684 1.167112 1.1355134 1.1026188\n", + " 1.0809629 1.070265 1.0664599 1.0644883 1.0588597 1.050332 1.0431161\n", + " 1.0400631 1.04197 1.046669 1.0519538 1.0540997 1.0550851 1.0562581\n", + " 1.0594957 1.0666025]\n", + " [1.1790999 1.173259 1.1820899 1.1897439 1.1753538 1.142482 1.1080748\n", + " 1.0860006 1.0764751 1.0753338 1.075953 1.0708549 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1830326 1.1787914 1.1900617 1.2000644 1.1879163 1.1520296 1.114204\n", + " 1.089373 1.0778458 1.0767436 1.0766932 1.0714923 1.0622389 1.0531324\n", + " 1.049008 1.0509865 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1740957 1.1697513 1.1807398 1.1907308 1.1791779 1.1452286 1.1095684\n", + " 1.0862023 1.0753427 1.073639 1.0729616 1.0682387 1.0589031 1.0497297\n", + " 1.0458181 1.0474739 1.0532643 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1633945 1.1595206 1.1691734 1.1784798 1.1663021 1.1348878 1.1026149\n", + " 1.0803642 1.0688272 1.0654356 1.0638566 1.0586988 1.0504255 1.0436342\n", + " 1.0404832 1.0423373 1.0464802 1.0513097 1.0540574 1.0549976 0.\n", + " 0. 0. ]]\n", + "[[1.2048956 1.1994104 1.2090298 1.2173307 1.2019131 1.1648809 1.1272047\n", + " 1.1014566 1.0906719 1.0889487 1.088677 1.0831556 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1757897 1.1717227 1.1820351 1.1919374 1.1800938 1.1472955 1.1124244\n", + " 1.0885805 1.0766597 1.0733479 1.0716534 1.0655725 1.0562754 1.0477996\n", + " 1.0443119 1.0459708 1.0515249 1.0566665 1.0591031 1.0598327]\n", + " [1.1828884 1.1766944 1.185542 1.1937212 1.1818888 1.1481237 1.1139268\n", + " 1.091835 1.0819726 1.0811107 1.0810887 1.0754087 1.0644073 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1834022 1.1785667 1.1886718 1.1964755 1.1825317 1.1482381 1.1138641\n", + " 1.0909843 1.0803847 1.078758 1.0782795 1.0729094 1.0630634 1.0539103\n", + " 1.0499139 0. 0. 0. 0. 0. ]\n", + " [1.1534753 1.1504779 1.1612903 1.1695306 1.157909 1.126383 1.0947927\n", + " 1.0746036 1.0648042 1.0634711 1.0630603 1.0585959 1.0504152 1.042837\n", + " 1.0393965 1.0409182 1.0460912 0. 0. 0. ]]\n", + "[[1.1836509 1.18177 1.1926345 1.2007035 1.1862645 1.1508483 1.1153704\n", + " 1.0913571 1.0798963 1.0762329 1.0743378 1.0684611 1.0586091 1.049535\n", + " 1.0463942 1.0479939 1.0535442 1.0587969 1.0613204 0. 0. ]\n", + " [1.1782393 1.1743721 1.1850809 1.194947 1.1823919 1.1485944 1.113456\n", + " 1.0900344 1.0788535 1.0772047 1.0770459 1.0717583 1.0625505 1.0533261\n", + " 1.04928 0. 0. 0. 0. 0. 0. ]\n", + " [1.1565306 1.1535094 1.1634214 1.1716734 1.16014 1.1299417 1.0984542\n", + " 1.0777937 1.0673826 1.0642414 1.0621567 1.056674 1.0484414 1.0413972\n", + " 1.0384443 1.0396531 1.0439917 1.048504 1.0507647 1.0518109 1.0531404]\n", + " [1.1666629 1.1643256 1.1754311 1.1836109 1.1705492 1.1363188 1.102084\n", + " 1.0803099 1.0700148 1.0693743 1.0699288 1.0651275 1.0559613 1.0478065\n", + " 1.0439093 1.0456536 0. 0. 0. 0. 0. ]\n", + " [1.165452 1.1605562 1.1691899 1.1762191 1.1633745 1.1313155 1.0986283\n", + " 1.077649 1.0685184 1.0666106 1.0665486 1.0627102 1.0547279 1.0467294\n", + " 1.0432105 1.0450681 0. 0. 0. 0. 0. ]]\n", + "[[1.2045171 1.1978948 1.2074764 1.2166643 1.2029982 1.165763 1.1269331\n", + " 1.1005881 1.088577 1.0853125 1.083806 1.0774698 1.0672452 1.0579606\n", + " 1.0535853 1.0565312 1.0633343 0. 0. 0. 0. ]\n", + " [1.1547558 1.1532295 1.1646018 1.1731613 1.1615126 1.1305844 1.0987233\n", + " 1.0769243 1.0668014 1.0632286 1.060882 1.0557551 1.0474507 1.041087\n", + " 1.0375954 1.0393666 1.0440735 1.0487378 1.0509671 1.0524318 1.0539312]\n", + " [1.1919247 1.185535 1.1942979 1.2014374 1.1896517 1.1549497 1.1192168\n", + " 1.0952288 1.0849314 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1796455 1.1753571 1.1869283 1.1966065 1.1835694 1.1486473 1.1132278\n", + " 1.0898242 1.0793177 1.0779123 1.0780579 1.0730426 1.0628184 1.0542294\n", + " 1.0500542 0. 0. 0. 0. 0. 0. ]\n", + " [1.1632557 1.158547 1.1677122 1.1749918 1.1626256 1.1304346 1.0984097\n", + " 1.0773103 1.0677596 1.0665858 1.0668483 1.0624855 1.0545547 1.0468341\n", + " 1.0435536 1.0455523 0. 0. 0. 0. 0. ]]\n", + "[[1.1874413 1.1838495 1.1938369 1.2024912 1.1896474 1.1540935 1.116921\n", + " 1.0928322 1.0812684 1.0781298 1.0773644 1.0722003 1.0617698 1.0533018\n", + " 1.0496004 1.051434 1.0572145 1.0628495 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1585641 1.1537374 1.1638436 1.172503 1.1623901 1.1311175 1.0990378\n", + " 1.0777926 1.0678022 1.0660092 1.0660714 1.0610518 1.0525092 1.04463\n", + " 1.0411505 1.0427976 1.0479691 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1572698 1.1540965 1.1651261 1.1770728 1.1686484 1.1365526 1.1039482\n", + " 1.0812855 1.0700401 1.0667056 1.0643996 1.0588979 1.0499225 1.0423441\n", + " 1.0394627 1.0413381 1.0464351 1.0521147 1.0548466 1.0551608 1.0562336\n", + " 1.0596206 1.0661193 1.0765008 1.0840425 1.0873634 1.088135 1.0837243]\n", + " [1.1577564 1.1523638 1.1606072 1.1686335 1.1577867 1.1275797 1.0972314\n", + " 1.0766536 1.0669417 1.0646093 1.0642107 1.0596231 1.051205 1.043625\n", + " 1.0403457 1.0423939 1.0475966 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1685758 1.1646302 1.1740454 1.182489 1.1711844 1.1387014 1.1053737\n", + " 1.0829967 1.0719596 1.0688527 1.0684767 1.0638918 1.0552076 1.0477531\n", + " 1.0443376 1.0457599 1.0506412 1.0557289 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1807327 1.1773343 1.1872305 1.1942064 1.1826947 1.1492897 1.1139367\n", + " 1.0909134 1.0790805 1.0753709 1.0727665 1.0673171 1.0577555 1.0494678\n", + " 1.0465348 1.048225 1.0538802 1.0586977 1.0609847 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1635969 1.1612412 1.1717603 1.1814381 1.1698055 1.1380552 1.1055351\n", + " 1.0825758 1.07146 1.0669429 1.0647252 1.0585736 1.0497588 1.0426103\n", + " 1.039541 1.0414315 1.0464884 1.0516206 1.0535105 1.0542564 1.0557218\n", + " 1.0590523 1.0659109 1.0757931 1.0831923]\n", + " [1.1800988 1.1779996 1.1882555 1.1975983 1.1847472 1.1510845 1.1158938\n", + " 1.0921309 1.0800662 1.075547 1.072912 1.0659151 1.0565588 1.048343\n", + " 1.0449994 1.04711 1.0520778 1.0571015 1.0594068 1.0601305 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1667461 1.1630576 1.1734128 1.1809462 1.1695471 1.1370739 1.1038555\n", + " 1.0823202 1.0722473 1.069809 1.0689427 1.06404 1.055305 1.0469675\n", + " 1.0437347 1.0455759 1.051154 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1666752 1.1643056 1.174787 1.1828033 1.1702216 1.136399 1.1024324\n", + " 1.0809374 1.0713037 1.0687802 1.0681106 1.0635285 1.0547236 1.046633\n", + " 1.0428233 1.0445017 1.0496738 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1792217 1.1750355 1.1844828 1.1932023 1.1813917 1.1479813 1.114531\n", + " 1.091086 1.078934 1.0752432 1.0731078 1.0683671 1.0594399 1.050683\n", + " 1.0474992 1.04947 1.0544863 1.0595126 0. 0. ]\n", + " [1.1637726 1.158933 1.1680874 1.1757714 1.1646645 1.133978 1.1015798\n", + " 1.0807437 1.0700557 1.0679823 1.067145 1.0621957 1.0536436 1.0458592\n", + " 1.0422933 1.0438387 1.0492468 0. 0. 0. ]\n", + " [1.1784922 1.1755161 1.1855732 1.1945978 1.1814922 1.1482476 1.1136582\n", + " 1.0895154 1.0773221 1.0735137 1.0712764 1.0655814 1.056584 1.0479403\n", + " 1.0447695 1.0467365 1.0520694 1.0567355 1.0592254 1.059852 ]\n", + " [1.166838 1.162033 1.1732188 1.182031 1.170867 1.1385312 1.1048392\n", + " 1.0826079 1.072798 1.0715349 1.0713007 1.0661023 1.0566722 1.0478463\n", + " 1.0441748 0. 0. 0. 0. 0. ]\n", + " [1.152019 1.1482139 1.1572024 1.1656218 1.1549909 1.1251928 1.0949135\n", + " 1.0743445 1.0651261 1.0634605 1.0636778 1.0602423 1.0524994 1.0449139\n", + " 1.0411583 0. 0. 0. 0. 0. ]]\n", + "[[1.1257169 1.1206326 1.1291621 1.13914 1.1339676 1.110799 1.0851992\n", + " 1.0675961 1.0580927 1.0548382 1.053179 1.0485116 1.0411654 1.0349723\n", + " 1.032503 1.0343091 1.0390887 1.04365 1.0460793 1.0466942 1.0468539\n", + " 1.0485678 1.0535961 1.0613186 1.0678922 1.0735215 1.074245 1.0707166\n", + " 1.0635886 1.0554609 1.0487565 1.0446755 1.0428795 1.0430213 1.045458\n", + " 1.0476975 1.0473071]\n", + " [1.1681101 1.1632123 1.1725979 1.1816106 1.1698638 1.1379977 1.104311\n", + " 1.0817636 1.0716065 1.068966 1.0687326 1.0647177 1.0562754 1.048399\n", + " 1.0445092 1.0461332 1.0516827 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1726403 1.1690558 1.1805562 1.18916 1.176887 1.1423744 1.1069686\n", + " 1.0834197 1.0720971 1.0692184 1.0681467 1.0633171 1.0543259 1.0469382\n", + " 1.0434297 1.0452532 1.0503536 1.0554183 1.0580114 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1941789 1.1896832 1.2011192 1.2101259 1.1970098 1.159884 1.1207998\n", + " 1.0946548 1.0820954 1.0786461 1.0769025 1.0715516 1.0620974 1.0534803\n", + " 1.0498153 1.0520166 1.0579698 1.0631058 1.0657216 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2191553 1.2117078 1.2225689 1.2314289 1.2168638 1.1776342 1.1356006\n", + " 1.1078361 1.0952181 1.0939379 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1772848 1.1726559 1.1819378 1.1915665 1.1791899 1.1454797 1.1106629\n", + " 1.0869282 1.0753632 1.0727957 1.0713114 1.0671369 1.0582447 1.0500294\n", + " 1.0463638 1.048059 1.0535804 0. 0. 0. ]\n", + " [1.215255 1.209277 1.21999 1.227773 1.2139567 1.1737713 1.133173\n", + " 1.1068227 1.0947948 1.0942008 1.0951838 1.0892284 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1832827 1.1787317 1.1883688 1.1959316 1.1829209 1.1492066 1.1145176\n", + " 1.0909413 1.0795244 1.0763807 1.0753103 1.0702393 1.0606841 1.0523219\n", + " 1.0482228 1.0503857 1.0564663 0. 0. 0. ]\n", + " [1.167154 1.1629521 1.1732937 1.1829953 1.1710947 1.1387719 1.1054363\n", + " 1.0829402 1.0716825 1.0675309 1.0655823 1.0599242 1.0508068 1.0434362\n", + " 1.0402746 1.0420543 1.0468903 1.0520111 1.054483 1.0552549]\n", + " [1.2056081 1.1997966 1.2108269 1.22143 1.2071565 1.1697019 1.1308933\n", + " 1.1041753 1.0932955 1.0919434 1.0914749 1.0860041 1.0747647 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.201047 1.1956066 1.20544 1.2135758 1.1997157 1.1633393 1.1247138\n", + " 1.1008223 1.0896673 1.0875741 1.0881966 1.0817589 1.0706711 1.0605626\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1504257 1.1478124 1.1572561 1.1644597 1.1531126 1.1221849 1.0915799\n", + " 1.071612 1.0620567 1.0594001 1.0586779 1.0543113 1.0470512 1.0406208\n", + " 1.0376774 1.03928 1.043611 1.0479877 1.0500184]\n", + " [1.174755 1.1703566 1.1804744 1.1879492 1.1762998 1.1424696 1.1075249\n", + " 1.0843037 1.073374 1.0705829 1.0707917 1.0659169 1.0575464 1.049457\n", + " 1.0456935 1.0475521 1.0529535 0. 0. ]\n", + " [1.2164781 1.2101755 1.2191079 1.2257887 1.2108536 1.1728909 1.1324846\n", + " 1.1046343 1.0924345 1.0897073 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1659892 1.1627746 1.173178 1.1818806 1.1694281 1.1361235 1.1028275\n", + " 1.0806495 1.0700287 1.0679828 1.0679631 1.0633577 1.0553453 1.0478163\n", + " 1.044049 1.0456694 1.0506463 0. 0. ]]\n", + "[[1.1650429 1.162057 1.1725129 1.182177 1.170074 1.1374017 1.1039315\n", + " 1.0821446 1.0714784 1.0687445 1.0682306 1.0633287 1.0540723 1.0462084\n", + " 1.0425271 1.0441735 1.049409 1.0543989 0. 0. ]\n", + " [1.1840757 1.1790032 1.1886433 1.1966579 1.1842883 1.1504254 1.1159794\n", + " 1.091997 1.0809836 1.0786537 1.0782677 1.0732182 1.0639466 1.055076\n", + " 1.051022 0. 0. 0. 0. 0. ]\n", + " [1.1620033 1.1571034 1.1661938 1.1745932 1.1643722 1.1329021 1.1005802\n", + " 1.0786244 1.0685577 1.0673039 1.0676856 1.0637724 1.0555141 1.0474858\n", + " 1.0437517 0. 0. 0. 0. 0. ]\n", + " [1.1725621 1.1696372 1.179474 1.1881294 1.1760592 1.14224 1.1084923\n", + " 1.0855169 1.0738369 1.0696285 1.0675266 1.0620106 1.0533626 1.045751\n", + " 1.0423903 1.0442278 1.049231 1.0542045 1.0570762 1.0585222]\n", + " [1.1656628 1.1615454 1.171428 1.1805743 1.1681314 1.1366949 1.1034625\n", + " 1.0811985 1.070978 1.0689149 1.0691705 1.0647129 1.0556351 1.047543\n", + " 1.0437967 1.045805 0. 0. 0. 0. ]]\n", + "[[1.1861537 1.1803697 1.1898543 1.1982622 1.1854597 1.1506691 1.1144427\n", + " 1.0902289 1.0787325 1.0757332 1.0747936 1.0697345 1.0603343 1.0514643\n", + " 1.0476288 1.0496845 1.0550462 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1613079 1.158576 1.1675351 1.174442 1.1622425 1.1304213 1.09825\n", + " 1.0770507 1.0674237 1.0643821 1.0633796 1.0590552 1.0510478 1.043572\n", + " 1.0406723 1.0419829 1.0466933 1.0516033 1.0539442 0. 0.\n", + " 0. ]\n", + " [1.1848996 1.1821258 1.1925352 1.2016156 1.1895825 1.154857 1.1191399\n", + " 1.0941426 1.0813254 1.0760096 1.0744585 1.0681865 1.0583735 1.050318\n", + " 1.0467832 1.0489632 1.0542004 1.0594083 1.0618511 1.062687 1.0640974\n", + " 0. ]\n", + " [1.1572416 1.1551856 1.1655338 1.1743914 1.1627169 1.1303517 1.097869\n", + " 1.0766044 1.0658374 1.0634944 1.0624887 1.0576859 1.0498961 1.0428478\n", + " 1.0395855 1.0412384 1.0460429 1.0508428 0. 0. 0.\n", + " 0. ]\n", + " [1.1358973 1.1331354 1.142425 1.1511567 1.142766 1.1160272 1.0878617\n", + " 1.0687364 1.058788 1.0550686 1.0535743 1.0487008 1.041241 1.03503\n", + " 1.0319179 1.0335215 1.0377758 1.0418093 1.0437052 1.0446602 1.0456522\n", + " 1.0486188]]\n", + "[[1.1906724 1.1868204 1.1970766 1.206011 1.192664 1.1559465 1.1196585\n", + " 1.0952225 1.0831277 1.0794971 1.0790619 1.0724972 1.0630814 1.0543741\n", + " 1.0498182 1.05249 1.058481 1.0641745 0. 0. ]\n", + " [1.176344 1.1703086 1.1803554 1.1899612 1.1768771 1.1439519 1.1088719\n", + " 1.08592 1.07606 1.0751578 1.0757318 1.070856 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1861556 1.1837181 1.1946831 1.204805 1.1912802 1.1557565 1.1185806\n", + " 1.0933121 1.0799927 1.0763661 1.0741093 1.0685892 1.0588874 1.0507002\n", + " 1.04649 1.0484666 1.0539804 1.0591003 1.0612719 1.0622355]\n", + " [1.1738846 1.1716653 1.1834178 1.1945124 1.1828535 1.1477778 1.111778\n", + " 1.0872933 1.0749522 1.0707886 1.0696932 1.0640498 1.055145 1.0472535\n", + " 1.0437574 1.0447341 1.0493968 1.0542309 1.056578 1.0573182]\n", + " [1.1702386 1.167176 1.1786829 1.1881597 1.1765382 1.1429789 1.1080716\n", + " 1.0850219 1.0735954 1.0703274 1.0687279 1.063766 1.0550407 1.046925\n", + " 1.043358 1.0450174 1.0496446 1.0545624 1.0568914 0. ]]\n", + "[[1.1727049 1.1681253 1.1772865 1.1843909 1.17398 1.1422148 1.1087614\n", + " 1.0857797 1.0754502 1.07245 1.0726738 1.067904 1.0586245 1.0499587\n", + " 1.0464888 1.0486021 0. 0. 0. ]\n", + " [1.1689068 1.1651908 1.1756032 1.1837901 1.1704285 1.136362 1.1016041\n", + " 1.0797024 1.0698508 1.0682362 1.0683308 1.0636188 1.0551391 1.0472028\n", + " 1.0435574 1.0455139 1.0508521 0. 0. ]\n", + " [1.187976 1.1828628 1.1944422 1.2040049 1.1906494 1.154457 1.116643\n", + " 1.0917772 1.080368 1.0782928 1.0782331 1.0730608 1.0634977 1.0544182\n", + " 1.0499563 1.0518935 0. 0. 0. ]\n", + " [1.1749079 1.1719542 1.1833609 1.191884 1.1803404 1.1455858 1.1094517\n", + " 1.0860807 1.0747128 1.0731566 1.073051 1.0687735 1.0593221 1.0510614\n", + " 1.047083 1.0490183 1.0544634 0. 0. ]\n", + " [1.1900443 1.1872402 1.1967359 1.20504 1.1934348 1.1581191 1.1210827\n", + " 1.0954067 1.0832527 1.0789474 1.0774219 1.0716444 1.0616477 1.0528023\n", + " 1.0491385 1.0513191 1.0569025 1.0625396 1.0648249]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1665087 1.1632421 1.1744294 1.1833547 1.1722056 1.1385298 1.1039356\n", + " 1.0815676 1.0713487 1.0707656 1.0708853 1.0665423 1.0569898 1.048326\n", + " 1.0444638 0. 0. 0. 0. 0. ]\n", + " [1.1712927 1.1658969 1.1757647 1.1854306 1.1746796 1.1423889 1.1089234\n", + " 1.0860204 1.07492 1.0733606 1.0729688 1.0684807 1.0595453 1.0506015\n", + " 1.0467705 0. 0. 0. 0. 0. ]\n", + " [1.1657991 1.1622688 1.1709096 1.1766557 1.1634328 1.1323128 1.1019208\n", + " 1.081409 1.071315 1.0687112 1.0676936 1.0623914 1.0538089 1.0457317\n", + " 1.0426316 1.0442256 1.0488057 1.0533664 0. 0. ]\n", + " [1.1988643 1.1951534 1.2068483 1.2188429 1.205388 1.1683385 1.1280003\n", + " 1.1008348 1.0878736 1.0840949 1.0825824 1.0764134 1.0657253 1.055901\n", + " 1.0515227 1.0535634 1.0591178 1.0646507 1.0675802 0. ]\n", + " [1.1534675 1.1495097 1.1575452 1.1653227 1.1552893 1.1257403 1.0961088\n", + " 1.0759969 1.0654156 1.0614598 1.0598124 1.054519 1.046611 1.0398089\n", + " 1.036924 1.0382178 1.0428814 1.0471687 1.0491358 1.0502179]]\n", + "[[1.1679676 1.1642281 1.1742232 1.183398 1.1726252 1.1398652 1.1052865\n", + " 1.0830216 1.0722289 1.070403 1.0704184 1.0661154 1.0569834 1.048555\n", + " 1.0445098 1.0462408 1.0513275 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1691396 1.166744 1.1783444 1.1879727 1.1752977 1.1420658 1.107426\n", + " 1.08439 1.0732981 1.0698242 1.0671942 1.0615197 1.0522184 1.0445843\n", + " 1.0413859 1.0433643 1.048626 1.0538784 1.0555335 1.0566747 1.0579877\n", + " 1.0614554 1.0691949]\n", + " [1.1737483 1.1697577 1.1811317 1.1908014 1.1789782 1.1452434 1.109886\n", + " 1.0861884 1.0754951 1.0733366 1.0739076 1.0693642 1.0602449 1.0514282\n", + " 1.0473568 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1744914 1.1698995 1.180166 1.1892419 1.1774577 1.1450083 1.1107657\n", + " 1.0885684 1.0780854 1.076021 1.0763015 1.0712426 1.0607386 1.0514684\n", + " 1.0474226 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2140323 1.2088721 1.2191064 1.2277936 1.2127348 1.1726419 1.131274\n", + " 1.104328 1.0922307 1.0910075 1.0914935 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1858728 1.1799139 1.189731 1.1987189 1.1855985 1.1493994 1.112788\n", + " 1.0884867 1.07899 1.0773417 1.078629 1.0735844 1.0631996 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1655637 1.1607294 1.1699795 1.1781868 1.1673331 1.1351079 1.1018506\n", + " 1.0802428 1.0699565 1.0683992 1.0684917 1.0639557 1.0555295 1.0472399\n", + " 1.0436113 1.0455066 1.0508112 0. 0. 0. 0. ]\n", + " [1.1719055 1.1689558 1.1801776 1.1895843 1.1763728 1.1416969 1.1063759\n", + " 1.0831985 1.0725129 1.0698705 1.0689104 1.0638411 1.0547272 1.0468206\n", + " 1.04287 1.0446974 1.0498313 1.0548986 1.0573138 0. 0. ]\n", + " [1.1595479 1.1579211 1.1682637 1.1767375 1.1648118 1.1331258 1.1006714\n", + " 1.0795474 1.0689418 1.0656911 1.0639871 1.0586163 1.0498961 1.0427322\n", + " 1.039837 1.0411156 1.0455503 1.0499234 1.0516995 1.0524385 1.0542197]\n", + " [1.1580558 1.1542118 1.1637027 1.1715881 1.1607363 1.1298068 1.098586\n", + " 1.0779757 1.0687118 1.0663455 1.0657467 1.0608374 1.052504 1.0445919\n", + " 1.0411538 1.0427945 1.0480098 0. 0. 0. 0. ]]\n", + "[[1.172084 1.1693981 1.1799937 1.187675 1.1762495 1.1427033 1.1084352\n", + " 1.085708 1.0744845 1.0716354 1.0708144 1.0651659 1.0561996 1.0480449\n", + " 1.0444404 1.0459597 1.0513328 1.0565429 0. ]\n", + " [1.1941122 1.1885384 1.198517 1.2068315 1.1935209 1.1584083 1.1217035\n", + " 1.0967013 1.0847585 1.0823249 1.0821728 1.0763909 1.0663264 1.0566702\n", + " 1.0527045 1.0548828 0. 0. 0. ]\n", + " [1.1919703 1.1859518 1.1959263 1.2054092 1.1929955 1.1574693 1.1195178\n", + " 1.0944878 1.0827092 1.0800008 1.0797484 1.0745313 1.0645719 1.0546871\n", + " 1.0508072 1.0530277 1.0593894 0. 0. ]\n", + " [1.1740155 1.1687787 1.1782522 1.1862044 1.1730146 1.1401421 1.1069539\n", + " 1.0849929 1.0749037 1.0731883 1.072862 1.068079 1.0590018 1.0507287\n", + " 1.0467944 0. 0. 0. 0. ]\n", + " [1.1920234 1.1886747 1.1985494 1.207165 1.1937861 1.1581475 1.121239\n", + " 1.0957303 1.082904 1.0790379 1.0767628 1.0711515 1.0618106 1.0528638\n", + " 1.0491438 1.0507033 1.0563465 1.0614204 1.064323 ]]\n", + "[[1.1653707 1.1612065 1.1713134 1.1806788 1.1697124 1.137143 1.1038306\n", + " 1.0813842 1.0700597 1.0673054 1.0660944 1.0612923 1.0530707 1.045723\n", + " 1.0418255 1.043405 1.0480273 1.0526625 1.0552297 0. 0.\n", + " 0. ]\n", + " [1.1609966 1.1559486 1.1661747 1.1762376 1.165078 1.1339086 1.1015427\n", + " 1.0798988 1.0697893 1.0686102 1.0690194 1.0643907 1.0551654 1.0465747\n", + " 1.0426482 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1857005 1.1814682 1.1912168 1.1982354 1.1847174 1.149082 1.1128526\n", + " 1.0892324 1.0780278 1.0748395 1.0745587 1.0690213 1.0596906 1.0509942\n", + " 1.0471338 1.0492983 1.0548022 1.0602633 0. 0. 0.\n", + " 0. ]\n", + " [1.1728573 1.1704878 1.1802049 1.1891626 1.1772498 1.1452487 1.1114758\n", + " 1.088566 1.0762439 1.0716568 1.0690871 1.0628492 1.0535105 1.0460197\n", + " 1.0427388 1.0443091 1.0493476 1.0536373 1.0563477 1.0576297 1.0592593\n", + " 1.0628821]\n", + " [1.1872758 1.1822283 1.1923422 1.2011021 1.1882039 1.153104 1.1170955\n", + " 1.0932075 1.082643 1.0810679 1.0810437 1.0754732 1.0649928 1.0556026\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1651722 1.1617591 1.1721725 1.1811353 1.1698087 1.1367999 1.1033455\n", + " 1.0812086 1.0712168 1.0692787 1.0695976 1.0652622 1.0561972 1.0478147\n", + " 1.0440403 0. 0. 0. 0. 0. 0. ]\n", + " [1.171925 1.1701114 1.1811981 1.1900904 1.1771444 1.1427518 1.1079775\n", + " 1.0847971 1.0735606 1.0700876 1.0685177 1.0630289 1.0544217 1.0466566\n", + " 1.0434635 1.0451185 1.0500574 1.0547453 1.0571957 1.058099 0. ]\n", + " [1.1712884 1.1678767 1.178631 1.1879213 1.1761703 1.1437469 1.1090927\n", + " 1.0849754 1.0733907 1.0694065 1.0679976 1.062618 1.0546302 1.047002\n", + " 1.0437675 1.0448717 1.0500104 1.0546863 1.0572052 1.0582762 0. ]\n", + " [1.1862639 1.1796454 1.1892478 1.1975329 1.1845909 1.1497825 1.1145283\n", + " 1.0911303 1.0804379 1.0783496 1.0783314 1.073535 1.0631038 1.0544717\n", + " 1.0501804 1.0523052 0. 0. 0. 0. 0. ]\n", + " [1.1638497 1.1615334 1.1723444 1.1819024 1.1697874 1.1372796 1.1044688\n", + " 1.0815833 1.0696785 1.066062 1.0640508 1.0580033 1.0495677 1.0427727\n", + " 1.0399425 1.0421436 1.0466686 1.0515838 1.0543209 1.0555433 1.0571011]]\n", + "[[1.1600516 1.1548967 1.1635803 1.1709648 1.16037 1.1296043 1.0980132\n", + " 1.0769347 1.0683638 1.0669162 1.0672778 1.063238 1.0545472 1.0466619\n", + " 1.0431038 0. 0. 0. ]\n", + " [1.1727822 1.1704922 1.1807976 1.1897529 1.1755824 1.141216 1.1065071\n", + " 1.0836906 1.0732833 1.071047 1.070403 1.0656047 1.0567513 1.0486248\n", + " 1.0450027 1.046795 1.0519185 1.0572462]\n", + " [1.1807305 1.1755054 1.1856064 1.1943475 1.1821796 1.148028 1.1120722\n", + " 1.0892353 1.0795964 1.0784571 1.0787629 1.0740331 1.0635294 1.0540379\n", + " 0. 0. 0. 0. ]\n", + " [1.1743741 1.1694996 1.179063 1.1882672 1.1770413 1.1441671 1.109768\n", + " 1.0865527 1.0756832 1.0727805 1.0728177 1.0677996 1.0577949 1.0495911\n", + " 1.0456939 1.0473049 1.0524405 0. ]\n", + " [1.1776648 1.1727797 1.1837094 1.1934681 1.1818879 1.1461425 1.1101018\n", + " 1.0865223 1.076353 1.0756423 1.0765764 1.072418 1.062549 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1893119 1.1850634 1.1939803 1.2029749 1.189015 1.1537201 1.1175076\n", + " 1.0943391 1.0834659 1.0822232 1.0824755 1.0768645 1.0663129 1.0563394\n", + " 0. 0. 0. 0. ]\n", + " [1.1933693 1.1878926 1.1976621 1.2043779 1.1914263 1.155097 1.1177659\n", + " 1.0934553 1.0828329 1.0818577 1.081947 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.186135 1.1832279 1.1941693 1.2020254 1.1852986 1.1494845 1.1129826\n", + " 1.0892125 1.0798483 1.0792437 1.0798715 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1652628 1.1607548 1.1706009 1.1804382 1.1686742 1.1372942 1.1047901\n", + " 1.0825016 1.0716423 1.0687253 1.0678008 1.0626053 1.0535048 1.0450487\n", + " 1.0410659 1.042638 1.0473573 1.0524015]\n", + " [1.1584933 1.155484 1.165499 1.1735957 1.1623269 1.1312071 1.0987096\n", + " 1.0776169 1.0678207 1.0656371 1.0651944 1.0607241 1.0524709 1.0449181\n", + " 1.0413277 1.0425894 1.0471339 1.0515177]]\n", + "[[1.1730902 1.170187 1.1806563 1.1884413 1.1740854 1.1396737 1.1053427\n", + " 1.0833166 1.0729774 1.0702202 1.069528 1.0637805 1.0544076 1.0461768\n", + " 1.042275 1.0440326 1.0489788 1.0538217 1.0563176 0. 0.\n", + " 0. 0. ]\n", + " [1.1653169 1.1640086 1.1755229 1.1865098 1.1759362 1.1421819 1.1083008\n", + " 1.0854132 1.0737653 1.0694475 1.0673364 1.06106 1.051775 1.0442909\n", + " 1.0413629 1.0431291 1.0485424 1.0529612 1.0562925 1.0573896 1.0586494\n", + " 1.0622803 1.0693184]\n", + " [1.18526 1.1809088 1.1907383 1.1979373 1.1854413 1.1518353 1.1167516\n", + " 1.0923573 1.080554 1.077261 1.0756668 1.0704224 1.061141 1.0522218\n", + " 1.048944 1.0506533 1.0564344 1.0619962 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1613804 1.1582749 1.168151 1.1763003 1.165236 1.1340886 1.1013542\n", + " 1.0803263 1.0700825 1.0674214 1.0669771 1.0626509 1.0539814 1.0461763\n", + " 1.0424185 1.0441804 1.0493985 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.2264334 1.2201238 1.2299495 1.2378306 1.2223381 1.1813763 1.1381198\n", + " 1.1096615 1.0958788 1.0947937 1.095054 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.2011633 1.1959026 1.205653 1.2134367 1.2001283 1.1631117 1.125285\n", + " 1.1010863 1.0898497 1.0885167 1.0884936 1.0823567 1.0707841 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1661441 1.1598077 1.1682633 1.1754613 1.1629351 1.1321679 1.1009401\n", + " 1.0802106 1.0707645 1.0688682 1.0691301 1.0651783 1.0565919 1.0486729\n", + " 1.0453109 0. 0. 0. 0. ]\n", + " [1.184034 1.1801817 1.1906481 1.1983626 1.1872771 1.1528382 1.1166667\n", + " 1.0919504 1.0804464 1.0769943 1.075515 1.0696805 1.0599604 1.051014\n", + " 1.0472069 1.0490308 1.0541843 1.0593767 1.0616475]\n", + " [1.175457 1.173147 1.1837766 1.1914172 1.1778066 1.142809 1.1086317\n", + " 1.0855995 1.0741764 1.0715516 1.0700511 1.065305 1.0563203 1.0485436\n", + " 1.0447907 1.0467843 1.0517989 1.0570154 1.0592843]\n", + " [1.169278 1.1650027 1.1757883 1.1837504 1.1710808 1.1378891 1.1038154\n", + " 1.0822545 1.0726323 1.0711147 1.0714992 1.0665444 1.057874 1.048964\n", + " 1.0452608 1.0470618 0. 0. 0. ]]\n", + "[[1.1796063 1.1745396 1.184475 1.1937716 1.1819811 1.1473713 1.1112328\n", + " 1.0871698 1.0765152 1.0746193 1.0749803 1.0713027 1.0626382 1.0543218\n", + " 1.0500253 1.0520133 0. 0. 0. ]\n", + " [1.208014 1.2023361 1.2118632 1.2213464 1.2084298 1.1720343 1.1333119\n", + " 1.1070963 1.0947042 1.0929837 1.0921713 1.0858157 1.0738049 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1485219 1.1462559 1.1569295 1.1657718 1.1557679 1.1246425 1.0935711\n", + " 1.0723535 1.0627581 1.0600102 1.0590683 1.0545801 1.0465721 1.0394783\n", + " 1.0365009 1.0378693 1.0424063 1.0467082 1.0487843]\n", + " [1.1702826 1.1685412 1.1791437 1.1872724 1.175322 1.1410241 1.1062589\n", + " 1.083671 1.0736532 1.0719161 1.0719693 1.0672019 1.0575494 1.0486634\n", + " 1.0447096 1.0466805 0. 0. 0. ]\n", + " [1.1721574 1.1685576 1.1800729 1.1901467 1.178831 1.145214 1.1095487\n", + " 1.0855365 1.0741231 1.0725628 1.0728528 1.068337 1.059861 1.0515356\n", + " 1.0476196 1.0491855 0. 0. 0. ]]\n", + "[[1.1681538 1.1626432 1.1716496 1.1803293 1.1684254 1.1364384 1.103154\n", + " 1.0809544 1.0713181 1.0695084 1.0702375 1.0656819 1.0570624 1.0490285\n", + " 1.0454078 0. 0. 0. 0. 0. ]\n", + " [1.1665045 1.1625103 1.1723667 1.1805928 1.1677397 1.1349307 1.1026621\n", + " 1.080697 1.0699556 1.067064 1.0661992 1.0612061 1.0520465 1.0446128\n", + " 1.041328 1.0431697 1.0482675 1.0533473 0. 0. ]\n", + " [1.1871603 1.1815859 1.1909856 1.1978674 1.1858953 1.152458 1.1177399\n", + " 1.0942162 1.0835577 1.0809293 1.0797439 1.0740153 1.0638987 1.0549899\n", + " 1.0513998 1.0542153 0. 0. 0. 0. ]\n", + " [1.1710125 1.1681741 1.1786264 1.188247 1.1758847 1.1427552 1.1083053\n", + " 1.0851743 1.0745969 1.0723023 1.0728129 1.067775 1.0585526 1.0502446\n", + " 1.0461218 1.0480264 0. 0. 0. 0. ]\n", + " [1.1728156 1.1689916 1.1780081 1.18655 1.1756443 1.1432056 1.1105493\n", + " 1.0869005 1.0752413 1.0707692 1.068452 1.0630616 1.0545778 1.0468808\n", + " 1.0437877 1.0454617 1.0503421 1.0550717 1.0573032 1.0588936]]\n", + "[[1.1808106 1.1775084 1.1869599 1.1950618 1.1820147 1.1474314 1.1126527\n", + " 1.0893167 1.0775094 1.074768 1.0736301 1.0679153 1.0587367 1.0505705\n", + " 1.0470877 1.0487579 1.0545763 1.0603187 0. 0. ]\n", + " [1.177498 1.1730669 1.1832856 1.1921829 1.1795702 1.1457102 1.1113021\n", + " 1.0879904 1.0764338 1.0735582 1.0722686 1.0661613 1.0571716 1.048566\n", + " 1.0445731 1.046476 1.0514351 1.0566453 1.0588673 0. ]\n", + " [1.168681 1.1642767 1.1762793 1.1865226 1.175213 1.1413614 1.106657\n", + " 1.0836837 1.0736357 1.0718147 1.0725504 1.0681549 1.058016 1.0494211\n", + " 1.0452404 0. 0. 0. 0. 0. ]\n", + " [1.1791546 1.1764312 1.1868397 1.1954919 1.1839408 1.1496863 1.1139708\n", + " 1.0900443 1.0774728 1.0738136 1.0720173 1.0659459 1.0567306 1.0487926\n", + " 1.045349 1.0469081 1.0520495 1.0569054 1.0591447 1.0600771]\n", + " [1.1862159 1.1826874 1.1939421 1.2021964 1.1905415 1.1544316 1.117239\n", + " 1.0925028 1.0811982 1.078079 1.0775529 1.0726665 1.0627667 1.0538429\n", + " 1.0497702 1.0518885 1.0579635 0. 0. 0. ]]\n", + "[[1.1842337 1.1796235 1.1908683 1.1994412 1.1878079 1.1533202 1.1168548\n", + " 1.0927584 1.0806797 1.0767571 1.0748628 1.0690016 1.0592248 1.0501382\n", + " 1.0462983 1.0482119 1.0535767 1.0586536 1.0610963 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1557531 1.1536113 1.1649504 1.1759671 1.1654474 1.1331973 1.1000422\n", + " 1.0782799 1.0676881 1.0642389 1.0623132 1.0568192 1.0480554 1.0409232\n", + " 1.0379955 1.0402097 1.0453913 1.0503176 1.052954 1.0530139 1.0541337\n", + " 1.0574901 1.0645747 1.0744338 1.0818117 1.0854076]\n", + " [1.1648893 1.1628877 1.1737931 1.1814204 1.1698037 1.1356468 1.1023993\n", + " 1.0805366 1.0703237 1.0675972 1.0672263 1.0619001 1.053195 1.0449504\n", + " 1.041779 1.0432994 1.0481943 1.0529455 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1726551 1.1698626 1.1798782 1.1880981 1.176104 1.14182 1.1071272\n", + " 1.0836103 1.0728997 1.0698881 1.068766 1.0638169 1.0551546 1.0474578\n", + " 1.043956 1.0458667 1.0508059 1.0561383 1.058701 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1813884 1.1756806 1.1853079 1.1953387 1.18411 1.1496468 1.1138994\n", + " 1.0898882 1.0801771 1.0777768 1.078405 1.0731331 1.0630255 1.0535948\n", + " 1.0491016 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1835057 1.178354 1.1879554 1.1961528 1.1845034 1.1499411 1.114149\n", + " 1.0905939 1.0795306 1.0768899 1.0757129 1.0700933 1.0603849 1.0511642\n", + " 1.0468683 1.0494819 1.0559019 0. 0. 0. 0. ]\n", + " [1.1905159 1.1862355 1.1956043 1.2032806 1.1892762 1.1539935 1.1180584\n", + " 1.0937362 1.081834 1.0794785 1.0786668 1.0731415 1.0628881 1.0539494\n", + " 1.0498805 1.0517324 1.0571004 0. 0. 0. 0. ]\n", + " [1.1786504 1.1744677 1.1843842 1.1933577 1.1808186 1.1472512 1.1111597\n", + " 1.0872011 1.0752103 1.0728545 1.0719118 1.066605 1.0580182 1.0493011\n", + " 1.0454223 1.0475253 1.0530013 0. 0. 0. 0. ]\n", + " [1.157603 1.1547368 1.1646031 1.173076 1.1611158 1.1295413 1.0977087\n", + " 1.076867 1.0680311 1.0667049 1.0670557 1.0625509 1.0542974 1.0462298\n", + " 1.0425228 0. 0. 0. 0. 0. 0. ]\n", + " [1.1850259 1.1825664 1.1935757 1.2025114 1.1899174 1.1556158 1.1189492\n", + " 1.0939261 1.0811888 1.0766426 1.0738112 1.0683379 1.0587181 1.0507908\n", + " 1.0469759 1.0490106 1.053933 1.0588942 1.0614204 1.0624642 1.0639209]]\n", + "[[1.18268 1.1786994 1.1871617 1.1950024 1.1813717 1.1475259 1.1129797\n", + " 1.0895456 1.0778908 1.0754447 1.0745329 1.0692021 1.0598394 1.0520077\n", + " 1.0485326 1.0507653 1.0565963 0. 0. 0. ]\n", + " [1.1640338 1.1592121 1.1686218 1.1764716 1.16427 1.1325762 1.1011044\n", + " 1.0795016 1.0699091 1.068172 1.0680665 1.0632668 1.0549963 1.0469568\n", + " 1.0434735 0. 0. 0. 0. 0. ]\n", + " [1.1784742 1.176198 1.1879508 1.1972997 1.1826068 1.1476157 1.112055\n", + " 1.0879669 1.0769664 1.0739895 1.0729866 1.0676177 1.0583777 1.0494657\n", + " 1.0457858 1.0475025 1.0527703 1.0583426 0. 0. ]\n", + " [1.1710855 1.1684885 1.1801381 1.1896986 1.1775767 1.1436881 1.1093124\n", + " 1.0858234 1.0741657 1.0702641 1.068489 1.0622388 1.0537251 1.0457311\n", + " 1.0423646 1.0441709 1.0491681 1.0540236 1.0565664 1.0573989]\n", + " [1.1699032 1.1652185 1.1751834 1.1827718 1.1709098 1.1382223 1.1052176\n", + " 1.0828886 1.0727367 1.0700346 1.0693477 1.0639536 1.0551926 1.0475218\n", + " 1.0442969 1.046455 0. 0. 0. 0. ]]\n", + "[[1.1891172 1.1834744 1.193502 1.2011542 1.1874152 1.1509287 1.1144924\n", + " 1.0911859 1.0812006 1.0803546 1.0809141 1.0754079 1.06507 1.0551252\n", + " 0. 0. 0. 0. ]\n", + " [1.1631354 1.1593752 1.1682094 1.1749921 1.1641215 1.1317317 1.0984879\n", + " 1.0772567 1.0665828 1.0654267 1.0660229 1.0617309 1.054381 1.0465709\n", + " 1.0431156 1.0446302 0. 0. ]\n", + " [1.1780651 1.1737616 1.1847323 1.1935662 1.1822863 1.1472207 1.1114973\n", + " 1.0879205 1.077855 1.0766181 1.0768638 1.0722588 1.0619273 1.0526147\n", + " 0. 0. 0. 0. ]\n", + " [1.2007856 1.1938229 1.203299 1.2115343 1.1980135 1.1610988 1.1233002\n", + " 1.0983433 1.0875728 1.0855513 1.0861872 1.0807016 1.0700614 1.0595417\n", + " 0. 0. 0. 0. ]\n", + " [1.1828141 1.1784234 1.1885742 1.1979975 1.1862009 1.1527835 1.1175169\n", + " 1.0936006 1.0815663 1.0783973 1.0767312 1.0712237 1.0622234 1.0535128\n", + " 1.0496411 1.0511372 1.0567073 1.0621186]]\n", + "[[1.1877087 1.1822941 1.1917628 1.1993717 1.1856316 1.1494478 1.1132329\n", + " 1.0887821 1.0780509 1.0752016 1.0745862 1.0693811 1.0600724 1.0515138\n", + " 1.0482508 1.0507255 1.0566622 1.0626723]\n", + " [1.1630422 1.1590044 1.1694769 1.1793411 1.1686379 1.1359236 1.1024173\n", + " 1.079844 1.0702859 1.0687984 1.0692705 1.064581 1.0556264 1.0472723\n", + " 1.0433133 1.0450097 0. 0. ]\n", + " [1.1634415 1.1606436 1.1722727 1.1821935 1.1708871 1.1380608 1.1041505\n", + " 1.0819014 1.0715035 1.0703921 1.0703303 1.0656378 1.0567834 1.0483353\n", + " 1.0440991 0. 0. 0. ]\n", + " [1.1980205 1.1918244 1.2024311 1.2127225 1.201208 1.1647838 1.1260511\n", + " 1.0995164 1.0880153 1.0857334 1.0859439 1.0808736 1.0695896 1.0589215\n", + " 1.0539567 1.0560676 0. 0. ]\n", + " [1.1573745 1.1536707 1.162603 1.1712743 1.1600391 1.1287369 1.0973101\n", + " 1.0769918 1.0681126 1.067012 1.0676844 1.0633063 1.0542309 1.0458872\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1777707 1.1749928 1.1849308 1.1935992 1.1807078 1.1472732 1.1120161\n", + " 1.0883734 1.0764683 1.0726557 1.0701647 1.0645412 1.0558149 1.0476692\n", + " 1.0441625 1.0460476 1.0514979 1.0562974 1.0587944 1.0602434 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1891692 1.1861966 1.1980994 1.2085034 1.1957814 1.1592609 1.1212025\n", + " 1.09565 1.0831211 1.079105 1.0774211 1.0714744 1.061409 1.0527679\n", + " 1.0488288 1.0505003 1.0562521 1.061409 1.064094 1.0649786 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1645521 1.1616485 1.1729457 1.183709 1.1734893 1.1414831 1.1077352\n", + " 1.0849175 1.0733353 1.0687903 1.0668061 1.0602912 1.0508268 1.042693\n", + " 1.0397248 1.0417801 1.04766 1.0521898 1.0545375 1.0548787 1.0559072\n", + " 1.0587867 1.0659937 1.075568 1.0837922 1.0879278]\n", + " [1.1661729 1.1642687 1.1760776 1.186013 1.1739948 1.1406572 1.1059246\n", + " 1.0831592 1.0721086 1.0683619 1.066894 1.0612663 1.0521067 1.0440236\n", + " 1.0411698 1.0432932 1.047839 1.0533029 1.0560528 1.0567231 1.0578458\n", + " 1.0613993 1.0689521 1.0791483 0. 0. ]\n", + " [1.1955491 1.189108 1.1990436 1.2090335 1.1957438 1.1588666 1.1218163\n", + " 1.0973779 1.0860964 1.084368 1.0842658 1.0775634 1.0669352 1.0566094\n", + " 1.0521151 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1695595 1.1624682 1.1723168 1.1819067 1.1704662 1.1396805 1.1056935\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1671766 1.1639973 1.1725398 1.1799896 1.1686127 1.137942 1.1056082\n", + " 1.0835817 1.0718877 1.0686706 1.0668395 1.0619231 1.0527363 1.0449566\n", + " 1.0415331 1.0432807 1.0477489 1.0524113 1.0551261 0. 0.\n", + " 0. ]\n", + " [1.1690704 1.1660585 1.1768494 1.1854596 1.173786 1.1401016 1.1062529\n", + " 1.0840455 1.0739619 1.0725474 1.07275 1.0677013 1.058148 1.0495842\n", + " 1.0458188 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1765656 1.1722388 1.1811585 1.187315 1.175362 1.1422577 1.1075698\n", + " 1.0854731 1.0752995 1.0731704 1.0729778 1.0682676 1.0586188 1.0501252\n", + " 1.0461739 1.0483236 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1736171 1.1715863 1.1820333 1.1911668 1.1797333 1.1457015 1.1121426\n", + " 1.089165 1.0771617 1.0727576 1.0699954 1.0639081 1.0542978 1.046529\n", + " 1.0435888 1.0451931 1.0504315 1.0548496 1.0569932 1.058072 1.0593847\n", + " 1.0629032]]\n", + "[[1.180684 1.1773931 1.187764 1.1962246 1.1838616 1.1490254 1.1121547\n", + " 1.0877361 1.0759661 1.0736198 1.0732396 1.0674424 1.0588651 1.0500329\n", + " 1.0460219 1.0476115 1.0527176 1.0582867]\n", + " [1.1895977 1.1828984 1.1920619 1.2004094 1.1873612 1.1524669 1.11621\n", + " 1.0925899 1.0822092 1.0808035 1.0813031 1.0759418 1.0656513 1.055747\n", + " 0. 0. 0. 0. ]\n", + " [1.1659932 1.1614835 1.17111 1.1785315 1.1672142 1.1353313 1.1029084\n", + " 1.0818461 1.0717149 1.0691642 1.0690516 1.0640563 1.0545748 1.046481\n", + " 1.0425558 1.0445374 1.050146 0. ]\n", + " [1.1811986 1.1771551 1.1889007 1.1991976 1.1870997 1.1521517 1.1157337\n", + " 1.0908747 1.0796692 1.0761328 1.0750675 1.0694855 1.0598269 1.0515074\n", + " 1.0473168 1.049114 1.0547557 1.0597494]\n", + " [1.1658298 1.1602123 1.1687584 1.1765503 1.165106 1.1338241 1.1010013\n", + " 1.0794646 1.0696083 1.0679305 1.067692 1.0632802 1.0544937 1.0465446\n", + " 1.0429084 1.0446385 0. 0. ]]\n", + "[[1.1809632 1.178605 1.1902475 1.2001281 1.1876893 1.1535946 1.1177285\n", + " 1.0932393 1.0806524 1.0766631 1.0744221 1.0682293 1.058922 1.0504841\n", + " 1.0465981 1.0484682 1.0537801 1.0591409 1.0615988 1.0624757 1.0638788\n", + " 0. 0. ]\n", + " [1.1809793 1.1744413 1.1826873 1.1901288 1.1777835 1.1444128 1.110682\n", + " 1.0882964 1.0775942 1.0754011 1.0750422 1.0698724 1.0612823 1.0522354\n", + " 1.0485841 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.156328 1.1541431 1.1647043 1.1739918 1.1632267 1.1315346 1.0998527\n", + " 1.0783213 1.0671787 1.063837 1.0618932 1.0562212 1.0479047 1.0412709\n", + " 1.0385144 1.0406187 1.0457014 1.0503603 1.0524634 1.0532755 1.0542588\n", + " 1.0576559 1.0644132]\n", + " [1.1587172 1.1552494 1.1635664 1.1713762 1.1585624 1.1280282 1.097166\n", + " 1.0764493 1.0669568 1.0649892 1.0652771 1.0608819 1.0528506 1.0452358\n", + " 1.0413753 1.0429224 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1761538 1.1732576 1.1838092 1.1938206 1.182241 1.1488564 1.1142346\n", + " 1.0906811 1.0780267 1.0734174 1.0710989 1.0648609 1.0559881 1.0480822\n", + " 1.0453941 1.047131 1.052465 1.0576879 1.0599273 1.0604571 1.0619904\n", + " 1.0654736 1.0728881]]\n", + "[[1.1871233 1.1828866 1.193973 1.2031446 1.1906494 1.1554589 1.1189799\n", + " 1.0943456 1.0831681 1.0807661 1.0800526 1.0741912 1.0634079 1.054354\n", + " 1.0500478 1.0520217 1.0580173 0. 0. ]\n", + " [1.1549419 1.1504422 1.1577 1.1633193 1.151353 1.1219177 1.091923\n", + " 1.0722041 1.0632216 1.060477 1.0604448 1.0567193 1.049041 1.0421394\n", + " 1.0389955 1.0407001 1.0451514 1.04973 0. ]\n", + " [1.1569746 1.1523961 1.1611743 1.1694815 1.1580645 1.1274288 1.097188\n", + " 1.0774043 1.0675777 1.0657681 1.0650954 1.0603665 1.0523962 1.0448537\n", + " 1.0416859 0. 0. 0. 0. ]\n", + " [1.1947308 1.1911846 1.2019756 1.2103543 1.1973588 1.1606815 1.1222911\n", + " 1.096545 1.0830542 1.0797055 1.0780932 1.071394 1.0623571 1.0535771\n", + " 1.0494577 1.0519587 1.0575545 1.0628183 1.0658588]\n", + " [1.1589004 1.1556735 1.1646619 1.1718311 1.1612266 1.1297832 1.0979553\n", + " 1.0765584 1.0663329 1.0631558 1.0623934 1.057643 1.0497172 1.0428917\n", + " 1.0398794 1.041055 1.0453942 1.049977 1.0520399]]\n", + "[[1.1608056 1.156619 1.1661966 1.1751863 1.1638433 1.1319872 1.0990999\n", + " 1.0778341 1.0681819 1.0675014 1.0684538 1.0640696 1.0552999 1.0470436\n", + " 1.0435323 0. 0. 0. 0. ]\n", + " [1.1880776 1.1840318 1.1944939 1.2042217 1.1912851 1.155169 1.1179609\n", + " 1.093398 1.0822555 1.0803633 1.0797276 1.0749795 1.0648793 1.055452\n", + " 1.0508496 0. 0. 0. 0. ]\n", + " [1.1712708 1.1676801 1.1782972 1.187534 1.1742957 1.1393621 1.1047447\n", + " 1.0820547 1.0712188 1.0688963 1.0675727 1.062242 1.0532933 1.0455921\n", + " 1.0418986 1.0438468 1.0490694 1.0538462 1.0562596]\n", + " [1.1598127 1.1544726 1.163175 1.1723347 1.1617199 1.1312873 1.0997053\n", + " 1.0785953 1.0685743 1.0663955 1.0661038 1.0620655 1.0532913 1.045246\n", + " 1.0419604 1.04382 0. 0. 0. ]\n", + " [1.180912 1.1763017 1.1860154 1.1926463 1.1809754 1.1461948 1.1103972\n", + " 1.0867085 1.075689 1.0730795 1.0723747 1.0676926 1.0586243 1.0509506\n", + " 1.0468177 1.0491226 1.0548784 0. 0. ]]\n", + "[[1.1788985 1.1745136 1.1848825 1.1923006 1.1813897 1.147648 1.1131649\n", + " 1.0901312 1.0799093 1.0783613 1.0787268 1.0728788 1.0632696 1.053869\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1741065 1.1693128 1.1793237 1.1875999 1.1769919 1.1423695 1.1070994\n", + " 1.0840466 1.0731578 1.0716069 1.0726242 1.0682944 1.059779 1.0509614\n", + " 1.0470864 1.0487661 0. 0. 0. ]\n", + " [1.1766601 1.173078 1.1842002 1.1924312 1.179942 1.144594 1.1085726\n", + " 1.0856882 1.0758169 1.0746542 1.0756004 1.0714477 1.062036 1.0530348\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1637712 1.1595991 1.1696472 1.1795678 1.169441 1.137727 1.1043258\n", + " 1.0827258 1.0721289 1.0705367 1.0707502 1.0667593 1.0574617 1.049051\n", + " 1.04524 0. 0. 0. 0. ]\n", + " [1.1847054 1.1807529 1.1911852 1.1998509 1.1869764 1.152456 1.1168325\n", + " 1.092298 1.0804111 1.0765557 1.0745969 1.06839 1.0590745 1.0504446\n", + " 1.0470623 1.0487922 1.0545617 1.0597687 1.0620184]]\n", + "[[1.161653 1.1586784 1.1679796 1.1759747 1.1633013 1.1321933 1.1003561\n", + " 1.0789253 1.0680816 1.0647302 1.0629243 1.0569465 1.0488343 1.0417141\n", + " 1.039099 1.0405507 1.0452774 1.0496151 1.0519878 1.0531434 1.0549228\n", + " 0. 0. 0. ]\n", + " [1.1738795 1.1690718 1.1797111 1.1893935 1.1778535 1.143753 1.1099546\n", + " 1.0872908 1.0766829 1.0751278 1.0752316 1.0696901 1.0601512 1.0511717\n", + " 1.047148 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1608174 1.1585149 1.1683643 1.1781354 1.168392 1.1371162 1.105717\n", + " 1.0837002 1.0726953 1.0679718 1.0654812 1.0597309 1.0507609 1.0432402\n", + " 1.04045 1.0425144 1.0479608 1.0522145 1.0543935 1.0545723 1.0552555\n", + " 1.0583069 1.0656569 1.0754415]\n", + " [1.1867243 1.1791427 1.1883967 1.1971613 1.1852256 1.1515932 1.1157997\n", + " 1.0921122 1.0812688 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1738471 1.1694095 1.1810064 1.1925453 1.1816536 1.1477915 1.1113943\n", + " 1.0872381 1.0753084 1.0726213 1.072091 1.0661536 1.0572723 1.048638\n", + " 1.0445976 1.0464356 1.0516763 1.0570204 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1594017 1.1550683 1.1628265 1.1699084 1.1578871 1.1260926 1.0951881\n", + " 1.0754253 1.0667462 1.0657208 1.0659739 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1589599 1.1549671 1.1649756 1.1726046 1.16239 1.1314917 1.0993211\n", + " 1.0781602 1.0678 1.0660408 1.0653968 1.0607762 1.0520548 1.0440257\n", + " 1.0404867 1.0426426 1.0480945 0. ]\n", + " [1.2187843 1.2118131 1.2222434 1.2314528 1.2181821 1.1791818 1.137375\n", + " 1.109931 1.0971096 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1759899 1.1702352 1.1797777 1.188792 1.1777931 1.145127 1.1106867\n", + " 1.0883282 1.0777819 1.0756303 1.075026 1.0698773 1.0599997 1.0511237\n", + " 1.0468204 1.0487058 1.054267 0. ]\n", + " [1.1757001 1.172276 1.1827927 1.1919981 1.1791285 1.1448148 1.1098275\n", + " 1.0865809 1.0753429 1.0724816 1.071556 1.0671413 1.058337 1.0501422\n", + " 1.0463707 1.0476803 1.0527197 1.0579559]]\n", + "[[1.1838228 1.178922 1.1888386 1.1959699 1.1844852 1.1494691 1.1141684\n", + " 1.0911609 1.0803764 1.0774186 1.077783 1.0727779 1.0629977 1.0535113\n", + " 1.0494797 1.0517231 0. 0. 0. 0. 0. ]\n", + " [1.1704059 1.1661718 1.1764071 1.1838754 1.1723249 1.1383675 1.1039798\n", + " 1.0819857 1.0726898 1.0715387 1.0722451 1.0683998 1.0594066 1.050602\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1770458 1.1740712 1.1838515 1.1913643 1.1775403 1.1425022 1.1075838\n", + " 1.0851784 1.0739996 1.0703653 1.0684006 1.0621017 1.0533757 1.045455\n", + " 1.0424619 1.0449239 1.050051 1.0549719 1.0572882 1.0583221 1.060024 ]\n", + " [1.1789075 1.173726 1.1841933 1.1936371 1.1811323 1.1475873 1.1130928\n", + " 1.0902603 1.0802271 1.0788469 1.0791442 1.0745735 1.0646849 1.0554029\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.203227 1.1969434 1.2075611 1.217482 1.2056491 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.2076907 1.2021934 1.2128417 1.22298 1.2087264 1.1707745 1.1307404\n", + " 1.1045247 1.0930197 1.0917088 1.092152 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1723151 1.1682411 1.1776005 1.1862981 1.1745511 1.1413467 1.1078867\n", + " 1.0857679 1.0751659 1.0724676 1.071739 1.0664036 1.0572822 1.0484285\n", + " 1.0442586 1.0462798 1.0520046 0. 0. ]\n", + " [1.176376 1.1748693 1.1867211 1.1946274 1.1806214 1.1452754 1.1098138\n", + " 1.0873607 1.0765095 1.073327 1.0716289 1.0657718 1.0564107 1.0483152\n", + " 1.0442204 1.0463226 1.0516595 1.0568602 1.0593476]\n", + " [1.1858091 1.1806701 1.189951 1.1993208 1.1869266 1.152502 1.1176308\n", + " 1.0944394 1.0845009 1.082709 1.0825948 1.0762713 1.0656024 1.0557598\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1583835 1.1543344 1.1649089 1.1745236 1.1653684 1.1339996 1.101043\n", + " 1.0794715 1.0693041 1.0680666 1.0687373 1.0641613 1.0551445 1.0466716\n", + " 1.0428898 0. 0. 0. 0. ]]\n", + "[[1.1607326 1.1574383 1.166791 1.1749401 1.1620258 1.1309136 1.0989642\n", + " 1.0776366 1.0674573 1.0649492 1.0640786 1.0595741 1.0513202 1.0439694\n", + " 1.0408448 1.0422727 1.0468608 1.0515431 1.0536495]\n", + " [1.1925894 1.1861783 1.1959031 1.2050811 1.1924267 1.1581217 1.1218343\n", + " 1.0973898 1.0852246 1.084019 1.0837356 1.0786334 1.0677998 1.0581198\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1700945 1.1680828 1.1776956 1.186074 1.173949 1.1394835 1.1049541\n", + " 1.0823905 1.071537 1.068759 1.0681721 1.0630748 1.0543861 1.0471351\n", + " 1.0432694 1.0452651 1.0504398 1.0553858 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1620637 1.1579522 1.1670748 1.1751341 1.1631904 1.1322887 1.1001688\n", + " 1.0790068 1.0684466 1.0659208 1.0650883 1.0601232 1.0523076 1.0449369\n", + " 1.0412885 1.0429639 1.0480151 1.0527773 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1712513 1.1655471 1.1748602 1.182053 1.1694539 1.1365371 1.1032702\n", + " 1.0819186 1.0725166 1.0716163 1.0721073 1.0673827 1.0583202 1.0496634\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.191603 1.1871603 1.1955334 1.2042801 1.1905645 1.1557025 1.1192234\n", + " 1.0948247 1.0829161 1.0804522 1.0799313 1.0739774 1.0638474 1.0546151\n", + " 1.0501032 1.0519035 1.0581208 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1649487 1.1621051 1.1727189 1.1822598 1.1717737 1.1391764 1.1056588\n", + " 1.0832815 1.0722151 1.0681629 1.0658456 1.0597092 1.0507438 1.0429943\n", + " 1.0399671 1.0416981 1.0472524 1.0521021 1.0547748 1.0552353 1.0563928\n", + " 1.0597401 1.0667872 1.0769384 1.0850205]]\n", + "[[1.1764888 1.1719518 1.1810144 1.1888056 1.1762152 1.1424009 1.1081011\n", + " 1.0854808 1.0746019 1.072057 1.0714811 1.0668983 1.0586092 1.0504744\n", + " 1.0472318 1.0493482 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1698166 1.1670138 1.1762329 1.1848644 1.1726503 1.1401962 1.1068075\n", + " 1.0852233 1.0740476 1.0705117 1.0681369 1.06232 1.0532 1.0456682\n", + " 1.0425692 1.0439973 1.0491252 1.0541894 1.056485 1.0570648 1.0585984\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1879723 1.1813453 1.1904291 1.1985011 1.1863112 1.1520737 1.1160226\n", + " 1.0913165 1.0795927 1.0780016 1.0781665 1.0732247 1.0644764 1.0554184\n", + " 1.0514209 1.0535362 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.169212 1.1661531 1.1787523 1.1904703 1.1820452 1.1489675 1.1130075\n", + " 1.0884314 1.0759681 1.0713544 1.0681107 1.0625342 1.0530788 1.045429\n", + " 1.0425264 1.045137 1.0500478 1.0547223 1.0571606 1.0577712 1.0587829\n", + " 1.0618472 1.0692698 1.0797669 1.0873849 1.092591 1.0951301 1.0921654\n", + " 1.0837969]\n", + " [1.1767853 1.1724061 1.1828978 1.192004 1.1817259 1.1482275 1.1126707\n", + " 1.0892788 1.0782461 1.0763555 1.0762525 1.071368 1.0622578 1.0532217\n", + " 1.0488689 1.0505999 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1667789 1.1631866 1.1744735 1.1846104 1.1728426 1.1394762 1.104675\n", + " 1.0820563 1.0722486 1.070966 1.0714396 1.0670816 1.0575926 1.0488155\n", + " 1.0449246 0. 0. 0. 0. 0. ]\n", + " [1.1583296 1.1554637 1.166215 1.1745293 1.1639001 1.131842 1.0987449\n", + " 1.0776713 1.0675942 1.0649558 1.0646619 1.0606842 1.0521203 1.0447073\n", + " 1.0410504 1.0426458 1.0478045 1.0526782 0. 0. ]\n", + " [1.1836386 1.1767414 1.186025 1.1946392 1.1837549 1.1503853 1.1159016\n", + " 1.0926862 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1530902 1.1492449 1.1582175 1.1651021 1.1553676 1.1255842 1.0945275\n", + " 1.0741694 1.064329 1.0615957 1.0613106 1.0571657 1.0496473 1.0423018\n", + " 1.0391985 1.0407702 1.0458629 0. 0. 0. ]\n", + " [1.1840893 1.1808112 1.1910478 1.2000808 1.1871645 1.1529422 1.1176026\n", + " 1.0939951 1.081595 1.0776774 1.0752805 1.0682368 1.0581356 1.0496688\n", + " 1.0461651 1.0485586 1.0539045 1.0591362 1.0614338 1.0620012]]\n", + "[[1.1711779 1.1672578 1.177479 1.1867254 1.1740369 1.1407963 1.1066948\n", + " 1.0841211 1.0734198 1.0718067 1.0714973 1.0672277 1.0585282 1.0501543\n", + " 1.0459201 1.047674 0. 0. 0. 0. 0. ]\n", + " [1.160951 1.1552838 1.1637276 1.1706086 1.1601131 1.1290948 1.0979213\n", + " 1.0773603 1.0678391 1.0657382 1.0657287 1.0618062 1.0545946 1.046753\n", + " 1.0429996 1.0447073 0. 0. 0. 0. 0. ]\n", + " [1.1814672 1.1766696 1.1894283 1.1992028 1.1867166 1.1510304 1.1140399\n", + " 1.0896505 1.0795544 1.0785558 1.079166 1.0741549 1.063693 1.0539664\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1702399 1.1675057 1.1781054 1.1878413 1.1751481 1.1411018 1.1066719\n", + " 1.0833813 1.0729208 1.0708766 1.070724 1.0657141 1.057146 1.048802\n", + " 1.0451585 1.0469046 0. 0. 0. 0. 0. ]\n", + " [1.1685537 1.1663557 1.1761073 1.1848147 1.172778 1.1402224 1.1064466\n", + " 1.0836239 1.0725067 1.0688426 1.0662024 1.0605861 1.0517542 1.0446464\n", + " 1.0418156 1.0435674 1.0490768 1.0538226 1.0561807 1.0568182 1.057755 ]]\n", + "[[1.1625465 1.1602407 1.1714035 1.1811895 1.1705074 1.1380386 1.1044084\n", + " 1.0816667 1.0707997 1.0674098 1.0662473 1.0609415 1.0526825 1.0449557\n", + " 1.0416895 1.0433427 1.0479815 1.0529683 1.0553336 0. 0.\n", + " 0. ]\n", + " [1.162826 1.1608948 1.1711432 1.1798768 1.1674938 1.1349822 1.1019146\n", + " 1.0799708 1.0693046 1.0664873 1.0653615 1.0597103 1.0508131 1.0434259\n", + " 1.0396423 1.0416101 1.046186 1.0509566 1.0534916 0. 0.\n", + " 0. ]\n", + " [1.1862471 1.1785191 1.1866304 1.1944096 1.1834255 1.1494479 1.1142957\n", + " 1.0907513 1.079268 1.0772344 1.0769769 1.0722069 1.0632732 1.054314\n", + " 1.0503088 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1868426 1.182971 1.1929516 1.2023271 1.1888492 1.1543396 1.1187198\n", + " 1.0938908 1.0820036 1.0782356 1.0759631 1.0695808 1.0598832 1.0510222\n", + " 1.0472014 1.0494323 1.055076 1.0601295 1.0626361 0. 0.\n", + " 0. ]\n", + " [1.1636457 1.1611094 1.1719601 1.1815939 1.1702957 1.1375638 1.1041222\n", + " 1.0817487 1.0700891 1.0667886 1.064949 1.0598712 1.0516125 1.0444608\n", + " 1.0412164 1.0430659 1.0474923 1.0520513 1.05434 1.0551322 1.0567017\n", + " 1.0600306]]\n", + "[[1.1904283 1.1868753 1.1992092 1.2085099 1.1950684 1.1569594 1.1171815\n", + " 1.0914465 1.0807911 1.0798447 1.0813265 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1985536 1.1929213 1.2033267 1.2113225 1.1988254 1.161339 1.1225139\n", + " 1.0969062 1.0855789 1.0842159 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1621464 1.1569988 1.1650532 1.172509 1.1609236 1.129809 1.0979482\n", + " 1.0774846 1.0674021 1.0653005 1.0648148 1.060793 1.0529711 1.0453402\n", + " 1.0420296 1.0439515 1.049033 0. 0. 0. ]\n", + " [1.1778616 1.1741214 1.184462 1.1936264 1.1810545 1.146363 1.110938\n", + " 1.0871524 1.0748048 1.0716121 1.0700375 1.0646045 1.0559026 1.0483242\n", + " 1.0446987 1.0469067 1.0516768 1.0565723 1.0588931 1.0600524]\n", + " [1.1689217 1.1658016 1.1767926 1.1850486 1.1718034 1.1386708 1.1051823\n", + " 1.0829312 1.0720787 1.0694948 1.0682168 1.0623714 1.0532256 1.045526\n", + " 1.0416577 1.043607 1.0485445 1.0535709 1.055888 0. ]]\n", + "[[1.1968215 1.1913719 1.2022325 1.2113217 1.19791 1.1613805 1.1230745\n", + " 1.0971117 1.0858437 1.0829589 1.0831791 1.0776007 1.0673728 1.0575644\n", + " 1.0536529 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1800125 1.1772121 1.1878047 1.1980021 1.1854986 1.1502771 1.1146938\n", + " 1.0911056 1.0789466 1.0756027 1.0737015 1.0680095 1.0585926 1.0497316\n", + " 1.0462282 1.0481192 1.053527 1.0590978 1.0615379 1.0620942 0.\n", + " 0. ]\n", + " [1.2065569 1.1998105 1.2096643 1.2182419 1.2054976 1.167807 1.1284144\n", + " 1.1020565 1.091314 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1751094 1.1685563 1.1766142 1.1848911 1.1743296 1.143338 1.1097362\n", + " 1.0859563 1.0743879 1.0703897 1.0698667 1.064495 1.0556586 1.0479121\n", + " 1.0443447 1.0463179 1.052194 1.0575392 0. 0. 0.\n", + " 0. ]\n", + " [1.1805255 1.1766043 1.186196 1.1942657 1.1830635 1.1506422 1.1156986\n", + " 1.0925528 1.0798492 1.0746695 1.0723937 1.0656049 1.0566542 1.0486813\n", + " 1.0454446 1.0478979 1.0530598 1.0581661 1.0604973 1.061256 1.0627993\n", + " 1.0668674]]\n", + "[[1.1692929 1.1644627 1.173097 1.1798885 1.1677885 1.1369177 1.1052847\n", + " 1.0837555 1.0728855 1.0689478 1.0670729 1.062457 1.0539662 1.0457377\n", + " 1.0427217 1.0444075 1.0491619 1.0541142]\n", + " [1.164319 1.1598319 1.1690087 1.1765308 1.1648248 1.1331136 1.1008626\n", + " 1.0799422 1.0709621 1.0697156 1.0696496 1.0645411 1.0549991 1.047268\n", + " 1.0435475 0. 0. 0. ]\n", + " [1.1833065 1.1774158 1.1869197 1.1939389 1.1816789 1.1471232 1.1110322\n", + " 1.0873449 1.0771511 1.0763223 1.0772451 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1655475 1.1604269 1.1697292 1.1788344 1.1677814 1.1353686 1.1031294\n", + " 1.0814607 1.0710307 1.0688735 1.0675889 1.0632436 1.0547558 1.046912\n", + " 1.0434762 1.0453012 0. 0. ]\n", + " [1.1596706 1.1560795 1.166759 1.1755402 1.1650534 1.1325452 1.0993826\n", + " 1.0779366 1.0680112 1.0661027 1.0660979 1.0613937 1.0528715 1.0446489\n", + " 1.0408124 1.0424336 1.0476557 0. ]]\n", + "[[1.1750017 1.1719394 1.1833606 1.1924918 1.1811962 1.146705 1.1120559\n", + " 1.0885193 1.0764928 1.0726542 1.0707242 1.0642834 1.0553564 1.0473211\n", + " 1.0445094 1.0462853 1.0518072 1.0571146 1.0598603 1.0606053 1.062665\n", + " 1.0665991 0. 0. 0. ]\n", + " [1.1542913 1.1533282 1.1653031 1.1751683 1.1644614 1.1317477 1.0992275\n", + " 1.0779244 1.0677931 1.0645725 1.0627129 1.056987 1.0485679 1.0412277\n", + " 1.0382037 1.0401013 1.0447509 1.0494864 1.0516487 1.0525693 1.053803\n", + " 1.0568604 1.0641072 1.0736719 1.0810636]\n", + " [1.1493474 1.1441671 1.153824 1.1632822 1.1531034 1.1241432 1.0930128\n", + " 1.0728183 1.0636203 1.0616896 1.062194 1.0582362 1.0502279 1.0428199\n", + " 1.0394826 1.0411614 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1527036 1.1510816 1.1620052 1.1710693 1.1612952 1.1304407 1.0983924\n", + " 1.0764959 1.0655698 1.0620201 1.0605052 1.0551491 1.0472198 1.0405254\n", + " 1.0374168 1.0389348 1.0430881 1.0476668 1.0501741 1.0512023 1.0529203\n", + " 1.0561982 0. 0. 0. ]\n", + " [1.1707247 1.1693871 1.1803751 1.1879504 1.1766516 1.1428262 1.1077225\n", + " 1.0856495 1.0747586 1.0709641 1.068736 1.0625587 1.0532683 1.0450684\n", + " 1.0419936 1.0437348 1.0487428 1.0539385 1.056768 1.0581683 1.0598278\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1779511 1.173589 1.1832526 1.1923999 1.1799972 1.1467191 1.1115409\n", + " 1.087328 1.0758575 1.0721102 1.0713918 1.0665088 1.0577021 1.0491132\n", + " 1.0456076 1.0473154 1.0524312 1.0576829 1.060159 ]\n", + " [1.1664929 1.1618983 1.1704099 1.1782752 1.1657054 1.133034 1.1013725\n", + " 1.0800544 1.0692436 1.0660651 1.0646027 1.0599493 1.0517535 1.0445287\n", + " 1.0416938 1.0440465 1.0491157 1.0541822 0. ]\n", + " [1.172663 1.170137 1.1810919 1.1890368 1.1763928 1.1422527 1.1071867\n", + " 1.0849674 1.0747255 1.0735886 1.0738845 1.0681973 1.059056 1.0501817\n", + " 1.0460572 1.0478985 0. 0. 0. ]\n", + " [1.1683995 1.1653296 1.1746264 1.182543 1.171638 1.1391995 1.1046674\n", + " 1.0819976 1.0708733 1.0676876 1.0674134 1.0631958 1.0542967 1.0466393\n", + " 1.0430865 1.0443336 1.048961 1.0537333 0. ]\n", + " [1.1598009 1.1571412 1.1676056 1.176102 1.1649412 1.1328516 1.1003749\n", + " 1.078562 1.0683877 1.0657219 1.065684 1.060595 1.052105 1.0442599\n", + " 1.040809 1.0423772 1.0474855 1.0524576 0. ]]\n", + "[[1.1550283 1.1527532 1.1632525 1.172277 1.1602752 1.1287794 1.0970801\n", + " 1.0765613 1.0664214 1.0634227 1.061739 1.0563523 1.0484133 1.0416274\n", + " 1.0388333 1.0405406 1.0449826 1.0495406 1.0521284 1.0527946 1.0539484\n", + " 1.0576583]\n", + " [1.1657182 1.1622288 1.172634 1.1804168 1.1690978 1.1359966 1.1029993\n", + " 1.0807753 1.0706062 1.0678363 1.0683463 1.0632201 1.0547518 1.0467805\n", + " 1.0425655 1.0443301 1.049423 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1687407 1.1663667 1.1761914 1.1826502 1.1708509 1.1369842 1.1030178\n", + " 1.0813036 1.0716699 1.071076 1.0714607 1.0666234 1.0577426 1.0489116\n", + " 1.0451458 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.2189803 1.2121768 1.2222117 1.2297761 1.2152421 1.1753542 1.1343315\n", + " 1.1071948 1.0956905 1.0942078 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1686795 1.1637696 1.1732469 1.1827945 1.1714783 1.1390718 1.1052219\n", + " 1.0827472 1.0721577 1.0702472 1.0698218 1.0649085 1.0561012 1.0473299\n", + " 1.0435221 1.044841 1.0499222 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1706553 1.1677341 1.1788793 1.188036 1.1766033 1.1429802 1.1076428\n", + " 1.0830305 1.0721617 1.0685211 1.0681058 1.0627282 1.0542719 1.0460395\n", + " 1.0425544 1.0439829 1.0489806 1.0535179 1.055492 0. ]\n", + " [1.1747025 1.1720368 1.1831272 1.1933875 1.1807421 1.1461276 1.1107198\n", + " 1.0865026 1.074714 1.071494 1.0703546 1.0646298 1.0554727 1.0472087\n", + " 1.0438275 1.0450846 1.0501634 1.0555458 1.0586671 0. ]\n", + " [1.1895704 1.186557 1.1973358 1.206411 1.1936411 1.1577994 1.120782\n", + " 1.0954361 1.0822242 1.0780534 1.0754845 1.0697241 1.060126 1.0519367\n", + " 1.0478845 1.0499165 1.0554879 1.0604843 1.0634422 1.0648589]\n", + " [1.2120696 1.2049413 1.2136251 1.2212039 1.2070156 1.1698662 1.1304543\n", + " 1.1037593 1.0914807 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1626996 1.1571729 1.1646607 1.1713551 1.1602523 1.129573 1.0989374\n", + " 1.0781754 1.0686404 1.066808 1.0667197 1.062186 1.0537379 1.0463676\n", + " 1.0429168 0. 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1873167 1.1824446 1.192346 1.1997896 1.1880603 1.1523141 1.1159571\n", + " 1.091933 1.0811433 1.0797029 1.0797313 1.0751555 1.0651201 1.0557641\n", + " 1.0515084 0. 0. 0. ]\n", + " [1.1669106 1.1633275 1.1731749 1.1808643 1.1696752 1.1374903 1.1032474\n", + " 1.0815057 1.0715405 1.0695803 1.0693713 1.0643748 1.0554721 1.0475976\n", + " 1.0441694 1.0461117 0. 0. ]\n", + " [1.1565768 1.1536456 1.1648828 1.1728585 1.1617322 1.1308874 1.0984204\n", + " 1.0770819 1.0669001 1.0653107 1.0652392 1.0606985 1.0512108 1.0438257\n", + " 1.0402404 1.0417987 1.0468656 0. ]\n", + " [1.1786829 1.1742425 1.1832479 1.1908426 1.1771622 1.1431311 1.1085371\n", + " 1.0851486 1.0738856 1.0711869 1.0704043 1.0655206 1.057479 1.049726\n", + " 1.0460279 1.0478283 1.0525019 1.0576794]\n", + " [1.1651855 1.1603093 1.1685743 1.1766974 1.1660055 1.1362484 1.1043695\n", + " 1.0824625 1.0716633 1.0686438 1.067748 1.0622414 1.053741 1.0457653\n", + " 1.0421165 1.044433 1.0494214 0. ]]\n", + "[[1.165899 1.164122 1.1752933 1.1852825 1.1737626 1.1390109 1.1051098\n", + " 1.0826086 1.0714601 1.0678738 1.0657837 1.0603752 1.05147 1.0438495\n", + " 1.0405476 1.042765 1.0476599 1.0526935 1.054981 1.0556332 1.0571495\n", + " 1.0606672 1.068186 ]\n", + " [1.1666359 1.1636984 1.1734934 1.1817708 1.1688186 1.1362083 1.103159\n", + " 1.0815208 1.0709002 1.067891 1.066373 1.0606523 1.0520321 1.0443716\n", + " 1.0412781 1.0426961 1.0479965 1.0527296 1.055205 0. 0.\n", + " 0. 0. ]\n", + " [1.1522157 1.1495454 1.1600014 1.168468 1.1573837 1.1276318 1.0964351\n", + " 1.0753046 1.0649033 1.061406 1.0593004 1.0543544 1.0462908 1.0394619\n", + " 1.0366769 1.0383778 1.0429405 1.0471274 1.0494559 1.0503528 1.0518967\n", + " 0. 0. ]\n", + " [1.1866992 1.182755 1.1930429 1.2004395 1.1885054 1.1532547 1.1172315\n", + " 1.092782 1.0812838 1.077153 1.0759661 1.069615 1.0594187 1.0509392\n", + " 1.0474215 1.0497795 1.0551988 1.0605246 1.0627135 0. 0.\n", + " 0. 0. ]\n", + " [1.1970686 1.1938373 1.2061177 1.214802 1.1999937 1.1614757 1.1222725\n", + " 1.0962834 1.0857264 1.085345 1.0858848 1.0805707 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1626697 1.1567389 1.1652541 1.1733581 1.1620853 1.1306715 1.0987948\n", + " 1.077451 1.0675622 1.0658176 1.0659175 1.062147 1.0543076 1.0466652\n", + " 1.0430311 1.0448097 0. 0. 0. ]\n", + " [1.182015 1.1757168 1.1847838 1.193134 1.1806375 1.1473118 1.1131397\n", + " 1.0904443 1.0800111 1.0778794 1.0778754 1.0723932 1.0627048 1.053251\n", + " 1.0493034 0. 0. 0. 0. ]\n", + " [1.2129465 1.2055155 1.2149464 1.2230755 1.2078686 1.1689986 1.1302683\n", + " 1.1061988 1.0950629 1.0928864 1.0929865 1.0859053 1.0737588 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1638092 1.162137 1.173014 1.1828768 1.1703689 1.1379349 1.103776\n", + " 1.0810124 1.0696709 1.0668137 1.065498 1.0610571 1.0528538 1.0449808\n", + " 1.0417175 1.0433229 1.0478853 1.052472 1.0546521]\n", + " [1.1749903 1.1713547 1.18262 1.1912037 1.1793836 1.1450503 1.1097075\n", + " 1.086825 1.0766795 1.0751675 1.0755712 1.0706718 1.0615046 1.0526764\n", + " 0. 0. 0. 0. 0. ]]\n", + "[[1.1702685 1.1666276 1.1770978 1.184648 1.1731521 1.1397843 1.106106\n", + " 1.0832951 1.0729538 1.0708668 1.0707506 1.0662707 1.0569888 1.0488868\n", + " 1.0449047 1.0465866 1.0516855 0. 0. ]\n", + " [1.159668 1.1577045 1.1686379 1.1781136 1.1662337 1.1336194 1.1006002\n", + " 1.0787292 1.0679269 1.0656317 1.0645108 1.0592679 1.0507946 1.0434765\n", + " 1.0399181 1.0415542 1.0461564 1.051016 1.0534284]\n", + " [1.1888902 1.185621 1.1964072 1.2055027 1.1914289 1.1567007 1.1197648\n", + " 1.0948538 1.0822884 1.0788842 1.0770744 1.0705767 1.0607021 1.0517085\n", + " 1.0482663 1.0500722 1.055707 1.0610949 1.0635946]\n", + " [1.1605034 1.1561892 1.1655155 1.1722636 1.1607589 1.1294775 1.0971115\n", + " 1.0762969 1.0660217 1.0647607 1.0656024 1.0615209 1.053869 1.0461187\n", + " 1.042284 1.0441946 0. 0. 0. ]\n", + " [1.1668935 1.1633761 1.1734542 1.1815562 1.1704917 1.1385612 1.105372\n", + " 1.0834284 1.0731244 1.0700015 1.0702842 1.065954 1.0569 1.0489796\n", + " 1.0453335 1.047135 0. 0. 0. ]]\n", + "[[1.1688832 1.1638091 1.1735094 1.1822026 1.1703314 1.1382294 1.1046346\n", + " 1.0821489 1.072076 1.0695846 1.0686674 1.0641049 1.0551255 1.0470324\n", + " 1.043522 1.0455877 1.0509455 0. ]\n", + " [1.1547806 1.1512809 1.1605648 1.168437 1.157907 1.1265339 1.0944933\n", + " 1.0735517 1.0633714 1.0609536 1.060314 1.056991 1.0500079 1.0426387\n", + " 1.039263 1.0404639 1.0444814 1.0487405]\n", + " [1.1929604 1.1874497 1.1981145 1.2066981 1.1923684 1.1557198 1.1177768\n", + " 1.0933876 1.0821832 1.0808035 1.0807333 1.0753586 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2000862 1.1934916 1.203629 1.2125138 1.1978421 1.1594241 1.1207747\n", + " 1.095594 1.0844444 1.0832392 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1759454 1.1717786 1.1821686 1.1922184 1.1786762 1.1435435 1.1086664\n", + " 1.0853496 1.0762796 1.0748535 1.0763012 1.0708375 1.0614412 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.169442 1.163034 1.1713406 1.1785617 1.1689303 1.1382096 1.1056273\n", + " 1.084157 1.0736893 1.0714749 1.0715322 1.0668753 1.057915 1.0492833\n", + " 1.0452672 0. 0. 0. 0. 0. ]\n", + " [1.1639793 1.16028 1.169635 1.1784635 1.1662793 1.1351622 1.1019903\n", + " 1.0802331 1.0701667 1.0681399 1.0685033 1.0642995 1.0556333 1.0476922\n", + " 1.0441073 1.0455996 0. 0. 0. 0. ]\n", + " [1.1869 1.1842067 1.195596 1.2037907 1.1913002 1.1561596 1.1192963\n", + " 1.0943627 1.082103 1.0781792 1.0762321 1.0695354 1.060035 1.0514612\n", + " 1.047575 1.0499036 1.0554183 1.0606388 1.0632707 1.0638531]\n", + " [1.1860952 1.1807737 1.1899008 1.1967375 1.1813132 1.144938 1.1078469\n", + " 1.0848948 1.075196 1.0739497 1.074731 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2149591 1.2098323 1.2194078 1.2279564 1.2129701 1.1727518 1.1330137\n", + " 1.1062744 1.0938083 1.0921508 1.0923105 1.0869275 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.167769 1.1633865 1.1734912 1.1828749 1.1709642 1.1382315 1.1042033\n", + " 1.0814507 1.0706007 1.0680503 1.067213 1.0628588 1.0545114 1.046677\n", + " 1.0427498 1.0446128 1.0496483 1.0545468 0. ]\n", + " [1.1828443 1.1815228 1.1933653 1.2026153 1.1884379 1.1522299 1.113995\n", + " 1.0897306 1.0780164 1.0749427 1.0740869 1.0687717 1.0587896 1.0505574\n", + " 1.0464802 1.0484016 1.053486 1.0589503 1.0617864]\n", + " [1.1724353 1.1688887 1.1785538 1.1870906 1.1742544 1.1422122 1.1079547\n", + " 1.0846101 1.0724897 1.0693891 1.0679504 1.0626097 1.0543168 1.0464246\n", + " 1.0429032 1.0441694 1.0493299 1.0538609 1.0562029]\n", + " [1.1659372 1.1631466 1.1741899 1.1839607 1.1721891 1.1394378 1.1055801\n", + " 1.0829558 1.0723792 1.0700223 1.0690868 1.0648137 1.0559855 1.0475643\n", + " 1.0439746 1.045399 1.0508158 0. 0. ]\n", + " [1.1820595 1.1781846 1.1877077 1.1955853 1.1817687 1.1468427 1.1111577\n", + " 1.0874531 1.0762532 1.0735892 1.0728395 1.0680324 1.0589147 1.0504316\n", + " 1.0468647 1.0489501 1.0541525 1.0593716 0. ]]\n", + "[[1.1586326 1.1532617 1.1613573 1.1693974 1.1590754 1.1286093 1.0972086\n", + " 1.076143 1.066286 1.0646935 1.0649419 1.0614576 1.0532265 1.0457735\n", + " 1.0422807 1.0439807 0. 0. 0. 0. 0. ]\n", + " [1.175123 1.1716704 1.1817126 1.1906029 1.1787808 1.1455595 1.1109815\n", + " 1.0876391 1.0754186 1.0711093 1.0683092 1.0625196 1.0536246 1.0458498\n", + " 1.0428535 1.0445356 1.0495286 1.0545985 1.0572752 1.0589186 1.0612813]\n", + " [1.1702058 1.1676831 1.1770884 1.1843555 1.1711209 1.1380731 1.1046883\n", + " 1.0827622 1.0724729 1.0698919 1.0682094 1.0629783 1.0541855 1.0461597\n", + " 1.0430524 1.0450542 1.0506227 1.0558807 0. 0. 0. ]\n", + " [1.1471196 1.1431907 1.1512115 1.160398 1.1493192 1.1195257 1.0903146\n", + " 1.0709004 1.0628296 1.0619078 1.062537 1.0586436 1.050134 1.042425\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.166547 1.1627982 1.1736795 1.1835942 1.1708237 1.1376255 1.1030499\n", + " 1.0813276 1.0718066 1.0713378 1.0725863 1.0675178 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1793317 1.1737262 1.1831625 1.1915079 1.1782091 1.144495 1.1104176\n", + " 1.0876813 1.0776068 1.0760558 1.0758611 1.0711755 1.0618728 1.0524212\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1582291 1.1552899 1.1658834 1.1751391 1.1644775 1.1332426 1.1009759\n", + " 1.079336 1.0685498 1.0650866 1.063188 1.0577953 1.0488687 1.0418987\n", + " 1.0387255 1.0406909 1.0455204 1.0497187 1.0523677 1.0524825 1.0538682\n", + " 1.0575134 1.0648218]\n", + " [1.1768787 1.173445 1.1834315 1.1914713 1.1784554 1.1441374 1.1090566\n", + " 1.085515 1.0740296 1.0708035 1.0692267 1.063912 1.0550348 1.047111\n", + " 1.0440603 1.0460999 1.0508914 1.055974 1.0584427 1.059715 0.\n", + " 0. 0. ]\n", + " [1.1835309 1.1785963 1.1885751 1.1960802 1.1849294 1.1506487 1.114643\n", + " 1.0916541 1.0804543 1.0777525 1.0769053 1.0714006 1.0609666 1.0519747\n", + " 1.047953 1.050304 1.0560535 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1728094 1.1681433 1.1780473 1.1855836 1.1750054 1.1432703 1.1094981\n", + " 1.086515 1.075984 1.07261 1.0728987 1.0679655 1.059575 1.0510159\n", + " 1.0471337 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.159583 1.1550843 1.164011 1.1717032 1.1597822 1.1288418 1.0968553\n", + " 1.075198 1.065227 1.0631918 1.062899 1.0588591 1.0511965 1.0440254\n", + " 1.0405095 1.0421245 1.0468258 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1620485 1.15776 1.1666093 1.1741359 1.1631204 1.1311947 1.0986115\n", + " 1.077165 1.0680547 1.0672528 1.0675033 1.0643203 1.0560015 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1792014 1.1754129 1.1862869 1.1957881 1.1839297 1.1482666 1.1129297\n", + " 1.0896335 1.0793931 1.077406 1.077089 1.0725317 1.0629276 1.0537355\n", + " 1.0496861 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1838363 1.1787896 1.1887771 1.1966584 1.1835582 1.1484492 1.1130362\n", + " 1.0900239 1.0796808 1.0779152 1.0775108 1.0717955 1.0613422 1.0526551\n", + " 1.0487041 1.0510974 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1625559 1.1614882 1.1739033 1.182488 1.1713967 1.1379061 1.1045166\n", + " 1.0819098 1.0709064 1.0671135 1.0655322 1.0592985 1.0500625 1.0427587\n", + " 1.0397058 1.0418667 1.0471616 1.0516127 1.0543804 1.0556605 1.0572888\n", + " 1.060661 1.0681132]]\n", + "[[1.1839001 1.1788596 1.1882025 1.1971632 1.1841948 1.1487966 1.1132509\n", + " 1.089682 1.0791038 1.0769516 1.0767398 1.0720551 1.0628049 1.0539126\n", + " 1.0497366 0. 0. 0. 0. 0. 0. ]\n", + " [1.1850606 1.181468 1.1922903 1.2033489 1.1915312 1.1564076 1.1199397\n", + " 1.095086 1.0822185 1.0782529 1.0758682 1.0691032 1.0594167 1.0508994\n", + " 1.0471287 1.04866 1.0541693 1.0591232 1.0614665 1.0623802 1.0639249]\n", + " [1.2146773 1.2091074 1.2206633 1.228914 1.2148131 1.1749446 1.1337807\n", + " 1.1067833 1.0951061 1.0933939 1.0940912 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1787535 1.1737775 1.1841209 1.1932431 1.1790577 1.1444769 1.1092787\n", + " 1.0863215 1.0764192 1.0755383 1.0760725 1.0711879 1.0614878 1.0520238\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.2040435 1.1976186 1.2092625 1.2205375 1.2069777 1.1683271 1.1279253\n", + " 1.1013495 1.0903794 1.0893302 1.0902189 1.0842783 1.0730263 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1799806 1.1763701 1.1863154 1.1947052 1.1820084 1.1469636 1.1113242\n", + " 1.0878054 1.0764629 1.0739392 1.0730655 1.0674939 1.0586965 1.0502099\n", + " 1.0466788 1.0488228 1.0548016 1.0604947 0. 0. 0. ]\n", + " [1.1642405 1.1598324 1.1694305 1.1789836 1.1671314 1.1344652 1.1018374\n", + " 1.0800792 1.0702718 1.0681493 1.0687208 1.064191 1.0554726 1.0479364\n", + " 1.0447085 0. 0. 0. 0. 0. 0. ]\n", + " [1.1796567 1.1764597 1.1869718 1.1960518 1.1825649 1.1473653 1.1117797\n", + " 1.0878968 1.0761302 1.0727568 1.0707432 1.0649506 1.0557253 1.0480531\n", + " 1.0449826 1.046932 1.0520087 1.0570871 1.0591793 1.0602391 1.0622768]\n", + " [1.1778427 1.1714729 1.1795253 1.1871346 1.1766016 1.1440418 1.1104783\n", + " 1.0876472 1.076964 1.0754266 1.0749602 1.0696366 1.0598972 1.0510136\n", + " 1.0471483 0. 0. 0. 0. 0. 0. ]\n", + " [1.1741526 1.1715161 1.1830623 1.1922678 1.1802087 1.1455716 1.110033\n", + " 1.0866683 1.0754206 1.0729764 1.0723006 1.0674943 1.0587008 1.0500791\n", + " 1.0461019 1.047573 1.0527337 1.0578394 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1593453 1.1557529 1.1649296 1.1717771 1.1596612 1.1272981 1.0964227\n", + " 1.076549 1.0669681 1.0643586 1.0637953 1.0588073 1.0507059 1.0432369\n", + " 1.0404365 1.0423898 1.0471671 1.0517708 0. 0. 0.\n", + " 0. ]\n", + " [1.1709151 1.1683472 1.178189 1.187283 1.17525 1.1420141 1.1084342\n", + " 1.085909 1.0742327 1.0703312 1.0676881 1.0615985 1.0521013 1.044547\n", + " 1.0412927 1.0429469 1.0478426 1.0526447 1.0553344 1.0567429 1.0585825\n", + " 0. ]\n", + " [1.1566143 1.1554583 1.1663359 1.1760879 1.1651914 1.1331786 1.1003929\n", + " 1.0786636 1.0680544 1.0639768 1.0625857 1.0571092 1.0489484 1.042062\n", + " 1.0388283 1.0402722 1.044295 1.048815 1.0509148 1.0515928 1.0530413\n", + " 1.0564502]\n", + " [1.1685554 1.1638727 1.1739141 1.1812879 1.1698508 1.1370456 1.1032645\n", + " 1.0812831 1.0712047 1.0694947 1.0696834 1.0644156 1.0556645 1.0476772\n", + " 1.0434715 1.04538 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1788648 1.1749029 1.1855204 1.1957343 1.183254 1.1485775 1.1124974\n", + " 1.0888147 1.0785757 1.0774734 1.0783696 1.073739 1.0638832 1.0547085\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1684488 1.1644232 1.1749966 1.1834927 1.1728728 1.1395857 1.1056693\n", + " 1.0830251 1.0731652 1.0705578 1.0710757 1.0662782 1.0570724 1.0490043\n", + " 1.0453615 1.0471963 0. 0. 0. 0. 0. ]\n", + " [1.1860392 1.1821423 1.1921706 1.2000859 1.1888725 1.154612 1.1185204\n", + " 1.0939326 1.0809668 1.0763882 1.0743402 1.0673759 1.0580263 1.0498351\n", + " 1.0466795 1.0485178 1.054267 1.0591397 1.0614964 1.0624377 1.0640172]\n", + " [1.2009472 1.1951811 1.2058918 1.2137034 1.2007467 1.1634926 1.124992\n", + " 1.1003647 1.0890782 1.0873564 1.086745 1.0809455 1.0696394 1.0594093\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1698564 1.1668224 1.1773652 1.1858702 1.1748576 1.1409965 1.1063536\n", + " 1.0832882 1.0730076 1.0699818 1.0687587 1.0638949 1.0546914 1.0465592\n", + " 1.0431943 1.0447775 1.0500324 1.0554023 0. 0. 0. ]\n", + " [1.1905441 1.1863809 1.196119 1.2043445 1.1908435 1.1557987 1.1193961\n", + " 1.0949981 1.0829245 1.0797023 1.0779896 1.0716268 1.0613552 1.0525295\n", + " 1.048753 1.050706 1.0564572 1.062111 1.0647035 0. 0. ]]\n", + "[[1.162977 1.1595367 1.1690269 1.1763319 1.1648549 1.1325061 1.0995327\n", + " 1.0789013 1.0692397 1.0679785 1.0678983 1.0630407 1.0544784 1.0461061\n", + " 1.0423964 1.0442007 0. 0. ]\n", + " [1.1586581 1.1551564 1.1655269 1.1747965 1.1636357 1.1317645 1.0989355\n", + " 1.0778079 1.0680963 1.0660735 1.0664078 1.0619013 1.0537857 1.0457364\n", + " 1.0420074 0. 0. 0. ]\n", + " [1.1567316 1.1525252 1.1628127 1.1718695 1.1612539 1.1299661 1.0979079\n", + " 1.0766873 1.0665371 1.0645344 1.0643296 1.0598226 1.0513043 1.0437528\n", + " 1.0402623 1.0419191 1.0471109 0. ]\n", + " [1.1942048 1.1899085 1.1993232 1.2076728 1.193994 1.1586825 1.1223109\n", + " 1.0970886 1.0837628 1.0808755 1.0798628 1.0741597 1.0650516 1.0560845\n", + " 1.051849 1.0539902 1.0593764 1.0652667]\n", + " [1.1649916 1.162569 1.173416 1.1818917 1.1693939 1.1364523 1.102199\n", + " 1.079324 1.0686026 1.0658807 1.0658727 1.0613096 1.0530374 1.045545\n", + " 1.0422437 1.0439742 1.049464 1.0545083]]\n", + "[[1.1769373 1.1749556 1.1864148 1.1950146 1.1835841 1.1485018 1.1117675\n", + " 1.0879991 1.0762365 1.072795 1.0704514 1.0642196 1.0554373 1.0474957\n", + " 1.0442257 1.0459232 1.0512097 1.0561802 1.0585951 1.059785 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1778635 1.1760269 1.1868188 1.1950247 1.1809831 1.1453239 1.1091865\n", + " 1.0843967 1.0740365 1.0713938 1.0713453 1.0663877 1.057712 1.0488322\n", + " 1.0453492 1.0474964 1.0529451 1.0583793 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1788434 1.1739938 1.1848204 1.1935805 1.1794543 1.1448622 1.1102644\n", + " 1.088201 1.0783551 1.0772715 1.0773467 1.0719202 1.0619808 1.053004\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1858885 1.1811123 1.1909233 1.2003698 1.1876092 1.1524816 1.1163113\n", + " 1.0922666 1.0812246 1.0786372 1.0787339 1.0737827 1.0633973 1.0542746\n", + " 1.0505116 1.0527679 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1408759 1.134453 1.1430746 1.1529707 1.1471248 1.1215639 1.0936667\n", + " 1.0740707 1.0644096 1.0613669 1.05938 1.0542233 1.0456533 1.0386372\n", + " 1.036259 1.038245 1.0431687 1.0484006 1.051002 1.0513277 1.0522197\n", + " 1.0543988 1.059897 1.0685227 1.0762454 1.0802369 1.0815843 1.0779836\n", + " 1.0706812 1.0620264 1.0545081 1.0499029 1.0481601 1.0480815]]\n", + "[[1.1730518 1.171289 1.1818252 1.192738 1.1818986 1.1489663 1.1134641\n", + " 1.0895865 1.0773349 1.072618 1.0707803 1.064683 1.0551734 1.0469632\n", + " 1.0434331 1.0456762 1.0508391 1.0558617 1.058467 1.0590199 1.0595937\n", + " 1.062867 1.0702809 1.0808779 1.0894753]\n", + " [1.1719351 1.1675947 1.1777899 1.1871558 1.1752449 1.1428379 1.1086445\n", + " 1.0858078 1.0755746 1.0727178 1.0720534 1.066951 1.0573553 1.0489485\n", + " 1.0452052 1.0472053 1.0529395 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1650057 1.16222 1.1730301 1.1830775 1.1710896 1.1383724 1.1035156\n", + " 1.0812318 1.0705943 1.0678965 1.0676057 1.0630987 1.0543542 1.0467018\n", + " 1.042841 1.0444331 1.0498011 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1826215 1.1788665 1.1892158 1.1991472 1.1867207 1.151966 1.1153704\n", + " 1.0903828 1.0787089 1.0751916 1.0749973 1.069985 1.0608052 1.051775\n", + " 1.0480132 1.0495452 1.0553774 1.0610656 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1599301 1.1581075 1.1694514 1.1788359 1.1683309 1.1360513 1.102502\n", + " 1.0798213 1.0688764 1.0653667 1.0633583 1.0587063 1.0507474 1.0437317\n", + " 1.0406723 1.0424998 1.0465865 1.0513914 1.0535885 1.054436 1.0561625\n", + " 1.059952 0. 0. 0. ]]\n", + "[[1.1761822 1.1732033 1.1825918 1.190834 1.180016 1.1460134 1.1112304\n", + " 1.0881643 1.0777293 1.0750368 1.0747725 1.0703135 1.0603355 1.0513707\n", + " 1.0475837 1.0495931 0. 0. 0. ]\n", + " [1.1728156 1.1698658 1.1813583 1.1915104 1.1785238 1.1439003 1.1085571\n", + " 1.0852087 1.0738198 1.0707362 1.0701743 1.06521 1.0561754 1.0477215\n", + " 1.0439291 1.04546 1.0505799 1.0557808 1.0581863]\n", + " [1.1665145 1.1621263 1.1711359 1.1794536 1.1672063 1.1354631 1.102504\n", + " 1.0807301 1.071221 1.0692569 1.0695525 1.0653148 1.0566791 1.0486346\n", + " 1.0448909 1.0467472 0. 0. 0. ]\n", + " [1.1487172 1.1456509 1.154932 1.1637105 1.1534908 1.1240749 1.0937456\n", + " 1.0735066 1.0631526 1.0602423 1.0586405 1.054178 1.0459306 1.0391468\n", + " 1.0357368 1.0370481 1.0416147 1.0459002 1.048542 ]\n", + " [1.1915048 1.1872263 1.1980078 1.2084157 1.1955442 1.1601827 1.1216562\n", + " 1.095693 1.0841017 1.0821613 1.0820283 1.0774933 1.0674953 1.0577316\n", + " 1.0534825 0. 0. 0. 0. ]]\n", + "[[1.2120631 1.2067937 1.2164607 1.2252736 1.2092518 1.1690836 1.128206\n", + " 1.1018629 1.0896174 1.0886607 1.0889996 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1683637 1.1649374 1.1755166 1.1843482 1.1732657 1.1406627 1.1061883\n", + " 1.0836402 1.0733052 1.0708025 1.0709493 1.0661951 1.0570775 1.0486882\n", + " 1.0447377 1.0463364 0. 0. ]\n", + " [1.1581205 1.1549686 1.1648026 1.1734024 1.1618835 1.1292776 1.0972114\n", + " 1.0758392 1.0662026 1.0640593 1.063053 1.0588795 1.0503604 1.0427321\n", + " 1.0395037 1.0411859 1.0461986 1.0513734]\n", + " [1.1462889 1.1415154 1.1492624 1.1571351 1.1477592 1.1192113 1.0895061\n", + " 1.0696073 1.0602127 1.0581875 1.0584222 1.0547769 1.0475909 1.0405852\n", + " 1.0372655 1.0388356 0. 0. ]\n", + " [1.1850415 1.180962 1.1908166 1.1986285 1.1862112 1.151521 1.1158241\n", + " 1.0917505 1.0798135 1.0765538 1.0753824 1.0700991 1.0603173 1.0524255\n", + " 1.0485705 1.0510623 1.0566677 1.0620788]]\n", + "[[1.2016907 1.1970357 1.2065885 1.2134495 1.1965884 1.1581473 1.1206441\n", + " 1.0963987 1.0859898 1.0852354 1.086009 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1657815 1.1641175 1.1754663 1.1830418 1.1715312 1.1384983 1.1045438\n", + " 1.0817938 1.0711374 1.0675663 1.0666385 1.0614208 1.0525906 1.0450441\n", + " 1.041571 1.0431825 1.0478891 1.0528514 1.0555351 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1586473 1.1535968 1.1623036 1.1704838 1.1589874 1.1277583 1.0972747\n", + " 1.0759718 1.0650336 1.0615581 1.0598751 1.0550942 1.047895 1.0413234\n", + " 1.0386835 1.039978 1.0445637 1.0488114 1.0516688 1.053022 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1418123 1.1383926 1.1485591 1.1589535 1.1501986 1.1222459 1.0925215\n", + " 1.0722834 1.0625234 1.0591569 1.0575575 1.0523142 1.044026 1.037067\n", + " 1.0347986 1.0367906 1.0417701 1.0460017 1.0484686 1.0491918 1.0497156\n", + " 1.0529608 1.0595571 1.0673578 1.0750842 1.0788821 1.0800859 1.0761435\n", + " 1.0692953]\n", + " [1.1538234 1.1510522 1.1603553 1.1687572 1.1574436 1.1272377 1.0958397\n", + " 1.0749338 1.0646757 1.0617093 1.0599626 1.0551882 1.0472064 1.0405544\n", + " 1.0373019 1.038791 1.0434899 1.0478798 1.0505152 1.0517274 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1757894 1.1709368 1.1802982 1.1894004 1.1769447 1.143801 1.1093215\n", + " 1.085915 1.0750154 1.0716279 1.0708648 1.0658759 1.0566796 1.0482285\n", + " 1.0446316 1.0467715 1.0521045 1.0573026 0. ]\n", + " [1.1552745 1.1502502 1.1585293 1.1671228 1.1576653 1.1282847 1.0967342\n", + " 1.0764308 1.0674391 1.0652969 1.0653046 1.060987 1.0518783 1.044178\n", + " 1.0405732 0. 0. 0. 0. ]\n", + " [1.1741033 1.1700414 1.1801553 1.1881065 1.1756955 1.1409572 1.1066502\n", + " 1.0847079 1.0756707 1.0747626 1.0743523 1.0689054 1.0587587 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.160544 1.1597724 1.1708696 1.179 1.16654 1.1342415 1.1012594\n", + " 1.0794051 1.0690858 1.066013 1.0646845 1.0590864 1.0503916 1.0428264\n", + " 1.0397631 1.0416435 1.0463834 1.0510374 1.053614 ]\n", + " [1.1665231 1.1638582 1.1741027 1.1824117 1.1694264 1.1364689 1.1025952\n", + " 1.0808678 1.0707163 1.0686519 1.0679059 1.0634791 1.0546788 1.0466208\n", + " 1.0432793 1.0452996 1.0504788 0. 0. ]]\n", + "[[1.186994 1.1815667 1.1899799 1.1959779 1.1833906 1.1470902 1.1107973\n", + " 1.0877062 1.0770098 1.0759037 1.0766718 1.0723971 1.0632596 1.0546908\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.154387 1.1521775 1.1635556 1.1741452 1.1644919 1.133513 1.1000054\n", + " 1.0780599 1.0672977 1.0636207 1.0611233 1.0561405 1.0475999 1.0406759\n", + " 1.037662 1.0394074 1.044211 1.0486201 1.0508702 1.0512697 1.0526944\n", + " 1.0559332 1.0628557 1.0724918 0. 0. 0. ]\n", + " [1.1795822 1.1755439 1.1846298 1.192688 1.1800684 1.1476829 1.1135648\n", + " 1.0898707 1.0775518 1.0740271 1.0724396 1.067084 1.0583366 1.0500654\n", + " 1.0464001 1.0480976 1.0528084 1.05721 1.0594008 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1559895 1.1541171 1.1653857 1.1761345 1.1670587 1.1352361 1.1026309\n", + " 1.0810295 1.0695698 1.0659131 1.0636611 1.0577179 1.0479807 1.0404955\n", + " 1.0379798 1.0400555 1.0457445 1.0506216 1.0532391 1.054156 1.0555348\n", + " 1.0584761 1.0652493 1.0746047 1.0828652 1.0865338 1.0876317]\n", + " [1.1671028 1.1629655 1.1723526 1.1795683 1.1679206 1.1353611 1.1029269\n", + " 1.081288 1.0705795 1.06733 1.0662177 1.0609668 1.0524094 1.044968\n", + " 1.041735 1.0439008 1.0492377 1.0545115 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1493421 1.1465406 1.1568813 1.1648015 1.1543624 1.1247251 1.094013\n", + " 1.0733825 1.0639093 1.0616351 1.0608257 1.0559381 1.0480007 1.0403125\n", + " 1.0369847 1.0384377 1.0427284 1.047535 0. 0. 0.\n", + " 0. ]\n", + " [1.1751031 1.1719449 1.1825001 1.1925008 1.1817544 1.1473014 1.1129471\n", + " 1.0894798 1.0771438 1.0725176 1.069902 1.0639428 1.0550667 1.0468295\n", + " 1.0435991 1.0454065 1.0500481 1.0551772 1.0580167 1.058775 1.0602676\n", + " 1.063854 ]\n", + " [1.1915021 1.1883799 1.200557 1.2106342 1.1971624 1.1597333 1.1207352\n", + " 1.0947245 1.0823524 1.0789676 1.0779791 1.0722022 1.061979 1.0529959\n", + " 1.048804 1.0506823 1.0567493 1.0627105 1.0656129 0. 0.\n", + " 0. ]\n", + " [1.1862723 1.181932 1.1936646 1.2031218 1.1905237 1.1549197 1.1185607\n", + " 1.093928 1.0823979 1.0793544 1.0788413 1.0733056 1.0633522 1.0544076\n", + " 1.0500069 1.051817 1.0572318 1.0627947 0. 0. 0.\n", + " 0. ]\n", + " [1.173233 1.170591 1.1814647 1.1908039 1.179049 1.1449035 1.1092691\n", + " 1.0851052 1.0742321 1.0723141 1.0723139 1.0680995 1.0585958 1.0507245\n", + " 1.0466111 1.0483049 1.0538912 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.1691309 1.1648428 1.1745554 1.1833471 1.1715807 1.1387877 1.1050187\n", + " 1.0822282 1.0716528 1.0682573 1.0668808 1.0622658 1.0539337 1.0461369\n", + " 1.0427592 1.0445558 1.0494176 1.0546036 1.0568182]\n", + " [1.1688008 1.1653365 1.1753671 1.1821194 1.1701062 1.1362599 1.103222\n", + " 1.0817422 1.0731208 1.0721803 1.072385 1.0676919 1.0585827 1.0500022\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1829649 1.1779082 1.1884115 1.197428 1.1863066 1.152222 1.1161894\n", + " 1.0919636 1.0806544 1.0792359 1.0798059 1.0747476 1.0645747 1.0549964\n", + " 1.0506022 0. 0. 0. 0. ]\n", + " [1.1592574 1.1535916 1.1611779 1.1687704 1.1573989 1.1271871 1.0967224\n", + " 1.076854 1.0674871 1.0656475 1.0656663 1.0612729 1.0528294 1.0450554\n", + " 1.041551 1.0431548 0. 0. 0. ]\n", + " [1.1809317 1.177305 1.1873578 1.1956445 1.1829398 1.1482245 1.1124362\n", + " 1.0888134 1.0776068 1.0744814 1.0743005 1.0693116 1.0595927 1.0511025\n", + " 1.047156 1.0490423 1.0546471 1.0596945 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.163403 1.1598704 1.1694934 1.1772511 1.1646141 1.1333678 1.100936\n", + " 1.079307 1.0700122 1.0678129 1.0672071 1.0621457 1.0528812 1.0452342\n", + " 1.0418624 1.0435762 1.0490456 0. ]\n", + " [1.1703293 1.1668899 1.176639 1.1852894 1.1723145 1.1392653 1.1048566\n", + " 1.0823338 1.0716289 1.0692124 1.0686948 1.0634335 1.0544672 1.0464231\n", + " 1.0429554 1.044882 1.0499463 1.0549268]\n", + " [1.1759112 1.1703317 1.1807972 1.1901655 1.1787466 1.144428 1.108871\n", + " 1.0856919 1.0759193 1.0755328 1.0760374 1.0712796 1.0613176 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1922623 1.1881464 1.1994616 1.2075706 1.1932752 1.1557184 1.1180807\n", + " 1.0942765 1.0844551 1.0836934 1.0847763 1.078629 1.0669336 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1801887 1.1747028 1.1844354 1.1917825 1.1793634 1.1451752 1.1109616\n", + " 1.0888419 1.0788411 1.0777104 1.0778589 1.0721389 1.0620201 1.0528276\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1657903 1.1608789 1.1705451 1.1799313 1.1684747 1.136118 1.1024472\n", + " 1.0799878 1.0693606 1.0672351 1.0664725 1.0618315 1.0531951 1.0449042\n", + " 1.0414773 1.0432768 1.0483885 1.0533514 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1619364 1.1577711 1.1667826 1.1742722 1.1620567 1.1313744 1.099093\n", + " 1.0775822 1.0671321 1.0641327 1.0624433 1.0579591 1.0497483 1.042631\n", + " 1.0396982 1.0412037 1.0461625 1.0515165 1.054566 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1503507 1.1472781 1.1570556 1.166082 1.1551528 1.1253572 1.0943013\n", + " 1.0739558 1.0636011 1.0601867 1.0581104 1.053168 1.0451355 1.0386894\n", + " 1.0363343 1.0381398 1.0429006 1.0468667 1.0494988 1.0501859 1.0513412\n", + " 1.0544081 1.061037 1.0699716]\n", + " [1.1431756 1.1412604 1.150723 1.1596127 1.1487345 1.1207682 1.091498\n", + " 1.0714037 1.061261 1.057606 1.056034 1.0511725 1.0435869 1.0374005\n", + " 1.0348806 1.0361944 1.0403531 1.044671 1.0467088 1.0482013 1.0497873\n", + " 1.0529896 0. 0. ]\n", + " [1.188198 1.182829 1.1940942 1.2041116 1.1901742 1.1526951 1.1159717\n", + " 1.0927359 1.0827553 1.0821867 1.0830139 1.0780241 1.0672839 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.177861 1.1730084 1.1831955 1.1914539 1.178848 1.1446823 1.1099204\n", + " 1.08725 1.0774846 1.0759356 1.0760247 1.0707346 1.0611523 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1671376 1.1628218 1.1716263 1.1792253 1.1680449 1.1361744 1.103917\n", + " 1.0819176 1.0719595 1.0687249 1.0684067 1.0631102 1.0546072 1.0464783\n", + " 1.0433803 1.0451204 1.0507717 0. 0. 0. 0. ]\n", + " [1.1751783 1.1729666 1.1845654 1.1932064 1.1806486 1.1460503 1.1105692\n", + " 1.0860802 1.0754006 1.0723926 1.0713038 1.0658154 1.0562519 1.0482305\n", + " 1.0446413 1.0462856 1.0513172 1.0564352 1.0588073 0. 0. ]\n", + " [1.1598238 1.1568879 1.1665485 1.1757777 1.164645 1.1342484 1.1021773\n", + " 1.0807471 1.0696276 1.0660086 1.0636952 1.0575818 1.048839 1.041797\n", + " 1.0384167 1.0403806 1.0451119 1.0494553 1.0515223 1.0524925 1.0539377]\n", + " [1.1632931 1.1596863 1.1686294 1.1778457 1.1655807 1.1325315 1.0997057\n", + " 1.0788459 1.0690067 1.0670056 1.0672158 1.0623326 1.054195 1.0463736\n", + " 1.0427614 1.0443803 1.049269 0. 0. 0. 0. ]]\n", + "[[1.162413 1.1583661 1.1681834 1.1742437 1.1616715 1.129592 1.0972887\n", + " 1.0761683 1.0673367 1.0654941 1.0649524 1.060307 1.0523242 1.0446537\n", + " 1.0416286 1.0437948 1.0489522 0. 0. 0. 0. ]\n", + " [1.1769993 1.1713454 1.1812891 1.1904554 1.1790345 1.1462203 1.1114639\n", + " 1.0886126 1.0784996 1.07638 1.0761995 1.0707581 1.0607988 1.0510206\n", + " 1.0468428 1.0488416 0. 0. 0. 0. 0. ]\n", + " [1.1730629 1.1690061 1.1788081 1.1863767 1.1749102 1.1418556 1.1078626\n", + " 1.0846977 1.0741838 1.070881 1.0697294 1.0640811 1.0549572 1.0466844\n", + " 1.0434698 1.045371 1.0507714 1.0558121 1.0578481 0. 0. ]\n", + " [1.1724602 1.1688551 1.1795721 1.1886113 1.1772091 1.1431597 1.1075926\n", + " 1.0843897 1.0740985 1.0725776 1.0727881 1.068892 1.0598528 1.0512608\n", + " 1.0470035 1.0486715 0. 0. 0. 0. 0. ]\n", + " [1.181339 1.1777174 1.1875577 1.1955295 1.1830773 1.1500785 1.1152759\n", + " 1.0917758 1.0791492 1.0746323 1.0714569 1.0653342 1.0560944 1.0481746\n", + " 1.0450844 1.0473578 1.0526516 1.057834 1.0600373 1.0607074 1.0622513]]\n", + "[[1.1727482 1.1686004 1.177741 1.185279 1.1736788 1.1406137 1.1063045\n", + " 1.0838717 1.0733471 1.0706995 1.070596 1.0659089 1.0568761 1.0487647\n", + " 1.0451938 1.0473111 1.0527116 0. 0. 0. ]\n", + " [1.1716381 1.1691574 1.179997 1.1893338 1.1763245 1.1423199 1.1073772\n", + " 1.0845774 1.0735482 1.0715506 1.0704782 1.0656884 1.0561421 1.0481164\n", + " 1.0443425 1.0461298 1.0513594 1.0564001 0. 0. ]\n", + " [1.1784363 1.1751081 1.184294 1.1923976 1.1794255 1.1453788 1.1117905\n", + " 1.0892286 1.0781549 1.0742327 1.0730389 1.067281 1.0577022 1.0494509\n", + " 1.046217 1.0485066 1.0540385 1.0590439 0. 0. ]\n", + " [1.1688057 1.1668409 1.1784452 1.1879624 1.1760125 1.1420093 1.1070408\n", + " 1.0837519 1.072356 1.069256 1.0673518 1.0619535 1.0530835 1.0454582\n", + " 1.0423441 1.0440779 1.0494384 1.054308 1.0567108 1.0574063]\n", + " [1.1639147 1.1602702 1.1703471 1.1788288 1.167719 1.1354984 1.1023037\n", + " 1.0802469 1.0699949 1.0670927 1.0665143 1.0614187 1.0530388 1.0449463\n", + " 1.0415839 1.0430185 1.048062 1.0532527 0. 0. ]]\n", + "[[1.1603408 1.1555381 1.1647632 1.1737095 1.1637838 1.1325219 1.1004478\n", + " 1.0788721 1.0684978 1.0662411 1.0663154 1.061758 1.0532441 1.0452204\n", + " 1.0420027 1.0439785 0. 0. 0. ]\n", + " [1.1813445 1.1756709 1.1857586 1.1927322 1.1804391 1.1457896 1.110603\n", + " 1.0874035 1.076925 1.0750214 1.0750159 1.0701467 1.0604501 1.0514349\n", + " 1.0474523 1.0495169 0. 0. 0. ]\n", + " [1.1703881 1.1661339 1.1763078 1.1854132 1.1739517 1.1412852 1.1073474\n", + " 1.0847355 1.0735185 1.0701482 1.068919 1.0637344 1.0545179 1.0468166\n", + " 1.0430261 1.0446678 1.0496477 1.0545611 1.0571587]\n", + " [1.1744558 1.1701427 1.179707 1.1889975 1.1773959 1.1440384 1.1094416\n", + " 1.0868802 1.076502 1.0749564 1.0747577 1.0704421 1.060335 1.0513836\n", + " 1.0474321 0. 0. 0. 0. ]\n", + " [1.1542522 1.1510346 1.1600654 1.1686791 1.1581903 1.1272653 1.0953403\n", + " 1.0744202 1.0653746 1.064181 1.0649445 1.060066 1.0520195 1.0440316\n", + " 1.0405531 0. 0. 0. 0. ]]\n", + "[[1.1587534 1.1559906 1.1672621 1.1768675 1.1664033 1.1334693 1.1001927\n", + " 1.0776758 1.0679264 1.0662885 1.0657622 1.0612837 1.0526553 1.0447316\n", + " 1.0414981 1.0433768 0. 0. ]\n", + " [1.1631516 1.1581641 1.1668919 1.1747465 1.1632458 1.1317652 1.1002927\n", + " 1.0795686 1.0696954 1.0671654 1.0665092 1.0612786 1.0529437 1.0452831\n", + " 1.0420024 1.0439408 1.0492743 0. ]\n", + " [1.1818384 1.1789495 1.1901093 1.1976585 1.1848878 1.1488675 1.1123235\n", + " 1.0888237 1.0778315 1.075879 1.0754861 1.0704718 1.0608004 1.0519798\n", + " 1.0478182 1.0493474 1.0550542 0. ]\n", + " [1.2080266 1.2044694 1.2161784 1.224778 1.211518 1.1731799 1.1330594\n", + " 1.1051385 1.0930531 1.0896935 1.0884612 1.0819917 1.0710242 1.0607903\n", + " 1.0561558 1.0581098 1.0645367 1.071005 ]\n", + " [1.1864979 1.1800778 1.1899953 1.2009768 1.1885126 1.1528666 1.1158485\n", + " 1.0914431 1.0813688 1.0801936 1.0812203 1.0760443 1.0658876 1.0558023\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1739469 1.1702745 1.1811194 1.189805 1.1763186 1.1423072 1.1078542\n", + " 1.0849615 1.0740042 1.0711242 1.0705875 1.0653944 1.0563493 1.0484028\n", + " 1.0447048 1.0463953 1.0516607 1.0563927 0. 0. ]\n", + " [1.1773316 1.1709416 1.179219 1.1863468 1.1730778 1.1397076 1.1050363\n", + " 1.0830247 1.073319 1.0720196 1.0737759 1.0688374 1.0596222 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1862663 1.1824179 1.1929858 1.2019025 1.1884973 1.1545541 1.1188405\n", + " 1.0947875 1.0821303 1.0775154 1.0750395 1.0688522 1.0589758 1.0506393\n", + " 1.0469708 1.0492965 1.0549085 1.0599827 1.0622773 1.0627923]\n", + " [1.1904477 1.1856228 1.1945817 1.2024494 1.1902722 1.1554161 1.1185043\n", + " 1.0940378 1.0825951 1.0799487 1.0803685 1.0752782 1.0653627 1.0567149\n", + " 1.0523015 0. 0. 0. 0. 0. ]\n", + " [1.1729976 1.1698836 1.1797944 1.1872102 1.1744734 1.1405933 1.1064652\n", + " 1.0841831 1.0740345 1.0717108 1.0709373 1.0660462 1.0569062 1.0484598\n", + " 1.0453007 1.0471913 1.0527016 0. 0. 0. ]]\n", + "[[1.1695561 1.1661024 1.1764579 1.1848674 1.1726097 1.140186 1.1067207\n", + " 1.0846939 1.0734378 1.0700598 1.0683461 1.0624187 1.053462 1.0456883\n", + " 1.0425744 1.0443096 1.0493426 1.0539283 1.0560446 1.0567292]\n", + " [1.1886098 1.1824604 1.1917092 1.2000356 1.1877769 1.1526846 1.1168115\n", + " 1.0933948 1.0823346 1.081073 1.0813239 1.0764073 1.066515 1.0573646\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1727933 1.1685448 1.1785691 1.1878226 1.1751032 1.1405833 1.1057085\n", + " 1.0837915 1.0742258 1.073292 1.0746342 1.0694345 1.0593309 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.2074038 1.2013036 1.2109482 1.2190503 1.2057483 1.1689872 1.1291103\n", + " 1.1012342 1.0894945 1.0872926 1.0875101 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1641034 1.1590564 1.167586 1.1746552 1.1628513 1.1325984 1.1003252\n", + " 1.0797933 1.0699531 1.0679853 1.0684611 1.0641857 1.0553594 1.0471727\n", + " 1.0437454 0. 0. 0. 0. 0. ]]\n", + "[[1.1717367 1.1666284 1.1763644 1.1843786 1.1706125 1.1376116 1.104587\n", + " 1.0827341 1.073357 1.0722985 1.0719924 1.0673712 1.0580877 1.049518\n", + " 1.0458404 0. 0. ]\n", + " [1.1623495 1.1593748 1.1699476 1.1787248 1.1680068 1.1352499 1.1012421\n", + " 1.0787607 1.0683917 1.0658821 1.0666949 1.0627335 1.054568 1.0471531\n", + " 1.0433643 1.0449677 1.0500225]\n", + " [1.1685032 1.1648337 1.1755835 1.1840339 1.1718239 1.1376771 1.104569\n", + " 1.082924 1.0739081 1.0733719 1.0749385 1.0700009 1.0600989 0.\n", + " 0. 0. 0. ]\n", + " [1.1749763 1.1692524 1.1775134 1.1846002 1.1730822 1.1397927 1.10613\n", + " 1.084239 1.0745615 1.0732917 1.0736005 1.0693026 1.0601221 1.0514199\n", + " 1.0476108 0. 0. ]\n", + " [1.1858313 1.1805542 1.1916088 1.2006178 1.1883965 1.1521242 1.1146655\n", + " 1.0896099 1.0784675 1.0775646 1.0781668 1.0734612 1.0639554 1.0547177\n", + " 1.0504818 0. 0. ]]\n", + "[[1.1754096 1.1718332 1.183645 1.1938068 1.1816891 1.1471307 1.1109688\n", + " 1.0870371 1.076004 1.0734724 1.0732088 1.0675173 1.057822 1.0493168\n", + " 1.0452747 1.046951 1.0523508 1.0579041 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.2055194 1.1987463 1.2087418 1.2157468 1.2007746 1.1636195 1.1247755\n", + " 1.1005608 1.0896493 1.0875512 1.087767 1.0817263 1.070716 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1658963 1.1618192 1.1715937 1.180557 1.1684808 1.1365006 1.1034278\n", + " 1.0814129 1.0708985 1.0683002 1.0676942 1.0627961 1.0542284 1.0464997\n", + " 1.0432041 1.0448197 1.0499026 1.0548407 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.160755 1.1582847 1.1698585 1.1812032 1.1714878 1.1392235 1.1061453\n", + " 1.0837446 1.0721923 1.0684304 1.066247 1.0604428 1.0511581 1.0433761\n", + " 1.0400301 1.0423753 1.0477498 1.0526035 1.0549109 1.0550133 1.0559583\n", + " 1.0590216 1.0659618 1.0760912 1.0839663]\n", + " [1.1542138 1.1493458 1.159978 1.1690367 1.1583368 1.1269326 1.0953904\n", + " 1.0748248 1.0659356 1.0645679 1.0649455 1.0605997 1.0518703 1.0436068\n", + " 1.0398837 1.0417372 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n", + "[[1.1797363 1.1777422 1.1895559 1.1993572 1.1866088 1.1501893 1.1139641\n", + " 1.0890915 1.0779479 1.0743088 1.0726433 1.0666262 1.0568314 1.0486815\n", + " 1.0447183 1.0464368 1.0518224 1.0571151 1.0594475 1.060857 ]\n", + " [1.1828896 1.177043 1.186647 1.193827 1.1819744 1.1473484 1.1116121\n", + " 1.0873085 1.0767393 1.0746917 1.0751057 1.0698832 1.0604359 1.0516351\n", + " 1.0478255 1.0501697 0. 0. 0. 0. ]\n", + " [1.1735444 1.1698468 1.1790513 1.1877148 1.1758215 1.1423943 1.1076381\n", + " 1.086105 1.0755168 1.0731605 1.0724497 1.067184 1.0577767 1.0491543\n", + " 1.0450323 1.0475123 1.0530629 0. 0. 0. ]\n", + " [1.1898485 1.1857138 1.1959951 1.2050109 1.1927449 1.1578852 1.1214274\n", + " 1.0963571 1.0838122 1.0802342 1.0786237 1.0734428 1.0630444 1.0544242\n", + " 1.0505908 1.0526778 1.0586809 1.06409 0. 0. ]\n", + " [1.2160637 1.2080494 1.2181816 1.2260776 1.2115889 1.1727011 1.1324897\n", + " 1.1055183 1.0930884 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1628277 1.1594775 1.1702936 1.179584 1.1676452 1.1350343 1.101465\n", + " 1.0791476 1.0692703 1.0673108 1.0668619 1.0622029 1.0534402 1.0451592\n", + " 1.0418458 1.0435402 1.0491309 0. 0. 0. ]\n", + " [1.1726748 1.1700265 1.1804757 1.1896485 1.1771747 1.1440865 1.1095705\n", + " 1.0867462 1.0758592 1.0726213 1.071537 1.0660194 1.0563854 1.0480913\n", + " 1.0439367 1.0459565 1.0513988 1.0563103 0. 0. ]\n", + " [1.1765127 1.1760957 1.1877322 1.197685 1.1838448 1.1483274 1.11134\n", + " 1.0868254 1.0754216 1.0721419 1.0705634 1.0654458 1.0561985 1.0484018\n", + " 1.0444052 1.0462439 1.0509936 1.0560024 1.0582503 1.0592102]\n", + " [1.1635877 1.1591282 1.1682982 1.1770532 1.1650267 1.1333892 1.1002289\n", + " 1.0795947 1.0701765 1.0690011 1.0690238 1.0641091 1.0550667 1.0467144\n", + " 1.0430896 1.045065 0. 0. 0. 0. ]\n", + " [1.1873742 1.1850657 1.1963795 1.2062795 1.1938528 1.1575923 1.1206278\n", + " 1.0955404 1.0828207 1.078827 1.0769045 1.0706493 1.0609618 1.0520217\n", + " 1.0483873 1.0502888 1.0554006 1.0607399 1.0632749 1.0644832]]\n", + "[[1.1687416 1.1669444 1.1773005 1.1859803 1.173171 1.1405418 1.1067041\n", + " 1.0838652 1.0725579 1.0689976 1.0673251 1.0612776 1.0526674 1.0448554\n", + " 1.0417963 1.0430502 1.0482075 1.0531124 1.0555558 1.0570258 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1420316 1.1393917 1.1495813 1.1588284 1.1500264 1.1204886 1.0906861\n", + " 1.0712482 1.0612972 1.0577083 1.0561985 1.0508983 1.0429542 1.0361075\n", + " 1.0334147 1.035172 1.0395263 1.0438248 1.0459605 1.0471612 1.0482101\n", + " 1.0510007 1.0572482 1.0657473 1.072599 ]\n", + " [1.1728439 1.166966 1.1751711 1.1831156 1.1707972 1.1383039 1.1054362\n", + " 1.0842923 1.0748979 1.0738293 1.0742553 1.0697137 1.0601292 1.0511588\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1620169 1.1559901 1.1638443 1.1704804 1.1592588 1.1289812 1.098374\n", + " 1.0784413 1.0688505 1.0665822 1.0659784 1.0619278 1.0536793 1.0461704\n", + " 1.0429741 1.0449508 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1743882 1.1701777 1.181129 1.1910005 1.177498 1.1425321 1.1076375\n", + " 1.0860214 1.076509 1.0764403 1.0774598 1.0718337 1.0615708 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.170255 1.1659663 1.1769745 1.1860996 1.1751902 1.1413867 1.1069624\n", + " 1.0838164 1.0737109 1.0715982 1.0716908 1.0675863 1.058299 1.0496987\n", + " 1.0460944 0. 0. 0. ]\n", + " [1.1752774 1.1719513 1.1819901 1.1896224 1.1768789 1.1427811 1.108832\n", + " 1.0868037 1.0773718 1.0763466 1.0763103 1.0709836 1.0611674 1.052452\n", + " 0. 0. 0. 0. ]\n", + " [1.2130291 1.2079074 1.2179445 1.2280728 1.2135587 1.1760418 1.1347064\n", + " 1.1073956 1.0952911 1.0937215 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + " [1.1945512 1.1907668 1.2005379 1.2085509 1.1955283 1.1590024 1.1215622\n", + " 1.0960356 1.0846939 1.0820097 1.0809064 1.0754015 1.0652753 1.0557778\n", + " 1.0516948 1.0541006 1.060639 0. ]\n", + " [1.1835619 1.179721 1.1906612 1.1995771 1.186794 1.1508604 1.1141328\n", + " 1.0896902 1.0780323 1.0754873 1.074065 1.06858 1.0593688 1.0507944\n", + " 1.0471208 1.0491204 1.0551434 1.0615337]]\n", + "[[1.1992183 1.1916575 1.2007495 1.2086978 1.1969676 1.1606244 1.1226381\n", + " 1.097392 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1678355 1.1638399 1.1738673 1.1829957 1.1707406 1.1384487 1.1049143\n", + " 1.0829375 1.0726116 1.0705744 1.070297 1.065555 1.055901 1.0475557\n", + " 1.0437931 1.0457 1.0512278]\n", + " [1.1625395 1.1583645 1.1691772 1.1792142 1.1679455 1.1357577 1.1017314\n", + " 1.0801076 1.0702938 1.069011 1.0698358 1.0657656 1.0569229 1.0485353\n", + " 1.0444896 0. 0. ]\n", + " [1.1652743 1.1605873 1.1698714 1.1781237 1.168001 1.1372808 1.1049141\n", + " 1.0828373 1.0730239 1.0707155 1.0707803 1.0658514 1.056791 1.0486807\n", + " 1.0445316 0. 0. ]\n", + " [1.1776662 1.1741399 1.1841068 1.1927866 1.1796557 1.1451058 1.1099738\n", + " 1.0863292 1.0751271 1.0723126 1.071638 1.067756 1.0592648 1.050877\n", + " 1.0474117 1.0493162 1.054532 ]]\n", + "[[1.1576815 1.1553324 1.1645085 1.1720474 1.1614667 1.129994 1.0983341\n", + " 1.0772203 1.0665072 1.0634755 1.0629464 1.0583807 1.0502329 1.043133\n", + " 1.0397943 1.041223 1.0458359 1.0507891 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1594218 1.1564521 1.1662153 1.1732609 1.1626687 1.1312655 1.0998453\n", + " 1.0793918 1.0688261 1.0648296 1.0632849 1.0578061 1.0491706 1.042278\n", + " 1.0393535 1.0412105 1.045866 1.0502067 1.0521371 1.0528036 0.\n", + " 0. 0. 0. ]\n", + " [1.1527649 1.1495605 1.1595297 1.1687617 1.1572924 1.1277407 1.0959897\n", + " 1.0749233 1.0649188 1.0624623 1.0617114 1.0572999 1.0493456 1.042371\n", + " 1.0392482 1.0408959 1.046035 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1458986 1.1422637 1.1506108 1.1589576 1.1494025 1.1215006 1.0917878\n", + " 1.0722734 1.0620316 1.0583707 1.0562831 1.051109 1.0435685 1.0375379\n", + " 1.0350406 1.0366209 1.0411607 1.0453746 1.0477471 1.0489398 1.0501132\n", + " 1.0526552 1.0587286 1.0667887]\n", + " [1.2021751 1.1953431 1.2044593 1.2128229 1.1984018 1.162441 1.1252317\n", + " 1.0998676 1.0884539 1.0866507 1.0869726 1.0814388 1.0709506 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]]\n", + "[[1.1703923 1.1683372 1.1793988 1.1876897 1.1742194 1.1402875 1.1060323\n", + " 1.0829924 1.0724208 1.0704916 1.069577 1.0649859 1.0558573 1.0474145\n", + " 1.0440642 1.0455003 1.0505557 1.0553163 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1646426 1.1618794 1.1723244 1.1815608 1.1702076 1.138017 1.1053158\n", + " 1.0829058 1.0717938 1.0679704 1.0659168 1.0604595 1.0513175 1.0439256\n", + " 1.040188 1.0419865 1.0473381 1.0522414 1.0545738 1.0554874 0.\n", + " 0. 0. ]\n", + " [1.1768106 1.1756345 1.1875225 1.1959088 1.1840155 1.1482985 1.1129242\n", + " 1.0888791 1.0776474 1.0734994 1.0709473 1.0652102 1.0558012 1.0478462\n", + " 1.0441315 1.0459805 1.0513105 1.0562428 1.0586417 1.0594351 1.0610201\n", + " 1.0652921 0. ]\n", + " [1.1402125 1.1373547 1.1468062 1.154948 1.1450706 1.1166899 1.088501\n", + " 1.0695227 1.0596026 1.0560881 1.0543395 1.0492741 1.042093 1.0361282\n", + " 1.0338628 1.0358047 1.0394924 1.0437461 1.0461383 1.0468684 1.0478847\n", + " 1.0507232 1.056645 ]\n", + " [1.1806396 1.1764677 1.1868861 1.1951158 1.182462 1.1475059 1.1111828\n", + " 1.0879203 1.0781115 1.0773652 1.0777208 1.0730767 1.062829 1.0537258\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1833961 1.1792985 1.1889873 1.198812 1.1867824 1.1532681 1.1165462\n", + " 1.0918022 1.0788121 1.0745542 1.0731633 1.0674304 1.0582888 1.050106\n", + " 1.0460881 1.0478957 1.0529547 1.0579463 1.0603081 0. ]\n", + " [1.217241 1.2105389 1.2189997 1.2276921 1.2127638 1.1745585 1.1333674\n", + " 1.106074 1.093294 1.0917794 1.0931072 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1847668 1.1791247 1.1886264 1.1983548 1.1850611 1.1505237 1.1155479\n", + " 1.0923519 1.0824411 1.080846 1.0812497 1.075539 1.0645281 1.0548221\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1612557 1.1584466 1.169085 1.1778497 1.1656814 1.1341212 1.1021054\n", + " 1.0808346 1.0696162 1.0662082 1.0639412 1.0584375 1.0499783 1.0432606\n", + " 1.0400823 1.0419586 1.0469134 1.051419 1.0535092 1.0545285]\n", + " [1.1934607 1.1863647 1.1941302 1.2004225 1.1876087 1.1526313 1.1169485\n", + " 1.093387 1.0826014 1.0810142 1.0811533 1.075278 1.0647498 1.0550909\n", + " 1.0510936 0. 0. 0. 0. 0. ]]\n", + "[[1.1521478 1.1497777 1.1584196 1.1642265 1.154403 1.1250759 1.094567\n", + " 1.0739017 1.0635296 1.0597868 1.0581862 1.0545622 1.0473773 1.0407703\n", + " 1.0376955 1.0389291 1.0432242 1.0476065]\n", + " [1.1765862 1.1724544 1.1837039 1.1932973 1.1823667 1.1475272 1.1106812\n", + " 1.0868025 1.0758576 1.0735402 1.0738168 1.0686678 1.059405 1.0501928\n", + " 1.0463121 1.0481174 1.0537028 0. ]\n", + " [1.1654496 1.1609908 1.1709031 1.1789837 1.167139 1.135295 1.1022635\n", + " 1.0808979 1.0707945 1.0684924 1.0676695 1.0629468 1.054471 1.0465149\n", + " 1.0428957 1.044294 1.0491744 0. ]\n", + " [1.1689388 1.1645609 1.1741865 1.1832181 1.1719615 1.1389658 1.1050125\n", + " 1.0819924 1.0715182 1.069572 1.0698462 1.0659294 1.057831 1.0497942\n", + " 1.045899 1.0473721 0. 0. ]\n", + " [1.1698745 1.1655232 1.1754366 1.184334 1.1728221 1.1400814 1.1060286\n", + " 1.0837665 1.0734249 1.071528 1.0717981 1.0669067 1.0574365 1.0488617\n", + " 1.0447357 1.0466504 0. 0. ]]\n", + "[[1.1549675 1.1518384 1.1613245 1.1699653 1.1593543 1.1303134 1.0995377\n", + " 1.0788196 1.0678241 1.0645467 1.0624471 1.0563835 1.0482757 1.0410831\n", + " 1.0379777 1.0397011 1.0438228 1.0487089 1.0512732 1.0520701 1.0536824\n", + " 1.0570753]\n", + " [1.1721284 1.1650668 1.1719164 1.1792219 1.167572 1.136479 1.1041508\n", + " 1.0823588 1.0714748 1.0686535 1.0681075 1.0630816 1.054434 1.0469041\n", + " 1.0436407 1.0457801 1.0516062 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1576974 1.1547849 1.1637708 1.172935 1.1624861 1.1304139 1.0992744\n", + " 1.0784854 1.068747 1.0670993 1.0666462 1.062097 1.0523831 1.0449336\n", + " 1.0411283 1.0428207 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1831657 1.1803606 1.1911757 1.1987019 1.1869806 1.1527258 1.1167754\n", + " 1.0921382 1.0804101 1.0763904 1.0741926 1.0678663 1.0586364 1.0502461\n", + " 1.0465472 1.0487322 1.0542994 1.0590553 1.061305 1.0617009 0.\n", + " 0. ]\n", + " [1.1624734 1.1575085 1.1659323 1.173949 1.161846 1.1314722 1.0998021\n", + " 1.0785744 1.0686948 1.0668128 1.0671484 1.0631671 1.0551081 1.0472528\n", + " 1.0436584 1.0453668 0. 0. 0. 0. 0.\n", + " 0. ]]\n", + "[[1.186271 1.1840736 1.193846 1.2038379 1.1880362 1.1502957 1.1139783\n", + " 1.0908035 1.081445 1.0806692 1.0814426 1.0754876 1.0649872 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.170794 1.168152 1.1794176 1.1889843 1.1772429 1.1432588 1.1083337\n", + " 1.0848633 1.0744547 1.0720897 1.0713525 1.0666724 1.0574907 1.0489492\n", + " 1.0450675 1.0465499 1.0520897 0. 0. 0. ]\n", + " [1.1704794 1.1671162 1.1771028 1.1854349 1.1725945 1.1391495 1.1052637\n", + " 1.0831764 1.0728674 1.0711966 1.0703375 1.0652542 1.0561084 1.0475475\n", + " 1.044043 1.0454837 1.0509654 0. 0. 0. ]\n", + " [1.1681947 1.163055 1.1721632 1.1789759 1.1680634 1.1367879 1.104794\n", + " 1.0832498 1.0729928 1.0704025 1.0686992 1.0636363 1.0546231 1.0468725\n", + " 1.0433583 1.0451945 1.0504851 0. 0. 0. ]\n", + " [1.1665969 1.1646701 1.1767995 1.1862719 1.1741952 1.1401286 1.1054784\n", + " 1.082366 1.0717505 1.0686027 1.0665212 1.0611603 1.0516335 1.0440445\n", + " 1.0403998 1.042079 1.0470388 1.0519378 1.054504 1.0554943]]\n", + "[[1.1730895 1.1681654 1.1778287 1.1862631 1.176275 1.1433775 1.1088842\n", + " 1.0861726 1.0752436 1.0734466 1.0736729 1.0695459 1.0604591 1.0519462\n", + " 1.0477146 1.0493691]\n", + " [1.1976744 1.1909304 1.2011026 1.2101341 1.1961058 1.1587187 1.1203262\n", + " 1.094683 1.0841352 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1873543 1.185088 1.1955848 1.203544 1.1908581 1.1551757 1.118532\n", + " 1.0940001 1.0821555 1.0786097 1.0766267 1.070015 1.0603613 1.0519444\n", + " 1.0480341 1.0503258 1.056102 1.0610777 1.0633228 0. ]\n", + " [1.1848046 1.1822133 1.1924362 1.1997576 1.1885393 1.1541563 1.1176081\n", + " 1.0929388 1.0800761 1.0763048 1.0740079 1.0678982 1.0580786 1.0497813\n", + " 1.046351 1.0480305 1.053418 1.0581908 1.0614212 1.0621877]\n", + " [1.1757714 1.1721259 1.1820612 1.1915118 1.1790857 1.1448058 1.110784\n", + " 1.0882488 1.0765756 1.0724232 1.0702876 1.0635021 1.0543989 1.0462751\n", + " 1.0428818 1.0450137 1.0502324 1.0549891 1.0573736 1.0581015]\n", + " [1.1624212 1.1594355 1.1687552 1.176949 1.1646824 1.1333041 1.1001185\n", + " 1.0785879 1.0685443 1.0663302 1.0660017 1.0615162 1.0524964 1.0454483\n", + " 1.0417898 1.0434494 1.0485716 0. 0. 0. ]\n", + " [1.1586003 1.1544805 1.1648057 1.1735345 1.1619116 1.1300972 1.0977548\n", + " 1.0768263 1.0682193 1.0673877 1.0681766 1.0638038 1.0544206 0.\n", + " 0. 0. 0. 0. 0. 0. ]]\n", + "[[1.1791251 1.175427 1.1854 1.1933786 1.1810352 1.1464942 1.1115932\n", + " 1.0879035 1.0774641 1.0746287 1.0746818 1.0695888 1.0604827 1.0513754\n", + " 1.0480407 1.0499479 1.0558916 0. 0. ]\n", + " [1.1937041 1.1884439 1.1992568 1.2066814 1.1931419 1.1552535 1.1171948\n", + " 1.0927014 1.0824378 1.0811075 1.0813847 1.0757569 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1751447 1.1717314 1.1819993 1.1907306 1.178451 1.1448982 1.1100386\n", + " 1.0861837 1.0744144 1.0717887 1.0702711 1.064107 1.05531 1.0470507\n", + " 1.043584 1.0455631 1.0506854 1.0556154 1.0578446]\n", + " [1.1562849 1.1535971 1.1635388 1.1730623 1.161154 1.1305239 1.0986845\n", + " 1.0776017 1.0671631 1.0655236 1.0648319 1.060253 1.0516322 1.0434604\n", + " 1.0398436 1.0413581 1.0464563 0. 0. ]\n", + " [1.1761634 1.1719874 1.1817329 1.1897331 1.1778934 1.1442217 1.1096922\n", + " 1.0871316 1.0764662 1.0734308 1.0728216 1.0677845 1.0577549 1.0491415\n", + " 1.0451864 1.0469493 1.0521653 1.057542 0. ]]\n", + "[[1.1973919 1.1909293 1.1998398 1.2086196 1.1947981 1.1588337 1.1227564\n", + " 1.0986328 1.0869792 1.0845995 1.0842212 1.0784634 1.0686471 1.0590047\n", + " 1.055173 0. 0. 0. 0. 0. ]\n", + " [1.1920213 1.184549 1.193121 1.2003819 1.1879431 1.1530273 1.1165649\n", + " 1.0921165 1.0820814 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1848224 1.1822653 1.1949165 1.2058036 1.1931076 1.1561384 1.11858\n", + " 1.0935631 1.0810666 1.0772017 1.075651 1.0696988 1.0593625 1.0506531\n", + " 1.0464127 1.0483872 1.0541925 1.0593107 1.0617068 1.0628835]\n", + " [1.1980901 1.1935611 1.2032305 1.2117792 1.1975582 1.1614157 1.1235162\n", + " 1.0975769 1.085069 1.0816863 1.0804229 1.0749608 1.0648433 1.0562077\n", + " 1.0520328 1.0545788 1.0606495 1.0666534 0. 0. ]\n", + " [1.160607 1.1570404 1.1674632 1.1769102 1.1668496 1.1346705 1.1012284\n", + " 1.0800078 1.070275 1.0687649 1.0687566 1.0647761 1.0559952 1.0474963\n", + " 1.0438106 0. 0. 0. 0. 0. ]]\n", + "[[1.1574315 1.1529605 1.1611567 1.1693194 1.1591079 1.129201 1.0976155\n", + " 1.0771047 1.067314 1.0656759 1.0659182 1.0613266 1.0537388 1.0459446\n", + " 1.0423343 0. 0. ]\n", + " [1.1672271 1.1622695 1.1719285 1.1810386 1.1688037 1.138012 1.1052831\n", + " 1.083097 1.0730673 1.071022 1.070828 1.066082 1.0577263 1.0498345\n", + " 1.0461061 0. 0. ]\n", + " [1.1682739 1.1641505 1.1747702 1.1843498 1.1725366 1.1396542 1.106176\n", + " 1.0834893 1.0727608 1.0703101 1.0699316 1.0651922 1.0562003 1.0481396\n", + " 1.0442649 1.0463601 1.0518228]\n", + " [1.1687028 1.1653175 1.1759369 1.1852671 1.1730236 1.1393424 1.1050527\n", + " 1.0831845 1.0730504 1.071831 1.0724978 1.0675447 1.0584351 1.0498785\n", + " 1.0459249 0. 0. ]\n", + " [1.162709 1.159623 1.1696365 1.1793666 1.1676261 1.1349758 1.1016933\n", + " 1.0800381 1.0700524 1.0685483 1.0681401 1.063345 1.0539597 1.0459185\n", + " 1.042178 1.0437691 1.0492225]]\n", + "[[1.1544267 1.150532 1.1605002 1.1688445 1.1571164 1.1265334 1.0952935\n", + " 1.0746311 1.0652618 1.0630255 1.0623548 1.0574268 1.0490427 1.0415077\n", + " 1.0383205 1.040186 1.0451481 1.0500102 0. 0. ]\n", + " [1.157481 1.1557733 1.165855 1.1731293 1.1612415 1.1300653 1.0981612\n", + " 1.0769439 1.0667623 1.0638978 1.0624169 1.0570004 1.0491936 1.0419034\n", + " 1.0386537 1.0400819 1.0447083 1.0490568 1.05141 1.0522318]\n", + " [1.1733426 1.1699207 1.1808882 1.1897361 1.1786343 1.1449051 1.1100799\n", + " 1.0871243 1.0764844 1.0747296 1.0752758 1.0700732 1.0605938 1.0515034\n", + " 1.0473015 0. 0. 0. 0. 0. ]\n", + " [1.1780447 1.1743042 1.1858664 1.1953471 1.1815363 1.146715 1.1108088\n", + " 1.0874305 1.0762281 1.0737422 1.0736127 1.0687629 1.0592662 1.0509608\n", + " 1.0469222 1.0489414 0. 0. 0. 0. ]\n", + " [1.1394488 1.1353666 1.1436872 1.1506265 1.1402218 1.1131517 1.08522\n", + " 1.0667062 1.058203 1.0565209 1.0565284 1.0527635 1.0457419 1.039334\n", + " 1.0361745 1.0376554 1.042083 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.16686 1.1627344 1.1728532 1.1811973 1.1702282 1.1379632 1.1044514\n", + " 1.0824326 1.0720983 1.0699883 1.0701799 1.0657024 1.0577787 1.0493773\n", + " 1.0455085 1.047367 0. 0. 0. ]\n", + " [1.1574018 1.1533397 1.1622702 1.1685348 1.1573118 1.1272938 1.0964421\n", + " 1.0762498 1.0659733 1.0637034 1.0626162 1.0578108 1.0499096 1.0432427\n", + " 1.0398666 1.0418628 1.0467248 1.051483 1.054306 ]\n", + " [1.1795785 1.1761023 1.186912 1.1969068 1.1844599 1.1487857 1.1128155\n", + " 1.0887232 1.0771029 1.0740697 1.0731341 1.0680435 1.058768 1.0504072\n", + " 1.0463998 1.0479867 1.0536331 1.0587804 0. ]\n", + " [1.1664665 1.1615186 1.1722153 1.1825583 1.1713036 1.1377991 1.1034583\n", + " 1.0810404 1.0710382 1.0698572 1.0698137 1.0650911 1.055966 1.0477245\n", + " 1.0439353 0. 0. 0. 0. ]\n", + " [1.1836717 1.1805123 1.1919913 1.1994302 1.187069 1.1502919 1.1130128\n", + " 1.0891472 1.0783182 1.0758077 1.0762032 1.0706948 1.0609246 1.0526567\n", + " 1.0485038 1.0504786 1.0560647 0. 0. ]]\n", + "[[1.1791857 1.1727395 1.1801773 1.1871014 1.1746569 1.1419641 1.1090796\n", + " 1.0866491 1.0765554 1.0745778 1.0742321 1.0689075 1.0595211 1.0507756\n", + " 1.0470179 0. 0. 0. ]\n", + " [1.1980572 1.194005 1.205146 1.2145736 1.201307 1.1650985 1.1275637\n", + " 1.1014881 1.0882655 1.0847948 1.0833192 1.0774996 1.0668813 1.0572317\n", + " 1.0530345 1.0551252 1.0610715 1.0664289]\n", + " [1.1791044 1.1766351 1.1882831 1.1983762 1.1850908 1.1511387 1.1145729\n", + " 1.0898182 1.0781592 1.0753511 1.0750502 1.0701766 1.0607299 1.0520356\n", + " 1.0478321 1.049597 1.0552003 0. ]\n", + " [1.1583732 1.1546113 1.1651641 1.1736722 1.1623344 1.130832 1.0984508\n", + " 1.0769632 1.0674472 1.0653082 1.0656517 1.0611148 1.0524702 1.0448489\n", + " 1.041316 1.0430036 0. 0. ]\n", + " [1.1678488 1.1630144 1.1719809 1.180243 1.1678451 1.1358688 1.1029832\n", + " 1.0809287 1.0703307 1.0680823 1.0675653 1.0635667 1.0553313 1.0476338\n", + " 1.0443009 1.0460528 1.0516514 0. ]]\n", + "[[1.1875978 1.1838987 1.1941391 1.2021471 1.1898353 1.1549902 1.1176966\n", + " 1.0932336 1.0813198 1.0785378 1.078115 1.0729017 1.0633522 1.0546206\n", + " 1.0502789 1.0522318 1.0581875 0. 0. ]\n", + " [1.1954379 1.1894319 1.1980572 1.2070507 1.1936815 1.1578295 1.1215365\n", + " 1.0977113 1.0870329 1.085667 1.0857491 1.0792946 1.0679394 1.0577754\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1557201 1.1526443 1.1620934 1.1703876 1.1579084 1.127547 1.0960119\n", + " 1.0748076 1.0651119 1.0633943 1.0624324 1.0583144 1.0502005 1.0429538\n", + " 1.0397266 1.041306 1.0461408 0. 0. ]\n", + " [1.1737665 1.1680988 1.1781948 1.1862439 1.1755862 1.1420301 1.1061918\n", + " 1.0824564 1.0720904 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.188878 1.185165 1.1960909 1.2054234 1.1918566 1.154771 1.1175497\n", + " 1.0925175 1.0808307 1.0778744 1.0762377 1.0699949 1.0609307 1.0524615\n", + " 1.0486289 1.0507339 1.0566514 1.0625039 1.0650817]]\n", + "[[1.151756 1.1483892 1.1592467 1.169764 1.159262 1.1286311 1.0970687\n", + " 1.0762725 1.0657586 1.0618527 1.0602307 1.0547323 1.0464975 1.039573\n", + " 1.0366366 1.038301 1.0429932 1.0471665 1.0494729 1.0504922 1.0517657\n", + " 1.0545745 1.0612727]\n", + " [1.1963311 1.1896559 1.1986135 1.2054353 1.1916372 1.1558988 1.1198266\n", + " 1.0956079 1.0842001 1.0823334 1.0829918 1.0772929 1.0677716 1.0585927\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1530685 1.1499411 1.1578039 1.1652982 1.1543094 1.1241757 1.0931323\n", + " 1.0729551 1.0633336 1.0609442 1.0606115 1.0565854 1.048661 1.0421921\n", + " 1.0388116 1.0401152 1.0445825 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1949197 1.1875007 1.1973057 1.208401 1.19679 1.1609418 1.1232712\n", + " 1.0977453 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1657476 1.1628867 1.1729267 1.1819335 1.1702642 1.1383595 1.1054664\n", + " 1.0826194 1.071907 1.0685551 1.0680734 1.0628285 1.0544039 1.0461539\n", + " 1.0427126 1.0441935 1.0492834 1.0546795 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1684961 1.1671063 1.178215 1.1867907 1.1738784 1.1399035 1.1059271\n", + " 1.083035 1.0720729 1.0686808 1.0670841 1.0616848 1.0528134 1.0453975\n", + " 1.0421821 1.0436711 1.0485765 1.0531232 1.0554289 1.0562139]\n", + " [1.1638583 1.1608441 1.1709101 1.1799409 1.1677917 1.1362846 1.1034155\n", + " 1.0811592 1.0703553 1.067722 1.0678294 1.0634271 1.0550146 1.0474734\n", + " 1.0437803 1.045414 1.0504246 0. 0. 0. ]\n", + " [1.170482 1.167836 1.1778419 1.1872718 1.1748092 1.1420219 1.1078223\n", + " 1.0845168 1.0739341 1.0707166 1.0702026 1.0646671 1.0555274 1.0468727\n", + " 1.043306 1.044962 1.0504179 1.0553561 0. 0. ]\n", + " [1.1664627 1.1627303 1.173069 1.1804581 1.1681668 1.1350646 1.1012688\n", + " 1.0793247 1.0693914 1.0667312 1.0658822 1.0618006 1.0533614 1.045609\n", + " 1.0422112 1.0437549 1.0486078 1.0533264 0. 0. ]\n", + " [1.1773167 1.1743551 1.1852334 1.1949072 1.1816677 1.1473817 1.1119983\n", + " 1.0886086 1.0772495 1.0747644 1.074459 1.0693905 1.06033 1.0515924\n", + " 1.0477965 1.0494457 1.0550472 0. 0. 0. ]]\n", + "[[1.1590707 1.1585594 1.1687263 1.1777613 1.1658415 1.1328592 1.1001033\n", + " 1.077878 1.0670949 1.063662 1.0630206 1.0582918 1.049978 1.0433625\n", + " 1.040202 1.0417236 1.0464363 1.0508606 1.0532135 0. 0.\n", + " 0. 0. ]\n", + " [1.161267 1.1585428 1.1687865 1.1767132 1.1646235 1.1332057 1.1008824\n", + " 1.0796156 1.0690727 1.0654386 1.0633153 1.0574946 1.0491493 1.042169\n", + " 1.0392659 1.0411757 1.045478 1.0501804 1.0526304 1.0536327 1.0553181\n", + " 0. 0. ]\n", + " [1.1702133 1.1681939 1.179373 1.1890184 1.1769502 1.1429784 1.1091509\n", + " 1.0863115 1.0745682 1.0698661 1.0676186 1.0613774 1.0518343 1.0448198\n", + " 1.041639 1.0437245 1.0493598 1.0538424 1.0566102 1.0578228 1.0590433\n", + " 1.0623105 1.069888 ]\n", + " [1.1686702 1.1635499 1.1730113 1.180811 1.1686226 1.1356788 1.1021802\n", + " 1.0799941 1.0700464 1.06797 1.0687256 1.0648248 1.0563269 1.0483872\n", + " 1.0445222 1.0464184 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.168212 1.1652445 1.1750003 1.1821021 1.1703149 1.1366266 1.1025654\n", + " 1.0803301 1.0706403 1.0685892 1.0684108 1.0639198 1.0549802 1.0472771\n", + " 1.0434395 1.0452648 1.0504954 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1575443 1.1546106 1.1641937 1.1726638 1.1613848 1.1306843 1.09971\n", + " 1.0784209 1.0677029 1.0642185 1.0621037 1.0566082 1.048346 1.0419149\n", + " 1.0390383 1.0407417 1.0452864 1.0499758 1.0519365 1.0530497 1.0544094\n", + " 1.0581061]\n", + " [1.1823754 1.1782377 1.1884692 1.1971494 1.1849568 1.150226 1.1142689\n", + " 1.0902221 1.0784781 1.0753943 1.0753717 1.0708715 1.061427 1.0526819\n", + " 1.0484877 1.0501146 1.0554307 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1797733 1.1742101 1.184483 1.1935424 1.1827607 1.1490756 1.1138297\n", + " 1.0900236 1.0798901 1.0777402 1.0772232 1.0724373 1.0629401 1.0534968\n", + " 1.0492218 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + " [1.1746205 1.1714305 1.1826375 1.1923381 1.180042 1.1454264 1.1103184\n", + " 1.0871273 1.0756211 1.0718826 1.0700587 1.0644078 1.055319 1.0472641\n", + " 1.043684 1.0453533 1.050598 1.0554209 1.0575659 1.0582521 0.\n", + " 0. ]\n", + " [1.1786546 1.1761984 1.188412 1.1994082 1.1867527 1.1513569 1.1149354\n", + " 1.0905308 1.0785139 1.0741372 1.0726607 1.0662385 1.0567917 1.0485635\n", + " 1.044866 1.0465542 1.0519577 1.0572807 1.0597839 1.0607455 0.\n", + " 0. ]]\n", + "[[1.195902 1.1926686 1.2044849 1.2143509 1.2010641 1.1631398 1.1231872\n", + " 1.0966108 1.0840389 1.0808858 1.0810182 1.0754111 1.0654145 1.0562444\n", + " 1.0521241 1.0539923 1.0598363 1.0660992 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1996046 1.194803 1.2050227 1.2125629 1.1982788 1.1620295 1.124421\n", + " 1.0986784 1.0876665 1.0859416 1.0866547 1.0815377 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1582377 1.1550081 1.1651111 1.1736083 1.1622987 1.1316818 1.1000221\n", + " 1.0790131 1.0681068 1.064097 1.0621464 1.0562481 1.0480647 1.0413163\n", + " 1.0388526 1.040306 1.045123 1.0493752 1.0514767 1.0522716 1.0538003\n", + " 1.0574635 0. ]\n", + " [1.1431167 1.141483 1.1525191 1.1619874 1.1529977 1.1236591 1.0935994\n", + " 1.0729997 1.0625452 1.0592642 1.0573169 1.0515758 1.0436829 1.0369254\n", + " 1.0343397 1.0357971 1.0398502 1.0444524 1.0459108 1.0470082 1.0481917\n", + " 1.0512002 1.0575144]\n", + " [1.1629317 1.1585121 1.1683933 1.1761335 1.1643995 1.1325377 1.0998011\n", + " 1.0794926 1.0697254 1.0682116 1.0681549 1.0638553 1.055452 1.0470604\n", + " 1.0432867 1.0450549 0. 0. 0. 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1663324 1.1635029 1.1743948 1.1826452 1.1709133 1.138026 1.1038988\n", + " 1.0813494 1.0701597 1.0672343 1.0657341 1.0613859 1.0531135 1.0455266\n", + " 1.0419198 1.0435655 1.0479423 1.0526594 1.0550323 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1601417 1.1562705 1.1663489 1.1755698 1.1635493 1.1318363 1.0991824\n", + " 1.0776831 1.068034 1.0658497 1.0654551 1.0609791 1.0525907 1.0448892\n", + " 1.0410318 1.0426754 1.0479634 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1909659 1.1846273 1.1937509 1.2024999 1.1902474 1.1553677 1.1188043\n", + " 1.095373 1.0843583 1.082032 1.0819063 1.0762388 1.0660158 1.0563033\n", + " 1.0520556 1.0543315 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1816212 1.176945 1.1860607 1.1926638 1.1788294 1.1450132 1.1102555\n", + " 1.0868927 1.0774642 1.0759112 1.076666 1.0714602 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + " [1.1605326 1.159 1.1681153 1.1786052 1.168682 1.1373758 1.105263\n", + " 1.083667 1.072337 1.0681149 1.0655274 1.0596625 1.0508146 1.0429174\n", + " 1.0401349 1.0421096 1.0475947 1.0515943 1.0535306 1.0543531 1.0550858\n", + " 1.057988 1.0653377 1.0749496]]\n", + "[[1.1871004 1.1840839 1.1953614 1.2045645 1.1912779 1.1569064 1.1209108\n", + " 1.0958121 1.0828464 1.0789931 1.0762614 1.0698818 1.0600357 1.0514287\n", + " 1.0477694 1.0497366 1.0548737 1.0602411 1.062462 1.0632567 1.0648477]\n", + " [1.1918662 1.1878223 1.1985818 1.2082082 1.1950986 1.1592726 1.122506\n", + " 1.0973872 1.0848927 1.082154 1.0810038 1.074727 1.0650483 1.0559992\n", + " 1.051653 1.0540919 1.0600243 0. 0. 0. 0. ]\n", + " [1.187207 1.1816279 1.1918757 1.2018791 1.1893606 1.1536024 1.1157802\n", + " 1.0910926 1.0796026 1.077467 1.0783874 1.074056 1.0643498 1.0555308\n", + " 1.0510181 0. 0. 0. 0. 0. 0. ]\n", + " [1.1803364 1.177335 1.1886934 1.1972495 1.185145 1.1503694 1.1141434\n", + " 1.0899576 1.0783157 1.0749329 1.0733396 1.0672407 1.058203 1.049988\n", + " 1.0460314 1.0479285 1.0530031 1.0577698 1.0602658 1.061 0. ]\n", + " [1.1884269 1.1835066 1.1943171 1.204722 1.1921757 1.1560092 1.117915\n", + " 1.0923948 1.081292 1.0792172 1.0793895 1.0743816 1.0638074 1.0541935\n", + " 1.0498554 1.0520428 0. 0. 0. 0. 0. ]]\n", + "[[1.1713609 1.1680595 1.1791204 1.1884943 1.1765357 1.1422085 1.1068685\n", + " 1.0834603 1.0725943 1.0693346 1.0689172 1.0636524 1.0549217 1.0466522\n", + " 1.0430855 1.0446754 1.0497468 1.0545406 1.0569484 0. 0. ]\n", + " [1.1847333 1.1788532 1.187811 1.1956528 1.1820571 1.1485432 1.1139\n", + " 1.091018 1.0796006 1.0762018 1.0745715 1.068611 1.0589249 1.0503343\n", + " 1.046768 1.0494161 1.0554463 1.0608873 0. 0. 0. ]\n", + " [1.1620599 1.1577394 1.1665118 1.17465 1.1644652 1.1332837 1.1004564\n", + " 1.0782335 1.0679502 1.0665206 1.0676081 1.0634849 1.0548455 1.0464953\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1596837 1.1559882 1.1654342 1.1723405 1.1611776 1.1297042 1.097177\n", + " 1.0763159 1.0666718 1.0647705 1.0648067 1.0604308 1.0520349 1.0445418\n", + " 1.0406672 1.0421517 1.0471854 0. 0. 0. 0. ]\n", + " [1.1793358 1.1772789 1.1877859 1.1954244 1.1831548 1.1494048 1.1137273\n", + " 1.090401 1.0780585 1.0745037 1.0726051 1.0669092 1.0575931 1.049653\n", + " 1.0461781 1.0482993 1.053324 1.0586257 1.0610273 1.0622624 1.0637959]]\n", + "[[1.1833228 1.1778169 1.1875577 1.1955601 1.1820357 1.1468668 1.1117301\n", + " 1.0886768 1.0787883 1.0769498 1.077041 1.0715244 1.0613406 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.181184 1.1773399 1.1877992 1.1946929 1.1813451 1.1456289 1.1107888\n", + " 1.0881114 1.0785187 1.0773625 1.0777823 1.0729619 1.0627782 1.0536717\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1756713 1.1720066 1.1828926 1.1921885 1.1783968 1.1435132 1.1080705\n", + " 1.0852382 1.0747913 1.0743158 1.0744237 1.0694102 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + " [1.1786902 1.1771108 1.1889488 1.1978748 1.1860839 1.1505852 1.1140369\n", + " 1.089634 1.077063 1.0733708 1.0721604 1.0660971 1.0566467 1.0483581\n", + " 1.0449741 1.046996 1.0521607 1.0569569 1.0595272 1.0606819]\n", + " [1.158202 1.1531966 1.1614796 1.1696086 1.1580464 1.1267856 1.0957879\n", + " 1.0747331 1.0659271 1.0646182 1.0649374 1.0610056 1.0531311 1.0453533\n", + " 1.0416408 1.0433655 0. 0. 0. 0. ]]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[1.1673328 1.1628357 1.1728365 1.1814666 1.1691337 1.1364444 1.1026524\n", + " 1.080059 1.0698013 1.0679461 1.0682526 1.0639735 1.05545 1.0472834\n", + " 1.0434302 1.0450319 1.0504022 0. 0. ]\n", + " [1.1588726 1.155991 1.165724 1.1730864 1.1615422 1.1293397 1.0974313\n", + " 1.0767077 1.0669677 1.0645189 1.0638295 1.0588771 1.050008 1.0426273\n", + " 1.0392169 1.041301 1.0458218 1.0507703 1.0531998]\n", + " [1.198158 1.1904218 1.1985812 1.2062509 1.1935307 1.158339 1.1207788\n", + " 1.0955433 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.2036841 1.1982536 1.208348 1.2154396 1.2003766 1.1626592 1.1231865\n", + " 1.0976042 1.0856462 1.0850655 1.0863111 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + " [1.1634002 1.1591038 1.1683466 1.1774144 1.1662323 1.1342905 1.1025496\n", + " 1.0809062 1.070615 1.0693222 1.069299 1.0648515 1.0568047 1.0486447\n", + " 1.0449787 0. 0. 0. 0. ]]\n", + "[[1.1617231 1.1575178 1.1661961 1.1720291 1.1602725 1.12877 1.09722\n", + " 1.0763737 1.0667514 1.0640198 1.0631865 1.0585595 1.0509089 1.0436009\n", + " 1.0401094 1.0416614 1.0461116 1.0506104 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.190061 1.1845529 1.1944975 1.2028072 1.189 1.153714 1.117199\n", + " 1.0927526 1.0816667 1.0791719 1.078789 1.0734495 1.0638272 1.0549526\n", + " 1.050514 1.0531054 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1545383 1.1517797 1.1628371 1.17248 1.1622767 1.1318733 1.0995814\n", + " 1.0786304 1.0677676 1.0641016 1.0619057 1.0561844 1.0473638 1.0404965\n", + " 1.0378343 1.0394742 1.0443568 1.0487465 1.0512807 1.0521905 1.052869\n", + " 1.0559692 1.0626236]\n", + " [1.1708637 1.1690593 1.1804353 1.1880963 1.175801 1.1411971 1.1065903\n", + " 1.0835217 1.0740178 1.0720758 1.0726349 1.0674587 1.0584403 1.0499196\n", + " 1.0459087 1.047693 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + " [1.1876286 1.1841631 1.1962655 1.2063457 1.1939225 1.1578375 1.1206505\n", + " 1.0955956 1.082869 1.079362 1.0777109 1.0722183 1.0623062 1.0533998\n", + " 1.0490901 1.0508126 1.0562906 1.0620356 1.0650506 0. 0.\n", + " 0. 0. ]]\n", + "[[1.1742325 1.1703764 1.1803397 1.189564 1.1782877 1.1445796 1.1093391\n", + " 1.0855803 1.0742127 1.0712627 1.0707979 1.066212 1.0575355 1.0493126\n", + " 1.0454087 1.046878 1.0519192 1.0570593 0. 0. 0. ]\n", + " [1.1746523 1.1708183 1.1809253 1.1901287 1.1778246 1.1450112 1.1111007\n", + " 1.0883389 1.0776863 1.0751779 1.0744534 1.0694115 1.060096 1.0513704\n", + " 1.0474039 1.0495261 0. 0. 0. 0. 0. ]\n", + " [1.2094972 1.2045003 1.2192926 1.229804 1.2142283 1.1732209 1.1303539\n", + " 1.1015769 1.0903082 1.0896478 1.0909573 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + " [1.1588379 1.155364 1.1652659 1.1734946 1.1619885 1.1301205 1.0976989\n", + " 1.0768275 1.0664725 1.0637577 1.0636567 1.0593147 1.0513434 1.0441833\n", + " 1.040767 1.042428 1.0471087 1.0517819 0. 0. 0. ]\n", + " [1.1664181 1.1640726 1.173618 1.1811433 1.1689935 1.1359377 1.1021228\n", + " 1.0802941 1.0689809 1.0655347 1.0636003 1.0587777 1.0507334 1.0438746\n", + " 1.0410783 1.042686 1.0476246 1.0521592 1.0545696 1.0556782 1.0571772]]\n", + "[[1.1956028 1.1884712 1.1974975 1.2061714 1.193412 1.1577297 1.1194963\n", + " 1.0942734 1.0829452 1.0815158 1.0828147]]\n" + ] + } + ], "source": [ - "np.argsort([0,1,2,0.3,0.2], 0) " + "prediction = summarizer.predict(get_data_iter(test_dataset),\n", + " device=DEVICE,)" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 20, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[autoreload of utils_nlp.models.transformers.extractive_summarization failed: Traceback (most recent call last):\n", + " File \"/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions/autoreload.py\", line 245, in check\n", + " superreload(m, reload, self.old_objects)\n", + " File \"/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions/autoreload.py\", line 450, in superreload\n", + " update_generic(old_obj, new_obj)\n", + " File \"/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions/autoreload.py\", line 387, in update_generic\n", + " update(a, b)\n", + " File \"/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions/autoreload.py\", line 357, in update_class\n", + " update_instances(old, new)\n", + " File \"/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions/autoreload.py\", line 317, in update_instances\n", + " update_instances(old, new, obj, visited)\n", + " File \"/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions/autoreload.py\", line 317, in update_instances\n", + " update_instances(old, new, obj, visited)\n", + " File \"/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions/autoreload.py\", line 317, in update_instances\n", + " update_instances(old, new, obj, visited)\n", + " File \"/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions/autoreload.py\", line 315, in update_instances\n", + " if hasattr(obj, 'items') or (hasattr(obj, '__contains__')\n", + "KeyboardInterrupt\n", + "]\n" + ] + }, + { + "data": { + "text/plain": [ + "'andrew mogni , 20 , from glen ellyn , illinois , a university of iowa student has died nearly three months after a fall in rome in a suspected robberyhe was flown back to chicago via air ambulance on march 20 , but he died on sunday .he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .'" + ] + }, + "execution_count": 20, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ - "len(ext_sum_test)" + "prediction[0]" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 21, "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "text/plain": [ + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" + ] + }, + "execution_count": 21, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ - "prediction" + "test_dataset[0]['tgt_txt']" ] }, { diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index 32f7f8767..7af8bf954 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -103,9 +103,25 @@ def __init__(self, model_name="bert-base-cased", to_lower=False, cache_dir="."): } args = Bunch(default_preprocessing_parameters) self.preprossor = TransformerData(args, self.tokenizer) - + + @staticmethod def get_inputs(batch, model_name, train_mode=True): + if model_name.split("-")[0] in ["bert", "xlnet", "roberta", "distilbert"]: + if train_mode: + # return {"input_ids": batch[0], "attention_mask": batch[1], "labels": batch[2]} + #src, segs, clss, mask, mask_cls, src_str + # labels must be the last + return {"x": batch.src, "segs": batch.segs, "clss": batch.clss, + "mask": batch.mask, "mask_cls": batch.mask_cls, "labels": batch.labels} + else: + return {"x": batch.src, "segs": batch.segs, "clss": batch.clss, + "mask": batch.mask, "mask_cls": batch.mask_cls} + else: + raise ValueError("Model not supported: {}".format(model_name)) + + @staticmethod + def get_inputs_2(batch, model_name, train_mode=True): if model_name.split("-")[0] in ["bert", "xlnet", "roberta", "distilbert"]: if train_mode: # return {"input_ids": batch[0], "attention_mask": batch[1], "labels": batch[2]} @@ -118,10 +134,23 @@ def get_inputs(batch, model_name, train_mode=True): "mask": batch[3], "mask_cls": batch[4]} else: raise ValueError("Model not supported: {}".format(model_name)) - + def preprocess(self, sources, targets=None, oracle_mode="greedy", selections=3): """preprocess multiple data points""" + is_labeled = False + if targets is None: + for source in sources: + yield list(self._preprocess_single(source, None, oracle_mode, selections)) + else: + for (source, target) in zip(sources, targets): + yield list(self._preprocess_single(source, target, oracle_mode, selections)) + is_labeled = True + + + def preprocess_3(self, sources, targets=None, oracle_mode="greedy", selections=3): + """preprocess multiple data points""" + is_labeled = False if targets is None: data = [self._preprocess_single(source, None, oracle_mode, selections) for source in sources] @@ -253,10 +282,10 @@ def _preprocess_single(self, source, target=None, oracle_mode="greedy", selectio #return {"src": indexed_tokens, "labels": labels, "segs": segments_ids, 'clss': cls_ids, # 'src_txt': src_txt, "tgt_txt": tgt_txt} - +from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig class ExtractiveSummarizer(Transformer): - def __init__(self, model_name="bert-base-cased", cache_dir="."): + def __init__(self, model_name="distilbert-base-uncased", model_class=DistilBertModel, cache_dir="."): super().__init__( model_class=MODEL_CLASS, model_name=model_name, @@ -264,15 +293,16 @@ def __init__(self, model_name="bert-base-cased", cache_dir="."): cache_dir=cache_dir, ) args = Bunch(default_parameters) - self.model = Summarizer(args, MODEL_CLASS[model_name], model_name, None, cache_dir) - + self.model = Summarizer("transformer", args, model_class, model_name, None, cache_dir) + + @staticmethod def list_supported_models(): return list(MODEL_CLASS) def fit( self, - train_dataset, + train_data_iterator, device="cuda", num_epochs=1, batch_size=32, @@ -289,10 +319,15 @@ def fit( accum_count=2, **kwargs ): - device, num_gpus = get_device(device=device, num_gpus=num_gpus, local_rank=local_rank) + #device, num_gpus = get_device(device=device, num_gpus=num_gpus, local_rank=local_rank) + device = torch.device("cuda:{}".format(0)) + torch.backends.cudnn.enabled = True + torch.backends.cudnn.deterministic = True + self.model.to(device) + super().fine_tune( - train_dataset=train_dataset, + train_data_iterator, get_inputs=ExtSumProcessor.get_inputs, device=device, per_gpu_train_batch_size=batch_size, @@ -307,7 +342,7 @@ def fit( **kwargs, ) - def predict(self, eval_dataset, device, batch_size=16, sentence_seperator="", top_n=3, block_trigram=True, num_gpus=1, verbose=True, cal_lead=False): + def predict(self, eval_data_iterator, device, batch_size=16, sentence_seperator="", top_n=3, block_trigram=True, num_gpus=1, verbose=True, cal_lead=False): def _get_ngrams(n, text): ngram_set = set() text_length = len(text) @@ -323,48 +358,57 @@ def _block_tri(c, p): if len(tri_c.intersection(tri_s))>0: return True return False - - sent_scores = list( - super().predict( - eval_dataset=eval_dataset, - get_inputs=ExtSumProcessor.get_inputs, - device=device, - per_gpu_eval_batch_size=batch_size, - n_gpu=num_gpus, - verbose=verbose, - ) - ) - #return sent_scores - if cal_lead: - selected_ids = list(range(eval_dataset.clss.size(1)))*len(eval_dataset.clss) - else: - negative_sent_score = [-i for i in sent_scores[0]] - selected_ids = np.argsort(negative_sent_score, 1) - # selected_ids = np.sort(selected_ids,1) - pred = [] - for i, idx in enumerate(selected_ids): - _pred = [] - if(len(eval_dataset.src_str[i])==0): - pred.append('') - continue - for j in selected_ids[i][:len(eval_dataset.src_str[i])]: - if(j>=len( eval_dataset.src_str[i])): + def _get_pred(batch, sent_scores): + #return sent_scores + if cal_lead: + selected_ids = list(range(batch.clss.size(1)))*len(batch.clss) + else: + #negative_sent_score = [-i for i in sent_scores[0]] + selected_ids = np.argsort(-sent_scores, 1) + # selected_ids = np.sort(selected_ids,1) + pred = [] + for i, idx in enumerate(selected_ids): + _pred = [] + if(len(batch.src_str[i])==0): + pred.append('') continue - candidate = eval_dataset.src_str[i][j].strip() - if(block_trigram): - if(not _block_tri(candidate,_pred)): + for j in selected_ids[i][:len(batch.src_str[i])]: + if(j>=len( batch.src_str[i])): + continue + candidate = batch.src_str[i][j].strip() + if(block_trigram): + if(not _block_tri(candidate,_pred)): + _pred.append(candidate) + else: _pred.append(candidate) - else: - _pred.append(candidate) - # only select the top 3 - if len(_pred) == top_n: - break + # only select the top 3 + if len(_pred) == top_n: + break - #_pred = ''.join(_pred) - _pred = sentence_seperator.join(_pred) - pred.append(_pred.strip()) + #_pred = ''.join(_pred) + _pred = sentence_seperator.join(_pred) + pred.append(_pred.strip()) + return pred + + #for batch in tqdm(eval_data_iterator, desc="Evaluating", disable=not verbose): + self.model.eval() + pred = [] + for batch in eval_data_iterator: + batch = batch.to(device) + #batch = tuple(t.to(device) for t in batch) + #batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) + with torch.no_grad(): + inputs = ExtSumProcessor.get_inputs(batch, self.model_name, train_mode=False) + outputs = self.model(**inputs) + sent_scores = outputs[0] + sent_scores = sent_scores.detach().cpu().numpy() + #return sent_scores + pred.extend(_get_pred(batch, sent_scores)) + #yield logits.detach().cpu().numpy() return pred + + """preds = list( super().predict( From 598b84560b37cbdc2ac2cfaee2348cb3b6593c81 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Sat, 26 Oct 2019 04:24:30 +0000 Subject: [PATCH 048/167] change prediction --- utils_nlp/models/transformers/common.py | 109 +++++++++++++++++++++--- 1 file changed, 99 insertions(+), 10 deletions(-) diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index 26d387b38..75eafbd4c 100644 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -32,7 +32,28 @@ logger = logging.getLogger(__name__) +<<<<<<< HEAD class Transformer: +======= +def get_device(device, num_gpus, local_rank): + if local_rank == -1: + device = torch.device("cuda" if torch.cuda.is_available() and device == "cuda" else "cpu") + num_gpus = ( + min(num_gpus, torch.cuda.device_count()) if num_gpus else torch.cuda.device_count() + ) + else: + torch.cuda.set_device(local_rank) + device = torch.device("cuda", local_rank) + torch.distributed.init_process_group(backend="nccl") + num_gpus = 1 + + return device, num_gpus + +from abc import ABC, abstractmethod +from tensorboardX import SummaryWriter + +class Transformer(ABC): +>>>>>>> 14465fb... change prediction def __init__( self, model_class, @@ -52,7 +73,7 @@ def __init__( self._model_type = model_name.split("-")[0] self.cache_dir = cache_dir self.load_model_from_dir = load_model_from_dir - if load_model_from_dir is None: + """if load_model_from_dir is None: self.model = model_class[model_name].from_pretrained( model_name, cache_dir=cache_dir, num_labels=num_labels, output_loading_info=False ) @@ -61,7 +82,8 @@ def __init__( self.model = model_class[model_name].from_pretrained( load_model_from_dir, num_labels=num_labels, output_loading_info=False ) - + """ + writer = SummaryWriter() @property def model_name(self): return self._model_name @@ -80,7 +102,12 @@ def set_seed(seed, cuda=True): def fine_tune( self, +<<<<<<< HEAD train_dataloader, +======= + #train_dataset, + train_data_iterator_function, +>>>>>>> 14465fb... change prediction get_inputs, device, max_steps=-1, @@ -99,6 +126,7 @@ def fine_tune( local_rank=-1, verbose=True, seed=None, +<<<<<<< HEAD ): if seed is not None: Transformer.set_seed(seed, n_gpu > 0) @@ -108,6 +136,19 @@ def fine_tune( num_train_epochs = ( max_steps // (len(train_dataloader) // gradient_accumulation_steps) + 1 ) +======= + report_every=50, + **kwargs + ): + if seed is not None: + Transformer.set_seed(seed, n_gpu > 0) + + train_batch_size = 1, + + if max_steps > 0: + t_total = max_steps + +>>>>>>> 14465fb... change prediction else: t_total = len(train_dataloader) // gradient_accumulation_steps * num_train_epochs @@ -159,6 +200,7 @@ def fine_tune( global_step = 0 tr_loss = 0.0 self.model.zero_grad() +<<<<<<< HEAD train_iterator = trange( int(num_train_epochs), desc="Epoch", disable=local_rank not in [-1, 0] or not verbose ) @@ -170,25 +212,53 @@ def fine_tune( for step, batch in enumerate(epoch_iterator): self.model.train() batch = tuple(t.to(device) for t in batch) +======= + + self.model.train() + import time + start = time.time() + + + + train_data_iterator = train_data_iterator_function() + accum_loss = 0 + while 1: + for step, batch in enumerate(train_data_iterator): + batch = batch.to(device) + + #batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) +>>>>>>> 14465fb... change prediction inputs = get_inputs(batch, self.model_name) - outputs = self.model(**inputs) + outputs = self.model(**inputs) loss = outputs[0] - if n_gpu > 1: loss = loss.mean() if gradient_accumulation_steps > 1: loss = loss / gradient_accumulation_steps +<<<<<<< HEAD if step % 10 == 0 and verbose: tqdm.write("Loss:{:.6f}".format(loss)) +======= + + accum_loss += loss.item() + if step % report_every == 0 and verbose: + #tqdm.write(loss) + end = time.time() + print("loss: {0:.6f}, time: {1:.2f}, step {2:f} out of total {3:f}".format( + accum_loss/report_every, end-start, global_step, max_steps)) + accum_loss = 0 + start = end +>>>>>>> 14465fb... change prediction if fp16: with amp.scale_loss(loss, optimizer) as scaled_loss: scaled_loss.backward() - torch.nn.utils.clip_grad_norm_(amp.master_params(optimizer), max_grad_norm) + torch.nn.utils.clip_grad_norm_(amp.master_params(optimizer), 0) else: - loss.backward() - torch.nn.utils.clip_grad_norm_(self.model.parameters(), max_grad_norm) + #loss.backward() + (loss/loss.numel()).backward() + torch.nn.utils.clip_grad_norm_(self.model.parameters(), 0) tr_loss += loss.item() if (step + 1) % gradient_accumulation_steps == 0: @@ -198,21 +268,40 @@ def fine_tune( global_step += 1 if max_steps > 0 and global_step > max_steps: - epoch_iterator.close() break if max_steps > 0 and global_step > max_steps: - train_iterator.close() break # empty cache - del [batch] + #del [batch] torch.cuda.empty_cache() return global_step, tr_loss / global_step +<<<<<<< HEAD def predict(self, eval_dataloader, get_inputs, device, verbose=True): for batch in tqdm(eval_dataloader, desc="Evaluating", disable=not verbose): self.model.eval() batch = tuple(t.to(device) for t in batch) +======= + def predict( + self, + eval_data_iterator, + get_inputs, + device, + per_gpu_eval_batch_size=16, + n_gpu=1, + local_rank=-1, + verbose=True, + ): + + + #for batch in tqdm(eval_data_iterator, desc="Evaluating", disable=not verbose): + self.model.eval() + for batch in eval_data_iterator(): + batch = batch.to(device) + #batch = tuple(t.to(device) for t in batch) + #batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) +>>>>>>> 14465fb... change prediction with torch.no_grad(): inputs = get_inputs(batch, self.model_name, train_mode=False) outputs = self.model(**inputs) From c652f22623d86f6c4dd20f13a0d42df20ffd2ec2 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Sat, 26 Oct 2019 04:25:21 +0000 Subject: [PATCH 049/167] add evaluation --- .../CNNDM_TransformerSum.ipynb | 39565 +--------------- 1 file changed, 88 insertions(+), 39477 deletions(-) diff --git a/examples/text_summarization/CNNDM_TransformerSum.ipynb b/examples/text_summarization/CNNDM_TransformerSum.ipynb index 13db4014d..8c7a839cc 100644 --- a/examples/text_summarization/CNNDM_TransformerSum.ipynb +++ b/examples/text_summarization/CNNDM_TransformerSum.ipynb @@ -1366,9 +1366,9 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1026 02:18:57.081262 139722144081728 file_utils.py:39] PyTorch version 1.2.0 available.\n", - "I1026 02:18:57.117647 139722144081728 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1026 02:18:57.134480 139722144081728 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" + "I1026 04:15:41.799360 140372391651136 file_utils.py:39] PyTorch version 1.2.0 available.\n", + "I1026 04:15:41.833203 140372391651136 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1026 04:15:41.849030 140372391651136 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" ] } ], @@ -1385,7 +1385,7 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1026 02:18:57.327846 139722144081728 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-vocab.txt from cache at ./5e8a2b4893d13790ed4150ca1906be5f7a03d6c4ddf62296c383f6db42814db2.e13dbb970cb325137104fb2e5f36fe865f27746c6b526f6352861b1980eb80b1\n" + "I1026 04:15:42.053747 140372391651136 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-vocab.txt from cache at ./5e8a2b4893d13790ed4150ca1906be5f7a03d6c4ddf62296c383f6db42814db2.e13dbb970cb325137104fb2e5f36fe865f27746c6b526f6352861b1980eb80b1\n" ] } ], @@ -1494,7 +1494,7 @@ "source": [ "device = torch.device(\"cuda:{}\".format(0)) \n", "def train_iter_func():\n", - " return get_data_loader(pts[0:2], device, is_labeled=True)" + " return get_data_loader(pts, device, is_labeled=True)" ] }, { @@ -1506,8 +1506,8 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1026 02:18:58.823258 139722144081728 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1026 02:18:58.824696 139722144081728 configuration_utils.py:168] Model config {\n", + "I1026 04:15:42.579849 140372391651136 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1026 04:15:42.581028 140372391651136 configuration_utils.py:168] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -1532,11 +1532,12 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1026 02:18:58.951738 139722144081728 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I1026 04:15:42.699048 140372391651136 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], "source": [ + "from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig\n", "summarizer = None\n", "summarizer = ExtractiveSummarizer()" ] @@ -1559,49 +1560,76 @@ }, { "cell_type": "code", - "execution_count": 16, + "execution_count": null, "metadata": {}, "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "\r", - "Epoch: 0%| | 0/1 [00:00he was flown back to chicago via air ambulance on march 20 , but he died on sunday .he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .'" - ] - }, - "execution_count": 20, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], + "source": [ + "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from utils_nlp.eval.evaluate_summarization import get_rouge\n", + "rouge_baseline = get_rouge(prediction, target, \"./results/\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "prediction[0]" ] }, { "cell_type": "code", - "execution_count": 21, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" - ] - }, - "execution_count": 21, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "test_dataset[0]['tgt_txt']" ] From 03737fba78f69539f95940df7be895e8aa53f31f Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Mon, 28 Oct 2019 20:12:59 +0000 Subject: [PATCH 050/167] distill version performance better than the baseline --- .../CNNDM_TransformerSum.ipynb | 259 ++++++++++++++---- utils_nlp/models/transformers/common.py | 109 +------- .../transformers/extractive_summarization.py | 9 +- 3 files changed, 220 insertions(+), 157 deletions(-) diff --git a/examples/text_summarization/CNNDM_TransformerSum.ipynb b/examples/text_summarization/CNNDM_TransformerSum.ipynb index 8c7a839cc..f45a8311a 100644 --- a/examples/text_summarization/CNNDM_TransformerSum.ipynb +++ b/examples/text_summarization/CNNDM_TransformerSum.ipynb @@ -1366,9 +1366,9 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1026 04:15:41.799360 140372391651136 file_utils.py:39] PyTorch version 1.2.0 available.\n", - "I1026 04:15:41.833203 140372391651136 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1026 04:15:41.849030 140372391651136 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" + "I1028 19:36:39.891576 139886807013184 file_utils.py:39] PyTorch version 1.2.0 available.\n", + "I1028 19:36:39.924971 139886807013184 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1028 19:36:39.943137 139886807013184 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" ] } ], @@ -1385,7 +1385,7 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1026 04:15:42.053747 140372391651136 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-vocab.txt from cache at ./5e8a2b4893d13790ed4150ca1906be5f7a03d6c4ddf62296c383f6db42814db2.e13dbb970cb325137104fb2e5f36fe865f27746c6b526f6352861b1980eb80b1\n" + "I1028 19:36:40.130957 139886807013184 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-vocab.txt from cache at ./5e8a2b4893d13790ed4150ca1906be5f7a03d6c4ddf62296c383f6db42814db2.e13dbb970cb325137104fb2e5f36fe865f27746c6b526f6352861b1980eb80b1\n" ] } ], @@ -1506,8 +1506,8 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1026 04:15:42.579849 140372391651136 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1026 04:15:42.581028 140372391651136 configuration_utils.py:168] Model config {\n", + "I1028 19:36:40.696836 139886807013184 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1028 19:36:40.697976 139886807013184 configuration_utils.py:168] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -1532,7 +1532,7 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1026 04:15:42.699048 140372391651136 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I1028 19:36:40.822206 139886807013184 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], @@ -1560,51 +1560,115 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 16, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "loss: 0.468674, time: 0.35, step 0.000000 out of total 10000.000000\n", - "loss: 49.510865, time: 12.12, step 100.000000 out of total 10000.000000\n", - "loss: 50.368191, time: 11.75, step 200.000000 out of total 10000.000000\n", - "loss: 51.135715, time: 11.72, step 300.000000 out of total 10000.000000\n", - "loss: 50.651170, time: 12.08, step 400.000000 out of total 10000.000000\n", - "loss: 49.099066, time: 11.69, step 500.000000 out of total 10000.000000\n", - "loss: 49.710841, time: 11.70, step 600.000000 out of total 10000.000000\n", - "loss: 50.249900, time: 11.67, step 700.000000 out of total 10000.000000\n", - "loss: 50.779532, time: 12.02, step 800.000000 out of total 10000.000000\n", - "loss: 49.899698, time: 11.74, step 900.000000 out of total 10000.000000\n", - "loss: 49.757523, time: 11.90, step 1000.000000 out of total 10000.000000\n", - "loss: 49.934256, time: 11.73, step 1100.000000 out of total 10000.000000\n", - "loss: 50.296925, time: 12.03, step 1200.000000 out of total 10000.000000\n", - "loss: 49.834056, time: 11.74, step 1300.000000 out of total 10000.000000\n", - "loss: 50.779539, time: 11.66, step 1400.000000 out of total 10000.000000\n", - "loss: 50.480450, time: 11.65, step 1500.000000 out of total 10000.000000\n", - "loss: 50.691425, time: 12.04, step 1600.000000 out of total 10000.000000\n", - "loss: 49.424853, time: 11.63, step 1700.000000 out of total 10000.000000\n", - "loss: 48.981549, time: 11.63, step 1800.000000 out of total 10000.000000\n", - "loss: 49.660170, time: 11.62, step 1900.000000 out of total 10000.000000\n", - "loss: 50.527066, time: 11.98, step 2000.000000 out of total 10000.000000\n", - "loss: 50.611742, time: 12.13, step 2100.000000 out of total 10000.000000\n", - "loss: 49.533881, time: 11.61, step 2200.000000 out of total 10000.000000\n", - "loss: 50.405275, time: 11.57, step 2300.000000 out of total 10000.000000\n", - "loss: 51.558690, time: 12.03, step 2400.000000 out of total 10000.000000\n", - "loss: 50.927835, time: 11.88, step 2500.000000 out of total 10000.000000\n", - "loss: 48.684750, time: 12.09, step 2600.000000 out of total 10000.000000\n", - "loss: 51.471593, time: 12.10, step 2700.000000 out of total 10000.000000\n", - "loss: 50.115394, time: 12.23, step 2800.000000 out of total 10000.000000\n", - "loss: 50.202430, time: 11.97, step 2900.000000 out of total 10000.000000\n", - "loss: 48.978926, time: 12.18, step 3000.000000 out of total 10000.000000\n", - "loss: 50.624867, time: 12.00, step 3100.000000 out of total 10000.000000\n", - "loss: 50.878479, time: 12.12, step 3200.000000 out of total 10000.000000\n", - "loss: 50.980690, time: 11.63, step 3300.000000 out of total 10000.000000\n", - "loss: 49.794728, time: 12.20, step 3400.000000 out of total 10000.000000\n", - "loss: 50.396956, time: 12.11, step 3500.000000 out of total 10000.000000\n", - "loss: 50.533176, time: 12.28, step 3600.000000 out of total 10000.000000\n", - "loss: 50.699350, time: 12.13, step 3700.000000 out of total 10000.000000\n" + "0\n", + "loss: 0.434776, time: 0.33, step 0.000000 out of total 10000.000000\n", + "loss: 52.902908, time: 11.08, step 100.000000 out of total 10000.000000\n", + "loss: 38.612158, time: 11.01, step 200.000000 out of total 10000.000000\n", + "loss: 35.420277, time: 11.03, step 300.000000 out of total 10000.000000\n", + "loss: 34.828366, time: 11.95, step 400.000000 out of total 10000.000000\n", + "loss: 34.409282, time: 11.49, step 500.000000 out of total 10000.000000\n", + "loss: 33.686915, time: 11.44, step 600.000000 out of total 10000.000000\n", + "loss: 33.543083, time: 11.21, step 700.000000 out of total 10000.000000\n", + "loss: 33.193735, time: 11.82, step 800.000000 out of total 10000.000000\n", + "loss: 32.814421, time: 11.23, step 900.000000 out of total 10000.000000\n", + "loss: 32.306093, time: 11.26, step 1000.000000 out of total 10000.000000\n", + "loss: 32.094086, time: 11.12, step 1100.000000 out of total 10000.000000\n", + "loss: 33.199048, time: 11.75, step 1200.000000 out of total 10000.000000\n", + "loss: 31.443077, time: 11.44, step 1300.000000 out of total 10000.000000\n", + "loss: 31.991770, time: 11.31, step 1400.000000 out of total 10000.000000\n", + "loss: 31.662769, time: 11.10, step 1500.000000 out of total 10000.000000\n", + "loss: 31.764520, time: 11.67, step 1600.000000 out of total 10000.000000\n", + "loss: 31.710532, time: 11.08, step 1700.000000 out of total 10000.000000\n", + "loss: 31.700363, time: 11.01, step 1800.000000 out of total 10000.000000\n", + "loss: 31.749142, time: 11.17, step 1900.000000 out of total 10000.000000\n", + "loss: 31.710789, time: 11.73, step 2000.000000 out of total 10000.000000\n", + "loss: 32.272130, time: 11.49, step 2100.000000 out of total 10000.000000\n", + "loss: 32.114992, time: 11.46, step 2200.000000 out of total 10000.000000\n", + "loss: 32.081605, time: 11.38, step 2300.000000 out of total 10000.000000\n", + "loss: 32.550155, time: 11.64, step 2400.000000 out of total 10000.000000\n", + "loss: 32.364637, time: 11.14, step 2500.000000 out of total 10000.000000\n", + "loss: 30.473291, time: 11.19, step 2600.000000 out of total 10000.000000\n", + "loss: 31.429663, time: 11.13, step 2700.000000 out of total 10000.000000\n", + "loss: 30.424942, time: 11.40, step 2800.000000 out of total 10000.000000\n", + "loss: 31.258406, time: 11.07, step 2900.000000 out of total 10000.000000\n", + "loss: 30.718246, time: 11.19, step 3000.000000 out of total 10000.000000\n", + "loss: 31.152926, time: 11.18, step 3100.000000 out of total 10000.000000\n", + "loss: 31.191213, time: 11.39, step 3200.000000 out of total 10000.000000\n", + "loss: 31.664712, time: 10.99, step 3300.000000 out of total 10000.000000\n", + "loss: 31.407538, time: 11.03, step 3400.000000 out of total 10000.000000\n", + "loss: 30.724196, time: 11.00, step 3500.000000 out of total 10000.000000\n", + "loss: 30.603053, time: 11.29, step 3600.000000 out of total 10000.000000\n", + "loss: 31.262879, time: 10.96, step 3700.000000 out of total 10000.000000\n", + "loss: 30.602100, time: 11.02, step 3800.000000 out of total 10000.000000\n", + "loss: 30.812468, time: 11.03, step 3900.000000 out of total 10000.000000\n", + "loss: 30.118705, time: 11.28, step 4000.000000 out of total 10000.000000\n", + "loss: 30.472731, time: 10.94, step 4100.000000 out of total 10000.000000\n", + "loss: 30.939562, time: 10.99, step 4200.000000 out of total 10000.000000\n", + "loss: 29.950871, time: 10.91, step 4300.000000 out of total 10000.000000\n", + "loss: 31.281369, time: 11.34, step 4400.000000 out of total 10000.000000\n", + "loss: 29.662618, time: 10.91, step 4500.000000 out of total 10000.000000\n", + "loss: 30.060169, time: 11.00, step 4600.000000 out of total 10000.000000\n", + "loss: 29.785620, time: 11.03, step 4700.000000 out of total 10000.000000\n", + "loss: 30.156811, time: 11.47, step 4800.000000 out of total 10000.000000\n", + "loss: 29.637551, time: 11.01, step 4900.000000 out of total 10000.000000\n", + "loss: 30.674142, time: 11.39, step 5000.000000 out of total 10000.000000\n", + "loss: 28.572815, time: 11.27, step 5100.000000 out of total 10000.000000\n", + "loss: 29.803984, time: 11.50, step 5200.000000 out of total 10000.000000\n", + "loss: 29.971485, time: 11.08, step 5300.000000 out of total 10000.000000\n", + "loss: 29.791215, time: 11.24, step 5400.000000 out of total 10000.000000\n", + "loss: 29.964834, time: 11.38, step 5500.000000 out of total 10000.000000\n", + "loss: 30.322712, time: 11.75, step 5600.000000 out of total 10000.000000\n", + "loss: 29.500406, time: 11.32, step 5700.000000 out of total 10000.000000\n", + "loss: 29.795636, time: 11.30, step 5800.000000 out of total 10000.000000\n", + "loss: 29.980351, time: 11.26, step 5900.000000 out of total 10000.000000\n", + "loss: 29.034165, time: 11.56, step 6000.000000 out of total 10000.000000\n", + "loss: 29.320281, time: 11.05, step 6100.000000 out of total 10000.000000\n", + "loss: 28.547546, time: 11.13, step 6200.000000 out of total 10000.000000\n", + "loss: 28.926620, time: 11.10, step 6300.000000 out of total 10000.000000\n", + "loss: 29.557800, time: 11.63, step 6400.000000 out of total 10000.000000\n", + "loss: 29.143100, time: 11.11, step 6500.000000 out of total 10000.000000\n", + "loss: 29.671277, time: 11.02, step 6600.000000 out of total 10000.000000\n", + "loss: 30.009365, time: 11.08, step 6700.000000 out of total 10000.000000\n", + "loss: 28.840488, time: 11.41, step 6800.000000 out of total 10000.000000\n", + "loss: 28.830560, time: 11.03, step 6900.000000 out of total 10000.000000\n", + "loss: 29.287735, time: 11.09, step 7000.000000 out of total 10000.000000\n", + "loss: 30.114177, time: 11.15, step 7100.000000 out of total 10000.000000\n", + "loss: 28.591488, time: 11.58, step 7200.000000 out of total 10000.000000\n", + "loss: 29.200069, time: 11.10, step 7300.000000 out of total 10000.000000\n", + "loss: 29.515540, time: 11.08, step 7400.000000 out of total 10000.000000\n", + "loss: 29.605279, time: 11.07, step 7500.000000 out of total 10000.000000\n", + "loss: 28.578301, time: 11.50, step 7600.000000 out of total 10000.000000\n", + "loss: 28.892440, time: 11.09, step 7700.000000 out of total 10000.000000\n", + "loss: 28.933030, time: 10.96, step 7800.000000 out of total 10000.000000\n", + "loss: 28.665656, time: 11.05, step 7900.000000 out of total 10000.000000\n", + "loss: 29.566401, time: 11.80, step 8000.000000 out of total 10000.000000\n", + "loss: 28.564517, time: 11.21, step 8100.000000 out of total 10000.000000\n", + "loss: 28.593431, time: 11.01, step 8200.000000 out of total 10000.000000\n", + "loss: 28.926263, time: 11.04, step 8300.000000 out of total 10000.000000\n", + "loss: 28.860379, time: 11.44, step 8400.000000 out of total 10000.000000\n", + "loss: 30.003897, time: 11.05, step 8500.000000 out of total 10000.000000\n", + "loss: 29.035807, time: 11.06, step 8600.000000 out of total 10000.000000\n", + "loss: 29.180781, time: 10.97, step 8700.000000 out of total 10000.000000\n", + "loss: 28.666833, time: 11.44, step 8800.000000 out of total 10000.000000\n", + "loss: 28.866304, time: 11.06, step 8900.000000 out of total 10000.000000\n", + "loss: 27.299687, time: 10.98, step 9000.000000 out of total 10000.000000\n", + "loss: 29.205652, time: 10.99, step 9100.000000 out of total 10000.000000\n", + "loss: 29.167503, time: 11.35, step 9200.000000 out of total 10000.000000\n", + "loss: 28.922509, time: 11.05, step 9300.000000 out of total 10000.000000\n", + "loss: 28.488780, time: 11.10, step 9400.000000 out of total 10000.000000\n", + "loss: 28.075319, time: 10.97, step 9500.000000 out of total 10000.000000\n", + "loss: 28.700666, time: 11.36, step 9600.000000 out of total 10000.000000\n", + "loss: 29.089914, time: 11.04, step 9700.000000 out of total 10000.000000\n", + "loss: 29.031871, time: 10.99, step 9800.000000 out of total 10000.000000\n", + "loss: 28.807646, time: 11.04, step 9900.000000 out of total 10000.000000\n", + "loss: 28.629186, time: 11.33, step 10000.000000 out of total 10000.000000\n" ] } ], @@ -1618,8 +1682,8 @@ " batch_size=BATCH_SIZE,\n", " num_gpus=NUM_GPUS,\n", " max_steps=1e4,\n", - " learning_rate=1e-3,\n", - " warmup_steps=1e4*0.3,\n", + " learning_rate=1e-4,\n", + " warmup_steps=1e4*0.5,\n", " verbose=True,\n", " report_every=100,\n", " )\n", @@ -1629,7 +1693,16 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 17, + "metadata": {}, + "outputs": [], + "source": [ + "torch.save(summarizer.model, \"cnndm_transformersum_distilbert-base-uncased_bertsum_processed_data.pt\")" + ] + }, + { + "cell_type": "code", + "execution_count": 24, "metadata": {}, "outputs": [], "source": [ @@ -1645,7 +1718,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 25, "metadata": {}, "outputs": [], "source": [ @@ -1655,7 +1728,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 26, "metadata": {}, "outputs": [], "source": [ @@ -1664,9 +1737,59 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 27, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "11489\n", + "11489\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-10-28 20:05:12,147 [MainThread ] [INFO ] Writing summaries.\n", + "I1028 20:05:12.147566 139886807013184 pyrouge.py:525] Writing summaries.\n", + "2019-10-28 20:05:12,149 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpnapu1ceb/system and model files to ./results/tmpnapu1ceb/model.\n", + "I1028 20:05:12.149479 139886807013184 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpnapu1ceb/system and model files to ./results/tmpnapu1ceb/model.\n", + "2019-10-28 20:05:12,150 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-28-20-05-11/candidate/.\n", + "I1028 20:05:12.150503 139886807013184 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-10-28-20-05-11/candidate/.\n", + "2019-10-28 20:05:13,204 [MainThread ] [INFO ] Saved processed files to ./results/tmpnapu1ceb/system.\n", + "I1028 20:05:13.204638 139886807013184 pyrouge.py:53] Saved processed files to ./results/tmpnapu1ceb/system.\n", + "2019-10-28 20:05:13,206 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-28-20-05-11/reference/.\n", + "I1028 20:05:13.206232 139886807013184 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-10-28-20-05-11/reference/.\n", + "2019-10-28 20:05:14,254 [MainThread ] [INFO ] Saved processed files to ./results/tmpnapu1ceb/model.\n", + "I1028 20:05:14.254149 139886807013184 pyrouge.py:53] Saved processed files to ./results/tmpnapu1ceb/model.\n", + "2019-10-28 20:05:14,614 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmph6tt42ke/rouge_conf.xml\n", + "I1028 20:05:14.614730 139886807013184 pyrouge.py:354] Written ROUGE configuration to ./results/tmph6tt42ke/rouge_conf.xml\n", + "2019-10-28 20:05:14,616 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmph6tt42ke/rouge_conf.xml\n", + "I1028 20:05:14.616016 139886807013184 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmph6tt42ke/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.53918 (95%-conf.int. 0.53643 - 0.54191)\n", + "1 ROUGE-1 Average_P: 0.36463 (95%-conf.int. 0.36234 - 0.36693)\n", + "1 ROUGE-1 Average_F: 0.42091 (95%-conf.int. 0.41880 - 0.42302)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.24454 (95%-conf.int. 0.24200 - 0.24735)\n", + "1 ROUGE-2 Average_P: 0.16532 (95%-conf.int. 0.16341 - 0.16740)\n", + "1 ROUGE-2 Average_F: 0.19061 (95%-conf.int. 0.18852 - 0.19274)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.49144 (95%-conf.int. 0.48881 - 0.49416)\n", + "1 ROUGE-L Average_P: 0.33284 (95%-conf.int. 0.33057 - 0.33513)\n", + "1 ROUGE-L Average_F: 0.38398 (95%-conf.int. 0.38192 - 0.38601)\n", + "\n" + ] + } + ], "source": [ "from utils_nlp.eval.evaluate_summarization import get_rouge\n", "rouge_baseline = get_rouge(prediction, target, \"./results/\")" @@ -1681,18 +1804,40 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 22, "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "text/plain": [ + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .'" + ] + }, + "execution_count": 22, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ "prediction[0]" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 23, "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "text/plain": [ + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" + ] + }, + "execution_count": 23, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ "test_dataset[0]['tgt_txt']" ] diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index 75eafbd4c..26d387b38 100644 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -32,28 +32,7 @@ logger = logging.getLogger(__name__) -<<<<<<< HEAD class Transformer: -======= -def get_device(device, num_gpus, local_rank): - if local_rank == -1: - device = torch.device("cuda" if torch.cuda.is_available() and device == "cuda" else "cpu") - num_gpus = ( - min(num_gpus, torch.cuda.device_count()) if num_gpus else torch.cuda.device_count() - ) - else: - torch.cuda.set_device(local_rank) - device = torch.device("cuda", local_rank) - torch.distributed.init_process_group(backend="nccl") - num_gpus = 1 - - return device, num_gpus - -from abc import ABC, abstractmethod -from tensorboardX import SummaryWriter - -class Transformer(ABC): ->>>>>>> 14465fb... change prediction def __init__( self, model_class, @@ -73,7 +52,7 @@ def __init__( self._model_type = model_name.split("-")[0] self.cache_dir = cache_dir self.load_model_from_dir = load_model_from_dir - """if load_model_from_dir is None: + if load_model_from_dir is None: self.model = model_class[model_name].from_pretrained( model_name, cache_dir=cache_dir, num_labels=num_labels, output_loading_info=False ) @@ -82,8 +61,7 @@ def __init__( self.model = model_class[model_name].from_pretrained( load_model_from_dir, num_labels=num_labels, output_loading_info=False ) - """ - writer = SummaryWriter() + @property def model_name(self): return self._model_name @@ -102,12 +80,7 @@ def set_seed(seed, cuda=True): def fine_tune( self, -<<<<<<< HEAD train_dataloader, -======= - #train_dataset, - train_data_iterator_function, ->>>>>>> 14465fb... change prediction get_inputs, device, max_steps=-1, @@ -126,7 +99,6 @@ def fine_tune( local_rank=-1, verbose=True, seed=None, -<<<<<<< HEAD ): if seed is not None: Transformer.set_seed(seed, n_gpu > 0) @@ -136,19 +108,6 @@ def fine_tune( num_train_epochs = ( max_steps // (len(train_dataloader) // gradient_accumulation_steps) + 1 ) -======= - report_every=50, - **kwargs - ): - if seed is not None: - Transformer.set_seed(seed, n_gpu > 0) - - train_batch_size = 1, - - if max_steps > 0: - t_total = max_steps - ->>>>>>> 14465fb... change prediction else: t_total = len(train_dataloader) // gradient_accumulation_steps * num_train_epochs @@ -200,7 +159,6 @@ def fine_tune( global_step = 0 tr_loss = 0.0 self.model.zero_grad() -<<<<<<< HEAD train_iterator = trange( int(num_train_epochs), desc="Epoch", disable=local_rank not in [-1, 0] or not verbose ) @@ -212,53 +170,25 @@ def fine_tune( for step, batch in enumerate(epoch_iterator): self.model.train() batch = tuple(t.to(device) for t in batch) -======= - - self.model.train() - import time - start = time.time() - - - - train_data_iterator = train_data_iterator_function() - accum_loss = 0 - while 1: - for step, batch in enumerate(train_data_iterator): - batch = batch.to(device) - - #batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) ->>>>>>> 14465fb... change prediction inputs = get_inputs(batch, self.model_name) - outputs = self.model(**inputs) + outputs = self.model(**inputs) loss = outputs[0] + if n_gpu > 1: loss = loss.mean() if gradient_accumulation_steps > 1: loss = loss / gradient_accumulation_steps -<<<<<<< HEAD if step % 10 == 0 and verbose: tqdm.write("Loss:{:.6f}".format(loss)) -======= - - accum_loss += loss.item() - if step % report_every == 0 and verbose: - #tqdm.write(loss) - end = time.time() - print("loss: {0:.6f}, time: {1:.2f}, step {2:f} out of total {3:f}".format( - accum_loss/report_every, end-start, global_step, max_steps)) - accum_loss = 0 - start = end ->>>>>>> 14465fb... change prediction if fp16: with amp.scale_loss(loss, optimizer) as scaled_loss: scaled_loss.backward() - torch.nn.utils.clip_grad_norm_(amp.master_params(optimizer), 0) + torch.nn.utils.clip_grad_norm_(amp.master_params(optimizer), max_grad_norm) else: - #loss.backward() - (loss/loss.numel()).backward() - torch.nn.utils.clip_grad_norm_(self.model.parameters(), 0) + loss.backward() + torch.nn.utils.clip_grad_norm_(self.model.parameters(), max_grad_norm) tr_loss += loss.item() if (step + 1) % gradient_accumulation_steps == 0: @@ -268,40 +198,21 @@ def fine_tune( global_step += 1 if max_steps > 0 and global_step > max_steps: + epoch_iterator.close() break if max_steps > 0 and global_step > max_steps: + train_iterator.close() break # empty cache - #del [batch] + del [batch] torch.cuda.empty_cache() return global_step, tr_loss / global_step -<<<<<<< HEAD def predict(self, eval_dataloader, get_inputs, device, verbose=True): for batch in tqdm(eval_dataloader, desc="Evaluating", disable=not verbose): self.model.eval() batch = tuple(t.to(device) for t in batch) -======= - def predict( - self, - eval_data_iterator, - get_inputs, - device, - per_gpu_eval_batch_size=16, - n_gpu=1, - local_rank=-1, - verbose=True, - ): - - - #for batch in tqdm(eval_data_iterator, desc="Evaluating", disable=not verbose): - self.model.eval() - for batch in eval_data_iterator(): - batch = batch.to(device) - #batch = tuple(t.to(device) for t in batch) - #batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) ->>>>>>> 14465fb... change prediction with torch.no_grad(): inputs = get_inputs(batch, self.model_name, train_mode=False) outputs = self.model(**inputs) diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index 7af8bf954..74bb2b613 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -42,6 +42,7 @@ from bertsum.prepro.data_builder import TransformerData from utils_nlp.models.bert.extractive_text_summarization import Bunch, modified_format_to_bert, default_parameters from bertsum.models.model_builder import Summarizer +from bertsum.models import model_builder class ExtSumData(): def __init__(self, src, segs, clss, mask, mask_cls, labels=None, src_str=None, tgt_str=None): @@ -283,6 +284,7 @@ def _preprocess_single(self, source, target=None, oracle_mode="greedy", selectio # 'src_txt': src_txt, "tgt_txt": tgt_txt} from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig +import bertsum.distributed as distributed class ExtractiveSummarizer(Transformer): def __init__(self, model_name="distilbert-base-uncased", model_class=DistilBertModel, cache_dir="."): @@ -309,7 +311,7 @@ def fit( num_gpus=None, local_rank=-1, weight_decay=0.0, - learning_rate=2e-3, + learning_rate=1e-4, adam_epsilon=1e-8, warmup_steps=10000, verbose=True, @@ -321,15 +323,20 @@ def fit( ): #device, num_gpus = get_device(device=device, num_gpus=num_gpus, local_rank=local_rank) device = torch.device("cuda:{}".format(0)) + gpu_rank = distributed.multi_init(0, 1, "0") torch.backends.cudnn.enabled = True torch.backends.cudnn.deterministic = True self.model.to(device) + args = Bunch(default_parameters) + optim = model_builder.build_optim(args, self.model, None) + super().fine_tune( train_data_iterator, get_inputs=ExtSumProcessor.get_inputs, device=device, + optimizer=optim, per_gpu_train_batch_size=batch_size, n_gpu=num_gpus, num_train_epochs=num_epochs, From a38848ea0aaf40f7adfb0a81a1d8ffb461cc6b43 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Tue, 29 Oct 2019 21:08:54 +0000 Subject: [PATCH 051/167] cleanup data iterator --- .../transformers/extractive_summarization.py | 338 +++++++----------- 1 file changed, 125 insertions(+), 213 deletions(-) diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index 74bb2b613..6ceeb44f1 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -40,53 +40,49 @@ from bertsum.prepro.data_builder import greedy_selection, combination_selection from bertsum.prepro.data_builder import TransformerData -from utils_nlp.models.bert.extractive_text_summarization import Bunch, modified_format_to_bert, default_parameters +from utils_nlp.models.bert.extractive_text_summarization import Bunch, default_parameters from bertsum.models.model_builder import Summarizer from bertsum.models import model_builder +from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig +import bertsum.distributed as distributed +import time -class ExtSumData(): - def __init__(self, src, segs, clss, mask, mask_cls, labels=None, src_str=None, tgt_str=None): - self.src = src - self.segs = segs - self.clss = clss - self.mask = mask - self.mask_cls = mask_cls - self.labels = labels - self.src_str = src_str - self.tgt_str = tgt_str - -class ExtSumIterableDataset(torch.utils.data.IterableDataset): - def __init__(self, src, segs, clss, mask, mask_cls, labels=None, src_str=None, tgt_str=None): - self.src = src - self.segs = segs - self.clss = clss - self.mask = mask - self.mask_cls = mask_cls - self.labels = labels - self.src_str = src_str - self.tgt_str = tgt_str - - def __iter__(self): - if self.labels is not None: - return iter(zip(self.src, self.segs, self.clss, \ - self.mask, self.mask_cls, self.src_str, self.labels, self.tgt_str)) - else: - return iter(zip(self.src, self.segs, self.clss, \ - self.mask, self.mask_cls, self.src_str)) - +import itertools - def __getitem__(self, index): - if self.labels is not None: - return ExtSumData(self.src[index], self.segs[index], self.clss[index], \ - self.mask[index], self.mask_cls[index], self.labels[index], self.src_str[index], self.tgt_str[index]) - else: - return ExtSumData(self.src[index], self.segs[index], self.clss[index], \ - self.mask[index], self.mask_cls[index], None, self.src_str[index], None) +from bertsum.models.data_loader import DataIterator +from bertsum.models import model_builder, data_loader +class Bunch(object): + """ Class which convert a dictionary to an object """ + + def __init__(self, adict): + self.__dict__.update(adict) - def __len__(self): - return len(self.src) +def get_dataset(file_list, is_train=False): + if is_train: + random.shuffle(file_list) + for file in file_list: + yield torch.load(file) + +def get_data_loader(file_list, device, is_labeled=False, batch_size=3000): + """ + Function to get data iterator over a list of data objects. - + Args: + dataset (list of objects): a list of data objects. + is_test (bool): it specifies whether the data objects are labeled data. + batch_size (int): number of tokens per batch. + + Returns: + DataIterator + + """ + args = Bunch({}) + args.use_interval = True + args.batch_size = batch_size + data_iter = None + data_iter = data_loader.Dataloader(args, get_dataset(file_list), args.batch_size, device, shuffle=False, is_test=is_labeled) + return data_iter + class ExtSumProcessor: def __init__(self, model_name="bert-base-cased", to_lower=False, cache_dir="."): @@ -108,10 +104,8 @@ def __init__(self, model_name="bert-base-cased", to_lower=False, cache_dir="."): @staticmethod def get_inputs(batch, model_name, train_mode=True): - if model_name.split("-")[0] in ["bert", "xlnet", "roberta", "distilbert"]: + if model_name.split("-")[0] in ["bert", "distilbert"]: if train_mode: - # return {"input_ids": batch[0], "attention_mask": batch[1], "labels": batch[2]} - #src, segs, clss, mask, mask_cls, src_str # labels must be the last return {"x": batch.src, "segs": batch.segs, "clss": batch.clss, "mask": batch.mask, "mask_cls": batch.mask_cls, "labels": batch.labels} @@ -121,20 +115,6 @@ def get_inputs(batch, model_name, train_mode=True): else: raise ValueError("Model not supported: {}".format(model_name)) - @staticmethod - def get_inputs_2(batch, model_name, train_mode=True): - if model_name.split("-")[0] in ["bert", "xlnet", "roberta", "distilbert"]: - if train_mode: - # return {"input_ids": batch[0], "attention_mask": batch[1], "labels": batch[2]} - #src, segs, clss, mask, mask_cls, src_str - # labels must be the last - return {"x": batch[0], "segs": batch[1], "clss": batch[2], - "mask": batch[3], "mask_cls": batch[4], "labels": batch[5]} - else: - return {"x": batch[0], "segs": batch[1], "clss": batch[2], - "mask": batch[3], "mask_cls": batch[4]} - else: - raise ValueError("Model not supported: {}".format(model_name)) def preprocess(self, sources, targets=None, oracle_mode="greedy", selections=3): """preprocess multiple data points""" @@ -142,127 +122,12 @@ def preprocess(self, sources, targets=None, oracle_mode="greedy", selections=3): is_labeled = False if targets is None: for source in sources: - yield list(self._preprocess_single(source, None, oracle_mode, selections)) + yield self._preprocess_single(source, None, oracle_mode, selections) else: for (source, target) in zip(sources, targets): - yield list(self._preprocess_single(source, target, oracle_mode, selections)) + yield self._preprocess_single(source, target, oracle_mode, selections) is_labeled = True - - def preprocess_3(self, sources, targets=None, oracle_mode="greedy", selections=3): - """preprocess multiple data points""" - - is_labeled = False - if targets is None: - data = [self._preprocess_single(source, None, oracle_mode, selections) for source in sources] - else: - data = [self._preprocess_single(source, target, oracle_mode, selections) for (source, target) in zip(sources, targets)] - is_labeled = True - - def _pad(data, pad_id, width=-1): - if (width == -1): - width = max(len(d) for d in data) - rtn_data = [d + [pad_id] * (width - len(d)) for d in data] - return rtn_data - - - if data is not None: - pre_src = [x[0] for x in data] - pre_segs = [x[2] for x in data] - pre_clss = [x[3] for x in data] - - src = torch.tensor(_pad(pre_src, 0)) - - pre_labels = None - labels = None - if is_labeled: - pre_labels = [x[1] for x in data] - labels = torch.tensor(_pad(pre_labels, 0)) - segs = torch.tensor(_pad(pre_segs, 0)) - #mask = 1 - (src == 0) - mask = ~(src == 0) - - clss = torch.tensor(_pad(pre_clss, -1)) - #mask_cls = 1 - (clss == -1) - mask_cls = ~(clss == -1) - clss[clss == -1] = 0 - - #setattr(self, 'clss', clss.to(device)) - #setattr(self, 'mask_cls', mask_cls.to(device)) - #setattr(self, 'src', src.to(device)) - #setattr(self, 'segs', segs.to(device)) - #setattr(self, 'mask', mask.to(device)) - src_str = [x[-2] for x in data] - #setattr(self, 'src_str', src_str) - #x, segs, clss, mask, mask_cls, - #td = TensorDataset(src, segs, clss, mask, mask_cls) - #td = src, segs, clss, mask, mask_cls, None, src_str, None - td = ExtSumIterableDataset(src, segs, clss, mask, mask_cls, None, src_str, None) - if is_labeled: - #setattr(self, 'labels', labels.to(device)) - tgt_str = [x[-1] for x in data] - #setattr(self, 'tgt_str', tgt_str) - #td = TensorDataset(src, segs, clss, mask, mask_cls, labels) - td = ExtSumIterableDataset(src, segs, clss, mask, mask_cls, labels, src_str, tgt_str) - return td - - - def preprocess_2(self, sources, targets=None, oracle_mode="greedy", selections=3): - """preprocess multiple data points""" - - is_labeled = False - if targets is None: - data = [self._preprocess_single(source, None, oracle_mode, selections) for source in sources] - else: - data = [self._preprocess_single(source, target, oracle_mode, selections) for (source, target) in zip(sources, targets)] - is_labeled = True - - def _pad(data, pad_id, width=-1): - if (width == -1): - width = max(len(d) for d in data) - rtn_data = [d + [pad_id] * (width - len(d)) for d in data] - return rtn_data - - - if data is not None: - pre_src = [x[0] for x in data] - pre_segs = [x[2] for x in data] - pre_clss = [x[3] for x in data] - - src = torch.tensor(_pad(pre_src, 0)) - - pre_labels = None - labels = None - if is_labeled: - pre_labels = [x[1] for x in data] - labels = torch.tensor(_pad(pre_labels, 0)) - segs = torch.tensor(_pad(pre_segs, 0)) - #mask = 1 - (src == 0) - mask = ~(src == 0) - - clss = torch.tensor(_pad(pre_clss, -1)) - #mask_cls = 1 - (clss == -1) - mask_cls = ~(clss == -1) - clss[clss == -1] = 0 - - #setattr(self, 'clss', clss.to(device)) - #setattr(self, 'mask_cls', mask_cls.to(device)) - #setattr(self, 'src', src.to(device)) - #setattr(self, 'segs', segs.to(device)) - #setattr(self, 'mask', mask.to(device)) - src_str = [x[-2] for x in data] - #setattr(self, 'src_str', src_str) - #x, segs, clss, mask, mask_cls, - td = TensorDataset(src, segs, clss, mask, mask_cls) - if (is_labeled): - #setattr(self, 'labels', labels.to(device)) - tgt_str = [x[-1] for x in data] - #setattr(self, 'tgt_str', tgt_str) - td = TensorDataset(src, segs, clss, mask, mask_cls, labels) - return td - - - def _preprocess_single(self, source, target=None, oracle_mode="greedy", selections=3): """preprocess single data point""" oracle_ids = None @@ -271,20 +136,13 @@ def _preprocess_single(self, source, target=None, oracle_mode="greedy", selectio oracle_ids = greedy_selection(source, target, selections) elif (oracle_mode == 'combination'): oracle_ids = combination_selection(source, target, selections) - print(oracle_ids) - - + b_data = self.preprossor.preprocess(source, target, oracle_ids) - if (b_data is None): return None indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data - return (indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt) - #return {"src": indexed_tokens, "labels": labels, "segs": segments_ids, 'clss': cls_ids, - # 'src_txt': src_txt, "tgt_txt": tgt_txt} - -from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig -import bertsum.distributed as distributed + return {"src": indexed_tokens, "labels": labels, "segs": segments_ids, 'clss': cls_ids, + 'src_txt': src_txt, "tgt_txt": tgt_txt} class ExtractiveSummarizer(Transformer): def __init__(self, model_name="distilbert-base-uncased", model_class=DistilBertModel, cache_dir="."): @@ -304,50 +162,104 @@ def list_supported_models(): def fit( self, - train_data_iterator, + train_data_iterator_function, device="cuda", - num_epochs=1, - batch_size=32, num_gpus=None, local_rank=-1, - weight_decay=0.0, - learning_rate=1e-4, - adam_epsilon=1e-8, - warmup_steps=10000, + max_steps=1e5, verbose=True, seed=None, - decay_method='noam', - lr=0.002, - accum_count=2, + gradient_accumulation_steps=2, + report_every=50, **kwargs ): #device, num_gpus = get_device(device=device, num_gpus=num_gpus, local_rank=local_rank) device = torch.device("cuda:{}".format(0)) - gpu_rank = distributed.multi_init(0, 1, "0") + #gpu_rank = distributed.multi_init(0, 1, "0") torch.backends.cudnn.enabled = True torch.backends.cudnn.deterministic = True self.model.to(device) + get_inputs=ExtSumProcessor.get_inputs + args = Bunch(default_parameters) - optim = model_builder.build_optim(args, self.model, None) + optimizer = model_builder.build_optim(args, self.model, None) - super().fine_tune( - train_data_iterator, - get_inputs=ExtSumProcessor.get_inputs, - device=device, - optimizer=optim, - per_gpu_train_batch_size=batch_size, - n_gpu=num_gpus, - num_train_epochs=num_epochs, - weight_decay=weight_decay, - learning_rate=learning_rate, - adam_epsilon=adam_epsilon, - warmup_steps=warmup_steps, - verbose=verbose, - seed=seed, - **kwargs, - ) + if seed is not None: + super(ExtractiveSummarizer).set_seed(seed, n_gpu > 0) + + train_batch_size = 1, + + # multi-gpu training (should be after apex fp16 initialization) + if num_gpus > 1: + self.model = torch.nn.DataParallel(self.model) + + # Distributed training (should be after apex fp16 initialization) + if local_rank != -1: + self.model = torch.nn.parallel.DistributedDataParallel( + self.model, + device_ids=[local_rank], + output_device=local_rank, + find_unused_parameters=True, + ) + + global_step = 0 + tr_loss = 0.0 + self.model.zero_grad() + + self.model.train() + start = time.time() + + train_data_iterator = train_data_iterator_function() + accum_loss = 0 + while 1: + for step, batch in enumerate(train_data_iterator): + batch = batch.to(device) + + #batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) + inputs = get_inputs(batch, self.model_name) + outputs = self.model(**inputs) + loss = outputs[0] + if num_gpus > 1: + loss = loss.mean() + if gradient_accumulation_steps > 1: + loss = loss / gradient_accumulation_steps + + accum_loss += loss.item() + if step % report_every == 0 and verbose: + #tqdm.write(loss) + end = time.time() + print("loss: {0:.6f}, time: {1:.2f}, step {2:f} out of total {3:f}".format( + accum_loss/report_every, end-start, global_step, max_steps)) + accum_loss = 0 + start = end + + (loss/loss.numel()).backward() + + tr_loss += loss.item() + if (step + 1) % gradient_accumulation_steps == 0: + optimizer.step() + #scheduler.step() + self.model.zero_grad() + if num_gpus > 1: + grads = [p.grad.data for p in self.model.parameters() + if p.requires_grad + and p.grad is not None] + distributed.all_reduce_and_rescale_tensors( + grads, float(1)) + + global_step += 1 + + if max_steps > 0 and global_step > max_steps: + break + if max_steps > 0 and global_step > max_steps: + break + + # empty cache + #del [batch] + torch.cuda.empty_cache() + return global_step, tr_loss / global_step def predict(self, eval_data_iterator, device, batch_size=16, sentence_seperator="", top_n=3, block_trigram=True, num_gpus=1, verbose=True, cal_lead=False): def _get_ngrams(n, text): From f642dad1548230173ba5807e97266c4a297aabdb Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Tue, 29 Oct 2019 21:09:21 +0000 Subject: [PATCH 052/167] add dataset for processed data --- utils_nlp/dataset/cnndm.py | 65 +++++++++++++++++++++++++++++++++----- 1 file changed, 57 insertions(+), 8 deletions(-) diff --git a/utils_nlp/dataset/cnndm.py b/utils_nlp/dataset/cnndm.py index 1c855c60a..bfe28b9f4 100644 --- a/utils_nlp/dataset/cnndm.py +++ b/utils_nlp/dataset/cnndm.py @@ -15,7 +15,10 @@ from multiprocess import Pool from tqdm import tqdm import itertools - +from torchtext.utils import download_from_url, extract_archive +import zipfile +import glob +import path def _line_iter(file_path): with open(file_path, "r", encoding="utf8") as fd: @@ -23,11 +26,10 @@ def _line_iter(file_path): yield line -def _create__data_from_iterator(iterator, preprocessing, word_tokenizer): +def _create_data_from_iterator(iterator, preprocessing, word_tokenizer): data = [] - with tqdm(unit_scale=0, unit="lines") as t: - for line in iterator: - data.append(preprocess((line, preprocessing, word_tokenizer))) + for line in iterator: + data.append(preprocess((line, preprocessing, word_tokenizer))) return data @@ -75,7 +77,7 @@ def __init__( top_n=-1, **kwargs ): - """ create an CNN/CM dataset instance given the paths of source file and targetfile""" + """ create an CNN/CM dataset instance given the paths of source file and target file""" super(Summarization, self).__init__() source_iter = _line_iter(source_file) @@ -85,11 +87,11 @@ def __init__( source_iter = itertools.islice(source_iter, top_n) target_iter = itertools.islice(target_iter, top_n) - self._source = _create__data_from_iterator( + self._source = _create_data_from_iterator( source_iter, source_preprocessing, word_tokenization ) - self._target = _create__data_from_iterator( + self._target = _create_data_from_iterator( target_iter, target_preprocessing, word_tokenization ) @@ -147,3 +149,50 @@ def _setup_datasets(url, top_n=-1, local_cache_path=".data"): ) return _setup_datasets(*((urls[0],) + args), **kwargs) + + +class CNNDMBertSumProcessedData(): + + @staticmethod + def save_data(data_iter, is_test=False, path_and_prefix="./", chunk_size=None): + def chunks(iterable, chunk_size): + iterator = iter(iterable) + for first in iterator: + if chunk_size: + yield itertools.chain([first], itertools.islice(iterator, chunk_size - 1)) + else: + yield itertools.chain([first], itertools.islice(iterator, None)) + chunks = chunks(data_iter, chunk_size) + filename_list = [] + for i,chunked_data in enumerate(chunks): + filename = f"{path_and_prefix}_{i}_test" if is_test else f"{path_and_prefix}_{i}_train" + torch.save(list(chunked_data), filename) + filename_list.append(filename) + return filename_list + + + @staticmethod + def create(local_processed_path=None, local_cache_path=".data"): + train_files = [] + test_files = [] + if local_processed_path: + files = sorted(glob.glob(local_processed_path + '*')) + + else: + file_name = "bertsum_data.zip" + url = "https://drive.google.com/uc?export=download&id=1x0d61LP9UAN389YN00z0Pv-7jQgirVg6" + #url = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbaW12WVVZS2drcnM" + #dataset_zip = download_from_url(url, root=local_cache_path) + #zip=zipfile.ZipFile(dataset_zip) + zip=zipfile.ZipFile("./temp_data3/"+file_name) + #zip.extractall(local_cache_path) + files = zip.namelist() + + for fname in files: + if fname.find('train') != -1: + train_files.append(path.join(local_cache_path, fname)) + elif fname.find('test') != -1: + test_files.append(path.join(local_cache_path, fname)) + + return (train_files, test_files) + From 9798b0eca9ac216db393557a42e43ae6e4e988c8 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Wed, 30 Oct 2019 19:51:02 +0000 Subject: [PATCH 053/167] more clean up --- .../CNNDM_TransformerSum.ipynb | 2084 ++++------------- utils_nlp/dataset/cnndm.py | 47 +- .../transformers/extractive_summarization.py | 99 +- 3 files changed, 592 insertions(+), 1638 deletions(-) diff --git a/examples/text_summarization/CNNDM_TransformerSum.ipynb b/examples/text_summarization/CNNDM_TransformerSum.ipynb index f45a8311a..f75fc86ed 100644 --- a/examples/text_summarization/CNNDM_TransformerSum.ipynb +++ b/examples/text_summarization/CNNDM_TransformerSum.ipynb @@ -1,12 +1,70 @@ { "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Copyright (c) Microsoft Corporation. All rights reserved.\n", + "\n", + "Licensed under the MIT License." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Extractive Summarization on CNN/DM Dataset using Transformer Version of BertSum\n", + "\n", + "\n", + "### Summary\n", + "\n", + "This notebook demonstrates how to fine tune Transformers for extractive text summarization. Utility functions and classes in the NLP Best Practices repo are used to facilitate data preprocessing, model training, model scoring, result postprocessing, and model evaluation.\n", + "\n", + "BertSum refers to [Fine-tune BERT for Extractive Summarization (https://arxiv.org/pdf/1903.10318.pdf) with [published example](https://github.com/nlpyang/BertSum/). And the Transformer version of Bertsum refers to our modification of BertSum and the source code can be accessed at (https://github.com/daden-ms/BertSum/). \n", + "\n", + "Extractive summarization are usually used in document summarization where each input document consists of mutiple sentences. The preprocessing of the input training data involves assigning label 0 or 1 to the document sentences based on the give summary. The summarization problem is also simplfied to classifying whether each document sentence should be included in the summary. \n", + "\n", + "The figure below illustrates how BERTSum can be fine tuned for extractive summarization task. Each sentence is inserted with [CLS] token at the beginning and [SEP] at the end. Interval segment embedding and positional embedding are added upon the token embedding before input the BERT model. The [CLS] token representation is used as sentence embedding and only the [CLS] tokens are used as input for the summarization model. The summarization layer predicts whether the probability of each each sentence token should be included in the summary or not. Techniques like trigram blocking can be used to improve model accuarcy. \n", + "\n", + "\n", + "\n", + "\n", + "### Before You Start\n", + "\n", + "The running time shown in this notebook is on a Standard_NC24s_v3 Azure Deep Learning Virtual Machine with 4 NVIDIA Tesla V100 GPUs. \n", + "> **Tip**: If you want to run through the notebook quickly, you can set the **`QUICK_RUN`** flag in the cell below to **`True`** to run the notebook on a small subset of the data and a smaller number of epochs. \n", + "\n", + "The table below provides some reference running time on different machine configurations. \n", + "\n", + "|QUICK_RUN|USE_PREPROCESSED_DATA|encoder|Machine Configurations|Running time|\n", + "|:---------|:---------|:---------|:----------------------|:------------|\n", + "|True|True|baseline|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 20 minutes |\n", + "|False|True|baseline|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 60 minutes |\n", + "|True|False|baseline|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 20 minutes |\n", + "|True|True|transformer|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 80 minutes |\n", + "|False|True|transformer|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 6.5hours |\n", + "|True|False|transformer|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 80 minutes |\n", + "|False|False|any| 1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| > 24 hours|" + ] + }, { "cell_type": "code", "execution_count": 1, "metadata": {}, "outputs": [], "source": [ - "%load_ext autoreload" + "## Set QUICK_RUN = True to run the notebook on a small subset of data and a smaller number of epochs.\n", + "QUICK_RUN = True\n", + "USE_PREPROCESSED_DATA = True" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Configuration\n", + "\n", + "Before we start the notebook, we should set the environment variable to make sure you can access the GPUs on your machine" ] }, { @@ -15,7 +73,10 @@ "metadata": {}, "outputs": [], "source": [ - "%autoreload 2" + "import os\n", + "\n", + "os.environ[\"CUDA_DEVICE_ORDER\"] = \"PCI_BUS_ID\" # see issue #152\n", + "os.environ[\"CUDA_VISIBLE_DEVICES\"] = \"0,1,2,3\"" ] }, { @@ -23,6 +84,24 @@ "execution_count": 3, "metadata": {}, "outputs": [], + "source": [ + "%load_ext autoreload" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "%autoreload 2" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], "source": [ "import sys\n", "import os\n", @@ -36,7 +115,7 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 6, "metadata": {}, "outputs": [ { @@ -51,1463 +130,440 @@ "print(sys.path)" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Also, we need to install the dependencies for pyrouge." + ] + }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 7, "metadata": {}, "outputs": [ { - "name": "stderr", + "name": "stdout", "output_type": "stream", "text": [ - "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", - "[nltk_data] Package punkt is already up-to-date!\n", - "0lines [00:00, ?lines/s]\n", - "0lines [00:00, ?lines/s]\n", - "0lines [00:00, ?lines/s]\n", - "0lines [00:00, ?lines/s]\n" + "Hit:1 http://azure.archive.ubuntu.com/ubuntu bionic InRelease\n", + "Get:2 http://azure.archive.ubuntu.com/ubuntu bionic-updates InRelease [88.7 kB]\n", + "Get:3 http://azure.archive.ubuntu.com/ubuntu bionic-backports InRelease [74.6 kB]\n", + "Hit:4 https://packages.microsoft.com/repos/microsoft-ubuntu-xenial-prod xenial InRelease\n", + "Get:5 http://security.ubuntu.com/ubuntu bionic-security InRelease [88.7 kB] \n", + "Ign:6 http://developer.download.nvidia.com/compute/cuda/repos/ubuntu1804/x86_64 InRelease\n", + "Hit:7 http://developer.download.nvidia.com/compute/cuda/repos/ubuntu1804/x86_64 Release\n", + "Fetched 252 kB in 1s (392 kB/s) \n", + "Reading package lists... Done\n", + "Reading package lists... Done\n", + "Building dependency tree \n", + "Reading state information... Done\n", + "expat is already the newest version (2.2.5-3ubuntu0.2).\n", + "The following packages were automatically installed and are no longer required:\n", + " linux-azure-cloud-tools-5.0.0-1018 linux-azure-cloud-tools-5.0.0-1020\n", + " linux-azure-headers-5.0.0-1018 linux-azure-tools-5.0.0-1018\n", + " linux-azure-tools-5.0.0-1020\n", + "Use 'sudo apt autoremove' to remove them.\n", + "0 upgraded, 0 newly installed, 0 to remove and 51 not upgraded.\n", + "Reading package lists... Done\n", + "Building dependency tree \n", + "Reading state information... Done\n", + "Note, selecting 'libexpat1-dev' instead of 'libexpat-dev'\n", + "libexpat1-dev is already the newest version (2.2.5-3ubuntu0.2).\n", + "The following packages were automatically installed and are no longer required:\n", + " linux-azure-cloud-tools-5.0.0-1018 linux-azure-cloud-tools-5.0.0-1020\n", + " linux-azure-headers-5.0.0-1018 linux-azure-tools-5.0.0-1018\n", + " linux-azure-tools-5.0.0-1020\n", + "Use 'sudo apt autoremove' to remove them.\n", + "0 upgraded, 0 newly installed, 0 to remove and 51 not upgraded.\n" ] - }, - { - "data": { - "text/plain": [ - "[['marseille',\n", - " ',',\n", - " 'france',\n", - " '(',\n", - " 'cnn',\n", - " ')',\n", - " 'the',\n", - " 'french',\n", - " 'prosecutor',\n", - " 'leading',\n", - " 'an',\n", - " 'investigation',\n", - " 'into',\n", - " 'the',\n", - " 'crash',\n", - " 'of',\n", - " 'germanwings',\n", - " 'flight',\n", - " '9525',\n", - " 'insisted',\n", - " 'wednesday',\n", - " 'that',\n", - " 'he',\n", - " 'was',\n", - " 'not',\n", - " 'aware',\n", - " 'of',\n", - " 'any',\n", - " 'video',\n", - " 'footage',\n", - " 'from',\n", - " 'on',\n", - " 'board',\n", - " 'the',\n", - " 'plane',\n", - " '.'],\n", - " ['marseille',\n", - " 'prosecutor',\n", - " 'brice',\n", - " 'robin',\n", - " 'told',\n", - " 'cnn',\n", - " 'that',\n", - " '``',\n", - " 'so',\n", - " 'far',\n", - " 'no',\n", - " 'videos',\n", - " 'were',\n", - " 'used',\n", - " 'in',\n", - " 'the',\n", - " 'crash',\n", - " 'investigation',\n", - " '.',\n", - " '``'],\n", - " ['he',\n", - " 'added',\n", - " ',',\n", - " '``',\n", - " 'a',\n", - " 'person',\n", - " 'who',\n", - " 'has',\n", - " 'such',\n", - " 'a',\n", - " 'video',\n", - " 'needs',\n", - " 'to',\n", - " 'immediately',\n", - " 'give',\n", - " 'it',\n", - " 'to',\n", - " 'the',\n", - " 'investigators',\n", - " '.',\n", - " '``'],\n", - " ['robin',\n", - " \"'s\",\n", - " 'comments',\n", - " 'follow',\n", - " 'claims',\n", - " 'by',\n", - " 'two',\n", - " 'magazines',\n", - " ',',\n", - " 'german',\n", - " 'daily',\n", - " 'bild',\n", - " 'and',\n", - " 'french',\n", - " 'paris',\n", - " 'match',\n", - " ',',\n", - " 'of',\n", - " 'a',\n", - " 'cell',\n", - " 'phone',\n", - " 'video',\n", - " 'showing',\n", - " 'the',\n", - " 'harrowing',\n", - " 'final',\n", - " 'seconds',\n", - " 'from',\n", - " 'on',\n", - " 'board',\n", - " 'germanwings',\n", - " 'flight',\n", - " '9525',\n", - " 'as',\n", - " 'it',\n", - " 'crashed',\n", - " 'into',\n", - " 'the',\n", - " 'french',\n", - " 'alps',\n", - " '.'],\n", - " ['all', '150', 'on', 'board', 'were', 'killed', '.'],\n", - " ['paris',\n", - " 'match',\n", - " 'and',\n", - " 'bild',\n", - " 'reported',\n", - " 'that',\n", - " 'the',\n", - " 'video',\n", - " 'was',\n", - " 'recovered',\n", - " 'from',\n", - " 'a',\n", - " 'phone',\n", - " 'at',\n", - " 'the',\n", - " 'wreckage',\n", - " 'site',\n", - " '.'],\n", - " ['the',\n", - " 'two',\n", - " 'publications',\n", - " 'described',\n", - " 'the',\n", - " 'supposed',\n", - " 'video',\n", - " ',',\n", - " 'but',\n", - " 'did',\n", - " 'not',\n", - " 'post',\n", - " 'it',\n", - " 'on',\n", - " 'their',\n", - " 'websites',\n", - " '.'],\n", - " ['the',\n", - " 'publications',\n", - " 'said',\n", - " 'that',\n", - " 'they',\n", - " 'watched',\n", - " 'the',\n", - " 'video',\n", - " ',',\n", - " 'which',\n", - " 'was',\n", - " 'found',\n", - " 'by',\n", - " 'a',\n", - " 'source',\n", - " 'close',\n", - " 'to',\n", - " 'the',\n", - " 'investigation',\n", - " '.',\n", - " '``'],\n", - " ['one',\n", - " 'can',\n", - " 'hear',\n", - " 'cries',\n", - " 'of',\n", - " '`',\n", - " 'my',\n", - " 'god',\n", - " \"'\",\n", - " 'in',\n", - " 'several',\n", - " 'languages',\n", - " ',',\n", - " '``',\n", - " 'paris',\n", - " 'match',\n", - " 'reported',\n", - " '.',\n", - " '``'],\n", - " ['metallic',\n", - " 'banging',\n", - " 'can',\n", - " 'also',\n", - " 'be',\n", - " 'heard',\n", - " 'more',\n", - " 'than',\n", - " 'three',\n", - " 'times',\n", - " ',',\n", - " 'perhaps',\n", - " 'of',\n", - " 'the',\n", - " 'pilot',\n", - " 'trying',\n", - " 'to',\n", - " 'open',\n", - " 'the',\n", - " 'cockpit',\n", - " 'door',\n", - " 'with',\n", - " 'a',\n", - " 'heavy',\n", - " 'object',\n", - " '.'],\n", - " ['towards',\n", - " 'the',\n", - " 'end',\n", - " ',',\n", - " 'after',\n", - " 'a',\n", - " 'heavy',\n", - " 'shake',\n", - " ',',\n", - " 'stronger',\n", - " 'than',\n", - " 'the',\n", - " 'others',\n", - " ',',\n", - " 'the',\n", - " 'screaming',\n", - " 'intensifies',\n", - " '.'],\n", - " ['then', 'nothing', '.', '``'],\n", - " ['``',\n", - " 'it',\n", - " 'is',\n", - " 'a',\n", - " 'very',\n", - " 'disturbing',\n", - " 'scene',\n", - " ',',\n", - " '``',\n", - " 'said',\n", - " 'julian',\n", - " 'reichelt',\n", - " ',',\n", - " 'editor-in-chief',\n", - " 'of',\n", - " 'bild',\n", - " 'online',\n", - " '.'],\n", - " ['an',\n", - " 'official',\n", - " 'with',\n", - " 'france',\n", - " \"'s\",\n", - " 'accident',\n", - " 'investigation',\n", - " 'agency',\n", - " ',',\n", - " 'the',\n", - " 'bea',\n", - " ',',\n", - " 'said',\n", - " 'the',\n", - " 'agency',\n", - " 'is',\n", - " 'not',\n", - " 'aware',\n", - " 'of',\n", - " 'any',\n", - " 'such',\n", - " 'video',\n", - " '.'],\n", - " ['lt.',\n", - " 'col.',\n", - " 'jean-marc',\n", - " 'menichini',\n", - " ',',\n", - " 'a',\n", - " 'french',\n", - " 'gendarmerie',\n", - " 'spokesman',\n", - " 'in',\n", - " 'charge',\n", - " 'of',\n", - " 'communications',\n", - " 'on',\n", - " 'rescue',\n", - " 'efforts',\n", - " 'around',\n", - " 'the',\n", - " 'germanwings',\n", - " 'crash',\n", - " 'site',\n", - " ',',\n", - " 'told',\n", - " 'cnn',\n", - " 'that',\n", - " 'the',\n", - " 'reports',\n", - " 'were',\n", - " '``',\n", - " 'completely',\n", - " 'wrong',\n", - " '``',\n", - " 'and',\n", - " '``',\n", - " 'unwarranted',\n", - " '.',\n", - " '``'],\n", - " ['cell',\n", - " 'phones',\n", - " 'have',\n", - " 'been',\n", - " 'collected',\n", - " 'at',\n", - " 'the',\n", - " 'site',\n", - " ',',\n", - " 'he',\n", - " 'said',\n", - " ',',\n", - " 'but',\n", - " 'that',\n", - " 'they',\n", - " '``',\n", - " 'had',\n", - " \"n't\",\n", - " 'been',\n", - " 'exploited',\n", - " 'yet',\n", - " '.',\n", - " '``'],\n", - " ['menichini',\n", - " 'said',\n", - " 'he',\n", - " 'believed',\n", - " 'the',\n", - " 'cell',\n", - " 'phones',\n", - " 'would',\n", - " 'need',\n", - " 'to',\n", - " 'be',\n", - " 'sent',\n", - " 'to',\n", - " 'the',\n", - " 'criminal',\n", - " 'research',\n", - " 'institute',\n", - " 'in',\n", - " 'rosny',\n", - " 'sous-bois',\n", - " ',',\n", - " 'near',\n", - " 'paris',\n", - " ',',\n", - " 'in',\n", - " 'order',\n", - " 'to',\n", - " 'be',\n", - " 'analyzed',\n", - " 'by',\n", - " 'specialized',\n", - " 'technicians',\n", - " 'working',\n", - " 'hand-in-hand',\n", - " 'with',\n", - " 'investigators',\n", - " '.'],\n", - " ['but',\n", - " 'none',\n", - " 'of',\n", - " 'the',\n", - " 'cell',\n", - " 'phones',\n", - " 'found',\n", - " 'so',\n", - " 'far',\n", - " 'have',\n", - " 'been',\n", - " 'sent',\n", - " 'to',\n", - " 'the',\n", - " 'institute',\n", - " ',',\n", - " 'menichini',\n", - " 'said',\n", - " '.'],\n", - " ['asked',\n", - " 'whether',\n", - " 'staff',\n", - " 'involved',\n", - " 'in',\n", - " 'the',\n", - " 'search',\n", - " 'could',\n", - " 'have',\n", - " 'leaked',\n", - " 'a',\n", - " 'memory',\n", - " 'card',\n", - " 'to',\n", - " 'the',\n", - " 'media',\n", - " ',',\n", - " 'menichini',\n", - " 'answered',\n", - " 'with',\n", - " 'a',\n", - " 'categorical',\n", - " '``',\n", - " 'no',\n", - " '.',\n", - " '``'],\n", - " ['reichelt',\n", - " 'told',\n", - " '``',\n", - " 'erin',\n", - " 'burnett',\n", - " ':',\n", - " 'outfront',\n", - " '``',\n", - " 'that',\n", - " 'he',\n", - " 'had',\n", - " 'watched',\n", - " 'the',\n", - " 'video',\n", - " 'and',\n", - " 'stood',\n", - " 'by',\n", - " 'the',\n", - " 'report',\n", - " ',',\n", - " 'saying',\n", - " 'bild',\n", - " 'and',\n", - " 'paris',\n", - " 'match',\n", - " 'are',\n", - " '``',\n", - " 'very',\n", - " 'confident',\n", - " '``',\n", - " 'that',\n", - " 'the',\n", - " 'clip',\n", - " 'is',\n", - " 'real',\n", - " '.'],\n", - " ['he',\n", - " 'noted',\n", - " 'that',\n", - " 'investigators',\n", - " 'only',\n", - " 'revealed',\n", - " 'they',\n", - " \"'d\",\n", - " 'recovered',\n", - " 'cell',\n", - " 'phones',\n", - " 'from',\n", - " 'the',\n", - " 'crash',\n", - " 'site',\n", - " 'after',\n", - " 'bild',\n", - " 'and',\n", - " 'paris',\n", - " 'match',\n", - " 'published',\n", - " 'their',\n", - " 'reports',\n", - " '.',\n", - " '``'],\n", - " ['that', 'is', 'something', 'we', 'did', 'not', 'know', 'before', '.'],\n", - " ['...',\n", - " 'overall',\n", - " 'we',\n", - " 'can',\n", - " 'say',\n", - " 'many',\n", - " 'things',\n", - " 'of',\n", - " 'the',\n", - " 'investigation',\n", - " 'were',\n", - " \"n't\",\n", - " 'revealed',\n", - " 'by',\n", - " 'the',\n", - " 'investigation',\n", - " 'at',\n", - " 'the',\n", - " 'beginning',\n", - " ',',\n", - " '``',\n", - " 'he',\n", - " 'said',\n", - " '.'],\n", - " ['what', 'was', 'mental', 'state', 'of', 'germanwings', 'co-pilot', '?'],\n", - " ['german',\n", - " 'airline',\n", - " 'lufthansa',\n", - " 'confirmed',\n", - " 'tuesday',\n", - " 'that',\n", - " 'co-pilot',\n", - " 'andreas',\n", - " 'lubitz',\n", - " 'had',\n", - " 'battled',\n", - " 'depression',\n", - " 'years',\n", - " 'before',\n", - " 'he',\n", - " 'took',\n", - " 'the',\n", - " 'controls',\n", - " 'of',\n", - " 'germanwings',\n", - " 'flight',\n", - " '9525',\n", - " ',',\n", - " 'which',\n", - " 'he',\n", - " \"'s\",\n", - " 'accused',\n", - " 'of',\n", - " 'deliberately',\n", - " 'crashing',\n", - " 'last',\n", - " 'week',\n", - " 'in',\n", - " 'the',\n", - " 'french',\n", - " 'alps',\n", - " '.'],\n", - " ['lubitz',\n", - " 'told',\n", - " 'his',\n", - " 'lufthansa',\n", - " 'flight',\n", - " 'training',\n", - " 'school',\n", - " 'in',\n", - " '2009',\n", - " 'that',\n", - " 'he',\n", - " 'had',\n", - " 'a',\n", - " '``',\n", - " 'previous',\n", - " 'episode',\n", - " 'of',\n", - " 'severe',\n", - " 'depression',\n", - " ',',\n", - " '``',\n", - " 'the',\n", - " 'airline',\n", - " 'said',\n", - " 'tuesday',\n", - " '.'],\n", - " ['email',\n", - " 'correspondence',\n", - " 'between',\n", - " 'lubitz',\n", - " 'and',\n", - " 'the',\n", - " 'school',\n", - " 'discovered',\n", - " 'in',\n", - " 'an',\n", - " 'internal',\n", - " 'investigation',\n", - " ',',\n", - " 'lufthansa',\n", - " 'said',\n", - " ',',\n", - " 'included',\n", - " 'medical',\n", - " 'documents',\n", - " 'he',\n", - " 'submitted',\n", - " 'in',\n", - " 'connection',\n", - " 'with',\n", - " 'resuming',\n", - " 'his',\n", - " 'flight',\n", - " 'training',\n", - " '.'],\n", - " ['the',\n", - " 'announcement',\n", - " 'indicates',\n", - " 'that',\n", - " 'lufthansa',\n", - " ',',\n", - " 'the',\n", - " 'parent',\n", - " 'company',\n", - " 'of',\n", - " 'germanwings',\n", - " ',',\n", - " 'knew',\n", - " 'of',\n", - " 'lubitz',\n", - " \"'s\",\n", - " 'battle',\n", - " 'with',\n", - " 'depression',\n", - " ',',\n", - " 'allowed',\n", - " 'him',\n", - " 'to',\n", - " 'continue',\n", - " 'training',\n", - " 'and',\n", - " 'ultimately',\n", - " 'put',\n", - " 'him',\n", - " 'in',\n", - " 'the',\n", - " 'cockpit',\n", - " '.'],\n", - " ['lufthansa',\n", - " ',',\n", - " 'whose',\n", - " 'ceo',\n", - " 'carsten',\n", - " 'spohr',\n", - " 'previously',\n", - " 'said',\n", - " 'lubitz',\n", - " 'was',\n", - " '100',\n", - " '%',\n", - " 'fit',\n", - " 'to',\n", - " 'fly',\n", - " ',',\n", - " 'described',\n", - " 'its',\n", - " 'statement',\n", - " 'tuesday',\n", - " 'as',\n", - " 'a',\n", - " '``',\n", - " 'swift',\n", - " 'and',\n", - " 'seamless',\n", - " 'clarification',\n", - " '``',\n", - " 'and',\n", - " 'said',\n", - " 'it',\n", - " 'was',\n", - " 'sharing',\n", - " 'the',\n", - " 'information',\n", - " 'and',\n", - " 'documents',\n", - " '--',\n", - " 'including',\n", - " 'training',\n", - " 'and',\n", - " 'medical',\n", - " 'records',\n", - " '--',\n", - " 'with',\n", - " 'public',\n", - " 'prosecutors',\n", - " '.'],\n", - " ['spohr',\n", - " 'traveled',\n", - " 'to',\n", - " 'the',\n", - " 'crash',\n", - " 'site',\n", - " 'wednesday',\n", - " ',',\n", - " 'where',\n", - " 'recovery',\n", - " 'teams',\n", - " 'have',\n", - " 'been',\n", - " 'working',\n", - " 'for',\n", - " 'the',\n", - " 'past',\n", - " 'week',\n", - " 'to',\n", - " 'recover',\n", - " 'human',\n", - " 'remains',\n", - " 'and',\n", - " 'plane',\n", - " 'debris',\n", - " 'scattered',\n", - " 'across',\n", - " 'a',\n", - " 'steep',\n", - " 'mountainside',\n", - " '.'],\n", - " ['he',\n", - " 'saw',\n", - " 'the',\n", - " 'crisis',\n", - " 'center',\n", - " 'set',\n", - " 'up',\n", - " 'in',\n", - " 'seyne-les-alpes',\n", - " ',',\n", - " 'laid',\n", - " 'a',\n", - " 'wreath',\n", - " 'in',\n", - " 'the',\n", - " 'village',\n", - " 'of',\n", - " 'le',\n", - " 'vernet',\n", - " ',',\n", - " 'closer',\n", - " 'to',\n", - " 'the',\n", - " 'crash',\n", - " 'site',\n", - " ',',\n", - " 'where',\n", - " 'grieving',\n", - " 'families',\n", - " 'have',\n", - " 'left',\n", - " 'flowers',\n", - " 'at',\n", - " 'a',\n", - " 'simple',\n", - " 'stone',\n", - " 'memorial',\n", - " '.'],\n", - " ['menichini',\n", - " 'told',\n", - " 'cnn',\n", - " 'late',\n", - " 'tuesday',\n", - " 'that',\n", - " 'no',\n", - " 'visible',\n", - " 'human',\n", - " 'remains',\n", - " 'were',\n", - " 'left',\n", - " 'at',\n", - " 'the',\n", - " 'site',\n", - " 'but',\n", - " 'recovery',\n", - " 'teams',\n", - " 'would',\n", - " 'keep',\n", - " 'searching',\n", - " '.'],\n", - " ['french',\n", - " 'president',\n", - " 'francois',\n", - " 'hollande',\n", - " ',',\n", - " 'speaking',\n", - " 'tuesday',\n", - " ',',\n", - " 'said',\n", - " 'that',\n", - " 'it',\n", - " 'should',\n", - " 'be',\n", - " 'possible',\n", - " 'to',\n", - " 'identify',\n", - " 'all',\n", - " 'the',\n", - " 'victims',\n", - " 'using',\n", - " 'dna',\n", - " 'analysis',\n", - " 'by',\n", - " 'the',\n", - " 'end',\n", - " 'of',\n", - " 'the',\n", - " 'week',\n", - " ',',\n", - " 'sooner',\n", - " 'than',\n", - " 'authorities',\n", - " 'had',\n", - " 'previously',\n", - " 'suggested',\n", - " '.'],\n", - " ['in',\n", - " 'the',\n", - " 'meantime',\n", - " ',',\n", - " 'the',\n", - " 'recovery',\n", - " 'of',\n", - " 'the',\n", - " 'victims',\n", - " \"'\",\n", - " 'personal',\n", - " 'belongings',\n", - " 'will',\n", - " 'start',\n", - " 'wednesday',\n", - " ',',\n", - " 'menichini',\n", - " 'said',\n", - " '.'],\n", - " ['among',\n", - " 'those',\n", - " 'personal',\n", - " 'belongings',\n", - " 'could',\n", - " 'be',\n", - " 'more',\n", - " 'cell',\n", - " 'phones',\n", - " 'belonging',\n", - " 'to',\n", - " 'the',\n", - " '144',\n", - " 'passengers',\n", - " 'and',\n", - " 'six',\n", - " 'crew',\n", - " 'on',\n", - " 'board',\n", - " '.'],\n", - " ['check', 'out', 'the', 'latest', 'from', 'our', 'correspondents', '.'],\n", - " ['the',\n", - " 'details',\n", - " 'about',\n", - " 'lubitz',\n", - " \"'s\",\n", - " 'correspondence',\n", - " 'with',\n", - " 'the',\n", - " 'flight',\n", - " 'school',\n", - " 'during',\n", - " 'his',\n", - " 'training',\n", - " 'were',\n", - " 'among',\n", - " 'several',\n", - " 'developments',\n", - " 'as',\n", - " 'investigators',\n", - " 'continued',\n", - " 'to',\n", - " 'delve',\n", - " 'into',\n", - " 'what',\n", - " 'caused',\n", - " 'the',\n", - " 'crash',\n", - " 'and',\n", - " 'lubitz',\n", - " \"'s\",\n", - " 'possible',\n", - " 'motive',\n", - " 'for',\n", - " 'downing',\n", - " 'the',\n", - " 'jet',\n", - " '.'],\n", - " ['a',\n", - " 'lufthansa',\n", - " 'spokesperson',\n", - " 'told',\n", - " 'cnn',\n", - " 'on',\n", - " 'tuesday',\n", - " 'that',\n", - " 'lubitz',\n", - " 'had',\n", - " 'a',\n", - " 'valid',\n", - " 'medical',\n", - " 'certificate',\n", - " ',',\n", - " 'had',\n", - " 'passed',\n", - " 'all',\n", - " 'his',\n", - " 'examinations',\n", - " 'and',\n", - " '``',\n", - " 'held',\n", - " 'all',\n", - " 'the',\n", - " 'licenses',\n", - " 'required',\n", - " '.',\n", - " '``'],\n", - " ['earlier',\n", - " ',',\n", - " 'a',\n", - " 'spokesman',\n", - " 'for',\n", - " 'the',\n", - " 'prosecutor',\n", - " \"'s\",\n", - " 'office',\n", - " 'in',\n", - " 'dusseldorf',\n", - " ',',\n", - " 'christoph',\n", - " 'kumpa',\n", - " ',',\n", - " 'said',\n", - " 'medical',\n", - " 'records',\n", - " 'reveal',\n", - " 'lubitz',\n", - " 'suffered',\n", - " 'from',\n", - " 'suicidal',\n", - " 'tendencies',\n", - " 'at',\n", - " 'some',\n", - " 'point',\n", - " 'before',\n", - " 'his',\n", - " 'aviation',\n", - " 'career',\n", - " 'and',\n", - " 'underwent',\n", - " 'psychotherapy',\n", - " 'before',\n", - " 'he',\n", - " 'got',\n", - " 'his',\n", - " 'pilot',\n", - " \"'s\",\n", - " 'license',\n", - " '.'],\n", - " ['kumpa',\n", - " 'emphasized',\n", - " 'there',\n", - " \"'s\",\n", - " 'no',\n", - " 'evidence',\n", - " 'suggesting',\n", - " 'lubitz',\n", - " 'was',\n", - " 'suicidal',\n", - " 'or',\n", - " 'acting',\n", - " 'aggressively',\n", - " 'before',\n", - " 'the',\n", - " 'crash',\n", - " '.'],\n", - " ['investigators',\n", - " 'are',\n", - " 'looking',\n", - " 'into',\n", - " 'whether',\n", - " 'lubitz',\n", - " 'feared',\n", - " 'his',\n", - " 'medical',\n", - " 'condition',\n", - " 'would',\n", - " 'cause',\n", - " 'him',\n", - " 'to',\n", - " 'lose',\n", - " 'his',\n", - " 'pilot',\n", - " \"'s\",\n", - " 'license',\n", - " ',',\n", - " 'a',\n", - " 'european',\n", - " 'government',\n", - " 'official',\n", - " 'briefed',\n", - " 'on',\n", - " 'the',\n", - " 'investigation',\n", - " 'told',\n", - " 'cnn',\n", - " 'on',\n", - " 'tuesday',\n", - " '.'],\n", - " ['while',\n", - " 'flying',\n", - " 'was',\n", - " '``',\n", - " 'a',\n", - " 'big',\n", - " 'part',\n", - " 'of',\n", - " 'his',\n", - " 'life',\n", - " ',',\n", - " '``',\n", - " 'the',\n", - " 'source',\n", - " 'said',\n", - " ',',\n", - " 'it',\n", - " \"'s\",\n", - " 'only',\n", - " 'one',\n", - " 'theory',\n", - " 'being',\n", - " 'considered',\n", - " '.'],\n", - " ['another',\n", - " 'source',\n", - " ',',\n", - " 'a',\n", - " 'law',\n", - " 'enforcement',\n", - " 'official',\n", - " 'briefed',\n", - " 'on',\n", - " 'the',\n", - " 'investigation',\n", - " ',',\n", - " 'also',\n", - " 'told',\n", - " 'cnn',\n", - " 'that',\n", - " 'authorities',\n", - " 'believe',\n", - " 'the',\n", - " 'primary',\n", - " 'motive',\n", - " 'for',\n", - " 'lubitz',\n", - " 'to',\n", - " 'bring',\n", - " 'down',\n", - " 'the',\n", - " 'plane',\n", - " 'was',\n", - " 'that',\n", - " 'he',\n", - " 'feared',\n", - " 'he',\n", - " 'would',\n", - " 'not',\n", - " 'be',\n", - " 'allowed',\n", - " 'to',\n", - " 'fly',\n", - " 'because',\n", - " 'of',\n", - " 'his',\n", - " 'medical',\n", - " 'problems',\n", - " '.'],\n", - " ['lubitz',\n", - " \"'s\",\n", - " 'girlfriend',\n", - " 'told',\n", - " 'investigators',\n", - " 'he',\n", - " 'had',\n", - " 'seen',\n", - " 'an',\n", - " 'eye',\n", - " 'doctor',\n", - " 'and',\n", - " 'a',\n", - " 'neuropsychologist',\n", - " ',',\n", - " 'both',\n", - " 'of',\n", - " 'whom',\n", - " 'deemed',\n", - " 'him',\n", - " 'unfit',\n", - " 'to',\n", - " 'work',\n", - " 'recently',\n", - " 'and',\n", - " 'concluded',\n", - " 'he',\n", - " 'had',\n", - " 'psychological',\n", - " 'issues',\n", - " ',',\n", - " 'the',\n", - " 'european',\n", - " 'government',\n", - " 'official',\n", - " 'said',\n", - " '.'],\n", - " ['but',\n", - " 'no',\n", - " 'matter',\n", - " 'what',\n", - " 'details',\n", - " 'emerge',\n", - " 'about',\n", - " 'his',\n", - " 'previous',\n", - " 'mental',\n", - " 'health',\n", - " 'struggles',\n", - " ',',\n", - " 'there',\n", - " \"'s\",\n", - " 'more',\n", - " 'to',\n", - " 'the',\n", - " 'story',\n", - " ',',\n", - " 'said',\n", - " 'brian',\n", - " 'russell',\n", - " ',',\n", - " 'a',\n", - " 'forensic',\n", - " 'psychologist',\n", - " '.',\n", - " '``'],\n", - " ['psychology',\n", - " 'can',\n", - " 'explain',\n", - " 'why',\n", - " 'somebody',\n", - " 'would',\n", - " 'turn',\n", - " 'rage',\n", - " 'inward',\n", - " 'on',\n", - " 'themselves',\n", - " 'about',\n", - " 'the',\n", - " 'fact',\n", - " 'that',\n", - " 'maybe',\n", - " 'they',\n", - " 'were',\n", - " \"n't\",\n", - " 'going',\n", - " 'to',\n", - " 'keep',\n", - " 'doing',\n", - " 'their',\n", - " 'job',\n", - " 'and',\n", - " 'they',\n", - " \"'re\",\n", - " 'upset',\n", - " 'about',\n", - " 'that',\n", - " 'and',\n", - " 'so',\n", - " 'they',\n", - " \"'re\",\n", - " 'suicidal',\n", - " ',',\n", - " '``',\n", - " 'he',\n", - " 'said',\n", - " '.',\n", - " '``'],\n", - " ['but',\n", - " 'there',\n", - " 'is',\n", - " 'no',\n", - " 'mental',\n", - " 'illness',\n", - " 'that',\n", - " 'explains',\n", - " 'why',\n", - " 'somebody',\n", - " 'then',\n", - " 'feels',\n", - " 'entitled',\n", - " 'to',\n", - " 'also',\n", - " 'take',\n", - " 'that',\n", - " 'rage',\n", - " 'and',\n", - " 'turn',\n", - " 'it',\n", - " 'outward',\n", - " 'on',\n", - " '149',\n", - " 'other',\n", - " 'people',\n", - " 'who',\n", - " 'had',\n", - " 'nothing',\n", - " 'to',\n", - " 'do',\n", - " 'with',\n", - " 'the',\n", - " 'person',\n", - " \"'s\",\n", - " 'problems',\n", - " '.',\n", - " '``'],\n", - " ['germanwings', 'crash', 'compensation', ':', 'what', 'we', 'know', '.'],\n", - " ['who', 'was', 'the', 'captain', 'of', 'germanwings', 'flight', '9525', '?'],\n", - " ['cnn',\n", - " \"'s\",\n", - " 'margot',\n", - " 'haddad',\n", - " 'reported',\n", - " 'from',\n", - " 'marseille',\n", - " 'and',\n", - " 'pamela',\n", - " 'brown',\n", - " 'from',\n", - " 'dusseldorf',\n", - " ',',\n", - " 'while',\n", - " 'laura',\n", - " 'smith-spark',\n", - " 'wrote',\n", - " 'from',\n", - " 'london',\n", - " '.'],\n", - " ['cnn',\n", - " \"'s\",\n", - " 'frederik',\n", - " 'pleitgen',\n", - " ',',\n", - " 'pamela',\n", - " 'boykoff',\n", - " ',',\n", - " 'antonia',\n", - " 'mortensen',\n", - " ',',\n", - " 'sandrine',\n", - " 'amiel',\n", - " 'and',\n", - " 'anna-maja',\n", - " 'rappard',\n", - " 'contributed',\n", - " 'to',\n", - " 'this',\n", - " 'report',\n", - " '.']]" - ] - }, - "execution_count": 5, - "metadata": {}, - "output_type": "execute_result" } ], "source": [ - "#\"\"\"\n", - "from utils_nlp.dataset.cnndm import CNNDMSummarization\n", + "# dependencies for ROUGE-1.5.5.pl\n", + "!sudo apt-get update\n", + "!sudo apt-get install expat\n", + "!sudo apt-get install libexpat-dev -y" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Run the following command in your terminal to install pre-requiste for using pyrouge.\n", + "1. sudo cpan install XML::Parser\n", + "1. sudo cpan install XML::Parser::PerlSAX\n", + "1. sudo cpan install XML::DOM\n", "\n", - "train_dataset, test_dataset = CNNDMSummarization(top_n=5)\n", + "Download ROUGE-1.5.5 from https://github.com/andersjo/pyrouge/tree/master/tools/ROUGE-1.5.5.\n", + "Run the following command in your terminal.\n", + "* pyrouge_set_rouge_path $ABSOLUTE_DIRECTORY_TO_ROUGE-1.5.5.pl" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Data Preprossing\n", "\n", - "len(train_dataset)\n", + "The dataset we used for this notebook is CNN/DM dataset which contains the documents and accompanying questions from the news articles of CNN and Daily mail. The highlights in each article are used as summary. The dataset consits of ~289K training examples, ~11K valiation and ~11K test dataset. You can choose the [Option 1] below preprocess the data or [Option 2] to use the preprocessed version at [BERTSum published example](https://github.com/nlpyang/BertSum/). You don't need to manually download any of these two data sets as the code below will handle this part. Since it takes up to 28 hours to preprocess the training data to run on 10 Intel(R) Xeon(R) CPU E5-2690 v3 @ 2.60GHz, we suggest you continue with set as True first and experiment with data preprocessing with QUICKRUN set as True.\n", "\n", - "len(test_dataset)\n", + "##### Details of Data Preprocessing\n", "\n", - "test_dataset[0]\n", - "#\"\"\"" + "The purpose of preprocessing is to process the input articles to the format that BertSum takes. Functions defined specific in harvardnlp_cnndm_preprocess function are unique to CNN/DM dataset that's processed by harvardnlp. However, it provides a skeleton of how to preprocessing data into the format that BertSum takes. Assuming you have all articles and target summery each in a file, line-breaker seperated, the steps to preprocess the data are:\n", + "1. sentence tokenization\n", + "2. word tokenization\n", + "3. label the sentences in the article with 1 meaning the sentence is selected and 0 meaning the sentence is not selected. The options for the selection algorithms are \"greedy\" and \"combination\"\n", + "3. convert each example to BertSum format\n", + " - filter the sentences in the example based on the min_src_ntokens argument. If the lefted total sentence number is less than min_nsents, the example is discarded.\n", + " - truncate the sentences in the example if the length is greater than max_src_ntokens\n", + " - truncate the sentences in the example and the labels if the totle number of sentences is greater than max_nsents\n", + " - [CLS] and [SEP] are inserted before and after each sentence\n", + " - wordPiece tokenization\n", + " - truncate the example to 512 tokens\n", + " - convert the tokens into token indices corresponding to the BERT tokenizer's vocabulary.\n", + " - segment ids are generated\n", + " - [CLS] token positions are logged\n", + " - [CLS] token labels are truncated if it's greater than 512, which is the maximum input length that can be taken by the BERT model.\n", + " \n", + " \n", + "Note that the original BERTSum paper use Stanford CoreNLP for data proprocessing, here we'll first how to use NLTK version, and then we also provide instruction of how to set up Stanford NLP and code examples of how to use Standford CoreNLP. " ] }, { - "cell_type": "code", - "execution_count": 6, + "cell_type": "markdown", "metadata": {}, + "source": [ + "##### [Option 1] Preprocess data\n", + "The code in following cell will download the CNN/DM dataset listed at https://github.com/harvardnlp/sent-summary/." + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": { + "scrolled": true + }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1028 19:36:39.891576 139886807013184 file_utils.py:39] PyTorch version 1.2.0 available.\n", - "I1028 19:36:39.924971 139886807013184 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1028 19:36:39.943137 139886807013184 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" + "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", + "[nltk_data] Package punkt is already up-to-date!\n", + "I1030 19:42:44.432886 140491949197120 file_utils.py:39] PyTorch version 1.2.0 available.\n", + "I1030 19:42:44.466703 140491949197120 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1030 19:42:44.483136 140491949197120 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1030 19:42:44.489104 140491949197120 utils.py:173] Opening tar file .data/cnndm.tar.gz.\n", + "I1030 19:42:44.490219 140491949197120 utils.py:181] .data/test.txt.src already extracted.\n", + "I1030 19:42:44.778111 140491949197120 utils.py:181] .data/test.txt.tgt.tagged already extracted.\n", + "I1030 19:42:44.804572 140491949197120 utils.py:181] .data/train.txt.src already extracted.\n", + "I1030 19:42:52.298821 140491949197120 utils.py:181] .data/train.txt.tgt.tagged already extracted.\n", + "I1030 19:42:52.910166 140491949197120 utils.py:181] .data/val.txt.src already extracted.\n", + "I1030 19:42:53.247699 140491949197120 utils.py:181] .data/val.txt.tgt.tagged already extracted.\n" ] } ], "source": [ - "from utils_nlp.models.transformers.extractive_summarization import ExtSumProcessor, ExtractiveSummarizer" + "if QUICK_RUN:\n", + " top_n = 100\n", + "from utils_nlp.dataset.cnndm import CNNDMSummarization\n", + "\n", + "train_dataset, test_dataset = CNNDMSummarization(top_n=top_n)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Preprocess the data and save the data to disk." ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 9, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1028 19:36:40.130957 139886807013184 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-vocab.txt from cache at ./5e8a2b4893d13790ed4150ca1906be5f7a03d6c4ddf62296c383f6db42814db2.e13dbb970cb325137104fb2e5f36fe865f27746c6b526f6352861b1980eb80b1\n" + "I1030 19:42:54.824942 140491949197120 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" ] } ], "source": [ - "processor = ExtSumProcessor()" + "from utils_nlp.models.transformers.extractive_summarization import ExtSumProcessor\n", + "\n", + "processor = ExtSumProcessor(model_name=\"distilbert-base-uncased\")\n", + "ext_sum_train = processor.preprocess(train_dataset, train_dataset.get_target())\n", + "ext_sum_test = processor.preprocess(test_dataset, test_dataset.get_target())" ] }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 10, "metadata": {}, "outputs": [], "source": [ - "#\"\"\"\n", - "ext_sum_train = processor.preprocess(list(train_dataset), list(train_dataset.get_target()))\n", - "\n", - "ext_sum_test = processor.preprocess(list(test_dataset), list(test_dataset.get_target()))\n", - "\n", - "#type(ext_sum_train)\n", - "#\"\"\"" + "data_path = \"./temp_data4/\"" ] }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 11, "metadata": {}, "outputs": [], "source": [ - "import glob\n", - "BERT_DATA_PATH = BERT_DATA_PATH=\"./bert_data/\"\n", - "pts = sorted(glob.glob(BERT_DATA_PATH + 'cnndm.train' + '.[0-9]*.pt'))" + "!mkdir -p $data_path" ] }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 12, + "metadata": {}, + "outputs": [], + "source": [ + "from utils_nlp.dataset.cnndm import CNNDMBertSumProcessedData\n", + "\n", + "train_files = CNNDMBertSumProcessedData.save_data(\n", + " ext_sum_train, is_test=False, path_and_prefix=data_path, chunk_size=25\n", + ")\n", + "test_files = CNNDMBertSumProcessedData.save_data(\n", + " ext_sum_test, is_test=True, path_and_prefix=data_path, chunk_size=None\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 13, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "['./bert_data/cnndm.train.0.bert.pt', './bert_data/cnndm.train.1.bert.pt']" + "['./temp_data4/_0_train',\n", + " './temp_data4/_1_train',\n", + " './temp_data4/_2_train',\n", + " './temp_data4/_3_train']" ] }, - "execution_count": 10, + "execution_count": 13, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "pts[0:2]" + "train_files" ] }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['./temp_data4/_0_test']" + ] + }, + "execution_count": 14, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "test_files" + ] + }, + { + "cell_type": "code", + "execution_count": 15, "metadata": {}, "outputs": [], + "source": [ + "train_iter, test_iter = CNNDMBertSumProcessedData().splits(root=data_path)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "##### [Option 2] Reuse Preprocess data" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "I1030 19:42:57.929424 140491949197120 utils.py:88] Downloading from Google Drive; may take a few minutes\n", + "I1030 19:42:58.700399 140491949197120 utils.py:60] File ./temp_data5/bertsum_data.zip already exists.\n" + ] + } + ], + "source": [ + "if USE_PREPROCESSED_DATA:\n", + " data_path = \"./temp_data5/\"\n", + " if not os.path.exists(data_path):\n", + " os.mkdir(data_path)\n", + " CNNDMBertSumProcessedData.download(local_path=data_path)\n", + " train_iter, test_iter = CNNDMBertSumProcessedData().splits(root=data_path)\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 17, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "train_iter" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Inspect Data" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['./temp_data4/_0_train',\n", + " './temp_data4/_1_train',\n", + " './temp_data4/_2_train',\n", + " './temp_data4/_3_train']" + ] + }, + "execution_count": 18, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "train_files" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "25\n" + ] + }, + { + "data": { + "text/plain": [ + "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" + ] + }, + "execution_count": 19, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ "import torch\n", - "def get_dataset(file_list):\n", - " #random.shuffle(file_list)\n", - " for file in file_list:\n", - " yield torch.load(file)" + "bert_format_data = torch.load(train_files[0])\n", + "print(len(bert_format_data))\n", + "bert_format_data[0].keys()\n" ] }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 20, "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "text/plain": [ + "[0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]" + ] + }, + "execution_count": 20, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ - "from bertsum.models.data_loader import DataIterator\n", - "from bertsum.models import model_builder, data_loader\n", - "class Bunch(object):\n", - " \"\"\" Class which convert a dictionary to an object \"\"\"\n", - "\n", - " def __init__(self, adict):\n", - " self.__dict__.update(adict)\n", - "def get_data_loader(data_files, device, is_labeled=False, batch_size=3000):\n", - " \"\"\"\n", - " Function to get data iterator over a list of data objects.\n", - "\n", - " Args:\n", - " dataset (list of objects): a list of data objects.\n", - " is_test (bool): it specifies whether the data objects are labeled data.\n", - " batch_size (int): number of tokens per batch.\n", - " \n", - " Returns:\n", - " DataIterator\n", + "bert_format_data[0]['labels']" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Model training\n", + "To start model training, we need to create a instance of ExtractiveSummarizer.\n", + "#### Choose the transformer model.\n", + "Currently ExtractiveSummarizer support two models:\n", + "- distilbert-base-uncase, \n", + "- bert-base-uncase\n", "\n", - " \"\"\"\n", - " args = Bunch({})\n", - " args.use_interval = True\n", - " args.batch_size = batch_size\n", - " data_iter = None\n", - " data_iter = data_loader.Dataloader(args, get_dataset(data_files), args.batch_size,device, shuffle=False, is_test=is_labeled)\n", - " return data_iter" + "Potentionally, roberta-based model and xlnet can be supported but needs to be tested.\n", + "#### Choose the encoder algorithm.\n", + "There are four options:\n", + "- baseline: it used a smaller transformer model to replace the bert model and with transformer summarization layer\n", + "- classifier: it uses pretrained BERT and fine-tune BERT with **simple logistic classification** summarization layer\n", + "- transformer: it uses pretrained BERT and fine-tune BERT with **transformer** summarization layer\n", + "- RNN: it uses pretrained BERT and fine-tune BERT with **LSTM** summarization layer" ] }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 21, "metadata": {}, "outputs": [], "source": [ - "device = torch.device(\"cuda:{}\".format(0)) \n", - "def train_iter_func():\n", - " return get_data_loader(pts, device, is_labeled=True)" + "# notebook parameters\n", + "DATA_FOLDER = \"./temp\"\n", + "CACHE_DIR = \"./temp\"\n", + "DEVICE = \"cuda\"\n", + "BATCH_SIZE = 3000\n", + "NUM_GPUS = 1\n", + "encoder = \"transformer\"\n", + "model_name = \"distilbert-base-uncased\"" ] }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 22, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1028 19:36:40.696836 139886807013184 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1028 19:36:40.697976 139886807013184 configuration_utils.py:168] Model config {\n", + "I1030 19:43:17.238647 140491949197120 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./temp/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1030 19:43:17.239963 140491949197120 configuration_utils.py:168] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -1532,177 +588,135 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1028 19:36:40.822206 139886807013184 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I1030 19:43:17.363380 140491949197120 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./temp/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], "source": [ - "from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig\n", - "summarizer = None\n", - "summarizer = ExtractiveSummarizer()" + "from utils_nlp.models.transformers.extractive_summarization import ExtractiveSummarizer\n", + "summarizer = ExtractiveSummarizer(model_name, encoder, CACHE_DIR)" ] }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 23, "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['./temp_data4/_0_train',\n", + " './temp_data4/_1_train',\n", + " './temp_data4/_2_train',\n", + " './temp_data4/_3_train']" + ] + }, + "execution_count": 23, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "train_files" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": { + "scrolled": true + }, "outputs": [], "source": [ - "# notebook parameters\n", - "DATA_FOLDER = \"./temp\"\n", - "CACHE_DIR = \"./temp\"\n", - "DEVICE = \"cuda\"\n", - "NUM_EPOCHS = 1\n", - "BATCH_SIZE = 64\n", - "NUM_GPUS = 1\n", - "MAX_LEN = 150" + "from utils_nlp.models.transformers.extractive_summarization import get_dataset, get_dataloader" ] }, { "cell_type": "code", - "execution_count": 16, + "execution_count": null, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "0\n", - "loss: 0.434776, time: 0.33, step 0.000000 out of total 10000.000000\n", - "loss: 52.902908, time: 11.08, step 100.000000 out of total 10000.000000\n", - "loss: 38.612158, time: 11.01, step 200.000000 out of total 10000.000000\n", - "loss: 35.420277, time: 11.03, step 300.000000 out of total 10000.000000\n", - "loss: 34.828366, time: 11.95, step 400.000000 out of total 10000.000000\n", - "loss: 34.409282, time: 11.49, step 500.000000 out of total 10000.000000\n", - "loss: 33.686915, time: 11.44, step 600.000000 out of total 10000.000000\n", - "loss: 33.543083, time: 11.21, step 700.000000 out of total 10000.000000\n", - "loss: 33.193735, time: 11.82, step 800.000000 out of total 10000.000000\n", - "loss: 32.814421, time: 11.23, step 900.000000 out of total 10000.000000\n", - "loss: 32.306093, time: 11.26, step 1000.000000 out of total 10000.000000\n", - "loss: 32.094086, time: 11.12, step 1100.000000 out of total 10000.000000\n", - "loss: 33.199048, time: 11.75, step 1200.000000 out of total 10000.000000\n", - "loss: 31.443077, time: 11.44, step 1300.000000 out of total 10000.000000\n", - "loss: 31.991770, time: 11.31, step 1400.000000 out of total 10000.000000\n", - "loss: 31.662769, time: 11.10, step 1500.000000 out of total 10000.000000\n", - "loss: 31.764520, time: 11.67, step 1600.000000 out of total 10000.000000\n", - "loss: 31.710532, time: 11.08, step 1700.000000 out of total 10000.000000\n", - "loss: 31.700363, time: 11.01, step 1800.000000 out of total 10000.000000\n", - "loss: 31.749142, time: 11.17, step 1900.000000 out of total 10000.000000\n", - "loss: 31.710789, time: 11.73, step 2000.000000 out of total 10000.000000\n", - "loss: 32.272130, time: 11.49, step 2100.000000 out of total 10000.000000\n", - "loss: 32.114992, time: 11.46, step 2200.000000 out of total 10000.000000\n", - "loss: 32.081605, time: 11.38, step 2300.000000 out of total 10000.000000\n", - "loss: 32.550155, time: 11.64, step 2400.000000 out of total 10000.000000\n", - "loss: 32.364637, time: 11.14, step 2500.000000 out of total 10000.000000\n", - "loss: 30.473291, time: 11.19, step 2600.000000 out of total 10000.000000\n", - "loss: 31.429663, time: 11.13, step 2700.000000 out of total 10000.000000\n", - "loss: 30.424942, time: 11.40, step 2800.000000 out of total 10000.000000\n", - "loss: 31.258406, time: 11.07, step 2900.000000 out of total 10000.000000\n", - "loss: 30.718246, time: 11.19, step 3000.000000 out of total 10000.000000\n", - "loss: 31.152926, time: 11.18, step 3100.000000 out of total 10000.000000\n", - "loss: 31.191213, time: 11.39, step 3200.000000 out of total 10000.000000\n", - "loss: 31.664712, time: 10.99, step 3300.000000 out of total 10000.000000\n", - "loss: 31.407538, time: 11.03, step 3400.000000 out of total 10000.000000\n", - "loss: 30.724196, time: 11.00, step 3500.000000 out of total 10000.000000\n", - "loss: 30.603053, time: 11.29, step 3600.000000 out of total 10000.000000\n", - "loss: 31.262879, time: 10.96, step 3700.000000 out of total 10000.000000\n", - "loss: 30.602100, time: 11.02, step 3800.000000 out of total 10000.000000\n", - "loss: 30.812468, time: 11.03, step 3900.000000 out of total 10000.000000\n", - "loss: 30.118705, time: 11.28, step 4000.000000 out of total 10000.000000\n", - "loss: 30.472731, time: 10.94, step 4100.000000 out of total 10000.000000\n", - "loss: 30.939562, time: 10.99, step 4200.000000 out of total 10000.000000\n", - "loss: 29.950871, time: 10.91, step 4300.000000 out of total 10000.000000\n", - "loss: 31.281369, time: 11.34, step 4400.000000 out of total 10000.000000\n", - "loss: 29.662618, time: 10.91, step 4500.000000 out of total 10000.000000\n", - "loss: 30.060169, time: 11.00, step 4600.000000 out of total 10000.000000\n", - "loss: 29.785620, time: 11.03, step 4700.000000 out of total 10000.000000\n", - "loss: 30.156811, time: 11.47, step 4800.000000 out of total 10000.000000\n", - "loss: 29.637551, time: 11.01, step 4900.000000 out of total 10000.000000\n", - "loss: 30.674142, time: 11.39, step 5000.000000 out of total 10000.000000\n", - "loss: 28.572815, time: 11.27, step 5100.000000 out of total 10000.000000\n", - "loss: 29.803984, time: 11.50, step 5200.000000 out of total 10000.000000\n", - "loss: 29.971485, time: 11.08, step 5300.000000 out of total 10000.000000\n", - "loss: 29.791215, time: 11.24, step 5400.000000 out of total 10000.000000\n", - "loss: 29.964834, time: 11.38, step 5500.000000 out of total 10000.000000\n", - "loss: 30.322712, time: 11.75, step 5600.000000 out of total 10000.000000\n", - "loss: 29.500406, time: 11.32, step 5700.000000 out of total 10000.000000\n", - "loss: 29.795636, time: 11.30, step 5800.000000 out of total 10000.000000\n", - "loss: 29.980351, time: 11.26, step 5900.000000 out of total 10000.000000\n", - "loss: 29.034165, time: 11.56, step 6000.000000 out of total 10000.000000\n", - "loss: 29.320281, time: 11.05, step 6100.000000 out of total 10000.000000\n", - "loss: 28.547546, time: 11.13, step 6200.000000 out of total 10000.000000\n", - "loss: 28.926620, time: 11.10, step 6300.000000 out of total 10000.000000\n", - "loss: 29.557800, time: 11.63, step 6400.000000 out of total 10000.000000\n", - "loss: 29.143100, time: 11.11, step 6500.000000 out of total 10000.000000\n", - "loss: 29.671277, time: 11.02, step 6600.000000 out of total 10000.000000\n", - "loss: 30.009365, time: 11.08, step 6700.000000 out of total 10000.000000\n", - "loss: 28.840488, time: 11.41, step 6800.000000 out of total 10000.000000\n", - "loss: 28.830560, time: 11.03, step 6900.000000 out of total 10000.000000\n", - "loss: 29.287735, time: 11.09, step 7000.000000 out of total 10000.000000\n", - "loss: 30.114177, time: 11.15, step 7100.000000 out of total 10000.000000\n", - "loss: 28.591488, time: 11.58, step 7200.000000 out of total 10000.000000\n", - "loss: 29.200069, time: 11.10, step 7300.000000 out of total 10000.000000\n", - "loss: 29.515540, time: 11.08, step 7400.000000 out of total 10000.000000\n", - "loss: 29.605279, time: 11.07, step 7500.000000 out of total 10000.000000\n", - "loss: 28.578301, time: 11.50, step 7600.000000 out of total 10000.000000\n", - "loss: 28.892440, time: 11.09, step 7700.000000 out of total 10000.000000\n", - "loss: 28.933030, time: 10.96, step 7800.000000 out of total 10000.000000\n", - "loss: 28.665656, time: 11.05, step 7900.000000 out of total 10000.000000\n", - "loss: 29.566401, time: 11.80, step 8000.000000 out of total 10000.000000\n", - "loss: 28.564517, time: 11.21, step 8100.000000 out of total 10000.000000\n", - "loss: 28.593431, time: 11.01, step 8200.000000 out of total 10000.000000\n", - "loss: 28.926263, time: 11.04, step 8300.000000 out of total 10000.000000\n", - "loss: 28.860379, time: 11.44, step 8400.000000 out of total 10000.000000\n", - "loss: 30.003897, time: 11.05, step 8500.000000 out of total 10000.000000\n", - "loss: 29.035807, time: 11.06, step 8600.000000 out of total 10000.000000\n", - "loss: 29.180781, time: 10.97, step 8700.000000 out of total 10000.000000\n", - "loss: 28.666833, time: 11.44, step 8800.000000 out of total 10000.000000\n", - "loss: 28.866304, time: 11.06, step 8900.000000 out of total 10000.000000\n", - "loss: 27.299687, time: 10.98, step 9000.000000 out of total 10000.000000\n", - "loss: 29.205652, time: 10.99, step 9100.000000 out of total 10000.000000\n", - "loss: 29.167503, time: 11.35, step 9200.000000 out of total 10000.000000\n", - "loss: 28.922509, time: 11.05, step 9300.000000 out of total 10000.000000\n", - "loss: 28.488780, time: 11.10, step 9400.000000 out of total 10000.000000\n", - "loss: 28.075319, time: 10.97, step 9500.000000 out of total 10000.000000\n", - "loss: 28.700666, time: 11.36, step 9600.000000 out of total 10000.000000\n", - "loss: 29.089914, time: 11.04, step 9700.000000 out of total 10000.000000\n", - "loss: 29.031871, time: 10.99, step 9800.000000 out of total 10000.000000\n", - "loss: 28.807646, time: 11.04, step 9900.000000 out of total 10000.000000\n", - "loss: 28.629186, time: 11.33, step 10000.000000 out of total 10000.000000\n" + "cuda\n", + "loss: 80.055855, time: 21.066953, examples number: 5.000000, step 100.000000 out of total 10000.000000\n", + "loss: 0.210719, time: 0.097609, examples number: 5.000000, step 100.000000 out of total 10000.000000\n", + "loss: 37.006704, time: 21.019811, examples number: 7.000000, step 200.000000 out of total 10000.000000\n", + "loss: 0.189547, time: 0.085794, examples number: 6.000000, step 200.000000 out of total 10000.000000\n", + "loss: 34.051729, time: 20.893883, examples number: 5.000000, step 300.000000 out of total 10000.000000\n", + "loss: 0.154256, time: 0.098439, examples number: 5.000000, step 300.000000 out of total 10000.000000\n", + "loss: 33.769536, time: 21.259850, examples number: 5.000000, step 400.000000 out of total 10000.000000\n", + "loss: 0.194510, time: 0.098374, examples number: 5.000000, step 400.000000 out of total 10000.000000\n", + "loss: 33.363134, time: 20.839859, examples number: 5.000000, step 500.000000 out of total 10000.000000\n", + "loss: 0.127341, time: 0.104356, examples number: 5.000000, step 500.000000 out of total 10000.000000\n", + "loss: 32.484810, time: 21.217096, examples number: 5.000000, step 600.000000 out of total 10000.000000\n", + "loss: 0.158462, time: 0.099393, examples number: 5.000000, step 600.000000 out of total 10000.000000\n", + "loss: 32.207327, time: 20.770870, examples number: 5.000000, step 700.000000 out of total 10000.000000\n", + "loss: 0.139624, time: 0.098159, examples number: 5.000000, step 700.000000 out of total 10000.000000\n", + "loss: 31.975883, time: 21.158446, examples number: 5.000000, step 800.000000 out of total 10000.000000\n", + "loss: 0.126678, time: 0.097939, examples number: 5.000000, step 800.000000 out of total 10000.000000\n", + "loss: 31.714358, time: 20.730140, examples number: 5.000000, step 900.000000 out of total 10000.000000\n", + "loss: 0.136615, time: 0.098182, examples number: 5.000000, step 900.000000 out of total 10000.000000\n", + "loss: 32.101234, time: 20.998002, examples number: 5.000000, step 1000.000000 out of total 10000.000000\n", + "loss: 0.146306, time: 0.099846, examples number: 5.000000, step 1000.000000 out of total 10000.000000\n", + "loss: 31.611188, time: 20.601194, examples number: 5.000000, step 1100.000000 out of total 10000.000000\n", + "loss: 0.117829, time: 0.097640, examples number: 5.000000, step 1100.000000 out of total 10000.000000\n", + "loss: 31.863980, time: 20.959873, examples number: 5.000000, step 1200.000000 out of total 10000.000000\n", + "loss: 0.152569, time: 0.097665, examples number: 5.000000, step 1200.000000 out of total 10000.000000\n" ] } ], "source": [ "### from utils_nlp.common.timer import Timer\n", - "\n", - " summarizer.fit(\n", - " train_iter_func,\n", + "#\"\"\"\n", + "summarizer.fit(\n", + " train_iter,\n", " device= DEVICE,\n", - " num_epochs=NUM_EPOCHS,\n", - " batch_size=BATCH_SIZE,\n", + " batch_size=3000,\n", " num_gpus=NUM_GPUS,\n", + " gradient_accumulation_steps=2,\n", " max_steps=1e4,\n", - " learning_rate=1e-4,\n", + " lr=2e-3,\n", " warmup_steps=1e4*0.5,\n", " verbose=True,\n", " report_every=100,\n", " )\n", - " \n", - " \n" + "#\"\"\"" ] }, { "cell_type": "code", - "execution_count": 17, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "torch.save(summarizer.model, \"cnndm_transformersum_distilbert-base-uncased_bertsum_processed_data.pt\")" + "torch.save(summarizer.model, \"cnndm_transformersum_bert-base-uncased_bertsum_processed_data.pt\")" ] }, { "cell_type": "code", - "execution_count": 24, + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "summarizer.model = torch.load(\"cnndm_transformersum_distilbert-base-uncased_bertsum_processed_data.pt\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Model Evaluation\n", + "\n", + "[ROUGE](https://en.wikipedia.org/wiki/ROUGE_(metric)), or Recall-Oriented Understudy for Gisting Evaluation has been commonly used for evaluation text summarization." + ] + }, + { + "cell_type": "code", + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1718,7 +732,7 @@ }, { "cell_type": "code", - "execution_count": 25, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1728,7 +742,7 @@ }, { "cell_type": "code", - "execution_count": 26, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1737,62 +751,14 @@ }, { "cell_type": "code", - "execution_count": 27, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "11489\n", - "11489\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-10-28 20:05:12,147 [MainThread ] [INFO ] Writing summaries.\n", - "I1028 20:05:12.147566 139886807013184 pyrouge.py:525] Writing summaries.\n", - "2019-10-28 20:05:12,149 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpnapu1ceb/system and model files to ./results/tmpnapu1ceb/model.\n", - "I1028 20:05:12.149479 139886807013184 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpnapu1ceb/system and model files to ./results/tmpnapu1ceb/model.\n", - "2019-10-28 20:05:12,150 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-28-20-05-11/candidate/.\n", - "I1028 20:05:12.150503 139886807013184 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-10-28-20-05-11/candidate/.\n", - "2019-10-28 20:05:13,204 [MainThread ] [INFO ] Saved processed files to ./results/tmpnapu1ceb/system.\n", - "I1028 20:05:13.204638 139886807013184 pyrouge.py:53] Saved processed files to ./results/tmpnapu1ceb/system.\n", - "2019-10-28 20:05:13,206 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-28-20-05-11/reference/.\n", - "I1028 20:05:13.206232 139886807013184 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-10-28-20-05-11/reference/.\n", - "2019-10-28 20:05:14,254 [MainThread ] [INFO ] Saved processed files to ./results/tmpnapu1ceb/model.\n", - "I1028 20:05:14.254149 139886807013184 pyrouge.py:53] Saved processed files to ./results/tmpnapu1ceb/model.\n", - "2019-10-28 20:05:14,614 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmph6tt42ke/rouge_conf.xml\n", - "I1028 20:05:14.614730 139886807013184 pyrouge.py:354] Written ROUGE configuration to ./results/tmph6tt42ke/rouge_conf.xml\n", - "2019-10-28 20:05:14,616 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmph6tt42ke/rouge_conf.xml\n", - "I1028 20:05:14.616016 139886807013184 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmph6tt42ke/rouge_conf.xml\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.53918 (95%-conf.int. 0.53643 - 0.54191)\n", - "1 ROUGE-1 Average_P: 0.36463 (95%-conf.int. 0.36234 - 0.36693)\n", - "1 ROUGE-1 Average_F: 0.42091 (95%-conf.int. 0.41880 - 0.42302)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.24454 (95%-conf.int. 0.24200 - 0.24735)\n", - "1 ROUGE-2 Average_P: 0.16532 (95%-conf.int. 0.16341 - 0.16740)\n", - "1 ROUGE-2 Average_F: 0.19061 (95%-conf.int. 0.18852 - 0.19274)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.49144 (95%-conf.int. 0.48881 - 0.49416)\n", - "1 ROUGE-L Average_P: 0.33284 (95%-conf.int. 0.33057 - 0.33513)\n", - "1 ROUGE-L Average_F: 0.38398 (95%-conf.int. 0.38192 - 0.38601)\n", - "\n" - ] - } - ], + "execution_count": null, + "metadata": { + "scrolled": true + }, + "outputs": [], "source": [ "from utils_nlp.eval.evaluate_summarization import get_rouge\n", - "rouge_baseline = get_rouge(prediction, target, \"./results/\")" + "rouge_transformer = get_rouge(prediction, target, \"./results/\")" ] }, { @@ -1800,54 +766,18 @@ "execution_count": null, "metadata": {}, "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 22, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .'" - ] - }, - "execution_count": 22, - "metadata": {}, - "output_type": "execute_result" - } - ], "source": [ "prediction[0]" ] }, { "cell_type": "code", - "execution_count": 23, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" - ] - }, - "execution_count": 23, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "test_dataset[0]['tgt_txt']" ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [] } ], "metadata": { diff --git a/utils_nlp/dataset/cnndm.py b/utils_nlp/dataset/cnndm.py index bfe28b9f4..0fd799abc 100644 --- a/utils_nlp/dataset/cnndm.py +++ b/utils_nlp/dataset/cnndm.py @@ -1,5 +1,6 @@ import torch from torchtext.utils import extract_archive +import torchtext from utils_nlp.dataset.url_utils import maybe_download import regex as re @@ -18,8 +19,10 @@ from torchtext.utils import download_from_url, extract_archive import zipfile import glob -import path +from os.path import isfile, join +from utils_nlp.models.transformers.extractive_summarization import get_dataset, get_dataloader +#https://torchtext.readthedocs.io/en/latest/datasets.html#sentiment-analysis def _line_iter(file_path): with open(file_path, "r", encoding="utf8") as fd: for line in fd: @@ -151,8 +154,7 @@ def _setup_datasets(url, top_n=-1, local_cache_path=".data"): return _setup_datasets(*((urls[0],) + args), **kwargs) -class CNNDMBertSumProcessedData(): - +class CNNDMBertSumProcessedData(): @staticmethod def save_data(data_iter, is_test=False, path_and_prefix="./", chunk_size=None): def chunks(iterable, chunk_size): @@ -172,27 +174,24 @@ def chunks(iterable, chunk_size): @staticmethod - def create(local_processed_path=None, local_cache_path=".data"): + def download(local_path=".data"): + + file_name = "bertsum_data.zip" + url = "https://drive.google.com/uc?export=download&id=1x0d61LP9UAN389YN00z0Pv-7jQgirVg6" + dataset_zip = download_from_url(url, root=local_path) + zip=zipfile.ZipFile(dataset_zip) + #zip=zipfile.ZipFile("./temp_data3/"+file_name) + zip.extractall(local_path) + return local_path + + @classmethod + def splits(cls, root): train_files = [] test_files = [] - if local_processed_path: - files = sorted(glob.glob(local_processed_path + '*')) - - else: - file_name = "bertsum_data.zip" - url = "https://drive.google.com/uc?export=download&id=1x0d61LP9UAN389YN00z0Pv-7jQgirVg6" - #url = "https://drive.google.com/uc?export=download&id=0Bz8a_Dbh9QhbaW12WVVZS2drcnM" - #dataset_zip = download_from_url(url, root=local_cache_path) - #zip=zipfile.ZipFile(dataset_zip) - zip=zipfile.ZipFile("./temp_data3/"+file_name) - #zip.extractall(local_cache_path) - files = zip.namelist() - + files = [join(root, f) for f in os.listdir(root) if isfile(join(root, f))] for fname in files: - if fname.find('train') != -1: - train_files.append(path.join(local_cache_path, fname)) - elif fname.find('test') != -1: - test_files.append(path.join(local_cache_path, fname)) - - return (train_files, test_files) - + if fname.find('train') != -1: + train_files.append(fname) + elif fname.find('test') != -1: + test_files.append(fname) + return get_dataset(train_files), get_dataset(test_files) \ No newline at end of file diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index 6ceeb44f1..b55bd8143 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -28,22 +28,21 @@ get_device, ) -MODEL_CLASS = {} -MODEL_CLASS.update({k: BertForSequenceClassification for k in BERT_PRETRAINED_MODEL_ARCHIVE_MAP}) -MODEL_CLASS.update( - {k: RobertaForSequenceClassification for k in ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP} -) -MODEL_CLASS.update({k: XLNetForSequenceClassification for k in XLNET_PRETRAINED_MODEL_ARCHIVE_MAP}) -MODEL_CLASS.update( - {k: DistilBertForSequenceClassification for k in DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP} -) +from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig +import torch +from transformers import * + +# Transformers has a unified API +# for 8 transformer architectures and 30 pretrained weights. +# Model | Tokenizer | Pretrained weights shortcut +MODEL_CLASS= {"bert-base-uncased": BertModel, + 'distilbert-base-uncased': DistilBertModel} from bertsum.prepro.data_builder import greedy_selection, combination_selection from bertsum.prepro.data_builder import TransformerData -from utils_nlp.models.bert.extractive_text_summarization import Bunch, default_parameters from bertsum.models.model_builder import Summarizer from bertsum.models import model_builder -from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig + import bertsum.distributed as distributed import time @@ -51,6 +50,9 @@ from bertsum.models.data_loader import DataIterator from bertsum.models import model_builder, data_loader + +from torch.utils.data import DataLoader + class Bunch(object): """ Class which convert a dictionary to an object """ @@ -63,7 +65,7 @@ def get_dataset(file_list, is_train=False): for file in file_list: yield torch.load(file) -def get_data_loader(file_list, device, is_labeled=False, batch_size=3000): +def get_dataloader(data_iter, is_labeled=False, batch_size=3000): """ Function to get data iterator over a list of data objects. @@ -76,12 +78,7 @@ def get_data_loader(file_list, device, is_labeled=False, batch_size=3000): DataIterator """ - args = Bunch({}) - args.use_interval = True - args.batch_size = batch_size - data_iter = None - data_iter = data_loader.Dataloader(args, get_dataset(file_list), args.batch_size, device, shuffle=False, is_test=is_labeled) - return data_iter + return data_loader.Dataloader(data_iter, batch_size, shuffle=False, is_labeled=is_labeled) class ExtSumProcessor: @@ -145,14 +142,25 @@ def _preprocess_single(self, source, target=None, oracle_mode="greedy", selectio 'src_txt': src_txt, "tgt_txt": tgt_txt} class ExtractiveSummarizer(Transformer): - def __init__(self, model_name="distilbert-base-uncased", model_class=DistilBertModel, cache_dir="."): + def __init__(self, model_name="distilbert-base-uncased", encoder="transformer", cache_dir="."): super().__init__( model_class=MODEL_CLASS, model_name=model_name, num_labels=0, cache_dir=cache_dir, ) - args = Bunch(default_parameters) + model_class =MODEL_CLASS[model_name] + default_summarizer_layer_parameters = { + "ff_size": 512, + "heads": 4, + "dropout": 0.1, + "inter_layers": 2, + "hidden_size": 128, + "rnn_size": 512, + "param_init": 0.0, + "param_init_glorot": True} + + args = Bunch(default_summarizer_layer_parameters) self.model = Summarizer("transformer", args, model_class, model_name, None, cache_dir) @@ -162,18 +170,30 @@ def list_supported_models(): def fit( self, - train_data_iterator_function, + train_iter, + batch_size=3000, device="cuda", num_gpus=None, local_rank=-1, - max_steps=1e5, + max_steps=5e5, + optimization_method='adam', + lr=2e-3, + max_grad_norm=0, + beta1=0.9, + beta2=0.999, + decay_method='noam', + warmup_steps=1e5, verbose=True, seed=None, gradient_accumulation_steps=2, - report_every=50, + report_every=50, **kwargs ): - #device, num_gpus = get_device(device=device, num_gpus=num_gpus, local_rank=local_rank) + """ + train_dataset is actually a list of files in local disk + """ + device, num_gpus = get_device(device=device, num_gpus=num_gpus, local_rank=local_rank) + print(device) device = torch.device("cuda:{}".format(0)) #gpu_rank = distributed.multi_init(0, 1, "0") torch.backends.cudnn.enabled = True @@ -183,14 +203,13 @@ def fit( get_inputs=ExtSumProcessor.get_inputs - args = Bunch(default_parameters) - optimizer = model_builder.build_optim(args, self.model, None) + #args = Bunch(default_parameters) + optimizer = model_builder.build_optim(optimization_method, lr, max_grad_norm, beta1, + beta2, decay_method, warmup_steps, self.model, None) if seed is not None: super(ExtractiveSummarizer).set_seed(seed, n_gpu > 0) - train_batch_size = 1, - # multi-gpu training (should be after apex fp16 initialization) if num_gpus > 1: self.model = torch.nn.DataParallel(self.model) @@ -211,12 +230,16 @@ def fit( self.model.train() start = time.time() - train_data_iterator = train_data_iterator_function() + + def train_iter_func(): + return get_dataloader(train_iter, is_labeled=True, batch_size=batch_size) + + accum_loss = 0 while 1: + train_data_iterator = train_iter_func() for step, batch in enumerate(train_data_iterator): batch = batch.to(device) - #batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) inputs = get_inputs(batch, self.model_name) outputs = self.model(**inputs) @@ -227,13 +250,7 @@ def fit( loss = loss / gradient_accumulation_steps accum_loss += loss.item() - if step % report_every == 0 and verbose: - #tqdm.write(loss) - end = time.time() - print("loss: {0:.6f}, time: {1:.2f}, step {2:f} out of total {3:f}".format( - accum_loss/report_every, end-start, global_step, max_steps)) - accum_loss = 0 - start = end + (loss/loss.numel()).backward() @@ -250,6 +267,14 @@ def fit( grads, float(1)) global_step += 1 + + if (global_step + 1) % report_every == 0 and verbose: + #tqdm.write(loss) + end = time.time() + print("loss: {0:.6f}, time: {1:f}, examples number: {2:f}, step {3:f} out of total {4:f}".format( + accum_loss/report_every, end-start, len(batch), global_step+1, max_steps)) + accum_loss = 0 + start = end if max_steps > 0 and global_step > max_steps: break From 2a09584868a85bfff22173c464464f86b1769b13 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Thu, 31 Oct 2019 18:01:35 +0000 Subject: [PATCH 054/167] user train_iter and test_iter --- .../CNNDM_TransformerSum.ipynb | 392 +++++++++++------- utils_nlp/dataset/cnndm.py | 7 +- .../transformers/extractive_summarization.py | 51 +-- 3 files changed, 263 insertions(+), 187 deletions(-) diff --git a/examples/text_summarization/CNNDM_TransformerSum.ipynb b/examples/text_summarization/CNNDM_TransformerSum.ipynb index f75fc86ed..6448812d2 100644 --- a/examples/text_summarization/CNNDM_TransformerSum.ipynb +++ b/examples/text_summarization/CNNDM_TransformerSum.ipynb @@ -113,23 +113,6 @@ "sys.path.insert(0, \"/dadendev/nlp/examples/text_summarization/BertSum/\")" ] }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['/dadendev/nlp/examples/text_summarization/BertSum/', './', '/dadendev/nlp', '/dadendev/anaconda3/envs/cm3/lib/python36.zip', '/dadendev/anaconda3/envs/cm3/lib/python3.6', '/dadendev/anaconda3/envs/cm3/lib/python3.6/lib-dynload', '', '/home/daden/.local/lib/python3.6/site-packages', '/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages', '/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/pyrouge-0.1.3-py3.6.egg', '/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/IPython/extensions', '/home/daden/.ipython']\n" - ] - } - ], - "source": [ - "print(sys.path)" - ] - }, { "cell_type": "markdown", "metadata": {}, @@ -240,7 +223,7 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 6, "metadata": { "scrolled": true }, @@ -251,16 +234,16 @@ "text": [ "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", "[nltk_data] Package punkt is already up-to-date!\n", - "I1030 19:42:44.432886 140491949197120 file_utils.py:39] PyTorch version 1.2.0 available.\n", - "I1030 19:42:44.466703 140491949197120 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1030 19:42:44.483136 140491949197120 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1030 19:42:44.489104 140491949197120 utils.py:173] Opening tar file .data/cnndm.tar.gz.\n", - "I1030 19:42:44.490219 140491949197120 utils.py:181] .data/test.txt.src already extracted.\n", - "I1030 19:42:44.778111 140491949197120 utils.py:181] .data/test.txt.tgt.tagged already extracted.\n", - "I1030 19:42:44.804572 140491949197120 utils.py:181] .data/train.txt.src already extracted.\n", - "I1030 19:42:52.298821 140491949197120 utils.py:181] .data/train.txt.tgt.tagged already extracted.\n", - "I1030 19:42:52.910166 140491949197120 utils.py:181] .data/val.txt.src already extracted.\n", - "I1030 19:42:53.247699 140491949197120 utils.py:181] .data/val.txt.tgt.tagged already extracted.\n" + "I1031 15:36:54.379606 140308661311296 file_utils.py:39] PyTorch version 1.2.0 available.\n", + "I1031 15:36:54.412472 140308661311296 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1031 15:36:54.428757 140308661311296 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1031 15:36:54.434558 140308661311296 utils.py:173] Opening tar file .data/cnndm.tar.gz.\n", + "I1031 15:36:54.435726 140308661311296 utils.py:181] .data/test.txt.src already extracted.\n", + "I1031 15:36:54.722329 140308661311296 utils.py:181] .data/test.txt.tgt.tagged already extracted.\n", + "I1031 15:36:54.748624 140308661311296 utils.py:181] .data/train.txt.src already extracted.\n", + "I1031 15:37:02.198719 140308661311296 utils.py:181] .data/train.txt.tgt.tagged already extracted.\n", + "I1031 15:37:02.812012 140308661311296 utils.py:181] .data/val.txt.src already extracted.\n", + "I1031 15:37:03.144755 140308661311296 utils.py:181] .data/val.txt.tgt.tagged already extracted.\n" ] } ], @@ -281,14 +264,14 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 7, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1030 19:42:54.824942 140491949197120 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + "I1031 15:37:04.728073 140308661311296 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" ] } ], @@ -302,7 +285,7 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 8, "metadata": {}, "outputs": [], "source": [ @@ -311,7 +294,7 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 9, "metadata": {}, "outputs": [], "source": [ @@ -320,7 +303,7 @@ }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 10, "metadata": {}, "outputs": [], "source": [ @@ -336,7 +319,7 @@ }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 12, "metadata": {}, "outputs": [ { @@ -348,7 +331,7 @@ " './temp_data4/_3_train']" ] }, - "execution_count": 13, + "execution_count": 12, "metadata": {}, "output_type": "execute_result" } @@ -359,7 +342,7 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 13, "metadata": {}, "outputs": [ { @@ -368,7 +351,7 @@ "['./temp_data4/_0_test']" ] }, - "execution_count": 14, + "execution_count": 13, "metadata": {}, "output_type": "execute_result" } @@ -379,64 +362,55 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 21, "metadata": {}, "outputs": [], "source": [ "train_iter, test_iter = CNNDMBertSumProcessedData().splits(root=data_path)" ] }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 20, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "train_iter()" + ] + }, { "cell_type": "markdown", "metadata": {}, "source": [ - "##### [Option 2] Reuse Preprocess data" + "##### [Option 2] Reuse Preprocessed data" ] }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 40, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "I1030 19:42:57.929424 140491949197120 utils.py:88] Downloading from Google Drive; may take a few minutes\n", - "I1030 19:42:58.700399 140491949197120 utils.py:60] File ./temp_data5/bertsum_data.zip already exists.\n" - ] - } - ], + "outputs": [], "source": [ "if USE_PREPROCESSED_DATA:\n", " data_path = \"./temp_data5/\"\n", " if not os.path.exists(data_path):\n", " os.mkdir(data_path)\n", - " CNNDMBertSumProcessedData.download(local_path=data_path)\n", + " #CNNDMBertSumProcessedData.download(local_path=data_path)\n", " train_iter, test_iter = CNNDMBertSumProcessedData().splits(root=data_path)\n", " " ] }, - { - "cell_type": "code", - "execution_count": 17, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "" - ] - }, - "execution_count": 17, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "train_iter" - ] - }, { "cell_type": "markdown", "metadata": {}, @@ -539,7 +513,7 @@ }, { "cell_type": "code", - "execution_count": 21, + "execution_count": 15, "metadata": {}, "outputs": [], "source": [ @@ -555,15 +529,17 @@ }, { "cell_type": "code", - "execution_count": 22, - "metadata": {}, + "execution_count": 16, + "metadata": { + "scrolled": true + }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1030 19:43:17.238647 140491949197120 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./temp/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1030 19:43:17.239963 140491949197120 configuration_utils.py:168] Model config {\n", + "I1031 15:37:43.591610 140308661311296 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./temp/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1031 15:37:43.593253 140308661311296 configuration_utils.py:168] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -588,7 +564,7 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1030 19:43:17.363380 140491949197120 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./temp/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I1031 15:37:43.770401 140308661311296 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./temp/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], @@ -599,78 +575,59 @@ }, { "cell_type": "code", - "execution_count": 23, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['./temp_data4/_0_train',\n", - " './temp_data4/_1_train',\n", - " './temp_data4/_2_train',\n", - " './temp_data4/_3_train']" - ] - }, - "execution_count": 23, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "train_files" - ] - }, - { - "cell_type": "code", - "execution_count": 24, + "execution_count": 22, "metadata": { "scrolled": true }, - "outputs": [], - "source": [ - "from utils_nlp.models.transformers.extractive_summarization import get_dataset, get_dataloader" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "cuda\n", - "loss: 80.055855, time: 21.066953, examples number: 5.000000, step 100.000000 out of total 10000.000000\n", - "loss: 0.210719, time: 0.097609, examples number: 5.000000, step 100.000000 out of total 10000.000000\n", - "loss: 37.006704, time: 21.019811, examples number: 7.000000, step 200.000000 out of total 10000.000000\n", - "loss: 0.189547, time: 0.085794, examples number: 6.000000, step 200.000000 out of total 10000.000000\n", - "loss: 34.051729, time: 20.893883, examples number: 5.000000, step 300.000000 out of total 10000.000000\n", - "loss: 0.154256, time: 0.098439, examples number: 5.000000, step 300.000000 out of total 10000.000000\n", - "loss: 33.769536, time: 21.259850, examples number: 5.000000, step 400.000000 out of total 10000.000000\n", - "loss: 0.194510, time: 0.098374, examples number: 5.000000, step 400.000000 out of total 10000.000000\n", - "loss: 33.363134, time: 20.839859, examples number: 5.000000, step 500.000000 out of total 10000.000000\n", - "loss: 0.127341, time: 0.104356, examples number: 5.000000, step 500.000000 out of total 10000.000000\n", - "loss: 32.484810, time: 21.217096, examples number: 5.000000, step 600.000000 out of total 10000.000000\n", - "loss: 0.158462, time: 0.099393, examples number: 5.000000, step 600.000000 out of total 10000.000000\n", - "loss: 32.207327, time: 20.770870, examples number: 5.000000, step 700.000000 out of total 10000.000000\n", - "loss: 0.139624, time: 0.098159, examples number: 5.000000, step 700.000000 out of total 10000.000000\n", - "loss: 31.975883, time: 21.158446, examples number: 5.000000, step 800.000000 out of total 10000.000000\n", - "loss: 0.126678, time: 0.097939, examples number: 5.000000, step 800.000000 out of total 10000.000000\n", - "loss: 31.714358, time: 20.730140, examples number: 5.000000, step 900.000000 out of total 10000.000000\n", - "loss: 0.136615, time: 0.098182, examples number: 5.000000, step 900.000000 out of total 10000.000000\n", - "loss: 32.101234, time: 20.998002, examples number: 5.000000, step 1000.000000 out of total 10000.000000\n", - "loss: 0.146306, time: 0.099846, examples number: 5.000000, step 1000.000000 out of total 10000.000000\n", - "loss: 31.611188, time: 20.601194, examples number: 5.000000, step 1100.000000 out of total 10000.000000\n", - "loss: 0.117829, time: 0.097640, examples number: 5.000000, step 1100.000000 out of total 10000.000000\n", - "loss: 31.863980, time: 20.959873, examples number: 5.000000, step 1200.000000 out of total 10000.000000\n", - "loss: 0.152569, time: 0.097665, examples number: 5.000000, step 1200.000000 out of total 10000.000000\n" + "loss: 30.818217, time: 14.197680, number of examples: 5, step 100 out of total 10000\n", + "loss: 20.408923, time: 14.246498, number of examples: 5, step 200 out of total 10000\n", + "loss: 15.969570, time: 14.484507, number of examples: 5, step 300 out of total 10000\n", + "loss: 15.443698, time: 14.570143, number of examples: 5, step 400 out of total 10000\n", + "loss: 15.203439, time: 14.420183, number of examples: 5, step 500 out of total 10000\n", + "loss: 14.745307, time: 14.314796, number of examples: 5, step 600 out of total 10000\n", + "loss: 14.495191, time: 14.446270, number of examples: 5, step 700 out of total 10000\n", + "loss: 14.056821, time: 14.389389, number of examples: 5, step 800 out of total 10000\n", + "loss: 13.729813, time: 14.223003, number of examples: 5, step 900 out of total 10000\n", + "loss: 13.489415, time: 14.077206, number of examples: 5, step 1000 out of total 10000\n", + "loss: 13.273714, time: 14.130133, number of examples: 5, step 1100 out of total 10000\n", + "loss: 13.152105, time: 15.230361, number of examples: 5, step 1200 out of total 10000\n", + "loss: 12.988920, time: 14.815906, number of examples: 5, step 1300 out of total 10000\n", + "loss: 12.523414, time: 14.185987, number of examples: 5, step 1400 out of total 10000\n", + "loss: 11.803143, time: 13.916287, number of examples: 5, step 1500 out of total 10000\n", + "loss: 10.141595, time: 14.247255, number of examples: 5, step 1600 out of total 10000\n", + "loss: 8.180351, time: 14.021271, number of examples: 5, step 1700 out of total 10000\n", + "loss: 5.736008, time: 13.904408, number of examples: 5, step 1800 out of total 10000\n", + "loss: 3.984385, time: 13.953730, number of examples: 5, step 1900 out of total 10000\n", + "loss: 2.609048, time: 13.872560, number of examples: 5, step 2000 out of total 10000\n", + "loss: 1.960253, time: 13.901405, number of examples: 5, step 2100 out of total 10000\n", + "loss: 1.535262, time: 13.945146, number of examples: 5, step 2200 out of total 10000\n", + "loss: 0.923897, time: 13.986185, number of examples: 5, step 2300 out of total 10000\n", + "loss: 0.696074, time: 13.999948, number of examples: 5, step 2400 out of total 10000\n", + "loss: 0.651599, time: 14.040181, number of examples: 5, step 2500 out of total 10000\n" + ] + }, + { + "ename": "KeyboardInterrupt", + "evalue": "", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 9\u001b[0m \u001b[0mwarmup_steps\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m1e4\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0;36m0.5\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 10\u001b[0m \u001b[0mverbose\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mTrue\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 11\u001b[0;31m \u001b[0mreport_every\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m100\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 12\u001b[0m )\n", + "\u001b[0;32m/dadendev/nlp/utils_nlp/models/transformers/extractive_summarization.py\u001b[0m in \u001b[0;36mfit\u001b[0;34m(self, train_iter, batch_size, device, num_gpus, local_rank, max_steps, optimization_method, lr, max_grad_norm, beta1, beta2, decay_method, warmup_steps, verbose, seed, gradient_accumulation_steps, report_every, **kwargs)\u001b[0m\n\u001b[1;32m 260\u001b[0m \u001b[0;31m#batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 261\u001b[0m \u001b[0minputs\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mget_inputs\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mbatch\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmodel_name\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 262\u001b[0;31m \u001b[0moutputs\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmodel\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m**\u001b[0m\u001b[0minputs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 263\u001b[0m \u001b[0mloss\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0moutputs\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 264\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mnum_gpus\u001b[0m \u001b[0;34m>\u001b[0m \u001b[0;36m1\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/nn/modules/module.py\u001b[0m in \u001b[0;36m__call__\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 545\u001b[0m \u001b[0mresult\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_slow_forward\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 546\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 547\u001b[0;31m \u001b[0mresult\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mforward\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 548\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mhook\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_forward_hooks\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mvalues\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 549\u001b[0m \u001b[0mhook_result\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mhook\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mresult\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/nlp/examples/text_summarization/BertSum/bertsum/models/model_builder.py\u001b[0m in \u001b[0;36mforward\u001b[0;34m(self, x, segs, clss, mask, mask_cls, labels, sentence_range)\u001b[0m\n\u001b[1;32m 103\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 104\u001b[0m \u001b[0mtop_vec\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtransformer\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mx\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msegs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmask\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 105\u001b[0;31m \u001b[0msents_vec\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtop_vec\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0marange\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtop_vec\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msize\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0munsqueeze\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mclss\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 106\u001b[0m \u001b[0msents_vec\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0msents_vec\u001b[0m \u001b[0;34m*\u001b[0m \u001b[0mmask_cls\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m:\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mfloat\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 107\u001b[0m \u001b[0msent_scores\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mencoder\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0msents_vec\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmask_cls\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msqueeze\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m-\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mKeyboardInterrupt\u001b[0m: " ] } ], "source": [ - "### from utils_nlp.common.timer import Timer\n", - "#\"\"\"\n", "summarizer.fit(\n", " train_iter,\n", " device= DEVICE,\n", @@ -682,17 +639,16 @@ " warmup_steps=1e4*0.5,\n", " verbose=True,\n", " report_every=100,\n", - " )\n", - "#\"\"\"" + " )" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 29, "metadata": {}, "outputs": [], "source": [ - "torch.save(summarizer.model, \"cnndm_transformersum_bert-base-uncased_bertsum_processed_data.pt\")" + "torch.save(summarizer.model, model_name+\"_bertsum_processed_data.pt\")" ] }, { @@ -716,33 +672,53 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 47, "metadata": {}, "outputs": [], "source": [ "import torch\n", - "from utils_nlp.models.bert.extractive_text_summarization import get_data_iter\n", "import os\n", "\n", "test_dataset=[]\n", - "for i in range(0,6):\n", - " filename = os.path.join(BERT_DATA_PATH, \"cnndm.test.{0}.bert.pt\".format(i))\n", - " test_dataset.extend(torch.load(filename))" + "for i in test_iter():\n", + " test_dataset.extend(i)" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 49, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "100" + ] + }, + "execution_count": 49, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(test_dataset)" + ] + }, + { + "cell_type": "code", + "execution_count": 50, "metadata": {}, "outputs": [], "source": [ + "from utils_nlp.models.transformers.extractive_summarization import get_data_iter\n", + "\n", "prediction = summarizer.predict(get_data_iter(test_dataset),\n", - " device=DEVICE,)" + " device=DEVICE)" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 52, "metadata": {}, "outputs": [], "source": [ @@ -751,11 +727,53 @@ }, { "cell_type": "code", - "execution_count": null, - "metadata": { - "scrolled": true - }, - "outputs": [], + "execution_count": 53, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-10-31 17:59:07,705 [MainThread ] [INFO ] Writing summaries.\n", + "I1031 17:59:07.705975 140308661311296 pyrouge.py:525] Writing summaries.\n", + "2019-10-31 17:59:07,707 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmp2jh52kci/system and model files to ./results/tmp2jh52kci/model.\n", + "I1031 17:59:07.707562 140308661311296 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmp2jh52kci/system and model files to ./results/tmp2jh52kci/model.\n", + "2019-10-31 17:59:07,708 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-31-17-59-07/candidate/.\n", + "I1031 17:59:07.708495 140308661311296 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-10-31-17-59-07/candidate/.\n", + "2019-10-31 17:59:07,719 [MainThread ] [INFO ] Saved processed files to ./results/tmp2jh52kci/system.\n", + "I1031 17:59:07.719068 140308661311296 pyrouge.py:53] Saved processed files to ./results/tmp2jh52kci/system.\n", + "2019-10-31 17:59:07,720 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-31-17-59-07/reference/.\n", + "I1031 17:59:07.720107 140308661311296 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-10-31-17-59-07/reference/.\n", + "2019-10-31 17:59:07,730 [MainThread ] [INFO ] Saved processed files to ./results/tmp2jh52kci/model.\n", + "I1031 17:59:07.730343 140308661311296 pyrouge.py:53] Saved processed files to ./results/tmp2jh52kci/model.\n", + "2019-10-31 17:59:07,732 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp4zxruqq3/rouge_conf.xml\n", + "I1031 17:59:07.732450 140308661311296 pyrouge.py:354] Written ROUGE configuration to ./results/tmp4zxruqq3/rouge_conf.xml\n", + "2019-10-31 17:59:07,733 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp4zxruqq3/rouge_conf.xml\n", + "I1031 17:59:07.733434 140308661311296 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp4zxruqq3/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "100\n", + "100\n", + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.41601 (95%-conf.int. 0.38468 - 0.44964)\n", + "1 ROUGE-1 Average_P: 0.21124 (95%-conf.int. 0.19304 - 0.22896)\n", + "1 ROUGE-1 Average_F: 0.27238 (95%-conf.int. 0.25137 - 0.29249)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.13888 (95%-conf.int. 0.11130 - 0.16833)\n", + "1 ROUGE-2 Average_P: 0.06738 (95%-conf.int. 0.05454 - 0.08099)\n", + "1 ROUGE-2 Average_F: 0.08825 (95%-conf.int. 0.07190 - 0.10610)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.37098 (95%-conf.int. 0.34192 - 0.40359)\n", + "1 ROUGE-L Average_P: 0.18856 (95%-conf.int. 0.17234 - 0.20503)\n", + "1 ROUGE-L Average_F: 0.24308 (95%-conf.int. 0.22405 - 0.26304)\n", + "\n" + ] + } + ], "source": [ "from utils_nlp.eval.evaluate_summarization import get_rouge\n", "rouge_transformer = get_rouge(prediction, target, \"./results/\")" @@ -763,20 +781,78 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 57, "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "text/plain": [ + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" + ] + }, + "execution_count": 57, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "test_dataset[0]['tgt_txt']" + ] + }, + { + "cell_type": "code", + "execution_count": 56, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .'" + ] + }, + "execution_count": 56, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ "prediction[0]" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 26, "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "text/plain": [ + "['a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .',\n", + " 'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .',\n", + " 'he was flown back to chicago via air ambulance on march 20 , but he died on sunday .',\n", + " 'andrew mogni , 20 , from glen ellyn , illinois , a university of iowa student has died nearly three months after a fall in rome in a suspected robbery',\n", + " 'he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .',\n", + " \"he died on sunday at northwestern memorial hospital - medical examiner 's office spokesman frank shuftan says a cause of death wo n't be released until monday at the earliest .\",\n", + " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed .',\n", + " \"on sunday , his cousin abby wrote online : ` this morning my cousin andrew 's soul was lifted up to heaven .\",\n", + " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed',\n", + " '` at the beginning of january he went to rome to study aboard and on the way home from a party he was brutally attacked and thrown off a 40ft bridge and hit the concrete below .',\n", + " \"` he was in a coma and in critical condition for months . '\",\n", + " 'paula barnett , who said she is a close family friend , told my suburban life , that mogni had only been in the country for six hours when the incident happened .',\n", + " 'she said he was was alone at the time of the alleged assault and personal items were stolen .',\n", + " 'she added that he was in a non-medically induced coma , having suffered serious infection and internal bleeding .',\n", + " 'mogni was a third-year finance major from glen ellyn , ill. , who was participating in a semester-long program at john cabot university .',\n", + " \"mogni belonged to the school 's chapter of the sigma nu fraternity , reports the chicago tribune who posted a sign outside a building reading ` pray for mogni . '\",\n", + " \"the fraternity 's iowa chapter announced sunday afternoon via twitter that a memorial service will be held on campus to remember mogni .\"]" + ] + }, + "execution_count": 26, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ - "test_dataset[0]['tgt_txt']" + "test_dataset[0]['src_txt']" ] } ], diff --git a/utils_nlp/dataset/cnndm.py b/utils_nlp/dataset/cnndm.py index 0fd799abc..315a6179b 100644 --- a/utils_nlp/dataset/cnndm.py +++ b/utils_nlp/dataset/cnndm.py @@ -183,6 +183,7 @@ def download(local_path=".data"): #zip=zipfile.ZipFile("./temp_data3/"+file_name) zip.extractall(local_path) return local_path + @classmethod def splits(cls, root): @@ -194,4 +195,8 @@ def splits(cls, root): train_files.append(fname) elif fname.find('test') != -1: test_files.append(fname) - return get_dataset(train_files), get_dataset(test_files) \ No newline at end of file + def get_train_dataset(): + return get_dataset(train_files) + def get_test_dataset(): + return get_dataset(test_files) + return get_train_dataset, get_test_dataset \ No newline at end of file diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index b55bd8143..f5bb1e5f3 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -58,6 +58,23 @@ class Bunch(object): def __init__(self, adict): self.__dict__.update(adict) + +def get_data_iter(dataset,is_labeled=False, batch_size=3000): + """ + Function to get data iterator over a list of data objects. + + Args: + dataset (list of objects): a list of data objects. + is_test (bool): it specifies whether the data objects are labeled data. + batch_size (int): number of tokens per batch. + + Returns: + DataIterator + + """ + + return DataIterator(dataset, batch_size, is_labeled=is_labeled, shuffle=False, sort=False) + def get_dataset(file_list, is_train=False): if is_train: @@ -190,7 +207,7 @@ def fit( **kwargs ): """ - train_dataset is actually a list of files in local disk + train_dataset is data iterator """ device, num_gpus = get_device(device=device, num_gpus=num_gpus, local_rank=local_rank) print(device) @@ -231,13 +248,13 @@ def fit( start = time.time() - def train_iter_func(): - return get_dataloader(train_iter, is_labeled=True, batch_size=batch_size) + #def train_iter_func(): + # return get_dataloader(train_iter(), is_labeled=True, batch_size=batch_size) accum_loss = 0 while 1: - train_data_iterator = train_iter_func() + train_data_iterator = get_dataloader(train_iter(), is_labeled=True, batch_size=batch_size) for step, batch in enumerate(train_data_iterator): batch = batch.to(device) #batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) @@ -266,12 +283,12 @@ def train_iter_func(): distributed.all_reduce_and_rescale_tensors( grads, float(1)) - global_step += 1 + global_step += 1 if (global_step + 1) % report_every == 0 and verbose: #tqdm.write(loss) end = time.time() - print("loss: {0:.6f}, time: {1:f}, examples number: {2:f}, step {3:f} out of total {4:f}".format( + print("loss: {0:.6f}, time: {1:f}, number of examples: {2:.0f}, step {3:.0f} out of total {4:.0f}".format( accum_loss/report_every, end-start, len(batch), global_step+1, max_steps)) accum_loss = 0 start = end @@ -335,36 +352,14 @@ def _get_pred(batch, sent_scores): pred.append(_pred.strip()) return pred - #for batch in tqdm(eval_data_iterator, desc="Evaluating", disable=not verbose): self.model.eval() pred = [] for batch in eval_data_iterator: batch = batch.to(device) - #batch = tuple(t.to(device) for t in batch) - #batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) with torch.no_grad(): inputs = ExtSumProcessor.get_inputs(batch, self.model_name, train_mode=False) outputs = self.model(**inputs) sent_scores = outputs[0] sent_scores = sent_scores.detach().cpu().numpy() - #return sent_scores pred.extend(_get_pred(batch, sent_scores)) - #yield logits.detach().cpu().numpy() return pred - - - - """preds = list( - super().predict( - eval_dataset=eval_dataset, - get_inputs=ExtSumProcessor.get_inputs, - device=device, - per_gpu_eval_batch_size=batch_size, - n_gpu=num_gpus, - verbose=True, - ) - ) - preds = np.concatenate(preds) - # todo generator & probs - return np.argmax(preds, axis=1) - """ \ No newline at end of file From bd59d0b44d38e787e37438a057cb832c882d7354 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Tue, 10 Dec 2019 21:59:40 +0000 Subject: [PATCH 055/167] predict and fit work with common.py --- .../CNNDM_TransformerSum.ipynb | 735 ++++++++++++++---- utils_nlp/models/transformers/common.py | 77 +- .../transformers/extractive_summarization.py | 157 +++- 3 files changed, 767 insertions(+), 202 deletions(-) diff --git a/examples/text_summarization/CNNDM_TransformerSum.ipynb b/examples/text_summarization/CNNDM_TransformerSum.ipynb index 6448812d2..4620c324f 100644 --- a/examples/text_summarization/CNNDM_TransformerSum.ipynb +++ b/examples/text_summarization/CNNDM_TransformerSum.ipynb @@ -72,25 +72,13 @@ "execution_count": 2, "metadata": {}, "outputs": [], - "source": [ - "import os\n", - "\n", - "os.environ[\"CUDA_DEVICE_ORDER\"] = \"PCI_BUS_ID\" # see issue #152\n", - "os.environ[\"CUDA_VISIBLE_DEVICES\"] = \"0,1,2,3\"" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [], "source": [ "%load_ext autoreload" ] }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 3, "metadata": {}, "outputs": [], "source": [ @@ -99,18 +87,43 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 4, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", + "[nltk_data] Package punkt is already up-to-date!\n", + "I1210 21:34:47.924211 140261726336832 file_utils.py:39] PyTorch version 1.2.0 available.\n", + "I1210 21:34:47.957383 140261726336832 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1210 21:34:47.963832 140261726336832 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" + ] + } + ], "source": [ - "import sys\n", "import os\n", - "\n", + "import sys\n", + "import torch\n", "nlp_path = os.path.abspath(\"../../\")\n", "if nlp_path not in sys.path:\n", " sys.path.insert(0, nlp_path)\n", "sys.path.insert(0, \"./\")\n", - "sys.path.insert(0, \"/dadendev/nlp/examples/text_summarization/BertSum/\")" + "sys.path.insert(0, \"/dadendev/nlp/examples/text_summarization/BertSum/\")\n", + "\n", + "from utils_nlp.common.pytorch_utils import get_device\n", + "from utils_nlp.dataset.cnndm import CNNDMBertSumProcessedData, CNNDMSummarization\n", + "from utils_nlp.eval.evaluate_summarization import get_rouge\n", + "from utils_nlp.models.transformers.extractive_summarization import (\n", + " get_dataloader,\n", + " get_data_iter,\n", + " ExtractiveSummarizer,\n", + " ExtSumProcessor,\n", + ")\n", + "\n", + "\n", + "\n" ] }, { @@ -196,7 +209,7 @@ "The purpose of preprocessing is to process the input articles to the format that BertSum takes. Functions defined specific in harvardnlp_cnndm_preprocess function are unique to CNN/DM dataset that's processed by harvardnlp. However, it provides a skeleton of how to preprocessing data into the format that BertSum takes. Assuming you have all articles and target summery each in a file, line-breaker seperated, the steps to preprocess the data are:\n", "1. sentence tokenization\n", "2. word tokenization\n", - "3. label the sentences in the article with 1 meaning the sentence is selected and 0 meaning the sentence is not selected. The options for the selection algorithms are \"greedy\" and \"combination\"\n", + "3. **label** the sentences in the article with 1 meaning the sentence is selected and 0 meaning the sentence is not selected. The options for the selection algorithms are \"greedy\" and \"combination\"\n", "3. convert each example to BertSum format\n", " - filter the sentences in the example based on the min_src_ntokens argument. If the lefted total sentence number is less than min_nsents, the example is discarded.\n", " - truncate the sentences in the example if the length is greater than max_src_ntokens\n", @@ -234,24 +247,20 @@ "text": [ "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", "[nltk_data] Package punkt is already up-to-date!\n", - "I1031 15:36:54.379606 140308661311296 file_utils.py:39] PyTorch version 1.2.0 available.\n", - "I1031 15:36:54.412472 140308661311296 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1031 15:36:54.428757 140308661311296 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1031 15:36:54.434558 140308661311296 utils.py:173] Opening tar file .data/cnndm.tar.gz.\n", - "I1031 15:36:54.435726 140308661311296 utils.py:181] .data/test.txt.src already extracted.\n", - "I1031 15:36:54.722329 140308661311296 utils.py:181] .data/test.txt.tgt.tagged already extracted.\n", - "I1031 15:36:54.748624 140308661311296 utils.py:181] .data/train.txt.src already extracted.\n", - "I1031 15:37:02.198719 140308661311296 utils.py:181] .data/train.txt.tgt.tagged already extracted.\n", - "I1031 15:37:02.812012 140308661311296 utils.py:181] .data/val.txt.src already extracted.\n", - "I1031 15:37:03.144755 140308661311296 utils.py:181] .data/val.txt.tgt.tagged already extracted.\n" + "I1210 18:30:56.902205 139830036641600 file_utils.py:39] PyTorch version 1.2.0 available.\n", + "I1210 18:30:56.936184 139830036641600 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1210 18:30:56.943920 139830036641600 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1210 18:30:56.953987 139830036641600 utils.py:173] Opening tar file .data/cnndm.tar.gz.\n", + "I1210 18:30:56.965388 139830036641600 utils.py:181] .data/test.txt.src already extracted.\n", + "I1210 18:30:57.394748 139830036641600 utils.py:181] .data/test.txt.tgt.tagged already extracted.\n", + "I1210 18:30:57.430505 139830036641600 utils.py:181] .data/train.txt.src already extracted.\n", + "I1210 18:31:08.232069 139830036641600 utils.py:181] .data/train.txt.tgt.tagged already extracted.\n", + "I1210 18:31:09.120292 139830036641600 utils.py:181] .data/val.txt.src already extracted.\n", + "I1210 18:31:09.601161 139830036641600 utils.py:181] .data/val.txt.tgt.tagged already extracted.\n" ] } ], "source": [ - "if QUICK_RUN:\n", - " top_n = 100\n", - "from utils_nlp.dataset.cnndm import CNNDMSummarization\n", - "\n", "train_dataset, test_dataset = CNNDMSummarization(top_n=top_n)" ] }, @@ -264,20 +273,23 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 8, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1031 15:37:04.728073 140308661311296 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + "I1206 16:51:11.971997 140019998881600 file_utils.py:296] https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt not found in cache or force_download set to True, downloading to /tmp/tmpjzna7ttv\n", + "100%|██████████| 231508/231508 [00:00<00:00, 1963987.24B/s]\n", + "I1206 16:51:12.252732 140019998881600 file_utils.py:309] copying /tmp/tmpjzna7ttv to cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n", + "I1206 16:51:12.253886 140019998881600 file_utils.py:313] creating metadata file for ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n", + "I1206 16:51:12.255181 140019998881600 file_utils.py:322] removing temp file /tmp/tmpjzna7ttv\n", + "I1206 16:51:12.255890 140019998881600 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" ] } ], "source": [ - "from utils_nlp.models.transformers.extractive_summarization import ExtSumProcessor\n", - "\n", "processor = ExtSumProcessor(model_name=\"distilbert-base-uncased\")\n", "ext_sum_train = processor.preprocess(train_dataset, train_dataset.get_target())\n", "ext_sum_test = processor.preprocess(test_dataset, test_dataset.get_target())" @@ -285,7 +297,7 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 7, "metadata": {}, "outputs": [], "source": [ @@ -294,7 +306,7 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 10, "metadata": {}, "outputs": [], "source": [ @@ -303,12 +315,33 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 8, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", + "[nltk_data] Package punkt is already up-to-date!\n", + "I1206 21:27:24.938656 139683323610944 file_utils.py:39] PyTorch version 1.2.0 available.\n", + "I1206 21:27:24.971345 139683323610944 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1206 21:27:24.978915 139683323610944 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" + ] + }, + { + "ename": "NameError", + "evalue": "name 'ext_sum_train' is not defined", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 2\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 3\u001b[0m train_files = CNNDMBertSumProcessedData.save_data(\n\u001b[0;32m----> 4\u001b[0;31m \u001b[0mext_sum_train\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mis_test\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mFalse\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mpath_and_prefix\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mdata_path\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mchunk_size\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m25\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 5\u001b[0m )\n\u001b[1;32m 6\u001b[0m test_files = CNNDMBertSumProcessedData.save_data(\n", + "\u001b[0;31mNameError\u001b[0m: name 'ext_sum_train' is not defined" + ] + } + ], "source": [ - "from utils_nlp.dataset.cnndm import CNNDMBertSumProcessedData\n", - "\n", "train_files = CNNDMBertSumProcessedData.save_data(\n", " ext_sum_train, is_test=False, path_and_prefix=data_path, chunk_size=25\n", ")\n", @@ -369,48 +402,6 @@ "train_iter, test_iter = CNNDMBertSumProcessedData().splits(root=data_path)" ] }, - { - "cell_type": "code", - "execution_count": 20, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "" - ] - }, - "execution_count": 20, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "train_iter()" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "##### [Option 2] Reuse Preprocessed data" - ] - }, - { - "cell_type": "code", - "execution_count": 40, - "metadata": {}, - "outputs": [], - "source": [ - "if USE_PREPROCESSED_DATA:\n", - " data_path = \"./temp_data5/\"\n", - " if not os.path.exists(data_path):\n", - " os.mkdir(data_path)\n", - " #CNNDMBertSumProcessedData.download(local_path=data_path)\n", - " train_iter, test_iter = CNNDMBertSumProcessedData().splits(root=data_path)\n", - " " - ] - }, { "cell_type": "markdown", "metadata": {}, @@ -420,30 +411,7 @@ }, { "cell_type": "code", - "execution_count": 18, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['./temp_data4/_0_train',\n", - " './temp_data4/_1_train',\n", - " './temp_data4/_2_train',\n", - " './temp_data4/_3_train']" - ] - }, - "execution_count": 18, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "train_files" - ] - }, - { - "cell_type": "code", - "execution_count": 19, + "execution_count": 15, "metadata": {}, "outputs": [ { @@ -459,7 +427,7 @@ "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" ] }, - "execution_count": 19, + "execution_count": 15, "metadata": {}, "output_type": "execute_result" } @@ -471,9 +439,16 @@ "bert_format_data[0].keys()\n" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The first " + ] + }, { "cell_type": "code", - "execution_count": 20, + "execution_count": 16, "metadata": {}, "outputs": [ { @@ -482,7 +457,7 @@ "[0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]" ] }, - "execution_count": 20, + "execution_count": 16, "metadata": {}, "output_type": "execute_result" } @@ -491,6 +466,28 @@ "bert_format_data[0]['labels']" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "##### [Option 2] Reuse Preprocessed data" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "if USE_PREPROCESSED_DATA:\n", + " data_path = \"./temp_data5/\"\n", + " if not os.path.exists(data_path):\n", + " os.mkdir(data_path)\n", + " #CNNDMBertSumProcessedData.download(local_path=data_path)\n", + " train_iter, test_iter = CNNDMBertSumProcessedData().splits(root=data_path)\n", + " " + ] + }, { "cell_type": "markdown", "metadata": {}, @@ -513,7 +510,7 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 6, "metadata": {}, "outputs": [], "source": [ @@ -522,14 +519,14 @@ "CACHE_DIR = \"./temp\"\n", "DEVICE = \"cuda\"\n", "BATCH_SIZE = 3000\n", - "NUM_GPUS = 1\n", + "NUM_GPUS = 4\n", "encoder = \"transformer\"\n", "model_name = \"distilbert-base-uncased\"" ] }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 12, "metadata": { "scrolled": true }, @@ -538,8 +535,35 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1031 15:37:43.591610 140308661311296 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./temp/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1031 15:37:43.593253 140308661311296 configuration_utils.py:168] Model config {\n", + "I1210 21:49:41.613120 140261726336832 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./temp/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1210 21:49:41.615161 140261726336832 configuration_utils.py:168] Model config {\n", + " \"activation\": \"gelu\",\n", + " \"attention_dropout\": 0.1,\n", + " \"dim\": 768,\n", + " \"dropout\": 0.1,\n", + " \"finetuning_task\": null,\n", + " \"hidden_dim\": 3072,\n", + " \"initializer_range\": 0.02,\n", + " \"max_position_embeddings\": 512,\n", + " \"n_heads\": 12,\n", + " \"n_layers\": 6,\n", + " \"num_labels\": 0,\n", + " \"output_attentions\": false,\n", + " \"output_hidden_states\": false,\n", + " \"output_past\": true,\n", + " \"pruned_heads\": {},\n", + " \"qa_dropout\": 0.1,\n", + " \"seq_classif_dropout\": 0.2,\n", + " \"sinusoidal_pos_embds\": false,\n", + " \"tie_weights_\": true,\n", + " \"torchscript\": false,\n", + " \"use_bfloat16\": false,\n", + " \"vocab_size\": 30522\n", + "}\n", + "\n", + "I1210 21:49:41.755493 140261726336832 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./temp/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1210 21:49:42.957785 140261726336832 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./temp/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1210 21:49:42.960213 140261726336832 configuration_utils.py:168] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -564,18 +588,64 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1031 15:37:43.770401 140308661311296 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./temp/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I1210 21:49:43.104863 140261726336832 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./temp/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], "source": [ - "from utils_nlp.models.transformers.extractive_summarization import ExtractiveSummarizer\n", "summarizer = ExtractiveSummarizer(model_name, encoder, CACHE_DIR)" ] }, { "cell_type": "code", - "execution_count": 22, + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "# batch_size is the number of tokens in a batch\n", + "train_dataloader = get_dataloader(train_iter(), is_labeled=True, batch_size=3000)" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [], + "source": [ + "device, num_gpus = get_device(num_gpus=4, local_rank=-1)" + ] + }, + { + "cell_type": "code", + "execution_count": 37, + "metadata": {}, + "outputs": [ + { + "ename": "NameError", + "evalue": "name 'tqdm' is not defined", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0;31m \u001b[0mepoch_iterator\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtqdm\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtrain_data_iterator\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 2\u001b[0m \u001b[0mi\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;36m0\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 3\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mstep\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mbatch\u001b[0m \u001b[0;32min\u001b[0m \u001b[0menumerate\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mepoch_iterator\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 4\u001b[0m \u001b[0mbatch\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mbatch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mto\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mdevice\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 5\u001b[0m \u001b[0mi\u001b[0m \u001b[0;34m+=\u001b[0m \u001b[0;36m1\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mNameError\u001b[0m: name 'tqdm' is not defined" + ] + } + ], + "source": [ + "epoch_iterator = tqdm(train_data_iterator)\n", + "i = 0\n", + "for step, batch in enumerate(epoch_iterator):\n", + " batch = batch.to(device)\n", + " i += 1\n", + " print(i)\n", + " if i > 10:\n", + " break\n" + ] + }, + { + "cell_type": "code", + "execution_count": 9, "metadata": { "scrolled": true }, @@ -584,32 +654,24 @@ "name": "stdout", "output_type": "stream", "text": [ - "cuda\n", - "loss: 30.818217, time: 14.197680, number of examples: 5, step 100 out of total 10000\n", - "loss: 20.408923, time: 14.246498, number of examples: 5, step 200 out of total 10000\n", - "loss: 15.969570, time: 14.484507, number of examples: 5, step 300 out of total 10000\n", - "loss: 15.443698, time: 14.570143, number of examples: 5, step 400 out of total 10000\n", - "loss: 15.203439, time: 14.420183, number of examples: 5, step 500 out of total 10000\n", - "loss: 14.745307, time: 14.314796, number of examples: 5, step 600 out of total 10000\n", - "loss: 14.495191, time: 14.446270, number of examples: 5, step 700 out of total 10000\n", - "loss: 14.056821, time: 14.389389, number of examples: 5, step 800 out of total 10000\n", - "loss: 13.729813, time: 14.223003, number of examples: 5, step 900 out of total 10000\n", - "loss: 13.489415, time: 14.077206, number of examples: 5, step 1000 out of total 10000\n", - "loss: 13.273714, time: 14.130133, number of examples: 5, step 1100 out of total 10000\n", - "loss: 13.152105, time: 15.230361, number of examples: 5, step 1200 out of total 10000\n", - "loss: 12.988920, time: 14.815906, number of examples: 5, step 1300 out of total 10000\n", - "loss: 12.523414, time: 14.185987, number of examples: 5, step 1400 out of total 10000\n", - "loss: 11.803143, time: 13.916287, number of examples: 5, step 1500 out of total 10000\n", - "loss: 10.141595, time: 14.247255, number of examples: 5, step 1600 out of total 10000\n", - "loss: 8.180351, time: 14.021271, number of examples: 5, step 1700 out of total 10000\n", - "loss: 5.736008, time: 13.904408, number of examples: 5, step 1800 out of total 10000\n", - "loss: 3.984385, time: 13.953730, number of examples: 5, step 1900 out of total 10000\n", - "loss: 2.609048, time: 13.872560, number of examples: 5, step 2000 out of total 10000\n", - "loss: 1.960253, time: 13.901405, number of examples: 5, step 2100 out of total 10000\n", - "loss: 1.535262, time: 13.945146, number of examples: 5, step 2200 out of total 10000\n", - "loss: 0.923897, time: 13.986185, number of examples: 5, step 2300 out of total 10000\n", - "loss: 0.696074, time: 13.999948, number of examples: 5, step 2400 out of total 10000\n", - "loss: 0.651599, time: 14.040181, number of examples: 5, step 2500 out of total 10000\n" + "DataParallel\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/nn/parallel/_functions.py:61: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.\n", + " warnings.warn('Was asked to gather along dimension 0, but all '\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss: 5.858079, time: 47.937159, number of examples: 5, step 100 out of total 50000\n", + "loss: 5.761587, time: 36.250811, number of examples: 5, step 200 out of total 50000\n", + "loss: 5.445527, time: 36.161208, number of examples: 5, step 300 out of total 50000\n" ] }, { @@ -619,22 +681,102 @@ "traceback": [ "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", "\u001b[0;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)", - "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 9\u001b[0m \u001b[0mwarmup_steps\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m1e4\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0;36m0.5\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 10\u001b[0m \u001b[0mverbose\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mTrue\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 11\u001b[0;31m \u001b[0mreport_every\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m100\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 12\u001b[0m )\n", - "\u001b[0;32m/dadendev/nlp/utils_nlp/models/transformers/extractive_summarization.py\u001b[0m in \u001b[0;36mfit\u001b[0;34m(self, train_iter, batch_size, device, num_gpus, local_rank, max_steps, optimization_method, lr, max_grad_norm, beta1, beta2, decay_method, warmup_steps, verbose, seed, gradient_accumulation_steps, report_every, **kwargs)\u001b[0m\n\u001b[1;32m 260\u001b[0m \u001b[0;31m#batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 261\u001b[0m \u001b[0minputs\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mget_inputs\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mbatch\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmodel_name\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 262\u001b[0;31m \u001b[0moutputs\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmodel\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m**\u001b[0m\u001b[0minputs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 263\u001b[0m \u001b[0mloss\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0moutputs\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 264\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mnum_gpus\u001b[0m \u001b[0;34m>\u001b[0m \u001b[0;36m1\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 8\u001b[0m \u001b[0mverbose\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mTrue\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 9\u001b[0m \u001b[0mreport_every\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m200\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 10\u001b[0;31m \u001b[0mclip_grad_norm\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mFalse\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 11\u001b[0m )\n", + "\u001b[0;32m/dadendev/nlp/utils_nlp/models/transformers/extractive_summarization.py\u001b[0m in \u001b[0;36mfit\u001b[0;34m(self, train_dataloader, num_gpus, local_rank, max_steps, optimization_method, lr, max_grad_norm, beta1, beta2, decay_method, warmup_steps, verbose, seed, gradient_accumulation_steps, report_every, clip_grad_norm, **kwargs)\u001b[0m\n\u001b[1;32m 237\u001b[0m \u001b[0mreport_every\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mreport_every\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 238\u001b[0m \u001b[0mclip_grad_norm\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mclip_grad_norm\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 239\u001b[0;31m \u001b[0mmax_grad_norm\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mmax_grad_norm\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 240\u001b[0m )\n\u001b[1;32m 241\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/nlp/utils_nlp/models/transformers/common.py\u001b[0m in \u001b[0;36mfine_tune\u001b[0;34m(self, train_dataloader, get_inputs, device, max_steps, num_train_epochs, max_grad_norm, gradient_accumulation_steps, n_gpu, move_batch_to_device, optimizer, scheduler, weight_decay, learning_rate, adam_epsilon, warmup_steps, fp16, fp16_opt_level, local_rank, verbose, seed, report_every, clip_grad_norm)\u001b[0m\n\u001b[1;32m 192\u001b[0m \u001b[0mbatch\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mmove_batch_to_device\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mbatch\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdevice\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 193\u001b[0m \u001b[0minputs\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mget_inputs\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mbatch\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmodel_name\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 194\u001b[0;31m \u001b[0moutputs\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmodel\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m**\u001b[0m\u001b[0minputs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 195\u001b[0m \u001b[0mloss\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0moutputs\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 196\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", "\u001b[0;32m/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/nn/modules/module.py\u001b[0m in \u001b[0;36m__call__\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 545\u001b[0m \u001b[0mresult\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_slow_forward\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 546\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 547\u001b[0;31m \u001b[0mresult\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mforward\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 548\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mhook\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_forward_hooks\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mvalues\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 549\u001b[0m \u001b[0mhook_result\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mhook\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mresult\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/nlp/examples/text_summarization/BertSum/bertsum/models/model_builder.py\u001b[0m in \u001b[0;36mforward\u001b[0;34m(self, x, segs, clss, mask, mask_cls, labels, sentence_range)\u001b[0m\n\u001b[1;32m 103\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 104\u001b[0m \u001b[0mtop_vec\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtransformer\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mx\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msegs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmask\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 105\u001b[0;31m \u001b[0msents_vec\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtop_vec\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0marange\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtop_vec\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msize\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0munsqueeze\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mclss\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 106\u001b[0m \u001b[0msents_vec\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0msents_vec\u001b[0m \u001b[0;34m*\u001b[0m \u001b[0mmask_cls\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m:\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mfloat\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 107\u001b[0m \u001b[0msent_scores\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mencoder\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0msents_vec\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmask_cls\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msqueeze\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m-\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/nn/parallel/data_parallel.py\u001b[0m in \u001b[0;36mforward\u001b[0;34m(self, *inputs, **kwargs)\u001b[0m\n\u001b[1;32m 150\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmodule\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minputs\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 151\u001b[0m \u001b[0mreplicas\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mreplicate\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmodule\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdevice_ids\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0minputs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 152\u001b[0;31m \u001b[0moutputs\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mparallel_apply\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mreplicas\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0minputs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 153\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mgather\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0moutputs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0moutput_device\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 154\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/nn/parallel/data_parallel.py\u001b[0m in \u001b[0;36mparallel_apply\u001b[0;34m(self, replicas, inputs, kwargs)\u001b[0m\n\u001b[1;32m 160\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 161\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0mparallel_apply\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mreplicas\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0minputs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 162\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mparallel_apply\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mreplicas\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0minputs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mkwargs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdevice_ids\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mreplicas\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 163\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 164\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0mgather\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0moutputs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0moutput_device\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/nn/parallel/parallel_apply.py\u001b[0m in \u001b[0;36mparallel_apply\u001b[0;34m(modules, inputs, kwargs_tup, devices)\u001b[0m\n\u001b[1;32m 75\u001b[0m \u001b[0mthread\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstart\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 76\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mthread\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mthreads\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 77\u001b[0;31m \u001b[0mthread\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mjoin\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 78\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 79\u001b[0m \u001b[0m_worker\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmodules\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0minputs\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mkwargs_tup\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdevices\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/anaconda3/envs/cm3/lib/python3.6/threading.py\u001b[0m in \u001b[0;36mjoin\u001b[0;34m(self, timeout)\u001b[0m\n\u001b[1;32m 1054\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1055\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mtimeout\u001b[0m \u001b[0;32mis\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1056\u001b[0;31m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_wait_for_tstate_lock\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1057\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1058\u001b[0m \u001b[0;31m# the behavior of a negative timeout isn't documented, but\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/anaconda3/envs/cm3/lib/python3.6/threading.py\u001b[0m in \u001b[0;36m_wait_for_tstate_lock\u001b[0;34m(self, block, timeout)\u001b[0m\n\u001b[1;32m 1070\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mlock\u001b[0m \u001b[0;32mis\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m:\u001b[0m \u001b[0;31m# already determined that the C code is done\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1071\u001b[0m \u001b[0;32massert\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_is_stopped\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1072\u001b[0;31m \u001b[0;32melif\u001b[0m \u001b[0mlock\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0macquire\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mblock\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtimeout\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1073\u001b[0m \u001b[0mlock\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mrelease\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1074\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_stop\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", "\u001b[0;31mKeyboardInterrupt\u001b[0m: " ] } ], "source": [ "summarizer.fit(\n", + " train_dataloader,\n", + " num_gpus=4,\n", + " gradient_accumulation_steps=2,\n", + " max_steps=5e4,\n", + " lr=2e-3,\n", + " warmup_steps=1e4*0.5,\n", + " verbose=True,\n", + " report_every=200,\n", + " clip_grad_norm=False,\n", + " )" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "cuda\n", + "loss: 41.687942, time: 10.571247, number of examples: 5, step 100 out of total 50000\n", + "loss: 27.198075, time: 10.414026, number of examples: 5, step 200 out of total 50000\n", + "loss: 19.797057, time: 10.415758, number of examples: 5, step 300 out of total 50000\n", + "loss: 18.425389, time: 10.781584, number of examples: 6, step 400 out of total 50000\n", + "loss: 18.224794, time: 10.541868, number of examples: 5, step 500 out of total 50000\n", + "loss: 17.613259, time: 10.589073, number of examples: 5, step 600 out of total 50000\n", + "loss: 17.301366, time: 10.407273, number of examples: 5, step 700 out of total 50000\n", + "loss: 17.202934, time: 10.942506, number of examples: 5, step 800 out of total 50000\n", + "loss: 16.892723, time: 10.530933, number of examples: 5, step 900 out of total 50000\n", + "loss: 16.507498, time: 10.463890, number of examples: 5, step 1000 out of total 50000\n", + "loss: 16.465361, time: 10.396509, number of examples: 5, step 1100 out of total 50000\n", + "loss: 16.058329, time: 11.084911, number of examples: 5, step 1200 out of total 50000\n", + "loss: 16.257821, time: 10.393638, number of examples: 5, step 1300 out of total 50000\n", + "loss: 16.388095, time: 10.345373, number of examples: 5, step 1400 out of total 50000\n", + "loss: 16.286023, time: 10.365130, number of examples: 5, step 1500 out of total 50000\n", + "loss: 16.051502, time: 10.817498, number of examples: 5, step 1600 out of total 50000\n", + "loss: 16.168371, time: 10.377886, number of examples: 5, step 1700 out of total 50000\n", + "loss: 15.836932, time: 10.311240, number of examples: 5, step 1800 out of total 50000\n", + "loss: 15.930409, time: 10.416386, number of examples: 5, step 1900 out of total 50000\n", + "loss: 16.144058, time: 10.919861, number of examples: 5, step 2000 out of total 50000\n", + "loss: 15.958050, time: 10.503907, number of examples: 5, step 2100 out of total 50000\n", + "loss: 15.989393, time: 10.336605, number of examples: 5, step 2200 out of total 50000\n", + "loss: 16.184670, time: 10.369090, number of examples: 5, step 2300 out of total 50000\n", + "loss: 15.845719, time: 10.783756, number of examples: 5, step 2400 out of total 50000\n", + "loss: 15.995785, time: 10.476608, number of examples: 5, step 2500 out of total 50000\n", + "loss: 15.956198, time: 10.584288, number of examples: 5, step 2600 out of total 50000\n", + "loss: 15.698757, time: 10.363683, number of examples: 5, step 2700 out of total 50000\n", + "loss: 16.062314, time: 10.870971, number of examples: 5, step 2800 out of total 50000\n", + "loss: 16.330498, time: 10.406100, number of examples: 5, step 2900 out of total 50000\n", + "loss: 16.146589, time: 10.311280, number of examples: 5, step 3000 out of total 50000\n", + "loss: 15.714548, time: 10.306308, number of examples: 5, step 3100 out of total 50000\n", + "loss: 15.486499, time: 10.973531, number of examples: 5, step 3200 out of total 50000\n", + "loss: 16.004875, time: 10.477626, number of examples: 5, step 3300 out of total 50000\n", + "loss: 15.624634, time: 10.465289, number of examples: 5, step 3400 out of total 50000\n", + "loss: 15.008533, time: 10.357985, number of examples: 5, step 3500 out of total 50000\n", + "loss: 14.941468, time: 10.786665, number of examples: 5, step 3600 out of total 50000\n", + "loss: 15.690416, time: 10.349613, number of examples: 5, step 3700 out of total 50000\n", + "loss: 15.473832, time: 10.488669, number of examples: 5, step 3800 out of total 50000\n", + "loss: 15.507311, time: 10.463375, number of examples: 5, step 3900 out of total 50000\n", + "loss: 15.229168, time: 10.962234, number of examples: 5, step 4000 out of total 50000\n", + "loss: 15.370942, time: 10.260397, number of examples: 5, step 4100 out of total 50000\n", + "loss: 16.097768, time: 10.322650, number of examples: 3, step 4200 out of total 50000\n", + "loss: 15.122436, time: 10.378397, number of examples: 5, step 4300 out of total 50000\n", + "loss: 15.237820, time: 10.712401, number of examples: 5, step 4400 out of total 50000\n", + "loss: 15.357680, time: 10.279303, number of examples: 5, step 4500 out of total 50000\n", + "loss: 15.554055, time: 10.379611, number of examples: 7, step 4600 out of total 50000\n", + "loss: 15.103175, time: 10.420841, number of examples: 5, step 4700 out of total 50000\n" + ] + } + ], + "source": [ + "DEVICE = \"cuda\"\n", + "summarizer.fit2(\n", " train_iter,\n", " device= DEVICE,\n", " batch_size=3000,\n", " num_gpus=NUM_GPUS,\n", " gradient_accumulation_steps=2,\n", - " max_steps=1e4,\n", + " max_steps=5e4,\n", " lr=2e-3,\n", " warmup_steps=1e4*0.5,\n", " verbose=True,\n", @@ -644,16 +786,17 @@ }, { "cell_type": "code", - "execution_count": 29, + "execution_count": 14, "metadata": {}, "outputs": [], "source": [ - "torch.save(summarizer.model, model_name+\"_bertsum_processed_data.pt\")" + "import torch\n", + "torch.save(summarizer.model, model_name+'_newcommond'+\"_dataparallel\"+\"_bertsum_processed_data.pt\")" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 13, "metadata": {}, "outputs": [], "source": [ @@ -672,13 +815,10 @@ }, { "cell_type": "code", - "execution_count": 47, + "execution_count": 14, "metadata": {}, "outputs": [], "source": [ - "import torch\n", - "import os\n", - "\n", "test_dataset=[]\n", "for i in test_iter():\n", " test_dataset.extend(i)" @@ -686,16 +826,16 @@ }, { "cell_type": "code", - "execution_count": 49, + "execution_count": 15, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "100" + "11489" ] }, - "execution_count": 49, + "execution_count": 15, "metadata": {}, "output_type": "execute_result" } @@ -706,25 +846,284 @@ }, { "cell_type": "code", - "execution_count": 50, + "execution_count": 16, "metadata": {}, "outputs": [], "source": [ - "from utils_nlp.models.transformers.extractive_summarization import get_data_iter\n", - "\n", - "prediction = summarizer.predict(get_data_iter(test_dataset),\n", - " device=DEVICE)" + "prediction = summarizer.predict(get_data_iter(test_dataset), device=DEVICE)" ] }, { "cell_type": "code", - "execution_count": 52, + "execution_count": 17, "metadata": {}, "outputs": [], "source": [ "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]" ] }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "11489\n", + "11489\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-12-10 21:54:15,589 [MainThread ] [INFO ] Writing summaries.\n", + "I1210 21:54:15.589290 140261726336832 pyrouge.py:525] Writing summaries.\n", + "2019-12-10 21:54:15,591 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpfmn7fdbj/system and model files to ./results/tmpfmn7fdbj/model.\n", + "I1210 21:54:15.591191 140261726336832 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpfmn7fdbj/system and model files to ./results/tmpfmn7fdbj/model.\n", + "2019-12-10 21:54:15,594 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-10-21-54-14/candidate/.\n", + "I1210 21:54:15.594782 140261726336832 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-10-21-54-14/candidate/.\n", + "2019-12-10 21:54:16,668 [MainThread ] [INFO ] Saved processed files to ./results/tmpfmn7fdbj/system.\n", + "I1210 21:54:16.668018 140261726336832 pyrouge.py:53] Saved processed files to ./results/tmpfmn7fdbj/system.\n", + "2019-12-10 21:54:16,669 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-10-21-54-14/reference/.\n", + "I1210 21:54:16.669716 140261726336832 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-10-21-54-14/reference/.\n", + "2019-12-10 21:54:17,775 [MainThread ] [INFO ] Saved processed files to ./results/tmpfmn7fdbj/model.\n", + "I1210 21:54:17.775310 140261726336832 pyrouge.py:53] Saved processed files to ./results/tmpfmn7fdbj/model.\n", + "2019-12-10 21:54:17,865 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp4efxyz7b/rouge_conf.xml\n", + "I1210 21:54:17.865489 140261726336832 pyrouge.py:354] Written ROUGE configuration to ./results/tmp4efxyz7b/rouge_conf.xml\n", + "2019-12-10 21:54:17,867 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp4efxyz7b/rouge_conf.xml\n", + "I1210 21:54:17.867019 140261726336832 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp4efxyz7b/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.54208 (95%-conf.int. 0.53930 - 0.54484)\n", + "1 ROUGE-1 Average_P: 0.36866 (95%-conf.int. 0.36651 - 0.37103)\n", + "1 ROUGE-1 Average_F: 0.42466 (95%-conf.int. 0.42276 - 0.42672)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.24754 (95%-conf.int. 0.24499 - 0.25011)\n", + "1 ROUGE-2 Average_P: 0.16856 (95%-conf.int. 0.16669 - 0.17049)\n", + "1 ROUGE-2 Average_F: 0.19382 (95%-conf.int. 0.19190 - 0.19576)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.49419 (95%-conf.int. 0.49159 - 0.49685)\n", + "1 ROUGE-L Average_P: 0.33667 (95%-conf.int. 0.33456 - 0.33889)\n", + "1 ROUGE-L Average_F: 0.38754 (95%-conf.int. 0.38561 - 0.38960)\n", + "\n" + ] + } + ], + "source": [ + "rouge_transformer = get_rouge(prediction, target, \"./results/\")" + ] + }, + { + "cell_type": "code", + "execution_count": 30, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "11489\n", + "11489\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-12-07 13:34:57,093 [MainThread ] [INFO ] Writing summaries.\n", + "I1207 13:34:57.093963 139683323610944 pyrouge.py:525] Writing summaries.\n", + "2019-12-07 13:34:57,095 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpcferef5_/system and model files to ./results/tmpcferef5_/model.\n", + "I1207 13:34:57.095779 139683323610944 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpcferef5_/system and model files to ./results/tmpcferef5_/model.\n", + "2019-12-07 13:34:57,096 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-07-13-34-56/candidate/.\n", + "I1207 13:34:57.096807 139683323610944 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-07-13-34-56/candidate/.\n", + "2019-12-07 13:34:58,251 [MainThread ] [INFO ] Saved processed files to ./results/tmpcferef5_/system.\n", + "I1207 13:34:58.251595 139683323610944 pyrouge.py:53] Saved processed files to ./results/tmpcferef5_/system.\n", + "2019-12-07 13:34:58,253 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-07-13-34-56/reference/.\n", + "I1207 13:34:58.253087 139683323610944 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-07-13-34-56/reference/.\n", + "2019-12-07 13:34:59,402 [MainThread ] [INFO ] Saved processed files to ./results/tmpcferef5_/model.\n", + "I1207 13:34:59.402208 139683323610944 pyrouge.py:53] Saved processed files to ./results/tmpcferef5_/model.\n", + "2019-12-07 13:34:59,485 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmpuyc0ul2x/rouge_conf.xml\n", + "I1207 13:34:59.485491 139683323610944 pyrouge.py:354] Written ROUGE configuration to ./results/tmpuyc0ul2x/rouge_conf.xml\n", + "2019-12-07 13:34:59,486 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpuyc0ul2x/rouge_conf.xml\n", + "I1207 13:34:59.486500 139683323610944 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpuyc0ul2x/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.53608 (95%-conf.int. 0.53328 - 0.53883)\n", + "1 ROUGE-1 Average_P: 0.37832 (95%-conf.int. 0.37594 - 0.38073)\n", + "1 ROUGE-1 Average_F: 0.42902 (95%-conf.int. 0.42696 - 0.43104)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.24854 (95%-conf.int. 0.24592 - 0.25123)\n", + "1 ROUGE-2 Average_P: 0.17574 (95%-conf.int. 0.17360 - 0.17792)\n", + "1 ROUGE-2 Average_F: 0.19879 (95%-conf.int. 0.19676 - 0.20102)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.48980 (95%-conf.int. 0.48709 - 0.49253)\n", + "1 ROUGE-L Average_P: 0.34635 (95%-conf.int. 0.34386 - 0.34873)\n", + "1 ROUGE-L Average_F: 0.39242 (95%-conf.int. 0.39039 - 0.39448)\n", + "\n" + ] + } + ], + "source": [ + "\n", + "rouge_transformer = get_rouge(prediction, target, \"./results/\")" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "## Set QUICK_RUN = True to run the notebook on a small subset of data and a smaller number of epochs.\n", + "QUICK_RUN = True\n", + "USE_PREPROCESSED_DATA = True\n", + "import os\n", + "\n", + "os.environ[\"CUDA_DEVICE_ORDER\"] = \"PCI_BUS_ID\" # see issue #152\n", + "os.environ[\"CUDA_VISIBLE_DEVICES\"] = \"0,1,2,3\"\n", + "%load_ext autoreload\n", + "%autoreload 2\n", + "import sys\n", + "import os\n", + "\n", + "nlp_path = os.path.abspath(\"../../\")\n", + "if nlp_path not in sys.path:\n", + " sys.path.insert(0, nlp_path)\n", + "sys.path.insert(0, \"./\")\n", + "sys.path.insert(0, \"/dadendev/nlp/examples/text_summarization/BertSum/\")\n", + "if USE_PREPROCESSED_DATA:\n", + " data_path = \"./temp_data5/\"\n", + " if not os.path.exists(data_path):\n", + " os.mkdir(data_path)\n", + " #CNNDMBertSumProcessedData.download(local_path=data_path)\n", + " train_iter, test_iter = CNNDMBertSumProcessedData().splits(root=data_path)\n", + "data_path = \"./temp_data4/\"\n", + "from utils_nlp.dataset.cnndm import CNNDMBertSumProcessedData\n", + "\n", + "train_files = CNNDMBertSumProcessedData.save_data(\n", + " ext_sum_train, is_test=False, path_and_prefix=data_path, chunk_size=25\n", + ")\n", + "test_files = CNNDMBertSumProcessedData.save_data(\n", + " ext_sum_test, is_test=True, path_and_prefix=data_path, chunk_size=None\n", + ")\n", + "if USE_PREPROCESSED_DATA:\n", + " data_path = \"./temp_data5/\"\n", + " if not os.path.exists(data_path):\n", + " os.mkdir(data_path)\n", + " #CNNDMBertSumProcessedData.download(local_path=data_path)\n", + " train_iter, test_iter = CNNDMBertSumProcessedData().splits(root=data_path)\n", + "# notebook parameters\n", + "DATA_FOLDER = \"./temp\"\n", + "CACHE_DIR = \"./temp\"\n", + "DEVICE = \"cuda\"\n", + "BATCH_SIZE = 3000\n", + "NUM_GPUS = 1\n", + "encoder = \"transformer\"\n", + "model_name = \"distilbert-base-uncased\"\n", + "from utils_nlp.models.transformers.extractive_summarization import ExtractiveSummarizer\n", + "summarizer = ExtractiveSummarizer(model_name, encoder, CACHE_DIR)\n", + "from utils_nlp.models.transformers.extractive_summarization import get_dataloader\n", + "train_dataloader = get_dataloader(train_iter(), is_labeled=True, batch_size=3000)\n", + "from utils_nlp.common.pytorch_utils import get_device\n", + "device, num_gpus = get_device(num_gpus=4, local_rank=-1)\n", + "DEVICE = \"cuda\"\n", + "summarizer.fit2(\n", + " train_iter,\n", + " device= DEVICE,\n", + " batch_size=3000,\n", + " num_gpus=NUM_GPUS,\n", + " gradient_accumulation_steps=2,\n", + " max_steps=5e4,\n", + " lr=2e-3,\n", + " warmup_steps=1e4*0.5,\n", + " verbose=True,\n", + " report_every=100,\n", + " )\n", + "torch.save(summarizer.model, model_name+'1'+\"_bertsum_processed_data.pt\")\n", + "import torch\n", + "torch.save(summarizer.model, model_name+'1'+\"_bertsum_processed_data.pt\")\n", + "import torch\n", + "import os\n", + "\n", + "test_dataset=[]\n", + "for i in test_iter():\n", + " test_dataset.extend(i)\n", + "len(test_dataset)\n", + "from utils_nlp.models.transformers.extractive_summarization import get_data_iter\n", + "\n", + "prediction = summarizer.predict(get_data_iter(test_dataset),\n", + " device=DEVICE)\n", + "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", + "from utils_nlp.eval.evaluate_summarization import get_rouge\n", + "rouge_transformer = get_rouge(prediction, target, \"./results/\")\n", + "from utils_nlp.models.transformers.extractive_summarization import ExtractiveSummarizer\n", + "summarizer = ExtractiveSummarizer(model_name, encoder, CACHE_DIR)\n", + "summarizer.fit(\n", + " train_dataloader,\n", + " num_gpus=NUM_GPUS,\n", + " gradient_accumulation_steps=2,\n", + " max_steps=5e4,\n", + " lr=2e-3,\n", + " warmup_steps=1e4*0.5,\n", + " verbose=True,\n", + " report_every=200,\n", + " )\n", + "summarizer.fit(\n", + " train_dataloader,\n", + " num_gpus=NUM_GPUS,\n", + " gradient_accumulation_steps=2,\n", + " max_steps=5e4,\n", + " lr=2e-3,\n", + " warmup_steps=1e4*0.5,\n", + " verbose=True,\n", + " report_every=200,\n", + " )\n", + "from utils_nlp.models.transformers.extractive_summarization import get_dataloader\n", + "train_dataloader = get_dataloader(train_iter(), is_labeled=True, batch_size=3000)\n", + "summarizer.fit(\n", + " train_dataloader,\n", + " num_gpus=NUM_GPUS,\n", + " gradient_accumulation_steps=2,\n", + " max_steps=5e4,\n", + " lr=2e-3,\n", + " warmup_steps=1e4*0.5,\n", + " verbose=True,\n", + " report_every=200,\n", + " )\n", + "len(test_dataset)\n", + "from utils_nlp.models.transformers.extractive_summarization import get_data_iter\n", + "\n", + "prediction = summarizer.predict(get_data_iter(test_dataset),\n", + " device=DEVICE)\n", + "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", + "from utils_nlp.eval.evaluate_summarization import get_rouge\n", + "rouge_transformer = get_rouge(prediction, target, \"./results/\")\n", + "import torch\n", + "torch.save(summarizer.model, model_name+'newcommond'+\"_bertsum_processed_data.pt\")\n", + "%history\n" + ] + } + ], + "source": [ + "%history" + ] + }, { "cell_type": "code", "execution_count": 53, @@ -775,8 +1174,8 @@ } ], "source": [ - "from utils_nlp.eval.evaluate_summarization import get_rouge\n", - "rouge_transformer = get_rouge(prediction, target, \"./results/\")" + "#from utils_nlp.eval.evaluate_summarization import get_rouge\n", + "#rouge_transformer = get_rouge(prediction, target, \"./results/\")" ] }, { diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index 26d387b38..8dff7d1ea 100644 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -7,10 +7,13 @@ import logging import os import random +import time import numpy as np import torch from tqdm import tqdm, trange +from itertools import cycle + from transformers import AdamW, WarmupLinearSchedule from transformers.modeling_bert import BERT_PRETRAINED_MODEL_ARCHIVE_MAP from transformers.modeling_distilbert import DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP @@ -21,6 +24,7 @@ from transformers.tokenization_roberta import RobertaTokenizer from transformers.tokenization_xlnet import XLNetTokenizer + TOKENIZER_CLASS = {} TOKENIZER_CLASS.update({k: BertTokenizer for k in BERT_PRETRAINED_MODEL_ARCHIVE_MAP}) TOKENIZER_CLASS.update({k: RobertaTokenizer for k in ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP}) @@ -31,7 +35,6 @@ logger = logging.getLogger(__name__) - class Transformer: def __init__( self, @@ -88,6 +91,7 @@ def fine_tune( max_grad_norm=1.0, gradient_accumulation_steps=1, n_gpu=1, + move_batch_to_device=None, optimizer=None, scheduler=None, weight_decay=0.0, @@ -99,15 +103,20 @@ def fine_tune( local_rank=-1, verbose=True, seed=None, + report_every=10, + clip_grad_norm=True, ): if seed is not None: Transformer.set_seed(seed, n_gpu > 0) if max_steps > 0: t_total = max_steps - num_train_epochs = ( - max_steps // (len(train_dataloader) // gradient_accumulation_steps) + 1 - ) + if torch.utils.data.dataloader.DataLoader == type(train_dataloader): + num_train_epochs = ( + max_steps // (len(train_dataloader) // gradient_accumulation_steps) + 1 + ) + else: + num_train_epochs = -1 else: t_total = len(train_dataloader) // gradient_accumulation_steps * num_train_epochs @@ -133,7 +142,7 @@ def fine_tune( ] optimizer = AdamW(optimizer_grouped_parameters, lr=learning_rate, eps=adam_epsilon) - if scheduler is None: + #if scheduler is None: scheduler = WarmupLinearSchedule(optimizer, warmup_steps=warmup_steps, t_total=t_total) if fp16: @@ -145,10 +154,12 @@ def fine_tune( # multi-gpu training (should be after apex fp16 initialization) if n_gpu > 1: + print("DataParallel") self.model = torch.nn.DataParallel(self.model) # Distributed training (should be after apex fp16 initialization) if local_rank != -1: + print("DistributedDataParallel") self.model = torch.nn.parallel.DistributedDataParallel( self.model, device_ids=[local_rank], @@ -159,17 +170,26 @@ def fine_tune( global_step = 0 tr_loss = 0.0 self.model.zero_grad() - train_iterator = trange( - int(num_train_epochs), desc="Epoch", disable=local_rank not in [-1, 0] or not verbose - ) - + if num_train_epochs != -1: + train_iterator = trange( + int(num_train_epochs), desc="Epoch", disable=local_rank not in [-1, 0] or not verbose + ) + else: + train_iterator = cycle('1') # use this as an infinite cycle + + if move_batch_to_device is None: + def move_batch_to_device(device): + return tuple(t.to(device) for t in batch) + + start = time.time() + accum_loss = 0 for _ in train_iterator: epoch_iterator = tqdm( - train_dataloader, desc="Iteration", disable=local_rank not in [-1, 0] or not verbose + train_dataloader, desc="Iteration", disable= True #local_rank not in [-1, 0] or not verbose ) for step, batch in enumerate(epoch_iterator): self.model.train() - batch = tuple(t.to(device) for t in batch) + batch = move_batch_to_device(batch, device) inputs = get_inputs(batch, self.model_name) outputs = self.model(**inputs) loss = outputs[0] @@ -179,23 +199,40 @@ def fine_tune( if gradient_accumulation_steps > 1: loss = loss / gradient_accumulation_steps - if step % 10 == 0 and verbose: - tqdm.write("Loss:{:.6f}".format(loss)) + accum_loss += loss.item() + if step % report_every == 0 and verbose and step > 0: + #tqdm.write("Loss:{:.6f}".format(loss)) + end = time.time() + print("loss: {0:.6f}, time: {1:f}, number of examples: {2:.0f}, step {3:.0f} out of total {4:.0f}".format( + accum_loss/report_every, end-start, len(batch), global_step, max_steps)) + accum_loss = 0 + start = end + if fp16: with amp.scale_loss(loss, optimizer) as scaled_loss: scaled_loss.backward() - torch.nn.utils.clip_grad_norm_(amp.master_params(optimizer), max_grad_norm) + if clip_grad_norm: + torch.nn.utils.clip_grad_norm_(amp.master_params(optimizer), max_grad_norm) else: loss.backward() - torch.nn.utils.clip_grad_norm_(self.model.parameters(), max_grad_norm) + if clip_grad_norm: + torch.nn.utils.clip_grad_norm_(self.model.parameters(), max_grad_norm) + #(loss/loss.numel()).backward() tr_loss += loss.item() if (step + 1) % gradient_accumulation_steps == 0: optimizer.step() - scheduler.step() + if scheduler: + scheduler.step() self.model.zero_grad() global_step += 1 + #if n_gpu > 1: + # grads = [p.grad.data for p in self.model.parameters() + # if p.requires_grad + # and p.grad is not None] + # distributed.all_reduce_and_rescale_tensors( + # grads, float(1)) if max_steps > 0 and global_step > max_steps: epoch_iterator.close() @@ -209,10 +246,14 @@ def fine_tune( torch.cuda.empty_cache() return global_step, tr_loss / global_step - def predict(self, eval_dataloader, get_inputs, device, verbose=True): + def predict(self, eval_dataloader, get_inputs, device, move_batch_to_device=None, verbose=True): + if move_batch_to_device is None: + def move_batch_to_device(device): + return tuple(t.to(device) for t in batch) + for batch in tqdm(eval_dataloader, desc="Evaluating", disable=not verbose): self.model.eval() - batch = tuple(t.to(device) for t in batch) + batch = move_batch_to_device(batch, device) with torch.no_grad(): inputs = get_inputs(batch, self.model_name, train_mode=False) outputs = self.model(**inputs) diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index f5bb1e5f3..a8d5b0cb1 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -20,24 +20,22 @@ XLNET_PRETRAINED_MODEL_ARCHIVE_MAP, XLNetForSequenceClassification, ) - +from utils_nlp.common.pytorch_utils import get_device from utils_nlp.models.transformers.common import ( MAX_SEQ_LEN, TOKENIZER_CLASS, Transformer, - get_device, ) from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig import torch +import torch.nn as nn from transformers import * -# Transformers has a unified API -# for 8 transformer architectures and 30 pretrained weights. -# Model | Tokenizer | Pretrained weights shortcut MODEL_CLASS= {"bert-base-uncased": BertModel, 'distilbert-base-uncased': DistilBertModel} + from bertsum.prepro.data_builder import greedy_selection, combination_selection from bertsum.prepro.data_builder import TransformerData from bertsum.models.model_builder import Summarizer @@ -99,19 +97,21 @@ def get_dataloader(data_iter, is_labeled=False, batch_size=3000): class ExtSumProcessor: - def __init__(self, model_name="bert-base-cased", to_lower=False, cache_dir="."): + def __init__(self, model_name="bert-base-cased", to_lower=False, cache_dir=".", + max_nsents=200, max_src_ntokens=2000, min_nsents=3, min_src_ntokens=5, use_interval=True): self.tokenizer = TOKENIZER_CLASS[model_name].from_pretrained( model_name, do_lower_case=to_lower, cache_dir=cache_dir ) default_preprocessing_parameters = { - "max_nsents": 200, - "max_src_ntokens": 2000, - "min_nsents": 3, - "min_src_ntokens": 5, - "use_interval": True, + "max_nsents": max_nsents, + "max_src_ntokens": max_src_ntokens, + "min_nsents": min_nsents, + "min_src_ntokens": min_src_ntokens, + "use_interval": use_interval, } + print(default_preprocessing_parameters) args = Bunch(default_preprocessing_parameters) self.preprossor = TransformerData(args, self.tokenizer) @@ -166,7 +166,7 @@ def __init__(self, model_name="distilbert-base-uncased", encoder="transformer", num_labels=0, cache_dir=cache_dir, ) - model_class =MODEL_CLASS[model_name] + model_class = MODEL_CLASS[model_name] default_summarizer_layer_parameters = { "ff_size": 512, "heads": 4, @@ -184,8 +184,62 @@ def __init__(self, model_name="distilbert-base-uncased", encoder="transformer", @staticmethod def list_supported_models(): return list(MODEL_CLASS) - + def fit( + self, + train_dataloader, + num_gpus=None, + local_rank=-1, + max_steps=5e5, + optimization_method='adam', + lr=2e-3, + max_grad_norm=0, + beta1=0.9, + beta2=0.999, + decay_method='noam', + warmup_steps=1e5, + verbose=True, + seed=None, + gradient_accumulation_steps=2, + report_every=50, + clip_grad_norm=False, + **kwargs + ): + + device, num_gpus = get_device(num_gpus=num_gpus, local_rank=local_rank) + + def move_batch_to_device(batch, device): + return batch.to(device) + + #if isinstance(self.model, nn.DataParallel): + # self.model.module.to(device) + #else: + self.model.to(device) + + optimizer = model_builder.build_optim(optimization_method, lr, max_grad_norm, beta1, + beta2, decay_method, warmup_steps, self.model, None) + + #train_dataloader = get_dataloader(train_iter(), is_labeled=True, batch_size=batch_size) + + super().fine_tune( + train_dataloader=train_dataloader, + get_inputs=ExtSumProcessor.get_inputs, + device=device, + move_batch_to_device=move_batch_to_device, + n_gpu=num_gpus, + num_train_epochs=-1, + max_steps=max_steps, + optimizer=optimizer, + warmup_steps=warmup_steps, + gradient_accumulation_steps=gradient_accumulation_steps, + verbose=verbose, + seed=seed, + report_every=report_every, + clip_grad_norm=clip_grad_norm, + max_grad_norm=max_grad_norm, + ) + + def fit2( self, train_iter, batch_size=3000, @@ -209,7 +263,8 @@ def fit( """ train_dataset is data iterator """ - device, num_gpus = get_device(device=device, num_gpus=num_gpus, local_rank=local_rank) + torch.backends.cudnn.benchmark=True + device, num_gpus = get_device(num_gpus=num_gpus, local_rank=local_rank) print(device) device = torch.device("cuda:{}".format(0)) #gpu_rank = distributed.multi_init(0, 1, "0") @@ -223,6 +278,7 @@ def fit( #args = Bunch(default_parameters) optimizer = model_builder.build_optim(optimization_method, lr, max_grad_norm, beta1, beta2, decay_method, warmup_steps, self.model, None) + if seed is not None: super(ExtractiveSummarizer).set_seed(seed, n_gpu > 0) @@ -301,9 +357,78 @@ def fit( # empty cache #del [batch] torch.cuda.empty_cache() - return global_step, tr_loss / global_step + return global_step, tr_loss / global_step + + def predict(self, eval_dataloader, num_gpus=1, batch_size=16, sentence_seperator="", top_n=3, block_trigram=True, verbose=True, cal_lead=False): + def _get_ngrams(n, text): + ngram_set = set() + text_length = len(text) + max_index_ngram_start = text_length - n + for i in range(max_index_ngram_start + 1): + ngram_set.add(tuple(text[i:i + n])) + return ngram_set + + def _block_tri(c, p): + tri_c = _get_ngrams(3, c.split()) + for s in p: + tri_s = _get_ngrams(3, s.split()) + if len(tri_c.intersection(tri_s))>0: + return True + return False + def _get_pred(batch, sent_scores): + #return sent_scores + if cal_lead: + selected_ids = list(range(batch.clss.size(1)))*len(batch.clss) + else: + #negative_sent_score = [-i for i in sent_scores[0]] + selected_ids = np.argsort(-sent_scores, 1) + # selected_ids = np.sort(selected_ids,1) + pred = [] + for i, idx in enumerate(selected_ids): + _pred = [] + if(len(batch.src_str[i])==0): + pred.append('') + continue + for j in selected_ids[i][:len(batch.src_str[i])]: + if(j>=len( batch.src_str[i])): + continue + candidate = batch.src_str[i][j].strip() + if(block_trigram): + if(not _block_tri(candidate,_pred)): + _pred.append(candidate) + else: + _pred.append(candidate) + + # only select the top 3 + if len(_pred) == top_n: + break + + #_pred = ''.join(_pred) + _pred = sentence_seperator.join(_pred) + pred.append(_pred.strip()) + return pred + + device, num_gpus = get_device(num_gpus=num_gpus, local_rank=-1) + #if isinstance(self.model, nn.DataParallel): + # self.model.module.to(device) + #else: + self.model.to(device) + + sent_scores = list( + super().predict( + eval_dataloader=eval_dataloader, + get_inputs=ExtSumProcessor.get_inputs, + device=device, + verbose=verbose, + ) + ) + sent_scores = np.concatenate(sent_scores) + + return _get_pred(batch, sent_scores) + + - def predict(self, eval_data_iterator, device, batch_size=16, sentence_seperator="", top_n=3, block_trigram=True, num_gpus=1, verbose=True, cal_lead=False): + def predict2(self, eval_data_iterator, device, batch_size=16, sentence_seperator="", top_n=3, block_trigram=True, num_gpus=1, verbose=True, cal_lead=False): def _get_ngrams(n, text): ngram_set = set() text_length = len(text) From a5926c0317db8b0f62a7d6d8703f6c893dcdf976 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Thu, 12 Dec 2019 04:59:13 +0000 Subject: [PATCH 056/167] make download optional and add exception control --- utils_nlp/dataset/cnndm.py | 65 ++++++++++++++++++++++---------------- 1 file changed, 38 insertions(+), 27 deletions(-) diff --git a/utils_nlp/dataset/cnndm.py b/utils_nlp/dataset/cnndm.py index 315a6179b..76bddcc78 100644 --- a/utils_nlp/dataset/cnndm.py +++ b/utils_nlp/dataset/cnndm.py @@ -1,28 +1,32 @@ -import torch -from torchtext.utils import extract_archive -import torchtext -from utils_nlp.dataset.url_utils import maybe_download -import regex as re +# Copyright (c) Microsoft Corporation. All rights reserved. +# Licensed under the MIT License. -import nltk +""" + Utility functions for downloading, extracting, and reading the + CNN/DM dataset at https://github.com/harvardnlp/sent-summary. +""" +import glob +import itertools +import nltk nltk.download("punkt") - from nltk import tokenize -import torch -import sys import os -from bertsum.others.utils import clean -from multiprocess import Pool -from tqdm import tqdm -import itertools +from os.path import isfile, join +import sys +import regex as re +import torch +import torchtext from torchtext.utils import download_from_url, extract_archive import zipfile -import glob -from os.path import isfile, join +from bertsum.others.utils import clean + +from utils_nlp.dataset.url_utils import maybe_download from utils_nlp.models.transformers.extractive_summarization import get_dataset, get_dataloader -#https://torchtext.readthedocs.io/en/latest/datasets.html#sentiment-analysis + + + def _line_iter(file_path): with open(file_path, "r", encoding="utf8") as fd: for line in fd: @@ -39,7 +43,7 @@ def _create_data_from_iterator(iterator, preprocessing, word_tokenizer): def _remove_ttags(line): line = re.sub(r"", "", line) # change to - # pyrouge test requires as sentence splitter + # pyrouge test requires as sentence splitter line = re.sub(r"", "", line) return line @@ -156,9 +160,10 @@ def _setup_datasets(url, top_n=-1, local_cache_path=".data"): class CNNDMBertSumProcessedData(): @staticmethod - def save_data(data_iter, is_test=False, path_and_prefix="./", chunk_size=None): + def save_data(data_iter, is_test=False, save_path="./", chunk_size=None): + os.makedirs(save_path, exist_ok=True) def chunks(iterable, chunk_size): - iterator = iter(iterable) + iterator = filter(None, iterable) #iter(iterable) for first in iterator: if chunk_size: yield itertools.chain([first], itertools.islice(iterator, chunk_size - 1)) @@ -167,20 +172,26 @@ def chunks(iterable, chunk_size): chunks = chunks(data_iter, chunk_size) filename_list = [] for i,chunked_data in enumerate(chunks): - filename = f"{path_and_prefix}_{i}_test" if is_test else f"{path_and_prefix}_{i}_train" - torch.save(list(chunked_data), filename) - filename_list.append(filename) + filename = f"{i}_test" if is_test else f"{i}_train" + torch.save(list(chunked_data), os.path.join(save_path, filename)) + filename_list.append(os.path.join(save_path,filename)) return filename_list @staticmethod def download(local_path=".data"): - file_name = "bertsum_data.zip" url = "https://drive.google.com/uc?export=download&id=1x0d61LP9UAN389YN00z0Pv-7jQgirVg6" - dataset_zip = download_from_url(url, root=local_path) - zip=zipfile.ZipFile(dataset_zip) - #zip=zipfile.ZipFile("./temp_data3/"+file_name) + try: + if os.path.exists(os.path.join(local_path,file_name)): + zip=zipfile.ZipFile(os.path.join(local_path, file_name)) + else: + dataset_zip = download_from_url(url, root=local_path) + zip=zipfile.ZipFile(dataset_zip) + except: + print("Unexpected dataset downloading or reading error:", sys.exc_info()[0]) + raise + zip.extractall(local_path) return local_path @@ -199,4 +210,4 @@ def get_train_dataset(): return get_dataset(train_files) def get_test_dataset(): return get_dataset(test_files) - return get_train_dataset, get_test_dataset \ No newline at end of file + return get_train_dataset, get_test_dataset From 05f7e0794eeadf50c84eb434f24ec19bf3432360 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Thu, 12 Dec 2019 05:01:32 +0000 Subject: [PATCH 057/167] use exception to determine if len(train_dataloader) is valid and can be used to get num_epochs --- utils_nlp/models/transformers/common.py | 67 +++++++++++++------------ 1 file changed, 35 insertions(+), 32 deletions(-) diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index 8dff7d1ea..544b33cce 100644 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -108,17 +108,26 @@ def fine_tune( ): if seed is not None: Transformer.set_seed(seed, n_gpu > 0) + + try: + data_set_length = len(train_dataloader) + except: + data_set_length = -1 + if max_steps > 0: t_total = max_steps - if torch.utils.data.dataloader.DataLoader == type(train_dataloader): + if data_set_length != -1: num_train_epochs = ( - max_steps // (len(train_dataloader) // gradient_accumulation_steps) + 1 + max_steps // (data_set_length // gradient_accumulation_steps) + 1 ) else: num_train_epochs = -1 else: - t_total = len(train_dataloader) // gradient_accumulation_steps * num_train_epochs + if data_set_length != -1 and num_train_epochs != -1 : + t_total = len(train_dataloader) // gradient_accumulation_steps * num_train_epochs + else: + t_total = -1 if optimizer is None: no_decay = ["bias", "LayerNorm.weight"] @@ -142,8 +151,8 @@ def fine_tune( ] optimizer = AdamW(optimizer_grouped_parameters, lr=learning_rate, eps=adam_epsilon) - #if scheduler is None: - scheduler = WarmupLinearSchedule(optimizer, warmup_steps=warmup_steps, t_total=t_total) + if t_total != -1 and scheduler is None: + scheduler = WarmupschedulerLinearSchedule(optimizer, warmup_steps=warmup_steps, t_total=t_total) if fp16: try: @@ -154,12 +163,10 @@ def fine_tune( # multi-gpu training (should be after apex fp16 initialization) if n_gpu > 1: - print("DataParallel") self.model = torch.nn.DataParallel(self.model) # Distributed training (should be after apex fp16 initialization) if local_rank != -1: - print("DistributedDataParallel") self.model = torch.nn.parallel.DistributedDataParallel( self.model, device_ids=[local_rank], @@ -183,12 +190,14 @@ def move_batch_to_device(device): start = time.time() accum_loss = 0 + + self.model.train() for _ in train_iterator: epoch_iterator = tqdm( train_dataloader, desc="Iteration", disable= True #local_rank not in [-1, 0] or not verbose ) for step, batch in enumerate(epoch_iterator): - self.model.train() + batch = move_batch_to_device(batch, device) inputs = get_inputs(batch, self.model_name) outputs = self.model(**inputs) @@ -198,16 +207,7 @@ def move_batch_to_device(device): loss = loss.mean() if gradient_accumulation_steps > 1: loss = loss / gradient_accumulation_steps - - accum_loss += loss.item() - if step % report_every == 0 and verbose and step > 0: - #tqdm.write("Loss:{:.6f}".format(loss)) - end = time.time() - print("loss: {0:.6f}, time: {1:f}, number of examples: {2:.0f}, step {3:.0f} out of total {4:.0f}".format( - accum_loss/report_every, end-start, len(batch), global_step, max_steps)) - accum_loss = 0 - start = end - + if fp16: with amp.scale_loss(loss, optimizer) as scaled_loss: @@ -218,31 +218,34 @@ def move_batch_to_device(device): loss.backward() if clip_grad_norm: torch.nn.utils.clip_grad_norm_(self.model.parameters(), max_grad_norm) - #(loss/loss.numel()).backward() tr_loss += loss.item() + accum_loss += loss.item() if (step + 1) % gradient_accumulation_steps == 0: + global_step += 1 + if global_step % report_every == 0 and verbose: + #tqdm.write("Loss:{:.6f}".format(loss)) + end = time.time() + print("loss: {0:.6f}, time: {1:f}, number of examples in current step: {2:.0f}, step {3:.0f} out of total {4:.0f}".format( + accum_loss/report_every, end-start, len(batch), global_step, max_steps)) + accum_loss = 0 + start = end + optimizer.step() if scheduler: scheduler.step() self.model.zero_grad() - global_step += 1 - #if n_gpu > 1: - # grads = [p.grad.data for p in self.model.parameters() - # if p.requires_grad - # and p.grad is not None] - # distributed.all_reduce_and_rescale_tensors( - # grads, float(1)) + + + if max_steps > 0 and global_step > max_steps: epoch_iterator.close() break + if max_steps > 0 and global_step > max_steps: - train_iterator.close() break - - # empty cache - del [batch] + # empty cache torch.cuda.empty_cache() return global_step, tr_loss / global_step @@ -251,8 +254,8 @@ def predict(self, eval_dataloader, get_inputs, device, move_batch_to_device=None def move_batch_to_device(device): return tuple(t.to(device) for t in batch) - for batch in tqdm(eval_dataloader, desc="Evaluating", disable=not verbose): - self.model.eval() + self.model.eval() + for batch in tqdm(eval_dataloader, desc="Evaluating", disable=not verbose): batch = move_batch_to_device(batch, device) with torch.no_grad(): inputs = get_inputs(batch, self.model_name, train_mode=False) From 163f20075f470994c01a692d8a787e7e1fbd6c42 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Thu, 12 Dec 2019 05:05:19 +0000 Subject: [PATCH 058/167] added loop control back to predict; added get cycled dataset --- .../transformers/extractive_summarization.py | 274 ++++-------------- 1 file changed, 55 insertions(+), 219 deletions(-) diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index a8d5b0cb1..d23611ff3 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -1,9 +1,18 @@ # Copyright (c) Microsoft Corporation. All rights reserved. # Licensed under the MIT License. +import itertools +import logging import numpy as np +import os +import time import torch -from torch.utils.data import Dataset, TensorDataset +import torch.nn as nn + +#from torch.utils.data import Dataset, TensorDataset +#from transformers import * + + from transformers.modeling_bert import ( BERT_PRETRAINED_MODEL_ARCHIVE_MAP, BertForSequenceClassification, @@ -20,6 +29,13 @@ XLNET_PRETRAINED_MODEL_ARCHIVE_MAP, XLNetForSequenceClassification, ) + +from transformers import ( + DistilBertModel, + BertModel, +) + + from utils_nlp.common.pytorch_utils import get_device from utils_nlp.models.transformers.common import ( MAX_SEQ_LEN, @@ -27,53 +43,37 @@ Transformer, ) -from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig - -import torch -import torch.nn as nn -from transformers import * - -MODEL_CLASS= {"bert-base-uncased": BertModel, - 'distilbert-base-uncased': DistilBertModel} -from bertsum.prepro.data_builder import greedy_selection, combination_selection -from bertsum.prepro.data_builder import TransformerData -from bertsum.models.model_builder import Summarizer -from bertsum.models import model_builder -import bertsum.distributed as distributed -import time -import itertools -from bertsum.models.data_loader import DataIterator from bertsum.models import model_builder, data_loader +from bertsum.models.data_loader import DataIterator +from bertsum.models.model_builder import Summarizer +from bertsum.prepro.data_builder import combination_selection, greedy_selection, TransformerData -from torch.utils.data import DataLoader +MODEL_CLASS= {"bert-base-uncased": BertModel, + 'distilbert-base-uncased': DistilBertModel} + +logger = logging.getLogger(__name__) class Bunch(object): """ Class which convert a dictionary to an object """ def __init__(self, adict): self.__dict__.update(adict) - -def get_data_iter(dataset,is_labeled=False, batch_size=3000): - """ - Function to get data iterator over a list of data objects. - - Args: - dataset (list of objects): a list of data objects. - is_test (bool): it specifies whether the data objects are labeled data. - batch_size (int): number of tokens per batch. - - Returns: - DataIterator +def get_cycled_dataset(train_dataset_generator): """ - - return DataIterator(dataset, batch_size, is_labeled=is_labeled, shuffle=False, sort=False) - - + Function to get iterator over the dataset specified by train_iter. + It cycles through the dataset. + """ + cycle_iterator = itertools.cycle('123') + for _ in cycle_iterator: + for batch in train_dataset_generator(): + yield batch + + def get_dataset(file_list, is_train=False): if is_train: random.shuffle(file_list) @@ -85,7 +85,7 @@ def get_dataloader(data_iter, is_labeled=False, batch_size=3000): Function to get data iterator over a list of data objects. Args: - dataset (list of objects): a list of data objects. + data_iter (generator): data generator. is_test (bool): it specifies whether the data objects are labeled data. batch_size (int): number of tokens per batch. @@ -93,6 +93,7 @@ def get_dataloader(data_iter, is_labeled=False, batch_size=3000): DataIterator """ + return data_loader.Dataloader(data_iter, batch_size, shuffle=False, is_labeled=is_labeled) @@ -239,125 +240,7 @@ def move_batch_to_device(batch, device): max_grad_norm=max_grad_norm, ) - def fit2( - self, - train_iter, - batch_size=3000, - device="cuda", - num_gpus=None, - local_rank=-1, - max_steps=5e5, - optimization_method='adam', - lr=2e-3, - max_grad_norm=0, - beta1=0.9, - beta2=0.999, - decay_method='noam', - warmup_steps=1e5, - verbose=True, - seed=None, - gradient_accumulation_steps=2, - report_every=50, - **kwargs - ): - """ - train_dataset is data iterator - """ - torch.backends.cudnn.benchmark=True - device, num_gpus = get_device(num_gpus=num_gpus, local_rank=local_rank) - print(device) - device = torch.device("cuda:{}".format(0)) - #gpu_rank = distributed.multi_init(0, 1, "0") - torch.backends.cudnn.enabled = True - torch.backends.cudnn.deterministic = True - - self.model.to(device) - - get_inputs=ExtSumProcessor.get_inputs - - #args = Bunch(default_parameters) - optimizer = model_builder.build_optim(optimization_method, lr, max_grad_norm, beta1, - beta2, decay_method, warmup_steps, self.model, None) - - - if seed is not None: - super(ExtractiveSummarizer).set_seed(seed, n_gpu > 0) - - # multi-gpu training (should be after apex fp16 initialization) - if num_gpus > 1: - self.model = torch.nn.DataParallel(self.model) - - # Distributed training (should be after apex fp16 initialization) - if local_rank != -1: - self.model = torch.nn.parallel.DistributedDataParallel( - self.model, - device_ids=[local_rank], - output_device=local_rank, - find_unused_parameters=True, - ) - - global_step = 0 - tr_loss = 0.0 - self.model.zero_grad() - - self.model.train() - start = time.time() - - - #def train_iter_func(): - # return get_dataloader(train_iter(), is_labeled=True, batch_size=batch_size) - - - accum_loss = 0 - while 1: - train_data_iterator = get_dataloader(train_iter(), is_labeled=True, batch_size=batch_size) - for step, batch in enumerate(train_data_iterator): - batch = batch.to(device) - #batch = tuple(t.to(device) for t in batch if type(t)==torch.Tensor) - inputs = get_inputs(batch, self.model_name) - outputs = self.model(**inputs) - loss = outputs[0] - if num_gpus > 1: - loss = loss.mean() - if gradient_accumulation_steps > 1: - loss = loss / gradient_accumulation_steps - - accum_loss += loss.item() - - - (loss/loss.numel()).backward() - - tr_loss += loss.item() - if (step + 1) % gradient_accumulation_steps == 0: - optimizer.step() - #scheduler.step() - self.model.zero_grad() - if num_gpus > 1: - grads = [p.grad.data for p in self.model.parameters() - if p.requires_grad - and p.grad is not None] - distributed.all_reduce_and_rescale_tensors( - grads, float(1)) - - global_step += 1 - - if (global_step + 1) % report_every == 0 and verbose: - #tqdm.write(loss) - end = time.time() - print("loss: {0:.6f}, time: {1:f}, number of examples: {2:.0f}, step {3:.0f} out of total {4:.0f}".format( - accum_loss/report_every, end-start, len(batch), global_step+1, max_steps)) - accum_loss = 0 - start = end - - if max_steps > 0 and global_step > max_steps: - break - if max_steps > 0 and global_step > max_steps: - break - - # empty cache - #del [batch] - torch.cuda.empty_cache() - return global_step, tr_loss / global_step + def predict(self, eval_dataloader, num_gpus=1, batch_size=16, sentence_seperator="", top_n=3, block_trigram=True, verbose=True, cal_lead=False): def _get_ngrams(n, text): @@ -413,74 +296,13 @@ def _get_pred(batch, sent_scores): # self.model.module.to(device) #else: self.model.to(device) + def move_batch_to_device(batch, device): + return batch.to(device) - sent_scores = list( - super().predict( - eval_dataloader=eval_dataloader, - get_inputs=ExtSumProcessor.get_inputs, - device=device, - verbose=verbose, - ) - ) - sent_scores = np.concatenate(sent_scores) - - return _get_pred(batch, sent_scores) - - - - def predict2(self, eval_data_iterator, device, batch_size=16, sentence_seperator="", top_n=3, block_trigram=True, num_gpus=1, verbose=True, cal_lead=False): - def _get_ngrams(n, text): - ngram_set = set() - text_length = len(text) - max_index_ngram_start = text_length - n - for i in range(max_index_ngram_start + 1): - ngram_set.add(tuple(text[i:i + n])) - return ngram_set - - def _block_tri(c, p): - tri_c = _get_ngrams(3, c.split()) - for s in p: - tri_s = _get_ngrams(3, s.split()) - if len(tri_c.intersection(tri_s))>0: - return True - return False - def _get_pred(batch, sent_scores): - #return sent_scores - if cal_lead: - selected_ids = list(range(batch.clss.size(1)))*len(batch.clss) - else: - #negative_sent_score = [-i for i in sent_scores[0]] - selected_ids = np.argsort(-sent_scores, 1) - # selected_ids = np.sort(selected_ids,1) - pred = [] - for i, idx in enumerate(selected_ids): - _pred = [] - if(len(batch.src_str[i])==0): - pred.append('') - continue - for j in selected_ids[i][:len(batch.src_str[i])]: - if(j>=len( batch.src_str[i])): - continue - candidate = batch.src_str[i][j].strip() - if(block_trigram): - if(not _block_tri(candidate,_pred)): - _pred.append(candidate) - else: - _pred.append(candidate) - - # only select the top 3 - if len(_pred) == top_n: - break - - #_pred = ''.join(_pred) - _pred = sentence_seperator.join(_pred) - pred.append(_pred.strip()) - return pred - self.model.eval() pred = [] - for batch in eval_data_iterator: - batch = batch.to(device) + for batch in eval_dataloader: + batch = move_batch_to_device(batch, device) with torch.no_grad(): inputs = ExtSumProcessor.get_inputs(batch, self.model_name, train_mode=False) outputs = self.model(**inputs) @@ -488,3 +310,17 @@ def _get_pred(batch, sent_scores): sent_scores = sent_scores.detach().cpu().numpy() pred.extend(_get_pred(batch, sent_scores)) return pred + + def save_model(self, name): + output_model_dir = os.path.join(self.cache_dir, "fine_tuned") + + os.makedirs(self.cache_dir, exist_ok=True) + os.makedirs(output_model_dir, exist_ok=True) + + full_name = os.path.join(output_model_dir, name) + logger.info("Saving model checkpoint to %s", full_name) + torch.save(self.model,name) + + + + From 1d18a4c75fc0d395011b6b13524aa67af0f803f7 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 13 Dec 2019 05:15:08 +0000 Subject: [PATCH 059/167] change dataset to generator --- utils_nlp/dataset/cnndm.py | 19 +++++++++++-------- 1 file changed, 11 insertions(+), 8 deletions(-) diff --git a/utils_nlp/dataset/cnndm.py b/utils_nlp/dataset/cnndm.py index 76bddcc78..16e996722 100644 --- a/utils_nlp/dataset/cnndm.py +++ b/utils_nlp/dataset/cnndm.py @@ -34,10 +34,12 @@ def _line_iter(file_path): def _create_data_from_iterator(iterator, preprocessing, word_tokenizer): - data = [] + #data = [] + #for line in iterator: + # data.append(preprocess((line, preprocessing, word_tokenizer))) + #return data for line in iterator: - data.append(preprocess((line, preprocessing, word_tokenizer))) - return data + yield preprocess((line, preprocessing, word_tokenizer)) def _remove_ttags(line): @@ -102,11 +104,11 @@ def __init__( target_iter, target_preprocessing, word_tokenization ) - def __getitem__(self, i): - return self._source[i] + #def __getitem__(self, i): + # return self._source[i] - def __len__(self): - return len(self._source) + #def __len__(self): + # return len(self._source) def __iter__(self): for x in self._source: @@ -207,7 +209,8 @@ def splits(cls, root): elif fname.find('test') != -1: test_files.append(fname) def get_train_dataset(): - return get_dataset(train_files) + return get_dataset(train_files, True) def get_test_dataset(): return get_dataset(test_files) return get_train_dataset, get_test_dataset + #return get_cycled_dataset(get_dataset(train_files)), get_dataset(test_files) \ No newline at end of file From 413b6e5b78a0c9b2a537e2094ad203f88468e7ea Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 13 Dec 2019 05:17:48 +0000 Subject: [PATCH 060/167] remove move_batch_to_device in predict; minor changes in finetune --- utils_nlp/models/transformers/common.py | 22 ++++++++++------------ 1 file changed, 10 insertions(+), 12 deletions(-) diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index 544b33cce..594c8ccbd 100644 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -110,21 +110,21 @@ def fine_tune( Transformer.set_seed(seed, n_gpu > 0) try: - data_set_length = len(train_dataloader) + dataset_length = len(train_dataloader) except: - data_set_length = -1 + dataset_length = -1 if max_steps > 0: t_total = max_steps - if data_set_length != -1: + if dataset_length != -1: num_train_epochs = ( max_steps // (data_set_length // gradient_accumulation_steps) + 1 ) else: num_train_epochs = -1 else: - if data_set_length != -1 and num_train_epochs != -1 : + if dataset_length != -1 and num_train_epochs != -1 : t_total = len(train_dataloader) // gradient_accumulation_steps * num_train_epochs else: t_total = -1 @@ -152,7 +152,7 @@ def fine_tune( optimizer = AdamW(optimizer_grouped_parameters, lr=learning_rate, eps=adam_epsilon) if t_total != -1 and scheduler is None: - scheduler = WarmupschedulerLinearSchedule(optimizer, warmup_steps=warmup_steps, t_total=t_total) + scheduler = WarmupLinearSchedule(optimizer, warmup_steps=warmup_steps, t_total=t_total) if fp16: try: @@ -185,7 +185,7 @@ def fine_tune( train_iterator = cycle('1') # use this as an infinite cycle if move_batch_to_device is None: - def move_batch_to_device(device): + def move_batch_to_device(batch, device): return tuple(t.to(device) for t in batch) start = time.time() @@ -220,6 +220,7 @@ def move_batch_to_device(device): torch.nn.utils.clip_grad_norm_(self.model.parameters(), max_grad_norm) tr_loss += loss.item() + accum_loss += loss.item() if (step + 1) % gradient_accumulation_steps == 0: global_step += 1 @@ -249,14 +250,11 @@ def move_batch_to_device(device): torch.cuda.empty_cache() return global_step, tr_loss / global_step - def predict(self, eval_dataloader, get_inputs, device, move_batch_to_device=None, verbose=True): - if move_batch_to_device is None: - def move_batch_to_device(device): - return tuple(t.to(device) for t in batch) - + def predict(self, eval_dataloader, get_inputs, device, verbose=True): + self.model.eval() for batch in tqdm(eval_dataloader, desc="Evaluating", disable=not verbose): - batch = move_batch_to_device(batch, device) + batch = tuple(t.to(device) for t in batch) with torch.no_grad(): inputs = get_inputs(batch, self.model_name, train_mode=False) outputs = self.model(**inputs) From 69f67a01e7b5b5f7d7092f34dcb288cf30a70ff4 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 13 Dec 2019 05:19:02 +0000 Subject: [PATCH 061/167] add sequential data loader for prediction --- .../transformers/extractive_summarization.py | 23 ++++++++++++++++--- 1 file changed, 20 insertions(+), 3 deletions(-) diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index d23611ff3..6ef539d27 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -5,6 +5,7 @@ import logging import numpy as np import os +import random import time import torch import torch.nn as nn @@ -62,6 +63,21 @@ class Bunch(object): def __init__(self, adict): self.__dict__.update(adict) + + +def get_sequential_dataloader(dataset,is_labeled=False, batch_size=3000): + """ + Function to get sequential data iterator over a list of data objects. + Args: + dataset (list of objects): a list of data objects. + is_test (bool): it specifies whether the data objects are labeled data. + batch_size (int): number of tokens per batch. + + Returns: + DataIterator + """ + + return DataIterator(dataset, batch_size, is_labeled=is_labeled, shuffle=False, sort=False) def get_cycled_dataset(train_dataset_generator): """ @@ -80,13 +96,14 @@ def get_dataset(file_list, is_train=False): for file in file_list: yield torch.load(file) -def get_dataloader(data_iter, is_labeled=False, batch_size=3000): +def get_dataloader(data_iter, shuffle=True, is_labeled=False, batch_size=3000): """ Function to get data iterator over a list of data objects. Args: data_iter (generator): data generator. - is_test (bool): it specifies whether the data objects are labeled data. + shuffle (bool): whether the data is shuffled + is_labeled (bool): it specifies whether the data objects are labeled data. batch_size (int): number of tokens per batch. Returns: @@ -94,7 +111,7 @@ def get_dataloader(data_iter, is_labeled=False, batch_size=3000): """ - return data_loader.Dataloader(data_iter, batch_size, shuffle=False, is_labeled=is_labeled) + return data_loader.Dataloader(data_iter, batch_size, shuffle=shuffle, is_labeled=is_labeled) class ExtSumProcessor: From 955f1e79bb6367956228ac232ac8d7e28e29396d Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 13 Dec 2019 05:24:31 +0000 Subject: [PATCH 062/167] update notebook --- .../CNNDM_TransformerAbsSum.ipynb | 1172 +++++++++++++++++ .../CNNDM_TransformerSum.ipynb | 1017 +++++--------- 2 files changed, 1522 insertions(+), 667 deletions(-) create mode 100644 examples/text_summarization/CNNDM_TransformerAbsSum.ipynb diff --git a/examples/text_summarization/CNNDM_TransformerAbsSum.ipynb b/examples/text_summarization/CNNDM_TransformerAbsSum.ipynb new file mode 100644 index 000000000..9e1fc25ce --- /dev/null +++ b/examples/text_summarization/CNNDM_TransformerAbsSum.ipynb @@ -0,0 +1,1172 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "%load_ext autoreload" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "%autoreload 2" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [], + "source": [ + "import sys\n", + "import os\n", + "\n", + "nlp_path = os.path.abspath(\"../../\")\n", + "if nlp_path not in sys.path:\n", + " sys.path.insert(0, nlp_path)\n", + "sys.path.insert(0, \"./\")\n", + "sys.path.insert(0, \"./BertSum\")\n", + "sys.path.insert(0, \"/dadendev/PreSumm2/PreSumm/\")\n", + "sys.path.insert(0, \"/dadendev/PreSumm2/PreSumm/src\")" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "from utils_nlp.dataset.chinese_cnndm_style import ChineseCNNDMSummarization" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "0lines [00:00, ?lines/s]Building prefix dict from the default dictionary ...\n", + "Dumping model to file cache /tmp/jieba.cache\n", + "Loading model cost 0.793 seconds.\n", + "Prefix dict has been built succesfully.\n", + "\n", + "0lines [00:00, ?lines/s]\n", + "0lines [00:00, ?lines/s]\n", + "0lines [00:00, ?lines/s]\n" + ] + } + ], + "source": [ + "train_dataset, test_dataset = ChineseCNNDMSummarization(top_n=-1, local_cache_path='/dadendev/PreSumm/raw_data')" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "data": { + "text/plain": [ + "4" + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(train_dataset)" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "4" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(test_dataset)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[['中新',\n", + " '中新社',\n", + " '休斯',\n", + " '休斯敦',\n", + " '斯敦',\n", + " '10',\n", + " '月',\n", + " '24',\n", + " '日电',\n", + " '',\n", + " '',\n", + " '美国',\n", + " '国人',\n", + " '人口',\n", + " '人口普查',\n", + " '普查',\n", + " '普查局',\n", + " '24',\n", + " '日',\n", + " '发布',\n", + " '的',\n", + " '一份',\n", + " '报告',\n", + " '显示',\n", + " '',\n", + " '',\n", + " '随着',\n", + " '美国',\n", + " '国人',\n", + " '人口',\n", + " '人口老龄化',\n", + " '老龄',\n", + " '老龄化',\n", + " '',\n", + " '',\n", + " '美国',\n", + " '的',\n", + " '人口',\n", + " '增长',\n", + " '将',\n", + " '放缓',\n", + " '',\n", + " ''],\n", + " ['预计', '到', '2058', '年', '美国', '国人', '人口', '将', '突破', '4', '亿', '', ''],\n", + " ['美联社',\n", + " '联社',\n", + " '消息',\n", + " '',\n", + " '',\n", + " '当日',\n", + " '',\n", + " '',\n", + " '在',\n", + " '由',\n", + " '美国',\n", + " '南方',\n", + " '南方人',\n", + " '方人',\n", + " '人口',\n", + " '协会',\n", + " '举办',\n", + " '的',\n", + " '会议',\n", + " '上',\n", + " '',\n", + " '',\n", + " '美国',\n", + " '国人',\n", + " '人口',\n", + " '人口普查',\n", + " '普查',\n", + " '普查局',\n", + " '发布',\n", + " '了',\n", + " '一份',\n", + " '题为',\n", + " '',\n", + " '',\n", + " '美国',\n", + " '国人',\n", + " '人口',\n", + " '的',\n", + " '拐点',\n", + " '',\n", + " '2020',\n", + " '年',\n", + " '至',\n", + " '2060',\n", + " '年',\n", + " '人口',\n", + " '人口预测',\n", + " '预测',\n", + " '',\n", + " '',\n", + " '的',\n", + " '报告',\n", + " '',\n", + " ''],\n", + " ['报告',\n", + " '显示',\n", + " '',\n", + " '',\n", + " '预计',\n", + " '美国',\n", + " '到',\n", + " '2058',\n", + " '年',\n", + " '将',\n", + " '突破',\n", + " '4',\n", + " '亿',\n", + " '人口',\n", + " '',\n", + " ''],\n", + " ['如今', '', '', '美国', '约', '有', '3', ''],\n", + " ['26', '亿', '人', '', ''],\n", + " ['这',\n", + " '意味',\n", + " '意味着',\n", + " '在',\n", + " '未来',\n", + " '40',\n", + " '年内',\n", + " '',\n", + " '',\n", + " '美国',\n", + " '将',\n", + " '增加',\n", + " '7900',\n", + " '万',\n", + " '人',\n", + " '',\n", + " ''],\n", + " ['报告',\n", + " '称',\n", + " '',\n", + " '',\n", + " '近年',\n", + " '近年来',\n", + " '年来',\n", + " '',\n", + " '',\n", + " '美国',\n", + " '国人',\n", + " '人口',\n", + " '人口老龄化',\n", + " '老龄',\n", + " '老龄化',\n", + " '日趋',\n", + " '日趋严重',\n", + " '严重',\n", + " '',\n", + " ''],\n", + " ['预计',\n", + " '到',\n", + " '2060',\n", + " '年',\n", + " '',\n", + " '',\n", + " '美国',\n", + " '国人',\n", + " '人口',\n", + " '年龄',\n", + " '中位数',\n", + " '位数',\n", + " '将',\n", + " '从',\n", + " '现在',\n", + " '的',\n", + " '38',\n", + " '岁',\n", + " '提高',\n", + " '到',\n", + " '43',\n", + " '岁',\n", + " '',\n", + " ''],\n", + " ['另',\n", + " '据',\n", + " '联合',\n", + " '联合国',\n", + " '预测',\n", + " '',\n", + " '',\n", + " '到',\n", + " '2050',\n", + " '年',\n", + " '',\n", + " '',\n", + " '全球',\n", + " '每',\n", + " '6',\n", + " '个人',\n", + " '中',\n", + " '就',\n", + " '有',\n", + " '1',\n", + " '个人',\n", + " '的',\n", + " '年龄',\n", + " '在',\n", + " '65',\n", + " '岁',\n", + " '以上',\n", + " '',\n", + " ''],\n", + " ['在',\n", + " '美国',\n", + " '',\n", + " '',\n", + " '届时',\n", + " '每',\n", + " '4',\n", + " '个人',\n", + " '中',\n", + " '就',\n", + " '有',\n", + " '1',\n", + " '个',\n", + " '65',\n", + " '岁',\n", + " '以上',\n", + " '的',\n", + " '老年',\n", + " '老年人',\n", + " '',\n", + " ''],\n", + " ['报告',\n", + " '还',\n", + " '称',\n", + " '',\n", + " '',\n", + " '由于',\n", + " '移民',\n", + " '不断',\n", + " '增加',\n", + " '',\n", + " '',\n", + " '出生',\n", + " '出生人数',\n", + " '生人',\n", + " '人数',\n", + " '数下',\n", + " '下降',\n", + " '',\n", + " '',\n", + " '死亡',\n", + " '人数',\n", + " '增长',\n", + " '',\n", + " '',\n", + " '预计',\n", + " '到',\n", + " '2034',\n", + " '年',\n", + " '',\n", + " '',\n", + " '美国',\n", + " '年龄',\n", + " '65',\n", + " '岁',\n", + " '以上',\n", + " '人口',\n", + " '将',\n", + " '增加',\n", + " '至',\n", + " '7695',\n", + " '万',\n", + " '人',\n", + " '',\n", + " '',\n", + " '历史',\n", + " '上首',\n", + " '首次',\n", + " '超过',\n", + " '18',\n", + " '岁',\n", + " '以下',\n", + " '下人',\n", + " '人口',\n", + " '人口数',\n", + " '人口数量',\n", + " '数量',\n", + " '',\n", + " ''],\n", + " ['按照',\n", + " '美国',\n", + " '的',\n", + " '定义',\n", + " '',\n", + " '',\n", + " '届时',\n", + " '美国',\n", + " '老年',\n", + " '老年人',\n", + " '人口',\n", + " '人口数',\n", + " '人口数量',\n", + " '数量',\n", + " '将',\n", + " '在历史上',\n", + " '历史',\n", + " '上首',\n", + " '首次',\n", + " '超过',\n", + " '过儿',\n", + " '儿童',\n", + " '',\n", + " ''],\n", + " ['报告',\n", + " '预测',\n", + " '',\n", + " '',\n", + " '美国',\n", + " '国人',\n", + " '人口',\n", + " '的',\n", + " '种族',\n", + " '构成',\n", + " '将',\n", + " '进一步',\n", + " '一步',\n", + " '多样',\n", + " '多样化',\n", + " '',\n", + " '',\n", + " '并',\n", + " '将',\n", + " '呈现',\n", + " '三',\n", + " '大',\n", + " '特征',\n", + " '',\n", + " '',\n", + " '一',\n", + " '是',\n", + " '全美',\n", + " '白人',\n", + " '人人',\n", + " '人口',\n", + " '逐渐',\n", + " '老龄',\n", + " '老龄化',\n", + " '',\n", + " '',\n", + " '二',\n", + " '是',\n", + " '年轻',\n", + " '年轻一代',\n", + " '一代',\n", + " '一代人',\n", + " '代人',\n", + " '人口',\n", + " '在',\n", + " '种族',\n", + " '构成',\n", + " '成方',\n", + " '方面',\n", + " '更加',\n", + " '加多',\n", + " '多元',\n", + " '多元化',\n", + " '',\n", + " '',\n", + " '预计',\n", + " '到',\n", + " '2020',\n", + " '年',\n", + " '',\n", + " '',\n", + " '美国',\n", + " '18',\n", + " '岁',\n", + " '以下',\n", + " '下人',\n", + " '人口',\n", + " '口中',\n", + " '',\n", + " '',\n", + " '任何',\n", + " '一个',\n", + " '种族',\n", + " '居民',\n", + " '占',\n", + " '总人口',\n", + " '人口',\n", + " '比重',\n", + " '均',\n", + " '不足',\n", + " '一半',\n", + " '',\n", + " '',\n", + " '三',\n", + " '是',\n", + " '种族',\n", + " '融合',\n", + " '的',\n", + " '群体',\n", + " '人口',\n", + " '继续',\n", + " '增长',\n", + " '',\n", + " ''],\n", + " ['\\n']]" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "test_dataset[0]" + ] + }, + { + "cell_type": "code", + "execution_count": 41, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "I1029 04:01:00.021880 140548415072064 utils.py:173] Opening tar file .data/cnndm.tar.gz.\n", + "I1029 04:01:00.023381 140548415072064 utils.py:181] .data/test.txt.src already extracted.\n", + "I1029 04:01:00.312693 140548415072064 utils.py:181] .data/test.txt.tgt.tagged already extracted.\n", + "I1029 04:01:00.339518 140548415072064 utils.py:181] .data/train.txt.src already extracted.\n", + "I1029 04:01:07.846778 140548415072064 utils.py:181] .data/train.txt.tgt.tagged already extracted.\n", + "I1029 04:01:08.479731 140548415072064 utils.py:181] .data/val.txt.src already extracted.\n", + "I1029 04:01:08.812915 140548415072064 utils.py:181] .data/val.txt.tgt.tagged already extracted.\n", + "0lines [00:00, ?lines/s]\n", + "0lines [00:00, ?lines/s]\n", + "0lines [00:00, ?lines/s]\n", + "0lines [00:00, ?lines/s]\n" + ] + } + ], + "source": [ + "#from utils_nlp.dataset.cnndm import CNNDMSummarization\n", + "#train_dataset, test_dataset = CNNDMSummarization(top_n=5)" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "I1029 16:34:04.529138 140402226906944 modeling_bert.py:226] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1029 16:34:04.533537 140402226906944 modeling_xlnet.py:339] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1029 16:34:04.582806 140402226906944 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" + ] + } + ], + "source": [ + "from utils_nlp.models.transformers.abstractive_summarization import AbsSumProcessor" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "I1029 16:34:07.582202 140402226906944 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-vocab.txt from cache at ./5e8a2b4893d13790ed4150ca1906be5f7a03d6c4ddf62296c383f6db42814db2.e13dbb970cb325137104fb2e5f36fe865f27746c6b526f6352861b1980eb80b1\n", + "I1029 16:34:07.754444 140402226906944 tokenization.py:156] loading vocabulary file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-chinese-vocab.txt from cache at /home/daden/.cache/torch/pytorch_transformers/8a0c070123c1f794c42a29c6904beb7c1b8715741e235bee04aca2c7636fc83f.9b42061518a39ca00b8b52059fd2bede8daa613f8a8671500e518a8c29de8c00\n" + ] + } + ], + "source": [ + "processor = AbsSumProcessor()" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [], + "source": [ + "abs_sum_train = processor.preprocess(train_dataset, train_dataset.get_target())" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "torch.save(list(abs_sum_train), \"/dadendev/PreSumm2/PreSumm/bert_data/chinese.train.pt\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "list(abs_sum_train)[0].keys()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "data = torch.load()" + ] + }, + { + "cell_type": "code", + "execution_count": 46, + "metadata": {}, + "outputs": [], + "source": [ + "abs_sum_test = processor.preprocess(list(test_dataset), list(test_dataset.get_target()))" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "utils_nlp.models.transformers.extractive_summarization.ExtSumIterableDataset" + ] + }, + "execution_count": 13, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "type(ext_sum_train)" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "utils_nlp.models.transformers.extractive_summarization.ExtSumData" + ] + }, + "execution_count": 14, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "type(ext_sum_train[0])" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "tensor([0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0])" + ] + }, + "execution_count": 15, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "ext_sum_train[0].labels" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": {}, + "outputs": [], + "source": [ + "import glob\n", + "BERT_DATA_PATH = BERT_DATA_PATH=\"./bert_data/\"\n", + "pts = sorted(glob.glob(BERT_DATA_PATH + 'cnndm.train' + '.[0-9]*.pt'))" + ] + }, + { + "cell_type": "code", + "execution_count": 37, + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "def get_dataset(file_list):\n", + " #random.shuffle(file_list)\n", + " for file in file_list:\n", + " yield torch.load(file)" + ] + }, + { + "cell_type": "code", + "execution_count": 38, + "metadata": {}, + "outputs": [], + "source": [ + "train_dataset = get_dataset(pts) " + ] + }, + { + "cell_type": "code", + "execution_count": 39, + "metadata": {}, + "outputs": [], + "source": [ + "dataset = list(train_dataset)" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": { + "scrolled": false + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "I1024 20:41:45.197966 140449625069376 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-config.json from cache at ./b945b69218e98b3e2c95acf911789741307dec43c698d35fad11c1ae28bda352.d7a3af18ce3a2ab7c0f48f04dc8daff45ed9a3ed333b9e9a79d012a0dedf87a6\n", + "I1024 20:41:45.200124 140449625069376 configuration_utils.py:168] Model config {\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"finetuning_task\": null,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"num_labels\": 0,\n", + " \"output_attentions\": false,\n", + " \"output_hidden_states\": false,\n", + " \"output_past\": true,\n", + " \"pruned_heads\": {},\n", + " \"torchscript\": false,\n", + " \"type_vocab_size\": 2,\n", + " \"use_bfloat16\": false,\n", + " \"vocab_size\": 28996\n", + "}\n", + "\n", + "I1024 20:41:45.342200 140449625069376 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-pytorch_model.bin from cache at ./35d8b9d36faaf46728a0192d82bf7d00137490cd6074e8500778afed552a67e5.3fadbea36527ae472139fe84cddaa65454d7429f12d543d80bfc3ad70de55ac2\n", + "I1024 20:41:48.732301 140449625069376 modeling_utils.py:405] Weights of BertForSequenceClassification not initialized from pretrained model: ['classifier.weight', 'classifier.bias']\n", + "I1024 20:41:48.733542 140449625069376 modeling_utils.py:408] Weights from pretrained model not used in BertForSequenceClassification: ['cls.predictions.bias', 'cls.predictions.transform.dense.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.decoder.weight', 'cls.seq_relationship.weight', 'cls.seq_relationship.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.LayerNorm.bias']\n", + "I1024 20:41:48.868890 140449625069376 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-config.json from cache at ./b945b69218e98b3e2c95acf911789741307dec43c698d35fad11c1ae28bda352.d7a3af18ce3a2ab7c0f48f04dc8daff45ed9a3ed333b9e9a79d012a0dedf87a6\n", + "I1024 20:41:48.870221 140449625069376 configuration_utils.py:168] Model config {\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"finetuning_task\": null,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-12,\n", + " \"max_position_embeddings\": 512,\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"num_labels\": 2,\n", + " \"output_attentions\": false,\n", + " \"output_hidden_states\": false,\n", + " \"output_past\": true,\n", + " \"pruned_heads\": {},\n", + " \"torchscript\": false,\n", + " \"type_vocab_size\": 2,\n", + " \"use_bfloat16\": false,\n", + " \"vocab_size\": 28996\n", + "}\n", + "\n", + "I1024 20:41:48.990102 140449625069376 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-pytorch_model.bin from cache at ./35d8b9d36faaf46728a0192d82bf7d00137490cd6074e8500778afed552a67e5.3fadbea36527ae472139fe84cddaa65454d7429f12d543d80bfc3ad70de55ac2\n", + "I1024 20:41:52.468241 140449625069376 modeling_utils.py:405] Weights of BertForSequenceClassification not initialized from pretrained model: ['classifier.weight', 'classifier.bias']\n", + "I1024 20:41:52.471548 140449625069376 modeling_utils.py:408] Weights from pretrained model not used in BertForSequenceClassification: ['cls.predictions.bias', 'cls.predictions.transform.dense.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.decoder.weight', 'cls.seq_relationship.weight', 'cls.seq_relationship.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.LayerNorm.bias']\n" + ] + } + ], + "source": [ + "summarizer = ExtractiveSummarizer()" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [], + "source": [ + "# notebook parameters\n", + "DATA_FOLDER = \"./temp\"\n", + "CACHE_DIR = \"./temp\"\n", + "DEVICE = \"cuda\"\n", + "NUM_EPOCHS = 1\n", + "BATCH_SIZE = 64\n", + "NUM_GPUS = 2\n", + "MAX_LEN = 150" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch: 0%| | 0/1 [00:00but none of the cell phones found so far have been sent to the institute , menichini said .`` it is a very disturbing scene , `` said julian reichelt , editor-in-chief of bild online .'" + ] + }, + "execution_count": 26, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "prediction[0]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "np.argsort(negative, 1) " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "np.argsort([0,1,2,0.3,0.2], 0) " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "len(ext_sum_test)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "prediction" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "python3.6 cm3", + "language": "python", + "name": "cm3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.8" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/examples/text_summarization/CNNDM_TransformerSum.ipynb b/examples/text_summarization/CNNDM_TransformerSum.ipynb index 4620c324f..7bcae8cbb 100644 --- a/examples/text_summarization/CNNDM_TransformerSum.ipynb +++ b/examples/text_summarization/CNNDM_TransformerSum.ipynb @@ -34,17 +34,10 @@ "The running time shown in this notebook is on a Standard_NC24s_v3 Azure Deep Learning Virtual Machine with 4 NVIDIA Tesla V100 GPUs. \n", "> **Tip**: If you want to run through the notebook quickly, you can set the **`QUICK_RUN`** flag in the cell below to **`True`** to run the notebook on a small subset of the data and a smaller number of epochs. \n", "\n", - "The table below provides some reference running time on different machine configurations. \n", + "On a machine with 1 NVIDIA Tesla V100 GPUs, 16GB GPU memory configuration,\n", + "- for data preprocessing, it takes around 10 minutes the data preprocessing for quick run. Otherwise it takes ~2 hours to finish the data preprocessing. This time estimation assumes the chosen transformer model is \"distilbert-base-uncased\" and the sentence selection method is \"greedy\", which is the default. The preprocessing time can be significantly longer if the sentence selection method is \"combination\", which can achieve better model performance.\n", "\n", - "|QUICK_RUN|USE_PREPROCESSED_DATA|encoder|Machine Configurations|Running time|\n", - "|:---------|:---------|:---------|:----------------------|:------------|\n", - "|True|True|baseline|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 20 minutes |\n", - "|False|True|baseline|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 60 minutes |\n", - "|True|False|baseline|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 20 minutes |\n", - "|True|True|transformer|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 80 minutes |\n", - "|False|True|transformer|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 6.5hours |\n", - "|True|False|transformer|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 80 minutes |\n", - "|False|False|any| 1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| > 24 hours|" + "- for model fine tuning, it takes around 30 minutes for quick run. Otherwise, it takes around ~3 hours to finish. This estimation assume the chosen encoder method is \"transformer\". The model fine tuning time can be shorter if other encoder method is chosen, which may result in worse model performance. \n" ] }, { @@ -55,7 +48,8 @@ "source": [ "## Set QUICK_RUN = True to run the notebook on a small subset of data and a smaller number of epochs.\n", "QUICK_RUN = True\n", - "USE_PREPROCESSED_DATA = True" + "## Set USE_PREPROCSSED_DATA = True to skip the data preprocessing\n", + "USE_PREPROCSSED_DATA = False" ] }, { @@ -96,85 +90,61 @@ "text": [ "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", "[nltk_data] Package punkt is already up-to-date!\n", - "I1210 21:34:47.924211 140261726336832 file_utils.py:39] PyTorch version 1.2.0 available.\n", - "I1210 21:34:47.957383 140261726336832 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1210 21:34:47.963832 140261726336832 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" + "I1213 03:39:34.879140 139876939843392 file_utils.py:39] PyTorch version 1.2.0 available.\n", + "I1213 03:39:34.914063 139876939843392 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", + "I1213 03:39:34.929385 139876939843392 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" ] } ], "source": [ "import os\n", "import sys\n", + "from tempfile import TemporaryDirectory\n", "import torch\n", + "\n", "nlp_path = os.path.abspath(\"../../\")\n", "if nlp_path not in sys.path:\n", " sys.path.insert(0, nlp_path)\n", - "sys.path.insert(0, \"./\")\n", - "sys.path.insert(0, \"/dadendev/nlp/examples/text_summarization/BertSum/\")\n", "\n", "from utils_nlp.common.pytorch_utils import get_device\n", "from utils_nlp.dataset.cnndm import CNNDMBertSumProcessedData, CNNDMSummarization\n", "from utils_nlp.eval.evaluate_summarization import get_rouge\n", "from utils_nlp.models.transformers.extractive_summarization import (\n", + " get_cycled_dataset,\n", " get_dataloader,\n", - " get_data_iter,\n", + " get_sequential_dataloader,\n", " ExtractiveSummarizer,\n", " ExtSumProcessor,\n", - ")\n", - "\n", - "\n", - "\n" + ")" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "Also, we need to install the dependencies for pyrouge." + "### Configuration: choose the transformer model to be used" ] }, { "cell_type": "code", "execution_count": 7, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Hit:1 http://azure.archive.ubuntu.com/ubuntu bionic InRelease\n", - "Get:2 http://azure.archive.ubuntu.com/ubuntu bionic-updates InRelease [88.7 kB]\n", - "Get:3 http://azure.archive.ubuntu.com/ubuntu bionic-backports InRelease [74.6 kB]\n", - "Hit:4 https://packages.microsoft.com/repos/microsoft-ubuntu-xenial-prod xenial InRelease\n", - "Get:5 http://security.ubuntu.com/ubuntu bionic-security InRelease [88.7 kB] \n", - "Ign:6 http://developer.download.nvidia.com/compute/cuda/repos/ubuntu1804/x86_64 InRelease\n", - "Hit:7 http://developer.download.nvidia.com/compute/cuda/repos/ubuntu1804/x86_64 Release\n", - "Fetched 252 kB in 1s (392 kB/s) \n", - "Reading package lists... Done\n", - "Reading package lists... Done\n", - "Building dependency tree \n", - "Reading state information... Done\n", - "expat is already the newest version (2.2.5-3ubuntu0.2).\n", - "The following packages were automatically installed and are no longer required:\n", - " linux-azure-cloud-tools-5.0.0-1018 linux-azure-cloud-tools-5.0.0-1020\n", - " linux-azure-headers-5.0.0-1018 linux-azure-tools-5.0.0-1018\n", - " linux-azure-tools-5.0.0-1020\n", - "Use 'sudo apt autoremove' to remove them.\n", - "0 upgraded, 0 newly installed, 0 to remove and 51 not upgraded.\n", - "Reading package lists... Done\n", - "Building dependency tree \n", - "Reading state information... Done\n", - "Note, selecting 'libexpat1-dev' instead of 'libexpat-dev'\n", - "libexpat1-dev is already the newest version (2.2.5-3ubuntu0.2).\n", - "The following packages were automatically installed and are no longer required:\n", - " linux-azure-cloud-tools-5.0.0-1018 linux-azure-cloud-tools-5.0.0-1020\n", - " linux-azure-headers-5.0.0-1018 linux-azure-tools-5.0.0-1018\n", - " linux-azure-tools-5.0.0-1020\n", - "Use 'sudo apt autoremove' to remove them.\n", - "0 upgraded, 0 newly installed, 0 to remove and 51 not upgraded.\n" - ] - } - ], + "outputs": [], + "source": [ + "# Transformer model being used\n", + "MODEL_NAME = \"distilbert-base-uncased\"" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Also, we need to install the dependencies for pyrouge." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, "source": [ "# dependencies for ROUGE-1.5.5.pl\n", "!sudo apt-get update\n", @@ -236,7 +206,21 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "# the data path used to save the downloaded data file\n", + "DATA_PATH = TemporaryDirectory().name\n", + "# The number of lines at the head of data file used for preprocessing. -1 means all the lines.\n", + "TOP_N = -1\n", + "if QUICK_RUN:\n", + " TOP_N = 10000" + ] + }, + { + "cell_type": "code", + "execution_count": 14, "metadata": { "scrolled": true }, @@ -245,23 +229,18 @@ "name": "stderr", "output_type": "stream", "text": [ - "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", - "[nltk_data] Package punkt is already up-to-date!\n", - "I1210 18:30:56.902205 139830036641600 file_utils.py:39] PyTorch version 1.2.0 available.\n", - "I1210 18:30:56.936184 139830036641600 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1210 18:30:56.943920 139830036641600 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1210 18:30:56.953987 139830036641600 utils.py:173] Opening tar file .data/cnndm.tar.gz.\n", - "I1210 18:30:56.965388 139830036641600 utils.py:181] .data/test.txt.src already extracted.\n", - "I1210 18:30:57.394748 139830036641600 utils.py:181] .data/test.txt.tgt.tagged already extracted.\n", - "I1210 18:30:57.430505 139830036641600 utils.py:181] .data/train.txt.src already extracted.\n", - "I1210 18:31:08.232069 139830036641600 utils.py:181] .data/train.txt.tgt.tagged already extracted.\n", - "I1210 18:31:09.120292 139830036641600 utils.py:181] .data/val.txt.src already extracted.\n", - "I1210 18:31:09.601161 139830036641600 utils.py:181] .data/val.txt.tgt.tagged already extracted.\n" + "I1213 03:55:05.144305 139876939843392 utils.py:173] Opening tar file /tmp/tmppp95fw67/cnndm.tar.gz.\n", + "I1213 03:55:05.146239 139876939843392 utils.py:181] /tmp/tmppp95fw67/test.txt.src already extracted.\n", + "I1213 03:55:05.440092 139876939843392 utils.py:181] /tmp/tmppp95fw67/test.txt.tgt.tagged already extracted.\n", + "I1213 03:55:05.467360 139876939843392 utils.py:181] /tmp/tmppp95fw67/train.txt.src already extracted.\n", + "I1213 03:55:12.985301 139876939843392 utils.py:181] /tmp/tmppp95fw67/train.txt.tgt.tagged already extracted.\n", + "I1213 03:55:13.605381 139876939843392 utils.py:181] /tmp/tmppp95fw67/val.txt.src already extracted.\n", + "I1213 03:55:13.941435 139876939843392 utils.py:181] /tmp/tmppp95fw67/val.txt.tgt.tagged already extracted.\n" ] } ], "source": [ - "train_dataset, test_dataset = CNNDMSummarization(top_n=top_n)" + "train_dataset, test_dataset = CNNDMSummarization(top_n=TOP_N, local_cache_path=DATA_PATH)" ] }, { @@ -273,98 +252,61 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 15, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1206 16:51:11.971997 140019998881600 file_utils.py:296] https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt not found in cache or force_download set to True, downloading to /tmp/tmpjzna7ttv\n", - "100%|██████████| 231508/231508 [00:00<00:00, 1963987.24B/s]\n", - "I1206 16:51:12.252732 140019998881600 file_utils.py:309] copying /tmp/tmpjzna7ttv to cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n", - "I1206 16:51:12.253886 140019998881600 file_utils.py:313] creating metadata file for ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n", - "I1206 16:51:12.255181 140019998881600 file_utils.py:322] removing temp file /tmp/tmpjzna7ttv\n", - "I1206 16:51:12.255890 140019998881600 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + "I1213 03:55:16.914798 139876939843392 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'max_nsents': 200, 'max_src_ntokens': 2000, 'min_nsents': 3, 'min_src_ntokens': 5, 'use_interval': True}\n" ] } ], "source": [ - "processor = ExtSumProcessor(model_name=\"distilbert-base-uncased\")\n", + "processor = ExtSumProcessor(model_name=MODEL_NAME)\n", "ext_sum_train = processor.preprocess(train_dataset, train_dataset.get_target())\n", "ext_sum_test = processor.preprocess(test_dataset, test_dataset.get_target())" ] }, { "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [], - "source": [ - "data_path = \"./temp_data4/\"" - ] - }, - { - "cell_type": "code", - "execution_count": 10, + "execution_count": 16, "metadata": {}, "outputs": [], "source": [ - "!mkdir -p $data_path" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", - "[nltk_data] Package punkt is already up-to-date!\n", - "I1206 21:27:24.938656 139683323610944 file_utils.py:39] PyTorch version 1.2.0 available.\n", - "I1206 21:27:24.971345 139683323610944 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1206 21:27:24.978915 139683323610944 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" - ] - }, - { - "ename": "NameError", - "evalue": "name 'ext_sum_train' is not defined", - "output_type": "error", - "traceback": [ - "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", - "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 2\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 3\u001b[0m train_files = CNNDMBertSumProcessedData.save_data(\n\u001b[0;32m----> 4\u001b[0;31m \u001b[0mext_sum_train\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mis_test\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mFalse\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mpath_and_prefix\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mdata_path\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mchunk_size\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m25\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 5\u001b[0m )\n\u001b[1;32m 6\u001b[0m test_files = CNNDMBertSumProcessedData.save_data(\n", - "\u001b[0;31mNameError\u001b[0m: name 'ext_sum_train' is not defined" - ] - } - ], - "source": [ + "save_path = os.path.join(DATA_PATH, \"processed\")\n", "train_files = CNNDMBertSumProcessedData.save_data(\n", - " ext_sum_train, is_test=False, path_and_prefix=data_path, chunk_size=25\n", + " ext_sum_train, is_test=False, save_path=save_path, chunk_size=2000\n", ")\n", "test_files = CNNDMBertSumProcessedData.save_data(\n", - " ext_sum_test, is_test=True, path_and_prefix=data_path, chunk_size=None\n", + " ext_sum_test, is_test=True, save_path=save_path, chunk_size=2000\n", ")" ] }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 17, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "['./temp_data4/_0_train',\n", - " './temp_data4/_1_train',\n", - " './temp_data4/_2_train',\n", - " './temp_data4/_3_train']" + "['/tmp/tmppp95fw67/processed/0_train',\n", + " '/tmp/tmppp95fw67/processed/1_train',\n", + " '/tmp/tmppp95fw67/processed/2_train',\n", + " '/tmp/tmppp95fw67/processed/3_train',\n", + " '/tmp/tmppp95fw67/processed/4_train']" ] }, - "execution_count": 12, + "execution_count": 17, "metadata": {}, "output_type": "execute_result" } @@ -375,16 +317,20 @@ }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 19, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "['./temp_data4/_0_test']" + "['/tmp/tmppp95fw67/processed/0_test',\n", + " '/tmp/tmppp95fw67/processed/1_test',\n", + " '/tmp/tmppp95fw67/processed/2_test',\n", + " '/tmp/tmppp95fw67/processed/3_test',\n", + " '/tmp/tmppp95fw67/processed/4_test']" ] }, - "execution_count": 13, + "execution_count": 19, "metadata": {}, "output_type": "execute_result" } @@ -395,11 +341,11 @@ }, { "cell_type": "code", - "execution_count": 21, + "execution_count": 20, "metadata": {}, "outputs": [], "source": [ - "train_iter, test_iter = CNNDMBertSumProcessedData().splits(root=data_path)" + "train_dataset_generator, test_dataset_generator = CNNDMBertSumProcessedData().splits(root=save_path)" ] }, { @@ -411,14 +357,14 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 21, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "25\n" + "2000\n" ] }, { @@ -427,7 +373,7 @@ "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" ] }, - "execution_count": 15, + "execution_count": 21, "metadata": {}, "output_type": "execute_result" } @@ -436,19 +382,12 @@ "import torch\n", "bert_format_data = torch.load(train_files[0])\n", "print(len(bert_format_data))\n", - "bert_format_data[0].keys()\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The first " + "bert_format_data[0].keys()" ] }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 46, "metadata": {}, "outputs": [ { @@ -457,7 +396,7 @@ "[0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]" ] }, - "execution_count": 16, + "execution_count": 46, "metadata": {}, "output_type": "execute_result" } @@ -470,21 +409,31 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "##### [Option 2] Reuse Preprocessed data" + "##### [Option 2] Reuse Preprocessed data from [BERTSUM Repo](https://github.com/nlpyang/BertSum)" ] }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 22, + "metadata": {}, + "outputs": [], + "source": [ + "# the data path used to downloaded the preprocessed data from BERTSUM Repo.\n", + "# if you have downloaded the dataset, change the code to use that path where the dataset is.\n", + "PROCESSED_DATA_PATH = TemporaryDirectory().name\n", + "#data_path = \"./temp_data5/\"\n", + "#PROCESSED_DATA_PATH = data_path" + ] + }, + { + "cell_type": "code", + "execution_count": 23, "metadata": {}, "outputs": [], "source": [ - "if USE_PREPROCESSED_DATA:\n", - " data_path = \"./temp_data5/\"\n", - " if not os.path.exists(data_path):\n", - " os.mkdir(data_path)\n", - " #CNNDMBertSumProcessedData.download(local_path=data_path)\n", - " train_iter, test_iter = CNNDMBertSumProcessedData().splits(root=data_path)\n", + "if USE_PREPROCSSED_DATA:\n", + " CNNDMBertSumProcessedData.download(local_path=PROCESSED_DATA_PATH)\n", + " train_dataset_generator, test_dataset_generator = CNNDMBertSumProcessedData().splits(root=PROCESSED_DATA_PATH)\n", " " ] }, @@ -510,23 +459,44 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 24, "metadata": {}, "outputs": [], "source": [ "# notebook parameters\n", - "DATA_FOLDER = \"./temp\"\n", - "CACHE_DIR = \"./temp\"\n", - "DEVICE = \"cuda\"\n", + "# the cache data path during find tuning\n", + "CACHE_DIR = TemporaryDirectory().name\n", + "\n", + "# batch size, unit is the number of tokens\n", "BATCH_SIZE = 3000\n", - "NUM_GPUS = 4\n", - "encoder = \"transformer\"\n", - "model_name = \"distilbert-base-uncased\"" + "\n", + "# GPU used for training\n", + "NUM_GPUS = 1\n", + "\n", + "# Encoder name. Options are: 1. baseline, classifier, transformer, rnn.\n", + "ENCODER = \"transformer\"\n", + "\n", + "# Learning rate\n", + "LEARNING_RATE=2e-3\n", + "\n", + "# How often the statistics reports show up in training, unit is step.\n", + "REPORT_EVERY=100\n", + " \n", + "if QUICK_RUN:\n", + " # total number of steps for training\n", + " MAX_STEPS=1e4\n", + " # number of steps for warm up\n", + " WARMUP_STEPS=5e3\n", + " \n", + "else:\n", + " MAX_STEPS=5e4\n", + " WARMUP_STEPS=5e3\n", + " " ] }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 27, "metadata": { "scrolled": true }, @@ -535,8 +505,8 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1210 21:49:41.613120 140261726336832 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./temp/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1210 21:49:41.615161 140261726336832 configuration_utils.py:168] Model config {\n", + "I1213 04:14:48.114811 139876939843392 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpg7bj_es9/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1213 04:14:48.116929 139876939843392 configuration_utils.py:168] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -561,9 +531,9 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1210 21:49:41.755493 140261726336832 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./temp/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1210 21:49:42.957785 140261726336832 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at ./temp/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1210 21:49:42.960213 140261726336832 configuration_utils.py:168] Model config {\n", + "I1213 04:14:48.262818 139876939843392 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpg7bj_es9/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1213 04:14:49.502076 139876939843392 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpg7bj_es9/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1213 04:14:49.504857 139876939843392 configuration_utils.py:168] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -588,64 +558,27 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1210 21:49:43.104863 140261726336832 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at ./temp/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I1213 04:14:49.651111 139876939843392 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpg7bj_es9/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], "source": [ - "summarizer = ExtractiveSummarizer(model_name, encoder, CACHE_DIR)" + "summarizer = ExtractiveSummarizer(MODEL_NAME, ENCODER, CACHE_DIR)" ] }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 28, "metadata": {}, "outputs": [], "source": [ "# batch_size is the number of tokens in a batch\n", - "train_dataloader = get_dataloader(train_iter(), is_labeled=True, batch_size=3000)" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": {}, - "outputs": [], - "source": [ - "device, num_gpus = get_device(num_gpus=4, local_rank=-1)" - ] - }, - { - "cell_type": "code", - "execution_count": 37, - "metadata": {}, - "outputs": [ - { - "ename": "NameError", - "evalue": "name 'tqdm' is not defined", - "output_type": "error", - "traceback": [ - "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", - "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0;31m \u001b[0mepoch_iterator\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtqdm\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtrain_data_iterator\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 2\u001b[0m \u001b[0mi\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;36m0\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 3\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mstep\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mbatch\u001b[0m \u001b[0;32min\u001b[0m \u001b[0menumerate\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mepoch_iterator\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 4\u001b[0m \u001b[0mbatch\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mbatch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mto\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mdevice\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 5\u001b[0m \u001b[0mi\u001b[0m \u001b[0;34m+=\u001b[0m \u001b[0;36m1\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;31mNameError\u001b[0m: name 'tqdm' is not defined" - ] - } - ], - "source": [ - "epoch_iterator = tqdm(train_data_iterator)\n", - "i = 0\n", - "for step, batch in enumerate(epoch_iterator):\n", - " batch = batch.to(device)\n", - " i += 1\n", - " print(i)\n", - " if i > 10:\n", - " break\n" + "train_dataloader = get_dataloader(get_cycled_dataset(train_dataset_generator), is_labeled=True, batch_size=3000)" ] }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 29, "metadata": { "scrolled": true }, @@ -654,154 +587,155 @@ "name": "stdout", "output_type": "stream", "text": [ - "DataParallel\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/nn/parallel/_functions.py:61: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.\n", - " warnings.warn('Was asked to gather along dimension 0, but all '\n" + "loss: 88.754786, time: 20.951731, number of examples in current step: 5, step 100 out of total 10000\n", + "loss: 36.882119, time: 21.328910, number of examples in current step: 6, step 200 out of total 10000\n", + "loss: 33.818211, time: 21.043026, number of examples in current step: 5, step 300 out of total 10000\n", + "loss: 33.178186, time: 21.439393, number of examples in current step: 5, step 400 out of total 10000\n", + "loss: 31.748262, time: 21.135291, number of examples in current step: 5, step 500 out of total 10000\n", + "loss: 31.267303, time: 21.471278, number of examples in current step: 5, step 600 out of total 10000\n", + "loss: 30.590236, time: 20.769160, number of examples in current step: 5, step 700 out of total 10000\n", + "loss: 30.571218, time: 21.310264, number of examples in current step: 5, step 800 out of total 10000\n", + "loss: 30.320388, time: 20.892441, number of examples in current step: 5, step 900 out of total 10000\n", + "loss: 30.693635, time: 21.319025, number of examples in current step: 5, step 1000 out of total 10000\n", + "loss: 29.869854, time: 20.888089, number of examples in current step: 5, step 1100 out of total 10000\n", + "loss: 29.814271, time: 21.192435, number of examples in current step: 5, step 1200 out of total 10000\n", + "loss: 30.996187, time: 20.879288, number of examples in current step: 5, step 1300 out of total 10000\n", + "loss: 30.241997, time: 21.297337, number of examples in current step: 5, step 1400 out of total 10000\n", + "loss: 30.003000, time: 20.881403, number of examples in current step: 5, step 1500 out of total 10000\n", + "loss: 30.334792, time: 21.294699, number of examples in current step: 5, step 1600 out of total 10000\n", + "loss: 30.431408, time: 20.903196, number of examples in current step: 5, step 1700 out of total 10000\n", + "loss: 30.320394, time: 21.275791, number of examples in current step: 5, step 1800 out of total 10000\n", + "loss: 29.290867, time: 20.726989, number of examples in current step: 5, step 1900 out of total 10000\n", + "loss: 29.915812, time: 21.298642, number of examples in current step: 5, step 2000 out of total 10000\n", + "loss: 29.988247, time: 20.977722, number of examples in current step: 5, step 2100 out of total 10000\n", + "loss: 29.949264, time: 21.694569, number of examples in current step: 5, step 2200 out of total 10000\n", + "loss: 29.354079, time: 21.126164, number of examples in current step: 5, step 2300 out of total 10000\n", + "loss: 29.072844, time: 21.375116, number of examples in current step: 5, step 2400 out of total 10000\n", + "loss: 30.007804, time: 20.862795, number of examples in current step: 5, step 2500 out of total 10000\n", + "loss: 29.358629, time: 21.262998, number of examples in current step: 5, step 2600 out of total 10000\n", + "loss: 28.809233, time: 20.817608, number of examples in current step: 5, step 2700 out of total 10000\n", + "loss: 29.315301, time: 21.373862, number of examples in current step: 5, step 2800 out of total 10000\n", + "loss: 28.938501, time: 20.732085, number of examples in current step: 5, step 2900 out of total 10000\n", + "loss: 27.712330, time: 21.343199, number of examples in current step: 9, step 3000 out of total 10000\n", + "loss: 26.880391, time: 20.849095, number of examples in current step: 5, step 3100 out of total 10000\n", + "loss: 27.959517, time: 21.365154, number of examples in current step: 5, step 3200 out of total 10000\n", + "loss: 27.272303, time: 20.877340, number of examples in current step: 5, step 3300 out of total 10000\n", + "loss: 28.370004, time: 21.302393, number of examples in current step: 5, step 3400 out of total 10000\n", + "loss: 28.024233, time: 20.828965, number of examples in current step: 5, step 3500 out of total 10000\n", + "loss: 28.247645, time: 21.309736, number of examples in current step: 5, step 3600 out of total 10000\n", + "loss: 27.972933, time: 20.838102, number of examples in current step: 5, step 3700 out of total 10000\n", + "loss: 28.294451, time: 21.448310, number of examples in current step: 5, step 3800 out of total 10000\n", + "loss: 27.741210, time: 20.787410, number of examples in current step: 5, step 3900 out of total 10000\n", + "loss: 26.264283, time: 21.463996, number of examples in current step: 5, step 4000 out of total 10000\n", + "loss: 26.785949, time: 20.757461, number of examples in current step: 5, step 4100 out of total 10000\n", + "loss: 23.891057, time: 21.447565, number of examples in current step: 5, step 4200 out of total 10000\n", + "loss: 23.503414, time: 21.491435, number of examples in current step: 5, step 4300 out of total 10000\n", + "loss: 26.111903, time: 20.952197, number of examples in current step: 5, step 4400 out of total 10000\n", + "loss: 25.847385, time: 21.606991, number of examples in current step: 5, step 4500 out of total 10000\n", + "loss: 25.242339, time: 20.952910, number of examples in current step: 5, step 4600 out of total 10000\n", + "loss: 25.639983, time: 21.300644, number of examples in current step: 5, step 4700 out of total 10000\n", + "loss: 25.580165, time: 21.028625, number of examples in current step: 6, step 4800 out of total 10000\n", + "loss: 24.956763, time: 21.451853, number of examples in current step: 5, step 4900 out of total 10000\n", + "loss: 22.947707, time: 20.945164, number of examples in current step: 5, step 5000 out of total 10000\n", + "loss: 21.940077, time: 21.193297, number of examples in current step: 5, step 5100 out of total 10000\n", + "loss: 20.905992, time: 20.959187, number of examples in current step: 5, step 5200 out of total 10000\n", + "loss: 21.595713, time: 21.273485, number of examples in current step: 6, step 5300 out of total 10000\n", + "loss: 21.711819, time: 20.754070, number of examples in current step: 10, step 5400 out of total 10000\n", + "loss: 22.248907, time: 21.234232, number of examples in current step: 5, step 5500 out of total 10000\n", + "loss: 20.103890, time: 20.774216, number of examples in current step: 5, step 5600 out of total 10000\n", + "loss: 19.532415, time: 21.334376, number of examples in current step: 5, step 5700 out of total 10000\n", + "loss: 18.081182, time: 20.794752, number of examples in current step: 5, step 5800 out of total 10000\n", + "loss: 14.216780, time: 21.231076, number of examples in current step: 5, step 5900 out of total 10000\n", + "loss: 11.227607, time: 20.866705, number of examples in current step: 5, step 6000 out of total 10000\n", + "loss: 14.952144, time: 21.356342, number of examples in current step: 5, step 6100 out of total 10000\n", + "loss: 17.077168, time: 20.971865, number of examples in current step: 5, step 6200 out of total 10000\n", + "loss: 16.069756, time: 21.280266, number of examples in current step: 5, step 6300 out of total 10000\n", + "loss: 14.240203, time: 20.879818, number of examples in current step: 5, step 6400 out of total 10000\n", + "loss: 16.242687, time: 21.163145, number of examples in current step: 5, step 6500 out of total 10000\n", + "loss: 16.056626, time: 20.869756, number of examples in current step: 5, step 6600 out of total 10000\n", + "loss: 14.892075, time: 21.212637, number of examples in current step: 5, step 6700 out of total 10000\n", + "loss: 14.568874, time: 20.763456, number of examples in current step: 8, step 6800 out of total 10000\n", + "loss: 11.087236, time: 21.161869, number of examples in current step: 5, step 6900 out of total 10000\n", + "loss: 9.980588, time: 21.035302, number of examples in current step: 11, step 7000 out of total 10000\n", + "loss: 10.983412, time: 21.236146, number of examples in current step: 5, step 7100 out of total 10000\n", + "loss: 10.584450, time: 20.912858, number of examples in current step: 5, step 7200 out of total 10000\n", + "loss: 10.084562, time: 21.090037, number of examples in current step: 5, step 7300 out of total 10000\n", + "loss: 7.981883, time: 20.801389, number of examples in current step: 5, step 7400 out of total 10000\n", + "loss: 12.143881, time: 21.346035, number of examples in current step: 5, step 7500 out of total 10000\n", + "loss: 11.222716, time: 20.727228, number of examples in current step: 5, step 7600 out of total 10000\n", + "loss: 10.993808, time: 21.241568, number of examples in current step: 5, step 7700 out of total 10000\n", + "loss: 9.972925, time: 20.832124, number of examples in current step: 5, step 7800 out of total 10000\n", + "loss: 6.645168, time: 21.190613, number of examples in current step: 5, step 7900 out of total 10000\n", + "loss: 5.353294, time: 20.852225, number of examples in current step: 5, step 8000 out of total 10000\n", + "loss: 8.280886, time: 21.221246, number of examples in current step: 5, step 8100 out of total 10000\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "loss: 5.858079, time: 47.937159, number of examples: 5, step 100 out of total 50000\n", - "loss: 5.761587, time: 36.250811, number of examples: 5, step 200 out of total 50000\n", - "loss: 5.445527, time: 36.161208, number of examples: 5, step 300 out of total 50000\n" - ] - }, - { - "ename": "KeyboardInterrupt", - "evalue": "", - "output_type": "error", - "traceback": [ - "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[0;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)", - "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 8\u001b[0m \u001b[0mverbose\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mTrue\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 9\u001b[0m \u001b[0mreport_every\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m200\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 10\u001b[0;31m \u001b[0mclip_grad_norm\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mFalse\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 11\u001b[0m )\n", - "\u001b[0;32m/dadendev/nlp/utils_nlp/models/transformers/extractive_summarization.py\u001b[0m in \u001b[0;36mfit\u001b[0;34m(self, train_dataloader, num_gpus, local_rank, max_steps, optimization_method, lr, max_grad_norm, beta1, beta2, decay_method, warmup_steps, verbose, seed, gradient_accumulation_steps, report_every, clip_grad_norm, **kwargs)\u001b[0m\n\u001b[1;32m 237\u001b[0m \u001b[0mreport_every\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mreport_every\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 238\u001b[0m \u001b[0mclip_grad_norm\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mclip_grad_norm\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 239\u001b[0;31m \u001b[0mmax_grad_norm\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mmax_grad_norm\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 240\u001b[0m )\n\u001b[1;32m 241\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/nlp/utils_nlp/models/transformers/common.py\u001b[0m in \u001b[0;36mfine_tune\u001b[0;34m(self, train_dataloader, get_inputs, device, max_steps, num_train_epochs, max_grad_norm, gradient_accumulation_steps, n_gpu, move_batch_to_device, optimizer, scheduler, weight_decay, learning_rate, adam_epsilon, warmup_steps, fp16, fp16_opt_level, local_rank, verbose, seed, report_every, clip_grad_norm)\u001b[0m\n\u001b[1;32m 192\u001b[0m \u001b[0mbatch\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mmove_batch_to_device\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mbatch\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdevice\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 193\u001b[0m \u001b[0minputs\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mget_inputs\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mbatch\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmodel_name\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 194\u001b[0;31m \u001b[0moutputs\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmodel\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m**\u001b[0m\u001b[0minputs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 195\u001b[0m \u001b[0mloss\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0moutputs\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 196\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/nn/modules/module.py\u001b[0m in \u001b[0;36m__call__\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 545\u001b[0m \u001b[0mresult\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_slow_forward\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 546\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 547\u001b[0;31m \u001b[0mresult\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mforward\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 548\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mhook\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_forward_hooks\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mvalues\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 549\u001b[0m \u001b[0mhook_result\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mhook\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mresult\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/nn/parallel/data_parallel.py\u001b[0m in \u001b[0;36mforward\u001b[0;34m(self, *inputs, **kwargs)\u001b[0m\n\u001b[1;32m 150\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmodule\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minputs\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 151\u001b[0m \u001b[0mreplicas\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mreplicate\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmodule\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdevice_ids\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0minputs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 152\u001b[0;31m \u001b[0moutputs\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mparallel_apply\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mreplicas\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0minputs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 153\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mgather\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0moutputs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0moutput_device\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 154\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/nn/parallel/data_parallel.py\u001b[0m in \u001b[0;36mparallel_apply\u001b[0;34m(self, replicas, inputs, kwargs)\u001b[0m\n\u001b[1;32m 160\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 161\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0mparallel_apply\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mreplicas\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0minputs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 162\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mparallel_apply\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mreplicas\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0minputs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mkwargs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdevice_ids\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mreplicas\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 163\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 164\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0mgather\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0moutputs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0moutput_device\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/nn/parallel/parallel_apply.py\u001b[0m in \u001b[0;36mparallel_apply\u001b[0;34m(modules, inputs, kwargs_tup, devices)\u001b[0m\n\u001b[1;32m 75\u001b[0m \u001b[0mthread\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstart\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 76\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mthread\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mthreads\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 77\u001b[0;31m \u001b[0mthread\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mjoin\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 78\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 79\u001b[0m \u001b[0m_worker\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmodules\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0minputs\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mkwargs_tup\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdevices\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/anaconda3/envs/cm3/lib/python3.6/threading.py\u001b[0m in \u001b[0;36mjoin\u001b[0;34m(self, timeout)\u001b[0m\n\u001b[1;32m 1054\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1055\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mtimeout\u001b[0m \u001b[0;32mis\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1056\u001b[0;31m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_wait_for_tstate_lock\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1057\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1058\u001b[0m \u001b[0;31m# the behavior of a negative timeout isn't documented, but\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/anaconda3/envs/cm3/lib/python3.6/threading.py\u001b[0m in \u001b[0;36m_wait_for_tstate_lock\u001b[0;34m(self, block, timeout)\u001b[0m\n\u001b[1;32m 1070\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mlock\u001b[0m \u001b[0;32mis\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m:\u001b[0m \u001b[0;31m# already determined that the C code is done\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1071\u001b[0m \u001b[0;32massert\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_is_stopped\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1072\u001b[0;31m \u001b[0;32melif\u001b[0m \u001b[0mlock\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0macquire\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mblock\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtimeout\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1073\u001b[0m \u001b[0mlock\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mrelease\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1074\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_stop\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;31mKeyboardInterrupt\u001b[0m: " + "loss: 7.391126, time: 21.281028, number of examples in current step: 5, step 8200 out of total 10000\n", + "loss: 7.014486, time: 20.872972, number of examples in current step: 5, step 8300 out of total 10000\n", + "loss: 6.995007, time: 21.202711, number of examples in current step: 5, step 8400 out of total 10000\n", + "loss: 8.262606, time: 20.828412, number of examples in current step: 5, step 8500 out of total 10000\n", + "loss: 8.004557, time: 21.268847, number of examples in current step: 5, step 8600 out of total 10000\n", + "loss: 9.018328, time: 20.794796, number of examples in current step: 5, step 8700 out of total 10000\n", + "loss: 7.782450, time: 21.159053, number of examples in current step: 5, step 8800 out of total 10000\n", + "loss: 5.492205, time: 20.867897, number of examples in current step: 5, step 8900 out of total 10000\n", + "loss: 4.996181, time: 21.160143, number of examples in current step: 5, step 9000 out of total 10000\n", + "loss: 5.517623, time: 20.816377, number of examples in current step: 5, step 9100 out of total 10000\n", + "loss: 5.617976, time: 21.158200, number of examples in current step: 5, step 9200 out of total 10000\n", + "loss: 4.751842, time: 20.811119, number of examples in current step: 5, step 9300 out of total 10000\n", + "loss: 4.913383, time: 21.135615, number of examples in current step: 5, step 9400 out of total 10000\n", + "loss: 5.983083, time: 20.725634, number of examples in current step: 5, step 9500 out of total 10000\n", + "loss: 6.014017, time: 21.134219, number of examples in current step: 5, step 9600 out of total 10000\n", + "loss: 5.771280, time: 20.869199, number of examples in current step: 5, step 9700 out of total 10000\n", + "loss: 4.872929, time: 21.151158, number of examples in current step: 5, step 9800 out of total 10000\n", + "loss: 3.704411, time: 20.685062, number of examples in current step: 5, step 9900 out of total 10000\n", + "loss: 4.233141, time: 21.225758, number of examples in current step: 5, step 10000 out of total 10000\n" ] } ], "source": [ "summarizer.fit(\n", " train_dataloader,\n", - " num_gpus=4,\n", + " num_gpus=1,\n", " gradient_accumulation_steps=2,\n", - " max_steps=5e4,\n", - " lr=2e-3,\n", - " warmup_steps=1e4*0.5,\n", + " max_steps=MAX_STEPS,\n", + " lr=LEARNING_RATE,\n", + " warmup_steps=WARMUP_STEPS,\n", " verbose=True,\n", - " report_every=200,\n", + " report_every=REPORT_EVERY,\n", " clip_grad_norm=False,\n", " )" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 30, "metadata": {}, "outputs": [ { - "name": "stdout", + "name": "stderr", "output_type": "stream", "text": [ - "cuda\n", - "loss: 41.687942, time: 10.571247, number of examples: 5, step 100 out of total 50000\n", - "loss: 27.198075, time: 10.414026, number of examples: 5, step 200 out of total 50000\n", - "loss: 19.797057, time: 10.415758, number of examples: 5, step 300 out of total 50000\n", - "loss: 18.425389, time: 10.781584, number of examples: 6, step 400 out of total 50000\n", - "loss: 18.224794, time: 10.541868, number of examples: 5, step 500 out of total 50000\n", - "loss: 17.613259, time: 10.589073, number of examples: 5, step 600 out of total 50000\n", - "loss: 17.301366, time: 10.407273, number of examples: 5, step 700 out of total 50000\n", - "loss: 17.202934, time: 10.942506, number of examples: 5, step 800 out of total 50000\n", - "loss: 16.892723, time: 10.530933, number of examples: 5, step 900 out of total 50000\n", - "loss: 16.507498, time: 10.463890, number of examples: 5, step 1000 out of total 50000\n", - "loss: 16.465361, time: 10.396509, number of examples: 5, step 1100 out of total 50000\n", - "loss: 16.058329, time: 11.084911, number of examples: 5, step 1200 out of total 50000\n", - "loss: 16.257821, time: 10.393638, number of examples: 5, step 1300 out of total 50000\n", - "loss: 16.388095, time: 10.345373, number of examples: 5, step 1400 out of total 50000\n", - "loss: 16.286023, time: 10.365130, number of examples: 5, step 1500 out of total 50000\n", - "loss: 16.051502, time: 10.817498, number of examples: 5, step 1600 out of total 50000\n", - "loss: 16.168371, time: 10.377886, number of examples: 5, step 1700 out of total 50000\n", - "loss: 15.836932, time: 10.311240, number of examples: 5, step 1800 out of total 50000\n", - "loss: 15.930409, time: 10.416386, number of examples: 5, step 1900 out of total 50000\n", - "loss: 16.144058, time: 10.919861, number of examples: 5, step 2000 out of total 50000\n", - "loss: 15.958050, time: 10.503907, number of examples: 5, step 2100 out of total 50000\n", - "loss: 15.989393, time: 10.336605, number of examples: 5, step 2200 out of total 50000\n", - "loss: 16.184670, time: 10.369090, number of examples: 5, step 2300 out of total 50000\n", - "loss: 15.845719, time: 10.783756, number of examples: 5, step 2400 out of total 50000\n", - "loss: 15.995785, time: 10.476608, number of examples: 5, step 2500 out of total 50000\n", - "loss: 15.956198, time: 10.584288, number of examples: 5, step 2600 out of total 50000\n", - "loss: 15.698757, time: 10.363683, number of examples: 5, step 2700 out of total 50000\n", - "loss: 16.062314, time: 10.870971, number of examples: 5, step 2800 out of total 50000\n", - "loss: 16.330498, time: 10.406100, number of examples: 5, step 2900 out of total 50000\n", - "loss: 16.146589, time: 10.311280, number of examples: 5, step 3000 out of total 50000\n", - "loss: 15.714548, time: 10.306308, number of examples: 5, step 3100 out of total 50000\n", - "loss: 15.486499, time: 10.973531, number of examples: 5, step 3200 out of total 50000\n", - "loss: 16.004875, time: 10.477626, number of examples: 5, step 3300 out of total 50000\n", - "loss: 15.624634, time: 10.465289, number of examples: 5, step 3400 out of total 50000\n", - "loss: 15.008533, time: 10.357985, number of examples: 5, step 3500 out of total 50000\n", - "loss: 14.941468, time: 10.786665, number of examples: 5, step 3600 out of total 50000\n", - "loss: 15.690416, time: 10.349613, number of examples: 5, step 3700 out of total 50000\n", - "loss: 15.473832, time: 10.488669, number of examples: 5, step 3800 out of total 50000\n", - "loss: 15.507311, time: 10.463375, number of examples: 5, step 3900 out of total 50000\n", - "loss: 15.229168, time: 10.962234, number of examples: 5, step 4000 out of total 50000\n", - "loss: 15.370942, time: 10.260397, number of examples: 5, step 4100 out of total 50000\n", - "loss: 16.097768, time: 10.322650, number of examples: 3, step 4200 out of total 50000\n", - "loss: 15.122436, time: 10.378397, number of examples: 5, step 4300 out of total 50000\n", - "loss: 15.237820, time: 10.712401, number of examples: 5, step 4400 out of total 50000\n", - "loss: 15.357680, time: 10.279303, number of examples: 5, step 4500 out of total 50000\n", - "loss: 15.554055, time: 10.379611, number of examples: 7, step 4600 out of total 50000\n", - "loss: 15.103175, time: 10.420841, number of examples: 5, step 4700 out of total 50000\n" + "I1213 04:51:20.777847 139876939843392 extractive_summarization.py:338] Saving model checkpoint to /tmp/tmpg7bj_es9/fine_tuned/extsum_modelname_distilbert-base-uncased_quickrun_True.pt\n" ] } ], "source": [ - "DEVICE = \"cuda\"\n", - "summarizer.fit2(\n", - " train_iter,\n", - " device= DEVICE,\n", - " batch_size=3000,\n", - " num_gpus=NUM_GPUS,\n", - " gradient_accumulation_steps=2,\n", - " max_steps=5e4,\n", - " lr=2e-3,\n", - " warmup_steps=1e4*0.5,\n", - " verbose=True,\n", - " report_every=100,\n", - " )" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "metadata": {}, - "outputs": [], - "source": [ - "import torch\n", - "torch.save(summarizer.model, model_name+'_newcommond'+\"_dataparallel\"+\"_bertsum_processed_data.pt\")" + "summarizer.save_model(\"extsum_modelname_{0}_quickrun_{1}.pt\".format(MODEL_NAME, QUICK_RUN))" ] }, { "cell_type": "code", - "execution_count": 13, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "import torch\n", - "summarizer.model = torch.load(\"cnndm_transformersum_distilbert-base-uncased_bertsum_processed_data.pt\")" + "# for loading a previous saved model\n", + "#import torch\n", + "#summarizer.model = torch.load(\"cnndm_transformersum_distilbert-base-uncased_bertsum_processed_data.pt\")" ] }, { @@ -815,115 +749,29 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 31, "metadata": {}, "outputs": [], "source": [ "test_dataset=[]\n", - "for i in test_iter():\n", - " test_dataset.extend(i)" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "11489" - ] - }, - "execution_count": 15, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "len(test_dataset)" - ] - }, - { - "cell_type": "code", - "execution_count": 16, - "metadata": {}, - "outputs": [], - "source": [ - "prediction = summarizer.predict(get_data_iter(test_dataset), device=DEVICE)" - ] - }, - { - "cell_type": "code", - "execution_count": 17, - "metadata": {}, - "outputs": [], - "source": [ + "for i in test_dataset_generator():\n", + " test_dataset.extend(i)\n", "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]" ] }, { "cell_type": "code", - "execution_count": 18, + "execution_count": 32, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "11489\n", - "11489\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-12-10 21:54:15,589 [MainThread ] [INFO ] Writing summaries.\n", - "I1210 21:54:15.589290 140261726336832 pyrouge.py:525] Writing summaries.\n", - "2019-12-10 21:54:15,591 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpfmn7fdbj/system and model files to ./results/tmpfmn7fdbj/model.\n", - "I1210 21:54:15.591191 140261726336832 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpfmn7fdbj/system and model files to ./results/tmpfmn7fdbj/model.\n", - "2019-12-10 21:54:15,594 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-10-21-54-14/candidate/.\n", - "I1210 21:54:15.594782 140261726336832 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-10-21-54-14/candidate/.\n", - "2019-12-10 21:54:16,668 [MainThread ] [INFO ] Saved processed files to ./results/tmpfmn7fdbj/system.\n", - "I1210 21:54:16.668018 140261726336832 pyrouge.py:53] Saved processed files to ./results/tmpfmn7fdbj/system.\n", - "2019-12-10 21:54:16,669 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-10-21-54-14/reference/.\n", - "I1210 21:54:16.669716 140261726336832 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-10-21-54-14/reference/.\n", - "2019-12-10 21:54:17,775 [MainThread ] [INFO ] Saved processed files to ./results/tmpfmn7fdbj/model.\n", - "I1210 21:54:17.775310 140261726336832 pyrouge.py:53] Saved processed files to ./results/tmpfmn7fdbj/model.\n", - "2019-12-10 21:54:17,865 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp4efxyz7b/rouge_conf.xml\n", - "I1210 21:54:17.865489 140261726336832 pyrouge.py:354] Written ROUGE configuration to ./results/tmp4efxyz7b/rouge_conf.xml\n", - "2019-12-10 21:54:17,867 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp4efxyz7b/rouge_conf.xml\n", - "I1210 21:54:17.867019 140261726336832 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp4efxyz7b/rouge_conf.xml\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.54208 (95%-conf.int. 0.53930 - 0.54484)\n", - "1 ROUGE-1 Average_P: 0.36866 (95%-conf.int. 0.36651 - 0.37103)\n", - "1 ROUGE-1 Average_F: 0.42466 (95%-conf.int. 0.42276 - 0.42672)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.24754 (95%-conf.int. 0.24499 - 0.25011)\n", - "1 ROUGE-2 Average_P: 0.16856 (95%-conf.int. 0.16669 - 0.17049)\n", - "1 ROUGE-2 Average_F: 0.19382 (95%-conf.int. 0.19190 - 0.19576)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.49419 (95%-conf.int. 0.49159 - 0.49685)\n", - "1 ROUGE-L Average_P: 0.33667 (95%-conf.int. 0.33456 - 0.33889)\n", - "1 ROUGE-L Average_F: 0.38754 (95%-conf.int. 0.38561 - 0.38960)\n", - "\n" - ] - } - ], + "outputs": [], "source": [ - "rouge_transformer = get_rouge(prediction, target, \"./results/\")" + "prediction = summarizer.predict(get_sequential_dataloader(test_dataset))\n", + "#prediction = summarizer.predict(get_dataloader(test_dataset_generator()))" ] }, { "cell_type": "code", - "execution_count": 30, + "execution_count": 60, "metadata": {}, "outputs": [ { @@ -938,22 +786,22 @@ "name": "stderr", "output_type": "stream", "text": [ - "2019-12-07 13:34:57,093 [MainThread ] [INFO ] Writing summaries.\n", - "I1207 13:34:57.093963 139683323610944 pyrouge.py:525] Writing summaries.\n", - "2019-12-07 13:34:57,095 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpcferef5_/system and model files to ./results/tmpcferef5_/model.\n", - "I1207 13:34:57.095779 139683323610944 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpcferef5_/system and model files to ./results/tmpcferef5_/model.\n", - "2019-12-07 13:34:57,096 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-07-13-34-56/candidate/.\n", - "I1207 13:34:57.096807 139683323610944 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-07-13-34-56/candidate/.\n", - "2019-12-07 13:34:58,251 [MainThread ] [INFO ] Saved processed files to ./results/tmpcferef5_/system.\n", - "I1207 13:34:58.251595 139683323610944 pyrouge.py:53] Saved processed files to ./results/tmpcferef5_/system.\n", - "2019-12-07 13:34:58,253 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-07-13-34-56/reference/.\n", - "I1207 13:34:58.253087 139683323610944 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-07-13-34-56/reference/.\n", - "2019-12-07 13:34:59,402 [MainThread ] [INFO ] Saved processed files to ./results/tmpcferef5_/model.\n", - "I1207 13:34:59.402208 139683323610944 pyrouge.py:53] Saved processed files to ./results/tmpcferef5_/model.\n", - "2019-12-07 13:34:59,485 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmpuyc0ul2x/rouge_conf.xml\n", - "I1207 13:34:59.485491 139683323610944 pyrouge.py:354] Written ROUGE configuration to ./results/tmpuyc0ul2x/rouge_conf.xml\n", - "2019-12-07 13:34:59,486 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpuyc0ul2x/rouge_conf.xml\n", - "I1207 13:34:59.486500 139683323610944 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpuyc0ul2x/rouge_conf.xml\n" + "2019-12-13 03:30:31,880 [MainThread ] [INFO ] Writing summaries.\n", + "I1213 03:30:31.880824 140367597561664 pyrouge.py:525] Writing summaries.\n", + "2019-12-13 03:30:31,882 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmp9nzyeqtw/system and model files to ./results/tmp9nzyeqtw/model.\n", + "I1213 03:30:31.882954 140367597561664 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmp9nzyeqtw/system and model files to ./results/tmp9nzyeqtw/model.\n", + "2019-12-13 03:30:31,884 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-13-03-30-30/candidate/.\n", + "I1213 03:30:31.884879 140367597561664 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-13-03-30-30/candidate/.\n", + "2019-12-13 03:30:32,975 [MainThread ] [INFO ] Saved processed files to ./results/tmp9nzyeqtw/system.\n", + "I1213 03:30:32.975462 140367597561664 pyrouge.py:53] Saved processed files to ./results/tmp9nzyeqtw/system.\n", + "2019-12-13 03:30:32,976 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-13-03-30-30/reference/.\n", + "I1213 03:30:32.976979 140367597561664 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-13-03-30-30/reference/.\n", + "2019-12-13 03:30:34,075 [MainThread ] [INFO ] Saved processed files to ./results/tmp9nzyeqtw/model.\n", + "I1213 03:30:34.075453 140367597561664 pyrouge.py:53] Saved processed files to ./results/tmp9nzyeqtw/model.\n", + "2019-12-13 03:30:34,154 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmpdhub5ogj/rouge_conf.xml\n", + "I1213 03:30:34.154051 140367597561664 pyrouge.py:354] Written ROUGE configuration to ./results/tmpdhub5ogj/rouge_conf.xml\n", + "2019-12-13 03:30:34,155 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpdhub5ogj/rouge_conf.xml\n", + "I1213 03:30:34.155034 140367597561664 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpdhub5ogj/rouge_conf.xml\n" ] }, { @@ -961,235 +809,37 @@ "output_type": "stream", "text": [ "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.53608 (95%-conf.int. 0.53328 - 0.53883)\n", - "1 ROUGE-1 Average_P: 0.37832 (95%-conf.int. 0.37594 - 0.38073)\n", - "1 ROUGE-1 Average_F: 0.42902 (95%-conf.int. 0.42696 - 0.43104)\n", + "1 ROUGE-1 Average_R: 0.53122 (95%-conf.int. 0.52844 - 0.53403)\n", + "1 ROUGE-1 Average_P: 0.37302 (95%-conf.int. 0.37056 - 0.37539)\n", + "1 ROUGE-1 Average_F: 0.42346 (95%-conf.int. 0.42127 - 0.42559)\n", "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.24854 (95%-conf.int. 0.24592 - 0.25123)\n", - "1 ROUGE-2 Average_P: 0.17574 (95%-conf.int. 0.17360 - 0.17792)\n", - "1 ROUGE-2 Average_F: 0.19879 (95%-conf.int. 0.19676 - 0.20102)\n", + "1 ROUGE-2 Average_R: 0.24412 (95%-conf.int. 0.24148 - 0.24699)\n", + "1 ROUGE-2 Average_P: 0.17201 (95%-conf.int. 0.16981 - 0.17421)\n", + "1 ROUGE-2 Average_F: 0.19468 (95%-conf.int. 0.19257 - 0.19690)\n", "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.48980 (95%-conf.int. 0.48709 - 0.49253)\n", - "1 ROUGE-L Average_P: 0.34635 (95%-conf.int. 0.34386 - 0.34873)\n", - "1 ROUGE-L Average_F: 0.39242 (95%-conf.int. 0.39039 - 0.39448)\n", + "1 ROUGE-L Average_R: 0.48532 (95%-conf.int. 0.48245 - 0.48821)\n", + "1 ROUGE-L Average_P: 0.34135 (95%-conf.int. 0.33890 - 0.34374)\n", + "1 ROUGE-L Average_F: 0.38723 (95%-conf.int. 0.38509 - 0.38946)\n", "\n" ] } ], "source": [ - "\n", "rouge_transformer = get_rouge(prediction, target, \"./results/\")" ] }, { "cell_type": "code", - "execution_count": 32, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "## Set QUICK_RUN = True to run the notebook on a small subset of data and a smaller number of epochs.\n", - "QUICK_RUN = True\n", - "USE_PREPROCESSED_DATA = True\n", - "import os\n", - "\n", - "os.environ[\"CUDA_DEVICE_ORDER\"] = \"PCI_BUS_ID\" # see issue #152\n", - "os.environ[\"CUDA_VISIBLE_DEVICES\"] = \"0,1,2,3\"\n", - "%load_ext autoreload\n", - "%autoreload 2\n", - "import sys\n", - "import os\n", - "\n", - "nlp_path = os.path.abspath(\"../../\")\n", - "if nlp_path not in sys.path:\n", - " sys.path.insert(0, nlp_path)\n", - "sys.path.insert(0, \"./\")\n", - "sys.path.insert(0, \"/dadendev/nlp/examples/text_summarization/BertSum/\")\n", - "if USE_PREPROCESSED_DATA:\n", - " data_path = \"./temp_data5/\"\n", - " if not os.path.exists(data_path):\n", - " os.mkdir(data_path)\n", - " #CNNDMBertSumProcessedData.download(local_path=data_path)\n", - " train_iter, test_iter = CNNDMBertSumProcessedData().splits(root=data_path)\n", - "data_path = \"./temp_data4/\"\n", - "from utils_nlp.dataset.cnndm import CNNDMBertSumProcessedData\n", - "\n", - "train_files = CNNDMBertSumProcessedData.save_data(\n", - " ext_sum_train, is_test=False, path_and_prefix=data_path, chunk_size=25\n", - ")\n", - "test_files = CNNDMBertSumProcessedData.save_data(\n", - " ext_sum_test, is_test=True, path_and_prefix=data_path, chunk_size=None\n", - ")\n", - "if USE_PREPROCESSED_DATA:\n", - " data_path = \"./temp_data5/\"\n", - " if not os.path.exists(data_path):\n", - " os.mkdir(data_path)\n", - " #CNNDMBertSumProcessedData.download(local_path=data_path)\n", - " train_iter, test_iter = CNNDMBertSumProcessedData().splits(root=data_path)\n", - "# notebook parameters\n", - "DATA_FOLDER = \"./temp\"\n", - "CACHE_DIR = \"./temp\"\n", - "DEVICE = \"cuda\"\n", - "BATCH_SIZE = 3000\n", - "NUM_GPUS = 1\n", - "encoder = \"transformer\"\n", - "model_name = \"distilbert-base-uncased\"\n", - "from utils_nlp.models.transformers.extractive_summarization import ExtractiveSummarizer\n", - "summarizer = ExtractiveSummarizer(model_name, encoder, CACHE_DIR)\n", - "from utils_nlp.models.transformers.extractive_summarization import get_dataloader\n", - "train_dataloader = get_dataloader(train_iter(), is_labeled=True, batch_size=3000)\n", - "from utils_nlp.common.pytorch_utils import get_device\n", - "device, num_gpus = get_device(num_gpus=4, local_rank=-1)\n", - "DEVICE = \"cuda\"\n", - "summarizer.fit2(\n", - " train_iter,\n", - " device= DEVICE,\n", - " batch_size=3000,\n", - " num_gpus=NUM_GPUS,\n", - " gradient_accumulation_steps=2,\n", - " max_steps=5e4,\n", - " lr=2e-3,\n", - " warmup_steps=1e4*0.5,\n", - " verbose=True,\n", - " report_every=100,\n", - " )\n", - "torch.save(summarizer.model, model_name+'1'+\"_bertsum_processed_data.pt\")\n", - "import torch\n", - "torch.save(summarizer.model, model_name+'1'+\"_bertsum_processed_data.pt\")\n", - "import torch\n", - "import os\n", - "\n", - "test_dataset=[]\n", - "for i in test_iter():\n", - " test_dataset.extend(i)\n", - "len(test_dataset)\n", - "from utils_nlp.models.transformers.extractive_summarization import get_data_iter\n", - "\n", - "prediction = summarizer.predict(get_data_iter(test_dataset),\n", - " device=DEVICE)\n", - "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", - "from utils_nlp.eval.evaluate_summarization import get_rouge\n", - "rouge_transformer = get_rouge(prediction, target, \"./results/\")\n", - "from utils_nlp.models.transformers.extractive_summarization import ExtractiveSummarizer\n", - "summarizer = ExtractiveSummarizer(model_name, encoder, CACHE_DIR)\n", - "summarizer.fit(\n", - " train_dataloader,\n", - " num_gpus=NUM_GPUS,\n", - " gradient_accumulation_steps=2,\n", - " max_steps=5e4,\n", - " lr=2e-3,\n", - " warmup_steps=1e4*0.5,\n", - " verbose=True,\n", - " report_every=200,\n", - " )\n", - "summarizer.fit(\n", - " train_dataloader,\n", - " num_gpus=NUM_GPUS,\n", - " gradient_accumulation_steps=2,\n", - " max_steps=5e4,\n", - " lr=2e-3,\n", - " warmup_steps=1e4*0.5,\n", - " verbose=True,\n", - " report_every=200,\n", - " )\n", - "from utils_nlp.models.transformers.extractive_summarization import get_dataloader\n", - "train_dataloader = get_dataloader(train_iter(), is_labeled=True, batch_size=3000)\n", - "summarizer.fit(\n", - " train_dataloader,\n", - " num_gpus=NUM_GPUS,\n", - " gradient_accumulation_steps=2,\n", - " max_steps=5e4,\n", - " lr=2e-3,\n", - " warmup_steps=1e4*0.5,\n", - " verbose=True,\n", - " report_every=200,\n", - " )\n", - "len(test_dataset)\n", - "from utils_nlp.models.transformers.extractive_summarization import get_data_iter\n", - "\n", - "prediction = summarizer.predict(get_data_iter(test_dataset),\n", - " device=DEVICE)\n", - "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", - "from utils_nlp.eval.evaluate_summarization import get_rouge\n", - "rouge_transformer = get_rouge(prediction, target, \"./results/\")\n", - "import torch\n", - "torch.save(summarizer.model, model_name+'newcommond'+\"_bertsum_processed_data.pt\")\n", - "%history\n" - ] - } - ], - "source": [ - "%history" - ] - }, - { - "cell_type": "code", - "execution_count": 53, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-10-31 17:59:07,705 [MainThread ] [INFO ] Writing summaries.\n", - "I1031 17:59:07.705975 140308661311296 pyrouge.py:525] Writing summaries.\n", - "2019-10-31 17:59:07,707 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmp2jh52kci/system and model files to ./results/tmp2jh52kci/model.\n", - "I1031 17:59:07.707562 140308661311296 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmp2jh52kci/system and model files to ./results/tmp2jh52kci/model.\n", - "2019-10-31 17:59:07,708 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-31-17-59-07/candidate/.\n", - "I1031 17:59:07.708495 140308661311296 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-10-31-17-59-07/candidate/.\n", - "2019-10-31 17:59:07,719 [MainThread ] [INFO ] Saved processed files to ./results/tmp2jh52kci/system.\n", - "I1031 17:59:07.719068 140308661311296 pyrouge.py:53] Saved processed files to ./results/tmp2jh52kci/system.\n", - "2019-10-31 17:59:07,720 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-31-17-59-07/reference/.\n", - "I1031 17:59:07.720107 140308661311296 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-10-31-17-59-07/reference/.\n", - "2019-10-31 17:59:07,730 [MainThread ] [INFO ] Saved processed files to ./results/tmp2jh52kci/model.\n", - "I1031 17:59:07.730343 140308661311296 pyrouge.py:53] Saved processed files to ./results/tmp2jh52kci/model.\n", - "2019-10-31 17:59:07,732 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp4zxruqq3/rouge_conf.xml\n", - "I1031 17:59:07.732450 140308661311296 pyrouge.py:354] Written ROUGE configuration to ./results/tmp4zxruqq3/rouge_conf.xml\n", - "2019-10-31 17:59:07,733 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp4zxruqq3/rouge_conf.xml\n", - "I1031 17:59:07.733434 140308661311296 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp4zxruqq3/rouge_conf.xml\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "100\n", - "100\n", - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.41601 (95%-conf.int. 0.38468 - 0.44964)\n", - "1 ROUGE-1 Average_P: 0.21124 (95%-conf.int. 0.19304 - 0.22896)\n", - "1 ROUGE-1 Average_F: 0.27238 (95%-conf.int. 0.25137 - 0.29249)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.13888 (95%-conf.int. 0.11130 - 0.16833)\n", - "1 ROUGE-2 Average_P: 0.06738 (95%-conf.int. 0.05454 - 0.08099)\n", - "1 ROUGE-2 Average_F: 0.08825 (95%-conf.int. 0.07190 - 0.10610)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.37098 (95%-conf.int. 0.34192 - 0.40359)\n", - "1 ROUGE-L Average_P: 0.18856 (95%-conf.int. 0.17234 - 0.20503)\n", - "1 ROUGE-L Average_F: 0.24308 (95%-conf.int. 0.22405 - 0.26304)\n", - "\n" - ] - } - ], - "source": [ - "#from utils_nlp.eval.evaluate_summarization import get_rouge\n", - "#rouge_transformer = get_rouge(prediction, target, \"./results/\")" - ] - }, - { - "cell_type": "code", - "execution_count": 57, + "execution_count": 33, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" + "'marseille prosecutor says `` so far no videos were used in the crash investigation `` despite media reports .journalists at bild and paris match are `` very confident `` the video clip is real , an editor says .andreas lubitz had informed his lufthansa training school of an episode of severe depression , airline says .'" ] }, - "execution_count": 57, + "execution_count": 33, "metadata": {}, "output_type": "execute_result" } @@ -1200,16 +850,16 @@ }, { "cell_type": "code", - "execution_count": 56, + "execution_count": 34, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .'" + "'paris match and bild reported that the video was recovered from a phone at the wreckage site .all 150 on board were killed .marseille , france ( cnn ) the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .'" ] }, - "execution_count": 56, + "execution_count": 34, "metadata": {}, "output_type": "execute_result" } @@ -1220,32 +870,65 @@ }, { "cell_type": "code", - "execution_count": 26, + "execution_count": 35, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "['a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .',\n", - " 'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .',\n", - " 'he was flown back to chicago via air ambulance on march 20 , but he died on sunday .',\n", - " 'andrew mogni , 20 , from glen ellyn , illinois , a university of iowa student has died nearly three months after a fall in rome in a suspected robbery',\n", - " 'he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .',\n", - " \"he died on sunday at northwestern memorial hospital - medical examiner 's office spokesman frank shuftan says a cause of death wo n't be released until monday at the earliest .\",\n", - " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed .',\n", - " \"on sunday , his cousin abby wrote online : ` this morning my cousin andrew 's soul was lifted up to heaven .\",\n", - " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed',\n", - " '` at the beginning of january he went to rome to study aboard and on the way home from a party he was brutally attacked and thrown off a 40ft bridge and hit the concrete below .',\n", - " \"` he was in a coma and in critical condition for months . '\",\n", - " 'paula barnett , who said she is a close family friend , told my suburban life , that mogni had only been in the country for six hours when the incident happened .',\n", - " 'she said he was was alone at the time of the alleged assault and personal items were stolen .',\n", - " 'she added that he was in a non-medically induced coma , having suffered serious infection and internal bleeding .',\n", - " 'mogni was a third-year finance major from glen ellyn , ill. , who was participating in a semester-long program at john cabot university .',\n", - " \"mogni belonged to the school 's chapter of the sigma nu fraternity , reports the chicago tribune who posted a sign outside a building reading ` pray for mogni . '\",\n", - " \"the fraternity 's iowa chapter announced sunday afternoon via twitter that a memorial service will be held on campus to remember mogni .\"]" + "['marseille , france ( cnn ) the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .',\n", + " 'marseille prosecutor brice robin told cnn that `` so far no videos were used in the crash investigation . ``',\n", + " 'he added , `` a person who has such a video needs to immediately give it to the investigators . ``',\n", + " \"robin 's comments follow claims by two magazines , german daily bild and french paris match , of a cell phone video showing the harrowing final seconds from on board germanwings flight 9525 as it crashed into the french alps .\",\n", + " 'all 150 on board were killed .',\n", + " 'paris match and bild reported that the video was recovered from a phone at the wreckage site .',\n", + " 'the two publications described the supposed video , but did not post it on their websites .',\n", + " 'the publications said that they watched the video , which was found by a source close to the investigation . ``',\n", + " \"one can hear cries of ` my god ' in several languages , `` paris match reported . ``\",\n", + " 'metallic banging can also be heard more than three times , perhaps of the pilot trying to open the cockpit door with a heavy object .',\n", + " 'towards the end , after a heavy shake , stronger than the others , the screaming intensifies .',\n", + " '`` it is a very disturbing scene , `` said julian reichelt , editor-in-chief of bild online .',\n", + " \"an official with france 's accident investigation agency , the bea , said the agency is not aware of any such video .\",\n", + " 'lt. col. jean-marc menichini , a french gendarmerie spokesman in charge of communications on rescue efforts around the germanwings crash site , told cnn that the reports were `` completely wrong `` and `` unwarranted . ``',\n", + " \"cell phones have been collected at the site , he said , but that they `` had n't been exploited yet . ``\",\n", + " 'menichini said he believed the cell phones would need to be sent to the criminal research institute in rosny sous-bois , near paris , in order to be analyzed by specialized technicians working hand-in-hand with investigators .',\n", + " 'but none of the cell phones found so far have been sent to the institute , menichini said .',\n", + " 'asked whether staff involved in the search could have leaked a memory card to the media , menichini answered with a categorical `` no . ``',\n", + " 'reichelt told `` erin burnett : outfront `` that he had watched the video and stood by the report , saying bild and paris match are `` very confident `` that the clip is real .',\n", + " \"he noted that investigators only revealed they 'd recovered cell phones from the crash site after bild and paris match published their reports . ``\",\n", + " 'that is something we did not know before .',\n", + " \"... overall we can say many things of the investigation were n't revealed by the investigation at the beginning , `` he said .\",\n", + " 'what was mental state of germanwings co-pilot ?',\n", + " \"german airline lufthansa confirmed tuesday that co-pilot andreas lubitz had battled depression years before he took the controls of germanwings flight 9525 , which he 's accused of deliberately crashing last week in the french alps .\",\n", + " 'lubitz told his lufthansa flight training school in 2009 that he had a `` previous episode of severe depression , `` the airline said tuesday .',\n", + " 'email correspondence between lubitz and the school discovered in an internal investigation , lufthansa said , included medical documents he submitted in connection with resuming his flight training .',\n", + " \"the announcement indicates that lufthansa , the parent company of germanwings , knew of lubitz 's battle with depression , allowed him to continue training and ultimately put him in the cockpit .\",\n", + " 'lufthansa , whose ceo carsten spohr previously said lubitz was 100 % fit to fly , described its statement tuesday as a `` swift and seamless clarification `` and said it was sharing the information and documents -- including training and medical records -- with public prosecutors .',\n", + " 'spohr traveled to the crash site wednesday , where recovery teams have been working for the past week to recover human remains and plane debris scattered across a steep mountainside .',\n", + " 'he saw the crisis center set up in seyne-les-alpes , laid a wreath in the village of le vernet , closer to the crash site , where grieving families have left flowers at a simple stone memorial .',\n", + " 'menichini told cnn late tuesday that no visible human remains were left at the site but recovery teams would keep searching .',\n", + " 'french president francois hollande , speaking tuesday , said that it should be possible to identify all the victims using dna analysis by the end of the week , sooner than authorities had previously suggested .',\n", + " \"in the meantime , the recovery of the victims ' personal belongings will start wednesday , menichini said .\",\n", + " 'among those personal belongings could be more cell phones belonging to the 144 passengers and six crew on board .',\n", + " 'check out the latest from our correspondents .',\n", + " \"the details about lubitz 's correspondence with the flight school during his training were among several developments as investigators continued to delve into what caused the crash and lubitz 's possible motive for downing the jet .\",\n", + " 'a lufthansa spokesperson told cnn on tuesday that lubitz had a valid medical certificate , had passed all his examinations and `` held all the licenses required . ``',\n", + " \"earlier , a spokesman for the prosecutor 's office in dusseldorf , christoph kumpa , said medical records reveal lubitz suffered from suicidal tendencies at some point before his aviation career and underwent psychotherapy before he got his pilot 's license .\",\n", + " \"kumpa emphasized there 's no evidence suggesting lubitz was suicidal or acting aggressively before the crash .\",\n", + " \"investigators are looking into whether lubitz feared his medical condition would cause him to lose his pilot 's license , a european government official briefed on the investigation told cnn on tuesday .\",\n", + " \"while flying was `` a big part of his life , `` the source said , it 's only one theory being considered .\",\n", + " 'another source , a law enforcement official briefed on the investigation , also told cnn that authorities believe the primary motive for lubitz to bring down the plane was that he feared he would not be allowed to fly because of his medical problems .',\n", + " \"lubitz 's girlfriend told investigators he had seen an eye doctor and a neuropsychologist , both of whom deemed him unfit to work recently and concluded he had psychological issues , the european government official said .\",\n", + " \"but no matter what details emerge about his previous mental health struggles , there 's more to the story , said brian russell , a forensic psychologist . ``\",\n", + " \"psychology can explain why somebody would turn rage inward on themselves about the fact that maybe they were n't going to keep doing their job and they 're upset about that and so they 're suicidal , `` he said . ``\",\n", + " \"but there is no mental illness that explains why somebody then feels entitled to also take that rage and turn it outward on 149 other people who had nothing to do with the person 's problems . ``\",\n", + " 'germanwings crash compensation : what we know .',\n", + " 'who was the captain of germanwings flight 9525 ?',\n", + " \"cnn 's margot haddad reported from marseille and pamela brown from dusseldorf , while laura smith-spark wrote from london .\",\n", + " \"cnn 's frederik pleitgen , pamela boykoff , antonia mortensen , sandrine amiel and anna-maja rappard contributed to this report .\"]" ] }, - "execution_count": 26, + "execution_count": 35, "metadata": {}, "output_type": "execute_result" } From 0ef33df65a083086c1ab2e15ed46ffa058e7c4c3 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 13 Dec 2019 15:45:24 +0000 Subject: [PATCH 063/167] change scheduler, black format code --- tools/generate_conda_file.py | 2 +- utils_nlp/dataset/cnndm.py | 47 ++-- utils_nlp/models/transformers/common.py | 68 ++--- .../transformers/extractive_summarization.py | 254 ++++++++++-------- 4 files changed, 205 insertions(+), 166 deletions(-) diff --git a/tools/generate_conda_file.py b/tools/generate_conda_file.py index 3b86672ae..8a98e7b14 100644 --- a/tools/generate_conda_file.py +++ b/tools/generate_conda_file.py @@ -83,7 +83,7 @@ "https://github.com/explosion/spacy-models/releases/download/" "en_core_web_sm-2.1.0/en_core_web_sm-2.1.0.tar.gz" ), - "transformers": "transformers==2.1.1", + "transformers": "transformers>=2.1.1", "gensim": "gensim>=3.7.0", "nltk": "nltk>=3.4", "seqeval": "seqeval>=0.0.12", diff --git a/utils_nlp/dataset/cnndm.py b/utils_nlp/dataset/cnndm.py index 16e996722..214832b4a 100644 --- a/utils_nlp/dataset/cnndm.py +++ b/utils_nlp/dataset/cnndm.py @@ -9,6 +9,7 @@ import glob import itertools import nltk + nltk.download("punkt") from nltk import tokenize import os @@ -26,7 +27,6 @@ from utils_nlp.models.transformers.extractive_summarization import get_dataset, get_dataloader - def _line_iter(file_path): with open(file_path, "r", encoding="utf8") as fd: for line in fd: @@ -34,10 +34,10 @@ def _line_iter(file_path): def _create_data_from_iterator(iterator, preprocessing, word_tokenizer): - #data = [] - #for line in iterator: + # data = [] + # for line in iterator: # data.append(preprocess((line, preprocessing, word_tokenizer))) - #return data + # return data for line in iterator: yield preprocess((line, preprocessing, word_tokenizer)) @@ -84,7 +84,7 @@ def __init__( target_preprocessing, word_tokenization, top_n=-1, - **kwargs + **kwargs, ): """ create an CNN/CM dataset instance given the paths of source file and target file""" @@ -104,10 +104,10 @@ def __init__( target_iter, target_preprocessing, word_tokenization ) - #def __getitem__(self, i): + # def __getitem__(self, i): # return self._source[i] - #def __len__(self): + # def __len__(self): # return len(self._source) def __iter__(self): @@ -160,57 +160,60 @@ def _setup_datasets(url, top_n=-1, local_cache_path=".data"): return _setup_datasets(*((urls[0],) + args), **kwargs) -class CNNDMBertSumProcessedData(): +class CNNDMBertSumProcessedData: @staticmethod def save_data(data_iter, is_test=False, save_path="./", chunk_size=None): os.makedirs(save_path, exist_ok=True) + def chunks(iterable, chunk_size): - iterator = filter(None, iterable) #iter(iterable) + iterator = filter(None, iterable) # iter(iterable) for first in iterator: if chunk_size: yield itertools.chain([first], itertools.islice(iterator, chunk_size - 1)) else: yield itertools.chain([first], itertools.islice(iterator, None)) + chunks = chunks(data_iter, chunk_size) filename_list = [] - for i,chunked_data in enumerate(chunks): + for i, chunked_data in enumerate(chunks): filename = f"{i}_test" if is_test else f"{i}_train" torch.save(list(chunked_data), os.path.join(save_path, filename)) - filename_list.append(os.path.join(save_path,filename)) + filename_list.append(os.path.join(save_path, filename)) return filename_list - @staticmethod def download(local_path=".data"): file_name = "bertsum_data.zip" url = "https://drive.google.com/uc?export=download&id=1x0d61LP9UAN389YN00z0Pv-7jQgirVg6" try: - if os.path.exists(os.path.join(local_path,file_name)): - zip=zipfile.ZipFile(os.path.join(local_path, file_name)) + if os.path.exists(os.path.join(local_path, file_name)): + zip = zipfile.ZipFile(os.path.join(local_path, file_name)) else: dataset_zip = download_from_url(url, root=local_path) - zip=zipfile.ZipFile(dataset_zip) + zip = zipfile.ZipFile(dataset_zip) except: print("Unexpected dataset downloading or reading error:", sys.exc_info()[0]) raise - + zip.extractall(local_path) return local_path - - + @classmethod def splits(cls, root): train_files = [] test_files = [] - files = [join(root, f) for f in os.listdir(root) if isfile(join(root, f))] + files = [join(root, f) for f in os.listdir(root) if isfile(join(root, f))] for fname in files: - if fname.find('train') != -1: + if fname.find("train") != -1: train_files.append(fname) - elif fname.find('test') != -1: + elif fname.find("test") != -1: test_files.append(fname) + def get_train_dataset(): return get_dataset(train_files, True) + def get_test_dataset(): return get_dataset(test_files) + return get_train_dataset, get_test_dataset - #return get_cycled_dataset(get_dataset(train_files)), get_dataset(test_files) \ No newline at end of file + # return get_cycled_dataset(get_dataset(train_files)), get_dataset(test_files) diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index 594c8ccbd..8a6c3021c 100644 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -14,7 +14,7 @@ from tqdm import tqdm, trange from itertools import cycle -from transformers import AdamW, WarmupLinearSchedule +from transformers import AdamW, get_linear_schedule_with_warmup from transformers.modeling_bert import BERT_PRETRAINED_MODEL_ARCHIVE_MAP from transformers.modeling_distilbert import DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP from transformers.modeling_roberta import ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP @@ -35,6 +35,7 @@ logger = logging.getLogger(__name__) + class Transformer: def __init__( self, @@ -108,23 +109,20 @@ def fine_tune( ): if seed is not None: Transformer.set_seed(seed, n_gpu > 0) - + try: dataset_length = len(train_dataloader) except: dataset_length = -1 - if max_steps > 0: t_total = max_steps if dataset_length != -1: - num_train_epochs = ( - max_steps // (data_set_length // gradient_accumulation_steps) + 1 - ) + num_train_epochs = max_steps // (data_set_length // gradient_accumulation_steps) + 1 else: num_train_epochs = -1 else: - if dataset_length != -1 and num_train_epochs != -1 : + if dataset_length != -1 and num_train_epochs != -1: t_total = len(train_dataloader) // gradient_accumulation_steps * num_train_epochs else: t_total = -1 @@ -152,7 +150,9 @@ def fine_tune( optimizer = AdamW(optimizer_grouped_parameters, lr=learning_rate, eps=adam_epsilon) if t_total != -1 and scheduler is None: - scheduler = WarmupLinearSchedule(optimizer, warmup_steps=warmup_steps, t_total=t_total) + scheduler = get_linear_schedule_with_warmup( + optimizer, num_warmup_steps=warmup_steps, num_training_steps=t_total + ) if fp16: try: @@ -179,25 +179,30 @@ def fine_tune( self.model.zero_grad() if num_train_epochs != -1: train_iterator = trange( - int(num_train_epochs), desc="Epoch", disable=local_rank not in [-1, 0] or not verbose + int(num_train_epochs), + desc="Epoch", + disable=local_rank not in [-1, 0] or not verbose, ) else: - train_iterator = cycle('1') # use this as an infinite cycle - + train_iterator = cycle("1") # use this as an infinite cycle + if move_batch_to_device is None: + def move_batch_to_device(batch, device): return tuple(t.to(device) for t in batch) - + start = time.time() accum_loss = 0 - + self.model.train() for _ in train_iterator: epoch_iterator = tqdm( - train_dataloader, desc="Iteration", disable= True #local_rank not in [-1, 0] or not verbose + train_dataloader, + desc="Iteration", + disable=True, # local_rank not in [-1, 0] or not verbose ) for step, batch in enumerate(epoch_iterator): - + batch = move_batch_to_device(batch, device) inputs = get_inputs(batch, self.model_name) outputs = self.model(**inputs) @@ -207,7 +212,6 @@ def move_batch_to_device(batch, device): loss = loss.mean() if gradient_accumulation_steps > 1: loss = loss / gradient_accumulation_steps - if fp16: with amp.scale_loss(loss, optimizer) as scaled_loss: @@ -220,40 +224,44 @@ def move_batch_to_device(batch, device): torch.nn.utils.clip_grad_norm_(self.model.parameters(), max_grad_norm) tr_loss += loss.item() - + accum_loss += loss.item() if (step + 1) % gradient_accumulation_steps == 0: global_step += 1 if global_step % report_every == 0 and verbose: - #tqdm.write("Loss:{:.6f}".format(loss)) + # tqdm.write("Loss:{:.6f}".format(loss)) end = time.time() - print("loss: {0:.6f}, time: {1:f}, number of examples in current step: {2:.0f}, step {3:.0f} out of total {4:.0f}".format( - accum_loss/report_every, end-start, len(batch), global_step, max_steps)) + print( + "loss: {0:.6f}, time: {1:f}, number of examples in current step: {2:.0f}, step {3:.0f} out of total {4:.0f}".format( + accum_loss / report_every, + end - start, + len(batch), + global_step, + max_steps, + ) + ) accum_loss = 0 start = end - + optimizer.step() if scheduler: scheduler.step() self.model.zero_grad() - - - if max_steps > 0 and global_step > max_steps: epoch_iterator.close() break - + if max_steps > 0 and global_step > max_steps: break - # empty cache + # empty cache torch.cuda.empty_cache() return global_step, tr_loss / global_step - def predict(self, eval_dataloader, get_inputs, device, verbose=True): - - self.model.eval() - for batch in tqdm(eval_dataloader, desc="Evaluating", disable=not verbose): + def predict(self, eval_dataloader, get_inputs, device, verbose=True): + + self.model.eval() + for batch in tqdm(eval_dataloader, desc="Evaluating", disable=not verbose): batch = tuple(t.to(device) for t in batch) with torch.no_grad(): inputs = get_inputs(batch, self.model_name, train_mode=False) diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index 6ef539d27..5c8cc940c 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -10,8 +10,8 @@ import torch import torch.nn as nn -#from torch.utils.data import Dataset, TensorDataset -#from transformers import * +# from torch.utils.data import Dataset, TensorDataset +# from transformers import * from transformers.modeling_bert import ( @@ -31,41 +31,31 @@ XLNetForSequenceClassification, ) -from transformers import ( - DistilBertModel, - BertModel, -) +from transformers import DistilBertModel, BertModel from utils_nlp.common.pytorch_utils import get_device -from utils_nlp.models.transformers.common import ( - MAX_SEQ_LEN, - TOKENIZER_CLASS, - Transformer, -) - - +from utils_nlp.models.transformers.common import MAX_SEQ_LEN, TOKENIZER_CLASS, Transformer - -from bertsum.models import model_builder, data_loader -from bertsum.models.data_loader import DataIterator +from bertsum.models import model_builder, data_loader +from bertsum.models.data_loader import DataIterator from bertsum.models.model_builder import Summarizer from bertsum.prepro.data_builder import combination_selection, greedy_selection, TransformerData -MODEL_CLASS= {"bert-base-uncased": BertModel, - 'distilbert-base-uncased': DistilBertModel} +MODEL_CLASS = {"bert-base-uncased": BertModel, "distilbert-base-uncased": DistilBertModel} logger = logging.getLogger(__name__) + class Bunch(object): """ Class which convert a dictionary to an object """ def __init__(self, adict): self.__dict__.update(adict) - - -def get_sequential_dataloader(dataset,is_labeled=False, batch_size=3000): + + +def get_sequential_dataloader(dataset, is_labeled=False, batch_size=3000): """ Function to get sequential data iterator over a list of data objects. Args: @@ -79,23 +69,25 @@ def get_sequential_dataloader(dataset,is_labeled=False, batch_size=3000): return DataIterator(dataset, batch_size, is_labeled=is_labeled, shuffle=False, sort=False) + def get_cycled_dataset(train_dataset_generator): """ Function to get iterator over the dataset specified by train_iter. It cycles through the dataset. """ - cycle_iterator = itertools.cycle('123') + cycle_iterator = itertools.cycle("123") for _ in cycle_iterator: for batch in train_dataset_generator(): yield batch - - + + def get_dataset(file_list, is_train=False): - if is_train: - random.shuffle(file_list) - for file in file_list: - yield torch.load(file) - + if is_train: + random.shuffle(file_list) + for file in file_list: + yield torch.load(file) + + def get_dataloader(data_iter, shuffle=True, is_labeled=False, batch_size=3000): """ Function to get data iterator over a list of data objects. @@ -110,18 +102,26 @@ def get_dataloader(data_iter, shuffle=True, is_labeled=False, batch_size=3000): DataIterator """ - + return data_loader.Dataloader(data_iter, batch_size, shuffle=shuffle, is_labeled=is_labeled) - -class ExtSumProcessor: - def __init__(self, model_name="bert-base-cased", to_lower=False, cache_dir=".", - max_nsents=200, max_src_ntokens=2000, min_nsents=3, min_src_ntokens=5, use_interval=True): + +class ExtSumProcessor: + def __init__( + self, + model_name="bert-base-cased", + to_lower=False, + cache_dir=".", + max_nsents=200, + max_src_ntokens=2000, + min_nsents=3, + min_src_ntokens=5, + use_interval=True, + ): self.tokenizer = TOKENIZER_CLASS[model_name].from_pretrained( model_name, do_lower_case=to_lower, cache_dir=cache_dir ) - default_preprocessing_parameters = { "max_nsents": max_nsents, "max_src_ntokens": max_src_ntokens, @@ -132,25 +132,34 @@ def __init__(self, model_name="bert-base-cased", to_lower=False, cache_dir=".", print(default_preprocessing_parameters) args = Bunch(default_preprocessing_parameters) self.preprossor = TransformerData(args, self.tokenizer) - - + @staticmethod def get_inputs(batch, model_name, train_mode=True): if model_name.split("-")[0] in ["bert", "distilbert"]: if train_mode: - # labels must be the last - return {"x": batch.src, "segs": batch.segs, "clss": batch.clss, - "mask": batch.mask, "mask_cls": batch.mask_cls, "labels": batch.labels} + # labels must be the last + return { + "x": batch.src, + "segs": batch.segs, + "clss": batch.clss, + "mask": batch.mask, + "mask_cls": batch.mask_cls, + "labels": batch.labels, + } else: - return {"x": batch.src, "segs": batch.segs, "clss": batch.clss, - "mask": batch.mask, "mask_cls": batch.mask_cls} + return { + "x": batch.src, + "segs": batch.segs, + "clss": batch.clss, + "mask": batch.mask, + "mask_cls": batch.mask_cls, + } else: raise ValueError("Model not supported: {}".format(model_name)) - def preprocess(self, sources, targets=None, oracle_mode="greedy", selections=3): """preprocess multiple data points""" - + is_labeled = False if targets is None: for source in sources: @@ -159,86 +168,99 @@ def preprocess(self, sources, targets=None, oracle_mode="greedy", selections=3): for (source, target) in zip(sources, targets): yield self._preprocess_single(source, target, oracle_mode, selections) is_labeled = True - + def _preprocess_single(self, source, target=None, oracle_mode="greedy", selections=3): """preprocess single data point""" oracle_ids = None if target is not None: - if (oracle_mode == 'greedy'): + if oracle_mode == "greedy": oracle_ids = greedy_selection(source, target, selections) - elif (oracle_mode == 'combination'): + elif oracle_mode == "combination": oracle_ids = combination_selection(source, target, selections) - - b_data = self.preprossor.preprocess(source, target, oracle_ids) - if (b_data is None): + + b_data = self.preprossor.preprocess(source, target, oracle_ids) + if b_data is None: return None indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data - return {"src": indexed_tokens, "labels": labels, "segs": segments_ids, 'clss': cls_ids, - 'src_txt': src_txt, "tgt_txt": tgt_txt} + return { + "src": indexed_tokens, + "labels": labels, + "segs": segments_ids, + "clss": cls_ids, + "src_txt": src_txt, + "tgt_txt": tgt_txt, + } + class ExtractiveSummarizer(Transformer): - def __init__(self, model_name="distilbert-base-uncased", encoder="transformer", cache_dir="."): + def __init__(self, model_name="distilbert-base-uncased", encoder="transformer", cache_dir="."): super().__init__( - model_class=MODEL_CLASS, - model_name=model_name, - num_labels=0, - cache_dir=cache_dir, + model_class=MODEL_CLASS, model_name=model_name, num_labels=0, cache_dir=cache_dir ) model_class = MODEL_CLASS[model_name] default_summarizer_layer_parameters = { - "ff_size": 512, - "heads": 4, - "dropout": 0.1, - "inter_layers": 2, - "hidden_size": 128, - "rnn_size": 512, - "param_init": 0.0, - "param_init_glorot": True} - + "ff_size": 512, + "heads": 4, + "dropout": 0.1, + "inter_layers": 2, + "hidden_size": 128, + "rnn_size": 512, + "param_init": 0.0, + "param_init_glorot": True, + } + args = Bunch(default_summarizer_layer_parameters) self.model = Summarizer("transformer", args, model_class, model_name, None, cache_dir) - - + @staticmethod def list_supported_models(): return list(MODEL_CLASS) - + def fit( self, train_dataloader, num_gpus=None, local_rank=-1, max_steps=5e5, - optimization_method='adam', - lr=2e-3, - max_grad_norm=0, - beta1=0.9, - beta2=0.999, - decay_method='noam', + optimization_method="adam", + lr=2e-3, + max_grad_norm=0, + beta1=0.9, + beta2=0.999, + decay_method="noam", warmup_steps=1e5, verbose=True, seed=None, gradient_accumulation_steps=2, - report_every=50, + report_every=50, clip_grad_norm=False, **kwargs ): - + device, num_gpus = get_device(num_gpus=num_gpus, local_rank=local_rank) - + def move_batch_to_device(batch, device): return batch.to(device) - - #if isinstance(self.model, nn.DataParallel): + + # if isinstance(self.model, nn.DataParallel): # self.model.module.to(device) - #else: - self.model.to(device) - - optimizer = model_builder.build_optim(optimization_method, lr, max_grad_norm, beta1, - beta2, decay_method, warmup_steps, self.model, None) + # else: + self.model.to(device) + + optimizer = model_builder.build_optim( + optimization_method, + lr, + max_grad_norm, + beta1, + beta2, + decay_method, + warmup_steps, + self.model, + None, + ) + + # train_dataloader = get_dataloader(train_iter(), is_labeled=True, batch_size=batch_size) - #train_dataloader = get_dataloader(train_iter(), is_labeled=True, batch_size=batch_size) - super().fine_tune( train_dataloader=train_dataloader, get_inputs=ExtSumProcessor.get_inputs, @@ -257,44 +279,53 @@ def move_batch_to_device(batch, device): max_grad_norm=max_grad_norm, ) - - - def predict(self, eval_dataloader, num_gpus=1, batch_size=16, sentence_seperator="", top_n=3, block_trigram=True, verbose=True, cal_lead=False): + def predict( + self, + eval_dataloader, + num_gpus=1, + batch_size=16, + sentence_seperator="", + top_n=3, + block_trigram=True, + verbose=True, + cal_lead=False, + ): def _get_ngrams(n, text): ngram_set = set() text_length = len(text) max_index_ngram_start = text_length - n for i in range(max_index_ngram_start + 1): - ngram_set.add(tuple(text[i:i + n])) + ngram_set.add(tuple(text[i : i + n])) return ngram_set def _block_tri(c, p): tri_c = _get_ngrams(3, c.split()) for s in p: tri_s = _get_ngrams(3, s.split()) - if len(tri_c.intersection(tri_s))>0: + if len(tri_c.intersection(tri_s)) > 0: return True return False + def _get_pred(batch, sent_scores): - #return sent_scores + # return sent_scores if cal_lead: - selected_ids = list(range(batch.clss.size(1)))*len(batch.clss) + selected_ids = list(range(batch.clss.size(1))) * len(batch.clss) else: - #negative_sent_score = [-i for i in sent_scores[0]] - selected_ids = np.argsort(-sent_scores, 1) + # negative_sent_score = [-i for i in sent_scores[0]] + selected_ids = np.argsort(-sent_scores, 1) # selected_ids = np.sort(selected_ids,1) pred = [] for i, idx in enumerate(selected_ids): _pred = [] - if(len(batch.src_str[i])==0): - pred.append('') + if len(batch.src_str[i]) == 0: + pred.append("") continue - for j in selected_ids[i][:len(batch.src_str[i])]: - if(j>=len( batch.src_str[i])): + for j in selected_ids[i][: len(batch.src_str[i])]: + if j >= len(batch.src_str[i]): continue candidate = batch.src_str[i][j].strip() - if(block_trigram): - if(not _block_tri(candidate,_pred)): + if block_trigram: + if not _block_tri(candidate, _pred): _pred.append(candidate) else: _pred.append(candidate) @@ -303,16 +334,17 @@ def _get_pred(batch, sent_scores): if len(_pred) == top_n: break - #_pred = ''.join(_pred) - _pred = sentence_seperator.join(_pred) + # _pred = ''.join(_pred) + _pred = sentence_seperator.join(_pred) pred.append(_pred.strip()) return pred - + device, num_gpus = get_device(num_gpus=num_gpus, local_rank=-1) - #if isinstance(self.model, nn.DataParallel): + # if isinstance(self.model, nn.DataParallel): # self.model.module.to(device) - #else: + # else: self.model.to(device) + def move_batch_to_device(batch, device): return batch.to(device) @@ -327,7 +359,7 @@ def move_batch_to_device(batch, device): sent_scores = sent_scores.detach().cpu().numpy() pred.extend(_get_pred(batch, sent_scores)) return pred - + def save_model(self, name): output_model_dir = os.path.join(self.cache_dir, "fine_tuned") @@ -336,8 +368,4 @@ def save_model(self, name): full_name = os.path.join(output_model_dir, name) logger.info("Saving model checkpoint to %s", full_name) - torch.save(self.model,name) - - - - + torch.save(self.model, name) From 5054d929ed70ccf1092b8ccf968fa3e8e0210822 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 13 Dec 2019 19:53:43 +0000 Subject: [PATCH 064/167] revert the scheduler change --- utils_nlp/models/transformers/common.py | 6 ++---- 1 file changed, 2 insertions(+), 4 deletions(-) diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index 8a6c3021c..e65711590 100644 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -14,7 +14,7 @@ from tqdm import tqdm, trange from itertools import cycle -from transformers import AdamW, get_linear_schedule_with_warmup +from transformers import AdamW, WarmupLinearSchedule from transformers.modeling_bert import BERT_PRETRAINED_MODEL_ARCHIVE_MAP from transformers.modeling_distilbert import DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP from transformers.modeling_roberta import ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP @@ -150,9 +150,7 @@ def fine_tune( optimizer = AdamW(optimizer_grouped_parameters, lr=learning_rate, eps=adam_epsilon) if t_total != -1 and scheduler is None: - scheduler = get_linear_schedule_with_warmup( - optimizer, num_warmup_steps=warmup_steps, num_training_steps=t_total - ) + scheduler = WarmupLinearSchedule(optimizer, warmup_steps=warmup_steps, t_total=t_total) if fp16: try: From 6c6af564a8ee08a4c6cc8765281643210a9ac450 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 13 Dec 2019 19:54:31 +0000 Subject: [PATCH 065/167] move the clean out of bertsum package --- utils_nlp/dataset/cnndm.py | 12 +++++++++++- 1 file changed, 11 insertions(+), 1 deletion(-) diff --git a/utils_nlp/dataset/cnndm.py b/utils_nlp/dataset/cnndm.py index 214832b4a..5c7ba8272 100644 --- a/utils_nlp/dataset/cnndm.py +++ b/utils_nlp/dataset/cnndm.py @@ -1,9 +1,12 @@ # Copyright (c) Microsoft Corporation. All rights reserved. # Licensed under the MIT License. +# This script reuses some code from https://github.com/nlpyang/BertSum + """ Utility functions for downloading, extracting, and reading the CNN/DM dataset at https://github.com/harvardnlp/sent-summary. + """ import glob @@ -21,11 +24,18 @@ from torchtext.utils import download_from_url, extract_archive import zipfile -from bertsum.others.utils import clean from utils_nlp.dataset.url_utils import maybe_download from utils_nlp.models.transformers.extractive_summarization import get_dataset, get_dataloader +REMAP = {"-lrb-": "(", "-rrb-": ")", "-lcb-": "{", "-rcb-": "}", + "-lsb-": "[", "-rsb-": "]", "``": '"', "''": '"'} + +def clean(x): + return re.sub( + r"-lrb-|-rrb-|-lcb-|-rcb-|-lsb-|-rsb-|``|''", + lambda m: REMAP.get(m.group()), x) + def _line_iter(file_path): with open(file_path, "r", encoding="utf8") as fd: From 165645be74e3a9d2b709143961a915e4b34f13cf Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 13 Dec 2019 19:55:09 +0000 Subject: [PATCH 066/167] move sentence selection out of bertsum package --- utils_nlp/dataset/sentence_selection.py | 131 ++++++++++++++++++++++++ 1 file changed, 131 insertions(+) create mode 100644 utils_nlp/dataset/sentence_selection.py diff --git a/utils_nlp/dataset/sentence_selection.py b/utils_nlp/dataset/sentence_selection.py new file mode 100644 index 000000000..47ca22aeb --- /dev/null +++ b/utils_nlp/dataset/sentence_selection.py @@ -0,0 +1,131 @@ +# Copyright (c) Microsoft Corporation. All rights reserved. +# Licensed under the MIT License. + +# This script reuses some code from https://github.com/nlpyang/BertSum + + +import itertools +import re + + +def _get_ngrams(n, text): + """Calcualtes n-grams. + Args: + n: which n-grams to calculate + text: An array of tokens + Returns: + A set of n-grams + """ + ngram_set = set() + text_length = len(text) + max_index_ngram_start = text_length - n + for i in range(max_index_ngram_start + 1): + ngram_set.add(tuple(text[i:i + n])) + return ngram_set + + +def _get_word_ngrams(n, sentences): + """Calculates word n-grams for multiple sentences. + """ + assert len(sentences) > 0 + assert n > 0 + + # words = _split_into_words(sentences) + + words = sum(sentences, []) + # words = [w for w in words if w not in stopwords] + return _get_ngrams(n, words) + + +def cal_rouge(evaluated_ngrams, reference_ngrams): + reference_count = len(reference_ngrams) + evaluated_count = len(evaluated_ngrams) + + overlapping_ngrams = evaluated_ngrams.intersection(reference_ngrams) + overlapping_count = len(overlapping_ngrams) + + if evaluated_count == 0: + precision = 0.0 + else: + precision = overlapping_count / evaluated_count + + if reference_count == 0: + recall = 0.0 + else: + recall = overlapping_count / reference_count + + f1_score = 2.0 * ((precision * recall) / (precision + recall + 1e-8)) + return {"f": f1_score, "p": precision, "r": recall} + + +def combination_selection(doc_sent_list, abstract_sent_list, summary_size): + def _rouge_clean(s): + return re.sub(r'[^a-zA-Z0-9 ]', '', s) + + max_rouge = 0.0 + max_idx = (0, 0) + abstract = sum(abstract_sent_list, []) + abstract = _rouge_clean(' '.join(abstract)).split() + sents = [_rouge_clean(' '.join(s)).split() for s in doc_sent_list] + evaluated_1grams = [_get_word_ngrams(1, [sent]) for sent in sents] + reference_1grams = _get_word_ngrams(1, [abstract]) + evaluated_2grams = [_get_word_ngrams(2, [sent]) for sent in sents] + reference_2grams = _get_word_ngrams(2, [abstract]) + + impossible_sents = [] + for s in range(summary_size + 1): + combinations = itertools.combinations([i for i in range(len(sents)) if i not in impossible_sents], s + 1) + for c in combinations: + candidates_1 = [evaluated_1grams[idx] for idx in c] + candidates_1 = set.union(*map(set, candidates_1)) + candidates_2 = [evaluated_2grams[idx] for idx in c] + candidates_2 = set.union(*map(set, candidates_2)) + rouge_1 = cal_rouge(candidates_1, reference_1grams)['f'] + rouge_2 = cal_rouge(candidates_2, reference_2grams)['f'] + + rouge_score = rouge_1 + rouge_2 + if (s == 0 and rouge_score == 0): + impossible_sents.append(c[0]) + if rouge_score > max_rouge: + max_idx = c + max_rouge = rouge_score + return sorted(list(max_idx)) + + +def greedy_selection(doc_sent_list, abstract_sent_list, summary_size): + def _rouge_clean(s): + return re.sub(r'[^a-zA-Z0-9 ]', '', s) + + max_rouge = 0.0 + abstract = sum(abstract_sent_list, []) + abstract = _rouge_clean(' '.join(abstract)).split() + sents = [_rouge_clean(' '.join(s)).split() for s in doc_sent_list] + evaluated_1grams = [_get_word_ngrams(1, [sent]) for sent in sents] + reference_1grams = _get_word_ngrams(1, [abstract]) + evaluated_2grams = [_get_word_ngrams(2, [sent]) for sent in sents] + reference_2grams = _get_word_ngrams(2, [abstract]) + + selected = [] + for s in range(summary_size): + cur_max_rouge = max_rouge + cur_id = -1 + for i in range(len(sents)): + if (i in selected): + continue + c = selected + [i] + candidates_1 = [evaluated_1grams[idx] for idx in c] + candidates_1 = set.union(*map(set, candidates_1)) + candidates_2 = [evaluated_2grams[idx] for idx in c] + candidates_2 = set.union(*map(set, candidates_2)) + rouge_1 = cal_rouge(candidates_1, reference_1grams)['f'] + rouge_2 = cal_rouge(candidates_2, reference_2grams)['f'] + rouge_score = rouge_1 + rouge_2 + if rouge_score > cur_max_rouge: + cur_max_rouge = rouge_score + cur_id = i + if (cur_id == -1): + return selected + selected.append(cur_id) + max_rouge = cur_max_rouge + + return sorted(selected) From 854e0a27ae06293568f89cda52bb931a889346cf Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 13 Dec 2019 19:56:10 +0000 Subject: [PATCH 067/167] move the data preprocessing out of bertsum package --- .../transformers/extractive_summarization.py | 72 +++++++++++++++++-- 1 file changed, 67 insertions(+), 5 deletions(-) diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index 5c8cc940c..ece9685c7 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -1,6 +1,8 @@ # Copyright (c) Microsoft Corporation. All rights reserved. # Licensed under the MIT License. +# This script reuses some code from https://github.com/nlpyang/BertSum + import itertools import logging import numpy as np @@ -10,9 +12,6 @@ import torch import torch.nn as nn -# from torch.utils.data import Dataset, TensorDataset -# from transformers import * - from transformers.modeling_bert import ( BERT_PRETRAINED_MODEL_ARCHIVE_MAP, @@ -41,7 +40,7 @@ from bertsum.models import model_builder, data_loader from bertsum.models.data_loader import DataIterator from bertsum.models.model_builder import Summarizer -from bertsum.prepro.data_builder import combination_selection, greedy_selection, TransformerData +from utils_nlp.dataset.sentence_selection import combination_selection, greedy_selection MODEL_CLASS = {"bert-base-uncased": BertModel, "distilbert-base-uncased": DistilBertModel} @@ -105,6 +104,69 @@ def get_dataloader(data_iter, shuffle=True, is_labeled=False, batch_size=3000): return data_loader.Dataloader(data_iter, batch_size, shuffle=shuffle, is_labeled=is_labeled) +class TransformerSumData(): + def __init__(self, args, tokenizer): + self.args = args + self.tokenizer = tokenizer + self.sep_vid = self.tokenizer.vocab['[SEP]'] + self.cls_vid = self.tokenizer.vocab['[CLS]'] + self.pad_vid = self.tokenizer.vocab['[PAD]'] + + + def preprocess(self, src, tgt=None, oracle_ids=None): + + if (len(src) == 0): + return None + + original_src_txt = [' '.join(s) for s in src] + + labels = None + if oracle_ids is not None and tgt is not None: + labels = [0] * len(src) + for l in oracle_ids: + labels[l] = 1 + + idxs = [i for i, s in enumerate(src) if (len(s) > self.args.min_src_ntokens)] + + src = [src[i][:self.args.max_src_ntokens] for i in idxs] + src = src[:self.args.max_nsents] + if labels: + labels = [labels[i] for i in idxs] + labels = labels[:self.args.max_nsents] + + if (len(src) < self.args.min_nsents): + return None + if labels: + if (len(labels) == 0): + return None + + src_txt = [' '.join(sent) for sent in src] + # text = [' '.join(ex['src_txt'][i].split()[:self.args.max_src_ntokens]) for i in idxs] + # text = [_clean(t) for t in text] + text = ' [SEP] [CLS] '.join(src_txt) + src_subtokens = self.tokenizer.tokenize(text) + src_subtokens = src_subtokens[:510] + src_subtokens = ['[CLS]'] + src_subtokens + ['[SEP]'] + + src_subtoken_idxs = self.tokenizer.convert_tokens_to_ids(src_subtokens) + _segs = [-1] + [i for i, t in enumerate(src_subtoken_idxs) if t == self.sep_vid] + segs = [_segs[i] - _segs[i - 1] for i in range(1, len(_segs))] + segments_ids = [] + for i, s in enumerate(segs): + if (i % 2 == 0): + segments_ids += s * [0] + else: + segments_ids += s * [1] + cls_ids = [i for i, t in enumerate(src_subtoken_idxs) if t == self.cls_vid] + if labels: + labels = labels[:len(cls_ids)] + + tgt_txt = None + if tgt: + tgt_txt = ''.join([' '.join(tt) for tt in tgt]) + src_txt = [original_src_txt[i] for i in idxs] + return src_subtoken_idxs, labels, segments_ids, cls_ids, src_txt, tgt_txt + class ExtSumProcessor: def __init__( @@ -131,7 +193,7 @@ def __init__( } print(default_preprocessing_parameters) args = Bunch(default_preprocessing_parameters) - self.preprossor = TransformerData(args, self.tokenizer) + self.preprossor = TransformerSumData(args, self.tokenizer) @staticmethod def get_inputs(batch, model_name, train_mode=True): From 41a1642333b648606c8b9ed82acc9fbf241c113a Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 13 Dec 2019 19:56:43 +0000 Subject: [PATCH 068/167] notebook update --- .../CNNDM_TransformerSum.ipynb | 382 +++++++++--------- 1 file changed, 193 insertions(+), 189 deletions(-) diff --git a/examples/text_summarization/CNNDM_TransformerSum.ipynb b/examples/text_summarization/CNNDM_TransformerSum.ipynb index 7bcae8cbb..1fdfc5a7f 100644 --- a/examples/text_summarization/CNNDM_TransformerSum.ipynb +++ b/examples/text_summarization/CNNDM_TransformerSum.ipynb @@ -90,9 +90,8 @@ "text": [ "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", "[nltk_data] Package punkt is already up-to-date!\n", - "I1213 03:39:34.879140 139876939843392 file_utils.py:39] PyTorch version 1.2.0 available.\n", - "I1213 03:39:34.914063 139876939843392 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1213 03:39:34.929385 139876939843392 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" + "I1213 19:06:40.821395 140049061730112 file_utils.py:39] PyTorch version 1.2.0 available.\n", + "I1213 19:06:40.854509 140049061730112 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" ] } ], @@ -127,7 +126,7 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 5, "metadata": {}, "outputs": [], "source": [ @@ -206,7 +205,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 6, "metadata": {}, "outputs": [], "source": [ @@ -220,7 +219,7 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 7, "metadata": { "scrolled": true }, @@ -229,13 +228,8 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1213 03:55:05.144305 139876939843392 utils.py:173] Opening tar file /tmp/tmppp95fw67/cnndm.tar.gz.\n", - "I1213 03:55:05.146239 139876939843392 utils.py:181] /tmp/tmppp95fw67/test.txt.src already extracted.\n", - "I1213 03:55:05.440092 139876939843392 utils.py:181] /tmp/tmppp95fw67/test.txt.tgt.tagged already extracted.\n", - "I1213 03:55:05.467360 139876939843392 utils.py:181] /tmp/tmppp95fw67/train.txt.src already extracted.\n", - "I1213 03:55:12.985301 139876939843392 utils.py:181] /tmp/tmppp95fw67/train.txt.tgt.tagged already extracted.\n", - "I1213 03:55:13.605381 139876939843392 utils.py:181] /tmp/tmppp95fw67/val.txt.src already extracted.\n", - "I1213 03:55:13.941435 139876939843392 utils.py:181] /tmp/tmppp95fw67/val.txt.tgt.tagged already extracted.\n" + "100%|██████████| 489k/489k [00:08<00:00, 59.5kKB/s] \n", + "I1213 19:06:49.528935 140049061730112 utils.py:173] Opening tar file /tmp/tmpuf604ztw/cnndm.tar.gz.\n" ] } ], @@ -252,14 +246,14 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 8, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1213 03:55:16.914798 139876939843392 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + "I1213 19:07:00.743392 140049061730112 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" ] }, { @@ -272,13 +266,13 @@ ], "source": [ "processor = ExtSumProcessor(model_name=MODEL_NAME)\n", - "ext_sum_train = processor.preprocess(train_dataset, train_dataset.get_target())\n", - "ext_sum_test = processor.preprocess(test_dataset, test_dataset.get_target())" + "ext_sum_train = processor.preprocess(train_dataset, train_dataset.get_target(), oracle_mode=\"greedy\")\n", + "ext_sum_test = processor.preprocess(test_dataset, test_dataset.get_target(),oracle_mode=\"greedy\")" ] }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 9, "metadata": {}, "outputs": [], "source": [ @@ -293,20 +287,20 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": 10, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "['/tmp/tmppp95fw67/processed/0_train',\n", - " '/tmp/tmppp95fw67/processed/1_train',\n", - " '/tmp/tmppp95fw67/processed/2_train',\n", - " '/tmp/tmppp95fw67/processed/3_train',\n", - " '/tmp/tmppp95fw67/processed/4_train']" + "['/tmp/tmpuf604ztw/processed/0_train',\n", + " '/tmp/tmpuf604ztw/processed/1_train',\n", + " '/tmp/tmpuf604ztw/processed/2_train',\n", + " '/tmp/tmpuf604ztw/processed/3_train',\n", + " '/tmp/tmpuf604ztw/processed/4_train']" ] }, - "execution_count": 17, + "execution_count": 10, "metadata": {}, "output_type": "execute_result" } @@ -317,20 +311,20 @@ }, { "cell_type": "code", - "execution_count": 19, + "execution_count": 11, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "['/tmp/tmppp95fw67/processed/0_test',\n", - " '/tmp/tmppp95fw67/processed/1_test',\n", - " '/tmp/tmppp95fw67/processed/2_test',\n", - " '/tmp/tmppp95fw67/processed/3_test',\n", - " '/tmp/tmppp95fw67/processed/4_test']" + "['/tmp/tmpuf604ztw/processed/0_test',\n", + " '/tmp/tmpuf604ztw/processed/1_test',\n", + " '/tmp/tmpuf604ztw/processed/2_test',\n", + " '/tmp/tmpuf604ztw/processed/3_test',\n", + " '/tmp/tmpuf604ztw/processed/4_test']" ] }, - "execution_count": 19, + "execution_count": 11, "metadata": {}, "output_type": "execute_result" } @@ -341,7 +335,7 @@ }, { "cell_type": "code", - "execution_count": 20, + "execution_count": 12, "metadata": {}, "outputs": [], "source": [ @@ -357,7 +351,7 @@ }, { "cell_type": "code", - "execution_count": 21, + "execution_count": 13, "metadata": {}, "outputs": [ { @@ -373,7 +367,7 @@ "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" ] }, - "execution_count": 21, + "execution_count": 13, "metadata": {}, "output_type": "execute_result" } @@ -387,7 +381,7 @@ }, { "cell_type": "code", - "execution_count": 46, + "execution_count": 14, "metadata": {}, "outputs": [ { @@ -396,7 +390,7 @@ "[0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]" ] }, - "execution_count": 46, + "execution_count": 14, "metadata": {}, "output_type": "execute_result" } @@ -414,7 +408,7 @@ }, { "cell_type": "code", - "execution_count": 22, + "execution_count": 15, "metadata": {}, "outputs": [], "source": [ @@ -427,7 +421,7 @@ }, { "cell_type": "code", - "execution_count": 23, + "execution_count": 16, "metadata": {}, "outputs": [], "source": [ @@ -459,7 +453,7 @@ }, { "cell_type": "code", - "execution_count": 24, + "execution_count": 17, "metadata": {}, "outputs": [], "source": [ @@ -496,7 +490,7 @@ }, { "cell_type": "code", - "execution_count": 27, + "execution_count": 18, "metadata": { "scrolled": true }, @@ -505,8 +499,13 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1213 04:14:48.114811 139876939843392 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpg7bj_es9/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1213 04:14:48.116929 139876939843392 configuration_utils.py:168] Model config {\n", + "I1213 19:14:40.413720 140049061730112 file_utils.py:296] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json not found in cache or force_download set to True, downloading to /tmp/tmpvow1cz9j\n", + "100%|██████████| 492/492 [00:00<00:00, 544628.55B/s]\n", + "I1213 19:14:40.574677 140049061730112 file_utils.py:309] copying /tmp/tmpvow1cz9j to cache at /tmp/tmp1x0h8exo/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1213 19:14:40.575870 140049061730112 file_utils.py:313] creating metadata file for /tmp/tmp1x0h8exo/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1213 19:14:40.577564 140049061730112 file_utils.py:322] removing temp file /tmp/tmpvow1cz9j\n", + "I1213 19:14:40.578326 140049061730112 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmp1x0h8exo/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1213 19:14:40.579338 140049061730112 configuration_utils.py:168] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -531,9 +530,14 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1213 04:14:48.262818 139876939843392 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpg7bj_es9/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1213 04:14:49.502076 139876939843392 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpg7bj_es9/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1213 04:14:49.504857 139876939843392 configuration_utils.py:168] Model config {\n", + "I1213 19:14:40.726104 140049061730112 file_utils.py:296] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin not found in cache or force_download set to True, downloading to /tmp/tmp1jylmlrr\n", + "100%|██████████| 267967963/267967963 [00:04<00:00, 66005477.88B/s]\n", + "I1213 19:14:45.017174 140049061730112 file_utils.py:309] copying /tmp/tmp1jylmlrr to cache at /tmp/tmp1x0h8exo/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1213 19:14:45.300228 140049061730112 file_utils.py:313] creating metadata file for /tmp/tmp1x0h8exo/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1213 19:14:45.301454 140049061730112 file_utils.py:322] removing temp file /tmp/tmp1jylmlrr\n", + "I1213 19:14:45.338460 140049061730112 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmp1x0h8exo/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1213 19:14:46.801804 140049061730112 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmp1x0h8exo/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1213 19:14:46.803370 140049061730112 configuration_utils.py:168] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -558,7 +562,7 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1213 04:14:49.651111 139876939843392 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpg7bj_es9/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I1213 19:14:46.972312 140049061730112 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmp1x0h8exo/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], @@ -568,7 +572,7 @@ }, { "cell_type": "code", - "execution_count": 28, + "execution_count": 19, "metadata": {}, "outputs": [], "source": [ @@ -578,7 +582,7 @@ }, { "cell_type": "code", - "execution_count": 29, + "execution_count": 20, "metadata": { "scrolled": true }, @@ -587,112 +591,112 @@ "name": "stdout", "output_type": "stream", "text": [ - "loss: 88.754786, time: 20.951731, number of examples in current step: 5, step 100 out of total 10000\n", - "loss: 36.882119, time: 21.328910, number of examples in current step: 6, step 200 out of total 10000\n", - "loss: 33.818211, time: 21.043026, number of examples in current step: 5, step 300 out of total 10000\n", - "loss: 33.178186, time: 21.439393, number of examples in current step: 5, step 400 out of total 10000\n", - "loss: 31.748262, time: 21.135291, number of examples in current step: 5, step 500 out of total 10000\n", - "loss: 31.267303, time: 21.471278, number of examples in current step: 5, step 600 out of total 10000\n", - "loss: 30.590236, time: 20.769160, number of examples in current step: 5, step 700 out of total 10000\n", - "loss: 30.571218, time: 21.310264, number of examples in current step: 5, step 800 out of total 10000\n", - "loss: 30.320388, time: 20.892441, number of examples in current step: 5, step 900 out of total 10000\n", - "loss: 30.693635, time: 21.319025, number of examples in current step: 5, step 1000 out of total 10000\n", - "loss: 29.869854, time: 20.888089, number of examples in current step: 5, step 1100 out of total 10000\n", - "loss: 29.814271, time: 21.192435, number of examples in current step: 5, step 1200 out of total 10000\n", - "loss: 30.996187, time: 20.879288, number of examples in current step: 5, step 1300 out of total 10000\n", - "loss: 30.241997, time: 21.297337, number of examples in current step: 5, step 1400 out of total 10000\n", - "loss: 30.003000, time: 20.881403, number of examples in current step: 5, step 1500 out of total 10000\n", - "loss: 30.334792, time: 21.294699, number of examples in current step: 5, step 1600 out of total 10000\n", - "loss: 30.431408, time: 20.903196, number of examples in current step: 5, step 1700 out of total 10000\n", - "loss: 30.320394, time: 21.275791, number of examples in current step: 5, step 1800 out of total 10000\n", - "loss: 29.290867, time: 20.726989, number of examples in current step: 5, step 1900 out of total 10000\n", - "loss: 29.915812, time: 21.298642, number of examples in current step: 5, step 2000 out of total 10000\n", - "loss: 29.988247, time: 20.977722, number of examples in current step: 5, step 2100 out of total 10000\n", - "loss: 29.949264, time: 21.694569, number of examples in current step: 5, step 2200 out of total 10000\n", - "loss: 29.354079, time: 21.126164, number of examples in current step: 5, step 2300 out of total 10000\n", - "loss: 29.072844, time: 21.375116, number of examples in current step: 5, step 2400 out of total 10000\n", - "loss: 30.007804, time: 20.862795, number of examples in current step: 5, step 2500 out of total 10000\n", - "loss: 29.358629, time: 21.262998, number of examples in current step: 5, step 2600 out of total 10000\n", - "loss: 28.809233, time: 20.817608, number of examples in current step: 5, step 2700 out of total 10000\n", - "loss: 29.315301, time: 21.373862, number of examples in current step: 5, step 2800 out of total 10000\n", - "loss: 28.938501, time: 20.732085, number of examples in current step: 5, step 2900 out of total 10000\n", - "loss: 27.712330, time: 21.343199, number of examples in current step: 9, step 3000 out of total 10000\n", - "loss: 26.880391, time: 20.849095, number of examples in current step: 5, step 3100 out of total 10000\n", - "loss: 27.959517, time: 21.365154, number of examples in current step: 5, step 3200 out of total 10000\n", - "loss: 27.272303, time: 20.877340, number of examples in current step: 5, step 3300 out of total 10000\n", - "loss: 28.370004, time: 21.302393, number of examples in current step: 5, step 3400 out of total 10000\n", - "loss: 28.024233, time: 20.828965, number of examples in current step: 5, step 3500 out of total 10000\n", - "loss: 28.247645, time: 21.309736, number of examples in current step: 5, step 3600 out of total 10000\n", - "loss: 27.972933, time: 20.838102, number of examples in current step: 5, step 3700 out of total 10000\n", - "loss: 28.294451, time: 21.448310, number of examples in current step: 5, step 3800 out of total 10000\n", - "loss: 27.741210, time: 20.787410, number of examples in current step: 5, step 3900 out of total 10000\n", - "loss: 26.264283, time: 21.463996, number of examples in current step: 5, step 4000 out of total 10000\n", - "loss: 26.785949, time: 20.757461, number of examples in current step: 5, step 4100 out of total 10000\n", - "loss: 23.891057, time: 21.447565, number of examples in current step: 5, step 4200 out of total 10000\n", - "loss: 23.503414, time: 21.491435, number of examples in current step: 5, step 4300 out of total 10000\n", - "loss: 26.111903, time: 20.952197, number of examples in current step: 5, step 4400 out of total 10000\n", - "loss: 25.847385, time: 21.606991, number of examples in current step: 5, step 4500 out of total 10000\n", - "loss: 25.242339, time: 20.952910, number of examples in current step: 5, step 4600 out of total 10000\n", - "loss: 25.639983, time: 21.300644, number of examples in current step: 5, step 4700 out of total 10000\n", - "loss: 25.580165, time: 21.028625, number of examples in current step: 6, step 4800 out of total 10000\n", - "loss: 24.956763, time: 21.451853, number of examples in current step: 5, step 4900 out of total 10000\n", - "loss: 22.947707, time: 20.945164, number of examples in current step: 5, step 5000 out of total 10000\n", - "loss: 21.940077, time: 21.193297, number of examples in current step: 5, step 5100 out of total 10000\n", - "loss: 20.905992, time: 20.959187, number of examples in current step: 5, step 5200 out of total 10000\n", - "loss: 21.595713, time: 21.273485, number of examples in current step: 6, step 5300 out of total 10000\n", - "loss: 21.711819, time: 20.754070, number of examples in current step: 10, step 5400 out of total 10000\n", - "loss: 22.248907, time: 21.234232, number of examples in current step: 5, step 5500 out of total 10000\n", - "loss: 20.103890, time: 20.774216, number of examples in current step: 5, step 5600 out of total 10000\n", - "loss: 19.532415, time: 21.334376, number of examples in current step: 5, step 5700 out of total 10000\n", - "loss: 18.081182, time: 20.794752, number of examples in current step: 5, step 5800 out of total 10000\n", - "loss: 14.216780, time: 21.231076, number of examples in current step: 5, step 5900 out of total 10000\n", - "loss: 11.227607, time: 20.866705, number of examples in current step: 5, step 6000 out of total 10000\n", - "loss: 14.952144, time: 21.356342, number of examples in current step: 5, step 6100 out of total 10000\n", - "loss: 17.077168, time: 20.971865, number of examples in current step: 5, step 6200 out of total 10000\n", - "loss: 16.069756, time: 21.280266, number of examples in current step: 5, step 6300 out of total 10000\n", - "loss: 14.240203, time: 20.879818, number of examples in current step: 5, step 6400 out of total 10000\n", - "loss: 16.242687, time: 21.163145, number of examples in current step: 5, step 6500 out of total 10000\n", - "loss: 16.056626, time: 20.869756, number of examples in current step: 5, step 6600 out of total 10000\n", - "loss: 14.892075, time: 21.212637, number of examples in current step: 5, step 6700 out of total 10000\n", - "loss: 14.568874, time: 20.763456, number of examples in current step: 8, step 6800 out of total 10000\n", - "loss: 11.087236, time: 21.161869, number of examples in current step: 5, step 6900 out of total 10000\n", - "loss: 9.980588, time: 21.035302, number of examples in current step: 11, step 7000 out of total 10000\n", - "loss: 10.983412, time: 21.236146, number of examples in current step: 5, step 7100 out of total 10000\n", - "loss: 10.584450, time: 20.912858, number of examples in current step: 5, step 7200 out of total 10000\n", - "loss: 10.084562, time: 21.090037, number of examples in current step: 5, step 7300 out of total 10000\n", - "loss: 7.981883, time: 20.801389, number of examples in current step: 5, step 7400 out of total 10000\n", - "loss: 12.143881, time: 21.346035, number of examples in current step: 5, step 7500 out of total 10000\n", - "loss: 11.222716, time: 20.727228, number of examples in current step: 5, step 7600 out of total 10000\n", - "loss: 10.993808, time: 21.241568, number of examples in current step: 5, step 7700 out of total 10000\n", - "loss: 9.972925, time: 20.832124, number of examples in current step: 5, step 7800 out of total 10000\n", - "loss: 6.645168, time: 21.190613, number of examples in current step: 5, step 7900 out of total 10000\n", - "loss: 5.353294, time: 20.852225, number of examples in current step: 5, step 8000 out of total 10000\n", - "loss: 8.280886, time: 21.221246, number of examples in current step: 5, step 8100 out of total 10000\n" + "loss: 34.033510, time: 20.922801, number of examples in current step: 5, step 100 out of total 10000\n", + "loss: 32.287387, time: 21.290814, number of examples in current step: 5, step 200 out of total 10000\n", + "loss: 31.838500, time: 21.051537, number of examples in current step: 5, step 300 out of total 10000\n", + "loss: 31.183838, time: 21.305765, number of examples in current step: 5, step 400 out of total 10000\n", + "loss: 30.655987, time: 20.895105, number of examples in current step: 6, step 500 out of total 10000\n", + "loss: 30.956138, time: 21.488802, number of examples in current step: 8, step 600 out of total 10000\n", + "loss: 30.789554, time: 20.859549, number of examples in current step: 5, step 700 out of total 10000\n", + "loss: 30.939141, time: 21.222007, number of examples in current step: 5, step 800 out of total 10000\n", + "loss: 30.246895, time: 20.882249, number of examples in current step: 5, step 900 out of total 10000\n", + "loss: 30.127477, time: 21.238788, number of examples in current step: 5, step 1000 out of total 10000\n", + "loss: 30.511317, time: 20.870660, number of examples in current step: 5, step 1100 out of total 10000\n", + "loss: 29.975881, time: 21.306635, number of examples in current step: 5, step 1200 out of total 10000\n", + "loss: 29.922128, time: 20.797399, number of examples in current step: 5, step 1300 out of total 10000\n", + "loss: 30.123425, time: 21.314660, number of examples in current step: 5, step 1400 out of total 10000\n", + "loss: 29.797232, time: 20.774638, number of examples in current step: 5, step 1500 out of total 10000\n", + "loss: 29.937522, time: 21.149396, number of examples in current step: 5, step 1600 out of total 10000\n", + "loss: 29.936845, time: 20.826900, number of examples in current step: 5, step 1700 out of total 10000\n", + "loss: 30.041832, time: 21.172081, number of examples in current step: 5, step 1800 out of total 10000\n", + "loss: 29.963067, time: 20.848251, number of examples in current step: 8, step 1900 out of total 10000\n", + "loss: 29.508682, time: 21.196101, number of examples in current step: 5, step 2000 out of total 10000\n", + "loss: 29.310056, time: 20.740222, number of examples in current step: 5, step 2100 out of total 10000\n", + "loss: 29.142451, time: 21.167559, number of examples in current step: 5, step 2200 out of total 10000\n", + "loss: 29.366002, time: 20.756548, number of examples in current step: 5, step 2300 out of total 10000\n", + "loss: 28.720221, time: 21.070108, number of examples in current step: 5, step 2400 out of total 10000\n", + "loss: 29.210179, time: 20.782913, number of examples in current step: 5, step 2500 out of total 10000\n", + "loss: 28.735651, time: 21.138025, number of examples in current step: 5, step 2600 out of total 10000\n", + "loss: 28.166819, time: 21.227607, number of examples in current step: 5, step 2700 out of total 10000\n", + "loss: 28.519964, time: 21.532721, number of examples in current step: 5, step 2800 out of total 10000\n", + "loss: 28.067041, time: 20.801938, number of examples in current step: 5, step 2900 out of total 10000\n", + "loss: 26.800023, time: 21.235498, number of examples in current step: 5, step 3000 out of total 10000\n", + "loss: 25.966289, time: 20.801523, number of examples in current step: 5, step 3100 out of total 10000\n", + "loss: 27.441247, time: 21.251401, number of examples in current step: 5, step 3200 out of total 10000\n", + "loss: 26.384082, time: 20.743510, number of examples in current step: 5, step 3300 out of total 10000\n", + "loss: 26.416547, time: 21.345901, number of examples in current step: 5, step 3400 out of total 10000\n", + "loss: 25.922237, time: 20.865678, number of examples in current step: 5, step 3500 out of total 10000\n", + "loss: 27.680460, time: 21.199962, number of examples in current step: 5, step 3600 out of total 10000\n", + "loss: 28.024390, time: 20.748117, number of examples in current step: 5, step 3700 out of total 10000\n", + "loss: 27.789941, time: 21.039152, number of examples in current step: 5, step 3800 out of total 10000\n", + "loss: 27.393290, time: 21.498004, number of examples in current step: 5, step 3900 out of total 10000\n", + "loss: 24.522380, time: 20.703085, number of examples in current step: 5, step 4000 out of total 10000\n", + "loss: 24.722080, time: 21.283976, number of examples in current step: 5, step 4100 out of total 10000\n", + "loss: 23.138078, time: 20.808383, number of examples in current step: 5, step 4200 out of total 10000\n", + "loss: 22.454814, time: 21.352745, number of examples in current step: 5, step 4300 out of total 10000\n", + "loss: 23.567452, time: 20.792935, number of examples in current step: 5, step 4400 out of total 10000\n", + "loss: 24.148244, time: 21.288403, number of examples in current step: 5, step 4500 out of total 10000\n", + "loss: 26.079271, time: 20.807319, number of examples in current step: 5, step 4600 out of total 10000\n", + "loss: 25.641682, time: 21.380860, number of examples in current step: 5, step 4700 out of total 10000\n", + "loss: 22.906024, time: 20.931059, number of examples in current step: 5, step 4800 out of total 10000\n", + "loss: 23.376784, time: 21.110614, number of examples in current step: 9, step 4900 out of total 10000\n", + "loss: 21.662924, time: 20.978585, number of examples in current step: 5, step 5000 out of total 10000\n", + "loss: 22.046062, time: 21.240636, number of examples in current step: 5, step 5100 out of total 10000\n", + "loss: 21.386175, time: 20.804918, number of examples in current step: 5, step 5200 out of total 10000\n", + "loss: 20.024137, time: 21.035123, number of examples in current step: 5, step 5300 out of total 10000\n", + "loss: 18.014099, time: 20.730976, number of examples in current step: 5, step 5400 out of total 10000\n", + "loss: 17.972536, time: 21.357648, number of examples in current step: 5, step 5500 out of total 10000\n", + "loss: 18.104921, time: 20.828797, number of examples in current step: 5, step 5600 out of total 10000\n", + "loss: 18.028430, time: 21.441661, number of examples in current step: 5, step 5700 out of total 10000\n", + "loss: 17.824031, time: 21.042334, number of examples in current step: 5, step 5800 out of total 10000\n", + "loss: 16.643409, time: 21.337008, number of examples in current step: 5, step 5900 out of total 10000\n", + "loss: 15.370370, time: 20.855913, number of examples in current step: 5, step 6000 out of total 10000\n", + "loss: 16.535986, time: 21.432726, number of examples in current step: 5, step 6100 out of total 10000\n", + "loss: 16.704506, time: 20.899321, number of examples in current step: 5, step 6200 out of total 10000\n", + "loss: 14.427846, time: 21.232050, number of examples in current step: 5, step 6300 out of total 10000\n", + "loss: 12.563373, time: 20.791491, number of examples in current step: 5, step 6400 out of total 10000\n", + "loss: 12.213864, time: 21.292911, number of examples in current step: 5, step 6500 out of total 10000\n", + "loss: 11.776337, time: 20.748140, number of examples in current step: 5, step 6600 out of total 10000\n", + "loss: 12.572738, time: 21.238749, number of examples in current step: 5, step 6700 out of total 10000\n", + "loss: 12.463492, time: 20.842669, number of examples in current step: 5, step 6800 out of total 10000\n", + "loss: 11.554597, time: 21.252741, number of examples in current step: 5, step 6900 out of total 10000\n", + "loss: 10.453426, time: 20.799305, number of examples in current step: 5, step 7000 out of total 10000\n", + "loss: 12.571871, time: 21.199684, number of examples in current step: 5, step 7100 out of total 10000\n", + "loss: 11.147736, time: 20.775112, number of examples in current step: 5, step 7200 out of total 10000\n", + "loss: 8.840161, time: 21.307660, number of examples in current step: 5, step 7300 out of total 10000\n", + "loss: 8.349351, time: 20.628739, number of examples in current step: 5, step 7400 out of total 10000\n", + "loss: 8.538944, time: 20.980914, number of examples in current step: 5, step 7500 out of total 10000\n", + "loss: 7.838777, time: 20.695940, number of examples in current step: 5, step 7600 out of total 10000\n", + "loss: 8.679151, time: 21.186977, number of examples in current step: 5, step 7700 out of total 10000\n", + "loss: 8.537620, time: 20.712432, number of examples in current step: 5, step 7800 out of total 10000\n", + "loss: 8.859833, time: 20.965823, number of examples in current step: 3, step 7900 out of total 10000\n", + "loss: 7.936649, time: 20.736918, number of examples in current step: 5, step 8000 out of total 10000\n", + "loss: 7.635237, time: 21.115564, number of examples in current step: 5, step 8100 out of total 10000\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "loss: 7.391126, time: 21.281028, number of examples in current step: 5, step 8200 out of total 10000\n", - "loss: 7.014486, time: 20.872972, number of examples in current step: 5, step 8300 out of total 10000\n", - "loss: 6.995007, time: 21.202711, number of examples in current step: 5, step 8400 out of total 10000\n", - "loss: 8.262606, time: 20.828412, number of examples in current step: 5, step 8500 out of total 10000\n", - "loss: 8.004557, time: 21.268847, number of examples in current step: 5, step 8600 out of total 10000\n", - "loss: 9.018328, time: 20.794796, number of examples in current step: 5, step 8700 out of total 10000\n", - "loss: 7.782450, time: 21.159053, number of examples in current step: 5, step 8800 out of total 10000\n", - "loss: 5.492205, time: 20.867897, number of examples in current step: 5, step 8900 out of total 10000\n", - "loss: 4.996181, time: 21.160143, number of examples in current step: 5, step 9000 out of total 10000\n", - "loss: 5.517623, time: 20.816377, number of examples in current step: 5, step 9100 out of total 10000\n", - "loss: 5.617976, time: 21.158200, number of examples in current step: 5, step 9200 out of total 10000\n", - "loss: 4.751842, time: 20.811119, number of examples in current step: 5, step 9300 out of total 10000\n", - "loss: 4.913383, time: 21.135615, number of examples in current step: 5, step 9400 out of total 10000\n", - "loss: 5.983083, time: 20.725634, number of examples in current step: 5, step 9500 out of total 10000\n", - "loss: 6.014017, time: 21.134219, number of examples in current step: 5, step 9600 out of total 10000\n", - "loss: 5.771280, time: 20.869199, number of examples in current step: 5, step 9700 out of total 10000\n", - "loss: 4.872929, time: 21.151158, number of examples in current step: 5, step 9800 out of total 10000\n", - "loss: 3.704411, time: 20.685062, number of examples in current step: 5, step 9900 out of total 10000\n", - "loss: 4.233141, time: 21.225758, number of examples in current step: 5, step 10000 out of total 10000\n" + "loss: 7.357592, time: 21.266071, number of examples in current step: 5, step 8200 out of total 10000\n", + "loss: 6.336736, time: 20.806072, number of examples in current step: 5, step 8300 out of total 10000\n", + "loss: 5.877894, time: 21.371235, number of examples in current step: 5, step 8400 out of total 10000\n", + "loss: 5.964879, time: 20.897553, number of examples in current step: 5, step 8500 out of total 10000\n", + "loss: 5.535290, time: 21.059212, number of examples in current step: 5, step 8600 out of total 10000\n", + "loss: 6.686879, time: 20.794497, number of examples in current step: 5, step 8700 out of total 10000\n", + "loss: 5.563559, time: 21.314857, number of examples in current step: 5, step 8800 out of total 10000\n", + "loss: 4.289995, time: 20.640453, number of examples in current step: 5, step 8900 out of total 10000\n", + "loss: 4.875267, time: 21.064786, number of examples in current step: 2, step 9000 out of total 10000\n", + "loss: 5.190399, time: 20.760948, number of examples in current step: 5, step 9100 out of total 10000\n", + "loss: 5.859150, time: 21.078804, number of examples in current step: 5, step 9200 out of total 10000\n", + "loss: 5.985065, time: 20.659935, number of examples in current step: 6, step 9300 out of total 10000\n", + "loss: 5.589111, time: 21.402810, number of examples in current step: 5, step 9400 out of total 10000\n", + "loss: 4.808244, time: 20.824272, number of examples in current step: 5, step 9500 out of total 10000\n", + "loss: 4.557641, time: 21.290274, number of examples in current step: 5, step 9600 out of total 10000\n", + "loss: 4.369399, time: 20.820461, number of examples in current step: 5, step 9700 out of total 10000\n", + "loss: 3.616004, time: 21.067338, number of examples in current step: 5, step 9800 out of total 10000\n", + "loss: 2.718699, time: 20.955738, number of examples in current step: 5, step 9900 out of total 10000\n", + "loss: 3.190213, time: 21.127867, number of examples in current step: 2, step 10000 out of total 10000\n" ] } ], @@ -712,14 +716,14 @@ }, { "cell_type": "code", - "execution_count": 30, + "execution_count": 21, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1213 04:51:20.777847 139876939843392 extractive_summarization.py:338] Saving model checkpoint to /tmp/tmpg7bj_es9/fine_tuned/extsum_modelname_distilbert-base-uncased_quickrun_True.pt\n" + "I1213 19:49:55.251679 140049061730112 extractive_summarization.py:432] Saving model checkpoint to /tmp/tmp1x0h8exo/fine_tuned/extsum_modelname_distilbert-base-uncased_quickrun_True.pt\n" ] } ], @@ -729,7 +733,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 22, "metadata": {}, "outputs": [], "source": [ @@ -749,7 +753,7 @@ }, { "cell_type": "code", - "execution_count": 31, + "execution_count": 23, "metadata": {}, "outputs": [], "source": [ @@ -761,7 +765,7 @@ }, { "cell_type": "code", - "execution_count": 32, + "execution_count": 24, "metadata": {}, "outputs": [], "source": [ @@ -771,37 +775,37 @@ }, { "cell_type": "code", - "execution_count": 60, + "execution_count": 25, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "11489\n", - "11489\n" + "9999\n", + "9999\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ - "2019-12-13 03:30:31,880 [MainThread ] [INFO ] Writing summaries.\n", - "I1213 03:30:31.880824 140367597561664 pyrouge.py:525] Writing summaries.\n", - "2019-12-13 03:30:31,882 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmp9nzyeqtw/system and model files to ./results/tmp9nzyeqtw/model.\n", - "I1213 03:30:31.882954 140367597561664 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmp9nzyeqtw/system and model files to ./results/tmp9nzyeqtw/model.\n", - "2019-12-13 03:30:31,884 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-13-03-30-30/candidate/.\n", - "I1213 03:30:31.884879 140367597561664 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-13-03-30-30/candidate/.\n", - "2019-12-13 03:30:32,975 [MainThread ] [INFO ] Saved processed files to ./results/tmp9nzyeqtw/system.\n", - "I1213 03:30:32.975462 140367597561664 pyrouge.py:53] Saved processed files to ./results/tmp9nzyeqtw/system.\n", - "2019-12-13 03:30:32,976 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-13-03-30-30/reference/.\n", - "I1213 03:30:32.976979 140367597561664 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-13-03-30-30/reference/.\n", - "2019-12-13 03:30:34,075 [MainThread ] [INFO ] Saved processed files to ./results/tmp9nzyeqtw/model.\n", - "I1213 03:30:34.075453 140367597561664 pyrouge.py:53] Saved processed files to ./results/tmp9nzyeqtw/model.\n", - "2019-12-13 03:30:34,154 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmpdhub5ogj/rouge_conf.xml\n", - "I1213 03:30:34.154051 140367597561664 pyrouge.py:354] Written ROUGE configuration to ./results/tmpdhub5ogj/rouge_conf.xml\n", - "2019-12-13 03:30:34,155 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpdhub5ogj/rouge_conf.xml\n", - "I1213 03:30:34.155034 140367597561664 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpdhub5ogj/rouge_conf.xml\n" + "2019-12-13 19:51:06,253 [MainThread ] [INFO ] Writing summaries.\n", + "I1213 19:51:06.253292 140049061730112 pyrouge.py:525] Writing summaries.\n", + "2019-12-13 19:51:06,264 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpe55w9_ms/system and model files to ./results/tmpe55w9_ms/model.\n", + "I1213 19:51:06.264005 140049061730112 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpe55w9_ms/system and model files to ./results/tmpe55w9_ms/model.\n", + "2019-12-13 19:51:06,264 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-13-19-51-05/candidate/.\n", + "I1213 19:51:06.264976 140049061730112 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-13-19-51-05/candidate/.\n", + "2019-12-13 19:51:07,212 [MainThread ] [INFO ] Saved processed files to ./results/tmpe55w9_ms/system.\n", + "I1213 19:51:07.212478 140049061730112 pyrouge.py:53] Saved processed files to ./results/tmpe55w9_ms/system.\n", + "2019-12-13 19:51:07,214 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-13-19-51-05/reference/.\n", + "I1213 19:51:07.214902 140049061730112 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-13-19-51-05/reference/.\n", + "2019-12-13 19:51:08,144 [MainThread ] [INFO ] Saved processed files to ./results/tmpe55w9_ms/model.\n", + "I1213 19:51:08.144244 140049061730112 pyrouge.py:53] Saved processed files to ./results/tmpe55w9_ms/model.\n", + "2019-12-13 19:51:08,561 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmpitl6lo4q/rouge_conf.xml\n", + "I1213 19:51:08.561358 140049061730112 pyrouge.py:354] Written ROUGE configuration to ./results/tmpitl6lo4q/rouge_conf.xml\n", + "2019-12-13 19:51:08,562 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpitl6lo4q/rouge_conf.xml\n", + "I1213 19:51:08.562606 140049061730112 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpitl6lo4q/rouge_conf.xml\n" ] }, { @@ -809,17 +813,17 @@ "output_type": "stream", "text": [ "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.53122 (95%-conf.int. 0.52844 - 0.53403)\n", - "1 ROUGE-1 Average_P: 0.37302 (95%-conf.int. 0.37056 - 0.37539)\n", - "1 ROUGE-1 Average_F: 0.42346 (95%-conf.int. 0.42127 - 0.42559)\n", + "1 ROUGE-1 Average_R: 0.48184 (95%-conf.int. 0.47899 - 0.48488)\n", + "1 ROUGE-1 Average_P: 0.34422 (95%-conf.int. 0.34185 - 0.34659)\n", + "1 ROUGE-1 Average_F: 0.38649 (95%-conf.int. 0.38434 - 0.38879)\n", "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.24412 (95%-conf.int. 0.24148 - 0.24699)\n", - "1 ROUGE-2 Average_P: 0.17201 (95%-conf.int. 0.16981 - 0.17421)\n", - "1 ROUGE-2 Average_F: 0.19468 (95%-conf.int. 0.19257 - 0.19690)\n", + "1 ROUGE-2 Average_R: 0.20180 (95%-conf.int. 0.19931 - 0.20468)\n", + "1 ROUGE-2 Average_P: 0.14448 (95%-conf.int. 0.14249 - 0.14667)\n", + "1 ROUGE-2 Average_F: 0.16185 (95%-conf.int. 0.15983 - 0.16404)\n", "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.48532 (95%-conf.int. 0.48245 - 0.48821)\n", - "1 ROUGE-L Average_P: 0.34135 (95%-conf.int. 0.33890 - 0.34374)\n", - "1 ROUGE-L Average_F: 0.38723 (95%-conf.int. 0.38509 - 0.38946)\n", + "1 ROUGE-L Average_R: 0.43652 (95%-conf.int. 0.43387 - 0.43948)\n", + "1 ROUGE-L Average_P: 0.31246 (95%-conf.int. 0.31003 - 0.31479)\n", + "1 ROUGE-L Average_F: 0.35053 (95%-conf.int. 0.34841 - 0.35273)\n", "\n" ] } @@ -830,7 +834,7 @@ }, { "cell_type": "code", - "execution_count": 33, + "execution_count": 26, "metadata": {}, "outputs": [ { @@ -839,7 +843,7 @@ "'marseille prosecutor says `` so far no videos were used in the crash investigation `` despite media reports .journalists at bild and paris match are `` very confident `` the video clip is real , an editor says .andreas lubitz had informed his lufthansa training school of an episode of severe depression , airline says .'" ] }, - "execution_count": 33, + "execution_count": 26, "metadata": {}, "output_type": "execute_result" } @@ -850,16 +854,16 @@ }, { "cell_type": "code", - "execution_count": 34, + "execution_count": 27, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "'paris match and bild reported that the video was recovered from a phone at the wreckage site .all 150 on board were killed .marseille , france ( cnn ) the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .'" + "'marseille , france ( cnn ) the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .marseille prosecutor brice robin told cnn that `` so far no videos were used in the crash investigation . ``paris match and bild reported that the video was recovered from a phone at the wreckage site .'" ] }, - "execution_count": 34, + "execution_count": 27, "metadata": {}, "output_type": "execute_result" } @@ -870,7 +874,7 @@ }, { "cell_type": "code", - "execution_count": 35, + "execution_count": 28, "metadata": {}, "outputs": [ { @@ -928,7 +932,7 @@ " \"cnn 's frederik pleitgen , pamela boykoff , antonia mortensen , sandrine amiel and anna-maja rappard contributed to this report .\"]" ] }, - "execution_count": 35, + "execution_count": 28, "metadata": {}, "output_type": "execute_result" } From 69c63023a0a11369a76636c82f248d4a150d5076 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 13 Dec 2019 21:05:40 +0000 Subject: [PATCH 069/167] remove unnecessary files --- .../CNNDM_TransformerAbsSum.ipynb | 1172 ------ .../text_summarization/bertsum_cnndm.ipynb | 3712 ----------------- tests/unit/test_bertsum_summarization.py | 98 - utils_nlp/dataset/harvardnlp_cnndm.py | 86 - .../bert/extractive_text_summarization.py | 296 -- 5 files changed, 5364 deletions(-) delete mode 100644 examples/text_summarization/CNNDM_TransformerAbsSum.ipynb delete mode 100644 examples/text_summarization/bertsum_cnndm.ipynb delete mode 100644 tests/unit/test_bertsum_summarization.py delete mode 100644 utils_nlp/dataset/harvardnlp_cnndm.py delete mode 100644 utils_nlp/models/bert/extractive_text_summarization.py diff --git a/examples/text_summarization/CNNDM_TransformerAbsSum.ipynb b/examples/text_summarization/CNNDM_TransformerAbsSum.ipynb deleted file mode 100644 index 9e1fc25ce..000000000 --- a/examples/text_summarization/CNNDM_TransformerAbsSum.ipynb +++ /dev/null @@ -1,1172 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [], - "source": [ - "%load_ext autoreload" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": {}, - "outputs": [], - "source": [ - "%autoreload 2" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": {}, - "outputs": [], - "source": [ - "import sys\n", - "import os\n", - "\n", - "nlp_path = os.path.abspath(\"../../\")\n", - "if nlp_path not in sys.path:\n", - " sys.path.insert(0, nlp_path)\n", - "sys.path.insert(0, \"./\")\n", - "sys.path.insert(0, \"./BertSum\")\n", - "sys.path.insert(0, \"/dadendev/PreSumm2/PreSumm/\")\n", - "sys.path.insert(0, \"/dadendev/PreSumm2/PreSumm/src\")" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": {}, - "outputs": [], - "source": [ - "from utils_nlp.dataset.chinese_cnndm_style import ChineseCNNDMSummarization" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "0lines [00:00, ?lines/s]Building prefix dict from the default dictionary ...\n", - "Dumping model to file cache /tmp/jieba.cache\n", - "Loading model cost 0.793 seconds.\n", - "Prefix dict has been built succesfully.\n", - "\n", - "0lines [00:00, ?lines/s]\n", - "0lines [00:00, ?lines/s]\n", - "0lines [00:00, ?lines/s]\n" - ] - } - ], - "source": [ - "train_dataset, test_dataset = ChineseCNNDMSummarization(top_n=-1, local_cache_path='/dadendev/PreSumm/raw_data')" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "data": { - "text/plain": [ - "4" - ] - }, - "execution_count": 6, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "len(train_dataset)" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "4" - ] - }, - "execution_count": 7, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "len(test_dataset)" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "[['中新',\n", - " '中新社',\n", - " '休斯',\n", - " '休斯敦',\n", - " '斯敦',\n", - " '10',\n", - " '月',\n", - " '24',\n", - " '日电',\n", - " '',\n", - " '',\n", - " '美国',\n", - " '国人',\n", - " '人口',\n", - " '人口普查',\n", - " '普查',\n", - " '普查局',\n", - " '24',\n", - " '日',\n", - " '发布',\n", - " '的',\n", - " '一份',\n", - " '报告',\n", - " '显示',\n", - " '',\n", - " '',\n", - " '随着',\n", - " '美国',\n", - " '国人',\n", - " '人口',\n", - " '人口老龄化',\n", - " '老龄',\n", - " '老龄化',\n", - " '',\n", - " '',\n", - " '美国',\n", - " '的',\n", - " '人口',\n", - " '增长',\n", - " '将',\n", - " '放缓',\n", - " '',\n", - " ''],\n", - " ['预计', '到', '2058', '年', '美国', '国人', '人口', '将', '突破', '4', '亿', '', ''],\n", - " ['美联社',\n", - " '联社',\n", - " '消息',\n", - " '',\n", - " '',\n", - " '当日',\n", - " '',\n", - " '',\n", - " '在',\n", - " '由',\n", - " '美国',\n", - " '南方',\n", - " '南方人',\n", - " '方人',\n", - " '人口',\n", - " '协会',\n", - " '举办',\n", - " '的',\n", - " '会议',\n", - " '上',\n", - " '',\n", - " '',\n", - " '美国',\n", - " '国人',\n", - " '人口',\n", - " '人口普查',\n", - " '普查',\n", - " '普查局',\n", - " '发布',\n", - " '了',\n", - " '一份',\n", - " '题为',\n", - " '',\n", - " '',\n", - " '美国',\n", - " '国人',\n", - " '人口',\n", - " '的',\n", - " '拐点',\n", - " '',\n", - " '2020',\n", - " '年',\n", - " '至',\n", - " '2060',\n", - " '年',\n", - " '人口',\n", - " '人口预测',\n", - " '预测',\n", - " '',\n", - " '',\n", - " '的',\n", - " '报告',\n", - " '',\n", - " ''],\n", - " ['报告',\n", - " '显示',\n", - " '',\n", - " '',\n", - " '预计',\n", - " '美国',\n", - " '到',\n", - " '2058',\n", - " '年',\n", - " '将',\n", - " '突破',\n", - " '4',\n", - " '亿',\n", - " '人口',\n", - " '',\n", - " ''],\n", - " ['如今', '', '', '美国', '约', '有', '3', ''],\n", - " ['26', '亿', '人', '', ''],\n", - " ['这',\n", - " '意味',\n", - " '意味着',\n", - " '在',\n", - " '未来',\n", - " '40',\n", - " '年内',\n", - " '',\n", - " '',\n", - " '美国',\n", - " '将',\n", - " '增加',\n", - " '7900',\n", - " '万',\n", - " '人',\n", - " '',\n", - " ''],\n", - " ['报告',\n", - " '称',\n", - " '',\n", - " '',\n", - " '近年',\n", - " '近年来',\n", - " '年来',\n", - " '',\n", - " '',\n", - " '美国',\n", - " '国人',\n", - " '人口',\n", - " '人口老龄化',\n", - " '老龄',\n", - " '老龄化',\n", - " '日趋',\n", - " '日趋严重',\n", - " '严重',\n", - " '',\n", - " ''],\n", - " ['预计',\n", - " '到',\n", - " '2060',\n", - " '年',\n", - " '',\n", - " '',\n", - " '美国',\n", - " '国人',\n", - " '人口',\n", - " '年龄',\n", - " '中位数',\n", - " '位数',\n", - " '将',\n", - " '从',\n", - " '现在',\n", - " '的',\n", - " '38',\n", - " '岁',\n", - " '提高',\n", - " '到',\n", - " '43',\n", - " '岁',\n", - " '',\n", - " ''],\n", - " ['另',\n", - " '据',\n", - " '联合',\n", - " '联合国',\n", - " '预测',\n", - " '',\n", - " '',\n", - " '到',\n", - " '2050',\n", - " '年',\n", - " '',\n", - " '',\n", - " '全球',\n", - " '每',\n", - " '6',\n", - " '个人',\n", - " '中',\n", - " '就',\n", - " '有',\n", - " '1',\n", - " '个人',\n", - " '的',\n", - " '年龄',\n", - " '在',\n", - " '65',\n", - " '岁',\n", - " '以上',\n", - " '',\n", - " ''],\n", - " ['在',\n", - " '美国',\n", - " '',\n", - " '',\n", - " '届时',\n", - " '每',\n", - " '4',\n", - " '个人',\n", - " '中',\n", - " '就',\n", - " '有',\n", - " '1',\n", - " '个',\n", - " '65',\n", - " '岁',\n", - " '以上',\n", - " '的',\n", - " '老年',\n", - " '老年人',\n", - " '',\n", - " ''],\n", - " ['报告',\n", - " '还',\n", - " '称',\n", - " '',\n", - " '',\n", - " '由于',\n", - " '移民',\n", - " '不断',\n", - " '增加',\n", - " '',\n", - " '',\n", - " '出生',\n", - " '出生人数',\n", - " '生人',\n", - " '人数',\n", - " '数下',\n", - " '下降',\n", - " '',\n", - " '',\n", - " '死亡',\n", - " '人数',\n", - " '增长',\n", - " '',\n", - " '',\n", - " '预计',\n", - " '到',\n", - " '2034',\n", - " '年',\n", - " '',\n", - " '',\n", - " '美国',\n", - " '年龄',\n", - " '65',\n", - " '岁',\n", - " '以上',\n", - " '人口',\n", - " '将',\n", - " '增加',\n", - " '至',\n", - " '7695',\n", - " '万',\n", - " '人',\n", - " '',\n", - " '',\n", - " '历史',\n", - " '上首',\n", - " '首次',\n", - " '超过',\n", - " '18',\n", - " '岁',\n", - " '以下',\n", - " '下人',\n", - " '人口',\n", - " '人口数',\n", - " '人口数量',\n", - " '数量',\n", - " '',\n", - " ''],\n", - " ['按照',\n", - " '美国',\n", - " '的',\n", - " '定义',\n", - " '',\n", - " '',\n", - " '届时',\n", - " '美国',\n", - " '老年',\n", - " '老年人',\n", - " '人口',\n", - " '人口数',\n", - " '人口数量',\n", - " '数量',\n", - " '将',\n", - " '在历史上',\n", - " '历史',\n", - " '上首',\n", - " '首次',\n", - " '超过',\n", - " '过儿',\n", - " '儿童',\n", - " '',\n", - " ''],\n", - " ['报告',\n", - " '预测',\n", - " '',\n", - " '',\n", - " '美国',\n", - " '国人',\n", - " '人口',\n", - " '的',\n", - " '种族',\n", - " '构成',\n", - " '将',\n", - " '进一步',\n", - " '一步',\n", - " '多样',\n", - " '多样化',\n", - " '',\n", - " '',\n", - " '并',\n", - " '将',\n", - " '呈现',\n", - " '三',\n", - " '大',\n", - " '特征',\n", - " '',\n", - " '',\n", - " '一',\n", - " '是',\n", - " '全美',\n", - " '白人',\n", - " '人人',\n", - " '人口',\n", - " '逐渐',\n", - " '老龄',\n", - " '老龄化',\n", - " '',\n", - " '',\n", - " '二',\n", - " '是',\n", - " '年轻',\n", - " '年轻一代',\n", - " '一代',\n", - " '一代人',\n", - " '代人',\n", - " '人口',\n", - " '在',\n", - " '种族',\n", - " '构成',\n", - " '成方',\n", - " '方面',\n", - " '更加',\n", - " '加多',\n", - " '多元',\n", - " '多元化',\n", - " '',\n", - " '',\n", - " '预计',\n", - " '到',\n", - " '2020',\n", - " '年',\n", - " '',\n", - " '',\n", - " '美国',\n", - " '18',\n", - " '岁',\n", - " '以下',\n", - " '下人',\n", - " '人口',\n", - " '口中',\n", - " '',\n", - " '',\n", - " '任何',\n", - " '一个',\n", - " '种族',\n", - " '居民',\n", - " '占',\n", - " '总人口',\n", - " '人口',\n", - " '比重',\n", - " '均',\n", - " '不足',\n", - " '一半',\n", - " '',\n", - " '',\n", - " '三',\n", - " '是',\n", - " '种族',\n", - " '融合',\n", - " '的',\n", - " '群体',\n", - " '人口',\n", - " '继续',\n", - " '增长',\n", - " '',\n", - " ''],\n", - " ['\\n']]" - ] - }, - "execution_count": 8, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "test_dataset[0]" - ] - }, - { - "cell_type": "code", - "execution_count": 41, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "I1029 04:01:00.021880 140548415072064 utils.py:173] Opening tar file .data/cnndm.tar.gz.\n", - "I1029 04:01:00.023381 140548415072064 utils.py:181] .data/test.txt.src already extracted.\n", - "I1029 04:01:00.312693 140548415072064 utils.py:181] .data/test.txt.tgt.tagged already extracted.\n", - "I1029 04:01:00.339518 140548415072064 utils.py:181] .data/train.txt.src already extracted.\n", - "I1029 04:01:07.846778 140548415072064 utils.py:181] .data/train.txt.tgt.tagged already extracted.\n", - "I1029 04:01:08.479731 140548415072064 utils.py:181] .data/val.txt.src already extracted.\n", - "I1029 04:01:08.812915 140548415072064 utils.py:181] .data/val.txt.tgt.tagged already extracted.\n", - "0lines [00:00, ?lines/s]\n", - "0lines [00:00, ?lines/s]\n", - "0lines [00:00, ?lines/s]\n", - "0lines [00:00, ?lines/s]\n" - ] - } - ], - "source": [ - "#from utils_nlp.dataset.cnndm import CNNDMSummarization\n", - "#train_dataset, test_dataset = CNNDMSummarization(top_n=5)" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "I1029 16:34:04.529138 140402226906944 modeling_bert.py:226] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1029 16:34:04.533537 140402226906944 modeling_xlnet.py:339] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n", - "I1029 16:34:04.582806 140402226906944 modeling.py:230] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" - ] - } - ], - "source": [ - "from utils_nlp.models.transformers.abstractive_summarization import AbsSumProcessor" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "I1029 16:34:07.582202 140402226906944 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-vocab.txt from cache at ./5e8a2b4893d13790ed4150ca1906be5f7a03d6c4ddf62296c383f6db42814db2.e13dbb970cb325137104fb2e5f36fe865f27746c6b526f6352861b1980eb80b1\n", - "I1029 16:34:07.754444 140402226906944 tokenization.py:156] loading vocabulary file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-chinese-vocab.txt from cache at /home/daden/.cache/torch/pytorch_transformers/8a0c070123c1f794c42a29c6904beb7c1b8715741e235bee04aca2c7636fc83f.9b42061518a39ca00b8b52059fd2bede8daa613f8a8671500e518a8c29de8c00\n" - ] - } - ], - "source": [ - "processor = AbsSumProcessor()" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "metadata": {}, - "outputs": [], - "source": [ - "abs_sum_train = processor.preprocess(train_dataset, train_dataset.get_target())" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": {}, - "outputs": [], - "source": [ - "import torch\n", - "torch.save(list(abs_sum_train), \"/dadendev/PreSumm2/PreSumm/bert_data/chinese.train.pt\")" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "list(abs_sum_train)[0].keys()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "data = torch.load()" - ] - }, - { - "cell_type": "code", - "execution_count": 46, - "metadata": {}, - "outputs": [], - "source": [ - "abs_sum_test = processor.preprocess(list(test_dataset), list(test_dataset.get_target()))" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "utils_nlp.models.transformers.extractive_summarization.ExtSumIterableDataset" - ] - }, - "execution_count": 13, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "type(ext_sum_train)" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "utils_nlp.models.transformers.extractive_summarization.ExtSumData" - ] - }, - "execution_count": 14, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "type(ext_sum_train[0])" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "tensor([0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0])" - ] - }, - "execution_count": 15, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "ext_sum_train[0].labels" - ] - }, - { - "cell_type": "code", - "execution_count": 27, - "metadata": {}, - "outputs": [], - "source": [ - "import glob\n", - "BERT_DATA_PATH = BERT_DATA_PATH=\"./bert_data/\"\n", - "pts = sorted(glob.glob(BERT_DATA_PATH + 'cnndm.train' + '.[0-9]*.pt'))" - ] - }, - { - "cell_type": "code", - "execution_count": 37, - "metadata": {}, - "outputs": [], - "source": [ - "import torch\n", - "def get_dataset(file_list):\n", - " #random.shuffle(file_list)\n", - " for file in file_list:\n", - " yield torch.load(file)" - ] - }, - { - "cell_type": "code", - "execution_count": 38, - "metadata": {}, - "outputs": [], - "source": [ - "train_dataset = get_dataset(pts) " - ] - }, - { - "cell_type": "code", - "execution_count": 39, - "metadata": {}, - "outputs": [], - "source": [ - "dataset = list(train_dataset)" - ] - }, - { - "cell_type": "code", - "execution_count": 17, - "metadata": { - "scrolled": false - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "I1024 20:41:45.197966 140449625069376 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-config.json from cache at ./b945b69218e98b3e2c95acf911789741307dec43c698d35fad11c1ae28bda352.d7a3af18ce3a2ab7c0f48f04dc8daff45ed9a3ed333b9e9a79d012a0dedf87a6\n", - "I1024 20:41:45.200124 140449625069376 configuration_utils.py:168] Model config {\n", - " \"attention_probs_dropout_prob\": 0.1,\n", - " \"finetuning_task\": null,\n", - " \"hidden_act\": \"gelu\",\n", - " \"hidden_dropout_prob\": 0.1,\n", - " \"hidden_size\": 768,\n", - " \"initializer_range\": 0.02,\n", - " \"intermediate_size\": 3072,\n", - " \"layer_norm_eps\": 1e-12,\n", - " \"max_position_embeddings\": 512,\n", - " \"num_attention_heads\": 12,\n", - " \"num_hidden_layers\": 12,\n", - " \"num_labels\": 0,\n", - " \"output_attentions\": false,\n", - " \"output_hidden_states\": false,\n", - " \"output_past\": true,\n", - " \"pruned_heads\": {},\n", - " \"torchscript\": false,\n", - " \"type_vocab_size\": 2,\n", - " \"use_bfloat16\": false,\n", - " \"vocab_size\": 28996\n", - "}\n", - "\n", - "I1024 20:41:45.342200 140449625069376 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-pytorch_model.bin from cache at ./35d8b9d36faaf46728a0192d82bf7d00137490cd6074e8500778afed552a67e5.3fadbea36527ae472139fe84cddaa65454d7429f12d543d80bfc3ad70de55ac2\n", - "I1024 20:41:48.732301 140449625069376 modeling_utils.py:405] Weights of BertForSequenceClassification not initialized from pretrained model: ['classifier.weight', 'classifier.bias']\n", - "I1024 20:41:48.733542 140449625069376 modeling_utils.py:408] Weights from pretrained model not used in BertForSequenceClassification: ['cls.predictions.bias', 'cls.predictions.transform.dense.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.decoder.weight', 'cls.seq_relationship.weight', 'cls.seq_relationship.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.LayerNorm.bias']\n", - "I1024 20:41:48.868890 140449625069376 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-config.json from cache at ./b945b69218e98b3e2c95acf911789741307dec43c698d35fad11c1ae28bda352.d7a3af18ce3a2ab7c0f48f04dc8daff45ed9a3ed333b9e9a79d012a0dedf87a6\n", - "I1024 20:41:48.870221 140449625069376 configuration_utils.py:168] Model config {\n", - " \"attention_probs_dropout_prob\": 0.1,\n", - " \"finetuning_task\": null,\n", - " \"hidden_act\": \"gelu\",\n", - " \"hidden_dropout_prob\": 0.1,\n", - " \"hidden_size\": 768,\n", - " \"initializer_range\": 0.02,\n", - " \"intermediate_size\": 3072,\n", - " \"layer_norm_eps\": 1e-12,\n", - " \"max_position_embeddings\": 512,\n", - " \"num_attention_heads\": 12,\n", - " \"num_hidden_layers\": 12,\n", - " \"num_labels\": 2,\n", - " \"output_attentions\": false,\n", - " \"output_hidden_states\": false,\n", - " \"output_past\": true,\n", - " \"pruned_heads\": {},\n", - " \"torchscript\": false,\n", - " \"type_vocab_size\": 2,\n", - " \"use_bfloat16\": false,\n", - " \"vocab_size\": 28996\n", - "}\n", - "\n", - "I1024 20:41:48.990102 140449625069376 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-cased-pytorch_model.bin from cache at ./35d8b9d36faaf46728a0192d82bf7d00137490cd6074e8500778afed552a67e5.3fadbea36527ae472139fe84cddaa65454d7429f12d543d80bfc3ad70de55ac2\n", - "I1024 20:41:52.468241 140449625069376 modeling_utils.py:405] Weights of BertForSequenceClassification not initialized from pretrained model: ['classifier.weight', 'classifier.bias']\n", - "I1024 20:41:52.471548 140449625069376 modeling_utils.py:408] Weights from pretrained model not used in BertForSequenceClassification: ['cls.predictions.bias', 'cls.predictions.transform.dense.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.decoder.weight', 'cls.seq_relationship.weight', 'cls.seq_relationship.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.LayerNorm.bias']\n" - ] - } - ], - "source": [ - "summarizer = ExtractiveSummarizer()" - ] - }, - { - "cell_type": "code", - "execution_count": 18, - "metadata": {}, - "outputs": [], - "source": [ - "# notebook parameters\n", - "DATA_FOLDER = \"./temp\"\n", - "CACHE_DIR = \"./temp\"\n", - "DEVICE = \"cuda\"\n", - "NUM_EPOCHS = 1\n", - "BATCH_SIZE = 64\n", - "NUM_GPUS = 2\n", - "MAX_LEN = 150" - ] - }, - { - "cell_type": "code", - "execution_count": 19, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "Epoch: 0%| | 0/1 [00:00but none of the cell phones found so far have been sent to the institute , menichini said .`` it is a very disturbing scene , `` said julian reichelt , editor-in-chief of bild online .'" - ] - }, - "execution_count": 26, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "prediction[0]" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "import numpy as np\n", - "np.argsort(negative, 1) " - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "np.argsort([0,1,2,0.3,0.2], 0) " - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "len(ext_sum_test)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "prediction" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "python3.6 cm3", - "language": "python", - "name": "cm3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.6.8" - } - }, - "nbformat": 4, - "nbformat_minor": 2 -} diff --git a/examples/text_summarization/bertsum_cnndm.ipynb b/examples/text_summarization/bertsum_cnndm.ipynb deleted file mode 100644 index e51bc494b..000000000 --- a/examples/text_summarization/bertsum_cnndm.ipynb +++ /dev/null @@ -1,3712 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Copyright (c) Microsoft Corporation. All rights reserved.\n", - "\n", - "Licensed under the MIT License." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Extractive Text Summerization on CNN/DM Dataset using BertSum\n", - "\n", - "\n", - "### Summary\n", - "\n", - "This notebook demonstrates how to fine tune BERT for extractive text summerization. Utility functions and classes in the NLP Best Practices repo are used to facilitate data preprocessing, model training, model scoring, result postprocessing, and model evaluation.\n", - "\n", - "BertSum refers to [Fine-tune BERT for Extractive Summarization (https://arxiv.org/pdf/1903.10318.pdf) with [published example](https://github.com/nlpyang/BertSum/). Extractive summarization are usually used in document summarization where each input document consists of mutiple sentences. The preprocessing of the input training data involves assigning label 0 or 1 to the document sentences based on the give summary. The summarization problem is also simplfied to classifying whether each document sentence should be included in the summary. \n", - "\n", - "The figure below illustrates how BERTSum can be fine tuned for extractive summarization task. Each sentence is inserted with [CLS] token at the beginning and [SEP] at the end. Interval segment embedding and positional embedding are added upon the token embedding before input the BERT model. The [CLS] token representation is used as sentence embedding and only the [CLS] tokens are used as input for the summarization model. The summarization layer predicts whether the probability of each each sentence token should be included in the summary or not. Techniques like trigram blocking can be used to improve model accuarcy. \n", - "\n", - "\n", - "\n", - "\n", - "### Before You Start\n", - "\n", - "The running time shown in this notebook is on a Standard_NC24s_v3 Azure Deep Learning Virtual Machine with 4 NVIDIA Tesla V100 GPUs. \n", - "> **Tip**: If you want to run through the notebook quickly, you can set the **`QUICK_RUN`** flag in the cell below to **`True`** to run the notebook on a small subset of the data and a smaller number of epochs. \n", - "\n", - "The table below provides some reference running time on different machine configurations. \n", - "\n", - "|QUICK_RUN|USE_PREPROCESSED_DATA|encoder|Machine Configurations|Running time|\n", - "|:---------|:---------|:---------|:----------------------|:------------|\n", - "|True|True|baseline|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 20 minutes |\n", - "|False|True|baseline|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 60 minutes |\n", - "|True|False|baseline|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 20 minutes |\n", - "|True|True|transformer|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 80 minutes |\n", - "|False|True|transformer|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 6.5hours |\n", - "|True|False|transformer|1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| ~ 80 minutes |\n", - "|False|False|any| 1 NVIDIA Tesla V100 GPUs, 16GB GPU memory| > 24 hours|\n" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [], - "source": [ - "## Set QUICK_RUN = True to run the notebook on a small subset of data and a smaller number of epochs.\n", - "QUICK_RUN = True\n", - "USE_PREPROCESSED_DATA = True" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Configuration\n", - "\n", - "Before we start the notebook, we should set the environment variable to make sure you can access the GPUs on your machine" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "First you need to clone a modified version of BertSum so that it works for prediction cases and can run on any GPU device ID on your machine" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "--2019-10-15 17:28:02-- https://raw.githubusercontent.com/nlpyang/BertSum/master/bert_config_uncased_base.json\n", - "Resolving raw.githubusercontent.com (raw.githubusercontent.com)... 151.101.124.133\n", - "Connecting to raw.githubusercontent.com (raw.githubusercontent.com)|151.101.124.133|:443... connected.\n", - "HTTP request sent, awaiting response... 200 OK\n", - "Length: 313 [text/plain]\n", - "Saving to: ‘bert_config_uncased_base.json’\n", - "\n", - "bert_config_uncased 100%[===================>] 313 --.-KB/s in 0s \n", - "\n", - "2019-10-15 17:28:02 (59.7 MB/s) - ‘bert_config_uncased_base.json’ saved [313/313]\n", - "\n" - ] - } - ], - "source": [ - "!wget https://raw.githubusercontent.com/nlpyang/BertSum/master/bert_config_uncased_base.json" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": {}, - "outputs": [], - "source": [ - "BERT_CONFIG_PATH=\"./bert_config_uncased_base.json\"" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [], - "source": [ - "import os\n", - "os.environ[\"CUDA_DEVICE_ORDER\"]=\"PCI_BUS_ID\" # see issue #152\n", - "os.environ[\"CUDA_VISIBLE_DEVICES\"]=\"0,1,2,3\"" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": {}, - "outputs": [], - "source": [ - "import sys\n", - "import os\n", - "nlp_path = os.path.abspath('../../')\n", - "if nlp_path not in sys.path:\n", - " sys.path.insert(0, nlp_path)\n", - "sys.path.insert(0, \"./\")\n", - "sys.path.insert(0, \"./BertSum\")\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Also, we need to install the dependencies for pyrouge." - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Hit:1 http://azure.archive.ubuntu.com/ubuntu bionic InRelease\n", - "Get:2 http://azure.archive.ubuntu.com/ubuntu bionic-updates InRelease [88.7 kB]\n", - "Ign:3 http://developer.download.nvidia.com/compute/cuda/repos/ubuntu1804/x86_64 InRelease\n", - "Get:4 http://azure.archive.ubuntu.com/ubuntu bionic-backports InRelease [74.6 kB]\n", - "Get:5 http://security.ubuntu.com/ubuntu bionic-security InRelease [88.7 kB] \n", - "Hit:6 https://packages.microsoft.com/repos/microsoft-ubuntu-xenial-prod xenial InRelease\n", - "Hit:7 http://developer.download.nvidia.com/compute/cuda/repos/ubuntu1804/x86_64 Release\n", - "Fetched 252 kB in 1s (350 kB/s) \n", - "Reading package lists... Done\n", - "Reading package lists... Done\n", - "Building dependency tree \n", - "Reading state information... Done\n", - "expat is already the newest version (2.2.5-3ubuntu0.2).\n", - "The following packages were automatically installed and are no longer required:\n", - " linux-azure-cloud-tools-5.0.0-1018 linux-azure-headers-5.0.0-1018\n", - " linux-azure-tools-5.0.0-1018\n", - "Use 'sudo apt autoremove' to remove them.\n", - "0 upgraded, 0 newly installed, 0 to remove and 47 not upgraded.\n", - "Reading package lists... Done\n", - "Building dependency tree \n", - "Reading state information... Done\n", - "Note, selecting 'libexpat1-dev' instead of 'libexpat-dev'\n", - "libexpat1-dev is already the newest version (2.2.5-3ubuntu0.2).\n", - "The following packages were automatically installed and are no longer required:\n", - " linux-azure-cloud-tools-5.0.0-1018 linux-azure-headers-5.0.0-1018\n", - " linux-azure-tools-5.0.0-1018\n", - "Use 'sudo apt autoremove' to remove them.\n", - "0 upgraded, 0 newly installed, 0 to remove and 47 not upgraded.\n" - ] - } - ], - "source": [ - "# dependencies for ROUGE-1.5.5.pl\n", - "!sudo apt-get update\n", - "!sudo apt-get install expat\n", - "!sudo apt-get install libexpat-dev -y" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Run the following command in your terminal to install pre-requiste for using pyrouge.\n", - "1. sudo cpan install XML::Parser\n", - "1. sudo cpan install XML::Parser::PerlSAX\n", - "1. sudo cpan install XML::DOM\n", - "\n", - "Download ROUGE-1.5.5 from https://github.com/andersjo/pyrouge/tree/master/tools/ROUGE-1.5.5.\n", - "Run the following command in your terminal.\n", - "* pyrouge_set_rouge_path $ABSOLUTE_DIRECTORY_TO_ROUGE-1.5.5.pl\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Data Preprossing\n", - "\n", - "The dataset we used for this notebook is CNN/DM dataset which contains the documents and accompanying questions from the news articles of CNN and Daily mail. The highlights in each article are used as summary. The dataset consits of ~289K training examples, ~11K valiation and ~11K test dataset. You can choose to use the preprocessed version at [BERTSum published example](https://github.com/nlpyang/BertSum/) or use the following section to preprocess the data. Since it takes up to 28 hours to preprocess the training data to run on 10 Intel(R) Xeon(R) CPU E5-2690 v3 @ 2.60GHz, we suggest you continue with set as True first and experiment with data preprocessing with QUICKRUN set as True.\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Download Preprocessed Data\n", - "Please go to [BERTSum published example](https://github.com/nlpyang/BertSum/) to download preprocessed data and unzip it to the folder \"./bert_data\" at the current path." - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [], - "source": [ - "USE_PREPROCESSED_DATA = True\n", - "if USE_PREPROCESSED_DATA:\n", - " BERT_DATA_PATH=\"./bert_data/\"" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "If you choose to use preprocessed data, continue to section Model training.\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Run Data Preprocessing\n", - "To continue with the data preprocessing, run the following command to download from https://github.com/harvardnlp/sent-summary and unzip the data to folder ./harvardnlp_cnndm" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "--2019-10-15 17:28:19-- https://s3.amazonaws.com/opennmt-models/Summary/cnndm.tar.gz\n", - "Resolving s3.amazonaws.com (s3.amazonaws.com)... 52.216.238.221\n", - "Connecting to s3.amazonaws.com (s3.amazonaws.com)|52.216.238.221|:443... connected.\n", - "HTTP request sent, awaiting response... 200 OK\n", - "Length: 500375629 (477M) [application/x-gzip]\n", - "Saving to: ‘cnndm.tar.gz’\n", - "\n", - "cnndm.tar.gz 100%[===================>] 477.20M 91.7MB/s in 5.2s \n", - "\n", - "2019-10-15 17:28:24 (91.4 MB/s) - ‘cnndm.tar.gz’ saved [500375629/500375629]\n", - "\n", - "test.txt.src\n", - "test.txt.tgt.tagged\n", - "train.txt.src\n", - "train.txt.tgt.tagged\n", - "val.txt.src\n", - "val.txt.tgt.tagged\n" - ] - } - ], - "source": [ - "!wget https://s3.amazonaws.com/opennmt-models/Summary/cnndm.tar.gz &&\\\n", - " mkdir -p harvardnlp_cnndm &&\\\n", - " mv cnndm.tar.gz ./harvardnlp_cnndm && cd ./harvardnlp_cnndm &&\\\n", - " tar -xvf cnndm.tar.gz " - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "##### Details of Data Preprocessing\n", - "\n", - "The purpose of preprocessing is to process the input articles to the format that BertSum takes. Functions defined specific in harvardnlp_cnndm_preprocess function are unique to CNN/DM dataset that's processed by harvardnlp. However, it provides a skeleton of how to preprocessing data into the format that BertSum takes. Assuming you have all articles and target summery each in a file, line-breaker seperated, the steps to preprocess the data are:\n", - "1. sentence tokenization\n", - "2. word tokenization\n", - "3. label the sentences in the article with 1 meaning the sentence is selected and 0 meaning the sentence is not selected. The options for the selection algorithms are \"greedy\" and \"combination\"\n", - "3. convert each example to BertSum format\n", - " - filter the sentences in the example based on the min_src_ntokens argument. If the lefted total sentence number is less than min_nsents, the example is discarded.\n", - " - truncate the sentences in the example if the length is greater than max_src_ntokens\n", - " - truncate the sentences in the example and the labels if the totle number of sentences is greater than max_nsents\n", - " - [CLS] and [SEP] are inserted before and after each sentence\n", - " - wordPiece tokenization\n", - " - truncate the example to 512 tokens\n", - " - convert the tokens into token indices corresponding to the BERT tokenizer's vocabulary.\n", - " - segment ids are generated\n", - " - [CLS] token positions are logged\n", - " - [CLS] token labels are truncated if it's greater than 512, which is the maximum input length that can be taken by the BERT model.\n", - " \n", - " \n", - "Note that the original BERTSum paper use Stanford CoreNLP for data proprocessing, here we'll first how to use NLTK version, and then we also provide instruction of how to set up Stanford NLP and code examples of how to use Standford CoreNLP. " - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", - "[nltk_data] Package punkt is already up-to-date!\n", - "I1021 15:21:13.066047 139626020988736 file_utils.py:39] PyTorch version 1.2.0 available.\n", - "I1021 15:21:13.100040 139626020988736 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" - ] - } - ], - "source": [ - "from utils_nlp.dataset.harvardnlp_cnndm import harvardnlp_cnndm_preprocess\n", - "from utils_nlp.models.bert.extractive_text_summarization import bertsum_formatting" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "CPU times: user 12 µs, sys: 3 µs, total: 15 µs\n", - "Wall time: 32.2 µs\n" - ] - } - ], - "source": [ - "%%time\n", - "max_train_job_number = -1\n", - "max_test_job_number = -1\n", - "if QUICK_RUN:\n", - " max_train_job_number = 100\n", - " max_test_job_number = 100" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "##### Preprocess training data" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "total length of training data: 100\n", - "CPU times: user 2.53 s, sys: 2.37 s, total: 4.91 s\n", - "Wall time: 33.2 s\n" - ] - } - ], - "source": [ - "%%time\n", - "TRAIN_SRC_FILE = \"./harvardnlp_cnndm/train.txt.src\"\n", - "TRAIN_TGT_FILE = \"./harvardnlp_cnndm/train.txt.tgt.tagged\"\n", - "PROCESSED_TRAIN_FILE = f\"./harvardnlp_cnndm/train.bertdata_{QUICK_RUN}\" \n", - "\n", - "\n", - "import multiprocessing\n", - "n_cpus = multiprocessing.cpu_count() - 1\n", - "jobs = harvardnlp_cnndm_preprocess(n_cpus, TRAIN_SRC_FILE, TRAIN_TGT_FILE, max_train_job_number)\n", - "print(\"total length of training data:\", len(jobs))\n", - "\n" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "I1018 18:33:13.232276 140259011639104 file_utils.py:296] https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt not found in cache or force_download set to True, downloading to /tmp/tmp559sv0bl\n", - "100%|██████████| 231508/231508 [00:00<00:00, 3077653.07B/s]\n", - "I1018 18:33:13.472229 140259011639104 file_utils.py:309] copying /tmp/tmp559sv0bl to cache at /home/daden/.cache/torch/transformers/26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n", - "I1018 18:33:13.473265 140259011639104 file_utils.py:313] creating metadata file for /home/daden/.cache/torch/transformers/26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n", - "I1018 18:33:13.474657 140259011639104 file_utils.py:322] removing temp file /tmp/tmp559sv0bl\n", - "I1018 18:33:13.475498 140259011639104 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at /home/daden/.cache/torch/transformers/26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" - ] - } - ], - "source": [ - "from transformers.tokenization_distilbert import DistilBertTokenizer\n", - "tokenizer = DistilBertTokenizer.from_pretrained(\"distilbert-base-uncased\")" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "metadata": {}, - "outputs": [], - "source": [ - "from bertsum.prepro.data_builder import TransformerData\n", - "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", - "default_preprocessing_parameters = {\"max_nsents\": 200, \"max_src_ntokens\": 2000, \"min_nsents\": 3, \"min_src_ntokens\": 5, \"use_interval\": True}\n", - "args=Bunch(default_preprocessing_parameters)\n", - "transformerdata = TransformerData(args, tokenizer)\n", - "bertsum_formatting(n_cpus, transformerdata,\"combination\", jobs[0:max_train_job_number], PROCESSED_TRAIN_FILE)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "##### Preprocessing test data" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "total length of training data: 100\n", - "CPU times: user 686 ms, sys: 1.2 s, total: 1.88 s\n", - "Wall time: 17.1 s\n" - ] - } - ], - "source": [ - "%%time\n", - "TEST_SRC_FILE = \"./harvardnlp_cnndm/test.txt.src\"\n", - "TEST_TGT_FILE = \"./harvardnlp_cnndm/test.txt.tgt.tagged\"\n", - "PROCESSED_TEST_FILE = f\"./harvardnlp_cnndm/test.bertdata_{QUICK_RUN}\" \n", - "\n", - "import multiprocessing\n", - "n_cpus = multiprocessing.cpu_count() - 1\n", - "jobs = harvardnlp_cnndm_preprocess(n_cpus, TEST_SRC_FILE, TEST_TGT_FILE, max_test_job_number)\n", - "print(\"total length of training data:\", len(jobs))\n", - "from bertsum.prepro.data_builder import TransformerData\n", - "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", - "default_preprocessing_parameters = {\"max_nsents\": 200, \"max_src_ntokens\": 2000, \"min_nsents\": 3, \"min_src_ntokens\": 5, \"use_interval\": True}\n", - "args=Bunch(default_preprocessing_parameters)\n", - "transformerdata = TransformerData(args, tokenizer)\n", - "bertsum_formatting(n_cpus, transformerdata,\"combination\", jobs[0:max_test_job_number], PROCESSED_TEST_FILE)\n" - ] - }, - { - "cell_type": "code", - "execution_count": 16, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "{'src': [['marseille',\n", - " ',',\n", - " 'france',\n", - " '(',\n", - " 'cnn',\n", - " ')',\n", - " 'the',\n", - " 'french',\n", - " 'prosecutor',\n", - " 'leading',\n", - " 'an',\n", - " 'investigation',\n", - " 'into',\n", - " 'the',\n", - " 'crash',\n", - " 'of',\n", - " 'germanwings',\n", - " 'flight',\n", - " '9525',\n", - " 'insisted',\n", - " 'wednesday',\n", - " 'that',\n", - " 'he',\n", - " 'was',\n", - " 'not',\n", - " 'aware',\n", - " 'of',\n", - " 'any',\n", - " 'video',\n", - " 'footage',\n", - " 'from',\n", - " 'on',\n", - " 'board',\n", - " 'the',\n", - " 'plane',\n", - " '.'],\n", - " ['marseille',\n", - " 'prosecutor',\n", - " 'brice',\n", - " 'robin',\n", - " 'told',\n", - " 'cnn',\n", - " 'that',\n", - " '``',\n", - " 'so',\n", - " 'far',\n", - " 'no',\n", - " 'videos',\n", - " 'were',\n", - " 'used',\n", - " 'in',\n", - " 'the',\n", - " 'crash',\n", - " 'investigation',\n", - " '.',\n", - " '``'],\n", - " ['he',\n", - " 'added',\n", - " ',',\n", - " '``',\n", - " 'a',\n", - " 'person',\n", - " 'who',\n", - " 'has',\n", - " 'such',\n", - " 'a',\n", - " 'video',\n", - " 'needs',\n", - " 'to',\n", - " 'immediately',\n", - " 'give',\n", - " 'it',\n", - " 'to',\n", - " 'the',\n", - " 'investigators',\n", - " '.',\n", - " '``'],\n", - " ['robin',\n", - " \"'s\",\n", - " 'comments',\n", - " 'follow',\n", - " 'claims',\n", - " 'by',\n", - " 'two',\n", - " 'magazines',\n", - " ',',\n", - " 'german',\n", - " 'daily',\n", - " 'bild',\n", - " 'and',\n", - " 'french',\n", - " 'paris',\n", - " 'match',\n", - " ',',\n", - " 'of',\n", - " 'a',\n", - " 'cell',\n", - " 'phone',\n", - " 'video',\n", - " 'showing',\n", - " 'the',\n", - " 'harrowing',\n", - " 'final',\n", - " 'seconds',\n", - " 'from',\n", - " 'on',\n", - " 'board',\n", - " 'germanwings',\n", - " 'flight',\n", - " '9525',\n", - " 'as',\n", - " 'it',\n", - " 'crashed',\n", - " 'into',\n", - " 'the',\n", - " 'french',\n", - " 'alps',\n", - " '.'],\n", - " ['all', '150', 'on', 'board', 'were', 'killed', '.'],\n", - " ['paris',\n", - " 'match',\n", - " 'and',\n", - " 'bild',\n", - " 'reported',\n", - " 'that',\n", - " 'the',\n", - " 'video',\n", - " 'was',\n", - " 'recovered',\n", - " 'from',\n", - " 'a',\n", - " 'phone',\n", - " 'at',\n", - " 'the',\n", - " 'wreckage',\n", - " 'site',\n", - " '.'],\n", - " ['the',\n", - " 'two',\n", - " 'publications',\n", - " 'described',\n", - " 'the',\n", - " 'supposed',\n", - " 'video',\n", - " ',',\n", - " 'but',\n", - " 'did',\n", - " 'not',\n", - " 'post',\n", - " 'it',\n", - " 'on',\n", - " 'their',\n", - " 'websites',\n", - " '.'],\n", - " ['the',\n", - " 'publications',\n", - " 'said',\n", - " 'that',\n", - " 'they',\n", - " 'watched',\n", - " 'the',\n", - " 'video',\n", - " ',',\n", - " 'which',\n", - " 'was',\n", - " 'found',\n", - " 'by',\n", - " 'a',\n", - " 'source',\n", - " 'close',\n", - " 'to',\n", - " 'the',\n", - " 'investigation',\n", - " '.',\n", - " '``'],\n", - " ['one',\n", - " 'can',\n", - " 'hear',\n", - " 'cries',\n", - " 'of',\n", - " '`',\n", - " 'my',\n", - " 'god',\n", - " \"'\",\n", - " 'in',\n", - " 'several',\n", - " 'languages',\n", - " ',',\n", - " '``',\n", - " 'paris',\n", - " 'match',\n", - " 'reported',\n", - " '.',\n", - " '``'],\n", - " ['metallic',\n", - " 'banging',\n", - " 'can',\n", - " 'also',\n", - " 'be',\n", - " 'heard',\n", - " 'more',\n", - " 'than',\n", - " 'three',\n", - " 'times',\n", - " ',',\n", - " 'perhaps',\n", - " 'of',\n", - " 'the',\n", - " 'pilot',\n", - " 'trying',\n", - " 'to',\n", - " 'open',\n", - " 'the',\n", - " 'cockpit',\n", - " 'door',\n", - " 'with',\n", - " 'a',\n", - " 'heavy',\n", - " 'object',\n", - " '.'],\n", - " ['towards',\n", - " 'the',\n", - " 'end',\n", - " ',',\n", - " 'after',\n", - " 'a',\n", - " 'heavy',\n", - " 'shake',\n", - " ',',\n", - " 'stronger',\n", - " 'than',\n", - " 'the',\n", - " 'others',\n", - " ',',\n", - " 'the',\n", - " 'screaming',\n", - " 'intensifies',\n", - " '.'],\n", - " ['then', 'nothing', '.', '``'],\n", - " ['``',\n", - " 'it',\n", - " 'is',\n", - " 'a',\n", - " 'very',\n", - " 'disturbing',\n", - " 'scene',\n", - " ',',\n", - " '``',\n", - " 'said',\n", - " 'julian',\n", - " 'reichelt',\n", - " ',',\n", - " 'editor-in-chief',\n", - " 'of',\n", - " 'bild',\n", - " 'online',\n", - " '.'],\n", - " ['an',\n", - " 'official',\n", - " 'with',\n", - " 'france',\n", - " \"'s\",\n", - " 'accident',\n", - " 'investigation',\n", - " 'agency',\n", - " ',',\n", - " 'the',\n", - " 'bea',\n", - " ',',\n", - " 'said',\n", - " 'the',\n", - " 'agency',\n", - " 'is',\n", - " 'not',\n", - " 'aware',\n", - " 'of',\n", - " 'any',\n", - " 'such',\n", - " 'video',\n", - " '.'],\n", - " ['lt.',\n", - " 'col.',\n", - " 'jean-marc',\n", - " 'menichini',\n", - " ',',\n", - " 'a',\n", - " 'french',\n", - " 'gendarmerie',\n", - " 'spokesman',\n", - " 'in',\n", - " 'charge',\n", - " 'of',\n", - " 'communications',\n", - " 'on',\n", - " 'rescue',\n", - " 'efforts',\n", - " 'around',\n", - " 'the',\n", - " 'germanwings',\n", - " 'crash',\n", - " 'site',\n", - " ',',\n", - " 'told',\n", - " 'cnn',\n", - " 'that',\n", - " 'the',\n", - " 'reports',\n", - " 'were',\n", - " '``',\n", - " 'completely',\n", - " 'wrong',\n", - " '``',\n", - " 'and',\n", - " '``',\n", - " 'unwarranted',\n", - " '.',\n", - " '``'],\n", - " ['cell',\n", - " 'phones',\n", - " 'have',\n", - " 'been',\n", - " 'collected',\n", - " 'at',\n", - " 'the',\n", - " 'site',\n", - " ',',\n", - " 'he',\n", - " 'said',\n", - " ',',\n", - " 'but',\n", - " 'that',\n", - " 'they',\n", - " '``',\n", - " 'had',\n", - " \"n't\",\n", - " 'been',\n", - " 'exploited',\n", - " 'yet',\n", - " '.',\n", - " '``'],\n", - " ['menichini',\n", - " 'said',\n", - " 'he',\n", - " 'believed',\n", - " 'the',\n", - " 'cell',\n", - " 'phones',\n", - " 'would',\n", - " 'need',\n", - " 'to',\n", - " 'be',\n", - " 'sent',\n", - " 'to',\n", - " 'the',\n", - " 'criminal',\n", - " 'research',\n", - " 'institute',\n", - " 'in',\n", - " 'rosny',\n", - " 'sous-bois',\n", - " ',',\n", - " 'near',\n", - " 'paris',\n", - " ',',\n", - " 'in',\n", - " 'order',\n", - " 'to',\n", - " 'be',\n", - " 'analyzed',\n", - " 'by',\n", - " 'specialized',\n", - " 'technicians',\n", - " 'working',\n", - " 'hand-in-hand',\n", - " 'with',\n", - " 'investigators',\n", - " '.'],\n", - " ['but',\n", - " 'none',\n", - " 'of',\n", - " 'the',\n", - " 'cell',\n", - " 'phones',\n", - " 'found',\n", - " 'so',\n", - " 'far',\n", - " 'have',\n", - " 'been',\n", - " 'sent',\n", - " 'to',\n", - " 'the',\n", - " 'institute',\n", - " ',',\n", - " 'menichini',\n", - " 'said',\n", - " '.'],\n", - " ['asked',\n", - " 'whether',\n", - " 'staff',\n", - " 'involved',\n", - " 'in',\n", - " 'the',\n", - " 'search',\n", - " 'could',\n", - " 'have',\n", - " 'leaked',\n", - " 'a',\n", - " 'memory',\n", - " 'card',\n", - " 'to',\n", - " 'the',\n", - " 'media',\n", - " ',',\n", - " 'menichini',\n", - " 'answered',\n", - " 'with',\n", - " 'a',\n", - " 'categorical',\n", - " '``',\n", - " 'no',\n", - " '.',\n", - " '``'],\n", - " ['reichelt',\n", - " 'told',\n", - " '``',\n", - " 'erin',\n", - " 'burnett',\n", - " ':',\n", - " 'outfront',\n", - " '``',\n", - " 'that',\n", - " 'he',\n", - " 'had',\n", - " 'watched',\n", - " 'the',\n", - " 'video',\n", - " 'and',\n", - " 'stood',\n", - " 'by',\n", - " 'the',\n", - " 'report',\n", - " ',',\n", - " 'saying',\n", - " 'bild',\n", - " 'and',\n", - " 'paris',\n", - " 'match',\n", - " 'are',\n", - " '``',\n", - " 'very',\n", - " 'confident',\n", - " '``',\n", - " 'that',\n", - " 'the',\n", - " 'clip',\n", - " 'is',\n", - " 'real',\n", - " '.'],\n", - " ['he',\n", - " 'noted',\n", - " 'that',\n", - " 'investigators',\n", - " 'only',\n", - " 'revealed',\n", - " 'they',\n", - " \"'d\",\n", - " 'recovered',\n", - " 'cell',\n", - " 'phones',\n", - " 'from',\n", - " 'the',\n", - " 'crash',\n", - " 'site',\n", - " 'after',\n", - " 'bild',\n", - " 'and',\n", - " 'paris',\n", - " 'match',\n", - " 'published',\n", - " 'their',\n", - " 'reports',\n", - " '.',\n", - " '``'],\n", - " ['that', 'is', 'something', 'we', 'did', 'not', 'know', 'before', '.'],\n", - " ['...',\n", - " 'overall',\n", - " 'we',\n", - " 'can',\n", - " 'say',\n", - " 'many',\n", - " 'things',\n", - " 'of',\n", - " 'the',\n", - " 'investigation',\n", - " 'were',\n", - " \"n't\",\n", - " 'revealed',\n", - " 'by',\n", - " 'the',\n", - " 'investigation',\n", - " 'at',\n", - " 'the',\n", - " 'beginning',\n", - " ',',\n", - " '``',\n", - " 'he',\n", - " 'said',\n", - " '.'],\n", - " ['what', 'was', 'mental', 'state', 'of', 'germanwings', 'co-pilot', '?'],\n", - " ['german',\n", - " 'airline',\n", - " 'lufthansa',\n", - " 'confirmed',\n", - " 'tuesday',\n", - " 'that',\n", - " 'co-pilot',\n", - " 'andreas',\n", - " 'lubitz',\n", - " 'had',\n", - " 'battled',\n", - " 'depression',\n", - " 'years',\n", - " 'before',\n", - " 'he',\n", - " 'took',\n", - " 'the',\n", - " 'controls',\n", - " 'of',\n", - " 'germanwings',\n", - " 'flight',\n", - " '9525',\n", - " ',',\n", - " 'which',\n", - " 'he',\n", - " \"'s\",\n", - " 'accused',\n", - " 'of',\n", - " 'deliberately',\n", - " 'crashing',\n", - " 'last',\n", - " 'week',\n", - " 'in',\n", - " 'the',\n", - " 'french',\n", - " 'alps',\n", - " '.'],\n", - " ['lubitz',\n", - " 'told',\n", - " 'his',\n", - " 'lufthansa',\n", - " 'flight',\n", - " 'training',\n", - " 'school',\n", - " 'in',\n", - " '2009',\n", - " 'that',\n", - " 'he',\n", - " 'had',\n", - " 'a',\n", - " '``',\n", - " 'previous',\n", - " 'episode',\n", - " 'of',\n", - " 'severe',\n", - " 'depression',\n", - " ',',\n", - " '``',\n", - " 'the',\n", - " 'airline',\n", - " 'said',\n", - " 'tuesday',\n", - " '.'],\n", - " ['email',\n", - " 'correspondence',\n", - " 'between',\n", - " 'lubitz',\n", - " 'and',\n", - " 'the',\n", - " 'school',\n", - " 'discovered',\n", - " 'in',\n", - " 'an',\n", - " 'internal',\n", - " 'investigation',\n", - " ',',\n", - " 'lufthansa',\n", - " 'said',\n", - " ',',\n", - " 'included',\n", - " 'medical',\n", - " 'documents',\n", - " 'he',\n", - " 'submitted',\n", - " 'in',\n", - " 'connection',\n", - " 'with',\n", - " 'resuming',\n", - " 'his',\n", - " 'flight',\n", - " 'training',\n", - " '.'],\n", - " ['the',\n", - " 'announcement',\n", - " 'indicates',\n", - " 'that',\n", - " 'lufthansa',\n", - " ',',\n", - " 'the',\n", - " 'parent',\n", - " 'company',\n", - " 'of',\n", - " 'germanwings',\n", - " ',',\n", - " 'knew',\n", - " 'of',\n", - " 'lubitz',\n", - " \"'s\",\n", - " 'battle',\n", - " 'with',\n", - " 'depression',\n", - " ',',\n", - " 'allowed',\n", - " 'him',\n", - " 'to',\n", - " 'continue',\n", - " 'training',\n", - " 'and',\n", - " 'ultimately',\n", - " 'put',\n", - " 'him',\n", - " 'in',\n", - " 'the',\n", - " 'cockpit',\n", - " '.'],\n", - " ['lufthansa',\n", - " ',',\n", - " 'whose',\n", - " 'ceo',\n", - " 'carsten',\n", - " 'spohr',\n", - " 'previously',\n", - " 'said',\n", - " 'lubitz',\n", - " 'was',\n", - " '100',\n", - " '%',\n", - " 'fit',\n", - " 'to',\n", - " 'fly',\n", - " ',',\n", - " 'described',\n", - " 'its',\n", - " 'statement',\n", - " 'tuesday',\n", - " 'as',\n", - " 'a',\n", - " '``',\n", - " 'swift',\n", - " 'and',\n", - " 'seamless',\n", - " 'clarification',\n", - " '``',\n", - " 'and',\n", - " 'said',\n", - " 'it',\n", - " 'was',\n", - " 'sharing',\n", - " 'the',\n", - " 'information',\n", - " 'and',\n", - " 'documents',\n", - " '--',\n", - " 'including',\n", - " 'training',\n", - " 'and',\n", - " 'medical',\n", - " 'records',\n", - " '--',\n", - " 'with',\n", - " 'public',\n", - " 'prosecutors',\n", - " '.'],\n", - " ['spohr',\n", - " 'traveled',\n", - " 'to',\n", - " 'the',\n", - " 'crash',\n", - " 'site',\n", - " 'wednesday',\n", - " ',',\n", - " 'where',\n", - " 'recovery',\n", - " 'teams',\n", - " 'have',\n", - " 'been',\n", - " 'working',\n", - " 'for',\n", - " 'the',\n", - " 'past',\n", - " 'week',\n", - " 'to',\n", - " 'recover',\n", - " 'human',\n", - " 'remains',\n", - " 'and',\n", - " 'plane',\n", - " 'debris',\n", - " 'scattered',\n", - " 'across',\n", - " 'a',\n", - " 'steep',\n", - " 'mountainside',\n", - " '.'],\n", - " ['he',\n", - " 'saw',\n", - " 'the',\n", - " 'crisis',\n", - " 'center',\n", - " 'set',\n", - " 'up',\n", - " 'in',\n", - " 'seyne-les-alpes',\n", - " ',',\n", - " 'laid',\n", - " 'a',\n", - " 'wreath',\n", - " 'in',\n", - " 'the',\n", - " 'village',\n", - " 'of',\n", - " 'le',\n", - " 'vernet',\n", - " ',',\n", - " 'closer',\n", - " 'to',\n", - " 'the',\n", - " 'crash',\n", - " 'site',\n", - " ',',\n", - " 'where',\n", - " 'grieving',\n", - " 'families',\n", - " 'have',\n", - " 'left',\n", - " 'flowers',\n", - " 'at',\n", - " 'a',\n", - " 'simple',\n", - " 'stone',\n", - " 'memorial',\n", - " '.'],\n", - " ['menichini',\n", - " 'told',\n", - " 'cnn',\n", - " 'late',\n", - " 'tuesday',\n", - " 'that',\n", - " 'no',\n", - " 'visible',\n", - " 'human',\n", - " 'remains',\n", - " 'were',\n", - " 'left',\n", - " 'at',\n", - " 'the',\n", - " 'site',\n", - " 'but',\n", - " 'recovery',\n", - " 'teams',\n", - " 'would',\n", - " 'keep',\n", - " 'searching',\n", - " '.'],\n", - " ['french',\n", - " 'president',\n", - " 'francois',\n", - " 'hollande',\n", - " ',',\n", - " 'speaking',\n", - " 'tuesday',\n", - " ',',\n", - " 'said',\n", - " 'that',\n", - " 'it',\n", - " 'should',\n", - " 'be',\n", - " 'possible',\n", - " 'to',\n", - " 'identify',\n", - " 'all',\n", - " 'the',\n", - " 'victims',\n", - " 'using',\n", - " 'dna',\n", - " 'analysis',\n", - " 'by',\n", - " 'the',\n", - " 'end',\n", - " 'of',\n", - " 'the',\n", - " 'week',\n", - " ',',\n", - " 'sooner',\n", - " 'than',\n", - " 'authorities',\n", - " 'had',\n", - " 'previously',\n", - " 'suggested',\n", - " '.'],\n", - " ['in',\n", - " 'the',\n", - " 'meantime',\n", - " ',',\n", - " 'the',\n", - " 'recovery',\n", - " 'of',\n", - " 'the',\n", - " 'victims',\n", - " \"'\",\n", - " 'personal',\n", - " 'belongings',\n", - " 'will',\n", - " 'start',\n", - " 'wednesday',\n", - " ',',\n", - " 'menichini',\n", - " 'said',\n", - " '.'],\n", - " ['among',\n", - " 'those',\n", - " 'personal',\n", - " 'belongings',\n", - " 'could',\n", - " 'be',\n", - " 'more',\n", - " 'cell',\n", - " 'phones',\n", - " 'belonging',\n", - " 'to',\n", - " 'the',\n", - " '144',\n", - " 'passengers',\n", - " 'and',\n", - " 'six',\n", - " 'crew',\n", - " 'on',\n", - " 'board',\n", - " '.'],\n", - " ['check', 'out', 'the', 'latest', 'from', 'our', 'correspondents', '.'],\n", - " ['the',\n", - " 'details',\n", - " 'about',\n", - " 'lubitz',\n", - " \"'s\",\n", - " 'correspondence',\n", - " 'with',\n", - " 'the',\n", - " 'flight',\n", - " 'school',\n", - " 'during',\n", - " 'his',\n", - " 'training',\n", - " 'were',\n", - " 'among',\n", - " 'several',\n", - " 'developments',\n", - " 'as',\n", - " 'investigators',\n", - " 'continued',\n", - " 'to',\n", - " 'delve',\n", - " 'into',\n", - " 'what',\n", - " 'caused',\n", - " 'the',\n", - " 'crash',\n", - " 'and',\n", - " 'lubitz',\n", - " \"'s\",\n", - " 'possible',\n", - " 'motive',\n", - " 'for',\n", - " 'downing',\n", - " 'the',\n", - " 'jet',\n", - " '.'],\n", - " ['a',\n", - " 'lufthansa',\n", - " 'spokesperson',\n", - " 'told',\n", - " 'cnn',\n", - " 'on',\n", - " 'tuesday',\n", - " 'that',\n", - " 'lubitz',\n", - " 'had',\n", - " 'a',\n", - " 'valid',\n", - " 'medical',\n", - " 'certificate',\n", - " ',',\n", - " 'had',\n", - " 'passed',\n", - " 'all',\n", - " 'his',\n", - " 'examinations',\n", - " 'and',\n", - " '``',\n", - " 'held',\n", - " 'all',\n", - " 'the',\n", - " 'licenses',\n", - " 'required',\n", - " '.',\n", - " '``'],\n", - " ['earlier',\n", - " ',',\n", - " 'a',\n", - " 'spokesman',\n", - " 'for',\n", - " 'the',\n", - " 'prosecutor',\n", - " \"'s\",\n", - " 'office',\n", - " 'in',\n", - " 'dusseldorf',\n", - " ',',\n", - " 'christoph',\n", - " 'kumpa',\n", - " ',',\n", - " 'said',\n", - " 'medical',\n", - " 'records',\n", - " 'reveal',\n", - " 'lubitz',\n", - " 'suffered',\n", - " 'from',\n", - " 'suicidal',\n", - " 'tendencies',\n", - " 'at',\n", - " 'some',\n", - " 'point',\n", - " 'before',\n", - " 'his',\n", - " 'aviation',\n", - " 'career',\n", - " 'and',\n", - " 'underwent',\n", - " 'psychotherapy',\n", - " 'before',\n", - " 'he',\n", - " 'got',\n", - " 'his',\n", - " 'pilot',\n", - " \"'s\",\n", - " 'license',\n", - " '.'],\n", - " ['kumpa',\n", - " 'emphasized',\n", - " 'there',\n", - " \"'s\",\n", - " 'no',\n", - " 'evidence',\n", - " 'suggesting',\n", - " 'lubitz',\n", - " 'was',\n", - " 'suicidal',\n", - " 'or',\n", - " 'acting',\n", - " 'aggressively',\n", - " 'before',\n", - " 'the',\n", - " 'crash',\n", - " '.'],\n", - " ['investigators',\n", - " 'are',\n", - " 'looking',\n", - " 'into',\n", - " 'whether',\n", - " 'lubitz',\n", - " 'feared',\n", - " 'his',\n", - " 'medical',\n", - " 'condition',\n", - " 'would',\n", - " 'cause',\n", - " 'him',\n", - " 'to',\n", - " 'lose',\n", - " 'his',\n", - " 'pilot',\n", - " \"'s\",\n", - " 'license',\n", - " ',',\n", - " 'a',\n", - " 'european',\n", - " 'government',\n", - " 'official',\n", - " 'briefed',\n", - " 'on',\n", - " 'the',\n", - " 'investigation',\n", - " 'told',\n", - " 'cnn',\n", - " 'on',\n", - " 'tuesday',\n", - " '.'],\n", - " ['while',\n", - " 'flying',\n", - " 'was',\n", - " '``',\n", - " 'a',\n", - " 'big',\n", - " 'part',\n", - " 'of',\n", - " 'his',\n", - " 'life',\n", - " ',',\n", - " '``',\n", - " 'the',\n", - " 'source',\n", - " 'said',\n", - " ',',\n", - " 'it',\n", - " \"'s\",\n", - " 'only',\n", - " 'one',\n", - " 'theory',\n", - " 'being',\n", - " 'considered',\n", - " '.'],\n", - " ['another',\n", - " 'source',\n", - " ',',\n", - " 'a',\n", - " 'law',\n", - " 'enforcement',\n", - " 'official',\n", - " 'briefed',\n", - " 'on',\n", - " 'the',\n", - " 'investigation',\n", - " ',',\n", - " 'also',\n", - " 'told',\n", - " 'cnn',\n", - " 'that',\n", - " 'authorities',\n", - " 'believe',\n", - " 'the',\n", - " 'primary',\n", - " 'motive',\n", - " 'for',\n", - " 'lubitz',\n", - " 'to',\n", - " 'bring',\n", - " 'down',\n", - " 'the',\n", - " 'plane',\n", - " 'was',\n", - " 'that',\n", - " 'he',\n", - " 'feared',\n", - " 'he',\n", - " 'would',\n", - " 'not',\n", - " 'be',\n", - " 'allowed',\n", - " 'to',\n", - " 'fly',\n", - " 'because',\n", - " 'of',\n", - " 'his',\n", - " 'medical',\n", - " 'problems',\n", - " '.'],\n", - " ['lubitz',\n", - " \"'s\",\n", - " 'girlfriend',\n", - " 'told',\n", - " 'investigators',\n", - " 'he',\n", - " 'had',\n", - " 'seen',\n", - " 'an',\n", - " 'eye',\n", - " 'doctor',\n", - " 'and',\n", - " 'a',\n", - " 'neuropsychologist',\n", - " ',',\n", - " 'both',\n", - " 'of',\n", - " 'whom',\n", - " 'deemed',\n", - " 'him',\n", - " 'unfit',\n", - " 'to',\n", - " 'work',\n", - " 'recently',\n", - " 'and',\n", - " 'concluded',\n", - " 'he',\n", - " 'had',\n", - " 'psychological',\n", - " 'issues',\n", - " ',',\n", - " 'the',\n", - " 'european',\n", - " 'government',\n", - " 'official',\n", - " 'said',\n", - " '.'],\n", - " ['but',\n", - " 'no',\n", - " 'matter',\n", - " 'what',\n", - " 'details',\n", - " 'emerge',\n", - " 'about',\n", - " 'his',\n", - " 'previous',\n", - " 'mental',\n", - " 'health',\n", - " 'struggles',\n", - " ',',\n", - " 'there',\n", - " \"'s\",\n", - " 'more',\n", - " 'to',\n", - " 'the',\n", - " 'story',\n", - " ',',\n", - " 'said',\n", - " 'brian',\n", - " 'russell',\n", - " ',',\n", - " 'a',\n", - " 'forensic',\n", - " 'psychologist',\n", - " '.',\n", - " '``'],\n", - " ['psychology',\n", - " 'can',\n", - " 'explain',\n", - " 'why',\n", - " 'somebody',\n", - " 'would',\n", - " 'turn',\n", - " 'rage',\n", - " 'inward',\n", - " 'on',\n", - " 'themselves',\n", - " 'about',\n", - " 'the',\n", - " 'fact',\n", - " 'that',\n", - " 'maybe',\n", - " 'they',\n", - " 'were',\n", - " \"n't\",\n", - " 'going',\n", - " 'to',\n", - " 'keep',\n", - " 'doing',\n", - " 'their',\n", - " 'job',\n", - " 'and',\n", - " 'they',\n", - " \"'re\",\n", - " 'upset',\n", - " 'about',\n", - " 'that',\n", - " 'and',\n", - " 'so',\n", - " 'they',\n", - " \"'re\",\n", - " 'suicidal',\n", - " ',',\n", - " '``',\n", - " 'he',\n", - " 'said',\n", - " '.',\n", - " '``'],\n", - " ['but',\n", - " 'there',\n", - " 'is',\n", - " 'no',\n", - " 'mental',\n", - " 'illness',\n", - " 'that',\n", - " 'explains',\n", - " 'why',\n", - " 'somebody',\n", - " 'then',\n", - " 'feels',\n", - " 'entitled',\n", - " 'to',\n", - " 'also',\n", - " 'take',\n", - " 'that',\n", - " 'rage',\n", - " 'and',\n", - " 'turn',\n", - " 'it',\n", - " 'outward',\n", - " 'on',\n", - " '149',\n", - " 'other',\n", - " 'people',\n", - " 'who',\n", - " 'had',\n", - " 'nothing',\n", - " 'to',\n", - " 'do',\n", - " 'with',\n", - " 'the',\n", - " 'person',\n", - " \"'s\",\n", - " 'problems',\n", - " '.',\n", - " '``'],\n", - " ['germanwings', 'crash', 'compensation', ':', 'what', 'we', 'know', '.'],\n", - " ['who', 'was', 'the', 'captain', 'of', 'germanwings', 'flight', '9525', '?'],\n", - " ['cnn',\n", - " \"'s\",\n", - " 'margot',\n", - " 'haddad',\n", - " 'reported',\n", - " 'from',\n", - " 'marseille',\n", - " 'and',\n", - " 'pamela',\n", - " 'brown',\n", - " 'from',\n", - " 'dusseldorf',\n", - " ',',\n", - " 'while',\n", - " 'laura',\n", - " 'smith-spark',\n", - " 'wrote',\n", - " 'from',\n", - " 'london',\n", - " '.'],\n", - " ['cnn',\n", - " \"'s\",\n", - " 'frederik',\n", - " 'pleitgen',\n", - " ',',\n", - " 'pamela',\n", - " 'boykoff',\n", - " ',',\n", - " 'antonia',\n", - " 'mortensen',\n", - " ',',\n", - " 'sandrine',\n", - " 'amiel',\n", - " 'and',\n", - " 'anna-maja',\n", - " 'rappard',\n", - " 'contributed',\n", - " 'to',\n", - " 'this',\n", - " 'report',\n", - " '.']],\n", - " 'tgt': [['marseille',\n", - " 'prosecutor',\n", - " 'says',\n", - " '``',\n", - " 'so',\n", - " 'far',\n", - " 'no',\n", - " 'videos',\n", - " 'were',\n", - " 'used',\n", - " 'in',\n", - " 'the',\n", - " 'crash',\n", - " 'investigation',\n", - " '``',\n", - " 'despite',\n", - " 'media',\n", - " 'reports',\n", - " '.'],\n", - " ['journalists',\n", - " 'at',\n", - " 'bild',\n", - " 'and',\n", - " 'paris',\n", - " 'match',\n", - " 'are',\n", - " '``',\n", - " 'very',\n", - " 'confident',\n", - " '``',\n", - " 'the',\n", - " 'video',\n", - " 'clip',\n", - " 'is',\n", - " 'real',\n", - " ',',\n", - " 'an',\n", - " 'editor',\n", - " 'says',\n", - " '.'],\n", - " ['andreas',\n", - " 'lubitz',\n", - " 'had',\n", - " 'informed',\n", - " 'his',\n", - " 'lufthansa',\n", - " 'training',\n", - " 'school',\n", - " 'of',\n", - " 'an',\n", - " 'episode',\n", - " 'of',\n", - " 'severe',\n", - " 'depression',\n", - " ',',\n", - " 'airline',\n", - " 'says',\n", - " '.'],\n", - " []]}" - ] - }, - "execution_count": 16, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "jobs[0]" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Inspect the data" - ] - }, - { - "cell_type": "code", - "execution_count": 17, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "100\n" - ] - }, - { - "data": { - "text/plain": [ - "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" - ] - }, - "execution_count": 17, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "import torch\n", - "bert_format_data = torch.load(PROCESSED_TRAIN_FILE)\n", - "print(len(bert_format_data))\n", - "bert_format_data[0].keys()\n" - ] - }, - { - "cell_type": "code", - "execution_count": 18, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "[101,\n", - " 1006,\n", - " 13229,\n", - " 1007,\n", - " 1011,\n", - " 1011,\n", - " 1996,\n", - " 2120,\n", - " 2374,\n", - " 2223,\n", - " 2038,\n", - " 20733,\n", - " 6731,\n", - " 5865,\n", - " 14929,\n", - " 9074,\n", - " 2745,\n", - " 10967,\n", - " 2243,\n", - " 2302,\n", - " 3477,\n", - " 1010,\n", - " 4584,\n", - " 2007,\n", - " 1996,\n", - " 2223,\n", - " 2056,\n", - " 5958,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 5088,\n", - " 2732,\n", - " 2745,\n", - " 10967,\n", - " 2243,\n", - " 2003,\n", - " 2275,\n", - " 2000,\n", - " 3711,\n", - " 1999,\n", - " 2457,\n", - " 6928,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 1037,\n", - " 3648,\n", - " 2097,\n", - " 2031,\n", - " 1996,\n", - " 2345,\n", - " 2360,\n", - " 2006,\n", - " 1037,\n", - " 14865,\n", - " 3066,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 3041,\n", - " 1010,\n", - " 10967,\n", - " 2243,\n", - " 4914,\n", - " 2000,\n", - " 8019,\n", - " 1999,\n", - " 1037,\n", - " 3899,\n", - " 22158,\n", - " 3614,\n", - " 2004,\n", - " 2112,\n", - " 1997,\n", - " 1037,\n", - " 14865,\n", - " 3820,\n", - " 2007,\n", - " 2976,\n", - " 19608,\n", - " 1999,\n", - " 3448,\n", - " 1012,\n", - " 1036,\n", - " 1036,\n", - " 102,\n", - " 101,\n", - " 2115,\n", - " 4914,\n", - " 6204,\n", - " 2001,\n", - " 2025,\n", - " 2069,\n", - " 6206,\n", - " 1010,\n", - " 2021,\n", - " 2036,\n", - " 10311,\n", - " 1998,\n", - " 16360,\n", - " 2890,\n", - " 10222,\n", - " 19307,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 2115,\n", - " 2136,\n", - " 1010,\n", - " 1996,\n", - " 5088,\n", - " 1010,\n", - " 1998,\n", - " 5088,\n", - " 4599,\n", - " 2031,\n", - " 2035,\n", - " 2042,\n", - " 3480,\n", - " 2011,\n", - " 2115,\n", - " 4506,\n", - " 1010,\n", - " 1036,\n", - " 1036,\n", - " 5088,\n", - " 5849,\n", - " 5074,\n", - " 2204,\n", - " 5349,\n", - " 2056,\n", - " 1999,\n", - " 1037,\n", - " 3661,\n", - " 2000,\n", - " 10967,\n", - " 2243,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 2204,\n", - " 5349,\n", - " 2056,\n", - " 2002,\n", - " 2052,\n", - " 3319,\n", - " 1996,\n", - " 3570,\n", - " 1997,\n", - " 1996,\n", - " 8636,\n", - " 2044,\n", - " 1996,\n", - " 3423,\n", - " 8931,\n", - " 2024,\n", - " 2058,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 1999,\n", - " 4981,\n", - " 6406,\n", - " 5958,\n", - " 2007,\n", - " 1037,\n", - " 2976,\n", - " 2457,\n", - " 1999,\n", - " 3448,\n", - " 1010,\n", - " 10967,\n", - " 2243,\n", - " 2036,\n", - " 4914,\n", - " 2008,\n", - " 2002,\n", - " 1998,\n", - " 2048,\n", - " 2522,\n", - " 1011,\n", - " 9530,\n", - " 13102,\n", - " 7895,\n", - " 6591,\n", - " 2730,\n", - " 6077,\n", - " 2008,\n", - " 2106,\n", - " 2025,\n", - " 2954,\n", - " 2092,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 14929,\n", - " 3954,\n", - " 4300,\n", - " 8744,\n", - " 2056,\n", - " 10967,\n", - " 2243,\n", - " 1005,\n", - " 1055,\n", - " 20247,\n", - " 6235,\n", - " 4506,\n", - " 2008,\n", - " 2024,\n", - " 1036,\n", - " 1036,\n", - " 4297,\n", - " 25377,\n", - " 2890,\n", - " 10222,\n", - " 19307,\n", - " 1998,\n", - " 21873,\n", - " 1012,\n", - " 1036,\n", - " 1036,\n", - " 102,\n", - " 101,\n", - " 1996,\n", - " 8636,\n", - " 3084,\n", - " 1036,\n", - " 1036,\n", - " 1037,\n", - " 2844,\n", - " 4861,\n", - " 2008,\n", - " 6204,\n", - " 2029,\n", - " 16985,\n", - " 24014,\n", - " 2229,\n", - " 1996,\n", - " 2204,\n", - " 5891,\n", - " 1997,\n", - " 1996,\n", - " 5088,\n", - " 2097,\n", - " 2025,\n", - " 2022,\n", - " 25775,\n", - " 1010,\n", - " 1036,\n", - " 1036,\n", - " 2002,\n", - " 2056,\n", - " 1999,\n", - " 1037,\n", - " 4861,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 3422,\n", - " 2054,\n", - " 2419,\n", - " 2000,\n", - " 10967,\n", - " 2243,\n", - " 1005,\n", - " 1055,\n", - " 8636,\n", - " 1036,\n", - " 1036,\n", - " 2204,\n", - " 5349,\n", - " 2056,\n", - " 1996,\n", - " 14929,\n", - " 2071,\n", - " 1036,\n", - " 1036,\n", - " 20865,\n", - " 2151,\n", - " 4447,\n", - " 2030,\n", - " 2128,\n", - " 7583,\n", - " 3111,\n", - " 1036,\n", - " 1036,\n", - " 2000,\n", - " 8980,\n", - " 1002,\n", - " 2570,\n", - " 2454,\n", - " 1997,\n", - " 10967,\n", - " 2243,\n", - " 1005,\n", - " 1055,\n", - " 6608,\n", - " 6781,\n", - " 2013,\n", - " 1996,\n", - " 2184,\n", - " 1011,\n", - " 2095,\n", - " 1010,\n", - " 1002,\n", - " 7558,\n", - " 2454,\n", - " 3206,\n", - " 2002,\n", - " 2772,\n", - " 1999,\n", - " 2432,\n", - " 1010,\n", - " 2429,\n", - " 2000,\n", - " 1996,\n", - " 3378,\n", - " 2811,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 10967,\n", - " 2243,\n", - " 2056,\n", - " 2002,\n", - " 2052,\n", - " 25803,\n", - " 5905,\n", - " 2000,\n", - " 2028,\n", - " 4175,\n", - " 1997,\n", - " 1036,\n", - " 1036,\n", - " 9714,\n", - " 2000,\n", - " 3604,\n", - " 1999,\n", - " 7553,\n", - " 6236,\n", - " 1999,\n", - " 4681,\n", - " 1997,\n", - " 22300,\n", - " 3450,\n", - " 1998,\n", - " 2000,\n", - " 10460,\n", - " 1037,\n", - " 3899,\n", - " 1999,\n", - " 2019,\n", - " 4111,\n", - " 3554,\n", - " 6957,\n", - " 1036,\n", - " 1036,\n", - " 1999,\n", - " 1037,\n", - " 14865,\n", - " 3820,\n", - " 6406,\n", - " 2012,\n", - " 1057,\n", - " 1012,\n", - " 1055,\n", - " 1012,\n", - " 2212,\n", - " 2457,\n", - " 1999,\n", - " 6713,\n", - " 1010,\n", - " 3448,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 1996,\n", - " 3715,\n", - " 2003,\n", - " 16385,\n", - " 3085,\n", - " 2011,\n", - " 2039,\n", - " 2000,\n", - " 2274,\n", - " 2086,\n", - " 1999,\n", - " 3827,\n", - " 1010,\n", - " 1037,\n", - " 1002,\n", - " 5539,\n", - " 1010,\n", - " 2199,\n", - " 2986,\n", - " 1010,\n", - " 1036,\n", - " 1036,\n", - " 2440,\n", - " 2717,\n", - " 4183,\n", - " 13700,\n", - " 1010,\n", - " 1037,\n", - " 2569,\n", - " 7667,\n", - " 1998,\n", - " 1017,\n", - " 2086,\n", - " 1997,\n", - " 13588,\n", - " 2713,\n", - " 1010,\n", - " 1036,\n", - " 1036,\n", - " 1996,\n", - " 14865,\n", - " 3066,\n", - " 2056,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 2976,\n", - " 19608,\n", - " 3530,\n", - " 2000,\n", - " 3198,\n", - " 2005,\n", - " 1996,\n", - " 2659,\n", - " 2203,\n", - " 1997,\n", - " 1996,\n", - " 23280,\n", - " 11594,\n", - " 1012,\n", - " 1036,\n", - " 1036,\n", - " 102,\n", - " 101,\n", - " 1996,\n", - " 13474,\n", - " 2097,\n", - " 25803,\n", - " 5905,\n", - " 2138,\n", - " 1996,\n", - " 13474,\n", - " 2003,\n", - " 1999,\n", - " 2755,\n", - " 5905,\n", - " 1997,\n", - " 1996,\n", - " 5338,\n", - " 10048,\n", - " 1010,\n", - " 1036,\n", - " 1036,\n", - " 1996,\n", - " 14865,\n", - " 3820,\n", - " 2056,\n", - " 1012,\n", - " 102,\n", - " 101,\n", - " 1999,\n", - " 2019,\n", - " 3176,\n", - " 12654,\n", - " 1997,\n", - " 8866,\n", - " 1010,\n", - " 2772,\n", - " 2011,\n", - " 10967,\n", - " 2243,\n", - " 1998,\n", - " 6406,\n", - " 2007,\n", - " 1996,\n", - " 3820,\n", - " 1010,\n", - " 10967,\n", - " 2243,\n", - " 4914,\n", - " 9343,\n", - " 6770,\n", - " 12065,\n", - " 1998,\n", - " 1996,\n", - " 3200,\n", - " 2109,\n", - " 2005,\n", - " 2731,\n", - " 1998,\n", - " 3554,\n", - " 1996,\n", - " 6077,\n", - " 1010,\n", - " 2021,\n", - " 1996,\n", - " 4861,\n", - " 2056,\n", - " 2002,\n", - " 2106,\n", - " 2025,\n", - " 6655,\n", - " 2006,\n", - " 1996,\n", - " 102]" - ] - }, - "execution_count": 18, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "bert_format_data[5]['src']" - ] - }, - { - "cell_type": "code", - "execution_count": 19, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "\"new : nfl chief , atlanta falcons owner critical of michael vick 's conduct .nfl suspends falcons quarterback indefinitely without pay .vick admits funding dogfighting operation but says he did not gamble .vick due in federal court monday ; future in nfl remains uncertain .\"" - ] - }, - "execution_count": 19, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "bert_format_data[5]['tgt_txt']" - ] - }, - { - "cell_type": "code", - "execution_count": 20, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "[1, 1, 0, 0, 0, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" - ] - }, - "execution_count": 20, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "bert_format_data[5]['labels']" - ] - }, - { - "cell_type": "code", - "execution_count": 21, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['( cnn ) -- the national football league has indefinitely suspended atlanta falcons quarterback michael vick without pay , officials with the league said friday .',\n", - " 'nfl star michael vick is set to appear in court monday .',\n", - " 'a judge will have the final say on a plea deal .',\n", - " 'earlier , vick admitted to participating in a dogfighting ring as part of a plea agreement with federal prosecutors in virginia . ``',\n", - " 'your admitted conduct was not only illegal , but also cruel and reprehensible .',\n", - " 'your team , the nfl , and nfl fans have all been hurt by your actions , `` nfl commissioner roger goodell said in a letter to vick .',\n", - " 'goodell said he would review the status of the suspension after the legal proceedings are over .',\n", - " 'in papers filed friday with a federal court in virginia , vick also admitted that he and two co-conspirators killed dogs that did not fight well .',\n", - " \"falcons owner arthur blank said vick 's admissions describe actions that are `` incomprehensible and unacceptable . ``\",\n", - " 'the suspension makes `` a strong statement that conduct which tarnishes the good reputation of the nfl will not be tolerated , `` he said in a statement .',\n", - " \"watch what led to vick 's suspension `` goodell said the falcons could `` assert any claims or remedies `` to recover $ 22 million of vick 's signing bonus from the 10-year , $ 130 million contract he signed in 2004 , according to the associated press .\",\n", - " 'vick said he would plead guilty to one count of `` conspiracy to travel in interstate commerce in aid of unlawful activities and to sponsor a dog in an animal fighting venture `` in a plea agreement filed at u.s. district court in richmond , virginia .',\n", - " 'the charge is punishable by up to five years in prison , a $ 250,000 fine , `` full restitution , a special assessment and 3 years of supervised release , `` the plea deal said .',\n", - " 'federal prosecutors agreed to ask for the low end of the sentencing guidelines . ``',\n", - " 'the defendant will plead guilty because the defendant is in fact guilty of the charged offense , `` the plea agreement said .',\n", - " 'in an additional summary of facts , signed by vick and filed with the agreement , vick admitted buying pit bulls and the property used for training and fighting the dogs , but the statement said he did not bet on the fights or receive any of the money won . ``',\n", - " \"most of the ` bad newz kennels ' operations and gambling monies were provided by vick , `` the official summary of facts said .\",\n", - " 'gambling wins were generally split among co-conspirators tony taylor , quanis phillips and sometimes purnell peace , it continued . ``',\n", - " 'vick did not gamble by placing side bets on any of the fights .',\n", - " \"vick did not receive any of the proceeds from the purses that were won by ` bad newz kennels . '\",\n", - " '`` vick also agreed that `` collective efforts `` by him and two others caused the deaths of at least six dogs .',\n", - " \"around april , vick , peace and phillips tested some dogs in fighting sessions at vick 's property in virginia , the statement said . ``\",\n", - " \"peace , phillips and vick agreed to the killing of approximately 6-8 dogs that did not perform well in ` testing ' sessions at 1915 moonlight road and all of those dogs were killed by various methods , including hanging and drowning . ``\",\n", - " 'vick agrees and stipulates that these dogs all died as a result of the collective efforts of peace , phillips and vick , `` the summary said .',\n", - " 'peace , 35 , of virginia beach , virginia ; phillips , 28 , of atlanta , georgia ; and taylor , 34 , of hampton , virginia , already have accepted agreements to plead guilty in exchange for reduced sentences .',\n", - " 'vick , 27 , is scheduled to appear monday in court , where he is expected to plead guilty before a judge .',\n", - " 'see a timeline of the case against vick `` the judge in the case will have the final say over the plea agreement .',\n", - " \"the federal case against vick focused on the interstate conspiracy , but vick 's admission that he was involved in the killing of dogs could lead to local charges , according to cnn legal analyst jeffrey toobin . ``\",\n", - " 'it sometimes happens -- not often -- that the state will follow a federal prosecution by charging its own crimes for exactly the same behavior , `` toobin said friday . ``',\n", - " 'the risk for vick is , if he makes admissions in his federal guilty plea , the state of virginia could say , ` hey , look , you admitted violating virginia state law as well .',\n", - " \"we 're going to introduce that against you and charge you in our court . '\",\n", - " '`` in the plea deal , vick agreed to cooperate with investigators and provide all information he may have on any criminal activity and to testify if necessary .',\n", - " 'vick also agreed to turn over any documents he has and to submit to polygraph tests .',\n", - " 'vick agreed to `` make restitution for the full amount of the costs associated `` with the dogs that are being held by the government . ``',\n", - " 'such costs may include , but are not limited to , all costs associated with the care of the dogs involved in that case , including if necessary , the long-term care and/or the humane euthanasia of some or all of those animals . ``',\n", - " 'prosecutors , with the support of animal rights activists , have asked for permission to euthanize the dogs .',\n", - " 'but the dogs could serve as important evidence in the cases against vick and his admitted co-conspirators .',\n", - " 'judge henry e. hudson issued an order thursday telling the u.s. marshals service to `` arrest and seize the defendant property , and use discretion and whatever means appropriate to protect and maintain said defendant property . ``',\n", - " \"both the judge 's order and vick 's filing refer to `` approximately `` 53 pit bull dogs .\",\n", - " \"after vick 's indictment last month , goodell ordered the quarterback not to report to the falcons training camp , and the league is reviewing the case .\",\n", - " \"blank told the nfl network on monday he could not speculate on vick 's future as a falcon , at least not until he had seen `` a statement of facts `` in the case .\",\n", - " \"cnn 's mike phelan contributed to this report .\"]" - ] - }, - "execution_count": 21, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "bert_format_data[5]['src_txt']\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Model training\n", - "To start model training, we need to create a instance of BertSumExtractiveSummarizer, a wrapper for running BertSum-based finetuning. You can select any device ID on your machine, but make sure that you include the string version of the device ID in the gpu_ranks argument.\n", - "\n", - "\n" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [], - "source": [ - "## choose which GPU device to use\n", - "device_id = 0\n", - "gpu_ranks = str(device_id)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Choose the encoder algorithm. There are four options:\n", - "- baseline: it used a smaller transformer model to replace the bert model and with transformer summarization layer\n", - "- classifier: it uses pretrained BERT and fine-tune BERT with **simple logistic classification** summarization layer\n", - "- transformer: it uses pretrained BERT and fine-tune BERT with **transformer** summarization layer\n", - "- RNN: it uses pretrained BERT and fine-tune BERT with **LSTM** summarization layer" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [], - "source": [ - "encoder = 'transformer'\n", - "model_base_path = './models/'\n", - "log_base_path = './logs/'\n", - "result_base_path = './results'\n", - "\n", - "import os\n", - "if not os.path.exists(model_base_path):\n", - " os.makedirs(model_base_path)\n", - "if not os.path.exists(log_base_path):\n", - " os.makedirs(log_base_path)\n", - "if not os.path.exists(result_base_path):\n", - " os.makedirs(result_base_path)\n", - " \n", - "from random import random\n", - "random_number = random()" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": {}, - "outputs": [], - "source": [ - "from transformers import PreTrainedModel, PretrainedConfig, DistilBertModel, BertModel, DistilBertConfig" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "'./logs/transformer0.053089538280404525'" - ] - }, - "execution_count": 10, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "log_base_path + encoder + str(random_number)" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['0']\n" - ] - } - ], - "source": [ - "from utils_nlp.models.bert.extractive_text_summarization import BertSumExtractiveSummarizer\n", - "bertsum_model = BertSumExtractiveSummarizer(encoder = encoder, \n", - " model_path = model_base_path + encoder + str(random_number),\n", - " log_file = log_base_path + encoder + str(random_number),\n", - " bert_config_path = BERT_CONFIG_PATH,\n", - " gpu_ranks = gpu_ranks,)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Here we use the fully processed CNN/DM dataset to train the model. During the training, you can stop any time and retrain from the previous saved checkpoint." - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": {}, - "outputs": [], - "source": [ - "if USE_PREPROCESSED_DATA is False:\n", - " training_data_files = [PROCESSED_TRAIN_FILE]\n", - "else: \n", - " import glob\n", - " pts = sorted(glob.glob(BERT_DATA_PATH + 'cnndm.train' + '.[0-9]*.pt'))\n", - " training_data_files = pts" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": {}, - "outputs": [], - "source": [ - "#training_data_files" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": {}, - "outputs": [], - "source": [ - "## training_steps is (number of epoches * the total number of batches in the training data )/ accumulation_steps \n", - "## batch_size is the maximum number of tokens among all the training examples * number of training examples,\n", - "## training steps used by each GPU should be divided by number of GPU used for fair comparison.\n", - "## usually 10K steps can yield a model with decent performance\n", - "if QUICK_RUN:\n", - " train_steps = 10000\n", - "else:\n", - " train_steps = 50000" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-19 02:32:55,339 INFO] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-config.json from cache at ./temp/4dad0251492946e18ac39290fcfe91b89d370fee250efe9521476438fe8ca185.bf3b9ea126d8c0001ee8a1e8b92229871d06d36d8808208cc2449280da87785c\n", - "[2019-10-19 02:32:55,340 INFO] Model config {\n", - " \"attention_probs_dropout_prob\": 0.1,\n", - " \"finetuning_task\": null,\n", - " \"hidden_act\": \"gelu\",\n", - " \"hidden_dropout_prob\": 0.1,\n", - " \"hidden_size\": 768,\n", - " \"initializer_range\": 0.02,\n", - " \"intermediate_size\": 3072,\n", - " \"layer_norm_eps\": 1e-12,\n", - " \"max_position_embeddings\": 512,\n", - " \"num_attention_heads\": 12,\n", - " \"num_hidden_layers\": 12,\n", - " \"num_labels\": 2,\n", - " \"output_attentions\": false,\n", - " \"output_hidden_states\": false,\n", - " \"output_past\": true,\n", - " \"pruned_heads\": {},\n", - " \"torchscript\": false,\n", - " \"type_vocab_size\": 2,\n", - " \"use_bfloat16\": false,\n", - " \"vocab_size\": 30522\n", - "}\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{'accum_count': 2, 'batch_size': 3000, 'beta1': 0.9, 'beta2': 0.999, 'block_trigram': True, 'decay_method': 'noam', 'dropout': 0.1, 'encoder': 'transformer', 'ff_size': 512, 'gpu_ranks': '0', 'heads': 4, 'hidden_size': 128, 'inter_layers': 2, 'lr': 0.002, 'max_grad_norm': 0, 'max_nsents': 100, 'max_src_ntokens': 200, 'min_nsents': 3, 'min_src_ntokens': 10, 'optim': 'adam', 'oracle_mode': 'combination', 'param_init': 0.0, 'param_init_glorot': True, 'recall_eval': False, 'report_every': 50, 'report_rouge': True, 'rnn_size': 512, 'save_checkpoint_steps': 500, 'seed': 42, 'temp_dir': './temp', 'test_all': False, 'test_from': '', 'train_from': '', 'use_interval': True, 'visible_gpus': '0', 'warmup_steps': 2000, 'world_size': 1, 'model_path': './models/transformer0.986928701409742', 'log_file': './logs/transformer0.986928701409742', 'bert_config_path': './bert_config_uncased_base.json', 'gpu_ranks_map': {0: 0}}\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-19 02:32:55,460 INFO] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-pytorch_model.bin from cache at ./temp/aa1ef1aede4482d0dbcd4d52baad8ae300e60902e88fcb0bebdec09afd232066.36ca03ab34a1a5d5fa7bc3d03d55c4fa650fed07220e2eeebc06ce58d0e9a157\n", - "[2019-10-19 02:33:00,740 INFO] * number of parameters: 115790849\n", - "[2019-10-19 02:33:00,741 INFO] Start training...\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "device_id 0\n", - "gpu_rank 0\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-19 02:33:21,029 INFO] Step 50/10000; xent: 3.90; lr: 0.0000011; 50 docs/s; 20 sec\n", - "[2019-10-19 02:33:40,979 INFO] Step 100/10000; xent: 3.45; lr: 0.0000022; 51 docs/s; 40 sec\n", - "[2019-10-19 02:34:01,038 INFO] Step 150/10000; xent: 3.42; lr: 0.0000034; 50 docs/s; 60 sec\n", - "[2019-10-19 02:34:21,678 INFO] Step 200/10000; xent: 3.33; lr: 0.0000045; 49 docs/s; 81 sec\n", - "[2019-10-19 02:34:41,616 INFO] Step 250/10000; xent: 3.23; lr: 0.0000056; 50 docs/s; 101 sec\n", - "[2019-10-19 02:35:01,703 INFO] Step 300/10000; xent: 3.14; lr: 0.0000067; 51 docs/s; 121 sec\n", - "[2019-10-19 02:35:21,877 INFO] Step 350/10000; xent: 3.27; lr: 0.0000078; 51 docs/s; 141 sec\n", - "[2019-10-19 02:35:42,363 INFO] Step 400/10000; xent: 3.19; lr: 0.0000089; 49 docs/s; 162 sec\n", - "[2019-10-19 02:36:02,311 INFO] Step 450/10000; xent: 3.20; lr: 0.0000101; 50 docs/s; 181 sec\n", - "[2019-10-19 02:36:22,238 INFO] Step 500/10000; xent: 3.15; lr: 0.0000112; 51 docs/s; 201 sec\n", - "[2019-10-19 02:36:22,243 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_500.pt\n", - "[2019-10-19 02:36:43,577 INFO] Step 550/10000; xent: 3.20; lr: 0.0000123; 47 docs/s; 223 sec\n", - "[2019-10-19 02:37:04,098 INFO] Step 600/10000; xent: 3.15; lr: 0.0000134; 48 docs/s; 243 sec\n", - "[2019-10-19 02:37:24,028 INFO] Step 650/10000; xent: 3.09; lr: 0.0000145; 51 docs/s; 263 sec\n", - "[2019-10-19 02:37:44,052 INFO] Step 700/10000; xent: 3.07; lr: 0.0000157; 50 docs/s; 283 sec\n", - "[2019-10-19 02:38:03,992 INFO] Step 750/10000; xent: 3.09; lr: 0.0000168; 50 docs/s; 303 sec\n", - "[2019-10-19 02:38:24,385 INFO] Step 800/10000; xent: 3.11; lr: 0.0000179; 49 docs/s; 324 sec\n", - "[2019-10-19 02:38:44,304 INFO] Step 850/10000; xent: 3.03; lr: 0.0000190; 50 docs/s; 343 sec\n", - "[2019-10-19 02:39:04,298 INFO] Step 900/10000; xent: 3.09; lr: 0.0000201; 51 docs/s; 363 sec\n", - "[2019-10-19 02:39:24,058 INFO] Step 950/10000; xent: 3.01; lr: 0.0000212; 50 docs/s; 383 sec\n", - "[2019-10-19 02:39:44,710 INFO] Step 1000/10000; xent: 3.03; lr: 0.0000224; 49 docs/s; 404 sec\n", - "[2019-10-19 02:39:44,714 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_1000.pt\n", - "[2019-10-19 02:40:05,989 INFO] Step 1050/10000; xent: 2.98; lr: 0.0000235; 48 docs/s; 425 sec\n", - "[2019-10-19 02:40:25,825 INFO] Step 1100/10000; xent: 3.05; lr: 0.0000246; 50 docs/s; 445 sec\n", - "[2019-10-19 02:40:45,655 INFO] Step 1150/10000; xent: 2.92; lr: 0.0000257; 51 docs/s; 465 sec\n", - "[2019-10-19 02:41:06,318 INFO] Step 1200/10000; xent: 3.06; lr: 0.0000268; 49 docs/s; 485 sec\n", - "[2019-10-19 02:41:26,237 INFO] Step 1250/10000; xent: 2.97; lr: 0.0000280; 51 docs/s; 505 sec\n", - "[2019-10-19 02:41:46,149 INFO] Step 1300/10000; xent: 2.98; lr: 0.0000291; 51 docs/s; 525 sec\n", - "[2019-10-19 02:42:05,946 INFO] Step 1350/10000; xent: 2.97; lr: 0.0000302; 50 docs/s; 545 sec\n", - "[2019-10-19 02:42:26,622 INFO] Step 1400/10000; xent: 2.92; lr: 0.0000313; 49 docs/s; 566 sec\n", - "[2019-10-19 02:42:46,524 INFO] Step 1450/10000; xent: 2.96; lr: 0.0000324; 50 docs/s; 586 sec\n", - "[2019-10-19 02:43:06,344 INFO] Step 1500/10000; xent: 2.93; lr: 0.0000335; 50 docs/s; 605 sec\n", - "[2019-10-19 02:43:06,349 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_1500.pt\n", - "[2019-10-19 02:43:27,532 INFO] Step 1550/10000; xent: 3.00; lr: 0.0000347; 48 docs/s; 627 sec\n", - "[2019-10-19 02:43:48,869 INFO] Step 1600/10000; xent: 2.95; lr: 0.0000358; 47 docs/s; 648 sec\n", - "[2019-10-19 02:44:08,743 INFO] Step 1650/10000; xent: 2.92; lr: 0.0000369; 50 docs/s; 668 sec\n", - "[2019-10-19 02:44:28,794 INFO] Step 1700/10000; xent: 2.90; lr: 0.0000380; 51 docs/s; 688 sec\n", - "[2019-10-19 02:44:48,474 INFO] Step 1750/10000; xent: 2.94; lr: 0.0000391; 51 docs/s; 708 sec\n", - "[2019-10-19 02:45:09,125 INFO] Step 1800/10000; xent: 2.88; lr: 0.0000402; 49 docs/s; 728 sec\n", - "[2019-10-19 02:45:29,074 INFO] Step 1850/10000; xent: 3.02; lr: 0.0000414; 51 docs/s; 748 sec\n", - "[2019-10-19 02:45:49,046 INFO] Step 1900/10000; xent: 2.96; lr: 0.0000425; 50 docs/s; 768 sec\n", - "[2019-10-19 02:46:09,041 INFO] Step 1950/10000; xent: 2.89; lr: 0.0000436; 51 docs/s; 788 sec\n", - "[2019-10-19 02:46:29,682 INFO] Step 2000/10000; xent: 2.91; lr: 0.0000447; 49 docs/s; 809 sec\n", - "[2019-10-19 02:46:29,686 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_2000.pt\n", - "[2019-10-19 02:46:50,901 INFO] Step 2050/10000; xent: 2.81; lr: 0.0000442; 48 docs/s; 830 sec\n", - "[2019-10-19 02:47:10,867 INFO] Step 2100/10000; xent: 2.85; lr: 0.0000436; 50 docs/s; 850 sec\n", - "[2019-10-19 02:47:30,924 INFO] Step 2150/10000; xent: 2.95; lr: 0.0000431; 50 docs/s; 870 sec\n", - "[2019-10-19 02:47:51,466 INFO] Step 2200/10000; xent: 2.87; lr: 0.0000426; 49 docs/s; 891 sec\n", - "[2019-10-19 02:48:11,405 INFO] Step 2250/10000; xent: 2.89; lr: 0.0000422; 50 docs/s; 911 sec\n", - "[2019-10-19 02:48:31,287 INFO] Step 2300/10000; xent: 2.87; lr: 0.0000417; 50 docs/s; 930 sec\n", - "[2019-10-19 02:48:51,222 INFO] Step 2350/10000; xent: 2.88; lr: 0.0000413; 51 docs/s; 950 sec\n", - "[2019-10-19 02:49:11,935 INFO] Step 2400/10000; xent: 2.82; lr: 0.0000408; 49 docs/s; 971 sec\n", - "[2019-10-19 02:49:31,821 INFO] Step 2450/10000; xent: 2.79; lr: 0.0000404; 51 docs/s; 991 sec\n", - "[2019-10-19 02:49:51,801 INFO] Step 2500/10000; xent: 2.85; lr: 0.0000400; 51 docs/s; 1011 sec\n", - "[2019-10-19 02:49:51,805 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_2500.pt\n", - "[2019-10-19 02:50:12,963 INFO] Step 2550/10000; xent: 2.95; lr: 0.0000396; 48 docs/s; 1032 sec\n", - "[2019-10-19 02:50:33,442 INFO] Step 2600/10000; xent: 2.78; lr: 0.0000392; 49 docs/s; 1053 sec\n", - "[2019-10-19 02:50:53,355 INFO] Step 2650/10000; xent: 2.93; lr: 0.0000389; 51 docs/s; 1073 sec\n", - "[2019-10-19 02:51:13,191 INFO] Step 2700/10000; xent: 2.96; lr: 0.0000385; 51 docs/s; 1092 sec\n", - "[2019-10-19 02:51:33,095 INFO] Step 2750/10000; xent: 2.87; lr: 0.0000381; 51 docs/s; 1112 sec\n", - "[2019-10-19 02:51:53,403 INFO] Step 2800/10000; xent: 2.80; lr: 0.0000378; 49 docs/s; 1133 sec\n", - "[2019-10-19 02:52:13,224 INFO] Step 2850/10000; xent: 2.89; lr: 0.0000375; 50 docs/s; 1152 sec\n", - "[2019-10-19 02:52:33,198 INFO] Step 2900/10000; xent: 2.89; lr: 0.0000371; 51 docs/s; 1172 sec\n", - "[2019-10-19 02:52:53,090 INFO] Step 2950/10000; xent: 2.87; lr: 0.0000368; 51 docs/s; 1192 sec\n", - "[2019-10-19 02:53:13,511 INFO] Step 3000/10000; xent: 2.88; lr: 0.0000365; 49 docs/s; 1213 sec\n", - "[2019-10-19 02:53:13,514 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_3000.pt\n", - "[2019-10-19 02:53:34,637 INFO] Step 3050/10000; xent: 2.92; lr: 0.0000362; 48 docs/s; 1234 sec\n", - "[2019-10-19 02:53:54,402 INFO] Step 3100/10000; xent: 2.81; lr: 0.0000359; 51 docs/s; 1254 sec\n", - "[2019-10-19 02:54:14,136 INFO] Step 3150/10000; xent: 2.89; lr: 0.0000356; 51 docs/s; 1273 sec\n", - "[2019-10-19 02:54:34,743 INFO] Step 3200/10000; xent: 2.85; lr: 0.0000354; 49 docs/s; 1294 sec\n", - "[2019-10-19 02:54:54,686 INFO] Step 3250/10000; xent: 2.84; lr: 0.0000351; 51 docs/s; 1314 sec\n", - "[2019-10-19 02:55:14,555 INFO] Step 3300/10000; xent: 2.73; lr: 0.0000348; 50 docs/s; 1334 sec\n", - "[2019-10-19 02:55:34,379 INFO] Step 3350/10000; xent: 2.86; lr: 0.0000346; 51 docs/s; 1354 sec\n", - "[2019-10-19 02:55:54,853 INFO] Step 3400/10000; xent: 2.79; lr: 0.0000343; 49 docs/s; 1374 sec\n", - "[2019-10-19 02:56:14,734 INFO] Step 3450/10000; xent: 2.82; lr: 0.0000341; 51 docs/s; 1394 sec\n", - "[2019-10-19 02:56:34,512 INFO] Step 3500/10000; xent: 2.81; lr: 0.0000338; 51 docs/s; 1414 sec\n", - "[2019-10-19 02:56:34,516 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_3500.pt\n", - "[2019-10-19 02:56:55,590 INFO] Step 3550/10000; xent: 2.81; lr: 0.0000336; 48 docs/s; 1435 sec\n", - "[2019-10-19 02:57:16,000 INFO] Step 3600/10000; xent: 2.77; lr: 0.0000333; 49 docs/s; 1455 sec\n", - "[2019-10-19 02:57:35,833 INFO] Step 3650/10000; xent: 2.81; lr: 0.0000331; 51 docs/s; 1475 sec\n", - "[2019-10-19 02:57:55,680 INFO] Step 3700/10000; xent: 2.85; lr: 0.0000329; 51 docs/s; 1495 sec\n", - "[2019-10-19 02:58:15,494 INFO] Step 3750/10000; xent: 2.83; lr: 0.0000327; 51 docs/s; 1515 sec\n", - "[2019-10-19 02:58:35,990 INFO] Step 3800/10000; xent: 2.89; lr: 0.0000324; 49 docs/s; 1535 sec\n", - "[2019-10-19 02:58:55,844 INFO] Step 3850/10000; xent: 2.87; lr: 0.0000322; 51 docs/s; 1555 sec\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-19 02:59:15,758 INFO] Step 3900/10000; xent: 2.80; lr: 0.0000320; 50 docs/s; 1575 sec\n", - "[2019-10-19 02:59:35,515 INFO] Step 3950/10000; xent: 2.89; lr: 0.0000318; 51 docs/s; 1595 sec\n", - "[2019-10-19 02:59:57,046 INFO] Step 4000/10000; xent: 2.81; lr: 0.0000316; 47 docs/s; 1616 sec\n", - "[2019-10-19 02:59:57,049 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_4000.pt\n", - "[2019-10-19 03:00:18,131 INFO] Step 4050/10000; xent: 2.90; lr: 0.0000314; 47 docs/s; 1637 sec\n", - "[2019-10-19 03:00:37,971 INFO] Step 4100/10000; xent: 2.85; lr: 0.0000312; 51 docs/s; 1657 sec\n", - "[2019-10-19 03:00:57,735 INFO] Step 4150/10000; xent: 2.87; lr: 0.0000310; 51 docs/s; 1677 sec\n", - "[2019-10-19 03:01:18,349 INFO] Step 4200/10000; xent: 2.92; lr: 0.0000309; 49 docs/s; 1698 sec\n", - "[2019-10-19 03:01:38,242 INFO] Step 4250/10000; xent: 2.86; lr: 0.0000307; 51 docs/s; 1717 sec\n", - "[2019-10-19 03:01:57,970 INFO] Step 4300/10000; xent: 2.81; lr: 0.0000305; 51 docs/s; 1737 sec\n", - "[2019-10-19 03:02:17,720 INFO] Step 4350/10000; xent: 2.87; lr: 0.0000303; 51 docs/s; 1757 sec\n", - "[2019-10-19 03:02:38,092 INFO] Step 4400/10000; xent: 2.80; lr: 0.0000302; 49 docs/s; 1777 sec\n", - "[2019-10-19 03:02:57,965 INFO] Step 4450/10000; xent: 2.82; lr: 0.0000300; 51 docs/s; 1797 sec\n", - "[2019-10-19 03:03:17,682 INFO] Step 4500/10000; xent: 2.88; lr: 0.0000298; 51 docs/s; 1817 sec\n", - "[2019-10-19 03:03:17,685 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_4500.pt\n", - "[2019-10-19 03:03:38,792 INFO] Step 4550/10000; xent: 2.82; lr: 0.0000296; 48 docs/s; 1838 sec\n", - "[2019-10-19 03:03:59,232 INFO] Step 4600/10000; xent: 2.82; lr: 0.0000295; 49 docs/s; 1858 sec\n", - "[2019-10-19 03:04:19,051 INFO] Step 4650/10000; xent: 2.82; lr: 0.0000293; 51 docs/s; 1878 sec\n", - "[2019-10-19 03:04:38,825 INFO] Step 4700/10000; xent: 2.85; lr: 0.0000292; 51 docs/s; 1898 sec\n", - "[2019-10-19 03:04:58,717 INFO] Step 4750/10000; xent: 2.82; lr: 0.0000290; 51 docs/s; 1918 sec\n", - "[2019-10-19 03:05:20,029 INFO] Step 4800/10000; xent: 2.86; lr: 0.0000289; 47 docs/s; 1939 sec\n", - "[2019-10-19 03:05:39,788 INFO] Step 4850/10000; xent: 2.82; lr: 0.0000287; 51 docs/s; 1959 sec\n", - "[2019-10-19 03:05:59,515 INFO] Step 4900/10000; xent: 2.82; lr: 0.0000286; 52 docs/s; 1979 sec\n", - "[2019-10-19 03:06:19,197 INFO] Step 4950/10000; xent: 2.84; lr: 0.0000284; 51 docs/s; 1998 sec\n", - "[2019-10-19 03:06:39,516 INFO] Step 5000/10000; xent: 2.79; lr: 0.0000283; 49 docs/s; 2019 sec\n", - "[2019-10-19 03:06:39,519 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_5000.pt\n", - "[2019-10-19 03:07:00,548 INFO] Step 5050/10000; xent: 2.84; lr: 0.0000281; 48 docs/s; 2040 sec\n", - "[2019-10-19 03:07:20,369 INFO] Step 5100/10000; xent: 2.73; lr: 0.0000280; 51 docs/s; 2060 sec\n", - "[2019-10-19 03:07:40,154 INFO] Step 5150/10000; xent: 2.86; lr: 0.0000279; 50 docs/s; 2079 sec\n", - "[2019-10-19 03:08:00,127 INFO] Step 5200/10000; xent: 2.80; lr: 0.0000277; 50 docs/s; 2099 sec\n", - "[2019-10-19 03:08:19,959 INFO] Step 5250/10000; xent: 2.89; lr: 0.0000276; 51 docs/s; 2119 sec\n", - "[2019-10-19 03:08:39,783 INFO] Step 5300/10000; xent: 2.91; lr: 0.0000275; 51 docs/s; 2139 sec\n", - "[2019-10-19 03:08:59,614 INFO] Step 5350/10000; xent: 2.75; lr: 0.0000273; 51 docs/s; 2159 sec\n", - "[2019-10-19 03:09:19,675 INFO] Step 5400/10000; xent: 2.81; lr: 0.0000272; 50 docs/s; 2179 sec\n", - "[2019-10-19 03:09:39,495 INFO] Step 5450/10000; xent: 2.81; lr: 0.0000271; 51 docs/s; 2199 sec\n", - "[2019-10-19 03:09:59,266 INFO] Step 5500/10000; xent: 2.84; lr: 0.0000270; 51 docs/s; 2218 sec\n", - "[2019-10-19 03:09:59,269 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_5500.pt\n", - "[2019-10-19 03:10:20,352 INFO] Step 5550/10000; xent: 2.82; lr: 0.0000268; 48 docs/s; 2240 sec\n", - "[2019-10-19 03:10:40,538 INFO] Step 5600/10000; xent: 2.85; lr: 0.0000267; 51 docs/s; 2260 sec\n", - "[2019-10-19 03:11:00,400 INFO] Step 5650/10000; xent: 2.84; lr: 0.0000266; 50 docs/s; 2280 sec\n", - "[2019-10-19 03:11:20,172 INFO] Step 5700/10000; xent: 2.73; lr: 0.0000265; 51 docs/s; 2299 sec\n", - "[2019-10-19 03:11:40,047 INFO] Step 5750/10000; xent: 2.84; lr: 0.0000264; 51 docs/s; 2319 sec\n", - "[2019-10-19 03:11:59,932 INFO] Step 5800/10000; xent: 2.78; lr: 0.0000263; 50 docs/s; 2339 sec\n", - "[2019-10-19 03:12:19,839 INFO] Step 5850/10000; xent: 2.90; lr: 0.0000261; 51 docs/s; 2359 sec\n", - "[2019-10-19 03:12:39,543 INFO] Step 5900/10000; xent: 2.86; lr: 0.0000260; 51 docs/s; 2379 sec\n", - "[2019-10-19 03:12:59,289 INFO] Step 5950/10000; xent: 2.74; lr: 0.0000259; 51 docs/s; 2398 sec\n", - "[2019-10-19 03:13:19,324 INFO] Step 6000/10000; xent: 2.80; lr: 0.0000258; 50 docs/s; 2418 sec\n", - "[2019-10-19 03:13:19,326 INFO] Saving checkpoint ./models/transformer0.986928701409742/model_step_6000.pt\n", - "[2019-10-19 03:13:40,112 INFO] Step 6050/10000; xent: 2.86; lr: 0.0000257; 48 docs/s; 2439 sec\n", - "[2019-10-19 03:13:59,765 INFO] Step 6100/10000; xent: 2.82; lr: 0.0000256; 51 docs/s; 2459 sec\n", - "[2019-10-19 03:14:19,449 INFO] Step 6150/10000; xent: 2.80; lr: 0.0000255; 51 docs/s; 2479 sec\n", - "[2019-10-19 03:14:39,429 INFO] Step 6200/10000; xent: 2.80; lr: 0.0000254; 51 docs/s; 2499 sec\n" - ] - } - ], - "source": [ - "bertsum_model.fit(device_id, training_data_files, BertModel, \"bert-base-uncased\", None, train_steps=train_steps, train_from=\"\")" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Model Evaluation\n", - "\n", - "[ROUGE](https://en.wikipedia.org/wiki/ROUGE_(metric)), or Recall-Oriented Understudy for Gisting Evaluation has been commonly used for evaluation text summarization." - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": { - "scrolled": true - }, - "outputs": [], - "source": [ - "import torch\n", - "from utils_nlp.models.bert.extractive_text_summarization import get_data_iter\n", - "import os\n", - "if USE_PREPROCESSED_DATA is False: \n", - " test_dataset=torch.load(PROCESSED_TEST_FILE)\n", - "else:\n", - " test_dataset=[]\n", - " for i in range(0,6):\n", - " filename = os.path.join(BERT_DATA_PATH, \"cnndm.test.{0}.bert.pt\".format(i))\n", - " test_dataset.extend(torch.load(filename))" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-21 15:22:04,427 INFO] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-config.json from cache at ./temp/4dad0251492946e18ac39290fcfe91b89d370fee250efe9521476438fe8ca185.bf3b9ea126d8c0001ee8a1e8b92229871d06d36d8808208cc2449280da87785c\n", - "[2019-10-21 15:22:04,434 INFO] Model config {\n", - " \"attention_probs_dropout_prob\": 0.1,\n", - " \"finetuning_task\": null,\n", - " \"hidden_act\": \"gelu\",\n", - " \"hidden_dropout_prob\": 0.1,\n", - " \"hidden_size\": 768,\n", - " \"initializer_range\": 0.02,\n", - " \"intermediate_size\": 3072,\n", - " \"layer_norm_eps\": 1e-12,\n", - " \"max_position_embeddings\": 512,\n", - " \"num_attention_heads\": 12,\n", - " \"num_hidden_layers\": 12,\n", - " \"num_labels\": 2,\n", - " \"output_attentions\": false,\n", - " \"output_hidden_states\": false,\n", - " \"output_past\": true,\n", - " \"pruned_heads\": {},\n", - " \"torchscript\": false,\n", - " \"type_vocab_size\": 2,\n", - " \"use_bfloat16\": false,\n", - " \"vocab_size\": 30522\n", - "}\n", - "\n", - "[2019-10-21 15:22:04,556 INFO] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-pytorch_model.bin from cache at ./temp/aa1ef1aede4482d0dbcd4d52baad8ae300e60902e88fcb0bebdec09afd232066.36ca03ab34a1a5d5fa7bc3d03d55c4fa650fed07220e2eeebc06ce58d0e9a157\n", - "[2019-10-21 15:22:29,189 INFO] * number of parameters: 115790849\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "device_id 0\n", - "gpu_rank 0\n" - ] - } - ], - "source": [ - "checkpoint_to_test = 10000\n", - "model_for_test = \"./models/transformer0.986928701409742/model_step_10000.pt\" # os.path.join(model_base_path + encoder + str(random_number), f\"model_step_{checkpoint_to_test}.pt\")\n", - "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", - "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]\n", - "prediction = bertsum_model.predict(device_id, get_data_iter(test_dataset), BertModel, \"bert-base-uncased\",None,\n", - " test_from=model_for_test,\n", - " sentence_seperator='')\n", - "\n" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "11489" - ] - }, - "execution_count": 15, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "len(prediction)" - ] - }, - { - "cell_type": "code", - "execution_count": 16, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "11489\n", - "11489\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-10-21 15:25:00,660 [MainThread ] [INFO ] Writing summaries.\n", - "[2019-10-21 15:25:00,660 INFO] Writing summaries.\n", - "2019-10-21 15:25:00,667 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmp2zfj1op9/system and model files to ./results/tmp2zfj1op9/model.\n", - "[2019-10-21 15:25:00,667 INFO] Processing summaries. Saving system files to ./results/tmp2zfj1op9/system and model files to ./results/tmp2zfj1op9/model.\n", - "2019-10-21 15:25:00,669 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-21-15-24-59/candidate/.\n", - "[2019-10-21 15:25:00,669 INFO] Processing files in ./results/rouge-tmp-2019-10-21-15-24-59/candidate/.\n", - "2019-10-21 15:25:01,839 [MainThread ] [INFO ] Saved processed files to ./results/tmp2zfj1op9/system.\n", - "[2019-10-21 15:25:01,839 INFO] Saved processed files to ./results/tmp2zfj1op9/system.\n", - "2019-10-21 15:25:01,841 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-10-21-15-24-59/reference/.\n", - "[2019-10-21 15:25:01,841 INFO] Processing files in ./results/rouge-tmp-2019-10-21-15-24-59/reference/.\n", - "2019-10-21 15:25:03,041 [MainThread ] [INFO ] Saved processed files to ./results/tmp2zfj1op9/model.\n", - "[2019-10-21 15:25:03,041 INFO] Saved processed files to ./results/tmp2zfj1op9/model.\n", - "2019-10-21 15:25:03,125 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp7d7wxa89/rouge_conf.xml\n", - "[2019-10-21 15:25:03,125 INFO] Written ROUGE configuration to ./results/tmp7d7wxa89/rouge_conf.xml\n", - "2019-10-21 15:25:03,126 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp7d7wxa89/rouge_conf.xml\n", - "[2019-10-21 15:25:03,126 INFO] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp7d7wxa89/rouge_conf.xml\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.53312 (95%-conf.int. 0.53040 - 0.53597)\n", - "1 ROUGE-1 Average_P: 0.37714 (95%-conf.int. 0.37466 - 0.37954)\n", - "1 ROUGE-1 Average_F: 0.42706 (95%-conf.int. 0.42495 - 0.42920)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.24620 (95%-conf.int. 0.24345 - 0.24885)\n", - "1 ROUGE-2 Average_P: 0.17488 (95%-conf.int. 0.17273 - 0.17718)\n", - "1 ROUGE-2 Average_F: 0.19740 (95%-conf.int. 0.19524 - 0.19962)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.48760 (95%-conf.int. 0.48494 - 0.49034)\n", - "1 ROUGE-L Average_P: 0.34555 (95%-conf.int. 0.34313 - 0.34796)\n", - "1 ROUGE-L Average_F: 0.39100 (95%-conf.int. 0.38889 - 0.39312)\n", - "\n" - ] - } - ], - "source": [ - "from utils_nlp.eval.evaluate_summarization import get_rouge\n", - "rouge_baseline = get_rouge(prediction, target, \"./results/\")" - ] - }, - { - "cell_type": "code", - "execution_count": 30, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .'" - ] - }, - "execution_count": 30, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "prediction[0]" - ] - }, - { - "cell_type": "code", - "execution_count": 31, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" - ] - }, - "execution_count": 31, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "target[0]" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Prediction" - ] - }, - { - "cell_type": "code", - "execution_count": 32, - "metadata": {}, - "outputs": [], - "source": [ - "from utils_nlp.models.bert.extractive_text_summarization import Bunch\n", - "args=Bunch({\"max_nsents\": int(1e5), \n", - " \"max_src_ntokens\": int(2e6), \n", - " \"min_nsents\": -1, \n", - " \"min_src_ntokens\": -1, \n", - " \"use_interval\": True})" - ] - }, - { - "cell_type": "code", - "execution_count": 33, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-15 18:47:09,248 INFO] loading vocabulary file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at /home/daden/.pytorch_pretrained_bert/26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" - ] - } - ], - "source": [ - "from bertsum.prepro.data_builder import BertData\n", - "bertdata = BertData(args)" - ] - }, - { - "cell_type": "code", - "execution_count": 34, - "metadata": {}, - "outputs": [], - "source": [ - "import nltk\n", - "from utils_nlp.dataset.harvardnlp_cnndm import preprocess\n", - "from nltk import tokenize\n", - "from bertsum.others.utils import clean\n", - "def preprocess_source(line):\n", - " return preprocess((line, [clean, tokenize.sent_tokenize], nltk.word_tokenize))\n" - ] - }, - { - "cell_type": "code", - "execution_count": 35, - "metadata": {}, - "outputs": [], - "source": [ - "text = '\\n'.join(test_dataset[0]['src_txt'])" - ] - }, - { - "cell_type": "code", - "execution_count": 36, - "metadata": {}, - "outputs": [], - "source": [ - "\n", - "new_src = preprocess_source(text)\n", - "b_data = bertdata.preprocess(new_src, None, None)\n", - "indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data\n", - "b_data_dict = {\"src\": indexed_tokens, \"labels\": labels, \"segs\": segments_ids, 'clss': cls_ids,\n", - " 'src_txt': src_txt, \"tgt_txt\": tgt_txt}\n", - " " - ] - }, - { - "cell_type": "code", - "execution_count": 37, - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[['a',\n", - " 'university',\n", - " 'of',\n", - " 'iowa',\n", - " 'student',\n", - " 'has',\n", - " 'died',\n", - " 'nearly',\n", - " 'three',\n", - " 'months',\n", - " 'after',\n", - " 'a',\n", - " 'fall',\n", - " 'in',\n", - " 'rome',\n", - " 'in',\n", - " 'a',\n", - " 'suspected',\n", - " 'robbery',\n", - " 'attack',\n", - " 'in',\n", - " 'rome',\n", - " '.'],\n", - " ['andrew',\n", - " 'mogni',\n", - " ',',\n", - " '20',\n", - " ',',\n", - " 'from',\n", - " 'glen',\n", - " 'ellyn',\n", - " ',',\n", - " 'illinois',\n", - " ',',\n", - " 'had',\n", - " 'only',\n", - " 'just',\n", - " 'arrived',\n", - " 'for',\n", - " 'a',\n", - " 'semester',\n", - " 'program',\n", - " 'in',\n", - " 'italy',\n", - " 'when',\n", - " 'the',\n", - " 'incident',\n", - " 'happened',\n", - " 'in',\n", - " 'january',\n", - " '.'],\n", - " ['he',\n", - " 'was',\n", - " 'flown',\n", - " 'back',\n", - " 'to',\n", - " 'chicago',\n", - " 'via',\n", - " 'air',\n", - " 'ambulance',\n", - " 'on',\n", - " 'march',\n", - " '20',\n", - " ',',\n", - " 'but',\n", - " 'he',\n", - " 'died',\n", - " 'on',\n", - " 'sunday',\n", - " '.'],\n", - " ['andrew',\n", - " 'mogni',\n", - " ',',\n", - " '20',\n", - " ',',\n", - " 'from',\n", - " 'glen',\n", - " 'ellyn',\n", - " ',',\n", - " 'illinois',\n", - " ',',\n", - " 'a',\n", - " 'university',\n", - " 'of',\n", - " 'iowa',\n", - " 'student',\n", - " 'has',\n", - " 'died',\n", - " 'nearly',\n", - " 'three',\n", - " 'months',\n", - " 'after',\n", - " 'a',\n", - " 'fall',\n", - " 'in',\n", - " 'rome',\n", - " 'in',\n", - " 'a',\n", - " 'suspected',\n", - " 'robbery',\n", - " 'he',\n", - " 'was',\n", - " 'taken',\n", - " 'to',\n", - " 'a',\n", - " 'medical',\n", - " 'facility',\n", - " 'in',\n", - " 'the',\n", - " 'chicago',\n", - " 'area',\n", - " ',',\n", - " 'close',\n", - " 'to',\n", - " 'his',\n", - " 'family',\n", - " 'home',\n", - " 'in',\n", - " 'glen',\n", - " 'ellyn',\n", - " '.'],\n", - " ['he',\n", - " 'died',\n", - " 'on',\n", - " 'sunday',\n", - " 'at',\n", - " 'northwestern',\n", - " 'memorial',\n", - " 'hospital',\n", - " '-',\n", - " 'medical',\n", - " 'examiner',\n", - " \"'s\",\n", - " 'office',\n", - " 'spokesman',\n", - " 'frank',\n", - " 'shuftan',\n", - " 'says',\n", - " 'a',\n", - " 'cause',\n", - " 'of',\n", - " 'death',\n", - " 'wo',\n", - " \"n't\",\n", - " 'be',\n", - " 'released',\n", - " 'until',\n", - " 'monday',\n", - " 'at',\n", - " 'the',\n", - " 'earliest',\n", - " '.'],\n", - " ['initial',\n", - " 'police',\n", - " 'reports',\n", - " 'indicated',\n", - " 'the',\n", - " 'fall',\n", - " 'was',\n", - " 'an',\n", - " 'accident',\n", - " 'but',\n", - " 'authorities',\n", - " 'are',\n", - " 'investigating',\n", - " 'the',\n", - " 'possibility',\n", - " 'that',\n", - " 'mogni',\n", - " 'was',\n", - " 'robbed',\n", - " '.'],\n", - " ['on',\n", - " 'sunday',\n", - " ',',\n", - " 'his',\n", - " 'cousin',\n", - " 'abby',\n", - " 'wrote',\n", - " 'online',\n", - " ':',\n", - " '`',\n", - " 'this',\n", - " 'morning',\n", - " 'my',\n", - " 'cousin',\n", - " 'andrew',\n", - " \"'s\",\n", - " 'soul',\n", - " 'was',\n", - " 'lifted',\n", - " 'up',\n", - " 'to',\n", - " 'heaven',\n", - " '.'],\n", - " ['initial',\n", - " 'police',\n", - " 'reports',\n", - " 'indicated',\n", - " 'the',\n", - " 'fall',\n", - " 'was',\n", - " 'an',\n", - " 'accident',\n", - " 'but',\n", - " 'authorities',\n", - " 'are',\n", - " 'investigating',\n", - " 'the',\n", - " 'possibility',\n", - " 'that',\n", - " 'mogni',\n", - " 'was',\n", - " 'robbed',\n", - " '`',\n", - " 'at',\n", - " 'the',\n", - " 'beginning',\n", - " 'of',\n", - " 'january',\n", - " 'he',\n", - " 'went',\n", - " 'to',\n", - " 'rome',\n", - " 'to',\n", - " 'study',\n", - " 'aboard',\n", - " 'and',\n", - " 'on',\n", - " 'the',\n", - " 'way',\n", - " 'home',\n", - " 'from',\n", - " 'a',\n", - " 'party',\n", - " 'he',\n", - " 'was',\n", - " 'brutally',\n", - " 'attacked',\n", - " 'and',\n", - " 'thrown',\n", - " 'off',\n", - " 'a',\n", - " '40ft',\n", - " 'bridge',\n", - " 'and',\n", - " 'hit',\n", - " 'the',\n", - " 'concrete',\n", - " 'below',\n", - " '.'],\n", - " ['`',\n", - " 'he',\n", - " 'was',\n", - " 'in',\n", - " 'a',\n", - " 'coma',\n", - " 'and',\n", - " 'in',\n", - " 'critical',\n", - " 'condition',\n", - " 'for',\n", - " 'months',\n", - " '.',\n", - " \"'\"],\n", - " ['paula',\n", - " 'barnett',\n", - " ',',\n", - " 'who',\n", - " 'said',\n", - " 'she',\n", - " 'is',\n", - " 'a',\n", - " 'close',\n", - " 'family',\n", - " 'friend',\n", - " ',',\n", - " 'told',\n", - " 'my',\n", - " 'suburban',\n", - " 'life',\n", - " ',',\n", - " 'that',\n", - " 'mogni',\n", - " 'had',\n", - " 'only',\n", - " 'been',\n", - " 'in',\n", - " 'the',\n", - " 'country',\n", - " 'for',\n", - " 'six',\n", - " 'hours',\n", - " 'when',\n", - " 'the',\n", - " 'incident',\n", - " 'happened',\n", - " '.'],\n", - " ['she',\n", - " 'said',\n", - " 'he',\n", - " 'was',\n", - " 'was',\n", - " 'alone',\n", - " 'at',\n", - " 'the',\n", - " 'time',\n", - " 'of',\n", - " 'the',\n", - " 'alleged',\n", - " 'assault',\n", - " 'and',\n", - " 'personal',\n", - " 'items',\n", - " 'were',\n", - " 'stolen',\n", - " '.'],\n", - " ['she',\n", - " 'added',\n", - " 'that',\n", - " 'he',\n", - " 'was',\n", - " 'in',\n", - " 'a',\n", - " 'non-medically',\n", - " 'induced',\n", - " 'coma',\n", - " ',',\n", - " 'having',\n", - " 'suffered',\n", - " 'serious',\n", - " 'infection',\n", - " 'and',\n", - " 'internal',\n", - " 'bleeding',\n", - " '.'],\n", - " ['mogni',\n", - " 'was',\n", - " 'a',\n", - " 'third-year',\n", - " 'finance',\n", - " 'major',\n", - " 'from',\n", - " 'glen',\n", - " 'ellyn',\n", - " ',',\n", - " 'ill.',\n", - " ',',\n", - " 'who',\n", - " 'was',\n", - " 'participating',\n", - " 'in',\n", - " 'a',\n", - " 'semester-long',\n", - " 'program',\n", - " 'at',\n", - " 'john',\n", - " 'cabot',\n", - " 'university',\n", - " '.'],\n", - " ['mogni',\n", - " 'belonged',\n", - " 'to',\n", - " 'the',\n", - " 'school',\n", - " \"'s\",\n", - " 'chapter',\n", - " 'of',\n", - " 'the',\n", - " 'sigma',\n", - " 'nu',\n", - " 'fraternity',\n", - " ',',\n", - " 'reports',\n", - " 'the',\n", - " 'chicago',\n", - " 'tribune',\n", - " 'who',\n", - " 'posted',\n", - " 'a',\n", - " 'sign',\n", - " 'outside',\n", - " 'a',\n", - " 'building',\n", - " 'reading',\n", - " '`',\n", - " 'pray',\n", - " 'for',\n", - " 'mogni',\n", - " '.',\n", - " \"'\"],\n", - " ['the',\n", - " 'fraternity',\n", - " \"'s\",\n", - " 'iowa',\n", - " 'chapter',\n", - " 'announced',\n", - " 'sunday',\n", - " 'afternoon',\n", - " 'via',\n", - " 'twitter',\n", - " 'that',\n", - " 'a',\n", - " 'memorial',\n", - " 'service',\n", - " 'will',\n", - " 'be',\n", - " 'held',\n", - " 'on',\n", - " 'campus',\n", - " 'to',\n", - " 'remember',\n", - " 'mogni',\n", - " '.']]" - ] - }, - "execution_count": 37, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "new_src" - ] - }, - { - "cell_type": "code", - "execution_count": 38, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .',\n", - " 'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .',\n", - " 'he was flown back to chicago via air ambulance on march 20 , but he died on sunday .',\n", - " 'andrew mogni , 20 , from glen ellyn , illinois , a university of iowa student has died nearly three months after a fall in rome in a suspected robbery he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .',\n", - " \"he died on sunday at northwestern memorial hospital - medical examiner 's office spokesman frank shuftan says a cause of death wo n't be released until monday at the earliest .\",\n", - " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed .',\n", - " \"on sunday , his cousin abby wrote online : ` this morning my cousin andrew 's soul was lifted up to heaven .\",\n", - " 'initial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbed ` at the beginning of january he went to rome to study aboard and on the way home from a party he was brutally attacked and thrown off a 40ft bridge and hit the concrete below .',\n", - " \"` he was in a coma and in critical condition for months . '\",\n", - " 'paula barnett , who said she is a close family friend , told my suburban life , that mogni had only been in the country for six hours when the incident happened .',\n", - " 'she said he was was alone at the time of the alleged assault and personal items were stolen .',\n", - " 'she added that he was in a non-medically induced coma , having suffered serious infection and internal bleeding .',\n", - " 'mogni was a third-year finance major from glen ellyn , ill. , who was participating in a semester-long program at john cabot university .',\n", - " \"mogni belonged to the school 's chapter of the sigma nu fraternity , reports the chicago tribune who posted a sign outside a building reading ` pray for mogni . '\",\n", - " \"the fraternity 's iowa chapter announced sunday afternoon via twitter that a memorial service will be held on campus to remember mogni .\"]" - ] - }, - "execution_count": 38, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "b_data_dict['src_txt']" - ] - }, - { - "cell_type": "code", - "execution_count": 39, - "metadata": {}, - "outputs": [], - "source": [ - "b_data_dict['tgt_txt']" - ] - }, - { - "cell_type": "code", - "execution_count": 40, - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[2019-10-15 18:47:11,792 INFO] * number of parameters: 115790849\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "device_id 0\n", - "gpu_rank 0\n" - ] - } - ], - "source": [ - "model_for_test = os.path.join(model_base_path + encoder + str(random_number), f\"model_step_{checkpoint_to_test}.pt\")\n", - "#get_data_iter(output,batch_size=30000)\n", - "prediction = bertsum_model.predict(device_id, get_data_iter([b_data_dict], False),\n", - " test_from=model_for_test, sentence_seperator='' )" - ] - }, - { - "cell_type": "code", - "execution_count": 41, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .a university of iowa student has died nearly three months after a fall in rome in a suspected robbery attack in rome .'" - ] - }, - "execution_count": 41, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "prediction[0]" - ] - }, - { - "cell_type": "code", - "execution_count": 42, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "'andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge'" - ] - }, - "execution_count": 42, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "test_dataset[0]['tgt_txt']" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "python3.6 cm3", - "language": "python", - "name": "cm3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.6.8" - } - }, - "nbformat": 4, - "nbformat_minor": 2 -} diff --git a/tests/unit/test_bertsum_summarization.py b/tests/unit/test_bertsum_summarization.py deleted file mode 100644 index 97f6604f8..000000000 --- a/tests/unit/test_bertsum_summarization.py +++ /dev/null @@ -1,98 +0,0 @@ -# Copyright (c) Microsoft Corporation. All rights reserved. -# Licensed under the MIT License. - -import pytest -import os -import shutil -from utils_nlp.dataset.harvardnlp_cnndm import harvardnlp_cnndm_preprocess -from utils_nlp.models.bert.extractive_text_summarization import bertsum_formatting - -from bertsum.prepro.data_builder import BertData -from utils_nlp.models.bert.extractive_text_summarization import Bunch, BertSumExtractiveSummarizer, get_data_iter - -import urllib.request - -#@pytest.fixture() -def source_data(): - return """Boston, MA -lrb- msft -rrb- welcome to Microsoft/nlp. Welcome to text summarization. Welcome to Microsoft NERD. Look outside, waht a beautiful Charlse River fall view.""" -#@pytest.fixture() -def target_data(): - return """ welcome to microsoft/nlp. Welcome to text summarization. Welcome to Microsoft NERD. """ - -@pytest.fixture() -def bertdata_file(): - source= source_data() - target = target_data() - source_file = "source.txt" - target_file = "target.txt" - bertdata_file = "bertdata" - f = open(source_file, "w") - f.write(source) - f.close() - f = open(target_file, "w") - f.write(target) - f.close() - jobs = harvardnlp_cnndm_preprocess(1, source_file, target_file, 2) - assert len(jobs) == 1 - default_preprocessing_parameters = {"max_nsents": 200, "max_src_ntokens": 2000, "min_nsents": 3, "min_src_ntokens": 2, "use_interval": True} - args=Bunch(default_preprocessing_parameters) - bertdata = BertData(args) - bertsum_formatting(1, bertdata,"combination", jobs, bertdata_file) - assert os.path.exists(bertdata_file) - os.remove(source_file) - os.remove(target_file) - return bertdata_file - -@pytest.mark.gpu -def test_training(bertdata_file): - device_id = 0 - gpu_ranks = str(device_id) - - BERT_CONFIG_PATH="./bert_config_uncased_base.json" - - filedata = urllib.request.urlretrieve('https://raw.githubusercontent.com/nlpyang/BertSum/master/bert_config_uncased_base.json', BERT_CONFIG_PATH) - - encoder = 'transformer' - model_base_path = './models/' - log_base_path = './logs/' - result_base_path = './results' - - if not os.path.exists(model_base_path): - os.makedirs(model_base_path) - if not os.path.exists(log_base_path): - os.makedirs(log_base_path) - if not os.path.exists(result_base_path): - os.makedirs(result_base_path) - - - - from random import random - random_number = random() - import torch - #bertdata_file = "bertdata" - data = torch.load(bertdata_file) - assert len(data) == 1 - bertsum_model = BertSumExtractiveSummarizer(encoder = encoder, - model_path = model_base_path + encoder + str(random_number), - log_file = log_base_path + encoder + str(random_number), - bert_config_path = BERT_CONFIG_PATH, - gpu_ranks = gpu_ranks,) - bertsum_model.args.save_checkpoint_steps = 50 - train_steps = 100 - bertsum_model.fit(device_id, [bertdata_file], train_steps=train_steps, train_from="") - model_for_test = os.path.join(model_base_path + encoder + str(random_number), f"model_step_{train_steps}.pt") - assert os.path.exists(model_for_test) - prediction = bertsum_model.predict(device_id, get_data_iter(data), - test_from=model_for_test, - sentence_seperator='') - assert len(prediction) == 1 - if os.path.exists(model_base_path): - shutil.rmtree(model_base_path) - if os.path.exists(log_base_path): - shutil.rmtree(log_base_path) - if os.path.exists(result_base_path): - shutil.rmtree(result_base_path) - if os.path.isfile(BERT_CONFIG_PATH): - os.remove(BERT_CONFIG_PATH) - if os.path.isfile(bertdata_file): - os.remove(bertdata_file) diff --git a/utils_nlp/dataset/harvardnlp_cnndm.py b/utils_nlp/dataset/harvardnlp_cnndm.py deleted file mode 100644 index 67d587ee2..000000000 --- a/utils_nlp/dataset/harvardnlp_cnndm.py +++ /dev/null @@ -1,86 +0,0 @@ -# Copyright (c) Microsoft Corporation. All rights reserved. -# Licensed under the MIT License. - -"""Functions to preprocess CNN/DM dataset listed in https://github.com/harvardnlp/sent-summary""" - -import nltk -nltk.download('punkt') - -from nltk import tokenize -import torch -import sys -from bertsum.others.utils import clean -from multiprocess import Pool - -import regex as re -def preprocess(param): - """ - Helper function to preprocess a list of paragraphs. - - Args: - param (Tuple): params are tuple of (a list of strings, a list of preprocessing functions, and function to tokenize setences into words). A paragraph is represented with a single string with multiple setnences. - - Returns: - list of list of strings, where each string is a token or word. - """ - - sentences, preprocess_pipeline, word_tokenize = param - for function in preprocess_pipeline: - sentences = function(sentences) - return [word_tokenize(sentence) for sentence in sentences] - - -def harvardnlp_cnndm_preprocess(n_cpus, source_file, target_file, top_n=-1): - """ - Helper function to preprocess the CNN/DM source and target files - - Args: - n_cpus (int): number of cpus being used to process the files in parallel. - source_file (string): name of the source file in CNN/DM dataset - target_file (string): name o fthe target_file in CNN/DM dataset - top_n (number, optional): the number of items to be preprocessed. -1 means use all the data. - - Returns: - a list of dictionaries: dictionary has "src" and "tgt" field where the value of each is list of list of tokens. - """ - - def _remove_ttags(line): - line = re.sub(r'', '', line) - # change to - # pyrouge test requires as sentence splitter - line = re.sub(r'', '', line) - return line - - def _cnndm_target_sentence_tokenization(line): - return line.split("") - - src_list = [] - with open(source_file, 'r') as fd: - for line in fd: - src_list.append((line, [clean, tokenize.sent_tokenize], nltk.word_tokenize)) - pool = Pool(n_cpus) - if top_n == -1: - tokenized_src_data = pool.map(preprocess, src_list[0:top_n], int(len(src_list)/n_cpus)) - else: - tokenized_src_data = pool.map(preprocess, src_list[0:top_n], int(len(src_list[0:top_n])/n_cpus)) - pool.close() - pool.join() - - tgt_list = [] - with open(target_file, 'r') as fd: - for line in fd: - tgt_list.append((line, [clean, _remove_ttags, _cnndm_target_sentence_tokenization], nltk.word_tokenize)) - - pool = Pool(n_cpus) - if top_n == -1: - tokenized_tgt_data = pool.map(preprocess, tgt_list[0:top_n], int(len(tgt_list)/n_cpus)) - else: - tokenized_tgt_data = pool.map(preprocess, tgt_list[0:top_n], int(len(tgt_list[0:top_n])/n_cpus)) - pool.close() - pool.join() - - jobs=[] - for (src, summary) in zip(tokenized_src_data, tokenized_tgt_data): - jobs.append({'src': src, "tgt": summary}) - - return jobs diff --git a/utils_nlp/models/bert/extractive_text_summarization.py b/utils_nlp/models/bert/extractive_text_summarization.py deleted file mode 100644 index 656c6488f..000000000 --- a/utils_nlp/models/bert/extractive_text_summarization.py +++ /dev/null @@ -1,296 +0,0 @@ -# Copyright (c) Microsoft Corporation. All rights reserved. -# Licensed under the MIT License. - -""" -Wrapper for extractive summarization algorithm based on BERT, i.e. BERTSum. The code in this file reused some code listed in https://github.com/nlpyang/BertSum/tree/master/src -""" - -from pytorch_pretrained_bert import BertConfig - -from bertsum.models.model_builder import Summarizer -from bertsum.models import model_builder, data_loader -from bertsum.others.logging import logger, init_logger -from bertsum.train import model_flags -from bertsum.models.trainer import build_trainer -from bertsum.prepro.data_builder import TransformerData -from bertsum.models.data_loader import DataIterator,Batch,Dataloader -from cached_property import cached_property -import torch -import random -from bertsum.prepro.data_builder import greedy_selection, combination_selection -import gc -from multiprocessing import Pool - - -class Bunch(object): - """ Class which convert a dictionary to an object """ - - def __init__(self, adict): - self.__dict__.update(adict) - -default_parameters = {"accum_count": 1, "batch_size": 3000, "beta1": 0.9, "beta2": 0.999, "block_trigram": True, "decay_method": "noam", "dropout": 0.1, "encoder": "baseline", "ff_size": 512, "gpu_ranks": "0123", "heads": 4, "hidden_size": 128, "inter_layers": 2, "lr": 0.002, "max_grad_norm": 0, "max_nsents": 100, "max_src_ntokens": 200, "min_nsents": 3, "min_src_ntokens": 10, "optim": "adam", "oracle_mode": "combination", "param_init": 0.0, "param_init_glorot": True, "recall_eval": False, "report_every": 50, "report_rouge": True, "rnn_size": 512, "save_checkpoint_steps": 500, "seed": 666, "temp_dir": "./temp", "test_all": False, "test_from": "", "train_from": "", "use_interval": True, "visible_gpus": "0", "warmup_steps": 10000, "world_size": 1} - -default_preprocessing_parameters = {"max_nsents": 100, "max_src_ntokens": 200, "min_nsents": 3, "min_src_ntokens": 10, "use_interval": True} - - -def bertsum_formatting(n_cpus, bertdata, oracle_mode, jobs, output_file): - """ - Function to preprocess data for BERTSum algorithm. - - Args: - n_cpus (int): number of cpus used for preprocessing in parallel - bertdata (BertData): object which loads the pretrained BERT tokenizer to preprocess data. - oracle_mode (string): name of the algorithm to select sentences in the source as labeled data correposonding to the target. Options are "combination" and "greedy". - jobs (list of dictionaries): list of dictionaries with "src" and "tgt" fields. Both fields should be filled with list of list of tokens/words. - output_file (string): name of the file to save the processed data. - """ - - params = [] - for i in jobs: - params.append((oracle_mode, bertdata, i)) - pool = Pool(n_cpus) - bert_data = pool.map(modified_format_to_bert, params, int(len(params)/n_cpus)) - pool.close() - pool.join() - filtered_bert_data = [] - for i in bert_data: - if i is not None: - filtered_bert_data.append(i) - torch.save(filtered_bert_data, output_file) - -def modified_format_to_bert(param): - """ - Helper function to preprocess data for BERTSum algorithm. - - Args: - param (Tuple): params are tuple of (string, BertData object, and dictionary). The first string specifies the oracle mode. The last dictionary should contain src" and "tgt" fields withc each filled with list of list of tokens/words. - - Returns: - Dictionary: it has "src", "lables", "segs", "clss", "src_txt" and "tgt_txt" field. - - """ - - oracle_mode, bert, data = param - #return data - source, tgt = data['src'], data['tgt'] - if (oracle_mode == 'greedy'): - oracle_ids = greedy_selection(source, tgt, 3) - elif (oracle_mode == 'combination'): - oracle_ids = combination_selection(source, tgt, 3) - b_data = bert.preprocess(source, tgt, oracle_ids) - if (b_data is None): - return None - indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data - b_data_dict = {"src": indexed_tokens, "labels": labels, "segs": segments_ids, 'clss': cls_ids, - 'src_txt': src_txt, "tgt_txt": tgt_txt} - return b_data_dict - gc.collect() - -def get_data_iter(dataset,is_test=False, batch_size=3000): - """ - Function to get data iterator over a list of data objects. - - Args: - dataset (list of objects): a list of data objects. - is_test (bool): it specifies whether the data objects are labeled data. - batch_size (int): number of tokens per batch. - - Returns: - DataIterator - - """ - args = Bunch({}) - args.use_interval = True - args.batch_size = batch_size - test_data_iter = None - test_data_iter = DataIterator(args, dataset, args.batch_size, 'cuda', is_test=is_test, shuffle=False, sort=False) - return test_data_iter - -class BertSumExtractiveSummarizer: - """ Wrapper class for BERT-based Extractive Summarization, i.e. BertSum""" - - def __init__(self, language="english", - encoder="baseline", - model_path = "./models/baseline", - log_file = "./logs/baseline", - temp_dir = './temp', - bert_config_path="./bert_config_uncased_base.json", - gpu_ranks="0" - ): - """Initializes the wrapper and the underlying pretrained model. - Args: - language (Language, optional): The pretrained model's language. - Defaults to Language.ENGLISH. - encoder (string, optional): the algorithm used for the Summarization layers. - Options are: baseline, transformer, rnn, classifier - model_path (string, optional): path to save the checkpoints of the model for each training session - log_files (string, optional): path to save the running logs for each session. - temp_dir (string, optional): Location of BERT's cache directory. - Defaults to ".". - bert_config_path (string, optional): path of the config file for the BERT model - gpu_ranks (string, optional): string with each character the string value of each GPU devices ID that can be used. Defaults to "0". - """ - def __map_gpu_ranks(gpu_ranks): - gpu_ranks_list=gpu_ranks.split(',') - print(gpu_ranks_list) - gpu_ranks_map = {} - for i, rank in enumerate(gpu_ranks_list): - gpu_ranks_map[int(rank)]=i - return gpu_ranks_map - - - # copy all the arguments from the input argument - self.args = Bunch(default_parameters) - self.args.seed = 42 - self.args.encoder = encoder - self.args.model_path = model_path - self.args.log_file = log_file - self.args.temp_dir = temp_dir - self.args.bert_config_path=bert_config_path - - self.args.gpu_ranks = gpu_ranks - self.args.gpu_ranks_map = __map_gpu_ranks(self.args.gpu_ranks) - self.args.world_size = len(self.args.gpu_ranks_map.keys()) - - - self.has_cuda = self.cuda - init_logger(self.args.log_file) - torch.manual_seed(self.args.seed) - random.seed(self.args.seed) - torch.backends.cudnn.deterministic = True - # placeholder for the model - self.model = None - - @cached_property - def cuda(self): - """ cache the output of torch.cuda.is_available() """ - - self.has_cuda = torch.cuda.is_available() - return self.has_cuda - - - def fit(self, device_id, train_file_list, model_class, pretrained_model_name, pretrained_config=None, train_steps=5000, train_from='', batch_size=3000, - warmup_proportion=0.2, decay_method='noam', lr=0.002,accum_count=2): - """ - Train a summarization model with specified training data files. - - Args: - device_id (string): GPU Device ID to be used. - train_file_list (string): files used for training a model. - train_steps (int, optional): number of times that the model parameters get updated. The number of data items for each model parameters update is the number of data items in a batch times times the accumulation counts (accum_count). Defaults to 5e5. - train_from (string, optional): the path of saved checkpoints from which the model starts to train. Defaults to empty string. - batch_size (int, options): maximum number of tokens in each batch. - warmup_propotion (float, optional): Proportion of training to - perform linear learning rate warmup for. E.g., 0.1 = 10% of - training. Defaults to 0.2. - decay_method (string, optional): learning rate decrease method. Default to 'noam'. - lr (float, optional): Learning rate of the Adam optimizer. Defaults to 2e-3. - accu_count (int, optional): number of batches waited until an update of the model paraeters happens. Defaults to 2. - """ - - - if self.args.gpu_ranks_map[device_id] != 0: - logger.disabled = True - if device_id not in list(self.args.gpu_ranks_map.keys()): - raise Exception("need to use device id that's in the gpu ranks") - device = None - if device_id >= 0: - #torch.cuda.set_device(device_id) - torch.cuda.manual_seed(self.args.seed) - device = torch.device("cuda:{}".format(device_id)) - self.device = device - - self.args.decay_method=decay_method - self.args.lr=lr - self.args.train_from = train_from - self.args.batch_size = batch_size - self.args.warmup_steps = int(warmup_proportion*train_steps) - self.args.accum_count= accum_count - print(self.args.__dict__) - - self.model = Summarizer(self.args, device, model_class, pretrained_model_name, pretrained_config) - from torch.nn.parallel import DataParallel as DP - self.model.to(device) - self.model = DP(self.model, device_ids=[device]) - - self.model.train() - - if train_from != '': - checkpoint = torch.load(train_from, - map_location=lambda storage, loc: storage) - opt = vars(checkpoint['opt']) - for k in opt.keys(): - if (k in model_flags): - setattr(self.args, k, opt[k]) - self.model.load_cp(checkpoint) - optim = model_builder.build_optim(self.args, self.model, checkpoint) - else: - optim = model_builder.build_optim(self.args, self.model, None) - - - def get_dataset(file_list): - random.shuffle(file_list) - for file in file_list: - yield torch.load(file) - - - def train_iter_fct(): - return data_loader.Dataloader(self.args, get_dataset(train_file_list), batch_size, device, - shuffle=True, is_test=True) - - - - trainer = build_trainer(self.args, device_id, self.model, optim) - trainer.train(train_iter_fct, train_steps) - - def predict(self, device_id, data_iter, model_class, pretrained_model_name, pretrained_config=None, sentence_seperator='', test_from='', cal_lead=False): - """ - Predict the summarization for the input data iterator. - - Args: - device_id (string): GPU Device ID to be used. - data_iter (DataIterator): data iterator over the dataset to be predicted - sentence_seperator (string, optional): strings to be inserted between sentences in the prediction per data item. Defaults to empty string. - test_from(string, optional): the path of saved checkpoints used for prediction. - cal_lead (boolean, optional): wheather use the first three sentences as the prediction. - """ - - device = None - if device_id >= 0: - torch.cuda.manual_seed(self.args.seed) - device = torch.device("cuda:{}".format(device_id)) - - if self.model is None and test_from == '': - raise Exception("Need to train or specify the model for testing") - if test_from != '': - checkpoint = torch.load(test_from, map_location=lambda storage, loc: storage) - opt = vars(checkpoint['opt']) - for k in opt.keys(): - if (k in model_flags): - setattr(self.args, k, opt[k]) - - config = BertConfig.from_json_file(self.args.bert_config_path) - self.model = Summarizer(self.args, device, model_class, pretrained_model_name, pretrained_config) - from torch import nn - class WrappedModel(nn.Module): - def __init__(self, module): - super(WrappedModel, self).__init__() - self.module = module - def forward(self, x): - return self.module(x) - model = WrappedModel(self.model) - #self.model.load_cp(checkpoint) - model.load_state_dict(checkpoint['model']) - self.model = model.module - else: - self.model.eval() - self.model.eval() - - - from torch.nn.parallel import DataParallel as DP - self.model.to(device) - self.model = DP(self.model, device_ids=[device]) - - trainer = build_trainer(self.args, device_id, self.model, None) - return trainer.predict(data_iter, sentence_seperator, cal_lead) - From b67cb24f70b77cb3e0fa22c1e04348c1c896dfe7 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Sat, 14 Dec 2019 04:20:28 +0000 Subject: [PATCH 070/167] seperate cnndm download from processed dataset --- utils_nlp/dataset/cnndm.py | 62 ++++++++++++++++++++++++++------------ 1 file changed, 43 insertions(+), 19 deletions(-) diff --git a/utils_nlp/dataset/cnndm.py b/utils_nlp/dataset/cnndm.py index 5c7ba8272..af99bd1d8 100644 --- a/utils_nlp/dataset/cnndm.py +++ b/utils_nlp/dataset/cnndm.py @@ -169,7 +169,49 @@ def _setup_datasets(url, top_n=-1, local_cache_path=".data"): return _setup_datasets(*((urls[0],) + args), **kwargs) +class ExtSumProcessedData: + @staticmethod + def save_data(data_iter, is_test=False, save_path="./", chunk_size=None): + os.makedirs(save_path, exist_ok=True) + + def chunks(iterable, chunk_size): + iterator = filter(None, iterable) # iter(iterable) + for first in iterator: + if chunk_size: + yield itertools.chain([first], itertools.islice(iterator, chunk_size - 1)) + else: + yield itertools.chain([first], itertools.islice(iterator, None)) + + chunks = chunks(data_iter, chunk_size) + filename_list = [] + for i, chunked_data in enumerate(chunks): + filename = f"{i}_test" if is_test else f"{i}_train" + torch.save(list(chunked_data), os.path.join(save_path, filename)) + filename_list.append(os.path.join(save_path, filename)) + return filename_list + + @classmethod + def splits(cls, root): + train_files = [] + test_files = [] + files = [join(root, f) for f in os.listdir(root) if isfile(join(root, f))] + for fname in files: + if fname.find("train") != -1: + train_files.append(fname) + elif fname.find("test") != -1: + test_files.append(fname) + def get_train_dataset(): + return get_dataset(train_files, True) + + def get_test_dataset(): + return get_dataset(test_files) + + return get_train_dataset, get_test_dataset + # return get_cycled_dataset(get_dataset(train_files)), get_dataset(test_files) + + + class CNNDMBertSumProcessedData: @staticmethod def save_data(data_iter, is_test=False, save_path="./", chunk_size=None): @@ -208,22 +250,4 @@ def download(local_path=".data"): zip.extractall(local_path) return local_path - @classmethod - def splits(cls, root): - train_files = [] - test_files = [] - files = [join(root, f) for f in os.listdir(root) if isfile(join(root, f))] - for fname in files: - if fname.find("train") != -1: - train_files.append(fname) - elif fname.find("test") != -1: - test_files.append(fname) - - def get_train_dataset(): - return get_dataset(train_files, True) - - def get_test_dataset(): - return get_dataset(test_files) - - return get_train_dataset, get_test_dataset - # return get_cycled_dataset(get_dataset(train_files)), get_dataset(test_files) + \ No newline at end of file From 408f87cb8c29762aac44b859d33d8bafa77bdf21 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Tue, 17 Dec 2019 20:51:56 +0000 Subject: [PATCH 071/167] add a test for extractive summarization --- .../CNNDM_TransformerSum.ipynb | 272 ++++++------------ tests/unit/test_extractive_summarization.py | 129 +++++++++ 2 files changed, 219 insertions(+), 182 deletions(-) create mode 100644 tests/unit/test_extractive_summarization.py diff --git a/examples/text_summarization/CNNDM_TransformerSum.ipynb b/examples/text_summarization/CNNDM_TransformerSum.ipynb index 1fdfc5a7f..d1cc16376 100644 --- a/examples/text_summarization/CNNDM_TransformerSum.ipynb +++ b/examples/text_summarization/CNNDM_TransformerSum.ipynb @@ -90,8 +90,7 @@ "text": [ "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", "[nltk_data] Package punkt is already up-to-date!\n", - "I1213 19:06:40.821395 140049061730112 file_utils.py:39] PyTorch version 1.2.0 available.\n", - "I1213 19:06:40.854509 140049061730112 modeling_xlnet.py:194] Better speed can be achieved with apex installed from https://www.github.com/nvidia/apex .\n" + "I1213 21:37:13.154712 140178699347776 file_utils.py:40] PyTorch version 1.2.0 available.\n" ] } ], @@ -106,7 +105,7 @@ " sys.path.insert(0, nlp_path)\n", "\n", "from utils_nlp.common.pytorch_utils import get_device\n", - "from utils_nlp.dataset.cnndm import CNNDMBertSumProcessedData, CNNDMSummarization\n", + "from utils_nlp.dataset.cnndm import CNNDMBertSumProcessedData, CNNDMSummarization, ExtSumProcessedData\n", "from utils_nlp.eval.evaluate_summarization import get_rouge\n", "from utils_nlp.models.transformers.extractive_summarization import (\n", " get_cycled_dataset,\n", @@ -179,7 +178,7 @@ "1. sentence tokenization\n", "2. word tokenization\n", "3. **label** the sentences in the article with 1 meaning the sentence is selected and 0 meaning the sentence is not selected. The options for the selection algorithms are \"greedy\" and \"combination\"\n", - "3. convert each example to BertSum format\n", + "3. convert each example to the desired format for extractive summarization\n", " - filter the sentences in the example based on the min_src_ntokens argument. If the lefted total sentence number is less than min_nsents, the example is discarded.\n", " - truncate the sentences in the example if the length is greater than max_src_ntokens\n", " - truncate the sentences in the example and the labels if the totle number of sentences is greater than max_nsents\n", @@ -228,8 +227,8 @@ "name": "stderr", "output_type": "stream", "text": [ - "100%|██████████| 489k/489k [00:08<00:00, 59.5kKB/s] \n", - "I1213 19:06:49.528935 140049061730112 utils.py:173] Opening tar file /tmp/tmpuf604ztw/cnndm.tar.gz.\n" + "100%|██████████| 489k/489k [00:07<00:00, 65.1kKB/s] \n", + "I1213 21:37:21.183513 140178699347776 utils.py:173] Opening tar file /tmp/tmp9l1taoiy/cnndm.tar.gz.\n" ] } ], @@ -253,7 +252,7 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1213 19:07:00.743392 140049061730112 tokenization_utils.py:374] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + "I1213 21:37:32.458680 140178699347776 tokenization_utils.py:379] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" ] }, { @@ -277,10 +276,10 @@ "outputs": [], "source": [ "save_path = os.path.join(DATA_PATH, \"processed\")\n", - "train_files = CNNDMBertSumProcessedData.save_data(\n", + "train_files = ExtSumProcessedData.save_data(\n", " ext_sum_train, is_test=False, save_path=save_path, chunk_size=2000\n", ")\n", - "test_files = CNNDMBertSumProcessedData.save_data(\n", + "test_files = ExtSumProcessedData.save_data(\n", " ext_sum_test, is_test=True, save_path=save_path, chunk_size=2000\n", ")" ] @@ -293,11 +292,11 @@ { "data": { "text/plain": [ - "['/tmp/tmpuf604ztw/processed/0_train',\n", - " '/tmp/tmpuf604ztw/processed/1_train',\n", - " '/tmp/tmpuf604ztw/processed/2_train',\n", - " '/tmp/tmpuf604ztw/processed/3_train',\n", - " '/tmp/tmpuf604ztw/processed/4_train']" + "['/tmp/tmp9l1taoiy/processed/0_train',\n", + " '/tmp/tmp9l1taoiy/processed/1_train',\n", + " '/tmp/tmp9l1taoiy/processed/2_train',\n", + " '/tmp/tmp9l1taoiy/processed/3_train',\n", + " '/tmp/tmp9l1taoiy/processed/4_train']" ] }, "execution_count": 10, @@ -317,11 +316,11 @@ { "data": { "text/plain": [ - "['/tmp/tmpuf604ztw/processed/0_test',\n", - " '/tmp/tmpuf604ztw/processed/1_test',\n", - " '/tmp/tmpuf604ztw/processed/2_test',\n", - " '/tmp/tmpuf604ztw/processed/3_test',\n", - " '/tmp/tmpuf604ztw/processed/4_test']" + "['/tmp/tmp9l1taoiy/processed/0_test',\n", + " '/tmp/tmp9l1taoiy/processed/1_test',\n", + " '/tmp/tmp9l1taoiy/processed/2_test',\n", + " '/tmp/tmp9l1taoiy/processed/3_test',\n", + " '/tmp/tmp9l1taoiy/processed/4_test']" ] }, "execution_count": 11, @@ -339,7 +338,7 @@ "metadata": {}, "outputs": [], "source": [ - "train_dataset_generator, test_dataset_generator = CNNDMBertSumProcessedData().splits(root=save_path)" + "train_dataset_generator, test_dataset_generator = ExtSumProcessedData().splits(root=save_path)" ] }, { @@ -427,7 +426,7 @@ "source": [ "if USE_PREPROCSSED_DATA:\n", " CNNDMBertSumProcessedData.download(local_path=PROCESSED_DATA_PATH)\n", - " train_dataset_generator, test_dataset_generator = CNNDMBertSumProcessedData().splits(root=PROCESSED_DATA_PATH)\n", + " train_dataset_generator, test_dataset_generator = ExtSumProcessedData().splits(root=PROCESSED_DATA_PATH)\n", " " ] }, @@ -499,13 +498,13 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1213 19:14:40.413720 140049061730112 file_utils.py:296] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json not found in cache or force_download set to True, downloading to /tmp/tmpvow1cz9j\n", - "100%|██████████| 492/492 [00:00<00:00, 544628.55B/s]\n", - "I1213 19:14:40.574677 140049061730112 file_utils.py:309] copying /tmp/tmpvow1cz9j to cache at /tmp/tmp1x0h8exo/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1213 19:14:40.575870 140049061730112 file_utils.py:313] creating metadata file for /tmp/tmp1x0h8exo/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1213 19:14:40.577564 140049061730112 file_utils.py:322] removing temp file /tmp/tmpvow1cz9j\n", - "I1213 19:14:40.578326 140049061730112 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmp1x0h8exo/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1213 19:14:40.579338 140049061730112 configuration_utils.py:168] Model config {\n", + "I1213 21:44:57.173525 140178699347776 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json not found in cache or force_download set to True, downloading to /tmp/tmp6tbw7wx9\n", + "100%|██████████| 492/492 [00:00<00:00, 354448.23B/s]\n", + "I1213 21:44:57.321225 140178699347776 file_utils.py:334] copying /tmp/tmp6tbw7wx9 to cache at /tmp/tmp5f4v7lor/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1213 21:44:57.322159 140178699347776 file_utils.py:338] creating metadata file for /tmp/tmp5f4v7lor/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1213 21:44:57.323763 140178699347776 file_utils.py:347] removing temp file /tmp/tmp6tbw7wx9\n", + "I1213 21:44:57.324488 140178699347776 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmp5f4v7lor/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1213 21:44:57.325493 140178699347776 configuration_utils.py:174] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -513,6 +512,7 @@ " \"finetuning_task\": null,\n", " \"hidden_dim\": 3072,\n", " \"initializer_range\": 0.02,\n", + " \"is_decoder\": false,\n", " \"max_position_embeddings\": 512,\n", " \"n_heads\": 12,\n", " \"n_layers\": 6,\n", @@ -530,14 +530,14 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1213 19:14:40.726104 140049061730112 file_utils.py:296] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin not found in cache or force_download set to True, downloading to /tmp/tmp1jylmlrr\n", - "100%|██████████| 267967963/267967963 [00:04<00:00, 66005477.88B/s]\n", - "I1213 19:14:45.017174 140049061730112 file_utils.py:309] copying /tmp/tmp1jylmlrr to cache at /tmp/tmp1x0h8exo/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1213 19:14:45.300228 140049061730112 file_utils.py:313] creating metadata file for /tmp/tmp1x0h8exo/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1213 19:14:45.301454 140049061730112 file_utils.py:322] removing temp file /tmp/tmp1jylmlrr\n", - "I1213 19:14:45.338460 140049061730112 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmp1x0h8exo/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1213 19:14:46.801804 140049061730112 configuration_utils.py:151] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmp1x0h8exo/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1213 19:14:46.803370 140049061730112 configuration_utils.py:168] Model config {\n", + "I1213 21:44:57.464036 140178699347776 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin not found in cache or force_download set to True, downloading to /tmp/tmpg_6t39lj\n", + "100%|██████████| 267967963/267967963 [00:04<00:00, 63692061.61B/s]\n", + "I1213 21:45:01.959389 140178699347776 file_utils.py:334] copying /tmp/tmpg_6t39lj to cache at /tmp/tmp5f4v7lor/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1213 21:45:02.238092 140178699347776 file_utils.py:338] creating metadata file for /tmp/tmp5f4v7lor/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1213 21:45:02.239385 140178699347776 file_utils.py:347] removing temp file /tmp/tmpg_6t39lj\n", + "I1213 21:45:02.280591 140178699347776 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmp5f4v7lor/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1213 21:45:03.722773 140178699347776 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmp5f4v7lor/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1213 21:45:03.724308 140178699347776 configuration_utils.py:174] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -545,6 +545,7 @@ " \"finetuning_task\": null,\n", " \"hidden_dim\": 3072,\n", " \"initializer_range\": 0.02,\n", + " \"is_decoder\": false,\n", " \"max_position_embeddings\": 512,\n", " \"n_heads\": 12,\n", " \"n_layers\": 6,\n", @@ -562,7 +563,7 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1213 19:14:46.972312 140049061730112 modeling_utils.py:337] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmp1x0h8exo/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I1213 21:45:03.864532 140178699347776 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmp5f4v7lor/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], @@ -582,7 +583,7 @@ }, { "cell_type": "code", - "execution_count": 20, + "execution_count": null, "metadata": { "scrolled": true }, @@ -591,112 +592,19 @@ "name": "stdout", "output_type": "stream", "text": [ - "loss: 34.033510, time: 20.922801, number of examples in current step: 5, step 100 out of total 10000\n", - "loss: 32.287387, time: 21.290814, number of examples in current step: 5, step 200 out of total 10000\n", - "loss: 31.838500, time: 21.051537, number of examples in current step: 5, step 300 out of total 10000\n", - "loss: 31.183838, time: 21.305765, number of examples in current step: 5, step 400 out of total 10000\n", - "loss: 30.655987, time: 20.895105, number of examples in current step: 6, step 500 out of total 10000\n", - "loss: 30.956138, time: 21.488802, number of examples in current step: 8, step 600 out of total 10000\n", - "loss: 30.789554, time: 20.859549, number of examples in current step: 5, step 700 out of total 10000\n", - "loss: 30.939141, time: 21.222007, number of examples in current step: 5, step 800 out of total 10000\n", - "loss: 30.246895, time: 20.882249, number of examples in current step: 5, step 900 out of total 10000\n", - "loss: 30.127477, time: 21.238788, number of examples in current step: 5, step 1000 out of total 10000\n", - "loss: 30.511317, time: 20.870660, number of examples in current step: 5, step 1100 out of total 10000\n", - "loss: 29.975881, time: 21.306635, number of examples in current step: 5, step 1200 out of total 10000\n", - "loss: 29.922128, time: 20.797399, number of examples in current step: 5, step 1300 out of total 10000\n", - "loss: 30.123425, time: 21.314660, number of examples in current step: 5, step 1400 out of total 10000\n", - "loss: 29.797232, time: 20.774638, number of examples in current step: 5, step 1500 out of total 10000\n", - "loss: 29.937522, time: 21.149396, number of examples in current step: 5, step 1600 out of total 10000\n", - "loss: 29.936845, time: 20.826900, number of examples in current step: 5, step 1700 out of total 10000\n", - "loss: 30.041832, time: 21.172081, number of examples in current step: 5, step 1800 out of total 10000\n", - "loss: 29.963067, time: 20.848251, number of examples in current step: 8, step 1900 out of total 10000\n", - "loss: 29.508682, time: 21.196101, number of examples in current step: 5, step 2000 out of total 10000\n", - "loss: 29.310056, time: 20.740222, number of examples in current step: 5, step 2100 out of total 10000\n", - "loss: 29.142451, time: 21.167559, number of examples in current step: 5, step 2200 out of total 10000\n", - "loss: 29.366002, time: 20.756548, number of examples in current step: 5, step 2300 out of total 10000\n", - "loss: 28.720221, time: 21.070108, number of examples in current step: 5, step 2400 out of total 10000\n", - "loss: 29.210179, time: 20.782913, number of examples in current step: 5, step 2500 out of total 10000\n", - "loss: 28.735651, time: 21.138025, number of examples in current step: 5, step 2600 out of total 10000\n", - "loss: 28.166819, time: 21.227607, number of examples in current step: 5, step 2700 out of total 10000\n", - "loss: 28.519964, time: 21.532721, number of examples in current step: 5, step 2800 out of total 10000\n", - "loss: 28.067041, time: 20.801938, number of examples in current step: 5, step 2900 out of total 10000\n", - "loss: 26.800023, time: 21.235498, number of examples in current step: 5, step 3000 out of total 10000\n", - "loss: 25.966289, time: 20.801523, number of examples in current step: 5, step 3100 out of total 10000\n", - "loss: 27.441247, time: 21.251401, number of examples in current step: 5, step 3200 out of total 10000\n", - "loss: 26.384082, time: 20.743510, number of examples in current step: 5, step 3300 out of total 10000\n", - "loss: 26.416547, time: 21.345901, number of examples in current step: 5, step 3400 out of total 10000\n", - "loss: 25.922237, time: 20.865678, number of examples in current step: 5, step 3500 out of total 10000\n", - "loss: 27.680460, time: 21.199962, number of examples in current step: 5, step 3600 out of total 10000\n", - "loss: 28.024390, time: 20.748117, number of examples in current step: 5, step 3700 out of total 10000\n", - "loss: 27.789941, time: 21.039152, number of examples in current step: 5, step 3800 out of total 10000\n", - "loss: 27.393290, time: 21.498004, number of examples in current step: 5, step 3900 out of total 10000\n", - "loss: 24.522380, time: 20.703085, number of examples in current step: 5, step 4000 out of total 10000\n", - "loss: 24.722080, time: 21.283976, number of examples in current step: 5, step 4100 out of total 10000\n", - "loss: 23.138078, time: 20.808383, number of examples in current step: 5, step 4200 out of total 10000\n", - "loss: 22.454814, time: 21.352745, number of examples in current step: 5, step 4300 out of total 10000\n", - "loss: 23.567452, time: 20.792935, number of examples in current step: 5, step 4400 out of total 10000\n", - "loss: 24.148244, time: 21.288403, number of examples in current step: 5, step 4500 out of total 10000\n", - "loss: 26.079271, time: 20.807319, number of examples in current step: 5, step 4600 out of total 10000\n", - "loss: 25.641682, time: 21.380860, number of examples in current step: 5, step 4700 out of total 10000\n", - "loss: 22.906024, time: 20.931059, number of examples in current step: 5, step 4800 out of total 10000\n", - "loss: 23.376784, time: 21.110614, number of examples in current step: 9, step 4900 out of total 10000\n", - "loss: 21.662924, time: 20.978585, number of examples in current step: 5, step 5000 out of total 10000\n", - "loss: 22.046062, time: 21.240636, number of examples in current step: 5, step 5100 out of total 10000\n", - "loss: 21.386175, time: 20.804918, number of examples in current step: 5, step 5200 out of total 10000\n", - "loss: 20.024137, time: 21.035123, number of examples in current step: 5, step 5300 out of total 10000\n", - "loss: 18.014099, time: 20.730976, number of examples in current step: 5, step 5400 out of total 10000\n", - "loss: 17.972536, time: 21.357648, number of examples in current step: 5, step 5500 out of total 10000\n", - "loss: 18.104921, time: 20.828797, number of examples in current step: 5, step 5600 out of total 10000\n", - "loss: 18.028430, time: 21.441661, number of examples in current step: 5, step 5700 out of total 10000\n", - "loss: 17.824031, time: 21.042334, number of examples in current step: 5, step 5800 out of total 10000\n", - "loss: 16.643409, time: 21.337008, number of examples in current step: 5, step 5900 out of total 10000\n", - "loss: 15.370370, time: 20.855913, number of examples in current step: 5, step 6000 out of total 10000\n", - "loss: 16.535986, time: 21.432726, number of examples in current step: 5, step 6100 out of total 10000\n", - "loss: 16.704506, time: 20.899321, number of examples in current step: 5, step 6200 out of total 10000\n", - "loss: 14.427846, time: 21.232050, number of examples in current step: 5, step 6300 out of total 10000\n", - "loss: 12.563373, time: 20.791491, number of examples in current step: 5, step 6400 out of total 10000\n", - "loss: 12.213864, time: 21.292911, number of examples in current step: 5, step 6500 out of total 10000\n", - "loss: 11.776337, time: 20.748140, number of examples in current step: 5, step 6600 out of total 10000\n", - "loss: 12.572738, time: 21.238749, number of examples in current step: 5, step 6700 out of total 10000\n", - "loss: 12.463492, time: 20.842669, number of examples in current step: 5, step 6800 out of total 10000\n", - "loss: 11.554597, time: 21.252741, number of examples in current step: 5, step 6900 out of total 10000\n", - "loss: 10.453426, time: 20.799305, number of examples in current step: 5, step 7000 out of total 10000\n", - "loss: 12.571871, time: 21.199684, number of examples in current step: 5, step 7100 out of total 10000\n", - "loss: 11.147736, time: 20.775112, number of examples in current step: 5, step 7200 out of total 10000\n", - "loss: 8.840161, time: 21.307660, number of examples in current step: 5, step 7300 out of total 10000\n", - "loss: 8.349351, time: 20.628739, number of examples in current step: 5, step 7400 out of total 10000\n", - "loss: 8.538944, time: 20.980914, number of examples in current step: 5, step 7500 out of total 10000\n", - "loss: 7.838777, time: 20.695940, number of examples in current step: 5, step 7600 out of total 10000\n", - "loss: 8.679151, time: 21.186977, number of examples in current step: 5, step 7700 out of total 10000\n", - "loss: 8.537620, time: 20.712432, number of examples in current step: 5, step 7800 out of total 10000\n", - "loss: 8.859833, time: 20.965823, number of examples in current step: 3, step 7900 out of total 10000\n", - "loss: 7.936649, time: 20.736918, number of examples in current step: 5, step 8000 out of total 10000\n", - "loss: 7.635237, time: 21.115564, number of examples in current step: 5, step 8100 out of total 10000\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "loss: 7.357592, time: 21.266071, number of examples in current step: 5, step 8200 out of total 10000\n", - "loss: 6.336736, time: 20.806072, number of examples in current step: 5, step 8300 out of total 10000\n", - "loss: 5.877894, time: 21.371235, number of examples in current step: 5, step 8400 out of total 10000\n", - "loss: 5.964879, time: 20.897553, number of examples in current step: 5, step 8500 out of total 10000\n", - "loss: 5.535290, time: 21.059212, number of examples in current step: 5, step 8600 out of total 10000\n", - "loss: 6.686879, time: 20.794497, number of examples in current step: 5, step 8700 out of total 10000\n", - "loss: 5.563559, time: 21.314857, number of examples in current step: 5, step 8800 out of total 10000\n", - "loss: 4.289995, time: 20.640453, number of examples in current step: 5, step 8900 out of total 10000\n", - "loss: 4.875267, time: 21.064786, number of examples in current step: 2, step 9000 out of total 10000\n", - "loss: 5.190399, time: 20.760948, number of examples in current step: 5, step 9100 out of total 10000\n", - "loss: 5.859150, time: 21.078804, number of examples in current step: 5, step 9200 out of total 10000\n", - "loss: 5.985065, time: 20.659935, number of examples in current step: 6, step 9300 out of total 10000\n", - "loss: 5.589111, time: 21.402810, number of examples in current step: 5, step 9400 out of total 10000\n", - "loss: 4.808244, time: 20.824272, number of examples in current step: 5, step 9500 out of total 10000\n", - "loss: 4.557641, time: 21.290274, number of examples in current step: 5, step 9600 out of total 10000\n", - "loss: 4.369399, time: 20.820461, number of examples in current step: 5, step 9700 out of total 10000\n", - "loss: 3.616004, time: 21.067338, number of examples in current step: 5, step 9800 out of total 10000\n", - "loss: 2.718699, time: 20.955738, number of examples in current step: 5, step 9900 out of total 10000\n", - "loss: 3.190213, time: 21.127867, number of examples in current step: 2, step 10000 out of total 10000\n" + "loss: 68.291734, time: 21.044145, number of examples in current step: 5, step 100 out of total 10000\n", + "loss: 35.742433, time: 21.451730, number of examples in current step: 5, step 200 out of total 10000\n", + "loss: 33.925145, time: 21.171816, number of examples in current step: 5, step 300 out of total 10000\n", + "loss: 31.630858, time: 21.252099, number of examples in current step: 5, step 400 out of total 10000\n", + "loss: 31.451058, time: 21.009300, number of examples in current step: 5, step 500 out of total 10000\n", + "loss: 31.133820, time: 21.511253, number of examples in current step: 5, step 600 out of total 10000\n", + "loss: 31.110741, time: 20.947755, number of examples in current step: 5, step 700 out of total 10000\n", + "loss: 30.449691, time: 21.354163, number of examples in current step: 5, step 800 out of total 10000\n", + "loss: 30.789190, time: 20.868618, number of examples in current step: 5, step 900 out of total 10000\n", + "loss: 30.333725, time: 21.212358, number of examples in current step: 5, step 1000 out of total 10000\n", + "loss: 30.097153, time: 20.863797, number of examples in current step: 5, step 1100 out of total 10000\n", + "loss: 29.877362, time: 21.155534, number of examples in current step: 5, step 1200 out of total 10000\n", + "loss: 30.484267, time: 20.830011, number of examples in current step: 5, step 1300 out of total 10000\n" ] } ], @@ -716,14 +624,14 @@ }, { "cell_type": "code", - "execution_count": 21, + "execution_count": 29, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1213 19:49:55.251679 140049061730112 extractive_summarization.py:432] Saving model checkpoint to /tmp/tmp1x0h8exo/fine_tuned/extsum_modelname_distilbert-base-uncased_quickrun_True.pt\n" + "I1214 03:42:10.388732 140178699347776 extractive_summarization.py:432] Saving model checkpoint to /tmp/tmp5f4v7lor/fine_tuned/extsum_modelname_distilbert-base-uncased_quickrun_True.pt\n" ] } ], @@ -733,7 +641,7 @@ }, { "cell_type": "code", - "execution_count": 22, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -753,7 +661,7 @@ }, { "cell_type": "code", - "execution_count": 23, + "execution_count": 30, "metadata": {}, "outputs": [], "source": [ @@ -765,7 +673,7 @@ }, { "cell_type": "code", - "execution_count": 24, + "execution_count": 32, "metadata": {}, "outputs": [], "source": [ @@ -775,7 +683,7 @@ }, { "cell_type": "code", - "execution_count": 25, + "execution_count": 33, "metadata": {}, "outputs": [ { @@ -790,22 +698,22 @@ "name": "stderr", "output_type": "stream", "text": [ - "2019-12-13 19:51:06,253 [MainThread ] [INFO ] Writing summaries.\n", - "I1213 19:51:06.253292 140049061730112 pyrouge.py:525] Writing summaries.\n", - "2019-12-13 19:51:06,264 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpe55w9_ms/system and model files to ./results/tmpe55w9_ms/model.\n", - "I1213 19:51:06.264005 140049061730112 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpe55w9_ms/system and model files to ./results/tmpe55w9_ms/model.\n", - "2019-12-13 19:51:06,264 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-13-19-51-05/candidate/.\n", - "I1213 19:51:06.264976 140049061730112 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-13-19-51-05/candidate/.\n", - "2019-12-13 19:51:07,212 [MainThread ] [INFO ] Saved processed files to ./results/tmpe55w9_ms/system.\n", - "I1213 19:51:07.212478 140049061730112 pyrouge.py:53] Saved processed files to ./results/tmpe55w9_ms/system.\n", - "2019-12-13 19:51:07,214 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-13-19-51-05/reference/.\n", - "I1213 19:51:07.214902 140049061730112 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-13-19-51-05/reference/.\n", - "2019-12-13 19:51:08,144 [MainThread ] [INFO ] Saved processed files to ./results/tmpe55w9_ms/model.\n", - "I1213 19:51:08.144244 140049061730112 pyrouge.py:53] Saved processed files to ./results/tmpe55w9_ms/model.\n", - "2019-12-13 19:51:08,561 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmpitl6lo4q/rouge_conf.xml\n", - "I1213 19:51:08.561358 140049061730112 pyrouge.py:354] Written ROUGE configuration to ./results/tmpitl6lo4q/rouge_conf.xml\n", - "2019-12-13 19:51:08,562 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpitl6lo4q/rouge_conf.xml\n", - "I1213 19:51:08.562606 140049061730112 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpitl6lo4q/rouge_conf.xml\n" + "2019-12-14 03:56:46,243 [MainThread ] [INFO ] Writing summaries.\n", + "I1214 03:56:46.243089 140178699347776 pyrouge.py:525] Writing summaries.\n", + "2019-12-14 03:56:46,244 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmprs0zuaw9/system and model files to ./results/tmprs0zuaw9/model.\n", + "I1214 03:56:46.244876 140178699347776 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmprs0zuaw9/system and model files to ./results/tmprs0zuaw9/model.\n", + "2019-12-14 03:56:46,245 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-14-03-56-45/candidate/.\n", + "I1214 03:56:46.245878 140178699347776 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-14-03-56-45/candidate/.\n", + "2019-12-14 03:56:47,163 [MainThread ] [INFO ] Saved processed files to ./results/tmprs0zuaw9/system.\n", + "I1214 03:56:47.163188 140178699347776 pyrouge.py:53] Saved processed files to ./results/tmprs0zuaw9/system.\n", + "2019-12-14 03:56:47,164 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-14-03-56-45/reference/.\n", + "I1214 03:56:47.164653 140178699347776 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-14-03-56-45/reference/.\n", + "2019-12-14 03:56:48,107 [MainThread ] [INFO ] Saved processed files to ./results/tmprs0zuaw9/model.\n", + "I1214 03:56:48.107815 140178699347776 pyrouge.py:53] Saved processed files to ./results/tmprs0zuaw9/model.\n", + "2019-12-14 03:56:48,181 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmpjfhrd7sa/rouge_conf.xml\n", + "I1214 03:56:48.181798 140178699347776 pyrouge.py:354] Written ROUGE configuration to ./results/tmpjfhrd7sa/rouge_conf.xml\n", + "2019-12-14 03:56:48,182 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpjfhrd7sa/rouge_conf.xml\n", + "I1214 03:56:48.182916 140178699347776 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpjfhrd7sa/rouge_conf.xml\n" ] }, { @@ -813,17 +721,17 @@ "output_type": "stream", "text": [ "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.48184 (95%-conf.int. 0.47899 - 0.48488)\n", - "1 ROUGE-1 Average_P: 0.34422 (95%-conf.int. 0.34185 - 0.34659)\n", - "1 ROUGE-1 Average_F: 0.38649 (95%-conf.int. 0.38434 - 0.38879)\n", + "1 ROUGE-1 Average_R: 0.47568 (95%-conf.int. 0.47284 - 0.47876)\n", + "1 ROUGE-1 Average_P: 0.34278 (95%-conf.int. 0.34033 - 0.34525)\n", + "1 ROUGE-1 Average_F: 0.38372 (95%-conf.int. 0.38144 - 0.38612)\n", "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.20180 (95%-conf.int. 0.19931 - 0.20468)\n", - "1 ROUGE-2 Average_P: 0.14448 (95%-conf.int. 0.14249 - 0.14667)\n", - "1 ROUGE-2 Average_F: 0.16185 (95%-conf.int. 0.15983 - 0.16404)\n", + "1 ROUGE-2 Average_R: 0.19701 (95%-conf.int. 0.19442 - 0.19976)\n", + "1 ROUGE-2 Average_P: 0.14196 (95%-conf.int. 0.13995 - 0.14402)\n", + "1 ROUGE-2 Average_F: 0.15873 (95%-conf.int. 0.15661 - 0.16088)\n", "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.43652 (95%-conf.int. 0.43387 - 0.43948)\n", - "1 ROUGE-L Average_P: 0.31246 (95%-conf.int. 0.31003 - 0.31479)\n", - "1 ROUGE-L Average_F: 0.35053 (95%-conf.int. 0.34841 - 0.35273)\n", + "1 ROUGE-L Average_R: 0.43116 (95%-conf.int. 0.42850 - 0.43402)\n", + "1 ROUGE-L Average_P: 0.31136 (95%-conf.int. 0.30902 - 0.31375)\n", + "1 ROUGE-L Average_F: 0.34823 (95%-conf.int. 0.34602 - 0.35042)\n", "\n" ] } @@ -834,7 +742,7 @@ }, { "cell_type": "code", - "execution_count": 26, + "execution_count": 35, "metadata": {}, "outputs": [ { @@ -843,7 +751,7 @@ "'marseille prosecutor says `` so far no videos were used in the crash investigation `` despite media reports .journalists at bild and paris match are `` very confident `` the video clip is real , an editor says .andreas lubitz had informed his lufthansa training school of an episode of severe depression , airline says .'" ] }, - "execution_count": 26, + "execution_count": 35, "metadata": {}, "output_type": "execute_result" } @@ -854,16 +762,16 @@ }, { "cell_type": "code", - "execution_count": 27, + "execution_count": 34, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "'marseille , france ( cnn ) the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .marseille prosecutor brice robin told cnn that `` so far no videos were used in the crash investigation . ``paris match and bild reported that the video was recovered from a phone at the wreckage site .'" + "'marseille , france ( cnn ) the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .paris match and bild reported that the video was recovered from a phone at the wreckage site .lt. col. jean-marc menichini , a french gendarmerie spokesman in charge of communications on rescue efforts around the germanwings crash site , told cnn that the reports were `` completely wrong `` and `` unwarranted . ``'" ] }, - "execution_count": 27, + "execution_count": 34, "metadata": {}, "output_type": "execute_result" } @@ -874,7 +782,7 @@ }, { "cell_type": "code", - "execution_count": 28, + "execution_count": 36, "metadata": {}, "outputs": [ { @@ -932,7 +840,7 @@ " \"cnn 's frederik pleitgen , pamela boykoff , antonia mortensen , sandrine amiel and anna-maja rappard contributed to this report .\"]" ] }, - "execution_count": 28, + "execution_count": 36, "metadata": {}, "output_type": "execute_result" } diff --git a/tests/unit/test_extractive_summarization.py b/tests/unit/test_extractive_summarization.py new file mode 100644 index 000000000..4d4d7a0e2 --- /dev/null +++ b/tests/unit/test_extractive_summarization.py @@ -0,0 +1,129 @@ +# Copyright (c) Microsoft Corporation. All rights reserved. +# Licensed under the MIT License. + +import nltk + +nltk.download("punkt") +from nltk import tokenize +import pytest +import os +import shutil + + +from utils_nlp.dataset.cnndm import ExtSumProcessedData, Summarization +from utils_nlp.models.transformers.extractive_summarization import ( + get_cycled_dataset, + get_dataloader, + get_sequential_dataloader, + ExtractiveSummarizer, + ExtSumProcessor, +) + +# @pytest.fixture() +def source_data(): + return """Boston, MA welcome to Microsoft/nlp. Welcome to text summarization. Welcome to Microsoft NERD. Look outside, waht a beautiful Charlse River fall view.""" + + +# @pytest.fixture() +def target_data(): + return ( + """ welcome to microsoft/nlp. Welcome to text summarization. Welcome to Microsoft NERD.""" + ) + +MODEL_NAME = "distilbert-base-uncased" + +@pytest.fixture(scope="module") +def data_to_file(tmp_module): + source = source_data() + target = target_data() + source_file = os.path.join(tmp_module, "source.txt") + target_file = os.path.join(tmp_module, "target.txt") + f = open(source_file, "w") + f.write(source) + f.close() + f = open(target_file, "w") + f.write(target) + f.close() + train_dataset = Summarization( + source_file, + target_file, + [tokenize.sent_tokenize], + [tokenize.sent_tokenize], + nltk.word_tokenize, + ) + test_dataset = Summarization( + source_file, + target_file, + [tokenize.sent_tokenize], + [tokenize.sent_tokenize], + nltk.word_tokenize, + ) + + processor = ExtSumProcessor( + model_name=MODEL_NAME, + cache_dir=tmp_module, + max_nsents=200, + max_src_ntokens=2000, + min_nsents=0, + min_src_ntokens=1, + use_interval=True, + ) + ext_sum_train = processor.preprocess( + train_dataset, train_dataset.get_target(), oracle_mode="greedy" + ) + ext_sum_test = processor.preprocess( + test_dataset, test_dataset.get_target(), oracle_mode="greedy" + ) + + save_path = os.path.join(tmp_module, "processed") + train_files = ExtSumProcessedData.save_data( + ext_sum_train, is_test=False, save_path=save_path, chunk_size=2000 + ) + test_files = ExtSumProcessedData.save_data( + ext_sum_test, is_test=True, save_path=save_path, chunk_size=2000 + ) + print(train_files) + print(test_files) + assert os.path.exists(train_files[0]) + assert os.path.exists(test_files[0]) + return save_path + + +@pytest.mark.gpu +def test_bert_training(data_to_file, tmp_module): + + CACHE_DIR = tmp_module + ENCODER = "transformer" + LEARNING_RATE = 2e-3 + REPORT_EVERY = 100 + MAX_STEPS = 5e2 + WARMUP_STEPS = 1e2 + DATA_SAVED_PATH = data_to_file + result_base_path = "./results" + + train_dataset_generator, test_dataset_generator = ExtSumProcessedData().splits( + root=DATA_SAVED_PATH + ) + summarizer = ExtractiveSummarizer(MODEL_NAME, ENCODER, CACHE_DIR) + train_dataloader = get_dataloader( + get_cycled_dataset(train_dataset_generator), is_labeled=True, batch_size=3000 + ) + summarizer.fit( + train_dataloader, + num_gpus=1, + gradient_accumulation_steps=2, + max_steps=MAX_STEPS, + lr=LEARNING_RATE, + warmup_steps=WARMUP_STEPS, + verbose=True, + report_every=REPORT_EVERY, + clip_grad_norm=False, + ) + + test_dataset = [] + for i in test_dataset_generator(): + test_dataset.extend(i) + target = [test_dataset[i]["tgt_txt"] for i in range(len(test_dataset))] + + prediction = summarizer.predict(get_sequential_dataloader(test_dataset)) + assert len(prediction) == 1 From 6d5013a5270b8b313234277977087d92a32d3eb4 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Tue, 17 Dec 2019 20:52:45 +0000 Subject: [PATCH 072/167] notebook update for dataset change --- .../CNNDM_TransformerSum.ipynb | 257 ++++++++++++------ 1 file changed, 175 insertions(+), 82 deletions(-) diff --git a/examples/text_summarization/CNNDM_TransformerSum.ipynb b/examples/text_summarization/CNNDM_TransformerSum.ipynb index d1cc16376..f3d11f699 100644 --- a/examples/text_summarization/CNNDM_TransformerSum.ipynb +++ b/examples/text_summarization/CNNDM_TransformerSum.ipynb @@ -90,7 +90,7 @@ "text": [ "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", "[nltk_data] Package punkt is already up-to-date!\n", - "I1213 21:37:13.154712 140178699347776 file_utils.py:40] PyTorch version 1.2.0 available.\n" + "I1217 18:37:17.971428 139802557667136 file_utils.py:40] PyTorch version 1.2.0 available.\n" ] } ], @@ -227,8 +227,8 @@ "name": "stderr", "output_type": "stream", "text": [ - "100%|██████████| 489k/489k [00:07<00:00, 65.1kKB/s] \n", - "I1213 21:37:21.183513 140178699347776 utils.py:173] Opening tar file /tmp/tmp9l1taoiy/cnndm.tar.gz.\n" + "100%|██████████| 489k/489k [00:07<00:00, 62.3kKB/s] \n", + "I1217 18:37:26.811193 139802557667136 utils.py:173] Opening tar file /tmp/tmpy397314q/cnndm.tar.gz.\n" ] } ], @@ -252,7 +252,7 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1213 21:37:32.458680 140178699347776 tokenization_utils.py:379] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + "I1217 18:37:38.230067 139802557667136 tokenization_utils.py:379] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" ] }, { @@ -292,11 +292,11 @@ { "data": { "text/plain": [ - "['/tmp/tmp9l1taoiy/processed/0_train',\n", - " '/tmp/tmp9l1taoiy/processed/1_train',\n", - " '/tmp/tmp9l1taoiy/processed/2_train',\n", - " '/tmp/tmp9l1taoiy/processed/3_train',\n", - " '/tmp/tmp9l1taoiy/processed/4_train']" + "['/tmp/tmpy397314q/processed/0_train',\n", + " '/tmp/tmpy397314q/processed/1_train',\n", + " '/tmp/tmpy397314q/processed/2_train',\n", + " '/tmp/tmpy397314q/processed/3_train',\n", + " '/tmp/tmpy397314q/processed/4_train']" ] }, "execution_count": 10, @@ -316,11 +316,11 @@ { "data": { "text/plain": [ - "['/tmp/tmp9l1taoiy/processed/0_test',\n", - " '/tmp/tmp9l1taoiy/processed/1_test',\n", - " '/tmp/tmp9l1taoiy/processed/2_test',\n", - " '/tmp/tmp9l1taoiy/processed/3_test',\n", - " '/tmp/tmp9l1taoiy/processed/4_test']" + "['/tmp/tmpy397314q/processed/0_test',\n", + " '/tmp/tmpy397314q/processed/1_test',\n", + " '/tmp/tmpy397314q/processed/2_test',\n", + " '/tmp/tmpy397314q/processed/3_test',\n", + " '/tmp/tmpy397314q/processed/4_test']" ] }, "execution_count": 11, @@ -498,13 +498,13 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1213 21:44:57.173525 140178699347776 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json not found in cache or force_download set to True, downloading to /tmp/tmp6tbw7wx9\n", - "100%|██████████| 492/492 [00:00<00:00, 354448.23B/s]\n", - "I1213 21:44:57.321225 140178699347776 file_utils.py:334] copying /tmp/tmp6tbw7wx9 to cache at /tmp/tmp5f4v7lor/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1213 21:44:57.322159 140178699347776 file_utils.py:338] creating metadata file for /tmp/tmp5f4v7lor/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1213 21:44:57.323763 140178699347776 file_utils.py:347] removing temp file /tmp/tmp6tbw7wx9\n", - "I1213 21:44:57.324488 140178699347776 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmp5f4v7lor/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1213 21:44:57.325493 140178699347776 configuration_utils.py:174] Model config {\n", + "I1217 18:44:51.806424 139802557667136 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json not found in cache or force_download set to True, downloading to /tmp/tmpgvu50aqr\n", + "100%|██████████| 492/492 [00:00<00:00, 568640.83B/s]\n", + "I1217 18:44:51.962247 139802557667136 file_utils.py:334] copying /tmp/tmpgvu50aqr to cache at /tmp/tmpdym52i5i/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1217 18:44:51.963408 139802557667136 file_utils.py:338] creating metadata file for /tmp/tmpdym52i5i/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1217 18:44:51.965103 139802557667136 file_utils.py:347] removing temp file /tmp/tmpgvu50aqr\n", + "I1217 18:44:51.965668 139802557667136 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpdym52i5i/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1217 18:44:51.966852 139802557667136 configuration_utils.py:174] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -530,14 +530,14 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1213 21:44:57.464036 140178699347776 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin not found in cache or force_download set to True, downloading to /tmp/tmpg_6t39lj\n", - "100%|██████████| 267967963/267967963 [00:04<00:00, 63692061.61B/s]\n", - "I1213 21:45:01.959389 140178699347776 file_utils.py:334] copying /tmp/tmpg_6t39lj to cache at /tmp/tmp5f4v7lor/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1213 21:45:02.238092 140178699347776 file_utils.py:338] creating metadata file for /tmp/tmp5f4v7lor/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1213 21:45:02.239385 140178699347776 file_utils.py:347] removing temp file /tmp/tmpg_6t39lj\n", - "I1213 21:45:02.280591 140178699347776 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmp5f4v7lor/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1213 21:45:03.722773 140178699347776 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmp5f4v7lor/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1213 21:45:03.724308 140178699347776 configuration_utils.py:174] Model config {\n", + "I1217 18:44:52.101840 139802557667136 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin not found in cache or force_download set to True, downloading to /tmp/tmpcu0f3_vv\n", + "100%|██████████| 267967963/267967963 [00:03<00:00, 67229891.02B/s]\n", + "I1217 18:44:56.305050 139802557667136 file_utils.py:334] copying /tmp/tmpcu0f3_vv to cache at /tmp/tmpdym52i5i/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1217 18:44:56.587834 139802557667136 file_utils.py:338] creating metadata file for /tmp/tmpdym52i5i/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1217 18:44:56.588978 139802557667136 file_utils.py:347] removing temp file /tmp/tmpcu0f3_vv\n", + "I1217 18:44:56.624732 139802557667136 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpdym52i5i/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1217 18:44:58.107886 139802557667136 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpdym52i5i/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1217 18:44:58.109093 139802557667136 configuration_utils.py:174] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -563,7 +563,7 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1213 21:45:03.864532 140178699347776 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmp5f4v7lor/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I1217 18:44:58.241129 139802557667136 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpdym52i5i/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], @@ -583,7 +583,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 20, "metadata": { "scrolled": true }, @@ -592,19 +592,112 @@ "name": "stdout", "output_type": "stream", "text": [ - "loss: 68.291734, time: 21.044145, number of examples in current step: 5, step 100 out of total 10000\n", - "loss: 35.742433, time: 21.451730, number of examples in current step: 5, step 200 out of total 10000\n", - "loss: 33.925145, time: 21.171816, number of examples in current step: 5, step 300 out of total 10000\n", - "loss: 31.630858, time: 21.252099, number of examples in current step: 5, step 400 out of total 10000\n", - "loss: 31.451058, time: 21.009300, number of examples in current step: 5, step 500 out of total 10000\n", - "loss: 31.133820, time: 21.511253, number of examples in current step: 5, step 600 out of total 10000\n", - "loss: 31.110741, time: 20.947755, number of examples in current step: 5, step 700 out of total 10000\n", - "loss: 30.449691, time: 21.354163, number of examples in current step: 5, step 800 out of total 10000\n", - "loss: 30.789190, time: 20.868618, number of examples in current step: 5, step 900 out of total 10000\n", - "loss: 30.333725, time: 21.212358, number of examples in current step: 5, step 1000 out of total 10000\n", - "loss: 30.097153, time: 20.863797, number of examples in current step: 5, step 1100 out of total 10000\n", - "loss: 29.877362, time: 21.155534, number of examples in current step: 5, step 1200 out of total 10000\n", - "loss: 30.484267, time: 20.830011, number of examples in current step: 5, step 1300 out of total 10000\n" + "loss: 50.646378, time: 22.631160, number of examples in current step: 5, step 100 out of total 10000\n", + "loss: 33.793594, time: 21.044874, number of examples in current step: 5, step 200 out of total 10000\n", + "loss: 32.788770, time: 20.708551, number of examples in current step: 5, step 300 out of total 10000\n", + "loss: 31.555956, time: 21.022777, number of examples in current step: 5, step 400 out of total 10000\n", + "loss: 31.015303, time: 20.605717, number of examples in current step: 8, step 500 out of total 10000\n", + "loss: 30.423153, time: 20.881066, number of examples in current step: 5, step 600 out of total 10000\n", + "loss: 30.845548, time: 20.734294, number of examples in current step: 5, step 700 out of total 10000\n", + "loss: 30.580163, time: 21.032496, number of examples in current step: 7, step 800 out of total 10000\n", + "loss: 31.150659, time: 20.884736, number of examples in current step: 5, step 900 out of total 10000\n", + "loss: 29.488281, time: 21.059112, number of examples in current step: 5, step 1000 out of total 10000\n", + "loss: 30.541964, time: 20.708292, number of examples in current step: 5, step 1100 out of total 10000\n", + "loss: 30.830110, time: 21.077800, number of examples in current step: 5, step 1200 out of total 10000\n", + "loss: 29.623951, time: 20.632566, number of examples in current step: 5, step 1300 out of total 10000\n", + "loss: 30.290076, time: 21.099526, number of examples in current step: 5, step 1400 out of total 10000\n", + "loss: 29.993626, time: 20.555313, number of examples in current step: 5, step 1500 out of total 10000\n", + "loss: 30.277067, time: 21.134893, number of examples in current step: 5, step 1600 out of total 10000\n", + "loss: 30.136724, time: 21.092158, number of examples in current step: 5, step 1700 out of total 10000\n", + "loss: 30.142018, time: 21.349204, number of examples in current step: 5, step 1800 out of total 10000\n", + "loss: 30.408301, time: 20.947950, number of examples in current step: 5, step 1900 out of total 10000\n", + "loss: 29.111500, time: 21.486748, number of examples in current step: 5, step 2000 out of total 10000\n", + "loss: 30.184728, time: 20.846687, number of examples in current step: 5, step 2100 out of total 10000\n", + "loss: 29.597505, time: 21.212236, number of examples in current step: 5, step 2200 out of total 10000\n", + "loss: 29.868810, time: 20.714326, number of examples in current step: 5, step 2300 out of total 10000\n", + "loss: 29.377431, time: 20.978430, number of examples in current step: 5, step 2400 out of total 10000\n", + "loss: 29.541388, time: 20.640673, number of examples in current step: 5, step 2500 out of total 10000\n", + "loss: 29.724207, time: 21.356356, number of examples in current step: 5, step 2600 out of total 10000\n", + "loss: 29.390374, time: 21.234666, number of examples in current step: 5, step 2700 out of total 10000\n", + "loss: 29.454847, time: 21.583781, number of examples in current step: 5, step 2800 out of total 10000\n", + "loss: 28.447264, time: 20.967798, number of examples in current step: 5, step 2900 out of total 10000\n", + "loss: 29.055359, time: 21.146016, number of examples in current step: 5, step 3000 out of total 10000\n", + "loss: 28.194085, time: 20.727949, number of examples in current step: 5, step 3100 out of total 10000\n", + "loss: 27.781719, time: 21.310647, number of examples in current step: 10, step 3200 out of total 10000\n", + "loss: 26.309513, time: 20.805569, number of examples in current step: 5, step 3300 out of total 10000\n", + "loss: 28.655566, time: 21.209971, number of examples in current step: 5, step 3400 out of total 10000\n", + "loss: 28.125119, time: 20.701797, number of examples in current step: 5, step 3500 out of total 10000\n", + "loss: 27.724689, time: 21.208107, number of examples in current step: 5, step 3600 out of total 10000\n", + "loss: 28.469454, time: 20.735428, number of examples in current step: 5, step 3700 out of total 10000\n", + "loss: 27.441285, time: 21.201085, number of examples in current step: 5, step 3800 out of total 10000\n", + "loss: 27.446780, time: 20.751544, number of examples in current step: 5, step 3900 out of total 10000\n", + "loss: 26.043867, time: 21.156237, number of examples in current step: 5, step 4000 out of total 10000\n", + "loss: 26.181683, time: 21.134482, number of examples in current step: 5, step 4100 out of total 10000\n", + "loss: 24.185787, time: 20.864966, number of examples in current step: 5, step 4200 out of total 10000\n", + "loss: 24.647515, time: 21.104284, number of examples in current step: 5, step 4300 out of total 10000\n", + "loss: 26.308780, time: 20.772454, number of examples in current step: 5, step 4400 out of total 10000\n", + "loss: 25.744383, time: 21.172621, number of examples in current step: 5, step 4500 out of total 10000\n", + "loss: 24.773671, time: 20.700181, number of examples in current step: 5, step 4600 out of total 10000\n", + "loss: 24.270896, time: 21.268451, number of examples in current step: 5, step 4700 out of total 10000\n", + "loss: 25.846365, time: 20.598596, number of examples in current step: 5, step 4800 out of total 10000\n", + "loss: 23.428492, time: 20.967340, number of examples in current step: 5, step 4900 out of total 10000\n", + "loss: 19.957516, time: 20.714996, number of examples in current step: 5, step 5000 out of total 10000\n", + "loss: 20.340182, time: 21.082933, number of examples in current step: 5, step 5100 out of total 10000\n", + "loss: 23.037734, time: 20.697294, number of examples in current step: 5, step 5200 out of total 10000\n", + "loss: 22.533047, time: 20.984664, number of examples in current step: 5, step 5300 out of total 10000\n", + "loss: 21.818605, time: 20.536927, number of examples in current step: 5, step 5400 out of total 10000\n", + "loss: 21.626095, time: 21.029142, number of examples in current step: 5, step 5500 out of total 10000\n", + "loss: 19.186640, time: 20.506389, number of examples in current step: 5, step 5600 out of total 10000\n", + "loss: 18.841879, time: 21.052580, number of examples in current step: 5, step 5700 out of total 10000\n", + "loss: 19.867750, time: 20.716353, number of examples in current step: 5, step 5800 out of total 10000\n", + "loss: 16.718751, time: 20.919875, number of examples in current step: 5, step 5900 out of total 10000\n", + "loss: 13.844668, time: 20.654640, number of examples in current step: 5, step 6000 out of total 10000\n", + "loss: 13.259359, time: 21.294722, number of examples in current step: 5, step 6100 out of total 10000\n", + "loss: 12.555993, time: 20.735506, number of examples in current step: 5, step 6200 out of total 10000\n", + "loss: 15.363859, time: 21.011957, number of examples in current step: 5, step 6300 out of total 10000\n", + "loss: 16.355932, time: 20.613020, number of examples in current step: 5, step 6400 out of total 10000\n", + "loss: 14.205648, time: 21.048965, number of examples in current step: 5, step 6500 out of total 10000\n", + "loss: 13.313909, time: 20.750437, number of examples in current step: 5, step 6600 out of total 10000\n", + "loss: 16.069617, time: 21.005120, number of examples in current step: 5, step 6700 out of total 10000\n", + "loss: 16.353159, time: 20.613764, number of examples in current step: 5, step 6800 out of total 10000\n", + "loss: 10.449840, time: 21.011440, number of examples in current step: 5, step 6900 out of total 10000\n", + "loss: 7.821031, time: 20.688589, number of examples in current step: 5, step 7000 out of total 10000\n", + "loss: 9.534725, time: 20.963867, number of examples in current step: 5, step 7100 out of total 10000\n", + "loss: 9.384873, time: 20.649505, number of examples in current step: 9, step 7200 out of total 10000\n", + "loss: 9.650093, time: 21.183623, number of examples in current step: 5, step 7300 out of total 10000\n", + "loss: 8.970471, time: 20.680761, number of examples in current step: 5, step 7400 out of total 10000\n", + "loss: 11.752754, time: 21.021969, number of examples in current step: 6, step 7500 out of total 10000\n", + "loss: 11.919778, time: 20.702512, number of examples in current step: 5, step 7600 out of total 10000\n", + "loss: 11.981617, time: 21.046392, number of examples in current step: 5, step 7700 out of total 10000\n", + "loss: 11.779458, time: 20.753459, number of examples in current step: 5, step 7800 out of total 10000\n", + "loss: 6.661400, time: 21.105260, number of examples in current step: 5, step 7900 out of total 10000\n", + "loss: 5.817208, time: 20.653457, number of examples in current step: 5, step 8000 out of total 10000\n", + "loss: 6.695193, time: 20.963968, number of examples in current step: 5, step 8100 out of total 10000\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss: 5.945398, time: 20.959122, number of examples in current step: 5, step 8200 out of total 10000\n", + "loss: 7.403578, time: 20.623628, number of examples in current step: 5, step 8300 out of total 10000\n", + "loss: 7.579400, time: 21.010104, number of examples in current step: 5, step 8400 out of total 10000\n", + "loss: 6.733897, time: 20.956976, number of examples in current step: 5, step 8500 out of total 10000\n", + "loss: 7.400434, time: 21.315107, number of examples in current step: 5, step 8600 out of total 10000\n", + "loss: 8.942719, time: 20.842602, number of examples in current step: 5, step 8700 out of total 10000\n", + "loss: 8.192907, time: 21.137500, number of examples in current step: 5, step 8800 out of total 10000\n", + "loss: 5.031124, time: 20.709420, number of examples in current step: 5, step 8900 out of total 10000\n", + "loss: 4.819118, time: 21.070154, number of examples in current step: 6, step 9000 out of total 10000\n", + "loss: 4.357930, time: 20.748780, number of examples in current step: 5, step 9100 out of total 10000\n", + "loss: 4.545584, time: 21.223144, number of examples in current step: 5, step 9200 out of total 10000\n", + "loss: 4.658168, time: 20.557300, number of examples in current step: 5, step 9300 out of total 10000\n", + "loss: 5.264066, time: 21.249058, number of examples in current step: 5, step 9400 out of total 10000\n", + "loss: 5.969067, time: 20.712935, number of examples in current step: 5, step 9500 out of total 10000\n", + "loss: 5.285898, time: 21.363654, number of examples in current step: 5, step 9600 out of total 10000\n", + "loss: 4.935408, time: 20.708985, number of examples in current step: 5, step 9700 out of total 10000\n", + "loss: 5.457768, time: 21.089815, number of examples in current step: 5, step 9800 out of total 10000\n", + "loss: 4.436776, time: 20.591032, number of examples in current step: 5, step 9900 out of total 10000\n", + "loss: 4.003601, time: 21.361167, number of examples in current step: 5, step 10000 out of total 10000\n" ] } ], @@ -624,14 +717,14 @@ }, { "cell_type": "code", - "execution_count": 29, + "execution_count": 21, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1214 03:42:10.388732 140178699347776 extractive_summarization.py:432] Saving model checkpoint to /tmp/tmp5f4v7lor/fine_tuned/extsum_modelname_distilbert-base-uncased_quickrun_True.pt\n" + "I1217 19:20:14.048710 139802557667136 extractive_summarization.py:432] Saving model checkpoint to /tmp/tmpdym52i5i/fine_tuned/extsum_modelname_distilbert-base-uncased_quickrun_True.pt\n" ] } ], @@ -641,7 +734,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 22, "metadata": {}, "outputs": [], "source": [ @@ -661,7 +754,7 @@ }, { "cell_type": "code", - "execution_count": 30, + "execution_count": 23, "metadata": {}, "outputs": [], "source": [ @@ -673,7 +766,7 @@ }, { "cell_type": "code", - "execution_count": 32, + "execution_count": 24, "metadata": {}, "outputs": [], "source": [ @@ -683,7 +776,7 @@ }, { "cell_type": "code", - "execution_count": 33, + "execution_count": 25, "metadata": {}, "outputs": [ { @@ -698,22 +791,22 @@ "name": "stderr", "output_type": "stream", "text": [ - "2019-12-14 03:56:46,243 [MainThread ] [INFO ] Writing summaries.\n", - "I1214 03:56:46.243089 140178699347776 pyrouge.py:525] Writing summaries.\n", - "2019-12-14 03:56:46,244 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmprs0zuaw9/system and model files to ./results/tmprs0zuaw9/model.\n", - "I1214 03:56:46.244876 140178699347776 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmprs0zuaw9/system and model files to ./results/tmprs0zuaw9/model.\n", - "2019-12-14 03:56:46,245 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-14-03-56-45/candidate/.\n", - "I1214 03:56:46.245878 140178699347776 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-14-03-56-45/candidate/.\n", - "2019-12-14 03:56:47,163 [MainThread ] [INFO ] Saved processed files to ./results/tmprs0zuaw9/system.\n", - "I1214 03:56:47.163188 140178699347776 pyrouge.py:53] Saved processed files to ./results/tmprs0zuaw9/system.\n", - "2019-12-14 03:56:47,164 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-14-03-56-45/reference/.\n", - "I1214 03:56:47.164653 140178699347776 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-14-03-56-45/reference/.\n", - "2019-12-14 03:56:48,107 [MainThread ] [INFO ] Saved processed files to ./results/tmprs0zuaw9/model.\n", - "I1214 03:56:48.107815 140178699347776 pyrouge.py:53] Saved processed files to ./results/tmprs0zuaw9/model.\n", - "2019-12-14 03:56:48,181 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmpjfhrd7sa/rouge_conf.xml\n", - "I1214 03:56:48.181798 140178699347776 pyrouge.py:354] Written ROUGE configuration to ./results/tmpjfhrd7sa/rouge_conf.xml\n", - "2019-12-14 03:56:48,182 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpjfhrd7sa/rouge_conf.xml\n", - "I1214 03:56:48.182916 140178699347776 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpjfhrd7sa/rouge_conf.xml\n" + "2019-12-17 19:21:21,290 [MainThread ] [INFO ] Writing summaries.\n", + "I1217 19:21:21.290435 139802557667136 pyrouge.py:525] Writing summaries.\n", + "2019-12-17 19:21:21,297 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpuryr79c7/system and model files to ./results/tmpuryr79c7/model.\n", + "I1217 19:21:21.297645 139802557667136 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpuryr79c7/system and model files to ./results/tmpuryr79c7/model.\n", + "2019-12-17 19:21:21,298 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-17-19-21-20/candidate/.\n", + "I1217 19:21:21.298635 139802557667136 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-17-19-21-20/candidate/.\n", + "2019-12-17 19:21:22,253 [MainThread ] [INFO ] Saved processed files to ./results/tmpuryr79c7/system.\n", + "I1217 19:21:22.253241 139802557667136 pyrouge.py:53] Saved processed files to ./results/tmpuryr79c7/system.\n", + "2019-12-17 19:21:22,254 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-17-19-21-20/reference/.\n", + "I1217 19:21:22.254958 139802557667136 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-17-19-21-20/reference/.\n", + "2019-12-17 19:21:23,216 [MainThread ] [INFO ] Saved processed files to ./results/tmpuryr79c7/model.\n", + "I1217 19:21:23.216884 139802557667136 pyrouge.py:53] Saved processed files to ./results/tmpuryr79c7/model.\n", + "2019-12-17 19:21:23,717 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmpkuttct3c/rouge_conf.xml\n", + "I1217 19:21:23.717461 139802557667136 pyrouge.py:354] Written ROUGE configuration to ./results/tmpkuttct3c/rouge_conf.xml\n", + "2019-12-17 19:21:23,718 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpkuttct3c/rouge_conf.xml\n", + "I1217 19:21:23.718756 139802557667136 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpkuttct3c/rouge_conf.xml\n" ] }, { @@ -721,17 +814,17 @@ "output_type": "stream", "text": [ "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.47568 (95%-conf.int. 0.47284 - 0.47876)\n", - "1 ROUGE-1 Average_P: 0.34278 (95%-conf.int. 0.34033 - 0.34525)\n", - "1 ROUGE-1 Average_F: 0.38372 (95%-conf.int. 0.38144 - 0.38612)\n", + "1 ROUGE-1 Average_R: 0.47216 (95%-conf.int. 0.46927 - 0.47525)\n", + "1 ROUGE-1 Average_P: 0.34211 (95%-conf.int. 0.33966 - 0.34468)\n", + "1 ROUGE-1 Average_F: 0.38153 (95%-conf.int. 0.37935 - 0.38384)\n", "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.19701 (95%-conf.int. 0.19442 - 0.19976)\n", - "1 ROUGE-2 Average_P: 0.14196 (95%-conf.int. 0.13995 - 0.14402)\n", - "1 ROUGE-2 Average_F: 0.15873 (95%-conf.int. 0.15661 - 0.16088)\n", + "1 ROUGE-2 Average_R: 0.19405 (95%-conf.int. 0.19134 - 0.19665)\n", + "1 ROUGE-2 Average_P: 0.14079 (95%-conf.int. 0.13874 - 0.14297)\n", + "1 ROUGE-2 Average_F: 0.15673 (95%-conf.int. 0.15461 - 0.15891)\n", "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.43116 (95%-conf.int. 0.42850 - 0.43402)\n", - "1 ROUGE-L Average_P: 0.31136 (95%-conf.int. 0.30902 - 0.31375)\n", - "1 ROUGE-L Average_F: 0.34823 (95%-conf.int. 0.34602 - 0.35042)\n", + "1 ROUGE-L Average_R: 0.42759 (95%-conf.int. 0.42494 - 0.43044)\n", + "1 ROUGE-L Average_P: 0.31054 (95%-conf.int. 0.30808 - 0.31295)\n", + "1 ROUGE-L Average_F: 0.34596 (95%-conf.int. 0.34381 - 0.34812)\n", "\n" ] } @@ -742,7 +835,7 @@ }, { "cell_type": "code", - "execution_count": 35, + "execution_count": 26, "metadata": {}, "outputs": [ { @@ -751,7 +844,7 @@ "'marseille prosecutor says `` so far no videos were used in the crash investigation `` despite media reports .journalists at bild and paris match are `` very confident `` the video clip is real , an editor says .andreas lubitz had informed his lufthansa training school of an episode of severe depression , airline says .'" ] }, - "execution_count": 35, + "execution_count": 26, "metadata": {}, "output_type": "execute_result" } @@ -762,16 +855,16 @@ }, { "cell_type": "code", - "execution_count": 34, + "execution_count": 27, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "'marseille , france ( cnn ) the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .paris match and bild reported that the video was recovered from a phone at the wreckage site .lt. col. jean-marc menichini , a french gendarmerie spokesman in charge of communications on rescue efforts around the germanwings crash site , told cnn that the reports were `` completely wrong `` and `` unwarranted . ``'" + "\"marseille , france ( cnn ) the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .all 150 on board were killed .cell phones have been collected at the site , he said , but that they `` had n't been exploited yet . ``\"" ] }, - "execution_count": 34, + "execution_count": 27, "metadata": {}, "output_type": "execute_result" } @@ -782,7 +875,7 @@ }, { "cell_type": "code", - "execution_count": 36, + "execution_count": 28, "metadata": {}, "outputs": [ { @@ -840,7 +933,7 @@ " \"cnn 's frederik pleitgen , pamela boykoff , antonia mortensen , sandrine amiel and anna-maja rappard contributed to this report .\"]" ] }, - "execution_count": 36, + "execution_count": 28, "metadata": {}, "output_type": "execute_result" } From 8a3ee2c26e0b7143b399c6a877f2ea849cf90ff1 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Tue, 17 Dec 2019 21:02:45 +0000 Subject: [PATCH 073/167] rename the notebook --- ...Sum.ipynb => extractive_summarization_cnndm_transformer.ipynb} | 0 1 file changed, 0 insertions(+), 0 deletions(-) rename examples/text_summarization/{CNNDM_TransformerSum.ipynb => extractive_summarization_cnndm_transformer.ipynb} (100%) diff --git a/examples/text_summarization/CNNDM_TransformerSum.ipynb b/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb similarity index 100% rename from examples/text_summarization/CNNDM_TransformerSum.ipynb rename to examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb From 6da14667706ead61ee83bca8b08d307c00bee6d1 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Wed, 18 Dec 2019 22:01:55 +0000 Subject: [PATCH 074/167] distributed prediction --- .../transformers/extractive_summarization.py | 46 +++++++++++++++++-- 1 file changed, 41 insertions(+), 5 deletions(-) diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index ece9685c7..f18258c3f 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -282,7 +282,6 @@ def fit( self, train_dataloader, num_gpus=None, - local_rank=-1, max_steps=5e5, optimization_method="adam", lr=2e-3, @@ -345,6 +344,7 @@ def predict( self, eval_dataloader, num_gpus=1, + local_rank=-1, batch_size=16, sentence_seperator="", top_n=3, @@ -377,6 +377,7 @@ def _get_pred(batch, sent_scores): selected_ids = np.argsort(-sent_scores, 1) # selected_ids = np.sort(selected_ids,1) pred = [] + target = [] for i, idx in enumerate(selected_ids): _pred = [] if len(batch.src_str[i]) == 0: @@ -399,27 +400,62 @@ def _get_pred(batch, sent_scores): # _pred = ''.join(_pred) _pred = sentence_seperator.join(_pred) pred.append(_pred.strip()) - return pred + target.append(batch.tgt_str[i]) + print("=======================") + print(pred) + print("=======================") + print(target) + return pred, target + + world_size = num_gpus + device, num_gpus = get_device(num_gpus=num_gpus, local_rank=local_rank) + #local_rank = range(0,num_gpus) + print(local_rank) + print(device) + #from torch.nn.parallel import DistributedDataParallel as DDP + #self.model = DDP(self.model) - device, num_gpus = get_device(num_gpus=num_gpus, local_rank=-1) # if isinstance(self.model, nn.DataParallel): # self.model.module.to(device) # else: + #if num_gpus > 1: + # self.model = nn.DataParallel(self.model, device_ids=local_rank) self.model.to(device) - + self.model = torch.nn.parallel.DistributedDataParallel(self.model, device_ids=[local_rank]) + def move_batch_to_device(batch, device): return batch.to(device) self.model.eval() pred = [] + target = [] + j = 0 + for batch in eval_dataloader: + #print("rank {}, j {}".format(local_rank, j) ) + if j%world_size != local_rank: + j += 1 + #print(j%world_size) + continue batch = move_batch_to_device(batch, device) + #print("actual work: rank {}, j {}".format(local_rank, j) ) + #batch = move_batch_to_device(batch, "cuda:{}".format(local_rank[j%num_gpus])) + j += 1 with torch.no_grad(): inputs = ExtSumProcessor.get_inputs(batch, self.model_name, train_mode=False) outputs = self.model(**inputs) sent_scores = outputs[0] sent_scores = sent_scores.detach().cpu().numpy() - pred.extend(_get_pred(batch, sent_scores)) + temp_pred, temp_target = _get_pred(batch, sent_scores) + pred.extend(temp_pred) + target.extend(temp_target) + #torch.dist.barrier() + print(len(pred)) + print(pred[0]) + print(len(target)) + print(target[0]) + torch.save(pred, "{}.predict".format(local_rank)) + torch.save(target, "{}.target".format(local_rank)) return pred def save_model(self, name): From 4fc6bae3b8455f7bb2cfd270ee18594fcd3a4c44 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Thu, 19 Dec 2019 05:33:02 +0000 Subject: [PATCH 075/167] change dataset and dataloader for inferencing --- ...tive_summarization_cnndm_transformer.ipynb | 1266 ++++++++++++++++- .../transformers/extractive_summarization.py | 98 +- 2 files changed, 1266 insertions(+), 98 deletions(-) diff --git a/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb b/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb index f3d11f699..85ff61724 100644 --- a/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb +++ b/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb @@ -49,7 +49,7 @@ "## Set QUICK_RUN = True to run the notebook on a small subset of data and a smaller number of epochs.\n", "QUICK_RUN = True\n", "## Set USE_PREPROCSSED_DATA = True to skip the data preprocessing\n", - "USE_PREPROCSSED_DATA = False" + "USE_PREPROCSSED_DATA = True" ] }, { @@ -90,7 +90,7 @@ "text": [ "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", "[nltk_data] Package punkt is already up-to-date!\n", - "I1217 18:37:17.971428 139802557667136 file_utils.py:40] PyTorch version 1.2.0 available.\n" + "I1219 04:08:26.066413 139675858003776 file_utils.py:40] PyTorch version 1.2.0 available.\n" ] } ], @@ -125,7 +125,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 15, "metadata": {}, "outputs": [], "source": [ @@ -407,20 +407,20 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 5, "metadata": {}, "outputs": [], "source": [ "# the data path used to downloaded the preprocessed data from BERTSUM Repo.\n", "# if you have downloaded the dataset, change the code to use that path where the dataset is.\n", "PROCESSED_DATA_PATH = TemporaryDirectory().name\n", - "#data_path = \"./temp_data5/\"\n", - "#PROCESSED_DATA_PATH = data_path" + "data_path = \"./temp_data5/\"\n", + "PROCESSED_DATA_PATH = data_path" ] }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 6, "metadata": {}, "outputs": [], "source": [ @@ -452,7 +452,7 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": 13, "metadata": {}, "outputs": [], "source": [ @@ -489,7 +489,7 @@ }, { "cell_type": "code", - "execution_count": 18, + "execution_count": 16, "metadata": { "scrolled": true }, @@ -498,13 +498,13 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1217 18:44:51.806424 139802557667136 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json not found in cache or force_download set to True, downloading to /tmp/tmpgvu50aqr\n", - "100%|██████████| 492/492 [00:00<00:00, 568640.83B/s]\n", - "I1217 18:44:51.962247 139802557667136 file_utils.py:334] copying /tmp/tmpgvu50aqr to cache at /tmp/tmpdym52i5i/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1217 18:44:51.963408 139802557667136 file_utils.py:338] creating metadata file for /tmp/tmpdym52i5i/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1217 18:44:51.965103 139802557667136 file_utils.py:347] removing temp file /tmp/tmpgvu50aqr\n", - "I1217 18:44:51.965668 139802557667136 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpdym52i5i/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1217 18:44:51.966852 139802557667136 configuration_utils.py:174] Model config {\n", + "I1219 04:09:29.497260 139675858003776 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json not found in cache or force_download set to True, downloading to /tmp/tmpo59o7kse\n", + "100%|██████████| 492/492 [00:00<00:00, 400776.38B/s]\n", + "I1219 04:09:29.658666 139675858003776 file_utils.py:334] copying /tmp/tmpo59o7kse to cache at /tmp/tmpi99rn6ni/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1219 04:09:29.662085 139675858003776 file_utils.py:338] creating metadata file for /tmp/tmpi99rn6ni/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1219 04:09:29.663305 139675858003776 file_utils.py:347] removing temp file /tmp/tmpo59o7kse\n", + "I1219 04:09:29.664099 139675858003776 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpi99rn6ni/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1219 04:09:29.665112 139675858003776 configuration_utils.py:174] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -530,14 +530,14 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1217 18:44:52.101840 139802557667136 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin not found in cache or force_download set to True, downloading to /tmp/tmpcu0f3_vv\n", - "100%|██████████| 267967963/267967963 [00:03<00:00, 67229891.02B/s]\n", - "I1217 18:44:56.305050 139802557667136 file_utils.py:334] copying /tmp/tmpcu0f3_vv to cache at /tmp/tmpdym52i5i/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1217 18:44:56.587834 139802557667136 file_utils.py:338] creating metadata file for /tmp/tmpdym52i5i/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1217 18:44:56.588978 139802557667136 file_utils.py:347] removing temp file /tmp/tmpcu0f3_vv\n", - "I1217 18:44:56.624732 139802557667136 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpdym52i5i/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1217 18:44:58.107886 139802557667136 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpdym52i5i/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1217 18:44:58.109093 139802557667136 configuration_utils.py:174] Model config {\n", + "I1219 04:09:29.807581 139675858003776 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin not found in cache or force_download set to True, downloading to /tmp/tmpvlezuh0b\n", + "100%|██████████| 267967963/267967963 [00:04<00:00, 62207368.71B/s]\n", + "I1219 04:09:34.336824 139675858003776 file_utils.py:334] copying /tmp/tmpvlezuh0b to cache at /tmp/tmpi99rn6ni/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1219 04:09:34.634873 139675858003776 file_utils.py:338] creating metadata file for /tmp/tmpi99rn6ni/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1219 04:09:34.636206 139675858003776 file_utils.py:347] removing temp file /tmp/tmpvlezuh0b\n", + "I1219 04:09:34.673409 139675858003776 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpi99rn6ni/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1219 04:09:35.989183 139675858003776 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpi99rn6ni/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1219 04:09:35.992045 139675858003776 configuration_utils.py:174] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -563,7 +563,7 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1217 18:44:58.241129 139802557667136 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpdym52i5i/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I1219 04:09:36.136521 139675858003776 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpi99rn6ni/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], @@ -734,13 +734,22 @@ }, { "cell_type": "code", - "execution_count": 22, + "execution_count": 17, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/serialization.py:453: SourceChangeWarning: source code of class 'transformers.modeling_distilbert.DistilBertModel' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.\n", + " warnings.warn(msg, SourceChangeWarning)\n" + ] + } + ], "source": [ - "# for loading a previous saved model\n", - "#import torch\n", - "#summarizer.model = torch.load(\"cnndm_transformersum_distilbert-base-uncased_bertsum_processed_data.pt\")" + "# for loading a previously saved model\n", + "import torch\n", + "summarizer.model = torch.load(\"cnndm_transformersum_distilbert-base-uncased_bertsum_processed_data.pt\")" ] }, { @@ -754,59 +763,1186 @@ }, { "cell_type": "code", - "execution_count": 23, + "execution_count": 10, "metadata": {}, "outputs": [], "source": [ - "test_dataset=[]\n", + "eval_dataset=[]\n", "for i in test_dataset_generator():\n", - " test_dataset.extend(i)\n", - "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]" + " eval_dataset.extend(i)\n", + "target = [eval_dataset[i]['tgt_txt'] for i in range(len(eval_dataset))]" ] }, { "cell_type": "code", - "execution_count": 24, + "execution_count": 11, "metadata": {}, "outputs": [], "source": [ - "prediction = summarizer.predict(get_sequential_dataloader(test_dataset))\n", - "#prediction = summarizer.predict(get_dataloader(test_dataset_generator()))" + "new_eval_batch = [] \n", + "for batch in get_sequential_dataloader(eval_dataset, is_labeled=True):\n", + " new_eval_batch.append(batch)" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [], + "source": [ + "new_eval_batch = [] \n", + "new_eval_dataset = [] \n", + "j = 0\n", + "for batch in get_sequential_dataloader(eval_dataset, is_labeled=True):\n", + " new_eval_dataset.append(ExtSumProcessor.get_inputs(batch, MODEL_NAME))\n", + " new_eval_batch.append(batch)\n", + " break" + ] + }, + { + "cell_type": "code", + "execution_count": 81, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[['turkey has blocked access to twitter and youtube after they refused a request to remove pictures of a prosecutor held during an armed siege last week .',\n", + " \"a turkish court imposed the blocks because images of the deadly siege were being shared on social media and ` deeply upset ' the wife and children of mehmet selim kiraz , the hostage who was killed .\",\n", + " \"the 46-year-old turkish prosecutor died in hospital when members of the revolutionary people 's liberation party-front ( dhkp-c ) stormed a courthouse and took him hostage .\",\n", + " 'the dhkp-c is considered a terrorist group by turkey , the european union and us .',\n", + " 'a turkish court has blocked access to twitter and youtube after they refused a request to remove pictures of prosecutor mehmet selim kiraz held during an armed siege last week',\n", + " 'grief : the family of mehmet selim kiraz grieve over his coffin during his funeral at eyup sultan mosque in istanbul , turkey .',\n", + " 'he died in hospital after he was taken hostage by the far-left organisation',\n", + " 'two of his captors were killed when security forces took back the building where the far-left group was holding him .',\n", + " 'gunshots were heard and smoke could be seen rising from the scene at the end of the six-hour stand-off .',\n", + " 'mr kiraz , a father-of-two married to a judge who also worked at the courthouse , was targeted for his part in an investigation into the death of berkin elvan .',\n", + " 'the 15-year-old was severely wounded after being hit on the head by a tear-gas canister fired by a police officer during anti-government protests in istanbul in june 2013 .',\n", + " 'after spending 269 days in a coma , elvan eventually died on march 11 last year .',\n", + " \"his death , and the subsequent investigation , have since become a rallying point for the country 's far-left .\",\n", + " 'gathering : prosecutors , lawyers and judges stand near a statue of lady justice during the funeral ceremony',\n", + " \"a british national , of polish origin but who has not been named , was arrested on saturday as part of an operation against the revolutionary people 's liberation party-front , according to reports .\",\n", + " \"a foreign office spokeswoman said this morning : ' i can confirm that a british national has been arrested in turkey and that we are offering consular assistance . '\",\n", + " 'before imposing the blocks on the websites , turkish authorities had tried to prevent newspapers printing images taken during the siege last week .',\n", + " \"the newspapers were accused by the government of ` spreading terrorist propaganda ' in sharing the images of the hostage-taking .\",\n", + " \"presidential spokesman ibrahim kalin said : ` this has to do with the publishing of the prosecutor 's\",\n", + " \"what happened in the aftermath ( of the prosecutor 's\",\n", + " 'killing ) is as grim as the incident itself .',\n", + " \"` the demand from the prosecutor 's office is that this image\",\n", + " 'not be used anywhere in electronic platforms .',\n", + " '` the wife and children of prosecutor kiraz have been deeply',\n", + " \"the images are everywhere . '\",\n", + " \"he added : ' a request has been made to both twitter and youtube for the\",\n", + " 'removal of the images and posts but they have not accepted it',\n", + " 'and no response has been given .',\n", + " \"this decision has been taken through a court in istanbul . '\",\n", + " 'critical : prosecutor mehmet selim kiraz was taken to hospital with gunshot wounds but died of his injuries',\n", + " 'strength of feeling : elvan has since become an icon for the turkish far-left and his supporters accuse the authorities of covering up the circumstances and perpetrators of his death',\n", + " 'google said it was working to restore service to the youtube',\n", + " 'video-sharing site , which it owns .',\n", + " 'working to restore access for its users .',\n", + " 'facebook said it had complied with a turkish court order requiring it to restrict access to some content or face a block on its service .',\n", + " 'a company spokesman said it would appeal the order .',\n", + " \"turkey 's telecoms regulator could not immediately be reached\",\n", + " 'and there was no statement on its website .',\n", + " 'this is not the first time that turkish authorities have imposed blocks on social media sites and networks .',\n", + " 'in the run-up to local elections in march 2014 blocks were imposed after recordings circulated allegedly revealing corruption among senior officials .',\n", + " 'figures provided by twitter revealed that turkey filed more requests to remove content from the social network than any other nation between july and december 2014 .'],\n", + " ['deborah fuller has been banned from keeping animals after she dragged her dog behind her car , causing wounds as she drove at 30mph',\n", + " 'a dog breeder and exhibitor who dragged her pet behind her car at a speed of 30mph and failed to get painful wounds to its paws and chest treated , has been banned from keeping animals and had her dogs confiscated .',\n", + " 'deborah fuller , 56 , dragged her dog tango for 400 metres behind her car as she drove along the b1066 near long melford , essex .',\n", + " 'the rhodesian ridgeback was left with injuries to all four paws as well as grazing to his chest and a deep wound on his elbow .',\n", + " \"he is believed to have somehow escaped from the boot of her car and was dragged along the single carriageway because his lead was attached to the vehicle 's tailgate .\",\n", + " \"fuller , of lawford , essex , denied causing unnecessary suffering to an animal by not taking it to the vets and failing to take steps to safely secure a dog within a vehicle , but was convicted following a hearing at chelmsford magistrates ' court .\",\n", + " 'fuller has also been banned from keeping animals for five years and had her 27 other dogs confiscated .',\n", + " \"chairman of the bench anthony ealden said if tango had been taken to the vet earlier ` unnecessary suffering ' could have been avoided .\",\n", + " 'he said : ` we believe for whatever reason , known only to yourself , you had no intention of getting veterinary treatment as a matter of urgency .',\n", + " \"` we do not accept your reason for delaying treatment as reasonable . '\",\n", + " 'the incident took place on june 11 , 2014 , when the dog was seen being dragged along the b1006 behind the car .',\n", + " 'tree surgeons working nearby spotted what had happened and tried to get fuller , who is a rhodesian ridgeback breeder and exhibitor , to stop her car .',\n", + " \"she did n't stop until she reached the end of the carriageway and they took her registration number and reported her to police who called the rspca , the court heard .\",\n", + " \"tango was later found by inspectors in an outbuilding at fuller 's home with bandages on his paws .\",\n", + " 'he was taken to a vet and given treatment for his injuries , which took eight weeks .',\n", + " 'tango was left with considerable injuries to his paws and stomach , as well as a deep elbow wound',\n", + " 'tango , a rhodesian ridgeback , pictured before being injured by being dragged along the road',\n", + " 'fuller claimed she had not been aware the rear hatch of her car had opened and claimed she had given the one-year-old dog first aid , and had already arranged for him to go to the vet when police turned up .',\n", + " \"mike fullerton , defending fuller , said : ` when deborah fuller was being restrained she asked why she was not allowed to take the dog to the vet . '\",\n", + " 'rspca inspector sam garvey said after the sentencing : ` eyewitnesses report they saw the dog being dragged about 400 metres at a speed of 30mph .',\n", + " '` this must have been horrific for poor tango .',\n", + " 'so painful , and so distressing .',\n", + " '` it is hard to say what caused tango to be dragged behind a moving car in this way , but by the time we found him , seven hours later , he was urgently in need of vet treatment .',\n", + " 'the animal was taken to the vets and treated for the burns , suffered when he was dragged along the road',\n", + " \"judges ruled that the dog 's suffering could have been avoided if fuller had taken him to the vets earlier\",\n", + " '` he had injuries to the pads of all four feet , causing the black layer of skin to be removed .',\n", + " 'he also had grazing to his chest area and a nasty deep wound to his elbow and leg area .',\n", + " \"` it took a period of eight weeks to heal the wounds and for his skin to grow back over his pads so he could walk without discomfort . '\",\n", + " 'fuller was also ordered to pay # 3,000 costs , given a 12 month community order and a two month curfew from 7pm to 7am .',\n", + " 'tango was taken to a vet for treatment after being found and has made a full recovery in foster care .',\n", + " 'the court also allowed confiscation of all the animals owned by fuller , which are currently in rspca care .',\n", + " 'tango was removed from fuller , along with more than 40 other dogs that were at her essex home',\n", + " \"fuller and her partner phil sheldrake , 59 , previously pleaded guilty to 16 charges of causing unnecessary suffering and failing to meet the dogs ' needs at colchester magistrates court in june .\",\n", + " 'earlier this month the case was thrown out after the high court ruled that inspectors did have the correct warrant to seize 44 dogs from their essex home .',\n", + " \"tendring district council had been granted a warrant to investigate ` nuisance ' at the house , following complaints about noise and dog faeces .\",\n", + " 'the council joined forces with the rspca and seized 44 dogs from the house , with the animal welfare charity claiming several of the animals were emaciated .',\n", + " 'however the trial was halted when district judge kenneth sheraton said evidence gathered by inspectors was inadmissible because they did not have the correct warrant .'],\n", + " [\"media personality miranda devine has apologised after calling a rugby player a ` tosser ' for celebrating a try using sign language .\",\n", + " 'flanker david pocock scored a hat-trick of tries for australian super rugby team , the brumbies , who were on their way to a win against the highlanders at canberra stadium on friday night .',\n", + " 'devine tweeted : ` did pocock actually do jazz hands when he celebrated a try ?!!!',\n", + " \"but unfortunately for devine , it was n't actually the hand shaking gesture that 's become popular recently - the flanker and former australian captain was actually doing sign language for a friend , which pocock pointed out in reply .\",\n", + " \"miranda devine has apologised after calling david pocock a ` tosser ' for celebrating a try using sign language\",\n", + " \"devine had assumed a gesture pocock had made after scoring a try on friday night was ` jazz hands '\",\n", + " 'devine tweeted : ` did pocock actually do jazz hands when he celebrated a try ?!!!',\n", + " \"after the match , pocock responded to devine that she 'd misinterpreted his hand movements .\",\n", + " '` it was actually auslan/sign language for clapping .',\n", + " \"i have a friend who 's first language is auslan so it was for her ... ' he tweeted .\",\n", + " 'ms devine then quickly changed her tune and apologised for being so harsh with her initial judgement .',\n", + " \"` that 's really nice .\",\n", + " \"glad it was n't jazz hands !\",\n", + " \"and congrats on your hat trick , ' she replied , alongside an emoji of two open hands .\",\n", + " 'this emoji can be interpreted as showing praise for someone or -- fittingly -- jazz hands .',\n", + " '` it was actually auslan/sign language for clapping .',\n", + " \"i have a friend who 's first language is auslan so it was for her ... ' pocock tweeted in return\",\n", + " 'ms devine then quickly changed her tune and apologised for being so harsh with her initial judgement',\n", + " 'pocock was gracious in his reply , tweeting ` thanks , miranda .',\n", + " 'also glad it was n\\'t \" jazz hands \" , \\' accompanied by a smiley face',\n", + " 'pocock was gracious in his reply , tweeting ` thanks , miranda .',\n", + " 'also glad it was n\\'t \" jazz hands \" , \\' accompanied by a smiley face .',\n", + " \"however , other social media users were n't as quick to forgive .\",\n", + " '` in fairness , devine apologised to pocock .',\n", + " \"but really : ( 1 ) what kind of adult writes a tweet like that ; and ( 2 ) what 's wrong with jazz hands , ' columnist benjamin law tweeted .\",\n", + " \"` egg , meet face , ' criag wilson wrote .\",\n", + " \"other social media users were n't as quick to forgive devine , despite her quick apology\",\n", + " \"but others were perfectly fine with jazz hands : ` am i the only one that thinks jazz hands would have been totally acceptable also ? '\",\n", + " \"others on social media were more understanding , taking the view that ` accidents happen ' .\",\n", + " \"` and you 've * never * made a dumb *** assumption/judgement ? '\",\n", + " \"the woman wrote to someone who had condemned ms devine 's comment .\",\n", + " \"` we 're all capable of foot-in-mouth . '\"],\n", + " ['saracens director of rugby mark mccall lauded his young guns after their latest european heartache before declaring he has no intention of overspending in a competitive post-world cup transfer market .',\n", + " 'mccall watched his side , which contained five english-qualified forwards in the starting pack , battle in vain before losing 13-9 to the clermont on saturday .',\n", + " \"saracens ' millionaire chairman nigel wray spent much of last week repeating his belief the cap should be scrapped in order for saracens to compete at europe 's top table , raising expectations they could be set to land a ` marquee ' player from outside the league whose wages would sit outside next season 's # 5.5 m cap .\",\n", + " 'maro itoje ( second left ) was one of five england-qualified forwards in the saracens pack that faced clermont',\n", + " 'mako vunipola tries to fend off clermont lock jamie cudmore during a ferocious contest',\n", + " 'saracens director of rugby mark mccall saw his side come agonisingly close to reaching the final',\n", + " \"but mccall said : ` we know where we 'd like to improve our side and we 're prepared to wait for the right person .\",\n", + " 'we do n\\'t want to jump in and get \" a name \" just because he \\'s available post-world cup .',\n", + " '` the fact our pack is as young as it is is incredibly exciting for us .',\n", + " \"they could be the mainstay of the club for the next four to five seasons . '\",\n", + " 'billy vunipola ( left ) , jim hamilton and itoje leave the field following their 13-9 loss against clermont'],\n", + " [\"it 's t20 season on the sub-continent and the world 's best players are about the pad up for the latest edition of the indian premier league , cricket 's most exciting and richest domestic tournament .\",\n", + " \"eight teams will play a total of 60 games over almost seven weeks across 12 venues all round india in a battle to be crowned champions of the tournament 's eighth edition , with the final taking place at eden gardens in kolkata on may 24 .\",\n", + " 'can kolkata knight riders retain their title ?',\n", + " 'will virat kohli lead the royal challengers bangalore to their first title ?',\n", + " \"can ms dhoni 's chennai super kings win their third crown ?\",\n", + " 'and who are the players to watch out for ?',\n", + " 'sportsmail tells you all you need to know in our guide to the 2015 indian premier league as india prepares for the spectacular cricket roadshow .',\n", + " 'ms dhoni , pictured in the 2011 champions league , is looking to guide chennai super kings to a third title',\n", + " 'the bright yellow jerseys of the super kings are one of the iconic sights of the indian premier league .',\n", + " 'led by the superstar indian duo of ms dhoni and suresh raina , chennai are the most successful team in ipl history .',\n", + " 'as well as their back-to-back victories in 2010 and 2011 , csk have been losing finalists three times and never failed to reach the last four .',\n", + " 'in international players dhoni , raina , ravi ashwin , ravi jadeja and mohit sharma , the super kings have probably the best pool of indian talent in the tournament , which is key given that seven of the starting xi have to be domestic players .',\n", + " 'the foreign talent is also strong , though , and includes new zealand captain brendon mccullum , south african faf du plessis and west indian all-rounder dwyane bravo .',\n", + " 'one to watch : there are so many .',\n", + " 'dhoni needs no introduction , raina is the top scorer in ipl history , but mccullum is one of the most exciting players in world cricket at the moment .',\n", + " 'he hit the first ever ipl century in 2008 and will be looking to build on a brilliant world cup campaign .',\n", + " \"brendon mccullum 's aggressive brand of cricket led new zealand to the world cup final\",\n", + " \"# 1,740,000 - yuvraj singh 's salary , the highest in the 2015 tournament after he was picked up by delhi daredevils in the auction .\",\n", + " '3325 - runs suresh raina has scored , the most in tournament history .',\n", + " '2008 - year the ipl was first played .',\n", + " '119 - wickets taken by lasith malinga , the most in the history of the tournament .',\n", + " '60 - matches in the 2015 tournament .',\n", + " '46 - days the tournament lasts , beginning on april 8 and ending on may 24 .',\n", + " '12 - venues to be used in 2015 .',\n", + " '8 - teams in 2015 edition of the ipl .',\n", + " '3 - english players in the tournament - eoin morgan , ravi bopara and kevin pietersen .',\n", + " 'the side from the capital are out to prove a point having never won the tournament and never even reached the final .',\n", + " 'the daredevils have missed out on the semi-finals the last two seasons and will be looking to get back on track this year .',\n", + " 'they are led by south african jp duminy and a lot of their overseas talent also comes from the same country in the form of quinton de kock , imran tahir and albie morkel , although sri lankan all-rounder angelo mathews is a handy player as well .',\n", + " \"world cup outcasts yuvraj singh , zaheer khan and amit mishra , all of whom featured in india 's successful 2011 team , will relish a return to the big stage and try and force themselves back into international reckoning .\",\n", + " 'one to watch : in 22-year-old de kock , delhi have the most exciting young wicketkeeper batsman in the world .',\n", + " 'de kock has already scored six one-day international tons but his highest score in the world cup was an unbeaten 78 .',\n", + " \"2011 world cup winner yuvraj singh will be out to prove a point after being left out of this year 's india team\",\n", + " 'after years of just making up the numbers , the kings xi punjab lit up the 2014 tournament on their way to topping the table in the round-robin stage before losing in the final .',\n", + " \"punjab 's success in 2014 came largely thanks to their strong australian contingent , and this year they will be just as reliant on the likes of glenn maxwell , mitchell johnson , george bailey and shaun marsh .\",\n", + " 'but the kings xi also have south african powerhouse david miller in their ranks along with sri lankan thisara perera .',\n", + " \"their indian talent is n't the strongest in the tournament but virender sehwag and murali vijay have both performed on the big stage for their country , and 21-year-old axar patel is one of the best young talents in india .\",\n", + " 'one to watch : the destructive maxwell .',\n", + " \"one banner in the stands in chandigarh last year read ` glenndeep singh maxwell - the king of punjab ' .\",\n", + " \"it was maxwell 's power-hitting that almost led his team to the 2014 title and he showed again at the world cup just how dangerous he can be .\",\n", + " 'glenn maxwell was one of the top run-scorers in the ipl last year and almost guided the kings xi to the title',\n", + " 'the reigning champions knight riders have one of the most balanced teams in the tournament and will be looking to win their third ipl title in four years .',\n", + " \"gautam gambhir 's international career may have stalled , but he is still one of the most talented indian batsmen out there .\",\n", + " \"along with gambhir , yusuf pathan was also part of india 's 2011 world cup winning team while robin uthappa was the leading run-scorer last year with 660 .\",\n", + " 'in terms of overseas talent , kolkata boast sunil narine , morne morkel , johan botha , andre russell , pat cummins , bangladeshi all-rounder shakib-al-hasan and dutchman ryan ten doeschate .',\n", + " \"one to watch : it 's rare for india to produce fast bowlers with genuine pace , but they have one in umesh yadav .\",\n", + " 'kolkata will be looking for yadav to combine with morkel and narine as part of a fearsome bowling attack .',\n", + " 'sunil narine , pictured in action for the kolkata knight riders in the 2012 indian premier league',\n", + " 'the team that once featured the great sachin tendulkar finally won the ipl in 2013 , and they have an excellent chance to lift their second title this year .',\n", + " 'in rohit sharma , harbhajan singh , pragyan ojha and parthiv patel , mumbai have a strong core of indian talent , but it is their overseas game-winners that makes them dangerous .',\n", + " 'sri lankan fast bowler lasith malinga is the highest wicket-taker in tournament history with 119 , and he is joined by kieron pollard , aaron finch , corey anderson and josh hazlewood .',\n", + " 'after losing in the eliminator against chennai last year , the mumbai indians will once again expect to reach the play-offs and mount a serious challenge for the title .',\n", + " 'one to watch : the demon bowler that is malinga has made a habit of cleaning up batsmen in the ipl and was key in their success in 2013 .',\n", + " 'he will once again lead this bowling attack .',\n", + " 'mumbai indians batsman rohit sharma pictured in action for india against bangladesh at the world cup',\n", + " '2009 : deccan chargers ( defunct )',\n", + " \"since shane warne 's side won the inaugural ipl in 2008 , the rajasthan royals have only made the play-offs on one occasion since .\",\n", + " \"rajasthan 's short history has been eventful to say the lease .\",\n", + " 'they were expelled by the bcci and then reinstated in 2010 and were also rocked by the spot-fixing scandal that saw former test match bowler shanthakumaran sreesanth banned for life .',\n", + " \"this year 's royals team features a strong australian presence in captain shane watson , steve smith and james faulkner as well as new zealand seamer tim southee .\",\n", + " 'their indian talent lacks star quality , though , with ajinkya rahane , stuart binny and dhawal kulkarni the only men who have forced their way into the national side .',\n", + " 'one to watch : australian smith has enjoyed a summer of dominating india and was instrumental in his country winning the world cup .',\n", + " 'smith is a dangerous player with the bat , can hold up his end with the ball and is also one of the best fielders in the tournament .',\n", + " 'steve smith will look to continue his excellent form into the indian premier league with rajasthan',\n", + " 'bollywood actress shilpa shetty , pictured in 2009 , is a part owner of the rajasthan royals',\n", + " \"any batting order that contains chris gayle , ab de villers and kohli has half a chance , but it has been bangalore 's bowling that has held them back in recent years .\",\n", + " 'bangalore have never won the ipl and have missed out on the play-offs altogether in the last three years .',\n", + " 'the royal challengers paid big money in the auction to pick up dinesh karthik ( # 1.17 million ) in an attempt to shake off their underachievers tag .',\n", + " 'but news that world cup player of the tournament mitchell starc will miss the start of the ipl will hurt their bowling attack .',\n", + " 'one to watch : any of their big three batsmen really , but de villiers is often hailed as the most innovative batsman in world cricket for his stunning range of shots .',\n", + " 'virat kohli and chris gayle pictured playing for royal challengers bangalore in the 2012 tournament',\n", + " 'south african ab de villiers is often hailed as the most innovative batsman in world cricket',\n", + " 'the newest team in the indian premier league , the sunrisers hyderabad are set to embark on their third campaign having been founded in 2013 and replaced the deccan chargers .',\n", + " 'the sunrisers will be led up front by the explosive opening duo of david warner and shikhar dhawan and their middle order will feature new zealander kane williamson and english duo ravi bopara and eoin morgan .',\n", + " 'hyderabad also landed kevin pietersen in the auction for what looked like a bargain of # 205,000 after he was released by the delhi daredevils , but the 34-year-old will not feature in the orange shirt unless they make the play-offs .',\n", + " \"pietersen reached the agreement with the sunrisers in order to return to surrey in an attempt to resurrect his england career , but the play-offs take place during the same week as england 's first test against new zealand at lord 's .\",\n", + " 'the sunrisers also boast a a strong bowling line-up with foreign stars dale steyn and trent boult supported by indian internationals ishant sharma and bhuvneshwar kumar .',\n", + " \"one to watch : hyderabad 's strength is up top with captain warner and dhawan .\",\n", + " \"the indian batsman scored two centuries at the recent world cup and , like warner , has the power to take the game away from the opposition if he 's there for a while .\",\n", + " \"eoin morgan will look to move on quickly from england 's miserable world cup when he plays in the ipl\",\n", + " 'kevin pietersen , here playing for delhi in 2012 , will join hyderabad if they make the play-offs']]" + ] + }, + "execution_count": 81, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "new_eval_batch[0].src_str" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [], + "source": [ + "batch = new_eval_dataset[0]\n", + "temp = (batch['x'], batch['segs'], batch['clss'], batch['mask'], batch['mask_cls'], batch['labels'])" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'x': tensor([[ 101, 4977, 2038, ..., 4652, 6399, 102],\n", + " [ 101, 15555, 12548, ..., 12548, 3555, 102],\n", + " [ 101, 2865, 6180, ..., 2036, 5580, 102],\n", + " [ 101, 7354, 19023, ..., 0, 0, 0],\n", + " [ 101, 2009, 1005, ..., 2011, 6768, 102]]),\n", + " 'segs': tensor([[0, 0, 0, ..., 0, 0, 0],\n", + " [0, 0, 0, ..., 1, 1, 1],\n", + " [0, 0, 0, ..., 1, 1, 1],\n", + " [0, 0, 0, ..., 0, 0, 0],\n", + " [0, 0, 0, ..., 1, 1, 1]]),\n", + " 'clss': tensor([[ 0, 29, 73, 113, 135, 171, 205, 222, 248, 275, 315, 355, 375, 401,\n", + " 421, 461, 495, 0, 0, 0, 0, 0],\n", + " [ 0, 28, 76, 108, 138, 174, 227, 248, 276, 307, 323, 351, 385, 424,\n", + " 447, 467, 488, 508, 0, 0, 0, 0],\n", + " [ 0, 30, 73, 98, 147, 174, 198, 223, 248, 262, 290, 314, 323, 334,\n", + " 359, 383, 397, 427, 450, 469, 489, 508],\n", + " [ 0, 39, 72, 144, 170, 193, 214, 244, 272, 291, 312, 0, 0, 0,\n", + " 0, 0, 0, 0, 0, 0, 0, 0],\n", + " [ 0, 45, 95, 105, 123, 139, 151, 181, 205, 227, 256, 290, 344, 387,\n", + " 398, 435, 460, 482, 0, 0, 0, 0]]),\n", + " 'mask': tensor([[ True, True, True, ..., True, True, True],\n", + " [ True, True, True, ..., True, True, True],\n", + " [ True, True, True, ..., True, True, True],\n", + " [ True, True, True, ..., False, False, False],\n", + " [ True, True, True, ..., True, True, True]]),\n", + " 'mask_cls': tensor([[ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, False, False, False,\n", + " False, False],\n", + " [ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, True, False, False,\n", + " False, False],\n", + " [ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, True, True, True,\n", + " True, True],\n", + " [ True, True, True, True, True, True, True, True, True, True,\n", + " True, False, False, False, False, False, False, False, False, False,\n", + " False, False],\n", + " [ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, True, False, False,\n", + " False, False]]),\n", + " 'labels': tensor([[0, 1, 0, 0, 0, 0, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0],\n", + " [0, 1, 0, 1, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0],\n", + " [1, 0, 0, 0, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0],\n", + " [0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0],\n", + " [0, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]])}" + ] + }, + "execution_count": 31, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "batch" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [], + "source": [ + "device=\"cuda:0\"\n", + "new_batch = tuple(t.to(device) for t in temp)" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "metadata": {}, + "outputs": [], + "source": [ + "a = ExtSumProcessor.get_inputs2(new_batch, summarizer.model_name, train_mode=False)" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'x': tensor([[ 101, 4977, 2038, ..., 4652, 6399, 102],\n", + " [ 101, 15555, 12548, ..., 12548, 3555, 102],\n", + " [ 101, 2865, 6180, ..., 2036, 5580, 102],\n", + " [ 101, 7354, 19023, ..., 0, 0, 0],\n", + " [ 101, 2009, 1005, ..., 2011, 6768, 102]], device='cuda:0'),\n", + " 'segs': tensor([[0, 0, 0, ..., 0, 0, 0],\n", + " [0, 0, 0, ..., 1, 1, 1],\n", + " [0, 0, 0, ..., 1, 1, 1],\n", + " [0, 0, 0, ..., 0, 0, 0],\n", + " [0, 0, 0, ..., 1, 1, 1]], device='cuda:0'),\n", + " 'clss': tensor([[ 0, 29, 73, 113, 135, 171, 205, 222, 248, 275, 315, 355, 375, 401,\n", + " 421, 461, 495, 0, 0, 0, 0, 0],\n", + " [ 0, 28, 76, 108, 138, 174, 227, 248, 276, 307, 323, 351, 385, 424,\n", + " 447, 467, 488, 508, 0, 0, 0, 0],\n", + " [ 0, 30, 73, 98, 147, 174, 198, 223, 248, 262, 290, 314, 323, 334,\n", + " 359, 383, 397, 427, 450, 469, 489, 508],\n", + " [ 0, 39, 72, 144, 170, 193, 214, 244, 272, 291, 312, 0, 0, 0,\n", + " 0, 0, 0, 0, 0, 0, 0, 0],\n", + " [ 0, 45, 95, 105, 123, 139, 151, 181, 205, 227, 256, 290, 344, 387,\n", + " 398, 435, 460, 482, 0, 0, 0, 0]], device='cuda:0'),\n", + " 'mask': tensor([[ True, True, True, ..., True, True, True],\n", + " [ True, True, True, ..., True, True, True],\n", + " [ True, True, True, ..., True, True, True],\n", + " [ True, True, True, ..., False, False, False],\n", + " [ True, True, True, ..., True, True, True]], device='cuda:0'),\n", + " 'mask_cls': tensor([[ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, False, False, False,\n", + " False, False],\n", + " [ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, True, False, False,\n", + " False, False],\n", + " [ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, True, True, True,\n", + " True, True],\n", + " [ True, True, True, True, True, True, True, True, True, True,\n", + " True, False, False, False, False, False, False, False, False, False,\n", + " False, False],\n", + " [ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, True, False, False,\n", + " False, False]], device='cuda:0')}" + ] + }, + "execution_count": 34, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "a" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": { + "scrolled": true + }, + "outputs": [], + "source": [ + "outputs = summarizer.model(**a)" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": {}, + "outputs": [], + "source": [ + "sent_scores = outputs[0]" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "tensor([[1.2797, 1.4138, 1.3300, 1.2633, 1.2465, 1.0688, 1.1607, 1.0789, 1.0379,\n", + " 1.0831, 1.1103, 1.0584, 1.0471, 1.0388, 1.0484, 1.0268, 1.0320, 0.0000,\n", + " 0.0000, 0.0000, 0.0000, 0.0000],\n", + " [1.4332, 1.2015, 1.4598, 1.3369, 1.2130, 1.1952, 1.1715, 1.0674, 1.0351,\n", + " 1.0249, 1.0774, 1.0215, 1.0350, 1.0662, 1.0975, 1.0838, 1.0363, 1.0532,\n", + " 0.0000, 0.0000, 0.0000, 0.0000],\n", + " [1.3368, 1.5235, 1.1833, 1.1581, 1.3971, 1.1417, 1.1155, 1.0668, 1.0552,\n", + " 1.0474, 1.0775, 1.0161, 1.0235, 1.0214, 1.0414, 1.0415, 1.0308, 1.0466,\n", + " 1.0516, 1.0198, 1.0394, 1.0168],\n", + " [1.3996, 1.2992, 1.2811, 1.3704, 1.1763, 1.1740, 1.0317, 1.0152, 1.0304,\n", + " 1.1223, 1.1197, 0.0000, 0.0000, 0.0000, 0.0000, 0.0000, 0.0000, 0.0000,\n", + " 0.0000, 0.0000, 0.0000, 0.0000],\n", + " [1.2746, 1.4863, 1.1093, 1.2819, 1.1078, 1.0225, 1.0339, 1.2592, 1.0943,\n", + " 1.1625, 1.0523, 1.0986, 1.0223, 1.0163, 1.0467, 1.0518, 1.1166, 1.0232,\n", + " 0.0000, 0.0000, 0.0000, 0.0000]], device='cuda:0',\n", + " grad_fn=)" + ] + }, + "execution_count": 28, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "sent_scores" + ] + }, + { + "cell_type": "code", + "execution_count": 30, + "metadata": {}, + "outputs": [], + "source": [ + "from torch.utils.data import DataLoader, RandomSampler, SequentialSampler\n", + "from torch.utils.data.distributed import DistributedSampler" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "metadata": {}, + "outputs": [], + "source": [ + "eval_sampler = SequentialSampler(eval_dataset)" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": {}, + "outputs": [], + "source": [ + "eval_dataloader = DataLoader(eval_dataset, sampler=eval_sampler, batch_size=1)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 86, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 9 µs, sys: 1 µs, total: 10 µs\n", + "Wall time: 17.2 µs\n" + ] + } + ], + "source": [ + "%%time \n", + "prediction = summarizer.predict(new_eval_dataset, num_gpus=1)" + ] + }, + { + "cell_type": "code", + "execution_count": 127, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "numpy.ndarray" + ] + }, + "execution_count": 127, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "type(prediction_list[0])" + ] + }, + { + "cell_type": "code", + "execution_count": 87, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'x': tensor([[[ 101, 4977, 2038, ..., 4652, 6399, 102],\n", + " [ 101, 15555, 12548, ..., 12548, 3555, 102],\n", + " [ 101, 2865, 6180, ..., 2036, 5580, 102],\n", + " [ 101, 7354, 19023, ..., 0, 0, 0],\n", + " [ 101, 2009, 1005, ..., 2011, 6768, 102]]]), 'segs': tensor([[[0, 0, 0, ..., 0, 0, 0],\n", + " [0, 0, 0, ..., 1, 1, 1],\n", + " [0, 0, 0, ..., 1, 1, 1],\n", + " [0, 0, 0, ..., 0, 0, 0],\n", + " [0, 0, 0, ..., 1, 1, 1]]]), 'clss': tensor([[[ 0, 29, 73, 113, 135, 171, 205, 222, 248, 275, 315, 355, 375, 401,\n", + " 421, 461, 495, 0, 0, 0, 0, 0],\n", + " [ 0, 28, 76, 108, 138, 174, 227, 248, 276, 307, 323, 351, 385, 424,\n", + " 447, 467, 488, 508, 0, 0, 0, 0],\n", + " [ 0, 30, 73, 98, 147, 174, 198, 223, 248, 262, 290, 314, 323, 334,\n", + " 359, 383, 397, 427, 450, 469, 489, 508],\n", + " [ 0, 39, 72, 144, 170, 193, 214, 244, 272, 291, 312, 0, 0, 0,\n", + " 0, 0, 0, 0, 0, 0, 0, 0],\n", + " [ 0, 45, 95, 105, 123, 139, 151, 181, 205, 227, 256, 290, 344, 387,\n", + " 398, 435, 460, 482, 0, 0, 0, 0]]]), 'mask': tensor([[[ True, True, True, ..., True, True, True],\n", + " [ True, True, True, ..., True, True, True],\n", + " [ True, True, True, ..., True, True, True],\n", + " [ True, True, True, ..., False, False, False],\n", + " [ True, True, True, ..., True, True, True]]]), 'mask_cls': tensor([[[ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, False, False, False,\n", + " False, False],\n", + " [ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, True, False, False,\n", + " False, False],\n", + " [ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, True, True, True,\n", + " True, True],\n", + " [ True, True, True, True, True, True, True, True, True, True,\n", + " True, False, False, False, False, False, False, False, False, False,\n", + " False, False],\n", + " [ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, True, False, False,\n", + " False, False]]]), 'labels': tensor([[[0, 1, 0, 0, 0, 0, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0],\n", + " [0, 1, 0, 1, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0],\n", + " [1, 0, 0, 0, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0],\n", + " [0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0],\n", + " [0, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]]])}\n", + "{'x': tensor([[ 101, 4977, 2038, ..., 4652, 6399, 102],\n", + " [ 101, 15555, 12548, ..., 12548, 3555, 102],\n", + " [ 101, 2865, 6180, ..., 2036, 5580, 102],\n", + " [ 101, 7354, 19023, ..., 0, 0, 0],\n", + " [ 101, 2009, 1005, ..., 2011, 6768, 102]], device='cuda:0'), 'segs': tensor([[0, 0, 0, ..., 0, 0, 0],\n", + " [0, 0, 0, ..., 1, 1, 1],\n", + " [0, 0, 0, ..., 1, 1, 1],\n", + " [0, 0, 0, ..., 0, 0, 0],\n", + " [0, 0, 0, ..., 1, 1, 1]], device='cuda:0'), 'clss': tensor([[ 0, 29, 73, 113, 135, 171, 205, 222, 248, 275, 315, 355, 375, 401,\n", + " 421, 461, 495, 0, 0, 0, 0, 0],\n", + " [ 0, 28, 76, 108, 138, 174, 227, 248, 276, 307, 323, 351, 385, 424,\n", + " 447, 467, 488, 508, 0, 0, 0, 0],\n", + " [ 0, 30, 73, 98, 147, 174, 198, 223, 248, 262, 290, 314, 323, 334,\n", + " 359, 383, 397, 427, 450, 469, 489, 508],\n", + " [ 0, 39, 72, 144, 170, 193, 214, 244, 272, 291, 312, 0, 0, 0,\n", + " 0, 0, 0, 0, 0, 0, 0, 0],\n", + " [ 0, 45, 95, 105, 123, 139, 151, 181, 205, 227, 256, 290, 344, 387,\n", + " 398, 435, 460, 482, 0, 0, 0, 0]], device='cuda:0'), 'mask': tensor([[ True, True, True, ..., True, True, True],\n", + " [ True, True, True, ..., True, True, True],\n", + " [ True, True, True, ..., True, True, True],\n", + " [ True, True, True, ..., False, False, False],\n", + " [ True, True, True, ..., True, True, True]], device='cuda:0'), 'mask_cls': tensor([[ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, False, False, False,\n", + " False, False],\n", + " [ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, True, False, False,\n", + " False, False],\n", + " [ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, True, True, True,\n", + " True, True],\n", + " [ True, True, True, True, True, True, True, True, True, True,\n", + " True, False, False, False, False, False, False, False, False, False,\n", + " False, False],\n", + " [ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, True, False, False,\n", + " False, False]], device='cuda:0')}\n" + ] + } + ], + "source": [ + "prediction_list = list(prediction)" + ] + }, + { + "cell_type": "code", + "execution_count": 118, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "1" + ] + }, + "execution_count": 118, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(prediction_list)" + ] + }, + { + "cell_type": "code", + "execution_count": 119, + "metadata": {}, + "outputs": [ + { + "ename": "NameError", + "evalue": "name 'eval_batch' is not defined", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0;31m \u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0meval_batch\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m", + "\u001b[0;31mNameError\u001b[0m: name 'eval_batch' is not defined" + ] + } + ], + "source": [ + "len(eval_batch)" + ] + }, + { + "cell_type": "code", + "execution_count": 114, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "sentence_score=prediction_list[0]\n", + "selected_ids = np.argsort(-sentence_score, 1)\n", + "#prediction_list[0]" + ] + }, + { + "cell_type": "code", + "execution_count": 116, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "array([[ 1, 2, 0, 3, 4, 6, 10, 9, 7, 5, 11, 14, 12, 13, 8, 16,\n", + " 15, 20, 17, 18, 19, 21],\n", + " [ 2, 0, 3, 4, 1, 5, 6, 14, 15, 10, 7, 13, 17, 16, 8, 12,\n", + " 9, 11, 20, 18, 19, 21],\n", + " [ 1, 4, 0, 2, 3, 5, 6, 10, 7, 8, 18, 9, 17, 15, 14, 20,\n", + " 16, 12, 13, 19, 21, 11],\n", + " [ 0, 3, 1, 2, 4, 5, 9, 10, 6, 8, 7, 20, 11, 12, 13, 14,\n", + " 15, 16, 17, 18, 19, 21],\n", + " [ 1, 3, 0, 7, 9, 16, 2, 4, 11, 8, 10, 15, 14, 6, 17, 5,\n", + " 12, 13, 18, 19, 20, 21]])" + ] + }, + "execution_count": 116, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "selected_ids" ] }, { "cell_type": "code", - "execution_count": 25, + "execution_count": 112, + "metadata": {}, + "outputs": [], + "source": [ + "sentence_seperator=\"\",\n", + "top_n=3,\n", + "block_trigram=True,\n", + "verbose=True,\n", + "cal_lead=False," + ] + }, + { + "cell_type": "code", + "execution_count": 131, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n", + "\n", + "[[ 1 2 0 3 4 6 10 9 7 5 11 14 12 13 8 16 15 20 17 18 19 21]\n", + " [ 2 0 3 4 1 5 6 14 15 10 7 13 17 16 8 12 9 11 20 18 19 21]\n", + " [ 1 4 0 2 3 5 6 10 7 8 18 9 17 15 14 20 16 12 13 19 21 11]\n", + " [ 0 3 1 2 4 5 9 10 6 8 7 20 11 12 13 14 15 16 17 18 19 21]\n", + " [ 1 3 0 7 9 16 2 4 11 8 10 15 14 6 17 5 12 13 18 19 20 21]]\n" + ] + }, + { + "ename": "AttributeError", + "evalue": "'tuple' object has no attribute 'join'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mAttributeError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 5\u001b[0m \u001b[0;31m#selected_ids = np.argsort(-sent_scores, 1)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 6\u001b[0m \u001b[0;31m#print(selected_ids)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 7\u001b[0;31m \u001b[0mtemp_pred\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtemp_target\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mget_pred\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mnew_eval_batch\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mi\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msent_scores\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 8\u001b[0m \u001b[0mprint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtemp_pred\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 9\u001b[0m \u001b[0mprint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtemp_targe\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m\u001b[0m in \u001b[0;36mget_pred\u001b[0;34m(batch, sent_scores, cal_lead)\u001b[0m\n\u001b[1;32m 28\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 29\u001b[0m \u001b[0;31m# _pred = ''.join(_pred)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 30\u001b[0;31m \u001b[0m_pred\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0msentence_seperator\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mjoin\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0m_pred\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 31\u001b[0m \u001b[0mpred\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mappend\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0m_pred\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstrip\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 32\u001b[0m \u001b[0mtarget\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mappend\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mbatch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtgt_str\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mi\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mAttributeError\u001b[0m: 'tuple' object has no attribute 'join'" + ] + } + ], + "source": [ + "for i in range(len(new_eval_batch)):\n", + "#for (batch, sent_scores) in zip(new_eval_batch, prediction_list):\n", + " sent_scores = prediction_list[i]\n", + " print(type(prediction_list[0]))\n", + " #selected_ids = np.argsort(-sent_scores, 1)\n", + " #print(selected_ids)\n", + " temp_pred, temp_target = get_pred(new_eval_batch[i], sent_scores)\n", + " print(temp_pred[0])\n", + " print(temp_targe[0])" + ] + }, + { + "cell_type": "code", + "execution_count": 70, + "metadata": {}, + "outputs": [], + "source": [ + "def _get_ngrams(n, text):\n", + " ngram_set = set()\n", + " text_length = len(text)\n", + " max_index_ngram_start = text_length - n\n", + " for i in range(max_index_ngram_start + 1):\n", + " ngram_set.add(tuple(text[i : i + n]))\n", + " return ngram_set\n", + "\n", + "def _block_tri(c, p):\n", + " tri_c = _get_ngrams(3, c.split())\n", + " for s in p:\n", + " tri_s = _get_ngrams(3, s.split())\n", + " if len(tri_c.intersection(tri_s)) > 0:\n", + " return True\n", + " return False\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 130, + "metadata": {}, + "outputs": [], + "source": [ + "def get_pred(batch, sent_scores, cal_lead=False, sentence_seperator=''):\n", + " print(type(sent_scores))\n", + " selected_ids = np.argsort(-sent_scores, 1)\n", + " #print(selected_ids)\n", + " if cal_lead:\n", + " selected_ids = list(range(batch.clss.size(1))) * len(batch.clss)\n", + " print(selected_ids)\n", + " pred = []\n", + " target = []\n", + " for i, idx in enumerate(selected_ids):\n", + " _pred = []\n", + " if len(batch.src_str[i]) == 0:\n", + " pred.append(\"\")\n", + " continue\n", + " for j in selected_ids[i][: len(batch.src_str[i])]:\n", + " if j >= len(batch.src_str[i]):\n", + " continue\n", + " candidate = batch.src_str[i][j].strip()\n", + " if block_trigram:\n", + " if not _block_tri(candidate, _pred):\n", + " _pred.append(candidate)\n", + " else:\n", + " _pred.append(candidate)\n", + "\n", + " # only select the top 3\n", + " if len(_pred) == top_n:\n", + " break\n", + "\n", + " # _pred = ''.join(_pred)\n", + " _pred = sentence_seperator.join(_pred)\n", + " pred.append(_pred.strip())\n", + " target.append(batch.tgt_str[i])\n", + " print(\"=======================\")\n", + " print(pred)\n", + " print(\"=======================\")\n", + " print(target)\n", + " return pred, target" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "range(0, 2)\n", + "cuda\n", + "CPU times: user 2min 47s, sys: 55.2 s, total: 3min 42s\n", + "Wall time: 2min 14s\n" + ] + } + ], + "source": [ + "%%time \n", + "prediction = summarizer.predict(get_sequential_dataloader(test_dataset), num_gpus=2)" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "range(0, 4)\n", + "cuda\n", + "CPU times: user 5min 14s, sys: 1min 56s, total: 7min 10s\n", + "Wall time: 3min 13s\n" + ] + } + ], + "source": [ + "%%time \n", + "prediction = summarizer.predict(get_sequential_dataloader(test_dataset), num_gpus=4)" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "range(0, 4)\n", + "cuda\n", + "CPU times: user 5min 15s, sys: 1min 57s, total: 7min 13s\n", + "Wall time: 3min 13s\n" + ] + } + ], + "source": [ + "%%time \n", + "prediction = summarizer.predict(get_sequential_dataloader(test_dataset), num_gpus=4)" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 56.8 s, sys: 18 s, total: 1min 14s\n", + "Wall time: 1min 14s\n" + ] + } + ], + "source": [ + "%%time \n", + "prediction = summarizer.predict(get_sequential_dataloader(test_dataset), num_gpus=1)" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 5min 13s, sys: 1min 55s, total: 7min 9s\n", + "Wall time: 3min 10s\n" + ] + } + ], + "source": [ + "%%time \n", + "prediction = summarizer.predict(get_sequential_dataloader(test_dataset), num_gpus=4,)\n", + "#prediction = summarizer.predict(get_dataloader(test_dataset_generator()))" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 5min 13s, sys: 1min 57s, total: 7min 11s\n", + "Wall time: 3min 10s\n" + ] + } + ], + "source": [ + "%%time\n", + "prediction = summarizer.predict(get_sequential_dataloader(test_dataset), num_gpus=4,)\n", + "#prediction = summarizer.predict(get_dataloader(test_dataset_generator()))" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "11489" + ] + }, + "execution_count": 13, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(prediction)" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['0.predict_target', '1.predict_target', '2.predict_target', '3.predict_target']\n" + ] + } + ], + "source": [ + "file_numbers = range(0,4)\n", + "filenames = [\"{}.predict\".format(i) for i in file_numbers]\n", + "print(filenames)\n", + "prediction = []\n", + "for i in filenames:\n", + " prediction.extend(torch.load(prediction))" + ] + }, + { + "cell_type": "code", + "execution_count": 55, + "metadata": {}, + "outputs": [], + "source": [ + "prediction = torch.load(\"0.predict\")\n", + "target = torch.load(\"0.target\")" + ] + }, + { + "cell_type": "code", + "execution_count": 56, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "11489" + ] + }, + "execution_count": 56, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(prediction)" + ] + }, + { + "cell_type": "code", + "execution_count": 57, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "11489" + ] + }, + "execution_count": 57, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(target)" + ] + }, + { + "cell_type": "code", + "execution_count": 58, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "\"deborah fuller has been banned from keeping animals after she dragged her dog behind her car , causing wounds as she drove at 30mphthe rhodesian ridgeback was left with injuries to all four paws as well as grazing to his chest and a deep wound on his elbow .he is believed to have somehow escaped from the boot of her car and was dragged along the single carriageway because his lead was attached to the vehicle 's tailgate .\"" + ] + }, + "execution_count": 58, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "prediction[1]" + ] + }, + { + "cell_type": "code", + "execution_count": 59, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "\"warning : graphic content - deborah fuller dragged her one-year-old dog behind her car for 400 metres at a speed of around 30mphanimal was left with wounds to paws and elbow and grazes on his stomachfuller , a breeder , failed to quickly take the animal to vet which could have reduced the ` unnecessary suffering ' of the rhodesian ridgebackshe was banned from keeping animals for five years and given a curfew\"" + ] + }, + "execution_count": 59, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "target[1]" + ] + }, + { + "cell_type": "code", + "execution_count": 60, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "11489\n", + "11489\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-12-18 21:58:09,503 [MainThread ] [INFO ] Writing summaries.\n", + "I1218 21:58:09.503323 140578347489088 pyrouge.py:525] Writing summaries.\n", + "2019-12-18 21:58:09,505 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmp71b7igdt/system and model files to ./results/tmp71b7igdt/model.\n", + "I1218 21:58:09.505720 140578347489088 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmp71b7igdt/system and model files to ./results/tmp71b7igdt/model.\n", + "2019-12-18 21:58:09,506 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-18-21-58-08/candidate/.\n", + "I1218 21:58:09.506670 140578347489088 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-18-21-58-08/candidate/.\n", + "2019-12-18 21:58:10,667 [MainThread ] [INFO ] Saved processed files to ./results/tmp71b7igdt/system.\n", + "I1218 21:58:10.667188 140578347489088 pyrouge.py:53] Saved processed files to ./results/tmp71b7igdt/system.\n", + "2019-12-18 21:58:10,668 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-18-21-58-08/reference/.\n", + "I1218 21:58:10.668822 140578347489088 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-18-21-58-08/reference/.\n", + "2019-12-18 21:58:11,807 [MainThread ] [INFO ] Saved processed files to ./results/tmp71b7igdt/model.\n", + "I1218 21:58:11.807205 140578347489088 pyrouge.py:53] Saved processed files to ./results/tmp71b7igdt/model.\n", + "2019-12-18 21:58:11,888 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp7fy_q2kz/rouge_conf.xml\n", + "I1218 21:58:11.888963 140578347489088 pyrouge.py:354] Written ROUGE configuration to ./results/tmp7fy_q2kz/rouge_conf.xml\n", + "2019-12-18 21:58:11,890 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp7fy_q2kz/rouge_conf.xml\n", + "I1218 21:58:11.890037 140578347489088 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp7fy_q2kz/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.52266 (95%-conf.int. 0.51986 - 0.52568)\n", + "1 ROUGE-1 Average_P: 0.34674 (95%-conf.int. 0.34446 - 0.34907)\n", + "1 ROUGE-1 Average_F: 0.40313 (95%-conf.int. 0.40106 - 0.40530)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.22634 (95%-conf.int. 0.22379 - 0.22906)\n", + "1 ROUGE-2 Average_P: 0.14922 (95%-conf.int. 0.14747 - 0.15107)\n", + "1 ROUGE-2 Average_F: 0.17380 (95%-conf.int. 0.17189 - 0.17581)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.47360 (95%-conf.int. 0.47089 - 0.47638)\n", + "1 ROUGE-L Average_P: 0.31457 (95%-conf.int. 0.31237 - 0.31671)\n", + "1 ROUGE-L Average_F: 0.36555 (95%-conf.int. 0.36355 - 0.36758)\n", + "\n" + ] + } + ], + "source": [ + "rouge_transformer = get_rouge(prediction, target, \"./results/\")" + ] + }, + { + "cell_type": "code", + "execution_count": 14, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "9999\n", - "9999\n" + "11489\n", + "11489\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ - "2019-12-17 19:21:21,290 [MainThread ] [INFO ] Writing summaries.\n", - "I1217 19:21:21.290435 139802557667136 pyrouge.py:525] Writing summaries.\n", - "2019-12-17 19:21:21,297 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpuryr79c7/system and model files to ./results/tmpuryr79c7/model.\n", - "I1217 19:21:21.297645 139802557667136 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpuryr79c7/system and model files to ./results/tmpuryr79c7/model.\n", - "2019-12-17 19:21:21,298 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-17-19-21-20/candidate/.\n", - "I1217 19:21:21.298635 139802557667136 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-17-19-21-20/candidate/.\n", - "2019-12-17 19:21:22,253 [MainThread ] [INFO ] Saved processed files to ./results/tmpuryr79c7/system.\n", - "I1217 19:21:22.253241 139802557667136 pyrouge.py:53] Saved processed files to ./results/tmpuryr79c7/system.\n", - "2019-12-17 19:21:22,254 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-17-19-21-20/reference/.\n", - "I1217 19:21:22.254958 139802557667136 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-17-19-21-20/reference/.\n", - "2019-12-17 19:21:23,216 [MainThread ] [INFO ] Saved processed files to ./results/tmpuryr79c7/model.\n", - "I1217 19:21:23.216884 139802557667136 pyrouge.py:53] Saved processed files to ./results/tmpuryr79c7/model.\n", - "2019-12-17 19:21:23,717 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmpkuttct3c/rouge_conf.xml\n", - "I1217 19:21:23.717461 139802557667136 pyrouge.py:354] Written ROUGE configuration to ./results/tmpkuttct3c/rouge_conf.xml\n", - "2019-12-17 19:21:23,718 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpkuttct3c/rouge_conf.xml\n", - "I1217 19:21:23.718756 139802557667136 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpkuttct3c/rouge_conf.xml\n" + "2019-12-18 03:30:54,263 [MainThread ] [INFO ] Writing summaries.\n", + "I1218 03:30:54.263799 140518432167744 pyrouge.py:525] Writing summaries.\n", + "2019-12-18 03:30:54,265 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpctvsqcxg/system and model files to ./results/tmpctvsqcxg/model.\n", + "I1218 03:30:54.265614 140518432167744 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpctvsqcxg/system and model files to ./results/tmpctvsqcxg/model.\n", + "2019-12-18 03:30:54,266 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-18-03-30-53/candidate/.\n", + "I1218 03:30:54.266546 140518432167744 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-18-03-30-53/candidate/.\n", + "2019-12-18 03:30:55,387 [MainThread ] [INFO ] Saved processed files to ./results/tmpctvsqcxg/system.\n", + "I1218 03:30:55.387292 140518432167744 pyrouge.py:53] Saved processed files to ./results/tmpctvsqcxg/system.\n", + "2019-12-18 03:30:55,389 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-18-03-30-53/reference/.\n", + "I1218 03:30:55.389828 140518432167744 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-18-03-30-53/reference/.\n", + "2019-12-18 03:30:56,517 [MainThread ] [INFO ] Saved processed files to ./results/tmpctvsqcxg/model.\n", + "I1218 03:30:56.517802 140518432167744 pyrouge.py:53] Saved processed files to ./results/tmpctvsqcxg/model.\n", + "2019-12-18 03:30:56,600 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmpmzktjbfq/rouge_conf.xml\n", + "I1218 03:30:56.600011 140518432167744 pyrouge.py:354] Written ROUGE configuration to ./results/tmpmzktjbfq/rouge_conf.xml\n", + "2019-12-18 03:30:56,601 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpmzktjbfq/rouge_conf.xml\n", + "I1218 03:30:56.601049 140518432167744 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpmzktjbfq/rouge_conf.xml\n" ] }, { @@ -814,17 +1950,17 @@ "output_type": "stream", "text": [ "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.47216 (95%-conf.int. 0.46927 - 0.47525)\n", - "1 ROUGE-1 Average_P: 0.34211 (95%-conf.int. 0.33966 - 0.34468)\n", - "1 ROUGE-1 Average_F: 0.38153 (95%-conf.int. 0.37935 - 0.38384)\n", + "1 ROUGE-1 Average_R: 0.54208 (95%-conf.int. 0.53930 - 0.54484)\n", + "1 ROUGE-1 Average_P: 0.36866 (95%-conf.int. 0.36651 - 0.37103)\n", + "1 ROUGE-1 Average_F: 0.42466 (95%-conf.int. 0.42276 - 0.42672)\n", "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.19405 (95%-conf.int. 0.19134 - 0.19665)\n", - "1 ROUGE-2 Average_P: 0.14079 (95%-conf.int. 0.13874 - 0.14297)\n", - "1 ROUGE-2 Average_F: 0.15673 (95%-conf.int. 0.15461 - 0.15891)\n", + "1 ROUGE-2 Average_R: 0.24754 (95%-conf.int. 0.24499 - 0.25011)\n", + "1 ROUGE-2 Average_P: 0.16856 (95%-conf.int. 0.16669 - 0.17049)\n", + "1 ROUGE-2 Average_F: 0.19382 (95%-conf.int. 0.19190 - 0.19576)\n", "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.42759 (95%-conf.int. 0.42494 - 0.43044)\n", - "1 ROUGE-L Average_P: 0.31054 (95%-conf.int. 0.30808 - 0.31295)\n", - "1 ROUGE-L Average_F: 0.34596 (95%-conf.int. 0.34381 - 0.34812)\n", + "1 ROUGE-L Average_R: 0.49419 (95%-conf.int. 0.49159 - 0.49685)\n", + "1 ROUGE-L Average_P: 0.33667 (95%-conf.int. 0.33456 - 0.33889)\n", + "1 ROUGE-L Average_F: 0.38754 (95%-conf.int. 0.38561 - 0.38960)\n", "\n" ] } diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index f18258c3f..2c8ba3a78 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -194,7 +194,7 @@ def __init__( print(default_preprocessing_parameters) args = Bunch(default_preprocessing_parameters) self.preprossor = TransformerSumData(args, self.tokenizer) - + @staticmethod def get_inputs(batch, model_name, train_mode=True): if model_name.split("-")[0] in ["bert", "distilbert"]: @@ -218,6 +218,30 @@ def get_inputs(batch, model_name, train_mode=True): } else: raise ValueError("Model not supported: {}".format(model_name)) + + @staticmethod + def get_inputs2(batch, model_name, train_mode=True): + if model_name.split("-")[0] in ["bert", "distilbert"]: + if train_mode: + # labels must be the last + return { + "x": batch[0][0], + "segs": batch[1][0], + "clss": batch[2][0], + "mask": batch[3][0], + "mask_cls": batch[4][0], + "labels": batch[5][0], + } + else: + return { + "x": batch[0][0], + "segs": batch[1][0], + "clss": batch[2][0], + "mask": batch[3][0], + "mask_cls": batch[4][0], + } + else: + raise ValueError("Model not supported: {}".format(model_name)) def preprocess(self, sources, targets=None, oracle_mode="greedy", selections=3): """preprocess multiple data points""" @@ -342,7 +366,8 @@ def move_batch_to_device(batch, device): def predict( self, - eval_dataloader, + #eval_dataloader, + eval_dataset, num_gpus=1, local_rank=-1, batch_size=16, @@ -409,54 +434,61 @@ def _get_pred(batch, sent_scores): world_size = num_gpus device, num_gpus = get_device(num_gpus=num_gpus, local_rank=local_rank) - #local_rank = range(0,num_gpus) - print(local_rank) - print(device) - #from torch.nn.parallel import DistributedDataParallel as DDP - #self.model = DDP(self.model) - - # if isinstance(self.model, nn.DataParallel): - # self.model.module.to(device) - # else: - #if num_gpus > 1: - # self.model = nn.DataParallel(self.model, device_ids=local_rank) + self.model.to(device) - self.model = torch.nn.parallel.DistributedDataParallel(self.model, device_ids=[local_rank]) + if local_rank!= -1: + self.model = torch.nn.parallel.DistributedDataParallel(self.model, device_ids=[local_rank]) + #else: + # self.model = torch.nn.DataParallel(self.model) def move_batch_to_device(batch, device): return batch.to(device) + + def move_dict_to_device(dictionary, device): + temp = (batch['x'], batch['segs'], batch['clss'], batch['mask'], batch['mask_cls'], batch['labels']) + new_batch = tuple(t.to(device) for t in temp) + return new_batch self.model.eval() pred = [] target = [] j = 0 + from torch.utils.data import DataLoader, RandomSampler, SequentialSampler + from torch.utils.data.distributed import DistributedSampler + + eval_sampler = SequentialSampler(eval_dataset) + eval_dataloader = DataLoader(eval_dataset, sampler=eval_sampler, batch_size=1) + + sent_scores = [] for batch in eval_dataloader: - #print("rank {}, j {}".format(local_rank, j) ) - if j%world_size != local_rank: - j += 1 - #print(j%world_size) - continue - batch = move_batch_to_device(batch, device) - #print("actual work: rank {}, j {}".format(local_rank, j) ) - #batch = move_batch_to_device(batch, "cuda:{}".format(local_rank[j%num_gpus])) + #if local_rank != -1: + # if j%world_size != local_rank: + # j += 1 + # continue + print(batch) + new_batch = move_dict_to_device(batch, device) j += 1 with torch.no_grad(): - inputs = ExtSumProcessor.get_inputs(batch, self.model_name, train_mode=False) + inputs = ExtSumProcessor.get_inputs2(new_batch, self.model_name, train_mode=False) + #print(inputs) outputs = self.model(**inputs) sent_scores = outputs[0] sent_scores = sent_scores.detach().cpu().numpy() - temp_pred, temp_target = _get_pred(batch, sent_scores) - pred.extend(temp_pred) - target.extend(temp_target) + yield sent_scores + #sent_scores.extend(sent_scores) + #temp_pred, temp_target = _get_pred(batch, sent_scores) + #pred.extend(temp_pred) + #target.extend(temp_target) + #return sent_scores #torch.dist.barrier() - print(len(pred)) - print(pred[0]) - print(len(target)) - print(target[0]) - torch.save(pred, "{}.predict".format(local_rank)) - torch.save(target, "{}.target".format(local_rank)) - return pred + #print(len(pred)) + #print(pred[0]) + #print(len(target)) + #print(target[0]) + #torch.save(pred, "{}.predict".format(local_rank)) + #torch.save(target, "{}.target".format(local_rank)) + return pred #, target def save_model(self, name): output_model_dir = os.path.join(self.cache_dir, "fine_tuned") From fe5f640e2d310968ab905dcf17f67ee44fbded9e Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 20 Dec 2019 06:25:16 +0000 Subject: [PATCH 076/167] add torchtext --- ...tive_summarization_cnndm_transformer.ipynb | 1266 +---------------- tools/generate_conda_file.py | 3 +- .../transformers/extractive_summarization.py | 96 +- 3 files changed, 81 insertions(+), 1284 deletions(-) diff --git a/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb b/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb index 85ff61724..f3d11f699 100644 --- a/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb +++ b/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb @@ -49,7 +49,7 @@ "## Set QUICK_RUN = True to run the notebook on a small subset of data and a smaller number of epochs.\n", "QUICK_RUN = True\n", "## Set USE_PREPROCSSED_DATA = True to skip the data preprocessing\n", - "USE_PREPROCSSED_DATA = True" + "USE_PREPROCSSED_DATA = False" ] }, { @@ -90,7 +90,7 @@ "text": [ "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", "[nltk_data] Package punkt is already up-to-date!\n", - "I1219 04:08:26.066413 139675858003776 file_utils.py:40] PyTorch version 1.2.0 available.\n" + "I1217 18:37:17.971428 139802557667136 file_utils.py:40] PyTorch version 1.2.0 available.\n" ] } ], @@ -125,7 +125,7 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 5, "metadata": {}, "outputs": [], "source": [ @@ -407,20 +407,20 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 15, "metadata": {}, "outputs": [], "source": [ "# the data path used to downloaded the preprocessed data from BERTSUM Repo.\n", "# if you have downloaded the dataset, change the code to use that path where the dataset is.\n", "PROCESSED_DATA_PATH = TemporaryDirectory().name\n", - "data_path = \"./temp_data5/\"\n", - "PROCESSED_DATA_PATH = data_path" + "#data_path = \"./temp_data5/\"\n", + "#PROCESSED_DATA_PATH = data_path" ] }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 16, "metadata": {}, "outputs": [], "source": [ @@ -452,7 +452,7 @@ }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 17, "metadata": {}, "outputs": [], "source": [ @@ -489,7 +489,7 @@ }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 18, "metadata": { "scrolled": true }, @@ -498,13 +498,13 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1219 04:09:29.497260 139675858003776 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json not found in cache or force_download set to True, downloading to /tmp/tmpo59o7kse\n", - "100%|██████████| 492/492 [00:00<00:00, 400776.38B/s]\n", - "I1219 04:09:29.658666 139675858003776 file_utils.py:334] copying /tmp/tmpo59o7kse to cache at /tmp/tmpi99rn6ni/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1219 04:09:29.662085 139675858003776 file_utils.py:338] creating metadata file for /tmp/tmpi99rn6ni/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1219 04:09:29.663305 139675858003776 file_utils.py:347] removing temp file /tmp/tmpo59o7kse\n", - "I1219 04:09:29.664099 139675858003776 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpi99rn6ni/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1219 04:09:29.665112 139675858003776 configuration_utils.py:174] Model config {\n", + "I1217 18:44:51.806424 139802557667136 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json not found in cache or force_download set to True, downloading to /tmp/tmpgvu50aqr\n", + "100%|██████████| 492/492 [00:00<00:00, 568640.83B/s]\n", + "I1217 18:44:51.962247 139802557667136 file_utils.py:334] copying /tmp/tmpgvu50aqr to cache at /tmp/tmpdym52i5i/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1217 18:44:51.963408 139802557667136 file_utils.py:338] creating metadata file for /tmp/tmpdym52i5i/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1217 18:44:51.965103 139802557667136 file_utils.py:347] removing temp file /tmp/tmpgvu50aqr\n", + "I1217 18:44:51.965668 139802557667136 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpdym52i5i/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1217 18:44:51.966852 139802557667136 configuration_utils.py:174] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -530,14 +530,14 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1219 04:09:29.807581 139675858003776 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin not found in cache or force_download set to True, downloading to /tmp/tmpvlezuh0b\n", - "100%|██████████| 267967963/267967963 [00:04<00:00, 62207368.71B/s]\n", - "I1219 04:09:34.336824 139675858003776 file_utils.py:334] copying /tmp/tmpvlezuh0b to cache at /tmp/tmpi99rn6ni/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1219 04:09:34.634873 139675858003776 file_utils.py:338] creating metadata file for /tmp/tmpi99rn6ni/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1219 04:09:34.636206 139675858003776 file_utils.py:347] removing temp file /tmp/tmpvlezuh0b\n", - "I1219 04:09:34.673409 139675858003776 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpi99rn6ni/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1219 04:09:35.989183 139675858003776 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpi99rn6ni/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1219 04:09:35.992045 139675858003776 configuration_utils.py:174] Model config {\n", + "I1217 18:44:52.101840 139802557667136 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin not found in cache or force_download set to True, downloading to /tmp/tmpcu0f3_vv\n", + "100%|██████████| 267967963/267967963 [00:03<00:00, 67229891.02B/s]\n", + "I1217 18:44:56.305050 139802557667136 file_utils.py:334] copying /tmp/tmpcu0f3_vv to cache at /tmp/tmpdym52i5i/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1217 18:44:56.587834 139802557667136 file_utils.py:338] creating metadata file for /tmp/tmpdym52i5i/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1217 18:44:56.588978 139802557667136 file_utils.py:347] removing temp file /tmp/tmpcu0f3_vv\n", + "I1217 18:44:56.624732 139802557667136 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpdym52i5i/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1217 18:44:58.107886 139802557667136 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpdym52i5i/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1217 18:44:58.109093 139802557667136 configuration_utils.py:174] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -563,7 +563,7 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1219 04:09:36.136521 139675858003776 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpi99rn6ni/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I1217 18:44:58.241129 139802557667136 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpdym52i5i/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], @@ -734,22 +734,13 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": 22, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/serialization.py:453: SourceChangeWarning: source code of class 'transformers.modeling_distilbert.DistilBertModel' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.\n", - " warnings.warn(msg, SourceChangeWarning)\n" - ] - } - ], + "outputs": [], "source": [ - "# for loading a previously saved model\n", - "import torch\n", - "summarizer.model = torch.load(\"cnndm_transformersum_distilbert-base-uncased_bertsum_processed_data.pt\")" + "# for loading a previous saved model\n", + "#import torch\n", + "#summarizer.model = torch.load(\"cnndm_transformersum_distilbert-base-uncased_bertsum_processed_data.pt\")" ] }, { @@ -763,1186 +754,59 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 23, "metadata": {}, "outputs": [], "source": [ - "eval_dataset=[]\n", + "test_dataset=[]\n", "for i in test_dataset_generator():\n", - " eval_dataset.extend(i)\n", - "target = [eval_dataset[i]['tgt_txt'] for i in range(len(eval_dataset))]" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": {}, - "outputs": [], - "source": [ - "new_eval_batch = [] \n", - "for batch in get_sequential_dataloader(eval_dataset, is_labeled=True):\n", - " new_eval_batch.append(batch)" - ] - }, - { - "cell_type": "code", - "execution_count": 18, - "metadata": {}, - "outputs": [], - "source": [ - "new_eval_batch = [] \n", - "new_eval_dataset = [] \n", - "j = 0\n", - "for batch in get_sequential_dataloader(eval_dataset, is_labeled=True):\n", - " new_eval_dataset.append(ExtSumProcessor.get_inputs(batch, MODEL_NAME))\n", - " new_eval_batch.append(batch)\n", - " break" - ] - }, - { - "cell_type": "code", - "execution_count": 81, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "[['turkey has blocked access to twitter and youtube after they refused a request to remove pictures of a prosecutor held during an armed siege last week .',\n", - " \"a turkish court imposed the blocks because images of the deadly siege were being shared on social media and ` deeply upset ' the wife and children of mehmet selim kiraz , the hostage who was killed .\",\n", - " \"the 46-year-old turkish prosecutor died in hospital when members of the revolutionary people 's liberation party-front ( dhkp-c ) stormed a courthouse and took him hostage .\",\n", - " 'the dhkp-c is considered a terrorist group by turkey , the european union and us .',\n", - " 'a turkish court has blocked access to twitter and youtube after they refused a request to remove pictures of prosecutor mehmet selim kiraz held during an armed siege last week',\n", - " 'grief : the family of mehmet selim kiraz grieve over his coffin during his funeral at eyup sultan mosque in istanbul , turkey .',\n", - " 'he died in hospital after he was taken hostage by the far-left organisation',\n", - " 'two of his captors were killed when security forces took back the building where the far-left group was holding him .',\n", - " 'gunshots were heard and smoke could be seen rising from the scene at the end of the six-hour stand-off .',\n", - " 'mr kiraz , a father-of-two married to a judge who also worked at the courthouse , was targeted for his part in an investigation into the death of berkin elvan .',\n", - " 'the 15-year-old was severely wounded after being hit on the head by a tear-gas canister fired by a police officer during anti-government protests in istanbul in june 2013 .',\n", - " 'after spending 269 days in a coma , elvan eventually died on march 11 last year .',\n", - " \"his death , and the subsequent investigation , have since become a rallying point for the country 's far-left .\",\n", - " 'gathering : prosecutors , lawyers and judges stand near a statue of lady justice during the funeral ceremony',\n", - " \"a british national , of polish origin but who has not been named , was arrested on saturday as part of an operation against the revolutionary people 's liberation party-front , according to reports .\",\n", - " \"a foreign office spokeswoman said this morning : ' i can confirm that a british national has been arrested in turkey and that we are offering consular assistance . '\",\n", - " 'before imposing the blocks on the websites , turkish authorities had tried to prevent newspapers printing images taken during the siege last week .',\n", - " \"the newspapers were accused by the government of ` spreading terrorist propaganda ' in sharing the images of the hostage-taking .\",\n", - " \"presidential spokesman ibrahim kalin said : ` this has to do with the publishing of the prosecutor 's\",\n", - " \"what happened in the aftermath ( of the prosecutor 's\",\n", - " 'killing ) is as grim as the incident itself .',\n", - " \"` the demand from the prosecutor 's office is that this image\",\n", - " 'not be used anywhere in electronic platforms .',\n", - " '` the wife and children of prosecutor kiraz have been deeply',\n", - " \"the images are everywhere . '\",\n", - " \"he added : ' a request has been made to both twitter and youtube for the\",\n", - " 'removal of the images and posts but they have not accepted it',\n", - " 'and no response has been given .',\n", - " \"this decision has been taken through a court in istanbul . '\",\n", - " 'critical : prosecutor mehmet selim kiraz was taken to hospital with gunshot wounds but died of his injuries',\n", - " 'strength of feeling : elvan has since become an icon for the turkish far-left and his supporters accuse the authorities of covering up the circumstances and perpetrators of his death',\n", - " 'google said it was working to restore service to the youtube',\n", - " 'video-sharing site , which it owns .',\n", - " 'working to restore access for its users .',\n", - " 'facebook said it had complied with a turkish court order requiring it to restrict access to some content or face a block on its service .',\n", - " 'a company spokesman said it would appeal the order .',\n", - " \"turkey 's telecoms regulator could not immediately be reached\",\n", - " 'and there was no statement on its website .',\n", - " 'this is not the first time that turkish authorities have imposed blocks on social media sites and networks .',\n", - " 'in the run-up to local elections in march 2014 blocks were imposed after recordings circulated allegedly revealing corruption among senior officials .',\n", - " 'figures provided by twitter revealed that turkey filed more requests to remove content from the social network than any other nation between july and december 2014 .'],\n", - " ['deborah fuller has been banned from keeping animals after she dragged her dog behind her car , causing wounds as she drove at 30mph',\n", - " 'a dog breeder and exhibitor who dragged her pet behind her car at a speed of 30mph and failed to get painful wounds to its paws and chest treated , has been banned from keeping animals and had her dogs confiscated .',\n", - " 'deborah fuller , 56 , dragged her dog tango for 400 metres behind her car as she drove along the b1066 near long melford , essex .',\n", - " 'the rhodesian ridgeback was left with injuries to all four paws as well as grazing to his chest and a deep wound on his elbow .',\n", - " \"he is believed to have somehow escaped from the boot of her car and was dragged along the single carriageway because his lead was attached to the vehicle 's tailgate .\",\n", - " \"fuller , of lawford , essex , denied causing unnecessary suffering to an animal by not taking it to the vets and failing to take steps to safely secure a dog within a vehicle , but was convicted following a hearing at chelmsford magistrates ' court .\",\n", - " 'fuller has also been banned from keeping animals for five years and had her 27 other dogs confiscated .',\n", - " \"chairman of the bench anthony ealden said if tango had been taken to the vet earlier ` unnecessary suffering ' could have been avoided .\",\n", - " 'he said : ` we believe for whatever reason , known only to yourself , you had no intention of getting veterinary treatment as a matter of urgency .',\n", - " \"` we do not accept your reason for delaying treatment as reasonable . '\",\n", - " 'the incident took place on june 11 , 2014 , when the dog was seen being dragged along the b1006 behind the car .',\n", - " 'tree surgeons working nearby spotted what had happened and tried to get fuller , who is a rhodesian ridgeback breeder and exhibitor , to stop her car .',\n", - " \"she did n't stop until she reached the end of the carriageway and they took her registration number and reported her to police who called the rspca , the court heard .\",\n", - " \"tango was later found by inspectors in an outbuilding at fuller 's home with bandages on his paws .\",\n", - " 'he was taken to a vet and given treatment for his injuries , which took eight weeks .',\n", - " 'tango was left with considerable injuries to his paws and stomach , as well as a deep elbow wound',\n", - " 'tango , a rhodesian ridgeback , pictured before being injured by being dragged along the road',\n", - " 'fuller claimed she had not been aware the rear hatch of her car had opened and claimed she had given the one-year-old dog first aid , and had already arranged for him to go to the vet when police turned up .',\n", - " \"mike fullerton , defending fuller , said : ` when deborah fuller was being restrained she asked why she was not allowed to take the dog to the vet . '\",\n", - " 'rspca inspector sam garvey said after the sentencing : ` eyewitnesses report they saw the dog being dragged about 400 metres at a speed of 30mph .',\n", - " '` this must have been horrific for poor tango .',\n", - " 'so painful , and so distressing .',\n", - " '` it is hard to say what caused tango to be dragged behind a moving car in this way , but by the time we found him , seven hours later , he was urgently in need of vet treatment .',\n", - " 'the animal was taken to the vets and treated for the burns , suffered when he was dragged along the road',\n", - " \"judges ruled that the dog 's suffering could have been avoided if fuller had taken him to the vets earlier\",\n", - " '` he had injuries to the pads of all four feet , causing the black layer of skin to be removed .',\n", - " 'he also had grazing to his chest area and a nasty deep wound to his elbow and leg area .',\n", - " \"` it took a period of eight weeks to heal the wounds and for his skin to grow back over his pads so he could walk without discomfort . '\",\n", - " 'fuller was also ordered to pay # 3,000 costs , given a 12 month community order and a two month curfew from 7pm to 7am .',\n", - " 'tango was taken to a vet for treatment after being found and has made a full recovery in foster care .',\n", - " 'the court also allowed confiscation of all the animals owned by fuller , which are currently in rspca care .',\n", - " 'tango was removed from fuller , along with more than 40 other dogs that were at her essex home',\n", - " \"fuller and her partner phil sheldrake , 59 , previously pleaded guilty to 16 charges of causing unnecessary suffering and failing to meet the dogs ' needs at colchester magistrates court in june .\",\n", - " 'earlier this month the case was thrown out after the high court ruled that inspectors did have the correct warrant to seize 44 dogs from their essex home .',\n", - " \"tendring district council had been granted a warrant to investigate ` nuisance ' at the house , following complaints about noise and dog faeces .\",\n", - " 'the council joined forces with the rspca and seized 44 dogs from the house , with the animal welfare charity claiming several of the animals were emaciated .',\n", - " 'however the trial was halted when district judge kenneth sheraton said evidence gathered by inspectors was inadmissible because they did not have the correct warrant .'],\n", - " [\"media personality miranda devine has apologised after calling a rugby player a ` tosser ' for celebrating a try using sign language .\",\n", - " 'flanker david pocock scored a hat-trick of tries for australian super rugby team , the brumbies , who were on their way to a win against the highlanders at canberra stadium on friday night .',\n", - " 'devine tweeted : ` did pocock actually do jazz hands when he celebrated a try ?!!!',\n", - " \"but unfortunately for devine , it was n't actually the hand shaking gesture that 's become popular recently - the flanker and former australian captain was actually doing sign language for a friend , which pocock pointed out in reply .\",\n", - " \"miranda devine has apologised after calling david pocock a ` tosser ' for celebrating a try using sign language\",\n", - " \"devine had assumed a gesture pocock had made after scoring a try on friday night was ` jazz hands '\",\n", - " 'devine tweeted : ` did pocock actually do jazz hands when he celebrated a try ?!!!',\n", - " \"after the match , pocock responded to devine that she 'd misinterpreted his hand movements .\",\n", - " '` it was actually auslan/sign language for clapping .',\n", - " \"i have a friend who 's first language is auslan so it was for her ... ' he tweeted .\",\n", - " 'ms devine then quickly changed her tune and apologised for being so harsh with her initial judgement .',\n", - " \"` that 's really nice .\",\n", - " \"glad it was n't jazz hands !\",\n", - " \"and congrats on your hat trick , ' she replied , alongside an emoji of two open hands .\",\n", - " 'this emoji can be interpreted as showing praise for someone or -- fittingly -- jazz hands .',\n", - " '` it was actually auslan/sign language for clapping .',\n", - " \"i have a friend who 's first language is auslan so it was for her ... ' pocock tweeted in return\",\n", - " 'ms devine then quickly changed her tune and apologised for being so harsh with her initial judgement',\n", - " 'pocock was gracious in his reply , tweeting ` thanks , miranda .',\n", - " 'also glad it was n\\'t \" jazz hands \" , \\' accompanied by a smiley face',\n", - " 'pocock was gracious in his reply , tweeting ` thanks , miranda .',\n", - " 'also glad it was n\\'t \" jazz hands \" , \\' accompanied by a smiley face .',\n", - " \"however , other social media users were n't as quick to forgive .\",\n", - " '` in fairness , devine apologised to pocock .',\n", - " \"but really : ( 1 ) what kind of adult writes a tweet like that ; and ( 2 ) what 's wrong with jazz hands , ' columnist benjamin law tweeted .\",\n", - " \"` egg , meet face , ' criag wilson wrote .\",\n", - " \"other social media users were n't as quick to forgive devine , despite her quick apology\",\n", - " \"but others were perfectly fine with jazz hands : ` am i the only one that thinks jazz hands would have been totally acceptable also ? '\",\n", - " \"others on social media were more understanding , taking the view that ` accidents happen ' .\",\n", - " \"` and you 've * never * made a dumb *** assumption/judgement ? '\",\n", - " \"the woman wrote to someone who had condemned ms devine 's comment .\",\n", - " \"` we 're all capable of foot-in-mouth . '\"],\n", - " ['saracens director of rugby mark mccall lauded his young guns after their latest european heartache before declaring he has no intention of overspending in a competitive post-world cup transfer market .',\n", - " 'mccall watched his side , which contained five english-qualified forwards in the starting pack , battle in vain before losing 13-9 to the clermont on saturday .',\n", - " \"saracens ' millionaire chairman nigel wray spent much of last week repeating his belief the cap should be scrapped in order for saracens to compete at europe 's top table , raising expectations they could be set to land a ` marquee ' player from outside the league whose wages would sit outside next season 's # 5.5 m cap .\",\n", - " 'maro itoje ( second left ) was one of five england-qualified forwards in the saracens pack that faced clermont',\n", - " 'mako vunipola tries to fend off clermont lock jamie cudmore during a ferocious contest',\n", - " 'saracens director of rugby mark mccall saw his side come agonisingly close to reaching the final',\n", - " \"but mccall said : ` we know where we 'd like to improve our side and we 're prepared to wait for the right person .\",\n", - " 'we do n\\'t want to jump in and get \" a name \" just because he \\'s available post-world cup .',\n", - " '` the fact our pack is as young as it is is incredibly exciting for us .',\n", - " \"they could be the mainstay of the club for the next four to five seasons . '\",\n", - " 'billy vunipola ( left ) , jim hamilton and itoje leave the field following their 13-9 loss against clermont'],\n", - " [\"it 's t20 season on the sub-continent and the world 's best players are about the pad up for the latest edition of the indian premier league , cricket 's most exciting and richest domestic tournament .\",\n", - " \"eight teams will play a total of 60 games over almost seven weeks across 12 venues all round india in a battle to be crowned champions of the tournament 's eighth edition , with the final taking place at eden gardens in kolkata on may 24 .\",\n", - " 'can kolkata knight riders retain their title ?',\n", - " 'will virat kohli lead the royal challengers bangalore to their first title ?',\n", - " \"can ms dhoni 's chennai super kings win their third crown ?\",\n", - " 'and who are the players to watch out for ?',\n", - " 'sportsmail tells you all you need to know in our guide to the 2015 indian premier league as india prepares for the spectacular cricket roadshow .',\n", - " 'ms dhoni , pictured in the 2011 champions league , is looking to guide chennai super kings to a third title',\n", - " 'the bright yellow jerseys of the super kings are one of the iconic sights of the indian premier league .',\n", - " 'led by the superstar indian duo of ms dhoni and suresh raina , chennai are the most successful team in ipl history .',\n", - " 'as well as their back-to-back victories in 2010 and 2011 , csk have been losing finalists three times and never failed to reach the last four .',\n", - " 'in international players dhoni , raina , ravi ashwin , ravi jadeja and mohit sharma , the super kings have probably the best pool of indian talent in the tournament , which is key given that seven of the starting xi have to be domestic players .',\n", - " 'the foreign talent is also strong , though , and includes new zealand captain brendon mccullum , south african faf du plessis and west indian all-rounder dwyane bravo .',\n", - " 'one to watch : there are so many .',\n", - " 'dhoni needs no introduction , raina is the top scorer in ipl history , but mccullum is one of the most exciting players in world cricket at the moment .',\n", - " 'he hit the first ever ipl century in 2008 and will be looking to build on a brilliant world cup campaign .',\n", - " \"brendon mccullum 's aggressive brand of cricket led new zealand to the world cup final\",\n", - " \"# 1,740,000 - yuvraj singh 's salary , the highest in the 2015 tournament after he was picked up by delhi daredevils in the auction .\",\n", - " '3325 - runs suresh raina has scored , the most in tournament history .',\n", - " '2008 - year the ipl was first played .',\n", - " '119 - wickets taken by lasith malinga , the most in the history of the tournament .',\n", - " '60 - matches in the 2015 tournament .',\n", - " '46 - days the tournament lasts , beginning on april 8 and ending on may 24 .',\n", - " '12 - venues to be used in 2015 .',\n", - " '8 - teams in 2015 edition of the ipl .',\n", - " '3 - english players in the tournament - eoin morgan , ravi bopara and kevin pietersen .',\n", - " 'the side from the capital are out to prove a point having never won the tournament and never even reached the final .',\n", - " 'the daredevils have missed out on the semi-finals the last two seasons and will be looking to get back on track this year .',\n", - " 'they are led by south african jp duminy and a lot of their overseas talent also comes from the same country in the form of quinton de kock , imran tahir and albie morkel , although sri lankan all-rounder angelo mathews is a handy player as well .',\n", - " \"world cup outcasts yuvraj singh , zaheer khan and amit mishra , all of whom featured in india 's successful 2011 team , will relish a return to the big stage and try and force themselves back into international reckoning .\",\n", - " 'one to watch : in 22-year-old de kock , delhi have the most exciting young wicketkeeper batsman in the world .',\n", - " 'de kock has already scored six one-day international tons but his highest score in the world cup was an unbeaten 78 .',\n", - " \"2011 world cup winner yuvraj singh will be out to prove a point after being left out of this year 's india team\",\n", - " 'after years of just making up the numbers , the kings xi punjab lit up the 2014 tournament on their way to topping the table in the round-robin stage before losing in the final .',\n", - " \"punjab 's success in 2014 came largely thanks to their strong australian contingent , and this year they will be just as reliant on the likes of glenn maxwell , mitchell johnson , george bailey and shaun marsh .\",\n", - " 'but the kings xi also have south african powerhouse david miller in their ranks along with sri lankan thisara perera .',\n", - " \"their indian talent is n't the strongest in the tournament but virender sehwag and murali vijay have both performed on the big stage for their country , and 21-year-old axar patel is one of the best young talents in india .\",\n", - " 'one to watch : the destructive maxwell .',\n", - " \"one banner in the stands in chandigarh last year read ` glenndeep singh maxwell - the king of punjab ' .\",\n", - " \"it was maxwell 's power-hitting that almost led his team to the 2014 title and he showed again at the world cup just how dangerous he can be .\",\n", - " 'glenn maxwell was one of the top run-scorers in the ipl last year and almost guided the kings xi to the title',\n", - " 'the reigning champions knight riders have one of the most balanced teams in the tournament and will be looking to win their third ipl title in four years .',\n", - " \"gautam gambhir 's international career may have stalled , but he is still one of the most talented indian batsmen out there .\",\n", - " \"along with gambhir , yusuf pathan was also part of india 's 2011 world cup winning team while robin uthappa was the leading run-scorer last year with 660 .\",\n", - " 'in terms of overseas talent , kolkata boast sunil narine , morne morkel , johan botha , andre russell , pat cummins , bangladeshi all-rounder shakib-al-hasan and dutchman ryan ten doeschate .',\n", - " \"one to watch : it 's rare for india to produce fast bowlers with genuine pace , but they have one in umesh yadav .\",\n", - " 'kolkata will be looking for yadav to combine with morkel and narine as part of a fearsome bowling attack .',\n", - " 'sunil narine , pictured in action for the kolkata knight riders in the 2012 indian premier league',\n", - " 'the team that once featured the great sachin tendulkar finally won the ipl in 2013 , and they have an excellent chance to lift their second title this year .',\n", - " 'in rohit sharma , harbhajan singh , pragyan ojha and parthiv patel , mumbai have a strong core of indian talent , but it is their overseas game-winners that makes them dangerous .',\n", - " 'sri lankan fast bowler lasith malinga is the highest wicket-taker in tournament history with 119 , and he is joined by kieron pollard , aaron finch , corey anderson and josh hazlewood .',\n", - " 'after losing in the eliminator against chennai last year , the mumbai indians will once again expect to reach the play-offs and mount a serious challenge for the title .',\n", - " 'one to watch : the demon bowler that is malinga has made a habit of cleaning up batsmen in the ipl and was key in their success in 2013 .',\n", - " 'he will once again lead this bowling attack .',\n", - " 'mumbai indians batsman rohit sharma pictured in action for india against bangladesh at the world cup',\n", - " '2009 : deccan chargers ( defunct )',\n", - " \"since shane warne 's side won the inaugural ipl in 2008 , the rajasthan royals have only made the play-offs on one occasion since .\",\n", - " \"rajasthan 's short history has been eventful to say the lease .\",\n", - " 'they were expelled by the bcci and then reinstated in 2010 and were also rocked by the spot-fixing scandal that saw former test match bowler shanthakumaran sreesanth banned for life .',\n", - " \"this year 's royals team features a strong australian presence in captain shane watson , steve smith and james faulkner as well as new zealand seamer tim southee .\",\n", - " 'their indian talent lacks star quality , though , with ajinkya rahane , stuart binny and dhawal kulkarni the only men who have forced their way into the national side .',\n", - " 'one to watch : australian smith has enjoyed a summer of dominating india and was instrumental in his country winning the world cup .',\n", - " 'smith is a dangerous player with the bat , can hold up his end with the ball and is also one of the best fielders in the tournament .',\n", - " 'steve smith will look to continue his excellent form into the indian premier league with rajasthan',\n", - " 'bollywood actress shilpa shetty , pictured in 2009 , is a part owner of the rajasthan royals',\n", - " \"any batting order that contains chris gayle , ab de villers and kohli has half a chance , but it has been bangalore 's bowling that has held them back in recent years .\",\n", - " 'bangalore have never won the ipl and have missed out on the play-offs altogether in the last three years .',\n", - " 'the royal challengers paid big money in the auction to pick up dinesh karthik ( # 1.17 million ) in an attempt to shake off their underachievers tag .',\n", - " 'but news that world cup player of the tournament mitchell starc will miss the start of the ipl will hurt their bowling attack .',\n", - " 'one to watch : any of their big three batsmen really , but de villiers is often hailed as the most innovative batsman in world cricket for his stunning range of shots .',\n", - " 'virat kohli and chris gayle pictured playing for royal challengers bangalore in the 2012 tournament',\n", - " 'south african ab de villiers is often hailed as the most innovative batsman in world cricket',\n", - " 'the newest team in the indian premier league , the sunrisers hyderabad are set to embark on their third campaign having been founded in 2013 and replaced the deccan chargers .',\n", - " 'the sunrisers will be led up front by the explosive opening duo of david warner and shikhar dhawan and their middle order will feature new zealander kane williamson and english duo ravi bopara and eoin morgan .',\n", - " 'hyderabad also landed kevin pietersen in the auction for what looked like a bargain of # 205,000 after he was released by the delhi daredevils , but the 34-year-old will not feature in the orange shirt unless they make the play-offs .',\n", - " \"pietersen reached the agreement with the sunrisers in order to return to surrey in an attempt to resurrect his england career , but the play-offs take place during the same week as england 's first test against new zealand at lord 's .\",\n", - " 'the sunrisers also boast a a strong bowling line-up with foreign stars dale steyn and trent boult supported by indian internationals ishant sharma and bhuvneshwar kumar .',\n", - " \"one to watch : hyderabad 's strength is up top with captain warner and dhawan .\",\n", - " \"the indian batsman scored two centuries at the recent world cup and , like warner , has the power to take the game away from the opposition if he 's there for a while .\",\n", - " \"eoin morgan will look to move on quickly from england 's miserable world cup when he plays in the ipl\",\n", - " 'kevin pietersen , here playing for delhi in 2012 , will join hyderabad if they make the play-offs']]" - ] - }, - "execution_count": 81, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "new_eval_batch[0].src_str" - ] - }, - { - "cell_type": "code", - "execution_count": 20, - "metadata": {}, - "outputs": [], - "source": [ - "batch = new_eval_dataset[0]\n", - "temp = (batch['x'], batch['segs'], batch['clss'], batch['mask'], batch['mask_cls'], batch['labels'])" - ] - }, - { - "cell_type": "code", - "execution_count": 31, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "{'x': tensor([[ 101, 4977, 2038, ..., 4652, 6399, 102],\n", - " [ 101, 15555, 12548, ..., 12548, 3555, 102],\n", - " [ 101, 2865, 6180, ..., 2036, 5580, 102],\n", - " [ 101, 7354, 19023, ..., 0, 0, 0],\n", - " [ 101, 2009, 1005, ..., 2011, 6768, 102]]),\n", - " 'segs': tensor([[0, 0, 0, ..., 0, 0, 0],\n", - " [0, 0, 0, ..., 1, 1, 1],\n", - " [0, 0, 0, ..., 1, 1, 1],\n", - " [0, 0, 0, ..., 0, 0, 0],\n", - " [0, 0, 0, ..., 1, 1, 1]]),\n", - " 'clss': tensor([[ 0, 29, 73, 113, 135, 171, 205, 222, 248, 275, 315, 355, 375, 401,\n", - " 421, 461, 495, 0, 0, 0, 0, 0],\n", - " [ 0, 28, 76, 108, 138, 174, 227, 248, 276, 307, 323, 351, 385, 424,\n", - " 447, 467, 488, 508, 0, 0, 0, 0],\n", - " [ 0, 30, 73, 98, 147, 174, 198, 223, 248, 262, 290, 314, 323, 334,\n", - " 359, 383, 397, 427, 450, 469, 489, 508],\n", - " [ 0, 39, 72, 144, 170, 193, 214, 244, 272, 291, 312, 0, 0, 0,\n", - " 0, 0, 0, 0, 0, 0, 0, 0],\n", - " [ 0, 45, 95, 105, 123, 139, 151, 181, 205, 227, 256, 290, 344, 387,\n", - " 398, 435, 460, 482, 0, 0, 0, 0]]),\n", - " 'mask': tensor([[ True, True, True, ..., True, True, True],\n", - " [ True, True, True, ..., True, True, True],\n", - " [ True, True, True, ..., True, True, True],\n", - " [ True, True, True, ..., False, False, False],\n", - " [ True, True, True, ..., True, True, True]]),\n", - " 'mask_cls': tensor([[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, False, False, False,\n", - " False, False],\n", - " [ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, False, False,\n", - " False, False],\n", - " [ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True],\n", - " [ True, True, True, True, True, True, True, True, True, True,\n", - " True, False, False, False, False, False, False, False, False, False,\n", - " False, False],\n", - " [ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, False, False,\n", - " False, False]]),\n", - " 'labels': tensor([[0, 1, 0, 0, 0, 0, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0],\n", - " [0, 1, 0, 1, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0],\n", - " [1, 0, 0, 0, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0],\n", - " [0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0],\n", - " [0, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]])}" - ] - }, - "execution_count": 31, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "batch" - ] - }, - { - "cell_type": "code", - "execution_count": 21, - "metadata": {}, - "outputs": [], - "source": [ - "device=\"cuda:0\"\n", - "new_batch = tuple(t.to(device) for t in temp)" - ] - }, - { - "cell_type": "code", - "execution_count": 33, - "metadata": {}, - "outputs": [], - "source": [ - "a = ExtSumProcessor.get_inputs2(new_batch, summarizer.model_name, train_mode=False)" - ] - }, - { - "cell_type": "code", - "execution_count": 34, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "{'x': tensor([[ 101, 4977, 2038, ..., 4652, 6399, 102],\n", - " [ 101, 15555, 12548, ..., 12548, 3555, 102],\n", - " [ 101, 2865, 6180, ..., 2036, 5580, 102],\n", - " [ 101, 7354, 19023, ..., 0, 0, 0],\n", - " [ 101, 2009, 1005, ..., 2011, 6768, 102]], device='cuda:0'),\n", - " 'segs': tensor([[0, 0, 0, ..., 0, 0, 0],\n", - " [0, 0, 0, ..., 1, 1, 1],\n", - " [0, 0, 0, ..., 1, 1, 1],\n", - " [0, 0, 0, ..., 0, 0, 0],\n", - " [0, 0, 0, ..., 1, 1, 1]], device='cuda:0'),\n", - " 'clss': tensor([[ 0, 29, 73, 113, 135, 171, 205, 222, 248, 275, 315, 355, 375, 401,\n", - " 421, 461, 495, 0, 0, 0, 0, 0],\n", - " [ 0, 28, 76, 108, 138, 174, 227, 248, 276, 307, 323, 351, 385, 424,\n", - " 447, 467, 488, 508, 0, 0, 0, 0],\n", - " [ 0, 30, 73, 98, 147, 174, 198, 223, 248, 262, 290, 314, 323, 334,\n", - " 359, 383, 397, 427, 450, 469, 489, 508],\n", - " [ 0, 39, 72, 144, 170, 193, 214, 244, 272, 291, 312, 0, 0, 0,\n", - " 0, 0, 0, 0, 0, 0, 0, 0],\n", - " [ 0, 45, 95, 105, 123, 139, 151, 181, 205, 227, 256, 290, 344, 387,\n", - " 398, 435, 460, 482, 0, 0, 0, 0]], device='cuda:0'),\n", - " 'mask': tensor([[ True, True, True, ..., True, True, True],\n", - " [ True, True, True, ..., True, True, True],\n", - " [ True, True, True, ..., True, True, True],\n", - " [ True, True, True, ..., False, False, False],\n", - " [ True, True, True, ..., True, True, True]], device='cuda:0'),\n", - " 'mask_cls': tensor([[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, False, False, False,\n", - " False, False],\n", - " [ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, False, False,\n", - " False, False],\n", - " [ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True],\n", - " [ True, True, True, True, True, True, True, True, True, True,\n", - " True, False, False, False, False, False, False, False, False, False,\n", - " False, False],\n", - " [ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, False, False,\n", - " False, False]], device='cuda:0')}" - ] - }, - "execution_count": 34, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "a" - ] - }, - { - "cell_type": "code", - "execution_count": 26, - "metadata": { - "scrolled": true - }, - "outputs": [], - "source": [ - "outputs = summarizer.model(**a)" - ] - }, - { - "cell_type": "code", - "execution_count": 27, - "metadata": {}, - "outputs": [], - "source": [ - "sent_scores = outputs[0]" - ] - }, - { - "cell_type": "code", - "execution_count": 28, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "tensor([[1.2797, 1.4138, 1.3300, 1.2633, 1.2465, 1.0688, 1.1607, 1.0789, 1.0379,\n", - " 1.0831, 1.1103, 1.0584, 1.0471, 1.0388, 1.0484, 1.0268, 1.0320, 0.0000,\n", - " 0.0000, 0.0000, 0.0000, 0.0000],\n", - " [1.4332, 1.2015, 1.4598, 1.3369, 1.2130, 1.1952, 1.1715, 1.0674, 1.0351,\n", - " 1.0249, 1.0774, 1.0215, 1.0350, 1.0662, 1.0975, 1.0838, 1.0363, 1.0532,\n", - " 0.0000, 0.0000, 0.0000, 0.0000],\n", - " [1.3368, 1.5235, 1.1833, 1.1581, 1.3971, 1.1417, 1.1155, 1.0668, 1.0552,\n", - " 1.0474, 1.0775, 1.0161, 1.0235, 1.0214, 1.0414, 1.0415, 1.0308, 1.0466,\n", - " 1.0516, 1.0198, 1.0394, 1.0168],\n", - " [1.3996, 1.2992, 1.2811, 1.3704, 1.1763, 1.1740, 1.0317, 1.0152, 1.0304,\n", - " 1.1223, 1.1197, 0.0000, 0.0000, 0.0000, 0.0000, 0.0000, 0.0000, 0.0000,\n", - " 0.0000, 0.0000, 0.0000, 0.0000],\n", - " [1.2746, 1.4863, 1.1093, 1.2819, 1.1078, 1.0225, 1.0339, 1.2592, 1.0943,\n", - " 1.1625, 1.0523, 1.0986, 1.0223, 1.0163, 1.0467, 1.0518, 1.1166, 1.0232,\n", - " 0.0000, 0.0000, 0.0000, 0.0000]], device='cuda:0',\n", - " grad_fn=)" - ] - }, - "execution_count": 28, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "sent_scores" - ] - }, - { - "cell_type": "code", - "execution_count": 30, - "metadata": {}, - "outputs": [], - "source": [ - "from torch.utils.data import DataLoader, RandomSampler, SequentialSampler\n", - "from torch.utils.data.distributed import DistributedSampler" - ] - }, - { - "cell_type": "code", - "execution_count": 31, - "metadata": {}, - "outputs": [], - "source": [ - "eval_sampler = SequentialSampler(eval_dataset)" - ] - }, - { - "cell_type": "code", - "execution_count": 32, - "metadata": {}, - "outputs": [], - "source": [ - "eval_dataloader = DataLoader(eval_dataset, sampler=eval_sampler, batch_size=1)\n" - ] - }, - { - "cell_type": "code", - "execution_count": 86, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "CPU times: user 9 µs, sys: 1 µs, total: 10 µs\n", - "Wall time: 17.2 µs\n" - ] - } - ], - "source": [ - "%%time \n", - "prediction = summarizer.predict(new_eval_dataset, num_gpus=1)" - ] - }, - { - "cell_type": "code", - "execution_count": 127, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "numpy.ndarray" - ] - }, - "execution_count": 127, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "type(prediction_list[0])" - ] - }, - { - "cell_type": "code", - "execution_count": 87, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{'x': tensor([[[ 101, 4977, 2038, ..., 4652, 6399, 102],\n", - " [ 101, 15555, 12548, ..., 12548, 3555, 102],\n", - " [ 101, 2865, 6180, ..., 2036, 5580, 102],\n", - " [ 101, 7354, 19023, ..., 0, 0, 0],\n", - " [ 101, 2009, 1005, ..., 2011, 6768, 102]]]), 'segs': tensor([[[0, 0, 0, ..., 0, 0, 0],\n", - " [0, 0, 0, ..., 1, 1, 1],\n", - " [0, 0, 0, ..., 1, 1, 1],\n", - " [0, 0, 0, ..., 0, 0, 0],\n", - " [0, 0, 0, ..., 1, 1, 1]]]), 'clss': tensor([[[ 0, 29, 73, 113, 135, 171, 205, 222, 248, 275, 315, 355, 375, 401,\n", - " 421, 461, 495, 0, 0, 0, 0, 0],\n", - " [ 0, 28, 76, 108, 138, 174, 227, 248, 276, 307, 323, 351, 385, 424,\n", - " 447, 467, 488, 508, 0, 0, 0, 0],\n", - " [ 0, 30, 73, 98, 147, 174, 198, 223, 248, 262, 290, 314, 323, 334,\n", - " 359, 383, 397, 427, 450, 469, 489, 508],\n", - " [ 0, 39, 72, 144, 170, 193, 214, 244, 272, 291, 312, 0, 0, 0,\n", - " 0, 0, 0, 0, 0, 0, 0, 0],\n", - " [ 0, 45, 95, 105, 123, 139, 151, 181, 205, 227, 256, 290, 344, 387,\n", - " 398, 435, 460, 482, 0, 0, 0, 0]]]), 'mask': tensor([[[ True, True, True, ..., True, True, True],\n", - " [ True, True, True, ..., True, True, True],\n", - " [ True, True, True, ..., True, True, True],\n", - " [ True, True, True, ..., False, False, False],\n", - " [ True, True, True, ..., True, True, True]]]), 'mask_cls': tensor([[[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, False, False, False,\n", - " False, False],\n", - " [ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, False, False,\n", - " False, False],\n", - " [ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True],\n", - " [ True, True, True, True, True, True, True, True, True, True,\n", - " True, False, False, False, False, False, False, False, False, False,\n", - " False, False],\n", - " [ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, False, False,\n", - " False, False]]]), 'labels': tensor([[[0, 1, 0, 0, 0, 0, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0],\n", - " [0, 1, 0, 1, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0],\n", - " [1, 0, 0, 0, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0],\n", - " [0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0],\n", - " [0, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]]])}\n", - "{'x': tensor([[ 101, 4977, 2038, ..., 4652, 6399, 102],\n", - " [ 101, 15555, 12548, ..., 12548, 3555, 102],\n", - " [ 101, 2865, 6180, ..., 2036, 5580, 102],\n", - " [ 101, 7354, 19023, ..., 0, 0, 0],\n", - " [ 101, 2009, 1005, ..., 2011, 6768, 102]], device='cuda:0'), 'segs': tensor([[0, 0, 0, ..., 0, 0, 0],\n", - " [0, 0, 0, ..., 1, 1, 1],\n", - " [0, 0, 0, ..., 1, 1, 1],\n", - " [0, 0, 0, ..., 0, 0, 0],\n", - " [0, 0, 0, ..., 1, 1, 1]], device='cuda:0'), 'clss': tensor([[ 0, 29, 73, 113, 135, 171, 205, 222, 248, 275, 315, 355, 375, 401,\n", - " 421, 461, 495, 0, 0, 0, 0, 0],\n", - " [ 0, 28, 76, 108, 138, 174, 227, 248, 276, 307, 323, 351, 385, 424,\n", - " 447, 467, 488, 508, 0, 0, 0, 0],\n", - " [ 0, 30, 73, 98, 147, 174, 198, 223, 248, 262, 290, 314, 323, 334,\n", - " 359, 383, 397, 427, 450, 469, 489, 508],\n", - " [ 0, 39, 72, 144, 170, 193, 214, 244, 272, 291, 312, 0, 0, 0,\n", - " 0, 0, 0, 0, 0, 0, 0, 0],\n", - " [ 0, 45, 95, 105, 123, 139, 151, 181, 205, 227, 256, 290, 344, 387,\n", - " 398, 435, 460, 482, 0, 0, 0, 0]], device='cuda:0'), 'mask': tensor([[ True, True, True, ..., True, True, True],\n", - " [ True, True, True, ..., True, True, True],\n", - " [ True, True, True, ..., True, True, True],\n", - " [ True, True, True, ..., False, False, False],\n", - " [ True, True, True, ..., True, True, True]], device='cuda:0'), 'mask_cls': tensor([[ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, False, False, False,\n", - " False, False],\n", - " [ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, False, False,\n", - " False, False],\n", - " [ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, True, True,\n", - " True, True],\n", - " [ True, True, True, True, True, True, True, True, True, True,\n", - " True, False, False, False, False, False, False, False, False, False,\n", - " False, False],\n", - " [ True, True, True, True, True, True, True, True, True, True,\n", - " True, True, True, True, True, True, True, True, False, False,\n", - " False, False]], device='cuda:0')}\n" - ] - } - ], - "source": [ - "prediction_list = list(prediction)" - ] - }, - { - "cell_type": "code", - "execution_count": 118, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "1" - ] - }, - "execution_count": 118, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "len(prediction_list)" - ] - }, - { - "cell_type": "code", - "execution_count": 119, - "metadata": {}, - "outputs": [ - { - "ename": "NameError", - "evalue": "name 'eval_batch' is not defined", - "output_type": "error", - "traceback": [ - "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", - "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0;31m \u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0meval_batch\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m", - "\u001b[0;31mNameError\u001b[0m: name 'eval_batch' is not defined" - ] - } - ], - "source": [ - "len(eval_batch)" + " test_dataset.extend(i)\n", + "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]" ] }, { "cell_type": "code", - "execution_count": 114, + "execution_count": 24, "metadata": {}, "outputs": [], "source": [ - "import numpy as np\n", - "sentence_score=prediction_list[0]\n", - "selected_ids = np.argsort(-sentence_score, 1)\n", - "#prediction_list[0]" - ] - }, - { - "cell_type": "code", - "execution_count": 116, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "array([[ 1, 2, 0, 3, 4, 6, 10, 9, 7, 5, 11, 14, 12, 13, 8, 16,\n", - " 15, 20, 17, 18, 19, 21],\n", - " [ 2, 0, 3, 4, 1, 5, 6, 14, 15, 10, 7, 13, 17, 16, 8, 12,\n", - " 9, 11, 20, 18, 19, 21],\n", - " [ 1, 4, 0, 2, 3, 5, 6, 10, 7, 8, 18, 9, 17, 15, 14, 20,\n", - " 16, 12, 13, 19, 21, 11],\n", - " [ 0, 3, 1, 2, 4, 5, 9, 10, 6, 8, 7, 20, 11, 12, 13, 14,\n", - " 15, 16, 17, 18, 19, 21],\n", - " [ 1, 3, 0, 7, 9, 16, 2, 4, 11, 8, 10, 15, 14, 6, 17, 5,\n", - " 12, 13, 18, 19, 20, 21]])" - ] - }, - "execution_count": 116, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "selected_ids" + "prediction = summarizer.predict(get_sequential_dataloader(test_dataset))\n", + "#prediction = summarizer.predict(get_dataloader(test_dataset_generator()))" ] }, { "cell_type": "code", - "execution_count": 112, - "metadata": {}, - "outputs": [], - "source": [ - "sentence_seperator=\"\",\n", - "top_n=3,\n", - "block_trigram=True,\n", - "verbose=True,\n", - "cal_lead=False," - ] - }, - { - "cell_type": "code", - "execution_count": 131, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "\n", - "[[ 1 2 0 3 4 6 10 9 7 5 11 14 12 13 8 16 15 20 17 18 19 21]\n", - " [ 2 0 3 4 1 5 6 14 15 10 7 13 17 16 8 12 9 11 20 18 19 21]\n", - " [ 1 4 0 2 3 5 6 10 7 8 18 9 17 15 14 20 16 12 13 19 21 11]\n", - " [ 0 3 1 2 4 5 9 10 6 8 7 20 11 12 13 14 15 16 17 18 19 21]\n", - " [ 1 3 0 7 9 16 2 4 11 8 10 15 14 6 17 5 12 13 18 19 20 21]]\n" - ] - }, - { - "ename": "AttributeError", - "evalue": "'tuple' object has no attribute 'join'", - "output_type": "error", - "traceback": [ - "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[0;31mAttributeError\u001b[0m Traceback (most recent call last)", - "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 5\u001b[0m \u001b[0;31m#selected_ids = np.argsort(-sent_scores, 1)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 6\u001b[0m \u001b[0;31m#print(selected_ids)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 7\u001b[0;31m \u001b[0mtemp_pred\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtemp_target\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mget_pred\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mnew_eval_batch\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mi\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msent_scores\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 8\u001b[0m \u001b[0mprint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtemp_pred\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 9\u001b[0m \u001b[0mprint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtemp_targe\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m\u001b[0m in \u001b[0;36mget_pred\u001b[0;34m(batch, sent_scores, cal_lead)\u001b[0m\n\u001b[1;32m 28\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 29\u001b[0m \u001b[0;31m# _pred = ''.join(_pred)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 30\u001b[0;31m \u001b[0m_pred\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0msentence_seperator\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mjoin\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0m_pred\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 31\u001b[0m \u001b[0mpred\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mappend\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0m_pred\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstrip\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 32\u001b[0m \u001b[0mtarget\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mappend\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mbatch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtgt_str\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mi\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;31mAttributeError\u001b[0m: 'tuple' object has no attribute 'join'" - ] - } - ], - "source": [ - "for i in range(len(new_eval_batch)):\n", - "#for (batch, sent_scores) in zip(new_eval_batch, prediction_list):\n", - " sent_scores = prediction_list[i]\n", - " print(type(prediction_list[0]))\n", - " #selected_ids = np.argsort(-sent_scores, 1)\n", - " #print(selected_ids)\n", - " temp_pred, temp_target = get_pred(new_eval_batch[i], sent_scores)\n", - " print(temp_pred[0])\n", - " print(temp_targe[0])" - ] - }, - { - "cell_type": "code", - "execution_count": 70, - "metadata": {}, - "outputs": [], - "source": [ - "def _get_ngrams(n, text):\n", - " ngram_set = set()\n", - " text_length = len(text)\n", - " max_index_ngram_start = text_length - n\n", - " for i in range(max_index_ngram_start + 1):\n", - " ngram_set.add(tuple(text[i : i + n]))\n", - " return ngram_set\n", - "\n", - "def _block_tri(c, p):\n", - " tri_c = _get_ngrams(3, c.split())\n", - " for s in p:\n", - " tri_s = _get_ngrams(3, s.split())\n", - " if len(tri_c.intersection(tri_s)) > 0:\n", - " return True\n", - " return False\n", - "\n" - ] - }, - { - "cell_type": "code", - "execution_count": 130, - "metadata": {}, - "outputs": [], - "source": [ - "def get_pred(batch, sent_scores, cal_lead=False, sentence_seperator=''):\n", - " print(type(sent_scores))\n", - " selected_ids = np.argsort(-sent_scores, 1)\n", - " #print(selected_ids)\n", - " if cal_lead:\n", - " selected_ids = list(range(batch.clss.size(1))) * len(batch.clss)\n", - " print(selected_ids)\n", - " pred = []\n", - " target = []\n", - " for i, idx in enumerate(selected_ids):\n", - " _pred = []\n", - " if len(batch.src_str[i]) == 0:\n", - " pred.append(\"\")\n", - " continue\n", - " for j in selected_ids[i][: len(batch.src_str[i])]:\n", - " if j >= len(batch.src_str[i]):\n", - " continue\n", - " candidate = batch.src_str[i][j].strip()\n", - " if block_trigram:\n", - " if not _block_tri(candidate, _pred):\n", - " _pred.append(candidate)\n", - " else:\n", - " _pred.append(candidate)\n", - "\n", - " # only select the top 3\n", - " if len(_pred) == top_n:\n", - " break\n", - "\n", - " # _pred = ''.join(_pred)\n", - " _pred = sentence_seperator.join(_pred)\n", - " pred.append(_pred.strip())\n", - " target.append(batch.tgt_str[i])\n", - " print(\"=======================\")\n", - " print(pred)\n", - " print(\"=======================\")\n", - " print(target)\n", - " return pred, target" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "range(0, 2)\n", - "cuda\n", - "CPU times: user 2min 47s, sys: 55.2 s, total: 3min 42s\n", - "Wall time: 2min 14s\n" - ] - } - ], - "source": [ - "%%time \n", - "prediction = summarizer.predict(get_sequential_dataloader(test_dataset), num_gpus=2)" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "range(0, 4)\n", - "cuda\n", - "CPU times: user 5min 14s, sys: 1min 56s, total: 7min 10s\n", - "Wall time: 3min 13s\n" - ] - } - ], - "source": [ - "%%time \n", - "prediction = summarizer.predict(get_sequential_dataloader(test_dataset), num_gpus=4)" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "range(0, 4)\n", - "cuda\n", - "CPU times: user 5min 15s, sys: 1min 57s, total: 7min 13s\n", - "Wall time: 3min 13s\n" - ] - } - ], - "source": [ - "%%time \n", - "prediction = summarizer.predict(get_sequential_dataloader(test_dataset), num_gpus=4)" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "CPU times: user 56.8 s, sys: 18 s, total: 1min 14s\n", - "Wall time: 1min 14s\n" - ] - } - ], - "source": [ - "%%time \n", - "prediction = summarizer.predict(get_sequential_dataloader(test_dataset), num_gpus=1)" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "CPU times: user 5min 13s, sys: 1min 55s, total: 7min 9s\n", - "Wall time: 3min 10s\n" - ] - } - ], - "source": [ - "%%time \n", - "prediction = summarizer.predict(get_sequential_dataloader(test_dataset), num_gpus=4,)\n", - "#prediction = summarizer.predict(get_dataloader(test_dataset_generator()))" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "CPU times: user 5min 13s, sys: 1min 57s, total: 7min 11s\n", - "Wall time: 3min 10s\n" - ] - } - ], - "source": [ - "%%time\n", - "prediction = summarizer.predict(get_sequential_dataloader(test_dataset), num_gpus=4,)\n", - "#prediction = summarizer.predict(get_dataloader(test_dataset_generator()))" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "11489" - ] - }, - "execution_count": 13, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "len(prediction)" - ] - }, - { - "cell_type": "code", - "execution_count": 32, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['0.predict_target', '1.predict_target', '2.predict_target', '3.predict_target']\n" - ] - } - ], - "source": [ - "file_numbers = range(0,4)\n", - "filenames = [\"{}.predict\".format(i) for i in file_numbers]\n", - "print(filenames)\n", - "prediction = []\n", - "for i in filenames:\n", - " prediction.extend(torch.load(prediction))" - ] - }, - { - "cell_type": "code", - "execution_count": 55, - "metadata": {}, - "outputs": [], - "source": [ - "prediction = torch.load(\"0.predict\")\n", - "target = torch.load(\"0.target\")" - ] - }, - { - "cell_type": "code", - "execution_count": 56, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "11489" - ] - }, - "execution_count": 56, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "len(prediction)" - ] - }, - { - "cell_type": "code", - "execution_count": 57, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "11489" - ] - }, - "execution_count": 57, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "len(target)" - ] - }, - { - "cell_type": "code", - "execution_count": 58, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "\"deborah fuller has been banned from keeping animals after she dragged her dog behind her car , causing wounds as she drove at 30mphthe rhodesian ridgeback was left with injuries to all four paws as well as grazing to his chest and a deep wound on his elbow .he is believed to have somehow escaped from the boot of her car and was dragged along the single carriageway because his lead was attached to the vehicle 's tailgate .\"" - ] - }, - "execution_count": 58, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "prediction[1]" - ] - }, - { - "cell_type": "code", - "execution_count": 59, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "\"warning : graphic content - deborah fuller dragged her one-year-old dog behind her car for 400 metres at a speed of around 30mphanimal was left with wounds to paws and elbow and grazes on his stomachfuller , a breeder , failed to quickly take the animal to vet which could have reduced the ` unnecessary suffering ' of the rhodesian ridgebackshe was banned from keeping animals for five years and given a curfew\"" - ] - }, - "execution_count": 59, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "target[1]" - ] - }, - { - "cell_type": "code", - "execution_count": 60, - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "11489\n", - "11489\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-12-18 21:58:09,503 [MainThread ] [INFO ] Writing summaries.\n", - "I1218 21:58:09.503323 140578347489088 pyrouge.py:525] Writing summaries.\n", - "2019-12-18 21:58:09,505 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmp71b7igdt/system and model files to ./results/tmp71b7igdt/model.\n", - "I1218 21:58:09.505720 140578347489088 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmp71b7igdt/system and model files to ./results/tmp71b7igdt/model.\n", - "2019-12-18 21:58:09,506 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-18-21-58-08/candidate/.\n", - "I1218 21:58:09.506670 140578347489088 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-18-21-58-08/candidate/.\n", - "2019-12-18 21:58:10,667 [MainThread ] [INFO ] Saved processed files to ./results/tmp71b7igdt/system.\n", - "I1218 21:58:10.667188 140578347489088 pyrouge.py:53] Saved processed files to ./results/tmp71b7igdt/system.\n", - "2019-12-18 21:58:10,668 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-18-21-58-08/reference/.\n", - "I1218 21:58:10.668822 140578347489088 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-18-21-58-08/reference/.\n", - "2019-12-18 21:58:11,807 [MainThread ] [INFO ] Saved processed files to ./results/tmp71b7igdt/model.\n", - "I1218 21:58:11.807205 140578347489088 pyrouge.py:53] Saved processed files to ./results/tmp71b7igdt/model.\n", - "2019-12-18 21:58:11,888 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp7fy_q2kz/rouge_conf.xml\n", - "I1218 21:58:11.888963 140578347489088 pyrouge.py:354] Written ROUGE configuration to ./results/tmp7fy_q2kz/rouge_conf.xml\n", - "2019-12-18 21:58:11,890 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp7fy_q2kz/rouge_conf.xml\n", - "I1218 21:58:11.890037 140578347489088 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp7fy_q2kz/rouge_conf.xml\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.52266 (95%-conf.int. 0.51986 - 0.52568)\n", - "1 ROUGE-1 Average_P: 0.34674 (95%-conf.int. 0.34446 - 0.34907)\n", - "1 ROUGE-1 Average_F: 0.40313 (95%-conf.int. 0.40106 - 0.40530)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.22634 (95%-conf.int. 0.22379 - 0.22906)\n", - "1 ROUGE-2 Average_P: 0.14922 (95%-conf.int. 0.14747 - 0.15107)\n", - "1 ROUGE-2 Average_F: 0.17380 (95%-conf.int. 0.17189 - 0.17581)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.47360 (95%-conf.int. 0.47089 - 0.47638)\n", - "1 ROUGE-L Average_P: 0.31457 (95%-conf.int. 0.31237 - 0.31671)\n", - "1 ROUGE-L Average_F: 0.36555 (95%-conf.int. 0.36355 - 0.36758)\n", - "\n" - ] - } - ], - "source": [ - "rouge_transformer = get_rouge(prediction, target, \"./results/\")" - ] - }, - { - "cell_type": "code", - "execution_count": 14, + "execution_count": 25, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "11489\n", - "11489\n" + "9999\n", + "9999\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ - "2019-12-18 03:30:54,263 [MainThread ] [INFO ] Writing summaries.\n", - "I1218 03:30:54.263799 140518432167744 pyrouge.py:525] Writing summaries.\n", - "2019-12-18 03:30:54,265 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpctvsqcxg/system and model files to ./results/tmpctvsqcxg/model.\n", - "I1218 03:30:54.265614 140518432167744 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpctvsqcxg/system and model files to ./results/tmpctvsqcxg/model.\n", - "2019-12-18 03:30:54,266 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-18-03-30-53/candidate/.\n", - "I1218 03:30:54.266546 140518432167744 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-18-03-30-53/candidate/.\n", - "2019-12-18 03:30:55,387 [MainThread ] [INFO ] Saved processed files to ./results/tmpctvsqcxg/system.\n", - "I1218 03:30:55.387292 140518432167744 pyrouge.py:53] Saved processed files to ./results/tmpctvsqcxg/system.\n", - "2019-12-18 03:30:55,389 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-18-03-30-53/reference/.\n", - "I1218 03:30:55.389828 140518432167744 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-18-03-30-53/reference/.\n", - "2019-12-18 03:30:56,517 [MainThread ] [INFO ] Saved processed files to ./results/tmpctvsqcxg/model.\n", - "I1218 03:30:56.517802 140518432167744 pyrouge.py:53] Saved processed files to ./results/tmpctvsqcxg/model.\n", - "2019-12-18 03:30:56,600 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmpmzktjbfq/rouge_conf.xml\n", - "I1218 03:30:56.600011 140518432167744 pyrouge.py:354] Written ROUGE configuration to ./results/tmpmzktjbfq/rouge_conf.xml\n", - "2019-12-18 03:30:56,601 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpmzktjbfq/rouge_conf.xml\n", - "I1218 03:30:56.601049 140518432167744 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpmzktjbfq/rouge_conf.xml\n" + "2019-12-17 19:21:21,290 [MainThread ] [INFO ] Writing summaries.\n", + "I1217 19:21:21.290435 139802557667136 pyrouge.py:525] Writing summaries.\n", + "2019-12-17 19:21:21,297 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpuryr79c7/system and model files to ./results/tmpuryr79c7/model.\n", + "I1217 19:21:21.297645 139802557667136 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpuryr79c7/system and model files to ./results/tmpuryr79c7/model.\n", + "2019-12-17 19:21:21,298 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-17-19-21-20/candidate/.\n", + "I1217 19:21:21.298635 139802557667136 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-17-19-21-20/candidate/.\n", + "2019-12-17 19:21:22,253 [MainThread ] [INFO ] Saved processed files to ./results/tmpuryr79c7/system.\n", + "I1217 19:21:22.253241 139802557667136 pyrouge.py:53] Saved processed files to ./results/tmpuryr79c7/system.\n", + "2019-12-17 19:21:22,254 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-17-19-21-20/reference/.\n", + "I1217 19:21:22.254958 139802557667136 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-17-19-21-20/reference/.\n", + "2019-12-17 19:21:23,216 [MainThread ] [INFO ] Saved processed files to ./results/tmpuryr79c7/model.\n", + "I1217 19:21:23.216884 139802557667136 pyrouge.py:53] Saved processed files to ./results/tmpuryr79c7/model.\n", + "2019-12-17 19:21:23,717 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmpkuttct3c/rouge_conf.xml\n", + "I1217 19:21:23.717461 139802557667136 pyrouge.py:354] Written ROUGE configuration to ./results/tmpkuttct3c/rouge_conf.xml\n", + "2019-12-17 19:21:23,718 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpkuttct3c/rouge_conf.xml\n", + "I1217 19:21:23.718756 139802557667136 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpkuttct3c/rouge_conf.xml\n" ] }, { @@ -1950,17 +814,17 @@ "output_type": "stream", "text": [ "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.54208 (95%-conf.int. 0.53930 - 0.54484)\n", - "1 ROUGE-1 Average_P: 0.36866 (95%-conf.int. 0.36651 - 0.37103)\n", - "1 ROUGE-1 Average_F: 0.42466 (95%-conf.int. 0.42276 - 0.42672)\n", + "1 ROUGE-1 Average_R: 0.47216 (95%-conf.int. 0.46927 - 0.47525)\n", + "1 ROUGE-1 Average_P: 0.34211 (95%-conf.int. 0.33966 - 0.34468)\n", + "1 ROUGE-1 Average_F: 0.38153 (95%-conf.int. 0.37935 - 0.38384)\n", "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.24754 (95%-conf.int. 0.24499 - 0.25011)\n", - "1 ROUGE-2 Average_P: 0.16856 (95%-conf.int. 0.16669 - 0.17049)\n", - "1 ROUGE-2 Average_F: 0.19382 (95%-conf.int. 0.19190 - 0.19576)\n", + "1 ROUGE-2 Average_R: 0.19405 (95%-conf.int. 0.19134 - 0.19665)\n", + "1 ROUGE-2 Average_P: 0.14079 (95%-conf.int. 0.13874 - 0.14297)\n", + "1 ROUGE-2 Average_F: 0.15673 (95%-conf.int. 0.15461 - 0.15891)\n", "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.49419 (95%-conf.int. 0.49159 - 0.49685)\n", - "1 ROUGE-L Average_P: 0.33667 (95%-conf.int. 0.33456 - 0.33889)\n", - "1 ROUGE-L Average_F: 0.38754 (95%-conf.int. 0.38561 - 0.38960)\n", + "1 ROUGE-L Average_R: 0.42759 (95%-conf.int. 0.42494 - 0.43044)\n", + "1 ROUGE-L Average_P: 0.31054 (95%-conf.int. 0.30808 - 0.31295)\n", + "1 ROUGE-L Average_F: 0.34596 (95%-conf.int. 0.34381 - 0.34812)\n", "\n" ] } diff --git a/tools/generate_conda_file.py b/tools/generate_conda_file.py index 8a98e7b14..1fb0764df 100644 --- a/tools/generate_conda_file.py +++ b/tools/generate_conda_file.py @@ -88,7 +88,8 @@ "nltk": "nltk>=3.4", "seqeval": "seqeval>=0.0.12", "bertsum": "--editable=git+https://github.com/daden-ms/BertSum.git", - "pyrouge": "pyrouge==0.1.3", + "pyrouge": "pyrouge>=0.1.3", + "torchtext": "torchtext>=0.4.0", "multiprocess": "multiprocess==0.70.9", "tensorboardX": "tensorboardX==1.8", } diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index 2c8ba3a78..ece9685c7 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -194,7 +194,7 @@ def __init__( print(default_preprocessing_parameters) args = Bunch(default_preprocessing_parameters) self.preprossor = TransformerSumData(args, self.tokenizer) - + @staticmethod def get_inputs(batch, model_name, train_mode=True): if model_name.split("-")[0] in ["bert", "distilbert"]: @@ -218,30 +218,6 @@ def get_inputs(batch, model_name, train_mode=True): } else: raise ValueError("Model not supported: {}".format(model_name)) - - @staticmethod - def get_inputs2(batch, model_name, train_mode=True): - if model_name.split("-")[0] in ["bert", "distilbert"]: - if train_mode: - # labels must be the last - return { - "x": batch[0][0], - "segs": batch[1][0], - "clss": batch[2][0], - "mask": batch[3][0], - "mask_cls": batch[4][0], - "labels": batch[5][0], - } - else: - return { - "x": batch[0][0], - "segs": batch[1][0], - "clss": batch[2][0], - "mask": batch[3][0], - "mask_cls": batch[4][0], - } - else: - raise ValueError("Model not supported: {}".format(model_name)) def preprocess(self, sources, targets=None, oracle_mode="greedy", selections=3): """preprocess multiple data points""" @@ -306,6 +282,7 @@ def fit( self, train_dataloader, num_gpus=None, + local_rank=-1, max_steps=5e5, optimization_method="adam", lr=2e-3, @@ -366,10 +343,8 @@ def move_batch_to_device(batch, device): def predict( self, - #eval_dataloader, - eval_dataset, + eval_dataloader, num_gpus=1, - local_rank=-1, batch_size=16, sentence_seperator="", top_n=3, @@ -402,7 +377,6 @@ def _get_pred(batch, sent_scores): selected_ids = np.argsort(-sent_scores, 1) # selected_ids = np.sort(selected_ids,1) pred = [] - target = [] for i, idx in enumerate(selected_ids): _pred = [] if len(batch.src_str[i]) == 0: @@ -425,70 +399,28 @@ def _get_pred(batch, sent_scores): # _pred = ''.join(_pred) _pred = sentence_seperator.join(_pred) pred.append(_pred.strip()) - target.append(batch.tgt_str[i]) - print("=======================") - print(pred) - print("=======================") - print(target) - return pred, target - - world_size = num_gpus - device, num_gpus = get_device(num_gpus=num_gpus, local_rank=local_rank) - + return pred + + device, num_gpus = get_device(num_gpus=num_gpus, local_rank=-1) + # if isinstance(self.model, nn.DataParallel): + # self.model.module.to(device) + # else: self.model.to(device) - if local_rank!= -1: - self.model = torch.nn.parallel.DistributedDataParallel(self.model, device_ids=[local_rank]) - #else: - # self.model = torch.nn.DataParallel(self.model) - + def move_batch_to_device(batch, device): return batch.to(device) - - def move_dict_to_device(dictionary, device): - temp = (batch['x'], batch['segs'], batch['clss'], batch['mask'], batch['mask_cls'], batch['labels']) - new_batch = tuple(t.to(device) for t in temp) - return new_batch self.model.eval() pred = [] - target = [] - j = 0 - - from torch.utils.data import DataLoader, RandomSampler, SequentialSampler - from torch.utils.data.distributed import DistributedSampler - - eval_sampler = SequentialSampler(eval_dataset) - eval_dataloader = DataLoader(eval_dataset, sampler=eval_sampler, batch_size=1) - - sent_scores = [] for batch in eval_dataloader: - #if local_rank != -1: - # if j%world_size != local_rank: - # j += 1 - # continue - print(batch) - new_batch = move_dict_to_device(batch, device) - j += 1 + batch = move_batch_to_device(batch, device) with torch.no_grad(): - inputs = ExtSumProcessor.get_inputs2(new_batch, self.model_name, train_mode=False) - #print(inputs) + inputs = ExtSumProcessor.get_inputs(batch, self.model_name, train_mode=False) outputs = self.model(**inputs) sent_scores = outputs[0] sent_scores = sent_scores.detach().cpu().numpy() - yield sent_scores - #sent_scores.extend(sent_scores) - #temp_pred, temp_target = _get_pred(batch, sent_scores) - #pred.extend(temp_pred) - #target.extend(temp_target) - #return sent_scores - #torch.dist.barrier() - #print(len(pred)) - #print(pred[0]) - #print(len(target)) - #print(target[0]) - #torch.save(pred, "{}.predict".format(local_rank)) - #torch.save(target, "{}.target".format(local_rank)) - return pred #, target + pred.extend(_get_pred(batch, sent_scores)) + return pred def save_model(self, name): output_model_dir = os.path.join(self.cache_dir, "fine_tuned") From 0d8680365bf088041c6333bd99cc3159dfc67f9d Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 20 Dec 2019 06:25:59 +0000 Subject: [PATCH 077/167] add summarization dataset --- utils_nlp/models/transformers/datasets.py | 75 ++++++++++++++++++++++- 1 file changed, 74 insertions(+), 1 deletion(-) diff --git a/utils_nlp/models/transformers/datasets.py b/utils_nlp/models/transformers/datasets.py index 3c900d33b..1586bcaf3 100644 --- a/utils_nlp/models/transformers/datasets.py +++ b/utils_nlp/models/transformers/datasets.py @@ -2,8 +2,9 @@ # Licensed under the MIT License. import collections +import itertools import torch -from torch.utils.data import Dataset +from torch.utils.data import Dataset, IterableDataset class SCDataSet(Dataset): @@ -214,3 +215,75 @@ def __getitem__(self, idx): def __len__(self): return self.df.shape[0] + + +def _line_iter(file_path): + with open(file_path, "r", encoding="utf8") as fd: + for line in fd: + yield line + +def _preprocess(param): + """ + Helper function to preprocess a list of paragraphs. + + Args: + param (Tuple): params are tuple of (a list of strings, a list of preprocessing functions, and function to tokenize setences into words). A paragraph is represented with a single string with multiple setnences. + + Returns: + list of list of strings, where each string is a token or word. + """ + + sentences, preprocess_pipeline, word_tokenize = param + for function in preprocess_pipeline: + sentences = function(sentences) + return [word_tokenize(sentence) for sentence in sentences] + +def _create_data_from_iterator(iterator, preprocessing, word_tokenizer): + # data = [] + # for line in iterator: + # data.append(preprocess((line, preprocessing, word_tokenizer))) + # return data + for line in iterator: + yield _preprocess((line, preprocessing, word_tokenizer)) + + + + +class SummarizationDataset(IterableDataset): + + def __init__( + self, + source_file, + target_file, + source_preprocessing, + target_preprocessing, + word_tokenization, + top_n=-1, + **kwargs, + ): + """ create a summarization dataset instance given the paths of source file and target file""" + + #super(SummarizationDataset, self).__init__() + source_iter = _line_iter(source_file) + target_iter = _line_iter(target_file) + + if top_n != -1: + source_iter = itertools.islice(source_iter, top_n) + target_iter = itertools.islice(target_iter, top_n) + + self._source = _create_data_from_iterator( + source_iter, source_preprocessing, word_tokenization + ) + + self._target = _create_data_from_iterator( + target_iter, target_preprocessing, word_tokenization + ) + + def __iter__(self): + for x in self._source: + yield x + + def get_target(self): + return self._target + + From fe413b5b31c35672f02fbe55757bb9690ec61219 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 20 Dec 2019 06:26:40 +0000 Subject: [PATCH 078/167] move common part out --- utils_nlp/dataset/cnndm.py | 204 ++++++------------------------------- 1 file changed, 33 insertions(+), 171 deletions(-) diff --git a/utils_nlp/dataset/cnndm.py b/utils_nlp/dataset/cnndm.py index af99bd1d8..50564d14d 100644 --- a/utils_nlp/dataset/cnndm.py +++ b/utils_nlp/dataset/cnndm.py @@ -10,13 +10,11 @@ """ import glob -import itertools import nltk nltk.download("punkt") from nltk import tokenize import os -from os.path import isfile, join import sys import regex as re import torch @@ -26,117 +24,43 @@ from utils_nlp.dataset.url_utils import maybe_download +from utils_nlp.models.transformers.datasets import SummarizationDataset from utils_nlp.models.transformers.extractive_summarization import get_dataset, get_dataloader -REMAP = {"-lrb-": "(", "-rrb-": ")", "-lcb-": "{", "-rcb-": "}", - "-lsb-": "[", "-rsb-": "]", "``": '"', "''": '"'} - -def clean(x): - return re.sub( - r"-lrb-|-rrb-|-lcb-|-rcb-|-lsb-|-rsb-|``|''", - lambda m: REMAP.get(m.group()), x) - - -def _line_iter(file_path): - with open(file_path, "r", encoding="utf8") as fd: - for line in fd: - yield line - - -def _create_data_from_iterator(iterator, preprocessing, word_tokenizer): - # data = [] - # for line in iterator: - # data.append(preprocess((line, preprocessing, word_tokenizer))) - # return data - for line in iterator: - yield preprocess((line, preprocessing, word_tokenizer)) - -def _remove_ttags(line): - line = re.sub(r"", "", line) - # change to - # pyrouge test requires as sentence splitter - line = re.sub(r"", "", line) - return line -def _cnndm_target_sentence_tokenization(line): - return line.split("") +def CNNDMSummarizationDataset(*args, **kwargs): + + REMAP = {"-lrb-": "(", "-rrb-": ")", "-lcb-": "{", "-rcb-": "}", + "-lsb-": "[", "-rsb-": "]", "``": '"', "''": '"'} -def preprocess(param): - """ - Helper function to preprocess a list of paragraphs. - - Args: - param (Tuple): params are tuple of (a list of strings, a list of preprocessing functions, and function to tokenize setences into words). A paragraph is represented with a single string with multiple setnences. - - Returns: - list of list of strings, where each string is a token or word. - """ - - sentences, preprocess_pipeline, word_tokenize = param - for function in preprocess_pipeline: - sentences = function(sentences) - return [word_tokenize(sentence) for sentence in sentences] - - -class Summarization(torch.utils.data.Dataset): - @staticmethod - def sort_key(ex): - return len(ex.source) - - def __init__( - self, - source_file, - target_file, - source_preprocessing, - target_preprocessing, - word_tokenization, - top_n=-1, - **kwargs, - ): - """ create an CNN/CM dataset instance given the paths of source file and target file""" - - super(Summarization, self).__init__() - source_iter = _line_iter(source_file) - target_iter = _line_iter(target_file) - - if top_n != -1: - source_iter = itertools.islice(source_iter, top_n) - target_iter = itertools.islice(target_iter, top_n) - - self._source = _create_data_from_iterator( - source_iter, source_preprocessing, word_tokenization - ) - - self._target = _create_data_from_iterator( - target_iter, target_preprocessing, word_tokenization - ) - - # def __getitem__(self, i): - # return self._source[i] + + def _clean(x): + return re.sub( + r"-lrb-|-rrb-|-lcb-|-rcb-|-lsb-|-rsb-|``|''", + lambda m: REMAP.get(m.group()), x) - # def __len__(self): - # return len(self._source) - def __iter__(self): - for x in self._source: - yield x + def _remove_ttags(line): + line = re.sub(r"", "", line) + # change to + # pyrouge test requires as sentence splitter + line = re.sub(r"", "", line) + return line - def get_target(self): - return self._target + def _target_sentence_tokenization(line): + return line.split("") -def CNNDMSummarization(*args, **kwargs): - urls = ["https://s3.amazonaws.com/opennmt-models/Summary/cnndm.tar.gz"] - dirname = "cnndmsum" - name = "cnndmsum" + URLS = ["https://s3.amazonaws.com/opennmt-models/Summary/cnndm.tar.gz"] + def _setup_datasets(url, top_n=-1, local_cache_path=".data"): - file_name = "cnndm.tar.gz" - maybe_download(url, file_name, local_cache_path) - dataset_tar = os.path.join(local_cache_path, file_name) + FILE_NAME = "cnndm.tar.gz" + maybe_download(url, FILE_NAME, local_cache_path) + dataset_tar = os.path.join(local_cache_path, FILE_NAME) extracted_files = extract_archive(dataset_tar) for fname in extracted_files: if fname.endswith("train.txt.src"): @@ -149,105 +73,43 @@ def _setup_datasets(url, top_n=-1, local_cache_path=".data"): test_target_file = fname return ( - Summarization( + SummarizationDataset( train_source_file, train_target_file, - [clean, tokenize.sent_tokenize], - [clean, _remove_ttags, _cnndm_target_sentence_tokenization], + [_clean, tokenize.sent_tokenize], + [_clean, _remove_ttags, _target_sentence_tokenization], nltk.word_tokenize, top_n, ), - Summarization( + SummarizationDataset( test_source_file, test_target_file, - [clean, tokenize.sent_tokenize], - [clean, _remove_ttags, _cnndm_target_sentence_tokenization], + [_clean, tokenize.sent_tokenize], + [_clean, _remove_ttags, _target_sentence_tokenization], nltk.word_tokenize, top_n, ), ) - return _setup_datasets(*((urls[0],) + args), **kwargs) - -class ExtSumProcessedData: - @staticmethod - def save_data(data_iter, is_test=False, save_path="./", chunk_size=None): - os.makedirs(save_path, exist_ok=True) - - def chunks(iterable, chunk_size): - iterator = filter(None, iterable) # iter(iterable) - for first in iterator: - if chunk_size: - yield itertools.chain([first], itertools.islice(iterator, chunk_size - 1)) - else: - yield itertools.chain([first], itertools.islice(iterator, None)) - - chunks = chunks(data_iter, chunk_size) - filename_list = [] - for i, chunked_data in enumerate(chunks): - filename = f"{i}_test" if is_test else f"{i}_train" - torch.save(list(chunked_data), os.path.join(save_path, filename)) - filename_list.append(os.path.join(save_path, filename)) - return filename_list - - @classmethod - def splits(cls, root): - train_files = [] - test_files = [] - files = [join(root, f) for f in os.listdir(root) if isfile(join(root, f))] - for fname in files: - if fname.find("train") != -1: - train_files.append(fname) - elif fname.find("test") != -1: - test_files.append(fname) - - def get_train_dataset(): - return get_dataset(train_files, True) - - def get_test_dataset(): - return get_dataset(test_files) - - return get_train_dataset, get_test_dataset - # return get_cycled_dataset(get_dataset(train_files)), get_dataset(test_files) - + return _setup_datasets(*((URLS[0],) + args), **kwargs) class CNNDMBertSumProcessedData: - @staticmethod - def save_data(data_iter, is_test=False, save_path="./", chunk_size=None): - os.makedirs(save_path, exist_ok=True) - - def chunks(iterable, chunk_size): - iterator = filter(None, iterable) # iter(iterable) - for first in iterator: - if chunk_size: - yield itertools.chain([first], itertools.islice(iterator, chunk_size - 1)) - else: - yield itertools.chain([first], itertools.islice(iterator, None)) - - chunks = chunks(data_iter, chunk_size) - filename_list = [] - for i, chunked_data in enumerate(chunks): - filename = f"{i}_test" if is_test else f"{i}_train" - torch.save(list(chunked_data), os.path.join(save_path, filename)) - filename_list.append(os.path.join(save_path, filename)) - return filename_list - @staticmethod def download(local_path=".data"): file_name = "bertsum_data.zip" url = "https://drive.google.com/uc?export=download&id=1x0d61LP9UAN389YN00z0Pv-7jQgirVg6" try: if os.path.exists(os.path.join(local_path, file_name)): - zip = zipfile.ZipFile(os.path.join(local_path, file_name)) + downloaded_zipfile = zipfile.ZipFile(os.path.join(local_path, file_name)) else: dataset_zip = download_from_url(url, root=local_path) - zip = zipfile.ZipFile(dataset_zip) + downloaded_zipfile = zipfile.ZipFile(dataset_zip) except: print("Unexpected dataset downloading or reading error:", sys.exc_info()[0]) raise - zip.extractall(local_path) + downloaded_zipfile.extractall(local_path) return local_path \ No newline at end of file From 43f64ed8b4d17426b3d6266a77dac47fe327da7c Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 20 Dec 2019 06:27:48 +0000 Subject: [PATCH 079/167] remove empty line --- utils_nlp/models/transformers/common.py | 1 - 1 file changed, 1 deletion(-) diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index b49763144..e2345e248 100644 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -187,7 +187,6 @@ def fine_tune( train_iterator = cycle("1") # use this as an infinite cycle if move_batch_to_device is None: - def move_batch_to_device(batch, device): return tuple(t.to(device) for t in batch) From f7b374c37677085ea19626c0c1372220416b1b1a Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 20 Dec 2019 06:28:34 +0000 Subject: [PATCH 080/167] dataset changes and prediction changes --- .../transformers/extractive_summarization.py | 195 +++++++++++++++--- 1 file changed, 166 insertions(+), 29 deletions(-) diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index ece9685c7..0453707d9 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -3,6 +3,7 @@ # This script reuses some code from https://github.com/nlpyang/BertSum +import functools import itertools import logging import numpy as np @@ -11,25 +12,7 @@ import time import torch import torch.nn as nn - - -from transformers.modeling_bert import ( - BERT_PRETRAINED_MODEL_ARCHIVE_MAP, - BertForSequenceClassification, -) -from transformers.modeling_distilbert import ( - DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP, - DistilBertForSequenceClassification, -) -from transformers.modeling_roberta import ( - ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP, - RobertaForSequenceClassification, -) -from transformers.modeling_xlnet import ( - XLNET_PRETRAINED_MODEL_ARCHIVE_MAP, - XLNetForSequenceClassification, -) - +from torch.utils.data import Dataset, IterableDataset from transformers import DistilBertModel, BertModel @@ -80,11 +63,7 @@ def get_cycled_dataset(train_dataset_generator): yield batch -def get_dataset(file_list, is_train=False): - if is_train: - random.shuffle(file_list) - for file in file_list: - yield torch.load(file) + def get_dataloader(data_iter, shuffle=True, is_labeled=False, batch_size=3000): @@ -166,7 +145,87 @@ def preprocess(self, src, tgt=None, oracle_ids=None): tgt_txt = ''.join([' '.join(tt) for tt in tgt]) src_txt = [original_src_txt[i] for i in idxs] return src_subtoken_idxs, labels, segments_ids, cls_ids, src_txt, tgt_txt + +def get_dataset(file): + #if is_shuffle: + # random.shuffle(file_list) + #print(file_list) + #for file in file_list: + yield torch.load(file) + +class ExmSumProcessedIterableDataset(IterableDataset): + + def __init__(self, file_list, is_shuffle=False): + self.file_list = file_list + print(self.file_list) + self.is_shuffle = is_shuffle + + def get_stream(self): + if self.is_shuffle: + return itertools.chain.from_iterable(map(get_dataset, itertools.cycle(self.file_list))) + else: + return itertools.chain.from_iterable(map(get_dataset, itertools.cycle(random.shuffle(self.file_list)))) + + def __iter__(self): + return self.get_stream() + +class ExmSumProcessedDataset(Dataset): + def __init__(self, file_list, is_shuffle=False): + self.file_list = file_list + if is_shuffle: + random.shuffle(file_list) + self.data = [] + for file in file_list: + self.data.extend(torch.load(file)) + + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + return self.data[idx] + + +class ExtSumProcessedData: + @staticmethod + def save_data(data_iter, is_test=False, save_path="./", chunk_size=None): + os.makedirs(save_path, exist_ok=True) + + def chunks(iterable, chunk_size): + iterator = filter(None, iterable) # iter(iterable) + for first in iterator: + if chunk_size: + yield itertools.chain([first], itertools.islice(iterator, chunk_size - 1)) + else: + yield itertools.chain([first], itertools.islice(iterator, None)) + + chunks = chunks(data_iter, chunk_size) + filename_list = [] + for i, chunked_data in enumerate(chunks): + filename = f"{i}_test" if is_test else f"{i}_train" + torch.save(list(chunked_data), os.path.join(save_path, filename)) + filename_list.append(os.path.join(save_path, filename)) + return filename_list + + + def get_files(self, root): + train_files = [] + test_files = [] + files = [os.path.join(root, f) for f in os.listdir(root) if os.path.isfile(os.path.join(root, f))] + for fname in files: + if fname.find("train") != -1: + train_files.append(fname) + elif fname.find("test") != -1: + test_files.append(fname) + + return train_files, test_files + + + def splits(self, root): + train_files, test_files = self.get_files(root) + return ExmSumProcessedIterableDataset(train_files, is_shuffle=True), ExmSumProcessedDataset(test_files, is_shuffle=False) + # return get_cycled_dataset(get_dataset(train_files)), get_dataset(test_files) + class ExtSumProcessor: def __init__( @@ -272,7 +331,7 @@ def __init__(self, model_name="distilbert-base-uncased", encoder="transformer", } args = Bunch(default_summarizer_layer_parameters) - self.model = Summarizer("transformer", args, model_class, model_name, None, cache_dir) + self.model = Summarizer(encoder, args, model_class, model_name, None, cache_dir) @staticmethod def list_supported_models(): @@ -400,6 +459,21 @@ def _get_pred(batch, sent_scores): _pred = sentence_seperator.join(_pred) pred.append(_pred.strip()) return pred + + sent_scores = summarizer.predict(test_dataloader) + + + def predict_scores( + self, + eval_dataloader, + num_gpus=1, + batch_size=16, + sentence_seperator="", + top_n=3, + block_trigram=True, + verbose=True, + cal_lead=False, + ): device, num_gpus = get_device(num_gpus=num_gpus, local_rank=-1) # if isinstance(self.model, nn.DataParallel): @@ -407,11 +481,21 @@ def _get_pred(batch, sent_scores): # else: self.model.to(device) + #def move_batch_to_device(batch, device): + # return batch.to(device) def move_batch_to_device(batch, device): - return batch.to(device) + batch['src'] = batch['src'].to(device) + batch['segs'] = batch['segs'].to(device) + batch['clss'] = batch['clss'].to(device) + batch['mask'] = batch['mask'].to(device) + batch['mask_cls'] = batch['mask_cls'].to(device) + + if 'labels' in batch.keys(): + batch['labels'] = batch['labels'].to(device) + return Bunch(batch) self.model.eval() - pred = [] + #pred = [] for batch in eval_dataloader: batch = move_batch_to_device(batch, device) with torch.no_grad(): @@ -419,8 +503,9 @@ def move_batch_to_device(batch, device): outputs = self.model(**inputs) sent_scores = outputs[0] sent_scores = sent_scores.detach().cpu().numpy() - pred.extend(_get_pred(batch, sent_scores)) - return pred + yield sent_scores + #pred.extend(_get_pred(batch, sent_scores)) + #return pred def save_model(self, name): output_model_dir = os.path.join(self.cache_dir, "fine_tuned") @@ -431,3 +516,55 @@ def save_model(self, name): full_name = os.path.join(output_model_dir, name) logger.info("Saving model checkpoint to %s", full_name) torch.save(self.model, name) + +def _get_ngrams(n, text): + ngram_set = set() + text_length = len(text) + max_index_ngram_start = text_length - n + for i in range(max_index_ngram_start + 1): + ngram_set.add(tuple(text[i : i + n])) + return ngram_set + +def _block_tri(c, p): + tri_c = _get_ngrams(3, c.split()) + for s in p: + tri_s = _get_ngrams(3, s.split()) + if len(tri_c.intersection(tri_s)) > 0: + return True + return False + +def get_pred(batch, sent_scores, cal_lead=False, sentence_seperator='', block_trigram=True, top_n=3): + print(type(sent_scores)) + selected_ids = np.argsort(-sent_scores) + #selected_ids = np.argsort(-sent_scores, 1) + if cal_lead: + selected_ids = range(len(batch['clss'])) + pred = [] + target = [] + #for i, idx in enumerate(selected_ids): + _pred = [] + if len(batch['src_txt']) == 0: + pred.append("") + for j in selected_ids[: len(batch['src_txt'])]: + if j >= len(batch['src_txt']): + continue + candidate = batch['src_txt'][j].strip() + if block_trigram: + if not _block_tri(candidate, _pred): + _pred.append(candidate) + else: + _pred.append(candidate) + + # only select the top 3 + if len(_pred) == top_n: + break + + # _pred = ''.join(_pred) + _pred = sentence_seperator.join(_pred) + pred.append(_pred.strip()) + target.append(batch['tgt_txt']) + print("=======================") + print(pred) + print("=======================") + print(target) + return pred, target \ No newline at end of file From f8f5a34f11515946a38cb0822eec70ef4a3d53ca Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 20 Dec 2019 06:29:50 +0000 Subject: [PATCH 081/167] prediction with Dataset and train with IterableDataset --- ...tive_summarization_cnndm_transformer.ipynb | 83981 +++++++++++++++- 1 file changed, 83786 insertions(+), 195 deletions(-) diff --git a/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb b/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb index f3d11f699..ec559c25d 100644 --- a/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb +++ b/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb @@ -42,14 +42,14 @@ }, { "cell_type": "code", - "execution_count": 1, + "execution_count": 212, "metadata": {}, "outputs": [], "source": [ "## Set QUICK_RUN = True to run the notebook on a small subset of data and a smaller number of epochs.\n", "QUICK_RUN = True\n", "## Set USE_PREPROCSSED_DATA = True to skip the data preprocessing\n", - "USE_PREPROCSSED_DATA = False" + "USE_PREPROCSSED_DATA = True" ] }, { @@ -81,19 +81,9 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 204, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", - "[nltk_data] Package punkt is already up-to-date!\n", - "I1217 18:37:17.971428 139802557667136 file_utils.py:40] PyTorch version 1.2.0 available.\n" - ] - } - ], + "outputs": [], "source": [ "import os\n", "import sys\n", @@ -105,14 +95,16 @@ " sys.path.insert(0, nlp_path)\n", "\n", "from utils_nlp.common.pytorch_utils import get_device\n", - "from utils_nlp.dataset.cnndm import CNNDMBertSumProcessedData, CNNDMSummarization, ExtSumProcessedData\n", + "from utils_nlp.dataset.cnndm import CNNDMBertSumProcessedData, CNNDMSummarizationDataset\n", "from utils_nlp.eval.evaluate_summarization import get_rouge\n", "from utils_nlp.models.transformers.extractive_summarization import (\n", " get_cycled_dataset,\n", " get_dataloader,\n", " get_sequential_dataloader,\n", " ExtractiveSummarizer,\n", + " ExtSumProcessedData,\n", " ExtSumProcessor,\n", + " get_pred\n", ")" ] }, @@ -125,7 +117,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 7, "metadata": {}, "outputs": [], "source": [ @@ -204,21 +196,41 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'/tmp/tmpm2eh8iau'" + ] + }, + "execution_count": 10, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "DATA_PATH" + ] + }, + { + "cell_type": "code", + "execution_count": 9, "metadata": {}, "outputs": [], "source": [ "# the data path used to save the downloaded data file\n", - "DATA_PATH = TemporaryDirectory().name\n", + "DATA_PATH = \"/tmp/tmpm2eh8iau\" #TemporaryDirectory().name\n", "# The number of lines at the head of data file used for preprocessing. -1 means all the lines.\n", "TOP_N = -1\n", "if QUICK_RUN:\n", - " TOP_N = 10000" + " TOP_N = 1000" ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 11, "metadata": { "scrolled": true }, @@ -227,13 +239,13 @@ "name": "stderr", "output_type": "stream", "text": [ - "100%|██████████| 489k/489k [00:07<00:00, 62.3kKB/s] \n", - "I1217 18:37:26.811193 139802557667136 utils.py:173] Opening tar file /tmp/tmpy397314q/cnndm.tar.gz.\n" + "100%|██████████| 489k/489k [00:07<00:00, 64.2kKB/s] \n", + "I1220 02:01:25.255479 140392325338944 utils.py:173] Opening tar file /tmp/tmpm2eh8iau/cnndm.tar.gz.\n" ] } ], "source": [ - "train_dataset, test_dataset = CNNDMSummarization(top_n=TOP_N, local_cache_path=DATA_PATH)" + "train_dataset, test_dataset = CNNDMSummarizationDataset(top_n=TOP_N, local_cache_path=DATA_PATH)" ] }, { @@ -245,14 +257,14 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 12, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1217 18:37:38.230067 139802557667136 tokenization_utils.py:379] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + "I1220 02:01:53.700232 140392325338944 tokenization_utils.py:379] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" ] }, { @@ -271,7 +283,7 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 13, "metadata": {}, "outputs": [], "source": [ @@ -286,20 +298,16 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 14, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "['/tmp/tmpy397314q/processed/0_train',\n", - " '/tmp/tmpy397314q/processed/1_train',\n", - " '/tmp/tmpy397314q/processed/2_train',\n", - " '/tmp/tmpy397314q/processed/3_train',\n", - " '/tmp/tmpy397314q/processed/4_train']" + "['/tmp/tmpm2eh8iau/processed/0_train']" ] }, - "execution_count": 10, + "execution_count": 14, "metadata": {}, "output_type": "execute_result" } @@ -310,20 +318,36 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 33, + "metadata": {}, + "outputs": [], + "source": [ + "import random\n", + "random.shuffle(train_files)" + ] + }, + { + "cell_type": "code", + "execution_count": 56, + "metadata": {}, + "outputs": [], + "source": [ + "def myprint(u, is_shuffle):\n", + " print(u)" + ] + }, + { + "cell_type": "code", + "execution_count": 15, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "['/tmp/tmpy397314q/processed/0_test',\n", - " '/tmp/tmpy397314q/processed/1_test',\n", - " '/tmp/tmpy397314q/processed/2_test',\n", - " '/tmp/tmpy397314q/processed/3_test',\n", - " '/tmp/tmpy397314q/processed/4_test']" + "['/tmp/tmpm2eh8iau/processed/0_test']" ] }, - "execution_count": 11, + "execution_count": 15, "metadata": {}, "output_type": "execute_result" } @@ -334,11 +358,22 @@ }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 17, "metadata": {}, "outputs": [], "source": [ - "train_dataset_generator, test_dataset_generator = ExtSumProcessedData().splits(root=save_path)" + "tempdata = ExtSumProcessedData()" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": { + "scrolled": true + }, + "outputs": [], + "source": [ + "train_dataset, test_dataset = tempdata.splits(root=save_path)" ] }, { @@ -350,14 +385,14 @@ }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 23, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "2000\n" + "994\n" ] }, { @@ -366,7 +401,7 @@ "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" ] }, - "execution_count": 13, + "execution_count": 23, "metadata": {}, "output_type": "execute_result" } @@ -380,7 +415,7 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 24, "metadata": {}, "outputs": [ { @@ -389,7 +424,7 @@ "[0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]" ] }, - "execution_count": 14, + "execution_count": 24, "metadata": {}, "output_type": "execute_result" } @@ -407,26 +442,34 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 216, "metadata": {}, "outputs": [], "source": [ "# the data path used to downloaded the preprocessed data from BERTSUM Repo.\n", "# if you have downloaded the dataset, change the code to use that path where the dataset is.\n", - "PROCESSED_DATA_PATH = TemporaryDirectory().name\n", - "#data_path = \"./temp_data5/\"\n", - "#PROCESSED_DATA_PATH = data_path" + "#PROCESSED_DATA_PATH = TemporaryDirectory().name\n", + "data_path = \"./temp_data5/\"\n", + "PROCESSED_DATA_PATH = data_path" ] }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 217, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['./temp_data5/cnndm.train.22.bert.pt', './temp_data5/cnndm.train.78.bert.pt', './temp_data5/cnndm.train.88.bert.pt', './temp_data5/cnndm.train.51.bert.pt', './temp_data5/cnndm.train.5.bert.pt', './temp_data5/cnndm.train.120.bert.pt', './temp_data5/cnndm.train.114.bert.pt', './temp_data5/cnndm.train.140.bert.pt', './temp_data5/cnndm.train.87.bert.pt', './temp_data5/cnndm.train.104.bert.pt', './temp_data5/cnndm.train.94.bert.pt', './temp_data5/cnndm.train.59.bert.pt', './temp_data5/cnndm.train.30.bert.pt', './temp_data5/cnndm.train.44.bert.pt', './temp_data5/cnndm.train.73.bert.pt', './temp_data5/cnndm.train.56.bert.pt', './temp_data5/cnndm.train.58.bert.pt', './temp_data5/cnndm.train.83.bert.pt', './temp_data5/cnndm.train.41.bert.pt', './temp_data5/cnndm.train.124.bert.pt', './temp_data5/cnndm.train.125.bert.pt', './temp_data5/cnndm.train.18.bert.pt', './temp_data5/cnndm.train.86.bert.pt', './temp_data5/cnndm.train.142.bert.pt', './temp_data5/cnndm.train.131.bert.pt', './temp_data5/cnndm.train.110.bert.pt', './temp_data5/cnndm.train.111.bert.pt', './temp_data5/cnndm.train.66.bert.pt', './temp_data5/cnndm.train.97.bert.pt', './temp_data5/cnndm.train.27.bert.pt', './temp_data5/cnndm.train.33.bert.pt', './temp_data5/cnndm.train.39.bert.pt', './temp_data5/cnndm.train.43.bert.pt', './temp_data5/cnndm.train.8.bert.pt', './temp_data5/cnndm.train.99.bert.pt', './temp_data5/cnndm.train.35.bert.pt', './temp_data5/cnndm.train.136.bert.pt', './temp_data5/cnndm.train.89.bert.pt', './temp_data5/cnndm.train.67.bert.pt', './temp_data5/cnndm.train.101.bert.pt', './temp_data5/cnndm.train.141.bert.pt', './temp_data5/cnndm.train.20.bert.pt', './temp_data5/cnndm.train.10.bert.pt', './temp_data5/cnndm.train.118.bert.pt', './temp_data5/cnndm.train.81.bert.pt', './temp_data5/cnndm.train.117.bert.pt', './temp_data5/cnndm.train.84.bert.pt', './temp_data5/cnndm.train.50.bert.pt', './temp_data5/cnndm.train.65.bert.pt', './temp_data5/cnndm.train.25.bert.pt', './temp_data5/cnndm.train.123.bert.pt', './temp_data5/cnndm.train.138.bert.pt', './temp_data5/cnndm.train.47.bert.pt', './temp_data5/cnndm.train.52.bert.pt', './temp_data5/cnndm.train.77.bert.pt', './temp_data5/cnndm.train.108.bert.pt', './temp_data5/cnndm.train.132.bert.pt', './temp_data5/cnndm.train.71.bert.pt', './temp_data5/cnndm.train.90.bert.pt', './temp_data5/cnndm.train.9.bert.pt', './temp_data5/cnndm.train.28.bert.pt', './temp_data5/cnndm.train.42.bert.pt', './temp_data5/cnndm.train.6.bert.pt', './temp_data5/cnndm.train.113.bert.pt', './temp_data5/cnndm.train.95.bert.pt', './temp_data5/cnndm.train.75.bert.pt', './temp_data5/cnndm.train.92.bert.pt', './temp_data5/cnndm.train.0.bert.pt', './temp_data5/cnndm.train.121.bert.pt', './temp_data5/cnndm.train.14.bert.pt', './temp_data5/cnndm.train.93.bert.pt', './temp_data5/cnndm.train.85.bert.pt', './temp_data5/cnndm.train.76.bert.pt', './temp_data5/cnndm.train.129.bert.pt', './temp_data5/cnndm.train.119.bert.pt', './temp_data5/cnndm.train.130.bert.pt', './temp_data5/cnndm.train.2.bert.pt', './temp_data5/cnndm.train.19.bert.pt', './temp_data5/cnndm.train.15.bert.pt', './temp_data5/cnndm.train.13.bert.pt', './temp_data5/cnndm.train.23.bert.pt', './temp_data5/cnndm.train.34.bert.pt', './temp_data5/cnndm.train.116.bert.pt', './temp_data5/cnndm.train.60.bert.pt', './temp_data5/cnndm.train.115.bert.pt', './temp_data5/cnndm.train.126.bert.pt', './temp_data5/cnndm.train.133.bert.pt', './temp_data5/cnndm.train.53.bert.pt', './temp_data5/cnndm.train.29.bert.pt', './temp_data5/cnndm.train.102.bert.pt', './temp_data5/cnndm.train.3.bert.pt', './temp_data5/cnndm.train.68.bert.pt', './temp_data5/cnndm.train.26.bert.pt', './temp_data5/cnndm.train.107.bert.pt', './temp_data5/cnndm.train.55.bert.pt', './temp_data5/cnndm.train.91.bert.pt', './temp_data5/cnndm.train.128.bert.pt', './temp_data5/cnndm.train.143.bert.pt', './temp_data5/cnndm.train.63.bert.pt', './temp_data5/cnndm.train.12.bert.pt', './temp_data5/cnndm.train.122.bert.pt', './temp_data5/cnndm.train.127.bert.pt', './temp_data5/cnndm.train.134.bert.pt', './temp_data5/cnndm.train.46.bert.pt', './temp_data5/cnndm.train.7.bert.pt', './temp_data5/cnndm.train.61.bert.pt', './temp_data5/cnndm.train.100.bert.pt', './temp_data5/cnndm.train.37.bert.pt', './temp_data5/cnndm.train.64.bert.pt', './temp_data5/cnndm.train.80.bert.pt', './temp_data5/cnndm.train.57.bert.pt', './temp_data5/cnndm.train.24.bert.pt', './temp_data5/cnndm.train.139.bert.pt', './temp_data5/cnndm.train.137.bert.pt', './temp_data5/cnndm.train.98.bert.pt', './temp_data5/cnndm.train.17.bert.pt', './temp_data5/cnndm.train.103.bert.pt', './temp_data5/cnndm.train.72.bert.pt', './temp_data5/cnndm.train.109.bert.pt', './temp_data5/cnndm.train.40.bert.pt', './temp_data5/cnndm.train.11.bert.pt', './temp_data5/cnndm.train.49.bert.pt', './temp_data5/cnndm.train.105.bert.pt', './temp_data5/cnndm.train.45.bert.pt', './temp_data5/cnndm.train.82.bert.pt', './temp_data5/cnndm.train.70.bert.pt', './temp_data5/cnndm.train.112.bert.pt', './temp_data5/cnndm.train.1.bert.pt', './temp_data5/cnndm.train.69.bert.pt', './temp_data5/cnndm.train.79.bert.pt', './temp_data5/cnndm.train.48.bert.pt', './temp_data5/cnndm.train.62.bert.pt', './temp_data5/cnndm.train.32.bert.pt', './temp_data5/cnndm.train.4.bert.pt', './temp_data5/cnndm.train.74.bert.pt', './temp_data5/cnndm.train.31.bert.pt', './temp_data5/cnndm.train.38.bert.pt', './temp_data5/cnndm.train.96.bert.pt', './temp_data5/cnndm.train.135.bert.pt', './temp_data5/cnndm.train.54.bert.pt', './temp_data5/cnndm.train.21.bert.pt', './temp_data5/cnndm.train.36.bert.pt', './temp_data5/cnndm.train.16.bert.pt', './temp_data5/cnndm.train.106.bert.pt']\n" + ] + } + ], "source": [ "if USE_PREPROCSSED_DATA:\n", " CNNDMBertSumProcessedData.download(local_path=PROCESSED_DATA_PATH)\n", - " train_dataset_generator, test_dataset_generator = ExtSumProcessedData().splits(root=PROCESSED_DATA_PATH)\n", + " train_dataset, test_dataset = ExtSumProcessedData().splits(root=PROCESSED_DATA_PATH)\n", " " ] }, @@ -452,7 +495,7 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": 25, "metadata": {}, "outputs": [], "source": [ @@ -473,7 +516,7 @@ "LEARNING_RATE=2e-3\n", "\n", "# How often the statistics reports show up in training, unit is step.\n", - "REPORT_EVERY=100\n", + "REPORT_EVERY=1\n", " \n", "if QUICK_RUN:\n", " # total number of steps for training\n", @@ -489,7 +532,7 @@ }, { "cell_type": "code", - "execution_count": 18, + "execution_count": 26, "metadata": { "scrolled": true }, @@ -498,13 +541,13 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1217 18:44:51.806424 139802557667136 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json not found in cache or force_download set to True, downloading to /tmp/tmpgvu50aqr\n", - "100%|██████████| 492/492 [00:00<00:00, 568640.83B/s]\n", - "I1217 18:44:51.962247 139802557667136 file_utils.py:334] copying /tmp/tmpgvu50aqr to cache at /tmp/tmpdym52i5i/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1217 18:44:51.963408 139802557667136 file_utils.py:338] creating metadata file for /tmp/tmpdym52i5i/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1217 18:44:51.965103 139802557667136 file_utils.py:347] removing temp file /tmp/tmpgvu50aqr\n", - "I1217 18:44:51.965668 139802557667136 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpdym52i5i/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1217 18:44:51.966852 139802557667136 configuration_utils.py:174] Model config {\n", + "I1220 02:30:19.238502 140392325338944 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json not found in cache or force_download set to True, downloading to /tmp/tmp95d7livz\n", + "100%|██████████| 492/492 [00:00<00:00, 412389.60B/s]\n", + "I1220 02:30:19.408243 140392325338944 file_utils.py:334] copying /tmp/tmp95d7livz to cache at /tmp/tmpisbozsdw/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1220 02:30:19.409225 140392325338944 file_utils.py:338] creating metadata file for /tmp/tmpisbozsdw/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1220 02:30:19.410874 140392325338944 file_utils.py:347] removing temp file /tmp/tmp95d7livz\n", + "I1220 02:30:19.411635 140392325338944 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpisbozsdw/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1220 02:30:19.412680 140392325338944 configuration_utils.py:174] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -530,14 +573,14 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1217 18:44:52.101840 139802557667136 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin not found in cache or force_download set to True, downloading to /tmp/tmpcu0f3_vv\n", - "100%|██████████| 267967963/267967963 [00:03<00:00, 67229891.02B/s]\n", - "I1217 18:44:56.305050 139802557667136 file_utils.py:334] copying /tmp/tmpcu0f3_vv to cache at /tmp/tmpdym52i5i/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1217 18:44:56.587834 139802557667136 file_utils.py:338] creating metadata file for /tmp/tmpdym52i5i/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1217 18:44:56.588978 139802557667136 file_utils.py:347] removing temp file /tmp/tmpcu0f3_vv\n", - "I1217 18:44:56.624732 139802557667136 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpdym52i5i/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1217 18:44:58.107886 139802557667136 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpdym52i5i/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1217 18:44:58.109093 139802557667136 configuration_utils.py:174] Model config {\n", + "I1220 02:30:19.553013 140392325338944 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin not found in cache or force_download set to True, downloading to /tmp/tmp1iqeaj75\n", + "100%|██████████| 267967963/267967963 [00:04<00:00, 64472906.81B/s]\n", + "I1220 02:30:23.974077 140392325338944 file_utils.py:334] copying /tmp/tmp1iqeaj75 to cache at /tmp/tmpisbozsdw/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1220 02:30:24.253362 140392325338944 file_utils.py:338] creating metadata file for /tmp/tmpisbozsdw/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1220 02:30:24.254622 140392325338944 file_utils.py:347] removing temp file /tmp/tmp1iqeaj75\n", + "I1220 02:30:24.291017 140392325338944 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpisbozsdw/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1220 02:30:25.861599 140392325338944 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpisbozsdw/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1220 02:30:25.862995 140392325338944 configuration_utils.py:174] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -563,7 +606,7 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1217 18:44:58.241129 139802557667136 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpdym52i5i/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I1220 02:30:26.001698 140392325338944 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpisbozsdw/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], @@ -573,17 +616,68 @@ }, { "cell_type": "code", - "execution_count": 19, + "execution_count": 80, + "metadata": {}, + "outputs": [], + "source": [ + "a = train_dataset.get_stream()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "j = 0\n", + "for i in a:\n", + " print(i)\n", + " break" + ] + }, + { + "cell_type": "code", + "execution_count": 111, "metadata": {}, "outputs": [], "source": [ "# batch_size is the number of tokens in a batch\n", - "train_dataloader = get_dataloader(get_cycled_dataset(train_dataset_generator), is_labeled=True, batch_size=3000)" + "train_dataloader = get_dataloader(train_dataset.get_stream(), is_labeled=True, batch_size=3000)" + ] + }, + { + "cell_type": "code", + "execution_count": 112, + "metadata": {}, + "outputs": [], + "source": [ + "from tqdm import tqdm, trange \n", + "epoch_iterator = tqdm(\n", + " train_dataloader,\n", + " desc=\"Iteration\",\n", + " disable=True, # local_rank not in [-1, 0] or not verbose\n", + " )" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "j = 0\n", + "for i in epoch_iterator:\n", + " if j%100==0:\n", + " print(i)\n", + " print(j)\n", + " j+=1\n", + " if j>10000:\n", + " break" ] }, { "cell_type": "code", - "execution_count": 20, + "execution_count": 114, "metadata": { "scrolled": true }, @@ -592,119 +686,52 @@ "name": "stdout", "output_type": "stream", "text": [ - "loss: 50.646378, time: 22.631160, number of examples in current step: 5, step 100 out of total 10000\n", - "loss: 33.793594, time: 21.044874, number of examples in current step: 5, step 200 out of total 10000\n", - "loss: 32.788770, time: 20.708551, number of examples in current step: 5, step 300 out of total 10000\n", - "loss: 31.555956, time: 21.022777, number of examples in current step: 5, step 400 out of total 10000\n", - "loss: 31.015303, time: 20.605717, number of examples in current step: 8, step 500 out of total 10000\n", - "loss: 30.423153, time: 20.881066, number of examples in current step: 5, step 600 out of total 10000\n", - "loss: 30.845548, time: 20.734294, number of examples in current step: 5, step 700 out of total 10000\n", - "loss: 30.580163, time: 21.032496, number of examples in current step: 7, step 800 out of total 10000\n", - "loss: 31.150659, time: 20.884736, number of examples in current step: 5, step 900 out of total 10000\n", - "loss: 29.488281, time: 21.059112, number of examples in current step: 5, step 1000 out of total 10000\n", - "loss: 30.541964, time: 20.708292, number of examples in current step: 5, step 1100 out of total 10000\n", - "loss: 30.830110, time: 21.077800, number of examples in current step: 5, step 1200 out of total 10000\n", - "loss: 29.623951, time: 20.632566, number of examples in current step: 5, step 1300 out of total 10000\n", - "loss: 30.290076, time: 21.099526, number of examples in current step: 5, step 1400 out of total 10000\n", - "loss: 29.993626, time: 20.555313, number of examples in current step: 5, step 1500 out of total 10000\n", - "loss: 30.277067, time: 21.134893, number of examples in current step: 5, step 1600 out of total 10000\n", - "loss: 30.136724, time: 21.092158, number of examples in current step: 5, step 1700 out of total 10000\n", - "loss: 30.142018, time: 21.349204, number of examples in current step: 5, step 1800 out of total 10000\n", - "loss: 30.408301, time: 20.947950, number of examples in current step: 5, step 1900 out of total 10000\n", - "loss: 29.111500, time: 21.486748, number of examples in current step: 5, step 2000 out of total 10000\n", - "loss: 30.184728, time: 20.846687, number of examples in current step: 5, step 2100 out of total 10000\n", - "loss: 29.597505, time: 21.212236, number of examples in current step: 5, step 2200 out of total 10000\n", - "loss: 29.868810, time: 20.714326, number of examples in current step: 5, step 2300 out of total 10000\n", - "loss: 29.377431, time: 20.978430, number of examples in current step: 5, step 2400 out of total 10000\n", - "loss: 29.541388, time: 20.640673, number of examples in current step: 5, step 2500 out of total 10000\n", - "loss: 29.724207, time: 21.356356, number of examples in current step: 5, step 2600 out of total 10000\n", - "loss: 29.390374, time: 21.234666, number of examples in current step: 5, step 2700 out of total 10000\n", - "loss: 29.454847, time: 21.583781, number of examples in current step: 5, step 2800 out of total 10000\n", - "loss: 28.447264, time: 20.967798, number of examples in current step: 5, step 2900 out of total 10000\n", - "loss: 29.055359, time: 21.146016, number of examples in current step: 5, step 3000 out of total 10000\n", - "loss: 28.194085, time: 20.727949, number of examples in current step: 5, step 3100 out of total 10000\n", - "loss: 27.781719, time: 21.310647, number of examples in current step: 10, step 3200 out of total 10000\n", - "loss: 26.309513, time: 20.805569, number of examples in current step: 5, step 3300 out of total 10000\n", - "loss: 28.655566, time: 21.209971, number of examples in current step: 5, step 3400 out of total 10000\n", - "loss: 28.125119, time: 20.701797, number of examples in current step: 5, step 3500 out of total 10000\n", - "loss: 27.724689, time: 21.208107, number of examples in current step: 5, step 3600 out of total 10000\n", - "loss: 28.469454, time: 20.735428, number of examples in current step: 5, step 3700 out of total 10000\n", - "loss: 27.441285, time: 21.201085, number of examples in current step: 5, step 3800 out of total 10000\n", - "loss: 27.446780, time: 20.751544, number of examples in current step: 5, step 3900 out of total 10000\n", - "loss: 26.043867, time: 21.156237, number of examples in current step: 5, step 4000 out of total 10000\n", - "loss: 26.181683, time: 21.134482, number of examples in current step: 5, step 4100 out of total 10000\n", - "loss: 24.185787, time: 20.864966, number of examples in current step: 5, step 4200 out of total 10000\n", - "loss: 24.647515, time: 21.104284, number of examples in current step: 5, step 4300 out of total 10000\n", - "loss: 26.308780, time: 20.772454, number of examples in current step: 5, step 4400 out of total 10000\n", - "loss: 25.744383, time: 21.172621, number of examples in current step: 5, step 4500 out of total 10000\n", - "loss: 24.773671, time: 20.700181, number of examples in current step: 5, step 4600 out of total 10000\n", - "loss: 24.270896, time: 21.268451, number of examples in current step: 5, step 4700 out of total 10000\n", - "loss: 25.846365, time: 20.598596, number of examples in current step: 5, step 4800 out of total 10000\n", - "loss: 23.428492, time: 20.967340, number of examples in current step: 5, step 4900 out of total 10000\n", - "loss: 19.957516, time: 20.714996, number of examples in current step: 5, step 5000 out of total 10000\n", - "loss: 20.340182, time: 21.082933, number of examples in current step: 5, step 5100 out of total 10000\n", - "loss: 23.037734, time: 20.697294, number of examples in current step: 5, step 5200 out of total 10000\n", - "loss: 22.533047, time: 20.984664, number of examples in current step: 5, step 5300 out of total 10000\n", - "loss: 21.818605, time: 20.536927, number of examples in current step: 5, step 5400 out of total 10000\n", - "loss: 21.626095, time: 21.029142, number of examples in current step: 5, step 5500 out of total 10000\n", - "loss: 19.186640, time: 20.506389, number of examples in current step: 5, step 5600 out of total 10000\n", - "loss: 18.841879, time: 21.052580, number of examples in current step: 5, step 5700 out of total 10000\n", - "loss: 19.867750, time: 20.716353, number of examples in current step: 5, step 5800 out of total 10000\n", - "loss: 16.718751, time: 20.919875, number of examples in current step: 5, step 5900 out of total 10000\n", - "loss: 13.844668, time: 20.654640, number of examples in current step: 5, step 6000 out of total 10000\n", - "loss: 13.259359, time: 21.294722, number of examples in current step: 5, step 6100 out of total 10000\n", - "loss: 12.555993, time: 20.735506, number of examples in current step: 5, step 6200 out of total 10000\n", - "loss: 15.363859, time: 21.011957, number of examples in current step: 5, step 6300 out of total 10000\n", - "loss: 16.355932, time: 20.613020, number of examples in current step: 5, step 6400 out of total 10000\n", - "loss: 14.205648, time: 21.048965, number of examples in current step: 5, step 6500 out of total 10000\n", - "loss: 13.313909, time: 20.750437, number of examples in current step: 5, step 6600 out of total 10000\n", - "loss: 16.069617, time: 21.005120, number of examples in current step: 5, step 6700 out of total 10000\n", - "loss: 16.353159, time: 20.613764, number of examples in current step: 5, step 6800 out of total 10000\n", - "loss: 10.449840, time: 21.011440, number of examples in current step: 5, step 6900 out of total 10000\n", - "loss: 7.821031, time: 20.688589, number of examples in current step: 5, step 7000 out of total 10000\n", - "loss: 9.534725, time: 20.963867, number of examples in current step: 5, step 7100 out of total 10000\n", - "loss: 9.384873, time: 20.649505, number of examples in current step: 9, step 7200 out of total 10000\n", - "loss: 9.650093, time: 21.183623, number of examples in current step: 5, step 7300 out of total 10000\n", - "loss: 8.970471, time: 20.680761, number of examples in current step: 5, step 7400 out of total 10000\n", - "loss: 11.752754, time: 21.021969, number of examples in current step: 6, step 7500 out of total 10000\n", - "loss: 11.919778, time: 20.702512, number of examples in current step: 5, step 7600 out of total 10000\n", - "loss: 11.981617, time: 21.046392, number of examples in current step: 5, step 7700 out of total 10000\n", - "loss: 11.779458, time: 20.753459, number of examples in current step: 5, step 7800 out of total 10000\n", - "loss: 6.661400, time: 21.105260, number of examples in current step: 5, step 7900 out of total 10000\n", - "loss: 5.817208, time: 20.653457, number of examples in current step: 5, step 8000 out of total 10000\n", - "loss: 6.695193, time: 20.963968, number of examples in current step: 5, step 8100 out of total 10000\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "loss: 5.945398, time: 20.959122, number of examples in current step: 5, step 8200 out of total 10000\n", - "loss: 7.403578, time: 20.623628, number of examples in current step: 5, step 8300 out of total 10000\n", - "loss: 7.579400, time: 21.010104, number of examples in current step: 5, step 8400 out of total 10000\n", - "loss: 6.733897, time: 20.956976, number of examples in current step: 5, step 8500 out of total 10000\n", - "loss: 7.400434, time: 21.315107, number of examples in current step: 5, step 8600 out of total 10000\n", - "loss: 8.942719, time: 20.842602, number of examples in current step: 5, step 8700 out of total 10000\n", - "loss: 8.192907, time: 21.137500, number of examples in current step: 5, step 8800 out of total 10000\n", - "loss: 5.031124, time: 20.709420, number of examples in current step: 5, step 8900 out of total 10000\n", - "loss: 4.819118, time: 21.070154, number of examples in current step: 6, step 9000 out of total 10000\n", - "loss: 4.357930, time: 20.748780, number of examples in current step: 5, step 9100 out of total 10000\n", - "loss: 4.545584, time: 21.223144, number of examples in current step: 5, step 9200 out of total 10000\n", - "loss: 4.658168, time: 20.557300, number of examples in current step: 5, step 9300 out of total 10000\n", - "loss: 5.264066, time: 21.249058, number of examples in current step: 5, step 9400 out of total 10000\n", - "loss: 5.969067, time: 20.712935, number of examples in current step: 5, step 9500 out of total 10000\n", - "loss: 5.285898, time: 21.363654, number of examples in current step: 5, step 9600 out of total 10000\n", - "loss: 4.935408, time: 20.708985, number of examples in current step: 5, step 9700 out of total 10000\n", - "loss: 5.457768, time: 21.089815, number of examples in current step: 5, step 9800 out of total 10000\n", - "loss: 4.436776, time: 20.591032, number of examples in current step: 5, step 9900 out of total 10000\n", - "loss: 4.003601, time: 21.361167, number of examples in current step: 5, step 10000 out of total 10000\n" + "loss: 34.572636, time: 21.864492, number of examples in current step: 5, step 100 out of total 10000\n", + "loss: 33.382410, time: 21.413861, number of examples in current step: 5, step 200 out of total 10000\n", + "loss: 31.746298, time: 21.314547, number of examples in current step: 5, step 300 out of total 10000\n", + "loss: 30.833345, time: 21.308201, number of examples in current step: 5, step 400 out of total 10000\n", + "loss: 30.152527, time: 21.169602, number of examples in current step: 5, step 500 out of total 10000\n", + "loss: 29.770242, time: 21.089946, number of examples in current step: 5, step 600 out of total 10000\n", + "loss: 29.853581, time: 21.112016, number of examples in current step: 5, step 700 out of total 10000\n", + "loss: 29.837940, time: 21.113029, number of examples in current step: 5, step 800 out of total 10000\n", + "loss: 29.794852, time: 21.256818, number of examples in current step: 6, step 900 out of total 10000\n", + "loss: 28.980921, time: 21.132634, number of examples in current step: 5, step 1000 out of total 10000\n", + "loss: 28.932903, time: 21.129682, number of examples in current step: 5, step 1100 out of total 10000\n", + "loss: 28.369533, time: 21.315317, number of examples in current step: 5, step 1200 out of total 10000\n", + "loss: 27.124619, time: 21.226260, number of examples in current step: 5, step 1300 out of total 10000\n", + "loss: 25.962306, time: 21.218809, number of examples in current step: 5, step 1400 out of total 10000\n", + "loss: 24.348667, time: 21.254830, number of examples in current step: 5, step 1500 out of total 10000\n", + "loss: 21.763542, time: 21.121371, number of examples in current step: 5, step 1600 out of total 10000\n", + "loss: 19.965395, time: 21.105967, number of examples in current step: 5, step 1700 out of total 10000\n", + "loss: 16.524592, time: 21.133273, number of examples in current step: 5, step 1800 out of total 10000\n", + "loss: 13.789285, time: 21.124618, number of examples in current step: 5, step 1900 out of total 10000\n", + "loss: 11.572547, time: 21.060168, number of examples in current step: 5, step 2000 out of total 10000\n", + "loss: 9.827798, time: 21.194333, number of examples in current step: 5, step 2100 out of total 10000\n", + "loss: 7.758873, time: 21.068254, number of examples in current step: 7, step 2200 out of total 10000\n", + "loss: 6.515889, time: 21.238866, number of examples in current step: 5, step 2300 out of total 10000\n", + "loss: 5.755732, time: 21.171366, number of examples in current step: 5, step 2400 out of total 10000\n" + ] + }, + { + "ename": "KeyboardInterrupt", + "evalue": "", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 8\u001b[0m \u001b[0mverbose\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mTrue\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 9\u001b[0m \u001b[0mreport_every\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mREPORT_EVERY\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 10\u001b[0;31m \u001b[0mclip_grad_norm\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mFalse\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 11\u001b[0m )\n", + "\u001b[0;32m/dadendev/nlp/utils_nlp/models/transformers/extractive_summarization.py\u001b[0m in \u001b[0;36mfit\u001b[0;34m(self, train_dataloader, num_gpus, local_rank, max_steps, optimization_method, lr, max_grad_norm, beta1, beta2, decay_method, warmup_steps, verbose, seed, gradient_accumulation_steps, report_every, clip_grad_norm, **kwargs)\u001b[0m\n\u001b[1;32m 417\u001b[0m \u001b[0mreport_every\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mreport_every\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 418\u001b[0m \u001b[0mclip_grad_norm\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mclip_grad_norm\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 419\u001b[0;31m \u001b[0mmax_grad_norm\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mmax_grad_norm\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 420\u001b[0m )\n\u001b[1;32m 421\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/nlp/utils_nlp/models/transformers/common.py\u001b[0m in \u001b[0;36mfine_tune\u001b[0;34m(self, train_dataloader, get_inputs, device, max_steps, num_train_epochs, max_grad_norm, gradient_accumulation_steps, n_gpu, move_batch_to_device, optimizer, scheduler, weight_decay, learning_rate, adam_epsilon, warmup_steps, fp16, fp16_opt_level, local_rank, verbose, seed, report_every, clip_grad_norm)\u001b[0m\n\u001b[1;32m 244\u001b[0m \u001b[0mstart\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mend\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 245\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 246\u001b[0;31m \u001b[0moptimizer\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstep\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 247\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mscheduler\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 248\u001b[0m \u001b[0mscheduler\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstep\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/bertsum/models/optimizers.py\u001b[0m in \u001b[0;36mstep\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 233\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmax_grad_norm\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 234\u001b[0m \u001b[0mclip_grad_norm_\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mparams\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmax_grad_norm\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 235\u001b[0;31m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0moptimizer\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstep\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 236\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 237\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/optim/adam.py\u001b[0m in \u001b[0;36mstep\u001b[0;34m(self, closure)\u001b[0m\n\u001b[1;32m 105\u001b[0m \u001b[0mstep_size\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mgroup\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'lr'\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;34m*\u001b[0m \u001b[0mmath\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msqrt\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mbias_correction2\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;34m/\u001b[0m \u001b[0mbias_correction1\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 106\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 107\u001b[0;31m \u001b[0mp\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdata\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0maddcdiv_\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m-\u001b[0m\u001b[0mstep_size\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mexp_avg\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdenom\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 108\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 109\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mloss\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mKeyboardInterrupt\u001b[0m: " ] } ], "source": [ "summarizer.fit(\n", " train_dataloader,\n", - " num_gpus=1,\n", + " num_gpus=NUM_GPUS,\n", " gradient_accumulation_steps=2,\n", " max_steps=MAX_STEPS,\n", " lr=LEARNING_RATE,\n", @@ -734,13 +761,22 @@ }, { "cell_type": "code", - "execution_count": 22, + "execution_count": 230, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/serialization.py:453: SourceChangeWarning: source code of class 'transformers.modeling_distilbert.DistilBertModel' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.\n", + " warnings.warn(msg, SourceChangeWarning)\n" + ] + } + ], "source": [ "# for loading a previous saved model\n", - "#import torch\n", - "#summarizer.model = torch.load(\"cnndm_transformersum_distilbert-base-uncased_bertsum_processed_data.pt\")" + "import torch\n", + "summarizer.model = torch.load(\"cnndm_transformersum_distilbert-base-uncased_bertsum_processed_data.pt\")" ] }, { @@ -754,26 +790,83581 @@ }, { "cell_type": "code", - "execution_count": 23, + "execution_count": 218, "metadata": {}, "outputs": [], "source": [ - "test_dataset=[]\n", - "for i in test_dataset_generator():\n", - " test_dataset.extend(i)\n", - "target = [test_dataset[i]['tgt_txt'] for i in range(len(test_dataset))]" + "target = [i['tgt_txt'] for i in test_dataset]" ] }, { "cell_type": "code", - "execution_count": 24, + "execution_count": 219, "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" + ] + }, + "execution_count": 219, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "test_dataset[0].keys()" + ] + }, + { + "cell_type": "code", + "execution_count": 220, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "11489" + ] + }, + "execution_count": 220, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(target)" + ] + }, + { + "cell_type": "code", + "execution_count": 171, + "metadata": {}, + "outputs": [], + "source": [ + "from bertsum.models.data_loader import Batch\n", + "def collate_fn(dict_list):\n", + " # tuple_batch = [list(col) for col in zip(*[d.values() for d in dict_list]\n", + " # Todo: get is_labeled very dict_list \n", + " tuple_batch = [list(d.values()) for d in dict_list]\n", + " batch = Batch(tuple_batch, is_labeled=True)\n", + " is_labeled=True\n", + " if is_labeled:\n", + " # labels must be the last\n", + " return {\n", + " \"src\": batch.src,\n", + " \"segs\": batch.segs,\n", + " \"clss\": batch.clss,\n", + " \"mask\": batch.mask,\n", + " \"mask_cls\": batch.mask_cls,\n", + " \"labels\": batch.labels,\n", + " }\n", + " else:\n", + " return {\n", + " \"src\": batch.src,\n", + " \"segs\": batch.segs,\n", + " \"clss\": batch.clss,\n", + " \"mask\": batch.mask,\n", + " \"mask_cls\": batch.mask_cls,\n", + " }\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 163, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" + ] + }, + "execution_count": 163, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "test_dataset[0].keys()" + ] + }, + { + "cell_type": "code", + "execution_count": 231, + "metadata": {}, + "outputs": [], + "source": [ + "from torch.utils.data import DataLoader, RandomSampler, SequentialSampler\n", + "from torch.utils.data.distributed import DistributedSampler\n", + "test_sampler = SequentialSampler(test_dataset)" + ] + }, + { + "cell_type": "code", + "execution_count": 232, + "metadata": {}, + "outputs": [], + "source": [ + "test_dataloader = DataLoader(test_dataset, sampler=test_sampler, batch_size=5, collate_fn=collate_fn)" + ] + }, + { + "cell_type": "code", + "execution_count": 233, + "metadata": {}, + "outputs": [], + "source": [ + "prediction = summarizer.predict_scores(test_dataloader)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 234, + "metadata": { + "scrolled": true + }, "outputs": [], "source": [ - "prediction = summarizer.predict(get_sequential_dataloader(test_dataset))\n", - "#prediction = summarizer.predict(get_dataloader(test_dataset_generator()))" + "prediction_list = []\n", + "for i in prediction:\n", + " prediction_list.extend(i)" ] }, + { + "cell_type": "code", + "execution_count": 236, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[1.2796938 1.4137597 1.3299941 1.2632748 1.2464952 1.0687683 1.1606723\n", + " 1.0789145 1.0379118 1.0830826 1.1102908 1.0584245 1.047128 1.0388101\n", + " 1.0484103 1.0267538 1.0320449 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 4 6 10 9 7 5 11 14 12 13 8 16 15 20 17 18 19 21]\n", + "=======================\n", + "[\"a turkish court imposed the blocks because images of the deadly siege were being shared on social media and ` deeply upset ' the wife and children of mehmet selim kiraz , the hostage who was killed .the 46-year-old turkish prosecutor died in hospital when members of the revolutionary people 's liberation party-front ( dhkp-c ) stormed a courthouse and took him hostage .turkey has blocked access to twitter and youtube after they refused a request to remove pictures of a prosecutor held during an armed siege last week .\"]\n", + "=======================\n", + "[\"turkish court imposed blocks as images of siege shared on social mediaimages ` deeply upset ' wife and children of hostage mehmet selim kirazprosecutor , 46 , died in hospital after hostages stormed a courthousetwo of his captors were killed when security forces took back the building\"]\n", + "a turkish court imposed the blocks because images of the deadly siege were being shared on social media and ` deeply upset ' the wife and children of mehmet selim kiraz , the hostage who was killed .the 46-year-old turkish prosecutor died in hospital when members of the revolutionary people 's liberation party-front ( dhkp-c ) stormed a courthouse and took him hostage .turkey has blocked access to twitter and youtube after they refused a request to remove pictures of a prosecutor held during an armed siege last week .\n", + "turkish court imposed blocks as images of siege shared on social mediaimages ` deeply upset ' wife and children of hostage mehmet selim kirazprosecutor , 46 , died in hospital after hostages stormed a courthousetwo of his captors were killed when security forces took back the building\n", + "[1.4332309 1.2014918 1.4598142 1.3369315 1.2129854 1.195212 1.1715063\n", + " 1.0673668 1.0350817 1.0249394 1.0774491 1.0214591 1.0350432 1.0661979\n", + " 1.0975418 1.0838022 1.0363333 1.0532433 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 3 4 1 5 6 14 15 10 7 13 17 16 8 12 9 11 20 18 19 21]\n", + "=======================\n", + "[\"deborah fuller , 56 , dragged her dog tango for 400 metres behind her car as she drove along the b1066 near long melford , essex .the rhodesian ridgeback was left with injuries to all four paws as well as grazing to his chest and a deep wound on his elbow .he is believed to have somehow escaped from the boot of her car and was dragged along the single carriageway because his lead was attached to the vehicle 's tailgate .\"]\n", + "=======================\n", + "[\"warning : graphic content - deborah fuller dragged her one-year-old dog behind her car for 400 metres at a speed of around 30mphanimal was left with wounds to paws and elbow and grazes on his stomachfuller , a breeder , failed to quickly take the animal to vet which could have reduced the ` unnecessary suffering ' of the rhodesian ridgebackshe was banned from keeping animals for five years and given a curfew\"]\n", + "deborah fuller , 56 , dragged her dog tango for 400 metres behind her car as she drove along the b1066 near long melford , essex .the rhodesian ridgeback was left with injuries to all four paws as well as grazing to his chest and a deep wound on his elbow .he is believed to have somehow escaped from the boot of her car and was dragged along the single carriageway because his lead was attached to the vehicle 's tailgate .\n", + "warning : graphic content - deborah fuller dragged her one-year-old dog behind her car for 400 metres at a speed of around 30mphanimal was left with wounds to paws and elbow and grazes on his stomachfuller , a breeder , failed to quickly take the animal to vet which could have reduced the ` unnecessary suffering ' of the rhodesian ridgebackshe was banned from keeping animals for five years and given a curfew\n", + "[1.3368304 1.5234545 1.1833438 1.1580886 1.3970908 1.1416503 1.1154733\n", + " 1.066751 1.0551693 1.047369 1.0774546 1.0161132 1.0235069 1.0214039\n", + " 1.0414332 1.0414616 1.0308359 1.0465719 1.0515779 1.0198278 1.039393\n", + " 1.0168059]\n", + "\n", + "[ 1 4 0 2 3 5 6 10 7 8 18 9 17 15 14 20 16 12 13 19 21 11]\n", + "=======================\n", + "[\"flanker david pocock scored a hat-trick of tries for australian super rugby team , the brumbies , who were on their way to a win against the highlanders at canberra stadium on friday night .miranda devine has apologised after calling david pocock a ` tosser ' for celebrating a try using sign languagedevine tweeted : ` did pocock actually do jazz hands when he celebrated a try ?!!!\"]\n", + "=======================\n", + "[\"after scoring a try on friday night , david pocock gestured in sign language to a friendmiranda devine mistook it for ` jazz hands ' , calling him a ` tosser ' on twitterthe rugby player gracefully corrected devine , who promptly apologisedsocial media went into a frenzy following the exchange\"]\n", + "flanker david pocock scored a hat-trick of tries for australian super rugby team , the brumbies , who were on their way to a win against the highlanders at canberra stadium on friday night .miranda devine has apologised after calling david pocock a ` tosser ' for celebrating a try using sign languagedevine tweeted : ` did pocock actually do jazz hands when he celebrated a try ?!!!\n", + "after scoring a try on friday night , david pocock gestured in sign language to a friendmiranda devine mistook it for ` jazz hands ' , calling him a ` tosser ' on twitterthe rugby player gracefully corrected devine , who promptly apologisedsocial media went into a frenzy following the exchange\n", + "[1.399592 1.299201 1.2810969 1.370365 1.1762639 1.1740103 1.0317382\n", + " 1.0151825 1.030411 1.1223116 1.1196861 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 2 4 5 9 10 6 8 7 20 11 12 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"saracens director of rugby mark mccall lauded his young guns after their latest european heartache before declaring he has no intention of overspending in a competitive post-world cup transfer market .maro itoje ( second left ) was one of five england-qualified forwards in the saracens pack that faced clermontsaracens ' millionaire chairman nigel wray spent much of last week repeating his belief the cap should be scrapped in order for saracens to compete at europe 's top table , raising expectations they could be set to land a ` marquee ' player from outside the league whose wages would sit outside next season 's # 5.5 m cap .\"]\n", + "=======================\n", + "[\"saracens lost 13-9 to clermont at stade geoffroy-guichard on saturdaythe sarries pack contained five english-qualified forwardssaracens ' millionaire chairman nigel wray wants the salary cap scrapped\"]\n", + "saracens director of rugby mark mccall lauded his young guns after their latest european heartache before declaring he has no intention of overspending in a competitive post-world cup transfer market .maro itoje ( second left ) was one of five england-qualified forwards in the saracens pack that faced clermontsaracens ' millionaire chairman nigel wray spent much of last week repeating his belief the cap should be scrapped in order for saracens to compete at europe 's top table , raising expectations they could be set to land a ` marquee ' player from outside the league whose wages would sit outside next season 's # 5.5 m cap .\n", + "saracens lost 13-9 to clermont at stade geoffroy-guichard on saturdaythe sarries pack contained five english-qualified forwardssaracens ' millionaire chairman nigel wray wants the salary cap scrapped\n", + "[1.2745605 1.4863069 1.1092843 1.2818605 1.1078014 1.0224999 1.0339149\n", + " 1.2592342 1.0943308 1.1625483 1.0522639 1.0986007 1.0222622 1.0162874\n", + " 1.0466537 1.0517602 1.1166394 1.0232146 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 7 9 16 2 4 11 8 10 15 14 6 17 5 12 13 18 19 20 21]\n", + "=======================\n", + "[\"eight teams will play a total of 60 games over almost seven weeks across 12 venues all round india in a battle to be crowned champions of the tournament 's eighth edition , with the final taking place at eden gardens in kolkata on may 24 .will virat kohli lead the royal challengers bangalore to their first title ?it 's t20 season on the sub-continent and the world 's best players are about the pad up for the latest edition of the indian premier league , cricket 's most exciting and richest domestic tournament .\"]\n", + "=======================\n", + "['ipl 2015 to begin in kolkata on wednesday , april 8kolkata knight riders looking to retain the title they won last yeareighth edition of the tournament features eight teams and 60 matcheseoin morgan , ravi bopara and kevin pietersen lead english chargefinal takes place at eden gardens in kolkata on sunday , may 24']\n", + "eight teams will play a total of 60 games over almost seven weeks across 12 venues all round india in a battle to be crowned champions of the tournament 's eighth edition , with the final taking place at eden gardens in kolkata on may 24 .will virat kohli lead the royal challengers bangalore to their first title ?it 's t20 season on the sub-continent and the world 's best players are about the pad up for the latest edition of the indian premier league , cricket 's most exciting and richest domestic tournament .\n", + "ipl 2015 to begin in kolkata on wednesday , april 8kolkata knight riders looking to retain the title they won last yeareighth edition of the tournament features eight teams and 60 matcheseoin morgan , ravi bopara and kevin pietersen lead english chargefinal takes place at eden gardens in kolkata on sunday , may 24\n", + "[1.2457873 1.5437553 1.3736362 1.3614495 1.1393809 1.0297986 1.0439297\n", + " 1.1057585 1.2554127 1.0354297 1.0579945 1.0620288 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 8 0 4 7 11 10 6 9 5 12 13 14 15 16 17 18]\n", + "=======================\n", + "['the thief entered a branch of lloyds bank in new milton , hampshire before threatening cashier staff and ordering them to hand over money .the man , whose face and hands were heavily swathed in bandages , then fled from the station road bank .police say a 56-year-old man from new milton has been arrested on suspicion of robbery']\n", + "=======================\n", + "[\"man with bandages covering head robbed bank in new milton , hampshirethreatened staff before making off with a ` significant ' amount of moneypolice have arrested a man , 56 , from the town on suspicion of robbery\"]\n", + "the thief entered a branch of lloyds bank in new milton , hampshire before threatening cashier staff and ordering them to hand over money .the man , whose face and hands were heavily swathed in bandages , then fled from the station road bank .police say a 56-year-old man from new milton has been arrested on suspicion of robbery\n", + "man with bandages covering head robbed bank in new milton , hampshirethreatened staff before making off with a ` significant ' amount of moneypolice have arrested a man , 56 , from the town on suspicion of robbery\n", + "[1.37374 1.3196958 1.1605532 1.3467275 1.0919834 1.0700476 1.0633694\n", + " 1.0434928 1.0424489 1.1595212 1.099494 1.0723164 1.0485145 1.0601734\n", + " 1.0541053 1.0853757 1.0208286 0. 0. ]\n", + "\n", + "[ 0 3 1 2 9 10 4 15 11 5 6 13 14 12 7 8 16 17 18]\n", + "=======================\n", + "[\"millionaire real estate heir robert durst has pleaded not guilty to two weapons charges related to his arrest last month , further delaying his extradition to california to face murder charges .durst entered his plea during an arraignment in a new orleans court on weapons charges that accused him of possessing a firearm after a felony conviction and possessing both a firearm and an illegal drug , marijuana .durst 's hands were shackled to his sides , and two defense attorneys lifted him from an armchair to his feet to walk to the podium .\"]\n", + "=======================\n", + "['robert durst was indicted wednesday on the two weapons charges that have kept him in new orleansgrand jury charged durst with possession of a firearm by a felon , and possession of both a firearm and an illegal drug : 5 ounces of marijuanaon thursday he appeared in court to plead not guiltydurst , 71 , is wanted in california for the murder of his friend susan bermanberman , an author who formerly acted a media spokeswoman for durst , was shot in the head at her benedict canyon home in 2000']\n", + "millionaire real estate heir robert durst has pleaded not guilty to two weapons charges related to his arrest last month , further delaying his extradition to california to face murder charges .durst entered his plea during an arraignment in a new orleans court on weapons charges that accused him of possessing a firearm after a felony conviction and possessing both a firearm and an illegal drug , marijuana .durst 's hands were shackled to his sides , and two defense attorneys lifted him from an armchair to his feet to walk to the podium .\n", + "robert durst was indicted wednesday on the two weapons charges that have kept him in new orleansgrand jury charged durst with possession of a firearm by a felon , and possession of both a firearm and an illegal drug : 5 ounces of marijuanaon thursday he appeared in court to plead not guiltydurst , 71 , is wanted in california for the murder of his friend susan bermanberman , an author who formerly acted a media spokeswoman for durst , was shot in the head at her benedict canyon home in 2000\n", + "[1.1292754 1.4101024 1.350781 1.3655038 1.1074867 1.0480973 1.042002\n", + " 1.1361786 1.0647401 1.09524 1.0721804 1.0837209 1.1290894 1.0555414\n", + " 1.0346663 1.0647441 1.0336522 1.0410854 0. ]\n", + "\n", + "[ 1 3 2 7 0 12 4 9 11 10 15 8 13 5 6 17 14 16 18]\n", + "=======================\n", + "['barcelona will dedicate a museum exclusively to the new york director , who picked the catalan capital for the setting of his oscar winning film , vicky cristina barcelona .the cultural centre is hoped to be housed in former arts and crafts school , la llotja , following an refurbishment of the now abandoned building .first they made a life-sized bronze statue of him , and now they are creating an entire museum in his honour .']\n", + "=======================\n", + "[\"the project is hoped to open at the former arts centre , la llotjafriend and producer jaume roures of mediapro is leading the tributethe museum follows allen 's vicky cristina barcelona , set in the city\"]\n", + "barcelona will dedicate a museum exclusively to the new york director , who picked the catalan capital for the setting of his oscar winning film , vicky cristina barcelona .the cultural centre is hoped to be housed in former arts and crafts school , la llotja , following an refurbishment of the now abandoned building .first they made a life-sized bronze statue of him , and now they are creating an entire museum in his honour .\n", + "the project is hoped to open at the former arts centre , la llotjafriend and producer jaume roures of mediapro is leading the tributethe museum follows allen 's vicky cristina barcelona , set in the city\n", + "[1.4443982 1.5454713 1.2682319 1.2090927 1.0538732 1.0409672 1.0508757\n", + " 1.0621388 1.0475276 1.0709457 1.0454873 1.0838014 1.0430697 1.0517381\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 11 9 7 4 13 6 8 10 12 5 17 14 15 16 18]\n", + "=======================\n", + "[\"yarde excelled in saturday 's roller-coaster aviva premiership victory over gloucester , scoring the crucial try in the 70th minute at the stoop .harlequins director of rugby conor o'shea believes it is only a matter of time before marland yarde is restored to the england fold .the 22-year-old wing won the last of his seven caps as a replacement last autumn , but was overlooked by england throughout the rbs 6 nations .\"]\n", + "=======================\n", + "['gloucester led 13-11 at half-time thanks to a billy meakes trya charlie walker try and two nick evans penalties kept quins in the huntcharlie sharples register another try for the cheery and whitesbut two more evans three-pointers kept the home side in frontlate tries from marland yarde and ollie lindsay-hague secured the win']\n", + "yarde excelled in saturday 's roller-coaster aviva premiership victory over gloucester , scoring the crucial try in the 70th minute at the stoop .harlequins director of rugby conor o'shea believes it is only a matter of time before marland yarde is restored to the england fold .the 22-year-old wing won the last of his seven caps as a replacement last autumn , but was overlooked by england throughout the rbs 6 nations .\n", + "gloucester led 13-11 at half-time thanks to a billy meakes trya charlie walker try and two nick evans penalties kept quins in the huntcharlie sharples register another try for the cheery and whitesbut two more evans three-pointers kept the home side in frontlate tries from marland yarde and ollie lindsay-hague secured the win\n", + "[1.0441909 1.0848387 1.3194044 1.3200206 1.2352278 1.1263459 1.0971383\n", + " 1.1699048 1.1982301 1.0809026 1.0852153 1.1156242 1.1261463 1.0749183\n", + " 1.0500864 1.0139292 1.0111586 1.0552317 1.0811725]\n", + "\n", + "[ 3 2 4 8 7 5 12 11 6 10 1 18 9 13 17 14 0 15 16]\n", + "=======================\n", + "['the video maker holds two stacked cups up to the camera and rotates through the various hairstylesdrawn on the inside cup is a head and a torso and pictured on the outside cup are a selection of haircuts .the artist initially uploaded the video to reddit and claims to be have been influenced by japanese comics']\n", + "=======================\n", + "['filmmaker rotates four stacked see-through plastic cupshe selects an afro hair type , a shirt and a pair of glassesthe video maker initially uploaded his creation to redditone user stated there are a total of 294 possible variations']\n", + "the video maker holds two stacked cups up to the camera and rotates through the various hairstylesdrawn on the inside cup is a head and a torso and pictured on the outside cup are a selection of haircuts .the artist initially uploaded the video to reddit and claims to be have been influenced by japanese comics\n", + "filmmaker rotates four stacked see-through plastic cupshe selects an afro hair type , a shirt and a pair of glassesthe video maker initially uploaded his creation to redditone user stated there are a total of 294 possible variations\n", + "[1.2953751 1.402004 1.3001013 1.2459035 1.0812249 1.1525496 1.0430893\n", + " 1.0449923 1.101909 1.0582598 1.1751766 1.1351498 1.0954334 1.0804315\n", + " 1.0356342 1.147336 1.094095 1.0390401 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 10 5 15 11 8 12 16 4 13 9 7 6 17 14 19 18 20]\n", + "=======================\n", + "[\"it is thought the migrants had climbed into the british-registered truck in belgium before crossing the channel and entering the uk illegally .police sniffer dogs were used to find them after officers opened the truck 's back doors on the a40 near churcham , gloucestershire .five afghan men were found hiding in the back of a refrigerated lorry after travelling 200 miles across britain .\"]\n", + "=======================\n", + "['truck stopped by police this morning after travelling 200m across the ukpolice sniffer dog team found five men hiding in tiny space insideit is thought they had climbed on board in belgium before entering britaincomes days after illegal camp in calais , france was closed down']\n", + "it is thought the migrants had climbed into the british-registered truck in belgium before crossing the channel and entering the uk illegally .police sniffer dogs were used to find them after officers opened the truck 's back doors on the a40 near churcham , gloucestershire .five afghan men were found hiding in the back of a refrigerated lorry after travelling 200 miles across britain .\n", + "truck stopped by police this morning after travelling 200m across the ukpolice sniffer dog team found five men hiding in tiny space insideit is thought they had climbed on board in belgium before entering britaincomes days after illegal camp in calais , france was closed down\n", + "[1.064936 1.1124885 1.1417198 1.1110886 1.583643 1.5115285 1.0350237\n", + " 1.044666 1.0643039 1.022126 1.0737963 1.0252631 1.054259 1.0460339\n", + " 1.0229783 1.0136569 1.0331256 1.1172823 1.0184094 1.2041773 1.1738735]\n", + "\n", + "[ 4 5 19 20 2 17 1 3 10 0 8 12 13 7 6 16 11 14 9 18 15]\n", + "=======================\n", + "['gael monfils celebrates after beating roger federer in straight sets at the monte carlo mastersfrenchman monfils beat the former world no 1 6-4 7-6 in a last-16 thriller on thursday in monacomonfils will face grigor dimitrov in what should be an explosive quarter-final .']\n", + "=======================\n", + "['gael monfils beat roger federer 6-4 , 7-6 at the monte carlo mastersthe frenchman showed how good he can be in thrilling last-16 winmonfils now faces grigor dimitrov in the quarter-finals in monaco']\n", + "gael monfils celebrates after beating roger federer in straight sets at the monte carlo mastersfrenchman monfils beat the former world no 1 6-4 7-6 in a last-16 thriller on thursday in monacomonfils will face grigor dimitrov in what should be an explosive quarter-final .\n", + "gael monfils beat roger federer 6-4 , 7-6 at the monte carlo mastersthe frenchman showed how good he can be in thrilling last-16 winmonfils now faces grigor dimitrov in the quarter-finals in monaco\n", + "[1.2140512 1.1486871 1.365796 1.2709178 1.116648 1.0904206 1.1068004\n", + " 1.0875931 1.1940852 1.0981406 1.0467284 1.0238405 1.0349622 1.2037832\n", + " 1.0231459 1.022642 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 13 8 1 4 6 9 5 7 10 12 11 14 15 19 16 17 18 20]\n", + "=======================\n", + "['sepsis , previously known as septicaemia , affects more than 100,000 britons a year and kills 37,000 -- more than breast , bowel and prostate cancer combined .now a snapshot nhs study reveals that on one surgical ward at a leading teaching hospital , 90 per cent of patients failed to get the correct treatment , involving a simple set of lifesaving measures known as sepsis six .mother-of-two anna tilley survived after spending four days in intensive care with blood poisoning , pictured with her son harry']\n", + "=======================\n", + "['experts have warned hospitals not using standard treatment for sepsisblood poisoning affects more than 100,000 britons a year and kills 37,00010 % of patients at edinburgh royal infirmary ward given correct treatmentsepsis six involves blood tests to check for infection and monitoring urine']\n", + "sepsis , previously known as septicaemia , affects more than 100,000 britons a year and kills 37,000 -- more than breast , bowel and prostate cancer combined .now a snapshot nhs study reveals that on one surgical ward at a leading teaching hospital , 90 per cent of patients failed to get the correct treatment , involving a simple set of lifesaving measures known as sepsis six .mother-of-two anna tilley survived after spending four days in intensive care with blood poisoning , pictured with her son harry\n", + "experts have warned hospitals not using standard treatment for sepsisblood poisoning affects more than 100,000 britons a year and kills 37,00010 % of patients at edinburgh royal infirmary ward given correct treatmentsepsis six involves blood tests to check for infection and monitoring urine\n", + "[1.358745 1.2290006 1.3385173 1.273929 1.1532464 1.0749671 1.0846143\n", + " 1.0623585 1.0659871 1.1980501 1.1182722 1.0223542 1.0187707 1.1040316\n", + " 1.1067235 1.0534732 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 9 4 10 14 13 6 5 8 7 15 11 12 19 16 17 18 20]\n", + "=======================\n", + "[\"prince harry will arrive in australia next monday to kick-off his last tour of duty , where he will spend four-weeks with the australian military .captain wales , as he is known in the british army , will fall in with troops at the perth sas base and take on training exercises .the prince will also time with indigenous norforce soldiers in the northern territory , and the army 's sydney-based 6th aviation regiment .\"]\n", + "=======================\n", + "[\"prince harry to arrive in australia next monday ahead of four-week staywill be australian soldiers in darwin , perth and sydney during tripprince will observe elite sas soldiers , and indigenous norforce troopsthe royal said to be excited for ` challenging and hectic ' schedulethe trip is the last of prince harry 's military career before he retires\"]\n", + "prince harry will arrive in australia next monday to kick-off his last tour of duty , where he will spend four-weeks with the australian military .captain wales , as he is known in the british army , will fall in with troops at the perth sas base and take on training exercises .the prince will also time with indigenous norforce soldiers in the northern territory , and the army 's sydney-based 6th aviation regiment .\n", + "prince harry to arrive in australia next monday ahead of four-week staywill be australian soldiers in darwin , perth and sydney during tripprince will observe elite sas soldiers , and indigenous norforce troopsthe royal said to be excited for ` challenging and hectic ' schedulethe trip is the last of prince harry 's military career before he retires\n", + "[1.6202111 1.1320655 1.1687465 1.4237128 1.1356177 1.1943634 1.0378575\n", + " 1.0134997 1.0447756 1.2494421 1.0460242 1.1329224 1.0722809 1.0463997\n", + " 1.03284 1.0380366 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 9 5 2 4 11 1 12 13 10 8 15 6 14 7 16 17 18 19 20]\n", + "=======================\n", + "[\"bafetimbi gomis scored twice in swansea 's 3-1 win over hull on saturday and tops this week 's ea sports ' performance index after another thrilling installment of premier league action .the ea sports ppi is the official player rating index of the premier league .the frenchman - who made a slow start to his career in south wales after playing second fiddle to the recently-departed wilfried bony - has scored four goals in his last six premier league games and earned a game index score of 52.9 this weekend .\"]\n", + "=======================\n", + "[\"bafetimbi gomis scored a brace as swansea beat hull 3-1 on saturdaythe french striker tops this week 's ea sports ' performance indexcharlie austin takes second place after qpr 's 4-1 win against west bromeden hazard , alexis sancez and ander herrera also feature in the top 10click here for all the latest premier league news\"]\n", + "bafetimbi gomis scored twice in swansea 's 3-1 win over hull on saturday and tops this week 's ea sports ' performance index after another thrilling installment of premier league action .the ea sports ppi is the official player rating index of the premier league .the frenchman - who made a slow start to his career in south wales after playing second fiddle to the recently-departed wilfried bony - has scored four goals in his last six premier league games and earned a game index score of 52.9 this weekend .\n", + "bafetimbi gomis scored a brace as swansea beat hull 3-1 on saturdaythe french striker tops this week 's ea sports ' performance indexcharlie austin takes second place after qpr 's 4-1 win against west bromeden hazard , alexis sancez and ander herrera also feature in the top 10click here for all the latest premier league news\n", + "[1.0808711 1.2166747 1.250782 1.2842052 1.2542619 1.1531214 1.0721672\n", + " 1.0418371 1.1634774 1.10041 1.1146388 1.025619 1.194466 1.0661174\n", + " 1.0381167 1.0567709 1.0755002 1.0537832 1.024133 1.0628465 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 2 1 12 8 5 10 9 0 16 6 13 19 15 17 7 14 11 18 24 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"craig gardner starred as tony pulis ' west bromwich albion side gave him a winning return to crystal palace , even despite the efforts of in-form palace winger yannick bolasie .everton claimed a win over struggling burnley , stoke city saw off southampton and leonardo ulloa scored to continue leicester city 's late surge against swansea city .he is joined by two team-mates from jose mourinho 's champions-elect .\"]\n", + "=======================\n", + "['eden hazard scored the only goal as chelsea beat manchester unitedleonardo ulloa struck as leicester city claimed vital win over swanseaeverton beat burnley at goodison park with aaron lennon starringcraig gardner scored to help west brom win at crystal palacestoke city won against southampton , with philipp wollscheid starring']\n", + "craig gardner starred as tony pulis ' west bromwich albion side gave him a winning return to crystal palace , even despite the efforts of in-form palace winger yannick bolasie .everton claimed a win over struggling burnley , stoke city saw off southampton and leonardo ulloa scored to continue leicester city 's late surge against swansea city .he is joined by two team-mates from jose mourinho 's champions-elect .\n", + "eden hazard scored the only goal as chelsea beat manchester unitedleonardo ulloa struck as leicester city claimed vital win over swanseaeverton beat burnley at goodison park with aaron lennon starringcraig gardner scored to help west brom win at crystal palacestoke city won against southampton , with philipp wollscheid starring\n", + "[1.4505794 1.4136542 1.3725557 1.4156457 1.0309619 1.0296772 1.0260646\n", + " 1.0973401 1.0278871 1.0726101 1.1348093 1.1159482 1.0553818 1.0126375\n", + " 1.009657 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 10 11 7 9 12 4 5 8 6 13 14 23 22 21 20 17 18 16 15 24\n", + " 19 25]\n", + "=======================\n", + "[\"qpr manager chris ramsey is convinced he is the right man to bring long-term success to loftus road - whether rangers are relegated or not .ramsey has overseen just one victory since he was appointed permanent manager in february but four points from games against aston villa and west brom , and a narrow defeat to chelsea , have revived hopes of survival .west ham 's sam allardyce and bournemouth 's eddie howe have both been linked with ramsey 's job in the summer but the former tottenham coach believes it would be unfair for his future to depend on rangers avoiding the drop .\"]\n", + "=======================\n", + "[\"chris ramsey has overseen just one victory since he was appointed permanent manager in februarywest ham 's sam allardyce and bournemouth 's eddie howe have both been linked with ramsey 's job in the summerqpr face west ham at loftus road on saturdayclick here for the latest queens park rangers news\"]\n", + "qpr manager chris ramsey is convinced he is the right man to bring long-term success to loftus road - whether rangers are relegated or not .ramsey has overseen just one victory since he was appointed permanent manager in february but four points from games against aston villa and west brom , and a narrow defeat to chelsea , have revived hopes of survival .west ham 's sam allardyce and bournemouth 's eddie howe have both been linked with ramsey 's job in the summer but the former tottenham coach believes it would be unfair for his future to depend on rangers avoiding the drop .\n", + "chris ramsey has overseen just one victory since he was appointed permanent manager in februarywest ham 's sam allardyce and bournemouth 's eddie howe have both been linked with ramsey 's job in the summerqpr face west ham at loftus road on saturdayclick here for the latest queens park rangers news\n", + "[1.2377533 1.1824865 1.1689575 1.2859814 1.2463613 1.1739305 1.1883651\n", + " 1.1616007 1.0934342 1.1601442 1.0332905 1.0342398 1.052422 1.0392015\n", + " 1.0278347 1.0318431 1.0227463 1.0395747 1.1494843 1.0380152 1.0545505\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 0 6 1 5 2 7 9 18 8 20 12 17 13 19 11 10 15 14 16 21 22 23\n", + " 24 25]\n", + "=======================\n", + "['nasa scientists in california have revealed new images of the dwarf planet ceres .they reveal new views of the two brightest spots in a crater ( shown ) .dawn will begin its first science orbit around ceres on 23 april']\n", + "=======================\n", + "['nasa scientists in california reveal new images of dwarf planet ceresthey show new views of the two brightest spots in a craterhowever , scientists are still not able to explain what they aredawn will begin its first science orbit around ceres on 23 april']\n", + "nasa scientists in california have revealed new images of the dwarf planet ceres .they reveal new views of the two brightest spots in a crater ( shown ) .dawn will begin its first science orbit around ceres on 23 april\n", + "nasa scientists in california reveal new images of dwarf planet ceresthey show new views of the two brightest spots in a craterhowever , scientists are still not able to explain what they aredawn will begin its first science orbit around ceres on 23 april\n", + "[1.3561604 1.0730218 1.2646568 1.3066972 1.2255148 1.103288 1.0500331\n", + " 1.2102985 1.0685575 1.083679 1.0731925 1.0969577 1.1029953 1.0301567\n", + " 1.0851698 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 4 7 5 12 11 14 9 10 1 8 6 13 23 22 21 20 16 18 17 15 24\n", + " 19 25]\n", + "=======================\n", + "[\"blue bell ice cream announced friday that it has suspended operations at an oklahoma production facility that officials had previously connected to a foodborne illness linked to the deaths of three people .last month , the company and health officials said a 3-ounce cup of ice cream contaminated with listeriosis was traced to a plant in broken arrow , oklahoma .ten products recalled earlier in march were from a production line at a plant the company 's headquarters in brenham , texas\"]\n", + "=======================\n", + "['last month , the company and health officials said a 3-ounce cup of ice cream contaminated with listeriosis was traced to a plant oklahomaofficials determined at least four people hospitalized with the bacteria drank milkshakes that contained blue bell ice cream , three of whom later diedthe disease primarily affects pregnant women , newborns , older adults and people with weakened immune systems']\n", + "blue bell ice cream announced friday that it has suspended operations at an oklahoma production facility that officials had previously connected to a foodborne illness linked to the deaths of three people .last month , the company and health officials said a 3-ounce cup of ice cream contaminated with listeriosis was traced to a plant in broken arrow , oklahoma .ten products recalled earlier in march were from a production line at a plant the company 's headquarters in brenham , texas\n", + "last month , the company and health officials said a 3-ounce cup of ice cream contaminated with listeriosis was traced to a plant oklahomaofficials determined at least four people hospitalized with the bacteria drank milkshakes that contained blue bell ice cream , three of whom later diedthe disease primarily affects pregnant women , newborns , older adults and people with weakened immune systems\n", + "[1.2615465 1.3040895 1.2205065 1.2262024 1.2838578 1.0524828 1.037308\n", + " 1.0208085 1.0416635 1.030731 1.0238423 1.0431895 1.1462207 1.0434402\n", + " 1.0435926 1.01605 1.0194663 1.0312167 1.0383221 1.0420077 1.0387852\n", + " 1.0299622 1.045367 1.0336238 1.0978714 1.0566553]\n", + "\n", + "[ 1 4 0 3 2 12 24 25 5 22 14 13 11 19 8 20 18 6 23 17 9 21 10 7\n", + " 16 15]\n", + "=======================\n", + "[\"according to peter 's father , the letter submitted to the weekly standard took six-months to write because troubled peter was ` too angry ' to write it all down in one sitting .dear michelle obama : an eight-year-old boy named peter penned a letter to health conscious michelle obama to tell her one ketchup packet at lunch simply is not enough and that the united states should bomb syriain addition to telling michelle obama that public school children ca n't live on one packet of ketchup alone , peter criticizes the first lady for america 's lack of troops in the middle east and in the ukraine .\"]\n", + "=======================\n", + "[\"peter , 8 , wrote a letter to michelle obama criticizing her health guidelines for school lunches at public schoolspeter 's father said the letter submitted to the weekly standard took six-months to write because peter was ` too angry ' to write it in one sittingpeter thinks president obama needs to work on his speeches and that the united states should bomb syria\"]\n", + "according to peter 's father , the letter submitted to the weekly standard took six-months to write because troubled peter was ` too angry ' to write it all down in one sitting .dear michelle obama : an eight-year-old boy named peter penned a letter to health conscious michelle obama to tell her one ketchup packet at lunch simply is not enough and that the united states should bomb syriain addition to telling michelle obama that public school children ca n't live on one packet of ketchup alone , peter criticizes the first lady for america 's lack of troops in the middle east and in the ukraine .\n", + "peter , 8 , wrote a letter to michelle obama criticizing her health guidelines for school lunches at public schoolspeter 's father said the letter submitted to the weekly standard took six-months to write because peter was ` too angry ' to write it in one sittingpeter thinks president obama needs to work on his speeches and that the united states should bomb syria\n", + "[1.0558883 1.27272 1.1716899 1.5257993 1.2826905 1.3269957 1.2430445\n", + " 1.1335053 1.0286895 1.0337349 1.0274755 1.0253458 1.0380149 1.0296564\n", + " 1.2158798 0. 0. ]\n", + "\n", + "[ 3 5 4 1 6 14 2 7 0 12 9 13 8 10 11 15 16]\n", + "=======================\n", + "[\"sienna miller s a yoga fan - her mother started one of the first london yoga schools in the seventiesyet despite being ` very sporty at school ' , the actress says she 's ` not a gym person ' .this week : sienna miller 's waist .\"]\n", + "=======================\n", + "[\"sienna miller , 33 , is ` not a gym person ' but loves yogamother-of-one works with a personal trainer , power-walking and joggingtry hip rolls , a pilates move that targets the ` oblique ' abdominal muscles\"]\n", + "sienna miller s a yoga fan - her mother started one of the first london yoga schools in the seventiesyet despite being ` very sporty at school ' , the actress says she 's ` not a gym person ' .this week : sienna miller 's waist .\n", + "sienna miller , 33 , is ` not a gym person ' but loves yogamother-of-one works with a personal trainer , power-walking and joggingtry hip rolls , a pilates move that targets the ` oblique ' abdominal muscles\n", + "[1.4884305 1.3826058 1.2190751 1.1438854 1.080151 1.2292196 1.1144091\n", + " 1.0542384 1.0262822 1.3665146 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 9 5 2 3 6 4 7 8 10 11 12 13 14 15 16]\n", + "=======================\n", + "[\"despite arsenal winning their eighth premier league game in a row on saturday , the club 's chief executive ivan gazidis says he is ` not happy ' that the club are not going to win the title .with top spot set to elude arsenal again , gazidis says the club will ` keep pushing ' chelsea , but he admitted winning the championship is unlikely .and gazidis fears arsenal will find it harder in future just to maintain their perennial place in the top four champions league qualification places due to a surge in television cash .\"]\n", + "=======================\n", + "[\"arsenal beat burnley 1-0 on saturday to move four points clear in secondbut chief executive ivan gazidis is ` not happy ' to miss out on title againgazidis fears arsenal may struggle to make champions league in future\"]\n", + "despite arsenal winning their eighth premier league game in a row on saturday , the club 's chief executive ivan gazidis says he is ` not happy ' that the club are not going to win the title .with top spot set to elude arsenal again , gazidis says the club will ` keep pushing ' chelsea , but he admitted winning the championship is unlikely .and gazidis fears arsenal will find it harder in future just to maintain their perennial place in the top four champions league qualification places due to a surge in television cash .\n", + "arsenal beat burnley 1-0 on saturday to move four points clear in secondbut chief executive ivan gazidis is ` not happy ' to miss out on title againgazidis fears arsenal may struggle to make champions league in future\n", + "[1.4012876 1.401438 1.105844 1.3591516 1.3135192 1.2294632 1.0604424\n", + " 1.0247636 1.1277357 1.1264304 1.1609439 1.0613414 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 4 5 10 8 9 2 11 6 7 15 12 13 14 16]\n", + "=======================\n", + "[\"the 25-year-old opened the scoring in saturday 's 4-1 win over west brom but picked up the injury to his left knee after falling awkwardly and had to be replaced in the first half .qpr have confirmed that eduardo vargas has been ruled out for the rest of the season with a knee ligament injury that is expected to keep him out for between 10-12 weeks .scans have since revealed vargas sustained a grade two medial collateral ligament injury\"]\n", + "=======================\n", + "[\"eduardo vargas has been ruled out for 10-12 weeks with knee injurychilean ace vargas will miss the rest of the premier league seasonvargas picked up the injury during saturday 's win against west bromscans revealed he sustained a grade two medial collateral ligament injury\"]\n", + "the 25-year-old opened the scoring in saturday 's 4-1 win over west brom but picked up the injury to his left knee after falling awkwardly and had to be replaced in the first half .qpr have confirmed that eduardo vargas has been ruled out for the rest of the season with a knee ligament injury that is expected to keep him out for between 10-12 weeks .scans have since revealed vargas sustained a grade two medial collateral ligament injury\n", + "eduardo vargas has been ruled out for 10-12 weeks with knee injurychilean ace vargas will miss the rest of the premier league seasonvargas picked up the injury during saturday 's win against west bromscans revealed he sustained a grade two medial collateral ligament injury\n", + "[1.4609945 1.2794378 1.1345139 1.0847574 1.2487726 1.1304988 1.1899537\n", + " 1.0837101 1.1722959 1.0737085 1.0437347 1.0311992 1.0543664 1.0709195\n", + " 1.0580684 1.0282693 1.041389 ]\n", + "\n", + "[ 0 1 4 6 8 2 5 3 7 9 13 14 12 10 16 11 15]\n", + "=======================\n", + "[\"condemned bali nine drug smuggler myuran sukumaran has pledged to stare down the indonesian firing squad who will drag him to a jungle clearing and kill him shortly after midnight wednesday .that 's according close supporter and artist ben quilty , who has taken to the airwaves in a desperate final bid to stop sukumaran and fellow australian inmate andrew chan 's execution .as a ` realistic ' mr quilty pledged to fight the death penalty ` with everything i have for the rest of my life ' , the australian duo selected the spiritual advisers who will accompany them to their execution .\"]\n", + "=======================\n", + "[\"myuran sukumaran 's friend ben quilty says he will face his execution with ` strength and dignity '` myuran always said to me he would never take this lying down ... that he would stare them down , ' the artist saidsukumaran and chan have selected ` spiritual advisers ' to accompany them on their final journeyboth men refused to sign their execution warrants three days before their execution , saying that the process was unjustas his final request , chan has asked for a final church service with his familysukumaran has also requested as much time as possible to paintthe men have both nominated spiritual witnesses to their execution\"]\n", + "condemned bali nine drug smuggler myuran sukumaran has pledged to stare down the indonesian firing squad who will drag him to a jungle clearing and kill him shortly after midnight wednesday .that 's according close supporter and artist ben quilty , who has taken to the airwaves in a desperate final bid to stop sukumaran and fellow australian inmate andrew chan 's execution .as a ` realistic ' mr quilty pledged to fight the death penalty ` with everything i have for the rest of my life ' , the australian duo selected the spiritual advisers who will accompany them to their execution .\n", + "myuran sukumaran 's friend ben quilty says he will face his execution with ` strength and dignity '` myuran always said to me he would never take this lying down ... that he would stare them down , ' the artist saidsukumaran and chan have selected ` spiritual advisers ' to accompany them on their final journeyboth men refused to sign their execution warrants three days before their execution , saying that the process was unjustas his final request , chan has asked for a final church service with his familysukumaran has also requested as much time as possible to paintthe men have both nominated spiritual witnesses to their execution\n", + "[1.3878683 1.3759097 1.2027653 1.2332342 1.1539938 1.0908823 1.0586339\n", + " 1.0726274 1.0653658 1.0372437 1.0935917 1.0745882 1.0823798 1.0382544\n", + " 1.043819 1.0345594 1.0706943]\n", + "\n", + "[ 0 1 3 2 4 10 5 12 11 7 16 8 6 14 13 9 15]\n", + "=======================\n", + "['jakarta ( cnn ) an indonesian court has rejected a bid by two australian drug smugglers -- members of the \" bali nine \" -- to challenge their planned executions .andrew chan and myuran sukumaran are awaiting death by firing squad on indonesia \\'s \" execution island \" for their role in a failed 2005 heroin smuggling plot .lawyers for the pair had argued that widodo had failed to individually consider their cases .']\n", + "=======================\n", + "['two australian drug traffickers on death row in indonesia have had legal bids rejectedthe men were seeking to challenge president widodo \\'s decision to refuse clemency in their casesandrew chan and myuran sukumaran are members of the \" bali nine \" drug syndicate']\n", + "jakarta ( cnn ) an indonesian court has rejected a bid by two australian drug smugglers -- members of the \" bali nine \" -- to challenge their planned executions .andrew chan and myuran sukumaran are awaiting death by firing squad on indonesia 's \" execution island \" for their role in a failed 2005 heroin smuggling plot .lawyers for the pair had argued that widodo had failed to individually consider their cases .\n", + "two australian drug traffickers on death row in indonesia have had legal bids rejectedthe men were seeking to challenge president widodo 's decision to refuse clemency in their casesandrew chan and myuran sukumaran are members of the \" bali nine \" drug syndicate\n", + "[1.5291135 1.2618191 1.1696348 1.2218401 1.1118115 1.066898 1.4051639\n", + " 1.0419376 1.0285302 1.0473623 1.0178782 1.0229334 1.0205995 1.0337073\n", + " 1.1008918 1.0124897 1.011867 1.0179355 1.0263911 1.1346602 1.0208267\n", + " 1.0161799 1.0110201 1.0180331 1.0169977 1.0122404 1.0162419 1.0150385\n", + " 1.0154517]\n", + "\n", + "[ 0 6 1 3 2 19 4 14 5 9 7 13 8 18 11 20 12 23 17 10 24 26 21 28\n", + " 27 15 25 16 22]\n", + "=======================\n", + "[\"west ham united 's on-loan barcelona midfielder alex song has picked his #one2eleven of stars he played alongside throughout his career , on the fantasy football club on sky sports .alex song believes cameroon goalkeeper carlos kameni could have played in the premier leaguesong , who has also played for arsenal as well as representing cameroon at international level , has picked a mixture of talent in his squad .\"]\n", + "=======================\n", + "[\"west ham 's on-loan barcelona ace has picked his fantasy football xicameroon midfielder has picked a whopping nine barcelona playerscarlos kameni and rigobert song are the only two non barca players\"]\n", + "west ham united 's on-loan barcelona midfielder alex song has picked his #one2eleven of stars he played alongside throughout his career , on the fantasy football club on sky sports .alex song believes cameroon goalkeeper carlos kameni could have played in the premier leaguesong , who has also played for arsenal as well as representing cameroon at international level , has picked a mixture of talent in his squad .\n", + "west ham 's on-loan barcelona ace has picked his fantasy football xicameroon midfielder has picked a whopping nine barcelona playerscarlos kameni and rigobert song are the only two non barca players\n", + "[1.1667786 1.2369187 1.222073 1.1676626 1.1714194 1.1762612 1.2080864\n", + " 1.1095884 1.067549 1.0510184 1.1022704 1.0233567 1.1060086 1.0903872\n", + " 1.0579156 1.0835305 1.0415031 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 6 5 4 3 0 7 12 10 13 15 8 14 9 16 11 27 17 18 19 20 21 22\n", + " 23 24 25 26 28]\n", + "=======================\n", + "[\"disgruntled flyers and flight attendants from around the globe , have taken their frustration to social media to shame feral passengers with annoying habits - and the results are sure to shock .they include a feet being wedged in between seats or near other passenger 's head , rubbish being trashed in seat pockets and bathrooms while others are taking up more space than necessary .the images , captured by anonymous travellers , were posted on former flight attendant shawn kathleen 's instagram account passenger shaming .\"]\n", + "=======================\n", + "['disgruntled flyers have taken to social media to shame feral passengersthe photographs show people with less than desirable habits on planesimages are submitted anonymously by passengers and flight attendantsthe images were posted on an instagram account passenger shaming']\n", + "disgruntled flyers and flight attendants from around the globe , have taken their frustration to social media to shame feral passengers with annoying habits - and the results are sure to shock .they include a feet being wedged in between seats or near other passenger 's head , rubbish being trashed in seat pockets and bathrooms while others are taking up more space than necessary .the images , captured by anonymous travellers , were posted on former flight attendant shawn kathleen 's instagram account passenger shaming .\n", + "disgruntled flyers have taken to social media to shame feral passengersthe photographs show people with less than desirable habits on planesimages are submitted anonymously by passengers and flight attendantsthe images were posted on an instagram account passenger shaming\n", + "[1.3719854 1.3669356 1.2029107 1.211582 1.3884776 1.2722417 1.2024059\n", + " 1.0799159 1.0571306 1.1097773 1.0464827 1.0256417 1.0447136 1.0266863\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 4 0 1 5 3 2 6 9 7 8 10 12 13 11 22 26 25 24 23 21 14 19 18 17\n", + " 16 15 27 20 28]\n", + "=======================\n", + "['johnny manziel was spotted at a texas rangers game tuesday night days after leaving rehabhe was joined by his girlfriend colleen crowley and sipped water throughout the nightthis as offseason workouts with the team will begin next monday , april 20 .']\n", + "=======================\n", + "[\"johnny manziel was spotted at a texas rangers game tuesday night just days after leaving rehab and was drinking water all nighthe entered a facility on january 28 and stayed for an extended periodthis after manziel 's partying had been a topic of conversation since his rookie season began last july , with some worried about his drinkinghe is now set to begin offseason workouts with the cleveland browns on mondaymanziel will be forced to compete with josh mccown for the starting quarterback position , who just signed a $ 14 million contract with the team\"]\n", + "johnny manziel was spotted at a texas rangers game tuesday night days after leaving rehabhe was joined by his girlfriend colleen crowley and sipped water throughout the nightthis as offseason workouts with the team will begin next monday , april 20 .\n", + "johnny manziel was spotted at a texas rangers game tuesday night just days after leaving rehab and was drinking water all nighthe entered a facility on january 28 and stayed for an extended periodthis after manziel 's partying had been a topic of conversation since his rookie season began last july , with some worried about his drinkinghe is now set to begin offseason workouts with the cleveland browns on mondaymanziel will be forced to compete with josh mccown for the starting quarterback position , who just signed a $ 14 million contract with the team\n", + "[1.3412689 1.240374 1.1036874 1.1053135 1.1365138 1.1107591 1.1166807\n", + " 1.189025 1.0833546 1.1208175 1.0405164 1.040359 1.0280685 1.0698498\n", + " 1.0517592 1.0371798 1.0665153 1.0536767 1.042873 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 7 4 9 6 5 3 2 8 13 16 17 14 18 10 11 15 12 27 19 20 21 22\n", + " 23 24 25 26 28]\n", + "=======================\n", + "[\"it 's probable that thiago alcantara would never have signed for manchester united even if david moyes had wanted him .once pep guardiola had made it clear he required the midfelder at bayern munich , it was pointless for united to continue their pursuit anyway ,thiago ( right ) heads in bayern munich 's first goal during their 6-1 win over porto on tuesday night\"]\n", + "=======================\n", + "[\"thiago alcantara scored bayern munich 's first goal in 6-1 win over portospanish midfielder dictated the game with precise passing from deepone commentator said : ` thiago might well be the most technically-gifted central midfielder who has ever played for bayern .thiago followed pep guardiola from barcelona to bayern munichmanchester united made an ultimately fruitless effort to sign the midfielder\"]\n", + "it 's probable that thiago alcantara would never have signed for manchester united even if david moyes had wanted him .once pep guardiola had made it clear he required the midfelder at bayern munich , it was pointless for united to continue their pursuit anyway ,thiago ( right ) heads in bayern munich 's first goal during their 6-1 win over porto on tuesday night\n", + "thiago alcantara scored bayern munich 's first goal in 6-1 win over portospanish midfielder dictated the game with precise passing from deepone commentator said : ` thiago might well be the most technically-gifted central midfielder who has ever played for bayern .thiago followed pep guardiola from barcelona to bayern munichmanchester united made an ultimately fruitless effort to sign the midfielder\n", + "[1.0779257 1.1703844 1.4387575 1.4493976 1.1805114 1.078304 1.2933731\n", + " 1.1242819 1.0114121 1.3051672 1.1123585 1.0651162 1.0523841 1.0109013\n", + " 1.0105488 1.0117238 1.0231559 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 2 9 6 4 1 7 10 5 0 11 12 16 15 8 13 14 17 18 19 20 21 22 23\n", + " 24 25 26 27 28]\n", + "=======================\n", + "[\"sunderland midfielder sebastian larsson is suspended for crystal palace 's barclays premier league trip to the stadium of light on saturday .jack rodwell will return to the squad after a hamstring problem , while fellow midfielder will buckley was included among the substitutes against the magpies following his recovery from a knee problem .the sweden international will sit out the next two games after reaching 10 bookings for the campaign during sunday 's 1-0 derby victory over newcastle .\"]\n", + "=======================\n", + "['seb larsson banned for sunderland following yellow card vs newcastlejack rodwell will return for black cats following hamstring injuryjoe ledley to be given chance by crystal palace to prove fitnessmile jedinak set to be included for eagles following four-match ban']\n", + "sunderland midfielder sebastian larsson is suspended for crystal palace 's barclays premier league trip to the stadium of light on saturday .jack rodwell will return to the squad after a hamstring problem , while fellow midfielder will buckley was included among the substitutes against the magpies following his recovery from a knee problem .the sweden international will sit out the next two games after reaching 10 bookings for the campaign during sunday 's 1-0 derby victory over newcastle .\n", + "seb larsson banned for sunderland following yellow card vs newcastlejack rodwell will return for black cats following hamstring injuryjoe ledley to be given chance by crystal palace to prove fitnessmile jedinak set to be included for eagles following four-match ban\n", + "[1.259764 1.459744 1.1811235 1.357691 1.222637 1.2421745 1.107218\n", + " 1.0184245 1.0815184 1.13297 1.0095662 1.0150323 1.0157832 1.0561296\n", + " 1.0318934 1.0829964 1.0686442 1.0640336 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 5 4 2 9 6 15 8 16 17 13 14 7 12 11 10 18 19 20]\n", + "=======================\n", + "['around 250 men and women from the reconnaissance unit , which has most recently served in iraq and afghanistan , marched through the town of dereham for the final time .they are set to leave robertson barracks in swanton morley this summer and move some 200 miles to their new home in catterick , north yorkshire .thousands of people , including hundreds of school children , lined the streets of norfolk today to wave farewell to the light dragoons .']\n", + "=======================\n", + "[\"the light dragoons have been based at robertson barracks , swanton morley , for the past 15 yearsmore than 4,000 people , including school children , lined the streets to say farewell to the reconnaissance unitthe regiment are packing up and moving some 200 miles to their new home in catterick , north yorkshiretheir commanding officer said it would be ' a strain to leave ' after putting down ` deep roots ' in norfolk\"]\n", + "around 250 men and women from the reconnaissance unit , which has most recently served in iraq and afghanistan , marched through the town of dereham for the final time .they are set to leave robertson barracks in swanton morley this summer and move some 200 miles to their new home in catterick , north yorkshire .thousands of people , including hundreds of school children , lined the streets of norfolk today to wave farewell to the light dragoons .\n", + "the light dragoons have been based at robertson barracks , swanton morley , for the past 15 yearsmore than 4,000 people , including school children , lined the streets to say farewell to the reconnaissance unitthe regiment are packing up and moving some 200 miles to their new home in catterick , north yorkshiretheir commanding officer said it would be ' a strain to leave ' after putting down ` deep roots ' in norfolk\n", + "[1.2302682 1.4026072 1.3914211 1.3493729 1.216423 1.0562884 1.2555015\n", + " 1.0653988 1.0840267 1.072034 1.0507021 1.0483731 1.0530117 1.0355299\n", + " 1.01775 1.0175041 1.0247408 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 6 0 4 8 9 7 5 12 10 11 13 16 14 15 19 17 18 20]\n", + "=======================\n", + "['men , women and children who boarded a united express flight from kansas city , missouri , to denver , colorado , were instead diverted to colorado springs due to bad weather .the 6am flight took just an hour and a half to get to the unscheduled stop at colorado springs - but then languished for another six hours , before everybody was ordered off anyway .passengers hoping to make a short domestic flight friday were trapped on the tarmac at an airport for six hours with only one bathroom between them .']\n", + "=======================\n", + "['flight from kansas city , missouri to denver , colorado , was diverted fridaylanded at colorado springs at 7.30 am - beginning six-hour ordealafter three hours passengers could go - but would have had to pay for new connecting flights and transportduring long wait airplane ran low on water , food and bathroom suppliesairline has denied it was feasible to get passengers off the flight']\n", + "men , women and children who boarded a united express flight from kansas city , missouri , to denver , colorado , were instead diverted to colorado springs due to bad weather .the 6am flight took just an hour and a half to get to the unscheduled stop at colorado springs - but then languished for another six hours , before everybody was ordered off anyway .passengers hoping to make a short domestic flight friday were trapped on the tarmac at an airport for six hours with only one bathroom between them .\n", + "flight from kansas city , missouri to denver , colorado , was diverted fridaylanded at colorado springs at 7.30 am - beginning six-hour ordealafter three hours passengers could go - but would have had to pay for new connecting flights and transportduring long wait airplane ran low on water , food and bathroom suppliesairline has denied it was feasible to get passengers off the flight\n", + "[1.2491499 1.4445509 1.2891569 1.377841 1.2073393 1.1079051 1.0854356\n", + " 1.140962 1.0216659 1.0278554 1.02998 1.012048 1.064408 1.0728105\n", + " 1.083211 1.2197138 1.0537738 1.0090238 1.0648241 1.0590564 1.0552905]\n", + "\n", + "[ 1 3 2 0 15 4 7 5 6 14 13 18 12 19 20 16 10 9 8 11 17]\n", + "=======================\n", + "['wesley burton , who worked at kpfa , was driving home from work when a white dodge charger crashed into his silver mercury .the crash occurred near the berkeley-oakland city line and police say the hit-and-run driver fled the on foot .a father-of-three and popular radio host in berkeley , california , was killed in a hit-and-run in the early hours of saturday morning .']\n", + "=======================\n", + "[\"wesley burton , a father-of-three and popular radio host at kpfa in berkeley , california , was killed in a hit-and-run on saturdayhe was driving home from work when a white dodge charger crashed into his silver mercurywife lucrecia has made an emotional plea for anyone with information about her husband 's killer to come forwardburton had three children aged between 4 and 9 and after growing up without a father his dream had been to raise his own kids\"]\n", + "wesley burton , who worked at kpfa , was driving home from work when a white dodge charger crashed into his silver mercury .the crash occurred near the berkeley-oakland city line and police say the hit-and-run driver fled the on foot .a father-of-three and popular radio host in berkeley , california , was killed in a hit-and-run in the early hours of saturday morning .\n", + "wesley burton , a father-of-three and popular radio host at kpfa in berkeley , california , was killed in a hit-and-run on saturdayhe was driving home from work when a white dodge charger crashed into his silver mercurywife lucrecia has made an emotional plea for anyone with information about her husband 's killer to come forwardburton had three children aged between 4 and 9 and after growing up without a father his dream had been to raise his own kids\n", + "[1.3194239 1.3945194 1.2048712 1.3199415 1.0804137 1.1957752 1.0357281\n", + " 1.0194426 1.0409372 1.0436531 1.1029956 1.189055 1.1153253 1.0138916\n", + " 1.0560541 1.069544 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 5 11 12 10 4 15 14 9 8 6 7 13 19 16 17 18 20]\n", + "=======================\n", + "[\"the neurosurgeon , who is in kathmandu to cover the aftermath of saturday 's deadly earthquake , performed a craniotomy on the 15-year-old girl , sandhya chalise , after a wall of her family 's home fell on her as she collected water outside .put to work : dr sanjay gupta ( second left ) , the chief medical correspondent for cnn , was asked by a nepalese hospital to perform brain surgery on a 15-year-girl who was injured in the earthquakesandhya , who lives in a more remote area of the country , only reached kathmandu 's bir hospital two days after the 7.8-magnitude quake and by that point , blood had collected in the top of her brain , cnn reported .\"]\n", + "=======================\n", + "['gupta is in kathmandu to cover the aftermath of deadly earthquakethe hospitals are so overstretched that he was asked to perform brain surgery on a teenager who had been crushed by a wall in the quakehe said the girl is now doing well - but she is just one of many victims4,352 people are believed to have died , including at least four americans , and more than 6,000 suffered injuries']\n", + "the neurosurgeon , who is in kathmandu to cover the aftermath of saturday 's deadly earthquake , performed a craniotomy on the 15-year-old girl , sandhya chalise , after a wall of her family 's home fell on her as she collected water outside .put to work : dr sanjay gupta ( second left ) , the chief medical correspondent for cnn , was asked by a nepalese hospital to perform brain surgery on a 15-year-girl who was injured in the earthquakesandhya , who lives in a more remote area of the country , only reached kathmandu 's bir hospital two days after the 7.8-magnitude quake and by that point , blood had collected in the top of her brain , cnn reported .\n", + "gupta is in kathmandu to cover the aftermath of deadly earthquakethe hospitals are so overstretched that he was asked to perform brain surgery on a teenager who had been crushed by a wall in the quakehe said the girl is now doing well - but she is just one of many victims4,352 people are believed to have died , including at least four americans , and more than 6,000 suffered injuries\n", + "[1.2501135 1.5240557 1.2977054 1.2218864 1.1245092 1.0273926 1.015535\n", + " 1.1347685 1.0857377 1.1263369 1.0686561 1.0860112 1.0568018 1.0270755\n", + " 1.0652105 1.0102608 1.0902201 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 7 9 4 16 11 8 10 14 12 5 13 6 15 17 18 19 20]\n", + "=======================\n", + "[\"emma giffard , 36 , and ollie halls , 37 , from somerset , bought the cinema for just # 1,200 in 2005 and spent # 35,000 on restoring the vintage classic with friends in devon over five years .they toured the country with the classic bus which became a celebrity , starring alongside melvyn bragg in a 20-part bbc2 series ` the reel history of britain and in ` george clarke 's amazing spaces ' .britain 's only surviving mobile cinema has gone on sale for # 120,000 as the owners who spent years of their life restoring it and touring the country now want to enjoy parenthood .\"]\n", + "=======================\n", + "[\"one of only seven commissioned by ministry of technology in 1967 to visit factories promoting new technologiesowned by transport trust until 1975 then sat in essex field in for 14 years until rescued by former owner in somersetollie halls and emma giffard bought it in 2005 for just # 1,200 and spent # 35,000 and five years on total restorationsince then it has toured the country showing vintage footage and even starred in tv and radio programmesre-united with lost trailer after 23 years thanks to call ` out of the blue ' - which had been being used as a wood shopnow on sale on ebay for # 120,000 as parents no longer have time to run the cinema which has ` taken over our lives '\"]\n", + "emma giffard , 36 , and ollie halls , 37 , from somerset , bought the cinema for just # 1,200 in 2005 and spent # 35,000 on restoring the vintage classic with friends in devon over five years .they toured the country with the classic bus which became a celebrity , starring alongside melvyn bragg in a 20-part bbc2 series ` the reel history of britain and in ` george clarke 's amazing spaces ' .britain 's only surviving mobile cinema has gone on sale for # 120,000 as the owners who spent years of their life restoring it and touring the country now want to enjoy parenthood .\n", + "one of only seven commissioned by ministry of technology in 1967 to visit factories promoting new technologiesowned by transport trust until 1975 then sat in essex field in for 14 years until rescued by former owner in somersetollie halls and emma giffard bought it in 2005 for just # 1,200 and spent # 35,000 and five years on total restorationsince then it has toured the country showing vintage footage and even starred in tv and radio programmesre-united with lost trailer after 23 years thanks to call ` out of the blue ' - which had been being used as a wood shopnow on sale on ebay for # 120,000 as parents no longer have time to run the cinema which has ` taken over our lives '\n", + "[1.2990243 1.4283911 1.3391541 1.3700349 1.0595791 1.0439045 1.0615785\n", + " 1.0925326 1.0548551 1.0323054 1.049121 1.0566214 1.0684787 1.021898\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 7 12 6 4 11 8 10 5 9 13 16 14 15 17]\n", + "=======================\n", + "[\"calling himself ` volcano ' , the 31-year-old musician was filmed wearing hip hop-style clothing as he stands in front of missile launchers and burning buildings in the conflict-ravaged city of benghazi .libya 's second largest city was seized by the hardline islamist group ansar al-sharia in july last year and intense fighting between the rebels and regime forces over the past few months have reduced much of benghazi to rubble - apparently an ideal backdrop to volcano 's rap videos .it is also unclear whether the fighters he appears alongside are rebels or members of the libyan national army .\"]\n", + "=======================\n", + "[\"calling himself ` volcano ' rapper is a 31-year-old from war-torn benghazihe is seen standing in front of weapons of war and burning buildingshe poses with fighters and even carries a massive assault rifle himselfvideo shows volcano performing on benghazi 's rubble-strewn streets\"]\n", + "calling himself ` volcano ' , the 31-year-old musician was filmed wearing hip hop-style clothing as he stands in front of missile launchers and burning buildings in the conflict-ravaged city of benghazi .libya 's second largest city was seized by the hardline islamist group ansar al-sharia in july last year and intense fighting between the rebels and regime forces over the past few months have reduced much of benghazi to rubble - apparently an ideal backdrop to volcano 's rap videos .it is also unclear whether the fighters he appears alongside are rebels or members of the libyan national army .\n", + "calling himself ` volcano ' rapper is a 31-year-old from war-torn benghazihe is seen standing in front of weapons of war and burning buildingshe poses with fighters and even carries a massive assault rifle himselfvideo shows volcano performing on benghazi 's rubble-strewn streets\n", + "[1.2352526 1.2202693 1.2808181 1.1387391 1.1657075 1.1380378 1.1342918\n", + " 1.2008344 1.08624 1.0924184 1.0570301 1.0920452 1.0571525 1.083765\n", + " 1.058204 1.0397844 1.0487902 0. ]\n", + "\n", + "[ 2 0 1 7 4 3 5 6 9 11 8 13 14 12 10 16 15 17]\n", + "=======================\n", + "[\"but the u.s. department of agriculture said monday that the h5n2 bird flu virus had been found at a farm in northwest iowa 's osceola county - prompting a massive bird cull .the virulent strain in question is the h5n2 , a highly contagious virus that kills commercial poultry quickly once it gets into a barn .discovery of the bird flu on an iowa turkey farm has raised serious concerns that the bird killer could find its way into chicken barns in the nation 's top egg-producing state and rapidly decimate the flocks that provide the u.s. with its breakfast staple\"]\n", + "=======================\n", + "['the deadly h5n2 bird flu virus has been found at a farm in northwest iowaup to 5.3 million hens must be destroyed in the state to contain outbreakseven other midwestern states have also been hit by the deadly virusminnesota , the top turkey-producing state has been severally effectednearly 7.8 million turkeys and chickens have died or been culled since march']\n", + "but the u.s. department of agriculture said monday that the h5n2 bird flu virus had been found at a farm in northwest iowa 's osceola county - prompting a massive bird cull .the virulent strain in question is the h5n2 , a highly contagious virus that kills commercial poultry quickly once it gets into a barn .discovery of the bird flu on an iowa turkey farm has raised serious concerns that the bird killer could find its way into chicken barns in the nation 's top egg-producing state and rapidly decimate the flocks that provide the u.s. with its breakfast staple\n", + "the deadly h5n2 bird flu virus has been found at a farm in northwest iowaup to 5.3 million hens must be destroyed in the state to contain outbreakseven other midwestern states have also been hit by the deadly virusminnesota , the top turkey-producing state has been severally effectednearly 7.8 million turkeys and chickens have died or been culled since march\n", + "[1.197013 1.1769054 1.382925 1.2158201 1.2632296 1.1013671 1.1049867\n", + " 1.0419117 1.1151578 1.0731267 1.0836666 1.0626236 1.0390984 1.1168025\n", + " 1.0163354 1.0707588 1.0698125 1.0430452]\n", + "\n", + "[ 2 4 3 0 1 13 8 6 5 10 9 15 16 11 17 7 12 14]\n", + "=======================\n", + "[\"now these ` pro-anorexia ' sites will face a year in prison and a fine equivalent to just over # 7,000 .deputies in the national assembly in paris voted through the amendment to a law on public health and it is expected to be rubber-stamped by the senate .france today voted to punish anyone who ` incites ' people to become dangerously thin with prison and huge fines .\"]\n", + "=======================\n", + "[\"anyone ` inciting ' extreme thinness faces prison and fines of up to # 7,000new law voted through by mps to prevent the ` vicious circle of anorexia 'condition affects 40,000 people in france and has very high mortality rate\"]\n", + "now these ` pro-anorexia ' sites will face a year in prison and a fine equivalent to just over # 7,000 .deputies in the national assembly in paris voted through the amendment to a law on public health and it is expected to be rubber-stamped by the senate .france today voted to punish anyone who ` incites ' people to become dangerously thin with prison and huge fines .\n", + "anyone ` inciting ' extreme thinness faces prison and fines of up to # 7,000new law voted through by mps to prevent the ` vicious circle of anorexia 'condition affects 40,000 people in france and has very high mortality rate\n", + "[1.2921224 1.3703568 1.371916 1.150756 1.1246032 1.0709574 1.0709009\n", + " 1.0437866 1.070635 1.1257583 1.0726922 1.0530952 1.0521674 1.0814823\n", + " 1.0363338 1.0596159 1.0262723 1.0226128]\n", + "\n", + "[ 2 1 0 3 9 4 13 10 5 6 8 15 11 12 7 14 16 17]\n", + "=======================\n", + "[\"the five activists on women 's rights -- aged from 25 to 32 -- were picked up by police in three different cities just before march 8 , the international women 's day .wei tingting , wang man , zheng churan , li tingting and wu rongrong were freed from the haidian detention center on the outskirts of beijing late monday .beijing ( cnn ) a day after the chinese government released five young feminists on bail , their families and supporters expressed mixed emotions on the unexpected development .\"]\n", + "=======================\n", + "[\"wei tingting , wang man , zheng churan , li tingting and wu rongrong freedthey 're still considered suspects in an ongoing criminal investigation , may face charges in the futurethey will be under surveillance for a year with their movements and activities restricted\"]\n", + "the five activists on women 's rights -- aged from 25 to 32 -- were picked up by police in three different cities just before march 8 , the international women 's day .wei tingting , wang man , zheng churan , li tingting and wu rongrong were freed from the haidian detention center on the outskirts of beijing late monday .beijing ( cnn ) a day after the chinese government released five young feminists on bail , their families and supporters expressed mixed emotions on the unexpected development .\n", + "wei tingting , wang man , zheng churan , li tingting and wu rongrong freedthey 're still considered suspects in an ongoing criminal investigation , may face charges in the futurethey will be under surveillance for a year with their movements and activities restricted\n", + "[1.2829815 1.5059211 1.1940808 1.3063366 1.1250861 1.0327214 1.0214255\n", + " 1.21029 1.1313679 1.1768063 1.1259606 1.0937487 1.0523915 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 7 2 9 8 10 4 11 12 5 6 16 13 14 15 17]\n", + "=======================\n", + "[\"the migratory bird was spotted at a salt lake near the british raf base at akrotiri on the island 's south coast close to the resort city of limassol .a rare black flamingo amazed bird watchers when it was spotted feeding among a group of the traditionally pink birds in cyprus .a black flamingo was reportedly last spotted in israel in 2014 and aside from its colour , it is no different to the hundreds of pink flamingos which flock to the salt lakes of cyprus every spring .\"]\n", + "=======================\n", + "[\"bird watchers photographed the rare bird near british raf base at akrotiri on the island 's south coastthe last recorded sighting of a black flamingo was in israel in 2014dark colouring thought to be caused by genetic irregularity where it can generate more melanin than usual\"]\n", + "the migratory bird was spotted at a salt lake near the british raf base at akrotiri on the island 's south coast close to the resort city of limassol .a rare black flamingo amazed bird watchers when it was spotted feeding among a group of the traditionally pink birds in cyprus .a black flamingo was reportedly last spotted in israel in 2014 and aside from its colour , it is no different to the hundreds of pink flamingos which flock to the salt lakes of cyprus every spring .\n", + "bird watchers photographed the rare bird near british raf base at akrotiri on the island 's south coastthe last recorded sighting of a black flamingo was in israel in 2014dark colouring thought to be caused by genetic irregularity where it can generate more melanin than usual\n", + "[1.2441808 1.262038 1.2845268 1.167702 1.4071158 1.1007178 1.0744686\n", + " 1.0473403 1.0592839 1.0295703 1.0172796 1.204753 1.0714985 1.0872563\n", + " 1.0389374 1.0506042 0. 0. 0. 0. ]\n", + "\n", + "[ 4 2 1 0 11 3 5 13 6 12 8 15 7 14 9 10 18 16 17 19]\n", + "=======================\n", + "['accused : gianni van , 45 , ( left ) is accused of the 1995 murder of f gonzalo ramirez ( right ) , whose blindfolded , bloodied body was found on the side of an irvine , california road having suffered 30 blows with a cleaverat the opening of his trial wednesday , prosecutors said van was enraged after his ex-girlfriend norma patricia esparza told him ramirez had raped her and he must be held responsible for the attack .attorneys for two sides agree that in april 1995 , a 24-year-old man who had been pointed out by a southern california college student as her rapist had his truck rear-ended before he was kidnapped , brutally beaten and killed .']\n", + "=======================\n", + "[\"gianni van , now 45 , is accused of kidnapping and brutally killing his then girlfriend 's accused rapist while in college in southern california in 1995norma esparza , who went on to work as a psychology professor in france , was accused in the murder along with three othersesparza , now the mother of a little girl , was expected to testify against her former boyfriend in a santa ana courtroom this month\"]\n", + "accused : gianni van , 45 , ( left ) is accused of the 1995 murder of f gonzalo ramirez ( right ) , whose blindfolded , bloodied body was found on the side of an irvine , california road having suffered 30 blows with a cleaverat the opening of his trial wednesday , prosecutors said van was enraged after his ex-girlfriend norma patricia esparza told him ramirez had raped her and he must be held responsible for the attack .attorneys for two sides agree that in april 1995 , a 24-year-old man who had been pointed out by a southern california college student as her rapist had his truck rear-ended before he was kidnapped , brutally beaten and killed .\n", + "gianni van , now 45 , is accused of kidnapping and brutally killing his then girlfriend 's accused rapist while in college in southern california in 1995norma esparza , who went on to work as a psychology professor in france , was accused in the murder along with three othersesparza , now the mother of a little girl , was expected to testify against her former boyfriend in a santa ana courtroom this month\n", + "[1.2194883 1.3235482 1.1361578 1.1726182 1.1130711 1.0616245 1.1045241\n", + " 1.1378071 1.0453135 1.0918305 1.0689485 1.136797 1.085964 1.0530609\n", + " 1.091861 1.066652 1.0644939 1.0525072 1.0367002 0. ]\n", + "\n", + "[ 1 0 3 7 11 2 4 6 14 9 12 10 15 16 5 13 17 8 18 19]\n", + "=======================\n", + "[\"traditional chinese medicine ( tcm ) claims all manner of ailments including back ache , poor memory and even cancer can be cured by the natural world .from bear testicles and tiger paws to crocodile jaws and snake heads , these are just some of the bizarre animal parts being sold in china 's so-called medicine markets .such wisdom is widespread in guangzhou , where markets stock exotic and rare animals destined for restaurant menus , pharmacists and pet cages .\"]\n", + "=======================\n", + "[\"warning : graphic contenttraditional chinese medicine claims to cure all sorts of ailments including back ache , poor memory and cancermarkets in guangzhou stock exotic and rare animals destined for restaurant menus , pharmacists and pet cagesbut beliefs drive # 13billion illegal wildlife network , the world 's third-largest elicit trade behind arms and drugsnetwork of fledgling organisations are now challenging centuries of tradition in bid to change consumer appetites\"]\n", + "traditional chinese medicine ( tcm ) claims all manner of ailments including back ache , poor memory and even cancer can be cured by the natural world .from bear testicles and tiger paws to crocodile jaws and snake heads , these are just some of the bizarre animal parts being sold in china 's so-called medicine markets .such wisdom is widespread in guangzhou , where markets stock exotic and rare animals destined for restaurant menus , pharmacists and pet cages .\n", + "warning : graphic contenttraditional chinese medicine claims to cure all sorts of ailments including back ache , poor memory and cancermarkets in guangzhou stock exotic and rare animals destined for restaurant menus , pharmacists and pet cagesbut beliefs drive # 13billion illegal wildlife network , the world 's third-largest elicit trade behind arms and drugsnetwork of fledgling organisations are now challenging centuries of tradition in bid to change consumer appetites\n", + "[1.2205462 1.3443213 1.3554499 1.2510654 1.1781628 1.1686784 1.2834918\n", + " 1.1255069 1.0680779 1.0832105 1.0526043 1.0450491 1.0125886 1.0190854\n", + " 1.0239509 1.0806854 1.052194 1.115936 0. 0. ]\n", + "\n", + "[ 2 1 6 3 0 4 5 7 17 9 15 8 10 16 11 14 13 12 18 19]\n", + "=======================\n", + "['she was ordered held on $ 150,000 bail and could face up to 21 years in state prison if convicted .lyvette crespo , 43 , entered the plea to a grand jury indictment .indicted : lyvette crespo ( right ) allegedly shot her husband , bell gardens , california mayor daniel crespo ( left ) , in september during a heated argument about his infidelity .']\n", + "=======================\n", + "['widow of slain bell gardens mayor lyvette crespo pleaded not guilty and was ordered held on $ 150,000 bondthe 43-year-old told authorities it was in self-defense after her husband punched their teenage son when he tried to intervene in the fighther former brother-in-law claims that allegations of years of abuse are all a lie and says he has text messages proving the slaying was in cold bloodcrespo faces up to 21 years in state prison if convicted']\n", + "she was ordered held on $ 150,000 bail and could face up to 21 years in state prison if convicted .lyvette crespo , 43 , entered the plea to a grand jury indictment .indicted : lyvette crespo ( right ) allegedly shot her husband , bell gardens , california mayor daniel crespo ( left ) , in september during a heated argument about his infidelity .\n", + "widow of slain bell gardens mayor lyvette crespo pleaded not guilty and was ordered held on $ 150,000 bondthe 43-year-old told authorities it was in self-defense after her husband punched their teenage son when he tried to intervene in the fighther former brother-in-law claims that allegations of years of abuse are all a lie and says he has text messages proving the slaying was in cold bloodcrespo faces up to 21 years in state prison if convicted\n", + "[1.0502231 1.0457461 1.0639904 1.0747567 1.0799428 1.1910747 1.4547317\n", + " 1.0732149 1.0428585 1.031389 1.0408404 1.1945261 1.0656303 1.0385004\n", + " 1.0600717 1.0328377 1.0325773 1.0182536 1.0270984 1.1086823]\n", + "\n", + "[ 6 11 5 19 4 3 7 12 2 14 0 1 8 10 13 15 16 9 18 17]\n", + "=======================\n", + "['daisy goodwin has has problems with head lice since she was 19 and says she has suffered with them almost 100 times since theni have had nits at least 100 times .i edge away from my unsuspecting friends .']\n", + "=======================\n", + "[\"daisy goodwin has had problems with head lice since she was 19she says she 's suffered with the itchy parasites at least 100 timesa nit is the egg sac laid by female lice on human hair shafts\"]\n", + "daisy goodwin has has problems with head lice since she was 19 and says she has suffered with them almost 100 times since theni have had nits at least 100 times .i edge away from my unsuspecting friends .\n", + "daisy goodwin has had problems with head lice since she was 19she says she 's suffered with the itchy parasites at least 100 timesa nit is the egg sac laid by female lice on human hair shafts\n", + "[1.611891 1.2139858 1.1560454 1.1708694 1.2848804 1.1200624 1.066101\n", + " 1.0465095 1.0927898 1.0398253 1.0219114 1.0658866 1.0422322 1.0729402\n", + " 1.0921974 1.1156275 1.026765 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 3 2 5 15 8 14 13 6 11 7 12 9 16 10 18 17 19]\n", + "=======================\n", + "[\"( cnn ) seven people -- including illinois state university associate men 's basketball coach torrey ward and deputy athletic director aaron leetch -- died when their small plane crashed while heading back from the ncaa tournament final .the aircraft went down overnight monday about 2 miles east of the central illinois regional airport in bloomington , mclean county sheriff 's office sgt. bill tate said .it was not immediately known who else was on the aircraft , which the national transportation safety board tweeted was a cessna 414 .\"]\n", + "=======================\n", + "['the crashed plane was a cessna 414 , national transportation safety board reportscoach torrey ward , administrator aaron leetch among the 7 killed in the crashthe plane crashed while coming back from the ncaa title game in indianapolis']\n", + "( cnn ) seven people -- including illinois state university associate men 's basketball coach torrey ward and deputy athletic director aaron leetch -- died when their small plane crashed while heading back from the ncaa tournament final .the aircraft went down overnight monday about 2 miles east of the central illinois regional airport in bloomington , mclean county sheriff 's office sgt. bill tate said .it was not immediately known who else was on the aircraft , which the national transportation safety board tweeted was a cessna 414 .\n", + "the crashed plane was a cessna 414 , national transportation safety board reportscoach torrey ward , administrator aaron leetch among the 7 killed in the crashthe plane crashed while coming back from the ncaa title game in indianapolis\n", + "[1.3694215 1.2006246 1.3747519 1.2636108 1.2325816 1.353364 1.1010205\n", + " 1.0476348 1.0566379 1.0261538 1.0109422 1.0147245 1.1858547 1.0695208\n", + " 1.0325888 1.154217 1.164525 1.0073628 1.0283724 0. ]\n", + "\n", + "[ 2 0 5 3 4 1 12 16 15 6 13 8 7 14 18 9 11 10 17 19]\n", + "=======================\n", + "[\"christopher may , 50 , will appear at pontypridd magistrates ' court tomorrow charged in connection with the murder of tracey woodford , 47 .the 47-year-old 's body was discovered with ` massive injuries ' at the flat around 3pm on friday afternoon , prompting police to launch a murder investigation .today , her family described her as ` very kind-hearted ' and ` selfless ' .\"]\n", + "=======================\n", + "[\"body discovered in pontypridd property identified as tracey woodford , 47she is thought to have been attacked in woodland before being taken to flatshe was ` liked and loved by all ' and would ` help anyone ' , family saidman named locally as christopher may , 50 , charged over the murder\"]\n", + "christopher may , 50 , will appear at pontypridd magistrates ' court tomorrow charged in connection with the murder of tracey woodford , 47 .the 47-year-old 's body was discovered with ` massive injuries ' at the flat around 3pm on friday afternoon , prompting police to launch a murder investigation .today , her family described her as ` very kind-hearted ' and ` selfless ' .\n", + "body discovered in pontypridd property identified as tracey woodford , 47she is thought to have been attacked in woodland before being taken to flatshe was ` liked and loved by all ' and would ` help anyone ' , family saidman named locally as christopher may , 50 , charged over the murder\n", + "[1.244589 1.4733657 1.4552609 1.2928028 1.1240739 1.112395 1.1617715\n", + " 1.0490115 1.0511881 1.0313401 1.0734128 1.1693177 1.0230296 1.0253892\n", + " 1.0195193 1.1384257 1.031403 1.0319592 1.0358818 0. ]\n", + "\n", + "[ 1 2 3 0 11 6 15 4 5 10 8 7 18 17 16 9 13 12 14 19]\n", + "=======================\n", + "['his jeans were left on the underside of the red car after firefighters spent 25 minutes to free the man .the man , believed to be in his 20s , suffered head and chest injuries , as well as suspected leg fractures , but remained conscious during the efforts to cut him free .medics say he was fortunate to still be alive given the severity of the crash .']\n", + "=======================\n", + "['medics say the driver was fortunate to still be alive given severity of crashhis jeans were left on the underside of the car in southam , warwickshirefirefighters spent 25 minutes trying to free the man trapped under the carthe man , who was thought to be in his 20s , was then air lifted to hospital']\n", + "his jeans were left on the underside of the red car after firefighters spent 25 minutes to free the man .the man , believed to be in his 20s , suffered head and chest injuries , as well as suspected leg fractures , but remained conscious during the efforts to cut him free .medics say he was fortunate to still be alive given the severity of the crash .\n", + "medics say the driver was fortunate to still be alive given severity of crashhis jeans were left on the underside of the car in southam , warwickshirefirefighters spent 25 minutes trying to free the man trapped under the carthe man , who was thought to be in his 20s , was then air lifted to hospital\n", + "[1.2406026 1.5228271 1.1073402 1.0780076 1.3696339 1.1634506 1.0479242\n", + " 1.1444274 1.0638006 1.04737 1.0529463 1.0824313 1.0422364 1.0266196\n", + " 1.0159206 1.2423744 1.0988799 1.055935 1.0316477 1.0535475]\n", + "\n", + "[ 1 4 15 0 5 7 2 16 11 3 8 17 19 10 6 9 12 18 13 14]\n", + "=======================\n", + "[\"danielle davis says she looked to her faith when she was faced with the prospect of losing her husband brian in 2011 , just seven months after they were married . 'hopeless : brian 's motorcycle was split in two and doctors initially urged his wife to take him off life supportdavis tells wtoc that doctors told her they would have chosen to pull the plug had they been in her position .\"]\n", + "=======================\n", + "[\"danielle davis of savannah , georgia looked to her faith after her husband brian nearly died seven months after they were married in 2011doctors encouraged her to pull the plug but she refused and brian was eventually able to go home in her carethree years of brian 's memories were wiped and he 's challenged by everyday task but continues to improve with danielle 's help\"]\n", + "danielle davis says she looked to her faith when she was faced with the prospect of losing her husband brian in 2011 , just seven months after they were married . 'hopeless : brian 's motorcycle was split in two and doctors initially urged his wife to take him off life supportdavis tells wtoc that doctors told her they would have chosen to pull the plug had they been in her position .\n", + "danielle davis of savannah , georgia looked to her faith after her husband brian nearly died seven months after they were married in 2011doctors encouraged her to pull the plug but she refused and brian was eventually able to go home in her carethree years of brian 's memories were wiped and he 's challenged by everyday task but continues to improve with danielle 's help\n", + "[1.36354 1.4352623 1.1510682 1.3685219 1.2037582 1.200569 1.0418607\n", + " 1.0434012 1.1215767 1.0290059 1.1280959 1.0968353 1.047937 1.0500525\n", + " 1.0236014 1.0146178 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 5 2 10 8 11 13 12 7 6 9 14 15 16 17 18 19]\n", + "=======================\n", + "['the club are expected to jet across the atlantic in july for a trip of around 12 days , which would have been an ideal opportunity to showcase their new gear following their # 750m , 10-year agreement .manchester united will have to wear nike kit during their summer us tour , despite their new adidas dealadidas are the new sponsors in a # 750million deal but there is no buy-out clause in nike deal that ends in july']\n", + "=======================\n", + "[\"manchester united signed a # 750million , 10-year kit deal with adidasbut the old trafford club will have to wear old nike kit on us tourunited are expected to stage a 12-day tour of the us west coastthere is no buy-out agreement in nike 's current deal which ends in july\"]\n", + "the club are expected to jet across the atlantic in july for a trip of around 12 days , which would have been an ideal opportunity to showcase their new gear following their # 750m , 10-year agreement .manchester united will have to wear nike kit during their summer us tour , despite their new adidas dealadidas are the new sponsors in a # 750million deal but there is no buy-out clause in nike deal that ends in july\n", + "manchester united signed a # 750million , 10-year kit deal with adidasbut the old trafford club will have to wear old nike kit on us tourunited are expected to stage a 12-day tour of the us west coastthere is no buy-out agreement in nike 's current deal which ends in july\n", + "[1.2224495 1.3759646 1.3426117 1.3702149 1.2143397 1.1399527 1.0895989\n", + " 1.0944556 1.1070496 1.0467371 1.025702 1.0786284 1.0264751 1.0130066\n", + " 1.1697649 1.0142262 1.0649558 1.1228974 1.1139655 0. ]\n", + "\n", + "[ 1 3 2 0 4 14 5 17 18 8 7 6 11 16 9 12 10 15 13 19]\n", + "=======================\n", + "['several properties were littered with debris that appeared to fall out of the sky over the town of west pittston in luzerne county on monday morning .paula viccica believes the debris that landed on her property was expelled from a plane flying overheadus aviation authorities have launched an investigation to find out whether a plane dumped toilet paper and plastic objects all over a neighbourhood in a pennsylvania town .']\n", + "=======================\n", + "[\"debris landed on paula viccica 's property in west pittston , pennsylvaniashe said she saw bits of paper falling from the sky for several minuteshomeowner believes the debris came from a plane flying overheadshe filed a complaint with the federal aviation administrationpaula said she wants an assurance ` that it does not pose a danger '\"]\n", + "several properties were littered with debris that appeared to fall out of the sky over the town of west pittston in luzerne county on monday morning .paula viccica believes the debris that landed on her property was expelled from a plane flying overheadus aviation authorities have launched an investigation to find out whether a plane dumped toilet paper and plastic objects all over a neighbourhood in a pennsylvania town .\n", + "debris landed on paula viccica 's property in west pittston , pennsylvaniashe said she saw bits of paper falling from the sky for several minuteshomeowner believes the debris came from a plane flying overheadshe filed a complaint with the federal aviation administrationpaula said she wants an assurance ` that it does not pose a danger '\n", + "[1.3040402 1.0927033 1.207543 1.161736 1.5816593 1.1898112 1.0494379\n", + " 1.0229442 1.0270236 1.027799 1.0326039 1.116593 1.0263089 1.1071599\n", + " 1.0743366 1.0405443 1.0222844 1.012712 1.0137651 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 4 0 2 5 3 11 13 1 14 6 15 10 9 8 12 7 16 18 17 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"mark wood has been called up by england for the test series against west indiesmark wood spent a day this week donning his newly arrived england suit .when he 's not steaming in to bowl at 90mph mark wood can find himself fielding for long stretches of time .\"]\n", + "=======================\n", + "[\"mark wood part of the england squad flying to the caribbeanalastair cook 's side to play three test matches against west indiesat 5ft 11in and 12st , he is not the size of traditional fast bowler\"]\n", + "mark wood has been called up by england for the test series against west indiesmark wood spent a day this week donning his newly arrived england suit .when he 's not steaming in to bowl at 90mph mark wood can find himself fielding for long stretches of time .\n", + "mark wood part of the england squad flying to the caribbeanalastair cook 's side to play three test matches against west indiesat 5ft 11in and 12st , he is not the size of traditional fast bowler\n", + "[1.2268236 1.4557714 1.3675234 1.3564173 1.3223895 1.1715362 1.1374667\n", + " 1.1558759 1.0756997 1.0318751 1.0997883 1.0315735 1.0115001 1.0115808\n", + " 1.1305182 1.031209 1.0418664 1.017368 1.0084238 1.0778005 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 5 7 6 14 10 19 8 16 9 11 15 17 13 12 18 23 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"the baby boy was found in the female toilets of a shoe factory in wenzhou city by a cleaner , prompting its managers to start searching for the mother .they found xiao ying , 17 , working on the production line -- but she completely denied giving birth to the child , the people 's daily online reported .a teenage factory girl in china dumped her newborn child in a toilet after giving birth -- before going back to work on a shoe production line .\"]\n", + "=======================\n", + "[\"17-year-old gave birth in shoe factory in china - then went back to workbaby was ` icy cold ' when he was found by cleaner , then taken to hospitalteenager kept pregnancy a secret because she was scared of her parentsher father said : ` my daughter is not married .\"]\n", + "the baby boy was found in the female toilets of a shoe factory in wenzhou city by a cleaner , prompting its managers to start searching for the mother .they found xiao ying , 17 , working on the production line -- but she completely denied giving birth to the child , the people 's daily online reported .a teenage factory girl in china dumped her newborn child in a toilet after giving birth -- before going back to work on a shoe production line .\n", + "17-year-old gave birth in shoe factory in china - then went back to workbaby was ` icy cold ' when he was found by cleaner , then taken to hospitalteenager kept pregnancy a secret because she was scared of her parentsher father said : ` my daughter is not married .\n", + "[1.4425108 1.1957042 1.4162192 1.1553023 1.1660696 1.1191369 1.0286381\n", + " 1.0253774 1.0813311 1.0741422 1.1656938 1.0802627 1.0450193 1.0534499\n", + " 1.0966341 1.0821055 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 4 10 3 5 14 15 8 11 9 13 12 6 7 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"mother charged : tyecka evans , 28 , has been charged with manslaughter in the death of her 3-month-old baby , which occurred while she was out clubbing with her sistertyecka shanta evans , a mother of two from ocala , was taken into custody tuesday after her youngest child , 3-month-old taliya richardson , was discovered unresponsive at home last thursday .toyana evans ( left ) , tyecka 's sister , could face charges for lying to police .\"]\n", + "=======================\n", + "['tyecka evans , 28 , charged with manslaughter in death of 3-month-old taliya richardsonevans initially lied that she fell asleep at home and woke up to discover her daughter with plastic bag over her faceflorida mother of two later admitted she went to a club with her sister , leaving three children home alone for nearly two hours']\n", + "mother charged : tyecka evans , 28 , has been charged with manslaughter in the death of her 3-month-old baby , which occurred while she was out clubbing with her sistertyecka shanta evans , a mother of two from ocala , was taken into custody tuesday after her youngest child , 3-month-old taliya richardson , was discovered unresponsive at home last thursday .toyana evans ( left ) , tyecka 's sister , could face charges for lying to police .\n", + "tyecka evans , 28 , charged with manslaughter in death of 3-month-old taliya richardsonevans initially lied that she fell asleep at home and woke up to discover her daughter with plastic bag over her faceflorida mother of two later admitted she went to a club with her sister , leaving three children home alone for nearly two hours\n", + "[1.450465 1.4289895 1.2040809 1.4908997 1.2899201 1.2901675 1.0126193\n", + " 1.0136614 1.0141535 1.0183091 1.0119905 1.0146729 1.011044 1.0139983\n", + " 1.0198531 1.009962 1.0099263 1.009166 1.0098655 1.0150908 1.0200016\n", + " 1.2299409 1.0797627 1.046916 1.0750124]\n", + "\n", + "[ 3 0 1 5 4 21 2 22 24 23 20 14 9 19 11 8 13 7 6 10 12 15 16 18\n", + " 17]\n", + "=======================\n", + "[\"jack wilshere played 90 minutes for arsenal 's under 21 side in tuesday night 's game with stoke citythe england midfielder completed 90 minutes in arsenal 's 4-1 win over stoke city as he stepped up his recovery from the ankle injury that has wrecked his season .wilshere injured his ankle during the loss to manchester united back in november\"]\n", + "=======================\n", + "[\"jack wilshere played full 90 minutes as arsenal under 21s beat stoke 4-1midfielder is targeting return after recovering from ankle injuryengland international has been on the sidelines since novemberhe believes he can play a part in arsenal 's season-defining gameswilshere is on manchester city 's summer shopping list\"]\n", + "jack wilshere played 90 minutes for arsenal 's under 21 side in tuesday night 's game with stoke citythe england midfielder completed 90 minutes in arsenal 's 4-1 win over stoke city as he stepped up his recovery from the ankle injury that has wrecked his season .wilshere injured his ankle during the loss to manchester united back in november\n", + "jack wilshere played full 90 minutes as arsenal under 21s beat stoke 4-1midfielder is targeting return after recovering from ankle injuryengland international has been on the sidelines since novemberhe believes he can play a part in arsenal 's season-defining gameswilshere is on manchester city 's summer shopping list\n", + "[1.2192525 1.322147 1.2092866 1.3304555 1.2804277 1.1277761 1.1548669\n", + " 1.1169333 1.0646379 1.0254616 1.0959404 1.0947723 1.0740758 1.0146512\n", + " 1.0286645 1.0260065 1.0471295 1.0124136 1.0117483 1.0179324 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 4 0 2 6 5 7 10 11 12 8 16 14 15 9 19 13 17 18 23 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"summer robertson , 21 , who died after drowning off the coast of south africa , where she had been helping youngsters in one of the country 's poorest townshipsmiss robertson 's parents sarah and john have been remembering their daughter who they described as a ` bubbly tomboy 'miss robertson was with three other british members of a team that had completed a 10-week charity adventure together with the latitude youth volunteering group , at a remote camping resort .\"]\n", + "=======================\n", + "['summer robertson , 21 , drowned after being overcome by strong wavesshe had been completing a 10-week volunteering course in south africafour months on , her parents sarah and john have paid tribute to herthey say they take great comfort knowing she died doing something she loved']\n", + "summer robertson , 21 , who died after drowning off the coast of south africa , where she had been helping youngsters in one of the country 's poorest townshipsmiss robertson 's parents sarah and john have been remembering their daughter who they described as a ` bubbly tomboy 'miss robertson was with three other british members of a team that had completed a 10-week charity adventure together with the latitude youth volunteering group , at a remote camping resort .\n", + "summer robertson , 21 , drowned after being overcome by strong wavesshe had been completing a 10-week volunteering course in south africafour months on , her parents sarah and john have paid tribute to herthey say they take great comfort knowing she died doing something she loved\n", + "[1.4912449 1.2975576 1.2115676 1.17709 1.103694 1.1251988 1.0953668\n", + " 1.049768 1.0432422 1.0340123 1.014049 1.020236 1.2738814 1.1785804\n", + " 1.0597802 1.2226928 0. 0. 0. ]\n", + "\n", + "[ 0 1 12 15 2 13 3 5 4 6 14 7 8 9 11 10 17 16 18]\n", + "=======================\n", + "[\"barcelona coach luis enrique is not concerned by neymar 's recent goal drought and is confident the brazil forward will soon return to top form as the catalans continue their bid to repeat 2009 's historic treble .after an impressive first half of the season , neymar has gone off the boil since the turn of the year and has not scored for the leaders in la liga since hitting the opener in a 5-0 win at home to levante on february 15 .luis enrique 's side are through to the last eight of the champions league to face paris st germain and will seek a record-extending 27th king 's cup triumph when they play athletic bilbao in the final on may 30 .\"]\n", + "=======================\n", + "[\"barcelona 's brazilian forward neymar has not scored since february 15however , luis enrique is not concerned by the frontman 's droughtbarcelona players trained on tuesday and remain on course for the trebleread : xavi still has vital role to play for barcelona , insists luis enriqueclick here for all the latest barcelona news\"]\n", + "barcelona coach luis enrique is not concerned by neymar 's recent goal drought and is confident the brazil forward will soon return to top form as the catalans continue their bid to repeat 2009 's historic treble .after an impressive first half of the season , neymar has gone off the boil since the turn of the year and has not scored for the leaders in la liga since hitting the opener in a 5-0 win at home to levante on february 15 .luis enrique 's side are through to the last eight of the champions league to face paris st germain and will seek a record-extending 27th king 's cup triumph when they play athletic bilbao in the final on may 30 .\n", + "barcelona 's brazilian forward neymar has not scored since february 15however , luis enrique is not concerned by the frontman 's droughtbarcelona players trained on tuesday and remain on course for the trebleread : xavi still has vital role to play for barcelona , insists luis enriqueclick here for all the latest barcelona news\n", + "[1.1151167 1.2588322 1.2577115 1.1895521 1.1707869 1.0880824 1.1590219\n", + " 1.1819897 1.1168797 1.1430371 1.1077893 1.0782961 1.1304499 1.1138325\n", + " 1.0505673 1.0579321 1.0924718 1.0906137 1.1249459]\n", + "\n", + "[ 1 2 3 7 4 6 9 12 18 8 0 13 10 16 17 5 11 15 14]\n", + "=======================\n", + "['surveillance video shows a sound transit link light rail carriage going along a straight trackway in south seattle , when all of a sudden a white sedan veers left into its path .the car gets rapidly rammed back until the train eventually reaches a standstill as a street light gets sent flying .despite the crunch , the driver of the car miraculously escapes uninjured .']\n", + "=======================\n", + "['surveillance video shows a sound transit link light rail carriage going along a straight trackway in south seattleall of a sudden a white sedan veers left into its pathluckily the driver survived and was taken to hospital with only minor injuriesthe incident occurred just after 11am on monday where the rail tracks intersect at 7150 martin luther king way south']\n", + "surveillance video shows a sound transit link light rail carriage going along a straight trackway in south seattle , when all of a sudden a white sedan veers left into its path .the car gets rapidly rammed back until the train eventually reaches a standstill as a street light gets sent flying .despite the crunch , the driver of the car miraculously escapes uninjured .\n", + "surveillance video shows a sound transit link light rail carriage going along a straight trackway in south seattleall of a sudden a white sedan veers left into its pathluckily the driver survived and was taken to hospital with only minor injuriesthe incident occurred just after 11am on monday where the rail tracks intersect at 7150 martin luther king way south\n", + "[1.1755447 1.1440917 1.0786477 1.0803356 1.107871 1.1170118 1.0391634\n", + " 1.0462877 1.1642227 1.0677621 1.1320794 1.0857176 1.0254222 1.0486596\n", + " 1.1422826 0. 0. 0. 0. ]\n", + "\n", + "[ 0 8 1 14 10 5 4 11 3 2 9 13 7 6 12 15 16 17 18]\n", + "=======================\n", + "['imminent arrival : the duchess of cambridge , pictured with prince georgeanmer is set to become their principal residence over the next few years as william focuses on family and his new flying career .they could have been any mother and child .']\n", + "=======================\n", + "['william and kate are turning anmer hall into a secluded fortress homecouple want informal , away-from-the-cameras upbringing for their childrenanmer is set to become their principal residence over the next few yearsroyal aides confirmed the cambridges will head to anmer after the birth']\n", + "imminent arrival : the duchess of cambridge , pictured with prince georgeanmer is set to become their principal residence over the next few years as william focuses on family and his new flying career .they could have been any mother and child .\n", + "william and kate are turning anmer hall into a secluded fortress homecouple want informal , away-from-the-cameras upbringing for their childrenanmer is set to become their principal residence over the next few yearsroyal aides confirmed the cambridges will head to anmer after the birth\n", + "[1.1505882 1.4847007 1.4538956 1.222827 1.4425902 1.0958816 1.040406\n", + " 1.0174208 1.0131018 1.1130319 1.1960961 1.0139165 1.0144322 1.0101327\n", + " 1.0711169 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 10 0 9 5 14 6 7 12 11 8 13 17 15 16 18]\n", + "=======================\n", + "[\"the top three nations in uefa 's rankings qualify for the europa league , with england currently sitting third and west ham topping the barclays premier league 's fair play table .west ham have little left to play for as they sit ninth ahead of saturday 's match with bottom-club leicester city at the king power stadium .west ham manager sam allardyce wants the club to qualify for europe next season through fair play\"]\n", + "=======================\n", + "['west ham are currently top of the fair play rankings in the premier leagueshould they finish there at the end of the season , they could qualify for the europa league next termsam allardyce is well aware of the benefits of being able to offer european football to players in the transfer marketallardyce led bolton wanderers to uefa cup qualification in 2005']\n", + "the top three nations in uefa 's rankings qualify for the europa league , with england currently sitting third and west ham topping the barclays premier league 's fair play table .west ham have little left to play for as they sit ninth ahead of saturday 's match with bottom-club leicester city at the king power stadium .west ham manager sam allardyce wants the club to qualify for europe next season through fair play\n", + "west ham are currently top of the fair play rankings in the premier leagueshould they finish there at the end of the season , they could qualify for the europa league next termsam allardyce is well aware of the benefits of being able to offer european football to players in the transfer marketallardyce led bolton wanderers to uefa cup qualification in 2005\n", + "[1.4082923 1.3762393 1.2132164 1.2557814 1.0967785 1.1040332 1.0748626\n", + " 1.085621 1.0669266 1.0943849 1.043465 1.099431 1.037492 1.0550201\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 5 11 4 9 7 6 8 13 10 12 17 14 15 16 18]\n", + "=======================\n", + "[\"( cnn ) the fbi has confirmed that one of its most wanted terrorists , the malaysian bomb maker known as marwan , was killed in an otherwise disastrous raid in the philippines in january .marwan , whose real name is zulkifli bin hir , was believed by the fbi to a member of southeast asian terror group jemaah islamiyah 's central command .but the fbi now says tests have confirmed that the dead man was the wanted islamic extremist .\"]\n", + "=======================\n", + "['a man killed in a raid in the philippines in january was a \" most wanted \" terrorist , the fbi saysmarwan was a malaysian believed to have provided support to islamist terror groups44 elite philippine commandos were killed in the raid on his hideout last month']\n", + "( cnn ) the fbi has confirmed that one of its most wanted terrorists , the malaysian bomb maker known as marwan , was killed in an otherwise disastrous raid in the philippines in january .marwan , whose real name is zulkifli bin hir , was believed by the fbi to a member of southeast asian terror group jemaah islamiyah 's central command .but the fbi now says tests have confirmed that the dead man was the wanted islamic extremist .\n", + "a man killed in a raid in the philippines in january was a \" most wanted \" terrorist , the fbi saysmarwan was a malaysian believed to have provided support to islamist terror groups44 elite philippine commandos were killed in the raid on his hideout last month\n", + "[1.2674652 1.5656251 1.2800012 1.2765126 1.1311328 1.1729261 1.0555016\n", + " 1.0171578 1.017614 1.03347 1.0992262 1.0512856 1.1049185 1.0498734\n", + " 1.107908 1.0104733 1.0081726 1.0087022 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 4 14 12 10 6 11 13 9 8 7 15 17 16 19 18 20]\n", + "=======================\n", + "['natalie prescott , 26 , was not expected to survive after she dived into a quarry in a dare-devil stunt which went horribly wrong .her family was warned she was unlikely to pull through and that if she did , she would almost certainly lose her legs .but after learning that a teenage boy tragically drowned in the same quarry on friday , natalie is campaigning to have the area closed off to the public .']\n", + "=======================\n", + "['natalie prescott , 26 , had to be flown to intensive care by air ambulanceshe plunged 40 feet off appley bridge quarry , near wiganteenager miracle godson , 13 , drowned in same area on fridaymum-of-three vows to have area closed after learning of drowning']\n", + "natalie prescott , 26 , was not expected to survive after she dived into a quarry in a dare-devil stunt which went horribly wrong .her family was warned she was unlikely to pull through and that if she did , she would almost certainly lose her legs .but after learning that a teenage boy tragically drowned in the same quarry on friday , natalie is campaigning to have the area closed off to the public .\n", + "natalie prescott , 26 , had to be flown to intensive care by air ambulanceshe plunged 40 feet off appley bridge quarry , near wiganteenager miracle godson , 13 , drowned in same area on fridaymum-of-three vows to have area closed after learning of drowning\n", + "[1.3783956 1.1508726 1.4509774 1.4576526 1.1935159 1.1387024 1.0562353\n", + " 1.0700396 1.0169454 1.0621974 1.0479494 1.0251031 1.020506 1.0142609\n", + " 1.0124061 1.0115004 1.0121534 1.0157299 1.0816808 1.1863704 1.1697118]\n", + "\n", + "[ 3 2 0 4 19 20 1 5 18 7 9 6 10 11 12 8 17 13 14 16 15]\n", + "=======================\n", + "[\"the former lib dem councillor , 50 , used the party 's offices in ashfield , nottinghamshire , to hold auditions for the sordid films .michelle gent directed and starred in violent films featuring whips , chains , swords and scantily clad women before selling the videos online .lib dem campaigner michelle gent used her party 's constituency headquarters for her bondage and porn film business\"]\n", + "=======================\n", + "[\"michelle gent , 50 , directed and starred in violent bondage and porn moviesformer lib dem councillor used local party hq to hold auditions for filmsher film 's titles include the exorcist chronicles and rise of the 4th reichviolent films feature women covered in fake blood using whips and knives\"]\n", + "the former lib dem councillor , 50 , used the party 's offices in ashfield , nottinghamshire , to hold auditions for the sordid films .michelle gent directed and starred in violent films featuring whips , chains , swords and scantily clad women before selling the videos online .lib dem campaigner michelle gent used her party 's constituency headquarters for her bondage and porn film business\n", + "michelle gent , 50 , directed and starred in violent bondage and porn moviesformer lib dem councillor used local party hq to hold auditions for filmsher film 's titles include the exorcist chronicles and rise of the 4th reichviolent films feature women covered in fake blood using whips and knives\n", + "[1.2345337 1.3472754 1.3044719 1.4672017 1.2989463 1.1308925 1.1394674\n", + " 1.1017848 1.0352423 1.0230649 1.0325773 1.0222176 1.0234941 1.0516504\n", + " 1.0797819 1.0583515 1.0218308 1.0113015 1.011653 1.0217639 0. ]\n", + "\n", + "[ 3 1 2 4 0 6 5 7 14 15 13 8 10 12 9 11 16 19 18 17 20]\n", + "=======================\n", + "['sherrell dillion from benefits street has been given a place in the top model of colour competition , however , her good news is marred by the fact that she is currently homelesshowever , the single mother-of-two , who was featured in the hit channel 4 series which saw her desperately searching for work , now says she is technically homeless .sherrell starred on benefits street alongside white dee and she says she feels happiness for her co-star']\n", + "=======================\n", + "['sherrell dillion starred on the hit tv series benefits streetas an aspiring model she has landed herself a place in a top competitionbut sherrell is still struggling as she has recently been made homelessthe mother-of-two was removed from her house due to mice']\n", + "sherrell dillion from benefits street has been given a place in the top model of colour competition , however , her good news is marred by the fact that she is currently homelesshowever , the single mother-of-two , who was featured in the hit channel 4 series which saw her desperately searching for work , now says she is technically homeless .sherrell starred on benefits street alongside white dee and she says she feels happiness for her co-star\n", + "sherrell dillion starred on the hit tv series benefits streetas an aspiring model she has landed herself a place in a top competitionbut sherrell is still struggling as she has recently been made homelessthe mother-of-two was removed from her house due to mice\n", + "[1.1280638 1.2258551 1.3209662 1.2331095 1.102821 1.233313 1.1534064\n", + " 1.050632 1.2064934 1.0736028 1.0332668 1.0364985 1.0338473 1.0356717\n", + " 1.032572 1.0372685 1.0313246 1.0363431 1.0162582 1.023156 0. ]\n", + "\n", + "[ 2 5 3 1 8 6 0 4 9 7 15 11 17 13 12 10 14 16 19 18 20]\n", + "=======================\n", + "['the action in this cookery programme takes place in the tiniest kitchen in the world , and demonstrates how to make perfectly formed miniature versions of classic foods .the miniature space videos are filmed in the bijou areaa tiny strawberry cake made with cut out bread , one strawberry and covered in frosting and coloured balls']\n", + "=======================\n", + "['japanese cookery programme miniature space is set in a a tiny kitchenvideos demonstrate how to make different foods in miniature formpetite kitchen equipped with mini spatula , tongs and knives']\n", + "the action in this cookery programme takes place in the tiniest kitchen in the world , and demonstrates how to make perfectly formed miniature versions of classic foods .the miniature space videos are filmed in the bijou areaa tiny strawberry cake made with cut out bread , one strawberry and covered in frosting and coloured balls\n", + "japanese cookery programme miniature space is set in a a tiny kitchenvideos demonstrate how to make different foods in miniature formpetite kitchen equipped with mini spatula , tongs and knives\n", + "[1.5526302 1.291374 1.4570041 1.3215394 1.0360107 1.2332884 1.0114183\n", + " 1.0217124 1.0137864 1.0257657 1.0901161 1.1109076 1.0562524 1.1256347\n", + " 1.132191 1.085787 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 5 14 13 11 10 15 12 4 9 7 8 6 19 16 17 18 20]\n", + "=======================\n", + "[\"holders sevilla will take on fiorentina for a place in this season 's europa league final .fiorentina overcame tottenham , roma and dynamo kiev en route to the last four and have home advantage for the second leg .retaining the title will see the spanish club win the competition for a record fourth time , although overcoming la viola will be a big ask .\"]\n", + "=======================\n", + "['europa league semi-final draw : napoli vs dnipro , sevilla vs fiorentinalast-four ties to be played on may 7 and may 14final takes place at national stadium in warsaw on may 27']\n", + "holders sevilla will take on fiorentina for a place in this season 's europa league final .fiorentina overcame tottenham , roma and dynamo kiev en route to the last four and have home advantage for the second leg .retaining the title will see the spanish club win the competition for a record fourth time , although overcoming la viola will be a big ask .\n", + "europa league semi-final draw : napoli vs dnipro , sevilla vs fiorentinalast-four ties to be played on may 7 and may 14final takes place at national stadium in warsaw on may 27\n", + "[1.5762169 1.291333 1.2162426 1.2138007 1.1882893 1.1879363 1.0327059\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 5 6 15 14 13 12 8 10 9 16 7 11 17]\n", + "=======================\n", + "[\"( hlntv ) actress alyssa milano had some angry tweets for heathrow airport authorities thursday morning after workers there allegedly confiscated breast milk she 'd pumped for her daughter while she was on a plane .according to the heathrow airport guidelines on its website regarding baby food and/or milk , the airport asks that travelers carry only what they need for the flight .a blogger mom apparently experienced a similar issue at the airport in 2011 when her pumped milk was also confiscated .\"]\n", + "=======================\n", + "['milano had pumped while on planetravelers are asked to carry only what they need']\n", + "( hlntv ) actress alyssa milano had some angry tweets for heathrow airport authorities thursday morning after workers there allegedly confiscated breast milk she 'd pumped for her daughter while she was on a plane .according to the heathrow airport guidelines on its website regarding baby food and/or milk , the airport asks that travelers carry only what they need for the flight .a blogger mom apparently experienced a similar issue at the airport in 2011 when her pumped milk was also confiscated .\n", + "milano had pumped while on planetravelers are asked to carry only what they need\n", + "[1.3064716 1.0605711 1.1086501 1.1480958 1.2827852 1.1311752 1.0680968\n", + " 1.081785 1.0841511 1.0683079 1.072397 1.0822265 1.0973364 1.0581656\n", + " 1.0269195 1.0480164 1.0221869 1.0219043]\n", + "\n", + "[ 0 4 3 5 2 12 8 11 7 10 9 6 1 13 15 14 16 17]\n", + "=======================\n", + "['( cnn ) so now the real trial is underway : what does the surviving boston marathon bomber , dzhokhar tsarnaev , deserve and why ?the killing was \" heinous , cruel and depraved . \"prosecutors have listed , as they must , the aggravating circumstances that make this horrific mass murderer deserve the harshest punishment .']\n", + "=======================\n", + "['robert blecker : in sentencing phase , the prosecution lays out wealth of evidence that dzhokhar tsarnaev deserves penalty reserved for the worst of the worsthe predicts most of the jury will vote for a death sentence , but it must be unanimous ; therefore , tsarnaev will most likely get life in prison']\n", + "( cnn ) so now the real trial is underway : what does the surviving boston marathon bomber , dzhokhar tsarnaev , deserve and why ?the killing was \" heinous , cruel and depraved . \"prosecutors have listed , as they must , the aggravating circumstances that make this horrific mass murderer deserve the harshest punishment .\n", + "robert blecker : in sentencing phase , the prosecution lays out wealth of evidence that dzhokhar tsarnaev deserves penalty reserved for the worst of the worsthe predicts most of the jury will vote for a death sentence , but it must be unanimous ; therefore , tsarnaev will most likely get life in prison\n", + "[1.3515129 1.3466233 1.2529936 1.2554998 1.1208653 1.040537 1.181928\n", + " 1.1722834 1.0146961 1.0251882 1.0120989 1.0192531 1.1632928 1.1414396\n", + " 1.0979743 1.0693872 1.0408428 0. ]\n", + "\n", + "[ 0 1 3 2 6 7 12 13 4 14 15 16 5 9 11 8 10 17]\n", + "=======================\n", + "[\"the brazilian man shot dead alongside australians andrew chan and myuran sukumaran in indonesia was a paranoid schizophrenic who did n't realise he was being executed until his last moments of life .rodrigo gularte , 42 , asked ` am i being executed ? 'the irish priest appointed to be gularte 's spiritual advisor in his final hours said he talked to gularte for an hour and a half late on tuesday night to prepare him for the executions , but the convicted drug trafficker was confused about his fate and complained about hearing voices .\"]\n", + "=======================\n", + "['brazilian national rodrigo gularte , 42 , was a paranoid schizophreniche did not understand he was being executed until his final momentsgularte was shot by a firing squad alongside australians andrew chan and myuran sukumaran and five other death row inmatesgularte spent seven of his 11 years in prison on nusakambanganhe was arrested in 2004 for attempting to smuggle six kilograms of cocaine into indonesia hidden inside a surfboard']\n", + "the brazilian man shot dead alongside australians andrew chan and myuran sukumaran in indonesia was a paranoid schizophrenic who did n't realise he was being executed until his last moments of life .rodrigo gularte , 42 , asked ` am i being executed ? 'the irish priest appointed to be gularte 's spiritual advisor in his final hours said he talked to gularte for an hour and a half late on tuesday night to prepare him for the executions , but the convicted drug trafficker was confused about his fate and complained about hearing voices .\n", + "brazilian national rodrigo gularte , 42 , was a paranoid schizophreniche did not understand he was being executed until his final momentsgularte was shot by a firing squad alongside australians andrew chan and myuran sukumaran and five other death row inmatesgularte spent seven of his 11 years in prison on nusakambanganhe was arrested in 2004 for attempting to smuggle six kilograms of cocaine into indonesia hidden inside a surfboard\n", + "[1.1192632 1.4319234 1.2968426 1.3070387 1.1629632 1.0445052 1.125373\n", + " 1.056752 1.1337992 1.1154933 1.0556113 1.0596123 1.0363635 1.0209684\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 8 6 0 9 11 7 10 5 12 13 16 14 15 17]\n", + "=======================\n", + "[\"that 's because they 're constructing a mountain road thousands of feet above the ground in pingjiang county , hunan province .with no ropes or safety harnesses , and only hard hats to protect them if they fall , these men spend their days hauling heavy planks and wheelbarrows full of cement over a rickety wooden walkway .chinese officials hope that the road will draw thousands more tourists to the area , as they flock to walk along the scenic route .\"]\n", + "=======================\n", + "['workers carry heavy planks and wheelbarrows full of concrete across wooden walkway thousands of feet in the airmen , who are just one step from death , have no ropes or safety harnesses and only hard hats to cushion their fallofficials in pingjiang county , hunan province , hope the path will attract thousands of tourists when it is complete']\n", + "that 's because they 're constructing a mountain road thousands of feet above the ground in pingjiang county , hunan province .with no ropes or safety harnesses , and only hard hats to protect them if they fall , these men spend their days hauling heavy planks and wheelbarrows full of cement over a rickety wooden walkway .chinese officials hope that the road will draw thousands more tourists to the area , as they flock to walk along the scenic route .\n", + "workers carry heavy planks and wheelbarrows full of concrete across wooden walkway thousands of feet in the airmen , who are just one step from death , have no ropes or safety harnesses and only hard hats to cushion their fallofficials in pingjiang county , hunan province , hope the path will attract thousands of tourists when it is complete\n", + "[1.0466125 1.040051 1.0474985 1.106377 1.2293702 1.5586934 1.1996661\n", + " 1.1006585 1.1436279 1.0903655 1.0387473 1.0900416 1.0608293 1.1874475\n", + " 1.0639753 1.0388149 1.1173582 1.0917218]\n", + "\n", + "[ 5 4 6 13 8 16 3 7 17 9 11 14 12 2 0 1 15 10]\n", + "=======================\n", + "[\"juan cuardrado arrived at chelsea for # 23m from fiorentina but has failed to impress at stamford bridgehere , sportsmail looks at five winter-window arrivals who have disappointed for their new employers ...for a fee in the region of # 23m and arriving from fiorentina with a reputation bloated by his impressive performance for colombia at last summer 's world cup , cuadrado was expected to help fire chelsea towards the premier league and champions league crowns .\"]\n", + "=======================\n", + "[\"several january signings have failed to impress in the premier leaguechelsea winger juan cuardrado has barely played since fiorentina movewilfried bony has scored one goal after leaving swansea for man cityqpr tried to send mauro zarate back to west ham before he floppedcallum mcmanaman has failed to show his wigan form at west brombenfica 's filip djuricic has struggled with injuries at southampton\"]\n", + "juan cuardrado arrived at chelsea for # 23m from fiorentina but has failed to impress at stamford bridgehere , sportsmail looks at five winter-window arrivals who have disappointed for their new employers ...for a fee in the region of # 23m and arriving from fiorentina with a reputation bloated by his impressive performance for colombia at last summer 's world cup , cuadrado was expected to help fire chelsea towards the premier league and champions league crowns .\n", + "several january signings have failed to impress in the premier leaguechelsea winger juan cuardrado has barely played since fiorentina movewilfried bony has scored one goal after leaving swansea for man cityqpr tried to send mauro zarate back to west ham before he floppedcallum mcmanaman has failed to show his wigan form at west brombenfica 's filip djuricic has struggled with injuries at southampton\n", + "[1.3147557 1.1287754 1.2097291 1.1276038 1.0985698 1.0889347 1.0994391\n", + " 1.0675712 1.0555512 1.0438834 1.0368631 1.0434368 1.0294482 1.0425822\n", + " 1.0724658 1.0482492 1.0580237 1.0546718 1.048248 1.0449067 1.0379423\n", + " 1.0457224 1.0465367 1.0481538 1.033738 1.0734584 1.0454967 1.062199\n", + " 1.0433419]\n", + "\n", + "[ 0 2 1 3 6 4 5 25 14 7 27 16 8 17 15 18 23 22 21 26 19 9 11 28\n", + " 13 20 10 24 12]\n", + "=======================\n", + "[\"russian president vladimir putin said russia has key interests in common with the united states and needs to work with it on a common agendain his comments to the state-run rossiya channel , putinwestern powers , have soured over the conflict in russia 's\"]\n", + "=======================\n", + "[\"putin said on saturday that the countries need to work on common agendahe said us and russia are working towards same efforts of making the world order more democraticputin 's latest remarks come two days after saying us wanted ` not allies , but vassals '\"]\n", + "russian president vladimir putin said russia has key interests in common with the united states and needs to work with it on a common agendain his comments to the state-run rossiya channel , putinwestern powers , have soured over the conflict in russia 's\n", + "putin said on saturday that the countries need to work on common agendahe said us and russia are working towards same efforts of making the world order more democraticputin 's latest remarks come two days after saying us wanted ` not allies , but vassals '\n", + "[1.3604583 1.1540937 1.4610984 1.3903869 1.190302 1.1484257 1.0729723\n", + " 1.0488008 1.0373814 1.093758 1.0813398 1.0678201 1.0464598 1.0629278\n", + " 1.0875204 1.0324945 1.1911651 1.0509298 1.01841 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 3 0 16 4 1 5 9 14 10 6 11 13 17 7 12 8 15 18 19 20 21 22 23\n", + " 24 25 26 27 28]\n", + "=======================\n", + "[\"shaquille omar hallisey 's attack in cardiff was described by a judge as ' a savage demonstration of violence in a public place ' .the 20-year-old 's victim matthew leeke , 38 , had been out with friends and was making his way home alone when the assault took place .a judge at cardiff crown court ( pictured ) jailed hallisey for four years after he admitted to wounding with intent to cause grievous bodily harm\"]\n", + "=======================\n", + "[\"shaquille omar hallisey attacked matthew leeke in queen street , cardiffthe 20-year-old 's victim was walking home when the assault took placehe pleaded guilty to wounding with intent to cause grievous bodily harmjudge describes attack in june 2014 as ` savage demonstration of violence '\"]\n", + "shaquille omar hallisey 's attack in cardiff was described by a judge as ' a savage demonstration of violence in a public place ' .the 20-year-old 's victim matthew leeke , 38 , had been out with friends and was making his way home alone when the assault took place .a judge at cardiff crown court ( pictured ) jailed hallisey for four years after he admitted to wounding with intent to cause grievous bodily harm\n", + "shaquille omar hallisey attacked matthew leeke in queen street , cardiffthe 20-year-old 's victim was walking home when the assault took placehe pleaded guilty to wounding with intent to cause grievous bodily harmjudge describes attack in june 2014 as ` savage demonstration of violence '\n", + "[1.4304551 1.3412471 1.3610461 1.165392 1.0777812 1.1353629 1.1135547\n", + " 1.1124227 1.0992413 1.1727022 1.1669255 1.1076684 1.1512723 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 9 10 3 12 5 6 7 11 8 4 21 26 25 24 23 22 20 14 18 17 16\n", + " 15 27 13 19 28]\n", + "=======================\n", + "[\"werder bremen edged past bottom club hamburg sv 1-0 courtesy of an 84th-minute penalty by franco di santo that kept them in the running for a europa league spot .argentine di santo converted his spot-kick for his 13th goal of the season after hamburg 's valon behrami had brought down zlatko junuzovic and was sent off as new hamburg coach bruno labbadia made a losing return to their bench .second-placed vfl wolfsburg , on 60 points , will look to cut bayern munich 's lead back to 10 points when they take on schalke 04 later on sunday .\"]\n", + "=======================\n", + "['werder bremen defeated hamburg sv 1-0 in the bundesliga on sundaybruno labbadia has returned as coach to save hamburg from relegationwolfsburg meet schalke 04 in the later game on sunday']\n", + "werder bremen edged past bottom club hamburg sv 1-0 courtesy of an 84th-minute penalty by franco di santo that kept them in the running for a europa league spot .argentine di santo converted his spot-kick for his 13th goal of the season after hamburg 's valon behrami had brought down zlatko junuzovic and was sent off as new hamburg coach bruno labbadia made a losing return to their bench .second-placed vfl wolfsburg , on 60 points , will look to cut bayern munich 's lead back to 10 points when they take on schalke 04 later on sunday .\n", + "werder bremen defeated hamburg sv 1-0 in the bundesliga on sundaybruno labbadia has returned as coach to save hamburg from relegationwolfsburg meet schalke 04 in the later game on sunday\n", + "[1.1134688 1.4421403 1.1570655 1.1499608 1.2009438 1.1923934 1.1954089\n", + " 1.0928646 1.0959153 1.0859286 1.0303115 1.0773536 1.0576894 1.0310868\n", + " 1.1448365 1.0795842 1.0145113 1.0133747 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 6 5 2 3 14 0 8 7 9 15 11 12 13 10 16 17 26 25 24 23 18 21\n", + " 20 19 27 22 28]\n", + "=======================\n", + "[\"that 's according to a study that found almost 30 million health records nationwide were involved in criminal theft , malicious hacking or other data breaches over four years .most involved electronic data and theft , including stolen laptops and computer thumb drives .the study did n't examine motives behind criminal breaches , or how stolen data might have been used , but cyber-security experts say thieves may try to use patients ' personal information to fraudulently obtain medical services .\"]\n", + "=======================\n", + "[\"a study published in tuesday 's journal of the american medical association revealed the figuresalmost 30 million health records nationwide were involved in criminal theft , malicious hacking or other data breaches over four yearscompromised information included patients ' names , home addresses , ages , illnesses , test results or social security numbersmost involved electronic data and theft , including stolen laptops and computer thumb drivescyber-security experts say thieves may try to use patients ' personal information to fraudulently obtain medical services\"]\n", + "that 's according to a study that found almost 30 million health records nationwide were involved in criminal theft , malicious hacking or other data breaches over four years .most involved electronic data and theft , including stolen laptops and computer thumb drives .the study did n't examine motives behind criminal breaches , or how stolen data might have been used , but cyber-security experts say thieves may try to use patients ' personal information to fraudulently obtain medical services .\n", + "a study published in tuesday 's journal of the american medical association revealed the figuresalmost 30 million health records nationwide were involved in criminal theft , malicious hacking or other data breaches over four yearscompromised information included patients ' names , home addresses , ages , illnesses , test results or social security numbersmost involved electronic data and theft , including stolen laptops and computer thumb drivescyber-security experts say thieves may try to use patients ' personal information to fraudulently obtain medical services\n", + "[1.2822558 1.5243518 1.1747988 1.251892 1.2307523 1.0342871 1.1768739\n", + " 1.1564213 1.019426 1.0178106 1.0221668 1.0150474 1.161333 1.0596697\n", + " 1.0528797 1.0973363 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 4 6 2 12 7 15 13 14 5 10 8 9 11 26 25 24 23 22 19 20 18\n", + " 17 16 27 21 28]\n", + "=======================\n", + "[\"one utah national guard officer was sacked and three other soldiers have been disciplined for their involvement with hot shots 2015 , where military vehicles became props for the group 's risque calendar and ` behind-the-scenes ' video .an investigator has blamed sexism , including pornography sold at base stores , for the attitudes that led to army members joining british bikini models for a photo shoot .cover up : the army times saw emails where members of the 19th special forces talked about removing references to their involvement and blamed ` uptight mormons ' for outrage of their time with the models '\"]\n", + "=======================\n", + "[\"investigator recommends removing pornography from army base storessaid soldiers did n't realize salacious shoot not ` in harmony with our values 'utah national guard officer sacked after allowing risqué video to be shotemails from within 19th special forces unit show attempts to remove references to their involvement with hot shots bikini modelsscantily clad women used army tank , helicopter and truck as propsafter video made public , soldiers blamed ` uptight mormons ' for outrage\"]\n", + "one utah national guard officer was sacked and three other soldiers have been disciplined for their involvement with hot shots 2015 , where military vehicles became props for the group 's risque calendar and ` behind-the-scenes ' video .an investigator has blamed sexism , including pornography sold at base stores , for the attitudes that led to army members joining british bikini models for a photo shoot .cover up : the army times saw emails where members of the 19th special forces talked about removing references to their involvement and blamed ` uptight mormons ' for outrage of their time with the models '\n", + "investigator recommends removing pornography from army base storessaid soldiers did n't realize salacious shoot not ` in harmony with our values 'utah national guard officer sacked after allowing risqué video to be shotemails from within 19th special forces unit show attempts to remove references to their involvement with hot shots bikini modelsscantily clad women used army tank , helicopter and truck as propsafter video made public , soldiers blamed ` uptight mormons ' for outrage\n", + "[1.0567856 1.3554475 1.3975271 1.1579942 1.3516697 1.1530728 1.0808884\n", + " 1.05058 1.0639101 1.0697054 1.0461842 1.0702943 1.1121936 1.0710471\n", + " 1.0274744 1.0185207 1.0386057 1.0616792 1.1284341 1.1645281]\n", + "\n", + "[ 2 1 4 19 3 5 18 12 6 13 11 9 8 17 0 7 10 16 14 15]\n", + "=======================\n", + "[\"james was at practice with his cleveland cavalier teammates on saturday at the td garden in boston before their game against the celtics on sunday afternoon .lebron james has been able to do just about anything he wants during his team 's first three playoff games this season and that has apparently carried over to practice as well .lebron james hit a one-handed shot , which traveled almost the full length of the 94-foot court , on saturday\"]\n", + "=======================\n", + "[\"james was practicing at td garden in boston , massachusetts , on saturdayhe made the shot by effortlessly flicking basketball at hoop 94 feet awayjust before the shot hit nothing but net , james said : ` give me my money ! 'dwight howard of houston rockets issued a response video later in daycleveland cavaliers are playing nba playoff game vs celtics on sunday\"]\n", + "james was at practice with his cleveland cavalier teammates on saturday at the td garden in boston before their game against the celtics on sunday afternoon .lebron james has been able to do just about anything he wants during his team 's first three playoff games this season and that has apparently carried over to practice as well .lebron james hit a one-handed shot , which traveled almost the full length of the 94-foot court , on saturday\n", + "james was practicing at td garden in boston , massachusetts , on saturdayhe made the shot by effortlessly flicking basketball at hoop 94 feet awayjust before the shot hit nothing but net , james said : ` give me my money ! 'dwight howard of houston rockets issued a response video later in daycleveland cavaliers are playing nba playoff game vs celtics on sunday\n", + "[1.2709085 1.4431416 1.2019857 1.2911302 1.2615256 1.2176481 1.1182839\n", + " 1.0458403 1.0510212 1.0539922 1.0410944 1.0775335 1.051603 1.074608\n", + " 1.1295959 1.0899503 1.0842637 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 5 2 14 6 15 16 11 13 9 12 8 7 10 18 17 19]\n", + "=======================\n", + "[\"van gaal and mourinho come face-to-face on saturday when the former 's manchester united travel to premier league leaders chelsea .louis van gaal 's ( right ) greatest achievement in football is the making of jose mourinho , feels gary nevillemourinho ( left ) and van gaal will come face to face again when chelsea host manchester united on saturday\"]\n", + "=======================\n", + "['chelsea entertain manchester united in the premier league on saturdaychelsea boss jose mourinho and united manager louis van gaal are palspair enjoyed a successful relationship together at barcelona in the 1990smourinho has since won trophies in portugal , england , italy and spain']\n", + "van gaal and mourinho come face-to-face on saturday when the former 's manchester united travel to premier league leaders chelsea .louis van gaal 's ( right ) greatest achievement in football is the making of jose mourinho , feels gary nevillemourinho ( left ) and van gaal will come face to face again when chelsea host manchester united on saturday\n", + "chelsea entertain manchester united in the premier league on saturdaychelsea boss jose mourinho and united manager louis van gaal are palspair enjoyed a successful relationship together at barcelona in the 1990smourinho has since won trophies in portugal , england , italy and spain\n", + "[1.250888 1.5495005 1.1873991 1.2118025 1.2071583 1.402334 1.1015049\n", + " 1.0635974 1.0794175 1.0479958 1.0461187 1.0586876 1.0507743 1.0488453\n", + " 1.1022921 1.0435951 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 0 3 4 2 14 6 8 7 11 12 13 9 10 15 18 16 17 19]\n", + "=======================\n", + "[\"steven mathieson , 38 , stabbed prostitute luciana maurer dozens of times in a frenzied and unprovoked attack at his home falkirk , stirlingshire last december .his young son was asleep in the bedroom next door while he carried out the horrific crimes .mathieson , who has previously been described as of ` impeccable character ' , pleaded guilty to murder and rape at the high court in glasgow today and now faces life in prison .\"]\n", + "=======================\n", + "['steven mathieson , 38 , stabbed 23-year-old escort luciana maurer 44 timesas she lay dead on the floor , he raped two other prostitutes at family homecrimes occurred while his partner was out and son was asleep in bedroommathieson , who was high on cocaine at the time , now faces life in prison']\n", + "steven mathieson , 38 , stabbed prostitute luciana maurer dozens of times in a frenzied and unprovoked attack at his home falkirk , stirlingshire last december .his young son was asleep in the bedroom next door while he carried out the horrific crimes .mathieson , who has previously been described as of ` impeccable character ' , pleaded guilty to murder and rape at the high court in glasgow today and now faces life in prison .\n", + "steven mathieson , 38 , stabbed 23-year-old escort luciana maurer 44 timesas she lay dead on the floor , he raped two other prostitutes at family homecrimes occurred while his partner was out and son was asleep in bedroommathieson , who was high on cocaine at the time , now faces life in prison\n", + "[1.307717 1.2419193 1.3537922 1.2079233 1.3477039 1.2040141 1.0599159\n", + " 1.0375615 1.0254298 1.1164515 1.0257447 1.1037347 1.0148934 1.0258975\n", + " 1.0271691 1.0228356 1.0977603 1.0168507 1.0192075 0. ]\n", + "\n", + "[ 2 4 0 1 3 5 9 11 16 6 7 14 13 10 8 15 18 17 12 19]\n", + "=======================\n", + "['this enabled affleck to hide the identity of his ancestor , named today by the sun as james mcguire , who kept eight slaves on his farm in trenton in new jersey in the 1840s .ben affleck has apologized after he demanded information about a slave-owning relative be withheld from a pbs show about his ancestryafter appearing on finding your roots and learning one of his ancestors was a slave owner , affleck pushed the network to leave that information out of the program it was first revealed by dailymail.com , a request the producers ultimately agreed to .']\n", + "=======================\n", + "[\"ben affleck has apologized after he demanded information about a slave-owning relative be withheld from a pbs show about his ancestryas dailymail.com first revealed , producers agreed to the actor 's demand and cut the segment from the programi did n't want any television show about my family to include a guy who owned slaves .pbs has launched an internal investigation into whether or not finding your roots violated their editorial standards by allowing this request\"]\n", + "this enabled affleck to hide the identity of his ancestor , named today by the sun as james mcguire , who kept eight slaves on his farm in trenton in new jersey in the 1840s .ben affleck has apologized after he demanded information about a slave-owning relative be withheld from a pbs show about his ancestryafter appearing on finding your roots and learning one of his ancestors was a slave owner , affleck pushed the network to leave that information out of the program it was first revealed by dailymail.com , a request the producers ultimately agreed to .\n", + "ben affleck has apologized after he demanded information about a slave-owning relative be withheld from a pbs show about his ancestryas dailymail.com first revealed , producers agreed to the actor 's demand and cut the segment from the programi did n't want any television show about my family to include a guy who owned slaves .pbs has launched an internal investigation into whether or not finding your roots violated their editorial standards by allowing this request\n", + "[1.2734374 1.485684 1.1598083 1.0890589 1.4113724 1.1217544 1.0409778\n", + " 1.1318882 1.0582105 1.0329306 1.0385997 1.0786475 1.0756686 1.075494\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 2 7 5 3 11 12 13 8 6 10 9 14 15 16 17 18 19]\n", + "=======================\n", + "[\"the loose women panellist said she was ` hounded on twitter ' after airing her views on the itv show in a discussion about overweight teenagers , and now insists she was only referring to people larger than a size 20 .jamelia has today responded to the furious backlash she is facing after saying that obese women ` should feel uncomfortable ' about their unhealthy size , and that high street stores should not be catering for them .` of course i do n't think we should ban plus-size clothes from shops , ' the 34-year-old mother-of-two said on loose women this afternoon . '\"]\n", + "=======================\n", + "[\"the 34-year-old singer made the initial comments on loose womenargued that ` unhealthy lifestyles ' should not be ` facilitated 'star faced bitter twitter backlash , then appeared on good morning britainback on loose women this afternoon , she clarified her viewsjanet street porter and her other co-stars leapt to her defence\"]\n", + "the loose women panellist said she was ` hounded on twitter ' after airing her views on the itv show in a discussion about overweight teenagers , and now insists she was only referring to people larger than a size 20 .jamelia has today responded to the furious backlash she is facing after saying that obese women ` should feel uncomfortable ' about their unhealthy size , and that high street stores should not be catering for them .` of course i do n't think we should ban plus-size clothes from shops , ' the 34-year-old mother-of-two said on loose women this afternoon . '\n", + "the 34-year-old singer made the initial comments on loose womenargued that ` unhealthy lifestyles ' should not be ` facilitated 'star faced bitter twitter backlash , then appeared on good morning britainback on loose women this afternoon , she clarified her viewsjanet street porter and her other co-stars leapt to her defence\n", + "[1.2121733 1.3847636 1.3196932 1.179319 1.2941062 1.1533056 1.1142622\n", + " 1.0771343 1.1064999 1.0972788 1.029917 1.0371891 1.0338342 1.0329937\n", + " 1.029452 1.0251379 1.0259184 1.02456 1.0227958 1.1565821 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 4 0 3 19 5 6 8 9 7 11 12 13 10 14 16 15 17 18 20 21]\n", + "=======================\n", + "[\"volcano calbuco , which has laid dormant for more than 40 years , suddenly erupted on wednesday causing a thick plume of ash to cloud the sky while thousands of people living in its shadow were forced to flee the ` apocalypse-like ' event .hundreds filmed the eruption , near the southern port city of puerto montt , chile , and its deadly ash cloud which caused all nearby flights to be grounded for safety .mysterious white lights have been spotted hovering near chile 's erupting calbuco volcano on wednesday\"]\n", + "=======================\n", + "[\"calbuco volcano in southern chile - which has been dormant for 40 years - erupted without warning on wednesdaya second terrifying eruption yesterday has now forced over 4,000 to flee in aftermath of the ` apocalypse-like ' eventfootage of the eruption has revealed a strange pair of white lights floating perilously close to the ash cloud\"]\n", + "volcano calbuco , which has laid dormant for more than 40 years , suddenly erupted on wednesday causing a thick plume of ash to cloud the sky while thousands of people living in its shadow were forced to flee the ` apocalypse-like ' event .hundreds filmed the eruption , near the southern port city of puerto montt , chile , and its deadly ash cloud which caused all nearby flights to be grounded for safety .mysterious white lights have been spotted hovering near chile 's erupting calbuco volcano on wednesday\n", + "calbuco volcano in southern chile - which has been dormant for 40 years - erupted without warning on wednesdaya second terrifying eruption yesterday has now forced over 4,000 to flee in aftermath of the ` apocalypse-like ' eventfootage of the eruption has revealed a strange pair of white lights floating perilously close to the ash cloud\n", + "[1.3621485 1.4387137 1.25918 1.4099145 1.2393421 1.1327375 1.0482597\n", + " 1.056024 1.1258618 1.116988 1.1753031 1.0573099 1.052052 1.0346287\n", + " 1.0267998 1.0556141 1.0194278 1.0447431 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 2 4 10 5 8 9 11 7 15 12 6 17 13 14 16 20 18 19 21]\n", + "=======================\n", + "[\"the spain international limped off just 11 minutes after coming on as a substitute in chelsea 's 2-1 win over stoke on saturday .diego costa is unlikely to miss the entirety of chelsea 's title run-in and could return within two weeksdiego costa has identified chelsea 's crunch clash against arsenal for his latest hamstring injury comeback .\"]\n", + "=======================\n", + "['injured chelsea striker diego costa is expected to be out for two weekshe could return in time to face arsenal in the premier league run-inspain striker limped off just 11 minutes into appearance against stoke city']\n", + "the spain international limped off just 11 minutes after coming on as a substitute in chelsea 's 2-1 win over stoke on saturday .diego costa is unlikely to miss the entirety of chelsea 's title run-in and could return within two weeksdiego costa has identified chelsea 's crunch clash against arsenal for his latest hamstring injury comeback .\n", + "injured chelsea striker diego costa is expected to be out for two weekshe could return in time to face arsenal in the premier league run-inspain striker limped off just 11 minutes into appearance against stoke city\n", + "[1.213049 1.3713833 1.2826939 1.3595412 1.1479572 1.1709784 1.1033962\n", + " 1.1006484 1.0332327 1.0708252 1.0612866 1.1411288 1.1465778 1.0316741\n", + " 1.0157539 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 5 4 12 11 6 7 9 10 8 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the south african , whose announcement as jon stewart 's replacement surprized many last month , was spotted taking in a baseball game in new york on monday along with jerry seinfeld , larry david and broadway star matthew broadrick .the quartet were all present at citi field in queens to watch the game between the new york mets and the philadelphia phillies .trevor noah does n't take over as daily show host until later this year , but he 's already ingratiating himself with american comedy royalty .\"]\n", + "=======================\n", + "[\"the south african comedian , whose announcement as jon stewart 's replacement surprized many , was spotted at citi field on mondayhe was spotted enjoying the mets taking on the philadelphia phillies in the company of jerry seinfeld , larry david and matthew broadricknoah 's very public appearance with new york jewish comedy royalty comes not long after he was accused of anti-semitismhe and seinfeld were also photographed filming a segment for seinfeld 's acclaimed comedians in cars getting coffee online series\"]\n", + "the south african , whose announcement as jon stewart 's replacement surprized many last month , was spotted taking in a baseball game in new york on monday along with jerry seinfeld , larry david and broadway star matthew broadrick .the quartet were all present at citi field in queens to watch the game between the new york mets and the philadelphia phillies .trevor noah does n't take over as daily show host until later this year , but he 's already ingratiating himself with american comedy royalty .\n", + "the south african comedian , whose announcement as jon stewart 's replacement surprized many , was spotted at citi field on mondayhe was spotted enjoying the mets taking on the philadelphia phillies in the company of jerry seinfeld , larry david and matthew broadricknoah 's very public appearance with new york jewish comedy royalty comes not long after he was accused of anti-semitismhe and seinfeld were also photographed filming a segment for seinfeld 's acclaimed comedians in cars getting coffee online series\n", + "[1.3368053 1.4536977 1.1973135 1.1712388 1.2248502 1.1491293 1.0749861\n", + " 1.1109146 1.0739238 1.030615 1.0692343 1.031179 1.0256854 1.0769756\n", + " 1.0607857 1.0412774 1.0390977 1.0429285 1.028032 1.0212408 1.0294323\n", + " 1.0567762]\n", + "\n", + "[ 1 0 4 2 3 5 7 13 6 8 10 14 21 17 15 16 11 9 20 18 12 19]\n", + "=======================\n", + "[\"boardwine 's friend , joyce bruce , had used his sperm and a turkey baster to get pregnant .( cnn ) robert boardwine 's path to fatherhood was unconventional , but virginia 's appeals court said tuesday he is legally entitled to be a part of his son 's life .the court of appeals of virginia decided differently in weighing the commonwealth 's assisted conception statute and denying bruce 's appeal to deny boardwine visitation .\"]\n", + "=======================\n", + "[\"in july 2010 , joyce bruce got pregnant in an unusual way -- with repeated attempts using a turkey basterthe man who gave her his sperm wanted to have a role in his son 's lifethey ended up in court , and he has won joint custody and visitation rights\"]\n", + "boardwine 's friend , joyce bruce , had used his sperm and a turkey baster to get pregnant .( cnn ) robert boardwine 's path to fatherhood was unconventional , but virginia 's appeals court said tuesday he is legally entitled to be a part of his son 's life .the court of appeals of virginia decided differently in weighing the commonwealth 's assisted conception statute and denying bruce 's appeal to deny boardwine visitation .\n", + "in july 2010 , joyce bruce got pregnant in an unusual way -- with repeated attempts using a turkey basterthe man who gave her his sperm wanted to have a role in his son 's lifethey ended up in court , and he has won joint custody and visitation rights\n", + "[1.3639303 1.2829207 1.1279411 1.1158115 1.153905 1.3628409 1.1199288\n", + " 1.0674543 1.0734459 1.0518582 1.0258288 1.0524577 1.0393021 1.0515332\n", + " 1.0180342 1.0588955 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 5 1 4 2 6 3 8 7 15 11 9 13 12 10 14 20 16 17 18 19 21]\n", + "=======================\n", + "[\"since it was revealed that andreas lubitz -- the co-pilot who purposefully crashed germanwings flight 9525 , killing 150 people -- had been treated for psychiatric illness , a debate has ensued over whether privacy laws regarding medical records should be less strict when it comes to professions that carry special responsibilities .it has been widely argued that germany 's privacy laws were to blame for the tragedy .while dirk fischer , german lawmaker and the transport spokesman for the christian democratic union ( cdu ) , called for airlines to have mandatory access to pilots ' medical records , frank ulrich montgomery , president of the german medical association ( bäk ) , disagreed .\"]\n", + "=======================\n", + "[\"andreas lubitz crashed germanwings flight 9525 into the french alps , killing himself as well as the other 149 people on board the flightit has since emerged lubitz had been treated for psychiatric illnessnews has triggered a debate over whether airlines should have mandatory access to all pilots ' medical records , to try and prevent a similar tragedycarissa veliz is a philosophy graduate from oxford university and is writing her dissertation on the subject of privacy\"]\n", + "since it was revealed that andreas lubitz -- the co-pilot who purposefully crashed germanwings flight 9525 , killing 150 people -- had been treated for psychiatric illness , a debate has ensued over whether privacy laws regarding medical records should be less strict when it comes to professions that carry special responsibilities .it has been widely argued that germany 's privacy laws were to blame for the tragedy .while dirk fischer , german lawmaker and the transport spokesman for the christian democratic union ( cdu ) , called for airlines to have mandatory access to pilots ' medical records , frank ulrich montgomery , president of the german medical association ( bäk ) , disagreed .\n", + "andreas lubitz crashed germanwings flight 9525 into the french alps , killing himself as well as the other 149 people on board the flightit has since emerged lubitz had been treated for psychiatric illnessnews has triggered a debate over whether airlines should have mandatory access to all pilots ' medical records , to try and prevent a similar tragedycarissa veliz is a philosophy graduate from oxford university and is writing her dissertation on the subject of privacy\n", + "[1.3837467 1.3371418 1.2116206 1.1852939 1.0492206 1.1638114 1.146979\n", + " 1.094622 1.1401678 1.0691502 1.1182822 1.0376996 1.0179902 1.0538728\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 5 6 8 10 7 9 13 4 11 12 14 15 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "['eight guards at nauru detention centre have been suspended after they posted anti-islamic messages on social media and were pictured with pauline hanson at a recent reclaim australia rally .detention centre operator transfield services said the employees -- who are part of nauru \\'s emergency response team - were found to be contravening a company policy that they display ` cultural sensitivity \\' .a former staffer at transfield subcontractor wilson security said the guards -- seven of whom are former australian defence personnel - ` frequently referred to asylum seekers in their care as \" the enemy \" \\' , the guardian australia reported .']\n", + "=======================\n", + "[\"eight guards at nauru detention centre have been suspendedthey posted ` anti-islamic ' messages on social media and were pictured with pauline hanson at a recent reclaim australia rallythe men contravened a policy that they display ` cultural sensitivity '\"]\n", + "eight guards at nauru detention centre have been suspended after they posted anti-islamic messages on social media and were pictured with pauline hanson at a recent reclaim australia rally .detention centre operator transfield services said the employees -- who are part of nauru 's emergency response team - were found to be contravening a company policy that they display ` cultural sensitivity ' .a former staffer at transfield subcontractor wilson security said the guards -- seven of whom are former australian defence personnel - ` frequently referred to asylum seekers in their care as \" the enemy \" ' , the guardian australia reported .\n", + "eight guards at nauru detention centre have been suspendedthey posted ` anti-islamic ' messages on social media and were pictured with pauline hanson at a recent reclaim australia rallythe men contravened a policy that they display ` cultural sensitivity '\n", + "[1.365588 1.4256345 1.4065965 1.0908448 1.3945787 1.1572762 1.0420619\n", + " 1.0172946 1.0315069 1.0279623 1.0906353 1.1046712 1.1463318 1.0132143\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 0 5 12 11 3 10 6 8 9 7 13 23 22 21 20 19 15 17 16 14 24\n", + " 18 25]\n", + "=======================\n", + "['the 26-year-old has signed a one-year deal after suffering a tear to his right acl last season .he played just six games as the patriots won their sixth straight afc east title and went on to win the super bowl .stevan ridley ( right ) became the 15th player to join the jets in a frantic free agency']\n", + "=======================\n", + "['ridley stays in the afc east after signing a one-year deal with the jetsthe running back joins a revamped offense including fellow free agency acquisitions brandon marshall and ryan fitzpatrickhe had a career-high year in 2012 but played just six games last season after a tear to his right acl']\n", + "the 26-year-old has signed a one-year deal after suffering a tear to his right acl last season .he played just six games as the patriots won their sixth straight afc east title and went on to win the super bowl .stevan ridley ( right ) became the 15th player to join the jets in a frantic free agency\n", + "ridley stays in the afc east after signing a one-year deal with the jetsthe running back joins a revamped offense including fellow free agency acquisitions brandon marshall and ryan fitzpatrickhe had a career-high year in 2012 but played just six games last season after a tear to his right acl\n", + "[1.3215576 1.4933245 1.1355777 1.1103388 1.1842301 1.1974207 1.2112973\n", + " 1.1203774 1.0496268 1.1386884 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 6 5 4 9 2 7 3 8 23 22 21 20 19 18 17 12 15 14 13 24 11 10\n", + " 16 25]\n", + "=======================\n", + "['the plus-size clothing retailer has launched an ad campaign for its cacique line titled #imnoangel , seeking to \" redefine sexy . \"( cnn ) lane bryant has come up with a devil of an idea to market its lingerie while poking fun at a competitor .lane bryant \\'s campaign is getting positive buzz in social media land , with the company being hailed for celebrating beauty of all shapes and sizes .']\n", + "=======================\n", + "['the company says it is seeking to \" redefine sexy \"victoria \\'s secret was criticized for its \" perfect body \" campaign']\n", + "the plus-size clothing retailer has launched an ad campaign for its cacique line titled #imnoangel , seeking to \" redefine sexy . \"( cnn ) lane bryant has come up with a devil of an idea to market its lingerie while poking fun at a competitor .lane bryant 's campaign is getting positive buzz in social media land , with the company being hailed for celebrating beauty of all shapes and sizes .\n", + "the company says it is seeking to \" redefine sexy \"victoria 's secret was criticized for its \" perfect body \" campaign\n", + "[1.212907 1.2887967 1.0489746 1.0270841 1.0542427 1.489176 1.1563296\n", + " 1.1679606 1.0629189 1.0387499 1.0249617 1.1740526 1.0318322 1.0588753\n", + " 1.0215566 1.0345757 1.0249001 1.100334 1.0520273 1.0411463 1.0496361\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 5 1 0 11 7 6 17 8 13 4 18 20 2 19 9 15 12 3 10 16 14 24 21 22\n", + " 23 25]\n", + "=======================\n", + "['manchester united boss louis van gaal is among those in the running for manager of the yearthe romantics will pick sean dyche or ronald koeman , the statistics lovers will go for jose mourinho or , at a push , arsene wenger .after the early-season defeats at mk dons and leicester city , they were laying into van gaal .']\n", + "=======================\n", + "[\"manchester united 4-2 manchester city : click here for the match reportlouis van gaal is in with a shout of winning manager of the yearchelsea 's jose mourinho and southampton 's ronald koeman are toosean dyche could be in if he saves burnley from relegationadrian durham : man city must think big or forever remain small\"]\n", + "manchester united boss louis van gaal is among those in the running for manager of the yearthe romantics will pick sean dyche or ronald koeman , the statistics lovers will go for jose mourinho or , at a push , arsene wenger .after the early-season defeats at mk dons and leicester city , they were laying into van gaal .\n", + "manchester united 4-2 manchester city : click here for the match reportlouis van gaal is in with a shout of winning manager of the yearchelsea 's jose mourinho and southampton 's ronald koeman are toosean dyche could be in if he saves burnley from relegationadrian durham : man city must think big or forever remain small\n", + "[1.4598291 1.4222261 1.2162688 1.3182105 1.3154677 1.1105884 1.0290117\n", + " 1.0236523 1.1814955 1.033525 1.0215588 1.0224777 1.0297656 1.0340507\n", + " 1.0157948 1.0695655 1.0209703 1.0320376 1.1128874 1.0179929 1.0164957\n", + " 1.0119187 1.01539 1.0105759 1.0993389 1.0409894]\n", + "\n", + "[ 0 1 3 4 2 8 18 5 24 15 25 13 9 17 12 6 7 11 10 16 19 20 14 22\n", + " 21 23]\n", + "=======================\n", + "[\"david silva declared himself fit on sunday night despite fears he had fractured his cheekbone after being caught in the face by cheikhou kouyate 's elbow .the manchester city star was carried off in the win over west ham following eight minutes of treatment on the pitch , where he was given oxygen .the spaniard was caught right on the cheekbone and has been taken to hospital to be assessed\"]\n", + "=======================\n", + "[\"manchester city defeated west ham 2-1 in their premier league clashdavid silva was taken to hospital after a challenge by chiekhou kouyatespain international has allayed fans ' fears with a twitter message\"]\n", + "david silva declared himself fit on sunday night despite fears he had fractured his cheekbone after being caught in the face by cheikhou kouyate 's elbow .the manchester city star was carried off in the win over west ham following eight minutes of treatment on the pitch , where he was given oxygen .the spaniard was caught right on the cheekbone and has been taken to hospital to be assessed\n", + "manchester city defeated west ham 2-1 in their premier league clashdavid silva was taken to hospital after a challenge by chiekhou kouyatespain international has allayed fans ' fears with a twitter message\n", + "[1.2556953 1.3875955 1.3059667 1.2449175 1.2305496 1.0563492 1.0570225\n", + " 1.0984675 1.0854273 1.0450329 1.0746526 1.0759081 1.05262 1.0685136\n", + " 1.043257 1.1174101 1.0493654 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 4 15 7 8 11 10 13 6 5 12 16 9 14 20 17 18 19 21]\n", + "=======================\n", + "['the uss theodore roosevelt and the uss normandy left the persian gulf on sunday and are steaming through the arabian sea and heading towards yemen .the vessels are believed to be joining other u.s. ships that are poised to intercept any iranian ships carrying weapons to the houthi rebels fighting in yemen .the navy has been beefing up its presence in the gulf of aden and the southern arabian sea amid reports that about eight iranian ships are heading toward yemen and possibly carrying arms .']\n", + "=======================\n", + "['uss theodore roosevelt and uss normandy left persian gulf on sunday and are steaming through the arabian sea and heading towards yementhey will join seven other us vessels that are prepared to block iranian ships potentially carrying weapons for houthi rebels fighting in yemen']\n", + "the uss theodore roosevelt and the uss normandy left the persian gulf on sunday and are steaming through the arabian sea and heading towards yemen .the vessels are believed to be joining other u.s. ships that are poised to intercept any iranian ships carrying weapons to the houthi rebels fighting in yemen .the navy has been beefing up its presence in the gulf of aden and the southern arabian sea amid reports that about eight iranian ships are heading toward yemen and possibly carrying arms .\n", + "uss theodore roosevelt and uss normandy left persian gulf on sunday and are steaming through the arabian sea and heading towards yementhey will join seven other us vessels that are prepared to block iranian ships potentially carrying weapons for houthi rebels fighting in yemen\n", + "[1.2024242 1.5176629 1.2571545 1.4166589 1.276075 1.1132064 1.0248328\n", + " 1.0223693 1.0225648 1.1541018 1.0704286 1.0531541 1.0158627 1.009582\n", + " 1.017661 1.1343226 1.0687234 1.0237592 1.028175 1.0619011 1.0280322\n", + " 1.0900626]\n", + "\n", + "[ 1 3 4 2 0 9 15 5 21 10 16 19 11 18 20 6 17 8 7 14 12 13]\n", + "=======================\n", + "[\"ian rogers , 36 , became hooked on all things paranormal as a child and took part in his first ghost hunt in the year 2000 .ian rogers owns nine haunted dolls all of which he says contain their own personalityian 's favourite doll is annabel , who he thinks is haunted by a seven-year-old girl who drowned\"]\n", + "=======================\n", + "['ian rogers has spent hundreds of pounds on his collection of nine dollsthe dolls are said to be haunted with the spirits of dead peoplehe says each doll has their own unique storyhe used to share them with his sister but she found them too mischievous']\n", + "ian rogers , 36 , became hooked on all things paranormal as a child and took part in his first ghost hunt in the year 2000 .ian rogers owns nine haunted dolls all of which he says contain their own personalityian 's favourite doll is annabel , who he thinks is haunted by a seven-year-old girl who drowned\n", + "ian rogers has spent hundreds of pounds on his collection of nine dollsthe dolls are said to be haunted with the spirits of dead peoplehe says each doll has their own unique storyhe used to share them with his sister but she found them too mischievous\n", + "[1.372884 1.4384768 1.1773269 1.1823828 1.097071 1.1503111 1.2279502\n", + " 1.15264 1.1309661 1.1169841 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 6 3 2 7 5 8 9 4 19 18 17 16 15 10 13 12 11 20 14 21]\n", + "=======================\n", + "[\"dufner and wife amanda married in 2012 and were considered one of the golden couples of golf , but the pair separated in february and the divorce was finalised on march 31 .jason dufner 's marriage has landed in the rough as he agreed a divorce settlement from wife amanda at the end of last month .jason dufner looks dejected as he struggles on the golf course following a neck injury last year\"]\n", + "=======================\n", + "[\"jason dufner and amanda married in 2012divorce settlement states there had been an ` irretrievable breakdown of the marriage 'amanda will receive $ 2.5 m as part of the settlement while jason will keep two houses\"]\n", + "dufner and wife amanda married in 2012 and were considered one of the golden couples of golf , but the pair separated in february and the divorce was finalised on march 31 .jason dufner 's marriage has landed in the rough as he agreed a divorce settlement from wife amanda at the end of last month .jason dufner looks dejected as he struggles on the golf course following a neck injury last year\n", + "jason dufner and amanda married in 2012divorce settlement states there had been an ` irretrievable breakdown of the marriage 'amanda will receive $ 2.5 m as part of the settlement while jason will keep two houses\n", + "[1.1961745 1.1368605 1.2650295 1.2799262 1.2635372 1.2327057 1.2169199\n", + " 1.1298921 1.0635147 1.0546389 1.0825307 1.0558711 1.0559292 1.0576631\n", + " 1.0493735 1.1358325 1.0539149 1.0632068 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 2 4 5 6 0 1 15 7 10 8 17 13 12 11 9 16 14 20 18 19 21]\n", + "=======================\n", + "['he is accused of walking into wayne county community college in goldsboro , north carolina on monday and killing his former supervisor , ronald lane , 44 , before fleeing on a motorbike .kenneth morgan stancil iii , 20 , said as he was ushered out of the courtroom in daytona beach , florida .he was arrested more than 500 miles away early on tuesday after officers found him sleeping on a florida beach .']\n", + "=======================\n", + "[\"kenneth morgan stancil iii ` walked into wayne county community college in north carolina on monday and shot dead print shop director ron lane 'he was arrested in florida and will be extradited back to north carolinalane , 44 , had supervised him under a work-study program at the print shop but stancil , 20 , was dismissed last month for absenteeismin court on tuesday , stancil said he ` ridded one last child molester from the earth ' ; he said lane had sexually assaulted one of stancil 's relativesbut stancil 's mother said it was not true and that her son is ` rattled 'police are investigating the killing of lane as a possible hate crimestancil lists ` white power ' as his interests on facebook and has white supremacist tattoos , including an ' 88 ' to signify ` heil hitler '\"]\n", + "he is accused of walking into wayne county community college in goldsboro , north carolina on monday and killing his former supervisor , ronald lane , 44 , before fleeing on a motorbike .kenneth morgan stancil iii , 20 , said as he was ushered out of the courtroom in daytona beach , florida .he was arrested more than 500 miles away early on tuesday after officers found him sleeping on a florida beach .\n", + "kenneth morgan stancil iii ` walked into wayne county community college in north carolina on monday and shot dead print shop director ron lane 'he was arrested in florida and will be extradited back to north carolinalane , 44 , had supervised him under a work-study program at the print shop but stancil , 20 , was dismissed last month for absenteeismin court on tuesday , stancil said he ` ridded one last child molester from the earth ' ; he said lane had sexually assaulted one of stancil 's relativesbut stancil 's mother said it was not true and that her son is ` rattled 'police are investigating the killing of lane as a possible hate crimestancil lists ` white power ' as his interests on facebook and has white supremacist tattoos , including an ' 88 ' to signify ` heil hitler '\n", + "[1.0881512 1.2083037 1.2987735 1.2340512 1.279657 1.1520795 1.0387948\n", + " 1.1765679 1.0775839 1.0271995 1.1263694 1.1951859 1.0520389 1.0615966\n", + " 1.0226841 1.0161453 1.011245 1.0081947 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 4 3 1 11 7 5 10 0 8 13 12 6 9 14 15 16 17 20 18 19 21]\n", + "=======================\n", + "[\"indeed , it was reported today in closer magazine that katie still regularly checks kieran 's phone and makes him tell her whenever she is going out , following his cheating scandal last year .it has been reported today that katie price still has n't forgiven her cheating husband kieran haylerit was also claimed that she no longer allows him to go to the gym as katie worries that kieran 's obsession with his looks could feed into his sex addiction .\"]\n", + "=======================\n", + "[\"katie price 's husband kieran hayler cheated on her twicethe former stripped slept with two of her best friendsit has today been reported that she still checks his phonesam bailey , a friend of katie 's , says star ` panics ' when he 's with women\"]\n", + "indeed , it was reported today in closer magazine that katie still regularly checks kieran 's phone and makes him tell her whenever she is going out , following his cheating scandal last year .it has been reported today that katie price still has n't forgiven her cheating husband kieran haylerit was also claimed that she no longer allows him to go to the gym as katie worries that kieran 's obsession with his looks could feed into his sex addiction .\n", + "katie price 's husband kieran hayler cheated on her twicethe former stripped slept with two of her best friendsit has today been reported that she still checks his phonesam bailey , a friend of katie 's , says star ` panics ' when he 's with women\n", + "[1.3870429 1.4862884 1.1360134 1.0368394 1.0442996 1.0805358 1.0245891\n", + " 1.1980088 1.0168767 1.0638868 1.1265225 1.1573141 1.0621761 1.1454016\n", + " 1.0352457 1.0260179 1.144525 1.1530721 1.0878645 1.14916 1.0247647]\n", + "\n", + "[ 1 0 7 11 17 19 13 16 2 10 18 5 9 12 4 3 14 15 20 6 8]\n", + "=======================\n", + "[\"glenn murray fired the eagles ahead on 34 minutes with a close-range effort before jason puncheon scored a stunning free-kick to secure a 2-0 lead .manchester city 's hopes of retaining the premier league title were dealt another blow as manuel pellegrini 's men limped to a 2-1 defeat at crystal palace .manuel pellegrini will struggle to defend his city players after they crowded referee michael oliver\"]\n", + "=======================\n", + "[\"manchester city 's hopes of retaining the premier league title were dealt a hammer blow after a 2-1 defeat at crystal palacevincent kompany and city players were visibly frustrated and the belgian even manhandled referee michael oliverglenn murray and jason puncheon gave palace a 2-0 lead before yaya toure scored what proved to be a consolation for cityfor the 16th league game this season , city fielded a starting line-up with no english outfield players\"]\n", + "glenn murray fired the eagles ahead on 34 minutes with a close-range effort before jason puncheon scored a stunning free-kick to secure a 2-0 lead .manchester city 's hopes of retaining the premier league title were dealt another blow as manuel pellegrini 's men limped to a 2-1 defeat at crystal palace .manuel pellegrini will struggle to defend his city players after they crowded referee michael oliver\n", + "manchester city 's hopes of retaining the premier league title were dealt a hammer blow after a 2-1 defeat at crystal palacevincent kompany and city players were visibly frustrated and the belgian even manhandled referee michael oliverglenn murray and jason puncheon gave palace a 2-0 lead before yaya toure scored what proved to be a consolation for cityfor the 16th league game this season , city fielded a starting line-up with no english outfield players\n", + "[1.1572169 1.4842243 1.1381146 1.0939009 1.0880067 1.2612801 1.0425977\n", + " 1.0962715 1.0878214 1.0510931 1.0555105 1.1466887 1.0899725 1.0693021\n", + " 1.0897955 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 0 11 2 7 3 12 14 4 8 13 10 9 6 15 16 17 18 19 20]\n", + "=======================\n", + "[\"for the superhero project , renee bergeron , 38 , photographs children with special needs as superheroes , dressing them up with capes , goggles , and wands in order to make them feel like they can do anything . 'caped crusader : avery , pictured , was photographed for renee bergeron 's superhero project ; avery was born prematurely , has had multiple brain surgeries , and has a feeding tube in her stomachdisabled children can face a lot of challenges - but one photographer from washington wants to make sure they recognize that they all have a super-human ability to conquer any challenge set before them .\"]\n", + "=======================\n", + "[\"renee bergeron , 38 , captures children with disabilities at their most confident for her superhero projectthe washington-based photographer 's first subject was her son , apollo , who has a feeding tube in his stomachshe takes the photos free of charge to encourage families and to spread awareness\"]\n", + "for the superhero project , renee bergeron , 38 , photographs children with special needs as superheroes , dressing them up with capes , goggles , and wands in order to make them feel like they can do anything . 'caped crusader : avery , pictured , was photographed for renee bergeron 's superhero project ; avery was born prematurely , has had multiple brain surgeries , and has a feeding tube in her stomachdisabled children can face a lot of challenges - but one photographer from washington wants to make sure they recognize that they all have a super-human ability to conquer any challenge set before them .\n", + "renee bergeron , 38 , captures children with disabilities at their most confident for her superhero projectthe washington-based photographer 's first subject was her son , apollo , who has a feeding tube in his stomachshe takes the photos free of charge to encourage families and to spread awareness\n", + "[1.5537145 1.4314605 1.4354551 1.1356137 1.3246808 1.0516368 1.0153995\n", + " 1.0186192 1.0407883 1.0154808 1.017143 1.1156116 1.1045653 1.0517796\n", + " 1.0579658 1.132749 1.043663 1.0135431 1.015803 0. 0. ]\n", + "\n", + "[ 0 2 1 4 3 15 11 12 14 13 5 16 8 7 10 18 9 6 17 19 20]\n", + "=======================\n", + "[\"nick scholfield is lined up to ride spring heeled in the grand national at aintree on april 11scholfield had been expected to partner paul nicholls-trained sam winner , who was pulled up in the cheltenham gold cup , in the # 1million race .scholfield , who has ridden in six nationals and finished third in 2013 on teaforthree , will travel to ireland to sit on spring heeled at culloty 's county cork stable on friday .\"]\n", + "=======================\n", + "['nick scholfield is lined up to ride spring heeled in the grand nationalthe famous race takes place at aintree on april 11scholfield travels to ireland to sit on spring heeled on friday']\n", + "nick scholfield is lined up to ride spring heeled in the grand national at aintree on april 11scholfield had been expected to partner paul nicholls-trained sam winner , who was pulled up in the cheltenham gold cup , in the # 1million race .scholfield , who has ridden in six nationals and finished third in 2013 on teaforthree , will travel to ireland to sit on spring heeled at culloty 's county cork stable on friday .\n", + "nick scholfield is lined up to ride spring heeled in the grand nationalthe famous race takes place at aintree on april 11scholfield travels to ireland to sit on spring heeled on friday\n", + "[1.536316 1.1411731 1.2267554 1.0509564 1.0566487 1.3261085 1.0177506\n", + " 1.1943449 1.0784156 1.3055922 1.0544432 1.0496892 1.0589846 1.1843743\n", + " 1.1118705 1.0973934 1.032181 1.0823483 0. 0. 0. ]\n", + "\n", + "[ 0 5 9 2 7 13 1 14 15 17 8 12 4 10 3 11 16 6 19 18 20]\n", + "=======================\n", + "[\"anthony davis had 31 points and 13 rebounds as the new orleans pelicans earned their first play-off berth since 2011 with a 108-103 victory over the san antonio spurs on wednesday .oklahoma city 's russell westbrook scored 37 points in the thunder 's 138-113 victory over minnesota that was rendered moot by new orleans ' play-off-clinching win over san antonio .tyreke evans had 19 points and 11 assists , and eric gordon added 14 points for new orleans , which had to win to make the post-season because oklahoma city also won in minnesota .\"]\n", + "=======================\n", + "[\"new orleans pelicans beat the san antonio spurs 108-103 on wednesdayoklahoma city thunder 's defeated minnesota timberwolves 138-113new orleans pipped thunder to eighth seed in the west via tiebreakerbrooklyn nets beat the orlando magic 138-113 in the eastern conferenceindiana pacers lost 95-83 to the memphis grizzliesresults meant that brooklyn took the no 8 seed via the better tiebreaker\"]\n", + "anthony davis had 31 points and 13 rebounds as the new orleans pelicans earned their first play-off berth since 2011 with a 108-103 victory over the san antonio spurs on wednesday .oklahoma city 's russell westbrook scored 37 points in the thunder 's 138-113 victory over minnesota that was rendered moot by new orleans ' play-off-clinching win over san antonio .tyreke evans had 19 points and 11 assists , and eric gordon added 14 points for new orleans , which had to win to make the post-season because oklahoma city also won in minnesota .\n", + "new orleans pelicans beat the san antonio spurs 108-103 on wednesdayoklahoma city thunder 's defeated minnesota timberwolves 138-113new orleans pipped thunder to eighth seed in the west via tiebreakerbrooklyn nets beat the orlando magic 138-113 in the eastern conferenceindiana pacers lost 95-83 to the memphis grizzliesresults meant that brooklyn took the no 8 seed via the better tiebreaker\n", + "[1.2423872 1.0873712 1.351927 1.2311006 1.1441997 1.0469674 1.1348248\n", + " 1.0325097 1.0248748 1.1276084 1.1423465 1.1079051 1.0204505 1.0217141\n", + " 1.0387486 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 4 10 6 9 11 1 5 14 7 8 13 12 19 15 16 17 18 20]\n", + "=======================\n", + "['to get a glimpse inside this elite - and rarely planned - world , mailonline travel spoke to wedding and event planner sarah haywood , who has helped organise ceremonies and honeymoons for everyone from celebrities to fortune 500 businessmen .for the 0.01 per cent , booking holiday travel is a far different experience than it is for the rest of us .for the super-wealthy , money is of no concern when it comes to booking private jets and chartering yachts']\n", + "=======================\n", + "[\"for the most elite travellers , vacations are rarely planned far in advancethere is an an emphasis on travel ` experiences , ' which happen on a whima-list wedding and event planners from the us and uk share their stories\"]\n", + "to get a glimpse inside this elite - and rarely planned - world , mailonline travel spoke to wedding and event planner sarah haywood , who has helped organise ceremonies and honeymoons for everyone from celebrities to fortune 500 businessmen .for the 0.01 per cent , booking holiday travel is a far different experience than it is for the rest of us .for the super-wealthy , money is of no concern when it comes to booking private jets and chartering yachts\n", + "for the most elite travellers , vacations are rarely planned far in advancethere is an an emphasis on travel ` experiences , ' which happen on a whima-list wedding and event planners from the us and uk share their stories\n", + "[1.5882415 1.3626477 1.1935358 1.2182785 1.0855988 1.0512537 1.0727392\n", + " 1.1026409 1.1371481 1.0473589 1.0454577 1.0812576 1.1840148 1.0701104\n", + " 1.093827 1.0808802 1.1041265 1.0540557 1.0311891 0. 0. ]\n", + "\n", + "[ 0 1 3 2 12 8 16 7 14 4 11 15 6 13 17 5 9 10 18 19 20]\n", + "=======================\n", + "['stephen curry scored 27 points and klay thompson had 25 as the golden state warriors held off the los angeles clippers 110-106 on tuesday for their 10th consecutive victory .david lee added 17 points for the warriors , who had lost four in a row at staples center .the clippers blew a 17-point lead and had their seven-game winning streak broken .']\n", + "=======================\n", + "[\"stephen curry scored 27 points against the clippers to help his side to winklay thompson also played key role in golden state warriors ' victoryeastern conference leaders atlanta hawks were beaten by detroit\"]\n", + "stephen curry scored 27 points and klay thompson had 25 as the golden state warriors held off the los angeles clippers 110-106 on tuesday for their 10th consecutive victory .david lee added 17 points for the warriors , who had lost four in a row at staples center .the clippers blew a 17-point lead and had their seven-game winning streak broken .\n", + "stephen curry scored 27 points against the clippers to help his side to winklay thompson also played key role in golden state warriors ' victoryeastern conference leaders atlanta hawks were beaten by detroit\n", + "[1.3942986 1.4179366 1.0669062 1.1491504 1.1564015 1.0412941 1.030423\n", + " 1.2409258 1.2498451 1.0661014 1.07582 1.1022741 1.1162388 1.1132762\n", + " 1.0346913 1.017475 1.0213854 1.0235254 1.0882264 0. 0. ]\n", + "\n", + "[ 1 0 8 7 4 3 12 13 11 18 10 2 9 5 14 6 17 16 15 19 20]\n", + "=======================\n", + "[\"bobby was performing at the verizon theatre in dallas when he told the stunned audience that ` bobbi is awake .despite his daughter remaining in a medically induced coma since she was found unresponsive in a bathtub at her atlanta home in january , singer bobby brown told an audience on saturday night that she is ` awake . 'but tmz reported on monday that whitney houston 's family insists the 22-year-old is not awake and is the same condition she was when she entered the facility .\"]\n", + "=======================\n", + "[\"the singer was performing at the verizon theatre in dallas on saturdaytold the stunned audience that ` bobbi is awake .did n't elaborate on if his daughter had regained consciousness or if he was talking instead about her spiritafter , his sister tina wrote on facebook , ' [ bobbi ] woke up and is no longer on life support !!!!!whitney houston 's family denies anything has changed , according to a sourcebobbi kristina has been in a medically induced coma since januarybobby is reportedly at odds with the family of his deceased ex-wife whitney houston over how long to keep his daughter on life support\"]\n", + "bobby was performing at the verizon theatre in dallas when he told the stunned audience that ` bobbi is awake .despite his daughter remaining in a medically induced coma since she was found unresponsive in a bathtub at her atlanta home in january , singer bobby brown told an audience on saturday night that she is ` awake . 'but tmz reported on monday that whitney houston 's family insists the 22-year-old is not awake and is the same condition she was when she entered the facility .\n", + "the singer was performing at the verizon theatre in dallas on saturdaytold the stunned audience that ` bobbi is awake .did n't elaborate on if his daughter had regained consciousness or if he was talking instead about her spiritafter , his sister tina wrote on facebook , ' [ bobbi ] woke up and is no longer on life support !!!!!whitney houston 's family denies anything has changed , according to a sourcebobbi kristina has been in a medically induced coma since januarybobby is reportedly at odds with the family of his deceased ex-wife whitney houston over how long to keep his daughter on life support\n", + "[1.3114406 1.384958 1.0887806 1.2393523 1.1372188 1.2946186 1.189764\n", + " 1.1805685 1.1124374 1.0279664 1.0587239 1.0745765 1.1018426 1.0282425\n", + " 1.013301 1.0126249 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 5 3 6 7 4 8 12 2 11 10 13 9 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"alfred guy vuozzo swore loudly as he was told he would not be eligible for parole for 35 years for murdering brent mcguigan , 68 , and his son , brendon , 39 , on prince edward island last august .a 46-year-old man was sentenced to life in prison on monday after shooting dead a father and son because they were related to a driver who killed his nine-year-old sister in a crash 45 years ago .brent 's father , herbert , who was behind the wheel , later received a nine-month sentence for dangerous driving .\"]\n", + "=======================\n", + "[\"alfred guy vuozzo , 46 , shot dead brent mcguigan and his son , brendonhe carried out shooting last august to avenge nine-year-old sister , cathycathy was killed in a car smash involving brent 's father , herbert , in 1970herbert given nine-month sentence for dangerous driving ; has since diedvuozzo , from prince edward island , said the sentence had ` haunted ' himknew victims , who lived near montague , were not involved in fatal crashdefendant pleaded guilty to first - and second-degree murder in februaryhe was jailed for life on monday ; he is not eligible for parole for 35 years\"]\n", + "alfred guy vuozzo swore loudly as he was told he would not be eligible for parole for 35 years for murdering brent mcguigan , 68 , and his son , brendon , 39 , on prince edward island last august .a 46-year-old man was sentenced to life in prison on monday after shooting dead a father and son because they were related to a driver who killed his nine-year-old sister in a crash 45 years ago .brent 's father , herbert , who was behind the wheel , later received a nine-month sentence for dangerous driving .\n", + "alfred guy vuozzo , 46 , shot dead brent mcguigan and his son , brendonhe carried out shooting last august to avenge nine-year-old sister , cathycathy was killed in a car smash involving brent 's father , herbert , in 1970herbert given nine-month sentence for dangerous driving ; has since diedvuozzo , from prince edward island , said the sentence had ` haunted ' himknew victims , who lived near montague , were not involved in fatal crashdefendant pleaded guilty to first - and second-degree murder in februaryhe was jailed for life on monday ; he is not eligible for parole for 35 years\n", + "[1.2580409 1.3155913 1.3207234 1.2140598 1.1154903 1.1227968 1.0394782\n", + " 1.030345 1.0502123 1.0666193 1.0431641 1.0212029 1.0395066 1.0396112\n", + " 1.0368296 1.068293 1.0488851 1.0335388 1.0419538 1.0950217 1.0446177]\n", + "\n", + "[ 2 1 0 3 5 4 19 15 9 8 16 20 10 18 13 12 6 14 17 7 11]\n", + "=======================\n", + "['yet he is still sending thousands of copies across the border from south to north korea in balloons , determined his people will see the movie in which the leader kim jong un is assassinated on screen .the north korean defector calls the hollywood comedy \" vulgar , \" admitting he could n\\'t even watch the whole film .seoul , south korea ( cnn ) lee min-bok did n\\'t laugh once when he watched \" the interview . \"']\n", + "=======================\n", + "['defector deploys balloons with \" the interview \" to north korealee min-bok says he finds the movie vulgar , but sends it anyway']\n", + "yet he is still sending thousands of copies across the border from south to north korea in balloons , determined his people will see the movie in which the leader kim jong un is assassinated on screen .the north korean defector calls the hollywood comedy \" vulgar , \" admitting he could n't even watch the whole film .seoul , south korea ( cnn ) lee min-bok did n't laugh once when he watched \" the interview . \"\n", + "defector deploys balloons with \" the interview \" to north korealee min-bok says he finds the movie vulgar , but sends it anyway\n", + "[1.3376573 1.4370928 1.1766236 1.421206 1.136206 1.1336712 1.0219563\n", + " 1.0183002 1.3143163 1.1199546 1.0396756 1.1097223 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 8 2 4 5 9 11 10 6 7 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "['the former barcelona boss , who led bayern to the bundesliga title and german cup in his first season in charge , has a contract which expires in the summer of 2016 .pep guardiola is set to enter into contract negotiations with bayern munich at the end of the seasonbayern are currently 10 points clear at the top of the bundesliga and face bayer leverkusen in the quarter-finals of the german cup on wednesday night .']\n", + "=======================\n", + "[\"pep guardiola is set for contract negotiations at the end of the seasonthe former barcelona boss is out of contract in the summer of 2016board member jan-christian dreesen does not believe guardiola 's decision on a new contract will be influenced by moneybayern munich are 10 points clear at the top of the bundesliga\"]\n", + "the former barcelona boss , who led bayern to the bundesliga title and german cup in his first season in charge , has a contract which expires in the summer of 2016 .pep guardiola is set to enter into contract negotiations with bayern munich at the end of the seasonbayern are currently 10 points clear at the top of the bundesliga and face bayer leverkusen in the quarter-finals of the german cup on wednesday night .\n", + "pep guardiola is set for contract negotiations at the end of the seasonthe former barcelona boss is out of contract in the summer of 2016board member jan-christian dreesen does not believe guardiola 's decision on a new contract will be influenced by moneybayern munich are 10 points clear at the top of the bundesliga\n", + "[1.1203624 1.2688096 1.3319213 1.2858183 1.2113532 1.2307599 1.1821615\n", + " 1.1529986 1.0731629 1.109489 1.0295975 1.0505416 1.0616062 1.0518742\n", + " 1.0421797 1.0415272 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 5 4 6 7 0 9 8 12 13 11 14 15 10 18 16 17 19]\n", + "=======================\n", + "['the future king , 32 , became the most senior member of the royal family to work as an ordinary paye employee when he became a pilot for east anglian air ambulance .according to kensington palace , he plans to take time off to be with his wife and new baby , just like he did when his son , prince george , was born in 2013 .but prince william confirmed yesterday that he will take his full fortnight of paternity leave when his second child is born later this month .']\n", + "=======================\n", + "[\"kensington palace has revealed details of plans in place for royal birthwilliam will remain in norfolk and faces a two-hour hospital dashkate , meanwhile , remains in london close to the lindo wingthe couple have thanked people ` around the world ' for good luck notesalso said that prince george is ` excited ' about the impending birththe couple also say that they wo n't be hiring a second nanny\"]\n", + "the future king , 32 , became the most senior member of the royal family to work as an ordinary paye employee when he became a pilot for east anglian air ambulance .according to kensington palace , he plans to take time off to be with his wife and new baby , just like he did when his son , prince george , was born in 2013 .but prince william confirmed yesterday that he will take his full fortnight of paternity leave when his second child is born later this month .\n", + "kensington palace has revealed details of plans in place for royal birthwilliam will remain in norfolk and faces a two-hour hospital dashkate , meanwhile , remains in london close to the lindo wingthe couple have thanked people ` around the world ' for good luck notesalso said that prince george is ` excited ' about the impending birththe couple also say that they wo n't be hiring a second nanny\n", + "[1.4212049 1.4737619 1.257751 1.2062023 1.2656097 1.1228877 1.0320526\n", + " 1.0162516 1.014759 1.0198017 1.0385573 1.0341407 1.189036 1.13958\n", + " 1.1229044 1.0410416 1.016953 1.0112786 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 12 13 14 5 15 10 11 6 9 16 7 8 17 18 19]\n", + "=======================\n", + "[\"tony blackburn claims disgraced entertainer jimmy savile ` tarnished ' his era after his fellow colleague 's names were ` dragged through the mud ' during probes into historic sex abuse .the probe also exposed abuse by paedophile dj savile , who sexually assaulted staff and patients aged between 5 and 75 over several decades .the 72-year-old 's long-term employer , the bbc , is still reeling from a string of allegations levelled against former staff - most of them blackburn 's vintage .\"]\n", + "=======================\n", + "[\"tony blackburn claims disgraced entertainers ` tarnished ' his era of djsbbc reeling from historic sex abuse claims against his former colleaguesbroadcasters jimmy savile , dave lee travis and rolf harris among themhe 's outraged at how friend and fellow dj paul gambaccini was treated\"]\n", + "tony blackburn claims disgraced entertainer jimmy savile ` tarnished ' his era after his fellow colleague 's names were ` dragged through the mud ' during probes into historic sex abuse .the probe also exposed abuse by paedophile dj savile , who sexually assaulted staff and patients aged between 5 and 75 over several decades .the 72-year-old 's long-term employer , the bbc , is still reeling from a string of allegations levelled against former staff - most of them blackburn 's vintage .\n", + "tony blackburn claims disgraced entertainers ` tarnished ' his era of djsbbc reeling from historic sex abuse claims against his former colleaguesbroadcasters jimmy savile , dave lee travis and rolf harris among themhe 's outraged at how friend and fellow dj paul gambaccini was treated\n", + "[1.3529587 1.358686 1.1593237 1.0835024 1.1887231 1.2821366 1.1951373\n", + " 1.1613747 1.0666294 1.0580076 1.0590205 1.117726 1.0380678 1.0306273\n", + " 1.1109662 1.0670658 1.0390131 1.0361954 1.0682418 1.0417129]\n", + "\n", + "[ 1 0 5 6 4 7 2 11 14 3 18 15 8 10 9 19 16 12 17 13]\n", + "=======================\n", + "[\"chelsea ellen bruck , 22 , has been missing almost six months , police said .police searched an area near a ford motor company plant in michigan on sunday for clues related to the disappearance of a woman who was last seen at halloween wearing a poison ivy costumehe declined to discuss media reports that part of chelsea 's costume were found .\"]\n", + "=======================\n", + "[\"chelsea ellen bruck , 22 , was last seen in the early hours of october 26 in frenchtown township , michigan dressed as the batman villain poison ivypolice searched an area near a ford motor company plant in michiganthe sheriff 's office declined to discuss media reports that part of chelsea 's costume were foundshe was last seen in the parking lot with dark-haired man at 3amthe party had to be shut down after numbers swelled from 500 to 800 people\"]\n", + "chelsea ellen bruck , 22 , has been missing almost six months , police said .police searched an area near a ford motor company plant in michigan on sunday for clues related to the disappearance of a woman who was last seen at halloween wearing a poison ivy costumehe declined to discuss media reports that part of chelsea 's costume were found .\n", + "chelsea ellen bruck , 22 , was last seen in the early hours of october 26 in frenchtown township , michigan dressed as the batman villain poison ivypolice searched an area near a ford motor company plant in michiganthe sheriff 's office declined to discuss media reports that part of chelsea 's costume were foundshe was last seen in the parking lot with dark-haired man at 3amthe party had to be shut down after numbers swelled from 500 to 800 people\n", + "[1.2062702 1.5268369 1.3767242 1.3906984 1.2456056 1.1605012 1.0898303\n", + " 1.0573074 1.0500544 1.0908237 1.1234344 1.0541402 1.0221423 1.0483509\n", + " 1.0124557 1.0166205 1.0272833 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 5 10 9 6 7 11 8 13 16 12 15 14 18 17 19]\n", + "=======================\n", + "[\"michelle filkins , 44 , of west wareham has been charged with breaking and entering , larceny over $ 250 , and malicious destruction of property .she was discovered at the court street property in edgartown by owner mark conklin on april 17 .a woman has been arrested after she allegedly broke into a home on martha 's vineyard , lived inside for at least a week and sold items belonging to the owners in a yard sale .\"]\n", + "=======================\n", + "['michelle filkins , 44 , of west wareham has been charged with breaking and entering , larceny over $ 250 , and the malicious destruction of propertyshe was arrested on april 17 after owner mark conklin found her sitting in his summer homea neighbor told police he saw filkins outside with items from the house and that she appeared to be having a yard sale or giving the items awaypolice are asking anyone who received items from the home - including a lamp and a painting - to return them']\n", + "michelle filkins , 44 , of west wareham has been charged with breaking and entering , larceny over $ 250 , and malicious destruction of property .she was discovered at the court street property in edgartown by owner mark conklin on april 17 .a woman has been arrested after she allegedly broke into a home on martha 's vineyard , lived inside for at least a week and sold items belonging to the owners in a yard sale .\n", + "michelle filkins , 44 , of west wareham has been charged with breaking and entering , larceny over $ 250 , and the malicious destruction of propertyshe was arrested on april 17 after owner mark conklin found her sitting in his summer homea neighbor told police he saw filkins outside with items from the house and that she appeared to be having a yard sale or giving the items awaypolice are asking anyone who received items from the home - including a lamp and a painting - to return them\n", + "[1.2017032 1.5153158 1.2794834 1.357122 1.2196295 1.1338506 1.0985051\n", + " 1.1214291 1.1461174 1.0670466 1.0556362 1.0801988 1.015233 1.0277418\n", + " 1.0139269 1.0145001 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 8 5 7 6 11 9 10 13 12 15 14 18 16 17 19]\n", + "=======================\n", + "[\"astrophysics undergraduate torin lakeman , 19 , died alongside his brother jacques , 20 , in a pub in manchester after consuming six times the lethal dose of mdma after ordering the drug via the web .at bolton coroner 's court today , alan walsh said he would be contacting home secretary theresa may over the deaths , adding that it was unacceptable that ` intellectual people are able to access drugs in this way . 'the brothers were found dead in a room above this pub after going to watch manchester united play a game against hull at old trafford in december last year\"]\n", + "=======================\n", + "[\"torin lakeman , 19 , died in december last year with brother jacques , 20torin had bought ecstasy via dark web in order to ` have a good weekend 'but pair took massive overdose and were found dead in pub in manchestertoday coroner said he was ` frightened ' by use of dark web to buy drugs\"]\n", + "astrophysics undergraduate torin lakeman , 19 , died alongside his brother jacques , 20 , in a pub in manchester after consuming six times the lethal dose of mdma after ordering the drug via the web .at bolton coroner 's court today , alan walsh said he would be contacting home secretary theresa may over the deaths , adding that it was unacceptable that ` intellectual people are able to access drugs in this way . 'the brothers were found dead in a room above this pub after going to watch manchester united play a game against hull at old trafford in december last year\n", + "torin lakeman , 19 , died in december last year with brother jacques , 20torin had bought ecstasy via dark web in order to ` have a good weekend 'but pair took massive overdose and were found dead in pub in manchestertoday coroner said he was ` frightened ' by use of dark web to buy drugs\n", + "[1.2241137 1.243555 1.3463863 1.1285758 1.1004426 1.0977886 1.0285599\n", + " 1.1320081 1.1090112 1.0523075 1.0622321 1.0867177 1.0608331 1.0491389\n", + " 1.0583179 1.0508989 1.0174563 0. 0. ]\n", + "\n", + "[ 2 1 0 7 3 8 4 5 11 10 12 14 9 15 13 6 16 17 18]\n", + "=======================\n", + "[\"the slants are five asian-american musicians from portland , oregon , who pay homage to the '80s on stage -- and homage to their heritage in an ironic way .this week , a higher court scrutinized a lesser-known trademark -- when the band the slants sought to protect its name .( cnn ) given that most people could n't tell the difference between a copyright and a trademark , it usually takes something controversial , such as the washington redskins ' refusal to change their name , to get people interested in trademark law .\"]\n", + "=======================\n", + "['marc randazza : court upholds a trademark denial for asian-american band the slants on the grounds that name was disparaginghe says court is wrong : trademarks are commercial speech , protected by first amendment .']\n", + "the slants are five asian-american musicians from portland , oregon , who pay homage to the '80s on stage -- and homage to their heritage in an ironic way .this week , a higher court scrutinized a lesser-known trademark -- when the band the slants sought to protect its name .( cnn ) given that most people could n't tell the difference between a copyright and a trademark , it usually takes something controversial , such as the washington redskins ' refusal to change their name , to get people interested in trademark law .\n", + "marc randazza : court upholds a trademark denial for asian-american band the slants on the grounds that name was disparaginghe says court is wrong : trademarks are commercial speech , protected by first amendment .\n", + "[1.1533247 1.30409 1.2865052 1.296141 1.3307996 1.1514192 1.0740366\n", + " 1.116165 1.023028 1.0884097 1.0683239 1.0817449 1.056532 1.1789694\n", + " 1.0269257 1.0277871 1.0203134 1.009684 0. ]\n", + "\n", + "[ 4 1 3 2 13 0 5 7 9 11 6 10 12 15 14 8 16 17 18]\n", + "=======================\n", + "['each year in the uk around 41,000 men are diagnosed with prostate cancer and 11,000 die from the diseasetests carried out in combination with chemotherapy drugs achieved almost complete remission in mice .the us scientists used low doses of the drug oxaliplatin , which has a unique ability to activate cancer-killing immune cells in small tumours but works less well in large , aggressive tumours .']\n", + "=======================\n", + "[\"us scientists used drug oxaliplatin to fire up cancer-killing immune cellsdrug blocks ` b-cells ' that put a brake on body 's defences against cancerthere are currently few options in cases of aggressive prostate cancer\"]\n", + "each year in the uk around 41,000 men are diagnosed with prostate cancer and 11,000 die from the diseasetests carried out in combination with chemotherapy drugs achieved almost complete remission in mice .the us scientists used low doses of the drug oxaliplatin , which has a unique ability to activate cancer-killing immune cells in small tumours but works less well in large , aggressive tumours .\n", + "us scientists used drug oxaliplatin to fire up cancer-killing immune cellsdrug blocks ` b-cells ' that put a brake on body 's defences against cancerthere are currently few options in cases of aggressive prostate cancer\n", + "[1.3207934 1.316544 1.2957567 1.3774135 1.3421768 1.3762507 1.0216154\n", + " 1.00762 1.0647471 1.084377 1.1010809 1.0873427 1.2325081 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 5 4 0 1 2 12 10 11 9 8 6 7 13 14 15 16 17 18]\n", + "=======================\n", + "[\"philippe coutinho is becoming liverpool 's go-to guy , according to sportsmail 's jamie carragherliverpool sold star striker luis suarez to barcelona for # 75million during the summercoutinho starred for liverpool in their 2-0 win against newcastle united on monday night\"]\n", + "=======================\n", + "[\"liverpool 2-0 newcastle united : click here to read the match reportphilippe coutinho starred in liverpool 's premier league win on mondaysportsmail 's jamie carragher feels coutinho is becoming their key manliverpool boss brendan rodgers : we can still finish in the top fourclick here for all the latest liverpool news\"]\n", + "philippe coutinho is becoming liverpool 's go-to guy , according to sportsmail 's jamie carragherliverpool sold star striker luis suarez to barcelona for # 75million during the summercoutinho starred for liverpool in their 2-0 win against newcastle united on monday night\n", + "liverpool 2-0 newcastle united : click here to read the match reportphilippe coutinho starred in liverpool 's premier league win on mondaysportsmail 's jamie carragher feels coutinho is becoming their key manliverpool boss brendan rodgers : we can still finish in the top fourclick here for all the latest liverpool news\n", + "[1.3751945 1.2682319 1.262278 1.1746953 1.1191695 1.0348065 1.0137993\n", + " 1.0617455 1.1187063 1.1429034 1.1505526 1.1125737 1.1706719 1.0148554\n", + " 1.0226811 1.1102039 1.0851732 1.0295548 1.0387734]\n", + "\n", + "[ 0 1 2 3 12 10 9 4 8 11 15 16 7 18 5 17 14 13 6]\n", + "=======================\n", + "[\"kim kardashian has launched an outspoken attack on president obama for refusing to use the word ` genocide ' as he marked the 100th anniversary of the massacre of 1.5 million armenians .the reality star said it was ` very disappointing ' that he stopped short of using the word - which he had promised to use when he ran for office .kardashian , whose armenian heritage comes from her father , the late robert kardashian , has used her celebrity since 2011 to bring awareness to the genocide .\"]\n", + "=======================\n", + "[\"in 1915 , 1.5 million armenians were killed by ottoman turks in what historians have described as the first genocide of the 20th centuryobama refused to call the mass killings a ` genocide ' in official statement despite promising as a presidential candidate that he wouldturkish officials furiously deny there was a genocide , and obama has shied away from offending the close u.s. allykim kardashian - who is armenian on her father 's side - has called the killings a genocide and says obama should tookasdashian recently traveled to the country for the first time with her husband kanye west , sister khole and cousins kara and kourtni\"]\n", + "kim kardashian has launched an outspoken attack on president obama for refusing to use the word ` genocide ' as he marked the 100th anniversary of the massacre of 1.5 million armenians .the reality star said it was ` very disappointing ' that he stopped short of using the word - which he had promised to use when he ran for office .kardashian , whose armenian heritage comes from her father , the late robert kardashian , has used her celebrity since 2011 to bring awareness to the genocide .\n", + "in 1915 , 1.5 million armenians were killed by ottoman turks in what historians have described as the first genocide of the 20th centuryobama refused to call the mass killings a ` genocide ' in official statement despite promising as a presidential candidate that he wouldturkish officials furiously deny there was a genocide , and obama has shied away from offending the close u.s. allykim kardashian - who is armenian on her father 's side - has called the killings a genocide and says obama should tookasdashian recently traveled to the country for the first time with her husband kanye west , sister khole and cousins kara and kourtni\n", + "[1.2242695 1.409372 1.2703942 1.2984433 1.2577659 1.1282198 1.0274743\n", + " 1.0167361 1.1332389 1.0472385 1.0738361 1.0648736 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 8 5 10 11 9 6 7 12 13 14 15 16 17 18]\n", + "=======================\n", + "['the singer , who will be performing four sold-out shows as part of the sydney vivid live festival in may , has written a public letter to the just group imploring them to cease their use of angora wool .the australian retail giant , who own just jeans , portmans , dotti , peter alexander , jacqui e , and jay jays , have so far refused to back down on their stance in using the controversial fur .brutal : peta have successfully petitioned a number of australian and international retailers to stop selling angora wool after revealing the horrific treatment of rabbits at chinese angora farms']\n", + "=======================\n", + "[\"morrissey wrote a letter to australian retailer the just groupthey own just jeans , dotti , portmans , jay jays , and peter alexanderthe group have so far refused to stop selling controversial angora woolsinger to ask audience at sydney concert to sign petition against companymorrissey has also banned the sale of meat products at opera housemyer , david jones , sportsgirl among those who 've agreed to angora ban\"]\n", + "the singer , who will be performing four sold-out shows as part of the sydney vivid live festival in may , has written a public letter to the just group imploring them to cease their use of angora wool .the australian retail giant , who own just jeans , portmans , dotti , peter alexander , jacqui e , and jay jays , have so far refused to back down on their stance in using the controversial fur .brutal : peta have successfully petitioned a number of australian and international retailers to stop selling angora wool after revealing the horrific treatment of rabbits at chinese angora farms\n", + "morrissey wrote a letter to australian retailer the just groupthey own just jeans , dotti , portmans , jay jays , and peter alexanderthe group have so far refused to stop selling controversial angora woolsinger to ask audience at sydney concert to sign petition against companymorrissey has also banned the sale of meat products at opera housemyer , david jones , sportsgirl among those who 've agreed to angora ban\n", + "[1.3316319 1.3692216 1.2784646 1.1069593 1.164818 1.206851 1.1399872\n", + " 1.1440296 1.0897387 1.0961308 1.0793343 1.0687708 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 5 4 7 6 3 9 8 10 11 12 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "['the documents were filed by two students who were expelled from the university at albany after trevor duffy , 19 , of the bronx died in november .a college sophomore who died of excessive alcohol consumption drank a 60-ounce bottle of vodka during what college officials said was the hazing of pledges at an unsanctioned fraternity , according to court papers filed in connection to the case .his death came after a night of heavy drinking during a party held by zeta beta tau members at an off-campus home .']\n", + "=======================\n", + "[\"trevor duffy , a university of albany fraternity pledge who died during hazing last november , drank a 60-ounce bottle of vodkathis according to court papers filed by two students who were expelled after his death and wish to return to the collegeduffy 's death came after a night of heavy drinking during a party held by zeta beta tau members at an off-campus home24 members of the underground fraternity were sanctioned by the university after the incidentan investigation determined members of the frat were guilty of drug , alcohol and student group violationsno one has been arrested in duffy 's death and albany police said their investigation is continuingfour other men were also treated for alcohol poisoning that night\"]\n", + "the documents were filed by two students who were expelled from the university at albany after trevor duffy , 19 , of the bronx died in november .a college sophomore who died of excessive alcohol consumption drank a 60-ounce bottle of vodka during what college officials said was the hazing of pledges at an unsanctioned fraternity , according to court papers filed in connection to the case .his death came after a night of heavy drinking during a party held by zeta beta tau members at an off-campus home .\n", + "trevor duffy , a university of albany fraternity pledge who died during hazing last november , drank a 60-ounce bottle of vodkathis according to court papers filed by two students who were expelled after his death and wish to return to the collegeduffy 's death came after a night of heavy drinking during a party held by zeta beta tau members at an off-campus home24 members of the underground fraternity were sanctioned by the university after the incidentan investigation determined members of the frat were guilty of drug , alcohol and student group violationsno one has been arrested in duffy 's death and albany police said their investigation is continuingfour other men were also treated for alcohol poisoning that night\n", + "[1.2303605 1.1961727 1.2300781 1.2140908 1.122939 1.0640669 1.0693284\n", + " 1.117861 1.0801529 1.0805775 1.0506191 1.1598619 1.092394 1.030377\n", + " 1.084494 1.0416144 1.065572 1.0166183 1.026338 1.0252697 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 3 1 11 4 7 12 14 9 8 6 16 5 10 15 13 18 19 17 20 21]\n", + "=======================\n", + "[\"london ( cnn ) the hatton garden heist , as it will surely come to be known , was every safe deposit box holder 's nightmare , every movie director 's dream .and they reportedly got away with hundreds of thousands of pounds worth of gems and cash -- even , in the educated guess of one former police official , as much as 200 million pounds , or $ 300 million .police were offering few details wednesday of the robbery at hatton garden safe deposit ltd. .\"]\n", + "=======================\n", + "[\"robbers may have taken advantage of a four-day holiday weekendestimates of the value of the items taken rage from hundreds of thousands of pounds to 200 million poundsthe heist took place in a historic heart of london 's jewelry business\"]\n", + "london ( cnn ) the hatton garden heist , as it will surely come to be known , was every safe deposit box holder 's nightmare , every movie director 's dream .and they reportedly got away with hundreds of thousands of pounds worth of gems and cash -- even , in the educated guess of one former police official , as much as 200 million pounds , or $ 300 million .police were offering few details wednesday of the robbery at hatton garden safe deposit ltd. .\n", + "robbers may have taken advantage of a four-day holiday weekendestimates of the value of the items taken rage from hundreds of thousands of pounds to 200 million poundsthe heist took place in a historic heart of london 's jewelry business\n", + "[1.2592471 1.6102555 1.2435796 1.2387935 1.2892668 1.1607611 1.0637912\n", + " 1.0218798 1.0173829 1.041176 1.1021066 1.013304 1.014366 1.0265878\n", + " 1.0789894 1.0358106 1.0197074 1.0124586 1.0150431 1.0113318 1.0096889\n", + " 1.0185134]\n", + "\n", + "[ 1 4 0 2 3 5 10 14 6 9 15 13 7 16 21 8 18 12 11 17 19 20]\n", + "=======================\n", + "[\"mohammad ali jawad , 56 , allegedly dimmed the lights , shut the blinds and asked her to dance to the music of julio iglesias before massaging her neck and touching her breasts .today a medical tribunal heard how he allegedly molested another patient at his surgery in marylebone , central london after getting drunkto the strains of the spanish singer crooning on his iphone , he is claimed to have asked her : ` do you see me as a man or a surgeon ? '\"]\n", + "=======================\n", + "['dr mohammad ali jawad allegedly bragged about treatment of katie piperpatient claims he gave her vodka during an appointment at his surgeryaccused of asking her to dance before touching the top of her breaststhe plastic surgeon who is currently in pakistan denies the allegations']\n", + "mohammad ali jawad , 56 , allegedly dimmed the lights , shut the blinds and asked her to dance to the music of julio iglesias before massaging her neck and touching her breasts .today a medical tribunal heard how he allegedly molested another patient at his surgery in marylebone , central london after getting drunkto the strains of the spanish singer crooning on his iphone , he is claimed to have asked her : ` do you see me as a man or a surgeon ? '\n", + "dr mohammad ali jawad allegedly bragged about treatment of katie piperpatient claims he gave her vodka during an appointment at his surgeryaccused of asking her to dance before touching the top of her breaststhe plastic surgeon who is currently in pakistan denies the allegations\n", + "[1.2931299 1.4049062 1.1780133 1.2881376 1.2017549 1.2477157 1.028685\n", + " 1.0120384 1.0135231 1.2692969 1.1835936 1.1507233 1.0278031 1.0377815\n", + " 1.0587803 1.0179975 1.0220758 1.0231379 1.0258911 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 9 5 4 10 2 11 14 13 6 12 18 17 16 15 8 7 20 19 21]\n", + "=======================\n", + "['mandi l. walkley , 39 , and jacob m. austin , 52 , were in the dungeness bay , where swells were as high as 3ft , for one to two hours before they could be rescued by the coast guard .two kayakers died , and another remains hospitalized in serious condition , after a sudden seattle storm with 35mph winds overturned their boats during a church-organized trip .fellow kayaker william d. kelley , 50 , remains hospitalized .']\n", + "=======================\n", + "[\"mandi l. walkley , 39 , and jacob m. austin , 52 , had been in the dungeness bay for one to two hours before the coast guard could rescue themthey both passed away from their injuries after being hospitalizedwilliam d. kelley , 50 , was also rescued by the coast guard and has improved from critical to serious conditionweather was predicted to be stormy on saturday and an advisory had been issued on friday , according to the sheriff 's officebut friend dennis caines , who was kayaking with the group , said the weather had been calm earlier that day\"]\n", + "mandi l. walkley , 39 , and jacob m. austin , 52 , were in the dungeness bay , where swells were as high as 3ft , for one to two hours before they could be rescued by the coast guard .two kayakers died , and another remains hospitalized in serious condition , after a sudden seattle storm with 35mph winds overturned their boats during a church-organized trip .fellow kayaker william d. kelley , 50 , remains hospitalized .\n", + "mandi l. walkley , 39 , and jacob m. austin , 52 , had been in the dungeness bay for one to two hours before the coast guard could rescue themthey both passed away from their injuries after being hospitalizedwilliam d. kelley , 50 , was also rescued by the coast guard and has improved from critical to serious conditionweather was predicted to be stormy on saturday and an advisory had been issued on friday , according to the sheriff 's officebut friend dennis caines , who was kayaking with the group , said the weather had been calm earlier that day\n", + "[1.384409 1.1781738 1.2612011 1.1704221 1.1360376 1.117898 1.0869019\n", + " 1.1119404 1.0730897 1.0678248 1.0483313 1.1332166 1.0938594 1.0669465\n", + " 1.0516294 1.0869154 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 3 4 11 5 7 12 15 6 8 9 13 14 10 16 17 18 19 20 21]\n", + "=======================\n", + "[\"history of depression : former missouri auditor tom schweich openly contemplated committing suicide for years before he shot himself on february 26 , according to new police reports on the republican gubernatorial candidate 's death released tuesdaypolice in the st. louis suburb of clayton said they have found nothing to suggest the death of schweich , who was running as a republican candidate for governor in 2016 , was anything other than a suicide .schweich 's death and the apparent suicide a month later of his spokesman spence jackson have sent shockwaves through missouri politics .\"]\n", + "=======================\n", + "[\"former missouri auditor tom schweich committed suicide on february 26 , as he was running for governor as a republicannew police reports released tuesday reveal schweich had contemplated suicide for yearsjust moments before he shot himself , schweich called associated press reporters to set up an interview about alleged anti-semitism in his partythe candidate learned that missouri gop chairman john hancock had told donors at a party that he was jewishschweich was a practicing christian but has jewish heritageschweich became upset and allegedly called an aide on the day of his death and said he had to either ` run as independent ' or ` kill himself '\"]\n", + "history of depression : former missouri auditor tom schweich openly contemplated committing suicide for years before he shot himself on february 26 , according to new police reports on the republican gubernatorial candidate 's death released tuesdaypolice in the st. louis suburb of clayton said they have found nothing to suggest the death of schweich , who was running as a republican candidate for governor in 2016 , was anything other than a suicide .schweich 's death and the apparent suicide a month later of his spokesman spence jackson have sent shockwaves through missouri politics .\n", + "former missouri auditor tom schweich committed suicide on february 26 , as he was running for governor as a republicannew police reports released tuesday reveal schweich had contemplated suicide for yearsjust moments before he shot himself , schweich called associated press reporters to set up an interview about alleged anti-semitism in his partythe candidate learned that missouri gop chairman john hancock had told donors at a party that he was jewishschweich was a practicing christian but has jewish heritageschweich became upset and allegedly called an aide on the day of his death and said he had to either ` run as independent ' or ` kill himself '\n", + "[1.3825489 1.518049 1.1720747 1.1326654 1.1502252 1.051161 1.2933776\n", + " 1.1886337 1.0255072 1.0223724 1.0163795 1.0182966 1.0160958 1.012838\n", + " 1.2482191 1.0381973 1.0158715 1.3373606 0. ]\n", + "\n", + "[ 1 0 17 6 14 7 2 4 3 5 15 8 9 11 10 12 16 13 18]\n", + "=======================\n", + "[\"the 37-year-old , a qualifier this year , survived a series of twitches close to the winning line before clinching a 10-8 first-round victory over ricky walden at the crucible in sheffield on sunday .graeme dott fears exhaustion will kill off his hopes of winning snooker 's betfred world championship .john higgins impressed with a 10-5 victory over robert milkins in his first-round clash in sheffield\"]\n", + "=======================\n", + "['graeme dott had to play three best-of-19-frame matches to qualifyhe overcame ricky walden 10-8 in first-round crucible clashbut former world champion fears exhaustion will ruin his bid for 2015 titlemeanwhile , john higgins impressed with a 10-5 victory over robert milkins']\n", + "the 37-year-old , a qualifier this year , survived a series of twitches close to the winning line before clinching a 10-8 first-round victory over ricky walden at the crucible in sheffield on sunday .graeme dott fears exhaustion will kill off his hopes of winning snooker 's betfred world championship .john higgins impressed with a 10-5 victory over robert milkins in his first-round clash in sheffield\n", + "graeme dott had to play three best-of-19-frame matches to qualifyhe overcame ricky walden 10-8 in first-round crucible clashbut former world champion fears exhaustion will ruin his bid for 2015 titlemeanwhile , john higgins impressed with a 10-5 victory over robert milkins\n", + "[1.3719938 1.432175 1.1313026 1.1561663 1.3698232 1.2506548 1.0185899\n", + " 1.2321444 1.1251215 1.1774926 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 5 7 9 3 2 8 6 17 10 11 12 13 14 15 16 18]\n", + "=======================\n", + "[\"german ace gomez has been linked with a move to the nou camp , however the 29-year-old insists even the lure of playing alongside the likes of lionel messi and neymar could not tempt him away from the stadio artemio franchi .mario gomez has poured cold water over suggestions he could join barcelona in the summer by insisting he is content with life at fiorentina .gomez , pictured against tottenham , left bayern munich to join fiorentina for over # 17million in july 2013 '\"]\n", + "=======================\n", + "['mario gomez has been linked with a move to la liga giants barcelonahowever gomez insists he would reject a transfer to the nou campthe striker joined fiorentina in 2013 for a fee believed to be over # 17m']\n", + "german ace gomez has been linked with a move to the nou camp , however the 29-year-old insists even the lure of playing alongside the likes of lionel messi and neymar could not tempt him away from the stadio artemio franchi .mario gomez has poured cold water over suggestions he could join barcelona in the summer by insisting he is content with life at fiorentina .gomez , pictured against tottenham , left bayern munich to join fiorentina for over # 17million in july 2013 '\n", + "mario gomez has been linked with a move to la liga giants barcelonahowever gomez insists he would reject a transfer to the nou campthe striker joined fiorentina in 2013 for a fee believed to be over # 17m\n", + "[1.3050985 1.3980722 1.3114926 1.130645 1.3295884 1.218038 1.1882498\n", + " 1.1185099 1.107975 1.069798 1.0626302 1.1051348 1.0243818 1.0148867\n", + " 1.0225705 1.0736009 1.0814888 1.023624 1.010787 ]\n", + "\n", + "[ 1 4 2 0 5 6 3 7 8 11 16 15 9 10 12 17 14 13 18]\n", + "=======================\n", + "['a state prisons official says hernandez , 25 , was moved wednesday to the maximum-security souza-baranowski correctional center in shirley , massachusetts .hernandez had been at cedar junction prison in walpole since he was convicted april 15 of killing 27-year-old odin lloyd in 2013 .he was sentenced to life in prison']\n", + "=======================\n", + "[\"hernandez was moved on wednesday to the maximum-security souza-baranowski correctional center in shirley , massachusettshe had been at cedar junction prison in walpole since he was convicted april 15 of killing 27-year-old odin lloyd in 2013souza-baranowski is massachusetts ' newest and most advanced prisonhernandez 's cell will have a bunk , writing desk and stool , a combination sink and toilet and room for a tv , if he wants to spend $ 200\"]\n", + "a state prisons official says hernandez , 25 , was moved wednesday to the maximum-security souza-baranowski correctional center in shirley , massachusetts .hernandez had been at cedar junction prison in walpole since he was convicted april 15 of killing 27-year-old odin lloyd in 2013 .he was sentenced to life in prison\n", + "hernandez was moved on wednesday to the maximum-security souza-baranowski correctional center in shirley , massachusettshe had been at cedar junction prison in walpole since he was convicted april 15 of killing 27-year-old odin lloyd in 2013souza-baranowski is massachusetts ' newest and most advanced prisonhernandez 's cell will have a bunk , writing desk and stool , a combination sink and toilet and room for a tv , if he wants to spend $ 200\n", + "[1.3743801 1.226165 1.3400037 1.2536697 1.0357617 1.0411725 1.1165093\n", + " 1.068934 1.0909375 1.217701 1.0813416 1.0761534 1.0971737 1.1418178\n", + " 1.221541 1.0241745 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 14 9 13 6 12 8 10 11 7 5 4 15 17 16 18]\n", + "=======================\n", + "['arrested : doug hughes ( photographed ) was arrested after landing his gyrocopter on the u.s. capitol lawn to protest campaign finance lawsafter more than two years of planning , 61-year-old doug hughes made it through restricted airspace and a no-fly zone in a gyrocopter wednesday carrying 535 letters -- one for each member of congress -- and landed the aircraft on the capitol lawn .hughes has since been released on his own recognizance and is allowed to return to florida under certain conditions .']\n", + "=======================\n", + "['alena hughes , the wife of the florida postal worker who landed a gyrocopter on the lawn of the u.s. capitol says her husband is a patriotdoug hughes performed the risky stunt wednesday to protest campaign finance lawsthe man has received support from the public and his wife says what he did was very brave']\n", + "arrested : doug hughes ( photographed ) was arrested after landing his gyrocopter on the u.s. capitol lawn to protest campaign finance lawsafter more than two years of planning , 61-year-old doug hughes made it through restricted airspace and a no-fly zone in a gyrocopter wednesday carrying 535 letters -- one for each member of congress -- and landed the aircraft on the capitol lawn .hughes has since been released on his own recognizance and is allowed to return to florida under certain conditions .\n", + "alena hughes , the wife of the florida postal worker who landed a gyrocopter on the lawn of the u.s. capitol says her husband is a patriotdoug hughes performed the risky stunt wednesday to protest campaign finance lawsthe man has received support from the public and his wife says what he did was very brave\n", + "[1.2417939 1.3246962 1.3855721 1.246296 1.218518 1.1777619 1.1648988\n", + " 1.0326111 1.0358095 1.0725247 1.0842562 1.0323416 1.0290102 1.0146358\n", + " 1.1406494 1.193933 1.1438078 0. 0. ]\n", + "\n", + "[ 2 1 3 0 4 15 5 6 16 14 10 9 8 7 11 12 13 17 18]\n", + "=======================\n", + "[\"mack , 19 , from chicago , could spend 15 years in jail for the murder of her mother , 62-year-old socialite sheila von wiese-mack , whose body was then stuffed inside a suitcase .the ` body in suitcase ' teen and her baby received a personal visit from a government minister who offered extra comforts .behind bars : heather mack has been keeping her baby with her in a crowded cell in bali 's kerobokan prison\"]\n", + "=======================\n", + "['heather mack is accused of murdering her mother and is in a bali prisonteenager is caring for her baby in cell shared with eight other prisonersa minister paid her a personal visit today and offered her extra comfortsmack will get own room until she decides whether to give baby to a family']\n", + "mack , 19 , from chicago , could spend 15 years in jail for the murder of her mother , 62-year-old socialite sheila von wiese-mack , whose body was then stuffed inside a suitcase .the ` body in suitcase ' teen and her baby received a personal visit from a government minister who offered extra comforts .behind bars : heather mack has been keeping her baby with her in a crowded cell in bali 's kerobokan prison\n", + "heather mack is accused of murdering her mother and is in a bali prisonteenager is caring for her baby in cell shared with eight other prisonersa minister paid her a personal visit today and offered her extra comfortsmack will get own room until she decides whether to give baby to a family\n", + "[1.2238152 1.4174197 1.3942225 1.1994385 1.2577387 1.2211472 1.1257721\n", + " 1.0850762 1.0479205 1.0587847 1.067763 1.0916061 1.0683547 1.0468895\n", + " 1.0635269 1.0295551 1.0401194 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 0 5 3 6 11 7 12 10 14 9 8 13 16 15 17 18 19]\n", + "=======================\n", + "[\"mr miliband 's party has jumped to 35 per cent , up one point from last month .labour has moved two points clear of the tories -- despite just one in three voters thinking ed miliband is ` capable ' .only a third of the public see the labour leader as a ` capable leader ' while just a quarter think he would be ` good in a crisis ' , according to the poll for the evening standard .\"]\n", + "=======================\n", + "[\"labour has jumped to 35 % in the polls , up one point from last monththe tories remain stuck on 33 % , according to the pollsters ipsos morigreens have pushed nick clegg 's lib dems into a humiliating fifth placelib dems are on 7 % , the greens 8 % and nigel farage 's ukip 10 %\"]\n", + "mr miliband 's party has jumped to 35 per cent , up one point from last month .labour has moved two points clear of the tories -- despite just one in three voters thinking ed miliband is ` capable ' .only a third of the public see the labour leader as a ` capable leader ' while just a quarter think he would be ` good in a crisis ' , according to the poll for the evening standard .\n", + "labour has jumped to 35 % in the polls , up one point from last monththe tories remain stuck on 33 % , according to the pollsters ipsos morigreens have pushed nick clegg 's lib dems into a humiliating fifth placelib dems are on 7 % , the greens 8 % and nigel farage 's ukip 10 %\n", + "[1.29971 1.2483451 1.3473907 1.3150331 1.1626568 1.1142325 1.146215\n", + " 1.2347478 1.0307306 1.06437 1.1687933 1.0993817 1.1114465 1.082055\n", + " 1.0447971 1.066973 1.0482955 1.0212324 1.0241777 0. ]\n", + "\n", + "[ 2 3 0 1 7 10 4 6 5 12 11 13 15 9 16 14 8 18 17 19]\n", + "=======================\n", + "[\"southampton , lazio , stoke city and west ham are also interested in signing him in the summer but the prospect of champions league football with the ambitious bundesliga side could prove tempting .bundesliga club wolfsburg are showing an interest in manchester united misfit javier hernandezthe mexico international has endured a frustrating season on loan at real madrid and spoke this week about how at times his confidence has been ` left in tatters ' .\"]\n", + "=======================\n", + "[\"wolfsburg are showing interest in manchester united 's javier hernandezthe german club have also considered edin dzeko at manchester cityunited , meanwhile , have made a revised contract offer to andreas pereiraparis saint-germain are very interested in angel di maria and paul pogbaliverpool have been watching fiorentina goalkeeper norberto netonedum onouha is being tracked by west ham , stoke , everton and hullburnley are among clubs monitoring newcastle loan star haris vuckic\"]\n", + "southampton , lazio , stoke city and west ham are also interested in signing him in the summer but the prospect of champions league football with the ambitious bundesliga side could prove tempting .bundesliga club wolfsburg are showing an interest in manchester united misfit javier hernandezthe mexico international has endured a frustrating season on loan at real madrid and spoke this week about how at times his confidence has been ` left in tatters ' .\n", + "wolfsburg are showing interest in manchester united 's javier hernandezthe german club have also considered edin dzeko at manchester cityunited , meanwhile , have made a revised contract offer to andreas pereiraparis saint-germain are very interested in angel di maria and paul pogbaliverpool have been watching fiorentina goalkeeper norberto netonedum onouha is being tracked by west ham , stoke , everton and hullburnley are among clubs monitoring newcastle loan star haris vuckic\n", + "[1.0713564 1.5005021 1.1849805 1.3382615 1.249628 1.1119542 1.1421586\n", + " 1.1274863 1.10331 1.0505166 1.0756599 1.031821 1.0378535 1.0353178\n", + " 1.0771002 1.078517 1.0810806 1.0672828 1.0315281 1.0163758]\n", + "\n", + "[ 1 3 4 2 6 7 5 8 16 15 14 10 0 17 9 12 13 11 18 19]\n", + "=======================\n", + "[\"laser expert patrick priebe created a working iron man-style arm and hand that fires beams from the back of the wrist or from the wearer 's palm .the gadget was created by wuppertal-based mr priebe , who designs and builds metal laser gadgets to order online .and in a video , the contraption is shown popping balloons and lighting matches from feet away .\"]\n", + "=======================\n", + "[\"iron man-style arm and hand was built by laser expert patrick priebeit fires beams from the back of the wrist or from the wearer 's palmin a video , the contraption is shown popping balloons and lighting matchesgadget is powered by lithium-ion cells and can be ordered from mr priebe\"]\n", + "laser expert patrick priebe created a working iron man-style arm and hand that fires beams from the back of the wrist or from the wearer 's palm .the gadget was created by wuppertal-based mr priebe , who designs and builds metal laser gadgets to order online .and in a video , the contraption is shown popping balloons and lighting matches from feet away .\n", + "iron man-style arm and hand was built by laser expert patrick priebeit fires beams from the back of the wrist or from the wearer 's palmin a video , the contraption is shown popping balloons and lighting matchesgadget is powered by lithium-ion cells and can be ordered from mr priebe\n", + "[1.5773637 1.251467 1.0844806 1.464246 1.2686024 1.1483923 1.2752162\n", + " 1.0694009 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 6 4 1 5 2 7 17 16 15 14 13 9 11 10 18 8 12 19]\n", + "=======================\n", + "['tomas berdych advanced to the semi-finals of the monte carlo masters for the third time on friday after opponent milos raonic retired with a foot injury .eight-time champion rafael nadal will play david ferrer , and top-ranked novak djokovic will face marin cilic .raonic had to retire from his quarter-final showdown with berdych due to a troublesome foot injury']\n", + "=======================\n", + "[\"milos raonic had to pull out of tournament after sustaining foot injurytomas berdych will face grigor dimitrov or gael monfils in next roundberdych is yet to lose a set this week following raonic 's injury\"]\n", + "tomas berdych advanced to the semi-finals of the monte carlo masters for the third time on friday after opponent milos raonic retired with a foot injury .eight-time champion rafael nadal will play david ferrer , and top-ranked novak djokovic will face marin cilic .raonic had to retire from his quarter-final showdown with berdych due to a troublesome foot injury\n", + "milos raonic had to pull out of tournament after sustaining foot injurytomas berdych will face grigor dimitrov or gael monfils in next roundberdych is yet to lose a set this week following raonic 's injury\n", + "[1.3088932 1.2836547 1.1514325 1.3758332 1.2257594 1.1992446 1.0847162\n", + " 1.0363605 1.1548283 1.0806185 1.019482 1.0906161 1.0227343 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 5 8 2 11 6 9 7 12 10 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"terrill wayne newman ( right ) , who is vying to become governor of kentucky , has legally changed his name to gatewood galbraith after the late local celebrity ( left ) who bid five times for the title but never wonthe newly-christened galbraith filed paperwork on wednesday to run as an independent for the state 's highest office .the secretary of state 's office says independent candidates must obtain 5,000 signatures from registered voters by august 11 to get their names on the general election ballot .\"]\n", + "=======================\n", + "[\"terrill wayne newman is vying to become the next kentucky governoron tuesday he legally changed his name to gatewood galbraith after a late local celebrity who bid five times for the title but never won enough votesnewman says he does n't expect to be elected but hopes the gesture will ` warm galbraith 's grave '\"]\n", + "terrill wayne newman ( right ) , who is vying to become governor of kentucky , has legally changed his name to gatewood galbraith after the late local celebrity ( left ) who bid five times for the title but never wonthe newly-christened galbraith filed paperwork on wednesday to run as an independent for the state 's highest office .the secretary of state 's office says independent candidates must obtain 5,000 signatures from registered voters by august 11 to get their names on the general election ballot .\n", + "terrill wayne newman is vying to become the next kentucky governoron tuesday he legally changed his name to gatewood galbraith after a late local celebrity who bid five times for the title but never won enough votesnewman says he does n't expect to be elected but hopes the gesture will ` warm galbraith 's grave '\n", + "[1.3404174 1.3207744 1.114357 1.2672416 1.1911523 1.1040231 1.1135468\n", + " 1.0958872 1.1251491 1.0883495 1.0783216 1.1339957 1.1616559 1.0954231\n", + " 1.1959455 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 14 4 12 11 8 2 6 5 7 13 9 10 18 15 16 17 19]\n", + "=======================\n", + "[\"arsenal are having reservations over their interest in raheem sterling following the liverpool forward 's turbulent few weeks .the gunners are keen on the reds forward , who is stalling on a new # 100,000-per-week contract at anfield .brendan rodgers has backed his wayward star but contract stand-off has created tension at liverpool\"]\n", + "=======================\n", + "[\"arsenal have shown an interest in liverpool forward raheem sterlinghowever sterling 's recent behaviour has troubled arsenal 's hierarchysterling has been caught smoking shisha and inhaling nitrous oxideman city , man united and chelsea are monitoring sterling 's situationread : real madrid are keen on signing sterling , says zinedine zidaneread : sterling pictured again with shisha pipe ... this time with jordan ibe\"]\n", + "arsenal are having reservations over their interest in raheem sterling following the liverpool forward 's turbulent few weeks .the gunners are keen on the reds forward , who is stalling on a new # 100,000-per-week contract at anfield .brendan rodgers has backed his wayward star but contract stand-off has created tension at liverpool\n", + "arsenal have shown an interest in liverpool forward raheem sterlinghowever sterling 's recent behaviour has troubled arsenal 's hierarchysterling has been caught smoking shisha and inhaling nitrous oxideman city , man united and chelsea are monitoring sterling 's situationread : real madrid are keen on signing sterling , says zinedine zidaneread : sterling pictured again with shisha pipe ... this time with jordan ibe\n", + "[1.1359484 1.0929275 1.4276652 1.3479055 1.2858285 1.1987214 1.2282027\n", + " 1.0717416 1.0266774 1.0534049 1.2961082 1.0849566 1.0214852 1.0194649\n", + " 1.0152197 1.0163963 1.0332537 0. 0. 0. ]\n", + "\n", + "[ 2 3 10 4 6 5 0 1 11 7 9 16 8 12 13 15 14 17 18 19]\n", + "=======================\n", + "['rhiannon langley , from melbourne , is sharing every step of the journey with hundreds of thousands of strangers , who can follow along on her social media accounts on the hashtag created just for the event , #rhiannongetsrhino .sharing is caring : rhiannon langley is posting her cosmetic surgery experience on social media through pictures and videosinfluencer : the 24-year-old from melbourne has 189,000 followers on instagram']\n", + "=======================\n", + "['rhiannon langley , from melbourne , is undergoing rhinoplasty in bangkokthe 24-year-old has 189,000 followers on instagram aloneshe is sharing pictures and videos of her experience on social medialangley tells daily mail australia that reaction so far has been positive']\n", + "rhiannon langley , from melbourne , is sharing every step of the journey with hundreds of thousands of strangers , who can follow along on her social media accounts on the hashtag created just for the event , #rhiannongetsrhino .sharing is caring : rhiannon langley is posting her cosmetic surgery experience on social media through pictures and videosinfluencer : the 24-year-old from melbourne has 189,000 followers on instagram\n", + "rhiannon langley , from melbourne , is undergoing rhinoplasty in bangkokthe 24-year-old has 189,000 followers on instagram aloneshe is sharing pictures and videos of her experience on social medialangley tells daily mail australia that reaction so far has been positive\n", + "[1.2930517 1.4539951 1.2651997 1.3206346 1.3116765 1.1795424 1.124013\n", + " 1.0412734 1.0147985 1.0219139 1.1504133 1.0792581 1.0114523 1.0100683\n", + " 1.0436273 1.0224682 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 0 2 5 10 6 11 14 7 15 9 8 12 13 18 16 17 19]\n", + "=======================\n", + "['kevin morgan , 55 , of weybridge in surrey , was injured when a land rover discovery reversed into his stationary rover 75 while he was working in dorset in september 2005 .but as his # 600,000 damages claim began at the central london county court , he was accused of a staggering fraud by motor insurers , direct line group .kevin morgan ( pictured right ) was filmed meeting up in a coffee shop with his friend max clifford ( pictured left ) .']\n", + "=======================\n", + "['motor insurers direct line group put him under video surveillancehe was filmed meeting his friend clifford and pals in coffee shopbut the claimant argues footage proves he does not go far from homelawyer says client ventures no further than a 1,350 ft radius from houseengineer tells how injuries from accident put an end to his active life']\n", + "kevin morgan , 55 , of weybridge in surrey , was injured when a land rover discovery reversed into his stationary rover 75 while he was working in dorset in september 2005 .but as his # 600,000 damages claim began at the central london county court , he was accused of a staggering fraud by motor insurers , direct line group .kevin morgan ( pictured right ) was filmed meeting up in a coffee shop with his friend max clifford ( pictured left ) .\n", + "motor insurers direct line group put him under video surveillancehe was filmed meeting his friend clifford and pals in coffee shopbut the claimant argues footage proves he does not go far from homelawyer says client ventures no further than a 1,350 ft radius from houseengineer tells how injuries from accident put an end to his active life\n", + "[1.3275893 1.2842087 1.2838825 1.1584485 1.208748 1.0789192 1.104871\n", + " 1.097632 1.1581335 1.0164642 1.0865682 1.0216926 1.0583647 1.0757867\n", + " 1.1758412 1.0971614 1.1485187 1.0358996 1.0203197 1.0350947]\n", + "\n", + "[ 0 1 2 4 14 3 8 16 6 7 15 10 5 13 12 17 19 11 18 9]\n", + "=======================\n", + "['poland said it is demanding a formal apology from the u.s. over the comments made by fbi director james comey ( pictured above )james coney had written an editorial opinion piece for the washington post claiming poland shares responsibility for the holocaust with germany .us ambassador stephen mull met with the polish deputy foreign affairs minister and apologised for the comments .']\n", + "=======================\n", + "[\"us ambassador stephen mull apologised for james comey 's commentscomey , head of the fbi , wrote editorial opinion piece in washington postit said : ` in their minds , the murderers and accomplices of germany , and poland , and hungary and so many other places did n't do something evil 'mr mull said nazi germany alone bears responsibility for the holocaust\"]\n", + "poland said it is demanding a formal apology from the u.s. over the comments made by fbi director james comey ( pictured above )james coney had written an editorial opinion piece for the washington post claiming poland shares responsibility for the holocaust with germany .us ambassador stephen mull met with the polish deputy foreign affairs minister and apologised for the comments .\n", + "us ambassador stephen mull apologised for james comey 's commentscomey , head of the fbi , wrote editorial opinion piece in washington postit said : ` in their minds , the murderers and accomplices of germany , and poland , and hungary and so many other places did n't do something evil 'mr mull said nazi germany alone bears responsibility for the holocaust\n", + "[1.3311598 1.2590868 1.1296753 1.1493287 1.0976619 1.0811176 1.2888563\n", + " 1.13814 1.1318437 1.0783398 1.1454402 1.1032711 1.1091076 1.0435609\n", + " 1.1331866 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 6 1 3 10 7 14 8 2 12 11 4 5 9 13 18 15 16 17 19]\n", + "=======================\n", + "['violent protesters in baltimore , maryland injured several police officers on monday , throwing bricks and rocks at the overwhelmed cops hiding behind riot armor .fifteen police officers were injured monday - two seriously - in the clashes with angry mobs rioting over the death of freddie gray .while most of the cops tried not to engage with the protesters , at least one officer was seen throwing the rocks right back at the mostly-young groups of rioters even as the nation watched on live tv .']\n", + "=======================\n", + "['fifteen baltimore police officers were injured monday night in clashes with rioters angry over the death of freddie graywhile most the officers appeared peaceful in their control of the crowds , one officer was pictured lobbing a rock back at rioters']\n", + "violent protesters in baltimore , maryland injured several police officers on monday , throwing bricks and rocks at the overwhelmed cops hiding behind riot armor .fifteen police officers were injured monday - two seriously - in the clashes with angry mobs rioting over the death of freddie gray .while most of the cops tried not to engage with the protesters , at least one officer was seen throwing the rocks right back at the mostly-young groups of rioters even as the nation watched on live tv .\n", + "fifteen baltimore police officers were injured monday night in clashes with rioters angry over the death of freddie graywhile most the officers appeared peaceful in their control of the crowds , one officer was pictured lobbing a rock back at rioters\n", + "[1.2227361 1.5385079 1.2649269 1.0681962 1.0544326 1.2002443 1.2988381\n", + " 1.1215786 1.0639158 1.0205816 1.1303473 1.0747576 1.0247288 1.0958009\n", + " 1.1372421 1.1016494 1.0201108 1.0153594 1.013539 1.0200881 1.0226337\n", + " 0. ]\n", + "\n", + "[ 1 6 2 0 5 14 10 7 15 13 11 3 8 4 12 20 9 16 19 17 18 21]\n", + "=======================\n", + "[\"madelyn yensen , 94 , of salt lake city , died just after 4pm before her husband passed away at 9.30 pm .marcus yensen , 95 ( left ) , and his wife madelyn , 94 ( right ) , died within hours of each other earlier this month after a romance that started with a month of dating and continued through 74 years of marriagejust after her mother died , carol bradford went to see her 95-year-old father at a care center and told him the news . '\"]\n", + "=======================\n", + "[\"madelyn yensen , 94 , died five hours before husband marcus , 95salt lake city couple with three children lived in same house since 1949madelyn suffered seizure while holding her husband 's hand at his bedsidemarcus later died of cardiac arrest , family saidcouple met in 1940 when marcus took dance lesson from his future wife\"]\n", + "madelyn yensen , 94 , of salt lake city , died just after 4pm before her husband passed away at 9.30 pm .marcus yensen , 95 ( left ) , and his wife madelyn , 94 ( right ) , died within hours of each other earlier this month after a romance that started with a month of dating and continued through 74 years of marriagejust after her mother died , carol bradford went to see her 95-year-old father at a care center and told him the news . '\n", + "madelyn yensen , 94 , died five hours before husband marcus , 95salt lake city couple with three children lived in same house since 1949madelyn suffered seizure while holding her husband 's hand at his bedsidemarcus later died of cardiac arrest , family saidcouple met in 1940 when marcus took dance lesson from his future wife\n", + "[1.3518105 1.1926672 1.3757721 1.1816477 1.1665062 1.0540155 1.0537328\n", + " 1.0451617 1.1152686 1.0879205 1.0266706 1.042571 1.1142006 1.0401531\n", + " 1.1604692 1.0613496 1.0738431 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 1 3 4 14 8 12 9 16 15 5 6 7 11 13 10 17 18 19 20 21]\n", + "=======================\n", + "[\"author alice dreger took to twitter to express her horror at what she heard at east lansing high school , in michigan , when she sat in on a lesson earlier this week .an outraged mom live tweeted her son 's sex education class after becoming outraged by its abstinence only stance .ms dreger , a respected professor , began furiously tweeting out the contents of the lesson - which was filled with horror stories about what happened to people who have pre-marital sex .\"]\n", + "=======================\n", + "['author alice dreger sent 45 angry tweets during her son \\'s sex ed lessoncould not believe michigan school was teaching abstinence only classes` the whole lesson here is \" sex is part of a terrible lifestyle \" , \\' she fumedprincipal coby fletcher denied the school has an ` abstinence only \\' policy']\n", + "author alice dreger took to twitter to express her horror at what she heard at east lansing high school , in michigan , when she sat in on a lesson earlier this week .an outraged mom live tweeted her son 's sex education class after becoming outraged by its abstinence only stance .ms dreger , a respected professor , began furiously tweeting out the contents of the lesson - which was filled with horror stories about what happened to people who have pre-marital sex .\n", + "author alice dreger sent 45 angry tweets during her son 's sex ed lessoncould not believe michigan school was teaching abstinence only classes` the whole lesson here is \" sex is part of a terrible lifestyle \" , ' she fumedprincipal coby fletcher denied the school has an ` abstinence only ' policy\n", + "[1.217411 1.4464482 1.3279654 1.3415487 1.2905294 1.0655099 1.0521175\n", + " 1.1846446 1.1512414 1.1325392 1.0136391 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 4 0 7 8 9 5 6 10 11 12 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "['in what is being described as a horrific accident , 20-month-old kendra moad of kearns , utah followed her grandfather , who has not been named , out of the house as he pulled his truck forward so he could move some garbage cans .he did not however see the toddler in front of his truck and killed her .a man tragically ran over his granddaughter friday morning as he moved his truck in the driveway .']\n", + "=======================\n", + "['kendra moad of kearns , utah followed her grandfather out of the house friday morning and into the drivewayhe did not see the 20-month-old toddler and ran her over as he pulled his truck up in the driveway to move the trash cansthis is now the fourth time since august that a child was accidentally run over and killed in their own driveway by a family member in utahkendra suffered severe head trauma and was unconscious when workers arrived , and was pronounced dead shortly after at a nearby hospitalthe grandfather is not facing any charges at this time , but the case remains under investigation']\n", + "in what is being described as a horrific accident , 20-month-old kendra moad of kearns , utah followed her grandfather , who has not been named , out of the house as he pulled his truck forward so he could move some garbage cans .he did not however see the toddler in front of his truck and killed her .a man tragically ran over his granddaughter friday morning as he moved his truck in the driveway .\n", + "kendra moad of kearns , utah followed her grandfather out of the house friday morning and into the drivewayhe did not see the 20-month-old toddler and ran her over as he pulled his truck up in the driveway to move the trash cansthis is now the fourth time since august that a child was accidentally run over and killed in their own driveway by a family member in utahkendra suffered severe head trauma and was unconscious when workers arrived , and was pronounced dead shortly after at a nearby hospitalthe grandfather is not facing any charges at this time , but the case remains under investigation\n", + "[1.172521 1.4057565 1.1984692 1.223321 1.1508068 1.1583507 1.0895886\n", + " 1.0782931 1.0508206 1.0809708 1.1691072 1.0421973 1.0633715 1.1110017\n", + " 1.0408254 1.0620738 1.0700064 1.0338502 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 10 5 4 13 6 9 7 16 12 15 8 11 14 17 20 18 19 21]\n", + "=======================\n", + "['statistics collected at maastricht university in holland , where cannabis is decriminalised , have shown that students who were able to buy the drug from coffee shops were five percent less likely to pass their courses .the study will rankle with the increasing number calling for the legislation of cannabis around the worldat the same time , foreign students who did not have ready access to the mind bending drug did better on average , the observer reported .']\n", + "=======================\n", + "[\"study at maastricht university found access to drug lowered grade scoresthose who could buy cannabis legally did 5 % worse across all coursesstatistics were worst for maths students or those developing number skillseconomists say more to be done to investigate the drug 's affect on society\"]\n", + "statistics collected at maastricht university in holland , where cannabis is decriminalised , have shown that students who were able to buy the drug from coffee shops were five percent less likely to pass their courses .the study will rankle with the increasing number calling for the legislation of cannabis around the worldat the same time , foreign students who did not have ready access to the mind bending drug did better on average , the observer reported .\n", + "study at maastricht university found access to drug lowered grade scoresthose who could buy cannabis legally did 5 % worse across all coursesstatistics were worst for maths students or those developing number skillseconomists say more to be done to investigate the drug 's affect on society\n", + "[1.3461771 1.4360093 1.2684802 1.2847314 1.2417762 1.219258 1.1710805\n", + " 1.0646538 1.0250427 1.0178839 1.078659 1.0890285 1.0893499 1.0845193\n", + " 1.0114187 1.0200417 1.0328982 1.0793087 1.0637842 1.0591296 1.0197881\n", + " 1.0071594]\n", + "\n", + "[ 1 0 3 2 4 5 6 12 11 13 17 10 7 18 19 16 8 15 20 9 14 21]\n", + "=======================\n", + "[\"its previous plane was destroyed in a crash in the mojave desert in october 2014 .virgin galactic hopes to begin testing a new version of spaceshiptwo by the end of the year , according to the company 's chief executive .chief executive george whitesides has said the new spacecraft ( shown in construction ) is nearly ready .\"]\n", + "=======================\n", + "['chief executive george whitesides says new spacecraft is nearly readyhe said it could begin test flights by the end of this yearits predecessor was destroyed in the mojave desert on 31 october 2014co-pilot michael alsbury was killed and pilot peter siebold was injured']\n", + "its previous plane was destroyed in a crash in the mojave desert in october 2014 .virgin galactic hopes to begin testing a new version of spaceshiptwo by the end of the year , according to the company 's chief executive .chief executive george whitesides has said the new spacecraft ( shown in construction ) is nearly ready .\n", + "chief executive george whitesides says new spacecraft is nearly readyhe said it could begin test flights by the end of this yearits predecessor was destroyed in the mojave desert on 31 october 2014co-pilot michael alsbury was killed and pilot peter siebold was injured\n", + "[1.2579494 1.0836995 1.301187 1.3139619 1.2281172 1.1661799 1.1852415\n", + " 1.1017611 1.0683479 1.1842637 1.0488268 1.0708456 1.061049 1.1512301\n", + " 1.1194088 1.0422744 1.0320743]\n", + "\n", + "[ 3 2 0 4 6 9 5 13 14 7 1 11 8 12 10 15 16]\n", + "=======================\n", + "[\"dealing across europe and asia was thrown into chaos by the crash of the server at bloomberg 's offices in the city of london .for a massive computer glitch that halted trading in stock exchanges around the world yesterday is being blamed on a spilt fizzy drink .bloomberg 's computer system is the world 's largest dealing platform and is used by most banks and trading floors .\"]\n", + "=======================\n", + "['huge computer glitch prevented deals in stock exchanges across the worldbloomberg down for several hours just after trading began this morningeurope and asia thrown into chaos after server crashed in london officeand reports from inside the company say a spilt can of coke was to blame']\n", + "dealing across europe and asia was thrown into chaos by the crash of the server at bloomberg 's offices in the city of london .for a massive computer glitch that halted trading in stock exchanges around the world yesterday is being blamed on a spilt fizzy drink .bloomberg 's computer system is the world 's largest dealing platform and is used by most banks and trading floors .\n", + "huge computer glitch prevented deals in stock exchanges across the worldbloomberg down for several hours just after trading began this morningeurope and asia thrown into chaos after server crashed in london officeand reports from inside the company say a spilt can of coke was to blame\n", + "[1.1991994 1.2941849 1.3324159 1.2786613 1.240264 1.2648039 1.1167661\n", + " 1.0733969 1.080002 1.0496048 1.104794 1.1348048 1.0453746 1.0644166\n", + " 1.0322235 1.0778704 1.0607461]\n", + "\n", + "[ 2 1 3 5 4 0 11 6 10 8 15 7 13 16 9 12 14]\n", + "=======================\n", + "[\"but those two - plus cristiano ronaldo , carlos tevez , paul pogba and gerard pique - have all made the semi-finals in their former club 's absence from the competition .last season 's disastrous campaign under david moyes saw united miss out on europe 's premier competition for the first time in 19 years , with patrice evra and javier hernandez members of the failing squad .javier hernandez scored the winner for real madrid against atletico .\"]\n", + "=======================\n", + "[\"manchester united have six ex-players in champions league semi-finalsjavier hernandez scored the winner for real madrid against atletico madridpaul pogba , carlos tevez and patrice evra play for italian side juventuscristiano ronaldo set up hernandez 's goal for real madrid on wednesdaybarcelona 's gerard pique helped keep out paris saint-germainhernandez was the hero for madrid but he will need to find a new home\"]\n", + "but those two - plus cristiano ronaldo , carlos tevez , paul pogba and gerard pique - have all made the semi-finals in their former club 's absence from the competition .last season 's disastrous campaign under david moyes saw united miss out on europe 's premier competition for the first time in 19 years , with patrice evra and javier hernandez members of the failing squad .javier hernandez scored the winner for real madrid against atletico .\n", + "manchester united have six ex-players in champions league semi-finalsjavier hernandez scored the winner for real madrid against atletico madridpaul pogba , carlos tevez and patrice evra play for italian side juventuscristiano ronaldo set up hernandez 's goal for real madrid on wednesdaybarcelona 's gerard pique helped keep out paris saint-germainhernandez was the hero for madrid but he will need to find a new home\n", + "[1.268426 1.2645222 1.1383988 1.2332008 1.0474286 1.1493806 1.0798819\n", + " 1.0986109 1.1422689 1.160512 1.1083902 1.0776798 1.0447178 1.0135833\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 9 5 8 2 10 7 6 11 4 12 13 15 14 16]\n", + "=======================\n", + "[\"the white house was stalling for time on wednesday as talks with iran over its nuclear program threatened to stretch into another day of overtime .president barack obama 's spokesman refused to give reporters an update on the status of the meetings or scheduling , saying he would leave those announcements to negotiators .speculation was swirling on wednesday afternoon that representatives from the six countries , including the u.s. , participating in the switzerland-based discussions with iran in were on the verge of making a deal as french foreign minister laurent fabius rushed back to lausanne .\"]\n", + "=======================\n", + "[\"president barack obama 's spokesman refused to give reporters an update on the status of the meetings or scheduling` the sense that we have is yes , that the talks continue to be productive and that progress is being made , ' he saidspeculation was swirling wednesday that negotiators were on the verge of a breakthrough as the french foreign minister rushed back to switzerlandwhite house would n't talk about next steps if a deal could not be reached but admitted that a ` military option ' was on the table as well as sanctions\"]\n", + "the white house was stalling for time on wednesday as talks with iran over its nuclear program threatened to stretch into another day of overtime .president barack obama 's spokesman refused to give reporters an update on the status of the meetings or scheduling , saying he would leave those announcements to negotiators .speculation was swirling on wednesday afternoon that representatives from the six countries , including the u.s. , participating in the switzerland-based discussions with iran in were on the verge of making a deal as french foreign minister laurent fabius rushed back to lausanne .\n", + "president barack obama 's spokesman refused to give reporters an update on the status of the meetings or scheduling` the sense that we have is yes , that the talks continue to be productive and that progress is being made , ' he saidspeculation was swirling wednesday that negotiators were on the verge of a breakthrough as the french foreign minister rushed back to switzerlandwhite house would n't talk about next steps if a deal could not be reached but admitted that a ` military option ' was on the table as well as sanctions\n", + "[1.2926512 1.2780106 1.1148871 1.3154719 1.0993742 1.1881266 1.237146\n", + " 1.1666267 1.0430425 1.1664362 1.0818337 1.0680507 1.094311 1.0369478\n", + " 1.018464 1.0096232 0. ]\n", + "\n", + "[ 3 0 1 6 5 7 9 2 4 12 10 11 8 13 14 15 16]\n", + "=======================\n", + "['ambitious : boris johnson admitted last night he hopes to be considered to lead the conservative party after david cameron .the london mayor , pressed on his leadership ambitions by sky news anchor kay burley , insisted the position would not become vacant for five years .mr johnson , running to become mp in uxbridge and south ruislip , has long been tipped as a future leader of the party , most recently by mr cameron .']\n", + "=======================\n", + "['boris johnson said he hopes to be considered for tory leadership after pmbut london mayor insisted position would not become vacant for 5 yearsdavid cameron named mr johnson as one of three potential successors']\n", + "ambitious : boris johnson admitted last night he hopes to be considered to lead the conservative party after david cameron .the london mayor , pressed on his leadership ambitions by sky news anchor kay burley , insisted the position would not become vacant for five years .mr johnson , running to become mp in uxbridge and south ruislip , has long been tipped as a future leader of the party , most recently by mr cameron .\n", + "boris johnson said he hopes to be considered for tory leadership after pmbut london mayor insisted position would not become vacant for 5 yearsdavid cameron named mr johnson as one of three potential successors\n", + "[1.3524344 1.3710802 1.2103517 1.3297483 1.2015269 1.1059974 1.1044841\n", + " 1.0999281 1.1235579 1.11053 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 8 9 5 6 7 15 10 11 12 13 14 16]\n", + "=======================\n", + "[\"dyke was given one of a limited edition of parmigiani watches by the brazilian fa during a fifa congress meeting in sao paulo during the world cup - with 65 handed out in goodie bags totalling more than # 1million .fifa has announced that football association chairman greg dyke has returned a # 16,000 watch he was given as a gift .when the watches were recalled , dyke initially refused to hand his back having promised to donate it to the fa 's official charity partner , breast cancer care , so that it could be auctioned .\"]\n", + "=======================\n", + "['65 parmigiani watches given to fifa delegates at world cup in brazilfifa ethics committee ordered the watch be given backgreg dyke did not give his back as he wanted to auction it for charitydyke has now given the watch back with all 65 to be donated to charity']\n", + "dyke was given one of a limited edition of parmigiani watches by the brazilian fa during a fifa congress meeting in sao paulo during the world cup - with 65 handed out in goodie bags totalling more than # 1million .fifa has announced that football association chairman greg dyke has returned a # 16,000 watch he was given as a gift .when the watches were recalled , dyke initially refused to hand his back having promised to donate it to the fa 's official charity partner , breast cancer care , so that it could be auctioned .\n", + "65 parmigiani watches given to fifa delegates at world cup in brazilfifa ethics committee ordered the watch be given backgreg dyke did not give his back as he wanted to auction it for charitydyke has now given the watch back with all 65 to be donated to charity\n", + "[1.2367855 1.3260998 1.2988048 1.2253444 1.1837935 1.1463827 1.1234121\n", + " 1.0885652 1.0790993 1.095587 1.0301046 1.0471106 1.0828888 1.1121546\n", + " 1.0223982 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 5 6 13 9 7 12 8 11 10 14 18 15 16 17 19]\n", + "=======================\n", + "['they say the system is open to abuse and many oversubscribed schools reject non-churchgoing families even though they may live nearby .many christian schools give priority to families who regularly attend services , a practice which they say preserves their faith ethos .church of england schools should stop selecting pupils on faith because it discriminates against the poor , a group of vicars has claimed .']\n", + "=======================\n", + "['group of vicars say coe schools should stop selecting pupils on faithmany christian schools give priority to those who regularly attend churchbut vicars argue the system is open to abuse and oversubscribed schools may reject non-churchgoing families even though they may live nearbyclergymen said affluent parents were more likely to cheat the system by going to church just to get their children into a high-performing coe school']\n", + "they say the system is open to abuse and many oversubscribed schools reject non-churchgoing families even though they may live nearby .many christian schools give priority to families who regularly attend services , a practice which they say preserves their faith ethos .church of england schools should stop selecting pupils on faith because it discriminates against the poor , a group of vicars has claimed .\n", + "group of vicars say coe schools should stop selecting pupils on faithmany christian schools give priority to those who regularly attend churchbut vicars argue the system is open to abuse and oversubscribed schools may reject non-churchgoing families even though they may live nearbyclergymen said affluent parents were more likely to cheat the system by going to church just to get their children into a high-performing coe school\n", + "[1.1899486 1.3080655 1.3171359 1.1971536 1.1605759 1.0944604 1.2438958\n", + " 1.0826131 1.125377 1.0879195 1.0373462 1.1047826 1.090185 1.064401\n", + " 1.0286808 1.0175937 1.0317441 1.0094677 1.0080912 1.0543306]\n", + "\n", + "[ 2 1 6 3 0 4 8 11 5 12 9 7 13 19 10 16 14 15 17 18]\n", + "=======================\n", + "['the skier teamed up with the red bull media house and starelation to create the unusual stunt , using coloured powder packed into the poles he swerved around .but talented marcel hirscher added a little extra flare to his downhill slalom run by bringing the pistes alive with a colourful display .said the four times world champion skier , marcel hirscher']\n", + "=======================\n", + "['the austrian skier worked with the team at red bull to create the multi-coloured skiing videopoles filled with biodegradable powder were positioned on an enhanced slope , which erupted as he went passedit took six gopros , two phantom cameras and three red epic dragon cameras to capture the event']\n", + "the skier teamed up with the red bull media house and starelation to create the unusual stunt , using coloured powder packed into the poles he swerved around .but talented marcel hirscher added a little extra flare to his downhill slalom run by bringing the pistes alive with a colourful display .said the four times world champion skier , marcel hirscher\n", + "the austrian skier worked with the team at red bull to create the multi-coloured skiing videopoles filled with biodegradable powder were positioned on an enhanced slope , which erupted as he went passedit took six gopros , two phantom cameras and three red epic dragon cameras to capture the event\n", + "[1.2856597 1.4604939 1.2109077 1.2139173 1.1804258 1.360981 1.149747\n", + " 1.04346 1.058883 1.0215362 1.0223753 1.0397358 1.032137 1.0163757\n", + " 1.0500575 1.0276278 1.0810362 1.131027 1.1084379 1.0421126]\n", + "\n", + "[ 1 5 0 3 2 4 6 17 18 16 8 14 7 19 11 12 15 10 9 13]\n", + "=======================\n", + "[\"the row broke out between andrea trunfio , 36 , and mario bretti , 64 , after the former allegedly tried to muscle in on mr bretti 's patch .an italian ice cream man pursued his older rival in his van and then punched him through the driver 's window in a turf war over ` stealing ' customers from a new housing development .mr bretti said his competitor chased him along a busy road before cutting him off at a junction and blocking him with his van .\"]\n", + "=======================\n", + "[\"row broke out between andrea trunfio , 36 , and mario bretti , 64 , last julyargument was over ownership of a new housing development in wiltshiremr bretti said rival cut him off and then punched him through windowtrunfio was handed a 12 month community order at magistrates ' court\"]\n", + "the row broke out between andrea trunfio , 36 , and mario bretti , 64 , after the former allegedly tried to muscle in on mr bretti 's patch .an italian ice cream man pursued his older rival in his van and then punched him through the driver 's window in a turf war over ` stealing ' customers from a new housing development .mr bretti said his competitor chased him along a busy road before cutting him off at a junction and blocking him with his van .\n", + "row broke out between andrea trunfio , 36 , and mario bretti , 64 , last julyargument was over ownership of a new housing development in wiltshiremr bretti said rival cut him off and then punched him through windowtrunfio was handed a 12 month community order at magistrates ' court\n", + "[1.3092678 1.3434331 1.31478 1.1663474 1.3412474 1.0721871 1.0376387\n", + " 1.1280776 1.0723132 1.0836151 1.0124978 1.0134419 1.0127295 1.0711434\n", + " 1.0476398 1.0609608 1.0775136 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 0 3 7 9 16 8 5 13 15 14 6 11 12 10 18 17 19]\n", + "=======================\n", + "[\"after hearing positive stories about the benefits of using the controversial treatment , the 32-year-old cairns man decided to give cannabis oil to his daughter who is battling a rare form of cancer called neuroblastoma .the father has been charged for treating his 2-year-old daughter with medical cannabis oildespite his claims that it improved her condition , the father , who can not be named for legal reasons but has been nicknamed ` fearless father ' , was charged with administering a dangerous drug to a minor and was refused access to his sick daughter .\"]\n", + "=======================\n", + "['a cairns man faces court after giving his daughter medical cannabis oiltwo-year-old daughter is suffering from a rare form of cancerthe 30-year-old father claims the effects of the cannabis were miraculoushe was arrested for administering the drug to his daughterhe has since set up a campaign to highlight his situation']\n", + "after hearing positive stories about the benefits of using the controversial treatment , the 32-year-old cairns man decided to give cannabis oil to his daughter who is battling a rare form of cancer called neuroblastoma .the father has been charged for treating his 2-year-old daughter with medical cannabis oildespite his claims that it improved her condition , the father , who can not be named for legal reasons but has been nicknamed ` fearless father ' , was charged with administering a dangerous drug to a minor and was refused access to his sick daughter .\n", + "a cairns man faces court after giving his daughter medical cannabis oiltwo-year-old daughter is suffering from a rare form of cancerthe 30-year-old father claims the effects of the cannabis were miraculoushe was arrested for administering the drug to his daughterhe has since set up a campaign to highlight his situation\n", + "[1.0990815 1.4445915 1.3155544 1.2315754 1.2547581 1.1066314 1.0707847\n", + " 1.0203407 1.2844136 1.0223413 1.1225154 1.2285271 1.1035628 1.0730474\n", + " 1.0414027 1.0337112 1.0068835 1.013391 0. 0. ]\n", + "\n", + "[ 1 2 8 4 3 11 10 5 12 0 13 6 14 15 9 7 17 16 18 19]\n", + "=======================\n", + "[\"yet the duchess of cambridge has been dismissed as an ` uneventful ' dresser by leading author margaret atwood .and most controversially , the 75-year-old said kate has n't lived up to the fashion icon reputation of her husband 's late mother , princess diana .miss atwood said she thinks the duchess is cautious when it comes to clothes and is told what to wear by advisers .\"]\n", + "=======================\n", + "[\"author margaret atwood dismissed katherine as an ` uneventful ' dressershe says duchess of cambridge has n't lived up to fashion icon dianamiss atwood says kate is cautious when it comes to clothing\"]\n", + "yet the duchess of cambridge has been dismissed as an ` uneventful ' dresser by leading author margaret atwood .and most controversially , the 75-year-old said kate has n't lived up to the fashion icon reputation of her husband 's late mother , princess diana .miss atwood said she thinks the duchess is cautious when it comes to clothes and is told what to wear by advisers .\n", + "author margaret atwood dismissed katherine as an ` uneventful ' dressershe says duchess of cambridge has n't lived up to fashion icon dianamiss atwood says kate is cautious when it comes to clothing\n", + "[1.2909002 1.2154379 1.3743961 1.2248826 1.3405703 1.0314794 1.1449203\n", + " 1.0849662 1.1656537 1.1245666 1.0129384 1.0135367 1.092356 1.0159379\n", + " 1.0467244 1.009773 1.0141013 1.0774164 1.1292385]\n", + "\n", + "[ 2 4 0 3 1 8 6 18 9 12 7 17 14 5 13 16 11 10 15]\n", + "=======================\n", + "[\"it was bumper-to-bumper all up the i-65 in louisville for president obama 's visit to the city to tour a technology plant and give a speech about the economy , worsened because obama had been caught up in washington d.c.a kentucky woman was forced to give birth on interstate 65 on thursday while stuck in traffic waiting for the presidential motorcade to pass .jessica brown was on her way to hospital with her husband , zakk satterley , when the couple realized , in standstill traffic , they were n't going to make it .\"]\n", + "=======================\n", + "[\"jessica brown and husband zakk satterly were en route to hospital tuesday when they became stuck in standstill on the i-65 in louisvillethe roads were closed for the presidential motorcadebrown went into labor , and a nurse , tonia vetter , quickly came to her aidthe baby was born ` quickly ' in the traffican ambulance was able to get through and transport them to hospital\"]\n", + "it was bumper-to-bumper all up the i-65 in louisville for president obama 's visit to the city to tour a technology plant and give a speech about the economy , worsened because obama had been caught up in washington d.c.a kentucky woman was forced to give birth on interstate 65 on thursday while stuck in traffic waiting for the presidential motorcade to pass .jessica brown was on her way to hospital with her husband , zakk satterley , when the couple realized , in standstill traffic , they were n't going to make it .\n", + "jessica brown and husband zakk satterly were en route to hospital tuesday when they became stuck in standstill on the i-65 in louisvillethe roads were closed for the presidential motorcadebrown went into labor , and a nurse , tonia vetter , quickly came to her aidthe baby was born ` quickly ' in the traffican ambulance was able to get through and transport them to hospital\n", + "[1.4757444 1.1828381 1.2667907 1.1709528 1.1480769 1.1133108 1.1421603\n", + " 1.0710051 1.0517695 1.0937356 1.0432868 1.0162129 1.0765831 1.0322367\n", + " 1.0360041 1.0680082 1.0599893 0. 0. ]\n", + "\n", + "[ 0 2 1 3 4 6 5 9 12 7 15 16 8 10 14 13 11 17 18]\n", + "=======================\n", + "['( cnn ) the palestinian authority officially became the 123rd member of the international criminal court on wednesday , a step that gives the court jurisdiction over alleged crimes in palestinian territories .the formal accession was marked with a ceremony at the hague , in the netherlands , where the court is based .as members of the court , palestinians may be subject to counter-charges as well .']\n", + "=======================\n", + "['membership gives the icc jurisdiction over alleged crimes committed in palestinian territories since last juneisrael and the united states opposed the move , which could open the door to war crimes investigations against israelis']\n", + "( cnn ) the palestinian authority officially became the 123rd member of the international criminal court on wednesday , a step that gives the court jurisdiction over alleged crimes in palestinian territories .the formal accession was marked with a ceremony at the hague , in the netherlands , where the court is based .as members of the court , palestinians may be subject to counter-charges as well .\n", + "membership gives the icc jurisdiction over alleged crimes committed in palestinian territories since last juneisrael and the united states opposed the move , which could open the door to war crimes investigations against israelis\n", + "[1.1110636 1.3187507 1.3437006 1.1990316 1.159883 1.264939 1.0973241\n", + " 1.0379876 1.1798193 1.0610063 1.0474616 1.0942612 1.1021103 1.0179591\n", + " 1.0201088 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 5 3 8 4 0 12 6 11 9 10 7 14 13 17 15 16 18]\n", + "=======================\n", + "[\"they were all placed on the 1904 blacklist after four convictions under the inebriates act of 1898 .in fact , they were the drunkards banned from every boozer in birmingham for a string of crimes including drink-driving a steam engine , riding a horse while drunk and being intoxicated to the point of ` complete incompetence ' .the list was then sent to landlords who were not allowed to sell them alcohol .\"]\n", + "=======================\n", + "[\"archives reveal list of drunkards banned from every pub in birminghamwere all put on the 1904 blacklist after convictions under inebriates actlist was then sent to landlords who were not allowed to sell them boozeoffenders were also ordered to work up to 21 days of ` hard labour '\"]\n", + "they were all placed on the 1904 blacklist after four convictions under the inebriates act of 1898 .in fact , they were the drunkards banned from every boozer in birmingham for a string of crimes including drink-driving a steam engine , riding a horse while drunk and being intoxicated to the point of ` complete incompetence ' .the list was then sent to landlords who were not allowed to sell them alcohol .\n", + "archives reveal list of drunkards banned from every pub in birminghamwere all put on the 1904 blacklist after convictions under inebriates actlist was then sent to landlords who were not allowed to sell them boozeoffenders were also ordered to work up to 21 days of ` hard labour '\n", + "[1.4206983 1.3931552 1.193817 1.2030964 1.1847517 1.1379967 1.2058947\n", + " 1.053975 1.0855305 1.0990666 1.0587966 1.0884721 1.1124693 1.0549253\n", + " 1.0091714 1.010189 0. 0. 0. ]\n", + "\n", + "[ 0 1 6 3 2 4 5 12 9 11 8 10 13 7 15 14 17 16 18]\n", + "=======================\n", + "['( cnn ) the mother of a quadriplegic man who police say was left in the woods for days can not be extradited to face charges in philadelphia until she completes an unspecified \" treatment , \" maryland police said monday .citing federal health care privacy laws , montgomery county police spokesman capt. paul starks said he could not divulge why parler was receiving treatment , but he said she had to complete it before she could be extradited .a man walking through the woods found him friday \" lying in leaves , covered in a blanket with a bible and a wheelchair nearby , \" philadelphia police say .']\n", + "=======================\n", + "['mother must complete \" treatment \" before she can be extradited , maryland police saymom told police son was with her in maryland , but he was found friday alone in woodsvictim being treated for malnutrition , dehydration ; mother faces host of charges after extradition']\n", + "( cnn ) the mother of a quadriplegic man who police say was left in the woods for days can not be extradited to face charges in philadelphia until she completes an unspecified \" treatment , \" maryland police said monday .citing federal health care privacy laws , montgomery county police spokesman capt. paul starks said he could not divulge why parler was receiving treatment , but he said she had to complete it before she could be extradited .a man walking through the woods found him friday \" lying in leaves , covered in a blanket with a bible and a wheelchair nearby , \" philadelphia police say .\n", + "mother must complete \" treatment \" before she can be extradited , maryland police saymom told police son was with her in maryland , but he was found friday alone in woodsvictim being treated for malnutrition , dehydration ; mother faces host of charges after extradition\n", + "[1.1823093 1.4394426 1.3927813 1.3242726 1.118187 1.1492549 1.0520494\n", + " 1.2518535 1.0213997 1.1011696 1.105402 1.015926 1.0996785 1.0811198\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 7 0 5 4 10 9 12 13 6 8 11 17 14 15 16 18]\n", + "=======================\n", + "['on wednesday virgin australia launched complimentary food on all flights across the australian domestic network .the latest introduction of free food will be part of a package that will also include free checked baggage on all domestic flights , which will complement the free in-flight entertainment on offer already .virgin australia chief customer officer , mark hassell confirmed this saying virgin australia was committed to maintaining an excellent service and to continue to put customers first .']\n", + "=======================\n", + "['virgin australia launches complimentary food on all domestic flightspackage will also include free checked baggage on all local flightsfood and beverage service tailored to time of day and duration of journeymove also includes free checked baggage on all domestic flights']\n", + "on wednesday virgin australia launched complimentary food on all flights across the australian domestic network .the latest introduction of free food will be part of a package that will also include free checked baggage on all domestic flights , which will complement the free in-flight entertainment on offer already .virgin australia chief customer officer , mark hassell confirmed this saying virgin australia was committed to maintaining an excellent service and to continue to put customers first .\n", + "virgin australia launches complimentary food on all domestic flightspackage will also include free checked baggage on all local flightsfood and beverage service tailored to time of day and duration of journeymove also includes free checked baggage on all domestic flights\n", + "[1.2338138 1.2702775 1.2359433 1.214811 1.2106459 1.136891 1.1959882\n", + " 1.0880777 1.0666825 1.1204126 1.0451146 1.0562705 1.0767162 1.131537\n", + " 1.0246087 1.0126288 1.0743141 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 6 5 13 9 7 12 16 8 11 10 14 15 18 17 19]\n", + "=======================\n", + "[\"power giant e.on has been ordered to pay a # 7.75 million penalty after it ripped off customers who were switching to rivals .the money will go to citizens advice to fund the organisation 's work helping those trying to cut their energy bills .e.on effectively overcharged thousands who decided to move to other suppliers after it announced price rises in january 2013 and again in early 2014 .\"]\n", + "=======================\n", + "[\"firm to pay citizens advice # 7.75 m after incorrectly imposing exit feesrefunds for 40,000 customers affected in january 2013 and january 2014ofgem brands e.on ` absolutely unacceptable ' for failing to protect clients\"]\n", + "power giant e.on has been ordered to pay a # 7.75 million penalty after it ripped off customers who were switching to rivals .the money will go to citizens advice to fund the organisation 's work helping those trying to cut their energy bills .e.on effectively overcharged thousands who decided to move to other suppliers after it announced price rises in january 2013 and again in early 2014 .\n", + "firm to pay citizens advice # 7.75 m after incorrectly imposing exit feesrefunds for 40,000 customers affected in january 2013 and january 2014ofgem brands e.on ` absolutely unacceptable ' for failing to protect clients\n", + "[1.4134828 1.3013681 1.0709922 1.450223 1.321949 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 4 1 2 17 16 15 14 13 12 9 10 18 8 7 6 5 11 19]\n", + "=======================\n", + "[\"chelsea midfielder oriol romeu , currently on loan at stuttgart , predicts the scores for the weekend 's matchesromeu is currently on a season-long loan at bundesliga side stuttgartthe standout fixture in the league on saturday sees leaders chelsea welcome manchester united to stamford bridge , while aston villa and liverpool clash at wembley in the fa cup semi-final .\"]\n", + "=======================\n", + "[\"oriol romeu is on a season-long loan at stuttgart from chelseathe spanish midfielder predicts the scores in saturday 's matchesromeu goes head-to-head with sportsmail 's martin keown\"]\n", + "chelsea midfielder oriol romeu , currently on loan at stuttgart , predicts the scores for the weekend 's matchesromeu is currently on a season-long loan at bundesliga side stuttgartthe standout fixture in the league on saturday sees leaders chelsea welcome manchester united to stamford bridge , while aston villa and liverpool clash at wembley in the fa cup semi-final .\n", + "oriol romeu is on a season-long loan at stuttgart from chelseathe spanish midfielder predicts the scores in saturday 's matchesromeu goes head-to-head with sportsmail 's martin keown\n", + "[1.1973859 1.427371 1.2610673 1.2207181 1.2123802 1.1779338 1.1786758\n", + " 1.0736501 1.0910438 1.1054446 1.0293583 1.2128563 1.0551783 1.0385495\n", + " 1.0511816 1.0280801 1.0236683 1.0457249 1.012773 1.0066707]\n", + "\n", + "[ 1 2 3 11 4 0 6 5 9 8 7 12 14 17 13 10 15 16 18 19]\n", + "=======================\n", + "[\"dave heeley , 57 , from west bromwich , ran the gruelling challenge over six days as he battled through sand dunes , dried river beds and rocks .the super-fit father-of-three , known affectionately by his friends as ` blind dave ' , took part in the marathon des sables where competitors carry provisions on their backs and temperatures can rise to 50 degrees .completed : mr heeley finished the ` toughest foot race on earth ' on friday after running almost 160 miles\"]\n", + "=======================\n", + "[\"dave heeley , 57 , completed the 156-mile marathon des sables on fridaythe father-of-three known as ` blind dave ' is the first blind man to do sohe previously finished the seven magnificent marathons challenge in 2008\"]\n", + "dave heeley , 57 , from west bromwich , ran the gruelling challenge over six days as he battled through sand dunes , dried river beds and rocks .the super-fit father-of-three , known affectionately by his friends as ` blind dave ' , took part in the marathon des sables where competitors carry provisions on their backs and temperatures can rise to 50 degrees .completed : mr heeley finished the ` toughest foot race on earth ' on friday after running almost 160 miles\n", + "dave heeley , 57 , completed the 156-mile marathon des sables on fridaythe father-of-three known as ` blind dave ' is the first blind man to do sohe previously finished the seven magnificent marathons challenge in 2008\n", + "[1.3760115 1.3861272 1.3047333 1.0903667 1.2951369 1.2109301 1.2205738\n", + " 1.2071035 1.0624862 1.0332137 1.1436455 1.0736887 1.0630299 1.0278176\n", + " 1.0346893 1.0312866 1.0165511 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 6 5 7 10 3 11 12 8 14 9 15 13 16 18 17 19]\n", + "=======================\n", + "[\"the chelsea owner , who frequently visits tel aviv on business , is expected to convert the 19th century building into his israeli home .roman abramovich has bought tel aviv 's varsano hotel for 100million israeli shekels ( # 17.1 m ) .covering 1,500 square metres , the hotel complex is listed as a preserved building .\"]\n", + "=======================\n", + "[\"chelsea owner roman abramovich has bought a new # 17.1 m propertyhe has bought tel aviv 's varsano hotel to convert into his israeli homethe hotel is listed as a preserved building and covers 1,500 square metres\"]\n", + "the chelsea owner , who frequently visits tel aviv on business , is expected to convert the 19th century building into his israeli home .roman abramovich has bought tel aviv 's varsano hotel for 100million israeli shekels ( # 17.1 m ) .covering 1,500 square metres , the hotel complex is listed as a preserved building .\n", + "chelsea owner roman abramovich has bought a new # 17.1 m propertyhe has bought tel aviv 's varsano hotel to convert into his israeli homethe hotel is listed as a preserved building and covers 1,500 square metres\n", + "[1.4502903 1.1770966 1.4323938 1.3036005 1.2838476 1.1335101 1.0697925\n", + " 1.0702364 1.0930265 1.0558692 1.0602831 1.0845671 1.0416856 1.0121574\n", + " 1.0117921 1.0412798 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 4 1 5 8 11 7 6 10 9 12 15 13 14 16 17 18 19]\n", + "=======================\n", + "[\"margaret gretton has been banned from classrooms for labelling an asian job applicant ` taliban ' and calling special needs pupils ` roadkill 'margaret gretton , 46 , has been barred indefinitely from the profession after she referred to the applicant as a member of the terror group and talked of ` bombs and blowing up the school ' in an asian accent .a disciplinary panel of the national college for teaching and leadership in coventry ruled ms gretton ` exhibited clear intolerance on the grounds of race , as well as disability ' .\"]\n", + "=======================\n", + "[\"margaret gretton , 46 , has been barred indefinitely from the professionshe was headteacher of burton joyce primary school in nottinghamshe talked of ` bombs and blowing up the school ' in an asian accentdisciplinary panel concluded she ` exhibited clear intolerance on the grounds of race , as well as disability '\"]\n", + "margaret gretton has been banned from classrooms for labelling an asian job applicant ` taliban ' and calling special needs pupils ` roadkill 'margaret gretton , 46 , has been barred indefinitely from the profession after she referred to the applicant as a member of the terror group and talked of ` bombs and blowing up the school ' in an asian accent .a disciplinary panel of the national college for teaching and leadership in coventry ruled ms gretton ` exhibited clear intolerance on the grounds of race , as well as disability ' .\n", + "margaret gretton , 46 , has been barred indefinitely from the professionshe was headteacher of burton joyce primary school in nottinghamshe talked of ` bombs and blowing up the school ' in an asian accentdisciplinary panel concluded she ` exhibited clear intolerance on the grounds of race , as well as disability '\n", + "[1.3818513 1.3537712 1.3601168 1.2530416 1.1853864 1.3355772 1.1277068\n", + " 1.0659288 1.0750504 1.0747291 1.1302735 1.1008333 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 5 3 4 10 6 11 8 9 7 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"richard henyekane , a former south africa striker , was killed in a car crash early tuesday , his club and the country 's premier soccer league have confirmed .henyekane made nine appearances for south africa in 2009 .henyekane 's club , free state stars , said the 31-year-old player was traveling with four other people in the vehicle but was the only person to die in the crash .\"]\n", + "=======================\n", + "['richard henyekane died in car accident in the early hours of tuesdaythe former south africa striker was the only person to die in the crashhenyekane made nine appearances for south africa back in 2009']\n", + "richard henyekane , a former south africa striker , was killed in a car crash early tuesday , his club and the country 's premier soccer league have confirmed .henyekane made nine appearances for south africa in 2009 .henyekane 's club , free state stars , said the 31-year-old player was traveling with four other people in the vehicle but was the only person to die in the crash .\n", + "richard henyekane died in car accident in the early hours of tuesdaythe former south africa striker was the only person to die in the crashhenyekane made nine appearances for south africa back in 2009\n", + "[1.1928933 1.487685 1.2660977 1.2570543 1.250691 1.0575368 1.156566\n", + " 1.088567 1.0836079 1.0625455 1.0388358 1.0229139 1.0558745 1.0768019\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + " 1.0736054 1.1881458 1.0440168 1.067861 1.100926 1.0278056]\n", + "\n", + "[ 1 2 3 4 0 15 6 18 7 8 13 14 17 9 5 12 16 10 19 11]\n", + "=======================\n", + "[\"xie hong feng was found dead after falling five floors down an empty elevator shaft in her apartment block in ningbo city in china .her neighbour and property manager yang shao told police the 45-year-old had been pushed by her toddler son , the people 's daily online reported .her three-year-old son has been accused of pushing her by the property 's manager - but there is no cctv evidence of the accident\"]\n", + "=======================\n", + "[\"three-year-old accused of murder by the apartment block managerxie hong feng had dropped her keys through the gap of the lift and floorneighbour yang claims toddler pushed her - but there 's no other evidence\"]\n", + "xie hong feng was found dead after falling five floors down an empty elevator shaft in her apartment block in ningbo city in china .her neighbour and property manager yang shao told police the 45-year-old had been pushed by her toddler son , the people 's daily online reported .her three-year-old son has been accused of pushing her by the property 's manager - but there is no cctv evidence of the accident\n", + "three-year-old accused of murder by the apartment block managerxie hong feng had dropped her keys through the gap of the lift and floorneighbour yang claims toddler pushed her - but there 's no other evidence\n", + "[1.6425304 1.1980231 1.0919544 1.307472 1.1848196 1.2668688 1.1154639\n", + " 1.1440672 1.0463077 1.0488224 1.1079246 1.1531594 1.0746408 1.049434\n", + " 1.0328894 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 5 1 4 11 7 6 10 2 12 13 9 8 14 15 16 17 18 19]\n", + "=======================\n", + "[\"celta vigo forward fabian orellana has been handed a one-match ban by the spanish football federation following his straight-red card for throwing grass at barcelona midfielder sergio busquets , the club has confirmed on their official website .fabian orellana collects a lump of grass from the ground before throwing it towards sergio busquetsthe celta vigo striker aims his throw in busquets ' direction during the closing stages of the match\"]\n", + "=======================\n", + "[\"fabian orellana was angered by sergio busquets ' time-wasting tacticsthe celta vigo striker threw lump of turf towards the barca midfielderorellana will now serve a one-match ban for his antics and will miss celta 's next game against grenada on wednesday\"]\n", + "celta vigo forward fabian orellana has been handed a one-match ban by the spanish football federation following his straight-red card for throwing grass at barcelona midfielder sergio busquets , the club has confirmed on their official website .fabian orellana collects a lump of grass from the ground before throwing it towards sergio busquetsthe celta vigo striker aims his throw in busquets ' direction during the closing stages of the match\n", + "fabian orellana was angered by sergio busquets ' time-wasting tacticsthe celta vigo striker threw lump of turf towards the barca midfielderorellana will now serve a one-match ban for his antics and will miss celta 's next game against grenada on wednesday\n", + "[1.0963782 1.1972566 1.4694166 1.1940956 1.1531609 1.0858741 1.1697557\n", + " 1.0423989 1.0536467 1.0706633 1.096228 1.0547795 1.0804787 1.071351\n", + " 1.0526227 1.1883494 1.0627688 1.0516036 0. 0. ]\n", + "\n", + "[ 2 1 3 15 6 4 0 10 5 12 13 9 16 11 8 14 17 7 18 19]\n", + "=======================\n", + "['the pup was filmed squeaking and squawking after meeting a young husky dog and attempting to bark at its new companion .at least , that seemed to be the case for one young shibu inu , who caused hilarity with a somewhat chatty display at an american kennel club centre .captured on video , the puppies are held in the air by their respective handlers and one of the dogs makes a high-pitched whining sound .']\n", + "=======================\n", + "['the shibu inu puppy has the impromptu chat with a huskybegins vocalising with a yappy bark while the husky whinesamerican kennel club staff try to pacify the excited shibu inushibu inu runs in the air in an attempt to get closer to husky']\n", + "the pup was filmed squeaking and squawking after meeting a young husky dog and attempting to bark at its new companion .at least , that seemed to be the case for one young shibu inu , who caused hilarity with a somewhat chatty display at an american kennel club centre .captured on video , the puppies are held in the air by their respective handlers and one of the dogs makes a high-pitched whining sound .\n", + "the shibu inu puppy has the impromptu chat with a huskybegins vocalising with a yappy bark while the husky whinesamerican kennel club staff try to pacify the excited shibu inushibu inu runs in the air in an attempt to get closer to husky\n", + "[1.4913628 1.2922809 1.3176705 1.2706318 1.1081507 1.0839459 1.1445403\n", + " 1.1136945 1.0607781 1.0558856 1.0899286 1.1420616 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 6 11 7 4 10 5 8 9 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"world no 5 caroline wozniacki was invited to the white house on monday to take part in the annual easter egg roll and played tennis with us president barack obama .the event was broadcast on the popular talk show live !the danish ace participated in this year 's themed #gimmefive campaign aimed at promoting more active and healthy lifestyles among american people .\"]\n", + "=======================\n", + "['caroline wozniacki played tennis with us president barack obama as part of the #gimmegive campaign at the annual easter egg rollthe campaign aimed at promoting more active and healthy lifestyles among american people involved several celebritiesthe event was broadcast on the popular american talk show live !']\n", + "world no 5 caroline wozniacki was invited to the white house on monday to take part in the annual easter egg roll and played tennis with us president barack obama .the event was broadcast on the popular talk show live !the danish ace participated in this year 's themed #gimmefive campaign aimed at promoting more active and healthy lifestyles among american people .\n", + "caroline wozniacki played tennis with us president barack obama as part of the #gimmegive campaign at the annual easter egg rollthe campaign aimed at promoting more active and healthy lifestyles among american people involved several celebritiesthe event was broadcast on the popular american talk show live !\n", + "[1.3488749 1.3089921 1.3504597 1.1323489 1.0317078 1.0246919 1.1418207\n", + " 1.229256 1.161649 1.1244037 1.1527392 1.0432144 1.0500793 1.0628724\n", + " 1.0313585 1.0260664 0. ]\n", + "\n", + "[ 2 0 1 7 8 10 6 3 9 13 12 11 4 14 15 5 16]\n", + "=======================\n", + "[\"taking the stand against charlie bothuell iv and monique dillard-bothuell on tuesday , charlie bothuell , who was 12 when he was found in the basement , described the horrors of his home life .a 13-year-old boy who was allegedly locked in a basement for 11 days has testified against his father and stepmother in court , saying his home was a ` very terrible ' place where he was often beaten with a plastic pipe , forced to rise before dawn for workouts and isolated from other children .he revealed his treatment was so horrific , he attempted suicide in a bid to escape his parents ' torture .\"]\n", + "=======================\n", + "[\"charlie bothuell , now 13 , was discovered in detroit basement last juneblanket , cereal box and a bowl of chicken bones were in room with himon tuesday , charlie testified in court against his father and stepmothersaid home was ` very terrible place to be ' where he was regularly beatenclaimed he was tormented with workouts and isolated from other kidshe attempted suicide in bid to escape abusive conditions , he told courtit is first time charlie has spoken publicly since he was found by policehearing is meant to determine if there is enough evidence to send the youngster 's father and stepmother to trial for ` torture and child abuse '\"]\n", + "taking the stand against charlie bothuell iv and monique dillard-bothuell on tuesday , charlie bothuell , who was 12 when he was found in the basement , described the horrors of his home life .a 13-year-old boy who was allegedly locked in a basement for 11 days has testified against his father and stepmother in court , saying his home was a ` very terrible ' place where he was often beaten with a plastic pipe , forced to rise before dawn for workouts and isolated from other children .he revealed his treatment was so horrific , he attempted suicide in a bid to escape his parents ' torture .\n", + "charlie bothuell , now 13 , was discovered in detroit basement last juneblanket , cereal box and a bowl of chicken bones were in room with himon tuesday , charlie testified in court against his father and stepmothersaid home was ` very terrible place to be ' where he was regularly beatenclaimed he was tormented with workouts and isolated from other kidshe attempted suicide in bid to escape abusive conditions , he told courtit is first time charlie has spoken publicly since he was found by policehearing is meant to determine if there is enough evidence to send the youngster 's father and stepmother to trial for ` torture and child abuse '\n", + "[1.0676888 1.1026133 1.417643 1.3964999 1.1368254 1.1999863 1.060578\n", + " 1.1075926 1.1192502 1.0801454 1.0431957 1.0447252 1.0286844 1.046471\n", + " 1.0675192 0. 0. ]\n", + "\n", + "[ 2 3 5 4 8 7 1 9 0 14 6 13 11 10 12 15 16]\n", + "=======================\n", + "[\"starting at the very bottom of the chocolate egg scale is the mini solid egg , around four of them equate to 550 kilojules .after eating only four mini solid chocolate eggs that contain 550 kilojules you 'll need to run for at least 40 minutes to melt the calories awaya man weighing in at around 80 kilograms could achieve the same in 30 minutes .\"]\n", + "=======================\n", + "[\"a balanced diet can get harder to achieve around the holiday timesto keep healthy it 's important to maintain regular exerciseto burn off four mini easter eggs you 'll need to exercise for 40 minutesa large easter bunny would have you on the squash court for 3 hoursthose who eat hot cross buns would spend an hour hitting the pavement\"]\n", + "starting at the very bottom of the chocolate egg scale is the mini solid egg , around four of them equate to 550 kilojules .after eating only four mini solid chocolate eggs that contain 550 kilojules you 'll need to run for at least 40 minutes to melt the calories awaya man weighing in at around 80 kilograms could achieve the same in 30 minutes .\n", + "a balanced diet can get harder to achieve around the holiday timesto keep healthy it 's important to maintain regular exerciseto burn off four mini easter eggs you 'll need to exercise for 40 minutesa large easter bunny would have you on the squash court for 3 hoursthose who eat hot cross buns would spend an hour hitting the pavement\n", + "[1.3794196 1.3754702 1.2084627 1.334204 1.4301796 1.2299043 1.1309156\n", + " 1.1866633 1.0309238 1.0151699 1.0211793 1.0166295 1.0208433 1.017277\n", + " 1.0942469 1.1108825 0. ]\n", + "\n", + "[ 4 0 1 3 5 2 7 6 15 14 8 10 12 13 11 9 16]\n", + "=======================\n", + "[\"sarah thomas is set to become the nfl 's first full-time female official after refereeing college gamesthe 42-year-old mother-of-three from mississippi has officiated pre-season games as a line judge .the los angeles times reported that thomas will be one of eight new officials for the 2015 season .\"]\n", + "=======================\n", + "[\"thomas set to be named as one of eight new referees for the 2015 seasonthe married mother-of-three has regularly officiated college gamesthomas was the first woman to officiate an ncaa game in 2007she has also spent time in the nfl 's developmental program for officials\"]\n", + "sarah thomas is set to become the nfl 's first full-time female official after refereeing college gamesthe 42-year-old mother-of-three from mississippi has officiated pre-season games as a line judge .the los angeles times reported that thomas will be one of eight new officials for the 2015 season .\n", + "thomas set to be named as one of eight new referees for the 2015 seasonthe married mother-of-three has regularly officiated college gamesthomas was the first woman to officiate an ncaa game in 2007she has also spent time in the nfl 's developmental program for officials\n", + "[1.2362115 1.3800906 1.2061027 1.1790931 1.2650614 1.1074437 1.1244982\n", + " 1.0755665 1.0607796 1.0814099 1.1063098 1.0349466 1.0949404 1.0896881\n", + " 1.04886 1.0699426 1.049344 ]\n", + "\n", + "[ 1 4 0 2 3 6 5 10 12 13 9 7 15 8 16 14 11]\n", + "=======================\n", + "['the prevention of terrorism act - passed in the capital kuala lumpur yesterday - officially enables authorities to detain suspected terrorists for two years without charge or trial .rise : malaysian police said in january they had arrested a total of 120 people with suspected links or sympathies to the islamic state terror group ( pictured ) , or who had sought to travel to war-torn syria or iraqmalaysia has passed a controversial terror law aimed at tackling growing support for islamic state extremists in the country in a move opponents denounced as a harsh blow for civil rights .']\n", + "=======================\n", + "[\"law allows police to hold suspects for two years without charge or trialgovernment-appointed terror board can then decide to grant an extensionopponents and human rights groups said the bill was ` open to abuse ' and represents ' a giant step backwards for human rights 'law has been introduced to combat the growing threat of isis in malaysia\"]\n", + "the prevention of terrorism act - passed in the capital kuala lumpur yesterday - officially enables authorities to detain suspected terrorists for two years without charge or trial .rise : malaysian police said in january they had arrested a total of 120 people with suspected links or sympathies to the islamic state terror group ( pictured ) , or who had sought to travel to war-torn syria or iraqmalaysia has passed a controversial terror law aimed at tackling growing support for islamic state extremists in the country in a move opponents denounced as a harsh blow for civil rights .\n", + "law allows police to hold suspects for two years without charge or trialgovernment-appointed terror board can then decide to grant an extensionopponents and human rights groups said the bill was ` open to abuse ' and represents ' a giant step backwards for human rights 'law has been introduced to combat the growing threat of isis in malaysia\n", + "[1.3709462 1.237158 1.2497052 1.1619292 1.3940048 1.1571487 1.1875536\n", + " 1.0995047 1.0780634 1.0630887 1.0546484 1.1037445 1.0214982 1.0149678\n", + " 1.0124007 1.123719 0. ]\n", + "\n", + "[ 4 0 2 1 6 3 5 15 11 7 8 9 10 12 13 14 16]\n", + "=======================\n", + "[\"manuel pellegrini says the academy players at manchester city are not ready for the first teampremier league regulations require clubs to carry at least eight homegrown players , which can include youngsters who have spent three of their formative years at an english club .in the week that liverpool 's raheem sterling spoke about his unwillingness to agree a new contract at anfield , pellegrini 's comments suggest that city may look to invest heavily in other teams ' homegrown talent this summer .\"]\n", + "=======================\n", + "['manuel pellegrini believes his youth players are not ready for the first-teamhis homegrown quote will be depleted when frank lamapard leavespellegrini may lose james milner , forcing him to invest in home talent']\n", + "manuel pellegrini says the academy players at manchester city are not ready for the first teampremier league regulations require clubs to carry at least eight homegrown players , which can include youngsters who have spent three of their formative years at an english club .in the week that liverpool 's raheem sterling spoke about his unwillingness to agree a new contract at anfield , pellegrini 's comments suggest that city may look to invest heavily in other teams ' homegrown talent this summer .\n", + "manuel pellegrini believes his youth players are not ready for the first-teamhis homegrown quote will be depleted when frank lamapard leavespellegrini may lose james milner , forcing him to invest in home talent\n", + "[1.3027674 1.4019724 1.3937812 1.1618629 1.1264151 1.138892 1.1479597\n", + " 1.1809776 1.1022873 1.0165056 1.0273155 1.0943031 1.1052809 1.0653558\n", + " 1.0563593 1.0672847 1.0181664 0. 0. ]\n", + "\n", + "[ 1 2 0 7 3 6 5 4 12 8 11 15 13 14 10 16 9 17 18]\n", + "=======================\n", + "[\"the 77-year-old wrote the letters from his bed at ashworth psychiatric hospital in merseyside .brady was jailed for life in 1966 after torturing and killing five children with his then-girlfriend myra hindley .moors murderer ian brady has revealed he is a ukip supporter and thinks david dimbleby is an ` establishment dumpling ' .\"]\n", + "=======================\n", + "[\"77-year-old wrote letters from his bed at ashworth hospital in merseysidehopes ukip will ` decimate ' the other political parties in general electionbranded david dimbleby an ` establishment dumpling ' in the rantmurdered five children in 1960s and buried bodies on saddleworth moorhe hopes that ukip will ` decimate ' the other political parties in the general election , describing david cameron 's views as ` the usual mob-pleasing pr drivel expected from such bovines ' .the political leaders are unworthy of ` even being assassinated ' .voters must choose between ` public school millionaires ' or a ` refugee , privileged german jew ' - an offensive and inaccurate reference to ed miliband , whose belgian father fled the nazis .after ` half-a-century 's imprisonment ' , he believes most professional criminals are tory voters .branded question time ` for the dumb ' with the ` same old party hacks ' and labelled host david dimbleby an ` establishment dumpling ' .claims he does not like the bbc and stopped reading newspapers in 1998 - instead getting his information from al jazeera .\"]\n", + "the 77-year-old wrote the letters from his bed at ashworth psychiatric hospital in merseyside .brady was jailed for life in 1966 after torturing and killing five children with his then-girlfriend myra hindley .moors murderer ian brady has revealed he is a ukip supporter and thinks david dimbleby is an ` establishment dumpling ' .\n", + "77-year-old wrote letters from his bed at ashworth hospital in merseysidehopes ukip will ` decimate ' the other political parties in general electionbranded david dimbleby an ` establishment dumpling ' in the rantmurdered five children in 1960s and buried bodies on saddleworth moorhe hopes that ukip will ` decimate ' the other political parties in the general election , describing david cameron 's views as ` the usual mob-pleasing pr drivel expected from such bovines ' .the political leaders are unworthy of ` even being assassinated ' .voters must choose between ` public school millionaires ' or a ` refugee , privileged german jew ' - an offensive and inaccurate reference to ed miliband , whose belgian father fled the nazis .after ` half-a-century 's imprisonment ' , he believes most professional criminals are tory voters .branded question time ` for the dumb ' with the ` same old party hacks ' and labelled host david dimbleby an ` establishment dumpling ' .claims he does not like the bbc and stopped reading newspapers in 1998 - instead getting his information from al jazeera .\n", + "[1.1365881 1.5225899 1.2465382 1.3180699 1.3815706 1.0757854 1.1323164\n", + " 1.0833479 1.0564699 1.0152174 1.1576424 1.1053184 1.0139357 1.0171901\n", + " 1.0251054 1.0966033 1.0615973 1.0568249 1.027029 ]\n", + "\n", + "[ 1 4 3 2 10 0 6 11 15 7 5 16 17 8 18 14 13 9 12]\n", + "=======================\n", + "['father-of-two shiraz nawaz said he felt lucky to be alive after the 15-foot flames shot out of the manhole just seconds after he had walked over it in a busy street in the west midlands .the 36-year-old had been on his way to his local takeaway when he heard buzzing from the ground just a few feet behind him .this is the incredible moment a man narrowly missed being burnt alive by a massive fireball which erupted from the pavement .']\n", + "=======================\n", + "['shiraz nawaz felt lucky to be alive after the flames shot out the manholethe fire erupted just moments after he walked over it in the busy streetincredibly no-one was hurt in the incident after nawaz evacuated the area']\n", + "father-of-two shiraz nawaz said he felt lucky to be alive after the 15-foot flames shot out of the manhole just seconds after he had walked over it in a busy street in the west midlands .the 36-year-old had been on his way to his local takeaway when he heard buzzing from the ground just a few feet behind him .this is the incredible moment a man narrowly missed being burnt alive by a massive fireball which erupted from the pavement .\n", + "shiraz nawaz felt lucky to be alive after the flames shot out the manholethe fire erupted just moments after he walked over it in the busy streetincredibly no-one was hurt in the incident after nawaz evacuated the area\n", + "[1.5435141 1.3324033 1.2627997 1.0512539 1.2852829 1.1047974 1.0689812\n", + " 1.0655773 1.1824113 1.1047846 1.0961672 1.0536299 1.0186117 1.0095623\n", + " 1.0231208 1.0512304 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 8 5 9 10 6 7 11 3 15 14 12 13 17 16 18]\n", + "=======================\n", + "['javier hernandez made it six goals in eight starts as real madrid kept up their pursuit of barcelona at the top of la liga with a 4-2 win over celta vigo .chicharito is currently scoring a goal every 83 minutes with a scoring ratio that is only two minutes short of leo messi who nets once every 81 minutes .javier hernandez scored two more important goals for real madrid as they look to keep up with barcelona in the quest for the la liga crown']\n", + "=======================\n", + "[\"javier hernandez scored twice to keep real madrid in touching distance of la liga leaders barcelonachicharito is scoring a goal every 83 minutes with a scoring ratio that is only two minutes short of lionel messireal went a goal down in the opening minutes following a surprise goal from celta vigo 's nolitotoni kroos equalised for the visitors and hernandez doubled real 's scoring with a goal in the 24th minutealthough the home side levelled four minutes later the tie was put to bed after goals from james rodriguez and another from hernandez\"]\n", + "javier hernandez made it six goals in eight starts as real madrid kept up their pursuit of barcelona at the top of la liga with a 4-2 win over celta vigo .chicharito is currently scoring a goal every 83 minutes with a scoring ratio that is only two minutes short of leo messi who nets once every 81 minutes .javier hernandez scored two more important goals for real madrid as they look to keep up with barcelona in the quest for the la liga crown\n", + "javier hernandez scored twice to keep real madrid in touching distance of la liga leaders barcelonachicharito is scoring a goal every 83 minutes with a scoring ratio that is only two minutes short of lionel messireal went a goal down in the opening minutes following a surprise goal from celta vigo 's nolitotoni kroos equalised for the visitors and hernandez doubled real 's scoring with a goal in the 24th minutealthough the home side levelled four minutes later the tie was put to bed after goals from james rodriguez and another from hernandez\n", + "[1.3650906 1.4246732 1.1790779 1.3611689 1.1777346 1.108882 1.1709645\n", + " 1.0257025 1.0237519 1.0269578 1.0310436 1.0541836 1.0751907 1.030926\n", + " 1.020398 1.0184695 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 6 5 12 11 10 13 9 7 8 14 15 16 17 18]\n", + "=======================\n", + "[\"nine months after smith received a one-week suspension for claiming women can play a role in provoking men into violence , smith tried to to claim that boxer floyd mayweather jr 's career should be looked at separate from his domestic violence history .broadcaster stephen a. smith has once again taken a controversial stance on domestic violence on espn 's first take .in the discussion , he told fellow anchor cari champion that he understood why she disagreed with his stance because she was a woman and ` should feel that way ' .\"]\n", + "=======================\n", + "[\"stephen a. smith said floyd mayweather jr 's boxing career should be looked at as separate from his domestic violence historymayweather has been convicted twice for domestic violence in the pastsmith said that people are ` lumping all of this other stuff that floyd mayweather allegedly has done ' , which sheds a bad light on himco-anchor cari champion said she has ` an issue with how he treats women period outside the ring 'smith said she holds that position because she 's a woman and that as a boxing fan , he looks at ` two dudes strictly in the boxing ring '\"]\n", + "nine months after smith received a one-week suspension for claiming women can play a role in provoking men into violence , smith tried to to claim that boxer floyd mayweather jr 's career should be looked at separate from his domestic violence history .broadcaster stephen a. smith has once again taken a controversial stance on domestic violence on espn 's first take .in the discussion , he told fellow anchor cari champion that he understood why she disagreed with his stance because she was a woman and ` should feel that way ' .\n", + "stephen a. smith said floyd mayweather jr 's boxing career should be looked at as separate from his domestic violence historymayweather has been convicted twice for domestic violence in the pastsmith said that people are ` lumping all of this other stuff that floyd mayweather allegedly has done ' , which sheds a bad light on himco-anchor cari champion said she has ` an issue with how he treats women period outside the ring 'smith said she holds that position because she 's a woman and that as a boxing fan , he looks at ` two dudes strictly in the boxing ring '\n", + "[1.2407819 1.4995179 1.2488699 1.197989 1.3499701 1.0762296 1.0368845\n", + " 1.0214901 1.058474 1.0961301 1.0915208 1.1621722 1.0232072 1.0540013\n", + " 1.0177857 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 0 3 11 9 10 5 8 13 6 12 7 14 17 15 16 18]\n", + "=======================\n", + "[\"danielle and alexander meitiv have been cited multiple times for allowing their son rafi , 10 , and daughter dvora , 6 , roam free in their suburban neighborhood .but the meitivs , both of them scientists , say authorities crossed a line over the weekend when they picked up rafi and dvora and held them nearly six hours without food before allowing them to reunite with their parents .two maryland parents whose hands-off ` free-range ' parenting got their children picked up by police yet again on sunday are now vowing to file a lawsuit .\"]\n", + "=======================\n", + "[\"police seized rafi , 10 , and dvora , 6 , in a maryland park on sunday and their parents say they were n't reunited by cps for hoursscientists danielle and alexander meitiv believe in ` free range parenting ' meaning the children are afforded total independence from infancythe meitivs were found guilty of neglect in march .\"]\n", + "danielle and alexander meitiv have been cited multiple times for allowing their son rafi , 10 , and daughter dvora , 6 , roam free in their suburban neighborhood .but the meitivs , both of them scientists , say authorities crossed a line over the weekend when they picked up rafi and dvora and held them nearly six hours without food before allowing them to reunite with their parents .two maryland parents whose hands-off ` free-range ' parenting got their children picked up by police yet again on sunday are now vowing to file a lawsuit .\n", + "police seized rafi , 10 , and dvora , 6 , in a maryland park on sunday and their parents say they were n't reunited by cps for hoursscientists danielle and alexander meitiv believe in ` free range parenting ' meaning the children are afforded total independence from infancythe meitivs were found guilty of neglect in march .\n", + "[1.2957035 1.4939779 1.2366827 1.211678 1.1404514 1.2967148 1.1386284\n", + " 1.0937649 1.0801038 1.0202749 1.036718 1.0138918 1.0906441 1.0305575\n", + " 1.027847 1.0428591 1.0232383 1.1204739 1.0606681 1.062928 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 5 0 2 3 4 6 17 7 12 8 19 18 15 10 13 14 16 9 11 20 21 22]\n", + "=======================\n", + "[\"rachael bishop , 19 , was working an afternoon shift at the ice cream chain 's lynnwood store when a man wearing a baseball cap and sunglasses came in , unzipped his jacket and showed her he had a gun .this is the moment a heroic teenage baskin robbins employee in washington punched an armed robber as he tried to steal money from the cash register .as the man reached into the till , bishop tried to swat his hand away .\"]\n", + "=======================\n", + "[\"rachael bishop , 19 , at first pleaded with the man when he ordered her to hand over all the money in the lynnwood , washington storebut as he ignored her and reached into the till she punched him in the head multiple timeshe punched her back and stole $ 280 but she still chased after himother people saw bishop tailing the robber and followed , helping police arrest the man - who was a wanted felon for forgerybishop said she loves her bosses and fighting back was ` just a reaction '\"]\n", + "rachael bishop , 19 , was working an afternoon shift at the ice cream chain 's lynnwood store when a man wearing a baseball cap and sunglasses came in , unzipped his jacket and showed her he had a gun .this is the moment a heroic teenage baskin robbins employee in washington punched an armed robber as he tried to steal money from the cash register .as the man reached into the till , bishop tried to swat his hand away .\n", + "rachael bishop , 19 , at first pleaded with the man when he ordered her to hand over all the money in the lynnwood , washington storebut as he ignored her and reached into the till she punched him in the head multiple timeshe punched her back and stole $ 280 but she still chased after himother people saw bishop tailing the robber and followed , helping police arrest the man - who was a wanted felon for forgerybishop said she loves her bosses and fighting back was ` just a reaction '\n", + "[1.547147 1.0823201 1.4587085 1.1667993 1.0749774 1.4840891 1.182402\n", + " 1.0508778 1.0856186 1.026795 1.0568389 1.0272504 1.0193241 1.1469617\n", + " 1.0510826 1.01699 1.0138934 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 5 2 6 3 13 8 1 4 10 14 7 11 9 12 15 16 21 17 18 19 20 22]\n", + "=======================\n", + "[\"charlie adam stunned the premier league with a goal from his own half in stoke 's clash with chelsea on saturday evening .beckham celebrated the final goal in 3-0 win for united on the opening day of the 1996-97 seasonthibaut courtois was left helpless also his chelsea side eventually went on to win 2-1\"]\n", + "=======================\n", + "['charlie adam stunned the premier league with a goal from his own halfstoke midfielder struck the equaliser in a 2-1 defeat at chelseadavid beckham and xabi alonso have also hit famous wonder-strikes']\n", + "charlie adam stunned the premier league with a goal from his own half in stoke 's clash with chelsea on saturday evening .beckham celebrated the final goal in 3-0 win for united on the opening day of the 1996-97 seasonthibaut courtois was left helpless also his chelsea side eventually went on to win 2-1\n", + "charlie adam stunned the premier league with a goal from his own halfstoke midfielder struck the equaliser in a 2-1 defeat at chelseadavid beckham and xabi alonso have also hit famous wonder-strikes\n", + "[1.1264298 1.2558469 1.5029688 1.1265066 1.0849068 1.2913423 1.0322953\n", + " 1.0245245 1.0582759 1.031652 1.071438 1.0286834 1.0331783 1.1459144\n", + " 1.0484931 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 5 1 13 3 0 4 10 8 14 12 6 9 11 7 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"appearing under a fictional name to remain anonymous , chef jacques lamerde - which roughly translates to ` jack sh -- ' - the account pokes fun at high-end dining by dressing up cheap , fattening , convenience store goods to look like fancy gastronomic creations .that 's the question followers of a clever new instagram account are asking themselves , after taking a harder look at the deceiving dishes being served up online .gastronomic : this creation was called ` bugs on a stick ' and features raisins on a celery stick with cheez whiz and kale shreds\"]\n", + "=======================\n", + "[\"anonymous instagram account called chef jacques lamerde is poking fun at high-end diningpictures feature artistically arranged funk food , such as dunk-a-roos and cheez whizthe account has over 18,000 followerspictures are elaborately captioned : ` featuring a palate cleansing shot of fermented lake michigan water '\"]\n", + "appearing under a fictional name to remain anonymous , chef jacques lamerde - which roughly translates to ` jack sh -- ' - the account pokes fun at high-end dining by dressing up cheap , fattening , convenience store goods to look like fancy gastronomic creations .that 's the question followers of a clever new instagram account are asking themselves , after taking a harder look at the deceiving dishes being served up online .gastronomic : this creation was called ` bugs on a stick ' and features raisins on a celery stick with cheez whiz and kale shreds\n", + "anonymous instagram account called chef jacques lamerde is poking fun at high-end diningpictures feature artistically arranged funk food , such as dunk-a-roos and cheez whizthe account has over 18,000 followerspictures are elaborately captioned : ` featuring a palate cleansing shot of fermented lake michigan water '\n", + "[1.0393676 1.0455899 1.0321498 1.0794574 1.0457432 1.1113017 1.1126423\n", + " 1.178807 1.3701744 1.1969295 1.1505808 1.0360765 1.0519183 1.0819464\n", + " 1.0685395 1.0813285 1.0220711 1.0252815 1.0174276 1.0153632 1.0153993\n", + " 1.0132228 1.0479019]\n", + "\n", + "[ 8 9 7 10 6 5 13 15 3 14 12 22 4 1 0 11 2 17 16 18 20 19 21]\n", + "=======================\n", + "['unknown : wigry national park , in north-east poland , is the furthest outreach of the masurian lakesthen a friend suggested a back-to-nature break in poland .my last choices all ended in teenage snits .']\n", + "=======================\n", + "[\"poland 's cities are tourism favourites - but its lake district is less knownwigry national park , in the north-east , is one of poland 's prettiest areasencompassing part of the masurian lakes , it is great for family breaks\"]\n", + "unknown : wigry national park , in north-east poland , is the furthest outreach of the masurian lakesthen a friend suggested a back-to-nature break in poland .my last choices all ended in teenage snits .\n", + "poland 's cities are tourism favourites - but its lake district is less knownwigry national park , in the north-east , is one of poland 's prettiest areasencompassing part of the masurian lakes , it is great for family breaks\n", + "[1.2717148 1.3803372 1.236615 1.319207 1.0746415 1.173619 1.1083719\n", + " 1.015228 1.0659738 1.040526 1.1050272 1.2734733 1.0123092 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 11 0 2 5 6 10 4 8 9 7 12 20 19 18 17 13 15 14 21 16 22]\n", + "=======================\n", + "[\"sarah hulbert , of auburn , wrote in her complaint that she was treated differently from her male co-workers during her time as an executive assistant at bates college in lewiston and was fired for having ` no pizzazz . 'bates president : the ex-assistant to bates college president clayton a. spencer ( pictured ) claims that the president fired her because she would n't job with her or watch chick flicksa woman who worked briefly for the president of a maine college has filed a discrimination lawsuit against the school , alleging she was expected to play tennis , jog and watch ` chick flicks ' with her female boss .\"]\n", + "=======================\n", + "[\"sarah hulbert claims she was treated differently from her male co-workers during her time as an executive assistant at bates college in lewistonhulbert claims that bates president a. clayton spencer expected her to jog , play tennis , and watch chick flicksa bates spokesman said in a statement that ` the college strongly disagrees with the allegations ' and will defend itself in court\"]\n", + "sarah hulbert , of auburn , wrote in her complaint that she was treated differently from her male co-workers during her time as an executive assistant at bates college in lewiston and was fired for having ` no pizzazz . 'bates president : the ex-assistant to bates college president clayton a. spencer ( pictured ) claims that the president fired her because she would n't job with her or watch chick flicksa woman who worked briefly for the president of a maine college has filed a discrimination lawsuit against the school , alleging she was expected to play tennis , jog and watch ` chick flicks ' with her female boss .\n", + "sarah hulbert claims she was treated differently from her male co-workers during her time as an executive assistant at bates college in lewistonhulbert claims that bates president a. clayton spencer expected her to jog , play tennis , and watch chick flicksa bates spokesman said in a statement that ` the college strongly disagrees with the allegations ' and will defend itself in court\n", + "[1.2320241 1.1791847 1.4222488 1.1337265 1.1663809 1.1323246 1.2591212\n", + " 1.1204488 1.0593439 1.2353318 1.0262858 1.016705 1.033851 1.1344936\n", + " 1.0945317 1.0107502 1.0202594 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 6 9 0 1 4 13 3 5 7 14 8 12 10 16 11 15 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"transport for london ( tfl ) has revealed that the controversial posters around the london underground , featuring a bikini-clad model called renee somerfield are being removed .the advertising standards authority has also received more than 200 complaints from people saying that the adverts promote an unhealthy body image .campaigners against the new protein world ` are you beach body ready ? '\"]\n", + "=======================\n", + "[\"transport for london are removing ` are you beach body ready ? 'tfl say protein world has come to end of three-week ad placement perioda rally has been organised against protein world in hyde park on may 2\"]\n", + "transport for london ( tfl ) has revealed that the controversial posters around the london underground , featuring a bikini-clad model called renee somerfield are being removed .the advertising standards authority has also received more than 200 complaints from people saying that the adverts promote an unhealthy body image .campaigners against the new protein world ` are you beach body ready ? '\n", + "transport for london are removing ` are you beach body ready ? 'tfl say protein world has come to end of three-week ad placement perioda rally has been organised against protein world in hyde park on may 2\n", + "[1.2225468 1.3880761 1.1867088 1.3788695 1.2270935 1.1222968 1.1028217\n", + " 1.0830637 1.0758474 1.0659515 1.0563965 1.0676955 1.0978054 1.0634581\n", + " 1.0430269 1.0148742 1.0872357 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 0 2 5 6 12 16 7 8 11 9 13 10 14 15 23 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"new haven superior court judge thomas o'keefe jr. ruled monday that 49-year-old lishan wang should be sent to connecticut valley hospital for treatment .lishan wang was charged with murder in the shooting of yale university doctor vajinder toor outside his home in april 2010a former doctor charged with killing a yale university physician he once worked with has been found incompetent to stand trial for the second time .\"]\n", + "=======================\n", + "[\"lishan wang was charged with murder in the shooting of dr. vajinder toor outside his home in april 2010in 2010 wang was originally ruled incompetent , but he was restored to competency after being treated at connecticut valley hospitala second evaluation was ordered earlier this year after the public defender 's office asked the court to terminate wang 's self-representationmental health experts said wang displayed ` paranoid thinking 'they said he was ` guarded and suspicious ' when discussing a relationship with court-appointed lawyerswang , who represented himself at the hearing , is due back in court in may\"]\n", + "new haven superior court judge thomas o'keefe jr. ruled monday that 49-year-old lishan wang should be sent to connecticut valley hospital for treatment .lishan wang was charged with murder in the shooting of yale university doctor vajinder toor outside his home in april 2010a former doctor charged with killing a yale university physician he once worked with has been found incompetent to stand trial for the second time .\n", + "lishan wang was charged with murder in the shooting of dr. vajinder toor outside his home in april 2010in 2010 wang was originally ruled incompetent , but he was restored to competency after being treated at connecticut valley hospitala second evaluation was ordered earlier this year after the public defender 's office asked the court to terminate wang 's self-representationmental health experts said wang displayed ` paranoid thinking 'they said he was ` guarded and suspicious ' when discussing a relationship with court-appointed lawyerswang , who represented himself at the hearing , is due back in court in may\n", + "[1.1468735 1.1110764 1.0636337 1.2874764 1.1950805 1.1652958 1.1816597\n", + " 1.2725394 1.2023635 1.0246292 1.0546262 1.0336947 1.0429971 1.0429903\n", + " 1.0664893 1.0423867 1.0394759 1.0462911 1.0450013 1.044315 1.036316\n", + " 1.0437607 1.0549865 1.0526705 1.0425378]\n", + "\n", + "[ 3 7 8 4 6 5 0 1 14 2 22 10 23 17 18 19 21 12 13 24 15 16 20 11\n", + " 9]\n", + "=======================\n", + "[\"in the bowels of teotihuacan , a mysterious ancient city thathope : mexican archaeologist sergio gomez has been excavating a pre-aztec pyramid in teotihuacan , mexico , for six years and came across ` large quantities ' of liquid mercury earlier this monthunderground : gomez announced on friday that he found the liquid mercury in a chamber at the end of a tunnel ( pictured ) that had been sealed off for more than 1,800 years\"]\n", + "=======================\n", + "[\"mexican archaeologist found mercury in chamber of teotihuacan pyramidthe chamber had been sealed at the end of a tunnel for nearly 1,800 yearsbecause of the potential supernatural significance of liquid mercury in rituals , archaeologist sergio gomez hopes to find king 's tomb in pyramidteotihuacan , or ` abode of the gods ' in the aztec language of nahuatl , was distinct from the mayan civilization\"]\n", + "in the bowels of teotihuacan , a mysterious ancient city thathope : mexican archaeologist sergio gomez has been excavating a pre-aztec pyramid in teotihuacan , mexico , for six years and came across ` large quantities ' of liquid mercury earlier this monthunderground : gomez announced on friday that he found the liquid mercury in a chamber at the end of a tunnel ( pictured ) that had been sealed off for more than 1,800 years\n", + "mexican archaeologist found mercury in chamber of teotihuacan pyramidthe chamber had been sealed at the end of a tunnel for nearly 1,800 yearsbecause of the potential supernatural significance of liquid mercury in rituals , archaeologist sergio gomez hopes to find king 's tomb in pyramidteotihuacan , or ` abode of the gods ' in the aztec language of nahuatl , was distinct from the mayan civilization\n", + "[1.5481708 1.2395028 1.3156828 1.3243556 1.138665 1.1201303 1.0599163\n", + " 1.0377064 1.0385618 1.1075768 1.0142225 1.0450404 1.0581881 1.0108563\n", + " 1.0131981 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 4 5 9 6 12 11 8 7 10 14 13 23 15 16 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "['it may have taken 170 minutes to come but super sub yevhen shakhov earned dnipro a place in the europa league semi-finals after breaking brugge hearts with a late winner on thursday night .yevhen shakhov broke the deadlock in the final 10 minutes with a left-footed drive that took a slight deflectionthe belgian league leaders set the record for most europa league games unbeaten after the stalemate took them to 11 without loss since the opening game of the group stage earlier this season .']\n", + "=======================\n", + "[\"dnipro beat brugge 1-0 in ukraine to earn place in europa league last fouryevhen shakhov scored the tie 's only goal in the 82nd minute on thursdaythe first leg between the two sides finished goalless in belgium last week\"]\n", + "it may have taken 170 minutes to come but super sub yevhen shakhov earned dnipro a place in the europa league semi-finals after breaking brugge hearts with a late winner on thursday night .yevhen shakhov broke the deadlock in the final 10 minutes with a left-footed drive that took a slight deflectionthe belgian league leaders set the record for most europa league games unbeaten after the stalemate took them to 11 without loss since the opening game of the group stage earlier this season .\n", + "dnipro beat brugge 1-0 in ukraine to earn place in europa league last fouryevhen shakhov scored the tie 's only goal in the 82nd minute on thursdaythe first leg between the two sides finished goalless in belgium last week\n", + "[1.4114468 1.4135134 1.2847853 1.4416606 1.260785 1.0831292 1.0308453\n", + " 1.0153917 1.0186828 1.0177392 1.047127 1.0252867 1.019849 1.020495\n", + " 1.0255052 1.0137888 1.0131958 1.016382 1.274699 1.0773431 1.0189949\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 2 18 4 5 19 10 6 14 11 13 12 20 8 9 17 7 15 16 21 22 23\n", + " 24]\n", + "=======================\n", + "['rangers winger david templeton is full of praise for the impact of new boss stuart mccallthe ibrox winger claimed stuart mccall had brought a brand of coaching and tactical preparation he felt was lacking under the previous management .david templeton has delivered a damning critique of the training-ground methods deployed at rangers by ally mccoist and kenny mcdowall .']\n", + "=======================\n", + "[\"rangers winger david templeton is full of praise for the impact of new boss stuart mccallhe feels that the new regime is far better than that under ally mccoist and kenny mcdowalltempleton has singled out a new-found intensity and more astute tactics as reasons behind the recent upturn in fortunes at ibroxrangers go into saturday 's game with championship title-winners hearts off the back of two consecutive wins\"]\n", + "rangers winger david templeton is full of praise for the impact of new boss stuart mccallthe ibrox winger claimed stuart mccall had brought a brand of coaching and tactical preparation he felt was lacking under the previous management .david templeton has delivered a damning critique of the training-ground methods deployed at rangers by ally mccoist and kenny mcdowall .\n", + "rangers winger david templeton is full of praise for the impact of new boss stuart mccallhe feels that the new regime is far better than that under ally mccoist and kenny mcdowalltempleton has singled out a new-found intensity and more astute tactics as reasons behind the recent upturn in fortunes at ibroxrangers go into saturday 's game with championship title-winners hearts off the back of two consecutive wins\n", + "[1.4861894 1.1459846 1.5098085 1.288504 1.1190689 1.0866907 1.2212117\n", + " 1.1270789 1.0510198 1.0271871 1.0139322 1.0333712 1.0248189 1.0210854\n", + " 1.0150654 1.0200571 1.0280452 1.1776085 1.0867736 1.0669664 1.0403637]\n", + "\n", + "[ 2 0 3 6 17 1 7 4 18 5 19 8 20 11 16 9 12 13 15 14 10]\n", + "=======================\n", + "['luca railton was born with bones missing from his legs , due to the rare condition bilateral tibial hemimelia .luca railton , 11 , was told he would never walk - but has now taken his first steps unaideddoctors said the condition - which affects just one in three million people - meant he would to have his right leg amputated or fused straight .']\n", + "=======================\n", + "['luca railton was born with leg bones missing due to a medical conditionin february 2014 , doctors said he would need to have his leg amputatedbut his family raised # 135k to take him to the us for surgery insteadnow , he is able to walk unaided and is happy he can wear skinny jeans']\n", + "luca railton was born with bones missing from his legs , due to the rare condition bilateral tibial hemimelia .luca railton , 11 , was told he would never walk - but has now taken his first steps unaideddoctors said the condition - which affects just one in three million people - meant he would to have his right leg amputated or fused straight .\n", + "luca railton was born with leg bones missing due to a medical conditionin february 2014 , doctors said he would need to have his leg amputatedbut his family raised # 135k to take him to the us for surgery insteadnow , he is able to walk unaided and is happy he can wear skinny jeans\n", + "[1.2827432 1.3951983 1.303861 1.127841 1.2638178 1.1030774 1.0914192\n", + " 1.1593674 1.057896 1.0976163 1.1022418 1.0620136 1.0604092 1.1763282\n", + " 1.0234854 1.093936 1.0317595 1.0283449 1.0528305 1.0572484 1.1075091]\n", + "\n", + "[ 1 2 0 4 13 7 3 20 5 10 9 15 6 11 12 8 19 18 16 17 14]\n", + "=======================\n", + "['coast guard ships came to the aid of five boats in the southern mediterranean on saturday and managed to save all passengers .the rescues were made as newly released figures show an increase of 43 per cent of migrant arrivals into the eu via italy on the same period last year .the 1,500 migrants were rescued on saturday by two coast']\n", + "=======================\n", + "['some 1,500 migrants were rescued by coast guards in 24 hoursthe migrants were picked up from five boats in the mediterraneanarrivals are up 43 per cent this year versus same period in 2014']\n", + "coast guard ships came to the aid of five boats in the southern mediterranean on saturday and managed to save all passengers .the rescues were made as newly released figures show an increase of 43 per cent of migrant arrivals into the eu via italy on the same period last year .the 1,500 migrants were rescued on saturday by two coast\n", + "some 1,500 migrants were rescued by coast guards in 24 hoursthe migrants were picked up from five boats in the mediterraneanarrivals are up 43 per cent this year versus same period in 2014\n", + "[1.3323909 1.4563892 1.3312654 1.3305132 1.2334583 1.066573 1.0351644\n", + " 1.0395193 1.052713 1.0379927 1.0131416 1.0503691 1.013075 1.0172884\n", + " 1.0197972 1.2207822 1.0168879 1.0178046 1.1845962 1.0760541 0. ]\n", + "\n", + "[ 1 0 2 3 4 15 18 19 5 8 11 7 9 6 14 17 13 16 10 12 20]\n", + "=======================\n", + "[\"the massive fire started last wednesday and took more than 24 hours to put out .a former commander of the metropolitan police 's elite flying squad has said the hatton garden gem heist could be linked to the huge underground fire which ripped through london last week .john o'connor , a highly experienced former police detective , has claimed the major power outage and the proximity of the multi-million burglary was far more than a coincidence .\"]\n", + "=======================\n", + "[\"the holborn fire broke out on wednesday just 500 metres from the vaultraiders entered the hatton garden vault some time over the weekendan alarm sounded on good friday , but the vault was not checkedformer flying squad chief john o'connor believes there could be a link\"]\n", + "the massive fire started last wednesday and took more than 24 hours to put out .a former commander of the metropolitan police 's elite flying squad has said the hatton garden gem heist could be linked to the huge underground fire which ripped through london last week .john o'connor , a highly experienced former police detective , has claimed the major power outage and the proximity of the multi-million burglary was far more than a coincidence .\n", + "the holborn fire broke out on wednesday just 500 metres from the vaultraiders entered the hatton garden vault some time over the weekendan alarm sounded on good friday , but the vault was not checkedformer flying squad chief john o'connor believes there could be a link\n", + "[1.3413805 1.4704629 1.1538903 1.2379959 1.1274129 1.0227028 1.0650759\n", + " 1.1584016 1.2063919 1.1706474 1.0320215 1.0275235 1.0756814 1.042739\n", + " 1.0324062 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 8 9 7 2 4 12 6 13 14 10 11 5 19 15 16 17 18 20]\n", + "=======================\n", + "[\"the winner of 2013 's strictly come dancing joins singer foxes , 25 , victoria 's secret angel lily donaldson , 28 , and model alice dellal , 27 , in the new series of pictures by photographer simon emmett for fashion targets breast cancer .model abbey clancy is helping to target breast cancer , by striking a sultry pose in a new charity campaign .holding onto heaven singer foxes dons a stripy top and jeans for the campaign she says she 's ` honoured ' to be a part of\"]\n", + "=======================\n", + "[\"models abbey and lily are joined by alice dellal and singer foxesthe women are pictured ` wearing ' their supportabbey , 29 , says she is proud to be part of a campaign that funds vital workcampaign has raised # 13.5 m for breakthrough breast cancer 's research\"]\n", + "the winner of 2013 's strictly come dancing joins singer foxes , 25 , victoria 's secret angel lily donaldson , 28 , and model alice dellal , 27 , in the new series of pictures by photographer simon emmett for fashion targets breast cancer .model abbey clancy is helping to target breast cancer , by striking a sultry pose in a new charity campaign .holding onto heaven singer foxes dons a stripy top and jeans for the campaign she says she 's ` honoured ' to be a part of\n", + "models abbey and lily are joined by alice dellal and singer foxesthe women are pictured ` wearing ' their supportabbey , 29 , says she is proud to be part of a campaign that funds vital workcampaign has raised # 13.5 m for breakthrough breast cancer 's research\n", + "[1.146667 1.3608763 1.4379267 1.4669276 1.1958283 1.0346652 1.0540049\n", + " 1.0358052 1.056201 1.0171549 1.0207272 1.12673 1.1183587 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 4 0 11 12 8 6 7 5 10 9 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"jonathan keats , an experimental philosopher , hopes to capture 1,000 years of changes at a mountain range in massachusetts with his ` millennium camera 'he hopes the resulting photograph will chronicle climate change by taking a 1,000-year exposure of a western massachusetts mountain range .the camera , which is made of cooper and allows light to enter through a tiny hole and change paint inside , will create one image that keats says will display centuries of changes to the environment\"]\n", + "=======================\n", + "['jonathon keats , experimental philosopher , plans to photo holyoke rangehe hopes pinhole camera will capture the gradual environmental changes in the mountains near amherst collegecamera , which is filled with paint , will create image showing 1,000 years']\n", + "jonathan keats , an experimental philosopher , hopes to capture 1,000 years of changes at a mountain range in massachusetts with his ` millennium camera 'he hopes the resulting photograph will chronicle climate change by taking a 1,000-year exposure of a western massachusetts mountain range .the camera , which is made of cooper and allows light to enter through a tiny hole and change paint inside , will create one image that keats says will display centuries of changes to the environment\n", + "jonathon keats , experimental philosopher , plans to photo holyoke rangehe hopes pinhole camera will capture the gradual environmental changes in the mountains near amherst collegecamera , which is filled with paint , will create image showing 1,000 years\n", + "[1.0665851 1.3764676 1.2411418 1.3036656 1.2090651 1.2158433 1.2349291\n", + " 1.0667458 1.0495808 1.1571579 1.0833491 1.0475289 1.0275738 1.0853659\n", + " 1.0557407 0. 0. ]\n", + "\n", + "[ 1 3 2 6 5 4 9 13 10 7 0 14 8 11 12 15 16]\n", + "=======================\n", + "['the boxer invited compatriot adrien broner for a feast at his mansion , as he continues his preparation for the $ 300million mega-fight against manny pacquiao .floyd mayweather is willing to splash the cash in the food department by paying over $ 1,000 per dishbroner , a three-time world champion , took to instagram to show off the food on show .']\n", + "=======================\n", + "[\"chef q cooked a slap-up feast for floyd mayweather and adrien bronereach plate costs the boxer anything between $ 1,000 and $ 3,000bbq chicken , potatoes and rice were some of the foods cookedmayweather takes on manny pacquiao at the mgm in las vegas on may 2gordon ramsay offered ringside seats in exchange for post-match mealfloyd mayweather vs manny pacquiao tickets sell out within 60 secondsread : mayweather has earned over $ 400m and here 's how he spends itclick here for all the latest floyd mayweather vs manny pacquiao news\"]\n", + "the boxer invited compatriot adrien broner for a feast at his mansion , as he continues his preparation for the $ 300million mega-fight against manny pacquiao .floyd mayweather is willing to splash the cash in the food department by paying over $ 1,000 per dishbroner , a three-time world champion , took to instagram to show off the food on show .\n", + "chef q cooked a slap-up feast for floyd mayweather and adrien bronereach plate costs the boxer anything between $ 1,000 and $ 3,000bbq chicken , potatoes and rice were some of the foods cookedmayweather takes on manny pacquiao at the mgm in las vegas on may 2gordon ramsay offered ringside seats in exchange for post-match mealfloyd mayweather vs manny pacquiao tickets sell out within 60 secondsread : mayweather has earned over $ 400m and here 's how he spends itclick here for all the latest floyd mayweather vs manny pacquiao news\n", + "[1.0569987 1.5880976 1.4343731 1.4213257 1.2760273 1.1499391 1.0416372\n", + " 1.0286034 1.0219753 1.0191978 1.0865649 1.127498 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 5 11 10 0 6 7 8 9 15 12 13 14 16]\n", + "=======================\n", + "[\"for notts county star ellen white , thursday night was a night to remember as she managed both at the same time against arsenal in the women 's super league .in the 26th minute , with county having been awarded a free kick on the edge of the box , laura bassett and alex greenwood appeared to mess things up , the former almost running into the latter .as the arsenal defence relaxed , the ball was shifted for white , who span and smashed it into the corner against the club where she spent three seasons .\"]\n", + "=======================\n", + "['former arsenal star ellen white scored brilliantly against her old teamtwo county players appeared to mess up free kick , before white scoredbut white also missed a penalty as arsenal equalised']\n", + "for notts county star ellen white , thursday night was a night to remember as she managed both at the same time against arsenal in the women 's super league .in the 26th minute , with county having been awarded a free kick on the edge of the box , laura bassett and alex greenwood appeared to mess things up , the former almost running into the latter .as the arsenal defence relaxed , the ball was shifted for white , who span and smashed it into the corner against the club where she spent three seasons .\n", + "former arsenal star ellen white scored brilliantly against her old teamtwo county players appeared to mess up free kick , before white scoredbut white also missed a penalty as arsenal equalised\n", + "[1.4118599 1.3376186 1.221902 1.3476994 1.3418072 1.01929 1.0512698\n", + " 1.0460272 1.0297884 1.0650927 1.0801332 1.0324013 1.0963361 1.0752938\n", + " 1.1039861 1.0709721 1.0434303]\n", + "\n", + "[ 0 3 4 1 2 14 12 10 13 15 9 6 7 16 11 8 5]\n", + "=======================\n", + "[\"lance armstrong has said the world anti-doping agency and others are ` owed an apology ' from him for cheating during his cycling career - but noted that the agency 's chief rebuffed efforts to meet back in 2013 .wada director general david howman said this week that he was disappointed armstrong had n't apologised 'armstrong initially declined comment on howman 's remark , but on wednesday provided the ap with a may 2013 email exchange with howman , who initially indicted he could meet with armstrong , then backed off under advice from wada lawyers .\"]\n", + "=======================\n", + "[\"wada director general david howman said he was disappointed the disgraced former cyclist had n't yet apologised for drug offenceslance armstrong showed 2013 email chain attempting to meet howmanhowman broke off the email discussions after advice from lawyersarmstrong was stripped of seven tour de france wins from 1999-2005\"]\n", + "lance armstrong has said the world anti-doping agency and others are ` owed an apology ' from him for cheating during his cycling career - but noted that the agency 's chief rebuffed efforts to meet back in 2013 .wada director general david howman said this week that he was disappointed armstrong had n't apologised 'armstrong initially declined comment on howman 's remark , but on wednesday provided the ap with a may 2013 email exchange with howman , who initially indicted he could meet with armstrong , then backed off under advice from wada lawyers .\n", + "wada director general david howman said he was disappointed the disgraced former cyclist had n't yet apologised for drug offenceslance armstrong showed 2013 email chain attempting to meet howmanhowman broke off the email discussions after advice from lawyersarmstrong was stripped of seven tour de france wins from 1999-2005\n", + "[1.1635149 1.3165202 1.297323 1.3060535 1.0849223 1.2258854 1.0700433\n", + " 1.0169524 1.0311942 1.0268899 1.2230908 1.1730281 1.1110214 1.0570997\n", + " 1.0520918 1.0219857 0. ]\n", + "\n", + "[ 1 3 2 5 10 11 0 12 4 6 13 14 8 9 15 7 16]\n", + "=======================\n", + "[\"this is the image of the big bogan statue that the bogan shire council is aiming to erect in the town of nyngan to honour the aussie icon - and hopefully draw in the crowds .this is how graeme burke envisages the ` big bogan ' statue will look likethe man behind it all is graeme burke who is the manager of engineering services for the council and this is his design for the statue .\"]\n", + "=======================\n", + "[\"bogan shire council in nsw is planning a statue to honour its namesakeit would depict a ` bloke ' in shorts and singlet carrying a rod and tuckerboxmayor ray donald said the statue could have tourism benefitswould join the trend for ` big ' things in country townsexisting icons include the big merino , the big banana and the big pineapple\"]\n", + "this is the image of the big bogan statue that the bogan shire council is aiming to erect in the town of nyngan to honour the aussie icon - and hopefully draw in the crowds .this is how graeme burke envisages the ` big bogan ' statue will look likethe man behind it all is graeme burke who is the manager of engineering services for the council and this is his design for the statue .\n", + "bogan shire council in nsw is planning a statue to honour its namesakeit would depict a ` bloke ' in shorts and singlet carrying a rod and tuckerboxmayor ray donald said the statue could have tourism benefitswould join the trend for ` big ' things in country townsexisting icons include the big merino , the big banana and the big pineapple\n", + "[1.2985809 1.2014176 1.3838301 1.276934 1.1991538 1.1877785 1.0717483\n", + " 1.1154511 1.1056161 1.0706614 1.0633317 1.1336497 1.0467254 1.0166805\n", + " 1.0194056 0. 0. ]\n", + "\n", + "[ 2 0 3 1 4 5 11 7 8 6 9 10 12 14 13 15 16]\n", + "=======================\n", + "[\"slager has been charged with the murder of unarmed black father walter scott , 50 , who was fatally shot five times in the back in north charleston , south carolina on saturday .a financial fund for killer cop michael slager was shut down by crowd-funding website , gofundme , on wednesday .the site told daily mail online that ` after review by our team , the campaign set up for officer slager was removed due to a violation of gofundme 's terms & conditions ' but refused to elaborate due to privacy concerns .\"]\n", + "=======================\n", + "[\"gofundme told daily mail online ` that after review , the campaign set up for officer slager was removed due to a violation of terms & conditions 'fundraising site indiegogo allowed the ` michael t. slager support fund ' to raise $ 393 of a $ 5,000 goal at 11am on thursdayan indiegogo spokesperson said : ` we do n't judge the content of campaigns as long as they are in compliance with our terms of use '\"]\n", + "slager has been charged with the murder of unarmed black father walter scott , 50 , who was fatally shot five times in the back in north charleston , south carolina on saturday .a financial fund for killer cop michael slager was shut down by crowd-funding website , gofundme , on wednesday .the site told daily mail online that ` after review by our team , the campaign set up for officer slager was removed due to a violation of gofundme 's terms & conditions ' but refused to elaborate due to privacy concerns .\n", + "gofundme told daily mail online ` that after review , the campaign set up for officer slager was removed due to a violation of terms & conditions 'fundraising site indiegogo allowed the ` michael t. slager support fund ' to raise $ 393 of a $ 5,000 goal at 11am on thursdayan indiegogo spokesperson said : ` we do n't judge the content of campaigns as long as they are in compliance with our terms of use '\n", + "[1.2646898 1.2686756 1.3806471 1.289325 1.1958838 1.1411529 1.1198319\n", + " 1.0372332 1.0738046 1.0535201 1.1067352 1.0266248 1.0984864 1.021815\n", + " 1.0149447 1.0472952 1.0558873 0. ]\n", + "\n", + "[ 2 3 1 0 4 5 6 10 12 8 16 9 15 7 11 13 14 17]\n", + "=======================\n", + "['all three planets in the system orbit the star , hd 7924 , at a distance closer than mercury orbits the sun , completing their orbits in just 5 , 15 and 24 days .the automated planet finder ( apf ) consists of a 2.4-metre automated telescope and enclosure , and a high-resolution spectrograph .now scientists have proven its capabilities by using the telescope to find a unique a planetary system orbiting a nearby star 54 light-years away .']\n", + "=======================\n", + "[\"automated planet finder in california found planets around hd 7924planets orbit the star at a distance closer than mercury orbits the sunscientists say automating the search for alien life could be beneficial` it 's like owning a driverless car that goes planet shopping ' they said\"]\n", + "all three planets in the system orbit the star , hd 7924 , at a distance closer than mercury orbits the sun , completing their orbits in just 5 , 15 and 24 days .the automated planet finder ( apf ) consists of a 2.4-metre automated telescope and enclosure , and a high-resolution spectrograph .now scientists have proven its capabilities by using the telescope to find a unique a planetary system orbiting a nearby star 54 light-years away .\n", + "automated planet finder in california found planets around hd 7924planets orbit the star at a distance closer than mercury orbits the sunscientists say automating the search for alien life could be beneficial` it 's like owning a driverless car that goes planet shopping ' they said\n", + "[1.2920372 1.243968 1.1294867 1.3473055 1.1262087 1.0647445 1.1495528\n", + " 1.1390033 1.096378 1.0790123 1.2077026 1.1020765 1.0521284 1.0364599\n", + " 1.0400817 1.0768847 1.0349078 1.0450515]\n", + "\n", + "[ 3 0 1 10 6 7 2 4 11 8 9 15 5 12 17 14 13 16]\n", + "=======================\n", + "['a former banker , 29-year-old briton rurik jutting , was charged with two counts of murder .( cnn ) when hong kong police answered a call in the early hours of a saturday morning last november , they encountered a grisly scene and an alleged crime that shocked the city .one woman was lying on the floor with cuts to her neck and buttocks .']\n", + "=======================\n", + "['hong kong banker alleged murder case adjourned until maythe 29-year-old rurik jutting is accused of killing two indonesian domestic workers']\n", + "a former banker , 29-year-old briton rurik jutting , was charged with two counts of murder .( cnn ) when hong kong police answered a call in the early hours of a saturday morning last november , they encountered a grisly scene and an alleged crime that shocked the city .one woman was lying on the floor with cuts to her neck and buttocks .\n", + "hong kong banker alleged murder case adjourned until maythe 29-year-old rurik jutting is accused of killing two indonesian domestic workers\n", + "[1.212556 1.443534 1.2144917 1.3550035 1.1457385 1.0953797 1.0479639\n", + " 1.1059216 1.0920862 1.1206295 1.1060404 1.0487175 1.0645564 1.062305\n", + " 1.0259683 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 9 10 7 5 8 12 13 11 6 14 15 16 17]\n", + "=======================\n", + "[\"the lib dem leader , who hopes to hold the balance of power after may 7 , said the idea of more than two parties forming a government is not ` going to work ' .he said it would be a ` messy ' way to run the country , and risked instability with the future of the government put in peril with every late night vote .a ` rainbow coalition ' made up of several different parties could cause chaos , nick clegg warned today .\"]\n", + "=======================\n", + "[\"lib dem leader warns three or four-party coalition ` is not going to work 'raises prospect of lib dems entering government with labour or toriesexperts warn hung parliament could send financial markets into turmoil\"]\n", + "the lib dem leader , who hopes to hold the balance of power after may 7 , said the idea of more than two parties forming a government is not ` going to work ' .he said it would be a ` messy ' way to run the country , and risked instability with the future of the government put in peril with every late night vote .a ` rainbow coalition ' made up of several different parties could cause chaos , nick clegg warned today .\n", + "lib dem leader warns three or four-party coalition ` is not going to work 'raises prospect of lib dems entering government with labour or toriesexperts warn hung parliament could send financial markets into turmoil\n", + "[1.5096072 1.2926165 1.2193432 1.2341061 1.2208217 1.062547 1.171364\n", + " 1.1166768 1.137071 1.1028341 1.0759938 1.0910949 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 4 2 6 8 7 9 11 10 5 16 12 13 14 15 17]\n", + "=======================\n", + "[\"top seed kei nishikori made a successful start to his barcelona open title defence with a straight sets victory over teymuraz gabashvili on tuesday .japan 's nishikori emerged triumphant from the second-round encounter after seeing off his russian opponent 6-3 6-4 .the other seeds to advance to the third round were both spaniards - seventh seed roberto bautista-agut with a 6-3 6-4 win over thomaz bellucci of brazil , and ninth seed tommy robredo , the 2004 champion who was a 6-3 6-2 victor against kazakhstan 's mikhail kukushkin .\"]\n", + "=======================\n", + "[\"japan 's kei nishikori emerged triumphant from second-round encounterhe beat his russian challenger in straight sets of 6-3 6-4 in barcelonarafael nadal 's first match will be against fellow spaniard nicolas almagro\"]\n", + "top seed kei nishikori made a successful start to his barcelona open title defence with a straight sets victory over teymuraz gabashvili on tuesday .japan 's nishikori emerged triumphant from the second-round encounter after seeing off his russian opponent 6-3 6-4 .the other seeds to advance to the third round were both spaniards - seventh seed roberto bautista-agut with a 6-3 6-4 win over thomaz bellucci of brazil , and ninth seed tommy robredo , the 2004 champion who was a 6-3 6-2 victor against kazakhstan 's mikhail kukushkin .\n", + "japan 's kei nishikori emerged triumphant from second-round encounterhe beat his russian challenger in straight sets of 6-3 6-4 in barcelonarafael nadal 's first match will be against fellow spaniard nicolas almagro\n", + "[1.5662203 1.4330982 1.1556429 1.2995567 1.2098613 1.0818102 1.0865897\n", + " 1.0468088 1.1770605 1.0122306 1.0107118 1.0167243 1.0085486 1.0194337\n", + " 1.0650449 1.1280867 0. 0. ]\n", + "\n", + "[ 0 1 3 4 8 2 15 6 5 14 7 13 11 9 10 12 16 17]\n", + "=======================\n", + "[\"robin van persie and jonny evans both enjoyed gentle re-introductions into the game as manchester united 's under 21 side drew 1-1 at leicester , although rafael and adnan januzaj both limped off .dutch forward van persie has been out of action since february with an ankle injury after leaving swansea on crutches .manchester united right back rafael had to be taken off in the 44th minute after sustaining a rib injury during the reserve match\"]\n", + "=======================\n", + "[\"robin van persie , adnan januzaj , jonny evans , tyler blackett , james wilson and rafael all started for man unitedman united first team stars januzaj and rafael sustained injuries during the 1-1 draw at the king power stadiumvan persie boosted his chances of starting against everton on sunday by playing 62 minutes of under 21 encounterboth goals came during the first half as sean goss cancelled out leicester forward harry panayiotou 's opener\"]\n", + "robin van persie and jonny evans both enjoyed gentle re-introductions into the game as manchester united 's under 21 side drew 1-1 at leicester , although rafael and adnan januzaj both limped off .dutch forward van persie has been out of action since february with an ankle injury after leaving swansea on crutches .manchester united right back rafael had to be taken off in the 44th minute after sustaining a rib injury during the reserve match\n", + "robin van persie , adnan januzaj , jonny evans , tyler blackett , james wilson and rafael all started for man unitedman united first team stars januzaj and rafael sustained injuries during the 1-1 draw at the king power stadiumvan persie boosted his chances of starting against everton on sunday by playing 62 minutes of under 21 encounterboth goals came during the first half as sean goss cancelled out leicester forward harry panayiotou 's opener\n", + "[1.4529264 1.5318453 1.2045317 1.4152291 1.2621236 1.1031913 1.0533853\n", + " 1.0183123 1.0233451 1.0176344 1.0414289 1.0122167 1.0093987 1.0096599\n", + " 1.0813724 1.0118982 1.0263959 1.1278744 1.2544324 1.0101731 1.0188177\n", + " 1.0364048 1.0110564]\n", + "\n", + "[ 1 0 3 4 18 2 17 5 14 6 10 21 16 8 20 7 9 11 15 22 19 13 12]\n", + "=======================\n", + "[\"saints have slipped out of the champions league places and into seventh following a run of three defeats in their last six games ahead of saturday 's home clash with hull .ronald koeman insists southampton 's goals have dried up due to their barclays premier league rivals giving them more respect .ronald koeman feels southampton have found it hard to score due to opponents respecting them more\"]\n", + "=======================\n", + "[\"southampton have dropped out of the premier league top sixronald koeman has pinpointed his team 's struggle to hit the nethe feels the problem is down to opponents having more respect for saints\"]\n", + "saints have slipped out of the champions league places and into seventh following a run of three defeats in their last six games ahead of saturday 's home clash with hull .ronald koeman insists southampton 's goals have dried up due to their barclays premier league rivals giving them more respect .ronald koeman feels southampton have found it hard to score due to opponents respecting them more\n", + "southampton have dropped out of the premier league top sixronald koeman has pinpointed his team 's struggle to hit the nethe feels the problem is down to opponents having more respect for saints\n", + "[1.423023 1.4050069 1.242542 1.1241493 1.0835642 1.0850329 1.3854954\n", + " 1.0700318 1.1686599 1.0584456 1.0214719 1.0263842 1.0314791 1.0408577\n", + " 1.0315402 1.1690176 1.0918381 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 6 2 15 8 3 16 5 4 7 9 13 14 12 11 10 17 18 19 20 21 22]\n", + "=======================\n", + "[\"lewis hamilton has told nico rosberg he will do his talking ` on the track ' as the two title contenders prepare to renew their rivalry in the desert .the mercedes men left shanghai after the chinese grand prix arguing over the rights and wrongs of how they raced .but hamilton , speaking ahead of sunday 's race in bahrain , adopted an air of cool disdain for any psychological battles .\"]\n", + "=======================\n", + "['lewis hamilton and nico rosberg will renew their rivalry in bahrainthe mercedes pair had argued in the aftermath of the chinese grand prixhamilton , though , has dismissed mind games and is focused on the next race']\n", + "lewis hamilton has told nico rosberg he will do his talking ` on the track ' as the two title contenders prepare to renew their rivalry in the desert .the mercedes men left shanghai after the chinese grand prix arguing over the rights and wrongs of how they raced .but hamilton , speaking ahead of sunday 's race in bahrain , adopted an air of cool disdain for any psychological battles .\n", + "lewis hamilton and nico rosberg will renew their rivalry in bahrainthe mercedes pair had argued in the aftermath of the chinese grand prixhamilton , though , has dismissed mind games and is focused on the next race\n", + "[1.4879276 1.19154 1.2089727 1.2563728 1.1283125 1.1139603 1.2272823\n", + " 1.0734636 1.1134353 1.0894705 1.0554658 1.0405588 1.0345625 1.0186974\n", + " 1.0790992 1.0415257 1.01452 1.012023 1.0114983 1.0094697 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 6 2 1 4 5 8 9 14 7 10 15 11 12 13 16 17 18 19 21 20 22]\n", + "=======================\n", + "[\"` secret stuff ' : ivana chubbuck , 62 , is a part therapist and part acting coach , known as the ` celebrity whisperer 'ivana chubbuck 's client list includes eva mendes , charlize theron , gerard butler , halle berry , sharon stone and many others .today , brad pitt is known the world over .\"]\n", + "=======================\n", + "[\"ivana chubbuck , 62 , is known as the ` celebrity whisperer ' and hones talentshe 's a therapist and acting coach and runs a drama school in los angeleschubbuck counts beyoncé , eva mendes and brad pitt among her clients\"]\n", + "` secret stuff ' : ivana chubbuck , 62 , is a part therapist and part acting coach , known as the ` celebrity whisperer 'ivana chubbuck 's client list includes eva mendes , charlize theron , gerard butler , halle berry , sharon stone and many others .today , brad pitt is known the world over .\n", + "ivana chubbuck , 62 , is known as the ` celebrity whisperer ' and hones talentshe 's a therapist and acting coach and runs a drama school in los angeleschubbuck counts beyoncé , eva mendes and brad pitt among her clients\n", + "[1.3571844 1.3891957 1.2747363 1.2204592 1.2684126 1.2167817 1.0517855\n", + " 1.1271447 1.15331 1.0288166 1.016116 1.0287131 1.0878918 1.0468826\n", + " 1.0144048 1.0566192 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 2 4 3 5 8 7 12 15 6 13 9 11 10 14 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"charlene wall jeffs , 58 , had 10 children with her husband and the two have been married for 31 years , but she claims the church has ` become even more disturbing than it was under warren ' .the legal wife of lyle jeffs - brother of warren jeffs and current leader of the polygamous fundamentalist church of jesus christ of latter-day saints - has officially filed for divorce from her husband in utah , citing rape and illegal practices within the mormon sect .lyle jeffs has multiple wives within the sect - nine , according to reports - but mrs jeffs is legally married to him and has been since 1983 .\"]\n", + "=======================\n", + "[\"charlene wall jeffs , 58 , is one of a reported nine wives of lyle jeffsthe couple married in 1983 and have 10 children togetherhe stepped up to lead the fundamentalist church of jesus christ of latter-day saints when brother warren jeffs was sentenced to prison in 2007mrs jeffs says she spent years in exile before being banished last yearalleged the church only allow a group of men called ` seed bearers ' to impregnate women , and the husbands stand by holding their wife 's handmrs jeffs is fighting for custody of two of her children\"]\n", + "charlene wall jeffs , 58 , had 10 children with her husband and the two have been married for 31 years , but she claims the church has ` become even more disturbing than it was under warren ' .the legal wife of lyle jeffs - brother of warren jeffs and current leader of the polygamous fundamentalist church of jesus christ of latter-day saints - has officially filed for divorce from her husband in utah , citing rape and illegal practices within the mormon sect .lyle jeffs has multiple wives within the sect - nine , according to reports - but mrs jeffs is legally married to him and has been since 1983 .\n", + "charlene wall jeffs , 58 , is one of a reported nine wives of lyle jeffsthe couple married in 1983 and have 10 children togetherhe stepped up to lead the fundamentalist church of jesus christ of latter-day saints when brother warren jeffs was sentenced to prison in 2007mrs jeffs says she spent years in exile before being banished last yearalleged the church only allow a group of men called ` seed bearers ' to impregnate women , and the husbands stand by holding their wife 's handmrs jeffs is fighting for custody of two of her children\n", + "[1.4247732 1.2198539 1.4833544 1.218318 1.2033571 1.1041172 1.1243567\n", + " 1.084695 1.0453163 1.0424461 1.0603757 1.0460616 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 1 3 4 6 5 7 10 11 8 9 21 12 13 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"andrew anderson , 43 , was accused of forcing social worker julie mcgoldrick to the floor , injuring her wrist , as they battled over the unit which had been reduced from # 199 to # 99 as part of the frenzied midnight sales event .a father-of-three has been cleared of assaulting a social worker following a black friday bundle at tesco over a 32in tv - after a judge said the chaotic scenes made it hard to blame anyone .the self-employed gardener ` strategised ' his shopping and grabbed a tv near the bottom of a pallet in manchester , only for mrs mcgoldrick , 53 , to grab the same one at the same time - and suffer injuries that saw her end up in hospital .\"]\n", + "=======================\n", + "[\"andrew anderson was accused of forcing julie mcgoldrick to the floorfought over tv reduced from # 199 to # 99 at tesco store in manchesterfrenzied scenes saw him grab tv before tesco workers pulled him away43-year-old had jumped queue and admitted he ` knew what i was in for '\"]\n", + "andrew anderson , 43 , was accused of forcing social worker julie mcgoldrick to the floor , injuring her wrist , as they battled over the unit which had been reduced from # 199 to # 99 as part of the frenzied midnight sales event .a father-of-three has been cleared of assaulting a social worker following a black friday bundle at tesco over a 32in tv - after a judge said the chaotic scenes made it hard to blame anyone .the self-employed gardener ` strategised ' his shopping and grabbed a tv near the bottom of a pallet in manchester , only for mrs mcgoldrick , 53 , to grab the same one at the same time - and suffer injuries that saw her end up in hospital .\n", + "andrew anderson was accused of forcing julie mcgoldrick to the floorfought over tv reduced from # 199 to # 99 at tesco store in manchesterfrenzied scenes saw him grab tv before tesco workers pulled him away43-year-old had jumped queue and admitted he ` knew what i was in for '\n", + "[1.2426348 1.16494 1.393862 1.2075541 1.1704906 1.2522103 1.1272211\n", + " 1.0588423 1.0265065 1.0262439 1.0494214 1.079754 1.1141435 1.0192553\n", + " 1.0294864 1.1142056 1.1399313 1.1183236 1.0759412 1.0916437]\n", + "\n", + "[ 2 5 0 3 4 1 16 6 17 15 12 19 11 18 7 10 14 8 9 13]\n", + "=======================\n", + "['singleton bought 80 beach drive for a suburb record of $ 4.25 million in late 2007 , and the agents expect bidding for the may 9 auction to will kick off at $ 3.5 million , reports property observer .advertising entrepreneur john singleton is selling his breathtaking beach house on the central coast of new south wales .the property offers wide open plan living areas leading onto an undercover front balcony']\n", + "=======================\n", + "['advertising entrepreneur john singleton is selling his breathtaking beach housethe luxurious five-bedroom abode offers sweeping views of the pacific oceansingleton bought 80 beach drive for a suburb record of $ 4.25 million in late 2007the exquisite design captures the quintessential australian beachside home']\n", + "singleton bought 80 beach drive for a suburb record of $ 4.25 million in late 2007 , and the agents expect bidding for the may 9 auction to will kick off at $ 3.5 million , reports property observer .advertising entrepreneur john singleton is selling his breathtaking beach house on the central coast of new south wales .the property offers wide open plan living areas leading onto an undercover front balcony\n", + "advertising entrepreneur john singleton is selling his breathtaking beach housethe luxurious five-bedroom abode offers sweeping views of the pacific oceansingleton bought 80 beach drive for a suburb record of $ 4.25 million in late 2007the exquisite design captures the quintessential australian beachside home\n", + "[1.2664664 1.4019451 1.2512033 1.317831 1.2234253 1.178027 1.0303633\n", + " 1.0230589 1.3096117 1.1444861 1.0109822 1.022781 1.0613964 1.0403048\n", + " 1.0372328 1.006287 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 8 0 2 4 5 9 12 13 14 6 7 11 10 15 18 16 17 19]\n", + "=======================\n", + "[\"dyke wants to increase the minimum number of home-grown players in club squads from eight to 12 , however he is facing opposition from the premier league .former england managers ( clockwise ) glenn hoddle , kevin keegan , steve mcclaren and sven-goran eriksson have backed dyke 's callthe proposals also include changing the rules so that ` home-grown ' means having trained in england for three years before the age of 18 rather than before 21 .\"]\n", + "=======================\n", + "['greg dyke wants to increase the minimum number of homegrown players at premier league clubs from eight to 12fa chairman has been backed by ex-england bosses graham taylor , glenn hoddle , kevin keegan , sven-goran eriksson and steve mcclarenrise of harry kane proves england can develop talented youngsters']\n", + "dyke wants to increase the minimum number of home-grown players in club squads from eight to 12 , however he is facing opposition from the premier league .former england managers ( clockwise ) glenn hoddle , kevin keegan , steve mcclaren and sven-goran eriksson have backed dyke 's callthe proposals also include changing the rules so that ` home-grown ' means having trained in england for three years before the age of 18 rather than before 21 .\n", + "greg dyke wants to increase the minimum number of homegrown players at premier league clubs from eight to 12fa chairman has been backed by ex-england bosses graham taylor , glenn hoddle , kevin keegan , sven-goran eriksson and steve mcclarenrise of harry kane proves england can develop talented youngsters\n", + "[1.4270093 1.3698877 1.108448 1.3809751 1.2798858 1.0236782 1.1264045\n", + " 1.0985506 1.1016057 1.2605083 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 9 6 2 8 7 5 18 10 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "['michael phelps made a winning return to competitive racing as the 18-time olympic gold-medallist claimed 100 metres butterfly victory at the arena pro swim series in arizona .phelps , back in action after a six-month suspension imposed by usa swimming following his drink driving conviction last september , won the race in mesa with a time of 52.38 seconds , edging out ryan lochte .29-year-old phelps is aiming to compete in a fifth olympics next year in rio de janeiro']\n", + "=======================\n", + "['michael phelps won his first race back following six-month suspensionphelps was suspended by usa swimming for failing a drink-driving testolympic champion won 100m butterfly at the arena pro swim series']\n", + "michael phelps made a winning return to competitive racing as the 18-time olympic gold-medallist claimed 100 metres butterfly victory at the arena pro swim series in arizona .phelps , back in action after a six-month suspension imposed by usa swimming following his drink driving conviction last september , won the race in mesa with a time of 52.38 seconds , edging out ryan lochte .29-year-old phelps is aiming to compete in a fifth olympics next year in rio de janeiro\n", + "michael phelps won his first race back following six-month suspensionphelps was suspended by usa swimming for failing a drink-driving testolympic champion won 100m butterfly at the arena pro swim series\n", + "[1.2738861 1.3644879 1.1044649 1.3452221 1.2522879 1.313213 1.0468853\n", + " 1.0299845 1.039047 1.0913504 1.163512 1.0731663 1.0665131 1.0838389\n", + " 1.078912 1.0556674 1.0798815 1.0491574 1.0603 0. ]\n", + "\n", + "[ 1 3 5 0 4 10 2 9 13 16 14 11 12 18 15 17 6 8 7 19]\n", + "=======================\n", + "[\"manager louis van gaal has been hugely impressed with carrick 's contribution at old trafford this season .michael carrick ( left ) has been instrumental in manchester united 's recent run of good formmanchester united have begun the search for michael carrick 's long-term replacement , with ilkay gundogan a prime contender to fill the role .\"]\n", + "=======================\n", + "[\"ilkay gundogan is seen as a successor to michael carrick in midfieldmanchester united boss louis van gaal has been impressed by carrickvan gaal feels gundogan can replicate 33-year-old carrick 's displays\"]\n", + "manager louis van gaal has been hugely impressed with carrick 's contribution at old trafford this season .michael carrick ( left ) has been instrumental in manchester united 's recent run of good formmanchester united have begun the search for michael carrick 's long-term replacement , with ilkay gundogan a prime contender to fill the role .\n", + "ilkay gundogan is seen as a successor to michael carrick in midfieldmanchester united boss louis van gaal has been impressed by carrickvan gaal feels gundogan can replicate 33-year-old carrick 's displays\n", + "[1.3155298 1.4212631 1.2839147 1.3385204 1.1059191 1.123948 1.0528665\n", + " 1.0671254 1.0724034 1.0618598 1.060932 1.0867355 1.1232483 1.0689481\n", + " 1.045186 1.0298605 1.0447292 1.0258503 0. 0. ]\n", + "\n", + "[ 1 3 0 2 5 12 4 11 8 13 7 9 10 6 14 16 15 17 18 19]\n", + "=======================\n", + "['the teenager from lahore in punjab province pakistan , who has been identified only as nuaman , had just left a local shop when he was beaten and burnt with kerosene .two young muslims have put a 14-year-old pakistani boy in hospital with burns to 55 percent of his body after they set him on fire because he is a christian .the boy , who is now being treated at mayo hospital in lahore , described how he was approached by the two muslim youths as they left friday prayers at their local mosque .']\n", + "=======================\n", + "['teenager has burns to 55 % of his body after religiously motivated attackmuslims beat him and set him alight with kerosene because he is christianattack follows taliban bombing which killed 17 in lahore church in march']\n", + "the teenager from lahore in punjab province pakistan , who has been identified only as nuaman , had just left a local shop when he was beaten and burnt with kerosene .two young muslims have put a 14-year-old pakistani boy in hospital with burns to 55 percent of his body after they set him on fire because he is a christian .the boy , who is now being treated at mayo hospital in lahore , described how he was approached by the two muslim youths as they left friday prayers at their local mosque .\n", + "teenager has burns to 55 % of his body after religiously motivated attackmuslims beat him and set him alight with kerosene because he is christianattack follows taliban bombing which killed 17 in lahore church in march\n", + "[1.1347492 1.2940238 1.360365 1.1009134 1.1549106 1.0994836 1.0753331\n", + " 1.0442551 1.1335294 1.0356128 1.0939528 1.0575175 1.0757687 1.0748949\n", + " 1.0698073 1.0484501 1.0805024 1.0421959 0. 0. ]\n", + "\n", + "[ 2 1 4 0 8 3 5 10 16 12 6 13 14 11 15 7 17 9 18 19]\n", + "=======================\n", + "[\"that 's a claim from former white house florist ronn payne , retold in a new book based on interviews with more than 100 members of the presidential mansion 's domestic staff .but she also learned to call the secret service ` pigs . 'a member of her secret service protective detail came in behind him to take the clintons ' only child to school .\"]\n", + "=======================\n", + "[\"stunning tale came from white house domestic help who tended to the clintons ' every need during the 1990sbook published today is based on more than 100 interviews with ordinary non-political staff who ran america 's presidential mansionone former head of the household staff said : they were about the most paranoid people i 'd ever seen in my life 'another staff member said he was fired after he helped former first lady barbara bush with her computer because clintons feared he was gossipinga third recalled listening as bill and hillary fought during the monica lewinsky saga , with hillary once calling him a ` g * ddamn b * stard '\"]\n", + "that 's a claim from former white house florist ronn payne , retold in a new book based on interviews with more than 100 members of the presidential mansion 's domestic staff .but she also learned to call the secret service ` pigs . 'a member of her secret service protective detail came in behind him to take the clintons ' only child to school .\n", + "stunning tale came from white house domestic help who tended to the clintons ' every need during the 1990sbook published today is based on more than 100 interviews with ordinary non-political staff who ran america 's presidential mansionone former head of the household staff said : they were about the most paranoid people i 'd ever seen in my life 'another staff member said he was fired after he helped former first lady barbara bush with her computer because clintons feared he was gossipinga third recalled listening as bill and hillary fought during the monica lewinsky saga , with hillary once calling him a ` g * ddamn b * stard '\n", + "[1.4307926 1.3609345 1.2948493 1.392745 1.3157358 1.246237 1.0264562\n", + " 1.014504 1.2894881 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 8 5 6 7 17 16 15 14 9 12 11 10 18 13 19]\n", + "=======================\n", + "[\"liverpool starlet joao teixeira has been ruled out for the rest of the season after suffering a broken leg during his loan spell at brighton .liverpool youngster joao teixeira broke his leg while playing in brighton 's goalless draw with huddersfieldportuguese starlet teixeira was carried off on a stretcher during tuesday night 's clash at the amex stadium\"]\n", + "=======================\n", + "[\"joao teixeira will miss brighton 's last three games of the seasonthe portuguese starlet sustained broken leg in 0-0 draw with huddersfieldliverpool 's teixeira joined brighton on season-long loan deal in august\"]\n", + "liverpool starlet joao teixeira has been ruled out for the rest of the season after suffering a broken leg during his loan spell at brighton .liverpool youngster joao teixeira broke his leg while playing in brighton 's goalless draw with huddersfieldportuguese starlet teixeira was carried off on a stretcher during tuesday night 's clash at the amex stadium\n", + "joao teixeira will miss brighton 's last three games of the seasonthe portuguese starlet sustained broken leg in 0-0 draw with huddersfieldliverpool 's teixeira joined brighton on season-long loan deal in august\n", + "[1.4725299 1.4036422 1.3508437 1.374587 1.2054274 1.0477564 1.0227066\n", + " 1.2333058 1.0573996 1.1335423 1.0364783 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 7 4 9 8 5 10 6 18 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"kyle naughton has been ruled out for the rest of the season after david meyler 's red card challenge on saturday .the hull midfielder was shown a straight red for the hefty challenge that left naughton in hospital at the weekend , though neither garry monk nor steve bruce condemned meyler at the time .a scan on monday revealed naughton suffered ligament damage and the right-back will face a six-week lay-off .\"]\n", + "=======================\n", + "['kyle naughton ruled out for six weeks with ankle ligament damagedavid meyler was sent off the tackle and will serve a suspensionangel rangel could replace naughton for their home game versus evertonclick here for all the latest swansea news']\n", + "kyle naughton has been ruled out for the rest of the season after david meyler 's red card challenge on saturday .the hull midfielder was shown a straight red for the hefty challenge that left naughton in hospital at the weekend , though neither garry monk nor steve bruce condemned meyler at the time .a scan on monday revealed naughton suffered ligament damage and the right-back will face a six-week lay-off .\n", + "kyle naughton ruled out for six weeks with ankle ligament damagedavid meyler was sent off the tackle and will serve a suspensionangel rangel could replace naughton for their home game versus evertonclick here for all the latest swansea news\n", + "[1.1245886 1.0380512 1.0567434 1.2567472 1.1076891 1.4688454 1.0673897\n", + " 1.0243591 1.0336303 1.2150819 1.0357262 1.075381 1.0266953 1.1271687\n", + " 1.0912058 1.0997229 1.0281311 1.0791414 1.0174193 1.0256581]\n", + "\n", + "[ 5 3 9 13 0 4 15 14 17 11 6 2 1 10 8 16 12 19 7 18]\n", + "=======================\n", + "[\"the luxurious ulusaba game reserve is in south africa 's sabi sands and is sir richard branson 's private reservethere were three other rhinos with her and , let 's be honest , they 're not called a crash of rhino for nothing .kutner came face to face with three rhinos , along with documenting the roar of a bush lion , the yawn of a hippo and the prowl of a glorious leopard\"]\n", + "=======================\n", + "[\"alexander kutner travelled with his sky presenter mum , kay burleythey stayed at the ulusaba reserve in south africa 's sabi sandsthe stay at cliff lodge had luxury furnishings , soft sheets and a chef\"]\n", + "the luxurious ulusaba game reserve is in south africa 's sabi sands and is sir richard branson 's private reservethere were three other rhinos with her and , let 's be honest , they 're not called a crash of rhino for nothing .kutner came face to face with three rhinos , along with documenting the roar of a bush lion , the yawn of a hippo and the prowl of a glorious leopard\n", + "alexander kutner travelled with his sky presenter mum , kay burleythey stayed at the ulusaba reserve in south africa 's sabi sandsthe stay at cliff lodge had luxury furnishings , soft sheets and a chef\n", + "[1.3310246 1.4711888 1.1645294 1.0797464 1.0696393 1.0512655 1.3051535\n", + " 1.0846342 1.0740627 1.0459403 1.0303904 1.0772202 1.0974327 1.0697778\n", + " 1.0307636 1.1404066 1.013001 0. 0. 0. ]\n", + "\n", + "[ 1 0 6 2 15 12 7 3 11 8 13 4 5 9 14 10 16 18 17 19]\n", + "=======================\n", + "[\"corinna skorpenske , from pittsburgh , pennsylvania , took to facebook to publicly shame the anonymous note writer , while also defending her daughter harley jo , a student at ohio state university , and her condition .the mother of a young woman who suffers from lupus , an inflammatory disease which affects the immune system , has hit back at a stranger who left a cruel note on her daughter 's car claiming she had no right to park in a disabled space -- despite the fact that she has a handicap permit .` my first reaction was anger , ' corinna told yahoo health .\"]\n", + "=======================\n", + "[\"corrina skorpenske , from pittsburgh , pennsylvania , took to facebook to publicly shame the person who left a cruel note on her daughter 's carthe anonymous critic accused ohio state university student harley jo of taking away a handicap spot from ` actual disabled people '\"]\n", + "corinna skorpenske , from pittsburgh , pennsylvania , took to facebook to publicly shame the anonymous note writer , while also defending her daughter harley jo , a student at ohio state university , and her condition .the mother of a young woman who suffers from lupus , an inflammatory disease which affects the immune system , has hit back at a stranger who left a cruel note on her daughter 's car claiming she had no right to park in a disabled space -- despite the fact that she has a handicap permit .` my first reaction was anger , ' corinna told yahoo health .\n", + "corrina skorpenske , from pittsburgh , pennsylvania , took to facebook to publicly shame the person who left a cruel note on her daughter 's carthe anonymous critic accused ohio state university student harley jo of taking away a handicap spot from ` actual disabled people '\n", + "[1.3267035 1.1803823 1.2646872 1.1209176 1.2774153 1.2008828 1.1526263\n", + " 1.120021 1.1423045 1.0315746 1.0680958 1.0707846 1.0194987 1.0199608\n", + " 1.041189 1.0246462 1.1485673 1.0863501 1.0105841]\n", + "\n", + "[ 0 4 2 5 1 6 16 8 3 7 17 11 10 14 9 15 13 12 18]\n", + "=======================\n", + "['( cnn ) five years ago , rebecca francis posed for a photo while lying next to a dead giraffe .in the past three days , his tweet has been retweeted almost 30,000 times .the trouble started monday , when comedian ricky gervais tweeted the photo with a question .']\n", + "=======================\n", + "['rebecca francis \\' photo with a giraffe was shared by ricky gervaisfrancis was threatened on twitter for the picturefrancis , a hunter , said the giraffe was \" close to death \" and became food for locals']\n", + "( cnn ) five years ago , rebecca francis posed for a photo while lying next to a dead giraffe .in the past three days , his tweet has been retweeted almost 30,000 times .the trouble started monday , when comedian ricky gervais tweeted the photo with a question .\n", + "rebecca francis ' photo with a giraffe was shared by ricky gervaisfrancis was threatened on twitter for the picturefrancis , a hunter , said the giraffe was \" close to death \" and became food for locals\n", + "[1.0598562 1.2996818 1.3363686 1.2963088 1.1583459 1.1059307 1.1089051\n", + " 1.14574 1.1552609 1.0706545 1.135361 1.0794172 1.1343858 1.0701001\n", + " 1.0443785 1.064075 1.0299184 0. 0. ]\n", + "\n", + "[ 2 1 3 4 8 7 10 12 6 5 11 9 13 15 0 14 16 17 18]\n", + "=======================\n", + "['air passengers face up to three days of disruption , with british airways , easyjet , ryanair and flybe among the airlines forced to cancel dozens of flights .in a double hit for thousands of holidaymakers trying to leave britain today , strikes by french air traffic controllers and new border control checks threaten severe delays .chaos : new passport regulations could cause queues on roads leading to dover and folkestone ( file photo )']\n", + "=======================\n", + "['strikes by french air traffic controllers will affect thousands of brits todaynew border control checks may also mean major delays for holidaymakersba , easyjet , flybe and ryanair among airlines forced to cancel flightsthree days of disruption start today at 5am and end on friday morning']\n", + "air passengers face up to three days of disruption , with british airways , easyjet , ryanair and flybe among the airlines forced to cancel dozens of flights .in a double hit for thousands of holidaymakers trying to leave britain today , strikes by french air traffic controllers and new border control checks threaten severe delays .chaos : new passport regulations could cause queues on roads leading to dover and folkestone ( file photo )\n", + "strikes by french air traffic controllers will affect thousands of brits todaynew border control checks may also mean major delays for holidaymakersba , easyjet , flybe and ryanair among airlines forced to cancel flightsthree days of disruption start today at 5am and end on friday morning\n", + "[1.2925203 1.4095051 1.2449019 1.0549883 1.4835111 1.339869 1.1172208\n", + " 1.0433427 1.0335401 1.0381511 1.0187393 1.0267384 1.0286623 1.0356798\n", + " 1.0533196 1.0187106 1.0194577 0. 0. ]\n", + "\n", + "[ 4 1 5 0 2 6 3 14 7 9 13 8 12 11 16 10 15 17 18]\n", + "=======================\n", + "[\"alex hales believes england 's players are n't competing in enough twenty20 competitionsalex hales and chris woakes , two foot soldiers in the recent world cup fiasco , both called for some rethinking of the domestic structure to avoid a repeat of what happened in australia and new zealand .hales was at edgbaston on thursday at the launch of this season 's t20 domestic competition\"]\n", + "=======================\n", + "[\"england suffered humiliation in the 50-over world cup this yearalex hales believes they would benefit from playing more t20 crickethales was talking at the launch of this season 's domestic t20 competition\"]\n", + "alex hales believes england 's players are n't competing in enough twenty20 competitionsalex hales and chris woakes , two foot soldiers in the recent world cup fiasco , both called for some rethinking of the domestic structure to avoid a repeat of what happened in australia and new zealand .hales was at edgbaston on thursday at the launch of this season 's t20 domestic competition\n", + "england suffered humiliation in the 50-over world cup this yearalex hales believes they would benefit from playing more t20 crickethales was talking at the launch of this season 's domestic t20 competition\n", + "[1.2870083 1.4496863 1.3296893 1.2622201 1.1978618 1.0663663 1.0314492\n", + " 1.040472 1.017902 1.1816257 1.1092706 1.0231495 1.1069405 1.0342885\n", + " 1.0230924 1.0599746 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 9 10 12 5 15 7 13 6 11 14 8 17 16 18]\n", + "=======================\n", + "[\"china , south korea and japan have all banned new charter flights of thai carriers after an audit by the un 's international civil aviation organization ( icao ) reported that it found ` significant safety concerns ' with the country 's aviation safety to thailand 's department of civil aviation .according to casa , thai airways is the only thai airline that regularly operates in australia .australia 's civil aviation safety authority ( casa ) has placed higher safety restrictions on thai airways , but avoided following the footsteps of its asian neighbours by banning future flights .\"]\n", + "=======================\n", + "[\"un 's international civil aviation organization ( icao ) reported ` significant safety concerns ' with thailand 's aviation safetychina , south korea and japan have banned any new charter flightsthe country 's airlines now receive strict inspections in australiathailand said it plans to inform countries about the status of its aviation safety and ` the solutions to fix the faults ... as soon as possible '\"]\n", + "china , south korea and japan have all banned new charter flights of thai carriers after an audit by the un 's international civil aviation organization ( icao ) reported that it found ` significant safety concerns ' with the country 's aviation safety to thailand 's department of civil aviation .according to casa , thai airways is the only thai airline that regularly operates in australia .australia 's civil aviation safety authority ( casa ) has placed higher safety restrictions on thai airways , but avoided following the footsteps of its asian neighbours by banning future flights .\n", + "un 's international civil aviation organization ( icao ) reported ` significant safety concerns ' with thailand 's aviation safetychina , south korea and japan have banned any new charter flightsthe country 's airlines now receive strict inspections in australiathailand said it plans to inform countries about the status of its aviation safety and ` the solutions to fix the faults ... as soon as possible '\n", + "[1.103191 1.418314 1.3152652 1.2933946 1.2496961 1.0547462 1.17611\n", + " 1.0802855 1.101046 1.1178557 1.138876 1.0859083 1.0440117 1.033993\n", + " 1.0180944 1.0373169 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 6 10 9 0 8 11 7 5 12 15 13 14 17 16 18]\n", + "=======================\n", + "[\"more than 480 design teams submitted entries to evolo magazine 's 2015 contest and a jury of experts chose three winners and awarded 15 other designs with honorable mentions from 480 global entries .the first place was awarded to a polish group called bomp for its ` natural habitat ' essence skyscraper , beating the designs for a giant ` times squared 3015 ' concept at the heart of times square , a bio-pyramid in the sahara and cybertopia - a project that blurs the lines between digital and physical worlds .the evolo magazine skyscraper competition was established in 2006 to recognise ` outstanding ideas for vertical living ' .\"]\n", + "=======================\n", + "[\"the evolo magazine awards were established in 2006 to recognise ` outstanding ideas for vertical living 'a jury of experts chose three winners and awarded 15 others with honorable mentions from 480 global entriesfirst place went polish design team bomp for its essence skyscraper with a range of natural habitatsother entries include a skyscraper made from scraps and the cybertopia project that blurs the lines between digital and physical worlds\"]\n", + "more than 480 design teams submitted entries to evolo magazine 's 2015 contest and a jury of experts chose three winners and awarded 15 other designs with honorable mentions from 480 global entries .the first place was awarded to a polish group called bomp for its ` natural habitat ' essence skyscraper , beating the designs for a giant ` times squared 3015 ' concept at the heart of times square , a bio-pyramid in the sahara and cybertopia - a project that blurs the lines between digital and physical worlds .the evolo magazine skyscraper competition was established in 2006 to recognise ` outstanding ideas for vertical living ' .\n", + "the evolo magazine awards were established in 2006 to recognise ` outstanding ideas for vertical living 'a jury of experts chose three winners and awarded 15 others with honorable mentions from 480 global entriesfirst place went polish design team bomp for its essence skyscraper with a range of natural habitatsother entries include a skyscraper made from scraps and the cybertopia project that blurs the lines between digital and physical worlds\n", + "[1.4585757 1.2425979 1.2024906 1.1959517 1.1051791 1.1605437 1.1736634\n", + " 1.0491925 1.0625178 1.0277011 1.0924382 1.086961 1.1154099 1.0442066\n", + " 1.0510168 1.0749266 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 3 6 5 12 4 10 11 15 8 14 7 13 9 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"jeremy clarkson , james may and richard hammond today held talks with top gear executive producer andy wilman - just hours before it was sensationally announced he had quit the bbc .the resignation marks another blow for the hugely-popular show , which has been marred by uncertainty since clarkson was axed last month following a ` fracas ' with a producer .it means mr wilman , a childhood friend of clarkson who helped revamp top gear into the corporation 's most successful programme , is now free to reunite with the team on a rival channel .\"]\n", + "=======================\n", + "[\"presenters met with top gear executive producer andy wilman in londoncame hours after mr wilman , a close friend of clarkson , quit the bbcmeeting fueled speculation that team will reunite to launch show with rivaljames may says bbc should not attempt show with ` surrogate jeremy '\"]\n", + "jeremy clarkson , james may and richard hammond today held talks with top gear executive producer andy wilman - just hours before it was sensationally announced he had quit the bbc .the resignation marks another blow for the hugely-popular show , which has been marred by uncertainty since clarkson was axed last month following a ` fracas ' with a producer .it means mr wilman , a childhood friend of clarkson who helped revamp top gear into the corporation 's most successful programme , is now free to reunite with the team on a rival channel .\n", + "presenters met with top gear executive producer andy wilman in londoncame hours after mr wilman , a close friend of clarkson , quit the bbcmeeting fueled speculation that team will reunite to launch show with rivaljames may says bbc should not attempt show with ` surrogate jeremy '\n", + "[1.3594415 1.3975831 1.1146605 1.1967204 1.1467168 1.0724622 1.082264\n", + " 1.0431396 1.1040598 1.09589 1.0507007 1.036457 1.098078 1.0923936\n", + " 1.0926249 1.1073657 1.13694 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 3 4 16 2 15 8 12 9 14 13 6 5 10 7 11 17 18 19 20 21 22]\n", + "=======================\n", + "['attorneys for plaintiff sarah grimes and for kristen saban would not say whether there had been a settlement of the lawsuit , which was set for trial in early august .a woman asked a judge on thursday to dismiss her lawsuit against the daughter of university of alabama football coach nick saban , bringing an end to a legal fight between sorority sisters that was sparked by an alcohol-fueled brawl .girl brawl : grimes ( left ) claimed in her 2012 lawsuit that she suffered lasting injuries during a boozy brawl with saban ( right ) in 2010 , which evidence showed began over a facebook post after a night of drinking']\n", + "=======================\n", + "[\"sarah grimes accused kristen saban , daughter of alabama football coach nick saban , of brutally beating her after a night of drinking in 2010in her suit , grimes said the sorority sisters were arguing over a boy when saban posted on facebook : ` no one likes sarah , yayyyyy !grimes claimed saban left her with a broken nose and a concussionsaban argued it was grimes who attacked her and left her bleedinggrimes ' lawsuit was set for trial in early august ; both women now will have to pay their own legal costs\"]\n", + "attorneys for plaintiff sarah grimes and for kristen saban would not say whether there had been a settlement of the lawsuit , which was set for trial in early august .a woman asked a judge on thursday to dismiss her lawsuit against the daughter of university of alabama football coach nick saban , bringing an end to a legal fight between sorority sisters that was sparked by an alcohol-fueled brawl .girl brawl : grimes ( left ) claimed in her 2012 lawsuit that she suffered lasting injuries during a boozy brawl with saban ( right ) in 2010 , which evidence showed began over a facebook post after a night of drinking\n", + "sarah grimes accused kristen saban , daughter of alabama football coach nick saban , of brutally beating her after a night of drinking in 2010in her suit , grimes said the sorority sisters were arguing over a boy when saban posted on facebook : ` no one likes sarah , yayyyyy !grimes claimed saban left her with a broken nose and a concussionsaban argued it was grimes who attacked her and left her bleedinggrimes ' lawsuit was set for trial in early august ; both women now will have to pay their own legal costs\n", + "[1.0754585 1.5250607 1.1674737 1.0637801 1.1626935 1.0449754 1.0662535\n", + " 1.0280272 1.1410416 1.2244961 1.0134357 1.0280297 1.031978 1.3063889\n", + " 1.1700076 1.1695827 1.0175204 1.0098166 1.0162201 1.0137887 1.0753827\n", + " 1.0462416 1.1047325]\n", + "\n", + "[ 1 13 9 14 15 2 4 8 22 0 20 6 3 21 5 12 11 7 16 18 19 10 17]\n", + "=======================\n", + "[\"their 2-0 victory over swansea made it three premier league wins in a row for the first time since 2000 , lifting nigel pearson 's side to 17th and ending their five-month spell at the bottom .andy king scores leicester 's second goal to seal three points against swansea at the king power stadiumulloa scored his first premier league goal in 647 minutes ; last scoring on boxing day 2014 .\"]\n", + "=======================\n", + "[\"leicester have recorded three consecutive premier league winsthe latest , a 2-0 success over swansea , lifted them to 17th in the tablenigel pearson 's side are starting to dream of beating relegationesteban cambiasso has been superb for the foxes this seasongoalkeeper kasper schmeichel has also hit some timely form\"]\n", + "their 2-0 victory over swansea made it three premier league wins in a row for the first time since 2000 , lifting nigel pearson 's side to 17th and ending their five-month spell at the bottom .andy king scores leicester 's second goal to seal three points against swansea at the king power stadiumulloa scored his first premier league goal in 647 minutes ; last scoring on boxing day 2014 .\n", + "leicester have recorded three consecutive premier league winsthe latest , a 2-0 success over swansea , lifted them to 17th in the tablenigel pearson 's side are starting to dream of beating relegationesteban cambiasso has been superb for the foxes this seasongoalkeeper kasper schmeichel has also hit some timely form\n", + "[1.5205431 1.2745793 1.2440703 1.1278563 1.2248515 1.1230354 1.13049\n", + " 1.0760404 1.015795 1.0183687 1.0208662 1.0304909 1.027679 1.0416565\n", + " 1.0425842 1.0518324 1.0288818 1.0146173 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 4 6 3 5 7 15 14 13 11 16 12 10 9 8 17 18 19 20 21 22]\n", + "=======================\n", + "[\"ss sergeant oskar groening - known as ` the bookkeeper of auschwitz ' - is set to go on trial charged with complicity in the killing of 300,000 jews at the nazi extermination campnow those who lost loved ones have travelled thousands of miles to bear witness as co-plaintiffs against groening in what may prove to be the last nazi trial of its kind in germany . 'they spoke of their pain , pride and duty in confronting this ` cog ' in the machinery of genocide .\"]\n", + "=======================\n", + "['ss sergeant oskar groening , 93 , faces trial for being a guard at auschwitzcharged with 300,000 counts of accessory to murder in 2 months in 1944groening says he was at the camp but denies killing or torturing jewssurvivors and relatives filed into court today as they waited for trial to start']\n", + "ss sergeant oskar groening - known as ` the bookkeeper of auschwitz ' - is set to go on trial charged with complicity in the killing of 300,000 jews at the nazi extermination campnow those who lost loved ones have travelled thousands of miles to bear witness as co-plaintiffs against groening in what may prove to be the last nazi trial of its kind in germany . 'they spoke of their pain , pride and duty in confronting this ` cog ' in the machinery of genocide .\n", + "ss sergeant oskar groening , 93 , faces trial for being a guard at auschwitzcharged with 300,000 counts of accessory to murder in 2 months in 1944groening says he was at the camp but denies killing or torturing jewssurvivors and relatives filed into court today as they waited for trial to start\n", + "[1.1885495 1.3612356 1.23235 1.19134 1.29944 1.2453725 1.118502\n", + " 1.1332694 1.0820009 1.0544789 1.1002731 1.0824593 1.0225793 1.0547947\n", + " 1.0810348 1.0349505 1.06637 1.0270212 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 5 2 3 0 7 6 10 11 8 14 16 13 9 15 17 12 21 18 19 20 22]\n", + "=======================\n", + "[\"chaplin 's union to lita grey , who was nearly 20 years his junior , lasted just three years .an original copy of the couples 50-page divorce papers was set to fetch an estimated # 15,000 when it goes under the hammer , after being found in america .the iconic film star was said have bedded the impressionable 16-year-old after promising her marriage and then tried to convince her to have an abortion when she fell pregnant .\"]\n", + "=======================\n", + "[\"charlie chaplin , 35 , married his second wife lita grey in 1924divorced three years later with grey branding ex ` cruel and inhumane 'salacious details of their married life revealed in 50 page legal documentdivorce papers set to fetch # 15,000 when they go under the hammer\"]\n", + "chaplin 's union to lita grey , who was nearly 20 years his junior , lasted just three years .an original copy of the couples 50-page divorce papers was set to fetch an estimated # 15,000 when it goes under the hammer , after being found in america .the iconic film star was said have bedded the impressionable 16-year-old after promising her marriage and then tried to convince her to have an abortion when she fell pregnant .\n", + "charlie chaplin , 35 , married his second wife lita grey in 1924divorced three years later with grey branding ex ` cruel and inhumane 'salacious details of their married life revealed in 50 page legal documentdivorce papers set to fetch # 15,000 when they go under the hammer\n", + "[1.2119298 1.4184474 1.2971702 1.2152364 1.1648033 1.0833869 1.0388532\n", + " 1.0209937 1.0339408 1.1165452 1.0616467 1.1578244 1.0923711 1.0319769\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 11 9 12 5 10 6 8 13 7 14 15 16 17]\n", + "=======================\n", + "[\"but this year 's cannes film festival has been declared a selfie-free zone after organisers asked celebrities to stop taking the ` ridiculous and grotesque ' images .while cannes director thierry fremaux admitted that he did not have the powers to ban the pictures altogether , he urged movie starts to resist the temptation .since ellen degeneres broke the internet with her celebrity selfie at last year 's oscars , taking mobile phone snaps on the red carpet has become a must-do for a list stars .\"]\n", + "=======================\n", + "[\"thierry fremaux , director of cannes , aims to make red carpet selfie-freesaid celebrities taking pictures of themselves slows entire event downmr fremaux then added : ` you never look as ugly as you do in a selfie 'stars featuring at 68th event include cate blanchett and michael caine\"]\n", + "but this year 's cannes film festival has been declared a selfie-free zone after organisers asked celebrities to stop taking the ` ridiculous and grotesque ' images .while cannes director thierry fremaux admitted that he did not have the powers to ban the pictures altogether , he urged movie starts to resist the temptation .since ellen degeneres broke the internet with her celebrity selfie at last year 's oscars , taking mobile phone snaps on the red carpet has become a must-do for a list stars .\n", + "thierry fremaux , director of cannes , aims to make red carpet selfie-freesaid celebrities taking pictures of themselves slows entire event downmr fremaux then added : ` you never look as ugly as you do in a selfie 'stars featuring at 68th event include cate blanchett and michael caine\n", + "[1.1770132 1.0649781 1.3293762 1.4799043 1.2370751 1.0933518 1.1333432\n", + " 1.118872 1.1103239 1.0412669 1.0825229 1.060178 1.1069281 1.0241406\n", + " 1.0346087 1.0158244 0. 0. ]\n", + "\n", + "[ 3 2 4 0 6 7 8 12 5 10 1 11 9 14 13 15 16 17]\n", + "=======================\n", + "[\"aidan turner has been signed up for a second series of bbc period drama poldarktv chiefs yesterday announced the cornwall-set drama will be coming back for eight more episodes after it helped bbc1 deliver its strongest start to a year for a decade .bbc1 boss charlotte moore confirmed that turner 's broody ross would return for another series , alongside actress eleanor tomlinson , who plays love interest -- and now wife -- demelza .\"]\n", + "=======================\n", + "[\"tv chiefs have announced drama poldark will return for second seasonabout 8.1 million people on average tuned in to watch each episodesecond series will be based on winston graham 's third and fourth books\"]\n", + "aidan turner has been signed up for a second series of bbc period drama poldarktv chiefs yesterday announced the cornwall-set drama will be coming back for eight more episodes after it helped bbc1 deliver its strongest start to a year for a decade .bbc1 boss charlotte moore confirmed that turner 's broody ross would return for another series , alongside actress eleanor tomlinson , who plays love interest -- and now wife -- demelza .\n", + "tv chiefs have announced drama poldark will return for second seasonabout 8.1 million people on average tuned in to watch each episodesecond series will be based on winston graham 's third and fourth books\n", + "[1.5431738 1.2743939 1.1019943 1.049202 1.0867672 1.0687125 1.0308774\n", + " 1.041512 1.118709 1.1111463 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 8 9 2 4 5 3 7 6 16 10 11 12 13 14 15 17]\n", + "=======================\n", + "['( cnn ) the powers of marvel \\'s all-star superheroes go a bit wobbly in \" avengers : age of ultron . \"faced with the daunting prospect of topping the surprise and excitement of 2012 \\'s the avengers , the third highest-grossing film of all time , writer-director joss whedon mixes some brooding down-time in with the abundant spectacle .last summer , \" guardians of the galaxy \" showed that marvel could play it a bit more fast and loose than it generally does , but the big-name franchises still seem sacrosanct .']\n", + "=======================\n", + "[\"` avengers : age of ultron ' hits theaters may 1critic : movie does n't quite measure up to the original from 2012\"]\n", + "( cnn ) the powers of marvel 's all-star superheroes go a bit wobbly in \" avengers : age of ultron . \"faced with the daunting prospect of topping the surprise and excitement of 2012 's the avengers , the third highest-grossing film of all time , writer-director joss whedon mixes some brooding down-time in with the abundant spectacle .last summer , \" guardians of the galaxy \" showed that marvel could play it a bit more fast and loose than it generally does , but the big-name franchises still seem sacrosanct .\n", + "` avengers : age of ultron ' hits theaters may 1critic : movie does n't quite measure up to the original from 2012\n", + "[1.1933709 1.4258403 1.3619118 1.351897 1.1362469 1.2496682 1.0318921\n", + " 1.0190967 1.0296946 1.0811018 1.067317 1.0672218 1.0863808 1.0510858\n", + " 1.0172814 1.0790159 1.0105767 1.0415889]\n", + "\n", + "[ 1 2 3 5 0 4 12 9 15 10 11 13 17 6 8 7 14 16]\n", + "=======================\n", + "[\"secretary of state john kerry said washington would not accept foreign interference in the country in a direct criticism of tehran 's backing of shiite houthi fighters .it comes as a saudi-led coalition continues to pound anti-government forces in yemen at the start of a third week of bombing .the middle east crisis deepened today as the us warned it will not ` stand by ' while iran supports rebels in yemen .\"]\n", + "=======================\n", + "[\"secretary of state john kerry hits out at iran 's support of houthi fightersbut adds that washington is not looking for a confrontation with tehransaudi-led coalition starts third week of air-strikes against rebels in yemenpentagon has started daily aerial refuelling for warplanes in the coalition\"]\n", + "secretary of state john kerry said washington would not accept foreign interference in the country in a direct criticism of tehran 's backing of shiite houthi fighters .it comes as a saudi-led coalition continues to pound anti-government forces in yemen at the start of a third week of bombing .the middle east crisis deepened today as the us warned it will not ` stand by ' while iran supports rebels in yemen .\n", + "secretary of state john kerry hits out at iran 's support of houthi fightersbut adds that washington is not looking for a confrontation with tehransaudi-led coalition starts third week of air-strikes against rebels in yemenpentagon has started daily aerial refuelling for warplanes in the coalition\n", + "[1.0634526 1.5126628 1.2125566 1.3294288 1.2715017 1.2151952 1.0436924\n", + " 1.0214723 1.0283825 1.0322219 1.0286847 1.1231933 1.1186087 1.066524\n", + " 1.0665157 1.0347835 1.0192876 1.0259103]\n", + "\n", + "[ 1 3 4 5 2 11 12 13 14 0 6 15 9 10 8 17 7 16]\n", + "=======================\n", + "[\"companies tittygram and titisign have popped up in russia offering the eyebrow raising service and are , by all accounts , causing quite a stir .cleavage : burger king has become one of the first big companies to take advantage of thi type of advertisingfrom the heart of russia : two companies now offer to write on a woman 's cleavage and take a snap\"]\n", + "=======================\n", + "[\"two russian companies have started offering unusual service this yearone message can cost as little as $ 6 , or # 4 , so it is a cost effective methodamerican fastfood chain posted an ` advert ' to its russian page this monthbut critics have pointed out it is unlikely to have mass market appeal\"]\n", + "companies tittygram and titisign have popped up in russia offering the eyebrow raising service and are , by all accounts , causing quite a stir .cleavage : burger king has become one of the first big companies to take advantage of thi type of advertisingfrom the heart of russia : two companies now offer to write on a woman 's cleavage and take a snap\n", + "two russian companies have started offering unusual service this yearone message can cost as little as $ 6 , or # 4 , so it is a cost effective methodamerican fastfood chain posted an ` advert ' to its russian page this monthbut critics have pointed out it is unlikely to have mass market appeal\n", + "[1.3877966 1.0867856 1.3067207 1.2195964 1.2345209 1.0805085 1.0792471\n", + " 1.0947522 1.149662 1.0876118 1.0459278 1.020057 1.0265268 1.0565935\n", + " 1.0345368 1.0141186 1.0097222 1.0111111 1.0568323 1.0163056 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 4 3 8 7 9 1 5 6 18 13 10 14 12 11 19 15 17 16 20 21]\n", + "=======================\n", + "['floyd mayweather v manny pacquiao will be the biggest fight of all time financially and the most significant this century .where money man v pacman comes to rank among the most important fights in ring history will depend upon what happens that coming night in the mgm grand garden arena .the fight voted the greatest sporting event of the 20th century .']\n", + "=======================\n", + "[\"floyd mayweather v manny pacquiao is now just nine days awaysportsmail 's jeff powell has been counting down the greatest fightsin the fourth of a series of 12 fights that shaped boxing history , we have george foreman v muhammad ali - the rumble in the jungleit was a fight which astonished the satellite world on october 30 , 1974foreman v ali inspired movies and millions of words written about it\"]\n", + "floyd mayweather v manny pacquiao will be the biggest fight of all time financially and the most significant this century .where money man v pacman comes to rank among the most important fights in ring history will depend upon what happens that coming night in the mgm grand garden arena .the fight voted the greatest sporting event of the 20th century .\n", + "floyd mayweather v manny pacquiao is now just nine days awaysportsmail 's jeff powell has been counting down the greatest fightsin the fourth of a series of 12 fights that shaped boxing history , we have george foreman v muhammad ali - the rumble in the jungleit was a fight which astonished the satellite world on october 30 , 1974foreman v ali inspired movies and millions of words written about it\n", + "[1.2112752 1.1203684 1.5051389 1.3323271 1.3509676 1.1834595 1.2624725\n", + " 1.0683305 1.052788 1.030328 1.0149578 1.0303392 1.0364796 1.067488\n", + " 1.05453 1.0993052 1.0900395 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 4 3 6 0 5 1 15 16 7 13 14 8 12 11 9 10 17 18 19 20 21]\n", + "=======================\n", + "[\"condemned staffordshire terrier izzy is set to be destroyed after she bit a woman in august 2012 after escaping from her owner tania isbester 's backyard in the basin , east melbourne , victoria .the woman who izzy bit suffered a 1.5 cm to her finger on august 4 in 2012 , which is deemed as a ` serious injury ' under the domestic animal act in victorian law , and izzy was seized by the council in june 2013 .lawyers for victorian woman tania isbester appealed to the high court hoping to have her staffordshire terrier , deemed aggressive by knox city council , saved from being put down .\"]\n", + "=======================\n", + "[\"the city of knox council made an ` administrative decision ' to kill izzyan appeal to save the dog has begun in australia 's high court on tuesdaythe staffordshire terrier bit a woman in august 2012she suffered a 1.5 cm cut but it was classed as a ` serious injury 'council decided to destroy izzy during a council panel meetingnormally a magistrate decides whether a dog should be killedthe barristers animal welfare panel are fighting her case at no costif they win the council will have to pay legal feesrspca sa offered to take izzy and assess her for rehabilitation\"]\n", + "condemned staffordshire terrier izzy is set to be destroyed after she bit a woman in august 2012 after escaping from her owner tania isbester 's backyard in the basin , east melbourne , victoria .the woman who izzy bit suffered a 1.5 cm to her finger on august 4 in 2012 , which is deemed as a ` serious injury ' under the domestic animal act in victorian law , and izzy was seized by the council in june 2013 .lawyers for victorian woman tania isbester appealed to the high court hoping to have her staffordshire terrier , deemed aggressive by knox city council , saved from being put down .\n", + "the city of knox council made an ` administrative decision ' to kill izzyan appeal to save the dog has begun in australia 's high court on tuesdaythe staffordshire terrier bit a woman in august 2012she suffered a 1.5 cm cut but it was classed as a ` serious injury 'council decided to destroy izzy during a council panel meetingnormally a magistrate decides whether a dog should be killedthe barristers animal welfare panel are fighting her case at no costif they win the council will have to pay legal feesrspca sa offered to take izzy and assess her for rehabilitation\n", + "[1.4437673 1.1615813 1.4065585 1.0498996 1.0436713 1.0658904 1.062497\n", + " 1.1776917 1.049792 1.0290372 1.0254096 1.029774 1.0263301 1.0356205\n", + " 1.0277027 1.0647329 1.0320674 1.0235444 1.2165606 1.0195457 1.0176084\n", + " 1.0170664]\n", + "\n", + "[ 0 2 18 7 1 5 15 6 3 8 4 13 16 11 9 14 12 10 17 19 20 21]\n", + "=======================\n", + "[\"three 's company : rebecca and husband harry settle in at anantara the palm jumeirahour baby girl is due on june 4 and , when we touched down in dubai , i was 28 weeks pregnant .jump in : the anantara has three turquoise-blue ` lagoons ' ideal for swimmers of all experience levels\"]\n", + "=======================\n", + "[\"it was a crucial holiday for the olympic gold medallist and husband harrytheir stay would be their last getaway before the birth of their first childthe couple stayed in over-the-water bungalows at dubai 's anantara resort\"]\n", + "three 's company : rebecca and husband harry settle in at anantara the palm jumeirahour baby girl is due on june 4 and , when we touched down in dubai , i was 28 weeks pregnant .jump in : the anantara has three turquoise-blue ` lagoons ' ideal for swimmers of all experience levels\n", + "it was a crucial holiday for the olympic gold medallist and husband harrytheir stay would be their last getaway before the birth of their first childthe couple stayed in over-the-water bungalows at dubai 's anantara resort\n", + "[1.0246129 1.2293129 1.2858038 1.3535016 1.1701058 1.3353839 1.0781659\n", + " 1.1264131 1.02887 1.0418338 1.1425045 1.0963116 1.1056093 1.037589\n", + " 1.0612415 1.0137793 1.0518802 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 5 2 1 4 10 7 12 11 6 14 16 9 13 8 0 15 20 17 18 19 21]\n", + "=======================\n", + "[\"ethical maldives alliance is encouraging tourists to boycott ` high risk ' resorts linked to human rights abusesthe alliance has crafted a list of over 100 well-known hotels and is urging visitors to consult the guide before travelling .known for pristine beaches and crystal clear water , the maldives has recently come under scrutiny after the country 's former president , mohammad nasheed , was found guilty of terrorism charges earlier this year .\"]\n", + "=======================\n", + "[\"the organisation has classified over 100 resorts into ` risk ' categoriesurges boycott of those considered to have ` high risk ' of corruptionamong those listed to avoid is the popular conrad maldives rangali island\"]\n", + "ethical maldives alliance is encouraging tourists to boycott ` high risk ' resorts linked to human rights abusesthe alliance has crafted a list of over 100 well-known hotels and is urging visitors to consult the guide before travelling .known for pristine beaches and crystal clear water , the maldives has recently come under scrutiny after the country 's former president , mohammad nasheed , was found guilty of terrorism charges earlier this year .\n", + "the organisation has classified over 100 resorts into ` risk ' categoriesurges boycott of those considered to have ` high risk ' of corruptionamong those listed to avoid is the popular conrad maldives rangali island\n", + "[1.3291545 1.399166 1.1398249 1.1923592 1.1658065 1.1518769 1.1836478\n", + " 1.1177865 1.0766891 1.0989974 1.0551573 1.0621456 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 6 4 5 2 7 9 8 11 10 12 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"three federal court judges ruled that vella , 61 - who is regularly described as a millionaire businessman - be prohibited from returning after the government cancelled the rebels bikie gang president 's visa while he was overseas in his native malta last year .the australian government has won its bid to ban the boss of the nation 's biggest bikie gang from australia after the federal court ruled unanimously against alex vella re-entering the country .the decision strands vella in malta , leaving behind in australia 24 close family members including a wife , sons and an elderly mother , all of whom are australian citizens .\"]\n", + "=======================\n", + "[\"rebels bikie gang boss alex vella has been stranded in malta since his visa was cancelled in june last yearthe federal court ruled this week he is banned from returning to australia and the ` the maltese falcon ' has been ordered to pay court costsmillionaire businessman vella sold key rings and t-shirts to raise money for his court challengecourt documents claimed rebels engaged in drug dealing , extortion and kidnapping under vella\"]\n", + "three federal court judges ruled that vella , 61 - who is regularly described as a millionaire businessman - be prohibited from returning after the government cancelled the rebels bikie gang president 's visa while he was overseas in his native malta last year .the australian government has won its bid to ban the boss of the nation 's biggest bikie gang from australia after the federal court ruled unanimously against alex vella re-entering the country .the decision strands vella in malta , leaving behind in australia 24 close family members including a wife , sons and an elderly mother , all of whom are australian citizens .\n", + "rebels bikie gang boss alex vella has been stranded in malta since his visa was cancelled in june last yearthe federal court ruled this week he is banned from returning to australia and the ` the maltese falcon ' has been ordered to pay court costsmillionaire businessman vella sold key rings and t-shirts to raise money for his court challengecourt documents claimed rebels engaged in drug dealing , extortion and kidnapping under vella\n", + "[1.3318563 1.3644273 1.3044395 1.1449335 1.299035 1.2586203 1.0391052\n", + " 1.0181701 1.0200789 1.0998259 1.0229179 1.0309159 1.1307052 1.0275568\n", + " 1.0203379 1.0113455 1.0122792 1.0129809 1.2677141 1.0660797 1.0224283\n", + " 1.0183985 1.0156451]\n", + "\n", + "[ 1 0 2 4 18 5 3 12 9 19 6 11 13 10 20 14 8 21 7 22 17 16 15]\n", + "=======================\n", + "[\"the brazilian has been at anfield for eight years and holds the unwanted record of playing more games for liverpool without winning a major trophy than anyone else in 50 years .lucas leiva would like to remind people it is not just steven gerrard playing out his own emotional journey in sunday 's fa cup semi-final against aston villa at wembley .he missed the 2012 league cup final and two other wembley appearances that year with a serious knee injury sustained against chelsea the previous november .\"]\n", + "=======================\n", + "[\"lucas holds record of playing more liverpool games without winning a major trophy than anyone else in 50 yearsliverpool face aston villa in fa cup semi-final at wembley on sundayfa cup final next month could be steven gerrard 's last liverpool game\"]\n", + "the brazilian has been at anfield for eight years and holds the unwanted record of playing more games for liverpool without winning a major trophy than anyone else in 50 years .lucas leiva would like to remind people it is not just steven gerrard playing out his own emotional journey in sunday 's fa cup semi-final against aston villa at wembley .he missed the 2012 league cup final and two other wembley appearances that year with a serious knee injury sustained against chelsea the previous november .\n", + "lucas holds record of playing more liverpool games without winning a major trophy than anyone else in 50 yearsliverpool face aston villa in fa cup semi-final at wembley on sundayfa cup final next month could be steven gerrard 's last liverpool game\n", + "[1.2254448 1.4604268 1.1878097 1.1245049 1.2022871 1.2170584 1.1511277\n", + " 1.0798678 1.0558062 1.0776415 1.1827947 1.0620108 1.1114068 1.031009\n", + " 1.0590059 1.0609031 1.0707301 1.061425 1.0239359 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 5 4 2 10 6 3 12 7 9 16 11 17 15 14 8 13 18 19 20 21 22]\n", + "=======================\n", + "['zaur dadaev is accused of being involved in the shooting of the politician in moscow on february 27 , along with four other chechan men .a man charged with assassinating russian opposition leader boris nemstov has told a court he was beaten and pressured into confessing to the murder .dadaev is one of five chechan men who have been accused of killing the opposition leader .']\n", + "=======================\n", + "['zaur dadaev is accused of shooting the kremlin critic , close to red squaresuspect had reportedly confessed to murder but later retracted statementclaims he was abducted , beaten and pressured into confessing to murder']\n", + "zaur dadaev is accused of being involved in the shooting of the politician in moscow on february 27 , along with four other chechan men .a man charged with assassinating russian opposition leader boris nemstov has told a court he was beaten and pressured into confessing to the murder .dadaev is one of five chechan men who have been accused of killing the opposition leader .\n", + "zaur dadaev is accused of shooting the kremlin critic , close to red squaresuspect had reportedly confessed to murder but later retracted statementclaims he was abducted , beaten and pressured into confessing to murder\n", + "[1.2679466 1.2419407 1.2609365 1.4353856 1.2788224 1.0638008 1.1337227\n", + " 1.0407699 1.1564547 1.0161848 1.0476702 1.0136384 1.291528 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 12 4 0 2 1 8 6 5 10 7 9 11 13 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "['david seaman says this save against sheffield united was the best one he ever made during his careerarsene wenger ( left ) has been warned not to underestimate his fa cup semi-final opponents readingthe former england international went on the win the fa cup with arsenal in the same season']\n", + "=======================\n", + "[\"david seaman reveals that his save against sheffield united was his bestthe former arsenal keeper somehow kept out paul peschisolido 's headerseaman has warned the gunners to be wary of underdogs readingarsenal were given a torrid time by sheffield united back in 2003click here for all the latest arsenal news\"]\n", + "david seaman says this save against sheffield united was the best one he ever made during his careerarsene wenger ( left ) has been warned not to underestimate his fa cup semi-final opponents readingthe former england international went on the win the fa cup with arsenal in the same season\n", + "david seaman reveals that his save against sheffield united was his bestthe former arsenal keeper somehow kept out paul peschisolido 's headerseaman has warned the gunners to be wary of underdogs readingarsenal were given a torrid time by sheffield united back in 2003click here for all the latest arsenal news\n", + "[1.3336775 1.5350288 1.2534708 1.4947404 1.1549964 1.0434835 1.020582\n", + " 1.0294492 1.0224775 1.0832465 1.123594 1.0167345 1.0278076 1.0297457\n", + " 1.0359924 1.0109941 1.090214 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 10 16 9 5 14 13 7 12 8 6 11 15 21 17 18 19 20 22]\n", + "=======================\n", + "[\"prior to the international break the reds ' 13-match unbeaten league run was ended at home to champions league-chasing rivals manchester united , leaving them five points adrift of the qualification places .liverpool manager brendan rodgers has urged his team to perform well in the clash with arsenal on saturdaydefeat at third-placed arsenal would be a huge blow to their aspirations of returning to europe 's elite for a second successive season .\"]\n", + "=======================\n", + "['arsenal host top four rivals liverpool at the emirates on saturdaymartin skrtel and steven gerrard are suspended for the pivotal clashliverpool lost 2-1 to manchester united before the international breakarsenal , in third place , are six points ahead of liverpool in the league']\n", + "prior to the international break the reds ' 13-match unbeaten league run was ended at home to champions league-chasing rivals manchester united , leaving them five points adrift of the qualification places .liverpool manager brendan rodgers has urged his team to perform well in the clash with arsenal on saturdaydefeat at third-placed arsenal would be a huge blow to their aspirations of returning to europe 's elite for a second successive season .\n", + "arsenal host top four rivals liverpool at the emirates on saturdaymartin skrtel and steven gerrard are suspended for the pivotal clashliverpool lost 2-1 to manchester united before the international breakarsenal , in third place , are six points ahead of liverpool in the league\n", + "[1.2975702 1.1868212 1.28754 1.10276 1.4001747 1.3459795 1.1232245\n", + " 1.1279927 1.0845518 1.0861692 1.0202116 1.0687481 1.0406512 1.0549971\n", + " 1.0487227 1.0293616 1.0275141 1.053732 1.0300654 1.0331969 0.\n", + " 0. 0. ]\n", + "\n", + "[ 4 5 0 2 1 7 6 3 9 8 11 13 17 14 12 19 18 15 16 10 21 20 22]\n", + "=======================\n", + "['formula one supremo bernie ecclestone with lewis hamilton in bahrainbernie ecclestone has urged lewis hamilton to think the unthinkable -- and consider a move from mercedes to ferrari .hamilton , 30 , has yet to put pen to paper on a new contract with mercedes .']\n", + "=======================\n", + "['bernie ecclestone has urged lewis hamilton to consider a move to ferrarithe 30-year-old has yet to put pen to paper on new contract with mercedesthe brit will seek to to extend his 13-point lead at the bahrain grand prix']\n", + "formula one supremo bernie ecclestone with lewis hamilton in bahrainbernie ecclestone has urged lewis hamilton to think the unthinkable -- and consider a move from mercedes to ferrari .hamilton , 30 , has yet to put pen to paper on a new contract with mercedes .\n", + "bernie ecclestone has urged lewis hamilton to consider a move to ferrarithe 30-year-old has yet to put pen to paper on new contract with mercedesthe brit will seek to to extend his 13-point lead at the bahrain grand prix\n", + "[1.1118885 1.1691227 1.2937812 1.1488175 1.3760426 1.2202864 1.1316626\n", + " 1.039336 1.2781473 1.0249083 1.0115246 1.0127615 1.0117522 1.013242\n", + " 1.0120814 0. 0. 0. 0. ]\n", + "\n", + "[ 4 2 8 5 1 3 6 0 7 9 13 11 14 12 10 15 16 17 18]\n", + "=======================\n", + "[\"leicester , for example , are winning games , but we are n't , ' he said after goals from nacer chadli , christian eriksen and harry kane 's 30th of the season condemned them to a 10th loss in 14 .in fact , head coach john carver fears his side -- the worst in the division on present form -- could yet plummet towards the bottom three .harry kane celebrates putting the result beyond doubt as spurs claim a 3-1 win over newcastle , who sink to a sixth loss on the bounce\"]\n", + "=======================\n", + "[\"nacer chadli opened the scoring with a left-footed strike from outside the box on the half-hour markjack colback equalised for the home side immediately after half-time after the ball fell kindly in the areachristian eriksen won spurs the lead back with the swede 's curling free-kick missing everyoneharry kane topped off a relatively quiet game with a runaway goal after regular time was upnewcastle have now lost six consecutive premier league matches under manager john carverfans protested before and during the match against owner mike ashley 's perceived lack of ambition\"]\n", + "leicester , for example , are winning games , but we are n't , ' he said after goals from nacer chadli , christian eriksen and harry kane 's 30th of the season condemned them to a 10th loss in 14 .in fact , head coach john carver fears his side -- the worst in the division on present form -- could yet plummet towards the bottom three .harry kane celebrates putting the result beyond doubt as spurs claim a 3-1 win over newcastle , who sink to a sixth loss on the bounce\n", + "nacer chadli opened the scoring with a left-footed strike from outside the box on the half-hour markjack colback equalised for the home side immediately after half-time after the ball fell kindly in the areachristian eriksen won spurs the lead back with the swede 's curling free-kick missing everyoneharry kane topped off a relatively quiet game with a runaway goal after regular time was upnewcastle have now lost six consecutive premier league matches under manager john carverfans protested before and during the match against owner mike ashley 's perceived lack of ambition\n", + "[1.3460047 1.2155452 1.3136708 1.3629178 1.1843348 1.1042349 1.0722657\n", + " 1.120091 1.1261636 1.035489 1.010274 1.1856744 1.1290716 1.0283867\n", + " 1.0232136 1.0501429 1.0128193 0. 0. ]\n", + "\n", + "[ 3 0 2 1 11 4 12 8 7 5 6 15 9 13 14 16 10 17 18]\n", + "=======================\n", + "[\"thousands of voters have suggested landmarks across the city in devon to fill the more expensive slots , which are taken up on the london version by the likes of mayfair and park lane .it 's the most popular board game in the world , with hundreds of versions springing up in far-flung cities across the globe .but no one has come forward with ideas for which streets should fill the brown sections of the board , which cost $ 60 in monopoly money .\"]\n", + "=======================\n", + "[\"exeter is getting its own special edition of classic board game monopolybut residents ca n't think of anywhere to fill low-rent spaces on the boardgame-makers say they have never come across this issue in a city beforeexeter council leader says there are no areas suitable to be old kent road\"]\n", + "thousands of voters have suggested landmarks across the city in devon to fill the more expensive slots , which are taken up on the london version by the likes of mayfair and park lane .it 's the most popular board game in the world , with hundreds of versions springing up in far-flung cities across the globe .but no one has come forward with ideas for which streets should fill the brown sections of the board , which cost $ 60 in monopoly money .\n", + "exeter is getting its own special edition of classic board game monopolybut residents ca n't think of anywhere to fill low-rent spaces on the boardgame-makers say they have never come across this issue in a city beforeexeter council leader says there are no areas suitable to be old kent road\n", + "[1.4521712 1.445871 1.2229273 1.267827 1.1830304 1.0905582 1.1380517\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 6 5 16 15 14 13 12 9 10 17 8 7 11 18]\n", + "=======================\n", + "[\"manchester united are to hand trials to mk dons teenagers luke tingey and kyran wiltshire .central defender tingey , 18 , became a hit on youtube last month when he scored a sensational 40 yard free-kick against swindon in a 5-3 win for mk dons under-18s .wiltshire , also 18 , is a lively centre midfielder who was included in karl robinson 's first-team squad for friendlies last pre-season .\"]\n", + "=======================\n", + "[\"luke tingey and kyran wiltshire to spend time at united 's carrington hqtingey , 18 , became youtube sensation after stunning 40-yard free kickwiltshire , a central midfielder , was involved in mk dons ' pre-season squadunited keen to bring in talented younger players to boost squad numbers ahead of next season 's uefa under-19 youth league competitionread : what has louis van gaal changed since man utd sacked moyes ?read : manchester united gareth bale to give his side needed dynamism\"]\n", + "manchester united are to hand trials to mk dons teenagers luke tingey and kyran wiltshire .central defender tingey , 18 , became a hit on youtube last month when he scored a sensational 40 yard free-kick against swindon in a 5-3 win for mk dons under-18s .wiltshire , also 18 , is a lively centre midfielder who was included in karl robinson 's first-team squad for friendlies last pre-season .\n", + "luke tingey and kyran wiltshire to spend time at united 's carrington hqtingey , 18 , became youtube sensation after stunning 40-yard free kickwiltshire , a central midfielder , was involved in mk dons ' pre-season squadunited keen to bring in talented younger players to boost squad numbers ahead of next season 's uefa under-19 youth league competitionread : what has louis van gaal changed since man utd sacked moyes ?read : manchester united gareth bale to give his side needed dynamism\n", + "[1.2680154 1.5335594 1.3732936 1.3832366 1.0804082 1.043536 1.0344727\n", + " 1.1579447 1.195343 1.225334 1.0246137 1.0212109 1.0252424 1.0182399\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 9 8 7 4 5 6 12 10 11 13 17 14 15 16 18]\n", + "=======================\n", + "[\"jake drage sang a children 's song for reporters as he left a west java jail nine months after he was put behind bars following a crash that killed a woman who was riding a motorcycle with her teenage daughter .the 23-year-old surfer , who was taken into custody in june last year , said he can not wait to get back in the water .an australian man who walked free from an indonesian prison after nine months plans to celebrate his season by heading to the beach .\"]\n", + "=======================\n", + "[\"jake drage released after nine months in an indonesian prisondrage was jailed following a crash that killed a woman riding a motorbike23-year-old west australian man sang children 's songs as he was releasedsays one of the first things he 'll do is go surfing after getting back home\"]\n", + "jake drage sang a children 's song for reporters as he left a west java jail nine months after he was put behind bars following a crash that killed a woman who was riding a motorcycle with her teenage daughter .the 23-year-old surfer , who was taken into custody in june last year , said he can not wait to get back in the water .an australian man who walked free from an indonesian prison after nine months plans to celebrate his season by heading to the beach .\n", + "jake drage released after nine months in an indonesian prisondrage was jailed following a crash that killed a woman riding a motorbike23-year-old west australian man sang children 's songs as he was releasedsays one of the first things he 'll do is go surfing after getting back home\n", + "[1.2462147 1.3834732 1.3138856 1.2783215 1.268348 1.1651256 1.1080315\n", + " 1.1116637 1.0586323 1.0322157 1.0264956 1.0559834 1.1269002 1.0909096\n", + " 1.0359957 1.0349091 1.0766803 1.1640937 1.0560837]\n", + "\n", + "[ 1 2 3 4 0 5 17 12 7 6 13 16 8 18 11 14 15 9 10]\n", + "=======================\n", + "[\"it was revealed last month kieran loveridge , who brutally attacked mr kelly at kings cross , was moved to goulburn supermax prison because he had an ` improper relationship ' with a female officer .the 21-year-old is thought to have had a relationship with port macquarie woman jody marson , the daily telegraph reported .jody marson ( left and right ) has been named as the prison guard who had an affair with kieran loveridge\"]\n", + "=======================\n", + "[\"jody marson is prison guard who had alleged affair with kieran loveridgems marson is from port macquarie on new south wales ' mid-north coastthe 30-year-old was suspended when alleged relationship was discoveredms marson is a fitness enthusiastic who competes in ironwoman eventsloveridge is serving 12 years for killing thomas king in sydney in 2012he was moved to goulburn supermax prison when he assaulted an inmate\"]\n", + "it was revealed last month kieran loveridge , who brutally attacked mr kelly at kings cross , was moved to goulburn supermax prison because he had an ` improper relationship ' with a female officer .the 21-year-old is thought to have had a relationship with port macquarie woman jody marson , the daily telegraph reported .jody marson ( left and right ) has been named as the prison guard who had an affair with kieran loveridge\n", + "jody marson is prison guard who had alleged affair with kieran loveridgems marson is from port macquarie on new south wales ' mid-north coastthe 30-year-old was suspended when alleged relationship was discoveredms marson is a fitness enthusiastic who competes in ironwoman eventsloveridge is serving 12 years for killing thomas king in sydney in 2012he was moved to goulburn supermax prison when he assaulted an inmate\n", + "[1.0817056 1.0727832 1.2207266 1.1074908 1.2545289 1.1783568 1.1095966\n", + " 1.1275605 1.0659697 1.0519875 1.0657804 1.0540286 1.0497308 1.0899447\n", + " 1.0629611 1.0325298 0. 0. ]\n", + "\n", + "[ 4 2 5 7 6 3 13 0 1 8 10 14 11 9 12 15 16 17]\n", + "=======================\n", + "['one of the biggest catalysts has been \" the meatrix , \" a 2003 animation parody based on \" the matrix \" and produced by the grace communications foundation , which crystallized the public health risks and environmental harms of factory farming .that inspired me to found food policy action and become politically active in a range of food issues , from hunger to factory farms .a decade ago , concepts like \" sustainable farming , \" \" animal welfare \" and \" organic food \" were considered fringe .']\n", + "=======================\n", + "['tom colicchio : \" the meatrix : relaunched \" is an important benchmark of the evolution of sustainable food movementbut factory farms continued to reap large profits while producing subpar meat , polluting nature and damaging our healthcolicchio : we need to ask members of congress to promote sustainable farming']\n", + "one of the biggest catalysts has been \" the meatrix , \" a 2003 animation parody based on \" the matrix \" and produced by the grace communications foundation , which crystallized the public health risks and environmental harms of factory farming .that inspired me to found food policy action and become politically active in a range of food issues , from hunger to factory farms .a decade ago , concepts like \" sustainable farming , \" \" animal welfare \" and \" organic food \" were considered fringe .\n", + "tom colicchio : \" the meatrix : relaunched \" is an important benchmark of the evolution of sustainable food movementbut factory farms continued to reap large profits while producing subpar meat , polluting nature and damaging our healthcolicchio : we need to ask members of congress to promote sustainable farming\n", + "[1.3283868 1.3933282 1.2782633 1.2022781 1.0745269 1.2514534 1.0719056\n", + " 1.0287558 1.0188602 1.0947782 1.0468614 1.1174023 1.0941708 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 5 3 11 9 12 4 6 10 7 8 13 14 15 16 17]\n", + "=======================\n", + "[\"the journalist and lifestyle guru behind the ` i quit sugar ' book and website complained to mamamia after her image was used to illustrate a story about orthorexia nervosa -- a condition defined by an obsession for eating ` healthily ' .wilson 's face was plastered on the article alongside controversial wellness blogger belle gibson , who has been accused of faking terminal cancer , and paleo diet preacher pete evans .sarah wilson hit out at the mamamia website after it published her photograph alongside a story on an eating disorder\"]\n", + "=======================\n", + "[\"mamamia used a photo of wilson on a story about orthorexia nervosathe i quit sugar author and wellness blogger complained to the websitethey have apologised and removed her photo from the story` the choice of images originally used to illustrate this story were n't ideal , ' mamamia saidwilson was pictured alongside controversial blogger belle gibsonpaleo preacher pete evans 's photo was also used in the articlein 2013 mamamia 's founder mia freedman called wilson ` obsessed '\"]\n", + "the journalist and lifestyle guru behind the ` i quit sugar ' book and website complained to mamamia after her image was used to illustrate a story about orthorexia nervosa -- a condition defined by an obsession for eating ` healthily ' .wilson 's face was plastered on the article alongside controversial wellness blogger belle gibson , who has been accused of faking terminal cancer , and paleo diet preacher pete evans .sarah wilson hit out at the mamamia website after it published her photograph alongside a story on an eating disorder\n", + "mamamia used a photo of wilson on a story about orthorexia nervosathe i quit sugar author and wellness blogger complained to the websitethey have apologised and removed her photo from the story` the choice of images originally used to illustrate this story were n't ideal , ' mamamia saidwilson was pictured alongside controversial blogger belle gibsonpaleo preacher pete evans 's photo was also used in the articlein 2013 mamamia 's founder mia freedman called wilson ` obsessed '\n", + "[1.4409914 1.444511 1.2523012 1.5548246 1.1259582 1.0592868 1.090963\n", + " 1.0370874 1.0218676 1.0577676 1.0157497 1.0143737 1.0207434 1.0191573\n", + " 1.0278363 1.0159568 1.1088483 0. ]\n", + "\n", + "[ 3 1 0 2 4 16 6 5 9 7 14 8 12 13 15 10 11 17]\n", + "=======================\n", + "[\"leeds rhinos captain kevin sinfield is to switch codes and join yorkshire carnegie at the end of the seasonsinfield , who is closing in on third place in rugby league 's all-time scoring list with 3,997 points , told a news conference at headingley he did not want to play against rhinos and that the opportunity to spearhead carnegie 's bid for a premiership return was too good to resist .sinfield ( centre ) lifts the super league trophy after leeds beat warrington in the grand final in october 2012\"]\n", + "=======================\n", + "['kevin sinfield has announced he is leaving leeds at the end of the seasonthe 34-year-old will cross codes to join sister club yorkshire carnegiesinfield has won six super league titles , three world club challenges and one challenge cup with the rhinos']\n", + "leeds rhinos captain kevin sinfield is to switch codes and join yorkshire carnegie at the end of the seasonsinfield , who is closing in on third place in rugby league 's all-time scoring list with 3,997 points , told a news conference at headingley he did not want to play against rhinos and that the opportunity to spearhead carnegie 's bid for a premiership return was too good to resist .sinfield ( centre ) lifts the super league trophy after leeds beat warrington in the grand final in october 2012\n", + "kevin sinfield has announced he is leaving leeds at the end of the seasonthe 34-year-old will cross codes to join sister club yorkshire carnegiesinfield has won six super league titles , three world club challenges and one challenge cup with the rhinos\n", + "[1.279011 1.4573529 1.1836567 1.311125 1.2452583 1.1122406 1.0622452\n", + " 1.0420047 1.20989 1.0291213 1.0227605 1.0197836 1.0802908 1.0311981\n", + " 1.0412781 1.1392024 1.0356009 0. ]\n", + "\n", + "[ 1 3 0 4 8 2 15 5 12 6 7 14 16 13 9 10 11 17]\n", + "=======================\n", + "['shadow health secretary and keen football fan andy burnham said the move could unlock # 400 million to nurture the talents of the next generation of stars over the course of the next parliament .andy burnham ( left ) and ed miliband promise that labour will make the premier league invest in grassrootsa labour government would take action to enforce a premier league commitment to invest five per cent of the proceeds from lucrative tv rights deals in grassroots sport , the party has said .']\n", + "=======================\n", + "[\"andy burnham says labour would enforce the premier league to invest an estimtated # 400million into grassroots football with the new tv dealthe shadow health secretary accused prime minister david cameron of not fulfilling his promises of investing and improving grassrootslabour 's sports spokesman clive efford promised to get tough\"]\n", + "shadow health secretary and keen football fan andy burnham said the move could unlock # 400 million to nurture the talents of the next generation of stars over the course of the next parliament .andy burnham ( left ) and ed miliband promise that labour will make the premier league invest in grassrootsa labour government would take action to enforce a premier league commitment to invest five per cent of the proceeds from lucrative tv rights deals in grassroots sport , the party has said .\n", + "andy burnham says labour would enforce the premier league to invest an estimtated # 400million into grassroots football with the new tv dealthe shadow health secretary accused prime minister david cameron of not fulfilling his promises of investing and improving grassrootslabour 's sports spokesman clive efford promised to get tough\n", + "[1.3052886 1.4197571 1.2157513 1.1989566 1.1723194 1.1115941 1.0281749\n", + " 1.0432924 1.1399966 1.0439653 1.0807883 1.1105522 1.053636 1.0426948\n", + " 1.0395373 1.0230747 1.0441412 1.0418631]\n", + "\n", + "[ 1 0 2 3 4 8 5 11 10 12 16 9 7 13 17 14 6 15]\n", + "=======================\n", + "[\"among them , the family of eight-year-old martin richard , the youngest victim to lose his life in the april 15 , 2013 attack , headed to boylston street to help officials unveil commemorative banners .survivors of the boston marathon bombing returned to the site of the deadly blasts on tuesday as they marked the second anniversary of the tragedy .four orange signs each bearing a white heart and the word ` boston ' were placed at the site .\"]\n", + "=======================\n", + "['a ceremony was held on boylston street on tuesday morning to mark two years since the april 15 , 2013 bombingsthe family of eight-year-old martin richard , the youngest victim to lose his life , helped unveil commemorative banners at the sitejeff bauman , who lost both his legs , also walked along the street on his prosthetic legs with his wife erin and their baby daughter norahe also greeted carlos arredondo , who helped save his lifea moment of silence was also held at 2.49 pm to mark the first of the explosions , which killed three people and left more than 260 injured']\n", + "among them , the family of eight-year-old martin richard , the youngest victim to lose his life in the april 15 , 2013 attack , headed to boylston street to help officials unveil commemorative banners .survivors of the boston marathon bombing returned to the site of the deadly blasts on tuesday as they marked the second anniversary of the tragedy .four orange signs each bearing a white heart and the word ` boston ' were placed at the site .\n", + "a ceremony was held on boylston street on tuesday morning to mark two years since the april 15 , 2013 bombingsthe family of eight-year-old martin richard , the youngest victim to lose his life , helped unveil commemorative banners at the sitejeff bauman , who lost both his legs , also walked along the street on his prosthetic legs with his wife erin and their baby daughter norahe also greeted carlos arredondo , who helped save his lifea moment of silence was also held at 2.49 pm to mark the first of the explosions , which killed three people and left more than 260 injured\n", + "[1.3903329 1.4622421 1.1654214 1.0887977 1.2836769 1.0954635 1.0661273\n", + " 1.179903 1.1385784 1.1804429 1.1617826 1.0512073 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 4 9 7 2 10 8 5 3 6 11 20 12 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"kawhi leonard , matt bonner , patty mills , aron baynes and official mascot the coyote all teamed up to form the band - with the bands name in reference to english rockers duran duran .defending nba champions san antonio spurs have stepped up their title defence preparation by taking part in an amusing music video which announced band spuran spuran .matt bonner was on guitar duty for spuran spuran as they announced debut song ` spurs ! '\"]\n", + "=======================\n", + "[\"san antonio spurs players take part in spuran spuran music videothe nba champions perform single ` spurs ! 'kawhi leonard , matt bonner , patty mills and aron baynes all teamed upspurs are third in the western conference with the play-offs approaching\"]\n", + "kawhi leonard , matt bonner , patty mills , aron baynes and official mascot the coyote all teamed up to form the band - with the bands name in reference to english rockers duran duran .defending nba champions san antonio spurs have stepped up their title defence preparation by taking part in an amusing music video which announced band spuran spuran .matt bonner was on guitar duty for spuran spuran as they announced debut song ` spurs ! '\n", + "san antonio spurs players take part in spuran spuran music videothe nba champions perform single ` spurs ! 'kawhi leonard , matt bonner , patty mills and aron baynes all teamed upspurs are third in the western conference with the play-offs approaching\n", + "[1.3903532 1.3115867 1.2318001 1.2049019 1.1594983 1.1909621 1.1799778\n", + " 1.0182221 1.0136561 1.1388131 1.1124957 1.0557883 1.1276727 1.1389649\n", + " 1.1012616 1.0775427 1.0141062 1.0236926 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 3 5 6 4 13 9 12 10 14 15 11 17 7 16 8 18 19 20 21]\n", + "=======================\n", + "[\"singer-songwriter don mclean 's original manuscript and notes to ` american pie ' have been sold at auction for $ 1.2 million .mclean offered the wistful anthem that asks ` do you recall what was revealed the day the music died ? 'at christie 's on tuesday .\"]\n", + "=======================\n", + "[\"original lyrics to u.s. pop anthem american pie up for auction tuesdayunidentified bidder won the 16-page document for $ 1.2 millionthe manuscript includes a deleted verse about music being ` reborn ' .\"]\n", + "singer-songwriter don mclean 's original manuscript and notes to ` american pie ' have been sold at auction for $ 1.2 million .mclean offered the wistful anthem that asks ` do you recall what was revealed the day the music died ? 'at christie 's on tuesday .\n", + "original lyrics to u.s. pop anthem american pie up for auction tuesdayunidentified bidder won the 16-page document for $ 1.2 millionthe manuscript includes a deleted verse about music being ` reborn ' .\n", + "[1.39832 1.1751765 1.4342103 1.1856083 1.2572001 1.217752 1.1173266\n", + " 1.0921606 1.0935551 1.0982828 1.0161109 1.0210321 1.0155033 1.0108647\n", + " 1.0579032 1.0366917 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 4 5 3 1 6 9 8 7 14 15 11 10 12 13 20 16 17 18 19 21]\n", + "=======================\n", + "[\"anna foord , of elstree , hertfordshire , convinced investors to buy low grade gems overvalued by up to 2,000 per cent , a court heard .diamond fraudster anna foord jetted around the world buying designer shoes and bags using cash she swindled from her victimsshe was part of a gang of fraudsters who lived lavish lifestyles by selling investors coloured diamonds in the # 1.5 m ` boiler room ' scam .\"]\n", + "=======================\n", + "[\"anna foord sold low grade diamonds at hugely inflated prices , court is toldpart of gang who sold coloured diamonds in # 1.5 million ` boiler room ' scamfoord , 30 , was found guilty of conspiracy to defraud and money launderinganother gang member was found guilty while three others admitted similar charges\"]\n", + "anna foord , of elstree , hertfordshire , convinced investors to buy low grade gems overvalued by up to 2,000 per cent , a court heard .diamond fraudster anna foord jetted around the world buying designer shoes and bags using cash she swindled from her victimsshe was part of a gang of fraudsters who lived lavish lifestyles by selling investors coloured diamonds in the # 1.5 m ` boiler room ' scam .\n", + "anna foord sold low grade diamonds at hugely inflated prices , court is toldpart of gang who sold coloured diamonds in # 1.5 million ` boiler room ' scamfoord , 30 , was found guilty of conspiracy to defraud and money launderinganother gang member was found guilty while three others admitted similar charges\n", + "[1.2103547 1.338335 1.2353264 1.2605736 1.2913007 1.0307301 1.0672451\n", + " 1.1847749 1.1428689 1.112191 1.083037 1.0604028 1.0691913 1.0277133\n", + " 1.022639 1.0127124 1.1182979 1.0171127 1.0130491 1.0476149 1.0310636\n", + " 0. ]\n", + "\n", + "[ 1 4 3 2 0 7 8 16 9 10 12 6 11 19 20 5 13 14 17 18 15 21]\n", + "=======================\n", + "[\"a private hospital in harley street says that increasing numbers of people are seeking its help after being given bad advice or poor treatment elsewhere .up to 120,000 britons have laser eye surgery each year to correct long and short-sightedness , and almost one in 20 of them suffer some sort of complication.most operations are done privately , with patients paying up to # 5,000 to have both eyes corrected .and it says it is now time for the industry to be ` taken to task ' .\"]\n", + "=======================\n", + "['warning comes from the london eye hospital in harley streetcomes after rise in patients previously given poor information or caresaid laser eye surgeons are presently only required to be registered as doctors - and no specialist qualifications are legally required']\n", + "a private hospital in harley street says that increasing numbers of people are seeking its help after being given bad advice or poor treatment elsewhere .up to 120,000 britons have laser eye surgery each year to correct long and short-sightedness , and almost one in 20 of them suffer some sort of complication.most operations are done privately , with patients paying up to # 5,000 to have both eyes corrected .and it says it is now time for the industry to be ` taken to task ' .\n", + "warning comes from the london eye hospital in harley streetcomes after rise in patients previously given poor information or caresaid laser eye surgeons are presently only required to be registered as doctors - and no specialist qualifications are legally required\n", + "[1.2928388 1.3256221 1.2289695 1.4337677 1.2483717 1.0753365 1.0270126\n", + " 1.0197567 1.3530034 1.0307204 1.0152078 1.1210382 1.0225966 1.0219129\n", + " 1.0776182 1.0199074 1.1117241 1.0389742 1.023668 1.0373634 1.0358444\n", + " 1.0194443]\n", + "\n", + "[ 3 8 1 0 4 2 11 16 14 5 17 19 20 9 6 18 12 13 15 7 21 10]\n", + "=======================\n", + "[\"marc leishman has withdrawn from this year 's competition to be with his wifebilly payne has ruled out starting a women 's masters despite talking about growing the gamehis wife audrey spent part of last week in an induced coma owing to a serious infection .\"]\n", + "=======================\n", + "[\"australian marc leishman , who got so close to victory in 2013 , had to withdraw to be with his sick wifemasters chairman billy payne talked a lot about growing the game but he ruled out any idea of starting a women 's mastersarnold palmer , clad in his green jacket , was snapped under the oak tree in front of the clubhouse alongside niall horanjack nicklaus showed he 's still got it at the age of 75 with a hole-in-one in the par-3 , but he could n't match camilo villegas who recorded two\"]\n", + "marc leishman has withdrawn from this year 's competition to be with his wifebilly payne has ruled out starting a women 's masters despite talking about growing the gamehis wife audrey spent part of last week in an induced coma owing to a serious infection .\n", + "australian marc leishman , who got so close to victory in 2013 , had to withdraw to be with his sick wifemasters chairman billy payne talked a lot about growing the game but he ruled out any idea of starting a women 's mastersarnold palmer , clad in his green jacket , was snapped under the oak tree in front of the clubhouse alongside niall horanjack nicklaus showed he 's still got it at the age of 75 with a hole-in-one in the par-3 , but he could n't match camilo villegas who recorded two\n", + "[1.261187 1.5027411 1.4536679 1.2231374 1.3139888 1.2777631 1.0196986\n", + " 1.0125396 1.0131198 1.008475 1.2639625 1.1355827 1.0909189 1.0500032\n", + " 1.0455287 1.0218011 1.0128798 1.0358866 1.0741919 1.0715337 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 4 5 10 0 3 11 12 18 19 13 14 17 15 6 8 16 7 9 21 20 22]\n", + "=======================\n", + "[\"the biancoceleste are riding a seven-game winning streak in serie a and won 1-0 at napoli on wednesday to reach their eighth coppa italia final .senad lulic 's late goal gave lazio a 2-1 aggregate win and set up a meeting with juventus in the final on june 7 in rome .the biancoceleste won 3-1 at cagliari last weekend to remain third in the standings .\"]\n", + "=======================\n", + "[\"stefano pioli is enjoying the success but remains focused on resultspioli 's men reached their eighth coppa italia final with a win over napolithird-placed lazio are a point behind roma in second with nine serie a games remaining\"]\n", + "the biancoceleste are riding a seven-game winning streak in serie a and won 1-0 at napoli on wednesday to reach their eighth coppa italia final .senad lulic 's late goal gave lazio a 2-1 aggregate win and set up a meeting with juventus in the final on june 7 in rome .the biancoceleste won 3-1 at cagliari last weekend to remain third in the standings .\n", + "stefano pioli is enjoying the success but remains focused on resultspioli 's men reached their eighth coppa italia final with a win over napolithird-placed lazio are a point behind roma in second with nine serie a games remaining\n", + "[1.0944605 1.2664199 1.3541213 1.3567723 1.1295712 1.1307895 1.1354977\n", + " 1.1200491 1.0887036 1.1445298 1.0429912 1.0216392 1.0563692 1.0235325\n", + " 1.0222197 1.0161839 1.0144752 1.0181028 1.0258483 1.1002187 1.0397066\n", + " 1.0421095 0. ]\n", + "\n", + "[ 3 2 1 9 6 5 4 7 19 0 8 12 10 21 20 18 13 14 11 17 15 16 22]\n", + "=======================\n", + "[\"stana katic and business consultant kris brkljac , spotted at the 2012 elton john academy awards viewing party in la in february 2012 , wed in croatia over the weekendthe walk down the aisle took place on the same weekend as the castle star 's 37th birthday .she is off the market : the 37-year-old actress at the independent spirit awards in february\"]\n", + "=======================\n", + "['stana , 37 , has been on the hit series castle for nearly six yearsshe wed over the weekend in the dalmatian coast in croatiathe new husband and wife shared a photo of their wedding ringsshe has been dating brkljac for several years but was only spotted with him once in 2012']\n", + "stana katic and business consultant kris brkljac , spotted at the 2012 elton john academy awards viewing party in la in february 2012 , wed in croatia over the weekendthe walk down the aisle took place on the same weekend as the castle star 's 37th birthday .she is off the market : the 37-year-old actress at the independent spirit awards in february\n", + "stana , 37 , has been on the hit series castle for nearly six yearsshe wed over the weekend in the dalmatian coast in croatiathe new husband and wife shared a photo of their wedding ringsshe has been dating brkljac for several years but was only spotted with him once in 2012\n", + "[1.1523917 1.549948 1.2425725 1.5027598 1.3311145 1.1605487 1.0451108\n", + " 1.0163684 1.0173368 1.0146387 1.1008952 1.0135994 1.0839156 1.035428\n", + " 1.0360509 1.0676662 1.0735958 1.0758371 1.0353421 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 4 2 5 0 10 12 17 16 15 6 14 13 18 8 7 9 11 19 20 21 22]\n", + "=======================\n", + "[\"max muggeridge , 19 , from coomera in qld was camping at tweed heads just across the nsw border with his girlfriend when the pair decided to go for an early morning fish .an avid angler , mr muggeridge could n't believe his luck when a huge four metre tiger shark took a bite of his line , and he spent the next three hours trying to bring it to shore .the massive creature is one of the largest tiger sharks ever caught off a beach , according to max\"]\n", + "=======================\n", + "[\"max muggeridge reeled in a four metre tiger shark at the weekendhe was fishing with girlfriend at tweed heads in nswthe gold coast man described the catch as the best moment of his lifeafter a three hour battle with the monster max released the sharkhe believes it could have been a world record but did n't get measurements\"]\n", + "max muggeridge , 19 , from coomera in qld was camping at tweed heads just across the nsw border with his girlfriend when the pair decided to go for an early morning fish .an avid angler , mr muggeridge could n't believe his luck when a huge four metre tiger shark took a bite of his line , and he spent the next three hours trying to bring it to shore .the massive creature is one of the largest tiger sharks ever caught off a beach , according to max\n", + "max muggeridge reeled in a four metre tiger shark at the weekendhe was fishing with girlfriend at tweed heads in nswthe gold coast man described the catch as the best moment of his lifeafter a three hour battle with the monster max released the sharkhe believes it could have been a world record but did n't get measurements\n", + "[1.4454596 1.3031824 1.3115791 1.3890141 1.2221985 1.0457437 1.0403911\n", + " 1.1267973 1.0943334 1.0213717 1.0248804 1.0117072 1.1095986 1.1927688\n", + " 1.2099531 1.017667 1.0287218 1.0217083 1.0134977 1.060332 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 2 1 4 14 13 7 12 8 19 5 6 16 10 17 9 15 18 11 20 21 22]\n", + "=======================\n", + "[\"radamel falcao could still sign permanently for manchester united after it emerged that chief executive ed woodward held talks with monaco on sunday over the striker 's future .but woodward told monaco vice-president vadim vasilyev last sunday that they would make a decision on the right to sign him permanently at the end of the season .falcao , who has scored just four times for united since his season-long loan move from monaco , drew another blank at stamford bridge against chelsea on saturday evening .\"]\n", + "=======================\n", + "[\"manchester united could still sign radamel falcao permanentlychief executive ed woodward held talks with monaco on sundaywoodward told monaco the club would make decision at end of the seasonunder the terms of the loan , united would have to pay # 43.5 m for strikermonaco are willing to negotiate fee however after falcao 's poor loan spellfalcao has managed just four league goals for united this termmonaco manager leonardo jardim believes falcao can rediscover his form\"]\n", + "radamel falcao could still sign permanently for manchester united after it emerged that chief executive ed woodward held talks with monaco on sunday over the striker 's future .but woodward told monaco vice-president vadim vasilyev last sunday that they would make a decision on the right to sign him permanently at the end of the season .falcao , who has scored just four times for united since his season-long loan move from monaco , drew another blank at stamford bridge against chelsea on saturday evening .\n", + "manchester united could still sign radamel falcao permanentlychief executive ed woodward held talks with monaco on sundaywoodward told monaco the club would make decision at end of the seasonunder the terms of the loan , united would have to pay # 43.5 m for strikermonaco are willing to negotiate fee however after falcao 's poor loan spellfalcao has managed just four league goals for united this termmonaco manager leonardo jardim believes falcao can rediscover his form\n", + "[1.1657428 1.3813127 1.2865113 1.2012609 1.3137124 1.2807903 1.0749049\n", + " 1.1470598 1.0429327 1.156938 1.0356452 1.0940292 1.105754 1.0775687\n", + " 1.0588872 1.021719 1.0116992 1.0082295 1.0100191 1.0086097 1.0232928\n", + " 1.0154538 1.0129716]\n", + "\n", + "[ 1 4 2 5 3 0 9 7 12 11 13 6 14 8 10 20 15 21 22 16 18 19 17]\n", + "=======================\n", + "['julia ware , who was 15 at the time of the accident , appeared at wayne county court in honesdale , pennslyvania , on wednesday .julia ware ( center ) accepted responsibility for three homicide by vehicle felony counts in a pennsylvania courtthe families of shamus digney , cullen keffer and ryan lesher - who were all 15 - watched her admit to five of the 12 counts she was charged with by prosecutors .']\n", + "=======================\n", + "['julia ware was driving before crash in paupack township , pennsylvaniachevy suburban rolled over several times during deadly august accidentthree passengers ryan lesher , shamus digney , and cullen keffer were 15ware accepted responsibility for three homicide by vehicle felony countspleasantville , new york , girl also admitted to two misdemeanor chargesfather faces charges for allegedly letting his daughter have keys to suv']\n", + "julia ware , who was 15 at the time of the accident , appeared at wayne county court in honesdale , pennslyvania , on wednesday .julia ware ( center ) accepted responsibility for three homicide by vehicle felony counts in a pennsylvania courtthe families of shamus digney , cullen keffer and ryan lesher - who were all 15 - watched her admit to five of the 12 counts she was charged with by prosecutors .\n", + "julia ware was driving before crash in paupack township , pennsylvaniachevy suburban rolled over several times during deadly august accidentthree passengers ryan lesher , shamus digney , and cullen keffer were 15ware accepted responsibility for three homicide by vehicle felony countspleasantville , new york , girl also admitted to two misdemeanor chargesfather faces charges for allegedly letting his daughter have keys to suv\n", + "[1.3536242 1.3264943 1.1993943 1.1165495 1.1377763 1.0947394 1.0551368\n", + " 1.0765015 1.0809431 1.0753046 1.0703816 1.0793264 1.0525355 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 4 3 5 8 11 7 9 10 6 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"a federal judge has ordered the internal revenue service to hand over a list of the 298 tea party organizations that it targeted with broad and often intrusive questions when they applied for nonprofit tax-exempt status .the decision from u.s. district judge susan dlott means right-wing groups are a step closer to being allowed to pursue a class-action lawsuit against the irs .the agency has admitted playing political favorites with the tax code beginning in 2010 , when it began applying extra scrutiny to groups with red-flag words like ` patriots ' or ` tea party ' in their names .\"]\n", + "=======================\n", + "[\"right-wing groups want court to let them sue the irs in a class-action lawsuit for violating their constitutional right to equal treatmentirs applied different criteria to right-wing groups , holding up their applications for years while liberal organizations skated throughobama administration fought the release of a list of 298 groups it denied tax-exempt status beginning in 2010 , citing privacy concernsjudge in cincinnati overruled the government and ordered the irs to hand over the listif court ` certifies ' class-action status , the tea party groups will be free to demand emails , phone records and other documents\"]\n", + "a federal judge has ordered the internal revenue service to hand over a list of the 298 tea party organizations that it targeted with broad and often intrusive questions when they applied for nonprofit tax-exempt status .the decision from u.s. district judge susan dlott means right-wing groups are a step closer to being allowed to pursue a class-action lawsuit against the irs .the agency has admitted playing political favorites with the tax code beginning in 2010 , when it began applying extra scrutiny to groups with red-flag words like ` patriots ' or ` tea party ' in their names .\n", + "right-wing groups want court to let them sue the irs in a class-action lawsuit for violating their constitutional right to equal treatmentirs applied different criteria to right-wing groups , holding up their applications for years while liberal organizations skated throughobama administration fought the release of a list of 298 groups it denied tax-exempt status beginning in 2010 , citing privacy concernsjudge in cincinnati overruled the government and ordered the irs to hand over the listif court ` certifies ' class-action status , the tea party groups will be free to demand emails , phone records and other documents\n", + "[1.464972 1.4643307 1.2390335 1.2785193 1.1949089 1.1598321 1.0473727\n", + " 1.0429083 1.0143154 1.1324192 1.1011356 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 5 9 10 6 7 8 19 11 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"manchester city 's fa cup-winning goalkeeper , harry dowd , has died , aged 76 .dowd , a member of the side who beat leicester city 1-0 at wembley in 1969 , played 181 games in nine years at maine road .the salford-born keeper once famously scored for city , against bury , after switching to centre forward in a game in 1964 , having broken his thumb .\"]\n", + "=======================\n", + "['harry dowd played a key role in fa cup triumph over leicester citydowd continued working as a plumber during his professional careerthe former keeper scored for city , playing outfield after breaking his thumb']\n", + "manchester city 's fa cup-winning goalkeeper , harry dowd , has died , aged 76 .dowd , a member of the side who beat leicester city 1-0 at wembley in 1969 , played 181 games in nine years at maine road .the salford-born keeper once famously scored for city , against bury , after switching to centre forward in a game in 1964 , having broken his thumb .\n", + "harry dowd played a key role in fa cup triumph over leicester citydowd continued working as a plumber during his professional careerthe former keeper scored for city , playing outfield after breaking his thumb\n", + "[1.3267705 1.3683017 1.1351814 1.1824096 1.2570019 1.1242143 1.08223\n", + " 1.1086581 1.1348406 1.0657216 1.0320188 1.0147064 1.0134991 1.0880018\n", + " 1.058061 1.1789896 1.0186875 1.049388 1.0322771 1.0392958 1.0152385]\n", + "\n", + "[ 1 0 4 3 15 2 8 5 7 13 6 9 14 17 19 18 10 16 20 11 12]\n", + "=======================\n", + "[\"the brazilian captioned the photo of himself with luis suarez and lionel messi : ` buena victoria chavaleeeeees ... .but the cheeky brazilian had used the typically argentine/uruguayan expression ` dale ' in reference to his two team-mates .neymar celebrates with lionel messi after giving barcelona a 3-0 lead at the nou camp on tuesday night\"]\n", + "=======================\n", + "['barcelona beat getafe 6-0 at the nou camp on tuesday nightlionel messi and luis suarez both scored twice , while neymar also struckthe front three have now scored more than 100 goals this season']\n", + "the brazilian captioned the photo of himself with luis suarez and lionel messi : ` buena victoria chavaleeeeees ... .but the cheeky brazilian had used the typically argentine/uruguayan expression ` dale ' in reference to his two team-mates .neymar celebrates with lionel messi after giving barcelona a 3-0 lead at the nou camp on tuesday night\n", + "barcelona beat getafe 6-0 at the nou camp on tuesday nightlionel messi and luis suarez both scored twice , while neymar also struckthe front three have now scored more than 100 goals this season\n", + "[1.3293203 1.1408746 1.1919687 1.0704038 1.230076 1.137651 1.3791724\n", + " 1.0574284 1.0457474 1.1704537 1.0315231 1.0204905 1.0146221 1.0878813\n", + " 1.038446 1.0738822 1.0379822 1.0193689 1.0130956 1.0100425 0. ]\n", + "\n", + "[ 6 0 4 2 9 1 5 13 15 3 7 8 14 16 10 11 17 12 18 19 20]\n", + "=======================\n", + "[\"they are selling it for # 185,000 to help pay for craig jr 's prep school feesparents craig and bonnie morgan want their children to have the best possible start in life .they 've also slashed their weekly grocery bills by more than half , taken in lodgers , and have pinned their hopes on a ` crowd-funding ' initiative , hoping members of the public will help them achieve their dream .\"]\n", + "=======================\n", + "[\"craig and bonnie morgan are desperate to keep son craig at prep schoolfrom hastings in east sussex , they are sending him to battle abbeyfees of # 4,000 mean selling their terraced house and trying crowd-fundingclaim ` academically gifted ' craig was n't being stretched at state primary\"]\n", + "they are selling it for # 185,000 to help pay for craig jr 's prep school feesparents craig and bonnie morgan want their children to have the best possible start in life .they 've also slashed their weekly grocery bills by more than half , taken in lodgers , and have pinned their hopes on a ` crowd-funding ' initiative , hoping members of the public will help them achieve their dream .\n", + "craig and bonnie morgan are desperate to keep son craig at prep schoolfrom hastings in east sussex , they are sending him to battle abbeyfees of # 4,000 mean selling their terraced house and trying crowd-fundingclaim ` academically gifted ' craig was n't being stretched at state primary\n", + "[1.2521167 1.3676779 1.3186793 1.3124489 1.196278 1.1444558 1.0317063\n", + " 1.133465 1.0250888 1.1135241 1.1338773 1.029122 1.0191046 1.0101393\n", + " 1.0256649 1.0258741 1.0411524 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 5 10 7 9 16 6 11 15 14 8 12 13 19 17 18 20]\n", + "=======================\n", + "['pulaski county sheriff jim davis announced the arrests of ashley jennifer white , 30 , and paul thomas , 32 , thursday afternoon -- a week to the day after the tragic discovery .their 5-year-old son , noah thomas , went missing from their home in rural dublin on the morning of march 22 as his mother slept with her infant daughter .the parents of a 5-year-old boy whose body was found inside a septic tank in virginia last month have been charged with felony child abuse and neglect .']\n", + "=======================\n", + "[\"ashley white , 30 , and paul thomas , 32 , charged with child abuse and neglectcouple 's son , noah thomas , 5 , from dublin , virginia , was last seen alive march 22mother went back to sleep , child was missing at 10am when she woke upafter fbi search , noah 's body was found in septic tank on family 's property five days laterthomas and white 's 6-month-old daughter was removed from home a day later\"]\n", + "pulaski county sheriff jim davis announced the arrests of ashley jennifer white , 30 , and paul thomas , 32 , thursday afternoon -- a week to the day after the tragic discovery .their 5-year-old son , noah thomas , went missing from their home in rural dublin on the morning of march 22 as his mother slept with her infant daughter .the parents of a 5-year-old boy whose body was found inside a septic tank in virginia last month have been charged with felony child abuse and neglect .\n", + "ashley white , 30 , and paul thomas , 32 , charged with child abuse and neglectcouple 's son , noah thomas , 5 , from dublin , virginia , was last seen alive march 22mother went back to sleep , child was missing at 10am when she woke upafter fbi search , noah 's body was found in septic tank on family 's property five days laterthomas and white 's 6-month-old daughter was removed from home a day later\n", + "[1.6082189 1.2859874 1.2037106 1.2431269 1.0433046 1.0126123 1.0201559\n", + " 1.0530527 1.0178529 1.0162545 1.1098042 1.0169348 1.1673377 1.0157928\n", + " 1.1041951 1.0759729 0. ]\n", + "\n", + "[ 0 1 3 2 12 10 14 15 7 4 6 8 11 9 13 5 16]\n", + "=======================\n", + "[\"west ham manager sam allardyce conceded that his side are suffering from a psychological problem after marko arnautovic 's 95th-minute equaliser saw the hammers drop points for the second game in a row .allardyce 's side had been on track for their first back-to-back home wins in almost four months but having already had two goals ruled out for offside , arnautovic eventually punished the fading hosts to earn a draw .marko arnautovic ( second left ) is mobbed by his stoke city team-mates after scoring a 95th minute equaliser at west ham united\"]\n", + "=======================\n", + "['aaron cresswell gave west ham united an early lead with a stunning 25-yard free kick on seven minuteshosts were denied all three points after marko arnautovic equalised for stoke city in the 95th minutearnautovic had earlier seen two goals disallowed for offside during the upton park encounter']\n", + "west ham manager sam allardyce conceded that his side are suffering from a psychological problem after marko arnautovic 's 95th-minute equaliser saw the hammers drop points for the second game in a row .allardyce 's side had been on track for their first back-to-back home wins in almost four months but having already had two goals ruled out for offside , arnautovic eventually punished the fading hosts to earn a draw .marko arnautovic ( second left ) is mobbed by his stoke city team-mates after scoring a 95th minute equaliser at west ham united\n", + "aaron cresswell gave west ham united an early lead with a stunning 25-yard free kick on seven minuteshosts were denied all three points after marko arnautovic equalised for stoke city in the 95th minutearnautovic had earlier seen two goals disallowed for offside during the upton park encounter\n", + "[1.2797009 1.4029343 1.1603581 1.2306724 1.1333704 1.1268736 1.1637464\n", + " 1.0553511 1.0644596 1.1560612 1.0244052 1.0357649 1.0153283 1.1667473\n", + " 1.1802359 0. 0. ]\n", + "\n", + "[ 1 0 3 14 13 6 2 9 4 5 8 7 11 10 12 15 16]\n", + "=======================\n", + "[\"capel path , ridden by ryan moore and trained by sir michael stoute , finished third to richard hannon 's desert force in the dubai duty free full of surprises handicap but it was the queen 's hannon-trained two-year-old ring of truth who looked the one who got away .the queen had her fingers firmly crossed but luck was not on her side as he annual visit to newbury 's opening ended with two near-misses .the 7-1 shot , making her debut in the five furlong al basti equiworld maiden stakes , took time to understand what was required of her as she showed understandable signs of inexperience but the richard hughes-ridden daughter of royal applause was closing hard on winner harvard man at the line and was only touched off by short head .\"]\n", + "=======================\n", + "[\"the queen was pictured on her annual visit to newbury 's openingher richard hannon-trained two-year-old ring of truth went close to a winthe 7-1 shot was making her debut in the al basti equiworld maiden stakes\"]\n", + "capel path , ridden by ryan moore and trained by sir michael stoute , finished third to richard hannon 's desert force in the dubai duty free full of surprises handicap but it was the queen 's hannon-trained two-year-old ring of truth who looked the one who got away .the queen had her fingers firmly crossed but luck was not on her side as he annual visit to newbury 's opening ended with two near-misses .the 7-1 shot , making her debut in the five furlong al basti equiworld maiden stakes , took time to understand what was required of her as she showed understandable signs of inexperience but the richard hughes-ridden daughter of royal applause was closing hard on winner harvard man at the line and was only touched off by short head .\n", + "the queen was pictured on her annual visit to newbury 's openingher richard hannon-trained two-year-old ring of truth went close to a winthe 7-1 shot was making her debut in the al basti equiworld maiden stakes\n", + "[1.2325275 1.3825438 1.145551 1.2806199 1.3008024 1.1069849 1.1470234\n", + " 1.1689719 1.0765289 1.0192086 1.0609809 1.2819641 1.0255861 1.0385367\n", + " 1.0468212 0. 0. ]\n", + "\n", + "[ 1 4 11 3 0 7 6 2 5 8 10 14 13 12 9 15 16]\n", + "=======================\n", + "[\"superior court judge m. marc kelly told an orange county jury that 20-year-old kevin jonas rojano-nieto ` did not intend to harm ' the three-year-old girl he raped at his family home in june .the mandatory sentence should be 25-years to lifea california judge has reduced a child rapist 's mandatory 25-year sentence down to only 10 - saying anything longer would be ` cruel and unusual punishment ' .\"]\n", + "=======================\n", + "[\"superior court judge m. marc kelly handed kevin jonas rojano-nieto a 10-year sentencethe mandatory sentence rojano-nieto should have received was 25-years to lifethe state of california has said that it will appeal judge kelly 's decision\"]\n", + "superior court judge m. marc kelly told an orange county jury that 20-year-old kevin jonas rojano-nieto ` did not intend to harm ' the three-year-old girl he raped at his family home in june .the mandatory sentence should be 25-years to lifea california judge has reduced a child rapist 's mandatory 25-year sentence down to only 10 - saying anything longer would be ` cruel and unusual punishment ' .\n", + "superior court judge m. marc kelly handed kevin jonas rojano-nieto a 10-year sentencethe mandatory sentence rojano-nieto should have received was 25-years to lifethe state of california has said that it will appeal judge kelly 's decision\n", + "[1.4319212 1.1986825 1.4003217 1.3635511 1.1964834 1.2940931 1.1001289\n", + " 1.0663259 1.0529778 1.1218997 1.0741835 1.045724 1.0126718 1.0488935\n", + " 1.0650767 1.0106798 1.0145835]\n", + "\n", + "[ 0 2 3 5 1 4 9 6 10 7 14 8 13 11 16 12 15]\n", + "=======================\n", + "['chad geyen ( above ) of ramsey , minnesota was found dead on sunday of a self-inflicted gunshot woundhe had been accused of assaulting at least six boys hundreds of times , including his own foster son , between 1990 and 2013 .he was set to stand trial on five counts of first-degree and two counts of second-degree criminal sexual conduct .']\n", + "=======================\n", + "[\"chad geyen of ramsey , minnesota was found dead on sunday of a self-inflicted gunshot woundthe married father of two had been reported missing on saturdayhe was set to stand trial monday on five counts of first-degree and two counts of second-degree criminal sexual conductsix boys claim they were sexually abused by the man hundreds of times starting when some were as young as 5-years-oldone of the boys was even taken in by geyen as a foster childthe hennepin county medical examiner 's office is set to release further details about geyen 's death later this week\"]\n", + "chad geyen ( above ) of ramsey , minnesota was found dead on sunday of a self-inflicted gunshot woundhe had been accused of assaulting at least six boys hundreds of times , including his own foster son , between 1990 and 2013 .he was set to stand trial on five counts of first-degree and two counts of second-degree criminal sexual conduct .\n", + "chad geyen of ramsey , minnesota was found dead on sunday of a self-inflicted gunshot woundthe married father of two had been reported missing on saturdayhe was set to stand trial monday on five counts of first-degree and two counts of second-degree criminal sexual conductsix boys claim they were sexually abused by the man hundreds of times starting when some were as young as 5-years-oldone of the boys was even taken in by geyen as a foster childthe hennepin county medical examiner 's office is set to release further details about geyen 's death later this week\n", + "[1.297933 1.3897626 1.4161503 1.257673 1.1844893 1.2096183 1.2366766\n", + " 1.0602512 1.0422374 1.0238461 1.0675501 1.0543561 1.22883 1.0317708\n", + " 1.0160923 0. 0. ]\n", + "\n", + "[ 2 1 0 3 6 12 5 4 10 7 11 8 13 9 14 15 16]\n", + "=======================\n", + "[\"the unidentified pilot was flying a six-seat cessna 310 aircraft , registered vh-tbe , with two adults and three children on board when he became distracted by one of the passengers .the australian air transport safety bureau ( atsb ) released its report on wednesday into the ` wheels up landing ' on december 12 , 2014 at jabiru airport , southeast of darwin .a pilot has blamed one of his passengers for coughing ` incessantly ' into his headset during a short flight in the northern territory which caused him to forget to put the landing gear down , an air crash report has found .\"]\n", + "=======================\n", + "[\"a pilot was flying a short flight from oenpelli to jabiru , northern territoryon board the flight last year were the pilot , two adults and three childrenthe pilot reported the children on board were excited and a little disruptivethe passenger seated in the front seat coughed through the headsetthe pilot says this distracted him as he forgot to lower the landing gearreport also found the pilot was ` relatively new ' to the cessna 310 aircraftthere were no injuries but the aircraft was substantially damaged\"]\n", + "the unidentified pilot was flying a six-seat cessna 310 aircraft , registered vh-tbe , with two adults and three children on board when he became distracted by one of the passengers .the australian air transport safety bureau ( atsb ) released its report on wednesday into the ` wheels up landing ' on december 12 , 2014 at jabiru airport , southeast of darwin .a pilot has blamed one of his passengers for coughing ` incessantly ' into his headset during a short flight in the northern territory which caused him to forget to put the landing gear down , an air crash report has found .\n", + "a pilot was flying a short flight from oenpelli to jabiru , northern territoryon board the flight last year were the pilot , two adults and three childrenthe pilot reported the children on board were excited and a little disruptivethe passenger seated in the front seat coughed through the headsetthe pilot says this distracted him as he forgot to lower the landing gearreport also found the pilot was ` relatively new ' to the cessna 310 aircraftthere were no injuries but the aircraft was substantially damaged\n", + "[1.2233999 1.4853615 1.179917 1.3435708 1.2744743 1.2322512 1.0790753\n", + " 1.0931306 1.0817422 1.1395625 1.0588461 1.0548536 1.047457 1.0443008\n", + " 1.0172913 1.0345649 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 5 0 2 9 7 8 6 10 11 12 13 15 14 17 16 18]\n", + "=======================\n", + "[\"phil blackwood was sentenced to two-and-a-half years with hard labour by a burmese court last month after posting the mocked-up image of the buddha wearing dj headphones on facebook .human rights campaigners claim he has been ` abandoned ' by the foreign officethe 32-year-old bar manager , who has dual new zealand and british nationality , was found guilty of insulting religion along with the bar 's burmese owner and another manager , despite apologising profusely for posting the picture .\"]\n", + "=======================\n", + "['phil blackwood was sentenced to two-and-a-half years with hard labourposted the mocked-up image advertising a cheap drinks night on facebook32-year-old was found guilty of insulting religion despite apologising']\n", + "phil blackwood was sentenced to two-and-a-half years with hard labour by a burmese court last month after posting the mocked-up image of the buddha wearing dj headphones on facebook .human rights campaigners claim he has been ` abandoned ' by the foreign officethe 32-year-old bar manager , who has dual new zealand and british nationality , was found guilty of insulting religion along with the bar 's burmese owner and another manager , despite apologising profusely for posting the picture .\n", + "phil blackwood was sentenced to two-and-a-half years with hard labourposted the mocked-up image advertising a cheap drinks night on facebook32-year-old was found guilty of insulting religion despite apologising\n", + "[1.2672012 1.3462726 1.3488857 1.1287836 1.1769357 1.1807549 1.0707852\n", + " 1.0656806 1.0390494 1.1849484 1.024833 1.0478035 1.0863978 1.1036093\n", + " 1.0737939 1.0283886 1.0536225 0. 0. ]\n", + "\n", + "[ 2 1 0 9 5 4 3 13 12 14 6 7 16 11 8 15 10 17 18]\n", + "=======================\n", + "[\"it was expected to launch on 24 april .in a leaked memo from the firm 's angela ahrendts , the retail chief said that customers wo n't be able to buy an apple watch in store ` through the month of may ' due to ` high global interest combined with our initial supply . 'an estimated 957,000 shoppers in the us alone ordered apple watches on friday and this popularity surpassed expectations - even apple 's .\"]\n", + "=======================\n", + "[\"the leaked memo was written by apple 's retail chief angela ahrendtsshe said she expects online orders ` to continue through the month of may 'and added it had not been an easy decision and would provide more updates as the firm gets ` closer to in-store availability '\"]\n", + "it was expected to launch on 24 april .in a leaked memo from the firm 's angela ahrendts , the retail chief said that customers wo n't be able to buy an apple watch in store ` through the month of may ' due to ` high global interest combined with our initial supply . 'an estimated 957,000 shoppers in the us alone ordered apple watches on friday and this popularity surpassed expectations - even apple 's .\n", + "the leaked memo was written by apple 's retail chief angela ahrendtsshe said she expects online orders ` to continue through the month of may 'and added it had not been an easy decision and would provide more updates as the firm gets ` closer to in-store availability '\n", + "[1.4880259 1.2241138 1.0651255 1.3418145 1.3335617 1.3123914 1.0457829\n", + " 1.0399405 1.0215753 1.1296836 1.100458 1.0565035 1.2133085 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 5 1 12 9 10 2 11 6 7 8 17 13 14 15 16 18]\n", + "=======================\n", + "['planners in windsor have allowed two costa cafes less than 500 yards apart ( file picture )the latest costa will open on the site of the former dedworth road hsbc branch , the last bank in the area before it closed last year amid protests .it means there will be two costas just a brisk five-minute walk apart , plus the costa express at a petrol station between them .']\n", + "=======================\n", + "['town planners have allowed two costa cafes less than 500 yards aparttwo coffee shops in windsor will be just a short walk away from each otherand there is even a costa express in between the two new outlets']\n", + "planners in windsor have allowed two costa cafes less than 500 yards apart ( file picture )the latest costa will open on the site of the former dedworth road hsbc branch , the last bank in the area before it closed last year amid protests .it means there will be two costas just a brisk five-minute walk apart , plus the costa express at a petrol station between them .\n", + "town planners have allowed two costa cafes less than 500 yards aparttwo coffee shops in windsor will be just a short walk away from each otherand there is even a costa express in between the two new outlets\n", + "[1.3417956 1.1755729 1.4664097 1.2866359 1.257527 1.156008 1.1309247\n", + " 1.086806 1.0517442 1.0224292 1.024358 1.0594115 1.044209 1.0562371\n", + " 1.0845265 1.0497782 1.0381292 1.0289172 0. ]\n", + "\n", + "[ 2 0 3 4 1 5 6 7 14 11 13 8 15 12 16 17 10 9 18]\n", + "=======================\n", + "['zoe hadley , 19 , also known as zoe hommel , had been battling an undiagnosed illness since the age of 13 and was found dead at a hotel in putney , south west london last year .an inquest at westminster coroners court heard how her parents , solicitor lisa hommel and her gp father laurence , struggled to treat her condition .the inquest heard how doctors could find no physical cause for her illness and that the teenager refused to accept she had mental health problems .']\n", + "=======================\n", + "['zoe hadley , 19 , was found dead in a hotel in putney , south west londonteenager had been battling an undiagnosed illness since she was 13her parents , a leading solicitor and a gp , struggled to treat her conditioninquest heard how she refused to accept she had mental health problemsfor confidential support on suicide matters in the uk , call the samaritans on 08457 90 90 90 , visit a local samaritans branch or click here .']\n", + "zoe hadley , 19 , also known as zoe hommel , had been battling an undiagnosed illness since the age of 13 and was found dead at a hotel in putney , south west london last year .an inquest at westminster coroners court heard how her parents , solicitor lisa hommel and her gp father laurence , struggled to treat her condition .the inquest heard how doctors could find no physical cause for her illness and that the teenager refused to accept she had mental health problems .\n", + "zoe hadley , 19 , was found dead in a hotel in putney , south west londonteenager had been battling an undiagnosed illness since she was 13her parents , a leading solicitor and a gp , struggled to treat her conditioninquest heard how she refused to accept she had mental health problemsfor confidential support on suicide matters in the uk , call the samaritans on 08457 90 90 90 , visit a local samaritans branch or click here .\n", + "[1.2705505 1.299984 1.1630751 1.2757778 1.2184321 1.1763517 1.0787864\n", + " 1.1718974 1.109623 1.0589758 1.0328298 1.0162812 1.1211735 1.0736692\n", + " 1.1391444 1.0292687 1.0180824 1.0588205 1.0803187]\n", + "\n", + "[ 1 3 0 4 5 7 2 14 12 8 18 6 13 9 17 10 15 16 11]\n", + "=======================\n", + "[\"orange school superintendent ronald lee said in a statement that school administrators ` vehemently deny ' any knowledge of marilyn zuniga 's assignment .the letters were delivered to mumia abu-jamal in prison following his hospitalization last month for what his family said was treatment for complications from diabetes .a teacher in new jersey who assigned her third-grade class to write ` get well ' letters to a sick inmate convicted of killing a philadelphia police officer was suspended friday , the school superintendent said .\"]\n", + "=======================\n", + "[\"marilyn zuniga , third grade teacher at forest street school in orange , new jersey , suspended without payshe had her students write letters to former black panther mumia abu-jamal who was hospitalized at schuykill medical center in pennsylvaniazuniga had the cards delivered and they made mumia ` chuckle and smile 'critics say they ` promote a twisted agenda glorifying murder and hatred 'school district said zuniga did not speak with parents or ask permissionmumia is serving a life sentence after years of appeals won him a reprieve from his death sentence in 2012\"]\n", + "orange school superintendent ronald lee said in a statement that school administrators ` vehemently deny ' any knowledge of marilyn zuniga 's assignment .the letters were delivered to mumia abu-jamal in prison following his hospitalization last month for what his family said was treatment for complications from diabetes .a teacher in new jersey who assigned her third-grade class to write ` get well ' letters to a sick inmate convicted of killing a philadelphia police officer was suspended friday , the school superintendent said .\n", + "marilyn zuniga , third grade teacher at forest street school in orange , new jersey , suspended without payshe had her students write letters to former black panther mumia abu-jamal who was hospitalized at schuykill medical center in pennsylvaniazuniga had the cards delivered and they made mumia ` chuckle and smile 'critics say they ` promote a twisted agenda glorifying murder and hatred 'school district said zuniga did not speak with parents or ask permissionmumia is serving a life sentence after years of appeals won him a reprieve from his death sentence in 2012\n", + "[1.4464391 1.4573944 1.3280618 1.4254208 1.2052007 1.0894161 1.0514742\n", + " 1.0476601 1.0164312 1.2073108 1.0212146 1.0580256 1.0233147 1.0098791\n", + " 1.025673 1.1367301 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 2 9 4 15 5 11 6 7 14 12 10 8 13 20 16 17 18 19 21]\n", + "=======================\n", + "[\"the former st mirren boss has reportedly agreed a deal to take charge of the scottish championship side until the summer of 2016 .danny lennon 's interim appointment as scotland under 21 coach officially ended as reports claim he will be named as alloa athletic boss on tuesday .` danny leaves with the association 's best wishes after dedicating himself to the stewardship of the team for the 2-1 victory against hungary in tatabanya last month . '\"]\n", + "=======================\n", + "[\"danny lennon was named interim scotland under 21 manager last monthlennon won his only game in charge , a 2-1 win against hungarysfa announced lennon 's departure in a statement on tuesdayformer st mirren boss lennon looks set to take over at alloa athletic\"]\n", + "the former st mirren boss has reportedly agreed a deal to take charge of the scottish championship side until the summer of 2016 .danny lennon 's interim appointment as scotland under 21 coach officially ended as reports claim he will be named as alloa athletic boss on tuesday .` danny leaves with the association 's best wishes after dedicating himself to the stewardship of the team for the 2-1 victory against hungary in tatabanya last month . '\n", + "danny lennon was named interim scotland under 21 manager last monthlennon won his only game in charge , a 2-1 win against hungarysfa announced lennon 's departure in a statement on tuesdayformer st mirren boss lennon looks set to take over at alloa athletic\n", + "[1.2316573 1.4073428 1.1766735 1.4627296 1.0654974 1.0467814 1.1633229\n", + " 1.0507436 1.0458726 1.0495007 1.1119361 1.0581572 1.0821396 1.0573448\n", + " 1.1411533 1.0850515 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 0 2 6 14 10 15 12 4 11 13 7 9 5 8 20 16 17 18 19 21]\n", + "=======================\n", + "[\"golden state warriors ' steph curry ( right ) made 77 consecutive three-point attempts in a row during practice` steph curry with the shot , ' is a lyric synonymous from hip hop star drake 's song 0 to 100 and the point guard has been showing off his stunning finishing skills again during a recent practice session .and the 27-year-old demonstrated why he is widely-regarded as one of the best-ever shooters from behind the arc in basketball history , with a golden state ' three-point drill - where he made a staggering 77 shots in the row .\"]\n", + "=======================\n", + "['steph curry made 94 out of his 100 attempts during the practice sessiongolden state warriors sit top of the western conference standingswarriors host denver nuggets in regular season finale on wednesday']\n", + "golden state warriors ' steph curry ( right ) made 77 consecutive three-point attempts in a row during practice` steph curry with the shot , ' is a lyric synonymous from hip hop star drake 's song 0 to 100 and the point guard has been showing off his stunning finishing skills again during a recent practice session .and the 27-year-old demonstrated why he is widely-regarded as one of the best-ever shooters from behind the arc in basketball history , with a golden state ' three-point drill - where he made a staggering 77 shots in the row .\n", + "steph curry made 94 out of his 100 attempts during the practice sessiongolden state warriors sit top of the western conference standingswarriors host denver nuggets in regular season finale on wednesday\n", + "[1.7197781 1.3418397 1.259289 1.2449597 1.1903025 1.0455265 1.0154998\n", + " 1.0142063 1.0260483 1.0371985 1.0222496 1.0199515 1.0188843 1.0154415\n", + " 1.0483549 1.0253822 1.0202725 1.2948822 1.1038533 1.0711874 1.0075614\n", + " 1.0075545]\n", + "\n", + "[ 0 1 17 2 3 4 18 19 14 5 9 8 15 10 16 11 12 6 13 7 20 21]\n", + "=======================\n", + "[\"paris saint-germain manager laurent blanc admitted that barcelona were superior to his side ` in virtually every department ' as he saw his team slump to a 3-1 defeat in the first leg of the quarter-final at the parc des princes .an early strike from neymar and second-half brace from luis suarez sealed victory for barcelona and placed the catalan outfit into a commanding position ahead of the return at the nou camp on tuesday .laurent blanc made no excuses for his side as they now face elimination from the champions league\"]\n", + "=======================\n", + "[\"barcelona have one foot in last four after beating paris saint-germain 3-1luis suarez scored a double and neymar was on target in convincing winlaurent blanc made no excuses for his side 's defeat on wednesdaypsg travel to barcelona for the return leg on march 21\"]\n", + "paris saint-germain manager laurent blanc admitted that barcelona were superior to his side ` in virtually every department ' as he saw his team slump to a 3-1 defeat in the first leg of the quarter-final at the parc des princes .an early strike from neymar and second-half brace from luis suarez sealed victory for barcelona and placed the catalan outfit into a commanding position ahead of the return at the nou camp on tuesday .laurent blanc made no excuses for his side as they now face elimination from the champions league\n", + "barcelona have one foot in last four after beating paris saint-germain 3-1luis suarez scored a double and neymar was on target in convincing winlaurent blanc made no excuses for his side 's defeat on wednesdaypsg travel to barcelona for the return leg on march 21\n", + "[1.2159835 1.3453066 1.4106319 1.1954376 1.2792144 1.145845 1.1057961\n", + " 1.0449024 1.0364711 1.0195439 1.160965 1.105436 1.0145128 1.1031024\n", + " 1.0762244 1.011524 1.010319 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 4 0 3 10 5 6 11 13 14 7 8 9 12 15 16 20 17 18 19 21]\n", + "=======================\n", + "['the measure would require all new or replacement dryers to operate at a noise level no louder than 84 decibels .the bill says that the recent proliferation of powerful dryers is efficient , but can sometimes trigger ringing of in the ears , or cause discomfort for people with development or sensory disabilities .an oregon lawmaker proposed legislation monday creating uniform standards for hand dryers in public restrooms .']\n", + "=======================\n", + "[\"bill would require all new dryers to be no louder than 84 decibelsstate senator says the ` air knife ' elicited episodes in his autistic son\"]\n", + "the measure would require all new or replacement dryers to operate at a noise level no louder than 84 decibels .the bill says that the recent proliferation of powerful dryers is efficient , but can sometimes trigger ringing of in the ears , or cause discomfort for people with development or sensory disabilities .an oregon lawmaker proposed legislation monday creating uniform standards for hand dryers in public restrooms .\n", + "bill would require all new dryers to be no louder than 84 decibelsstate senator says the ` air knife ' elicited episodes in his autistic son\n", + "[1.0574746 1.3053973 1.095875 1.442134 1.3648527 1.121847 1.2668812\n", + " 1.2125725 1.0700841 1.0224015 1.0415815 1.0890493 1.0910879 1.107143\n", + " 1.0298249 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 4 1 6 7 5 13 2 12 11 8 0 10 14 9 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"tammy abraham scores for chelsea during their 3-1 fa youth cup final first leg win against manchester citystriker dominic solanke celebrates after scoring chelsea 's third goal at the academy stadium on mondayand after extraordinary seasons in which they have both smashed the 35-goal mark , chelsea 's teenage strike duo tammy abraham and dominic solanke are certainly flush at the moment .\"]\n", + "=======================\n", + "['tammy abraham scored twice against manchester city on mondaydominic solanke was also on target in the fa youth cup final first legthe chelsea duo have been in brilliant form so far this seasonboth will be hoping to earn some playing time if chelsea clinch the titlesolanke could be involved against arsenal at the emirates on sunday']\n", + "tammy abraham scores for chelsea during their 3-1 fa youth cup final first leg win against manchester citystriker dominic solanke celebrates after scoring chelsea 's third goal at the academy stadium on mondayand after extraordinary seasons in which they have both smashed the 35-goal mark , chelsea 's teenage strike duo tammy abraham and dominic solanke are certainly flush at the moment .\n", + "tammy abraham scored twice against manchester city on mondaydominic solanke was also on target in the fa youth cup final first legthe chelsea duo have been in brilliant form so far this seasonboth will be hoping to earn some playing time if chelsea clinch the titlesolanke could be involved against arsenal at the emirates on sunday\n", + "[1.1398106 1.3876672 1.0813172 1.0608335 1.1063958 1.1189611 1.2409389\n", + " 1.031267 1.0241607 1.0233469 1.0249425 1.0328003 1.018297 1.0156561\n", + " 1.1554439 1.0518839 1.0301912 1.0614349 1.0417856 1.0261002]\n", + "\n", + "[ 1 6 14 0 5 4 2 17 3 15 18 11 7 16 19 10 8 9 12 13]\n", + "=======================\n", + "[\"aitor karanka would surely have made his defenders walk home from watford were it not for the probability they 'd spend most of the journey travelling in circles .odion ighalo 's shot flies into the top corner of dimi konstantopoulos ' net on 65 minutesthey gifted troy deeney his 20th goal of the season and they contributed significantly to odion ighalo scoring his 19th in the second half .\"]\n", + "=======================\n", + "[\"middlesbrough started the day top of the championship on 75 pointstroy deeney opened the score before odion ighalo 's brilliant strikewatford end the day in third place after bournemouth and norwich win\"]\n", + "aitor karanka would surely have made his defenders walk home from watford were it not for the probability they 'd spend most of the journey travelling in circles .odion ighalo 's shot flies into the top corner of dimi konstantopoulos ' net on 65 minutesthey gifted troy deeney his 20th goal of the season and they contributed significantly to odion ighalo scoring his 19th in the second half .\n", + "middlesbrough started the day top of the championship on 75 pointstroy deeney opened the score before odion ighalo 's brilliant strikewatford end the day in third place after bournemouth and norwich win\n", + "[1.5206726 1.4701538 1.2752233 1.1740856 1.380944 1.2319856 1.0401918\n", + " 1.0236773 1.047503 1.0149711 1.0166416 1.1387599 1.0333822 1.0344207\n", + " 1.011581 1.0361211 1.0528374 1.0610082 1.0391463 1.020728 ]\n", + "\n", + "[ 0 1 4 2 5 3 11 17 16 8 6 18 15 13 12 7 19 10 9 14]\n", + "=======================\n", + "[\"philippe coutinho fired liverpool into the fa cup semi-finals and made it a night to remember for jordan henderson .liverpool 's captain provided the 70th-minute assist for coutinho to break blackburn rovers ' resistance and secure a 1-0 win that sets up a wembley date against aston villa a week on sunday .it has been a dramatic 24 hours for henderson , as his partner beccy gave birth to their second daughter , alba .\"]\n", + "=======================\n", + "['coutinho hit the only goal of the game as liverpool beat blackburnthey will meet aston villa in the semi-finals a week on sundayliverpool skipper henderson had not slept the night before the game as his wife gave birth to his second daughterboss brendan rodgers revealed henderson had no thoughts about missing the match` he said to me , \" boss , as soon as the baby \\'s out , i \\'ll be coming back \" , \\' rodgers explained']\n", + "philippe coutinho fired liverpool into the fa cup semi-finals and made it a night to remember for jordan henderson .liverpool 's captain provided the 70th-minute assist for coutinho to break blackburn rovers ' resistance and secure a 1-0 win that sets up a wembley date against aston villa a week on sunday .it has been a dramatic 24 hours for henderson , as his partner beccy gave birth to their second daughter , alba .\n", + "coutinho hit the only goal of the game as liverpool beat blackburnthey will meet aston villa in the semi-finals a week on sundayliverpool skipper henderson had not slept the night before the game as his wife gave birth to his second daughterboss brendan rodgers revealed henderson had no thoughts about missing the match` he said to me , \" boss , as soon as the baby 's out , i 'll be coming back \" , ' rodgers explained\n", + "[1.3674097 1.3167608 1.5198078 1.2979913 1.2328281 1.3494973 1.0562841\n", + " 1.0178607 1.0105509 1.0130986 1.0114225 1.010857 1.0125816 1.0318018\n", + " 1.0212767 1.0767353 1.0329496 0. 0. 0. ]\n", + "\n", + "[ 2 0 5 1 3 4 15 6 16 13 14 7 9 12 10 11 8 18 17 19]\n", + "=======================\n", + "[\"cristiano ronaldo missed a penalty but provided goals for sergio ramos and james rodriguez , before adding the third himself , as madrid kept within touching distance of league leaders barcelona .real madrid closed the gap on barcelona to just two points at the top of la liga , but will be praying injuries to gareth bale and luka modric do n't derail their season .both los blancos stars were substituted as carlo ancelotti 's side struggled to overcome a spirited malaga , who had chances to snatch a draw .\"]\n", + "=======================\n", + "['sergio ramos opened the scoring for real madrid in the first half at the bernabeucristiano ronaldo then hit the post with a penalty before james rodriguez netsjuanmi pulled one back for malaga but ronaldo scored late on to secure the wingareth bale and luka modric go off injured for real madrid']\n", + "cristiano ronaldo missed a penalty but provided goals for sergio ramos and james rodriguez , before adding the third himself , as madrid kept within touching distance of league leaders barcelona .real madrid closed the gap on barcelona to just two points at the top of la liga , but will be praying injuries to gareth bale and luka modric do n't derail their season .both los blancos stars were substituted as carlo ancelotti 's side struggled to overcome a spirited malaga , who had chances to snatch a draw .\n", + "sergio ramos opened the scoring for real madrid in the first half at the bernabeucristiano ronaldo then hit the post with a penalty before james rodriguez netsjuanmi pulled one back for malaga but ronaldo scored late on to secure the wingareth bale and luka modric go off injured for real madrid\n", + "[1.3305273 1.4346678 1.1787106 1.0532528 1.1935382 1.0228118 1.017262\n", + " 1.2357512 1.307706 1.1893195 1.0167446 1.0134469 1.078836 1.0490818\n", + " 1.066606 1.025998 1.012309 0. 0. 0. ]\n", + "\n", + "[ 1 0 8 7 4 9 2 12 14 3 13 15 5 6 10 11 16 18 17 19]\n", + "=======================\n", + "[\"last season , the championship side held eventual premier league champions city to a draw , but were then thrashed 5-0 in the return .blackburn rovers are in familiar territory facing an fa cup replay against one of the country 's best , only this time it 's liverpool and not manchester city .tom cairney , who will face sterling on wednesday night , has sympathy for the young winger\"]\n", + "=======================\n", + "['blackburn face liverpool in the fa cup quarter-final replay on wednesdaytom cairney has sympathy for raheem sterling over his contractsterling rejected a # 100,000-a-week new deal at anfield']\n", + "last season , the championship side held eventual premier league champions city to a draw , but were then thrashed 5-0 in the return .blackburn rovers are in familiar territory facing an fa cup replay against one of the country 's best , only this time it 's liverpool and not manchester city .tom cairney , who will face sterling on wednesday night , has sympathy for the young winger\n", + "blackburn face liverpool in the fa cup quarter-final replay on wednesdaytom cairney has sympathy for raheem sterling over his contractsterling rejected a # 100,000-a-week new deal at anfield\n", + "[1.4903381 1.1634647 1.4552052 1.2385936 1.2158705 1.1308696 1.1879544\n", + " 1.1175743 1.138369 1.0638009 1.0533118 1.0764276 1.0450459 1.0185096\n", + " 1.0236919 1.0205945 1.0133007 1.0464933 0. 0. ]\n", + "\n", + "[ 0 2 3 4 6 1 8 5 7 11 9 10 17 12 14 15 13 16 18 19]\n", + "=======================\n", + "['professor ninian peckitt , 63 , has been struck off after a hearing heard that he punched a patient in the face ten times to fix a broken cheekbonethe patient , known as patient a , had come to ipswich hospital in february 2012 after an industrial accident and been operated on by prof peckitt , who is a world-renowned facial surgeon .but he required a second procedure after falling off the bed in hospital which displaced his cheekbone .']\n", + "=======================\n", + "[\"patient came to ipswich hospital after industrial accident in july 2012pioneering professor ninian peckitt performed surgery but was needed again when patient fell from hospital bed and his cheekbone was displacedcolleague told to hold patient 's head as he applied ten punches like a boxerhearing heard the patient could have been blinded by force of the blowsprofessor quit post days later and is now believed to be working in dubai\"]\n", + "professor ninian peckitt , 63 , has been struck off after a hearing heard that he punched a patient in the face ten times to fix a broken cheekbonethe patient , known as patient a , had come to ipswich hospital in february 2012 after an industrial accident and been operated on by prof peckitt , who is a world-renowned facial surgeon .but he required a second procedure after falling off the bed in hospital which displaced his cheekbone .\n", + "patient came to ipswich hospital after industrial accident in july 2012pioneering professor ninian peckitt performed surgery but was needed again when patient fell from hospital bed and his cheekbone was displacedcolleague told to hold patient 's head as he applied ten punches like a boxerhearing heard the patient could have been blinded by force of the blowsprofessor quit post days later and is now believed to be working in dubai\n", + "[1.3718398 1.330231 1.166497 1.2238953 1.1593045 1.1691564 1.0975143\n", + " 1.0967138 1.0647322 1.1286955 1.0294551 1.0456554 1.0446435 1.0449383\n", + " 1.0765753 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 5 2 4 9 6 7 14 8 11 13 12 10 18 15 16 17 19]\n", + "=======================\n", + "[\"american model kendra spears , who has been known as princess salwa since her marriage to the aga khan 's son prince rahim , has given birth to her first child .the baby , a boy named prince irfan , was born in the swiss city of geneva last saturday and both mother and child are doing well .the model , 26 , had been considered ` the next cindy crawford ' by her agency ford models , but has put her career on the back-burner since becoming wife to the 44-year-old royal .\"]\n", + "=======================\n", + "['kendra spears , 26 , has given birth to her first child , a son named irfanthe baby , whose father is prince rahim aga khan , was born in genevams spears , now known as princess salwa , is said to be doing well']\n", + "american model kendra spears , who has been known as princess salwa since her marriage to the aga khan 's son prince rahim , has given birth to her first child .the baby , a boy named prince irfan , was born in the swiss city of geneva last saturday and both mother and child are doing well .the model , 26 , had been considered ` the next cindy crawford ' by her agency ford models , but has put her career on the back-burner since becoming wife to the 44-year-old royal .\n", + "kendra spears , 26 , has given birth to her first child , a son named irfanthe baby , whose father is prince rahim aga khan , was born in genevams spears , now known as princess salwa , is said to be doing well\n", + "[1.2868556 1.2534423 1.3809223 1.220182 1.1404703 1.1545874 1.2483473\n", + " 1.0814356 1.1008008 1.1126211 1.0315838 1.0136446 1.0411144 1.0136238\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 6 3 5 4 9 8 7 12 10 11 13 18 14 15 16 17 19]\n", + "=======================\n", + "[\"baroness brady , who is also the government 's small business ambassador , was appearing alongside mr cameronat a national grid training centre in newark , nottinghamshire , to announce the creation of more trainee jobs for young people .when tv star karren brady agreed to help david cameron announce 16,000 new apprenticeships today she might have been hoping to steal a little of the limelight from the prime minister .however , the businesswoman and apprentice judge was instead relegated to coat duty , helping mr cameron with his jacket as he stood to speak , before sitting politely with it on the sidelines .\"]\n", + "=======================\n", + "['prime minister and tv star karren brady announced new apprenticeshipsbaroness brady was pictured during event helping the pm with his jacketpair were announcing 16,000 more training positions for young people']\n", + "baroness brady , who is also the government 's small business ambassador , was appearing alongside mr cameronat a national grid training centre in newark , nottinghamshire , to announce the creation of more trainee jobs for young people .when tv star karren brady agreed to help david cameron announce 16,000 new apprenticeships today she might have been hoping to steal a little of the limelight from the prime minister .however , the businesswoman and apprentice judge was instead relegated to coat duty , helping mr cameron with his jacket as he stood to speak , before sitting politely with it on the sidelines .\n", + "prime minister and tv star karren brady announced new apprenticeshipsbaroness brady was pictured during event helping the pm with his jacketpair were announcing 16,000 more training positions for young people\n", + "[1.3407965 1.5246366 1.2163906 1.0789082 1.3208578 1.0800668 1.0389315\n", + " 1.0146085 1.0183069 1.0178758 1.0544326 1.0570602 1.0945945 1.1340367\n", + " 1.1190822 1.0599242 1.1065089 1.0638297 1.0287595 1.0915128]\n", + "\n", + "[ 1 0 4 2 13 14 16 12 19 5 3 17 15 11 10 6 18 8 9 7]\n", + "=======================\n", + "['rebecca eldemire , 21 , was shot repeatedly in the face with a .357 magnum by her boyfriend , 27-year-old larry tipton .after shooting eldemire twice , tipton laid down face up beside her and fatally shot himself .eldemire was not under the influence of drugs or alcohol , according to the report .']\n", + "=======================\n", + "[\"rebecca eldemire and larry tipton , 27 , were found dead in her bedroom in oxford , ohio on feb. 1 after her roommates heard loud bangsa coroner 's report revealed tuesday eldemire was shot at ` intermediate ' range and there were no signs of strugglethe night before , eldemire had called oxford police to ask for protection when he arrived at the apartment and police stopped him in the parking lotshe instructed the officers to accompany them to her apartment but after talking , she asked them to leave and they did\"]\n", + "rebecca eldemire , 21 , was shot repeatedly in the face with a .357 magnum by her boyfriend , 27-year-old larry tipton .after shooting eldemire twice , tipton laid down face up beside her and fatally shot himself .eldemire was not under the influence of drugs or alcohol , according to the report .\n", + "rebecca eldemire and larry tipton , 27 , were found dead in her bedroom in oxford , ohio on feb. 1 after her roommates heard loud bangsa coroner 's report revealed tuesday eldemire was shot at ` intermediate ' range and there were no signs of strugglethe night before , eldemire had called oxford police to ask for protection when he arrived at the apartment and police stopped him in the parking lotshe instructed the officers to accompany them to her apartment but after talking , she asked them to leave and they did\n", + "[1.4685625 1.411631 1.3272502 1.291702 1.0822557 1.0354812 1.020696\n", + " 1.0214181 1.1304262 1.0167035 1.1408645 1.0379789 1.0185049 1.1921312\n", + " 1.0160875 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 13 10 8 4 11 5 7 6 12 9 14 15 16 17 18 19]\n", + "=======================\n", + "['everton manager roberto martinez sees a fearlessness in relegation-threatened burnley similar to that displayed by his wigan team in surviving against the odds in the premier league .the clarets head to goodison park having beaten manchester city , drawn against tottenham and being narrowly defeated by arsenal in the last month .they remain two points from safety but martinez believes the fact they have been scrapping to get out of the bottom three all season - much like his wigan side in the four seasons he spent with them before joining the toffees - gives them an advantage over teams who have been dragged into the race for survival .']\n", + "=======================\n", + "[\"roberto martinez likens burnley to his former side wigan athleticsean dyche 's men are currently in the bottom three but are playing wellmartinez described wigan as fearless ahead of their clash on saturdayclick here for all the latest everton news\"]\n", + "everton manager roberto martinez sees a fearlessness in relegation-threatened burnley similar to that displayed by his wigan team in surviving against the odds in the premier league .the clarets head to goodison park having beaten manchester city , drawn against tottenham and being narrowly defeated by arsenal in the last month .they remain two points from safety but martinez believes the fact they have been scrapping to get out of the bottom three all season - much like his wigan side in the four seasons he spent with them before joining the toffees - gives them an advantage over teams who have been dragged into the race for survival .\n", + "roberto martinez likens burnley to his former side wigan athleticsean dyche 's men are currently in the bottom three but are playing wellmartinez described wigan as fearless ahead of their clash on saturdayclick here for all the latest everton news\n", + "[1.2813334 1.270668 1.0560974 1.201559 1.1513729 1.323909 1.2038056\n", + " 1.1934583 1.0112597 1.0430624 1.0925033 1.0467067 1.1457232 1.1577026\n", + " 1.0170012 1.0161352 0. 0. 0. 0. ]\n", + "\n", + "[ 5 0 1 6 3 7 13 4 12 10 2 11 9 14 15 8 16 17 18 19]\n", + "=======================\n", + "['a recent survey by the british heart foundation showed two fifths of parents are badgered by their children each week to buy food after seeing it advertised on tv , prompting the charity to deliver a 30,000 strong petition asking the government to ban junk food adverts being shown before the 9pm watershedacross the globe , more than 42 million children under the age of five are overweight or obese .and the rising tide of obesity extends into adulthood with 1.9 billion adults worldwide overweight , 600 million of which are classified as obese .']\n", + "=======================\n", + "[\"worldwide , 42 million children under the age of 5 are overweight or obesebritish heart foundation survey shows two thirds of parents feel badgered by their children each week to buy junk food after seeing it advertisedweight loss expert dr sally norton backed calls for ban on tv adsand criticised coca cola 's sponsorship of the london eye attraction\"]\n", + "a recent survey by the british heart foundation showed two fifths of parents are badgered by their children each week to buy food after seeing it advertised on tv , prompting the charity to deliver a 30,000 strong petition asking the government to ban junk food adverts being shown before the 9pm watershedacross the globe , more than 42 million children under the age of five are overweight or obese .and the rising tide of obesity extends into adulthood with 1.9 billion adults worldwide overweight , 600 million of which are classified as obese .\n", + "worldwide , 42 million children under the age of 5 are overweight or obesebritish heart foundation survey shows two thirds of parents feel badgered by their children each week to buy junk food after seeing it advertisedweight loss expert dr sally norton backed calls for ban on tv adsand criticised coca cola 's sponsorship of the london eye attraction\n", + "[1.3778373 1.1773584 1.3192606 1.2198166 1.2589487 1.24317 1.1867564\n", + " 1.0940188 1.0767584 1.0162759 1.0576619 1.07693 1.0399692 1.0524001\n", + " 1.0609623 1.0063068 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 4 5 3 6 1 7 11 8 14 10 13 12 9 15 16 17 18 19]\n", + "=======================\n", + "[\"beatrice tollman , founder of a luxury hotel chain , made her most recent donation of # 20,000 to the tories earlier this month to boost the party 's general election campaign coffershowever on the same day in 2008 her husband stanley tollman pleaded guilty to tax evasion .mr tollman repaid more than 100 million us dollars to america after the couple spent five years fighting off attempts to extradite mrs tollman from the uk over claims the south african couple had millions stashed in the channel islands .\"]\n", + "=======================\n", + "['tories returned donation from beatrice tollman , founder of hotel chainshe had previously been charged with conspiracy to evade millions of dollars in tax before the charges were dismissed by a judgebut on same day husband stanley tollman pleaded guilty to tax evasion']\n", + "beatrice tollman , founder of a luxury hotel chain , made her most recent donation of # 20,000 to the tories earlier this month to boost the party 's general election campaign coffershowever on the same day in 2008 her husband stanley tollman pleaded guilty to tax evasion .mr tollman repaid more than 100 million us dollars to america after the couple spent five years fighting off attempts to extradite mrs tollman from the uk over claims the south african couple had millions stashed in the channel islands .\n", + "tories returned donation from beatrice tollman , founder of hotel chainshe had previously been charged with conspiracy to evade millions of dollars in tax before the charges were dismissed by a judgebut on same day husband stanley tollman pleaded guilty to tax evasion\n", + "[1.2705054 1.1711845 1.1975679 1.1949297 1.3109617 1.3962498 1.1463858\n", + " 1.0529494 1.0324572 1.049327 1.0469296 1.104321 1.0729246 1.1999519\n", + " 1.0536833 1.0416914 1.0655828 0. 0. 0. ]\n", + "\n", + "[ 5 4 0 13 2 3 1 6 11 12 16 14 7 9 10 15 8 18 17 19]\n", + "=======================\n", + "[\"radamel falcao has struggled at manchester united after signing on loan from ligue 1 side monacomanchester united have been linked with cavani but the striker has n't impressed this seasonedinson cavani 's slumbering champions league performance against barcelona may well have put to bed any chance of him making a switch to manchester united .\"]\n", + "=======================\n", + "[\"edinson cavani struggled in both legs for psg against barcelonauruguayan striker 's scoring record in ligue 1 is n't what it should belouis van gaal prefers to work with young talent and cavani is 28radamel falcao has struggled at manchester united after signing on loancavani says he wants to stay at psg and he may not have much choicevan gaal identifies ilkay gundogan as replacement for michael carrick\"]\n", + "radamel falcao has struggled at manchester united after signing on loan from ligue 1 side monacomanchester united have been linked with cavani but the striker has n't impressed this seasonedinson cavani 's slumbering champions league performance against barcelona may well have put to bed any chance of him making a switch to manchester united .\n", + "edinson cavani struggled in both legs for psg against barcelonauruguayan striker 's scoring record in ligue 1 is n't what it should belouis van gaal prefers to work with young talent and cavani is 28radamel falcao has struggled at manchester united after signing on loancavani says he wants to stay at psg and he may not have much choicevan gaal identifies ilkay gundogan as replacement for michael carrick\n", + "[1.3556226 1.3290087 1.2647792 1.2078606 1.1781442 1.1074222 1.1171688\n", + " 1.0951743 1.1152341 1.097196 1.0175076 1.0272784 1.0262905 1.019655\n", + " 1.1098695 1.1420314 1.078577 1.0580835 1.0089135 0. ]\n", + "\n", + "[ 0 1 2 3 4 15 6 8 14 5 9 7 16 17 11 12 13 10 18 19]\n", + "=======================\n", + "[\"egypt 's former president mohammed morsi has been sentenced to 20 years for ordering the arrest and torture of protesters in 2012 .but a court in the country 's capital cairo acquitted the 63-year-old leader of charges that would have seen him face the death penalty .but the court cleared the defendants on charges of inciting murder over the deaths of a journalist and two protesters during the december 5 , 2012 clashes outside the presidential palace in cairo .\"]\n", + "=======================\n", + "['a court in cairo has sentenced the former leader over abuses of protestersbut he was cleared of charges that would have seen him face death penalty14 others convicted on same charges with most also sentenced to 20 yearsdefence lawyers said they would launch an appeal against the convictions']\n", + "egypt 's former president mohammed morsi has been sentenced to 20 years for ordering the arrest and torture of protesters in 2012 .but a court in the country 's capital cairo acquitted the 63-year-old leader of charges that would have seen him face the death penalty .but the court cleared the defendants on charges of inciting murder over the deaths of a journalist and two protesters during the december 5 , 2012 clashes outside the presidential palace in cairo .\n", + "a court in cairo has sentenced the former leader over abuses of protestersbut he was cleared of charges that would have seen him face death penalty14 others convicted on same charges with most also sentenced to 20 yearsdefence lawyers said they would launch an appeal against the convictions\n", + "[1.524626 1.4617527 1.114307 1.0880511 1.1221969 1.2542069 1.2066052\n", + " 1.3253069 1.0290147 1.0184381 1.0100056 1.038861 1.0964586 1.0551802\n", + " 1.0926037 1.0357394 1.042122 1.0580841 1.0221606 1.0155932]\n", + "\n", + "[ 0 1 7 5 6 4 2 12 14 3 17 13 16 11 15 8 18 9 19 10]\n", + "=======================\n", + "['unbeaten floyd mayweather faces more pressure than manny pacquiao when the pair meet in las vegas on may 2 but he will still be victorious , says joe calzaghe .it is being billed as the fight of the century , and is worth at least $ 180million and $ 120m to mayweather and pacquiao respectively , but former undefeated world super-middleweight and light-heavyweight boxing champion calzaghe is confident he can predict the outcome .floyd mayweather works out with his uncle roger at the mayweather boxing club ahead of the fight']\n", + "=======================\n", + "[\"floyd mayweather and manny pacquiao face off in las vegas on may 2joe calzaghe believes mayweather 's unbeaten record is a burdendespite that , the welshman thinks mayweather will beat his opponentread : ricky hatton gives his prediction to jeff powell ahead of the fightread : floyd mayweather vs manny pacquiao tickets finally go on sale\"]\n", + "unbeaten floyd mayweather faces more pressure than manny pacquiao when the pair meet in las vegas on may 2 but he will still be victorious , says joe calzaghe .it is being billed as the fight of the century , and is worth at least $ 180million and $ 120m to mayweather and pacquiao respectively , but former undefeated world super-middleweight and light-heavyweight boxing champion calzaghe is confident he can predict the outcome .floyd mayweather works out with his uncle roger at the mayweather boxing club ahead of the fight\n", + "floyd mayweather and manny pacquiao face off in las vegas on may 2joe calzaghe believes mayweather 's unbeaten record is a burdendespite that , the welshman thinks mayweather will beat his opponentread : ricky hatton gives his prediction to jeff powell ahead of the fightread : floyd mayweather vs manny pacquiao tickets finally go on sale\n", + "[1.2415152 1.1601381 1.2851362 1.2330275 1.2055869 1.2112999 1.16761\n", + " 1.0295478 1.0687743 1.1614995 1.0528457 1.0127361 1.0253698 1.013997\n", + " 1.2053874 1.0426368 1.0288476 1.0144712 1.0117706 1.0154111]\n", + "\n", + "[ 2 0 3 5 4 14 6 9 1 8 10 15 7 16 12 19 17 13 11 18]\n", + "=======================\n", + "[\"now he 's exhibiting his ` skills ' on stage in a one-man pickpocket show , called man of steal , in which he even takes off someone 's tie without them realising .no wonder james freedman 's super-nimble hands are insured for a huge sum -- for the fingers he uses to steal wallets are the tools of his trade .the watch : james freedman removes harry mount 's timepiece without him noticing in his pickpocketing lesson\"]\n", + "=======================\n", + "['harry met james freedman , who has his own one-man pickpocket showperformer advises police and teaches people how not to be victims of theftin astonishing demonstration , he shows how quickly a thief can rob you']\n", + "now he 's exhibiting his ` skills ' on stage in a one-man pickpocket show , called man of steal , in which he even takes off someone 's tie without them realising .no wonder james freedman 's super-nimble hands are insured for a huge sum -- for the fingers he uses to steal wallets are the tools of his trade .the watch : james freedman removes harry mount 's timepiece without him noticing in his pickpocketing lesson\n", + "harry met james freedman , who has his own one-man pickpocket showperformer advises police and teaches people how not to be victims of theftin astonishing demonstration , he shows how quickly a thief can rob you\n", + "[1.2552693 1.4258591 1.1690365 1.2177094 1.1550785 1.0854716 1.0578365\n", + " 1.0249579 1.185719 1.108408 1.0558221 1.0573736 1.0337398 1.1511295\n", + " 1.0391059 1.0278716 0. 0. ]\n", + "\n", + "[ 1 0 3 8 2 4 13 9 5 6 11 10 14 12 15 7 16 17]\n", + "=======================\n", + "['captured in a front room in bahama , north carolina , the three dogs -- a husky called sky , a brown and white springer spaniel called sadie and a black and white springer spaniel called marshall -- take their positions on their make-shift stage .a singing three piece of dogs exercised their vocal chords and produced a musical ensemble for the benefit of their owner .the video begins with sadie the springer spaniel barking and interacting with the husky named sky']\n", + "=======================\n", + "['the dogs called sky , sadie and marshall each stand in the front roomspringer spaniel begins barking before husky turns song into howlthird dog joins in with the song and the three dogs howl even louderbefore owner interrupts them and they stop and stare at him in surprise']\n", + "captured in a front room in bahama , north carolina , the three dogs -- a husky called sky , a brown and white springer spaniel called sadie and a black and white springer spaniel called marshall -- take their positions on their make-shift stage .a singing three piece of dogs exercised their vocal chords and produced a musical ensemble for the benefit of their owner .the video begins with sadie the springer spaniel barking and interacting with the husky named sky\n", + "the dogs called sky , sadie and marshall each stand in the front roomspringer spaniel begins barking before husky turns song into howlthird dog joins in with the song and the three dogs howl even louderbefore owner interrupts them and they stop and stare at him in surprise\n", + "[1.2737963 1.4487281 1.1279204 1.2633243 1.0864352 1.188147 1.1144928\n", + " 1.0696588 1.1368859 1.0732646 1.1207397 1.0242223 1.0109476 1.0152524\n", + " 1.0140823 1.0113014 0. 0. ]\n", + "\n", + "[ 1 0 3 5 8 2 10 6 4 9 7 11 13 14 15 12 16 17]\n", + "=======================\n", + "['a video posted on social media site vine by a user known as old row , shows the girl surrounded by her fellow festival goers at texas-based country music festival chilifest last weekend , facing up to three officers who are believed to have busted her for drinking , before challenging her to a round of the beloved playground game .an unidentified college student managed to get away without any kind of punishment after cops caught her drinking underage at a festival - because she beat them at a game of rock paper scissors .since being posted on monday , the vine has been viewed more than 500,000 times , receiving a total of 5,000 likes .']\n", + "=======================\n", + "[\"a video of the game , filmed at chilifest in snook , texas , was posted onto social media site vinethe clip shows the unidentified girl , believed to be a student at texas a&m university in college station winning the game by showing a ` rock '\"]\n", + "a video posted on social media site vine by a user known as old row , shows the girl surrounded by her fellow festival goers at texas-based country music festival chilifest last weekend , facing up to three officers who are believed to have busted her for drinking , before challenging her to a round of the beloved playground game .an unidentified college student managed to get away without any kind of punishment after cops caught her drinking underage at a festival - because she beat them at a game of rock paper scissors .since being posted on monday , the vine has been viewed more than 500,000 times , receiving a total of 5,000 likes .\n", + "a video of the game , filmed at chilifest in snook , texas , was posted onto social media site vinethe clip shows the unidentified girl , believed to be a student at texas a&m university in college station winning the game by showing a ` rock '\n", + "[1.232945 1.5749506 1.289292 1.4229558 1.1839433 1.1109478 1.0832261\n", + " 1.1347777 1.0878032 1.0501384 1.0137295 1.0304209 1.0314521 1.1078105\n", + " 1.0601093 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 7 5 13 8 6 14 9 12 11 10 15 16 17]\n", + "=======================\n", + "[\"andrew ` drew ' butler , 25 , allegedly shot mother-of-three kendra gonzalez from the passenger seat in san jose , california , in front of the couple 's two-year-old son and her teenage daughter .police said gonzalez and butler were involved in an argument when the gun went off .police have launched a manhunt for a father suspected of gunning down his girlfriend while she was driving .\"]\n", + "=======================\n", + "[\"andrew ` drew ' butler , 25 , allegedly shot mother-of-three kendra gonzalezhe was in passenger seat while pair were driving in san jose , californiadragged her body out of the car and left it lying on the streetbutler told the children to get out , drove off and abandoned them\"]\n", + "andrew ` drew ' butler , 25 , allegedly shot mother-of-three kendra gonzalez from the passenger seat in san jose , california , in front of the couple 's two-year-old son and her teenage daughter .police said gonzalez and butler were involved in an argument when the gun went off .police have launched a manhunt for a father suspected of gunning down his girlfriend while she was driving .\n", + "andrew ` drew ' butler , 25 , allegedly shot mother-of-three kendra gonzalezhe was in passenger seat while pair were driving in san jose , californiadragged her body out of the car and left it lying on the streetbutler told the children to get out , drove off and abandoned them\n", + "[1.2254366 1.2029094 1.1976238 1.3043736 1.2559577 1.0323861 1.025305\n", + " 1.134644 1.1422629 1.0545573 1.0869083 1.084845 1.039781 1.1430155\n", + " 1.025043 1.011884 1.0085279 1.013693 ]\n", + "\n", + "[ 3 4 0 1 2 13 8 7 10 11 9 12 5 6 14 17 15 16]\n", + "=======================\n", + "[\"jordan spieth hits a tee shot on the eighth hole during the final round of the rbc heritage tournamentspieth has competed in four events in a row as the new masters champion shows his commitment to the sportshortly after being presented with the green jacket , the man who has rapidly become everyone 's favourite texan flew to new york and gave 25 interviews over the course of 24 hours .\"]\n", + "=======================\n", + "['shortly after being presented with his green jacket , new masters champion jordan spieth gave 25 interviews over the course of 24 hours in new yorkthen , despite his fatigue , the 21-year-old flew to south carolina to keep a promise and play in the heritage tournament - his fourth event in a rowby contrast , players on the european tour have not shown the same sort of unwavering commitment to the sportian poulter , henrik stenson and sergio garcia have decided not to play at the bmw pga championship being staged at wentworth next month']\n", + "jordan spieth hits a tee shot on the eighth hole during the final round of the rbc heritage tournamentspieth has competed in four events in a row as the new masters champion shows his commitment to the sportshortly after being presented with the green jacket , the man who has rapidly become everyone 's favourite texan flew to new york and gave 25 interviews over the course of 24 hours .\n", + "shortly after being presented with his green jacket , new masters champion jordan spieth gave 25 interviews over the course of 24 hours in new yorkthen , despite his fatigue , the 21-year-old flew to south carolina to keep a promise and play in the heritage tournament - his fourth event in a rowby contrast , players on the european tour have not shown the same sort of unwavering commitment to the sportian poulter , henrik stenson and sergio garcia have decided not to play at the bmw pga championship being staged at wentworth next month\n", + "[1.2182704 1.4875808 1.2219974 1.2484466 1.2927666 1.0509561 1.0224625\n", + " 1.017856 1.073588 1.0492544 1.2218562 1.1551087 1.0513486 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 2 10 0 11 8 12 5 9 6 7 16 13 14 15 17]\n", + "=======================\n", + "[\"the heritage-listed colonial georgian residence , with three storeys and six bedrooms , was built by whaling captain george grimes who constructed a row of early 1840s terraces depicted in artist conrad marten 's work in 1843 .the 416sqm inner city block property boasts stunning views of the sydney harbour bridge from the front lacework terraceone of sydney 's oldest surviving homes is expected to go under the hammer for $ 4million in the much sought after harbourside suburb of millers point next month .\"]\n", + "=======================\n", + "[\"grimes cottage is a heritage-listed 1830s colonial georgian residence with three storeys and six bedroomsone of the oldest surviving homes in sydney - the 185-year-old house was built by whaling captain george grimesless than 10 minutes walk to the city 's centre - the property boasts sydney harbour bridge viewsonly one of two freestanding properties in nsw goverment 's social housing portfolio earmarked to be sold in areathe 50 argyle place property is situated in the much sought after postcode of millers point\"]\n", + "the heritage-listed colonial georgian residence , with three storeys and six bedrooms , was built by whaling captain george grimes who constructed a row of early 1840s terraces depicted in artist conrad marten 's work in 1843 .the 416sqm inner city block property boasts stunning views of the sydney harbour bridge from the front lacework terraceone of sydney 's oldest surviving homes is expected to go under the hammer for $ 4million in the much sought after harbourside suburb of millers point next month .\n", + "grimes cottage is a heritage-listed 1830s colonial georgian residence with three storeys and six bedroomsone of the oldest surviving homes in sydney - the 185-year-old house was built by whaling captain george grimesless than 10 minutes walk to the city 's centre - the property boasts sydney harbour bridge viewsonly one of two freestanding properties in nsw goverment 's social housing portfolio earmarked to be sold in areathe 50 argyle place property is situated in the much sought after postcode of millers point\n", + "[1.3101906 1.4790165 1.3157911 1.1500002 1.1640295 1.1453001 1.1902748\n", + " 1.0807564 1.1020768 1.0412284 1.1540093 1.0230373 1.0254833 1.0468563\n", + " 1.0807453 1.0286543 1.0420432 1.0345094 1.0075066]\n", + "\n", + "[ 1 2 0 6 4 10 3 5 8 7 14 13 16 9 17 15 12 11 18]\n", + "=======================\n", + "[\"the ex bon jovi guitarist , 55 , allegedly told former business partner nikki lund he would ` dig a hole in the desert and bury her ' , daily mail online can exclusively reveal .sambora is said to have made the chilling threat during a blazing telephone argument on march 19 .rocker richie sambora is being investigated by police over claims he ` threatened to kill ' his former fashion designer lover .\"]\n", + "=======================\n", + "[\"richie sambora is about to be quizzed by police over claims he ` threatened to kill ' his former fashion designer lover and business partnershe is a childhood friend of kim kardashianpolice in the wealthy los angeles suburb of calabasas confirmed sambora is a ` person of interest ' in an active investigation into criminal threatstheir joint venture collapsed at the last moment and nikki went out on her ownrock star is believed to be on vacation in bora bora with his ex-wife heather locklear and daughter ava\"]\n", + "the ex bon jovi guitarist , 55 , allegedly told former business partner nikki lund he would ` dig a hole in the desert and bury her ' , daily mail online can exclusively reveal .sambora is said to have made the chilling threat during a blazing telephone argument on march 19 .rocker richie sambora is being investigated by police over claims he ` threatened to kill ' his former fashion designer lover .\n", + "richie sambora is about to be quizzed by police over claims he ` threatened to kill ' his former fashion designer lover and business partnershe is a childhood friend of kim kardashianpolice in the wealthy los angeles suburb of calabasas confirmed sambora is a ` person of interest ' in an active investigation into criminal threatstheir joint venture collapsed at the last moment and nikki went out on her ownrock star is believed to be on vacation in bora bora with his ex-wife heather locklear and daughter ava\n", + "[1.2943006 1.2755392 1.335212 1.3243597 1.3540448 1.1523331 1.0352718\n", + " 1.1163529 1.0356644 1.0229807 1.0564387 1.1300514 1.1676109 1.0849316\n", + " 1.015753 1.0499953 1.0081577 1.0074534 0. ]\n", + "\n", + "[ 4 2 3 0 1 12 5 11 7 13 10 15 8 6 9 14 16 17 18]\n", + "=======================\n", + "['the family were walking near their home at caves beach , near lake macquarie , when he was killed suddenly in a puddle that was connected to a fallen live electrical wireaussie the dog had always been very protective of his owners kai , seven , and sophie , 10 .their grandmother deanna addicoat said the children were traumatised after seeing their dog die']\n", + "=======================\n", + "['aussie the dog saved the lives of his owners kai , seven , and sophie , 10he stepped into a puddle that was live with electrical current in the aftermath of the wild nsw storms at caves beach , near lake macquariethe cattle dog puppy is being remembered as a hero by the family']\n", + "the family were walking near their home at caves beach , near lake macquarie , when he was killed suddenly in a puddle that was connected to a fallen live electrical wireaussie the dog had always been very protective of his owners kai , seven , and sophie , 10 .their grandmother deanna addicoat said the children were traumatised after seeing their dog die\n", + "aussie the dog saved the lives of his owners kai , seven , and sophie , 10he stepped into a puddle that was live with electrical current in the aftermath of the wild nsw storms at caves beach , near lake macquariethe cattle dog puppy is being remembered as a hero by the family\n", + "[1.052312 1.3280796 1.3866248 1.2923135 1.2817073 1.0686502 1.126902\n", + " 1.0413145 1.3019264 1.1796615 1.0310798 1.0420991 1.0245817 1.0192742\n", + " 1.0310261 1.036666 0. 0. 0. ]\n", + "\n", + "[ 2 1 8 3 4 9 6 5 0 11 7 15 10 14 12 13 17 16 18]\n", + "=======================\n", + "[\"the eerie phenomenon is called an ` earthflow ' and is a rare type of landslide .but one russian youtuber captured the terrifying moment a stream of soil flowed down a bank next to a main road , crushing trees in its powerful path and leaving toppled power lines in its wake .alexander giniyatullin kept a remarkably steady hand filming the scary scene in the kemerovo region of russia ( shown by the red marker ) , which is thought to have happened at 1pm on april 1\"]\n", + "=======================\n", + "['eerie earthflow was captured in the kemerovo region of russiait left a wide path of destruction , toppling pylons and crushing treesearthflows can vary in speed from barely detectable to 12 mph ( 20km/h )they are a form of landslide where fine soil or sand becomes waterlogged']\n", + "the eerie phenomenon is called an ` earthflow ' and is a rare type of landslide .but one russian youtuber captured the terrifying moment a stream of soil flowed down a bank next to a main road , crushing trees in its powerful path and leaving toppled power lines in its wake .alexander giniyatullin kept a remarkably steady hand filming the scary scene in the kemerovo region of russia ( shown by the red marker ) , which is thought to have happened at 1pm on april 1\n", + "eerie earthflow was captured in the kemerovo region of russiait left a wide path of destruction , toppling pylons and crushing treesearthflows can vary in speed from barely detectable to 12 mph ( 20km/h )they are a form of landslide where fine soil or sand becomes waterlogged\n", + "[1.3059387 1.3860811 1.2088375 1.37377 1.0584567 1.2559054 1.120127\n", + " 1.1429412 1.0783556 1.0787128 1.0111965 1.0182363 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 5 2 7 6 9 8 4 11 10 17 12 13 14 15 16 18]\n", + "=======================\n", + "[\"the former 2day fm co-host , who shot to notoriety in 2012 after a prank call during the duchess of cambridge 's first pregnancy resulted in the death of the nurse who took the call , penned the letter to ask the media , ` have we not learnt enough from the royal prank call ? 'in the letter , greig asks why the media continues to seek fresh angles for stories after seeing the consequences of her mistake , and asks various media outlets to learn from the tragedy of ms saldana 's death and to be sensible when it comes to covering the birth of the second royal baby .greig has since revealed her personal torment over the prank , and was unable to return to her role on the air , saying earlier in the year that she felt ` the world hated [ her ] ' for what had happened .\"]\n", + "=======================\n", + "[\"former 2day fm host mel greig penned an open note to the mediagreig became infamous in 2012 when she was involved in a prank with her co-host which resulted in the suicide of a nurse in london two days later` have we not learnt enough from the royal prank call ? 'she asks the media to be sensible when covering the birth of baby # 2greig speaks of being on the receiving end of aggressive journalists and says that there are certain lines that should never be crossed\"]\n", + "the former 2day fm co-host , who shot to notoriety in 2012 after a prank call during the duchess of cambridge 's first pregnancy resulted in the death of the nurse who took the call , penned the letter to ask the media , ` have we not learnt enough from the royal prank call ? 'in the letter , greig asks why the media continues to seek fresh angles for stories after seeing the consequences of her mistake , and asks various media outlets to learn from the tragedy of ms saldana 's death and to be sensible when it comes to covering the birth of the second royal baby .greig has since revealed her personal torment over the prank , and was unable to return to her role on the air , saying earlier in the year that she felt ` the world hated [ her ] ' for what had happened .\n", + "former 2day fm host mel greig penned an open note to the mediagreig became infamous in 2012 when she was involved in a prank with her co-host which resulted in the suicide of a nurse in london two days later` have we not learnt enough from the royal prank call ? 'she asks the media to be sensible when covering the birth of baby # 2greig speaks of being on the receiving end of aggressive journalists and says that there are certain lines that should never be crossed\n", + "[1.4851804 1.3573996 1.3232604 1.4695549 1.1090304 1.0796154 1.1271408\n", + " 1.123571 1.0283886 1.0332049 1.0301071 1.0121533 1.0349033 1.2032944\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 13 6 7 4 5 12 9 10 8 11 17 14 15 16 18]\n", + "=======================\n", + "[\"rory mcilroy was joined by niall horan at the masters on wednesday and the world 's best golfer is set to return the favour by singing on stage with the one direction star at the end of the summer .one direction singer niall horan caddied for rory mcilroy in the traditional par-3 contest at augusta nationalaugusta national 's par-3 course traditionally hosts the par-3 contest the day before the first major of the year\"]\n", + "=======================\n", + "[\"rory mcilory was joined on the course by niall horan for par-3 contestthe one direction star suffered an embarrassing slip while carrying mcilroy 's clubs during the round on wednesdaymcilroy shot a one-under-par round to finish in a tie for 16th\"]\n", + "rory mcilroy was joined by niall horan at the masters on wednesday and the world 's best golfer is set to return the favour by singing on stage with the one direction star at the end of the summer .one direction singer niall horan caddied for rory mcilroy in the traditional par-3 contest at augusta nationalaugusta national 's par-3 course traditionally hosts the par-3 contest the day before the first major of the year\n", + "rory mcilory was joined on the course by niall horan for par-3 contestthe one direction star suffered an embarrassing slip while carrying mcilroy 's clubs during the round on wednesdaymcilroy shot a one-under-par round to finish in a tie for 16th\n", + "[1.461101 1.2494727 1.4169729 1.1832803 1.180861 1.0510832 1.060574\n", + " 1.061697 1.0457821 1.1173288 1.098337 1.0162609 1.1124125 1.1742214\n", + " 1.1034741 1.030469 1.0230967 1.0168144 1.0906428 1.0334885 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 4 13 9 12 14 10 18 7 6 5 8 19 15 16 17 11 20 21 22 23]\n", + "=======================\n", + "[\"ryan wray , 26 , was formally charged with second-degree felony forcible sexual abuse on fridaya former utah state university fraternity president who was arrested in march on suspicion of sexual assault was officially charged in first district court on friday .wray , who served as the 2013 and 2014 pi kappa alpha president , was tasked with keeping safe women who ` could no longer take care of themselves ' at parties at the off-campus frat house , the salt lake tribune reported .\"]\n", + "=======================\n", + "[\"ryan wray , 26 , charged with second-degree felony forcible sexual abuseusu pi kappa alpha chapter suspended operations after wray 's arrestthe 2013-14 president was suspended by fraternity after allegationswray faces up to 15 years in prison and could be disciplined by schoolincidents allegedly occurred between last october and wray 's march arrest\"]\n", + "ryan wray , 26 , was formally charged with second-degree felony forcible sexual abuse on fridaya former utah state university fraternity president who was arrested in march on suspicion of sexual assault was officially charged in first district court on friday .wray , who served as the 2013 and 2014 pi kappa alpha president , was tasked with keeping safe women who ` could no longer take care of themselves ' at parties at the off-campus frat house , the salt lake tribune reported .\n", + "ryan wray , 26 , charged with second-degree felony forcible sexual abuseusu pi kappa alpha chapter suspended operations after wray 's arrestthe 2013-14 president was suspended by fraternity after allegationswray faces up to 15 years in prison and could be disciplined by schoolincidents allegedly occurred between last october and wray 's march arrest\n", + "[1.2525496 1.3954211 1.2300948 1.1349223 1.252303 1.2091868 1.0609483\n", + " 1.1065131 1.063899 1.0559411 1.0762632 1.0856075 1.0867388 1.0913261\n", + " 1.0733078 1.0649279 1.0358396 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 5 3 7 13 12 11 10 14 15 8 6 9 16 22 17 18 19 20 21 23]\n", + "=======================\n", + "[\"kim howe 's two adult stepchildren are said to be considering suing the former olympic athlete turned reality television star following her death .bruce jenner could be sued by the stepchildren of the woman who died in the pacific coast highway car crash earlier this year - despite the fact they had ` virtually no relationship ' .crash : mrs howe , 69 , died after being involved in a four-way smash with realtiy tv star bruce jenner\"]\n", + "=======================\n", + "[\"kim howe 's stepchildren are said to have ` lawyered up ' following her deathmrs howe , 69 , died after being involved in a crash with the reality tv starthought she has no living blood relatives so stepchildren have only claimattorneys : ` sky 's the limit ' for pay out in a successful wrongful death suit\"]\n", + "kim howe 's two adult stepchildren are said to be considering suing the former olympic athlete turned reality television star following her death .bruce jenner could be sued by the stepchildren of the woman who died in the pacific coast highway car crash earlier this year - despite the fact they had ` virtually no relationship ' .crash : mrs howe , 69 , died after being involved in a four-way smash with realtiy tv star bruce jenner\n", + "kim howe 's stepchildren are said to have ` lawyered up ' following her deathmrs howe , 69 , died after being involved in a crash with the reality tv starthought she has no living blood relatives so stepchildren have only claimattorneys : ` sky 's the limit ' for pay out in a successful wrongful death suit\n", + "[1.0754203 1.2468487 1.288195 1.3448334 1.1607143 1.1258118 1.291336\n", + " 1.0570614 1.0498816 1.0345467 1.0315268 1.0388634 1.0316576 1.030716\n", + " 1.0152977 1.0319773 1.0677222 1.0237359 1.025001 1.0264966 1.0257506\n", + " 1.0281174 1.0258752 1.0184121]\n", + "\n", + "[ 3 6 2 1 4 5 0 16 7 8 11 9 15 12 10 13 21 19 22 20 18 17 23 14]\n", + "=======================\n", + "['a book designed to discover clever people in the 1930s has been republished and is full of tricky questions and brain-teasers .four men can build four boats in four days .the answers can be found at the bottom of the page .']\n", + "=======================\n", + "['book by robert streeter and robert hoehn republished from 1930soriginally designed to discover clever people by posing hard questions']\n", + "a book designed to discover clever people in the 1930s has been republished and is full of tricky questions and brain-teasers .four men can build four boats in four days .the answers can be found at the bottom of the page .\n", + "book by robert streeter and robert hoehn republished from 1930soriginally designed to discover clever people by posing hard questions\n", + "[1.1878365 1.5250748 1.3791193 1.4373803 1.2997824 1.1889988 1.050196\n", + " 1.0274268 1.0311699 1.030446 1.0341582 1.0395691 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 5 0 6 11 10 8 9 7 22 12 13 14 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"fearless atif saeed , 38 , from lahore , pakistan was in the city 's safari park when he spotted the male lion in the distance .atif saeed crept to within 10 feet of the hungry lion before leaving the safety of his car to lie on the groundarmed only with a camera , mr saeed , managed to capture a couple of frames before retreating to safety\"]\n", + "=======================\n", + "[\"photographer atif saeed crept to within ten feet of the hungry male lionfearless mr saeed left the safety of his car to sit on the ground for the shotas soon as the camera captured the image , mr saeed had to flee for his lifethe lion charged at the intrepid photographer as he closed the car 's door\"]\n", + "fearless atif saeed , 38 , from lahore , pakistan was in the city 's safari park when he spotted the male lion in the distance .atif saeed crept to within 10 feet of the hungry lion before leaving the safety of his car to lie on the groundarmed only with a camera , mr saeed , managed to capture a couple of frames before retreating to safety\n", + "photographer atif saeed crept to within ten feet of the hungry male lionfearless mr saeed left the safety of his car to sit on the ground for the shotas soon as the camera captured the image , mr saeed had to flee for his lifethe lion charged at the intrepid photographer as he closed the car 's door\n", + "[1.2115985 1.0518073 1.0831859 1.1030508 1.1195159 1.153248 1.1621553\n", + " 1.110232 1.1609371 1.0715239 1.0582395 1.0869689 1.0726432 1.0272775\n", + " 1.0527296 1.0865701 1.0393904 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 6 8 5 4 7 3 11 15 2 12 9 10 14 1 16 13 22 17 18 19 20 21 23]\n", + "=======================\n", + "['( cnn ) whether a patient is in the hospital for an organ transplant , an appendectomy or to have a baby , one complaint is common : the gown .the cleveland clinic was an early trendsetter .hospital gowns have gotten a face-lift after some help from fashion designers like these from patient style and the henry ford innovation institute .']\n", + "=======================\n", + "['hospital gowns have gotten a face-lift with help from fashion designers such as diane von furstenbergwhat patients wear needs to be comfortable yet allow health professionals access during examspatient satisfaction is linked to the size of medicare payments hospitals get']\n", + "( cnn ) whether a patient is in the hospital for an organ transplant , an appendectomy or to have a baby , one complaint is common : the gown .the cleveland clinic was an early trendsetter .hospital gowns have gotten a face-lift after some help from fashion designers like these from patient style and the henry ford innovation institute .\n", + "hospital gowns have gotten a face-lift with help from fashion designers such as diane von furstenbergwhat patients wear needs to be comfortable yet allow health professionals access during examspatient satisfaction is linked to the size of medicare payments hospitals get\n", + "[1.0437446 1.1417108 1.244711 1.4781785 1.2708519 1.3235968 1.1522312\n", + " 1.078746 1.084987 1.0959195 1.1193964 1.094417 1.1049933 1.0568993\n", + " 1.0525858 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 5 4 2 6 1 10 12 9 11 8 7 13 14 0 15 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"more than 730,285 reddit users have pressed the button ( pictured ) since the california firm launched its r/thebutton thread on april fool 's day .it is not yet known what happens when the timer reaches zero and users can only click the button oncea current reddit thread is testing its users resolve to do just this by placing a clickable button next to a 60-second timer .\"]\n", + "=======================\n", + "[\"reddit launched its r/thebutton thread on april fool 's dayit is accompanied by a timer that counts down from 60 secondswhen the button is clicked , the timer resets and the person who pressed it is given a colour that signifies how long they left it before pressingit is not known what will happen if the timer drops to zero\"]\n", + "more than 730,285 reddit users have pressed the button ( pictured ) since the california firm launched its r/thebutton thread on april fool 's day .it is not yet known what happens when the timer reaches zero and users can only click the button oncea current reddit thread is testing its users resolve to do just this by placing a clickable button next to a 60-second timer .\n", + "reddit launched its r/thebutton thread on april fool 's dayit is accompanied by a timer that counts down from 60 secondswhen the button is clicked , the timer resets and the person who pressed it is given a colour that signifies how long they left it before pressingit is not known what will happen if the timer drops to zero\n", + "[1.2816731 1.1442727 1.3022002 1.1644254 1.1470629 1.2229383 1.0951123\n", + " 1.0658718 1.0804223 1.0965383 1.105385 1.1108602 1.0705807 1.0251989\n", + " 1.0205959 1.014438 1.021671 1.0259291 1.03934 1.0496087 1.0429183\n", + " 1.0261291 1.0228336 1.0453613 1.03312 1.0686414]\n", + "\n", + "[ 2 0 5 3 4 1 11 10 9 6 8 12 25 7 19 23 20 18 24 21 17 13 22 16\n", + " 14 15]\n", + "=======================\n", + "[\"the pontiff made the comments at a 100th anniversary mass onpope francis has angered the turkish government by describing the mass-murders of up to 1.5 million armenians in 1915 as ` the firstsunday , prompting turkey to summon the holy see 's ambassador in\"]\n", + "=======================\n", + "[\"pope calls mass murder of armenians ` first genocide of the 20th century 'the 1915 killings saw 1.5 m armenians slaughtered by ottoman turksturkey said pope francis ' comments had caused a ` problem of trust 'turkey denies killings were genocide , saying both sides suffered loss\"]\n", + "the pontiff made the comments at a 100th anniversary mass onpope francis has angered the turkish government by describing the mass-murders of up to 1.5 million armenians in 1915 as ` the firstsunday , prompting turkey to summon the holy see 's ambassador in\n", + "pope calls mass murder of armenians ` first genocide of the 20th century 'the 1915 killings saw 1.5 m armenians slaughtered by ottoman turksturkey said pope francis ' comments had caused a ` problem of trust 'turkey denies killings were genocide , saying both sides suffered loss\n", + "[1.3358284 1.2900354 1.4073675 1.1965872 1.4617461 1.1029699 1.0205048\n", + " 1.0188191 1.0163747 1.017915 1.0158069 1.0121961 1.014095 1.3173233\n", + " 1.128939 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 2 0 13 1 3 14 5 6 7 9 8 10 12 11 15 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"tom daley hopes his new ` firework ' dive can help win olympic gold at the 2016 rio de janiero gameshowever , along with new coach jane figueiredo he spent the winter modifying a new plunge , something that has never been attempted before .the former world champion knows he needs to push the boundaries of his sport and spent most of last year battling to master his ` demon ' dive , a dizzying combination of somersaults and twists he had hoped would prove the difference .\"]\n", + "=======================\n", + "[\"tom daley won bronze in the men 's 10m platform at the 2012 olympicsfirework dive is a forward three-and-a-half somersaults with one twist pikedaley won silver with the plunge at the world diving series last monthdaley 's main aim this year is to win gold at the world championships\"]\n", + "tom daley hopes his new ` firework ' dive can help win olympic gold at the 2016 rio de janiero gameshowever , along with new coach jane figueiredo he spent the winter modifying a new plunge , something that has never been attempted before .the former world champion knows he needs to push the boundaries of his sport and spent most of last year battling to master his ` demon ' dive , a dizzying combination of somersaults and twists he had hoped would prove the difference .\n", + "tom daley won bronze in the men 's 10m platform at the 2012 olympicsfirework dive is a forward three-and-a-half somersaults with one twist pikedaley won silver with the plunge at the world diving series last monthdaley 's main aim this year is to win gold at the world championships\n", + "[1.2748749 1.1818849 1.0800005 1.0401734 1.4916128 1.1443226 1.1623923\n", + " 1.1364486 1.049275 1.0246195 1.0191035 1.0199139 1.0372918 1.0592859\n", + " 1.0619899 1.0307083 1.0180956 1.0216235 1.050767 1.0289648 1.01759\n", + " 1.0299512 1.0195522 1.0312618 1.0411986 1.1702791]\n", + "\n", + "[ 4 0 1 25 6 5 7 2 14 13 18 8 24 3 12 23 15 21 19 9 17 11 22 10\n", + " 16 20]\n", + "=======================\n", + "['leigh griffiths celebrates scoring his third goal of the afternoon against dundee united on sundaythey see less of leigh griffiths on the streets of leith now than they used to .he no longer plays for hibernian for a start .']\n", + "=======================\n", + "['leigh griffiths is making the right sort of noise with celticas a youngster griffiths had his fair share of controversythen celtic manager neil lennon took a gamble signing him last yeargriffiths has been a real success for the bhoys since - most notably scoring 14 goals in his last 17 games']\n", + "leigh griffiths celebrates scoring his third goal of the afternoon against dundee united on sundaythey see less of leigh griffiths on the streets of leith now than they used to .he no longer plays for hibernian for a start .\n", + "leigh griffiths is making the right sort of noise with celticas a youngster griffiths had his fair share of controversythen celtic manager neil lennon took a gamble signing him last yeargriffiths has been a real success for the bhoys since - most notably scoring 14 goals in his last 17 games\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[1.3285886 1.513016 1.2143127 1.3361108 1.0635701 1.0391334 1.0164845\n", + " 1.1094636 1.0903815 1.0593792 1.0296787 1.0723603 1.105767 1.0748998\n", + " 1.0705884 1.0635091 1.0697367 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 7 12 8 13 11 14 16 4 15 9 5 10 6 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "['tavon watson , 24 , was doing 100mph at the exotic driving experience at walt disney world in orlando when he slammed the $ 220,000 lamborghini on the passenger side into a guardrail , killing 35-year-old race track employee gary terry .the disney driving instructor who was killed in a lamborghini crash sunday tried to grab the wheel in a desperate attempt to prevent a collision , as investigators say the car may have been speeding in the wrong direction around the track .florida highway patrol sgt kim montes revealed tuesday that the guardrail damaged the italian car on the east side of the passenger door .']\n", + "=======================\n", + "[\"the exotic driving experience park lets racing fans drive top-end carsgary terry , 36 , died in the crash and was on the passengers sidetavon watson , 24-year-old hotel bellhop , was driving and was taken to hospital for treatmentday at the racetrack was a gift from watson 's wife for his birthdaydisney world spokesman said driver ` lost control ' of the lamborghinifamily friend said working at disney attraction was a ` dream job ' for terry , a former race car driver from michigan\"]\n", + "tavon watson , 24 , was doing 100mph at the exotic driving experience at walt disney world in orlando when he slammed the $ 220,000 lamborghini on the passenger side into a guardrail , killing 35-year-old race track employee gary terry .the disney driving instructor who was killed in a lamborghini crash sunday tried to grab the wheel in a desperate attempt to prevent a collision , as investigators say the car may have been speeding in the wrong direction around the track .florida highway patrol sgt kim montes revealed tuesday that the guardrail damaged the italian car on the east side of the passenger door .\n", + "the exotic driving experience park lets racing fans drive top-end carsgary terry , 36 , died in the crash and was on the passengers sidetavon watson , 24-year-old hotel bellhop , was driving and was taken to hospital for treatmentday at the racetrack was a gift from watson 's wife for his birthdaydisney world spokesman said driver ` lost control ' of the lamborghinifamily friend said working at disney attraction was a ` dream job ' for terry , a former race car driver from michigan\n", + "[1.3412728 1.1865602 1.3760544 1.3771024 1.202 1.2320564 1.1313462\n", + " 1.1022902 1.1296558 1.0539728 1.0334983 1.0117604 1.2108017 1.0431715\n", + " 1.0775222 1.0512191 1.0164099 1.0096347 1.0440309]\n", + "\n", + "[ 3 2 0 5 12 4 1 6 8 7 14 9 15 18 13 10 16 11 17]\n", + "=======================\n", + "[\"her husband bernie deegan , 70 , died suddenly earlier this year following a 12-year cancer battle .yvonne deegan , 77 , described the investigation as ` absolutely diabolical ' and said she was ` perfectly happy ' with the care provided by dr rory lyons .probe : guernsey police sent ten officers to the island last thursday to raid dr rory lyon 's surgery and a private address\"]\n", + "=======================\n", + "[\"widow of a patient who died has defended gp at the centre of police probeyvonne deegan 's husband bernie died this year following cancer battleshe said she was ` perfectly happy ' with the care provided by dr rory lyonsher husband 's death is one of four being investigated as part of probe\"]\n", + "her husband bernie deegan , 70 , died suddenly earlier this year following a 12-year cancer battle .yvonne deegan , 77 , described the investigation as ` absolutely diabolical ' and said she was ` perfectly happy ' with the care provided by dr rory lyons .probe : guernsey police sent ten officers to the island last thursday to raid dr rory lyon 's surgery and a private address\n", + "widow of a patient who died has defended gp at the centre of police probeyvonne deegan 's husband bernie died this year following cancer battleshe said she was ` perfectly happy ' with the care provided by dr rory lyonsher husband 's death is one of four being investigated as part of probe\n", + "[1.1431677 1.3098481 1.1765596 1.3081539 1.1957033 1.1590153 1.2544829\n", + " 1.143509 1.0195987 1.182447 1.0402544 1.0432229 1.0334234 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 6 4 9 2 5 7 0 11 10 12 8 17 13 14 15 16 18]\n", + "=======================\n", + "[\"there 's seaweed and kale puree to start , followed by a reishi mushroom flaxseed cream main course , with a dessert of coconut and blueberry chia pudding - with gluten-free cinnamon quinoa .foodie fidos will be treated to a five-course drinks-paired set menu at the curious canine kitchen which opens for one weekend only ( 11 to 12 april ) in shoreditch , londonmenu was devised by event organiser natty mason who worked with whole foods chef emily stevenson\"]\n", + "=======================\n", + "[\"the curious canine kitchen is a ` holistic restaurant for four-legged friends 'for # 20 per dog , your pet will be treated to a slap-up five-course set menuall proceeds will be donated to amazon cares , a street dogs charity\"]\n", + "there 's seaweed and kale puree to start , followed by a reishi mushroom flaxseed cream main course , with a dessert of coconut and blueberry chia pudding - with gluten-free cinnamon quinoa .foodie fidos will be treated to a five-course drinks-paired set menu at the curious canine kitchen which opens for one weekend only ( 11 to 12 april ) in shoreditch , londonmenu was devised by event organiser natty mason who worked with whole foods chef emily stevenson\n", + "the curious canine kitchen is a ` holistic restaurant for four-legged friends 'for # 20 per dog , your pet will be treated to a slap-up five-course set menuall proceeds will be donated to amazon cares , a street dogs charity\n", + "[1.1637776 1.4495366 1.4105086 1.4075358 1.230328 1.0300502 1.0209459\n", + " 1.0185214 1.0156208 1.2506475 1.0830792 1.0158345 1.0206872 1.1122504\n", + " 1.1071086 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 9 4 0 13 14 10 5 6 12 7 11 8 17 15 16 18]\n", + "=======================\n", + "[\"the toffees forward is the latest recipient of the barclays spirit of the game award for his selfless charity work and contributions to the local community .the 28-year-old has worked with the likes of job centre plus , dyslexia scotland and the whitechapel centre in liverpool , to help give back to the communities that have supported him throughout his football career .he 's earned the plaudits of the majority of everton supporters for his endeavours on-the-pitch , and now steven naismith has been awarded for his generosity off-it too .\"]\n", + "=======================\n", + "['steven naismith has worked with the likes of job centre plus , dyslexia scotland and the whitechapel centre in liverpool28-year-old has given back to communities that have supported himeverton forward teamed up with job centre plus to offer unemployed fans the opportunity to watch the club this season']\n", + "the toffees forward is the latest recipient of the barclays spirit of the game award for his selfless charity work and contributions to the local community .the 28-year-old has worked with the likes of job centre plus , dyslexia scotland and the whitechapel centre in liverpool , to help give back to the communities that have supported him throughout his football career .he 's earned the plaudits of the majority of everton supporters for his endeavours on-the-pitch , and now steven naismith has been awarded for his generosity off-it too .\n", + "steven naismith has worked with the likes of job centre plus , dyslexia scotland and the whitechapel centre in liverpool28-year-old has given back to communities that have supported himeverton forward teamed up with job centre plus to offer unemployed fans the opportunity to watch the club this season\n", + "[1.2698133 1.4772432 1.2879125 1.3740034 1.2587042 1.1320169 1.0156211\n", + " 1.0230548 1.0488222 1.0812497 1.101465 1.0736448 1.0911944 1.0536646\n", + " 1.0572073 1.0122213 1.0148354 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 10 12 9 11 14 13 8 7 6 16 15 17 18]\n", + "=======================\n", + "[\"lobster pound and moore , in cape breton , nova scotia , had posted ` effective as of now , we will no longer allow small screaming children ' , saying that it ` caters to those who enjoy food and are out to enjoy themselves ' .the message , posted last sunday night , was deleted by monday morning after a torrent of online abuse came from disgruntled parents .commenters began giving the restaurant 's facebook page one-star reviews and said that they would never again set foot in his restaurant .\"]\n", + "=======================\n", + "[\"lobster pound and moore in nova scotia had announced ban on loud kidsparents criticized decision and began giving the restaurant 1-star reviewsowner changed policy after ` hate and threats ' against him and his familyrestaurateur said he should have said ` lil diners having a moment ' and not used the word ` screaming ' in heartfelt apology\"]\n", + "lobster pound and moore , in cape breton , nova scotia , had posted ` effective as of now , we will no longer allow small screaming children ' , saying that it ` caters to those who enjoy food and are out to enjoy themselves ' .the message , posted last sunday night , was deleted by monday morning after a torrent of online abuse came from disgruntled parents .commenters began giving the restaurant 's facebook page one-star reviews and said that they would never again set foot in his restaurant .\n", + "lobster pound and moore in nova scotia had announced ban on loud kidsparents criticized decision and began giving the restaurant 1-star reviewsowner changed policy after ` hate and threats ' against him and his familyrestaurateur said he should have said ` lil diners having a moment ' and not used the word ` screaming ' in heartfelt apology\n", + "[1.2494429 1.5903473 1.2752208 1.3784193 1.2445884 1.1200773 1.1501942\n", + " 1.086626 1.1030524 1.0936459 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 6 5 8 9 7 17 10 11 12 13 14 15 16 18]\n", + "=======================\n", + "['dan klice , 57 , was officiating at a competition at ramapo college in mahwah , new jersey , when he was pierced by the projectile .police say that he saw the errant javelin headed towards him and tried to dodge it - but tripped over in the process .his fall left his left heel exposed , which was hit by the soaring javelin .']\n", + "=======================\n", + "[\"dan klice , 57 , was hit by soaring projectile ` after a gust of wind 'tried to dodge it , but fell , leaving his heel exposed when javelin struckhe was judging a contest at ramapo college , mahwah , new jersey\"]\n", + "dan klice , 57 , was officiating at a competition at ramapo college in mahwah , new jersey , when he was pierced by the projectile .police say that he saw the errant javelin headed towards him and tried to dodge it - but tripped over in the process .his fall left his left heel exposed , which was hit by the soaring javelin .\n", + "dan klice , 57 , was hit by soaring projectile ` after a gust of wind 'tried to dodge it , but fell , leaving his heel exposed when javelin struckhe was judging a contest at ramapo college , mahwah , new jersey\n", + "[1.2829764 1.3903323 1.290312 1.2425305 1.2108561 1.1372695 1.06897\n", + " 1.0630953 1.0927885 1.0873158 1.1231613 1.0735958 1.1198102 1.1214982\n", + " 1.0147638 1.0508299]\n", + "\n", + "[ 1 2 0 3 4 5 10 13 12 8 9 11 6 7 15 14]\n", + "=======================\n", + "['pierre collins was taken into custody on suspicion of second-degree murder in the death of barway collins , crystal police chief stephanie revering said in a news release .the father of a 10-year-old minnesota boy whose body was found in the mississippi river over the weekend was arrested monday , less than a month after he appeared at a vigil tearfully pleading for his safe return .he will be processed and taken to the hennepin county jail .']\n", + "=======================\n", + "[\"barway edwin collins , 10 , went missing from his crystal , minnesota apartment complex march 18 after schoolon saturday , searchers from boy scout troop found a body ten feet from mississippi river 's edge which was identified as barwaycrystal police chief said electronic evidence shows boy 's father pierre collins , 33 , was in area where body was found at time he disappearedhennepin county medical examiner said the cause and manner of barway 's death are still being investigatedmr collins was arrested monday on suspicion of second-degree murde\"]\n", + "pierre collins was taken into custody on suspicion of second-degree murder in the death of barway collins , crystal police chief stephanie revering said in a news release .the father of a 10-year-old minnesota boy whose body was found in the mississippi river over the weekend was arrested monday , less than a month after he appeared at a vigil tearfully pleading for his safe return .he will be processed and taken to the hennepin county jail .\n", + "barway edwin collins , 10 , went missing from his crystal , minnesota apartment complex march 18 after schoolon saturday , searchers from boy scout troop found a body ten feet from mississippi river 's edge which was identified as barwaycrystal police chief said electronic evidence shows boy 's father pierre collins , 33 , was in area where body was found at time he disappearedhennepin county medical examiner said the cause and manner of barway 's death are still being investigatedmr collins was arrested monday on suspicion of second-degree murde\n", + "[1.1926117 1.3908412 1.2213776 1.2909362 1.1711576 1.1102049 1.0927384\n", + " 1.1243566 1.0385032 1.0608927 1.0556264 1.0678729 1.106544 1.0261447\n", + " 1.0403348 1.0274087]\n", + "\n", + "[ 1 3 2 0 4 7 5 12 6 11 9 10 14 8 15 13]\n", + "=======================\n", + "['frank abagnale , whose early life on the run from the fbi was brought to life on the screen by leonardo di caprio , has said the public is underestimating the extent that their details have been stolen by digital fraudsters , the times reported .frank abagnale ( right ) has said individuals in the western world have probably already had their identities stolen .in the 2002 steven spielberg film abagnale , now 66 , poses as a doctor , a lecturer , a lawyer and an airline pilot over the course of a crime spree that eventually landed him in prison .']\n", + "=======================\n", + "[\"conman who inspired spielberg film says personal details no longer safefrank abagnale , with fbi for 35 years , says ids have already been stolenfraud expert calls level of theft ` unimaginable ' in the technological age\"]\n", + "frank abagnale , whose early life on the run from the fbi was brought to life on the screen by leonardo di caprio , has said the public is underestimating the extent that their details have been stolen by digital fraudsters , the times reported .frank abagnale ( right ) has said individuals in the western world have probably already had their identities stolen .in the 2002 steven spielberg film abagnale , now 66 , poses as a doctor , a lecturer , a lawyer and an airline pilot over the course of a crime spree that eventually landed him in prison .\n", + "conman who inspired spielberg film says personal details no longer safefrank abagnale , with fbi for 35 years , says ids have already been stolenfraud expert calls level of theft ` unimaginable ' in the technological age\n", + "[1.2867742 1.2840008 1.2137446 1.1844288 1.1885617 1.140714 1.0765133\n", + " 1.0768242 1.2588034 1.1191859 1.0675107 1.0733595 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 8 2 4 3 5 9 7 6 11 10 12 13 14 15]\n", + "=======================\n", + "[\"conceding three goals would be embarrassment enough for any goalkeeper , but rob green was forced to suffer even more humiliation at the hands of a ball boy on monday night .as the clock ticked down during qpr 's 3-3 away draw with aston villa , a cheeky youngster decided to while away a few more seconds by mugging off the former england no 1 with a handmade nutmeg .belgium powerhouse christian benteke ensured the points were shared at villa park by scoring a hat-trick against their his fellow relegation strugglers to move three points clear of the safety zone .\"]\n", + "=======================\n", + "['aston villa drew 3-3 with qpr in their premier league clash on mondaybelgium striker christian benteke scored a hat-trick for the villansrobert green was embarrassed by a nutmeg from a cheeky ball boy']\n", + "conceding three goals would be embarrassment enough for any goalkeeper , but rob green was forced to suffer even more humiliation at the hands of a ball boy on monday night .as the clock ticked down during qpr 's 3-3 away draw with aston villa , a cheeky youngster decided to while away a few more seconds by mugging off the former england no 1 with a handmade nutmeg .belgium powerhouse christian benteke ensured the points were shared at villa park by scoring a hat-trick against their his fellow relegation strugglers to move three points clear of the safety zone .\n", + "aston villa drew 3-3 with qpr in their premier league clash on mondaybelgium striker christian benteke scored a hat-trick for the villansrobert green was embarrassed by a nutmeg from a cheeky ball boy\n", + "[1.0957114 1.3537283 1.3151166 1.3753154 1.1917953 1.2944825 1.1183232\n", + " 1.0713571 1.0332159 1.0522158 1.126827 1.0662513 1.0584424 1.0404049\n", + " 1.0995938 1.0599849]\n", + "\n", + "[ 3 1 2 5 4 10 6 14 0 7 11 15 12 9 13 8]\n", + "=======================\n", + "[\"researchers from the university of patras took thermal infrared photographs of 41 volunteers ' faces , before and after drinking four glasses of wine .greek researchers created the algorithm , which determines a person 's state of intoxication by looking at the temperature of their face - especially the forehead and nose .and they say the technology could one day be installed in cars to spot drink drivers and stop them starting the ignition .\"]\n", + "=======================\n", + "[\"researchers from the university of patras , in greece created the algorithmdetermines a person 's state of intoxication by their facial temperatureanalysing the forehead and nose gives an accuracy rate of 90 per centexperts say system could one day be used by the police , and even in cars\"]\n", + "researchers from the university of patras took thermal infrared photographs of 41 volunteers ' faces , before and after drinking four glasses of wine .greek researchers created the algorithm , which determines a person 's state of intoxication by looking at the temperature of their face - especially the forehead and nose .and they say the technology could one day be installed in cars to spot drink drivers and stop them starting the ignition .\n", + "researchers from the university of patras , in greece created the algorithmdetermines a person 's state of intoxication by their facial temperatureanalysing the forehead and nose gives an accuracy rate of 90 per centexperts say system could one day be used by the police , and even in cars\n", + "[1.3418546 1.3597597 1.2784171 1.2631837 1.2611848 1.1861556 1.1436117\n", + " 1.1198217 1.080173 1.0292342 1.0327836 1.011371 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 5 6 7 8 10 9 11 12 13 14 15]\n", + "=======================\n", + "[\"henthorn was charged with the murder of second wife , toni bertolet , 51 , last november and police have since reopened their investigation into the suspicious death of his first wife some 20 years earlier .` double wife killer ' harold henthorn wants to use a $ 1.5 million life insurance pay out from a policy taken out on his second wife to pay for the defense in his trial for her murder .both women died in ` freak accidents ' to which henthorn , 59 , was the sole witness .\"]\n", + "=======================\n", + "[\"harold henthorn is charged with murdering his second wife and being investigated over the similar death of his first wifehe has demanded that he gets access to the $ 1.5 million life insurance payout from his second wife 's death to fund his defenseprosecutors are opposing move to access the funds\"]\n", + "henthorn was charged with the murder of second wife , toni bertolet , 51 , last november and police have since reopened their investigation into the suspicious death of his first wife some 20 years earlier .` double wife killer ' harold henthorn wants to use a $ 1.5 million life insurance pay out from a policy taken out on his second wife to pay for the defense in his trial for her murder .both women died in ` freak accidents ' to which henthorn , 59 , was the sole witness .\n", + "harold henthorn is charged with murdering his second wife and being investigated over the similar death of his first wifehe has demanded that he gets access to the $ 1.5 million life insurance payout from his second wife 's death to fund his defenseprosecutors are opposing move to access the funds\n", + "[1.4947413 1.3601285 1.1101822 1.3809127 1.2079018 1.068261 1.0668892\n", + " 1.086471 1.0934458 1.318387 1.1162778 1.0314327 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 9 4 10 2 8 7 5 6 11 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "['novak djokovic overcame a strong challenge from rafael nadal to reach the monte carlo masters final with a 6-3 , 6-3 win .novak djokovic celebrates victory over rafael nadal in the semi-final of monte carlothe world no 1 , who is bidding to win his third masters title in a row , lost the first two games of the match before battling back to set up a final against sixth seed tomas berdych .']\n", + "=======================\n", + "['novak djokovic beats rafael nadal 6-3 6-3 in monte carloserbian world no 1 will face tomas berdych in the final']\n", + "novak djokovic overcame a strong challenge from rafael nadal to reach the monte carlo masters final with a 6-3 , 6-3 win .novak djokovic celebrates victory over rafael nadal in the semi-final of monte carlothe world no 1 , who is bidding to win his third masters title in a row , lost the first two games of the match before battling back to set up a final against sixth seed tomas berdych .\n", + "novak djokovic beats rafael nadal 6-3 6-3 in monte carloserbian world no 1 will face tomas berdych in the final\n", + "[1.1032104 1.3397624 1.3491899 1.3437586 1.230485 1.1042475 1.0980271\n", + " 1.072701 1.1290244 1.046193 1.1120969 1.0161746 1.0288903 1.0119715\n", + " 1.0122892 1.0458847 1.1123444 1.1163806 1.0300131 1.0204518 1.112515 ]\n", + "\n", + "[ 2 3 1 4 8 17 20 16 10 5 0 6 7 9 15 18 12 19 11 14 13]\n", + "=======================\n", + "[\"called adidas go , the songs are additionally selected based on the runner 's musical interests and listening history and these selections become more relevant the more the app is used .adidas has partnered with spotify to create an app that tracks your speed and matches music to suit .instagram has launched an account called @music that helps people explore songs and albums .\"]\n", + "=======================\n", + "[\"adidas go app uses the phone 's accelerometer to monitor the user 's strideit then automatically plays tracks with matching beats per minutesongs are also selected based on the runner 's musical intereststhese selections become more relevant the more the app is used\"]\n", + "called adidas go , the songs are additionally selected based on the runner 's musical interests and listening history and these selections become more relevant the more the app is used .adidas has partnered with spotify to create an app that tracks your speed and matches music to suit .instagram has launched an account called @music that helps people explore songs and albums .\n", + "adidas go app uses the phone 's accelerometer to monitor the user 's strideit then automatically plays tracks with matching beats per minutesongs are also selected based on the runner 's musical intereststhese selections become more relevant the more the app is used\n", + "[1.1557446 1.2062693 1.1434772 1.2315518 1.2023245 1.0563488 1.0563143\n", + " 1.175448 1.1315923 1.0823426 1.1139445 1.0280086 1.0328065 1.0310898\n", + " 1.0692703 1.0523152 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 4 7 0 2 8 10 9 14 5 6 15 12 13 11 19 16 17 18 20]\n", + "=======================\n", + "['thingvellir national park provided the location for the north of westeros in game of thronesdespite the fact that iceland has been used in filming as far back as 1920 , well-known fantasy , sci-fi and action film directors and producers have all descended on the island nation as of late , prompting the quick development of 17 production services companies nationwide .fans will likely recognise the national park as the setting of the battle of the hound and brienne']\n", + "=======================\n", + "[\"iceland has become an increasingly popular filming location recentlychristopher nolan 's interstellar was shot atop the svinafellsjokull glaciereurope 's most powerful waterfall , dettifoss , was featured in prometheusgame of thrones producers opted to film at thingvellir national parkwarning : story contains spoilers for series four of game of thrones\"]\n", + "thingvellir national park provided the location for the north of westeros in game of thronesdespite the fact that iceland has been used in filming as far back as 1920 , well-known fantasy , sci-fi and action film directors and producers have all descended on the island nation as of late , prompting the quick development of 17 production services companies nationwide .fans will likely recognise the national park as the setting of the battle of the hound and brienne\n", + "iceland has become an increasingly popular filming location recentlychristopher nolan 's interstellar was shot atop the svinafellsjokull glaciereurope 's most powerful waterfall , dettifoss , was featured in prometheusgame of thrones producers opted to film at thingvellir national parkwarning : story contains spoilers for series four of game of thrones\n", + "[1.3243132 1.2344874 1.1842139 1.3707161 1.2323351 1.0480238 1.0921675\n", + " 1.0272 1.1282704 1.0961783 1.093635 1.0637171 1.0409836 1.033344\n", + " 1.0438979 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 2 8 9 10 6 11 5 14 12 13 7 19 15 16 17 18 20]\n", + "=======================\n", + "['an estimated 1,600 migrants have died so far this year on the dangerous mediterranean crossing , but still more wait to try to reach europe .tripoli , libya ( cnn ) smugglers lure arab and african migrants by offering discounts to get onto overcrowded ships if people bring more potential passengers , a cnn investigation has revealed .a smuggler in the libyan capital of tripoli laid bare the system for loading boats with poor and desperate refugees , during a conversation that a cnn producer secretly filmed .']\n", + "=======================\n", + "['cnn investigation uncovers the business inside a human smuggling ring10 % discount offered for every referral of another paying migrant , desperate to reach europe']\n", + "an estimated 1,600 migrants have died so far this year on the dangerous mediterranean crossing , but still more wait to try to reach europe .tripoli , libya ( cnn ) smugglers lure arab and african migrants by offering discounts to get onto overcrowded ships if people bring more potential passengers , a cnn investigation has revealed .a smuggler in the libyan capital of tripoli laid bare the system for loading boats with poor and desperate refugees , during a conversation that a cnn producer secretly filmed .\n", + "cnn investigation uncovers the business inside a human smuggling ring10 % discount offered for every referral of another paying migrant , desperate to reach europe\n", + "[1.1864789 1.3568757 1.3248901 1.2218406 1.1530885 1.1469276 1.0441482\n", + " 1.0963988 1.0556604 1.1149877 1.0358143 1.14781 1.0546577 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 11 5 9 7 8 12 6 10 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the grade i listed walton canonry is on the south side of cathedral close boasts a view of the river avon , backing onto the meadow where john constable took studies for his famous 1831 painting of the cathedral .the property agents say they 'll need to find someone with deep pockets to buy the 8,147 square foot mansion with 1.6 acres , on the market now for # 6.95 million .but it 's nothing compared to the # 23.1 million that the tate paid in 2013 for the painting , inspired by oils he painted on many visits to the exclusive area in the 1820s , now on show at the national museum of wales , cardiff .\"]\n", + "=======================\n", + "['walton canonry has view of salisbury cathedral enjoyed by john constable while taking studies for famous painting300-year-old home with six bedrooms and views of salisbury cathedral and avon has gone on the market for # 7millionconstable painting salisbury cathedral from the meadows was bought by the tate for # 23.1 million in 2013']\n", + "the grade i listed walton canonry is on the south side of cathedral close boasts a view of the river avon , backing onto the meadow where john constable took studies for his famous 1831 painting of the cathedral .the property agents say they 'll need to find someone with deep pockets to buy the 8,147 square foot mansion with 1.6 acres , on the market now for # 6.95 million .but it 's nothing compared to the # 23.1 million that the tate paid in 2013 for the painting , inspired by oils he painted on many visits to the exclusive area in the 1820s , now on show at the national museum of wales , cardiff .\n", + "walton canonry has view of salisbury cathedral enjoyed by john constable while taking studies for famous painting300-year-old home with six bedrooms and views of salisbury cathedral and avon has gone on the market for # 7millionconstable painting salisbury cathedral from the meadows was bought by the tate for # 23.1 million in 2013\n", + "[1.6278826 1.3220502 1.2884842 1.477324 1.2406387 1.0140927 1.0105796\n", + " 1.2122438 1.0097519 1.1597399 1.012175 1.022118 1.0813696 1.3071591\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 13 2 4 7 9 12 11 5 10 6 8 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"atletico madrid striker mario mandzukic is still bruised from a physical champions league quarter-final first leg against real madrid but is expected to be fit for the return at the bernabeu on wednesday , said coach diego simeone .the croatian suffered a cut to the top of the nose from an elbow by sergio ramos and fellow real defender dani carvajal punched him in the stomach , an incident unseen by the referee , during the clash at the calderon that ended 0-0 .mandzukic also suffered an ankle injury that forced him to miss saturday 's 2-1 win at deportivo la coruna in la liga but he is now back in training although showing the marks of his encounter with ramos .\"]\n", + "=======================\n", + "[\"atletico madrid drew 0-0 with real madrid in first leg at vicente calderonmandzukic was battered and bruised during the quarter-final matchthe atletico striker came to blows with sergio ramos and dani carvajaldiego simeone says mandzukic should be fit for wednesday 's second leg\"]\n", + "atletico madrid striker mario mandzukic is still bruised from a physical champions league quarter-final first leg against real madrid but is expected to be fit for the return at the bernabeu on wednesday , said coach diego simeone .the croatian suffered a cut to the top of the nose from an elbow by sergio ramos and fellow real defender dani carvajal punched him in the stomach , an incident unseen by the referee , during the clash at the calderon that ended 0-0 .mandzukic also suffered an ankle injury that forced him to miss saturday 's 2-1 win at deportivo la coruna in la liga but he is now back in training although showing the marks of his encounter with ramos .\n", + "atletico madrid drew 0-0 with real madrid in first leg at vicente calderonmandzukic was battered and bruised during the quarter-final matchthe atletico striker came to blows with sergio ramos and dani carvajaldiego simeone says mandzukic should be fit for wednesday 's second leg\n", + "[1.1040807 1.5182893 1.2638898 1.4152066 1.1911488 1.2652376 1.2644624\n", + " 1.0832937 1.2147765 1.0308963 1.0124804 1.0227019 1.0176519 1.1071408\n", + " 1.0850463 1.0132122 1.0166627 1.0856344 1.0217199 1.0070136 1.0088139\n", + " 1.0109715]\n", + "\n", + "[ 1 3 5 6 2 8 4 13 0 17 14 7 9 11 18 12 16 15 10 21 20 19]\n", + "=======================\n", + "['kira hollis was diagnosed with borderline personality disorder three years ago after a lengthy battle with depression and body dysmorphia .doctors had ordered the 27-year-old , from tamworth , staffordshire , to go to the gym to gain some weightshe had been self-harming and experienced from aggressive outbursts - and at just 6st , she was deemed clinically underweight .']\n", + "=======================\n", + "['kira hollis , 27 , weighed just 6st and was deemed clinically underweightshe was diagnosed with borderline personality disorder three years agodoctors ordered ms hollis , from tamworth , to start going to the gymshe reveals bodybuilding gave her confidence to overcome depression']\n", + "kira hollis was diagnosed with borderline personality disorder three years ago after a lengthy battle with depression and body dysmorphia .doctors had ordered the 27-year-old , from tamworth , staffordshire , to go to the gym to gain some weightshe had been self-harming and experienced from aggressive outbursts - and at just 6st , she was deemed clinically underweight .\n", + "kira hollis , 27 , weighed just 6st and was deemed clinically underweightshe was diagnosed with borderline personality disorder three years agodoctors ordered ms hollis , from tamworth , to start going to the gymshe reveals bodybuilding gave her confidence to overcome depression\n", + "[1.2753586 1.346231 1.2535712 1.2618544 1.094477 1.057762 1.0365522\n", + " 1.2014332 1.1052902 1.0898522 1.1023499 1.0228902 1.0586926 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 2 7 8 10 4 9 12 5 6 11 20 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"more than 40 years after the exorcist left cinema audiences green , the vatican has gathered a team of experts including practising exorcists to give ordinary catholics the tools needed to recognise a case of demonic possession when they see one -- and teach them what to do about it .the vatican are training up ordinary doctors , teachers and psychologists to cope with a rising tide of demonic possessions .the tenth edition of the annual course , ` exorcism and prayer of liberation , ' sponsored by the vatican congregation for the clergy , the department responsible for overseeing matters regarding priests , began this morning at rome 's regina apostolorum university .\"]\n", + "=======================\n", + "['doctors , teachers and psychologists being trained to cope with rising tidethe exorcist film left cinema audiences green more than 40 years agoexperts are teaching ordinary catholics how to recognise possessioncourse aims to help would-be exorcists distinguish demonic possession from psychological or medical conditions']\n", + "more than 40 years after the exorcist left cinema audiences green , the vatican has gathered a team of experts including practising exorcists to give ordinary catholics the tools needed to recognise a case of demonic possession when they see one -- and teach them what to do about it .the vatican are training up ordinary doctors , teachers and psychologists to cope with a rising tide of demonic possessions .the tenth edition of the annual course , ` exorcism and prayer of liberation , ' sponsored by the vatican congregation for the clergy , the department responsible for overseeing matters regarding priests , began this morning at rome 's regina apostolorum university .\n", + "doctors , teachers and psychologists being trained to cope with rising tidethe exorcist film left cinema audiences green more than 40 years agoexperts are teaching ordinary catholics how to recognise possessioncourse aims to help would-be exorcists distinguish demonic possession from psychological or medical conditions\n", + "[1.2127556 1.255301 1.3278519 1.1220192 1.2879449 1.248791 1.1730568\n", + " 1.0601958 1.1244346 1.0865229 1.0586004 1.0260795 1.0263371 1.1672268\n", + " 1.0834584 1.0748736 1.0257822 1.0447867 1.0141491 1.0200062 0.\n", + " 0. ]\n", + "\n", + "[ 2 4 1 5 0 6 13 8 3 9 14 15 7 10 17 12 11 16 19 18 20 21]\n", + "=======================\n", + "[\"it also comes as one of the few australians known to be facing death row in china - sydney man peter gardner - had his case pushed forward by six months .chinese authorities have said that eleven australians were apprehended on suspected drug smuggling charges in guangzhou alone in 2014 - a crime punishable by death .the revelation follows widespread public anger at indonesia 's executions of australian nationals myuran sukumaran and andrew chan despite the pleas of the federal government .\"]\n", + "=======================\n", + "[\"number and seriousness of australians facing death penalty in china is ` unprecedented 'that 's according to a high-level ministerial briefing obtained by daily mail australia under freedom of information lawsmany australians arrested were caught in guangzhou province - a production hub of the drug ` ice 'as many as 11 were arrested in guangzhou alone in 2014a prominent jockey and four other citizens are known to be potentially facing death row , including kalynda davis 's former partner peter gardnerms davis , 22 , was freed without charge in december after a month spent in a chinese prisondo you know more ?\"]\n", + "it also comes as one of the few australians known to be facing death row in china - sydney man peter gardner - had his case pushed forward by six months .chinese authorities have said that eleven australians were apprehended on suspected drug smuggling charges in guangzhou alone in 2014 - a crime punishable by death .the revelation follows widespread public anger at indonesia 's executions of australian nationals myuran sukumaran and andrew chan despite the pleas of the federal government .\n", + "number and seriousness of australians facing death penalty in china is ` unprecedented 'that 's according to a high-level ministerial briefing obtained by daily mail australia under freedom of information lawsmany australians arrested were caught in guangzhou province - a production hub of the drug ` ice 'as many as 11 were arrested in guangzhou alone in 2014a prominent jockey and four other citizens are known to be potentially facing death row , including kalynda davis 's former partner peter gardnerms davis , 22 , was freed without charge in december after a month spent in a chinese prisondo you know more ?\n", + "[1.29179 1.4564348 1.2491746 1.2954794 1.2664583 1.1418271 1.0323077\n", + " 1.0302308 1.0398397 1.1408495 1.1278831 1.0152152 1.1153885 1.0967807\n", + " 1.0393318 1.019144 1.0363599 1.0126206 1.0136318 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 4 2 5 9 10 12 13 8 14 16 6 7 15 11 18 17 20 19 21]\n", + "=======================\n", + "[\"jamar nicholson , 15 , and his friends were hanging out in an alleyway in south l.a. before school on february 10 when two police officers working for the lapd 's criminal gang-homicide unit approached the boys with their guns drawn .suing la for millions : jamar nicholson ( left ) and his friend jason huerta ( right ) , who stand solemnly in the alleyway where nicholson was shot , are suing the city of los angeles for $ 20 millionthe la times reports that one of the teenagers was holding a toy gun that the officers thought was real and it prompted the officers to fire .\"]\n", + "=======================\n", + "['jamar nicholson , 15 , was shot in the back by officer miguel gutierrez on february 10 because his friend was holding a toy gunnicholson and his friend jason huerta , 17 , are suing the city of los angeles for $ 20mofficer miguel gutierrez who shot nicholson has returned to duty but the incident is under investigation']\n", + "jamar nicholson , 15 , and his friends were hanging out in an alleyway in south l.a. before school on february 10 when two police officers working for the lapd 's criminal gang-homicide unit approached the boys with their guns drawn .suing la for millions : jamar nicholson ( left ) and his friend jason huerta ( right ) , who stand solemnly in the alleyway where nicholson was shot , are suing the city of los angeles for $ 20 millionthe la times reports that one of the teenagers was holding a toy gun that the officers thought was real and it prompted the officers to fire .\n", + "jamar nicholson , 15 , was shot in the back by officer miguel gutierrez on february 10 because his friend was holding a toy gunnicholson and his friend jason huerta , 17 , are suing the city of los angeles for $ 20mofficer miguel gutierrez who shot nicholson has returned to duty but the incident is under investigation\n", + "[1.1097245 1.2894329 1.4359599 1.3604643 1.3075874 1.0477774 1.0253152\n", + " 1.0269445 1.1462108 1.0382222 1.0705636 1.0420271 1.0580091 1.0443572\n", + " 1.0595701 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 4 1 8 0 10 14 12 5 13 11 9 7 6 15 16 17 18 19]\n", + "=======================\n", + "[\"the $ 250 ( # 168 ) device recognises the electronic signature of different devices - such as kettles and washing machines - allowing users to keep an eye on their energy consumption and even control appliances through their phone .now there 's a device called neurio that claims to make any ` ordinary home smart ' and even tells you when you 've accidently left lights on .neurio feeds information about energy consumption of the devices it 's recognised back to an app , where users can make decisions about how to save power and money by turning gadgets off , for instance .\"]\n", + "=======================\n", + "[\"$ 250 ( # 168 ) neurio device claims to make ` an ordinary home smart 'recognises the electronic signature of different devices , such as kettlesinformation is fed to an app to tell users their home 's energy consumptionapp allows users to control appliances through their phone too\"]\n", + "the $ 250 ( # 168 ) device recognises the electronic signature of different devices - such as kettles and washing machines - allowing users to keep an eye on their energy consumption and even control appliances through their phone .now there 's a device called neurio that claims to make any ` ordinary home smart ' and even tells you when you 've accidently left lights on .neurio feeds information about energy consumption of the devices it 's recognised back to an app , where users can make decisions about how to save power and money by turning gadgets off , for instance .\n", + "$ 250 ( # 168 ) neurio device claims to make ` an ordinary home smart 'recognises the electronic signature of different devices , such as kettlesinformation is fed to an app to tell users their home 's energy consumptionapp allows users to control appliances through their phone too\n", + "[1.4714993 1.1838503 1.4741414 1.2906654 1.2558548 1.2221111 1.0345945\n", + " 1.0254819 1.0375329 1.0320201 1.0361675 1.0303048 1.0198367 1.0320928\n", + " 1.1882538 1.0409476 1.0393499 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 4 5 14 1 15 16 8 10 6 13 9 11 7 12 18 17 19]\n", + "=======================\n", + "[\"ousman jatta , 45 , married wife beryl , 88 , in gambia 13 years ago and moved back to the uk with her when she became ill with dementia in 2006 .mr jatta , who is his wife 's carer , had taken her to a care home in february while he returned to africa for three weeks .but when he went to pick her up he was told social services had intervened and ruled she could not go home with him .\"]\n", + "=======================\n", + "['ousman jatta married to wife beryl 13 years ago after meeting in gambiacouple lived in africa until 2006 when mrs jatta became ill with dementia and they moved to bristolmr jatta took wife to care home in february when he went to africabut he says bristol city council have not allowed her to return home']\n", + "ousman jatta , 45 , married wife beryl , 88 , in gambia 13 years ago and moved back to the uk with her when she became ill with dementia in 2006 .mr jatta , who is his wife 's carer , had taken her to a care home in february while he returned to africa for three weeks .but when he went to pick her up he was told social services had intervened and ruled she could not go home with him .\n", + "ousman jatta married to wife beryl 13 years ago after meeting in gambiacouple lived in africa until 2006 when mrs jatta became ill with dementia and they moved to bristolmr jatta took wife to care home in february when he went to africabut he says bristol city council have not allowed her to return home\n", + "[1.4454296 1.2876867 1.4951786 1.3236994 1.1970943 1.0503933 1.0260717\n", + " 1.014474 1.0921366 1.0723759 1.2223608 1.0902128 1.0667576 1.0198556\n", + " 1.0503949 1.1322159 1.0492128 1.0251342 1.0205032 1.0157775]\n", + "\n", + "[ 2 0 3 1 10 4 15 8 11 9 12 14 5 16 6 17 18 13 19 7]\n", + "=======================\n", + "[\"kurt ludwigsen , 43 , is accused of kissing , harassing and touching 13 of his players during his time at nyack college .kurt ludwigsen is facing 94 sex-related chargeshe is facing 44 counts of forcible touching of another 's sexual parts , 49 counts of harassment involving unwanted physical contact and one count of sexual abuse .\"]\n", + "=======================\n", + "[\"kurt ludwigsen fired by nyack college in march after allegations surfacedpolice say he kissed , fondled and was inappropriate towards 13 playersludwigsen charged with forcible touching , harassment and sexual abusethe 43-year-old father of two is being held on $ 15,000 bail after arrestwould have been coach 's first season at nyack , a christian school in nyludwigsen , a career softball coach , lives in ridgewood , new jersey\"]\n", + "kurt ludwigsen , 43 , is accused of kissing , harassing and touching 13 of his players during his time at nyack college .kurt ludwigsen is facing 94 sex-related chargeshe is facing 44 counts of forcible touching of another 's sexual parts , 49 counts of harassment involving unwanted physical contact and one count of sexual abuse .\n", + "kurt ludwigsen fired by nyack college in march after allegations surfacedpolice say he kissed , fondled and was inappropriate towards 13 playersludwigsen charged with forcible touching , harassment and sexual abusethe 43-year-old father of two is being held on $ 15,000 bail after arrestwould have been coach 's first season at nyack , a christian school in nyludwigsen , a career softball coach , lives in ridgewood , new jersey\n", + "[1.4068948 1.2805502 1.1809084 1.0812149 1.0851625 1.3539386 1.1727724\n", + " 1.0447315 1.0443425 1.1182177 1.0164678 1.0164059 1.1387173 1.0412959\n", + " 1.0535767 1.0461627 1.0174242 1.0231138 1.0248413 1.050363 ]\n", + "\n", + "[ 0 5 1 2 6 12 9 4 3 14 19 15 7 8 13 18 17 16 10 11]\n", + "=======================\n", + "['at least one is dead after a powerful storm capsized several sailboats participating in a regatta , and crews searched late on saturday for at least four people missing in the waters , the coast guard said .more than 100 sailboats and as many as 200 people were participating in the dauphin island regatta in mobile bay .he said crews would search through the night .']\n", + "=======================\n", + "[\"a powerful storm capsized several sailboats participating in a regatta , and crews searched for at least four people missing in the watersdauphin island mayor jeff collier said that at least one person was confirmed dead , but he did not know the cause` it 's been a very tragic day , ' michael smith , with the buccaneer yacht clubthe identities of those who are dead and missing have not yet been revealed\"]\n", + "at least one is dead after a powerful storm capsized several sailboats participating in a regatta , and crews searched late on saturday for at least four people missing in the waters , the coast guard said .more than 100 sailboats and as many as 200 people were participating in the dauphin island regatta in mobile bay .he said crews would search through the night .\n", + "a powerful storm capsized several sailboats participating in a regatta , and crews searched for at least four people missing in the watersdauphin island mayor jeff collier said that at least one person was confirmed dead , but he did not know the cause` it 's been a very tragic day , ' michael smith , with the buccaneer yacht clubthe identities of those who are dead and missing have not yet been revealed\n", + "[1.362777 1.3165739 1.2918308 1.2764976 1.193832 1.2167437 1.0593226\n", + " 1.0850235 1.084929 1.046343 1.0495995 1.046491 1.0627396 1.0685558\n", + " 1.0415173 1.0276138 1.0284806 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 5 4 7 8 13 12 6 10 11 9 14 16 15 17 18 19]\n", + "=======================\n", + "[\"an indian salesman is facing seven years in prison and a fine of up to one million dirham - around # 186,000 - for allegedly cursing islam and the prophet mohammad on facebook .the 41-year-old man - identified only by his initials s.g. - is said to have posted a ` blasphemous ' status on his facebook page after watching a news bulletin about the war in iraq on television last july .he told police he was sent the image over whatsapp , but allegedly then admitted to posting the status\"]\n", + "=======================\n", + "['indian man , 41 , accused of posting insulting status about islamic prophetallegedly told police he wrote the status after watching footage of iraq warif found guilty he faces up to seven years in prison , a huge fine , or both']\n", + "an indian salesman is facing seven years in prison and a fine of up to one million dirham - around # 186,000 - for allegedly cursing islam and the prophet mohammad on facebook .the 41-year-old man - identified only by his initials s.g. - is said to have posted a ` blasphemous ' status on his facebook page after watching a news bulletin about the war in iraq on television last july .he told police he was sent the image over whatsapp , but allegedly then admitted to posting the status\n", + "indian man , 41 , accused of posting insulting status about islamic prophetallegedly told police he wrote the status after watching footage of iraq warif found guilty he faces up to seven years in prison , a huge fine , or both\n", + "[1.2052394 1.4164397 1.1731857 1.3298695 1.1886691 1.1462986 1.0467206\n", + " 1.0564059 1.0234392 1.0320423 1.1302598 1.0538933 1.0219598 1.0251523\n", + " 1.0265514 1.0166847 1.0374583 1.1501691 1.0645347 1.0391746 1.0125979\n", + " 1.0145054 1.0156153 1.092162 ]\n", + "\n", + "[ 1 3 0 4 2 17 5 10 23 18 7 11 6 19 16 9 14 13 8 12 15 22 21 20]\n", + "=======================\n", + "['motorists had to swerve out of the way of the giant hole after it appeared on the residential earl street in northampton at around 2pm , just hours after part of a london pavement collapsed , swallowing a pedestrian .enormous : the hole opened up on earl street , northampton , at about 2pm on thursdaya busy town centre was brought to a standstill this afternoon after a mysterious 15-foot sinkhole opened up in the road without warning - almost swallowing a number of cars in the process .']\n", + "=======================\n", + "[\"cars forced to swerve to avoid street collapse in northampton todayemergency services acted quickly to seal off the residential roadwitness describes it as ` something you would see in a disaster movie 'hole appeared hours after woman fell through london pavement\"]\n", + "motorists had to swerve out of the way of the giant hole after it appeared on the residential earl street in northampton at around 2pm , just hours after part of a london pavement collapsed , swallowing a pedestrian .enormous : the hole opened up on earl street , northampton , at about 2pm on thursdaya busy town centre was brought to a standstill this afternoon after a mysterious 15-foot sinkhole opened up in the road without warning - almost swallowing a number of cars in the process .\n", + "cars forced to swerve to avoid street collapse in northampton todayemergency services acted quickly to seal off the residential roadwitness describes it as ` something you would see in a disaster movie 'hole appeared hours after woman fell through london pavement\n", + "[1.3485843 1.3256438 1.2135851 1.2585233 1.114195 1.0864046 1.0692697\n", + " 1.1426433 1.104311 1.12038 1.1527153 1.058856 1.0805986 1.1325941\n", + " 1.0485672 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 10 7 13 9 4 8 5 12 6 11 14 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "['the body of a newborn baby was discovered hidden in a cubicle inside a michigan office building after police say the mother had secretly given birth in the bathroom and then returned to her seat to resume her work .staff at ceva logistics in the 24400 block of glendale avenue in redford reportedly had no idea their co-worker had been pregnant until tuesday morning .police confirmed that the 26-year-old woman , who has not been named , delivered a baby that was later pronounced dead .']\n", + "=======================\n", + "[\"the 26-year-old mother was found sitting in her cubicle at ceva logistics in michigan with blood on her clothesco-workers heard moaning and found blood all over bathroom stallpolice arrived on the scene and discovered baby 's body stuffed inside mother 's bag beneath her deskmedical examiner will determine whether or not the baby was born alive\"]\n", + "the body of a newborn baby was discovered hidden in a cubicle inside a michigan office building after police say the mother had secretly given birth in the bathroom and then returned to her seat to resume her work .staff at ceva logistics in the 24400 block of glendale avenue in redford reportedly had no idea their co-worker had been pregnant until tuesday morning .police confirmed that the 26-year-old woman , who has not been named , delivered a baby that was later pronounced dead .\n", + "the 26-year-old mother was found sitting in her cubicle at ceva logistics in michigan with blood on her clothesco-workers heard moaning and found blood all over bathroom stallpolice arrived on the scene and discovered baby 's body stuffed inside mother 's bag beneath her deskmedical examiner will determine whether or not the baby was born alive\n", + "[1.2186466 1.504689 1.1838626 1.256267 1.2574925 1.1374274 1.1253293\n", + " 1.098233 1.0985891 1.0884329 1.0467068 1.013683 1.075852 1.0376931\n", + " 1.032969 1.0667961 1.095597 1.0409105 1.0400207 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 0 2 5 6 8 7 16 9 12 15 10 17 18 13 14 11 19 20 21 22 23]\n", + "=======================\n", + "['ranulfo perez , 48 , was arrested by police after he allegedly groped the breasts of a 16-year-old girl who was outside a toys r us store as she was shown round with her tour group .a man who dresses as the cookie monster and greets visitors to times square was arrested for allegedly groping a 16-year-old and then freed after police could not be sure it was him .the incident is the latest involving people dressed up as costumed characters in times square , amid claims of sexual harassment and disorder .']\n", + "=======================\n", + "[\"a man dressed as the cookie monster in times square was arrestedranulfo perez was accused of aggressively hugging a 16-year-old girl and then ` forcibly ' touching her breasts outside a toys r us storebut he was released and police said they would not be prosecuting because they could not be sure teenager had identified correct manperez protested his innocence and said it ` could have been anyone '\"]\n", + "ranulfo perez , 48 , was arrested by police after he allegedly groped the breasts of a 16-year-old girl who was outside a toys r us store as she was shown round with her tour group .a man who dresses as the cookie monster and greets visitors to times square was arrested for allegedly groping a 16-year-old and then freed after police could not be sure it was him .the incident is the latest involving people dressed up as costumed characters in times square , amid claims of sexual harassment and disorder .\n", + "a man dressed as the cookie monster in times square was arrestedranulfo perez was accused of aggressively hugging a 16-year-old girl and then ` forcibly ' touching her breasts outside a toys r us storebut he was released and police said they would not be prosecuting because they could not be sure teenager had identified correct manperez protested his innocence and said it ` could have been anyone '\n", + "[1.3308319 1.5640231 1.22849 1.3175447 1.0960572 1.0820774 1.0221478\n", + " 1.0206431 1.015512 1.0992042 1.042916 1.0302131 1.0292029 1.1614107\n", + " 1.0494759 1.2011257 1.0920804 1.0513029 1.0223573 1.0120842 1.0957509\n", + " 1.1590208 1.032442 0. ]\n", + "\n", + "[ 1 0 3 2 15 13 21 9 4 20 16 5 17 14 10 22 11 12 18 6 7 8 19 23]\n", + "=======================\n", + "[\"the reds frontman was challenged to a dance-off by kop kids presenter paisley back in february and duly obliged only to be left red-faced by the talented youngster .daniel sturridge is well-known for showing off his dance moves , but the striker 's shapes were no match for a young liverpool fan .before the pair showed each other their moves , paisley sat down with the former chelsea man to ask him how important dancing and music is in his lift .\"]\n", + "=======================\n", + "[\"daniel sturridge has dance-off with kop kids presenter paisleyliverpool striker shows off new dance move called ` feed the ducks '25-year-old reveals his passion for music and dancingread : sturridge fitness our main concern says liverpool boss rodgersread : sturridge heads back to the us to see specialist\"]\n", + "the reds frontman was challenged to a dance-off by kop kids presenter paisley back in february and duly obliged only to be left red-faced by the talented youngster .daniel sturridge is well-known for showing off his dance moves , but the striker 's shapes were no match for a young liverpool fan .before the pair showed each other their moves , paisley sat down with the former chelsea man to ask him how important dancing and music is in his lift .\n", + "daniel sturridge has dance-off with kop kids presenter paisleyliverpool striker shows off new dance move called ` feed the ducks '25-year-old reveals his passion for music and dancingread : sturridge fitness our main concern says liverpool boss rodgersread : sturridge heads back to the us to see specialist\n", + "[1.0766658 1.156951 1.0630674 1.1331617 1.1448267 1.1904048 1.2394942\n", + " 1.1153964 1.2977655 1.0548916 1.1445553 1.0547484 1.0940751 1.0287817\n", + " 1.0133332 1.0278573 1.1304362 1.0383843 1.0363272 1.0306106 1.0947838\n", + " 1.0130341 1.0101902 1.0103691]\n", + "\n", + "[ 8 6 5 1 4 10 3 16 7 20 12 0 2 9 11 17 18 19 13 15 14 21 23 22]\n", + "=======================\n", + "[\"gascoigne 's goal came five minutes into an fa cup semi-final against tottenham 's arch-rivals , arsenalpaul gascoigne hits the 35-yard free-kick that would cement his place in tottenham legendthe other main contender for that prize is probably another of his , for england against scotland at euro 96 .\"]\n", + "=======================\n", + "['it is 24 years to the day since paul gascoigne scored in the fa cup semi-final against arsenalgascoigne struck a fierce 35-yard free-kick that beat david seamanit was hailed as one of the best goals in wembley history , and that comment still applies']\n", + "gascoigne 's goal came five minutes into an fa cup semi-final against tottenham 's arch-rivals , arsenalpaul gascoigne hits the 35-yard free-kick that would cement his place in tottenham legendthe other main contender for that prize is probably another of his , for england against scotland at euro 96 .\n", + "it is 24 years to the day since paul gascoigne scored in the fa cup semi-final against arsenalgascoigne struck a fierce 35-yard free-kick that beat david seamanit was hailed as one of the best goals in wembley history , and that comment still applies\n", + "[1.1010047 1.0500625 1.3078067 1.2306868 1.0371706 1.0256923 1.0291958\n", + " 1.5138705 1.0995892 1.0352699 1.0415586 1.0374256 1.3089874 1.1008539\n", + " 1.0364175 1.0221939 1.0123047 1.0626945 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 7 12 2 3 0 13 8 17 1 10 11 4 14 9 6 5 15 16 22 18 19 20 21 23]\n", + "=======================\n", + "[\"joe root ( left ) and ian bell ( right ) put on 177 runs for the fourth wicket on day one in antiguaben stokes was unbeaten on 71 at the close of play as england reached 341 for fiveengland 's top three are exceptional players but the issue is that they are very one-paced and when the west indies bowling was so disciplined , that became a problem on the first morning of the first test .\"]\n", + "=======================\n", + "[\"england close day one of first test against west indies on 341 for fiveian bell , joe root and ben stokes all played well to lead the recoveryengland 's top three were all dismissed cheaply to leave england in a holewhen england were 34 for three i received a lot of comments about my supposed motivational skills .paul newman 's day one report from antigua\"]\n", + "joe root ( left ) and ian bell ( right ) put on 177 runs for the fourth wicket on day one in antiguaben stokes was unbeaten on 71 at the close of play as england reached 341 for fiveengland 's top three are exceptional players but the issue is that they are very one-paced and when the west indies bowling was so disciplined , that became a problem on the first morning of the first test .\n", + "england close day one of first test against west indies on 341 for fiveian bell , joe root and ben stokes all played well to lead the recoveryengland 's top three were all dismissed cheaply to leave england in a holewhen england were 34 for three i received a lot of comments about my supposed motivational skills .paul newman 's day one report from antigua\n", + "[1.4229237 1.2537991 1.4156575 1.2541932 1.1684754 1.0753639 1.1013727\n", + " 1.0826306 1.0494442 1.0380591 1.1822597 1.1635993 1.0939443 1.0461015\n", + " 1.0299737 1.038989 1.0603923 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 10 4 11 6 12 7 5 16 8 13 15 9 14 22 17 18 19 20 21 23]\n", + "=======================\n", + "[\"matthew kenney smoked flakka and then ran nakedmatthew kenney , 34 , told police he smoked flakka before he streaked though traffic early on saturday evening while only wearing a pair of sneakers .flakka , which can be injected , snorted , smoked , swallowed or taken with other substances , has been nicknamed ' $ 5 insanity ' for its mind-bending effects and cheap cost .\"]\n", + "=======================\n", + "['matthew kenney , 34 , said he smoked flakka before he went streakingwas arrested on saturday after run through fort lauderdale , floridadrug is made from same version of stimulant used to produce bath saltsit causes euphoria , hallucinations , psychosis and superhuman strengthkenney has prior arrests and was hospitalized for a psychiatric evaluation']\n", + "matthew kenney smoked flakka and then ran nakedmatthew kenney , 34 , told police he smoked flakka before he streaked though traffic early on saturday evening while only wearing a pair of sneakers .flakka , which can be injected , snorted , smoked , swallowed or taken with other substances , has been nicknamed ' $ 5 insanity ' for its mind-bending effects and cheap cost .\n", + "matthew kenney , 34 , said he smoked flakka before he went streakingwas arrested on saturday after run through fort lauderdale , floridadrug is made from same version of stimulant used to produce bath saltsit causes euphoria , hallucinations , psychosis and superhuman strengthkenney has prior arrests and was hospitalized for a psychiatric evaluation\n", + "[1.2151773 1.4093648 1.43103 1.3072882 1.2109025 1.1294302 1.1237081\n", + " 1.2298367 1.0863994 1.0704442 1.026241 1.0322096 1.015573 1.0094258\n", + " 1.0104159 1.011155 1.0175214 1.1594628 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 7 0 4 17 5 6 8 9 11 10 16 12 15 14 13 18 19 20 21 22 23]\n", + "=======================\n", + "[\"the canines , which appeared to have been killed with blows to the head , were used for the fillings of ` pastels ' , a traditional brazilian stuffed pastry which is deep-fried and normally made with ground beef .officers investigating the popular fast food house reportedly found boxes containing the frozen carcasses of dozens of dogs .customers at a rio de janeiro snack bar were unwittingly eating pastries made from the meat of stray dogs , police said today .\"]\n", + "=======================\n", + "['warning graphic contentpolice in brazil found frozen carcasses of dozens of dogs at the restaurantchinese owner van ruilonc admitted making pasties out of stray caninesdog meat would be sold to unwitting customers at the fast food outlet']\n", + "the canines , which appeared to have been killed with blows to the head , were used for the fillings of ` pastels ' , a traditional brazilian stuffed pastry which is deep-fried and normally made with ground beef .officers investigating the popular fast food house reportedly found boxes containing the frozen carcasses of dozens of dogs .customers at a rio de janeiro snack bar were unwittingly eating pastries made from the meat of stray dogs , police said today .\n", + "warning graphic contentpolice in brazil found frozen carcasses of dozens of dogs at the restaurantchinese owner van ruilonc admitted making pasties out of stray caninesdog meat would be sold to unwitting customers at the fast food outlet\n", + "[1.306206 1.4746925 1.3332796 1.4150239 1.2621844 1.1709973 1.0506217\n", + " 1.0123463 1.0131975 1.0158488 1.018095 1.0147225 1.0199943 1.055959\n", + " 1.0449909 1.019753 1.0591143 1.1273538 1.063128 1.0579256 1.038753\n", + " 1.1643671 1.0509254 1.0644296]\n", + "\n", + "[ 1 3 2 0 4 5 21 17 23 18 16 19 13 22 6 14 20 12 15 10 9 11 8 7]\n", + "=======================\n", + "[\"kevin coulton from manchester decided to stick his mouth in the rim of a glass because ` everyone was doing it ' .but the 16-year-old was left with dark bruising around his lips and chin which lasted more than three days .a 16-year-old schoolboy is warning classmates to avoid the ` kylie jenner ' challenge after being left with a bruised face when he sucked into a glass to emulate the kardashians star 's bee-stung pout .\"]\n", + "=======================\n", + "['kevin coulton , 16 , from manchester stuck his mouth in the rim of a glassthe schoolboy wanted to achieve a fuller pout like celebrity kylie jennerbut , like scores before him , he was left with painful bruising around lipsnow he is warning peers not to take part in craze sweeping social media']\n", + "kevin coulton from manchester decided to stick his mouth in the rim of a glass because ` everyone was doing it ' .but the 16-year-old was left with dark bruising around his lips and chin which lasted more than three days .a 16-year-old schoolboy is warning classmates to avoid the ` kylie jenner ' challenge after being left with a bruised face when he sucked into a glass to emulate the kardashians star 's bee-stung pout .\n", + "kevin coulton , 16 , from manchester stuck his mouth in the rim of a glassthe schoolboy wanted to achieve a fuller pout like celebrity kylie jennerbut , like scores before him , he was left with painful bruising around lipsnow he is warning peers not to take part in craze sweeping social media\n", + "[1.2256923 1.3189845 1.3568571 1.3709877 1.183866 1.063124 1.0495751\n", + " 1.0566846 1.0800369 1.1234562 1.1058106 1.0493978 1.0548836 1.0461733\n", + " 1.0349011 1.055975 1.0540932 1.0657506 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 0 4 9 10 8 17 5 7 15 12 16 6 11 13 14 22 18 19 20 21 23]\n", + "=======================\n", + "[\"a man was apparently beheaded by isis in hama , syria , for being an alleged ` blasphemer 'his beheading is believed to have taken place in hama in syria .a series of gruesome photographs show a man being led out of a van handcuffed and blindfolded before he is executed by a masked man , wielding a meat cleaver .\"]\n", + "=======================\n", + "[\"warning : graphic contentseries of photos appear to show the beheading of a man in hama in syriaman is handcuffed and blindfolded as he is led from a van to area of landhe is surrounded by men with guns and executioner with a meat cleaverit is claimed the man was beheaded because he is an alleged ` blasphemer '\"]\n", + "a man was apparently beheaded by isis in hama , syria , for being an alleged ` blasphemer 'his beheading is believed to have taken place in hama in syria .a series of gruesome photographs show a man being led out of a van handcuffed and blindfolded before he is executed by a masked man , wielding a meat cleaver .\n", + "warning : graphic contentseries of photos appear to show the beheading of a man in hama in syriaman is handcuffed and blindfolded as he is led from a van to area of landhe is surrounded by men with guns and executioner with a meat cleaverit is claimed the man was beheaded because he is an alleged ` blasphemer '\n", + "[1.2141414 1.0939603 1.0489869 1.0924705 1.15207 1.1272126 1.0870245\n", + " 1.0492476 1.1536181 1.1206111 1.0443871 1.0569373 1.1375178 1.1252106\n", + " 1.049289 1.0212543 1.0602065 1.0249568 1.0321697 1.0273494 1.0910957\n", + " 1.0111303 1.0382454 1.0127478 1.0310196 1.0218498]\n", + "\n", + "[ 0 8 4 12 5 13 9 1 3 20 6 16 11 14 7 2 10 22 18 24 19 17 25 15\n", + " 23 21]\n", + "=======================\n", + "['( cnn ) kim bok-dong is 89 now , and is going blind and deaf .kim was a 14-year-old girl when the japanese came to her village in korea .the nightmares from five years as a sex slave of the japanese army , from 1940 onwards , are still crystal clear .']\n", + "=======================\n", + "['kim bok-dong is determined to share her story of sexual slavery until she \\'s no longer physically ablekim was held prisoner by the japanese military in a \" comfort station \" for five years , raped ceaselesslyshe says she wo n\\'t rest until she receives a formal apology from the japanese government']\n", + "( cnn ) kim bok-dong is 89 now , and is going blind and deaf .kim was a 14-year-old girl when the japanese came to her village in korea .the nightmares from five years as a sex slave of the japanese army , from 1940 onwards , are still crystal clear .\n", + "kim bok-dong is determined to share her story of sexual slavery until she 's no longer physically ablekim was held prisoner by the japanese military in a \" comfort station \" for five years , raped ceaselesslyshe says she wo n't rest until she receives a formal apology from the japanese government\n", + "[1.1946388 1.2773297 1.3316317 1.351854 1.1120365 1.0824006 1.1171206\n", + " 1.0805231 1.0381608 1.074744 1.0298873 1.0366052 1.0991483 1.0522989\n", + " 1.0920613 1.0268226 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 0 6 4 12 14 5 7 9 13 8 11 10 15 23 22 21 20 16 18 17 24\n", + " 19 25]\n", + "=======================\n", + "['over 10,000 were rescued off the coast of italy in the last week alone .a boatload of 900 migrants who embarked from libya are now feared dead in the latest sinking .a surge of refugees this year , usually transported by smugglers on overcrowded vessels , has sought to reach europe via the libyan coast .']\n", + "=======================\n", + "[\"ruth ben-ghiat : italy 's colonial past plays a key role in the migrant humanitarian disaster in the mediterraneanshe says african migrants still bound to histories of exploitation that shaped their home countries long after end of italian rule\"]\n", + "over 10,000 were rescued off the coast of italy in the last week alone .a boatload of 900 migrants who embarked from libya are now feared dead in the latest sinking .a surge of refugees this year , usually transported by smugglers on overcrowded vessels , has sought to reach europe via the libyan coast .\n", + "ruth ben-ghiat : italy 's colonial past plays a key role in the migrant humanitarian disaster in the mediterraneanshe says african migrants still bound to histories of exploitation that shaped their home countries long after end of italian rule\n", + "[1.4168644 1.4381577 1.1090589 1.1564697 1.2710856 1.3974645 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 5 4 3 2 23 22 21 20 19 18 17 16 15 12 13 24 11 10 9 8 7 6\n", + " 14 25]\n", + "=======================\n", + "['the airbus a330 took off soon after 11am but was back on the tarmac by 12.30 pm after an indicator light showed a possible issue with the rear cargo doors , a qantas spokesman said .a qantas jet bound for perth was forced to turn back to sydney airport after a safety light turned on mid-air .passengers will be moved to another flight due to depart sunday afternoon , he said .']\n", + "=======================\n", + "['a qantas jet bound for perth has been forced to return to sydney airport after a safety light turned on mid-airairbus a330 took off soon after 11am but was back on tarmac by 12.30 pmafter an indicator light showed a possible issue with the rear cargo doorsengineers are inspecting aircraft but no evidence at this stage of a problem']\n", + "the airbus a330 took off soon after 11am but was back on the tarmac by 12.30 pm after an indicator light showed a possible issue with the rear cargo doors , a qantas spokesman said .a qantas jet bound for perth was forced to turn back to sydney airport after a safety light turned on mid-air .passengers will be moved to another flight due to depart sunday afternoon , he said .\n", + "a qantas jet bound for perth has been forced to return to sydney airport after a safety light turned on mid-airairbus a330 took off soon after 11am but was back on tarmac by 12.30 pmafter an indicator light showed a possible issue with the rear cargo doorsengineers are inspecting aircraft but no evidence at this stage of a problem\n", + "[1.2437813 1.2639098 1.1721851 1.3420211 1.2812315 1.1957264 1.108207\n", + " 1.1099714 1.1415608 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 1 0 5 2 8 7 6 23 22 21 20 19 18 17 12 15 14 13 24 11 10 9\n", + " 16 25]\n", + "=======================\n", + "[\"the age had a special tribute edition to richie benaud on saturdaythe weekend australian carried tributes to ` the face of cricket ' on saturdaythe world has been paying tribute to benaud , the former australia captain and iconic cricket commentator , who died on friday .\"]\n", + "=======================\n", + "[\"the world has been paying tribute to richie benaud , the ` voice of cricket 'former australia captain and legendary cricket commentator died aged 84in november , benaud revealed he was being treated for skin cancer\"]\n", + "the age had a special tribute edition to richie benaud on saturdaythe weekend australian carried tributes to ` the face of cricket ' on saturdaythe world has been paying tribute to benaud , the former australia captain and iconic cricket commentator , who died on friday .\n", + "the world has been paying tribute to richie benaud , the ` voice of cricket 'former australia captain and legendary cricket commentator died aged 84in november , benaud revealed he was being treated for skin cancer\n", + "[1.1725857 1.2603987 1.3533782 1.3567903 1.3118757 1.1661487 1.1554902\n", + " 1.0536602 1.0175579 1.0205736 1.0634904 1.109935 1.087957 1.0769181\n", + " 1.0415939 1.0722595 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 4 1 0 5 6 11 12 13 15 10 7 14 9 8 23 22 21 20 17 18 16 24\n", + " 19 25]\n", + "=======================\n", + "[\"clair schuler , who goes by the stage name cici ryder , ( pictured ) is a drag queen who was friends with robert durst when he was living as deaf , mute womanclair schuler told click 2 houston durst was ` very infatuated with the drag queens that performed , and their hair and their make-up , especially the hair and the make-up 'the 71-year-old real estate tycoon used to live on galveston island , on the texas gulf coast and went by the name of dorothy in the early 2000s .\"]\n", + "=======================\n", + "['71-year-old tycoon used to live in texas and went by name of dorothyclair schuler , who goes by the stage name cici ryder , said that when he met durst he was pretending to be a deaf , mute womansaid that durst was shy and never let anyone touch him or take photosschuler said durst was a generous tipper and although there were some strange things about his nature he did not think of him as a threat']\n", + "clair schuler , who goes by the stage name cici ryder , ( pictured ) is a drag queen who was friends with robert durst when he was living as deaf , mute womanclair schuler told click 2 houston durst was ` very infatuated with the drag queens that performed , and their hair and their make-up , especially the hair and the make-up 'the 71-year-old real estate tycoon used to live on galveston island , on the texas gulf coast and went by the name of dorothy in the early 2000s .\n", + "71-year-old tycoon used to live in texas and went by name of dorothyclair schuler , who goes by the stage name cici ryder , said that when he met durst he was pretending to be a deaf , mute womansaid that durst was shy and never let anyone touch him or take photosschuler said durst was a generous tipper and although there were some strange things about his nature he did not think of him as a threat\n", + "[1.2756509 1.3715363 1.2129338 1.169453 1.3951101 1.1184275 1.08757\n", + " 1.0407552 1.0886855 1.0472101 1.0145524 1.0455328 1.0864997 1.0861254\n", + " 1.0386784 1.0202036 1.1695713 1.0466756 0. 0. ]\n", + "\n", + "[ 4 1 0 2 16 3 5 8 6 12 13 9 17 11 7 14 15 10 18 19]\n", + "=======================\n", + "['no jail time : former capitol hill staffer donny ray williams is disfigured from an acid attack that occurred years after he raped two women .a former democratic congressional aide who pleaded guilty last year to raping two women was spared jail time on friday because horrific disfiguring injuries he suffered in an unrelated 2013 acid attack .that same year , he had sex with a woman too inebriated to give her consent , prosecutors say .']\n", + "=======================\n", + "['donny ray williams on friday was given a suspended sentence and 5 years probation for two 2010 sexual assaultsprosecutors spared williams jail time largely because of his severe medical issues stemming from an unrelated 2013 acid attackwilliams was once a staffer for the senate homeland security and government affairs disaster recovery subcommittees']\n", + "no jail time : former capitol hill staffer donny ray williams is disfigured from an acid attack that occurred years after he raped two women .a former democratic congressional aide who pleaded guilty last year to raping two women was spared jail time on friday because horrific disfiguring injuries he suffered in an unrelated 2013 acid attack .that same year , he had sex with a woman too inebriated to give her consent , prosecutors say .\n", + "donny ray williams on friday was given a suspended sentence and 5 years probation for two 2010 sexual assaultsprosecutors spared williams jail time largely because of his severe medical issues stemming from an unrelated 2013 acid attackwilliams was once a staffer for the senate homeland security and government affairs disaster recovery subcommittees\n", + "[1.241103 1.4543625 1.387836 1.2823216 1.2554425 1.1558625 1.0640112\n", + " 1.11276 1.1167938 1.133387 1.1471217 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 5 10 9 8 7 6 18 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "['the four-seater plane is believed to have come down near hatten , oldenburg , shortly after taking off from a nearby airfield .the male pilot was killed in the crash , and three passengers have been taken to a nearby hospital , local police said .one man has died after a sports plane crashed onto a motorway in north-west germany on sunday afternoon .']\n", + "=======================\n", + "['one died and three injured as plane crashes on motorway in germanyfour-seater plane believed to have crashed shortly after take-offplane came down between fence and a rail , just feet from passing cars']\n", + "the four-seater plane is believed to have come down near hatten , oldenburg , shortly after taking off from a nearby airfield .the male pilot was killed in the crash , and three passengers have been taken to a nearby hospital , local police said .one man has died after a sports plane crashed onto a motorway in north-west germany on sunday afternoon .\n", + "one died and three injured as plane crashes on motorway in germanyfour-seater plane believed to have crashed shortly after take-offplane came down between fence and a rail , just feet from passing cars\n", + "[1.1773326 1.4549451 1.471936 1.3026062 1.3365717 1.1201894 1.084033\n", + " 1.123378 1.0791602 1.0949805 1.0357322 1.0212703 1.0114683 1.0692017\n", + " 1.0490651 1.0091646 1.0230749 0. 0. 0. ]\n", + "\n", + "[ 2 1 4 3 0 7 5 9 6 8 13 14 10 16 11 12 15 18 17 19]\n", + "=======================\n", + "[\"ms huxham 's ex partner carl garry chapman , 32 , has been detained and charged with a string of offences including assault , torture and deprivation of liberty .billy-anne huxham , 18 , from caboolture , queensland , was found at 9.45 pm at aerodrome road in maroochydore , on queensland 's sunshine coast , after police found the nissan suv that was used in her abduction earlier that day .found : abducted teen billy-anne huxton was located by police on thursday night after she made contact with a family member\"]\n", + "=======================\n", + "['billy-anne huxham was abducted from her caboolture home on tuesdayshe was located on thursday night by police on aerodrome roadshe was allegedly taken by 32-year-old ex-boyfriend carl garry chapmanchapman was reportedly carrying a firearm when he was apprehendedhe has been charged with a string of offences including torture and assaultchapman , who was out on bail , is due to face the magistrate on saturday']\n", + "ms huxham 's ex partner carl garry chapman , 32 , has been detained and charged with a string of offences including assault , torture and deprivation of liberty .billy-anne huxham , 18 , from caboolture , queensland , was found at 9.45 pm at aerodrome road in maroochydore , on queensland 's sunshine coast , after police found the nissan suv that was used in her abduction earlier that day .found : abducted teen billy-anne huxton was located by police on thursday night after she made contact with a family member\n", + "billy-anne huxham was abducted from her caboolture home on tuesdayshe was located on thursday night by police on aerodrome roadshe was allegedly taken by 32-year-old ex-boyfriend carl garry chapmanchapman was reportedly carrying a firearm when he was apprehendedhe has been charged with a string of offences including torture and assaultchapman , who was out on bail , is due to face the magistrate on saturday\n", + "[1.3700056 1.1506144 1.433958 1.2484066 1.2236928 1.3128927 1.0904515\n", + " 1.0597805 1.0621783 1.0798059 1.0506988 1.0616908 1.0173057 1.0998068\n", + " 1.0819004 1.0882056 1.0705625 1.1628659 1.0375422 1.0621051]\n", + "\n", + "[ 2 0 5 3 4 17 1 13 6 15 14 9 16 8 19 11 7 10 18 12]\n", + "=======================\n", + "['adam johnson , 27 , who plays in the premier league for sunderland and has represented his country 12 times , faces a lengthy jail term if he is convicted .charged with four offences : sunderland footballer adam johnson arrives to answer bail at peterlee police station in county durham yesterdaythe # 50,000-a-week player is due to appear before peterlee magistrates on may 20 and the case will then be transferred to crown court .']\n", + "=======================\n", + "['four offences allegedly committed against one girl aged 15 at time27-year-old answered bail at police station in county durham yesterdaysunderland star had previously had his bail extended for five weeks']\n", + "adam johnson , 27 , who plays in the premier league for sunderland and has represented his country 12 times , faces a lengthy jail term if he is convicted .charged with four offences : sunderland footballer adam johnson arrives to answer bail at peterlee police station in county durham yesterdaythe # 50,000-a-week player is due to appear before peterlee magistrates on may 20 and the case will then be transferred to crown court .\n", + "four offences allegedly committed against one girl aged 15 at time27-year-old answered bail at police station in county durham yesterdaysunderland star had previously had his bail extended for five weeks\n", + "[1.2729989 1.2262354 1.3148686 1.1332642 1.069423 1.0403513 1.098089\n", + " 1.0945857 1.0602367 1.0883436 1.0404494 1.1568592 1.0833285 1.0776981\n", + " 1.0840802 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 11 3 6 7 9 14 12 13 4 8 10 5 18 15 16 17 19]\n", + "=======================\n", + "['it comes as saudi arabia continues to lead a bombing campaign to oust the iran-allied houthi movement which has taken most of yemen and forced president abd-rabbu mansour hadi to flee to riyadh .iran has sent two warships to the waters off yemen while the us has accelerated moves to supply weapons to the saudi coalition as foreign powers get drawn deeper into the conflict .the alborz destroyer and bushehr support vessel sailed from bandar abbas to the gulf of aden today with military bosses claiming the move is designed to protect iranian shipping from piracy .']\n", + "=======================\n", + "['destroyer and support ship sent from bandar abbas , iran , to gulf of adenmilitary chiefs claim the move is to protect iranian shipping from piracysaudi arabia is leading bombing campaign to oust iran-allied houthi which has taken most of yemenus is stepping up weapons deliveries in support of the saudi-led coalition']\n", + "it comes as saudi arabia continues to lead a bombing campaign to oust the iran-allied houthi movement which has taken most of yemen and forced president abd-rabbu mansour hadi to flee to riyadh .iran has sent two warships to the waters off yemen while the us has accelerated moves to supply weapons to the saudi coalition as foreign powers get drawn deeper into the conflict .the alborz destroyer and bushehr support vessel sailed from bandar abbas to the gulf of aden today with military bosses claiming the move is designed to protect iranian shipping from piracy .\n", + "destroyer and support ship sent from bandar abbas , iran , to gulf of adenmilitary chiefs claim the move is to protect iranian shipping from piracysaudi arabia is leading bombing campaign to oust iran-allied houthi which has taken most of yemenus is stepping up weapons deliveries in support of the saudi-led coalition\n", + "[1.6165676 1.400189 1.1797968 1.1035005 1.1486375 1.2793484 1.0878283\n", + " 1.3442522 1.0432272 1.0185024 1.0309497 1.0163027 1.0838513 1.0623621\n", + " 1.0656713 1.0378757 1.0264988 0. 0. 0. ]\n", + "\n", + "[ 0 1 7 5 2 4 3 6 12 14 13 8 15 10 16 9 11 18 17 19]\n", + "=======================\n", + "['sky sports pundit gary neville has laid into referee lee mason after he failed to award newcastle a penalty during their 2-0 defeat at liverpool on monday night .an incident in the 38th minute of the game , saw ayoze perez felled by a reckless challenge from dejan lovren .ayoze perez drives into the liverpool box on 38 minutes only to be brought down by dejan lovren']\n", + "=======================\n", + "[\"newcastle were denied a penalty against liverpool on monday nightayoze perez was brought down by a rash challenge from dejan lovrensky pundit gary neville has criticised the referee 's lack of actionthe magpies went on to lose the game 2-0 at anfield\"]\n", + "sky sports pundit gary neville has laid into referee lee mason after he failed to award newcastle a penalty during their 2-0 defeat at liverpool on monday night .an incident in the 38th minute of the game , saw ayoze perez felled by a reckless challenge from dejan lovren .ayoze perez drives into the liverpool box on 38 minutes only to be brought down by dejan lovren\n", + "newcastle were denied a penalty against liverpool on monday nightayoze perez was brought down by a rash challenge from dejan lovrensky pundit gary neville has criticised the referee 's lack of actionthe magpies went on to lose the game 2-0 at anfield\n", + "[1.3090501 1.4100361 1.3161992 1.3587873 1.2016397 1.1468602 1.1198242\n", + " 1.0789291 1.0780354 1.069618 1.1149842 1.0456356 1.0915285 1.0755796\n", + " 1.0091909 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 6 10 12 7 8 13 9 11 14 18 15 16 17 19]\n", + "=======================\n", + "[\"phillips , who was jailed in 2005 , is serving a sentence of more than 31 years for choking his girlfriend in san diego and driving his car into three teens after a pickup football game in los angeles .nebraska 's lawrence phillips phillips is suspected of killing his cellmate in a central california prisonsoward was found lifeless on saturday morning in the cell he shared with phillips , 39 , at kern valley state prison .\"]\n", + "=======================\n", + "[\"lawrence phillips , 39 , was one of the nation 's top players for nebraskahe was jailed in 2005 and sentenced to 31 years at kern valley state prisonhis cellmate damion soward , 37 , was found lifeless on saturday morningsoward was serving 82 years to life for first-degree murder\"]\n", + "phillips , who was jailed in 2005 , is serving a sentence of more than 31 years for choking his girlfriend in san diego and driving his car into three teens after a pickup football game in los angeles .nebraska 's lawrence phillips phillips is suspected of killing his cellmate in a central california prisonsoward was found lifeless on saturday morning in the cell he shared with phillips , 39 , at kern valley state prison .\n", + "lawrence phillips , 39 , was one of the nation 's top players for nebraskahe was jailed in 2005 and sentenced to 31 years at kern valley state prisonhis cellmate damion soward , 37 , was found lifeless on saturday morningsoward was serving 82 years to life for first-degree murder\n", + "[1.0323694 1.2810043 1.3801359 1.3209883 1.4241495 1.037818 1.2621486\n", + " 1.0658518 1.0788757 1.0255193 1.0497898 1.0641313 1.1039702 1.0204356\n", + " 1.1253326 1.0277203 1.0176544 1.0484288 1.0284455 0. ]\n", + "\n", + "[ 4 2 3 1 6 14 12 8 7 11 10 17 5 0 18 15 9 13 16 19]\n", + "=======================\n", + "[\"it 's estimated that more than 4 million u.s. pets are euthanized every year .groups such as california-based wings of rescue or south carolina-based pilots n paws recruit pilots to volunteer their planes , fuel and time .the two non-profits say their concept has been a roaring success with the numbers increasing year-on-year .\"]\n", + "=======================\n", + "[\"groups such as california-based wings of rescue or south carolina-based pilots n paws , recruit pilots to volunteer their planes , fuel and timethe two non-profits say their concept has been a roaring success with the numbers increasing year-on-yearall dogs have to be spayed or neutered , microchipped and vaccinated before they take offit 's reported that most pooches sleep in the air and do n't get sick\"]\n", + "it 's estimated that more than 4 million u.s. pets are euthanized every year .groups such as california-based wings of rescue or south carolina-based pilots n paws recruit pilots to volunteer their planes , fuel and time .the two non-profits say their concept has been a roaring success with the numbers increasing year-on-year .\n", + "groups such as california-based wings of rescue or south carolina-based pilots n paws , recruit pilots to volunteer their planes , fuel and timethe two non-profits say their concept has been a roaring success with the numbers increasing year-on-yearall dogs have to be spayed or neutered , microchipped and vaccinated before they take offit 's reported that most pooches sleep in the air and do n't get sick\n", + "[1.0905834 1.2567558 1.1612259 1.3061458 1.1925248 1.1086478 1.1075803\n", + " 1.0586365 1.0287288 1.0716746 1.1063132 1.0222343 1.0680971 1.138522\n", + " 1.0527302 1.0753313 1.0842937 1.0379374 1.0345935 1.2000331]\n", + "\n", + "[ 3 1 19 4 2 13 5 6 10 0 16 15 9 12 7 14 17 18 8 11]\n", + "=======================\n", + "[\"the two planes begin their descent simultaneously at san francisco airportthe plane landings at saint martin 's princess juliana international airport have become legendary worldwidein astonishing video captured by a passenger on one of the planes , both aircrafts ' wheels touch the tarmac at the same time\"]\n", + "=======================\n", + "[\"video shows the planes approaching the runway at the same speedthe two aircraft maintain this as their wheels touch the tarmacaviation expert calls the manoeuvre ` closely spaced parallel runway operations '\"]\n", + "the two planes begin their descent simultaneously at san francisco airportthe plane landings at saint martin 's princess juliana international airport have become legendary worldwidein astonishing video captured by a passenger on one of the planes , both aircrafts ' wheels touch the tarmac at the same time\n", + "video shows the planes approaching the runway at the same speedthe two aircraft maintain this as their wheels touch the tarmacaviation expert calls the manoeuvre ` closely spaced parallel runway operations '\n", + "[1.2647488 1.4059086 1.3184755 1.215507 1.1514555 1.1958404 1.1263285\n", + " 1.1833315 1.0934541 1.0813059 1.0331038 1.0125086 1.1016108 1.0131282\n", + " 1.1811744 1.064573 1.0358666 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 5 7 14 4 6 12 8 9 15 16 10 13 11 18 17 19]\n", + "=======================\n", + "[\"a series of model letters have been drawn up with carefully pre-crafted messages designed to woo voters with just 28 days to go before the may 7 election .women are told they are ` vital to the success of the british economy ' while pensioners are praised for their ` wealth of experience ' .tory election chiefs have given their candidates a letter-writing kit to target farmers , pensioners and women , leaked documents have revealed .\"]\n", + "=======================\n", + "[\"series of model letters drawn up with carefully pre-crafted messagestory candidates are told to praise teachers as ` the best we have ever had 'women should be told they are ` vital to the success of the british economy 'pensioners , meanwhile , are praised for their ` wealth of experience '\"]\n", + "a series of model letters have been drawn up with carefully pre-crafted messages designed to woo voters with just 28 days to go before the may 7 election .women are told they are ` vital to the success of the british economy ' while pensioners are praised for their ` wealth of experience ' .tory election chiefs have given their candidates a letter-writing kit to target farmers , pensioners and women , leaked documents have revealed .\n", + "series of model letters drawn up with carefully pre-crafted messagestory candidates are told to praise teachers as ` the best we have ever had 'women should be told they are ` vital to the success of the british economy 'pensioners , meanwhile , are praised for their ` wealth of experience '\n", + "[1.5568793 1.2387009 1.1124235 1.1042646 1.1354872 1.0534437 1.3516494\n", + " 1.0525676 1.0244728 1.027086 1.0367581 1.0491233 1.0137024 1.0145516\n", + " 1.0151699 1.0133255 1.0166023 1.0215427 1.0222894 1.0783169 1.3248067\n", + " 1.0324099 1.018517 1.0185304]\n", + "\n", + "[ 0 6 20 1 4 2 3 19 5 7 11 10 21 9 8 18 17 23 22 16 14 13 12 15]\n", + "=======================\n", + "[\"chelsea were made to work hard for their three points against stoke at stamford bridge on saturday but eden hazard starred for jose mourinho 's team .thibaut courtois was on the winning team but will want to forget charlie adam beating him from his own halfeden hazard put chelsea into the lead with from the penalty spot in the first half\"]\n", + "=======================\n", + "['eden hazard and loic remy hit the net as chelsea beat stoke 2-1charlie adam hit the net from 66 yards for stoke to level the scoresthe moment is one to forget for chelsea goalkeeper thibaut courtois']\n", + "chelsea were made to work hard for their three points against stoke at stamford bridge on saturday but eden hazard starred for jose mourinho 's team .thibaut courtois was on the winning team but will want to forget charlie adam beating him from his own halfeden hazard put chelsea into the lead with from the penalty spot in the first half\n", + "eden hazard and loic remy hit the net as chelsea beat stoke 2-1charlie adam hit the net from 66 yards for stoke to level the scoresthe moment is one to forget for chelsea goalkeeper thibaut courtois\n", + "[1.3487772 1.1550411 1.5139573 1.3553667 1.2587519 1.2047927 1.1068901\n", + " 1.1159337 1.0408949 1.0280095 1.0154029 1.0179224 1.0607055 1.0284742\n", + " 1.0425047 1.0816289 1.0249188 1.0270636 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 4 5 1 7 6 15 12 14 8 13 9 17 16 11 10 18 19 20 21 22 23]\n", + "=======================\n", + "[\"dr christopher valentine , 52 , was sacked from a sexual health clinic and hauled before the general medical council nine years ago for photographing half-naked male and female patients without consent .his behaviour was branded ` inappropriate ' but he was not struck off and went to work at an nhs service for drug addicts and alcoholics .however , the married doctor has been caught again after a nurse saw images of a semi-naked man on his ipod touch during a night out .\"]\n", + "=======================\n", + "[\"dr christopher valentine 's colleague saw the pictures on his ipod touchgallery of his pets contained an image of a semi-naked man , tribunal tolddoctor was out with members of clydebank community addiction teamlater revealed that he had used his ipod to take around 53 photos of at least two patients\"]\n", + "dr christopher valentine , 52 , was sacked from a sexual health clinic and hauled before the general medical council nine years ago for photographing half-naked male and female patients without consent .his behaviour was branded ` inappropriate ' but he was not struck off and went to work at an nhs service for drug addicts and alcoholics .however , the married doctor has been caught again after a nurse saw images of a semi-naked man on his ipod touch during a night out .\n", + "dr christopher valentine 's colleague saw the pictures on his ipod touchgallery of his pets contained an image of a semi-naked man , tribunal tolddoctor was out with members of clydebank community addiction teamlater revealed that he had used his ipod to take around 53 photos of at least two patients\n", + "[1.31638 1.437819 1.142515 1.1464478 1.0428694 1.0293998 1.4565418\n", + " 1.2324488 1.0377321 1.0165734 1.0163493 1.0804687 1.1110134 1.0278666\n", + " 1.0197124 1.049248 1.1213242 1.0218054 1.0241162 1.053216 1.0282359\n", + " 0. 0. 0. ]\n", + "\n", + "[ 6 1 0 7 3 2 16 12 11 19 15 4 8 5 20 13 18 17 14 9 10 22 21 23]\n", + "=======================\n", + "['justin rose battled back from a nightmare start and is in contention at augustathe 2013 us open champion ended the day on seven under , sharing third place and is one of a handful of players hanging on to the coat tails of runaway leader jordan spieth .rose bogeyed three of the first four holes , finding himself playing from the trees as he recovered from wayward tee shots .']\n", + "=======================\n", + "['rose put himself in contention , ending the second day on seven underit took a neat bit of psychology to rescue his round after a disastrous startrose bogeyed three of the first four , finding himself playing from the treesand that was where the magic pencil line came to his rescue']\n", + "justin rose battled back from a nightmare start and is in contention at augustathe 2013 us open champion ended the day on seven under , sharing third place and is one of a handful of players hanging on to the coat tails of runaway leader jordan spieth .rose bogeyed three of the first four holes , finding himself playing from the trees as he recovered from wayward tee shots .\n", + "rose put himself in contention , ending the second day on seven underit took a neat bit of psychology to rescue his round after a disastrous startrose bogeyed three of the first four , finding himself playing from the treesand that was where the magic pencil line came to his rescue\n", + "[1.0306914 1.0335933 1.1055763 1.4522042 1.2860732 1.1620021 1.0743778\n", + " 1.0707775 1.17471 1.1192877 1.0493994 1.0265335 1.1090231 1.1347116\n", + " 1.1403122 1.0494363 1.0265615 1.0635315 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 4 8 5 14 13 9 12 2 6 7 17 15 10 1 0 16 11 18 19 20 21 22 23]\n", + "=======================\n", + "['charlotte watts argues that stress drain nutrients from the body , meaning it shows up in some surprising ways .these seven symptoms are an indicator you are stressed , warns nutritionist charlotte watts .as a result , some symptoms associated with vitamin or mineral deficiencies can also be a warning sign of the deeper , long-term effects of chronic stress .']\n", + "=======================\n", + "['charlotte watts , a nutritionist , says stress drains the body of nutrientsnutrient deficiencies shows up as things like spots on nails or cracked lipsshe reveals seven signs of stress and what to eat to replenish the body']\n", + "charlotte watts argues that stress drain nutrients from the body , meaning it shows up in some surprising ways .these seven symptoms are an indicator you are stressed , warns nutritionist charlotte watts .as a result , some symptoms associated with vitamin or mineral deficiencies can also be a warning sign of the deeper , long-term effects of chronic stress .\n", + "charlotte watts , a nutritionist , says stress drains the body of nutrientsnutrient deficiencies shows up as things like spots on nails or cracked lipsshe reveals seven signs of stress and what to eat to replenish the body\n", + "[1.351857 1.486872 1.2835815 1.3203561 1.0601882 1.0311134 1.1519668\n", + " 1.0714781 1.0904973 1.1156453 1.0500308 1.1155565 1.0391884 1.0953193\n", + " 1.1964053 1.0544643 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 14 6 9 11 13 8 7 4 15 10 12 5 22 16 17 18 19 20 21 23]\n", + "=======================\n", + "['the 31-year-old has reportedly been transferred from hmp manchester , formerly strangeways , to ashworth hospital , a high-security psychiatric unit in maghull , merseyside .one-eyed police killer dale cregan has been sent to the same psychiatric hospital as moors murderer ian brady after going on hunger strike for the second time .cregan , who was jailed for life after shooting police officers fiona bone and nicola hughes in 2012 , was said to have started refusing food at the category a jail after being moved to solitary confinement .']\n", + "=======================\n", + "['31-year-old reportedly transferred to ashworth hospital , merseysidemove to high-security psychiatric unit comes after cregan refused foodkilled two men before luring two officers to house with fake 999 callfired 32 bullets at fiona bone and nicola hughes and threw a grenade']\n", + "the 31-year-old has reportedly been transferred from hmp manchester , formerly strangeways , to ashworth hospital , a high-security psychiatric unit in maghull , merseyside .one-eyed police killer dale cregan has been sent to the same psychiatric hospital as moors murderer ian brady after going on hunger strike for the second time .cregan , who was jailed for life after shooting police officers fiona bone and nicola hughes in 2012 , was said to have started refusing food at the category a jail after being moved to solitary confinement .\n", + "31-year-old reportedly transferred to ashworth hospital , merseysidemove to high-security psychiatric unit comes after cregan refused foodkilled two men before luring two officers to house with fake 999 callfired 32 bullets at fiona bone and nicola hughes and threw a grenade\n", + "[1.3042308 1.1507711 1.0656531 1.1254448 1.1152167 1.1760322 1.0331637\n", + " 1.0291011 1.0627445 1.0969548 1.0456206 1.0336566 1.0507411 1.1722472\n", + " 1.0221201 1.0305275 1.028368 1.0186828 1.0162425]\n", + "\n", + "[ 0 5 13 1 3 4 9 2 8 12 10 11 6 15 7 16 14 17 18]\n", + "=======================\n", + "[\"ravi opi , kavre district , nepal ( cnn ) by the time you reach the outskirts of nepal 's capital , even the roads are showing signs of the sheer magnitude of this earthquake -- and the enormity of the task awaiting a country struggling to come to terms with devastation and tragedy .maili tamang , 62 , is alive , but surveys the desolation the quake has wreaked on her life .the main highway that heads east out of kathmandu shows massive cracks , the tarmac torn apart by the force of saturday 's huge tremor .\"]\n", + "=======================\n", + "['roads out of kathmandu are damaged but passableeven close to the capital , aid is taking forever to trickle througheast of the city , the village of ravi opi counts the cost of devastation']\n", + "ravi opi , kavre district , nepal ( cnn ) by the time you reach the outskirts of nepal 's capital , even the roads are showing signs of the sheer magnitude of this earthquake -- and the enormity of the task awaiting a country struggling to come to terms with devastation and tragedy .maili tamang , 62 , is alive , but surveys the desolation the quake has wreaked on her life .the main highway that heads east out of kathmandu shows massive cracks , the tarmac torn apart by the force of saturday 's huge tremor .\n", + "roads out of kathmandu are damaged but passableeven close to the capital , aid is taking forever to trickle througheast of the city , the village of ravi opi counts the cost of devastation\n", + "[1.0935508 1.4574866 1.3692282 1.3623902 1.122529 1.0604603 1.03255\n", + " 1.0463681 1.1260848 1.0579374 1.0572795 1.0853393 1.1008704 1.0943046\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 8 4 12 13 0 11 5 9 10 7 6 17 14 15 16 18]\n", + "=======================\n", + "['played by dame maggie smith in the itv drama , violet , countess of grantham may be coming back in the new american show the gilded age , from downton creator julian fellowes .there may also be a place for robert , the earl of grantham , and his wife cora , who is american-born .the sixth and final series of downton abbey goes out later this year on itv .']\n", + "=======================\n", + "[\"dame maggie smith 's character may appear in american period dramathe guilded age was by julian fellowes and is based in new yorkthere may also be a plot for american-born cora in the u.s. show\"]\n", + "played by dame maggie smith in the itv drama , violet , countess of grantham may be coming back in the new american show the gilded age , from downton creator julian fellowes .there may also be a place for robert , the earl of grantham , and his wife cora , who is american-born .the sixth and final series of downton abbey goes out later this year on itv .\n", + "dame maggie smith 's character may appear in american period dramathe guilded age was by julian fellowes and is based in new yorkthere may also be a plot for american-born cora in the u.s. show\n", + "[1.2863568 1.3924878 1.2873945 1.260713 1.0878038 1.2120092 1.1689928\n", + " 1.0450472 1.0209672 1.0180852 1.1008453 1.0233378 1.1050915 1.0506196\n", + " 1.1393375 1.0430651 1.0247225 0. 0. ]\n", + "\n", + "[ 1 2 0 3 5 6 14 12 10 4 13 7 15 16 11 8 9 17 18]\n", + "=======================\n", + "[\"hundreds of people gathered at eat your greens , just outside eugowra in nsw 's central west , to pay their respects to the beloved teacher who was allegedly murdered on easter sunday , just days before her wedding .among the mourners were her fiance and partner of five years aaron leeson-woolley , who was dressed in a black bow tie with a yellow flower pinned to his shirt , her mother merrilyn , father robert , and her siblings .stephanie scott has been remembered as a ` beautiful friend ' who brought laughter to her loved ones , in a touching funeral service on wednesday .\"]\n", + "=======================\n", + "[\"funeral for murdered school teacher stephanie scott was held outside eugowra in central-west nsw on wednesdayfiance aaron leeson-woolley sat between ms scott 's parents merrilyn and robert during the serviceher sister kim , parents , and leeton high school vice captain grace green spoke at the funeralhundreds of yellow balloons were released following her funeral service to the tune of ` home 'earlier in the day people in eugowra and canowindra painted the town yellow with balloons and streamers\"]\n", + "hundreds of people gathered at eat your greens , just outside eugowra in nsw 's central west , to pay their respects to the beloved teacher who was allegedly murdered on easter sunday , just days before her wedding .among the mourners were her fiance and partner of five years aaron leeson-woolley , who was dressed in a black bow tie with a yellow flower pinned to his shirt , her mother merrilyn , father robert , and her siblings .stephanie scott has been remembered as a ` beautiful friend ' who brought laughter to her loved ones , in a touching funeral service on wednesday .\n", + "funeral for murdered school teacher stephanie scott was held outside eugowra in central-west nsw on wednesdayfiance aaron leeson-woolley sat between ms scott 's parents merrilyn and robert during the serviceher sister kim , parents , and leeton high school vice captain grace green spoke at the funeralhundreds of yellow balloons were released following her funeral service to the tune of ` home 'earlier in the day people in eugowra and canowindra painted the town yellow with balloons and streamers\n", + "[1.3795508 1.2315165 1.3188349 1.2570264 1.1807665 1.1264651 1.1017225\n", + " 1.1219745 1.0706699 1.0274541 1.020374 1.0137068 1.1003053 1.195805\n", + " 1.1053572 1.0395076 1.0131851 1.023063 1.0442106]\n", + "\n", + "[ 0 2 3 1 13 4 5 7 14 6 12 8 18 15 9 17 10 11 16]\n", + "=======================\n", + "['peter morris was devastated when his sister , claire , died in a car crash when she was just 32 .only a year before , he had walked her down the aisle to give her away to her husband , malcolm webster , from surrey , then aged 33 , who seemed equally bereft at the loss of his wife .claire and malcolm webster pictured on their wedding day in 1993 , the following year he murdered her']\n", + "=======================\n", + "['peter morris was devastated when his sister , claire , died in a car crashonly a year before , she had married malcolm websterhe believed his sister had died in a tragic accidentit took two decades for the truth to be revealedclaire was murdered by webster so he could cash in on her life insurancetried to do same to his second wife in 1999 - and was jailed in 2011']\n", + "peter morris was devastated when his sister , claire , died in a car crash when she was just 32 .only a year before , he had walked her down the aisle to give her away to her husband , malcolm webster , from surrey , then aged 33 , who seemed equally bereft at the loss of his wife .claire and malcolm webster pictured on their wedding day in 1993 , the following year he murdered her\n", + "peter morris was devastated when his sister , claire , died in a car crashonly a year before , she had married malcolm websterhe believed his sister had died in a tragic accidentit took two decades for the truth to be revealedclaire was murdered by webster so he could cash in on her life insurancetried to do same to his second wife in 1999 - and was jailed in 2011\n", + "[1.3602691 1.1306694 1.1431038 1.1591598 1.1385808 1.0559683 1.0556833\n", + " 1.0726721 1.078565 1.0827087 1.0294464 1.0356638 1.0819721 1.1042231\n", + " 1.0543013 1.0641714 1.0338315 0. 0. ]\n", + "\n", + "[ 0 3 2 4 1 13 9 12 8 7 15 5 6 14 11 16 10 17 18]\n", + "=======================\n", + "['( cnn ) the best part of the supreme court oral arguments about marriage equality was when justice ruth bader ginsburg alluded to s&m .\" it was her obligation to follow him . \"\" yes , it was marriage between a man and a woman , but the man decided where the couple would be domiciled , \" said ginsburg .']\n", + "=======================\n", + "['sally kohn : supreme court seems to have increasingly become a place for partisan theatricsshe says marriage equality arguments seemed even more shaped by politics than the law']\n", + "( cnn ) the best part of the supreme court oral arguments about marriage equality was when justice ruth bader ginsburg alluded to s&m .\" it was her obligation to follow him . \"\" yes , it was marriage between a man and a woman , but the man decided where the couple would be domiciled , \" said ginsburg .\n", + "sally kohn : supreme court seems to have increasingly become a place for partisan theatricsshe says marriage equality arguments seemed even more shaped by politics than the law\n", + "[1.5360559 1.4031295 1.115995 1.4865793 1.0917181 1.0267833 1.0156205\n", + " 1.0223318 1.2327334 1.0818179 1.0925144 1.1524609 1.152574 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 8 12 11 2 10 4 9 5 7 6 13 14 15 16 17 18]\n", + "=======================\n", + "[\"everton stars leighton baines and luke garbutt visited alder hey children 's hospital on wednesday to spread some easter cheer for the young patients and their families .the toffees duo handed out easter eggs and posed for photographs in the wards of the west derby hospital following their training session on wednesday .garbutt and baines will now be turning their attention to everton 's premier league clash against southampton on saturday .\"]\n", + "=======================\n", + "[\"leighton baines and luke garbutt visit children 's hospital in liverpooleverton defenders hand out easter eggs to young patients and familiestoffees face premier league clash against southampton on saturday\"]\n", + "everton stars leighton baines and luke garbutt visited alder hey children 's hospital on wednesday to spread some easter cheer for the young patients and their families .the toffees duo handed out easter eggs and posed for photographs in the wards of the west derby hospital following their training session on wednesday .garbutt and baines will now be turning their attention to everton 's premier league clash against southampton on saturday .\n", + "leighton baines and luke garbutt visit children 's hospital in liverpooleverton defenders hand out easter eggs to young patients and familiestoffees face premier league clash against southampton on saturday\n", + "[1.3633723 1.4154556 1.1716173 1.2247623 1.0872083 1.0589159 1.0130068\n", + " 1.0402843 1.1370549 1.0751123 1.0715781 1.0401222 1.1103406 1.0081774\n", + " 1.198211 1.0213028 1.0151275 1.059043 1.0480611]\n", + "\n", + "[ 1 0 3 14 2 8 12 4 9 10 17 5 18 7 11 15 16 6 13]\n", + "=======================\n", + "[\"mark o'meara celebrates his winning putt in 1998ahead of the 79th edition of the masters , sportsmail counts down the 20 greatest shots ever seen at augusta national golf club .but o'meara shot two birdies in three holes from the 15th on sunday and a good approach into the 18th left him with a 20-footer to beat david duval and fred couples .\"]\n", + "=======================\n", + "['the 79th masters tournament begins on thursday at augusta nationaltiger woods and rory mcilroy are among the leading contendersit has seen many shots which have gone down in golfing legendseve ballesteros , phil mickelson and nick faldo all made history']\n", + "mark o'meara celebrates his winning putt in 1998ahead of the 79th edition of the masters , sportsmail counts down the 20 greatest shots ever seen at augusta national golf club .but o'meara shot two birdies in three holes from the 15th on sunday and a good approach into the 18th left him with a 20-footer to beat david duval and fred couples .\n", + "the 79th masters tournament begins on thursday at augusta nationaltiger woods and rory mcilroy are among the leading contendersit has seen many shots which have gone down in golfing legendseve ballesteros , phil mickelson and nick faldo all made history\n", + "[1.2771502 1.3954055 1.3474468 1.1617817 1.1316869 1.1418691 1.1858134\n", + " 1.0916373 1.2036204 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 8 6 3 5 4 7 16 15 14 13 9 11 10 17 12 18]\n", + "=======================\n", + "['twisted sister says that its 2016 tour will be its last , according to a press release .next year marks the band \\'s 40th anniversary , and to celebrate , the tour is being titled \" forty and f*ck it . \"( cnn ) they \\'re not gon na take it anymore .']\n", + "=======================\n", + "[\"twisted sister 's 2016 tour will be its lastband will celebrate 40 years in 2016twisted sister drummer a.j. pero died in march\"]\n", + "twisted sister says that its 2016 tour will be its last , according to a press release .next year marks the band 's 40th anniversary , and to celebrate , the tour is being titled \" forty and f*ck it . \"( cnn ) they 're not gon na take it anymore .\n", + "twisted sister 's 2016 tour will be its lastband will celebrate 40 years in 2016twisted sister drummer a.j. pero died in march\n", + "[1.233584 1.4800897 1.2875121 1.3311765 1.2875676 1.1275408 1.10083\n", + " 1.0504012 1.0549734 1.1072469 1.0859679 1.0481693 1.0520766 1.0340228\n", + " 1.0365617 1.0669523 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 5 9 6 10 15 8 12 7 11 14 13 17 16 18]\n", + "=======================\n", + "[\"jamyra gallmon of washington was arrested last week and charged with first-degree murder while armed for allegedly killing david messerschmitt , 30 , on february 9 at the boutique donovan hotel .her roommate - and alleged girlfriend - 19-year-old dominique johnson was arrested on wednesday and is accused of being an accomplice .jamyra gallmon , right , has been charged in the stabbing death of a lawyer at an upscale washington hotel stole just $ 40 and the victim 's metro smartrip card , while dominique johnson , left , has been charged with conspiracy to commit armed robbery\"]\n", + "=======================\n", + "['dominique johnson , 19 , was arrested on wednesday and has been charged with conspiracy to commit armed robberyshe is the roommate and alleged girlfriend of jamyra gallmon , 21 , who last week was charged with first-degree murderdavid messerschmitt , 30 , was stabbed to death on february 9 at the boutique donovan hotel in washington d.c.gallmon has admitted to police that she set up the lawyer so that he was expecting to meet a man for gay sex at the hotelwhen she attempted to rob him they got into a struggle and she pulled a knife from her pants and stabbed him repeatedly']\n", + "jamyra gallmon of washington was arrested last week and charged with first-degree murder while armed for allegedly killing david messerschmitt , 30 , on february 9 at the boutique donovan hotel .her roommate - and alleged girlfriend - 19-year-old dominique johnson was arrested on wednesday and is accused of being an accomplice .jamyra gallmon , right , has been charged in the stabbing death of a lawyer at an upscale washington hotel stole just $ 40 and the victim 's metro smartrip card , while dominique johnson , left , has been charged with conspiracy to commit armed robbery\n", + "dominique johnson , 19 , was arrested on wednesday and has been charged with conspiracy to commit armed robberyshe is the roommate and alleged girlfriend of jamyra gallmon , 21 , who last week was charged with first-degree murderdavid messerschmitt , 30 , was stabbed to death on february 9 at the boutique donovan hotel in washington d.c.gallmon has admitted to police that she set up the lawyer so that he was expecting to meet a man for gay sex at the hotelwhen she attempted to rob him they got into a struggle and she pulled a knife from her pants and stabbed him repeatedly\n", + "[1.2503247 1.1915666 1.1862265 1.3526127 1.1136602 1.0537426 1.0212069\n", + " 1.0307 1.1332325 1.1823069 1.0420096 1.0651244 1.0664748 1.0457209\n", + " 1.0258878 1.0143226 1.0997317 0. 0. ]\n", + "\n", + "[ 3 0 1 2 9 8 4 16 12 11 5 13 10 7 14 6 15 17 18]\n", + "=======================\n", + "[\"superyachts can sell for more than # 50million , while others cost more than # 400,000 a week to charterthey 're the ultimate status symbol for the ultra-rich , but superyacht owners or charter clients are n't content to just sip margaritas in the sun or watch films in their on-board cinemas .they spare no expense or detail when they throw extravagant parties and they go to great lengths to one-up fellow members of the world 's one per cent or impress their celebrity guests .\"]\n", + "=======================\n", + "[\"superyacht owners spare no expense when they throw extravagant partiesthey will do whatever it takes to impress their celebrity guestsone owner had two tigers brought in so guests could pose for selfiesa load of fresh fruit and vegetables was flown from france to the maldivesthree ` a-list ' musical acts were hired for a private party on a desert island\"]\n", + "superyachts can sell for more than # 50million , while others cost more than # 400,000 a week to charterthey 're the ultimate status symbol for the ultra-rich , but superyacht owners or charter clients are n't content to just sip margaritas in the sun or watch films in their on-board cinemas .they spare no expense or detail when they throw extravagant parties and they go to great lengths to one-up fellow members of the world 's one per cent or impress their celebrity guests .\n", + "superyacht owners spare no expense when they throw extravagant partiesthey will do whatever it takes to impress their celebrity guestsone owner had two tigers brought in so guests could pose for selfiesa load of fresh fruit and vegetables was flown from france to the maldivesthree ` a-list ' musical acts were hired for a private party on a desert island\n", + "[1.3525751 1.3834021 1.2581406 1.171135 1.1839945 1.0873728 1.1261373\n", + " 1.2048612 1.0543057 1.0977136 1.0526083 1.0769839 1.0721792 1.0531588\n", + " 1.0887265 1.0080113 1.006872 1.1212265 1.0285361 0. 0. ]\n", + "\n", + "[ 1 0 2 7 4 3 6 17 9 14 5 11 12 8 13 10 18 15 16 19 20]\n", + "=======================\n", + "[\"the wildcats faced off against the university of wisconsin badgers in saturday night 's semi-final game , breaking their winning streak with a 71-64 loss .more than 30 drunk and disorderly university of kentucky fans were arrested near the school 's lexington campus saturday night after the previously undefeated team was kicked out of the ncaa tournament .now , its wisconsin heading to monday 's final to play duke - their first final since 1941 .\"]\n", + "=======================\n", + "[\"the university of kentucky 's winning streak was brought to an end saturday night with a 71-64 loss to the university of wisconsinthe wisconsin badgers will now play duke for the ncaa tournament title monday night - their first final since 1941a crowd of more than a thousand gathered near uk 's lexington campus saturday night to mourn the losspolice in riot gear arrested 31 people at that gathering on charges of public intoxication and disorderly conduct\"]\n", + "the wildcats faced off against the university of wisconsin badgers in saturday night 's semi-final game , breaking their winning streak with a 71-64 loss .more than 30 drunk and disorderly university of kentucky fans were arrested near the school 's lexington campus saturday night after the previously undefeated team was kicked out of the ncaa tournament .now , its wisconsin heading to monday 's final to play duke - their first final since 1941 .\n", + "the university of kentucky 's winning streak was brought to an end saturday night with a 71-64 loss to the university of wisconsinthe wisconsin badgers will now play duke for the ncaa tournament title monday night - their first final since 1941a crowd of more than a thousand gathered near uk 's lexington campus saturday night to mourn the losspolice in riot gear arrested 31 people at that gathering on charges of public intoxication and disorderly conduct\n", + "[1.2647738 1.3507866 1.2473866 1.1094255 1.1395504 1.2152593 1.0750086\n", + " 1.1975778 1.0884663 1.0354658 1.0655596 1.0254215 1.0197797 1.0288464\n", + " 1.0322956 1.0816008 1.0814607 1.0340208 1.039884 1.0263643 1.0768024]\n", + "\n", + "[ 1 0 2 5 7 4 3 8 15 16 20 6 10 18 9 17 14 13 19 11 12]\n", + "=======================\n", + "['steven sloan , joined by friends michael niccum and eugene dight were on an aluminium rowboat when the encounter occurred off the west coast of anderson island , washington .three friends got the fright of their life when they were confronted by a pod of baby killer whales while on a crabbing trip .filming from the boat , steven captured the orcas swimming from afar -- two of them can be seen jumping from the water .']\n", + "=======================\n", + "['the group were on a crabbing trip near anderson island , washingtonthey video two killer whales jumping from water at a safe distancesuddenly the pod get closer and swim underneath the small boatvideo maker and friends panic and begin rowing back to shore']\n", + "steven sloan , joined by friends michael niccum and eugene dight were on an aluminium rowboat when the encounter occurred off the west coast of anderson island , washington .three friends got the fright of their life when they were confronted by a pod of baby killer whales while on a crabbing trip .filming from the boat , steven captured the orcas swimming from afar -- two of them can be seen jumping from the water .\n", + "the group were on a crabbing trip near anderson island , washingtonthey video two killer whales jumping from water at a safe distancesuddenly the pod get closer and swim underneath the small boatvideo maker and friends panic and begin rowing back to shore\n", + "[1.1823739 1.4843775 1.2654934 1.2351624 1.2738872 1.3118737 1.0909708\n", + " 1.0763342 1.0718722 1.0565438 1.0839927 1.0945615 1.0648135 1.0189949\n", + " 1.0493702 1.0675036 1.0280665 1.0507299 1.0165735 1.0165589 0. ]\n", + "\n", + "[ 1 5 4 2 3 0 11 6 10 7 8 15 12 9 17 14 16 13 18 19 20]\n", + "=======================\n", + "['luke brett moore was found guilty of knowingly dealing with proceeds of crime and dishonestly obtaining financial advantage by deception in goulburn district court .the 27-year-old goulburn man was able to overdraw $ 2.189 million over three years from his st george bankmoore was receiving centrelink payments while he was overdrawing his account']\n", + "=======================\n", + "['luke brett moore overdrew $ 2 million he did not have from a bank accountthe goulburn man was found guilty of exploiting the loophole in februaryhe spent money on buying a maserati , an alfa romeo and a power boatpolice raided his home in december 2012 and he will be sentenced friday']\n", + "luke brett moore was found guilty of knowingly dealing with proceeds of crime and dishonestly obtaining financial advantage by deception in goulburn district court .the 27-year-old goulburn man was able to overdraw $ 2.189 million over three years from his st george bankmoore was receiving centrelink payments while he was overdrawing his account\n", + "luke brett moore overdrew $ 2 million he did not have from a bank accountthe goulburn man was found guilty of exploiting the loophole in februaryhe spent money on buying a maserati , an alfa romeo and a power boatpolice raided his home in december 2012 and he will be sentenced friday\n", + "[1.3491763 1.1953137 1.4266155 1.3215506 1.101581 1.1192024 1.078753\n", + " 1.0787379 1.0872517 1.089135 1.0763804 1.0271921 1.0252017 1.0234189\n", + " 1.0180124 1.0270209 1.1361715 1.0429676 1.0404142 0. 0. ]\n", + "\n", + "[ 2 0 3 1 16 5 4 9 8 6 7 10 17 18 11 15 12 13 14 19 20]\n", + "=======================\n", + "[\"the man , who can not be named for legal reasons , was given a life sentence after derby crown court after jurors heard how he ` took his daughter 's life ' through sexual abuse .a man has been jailed after fathering a child with his own daughter who he raped repeatedly from when she was aged just 10 ( file image )earlier the court heard how her father had been her primary carer for years and began raping her when he felt ` out of sorts or angry ' .\"]\n", + "=======================\n", + "[\"man raped his daughter repeatedly over four years from when she was 10he had ` poisoned ' youngster against her mother who did not live with themhis depravity was exposed when the girl became pregnant as a teenagerdespite the abuse she told derby crown court she still loved her fatherhe was told to serve a minimum sentence of 15 years for horrific abuse\"]\n", + "the man , who can not be named for legal reasons , was given a life sentence after derby crown court after jurors heard how he ` took his daughter 's life ' through sexual abuse .a man has been jailed after fathering a child with his own daughter who he raped repeatedly from when she was aged just 10 ( file image )earlier the court heard how her father had been her primary carer for years and began raping her when he felt ` out of sorts or angry ' .\n", + "man raped his daughter repeatedly over four years from when she was 10he had ` poisoned ' youngster against her mother who did not live with themhis depravity was exposed when the girl became pregnant as a teenagerdespite the abuse she told derby crown court she still loved her fatherhe was told to serve a minimum sentence of 15 years for horrific abuse\n", + "[1.4876704 1.5474733 1.2018436 1.0796313 1.1122506 1.2434244 1.1591305\n", + " 1.0595398 1.0306679 1.0218331 1.0188305 1.0184003 1.0180844 1.0469441\n", + " 1.0428421 1.106163 1.0164261 1.0165489 1.0314761 1.3089736 1.1850787]\n", + "\n", + "[ 1 0 19 5 2 20 6 4 15 3 7 13 14 18 8 9 10 11 12 17 16]\n", + "=======================\n", + "[\"the former manchester united and england defender saw city lose 2-1 to leave them in fourth - nine points short of chelsea at the top of the barclays premier league .gary neville tore into manchester city following their defeat against crystal palace by insisting the champions have a ` mentality problem ' which prevents them from winning back-to-back titles .manchester city captain vincent kompany leaves the field after their 2-1 defeat by crystal palace on monday\"]\n", + "=======================\n", + "[\"manchester city lost 2-1 against crystal palace on monday nightgary neville : ` they 've got a mentality problem .former manchester united and england defender neville on what is wrong with reigning champions city : ` this team can not sustain success 'jamie carragher : yaya toure ducked out of his duties in the wallclick here for all the latest man city news\"]\n", + "the former manchester united and england defender saw city lose 2-1 to leave them in fourth - nine points short of chelsea at the top of the barclays premier league .gary neville tore into manchester city following their defeat against crystal palace by insisting the champions have a ` mentality problem ' which prevents them from winning back-to-back titles .manchester city captain vincent kompany leaves the field after their 2-1 defeat by crystal palace on monday\n", + "manchester city lost 2-1 against crystal palace on monday nightgary neville : ` they 've got a mentality problem .former manchester united and england defender neville on what is wrong with reigning champions city : ` this team can not sustain success 'jamie carragher : yaya toure ducked out of his duties in the wallclick here for all the latest man city news\n", + "[1.2635484 1.3434101 1.3940539 1.2013619 1.340791 1.2521715 1.1108663\n", + " 1.0755217 1.0787344 1.1193919 1.0481836 1.2214663 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 4 0 5 11 3 9 6 8 7 10 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the goat was then captured in the middle of a roadway by three policemen around 5pm on saturday .officers in paramus , bergen county , responded to an animal that was headbutting a door in the wealthy community , according to their facebook page .a ` disorderly ' goat was shepherded away from houses in suburban new jersey after causing a ruckus .\"]\n", + "=======================\n", + "['police in paramus , new jersey , captured stray goat in middle of the roadauthorities still working to find owner of goat , who is with animal control']\n", + "the goat was then captured in the middle of a roadway by three policemen around 5pm on saturday .officers in paramus , bergen county , responded to an animal that was headbutting a door in the wealthy community , according to their facebook page .a ` disorderly ' goat was shepherded away from houses in suburban new jersey after causing a ruckus .\n", + "police in paramus , new jersey , captured stray goat in middle of the roadauthorities still working to find owner of goat , who is with animal control\n", + "[1.2501316 1.3681335 1.2703085 1.1834354 1.2164551 1.180736 1.1274987\n", + " 1.0741287 1.0524818 1.0504118 1.1225979 1.2364361 1.0571824 1.191024\n", + " 1.0377061 1.0113223 1.0065875 1.0081574 1.0051057 1.0071279 0. ]\n", + "\n", + "[ 1 2 0 11 4 13 3 5 6 10 7 12 8 9 14 15 17 19 16 18 20]\n", + "=======================\n", + "[\"around 650 foreign entrants , three times more than last year , joined in today 's event under the constant watch of soldiers .the event - which only opened its doors to non-local amateurs in 2014 - was founded in 1981 in the single-party country , which is now led by brutal dictator kim jong un .hundreds of runners from across the globe have taken part in north korea 's pyongyang marathon - perhaps the most isolated international sporting event in the world .\"]\n", + "=======================\n", + "['around 650 foreign runners took part in the annual north korea marathonentrants were banned from taking photographs and under constant watchbut runners praised jovial atmosphere and even high-fived supporters10km event was won by american cable installation guy charles kobold']\n", + "around 650 foreign entrants , three times more than last year , joined in today 's event under the constant watch of soldiers .the event - which only opened its doors to non-local amateurs in 2014 - was founded in 1981 in the single-party country , which is now led by brutal dictator kim jong un .hundreds of runners from across the globe have taken part in north korea 's pyongyang marathon - perhaps the most isolated international sporting event in the world .\n", + "around 650 foreign runners took part in the annual north korea marathonentrants were banned from taking photographs and under constant watchbut runners praised jovial atmosphere and even high-fived supporters10km event was won by american cable installation guy charles kobold\n", + "[1.5617027 1.2880045 1.3403476 1.4472085 1.201863 1.3551518 1.0773002\n", + " 1.0141829 1.0205796 1.0153344 1.0277486 1.1120563 1.182262 1.0850954\n", + " 1.1635336 1.0210193 1.0064489 1.0071367 1.0106028 1.0062742 1.005608 ]\n", + "\n", + "[ 0 3 5 2 1 4 12 14 11 13 6 10 15 8 9 7 18 17 16 19 20]\n", + "=======================\n", + "[\"tim sherwood has confirmed he will start shay given against liverpool in the fa cup semi-final at wembley on sunday , a day before the irishman turns 39 .brad guzan , villa 's no 1 , suffered heartbreak in 2010 , when he was understudy to brad friedel but played every round of the league cup -- before being left out of the final against manchester united by manager martin o'neill .the 38-year-old has played in all four of villa 's fa cup matches this season and has kept two clean-sheets\"]\n", + "=======================\n", + "[\"shay given to start against liverpool in fa cup a day before he turns 39tim sherwood confirmed the news as he prepares for sunday 's semi-finalgiven has played in all four of aston villa 's fa cup matches this term\"]\n", + "tim sherwood has confirmed he will start shay given against liverpool in the fa cup semi-final at wembley on sunday , a day before the irishman turns 39 .brad guzan , villa 's no 1 , suffered heartbreak in 2010 , when he was understudy to brad friedel but played every round of the league cup -- before being left out of the final against manchester united by manager martin o'neill .the 38-year-old has played in all four of villa 's fa cup matches this season and has kept two clean-sheets\n", + "shay given to start against liverpool in fa cup a day before he turns 39tim sherwood confirmed the news as he prepares for sunday 's semi-finalgiven has played in all four of aston villa 's fa cup matches this term\n", + "[1.2210882 1.4701495 1.2417555 1.2432134 1.3351983 1.0819584 1.0458456\n", + " 1.1296692 1.0781109 1.0915335 1.1084026 1.1281312 1.0725765 1.0907911\n", + " 1.0892638 1.0548714 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 2 0 7 11 10 9 13 14 5 8 12 15 6 19 16 17 18 20]\n", + "=======================\n", + "[\"paula dunican spent # 25 on the baby blue coat at her local branch in canterbury , kent .paula dunican was horrified when she found the body of a crushed lizard on the lining of a # 25 coat from asda 'inside , a four inch-long gecko was flattened , its scales imprinted onto the fabric .\"]\n", + "=======================\n", + "[\"paula dunican paid # 25 for the baby blue coat at her local branch of asdawhen she took it home she noticed a ` seeping ' stain on the back of coatshe then discovered the reptile 's crushed body on the garment 's liningthe supermarket has apologised and offered her a # 40 voucher and refund\"]\n", + "paula dunican spent # 25 on the baby blue coat at her local branch in canterbury , kent .paula dunican was horrified when she found the body of a crushed lizard on the lining of a # 25 coat from asda 'inside , a four inch-long gecko was flattened , its scales imprinted onto the fabric .\n", + "paula dunican paid # 25 for the baby blue coat at her local branch of asdawhen she took it home she noticed a ` seeping ' stain on the back of coatshe then discovered the reptile 's crushed body on the garment 's liningthe supermarket has apologised and offered her a # 40 voucher and refund\n", + "[1.436663 1.083483 1.2412565 1.1159902 1.3491348 1.0774356 1.0601065\n", + " 1.3458099 1.1149867 1.0195106 1.0696094 1.049371 1.0546502 1.1296659\n", + " 1.0762371 1.0329826 1.0229121 1.0473179 1.0510701 0. 0. ]\n", + "\n", + "[ 0 4 7 2 13 3 8 1 5 14 10 6 12 18 11 17 15 16 9 19 20]\n", + "=======================\n", + "[\"atletico madrid and real madrid may have played out a goalless draw at the vicente calderon on tuesday night , but there was still plenty to talk about after the champions league first leg .carlo ancelotti 's favoured centre-back partnership is sergio ramos and pepe , but in raphael varane , who turns 22 later this month , they have a diamond .raphael varane ( left ) impressed again for real madrid - and saved\"]\n", + "=======================\n", + "['gareth bale missed a one-on-one chance after just three minutesraphael varane impressed with his pace and general reading of the gamemario mandzukic left bloodied after clashing with sergio ramos']\n", + "atletico madrid and real madrid may have played out a goalless draw at the vicente calderon on tuesday night , but there was still plenty to talk about after the champions league first leg .carlo ancelotti 's favoured centre-back partnership is sergio ramos and pepe , but in raphael varane , who turns 22 later this month , they have a diamond .raphael varane ( left ) impressed again for real madrid - and saved\n", + "gareth bale missed a one-on-one chance after just three minutesraphael varane impressed with his pace and general reading of the gamemario mandzukic left bloodied after clashing with sergio ramos\n", + "[1.2009331 1.4652882 1.2597381 1.3478342 1.1978691 1.1203151 1.1039463\n", + " 1.1565932 1.1949228 1.0197078 1.0333806 1.0124773 1.010086 1.0661362\n", + " 1.0577853 1.0543026 1.0428982 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 8 7 5 6 13 14 15 16 10 9 11 12 19 17 18 20]\n", + "=======================\n", + "['jerry grayson , who lives in melbourne but is originally from arundel , sussex , set himself the task of tracking down every aircraft he ever flew as part of royal navy rescue missions during the 1970s .the 59-year-old , who now designs aerial stunts for films , was once the youngest pilot to join the navy and was responsible for saving 15 yachtsmen during the doomed fastnet yacht race in 1979 .a helicopter hero travelled 23,000 miles to find every chopper he had ever flown - only to find one had been converted into a posh camping facility .']\n", + "=======================\n", + "['jerry grayson flew dozens of aircrafts during royal navy rescue missionshe was involved in 1979 fastnet yacht race rescue , saving 15 yachtsmenmr grayson found most helicopters had been turned into museum piecesbut one , a wessex mark 1 , is now a glamping unit in ditchling , sussex']\n", + "jerry grayson , who lives in melbourne but is originally from arundel , sussex , set himself the task of tracking down every aircraft he ever flew as part of royal navy rescue missions during the 1970s .the 59-year-old , who now designs aerial stunts for films , was once the youngest pilot to join the navy and was responsible for saving 15 yachtsmen during the doomed fastnet yacht race in 1979 .a helicopter hero travelled 23,000 miles to find every chopper he had ever flown - only to find one had been converted into a posh camping facility .\n", + "jerry grayson flew dozens of aircrafts during royal navy rescue missionshe was involved in 1979 fastnet yacht race rescue , saving 15 yachtsmenmr grayson found most helicopters had been turned into museum piecesbut one , a wessex mark 1 , is now a glamping unit in ditchling , sussex\n", + "[1.2028261 1.5607055 1.3075037 1.3616349 1.0919163 1.2906623 1.0404265\n", + " 1.0374615 1.12459 1.0611701 1.0242304 1.1880965 1.0147277 1.0711375\n", + " 1.0464208 1.0275065 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 5 0 11 8 4 13 9 14 6 7 15 10 12 19 16 17 18 20]\n", + "=======================\n", + "['the unnamed worker was spotted on the roof 30-feet above the ground on top of an edwardian semi-detached home in greenwich , south east london .a local resident noticed the man carrying out the work with a lack of safety equipment on the slippery tiles and quickly took snaps of the man .a building expert said the man should have at least had scaffolding up at the front of the property and a longer ladder']\n", + "=======================\n", + "['unnamed worker was spotted on the roof of a house in south east londonappeared to only be using rope for safety while 30-feet above the groundhealth and safety executive attended and stopped the work following concerns']\n", + "the unnamed worker was spotted on the roof 30-feet above the ground on top of an edwardian semi-detached home in greenwich , south east london .a local resident noticed the man carrying out the work with a lack of safety equipment on the slippery tiles and quickly took snaps of the man .a building expert said the man should have at least had scaffolding up at the front of the property and a longer ladder\n", + "unnamed worker was spotted on the roof of a house in south east londonappeared to only be using rope for safety while 30-feet above the groundhealth and safety executive attended and stopped the work following concerns\n", + "[1.302706 1.4613174 1.361957 1.168921 1.2699232 1.0680925 1.0639673\n", + " 1.0598336 1.0398751 1.0621699 1.1149561 1.1184107 1.0979736 1.0348291\n", + " 1.0277674 1.0553404 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 3 11 10 12 5 6 9 7 15 8 13 14 19 16 17 18 20]\n", + "=======================\n", + "[\"but barry lyttle , 33 , will now be sentenced in sydney 's local court , where the maximum jail term is two years , rather than the district court , where people could face up to 10 years for that offence .an irish tourist accused of leaving his brother in a coma after a late night argument in sydney has pleaded guilty to recklessly causing grievous bodily harm after the crown declined to downgrade the charge .downing centre local court was told of the plea during a brief mention on thursday , where lyttle was supported by family , including his younger brother patrick , whom he punched in potts point in the early hours of january 3 .\"]\n", + "=======================\n", + "[\"irish brothers barry and patrick lyttle hoping to return home soonbarry lyttle is still negotiating for a lesser chargehe allegedly struck his brother patrick during a night out on january 3patrick told reporters he had made a ` fantastic recovery ' on thursdaybarry is negotiating with prosecutors for a lesser charge\"]\n", + "but barry lyttle , 33 , will now be sentenced in sydney 's local court , where the maximum jail term is two years , rather than the district court , where people could face up to 10 years for that offence .an irish tourist accused of leaving his brother in a coma after a late night argument in sydney has pleaded guilty to recklessly causing grievous bodily harm after the crown declined to downgrade the charge .downing centre local court was told of the plea during a brief mention on thursday , where lyttle was supported by family , including his younger brother patrick , whom he punched in potts point in the early hours of january 3 .\n", + "irish brothers barry and patrick lyttle hoping to return home soonbarry lyttle is still negotiating for a lesser chargehe allegedly struck his brother patrick during a night out on january 3patrick told reporters he had made a ` fantastic recovery ' on thursdaybarry is negotiating with prosecutors for a lesser charge\n", + "[1.3400648 1.3803543 1.3130894 1.3072866 1.2032875 1.116956 1.1450342\n", + " 1.1193588 1.0959909 1.0766382 1.0622779 1.0177535 1.0099099 1.0203682\n", + " 1.2166791 1.0893701 1.037762 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 14 4 6 7 5 8 15 9 10 16 13 11 12 19 17 18 20]\n", + "=======================\n", + "[\"the ukip leader said the pain meant he was not ` firing on all cylinders ' during the early weeks of the election campaign , but insists he is now ` back on form ' .nigel farage 's ` terrible ' back and shoulder pain has forced him to cut his working day and consider quitting smoking .he revealed he was suffering after a flare-up of an old spinal injury and had been prescribed temazepam , a strong sleeping pill and muscle relaxant .\"]\n", + "=======================\n", + "[\"nigel farage is considering quitting smoking because of ` terrible ' back painukip leader was n't ` firing on all cylinders ' at the start of election campaignsuffering from flare-up of spinal injury and been prescribed sleeping pills\"]\n", + "the ukip leader said the pain meant he was not ` firing on all cylinders ' during the early weeks of the election campaign , but insists he is now ` back on form ' .nigel farage 's ` terrible ' back and shoulder pain has forced him to cut his working day and consider quitting smoking .he revealed he was suffering after a flare-up of an old spinal injury and had been prescribed temazepam , a strong sleeping pill and muscle relaxant .\n", + "nigel farage is considering quitting smoking because of ` terrible ' back painukip leader was n't ` firing on all cylinders ' at the start of election campaignsuffering from flare-up of spinal injury and been prescribed sleeping pills\n", + "[1.4810936 1.4668915 1.1455076 1.4597193 1.1306479 1.0746745 1.0281441\n", + " 1.0156871 1.0117918 1.017439 1.0684477 1.1275135 1.0395986 1.1223714\n", + " 1.1310859 1.408291 1.0189457 1.0101868 1.0100771 1.0085166 1.0089009]\n", + "\n", + "[ 0 1 3 15 2 14 4 11 13 5 10 12 6 16 9 7 8 17 18 20 19]\n", + "=======================\n", + "[\"adam federici will put his wembley blunder behind him when reading take on birmingham in the sky bet championship , according to manager steve clarke .the australian goalkeeper let a tame alexis sanchez shot slip through his grasp in the sixth minute of extra-time as the royals were narrowly beaten 2-1 by arsenal in saturday 's fa cup semi-final .adam federici fails to alexis sanchez 's shot from crossing the line at wembley on saturday evening\"]\n", + "=======================\n", + "[\"adam federici allowed alexis sanchez 's shot to squirm through his legshis error meant arsenal advanced to the fa cup final after extra-timereading boss steve clarke has backed his goalkeeper to get back on trackthe royals face birmingham in the championship on wednesday night\"]\n", + "adam federici will put his wembley blunder behind him when reading take on birmingham in the sky bet championship , according to manager steve clarke .the australian goalkeeper let a tame alexis sanchez shot slip through his grasp in the sixth minute of extra-time as the royals were narrowly beaten 2-1 by arsenal in saturday 's fa cup semi-final .adam federici fails to alexis sanchez 's shot from crossing the line at wembley on saturday evening\n", + "adam federici allowed alexis sanchez 's shot to squirm through his legshis error meant arsenal advanced to the fa cup final after extra-timereading boss steve clarke has backed his goalkeeper to get back on trackthe royals face birmingham in the championship on wednesday night\n", + "[1.299387 1.4578608 1.2831118 1.0909702 1.0436805 1.0379411 1.2277329\n", + " 1.0516217 1.0691129 1.0511982 1.1309205 1.0571091 1.0687404 1.0524801\n", + " 1.0543185 1.1964281 0. ]\n", + "\n", + "[ 1 0 2 6 15 10 3 8 12 11 14 13 7 9 4 5 16]\n", + "=======================\n", + "[\"jayla currie from berne , indiana , is a part of the wee ones nursery program at the indiana women 's prison , a system that was established in 2008 and allows mothers , like jayla , to share rooms with their babies while they serve out their sentences .an incarcerated mother has revealed that her one-year-old son celebrated his first birthday in prison with a party that featured donated presents and a colorful cake shared by the prison staffers who served as the toddler 's guests .in 23-year-old jayla 's case that means a 10 month sentence for drug charges .\"]\n", + "=======================\n", + "[\"jayla currie , 23 , is part of the wee ones nursery program at the indiana women 's prisonthe program allows incarcerated mothers to share rooms with their babies while they serve their sentences\"]\n", + "jayla currie from berne , indiana , is a part of the wee ones nursery program at the indiana women 's prison , a system that was established in 2008 and allows mothers , like jayla , to share rooms with their babies while they serve out their sentences .an incarcerated mother has revealed that her one-year-old son celebrated his first birthday in prison with a party that featured donated presents and a colorful cake shared by the prison staffers who served as the toddler 's guests .in 23-year-old jayla 's case that means a 10 month sentence for drug charges .\n", + "jayla currie , 23 , is part of the wee ones nursery program at the indiana women 's prisonthe program allows incarcerated mothers to share rooms with their babies while they serve their sentences\n", + "[1.1783092 1.4658449 1.3475925 1.3059263 1.0794172 1.2007668 1.1421415\n", + " 1.1043987 1.0771757 1.0546485 1.1348625 1.074123 1.0247148 1.0383178\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 5 0 6 10 7 4 8 11 9 13 12 15 14 16]\n", + "=======================\n", + "[\"medical professionals at the university of arkansas for medical sciences in little rock ruled out several causes for a 56-year-old man 's kidney problems before blaming the 16 cups of iced tea he drank daily .black tea has high levels of oxalate , a chemical known to produce kidney stones and even lead to kidney failure if consumed in excessive doses .the man was admitted to the hospital in may complaining of nausea , weakness , fatigue and body aches .\"]\n", + "=======================\n", + "[\"doctors at the university of arkansas for medical sciences found a 56-year-old man 's kidney problems stemmed from drinking too much iced teablack tea contains oxalate , a chemical known to produce kidney stones and sometimes lead to kidney failurethe unidentified man will likely spend the rest of his life in dialysis\"]\n", + "medical professionals at the university of arkansas for medical sciences in little rock ruled out several causes for a 56-year-old man 's kidney problems before blaming the 16 cups of iced tea he drank daily .black tea has high levels of oxalate , a chemical known to produce kidney stones and even lead to kidney failure if consumed in excessive doses .the man was admitted to the hospital in may complaining of nausea , weakness , fatigue and body aches .\n", + "doctors at the university of arkansas for medical sciences found a 56-year-old man 's kidney problems stemmed from drinking too much iced teablack tea contains oxalate , a chemical known to produce kidney stones and sometimes lead to kidney failurethe unidentified man will likely spend the rest of his life in dialysis\n", + "[1.3506436 1.1568218 1.2641453 1.1597191 1.1456779 1.1280203 1.1371799\n", + " 1.154798 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 7 4 6 5 14 13 12 8 10 9 15 11 16]\n", + "=======================\n", + "['( cnn ) the people of nepal are still trying to recover from two major earthquakes and a mudslide .we have vetted a list of organizations working in nepal that have created specific funds for relief efforts , including :-- adventist development and relief agency international']\n", + "=======================\n", + "['aid organizations are still working to help the people of nepal in the wake of two major earthquakesthousands were killed in a magnitude 7.8 earthquake in nepal on april 25a second quake rocked the country less than three weeks later']\n", + "( cnn ) the people of nepal are still trying to recover from two major earthquakes and a mudslide .we have vetted a list of organizations working in nepal that have created specific funds for relief efforts , including :-- adventist development and relief agency international\n", + "aid organizations are still working to help the people of nepal in the wake of two major earthquakesthousands were killed in a magnitude 7.8 earthquake in nepal on april 25a second quake rocked the country less than three weeks later\n", + "[1.4853745 1.4278536 1.2143837 1.2658055 1.0820749 1.0399079 1.0340357\n", + " 1.0184321 1.0151684 1.2684729 1.2684457 1.015152 1.0124199 1.0175054\n", + " 1.022897 1.0561575 1.1258954]\n", + "\n", + "[ 0 1 9 10 3 2 16 4 15 5 6 14 7 13 8 11 12]\n", + "=======================\n", + "['felipe massa believes he has finally silenced his critics following his storming start to the new formula one season .williams head of vehicle performance rob smedley claimed earlier this week he was seeing the best of the brazilian in their nine years working together .the williams driver says he is performing as good as he was in 2008 , a season he challenged for the title']\n", + "=======================\n", + "['felipe massa says he is performing as good as he was in 2008the brazilian challenged for the title seven years ago but finished 2ndmassa has enjoyed a storming start to the new formula one seasonthe williams driver sits 4th in the championship standings with 30 points']\n", + "felipe massa believes he has finally silenced his critics following his storming start to the new formula one season .williams head of vehicle performance rob smedley claimed earlier this week he was seeing the best of the brazilian in their nine years working together .the williams driver says he is performing as good as he was in 2008 , a season he challenged for the title\n", + "felipe massa says he is performing as good as he was in 2008the brazilian challenged for the title seven years ago but finished 2ndmassa has enjoyed a storming start to the new formula one seasonthe williams driver sits 4th in the championship standings with 30 points\n", + "[1.3687353 1.4117444 1.1889195 1.1017175 1.1730006 1.1546266 1.2099376\n", + " 1.1370907 1.0215552 1.0220945 1.0384278 1.0284669 1.0541441 1.0664693\n", + " 1.1400315 0. 0. ]\n", + "\n", + "[ 1 0 6 2 4 5 14 7 3 13 12 10 11 9 8 15 16]\n", + "=======================\n", + "[\"qantas warned back in february that it would begin strictly enforcing its business class lounge dress code from april 1 - but not everyone got the memo .the first people to be affected by qantas 's newly enforced ` smart casual ' dress code have taken to social media to complain after being turned away from the airline 's lounges for wearing thongs .people wearing thongs are no longer allowed in the qantas lounges around australia\"]\n", + "=======================\n", + "[\"qantas lounge 's ` smart casual ' dress code is now being enforced by staffsince april 1 staff can refuse entry to customers dressed incorrectlycustomers have complained on social media after being turned awaymany of them said they were refused entry because of their thongs` the dress guidelines for our lounges are the same as most restaurants and club , ' qantas saybut they refuse to define exactly what items are not allowed\"]\n", + "qantas warned back in february that it would begin strictly enforcing its business class lounge dress code from april 1 - but not everyone got the memo .the first people to be affected by qantas 's newly enforced ` smart casual ' dress code have taken to social media to complain after being turned away from the airline 's lounges for wearing thongs .people wearing thongs are no longer allowed in the qantas lounges around australia\n", + "qantas lounge 's ` smart casual ' dress code is now being enforced by staffsince april 1 staff can refuse entry to customers dressed incorrectlycustomers have complained on social media after being turned awaymany of them said they were refused entry because of their thongs` the dress guidelines for our lounges are the same as most restaurants and club , ' qantas saybut they refuse to define exactly what items are not allowed\n", + "[1.0407465 1.1017368 1.1648563 1.3310089 1.2352595 1.0730103 1.0552992\n", + " 1.0632024 1.0573598 1.0614307 1.1576588 1.0707972 1.0621735 1.0307966\n", + " 1.066798 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 2 10 1 5 11 14 7 12 9 8 6 0 13 17 15 16 18]\n", + "=======================\n", + "[\"gary lineker , alan shearer , jason roberts and ian wright fronted the bbc 's coverage at wembleybbc presenter lineker prepares to present the match of the day 50th anniversary special broadcastlest you were in any doubt , its coverage of the semi-final kicked off with footage of the late sir laurence olivier doing the st crispin 's day speech from the film of henry v ( ` we happy few , we band of brothers , ' and so on ) .\"]\n", + "=======================\n", + "[\"the weekend saw bbc 's fa cup coverage compete with sky 's premier leagueit was a refreshing throwback to see the bbc 's use of archive footagegary lineker remains one of the bbc 's prized assets and they must keep him\"]\n", + "gary lineker , alan shearer , jason roberts and ian wright fronted the bbc 's coverage at wembleybbc presenter lineker prepares to present the match of the day 50th anniversary special broadcastlest you were in any doubt , its coverage of the semi-final kicked off with footage of the late sir laurence olivier doing the st crispin 's day speech from the film of henry v ( ` we happy few , we band of brothers , ' and so on ) .\n", + "the weekend saw bbc 's fa cup coverage compete with sky 's premier leagueit was a refreshing throwback to see the bbc 's use of archive footagegary lineker remains one of the bbc 's prized assets and they must keep him\n", + "[1.3765329 1.4838669 1.2066363 1.3669933 1.2008173 1.265964 1.1256884\n", + " 1.0220034 1.0426548 1.0907292 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 5 2 4 6 9 8 7 17 10 11 12 13 14 15 16 18]\n", + "=======================\n", + "[\"bangladeshi politician kamal resigned after voicing his disquiet at umpiring decisions in his country 's world cup quarter-final defeat against india in melbourne last month .mustafa kamal 's resignation as international cricket council president has been accepted , it was confirmed after the governing body 's quarterly meeting .kamal 's remarks were described at the time as ` unfortunate ' by icc chief executive david richardson .\"]\n", + "=======================\n", + "[\"the icc confirm mustafa kamal 's departure as presidentkamal unhappy with umpires after india beat bangladesh at the world cupthere will be no immediate replacement for kamal\"]\n", + "bangladeshi politician kamal resigned after voicing his disquiet at umpiring decisions in his country 's world cup quarter-final defeat against india in melbourne last month .mustafa kamal 's resignation as international cricket council president has been accepted , it was confirmed after the governing body 's quarterly meeting .kamal 's remarks were described at the time as ` unfortunate ' by icc chief executive david richardson .\n", + "the icc confirm mustafa kamal 's departure as presidentkamal unhappy with umpires after india beat bangladesh at the world cupthere will be no immediate replacement for kamal\n", + "[1.4370028 1.1827843 1.2702113 1.3362286 1.1889781 1.1253917 1.049528\n", + " 1.0317265 1.1358049 1.107416 1.0408901 1.0238994 1.0318586 1.0235926\n", + " 1.0849698 1.0336201 1.0628173 1.0278217 0. ]\n", + "\n", + "[ 0 3 2 4 1 8 5 9 14 16 6 10 15 12 7 17 11 13 18]\n", + "=======================\n", + "[\"lucky : selena dicker , 38 , outran the avalanche on mount everest in the wake of the nepal quakeas rescuers faced a desperate race against time to airlift stranded climbers off the world 's highest peak after the devastating earthquake on saturday night , selina dicker described how she ran for her life as a wall of snow and ice tore through base camp .the tragedy forced miss dicker , head of lending for finance company europa capital mezzanine , to abandon her first attempt on the summit .\"]\n", + "=======================\n", + "[\"selina dicker , 38 , from fulham , london , survived mount everest avalancheclimber ran for her life as a wall of snow and ice tore through base campshe was in same group as google executive dan fredinburg who diedamanda holden 's said sister survived because she had altitude sickness\"]\n", + "lucky : selena dicker , 38 , outran the avalanche on mount everest in the wake of the nepal quakeas rescuers faced a desperate race against time to airlift stranded climbers off the world 's highest peak after the devastating earthquake on saturday night , selina dicker described how she ran for her life as a wall of snow and ice tore through base camp .the tragedy forced miss dicker , head of lending for finance company europa capital mezzanine , to abandon her first attempt on the summit .\n", + "selina dicker , 38 , from fulham , london , survived mount everest avalancheclimber ran for her life as a wall of snow and ice tore through base campshe was in same group as google executive dan fredinburg who diedamanda holden 's said sister survived because she had altitude sickness\n", + "[1.3093624 1.4478506 1.1426831 1.2856591 1.2685392 1.2483319 1.22837\n", + " 1.1481482 1.127857 1.1335084 1.0118613 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 4 5 6 7 2 9 8 10 17 11 12 13 14 15 16 18]\n", + "=======================\n", + "['northern territory police arrested and charged a 39-year-old man and a 26-year-old woman following the drug bust in katherine , 320 kilometres southeast of darwin on sunday .nearly 1000 bags of the depressant drug kava were seized from a vehicle where four unrestrained children were sitting in the back seat .during the extensive search , police found approximately 20 kilograms of kava divided into 862 small bags and a small quantity of cannabis .']\n", + "=======================\n", + "['police seized 20 kilograms of kava after pulling over an unregistered cara 39-year-old man and a 26-year-old woman have been chargedpolice found the kava divided into 862 deal bags on sundaythey also found a small quantity of cannabis and four unrestrained kidsthe pair will appear in katherine magistrates court on mondaykava is a depressant drug made from the root or stump of the kava shrub']\n", + "northern territory police arrested and charged a 39-year-old man and a 26-year-old woman following the drug bust in katherine , 320 kilometres southeast of darwin on sunday .nearly 1000 bags of the depressant drug kava were seized from a vehicle where four unrestrained children were sitting in the back seat .during the extensive search , police found approximately 20 kilograms of kava divided into 862 small bags and a small quantity of cannabis .\n", + "police seized 20 kilograms of kava after pulling over an unregistered cara 39-year-old man and a 26-year-old woman have been chargedpolice found the kava divided into 862 deal bags on sundaythey also found a small quantity of cannabis and four unrestrained kidsthe pair will appear in katherine magistrates court on mondaykava is a depressant drug made from the root or stump of the kava shrub\n", + "[1.1069373 1.1867235 1.3744645 1.285994 1.3283671 1.1041635 1.136138\n", + " 1.1862177 1.0947336 1.030904 1.0259665 1.0128131 1.014574 1.1632514\n", + " 1.1612151 1.0357368 1.1624436 1.0262518 1.0096593]\n", + "\n", + "[ 2 4 3 1 7 13 16 14 6 0 5 8 15 9 17 10 12 11 18]\n", + "=======================\n", + "[\"but since march the soft drink company has been putting scarlet tops on diet coke as well - causing consternation for fans of the zero calorie , zero sugar version .coke has switched all the lids on its 500ml bottles to red to ` help make our consumers aware of the full choice available to them within the coca-cola range 'diet coke bottles like this one now have red lids just like regular coke - causing a headache for some fans\"]\n", + "=======================\n", + "[\"customers used to white lids on the famous zero calorie , zero sugar typeother variants coke zero and coke life used to have black and green topsbut company has now brought all four variants ` together under one brand 'company accused of ` messing with our heads ' with red tops for all types\"]\n", + "but since march the soft drink company has been putting scarlet tops on diet coke as well - causing consternation for fans of the zero calorie , zero sugar version .coke has switched all the lids on its 500ml bottles to red to ` help make our consumers aware of the full choice available to them within the coca-cola range 'diet coke bottles like this one now have red lids just like regular coke - causing a headache for some fans\n", + "customers used to white lids on the famous zero calorie , zero sugar typeother variants coke zero and coke life used to have black and green topsbut company has now brought all four variants ` together under one brand 'company accused of ` messing with our heads ' with red tops for all types\n", + "[1.172968 1.5022573 1.3356084 1.3875928 1.237059 1.1965218 1.0530013\n", + " 1.0135682 1.0108244 1.2065145 1.1003486 1.0456414 1.0628327 1.0368248\n", + " 1.025527 1.0395678 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 9 5 0 10 12 6 11 15 13 14 7 8 18 16 17 19]\n", + "=======================\n", + "['peter barnett , 43 , is said to have caused a loss of # 23,000 to chiltern railways over a two-and-a-half year period .he travelled from his oxfordshire home to london marylebone but pretended to have only gone from wembley , in north west london .barnett admits six counts of fraud by false representation between april 2012 and november last year']\n", + "=======================\n", + "[\"peter barnett , 43 , travelled from haddenham and thame to marylebonebut pretended to have gone from wembley and tapped out with oyster carddeception places him among the ranks of britain 's biggest fare dodgersoxford university-educated lawyer has admitted to six counts of fraud\"]\n", + "peter barnett , 43 , is said to have caused a loss of # 23,000 to chiltern railways over a two-and-a-half year period .he travelled from his oxfordshire home to london marylebone but pretended to have only gone from wembley , in north west london .barnett admits six counts of fraud by false representation between april 2012 and november last year\n", + "peter barnett , 43 , travelled from haddenham and thame to marylebonebut pretended to have gone from wembley and tapped out with oyster carddeception places him among the ranks of britain 's biggest fare dodgersoxford university-educated lawyer has admitted to six counts of fraud\n", + "[1.1394905 1.2085121 1.2928511 1.3639051 1.1852398 1.1925535 1.0745302\n", + " 1.1700372 1.021004 1.0425066 1.1408474 1.0548352 1.0187522 1.0238057\n", + " 1.0347998 1.070342 1.0344859 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 5 4 7 10 0 6 15 11 9 14 16 13 8 12 17 18 19]\n", + "=======================\n", + "['antoni van leeuwenhoek ( pictured in a portrait ) used his body as a guinea pig in an experimenton the seventh day , he removed the stocking and counted more than 80 eggs but no young lice .he took three lice , nestled them among the hairs of his calf , rolled up a tight stocking so that the insects were bound to his leg and then left the stocking on and did not bathe for six days .']\n", + "=======================\n", + "[\"at 41 van leeuwenhoek used his body as a guinea pig in an experimentvermeer spent hours peering into the box-like interior of a camera obscuracould vermeer and van leeuwenhoek have inspired each other 's work ?\"]\n", + "antoni van leeuwenhoek ( pictured in a portrait ) used his body as a guinea pig in an experimenton the seventh day , he removed the stocking and counted more than 80 eggs but no young lice .he took three lice , nestled them among the hairs of his calf , rolled up a tight stocking so that the insects were bound to his leg and then left the stocking on and did not bathe for six days .\n", + "at 41 van leeuwenhoek used his body as a guinea pig in an experimentvermeer spent hours peering into the box-like interior of a camera obscuracould vermeer and van leeuwenhoek have inspired each other 's work ?\n", + "[1.2761576 1.2286702 1.3225696 1.2389494 1.3116021 1.1855121 1.0931579\n", + " 1.0332098 1.0292029 1.102703 1.046582 1.0518653 1.074265 1.021048\n", + " 1.0151044 1.0148354 1.0313578 1.0211878 0. 0. ]\n", + "\n", + "[ 2 4 0 3 1 5 9 6 12 11 10 7 16 8 17 13 14 15 18 19]\n", + "=======================\n", + "[\"in the other emails president obama is labelled a monkey , welfare recipients are described as ` lazy ' and unable to speak english before being compared to dogs and black individuals are first lady michelle obama is called a tribeswoman .police captain richard henke ( left ) and city cleark mary ann twitty ( right ) were fired after exchanging racist emailsthe emails that resulted in the firings of two police officers and a court clerk in the city of ferguson , missouri were released on thursday .\"]\n", + "=======================\n", + "[\"the emails that resulted in the firings of two police officers and a court clerk in the city of ferguson , missouri were released on thursdayin one email a photo of ronald reagan holding a monkey is labeled ` rare photo of ronald reagan babysitting barack obama 'former police sergeant william mudd said he was getting his dogs welfare in one email as they are ` mixed in color , unemployed , lazy , ca n't speak english , and have no frigging clues who their daddies are 'in another sent by city clerk mary ann twitty , a group of tribespeople in native costumes is captioned ` michelle obama 's high school reunionmudd also sent an email that said a black woman in new orleans got $ 5,000 after having an abortion from ` crimestoppers 'disgraced police officer richard henke was responsible for sending the email that said of president obama ; ` what black man holds a steady job for four years '\"]\n", + "in the other emails president obama is labelled a monkey , welfare recipients are described as ` lazy ' and unable to speak english before being compared to dogs and black individuals are first lady michelle obama is called a tribeswoman .police captain richard henke ( left ) and city cleark mary ann twitty ( right ) were fired after exchanging racist emailsthe emails that resulted in the firings of two police officers and a court clerk in the city of ferguson , missouri were released on thursday .\n", + "the emails that resulted in the firings of two police officers and a court clerk in the city of ferguson , missouri were released on thursdayin one email a photo of ronald reagan holding a monkey is labeled ` rare photo of ronald reagan babysitting barack obama 'former police sergeant william mudd said he was getting his dogs welfare in one email as they are ` mixed in color , unemployed , lazy , ca n't speak english , and have no frigging clues who their daddies are 'in another sent by city clerk mary ann twitty , a group of tribespeople in native costumes is captioned ` michelle obama 's high school reunionmudd also sent an email that said a black woman in new orleans got $ 5,000 after having an abortion from ` crimestoppers 'disgraced police officer richard henke was responsible for sending the email that said of president obama ; ` what black man holds a steady job for four years '\n", + "[1.3165675 1.3951147 1.2423027 1.326318 1.0807744 1.0384706 1.142845\n", + " 1.085306 1.0845513 1.0785534 1.1626626 1.0678126 1.0529127 1.0889869\n", + " 1.059403 1.0294467 1.0678668 1.0142637 1.0210204 1.0646785]\n", + "\n", + "[ 1 3 0 2 10 6 13 7 8 4 9 16 11 19 14 12 5 15 18 17]\n", + "=======================\n", + "[\"the pair allegedly worked as a team to manipulate the results of a full body scanner at a security check-point in denver international airport last year , cbs4 reported .two tsa employees have been fired after they used the airport body scanner inappropriately to allow the male worker to fondle male passengers ' genitals .according to a denver police department report seen by daily mail online , the transportation security administration ( tsa ) received an anonymous tip in november last year that an employee had admitted to ` groping ' men who came through security .\"]\n", + "=======================\n", + "[\"the male employee and a female accomplice worked as a team to manipulate a screening system at denver international airport in 2014she would indicate a female was being screened when it was a male passenger after a signal when male worker found someone attractivethe tsa machine would then show up an ` anomaly ' in the genital area and the male tsa employee would pat down the male passenger 's genitalsboth tsa employees have been fired but criminal charges were not filed\"]\n", + "the pair allegedly worked as a team to manipulate the results of a full body scanner at a security check-point in denver international airport last year , cbs4 reported .two tsa employees have been fired after they used the airport body scanner inappropriately to allow the male worker to fondle male passengers ' genitals .according to a denver police department report seen by daily mail online , the transportation security administration ( tsa ) received an anonymous tip in november last year that an employee had admitted to ` groping ' men who came through security .\n", + "the male employee and a female accomplice worked as a team to manipulate a screening system at denver international airport in 2014she would indicate a female was being screened when it was a male passenger after a signal when male worker found someone attractivethe tsa machine would then show up an ` anomaly ' in the genital area and the male tsa employee would pat down the male passenger 's genitalsboth tsa employees have been fired but criminal charges were not filed\n", + "[1.0410272 1.1606405 1.442007 1.2878838 1.1377374 1.1006725 1.0615544\n", + " 1.0452306 1.213134 1.1466889 1.0730815 1.031964 1.0902379 1.1289628\n", + " 1.0377123 1.0164987 1.1262636 0. 0. 0. ]\n", + "\n", + "[ 2 3 8 1 9 4 13 16 5 12 10 6 7 0 14 11 15 18 17 19]\n", + "=======================\n", + "[\"redditor roxambops , aka roxy de la rosa posted the pictures of dozing alex elenes on the social networking site this week with the caption : ` went to the amazon , cousin slept everywhere . 'the traveller went on a trip of a lifetime to see the amazon rainforest ... but he missed the whole thing being asleep !cousin roxy said that her slumbering companion had been the one to push for the trip and that he chose the trip over going to machu picchu since he was set on seeing the jungle .\"]\n", + "=======================\n", + "['alex elenes persuaded his cousin to go to the amazon over machu picchuhe booked many exciting tours including a jungle trek and piranha fishingthe traveller slept through the entire trip , missing sloths and monkeyshis cousin roxy de la rosa posted the hilarious pictures on reddit']\n", + "redditor roxambops , aka roxy de la rosa posted the pictures of dozing alex elenes on the social networking site this week with the caption : ` went to the amazon , cousin slept everywhere . 'the traveller went on a trip of a lifetime to see the amazon rainforest ... but he missed the whole thing being asleep !cousin roxy said that her slumbering companion had been the one to push for the trip and that he chose the trip over going to machu picchu since he was set on seeing the jungle .\n", + "alex elenes persuaded his cousin to go to the amazon over machu picchuhe booked many exciting tours including a jungle trek and piranha fishingthe traveller slept through the entire trip , missing sloths and monkeyshis cousin roxy de la rosa posted the hilarious pictures on reddit\n", + "[1.1836038 1.5659144 1.2601929 1.3389664 1.248462 1.2086351 1.0617416\n", + " 1.0482895 1.0800362 1.093053 1.1100724 1.1082207 1.1134951 1.0678719\n", + " 1.050092 1.010497 1.0105968 1.0094014 1.0083313 1.0357941 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 5 0 12 10 11 9 8 13 6 14 7 19 16 15 17 18 22 20 21 23]\n", + "=======================\n", + "['marian carole rees was 13 when she disappeared from hillsdale in southern sydney in early april 1975 after telling a friend that she had forgotten something and jumped off her school bus .marion carole rees ( pictured ) who went missing 40 years ago may still be alive , according to an inquestthe teenager often talked of running away from home and had said goodbye to her brother on the morning she disappeared , magistrate sharon freund said in findings handed down on thursday .']\n", + "=======================\n", + "['a 13-year-old girl who vanished 40 years ago may still be alivemarian carole rees disappeared from hillsdale in southern sydneyshe often talked about running away and an inquest has heard it was not suspiciousmagistrate sharon freund believes she may still want to avoid detectionshe said she was unconvinced that ms rees is dead']\n", + "marian carole rees was 13 when she disappeared from hillsdale in southern sydney in early april 1975 after telling a friend that she had forgotten something and jumped off her school bus .marion carole rees ( pictured ) who went missing 40 years ago may still be alive , according to an inquestthe teenager often talked of running away from home and had said goodbye to her brother on the morning she disappeared , magistrate sharon freund said in findings handed down on thursday .\n", + "a 13-year-old girl who vanished 40 years ago may still be alivemarian carole rees disappeared from hillsdale in southern sydneyshe often talked about running away and an inquest has heard it was not suspiciousmagistrate sharon freund believes she may still want to avoid detectionshe said she was unconvinced that ms rees is dead\n", + "[1.2657585 1.4869199 1.2668589 1.2794179 1.0190082 1.063453 1.0945878\n", + " 1.0583667 1.0747538 1.0892564 1.0934082 1.0892968 1.134604 1.0562514\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 12 6 10 11 9 8 5 7 13 4 22 14 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "['the 173 lots include the issa dress as worn by kate middleton for her engagement photos , and designs similar to those seen on the fashionable feet of carrie and samantha in sex and the city .bid time : 173 lots of designer brands worth from # 300 to thousands are set to go up for auction on april 28 .the items , which are in immaculate condition , come from the lifetime collection of an anonymous single lady owner , and her family are now selling them and donating the money to charity .']\n", + "=======================\n", + "[\"single lady leaves legacy of labels including chanel , gucci and pradabid on designs worn by kate middleton and satc 's carrie and samanthahouse & son auctioneers in bournemouth to sell the 173 designer lotsworth from # 300 to thousands , the no-reserve lots could go for a bargain\"]\n", + "the 173 lots include the issa dress as worn by kate middleton for her engagement photos , and designs similar to those seen on the fashionable feet of carrie and samantha in sex and the city .bid time : 173 lots of designer brands worth from # 300 to thousands are set to go up for auction on april 28 .the items , which are in immaculate condition , come from the lifetime collection of an anonymous single lady owner , and her family are now selling them and donating the money to charity .\n", + "single lady leaves legacy of labels including chanel , gucci and pradabid on designs worn by kate middleton and satc 's carrie and samanthahouse & son auctioneers in bournemouth to sell the 173 designer lotsworth from # 300 to thousands , the no-reserve lots could go for a bargain\n", + "[1.3426359 1.1987215 1.5438137 1.3606001 1.2253772 1.1124715 1.0631047\n", + " 1.0381608 1.023793 1.0166814 1.0211879 1.105388 1.031312 1.0253954\n", + " 1.0273876 1.0581024 1.0139704 1.1324457 1.0358038 1.1524894 1.046291\n", + " 1.0140399 0. 0. ]\n", + "\n", + "[ 2 3 0 4 1 19 17 5 11 6 15 20 7 18 12 14 13 8 10 9 21 16 22 23]\n", + "=======================\n", + "[\"sophie wilson , 17 , performed cpr on bradley parkes after she and a friend found him hanging from a tree in the woods near his home in willenhall , in coventry .the 16-year-old was taken to birmingham children 's hospital in a coma but yesterday his mother tiffany , 35 , revealed he had made a ` miracle ' recovery , as she thanked the girls .sophie and katie alwill , 18 , raised the alarm and summoned help after they stumbled across the teenager during a woodland walk\"]\n", + "=======================\n", + "[\"schoolboy bradley parkes , 16 , discovered hanging in woods in coventrysophie wilson , 17 , performed cpr on the teen after raising the alarmbradley 's mother said he had been bullied and terrorised by gangsays her son is now out of coma and thanked the girls who found him\"]\n", + "sophie wilson , 17 , performed cpr on bradley parkes after she and a friend found him hanging from a tree in the woods near his home in willenhall , in coventry .the 16-year-old was taken to birmingham children 's hospital in a coma but yesterday his mother tiffany , 35 , revealed he had made a ` miracle ' recovery , as she thanked the girls .sophie and katie alwill , 18 , raised the alarm and summoned help after they stumbled across the teenager during a woodland walk\n", + "schoolboy bradley parkes , 16 , discovered hanging in woods in coventrysophie wilson , 17 , performed cpr on the teen after raising the alarmbradley 's mother said he had been bullied and terrorised by gangsays her son is now out of coma and thanked the girls who found him\n", + "[1.5185356 1.464752 1.1529162 1.5802846 1.2444535 1.1483831 1.0763582\n", + " 1.0330316 1.0221845 1.020483 1.0255643 1.0172971 1.0174834 1.0209421\n", + " 1.0174699 1.0142419 1.023906 1.020099 1.0583466 1.0969225 1.0114081\n", + " 1.0120188 1.0106071 1.0093985]\n", + "\n", + "[ 3 0 1 4 2 5 19 6 18 7 10 16 8 13 9 17 12 14 11 15 21 20 22 23]\n", + "=======================\n", + "['mirko filipovic ( right ) faces gabriel gonzaga in poland on saturday , eight years after losing to the brazilianbut he is confident he can avenge the defeat on home territory .filipovic admitted revenge is a motivating factor ahead of the encounter against gonzaga']\n", + "=======================\n", + "[\"mirko filipovic aims to avenge 2007 first-round defeat to gabriel gonzagafilipovic was beaten by a head-kick from the brazilian eight years agohe admitted revenge is a motivating factor ahead of saturday 's bout\"]\n", + "mirko filipovic ( right ) faces gabriel gonzaga in poland on saturday , eight years after losing to the brazilianbut he is confident he can avenge the defeat on home territory .filipovic admitted revenge is a motivating factor ahead of the encounter against gonzaga\n", + "mirko filipovic aims to avenge 2007 first-round defeat to gabriel gonzagafilipovic was beaten by a head-kick from the brazilian eight years agohe admitted revenge is a motivating factor ahead of saturday 's bout\n", + "[1.0968457 1.4280045 1.4133263 1.1293715 1.1784948 1.0720384 1.0522354\n", + " 1.2107772 1.0845654 1.0360346 1.0335891 1.0368642 1.0203067 1.0243604\n", + " 1.0266755 1.021552 1.0186604 1.0174421 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 7 4 3 0 8 5 6 11 9 10 14 13 15 12 16 17 22 18 19 20 21 23]\n", + "=======================\n", + "[\"a hilarious new hashtag has popped up on social media site instagram exposing some of these ` awful ' that things parents do to their children - such as giving them a bath ( how dare they ) , putting them in their high chair ( so mean ) , and even giving them cookies ( what a truly evil thing to do ) .# a ** holeparent has almost 4000 posts from parents all over world , admitting through their uploaded pictures to cleaning , feeding , and entertaining their children to their immense dissatisfaction .most of the photos show children crying , followed by an explanation of exactly what their parent has done to upset them so . '\"]\n", + "=======================\n", + "[\"# a ** holeparents is a hashtag on instagram to expose ` flawed parenting 'parents posts pictures of their children crying with the hashtagchildren are shown crying because they are being fed and cleanedi would n't let her have a knife , ' captioned one snap of a child sobbingthe hashtag has almost 4000 posts from parents all over the world\"]\n", + "a hilarious new hashtag has popped up on social media site instagram exposing some of these ` awful ' that things parents do to their children - such as giving them a bath ( how dare they ) , putting them in their high chair ( so mean ) , and even giving them cookies ( what a truly evil thing to do ) .# a ** holeparent has almost 4000 posts from parents all over world , admitting through their uploaded pictures to cleaning , feeding , and entertaining their children to their immense dissatisfaction .most of the photos show children crying , followed by an explanation of exactly what their parent has done to upset them so . '\n", + "# a ** holeparents is a hashtag on instagram to expose ` flawed parenting 'parents posts pictures of their children crying with the hashtagchildren are shown crying because they are being fed and cleanedi would n't let her have a knife , ' captioned one snap of a child sobbingthe hashtag has almost 4000 posts from parents all over the world\n", + "[1.4451212 1.3255792 1.2953398 1.1176567 1.0716773 1.0737028 1.0219387\n", + " 1.0256625 1.0264156 1.0368742 1.0338194 1.0256631 1.1526632 1.1106113\n", + " 1.0649449 1.0978777 1.2601197 1.0847588 1.1204667 1.0368205]\n", + "\n", + "[ 0 1 2 16 12 18 3 13 15 17 5 4 14 9 19 10 8 11 7 6]\n", + "=======================\n", + "[\"relief : chrystie crownover told gma on monday that she watched her ex-husband , bruce jenner 's dramatic abc diane sawyer interview with the olympic athlete and their childrenspeaking to gma in a tearful interview , chrystie crownover , the daughter of a mormon minister , told how the olympic champion first opened up to her when they married in 1972 . 'chrystie was the first to learn about bruce 's gender confusion and has kept his secret .\"]\n", + "=======================\n", + "[\"chrystie crownover told gma that bruce revealed his ` true self ' the year they were married in 1972chrystie told gma that she has kept his secret for the past 43-yearsrevealed she was shocked at first but was pleased he told her and ` never felt threatened 'told gma that she watched friday 's diane sawyer interview with brucethe olympic champion and chrystie have two children together and are grandparents\"]\n", + "relief : chrystie crownover told gma on monday that she watched her ex-husband , bruce jenner 's dramatic abc diane sawyer interview with the olympic athlete and their childrenspeaking to gma in a tearful interview , chrystie crownover , the daughter of a mormon minister , told how the olympic champion first opened up to her when they married in 1972 . 'chrystie was the first to learn about bruce 's gender confusion and has kept his secret .\n", + "chrystie crownover told gma that bruce revealed his ` true self ' the year they were married in 1972chrystie told gma that she has kept his secret for the past 43-yearsrevealed she was shocked at first but was pleased he told her and ` never felt threatened 'told gma that she watched friday 's diane sawyer interview with brucethe olympic champion and chrystie have two children together and are grandparents\n", + "[1.3735635 1.3509243 1.1976702 1.117747 1.2693896 1.0777702 1.0314445\n", + " 1.036196 1.0871305 1.0584885 1.1897055 1.0271895 1.0768502 1.1246259\n", + " 1.0124118 1.0545003 1.0172238 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 10 13 3 8 5 12 9 15 7 6 11 16 14 17 18 19]\n", + "=======================\n", + "[\"yemeni rebels have seized president abedrabbo mansour hadi 's palace on the same day al-qaeda militants freed hundreds of inmates in a jailbreak .security officials said member of al-qaeda stormed a hadramawt provincial prison in southeast yemen and freed more than 300 inmates , including one of their leaders khalid batarfi .two guards and five inmates were killed in clashes , the official said .\"]\n", + "=======================\n", + "['300 inmates including al-qaeda leader freed during breakout at jailtwo guards and five inmates killed in clashes44 people , including 18 civilians , reportedly killed in city of adensecurity officials later confirmed fall of the palace']\n", + "yemeni rebels have seized president abedrabbo mansour hadi 's palace on the same day al-qaeda militants freed hundreds of inmates in a jailbreak .security officials said member of al-qaeda stormed a hadramawt provincial prison in southeast yemen and freed more than 300 inmates , including one of their leaders khalid batarfi .two guards and five inmates were killed in clashes , the official said .\n", + "300 inmates including al-qaeda leader freed during breakout at jailtwo guards and five inmates killed in clashes44 people , including 18 civilians , reportedly killed in city of adensecurity officials later confirmed fall of the palace\n", + "[1.2070866 1.4314234 1.1697432 1.2854081 1.2366637 1.1549838 1.1639568\n", + " 1.0430554 1.0902635 1.0545512 1.0142667 1.021348 1.0241668 1.0430791\n", + " 1.1331477 1.2028425 1.1233294 1.0292466 0. 0. ]\n", + "\n", + "[ 1 3 4 0 15 2 6 5 14 16 8 9 13 7 17 12 11 10 18 19]\n", + "=======================\n", + "['revellers in the remote village in jharkhand state tie themselves upside down onto a wooden pole that hand hangs just feet above a raging fire .locals believe that the unusual practice helps protect the village from drought and disease , adding that criticism over the safety is misguided and there are no reports of those taking part ever being injured .unusual : villagers , including children as young as 10 , roast themselves over the open fire in the hope it will bring them good luck']\n", + "=======================\n", + "['locals in the remote area of jharkhand state believe the ceremony has the power to protect their villageparticipants are tied to a wooden pole by their feet and gradually lowered into the roaring flames belowas those taking part get closer to the fire , a hindu priest throws oil to intensify the blaze ever furtherthose escaping injury are deemed worthy to take part in the next stage of the ceremony - walking on hot coals']\n", + "revellers in the remote village in jharkhand state tie themselves upside down onto a wooden pole that hand hangs just feet above a raging fire .locals believe that the unusual practice helps protect the village from drought and disease , adding that criticism over the safety is misguided and there are no reports of those taking part ever being injured .unusual : villagers , including children as young as 10 , roast themselves over the open fire in the hope it will bring them good luck\n", + "locals in the remote area of jharkhand state believe the ceremony has the power to protect their villageparticipants are tied to a wooden pole by their feet and gradually lowered into the roaring flames belowas those taking part get closer to the fire , a hindu priest throws oil to intensify the blaze ever furtherthose escaping injury are deemed worthy to take part in the next stage of the ceremony - walking on hot coals\n", + "[1.1337901 1.3741809 1.3958476 1.3173995 1.236018 1.141628 1.0916011\n", + " 1.0483574 1.0586686 1.0470247 1.0462265 1.0868661 1.068973 1.0559034\n", + " 1.033389 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 4 5 0 6 11 12 8 13 7 9 10 14 18 15 16 17 19]\n", + "=======================\n", + "[\"the mum-of-twins claims her account was deleted because the images were deemed to contain inappropriate ` nudity and violence ' which breach the site 's decency guidelines .hannah moore , 20 , from broxburn in west lothian , did n't get that far though ; her images of the stretchmarks on her tummy were vetoed by the world 's biggest photo-sharing website within minutes of her posting them .she gave birth to twin girls lily and grace ( pictured above with fiance david johnstone , 22 ) in june last year\"]\n", + "=======================\n", + "['young mum hannah moore , 20 , had shots of her stretchmarks taken downinstagram has also censored images of periods , pubic hair and nipplesyet provocative images of bikini models are deemed appropriatethose who have had their shots censored accuse the site of sexism']\n", + "the mum-of-twins claims her account was deleted because the images were deemed to contain inappropriate ` nudity and violence ' which breach the site 's decency guidelines .hannah moore , 20 , from broxburn in west lothian , did n't get that far though ; her images of the stretchmarks on her tummy were vetoed by the world 's biggest photo-sharing website within minutes of her posting them .she gave birth to twin girls lily and grace ( pictured above with fiance david johnstone , 22 ) in june last year\n", + "young mum hannah moore , 20 , had shots of her stretchmarks taken downinstagram has also censored images of periods , pubic hair and nipplesyet provocative images of bikini models are deemed appropriatethose who have had their shots censored accuse the site of sexism\n", + "[1.3406547 1.345654 1.1826196 1.3491081 1.2350229 1.1686811 1.0795094\n", + " 1.0464021 1.0209972 1.0389761 1.066088 1.0795648 1.0687711 1.1362284\n", + " 1.0598998 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 4 2 5 13 11 6 12 10 14 7 9 8 15 16 17 18 19]\n", + "=======================\n", + "[\"nick clegg was heckled by tuition fees protesters while out campaigning in surbiton , south west london , today - while lib dem supporters tried to intervenemr clegg ignored the protesters as he stuck to his message that only the lib dems can be trusted to balance the budget without hitting the poor .the lib dem leader 's campaign stop came after he launched a furious attack on the ` ideological ' cuts planned by the tories .\"]\n", + "=======================\n", + "[\"deputy pm was met by protesters in surbiton , south-west londonprotesters chanted : ` nick clegg lied to me , he said uni would be free 'mr clegg ignored the protesters and launched new assault on the torieshe said george osborne 's plan was ` socially and morally unacceptable '\"]\n", + "nick clegg was heckled by tuition fees protesters while out campaigning in surbiton , south west london , today - while lib dem supporters tried to intervenemr clegg ignored the protesters as he stuck to his message that only the lib dems can be trusted to balance the budget without hitting the poor .the lib dem leader 's campaign stop came after he launched a furious attack on the ` ideological ' cuts planned by the tories .\n", + "deputy pm was met by protesters in surbiton , south-west londonprotesters chanted : ` nick clegg lied to me , he said uni would be free 'mr clegg ignored the protesters and launched new assault on the torieshe said george osborne 's plan was ` socially and morally unacceptable '\n", + "[1.2455711 1.4932203 1.4725525 1.2164263 1.069367 1.0399632 1.0844197\n", + " 1.1207153 1.1082976 1.0218905 1.2285802 1.0451092 1.0539668 1.012849\n", + " 1.0148553 1.0084851 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 10 3 7 8 6 4 12 11 5 9 14 13 15 19 16 17 18 20]\n", + "=======================\n", + "[\"laura stevens ' photo series ` another november ' captures the stages grief following the breakdown of a relationship .the british photographer , 38 , who lives in paris , found inspiration for the series after her own painful break up .` jessica ' from the series another november by laura stevens shows a woman sitting in a foetal position next to crumpled bed covers\"]\n", + "=======================\n", + "[\"laura stevens , 38 , who lives in paris , suffered a painful relationship break-upbritish photographer asked friends and women she met to pose for photos of ` how she was feeling 'therapeutic , personal project is called another november ( the month in which she and her partner separated )\"]\n", + "laura stevens ' photo series ` another november ' captures the stages grief following the breakdown of a relationship .the british photographer , 38 , who lives in paris , found inspiration for the series after her own painful break up .` jessica ' from the series another november by laura stevens shows a woman sitting in a foetal position next to crumpled bed covers\n", + "laura stevens , 38 , who lives in paris , suffered a painful relationship break-upbritish photographer asked friends and women she met to pose for photos of ` how she was feeling 'therapeutic , personal project is called another november ( the month in which she and her partner separated )\n", + "[1.2471458 1.299242 1.3743328 1.2991563 1.2435912 1.1346942 1.1582778\n", + " 1.0289854 1.0320225 1.2244974 1.0722904 1.1214935 1.051888 1.0956582\n", + " 1.0268358 1.0102462 1.0124372 1.011862 1.0145915 1.0466677 0. ]\n", + "\n", + "[ 2 1 3 0 4 9 6 5 11 13 10 12 19 8 7 14 18 16 17 15 20]\n", + "=======================\n", + "['the swedish firm says producing the new version uses far less energy than making the pork and beef variety .the dish loved by millions of british customers is to get a meat-free makeover that it is claimed will cut carbon emissions by half .it changed the world with its flat-pack furniture and now ikea wants to save the planet ... with vegetarian meatballs .']\n", + "=======================\n", + "[\"ikea hopes to save the planet with chickpea and kale ` veggie balls 'the ` non-meat meatball ' also contains carrots , peppers and peasswedish flat-pack firm sells one billion regular meatballs every year\"]\n", + "the swedish firm says producing the new version uses far less energy than making the pork and beef variety .the dish loved by millions of british customers is to get a meat-free makeover that it is claimed will cut carbon emissions by half .it changed the world with its flat-pack furniture and now ikea wants to save the planet ... with vegetarian meatballs .\n", + "ikea hopes to save the planet with chickpea and kale ` veggie balls 'the ` non-meat meatball ' also contains carrots , peppers and peasswedish flat-pack firm sells one billion regular meatballs every year\n", + "[1.3647213 1.2641045 1.2794594 1.1471597 1.4037814 1.1388129 1.086125\n", + " 1.0446657 1.041453 1.0549191 1.0294794 1.0512064 1.0471933 1.0532824\n", + " 1.0150554 1.1955333 1.0996985 1.0805905 1.0907323 0. 0. ]\n", + "\n", + "[ 4 0 2 1 15 3 5 16 18 6 17 9 13 11 12 7 8 10 14 19 20]\n", + "=======================\n", + "[\"ankit keshri had passed away after suffering a cardiac arrest following an on-field injury in kolkatasachin tendulkar has paid tribute to a ` promising ' indian cricketer who has died after colliding with a team-mate while attempting to take a catch during a club match in kolkata .keshri was only playing as a substitute fielder having been the 12th man .\"]\n", + "=======================\n", + "['ankit keshri was on the pitch as a substitute fielder having been 12th man20-year-old did regain consciousness after colliding with team-matesachin tendulkar is one of several stars to give his condolences']\n", + "ankit keshri had passed away after suffering a cardiac arrest following an on-field injury in kolkatasachin tendulkar has paid tribute to a ` promising ' indian cricketer who has died after colliding with a team-mate while attempting to take a catch during a club match in kolkata .keshri was only playing as a substitute fielder having been the 12th man .\n", + "ankit keshri was on the pitch as a substitute fielder having been 12th man20-year-old did regain consciousness after colliding with team-matesachin tendulkar is one of several stars to give his condolences\n", + "[1.2890873 1.2735841 1.2522662 1.1823425 1.2543113 1.2294309 1.0435125\n", + " 1.0325671 1.0496285 1.0633053 1.0756998 1.0592756 1.0448837 1.0550077\n", + " 1.0268201 1.020244 1.0345361 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 5 3 10 9 11 13 8 12 6 16 7 14 15 19 17 18 20]\n", + "=======================\n", + "['washington ( cnn ) in 2011 , al qaeda took warren weinstein hostage .then , about a year later , his family paid money to his captors , said a pakistani source who was in regular contact with the kidnappers .she has been described as the \" poster girl \" for islamic jihad and is serving an 86-year sentence in the united states .']\n", + "=======================\n", + "['about a year after al qaeda took warren weinstein hostage , his family paid a ransom , a pakistani source saysthe captors demanded that other prisoners be released , the source saysweinstein , an american aid worker , was killed in a drone strike in january , the u.s. says']\n", + "washington ( cnn ) in 2011 , al qaeda took warren weinstein hostage .then , about a year later , his family paid money to his captors , said a pakistani source who was in regular contact with the kidnappers .she has been described as the \" poster girl \" for islamic jihad and is serving an 86-year sentence in the united states .\n", + "about a year after al qaeda took warren weinstein hostage , his family paid a ransom , a pakistani source saysthe captors demanded that other prisoners be released , the source saysweinstein , an american aid worker , was killed in a drone strike in january , the u.s. says\n", + "[1.5279236 1.4569858 1.2054073 1.4111737 1.1232213 1.1314778 1.0750175\n", + " 1.0257297 1.0165603 1.024516 1.0548879 1.0205165 1.0373728 1.0217078\n", + " 1.0202322 1.022024 1.021004 1.0178227 1.0626309 1.0888308 1.016718 ]\n", + "\n", + "[ 0 1 3 2 5 4 19 6 18 10 12 7 9 15 13 16 11 14 17 20 8]\n", + "=======================\n", + "[\"thierry henry has hit out at javier hernandez for celebrating his late champions league winner against atletico madrid ` like he had just won the world cup ' .the real madrid striker sent home fans into raptures when he swept in a pass from cristiano ronaldo with just two minutes left to play after neat work by the portugal international .hernandez opted to run to the corner and celebrate on his own following his winner but henry feels the forward , on loan from manchester united , owes all the credit to his team-mate .\"]\n", + "=======================\n", + "['former arsenal attacker thierry henry criticised javier hernandezhernandez scored late to earn real madrid champions league victorybut , henry feels the mexican owes all the credit to cristiano ronaldoronaldo provided the assist for the on-loan striker to tap home late onclick here for our lowdown on the uefa champions league final four']\n", + "thierry henry has hit out at javier hernandez for celebrating his late champions league winner against atletico madrid ` like he had just won the world cup ' .the real madrid striker sent home fans into raptures when he swept in a pass from cristiano ronaldo with just two minutes left to play after neat work by the portugal international .hernandez opted to run to the corner and celebrate on his own following his winner but henry feels the forward , on loan from manchester united , owes all the credit to his team-mate .\n", + "former arsenal attacker thierry henry criticised javier hernandezhernandez scored late to earn real madrid champions league victorybut , henry feels the mexican owes all the credit to cristiano ronaldoronaldo provided the assist for the on-loan striker to tap home late onclick here for our lowdown on the uefa champions league final four\n", + "[1.2589861 1.4371848 1.2323543 1.1384233 1.1269474 1.0631629 1.0250459\n", + " 1.0198727 1.1950538 1.2063601 1.118641 1.0425999 1.0470407 1.0324101\n", + " 1.0240425 0. 0. ]\n", + "\n", + "[ 1 0 2 9 8 3 4 10 5 12 11 13 6 14 7 15 16]\n", + "=======================\n", + "[\"having led the chasing pack for most of the season , the blues are currently seven points clear with a game in hand over their closest rivals and seven games remaining ahead of the weekend 's visit of manchester united .chelsea have turned to the latest fitness technology to carry them over the line towards the premier league title following a relentless campaign .despite their commanding position , jose mourinho 's side is leaving nothing to chance as players hit the gym following the announcement of a partnership with leading wellness solutions provider technogym - who have kitted out their cobham training ground with state-of-the-art equipment .\"]\n", + "=======================\n", + "[\"chelsea are seven points clear at the top of the premier league tableblues have announced partnership with fitness leaders technogymkurt zouma , eden hazard and nemanja matic have been working outjose mourinho 's side host man united at stamford bridge on saturday\"]\n", + "having led the chasing pack for most of the season , the blues are currently seven points clear with a game in hand over their closest rivals and seven games remaining ahead of the weekend 's visit of manchester united .chelsea have turned to the latest fitness technology to carry them over the line towards the premier league title following a relentless campaign .despite their commanding position , jose mourinho 's side is leaving nothing to chance as players hit the gym following the announcement of a partnership with leading wellness solutions provider technogym - who have kitted out their cobham training ground with state-of-the-art equipment .\n", + "chelsea are seven points clear at the top of the premier league tableblues have announced partnership with fitness leaders technogymkurt zouma , eden hazard and nemanja matic have been working outjose mourinho 's side host man united at stamford bridge on saturday\n", + "[1.4365492 1.1651014 1.4437468 1.2401601 1.1715031 1.0700718 1.1048673\n", + " 1.0453253 1.0665336 1.1232989 1.0626559 1.1049004 1.0339348 1.0565722\n", + " 1.0134712 1.0147039 0. ]\n", + "\n", + "[ 2 0 3 4 1 9 11 6 5 8 10 13 7 12 15 14 16]\n", + "=======================\n", + "[\"tamara pacskowska pretended to be 76-year-old georgina bagnall-oakley at meetings with estate agents and solicitors in november last year over sale of the home in bayswater , west london .tamara pacskowska , who posed as a wealthy pensioner to try and sell a # 1million bayswater mews house from under the owner 's nosethe 56-year-old , from croydon , south london , could not speak english and took her daughter-in-law monika brzezinska , 34 , along with her on the visits to help her translate .\"]\n", + "=======================\n", + "['tamara pacskowska pretended to be 76-year-old georgina bagnall-oakleytried to sell her # 1million bayswater mews home from under her noserecruited daughter-in-law monika brzezinska to translate agent meetingsthey planned to sell the home to fellow conman benjamin khoury , aged 26']\n", + "tamara pacskowska pretended to be 76-year-old georgina bagnall-oakley at meetings with estate agents and solicitors in november last year over sale of the home in bayswater , west london .tamara pacskowska , who posed as a wealthy pensioner to try and sell a # 1million bayswater mews house from under the owner 's nosethe 56-year-old , from croydon , south london , could not speak english and took her daughter-in-law monika brzezinska , 34 , along with her on the visits to help her translate .\n", + "tamara pacskowska pretended to be 76-year-old georgina bagnall-oakleytried to sell her # 1million bayswater mews home from under her noserecruited daughter-in-law monika brzezinska to translate agent meetingsthey planned to sell the home to fellow conman benjamin khoury , aged 26\n", + "[1.1650279 1.522244 1.2128218 1.3100291 1.214293 1.1507188 1.1005214\n", + " 1.0788714 1.0788392 1.0844153 1.0372357 1.0448714 1.0767235 1.1105917\n", + " 1.0238624 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 5 13 6 9 7 8 12 11 10 14 15 16]\n", + "=======================\n", + "['amol gupta , from manhattan , is suing zogsports kickball league claiming that during a match two years ago he ran into a brick wall , breaking his nose and elbow , and also injuring his spine .filed of dreams : the match at the center of the lawsuit took place april 27 , 2013 , on roosevelt islandkickball is a popular american schoolyard game akin to baseball where players kick the ball to bat instead of using bats .']\n", + "=======================\n", + "['amol gupta was playing in a match on roosevelt island in april 2013 when he injured himselfgupta suffered a broke nose and elbow , and damaged his spine when he slammed into retaining wallkickball game was organized by zogsports league']\n", + "amol gupta , from manhattan , is suing zogsports kickball league claiming that during a match two years ago he ran into a brick wall , breaking his nose and elbow , and also injuring his spine .filed of dreams : the match at the center of the lawsuit took place april 27 , 2013 , on roosevelt islandkickball is a popular american schoolyard game akin to baseball where players kick the ball to bat instead of using bats .\n", + "amol gupta was playing in a match on roosevelt island in april 2013 when he injured himselfgupta suffered a broke nose and elbow , and damaged his spine when he slammed into retaining wallkickball game was organized by zogsports league\n", + "[1.3202108 1.4192585 1.3068931 1.1064699 1.084534 1.1650552 1.0285846\n", + " 1.0934296 1.0890993 1.1436276 1.0638484 1.128026 1.0724654 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 5 9 11 3 7 8 4 12 10 6 13 14 15 16]\n", + "=======================\n", + "['gov. andrew cuomo said friday that more than 160 patients in nine days have been rushed to hospitals across the state for adverse reactions to synthetic cannabinoid , known as \" spice \" or \" k2 . \"new york ( cnn ) new york state authorities have issued a health alert following a dramatic spike in hospital visits for synthetic marijuana-related emergencies .synthetic marijuana is popular among teens because it is marketed as incense or natural products to \" mask its true purpose , \" the health department statement said .']\n", + "=======================\n", + "['new york reports 160 hospitalizations related to synthetic marijuanagov. andrew cuomo issued a health alert']\n", + "gov. andrew cuomo said friday that more than 160 patients in nine days have been rushed to hospitals across the state for adverse reactions to synthetic cannabinoid , known as \" spice \" or \" k2 . \"new york ( cnn ) new york state authorities have issued a health alert following a dramatic spike in hospital visits for synthetic marijuana-related emergencies .synthetic marijuana is popular among teens because it is marketed as incense or natural products to \" mask its true purpose , \" the health department statement said .\n", + "new york reports 160 hospitalizations related to synthetic marijuanagov. andrew cuomo issued a health alert\n", + "[1.362892 1.2841445 1.2002985 1.2772777 1.0764903 1.0911422 1.1428437\n", + " 1.0384547 1.0415715 1.1078923 1.0309646 1.0301645 1.0512562 1.0480514\n", + " 1.0808262 1.0868633 1.0636748]\n", + "\n", + "[ 0 1 3 2 6 9 5 15 14 4 16 12 13 8 7 10 11]\n", + "=======================\n", + "['( cnn ) two of the best actresses on television are back on \" the big bang theory \" -- one of our six suggested things to watch this week .tv \\'s top comedy will see the return of christine baranski and laurie metcalf as the mothers of leonard and sheldon , respectively .scarlett johannsson is the host , the day after her new blockbuster \" avengers \" movie opens nationwide .']\n", + "=======================\n", + "['the two moms from \" big bang theory \" guest star this week\" backstrom , \" \" blue bloods \" are among the week \\'s season finalescomedy \" younger \" is gaining big buzz']\n", + "( cnn ) two of the best actresses on television are back on \" the big bang theory \" -- one of our six suggested things to watch this week .tv 's top comedy will see the return of christine baranski and laurie metcalf as the mothers of leonard and sheldon , respectively .scarlett johannsson is the host , the day after her new blockbuster \" avengers \" movie opens nationwide .\n", + "the two moms from \" big bang theory \" guest star this week\" backstrom , \" \" blue bloods \" are among the week 's season finalescomedy \" younger \" is gaining big buzz\n", + "[1.4130232 1.4481889 1.2011834 1.4270222 1.2535948 1.1025354 1.2605697\n", + " 1.0758206 1.0350448 1.0701361 1.0672072 1.0358198 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 6 4 2 5 7 9 10 11 8 22 21 20 19 18 12 16 15 14 13 23 17\n", + " 24]\n", + "=======================\n", + "[\"the 19-year-old was in contention to play for the club 's under-21s against derby on wednesday evening along with fellow long-term absentee siem de jong .newcastle midfielder rolando aarons has suffered another injury setback and may not play again this seasonmidfielder moussa sissoko was sent off during monday night 's loss at liverpool to ensure his own enforced spell on the sidelines just as carver prepares to welcome skipper fabricio coloccini back from a three-match ban .\"]\n", + "=======================\n", + "['rolando aarons was in contention to play for under 21s on wednesdaythe 19-year-old newcastle midfielder has suffered another injury setbackthe magpies have lost their last five barclays premier league matches']\n", + "the 19-year-old was in contention to play for the club 's under-21s against derby on wednesday evening along with fellow long-term absentee siem de jong .newcastle midfielder rolando aarons has suffered another injury setback and may not play again this seasonmidfielder moussa sissoko was sent off during monday night 's loss at liverpool to ensure his own enforced spell on the sidelines just as carver prepares to welcome skipper fabricio coloccini back from a three-match ban .\n", + "rolando aarons was in contention to play for under 21s on wednesdaythe 19-year-old newcastle midfielder has suffered another injury setbackthe magpies have lost their last five barclays premier league matches\n", + "[1.5427499 1.4901841 1.4339141 1.18115 1.1858613 1.0298325 1.0313499\n", + " 1.0230933 1.374408 1.0156909 1.0240904 1.0365237 1.0954182 1.0115238\n", + " 1.0135014 1.0084335 1.009268 1.0080495 1.0294304 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 8 4 3 12 11 6 5 18 10 7 9 14 13 16 15 17 23 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"juan mata described manchester united 's 4-2 derby victory as a ` massive win ' as they opened up a four-point gap on manchester city .united had lost their last four meetings with city but goals from ashley young , marouane fellaini , mata and chris smalling gave the red devils their biggest derby win for six years .sergio aguero opened the scoring and also netted late on for his 100th city goal but united were by far the better team to tighten their grip on third spot in the barclays premier league .\"]\n", + "=======================\n", + "[\"juan mata scored as manchester united thumped manchester cityvictory sends louis van gaal 's side four points clear of their rivals in thirdmanchester united are now just one point adrift of second placed arsenalmata has challenged his teammates to keep on fighting right to the end\"]\n", + "juan mata described manchester united 's 4-2 derby victory as a ` massive win ' as they opened up a four-point gap on manchester city .united had lost their last four meetings with city but goals from ashley young , marouane fellaini , mata and chris smalling gave the red devils their biggest derby win for six years .sergio aguero opened the scoring and also netted late on for his 100th city goal but united were by far the better team to tighten their grip on third spot in the barclays premier league .\n", + "juan mata scored as manchester united thumped manchester cityvictory sends louis van gaal 's side four points clear of their rivals in thirdmanchester united are now just one point adrift of second placed arsenalmata has challenged his teammates to keep on fighting right to the end\n", + "[1.2030106 1.5328276 1.2829217 1.4260806 1.257935 1.1017917 1.0238111\n", + " 1.0335063 1.0255603 1.0627583 1.0483966 1.0564077 1.0316985 1.0559042\n", + " 1.1291176 1.0923443 1.1056505 1.2497867 1.0319022 1.0413446 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 17 0 14 16 5 15 9 11 13 10 19 7 18 12 8 6 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"denise chiffon berry and her son were driving in hawthorne , california on wednesday afternoon when they passed by three men in a cadillac - one of whom had his legs dangling out of the window .the mother and son allegedly laughed at the scene , but someone in the car did n't find it funny when he made eye contact with the 12-year-old boy .a 44-year-old woman has been shot dead in front of her 12-year-old son by a stranger she simply laughed at while passing him in her car .\"]\n", + "=======================\n", + "[\"denise chiffon berry , 44 , was driving in hawthorne , california with her unidentified 12-year-old son on wednesdayaround 12:30 pm , her son saw a man riding in a cadillac with his feet handing out the window and the two laughed at the scenewhen the cadillac began following their vehicle , ms berry pulled over to ask a police officer for helpthat 's when raymond washington , who was in the front passenger seat , got out of the cadillac and started shooting at ms berry and her sonms berry died at her scene while her son survived ; washington was shot dead by the police officer helping the mother and sonwashington , 38 , was a father-of-two and had a previous felony conviction\"]\n", + "denise chiffon berry and her son were driving in hawthorne , california on wednesday afternoon when they passed by three men in a cadillac - one of whom had his legs dangling out of the window .the mother and son allegedly laughed at the scene , but someone in the car did n't find it funny when he made eye contact with the 12-year-old boy .a 44-year-old woman has been shot dead in front of her 12-year-old son by a stranger she simply laughed at while passing him in her car .\n", + "denise chiffon berry , 44 , was driving in hawthorne , california with her unidentified 12-year-old son on wednesdayaround 12:30 pm , her son saw a man riding in a cadillac with his feet handing out the window and the two laughed at the scenewhen the cadillac began following their vehicle , ms berry pulled over to ask a police officer for helpthat 's when raymond washington , who was in the front passenger seat , got out of the cadillac and started shooting at ms berry and her sonms berry died at her scene while her son survived ; washington was shot dead by the police officer helping the mother and sonwashington , 38 , was a father-of-two and had a previous felony conviction\n", + "[1.3838533 1.408431 1.3106151 1.3956201 1.1611845 1.0169232 1.0348867\n", + " 1.0502863 1.073854 1.3122509 1.0617157 1.0185019 1.0162678 1.0280571\n", + " 1.0245202 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 9 2 4 8 10 7 6 13 14 11 5 12 15 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"having beaten denmark and azerbaijan in their opening elite round qualifiers , the young lions had to beat france in saint-lo to advance to july 's finals in greecepatrick roberts was on target for england 's young lions against france but it was n't enough to qualifyengland will not be playing in the under 19 european championships this summer after losing 2-1 to france in their decisive final qualifier .\"]\n", + "=======================\n", + "[\"england needed to beat france in their final euro 2015 qualifierbut goals from sehrou guirassy and gnaly cornet won it for the hostslate response from fulham 's patrick roberts was n't enough\"]\n", + "having beaten denmark and azerbaijan in their opening elite round qualifiers , the young lions had to beat france in saint-lo to advance to july 's finals in greecepatrick roberts was on target for england 's young lions against france but it was n't enough to qualifyengland will not be playing in the under 19 european championships this summer after losing 2-1 to france in their decisive final qualifier .\n", + "england needed to beat france in their final euro 2015 qualifierbut goals from sehrou guirassy and gnaly cornet won it for the hostslate response from fulham 's patrick roberts was n't enough\n", + "[1.4760062 1.5233865 1.1439657 1.4405065 1.3285851 1.2449188 1.1166501\n", + " 1.0145687 1.0120492 1.0242953 1.047945 1.0159976 1.0141429 1.0152537\n", + " 1.0128081 1.013982 1.014089 1.012118 1.1259341 1.0636805 1.0123351\n", + " 1.009915 1.008826 1.0203094 1.0099257]\n", + "\n", + "[ 1 0 3 4 5 2 18 6 19 10 9 23 11 13 7 12 16 15 14 20 17 8 24 21\n", + " 22]\n", + "=======================\n", + "[\"hazard scored chelsea 's 38th minute winner against manchester united and is widely expected to be named pfa player of the year on sunday .jose mourinho claims eden hazard has joined lionel messi and cristiano ronaldo as one of the best three players in world football .hazard 's goal in the 1-0 victory over united extends chelsea 's lead at the top of the premier league table\"]\n", + "=======================\n", + "[\"chelsea forward eden hazard has been in superb form this seasonthe belgian scored the winning goal against manchester united on saturday to extend chelsea 's lead at the top of the premier league tablemanager jose mourinho believes hazard is one of the best players in the world and holds him in similar esteem to cristiano ronaldo\"]\n", + "hazard scored chelsea 's 38th minute winner against manchester united and is widely expected to be named pfa player of the year on sunday .jose mourinho claims eden hazard has joined lionel messi and cristiano ronaldo as one of the best three players in world football .hazard 's goal in the 1-0 victory over united extends chelsea 's lead at the top of the premier league table\n", + "chelsea forward eden hazard has been in superb form this seasonthe belgian scored the winning goal against manchester united on saturday to extend chelsea 's lead at the top of the premier league tablemanager jose mourinho believes hazard is one of the best players in the world and holds him in similar esteem to cristiano ronaldo\n", + "[1.2563139 1.4332807 1.223016 1.3608625 1.3166951 1.2394727 1.1512841\n", + " 1.0437438 1.014142 1.0112789 1.0523509 1.0465915 1.130072 1.1369972\n", + " 1.0451807 1.0248212 1.0089158 1.00848 0. ]\n", + "\n", + "[ 1 3 4 0 5 2 6 13 12 10 11 14 7 15 8 9 16 17 18]\n", + "=======================\n", + "['flakka , which can be injected , snorted , smoked , swallowed or taken with other substances like marijuana , is usually made from the chemical alpha-pvp .the use of flakka a designer drug that can be even stronger than crystal meth or bath salts , is up in floridaflakka resembles a mix of crack cocaine and meth and it has a noticeably foul smell ( bath salts pictured )']\n", + "=======================\n", + "['drug is made from same version of stimulant used to produce bath saltsflakka can be injected , snorted , smoked , or swallowedit causes euphoria , hallucinations , psychosis and superhuman strengthhigh lasts for couple hours and users have strong desire to re-usemore than 670 flakka occurrences in florida in 2014 , up from 85 in 2012']\n", + "flakka , which can be injected , snorted , smoked , swallowed or taken with other substances like marijuana , is usually made from the chemical alpha-pvp .the use of flakka a designer drug that can be even stronger than crystal meth or bath salts , is up in floridaflakka resembles a mix of crack cocaine and meth and it has a noticeably foul smell ( bath salts pictured )\n", + "drug is made from same version of stimulant used to produce bath saltsflakka can be injected , snorted , smoked , or swallowedit causes euphoria , hallucinations , psychosis and superhuman strengthhigh lasts for couple hours and users have strong desire to re-usemore than 670 flakka occurrences in florida in 2014 , up from 85 in 2012\n", + "[1.3123739 1.5095592 1.2282248 1.1116929 1.3904753 1.0261105 1.0896617\n", + " 1.104842 1.1012725 1.024109 1.0612042 1.066214 1.0354174 1.1139051\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 2 13 3 7 8 6 11 10 12 5 9 14 15 16 17 18]\n", + "=======================\n", + "[\"phillip buchanon was a first-round draft pick for the oakland raiders , and seventeenth overall , when his mother made the request in 2002 .a former nfl player has revealed that his mother demanded he pay her one million dollars as the cost for ` raising him for the last 18 years ' after he was drafted into the professional league .buchanon , who also played for the houston texans , tampa bay buccaneers , detroit lions and washington redskins before retiring in 2011 , discussed the incident in his recently released book new money : stay rich .\"]\n", + "=======================\n", + "[\"phillip buchanon was a first-round draft pick for the oakland raiders in 2002 when his mother made what he called the ` desperate demand 'buchanon , who is now retired , instead bought her a brand new housebut she refused to sell her old house and rented it to her sisterso he ended up paying maintenance for both houses for seven years without getting any of the rent moneywhen buchanon finally had enough his mother asked for $ 15,000 instead of a smaller house whose upkeep she could afford\"]\n", + "phillip buchanon was a first-round draft pick for the oakland raiders , and seventeenth overall , when his mother made the request in 2002 .a former nfl player has revealed that his mother demanded he pay her one million dollars as the cost for ` raising him for the last 18 years ' after he was drafted into the professional league .buchanon , who also played for the houston texans , tampa bay buccaneers , detroit lions and washington redskins before retiring in 2011 , discussed the incident in his recently released book new money : stay rich .\n", + "phillip buchanon was a first-round draft pick for the oakland raiders in 2002 when his mother made what he called the ` desperate demand 'buchanon , who is now retired , instead bought her a brand new housebut she refused to sell her old house and rented it to her sisterso he ended up paying maintenance for both houses for seven years without getting any of the rent moneywhen buchanon finally had enough his mother asked for $ 15,000 instead of a smaller house whose upkeep she could afford\n", + "[1.0836905 1.4568707 1.3340794 1.2145004 1.1698899 1.074954 1.0377622\n", + " 1.0236839 1.0333976 1.0541761 1.0319868 1.018281 1.0738986 1.1085603\n", + " 1.0960838 1.0680208 1.0439727 0. 0. ]\n", + "\n", + "[ 1 2 3 4 13 14 0 5 12 15 9 16 6 8 10 7 11 17 18]\n", + "=======================\n", + "[\"a 12th century castle that was once used as a fortress by napoleon has gone on the market for a gigantic # 4,887,164 ( $ 7,510,569 ) .castello baronale , situated just 31 miles ( 50km ) from rome , towers 3,280 ft over sea level , and includes nine en-suite bedrooms , a further two bedrooms in an adjacent apartment , a lavish ballroom , library , gym and even a theatre .castello baronale has been tastefully restored to combine modern living whilst maintaining remnants of the property 's illustrious past\"]\n", + "=======================\n", + "[\"the impressive castello baronale is located 31 miles outside rome and has battlement towersthe nine-bedroom fort has an incredible library decorated in the venetian stylenapoleon plundered the castle 's gold , and used it as a fortress for french revolutionary troops between 1796-1800\"]\n", + "a 12th century castle that was once used as a fortress by napoleon has gone on the market for a gigantic # 4,887,164 ( $ 7,510,569 ) .castello baronale , situated just 31 miles ( 50km ) from rome , towers 3,280 ft over sea level , and includes nine en-suite bedrooms , a further two bedrooms in an adjacent apartment , a lavish ballroom , library , gym and even a theatre .castello baronale has been tastefully restored to combine modern living whilst maintaining remnants of the property 's illustrious past\n", + "the impressive castello baronale is located 31 miles outside rome and has battlement towersthe nine-bedroom fort has an incredible library decorated in the venetian stylenapoleon plundered the castle 's gold , and used it as a fortress for french revolutionary troops between 1796-1800\n", + "[1.2806543 1.3491094 1.2868174 1.333303 1.1914966 1.123182 1.0460567\n", + " 1.0330677 1.2376032 1.0849403 1.1335214 1.1078649 1.0826461 1.0389316\n", + " 1.0338242 1.0381087 1.0556616 1.0598412 1.10335 ]\n", + "\n", + "[ 1 3 2 0 8 4 10 5 11 18 9 12 17 16 6 13 15 14 7]\n", + "=======================\n", + "[\"staff heard the baby girl crying in the ladies ' toilet of a burger bar in chengdu , sichuan province , reports people 's daily online .workers who found the baby , who was wrapped in a shirt but was still attached to the umbilical cord and placenta , called the police and ambulance .a woman was arrested in china after apparently dumping her newborn baby in a rubbish bin in a fast-food restaurant .\"]\n", + "=======================\n", + "[\"staff at restaurant in chengdu heard crying and found a newborn babythe tot still had the umbilical cord and placenta attached but was otherwise finewoman who had been in toilet returned to her table ` like she was in trance 'she was arrested after cctv showed her visiting the restroom\"]\n", + "staff heard the baby girl crying in the ladies ' toilet of a burger bar in chengdu , sichuan province , reports people 's daily online .workers who found the baby , who was wrapped in a shirt but was still attached to the umbilical cord and placenta , called the police and ambulance .a woman was arrested in china after apparently dumping her newborn baby in a rubbish bin in a fast-food restaurant .\n", + "staff at restaurant in chengdu heard crying and found a newborn babythe tot still had the umbilical cord and placenta attached but was otherwise finewoman who had been in toilet returned to her table ` like she was in trance 'she was arrested after cctv showed her visiting the restroom\n", + "[1.3101476 1.377592 1.1206288 1.220602 1.1295676 1.1142595 1.070163\n", + " 1.0891773 1.1412423 1.0847518 1.069874 1.055654 1.0612957 1.0769992\n", + " 1.1122459 1.1320229 1.0882038 0. 0. ]\n", + "\n", + "[ 1 0 3 8 15 4 2 5 14 7 16 9 13 6 10 12 11 17 18]\n", + "=======================\n", + "['the real-life tomb raiders began their daring plan by renting a restaurant across the road from guanghui temple in zhengdin county , north china at the start of february .a gang of eight dug a 50m underground tunnel in an attempt to steal the ancient treasures inside a 1,400-year-old temple .the gang was just 20 metres away from breaching the hua pagoda when they were caught .']\n", + "=======================\n", + "[\"gang hatched an audacious plot to rob guanghui temple in north chinaplan involved renting restaurant across the street and digging 70m tunnelbut before they could breach temple , police were tipped off about the heist5 men were arrested including the gang 's leader , a well-known artefact thief\"]\n", + "the real-life tomb raiders began their daring plan by renting a restaurant across the road from guanghui temple in zhengdin county , north china at the start of february .a gang of eight dug a 50m underground tunnel in an attempt to steal the ancient treasures inside a 1,400-year-old temple .the gang was just 20 metres away from breaching the hua pagoda when they were caught .\n", + "gang hatched an audacious plot to rob guanghui temple in north chinaplan involved renting restaurant across the street and digging 70m tunnelbut before they could breach temple , police were tipped off about the heist5 men were arrested including the gang 's leader , a well-known artefact thief\n", + "[1.2949408 1.388723 1.33143 1.3260616 1.2464532 1.1971945 1.0672843\n", + " 1.2071022 1.0224613 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 7 5 6 8 20 19 18 17 16 15 11 13 12 21 10 9 14 22]\n", + "=======================\n", + "[\"the crash took place sunday at the exotic driving experience , which bills itself as a chance to drive your dream car on a racetrack .the lamborghini 's passenger , 36-year-old gary terry of davenport , florida , died at the scene , florida highway patrol said .( cnn ) what was supposed to be a fantasy sports car ride at walt disney world speedway turned deadly when a lamborghini crashed into a guardrail .\"]\n", + "=======================\n", + "['the crash occurred at the exotic driving experience at walt disney world speedwayofficials say the driver , 24-year-old tavon watson , lost control of a lamborghinipassenger gary terry , 36 , died at the scene']\n", + "the crash took place sunday at the exotic driving experience , which bills itself as a chance to drive your dream car on a racetrack .the lamborghini 's passenger , 36-year-old gary terry of davenport , florida , died at the scene , florida highway patrol said .( cnn ) what was supposed to be a fantasy sports car ride at walt disney world speedway turned deadly when a lamborghini crashed into a guardrail .\n", + "the crash occurred at the exotic driving experience at walt disney world speedwayofficials say the driver , 24-year-old tavon watson , lost control of a lamborghinipassenger gary terry , 36 , died at the scene\n", + "[1.1300309 1.4615318 1.2204729 1.4564809 1.3519535 1.3101867 1.0450546\n", + " 1.0294029 1.0304369 1.0262183 1.0527364 1.0260149 1.0163953 1.0277793\n", + " 1.0126929 1.0127538 1.0210372 1.0222487 1.0266689 1.0167632 1.0197777\n", + " 1.2027436 1.009627 ]\n", + "\n", + "[ 1 3 4 5 2 21 0 10 6 8 7 13 18 9 11 17 16 20 19 12 15 14 22]\n", + "=======================\n", + "[\"his first in the dugout was as assistant to ruud gullit in august , 1999 , when on a sodden night at st james ' park the dutchman left out alan shearer and duncan ferguson and paid for his selection with his job after a 2-1 defeat .john carver is relishing the chance to take charge of his hometown club against sunderland on sundaycarver was assistant to former newcastle manager ruud gullit who managed the club between 1998 and 1999\"]\n", + "=======================\n", + "[\"newcastle boss john carver is relishing the chance to take charge of his hometown club against sunderland in the wear-tyne derbycarver has been part of the coaching staff for previous newcastle managers alan pardew , sir bobby robson and ruud gullithe was gullit 's assistant when newcastle were beaten 2-1 by sunderland after the dutchman benched alan shearer and duncan fergusoncarver insists that he will not make the same mistakes as his predecessor\"]\n", + "his first in the dugout was as assistant to ruud gullit in august , 1999 , when on a sodden night at st james ' park the dutchman left out alan shearer and duncan ferguson and paid for his selection with his job after a 2-1 defeat .john carver is relishing the chance to take charge of his hometown club against sunderland on sundaycarver was assistant to former newcastle manager ruud gullit who managed the club between 1998 and 1999\n", + "newcastle boss john carver is relishing the chance to take charge of his hometown club against sunderland in the wear-tyne derbycarver has been part of the coaching staff for previous newcastle managers alan pardew , sir bobby robson and ruud gullithe was gullit 's assistant when newcastle were beaten 2-1 by sunderland after the dutchman benched alan shearer and duncan fergusoncarver insists that he will not make the same mistakes as his predecessor\n", + "[1.1900525 1.1595601 1.4334809 1.2929301 1.1287912 1.3389167 1.1235585\n", + " 1.0759789 1.0337456 1.0920678 1.0831289 1.0867952 1.0173942 1.0119423\n", + " 1.0110624 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 5 3 0 1 4 6 9 11 10 7 8 12 13 14 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"khloe , 30 , has been showcasing blonder locks , a flawless face and honed physique in recent weeks - and she 's looking better than ever , so what 's her secret ?she recently revealed she 's lost 13 pounds in three months thanks to her grueling exercise regime .with her contoured skin , glossy hair and high fashion wardrobe , kim is undeniably the breakout star of the kardashians .\"]\n", + "=======================\n", + "['khloe , 30 , has been showcasing a glamorous new lookstar has dyed hair blonder and curated a specific beauty regimeshe has also lost an impressive amount of weight']\n", + "khloe , 30 , has been showcasing blonder locks , a flawless face and honed physique in recent weeks - and she 's looking better than ever , so what 's her secret ?she recently revealed she 's lost 13 pounds in three months thanks to her grueling exercise regime .with her contoured skin , glossy hair and high fashion wardrobe , kim is undeniably the breakout star of the kardashians .\n", + "khloe , 30 , has been showcasing a glamorous new lookstar has dyed hair blonder and curated a specific beauty regimeshe has also lost an impressive amount of weight\n", + "[1.175871 1.4605026 1.262047 1.3323905 1.1898876 1.1814197 1.0635992\n", + " 1.0509713 1.0596834 1.080728 1.0899627 1.1356328 1.0570252 1.141539\n", + " 1.0191243 1.0104282 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 4 5 0 13 11 10 9 6 8 12 7 14 15 21 16 17 18 19 20 22]\n", + "=======================\n", + "['grant allen , 38 , of harlow , essex , travelled first class around the world with his girlfriend gaynor godwin and bought a holiday home on the costa del sol , spain , using criminally gained money .the pair stayed at top hotels on at least eight holidays costing # 30,000 between 2006 and 2010 , including a trip to dubai , united arab emirates , in 2009 worth # 7,600 .edward byatt ( behind allen , left ) was also involved in the fraud']\n", + "=======================\n", + "[\"grant allen , 38 , spent # 30,000 holidaying with girlfriend gaynor godwinhe bought houses in costa del sol as well as in essex and hertfordshirecourt heard meat trader hid fraud by funnelling cash into partner 's bankallen was previously jailed for six years for fraud and money laundering\"]\n", + "grant allen , 38 , of harlow , essex , travelled first class around the world with his girlfriend gaynor godwin and bought a holiday home on the costa del sol , spain , using criminally gained money .the pair stayed at top hotels on at least eight holidays costing # 30,000 between 2006 and 2010 , including a trip to dubai , united arab emirates , in 2009 worth # 7,600 .edward byatt ( behind allen , left ) was also involved in the fraud\n", + "grant allen , 38 , spent # 30,000 holidaying with girlfriend gaynor godwinhe bought houses in costa del sol as well as in essex and hertfordshirecourt heard meat trader hid fraud by funnelling cash into partner 's bankallen was previously jailed for six years for fraud and money laundering\n", + "[1.1237538 1.4225249 1.1809129 1.1397614 1.1546097 1.0532775 1.0417631\n", + " 1.404925 1.1502202 1.0460892 1.0319082 1.0583766 1.0680625 1.0789468\n", + " 1.0446848 1.0184115 1.0325257 1.0200737 1.1776662 1.0362743 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 7 2 18 4 8 3 0 13 12 11 5 9 14 6 19 16 10 17 15 21 20 22]\n", + "=======================\n", + "[\"that is the question being posed in a new youtube video by entertainer yousef saleh erakat , who disguised himself as a homeless man and found out that the answer was often less than kind .as a man in a suit and on his cell phone walks by in the beginning of the video , erakat gets his attention . 'erakat said he wanted to ` flip the script ' .\"]\n", + "=======================\n", + "[\"entertainer yousef saleh erakat posed as a homeless man in los angelesmost people responded to his offer of a $ 10 bill angrily , cursing at him , giving him the finger and calling him namesone man brags about his black card and points to his mercedes benz , telling the seemingly homeless man he needs to ` earn his way up 'only two people in the video actually stop and offer erakat money instead\"]\n", + "that is the question being posed in a new youtube video by entertainer yousef saleh erakat , who disguised himself as a homeless man and found out that the answer was often less than kind .as a man in a suit and on his cell phone walks by in the beginning of the video , erakat gets his attention . 'erakat said he wanted to ` flip the script ' .\n", + "entertainer yousef saleh erakat posed as a homeless man in los angelesmost people responded to his offer of a $ 10 bill angrily , cursing at him , giving him the finger and calling him namesone man brags about his black card and points to his mercedes benz , telling the seemingly homeless man he needs to ` earn his way up 'only two people in the video actually stop and offer erakat money instead\n", + "[1.0758524 1.1133118 1.4147258 1.4661487 1.21114 1.10269 1.1285964\n", + " 1.0130223 1.2534837 1.1278465 1.2199984 1.0447754 1.0139437 1.00921\n", + " 1.01009 1.0156248 1.0251472 0. 0. ]\n", + "\n", + "[ 3 2 8 10 4 6 9 1 5 0 11 16 15 12 7 14 13 17 18]\n", + "=======================\n", + "[\"veteran full-back angel rangel is in line for his first swansea start for over two months at home to everton in the early barclays premier league kick-off on saturday afternoon .swansea city vs everton ( liberty stadium )striker romelu lukaku remains a doubt for everton 's trip to swansea and is rated just 50-50 by his manager roberto martinez .\"]\n", + "=======================\n", + "[\"angel rangel could make first swansea city start in over two monthsjefferson montero may be fit enough to make bench for garry monk 's sideromelu lukaku 's fitness at 50-50 with belgian carrying hamstring problemaiden mcgeady is also a major doubt for everton with a back injury\"]\n", + "veteran full-back angel rangel is in line for his first swansea start for over two months at home to everton in the early barclays premier league kick-off on saturday afternoon .swansea city vs everton ( liberty stadium )striker romelu lukaku remains a doubt for everton 's trip to swansea and is rated just 50-50 by his manager roberto martinez .\n", + "angel rangel could make first swansea city start in over two monthsjefferson montero may be fit enough to make bench for garry monk 's sideromelu lukaku 's fitness at 50-50 with belgian carrying hamstring problemaiden mcgeady is also a major doubt for everton with a back injury\n", + "[1.3558357 1.0915419 1.1146677 1.2698371 1.0515633 1.0900863 1.0555848\n", + " 1.0521998 1.1667596 1.0349466 1.024974 1.0375535 1.0243179 1.0284829\n", + " 1.0338655 1.023558 1.0504016 1.0314751 1.0232248]\n", + "\n", + "[ 0 3 8 2 1 5 6 7 4 16 11 9 14 17 13 10 12 15 18]\n", + "=======================\n", + "['to hear leigh griffiths tell it , the intervention staged by celtic boss ronny deila and assistant john collins was definitely closer to a kick in the what-nots than it was a pat on the back .hat-trick hero leigh griffiths with signed match ball and man of the match awardi had a talk with the manager and john collins about everything and about what they wanted me to do .']\n", + "=======================\n", + "['leigh griffiths revealed that ronny deila and john collins warned himthe celtic striker took a while to settle in at his new club after his movegriffiths has been in red-hot form and scored three against kilmarnock']\n", + "to hear leigh griffiths tell it , the intervention staged by celtic boss ronny deila and assistant john collins was definitely closer to a kick in the what-nots than it was a pat on the back .hat-trick hero leigh griffiths with signed match ball and man of the match awardi had a talk with the manager and john collins about everything and about what they wanted me to do .\n", + "leigh griffiths revealed that ronny deila and john collins warned himthe celtic striker took a while to settle in at his new club after his movegriffiths has been in red-hot form and scored three against kilmarnock\n", + "[1.243651 1.4656136 1.2249224 1.3329847 1.2038242 1.1063665 1.1894284\n", + " 1.0438695 1.0569236 1.1313545 1.083874 1.0506443 1.0417023 1.0266448\n", + " 1.0330168 1.0122435 1.0236081 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 6 9 5 10 8 11 7 12 14 13 16 15 17 18]\n", + "=======================\n", + "[\"erica ann ginneti , 35 , a married mother of three from philadelphia , pleaded guilty in december to institutional sexual assault and disseminating sexually explicit materials to a minor .a pennsylvania math teacher was called ` dangling candy ' by the judge who sentenced her to 30 days in jail for having sex with a 17-year-old student .during her sentencing , montgomery county court judge garrett d. page reportedly asked ` what young man would not jump on that candy ? '\"]\n", + "=======================\n", + "[\"erica ginnetti , 35 , must also serve 60 days under house arrest , 100 hours of community service and three years ' probationjudge garrett page reportedly asked ` what young man would not jump on that candy ? 'ginnetti pleaded guilty in a pennsylvania court in december to having sex with a 17-year-old studentpage told ginneti her ` sexual hunger ' had devastating consequences for two familiesmarried mother of three said she has mended fences with her family and became a fitness instructorshe first approached her victim in may 2013 when she chaperoned the senior prom and invited him to come work out at her gym\"]\n", + "erica ann ginneti , 35 , a married mother of three from philadelphia , pleaded guilty in december to institutional sexual assault and disseminating sexually explicit materials to a minor .a pennsylvania math teacher was called ` dangling candy ' by the judge who sentenced her to 30 days in jail for having sex with a 17-year-old student .during her sentencing , montgomery county court judge garrett d. page reportedly asked ` what young man would not jump on that candy ? '\n", + "erica ginnetti , 35 , must also serve 60 days under house arrest , 100 hours of community service and three years ' probationjudge garrett page reportedly asked ` what young man would not jump on that candy ? 'ginnetti pleaded guilty in a pennsylvania court in december to having sex with a 17-year-old studentpage told ginneti her ` sexual hunger ' had devastating consequences for two familiesmarried mother of three said she has mended fences with her family and became a fitness instructorshe first approached her victim in may 2013 when she chaperoned the senior prom and invited him to come work out at her gym\n", + "[1.2458203 1.41085 1.2549357 1.2765675 1.1275033 1.1533989 1.1527492\n", + " 1.1070029 1.130377 1.0832636 1.0858719 1.0267973 1.0907415 1.0824133\n", + " 1.1213008 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 5 6 8 4 14 7 12 10 9 13 11 17 15 16 18]\n", + "=======================\n", + "[\"the ukip leader was expected at a farm in staffordshire , as he prepared to attack the government over defence spending , but organisers pulled the plug while he was trapped in his chauffeur-driven car .nigel farage 's campaigning got off to a faltering start today as he missed a ukip event after getting stuck in traffic .mr farage faced ridicule last year when he blamed immigrants clogging up the m4 after he missed an event charging supporters # 25-a-head to meet him .\"]\n", + "=======================\n", + "[\"jams mean ukip leader forced to pull the plug on farm visit in staffordshirelast year blamed ` open door immigration ' for getting stuck in traffic on m4plans to attack the tories over refusal to spend 2 % of gdp on defence\"]\n", + "the ukip leader was expected at a farm in staffordshire , as he prepared to attack the government over defence spending , but organisers pulled the plug while he was trapped in his chauffeur-driven car .nigel farage 's campaigning got off to a faltering start today as he missed a ukip event after getting stuck in traffic .mr farage faced ridicule last year when he blamed immigrants clogging up the m4 after he missed an event charging supporters # 25-a-head to meet him .\n", + "jams mean ukip leader forced to pull the plug on farm visit in staffordshirelast year blamed ` open door immigration ' for getting stuck in traffic on m4plans to attack the tories over refusal to spend 2 % of gdp on defence\n", + "[1.3793936 1.4404427 1.3230404 1.2864285 1.0819651 1.1244135 1.1964719\n", + " 1.0242857 1.0255471 1.0136176 1.0247877 1.0793548 1.0268438 1.0200415\n", + " 1.2386544 1.1455562 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 14 6 15 5 4 11 12 8 10 7 13 9 16 17 18]\n", + "=======================\n", + "[\"in a new report , goldman sachs predicts population growth will slow to 1.25 per cent over the next three years due to low birth rates , high death rates and falling net migration .property prices are predicted to fall by up to 10 per cent in some states with economists tipping a housing surplus in 2017 .this is significantly lower than widely-used australian bureau of statistics population predictions of between 1.7 and 1.8 per cent - which goldman sachs analysts tim toohey and andrew boak label as ` too optimistic ' .\"]\n", + "=======================\n", + "['house prices tipped to fall by up to 10 per cent in some states with economists predicting a housing surplus in 2017goldman sachs predicts population growth will slow to 1.25 per cent over the next three years creating oversupplybiggest hit will be in markets where construction supply has been strong , such as inner-city melbourne and perth']\n", + "in a new report , goldman sachs predicts population growth will slow to 1.25 per cent over the next three years due to low birth rates , high death rates and falling net migration .property prices are predicted to fall by up to 10 per cent in some states with economists tipping a housing surplus in 2017 .this is significantly lower than widely-used australian bureau of statistics population predictions of between 1.7 and 1.8 per cent - which goldman sachs analysts tim toohey and andrew boak label as ` too optimistic ' .\n", + "house prices tipped to fall by up to 10 per cent in some states with economists predicting a housing surplus in 2017goldman sachs predicts population growth will slow to 1.25 per cent over the next three years creating oversupplybiggest hit will be in markets where construction supply has been strong , such as inner-city melbourne and perth\n", + "[1.4407942 1.368774 1.0830054 1.4577892 1.3048526 1.2019216 1.050385\n", + " 1.0144523 1.0257281 1.1194558 1.0562885 1.0439196 1.0178059 1.079342\n", + " 1.1118747 1.0861286 1.0575972 1.0092316 1.0096622 0. ]\n", + "\n", + "[ 3 0 1 4 5 9 14 15 2 13 16 10 6 11 8 12 7 18 17 19]\n", + "=======================\n", + "['manuel pellegrini has warned his side must overcome a difficult obstacle at crystal palacefading champions city had to watch in frustration on saturday , not only as chelsea extended their lead at the top of the barclays premier league , but as arsenal and manchester united shunted them down to fourth .manchester city manager pellegrini does not want his side to lose any more ground in the race for the title']\n", + "=======================\n", + "['manchester city face crystal palace on monday night at selhurst parkcity remain nine points behind chelsea in the premier leaguemanuel pellegrini knows his team can not afford to lose any more ground']\n", + "manuel pellegrini has warned his side must overcome a difficult obstacle at crystal palacefading champions city had to watch in frustration on saturday , not only as chelsea extended their lead at the top of the barclays premier league , but as arsenal and manchester united shunted them down to fourth .manchester city manager pellegrini does not want his side to lose any more ground in the race for the title\n", + "manchester city face crystal palace on monday night at selhurst parkcity remain nine points behind chelsea in the premier leaguemanuel pellegrini knows his team can not afford to lose any more ground\n", + "[1.2435613 1.058562 1.1044133 1.2960545 1.2395598 1.0593553 1.0471652\n", + " 1.0476135 1.1135849 1.110342 1.1359653 1.0763171 1.0704644 1.1342154\n", + " 1.1304747 1.0662408 1.036755 1.0765309 1.0244843 1.0530463]\n", + "\n", + "[ 3 0 4 10 13 14 8 9 2 17 11 12 15 5 1 19 7 6 16 18]\n", + "=======================\n", + "[\"given new and relevant information , human beings have the capacity to strengthen weak memories using emotions - and researchers have said this points to the adaptive nature of human memory .researchers have discovered that the brain can remember ` neutral ' or boring events more easily when they are tied to an emotionpsychologists at new york university have been trying to gain an understanding about how the brain stores memories for 'em otionally neutral events ' that gain significance through subsequent experience .\"]\n", + "=======================\n", + "['new york university psychologists studied how the brain stores memoriesfound boring details become more memorable with emotional contextemotional experience can enhance memory for old neutral information']\n", + "given new and relevant information , human beings have the capacity to strengthen weak memories using emotions - and researchers have said this points to the adaptive nature of human memory .researchers have discovered that the brain can remember ` neutral ' or boring events more easily when they are tied to an emotionpsychologists at new york university have been trying to gain an understanding about how the brain stores memories for 'em otionally neutral events ' that gain significance through subsequent experience .\n", + "new york university psychologists studied how the brain stores memoriesfound boring details become more memorable with emotional contextemotional experience can enhance memory for old neutral information\n", + "[1.5013844 1.0504342 1.0491388 1.1663494 1.1208171 1.3075755 1.1672163\n", + " 1.0828975 1.0637 1.0493932 1.1055229 1.1085066 1.0689592 1.0678816\n", + " 1.152741 1.1300522 1.0362806 1.0228153 0. 0. ]\n", + "\n", + "[ 0 5 6 3 14 15 4 11 10 7 12 13 8 1 9 2 16 17 18 19]\n", + "=======================\n", + "['the university of nebraska at omaha is getting a new $ 81.6 million stadium for its hockey , basketball and volleyball teams .an omaha taco shop has teamed up with the university to shoot tacos into the stands at sporting events .that the foil-wrapped eats will make to fans was made evident when voodoo tacos owner eric newton demonstrated the power of the cannon for cnn affiliate ketv .']\n", + "=======================\n", + "[\"#tacocannon trends in omaha as excited fans eat up the idea of flying tacosthe cannon will shoot off tacos at university of nebraska-omaha 's new arena\"]\n", + "the university of nebraska at omaha is getting a new $ 81.6 million stadium for its hockey , basketball and volleyball teams .an omaha taco shop has teamed up with the university to shoot tacos into the stands at sporting events .that the foil-wrapped eats will make to fans was made evident when voodoo tacos owner eric newton demonstrated the power of the cannon for cnn affiliate ketv .\n", + "#tacocannon trends in omaha as excited fans eat up the idea of flying tacosthe cannon will shoot off tacos at university of nebraska-omaha 's new arena\n", + "[1.1592073 1.1277804 1.1646199 1.1268167 1.0927762 1.1307497 1.284233\n", + " 1.1374758 1.0531553 1.107189 1.0792785 1.0511839 1.0403464 1.02737\n", + " 1.0675483 1.0326016 1.0330545 0. 0. 0. ]\n", + "\n", + "[ 6 2 0 7 5 1 3 9 4 10 14 8 11 12 16 15 13 18 17 19]\n", + "=======================\n", + "[\"trying to separate himself from the pack , new jersey gov. chris christie called for substantial cuts to social security .hillary clinton , who announced last week , even jumped into her black van for a road trip out to iowa , including a pit stop at chipotle along the way .( cnn ) it 's only a few weeks since the first presidential announcement but already it feels like the campaign is in high gear .\"]\n", + "=======================\n", + "[\"julian zelizer : in early weeks of the 2016 campaign , candidates and potential contenders have stumbled in small wayshe says chris christie 's words about social security and marijuana may haunt him\"]\n", + "trying to separate himself from the pack , new jersey gov. chris christie called for substantial cuts to social security .hillary clinton , who announced last week , even jumped into her black van for a road trip out to iowa , including a pit stop at chipotle along the way .( cnn ) it 's only a few weeks since the first presidential announcement but already it feels like the campaign is in high gear .\n", + "julian zelizer : in early weeks of the 2016 campaign , candidates and potential contenders have stumbled in small wayshe says chris christie 's words about social security and marijuana may haunt him\n", + "[1.267912 1.2857816 1.225175 1.3782587 1.3499917 1.2238656 1.2345587\n", + " 1.0544355 1.1162852 1.0358065 1.0178652 1.0132009 1.0361195 1.1516074\n", + " 1.0272328 1.0149825 1.0077467 1.0109254 0. 0. ]\n", + "\n", + "[ 3 4 1 0 6 2 5 13 8 7 12 9 14 10 15 11 17 16 18 19]\n", + "=======================\n", + "[\"the men were found guilty in march and have now been handed sentences of between three and nine years in jail .jailed : ahmed hassan-sule , 21 ( left ) was sentenced to nine years ' imprisonment .the offences , which ranged from inciting sexual activity with a child , to rape , happened in cars , woods or at the defendants ' homes in banbury , oxfordshire .\"]\n", + "=======================\n", + "[\"gang have been jailed for a total of 31 years for sexually abusing childrenoffences happened in cars , woods or at the defendants ' homes in banburylured victims to parties organised on social media and then abused themgirls aged between 13 and 16 were exploited by the gang from 2009 to 2014\"]\n", + "the men were found guilty in march and have now been handed sentences of between three and nine years in jail .jailed : ahmed hassan-sule , 21 ( left ) was sentenced to nine years ' imprisonment .the offences , which ranged from inciting sexual activity with a child , to rape , happened in cars , woods or at the defendants ' homes in banbury , oxfordshire .\n", + "gang have been jailed for a total of 31 years for sexually abusing childrenoffences happened in cars , woods or at the defendants ' homes in banburylured victims to parties organised on social media and then abused themgirls aged between 13 and 16 were exploited by the gang from 2009 to 2014\n", + "[1.515465 1.3296834 1.1694841 1.4476596 1.1576957 1.0767276 1.1077316\n", + " 1.1274874 1.2705442 1.0288686 1.0261321 1.0158074 1.0109187 1.0091486\n", + " 1.0094924 1.009408 1.0189034 1.0185635 0. 0. ]\n", + "\n", + "[ 0 3 1 8 2 4 7 6 5 9 10 16 17 11 12 14 15 13 18 19]\n", + "=======================\n", + "[\"john carver says he has the hardest job in football as head coach of newcastle united with thousands of supporters planning to boycott sunday 's home match against spurs .the 50-year-old has found himself the target of angry fans who are disillusioned with mike ashley 's running of the club .steve mcclaren has already been tipped as a replacement for carver should he face the newcastle axe\"]\n", + "=======================\n", + "['john carver has become the target of fans angry with how the club is runhis depleted and disinterested squad have lost five games in successionsupporter sites have organised a boycott of the clash with tottenhamsteve mcclaren has already been tipped as a replacement for carver']\n", + "john carver says he has the hardest job in football as head coach of newcastle united with thousands of supporters planning to boycott sunday 's home match against spurs .the 50-year-old has found himself the target of angry fans who are disillusioned with mike ashley 's running of the club .steve mcclaren has already been tipped as a replacement for carver should he face the newcastle axe\n", + "john carver has become the target of fans angry with how the club is runhis depleted and disinterested squad have lost five games in successionsupporter sites have organised a boycott of the clash with tottenhamsteve mcclaren has already been tipped as a replacement for carver\n", + "[1.4581095 1.288274 1.1225673 1.1088367 1.1671182 1.1611233 1.1155202\n", + " 1.1744992 1.0824441 1.0453049 1.0825311 1.0473396 1.0325516 1.0554174\n", + " 1.0483502 1.0476727 1.0411061 0. 0. 0. ]\n", + "\n", + "[ 0 1 7 4 5 2 6 3 10 8 13 14 15 11 9 16 12 18 17 19]\n", + "=======================\n", + "[\"( cnn ) unicef said friday that an initial shipment of 16 tons of medical supplies , meant to help 80,000 innocents caught up in the havoc of yemen , had at last landed in yemen 's capital , sanaa .the conflict is exacting a heavy toll on children and families , unicef said in a statement .also friday , the u.n. high commissioner for refugees said that about 900 refugees from yemen have arrived in the horn of africa .\"]\n", + "=======================\n", + "['u.n. agency says 900 refugees from yemen have arrived in horn of africa , asks ships in area to be vigilantwho : at least 643 people have been killed , more than 2,000 injured in three weeksunicef : aid includes medical supplies for up to 80,000 people and more airlifts are planned']\n", + "( cnn ) unicef said friday that an initial shipment of 16 tons of medical supplies , meant to help 80,000 innocents caught up in the havoc of yemen , had at last landed in yemen 's capital , sanaa .the conflict is exacting a heavy toll on children and families , unicef said in a statement .also friday , the u.n. high commissioner for refugees said that about 900 refugees from yemen have arrived in the horn of africa .\n", + "u.n. agency says 900 refugees from yemen have arrived in horn of africa , asks ships in area to be vigilantwho : at least 643 people have been killed , more than 2,000 injured in three weeksunicef : aid includes medical supplies for up to 80,000 people and more airlifts are planned\n", + "[1.2651124 1.5274493 1.2666203 1.328851 1.2696364 1.1137153 1.0357735\n", + " 1.0297239 1.0212559 1.0232671 1.0881096 1.0341723 1.0726047 1.1130134\n", + " 1.092645 1.052676 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 5 13 14 10 12 15 6 11 7 9 8 16 17 18 19]\n", + "=======================\n", + "[\"shayna hubers has been charged with murder in the october 12 , 2012 , of 29-year-old ryan poston inside his condominium in highland heights , ohio .hubers , who was 21 at the time , claimed she was acting in self-defense because the young attorney was shoving and hitting her , but during an interview with police she was quoted as telling a detective she gave posten ` the nose job he wanted . 'testimony got under way tuesday in the murder trial of a 24-year-old kentucky woman who is accused of fatally shooting her lawyer boyfriend in the face in 2012 .\"]\n", + "=======================\n", + "[\"testimony got under way in murder trial of 24-year-old shayna hubers accused of killing ohio lawyer ryan poston in 2012jurors were shown videotaped police interview with hubers , where she claimed she shot poston in self-defensehubers , then 21 , told police she shot poston in the face and then fired again to put him out of his miseryhubers described poston was ` vain ' to detectives and said she gave him the ` nose job he wanted ' by shooting him in the facewoman told police how poston allegedly pushed and shoved her , and mocked her for being a ` hillbilly from kentucky '\"]\n", + "shayna hubers has been charged with murder in the october 12 , 2012 , of 29-year-old ryan poston inside his condominium in highland heights , ohio .hubers , who was 21 at the time , claimed she was acting in self-defense because the young attorney was shoving and hitting her , but during an interview with police she was quoted as telling a detective she gave posten ` the nose job he wanted . 'testimony got under way tuesday in the murder trial of a 24-year-old kentucky woman who is accused of fatally shooting her lawyer boyfriend in the face in 2012 .\n", + "testimony got under way in murder trial of 24-year-old shayna hubers accused of killing ohio lawyer ryan poston in 2012jurors were shown videotaped police interview with hubers , where she claimed she shot poston in self-defensehubers , then 21 , told police she shot poston in the face and then fired again to put him out of his miseryhubers described poston was ` vain ' to detectives and said she gave him the ` nose job he wanted ' by shooting him in the facewoman told police how poston allegedly pushed and shoved her , and mocked her for being a ` hillbilly from kentucky '\n", + "[1.4426597 1.4178165 1.1433724 1.1198103 1.1522434 1.0699933 1.077263\n", + " 1.0940127 1.0438321 1.186229 1.0723374 1.0423591 1.1021762 1.1050357\n", + " 1.112901 1.0645373 1.0155758 1.0103588 1.0186331 1.0941721]\n", + "\n", + "[ 0 1 9 4 2 3 14 13 12 19 7 6 10 5 15 8 11 18 16 17]\n", + "=======================\n", + "['( cnn ) australia has recalled its ambassador to indonesia for consultations after two australians were among eight drug smugglers executed by firing squad early wednesday .australian prime minister tony abbott called the executions \" cruel and unnecessary \" because both men , andrew chan and myuran sukumaran , had been \" fully rehabilitated \" during a decade in prison .foreign minister retno marsudi said the country had no plans to recall its own ambassador in response .']\n", + "=======================\n", + "['brazil extends ` deepest sympathy \\' to family of executed brazilianindonesia executed eight death row inmates early wednesdayaustralian pm calls executions \" cruel and unnecessary \"']\n", + "( cnn ) australia has recalled its ambassador to indonesia for consultations after two australians were among eight drug smugglers executed by firing squad early wednesday .australian prime minister tony abbott called the executions \" cruel and unnecessary \" because both men , andrew chan and myuran sukumaran , had been \" fully rehabilitated \" during a decade in prison .foreign minister retno marsudi said the country had no plans to recall its own ambassador in response .\n", + "brazil extends ` deepest sympathy ' to family of executed brazilianindonesia executed eight death row inmates early wednesdayaustralian pm calls executions \" cruel and unnecessary \"\n", + "[1.4859848 1.1294656 1.3792859 1.2627168 1.2201661 1.130461 1.0348579\n", + " 1.0295395 1.0256419 1.088655 1.0406303 1.0318319 1.0634297 1.0400982\n", + " 1.0296957 1.0248973 1.049786 1.1395075 0. 0. ]\n", + "\n", + "[ 0 2 3 4 17 5 1 9 12 16 10 13 6 11 14 7 8 15 18 19]\n", + "=======================\n", + "['( cnn ) a grand jury in dallas county , texas , has decided not to indict two officers in the fatal shooting of jason harrison , a schizophrenic man whose mother had called police for help getting him to the hospital .but the officers are still facing a wrongful death lawsuit from harrison \\'s family .the harrison family \\'s lawsuit against rogers and hutchins says they should have used nonlethal means of defusing the situation instead of choosing to engage \" in unlawful vicious attacks \" when they and the department were aware of harrison \\'s condition .']\n", + "=======================\n", + "[\"police in dallas shot and killed jason harrison last yeara grand jury has decided not to indict the officersthe officers are still facing a civil lawsuit filed by harrison 's family\"]\n", + "( cnn ) a grand jury in dallas county , texas , has decided not to indict two officers in the fatal shooting of jason harrison , a schizophrenic man whose mother had called police for help getting him to the hospital .but the officers are still facing a wrongful death lawsuit from harrison 's family .the harrison family 's lawsuit against rogers and hutchins says they should have used nonlethal means of defusing the situation instead of choosing to engage \" in unlawful vicious attacks \" when they and the department were aware of harrison 's condition .\n", + "police in dallas shot and killed jason harrison last yeara grand jury has decided not to indict the officersthe officers are still facing a civil lawsuit filed by harrison 's family\n", + "[1.4947255 1.1468502 1.1199403 1.3410244 1.2157583 1.1494036 1.123478\n", + " 1.2190642 1.1873142 1.0716342 1.057349 1.0374755 1.0903665 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 7 4 8 5 1 6 2 12 9 10 11 13 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "['manny pacquiao may be aiming to conquer opponent floyd mayweather jnr on may 2 , but the boxer first set himself the target of conquering the mountains as he continued his harsh training regime .manny pacquiao trains with his team at griffith park in los angeles , california ahead of the mega-fightit is now less than a month before the two go head-to-head in las vegas for what will be the richest bout in boxing history .']\n", + "=======================\n", + "['manny pacquiao continued his high intensity training with a mountain runfilipino fighter is preparing for mega-fight with floyd mayweather jnrfans joined pacquiao as he climbed to the top of the griffith park summitthe mega-fight with mayweather jnr is now less than a month away']\n", + "manny pacquiao may be aiming to conquer opponent floyd mayweather jnr on may 2 , but the boxer first set himself the target of conquering the mountains as he continued his harsh training regime .manny pacquiao trains with his team at griffith park in los angeles , california ahead of the mega-fightit is now less than a month before the two go head-to-head in las vegas for what will be the richest bout in boxing history .\n", + "manny pacquiao continued his high intensity training with a mountain runfilipino fighter is preparing for mega-fight with floyd mayweather jnrfans joined pacquiao as he climbed to the top of the griffith park summitthe mega-fight with mayweather jnr is now less than a month away\n", + "[1.3021656 1.3683373 1.4113767 1.2525961 1.2320094 1.1343037 1.024419\n", + " 1.0260967 1.1437075 1.0721047 1.052756 1.0215694 1.0583647 1.0483304\n", + " 1.0329734 1.0637038 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 1 0 3 4 8 5 9 15 12 10 13 14 7 6 11 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"the original recipe for the ` brew ' contained more than 10 times the maximum daily intake of vitamin a for babies .controversial australian celebrity chef pete evans is under attack again with experts warning his ` reworked ' baby milk formula is dangerous to babies .the paleo diet has been one of the hottest diet trends around , with celebrity followers taking on the lifestyle\"]\n", + "=======================\n", + "[\"health experts slam pete evans ' new baby milk formula as a danger to kidsdietitians says formula has five times daily vitamin a intake for babiesevans ' is an outspoken advocate for the paleo diet and lifestylepete evans has shared two incredible stories on social mediaa woman , ` hollie ' , claimed the paleo diet alleviated her ms symptomsanother woman , marg , who also has ms , said her condition has improvedhealth experts say there is no scientific evidence to back up the claims\"]\n", + "the original recipe for the ` brew ' contained more than 10 times the maximum daily intake of vitamin a for babies .controversial australian celebrity chef pete evans is under attack again with experts warning his ` reworked ' baby milk formula is dangerous to babies .the paleo diet has been one of the hottest diet trends around , with celebrity followers taking on the lifestyle\n", + "health experts slam pete evans ' new baby milk formula as a danger to kidsdietitians says formula has five times daily vitamin a intake for babiesevans ' is an outspoken advocate for the paleo diet and lifestylepete evans has shared two incredible stories on social mediaa woman , ` hollie ' , claimed the paleo diet alleviated her ms symptomsanother woman , marg , who also has ms , said her condition has improvedhealth experts say there is no scientific evidence to back up the claims\n", + "[1.2888422 1.4177941 1.315604 1.0957217 1.1760042 1.1924372 1.086368\n", + " 1.1038488 1.091222 1.0498167 1.049884 1.0411493 1.0695446 1.0467496\n", + " 1.0639437 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 5 4 7 3 8 6 12 14 10 9 13 11 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"the labour leader announced plans to overhaul britain 's non-domicile regime , which allows 116,000 foreigners and people with foreign links to pay tax only on money that they bring into britain .mr miliband initially suggested he would ` abolish ' non-dom status -- but it later emerged that labour is effectively proposing a time limit on it of between two and five years .ed miliband 's proposed change in the rules on ` non-doms ' would cost britain billions , experts warned last night .\"]\n", + "=======================\n", + "[\"experts warn ed miliband 's changes for non-doms would cost millionsthe labour leader initially suggested he would abolish non-dom statusbut it later emerged he is effectively only proposing a time limit on itit allows those with foreign links to be taxed only on money entering britain\"]\n", + "the labour leader announced plans to overhaul britain 's non-domicile regime , which allows 116,000 foreigners and people with foreign links to pay tax only on money that they bring into britain .mr miliband initially suggested he would ` abolish ' non-dom status -- but it later emerged that labour is effectively proposing a time limit on it of between two and five years .ed miliband 's proposed change in the rules on ` non-doms ' would cost britain billions , experts warned last night .\n", + "experts warn ed miliband 's changes for non-doms would cost millionsthe labour leader initially suggested he would abolish non-dom statusbut it later emerged he is effectively only proposing a time limit on itit allows those with foreign links to be taxed only on money entering britain\n", + "[1.3158845 1.4725429 1.1240891 1.0944865 1.2020776 1.155445 1.227458\n", + " 1.0807434 1.0400643 1.0515783 1.0279495 1.0274615 1.243238 1.0154957\n", + " 1.0181763 1.021219 1.0207027 1.0322183 1.0256226 1.1222152 1.0701438\n", + " 1.0622594 0. ]\n", + "\n", + "[ 1 0 12 6 4 5 2 19 3 7 20 21 9 8 17 10 11 18 15 16 14 13 22]\n", + "=======================\n", + "[\"the sydney photographer returned to her husband sabino matera and their daughter on thursday evening after she vanished on the way to the bank around 8.30 am on wednesday morning .the husband of missing woman jessica bialek has posted a heartfelt thank you on social media to everyone who helped bring his wife home .ms bialek 's husband , sabino matera , confirmed she was home with a post on his facebook page\"]\n", + "=======================\n", + "[\"jessica bialek found ` safe and well ' after vanishing 36 hours earlierms bialek was last seen leaving her home at 8.30 am on wednesdayshe was walking to the bank in coogee , south-eastern sydneyms bialek 's husband pleaded for help in finding his wifeon thursday her father also made a plea for her to contact familythe mother-of-one is an accomplished arts photographershe returned home on thursday evening to her husband and daughter\"]\n", + "the sydney photographer returned to her husband sabino matera and their daughter on thursday evening after she vanished on the way to the bank around 8.30 am on wednesday morning .the husband of missing woman jessica bialek has posted a heartfelt thank you on social media to everyone who helped bring his wife home .ms bialek 's husband , sabino matera , confirmed she was home with a post on his facebook page\n", + "jessica bialek found ` safe and well ' after vanishing 36 hours earlierms bialek was last seen leaving her home at 8.30 am on wednesdayshe was walking to the bank in coogee , south-eastern sydneyms bialek 's husband pleaded for help in finding his wifeon thursday her father also made a plea for her to contact familythe mother-of-one is an accomplished arts photographershe returned home on thursday evening to her husband and daughter\n", + "[1.3481952 1.1756617 1.0548325 1.3577381 1.130121 1.161265 1.2608911\n", + " 1.101434 1.1207565 1.1893966 1.0822479 1.0217398 1.0290185 1.0193332\n", + " 1.0369129 1.0540023 1.0182822 1.0118973 1.0243989 1.0418806 1.0617217\n", + " 1.0287954 1.0534581]\n", + "\n", + "[ 3 0 6 9 1 5 4 8 7 10 20 2 15 22 19 14 12 21 18 11 13 16 17]\n", + "=======================\n", + "[\"she was arrested as she was sailing north and is now one of 350 migrants being held in a facility just outside tripoli .tripoli , libya ( cnn ) it took one somali woman seven months and 4,000 miles to trek to libya .the somali woman 's baby , sabrine , was born a week after she was detained .\"]\n", + "=======================\n", + "[\"migrant women hope to reach europe so their babies will be born therehundreds of arrested migrants are detained in libya while officials try to figure out what to doa funeral is held outside a valletta , malta , hospital for migrants killed in ship 's sinking\"]\n", + "she was arrested as she was sailing north and is now one of 350 migrants being held in a facility just outside tripoli .tripoli , libya ( cnn ) it took one somali woman seven months and 4,000 miles to trek to libya .the somali woman 's baby , sabrine , was born a week after she was detained .\n", + "migrant women hope to reach europe so their babies will be born therehundreds of arrested migrants are detained in libya while officials try to figure out what to doa funeral is held outside a valletta , malta , hospital for migrants killed in ship 's sinking\n", + "[1.3017782 1.416827 1.3027034 1.342504 1.171821 1.0745915 1.0341139\n", + " 1.0421727 1.0440005 1.0202955 1.0244863 1.0239466 1.0295079 1.015423\n", + " 1.0200497 1.1219182 1.2981565 1.036971 1.0494603 1.0174565 1.026362\n", + " 1.0304377 1.020967 1.0327734]\n", + "\n", + "[ 1 3 2 0 16 4 15 5 18 8 7 17 6 23 21 12 20 10 11 22 9 14 19 13]\n", + "=======================\n", + "['other passengers watched in horror as the man , said to be in his 20s , was struck by a northern line train at stockwell station this morning .emergency services were called to stockwell station in south london this morning after a man sustained life-threatening head injuries while bending down to pick up his bag from the platformthe station , which also serves the victoria line , was shut while medics tended to the passenger who was later taken to hospital .']\n", + "=======================\n", + "['man in his twenties said to have bent down to pick up his bag at stockwellhe was hit on the head on northern line platform of south london stationcommuters have said the platforms are too narrow and unsafe when busyman was rushed to hospital with life-threatening head injuries']\n", + "other passengers watched in horror as the man , said to be in his 20s , was struck by a northern line train at stockwell station this morning .emergency services were called to stockwell station in south london this morning after a man sustained life-threatening head injuries while bending down to pick up his bag from the platformthe station , which also serves the victoria line , was shut while medics tended to the passenger who was later taken to hospital .\n", + "man in his twenties said to have bent down to pick up his bag at stockwellhe was hit on the head on northern line platform of south london stationcommuters have said the platforms are too narrow and unsafe when busyman was rushed to hospital with life-threatening head injuries\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[1.2417107 1.4663212 1.1191059 1.194283 1.3692157 1.2453241 1.1260781\n", + " 1.098253 1.0906166 1.2259347 1.0377517 1.0137777 1.0648385 1.042651\n", + " 1.1017592 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 4 5 0 9 3 6 2 14 7 8 12 13 10 11 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"four-month-old roscoe was caught on camera this week at the asheville humane society in north carolina taking some of his first steps .the rescue pup was born with a deformity which caused his front to legs to be bent backwards at the knees .a pit pull puppy who could n't walk due to a crippling birth defect has now been likened to the sprightly-footed tap dancer fred astaire after undergoing reconstructive surgery .\"]\n", + "=======================\n", + "['roscoe was caught on camera this week at the asheville humane society in north carolina taking some of his first stepsthe rescue pup was born with a deformity which caused his front to legs to be bent backwards at the knees']\n", + "four-month-old roscoe was caught on camera this week at the asheville humane society in north carolina taking some of his first steps .the rescue pup was born with a deformity which caused his front to legs to be bent backwards at the knees .a pit pull puppy who could n't walk due to a crippling birth defect has now been likened to the sprightly-footed tap dancer fred astaire after undergoing reconstructive surgery .\n", + "roscoe was caught on camera this week at the asheville humane society in north carolina taking some of his first stepsthe rescue pup was born with a deformity which caused his front to legs to be bent backwards at the knees\n", + "[1.334286 1.4966341 1.1818857 1.0815301 1.1642542 1.0582765 1.1163087\n", + " 1.0779105 1.2813736 1.065237 1.0440905 1.0600828 1.0681648 1.0340829\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 8 2 4 6 3 7 12 9 11 5 10 13 22 14 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "['godfrey elfwick was recruited via twitter to appear on the programme world have your say , where producers were preparing an item about the trailer for the new film in the franchise .the bbc has apologised and admitted the fell victim to a hoaxer who appeared on the world service claiming the star wars films are anti-women , anti-gay and said darth vader listens to rap music .in particular , the programme were looking for people who had never seen any of the films to watch them and give their assessment .']\n", + "=======================\n", + "[\"godfrey elfwick recruited via twitter to appear on world have your saycame after claims he had never seen the star wars franchise beforeon the show he described the films as both anti-women and anti-gayalso said that darth vader was a black man and a ` really bad racial stereotype '\"]\n", + "godfrey elfwick was recruited via twitter to appear on the programme world have your say , where producers were preparing an item about the trailer for the new film in the franchise .the bbc has apologised and admitted the fell victim to a hoaxer who appeared on the world service claiming the star wars films are anti-women , anti-gay and said darth vader listens to rap music .in particular , the programme were looking for people who had never seen any of the films to watch them and give their assessment .\n", + "godfrey elfwick recruited via twitter to appear on world have your saycame after claims he had never seen the star wars franchise beforeon the show he described the films as both anti-women and anti-gayalso said that darth vader was a black man and a ` really bad racial stereotype '\n", + "[1.1366016 1.0820816 1.0997928 1.2424035 1.2393398 1.4663908 1.167325\n", + " 1.0264492 1.085669 1.0170711 1.1260644 1.0793794 1.034482 1.1979989\n", + " 1.032388 1.0151215 1.034684 1.0214957 1.0190516 1.0169586 1.0226287\n", + " 1.0114038 1.0123937 0. ]\n", + "\n", + "[ 5 3 4 13 6 0 10 2 8 1 11 16 12 14 7 20 17 18 9 19 15 22 21 23]\n", + "=======================\n", + "[\"danny welbeck talks to sportsmail 's martin keown ahead of arsenal 's fa cup semi-final against readingwe discussed life at arsenal , scoring against manchester united and his fa cup dreams .you can watch the full interview on football focus on bbc one today at 12.10 pm and reading 's semi-final with arsenal live on bbc one from 5.05 pm .\"]\n", + "=======================\n", + "[\"danny welbeck met up with sportsmail 's martin keownwelbeck thanks fans and staff for making him so welcome at arsenalformer manchester united striker talks about scoring at old traffordwelbeck wants to be a striker , but says playing on the wing is easier in a front three than when part of a midfield fourarsenal take on reading at wembley on saturday evening\"]\n", + "danny welbeck talks to sportsmail 's martin keown ahead of arsenal 's fa cup semi-final against readingwe discussed life at arsenal , scoring against manchester united and his fa cup dreams .you can watch the full interview on football focus on bbc one today at 12.10 pm and reading 's semi-final with arsenal live on bbc one from 5.05 pm .\n", + "danny welbeck met up with sportsmail 's martin keownwelbeck thanks fans and staff for making him so welcome at arsenalformer manchester united striker talks about scoring at old traffordwelbeck wants to be a striker , but says playing on the wing is easier in a front three than when part of a midfield fourarsenal take on reading at wembley on saturday evening\n", + "[1.152008 1.1416669 1.258072 1.1564145 1.1144984 1.050225 1.0601568\n", + " 1.0978609 1.092854 1.0778639 1.0883176 1.0609624 1.0776258 1.169483\n", + " 1.0532422 1.0236167 1.0554167 1.0431706 1.0417062 1.0265353 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 13 3 0 1 4 7 8 10 9 12 11 6 16 14 5 17 18 19 15 20 21 22 23]\n", + "=======================\n", + "['according to one female businesswoman in texas , hillary clinton should n\\'t be president because her hormones might make her so irrational she \\'ll start an unnecessary war .time magazine declared hillary clinton the \" perfect \" age to be president , because she \\'s a postmenopausal woman who is \" biologically primed \" to lead .( cnn ) thinking about presidential candidates ?']\n", + "=======================\n", + "[\"a businesswoman worries that if hillary clinton becomes president , her hormones will make her go to warmel robbins : what 's scary is that the bias against women in the workplace is still going strong in 2015\"]\n", + "according to one female businesswoman in texas , hillary clinton should n't be president because her hormones might make her so irrational she 'll start an unnecessary war .time magazine declared hillary clinton the \" perfect \" age to be president , because she 's a postmenopausal woman who is \" biologically primed \" to lead .( cnn ) thinking about presidential candidates ?\n", + "a businesswoman worries that if hillary clinton becomes president , her hormones will make her go to warmel robbins : what 's scary is that the bias against women in the workplace is still going strong in 2015\n", + "[1.3394073 1.4944599 1.3446417 1.2508457 1.0725937 1.2037649 1.081172\n", + " 1.1335876 1.0195777 1.0118951 1.0465438 1.014125 1.0644212 1.1217799\n", + " 1.1552285 1.1099513 1.0386367 1.0190661 1.0311425 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 3 5 14 7 13 15 6 4 12 10 16 18 8 17 11 9 19 20 21 22]\n", + "=======================\n", + "['just sixty four days after the first defence of his ibf belt against jo jo dan , brook will return to action on a packed pay-per-view show on may 30 at the o2 in london .the welterweight bout has been added to a card that includes world title challenges for kevin mitchell and lee selby while anthony joshua faces his toughest test to date against kevin johnson .kell brook has finally landed the battle of britain he craved , but will take on frankie gavin rather than bitter rival amir khan .']\n", + "=======================\n", + "['kell brook will make the second defence of his title in just over two monthshe will take on fellow brit frankie gavin at the o2 arena on may 30brook stopped jo jo dan in the fourth round in sheffield last monthanthony joshua , lee selby and kevin mitchell will also be on the cardclick here for all the latest boxing news']\n", + "just sixty four days after the first defence of his ibf belt against jo jo dan , brook will return to action on a packed pay-per-view show on may 30 at the o2 in london .the welterweight bout has been added to a card that includes world title challenges for kevin mitchell and lee selby while anthony joshua faces his toughest test to date against kevin johnson .kell brook has finally landed the battle of britain he craved , but will take on frankie gavin rather than bitter rival amir khan .\n", + "kell brook will make the second defence of his title in just over two monthshe will take on fellow brit frankie gavin at the o2 arena on may 30brook stopped jo jo dan in the fourth round in sheffield last monthanthony joshua , lee selby and kevin mitchell will also be on the cardclick here for all the latest boxing news\n", + "[1.4718668 1.262475 1.3708833 1.1450827 1.1493345 1.2477337 1.1325762\n", + " 1.0683244 1.0355526 1.0798924 1.0646012 1.0858115 1.0377136 1.0534654\n", + " 1.0392927 1.0526389 1.0217193 1.0446995 1.0714998 1.0524791 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 1 5 4 3 6 11 9 18 7 10 13 15 19 17 14 12 8 16 21 20 22]\n", + "=======================\n", + "['michael shepard , 35 , allegedly molested at least seven children within 18 months of his releasehe is accused of horrific sexual attacks on seven children , both boys and girls .police now say he did everything he could to win the confidence of the parents at cedar hollow apartments in pinellas park so that he could prey on their children .']\n", + "=======================\n", + "[\"michael shepard , 35 , conned parents into believing he was n't dangerous and even convinced them to let him babysit , police sayhe raped and sexually abused at least seven children , including a girl as young as five , authorities allegeat a hearing to keep him locked up , one psychologist testified in his defense , the other said he was ` on the fence ' about keeping shepard behind barsshepard spent 15 years in prison for sexually abusing two boys and has a history of sex offense dating back two decades\"]\n", + "michael shepard , 35 , allegedly molested at least seven children within 18 months of his releasehe is accused of horrific sexual attacks on seven children , both boys and girls .police now say he did everything he could to win the confidence of the parents at cedar hollow apartments in pinellas park so that he could prey on their children .\n", + "michael shepard , 35 , conned parents into believing he was n't dangerous and even convinced them to let him babysit , police sayhe raped and sexually abused at least seven children , including a girl as young as five , authorities allegeat a hearing to keep him locked up , one psychologist testified in his defense , the other said he was ` on the fence ' about keeping shepard behind barsshepard spent 15 years in prison for sexually abusing two boys and has a history of sex offense dating back two decades\n", + "[1.2971092 1.4585574 1.2050018 1.254728 1.1879153 1.0621123 1.1128846\n", + " 1.0524943 1.2470504 1.0806787 1.1361446 1.0676794 1.0419507 1.0468999\n", + " 1.0542512 1.0325232 1.0189366 1.060184 1.0632102 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 3 8 2 4 10 6 9 11 18 5 17 14 7 13 12 15 16 21 19 20 22]\n", + "=======================\n", + "[\"luke has been missing for two nights in a victorian national park , with temperatures dropping to as low as eight degree celsius on saturday night .water police have been called in to help with the search of a missing autistic boy , as 11-year-old luke shambrook is ` fascinated ' by water but can not swim .he was last seen leaving candlebark campground in fraser national park near lake eildon at 9.30 am on good friday .\"]\n", + "=======================\n", + "['luke shambrook was last seen leaving candlebark campground on fridaythe 11-year old was camping in the victorian national park with his familyhe has been missing for two nights and temperatures dipped to as low as eight degrees celsius on saturday nightthere has been an unconfirmed sighting of luke with police acting quicklythe 11-year-old was reportedly seen walking 4 kms from his campsiteluke has limited speech and his family says he is probably confuseda large search is being carried by a medley of search and rescue teamspolice also said conditions are favourable for his survival overnightthey have issued an extensive description of luke and his clothing']\n", + "luke has been missing for two nights in a victorian national park , with temperatures dropping to as low as eight degree celsius on saturday night .water police have been called in to help with the search of a missing autistic boy , as 11-year-old luke shambrook is ` fascinated ' by water but can not swim .he was last seen leaving candlebark campground in fraser national park near lake eildon at 9.30 am on good friday .\n", + "luke shambrook was last seen leaving candlebark campground on fridaythe 11-year old was camping in the victorian national park with his familyhe has been missing for two nights and temperatures dipped to as low as eight degrees celsius on saturday nightthere has been an unconfirmed sighting of luke with police acting quicklythe 11-year-old was reportedly seen walking 4 kms from his campsiteluke has limited speech and his family says he is probably confuseda large search is being carried by a medley of search and rescue teamspolice also said conditions are favourable for his survival overnightthey have issued an extensive description of luke and his clothing\n", + "[1.2409496 1.2641814 1.240449 1.0953227 1.2045612 1.2059449 1.2298276\n", + " 1.1536472 1.1028996 1.0739375 1.0262256 1.0269964 1.039005 1.035835\n", + " 1.0352784 1.0337644 1.0194916 1.0106894 1.0131373 1.031268 1.0220853\n", + " 1.1133965 1.0807984]\n", + "\n", + "[ 1 0 2 6 5 4 7 21 8 3 22 9 12 13 14 15 19 11 10 20 16 18 17]\n", + "=======================\n", + "['a dramatic , frenetic 12 rounds here saw the irishman sent sprawling in the very first against the dangerous peter quillin , the man who vacated the wbo middleweight title lee won so gloriously in las vegas last december before the result was deemed a draw .andy lee will leave new york with his head held high and a burgeoning reputation firmly intact .it was the first time the reigning champion had gone the distance .']\n", + "=======================\n", + "['judges scored the contest 113-112 , 112-113 , 113-113 - a tieirishman lee was floored in the first round but fought back admirablyhe threw more punches and connected more regularly than his opponentquillin had failed to make the required weight of 160lbs on fridayreigning wbo middleweight champion lee went distance for first timeand he did most of it with a strained biceps muscle in his left arm']\n", + "a dramatic , frenetic 12 rounds here saw the irishman sent sprawling in the very first against the dangerous peter quillin , the man who vacated the wbo middleweight title lee won so gloriously in las vegas last december before the result was deemed a draw .andy lee will leave new york with his head held high and a burgeoning reputation firmly intact .it was the first time the reigning champion had gone the distance .\n", + "judges scored the contest 113-112 , 112-113 , 113-113 - a tieirishman lee was floored in the first round but fought back admirablyhe threw more punches and connected more regularly than his opponentquillin had failed to make the required weight of 160lbs on fridayreigning wbo middleweight champion lee went distance for first timeand he did most of it with a strained biceps muscle in his left arm\n", + "[1.2203975 1.3431438 1.1980698 1.3376902 1.2717371 1.2566282 1.04181\n", + " 1.1062105 1.0653527 1.1761296 1.1127408 1.0115161 1.0158861 1.0164862\n", + " 1.0800937 1.0216883 1.0701128 1.0616647 1.0368137 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 4 5 0 2 9 10 7 14 16 8 17 6 18 15 13 12 11 19 20 21 22]\n", + "=======================\n", + "[\"the sailors were stationed or had been stationed at the west australian port of hmas stirling off the coast of rockingham , south of perth .five of the sailors who committed suicide had been serving with the australian navy on hmas stirlingstuart addison hanged himself while he was on-shore leave in 2011 and his father , mark addison , was faced with the tough decision to turn off his son 's life support after several days in hospital .\"]\n", + "=======================\n", + "[\"five sailors took their own lives while serving on wa 's hmas stirlingsuicides happened over two years and some had attempted it beforestuart addison 's family did n't know about his other attempts until his deathit was a similar case for four other families , including stuart 's close friendsrevelations of ice use , binge drinking and depression have also emerged\"]\n", + "the sailors were stationed or had been stationed at the west australian port of hmas stirling off the coast of rockingham , south of perth .five of the sailors who committed suicide had been serving with the australian navy on hmas stirlingstuart addison hanged himself while he was on-shore leave in 2011 and his father , mark addison , was faced with the tough decision to turn off his son 's life support after several days in hospital .\n", + "five sailors took their own lives while serving on wa 's hmas stirlingsuicides happened over two years and some had attempted it beforestuart addison 's family did n't know about his other attempts until his deathit was a similar case for four other families , including stuart 's close friendsrevelations of ice use , binge drinking and depression have also emerged\n", + "[1.6453714 1.3582602 1.12224 1.5727106 1.0896394 1.0433949 1.0614871\n", + " 1.0405226 1.0310785 1.0141582 1.0140097 1.0211563 1.0213047 1.0242741\n", + " 1.0234405 1.0232092 1.0379833 1.0377109 1.0157886 1.027077 1.0196894]\n", + "\n", + "[ 0 3 1 2 4 6 5 7 16 17 8 19 13 14 15 12 11 20 18 9 10]\n", + "=======================\n", + "[\"luke rockhold is ready to be the bull to lyoto machida 's matador when the middleweights collide in new jersey on saturday .lyoto machida ( left ) and luke rockhold face off ahead of their middleweight clash this weekend 'the californian is bidding for his fourth consecutive victory since losing to vitor belfort two years ago and has a title shot in his sights .\"]\n", + "=======================\n", + "['luke rockhold takes on lyoto machida in new jersey on saturdaythe middleweights will hope the winner will earn a title shotrockhold believes he has to dominate machida to earn the win']\n", + "luke rockhold is ready to be the bull to lyoto machida 's matador when the middleweights collide in new jersey on saturday .lyoto machida ( left ) and luke rockhold face off ahead of their middleweight clash this weekend 'the californian is bidding for his fourth consecutive victory since losing to vitor belfort two years ago and has a title shot in his sights .\n", + "luke rockhold takes on lyoto machida in new jersey on saturdaythe middleweights will hope the winner will earn a title shotrockhold believes he has to dominate machida to earn the win\n", + "[1.350326 1.4148422 1.3414891 1.239454 1.1526276 1.0643538 1.0515397\n", + " 1.0603383 1.0396241 1.0705922 1.0916727 1.0294275 1.0395494 1.1103723\n", + " 1.0550869 1.0300584 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 13 10 9 5 7 14 6 8 12 15 11 19 16 17 18 20]\n", + "=======================\n", + "[\"the state 's legislature on friday passed a bill raising the minimum legal age -- currently 18 -- to buy tobacco or e-cigarettes .( cnn ) hawaii is poised to become the first state in the nation to prohibit the sale of cigarettes and other tobacco products to anybody under age 21 .the bill will now go before gov. david ige , whose signature would make it law in hawaii as of january 1 , 2016 .\"]\n", + "=======================\n", + "[\"hawaii 's legislature passes a bill raising the legal age for buying tobacco to 21the bill is now before gov. david ige , whose signature would make it lawmost states allow tobacco sales to anyone 18 and older\"]\n", + "the state 's legislature on friday passed a bill raising the minimum legal age -- currently 18 -- to buy tobacco or e-cigarettes .( cnn ) hawaii is poised to become the first state in the nation to prohibit the sale of cigarettes and other tobacco products to anybody under age 21 .the bill will now go before gov. david ige , whose signature would make it law in hawaii as of january 1 , 2016 .\n", + "hawaii 's legislature passes a bill raising the legal age for buying tobacco to 21the bill is now before gov. david ige , whose signature would make it lawmost states allow tobacco sales to anyone 18 and older\n", + "[1.2289586 1.0993879 1.1730648 1.3618891 1.2113978 1.1947136 1.1376446\n", + " 1.0752691 1.0801041 1.197853 1.0458963 1.0521978 1.0445356 1.0727609\n", + " 1.0320078 1.0415466 1.0627201 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 4 9 5 2 6 1 8 7 13 16 11 10 12 15 14 19 17 18 20]\n", + "=======================\n", + "[\"oleg kalashnikov , the former member of parliament , was shot and killed shortly after 7 p.m. wednesday at the entrance to his apartment block .kiev , ukraine ( cnn ) the question haunting kiev is this : who might be murdering allies of ukraine 's ousted president viktor yanukovych ?at least three former members of parliament with the party of regions have reportedly committed suicide in the last seven weeks :\"]\n", + "=======================\n", + "['five recent deaths heighten suspicions on both side of ukraine \\'s ethnic divideukraine \\'s president orders an investigation of the recent killingsthe opposition calls the killings \" oppression , \" but the government says moscow may be to blame']\n", + "oleg kalashnikov , the former member of parliament , was shot and killed shortly after 7 p.m. wednesday at the entrance to his apartment block .kiev , ukraine ( cnn ) the question haunting kiev is this : who might be murdering allies of ukraine 's ousted president viktor yanukovych ?at least three former members of parliament with the party of regions have reportedly committed suicide in the last seven weeks :\n", + "five recent deaths heighten suspicions on both side of ukraine 's ethnic divideukraine 's president orders an investigation of the recent killingsthe opposition calls the killings \" oppression , \" but the government says moscow may be to blame\n", + "[1.2079824 1.3799 1.2053583 1.2890506 1.1466548 1.123052 1.0924853\n", + " 1.0599754 1.0631449 1.1691903 1.0764405 1.0167625 1.16609 1.0890411\n", + " 1.0506694 1.0801986 1.0288815 1.0458964 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 9 12 4 5 6 13 15 10 8 7 14 17 16 11 19 18 20]\n", + "=======================\n", + "[\"a 39-year-old woman named lillian roldan came forward to author john glatt to say she dated castro from 2000 to 2003 , a three-year period during which castro kidnapped and imprisoned michelle knight and amanda berry in his ohio home .as he kept two young women locked up as sex slaves in his basement , ariel castro was looking for a wife , a new book about the cleveland kidnapper has revealed .roldan describes castro in glatt 's book the lost girls as nothing short of a gentleman , who was ` completely normal ' in the bedroom , and even romantic .\"]\n", + "=======================\n", + "['lillian roldan says she dated ariel castro from 2000 to 2003 according to a new book about the cleveland house of horrors by john glattroldan says she met castro on a blind date and that during their three-year relationship , he was nothing but a gentlemantwo years into their relationship , castro kidnapped his first two victims , michelle knight and amanda berry , and locked them in his basementroldan says she never knew castro was hiding the women , but that he did keep a padlock on his basement doorcastro broke up with roldan with a letter in october 2003 , and a few months later went on to kidnap his third victim gina dejesusthe three women were kept captive in the house for another nine years , until they made a dramatic escape in may 2013']\n", + "a 39-year-old woman named lillian roldan came forward to author john glatt to say she dated castro from 2000 to 2003 , a three-year period during which castro kidnapped and imprisoned michelle knight and amanda berry in his ohio home .as he kept two young women locked up as sex slaves in his basement , ariel castro was looking for a wife , a new book about the cleveland kidnapper has revealed .roldan describes castro in glatt 's book the lost girls as nothing short of a gentleman , who was ` completely normal ' in the bedroom , and even romantic .\n", + "lillian roldan says she dated ariel castro from 2000 to 2003 according to a new book about the cleveland house of horrors by john glattroldan says she met castro on a blind date and that during their three-year relationship , he was nothing but a gentlemantwo years into their relationship , castro kidnapped his first two victims , michelle knight and amanda berry , and locked them in his basementroldan says she never knew castro was hiding the women , but that he did keep a padlock on his basement doorcastro broke up with roldan with a letter in october 2003 , and a few months later went on to kidnap his third victim gina dejesusthe three women were kept captive in the house for another nine years , until they made a dramatic escape in may 2013\n", + "[1.37842 1.1001968 1.1304884 1.201053 1.1336339 1.097129 1.1009434\n", + " 1.0562311 1.0184216 1.0184674 1.1426502 1.1002223 1.3435494 1.1353786\n", + " 1.0392832 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 12 3 10 13 4 2 6 11 1 5 7 14 9 8 19 15 16 17 18 20]\n", + "=======================\n", + "[\"jeremy clarkson has become a green campaigner , simon cowell is going to be put on the # 5 note and the leaning tower of pisa is becoming a luxury hotel , it emerged today .among the other jokes to sneak into the news today were tesco 's new trampoline aisles , and the claim that the manchester united team is picked using the power of astrology .innovation : tesco claims to be introducing bouncy aisles in a publicity campaign including lucy mecklenburgh from the only way is essex\"]\n", + "=======================\n", + "[\"april 1 has heralded a crop of fake news stories hoodwinking readersthe guardian claims jeremy clarkson is campaigning against fossil fuelssimon cowell will replace the queen on the # 5 note , according to the sunthe leaning tower of pisa is set to become a luxury hotel , says one paperant and dec ` will add strictly 's anton du beke to their presenting line-up '\"]\n", + "jeremy clarkson has become a green campaigner , simon cowell is going to be put on the # 5 note and the leaning tower of pisa is becoming a luxury hotel , it emerged today .among the other jokes to sneak into the news today were tesco 's new trampoline aisles , and the claim that the manchester united team is picked using the power of astrology .innovation : tesco claims to be introducing bouncy aisles in a publicity campaign including lucy mecklenburgh from the only way is essex\n", + "april 1 has heralded a crop of fake news stories hoodwinking readersthe guardian claims jeremy clarkson is campaigning against fossil fuelssimon cowell will replace the queen on the # 5 note , according to the sunthe leaning tower of pisa is set to become a luxury hotel , says one paperant and dec ` will add strictly 's anton du beke to their presenting line-up '\n", + "[1.155676 1.145018 1.3405592 1.1357869 1.1088406 1.3973093 1.0364505\n", + " 1.087236 1.0322176 1.0206355 1.0622144 1.0296816 1.0649611 1.0984051\n", + " 1.0194712 1.0234693 1.082753 1.0622056 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 5 2 0 1 3 4 13 7 16 12 10 17 6 8 11 15 9 14 21 18 19 20 22]\n", + "=======================\n", + "[\"wasps coach dai young has called for reform to the premiership salary cap so english clubs can compete on the european stage - the comments came after his team lost 32-18 to toulon on sundaywasps ' director of rugby could not have asked much more from his gallant side as they pushed toulon all the way before losing their champions cup quarter-final at stade felix mayol on sunday .it 's that time of year when the english challenge in europe fades in the face of overwhelming firepower and the thorny issue of the salary cap re-surfaces .\"]\n", + "=======================\n", + "[\"dai young wants to reform the current salary cap in english top flightit means premiership clubs are struggling to compete with frenchyoung 's wasps side lost 32-18 to toulon in champions cup last eightonly saracens made it through to the last four from england\"]\n", + "wasps coach dai young has called for reform to the premiership salary cap so english clubs can compete on the european stage - the comments came after his team lost 32-18 to toulon on sundaywasps ' director of rugby could not have asked much more from his gallant side as they pushed toulon all the way before losing their champions cup quarter-final at stade felix mayol on sunday .it 's that time of year when the english challenge in europe fades in the face of overwhelming firepower and the thorny issue of the salary cap re-surfaces .\n", + "dai young wants to reform the current salary cap in english top flightit means premiership clubs are struggling to compete with frenchyoung 's wasps side lost 32-18 to toulon in champions cup last eightonly saracens made it through to the last four from england\n", + "[1.5375295 1.2268635 1.4623613 1.2421424 1.1955695 1.1706654 1.0872086\n", + " 1.0398579 1.0214576 1.1156615 1.021664 1.0272164 1.0912111 1.0163162\n", + " 1.0153097 1.012342 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 3 1 4 5 9 12 6 7 11 10 8 13 14 15 21 16 17 18 19 20 22]\n", + "=======================\n", + "['christopher barry , 53 , was stabbed to death by a 13-year-old boy after a row outside a block of flatsthe boy , who is a member of the notorious wood green gang , pleaded guilty to stabbing 53-year-old christopher barry twice in the chest outside his home in edmonton , north london , on december 14 last year .the teenager , who can not be named for legal reasons , pulled a knife from his rucksack and stabbed mr barry , a builder , as he got into a lift following a row .']\n", + "=======================\n", + "[\"a boy aged 13 has been jailed for 11 years for murder of christopher barryhe stabbed mr barry , a builder , twice in ` cowardly and unprovoked ' attackteenager was a member of the notorious wood green gang in londonboy was thrown out of school at 11 for possessing cannabis and a knife\"]\n", + "christopher barry , 53 , was stabbed to death by a 13-year-old boy after a row outside a block of flatsthe boy , who is a member of the notorious wood green gang , pleaded guilty to stabbing 53-year-old christopher barry twice in the chest outside his home in edmonton , north london , on december 14 last year .the teenager , who can not be named for legal reasons , pulled a knife from his rucksack and stabbed mr barry , a builder , as he got into a lift following a row .\n", + "a boy aged 13 has been jailed for 11 years for murder of christopher barryhe stabbed mr barry , a builder , twice in ` cowardly and unprovoked ' attackteenager was a member of the notorious wood green gang in londonboy was thrown out of school at 11 for possessing cannabis and a knife\n", + "[1.3659714 1.3316609 1.1925737 1.4123499 1.1835067 1.0748246 1.079769\n", + " 1.0364305 1.0200658 1.1838259 1.1413579 1.0303681 1.0307691 1.0229492\n", + " 1.0170488 1.0332553 1.0351087 1.1106097 1.0367795 1.0162237 1.0229857\n", + " 1.0322175 1.0268729]\n", + "\n", + "[ 3 0 1 2 9 4 10 17 6 5 18 7 16 15 21 12 11 22 20 13 8 14 19]\n", + "=======================\n", + "[\"former everton chairman and life president sir phillip carter passed away on thursday .carter also served as president of the football league and a vice-president of the football association but it is as chairman of everton throughout the 1980s that he will be remembered .under his stewardship , the club won two league titles , an fa cup and the european cup winners ' cup , which is still the toffees ' only piece of continental silverware .\"]\n", + "=======================\n", + "[\"sir philip carter died at his home on thursday morning after a short illnesscarter served everton during three spells after first joining the club in 1977toffees chairman bill kenwright pays tribute to a ` great man and leader '\"]\n", + "former everton chairman and life president sir phillip carter passed away on thursday .carter also served as president of the football league and a vice-president of the football association but it is as chairman of everton throughout the 1980s that he will be remembered .under his stewardship , the club won two league titles , an fa cup and the european cup winners ' cup , which is still the toffees ' only piece of continental silverware .\n", + "sir philip carter died at his home on thursday morning after a short illnesscarter served everton during three spells after first joining the club in 1977toffees chairman bill kenwright pays tribute to a ` great man and leader '\n", + "[1.5042933 1.4826872 1.2909542 1.4552462 1.291869 1.1214203 1.1538382\n", + " 1.0563726 1.0199232 1.0284811 1.011123 1.0134255 1.0114685 1.1255242\n", + " 1.0781924 1.1319753 1.0128279 1.0109953 1.0077106 1.007828 1.00789\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 3 4 2 6 15 13 5 14 7 9 8 11 16 12 10 17 20 19 18 21 22]\n", + "=======================\n", + "[\"st mirren skipper steven thompson has apologised to team-mate john mcginn after accidentally spearing him with a training ground pole .the scotland under 21 player is now on crutches and will miss the rest of the season after a prank at saints ' renfrewshire training ground went badly wrong on thursday .gary teale 's first-team squad were doing a dribbling drill when veteran thompson lost possession to mcginn and stumbled into two poles which were intended for the players to run through .\"]\n", + "=======================\n", + "[\"john mcginn will miss the rest of the season after the incident in trainingsteven thompson threw a pole towards mcginn after losing possessionthe pole stabbed mcginn in the leg , leaving him needing hospital attentionthompson says ` blood started pouring out of the hole ' in mcginn 's legst mirren captain is believed to have given his goal bonus to mcginn\"]\n", + "st mirren skipper steven thompson has apologised to team-mate john mcginn after accidentally spearing him with a training ground pole .the scotland under 21 player is now on crutches and will miss the rest of the season after a prank at saints ' renfrewshire training ground went badly wrong on thursday .gary teale 's first-team squad were doing a dribbling drill when veteran thompson lost possession to mcginn and stumbled into two poles which were intended for the players to run through .\n", + "john mcginn will miss the rest of the season after the incident in trainingsteven thompson threw a pole towards mcginn after losing possessionthe pole stabbed mcginn in the leg , leaving him needing hospital attentionthompson says ` blood started pouring out of the hole ' in mcginn 's legst mirren captain is believed to have given his goal bonus to mcginn\n", + "[1.3063645 1.3550125 1.3312668 1.3328191 1.2834315 1.0716566 1.0322552\n", + " 1.065797 1.1259557 1.1076481 1.0339866 1.0474808 1.0617776 1.0999126\n", + " 1.1489902 1.0109663 1.023496 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 14 8 9 13 5 7 12 11 10 6 16 15 17 18 19 20 21 22]\n", + "=======================\n", + "[\"the unique psychedelic cartoon , which is hand-painted , depicts the eponymous submarine from the 1968 film in which the fab four travel to pepperland to save it from the blue meanies .the first ever drawing of the beatles ' famous yellow submarine which is dubbed the ` holy grail of memorabilia ' is set to fetch more than # 10,000 when it is sold at auction in dallas , texas , on thursdaythe rare celluloid painting , known as a cel , was used as a master version from which artists working on the film created all other images of the wacky vessel .\"]\n", + "=======================\n", + "[\"first drawing of yellow submarine to fetch more than # 10,000 at auctionrare celluloid painting depicts vessel used in 1968 film starring beatlesfeaturing handwritten notes , it was used as a master for animation teamyellow submarine was a success and led to the beatles ' 10th studio album\"]\n", + "the unique psychedelic cartoon , which is hand-painted , depicts the eponymous submarine from the 1968 film in which the fab four travel to pepperland to save it from the blue meanies .the first ever drawing of the beatles ' famous yellow submarine which is dubbed the ` holy grail of memorabilia ' is set to fetch more than # 10,000 when it is sold at auction in dallas , texas , on thursdaythe rare celluloid painting , known as a cel , was used as a master version from which artists working on the film created all other images of the wacky vessel .\n", + "first drawing of yellow submarine to fetch more than # 10,000 at auctionrare celluloid painting depicts vessel used in 1968 film starring beatlesfeaturing handwritten notes , it was used as a master for animation teamyellow submarine was a success and led to the beatles ' 10th studio album\n", + "[1.4545388 1.4289217 1.4433212 1.2845107 1.2725259 1.0527868 1.0228492\n", + " 1.014018 1.1431218 1.0810815 1.0646313 1.1494298 1.034496 1.0289321\n", + " 1.0123856 1.0109262 1.0149754 1.0123966 1.0112249 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 1 3 4 11 8 9 10 5 12 13 6 16 7 17 14 18 15 21 19 20 22]\n", + "=======================\n", + "[\"steve bruce has promised his wife janet he will go on a diet after unflattering paparazzi pictures of him on a barbados beach were publicised .steve bruce was looking larger than life after being snapped holidaying in barbados with alan shearerthe hull manager says he was ` disappointed ' that the pictures were published and that he was baffled that anyone would be interested .\"]\n", + "=======================\n", + "['steve bruce has promised wife janet to go on a diet and lose some weighthull boss was pictured lapping up the sun with pal alan shearerbruce was enjoying a short holiday during the international break']\n", + "steve bruce has promised his wife janet he will go on a diet after unflattering paparazzi pictures of him on a barbados beach were publicised .steve bruce was looking larger than life after being snapped holidaying in barbados with alan shearerthe hull manager says he was ` disappointed ' that the pictures were published and that he was baffled that anyone would be interested .\n", + "steve bruce has promised wife janet to go on a diet and lose some weighthull boss was pictured lapping up the sun with pal alan shearerbruce was enjoying a short holiday during the international break\n", + "[1.2511523 1.5206053 1.3268483 1.3606603 1.0456614 1.0771745 1.2110994\n", + " 1.0750772 1.0426941 1.0232941 1.0208882 1.1272098 1.0509971 1.0615479\n", + " 1.1442881 1.0540297 1.1383293 1.050822 1.0347302 1.035191 1.0082585\n", + " 1.0115358 0. ]\n", + "\n", + "[ 1 3 2 0 6 14 16 11 5 7 13 15 12 17 4 8 19 18 9 10 21 20 22]\n", + "=======================\n", + "['slager , 33 , is charged with murder after opening fire on walter scott , 50 , after reportedly stopping him over a broken tail light in north charleston , south carolina , on saturday .his attorney andy savage told cbs that slager is housed in a room with one small window and does not have any interaction with any other detainees at charleston county jail .officer michael slager is being kept in isolation and can not walk down a hall without the entire cell block being cleared first , according to his lawyer .']\n", + "=======================\n", + "['officer michael slager is being held at charleston county jailhoused in housed in a room with one small window and does not have any interaction with any other detainees at charleston county jailslager , 33 , is charged with murder after opening fire on walter scott , 50 , after reportedly stopping him over a broken tail light in north charlestondashcam footage shows scott running from his car after being pulled overminutes later slager shot him in the back in a nearby park']\n", + "slager , 33 , is charged with murder after opening fire on walter scott , 50 , after reportedly stopping him over a broken tail light in north charleston , south carolina , on saturday .his attorney andy savage told cbs that slager is housed in a room with one small window and does not have any interaction with any other detainees at charleston county jail .officer michael slager is being kept in isolation and can not walk down a hall without the entire cell block being cleared first , according to his lawyer .\n", + "officer michael slager is being held at charleston county jailhoused in housed in a room with one small window and does not have any interaction with any other detainees at charleston county jailslager , 33 , is charged with murder after opening fire on walter scott , 50 , after reportedly stopping him over a broken tail light in north charlestondashcam footage shows scott running from his car after being pulled overminutes later slager shot him in the back in a nearby park\n", + "[1.3341138 1.1931401 1.1494536 1.1480751 1.1697911 1.1441885 1.1809742\n", + " 1.1174393 1.0551695 1.0821025 1.0984193 1.0514927 1.0334103 1.060202\n", + " 1.0573956 1.040987 1.0211079 1.0269868 1.0313889 1.040956 1.082824\n", + " 1.0297683 1.0247419]\n", + "\n", + "[ 0 1 6 4 2 3 5 7 10 20 9 13 14 8 11 15 19 12 18 21 17 22 16]\n", + "=======================\n", + "[\"( cnn ) the head of the libyan army has rejected the possibility of cooperating with any eu military intervention in his country intended to stem the flow of undocumented migrants trying to reach europe .in an exclusive interview friday with cnn 's becky anderson , libyan army head gen. khalifa haftar said libyan authorities had not been consulted and , in any event , military action would not solve the problem .the capsizing of one vessel last weekend left an estimated 900 people dead .\"]\n", + "=======================\n", + "['head of libyan army tells cnn libyan authorities have not been consultedgen. khalifa haftar says libya will \" look after \" its interestssolution to migration problem requires lifting of sanctions , general says']\n", + "( cnn ) the head of the libyan army has rejected the possibility of cooperating with any eu military intervention in his country intended to stem the flow of undocumented migrants trying to reach europe .in an exclusive interview friday with cnn 's becky anderson , libyan army head gen. khalifa haftar said libyan authorities had not been consulted and , in any event , military action would not solve the problem .the capsizing of one vessel last weekend left an estimated 900 people dead .\n", + "head of libyan army tells cnn libyan authorities have not been consultedgen. khalifa haftar says libya will \" look after \" its interestssolution to migration problem requires lifting of sanctions , general says\n", + "[1.1704073 1.4530709 1.2466118 1.2679102 1.2965238 1.2003433 1.0959753\n", + " 1.0923635 1.0929451 1.1028707 1.028536 1.0151802 1.0151306 1.0117431\n", + " 1.0879654 1.0632119 1.0684421 1.0555614 1.0122766 1.0128468 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 3 2 5 0 9 6 8 7 14 16 15 17 10 11 12 19 18 13 21 20 22]\n", + "=======================\n", + "[\"the horrific incident happened after lisa and james tuttle moved with their five children to the rural village of geldeston in norfolk in 2005 .lisa tuttle with her one remaining dog bella , after her other two dogs were shot dead by the farmer next doorbut their happiness was shattered in 2014 after their dogs marley and lily were shot after escaping on to their neighbour 's farmland where they were accused of killing his birds .\"]\n", + "=======================\n", + "[\"lisa and james tuttle moved with children to idyllic geldeston , norfolktheir dogs kept escaping onto neighbouring farmlandthey were warned if dogs kept bothering farmer 's birds , they 'd be shotcouple believed dogs were gentle and would n't have attacked birdsin 2014 while family were on holiday , gamekeeper shot two of the dogsacted within law so was not chargedfamily are devastated by loss of pets and now want to move\"]\n", + "the horrific incident happened after lisa and james tuttle moved with their five children to the rural village of geldeston in norfolk in 2005 .lisa tuttle with her one remaining dog bella , after her other two dogs were shot dead by the farmer next doorbut their happiness was shattered in 2014 after their dogs marley and lily were shot after escaping on to their neighbour 's farmland where they were accused of killing his birds .\n", + "lisa and james tuttle moved with children to idyllic geldeston , norfolktheir dogs kept escaping onto neighbouring farmlandthey were warned if dogs kept bothering farmer 's birds , they 'd be shotcouple believed dogs were gentle and would n't have attacked birdsin 2014 while family were on holiday , gamekeeper shot two of the dogsacted within law so was not chargedfamily are devastated by loss of pets and now want to move\n", + "[1.439002 1.1744466 1.4420475 1.192234 1.2418694 1.1623385 1.1921761\n", + " 1.0168053 1.0214745 1.02507 1.1412677 1.0411541 1.0302742 1.1299112\n", + " 1.155869 1.0228132 1.0230842 1.0607008 1.0310246 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 4 3 6 1 5 14 10 13 17 11 18 12 9 16 15 8 7 19 20 21 22]\n", + "=======================\n", + "[\"arthur townsend , who lives in a care home in epping , essex , poured the product over a mercedes sprinter belonging to martin carter - the son of his friend olive carter , 96 .the retired antiques restorer was given a lift in a car to mr carter 's address where he dumped the brown-coloured paint stripper on the van , causing more than # 2,000 of damage .townsend carried out the attack after becoming angry with mr carter , who he believed was making his mother stay at home to sign for packages relating to his online business .\"]\n", + "=======================\n", + "['care home resident arthur townsend poured it over mercedes sprinterhe had become angry at martin carter , son of his friend olive carter , 96believed he was making her stay at home to sign for business packagestownsend admitted criminal damage and must pay # 500 compensation']\n", + "arthur townsend , who lives in a care home in epping , essex , poured the product over a mercedes sprinter belonging to martin carter - the son of his friend olive carter , 96 .the retired antiques restorer was given a lift in a car to mr carter 's address where he dumped the brown-coloured paint stripper on the van , causing more than # 2,000 of damage .townsend carried out the attack after becoming angry with mr carter , who he believed was making his mother stay at home to sign for packages relating to his online business .\n", + "care home resident arthur townsend poured it over mercedes sprinterhe had become angry at martin carter , son of his friend olive carter , 96believed he was making her stay at home to sign for business packagestownsend admitted criminal damage and must pay # 500 compensation\n", + "[1.3885813 1.3443917 1.24194 1.181102 1.1507931 1.1671027 1.1206845\n", + " 1.0482897 1.0526614 1.0458013 1.0335857 1.0577637 1.018613 1.0186701\n", + " 1.0561223 1.0687115 1.0619748 1.0373837 1.0194589 0. ]\n", + "\n", + "[ 0 1 2 3 5 4 6 15 16 11 14 8 7 9 17 10 18 13 12 19]\n", + "=======================\n", + "['( cnn ) the death of freddie gray , which was the flashpoint for the protests and now the riots in baltimore , has raised again the questions surrounding police use of force , especially after the now-familiar video of officers arresting mr. gray and loading him into a police van .gray was arrested by police on april 12 .the 25-year-old was carried in the van for 40 minutes and he was not properly buckled in , according to authorities .']\n", + "=======================\n", + "['were the police justified in stopping freddie gray ?can they be held liable for his death ?']\n", + "( cnn ) the death of freddie gray , which was the flashpoint for the protests and now the riots in baltimore , has raised again the questions surrounding police use of force , especially after the now-familiar video of officers arresting mr. gray and loading him into a police van .gray was arrested by police on april 12 .the 25-year-old was carried in the van for 40 minutes and he was not properly buckled in , according to authorities .\n", + "were the police justified in stopping freddie gray ?can they be held liable for his death ?\n", + "[1.3438509 1.1596155 1.2489053 1.2652647 1.1440063 1.1983032 1.099345\n", + " 1.0846148 1.0748091 1.1343092 1.126036 1.102272 1.0810165 1.1081703\n", + " 1.0329472 1.026067 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 5 1 4 9 10 13 11 6 7 12 8 14 15 18 16 17 19]\n", + "=======================\n", + "['carriers of the brca1 gene , like hollywood star angelina jolie , can reduce their risk of death once they have been diagnosed with breast cancer by having their ovaries removedmiss jolie , 39 , had the procedure , known as an oophorectomy , in march .women who carry a mutated version of brca1 or another gene known as brca2 face a life-time risk of breast cancer of up to 70 per cent .']\n", + "=======================\n", + "['carriers of brca1 gene mutation who are diagnosed with breast cancer are less likely to die if they have their ovaries removed , study foundbut the theory does not apply for those with brca2 gene mutationhaving the brca1 or brca2 genes increase risk of breast cancer by 70 %experts said benefits of having ovaries removed lasted for up to 15 years']\n", + "carriers of the brca1 gene , like hollywood star angelina jolie , can reduce their risk of death once they have been diagnosed with breast cancer by having their ovaries removedmiss jolie , 39 , had the procedure , known as an oophorectomy , in march .women who carry a mutated version of brca1 or another gene known as brca2 face a life-time risk of breast cancer of up to 70 per cent .\n", + "carriers of brca1 gene mutation who are diagnosed with breast cancer are less likely to die if they have their ovaries removed , study foundbut the theory does not apply for those with brca2 gene mutationhaving the brca1 or brca2 genes increase risk of breast cancer by 70 %experts said benefits of having ovaries removed lasted for up to 15 years\n", + "[1.6612835 1.3320022 1.3587496 1.092954 1.1956159 1.0322298 1.0171072\n", + " 1.019564 1.0142717 1.0136565 1.0176269 1.1324736 1.1649845 1.0559349\n", + " 1.065439 1.0302382 1.0772958 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 4 12 11 3 16 14 13 5 15 7 10 6 8 9 17 18 19]\n", + "=======================\n", + "[\"andres iniesta has responded to his critics by claiming he ` never went away ' following a vintage first-half performance in barcelona 's 2-0 win over paris saint-germain on tuesday night .but iniesta capped an impressive 45 minutes in his side 's champions league quarter-final second-leg victory over psg with a mesmeric run and pass for neymar to score his first goal of the evening at the camp nou .the spaniard had failed to register a single assist or goal from 19 la liga appearances this season , prompting critics to suggest the 30-year-old was on the decline .\"]\n", + "=======================\n", + "[\"midfielder fires a warning to his detractors that he is now back to his bestiniesta ran from his own half to set up neymar 's opener in 2-0 winworld cup winner had recorded zero assists this season prior to tuesdayneymar and andres iniesta star men for barca in 2-0 win over psg\"]\n", + "andres iniesta has responded to his critics by claiming he ` never went away ' following a vintage first-half performance in barcelona 's 2-0 win over paris saint-germain on tuesday night .but iniesta capped an impressive 45 minutes in his side 's champions league quarter-final second-leg victory over psg with a mesmeric run and pass for neymar to score his first goal of the evening at the camp nou .the spaniard had failed to register a single assist or goal from 19 la liga appearances this season , prompting critics to suggest the 30-year-old was on the decline .\n", + "midfielder fires a warning to his detractors that he is now back to his bestiniesta ran from his own half to set up neymar 's opener in 2-0 winworld cup winner had recorded zero assists this season prior to tuesdayneymar and andres iniesta star men for barca in 2-0 win over psg\n", + "[1.2891132 1.3477134 1.2605879 1.3764118 1.3412527 1.0327659 1.021986\n", + " 1.3647339 1.0969334 1.1590173 1.0211291 1.0172335 1.1532183 1.1247928\n", + " 1.015481 1.0108135 1.0086366 1.0085335 1.0148786 1.0112965]\n", + "\n", + "[ 3 7 1 4 0 2 9 12 13 8 5 6 10 11 14 18 19 15 16 17]\n", + "=======================\n", + "[\"crystal palace manager alan pardew is keen on bringing in a star name to boost the club 's profilepardew is prepared to let star winger yannick bolasie leave for ` between 40 and 60 million pounds ' and would use the money to build a formidable squad .pardew has transformed palace into relegation candidates to a club pushing for a top-half finish since taking charge in january .\"]\n", + "=======================\n", + "['alan pardew believes high-profile signing will send out statement of intentthe crystal palace manager is keen on bringing the club to next levelpardew has warned potential suitors off of star winger yannick bolasie']\n", + "crystal palace manager alan pardew is keen on bringing in a star name to boost the club 's profilepardew is prepared to let star winger yannick bolasie leave for ` between 40 and 60 million pounds ' and would use the money to build a formidable squad .pardew has transformed palace into relegation candidates to a club pushing for a top-half finish since taking charge in january .\n", + "alan pardew believes high-profile signing will send out statement of intentthe crystal palace manager is keen on bringing the club to next levelpardew has warned potential suitors off of star winger yannick bolasie\n", + "[1.2221239 1.4118679 1.2359644 1.33198 1.1960839 1.080835 1.118436\n", + " 1.1024166 1.0860089 1.0683608 1.1346755 1.073533 1.0476366 1.0540792\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 10 6 7 8 5 11 9 13 12 14 15 16 17 18 19]\n", + "=======================\n", + "[\"mohammed khubaib , originally from pakistan , befriended girls and then ` hooked ' them with alcohol - normally vodka - in an attempt to make them ` compliant ' to sexual advances .the 43-year-old married businessman , who lived in the city with his wife and children , would pursue his interest ` away from his home and family ' , using his restaurant as a ` focal point ' .a restaurant boss is facing a lengthy jail sentence after he became the last of a string of men to be convicted of child sex offences against girls in peterborough .\"]\n", + "=======================\n", + "[\"married businessman mohammed khubaib convicted of raping girl , 14also guilty of trafficking girls as young as 12 over more than two yearsco-defendant cleared of raping 16-year-old and seven trafficking chargesconviction part of cambridgeshire police 's probe into child sex offences\"]\n", + "mohammed khubaib , originally from pakistan , befriended girls and then ` hooked ' them with alcohol - normally vodka - in an attempt to make them ` compliant ' to sexual advances .the 43-year-old married businessman , who lived in the city with his wife and children , would pursue his interest ` away from his home and family ' , using his restaurant as a ` focal point ' .a restaurant boss is facing a lengthy jail sentence after he became the last of a string of men to be convicted of child sex offences against girls in peterborough .\n", + "married businessman mohammed khubaib convicted of raping girl , 14also guilty of trafficking girls as young as 12 over more than two yearsco-defendant cleared of raping 16-year-old and seven trafficking chargesconviction part of cambridgeshire police 's probe into child sex offences\n", + "[1.1902719 1.468699 1.191999 1.2888114 1.269143 1.161405 1.1295662\n", + " 1.0852208 1.0757382 1.1322911 1.0945902 1.0498354 1.0397218 1.069109\n", + " 1.04928 1.0243483 1.0709486 1.0706412 1.062696 ]\n", + "\n", + "[ 1 3 4 2 0 5 9 6 10 7 8 16 17 13 18 11 14 12 15]\n", + "=======================\n", + "['roy day , 29 , and gerard lundie , 26 , targeted 13 properties over four months at the end of last year while the owners were asleep in bed .but after the duo left their dna at the scenes of some of the crimes they were arrested .two fast and the furious-style crooks who stole # 160,000 worth of luxury cars from homes across four counties have been jailed for more than 10 years .']\n", + "=======================\n", + "['roy day , 29 , and gerald lundie , 26 , stole # 160,000 worth of luxury carsthe pair hit 13 properties in four counties while their owners slept at homefinally caught , after a high-speed chase , when dna found in a crashed careach jailed for five years and four months at birmingham crown court']\n", + "roy day , 29 , and gerard lundie , 26 , targeted 13 properties over four months at the end of last year while the owners were asleep in bed .but after the duo left their dna at the scenes of some of the crimes they were arrested .two fast and the furious-style crooks who stole # 160,000 worth of luxury cars from homes across four counties have been jailed for more than 10 years .\n", + "roy day , 29 , and gerald lundie , 26 , stole # 160,000 worth of luxury carsthe pair hit 13 properties in four counties while their owners slept at homefinally caught , after a high-speed chase , when dna found in a crashed careach jailed for five years and four months at birmingham crown court\n", + "[1.2610687 1.4003592 1.226155 1.1508144 1.0624977 1.0693077 1.2438695\n", + " 1.2033458 1.0396265 1.0220463 1.0230789 1.0183226 1.1716036 1.0794015\n", + " 1.0814629 1.1038399 1.0266786 0. 0. ]\n", + "\n", + "[ 1 0 6 2 7 12 3 15 14 13 5 4 8 16 10 9 11 17 18]\n", + "=======================\n", + "[\"but just a few hundred yards from the famous setting at runnymede in surrey -- which the queen will visit in june to celebrate the document 's 800th anniversary -- dozens of anarchists have made their squalid home in a litter-strewn shanty town .it is the historic site where king john sealed the magna carta to establish the rule of law .squatting on the private land , the group , who are linked to the occupy london movement that caused chaos in london when they set up camp outside st paul 's cathedral in 2011 , have left locals outraged .\"]\n", + "=======================\n", + "['squatters have set up shanty town just yards from runnymede in surreythe group who are linked to occupy london have left locals outragedone member said they were using the land to grow their own vegetablesthey have been given two weeks to submit a defence ahead of hearing']\n", + "but just a few hundred yards from the famous setting at runnymede in surrey -- which the queen will visit in june to celebrate the document 's 800th anniversary -- dozens of anarchists have made their squalid home in a litter-strewn shanty town .it is the historic site where king john sealed the magna carta to establish the rule of law .squatting on the private land , the group , who are linked to the occupy london movement that caused chaos in london when they set up camp outside st paul 's cathedral in 2011 , have left locals outraged .\n", + "squatters have set up shanty town just yards from runnymede in surreythe group who are linked to occupy london have left locals outragedone member said they were using the land to grow their own vegetablesthey have been given two weeks to submit a defence ahead of hearing\n", + "[1.2450228 1.163966 1.2145505 1.2539175 1.1952468 1.198672 1.0703362\n", + " 1.1339805 1.1719494 1.0251449 1.1258516 1.0874227 1.0657576 1.0942696\n", + " 1.0566728 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 5 4 8 1 7 10 13 11 6 12 14 9 15 16 17 18]\n", + "=======================\n", + "[\"dark clouds start forming over the city of soligorsk , belarus , as the sandstorm sweeps over the citythis incredible footage shows the moment an ` apocalyptic ' weather storm struck belarus , turning day into night when fast-moving storm clouds blocked out the sun .the sandstorm was so thick the city was plunged into darkness during the monday afternoon storm\"]\n", + "=======================\n", + "[\"incredible footage of an ` apocalyptic ' sandstorm in belarus has gone viralit shows a city being plunged into darkness as a storm blocks out the sunthe sandstorm caused electricity cuts and forced 100,000 people indoorsit brought with it a cold front and heavy rain that damaged buildings\"]\n", + "dark clouds start forming over the city of soligorsk , belarus , as the sandstorm sweeps over the citythis incredible footage shows the moment an ` apocalyptic ' weather storm struck belarus , turning day into night when fast-moving storm clouds blocked out the sun .the sandstorm was so thick the city was plunged into darkness during the monday afternoon storm\n", + "incredible footage of an ` apocalyptic ' sandstorm in belarus has gone viralit shows a city being plunged into darkness as a storm blocks out the sunthe sandstorm caused electricity cuts and forced 100,000 people indoorsit brought with it a cold front and heavy rain that damaged buildings\n", + "[1.226049 1.4305857 1.265722 1.2851069 1.1926692 1.2170609 1.0379678\n", + " 1.0200429 1.018263 1.0132347 1.199443 1.072591 1.0405449 1.0371357\n", + " 1.2022061 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 5 14 10 4 11 12 6 13 7 8 9 15 16 17 18]\n", + "=======================\n", + "[\"pretty agnese klavina , 30 , vanished after being driven away from celebrity puerto banus haunt aqwa mist on september 6 last year .tearful : older sister gunta has made an emotional video appeal for information about agnese 's whereaboutssuspicion : multi-millionaire property developer 's son westley capper ( left ) and pal craig porter ( right ) were summoned to court on monday in nearby marbella\"]\n", + "=======================\n", + "['agnese klavina , 30 , vanished after being driven away from a spanish clubolder sister gunta made a video appeal for information on her whereaboutsbrits westley capper and craig porter were summoned to court on monday']\n", + "pretty agnese klavina , 30 , vanished after being driven away from celebrity puerto banus haunt aqwa mist on september 6 last year .tearful : older sister gunta has made an emotional video appeal for information about agnese 's whereaboutssuspicion : multi-millionaire property developer 's son westley capper ( left ) and pal craig porter ( right ) were summoned to court on monday in nearby marbella\n", + "agnese klavina , 30 , vanished after being driven away from a spanish clubolder sister gunta made a video appeal for information on her whereaboutsbrits westley capper and craig porter were summoned to court on monday\n", + "[1.3288687 1.4178042 1.1613536 1.3984272 1.2240806 1.1093895 1.1162099\n", + " 1.0298108 1.0252632 1.0168909 1.1699923 1.0685241 1.026771 1.0379353\n", + " 1.012555 1.0095162 1.0423992 0. 0. ]\n", + "\n", + "[ 1 3 0 4 10 2 6 5 11 16 13 7 12 8 9 14 15 17 18]\n", + "=======================\n", + "['competitive eater mary schuyler accomplished the stunning feat in front of hundreds at the big texan steak ranch restaurant in amarillo , texas on sunday .a trim 120-pound mother-of-four set a new world record this weekend and earned $ 6,000 in prize money after downing three 72-ounce steak dinners in just 20 minutes .filling : the dinner included three 72-ounce steaks , three shrimp cocktails , three baked potatoes , three salads and three rolls']\n", + "=======================\n", + "['molly schuyler won the 72-ounce steak dinner challenge at big texan steak ranch in amarillo , texas on sundaythe mother of four from california weighs just 120 pounds , but after the dinner she weighed in at 135 poundsshe said she plans to return next year to beat her record and up the ante to four steaks']\n", + "competitive eater mary schuyler accomplished the stunning feat in front of hundreds at the big texan steak ranch restaurant in amarillo , texas on sunday .a trim 120-pound mother-of-four set a new world record this weekend and earned $ 6,000 in prize money after downing three 72-ounce steak dinners in just 20 minutes .filling : the dinner included three 72-ounce steaks , three shrimp cocktails , three baked potatoes , three salads and three rolls\n", + "molly schuyler won the 72-ounce steak dinner challenge at big texan steak ranch in amarillo , texas on sundaythe mother of four from california weighs just 120 pounds , but after the dinner she weighed in at 135 poundsshe said she plans to return next year to beat her record and up the ante to four steaks\n", + "[1.417306 1.2548025 1.2351751 1.3328741 1.163101 1.1768881 1.1174474\n", + " 1.1338621 1.1464584 1.1127983 1.0137464 1.0933688 1.014228 1.0503392\n", + " 1.0607848 1.109356 1.016637 1.0659741 1.0130485 1.0371885 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 1 2 5 4 8 7 6 9 15 11 17 14 13 19 16 12 10 18 20 21 22]\n", + "=======================\n", + "[\"former redgum frontman john schumann has slammed anti-islam protesters for using his song , i was only 19 , at one of saturday 's reclaim australia rallies .the songwriter , who penned the 1983 anthem , said the song - like many of his others - was about compassion , tolerance and inclusiveness .saturday 's rallies across the nation erupted into violence when the group 's supporters clashed with anti-racism groups .\"]\n", + "=======================\n", + "[\"footage has emerged of i was only 19 being played at an anti-islam rallyformer redgum frontman john schumann condemned the use of his songhe said he was ` disappointed ' to see it used by reclaim australia memberssinger said the song was about compassion , tolerance and inclusiveness\"]\n", + "former redgum frontman john schumann has slammed anti-islam protesters for using his song , i was only 19 , at one of saturday 's reclaim australia rallies .the songwriter , who penned the 1983 anthem , said the song - like many of his others - was about compassion , tolerance and inclusiveness .saturday 's rallies across the nation erupted into violence when the group 's supporters clashed with anti-racism groups .\n", + "footage has emerged of i was only 19 being played at an anti-islam rallyformer redgum frontman john schumann condemned the use of his songhe said he was ` disappointed ' to see it used by reclaim australia memberssinger said the song was about compassion , tolerance and inclusiveness\n", + "[1.2604384 1.4877005 1.2685921 1.27882 1.2006783 1.1523607 1.0925999\n", + " 1.0594809 1.0657904 1.0607734 1.079516 1.089485 1.1363269 1.029249\n", + " 1.0314269 1.0601717 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 12 6 11 10 8 9 15 7 14 13 21 16 17 18 19 20 22]\n", + "=======================\n", + "['the jane doe was found in a wooded area in volusia county on april 23 , 1990 .the death was ruled a homicide and the case remains open , and police hope a new facial reconstruction using the latest technology with help them finally solve the murder .investigators believe her badly decomposed remains , which consisted mostly just bones , had been there for up to eight weeks before they were discovered .']\n", + "=======================\n", + "[\"skeletal remains near daytona beach on april 23 , 1990the woman was never identified and her murder never solvednew forensic technology has reconstructed a facial imageshe was aged between 25 and 40 , about 5 ' 4 ' and had her hair in pigtailsthere is a $ 5,000 reward on offer for relevant information\"]\n", + "the jane doe was found in a wooded area in volusia county on april 23 , 1990 .the death was ruled a homicide and the case remains open , and police hope a new facial reconstruction using the latest technology with help them finally solve the murder .investigators believe her badly decomposed remains , which consisted mostly just bones , had been there for up to eight weeks before they were discovered .\n", + "skeletal remains near daytona beach on april 23 , 1990the woman was never identified and her murder never solvednew forensic technology has reconstructed a facial imageshe was aged between 25 and 40 , about 5 ' 4 ' and had her hair in pigtailsthere is a $ 5,000 reward on offer for relevant information\n", + "[1.3261621 1.3900464 1.2031426 1.3542926 1.142407 1.0839058 1.037997\n", + " 1.0667819 1.0410218 1.0314482 1.0805644 1.2327446 1.0191023 1.0159736\n", + " 1.0241742 1.0150621 1.0371399 1.0357493 1.0834494 1.0428357 1.0234381\n", + " 1.0251521 1.0111651]\n", + "\n", + "[ 1 3 0 11 2 4 5 18 10 7 19 8 6 16 17 9 21 14 20 12 13 15 22]\n", + "=======================\n", + "[\"cell phone footage , recorded by the unnamed customer , starts with the woman repeatedly asking to speak to the manager to complain about the quality of a milkshake that she had just been served .a complaint about an unsatisfactory milkshake served at a louisiana branch of burger king quickly turned ugly when the employee started cursing before getting physical with the customerthe footage , first posted on live leak , claims to have been taken on tuesday at a branch in lake charles . '\"]\n", + "=======================\n", + "[\"cell phone footage shows the complaint about an unsatisfactory milkshake served at a louisiana branch of burger kingthe discussion quickly turns ugly when the employee starts cursing before getting physical with the unhappy customer` you wan na get slapped ? 'burger king has released a statement apologizing for the employee 's behavior and confirming that she has been fired as a consequence\"]\n", + "cell phone footage , recorded by the unnamed customer , starts with the woman repeatedly asking to speak to the manager to complain about the quality of a milkshake that she had just been served .a complaint about an unsatisfactory milkshake served at a louisiana branch of burger king quickly turned ugly when the employee started cursing before getting physical with the customerthe footage , first posted on live leak , claims to have been taken on tuesday at a branch in lake charles . '\n", + "cell phone footage shows the complaint about an unsatisfactory milkshake served at a louisiana branch of burger kingthe discussion quickly turns ugly when the employee starts cursing before getting physical with the unhappy customer` you wan na get slapped ? 'burger king has released a statement apologizing for the employee 's behavior and confirming that she has been fired as a consequence\n", + "[1.1699046 1.4950662 1.2993984 1.2756758 1.2591425 1.1737515 1.162715\n", + " 1.0344094 1.020771 1.0240827 1.1857616 1.0723305 1.1016203 1.0819011\n", + " 1.0632253 1.0741554 1.0663899 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 4 10 5 0 6 12 13 15 11 16 14 7 9 8 17 18 19 20 21 22]\n", + "=======================\n", + "['dug and his owner , lindsay castro , were hiking on the jurupa hills trail in fontana , canada , on thursday when they heard a rattling sound .lindsay backed away , but dug ran up to the reptile - and suffered the consequences .the snake bit dug in the face , and his face instantly ballooned to twice its size .']\n", + "=======================\n", + "['dug and owner lindsay castro were hiking in fontana , canadalindsay heard a rattle sound and backed away but dug ran toward itsnake jumped out , bit him , his face swelled to twice its sizeafter two days of intensive antidote treatment , he is going home']\n", + "dug and his owner , lindsay castro , were hiking on the jurupa hills trail in fontana , canada , on thursday when they heard a rattling sound .lindsay backed away , but dug ran up to the reptile - and suffered the consequences .the snake bit dug in the face , and his face instantly ballooned to twice its size .\n", + "dug and owner lindsay castro were hiking in fontana , canadalindsay heard a rattle sound and backed away but dug ran toward itsnake jumped out , bit him , his face swelled to twice its sizeafter two days of intensive antidote treatment , he is going home\n", + "[1.2270944 1.3107749 1.224961 1.3343068 1.1475286 1.1905528 1.1824572\n", + " 1.1342196 1.147083 1.0797291 1.0687194 1.0474356 1.0175521 1.0249647\n", + " 1.0258061 1.0214068 1.0135479 1.0149354 1.0085727 1.009726 1.0124488\n", + " 1.0887516 0. ]\n", + "\n", + "[ 3 1 0 2 5 6 4 8 7 21 9 10 11 14 13 15 12 17 16 20 19 18 22]\n", + "=======================\n", + "['but they were scuppered when an oar snapped 200 yards off jaywick , essex , and they had to call 999 .built with discarded scraps from house conversions including loft insulation board and polystyrene , it was glued together with silicone sealant .it was a fishing trip with a very big catch -- namely the # 9 homemade rowing boat in which the two anglers ventured out on to the open sea .']\n", + "=======================\n", + "['two men had made the diy boat at their home using scrap wood and gluebut the pair became stranded from the shore after their oars snappedrescuers were stunned to see a homemade boat being taken out to sea']\n", + "but they were scuppered when an oar snapped 200 yards off jaywick , essex , and they had to call 999 .built with discarded scraps from house conversions including loft insulation board and polystyrene , it was glued together with silicone sealant .it was a fishing trip with a very big catch -- namely the # 9 homemade rowing boat in which the two anglers ventured out on to the open sea .\n", + "two men had made the diy boat at their home using scrap wood and gluebut the pair became stranded from the shore after their oars snappedrescuers were stunned to see a homemade boat being taken out to sea\n", + "[1.4860234 1.2297266 1.477849 1.2331371 1.2432479 1.0553269 1.0325289\n", + " 1.0244097 1.0295951 1.0276275 1.022063 1.0340037 1.0171947 1.0141551\n", + " 1.0664321 1.1175866 1.0399101 1.0675449 1.0265553 1.0166312 1.0191212\n", + " 1.0858247 1.0812856]\n", + "\n", + "[ 0 2 4 3 1 15 21 22 17 14 5 16 11 6 8 9 18 7 10 20 12 19 13]\n", + "=======================\n", + "['reptile : the 6ft-long albino northern pine snake was found curled up on top of a bath mat on a radiatormrs marriott attempted to call the rscpa at 7am yesterday morning but after she was unable to get through she panicked and dialled 999 .she stared at the reptile for a few minutes until it moved and quickly called for her 40-year-old mother , karen marriott , to come upstairs .']\n", + "=======================\n", + "['hannah brierley , 16 , initially thought 6ft-long snake was a prank by motherbut when it suddenly moved she realised the northern pine snake was realshe shouted mother karen marriott who panicked and called police for helpdet con craig wallace used a pillowcase to capture it and taken to rspcabelieved to have got in through window or door in the recent warm weather']\n", + "reptile : the 6ft-long albino northern pine snake was found curled up on top of a bath mat on a radiatormrs marriott attempted to call the rscpa at 7am yesterday morning but after she was unable to get through she panicked and dialled 999 .she stared at the reptile for a few minutes until it moved and quickly called for her 40-year-old mother , karen marriott , to come upstairs .\n", + "hannah brierley , 16 , initially thought 6ft-long snake was a prank by motherbut when it suddenly moved she realised the northern pine snake was realshe shouted mother karen marriott who panicked and called police for helpdet con craig wallace used a pillowcase to capture it and taken to rspcabelieved to have got in through window or door in the recent warm weather\n", + "[1.3353992 1.1374768 1.1532626 1.2503649 1.2219203 1.140572 1.0716362\n", + " 1.0520834 1.109373 1.1272403 1.1126767 1.0760827 1.0128999 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 4 2 5 1 9 10 8 11 6 7 12 21 13 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"( cnn ) ahmed farouq did n't have the prestige of fellow al qaeda figure osama bin laden , the influence of anwar al-awlaki , or the notoriety of adam gadahn .farouq -- an american -- died in a u.s. counterterrorism airstrike in january , according to the white house .two al qaeda hostages , warren weinstein of the united states and giovanni lo porto from italy , were killed in the same strike , while gadahn died in another u.s. operation that month .\"]\n", + "=======================\n", + "[\"ahmed farouq was a leader in al qaeda 's india branchhe was killed in a u.s. counterterrorism airstrike in januarylike adam gadahn , farouq was american and part of al qaeda\"]\n", + "( cnn ) ahmed farouq did n't have the prestige of fellow al qaeda figure osama bin laden , the influence of anwar al-awlaki , or the notoriety of adam gadahn .farouq -- an american -- died in a u.s. counterterrorism airstrike in january , according to the white house .two al qaeda hostages , warren weinstein of the united states and giovanni lo porto from italy , were killed in the same strike , while gadahn died in another u.s. operation that month .\n", + "ahmed farouq was a leader in al qaeda 's india branchhe was killed in a u.s. counterterrorism airstrike in januarylike adam gadahn , farouq was american and part of al qaeda\n", + "[1.199365 1.1299009 1.1539415 1.4401883 1.3691665 1.3660645 1.1100284\n", + " 1.0242484 1.0389276 1.1546931 1.0631968 1.0566466 1.0908232 1.0555266\n", + " 1.040694 1.0658705 1.0099665 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 4 5 0 9 2 1 6 12 15 10 11 13 14 8 7 16 17 18 19 20 21 22]\n", + "=======================\n", + "['carlo ancelotti must accommodate cristiano ronaldo , gareth bale and karim benzema and that leaves him little choice but to play a 4-3-3 .real madrid and atletico madrid are meeting for the fifth and sixth time in european competition that brings them level with inter and ac milan in number of city duels .there will have been eight madrid derbies by the end of this season , no city showdown has been played more in recent years .']\n", + "=======================\n", + "['real madrid and atletico madrid meet for the fifth and sixth time in europethat brings them level with inter and ac milan in number of city duelsthere will have been eight madrid derbies by the end of this seasonno city showdown has been played more time in recent yearssee where cristiano ronaldo and gareth bale unwind after madrid training']\n", + "carlo ancelotti must accommodate cristiano ronaldo , gareth bale and karim benzema and that leaves him little choice but to play a 4-3-3 .real madrid and atletico madrid are meeting for the fifth and sixth time in european competition that brings them level with inter and ac milan in number of city duels .there will have been eight madrid derbies by the end of this season , no city showdown has been played more in recent years .\n", + "real madrid and atletico madrid meet for the fifth and sixth time in europethat brings them level with inter and ac milan in number of city duelsthere will have been eight madrid derbies by the end of this seasonno city showdown has been played more time in recent yearssee where cristiano ronaldo and gareth bale unwind after madrid training\n", + "[1.3208122 1.2902267 1.2272657 1.2868955 1.0846429 1.1344336 1.058592\n", + " 1.0386059 1.1469047 1.0279772 1.0516136 1.1150373 1.0359282 1.0478674\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 3 2 8 5 11 4 6 10 13 7 12 9 21 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"president barack obama declared the threat of cyber attacks by foreign agents a ` national emergency ' as he unveiled plans to impose sanctions on hackers in the wake of an epidemic of attacks against american networks .obama took aim at russia , china and iran as he revealed an executive order which will allow the u.s. treasury to freeze or block assets of those involved in attacks on ` critical ' american computer networks .the announcement followed a series of high profile incidents , including a devastating attack against sony pictures , and data breaches that stole credit card or health data on tens of millions of americans .\"]\n", + "=======================\n", + "[\"barack obama made announcement following high profile cyber attackssays hackers targeting u.s. from places including russia , china and irancritical of ` governments unable or unwilling ' to go after ` bad actors 'new order allows treasury to freeze or block assets of those involvedit is hoped the power will take away the financial incentive behind attacks\"]\n", + "president barack obama declared the threat of cyber attacks by foreign agents a ` national emergency ' as he unveiled plans to impose sanctions on hackers in the wake of an epidemic of attacks against american networks .obama took aim at russia , china and iran as he revealed an executive order which will allow the u.s. treasury to freeze or block assets of those involved in attacks on ` critical ' american computer networks .the announcement followed a series of high profile incidents , including a devastating attack against sony pictures , and data breaches that stole credit card or health data on tens of millions of americans .\n", + "barack obama made announcement following high profile cyber attackssays hackers targeting u.s. from places including russia , china and irancritical of ` governments unable or unwilling ' to go after ` bad actors 'new order allows treasury to freeze or block assets of those involvedit is hoped the power will take away the financial incentive behind attacks\n", + "[1.2570474 1.4665253 1.1632195 1.3372475 1.1804914 1.0702071 1.0931722\n", + " 1.0603111 1.0448089 1.0904182 1.0689489 1.0930638 1.1107951 1.0536501\n", + " 1.0767653 1.0823404 1.0191545 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 12 6 11 9 15 14 5 10 7 13 8 16 21 17 18 19 20 22]\n", + "=======================\n", + "['the fireball was captured on camera on sunday by the united kingdom meteor observing network ( ukmon ) in portadown , county armagh .rare and valuable pieces of meteorite have fallen to earth from a gigantic fireball that lit up the skies over britain and ireland , experts say .ukmon said that pieces from the meteorite , which came from an asteroid in orbit between mars and jupiter , would have crashed to earth and could potentially be worth thousands of pounds .']\n", + "=======================\n", + "['fireball captured on camera by the uk meteor observing networkit says that it came from an asteroid orbiting between mars and jupiterthe meteor burned up at the relatively low altitude of 21 milesthere were dozens of sightings of the event , from england to ireland']\n", + "the fireball was captured on camera on sunday by the united kingdom meteor observing network ( ukmon ) in portadown , county armagh .rare and valuable pieces of meteorite have fallen to earth from a gigantic fireball that lit up the skies over britain and ireland , experts say .ukmon said that pieces from the meteorite , which came from an asteroid in orbit between mars and jupiter , would have crashed to earth and could potentially be worth thousands of pounds .\n", + "fireball captured on camera by the uk meteor observing networkit says that it came from an asteroid orbiting between mars and jupiterthe meteor burned up at the relatively low altitude of 21 milesthere were dozens of sightings of the event , from england to ireland\n", + "[1.1998677 1.3520879 1.3287239 1.2094775 1.0469723 1.1653851 1.075724\n", + " 1.0329012 1.1083547 1.1039741 1.0626327 1.0664072 1.078572 1.0561445\n", + " 1.0382454 1.0367236 1.0369627 1.0114706 1.0206196 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 8 9 12 6 11 10 13 4 14 16 15 7 18 17 22 19 20 21 23]\n", + "=======================\n", + "[\"le femme , in new jersey , offers training to those have undergone - or are undergoing - sex change operations or cross-dressers to help them make the transition from masculine to feminine .the school was created by ellen weirich , who dedicates her life to helping ` trans ' women feel confident and comfortable in their skin .ellen weirich ( centre ) created ` le femme ' finishing school where she helps transgender females become more feminine .\"]\n", + "=======================\n", + "['ellen weirich opened her us school after successfully helping a friendle femme now helps both transgender and cross-dressers alikewomen are taught airs and graces required to be more femalealso taught how to cover up stubble and create a convincing cleavage']\n", + "le femme , in new jersey , offers training to those have undergone - or are undergoing - sex change operations or cross-dressers to help them make the transition from masculine to feminine .the school was created by ellen weirich , who dedicates her life to helping ` trans ' women feel confident and comfortable in their skin .ellen weirich ( centre ) created ` le femme ' finishing school where she helps transgender females become more feminine .\n", + "ellen weirich opened her us school after successfully helping a friendle femme now helps both transgender and cross-dressers alikewomen are taught airs and graces required to be more femalealso taught how to cover up stubble and create a convincing cleavage\n", + "[1.2546332 1.4105731 1.3179424 1.2212133 1.2062778 1.1128898 1.0568973\n", + " 1.060363 1.089379 1.062127 1.0663772 1.0548807 1.056535 1.0446721\n", + " 1.0695528 1.0853286 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 5 8 15 14 10 9 7 6 12 11 13 22 16 17 18 19 20 21 23]\n", + "=======================\n", + "['letizia , along with her husband king felipe met with the relatives of some of the spaniards who died in the crash in the french alps last month .the flight , which was en-route from barcelona to dusseldorf , had 144 passengers and six crew members on board , including 50 spaniards .she also met with students who had hosted 16 pupils from germany , who had been visiting spain and were travelling back to dusseldorf on board the ill-fated flight .']\n", + "=======================\n", + "[\"spanish royals attended memorial for victims of the germanwings plane that crashed in the french alps last monthsome 50 spaniards died on the plane which was en-route from barcelona to dusseldorf with 150 people on boardqueen letizia shook hands and embraced some of the victims ' relatives and friends with her husband king felipe\"]\n", + "letizia , along with her husband king felipe met with the relatives of some of the spaniards who died in the crash in the french alps last month .the flight , which was en-route from barcelona to dusseldorf , had 144 passengers and six crew members on board , including 50 spaniards .she also met with students who had hosted 16 pupils from germany , who had been visiting spain and were travelling back to dusseldorf on board the ill-fated flight .\n", + "spanish royals attended memorial for victims of the germanwings plane that crashed in the french alps last monthsome 50 spaniards died on the plane which was en-route from barcelona to dusseldorf with 150 people on boardqueen letizia shook hands and embraced some of the victims ' relatives and friends with her husband king felipe\n", + "[1.4272466 1.4376056 1.3162215 1.2195151 1.1051211 1.069139 1.0278533\n", + " 1.0884905 1.0203086 1.0483482 1.0753846 1.0469893 1.0550867 1.0546747\n", + " 1.056889 1.0289869 1.0259526 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 7 10 5 14 12 13 9 11 15 6 16 8 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"the cherry and whites delivered their most complete performance of the campaign to earn a place at the twickenham stoop - where they will compete for their first european title since 2006 .kingsholm transformed into the house of fun on saturday night as gloucester beat exeter to set up a challenge cup final against edinburgh .victory in the capital would also earn the west country side a home play-off spot for next season 's champions cup -- however they would be forced to find an alternative venue for the fixture because of a pre-arranged madness concert in front of the shed .\"]\n", + "=======================\n", + "['gloucester scored tries though bill meakes , tom savage and jonny mayexeter replied through a solitary elvis taione touchdownthe cherry and whites will contest their first european title since 2006']\n", + "the cherry and whites delivered their most complete performance of the campaign to earn a place at the twickenham stoop - where they will compete for their first european title since 2006 .kingsholm transformed into the house of fun on saturday night as gloucester beat exeter to set up a challenge cup final against edinburgh .victory in the capital would also earn the west country side a home play-off spot for next season 's champions cup -- however they would be forced to find an alternative venue for the fixture because of a pre-arranged madness concert in front of the shed .\n", + "gloucester scored tries though bill meakes , tom savage and jonny mayexeter replied through a solitary elvis taione touchdownthe cherry and whites will contest their first european title since 2006\n", + "[1.4697577 1.5477674 1.228439 1.4439781 1.1575917 1.0533586 1.0379257\n", + " 1.0557086 1.0168725 1.0141935 1.0324739 1.015232 1.0309213 1.0384779\n", + " 1.1323744 1.0332285 1.1691682 1.0266242 1.0127715 1.0147271 1.0123625\n", + " 1.0105915 1.0164608 1.0865474]\n", + "\n", + "[ 1 0 3 2 16 4 14 23 7 5 13 6 15 10 12 17 8 22 11 19 9 18 20 21]\n", + "=======================\n", + "[\"the magpies were beaten for the fifth successive time in tyne-wear derbies during sunday 's 1-0 defeat at sunderland .john carver admits newcastle united need to look at the ` dna ' of their dressing-room this summer .head coach carver says the club 's hierarchy have already spoken about addressing their shortcomings during the close-season , and concedes that character is one issue they have to consider .\"]\n", + "=======================\n", + "['newcastle lost 1-0 to rivals sunderland at the stadium of light on sundayjohn carver admits the magpies struggle when they have to competenewcastle play liverpool on monday and are nine points above drop zone']\n", + "the magpies were beaten for the fifth successive time in tyne-wear derbies during sunday 's 1-0 defeat at sunderland .john carver admits newcastle united need to look at the ` dna ' of their dressing-room this summer .head coach carver says the club 's hierarchy have already spoken about addressing their shortcomings during the close-season , and concedes that character is one issue they have to consider .\n", + "newcastle lost 1-0 to rivals sunderland at the stadium of light on sundayjohn carver admits the magpies struggle when they have to competenewcastle play liverpool on monday and are nine points above drop zone\n", + "[1.274419 1.1956388 1.3382282 1.3592943 1.2614639 1.1570241 1.1075869\n", + " 1.1150804 1.0602864 1.1015166 1.0647621 1.0251521 1.1257313 1.0782001\n", + " 1.0646887 1.03388 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 2 0 4 1 5 12 7 6 9 13 10 14 8 15 11 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "['liverpool midfielder raheem sterling can be seen pictured on social media whilst smoking a shisha pipesterling recently snubbed a new # 100,000-a-week contract at anfield amid fears he could leave the club this summer .in a photograph revealed by the sunday mirror , the 20-year-old is seen taking a drag from the large orange pipe -- containing fruit-scented tobacco and smoked through hot coals via a tube -- in a picture published in the sunday mirror .']\n", + "=======================\n", + "[\"raheem sterling was pictured on social media smoking from a shisha pipethe revealing image was accompanied with the caption ' 1 down 3 to go 'the liverpool star recently turned down a # 100,000-a-week deal with redssterling is the second england midfielder to be snapped smoking a shisha this year alongside jack wilshere\"]\n", + "liverpool midfielder raheem sterling can be seen pictured on social media whilst smoking a shisha pipesterling recently snubbed a new # 100,000-a-week contract at anfield amid fears he could leave the club this summer .in a photograph revealed by the sunday mirror , the 20-year-old is seen taking a drag from the large orange pipe -- containing fruit-scented tobacco and smoked through hot coals via a tube -- in a picture published in the sunday mirror .\n", + "raheem sterling was pictured on social media smoking from a shisha pipethe revealing image was accompanied with the caption ' 1 down 3 to go 'the liverpool star recently turned down a # 100,000-a-week deal with redssterling is the second england midfielder to be snapped smoking a shisha this year alongside jack wilshere\n", + "[1.4515891 1.4954389 1.302721 1.2531708 1.1704733 1.1323414 1.0139884\n", + " 1.0111933 1.0170151 1.013886 1.0383348 1.0411 1.0207067 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 5 11 10 12 8 6 9 7 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"former samuel eto'o provided the deft pass to nutmeg philippe mexes and find roberto soriano to open the scoring just before the hour mark with an emphatic finish from the top of the box .a fortunate deflection from an audacious nigel de jong overhed kick saw ac milan salvage a draw and frustrate european hopefuls sampdoria at the san siro on sunday night .de jong celebrates with luca antonelli after his strike took a massive deflection off alfred duncan 's leg\"]\n", + "=======================\n", + "[\"samuel eto'o laid on chance for roberto soriano opener for sampdoriaa deflected overhead kick from nigel de jong levelled for ac milanfans continued protests against the running of the club in the stands\"]\n", + "former samuel eto'o provided the deft pass to nutmeg philippe mexes and find roberto soriano to open the scoring just before the hour mark with an emphatic finish from the top of the box .a fortunate deflection from an audacious nigel de jong overhed kick saw ac milan salvage a draw and frustrate european hopefuls sampdoria at the san siro on sunday night .de jong celebrates with luca antonelli after his strike took a massive deflection off alfred duncan 's leg\n", + "samuel eto'o laid on chance for roberto soriano opener for sampdoriaa deflected overhead kick from nigel de jong levelled for ac milanfans continued protests against the running of the club in the stands\n", + "[1.3325188 1.28145 1.1807284 1.1812533 1.2831292 1.2477227 1.1055657\n", + " 1.0243012 1.025969 1.0207553 1.1069509 1.1078705 1.0622203 1.0359881\n", + " 1.0475954 1.0817261 1.0429533 1.0400059 1.0379264 1.0370507 0. ]\n", + "\n", + "[ 0 4 1 5 3 2 11 10 6 15 12 14 16 17 18 19 13 8 7 9 20]\n", + "=======================\n", + "['( cnn ) the attorney for a suburban new york cardiologist charged in what authorities say was a failed scheme to have another physician hurt or killed is calling the allegations against his client \" completely unsubstantiated . \"moschetto ,54 , pleaded not guilty to all charges wednesday .appearing saturday morning on cnn \\'s \" new day , \" randy zelin defended his client , dr. anthony moschetto , who faces criminal solicitation , conspiracy , burglary , arson , criminal prescription sale and weapons charges in connection to what prosecutors called a plot to take out a rival doctor on long island .']\n", + "=======================\n", + "['a lawyer for dr. anthony moschetto says the charges against him are baselessmoschetto , 54 , was arrested for selling drugs and weapons , prosecutors sayauthorities allege moschetto hired accomplices to burn down the practice of former associate']\n", + "( cnn ) the attorney for a suburban new york cardiologist charged in what authorities say was a failed scheme to have another physician hurt or killed is calling the allegations against his client \" completely unsubstantiated . \"moschetto ,54 , pleaded not guilty to all charges wednesday .appearing saturday morning on cnn 's \" new day , \" randy zelin defended his client , dr. anthony moschetto , who faces criminal solicitation , conspiracy , burglary , arson , criminal prescription sale and weapons charges in connection to what prosecutors called a plot to take out a rival doctor on long island .\n", + "a lawyer for dr. anthony moschetto says the charges against him are baselessmoschetto , 54 , was arrested for selling drugs and weapons , prosecutors sayauthorities allege moschetto hired accomplices to burn down the practice of former associate\n", + "[1.3187938 1.1907837 1.3960224 1.34592 1.2319283 1.3648963 1.0521488\n", + " 1.0464938 1.0670041 1.0561131 1.0959145 1.1133424 1.0405489 1.0531881\n", + " 1.0320203 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 5 3 0 4 1 11 10 8 9 13 6 7 12 14 19 15 16 17 18 20]\n", + "=======================\n", + "[\"grealish has met ireland manager martin o'neill and held a friendly chat with roy keane after winning the country 's under-21 player of the year award in dublin last month .jack grealish could end up playing for republic of ireland against england in june ... but would still be able to switch allegiance to line up for the three lions afterwards .jack grealish put in a dazzling performance as aston villa beat liverpool in an fa cup semi-final on sunday\"]\n", + "=======================\n", + "[\"jack grealish impressed as aston villa beat liverpool 2-1 on sundaygrealish is a republic of ireland youth player and has met martin o'neillengland are monitoring his progress and hope to persuade him\"]\n", + "grealish has met ireland manager martin o'neill and held a friendly chat with roy keane after winning the country 's under-21 player of the year award in dublin last month .jack grealish could end up playing for republic of ireland against england in june ... but would still be able to switch allegiance to line up for the three lions afterwards .jack grealish put in a dazzling performance as aston villa beat liverpool in an fa cup semi-final on sunday\n", + "jack grealish impressed as aston villa beat liverpool 2-1 on sundaygrealish is a republic of ireland youth player and has met martin o'neillengland are monitoring his progress and hope to persuade him\n", + "[1.0681134 1.0669245 1.1867096 1.2177956 1.3453571 1.2304736 1.159419\n", + " 1.044621 1.0304573 1.0901368 1.1136578 1.1184688 1.1388936 1.013806\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 5 3 2 6 12 11 10 9 0 1 7 8 13 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"walford-bound : denise van outen is the latest big name to sign for eastenders .the former chicago star has admitted that she 's turned down the offer twice beforegracing the cobbles : after first achieving fame with girls aloud , sarah harding has turned her hand to acting , signing up to appear in four episodes of coronation street\"]\n", + "=======================\n", + "[\"sarah harding and denise van outen are the latest big-name signings to agree to contracts with british soap operasthey join a long line of stars who 've looked to soaps to boost their careersbarbara windsor , patsy kensit and danny dyer all saw their profiles rise after taking to the small screen\"]\n", + "walford-bound : denise van outen is the latest big name to sign for eastenders .the former chicago star has admitted that she 's turned down the offer twice beforegracing the cobbles : after first achieving fame with girls aloud , sarah harding has turned her hand to acting , signing up to appear in four episodes of coronation street\n", + "sarah harding and denise van outen are the latest big-name signings to agree to contracts with british soap operasthey join a long line of stars who 've looked to soaps to boost their careersbarbara windsor , patsy kensit and danny dyer all saw their profiles rise after taking to the small screen\n", + "[1.4065089 1.2207205 1.1669604 1.1971648 1.1925695 1.1518369 1.207205\n", + " 1.0830611 1.0748277 1.0432255 1.0419152 1.0763897 1.07805 1.0944817\n", + " 1.0563879 1.0597103 1.1125134 1.0550405 1.0711056 1.0636908 1.026379 ]\n", + "\n", + "[ 0 1 6 3 4 2 5 16 13 7 12 11 8 18 19 15 14 17 9 10 20]\n", + "=======================\n", + "['delhi ( cnn ) an international human rights group is calling for an independent investigation of the killings by police of 20 suspected red sandalwood smugglers in southeastern india .\" there must be a criminal investigation to determine whether the police used excessive force , and whether the killings amount to ` fake encounters , \\' or staged extrajudicial executions \" , said abhirr vp , of amnesty international india .the incident in question took place early tuesday in india \\'s southeastern andhra pradesh state .']\n", + "=======================\n", + "['amnesty calls for probe of india police shooting of 20 suspected smugglerspolice decline comment , saying \" investigation is still going on \"india \\'s national human rights commission says incident involved \" serious violation of human rights of the individuals . \"']\n", + "delhi ( cnn ) an international human rights group is calling for an independent investigation of the killings by police of 20 suspected red sandalwood smugglers in southeastern india .\" there must be a criminal investigation to determine whether the police used excessive force , and whether the killings amount to ` fake encounters , ' or staged extrajudicial executions \" , said abhirr vp , of amnesty international india .the incident in question took place early tuesday in india 's southeastern andhra pradesh state .\n", + "amnesty calls for probe of india police shooting of 20 suspected smugglerspolice decline comment , saying \" investigation is still going on \"india 's national human rights commission says incident involved \" serious violation of human rights of the individuals . \"\n", + "[1.3922288 1.444613 1.2760285 1.1752772 1.242523 1.1880546 1.0843471\n", + " 1.1191902 1.1720064 1.0254376 1.0512764 1.1113381 1.0796732 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 5 3 8 7 11 6 12 10 9 13 14 15 16 17 18]\n", + "=======================\n", + "[\"uefa has announced it has opened disciplinary proceedings against the georgian football federation ( gff ) after fans twice invaded the field of play during sunday 's 2-0 defeat by germany in tbilisi .scotland will discover on may 21 if september 's euro 2016 qualifier with georgia will be played behind closed doors .european football 's governing body is also set to look at charges that allege home fans were guilty of setting off fireworks while a string of safety breaches , including blocked stairs , locked gates and a lack of body searches by staff at the boris paichadze stadium , will also be investigated .\"]\n", + "=======================\n", + "[\"uefa will make a decision on september 's match on may 21scotland are set to face georgia in tbilisi on september 4uefa has opened disciplinary proceedings against the georgian football federation following recent crowd troublegeorgia fans twice invaded the field of play during sunday 's 2-0 defeat to germany in tbilisiscotland currently sit third in group d , a point behind leaders poland\"]\n", + "uefa has announced it has opened disciplinary proceedings against the georgian football federation ( gff ) after fans twice invaded the field of play during sunday 's 2-0 defeat by germany in tbilisi .scotland will discover on may 21 if september 's euro 2016 qualifier with georgia will be played behind closed doors .european football 's governing body is also set to look at charges that allege home fans were guilty of setting off fireworks while a string of safety breaches , including blocked stairs , locked gates and a lack of body searches by staff at the boris paichadze stadium , will also be investigated .\n", + "uefa will make a decision on september 's match on may 21scotland are set to face georgia in tbilisi on september 4uefa has opened disciplinary proceedings against the georgian football federation following recent crowd troublegeorgia fans twice invaded the field of play during sunday 's 2-0 defeat to germany in tbilisiscotland currently sit third in group d , a point behind leaders poland\n", + "[1.0721054 1.1984009 1.4329875 1.3126897 1.0946413 1.2531464 1.1880707\n", + " 1.0400685 1.0508472 1.0451589 1.0564933 1.0690806 1.0568961 1.0504158\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 5 1 6 4 0 11 12 10 8 13 9 7 14 15 16 17 18]\n", + "=======================\n", + "['stars including cindy crawford , yasmin le bon and christie brinkley became household names across the world and they still have a-list status 20 years later .models like cindy crawford ( left ) were huge stars in 80s and 90s and now their daughters like caia gerber ( right ) are making their own names in the fashion worldin the 90s , the first breed of supermodel took over the fashion industry , commanding sky high fees for the hugely popular advertising campaigns that they put their faces to .']\n", + "=======================\n", + "['models like cindy crawford and jerry hall were huge stars in 80s and 90sthey walked for all of the biggest designers , including chanel and armanitheir daughters are now becoming the toast of the fashion worldfemail looks at the new breed of supermodel daughters']\n", + "stars including cindy crawford , yasmin le bon and christie brinkley became household names across the world and they still have a-list status 20 years later .models like cindy crawford ( left ) were huge stars in 80s and 90s and now their daughters like caia gerber ( right ) are making their own names in the fashion worldin the 90s , the first breed of supermodel took over the fashion industry , commanding sky high fees for the hugely popular advertising campaigns that they put their faces to .\n", + "models like cindy crawford and jerry hall were huge stars in 80s and 90sthey walked for all of the biggest designers , including chanel and armanitheir daughters are now becoming the toast of the fashion worldfemail looks at the new breed of supermodel daughters\n", + "[1.2897553 1.4342273 1.3099501 1.3073823 1.167547 1.101703 1.0957773\n", + " 1.0501792 1.0431727 1.0609992 1.0699002 1.0723838 1.0574831 1.0314237\n", + " 1.0541812 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 5 6 11 10 9 12 14 7 8 13 15 16 17 18]\n", + "=======================\n", + "[\"five firefighters and one 's girlfriend , who is suspected of videoing the attack at emergency service district 6 volunteer fire department in waxahachie , were taken in to custody earlier this week on sexual assault charges .fire chief gavin satterfield , 31 , and assistant fire chief william ` billy ' getzendaner , 34 , were suspended by the department 's oversight board following the arrests on thursday for allegedly telling the victim to stay quiet .fire department officials in texas have been arrested after their volunteer firefighter were charged with sexually assaulting a new male recruit with a chorizo sausage .\"]\n", + "=======================\n", + "[\"man was allegedly bent over couch and sodomized during gruesome initiation ritual at waxahachie , texas , volunteer fire departmentthe five firefighters apparently ` yelled with excitement ' during the january 20 incident and switched from broom to sausagefire chiefs thought to have told victim not to tell about sexual assaultassistant fire chief said to have chuckled , said ` this is funny s *** 'alleged victim vomited in the bathroom and his would-be colleagues stole his clothes\"]\n", + "five firefighters and one 's girlfriend , who is suspected of videoing the attack at emergency service district 6 volunteer fire department in waxahachie , were taken in to custody earlier this week on sexual assault charges .fire chief gavin satterfield , 31 , and assistant fire chief william ` billy ' getzendaner , 34 , were suspended by the department 's oversight board following the arrests on thursday for allegedly telling the victim to stay quiet .fire department officials in texas have been arrested after their volunteer firefighter were charged with sexually assaulting a new male recruit with a chorizo sausage .\n", + "man was allegedly bent over couch and sodomized during gruesome initiation ritual at waxahachie , texas , volunteer fire departmentthe five firefighters apparently ` yelled with excitement ' during the january 20 incident and switched from broom to sausagefire chiefs thought to have told victim not to tell about sexual assaultassistant fire chief said to have chuckled , said ` this is funny s *** 'alleged victim vomited in the bathroom and his would-be colleagues stole his clothes\n", + "[1.3602084 1.3337593 1.2170503 1.162266 1.1679819 1.2386798 1.0182426\n", + " 1.1218097 1.1265676 1.0777134 1.019576 1.0241421 1.2114066 1.1020379\n", + " 1.0439056 1.0397948 1.0133815 1.0330229 1.1075817]\n", + "\n", + "[ 0 1 5 2 12 4 3 8 7 18 13 9 14 15 17 11 10 6 16]\n", + "=======================\n", + "['five nursing students tragically died early on wednesday in a chain-reaction crash in southeast georgia that authorities said began when a tractor-trailer failed to slow down and smashed into stop-and-go traffic .those killed were traveling on interstate 16 near savannah in two passenger vehicles mangled by the crash .victims : abbie deloach ( left ) , of savannah , and emily clark , of powder springs , ( right ) were among the five young women killed in the horrific crash']\n", + "=======================\n", + "['the women were traveling near savannah in two vehicles mangled by the when a tractor-trailer plowed into an suv , then rolled over a small carkilled were emily clark , morgan bass , abbie deloach , catherine pittman and caitlyn baggett - all juniors at georgia southern universitythe georgia state patrol said three people also were injured and seven vehicles were damaged']\n", + "five nursing students tragically died early on wednesday in a chain-reaction crash in southeast georgia that authorities said began when a tractor-trailer failed to slow down and smashed into stop-and-go traffic .those killed were traveling on interstate 16 near savannah in two passenger vehicles mangled by the crash .victims : abbie deloach ( left ) , of savannah , and emily clark , of powder springs , ( right ) were among the five young women killed in the horrific crash\n", + "the women were traveling near savannah in two vehicles mangled by the when a tractor-trailer plowed into an suv , then rolled over a small carkilled were emily clark , morgan bass , abbie deloach , catherine pittman and caitlyn baggett - all juniors at georgia southern universitythe georgia state patrol said three people also were injured and seven vehicles were damaged\n", + "[1.5265137 1.2430106 1.0695417 1.3517205 1.2915264 1.1078435 1.0251209\n", + " 1.0283902 1.0338345 1.1744261 1.1066556 1.2146277 1.0815008 1.2381793\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 1 13 11 9 5 10 12 2 8 7 6 17 14 15 16 18]\n", + "=======================\n", + "[\"rafael nadal squeezed through to the quarter-finals of the monte carlo masters after a narrow win over america 's john isner , but roger federer 's tournament is over after he lost to gael monfils .the french number three will now face grigor dimitrov , who dumped out defending champion stanislas wawrinka with a 6-1 6-2 win .federer was playing his first tournament since losing to novak djokovic in the indian wells final last month and the second seed 's rustiness showed as he was beaten 6-4 7-6 ( 7/5 ) .\"]\n", + "=======================\n", + "['rafael nadal was pushed all the way by john isner in monte carloroger federer , however , was knocked out in straight sets by gael monfilsgrigor dimitrov is monfils next opponent after beating stanislas warwinka']\n", + "rafael nadal squeezed through to the quarter-finals of the monte carlo masters after a narrow win over america 's john isner , but roger federer 's tournament is over after he lost to gael monfils .the french number three will now face grigor dimitrov , who dumped out defending champion stanislas wawrinka with a 6-1 6-2 win .federer was playing his first tournament since losing to novak djokovic in the indian wells final last month and the second seed 's rustiness showed as he was beaten 6-4 7-6 ( 7/5 ) .\n", + "rafael nadal was pushed all the way by john isner in monte carloroger federer , however , was knocked out in straight sets by gael monfilsgrigor dimitrov is monfils next opponent after beating stanislas warwinka\n", + "[1.0650388 1.1976094 1.2769113 1.152506 1.1099097 1.3193882 1.1948985\n", + " 1.0685586 1.0684332 1.0292562 1.018234 1.0147853 1.0447828 1.0546949\n", + " 1.0902084 1.2718992 1.124065 1.104746 1.0509582 1.0261484 1.0728593]\n", + "\n", + "[ 5 2 15 1 6 3 16 4 17 14 20 7 8 0 13 18 12 9 19 10 11]\n", + "=======================\n", + "[\"erik compton shares a joke with jim furyk during a practice round at augusta ahead of the mastershe 'll tee off this week at the masters on his third .compton , 35 , is set to make his first appearance at the famous tournament this week\"]\n", + "=======================\n", + "['erik compton has had two heart transplants , the last in 2008compton , now on his third heart , is ready to make his augusta debutthe 35-year-old is also a campaigner for charity donate lifehis first masters appearance coincides with donate life month']\n", + "erik compton shares a joke with jim furyk during a practice round at augusta ahead of the mastershe 'll tee off this week at the masters on his third .compton , 35 , is set to make his first appearance at the famous tournament this week\n", + "erik compton has had two heart transplants , the last in 2008compton , now on his third heart , is ready to make his augusta debutthe 35-year-old is also a campaigner for charity donate lifehis first masters appearance coincides with donate life month\n", + "[1.1736554 1.4595065 1.2709972 1.1690835 1.2546823 1.2288524 1.221295\n", + " 1.1518338 1.1020308 1.0422953 1.0109919 1.0216211 1.0685968 1.1005548\n", + " 1.0352623 1.1412139 1.1166874 1.04385 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 5 6 0 3 7 15 16 8 13 12 17 9 14 11 10 18 19 20]\n", + "=======================\n", + "[\"liberty baker , 14 , was walking to school when robert blackwell , 19 , lost control of his car and ploughed into her .he had been smoking cannabis and was allegedly checking a text on his phone at the time of the crash .the family say they are ` devastated ' by the sentence handed to him\"]\n", + "=======================\n", + "[\"liberty baker was killed as she walked to school in witney , oxfordshirerobert blackwell , 19 , was texting at the wheel at the time of the crashthe teenager had been smoking drugs the day before the crash last juneliberty 's father , paul baker , waved her off to school just moments earlierhe said the family had been left ` devastated ' by the shortness of sentencefor confidential support call the samaritans in the uk on 08457 90 90 90 , visit a local samaritans branch or click here for details\"]\n", + "liberty baker , 14 , was walking to school when robert blackwell , 19 , lost control of his car and ploughed into her .he had been smoking cannabis and was allegedly checking a text on his phone at the time of the crash .the family say they are ` devastated ' by the sentence handed to him\n", + "liberty baker was killed as she walked to school in witney , oxfordshirerobert blackwell , 19 , was texting at the wheel at the time of the crashthe teenager had been smoking drugs the day before the crash last juneliberty 's father , paul baker , waved her off to school just moments earlierhe said the family had been left ` devastated ' by the shortness of sentencefor confidential support call the samaritans in the uk on 08457 90 90 90 , visit a local samaritans branch or click here for details\n", + "[1.5120457 1.330406 1.2066555 1.2081631 1.1139559 1.051784 1.091944\n", + " 1.0553007 1.2050781 1.0249013 1.0920142 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 8 4 10 6 7 5 9 19 11 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "['( cnn ) the bad news for rio de janeiro ahead of the 2016 olympics keeps coming after scores of dead fish appeared in the rodrigo de freitas lagoon .officials defended the belief that the latest rains caused a temperature change of the water and the excess of decaying organic matter , which would have led to a black of oxygen , killing the fish .the group will work in partnership with the state environmental institute ( inea ) and the secretariat of state for the environment .']\n", + "=======================\n", + "['officials start to clean up scores of dead fish from the lagoon rodrigo de freitaspollution was a problem even before the preparations for the olympic games beganlast week video showed a separate incident , where floating trash caused a sailing accident']\n", + "( cnn ) the bad news for rio de janeiro ahead of the 2016 olympics keeps coming after scores of dead fish appeared in the rodrigo de freitas lagoon .officials defended the belief that the latest rains caused a temperature change of the water and the excess of decaying organic matter , which would have led to a black of oxygen , killing the fish .the group will work in partnership with the state environmental institute ( inea ) and the secretariat of state for the environment .\n", + "officials start to clean up scores of dead fish from the lagoon rodrigo de freitaspollution was a problem even before the preparations for the olympic games beganlast week video showed a separate incident , where floating trash caused a sailing accident\n", + "[1.2425442 1.4668807 1.502042 1.1201448 1.1146954 1.0192494 1.0254626\n", + " 1.0847064 1.0752177 1.039388 1.0725865 1.0847375 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 4 11 7 8 10 9 6 5 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "['charlie cox is perfectly cast as blind attorney matt murdock , whose nights are consumed with cleaning up the new york neighborhood of hell \\'s kitchen while dressed in a black ninjaesque outfit .the pitch-black-dark new series streamed its entire first season on netflix on friday morning , and the early word is quite good .( cnn ) justice may be blind , but it \\'s easy to see that marvel \\'s \" daredevil \" is already a hit with fans .']\n", + "=======================\n", + "['marvel \\'s long-awaited show \" daredevil \" began streaming early fridaybinge-watchers are already giving the series high marks']\n", + "charlie cox is perfectly cast as blind attorney matt murdock , whose nights are consumed with cleaning up the new york neighborhood of hell 's kitchen while dressed in a black ninjaesque outfit .the pitch-black-dark new series streamed its entire first season on netflix on friday morning , and the early word is quite good .( cnn ) justice may be blind , but it 's easy to see that marvel 's \" daredevil \" is already a hit with fans .\n", + "marvel 's long-awaited show \" daredevil \" began streaming early fridaybinge-watchers are already giving the series high marks\n", + "[1.3581334 1.2470746 1.2681292 1.2548063 1.0943869 1.1266367 1.0812997\n", + " 1.0810443 1.0675097 1.0234449 1.0173261 1.0209532 1.018988 1.0771178\n", + " 1.0770541 1.02404 1.0334427 1.0222371 1.0173862 1.0552982 1.0123621]\n", + "\n", + "[ 0 2 3 1 5 4 6 7 13 14 8 19 16 15 9 17 11 12 18 10 20]\n", + "=======================\n", + "['naturalists in paradise : wallace , bates and spruce in the amazonback in 1961 three young oxford graduates set off to explore the iriri river in a remote part of the amazon .one of them , richard mason , became the last englishman to be killed by an uncontacted tribe , when he was murdered with bows and arrows .']\n", + "=======================\n", + "['naturalists in paradise tells the tale of an early trio of british explorersin 1961 the young oxford graduates set off to explore the iriri riveralfred russel wallace , henry bates and richard spruce found a paradise']\n", + "naturalists in paradise : wallace , bates and spruce in the amazonback in 1961 three young oxford graduates set off to explore the iriri river in a remote part of the amazon .one of them , richard mason , became the last englishman to be killed by an uncontacted tribe , when he was murdered with bows and arrows .\n", + "naturalists in paradise tells the tale of an early trio of british explorersin 1961 the young oxford graduates set off to explore the iriri riveralfred russel wallace , henry bates and richard spruce found a paradise\n", + "[1.1523495 1.4831927 1.2349164 1.1439133 1.3212229 1.1685939 1.0299346\n", + " 1.0923123 1.0272425 1.2752957 1.1171186 1.0270185 1.0964785 1.0457561\n", + " 1.0559249 1.0647976 1.1038897 1.0274137 1.0288476]\n", + "\n", + "[ 1 4 9 2 5 0 3 10 16 12 7 15 14 13 6 18 17 8 11]\n", + "=======================\n", + "[\"chloe the wombat , who first made headlines after her special bond with her surrogate zookeeper mum emerged last december , has found herself a new buddy at taronga zoo 's grounds in sydney after she moved into her new digs alongside a couple of echidnas .in an adorable video uploaded to instagram by taronga zoo , chloe is seen trying to take a nap in the mud on one of the echidnas .as she rolled over to snuggle up , the echidna moved away but chloe still rested her eyes for a moment before getting up .\"]\n", + "=======================\n", + "[\"chloe the wombat has lived at sydney 's taronga zoo since june 2014she was rescued after her mother was killed by a carshe was recently moved into new digs with a couple of echidnaswhen she 's not napping she follows zoo keeper evelyn weston around\"]\n", + "chloe the wombat , who first made headlines after her special bond with her surrogate zookeeper mum emerged last december , has found herself a new buddy at taronga zoo 's grounds in sydney after she moved into her new digs alongside a couple of echidnas .in an adorable video uploaded to instagram by taronga zoo , chloe is seen trying to take a nap in the mud on one of the echidnas .as she rolled over to snuggle up , the echidna moved away but chloe still rested her eyes for a moment before getting up .\n", + "chloe the wombat has lived at sydney 's taronga zoo since june 2014she was rescued after her mother was killed by a carshe was recently moved into new digs with a couple of echidnaswhen she 's not napping she follows zoo keeper evelyn weston around\n", + "[1.4305724 1.2400321 1.1983155 1.1652257 1.1390893 1.1147646 1.1525904\n", + " 1.0314187 1.0517246 1.0248952 1.0384386 1.0267466 1.0789031 1.0316535\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 6 4 5 12 8 10 13 7 11 9 14 15 16 17 18]\n", + "=======================\n", + "['washington ( cnn ) rick santorum says he \\'d hoped indiana gov. mike pence would veto the \" fix \" to his state \\'s religious freedom law rather than limiting its scope .the law unleashed an intense backlash against indiana , led by tech giants like apple and salesforce and sports organizations like the ncaa , amid concerns it would allow businesses to turn away gay and lesbian customers .santorum , the former republican senator from pennsylvania , who is likely to mount another presidential campaign in 2016 , said on cbs \\' \" face the nation \" on sunday that pence \\'s decision to sign a follow-up bill -- which made clear the law could n\\'t be used to refuse services based on sexual orientation -- led to a \" limited view \" of religious freedom .']\n", + "=======================\n", + "['rick santorum says \" religious freedom \" debate is about government telling people what to dosantorum , a likely 2016 gop presidential candidate , weighs in on indiana gov. mike pence \\'s decision']\n", + "washington ( cnn ) rick santorum says he 'd hoped indiana gov. mike pence would veto the \" fix \" to his state 's religious freedom law rather than limiting its scope .the law unleashed an intense backlash against indiana , led by tech giants like apple and salesforce and sports organizations like the ncaa , amid concerns it would allow businesses to turn away gay and lesbian customers .santorum , the former republican senator from pennsylvania , who is likely to mount another presidential campaign in 2016 , said on cbs ' \" face the nation \" on sunday that pence 's decision to sign a follow-up bill -- which made clear the law could n't be used to refuse services based on sexual orientation -- led to a \" limited view \" of religious freedom .\n", + "rick santorum says \" religious freedom \" debate is about government telling people what to dosantorum , a likely 2016 gop presidential candidate , weighs in on indiana gov. mike pence 's decision\n", + "[1.1942617 1.4433509 1.2951206 1.2403432 1.1004639 1.2428548 1.0996603\n", + " 1.0771646 1.1029407 1.0237994 1.0524132 1.1321362 1.026355 1.0961723\n", + " 1.0779485 1.0882456 1.0721986 0. 0. ]\n", + "\n", + "[ 1 2 5 3 0 11 8 4 6 13 15 14 7 16 10 12 9 17 18]\n", + "=======================\n", + "[\"steve and sarah nick built up the huge arsenal , including a 50-caliber machine gun , a sniper rifle , and 17,000 rounds of ammunition , after it was claimed they stole more than $ 50,000 .many of the 30 weapons were legally owned , but the couple , who are said to have links to the michigan militia , are accused of plundering mrs nick 's 67-year-old mother 's savings to fund the potentially deadly haul .the couple are facing a combined total of 15 felony charges , according to mlive.com\"]\n", + "=======================\n", + "['steven and sarah nick are facing a combined total of 15 felony chargesaccused of embezzling more than $ 50,000 to stockpile arsenal of weaponssaid to include 50-caliber machine gun and sniper rifle with suppressorweapons were legally owned but bought using stolen money , police say']\n", + "steve and sarah nick built up the huge arsenal , including a 50-caliber machine gun , a sniper rifle , and 17,000 rounds of ammunition , after it was claimed they stole more than $ 50,000 .many of the 30 weapons were legally owned , but the couple , who are said to have links to the michigan militia , are accused of plundering mrs nick 's 67-year-old mother 's savings to fund the potentially deadly haul .the couple are facing a combined total of 15 felony charges , according to mlive.com\n", + "steven and sarah nick are facing a combined total of 15 felony chargesaccused of embezzling more than $ 50,000 to stockpile arsenal of weaponssaid to include 50-caliber machine gun and sniper rifle with suppressorweapons were legally owned but bought using stolen money , police say\n", + "[1.5374132 1.3578047 1.1409668 1.4604257 1.1501265 1.1050744 1.0334057\n", + " 1.0212778 1.0139086 1.0135498 1.0192733 1.1534882 1.1619765 1.0623951\n", + " 1.2591815 1.0120165 1.0073507 1.0075864 1.106352 ]\n", + "\n", + "[ 0 3 1 14 12 11 4 2 18 5 13 6 7 10 8 9 15 17 16]\n", + "=======================\n", + "[\"paris saint-germain face nice on saturday , hoping to take ligue 1 's top spot from lyon but do so with a host of key stars missing , including captain thiago silva who is recuperating at home from a thigh injury .lyon could take back top spot on sunday but blanc 's side will have a game in hand at the close of the weekend .the game against nice comes more than 24 hours before league leaders lyon face a tough task at home against fifth-place st etienne .\"]\n", + "=======================\n", + "['paris saint-germain captain thiago silva suffered a thigh injury on wednesdaybrazilian defender had to substituted against barcelona in champions leaguehe is recovering at home and is among a list of absentees for game at nice']\n", + "paris saint-germain face nice on saturday , hoping to take ligue 1 's top spot from lyon but do so with a host of key stars missing , including captain thiago silva who is recuperating at home from a thigh injury .lyon could take back top spot on sunday but blanc 's side will have a game in hand at the close of the weekend .the game against nice comes more than 24 hours before league leaders lyon face a tough task at home against fifth-place st etienne .\n", + "paris saint-germain captain thiago silva suffered a thigh injury on wednesdaybrazilian defender had to substituted against barcelona in champions leaguehe is recovering at home and is among a list of absentees for game at nice\n", + "[1.4515293 1.3521817 1.2409768 1.1487758 1.1024896 1.0908649 1.0707908\n", + " 1.0322345 1.0378249 1.0657778 1.0646033 1.0800432 1.0544509 1.0438802\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 5 11 6 9 10 12 13 8 7 17 14 15 16 18]\n", + "=======================\n", + "['( cnn ) richard dysart , the award-winning stage actor who gained fame playing law firm leader leland mckenzie on \" l.a. law , \" has died .he died of cancer at his home in santa monica , california , according to his wife , kathryn jacobi dysart .for decades , dysart was a noted tv and film character actor , and stage star , winning a drama desk award for playing coach in jason miller \\'s pulitzer prize-winning play , \" that championship season . \"']\n", + "=======================\n", + "['the died of cancer at his home in santa monica , californiahe usually took a back seat to the younger , more glamorous characters on the show']\n", + "( cnn ) richard dysart , the award-winning stage actor who gained fame playing law firm leader leland mckenzie on \" l.a. law , \" has died .he died of cancer at his home in santa monica , california , according to his wife , kathryn jacobi dysart .for decades , dysart was a noted tv and film character actor , and stage star , winning a drama desk award for playing coach in jason miller 's pulitzer prize-winning play , \" that championship season . \"\n", + "the died of cancer at his home in santa monica , californiahe usually took a back seat to the younger , more glamorous characters on the show\n", + "[1.2964203 1.3614823 1.2048655 1.2748181 1.061955 1.0758036 1.0501919\n", + " 1.0653344 1.0520595 1.0624614 1.1325369 1.0578153 1.0505052 1.0422032\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 10 5 7 9 4 11 8 12 6 13 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"these men form a small part of jaysh al-islam - or army of islam - who reportedly command as many as 25,000 loyal fighters following the merger of up to 60 rebel factions inside syria .a militant group which opposes both isis and the syrian regime has released a striking video showing off 1,700 troops , fleet of armoured tanks and special forces soldiers in an impressive military parade .dozens of masked special units show off a range of skills including close-range combat in what the group claims is the ` largest military parade witnessed ' since the dawn of the syrian revolution in 2011 .\"]\n", + "=======================\n", + "[\"jaysh al-islam fights against government soldiers in syrian city of damascusmade up of around '60 rebel factions ' , it also opposes islamist groups like isisheld the ` largest military parade witnessed ' since start of the syrian revolutionsaudi arabia is ` funding the group with millions of dollars in arms and training '\"]\n", + "these men form a small part of jaysh al-islam - or army of islam - who reportedly command as many as 25,000 loyal fighters following the merger of up to 60 rebel factions inside syria .a militant group which opposes both isis and the syrian regime has released a striking video showing off 1,700 troops , fleet of armoured tanks and special forces soldiers in an impressive military parade .dozens of masked special units show off a range of skills including close-range combat in what the group claims is the ` largest military parade witnessed ' since the dawn of the syrian revolution in 2011 .\n", + "jaysh al-islam fights against government soldiers in syrian city of damascusmade up of around '60 rebel factions ' , it also opposes islamist groups like isisheld the ` largest military parade witnessed ' since start of the syrian revolutionsaudi arabia is ` funding the group with millions of dollars in arms and training '\n", + "[1.3873394 1.3688314 1.4579263 1.2120308 1.1490178 1.0542709 1.2870235\n", + " 1.0640781 1.0143039 1.0085196 1.0106131 1.0671597 1.254133 1.0425355\n", + " 1.1785301 1.0723877 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 6 12 3 14 4 15 11 7 5 13 8 10 9 16 17 18 19 20]\n", + "=======================\n", + "[\"jackie mcnamara 's side have won just three of their 14 games since , and lost 3-0 at home to ronny deila 's side on sunday .celtic are considering a second double raid on dundee united for teenager john souttar and striker nadir ciftci .the tannadice club sparked a row with supporters when they sold star duo stuart armstrong and gary mackay-steven to the parkhead club on deadline day in january .\"]\n", + "=======================\n", + "[\"celtic considering bids for dundee united 's john souttar and nadir ciftcimidfielder souttar and striker ciftci likely to cost celtic around # 1.5 millionceltic signed stuart armstrong and gary mackay-steven in january\"]\n", + "jackie mcnamara 's side have won just three of their 14 games since , and lost 3-0 at home to ronny deila 's side on sunday .celtic are considering a second double raid on dundee united for teenager john souttar and striker nadir ciftci .the tannadice club sparked a row with supporters when they sold star duo stuart armstrong and gary mackay-steven to the parkhead club on deadline day in january .\n", + "celtic considering bids for dundee united 's john souttar and nadir ciftcimidfielder souttar and striker ciftci likely to cost celtic around # 1.5 millionceltic signed stuart armstrong and gary mackay-steven in january\n", + "[1.395237 1.3250631 1.0667889 1.2058872 1.3142393 1.069442 1.0388764\n", + " 1.132319 1.1382625 1.017691 1.0416183 1.0317533 1.1242161 1.0693727\n", + " 1.0389453 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 3 8 7 12 5 13 2 10 14 6 11 9 15 16 17 18 19 20]\n", + "=======================\n", + "[\"john travolta has broken his silence on the controversial scientology exposé going clear and says he never intends to watch the documentary .speaking to the tampa bay times while promoting his upcoming film the forger , travolta said his decades of personal experience in the organization have been nothing but positive -- nothing like the blackmailing , physically abusive cult portrayed in the film . 'travolta then spoke for the only celebrity whose dealings with scientology get more screen time in going clear than his own , tom cruise .\"]\n", + "=======================\n", + "[\"travolta spoke out about the scientology-bashing hbo documentary on monday as he promoted his upcoming film the forgerthe saturday night fever star says he wo n't watch a film by ` disgruntled ' ex-members that is ` so decidedly negative 'travolta says the church helped him get through the ` loss of children , loved ones , physical illnesses ... many tough , tough life situations '\"]\n", + "john travolta has broken his silence on the controversial scientology exposé going clear and says he never intends to watch the documentary .speaking to the tampa bay times while promoting his upcoming film the forger , travolta said his decades of personal experience in the organization have been nothing but positive -- nothing like the blackmailing , physically abusive cult portrayed in the film . 'travolta then spoke for the only celebrity whose dealings with scientology get more screen time in going clear than his own , tom cruise .\n", + "travolta spoke out about the scientology-bashing hbo documentary on monday as he promoted his upcoming film the forgerthe saturday night fever star says he wo n't watch a film by ` disgruntled ' ex-members that is ` so decidedly negative 'travolta says the church helped him get through the ` loss of children , loved ones , physical illnesses ... many tough , tough life situations '\n", + "[1.5690131 1.3591772 1.2147642 1.190072 1.033433 1.4011335 1.0233917\n", + " 1.0321956 1.0342815 1.0227777 1.0222857 1.0207722 1.0184444 1.1692142\n", + " 1.0918767 1.0289148 1.0430915 1.0175506 1.0310479 1.0132264 1.0220125]\n", + "\n", + "[ 0 5 1 2 3 13 14 16 8 4 7 18 15 6 9 10 20 11 12 17 19]\n", + "=======================\n", + "[\"alan stubbs hailed the bravery of his hibs players after they ruined hearts ' easter road title party with a 2-0 derby win .alan stubbs saw his side record a win in the edinburgh derby to put hearts ' promotion party on holdhe saw his men hold on to second place in the championship with a second straight win , building momentum after a run of three consecutive defeats -- and setting them up for saturday 's scottish cup semi-final against falkirk .\"]\n", + "=======================\n", + "[\"hibs won the derby 2-0 to stay second in the scottish championshipthey had lost their last three , but the win gives them momentum` people were asking if this was the wobble and was this hibs ; season ending again , ' stubbs saidstubbs singled out farid el alagui for special praise after the striker came back from an achilles injury\"]\n", + "alan stubbs hailed the bravery of his hibs players after they ruined hearts ' easter road title party with a 2-0 derby win .alan stubbs saw his side record a win in the edinburgh derby to put hearts ' promotion party on holdhe saw his men hold on to second place in the championship with a second straight win , building momentum after a run of three consecutive defeats -- and setting them up for saturday 's scottish cup semi-final against falkirk .\n", + "hibs won the derby 2-0 to stay second in the scottish championshipthey had lost their last three , but the win gives them momentum` people were asking if this was the wobble and was this hibs ; season ending again , ' stubbs saidstubbs singled out farid el alagui for special praise after the striker came back from an achilles injury\n", + "[1.1705157 1.5257767 1.3954225 1.3606832 1.0848569 1.0842911 1.0364923\n", + " 1.0268092 1.0833191 1.1068362 1.0875385 1.0446551 1.0625958 1.0301341\n", + " 1.0800599 1.0940837 1.0406247 1.0156608 1.0175964 0. 0. ]\n", + "\n", + "[ 1 2 3 0 9 15 10 4 5 8 14 12 11 16 6 13 7 18 17 19 20]\n", + "=======================\n", + "['deborah kane , from tyldesley , manchester , had her right eye removed three years ago in a life-saving nine-hour operation to stop the cancer spreading to her brain .the 46-year-old teaching assistant believes her cancer developed from getting badly burned on holiday in lanzarote when she was 15 - where she also bought cheap sunglasses without proper uv protection .a mother-of-two who lost her eye to skin cancer is warning people against the dangers of wearing cheap sunglasses .']\n", + "=======================\n", + "['deborah kane , from manchester , had a melanoma behind her eyedoctors think it may have been a result of wearing cheap sunglassesshe has also had two cancerous lumps removed from neck and legmother-of-two was badly burned in lanzarote at the age of 15']\n", + "deborah kane , from tyldesley , manchester , had her right eye removed three years ago in a life-saving nine-hour operation to stop the cancer spreading to her brain .the 46-year-old teaching assistant believes her cancer developed from getting badly burned on holiday in lanzarote when she was 15 - where she also bought cheap sunglasses without proper uv protection .a mother-of-two who lost her eye to skin cancer is warning people against the dangers of wearing cheap sunglasses .\n", + "deborah kane , from manchester , had a melanoma behind her eyedoctors think it may have been a result of wearing cheap sunglassesshe has also had two cancerous lumps removed from neck and legmother-of-two was badly burned in lanzarote at the age of 15\n", + "[1.5037376 1.1539268 1.315706 1.1833906 1.2078719 1.0654176 1.1635953\n", + " 1.0994239 1.0918447 1.0965267 1.1422044 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 4 3 6 1 10 7 9 8 5 19 11 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "['( cnn ) the last three defendants prosecuted in the hazing death of florida a&m drum major robert champion were convicted friday of manslaughter and hazing with the result of death , reported cnn affiliate wftv .they will be sentenced june 26 , according to orange county , florida , online court records .champion , 26 , died in november 2011 after a band hazing ritual in which he was beaten aboard a school bus after a football game in orlando , florida .']\n", + "=======================\n", + "['florida a&m drum major robert champion died in 2011 after a hazing ritual aboard a busa jury convicted the last three defendants of manslaughter and hazing with the result of death']\n", + "( cnn ) the last three defendants prosecuted in the hazing death of florida a&m drum major robert champion were convicted friday of manslaughter and hazing with the result of death , reported cnn affiliate wftv .they will be sentenced june 26 , according to orange county , florida , online court records .champion , 26 , died in november 2011 after a band hazing ritual in which he was beaten aboard a school bus after a football game in orlando , florida .\n", + "florida a&m drum major robert champion died in 2011 after a hazing ritual aboard a busa jury convicted the last three defendants of manslaughter and hazing with the result of death\n", + "[1.0539232 1.1015562 1.0734055 1.0680921 1.2716966 1.3865602 1.2169085\n", + " 1.2881539 1.2036455 1.0324615 1.1256042 1.06003 1.0604688 1.1427147\n", + " 1.0964074 1.0701163 1.0438315 1.0109938 1.0122555 1.0633967 1.0272323]\n", + "\n", + "[ 5 7 4 6 8 13 10 1 14 2 15 3 19 12 11 0 16 9 20 18 17]\n", + "=======================\n", + "[\"its customers can call and text uk numbers and use data in some countries at no extra cost to their uk price plans .three 's feel at home covers 18 destinations in europe , australia , the united states , asia and the middle eastthe best option is to be with mobile operator three .\"]\n", + "=======================\n", + "[\"making calls and using the internet abroad results in very large billswith three 's feel at home lets visitors use their phones at no extra costit covers 18 countries including 10 in europe\"]\n", + "its customers can call and text uk numbers and use data in some countries at no extra cost to their uk price plans .three 's feel at home covers 18 destinations in europe , australia , the united states , asia and the middle eastthe best option is to be with mobile operator three .\n", + "making calls and using the internet abroad results in very large billswith three 's feel at home lets visitors use their phones at no extra costit covers 18 countries including 10 in europe\n", + "[1.2052598 1.4929278 1.1237079 1.0758353 1.304337 1.2201786 1.17054\n", + " 1.0343257 1.0364593 1.0463161 1.0434679 1.0726599 1.1186385 1.0437772\n", + " 1.0174222 1.0122424 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 5 0 6 2 12 3 11 9 13 10 8 7 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the discussion , which focuses on brides from russia and the philippines and has so far garnered more than 10,000 comments , asked users to spill the beans on what ` surprised ' them the most when they started living with their spouses . 'one user described the process of ` ordering ' a bride from russia or the philippines , where thousands of women are desperate to start a new life for themselves in europe and the us .a new reddit thread is offering some fascinating insights into the strange lives of men who have purchased mail-order brides .\"]\n", + "=======================\n", + "['a new reddit thread asked users to submit their experiencesmany men were disappointed with their mail-order bridesmeeting a woman this way can cost up to $ 50,000 ( # 32,700 ) or more']\n", + "the discussion , which focuses on brides from russia and the philippines and has so far garnered more than 10,000 comments , asked users to spill the beans on what ` surprised ' them the most when they started living with their spouses . 'one user described the process of ` ordering ' a bride from russia or the philippines , where thousands of women are desperate to start a new life for themselves in europe and the us .a new reddit thread is offering some fascinating insights into the strange lives of men who have purchased mail-order brides .\n", + "a new reddit thread asked users to submit their experiencesmany men were disappointed with their mail-order bridesmeeting a woman this way can cost up to $ 50,000 ( # 32,700 ) or more\n", + "[1.2981746 1.4259311 1.1022588 1.2994123 1.051291 1.122601 1.0722306\n", + " 1.0825394 1.0706974 1.0925493 1.0245439 1.036545 1.0236304 1.0273492\n", + " 1.0193379 1.0227196 1.0304238 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 5 2 9 7 6 8 4 11 16 13 10 12 15 14 19 17 18 20]\n", + "=======================\n", + "[\"celine bisette , who uses this pseudonym whenever she is discussing her career , insists she is neither ` damaged ' nor ` deranged ' - that , in fact , she rather enjoys being a prostitute , and it 's only the social stigma surrounding her career choice that leaves her feeling unhappy . 'a canadian prostitute says that she wishes other people would n't make her feel so ashamed of working in the sex industry - because she actually really enjoys her job .she claims that she did n't have an abusive childhood , she 's not a ` hyper-sexual nympho ' , and she is n't uneducated .\"]\n", + "=======================\n", + "[\"celine bisette , from canada , became an escort when she was in collegeshe wants to feel proud of her job , but complains that she is constantly battling the negative opinions of othersthe writer , who uses a pseudonym , has her master 's degree but explains that sex work pays more than jobs in her field of study\"]\n", + "celine bisette , who uses this pseudonym whenever she is discussing her career , insists she is neither ` damaged ' nor ` deranged ' - that , in fact , she rather enjoys being a prostitute , and it 's only the social stigma surrounding her career choice that leaves her feeling unhappy . 'a canadian prostitute says that she wishes other people would n't make her feel so ashamed of working in the sex industry - because she actually really enjoys her job .she claims that she did n't have an abusive childhood , she 's not a ` hyper-sexual nympho ' , and she is n't uneducated .\n", + "celine bisette , from canada , became an escort when she was in collegeshe wants to feel proud of her job , but complains that she is constantly battling the negative opinions of othersthe writer , who uses a pseudonym , has her master 's degree but explains that sex work pays more than jobs in her field of study\n", + "[1.3089484 1.1445634 1.3535769 1.2116662 1.1814507 1.2191975 1.1215657\n", + " 1.0791302 1.1425745 1.0804535 1.084696 1.0572209 1.0602398 1.0358665\n", + " 1.0413822 1.0178678 1.0652945 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 5 3 4 1 8 6 10 9 7 16 12 11 14 13 15 19 17 18 20]\n", + "=======================\n", + "['they say it contains a third less iodine than normal milk -- which could affect infant brain growth and intelligence later in life .the organic milk industry last night issued a swift rebuttal .uht longlife milk was also found to have similarly low levels of the mineral , academics from reading university found .']\n", + "=======================\n", + "['milk is main source of iodine in british diet , providing 40 % of daily intakeacademics say switching to organic milk could significantly impact healthuht longlife milk was also found to have similarly low levels of the mineral']\n", + "they say it contains a third less iodine than normal milk -- which could affect infant brain growth and intelligence later in life .the organic milk industry last night issued a swift rebuttal .uht longlife milk was also found to have similarly low levels of the mineral , academics from reading university found .\n", + "milk is main source of iodine in british diet , providing 40 % of daily intakeacademics say switching to organic milk could significantly impact healthuht longlife milk was also found to have similarly low levels of the mineral\n", + "[1.3598204 1.3866589 1.2180498 1.2810366 1.0512218 1.1154153 1.0977591\n", + " 1.0825989 1.0589848 1.0755312 1.0442252 1.2500694 1.0389419 1.0332823\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 11 2 5 6 7 9 8 4 10 12 13 14 15 16 17 18 19 20 21 22 23\n", + " 24 25 26]\n", + "=======================\n", + "[\"the 22-year-old said she kneed jason lee , an ex-goldman sachs managing director , in the groin during the struggle after he forced her onto the floor whilst naked in the bathroom of his $ 35,000 a month rented mansion .the irish student allegedly raped by a wall st banker in the hamptons told how she used ` every ounce of strength left inside me ' to throw him off whilst he violently assaulted her .she sobbed and said she was left in a state of ` disbelief ' and begged her friends to take her home - because she felt that it was her fault .\"]\n", + "=======================\n", + "[\"irish student , 22 , accusing jason lee , 38 , of raping her testified in court on tuesday describing of the moment the ` assault ' occurredshe said she kneed him in the groin during the struggle after he forced her onto the floor whilst naked in the bathroom of his rented mansionthe victim said she tried to bite him but he told her to ` shut the f *** up ' as he pulled up her dress and pulled down her underwearshe revealed she has not told her family in ireland about her ordeal and made the 16-hour journey to new york to give evidence on her ownlee was arrested in august 2013 after a woman accused him of attacking her at the home he and his wife rented in east hamptonhe has denied first-degree rape , sexual misconduct and third-degree assault and faces up to 25 years in jail if convictedlee invited the woman , her brother and friends back to the house after they met at trendy restaurant\"]\n", + "the 22-year-old said she kneed jason lee , an ex-goldman sachs managing director , in the groin during the struggle after he forced her onto the floor whilst naked in the bathroom of his $ 35,000 a month rented mansion .the irish student allegedly raped by a wall st banker in the hamptons told how she used ` every ounce of strength left inside me ' to throw him off whilst he violently assaulted her .she sobbed and said she was left in a state of ` disbelief ' and begged her friends to take her home - because she felt that it was her fault .\n", + "irish student , 22 , accusing jason lee , 38 , of raping her testified in court on tuesday describing of the moment the ` assault ' occurredshe said she kneed him in the groin during the struggle after he forced her onto the floor whilst naked in the bathroom of his rented mansionthe victim said she tried to bite him but he told her to ` shut the f *** up ' as he pulled up her dress and pulled down her underwearshe revealed she has not told her family in ireland about her ordeal and made the 16-hour journey to new york to give evidence on her ownlee was arrested in august 2013 after a woman accused him of attacking her at the home he and his wife rented in east hamptonhe has denied first-degree rape , sexual misconduct and third-degree assault and faces up to 25 years in jail if convictedlee invited the woman , her brother and friends back to the house after they met at trendy restaurant\n", + "[1.2138315 1.278727 1.0950688 1.1232927 1.2522027 1.2398332 1.209531\n", + " 1.229234 1.0306748 1.1262591 1.039212 1.0355176 1.1198372 1.1324443\n", + " 1.0572536 1.090671 1.0744047 1.0425403 1.0278115 1.0467733 1.0331955\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 5 7 0 6 13 9 3 12 2 15 16 14 19 17 10 11 20 8 18 25 21 22\n", + " 23 24 26]\n", + "=======================\n", + "['but in the lead up to the rare event tomorrow , the sydney observatory has been expressing their concerns over the bad weather forecast for the big night .a blood red moon lights up the sky during a total lunar eclipse at on october 8 , 2014 in australia .the next two eclipses are forecast to happen are on april 4 and september 28 , 2015']\n", + "=======================\n", + "['the april lunar eclipse is set to turn the moon into blood red this easter weekendthe sydney observatory has been concerned over the bad weather forecast for the big nightadelaide will be have the clearest skies out of all the states , according to the bureau of meteorologya lunar eclipse occurs when the moon passes in the shadow of earth']\n", + "but in the lead up to the rare event tomorrow , the sydney observatory has been expressing their concerns over the bad weather forecast for the big night .a blood red moon lights up the sky during a total lunar eclipse at on october 8 , 2014 in australia .the next two eclipses are forecast to happen are on april 4 and september 28 , 2015\n", + "the april lunar eclipse is set to turn the moon into blood red this easter weekendthe sydney observatory has been concerned over the bad weather forecast for the big nightadelaide will be have the clearest skies out of all the states , according to the bureau of meteorologya lunar eclipse occurs when the moon passes in the shadow of earth\n", + "[1.5024214 1.4845668 1.2672297 1.5116954 1.0731531 1.023733 1.0180361\n", + " 1.0222822 1.0711632 1.0154412 1.0154496 1.1650541 1.1821606 1.0169882\n", + " 1.0090878 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 2 12 11 4 8 5 7 6 13 10 9 14 25 15 16 17 18 19 20 21 22\n", + " 23 24 26]\n", + "=======================\n", + "[\"chris ramsey insists he 's happy at queens park rangers and will stay at the club for as long as they want himramsey was handed the manager 's job until the end of the season after stepping up from his youth development coaching role when harry redknapp resigned in february .reports suggest that ramsey could link up with friend tim sherwood ( left ) at aston villa in the summer\"]\n", + "=======================\n", + "[\"chris ramsey says he 's ` really happy ' at qpr and plans to stay long-termthe 52-year-old was handed the reins until the end of the seasonthe former right back wants to show loyalty to his current employersles ferdinand believes he is the man for the job , according to ramseyramsey has been linked with a reunion with tim sherwood at aston villaclick here for all the latest queens park rangers news\"]\n", + "chris ramsey insists he 's happy at queens park rangers and will stay at the club for as long as they want himramsey was handed the manager 's job until the end of the season after stepping up from his youth development coaching role when harry redknapp resigned in february .reports suggest that ramsey could link up with friend tim sherwood ( left ) at aston villa in the summer\n", + "chris ramsey says he 's ` really happy ' at qpr and plans to stay long-termthe 52-year-old was handed the reins until the end of the seasonthe former right back wants to show loyalty to his current employersles ferdinand believes he is the man for the job , according to ramseyramsey has been linked with a reunion with tim sherwood at aston villaclick here for all the latest queens park rangers news\n", + "[1.1252112 1.2420521 1.120841 1.1065531 1.4398274 1.1803477 1.3116493\n", + " 1.0579497 1.0195915 1.0190251 1.0250597 1.0265889 1.0151087 1.019773\n", + " 1.0299319 1.0270491 1.0903378 1.0315478 1.0135713 1.0190294 1.0142161\n", + " 1.0255209 1.0154136 1.0342845 1.0104089 1.0210485 1.0214639]\n", + "\n", + "[ 4 6 1 5 0 2 3 16 7 23 17 14 15 11 21 10 26 25 13 8 19 9 22 12\n", + " 20 18 24]\n", + "=======================\n", + "[\"louis van gaal is close to delivering his first-season aim of returning man united into champions leagueunited 's win over aston villa took them third , eight points ahead of fifth-placed liverpool in the tablethe first season , he stated , would see him deliver manchester united back into their rightful place in the champions league .\"]\n", + "=======================\n", + "['man united have an eight-point cushion from fifth-place liverpoolvan gaal looks likely to deliver on his promise of top four finishbut the dutchman has a three-year vision mapped outnext season will have to see united mount sustained challenge for titlethey must also reach the later stages of the champions league']\n", + "louis van gaal is close to delivering his first-season aim of returning man united into champions leagueunited 's win over aston villa took them third , eight points ahead of fifth-placed liverpool in the tablethe first season , he stated , would see him deliver manchester united back into their rightful place in the champions league .\n", + "man united have an eight-point cushion from fifth-place liverpoolvan gaal looks likely to deliver on his promise of top four finishbut the dutchman has a three-year vision mapped outnext season will have to see united mount sustained challenge for titlethey must also reach the later stages of the champions league\n", + "[1.3599075 1.4848719 1.1784872 1.2276206 1.0668552 1.1912459 1.0899189\n", + " 1.0759525 1.0373331 1.094268 1.072932 1.0455813 1.0217634 1.0427635\n", + " 1.0429392 1.1181517 1.0333489 1.0200217 1.0210261 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 5 2 15 9 6 7 10 4 11 14 13 8 16 12 18 17 19 20 21 22 23\n", + " 24 25 26]\n", + "=======================\n", + "[\"the nepali pranksters were in the middle of shooting an episode for their hidden camera series when the magnitude-7 .8 earthquake broke out .( cnn ) a video shoot in nepal for an internet comedy series took a serious turn on saturday as the earth began rumbling .for their next prank based on nepal 's ban on plastic bags , ashish prasai and akash sedai were in jawalakhel , sedai said in an email to cnn .\"]\n", + "=======================\n", + "['nepali pranksters make hidden camera videos of awkward social situationsthe three-person team was filming as the nepal earthquake began']\n", + "the nepali pranksters were in the middle of shooting an episode for their hidden camera series when the magnitude-7 .8 earthquake broke out .( cnn ) a video shoot in nepal for an internet comedy series took a serious turn on saturday as the earth began rumbling .for their next prank based on nepal 's ban on plastic bags , ashish prasai and akash sedai were in jawalakhel , sedai said in an email to cnn .\n", + "nepali pranksters make hidden camera videos of awkward social situationsthe three-person team was filming as the nepal earthquake began\n", + "[1.2282966 1.389575 1.3747809 1.3095789 1.1298909 1.1294086 1.1528758\n", + " 1.1691511 1.0851045 1.0478505 1.0537843 1.0354362 1.0298494 1.0138153\n", + " 1.0156082 1.0611311 1.0164582 1.0811867 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 0 7 6 4 5 8 17 15 10 9 11 12 16 14 13 20 18 19 21]\n", + "=======================\n", + "[\"primatologists working in ntokou-pikounda national park have captured the first ever picture of the bouvier 's red colobus monkey .their discovery proves that the primate - which was first discovered in 1887 and is only known from three specimens - is not extinct .a monkey that was thought to have died out more than 50 years ago has been discovered alive in the remote rain forests of the democratic republic of congo .\"]\n", + "=======================\n", + "[\"bouvier 's red colobus monkeys was last sighted in the congo during 1970sbiologists have captured the first ever photographs of the rare primatesthe monkeys live in noisy groups in the swampy forests alongside riversthey are feared to be threatened by growing bushmeat trade in the area\"]\n", + "primatologists working in ntokou-pikounda national park have captured the first ever picture of the bouvier 's red colobus monkey .their discovery proves that the primate - which was first discovered in 1887 and is only known from three specimens - is not extinct .a monkey that was thought to have died out more than 50 years ago has been discovered alive in the remote rain forests of the democratic republic of congo .\n", + "bouvier 's red colobus monkeys was last sighted in the congo during 1970sbiologists have captured the first ever photographs of the rare primatesthe monkeys live in noisy groups in the swampy forests alongside riversthey are feared to be threatened by growing bushmeat trade in the area\n", + "[1.3560741 1.333405 1.2840788 1.1992692 1.1678389 1.082201 1.1376655\n", + " 1.1082615 1.0504323 1.049046 1.0726508 1.06273 1.0201575 1.0525007\n", + " 1.0507399 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 3 4 6 7 5 10 11 13 14 8 9 12 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"( cnn ) a man charged with planning the deadly 2008 mumbai terror attacks in india has been released on bail in pakistan after years of detention , prompting sharp criticism from india .zaki-ur-rehman lakhvi , a top leader of the terrorist group lashkar-e-taiba , was released early friday from a jail in the pakistani city of rawalpindi , according to yahya mujahid , spokesman for jamaat-ud-dawa , a group with which lakhvi is affiliated .lakhvi was charged in pakistan in 2009 , accused of masterminding the november 2008 terror attacks that left more than 160 people dead in mumbai , india 's most populous city .\"]\n", + "=======================\n", + "['the terror attacks in india left more than 160 people deada court granted the suspect bail last year']\n", + "( cnn ) a man charged with planning the deadly 2008 mumbai terror attacks in india has been released on bail in pakistan after years of detention , prompting sharp criticism from india .zaki-ur-rehman lakhvi , a top leader of the terrorist group lashkar-e-taiba , was released early friday from a jail in the pakistani city of rawalpindi , according to yahya mujahid , spokesman for jamaat-ud-dawa , a group with which lakhvi is affiliated .lakhvi was charged in pakistan in 2009 , accused of masterminding the november 2008 terror attacks that left more than 160 people dead in mumbai , india 's most populous city .\n", + "the terror attacks in india left more than 160 people deada court granted the suspect bail last year\n", + "[1.2728009 1.4431744 1.1653601 1.1261326 1.1221584 1.1531259 1.0570914\n", + " 1.0376303 1.2631257 1.145746 1.0339894 1.0619212 1.0336378 1.0328314\n", + " 1.0278889 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 8 2 5 9 3 4 11 6 7 10 12 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"stephanie hannon , who was the tech giant 's director of productmanagement for civic innovation and social impact , will serve as her presidential campaign 's chief technology officer .hillary clinton is deadly serious about attracting young and tech-savvy voters in 2016 , hiring a new digital guru who hails from the world 's most powerful online brand .in that role she will supervise a sprawling effort to develop websites , mobile apps and other vehicles for pushing the former secretary of state 's brand through the 2016 elections .\"]\n", + "=======================\n", + "[\"stephanie hannon , google top dog on product management for ` civic engagement , ' will help hillary navigate the digital waters in 2016hannon will oversee a team that develops websites , apps and other outreach tools designed to attract democratic voterstech gurus are in high demand among presidential campaignsrand paul poached ted cruz 's senior digital strategist away last yearhillary has also filled a few key slots with obama white house aides\"]\n", + "stephanie hannon , who was the tech giant 's director of productmanagement for civic innovation and social impact , will serve as her presidential campaign 's chief technology officer .hillary clinton is deadly serious about attracting young and tech-savvy voters in 2016 , hiring a new digital guru who hails from the world 's most powerful online brand .in that role she will supervise a sprawling effort to develop websites , mobile apps and other vehicles for pushing the former secretary of state 's brand through the 2016 elections .\n", + "stephanie hannon , google top dog on product management for ` civic engagement , ' will help hillary navigate the digital waters in 2016hannon will oversee a team that develops websites , apps and other outreach tools designed to attract democratic voterstech gurus are in high demand among presidential campaignsrand paul poached ted cruz 's senior digital strategist away last yearhillary has also filled a few key slots with obama white house aides\n", + "[1.2493345 1.516416 1.2685887 1.1864214 1.3239928 1.0818707 1.1391321\n", + " 1.0301106 1.023441 1.0504482 1.0358117 1.0515049 1.034781 1.0437938\n", + " 1.035735 1.0591724 1.0315514 1.0328524 1.0347168 1.1439087 1.0171353\n", + " 1.0415616]\n", + "\n", + "[ 1 4 2 0 3 19 6 5 15 11 9 13 21 10 14 12 18 17 16 7 8 20]\n", + "=======================\n", + "[\"linda mclean was in her classroom at pine eagle charter school in the tiny town of halfway in august of that year when a masked man in a hoodie burst in with a gun , lowered it to her head and pulled the trigger .the 56-year-old elementary school teacher had no clue it was a drill to test her ` preparedness ' or that the gun was loaded with blanks .an oregon teacher is suing her rural school district over the lingering stress she feels following a surprise active shooter drill that administrators held in 2013 .\"]\n", + "=======================\n", + "['linda mclean was in her elementary school classroom in tiny halfway , oregon in 2013 when she was surprised by a man in a mask with a gun']\n", + "linda mclean was in her classroom at pine eagle charter school in the tiny town of halfway in august of that year when a masked man in a hoodie burst in with a gun , lowered it to her head and pulled the trigger .the 56-year-old elementary school teacher had no clue it was a drill to test her ` preparedness ' or that the gun was loaded with blanks .an oregon teacher is suing her rural school district over the lingering stress she feels following a surprise active shooter drill that administrators held in 2013 .\n", + "linda mclean was in her elementary school classroom in tiny halfway , oregon in 2013 when she was surprised by a man in a mask with a gun\n", + "[1.21231 1.1143036 1.0954249 1.1728998 1.1700488 1.4918076 1.243945\n", + " 1.1154246 1.0909326 1.0729702 1.1019815 1.0385333 1.0904562 1.1264406\n", + " 1.0835527 1.0242074 1.0167063 1.0253073 1.0315679 0. 0.\n", + " 0. ]\n", + "\n", + "[ 5 6 0 3 4 13 7 1 10 2 8 12 14 9 11 18 17 15 16 20 19 21]\n", + "=======================\n", + "['michael carrick played against ecuador at the 2006 world cup but was dropped for the quarter-finalengland have won just four competitive matches when carrick started , including against polandsuddenly , after close to 14 years of international football and just 33 caps , michael carrick is the answer for england .']\n", + "=======================\n", + "[\"michael carrick impressed during england 's draw with italy last weekbut the midfielder has been ordinary in his nine competitive startsengland won four of those - ecuador , san marino , poland and lithuaniaengland bosses consistently preferred steven gerrard or frank lampard\"]\n", + "michael carrick played against ecuador at the 2006 world cup but was dropped for the quarter-finalengland have won just four competitive matches when carrick started , including against polandsuddenly , after close to 14 years of international football and just 33 caps , michael carrick is the answer for england .\n", + "michael carrick impressed during england 's draw with italy last weekbut the midfielder has been ordinary in his nine competitive startsengland won four of those - ecuador , san marino , poland and lithuaniaengland bosses consistently preferred steven gerrard or frank lampard\n", + "[1.224226 1.5444348 1.2415462 1.1474361 1.1671104 1.2636749 1.0219232\n", + " 1.0230212 1.1477907 1.075206 1.1763246 1.0943142 1.0120492 1.0186241\n", + " 1.0425994 1.0113285 1.010755 1.0187718 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 5 2 0 10 4 8 3 11 9 14 7 6 17 13 12 15 16 21 18 19 20 22]\n", + "=======================\n", + "[\"charlie kwentus , 42 , from webster groves , missouri , was granted his dying wish by the annie 's hope bereavement center for kids .the charity provided all of his family with star treatment for the day , with black tie makeovers and a limousine included .a father-of-two with terminal brain cancer has lived out his dream of sharing a special dance with his daughters in lieu of walking them down the aisle at their weddings .\"]\n", + "=======================\n", + "[\"charlie kwentus , 42 , from webster groves , missouri , was granted his dying wish by the annie 's hope bereavement center for kidsthe charity provided all of his family with star treatment for the day , with black tie makeovers and limousine includedfootage from the event shows kwentus dancing with his daughters maren , aged nine , and zoe , 13 , before stopping to give a heartfelt speechkwentus was diagnosed with oligodendroglioma several years ago and recently decided to stop treatment\"]\n", + "charlie kwentus , 42 , from webster groves , missouri , was granted his dying wish by the annie 's hope bereavement center for kids .the charity provided all of his family with star treatment for the day , with black tie makeovers and a limousine included .a father-of-two with terminal brain cancer has lived out his dream of sharing a special dance with his daughters in lieu of walking them down the aisle at their weddings .\n", + "charlie kwentus , 42 , from webster groves , missouri , was granted his dying wish by the annie 's hope bereavement center for kidsthe charity provided all of his family with star treatment for the day , with black tie makeovers and limousine includedfootage from the event shows kwentus dancing with his daughters maren , aged nine , and zoe , 13 , before stopping to give a heartfelt speechkwentus was diagnosed with oligodendroglioma several years ago and recently decided to stop treatment\n", + "[1.0605749 1.3583328 1.4004108 1.3180732 1.137242 1.0769604 1.0471225\n", + " 1.0776664 1.0431582 1.0334858 1.2042153 1.0655247 1.1118623 1.0760427\n", + " 1.0438187 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 1 3 10 4 12 7 5 13 11 0 6 14 8 9 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"in fact , sellers who end their price with ` 00 ' typically receive offers that are five to eight per cent lower than those with more specific prices .us researchers claim that exact prices of goods on ebay attract higher offers than round numbers .this chart shows that when the posted initial price is of a round number ( the red dots ) , like $ 1,000 , the average counteroffer is much lower than if it is a non-round number ( the blue circles ) , like $ 1,079\"]\n", + "=======================\n", + "[\"researchers claim using exact prices when selling goods on ebay attract higher offers than round numberssellers who end prices with ` 00 ' typically receive offers up to 8 % lowerhowever , goods with round numbers typically sell faster , the study claims\"]\n", + "in fact , sellers who end their price with ` 00 ' typically receive offers that are five to eight per cent lower than those with more specific prices .us researchers claim that exact prices of goods on ebay attract higher offers than round numbers .this chart shows that when the posted initial price is of a round number ( the red dots ) , like $ 1,000 , the average counteroffer is much lower than if it is a non-round number ( the blue circles ) , like $ 1,079\n", + "researchers claim using exact prices when selling goods on ebay attract higher offers than round numberssellers who end prices with ` 00 ' typically receive offers up to 8 % lowerhowever , goods with round numbers typically sell faster , the study claims\n", + "[1.2319683 1.4017732 1.3353591 1.2245402 1.2908725 1.0717144 1.0330975\n", + " 1.0385447 1.1080991 1.0230081 1.1312499 1.0320574 1.0182052 1.0828254\n", + " 1.2631614 1.0895126 1.068472 1.0201099 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 4 14 0 3 10 8 15 13 5 16 7 6 11 9 17 12 21 18 19 20 22]\n", + "=======================\n", + "[\"the party leader said that he gets an ` unbelievably ' positive welcome when he meets black people .but he said claims the party is racist have stopped many supporters -- including internationally acclaimed rock stars and billionaires -- from backing him publicly .ukip is only seen as racist by white people , nigel farage has claimed .\"]\n", + "=======================\n", + "[\"ukip leader says people of catford , south east london , ` all wanted selfies 'mr farage said racist claims stop supporters from backing him publiclysays they include internationally acclaimed rock stars and billionaireshe adds the idea that ukip is racist is based on ` no evidence whatsoever '\"]\n", + "the party leader said that he gets an ` unbelievably ' positive welcome when he meets black people .but he said claims the party is racist have stopped many supporters -- including internationally acclaimed rock stars and billionaires -- from backing him publicly .ukip is only seen as racist by white people , nigel farage has claimed .\n", + "ukip leader says people of catford , south east london , ` all wanted selfies 'mr farage said racist claims stop supporters from backing him publiclysays they include internationally acclaimed rock stars and billionaireshe adds the idea that ukip is racist is based on ` no evidence whatsoever '\n", + "[1.3654234 1.3525611 1.3105607 1.1057482 1.1273746 1.046038 1.0362492\n", + " 1.1137385 1.1212537 1.0929046 1.0700709 1.1658256 1.0524505 1.0380499\n", + " 1.1605426 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 11 14 4 8 7 3 9 10 12 5 13 6 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"ed miliband will do ` more damage to the country than he did to his brother ' , boris johnson said this morning as the pair clashed on live tv .the london mayor , who appeared alongside mr miliband on the bbc 's andrew marr show , launched a furious personal assault on his rival - with their encounter descending into a furious shouting match .but mr miliband , who beat his elder brother david to the labour leadership in 2010 , ended up laughing off the attack , responding : ` come on boris , you 're better than that . '\"]\n", + "=======================\n", + "[\"london mayor appeared with mr miliband on bbc1 's andrew marr showmr johnson said ed would damage uk more than he 'd damaged his siblingbut he conceded : ` i 'm not saying your brother had dagger in the back 'labour leader laughed off row , saying : ` boris , you 're better than that '\"]\n", + "ed miliband will do ` more damage to the country than he did to his brother ' , boris johnson said this morning as the pair clashed on live tv .the london mayor , who appeared alongside mr miliband on the bbc 's andrew marr show , launched a furious personal assault on his rival - with their encounter descending into a furious shouting match .but mr miliband , who beat his elder brother david to the labour leadership in 2010 , ended up laughing off the attack , responding : ` come on boris , you 're better than that . '\n", + "london mayor appeared with mr miliband on bbc1 's andrew marr showmr johnson said ed would damage uk more than he 'd damaged his siblingbut he conceded : ` i 'm not saying your brother had dagger in the back 'labour leader laughed off row , saying : ` boris , you 're better than that '\n", + "[1.5117837 1.4154181 1.3266233 1.5022504 1.072333 1.104168 1.0551038\n", + " 1.023397 1.0279202 1.0157578 1.0319338 1.0102667 1.0090696 1.026162\n", + " 1.087584 1.0252928 1.1177723 1.0612389 1.0221084 1.0664952 1.020212\n", + " 1.0081484 1.0402673]\n", + "\n", + "[ 0 3 1 2 16 5 14 4 19 17 6 22 10 8 13 15 7 18 20 9 11 12 21]\n", + "=======================\n", + "['gary ballance hit a chanceless hundred for england on thursday - his fourth century in nine tests - that further closes the door on the banished kevin pietersen returning to the side whatever the ballyhoo .gary ballance scored 122 as england took firm control of the first test against the west indies in antiguathey finished the fourth day on 98 for two after another superb chris jordan slip catch made the breakthrough .']\n", + "=======================\n", + "['gary ballance hit 122 on day four of the first test in antigua on thursdayballance had a disappointing world cup scoring just 36 runs in four gamesengland declared on 333 for seven , setting hosts a target of 438 to winwest indies closed on 98 for two heading into the final day']\n", + "gary ballance hit a chanceless hundred for england on thursday - his fourth century in nine tests - that further closes the door on the banished kevin pietersen returning to the side whatever the ballyhoo .gary ballance scored 122 as england took firm control of the first test against the west indies in antiguathey finished the fourth day on 98 for two after another superb chris jordan slip catch made the breakthrough .\n", + "gary ballance hit 122 on day four of the first test in antigua on thursdayballance had a disappointing world cup scoring just 36 runs in four gamesengland declared on 333 for seven , setting hosts a target of 438 to winwest indies closed on 98 for two heading into the final day\n", + "[1.2628654 1.4293158 1.2156514 1.2904484 1.1250844 1.3103638 1.1657616\n", + " 1.1481754 1.0994408 1.1121573 1.0386909 1.0220301 1.0288668 1.0183526\n", + " 1.0127696 1.0641669 1.0690153 1.047521 0. 0. ]\n", + "\n", + "[ 1 5 3 0 2 6 7 4 9 8 16 15 17 10 12 11 13 14 18 19]\n", + "=======================\n", + "[\"kate roberts , 24 , noticed her son miles had a slightly different shaped head when he was born , and at three months , he was diagnosed with brachycephaly , also known as ` flat head syndrome ' .doctors believe it is caused by babies sleeping on their back , and as it is not medically dangerous , the nhs does not pay for treatment .a mother managed to raise # 2,000 in just 24 hours to pay a special helmet for her son , who was born with flat-head syndrome .\"]\n", + "=======================\n", + "['at three months old miles roberts was diagnosed with flat head syndromeas it is considered a cosmetic problem , the nhs does not fund treatmentbut a private clinic said it could cause blindness and facial disfigurementsmrs thomas raised # 2,000 in a day for helmet therapy to treat the condition']\n", + "kate roberts , 24 , noticed her son miles had a slightly different shaped head when he was born , and at three months , he was diagnosed with brachycephaly , also known as ` flat head syndrome ' .doctors believe it is caused by babies sleeping on their back , and as it is not medically dangerous , the nhs does not pay for treatment .a mother managed to raise # 2,000 in just 24 hours to pay a special helmet for her son , who was born with flat-head syndrome .\n", + "at three months old miles roberts was diagnosed with flat head syndromeas it is considered a cosmetic problem , the nhs does not fund treatmentbut a private clinic said it could cause blindness and facial disfigurementsmrs thomas raised # 2,000 in a day for helmet therapy to treat the condition\n", + "[1.2567025 1.4219104 1.1127421 1.16899 1.2339438 1.1509717 1.1118059\n", + " 1.0680715 1.1246201 1.067594 1.0585017 1.0406638 1.0978698 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 3 5 8 2 6 12 7 9 10 11 18 13 14 15 16 17 19]\n", + "=======================\n", + "['the spacious five bedroom home , based in the same building where 1950s pin-up and hollywood icon ava gardner spent her final years , offers 3,054 sq. ft. of high-end accommodation with two reception rooms , five bathrooms , a study and kitchen/breakfast room .a luxury knightsbridge flat which is brushed with a touch of hollywood glamour has gone on the rental market - for more than half a million pounds per year .there are five bedrooms with a master bedroom suite with walk in wardrobes .']\n", + "=======================\n", + "['the knightsbridge flat is located in the same building where hollywood star ava gardner spent her last yearsit is based in historic ennismore gardens which were built in 1870 as part of the redevelopment of kingston housethe spacious home which boasts five bedrooms has been put up for rent at # 10,500 a week - or # 546,000 a year']\n", + "the spacious five bedroom home , based in the same building where 1950s pin-up and hollywood icon ava gardner spent her final years , offers 3,054 sq. ft. of high-end accommodation with two reception rooms , five bathrooms , a study and kitchen/breakfast room .a luxury knightsbridge flat which is brushed with a touch of hollywood glamour has gone on the rental market - for more than half a million pounds per year .there are five bedrooms with a master bedroom suite with walk in wardrobes .\n", + "the knightsbridge flat is located in the same building where hollywood star ava gardner spent her last yearsit is based in historic ennismore gardens which were built in 1870 as part of the redevelopment of kingston housethe spacious home which boasts five bedrooms has been put up for rent at # 10,500 a week - or # 546,000 a year\n", + "[1.2054712 1.5176196 1.253942 1.3904526 1.1608945 1.1104244 1.1237041\n", + " 1.1593947 1.0630368 1.0300878 1.0375413 1.0881099 1.0830432 1.1585433\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 7 13 6 5 11 12 8 10 9 14 15 16 17 18 19]\n", + "=======================\n", + "[\"valbona yzeiraj was arrested on thursday and pleaded not guilty to charges of assault , unauthorized practice of a profession and reckless endangerment .authorities said the 45-year-old woman , from white plains , did injections in people 's mouths , performed root canals and on several occasions pulled patients ' teeth .according to cbs , she called herself ` dr val ' , putting on a lab coat when her boss , dr jeffrey schoengold , was n't present and doing dental work on unsuspecting patients .\"]\n", + "=======================\n", + "[\"valbona yzeiraj , of white plains , new york , was arrested on thursday and pleaded not guilty to charges of assaultauthorities said the 45-year-old woman , from white plains , did injections in people 's mouths and performed root canalswhen her boss was out , she allegedly pulled on a white coat and called herself ` dr val '\"]\n", + "valbona yzeiraj was arrested on thursday and pleaded not guilty to charges of assault , unauthorized practice of a profession and reckless endangerment .authorities said the 45-year-old woman , from white plains , did injections in people 's mouths , performed root canals and on several occasions pulled patients ' teeth .according to cbs , she called herself ` dr val ' , putting on a lab coat when her boss , dr jeffrey schoengold , was n't present and doing dental work on unsuspecting patients .\n", + "valbona yzeiraj , of white plains , new york , was arrested on thursday and pleaded not guilty to charges of assaultauthorities said the 45-year-old woman , from white plains , did injections in people 's mouths and performed root canalswhen her boss was out , she allegedly pulled on a white coat and called herself ` dr val '\n", + "[1.4209385 1.2649429 1.433916 1.1670884 1.137264 1.070345 1.0389359\n", + " 1.0110787 1.1890402 1.078723 1.0964204 1.0861045 1.0395602 1.0628519\n", + " 1.0319934 1.0465239 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 8 3 4 10 11 9 5 13 15 12 6 14 7 18 16 17 19]\n", + "=======================\n", + "['kim woodward has been appointed head chef at the famous venue , which has hosted lunches for the likes of prime ministers , musicians and captains of industry for decades .a former masterchef semi-finalist has become the first woman to run the prestigious savoy grill kitchen in its 126-year history .at the five-star , art deco grill , which is now part of the gordon ramsay stable , woodward will head a team of about 35 chefs , of whom some 40 per cent are women .']\n", + "=======================\n", + "[\"kim woodward has been appointed head chef at world famous restaurantart deco grill has fed prime ministers , musicians and actors for decadesyet masterchef runner-up is the first woman to hold the sought-after rolehas said ` masculine ' culinary traditions like daily roast trolley to continue\"]\n", + "kim woodward has been appointed head chef at the famous venue , which has hosted lunches for the likes of prime ministers , musicians and captains of industry for decades .a former masterchef semi-finalist has become the first woman to run the prestigious savoy grill kitchen in its 126-year history .at the five-star , art deco grill , which is now part of the gordon ramsay stable , woodward will head a team of about 35 chefs , of whom some 40 per cent are women .\n", + "kim woodward has been appointed head chef at world famous restaurantart deco grill has fed prime ministers , musicians and actors for decadesyet masterchef runner-up is the first woman to hold the sought-after rolehas said ` masculine ' culinary traditions like daily roast trolley to continue\n", + "[1.0435787 1.0502498 1.1013817 1.2899268 1.2958747 1.2337558 1.0937293\n", + " 1.0518091 1.0820322 1.073052 1.1019397 1.1132584 1.1169136 1.1294997\n", + " 1.1044732 1.1275308 1.1154244 1.0660567 1.0268595 1.0333512]\n", + "\n", + "[ 4 3 5 13 15 12 16 11 14 10 2 6 8 9 17 7 1 0 19 18]\n", + "=======================\n", + "['for nearly 40 years , physicists have argued that black holes suck in information and then evaporate without leaving behind any clues as to what they once contained .now , one scientist says this may not be true , and that interactions between particles emitted by a black hole can reveal information about what lies within .the grey hole theory would allow matter and energy to be held for a period of time before being released back into space']\n", + "=======================\n", + "[\"comments made by dr dejan stojkovic from the university of buffalohe says clues to contents lie in interactions between particles emittedquantum mechanics states that information is always conservedit backs up stephen hawking 's theory that black holes are ` grey '\"]\n", + "for nearly 40 years , physicists have argued that black holes suck in information and then evaporate without leaving behind any clues as to what they once contained .now , one scientist says this may not be true , and that interactions between particles emitted by a black hole can reveal information about what lies within .the grey hole theory would allow matter and energy to be held for a period of time before being released back into space\n", + "comments made by dr dejan stojkovic from the university of buffalohe says clues to contents lie in interactions between particles emittedquantum mechanics states that information is always conservedit backs up stephen hawking 's theory that black holes are ` grey '\n", + "[1.1613075 1.0548002 1.0825773 1.1491389 1.1336657 1.096383 1.0908732\n", + " 1.2656677 1.0918227 1.0678501 1.1718956 1.0302093 1.036166 1.0294073\n", + " 1.1186062 1.0654311 1.0141739 1.0234861 1.0602899 1.0466133 1.0164518\n", + " 1.0874139 1.0531482 1.1131771]\n", + "\n", + "[ 7 10 0 3 4 14 23 5 8 6 21 2 9 15 18 1 22 19 12 11 13 17 20 16]\n", + "=======================\n", + "[\"john carver issues instructions to his players during training on friday ahead of sunday 's derbysunderland are the country 's most out-of-form side and , unless new boss dick advocaat can reverse what is a sorry slide towards the bottom three , they will be back in the championship come august .at last , some good news for sunderland and newcastle united -- apparently form goes out of the window in a derby .\"]\n", + "=======================\n", + "[\"newcastle travel to the stadium of light to face sunderland on sundayclash being billed as ` the desperation derby ' with both sides strugglingjohn carver is fighting to secure his future as manager beyond the seasoncarver has stopped thinking about getting the job on a permanent basisdick advocaat is striving to ensure sunderland remain in premier league\"]\n", + "john carver issues instructions to his players during training on friday ahead of sunday 's derbysunderland are the country 's most out-of-form side and , unless new boss dick advocaat can reverse what is a sorry slide towards the bottom three , they will be back in the championship come august .at last , some good news for sunderland and newcastle united -- apparently form goes out of the window in a derby .\n", + "newcastle travel to the stadium of light to face sunderland on sundayclash being billed as ` the desperation derby ' with both sides strugglingjohn carver is fighting to secure his future as manager beyond the seasoncarver has stopped thinking about getting the job on a permanent basisdick advocaat is striving to ensure sunderland remain in premier league\n", + "[1.2843103 1.3690332 1.2636812 1.2819965 1.2447541 1.0321304 1.1625346\n", + " 1.0546271 1.0806701 1.0814838 1.0708432 1.082672 1.0349644 1.0530702\n", + " 1.0163196 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 6 11 9 8 10 7 13 12 5 14 21 20 19 15 17 16 22 18 23]\n", + "=======================\n", + "[\"an exclusive comres survey for the daily mail and itv news shows the lib dems are up three points to 12 per cent , equal with ukip .ukip has failed to outpoll the liberal democrats for the first time since 2013 in a fresh blow to nigel farage 's faltering election campaign .the poll is the latest bad news for mr farage , and undermines his claim yesterday that support for ukip has ` rallied ' after a lacklustre few weeks .\"]\n", + "=======================\n", + "[\"lib dems move level with ukip for first time since 2013 , according to pollsurvey shows conservatives ' lead has slipped slightly but are still in fronttories on 34 per cent and labour at 33 per cent with less than month to gonick clegg 's lib dems are up three points to 12 per cent , equal with ukip\"]\n", + "an exclusive comres survey for the daily mail and itv news shows the lib dems are up three points to 12 per cent , equal with ukip .ukip has failed to outpoll the liberal democrats for the first time since 2013 in a fresh blow to nigel farage 's faltering election campaign .the poll is the latest bad news for mr farage , and undermines his claim yesterday that support for ukip has ` rallied ' after a lacklustre few weeks .\n", + "lib dems move level with ukip for first time since 2013 , according to pollsurvey shows conservatives ' lead has slipped slightly but are still in fronttories on 34 per cent and labour at 33 per cent with less than month to gonick clegg 's lib dems are up three points to 12 per cent , equal with ukip\n", + "[1.3606199 1.37996 1.1880982 1.2514406 1.224605 1.0910592 1.2929235\n", + " 1.0727216 1.071555 1.1263411 1.0506632 1.0399067 1.0664613 1.031033\n", + " 1.0144713 1.0097598 1.0074987 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 6 3 4 2 9 5 7 8 12 10 11 13 14 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "['the core they hope to retrieve will allow them to look back in time 10 million to 15 million years into the past .researchers plan to drill 5,000 feet ( 1,500 meters ) below the surface of the chicxulub crater in mexico to try and answer the question of how the dinosaurs died out .the impact site is believed to be the 125 mile ( 200km ) wide chicxulub crater buried underneath the yucatán peninsula in mexico .']\n", + "=======================\n", + "['uk researchers studied the asteroid impact 66 million years ago125-mile-wide ( 200 kilometers ) chicxulub crater created by an asteroid']\n", + "the core they hope to retrieve will allow them to look back in time 10 million to 15 million years into the past .researchers plan to drill 5,000 feet ( 1,500 meters ) below the surface of the chicxulub crater in mexico to try and answer the question of how the dinosaurs died out .the impact site is believed to be the 125 mile ( 200km ) wide chicxulub crater buried underneath the yucatán peninsula in mexico .\n", + "uk researchers studied the asteroid impact 66 million years ago125-mile-wide ( 200 kilometers ) chicxulub crater created by an asteroid\n", + "[1.2000078 1.0614485 1.2924778 1.1222475 1.339578 1.1372505 1.0904437\n", + " 1.1225703 1.0674388 1.0177345 1.0909845 1.030018 1.1594127 1.0854647\n", + " 1.0324675 1.0341185 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 4 2 0 12 5 7 3 10 6 13 8 1 15 14 11 9 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"pep guardiola prepares his side for their champions league quarter-final first leg against portobayern munich take on porto on wednesday night and even though they are contending with an injury crisis which leaves them without bastian schweinsteiger , franck ribery and arjen robben among others you might anticipate a sixth champions league semi-final for guardiola in his six years of management .it 's all pep guardiola 's fault ; him and the good folk of scotland or , at least , st andrews .\"]\n", + "=======================\n", + "['bayern munich take on porto in the champions league quarter-finalpep guardiola bidding to reach sixth semi-final in sixth year as a managerfrom 2005-2009 england had 12 out of 20 champions league semi-finalistsin last five years only three semi-finalists have been from premier leagueguardiola changed barcelona tactically , introducing relentless pressinglionel messi brought into it when guardiola supported him against the clubpremier league clubs have struggled to cope with that intensity in europe']\n", + "pep guardiola prepares his side for their champions league quarter-final first leg against portobayern munich take on porto on wednesday night and even though they are contending with an injury crisis which leaves them without bastian schweinsteiger , franck ribery and arjen robben among others you might anticipate a sixth champions league semi-final for guardiola in his six years of management .it 's all pep guardiola 's fault ; him and the good folk of scotland or , at least , st andrews .\n", + "bayern munich take on porto in the champions league quarter-finalpep guardiola bidding to reach sixth semi-final in sixth year as a managerfrom 2005-2009 england had 12 out of 20 champions league semi-finalistsin last five years only three semi-finalists have been from premier leagueguardiola changed barcelona tactically , introducing relentless pressinglionel messi brought into it when guardiola supported him against the clubpremier league clubs have struggled to cope with that intensity in europe\n", + "[1.4703915 1.1686454 1.20642 1.1478117 1.0673774 1.0517279 1.2113212\n", + " 1.0881778 1.0606381 1.0581735 1.0236853 1.0488548 1.0218878 1.0462177\n", + " 1.0250205 1.1670203 1.05475 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 6 2 1 15 3 7 4 8 9 16 5 11 13 14 10 12 22 17 18 19 20 21 23]\n", + "=======================\n", + "['boston ( cnn ) sending boston marathon bomber dzhokhar tsarnaev to prison for the rest of his life would bring years of punishment and rob him of martyrdom , jurors were told monday .bruck told jurors there are only two punishments for them to choose from : death , or life in prison without any possibility of parole .\" no punishment could ever be equal to the terrible effects of this crime on the survivors and the victims \\' families , \" he said .']\n", + "=======================\n", + "['defense expected to show dzhokhar tsarnaev as a puppet of his dominant older brothera deadlocked jury would result in an automatic life sentence for tsarnaev']\n", + "boston ( cnn ) sending boston marathon bomber dzhokhar tsarnaev to prison for the rest of his life would bring years of punishment and rob him of martyrdom , jurors were told monday .bruck told jurors there are only two punishments for them to choose from : death , or life in prison without any possibility of parole .\" no punishment could ever be equal to the terrible effects of this crime on the survivors and the victims ' families , \" he said .\n", + "defense expected to show dzhokhar tsarnaev as a puppet of his dominant older brothera deadlocked jury would result in an automatic life sentence for tsarnaev\n", + "[1.2408482 1.337114 1.315404 1.3106652 1.0593854 1.0959835 1.108327\n", + " 1.0782037 1.1013207 1.1062804 1.0592601 1.0171195 1.0884213 1.0712917\n", + " 1.0183065 1.0236902 1.0135423 1.109741 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 0 17 6 9 8 5 12 7 13 4 10 15 14 11 16 21 18 19 20 22]\n", + "=======================\n", + "[\"sir david nicholson is the latest expert to warn that ed miliband 's plans will not provide enough cash to keep the service going .he was branded the ` man with no shame ' after refusing to resign over the mid staffs scandal which led to 1,200 needless deaths .sir david : the former head of the nhs 's criticism of labour threatens to demolish its claim to be the champion of the nhs\"]\n", + "=======================\n", + "[\"sir david nicholson warned labour about failing to match tory nhs pledgeformer head of nhs said it would leave health service in a ` financial hole 'branded ` man with no shame ' on refusing to resign over mid staffs scandal\"]\n", + "sir david nicholson is the latest expert to warn that ed miliband 's plans will not provide enough cash to keep the service going .he was branded the ` man with no shame ' after refusing to resign over the mid staffs scandal which led to 1,200 needless deaths .sir david : the former head of the nhs 's criticism of labour threatens to demolish its claim to be the champion of the nhs\n", + "sir david nicholson warned labour about failing to match tory nhs pledgeformer head of nhs said it would leave health service in a ` financial hole 'branded ` man with no shame ' on refusing to resign over mid staffs scandal\n", + "[1.3194945 1.3642462 1.1924413 1.3424525 1.055132 1.0581442 1.0699806\n", + " 1.1803333 1.0728358 1.0551672 1.0660472 1.1243616 1.0566618 1.0588818\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 2 7 11 8 6 10 13 5 12 9 4 20 19 18 14 16 15 21 17 22]\n", + "=======================\n", + "[\"the convicted bomber 's aunt , maret tsarnaeva , and two other relatives told time in an interview this week in chechen capital , grozny , that they believed he was wrongly convicted as part of a conspiracy by the u.s. .relatives of boston bomber dzhokhar tsarnaev are refusing to accept that he was behind the marathon terrorist attack and want his defense lawyers fired .the bomber 's uncle , said-hussein tsarnaev , told the magazine that ` american special services ' orchestrated the 2013 terrorist attack which left three dead and hundreds more wounded .\"]\n", + "=======================\n", + "[\"three of the convicted bomber 's family members said they believe dzhokhar tsarnaev was the victim of a conspiracyan uncle said ` american special services ' orchestrated the 2013 terrorist attack which left three dead and hundreds more woundedtsarnaev was found guilty by a boston jury on april 8 of all 30 counts - 17 of them carrying the death penaltythe death penalty phase of his trial begins on april 21\"]\n", + "the convicted bomber 's aunt , maret tsarnaeva , and two other relatives told time in an interview this week in chechen capital , grozny , that they believed he was wrongly convicted as part of a conspiracy by the u.s. .relatives of boston bomber dzhokhar tsarnaev are refusing to accept that he was behind the marathon terrorist attack and want his defense lawyers fired .the bomber 's uncle , said-hussein tsarnaev , told the magazine that ` american special services ' orchestrated the 2013 terrorist attack which left three dead and hundreds more wounded .\n", + "three of the convicted bomber 's family members said they believe dzhokhar tsarnaev was the victim of a conspiracyan uncle said ` american special services ' orchestrated the 2013 terrorist attack which left three dead and hundreds more woundedtsarnaev was found guilty by a boston jury on april 8 of all 30 counts - 17 of them carrying the death penaltythe death penalty phase of his trial begins on april 21\n", + "[1.2032787 1.2079195 1.4111366 1.1167619 1.0727564 1.1252313 1.0606148\n", + " 1.0336301 1.0271755 1.0569369 1.0487217 1.0935544 1.0441461 1.036863\n", + " 1.0951184 1.0355705 1.060756 1.0878966 1.0165879 1.044405 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 1 0 5 3 14 11 17 4 16 6 9 10 19 12 13 15 7 8 18 21 20 22]\n", + "=======================\n", + "[\"now that he has been found guilty on every count , the jury must decide whether boston marathon bomber tsarnaev , 21 , should live or die for what he has done .but on tuesday , jurors also began to hear about the holes his bombs left in the hearts of the survivors and the families of the dead .boston ( cnn ) dzhokhar tsarnaev 's bombs tore through their bodies : singeing flesh , shattering bones , shredding muscles and severing limbs .\"]\n", + "=======================\n", + "[\"the sentencing phase in dzhokhar tsarnaev 's trial begins in a federal court in bostonprosecutor shows pictures of the four victims and tsarnaev flipping his middle fingervictims testify about the impact of the bombing on their lives\"]\n", + "now that he has been found guilty on every count , the jury must decide whether boston marathon bomber tsarnaev , 21 , should live or die for what he has done .but on tuesday , jurors also began to hear about the holes his bombs left in the hearts of the survivors and the families of the dead .boston ( cnn ) dzhokhar tsarnaev 's bombs tore through their bodies : singeing flesh , shattering bones , shredding muscles and severing limbs .\n", + "the sentencing phase in dzhokhar tsarnaev 's trial begins in a federal court in bostonprosecutor shows pictures of the four victims and tsarnaev flipping his middle fingervictims testify about the impact of the bombing on their lives\n", + "[1.4356853 1.3883214 1.1882066 1.1655934 1.246343 1.1022494 1.1477847\n", + " 1.1052377 1.0624484 1.0880601 1.0616367 1.0931203 1.0509751 1.0215827\n", + " 1.0231931 1.033424 1.0912781 1.0088857 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 4 2 3 6 7 5 11 16 9 8 10 12 15 14 13 17 21 18 19 20 22]\n", + "=======================\n", + "[\"seoul ( cnn ) south korea 's prime minister lee wan-koo offered to resign on monday amid a growing political scandal .lee will stay in his official role until south korean president park geun-hye accepts his resignation .calls for lee to resign began after south korean tycoon sung woan-jong was found hanging from a tree in seoul in an apparent suicide on april 9 .\"]\n", + "=======================\n", + "['calls for lee wan-koo to resign began after south korean tycoon sung woan-jong was found hanging from a tree in seoulsung , who was under investigation for fraud and bribery , left a note listing names and amounts of cash given to top officials']\n", + "seoul ( cnn ) south korea 's prime minister lee wan-koo offered to resign on monday amid a growing political scandal .lee will stay in his official role until south korean president park geun-hye accepts his resignation .calls for lee to resign began after south korean tycoon sung woan-jong was found hanging from a tree in seoul in an apparent suicide on april 9 .\n", + "calls for lee wan-koo to resign began after south korean tycoon sung woan-jong was found hanging from a tree in seoulsung , who was under investigation for fraud and bribery , left a note listing names and amounts of cash given to top officials\n", + "[1.0250309 1.0347152 1.0300784 1.0370142 1.2206419 1.222397 1.0452586\n", + " 1.0225095 1.0376854 1.0434155 1.0286504 1.0836282 1.0524951 1.0408527\n", + " 1.0434303 1.0721788 1.0201184 1.0349213 1.1666236 1.0305885 1.0488575\n", + " 1.0275054 1.041648 ]\n", + "\n", + "[ 5 4 18 11 15 12 20 6 14 9 22 13 8 3 17 1 19 2 10 21 0 7 16]\n", + "=======================\n", + "['born into a family of teachers , jia jiang was so determined to become an entrepreneur that , as a child in china , he dug a hole in the garden , intending to reach america by the shortest route .it would take someone exceptionally optimistic and uncynical to propose an alternative thesis , and jia jiang is both of those .the problem was he inevitably encountered rejection , mainly from potential backers for his project ( another iphone app no one could possibly need or want ) .']\n", + "=======================\n", + "[\"it does n't matter where it comes from - no one likes being rejectedand in each and every case there 's nothing we can do about itjia jiang , with his exceptional optimism , proposes an alternative thesishe has developed an entertaining study of rejection in all its many forms\"]\n", + "born into a family of teachers , jia jiang was so determined to become an entrepreneur that , as a child in china , he dug a hole in the garden , intending to reach america by the shortest route .it would take someone exceptionally optimistic and uncynical to propose an alternative thesis , and jia jiang is both of those .the problem was he inevitably encountered rejection , mainly from potential backers for his project ( another iphone app no one could possibly need or want ) .\n", + "it does n't matter where it comes from - no one likes being rejectedand in each and every case there 's nothing we can do about itjia jiang , with his exceptional optimism , proposes an alternative thesishe has developed an entertaining study of rejection in all its many forms\n", + "[1.1705753 1.460412 1.3632666 1.3339534 1.1836627 1.1362758 1.1306392\n", + " 1.0349208 1.2293074 1.1309179 1.0724131 1.0660354 1.0419116 1.0437646\n", + " 1.011884 1.0077913 1.0350387 1.0434183 1.0419766 0. ]\n", + "\n", + "[ 1 2 3 8 4 0 5 9 6 10 11 13 17 18 12 16 7 14 15 19]\n", + "=======================\n", + "[\"kyle major , from blackpool , lancashire , followed his victim - who had just asked his group of friends for directions - and felled him from behind with a punch to the back of the head .paul walker , 52 , was thought to be unconscious before his chin hit the ground and died shortly afterwards in hospital .teenager kyle major cowardly killed father of two paul walker in the early hours of new year 's day\"]\n", + "=======================\n", + "['kyle major killed paul walker with a single punch to the back of his headteenager drunk six bottles of lager and a quarter of a bottle of whiskeyregularly drank to excess and was also habitual cannabis userhe was under supervision of a youth offending team since december 2013the 52 year old father-of-two was unconscious before chin hit the ground']\n", + "kyle major , from blackpool , lancashire , followed his victim - who had just asked his group of friends for directions - and felled him from behind with a punch to the back of the head .paul walker , 52 , was thought to be unconscious before his chin hit the ground and died shortly afterwards in hospital .teenager kyle major cowardly killed father of two paul walker in the early hours of new year 's day\n", + "kyle major killed paul walker with a single punch to the back of his headteenager drunk six bottles of lager and a quarter of a bottle of whiskeyregularly drank to excess and was also habitual cannabis userhe was under supervision of a youth offending team since december 2013the 52 year old father-of-two was unconscious before chin hit the ground\n", + "[1.2449249 1.3234909 1.100907 1.2830181 1.1902566 1.0818565 1.1037347\n", + " 1.1247035 1.0334921 1.023168 1.0964336 1.0997792 1.065949 1.05113\n", + " 1.0221332 1.0141381 1.0143871 1.1185257 1.0452824 1.0293901]\n", + "\n", + "[ 1 3 0 4 7 17 6 2 11 10 5 12 13 18 8 19 9 14 16 15]\n", + "=======================\n", + "['the tallest and fastest \" giga-coaster \" in the world .these are some of the best videos of the week :( cnn ) a trip to a former heavyweight champ \\'s gaudy , abandoned mansion .']\n", + "=======================\n", + "[\"here are six of cnn 's best videos of the weekclips include a look at mike tyson 's abandoned mansion\"]\n", + "the tallest and fastest \" giga-coaster \" in the world .these are some of the best videos of the week :( cnn ) a trip to a former heavyweight champ 's gaudy , abandoned mansion .\n", + "here are six of cnn 's best videos of the weekclips include a look at mike tyson 's abandoned mansion\n", + "[1.2259511 1.4632335 1.3162882 1.2910396 1.1786654 1.1399623 1.133146\n", + " 1.0353382 1.1972252 1.1950645 1.1146414 1.0615833 1.0229455 1.0272083\n", + " 1.0853908 1.0250936 1.0147424 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 8 9 4 5 6 10 14 11 7 13 15 12 16 18 17 19]\n", + "=======================\n", + "['the unnamed woman has been placed in an isolation ward at canberra hospital for treatment on friday with doctors and nurses wearing full protective clothing .the woman did not treat any cases of the deadly virus where she worked at an ebola treatment clinic in liberia before she arrived in australia on april 5 .a healthcare worker who recently returned from west africa has been taken to a hospital after displaying symptoms which could be the deadly ebola virus .']\n", + "=======================\n", + "[\"an ill female health worker is being treated for ebola on fridayshe 's been admitted to canberra hospital after returning from west africathe unnamed woman was working at an ebola treatment clinic in liberiait 's understood the woman did not treat any cases of ebola overseasshe 's being treated in isolation under the hospital 's ebola protocolthe results of the ebola test are expected to be known within 72 hours\"]\n", + "the unnamed woman has been placed in an isolation ward at canberra hospital for treatment on friday with doctors and nurses wearing full protective clothing .the woman did not treat any cases of the deadly virus where she worked at an ebola treatment clinic in liberia before she arrived in australia on april 5 .a healthcare worker who recently returned from west africa has been taken to a hospital after displaying symptoms which could be the deadly ebola virus .\n", + "an ill female health worker is being treated for ebola on fridayshe 's been admitted to canberra hospital after returning from west africathe unnamed woman was working at an ebola treatment clinic in liberiait 's understood the woman did not treat any cases of ebola overseasshe 's being treated in isolation under the hospital 's ebola protocolthe results of the ebola test are expected to be known within 72 hours\n", + "[1.1589499 1.2782547 1.3518033 1.1858214 1.1483753 1.0398673 1.0281408\n", + " 1.0676887 1.1190821 1.0901097 1.0508858 1.0545894 1.0798324 1.0544426\n", + " 1.0746138 1.0744954 1.0140367 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 0 4 8 9 12 14 15 7 11 13 10 5 6 16 18 17 19]\n", + "=======================\n", + "['cave photographer , john spies , 59 , captured the sheer magnificence of the vast , yet intricate , underground wonderland .enormous banks of terraced flowstone decorate the walls of the cave in many places .laos is a popular tourist destination known for its beautiful scenery and ornate temples , however not many people venture below the surface and discover that what is underground is perhaps even more spectacular .']\n", + "=======================\n", + "['the tham khoun ex cave has 15km of spectacular caves waiting to be explore by kayakexplorers can witness the incredible caverns , lake and even the vibrant forest at the entrancecave photographer john spies captured the labyrinthine chambers to unfold the mystery']\n", + "cave photographer , john spies , 59 , captured the sheer magnificence of the vast , yet intricate , underground wonderland .enormous banks of terraced flowstone decorate the walls of the cave in many places .laos is a popular tourist destination known for its beautiful scenery and ornate temples , however not many people venture below the surface and discover that what is underground is perhaps even more spectacular .\n", + "the tham khoun ex cave has 15km of spectacular caves waiting to be explore by kayakexplorers can witness the incredible caverns , lake and even the vibrant forest at the entrancecave photographer john spies captured the labyrinthine chambers to unfold the mystery\n", + "[1.2225388 1.4399277 1.3614402 1.2842684 1.1911857 1.2696183 1.0945556\n", + " 1.1452768 1.1197201 1.0992035 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 5 0 4 7 8 9 6 18 10 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"the plane began to plunge after it was struck by lightning , but autopilot ignored the pilot 's commands to climb and tried to crash the plane into the sea .the airliner pitched down , falling at 9,500 ft a minute , and fell to just 1,100 ft above the ocean before its commander wrestled back control just moments before it was about to crash into the icy water .the island-hopping loganair flight from aberdeen to shetland was put off its approach by thunderstorms , snow , hail and 70mph winds on the evening of december 15 .\"]\n", + "=======================\n", + "[\"loganair aberdeen to shetland flight struck by lightning on approachplunged to just 1,100 ft above the ocean before pilot regained controlprobe found autopilot ignored pilot 's commands to climb and tried to crash\"]\n", + "the plane began to plunge after it was struck by lightning , but autopilot ignored the pilot 's commands to climb and tried to crash the plane into the sea .the airliner pitched down , falling at 9,500 ft a minute , and fell to just 1,100 ft above the ocean before its commander wrestled back control just moments before it was about to crash into the icy water .the island-hopping loganair flight from aberdeen to shetland was put off its approach by thunderstorms , snow , hail and 70mph winds on the evening of december 15 .\n", + "loganair aberdeen to shetland flight struck by lightning on approachplunged to just 1,100 ft above the ocean before pilot regained controlprobe found autopilot ignored pilot 's commands to climb and tried to crash\n", + "[1.2288089 1.3834745 1.2472222 1.4140615 1.082047 1.1365811 1.1570795\n", + " 1.117189 1.046084 1.0723674 1.0525393 1.0719122 1.1379395 1.0566405\n", + " 1.0137544 1.0157987 1.02275 1.0258927 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 0 6 12 5 7 4 9 11 13 10 8 17 16 15 14 25 18 19 20 21 22\n", + " 23 24 26]\n", + "=======================\n", + "[\"zhou qunfei , 45 , has been named china 's richest woman after her company lens technology went publicthe 45-year-old , whose company supplies protective window glass used in apple devices , was born into extreme poverty in a village in rural china .her mother died when she was five .\"]\n", + "=======================\n", + "['zhou qunfei born in poverty in rural china and started work on shop floorquickly promoted before she set up her own company at age of 22her company went public on march 18 and her shares worth # 4.9 billionpatented scratch-persistent glass was inspired by rainfall on lotus leaves']\n", + "zhou qunfei , 45 , has been named china 's richest woman after her company lens technology went publicthe 45-year-old , whose company supplies protective window glass used in apple devices , was born into extreme poverty in a village in rural china .her mother died when she was five .\n", + "zhou qunfei born in poverty in rural china and started work on shop floorquickly promoted before she set up her own company at age of 22her company went public on march 18 and her shares worth # 4.9 billionpatented scratch-persistent glass was inspired by rainfall on lotus leaves\n", + "[1.3967667 1.4783126 1.2674814 1.1283973 1.0846255 1.2018913 1.1231183\n", + " 1.1417643 1.1411566 1.0797021 1.0444263 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 5 7 8 3 6 4 9 10 19 24 23 22 21 20 18 13 16 15 14 25 12\n", + " 11 17 26]\n", + "=======================\n", + "[\"natal 's dunas arena is being sold by owner grupo oas , with the company also trying to sell the 50 percent share it owns of the fonte nova arena in salvador .brazil 's world cup stadium in natal is up for sale as the company that owns it is suffering from cash flow problems following a corruption scandal .the company has struggled for months with the impact of a corruption investigation at state-controlled oil company petrobras , which undercut the builder 's access to financing .\"]\n", + "=======================\n", + "[\"natal 's dunas arena , which held four world cup matches , is up for saleits owners are suffering from cash flow problems after a corruption scandalthe company is also selling a 50 percent share of salvador 's fonte nova arena , which held six matches last summer\"]\n", + "natal 's dunas arena is being sold by owner grupo oas , with the company also trying to sell the 50 percent share it owns of the fonte nova arena in salvador .brazil 's world cup stadium in natal is up for sale as the company that owns it is suffering from cash flow problems following a corruption scandal .the company has struggled for months with the impact of a corruption investigation at state-controlled oil company petrobras , which undercut the builder 's access to financing .\n", + "natal 's dunas arena , which held four world cup matches , is up for saleits owners are suffering from cash flow problems after a corruption scandalthe company is also selling a 50 percent share of salvador 's fonte nova arena , which held six matches last summer\n", + "[1.2397994 1.4850012 1.3362908 1.3405652 1.1083549 1.1061739 1.0728922\n", + " 1.090073 1.1015007 1.0510846 1.076669 1.0615016 1.0296295 1.0168982\n", + " 1.0174682 1.093741 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 8 15 7 10 6 11 9 12 14 13 16 17 18 19 20 21 22 23\n", + " 24 25 26]\n", + "=======================\n", + "['american mohamed soltan , 27 , and 36 others were given life sentences as mohamed badie , the spiritual leader of the muslim brotherhood , and 13 other defendants were ordered to be executed .the defendants were found guilty of plotting unrest from their headquarters in a sprawling cairo protest camp in the months after a military coup overthrew islamist president mohamed morsi in july 2013 .an american-egyptian citizen was jailed for life as an egyptian judge handed down harsh punishments to now outlawed muslim group .']\n", + "=======================\n", + "[\"confirmed death sentences for muslim brotherhood leader and 13 othersamerican-egyptian mohamed soltan , 27 , sentenced to life in prisonhe lived in missouri , michigan and ohio before moving to egypt in 2012found guilty of ` plotting unrest ' after coup against president morsi in 2013ohio state graduate had worked as journalists ' translator at protest sitehe had lost 98 pounds during his hunger strike as of last year\"]\n", + "american mohamed soltan , 27 , and 36 others were given life sentences as mohamed badie , the spiritual leader of the muslim brotherhood , and 13 other defendants were ordered to be executed .the defendants were found guilty of plotting unrest from their headquarters in a sprawling cairo protest camp in the months after a military coup overthrew islamist president mohamed morsi in july 2013 .an american-egyptian citizen was jailed for life as an egyptian judge handed down harsh punishments to now outlawed muslim group .\n", + "confirmed death sentences for muslim brotherhood leader and 13 othersamerican-egyptian mohamed soltan , 27 , sentenced to life in prisonhe lived in missouri , michigan and ohio before moving to egypt in 2012found guilty of ` plotting unrest ' after coup against president morsi in 2013ohio state graduate had worked as journalists ' translator at protest sitehe had lost 98 pounds during his hunger strike as of last year\n", + "[1.3564626 1.1126443 1.0772783 1.1097441 1.0801932 1.4402503 1.2078819\n", + " 1.2899969 1.1049564 1.0134202 1.013723 1.092822 1.020401 1.0228828\n", + " 1.0419059 1.0111108 1.0456517 1.1106194 1.1411419 1.025435 1.0110034\n", + " 1.0087887 1.0103264 1.0095 1.0113018 1.0752484 1.13151 ]\n", + "\n", + "[ 5 0 7 6 18 26 1 17 3 8 11 4 2 25 16 14 19 13 12 10 9 24 15 20\n", + " 22 23 21]\n", + "=======================\n", + "['liverpool boss brendan rodgers has conceded defeat in his quest for the top fourarsenal have won 17 of their 20 games since christmas in all competitions .liverpool players leave the pitch after the 4-1 defeat against arsenal on saturday afternoon']\n", + "=======================\n", + "[\"liverpool suffered 4-1 premier league defeat by rivals arsenalthe defeat greatly reduced liverpool 's chances of top four finishbrendan rodgers admits top players want champions league football\"]\n", + "liverpool boss brendan rodgers has conceded defeat in his quest for the top fourarsenal have won 17 of their 20 games since christmas in all competitions .liverpool players leave the pitch after the 4-1 defeat against arsenal on saturday afternoon\n", + "liverpool suffered 4-1 premier league defeat by rivals arsenalthe defeat greatly reduced liverpool 's chances of top four finishbrendan rodgers admits top players want champions league football\n", + "[1.125551 1.5358169 1.2260925 1.4076409 1.0513883 1.0946943 1.1579155\n", + " 1.1444752 1.1605834 1.0784508 1.0757414 1.0567056 1.1262271 1.1472404\n", + " 1.0582331 1.0314394 1.0108125 1.0419403 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 8 6 13 7 12 0 5 9 10 14 11 4 17 15 16 25 18 19 20 21 22\n", + " 23 24 26]\n", + "=======================\n", + "[\"richard hutchinson , 40 , from thornaby-on-tees , north yorkshire , has been jailed for two years for attacking his victim without warning after the pair fell out over a debt of # 300 .teesside crown court heard that the pair had a ` long-running ' feud after hutchinson borrowed the money but had not paid it all back .he was taken to hospital with a skull fracture and bleed on the brain and had to remain in intensive care for 16 days .\"]\n", + "=======================\n", + "[\"richard hutchinson attacked former friend in betting shop in money rowhe landed a single punch to victim 's face causing brain bleed and fracturehis victim spent 16 days in intensive care and a further 11 days in hospitalhutchinson , 40 , admitted grievous bodily harm and jailed for two years\"]\n", + "richard hutchinson , 40 , from thornaby-on-tees , north yorkshire , has been jailed for two years for attacking his victim without warning after the pair fell out over a debt of # 300 .teesside crown court heard that the pair had a ` long-running ' feud after hutchinson borrowed the money but had not paid it all back .he was taken to hospital with a skull fracture and bleed on the brain and had to remain in intensive care for 16 days .\n", + "richard hutchinson attacked former friend in betting shop in money rowhe landed a single punch to victim 's face causing brain bleed and fracturehis victim spent 16 days in intensive care and a further 11 days in hospitalhutchinson , 40 , admitted grievous bodily harm and jailed for two years\n", + "[1.2209067 1.3317695 1.4368496 1.0824685 1.3066198 1.3465675 1.0327607\n", + " 1.1113862 1.0174774 1.0890613 1.083717 1.0328767 1.0758828 1.072603\n", + " 1.0354897 1.0165136 1.0943828 0. 0. 0. 0. ]\n", + "\n", + "[ 2 5 1 4 0 7 16 9 10 3 12 13 14 11 6 8 15 19 17 18 20]\n", + "=======================\n", + "[\"now locals filomena d'alessandro and bill green have claimed the infant 's body in order to provide her with a fitting farewell .on november 30 , 2014 , two young boys were playing on maroubra beach when they uncovered the body of a baby girl buried under 30 centimetres of sand .since january the couple , who were married last year and have three children between them , have been trying to claim the baby after they heard police were going to give her a ` destitute burial ' .\"]\n", + "=======================\n", + "[\"sydney family claimed the remains of a baby found on maroubra beachfilomena d'alessandro and bill green have vowed to give her a funeralthe baby 's body was found by two boys , buried in sand on november 30the infant was found about 20-30 metres from the water 's edgepolice were unable to identify the baby girl or her parents\"]\n", + "now locals filomena d'alessandro and bill green have claimed the infant 's body in order to provide her with a fitting farewell .on november 30 , 2014 , two young boys were playing on maroubra beach when they uncovered the body of a baby girl buried under 30 centimetres of sand .since january the couple , who were married last year and have three children between them , have been trying to claim the baby after they heard police were going to give her a ` destitute burial ' .\n", + "sydney family claimed the remains of a baby found on maroubra beachfilomena d'alessandro and bill green have vowed to give her a funeralthe baby 's body was found by two boys , buried in sand on november 30the infant was found about 20-30 metres from the water 's edgepolice were unable to identify the baby girl or her parents\n", + "[1.4129803 1.1170356 1.2173518 1.1296747 1.1225632 1.1316851 1.0992601\n", + " 1.0789806 1.0552773 1.0573584 1.06424 1.0701897 1.0696919 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 5 3 4 1 6 7 11 12 10 9 8 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "['ahead of another weekend in the barclays premier league , sportsmail brings you the latest squad news , odds and stats on every top flight fixture as it breaks .keep up-to-date with all the latest team news and stats ahead of the premier league weekendleicester city vs west ham united ( 3pm )']\n", + "=======================\n", + "['arsenal host liverpool in explosive return from international footballmanchester united feature at saturday 3pm when they take on aston villaleague leaders chelsea welcome stoke city in saturday evening kick offbarclays premier league champions manchester city travel to crystal palace for monday night footballsunderland and newcastle united clash in wear-tyne derby on sunday']\n", + "ahead of another weekend in the barclays premier league , sportsmail brings you the latest squad news , odds and stats on every top flight fixture as it breaks .keep up-to-date with all the latest team news and stats ahead of the premier league weekendleicester city vs west ham united ( 3pm )\n", + "arsenal host liverpool in explosive return from international footballmanchester united feature at saturday 3pm when they take on aston villaleague leaders chelsea welcome stoke city in saturday evening kick offbarclays premier league champions manchester city travel to crystal palace for monday night footballsunderland and newcastle united clash in wear-tyne derby on sunday\n", + "[1.0562904 1.5136023 1.3740025 1.4147903 1.0622305 1.0530835 1.1004828\n", + " 1.0238593 1.0188582 1.0271622 1.1924998 1.1245937 1.0239608 1.0251428\n", + " 1.0279838 1.0226004 1.0128888 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 10 11 6 4 0 5 14 9 13 12 7 15 8 16 19 17 18 20]\n", + "=======================\n", + "[\"founded by former nida graduate shannon dooley , 30 , the aerobics classes with a twist are all about ` making fitness fabulous ' .getting physical : shannon dooley has founded ` retrosweat ' - an eighties-inspired aerobics class in the style of jane fonda 's iconic workoutsdescribed as ` freestyle aerobic workout , ' retrosweat is inspired by the era of old-school vhs workouts made famous by jane fonda , and involves choreography to match the eighties soundtrack .\"]\n", + "=======================\n", + "[\"` retrosweat ' aerobics classes allow attendees to ` forget 2015 for an hour 'classes dress up in skimpy leotards and work up a sweat to eighties hitsclasses currently run in sydney 's alexandria and surry hillsfounder shannon dooley also offers ` dial-a-sweat ' class for hens parties\"]\n", + "founded by former nida graduate shannon dooley , 30 , the aerobics classes with a twist are all about ` making fitness fabulous ' .getting physical : shannon dooley has founded ` retrosweat ' - an eighties-inspired aerobics class in the style of jane fonda 's iconic workoutsdescribed as ` freestyle aerobic workout , ' retrosweat is inspired by the era of old-school vhs workouts made famous by jane fonda , and involves choreography to match the eighties soundtrack .\n", + "` retrosweat ' aerobics classes allow attendees to ` forget 2015 for an hour 'classes dress up in skimpy leotards and work up a sweat to eighties hitsclasses currently run in sydney 's alexandria and surry hillsfounder shannon dooley also offers ` dial-a-sweat ' class for hens parties\n", + "[1.1425478 1.4981328 1.2629704 1.4008392 1.2769139 1.3020873 1.143992\n", + " 1.1450212 1.0447417 1.0388528 1.1240033 1.0483536 1.0313201 1.0088086\n", + " 1.00905 1.0178586 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 5 4 2 7 6 0 10 11 8 9 12 15 14 13 19 16 17 18 20]\n", + "=======================\n", + "[\"jericho scott , 16 , who became an internet star after being told he could n't pitch for his little league team because he had a 40mph fastball at age nine , was shot dead in new haven early on sunday .scott was killed while he sat in a white volkswagen with a 20-year-old friend , justin compress , who was shot in the shoulder , hand and wrist but is now in stable condition .the budding star had five no-hitters in the team 's first eight games of the season before he was told he had to sit or switch positions , the hartford courant reported .\"]\n", + "=======================\n", + "[\"jericho scott , 16 , was shot dead in new haven , connecticut , on sundayscott was told he could no longer pitch for will power fitness team in 2009youth baseball league of new haven officials said he pitched too fastsunday 's murder was city 's fourth homicide of 2015 and first youth killing\"]\n", + "jericho scott , 16 , who became an internet star after being told he could n't pitch for his little league team because he had a 40mph fastball at age nine , was shot dead in new haven early on sunday .scott was killed while he sat in a white volkswagen with a 20-year-old friend , justin compress , who was shot in the shoulder , hand and wrist but is now in stable condition .the budding star had five no-hitters in the team 's first eight games of the season before he was told he had to sit or switch positions , the hartford courant reported .\n", + "jericho scott , 16 , was shot dead in new haven , connecticut , on sundayscott was told he could no longer pitch for will power fitness team in 2009youth baseball league of new haven officials said he pitched too fastsunday 's murder was city 's fourth homicide of 2015 and first youth killing\n", + "[1.2562845 1.3725859 1.3395658 1.2703686 1.1694603 1.1662908 1.1030917\n", + " 1.0322509 1.0393575 1.18856 1.0208002 1.0530292 1.0694494 1.1981821\n", + " 1.0589225 1.0343064 1.0683236 1.0397872 1.0347967 1.0154159 1.0100006]\n", + "\n", + "[ 1 2 3 0 13 9 4 5 6 12 16 14 11 17 8 18 15 7 10 19 20]\n", + "=======================\n", + "['so developers in los angeles have designed a case that adds the iconic directional arrows , plus the a and b buttons , from the nintendo game boy to an iphone .called smart boy , the attachment also lets gamers play their existing game boy and game boy color games cartridges on their apple handset .more than 600 million smartphone and tablet owners use their devices to play games .']\n", + "=======================\n", + "[\"attachment was originally devised as part of an april fool 's jokebut the la-based firm has now announced it is making the case a realitycalled smart boy , it attaches to a phone and works with existing cartridgesprice and release details have not yet been announced\"]\n", + "so developers in los angeles have designed a case that adds the iconic directional arrows , plus the a and b buttons , from the nintendo game boy to an iphone .called smart boy , the attachment also lets gamers play their existing game boy and game boy color games cartridges on their apple handset .more than 600 million smartphone and tablet owners use their devices to play games .\n", + "attachment was originally devised as part of an april fool 's jokebut the la-based firm has now announced it is making the case a realitycalled smart boy , it attaches to a phone and works with existing cartridgesprice and release details have not yet been announced\n", + "[1.3048412 1.4297676 1.2089012 1.185045 1.0741974 1.3491985 1.0628811\n", + " 1.035687 1.2058122 1.0648443 1.0493184 1.057713 1.0685878 1.0519927\n", + " 1.0681695 1.0898861 1.0422723 1.0226603 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 5 0 2 8 3 15 4 12 14 9 6 11 13 10 16 7 17 18 19 20 21 22 23]\n", + "=======================\n", + "['mark hawkins reportedly barricaded himself inside the greyhound-style bus in the parking lot of a walmart in salem , oregon , after he was approached by police , who believed him to be wanted .wrecked : mark hawkins , 49 , who was holed up in a vintage blue bus has been shot dead following a seven-hour standoff with swat officers .the bullet struck a police dog named baco in the head , prompting an exchange of gunfire between officers and hawkins .']\n", + "=======================\n", + "[\"mark hawkins , 49 , allegedly barricaded himself inside a vintage blue buswanted for failing to appear in court for ` delivery of controlled substance 'during seven-hour standoff , hawkins ` shot and wounded police dog 'swat team fired over 12 rounds of tear gas in bid to force him out of busthey finally decided to ram armored car into vehicle , punching holes in itat about 6.30 pm friday , hawkins was shot nine times by cops ; later diedofficers involved are on administrative leave ; an investigation is ongoing\"]\n", + "mark hawkins reportedly barricaded himself inside the greyhound-style bus in the parking lot of a walmart in salem , oregon , after he was approached by police , who believed him to be wanted .wrecked : mark hawkins , 49 , who was holed up in a vintage blue bus has been shot dead following a seven-hour standoff with swat officers .the bullet struck a police dog named baco in the head , prompting an exchange of gunfire between officers and hawkins .\n", + "mark hawkins , 49 , allegedly barricaded himself inside a vintage blue buswanted for failing to appear in court for ` delivery of controlled substance 'during seven-hour standoff , hawkins ` shot and wounded police dog 'swat team fired over 12 rounds of tear gas in bid to force him out of busthey finally decided to ram armored car into vehicle , punching holes in itat about 6.30 pm friday , hawkins was shot nine times by cops ; later diedofficers involved are on administrative leave ; an investigation is ongoing\n", + "[1.3412361 1.5008731 1.2753496 1.3629732 1.2551564 1.1024667 1.1177545\n", + " 1.1180942 1.0877116 1.1465958 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 9 7 6 5 8 21 20 19 18 17 16 11 14 13 12 22 10 15 23]\n", + "=======================\n", + "['off-spinner hafeez , 34 , was banned from bowling after being reported for a suspect action five months ago in the first test against new zealand in abu dhabi and then failing an initial test on its legality .pakistan all-rounder mohammad hafeez is free to resume bowling in international cricket after remedial work and a re-test on his action .he was therefore unable to be selected to bowl in the world cup , but injured his calf anyway and was ruled out of the global tournament in australia and new zealand .']\n", + "=======================\n", + "['mohammad hafeez was banned from bowling after being reported for a suspect actionthe pakistan all-rounder then injured his calf and missed out on world cupbut the off-spinner has recovered from the injury and can bowl again']\n", + "off-spinner hafeez , 34 , was banned from bowling after being reported for a suspect action five months ago in the first test against new zealand in abu dhabi and then failing an initial test on its legality .pakistan all-rounder mohammad hafeez is free to resume bowling in international cricket after remedial work and a re-test on his action .he was therefore unable to be selected to bowl in the world cup , but injured his calf anyway and was ruled out of the global tournament in australia and new zealand .\n", + "mohammad hafeez was banned from bowling after being reported for a suspect actionthe pakistan all-rounder then injured his calf and missed out on world cupbut the off-spinner has recovered from the injury and can bowl again\n", + "[1.2542402 1.3882914 1.3354748 1.286641 1.1786666 1.149194 1.2486576\n", + " 1.2261643 1.106254 1.0368003 1.0146633 1.0141726 1.0544102 1.013791\n", + " 1.1108931 1.0406482 1.0586462 1.0388553 1.012249 1.1648464 1.0748854\n", + " 1.0134561 1.051142 1.0557702]\n", + "\n", + "[ 1 2 3 0 6 7 4 19 5 14 8 20 16 23 12 22 15 17 9 10 11 13 21 18]\n", + "=======================\n", + "[\"the tragedy happened as the pilot was trying to land the aircraft at fort lauderdale executive airport around 4.30 pm on sunday .the unnamed pilot declared an emergency , but the plane crashed shortly after in a wooded area close to the runway , before bursting into flames .a ` fireball ' exploded after the twin-engine plane crashed in florida .\"]\n", + "=======================\n", + "['pilot declared emergency but plane crashed in woodland just off runwayeveryone on-board the piper pa-31 aircraft was killed in the tragedyinvestigators in florida trying to establish what caused the plane crash']\n", + "the tragedy happened as the pilot was trying to land the aircraft at fort lauderdale executive airport around 4.30 pm on sunday .the unnamed pilot declared an emergency , but the plane crashed shortly after in a wooded area close to the runway , before bursting into flames .a ` fireball ' exploded after the twin-engine plane crashed in florida .\n", + "pilot declared emergency but plane crashed in woodland just off runwayeveryone on-board the piper pa-31 aircraft was killed in the tragedyinvestigators in florida trying to establish what caused the plane crash\n", + "[1.5818778 1.5101976 1.3388741 1.1538063 1.154217 1.0653409 1.1297652\n", + " 1.1894511 1.0289245 1.0314462 1.0316817 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 7 4 3 6 5 10 9 8 21 20 19 18 17 11 15 14 13 12 22 16 23]\n", + "=======================\n", + "['derry mathews has won the interim wba lightweight title after being handed a unanimous points decision over tony luis in liverpool .mathews saw richar abril twice pull out of a fight due to illness to be striped of the belt and just this week replacement ismael barroso was forced to pull out after failing to obtain a visa .luis ( right ) was drafted in after richar abril and ismael barroso both pulled out']\n", + "=======================\n", + "['derry mathews handed a unanimous points decision at the echo arenatony luis was drafted in after richar abril and ismael barroso pulled out']\n", + "derry mathews has won the interim wba lightweight title after being handed a unanimous points decision over tony luis in liverpool .mathews saw richar abril twice pull out of a fight due to illness to be striped of the belt and just this week replacement ismael barroso was forced to pull out after failing to obtain a visa .luis ( right ) was drafted in after richar abril and ismael barroso both pulled out\n", + "derry mathews handed a unanimous points decision at the echo arenatony luis was drafted in after richar abril and ismael barroso pulled out\n", + "[1.2213092 1.4138328 1.400864 1.3580084 1.1988013 1.0609416 1.0379738\n", + " 1.0144186 1.0151477 1.0204941 1.0176501 1.0645078 1.0237103 1.3083035\n", + " 1.1585456 1.0864582 1.050893 1.0429314 1.0776353 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 13 0 4 14 15 18 11 5 16 17 6 12 9 10 8 7 22 19 20 21 23]\n", + "=======================\n", + "['remmie , 18 , had a thick bar put through her ear as an act of teenage rebellion , and initially hoped it would make her stand out from the crowd .but when the piercing became inflamed , remmie was forced to remove the bar - and the resulting wound healed into a hazelnut-sized lump known as a keloid scar .unsightly : remmie was left with a hazelnut sized scar on the top of her ear following a piercing']\n", + "=======================\n", + "['remmie , 18 , got a piercing across the top of her earshe hoped it would make her stand out from the crowdwent ahead with piercing against advice of her motherher body tried to heal the wound by producing scar tissuecreated an unsightly lump known as a keloid scarextreme beauty disasters is on tlc , thursdays at 8pm']\n", + "remmie , 18 , had a thick bar put through her ear as an act of teenage rebellion , and initially hoped it would make her stand out from the crowd .but when the piercing became inflamed , remmie was forced to remove the bar - and the resulting wound healed into a hazelnut-sized lump known as a keloid scar .unsightly : remmie was left with a hazelnut sized scar on the top of her ear following a piercing\n", + "remmie , 18 , got a piercing across the top of her earshe hoped it would make her stand out from the crowdwent ahead with piercing against advice of her motherher body tried to heal the wound by producing scar tissuecreated an unsightly lump known as a keloid scarextreme beauty disasters is on tlc , thursdays at 8pm\n", + "[1.2052425 1.229589 1.2931226 1.179958 1.0663077 1.077484 1.062241\n", + " 1.0411944 1.0616034 1.1965339 1.0974874 1.0704036 1.0584236 1.0525036\n", + " 1.0369145 1.0564992 1.0333353 0. ]\n", + "\n", + "[ 2 1 0 9 3 10 5 11 4 6 8 12 15 13 7 14 16 17]\n", + "=======================\n", + "[\"while the blondes had fun with it , drake appeared less than enthused after madonna 's prolonged smooch onstage at the coachella music festival in california on sunday .first it was britney and christina , and now rapper drake has been on the receiving end of a little lip action from madge .( cnn ) madonna has a thing for making out with fellow performers on stage .\"]\n", + "=======================\n", + "['drake thanks madonna and says he \" got to make out with the queen \"singer madonna kisses rapper drake onstage at coachelladrake \\'s reaction was priceless , according to the web']\n", + "while the blondes had fun with it , drake appeared less than enthused after madonna 's prolonged smooch onstage at the coachella music festival in california on sunday .first it was britney and christina , and now rapper drake has been on the receiving end of a little lip action from madge .( cnn ) madonna has a thing for making out with fellow performers on stage .\n", + "drake thanks madonna and says he \" got to make out with the queen \"singer madonna kisses rapper drake onstage at coachelladrake 's reaction was priceless , according to the web\n", + "[1.348062 1.3805544 1.0941178 1.352191 1.1021327 1.3641199 1.1919582\n", + " 1.1096429 1.1476314 1.1049817 1.0598466 1.0843823 1.0523075 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 3 0 6 8 7 9 4 2 11 10 12 16 13 14 15 17]\n", + "=======================\n", + "[\"cracks in the structure of the west stand were spotted on tuesday morning and the area was sealed off as structural engineers carried out an assessment of the damage .northern ireland played at windsor park on sunday evening , beating finland 2-1 in euro 2016 qualifying to stay second in group f .northern ireland 's windsor park suffered overnight damage to its west stand on monday night\"]\n", + "=======================\n", + "[\"northern ireland beat finland 2-1 in their euro 2016 qualifier on sundaynorthern ireland host romania next in june at windsor parkmatch at venue is dependent on structural engineers damage assessmentwindsor park 's west stand suffered damage on monday night\"]\n", + "cracks in the structure of the west stand were spotted on tuesday morning and the area was sealed off as structural engineers carried out an assessment of the damage .northern ireland played at windsor park on sunday evening , beating finland 2-1 in euro 2016 qualifying to stay second in group f .northern ireland 's windsor park suffered overnight damage to its west stand on monday night\n", + "northern ireland beat finland 2-1 in their euro 2016 qualifier on sundaynorthern ireland host romania next in june at windsor parkmatch at venue is dependent on structural engineers damage assessmentwindsor park 's west stand suffered damage on monday night\n", + "[1.2610328 1.4644113 1.1160295 1.3789117 1.1893731 1.1430162 1.1401724\n", + " 1.0876651 1.1690418 1.1923647 1.0730903 1.1581792 1.0204931 1.019342\n", + " 1.017768 1.0129098 1.012334 1.0225466]\n", + "\n", + "[ 1 3 0 9 4 8 11 5 6 2 7 10 17 12 13 14 15 16]\n", + "=======================\n", + "[\"the lib dem leader wants existing phone appointments extended so doctors can see patients on video calls .patients should be able to speak to their gps on skype , nick clegg announced today .the liberal democrat leader committed to using # 250million from the sale of nhs assets deemed to be redundant to fund the use of technology in a drive to create a ` paperless health service ' in england .\"]\n", + "=======================\n", + "[\"phone appointments replaced by doctors seeing patients on video callsrepeat prescriptions and booking appointments could also go online# 250million from sale of nhs assets to create a ` paperless health service '\"]\n", + "the lib dem leader wants existing phone appointments extended so doctors can see patients on video calls .patients should be able to speak to their gps on skype , nick clegg announced today .the liberal democrat leader committed to using # 250million from the sale of nhs assets deemed to be redundant to fund the use of technology in a drive to create a ` paperless health service ' in england .\n", + "phone appointments replaced by doctors seeing patients on video callsrepeat prescriptions and booking appointments could also go online# 250million from sale of nhs assets to create a ` paperless health service '\n", + "[1.328204 1.3046548 1.2873989 1.1626524 1.1781037 1.1541917 1.1344604\n", + " 1.0230256 1.044237 1.1119962 1.0981946 1.0595517 1.0815614 1.0426888\n", + " 1.0446253 1.0638715 1.0908307 0. ]\n", + "\n", + "[ 0 1 2 4 3 5 6 9 10 16 12 15 11 14 8 13 7 17]\n", + "=======================\n", + "[\"ed miliband vowed to end casual employment contracts yesterday but his crackdown backfired spectacularly as he forgot labour use themed miliband was accused of hypocrisy last night after labour town halls and mps were revealed to be hiring thousands of workers on zero-hours contracts .in a disastrous day for labour 's general election hopes :\"]\n", + "=======================\n", + "[\"ed miliband vowed yesterday to end casual employment contractsbut labour councils and mps hire many workers on zero-hours contractsfoi requests reveal labour councils have 21,798 zero-hours contractsmiliband has been accused of hypocrisy after his crackdown backfired68 of the party 's mps were revealed to have employed staff on zero-hours contracts over the past two years ;22,000 more of the contracts were handed out by labour-run councils , including doncaster where mr miliband is standing for mp ;employers and legal experts said his crackdown would cost scores of jobs ;statisticians accused labour of using ` unjustified ' propaganda ;17 more business leaders came forward to sign a letter supporting the tories in may 's election -- taking the total to 120 .\"]\n", + "ed miliband vowed to end casual employment contracts yesterday but his crackdown backfired spectacularly as he forgot labour use themed miliband was accused of hypocrisy last night after labour town halls and mps were revealed to be hiring thousands of workers on zero-hours contracts .in a disastrous day for labour 's general election hopes :\n", + "ed miliband vowed yesterday to end casual employment contractsbut labour councils and mps hire many workers on zero-hours contractsfoi requests reveal labour councils have 21,798 zero-hours contractsmiliband has been accused of hypocrisy after his crackdown backfired68 of the party 's mps were revealed to have employed staff on zero-hours contracts over the past two years ;22,000 more of the contracts were handed out by labour-run councils , including doncaster where mr miliband is standing for mp ;employers and legal experts said his crackdown would cost scores of jobs ;statisticians accused labour of using ` unjustified ' propaganda ;17 more business leaders came forward to sign a letter supporting the tories in may 's election -- taking the total to 120 .\n", + "[1.445922 1.488356 1.3062762 1.3781737 1.1899306 1.2584362 1.0114822\n", + " 1.0083427 1.011041 1.0119631 1.0117427 1.0290593 1.0476995 1.0624883\n", + " 1.0195163 1.009458 0. 0. ]\n", + "\n", + "[ 1 0 3 2 5 4 13 12 11 14 9 10 6 8 15 7 16 17]\n", + "=======================\n", + "[\"gonzalo higuain and marek hamsik put the visitors firmly in control as rafa benitez 's side struck twice in the opening 45 minutes before the slovakian midfielder added a third after the break .napoli all but secured their place in the semi-finals of the europa league after inflicting a devastating defeat on wolfsburg at the volkswagen arena on thursday night .manolo gabbiadini heads napoli 4-0 ahead moments after coming on as a second-half substitute\"]\n", + "=======================\n", + "[\"gonzalo higuain gave visitors the lead after 15 minutes with a smart finishthere was a suspicion of handball as the argentine brought the ball downmarek hamsik doubled lead on 23 minutes , higuain the providerslovakian midfielder added his second and napoli 's third in second halfmanolo gabbiadini added a fourth for visitors moments after coming onformer arsenal striker nicklas bendtner pulled one back for the hosts\"]\n", + "gonzalo higuain and marek hamsik put the visitors firmly in control as rafa benitez 's side struck twice in the opening 45 minutes before the slovakian midfielder added a third after the break .napoli all but secured their place in the semi-finals of the europa league after inflicting a devastating defeat on wolfsburg at the volkswagen arena on thursday night .manolo gabbiadini heads napoli 4-0 ahead moments after coming on as a second-half substitute\n", + "gonzalo higuain gave visitors the lead after 15 minutes with a smart finishthere was a suspicion of handball as the argentine brought the ball downmarek hamsik doubled lead on 23 minutes , higuain the providerslovakian midfielder added his second and napoli 's third in second halfmanolo gabbiadini added a fourth for visitors moments after coming onformer arsenal striker nicklas bendtner pulled one back for the hosts\n", + "[1.083991 1.5551686 1.1805845 1.4228231 1.1812321 1.2040747 1.1075293\n", + " 1.0342212 1.0327197 1.0321268 1.0361042 1.0559562 1.0605125 1.0252132\n", + " 1.023702 1.0183009 1.0284946 1.0172803 1.1634524 1.0352511]\n", + "\n", + "[ 1 3 5 4 2 18 6 0 12 11 10 19 7 8 9 16 13 14 15 17]\n", + "=======================\n", + "[\"in a startling new tutorial youtube star promise tamang turns herself into maleficent , angelina jolie 's character from the movie of the same name .promise has previously made videos of herself as elsa from frozen and princess jasmine from aladdin .this is n't the first time she has transformed herself into a disney character though .\"]\n", + "=======================\n", + "[\"youtube star promise tamang often recreates disney princess make-upshe used contouring to replicate the bad fairy 's chiselled cheekbonespromise has 2.8 million subscribers and often posts tutorial videos\"]\n", + "in a startling new tutorial youtube star promise tamang turns herself into maleficent , angelina jolie 's character from the movie of the same name .promise has previously made videos of herself as elsa from frozen and princess jasmine from aladdin .this is n't the first time she has transformed herself into a disney character though .\n", + "youtube star promise tamang often recreates disney princess make-upshe used contouring to replicate the bad fairy 's chiselled cheekbonespromise has 2.8 million subscribers and often posts tutorial videos\n", + "[1.0679238 1.4234153 1.2504332 1.2886016 1.2026163 1.1088674 1.1765811\n", + " 1.1418247 1.0775442 1.1158713 1.1496685 1.0284464 1.0575728 1.046689\n", + " 1.1337575 1.1120027 1.057949 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 6 10 7 14 9 15 5 8 0 16 12 13 11 18 17 19]\n", + "=======================\n", + "[\"estimates suggest around 1,000 ios apps are vulnerable to a flaw in connectivity software from afnetworking .this includes uber , microsoft 's onedrive and movies by flixster and the flaw leaves any information , even if its sent over a seemingly secure https connection , potentially open to hackers .it was first reported at the end of last month by security researchers simone bovi and mauro gentile and specifically applies to version 2.5.1 of afnetworking .\"]\n", + "=======================\n", + "[\"estimates suggest around 1,000 iphone and ipad apps are vulnerableexamples include uber , microsoft 's onedrive and movies by flixsterthe flaw is with software called afnetworking used by developerssourcedna has released a search tool to see if your phone is at risk\"]\n", + "estimates suggest around 1,000 ios apps are vulnerable to a flaw in connectivity software from afnetworking .this includes uber , microsoft 's onedrive and movies by flixster and the flaw leaves any information , even if its sent over a seemingly secure https connection , potentially open to hackers .it was first reported at the end of last month by security researchers simone bovi and mauro gentile and specifically applies to version 2.5.1 of afnetworking .\n", + "estimates suggest around 1,000 iphone and ipad apps are vulnerableexamples include uber , microsoft 's onedrive and movies by flixsterthe flaw is with software called afnetworking used by developerssourcedna has released a search tool to see if your phone is at risk\n", + "[1.2765793 1.167711 1.3485689 1.1323326 1.0450644 1.1809394 1.0509932\n", + " 1.0985891 1.143449 1.195549 1.1374147 1.0725816 1.0618162 1.0962632\n", + " 1.0108408 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 9 5 1 8 10 3 7 13 11 12 6 4 14 15 16 17 18 19]\n", + "=======================\n", + "[\"but the group , which includes well-known royal enthusiast margaret tyler , 71 , could be in for a long wait as the duchess of cambridge 's due date is more than a week away .regular : john loughery , 60 , has been present for every major royal event of the last 10 yearsnow a trickle of royal fans , some familiar faces among them , have begun arriving at the lindo wing ahead of the royal birth .\"]\n", + "=======================\n", + "[\"royal superfans have arrived to set up camp outside the lindo wingmargaret tyler , 71 , owns a # 10,000 collection of royal souvenirsfellow fan john loughery , 60 , never misses a single royal eventboth spent prince george 's birth camped outside st. mary 's hospital\"]\n", + "but the group , which includes well-known royal enthusiast margaret tyler , 71 , could be in for a long wait as the duchess of cambridge 's due date is more than a week away .regular : john loughery , 60 , has been present for every major royal event of the last 10 yearsnow a trickle of royal fans , some familiar faces among them , have begun arriving at the lindo wing ahead of the royal birth .\n", + "royal superfans have arrived to set up camp outside the lindo wingmargaret tyler , 71 , owns a # 10,000 collection of royal souvenirsfellow fan john loughery , 60 , never misses a single royal eventboth spent prince george 's birth camped outside st. mary 's hospital\n", + "[1.2806382 1.5245756 1.3112644 1.3894818 1.2166302 1.0719177 1.2440364\n", + " 1.0178643 1.0416886 1.0272375 1.0864313 1.0273036 1.0552148 1.0844002\n", + " 1.0269465 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 6 4 10 13 5 12 8 11 9 14 7 15 16 17 18 19]\n", + "=======================\n", + "[\"furniture dating back to 1820 was moved from the library at ickworth house in suffolk earlier this year and replaced with four brown leatherette bean bags .the national trust has replaced antique furniture with beanbags in the library of ickworth house , suffolkthe move was designed to encourage visitors to ` dwell and take in the atmosphere ' in the room but it provoked fury from heritage expects who branded the move ` misguided ' .\"]\n", + "=======================\n", + "[\"four brown leatherette bean bags placed in library at ickworth housefurniture dating nearly 200 years removed to make way for bean bagsdesigned to encourage visitors to ` dwell and take in atmosphere 'art historian brands the experiment ` patronising nonsense '\"]\n", + "furniture dating back to 1820 was moved from the library at ickworth house in suffolk earlier this year and replaced with four brown leatherette bean bags .the national trust has replaced antique furniture with beanbags in the library of ickworth house , suffolkthe move was designed to encourage visitors to ` dwell and take in the atmosphere ' in the room but it provoked fury from heritage expects who branded the move ` misguided ' .\n", + "four brown leatherette bean bags placed in library at ickworth housefurniture dating nearly 200 years removed to make way for bean bagsdesigned to encourage visitors to ` dwell and take in atmosphere 'art historian brands the experiment ` patronising nonsense '\n", + "[1.4157605 1.3728027 1.2669747 1.1654181 1.1251507 1.0985167 1.0747993\n", + " 1.0823056 1.0602578 1.0738143 1.0590229 1.0527517 1.020151 1.0210359\n", + " 1.0403302 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 5 7 6 9 8 10 11 14 13 12 18 15 16 17 19]\n", + "=======================\n", + "[\"( cnn ) an amnesty international report is calling for authorities to address the number of attacks on women 's rights activists in afghanistan .the brutal murder of farkhunda , a young woman in afghanistan , whose body was burnt and callously chucked into a river in kabul , shocked the world .accused of burning pages from the muslim holy book , the quran , many protested the 27-year-old 's innocence .\"]\n", + "=======================\n", + "[\"an amnesty international report calls for attacks on women 's rights activists in afghanistan to be investigatedthe report examines the persecution of activists not only by the taliban and tribal warlords , but also by government officialssome activists continue their work despite their lives being at risk\"]\n", + "( cnn ) an amnesty international report is calling for authorities to address the number of attacks on women 's rights activists in afghanistan .the brutal murder of farkhunda , a young woman in afghanistan , whose body was burnt and callously chucked into a river in kabul , shocked the world .accused of burning pages from the muslim holy book , the quran , many protested the 27-year-old 's innocence .\n", + "an amnesty international report calls for attacks on women 's rights activists in afghanistan to be investigatedthe report examines the persecution of activists not only by the taliban and tribal warlords , but also by government officialssome activists continue their work despite their lives being at risk\n", + "[1.2156404 1.4547426 1.1524308 1.3290966 1.2154274 1.1532066 1.0817336\n", + " 1.0825499 1.0801053 1.0344306 1.0736915 1.092356 1.1383334 1.1249574\n", + " 1.0466851 1.0864877 1.0931478 1.037668 ]\n", + "\n", + "[ 1 3 0 4 5 2 12 13 16 11 15 7 6 8 10 14 17 9]\n", + "=======================\n", + "['hakeem kuta , 17 , was on life support and passed away saturday morning after succumbing injuries from the fall that happened on thursday night , said the new york police department .hakeem kuta ( above ) plunged six stories from the roof of the bronx building on thursdaypolice were responding to complaints of a group of teens smoking marijuana and loitering in the lobby when kuta and the five others ran when police officers arrived ( above scenes from where he fell )']\n", + "=======================\n", + "['hakeem kuta , 17 , died on saturday morning after being listed in critical condition at st barnabas hospitalpolice said he appeared to have misjudged a ledge while backing away from approaching cops and was injured after falling on thursday nightofficers were responding to complaints of a group of teens smoking marijuana and loitering in the lobby of the building on valentine avenue']\n", + "hakeem kuta , 17 , was on life support and passed away saturday morning after succumbing injuries from the fall that happened on thursday night , said the new york police department .hakeem kuta ( above ) plunged six stories from the roof of the bronx building on thursdaypolice were responding to complaints of a group of teens smoking marijuana and loitering in the lobby when kuta and the five others ran when police officers arrived ( above scenes from where he fell )\n", + "hakeem kuta , 17 , died on saturday morning after being listed in critical condition at st barnabas hospitalpolice said he appeared to have misjudged a ledge while backing away from approaching cops and was injured after falling on thursday nightofficers were responding to complaints of a group of teens smoking marijuana and loitering in the lobby of the building on valentine avenue\n", + "[1.2486585 1.4296782 1.2684515 1.3331727 1.166681 1.1439232 1.1423535\n", + " 1.1803143 1.0356191 1.0735916 1.0564153 1.0290768 1.1243426 1.0905848\n", + " 1.0331383 1.0071875 0. 0. ]\n", + "\n", + "[ 1 3 2 0 7 4 5 6 12 13 9 10 8 14 11 15 16 17]\n", + "=======================\n", + "['the sprawling house , built on the site of an old telephone exchange in chelsea , west london , has been sold for 300 times the average price of home in england and wales .but the stamp duty alone , paid on top of the price of the home , is enough for the treasury to pay the annual salary of 330 nurses .it has now been bought by an offshore company for # 51,191,950 , according to land registry figures .']\n", + "=======================\n", + "[\"the house sold for 300 times average price of home in england and walesnine-bed property in chelsea is 18 times the size of the average new homemansion , marketed for # 55m , been bought by company based in bermudastamp duty alone is enough for treasury to pay year 's salary of 330 nurses\"]\n", + "the sprawling house , built on the site of an old telephone exchange in chelsea , west london , has been sold for 300 times the average price of home in england and wales .but the stamp duty alone , paid on top of the price of the home , is enough for the treasury to pay the annual salary of 330 nurses .it has now been bought by an offshore company for # 51,191,950 , according to land registry figures .\n", + "the house sold for 300 times average price of home in england and walesnine-bed property in chelsea is 18 times the size of the average new homemansion , marketed for # 55m , been bought by company based in bermudastamp duty alone is enough for treasury to pay year 's salary of 330 nurses\n", + "[1.3741851 1.1635133 1.1527894 1.2479196 1.1037832 1.232453 1.0717314\n", + " 1.1261641 1.0664206 1.0749935 1.0390732 1.0573586 1.3827697 1.0452197\n", + " 1.0394921 1.0385906 1.111104 1.0546952]\n", + "\n", + "[12 0 3 5 1 2 7 16 4 9 6 8 11 17 13 14 10 15]\n", + "=======================\n", + "['cristiano ronaldo scored five goals against granada on sunday to help real madrid to a thumping 9-1 win at the bernabeureal madrid ace gareth bale treated himself to a sunday evening bbq after his earlier exploits had helped los blancos on their way to a sensational victory .gareth bale tweeted : ` unbelievable result this afternoon , great team performance .']\n", + "=======================\n", + "[\"welsh wizard gareth bale opened the scoring in sunday 's stunning winreal madrid put nine goals past granada to keep pressure on barcelonabale treated himself to a bbq in the spanish sun following victorycristiano ronaldo scored five goals in the sensational team performance\"]\n", + "cristiano ronaldo scored five goals against granada on sunday to help real madrid to a thumping 9-1 win at the bernabeureal madrid ace gareth bale treated himself to a sunday evening bbq after his earlier exploits had helped los blancos on their way to a sensational victory .gareth bale tweeted : ` unbelievable result this afternoon , great team performance .\n", + "welsh wizard gareth bale opened the scoring in sunday 's stunning winreal madrid put nine goals past granada to keep pressure on barcelonabale treated himself to a bbq in the spanish sun following victorycristiano ronaldo scored five goals in the sensational team performance\n", + "[1.2142653 1.3169719 1.208095 1.3710647 1.2575833 1.0595611 1.0652249\n", + " 1.0237441 1.2080469 1.1485951 1.1091484 1.0513101 1.0845394 1.0459924\n", + " 1.2187622 0. 0. 0. ]\n", + "\n", + "[ 3 1 4 14 0 2 8 9 10 12 6 5 11 13 7 16 15 17]\n", + "=======================\n", + "[\"a new york city woman caught a man robbing her apartment after he was captured on her cat camerathe woman is now thrilled she purchased the device and has handed the video over to police 'anyone who recognizes the man in the video is asked to contact crime stoppers at 800-577-tips .\"]\n", + "=======================\n", + "['a new york city woman caught a man robbing her apartment after he was captured on her cat camerathe woman is now thrilled she purchased the $ 200 device and has handed the video over to policethe thief took her laptop , jewelry and a digital camera']\n", + "a new york city woman caught a man robbing her apartment after he was captured on her cat camerathe woman is now thrilled she purchased the device and has handed the video over to police 'anyone who recognizes the man in the video is asked to contact crime stoppers at 800-577-tips .\n", + "a new york city woman caught a man robbing her apartment after he was captured on her cat camerathe woman is now thrilled she purchased the $ 200 device and has handed the video over to policethe thief took her laptop , jewelry and a digital camera\n", + "[1.2304198 1.4778929 1.260668 1.3675346 1.1481287 1.1594598 1.1168318\n", + " 1.1001354 1.0228888 1.0530217 1.0868645 1.0845033 1.0551928 1.035426\n", + " 1.0755646 1.04162 1.0459031 1.0549848]\n", + "\n", + "[ 1 3 2 0 5 4 6 7 10 11 14 12 17 9 16 15 13 8]\n", + "=======================\n", + "[\"loushanna and shawn craig from erdington , birmingham , had gone away to the island for a three-day break , marking her birthday and the couple 's anniversary .a holidaymaker was left stranded in tenerife after thieves stole her passport id during a family holiday - and ryanair staff refused to let her fly home over fears she was an illegal immigrant .the 37-year-old was meant to return to the uk on march 9 , but she only arrived back on march 24 - having spent more than three times what she had planned .\"]\n", + "=======================\n", + "['loushanna and shawn craig were on three-day holiday on island in marchshe was marooned in tenerife for two weeks after biometric id card stolenthe 37-year-old was given documentation to prove she was allowed backbut she claims she was stopped at airport check-in and police were calledmrs craig , who has a jamaican passport , has placed blame with ryainair']\n", + "loushanna and shawn craig from erdington , birmingham , had gone away to the island for a three-day break , marking her birthday and the couple 's anniversary .a holidaymaker was left stranded in tenerife after thieves stole her passport id during a family holiday - and ryanair staff refused to let her fly home over fears she was an illegal immigrant .the 37-year-old was meant to return to the uk on march 9 , but she only arrived back on march 24 - having spent more than three times what she had planned .\n", + "loushanna and shawn craig were on three-day holiday on island in marchshe was marooned in tenerife for two weeks after biometric id card stolenthe 37-year-old was given documentation to prove she was allowed backbut she claims she was stopped at airport check-in and police were calledmrs craig , who has a jamaican passport , has placed blame with ryainair\n", + "[1.3240119 1.3870252 1.1690377 1.2814168 1.1559719 1.0601945 1.0708498\n", + " 1.0795932 1.0348105 1.03396 1.0202708 1.0912132 1.1030385 1.0387759\n", + " 1.0581084 1.0894551 1.0169916 1.0318654 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 12 11 15 7 6 5 14 13 8 9 17 10 16 26 18 19 20 21 22\n", + " 23 24 25 27]\n", + "=======================\n", + "['models strut down the runway in delicate sheer creations by marriam seddiq , and a few stood out for being particularly eyebrow-raising .the front row at mercedes-benz fashion week australia were given an eyeful during the st george new generation show on thursday .one model paraded in a completely see-through mesh dress that left little to the imagination .']\n", + "=======================\n", + "['marriam seddiq ensured models were turning heads on the catwalkpart of the st george new gen show of six up and coming designerscollection featured sheer fabric and racily cut designsthe raffles international showcase also caused a stir with racy designsany step showed a dress made of just leather straps and buckles']\n", + "models strut down the runway in delicate sheer creations by marriam seddiq , and a few stood out for being particularly eyebrow-raising .the front row at mercedes-benz fashion week australia were given an eyeful during the st george new generation show on thursday .one model paraded in a completely see-through mesh dress that left little to the imagination .\n", + "marriam seddiq ensured models were turning heads on the catwalkpart of the st george new gen show of six up and coming designerscollection featured sheer fabric and racily cut designsthe raffles international showcase also caused a stir with racy designsany step showed a dress made of just leather straps and buckles\n", + "[1.4736471 1.2675377 1.4681247 1.227157 1.2690985 1.0787714 1.04348\n", + " 1.0371705 1.050559 1.0180063 1.0666541 1.0165899 1.023336 1.1195621\n", + " 1.0717814 1.0230837 1.0320109 1.0273241 1.020671 1.0313702 1.028591\n", + " 1.1322927 1.0310471 1.0298874 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 4 1 3 21 13 5 14 10 8 6 7 16 19 22 23 20 17 12 15 18 9 11\n", + " 26 24 25 27]\n", + "=======================\n", + "['james ward ( pictured ) was left with a severed finger and wounds all over of his body after being attacked at his home by axe-wielding intrudersjames ward , 31 , of burnley , lancashire , also had several other fingers partially severed and surgeons were forced to use staples to seal wounds to his head , legs , and back .mr ward is now in hiding and is too afraid to return to his home and see his children because he fears his attackers will kill him if he does .']\n", + "=======================\n", + "['james ward , 31 , attacked at his home by two intruders wielding an axehorrific attack severed one finger and left him needing 38 staplesmr ward says he is now too scared to return home and is in hidingman , 23 , charged with aggravated burglary and grievous bodily harmwarning : graphic content']\n", + "james ward ( pictured ) was left with a severed finger and wounds all over of his body after being attacked at his home by axe-wielding intrudersjames ward , 31 , of burnley , lancashire , also had several other fingers partially severed and surgeons were forced to use staples to seal wounds to his head , legs , and back .mr ward is now in hiding and is too afraid to return to his home and see his children because he fears his attackers will kill him if he does .\n", + "james ward , 31 , attacked at his home by two intruders wielding an axehorrific attack severed one finger and left him needing 38 staplesmr ward says he is now too scared to return home and is in hidingman , 23 , charged with aggravated burglary and grievous bodily harmwarning : graphic content\n", + "[1.639805 1.4200552 1.318062 1.1096009 1.0848564 1.0483612 1.1534579\n", + " 1.0195405 1.011926 1.0336391 1.022759 1.1574104 1.0211599 1.0227274\n", + " 1.0331597 1.0185275 1.0347245 1.0117587 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 11 6 3 4 5 16 9 14 10 13 12 7 15 8 17 26 18 19 20 21 22\n", + " 23 24 25 27]\n", + "=======================\n", + "[\"captain alastair cook says england will leave antigua with ' a bit of a downer on ' after failing to force victory in the first test against the west indies .the tourists , chasing a first away win since beating india in december 2012 , were halted by a stubbornly unresponsive pitch at the sir vivian richards stadium , as well as a name-making century from all-rounder jason holder .in the end they could only muster five of the eight wickets they needed on day five as holder 's unbeaten 103 steered the hosts to 350 for seven .\"]\n", + "=======================\n", + "['england denied first tour win since december 2012 by stubborn hostsalastair cook rues missed opportunity at the sir vivian richards stadiumjason holder hit a century to frustrate the tourists on day fiveengland could only take five of the eight wickets needed to lead the seriestourists now head to grenada for the start of the second test on tuesday']\n", + "captain alastair cook says england will leave antigua with ' a bit of a downer on ' after failing to force victory in the first test against the west indies .the tourists , chasing a first away win since beating india in december 2012 , were halted by a stubbornly unresponsive pitch at the sir vivian richards stadium , as well as a name-making century from all-rounder jason holder .in the end they could only muster five of the eight wickets they needed on day five as holder 's unbeaten 103 steered the hosts to 350 for seven .\n", + "england denied first tour win since december 2012 by stubborn hostsalastair cook rues missed opportunity at the sir vivian richards stadiumjason holder hit a century to frustrate the tourists on day fiveengland could only take five of the eight wickets needed to lead the seriestourists now head to grenada for the start of the second test on tuesday\n", + "[1.1077049 1.0498388 1.1630371 1.0647041 1.0837855 1.0827295 1.1319888\n", + " 1.0693471 1.0413891 1.0262601 1.0332109 1.0332108 1.091174 1.0302995\n", + " 1.0198569 1.0169427 1.037548 1.0282667 1.0351907 1.0426134 1.0350828\n", + " 1.0329131 1.0274966 1.0697962 1.1075473 1.1323143 1.0637633 1.0429751]\n", + "\n", + "[ 2 25 6 0 24 12 4 5 23 7 3 26 1 27 19 8 16 18 20 10 11 21 13 17\n", + " 22 9 14 15]\n", + "=======================\n", + "['recently , i talked about marriage with a group of journalism students from my alma mater , kent state university .in the united states , almost 42 million adults have been married more than once .\" i did n\\'t go to college for four years to be a mom , \" 21-year old candace monacelli told me .']\n", + "=======================\n", + "[\"carol costello : talk to any millennial and you can envision an america virtually marriage-freein countries like sweden or denmark , people do n't feel pressured to marry even if they have kids together\"]\n", + "recently , i talked about marriage with a group of journalism students from my alma mater , kent state university .in the united states , almost 42 million adults have been married more than once .\" i did n't go to college for four years to be a mom , \" 21-year old candace monacelli told me .\n", + "carol costello : talk to any millennial and you can envision an america virtually marriage-freein countries like sweden or denmark , people do n't feel pressured to marry even if they have kids together\n", + "[1.3551533 1.3577976 1.221346 1.3948066 1.1379043 1.0839701 1.1371682\n", + " 1.28573 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 7 2 4 6 5 19 20 21 25 23 24 18 22 17 13 15 14 26 12 11 10\n", + " 9 8 16 27]\n", + "=======================\n", + "[\"joe gomez has played at right back for charlton this season and is wanted by manchester city and arsenalthe england under-19 defender , valued at # 8m by the championship team , is one of the most wanted young players in the country after his breakthrough season at the valley .manchester city have emerged as the biggest threat to arsenal in the race for charlton 's highly-rated defender joe gomez .\"]\n", + "=======================\n", + "[\"arsenal target joe gomez is one of the most wanted british youngstershe has enjoyed a breakthrough season at charlton and is rated at # 8mgomez is currently playing at right back but could be a centre halfmanchester city want more young english players and are arsenal 's biggest threat\"]\n", + "joe gomez has played at right back for charlton this season and is wanted by manchester city and arsenalthe england under-19 defender , valued at # 8m by the championship team , is one of the most wanted young players in the country after his breakthrough season at the valley .manchester city have emerged as the biggest threat to arsenal in the race for charlton 's highly-rated defender joe gomez .\n", + "arsenal target joe gomez is one of the most wanted british youngstershe has enjoyed a breakthrough season at charlton and is rated at # 8mgomez is currently playing at right back but could be a centre halfmanchester city want more young english players and are arsenal 's biggest threat\n", + "[1.2205198 1.5041878 1.178248 1.2553601 1.2510394 1.0849866 1.0438144\n", + " 1.0602868 1.0840914 1.0824054 1.0257779 1.089793 1.1731626 1.1289233\n", + " 1.0846593 1.0397941 1.035904 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 0 2 12 13 11 5 14 8 9 7 6 15 16 10 17 18 19 20]\n", + "=======================\n", + "[\"harris county sheriff 's officials say ulysses beaudoin , 39 , gunned down ulysses nelson tuesday night after showing up at the family 's home in katy with his mistress in tow .a texas father is accused of shooting dead his 22-year-old son for coming to the defense of his mother during a heated domestic argument .deputies say the deadly confrontation took place at around 9amm at 6622 gordon drive in the bear creek meadows subdivision .\"]\n", + "=======================\n", + "[\"ulysses beaudoin , 39 , of texas , allegedly shot his son , ulysses nelson , twice in the backofficials say he then threatened his 18-year-old son with 9mm handgunbeaudoin and his girlfriend fled from the scene but were tracked downthe father was seen weeping and muttering , my baby , ' as he was being handcuffed\"]\n", + "harris county sheriff 's officials say ulysses beaudoin , 39 , gunned down ulysses nelson tuesday night after showing up at the family 's home in katy with his mistress in tow .a texas father is accused of shooting dead his 22-year-old son for coming to the defense of his mother during a heated domestic argument .deputies say the deadly confrontation took place at around 9amm at 6622 gordon drive in the bear creek meadows subdivision .\n", + "ulysses beaudoin , 39 , of texas , allegedly shot his son , ulysses nelson , twice in the backofficials say he then threatened his 18-year-old son with 9mm handgunbeaudoin and his girlfriend fled from the scene but were tracked downthe father was seen weeping and muttering , my baby , ' as he was being handcuffed\n", + "[1.2255759 1.4994968 1.2911015 1.4091475 1.2140703 1.0801594 1.172206\n", + " 1.0614202 1.0833677 1.0812782 1.1121088 1.0215104 1.011064 1.0294108\n", + " 1.0238892 1.0444682 1.0371659 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 6 10 8 9 5 7 15 16 13 14 11 12 19 17 18 20]\n", + "=======================\n", + "[\"abdel-kader russell-boumzar was granted bail in brisbane 's magistrate court on thursday after a 69 day stint behind bars for a string of alleged offences .the 17-year-old shot to notoriety last october when footage of him apparently spitting on 56-year-old josphat mkhwananzi while racially abusing him on a brisbane train went viral .a teenager who allegedly racially abused a security guard on a train has been dubbed ` public enemy number one ' as a magistrate warned him to pull his head in following his release on bail .\"]\n", + "=======================\n", + "['abdel-kader russell-boumzar granted bail in brisbane court on thursdaythe 17-year-old is accused of racially abusing train guard in brisbanefootage of the teenager allegedly spitting on guard went viralrussell-boumzar spent 69 days behind bars for a string of alleged offencesmagistrate told him to stay out of trouble when released on bailhe will reappear in court on may 4 for charges relating to the train incident']\n", + "abdel-kader russell-boumzar was granted bail in brisbane 's magistrate court on thursday after a 69 day stint behind bars for a string of alleged offences .the 17-year-old shot to notoriety last october when footage of him apparently spitting on 56-year-old josphat mkhwananzi while racially abusing him on a brisbane train went viral .a teenager who allegedly racially abused a security guard on a train has been dubbed ` public enemy number one ' as a magistrate warned him to pull his head in following his release on bail .\n", + "abdel-kader russell-boumzar granted bail in brisbane court on thursdaythe 17-year-old is accused of racially abusing train guard in brisbanefootage of the teenager allegedly spitting on guard went viralrussell-boumzar spent 69 days behind bars for a string of alleged offencesmagistrate told him to stay out of trouble when released on bailhe will reappear in court on may 4 for charges relating to the train incident\n", + "[1.5089974 1.3502191 1.2014103 1.3090559 1.1719079 1.0587956 1.0150391\n", + " 1.2047949 1.1352715 1.0213975 1.0209374 1.0168788 1.0095575 1.0097008\n", + " 1.2685535 1.052889 1.0159931 1.0957025 1.0127612 1.019365 1.2075886]\n", + "\n", + "[ 0 1 3 14 20 7 2 4 8 17 5 15 9 10 19 11 16 6 18 13 12]\n", + "=======================\n", + "[\"barcelona stars neymar , dani alves and adriano looked delighted following their vital win over celta vigo in la liga - but their choice of matching denim was somewhat questionable .the flamboyant brazilians all played their part in helping the catalonian side return home with all three points , following jeremy mathieu 's winning goal .jeremy mathieu ( centre ) admits his side were poor throughout the match and blamed the internationals\"]\n", + "=======================\n", + "[\"dani alves , neymar and adriano celebrated their victory over celta vigothe flamboyant brazilian 's all wore matching double denim outfitsjeremy mathieu says barcelona were poor throughout the gamethe frenchman praised his defensive partner gerard pique for his displayclick here for all the latest barcelona news\"]\n", + "barcelona stars neymar , dani alves and adriano looked delighted following their vital win over celta vigo in la liga - but their choice of matching denim was somewhat questionable .the flamboyant brazilians all played their part in helping the catalonian side return home with all three points , following jeremy mathieu 's winning goal .jeremy mathieu ( centre ) admits his side were poor throughout the match and blamed the internationals\n", + "dani alves , neymar and adriano celebrated their victory over celta vigothe flamboyant brazilian 's all wore matching double denim outfitsjeremy mathieu says barcelona were poor throughout the gamethe frenchman praised his defensive partner gerard pique for his displayclick here for all the latest barcelona news\n", + "[1.2260764 1.432215 1.2782748 1.4326918 1.2172494 1.1615602 1.0465848\n", + " 1.0274512 1.0130115 1.013909 1.1160735 1.1613075 1.011142 1.0800209\n", + " 1.0120897 1.0107152 1.0111536 1.0227705 1.0209092 0. 0. ]\n", + "\n", + "[ 3 1 2 0 4 5 11 10 13 6 7 17 18 9 8 14 16 12 15 19 20]\n", + "=======================\n", + "['86-year-old daphne selfe has starred in the campaign for vans and & other stories alongside flo dunn , 22looking radiant , daphne selfe , 86 , shows off the collaboration between the footwear super-brand and the ethereal high street store with uncompromising grace .the images show the new footwear which sees stories make a twist on the classic vans slip on .']\n", + "=======================\n", + "['daphne selfe has been modelling since the fiftiesshe has recently landed a new campaign with vans and & other storiesthe 86-year-old commands # 1,000 a day for her work']\n", + "86-year-old daphne selfe has starred in the campaign for vans and & other stories alongside flo dunn , 22looking radiant , daphne selfe , 86 , shows off the collaboration between the footwear super-brand and the ethereal high street store with uncompromising grace .the images show the new footwear which sees stories make a twist on the classic vans slip on .\n", + "daphne selfe has been modelling since the fiftiesshe has recently landed a new campaign with vans and & other storiesthe 86-year-old commands # 1,000 a day for her work\n", + "[1.2370507 1.4742279 1.2788373 1.2526906 1.2443447 1.1603655 1.1394734\n", + " 1.1715745 1.0662427 1.0719076 1.1029348 1.0962555 1.0541817 1.0220479\n", + " 1.0073348 1.0161374 1.0087657 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 7 5 6 10 11 9 8 12 13 15 16 14 19 17 18 20]\n", + "=======================\n", + "['abubaker deghayes , 46 , has left his home in brighton in an attempt to rescue his son amer , who travelled to the middle east in january last year .the 21-year-old has been fighting for the organisation jabhat al-nusra , a group affiliated with al-qaeda , who are battling the islamic state and syrian forces .the father of two british jihadis who were killed while fighting in syria has left the uk and travelled to libya in a bid to find his eldest son and bring him home .']\n", + "=======================\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[\"abubaker deghayes has left brighton to go and rescue his eldest son amerhis two younger sons abdullah and jaffar were killed in syria last yearamer is also in syria fighting isis and the country 's government forcesmr deghayes insists he has not ` run away ' to join the fight and just wants amer home\"]\n", + "abubaker deghayes , 46 , has left his home in brighton in an attempt to rescue his son amer , who travelled to the middle east in january last year .the 21-year-old has been fighting for the organisation jabhat al-nusra , a group affiliated with al-qaeda , who are battling the islamic state and syrian forces .the father of two british jihadis who were killed while fighting in syria has left the uk and travelled to libya in a bid to find his eldest son and bring him home .\n", + "abubaker deghayes has left brighton to go and rescue his eldest son amerhis two younger sons abdullah and jaffar were killed in syria last yearamer is also in syria fighting isis and the country 's government forcesmr deghayes insists he has not ` run away ' to join the fight and just wants amer home\n", + "[1.464685 1.2712576 1.1975371 1.2378185 1.0748118 1.1335586 1.0574213\n", + " 1.0665284 1.1350188 1.0541673 1.0317079 1.0291497 1.0682095 1.0507472\n", + " 1.0372152 1.0356687 1.0380718 1.0639492 1.0614427 0. 0. ]\n", + "\n", + "[ 0 1 3 2 8 5 4 12 7 17 18 6 9 13 16 14 15 10 11 19 20]\n", + "=======================\n", + "['( cnn ) mullah mohammed omar is \" still the leader \" of the taliban \\'s self-declared islamic emirate of afghanistan .that appears to be the primary message of a biography , just published by the taliban , of the reclusive militant who is credited with founding the group in the early 1990s .several afghan observers say the biography is aimed at dispelling rumors of omar \\'s demise .']\n", + "=======================\n", + "['mullah omar , the reclusive founder of the afghan taliban , is still in charge , a new biography claimsan ex-taliban insider says there have been rumors that the one-eyed militant is dead']\n", + "( cnn ) mullah mohammed omar is \" still the leader \" of the taliban 's self-declared islamic emirate of afghanistan .that appears to be the primary message of a biography , just published by the taliban , of the reclusive militant who is credited with founding the group in the early 1990s .several afghan observers say the biography is aimed at dispelling rumors of omar 's demise .\n", + "mullah omar , the reclusive founder of the afghan taliban , is still in charge , a new biography claimsan ex-taliban insider says there have been rumors that the one-eyed militant is dead\n", + "[1.0601625 1.1221285 1.2859044 1.1655648 1.1197261 1.1197708 1.0351893\n", + " 1.0282781 1.0336396 1.2123826 1.0445083 1.05872 1.0307373 1.0262803\n", + " 1.0309732 1.0753992 1.022583 1.0484006 1.026169 1.0279557 1.0284632]\n", + "\n", + "[ 2 9 3 1 5 4 15 0 11 17 10 6 8 14 12 20 7 19 13 18 16]\n", + "=======================\n", + "[\"and while once our choice was limited to feather or fibre , the shops are now stuffed with everything from water pillows to scented pillows , and even one which is wired for sound .billed as the ultimate eco-pillow , it 's filled with the tiny husks which protect the kernel of the buckwheat grain .but which is a pain in the neck and which is a dream come true ?\"]\n", + "=======================\n", + "[\"does finding the perfect pillow really need to break the bank ?our femail tester put a selection of the best pillows to ultimate sleep testlidl 's # 3.49 microfibre pillow performed just as well as luxury goose down !\"]\n", + "and while once our choice was limited to feather or fibre , the shops are now stuffed with everything from water pillows to scented pillows , and even one which is wired for sound .billed as the ultimate eco-pillow , it 's filled with the tiny husks which protect the kernel of the buckwheat grain .but which is a pain in the neck and which is a dream come true ?\n", + "does finding the perfect pillow really need to break the bank ?our femail tester put a selection of the best pillows to ultimate sleep testlidl 's # 3.49 microfibre pillow performed just as well as luxury goose down !\n", + "[1.4029813 1.446654 1.2312994 1.4385687 1.2994586 1.2445654 1.0258545\n", + " 1.0254599 1.0477855 1.0214071 1.0185672 1.2090341 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 5 2 11 8 6 7 9 10 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the french left back , 33 , enjoyed eight years at old trafford , claiming five premier league titles as well as a champions league winners ' medal .former manchester united defender patrice evra says sir alex ferguson told him he would be a great coachevra is now at juventus but says he has already taken some of his coaching badges\"]\n", + "=======================\n", + "[\"patrice evra enjoyed eight years at old trafford before joining juventusclaims sir alex ferguson spoke to him before leaving in 2013ferguson said him and ryan giggs would make great coaches one daygiggs is currently louis van gaal 's assistant at manchester unitedevra says he has already taken some of his coaching badges\"]\n", + "the french left back , 33 , enjoyed eight years at old trafford , claiming five premier league titles as well as a champions league winners ' medal .former manchester united defender patrice evra says sir alex ferguson told him he would be a great coachevra is now at juventus but says he has already taken some of his coaching badges\n", + "patrice evra enjoyed eight years at old trafford before joining juventusclaims sir alex ferguson spoke to him before leaving in 2013ferguson said him and ryan giggs would make great coaches one daygiggs is currently louis van gaal 's assistant at manchester unitedevra says he has already taken some of his coaching badges\n", + "[1.226388 1.4613779 1.4129896 1.3778403 1.0633434 1.1534009 1.133393\n", + " 1.1194521 1.0352561 1.0191838 1.1201127 1.0211836 1.0561275 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 6 10 7 4 12 8 11 9 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"robert ewing , 60 , was said to have had an ` inappropriate sexual interest ' in 15-year-old paige chivers and took advantage of her ` chaotic and dysfunctional ' upbringing which had left her ` very troubled and vulnerable ' .he is accused of murdering the schoolgirl , from blackpool , lancashire , between august 23 and august 27 , 2007 .a missing schoolgirl was murdered by a 60-year-old man who called police two weeks prior to the killing to see how officers would react to her disappearance , a jury heard today .\"]\n", + "=======================\n", + "['paige chivers was aged 15 when she disappeared from blackpool homedespite police appeals and a # 12,000 reward , she has never been foundrobert ewing is on trial accused of murdering schoolgirl in august 2007his friend gareth dewhurst is accused of assisting in disposing of body']\n", + "robert ewing , 60 , was said to have had an ` inappropriate sexual interest ' in 15-year-old paige chivers and took advantage of her ` chaotic and dysfunctional ' upbringing which had left her ` very troubled and vulnerable ' .he is accused of murdering the schoolgirl , from blackpool , lancashire , between august 23 and august 27 , 2007 .a missing schoolgirl was murdered by a 60-year-old man who called police two weeks prior to the killing to see how officers would react to her disappearance , a jury heard today .\n", + "paige chivers was aged 15 when she disappeared from blackpool homedespite police appeals and a # 12,000 reward , she has never been foundrobert ewing is on trial accused of murdering schoolgirl in august 2007his friend gareth dewhurst is accused of assisting in disposing of body\n", + "[1.3843775 1.3318341 1.2969458 1.1402957 1.0767426 1.1505598 1.2086906\n", + " 1.0766585 1.1612662 1.0732775 1.0827173 1.0690823 1.0469338 1.0259569\n", + " 1.0676135 1.0631772 1.0562695 1.042934 1.0622485 1.0561099 0. ]\n", + "\n", + "[ 0 1 2 6 8 5 3 10 4 7 9 11 14 15 18 16 19 12 17 13 20]\n", + "=======================\n", + "['( cnn ) the tulsa county reserve deputy who fatally shot a man instead of using his taser turned himself in to authorities tuesday at the tulsa county jail .video shows reserve deputy robert bates announcing he is going to deploy his taser after an undercover weapons sting on april 2 but then shooting eric courtney harris in the back with a handgun .bates was charged with second-degree manslaughter monday .']\n", + "=======================\n", + "['reserve deputy robert bates surrenders to authorities , posts bail of $ 25,000bates is charged with second-degree manslaughter in the killing of eric harris']\n", + "( cnn ) the tulsa county reserve deputy who fatally shot a man instead of using his taser turned himself in to authorities tuesday at the tulsa county jail .video shows reserve deputy robert bates announcing he is going to deploy his taser after an undercover weapons sting on april 2 but then shooting eric courtney harris in the back with a handgun .bates was charged with second-degree manslaughter monday .\n", + "reserve deputy robert bates surrenders to authorities , posts bail of $ 25,000bates is charged with second-degree manslaughter in the killing of eric harris\n", + "[1.186656 1.3828558 1.3523705 1.2021116 1.2471898 1.186274 1.14591\n", + " 1.0823076 1.0225832 1.0405807 1.0242813 1.0984069 1.1352875 1.1143903\n", + " 1.1293857 1.1070575 1.0574006 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 4 3 0 5 6 12 14 13 15 11 7 16 9 10 8 17 18 19 20 21]\n", + "=======================\n", + "['a bizarre fake fundraising page has been set up requesting donations for stacey eden , a 23-year-old sydney resident whose furious stand against racism has spread around the world .ms eden stood up to a middle-aged woman who was abusing brisbane couple hafeez and khalida bhatti on the airport line train on wednesday .her recording of the fiery incident went viral after being published by daily mail australia on thursday morning .']\n", + "=======================\n", + "[\"frausters try and raise money off stacey eden 's high profilems eden stood up for a muslim couple being abused on a sydney traindaily mail australia published video of the incident on thursday` all i want is good karma ' , ms eden said on social mediabizarre fake profile said she had been inundated with offers of donations\"]\n", + "a bizarre fake fundraising page has been set up requesting donations for stacey eden , a 23-year-old sydney resident whose furious stand against racism has spread around the world .ms eden stood up to a middle-aged woman who was abusing brisbane couple hafeez and khalida bhatti on the airport line train on wednesday .her recording of the fiery incident went viral after being published by daily mail australia on thursday morning .\n", + "frausters try and raise money off stacey eden 's high profilems eden stood up for a muslim couple being abused on a sydney traindaily mail australia published video of the incident on thursday` all i want is good karma ' , ms eden said on social mediabizarre fake profile said she had been inundated with offers of donations\n", + "[1.1587673 1.2642088 1.1970453 1.4240595 1.1158267 1.2339196 1.1686659\n", + " 1.1235607 1.0811926 1.1118641 1.047053 1.0229887 1.0472101 1.1047202\n", + " 1.0591987 1.0678759 1.1065218 1.0396374 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 5 2 6 0 7 4 9 16 13 8 15 14 12 10 17 11 20 18 19 21]\n", + "=======================\n", + "['chelsea boss jose mourinho has the best clean sheets percentage record in premier league historymourinho ( left ) beats rafa benitez in the clean sheets record and average of goals concededof the 189 premier league matches the portuguese has overseen , he has an astounding 101 clean sheets , nullifying his rivals in 53.4 per cent of games .']\n", + "=======================\n", + "['jose mourinho has a stunning defensive record from his time at chelseahe has 101 clean sheets from 189 games , conceding only 120 goalshis record surpasses those of rafa benitez and sir alex fergusonmourinho : i have a problem , i am getting better and betterclick here for all the latest chelsea news']\n", + "chelsea boss jose mourinho has the best clean sheets percentage record in premier league historymourinho ( left ) beats rafa benitez in the clean sheets record and average of goals concededof the 189 premier league matches the portuguese has overseen , he has an astounding 101 clean sheets , nullifying his rivals in 53.4 per cent of games .\n", + "jose mourinho has a stunning defensive record from his time at chelseahe has 101 clean sheets from 189 games , conceding only 120 goalshis record surpasses those of rafa benitez and sir alex fergusonmourinho : i have a problem , i am getting better and betterclick here for all the latest chelsea news\n", + "[1.301761 1.4006896 1.2157049 1.100136 1.1055539 1.1898764 1.3242898\n", + " 1.0951717 1.0421146 1.0642767 1.0242689 1.0940089 1.1028217 1.0798966\n", + " 1.0543084 1.0662665 1.0671343 1.0935361 1.0408031 1.0447929 0.\n", + " 0. ]\n", + "\n", + "[ 1 6 0 2 5 4 12 3 7 11 17 13 16 15 9 14 19 8 18 10 20 21]\n", + "=======================\n", + "[\"real housewives of orange county star katie said there was no ` big fight or blow up ' which caused their marriage to end .the wife of la angels player josh hamilton has revealed she was ` blindsided ' by his decision to file for divorce and insists she has never been unfaithful .speaking to tmz sports she said ` nothing sparked it ' and slammed reports she cheated on the slugger as ` entirely false ' .\"]\n", + "=======================\n", + "[\"la angel josh hamilton filed for divorce from katie two months agowas around the same time he admitted to a drugs and alcohol relapsereality star insisted there was no ` big fight or blow up ' causing the splithas maintained she still loves him and will always stand by him\"]\n", + "real housewives of orange county star katie said there was no ` big fight or blow up ' which caused their marriage to end .the wife of la angels player josh hamilton has revealed she was ` blindsided ' by his decision to file for divorce and insists she has never been unfaithful .speaking to tmz sports she said ` nothing sparked it ' and slammed reports she cheated on the slugger as ` entirely false ' .\n", + "la angel josh hamilton filed for divorce from katie two months agowas around the same time he admitted to a drugs and alcohol relapsereality star insisted there was no ` big fight or blow up ' causing the splithas maintained she still loves him and will always stand by him\n", + "[1.1269276 1.2072453 1.4279275 1.334919 1.1143067 1.1273422 1.0877584\n", + " 1.0517226 1.1662472 1.0683565 1.029945 1.0190108 1.1088861 1.0547003\n", + " 1.0396225 1.0910246 1.0210621 1.0298862 1.0240353 1.1027001 1.014026\n", + " 1.0345955]\n", + "\n", + "[ 2 3 1 8 5 0 4 12 19 15 6 9 13 7 14 21 10 17 18 16 11 20]\n", + "=======================\n", + "[\"this photograph was captured in kanagawa prefecture , japan - ` nearby some samurai tombs ' , apparently - late last year .the reddit user who posted it online - a friend of the photographer - insisted it was ` not photoshopped ' and that paranormal forces could be at work .a spooky dark visage that appears behind the child in this photograph has sparked online rumours of a ghost .\"]\n", + "=======================\n", + "[\"are these the ghostly disembodied boots of a samurai soldier ?chatter online after mysterious image emerges of a little girlthe photograph was taken in kanagawa prefecture , japan , last yeara black pair of boots appear behind the small childhowever , there is no evidence of anyone else in other photosi know there are several very old samurai tombs ' nearbythe photographer purportedly insists it has not been photoshopped\"]\n", + "this photograph was captured in kanagawa prefecture , japan - ` nearby some samurai tombs ' , apparently - late last year .the reddit user who posted it online - a friend of the photographer - insisted it was ` not photoshopped ' and that paranormal forces could be at work .a spooky dark visage that appears behind the child in this photograph has sparked online rumours of a ghost .\n", + "are these the ghostly disembodied boots of a samurai soldier ?chatter online after mysterious image emerges of a little girlthe photograph was taken in kanagawa prefecture , japan , last yeara black pair of boots appear behind the small childhowever , there is no evidence of anyone else in other photosi know there are several very old samurai tombs ' nearbythe photographer purportedly insists it has not been photoshopped\n", + "[1.4975991 1.359866 1.1828871 1.458062 1.2322359 1.1656512 1.0258406\n", + " 1.0165234 1.0578042 1.0761633 1.0341641 1.0202966 1.0165137 1.023545\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 4 2 5 9 8 10 6 13 11 7 12 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"jack wilshere continued his return from injury to captain arsenal under 21s , but could not prevent a 1-0 defeat by reading 's youngsters at the emirates stadium .wilshere was joined by other injury plagued first team players including german forward serge gnabry and long-term absentee abou diaby who managed to last 56minutes as his own return gathered pace .former arsenal defender martin keown 's son niall celebrates after scoring the winner for the visitors\"]\n", + "=======================\n", + "['jack wilshere captained arsenal under 21s against reading under 21sgunners first team players abou diaby and serge gnabry also featuredniall keown scored with a header for the royals after only eight minutes']\n", + "jack wilshere continued his return from injury to captain arsenal under 21s , but could not prevent a 1-0 defeat by reading 's youngsters at the emirates stadium .wilshere was joined by other injury plagued first team players including german forward serge gnabry and long-term absentee abou diaby who managed to last 56minutes as his own return gathered pace .former arsenal defender martin keown 's son niall celebrates after scoring the winner for the visitors\n", + "jack wilshere captained arsenal under 21s against reading under 21sgunners first team players abou diaby and serge gnabry also featuredniall keown scored with a header for the royals after only eight minutes\n", + "[1.2552752 1.3424239 1.3709708 1.2204853 1.2291596 1.0682719 1.0284188\n", + " 1.0849261 1.0287879 1.0242299 1.1058213 1.0257646 1.0174488 1.062541\n", + " 1.0316522 1.2288721 1.0834891 1.011803 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 0 4 15 3 10 7 16 5 13 14 8 6 11 9 12 17 20 18 19 21]\n", + "=======================\n", + "[\"but on his arrival at the darwin military museum , mr cordina was refused the medals and told that they ` were more important to the museum . 'after searching far and wide for two years , the 36-year-old amazingly found the medals in the northern territory and drove over 3500 kilometres in four days to be reunited with the family treasures .after his grandfather passed away when he was just 12-years-old , brendan cordina resigned himself to the fact that his beloved world war ii medals were gone forever .\"]\n", + "=======================\n", + "[\"brendan cordina found his granddad 's wwii medals at a nt museumhe spent two years looking for jack slade 's medal 's believing they were lost forevera request to have them returned to the family was refusedmr cordina was told that the museum needed them more than he didhe has now started a petition to have them returned with 15,000 signaturesdirector of the museum said mr slade asked for them to be left to the public in his will\"]\n", + "but on his arrival at the darwin military museum , mr cordina was refused the medals and told that they ` were more important to the museum . 'after searching far and wide for two years , the 36-year-old amazingly found the medals in the northern territory and drove over 3500 kilometres in four days to be reunited with the family treasures .after his grandfather passed away when he was just 12-years-old , brendan cordina resigned himself to the fact that his beloved world war ii medals were gone forever .\n", + "brendan cordina found his granddad 's wwii medals at a nt museumhe spent two years looking for jack slade 's medal 's believing they were lost forevera request to have them returned to the family was refusedmr cordina was told that the museum needed them more than he didhe has now started a petition to have them returned with 15,000 signaturesdirector of the museum said mr slade asked for them to be left to the public in his will\n", + "[1.6289592 1.0917659 1.0582569 1.0387381 1.0822825 1.2142487 1.0944742\n", + " 1.0677103 1.0379726 1.1620076 1.0851034 1.0722651 1.0698484 1.0427212\n", + " 1.1465825 1.0650047 1.0195712 1.0348336 1.0681126 1.0264434 0.\n", + " 0. ]\n", + "\n", + "[ 0 5 9 14 6 1 10 4 11 12 18 7 15 2 13 3 8 17 19 16 20 21]\n", + "=======================\n", + "[\"rory mcilroy 's official coronation will come at augusta national on sunday if he wins the masters to complete the career grand slam and consign the tiger woods era to the history books .but northern ireland 's world no 1 would be forgiven if he had grinned from ear to ear .rory mcilroy shields himself from the rain on tuesday - but a wet course will play into his hands\"]\n", + "=======================\n", + "['rory mcilroy is favourite to win the 79th masters at augusta nationalbubba watson is the defending champion and chasing a third masters wintiger woods returns to action but has no form and worries over his gamejason day and other big-hitters look set for strong week at masters 2015course guide : mcilroy and more stars take you round augusta nationalclick here for the masters 2015 leaderboard']\n", + "rory mcilroy 's official coronation will come at augusta national on sunday if he wins the masters to complete the career grand slam and consign the tiger woods era to the history books .but northern ireland 's world no 1 would be forgiven if he had grinned from ear to ear .rory mcilroy shields himself from the rain on tuesday - but a wet course will play into his hands\n", + "rory mcilroy is favourite to win the 79th masters at augusta nationalbubba watson is the defending champion and chasing a third masters wintiger woods returns to action but has no form and worries over his gamejason day and other big-hitters look set for strong week at masters 2015course guide : mcilroy and more stars take you round augusta nationalclick here for the masters 2015 leaderboard\n", + "[1.1338278 1.5176245 1.2498304 1.4151626 1.2092041 1.1831096 1.154952\n", + " 1.0658586 1.0714929 1.1383625 1.0476167 1.0372095 1.0149105 1.0596772\n", + " 1.0193678 1.0403867 1.0353296 1.0107945 1.0273707 1.0080893 1.0130862\n", + " 1.0077606]\n", + "\n", + "[ 1 3 2 4 5 6 9 0 8 7 13 10 15 11 16 18 14 12 20 17 19 21]\n", + "=======================\n", + "[\"jay brittain , 63 , was worried that the baby owls at small breeds farm park and owl centre , herefordshire , look so similar at birth that he could end up overfeeding them , which can be fatal for the birds .the first born tawny owl is given orange talons , the second hatched has theirs painted purple and for the third born , pink .so he instructed workers at the farm to varnish the claws of each fluffy owlet using nail polish in their very own ` talon salon ' .\"]\n", + "=======================\n", + "[\"jay brittain , 63 , paints the talons of baby owls at small breeds farm park and owl centre , herefordshirethe fledglings look so similar at birth that staff could end up overfeeding them , which can be fatal for the birdsso he instructed workers at the farm to varnish their nails using nail polish in their very own ` talon salon '\"]\n", + "jay brittain , 63 , was worried that the baby owls at small breeds farm park and owl centre , herefordshire , look so similar at birth that he could end up overfeeding them , which can be fatal for the birds .the first born tawny owl is given orange talons , the second hatched has theirs painted purple and for the third born , pink .so he instructed workers at the farm to varnish the claws of each fluffy owlet using nail polish in their very own ` talon salon ' .\n", + "jay brittain , 63 , paints the talons of baby owls at small breeds farm park and owl centre , herefordshirethe fledglings look so similar at birth that staff could end up overfeeding them , which can be fatal for the birdsso he instructed workers at the farm to varnish their nails using nail polish in their very own ` talon salon '\n", + "[1.1097531 1.0738486 1.1422013 1.3916686 1.1155792 1.1566321 1.2674665\n", + " 1.0789981 1.1145521 1.0725567 1.1066157 1.0977795 1.1271487 1.1349828\n", + " 1.0983325 1.0886214 1.030664 1.0859612 1.1111751 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 6 5 2 13 12 4 8 18 0 10 14 11 15 17 7 1 9 16 19 20 21]\n", + "=======================\n", + "[\"watford can be promoted if they win and one of bournemouth or middlesbrough lose and norwich fail to winsteve mcclaren will be desperate to manage in the premier league again ; derby can secure a play-off spothere , sportsmail 's guide takes you through the permutations in the championship , league one , league two and the conference .\"]\n", + "=======================\n", + "['in the championship , both millwall and wigan can be relegatedwatford can secure their place in the top flight , depending on other resultspreston can be promoted to the championship if results go their wayleyton orient , notts county and colchester can go down in league oneburton can be champions of league two if they win against northampton']\n", + "watford can be promoted if they win and one of bournemouth or middlesbrough lose and norwich fail to winsteve mcclaren will be desperate to manage in the premier league again ; derby can secure a play-off spothere , sportsmail 's guide takes you through the permutations in the championship , league one , league two and the conference .\n", + "in the championship , both millwall and wigan can be relegatedwatford can secure their place in the top flight , depending on other resultspreston can be promoted to the championship if results go their wayleyton orient , notts county and colchester can go down in league oneburton can be champions of league two if they win against northampton\n", + "[1.1800951 1.3187814 1.2106085 1.3694968 1.331034 1.1210765 1.0930291\n", + " 1.0714477 1.2908236 1.0343745 1.0342593 1.0200324 1.0779932 1.0209236\n", + " 1.0240492 1.1254458 1.0656182 1.042699 1.0357724 1.0166804 1.054079\n", + " 0. ]\n", + "\n", + "[ 3 4 1 8 2 0 15 5 6 12 7 16 20 17 18 9 10 14 13 11 19 21]\n", + "=======================\n", + "[\"jessica surprised her grandmother patty lawing with the tattoo and it was captured on camerajessica had her husband aaron carey create the stunningly accurate tattoo of patty on her forearm based on a childhood portrait .when jessica carey drove more than three hours to washington to see her grandmother , the elderly lady did n't realise she was in store for two surprises .\"]\n", + "=======================\n", + "[\"jessica carey had her grandmother 's portrait tattooed on her forearmshe then drove almost four hours to surprise her grandmother with ither grandmother patty lawing 's priceless reaction is captured on film\"]\n", + "jessica surprised her grandmother patty lawing with the tattoo and it was captured on camerajessica had her husband aaron carey create the stunningly accurate tattoo of patty on her forearm based on a childhood portrait .when jessica carey drove more than three hours to washington to see her grandmother , the elderly lady did n't realise she was in store for two surprises .\n", + "jessica carey had her grandmother 's portrait tattooed on her forearmshe then drove almost four hours to surprise her grandmother with ither grandmother patty lawing 's priceless reaction is captured on film\n", + "[1.5407512 1.6081551 1.0436125 1.0415062 1.0625886 1.2521405 1.1448638\n", + " 1.0861349 1.098214 1.1233974 1.112012 1.1626798 1.0195705 1.044339\n", + " 1.0714678 1.0383266 1.0244372 1.0161395 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 5 11 6 9 10 8 7 14 4 13 2 3 15 16 12 17 20 18 19 21]\n", + "=======================\n", + "[\"phil burgess , charlie hayter and tom mitchell scored the tries in the final for the english , who bounced back from a thumping group stage defeat to fiji on saturday to win a first title since the wellington sevens in feb. 2013 . 'england defeated championship leaders south africa 21-14 in the decider of the sevens word series eventphil burgess streaks away to score england 's first of three tries in their triumph in japan\"]\n", + "=======================\n", + "[\"england beat south africa 21-14 in the final at the prince chichibu groundengland had n't won a tournament since wellington in february 2013phil burgess , charlie hayter and tom mitchell scored england 's trieswin puts england fourth in series into the final olympic qualifying spot\"]\n", + "phil burgess , charlie hayter and tom mitchell scored the tries in the final for the english , who bounced back from a thumping group stage defeat to fiji on saturday to win a first title since the wellington sevens in feb. 2013 . 'england defeated championship leaders south africa 21-14 in the decider of the sevens word series eventphil burgess streaks away to score england 's first of three tries in their triumph in japan\n", + "england beat south africa 21-14 in the final at the prince chichibu groundengland had n't won a tournament since wellington in february 2013phil burgess , charlie hayter and tom mitchell scored england 's trieswin puts england fourth in series into the final olympic qualifying spot\n", + "[1.1102483 1.1312827 1.4845248 1.17309 1.2497207 1.1946336 1.1162571\n", + " 1.1372032 1.2755157 1.0375985 1.0406841 1.0255723 1.0307528 1.0604768\n", + " 1.0278909 1.023052 1.0969617 1.0493271 1.0547827 1.0244961 1.0270736\n", + " 1.019282 ]\n", + "\n", + "[ 2 8 4 5 3 7 1 6 0 16 13 18 17 10 9 12 14 20 11 19 15 21]\n", + "=======================\n", + "['alaska airlines flight 448 was just barely on its way to los angeles from seattle-tacoma international airport on monday afternoon when the pilot reported hearing unusual banging from the cargo hold .the plane was also only in the air for 14 minutes .the man told authorities he had fallen asleep .']\n", + "=======================\n", + "['ramp agent tells authorities he fell asleep in cargo hold , alaska airlines saysthe cargo hold is pressurized and temperature controlled']\n", + "alaska airlines flight 448 was just barely on its way to los angeles from seattle-tacoma international airport on monday afternoon when the pilot reported hearing unusual banging from the cargo hold .the plane was also only in the air for 14 minutes .the man told authorities he had fallen asleep .\n", + "ramp agent tells authorities he fell asleep in cargo hold , alaska airlines saysthe cargo hold is pressurized and temperature controlled\n", + "[1.3979554 1.1842015 1.3766164 1.1239148 1.1592745 1.1753969 1.0822091\n", + " 1.0331784 1.0131564 1.017401 1.0992091 1.0196491 1.0176111 1.0311204\n", + " 1.0402951 1.0753937 1.0346855 1.034873 1.0145962 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 5 4 3 10 6 15 14 17 16 7 13 11 12 9 18 8 20 19 21]\n", + "=======================\n", + "[\"( cnn ) the victory of a 72-year-old former general , muhammadu buhari , in the nigerian elections represents a moment of maturity in west african politics .but the peaceful transition of power from president goodluck jonathan to president buhari is the first of its kind in history .buhari , who some 30 years ago was nigeria 's harsh military leader , could of course prove to be a disaster ; so many self-described reformers have been .\"]\n", + "=======================\n", + "['tim stanley : muhammadu buhar won nigeria vote on campaign against corruption .he says jonathan administration failed to address corruption , poverty and rise of boko haram .']\n", + "( cnn ) the victory of a 72-year-old former general , muhammadu buhari , in the nigerian elections represents a moment of maturity in west african politics .but the peaceful transition of power from president goodluck jonathan to president buhari is the first of its kind in history .buhari , who some 30 years ago was nigeria 's harsh military leader , could of course prove to be a disaster ; so many self-described reformers have been .\n", + "tim stanley : muhammadu buhar won nigeria vote on campaign against corruption .he says jonathan administration failed to address corruption , poverty and rise of boko haram .\n", + "[1.3038764 1.3103838 1.209718 1.2298121 1.2414525 1.071506 1.0480399\n", + " 1.0152876 1.0937183 1.1053813 1.030696 1.064668 1.1549934 1.0472305\n", + " 1.0432688 1.0700066 1.1497653 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 4 3 2 12 16 9 8 5 15 11 6 13 14 10 7 17 18 19 20 21]\n", + "=======================\n", + "[\"in a tweet published ahead of liverpool 's clash against newcastle tonight , the bookmakers appeared to make light of the issue in the wake of a succession of stories in the us regarding police shootings on african-americans .controversial bookmakers paddy power have provoked outrage with a ` joke ' about the african-american police beatings .it was accompanied by a smirking picture of liverpool boss brendan rodgers and has resulted in a furious backlash on social media .\"]\n", + "=======================\n", + "[\"paddy power said on its twitter page : ` newcastle have suffered more kop beatings over the last 20 years than an unarmed african-american male 'it has resulted in a furious backlash , with people calling it ` deplorable 'bookmakers have attracted criticism in the past for controversial adverts\"]\n", + "in a tweet published ahead of liverpool 's clash against newcastle tonight , the bookmakers appeared to make light of the issue in the wake of a succession of stories in the us regarding police shootings on african-americans .controversial bookmakers paddy power have provoked outrage with a ` joke ' about the african-american police beatings .it was accompanied by a smirking picture of liverpool boss brendan rodgers and has resulted in a furious backlash on social media .\n", + "paddy power said on its twitter page : ` newcastle have suffered more kop beatings over the last 20 years than an unarmed african-american male 'it has resulted in a furious backlash , with people calling it ` deplorable 'bookmakers have attracted criticism in the past for controversial adverts\n", + "[1.303211 1.3174565 1.2455726 1.2860038 1.1898131 1.2126861 1.1613287\n", + " 1.1729463 1.1540244 1.0828279 1.0303833 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 2 5 4 7 6 8 9 10 11 12 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"surveillance footage at neely 's grog house in port st lucie in miami , florida , shows the man get into a dispute with bartenders on sunday night .a man set a bouncer on fire after he was kicked out of a bar .brawl : the bouncer is said to be tackling the man to the ground after he threw a cup of gasoline on him\"]\n", + "=======================\n", + "['man got into a dispute with bartenders at a bar in port st lucie in miamihe was kicked out then returned with cup of gasoline , poured on bouncerbouncer chased the man , who then set him on fire']\n", + "surveillance footage at neely 's grog house in port st lucie in miami , florida , shows the man get into a dispute with bartenders on sunday night .a man set a bouncer on fire after he was kicked out of a bar .brawl : the bouncer is said to be tackling the man to the ground after he threw a cup of gasoline on him\n", + "man got into a dispute with bartenders at a bar in port st lucie in miamihe was kicked out then returned with cup of gasoline , poured on bouncerbouncer chased the man , who then set him on fire\n", + "[1.3505106 1.1507182 1.3697772 1.2900367 1.251275 1.1562555 1.203675\n", + " 1.0458037 1.023967 1.0248151 1.0214094 1.0719397 1.0687647 1.0286274\n", + " 1.0585636 1.1021203 1.0661321 1.038041 1.0425962]\n", + "\n", + "[ 2 0 3 4 6 5 1 15 11 12 16 14 7 18 17 13 9 8 10]\n", + "=======================\n", + "[\"the prime minister said seven key tory policies would help get people on to the property ladder by building more homes and cutting the cost of saving for a deposit , moving house and paying off mortgages .the tory leader , wearing notably clean new work boots , as he chatted to house builders , insisted ` dream of home ownership is alive ' .mr cameron used the launch of the conservative party manifesto yesterday to promise voters ` security at every stage of your life ' .\"]\n", + "=======================\n", + "['tory leader sets out seven point plan for boost home ownership dreamplans to boost construction with thousands of new affordable homeshelp with cutting the cost of saving for a deposit and paying off mortgage']\n", + "the prime minister said seven key tory policies would help get people on to the property ladder by building more homes and cutting the cost of saving for a deposit , moving house and paying off mortgages .the tory leader , wearing notably clean new work boots , as he chatted to house builders , insisted ` dream of home ownership is alive ' .mr cameron used the launch of the conservative party manifesto yesterday to promise voters ` security at every stage of your life ' .\n", + "tory leader sets out seven point plan for boost home ownership dreamplans to boost construction with thousands of new affordable homeshelp with cutting the cost of saving for a deposit and paying off mortgage\n", + "[1.4045993 1.5033536 1.1662097 1.3374226 1.0670363 1.034924 1.0180254\n", + " 1.0233582 1.0440779 1.0401773 1.0469419 1.0159414 1.0104424 1.1869118\n", + " 1.1080978 1.329253 1.0165857 1.0147681 0. ]\n", + "\n", + "[ 1 0 3 15 13 2 14 4 10 8 9 5 7 6 16 11 17 12 18]\n", + "=======================\n", + "[\"the ukrainian superstar will make his return to us soil for the first time in seven years when he takes on the slick philadelphian at the iconic madison square garden in new york .wladimir klitschko has recalled his dramatic rise to the top on the eve of his world title defence against undefeated bryant jennings .reigning heavyweight champion wladimir klitschko ( right ) faces up to bryant jennings on friday '\"]\n", + "=======================\n", + "[\"wladimir klitschko will defend his world title in new york on saturdayklitschko will make his return to us soil for the first time in seven yearswba , wbo , ibf and ibo champion klitschko has n't shown any signs of decline in recent times despite being just a year short of his 40th birthday\"]\n", + "the ukrainian superstar will make his return to us soil for the first time in seven years when he takes on the slick philadelphian at the iconic madison square garden in new york .wladimir klitschko has recalled his dramatic rise to the top on the eve of his world title defence against undefeated bryant jennings .reigning heavyweight champion wladimir klitschko ( right ) faces up to bryant jennings on friday '\n", + "wladimir klitschko will defend his world title in new york on saturdayklitschko will make his return to us soil for the first time in seven yearswba , wbo , ibf and ibo champion klitschko has n't shown any signs of decline in recent times despite being just a year short of his 40th birthday\n", + "[1.0809419 1.0610807 1.4055104 1.3721929 1.3060894 1.1739657 1.1682273\n", + " 1.0935546 1.1419461 1.0647702 1.034596 1.0226201 1.0353471 1.0144037\n", + " 1.2812971 1.051408 1.0118339 1.029757 1.0239966]\n", + "\n", + "[ 2 3 4 14 5 6 8 7 0 9 1 15 12 10 17 18 11 13 16]\n", + "=======================\n", + "['now one of the stars of the show , binky felstead , 24 , has opened up her closet to give wannabe sloane rangers a helping hand in achieving the polished , put-together look she is famed for .binky said that faux fur is one of her top tips for achieving chelsea street stylebinky has been in the cast of the hit e4 programme since 2011 when it first started , along with spencer matthews and rosie fortescue .']\n", + "=======================\n", + "[\"made in chelsea star binky felstead , 24 , stars in street style videoshares five must-haves to always be in fashion in london 's sw3 areastatement jewellery , cashmere and a biker jacket are fashion essentials\"]\n", + "now one of the stars of the show , binky felstead , 24 , has opened up her closet to give wannabe sloane rangers a helping hand in achieving the polished , put-together look she is famed for .binky said that faux fur is one of her top tips for achieving chelsea street stylebinky has been in the cast of the hit e4 programme since 2011 when it first started , along with spencer matthews and rosie fortescue .\n", + "made in chelsea star binky felstead , 24 , stars in street style videoshares five must-haves to always be in fashion in london 's sw3 areastatement jewellery , cashmere and a biker jacket are fashion essentials\n", + "[1.2269533 1.402672 1.1559516 1.1672428 1.1709964 1.1756303 1.1964467\n", + " 1.2142459 1.1368065 1.1415465 1.1605557 1.0120676 1.0316541 1.0115614\n", + " 1.0096905 1.0288937 1.0758482 0. 0. ]\n", + "\n", + "[ 1 0 7 6 5 4 3 10 2 9 8 16 12 15 11 13 14 17 18]\n", + "=======================\n", + "[\"aluel manyang was moved from the intensive care unit at the royal children 's about 5.15 pm on friday , and greeted her distraught mother , akon goode , with a ` big hug ' , her father said .the mother and daughter who survived a tragic car accident this week , which saw three children die , have been reunited .aluel manyang believes her younger sister and two brothers died when they were taken by a crocodile because the children associate the giant reptiles with water .\"]\n", + "=======================\n", + "[\"mother akon guode was released from police custody on thursday nightshe crashed 4wd into melbourne lake just before 4pm on wednesdayher three young children died and another is now recovering in hospitalchildren 's father says ms guode ` did n't feel herself ' as she was drivingms guode reunited with her daughter , aluel , on friday night\"]\n", + "aluel manyang was moved from the intensive care unit at the royal children 's about 5.15 pm on friday , and greeted her distraught mother , akon goode , with a ` big hug ' , her father said .the mother and daughter who survived a tragic car accident this week , which saw three children die , have been reunited .aluel manyang believes her younger sister and two brothers died when they were taken by a crocodile because the children associate the giant reptiles with water .\n", + "mother akon guode was released from police custody on thursday nightshe crashed 4wd into melbourne lake just before 4pm on wednesdayher three young children died and another is now recovering in hospitalchildren 's father says ms guode ` did n't feel herself ' as she was drivingms guode reunited with her daughter , aluel , on friday night\n", + "[1.2544022 1.4126225 1.2392598 1.2547085 1.1768087 1.1007223 1.0586952\n", + " 1.065421 1.1150439 1.0638185 1.1088121 1.0672247 1.0607812 1.0946954\n", + " 1.1100725 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 8 14 10 5 13 11 7 9 12 6 17 15 16 18]\n", + "=======================\n", + "[\"ex-juvenile offender shaun andrew mckerry , dubbed boomerang boy or homing pigeon boy in his youth , burst into shildon post office and stores , county durham , at 8pm on march 15 .as the men wrestled , sab dhillon 's wife sam helped by hitting mckerry with a baseball batshe struck him twice , helping to disarm him while her husband twisted him around to reveal his face to the cameras\"]\n", + "=======================\n", + "['an axe-wielding robber has been jailed for attempting to rob a corner shopbut he failed after he was held and hit with a baseball bat by shopkeepershe was later revealed to be a juvenile offender nicknamed boomerang boyshaun andrew mckerry , 31 , had been arrested 80 times by the age of 15']\n", + "ex-juvenile offender shaun andrew mckerry , dubbed boomerang boy or homing pigeon boy in his youth , burst into shildon post office and stores , county durham , at 8pm on march 15 .as the men wrestled , sab dhillon 's wife sam helped by hitting mckerry with a baseball batshe struck him twice , helping to disarm him while her husband twisted him around to reveal his face to the cameras\n", + "an axe-wielding robber has been jailed for attempting to rob a corner shopbut he failed after he was held and hit with a baseball bat by shopkeepershe was later revealed to be a juvenile offender nicknamed boomerang boyshaun andrew mckerry , 31 , had been arrested 80 times by the age of 15\n", + "[1.316847 1.2964377 1.2952248 1.327663 1.2412806 1.1488309 1.0540726\n", + " 1.0570651 1.0674502 1.0439328 1.0974303 1.0638114 1.0290871 1.0296208\n", + " 1.0184517 1.019608 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 2 4 5 10 8 11 7 6 9 13 12 15 14 16 17 18 19]\n", + "=======================\n", + "[\"the harry potter books ( pictured ) have sold more than 450 million copies and its success may lie in the use of words used - rather than the texts as a whole .by scanning the brains of participants as they read passages from the collection , researchers discovered that the common use of ` arousing words ' affected parts of the brain concerned with emotion .the emotional potential of words is rated in terms of valence and arousal ratings .\"]\n", + "=======================\n", + "['researchers chose 120 passages from across all seven harry potter booksthese passages were read by participants while in an fmri scannereach was rated on how negative or positive , and how arousing they werescans revealed passages rated high for arousal activated parts of the brain associated with emotion , including the left amygdala']\n", + "the harry potter books ( pictured ) have sold more than 450 million copies and its success may lie in the use of words used - rather than the texts as a whole .by scanning the brains of participants as they read passages from the collection , researchers discovered that the common use of ` arousing words ' affected parts of the brain concerned with emotion .the emotional potential of words is rated in terms of valence and arousal ratings .\n", + "researchers chose 120 passages from across all seven harry potter booksthese passages were read by participants while in an fmri scannereach was rated on how negative or positive , and how arousing they werescans revealed passages rated high for arousal activated parts of the brain associated with emotion , including the left amygdala\n", + "[1.2411664 1.2926657 1.1732543 1.1483824 1.1910771 1.2119775 1.1831385\n", + " 1.1386983 1.1930038 1.1293921 1.0372851 1.0532745 1.0413452 1.0561907\n", + " 1.0306609 1.1320912 1.0423461 0. 0. 0. ]\n", + "\n", + "[ 1 0 5 8 4 6 2 3 7 15 9 13 11 16 12 10 14 18 17 19]\n", + "=======================\n", + "['spotters reported a tornado about 6 miles northwest of goddard , which is less than 15 miles west of wichita .( cnn ) tornado sirens blared wednesday night in kansas as several storms brought reports of twisters .other reports of tornadoes came in from southwestern kansas , according to the storm prediction center .']\n", + "=======================\n", + "[\"kansas spotters report at least four tornadoespotosi , missouri , sees wind damage to roofs and some floodingthursday 's forecast calls for more storms but to the east\"]\n", + "spotters reported a tornado about 6 miles northwest of goddard , which is less than 15 miles west of wichita .( cnn ) tornado sirens blared wednesday night in kansas as several storms brought reports of twisters .other reports of tornadoes came in from southwestern kansas , according to the storm prediction center .\n", + "kansas spotters report at least four tornadoespotosi , missouri , sees wind damage to roofs and some floodingthursday 's forecast calls for more storms but to the east\n", + "[1.4416187 1.5173441 1.1243458 1.1097978 1.1048079 1.0775951 1.164841\n", + " 1.15047 1.118182 1.0576338 1.0782954 1.2506336 1.051742 1.060755\n", + " 1.0201486 1.0296357 1.0104877 1.0066801 0. 0. ]\n", + "\n", + "[ 1 0 11 6 7 2 8 3 4 10 5 13 9 12 15 14 16 17 18 19]\n", + "=======================\n", + "[\"the gunners take on brendan rodgers ' side at the emirates , third in the premier league and six points clear of fifth-placed liverpool in the race for the top four .arsenal appear in high spirits ahead of hosting champions league qualification rivals liverpool on saturday afternoon .england international jack wilshere is back in training with the first team having been out since november with an ankle injury\"]\n", + "=======================\n", + "['arsenal host top-four rivals liverpool at the emirates on saturday afternoon in the premier league contestthe gunners won all four of their premier league games in march to sit third in the league tablearsene wenger and olivier giroud won manager and player of the month for an in-form arsenal sidethe gunners are six points ahead of liverpool in the race for champions league qualification next season']\n", + "the gunners take on brendan rodgers ' side at the emirates , third in the premier league and six points clear of fifth-placed liverpool in the race for the top four .arsenal appear in high spirits ahead of hosting champions league qualification rivals liverpool on saturday afternoon .england international jack wilshere is back in training with the first team having been out since november with an ankle injury\n", + "arsenal host top-four rivals liverpool at the emirates on saturday afternoon in the premier league contestthe gunners won all four of their premier league games in march to sit third in the league tablearsene wenger and olivier giroud won manager and player of the month for an in-form arsenal sidethe gunners are six points ahead of liverpool in the race for champions league qualification next season\n", + "[1.121163 1.3028331 1.1790173 1.2176425 1.3288177 1.2472628 1.1523159\n", + " 1.1576407 1.0796613 1.0600423 1.0857394 1.029489 1.1071382 1.162364\n", + " 1.0964633 1.0245227 1.0391634 1.0056695 0. 0. ]\n", + "\n", + "[ 4 1 5 3 2 13 7 6 0 12 14 10 8 9 16 11 15 17 18 19]\n", + "=======================\n", + "['some 45 per cent of the under-30s surveyed for the british chiropractic association said they had a painful back or neck -- up from 28 per cent last year .experts blame increasingly sedentary lifestyles and an obsession with mobile phones for a sharp rise in the number of young people with back and neck problems .as gadgets get smaller , users lean over them more , putting the neck and shock-absorbing discs that cushion the vertebrae under added pressure']\n", + "=======================\n", + "['some 45 per cent of under 30s surveyed said they had painful back or necksurvey by british chiropractic association showed a 28 per cent yearly riseas gadgets get smaller , users lean over them adding pressure on the neck']\n", + "some 45 per cent of the under-30s surveyed for the british chiropractic association said they had a painful back or neck -- up from 28 per cent last year .experts blame increasingly sedentary lifestyles and an obsession with mobile phones for a sharp rise in the number of young people with back and neck problems .as gadgets get smaller , users lean over them more , putting the neck and shock-absorbing discs that cushion the vertebrae under added pressure\n", + "some 45 per cent of under 30s surveyed said they had painful back or necksurvey by british chiropractic association showed a 28 per cent yearly riseas gadgets get smaller , users lean over them adding pressure on the neck\n", + "[1.2697115 1.113072 1.2256353 1.2828456 1.3384883 1.1156193 1.1743577\n", + " 1.1647032 1.1789789 1.0338805 1.0335189 1.0381557 1.0357686 1.060523\n", + " 1.1188416 1.0780326 1.049705 1.0347694 1.0428195 1.0111716]\n", + "\n", + "[ 4 3 0 2 8 6 7 14 5 1 15 13 16 18 11 12 17 9 10 19]\n", + "=======================\n", + "['the total eclipse will only last four minutes and 43 seconds , and nasa says that makes it the shortest one of the century .for the next hour and 45 minutes , that shadow will move across the moon and engulf it at 4:58 a.m. pacific time .( cnn ) sky watchers in western north america are in for a treat : a nearly five-minute total lunar eclipse this morning .']\n", + "=======================\n", + "['the total eclipse will only last 4 minutes and 43 secondspeople west of the mississippi river will have the best viewparts of south america , india , china and russia also will see the eclipse']\n", + "the total eclipse will only last four minutes and 43 seconds , and nasa says that makes it the shortest one of the century .for the next hour and 45 minutes , that shadow will move across the moon and engulf it at 4:58 a.m. pacific time .( cnn ) sky watchers in western north america are in for a treat : a nearly five-minute total lunar eclipse this morning .\n", + "the total eclipse will only last 4 minutes and 43 secondspeople west of the mississippi river will have the best viewparts of south america , india , china and russia also will see the eclipse\n", + "[1.3946568 1.2221187 1.3848765 1.3482138 1.237003 1.0617106 1.0238386\n", + " 1.020183 1.0875616 1.0612731 1.0435123 1.044158 1.037746 1.0709099\n", + " 1.0781006 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 4 1 8 14 13 5 9 11 10 12 6 7 15 16 17 18]\n", + "=======================\n", + "[\"second-hand car dealer neil tuckett has turned his back on the modern vehicle and only sells henry ford 's famous model t.mr tuckett says his customers love the model t - the first affordable mass-produced car - because they do n't require need road tax or an mot and are cheaper to maintain than a modern car , with each one selling for around # 10,000 .top of the range : this 1914 model is # 24,750 and is one of around one a week sold by the buckinghamshire dealer\"]\n", + "=======================\n", + "[\"neil tuckett 's newest model on his forecourt is 90 years old - but he is still selling one model t every weekhis cars are popular with the public as well as the tv and film industry , including the makers of downton abbeycustomers love the model t because they do n't require need road tax or an mot and are cheap to maintainhe said : ` they 're like a giant meccano set really , and so beautifully simple and reliable they just wo n't let you down '\"]\n", + "second-hand car dealer neil tuckett has turned his back on the modern vehicle and only sells henry ford 's famous model t.mr tuckett says his customers love the model t - the first affordable mass-produced car - because they do n't require need road tax or an mot and are cheaper to maintain than a modern car , with each one selling for around # 10,000 .top of the range : this 1914 model is # 24,750 and is one of around one a week sold by the buckinghamshire dealer\n", + "neil tuckett 's newest model on his forecourt is 90 years old - but he is still selling one model t every weekhis cars are popular with the public as well as the tv and film industry , including the makers of downton abbeycustomers love the model t because they do n't require need road tax or an mot and are cheap to maintainhe said : ` they 're like a giant meccano set really , and so beautifully simple and reliable they just wo n't let you down '\n", + "[1.2029248 1.384901 1.2423236 1.1954441 1.045636 1.1689336 1.0505035\n", + " 1.0735244 1.0468754 1.0296897 1.061349 1.1150733 1.016815 1.2053668\n", + " 1.068634 1.0207427 1.096292 1.1710356 1.0968046]\n", + "\n", + "[ 1 2 13 0 3 17 5 11 18 16 7 14 10 6 8 4 9 15 12]\n", + "=======================\n", + "['footage shows best friends carmarie and kanya sat buckled into the device at the indy speedway park on panama city beach , florida , over the weekend .at the start they seem pretty calm but when the carriage tilts back and fires 300ft-high panic sets in and they let out manic screams with horrified facial expressions to match .to date the clip of their traumatic theme park outing has been watched more than 17 million times on facebook .']\n", + "=======================\n", + "[\"footage shows best friends carmarie and kanya sat buckled up in the device at the indy speedway park on panama city beach in floridaat the start they appear to be pretty calm but when the carriage tilts back and fires 300ft-high panic sets inat one point carmarie - who appears to be older - tells kanya : ` if i die , tell my mama i love her 'to date the clip of their traumatic theme park outing has been watched more than 17 million times on facebook\"]\n", + "footage shows best friends carmarie and kanya sat buckled into the device at the indy speedway park on panama city beach , florida , over the weekend .at the start they seem pretty calm but when the carriage tilts back and fires 300ft-high panic sets in and they let out manic screams with horrified facial expressions to match .to date the clip of their traumatic theme park outing has been watched more than 17 million times on facebook .\n", + "footage shows best friends carmarie and kanya sat buckled up in the device at the indy speedway park on panama city beach in floridaat the start they appear to be pretty calm but when the carriage tilts back and fires 300ft-high panic sets inat one point carmarie - who appears to be older - tells kanya : ` if i die , tell my mama i love her 'to date the clip of their traumatic theme park outing has been watched more than 17 million times on facebook\n", + "[1.6020501 1.2382737 1.1147627 1.1035247 1.0442383 1.0795459 1.0668193\n", + " 1.0614891 1.0417851 1.0226989 1.0431716 1.0325406 1.0715729 1.0337816\n", + " 1.0490825 1.0538412 1.0179325 1.044393 1.0140594]\n", + "\n", + "[ 0 1 2 3 5 12 6 7 15 14 17 4 10 8 13 11 9 16 18]\n", + "=======================\n", + "['( cnn ) the seventh installment of the \" fast and furious \" franchise , \" \" furious 7 \" is sure to draw fans curious about how the film handles the real-life death of co-star paul walker .here \\'s what the critics are saying :peter travers , rolling stone : \" ` furious 7 \\' is the best f&f by far , two hours of pure pow fueled by dedication and passionate heart .']\n", + "=======================\n", + "['the film is out in theaters todayco-star paul walker died during productioncritics say \" furious 7 \" is bittersweet and \" plenty of crazy fun \"']\n", + "( cnn ) the seventh installment of the \" fast and furious \" franchise , \" \" furious 7 \" is sure to draw fans curious about how the film handles the real-life death of co-star paul walker .here 's what the critics are saying :peter travers , rolling stone : \" ` furious 7 ' is the best f&f by far , two hours of pure pow fueled by dedication and passionate heart .\n", + "the film is out in theaters todayco-star paul walker died during productioncritics say \" furious 7 \" is bittersweet and \" plenty of crazy fun \"\n", + "[1.1303031 1.0667313 1.2696626 1.455224 1.2973711 1.1506473 1.1123879\n", + " 1.138632 1.1166695 1.0497919 1.0325062 1.0214837 1.0427532 1.1638113\n", + " 1.0165725 1.0189599 1.0174443 1.021287 1.0167013]\n", + "\n", + "[ 3 4 2 13 5 7 0 8 6 1 9 12 10 11 17 15 16 18 14]\n", + "=======================\n", + "['top tips : the video , which has been viewed 600,000 times , features new parents sharing their tipscalled extra storage space , the clip has already been viewed almost 600,000 times and blends practical advice with the odd tear-jerking moment .now a group of parents , all of whom are based in the us , have created a video that lifts the lid on what the first months with a new baby are really like .']\n", + "=======================\n", + "[\"video by extra storage space has been viewed almost 600,000 timesfeatures mothers and fathers offering up advice to first-time parentslist of tips includes ` do what works for you ' and ` get on a schedule '\"]\n", + "top tips : the video , which has been viewed 600,000 times , features new parents sharing their tipscalled extra storage space , the clip has already been viewed almost 600,000 times and blends practical advice with the odd tear-jerking moment .now a group of parents , all of whom are based in the us , have created a video that lifts the lid on what the first months with a new baby are really like .\n", + "video by extra storage space has been viewed almost 600,000 timesfeatures mothers and fathers offering up advice to first-time parentslist of tips includes ` do what works for you ' and ` get on a schedule '\n", + "[1.2859726 1.3271856 1.4566052 1.0767087 1.2427542 1.0402633 1.1138769\n", + " 1.0714424 1.0477375 1.0466899 1.0753496 1.0231894 1.1521409 1.023598\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 4 12 6 3 10 7 8 9 5 13 11 14 15 16 17 18]\n", + "=======================\n", + "[\"in colorado , at least 30 people were injured last year in 32 butane explosions involving hash oil -- nearly three times the number reported throughout 2013 , according to officials with the rocky mountain high intensity drug trafficking area , a state-federal enforcement program .the proposals came after an increase in home fires and blasts linked to homemade hash oil .alarmed by a rash of explosions and injuries caused when amateurs make hash oil , lawmakers in colorado and washington are considering spelling out what 's allowed when it comes to making the concentrated marijuana at home .\"]\n", + "=======================\n", + "[\"lawmakers in colorado and washington are considering spelling out what 's allowed when it comes to making the concentrated marijuana at homeat least 30 were injured in colorado alone in 2014 in butane explosions involving hash oilpeople make hash oil at home to save money , make it to personal taste , or as a hobby\"]\n", + "in colorado , at least 30 people were injured last year in 32 butane explosions involving hash oil -- nearly three times the number reported throughout 2013 , according to officials with the rocky mountain high intensity drug trafficking area , a state-federal enforcement program .the proposals came after an increase in home fires and blasts linked to homemade hash oil .alarmed by a rash of explosions and injuries caused when amateurs make hash oil , lawmakers in colorado and washington are considering spelling out what 's allowed when it comes to making the concentrated marijuana at home .\n", + "lawmakers in colorado and washington are considering spelling out what 's allowed when it comes to making the concentrated marijuana at homeat least 30 were injured in colorado alone in 2014 in butane explosions involving hash oilpeople make hash oil at home to save money , make it to personal taste , or as a hobby\n", + "[1.5010991 1.265046 1.3086808 1.4433314 1.088569 1.0389163 1.0291215\n", + " 1.0329417 1.0351212 1.0164111 1.0331504 1.0193337 1.0842531 1.0501989\n", + " 1.0358651 1.0452002 1.0144067 1.0115504 0. 0. ]\n", + "\n", + "[ 0 3 2 1 4 12 13 15 5 14 8 10 7 6 11 9 16 17 18 19]\n", + "=======================\n", + "[\"jose aldo and conor mcgregor may have taken the spotlight over the past two weeks when it comes to the ufc 's featherweight division , but this weekend it 's time for two other top ranked 145ers to take centre stage , as no 1 ranked chad mendes and no 4 ranked ricardo lamas meet in fairfax , in a bout which could potentially determine the next challenger to the title .but it is aldo 's upcoming opponent , irishman mcgregor , who has dominated conversation in the lead up to this weekend 's fight .mendes ' only two professional losses have come at the hands of the brazilian king and lamas also dropped a decision to aldo when the two met in february last year .\"]\n", + "=======================\n", + "[\"chad mendes expects war with ricardo lamas in saturday 's main eventhaving both fallen to featherweight champion jose aldo in the past , both men feel a win could put them back in title contentionlamas thinks that both he and mendes will drag the best out of each othermendes sees aldo taking july 11 's title fight with conor mcgregortwo of the lightweight division 's best strikers , al iaquinta and jorge masvidal , meet in the co-main event\"]\n", + "jose aldo and conor mcgregor may have taken the spotlight over the past two weeks when it comes to the ufc 's featherweight division , but this weekend it 's time for two other top ranked 145ers to take centre stage , as no 1 ranked chad mendes and no 4 ranked ricardo lamas meet in fairfax , in a bout which could potentially determine the next challenger to the title .but it is aldo 's upcoming opponent , irishman mcgregor , who has dominated conversation in the lead up to this weekend 's fight .mendes ' only two professional losses have come at the hands of the brazilian king and lamas also dropped a decision to aldo when the two met in february last year .\n", + "chad mendes expects war with ricardo lamas in saturday 's main eventhaving both fallen to featherweight champion jose aldo in the past , both men feel a win could put them back in title contentionlamas thinks that both he and mendes will drag the best out of each othermendes sees aldo taking july 11 's title fight with conor mcgregortwo of the lightweight division 's best strikers , al iaquinta and jorge masvidal , meet in the co-main event\n", + "[1.2755862 1.4171793 1.2259157 1.2536018 1.2506862 1.138233 1.0656296\n", + " 1.1210722 1.0487984 1.0801902 1.0697219 1.0277605 1.026661 1.0219927\n", + " 1.0203131 1.0157282 1.0153754 1.0489198 1.0182151 1.1126535]\n", + "\n", + "[ 1 0 3 4 2 5 7 19 9 10 6 17 8 11 12 13 14 18 15 16]\n", + "=======================\n", + "[\"ards borough council in northern ireland , which will merge with its neighbouring authority next week , put on the taxpayer-funded dinner to ` maintain morale ' and to encourage workers to do a good job .council bosses spent more than # 7,000 on a lavish three-course christmas banquet and disco for staff as a last blow-out before the local authority shut up shop .the christmas party ( file picture ) is the first the council has hosted in recent years , and will be their last as the authority no longer exists after a merger with its neighbour\"]\n", + "=======================\n", + "[\"ards council spent # 7,000 on three-course christmas dinner and discostaff feasted on roast turkey with all the trimmings - paid for by taxpayersalmost # 500 was spent on balloons and christmas crackers for the partycelebration was to ` maintain staff morale ' as the council was closing down\"]\n", + "ards borough council in northern ireland , which will merge with its neighbouring authority next week , put on the taxpayer-funded dinner to ` maintain morale ' and to encourage workers to do a good job .council bosses spent more than # 7,000 on a lavish three-course christmas banquet and disco for staff as a last blow-out before the local authority shut up shop .the christmas party ( file picture ) is the first the council has hosted in recent years , and will be their last as the authority no longer exists after a merger with its neighbour\n", + "ards council spent # 7,000 on three-course christmas dinner and discostaff feasted on roast turkey with all the trimmings - paid for by taxpayersalmost # 500 was spent on balloons and christmas crackers for the partycelebration was to ` maintain staff morale ' as the council was closing down\n", + "[1.1186687 1.2580693 1.0583934 1.2389632 1.0869607 1.1095419 1.1011407\n", + " 1.1987557 1.104899 1.0972512 1.02694 1.0188164 1.0521598 1.0195202\n", + " 1.0695943 1.1153805 1.0818875 1.0575202 1.0586232 1.0610698]\n", + "\n", + "[ 1 3 7 0 15 5 8 6 9 4 16 14 19 18 2 17 12 10 13 11]\n", + "=======================\n", + "[\"but here in britain prosecco has long been seen as the second choice to champagne .according to industry figures released this month , we 've developed such a taste for prosecco that last year uk sales overtook those of champagne for the first time -- # 181.8 million compared with # 141.3 million .residents and tourists in venice have for years delighted in their local , laid-back fizz .\"]\n", + "=======================\n", + "[\"britain has long seen prosecco as the second choice to champagnenow that 's all changing as prosecco sales have overtaken for the first timeuk sales were # 181.8 million compared with # 141.3 million for champagne\"]\n", + "but here in britain prosecco has long been seen as the second choice to champagne .according to industry figures released this month , we 've developed such a taste for prosecco that last year uk sales overtook those of champagne for the first time -- # 181.8 million compared with # 141.3 million .residents and tourists in venice have for years delighted in their local , laid-back fizz .\n", + "britain has long seen prosecco as the second choice to champagnenow that 's all changing as prosecco sales have overtaken for the first timeuk sales were # 181.8 million compared with # 141.3 million for champagne\n", + "[1.44691 1.3341573 1.2046117 1.3791562 1.3323836 1.074089 1.0187021\n", + " 1.096511 1.0720879 1.1735673 1.0652375 1.0703461 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 9 7 5 8 11 10 6 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "['in four days time , floyd mayweather will go head-to-head with manny pacquiao in the fight of the century at the mgm grand but he still had time to pose for a picture with motown legend gladys knight .mayweather meets rival pacquiao on may 2 in las vegas in the highly-anticipated blockbuster , which saw tickets sell out within 60 seconds on ticketmaster last week .mayweather is expected to get # 120m from the fight , the biggest event in the history of boxing , with pacquiao .']\n", + "=======================\n", + "['floyd mayweather will fight manny pacquiao on may 2 in las vegasthe fight will be the biggest event in the history of boxingmayweather took time out of training to pose for picture with gladys knightpacquiao arrives in las vegas ahead of showdown with mayweatherclick here for all the latest manny pacquiao and floyd mayweather news']\n", + "in four days time , floyd mayweather will go head-to-head with manny pacquiao in the fight of the century at the mgm grand but he still had time to pose for a picture with motown legend gladys knight .mayweather meets rival pacquiao on may 2 in las vegas in the highly-anticipated blockbuster , which saw tickets sell out within 60 seconds on ticketmaster last week .mayweather is expected to get # 120m from the fight , the biggest event in the history of boxing , with pacquiao .\n", + "floyd mayweather will fight manny pacquiao on may 2 in las vegasthe fight will be the biggest event in the history of boxingmayweather took time out of training to pose for picture with gladys knightpacquiao arrives in las vegas ahead of showdown with mayweatherclick here for all the latest manny pacquiao and floyd mayweather news\n", + "[1.1596056 1.2478522 1.2194093 1.1681709 1.1215963 1.083597 1.0517385\n", + " 1.0645989 1.0614444 1.0296334 1.1038665 1.0585642 1.0948544 1.1601557\n", + " 1.0207089 1.0335312 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 13 0 4 10 12 5 7 8 11 6 15 9 14 18 16 17 19]\n", + "=======================\n", + "['so while there were some loud , dirty guitars at the 2015 rock and roll hall of fame induction ceremony in cleveland on saturday night , there was as much recognition for rock \\'s antecedents in soul and blues , speaking less to a particular taxonomy than a spirit that \\'s beyond words .it \\'s easy to talk of such spirit when paul mccartney is there to honor ringo starr , and yoko ono is on hand as well .speaking briefly backstage , ono expressed feeling that it was wonderful for starr to be honored , \" just sad john and george are n\\'t here , \" referring to her late husband john lennon and beatles guitarist and fellow songwriter george harrison .']\n", + "=======================\n", + "['paul mccartney honors ringo starr at rock and roll hall of fame induction ceremonygreen day , lou reed , joan jett & the blackhearts also honored']\n", + "so while there were some loud , dirty guitars at the 2015 rock and roll hall of fame induction ceremony in cleveland on saturday night , there was as much recognition for rock 's antecedents in soul and blues , speaking less to a particular taxonomy than a spirit that 's beyond words .it 's easy to talk of such spirit when paul mccartney is there to honor ringo starr , and yoko ono is on hand as well .speaking briefly backstage , ono expressed feeling that it was wonderful for starr to be honored , \" just sad john and george are n't here , \" referring to her late husband john lennon and beatles guitarist and fellow songwriter george harrison .\n", + "paul mccartney honors ringo starr at rock and roll hall of fame induction ceremonygreen day , lou reed , joan jett & the blackhearts also honored\n", + "[1.4405318 1.1519802 1.1737113 1.1227179 1.1293387 1.1842364 1.0749102\n", + " 1.0609938 1.0612338 1.0852278 1.0483502 1.1180338 1.150203 1.0317559\n", + " 1.0243568 1.1051803 1.0480765 1.0341895 0. 0. ]\n", + "\n", + "[ 0 5 2 1 12 4 3 11 15 9 6 8 7 10 16 17 13 14 18 19]\n", + "=======================\n", + "['( cnn ) before landing a gyrocopter on the capitol lawn wednesday , doug hughes wrote about his intentions and the reasons behind them on a website called the thedemocracyclub.org .hughes \\' friend michael shanahan told cnn that hughes called him wednesday morning and told him to check out the website .\" my flight is not a secret , \" the post says .']\n", + "=======================\n", + "['doug hughes , 61 , said the point was to present solutions to corruptionhughes mentioned the idea a couple of years ago , his friend sayshughes had a son who committed suicide , report says']\n", + "( cnn ) before landing a gyrocopter on the capitol lawn wednesday , doug hughes wrote about his intentions and the reasons behind them on a website called the thedemocracyclub.org .hughes ' friend michael shanahan told cnn that hughes called him wednesday morning and told him to check out the website .\" my flight is not a secret , \" the post says .\n", + "doug hughes , 61 , said the point was to present solutions to corruptionhughes mentioned the idea a couple of years ago , his friend sayshughes had a son who committed suicide , report says\n", + "[1.3347093 1.4445875 1.3062345 1.2897127 1.1176685 1.0929092 1.1127901\n", + " 1.0750622 1.0210015 1.018385 1.1112336 1.1107619 1.0744748 1.0587252\n", + " 1.0798854 1.0415916 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 6 10 11 5 14 7 12 13 15 8 9 16 17 18 19]\n", + "=======================\n", + "[\"the prince is due to arrive in australia on the 6th april and will split his time between capital canberra , sydney , darwin and perth .prince harry will go on tough bush patrols and take part in ` indigenous engagement ' programmes during his four-week secondment with australian defence force , kensington palace has revealed .on arrival , harry will be taken straight to the australian war memorial on arrival before heading to barracks to report for duty .\"]\n", + "=======================\n", + "[\"details of prince harry 's australian deployment have been releasedprince will arrive in canberra and will visit the australian war memorialhe will then report for duty and will be in perth and darwin among othersduties set to include bush patrols and ` indigenous engagement 'prince harry will briefly travel back later this month for gallipoli memorial34,000 britons and 8,700 australians killed during wwi campaign\"]\n", + "the prince is due to arrive in australia on the 6th april and will split his time between capital canberra , sydney , darwin and perth .prince harry will go on tough bush patrols and take part in ` indigenous engagement ' programmes during his four-week secondment with australian defence force , kensington palace has revealed .on arrival , harry will be taken straight to the australian war memorial on arrival before heading to barracks to report for duty .\n", + "details of prince harry 's australian deployment have been releasedprince will arrive in canberra and will visit the australian war memorialhe will then report for duty and will be in perth and darwin among othersduties set to include bush patrols and ` indigenous engagement 'prince harry will briefly travel back later this month for gallipoli memorial34,000 britons and 8,700 australians killed during wwi campaign\n", + "[1.1061927 1.3461007 1.2074974 1.4032273 1.3191979 1.1108544 1.1072922\n", + " 1.0864447 1.0848508 1.054659 1.0385317 1.0428853 1.0402904 1.0519018\n", + " 1.0194085 1.0556158 1.059022 1.0323155 1.0301802 0. ]\n", + "\n", + "[ 3 1 4 2 5 6 0 7 8 16 15 9 13 11 12 10 17 18 14 19]\n", + "=======================\n", + "[\"those priceless tickets will be on sale at 8pm on thursday after weeks of wrangling and accusations between mayweather promotions and pacquiao 's promoter bob arum .not only the fight of the century but the sale of tickets for floyd mayweather versus manny pacquiao .tickets for the fight between floyd mayweather and manny pacquiao are on sale on thursday\"]\n", + "=======================\n", + "[\"tickets for the fight in las vegas go on sale on thursday nightaround 1000 tickets will be on sale priced between $ 1,500 and 7,500 eachthe mgm grand has a capacity of 16,500 but most of the tickets will be split between mayweather and pacquiao 's camps and the tv broadcastersup to 50,000 tickets for closed-circuit viewing will also be on salejeff powell : mayweather 's now the mature man who weighs words carefully\"]\n", + "those priceless tickets will be on sale at 8pm on thursday after weeks of wrangling and accusations between mayweather promotions and pacquiao 's promoter bob arum .not only the fight of the century but the sale of tickets for floyd mayweather versus manny pacquiao .tickets for the fight between floyd mayweather and manny pacquiao are on sale on thursday\n", + "tickets for the fight in las vegas go on sale on thursday nightaround 1000 tickets will be on sale priced between $ 1,500 and 7,500 eachthe mgm grand has a capacity of 16,500 but most of the tickets will be split between mayweather and pacquiao 's camps and the tv broadcastersup to 50,000 tickets for closed-circuit viewing will also be on salejeff powell : mayweather 's now the mature man who weighs words carefully\n", + "[1.3571811 1.2379947 1.3165666 1.3777453 1.1481339 1.0688369 1.0654045\n", + " 1.1304032 1.0172791 1.0491301 1.1126984 1.0846384 1.0887889 1.0695068\n", + " 1.0547277 1.062437 1.0741338 1.0369794 1.0512847 1.0376505]\n", + "\n", + "[ 3 0 2 1 4 7 10 12 11 16 13 5 6 15 14 18 9 19 17 8]\n", + "=======================\n", + "['celebrity big brother star : natasha giggs had an eight-year affair with football legend ryan giggsmanchester united star ryan giggs has apologised to his brother for the eight-year affair he had with his wife .ryan , 41 , phoned rhodri , 38 , and the two brothers are now reconciling in an attempt to rebuild their relationship .']\n", + "=======================\n", + "[\"ryan giggs apologises for his eight-year affair with brother 's wifemanchester united legend rang his brother out of the blue after four yearsrhodri 's wife natasha aborted ryan 's baby just before marrying rhodrinatasha and rhodri attempted to stay together but divorced in 2013former footballer also had affair with big brother star imogen thomas\"]\n", + "celebrity big brother star : natasha giggs had an eight-year affair with football legend ryan giggsmanchester united star ryan giggs has apologised to his brother for the eight-year affair he had with his wife .ryan , 41 , phoned rhodri , 38 , and the two brothers are now reconciling in an attempt to rebuild their relationship .\n", + "ryan giggs apologises for his eight-year affair with brother 's wifemanchester united legend rang his brother out of the blue after four yearsrhodri 's wife natasha aborted ryan 's baby just before marrying rhodrinatasha and rhodri attempted to stay together but divorced in 2013former footballer also had affair with big brother star imogen thomas\n", + "[1.4007922 1.4494432 1.171764 1.3026468 1.3937595 1.1519332 1.0507537\n", + " 1.0315012 1.0071825 1.007698 1.2523365 1.1517963 1.1140233 1.0231148\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 3 10 2 5 11 12 6 7 13 9 8 14 15 16 17 18 19]\n", + "=======================\n", + "[\"the spanish defender and his club team-mates sit top of the table ahead of facing stoke city at stamford bridge on saturday , six points clear of nearest rivals manchester city with a game in hand .cesar azpilicueta ( centre ) is counting down the games until chelsea win the barclays premier league titlejose mourinho 's men have only briefly relinquished the title lead since their opening 3-1 win over burnley\"]\n", + "=======================\n", + "['chelsea are six points clear with a game in hand in the premier leaguethey have led the title race since a brilliant start to the season in augustcesar azpilicueta feels that consistency puts them in pole position to win']\n", + "the spanish defender and his club team-mates sit top of the table ahead of facing stoke city at stamford bridge on saturday , six points clear of nearest rivals manchester city with a game in hand .cesar azpilicueta ( centre ) is counting down the games until chelsea win the barclays premier league titlejose mourinho 's men have only briefly relinquished the title lead since their opening 3-1 win over burnley\n", + "chelsea are six points clear with a game in hand in the premier leaguethey have led the title race since a brilliant start to the season in augustcesar azpilicueta feels that consistency puts them in pole position to win\n", + "[1.1350738 1.1974819 1.15589 1.0462604 1.1076651 1.118624 1.0886083\n", + " 1.2965226 1.0683677 1.0644616 1.0792248 1.0249608 1.130486 1.1584432\n", + " 1.016446 1.054774 1.2577649 1.1643964 1.0123318 1.0090475 1.0083741\n", + " 1.0097326]\n", + "\n", + "[ 7 16 1 17 13 2 0 12 5 4 6 10 8 9 15 3 11 14 18 21 19 20]\n", + "=======================\n", + "[\"kolo toure found the net in liverpool 's fa cup clash with blackburn but his effort was ruled outsteven gerrard 's birthday falls on may 30 , the same day as the fa cup final at wembleyenter liverpool and brendan rodgers , a club and manager not just popping into the party to say a polite hello and a quick goodbye .\"]\n", + "=======================\n", + "[\"liverpool take on blackburn in their fa cup sixth round replay tonightthe competition represents the anfield club 's last chance of successbrendan rodgers ' side are all but out of the race for the top fourliverpool also endured poor campaigns in both european campaignsrobbie fowler : fa cup hunt must not be all about steven gerrard\"]\n", + "kolo toure found the net in liverpool 's fa cup clash with blackburn but his effort was ruled outsteven gerrard 's birthday falls on may 30 , the same day as the fa cup final at wembleyenter liverpool and brendan rodgers , a club and manager not just popping into the party to say a polite hello and a quick goodbye .\n", + "liverpool take on blackburn in their fa cup sixth round replay tonightthe competition represents the anfield club 's last chance of successbrendan rodgers ' side are all but out of the race for the top fourliverpool also endured poor campaigns in both european campaignsrobbie fowler : fa cup hunt must not be all about steven gerrard\n", + "[1.2363431 1.4376574 1.1953956 1.1597084 1.1751614 1.212577 1.0932051\n", + " 1.1175544 1.0776129 1.162572 1.1004899 1.0361651 1.0223932 1.0898813\n", + " 1.1328912 1.0690329 1.0231179 1.0174313 1.019621 1.0070434 1.0103163\n", + " 0. ]\n", + "\n", + "[ 1 0 5 2 4 9 3 14 7 10 6 13 8 15 11 16 12 18 17 20 19 21]\n", + "=======================\n", + "[\"illinois state associate coach torrey ward , meat processing business owner scott bittner and bar owner terry stralow have been confirmed as among the dead when the cessna 414 crashed near bloomington , illinois , shortly after midnight on tuesday .a college basketball coach , a bar owner and a businessman were among seven killed in a private plane crash as they returned from the ncaa championship game .isu 's deputy director of athletics for external affairs , aaron leetch , was also killed in the crash about two miles away from central illinois regional airport .\"]\n", + "=======================\n", + "[\"plane left indianapolis and crashed near bloomington airport after midnightamong the dead were pilot , business owner , illinois state director of athletics aaron leetch , wells fargo employee and sprint representativethere was fog in the area when the plane , a cessna 414 , crashed near airportillinois state associate head basketball coach torrey ward was also killedterry stralow , the owner of a bar called the pub ii , also died in the crashward cryptically tweeted ` my ride to the game was n't bad ' before the tragedyfaa and the national transportation safety board are investigating the crash\"]\n", + "illinois state associate coach torrey ward , meat processing business owner scott bittner and bar owner terry stralow have been confirmed as among the dead when the cessna 414 crashed near bloomington , illinois , shortly after midnight on tuesday .a college basketball coach , a bar owner and a businessman were among seven killed in a private plane crash as they returned from the ncaa championship game .isu 's deputy director of athletics for external affairs , aaron leetch , was also killed in the crash about two miles away from central illinois regional airport .\n", + "plane left indianapolis and crashed near bloomington airport after midnightamong the dead were pilot , business owner , illinois state director of athletics aaron leetch , wells fargo employee and sprint representativethere was fog in the area when the plane , a cessna 414 , crashed near airportillinois state associate head basketball coach torrey ward was also killedterry stralow , the owner of a bar called the pub ii , also died in the crashward cryptically tweeted ` my ride to the game was n't bad ' before the tragedyfaa and the national transportation safety board are investigating the crash\n", + "[1.3345218 1.3039749 1.1591928 1.2157098 1.050015 1.1000147 1.0509292\n", + " 1.0912248 1.0771813 1.0586178 1.1047548 1.0662069 1.020263 1.0899287\n", + " 1.1377822 1.0482107 1.0520734 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 2 14 10 5 7 13 8 11 9 16 6 4 15 12 20 17 18 19 21]\n", + "=======================\n", + "[\"hillary clinton 's security detail arrived at a suburban des moines , iowa fruit processing company on tuesday with an added vehicle -- a second scooby .after her signature oversize black chevy conversion van dropped her off at capitol fruit company in norwalk , iowa , a visually identical gmc van drove up to the building with a nearly identical secret service escort vehicle .but while the original van -- the one nicknamed ` scooby ' after the scooby-doo cartoon show -- sports a mustard-yellow new york tag , the second has blue and white plates of a different design .\"]\n", + "=======================\n", + "[\"second modified , armored van spotted near des moines , iowa alongside the one that hillary clinton travels invisually identical black vehicles ' biggest difference is the color of their new york license platesone is a chevy and the other a gmc but they are mechanically identical and one was seen using secret service-fitted red and blue lightsvan dubbed ` scooby ' in homage to the scooby-doo cartoon show brought clinton to iowa from her new york house` scooby-two ' made its debut in norwalk , iowa on wednesday outside a fruit processing plant where clinton made a scripted appearance\"]\n", + "hillary clinton 's security detail arrived at a suburban des moines , iowa fruit processing company on tuesday with an added vehicle -- a second scooby .after her signature oversize black chevy conversion van dropped her off at capitol fruit company in norwalk , iowa , a visually identical gmc van drove up to the building with a nearly identical secret service escort vehicle .but while the original van -- the one nicknamed ` scooby ' after the scooby-doo cartoon show -- sports a mustard-yellow new york tag , the second has blue and white plates of a different design .\n", + "second modified , armored van spotted near des moines , iowa alongside the one that hillary clinton travels invisually identical black vehicles ' biggest difference is the color of their new york license platesone is a chevy and the other a gmc but they are mechanically identical and one was seen using secret service-fitted red and blue lightsvan dubbed ` scooby ' in homage to the scooby-doo cartoon show brought clinton to iowa from her new york house` scooby-two ' made its debut in norwalk , iowa on wednesday outside a fruit processing plant where clinton made a scripted appearance\n", + "[1.2716268 1.3783157 1.2657771 1.1955893 1.305429 1.0932331 1.1840482\n", + " 1.1131543 1.0454724 1.043135 1.015862 1.0273052 1.0861354 1.0749158\n", + " 1.1489978 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 0 2 3 6 14 7 5 12 13 8 9 11 10 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the liberal democrats admitted today that their best hope is to end up with 30-something mps after may 7 , compared with the 57 elected in 2010 .mr clegg said the first of what he dubbed his ` premier league policies ' is a # 5billion commitment to protect the entire education budget in real terms .a senior party source said their best chance of holding the balance of power after the general election was to finish ` in the 30s ' if they are able to retain a number of closely-fought seats .\"]\n", + "=======================\n", + "[\"clegg names the first of his ` premier league policies ' as price of supportwould mean raising spending on education every year from 2018 onwardslib dems say it covers every stage of education ` from cradle to college 'but insiders admit the party could lose as many as 20 seats on may 7\"]\n", + "the liberal democrats admitted today that their best hope is to end up with 30-something mps after may 7 , compared with the 57 elected in 2010 .mr clegg said the first of what he dubbed his ` premier league policies ' is a # 5billion commitment to protect the entire education budget in real terms .a senior party source said their best chance of holding the balance of power after the general election was to finish ` in the 30s ' if they are able to retain a number of closely-fought seats .\n", + "clegg names the first of his ` premier league policies ' as price of supportwould mean raising spending on education every year from 2018 onwardslib dems say it covers every stage of education ` from cradle to college 'but insiders admit the party could lose as many as 20 seats on may 7\n", + "[1.5454407 1.4445636 1.0953157 1.4899728 1.1269815 1.039387 1.0135156\n", + " 1.011055 1.063215 1.0726852 1.0206538 1.0170069 1.1268094 1.0363612\n", + " 1.0956395 1.0234219 1.0265874 1.0105393 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 4 12 14 2 9 8 5 13 16 15 10 11 6 7 17 20 18 19 21]\n", + "=======================\n", + "[\"jordan spieth has hailed the ` most incredible week ' of his life after becoming the second youngest masters winner of all time and the first start-to-finish winner at augusta in 39 years .spieth held his nerve in sunday 's final round to keep control of the season 's first major championship , matching tiger woods ' record of an 18-under 270 and finishing four shots clear of the field .spieth was greeted by his family at the 18th green , with his father telling him to do a lap of honour for all the patrons round the 18th green .\"]\n", + "=======================\n", + "['jordan spieth became the second youngest masters winner of all timehis 18-under round was the joint-record and he led from start to finishspieth hailed the week at augusta as the most incredible of his life21-year-old admitted that the accolade had not quite sunk in yetjustin rose praised spieth , saying he showed comfort playing with a lead']\n", + "jordan spieth has hailed the ` most incredible week ' of his life after becoming the second youngest masters winner of all time and the first start-to-finish winner at augusta in 39 years .spieth held his nerve in sunday 's final round to keep control of the season 's first major championship , matching tiger woods ' record of an 18-under 270 and finishing four shots clear of the field .spieth was greeted by his family at the 18th green , with his father telling him to do a lap of honour for all the patrons round the 18th green .\n", + "jordan spieth became the second youngest masters winner of all timehis 18-under round was the joint-record and he led from start to finishspieth hailed the week at augusta as the most incredible of his life21-year-old admitted that the accolade had not quite sunk in yetjustin rose praised spieth , saying he showed comfort playing with a lead\n", + "[1.2253476 1.4448816 1.2244604 1.0959767 1.0696582 1.2368214 1.0907118\n", + " 1.022363 1.020777 1.2171066 1.2431215 1.2300881 1.1666905 1.1032084\n", + " 1.0725439 1.0270439 1.0324589 1.0658734 1.0458261 1.0077524 1.0098523]\n", + "\n", + "[ 1 10 5 11 0 2 9 12 13 3 6 14 4 17 18 16 15 7 8 20 19]\n", + "=======================\n", + "[\"fishing guide carol gleeson watched as the hungry fresh water crocodile swallowed the water monitor whole , which is a type of goanna , at the mary river near pine creek in northern territory .a monster crocodile has been caught devouring a one metre long lizard in one bite at a river .after feasting on its ' meal , the three-metre reptile noticed ms gleeson from a distance before it submerged into the water .\"]\n", + "=======================\n", + "['a three-metre crocodile ate a one metre long lizard in one bite at a riverfishing guide carol gleeson watched the battle at mary river this weekms gleeson said she has never witnessed anything like this beforeit comes after a 4.38 m croc had been eating dogs was caught last month']\n", + "fishing guide carol gleeson watched as the hungry fresh water crocodile swallowed the water monitor whole , which is a type of goanna , at the mary river near pine creek in northern territory .a monster crocodile has been caught devouring a one metre long lizard in one bite at a river .after feasting on its ' meal , the three-metre reptile noticed ms gleeson from a distance before it submerged into the water .\n", + "a three-metre crocodile ate a one metre long lizard in one bite at a riverfishing guide carol gleeson watched the battle at mary river this weekms gleeson said she has never witnessed anything like this beforeit comes after a 4.38 m croc had been eating dogs was caught last month\n", + "[1.2393951 1.1780542 1.2960398 1.0757166 1.2472118 1.1408926 1.055351\n", + " 1.1861515 1.107986 1.1119322 1.0893246 1.0438697 1.01908 1.1895225\n", + " 1.092399 1.2295401 1.0160184 1.0710989 1.1203609 1.0570786 0. ]\n", + "\n", + "[ 2 4 0 15 13 7 1 5 18 9 8 14 10 3 17 19 6 11 12 16 20]\n", + "=======================\n", + "['a man contacted police friday after noticing he was driving in front of the truck that had been stolen from him earlier that morning near piedmont , calhoun county chief deputy matthew wade told wbrc-tv .a man driving to work in alabama had earlier noticed his stolen pickup truck following himsuspect : terry proctor of piedmont , pictured , was booked into the cherokee county jail , on charges including first degree theft and possession of burglary tools']\n", + "=======================\n", + "[\"a man contacted police after noticing he was driving in front of the truck that had been stolen from him earlier that morning , police saidthe truck was swiped on victim 's birthdaypolice attempted to stop the stolen vehicle -- but the driver , 29-year-old terry proctor of piedmont , alabama , did not stop , leading to a pursuitthe driver crashed the vehicle and was ejected as the truck rolled overproctor was captured after a foot chase and was booked into a jail\"]\n", + "a man contacted police friday after noticing he was driving in front of the truck that had been stolen from him earlier that morning near piedmont , calhoun county chief deputy matthew wade told wbrc-tv .a man driving to work in alabama had earlier noticed his stolen pickup truck following himsuspect : terry proctor of piedmont , pictured , was booked into the cherokee county jail , on charges including first degree theft and possession of burglary tools\n", + "a man contacted police after noticing he was driving in front of the truck that had been stolen from him earlier that morning , police saidthe truck was swiped on victim 's birthdaypolice attempted to stop the stolen vehicle -- but the driver , 29-year-old terry proctor of piedmont , alabama , did not stop , leading to a pursuitthe driver crashed the vehicle and was ejected as the truck rolled overproctor was captured after a foot chase and was booked into a jail\n", + "[1.4045377 1.2460196 1.0625521 1.1882737 1.3966513 1.291977 1.1806849\n", + " 1.1133983 1.0446306 1.0361407 1.0840101 1.0749044 1.0333911 1.1396443\n", + " 1.0462631 1.0148097 1.0113479 1.0428313 1.0255152 0. 0. ]\n", + "\n", + "[ 0 4 5 1 3 6 13 7 10 11 2 14 8 17 9 12 18 15 16 19 20]\n", + "=======================\n", + "['manny pacquiao took time out of his busy schedule to hang out with saved by the bell actor mario lopez , otherwise known as ac slater , and nba superstar jeremy lin .pacquiao took to instagram to show off his ripped torso ahead of his fight against floyd mayweatherpacquiao said of meeting los angeles lakers guard lin : ` thank you @jlin7 for coming to show your support .']\n", + "=======================\n", + "[\"manny pacquiao posed for a picture with jeremy lin and mario lopezthe filipino took to instagram to post snap of his ripped physiquepacquiao is counting down the days ` until the blessed event ' in las vegasread : floyd mayweather admits he no longer enjoys boxing 'click here to watch pacquiao 's open media workout live\"]\n", + "manny pacquiao took time out of his busy schedule to hang out with saved by the bell actor mario lopez , otherwise known as ac slater , and nba superstar jeremy lin .pacquiao took to instagram to show off his ripped torso ahead of his fight against floyd mayweatherpacquiao said of meeting los angeles lakers guard lin : ` thank you @jlin7 for coming to show your support .\n", + "manny pacquiao posed for a picture with jeremy lin and mario lopezthe filipino took to instagram to post snap of his ripped physiquepacquiao is counting down the days ` until the blessed event ' in las vegasread : floyd mayweather admits he no longer enjoys boxing 'click here to watch pacquiao 's open media workout live\n", + "[1.3328397 1.227016 1.2897644 1.3647499 1.0686059 1.1760548 1.0218953\n", + " 1.0499738 1.1776242 1.2087829 1.0753725 1.0484041 1.0551763 1.032162\n", + " 1.0301117 1.0364331 1.020576 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 1 9 8 5 10 4 12 7 11 15 13 14 6 16 19 17 18 20]\n", + "=======================\n", + "[\"julius caesar famously collapsed at the battle of thapsus in 46bc and had to be carried to safety.historians have long believed this was result of an epileptic attack , but new research suggests otherwise .doctors at imperial college london came to the conclusion after taking a new look at caesar 's symptoms described in greek and roman documentsfor instance , caesar was known to suffer from depression towards the end of his life , which may have been the result of damage to his brain from the strokes .\"]\n", + "=======================\n", + "[\"roman general suffered from vertigo , dizziness and weakness in limbshistorians have long believed this was caused by late onset of epilepsyepilepsy was often referred to as the ` sacred disease ' in ancient romenew look at symptoms reveal they have more in common with strokes\"]\n", + "julius caesar famously collapsed at the battle of thapsus in 46bc and had to be carried to safety.historians have long believed this was result of an epileptic attack , but new research suggests otherwise .doctors at imperial college london came to the conclusion after taking a new look at caesar 's symptoms described in greek and roman documentsfor instance , caesar was known to suffer from depression towards the end of his life , which may have been the result of damage to his brain from the strokes .\n", + "roman general suffered from vertigo , dizziness and weakness in limbshistorians have long believed this was caused by late onset of epilepsyepilepsy was often referred to as the ` sacred disease ' in ancient romenew look at symptoms reveal they have more in common with strokes\n", + "[1.724193 1.4449747 1.2757876 1.3221431 1.0439358 1.0333774 1.0706456\n", + " 1.0311637 1.0152037 1.1583441 1.0449045 1.0370504 1.0316097 1.1056007\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 9 13 6 10 4 11 5 12 7 8 19 14 15 16 17 18 20]\n", + "=======================\n", + "['former real madrid ace kaka and canadian international cyle larin proved the difference as orlando city earned all three points against portland timbers at a sold-out providence park .canadian international larin reacted quickest to chest home the delivery of kevin molino in the first-half before kaka sealed the win with a penalty in the closing stages of the match .darlington nagbe proved the timbers biggest threat , but aurelien collin and co stood strong in defence to earn orlando their second away win of the season .']\n", + "=======================\n", + "['cyle larin set orlando city on their way to earning all three pointslarin scored his first professional goal in the first half at providence parkbrazilian kaka wrapped up the win when he scored a late penaltysecond away win of the season sends orlando city third in the league']\n", + "former real madrid ace kaka and canadian international cyle larin proved the difference as orlando city earned all three points against portland timbers at a sold-out providence park .canadian international larin reacted quickest to chest home the delivery of kevin molino in the first-half before kaka sealed the win with a penalty in the closing stages of the match .darlington nagbe proved the timbers biggest threat , but aurelien collin and co stood strong in defence to earn orlando their second away win of the season .\n", + "cyle larin set orlando city on their way to earning all three pointslarin scored his first professional goal in the first half at providence parkbrazilian kaka wrapped up the win when he scored a late penaltysecond away win of the season sends orlando city third in the league\n", + "[1.1484277 1.2464491 1.1301049 1.2361858 1.1394614 1.121189 1.0722848\n", + " 1.199263 1.0973536 1.1251612 1.0784615 1.0233911 1.0275532 1.015863\n", + " 1.0704509 1.0709462 1.031562 1.016665 0. 0. 0. ]\n", + "\n", + "[ 1 3 7 0 4 2 9 5 8 10 6 15 14 16 12 11 17 13 19 18 20]\n", + "=======================\n", + "[\"coming up with a punishment that will teach a son or daughter not to commit the crime again but is n't harsh enough to scar them for life is tough .choosing the right punishment for a naughty child is a difficult business ( picture posed by model )reddit users have been comparing the most effective punishments their parents doled out when they were children and many of the schemes are both hilarious and genius\"]\n", + "=======================\n", + "['choosing the right punishment for a naughty child is a difficult businesssome parents now resort to embarrassing their offspring to punish themtactics include diy chores , embarrassing costumes and essay-writing']\n", + "coming up with a punishment that will teach a son or daughter not to commit the crime again but is n't harsh enough to scar them for life is tough .choosing the right punishment for a naughty child is a difficult business ( picture posed by model )reddit users have been comparing the most effective punishments their parents doled out when they were children and many of the schemes are both hilarious and genius\n", + "choosing the right punishment for a naughty child is a difficult businesssome parents now resort to embarrassing their offspring to punish themtactics include diy chores , embarrassing costumes and essay-writing\n", + "[1.3592163 1.2424463 1.2084262 1.3139994 1.2080984 1.1147213 1.0872431\n", + " 1.0690315 1.1042519 1.0989732 1.0590713 1.0366944 1.0177898 1.0146377\n", + " 1.1225975 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 14 5 8 9 6 7 10 11 12 13 19 15 16 17 18 20]\n", + "=======================\n", + "[\"departing england cricket board chairman giles clarke chose one of the most prestigious cricket occasions of the year , the wisden almanack launch , to make a complete fool of himself .clarke , despite his standing as one of world cricket 's big powerbrokers who will continue with his deputy chairmanship of the icc , embarrassed vip guests with his astonishing behaviour at the lord 's pavilion long room dinner .clarke arrived upset that the new ecb regime had just sacked his england managing director appointment , paul downton , whom he had rashly called a ` man of great judgment ' .\"]\n", + "=======================\n", + "[\"giles clarke embarrassed guests during wisden almanack launch dinnerthe departing ecb chairman was not happy with paul downton 's dismissalsky sports have blocked thierry henry from appearing on channel 4clare balding will snub the grand national to present women 's boat race\"]\n", + "departing england cricket board chairman giles clarke chose one of the most prestigious cricket occasions of the year , the wisden almanack launch , to make a complete fool of himself .clarke , despite his standing as one of world cricket 's big powerbrokers who will continue with his deputy chairmanship of the icc , embarrassed vip guests with his astonishing behaviour at the lord 's pavilion long room dinner .clarke arrived upset that the new ecb regime had just sacked his england managing director appointment , paul downton , whom he had rashly called a ` man of great judgment ' .\n", + "giles clarke embarrassed guests during wisden almanack launch dinnerthe departing ecb chairman was not happy with paul downton 's dismissalsky sports have blocked thierry henry from appearing on channel 4clare balding will snub the grand national to present women 's boat race\n", + "[1.2133228 1.4545641 1.2225306 1.2853862 1.3809384 1.0299174 1.0997071\n", + " 1.1822048 1.0868849 1.0535038 1.1076181 1.0690582 1.0318944 1.017984\n", + " 1.048983 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 2 0 7 10 6 8 11 9 14 12 5 13 19 15 16 17 18 20]\n", + "=======================\n", + "[\"sevdet besim , from hallam in melbourne 's south-east , was charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' at the melbourne magistrates court .mr besim is one of two 18-year-old men police arrested for allegedly planning an ` isis inspired ' attack on an anzac day ceremony following the raids .he did not apply for bail and was remanded in custody for a filing hearing on april 24 .\"]\n", + "=======================\n", + "[\"sevdet besim , 18 , was charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' on saturday afternoonhe was one of two teenagers who officers arrested for planning terror actspolice allege they planned to target an ` anzac day ceremony ' and policethey are expected to be charged with a number of offences including the possession of prohibited items , with ` edged weapons ' found at a propertyanother 18-year-old was also arrested and remains in custodythree men released by police late on saturday nightover 200 police officers raided seven properties in melbourne on saturday\"]\n", + "sevdet besim , from hallam in melbourne 's south-east , was charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' at the melbourne magistrates court .mr besim is one of two 18-year-old men police arrested for allegedly planning an ` isis inspired ' attack on an anzac day ceremony following the raids .he did not apply for bail and was remanded in custody for a filing hearing on april 24 .\n", + "sevdet besim , 18 , was charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' on saturday afternoonhe was one of two teenagers who officers arrested for planning terror actspolice allege they planned to target an ` anzac day ceremony ' and policethey are expected to be charged with a number of offences including the possession of prohibited items , with ` edged weapons ' found at a propertyanother 18-year-old was also arrested and remains in custodythree men released by police late on saturday nightover 200 police officers raided seven properties in melbourne on saturday\n", + "[1.3940424 1.2383223 1.3108321 1.2962017 1.114537 1.038552 1.0345485\n", + " 1.0359029 1.1124539 1.1456655 1.0637081 1.1321994 1.2409977 1.089392\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 12 1 9 11 4 8 13 10 5 7 6 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"steven gerrard leaves his beloved liverpool at the end of the season after an illustrious career and amazingly club legend steve heighway predicted that he 'd be a success - in a newspaper article in 1992 .a fresh-faced gerrard was pictured in the paper at just 12-years-old , when he was an up and coming talent in liverpool 's academy .steve heighway ( left ) described the livepool captain as ` outstanding ' after seeing him play at 12\"]\n", + "=======================\n", + "[\"liverpool great steve heighway predicted great things for steven gerrardgerrard was described as ` an outstanding talent ' by heighwaythe liverpool captain has become of the clubs greatest ever playersclick here for all the latest liverpool news\"]\n", + "steven gerrard leaves his beloved liverpool at the end of the season after an illustrious career and amazingly club legend steve heighway predicted that he 'd be a success - in a newspaper article in 1992 .a fresh-faced gerrard was pictured in the paper at just 12-years-old , when he was an up and coming talent in liverpool 's academy .steve heighway ( left ) described the livepool captain as ` outstanding ' after seeing him play at 12\n", + "liverpool great steve heighway predicted great things for steven gerrardgerrard was described as ` an outstanding talent ' by heighwaythe liverpool captain has become of the clubs greatest ever playersclick here for all the latest liverpool news\n", + "[1.1803502 1.2892811 1.2395605 1.4173211 1.2182565 1.1328044 1.1683902\n", + " 1.035693 1.0237843 1.0692592 1.1159261 1.0763965 1.1332991 1.0297247\n", + " 1.0452195 1.0480489 1.0415224 1.0702528 1.0414613 1.0220511 1.009265 ]\n", + "\n", + "[ 3 1 2 4 0 6 12 5 10 11 17 9 15 14 16 18 7 13 8 19 20]\n", + "=======================\n", + "[\"diane mclean , 58 , and her three children lost ` everything but their lives ' when fire destroyed their apartment last weekdiane mclean says she 's been overwhelmed by the generosity of her friends , neighbors and strangers after her four-bedroom rent-stabilized apartment at 45 east seventh street went up in flames .dr mclean , a 58-year-old child psychiatrist in the south bronx , says she and daughter rose , 8 , and twins james and annabelle , 5 , had nothing more than the clothes on their backs after the disaster .\"]\n", + "=======================\n", + "[\"diane mclean 's four-bedroom rent-stabilized apartment was destroyed in the explosion last weekshe paid $ 1,500 a month of east village home - a deal she may never find againgofundme has raised $ 87,000 for her family\"]\n", + "diane mclean , 58 , and her three children lost ` everything but their lives ' when fire destroyed their apartment last weekdiane mclean says she 's been overwhelmed by the generosity of her friends , neighbors and strangers after her four-bedroom rent-stabilized apartment at 45 east seventh street went up in flames .dr mclean , a 58-year-old child psychiatrist in the south bronx , says she and daughter rose , 8 , and twins james and annabelle , 5 , had nothing more than the clothes on their backs after the disaster .\n", + "diane mclean 's four-bedroom rent-stabilized apartment was destroyed in the explosion last weekshe paid $ 1,500 a month of east village home - a deal she may never find againgofundme has raised $ 87,000 for her family\n", + "[1.2110175 1.3667711 1.1425884 1.2285389 1.1868024 1.1158702 1.0599691\n", + " 1.1528156 1.1887949 1.1374451 1.0785209 1.0904523 1.0996839 1.028339\n", + " 1.0248091 1.0297748 1.015407 1.0501288 1.0128472 1.0169684 1.0948588]\n", + "\n", + "[ 1 3 0 8 4 7 2 9 5 12 20 11 10 6 17 15 13 14 19 16 18]\n", + "=======================\n", + "['videoed in their front room , the dog named foxxy cleopatra and the reptile called ryuu can be seen chasing after one another around a coffee table .the video begins with the chihuahua jumping around excitedly while the bearded dragon appears disinteresteda chihuahua and a bearded dragon showed off their interspecies friendship when they embarked upon a game of tag together .']\n", + "=======================\n", + "[\"the dog named foxxy cleopatra jumps around excitedlywhile the reptile called ryuu appears to be disinterestedsuddenly the bearded dragon starts chasing after the dogvideo maker said the pair ` seriously love to play together '\"]\n", + "videoed in their front room , the dog named foxxy cleopatra and the reptile called ryuu can be seen chasing after one another around a coffee table .the video begins with the chihuahua jumping around excitedly while the bearded dragon appears disinteresteda chihuahua and a bearded dragon showed off their interspecies friendship when they embarked upon a game of tag together .\n", + "the dog named foxxy cleopatra jumps around excitedlywhile the reptile called ryuu appears to be disinterestedsuddenly the bearded dragon starts chasing after the dogvideo maker said the pair ` seriously love to play together '\n", + "[1.3717589 1.1840124 1.2072104 1.1212009 1.2640254 1.0639863 1.0369531\n", + " 1.1091318 1.1670245 1.0724491 1.0690105 1.184541 1.077127 1.0628979\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 2 11 1 8 3 7 12 9 10 5 13 6 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"detectives investigating the disappearance of three-year-old william tyrrell believe he may have been abducted by a paedophile ring when he disappeared from his grandmother 's house last september .the news comes as the parents of the missing toddler have begged for his return in a heart-wrenching video made seven months after he vanished from his home on the nsw mid-north coast .he said detectives from the homicide squad and the sex crime squad are ` vigorously perusing that line of inquiry and this investigation is moving at a very fast pace . '\"]\n", + "=======================\n", + "[\"police revealed they are ` vigorously perusing ' paedophile ring theoryparents of william tyrrell have released a plea for his safe return` we ca n't live like this , ' mother said as search entered its seventh monthpolice say search of nsw bushland is reaching the conclusion stagedivers were brought in to search a murky dam in a bush reservewilliam tyrrell vanished from his home in kendall , nsw in september 2014\"]\n", + "detectives investigating the disappearance of three-year-old william tyrrell believe he may have been abducted by a paedophile ring when he disappeared from his grandmother 's house last september .the news comes as the parents of the missing toddler have begged for his return in a heart-wrenching video made seven months after he vanished from his home on the nsw mid-north coast .he said detectives from the homicide squad and the sex crime squad are ` vigorously perusing that line of inquiry and this investigation is moving at a very fast pace . '\n", + "police revealed they are ` vigorously perusing ' paedophile ring theoryparents of william tyrrell have released a plea for his safe return` we ca n't live like this , ' mother said as search entered its seventh monthpolice say search of nsw bushland is reaching the conclusion stagedivers were brought in to search a murky dam in a bush reservewilliam tyrrell vanished from his home in kendall , nsw in september 2014\n", + "[1.2293906 1.3624203 1.3303998 1.2777325 1.3397024 1.0956318 1.0832623\n", + " 1.1193533 1.0598103 1.0811752 1.2358692 1.0491296 1.0454345 1.0793637\n", + " 1.04319 1.0419903 1.0496556 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 3 10 0 7 5 6 9 13 8 16 11 12 14 15 19 17 18 20]\n", + "=======================\n", + "[\"a train heading from queens into manhattan was stalled underneath the east river around 8.30 am monday morning and its conductor saw smoke coming from the board along the track 's third rail .more than 500 passengers were taken to manhattan after spending roughly an hour and a half trapped .hundreds of passengers on a new york city subway train were evacuated from cars in an underwater tunnel after a fire during the monday morning commute .\"]\n", + "=======================\n", + "['train suddenly stopped on 7 line between queens and manhattanpassengers evacuated to grand central station with rescue trainriders spent roughly and hour and a half trapped undergroundno injuries , though one woman requested attention after feeling faint']\n", + "a train heading from queens into manhattan was stalled underneath the east river around 8.30 am monday morning and its conductor saw smoke coming from the board along the track 's third rail .more than 500 passengers were taken to manhattan after spending roughly an hour and a half trapped .hundreds of passengers on a new york city subway train were evacuated from cars in an underwater tunnel after a fire during the monday morning commute .\n", + "train suddenly stopped on 7 line between queens and manhattanpassengers evacuated to grand central station with rescue trainriders spent roughly and hour and a half trapped undergroundno injuries , though one woman requested attention after feeling faint\n", + "[1.5804651 1.3330678 1.1474509 1.2422074 1.1903448 1.0560346 1.1888263\n", + " 1.024896 1.0702136 1.0584208 1.0691125 1.1242522 1.0184873 1.0108867\n", + " 1.1487188 1.0628824 1.0779116 1.0894097 1.0403656 1.0402447 1.083841 ]\n", + "\n", + "[ 0 1 3 4 6 14 2 11 17 20 16 8 10 15 9 5 18 19 7 12 13]\n", + "=======================\n", + "[\"( cnn ) wednesday 's game between the baltimore orioles and chicago white sox will be closed to the public , the orioles announced tuesday .the closed-door contest follows the postponements of monday 's and tuesday 's games against the white sox until a doubleheader scheduled for may 28 following unrest in baltimore .the game at oriole park at camden yards is scheduled to begin at 2:05 p.m. et .\"]\n", + "=======================\n", + "['white sox hall of famer tweets the closed-door game also should be postponedbaltimore unrest leads to postponement of two baseball gamesthird game in series will be first ever played without spectators']\n", + "( cnn ) wednesday 's game between the baltimore orioles and chicago white sox will be closed to the public , the orioles announced tuesday .the closed-door contest follows the postponements of monday 's and tuesday 's games against the white sox until a doubleheader scheduled for may 28 following unrest in baltimore .the game at oriole park at camden yards is scheduled to begin at 2:05 p.m. et .\n", + "white sox hall of famer tweets the closed-door game also should be postponedbaltimore unrest leads to postponement of two baseball gamesthird game in series will be first ever played without spectators\n", + "[1.1860316 1.4367121 1.1572747 1.1364163 1.4096038 1.3244723 1.1062795\n", + " 1.071788 1.184187 1.0978005 1.1309713 1.0243202 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 5 0 8 2 3 10 6 9 7 11 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"the 34-year-old returned to nets on monday for the first time since re-signing for the county last month .it 's the picture some england cricket fans have been waiting to see and others have been equally dreading : kevin pietersen back at surrey .pietersen was later pictured leaving the ground just before 2pm and is expected to step-up his county rehabilitation with a three-day warm-up against oxford mccu on april 12 .\"]\n", + "=======================\n", + "['kevin pietersen took part in a net session at the oval on mondayhe is expected to play in three-day game against oxford mccu on april 12pietersen has returned to county game to boost chances of england recall']\n", + "the 34-year-old returned to nets on monday for the first time since re-signing for the county last month .it 's the picture some england cricket fans have been waiting to see and others have been equally dreading : kevin pietersen back at surrey .pietersen was later pictured leaving the ground just before 2pm and is expected to step-up his county rehabilitation with a three-day warm-up against oxford mccu on april 12 .\n", + "kevin pietersen took part in a net session at the oval on mondayhe is expected to play in three-day game against oxford mccu on april 12pietersen has returned to county game to boost chances of england recall\n", + "[1.0991832 1.5426195 1.1249782 1.1809667 1.0930796 1.135967 1.1630145\n", + " 1.1415262 1.1271471 1.0510281 1.0405327 1.1500912 1.0476418 1.065238\n", + " 1.0956365 1.1577739 1.0640752 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 6 15 11 7 5 8 2 0 14 4 13 16 9 12 10 17 18 19 20]\n", + "=======================\n", + "['floyd mayweather and manny pacquiao are less than two weeks away from facing each other in the richest fight in history .jinkee arrived in los angeles last month , three weeks after her husband had started his training camp .they will both be expected to weigh in at no more than 154lb this coming weekend at the seven-day check .']\n", + "=======================\n", + "['floyd mayweather and manny pacquiao are two weeks away from fightingtheir $ 300million bout will be the richest in the history of boxingboth men spent time with those closest to them over the weekendthey are both starting their final week of hard training']\n", + "floyd mayweather and manny pacquiao are less than two weeks away from facing each other in the richest fight in history .jinkee arrived in los angeles last month , three weeks after her husband had started his training camp .they will both be expected to weigh in at no more than 154lb this coming weekend at the seven-day check .\n", + "floyd mayweather and manny pacquiao are two weeks away from fightingtheir $ 300million bout will be the richest in the history of boxingboth men spent time with those closest to them over the weekendthey are both starting their final week of hard training\n", + "[1.3827562 1.4730083 1.4305369 1.3728688 1.0731258 1.0145267 1.0126163\n", + " 1.101978 1.1230643 1.2291669 1.1555105 1.0202092 1.016573 1.014121\n", + " 1.0246754 1.0212238 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 9 10 8 7 4 14 15 11 12 5 13 6 19 16 17 18 20]\n", + "=======================\n", + "[\"the 28-year-old joined barca in 2008 from manchester united and mundo deportivo have dedicated their front page to the spaniard , with the headline : ` the pique spirit . 'pique is poised to star for barcelona in their champions league quarter-final match with psg in the french capital on wednesday night .gerard pique is preparing to play his 300th game for barcelona against paris saint-germain , and spanish media have celebrated the spain defender beforehand .\"]\n", + "=======================\n", + "[\"gerard pique will be making his 300th barcelona appearance against psgthe 28-year-old joined the spanish giants in 2008 from manchester unitedpique is poised to star in barca 's champions league quarter-final with psg\"]\n", + "the 28-year-old joined barca in 2008 from manchester united and mundo deportivo have dedicated their front page to the spaniard , with the headline : ` the pique spirit . 'pique is poised to star for barcelona in their champions league quarter-final match with psg in the french capital on wednesday night .gerard pique is preparing to play his 300th game for barcelona against paris saint-germain , and spanish media have celebrated the spain defender beforehand .\n", + "gerard pique will be making his 300th barcelona appearance against psgthe 28-year-old joined the spanish giants in 2008 from manchester unitedpique is poised to star in barca 's champions league quarter-final with psg\n", + "[1.4283135 1.3868012 1.1066395 1.4542007 1.1269253 1.1016331 1.1010687\n", + " 1.1489211 1.0531348 1.048583 1.073426 1.0373491 1.0336307 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 7 4 2 5 6 10 8 9 11 12 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"johnny manziel ( above ) has been released from rehab after entering a facility on january 28now comes the real test however , as he will be forced to compete with josh mccown for the starting quarterback position , who just signed a $ 14 million contract with the team that covers the next three seasons .this after manziel 's partying had been a topic of conversation since his rookie season began last july , with some worried his drinking was a priority\"]\n", + "=======================\n", + "[\"johnny manziel has been released from rehab after entering a facility on january 28this after manziel 's partying had been a topic of conversation since his rookie season began last july , with some worried his drinking was a prioritythe heisman trophy winner had a lackluster rookie year where he saw little playing time and just two startshe is now set to begin offseason workouts with the cleveland browns on april 20manziel will be forced to compete with josh mccown for the starting quarterback position , who just signed a $ 14 million contract with the team\"]\n", + "johnny manziel ( above ) has been released from rehab after entering a facility on january 28now comes the real test however , as he will be forced to compete with josh mccown for the starting quarterback position , who just signed a $ 14 million contract with the team that covers the next three seasons .this after manziel 's partying had been a topic of conversation since his rookie season began last july , with some worried his drinking was a priority\n", + "johnny manziel has been released from rehab after entering a facility on january 28this after manziel 's partying had been a topic of conversation since his rookie season began last july , with some worried his drinking was a prioritythe heisman trophy winner had a lackluster rookie year where he saw little playing time and just two startshe is now set to begin offseason workouts with the cleveland browns on april 20manziel will be forced to compete with josh mccown for the starting quarterback position , who just signed a $ 14 million contract with the team\n", + "[1.162034 1.5061958 1.2308729 1.2517723 1.0703616 1.0780687 1.0784837\n", + " 1.0458208 1.08731 1.095204 1.1023462 1.0822147 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 10 9 8 11 6 5 4 7 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"pietro boselli , 26 , originally from brescia , italy , says that he originally tried to keep his modelling a secret from his colleagues at the university college london ( ucl ) where he taught for fear they might ` look down on him ' .in an interview with the times , boselli , an advanced maths lecturer with a phd , said that when he was trying to establish himself as a teacher , he did n't want to include his work for fashion companies such as abercrombie and fitch on his cv and was less than proud of his alternative career .the handsome italian maths teacher who has taken the internet by storm for being the perfect mix of beauty and brains has spoken out about his new-found fame .\"]\n", + "=======================\n", + "[\"pietro boselli , 26 , from brescia in italy taught advanced maths at ucladmits he was ` ashamed ' of his modelling career and kept it a secret from students and almost did n't mention it on his cvinstagram following shot up to more than 480,000 after his story came outphd student says he 's proud of his body and works out once or twice daily\"]\n", + "pietro boselli , 26 , originally from brescia , italy , says that he originally tried to keep his modelling a secret from his colleagues at the university college london ( ucl ) where he taught for fear they might ` look down on him ' .in an interview with the times , boselli , an advanced maths lecturer with a phd , said that when he was trying to establish himself as a teacher , he did n't want to include his work for fashion companies such as abercrombie and fitch on his cv and was less than proud of his alternative career .the handsome italian maths teacher who has taken the internet by storm for being the perfect mix of beauty and brains has spoken out about his new-found fame .\n", + "pietro boselli , 26 , from brescia in italy taught advanced maths at ucladmits he was ` ashamed ' of his modelling career and kept it a secret from students and almost did n't mention it on his cvinstagram following shot up to more than 480,000 after his story came outphd student says he 's proud of his body and works out once or twice daily\n", + "[1.3344857 1.388202 1.3159078 1.1013286 1.1284016 1.0805343 1.0850866\n", + " 1.1085106 1.1393691 1.0701845 1.0502715 1.05666 1.0506501 1.0891806\n", + " 1.0833122 1.0883332 1.1080831 1.0596932 1.0304812 1.0484983 1.042045 ]\n", + "\n", + "[ 1 0 2 8 4 7 16 3 13 15 6 14 5 9 17 11 12 10 19 20 18]\n", + "=======================\n", + "['the officer wounded , john moynihan , is white .( cnn ) to allay possible concerns , boston prosecutors released video friday of the shooting of a police officer last month that resulted in the killing of the gunman .angelo west , the gunman shot to death by officers , was black .']\n", + "=======================\n", + "['boston police officer john moynihan is released from the hospitalvideo shows that the man later shot dead by police in boston opened fire firstmoynihan was shot in the face during a traffic stop']\n", + "the officer wounded , john moynihan , is white .( cnn ) to allay possible concerns , boston prosecutors released video friday of the shooting of a police officer last month that resulted in the killing of the gunman .angelo west , the gunman shot to death by officers , was black .\n", + "boston police officer john moynihan is released from the hospitalvideo shows that the man later shot dead by police in boston opened fire firstmoynihan was shot in the face during a traffic stop\n", + "[1.0595281 1.0713365 1.0508395 1.0774475 1.0935669 1.0671409 1.0718017\n", + " 1.088187 1.1261386 1.107958 1.0526613 1.0284156 1.0965562 1.0960507\n", + " 1.2711112 1.1035407 0. 0. 0. ]\n", + "\n", + "[14 8 9 15 12 13 4 7 3 6 1 5 0 10 2 11 17 16 18]\n", + "=======================\n", + "['dr barbara kubicka says she has clients coming in each and every day asking for botox not on their foreheads but designed to firm their jaw line .forget botox or chemical peels the latest celebrity beauty craze is having a tight jawline like emma stoneand on a recent trip to the u.s. it seemed that i am not the only one .']\n", + "=======================\n", + "['celebrity doctors are seeing an increase in demand for botox in their jowlsthe nefertiti lift is a cosmetic procedure that defines the jaw lineashley pearson takes a look at the latest trend in anti-ageing']\n", + "dr barbara kubicka says she has clients coming in each and every day asking for botox not on their foreheads but designed to firm their jaw line .forget botox or chemical peels the latest celebrity beauty craze is having a tight jawline like emma stoneand on a recent trip to the u.s. it seemed that i am not the only one .\n", + "celebrity doctors are seeing an increase in demand for botox in their jowlsthe nefertiti lift is a cosmetic procedure that defines the jaw lineashley pearson takes a look at the latest trend in anti-ageing\n", + "[1.0389681 1.4533261 1.277674 1.4150956 1.1994116 1.0632874 1.1517667\n", + " 1.0580693 1.0337757 1.0525426 1.1497521 1.0522072 1.0296518 1.0223972\n", + " 1.021925 1.0237514 1.0443418 1.026875 1.0533575]\n", + "\n", + "[ 1 3 2 4 6 10 5 7 18 9 11 16 0 8 12 17 15 13 14]\n", + "=======================\n", + "[\"the appropriately named mark doggett has trained his two animals to sniff out the destructive fungus in old houses where it can hide in places a person would miss .mr doggett gave up a ten-year career in construction after hitting on the idea to set up a business using the animals ' sense of smell , which is said to be up to a million times better than that of humans .after six months of training , four-year-old border collie meg and 22-month-old english springer spaniel jess went to work .\"]\n", + "=======================\n", + "['mark doggett has trained his two dogs to sniff out the destructive fungushis border collie and english springer spaniel had six months trainingwhen they find dry rot they stop , stare at it and point with their nose']\n", + "the appropriately named mark doggett has trained his two animals to sniff out the destructive fungus in old houses where it can hide in places a person would miss .mr doggett gave up a ten-year career in construction after hitting on the idea to set up a business using the animals ' sense of smell , which is said to be up to a million times better than that of humans .after six months of training , four-year-old border collie meg and 22-month-old english springer spaniel jess went to work .\n", + "mark doggett has trained his two dogs to sniff out the destructive fungushis border collie and english springer spaniel had six months trainingwhen they find dry rot they stop , stare at it and point with their nose\n", + "[1.2773921 1.4644299 1.1912247 1.1473601 1.1788948 1.3253613 1.0943187\n", + " 1.1371534 1.0874717 1.0548841 1.0449902 1.0528321 1.2129042 1.1752161\n", + " 1.0185733 1.0216424 0. 0. 0. ]\n", + "\n", + "[ 1 5 0 12 2 4 13 3 7 6 8 9 11 10 15 14 17 16 18]\n", + "=======================\n", + "[\"dimitri harrell reportedly pulled out his gun and pointed it at 19-year-old samirria white after they started arguing over his ` infidelity ' in the bedroom of their st paul apartment at around 3.40 am .shooting : dimitri harrell ( right ) has been arrested after allegedly shooting dead his fiancée , samirria white ( left ) , at their minnesota home on easter morning while holding their baby daughter ( center ) in his armscarrying the couple 's three-month-old child , he then shot miss white in the face at close range , according to police .\"]\n", + "=======================\n", + "[\"dimitri harrell , 21 , was arguing with samirria white , 19 , over his ` infidelity 'with three-month-old daughter in his arms , he apparently pulled out a gunhe then shot his fiancée in the face at close range , killing her , officials saidnow , harrell has been charged with single count of second-degree murderhe revealed to police he had stored the gun under his daughter 's mattressalso claimed he shot victim accidentally while pulling weapon from pocketharrell caused ` trust issues ' after having two children with another womanin custody on $ 200,000 bail ; if convicted , faces up to 40 years behind bars\"]\n", + "dimitri harrell reportedly pulled out his gun and pointed it at 19-year-old samirria white after they started arguing over his ` infidelity ' in the bedroom of their st paul apartment at around 3.40 am .shooting : dimitri harrell ( right ) has been arrested after allegedly shooting dead his fiancée , samirria white ( left ) , at their minnesota home on easter morning while holding their baby daughter ( center ) in his armscarrying the couple 's three-month-old child , he then shot miss white in the face at close range , according to police .\n", + "dimitri harrell , 21 , was arguing with samirria white , 19 , over his ` infidelity 'with three-month-old daughter in his arms , he apparently pulled out a gunhe then shot his fiancée in the face at close range , killing her , officials saidnow , harrell has been charged with single count of second-degree murderhe revealed to police he had stored the gun under his daughter 's mattressalso claimed he shot victim accidentally while pulling weapon from pocketharrell caused ` trust issues ' after having two children with another womanin custody on $ 200,000 bail ; if convicted , faces up to 40 years behind bars\n", + "[1.3974073 1.2156277 1.1639061 1.2565818 1.2732569 1.235323 1.1100334\n", + " 1.0558604 1.098392 1.0744812 1.0559564 1.0322849 1.0529473 1.1498848\n", + " 1.0927814 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 3 5 1 2 13 6 8 14 9 10 7 12 11 17 15 16 18]\n", + "=======================\n", + "[\"lawyers for the parents of michael brown , the unarmed , black 18-year-old who was fatally shot by a white police officer in a st. louis suburb , announced wednesday night that they planned to file a civil lawsuit the following day against the city of ferguson .attorneys for brown 's mother , lesley mcspadden , and his father , michael brown sr. , announced at a press conference in early march that a wrongful death lawsuit would be filed ` soon . 'the lawsuit had been expected .\"]\n", + "=======================\n", + "[\"lawyers for the parents of michael brown announced wednesday night that they planned to file a civil lawsuit against the city of fergusonattorneys for the family said in a statement wednesday night that the wrongful death lawsuit would be filed thursdaybrown was unarmed when he was fatally shot by a white police officer in a st. louis suburb in august 2014the shooting led to sometimes-violent protests and spawned a national ` black lives matter ' movement calling for changes in how police deal with minorities\"]\n", + "lawyers for the parents of michael brown , the unarmed , black 18-year-old who was fatally shot by a white police officer in a st. louis suburb , announced wednesday night that they planned to file a civil lawsuit the following day against the city of ferguson .attorneys for brown 's mother , lesley mcspadden , and his father , michael brown sr. , announced at a press conference in early march that a wrongful death lawsuit would be filed ` soon . 'the lawsuit had been expected .\n", + "lawyers for the parents of michael brown announced wednesday night that they planned to file a civil lawsuit against the city of fergusonattorneys for the family said in a statement wednesday night that the wrongful death lawsuit would be filed thursdaybrown was unarmed when he was fatally shot by a white police officer in a st. louis suburb in august 2014the shooting led to sometimes-violent protests and spawned a national ` black lives matter ' movement calling for changes in how police deal with minorities\n", + "[1.4208924 1.4581599 1.2583015 1.4055594 1.1211216 1.0585257 1.0189962\n", + " 1.0223329 1.0397663 1.0833861 1.0787903 1.0841786 1.2237735 1.1326972\n", + " 1.0362446 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 12 13 4 11 9 10 5 8 14 7 6 17 15 16 18]\n", + "=======================\n", + "[\"the young lyon star has been attracting interest from premier league clubs but the frontman 's father mohamed does not want him to sit on the bench at man city and claims he would progress with arsenal under arsene wenger .nabil fekir 's father insists arsenal would be the ideal destination for his son , rather than a move to manchester city .fekir recently split with his agents after his family were reportedly disappointed with their insistence on pursuing a deal with city .\"]\n", + "=======================\n", + "[\"lyon star nabil fekir has attracted interest from premier league clubsfrontman 's father believes fekir would progress and develop at arsenalhowever , fekir snr thinks his son would be stuck on bench at man city\"]\n", + "the young lyon star has been attracting interest from premier league clubs but the frontman 's father mohamed does not want him to sit on the bench at man city and claims he would progress with arsenal under arsene wenger .nabil fekir 's father insists arsenal would be the ideal destination for his son , rather than a move to manchester city .fekir recently split with his agents after his family were reportedly disappointed with their insistence on pursuing a deal with city .\n", + "lyon star nabil fekir has attracted interest from premier league clubsfrontman 's father believes fekir would progress and develop at arsenalhowever , fekir snr thinks his son would be stuck on bench at man city\n", + "[1.1611992 1.2317214 1.1994528 1.4392419 1.0680983 1.0243201 1.044133\n", + " 1.0226278 1.3480922 1.1946551 1.2122395 1.1442106 1.0179187 1.0199755\n", + " 1.0165145 1.0495807 1.0208253 1.0169613 1.0375042]\n", + "\n", + "[ 3 8 1 10 2 9 0 11 4 15 6 18 5 7 16 13 12 17 14]\n", + "=======================\n", + "['john terry recently revealed he had chosen liverpool midfielder philippe coutinho -- who has been very good but not great -- as his nomination .chelsea winger eden hazard is among the front runners to win the pfa player of the year award this seasonhazard will have to beat off competition from manchester united goalkeeper david de gea']\n", + "=======================\n", + "['the pfa announced the shortlist for player of the year earlier this weekeden hazard , david de gea and harry kane are among leading contendersjamie carragher reveals there will be plenty of tactical voting by players']\n", + "john terry recently revealed he had chosen liverpool midfielder philippe coutinho -- who has been very good but not great -- as his nomination .chelsea winger eden hazard is among the front runners to win the pfa player of the year award this seasonhazard will have to beat off competition from manchester united goalkeeper david de gea\n", + "the pfa announced the shortlist for player of the year earlier this weekeden hazard , david de gea and harry kane are among leading contendersjamie carragher reveals there will be plenty of tactical voting by players\n", + "[1.1670824 1.3968326 1.3268564 1.2449775 1.0422899 1.050106 1.068516\n", + " 1.1401746 1.0997884 1.0811665 1.0583036 1.0809857 1.0693158 1.1405866\n", + " 1.0750767 1.0233102 1.0149993 1.0745587 0. ]\n", + "\n", + "[ 1 2 3 0 13 7 8 9 11 14 17 12 6 10 5 4 15 16 18]\n", + "=======================\n", + "[\"now , fossils from an extinct pygmy sperm whale that died seven million years ago , have shed new light on the evolution of modern day whales .the remains , which were discovered in panama , indicate that the organ involved in sound generation and echolocation got smaller throughout the whale 's evolution .the sperm whale is the largest of the toothed whales and the largest toothed predator .\"]\n", + "=======================\n", + "[\"team of scientists discovered new species of extinct pygmy sperm whaleseven million-year-old nanokogia isthmia bones were found in panamasuggest the bone involved in sound generation and echolocation got smaller throughout the whale 's evolutiontoday 's larger sperm whales are able to navigate under water with ease\"]\n", + "now , fossils from an extinct pygmy sperm whale that died seven million years ago , have shed new light on the evolution of modern day whales .the remains , which were discovered in panama , indicate that the organ involved in sound generation and echolocation got smaller throughout the whale 's evolution .the sperm whale is the largest of the toothed whales and the largest toothed predator .\n", + "team of scientists discovered new species of extinct pygmy sperm whaleseven million-year-old nanokogia isthmia bones were found in panamasuggest the bone involved in sound generation and echolocation got smaller throughout the whale 's evolutiontoday 's larger sperm whales are able to navigate under water with ease\n", + "[1.4437575 1.4830313 1.2272948 1.4297328 1.1918257 1.1360229 1.0700126\n", + " 1.0266274 1.0691309 1.0160965 1.0179886 1.0202157 1.0350848 1.0267016\n", + " 1.0208602 1.2304273 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 15 2 4 5 6 8 12 13 7 14 11 10 9 16 17 18]\n", + "=======================\n", + "[\"as revealed by sportsmail , the fight in oakland , california will not be for ward 's wba super-middleweight world title .paul smith has landed one of the toughest fights in boxing after finalising terms to face andre ward on june 20 .paul smith ( left ) has landed a shot at the unbeaten californian andre ward\"]\n", + "=======================\n", + "[\"paul smith will take on andre ward on june 20 in californiaward 's wba super-middleweight title will not be on the linesmith is coming off back-to-back world title defeats by arthur abrahamward has not fought since he beat edwin rodriquez in november 2013\"]\n", + "as revealed by sportsmail , the fight in oakland , california will not be for ward 's wba super-middleweight world title .paul smith has landed one of the toughest fights in boxing after finalising terms to face andre ward on june 20 .paul smith ( left ) has landed a shot at the unbeaten californian andre ward\n", + "paul smith will take on andre ward on june 20 in californiaward 's wba super-middleweight title will not be on the linesmith is coming off back-to-back world title defeats by arthur abrahamward has not fought since he beat edwin rodriquez in november 2013\n", + "[1.318086 1.2159778 1.1398109 1.0913448 1.1462481 1.1060722 1.0873225\n", + " 1.033822 1.1709898 1.0362272 1.0807371 1.0916817 1.1434765 1.0821228\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 8 4 12 2 5 11 3 6 13 10 9 7 14 15 16 17 18]\n", + "=======================\n", + "[\"( cnn ) just eight months ago , a young woman named fatu kekula was single-handedly trying to save her ebola-stricken family , donning trash bags to protect herself against the deadly virus .today , because of a cnn story and the generosity of donors from around the world , kekula wears scrubs bearing the emblem of the emory university nell hodgson woodruff school of nursing in atlanta , where she 's learning skills she can take back home to care for her fellow liberians .kekula , 23 , was just a year away from finishing up her nursing degree in liberia when ebola struck and her mother , father , sister and cousin came down with the disease .\"]\n", + "=======================\n", + "['fatu kekula , 23 , saved most of her family from ebolathanks to donors , she is being trained at emory universitykekula was one year away from finishing a nursing degree when ebola struck']\n", + "( cnn ) just eight months ago , a young woman named fatu kekula was single-handedly trying to save her ebola-stricken family , donning trash bags to protect herself against the deadly virus .today , because of a cnn story and the generosity of donors from around the world , kekula wears scrubs bearing the emblem of the emory university nell hodgson woodruff school of nursing in atlanta , where she 's learning skills she can take back home to care for her fellow liberians .kekula , 23 , was just a year away from finishing up her nursing degree in liberia when ebola struck and her mother , father , sister and cousin came down with the disease .\n", + "fatu kekula , 23 , saved most of her family from ebolathanks to donors , she is being trained at emory universitykekula was one year away from finishing a nursing degree when ebola struck\n", + "[1.3291888 1.640032 1.1419413 1.4569916 1.0523304 1.1085504 1.1022979\n", + " 1.1393735 1.0854877 1.0517153 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 7 5 6 8 4 9 10 11 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"manchester city striker natasha flint bagged a first-half hat-trick as the young lions squad came from a goal down to secure an impressive victory at seaview .england women 's under 19s smashed northern ireland 9-1 to keep their dreams of euro qualification very much alive .however , saturday 's defeat to norway could yet prove costly as england can now only make it to this summer 's finals in israel as best-placed runners up .\"]\n", + "=======================\n", + "[\"england women 's under 19 's came from behind to secure impressive winmo marley 's side smashed nine past northern ireland womens under 19smanchester city striker natasha flint bagged a first-half hat-trick in the winhowever , it is still touch and go as to whether england qualify for euros\"]\n", + "manchester city striker natasha flint bagged a first-half hat-trick as the young lions squad came from a goal down to secure an impressive victory at seaview .england women 's under 19s smashed northern ireland 9-1 to keep their dreams of euro qualification very much alive .however , saturday 's defeat to norway could yet prove costly as england can now only make it to this summer 's finals in israel as best-placed runners up .\n", + "england women 's under 19 's came from behind to secure impressive winmo marley 's side smashed nine past northern ireland womens under 19smanchester city striker natasha flint bagged a first-half hat-trick in the winhowever , it is still touch and go as to whether england qualify for euros\n", + "[1.2065246 1.1152755 1.2641084 1.1713545 1.2061453 1.1280205 1.172237\n", + " 1.234448 1.0667583 1.0328829 1.0585063 1.1050799 1.0786068 1.0577629\n", + " 1.0803748 1.0732795 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 7 0 4 6 3 5 1 11 14 12 15 8 10 13 9 19 16 17 18 20]\n", + "=======================\n", + "[\"as kenyans mourned those killed last week in one of the deadliest terrorist attacks in the nation , citizens used social media to share the victims ' stories , hopes and dreams .the attack in kenya killed 142 students , three security officers and two university security personnel , and was the nation 's deadliest since the bombing of the u.s. embassy in 1998 .( cnn ) one hundred and forty-seven victims .\"]\n", + "=======================\n", + "['kenyans use hashtag # 147notjustanumber to honor victims of kenya university attackthe attack killed 142 students , three security officers and two university security personnel']\n", + "as kenyans mourned those killed last week in one of the deadliest terrorist attacks in the nation , citizens used social media to share the victims ' stories , hopes and dreams .the attack in kenya killed 142 students , three security officers and two university security personnel , and was the nation 's deadliest since the bombing of the u.s. embassy in 1998 .( cnn ) one hundred and forty-seven victims .\n", + "kenyans use hashtag # 147notjustanumber to honor victims of kenya university attackthe attack killed 142 students , three security officers and two university security personnel\n", + "[1.0514766 1.4028219 1.1936232 1.3266897 1.1965598 1.2640603 1.0827423\n", + " 1.2516987 1.0570371 1.1601908 1.03463 1.0289314 1.0186951 1.036958\n", + " 1.0159857 1.0527359 1.0454504 1.0267913 1.0160207 1.0122007 1.0390702]\n", + "\n", + "[ 1 3 5 7 4 2 9 6 8 15 0 16 20 13 10 11 17 12 18 14 19]\n", + "=======================\n", + "[\"as a part of sky living 's promotion for its upcoming three-part drama , the enfield haunting , real london estate agents were invited to value a house in a viral video .an ordinary house in enfield is chosen as the location , and to draw the estate agents in , is a pretend homeowner , rosie , who wants her house valued .installed with secret cameras , microphones and booby traps , the unsuspecting estate agents are subject to cruel , but hilarious , pranks - which prompt hysterical reactions .\"]\n", + "=======================\n", + "[\"london estate agents invited to value a house rigged with special effectsthe viral video was created to promote sky living 's new three-part dramathe enfield haunting looks at supposed genuine haunting in late seventies\"]\n", + "as a part of sky living 's promotion for its upcoming three-part drama , the enfield haunting , real london estate agents were invited to value a house in a viral video .an ordinary house in enfield is chosen as the location , and to draw the estate agents in , is a pretend homeowner , rosie , who wants her house valued .installed with secret cameras , microphones and booby traps , the unsuspecting estate agents are subject to cruel , but hilarious , pranks - which prompt hysterical reactions .\n", + "london estate agents invited to value a house rigged with special effectsthe viral video was created to promote sky living 's new three-part dramathe enfield haunting looks at supposed genuine haunting in late seventies\n", + "[1.4733248 1.2445027 1.2824525 1.284192 1.2323036 1.1986244 1.0981668\n", + " 1.0883003 1.09883 1.0390713 1.0143273 1.017891 1.0404719 1.0517707\n", + " 1.0150977 1.0157841 1.0124264 1.0151287 1.1905801 0. 0. ]\n", + "\n", + "[ 0 3 2 1 4 5 18 8 6 7 13 12 9 11 15 17 14 10 16 19 20]\n", + "=======================\n", + "[\"washington post journalist jason rezaian has been detained in iran for eight months and faces trial for ` security charges ' unspecified by the governmentthe fars news agency did not reveal the source for their information , but the agency is considered to be close to the ultra conservative iran hard-liners .the report alleges that rezaian , 39 , obtained economic and industrial information from the country and then sold it to unnamed americans .\"]\n", + "=======================\n", + "[\"fars news agency alleges that jason rezaian sold economic and industrial information he obtained from iran to americansgovernment officials said in january that rezaian , 39 , would stand trial for unspecified ` security charges 'rezaian was taken from his tehran home on july 22 and was not permitted to hire a lawyer until last month\"]\n", + "washington post journalist jason rezaian has been detained in iran for eight months and faces trial for ` security charges ' unspecified by the governmentthe fars news agency did not reveal the source for their information , but the agency is considered to be close to the ultra conservative iran hard-liners .the report alleges that rezaian , 39 , obtained economic and industrial information from the country and then sold it to unnamed americans .\n", + "fars news agency alleges that jason rezaian sold economic and industrial information he obtained from iran to americansgovernment officials said in january that rezaian , 39 , would stand trial for unspecified ` security charges 'rezaian was taken from his tehran home on july 22 and was not permitted to hire a lawyer until last month\n", + "[1.23003 1.4830678 1.2718192 1.3669102 1.1048334 1.0561761 1.0561496\n", + " 1.038805 1.0400196 1.0842351 1.0801531 1.1201339 1.0239202 1.1167147\n", + " 1.0343751 1.0974964 1.0738591 1.1492071 1.0736189 0. 0. ]\n", + "\n", + "[ 1 3 2 0 17 11 13 4 15 9 10 16 18 5 6 8 7 14 12 19 20]\n", + "=======================\n", + "[\"holly nicole solomon , now 31 , admitted to running over her husband daniel in a mesa parking lot after an argument where she said that her family would ` face hardship ' because of barack obama 's reelection .solomon , who was six months pregnant at the time , originally pleaded not guilty to charges of aggravated assault and disorderly conduct for the incident , but now will serve three and a half years in prison following a plea deal .an arizona woman has pleaded guilty to hitting her husband with their suv because he did n't vote in the 2012 presidential election .\"]\n", + "=======================\n", + "[\"holly nicole solomon , now 31 , hit husband in mesa , arizona , parking lotshe was mad he did n't vote because they would ` face hardship ' with obamahusband had tried to hide by light pole but she drove in circles to hit himsolomon accepted plea deal that will send her to prison for 3 1/2 yearsshe originally pleaded not guilty and said she meant to hit brakes\"]\n", + "holly nicole solomon , now 31 , admitted to running over her husband daniel in a mesa parking lot after an argument where she said that her family would ` face hardship ' because of barack obama 's reelection .solomon , who was six months pregnant at the time , originally pleaded not guilty to charges of aggravated assault and disorderly conduct for the incident , but now will serve three and a half years in prison following a plea deal .an arizona woman has pleaded guilty to hitting her husband with their suv because he did n't vote in the 2012 presidential election .\n", + "holly nicole solomon , now 31 , hit husband in mesa , arizona , parking lotshe was mad he did n't vote because they would ` face hardship ' with obamahusband had tried to hide by light pole but she drove in circles to hit himsolomon accepted plea deal that will send her to prison for 3 1/2 yearsshe originally pleaded not guilty and said she meant to hit brakes\n", + "[1.2484162 1.2921767 1.3500495 1.2356832 1.2314422 1.102572 1.0908313\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 4 5 6 18 17 16 15 14 13 10 11 19 9 8 7 12 20]\n", + "=======================\n", + "['now popular comic book writer frank miller is returning to his best-known story .\" the dark knight returns , \" published in 1986 , is widely credited for resurrecting batman in pop culture , something we \\'ve seen referenced in everything from 1989 \\'s \" batman \" to the \" dark knight \" trilogy and the upcoming \" batman v. superman : dawn of justice . \"this third chapter in the grim saga will be released sometime in the fall .']\n", + "=======================\n", + "['classic comic book \" the dark knight returns \" is getting a second sequellegendary comics writer frank miller is returning to the story that made him famous']\n", + "now popular comic book writer frank miller is returning to his best-known story .\" the dark knight returns , \" published in 1986 , is widely credited for resurrecting batman in pop culture , something we 've seen referenced in everything from 1989 's \" batman \" to the \" dark knight \" trilogy and the upcoming \" batman v. superman : dawn of justice . \"this third chapter in the grim saga will be released sometime in the fall .\n", + "classic comic book \" the dark knight returns \" is getting a second sequellegendary comics writer frank miller is returning to the story that made him famous\n", + "[1.318937 1.4017591 1.1092973 1.335367 1.103318 1.1819277 1.023545\n", + " 1.2815429 1.1223996 1.1536679 1.0644809 1.0712757 1.0365638 1.0983016\n", + " 1.1943899 1.0807083 0. 0. ]\n", + "\n", + "[ 1 3 0 7 14 5 9 8 2 4 13 15 11 10 12 6 16 17]\n", + "=======================\n", + "[\"the marketing team for both mayweather and pacquiao put together the 30-second clip , filmed in a los angeles studio on march 11 , to advertise the pay-per-view event .the official advert for floyd mayweather ( left ) vs manny pacquiao on pay per view has been releasedthe fight on may 2 is expected to break the pay-per-view record of # 102m set by mayweather 's fight with saul ` canelo ' alvarez in september 2013 .\"]\n", + "=======================\n", + "[\"the official advert for the pay-per-view fight has been releasedfloyd mayweather and manny pacquiao meet on may 2 in las vegasthe advert shows them squaring up with the mgm grand visible behindamir khan : mayweather and pacquiao have n't heard of kell brookfreddie roach : pacquiao will knock mayweather outclick here for all the latest mayweather vs pacquiao fight news\"]\n", + "the marketing team for both mayweather and pacquiao put together the 30-second clip , filmed in a los angeles studio on march 11 , to advertise the pay-per-view event .the official advert for floyd mayweather ( left ) vs manny pacquiao on pay per view has been releasedthe fight on may 2 is expected to break the pay-per-view record of # 102m set by mayweather 's fight with saul ` canelo ' alvarez in september 2013 .\n", + "the official advert for the pay-per-view fight has been releasedfloyd mayweather and manny pacquiao meet on may 2 in las vegasthe advert shows them squaring up with the mgm grand visible behindamir khan : mayweather and pacquiao have n't heard of kell brookfreddie roach : pacquiao will knock mayweather outclick here for all the latest mayweather vs pacquiao fight news\n", + "[1.1418276 1.0873078 1.3198329 1.2408317 1.2567037 1.2245326 1.058599\n", + " 1.0536124 1.207787 1.0502756 1.031282 1.038531 1.0976163 1.1183794\n", + " 1.0453902 1.0259377 1.0503967 1.0373036]\n", + "\n", + "[ 2 4 3 5 8 0 13 12 1 6 7 16 9 14 11 17 10 15]\n", + "=======================\n", + "['believed to be constructed in the first century a.d. and situated on one of the most important ancient trade routes , linking the north and south of the arabian peninsula , the mysterious monument was never finished .now a unesco world heritage site , the ancient remains of qasr al-farid - a rock-cut tomb and part of an ancient nabatean settlement - stands amidst imposing cliffs and striking rocky outcropthe striking structure is the largest of the 131 tombs in the area , hinting it was intended for someone of great power']\n", + "=======================\n", + "[\"qasr al-farid or ` the lonely castle ' has been standing strong since the first century adthe single-rock tomb is incomplete and abandoned , but fascinatingly reveals structures were carved from top downthe striking castle is one of 131 tombs from the nabatean kingdom , located in the al-ula sector\"]\n", + "believed to be constructed in the first century a.d. and situated on one of the most important ancient trade routes , linking the north and south of the arabian peninsula , the mysterious monument was never finished .now a unesco world heritage site , the ancient remains of qasr al-farid - a rock-cut tomb and part of an ancient nabatean settlement - stands amidst imposing cliffs and striking rocky outcropthe striking structure is the largest of the 131 tombs in the area , hinting it was intended for someone of great power\n", + "qasr al-farid or ` the lonely castle ' has been standing strong since the first century adthe single-rock tomb is incomplete and abandoned , but fascinatingly reveals structures were carved from top downthe striking castle is one of 131 tombs from the nabatean kingdom , located in the al-ula sector\n", + "[1.492729 1.2219095 1.4285687 1.2228427 1.3105513 1.134507 1.0686033\n", + " 1.0317186 1.0462271 1.0230038 1.0468136 1.0506299 1.0601647 1.0919138\n", + " 1.081139 1.0251756 1.0258249 0. ]\n", + "\n", + "[ 0 2 4 3 1 5 13 14 6 12 11 10 8 7 16 15 9 17]\n", + "=======================\n", + "[\"` the general ' : mohammed suleman khan , 43 , was sent to prison for four years last april but faces ten more years if he does not pay back # 2.2 mserving inmate khan faced a proceeds of crime hearing at liverpool crown court last week and was ordered to pay # 2.2 million within six months .his nine-year scam was exposed after police raided his birmingham home and discovered plans for his own mansion in pakistan , complete with library , cinema and servant quarters .\"]\n", + "=======================\n", + "[\"mohammed suleman khan lived extravagant lifestyle without a jobpolice found he was building his own buckingham palace in pakistanknown as ` the general ' in uk gangland and jailed for four years last yearjudge orders him to pay back # 2.2 m or face another ten years in jail\"]\n", + "` the general ' : mohammed suleman khan , 43 , was sent to prison for four years last april but faces ten more years if he does not pay back # 2.2 mserving inmate khan faced a proceeds of crime hearing at liverpool crown court last week and was ordered to pay # 2.2 million within six months .his nine-year scam was exposed after police raided his birmingham home and discovered plans for his own mansion in pakistan , complete with library , cinema and servant quarters .\n", + "mohammed suleman khan lived extravagant lifestyle without a jobpolice found he was building his own buckingham palace in pakistanknown as ` the general ' in uk gangland and jailed for four years last yearjudge orders him to pay back # 2.2 m or face another ten years in jail\n", + "[1.3409328 1.3987505 1.1753119 1.2537718 1.1060866 1.0604906 1.1161926\n", + " 1.0329081 1.0368956 1.1059431 1.1092219 1.0513942 1.1842194 1.0337181\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 12 2 6 10 4 9 5 11 8 13 7 14 15 16 17]\n", + "=======================\n", + "[\"justin jackson , a florida man , has been carrying out the bizarre schemes in the hope of cashing in on the freebies , or winning himself a job in luxurious hotels , according to court documents .an alleged fraudster has been accused of posing as oprah winfrey , executives from her tv network , former obama aide reggie love and madonna 's manager in an attempt to trick people into giving him jobs , clothes , free food and jewelry worth $ 2.4 million .jackson is being sued by oprah 's tv network as well as love - the college basketball star who went on to be the president 's personal assistant .\"]\n", + "=======================\n", + "[\"justin jackson allegedly pretended to be celebrity-linked charactersaccused of sending messages to get expensive swag , or get hired in hotelsmost brazen alleged scheme was in 2007 , when he ` made off with jewelry worth $ 2.4 million after saying he needed it for madonna photoshoot 'now being sued in florida federal court by love and oprah 's tv networkjackson named alongside angel agarrat , another alleged fraudster\"]\n", + "justin jackson , a florida man , has been carrying out the bizarre schemes in the hope of cashing in on the freebies , or winning himself a job in luxurious hotels , according to court documents .an alleged fraudster has been accused of posing as oprah winfrey , executives from her tv network , former obama aide reggie love and madonna 's manager in an attempt to trick people into giving him jobs , clothes , free food and jewelry worth $ 2.4 million .jackson is being sued by oprah 's tv network as well as love - the college basketball star who went on to be the president 's personal assistant .\n", + "justin jackson allegedly pretended to be celebrity-linked charactersaccused of sending messages to get expensive swag , or get hired in hotelsmost brazen alleged scheme was in 2007 , when he ` made off with jewelry worth $ 2.4 million after saying he needed it for madonna photoshoot 'now being sued in florida federal court by love and oprah 's tv networkjackson named alongside angel agarrat , another alleged fraudster\n", + "[1.237463 1.3420292 1.3128568 1.1384757 1.1133716 1.1767113 1.0396254\n", + " 1.1326145 1.104775 1.1003584 1.1258931 1.0855983 1.0699823 1.0561528\n", + " 1.05934 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 5 3 7 10 4 8 9 11 12 14 13 6 15 16 17]\n", + "=======================\n", + "[\"dr giorgi-guarnieri testified on friday during court hearings in washington , d.c. , that will ultimately determine whether and under which conditions john hinckley jr. will be allowed to live full time outside a mental hospital .john hinckley jr , in 2014 , the would-be assassin of president ronald reagan , pictured for the first time since a court ruled he can spend 17 days a month away from a mental home where he has been for the last three decades at his mother 's virginia homeone of hinckley 's interests is music , and he sings and plays the guitar .\"]\n", + "=======================\n", + "[\"dr giorgi-guarnieri testified at hearing that will ultimately determine whether hinckley will be allowed to live full time outside a mental hospitalgiorgi-guarnieri said hinckley should be allowed to start the band but not perform publiclyhinckley 's lawyer and treatment team say he 's ready to live full time at his 89-year-old mother 's home in virginia under certain conditions\"]\n", + "dr giorgi-guarnieri testified on friday during court hearings in washington , d.c. , that will ultimately determine whether and under which conditions john hinckley jr. will be allowed to live full time outside a mental hospital .john hinckley jr , in 2014 , the would-be assassin of president ronald reagan , pictured for the first time since a court ruled he can spend 17 days a month away from a mental home where he has been for the last three decades at his mother 's virginia homeone of hinckley 's interests is music , and he sings and plays the guitar .\n", + "dr giorgi-guarnieri testified at hearing that will ultimately determine whether hinckley will be allowed to live full time outside a mental hospitalgiorgi-guarnieri said hinckley should be allowed to start the band but not perform publiclyhinckley 's lawyer and treatment team say he 's ready to live full time at his 89-year-old mother 's home in virginia under certain conditions\n", + "[1.2532697 1.3432182 1.1762499 1.0936294 1.2791176 1.2083739 1.1207213\n", + " 1.1229014 1.0509 1.1286712 1.0575724 1.079301 1.0689398 1.0492156\n", + " 1.0120423 1.0380003 1.0379007 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 5 2 9 7 6 3 11 12 10 8 13 15 16 14 18 17 19]\n", + "=======================\n", + "[\"gchq , the government 's listening post , unlawfully intercepted telephone calls and emails from sami al-saadi -- even though the legally-privileged material was protected by strict rules .britain 's intelligence agencies have been ordered to destroy information they got illegally by spying on confidential communications between a libyan dissident and his lawyers , a watchdog has ruled .gchq confessed it intercepted confidential conversations between mr al-saadi ( pictured ) and his lawyer\"]\n", + "=======================\n", + "[\"sami al-saadi 's communications with his lawyer were illegally interceptedthe investigatory powers tribunal overseeing the security services has ordered spies to destroy two copies of the eavesdropped communicationsmr al-saadi claims the british government was complicit in kidnapping him and sending him back to libya to be tortured by the gadaffi regime\"]\n", + "gchq , the government 's listening post , unlawfully intercepted telephone calls and emails from sami al-saadi -- even though the legally-privileged material was protected by strict rules .britain 's intelligence agencies have been ordered to destroy information they got illegally by spying on confidential communications between a libyan dissident and his lawyers , a watchdog has ruled .gchq confessed it intercepted confidential conversations between mr al-saadi ( pictured ) and his lawyer\n", + "sami al-saadi 's communications with his lawyer were illegally interceptedthe investigatory powers tribunal overseeing the security services has ordered spies to destroy two copies of the eavesdropped communicationsmr al-saadi claims the british government was complicit in kidnapping him and sending him back to libya to be tortured by the gadaffi regime\n", + "[1.2631276 1.2115169 1.1620682 1.2593578 1.240652 1.154756 1.0965947\n", + " 1.1545601 1.0786802 1.0628927 1.0832638 1.0796728 1.0364329 1.0466244\n", + " 1.0229928 1.0443165 1.1985658 1.0612844 0. 0. ]\n", + "\n", + "[ 0 3 4 1 16 2 5 7 6 10 11 8 9 17 13 15 12 14 18 19]\n", + "=======================\n", + "['in the past year solar power in the uk has more than doubled while in the us it has grown by 30 per cent .sonnenspeicher ( pictured ) uses a lithium iron phosphate battery to store energy harnessed by solar panels .this energy can be used throughout the day , and any excess is stored for when the sun goes down .']\n", + "=======================\n", + "[\"sonnenspeicher was designed by wolfram walter and german firm asdits lithium iron phosphate battery stores energy from solar panelscheapest model is $ 8,450 ( # 6,170 ) , but it will save money on electricity billsit also comes with ` intelligent management system ' that controls current\"]\n", + "in the past year solar power in the uk has more than doubled while in the us it has grown by 30 per cent .sonnenspeicher ( pictured ) uses a lithium iron phosphate battery to store energy harnessed by solar panels .this energy can be used throughout the day , and any excess is stored for when the sun goes down .\n", + "sonnenspeicher was designed by wolfram walter and german firm asdits lithium iron phosphate battery stores energy from solar panelscheapest model is $ 8,450 ( # 6,170 ) , but it will save money on electricity billsit also comes with ` intelligent management system ' that controls current\n", + "[1.2275465 1.4643457 1.2592895 1.2202514 1.0745953 1.0733578 1.132407\n", + " 1.0415866 1.1560112 1.1635318 1.0311908 1.0261251 1.0531257 1.0213106\n", + " 1.0401317 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 9 8 6 4 5 12 7 14 10 11 13 18 15 16 17 19]\n", + "=======================\n", + "[\"within ten minutes of tomorrow night 's episode , fans will see aidan turner 's dashing ross poldark gaze lovingly at his new baby daughter .as sunday night 's latest heartthrob , women across the country have voiced their longing to settle down with the brooding cornish gentleman -- but unfortunately it seems as if his heart is well and truly off the market .last week she was barely showing -- but demelza poldark is now the proud mother to the show 's latest addition .\"]\n", + "=======================\n", + "[\"spoiler alert : maid gives birth to baby on sunday 's episodeonly announced she was pregnant with poldark 's baby last week\"]\n", + "within ten minutes of tomorrow night 's episode , fans will see aidan turner 's dashing ross poldark gaze lovingly at his new baby daughter .as sunday night 's latest heartthrob , women across the country have voiced their longing to settle down with the brooding cornish gentleman -- but unfortunately it seems as if his heart is well and truly off the market .last week she was barely showing -- but demelza poldark is now the proud mother to the show 's latest addition .\n", + "spoiler alert : maid gives birth to baby on sunday 's episodeonly announced she was pregnant with poldark 's baby last week\n", + "[1.339768 1.3084171 1.2324998 1.3372204 1.3079764 1.2750136 1.0699391\n", + " 1.09809 1.0171715 1.0155418 1.0154346 1.0138999 1.0121372 1.0183325\n", + " 1.0110264 1.0245432 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 5 2 7 6 15 13 8 9 10 11 12 14 18 16 17 19]\n", + "=======================\n", + "[\"jose mourinho might have called it poetic justice as ashley barnes was sent off on the stroke of half-time to deliver a major blow to burnley 's prospects of staying in the premier league .burnley were left feeling hard-done-by as referee mike jones denied them a couple of possible penalties and more significantly allowed kevin mirallas to stay on the pitch for a tackle worse than anything barnes did .everton forward kevin mirallas ( right ) opens the scoring on his return to the first team at goodison park\"]\n", + "=======================\n", + "[\"everton defeated 10-men burnley 1-0 in their premier league clash at goodison parktom heaton saved a penalty from ross barkley after aaron lennon was fouled in the areakevin mirallas scored the toffees ' winner with a drilled shot after initially miskicking the ballclarets forward ashley barnes was sent off for a second bookable offence on the stroke of half-timemirallas was fortunate to escape being dismissed for a high challenge on george boyd\"]\n", + "jose mourinho might have called it poetic justice as ashley barnes was sent off on the stroke of half-time to deliver a major blow to burnley 's prospects of staying in the premier league .burnley were left feeling hard-done-by as referee mike jones denied them a couple of possible penalties and more significantly allowed kevin mirallas to stay on the pitch for a tackle worse than anything barnes did .everton forward kevin mirallas ( right ) opens the scoring on his return to the first team at goodison park\n", + "everton defeated 10-men burnley 1-0 in their premier league clash at goodison parktom heaton saved a penalty from ross barkley after aaron lennon was fouled in the areakevin mirallas scored the toffees ' winner with a drilled shot after initially miskicking the ballclarets forward ashley barnes was sent off for a second bookable offence on the stroke of half-timemirallas was fortunate to escape being dismissed for a high challenge on george boyd\n", + "[1.1819243 1.2626445 1.2031078 1.1609557 1.2247137 1.1399364 1.1059104\n", + " 1.0823579 1.06658 1.0706635 1.019685 1.0290346 1.0764868 1.1237818\n", + " 1.14494 1.0532478 1.0226711 1.0219166 1.0240817 1.045912 ]\n", + "\n", + "[ 1 4 2 0 3 14 5 13 6 7 12 9 8 15 19 11 18 16 17 10]\n", + "=======================\n", + "[\"saige , five , who 's from the us , concludes the passionate rant by declaring she will move out and stay with her mum 's best friend : ` i 'm moving on , i 'm going to jenn 's ! 'says five-year-old saige , who has had enough of living with her mother for five yearsunfortunately for her , her mother refuses to take the threat seriously and just laughs at her daughter , responding : ` no you 're not . '\"]\n", + "=======================\n", + "[\"saige 's rant is captured on film by her mother who put it onlineshe loaded the funny video on to her youtube channel fourth st. jamesclip in which little girl threatens to leave has been watched 120,000 timessaige : ` this is way dirty , it has no space .\"]\n", + "saige , five , who 's from the us , concludes the passionate rant by declaring she will move out and stay with her mum 's best friend : ` i 'm moving on , i 'm going to jenn 's ! 'says five-year-old saige , who has had enough of living with her mother for five yearsunfortunately for her , her mother refuses to take the threat seriously and just laughs at her daughter , responding : ` no you 're not . '\n", + "saige 's rant is captured on film by her mother who put it onlineshe loaded the funny video on to her youtube channel fourth st. jamesclip in which little girl threatens to leave has been watched 120,000 timessaige : ` this is way dirty , it has no space .\n", + "[1.3046874 1.1396077 1.46611 1.1811067 1.1662303 1.2236053 1.0352454\n", + " 1.0294082 1.0198019 1.0489411 1.0273172 1.0671782 1.1565922 1.2916365\n", + " 1.0665298 1.059951 1.0303199 1.0612135 1.0527927]\n", + "\n", + "[ 2 0 13 5 3 4 12 1 11 14 17 15 18 9 6 16 7 10 8]\n", + "=======================\n", + "['the two-bedroomed terraced house - number 20 the lindens in new addington , near croydon south london - was bulldozed in june 2013 along with the two neighbouring properties .the house where tia sharp was sexually assaulted and then brutally murdered before her body was hidden in the loft has finally been erased from a community .in its place , two new houses have been built , which will be numbered 19a and 19b , completely wiping number 20 from the map .']\n", + "=======================\n", + "[\"two houses built over the site of former home so address no longer existsplace of 12-year-old 's brutal murder was reminder of evil to its neighboursstuart hazell abused young tia there before dumping her body in the loftcouncil feared new addington house would become sick tourist attraction\"]\n", + "the two-bedroomed terraced house - number 20 the lindens in new addington , near croydon south london - was bulldozed in june 2013 along with the two neighbouring properties .the house where tia sharp was sexually assaulted and then brutally murdered before her body was hidden in the loft has finally been erased from a community .in its place , two new houses have been built , which will be numbered 19a and 19b , completely wiping number 20 from the map .\n", + "two houses built over the site of former home so address no longer existsplace of 12-year-old 's brutal murder was reminder of evil to its neighboursstuart hazell abused young tia there before dumping her body in the loftcouncil feared new addington house would become sick tourist attraction\n", + "[1.3815536 1.2155232 1.1648984 1.2577975 1.1688758 1.1810372 1.0822244\n", + " 1.0873983 1.0607938 1.0764872 1.0410928 1.0858557 1.0567789 1.0646635\n", + " 1.0335118 1.0147561 1.025309 0. 0. ]\n", + "\n", + "[ 0 3 1 5 4 2 7 11 6 9 13 8 12 10 14 16 15 17 18]\n", + "=======================\n", + "[\"( cnn ) giovanni lo porto put himself in harm 's way to help , heading to pakistan to work on a much needed reconstruction project following deadly flooding there .two years later , lo porto was dead -- killed accidentally by a u.s. drone strike , according to american authorities .his work and his life , as he knew it then , came to a halt on january 19 , 2012 .\"]\n", + "=======================\n", + "['ngo where lo porto works describes him as a lively , positive man with lots of friendslondon university says he was a \" popular student ... committed to helping others \"he was killed in a u.s. counterterrorism strike in january , authorities say']\n", + "( cnn ) giovanni lo porto put himself in harm 's way to help , heading to pakistan to work on a much needed reconstruction project following deadly flooding there .two years later , lo porto was dead -- killed accidentally by a u.s. drone strike , according to american authorities .his work and his life , as he knew it then , came to a halt on january 19 , 2012 .\n", + "ngo where lo porto works describes him as a lively , positive man with lots of friendslondon university says he was a \" popular student ... committed to helping others \"he was killed in a u.s. counterterrorism strike in january , authorities say\n", + "[1.347905 1.4420474 1.3112558 1.1542139 1.1490694 1.2326896 1.1647892\n", + " 1.1426979 1.0158954 1.0146745 1.0140164 1.1432863 1.0779749 1.0597217\n", + " 1.0781038 1.1256248 1.2195084 0. 0. ]\n", + "\n", + "[ 1 0 2 5 16 6 3 4 11 7 15 14 12 13 8 9 10 17 18]\n", + "=======================\n", + "['authorities say a gunshot rang out and then a man was found dead with an apparent self-inflicted wound around 5 p.m. near the buffet at m resort spa and casino in henderson , nevada .police say one adult who heard the gunshot and fell while running away was taken to the hospital with minor injuries .several people who had gone to the buffet for an easter meal posted tweets expressing their shock at the incident']\n", + "=======================\n", + "['unnamed man was found dead from an apparent self-inflicted wound around 5 p.m. on sundayincident happened near the buffet at the m resort spa and casino in henderson , nevadawitness describe hearing a large boom and then seeing a man lying on the ground with a pool of blood surrounding his salt-and-pepper haira car fire was reported at the same time in the parking garage , and police are investigating if the two incidents are related']\n", + "authorities say a gunshot rang out and then a man was found dead with an apparent self-inflicted wound around 5 p.m. near the buffet at m resort spa and casino in henderson , nevada .police say one adult who heard the gunshot and fell while running away was taken to the hospital with minor injuries .several people who had gone to the buffet for an easter meal posted tweets expressing their shock at the incident\n", + "unnamed man was found dead from an apparent self-inflicted wound around 5 p.m. on sundayincident happened near the buffet at the m resort spa and casino in henderson , nevadawitness describe hearing a large boom and then seeing a man lying on the ground with a pool of blood surrounding his salt-and-pepper haira car fire was reported at the same time in the parking garage , and police are investigating if the two incidents are related\n", + "[1.3989488 1.4171187 1.1234665 1.1930661 1.1583004 1.029487 1.0521286\n", + " 1.2059163 1.0357773 1.0592937 1.0396353 1.0292839 1.0424018 1.1656433\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 7 3 13 4 2 9 6 12 10 8 5 11 17 14 15 16 18]\n", + "=======================\n", + "[\"manhattan-based skin laundry says that after just ten minutes , their light and laser procedure will leave your skin ` glowing ' , while also promising that long-term use will reduce wrinkles , clear acne , and minimize scarring .a new york city skin clinic 's popular new laser treatment promises to tighten skin and improve complexion - if clients are brave enough to sign a waiver releasing their personal information to a funeral director and a coroner first .but that has n't stopped skin-obsessed new yorkers from flocking to the manhattan location .\"]\n", + "=======================\n", + "['skin laundry , a trendy new skin clinic in manhattan , offers a ten-minute laser facial which promises to tighten skinclients have to sign a waiver allowing the clinic to give information to a funeral director , a coroner and to donate their organs']\n", + "manhattan-based skin laundry says that after just ten minutes , their light and laser procedure will leave your skin ` glowing ' , while also promising that long-term use will reduce wrinkles , clear acne , and minimize scarring .a new york city skin clinic 's popular new laser treatment promises to tighten skin and improve complexion - if clients are brave enough to sign a waiver releasing their personal information to a funeral director and a coroner first .but that has n't stopped skin-obsessed new yorkers from flocking to the manhattan location .\n", + "skin laundry , a trendy new skin clinic in manhattan , offers a ten-minute laser facial which promises to tighten skinclients have to sign a waiver allowing the clinic to give information to a funeral director , a coroner and to donate their organs\n", + "[1.391048 1.347923 1.229576 1.4830306 1.0462173 1.126538 1.0294383\n", + " 1.2506845 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 7 2 5 4 6 16 15 14 13 9 11 10 17 8 12 18]\n", + "=======================\n", + "[\"justin rose is back training and was pictured using his state-of-the-art # 30,000 indoor simulatorjoint runner-up with phil mickelson , the englishman was delighted with his performance , as he pushed winner jordan speith all the way on the final day and earned himself a hefty pay-day .rose , however , is already looking ahead to his next outing and posted a photograph on twitter , showing his followers his high-tech ` trackman indoor high definition golf simulator . '\"]\n", + "=======================\n", + "['justin rose posted photo on twitter of his high-tech indoor simulatorthe technology is worth # 30,000 and offers player high-definition golfrose impressed during masters 2015 and finished in joint second']\n", + "justin rose is back training and was pictured using his state-of-the-art # 30,000 indoor simulatorjoint runner-up with phil mickelson , the englishman was delighted with his performance , as he pushed winner jordan speith all the way on the final day and earned himself a hefty pay-day .rose , however , is already looking ahead to his next outing and posted a photograph on twitter , showing his followers his high-tech ` trackman indoor high definition golf simulator . '\n", + "justin rose posted photo on twitter of his high-tech indoor simulatorthe technology is worth # 30,000 and offers player high-definition golfrose impressed during masters 2015 and finished in joint second\n", + "[1.230658 1.5489905 1.2080216 1.3277239 1.1614957 1.0926888 1.0921038\n", + " 1.0619053 1.0556597 1.1222833 1.1185818 1.0773534 1.0198253 1.0637969\n", + " 1.1139864 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 9 10 14 5 6 11 13 7 8 12 17 15 16 18]\n", + "=======================\n", + "[\"raymond townsend , a manager at us limousine on long island , new york , was found liable for sexual harassment against his dispatcher geralyn ganci , now 32 , after more than a year of lurid messages .the married manager of a limousine company fired an employee for refusing to have sex with him , and even said as much in a text he sent her .he also sent her texts saying that he ` had to pull over to the side of the road and masturbate thinking about me ' , ganci said in court papers .\"]\n", + "=======================\n", + "[\"gerlayn ganci , 32 , repeatedly asked for sex by boss raymond townsendlong island 's us limousine and manager to pay $ 700,000 after firingtownsend sent text explaining reason was ` refused to have sex ' with himmarried manager told her to come over when his wife was away\"]\n", + "raymond townsend , a manager at us limousine on long island , new york , was found liable for sexual harassment against his dispatcher geralyn ganci , now 32 , after more than a year of lurid messages .the married manager of a limousine company fired an employee for refusing to have sex with him , and even said as much in a text he sent her .he also sent her texts saying that he ` had to pull over to the side of the road and masturbate thinking about me ' , ganci said in court papers .\n", + "gerlayn ganci , 32 , repeatedly asked for sex by boss raymond townsendlong island 's us limousine and manager to pay $ 700,000 after firingtownsend sent text explaining reason was ` refused to have sex ' with himmarried manager told her to come over when his wife was away\n", + "[1.2516341 1.5143707 1.2854018 1.2280087 1.2524053 1.2003415 1.1465168\n", + " 1.0238252 1.0210879 1.0149873 1.0821457 1.0695301 1.1477566 1.1601543\n", + " 1.0780563 1.0466605 1.0142689 1.0749754 1.0299786]\n", + "\n", + "[ 1 2 4 0 3 5 13 12 6 10 14 17 11 15 18 7 8 9 16]\n", + "=======================\n", + "[\"jennifer houle , 22 , vanished from a bar in minneapolis in the early hours of friday and was later captured on surveillance footage as she walked alone on the 10th avenue bridge .authorities have not said whether she fell or jumped from the bridge , which is 110ft above the river .the medical examiner 's office identified the body as houle 's on thursday .\"]\n", + "=======================\n", + "[\"jennifer houle went missing between 1am and 2am on friday during a night out with a friend in minneapolispolice discovered video footage showing her alone on a nearby bridge and said she entered the water - but it is not clear if she jumped or fellteams searching the water recovered her body on wednesdaymedical examiner 's office say houle died of freshwater drowning\"]\n", + "jennifer houle , 22 , vanished from a bar in minneapolis in the early hours of friday and was later captured on surveillance footage as she walked alone on the 10th avenue bridge .authorities have not said whether she fell or jumped from the bridge , which is 110ft above the river .the medical examiner 's office identified the body as houle 's on thursday .\n", + "jennifer houle went missing between 1am and 2am on friday during a night out with a friend in minneapolispolice discovered video footage showing her alone on a nearby bridge and said she entered the water - but it is not clear if she jumped or fellteams searching the water recovered her body on wednesdaymedical examiner 's office say houle died of freshwater drowning\n", + "[1.444839 1.4446324 1.2761153 1.3807551 1.3229651 1.1124673 1.0675063\n", + " 1.0128651 1.0110205 1.1127119 1.112751 1.0637815 1.016273 1.0438751\n", + " 1.00993 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 4 2 10 9 5 6 11 13 12 7 8 14 17 15 16 18]\n", + "=======================\n", + "[\"swansea manager garry monk insists newcastle 's players will not be affected by any supporters ' protests at st james ' park on saturday .the magpies have lost their last six barclays premier league games under caretaker manager john carver and more demonstrations are planned for the visit of swansea after a significantly smaller crowd than usual saw last weekend 's 3-1 home defeat to tottenham .newcastle united fans have planned a mass protest against owner mike ashley on saturday afternoon\"]\n", + "=======================\n", + "[\"newcastle united face swansea at st james ' park on saturdaythe magpies have lost their last six barclays premier league gamesfans group ashleyout.com have asked supporters to stand in 34th minuteswansea are unbeaten in their three premier league visits to newcastle\"]\n", + "swansea manager garry monk insists newcastle 's players will not be affected by any supporters ' protests at st james ' park on saturday .the magpies have lost their last six barclays premier league games under caretaker manager john carver and more demonstrations are planned for the visit of swansea after a significantly smaller crowd than usual saw last weekend 's 3-1 home defeat to tottenham .newcastle united fans have planned a mass protest against owner mike ashley on saturday afternoon\n", + "newcastle united face swansea at st james ' park on saturdaythe magpies have lost their last six barclays premier league gamesfans group ashleyout.com have asked supporters to stand in 34th minuteswansea are unbeaten in their three premier league visits to newcastle\n", + "[1.1589217 1.3842895 1.3736205 1.1956722 1.0462387 1.2391517 1.153007\n", + " 1.0307194 1.1900878 1.0826417 1.1438982 1.13956 1.0455816 1.0556262\n", + " 1.0400367 1.0236942 1.0161617 1.0070736 1.0290012]\n", + "\n", + "[ 1 2 5 3 8 0 6 10 11 9 13 4 12 14 7 18 15 16 17]\n", + "=======================\n", + "[\"a new study claims these ` taxibots ' could cut the number of cars needed to perform the same number of journeys per day by 90 per cent .the finding comes amid reports that companies such as google and uber are working on technology to develop driverless taxis .car-congested cities could become a thing of the past , provided people are prepared to ride-share with a robot driver .\"]\n", + "=======================\n", + "['computer model simulated how driverless cabs would affect lisbon trafficeven with only one passenger per ride , car number dropped by 77 per centswapping personal cars with self-driving cabs would free valuable spacegoogle and uber are already working on technology for self-driving taxis']\n", + "a new study claims these ` taxibots ' could cut the number of cars needed to perform the same number of journeys per day by 90 per cent .the finding comes amid reports that companies such as google and uber are working on technology to develop driverless taxis .car-congested cities could become a thing of the past , provided people are prepared to ride-share with a robot driver .\n", + "computer model simulated how driverless cabs would affect lisbon trafficeven with only one passenger per ride , car number dropped by 77 per centswapping personal cars with self-driving cabs would free valuable spacegoogle and uber are already working on technology for self-driving taxis\n", + "[1.3909608 1.267363 1.1487541 1.325067 1.3377631 1.0807766 1.049223\n", + " 1.0578693 1.1090001 1.0416428 1.0295688 1.061931 1.0240929 1.0992707\n", + " 1.1126678 1.047499 0. 0. 0. ]\n", + "\n", + "[ 0 4 3 1 2 14 8 13 5 11 7 6 15 9 10 12 17 16 18]\n", + "=======================\n", + "['flower pattern : miriam gonzález durántez wore a particularly colourful ensemble to a fashion show and award gala in central london tonightshe is known for her bold choices and this exotic look was no exception .she was pictured tonight with the likes of model daisy lowe , designer kelly hoppen and bafta chief executive amanda berry .']\n", + "=======================\n", + "[\"nick clegg 's wife wears colourful ensemble tonight to london ceremonypictured with likes of daisy lowe and kelly hoppen at goldsmiths ' hallbright pink , long-sleeved dress covered in bright blooms at ldny showhad # 560 gianvito rossi perspex-panelled metallic patent-leather pumps\"]\n", + "flower pattern : miriam gonzález durántez wore a particularly colourful ensemble to a fashion show and award gala in central london tonightshe is known for her bold choices and this exotic look was no exception .she was pictured tonight with the likes of model daisy lowe , designer kelly hoppen and bafta chief executive amanda berry .\n", + "nick clegg 's wife wears colourful ensemble tonight to london ceremonypictured with likes of daisy lowe and kelly hoppen at goldsmiths ' hallbright pink , long-sleeved dress covered in bright blooms at ldny showhad # 560 gianvito rossi perspex-panelled metallic patent-leather pumps\n", + "[1.3566494 1.141921 1.1596167 1.1302958 1.1108576 1.3684145 1.1652656\n", + " 1.0739664 1.0789036 1.0429054 1.1016697 1.0509446 1.0777419 1.1877774\n", + " 1.0477328 1.0154368 1.0141165 1.0165479 1.0588659 1.012048 1.0093715\n", + " 1.0115066 1.0089201 1.0211337]\n", + "\n", + "[ 5 0 13 6 2 1 3 4 10 8 12 7 18 11 14 9 23 17 15 16 19 21 20 22]\n", + "=======================\n", + "['jonjo shelvey converted from 12 yards to rescue a point for swansea after seamus coleman handled in the penalty boxaaron lennon has finally found something to smile about but roberto martinez carried the frown of a man down on his luck as he headed for the bus home .martinez called for a foul on coleman ; michael oliver called a penalty for handball and jonjo shelvey buried the kick .']\n", + "=======================\n", + "[\"aaron lennon opened the scoring for the visitors with his second goal in three games for the visiting sidebut jonjo shelvey converted from the spot in the second half after seamus coleman handled in the penalty areashelvey had a goal ruled out by referee michael oliver after leighton baines was adjudged to have been fouledthe 1-1 draw leaves swansea eighth in the premier league table with roberto martinez 's men sitting in 12th\"]\n", + "jonjo shelvey converted from 12 yards to rescue a point for swansea after seamus coleman handled in the penalty boxaaron lennon has finally found something to smile about but roberto martinez carried the frown of a man down on his luck as he headed for the bus home .martinez called for a foul on coleman ; michael oliver called a penalty for handball and jonjo shelvey buried the kick .\n", + "aaron lennon opened the scoring for the visitors with his second goal in three games for the visiting sidebut jonjo shelvey converted from the spot in the second half after seamus coleman handled in the penalty areashelvey had a goal ruled out by referee michael oliver after leighton baines was adjudged to have been fouledthe 1-1 draw leaves swansea eighth in the premier league table with roberto martinez 's men sitting in 12th\n", + "[1.2564571 1.2983259 1.2647029 1.2824442 1.1621528 1.0924718 1.0977418\n", + " 1.0715125 1.0552498 1.0556873 1.0989879 1.0611095 1.057999 1.1211752\n", + " 1.0580356 1.012959 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 13 10 6 5 7 11 14 12 9 8 15 22 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"the prime minister will vow to encourage more job creation by extending national insurance breaks , worth at least # 2,000 a year to smaller firms taking on new staff , for a further five years .david cameron will today claim that labour 's economic policies risk putting a million people out of worksaying he is ` really angry ' at labour 's claim that the conservatives are ` the party for the few , not the many ' , mr cameron will hail the ` jobs miracle ' that has seen 1,000 new jobs created every day .\"]\n", + "=======================\n", + "[\"david cameron will launch ` job manifesto ' with plans for ` full employment 'tories will extend national insurance breaks , worth # 2,000 to smaller firmspm is ` angry ' at labour 's claim tories are ` party for the few , not the many 'he will say miliband 's economic policies risk putting millions out of work\"]\n", + "the prime minister will vow to encourage more job creation by extending national insurance breaks , worth at least # 2,000 a year to smaller firms taking on new staff , for a further five years .david cameron will today claim that labour 's economic policies risk putting a million people out of worksaying he is ` really angry ' at labour 's claim that the conservatives are ` the party for the few , not the many ' , mr cameron will hail the ` jobs miracle ' that has seen 1,000 new jobs created every day .\n", + "david cameron will launch ` job manifesto ' with plans for ` full employment 'tories will extend national insurance breaks , worth # 2,000 to smaller firmspm is ` angry ' at labour 's claim tories are ` party for the few , not the many 'he will say miliband 's economic policies risk putting millions out of work\n", + "[1.2276582 1.0938756 1.2258852 1.2679157 1.1540898 1.2904029 1.1956027\n", + " 1.2269948 1.0136523 1.0714166 1.0155352 1.0119402 1.0154848 1.031481\n", + " 1.0538447 1.0293453 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 5 3 0 7 2 6 4 1 9 14 13 15 10 12 8 11 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"inter milan pose for a team photo ahead of their champions league quarter-final against ac milan in 2005the milan derby used to be italian football 's biggest attraction .starting xis from the champs league quarter-final second leg , april 12 , 2005\"]\n", + "=======================\n", + "[\"inter milan host ac milan in a serie a derby this weekendboth clubs are struggling to qualify for european competitionthe milan derby used to be a star-studded tie with the world 's best playerschampions league game in 2005 was abandoned due to flares thrownthe current crop of talent is far cry from the stars 10 years ago\"]\n", + "inter milan pose for a team photo ahead of their champions league quarter-final against ac milan in 2005the milan derby used to be italian football 's biggest attraction .starting xis from the champs league quarter-final second leg , april 12 , 2005\n", + "inter milan host ac milan in a serie a derby this weekendboth clubs are struggling to qualify for european competitionthe milan derby used to be a star-studded tie with the world 's best playerschampions league game in 2005 was abandoned due to flares thrownthe current crop of talent is far cry from the stars 10 years ago\n", + "[1.0931534 1.3627393 1.2311007 1.3110838 1.2314254 1.1722119 1.0756826\n", + " 1.0417055 1.1648878 1.0243057 1.0258472 1.0654211 1.061952 1.095401\n", + " 1.0811142 1.0491451 1.0939627 1.0683557 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 5 8 13 16 0 14 6 17 11 12 15 7 10 9 22 18 19 20 21 23]\n", + "=======================\n", + "[\"run in conjunction with an annual cattlemen 's conference , the photography competition was designed to illustrate the northern territory 's unique outback lifestyle as well as their distinctive people and landscapes .winner : marie muldoon 's heartwarming shot took out the competition , also snagging the people 's choice awardmarie muldoon won this years competition with a touching photo of her daughter cuddling up to a horse , titled true love .\"]\n", + "=======================\n", + "[\"an annual photography competition produced some amazing works that give some insight into life on the landjudges look for images that illustrate the northern territory 's unique outback lifestyle and their distinct peoplemarie muldoon won the competition with a heartwarming shot of her daughter cuddling up to a horsethe categories include ` industry at work or play ' , ` nt landcapes ' and ` best portrait of person or animal 'the competition is run in conjunction with the northern territory cattlemen 's association 's annual conference\"]\n", + "run in conjunction with an annual cattlemen 's conference , the photography competition was designed to illustrate the northern territory 's unique outback lifestyle as well as their distinctive people and landscapes .winner : marie muldoon 's heartwarming shot took out the competition , also snagging the people 's choice awardmarie muldoon won this years competition with a touching photo of her daughter cuddling up to a horse , titled true love .\n", + "an annual photography competition produced some amazing works that give some insight into life on the landjudges look for images that illustrate the northern territory 's unique outback lifestyle and their distinct peoplemarie muldoon won the competition with a heartwarming shot of her daughter cuddling up to a horsethe categories include ` industry at work or play ' , ` nt landcapes ' and ` best portrait of person or animal 'the competition is run in conjunction with the northern territory cattlemen 's association 's annual conference\n", + "[1.2521498 1.5053575 1.20081 1.1870018 1.0425005 1.1304755 1.0766417\n", + " 1.1661925 1.0589591 1.0356504 1.133275 1.0962478 1.0819875 1.0312135\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 7 10 5 11 12 6 8 4 9 13 22 14 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"nicholas figueroa 's mother , ana , was among more than 200 mourners to attend the funeral for her son , who was on a second date at a sushi restaurant in the city 's east village when he was killed .hundreds of relatives , friends and strangers have gathered to bid an emotional farewell to the 23-year-old man who perished in the gas explosion and building collapse in new york city last month .carrying a red rose and wearing a button featuring her son 's image , she wept as she watched his casket being loaded into a hearse outside the church of the holy name of jesus in manhattan .\"]\n", + "=======================\n", + "[\"nicholas figueroa , 23 , killed in gas explosion in the east village last monthon tuesday , relatives , friends and strangers bid him an emotional farewellmr figueroa 's father said family was broken over his ` heartbreaking ' deathbrother paid tribute to ` best friend ' whom he will name his future son afterand mother , ava , wore button on her jacket featuring mr figueroa 's imagetear-jerking service held at manhattan 's church of the holy name of jesusmoises locon , 26 , also died in march 27 blast - and 22 others were injured\"]\n", + "nicholas figueroa 's mother , ana , was among more than 200 mourners to attend the funeral for her son , who was on a second date at a sushi restaurant in the city 's east village when he was killed .hundreds of relatives , friends and strangers have gathered to bid an emotional farewell to the 23-year-old man who perished in the gas explosion and building collapse in new york city last month .carrying a red rose and wearing a button featuring her son 's image , she wept as she watched his casket being loaded into a hearse outside the church of the holy name of jesus in manhattan .\n", + "nicholas figueroa , 23 , killed in gas explosion in the east village last monthon tuesday , relatives , friends and strangers bid him an emotional farewellmr figueroa 's father said family was broken over his ` heartbreaking ' deathbrother paid tribute to ` best friend ' whom he will name his future son afterand mother , ava , wore button on her jacket featuring mr figueroa 's imagetear-jerking service held at manhattan 's church of the holy name of jesusmoises locon , 26 , also died in march 27 blast - and 22 others were injured\n", + "[1.3295829 1.4055305 1.2315127 1.1586504 1.1647758 1.0421929 1.0137942\n", + " 1.0626055 1.1582034 1.0739123 1.0893819 1.0850593 1.0934249 1.0571218\n", + " 1.0636257 1.0615871 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 4 3 8 12 10 11 9 14 7 15 13 5 6 20 16 17 18 19 21]\n", + "=======================\n", + "['the collection , which includes works by some of the greatest artists of the 20th century , went under the hammer in new york on march 31 , following a tour of hong kong , paris , london and los angeles .hong kong ( cnn ) an impressive art collection assembled by the late actress and hollywood icon , lauren bacall , has officially been offered for purchase .bacall , who died in august 2014 at the age of 89 , first shot to international fame in 1944 with her first film , \" to have and have not . \"']\n", + "=======================\n", + "['a collection of 750 items belonging to legendary actress lauren bacall has been auctioned off at bonhams in new yorkhighlights from the lot , which fetched $ 3.6 million , include bronze sculptures , jewelry , and a number of decorative arts and paintings']\n", + "the collection , which includes works by some of the greatest artists of the 20th century , went under the hammer in new york on march 31 , following a tour of hong kong , paris , london and los angeles .hong kong ( cnn ) an impressive art collection assembled by the late actress and hollywood icon , lauren bacall , has officially been offered for purchase .bacall , who died in august 2014 at the age of 89 , first shot to international fame in 1944 with her first film , \" to have and have not . \"\n", + "a collection of 750 items belonging to legendary actress lauren bacall has been auctioned off at bonhams in new yorkhighlights from the lot , which fetched $ 3.6 million , include bronze sculptures , jewelry , and a number of decorative arts and paintings\n", + "[1.2440158 1.2916696 1.2743481 1.1095777 1.2030058 1.1692264 1.0990475\n", + " 1.1794302 1.1198694 1.0852599 1.0543985 1.0188671 1.02823 1.0455981\n", + " 1.0173534 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 4 7 5 8 3 6 9 10 13 12 11 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the offspring of some of sydney 's style set have been front and centre at the catwalk presentations of ellery , alice mccall and maticevski - highly-coveted tickets that many fully grown adults failed to snag an invitation to .the australian fashion crowd are following in the footsteps of the beckhams and kimye by bringing their children to fashion weekstyle blogger hass murad and pr maven roxy jacenko were both pictured with their mini-me 's this week at the carriageworks venue in sydney , while designer camilla freeman-topper brought her daughter along to the ten pieces show at bondi icebergs on thursday .\"]\n", + "=======================\n", + "[\"harper beckham and north west have both attended fashion week showsharper attends with father david and brothers to support victoria 's showsnorth made headlines throwing tantrum while seated next to anna wintourroxy jacenko 's three-year-old daughter attended two mbfwa shows\"]\n", + "the offspring of some of sydney 's style set have been front and centre at the catwalk presentations of ellery , alice mccall and maticevski - highly-coveted tickets that many fully grown adults failed to snag an invitation to .the australian fashion crowd are following in the footsteps of the beckhams and kimye by bringing their children to fashion weekstyle blogger hass murad and pr maven roxy jacenko were both pictured with their mini-me 's this week at the carriageworks venue in sydney , while designer camilla freeman-topper brought her daughter along to the ten pieces show at bondi icebergs on thursday .\n", + "harper beckham and north west have both attended fashion week showsharper attends with father david and brothers to support victoria 's showsnorth made headlines throwing tantrum while seated next to anna wintourroxy jacenko 's three-year-old daughter attended two mbfwa shows\n", + "[1.2186682 1.563916 1.1275051 1.2292545 1.3059845 1.2216061 1.1238922\n", + " 1.1247382 1.0715337 1.0572169 1.1474264 1.0270336 1.043017 1.1230013\n", + " 1.0909641 1.0299785 1.0340056 1.0095317 1.0110098 1.0096977 1.0156041\n", + " 1.03223 ]\n", + "\n", + "[ 1 4 3 5 0 10 2 7 6 13 14 8 9 12 16 21 15 11 20 18 19 17]\n", + "=======================\n", + "['marcin wasniewski , 34 , from foleshill , coventry , escaped death by millimetres after the car he was driving crashed into the back of a lorry on the a444 in coventry .father marcin wasniewski is volunteering at a christian centre until he can return to work when he has recovered from his injuries .he believes he was saved by jesus christ watching over him']\n", + "=======================\n", + "[\"trailer 'em bedded ' into car windscreen in smash on a444 in coventryimpact would have ` certainly been fatal ' if a couple of inches closer to driverparamedics were shocked when marcin wasniewski walked out unaided\"]\n", + "marcin wasniewski , 34 , from foleshill , coventry , escaped death by millimetres after the car he was driving crashed into the back of a lorry on the a444 in coventry .father marcin wasniewski is volunteering at a christian centre until he can return to work when he has recovered from his injuries .he believes he was saved by jesus christ watching over him\n", + "trailer 'em bedded ' into car windscreen in smash on a444 in coventryimpact would have ` certainly been fatal ' if a couple of inches closer to driverparamedics were shocked when marcin wasniewski walked out unaided\n", + "[1.3657842 1.3348798 1.2943859 1.3632452 1.3574697 1.3536694 1.0359825\n", + " 1.0115265 1.0247105 1.0130892 1.0144831 1.0168476 1.0106493 1.0831158\n", + " 1.2625916 1.1510167 1.0694306 1.0128915 1.010261 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 4 5 1 2 14 15 13 16 6 8 11 10 9 17 7 12 18 20 19 21]\n", + "=======================\n", + "['eden hazard needs to become more selfish if he wants to be considered alongside cristiano ronaldo and lionel messi , according to manchester united legend paul scholes .eden hazard celebrates scoring the winner against manchester united as chelsea close in on the titlethe chelsea playmaker is favourite to pick up the pfa player of the year award this season']\n", + "=======================\n", + "[\"chelsea travel to arsenal as they close in on the premier league titleeden hazard has scored 13 goals during another impressive seasonex-man united star paul scholes says hazard needs to be more ruthlessthen he 'll compete with cristiano ronaldo and lionel messi , says scholes\"]\n", + "eden hazard needs to become more selfish if he wants to be considered alongside cristiano ronaldo and lionel messi , according to manchester united legend paul scholes .eden hazard celebrates scoring the winner against manchester united as chelsea close in on the titlethe chelsea playmaker is favourite to pick up the pfa player of the year award this season\n", + "chelsea travel to arsenal as they close in on the premier league titleeden hazard has scored 13 goals during another impressive seasonex-man united star paul scholes says hazard needs to be more ruthlessthen he 'll compete with cristiano ronaldo and lionel messi , says scholes\n", + "[1.2010612 1.409898 1.3104686 1.1875521 1.0627375 1.0514348 1.1441833\n", + " 1.0312092 1.0159053 1.0183024 1.1418557 1.1831263 1.0769696 1.1160983\n", + " 1.0721935 1.0544555 1.0171916 1.1546733 1.1723216 1.0914084 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 11 18 17 6 10 13 19 12 14 4 15 5 7 9 16 8 20 21]\n", + "=======================\n", + "[\"video shows cher lair from apex , north carolina , cutting into a cake at her gender reveal party with family gathered around .she did not know the sex of her baby and gave the scan results to a baker .this is the deafening moment a mother of six boys finds out she 's finally having a girl after the seventh time trying .\"]\n", + "=======================\n", + "['video shows cher lair from apex , north carolina , cutting into a cake at her gender reveal party with family gathered aroundshe did not know the sex of her baby and gave the scan results to a bakeras she lifts up a slice of pink sponge , she can hardly believe her eyes and proceeds to scream out in excitementthe mother-of-six said that she and her husband , stephen , had given up on ever having a daughter - their first is due in august']\n", + "video shows cher lair from apex , north carolina , cutting into a cake at her gender reveal party with family gathered around .she did not know the sex of her baby and gave the scan results to a baker .this is the deafening moment a mother of six boys finds out she 's finally having a girl after the seventh time trying .\n", + "video shows cher lair from apex , north carolina , cutting into a cake at her gender reveal party with family gathered aroundshe did not know the sex of her baby and gave the scan results to a bakeras she lifts up a slice of pink sponge , she can hardly believe her eyes and proceeds to scream out in excitementthe mother-of-six said that she and her husband , stephen , had given up on ever having a daughter - their first is due in august\n", + "[1.2935876 1.339303 1.3422186 1.2865957 1.1363882 1.1532589 1.0876114\n", + " 1.0712445 1.0191277 1.1861165 1.0423815 1.0339746 1.0736302 1.021064\n", + " 1.018437 1.0398915 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 0 3 9 5 4 6 12 7 10 15 11 13 8 14 16 17 18 19 20 21]\n", + "=======================\n", + "[\"there she would spend three and a half hours sitting on her own reading looking ` heartbroken ' , according to a new book .mrs clinton said that she wanted nobody to know when she was going to the pool apart from one usher who was to guide her there .hillary clinton imposed a blanket of secrecy on her movements at the height of the monica lewinsky scandal and told aides they would be fired if she was seen , it is claimed .\"]\n", + "=======================\n", + "[\"former first lady told white house usher she wanted to see him alonenew book makes claims she spent hours reading and looking ` heartbroken 'president bill clinton admitted to affair with monica lewinsky that yearaccount is by former white house correspondent for bloomberg news\"]\n", + "there she would spend three and a half hours sitting on her own reading looking ` heartbroken ' , according to a new book .mrs clinton said that she wanted nobody to know when she was going to the pool apart from one usher who was to guide her there .hillary clinton imposed a blanket of secrecy on her movements at the height of the monica lewinsky scandal and told aides they would be fired if she was seen , it is claimed .\n", + "former first lady told white house usher she wanted to see him alonenew book makes claims she spent hours reading and looking ` heartbroken 'president bill clinton admitted to affair with monica lewinsky that yearaccount is by former white house correspondent for bloomberg news\n", + "[1.0726615 1.3942875 1.3812641 1.161091 1.2821743 1.1430737 1.1321409\n", + " 1.1499435 1.0594769 1.0321586 1.218665 1.0501739 1.0222522 1.026421\n", + " 1.0394493 1.0373008 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 4 10 3 7 5 6 0 8 11 14 15 9 13 12 20 16 17 18 19 21]\n", + "=======================\n", + "[\"in the seventh innings of a game between the kansas city royals and rivals chicago white sox both sets of players became embroiled in a mass brawl .umpires ejected a total of five players from both teams after the fight at chicago 's us cellular field in illinois .the very next innings , royals ' mike moustakas was also hit in the arm , this time by a pitch from chris sale , leading to a warning for both teams .\"]\n", + "=======================\n", + "[\"thursday 's match between two baseball heavyweights turned into a brawlbegan after dispute between the yordana ventura and adam eatonsparked a mass fight with members of both teams running onto the fieldumpired ejected a total of five players after the scrap at chicago 's stadium\"]\n", + "in the seventh innings of a game between the kansas city royals and rivals chicago white sox both sets of players became embroiled in a mass brawl .umpires ejected a total of five players from both teams after the fight at chicago 's us cellular field in illinois .the very next innings , royals ' mike moustakas was also hit in the arm , this time by a pitch from chris sale , leading to a warning for both teams .\n", + "thursday 's match between two baseball heavyweights turned into a brawlbegan after dispute between the yordana ventura and adam eatonsparked a mass fight with members of both teams running onto the fieldumpired ejected a total of five players after the scrap at chicago 's stadium\n", + "[1.3294379 1.2148409 1.1879902 1.2274687 1.1676971 1.1866003 1.1243984\n", + " 1.1276038 1.1460013 1.0892091 1.1009755 1.0367236 1.0339006 1.0467517\n", + " 1.0499108 1.020803 1.014046 1.0111822 1.0397987 1.0298196 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 2 5 4 8 7 6 10 9 14 13 18 11 12 19 15 16 17 20 21]\n", + "=======================\n", + "['washington ( cnn ) one former employee of the private blackwater worldwide security company was sentenced monday to life in prison and three others to 30 years each behind bars for their roles in a 2007 mass shooting in baghdad that left 17 people dead .a federal jury convicted the four in october after a lengthy trial that saw some 30 witnesses travel from iraq to testify against the security contractors .prosecutors accused the men of illegally unleashed \" powerful sniper fire , machine guns and grenade launchers on innocent men , women and children . \"']\n", + "=======================\n", + "['blackwater sniper nicholas slatten is sentenced to life in prison , mandatory for his first-degree murder convictionthree others get 30 years plus one day in the 2007 shooting in baghdad that left 17 dead']\n", + "washington ( cnn ) one former employee of the private blackwater worldwide security company was sentenced monday to life in prison and three others to 30 years each behind bars for their roles in a 2007 mass shooting in baghdad that left 17 people dead .a federal jury convicted the four in october after a lengthy trial that saw some 30 witnesses travel from iraq to testify against the security contractors .prosecutors accused the men of illegally unleashed \" powerful sniper fire , machine guns and grenade launchers on innocent men , women and children . \"\n", + "blackwater sniper nicholas slatten is sentenced to life in prison , mandatory for his first-degree murder convictionthree others get 30 years plus one day in the 2007 shooting in baghdad that left 17 dead\n", + "[1.2737646 1.3329705 1.3000234 1.381797 1.3008479 1.1638701 1.0374733\n", + " 1.023435 1.0142797 1.009884 1.0203819 1.0155648 1.1186864 1.1328135\n", + " 1.0897722 1.0326042 1.158734 1.1367657 1.0702497 1.1151338 1.0745593\n", + " 1.0530806]\n", + "\n", + "[ 3 1 4 2 0 5 16 17 13 12 19 14 20 18 21 6 15 7 10 11 8 9]\n", + "=======================\n", + "[\"lazio , lead by miroslav klose and felipe anderson , have won eight games in a row in serie athe biancoceleste , who have scored 18 goals and conceded just one in their last six italian league games , will attempt to solidify their grip on second place .head coach stefano pioli says his side will go ` all out for victory ' against juventus on saturday\"]\n", + "=======================\n", + "[\"lazio have won eight successive serie a games ahead of juventus clashstefano pioli 's side will cut gap at the top to nine points with victoryac milan and inter milan struggling for form ahead of derbynapoli host hellas verona after impressing in europa league\"]\n", + "lazio , lead by miroslav klose and felipe anderson , have won eight games in a row in serie athe biancoceleste , who have scored 18 goals and conceded just one in their last six italian league games , will attempt to solidify their grip on second place .head coach stefano pioli says his side will go ` all out for victory ' against juventus on saturday\n", + "lazio have won eight successive serie a games ahead of juventus clashstefano pioli 's side will cut gap at the top to nine points with victoryac milan and inter milan struggling for form ahead of derbynapoli host hellas verona after impressing in europa league\n", + "[1.4396428 1.5798151 1.1798139 1.4119105 1.1786948 1.1398149 1.0932823\n", + " 1.0202057 1.1268824 1.0144305 1.0225798 1.0094248 1.0167702 1.022669\n", + " 1.0110235 1.1650418 1.010303 1.0103844 1.0100408 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 2 4 15 5 8 6 13 10 7 12 9 14 17 16 18 11 19 20 21]\n", + "=======================\n", + "[\"gers suffered the first defeat of new boss stuart mccall 's six-game reign on thursday night as they slumped 3-0 at queen of the south .kenny miller fears rangers ' promotion bid could be derailed by the ibrox side 's rollercoaster run of form .it was an especially flat display after the high of recent scottish championship victories over hearts and hibernian .\"]\n", + "=======================\n", + "['rangers lost first game under new boss stuart mccall on thursdayslumped to disappointing 3-0 defeat at hands of queen of the southhad recorded recent victories over hearts and hibernian']\n", + "gers suffered the first defeat of new boss stuart mccall 's six-game reign on thursday night as they slumped 3-0 at queen of the south .kenny miller fears rangers ' promotion bid could be derailed by the ibrox side 's rollercoaster run of form .it was an especially flat display after the high of recent scottish championship victories over hearts and hibernian .\n", + "rangers lost first game under new boss stuart mccall on thursdayslumped to disappointing 3-0 defeat at hands of queen of the southhad recorded recent victories over hearts and hibernian\n", + "[1.2262694 1.2527541 1.2871664 1.1866205 1.2553833 1.0663849 1.0619775\n", + " 1.1039478 1.064074 1.0696439 1.1125715 1.0747164 1.06344 1.0303749\n", + " 1.0635964 1.0635897 0. 0. 0. ]\n", + "\n", + "[ 2 4 1 0 3 10 7 11 9 5 8 14 15 12 6 13 17 16 18]\n", + "=======================\n", + "[\"the tory vote share equals their highest since march 2012 .david cameron 's ( left ) conservative party has opened up a four-point lead over ed miliband 's ( right ) labour with 36 per cent of the vote compared to 32 per cent , a new comres poll reveals with just two weeks to gosome 66 per cent say they would never countenance voting ukip , with 29 per cent saying they would .\"]\n", + "=======================\n", + "[\"conservatives have opened up four-point lead over labour , poll revealsdavid cameron 's party has 36 per cent of vote , ahead of rival 's 32 per centukip on ten per cent , lib dems on eight per cent and greens five per cent\"]\n", + "the tory vote share equals their highest since march 2012 .david cameron 's ( left ) conservative party has opened up a four-point lead over ed miliband 's ( right ) labour with 36 per cent of the vote compared to 32 per cent , a new comres poll reveals with just two weeks to gosome 66 per cent say they would never countenance voting ukip , with 29 per cent saying they would .\n", + "conservatives have opened up four-point lead over labour , poll revealsdavid cameron 's party has 36 per cent of vote , ahead of rival 's 32 per centukip on ten per cent , lib dems on eight per cent and greens five per cent\n", + "[1.3456457 1.3978391 1.2645733 1.2195048 1.0418963 1.0642565 1.0436971\n", + " 1.0140091 1.0117648 1.2228131 1.2295587 1.0360091 1.1234586 1.114106\n", + " 1.0450407 1.0577906 1.014222 0. 0. ]\n", + "\n", + "[ 1 0 2 10 9 3 12 13 5 15 14 6 4 11 16 7 8 17 18]\n", + "=======================\n", + "[\"the 33-year-old , who is vying for a place on team gb at the rio olympics , welcomed mia grace with husband mike tindall last year .zara phillips has revealed how she got her fitness back after the birth of her first child mia - by hitting the exercise bike every morning before her daughter even woke up .but after finding herself ` surprised ' by how her fitness dropped during pregnancy , the queen 's granddaughter has committed to a strict exercise and diet regime to get back in shape .\"]\n", + "=======================\n", + "[\"the queen 's granddaughter is vying for a spot on team gb in 2016she gave birth to her daughter , mia grace , in january last yearto regain her fitness zara , 33 , uses an exercise bike every morningshe sticks to a healthy diet and also goes swimming and cycling\"]\n", + "the 33-year-old , who is vying for a place on team gb at the rio olympics , welcomed mia grace with husband mike tindall last year .zara phillips has revealed how she got her fitness back after the birth of her first child mia - by hitting the exercise bike every morning before her daughter even woke up .but after finding herself ` surprised ' by how her fitness dropped during pregnancy , the queen 's granddaughter has committed to a strict exercise and diet regime to get back in shape .\n", + "the queen 's granddaughter is vying for a spot on team gb in 2016she gave birth to her daughter , mia grace , in january last yearto regain her fitness zara , 33 , uses an exercise bike every morningshe sticks to a healthy diet and also goes swimming and cycling\n", + "[1.1902903 1.1212366 1.3461621 1.0986888 1.1150725 1.122619 1.295754\n", + " 1.0442371 1.048499 1.0508398 1.0242391 1.150997 1.1258962 1.0236788\n", + " 1.1456069 1.0100157 0. 0. 0. ]\n", + "\n", + "[ 2 6 0 11 14 12 5 1 4 3 9 8 7 10 13 15 17 16 18]\n", + "=======================\n", + "[\"as he prepared for a european champions cup quarter-final showdown with saracens on sunday in paris , racing metro 's no 10 and irish icon reflected on his healthy habit .johnny sexton wants to full the void by winning a medal with racing metro this seasonsuccess is a gloriously familiar routine for johnny sexton .\"]\n", + "=======================\n", + "[\"johnny sexton has featured in 11 euro knock-out games and won the lotracing metro 's no 10 wants to finish two-year stint in paris with a medalthe french side face saracens in last eight of european champions cup\"]\n", + "as he prepared for a european champions cup quarter-final showdown with saracens on sunday in paris , racing metro 's no 10 and irish icon reflected on his healthy habit .johnny sexton wants to full the void by winning a medal with racing metro this seasonsuccess is a gloriously familiar routine for johnny sexton .\n", + "johnny sexton has featured in 11 euro knock-out games and won the lotracing metro 's no 10 wants to finish two-year stint in paris with a medalthe french side face saracens in last eight of european champions cup\n", + "[1.4424696 1.3714244 1.2741485 1.1190485 1.0855765 1.1045458 1.0675982\n", + " 1.0165168 1.1021107 1.1531333 1.0418369 1.0868291 1.0154043 1.0173339\n", + " 1.0214891 1.026099 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 9 3 5 8 11 4 6 10 15 14 13 7 12 17 16 18]\n", + "=======================\n", + "['( cnn ) the nfl draft begins on april 30 , and while the tampa bay buccaneers are on the clock with the no. 1 overall pick , the clock is still ticking for another team -- the new england patriots -- as they await the results of the \" deflategate \" investigation , which has already lasted more than three months .in january , the nfl launched an investigation into the patriots to determine why 11 of the 12 game balls they provided for the afc championship game were underinflated .the league hired attorney ted wells -- who also investigated the miami dolphins bullying scandal -- to run the investigation .']\n", + "=======================\n", + "[\"nfl investigating why game balls provided by new england patriots for championship game were underinflatedit 's not clear when investigation by attorney ted wells will be completepatriots say they follow the rules and expect to be vindicated and get an apology\"]\n", + "( cnn ) the nfl draft begins on april 30 , and while the tampa bay buccaneers are on the clock with the no. 1 overall pick , the clock is still ticking for another team -- the new england patriots -- as they await the results of the \" deflategate \" investigation , which has already lasted more than three months .in january , the nfl launched an investigation into the patriots to determine why 11 of the 12 game balls they provided for the afc championship game were underinflated .the league hired attorney ted wells -- who also investigated the miami dolphins bullying scandal -- to run the investigation .\n", + "nfl investigating why game balls provided by new england patriots for championship game were underinflatedit 's not clear when investigation by attorney ted wells will be completepatriots say they follow the rules and expect to be vindicated and get an apology\n", + "[1.1960709 1.1025064 1.5047383 1.3112158 1.1887553 1.1551948 1.0794185\n", + " 1.2332119 1.1183451 1.02963 1.0220577 1.0479904 1.0344095 1.2302431\n", + " 1.0881848 1.1838187 1.07445 1.0399086 1.0074751]\n", + "\n", + "[ 2 3 7 13 0 4 15 5 8 1 14 6 16 11 17 12 9 10 18]\n", + "=======================\n", + "[\"the tiny nipper - measuring just 5.5 inches long - was caught during a 2010 government research trip and its body remained frozen while biologists went about identifying it .this week scientists revealed the dinky creature is a pocket shark - a miniature variation of the more popular kinds .the first pocket shark was found 36 years ago in the pacific ocean off the coast of peru and it 's been sitting in a russian museum since .\"]\n", + "=======================\n", + "[\"the tiny nipper was caught during a 2010 government research tripits body remained frozen while biologists tried to identify itthe pocket shark measures 5.5 inches long and weighs a mere half ounce` it looks like a little whale , ' said tulane university biologist michael doosey\"]\n", + "the tiny nipper - measuring just 5.5 inches long - was caught during a 2010 government research trip and its body remained frozen while biologists went about identifying it .this week scientists revealed the dinky creature is a pocket shark - a miniature variation of the more popular kinds .the first pocket shark was found 36 years ago in the pacific ocean off the coast of peru and it 's been sitting in a russian museum since .\n", + "the tiny nipper was caught during a 2010 government research tripits body remained frozen while biologists tried to identify itthe pocket shark measures 5.5 inches long and weighs a mere half ounce` it looks like a little whale , ' said tulane university biologist michael doosey\n", + "[1.3069717 1.2754691 1.3742509 1.3899597 1.2313366 1.150551 1.0573218\n", + " 1.02072 1.0619969 1.1400154 1.127373 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 2 0 1 4 5 9 10 8 6 7 20 19 18 17 16 11 14 13 12 21 15 22]\n", + "=======================\n", + "[\"andre schurrle and mario gotze were joined by gitrlfriends montana yorke ( left ) and ann-kathrin broemmelthe world cup winning duo got together with their girlfriends for a double date to celebrate their side 's respective victories on saturday .schurrle and yorke attended a charity ball to raise money for hamburg children 's hospital\"]\n", + "=======================\n", + "['andre schurrle and mario gotze enjoyed evening out with girlfriendsgermany duo were joined by montana yorke and ann-kathrin broemmelschurrle and gotze both enjoyed bundesliga victories on saturday']\n", + "andre schurrle and mario gotze were joined by gitrlfriends montana yorke ( left ) and ann-kathrin broemmelthe world cup winning duo got together with their girlfriends for a double date to celebrate their side 's respective victories on saturday .schurrle and yorke attended a charity ball to raise money for hamburg children 's hospital\n", + "andre schurrle and mario gotze enjoyed evening out with girlfriendsgermany duo were joined by montana yorke and ann-kathrin broemmelschurrle and gotze both enjoyed bundesliga victories on saturday\n", + "[1.1092708 1.0735574 1.4453988 1.217552 1.2767473 1.0879434 1.0398617\n", + " 1.1107271 1.3271871 1.0709043 1.0295163 1.0152491 1.0492878 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 8 4 3 7 0 5 1 9 12 6 10 11 13 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"left on the bench for wednesday night 's home clash with kilmarnock , perhaps uncertain over his place in the starting xi for sunday 's scottish cup semi-final against inverness , the celtic striker scored a 19-minute hat-trick to guide his team to a handsome 4-1 victory .celtic 's leigh griffiths ( right ) completes his hat-trick against kilmarnockhat-trick hero leigh griffiths with signed match ball and man of the match award\"]\n", + "=======================\n", + "['defender darryl westlake fired kilmarnock ahead in the 50th minutemidfielder kris commons levelled for the home side eight minutes latersub leigh griffiths netted three goals in a remarkable 19-minute spellceltic moved eight points clear at the top of the scottish premiership']\n", + "left on the bench for wednesday night 's home clash with kilmarnock , perhaps uncertain over his place in the starting xi for sunday 's scottish cup semi-final against inverness , the celtic striker scored a 19-minute hat-trick to guide his team to a handsome 4-1 victory .celtic 's leigh griffiths ( right ) completes his hat-trick against kilmarnockhat-trick hero leigh griffiths with signed match ball and man of the match award\n", + "defender darryl westlake fired kilmarnock ahead in the 50th minutemidfielder kris commons levelled for the home side eight minutes latersub leigh griffiths netted three goals in a remarkable 19-minute spellceltic moved eight points clear at the top of the scottish premiership\n", + "[1.4160581 1.2131582 1.4411194 1.2154065 1.2629755 1.1502506 1.0222416\n", + " 1.0540748 1.0930003 1.1151972 1.1005 1.0615523 1.0413557 1.0465848\n", + " 1.0448519 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 4 3 1 5 9 10 8 11 7 13 14 12 6 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"professor ninian peckitt , 63 , claimed he had simply ` digitally manipulated ' the patient 's face as part of hospital treatment , but witnesses said that in reality he had actually been hitting him , the tribunal was told .a medical practitioners tribunal service hearing in manchester was told a man referred to as patient a had suffered ` extensive injuries ' to the right side of his face in an industrial accident .the world-renowned surgeon , who has lectured on the use of titanium implants to treat disfigured patients and has been published in academic texts , faces being struck off the medical register after being accused of failing three of his patients .\"]\n", + "=======================\n", + "[\"professor ninian peckitt allegedly punched man who had been in accidenthonorary locum consultant at ipswich hospital at time of alleged incidenthe later wrote patient 's face was ` digitally manipulated ' in february 2012the 63-year-old charged with three counts at tribunal and may be struck off\"]\n", + "professor ninian peckitt , 63 , claimed he had simply ` digitally manipulated ' the patient 's face as part of hospital treatment , but witnesses said that in reality he had actually been hitting him , the tribunal was told .a medical practitioners tribunal service hearing in manchester was told a man referred to as patient a had suffered ` extensive injuries ' to the right side of his face in an industrial accident .the world-renowned surgeon , who has lectured on the use of titanium implants to treat disfigured patients and has been published in academic texts , faces being struck off the medical register after being accused of failing three of his patients .\n", + "professor ninian peckitt allegedly punched man who had been in accidenthonorary locum consultant at ipswich hospital at time of alleged incidenthe later wrote patient 's face was ` digitally manipulated ' in february 2012the 63-year-old charged with three counts at tribunal and may be struck off\n", + "[1.3298212 1.3242533 1.2860799 1.1508287 1.1402992 1.1757739 1.0676154\n", + " 1.1673201 1.0677208 1.1043328 1.071085 1.0412687 1.0313232 1.0942632\n", + " 1.0278755 1.0173016 1.0204191 1.0483798 1.0934594 1.1596184 1.0730997\n", + " 1.0970614 1.0371277]\n", + "\n", + "[ 0 1 2 5 7 19 3 4 9 21 13 18 20 10 8 6 17 11 22 12 14 16 15]\n", + "=======================\n", + "[\"david cameron has admitted boris johnson is aiming to be the next tory leaderthe prime minister said the london mayor had ` suddenly realised ' after years of mischief making that his main political rivals were those lining themselves up to take over the top job .it comes just weeks after mr cameron revealed he would stand down as prime minister before 2020 if he wins re-election next month .\"]\n", + "=======================\n", + "[\"david cameron revealed that the london mayor had seen him as a rivalpm said mr johnson ` suddenly realised ' his competition was elsewherecomes after he named johnson , osborne and may as potential successorsmr cameron also admitted bullingdon club past ` cripplingly embarrassing '\"]\n", + "david cameron has admitted boris johnson is aiming to be the next tory leaderthe prime minister said the london mayor had ` suddenly realised ' after years of mischief making that his main political rivals were those lining themselves up to take over the top job .it comes just weeks after mr cameron revealed he would stand down as prime minister before 2020 if he wins re-election next month .\n", + "david cameron revealed that the london mayor had seen him as a rivalpm said mr johnson ` suddenly realised ' his competition was elsewherecomes after he named johnson , osborne and may as potential successorsmr cameron also admitted bullingdon club past ` cripplingly embarrassing '\n", + "[1.3769991 1.2477018 1.1673411 1.2781264 1.0998054 1.0575156 1.0818468\n", + " 1.0931673 1.1078863 1.0472941 1.0734811 1.1112686 1.0539172 1.0574173\n", + " 1.0322789 1.0864085 1.0385884 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 1 2 11 8 4 7 15 6 10 5 13 12 9 16 14 21 17 18 19 20 22]\n", + "=======================\n", + "[\"a shocking video has been released showing four tourists they catching a bronzer shark in new zealand , dragging the thrashing creature in to shore and then pose for photos with the creature .the first fisherman is dragged deep into the water from the water 's edge within seconds when the mighty shark takes hold of the end of his lineas one person holds onto the line , a massive shark leaps out of the water less than two metres away , thrashing violently to try release itself from the hook .\"]\n", + "=======================\n", + "[\"tourists posted a video of themselves dragging a shark onto shorethe clip shows them catching the huge shark with a fishing line on a new zealand beachthey stand just centimetres away from the beast who thrashes angrilycatching and releasing a shark is a legal sport in new zealandit 's crucial right techniques are used for safety of fisherman and sharkthe shark should not be touch minimally , but in the video the tourists drag the shark in and pose for photos holding the creature\"]\n", + "a shocking video has been released showing four tourists they catching a bronzer shark in new zealand , dragging the thrashing creature in to shore and then pose for photos with the creature .the first fisherman is dragged deep into the water from the water 's edge within seconds when the mighty shark takes hold of the end of his lineas one person holds onto the line , a massive shark leaps out of the water less than two metres away , thrashing violently to try release itself from the hook .\n", + "tourists posted a video of themselves dragging a shark onto shorethe clip shows them catching the huge shark with a fishing line on a new zealand beachthey stand just centimetres away from the beast who thrashes angrilycatching and releasing a shark is a legal sport in new zealandit 's crucial right techniques are used for safety of fisherman and sharkthe shark should not be touch minimally , but in the video the tourists drag the shark in and pose for photos holding the creature\n", + "[1.0535592 1.4526262 1.3569632 1.304199 1.3267891 1.3554199 1.1340959\n", + " 1.0226136 1.1103115 1.0683068 1.1132069 1.0645387 1.0212916 1.0134113\n", + " 1.0175864 1.0456773 1.0204233 1.0235058 1.0382352 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 5 4 3 6 10 8 9 11 0 15 18 17 7 12 16 14 13 22 19 20 21 23]\n", + "=======================\n", + "[\"facebook has launched a new app called hello designed to give you more control over who can call you and how their details appear - even if their number is n't stored in your contacts book .it pulls in any publicly-shared data from a user 's facebook profile and lets you easily block unwanted callers .the free app is currently in testing and is only available on android devices in the us .\"]\n", + "=======================\n", + "[\"when a user receives a call , hello will show them info about who 's callingthis includes any public information collated from their facebook profilehello also shows how many people have blocked an unknown numberfree app is currently in beta and only available on android devices\"]\n", + "facebook has launched a new app called hello designed to give you more control over who can call you and how their details appear - even if their number is n't stored in your contacts book .it pulls in any publicly-shared data from a user 's facebook profile and lets you easily block unwanted callers .the free app is currently in testing and is only available on android devices in the us .\n", + "when a user receives a call , hello will show them info about who 's callingthis includes any public information collated from their facebook profilehello also shows how many people have blocked an unknown numberfree app is currently in beta and only available on android devices\n", + "[1.308488 1.388413 1.2785121 1.2201421 1.2743427 1.124763 1.1260177\n", + " 1.0333029 1.0300905 1.138641 1.1730665 1.1610564 1.0434706 1.0128753\n", + " 1.0354278 1.0330493 1.019104 1.0089017 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 3 10 11 9 6 5 12 14 7 15 8 16 13 17 22 18 19 20 21 23]\n", + "=======================\n", + "['the crown prosecution service announced today that 36-year-old leslie cooper would be charged over the suspected murder of mr arwani , 48 , who was an outspoken opponent of the assad regime in his native country .he appeared before magistrates in camberwell today for a brief hearing , and will appear at the old bailey later this weekcharge : a man has been charged with the murder of syrian imam abdul hadi arwani']\n", + "=======================\n", + "['abdul hadi arwani was found shot dead in his car in wembley last weekleslie cooper , 36 , was today charged with his murderimam was a fervent opponent of the assad regime in his native syriasecond man , 61 , arrested tonight on suspicion of conspiracy to murder']\n", + "the crown prosecution service announced today that 36-year-old leslie cooper would be charged over the suspected murder of mr arwani , 48 , who was an outspoken opponent of the assad regime in his native country .he appeared before magistrates in camberwell today for a brief hearing , and will appear at the old bailey later this weekcharge : a man has been charged with the murder of syrian imam abdul hadi arwani\n", + "abdul hadi arwani was found shot dead in his car in wembley last weekleslie cooper , 36 , was today charged with his murderimam was a fervent opponent of the assad regime in his native syriasecond man , 61 , arrested tonight on suspicion of conspiracy to murder\n", + "[1.1251668 1.1283813 1.3572568 1.332292 1.1048467 1.0590886 1.0665114\n", + " 1.0787382 1.1295698 1.0990397 1.0594218 1.1020333 1.0914888 1.0532775\n", + " 1.0830207 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 3 8 1 0 4 11 9 12 14 7 6 10 5 13 21 20 19 15 17 16 22 18 23]\n", + "=======================\n", + "[\"normally on display at graceland , the singer 's former home-turned-museum , it is making a special two month appearance at the elvis at the o2 exhibition from sunday .although touted as his $ 10,000 suit , this astronomical price was reportedly a gimmick and the actual value was closer to $ 2,500 , although this would still be around # 20,000 by today 's standards .and as the decadent outfit makes the 4,300-mile journey his memphis mansion to london , british fans are finally able to get up close to one of their idol 's most famous artefacts .\"]\n", + "=======================\n", + "['presley first wore suit in public on march 28 , 1957 , during a performancewill be on display at the o2 from sunday alongside other artefacts']\n", + "normally on display at graceland , the singer 's former home-turned-museum , it is making a special two month appearance at the elvis at the o2 exhibition from sunday .although touted as his $ 10,000 suit , this astronomical price was reportedly a gimmick and the actual value was closer to $ 2,500 , although this would still be around # 20,000 by today 's standards .and as the decadent outfit makes the 4,300-mile journey his memphis mansion to london , british fans are finally able to get up close to one of their idol 's most famous artefacts .\n", + "presley first wore suit in public on march 28 , 1957 , during a performancewill be on display at the o2 from sunday alongside other artefacts\n", + "[1.2309468 1.2874708 1.1840131 1.1855834 1.2557875 1.0890038 1.1770631\n", + " 1.1334314 1.1582468 1.0376092 1.0334233 1.0278711 1.0378475 1.0197918\n", + " 1.0558736 1.0868018 1.0962269 1.0612066 1.0438253 1.0584162 1.0386288\n", + " 1.0233029 1.0543976 1.0705612]\n", + "\n", + "[ 1 4 0 3 2 6 8 7 16 5 15 23 17 19 14 22 18 20 12 9 10 11 21 13]\n", + "=======================\n", + "[\"police were forced to separate the reclaim australia supporters and opponents of the group in melbourne , after clashes turned ugly and several people had to be treated by paramedics .across australia , 16 rallies were scheduled to take place , but sydney and melbourne drew the biggest crowdanti-islam protests in australia against sharia law and halal tax turned violent after demonstrators clashed with anti-racism activists who burned the country 's flag .\"]\n", + "=======================\n", + "['protesters clashed with anti-racism activists at rallies across australiathe anti-islam protests were against sharia law and the so-called halal taxclashes turned ugly and several people required medical treatment in melbourne']\n", + "police were forced to separate the reclaim australia supporters and opponents of the group in melbourne , after clashes turned ugly and several people had to be treated by paramedics .across australia , 16 rallies were scheduled to take place , but sydney and melbourne drew the biggest crowdanti-islam protests in australia against sharia law and halal tax turned violent after demonstrators clashed with anti-racism activists who burned the country 's flag .\n", + "protesters clashed with anti-racism activists at rallies across australiathe anti-islam protests were against sharia law and the so-called halal taxclashes turned ugly and several people required medical treatment in melbourne\n", + "[1.456131 1.4490284 1.2244738 1.3393424 1.3778759 1.0495374 1.0195702\n", + " 1.0225532 1.0306906 1.0846237 1.103062 1.0448465 1.0154427 1.0125401\n", + " 1.2023498 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 3 2 14 10 9 5 11 8 7 6 12 13 22 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"lewis hamilton and nico rosberg have again been reminded of their responsibilities to mercedes after the team were forced to tackle head on the tension that rose between them in china on sunday .mercedes motorsport boss toto wolff is confident the matter has been laid to rest after rosberg bemoaned hamilton 's ` selfish ' tactics following their one-two finish at the shanghai international circuit .hamilton led home mercedes team-mate nico rosberg in shanghai to retain his lead in the championship\"]\n", + "=======================\n", + "[\"lewis hamilton and nico rosberg to renew f1 title rivalry at bahrain gptensions rose in china after rosberg accused hamilton of being ` selfish 'but mercedes boss toto wolff is confident the matter has been laid to resthamilton heads into the race in bahrain leading the world championship\"]\n", + "lewis hamilton and nico rosberg have again been reminded of their responsibilities to mercedes after the team were forced to tackle head on the tension that rose between them in china on sunday .mercedes motorsport boss toto wolff is confident the matter has been laid to rest after rosberg bemoaned hamilton 's ` selfish ' tactics following their one-two finish at the shanghai international circuit .hamilton led home mercedes team-mate nico rosberg in shanghai to retain his lead in the championship\n", + "lewis hamilton and nico rosberg to renew f1 title rivalry at bahrain gptensions rose in china after rosberg accused hamilton of being ` selfish 'but mercedes boss toto wolff is confident the matter has been laid to resthamilton heads into the race in bahrain leading the world championship\n", + "[1.4176269 1.3364787 1.5144024 1.1612282 1.1162328 1.0610838 1.1148392\n", + " 1.0516694 1.017023 1.1162581 1.0840713 1.0287392 1.3451655 1.030494\n", + " 1.0319979 1.011721 1.0056298 1.0118662 1.0226314 0. ]\n", + "\n", + "[ 2 0 12 1 3 9 4 6 10 5 7 14 13 11 18 8 17 15 16 19]\n", + "=======================\n", + "[\"world no 1 novak djokovic is 30-2 so far this season and became the first man to win the first three masters titles of the year after his triumph in monte carlo .roger federer believes rafael nadal is still the favourite for the french open despite the spaniard 's recent struggles .nadal suffered his earliest exit in 12 years at the barcelona open last week with a third-round defeat by world no 29 fabio fognini and has admitted his confidence is lacking .\"]\n", + "=======================\n", + "['roger federer believes rafael nadal is still the favourite for roland garrosworld no 1 novak djokovic has lost just two matches this yearbut federer feels that nine-time champion nadal is still the man to beatfederer is competing in the inaugural istanbul open this week']\n", + "world no 1 novak djokovic is 30-2 so far this season and became the first man to win the first three masters titles of the year after his triumph in monte carlo .roger federer believes rafael nadal is still the favourite for the french open despite the spaniard 's recent struggles .nadal suffered his earliest exit in 12 years at the barcelona open last week with a third-round defeat by world no 29 fabio fognini and has admitted his confidence is lacking .\n", + "roger federer believes rafael nadal is still the favourite for roland garrosworld no 1 novak djokovic has lost just two matches this yearbut federer feels that nine-time champion nadal is still the man to beatfederer is competing in the inaugural istanbul open this week\n", + "[1.2619625 1.2895988 1.4189684 1.1939013 1.2144613 1.2407979 1.1544476\n", + " 1.0584706 1.0257076 1.0297647 1.0592827 1.0336074 1.0571245 1.0559242\n", + " 1.0914423 1.0550797 1.0233263 1.0455498 1.0507332 1.0773731]\n", + "\n", + "[ 2 1 0 5 4 3 6 14 19 10 7 12 13 15 18 17 11 9 8 16]\n", + "=======================\n", + "['it comes just one day after the extremist group claim to have shot and beheaded more than 30 ethiopian christians in libya .the barbaric footage , released earlier today , shows the men kneeling in the middle of a dusty road in deir ez-zor , syria , as a militant brandishing a sharpened sword stands behind them .three men accused of being agents of the syrian government have been executed in a shocking new video , islamic state has claimed .']\n", + "=======================\n", + "[\"men were executed on a dusty road in deir ez-zor , syria , isis claimedsick video shows the executioner 's sword being sharpened before killingsprisoners were shackled in chains and dressed in orange jumpsuitsjust one day after 30 ethiopian christians were shot and beheaded in libya\"]\n", + "it comes just one day after the extremist group claim to have shot and beheaded more than 30 ethiopian christians in libya .the barbaric footage , released earlier today , shows the men kneeling in the middle of a dusty road in deir ez-zor , syria , as a militant brandishing a sharpened sword stands behind them .three men accused of being agents of the syrian government have been executed in a shocking new video , islamic state has claimed .\n", + "men were executed on a dusty road in deir ez-zor , syria , isis claimedsick video shows the executioner 's sword being sharpened before killingsprisoners were shackled in chains and dressed in orange jumpsuitsjust one day after 30 ethiopian christians were shot and beheaded in libya\n", + "[1.4489367 1.2950554 1.1034244 1.0852482 1.1411061 1.2564393 1.1409065\n", + " 1.1341407 1.0569482 1.065478 1.1152135 1.0500269 1.086696 1.0463364\n", + " 1.0664929 1.0709659 1.0767758 1.0621338 1.0423124 1.0357777]\n", + "\n", + "[ 0 1 5 4 6 7 10 2 12 3 16 15 14 9 17 8 11 13 18 19]\n", + "=======================\n", + "[\"( cnn ) greenpeace activists have climbed aboard a shell oil rig to protest the company 's plans to drill in the arctic near alaska .the six protesters used ropes and harnesses monday to scale the huge platform in the pacific ocean , tweeting images of their daunting climb as they went .the rig , the polar pioneer , is on its way to the arctic via seattle .\"]\n", + "=======================\n", + "[\"six protesters scale the polar pioneer , hundreds of miles northwest of hawaiigreenpeace opposes shell 's plans to drill for oil in the arctic\"]\n", + "( cnn ) greenpeace activists have climbed aboard a shell oil rig to protest the company 's plans to drill in the arctic near alaska .the six protesters used ropes and harnesses monday to scale the huge platform in the pacific ocean , tweeting images of their daunting climb as they went .the rig , the polar pioneer , is on its way to the arctic via seattle .\n", + "six protesters scale the polar pioneer , hundreds of miles northwest of hawaiigreenpeace opposes shell 's plans to drill for oil in the arctic\n", + "[1.3629792 1.5167463 1.25447 1.4116962 1.0649303 1.0184793 1.013534\n", + " 1.0372616 1.0127171 1.0137562 1.1064357 1.3014201 1.0902221 1.0536866\n", + " 1.0417702 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 11 2 10 12 4 13 14 7 5 9 6 8 15 16 17 18 19]\n", + "=======================\n", + "[\"kathrin goldbach and her family are said to be so afraid of being blamed for the germanwings crash - caused by lubitz after he flew the plane he was co-piloting into the french alps -- that they have fled the town and vowed to never return .the girlfriend of killer co-pilot andreas lubtiz is believed to be too scared to return to the small town they both grew up in fearing the she will face the ` hatred of the world ' .an extremely shaken miss goldbach , who is seeking comfort from a priest , told investigators that her long-term boyfriend lubtiz had whisked her away on holiday just days before his death .\"]\n", + "=======================\n", + "[\"kathrin goldbach 's family are reportedly afraid to face ` hatred of the world 'her boyfriend andreas lubitz flew the plane he was co-piloting into alpskathrin , brother andreas and their parents have left home in montabaurclose friends say family have no plans to return to close-knit community\"]\n", + "kathrin goldbach and her family are said to be so afraid of being blamed for the germanwings crash - caused by lubitz after he flew the plane he was co-piloting into the french alps -- that they have fled the town and vowed to never return .the girlfriend of killer co-pilot andreas lubtiz is believed to be too scared to return to the small town they both grew up in fearing the she will face the ` hatred of the world ' .an extremely shaken miss goldbach , who is seeking comfort from a priest , told investigators that her long-term boyfriend lubtiz had whisked her away on holiday just days before his death .\n", + "kathrin goldbach 's family are reportedly afraid to face ` hatred of the world 'her boyfriend andreas lubitz flew the plane he was co-piloting into alpskathrin , brother andreas and their parents have left home in montabaurclose friends say family have no plans to return to close-knit community\n", + "[1.2232168 1.1381335 1.3039784 1.1571146 1.2738155 1.1818019 1.2255718\n", + " 1.1012728 1.0167979 1.013556 1.118605 1.0971621 1.1294602 1.0965668\n", + " 1.1325014 1.1049647 1.131577 1.0246438 1.0272346 0. ]\n", + "\n", + "[ 2 4 6 0 5 3 1 14 16 12 10 15 7 11 13 18 17 8 9 19]\n", + "=======================\n", + "['native reds have been almost wiped out in the country , except for a few pockets in the north of england , the isle of wight and scotland after rival grey squirrels arrived from america in the 19th century .but now , red squirrels have been spotted in windermere , in the picturesque lake district .experts say a lack of habitats caused them to disappear from the area .']\n", + "=======================\n", + "['numbers of native red squirrels have been rapidly dwindling in the countrynow , several sightings have been reported in windermere , lake districtexperts say a lack of habitats caused them to disappear from the areabut they are now returning to woods in the area and some have even been spotted in the town centre']\n", + "native reds have been almost wiped out in the country , except for a few pockets in the north of england , the isle of wight and scotland after rival grey squirrels arrived from america in the 19th century .but now , red squirrels have been spotted in windermere , in the picturesque lake district .experts say a lack of habitats caused them to disappear from the area .\n", + "numbers of native red squirrels have been rapidly dwindling in the countrynow , several sightings have been reported in windermere , lake districtexperts say a lack of habitats caused them to disappear from the areabut they are now returning to woods in the area and some have even been spotted in the town centre\n", + "[1.1280043 1.4557521 1.144781 1.1660101 1.2710168 1.2682856 1.1500326\n", + " 1.1340375 1.1077024 1.0341489 1.0631068 1.0386432 1.0966578 1.0346874\n", + " 1.0306171 1.0498397 1.0163376 1.0626631 1.0095128 1.0149708]\n", + "\n", + "[ 1 4 5 3 6 2 7 0 8 12 10 17 15 11 13 9 14 16 19 18]\n", + "=======================\n", + "['north korean leader kim jong un has backed out of next month \\'s visit to moscow for world war ii anniversary celebrations , kremlin spokesman dmitry peskov said thursday .the visit was highly anticipated because it would have marked kim \\'s first official foreign trip since inheriting the leadership of north korea in late 2011 .\" the decision is connected with north korean domestic affairs . \"']\n", + "=======================\n", + "[\"next month 's visit to moscow by the north korean leader is offthis victory day marks the 70 years since the soviet victory over germany in world war ii\"]\n", + "north korean leader kim jong un has backed out of next month 's visit to moscow for world war ii anniversary celebrations , kremlin spokesman dmitry peskov said thursday .the visit was highly anticipated because it would have marked kim 's first official foreign trip since inheriting the leadership of north korea in late 2011 .\" the decision is connected with north korean domestic affairs . \"\n", + "next month 's visit to moscow by the north korean leader is offthis victory day marks the 70 years since the soviet victory over germany in world war ii\n", + "[1.2870057 1.3519527 1.232785 1.189705 1.2997236 1.2336602 1.0284189\n", + " 1.1083022 1.0543257 1.0233797 1.0436671 1.035955 1.0534457 1.0608784\n", + " 1.0130036 1.0255069 1.0444096 1.0966008 0. 0. ]\n", + "\n", + "[ 1 4 0 5 2 3 7 17 13 8 12 16 10 11 6 15 9 14 18 19]\n", + "=======================\n", + "[\"entitled ` naughty nicola ' , the painting depicts her as a dominatrix in a short red dress , black suspenders on display and whip in hand .it is a remarkable , eye-popping portrait of scotland 's first minister , nicola sturgeon .couple : the image is said to grace the wall of sturgeon 's ( left ) suburban glasgow home after she was given it as a birthday gift by her husband , peter murrell ( right )\"]\n", + "=======================\n", + "[\"it depicts sturgeon as a dominatrix in a short red dress with a whip in handher husband peter murrell gave snp leader the painting as a birthday gifthe is credited with ` transforming ' her into the national stateswoman she ismurrell is nicknamed penfold after danger mouse 's loyal hamster sidekick\"]\n", + "entitled ` naughty nicola ' , the painting depicts her as a dominatrix in a short red dress , black suspenders on display and whip in hand .it is a remarkable , eye-popping portrait of scotland 's first minister , nicola sturgeon .couple : the image is said to grace the wall of sturgeon 's ( left ) suburban glasgow home after she was given it as a birthday gift by her husband , peter murrell ( right )\n", + "it depicts sturgeon as a dominatrix in a short red dress with a whip in handher husband peter murrell gave snp leader the painting as a birthday gifthe is credited with ` transforming ' her into the national stateswoman she ismurrell is nicknamed penfold after danger mouse 's loyal hamster sidekick\n", + "[1.2348123 1.4751995 1.2843263 1.376235 1.2303344 1.2362579 1.053019\n", + " 1.0313108 1.0256509 1.0767688 1.0232409 1.1989326 1.0207967 1.0137534\n", + " 1.0124323 1.0541654 1.0109836 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 5 0 4 11 9 15 6 7 8 10 12 13 14 16 18 17 19]\n", + "=======================\n", + "[\"yervand garginian , a 60-year-old bus driver from south croydon in melbourne , filmed himself cooking chicken on an open charcoal barbecue using a traditional ` khorovats ' recipe at a recent family gathering .his daughter elizabeth garginian , 24 , posted the video to reddit and it has since been viewed more than five million times after it was shared across facebook , youtube and instagram .in the video mr garginian , who moved to australia from armenia in 1977 , dismisses the australian-style barbecue of cooking ` oily ' sausages .\"]\n", + "=======================\n", + "[\"yervand garginian , a 60-year-old melbourne bus driver , has gone viralhe filmed a video showing australians how to cook a ` real barbecue 'his daughter posted it online and it received more than five million views\"]\n", + "yervand garginian , a 60-year-old bus driver from south croydon in melbourne , filmed himself cooking chicken on an open charcoal barbecue using a traditional ` khorovats ' recipe at a recent family gathering .his daughter elizabeth garginian , 24 , posted the video to reddit and it has since been viewed more than five million times after it was shared across facebook , youtube and instagram .in the video mr garginian , who moved to australia from armenia in 1977 , dismisses the australian-style barbecue of cooking ` oily ' sausages .\n", + "yervand garginian , a 60-year-old melbourne bus driver , has gone viralhe filmed a video showing australians how to cook a ` real barbecue 'his daughter posted it online and it received more than five million views\n", + "[1.3636519 1.4670691 1.1306157 1.0951505 1.3333383 1.2780507 1.2342004\n", + " 1.122639 1.042449 1.01724 1.1308168 1.0464424 1.0904166 1.181306\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 5 6 13 10 2 7 3 12 11 8 9 14 15 16 17 18 19]\n", + "=======================\n", + "['the incident took place on friday when the 38-year-old was struck by a car while walking in the residential parking garage of the shangri-la hotel , but he was left uninjured .actor ryan reynolds was the victim of a hit-and-run in a hotel parking lot , according to his publicist and vancouver police .he has been in the city for weeks as he shoots scenes for his new film deadpool ( above reynolds in costume filming scenes from deadpool )']\n", + "=======================\n", + "[\"the vancouver-born actor was not injured in friday 's incident , police saidhe was walking in an underground hotel parking garage during hit-and-run\"]\n", + "the incident took place on friday when the 38-year-old was struck by a car while walking in the residential parking garage of the shangri-la hotel , but he was left uninjured .actor ryan reynolds was the victim of a hit-and-run in a hotel parking lot , according to his publicist and vancouver police .he has been in the city for weeks as he shoots scenes for his new film deadpool ( above reynolds in costume filming scenes from deadpool )\n", + "the vancouver-born actor was not injured in friday 's incident , police saidhe was walking in an underground hotel parking garage during hit-and-run\n", + "[1.4968938 1.3407023 1.1364923 1.472923 1.3840898 1.1264861 1.0800236\n", + " 1.1103185 1.0275148 1.0118618 1.0110219 1.0269076 1.0234224 1.0484005\n", + " 1.0205953 1.0836431 1.0068427 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 1 2 5 7 15 6 13 8 11 12 14 9 10 16 18 17 19]\n", + "=======================\n", + "['stuart broad backed alastair cook to hit the test century that has eluded him for 33 innings on thursday and put england in a winning position in the second test .stuart broad produced his best and quickest bowling since knee surgery last year on day two in grenadathen cook , fighting for his captaincy in this series , and the under pressure jonathan trott joined forces to hit their first half-century partnership as an opening pair and reach 74 without loss by the close of a rain-affected second day .']\n", + "=======================\n", + "[\"england captain alastair cook has n't scored a test century for 33 inningcook became england 's second highest test run scorer on wednesdaystuart broad said his skipper can put england in a winning positioncook ( 37 ) and jonathan trott ( 32 ) were not out at stumps after day twoengland are 74-0 , 225 runs behind , after bowling west indies out for 299broad said an action change overnight gave his bowling an added 10mph\"]\n", + "stuart broad backed alastair cook to hit the test century that has eluded him for 33 innings on thursday and put england in a winning position in the second test .stuart broad produced his best and quickest bowling since knee surgery last year on day two in grenadathen cook , fighting for his captaincy in this series , and the under pressure jonathan trott joined forces to hit their first half-century partnership as an opening pair and reach 74 without loss by the close of a rain-affected second day .\n", + "england captain alastair cook has n't scored a test century for 33 inningcook became england 's second highest test run scorer on wednesdaystuart broad said his skipper can put england in a winning positioncook ( 37 ) and jonathan trott ( 32 ) were not out at stumps after day twoengland are 74-0 , 225 runs behind , after bowling west indies out for 299broad said an action change overnight gave his bowling an added 10mph\n", + "[1.1730676 1.1521947 1.3074319 1.337641 1.0820658 1.0678504 1.2427268\n", + " 1.0906026 1.142479 1.0841751 1.0652674 1.0594542 1.0227368 1.0711515\n", + " 1.025698 1.0112137 1.0121317 1.00863 1.173742 1.0785921 1.017379\n", + " 1.0221922 1.0381135 1.0488447 1.035166 1.0506201 1.0627724 1.0465207\n", + " 1.0180924 1.0296323]\n", + "\n", + "[ 3 2 6 18 0 1 8 7 9 4 19 13 5 10 26 11 25 23 27 22 24 29 14 12\n", + " 21 28 20 16 15 17]\n", + "=======================\n", + "['the so-called new shepard spaceship is designed to fly threecalled blue origin , the firm expects to beginthe new shepard system will take astronauts to space on suborbital journeys , and the firm is also developing an orbital craft , shown here .']\n", + "=======================\n", + "['new shepard spaceship is designed to fly three peoplewill reach altitudes about 62 miles ( 100 km ) above earthfirm expected to sell tourist tickets for its spacecraft']\n", + "the so-called new shepard spaceship is designed to fly threecalled blue origin , the firm expects to beginthe new shepard system will take astronauts to space on suborbital journeys , and the firm is also developing an orbital craft , shown here .\n", + "new shepard spaceship is designed to fly three peoplewill reach altitudes about 62 miles ( 100 km ) above earthfirm expected to sell tourist tickets for its spacecraft\n", + "[1.2508988 1.4123076 1.3824749 1.103585 1.2959473 1.2843282 1.1132247\n", + " 1.1026456 1.0612043 1.0165148 1.1108732 1.0451657 1.0477002 1.0244542\n", + " 1.0252063 1.0666635 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 4 5 0 6 10 3 7 15 8 12 11 14 13 9 28 16 17 18 19 20 21 22\n", + " 23 24 25 26 27 29]\n", + "=======================\n", + "['21-year-old ayyan ali - who has modeled everything from mobile phones to ice cream - was jailed after a staggering amount of money was discovered in her carry-on bag , the guardian reports .she was charged with attempting to illegally transport more than the legal $ 10,000 cash limit out of the country on march 14 - and has been in a rawalpindi prison since .a pakistani supermodel has been charged with money laundering offences after she was caught carrying over half a million dollars in islamabad airport .']\n", + "=======================\n", + "['ayyan ali was caught in islamabad airport with the money in her carry-on bagthe glamorous model has been in jail since march 14 and was been denied bailillegal to carry out over $ 10,000 but lawyers say she was not going to fly with itthey she had yet to check in , and was going to give money to her brother']\n", + "21-year-old ayyan ali - who has modeled everything from mobile phones to ice cream - was jailed after a staggering amount of money was discovered in her carry-on bag , the guardian reports .she was charged with attempting to illegally transport more than the legal $ 10,000 cash limit out of the country on march 14 - and has been in a rawalpindi prison since .a pakistani supermodel has been charged with money laundering offences after she was caught carrying over half a million dollars in islamabad airport .\n", + "ayyan ali was caught in islamabad airport with the money in her carry-on bagthe glamorous model has been in jail since march 14 and was been denied bailillegal to carry out over $ 10,000 but lawyers say she was not going to fly with itthey she had yet to check in , and was going to give money to her brother\n", + "[1.2468815 1.3057339 1.2303913 1.1011376 1.2897925 1.2694337 1.0428294\n", + " 1.1705549 1.0234693 1.0455695 1.0938437 1.053505 1.062741 1.0651258\n", + " 1.0480192 1.020479 1.0488305 1.0309128 1.0253302 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 5 0 2 7 3 10 13 12 11 16 14 9 6 17 18 8 15 27 26 25 24 21\n", + " 22 20 19 28 23 29]\n", + "=======================\n", + "['the unnamed heartbroken girlfriend clearly knew how to hit her lying lover where it hurts , and dumped his imac , iphone , ipad and accessories in the bath tub .a japanese woman got sweet revenge on her cheating boyfriend by giving his apple collection a good washthe woman scorned took the trouble to give his imac - which start at # 899 - a single soaking']\n", + "=======================\n", + "['japanese man pays for his cheating ways with his prized gadget collectionscorned girlfriend takes snaps of apple bath and sends them to himphotos of soaked imac , iphones , ipads and accessories go viral on twitter']\n", + "the unnamed heartbroken girlfriend clearly knew how to hit her lying lover where it hurts , and dumped his imac , iphone , ipad and accessories in the bath tub .a japanese woman got sweet revenge on her cheating boyfriend by giving his apple collection a good washthe woman scorned took the trouble to give his imac - which start at # 899 - a single soaking\n", + "japanese man pays for his cheating ways with his prized gadget collectionscorned girlfriend takes snaps of apple bath and sends them to himphotos of soaked imac , iphones , ipads and accessories go viral on twitter\n", + "[1.1710006 1.3398294 1.3527043 1.1428136 1.1998734 1.1138241 1.102756\n", + " 1.0526437 1.0233055 1.1389314 1.1002702 1.0259943 1.0390487 1.0305907\n", + " 1.019849 1.0420057 1.0714175 1.0658904 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 1 4 0 3 9 5 6 10 16 17 7 15 12 13 11 8 14 18 19 20 21 22 23\n", + " 24 25 26 27 28 29]\n", + "=======================\n", + "[\"the two sat down for a meal at lupa , a small italian eatery on thompson street and were looked after by owner and restaurant mogul mario batali .enjoying a perfect spring day in new york city , the first lady and ` grandmother-in-chief ' , marian robinson , had a mother-daughter bonding lunch in greenwich village .mother 's day is still three weeks away , but michelle obama did n't need an excuse to treat her mom on saturday .\"]\n", + "=======================\n", + "[\"the mother-daughter duo dined at lupa in the greenwich village saturdaythe enjoyed a five-course italian lunch of pasta , salad , meat and cheese by the restaurant 's owner , mario batalimichelle was in new york this week launching an interactive online map to encourage people to join their local ` let 's move ' programmother 's day is may 10\"]\n", + "the two sat down for a meal at lupa , a small italian eatery on thompson street and were looked after by owner and restaurant mogul mario batali .enjoying a perfect spring day in new york city , the first lady and ` grandmother-in-chief ' , marian robinson , had a mother-daughter bonding lunch in greenwich village .mother 's day is still three weeks away , but michelle obama did n't need an excuse to treat her mom on saturday .\n", + "the mother-daughter duo dined at lupa in the greenwich village saturdaythe enjoyed a five-course italian lunch of pasta , salad , meat and cheese by the restaurant 's owner , mario batalimichelle was in new york this week launching an interactive online map to encourage people to join their local ` let 's move ' programmother 's day is may 10\n", + "[1.2581742 1.4314032 1.2647614 1.0563447 1.2073 1.1077054 1.052356\n", + " 1.1650091 1.1497781 1.192817 1.0466143 1.0295407 1.0727448 1.068752\n", + " 1.0823377 1.0492404 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 4 9 7 8 5 14 12 13 3 6 15 10 11 27 26 25 24 23 22 19 20\n", + " 18 17 16 28 21 29]\n", + "=======================\n", + "[\"the number of christians in the us will decline from three quarters of the population in 2010 to just two thirds in 2050 , researchers claim .statistics revealed by the pew research center show the percentage of atheists across the globe is expected to fall across the same time frame while muslims will outnumber christians by 2070 .islam will become america 's second-largest religion by 2050 according to a report outlining the world 's religious landscape 35 years from now .\"]\n", + "=======================\n", + "[\"christians will decline from 75 % of us population to just two thirds in 2050muslims will outnumber christians in the world by 2070 , report predictschristians are expected to fall below 50 % of the population in uk by 2050statistics have been revealed by washington dc 's pew research center\"]\n", + "the number of christians in the us will decline from three quarters of the population in 2010 to just two thirds in 2050 , researchers claim .statistics revealed by the pew research center show the percentage of atheists across the globe is expected to fall across the same time frame while muslims will outnumber christians by 2070 .islam will become america 's second-largest religion by 2050 according to a report outlining the world 's religious landscape 35 years from now .\n", + "christians will decline from 75 % of us population to just two thirds in 2050muslims will outnumber christians in the world by 2070 , report predictschristians are expected to fall below 50 % of the population in uk by 2050statistics have been revealed by washington dc 's pew research center\n", + "[1.2282264 1.3400925 1.3001863 1.1492945 1.1980335 1.1873076 1.2604107\n", + " 1.1288126 1.0289531 1.038078 1.0258551 1.1465931 1.0199599 1.0182087\n", + " 1.0989902 1.0741174 1.0276235 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 6 0 4 5 3 11 7 14 15 9 8 16 10 12 13 20 17 18 19 21]\n", + "=======================\n", + "['care staff say they are increasingly being asked to perform tasks previously only carried out by nurses .these include changing catheter and colostomy bags , feeding through a tube and even administering morphine .almost a quarter -- 24 per cent -- giving medication such as morphine and insulin had received no training while 27 per cent said they were not trained in working with dementia patients .']\n", + "=======================\n", + "[\"care staff ` increasingly being asked to perform tasks nurses used to do 'some untrained carers are changing catheters and administering morphineage uk director has called the findings in a new survey ` frankly terrifying 'survey questioned 1,000 workers employed by councils and private firms\"]\n", + "care staff say they are increasingly being asked to perform tasks previously only carried out by nurses .these include changing catheter and colostomy bags , feeding through a tube and even administering morphine .almost a quarter -- 24 per cent -- giving medication such as morphine and insulin had received no training while 27 per cent said they were not trained in working with dementia patients .\n", + "care staff ` increasingly being asked to perform tasks nurses used to do 'some untrained carers are changing catheters and administering morphineage uk director has called the findings in a new survey ` frankly terrifying 'survey questioned 1,000 workers employed by councils and private firms\n", + "[1.1301758 1.4869196 1.3408923 1.2098358 1.3510219 1.2067939 1.1411896\n", + " 1.182412 1.0407059 1.0225106 1.0114553 1.0282893 1.0144293 1.1516204\n", + " 1.0530596 1.0336739 1.0287551 1.0450039 1.0316879 1.0434186 1.0386752\n", + " 1.0245728]\n", + "\n", + "[ 1 4 2 3 5 7 13 6 0 14 17 19 8 20 15 18 16 11 21 9 12 10]\n", + "=======================\n", + "['mother-of-three danielle davis , 24 , refused a termination when a routine scan showed her baby had a cyst on the brain .but when daisy was born , ms davis and her partner andrew smith , 31 , were told she had the rare disorder anophthalmia , meaning she had no eyes .the condition is incurable , and so while daisy can be fitted with glass eyes as she gets older , she will never be able to see .']\n", + "=======================\n", + "[\"a routine scan showed danielle davis ' baby had a cyst on her brainshe refused a termination , but baby daisy was later born with no eyessuffers from rare condition called anopthalmia , meaning a lack of eyesdaisy will never be able to see , but cosmetic glass eyes could be fitted\"]\n", + "mother-of-three danielle davis , 24 , refused a termination when a routine scan showed her baby had a cyst on the brain .but when daisy was born , ms davis and her partner andrew smith , 31 , were told she had the rare disorder anophthalmia , meaning she had no eyes .the condition is incurable , and so while daisy can be fitted with glass eyes as she gets older , she will never be able to see .\n", + "a routine scan showed danielle davis ' baby had a cyst on her brainshe refused a termination , but baby daisy was later born with no eyessuffers from rare condition called anopthalmia , meaning a lack of eyesdaisy will never be able to see , but cosmetic glass eyes could be fitted\n", + "[1.2587132 1.4388794 1.1573907 1.3578413 1.1729367 1.2180425 1.1075984\n", + " 1.082146 1.0938993 1.0979543 1.1101665 1.1122559 1.0528182 1.0598011\n", + " 1.0385433 1.065056 1.0211202 1.0139174 1.0059066 1.038453 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 5 4 2 11 10 6 9 8 7 15 13 12 14 19 16 17 18 20 21]\n", + "=======================\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['teacher aaron galloway , 23 , was on a half-term city break to prague when he left his expensive slr camera on the seat as he landed in the czech republic capital .flighty : ryanair steward fernando miguel andrade viseu begged adam galloway not to report him to police when he replied to a message warning him that he could prove that he was selling stolen goodswhen aaron got home , he went on ebay to find a replacement and was astonished to see his own camera for sale with just 35 minutes left on the auction .']\n", + "=======================\n", + "['teacher adam galloway got home and found nikon on ebay just 35 minutes before end of auctionhe messaged seller who admitted he worked for ryanair and begged him not to report him to policeseller has sold 118 items on ebay including ray-ban sunglasses and skullcandy headphonessteward fernando miguel andrade viseu ordered to attend drug rehabilitation when sentenced for theft']\n", + "teacher aaron galloway , 23 , was on a half-term city break to prague when he left his expensive slr camera on the seat as he landed in the czech republic capital .flighty : ryanair steward fernando miguel andrade viseu begged adam galloway not to report him to police when he replied to a message warning him that he could prove that he was selling stolen goodswhen aaron got home , he went on ebay to find a replacement and was astonished to see his own camera for sale with just 35 minutes left on the auction .\n", + "teacher adam galloway got home and found nikon on ebay just 35 minutes before end of auctionhe messaged seller who admitted he worked for ryanair and begged him not to report him to policeseller has sold 118 items on ebay including ray-ban sunglasses and skullcandy headphonessteward fernando miguel andrade viseu ordered to attend drug rehabilitation when sentenced for theft\n", + "[1.4651282 1.5513258 1.3104955 1.1473688 1.0554827 1.022136 1.02191\n", + " 1.0156729 1.049474 1.047131 1.0404298 1.0355505 1.0168611 1.0405625\n", + " 1.0314558 1.0657297 1.027601 1.0503511 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 3 15 4 17 8 9 13 10 11 14 16 5 6 12 7 18 19 20 21]\n", + "=======================\n", + "['wednesday substitute sergiu bus opened the scoring in the 86th minute and ishmael miller , also on as a substitute , secured a point for his side with an equaliser just a minute from time .two goals inside the last four minutes saw the yorkshire derby clash between sheffield wednesday and huddersfield end in a 1-1 draw .the result leaves huddersfield without a win in their last seven games and 18th in the table , six places and nine points behind wednesday .']\n", + "=======================\n", + "['substitute ishmael miller scores 89th-minute equaliser for huddersfieldsergiu bus had put sheffield wednesday ahead three minutes earlier']\n", + "wednesday substitute sergiu bus opened the scoring in the 86th minute and ishmael miller , also on as a substitute , secured a point for his side with an equaliser just a minute from time .two goals inside the last four minutes saw the yorkshire derby clash between sheffield wednesday and huddersfield end in a 1-1 draw .the result leaves huddersfield without a win in their last seven games and 18th in the table , six places and nine points behind wednesday .\n", + "substitute ishmael miller scores 89th-minute equaliser for huddersfieldsergiu bus had put sheffield wednesday ahead three minutes earlier\n", + "[1.3908341 1.1940491 1.5392811 1.2887635 1.2700717 1.2696593 1.0518377\n", + " 1.0217437 1.0207608 1.1601381 1.0290378 1.0322375 1.0198956 1.0171056\n", + " 1.0652096 1.0384537 1.0210726 1.0531539 1.0142541 1.0176169 1.0104347\n", + " 0. ]\n", + "\n", + "[ 2 0 3 4 5 1 9 14 17 6 15 11 10 7 16 8 12 19 13 18 20 21]\n", + "=======================\n", + "['joanna goodall forged signatures of customers and colleagues for cash refunds at a premier inn in newcastle and took the money for herself .joanna goodall ( pictured outside court ) stole # 19,000 from the premier inn hotel where she worked as a receptionistbosses noticed the high level of refunds and cctv showed goodall taking money from the till .']\n", + "=======================\n", + "['joanna goodall forged signatures for cash refunds at a premier innbosses noticed high level of refunds and cctv which showed goodall taking money from the tillthe pregnant 30-year-old admitted thefts at newcastle crown courtgoodall , of newcastle , was given a nine-month suspended sentence']\n", + "joanna goodall forged signatures of customers and colleagues for cash refunds at a premier inn in newcastle and took the money for herself .joanna goodall ( pictured outside court ) stole # 19,000 from the premier inn hotel where she worked as a receptionistbosses noticed the high level of refunds and cctv showed goodall taking money from the till .\n", + "joanna goodall forged signatures for cash refunds at a premier innbosses noticed high level of refunds and cctv which showed goodall taking money from the tillthe pregnant 30-year-old admitted thefts at newcastle crown courtgoodall , of newcastle , was given a nine-month suspended sentence\n", + "[1.2818627 1.316614 1.1592981 1.1461715 1.2005358 1.1408129 1.2013944\n", + " 1.0903164 1.0810277 1.0996532 1.0460874 1.0393664 1.1386379 1.0243269\n", + " 1.0676793 1.0180113 1.0362914 1.0370393 0. 0. ]\n", + "\n", + "[ 1 0 6 4 2 3 5 12 9 7 8 14 10 11 17 16 13 15 18 19]\n", + "=======================\n", + "[\"the move comes after federal communications commission decided that merger was n't in the public interest and threw up a regulatory roadblock following fierce opposition from net neutrality activists and content providers like disney and 21st century fox .comcast is abandoning its bid to buy time warner cable for $ 45.2 billion and create a mega-size tv and internet provider , it was reported today .bloomberg , followed by the new york times , reported thursday afternoon that comcast is planning to ` walk away ' from the deal rather than fight it out with the federal government .\"]\n", + "=======================\n", + "[\"merger would have given the new company control of 57percent of the broadband internet market and 30percent of the paid tv marketannouncement that comcast is ` walking away ' from deal could come fridaycomcast has 30million subscribers and time warner cable boasts 11million ; new company would have spun off or sold 3.9 millionfcc staffers recommended the merger be sent to a judge for review - a significant regulatory hurdleregulators questions whether merger was in the public interest\"]\n", + "the move comes after federal communications commission decided that merger was n't in the public interest and threw up a regulatory roadblock following fierce opposition from net neutrality activists and content providers like disney and 21st century fox .comcast is abandoning its bid to buy time warner cable for $ 45.2 billion and create a mega-size tv and internet provider , it was reported today .bloomberg , followed by the new york times , reported thursday afternoon that comcast is planning to ` walk away ' from the deal rather than fight it out with the federal government .\n", + "merger would have given the new company control of 57percent of the broadband internet market and 30percent of the paid tv marketannouncement that comcast is ` walking away ' from deal could come fridaycomcast has 30million subscribers and time warner cable boasts 11million ; new company would have spun off or sold 3.9 millionfcc staffers recommended the merger be sent to a judge for review - a significant regulatory hurdleregulators questions whether merger was in the public interest\n", + "[1.4262688 1.3138548 1.266726 1.3352067 1.0580462 1.3188661 1.2560048\n", + " 1.1272414 1.0284083 1.0346488 1.0162926 1.0183569 1.0851365 1.0374748\n", + " 1.0280782 1.0173471 1.0146581 1.0218536 1.0288087 1.019296 ]\n", + "\n", + "[ 0 3 5 1 2 6 7 12 4 13 9 18 8 14 17 19 11 15 10 16]\n", + "=======================\n", + "['manchester united defender marcos rojo appeared to be enjoying his vacation in portugal as he posed for a picture at the dinner table with family and friends just days after his affair with a fitness instructor was exposed .marcos rojo ( third from left ) enjoys a meal out with friends and family in portugal during a week offfitness instructor sarah watson claims rojo and his advisors tried to frame her for blackmail']\n", + "=======================\n", + "['marcos rojo back in portugal and poses for picture with family in friendsmanchester united defender starred in 3-1 victory against aston villasarah watson claims she was offered money to spend the night with rojosays rojo and his representatives tried to frame her for blackmailrepresentatives tried to entrap sarah with promises of cash to spin story']\n", + "manchester united defender marcos rojo appeared to be enjoying his vacation in portugal as he posed for a picture at the dinner table with family and friends just days after his affair with a fitness instructor was exposed .marcos rojo ( third from left ) enjoys a meal out with friends and family in portugal during a week offfitness instructor sarah watson claims rojo and his advisors tried to frame her for blackmail\n", + "marcos rojo back in portugal and poses for picture with family in friendsmanchester united defender starred in 3-1 victory against aston villasarah watson claims she was offered money to spend the night with rojosays rojo and his representatives tried to frame her for blackmailrepresentatives tried to entrap sarah with promises of cash to spin story\n", + "[1.3692884 1.1823813 1.3278084 1.1043224 1.251967 1.0920157 1.1628851\n", + " 1.0691903 1.0664353 1.0802606 1.157141 1.1072447 1.0467862 1.0401008\n", + " 1.027477 1.0415874 1.0510406 1.0280551 0. 0. ]\n", + "\n", + "[ 0 2 4 1 6 10 11 3 5 9 7 8 16 12 15 13 17 14 18 19]\n", + "=======================\n", + "[\"the baby , known as mary , had been born at alder hey hospital in liverpool , pictured , but died six months later with traces of cocaine in her stomachmary was the youngest child in a family of four children born to a mother aged 30 and a father aged 33 .she was kept in hospital for three months during which time there were ` several consecutive days ' in which she had no contact with her parents .\"]\n", + "=======================\n", + "['infant , known as mary , was also found with two other drugs in her systemshe was discharged from hospital despite her parents being drug usersthe family from liverpool were already well-known to local social servicescame amid concerns about alcohol abuse , domestic violence and neglect']\n", + "the baby , known as mary , had been born at alder hey hospital in liverpool , pictured , but died six months later with traces of cocaine in her stomachmary was the youngest child in a family of four children born to a mother aged 30 and a father aged 33 .she was kept in hospital for three months during which time there were ` several consecutive days ' in which she had no contact with her parents .\n", + "infant , known as mary , was also found with two other drugs in her systemshe was discharged from hospital despite her parents being drug usersthe family from liverpool were already well-known to local social servicescame amid concerns about alcohol abuse , domestic violence and neglect\n", + "[1.1880366 1.2134591 1.2165349 1.3091346 1.3152492 1.1848907 1.1340063\n", + " 1.0332202 1.0334959 1.1044002 1.069052 1.0627246 1.0499208 1.0464147\n", + " 1.0576876 1.045558 0. 0. 0. 0. ]\n", + "\n", + "[ 4 3 2 1 0 5 6 9 10 11 14 12 13 15 8 7 18 16 17 19]\n", + "=======================\n", + "[\"research on infants ' brains by doctors from oxford university has found that young babies are more sensitive to pain than adults .but the new findings , revealed by oxford university doctors , suggest that not only do babies feel pain , but their pain thresholds are even lower than those of adults .it means that newborns often go without painkillers , even during invasive procedures .\"]\n", + "=======================\n", + "['young babies are more sensitive to pain than adults , according to studydoctors previously assumed very young babies had high pain thresholdnew findings by oxford university shows newborn babies do react to pain']\n", + "research on infants ' brains by doctors from oxford university has found that young babies are more sensitive to pain than adults .but the new findings , revealed by oxford university doctors , suggest that not only do babies feel pain , but their pain thresholds are even lower than those of adults .it means that newborns often go without painkillers , even during invasive procedures .\n", + "young babies are more sensitive to pain than adults , according to studydoctors previously assumed very young babies had high pain thresholdnew findings by oxford university shows newborn babies do react to pain\n", + "[1.271489 1.4225061 1.1429797 1.4203581 1.2490722 1.0468651 1.1070523\n", + " 1.1308386 1.0866714 1.0325441 1.0213007 1.0798911 1.0625027 1.0459906\n", + " 1.1029269 1.0564648 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 7 6 14 8 11 12 15 5 13 9 10 18 16 17 19]\n", + "=======================\n", + "[\"in a case that has sparked accusations of heavy-handed censorship , artist megumi igarashi said she had done nothing wrong in handing out the code for a 3d printer . 'a japanese artist charged with obscenity for distributing plans of how to build a kayak shaped like her vagina denied the charges when she appeared in court on wednesday .i am innocent because neither the data for female genitals nor my art works shaped like female genitals are obscene , ' she told judges at tokyo district court .\"]\n", + "=======================\n", + "[\"megumi igarashi makes pieces of art that are modelled on her vaginaher case has sparked accusations of heavy-handed censorship` the data for female genitals is not obsence , ' she told a tokyo court\"]\n", + "in a case that has sparked accusations of heavy-handed censorship , artist megumi igarashi said she had done nothing wrong in handing out the code for a 3d printer . 'a japanese artist charged with obscenity for distributing plans of how to build a kayak shaped like her vagina denied the charges when she appeared in court on wednesday .i am innocent because neither the data for female genitals nor my art works shaped like female genitals are obscene , ' she told judges at tokyo district court .\n", + "megumi igarashi makes pieces of art that are modelled on her vaginaher case has sparked accusations of heavy-handed censorship` the data for female genitals is not obsence , ' she told a tokyo court\n", + "[1.2965021 1.4457829 1.2176653 1.3437812 1.1945512 1.1084911 1.0436453\n", + " 1.0605376 1.0573384 1.10863 1.0526268 1.0504521 1.0459179 1.0370907\n", + " 1.0482663 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 2 4 9 5 7 8 10 11 14 12 6 13 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"dr julie epstein could also face being struck off after an investigation revealed she had been giving substances such as anabolic steroids to some 40 patients , some of whom had trouble with similar drugs in the past .sydney anti-ageing doctor julie epstein ( not pictured ) has been found guilty of medical misconductthe doctor , who opened one of nsw 's first anti-ageing clinics , has been prosecuted by the health care complaints commission ( hccc ) for her conduct between august 2007 and august 2009 , fairfax media reports .\"]\n", + "=======================\n", + "['dr julie epstein has been found guilty of medical misconductthe sydney anti-ageing doctor was inappropriately prescribing drugssteroids and human growth hormone were being given to patientsnsw civil and administrative tribunal said she was irresponsible']\n", + "dr julie epstein could also face being struck off after an investigation revealed she had been giving substances such as anabolic steroids to some 40 patients , some of whom had trouble with similar drugs in the past .sydney anti-ageing doctor julie epstein ( not pictured ) has been found guilty of medical misconductthe doctor , who opened one of nsw 's first anti-ageing clinics , has been prosecuted by the health care complaints commission ( hccc ) for her conduct between august 2007 and august 2009 , fairfax media reports .\n", + "dr julie epstein has been found guilty of medical misconductthe sydney anti-ageing doctor was inappropriately prescribing drugssteroids and human growth hormone were being given to patientsnsw civil and administrative tribunal said she was irresponsible\n", + "[1.3010046 1.198829 1.2965782 1.195022 1.2365786 1.0414485 1.0157903\n", + " 1.1740705 1.130867 1.1764544 1.0852275 1.0848975 1.0475175 1.0205153\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 4 1 3 9 7 8 10 11 12 5 13 6 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "['wanted : a police e-fit image of millionaire people trafficker ermias ghermay , who is thought to have made # 72m with his accomplice mered medhanie from smuggling migrants in the last two yearsone of them , an eritrean called mered medhanie , also known as the general , was heard laughing on a police wiretap about overloading migrant ships , a problem that causes them to capsize .two millionaire people traffickers have been heard mocking the migrant boat disasters that have resulted in thousands of deaths in the mediterranean , it has been reported .']\n", + "=======================\n", + "[\"mered medhanie and ermias ghermay ` have made # 72m in last two years 'medhanie heard on police wiretap mocking the fatal overcrowding of shipsghermay reportedly said : ' i do n't know what happened , they probably died 'pair wanted over major smuggling ring , but are hiding in lawless libya\"]\n", + "wanted : a police e-fit image of millionaire people trafficker ermias ghermay , who is thought to have made # 72m with his accomplice mered medhanie from smuggling migrants in the last two yearsone of them , an eritrean called mered medhanie , also known as the general , was heard laughing on a police wiretap about overloading migrant ships , a problem that causes them to capsize .two millionaire people traffickers have been heard mocking the migrant boat disasters that have resulted in thousands of deaths in the mediterranean , it has been reported .\n", + "mered medhanie and ermias ghermay ` have made # 72m in last two years 'medhanie heard on police wiretap mocking the fatal overcrowding of shipsghermay reportedly said : ' i do n't know what happened , they probably died 'pair wanted over major smuggling ring , but are hiding in lawless libya\n", + "[1.4166213 1.2169802 1.4112982 1.2190155 1.1904078 1.1001763 1.1595328\n", + " 1.0718865 1.0422524 1.0887442 1.0742344 1.057692 1.079117 1.1089447\n", + " 1.1258332 1.1046301 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 3 1 4 6 14 13 15 5 9 12 10 7 11 8 20 16 17 18 19 21]\n", + "=======================\n", + "[\"locked up : martin alvarado jr , 23 , allegedly repeatedly hit his girlfriend 's young son last weekmartin alvarado jr. , from cicero , illinois , appeared in court on monday on a first-degree murder charge for the death of edwin eli o'reilly and has been ordered to be held without bail .he was watching edwin at their home in cicero last thursday when the toddler urinated on him during a diaper change , according to authorities .\"]\n", + "=======================\n", + "[\"martin alvarado , jr. , ` was looking after edwin o'reilly on thursday and became enraged when the child urinated on him as he changed his diaper 'he ` confessed to police that he repeatedly struck the boy , killing him 'alvarado is being held without bail on a first-degree murder charge\"]\n", + "locked up : martin alvarado jr , 23 , allegedly repeatedly hit his girlfriend 's young son last weekmartin alvarado jr. , from cicero , illinois , appeared in court on monday on a first-degree murder charge for the death of edwin eli o'reilly and has been ordered to be held without bail .he was watching edwin at their home in cicero last thursday when the toddler urinated on him during a diaper change , according to authorities .\n", + "martin alvarado , jr. , ` was looking after edwin o'reilly on thursday and became enraged when the child urinated on him as he changed his diaper 'he ` confessed to police that he repeatedly struck the boy , killing him 'alvarado is being held without bail on a first-degree murder charge\n", + "[1.1353577 1.5514308 1.2945606 1.3375409 1.092571 1.1637846 1.1267401\n", + " 1.0862108 1.0187664 1.0190095 1.0987878 1.0730972 1.0261164 1.0208243\n", + " 1.0162321 1.050128 1.0652442 1.0308402 1.0256022 1.0526266 1.032648\n", + " 1.0155013]\n", + "\n", + "[ 1 3 2 5 0 6 10 4 7 11 16 19 15 20 17 12 18 13 9 8 14 21]\n", + "=======================\n", + "['jacksonville , florida photographer kristina bewly took her 4-year-old daughter giselle to the florida theme park for the first time last september and they have been returning every month since .each time the family visits , giselle puts on a new princess bought by her mother kristina .butterflies : giselle visits the park every month and wears a different whimsical outfit every time']\n", + "=======================\n", + "['jacksonville , florida photographer kristina bewly took her 4-year-old daughter giselle to disney world for the first time last septembergiselle and kristina visit the park once a month and giselle wears dresses bought by her mothergiselle , who suffers from down syndrome , models for her photographer mother at the theme park']\n", + "jacksonville , florida photographer kristina bewly took her 4-year-old daughter giselle to the florida theme park for the first time last september and they have been returning every month since .each time the family visits , giselle puts on a new princess bought by her mother kristina .butterflies : giselle visits the park every month and wears a different whimsical outfit every time\n", + "jacksonville , florida photographer kristina bewly took her 4-year-old daughter giselle to disney world for the first time last septembergiselle and kristina visit the park once a month and giselle wears dresses bought by her mothergiselle , who suffers from down syndrome , models for her photographer mother at the theme park\n", + "[1.2896494 1.2846693 1.2476436 1.2020533 1.2209924 1.2808309 1.1729403\n", + " 1.03266 1.0232667 1.0189252 1.0181948 1.0541799 1.078792 1.0730361\n", + " 1.1072335 1.1279781 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 5 2 4 3 6 15 14 12 13 11 7 8 9 10 16 17 18 19 20 21]\n", + "=======================\n", + "[\"it may come as a surprise to some - particularly arsene wenger and pep guardiola - but jose mourinho has revealed how sir alex ferguson inspired him to try to be a gracious manager .the chelsea boss said in a wide-ranging interview with the telegraph that the legendary manchester united manager showed him ` two faces ' during their first competitive meeting in 2004 - the first one of a steely rival and the second one of a sporting loser .fergie 's manchester united were stunned by mourinho 's porto in the champions league in 2004\"]\n", + "=======================\n", + "[\"jose mourinho has spoken about his first meeting with sir alex fergusonmourinho 's porto beat manchester united in the 2004 champions leaguethe portuguese says fergie 's respect in defeat has influenced himmourinho : i have a problem , i am getting better and betterread : mourinho sides with arsene wenger in ballon d'or opposition\"]\n", + "it may come as a surprise to some - particularly arsene wenger and pep guardiola - but jose mourinho has revealed how sir alex ferguson inspired him to try to be a gracious manager .the chelsea boss said in a wide-ranging interview with the telegraph that the legendary manchester united manager showed him ` two faces ' during their first competitive meeting in 2004 - the first one of a steely rival and the second one of a sporting loser .fergie 's manchester united were stunned by mourinho 's porto in the champions league in 2004\n", + "jose mourinho has spoken about his first meeting with sir alex fergusonmourinho 's porto beat manchester united in the 2004 champions leaguethe portuguese says fergie 's respect in defeat has influenced himmourinho : i have a problem , i am getting better and betterread : mourinho sides with arsene wenger in ballon d'or opposition\n", + "[1.2932283 1.3929079 1.3266398 1.372931 1.1279368 1.1547023 1.1407896\n", + " 1.0309683 1.0212266 1.0135318 1.0337926 1.1521888 1.0951011 1.1628656\n", + " 1.1282272 1.0642618 1.0133659 1.0526706 1.0105764 1.0229717 1.0102928\n", + " 1.0078373]\n", + "\n", + "[ 1 3 2 0 13 5 11 6 14 4 12 15 17 10 7 19 8 9 16 18 20 21]\n", + "=======================\n", + "[\"sadly , owner clem schultz 's beloved wife geraldine died in the blast .reunion : widower clem schultz was miraculously reunited with his dog missy on saturday after a deadly tornado hit illinois on thursday and killed his wife geraldinebeloved pet : clem schultz never imagined he would be reunited with missy have losing his love to the storm\"]\n", + "=======================\n", + "[\"clem schultz 's beloved wife geraldine died in the deadly tornado in illinois on thursdayschultz 's dog missy went missing for two days but luckily was found two days later unharmedmissy was so traumatized by the storm that she ran 2.5 miles from her loved ones once she was found until they could catch up with her\"]\n", + "sadly , owner clem schultz 's beloved wife geraldine died in the blast .reunion : widower clem schultz was miraculously reunited with his dog missy on saturday after a deadly tornado hit illinois on thursday and killed his wife geraldinebeloved pet : clem schultz never imagined he would be reunited with missy have losing his love to the storm\n", + "clem schultz 's beloved wife geraldine died in the deadly tornado in illinois on thursdayschultz 's dog missy went missing for two days but luckily was found two days later unharmedmissy was so traumatized by the storm that she ran 2.5 miles from her loved ones once she was found until they could catch up with her\n", + "[1.2116195 1.4608252 1.2614946 1.343288 1.202154 1.1252475 1.1687493\n", + " 1.0882078 1.0860076 1.0282851 1.0559454 1.057121 1.0591478 1.0804697\n", + " 1.0315716 1.0351046 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 4 6 5 7 8 13 12 11 10 15 14 9 16 17 18 19 20 21]\n", + "=======================\n", + "[\"david and margaret-ann rous were on an easter getaway when their private plane crashed into hills during bad weather in the scottish highlands .newlyweds : dr margaret-ann and david rous died when their light aircraft crashed into a scottish hillside while flying from their home in dundee to make a surprise to see family on the the hebridean isle of tireethe pair had arranged a secret visit using mr rous 's light aircraft to see his wife 's mother and sister on an island in the inner hebrides on saturday .\"]\n", + "=======================\n", + "[\"dr margaret-ann rous and her husband david were flying to tiree to see her mother and sistertheir bodies were found inside wreckage after the plane dropped off radarcouple married last july and were believed to be planning to start familydr rous 's sister johann has paid emotional tribute to her ` absolute rock '\"]\n", + "david and margaret-ann rous were on an easter getaway when their private plane crashed into hills during bad weather in the scottish highlands .newlyweds : dr margaret-ann and david rous died when their light aircraft crashed into a scottish hillside while flying from their home in dundee to make a surprise to see family on the the hebridean isle of tireethe pair had arranged a secret visit using mr rous 's light aircraft to see his wife 's mother and sister on an island in the inner hebrides on saturday .\n", + "dr margaret-ann rous and her husband david were flying to tiree to see her mother and sistertheir bodies were found inside wreckage after the plane dropped off radarcouple married last july and were believed to be planning to start familydr rous 's sister johann has paid emotional tribute to her ` absolute rock '\n", + "[1.4716477 1.2522461 1.3255934 1.1580484 1.2088245 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 4 3 19 18 17 16 15 14 13 10 11 20 9 8 7 6 5 12 21]\n", + "=======================\n", + "[\"manchester city are keen to sign anderlecht teenager evangelos patoulidis .the belgian starlet rejected a move to barcelona 's la masia academy when he was 12 as his family wanted him to continue his studies .the 14-year-old playmaker is regarded as one of the best talents to emerge from anderlecht 's youth set-up and has also attracted attention from arsenal and barcelona .\"]\n", + "=======================\n", + "['evangelos patoulidis also attracted interest from barcelona and arsenalanderlecht rejected a move to barcelona when he was 12city in talks with anderlecht chief roger vanden stock to complete a deal']\n", + "manchester city are keen to sign anderlecht teenager evangelos patoulidis .the belgian starlet rejected a move to barcelona 's la masia academy when he was 12 as his family wanted him to continue his studies .the 14-year-old playmaker is regarded as one of the best talents to emerge from anderlecht 's youth set-up and has also attracted attention from arsenal and barcelona .\n", + "evangelos patoulidis also attracted interest from barcelona and arsenalanderlecht rejected a move to barcelona when he was 12city in talks with anderlecht chief roger vanden stock to complete a deal\n", + "[1.2353013 1.5015912 1.3205631 1.2135463 1.213097 1.3246685 1.022394\n", + " 1.0283865 1.0844595 1.0527085 1.1592454 1.1128023 1.0720072 1.0538983\n", + " 1.0113034 1.0125374 1.026902 1.0186383 1.065873 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 5 2 0 3 4 10 11 8 12 18 13 9 7 16 6 17 15 14 20 19 21]\n", + "=======================\n", + "['siyanda ngwenya , known as adams , allegedly attacked the female contestant while she was asleep after a drunken night of partying in the house in johannesburg .the pair were last seen on tv kissing and cuddling in bed before the cameras moved away .a contestant on the south african version of big brother has been expelled from the show after being accused of raping a fellow housemate .']\n", + "=======================\n", + "[\"siyanda ngwenya accused of attacking the woman while she was asleephe ` boasted to housemates they had sex after night of drunken partying 'woman reportedly shocked by claims and said she did not consent to sexfans of the show have questioned the woman 's claims that she was raped\"]\n", + "siyanda ngwenya , known as adams , allegedly attacked the female contestant while she was asleep after a drunken night of partying in the house in johannesburg .the pair were last seen on tv kissing and cuddling in bed before the cameras moved away .a contestant on the south african version of big brother has been expelled from the show after being accused of raping a fellow housemate .\n", + "siyanda ngwenya accused of attacking the woman while she was asleephe ` boasted to housemates they had sex after night of drunken partying 'woman reportedly shocked by claims and said she did not consent to sexfans of the show have questioned the woman 's claims that she was raped\n", + "[1.2258224 1.3521519 1.3802165 1.1834563 1.3330542 1.1580018 1.0498029\n", + " 1.0987602 1.1108911 1.0477506 1.0811588 1.0898283 1.083501 1.0712324\n", + " 1.0500599 1.1902642 1.0484002 1.0063226 1.00988 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 4 0 15 3 5 8 7 11 12 10 13 14 6 16 9 18 17 19 20 21]\n", + "=======================\n", + "[\"daniel messel , 49 , of bloomington , was arrested after a police investigation and he is facing a preliminary charge of murder .police confirmed that hannah wilson 's body was found on friday in the rural area of needmore , indiana , which is about an hour drive outside bloomington , where she attended school , police said .indiana university student hannah wilson , 22 , was last seen at about 1am on friday .\"]\n", + "=======================\n", + "[\"hannah wilson , 22 , was last seen in bloomington at about 1am on fridaya missing persons report regarding the gamma phi beta sorority member was filed friday afternoonpolice found wilson 's body in needmore , more than 20 miles from campusshe died after being struck in the back of the head multiple times by an unknown objectdaniel messel , 49 , of bloomington was arrested and is facing a preliminary charge of murderthe connection between messel and wilson has not been revealed by police\"]\n", + "daniel messel , 49 , of bloomington , was arrested after a police investigation and he is facing a preliminary charge of murder .police confirmed that hannah wilson 's body was found on friday in the rural area of needmore , indiana , which is about an hour drive outside bloomington , where she attended school , police said .indiana university student hannah wilson , 22 , was last seen at about 1am on friday .\n", + "hannah wilson , 22 , was last seen in bloomington at about 1am on fridaya missing persons report regarding the gamma phi beta sorority member was filed friday afternoonpolice found wilson 's body in needmore , more than 20 miles from campusshe died after being struck in the back of the head multiple times by an unknown objectdaniel messel , 49 , of bloomington was arrested and is facing a preliminary charge of murderthe connection between messel and wilson has not been revealed by police\n", + "[1.2211204 1.3523521 1.3633177 1.3611114 1.2537241 1.1303313 1.1102543\n", + " 1.078587 1.0423313 1.0540648 1.0509359 1.0658237 1.0603567 1.0572635\n", + " 1.0256858 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 4 0 5 6 7 11 12 13 9 10 8 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the scientists discovered a protein which helps boost the body 's immune system ten-fold , an astonishing effect which could help patients fight off cancers and viruses .the protein promotes the production of immune cells called cytotoxic t-cells , which have the ability to detect cancerous cells , hunt them down , and destroy thema team led by imperial college london has already applied to patent the therapy , which they say could be ready for human trials within three years .\"]\n", + "=======================\n", + "['treatment developed by british team could boost ability to fight cancerimperial college london say human trials of therapy could begin in 3 yearsprotein discovered could boost immune system ten times to fight cancerthe chance discovery made when unknown molecule was found in mice']\n", + "the scientists discovered a protein which helps boost the body 's immune system ten-fold , an astonishing effect which could help patients fight off cancers and viruses .the protein promotes the production of immune cells called cytotoxic t-cells , which have the ability to detect cancerous cells , hunt them down , and destroy thema team led by imperial college london has already applied to patent the therapy , which they say could be ready for human trials within three years .\n", + "treatment developed by british team could boost ability to fight cancerimperial college london say human trials of therapy could begin in 3 yearsprotein discovered could boost immune system ten times to fight cancerthe chance discovery made when unknown molecule was found in mice\n", + "[1.0660778 1.0703939 1.419506 1.3229814 1.1165334 1.2066691 1.1407624\n", + " 1.1174732 1.0566086 1.0401605 1.0366235 1.1084474 1.0931205 1.0409464\n", + " 1.0494303 1.0410995 1.0773485 1.0365789 1.0485705 1.0259075 1.034599 ]\n", + "\n", + "[ 2 3 5 6 7 4 11 12 16 1 0 8 14 18 15 13 9 10 17 20 19]\n", + "=======================\n", + "[\"these are the ` nail ' houses in china left standing after their owners refused to give in to property developers vying for their demolition .homes such as these in china are known as ` dingzihu ' or ` nail houses ' because they stick out and are difficult to remove , like a stubborn nail .a nail house , the last building in the area , sits in the middle of a road under construction in nanning , guangxi zhuang autonomous region .\"]\n", + "=======================\n", + "[\"homes such as these in china are known as ` nail houses ' because they are difficult to remove , like a stubborn nailone house in wenling , zhejiang province , had a main road built around it when the owner refused to moveanother image shows a house sitting alone in a crater at the centre of a construction site in chongqing municipality\"]\n", + "these are the ` nail ' houses in china left standing after their owners refused to give in to property developers vying for their demolition .homes such as these in china are known as ` dingzihu ' or ` nail houses ' because they stick out and are difficult to remove , like a stubborn nail .a nail house , the last building in the area , sits in the middle of a road under construction in nanning , guangxi zhuang autonomous region .\n", + "homes such as these in china are known as ` nail houses ' because they are difficult to remove , like a stubborn nailone house in wenling , zhejiang province , had a main road built around it when the owner refused to moveanother image shows a house sitting alone in a crater at the centre of a construction site in chongqing municipality\n", + "[1.2382159 1.213701 1.0760163 1.1384438 1.1888057 1.3751268 1.0634199\n", + " 1.0684485 1.0304638 1.0297463 1.0334547 1.028762 1.0236373 1.0236193\n", + " 1.0303931 1.0396452 1.0260508 0. 0. 0. 0. ]\n", + "\n", + "[ 5 0 1 4 3 2 7 6 15 10 8 14 9 11 16 12 13 19 17 18 20]\n", + "=======================\n", + "[\"hibernian manager alan stubbs did not know what to make of peter houston 's recent post-match commentsor , more accurately , the falkirk manager 's sudden escalation of post-match comments into an all-out conflict .in the space of 10 minutes on monday , the hibs boss did placatory -- ` i have a lot of respect for peter and what he 's done ' -- and followed it with accusatory , as in ` i think you need to ask peter what he said when he came into my office after we got beat 1-0 in the first game ; it certainly was not what he said in the press ( on saturday ) . '\"]\n", + "=======================\n", + "[\"alan stubbs felt hibernian did enough to reach scottish cup finalfalkirk manager peter houston hit back at stubbs ' post-match commentshouston 's side take on inverness caledonian thistle on may 30\"]\n", + "hibernian manager alan stubbs did not know what to make of peter houston 's recent post-match commentsor , more accurately , the falkirk manager 's sudden escalation of post-match comments into an all-out conflict .in the space of 10 minutes on monday , the hibs boss did placatory -- ` i have a lot of respect for peter and what he 's done ' -- and followed it with accusatory , as in ` i think you need to ask peter what he said when he came into my office after we got beat 1-0 in the first game ; it certainly was not what he said in the press ( on saturday ) . '\n", + "alan stubbs felt hibernian did enough to reach scottish cup finalfalkirk manager peter houston hit back at stubbs ' post-match commentshouston 's side take on inverness caledonian thistle on may 30\n", + "[1.1341027 1.1200625 1.428715 1.2027645 1.1036695 1.0267918 1.1345628\n", + " 1.0758752 1.1504419 1.1537708 1.0423535 1.0506575 1.0530725 1.0201643\n", + " 1.0450305 1.047683 1.0270233 1.0195818 1.0538157 1.0846506 1.0467373]\n", + "\n", + "[ 2 3 9 8 6 0 1 4 19 7 18 12 11 15 20 14 10 16 5 13 17]\n", + "=======================\n", + "['the students ( aged 8 to 14 ) at the ibnu-siina school in northern kenya are getting a so-called \" western \" education , taking lessons in subjects like mathematics , science and english .but it \\'s an education that al-shabaab -- the somali-based terror group -- is trying to prevent the children from obtaining , according to the head of the school .it was the group \\'s deadliest attack to date .']\n", + "=======================\n", + "['looming threat of al-shabaab has terrified students and teachers in kenyaterror group massacred 147 at kenyan university last week']\n", + "the students ( aged 8 to 14 ) at the ibnu-siina school in northern kenya are getting a so-called \" western \" education , taking lessons in subjects like mathematics , science and english .but it 's an education that al-shabaab -- the somali-based terror group -- is trying to prevent the children from obtaining , according to the head of the school .it was the group 's deadliest attack to date .\n", + "looming threat of al-shabaab has terrified students and teachers in kenyaterror group massacred 147 at kenyan university last week\n", + "[1.4462199 1.4026111 1.260196 1.3989149 1.3604026 1.1881603 1.1170102\n", + " 1.1431441 1.1328309 1.0560393 1.0471078 1.0223391 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 4 2 5 7 8 6 9 10 11 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"hannover fired coach tayfun korkut on monday after a run of 13 games without a win left the club close to the bundesliga 's relegation zone .michael frontzek has been named as his successor , signing a contract valid for the remaining five matches of the season .tayfun korkut has been sacked by hannover after a long winless run saw the club fall down the league table\"]\n", + "=======================\n", + "['tayfun korkut was fired by hannover after the 4-0 defeat by bayer leverkusen on saturday left the club near the relegation zonemichael frontzek will take charge of hannover for the rest of the seasonhannover are currently 15th in the bundesliga table and are on a torrid run of 13 games without a win']\n", + "hannover fired coach tayfun korkut on monday after a run of 13 games without a win left the club close to the bundesliga 's relegation zone .michael frontzek has been named as his successor , signing a contract valid for the remaining five matches of the season .tayfun korkut has been sacked by hannover after a long winless run saw the club fall down the league table\n", + "tayfun korkut was fired by hannover after the 4-0 defeat by bayer leverkusen on saturday left the club near the relegation zonemichael frontzek will take charge of hannover for the rest of the seasonhannover are currently 15th in the bundesliga table and are on a torrid run of 13 games without a win\n", + "[1.2491181 1.3715771 1.1872456 1.4126245 1.1003003 1.1555096 1.0462697\n", + " 1.131263 1.0573475 1.1061319 1.072675 1.0647416 1.0168847 1.0157702\n", + " 1.0126337 1.1066024 1.1262879 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 2 5 7 16 15 9 4 10 11 8 6 12 13 14 18 17 19]\n", + "=======================\n", + "[\"steve harmison seems to be doing a fine job at ashington afc and has led them to seven wins on the spinrecent victories against west allotment celtic , penrith and celtic nation were particularly impressive , harmison is only looking up as a football coach .and former england skipper has supported his former england team-mate , posting a tongue-in-cheek tweet on tuesday night : ' ( sic ) hearing @harmy611 has now won 7 on the bounce as ashington manager ... .\"]\n", + "=======================\n", + "[\"steve harmison took job with local club ashington afc in januarynorthern league division one side have won their last seven gamesmichael vaughan says mike ashley should be watching out at newcastlejohn carver 's side were beaten 1-0 by local rivals sunderland on sunday\"]\n", + "steve harmison seems to be doing a fine job at ashington afc and has led them to seven wins on the spinrecent victories against west allotment celtic , penrith and celtic nation were particularly impressive , harmison is only looking up as a football coach .and former england skipper has supported his former england team-mate , posting a tongue-in-cheek tweet on tuesday night : ' ( sic ) hearing @harmy611 has now won 7 on the bounce as ashington manager ... .\n", + "steve harmison took job with local club ashington afc in januarynorthern league division one side have won their last seven gamesmichael vaughan says mike ashley should be watching out at newcastlejohn carver 's side were beaten 1-0 by local rivals sunderland on sunday\n", + "[1.075925 1.512883 1.2353723 1.3858438 1.1999524 1.0561417 1.1009287\n", + " 1.0321391 1.1411586 1.0726165 1.0499347 1.1041212 1.1495734 1.1187112\n", + " 1.0718054 1.0638425 1.0464327 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 12 8 13 11 6 0 9 14 15 5 10 16 7 18 17 19]\n", + "=======================\n", + "[\"the chelsea captain scored his side 's second goal in their 3-1 win away at leicester on wednesday night - as the blues close in on their fourth premier league title .the 34-year-old 's close-range effort took his tally for the season to seven in all competitions - making him the club 's joint third-highest goalscorer .radamel falcao has endured a difficult season on loan at manchester united - scoring only four goals\"]\n", + "=======================\n", + "[\"chelsea won 3-1 away at leicester in the premier league on wednesdayjohn terry scored chelsea 's second in their win at the king power stadiumgoal was terry 's fourth in the premier league this seasonex-west ham defender julian dicks scored 10 during the 1995-96 seasonread : branislav ivanovic has more assists than mesut ozil\"]\n", + "the chelsea captain scored his side 's second goal in their 3-1 win away at leicester on wednesday night - as the blues close in on their fourth premier league title .the 34-year-old 's close-range effort took his tally for the season to seven in all competitions - making him the club 's joint third-highest goalscorer .radamel falcao has endured a difficult season on loan at manchester united - scoring only four goals\n", + "chelsea won 3-1 away at leicester in the premier league on wednesdayjohn terry scored chelsea 's second in their win at the king power stadiumgoal was terry 's fourth in the premier league this seasonex-west ham defender julian dicks scored 10 during the 1995-96 seasonread : branislav ivanovic has more assists than mesut ozil\n", + "[1.2530805 1.4505911 1.1834639 1.177705 1.1699538 1.2467062 1.1661843\n", + " 1.1228635 1.0464334 1.0598775 1.0408381 1.0716703 1.1719837 1.0478489\n", + " 1.0449727 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 5 2 3 12 4 6 7 11 9 13 8 14 10 18 15 16 17 19]\n", + "=======================\n", + "[\"sbs journalist scott mcintyre was fired on sunday over his tweets which called anzac day ` the cultification of an imperialist invasion ' and accused australian diggers of committing war crimes which included ` widespread rape and theft . 'a senior writer for the australian financial review has labelled anzacs ` racist yobs ' , while standing up for an sbs football reporter who was sacked after condemning anzac day on twitter .speaking up in support of him , the afr 's geoff winestock wrote on the social media site : ` ridiculous .\"]\n", + "=======================\n", + "[\"australian financial review writer geoff winestock told fairfax to sack himhe hopes that ` in 50 years ' there are ` no soldiers around to honour 'mr winestock spoke out in support of sbs sports reporterscott mcintyre was sacked over his anzac day tweetsremembering ` rape and theft ' committed by ` brave ' anzacs , he tweetedmcintyre also called the gallipoli landings ` an imperialist invasion 'his comments sparked fury , with hundreds calling for him to be sacked` sbs apologises for any offence or harm caused by mr mcintyre 's comments ' the broadcaster says\"]\n", + "sbs journalist scott mcintyre was fired on sunday over his tweets which called anzac day ` the cultification of an imperialist invasion ' and accused australian diggers of committing war crimes which included ` widespread rape and theft . 'a senior writer for the australian financial review has labelled anzacs ` racist yobs ' , while standing up for an sbs football reporter who was sacked after condemning anzac day on twitter .speaking up in support of him , the afr 's geoff winestock wrote on the social media site : ` ridiculous .\n", + "australian financial review writer geoff winestock told fairfax to sack himhe hopes that ` in 50 years ' there are ` no soldiers around to honour 'mr winestock spoke out in support of sbs sports reporterscott mcintyre was sacked over his anzac day tweetsremembering ` rape and theft ' committed by ` brave ' anzacs , he tweetedmcintyre also called the gallipoli landings ` an imperialist invasion 'his comments sparked fury , with hundreds calling for him to be sacked` sbs apologises for any offence or harm caused by mr mcintyre 's comments ' the broadcaster says\n", + "[1.1334399 1.5352588 1.325496 1.4590652 1.0856216 1.0219417 1.0289817\n", + " 1.0178483 1.0208181 1.0996417 1.1365839 1.0426866 1.0448585 1.1259036\n", + " 1.0266196 1.0332078 1.0245047 1.0725381 0. 0. ]\n", + "\n", + "[ 1 3 2 10 0 13 9 4 17 12 11 15 6 14 16 5 8 7 18 19]\n", + "=======================\n", + "['jason mcdonald , 34 , from aurora , colorado , walked the thin rope line over a pool containing more the alligators - some which measure up to ten feet in length - at the colorado gator farm .crematory manager mr mcdonald , who volunteers at the farm , has been involved with alligators for over ten years and has taken handling classes , said he thought this would be an interesting new way of interacting with the fearsome creatures .mr mcdonald mounts the slackrope above the alligators pond where more than 50 of the reptiles live']\n", + "=======================\n", + "[\"jason mcdonald has over 10 years of experience as an alligator handlerwalked slackline over pool of 50 reptiles as new way to interact with themcrematory manager volunteers part time at the ` gator farm ' in coloradofootage shows him precariously balancing on rope as reptiles watch\"]\n", + "jason mcdonald , 34 , from aurora , colorado , walked the thin rope line over a pool containing more the alligators - some which measure up to ten feet in length - at the colorado gator farm .crematory manager mr mcdonald , who volunteers at the farm , has been involved with alligators for over ten years and has taken handling classes , said he thought this would be an interesting new way of interacting with the fearsome creatures .mr mcdonald mounts the slackrope above the alligators pond where more than 50 of the reptiles live\n", + "jason mcdonald has over 10 years of experience as an alligator handlerwalked slackline over pool of 50 reptiles as new way to interact with themcrematory manager volunteers part time at the ` gator farm ' in coloradofootage shows him precariously balancing on rope as reptiles watch\n", + "[1.2804031 1.2745912 1.1825287 1.2877183 1.2142668 1.0806118 1.0760988\n", + " 1.0545496 1.0281562 1.0302896 1.0391335 1.237917 1.0716256 1.0306818\n", + " 1.054117 1.0489473 1.0330809 1.0204337 1.0177594 1.0290126]\n", + "\n", + "[ 3 0 1 11 4 2 5 6 12 7 14 15 10 16 13 9 19 8 17 18]\n", + "=======================\n", + "['they are usually used to trap coffee grounds when brewing filter coffee at home but paper filters have a myriad of other household usesbut these lint-free , tear-resistant paper cones can be life-savers in many other situations , too .here femail has rounded up the 20 unusual things you can do with coffee filter papers']\n", + "=======================\n", + "['lint-free and tear resistant filters are good for a range of household taskswrap one sheet around celery stalks when storing in fridge to keep crispuse it to polish shoes , keep laundry smelling fresh and even as a plate']\n", + "they are usually used to trap coffee grounds when brewing filter coffee at home but paper filters have a myriad of other household usesbut these lint-free , tear-resistant paper cones can be life-savers in many other situations , too .here femail has rounded up the 20 unusual things you can do with coffee filter papers\n", + "lint-free and tear resistant filters are good for a range of household taskswrap one sheet around celery stalks when storing in fridge to keep crispuse it to polish shoes , keep laundry smelling fresh and even as a plate\n", + "[1.3363624 1.2627851 1.3511591 1.442272 1.0602117 1.1520753 1.2988673\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 0 6 1 5 4 23 22 21 20 19 18 17 16 12 14 13 24 11 10 9 8 7\n", + " 15 25]\n", + "=======================\n", + "[\"yeovil town manager paul sturrock suffered relegation with the club in only his second day in chargesturrock has been promoted five times as a manager but yeovil 's 1-1 draw with fellow strugglers notts county condemned them to relegation at huish park .paul sturrock experienced a baptism of fire at yeovil , as they were relegated for the second consecutive time in his first game in charge - two days after he got the job .\"]\n", + "=======================\n", + "[\"yeovil town drew 1-1 with notts county at huish park on saturdayresult condemned yeovil to relegation from league onepaul sturrock was appointed as yeovil 's latest manager on thursday\"]\n", + "yeovil town manager paul sturrock suffered relegation with the club in only his second day in chargesturrock has been promoted five times as a manager but yeovil 's 1-1 draw with fellow strugglers notts county condemned them to relegation at huish park .paul sturrock experienced a baptism of fire at yeovil , as they were relegated for the second consecutive time in his first game in charge - two days after he got the job .\n", + "yeovil town drew 1-1 with notts county at huish park on saturdayresult condemned yeovil to relegation from league onepaul sturrock was appointed as yeovil 's latest manager on thursday\n", + "[1.2594929 1.2720537 1.3493192 1.3209257 1.2914802 1.1514267 1.1050361\n", + " 1.0187397 1.0130342 1.0155532 1.0699315 1.0700994 1.1341149 1.2223383\n", + " 1.0654371 1.0711703 1.045702 1.0579073 1.0521569 1.0153805 1.0081522\n", + " 1.008702 1.0099739 0. 0. 0. ]\n", + "\n", + "[ 2 3 4 1 0 13 5 12 6 15 11 10 14 17 18 16 7 9 19 8 22 21 20 23\n", + " 24 25]\n", + "=======================\n", + "['the gunners are second in the barclays premier league following an eight-match winning run and face reading on saturday in the semi-finals of the fa cup .the performances of chilean star alexis sanchez have caught the eye of arsenal legend frank mclintockscottish defender mclintock made 403 appearances for the highbury club between 1964 and 1973']\n", + "=======================\n", + "[\"former arsenal defender impressed by chilean star 's debut seasonsays sanchez would be close to winning a place in best gunners teamsarsenal are second in premier league after eight-match winning runthey also face reading this saturday in semi-finals of fa cupread : arsenal have doubts over signing liverpool star sterling\"]\n", + "the gunners are second in the barclays premier league following an eight-match winning run and face reading on saturday in the semi-finals of the fa cup .the performances of chilean star alexis sanchez have caught the eye of arsenal legend frank mclintockscottish defender mclintock made 403 appearances for the highbury club between 1964 and 1973\n", + "former arsenal defender impressed by chilean star 's debut seasonsays sanchez would be close to winning a place in best gunners teamsarsenal are second in premier league after eight-match winning runthey also face reading this saturday in semi-finals of fa cupread : arsenal have doubts over signing liverpool star sterling\n", + "[1.4602855 1.327026 1.167123 1.3950554 1.1832957 1.1570363 1.074844\n", + " 1.0185833 1.1397132 1.1097994 1.020259 1.0644761 1.0460954 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 5 8 9 6 11 12 10 7 24 13 14 15 16 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"tennis star caroline wozniacki was forced to defend herself after she congratulated american golf sensation jordan spieth on twitter following his masters success .spieth rounded off a record-breaking week by winning the first major of his career with a four-shot victory in the masters at augustabut the tennis star was quick to ensure fans it was n't a dig at her former love interest rory mcilroy\"]\n", + "=======================\n", + "[\"caroline wozniacki took to twitter to congratulate golfer jordan spiethspieth won the first major of his career at the masters in augustabut fans were quick to question wozniacki 's motives following his winmany asked whether it was a dig at former fiancee rory mcilroyclick here for more news and reaction to masters 2015\"]\n", + "tennis star caroline wozniacki was forced to defend herself after she congratulated american golf sensation jordan spieth on twitter following his masters success .spieth rounded off a record-breaking week by winning the first major of his career with a four-shot victory in the masters at augustabut the tennis star was quick to ensure fans it was n't a dig at her former love interest rory mcilroy\n", + "caroline wozniacki took to twitter to congratulate golfer jordan spiethspieth won the first major of his career at the masters in augustabut fans were quick to question wozniacki 's motives following his winmany asked whether it was a dig at former fiancee rory mcilroyclick here for more news and reaction to masters 2015\n", + "[1.2598476 1.4871567 1.1250043 1.0857954 1.2890869 1.0313953 1.0575835\n", + " 1.0573282 1.0875306 1.0820409 1.0466279 1.205127 1.0949531 1.0157781\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 11 2 12 8 3 9 6 7 10 5 13 23 22 21 20 19 15 17 16 14 24\n", + " 18 25]\n", + "=======================\n", + "['lizzie cochran , a student at columbia university , has launched a kickstarter campaign to fund her upcoming fashion line epidemia designs , which she came up with after spending days upon days staring at cells through microscopes in her biology classes , and then spotting an article on epidemics that displayed images of deadly diseases from recent history .from the microscope to the mat : proposed clothing line epidemia will take images from biology and print them on eye-catching active apparela pre-med student in new york city is taking microscopic images of diseases and other biological structures and turning them into prints for her innovative new athletic apparel and accessories line .']\n", + "=======================\n", + "['pre-med student lizzie cochran has created clothing and accessories influenced by the microscopic structure of anatomy and diseaseshe has set up a kickstarter campaign to fund her venture , called epidemia designs , and has nearly reached her goal of $ 15,00015 per cent of profits will go to projects aiming to lower the impact of preventable diseases around the world']\n", + "lizzie cochran , a student at columbia university , has launched a kickstarter campaign to fund her upcoming fashion line epidemia designs , which she came up with after spending days upon days staring at cells through microscopes in her biology classes , and then spotting an article on epidemics that displayed images of deadly diseases from recent history .from the microscope to the mat : proposed clothing line epidemia will take images from biology and print them on eye-catching active apparela pre-med student in new york city is taking microscopic images of diseases and other biological structures and turning them into prints for her innovative new athletic apparel and accessories line .\n", + "pre-med student lizzie cochran has created clothing and accessories influenced by the microscopic structure of anatomy and diseaseshe has set up a kickstarter campaign to fund her venture , called epidemia designs , and has nearly reached her goal of $ 15,00015 per cent of profits will go to projects aiming to lower the impact of preventable diseases around the world\n", + "[1.3479514 1.1259489 1.3800224 1.1268905 1.0751722 1.112231 1.0639924\n", + " 1.0512917 1.1317278 1.1478359 1.1204545 1.0709155 1.0455557 1.0168635\n", + " 1.0157217 1.076916 1.085794 1.0224521 1.0611316 1.105949 1.0216553\n", + " 1.0145898 1.016402 1.0110949 1.0469248 1.0345339]\n", + "\n", + "[ 2 0 9 8 3 1 10 5 19 16 15 4 11 6 18 7 24 12 25 17 20 13 22 14\n", + " 21 23]\n", + "=======================\n", + "[\"anuradha koirala , who rescues victims of sex trafficking , has a rehabilitation center in kathmandu that is home to 425 young women and girls .( cnn ) two cnn heroes are among the earthquake survivors in kathmandu , nepal .koirala 's group is relying on bottled water and is now rationing food .\"]\n", + "=======================\n", + "['anuradha koirala and 425 young women and girls have been sleeping outdoors because of aftershockspushpa basnet and 45 children she cares for were forced to evacuate their residenceseven other cnn heroes and their organizations now assisting in relief efforts']\n", + "anuradha koirala , who rescues victims of sex trafficking , has a rehabilitation center in kathmandu that is home to 425 young women and girls .( cnn ) two cnn heroes are among the earthquake survivors in kathmandu , nepal .koirala 's group is relying on bottled water and is now rationing food .\n", + "anuradha koirala and 425 young women and girls have been sleeping outdoors because of aftershockspushpa basnet and 45 children she cares for were forced to evacuate their residenceseven other cnn heroes and their organizations now assisting in relief efforts\n", + "[1.2081901 1.5091201 1.2498245 1.3878359 1.2472613 1.0733411 1.0439428\n", + " 1.0496694 1.0612681 1.023232 1.059722 1.232726 1.1467705 1.1197116\n", + " 1.1027259 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 11 0 12 13 14 5 8 10 7 6 9 15 16 17 18 19 20]\n", + "=======================\n", + "[\"andrew barr , principal of the geelong college , south-west of melbourne , was allegedly photographed through a window as he watched pornography in his school office .the school council launched an investigation , which included a search of mr barr 's computer , after the photograph appeared on the social media site snapchat .the head of an elite victorian private school has resigned after a photograph of him looking at pornography on his work commuter circulated on social media .\"]\n", + "=======================\n", + "[\"head of the geelong college was photographed watching porn at workan investigation was launched after the photo was shared on snapchatandrew barr has resigned from his position as principalthe college council have called his actions ' a breach of our standards '\"]\n", + "andrew barr , principal of the geelong college , south-west of melbourne , was allegedly photographed through a window as he watched pornography in his school office .the school council launched an investigation , which included a search of mr barr 's computer , after the photograph appeared on the social media site snapchat .the head of an elite victorian private school has resigned after a photograph of him looking at pornography on his work commuter circulated on social media .\n", + "head of the geelong college was photographed watching porn at workan investigation was launched after the photo was shared on snapchatandrew barr has resigned from his position as principalthe college council have called his actions ' a breach of our standards '\n", + "[1.0991026 1.4238946 1.3456906 1.3722833 1.0793087 1.0280637 1.0616893\n", + " 1.0410372 1.0359213 1.0199438 1.03502 1.1524608 1.1097306 1.01337\n", + " 1.049527 1.033957 1.0281794 1.1047626 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 11 12 17 0 4 6 14 7 8 10 15 16 5 9 13 18 19 20]\n", + "=======================\n", + "[\"a new reddit thread asking users to submit the most horrendous baby names they have ever come across has attracted more than 18,000 comments in just 24 hours , and turned up a treasure trove of bad parental judgement calls .femail has compiled the worst examples , including the names ` orgasm ' , submitted by the daughter of a midwife who has heard her fair share of horror stories , and ` mazen ' , because ` it was ` mazen ' ( amazing ) when the child was born .one submitter reported a friend having named her child ` britney shakira beyonce ' , claiming : ` they would call her by the full name every time . '\"]\n", + "=======================\n", + "['a new reddit thread has garnered 18,000 submissions of terrible namesi ` munique , boy boy and abstinence were all stand-outsthe most popular uk baby names are currently sophia and muhammad']\n", + "a new reddit thread asking users to submit the most horrendous baby names they have ever come across has attracted more than 18,000 comments in just 24 hours , and turned up a treasure trove of bad parental judgement calls .femail has compiled the worst examples , including the names ` orgasm ' , submitted by the daughter of a midwife who has heard her fair share of horror stories , and ` mazen ' , because ` it was ` mazen ' ( amazing ) when the child was born .one submitter reported a friend having named her child ` britney shakira beyonce ' , claiming : ` they would call her by the full name every time . '\n", + "a new reddit thread has garnered 18,000 submissions of terrible namesi ` munique , boy boy and abstinence were all stand-outsthe most popular uk baby names are currently sophia and muhammad\n", + "[1.1600868 1.3954715 1.2924619 1.2857451 1.158516 1.2045037 1.1347865\n", + " 1.0618258 1.1619065 1.0161777 1.0181766 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 5 8 0 4 6 7 10 9 19 11 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"the mini-martha stewart , who is known simply as charli , has turned her popular channel , charliscraftykitchen into youtube 's largest food channel in less than three years - beating household names such as celebrity chef jamie oliver to claim the prestigious -- and lucrative -- title .according to data compiled by online video advertising company outrigger media , charli 's channel earned the young entrepreneur an estimated $ 127,777 ( aud $ 163,893 ) in march alone -- and that is after youtube 's share of the profits .meanwhile , charli and her five-year-old sister ashlee , who serves as the channel 's ` chief taste tester ' , are raking in an average of 29 million views per month for their crafty how-to videos .\"]\n", + "=======================\n", + "[\"charli , from queensland , australia , has turned charliscraftykitchen into youtube 's largest food channel in less than three yearsthe channels earns an average of 29 million views per monthcharli 's five-year-old sister ashlee also stars in the how-to cooking clipsone of their most popular videos , which demonstrates how to make frozen-themed popsicles , has received 57 million views in less than a year\"]\n", + "the mini-martha stewart , who is known simply as charli , has turned her popular channel , charliscraftykitchen into youtube 's largest food channel in less than three years - beating household names such as celebrity chef jamie oliver to claim the prestigious -- and lucrative -- title .according to data compiled by online video advertising company outrigger media , charli 's channel earned the young entrepreneur an estimated $ 127,777 ( aud $ 163,893 ) in march alone -- and that is after youtube 's share of the profits .meanwhile , charli and her five-year-old sister ashlee , who serves as the channel 's ` chief taste tester ' , are raking in an average of 29 million views per month for their crafty how-to videos .\n", + "charli , from queensland , australia , has turned charliscraftykitchen into youtube 's largest food channel in less than three yearsthe channels earns an average of 29 million views per monthcharli 's five-year-old sister ashlee also stars in the how-to cooking clipsone of their most popular videos , which demonstrates how to make frozen-themed popsicles , has received 57 million views in less than a year\n", + "[1.3150995 1.2481258 1.2475325 1.1168749 1.2537422 1.1758484 1.050539\n", + " 1.0542536 1.0585438 1.0592092 1.0560395 1.0427498 1.0330172 1.0234454\n", + " 1.0264599 1.1805587 1.1207049 1.062829 1.0386301 1.0525852 1.0227605]\n", + "\n", + "[ 0 4 1 2 15 5 16 3 17 9 8 10 7 19 6 11 18 12 14 13 20]\n", + "=======================\n", + "[\"when scottish student caitlin mcneill , 21 , posted a photo of a blue and black dress that looked white and gold from some angles , it sparked an internet debate so furious even a-listers could n't resist getting involved .nicola sturgeon 's dress divided opinion on twitter during last night 's debatethe snp stalwart , 44 , wore the opinion-splitting ensemble , which has variously been described as blue , grey and green , for her appearance on the bbc contenders ' debate last night .\"]\n", + "=======================\n", + "[\"viewers took to twitter to argue over the colour of nicola sturgeon 's dressmiss sturgeon 's dress appeared blue in some lights and green in othersothers thought she was wearing a grey dress during last night 's debatethe first #thedress debate was sparked by scottish student caitlin mcneill\"]\n", + "when scottish student caitlin mcneill , 21 , posted a photo of a blue and black dress that looked white and gold from some angles , it sparked an internet debate so furious even a-listers could n't resist getting involved .nicola sturgeon 's dress divided opinion on twitter during last night 's debatethe snp stalwart , 44 , wore the opinion-splitting ensemble , which has variously been described as blue , grey and green , for her appearance on the bbc contenders ' debate last night .\n", + "viewers took to twitter to argue over the colour of nicola sturgeon 's dressmiss sturgeon 's dress appeared blue in some lights and green in othersothers thought she was wearing a grey dress during last night 's debatethe first #thedress debate was sparked by scottish student caitlin mcneill\n", + "[1.6529253 1.3718736 1.1059116 1.0818748 1.4147664 1.103871 1.0156937\n", + " 1.00981 1.0999272 1.2491941 1.0466233 1.0851967 1.032235 1.0124955\n", + " 1.0406777 1.0885663 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 9 2 5 8 15 11 3 10 14 12 6 13 7 16 17 18 19 20]\n", + "=======================\n", + "[\"karim benzema hailed team-mate cristiano ronaldo as a ` phenomenon ' after the portuguese struck five goals in real madrid 's 9-1 mauling of granada .on sunday , benzema said on his club 's website : ` cristiano is a phenomenon , he is always looking for goals and ways to help the team .benzema also scored twice after gareth bale had opening the scoring as madrid 's much-vaunted ` bbc ' strikeforce combined to score eight of their side 's nine goals , with the other coming from a diego mainz own goal .\"]\n", + "=======================\n", + "[\"cristiano ronaldo bagged five goals in 9-1 victory against granadakarim benzema scored twice for carlo ancelotti 's real madrid sidebenzema believes ronaldo ` deserves everything he has achieved '\"]\n", + "karim benzema hailed team-mate cristiano ronaldo as a ` phenomenon ' after the portuguese struck five goals in real madrid 's 9-1 mauling of granada .on sunday , benzema said on his club 's website : ` cristiano is a phenomenon , he is always looking for goals and ways to help the team .benzema also scored twice after gareth bale had opening the scoring as madrid 's much-vaunted ` bbc ' strikeforce combined to score eight of their side 's nine goals , with the other coming from a diego mainz own goal .\n", + "cristiano ronaldo bagged five goals in 9-1 victory against granadakarim benzema scored twice for carlo ancelotti 's real madrid sidebenzema believes ronaldo ` deserves everything he has achieved '\n", + "[1.3319716 1.3462532 1.1246792 1.1168916 1.3592361 1.1483246 1.0400116\n", + " 1.1021494 1.097597 1.1458764 1.1973659 1.0756764 1.0370097 1.0241181\n", + " 1.0197316 1.071537 0. 0. 0. ]\n", + "\n", + "[ 4 1 0 10 5 9 2 3 7 8 11 15 6 12 13 14 17 16 18]\n", + "=======================\n", + "[\"grant hackett 's father has revealed the swimmer 's sleeping pill addiction was triggered by a death threatformer police inspector neville hackett said that his son had ` his life threatened by a well-known associate of criminals ' two years ago , leading the swimmer to immediately hop on a plane to his parent 's home in the gold coast . 'the revelation comes after the 34-year-old made a come back last sunday when he earned a 2015 world titles relay team berth by cruising to fourth place in one minute and 46.84 seconds\"]\n", + "=======================\n", + "[\"hackett 's father said son 's life was threatened by ` associate of criminals 'the threats , made two years ago , were not reported to policeinstead , neville hackett said his son turned to stilnox sleeping pillsit comes almost a week after hackett made his comeback by earning a spot in the 2015 world titles relay team\"]\n", + "grant hackett 's father has revealed the swimmer 's sleeping pill addiction was triggered by a death threatformer police inspector neville hackett said that his son had ` his life threatened by a well-known associate of criminals ' two years ago , leading the swimmer to immediately hop on a plane to his parent 's home in the gold coast . 'the revelation comes after the 34-year-old made a come back last sunday when he earned a 2015 world titles relay team berth by cruising to fourth place in one minute and 46.84 seconds\n", + "hackett 's father said son 's life was threatened by ` associate of criminals 'the threats , made two years ago , were not reported to policeinstead , neville hackett said his son turned to stilnox sleeping pillsit comes almost a week after hackett made his comeback by earning a spot in the 2015 world titles relay team\n", + "[1.3568417 1.3233874 1.2674032 1.2259306 1.192471 1.1144459 1.0722905\n", + " 1.1743295 1.1087784 1.1088048 1.0410275 1.0694468 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 7 5 9 8 6 11 10 17 12 13 14 15 16 18]\n", + "=======================\n", + "[\"the crew of a turkish airlines flight are being investigated after they allowed turkish football team captain arda turan into the cockpit so he could use the tannoy to congratulate his team-mates .he was celebrating after the team 's 2-1 international friendly victory against luxembourg and had gone to the cockpit to announce his congratulations over the pa system last week .but after the move was reported in turkish media , turkish aviation officials in the country 's civilian aviation directorate ( shgm ) said it was a serious breach of the safety rules of the flight back from the capital luxembourg city and warned that there would be consequences for the cabin crew .\"]\n", + "=======================\n", + "[\"arda turan was pictured in the cockpit of a turkish airlines flighthe used the pa to announce his congratulations after team 's 2-1 wincrew are facing sanctions because only pilots should be at controlsimage comes amid heightened safety concerns after alps plane crash\"]\n", + "the crew of a turkish airlines flight are being investigated after they allowed turkish football team captain arda turan into the cockpit so he could use the tannoy to congratulate his team-mates .he was celebrating after the team 's 2-1 international friendly victory against luxembourg and had gone to the cockpit to announce his congratulations over the pa system last week .but after the move was reported in turkish media , turkish aviation officials in the country 's civilian aviation directorate ( shgm ) said it was a serious breach of the safety rules of the flight back from the capital luxembourg city and warned that there would be consequences for the cabin crew .\n", + "arda turan was pictured in the cockpit of a turkish airlines flighthe used the pa to announce his congratulations after team 's 2-1 wincrew are facing sanctions because only pilots should be at controlsimage comes amid heightened safety concerns after alps plane crash\n", + "[1.3930771 1.3705413 1.2922274 1.3250244 1.2624549 1.0610416 1.0100905\n", + " 1.0741442 1.1061479 1.0166154 1.1965393 1.0502329 1.1278726 1.078063\n", + " 1.0979182 1.053848 1.0237274 1.0166187 0. ]\n", + "\n", + "[ 0 1 3 2 4 10 12 8 14 13 7 5 15 11 16 17 9 6 18]\n", + "=======================\n", + "[\"ryanair passengers travelling to edinburgh and zadar , croatia were delayed for hours after two of the budget airline 's planes clipped wings at dublin airport this morning .photos snapped by travellers show the tip of a winglet dangling by a thread after clipping the other plane - and it 's the second time in six months two ryanair planes have collided at ireland 's busiest airport .passengers escaped injury when the planes collided as they taxied to a runway shortly before 8am , but the incident caused disruption for hundreds of travellers .\"]\n", + "=======================\n", + "[\"planes were preparing to depart dublin for edinburgh and zadar , croatiaairline said they were under the instruction of air traffic controlwinglet of one aircraft appears to have scraped the tail fin of the otherit 's the second time in six months two ryanair planes have collided\"]\n", + "ryanair passengers travelling to edinburgh and zadar , croatia were delayed for hours after two of the budget airline 's planes clipped wings at dublin airport this morning .photos snapped by travellers show the tip of a winglet dangling by a thread after clipping the other plane - and it 's the second time in six months two ryanair planes have collided at ireland 's busiest airport .passengers escaped injury when the planes collided as they taxied to a runway shortly before 8am , but the incident caused disruption for hundreds of travellers .\n", + "planes were preparing to depart dublin for edinburgh and zadar , croatiaairline said they were under the instruction of air traffic controlwinglet of one aircraft appears to have scraped the tail fin of the otherit 's the second time in six months two ryanair planes have collided\n", + "[1.3319408 1.3543171 1.2018718 1.110962 1.293712 1.1696508 1.04578\n", + " 1.0312978 1.0559047 1.1002707 1.0385395 1.0901266 1.0486039 1.1227651\n", + " 1.0519656 1.0850735 1.0339534 0. 0. ]\n", + "\n", + "[ 1 0 4 2 5 13 3 9 11 15 8 14 12 6 10 16 7 17 18]\n", + "=======================\n", + "[\"the 37-year-old fashion veteran sported a tiny string bikini as she posed with her two-year-old son quinnlann clancy for a sweet snapshot , which she shared monday on her instagram account .supermodel maggie rizer only gave birth to her daughter cecilia kathryn nine weeks ago , but the mother-of-three is already back to her trim and toned self .` boogie boarding with my baby , ' she captioned the image .\"]\n", + "=======================\n", + "['the 37-year-old welcomed her first daughter cecilia kathryn into the world on february 9maggie and her husband alex mehran are also parents to two sons , three-year-old zander and two-year-old quinnlann clancythe parents are enjoying a beach vacation with their three children']\n", + "the 37-year-old fashion veteran sported a tiny string bikini as she posed with her two-year-old son quinnlann clancy for a sweet snapshot , which she shared monday on her instagram account .supermodel maggie rizer only gave birth to her daughter cecilia kathryn nine weeks ago , but the mother-of-three is already back to her trim and toned self .` boogie boarding with my baby , ' she captioned the image .\n", + "the 37-year-old welcomed her first daughter cecilia kathryn into the world on february 9maggie and her husband alex mehran are also parents to two sons , three-year-old zander and two-year-old quinnlann clancythe parents are enjoying a beach vacation with their three children\n", + "[1.2211636 1.3509204 1.3573935 1.2571595 1.2118365 1.0623168 1.0255635\n", + " 1.125475 1.0923219 1.0924917 1.0654234 1.0601288 1.1162055 1.0691496\n", + " 1.0637167 1.0770447 1.0221518 1.0176648 1.0706701]\n", + "\n", + "[ 2 1 3 0 4 7 12 9 8 15 18 13 10 14 5 11 6 16 17]\n", + "=======================\n", + "['the family claim she was then put on a discredited liverpool care pathway-style treatment for the dying -- having fluid and nutrition drips removed six days before she passed away .medics told the family of margaret hesketh that there was little they could do for the 70-year-old because she was riddled with tumours , her children will claim at an inquest this week .doctors have been accused of letting a woman die after wrongly concluding she had terminal cancer .']\n", + "=======================\n", + "['medics told the family of margaret hesketh she was riddled with tumoursrelatives say she was then put on discredited treatment for the dyinghad fluid and nutrition drips removed six days before she passed awayfamily say post-mortem exam found no sign of cancer in the grandmother']\n", + "the family claim she was then put on a discredited liverpool care pathway-style treatment for the dying -- having fluid and nutrition drips removed six days before she passed away .medics told the family of margaret hesketh that there was little they could do for the 70-year-old because she was riddled with tumours , her children will claim at an inquest this week .doctors have been accused of letting a woman die after wrongly concluding she had terminal cancer .\n", + "medics told the family of margaret hesketh she was riddled with tumoursrelatives say she was then put on discredited treatment for the dyinghad fluid and nutrition drips removed six days before she passed awayfamily say post-mortem exam found no sign of cancer in the grandmother\n", + "[1.4027061 1.1003995 1.0537088 1.237388 1.2383674 1.3550141 1.1251006\n", + " 1.0492755 1.0814785 1.0694138 1.1050028 1.0517817 1.0604348 1.04515\n", + " 1.0476123 1.0753441 0. 0. 0. 0. ]\n", + "\n", + "[ 0 5 4 3 6 10 1 8 15 9 12 2 11 7 14 13 16 17 18 19]\n", + "=======================\n", + "[\"john helm was commentating on bradford city 's game against lincoln city when the fire broke out and still struggles to listen to his description of that fatal day .what i did not expect was for someone to suggest the fire may not have been an accident , as martin fletcher has done with his book fifty-six , the story of the bradford fire .he said it was believed the fire had been started by a man , visiting this country from australia , but his name was never revealed .\"]\n", + "=======================\n", + "[\"john helm was commentating on the game the day the fire broke outhe gives his insight into what cause the blaze 30 years ago` from everything i have been told there is n't a jot of evidence to suggest the blaze was caused deliberately , ' says helm\"]\n", + "john helm was commentating on bradford city 's game against lincoln city when the fire broke out and still struggles to listen to his description of that fatal day .what i did not expect was for someone to suggest the fire may not have been an accident , as martin fletcher has done with his book fifty-six , the story of the bradford fire .he said it was believed the fire had been started by a man , visiting this country from australia , but his name was never revealed .\n", + "john helm was commentating on the game the day the fire broke outhe gives his insight into what cause the blaze 30 years ago` from everything i have been told there is n't a jot of evidence to suggest the blaze was caused deliberately , ' says helm\n", + "[1.3888123 1.3919752 1.3605064 1.3883047 1.2647256 1.2616012 1.0584319\n", + " 1.088242 1.0886598 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 5 8 7 6 17 16 15 14 9 12 11 10 18 13 19]\n", + "=======================\n", + "[\"the former real madrid and inter milan midfielder signed a one-year deal with leicester last summer and has been in excellent form .leicester city midfielder esteban cambiasso is wanted by delhi dynamos for india 's i-league .nigel pearson is keen for the 34-year-old to stay for another season but much will hinge on leicester staying in the premier league .\"]\n", + "=======================\n", + "['esteban cambiasso signed a one-year deal at leicester city last summerdelhi dynamos want to bring him to the new indian super league seasonnigel pearson would like to keep him at the club if leicester stay up']\n", + "the former real madrid and inter milan midfielder signed a one-year deal with leicester last summer and has been in excellent form .leicester city midfielder esteban cambiasso is wanted by delhi dynamos for india 's i-league .nigel pearson is keen for the 34-year-old to stay for another season but much will hinge on leicester staying in the premier league .\n", + "esteban cambiasso signed a one-year deal at leicester city last summerdelhi dynamos want to bring him to the new indian super league seasonnigel pearson would like to keep him at the club if leicester stay up\n", + "[1.5364556 1.1516029 1.4286954 1.333214 1.1204172 1.1250576 1.0573667\n", + " 1.0370659 1.0702623 1.0369422 1.0327333 1.172045 1.0769129 1.0780848\n", + " 1.0408374 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 11 1 5 4 13 12 8 6 14 7 9 10 18 15 16 17 19]\n", + "=======================\n", + "[\"joe anderson , 56 , the mayor of liverpool , claimed # 4,500 per year from chesterfield high school , merseyside , despite doing nothing for pupilsmr anderson , who is paid an # 80,000 salary , tried to sue the school ( pictured ) for discrimination after it stopped the payments , saying he was being punished for a ` philosophical belief ' in public servicein the most recent case , judge daniel serota ruled that outsiders would consider the payments a ` misapplication of public monies ' and that the school was right to stop them .\"]\n", + "=======================\n", + "['joe anderson , 56 , earns # 80,000 in full-time job as the mayor of liverpoolwas also taking annual payments of # 4,500 from chesterfield high schoolwhen school stopped payouts , he tried to sue them for discriminationappeal tribunal rejected claim he was punished for belief in public service']\n", + "joe anderson , 56 , the mayor of liverpool , claimed # 4,500 per year from chesterfield high school , merseyside , despite doing nothing for pupilsmr anderson , who is paid an # 80,000 salary , tried to sue the school ( pictured ) for discrimination after it stopped the payments , saying he was being punished for a ` philosophical belief ' in public servicein the most recent case , judge daniel serota ruled that outsiders would consider the payments a ` misapplication of public monies ' and that the school was right to stop them .\n", + "joe anderson , 56 , earns # 80,000 in full-time job as the mayor of liverpoolwas also taking annual payments of # 4,500 from chesterfield high schoolwhen school stopped payouts , he tried to sue them for discriminationappeal tribunal rejected claim he was punished for belief in public service\n", + "[1.2150779 1.4102167 1.2908138 1.2005128 1.2005088 1.2321275 1.1506449\n", + " 1.0895047 1.1445506 1.1051565 1.0215896 1.0261061 1.0505482 1.0484625\n", + " 1.0315282 1.0852089 1.078692 1.0242697 1.1211675 0. ]\n", + "\n", + "[ 1 2 5 0 3 4 6 8 18 9 7 15 16 12 13 14 11 17 10 19]\n", + "=======================\n", + "['the manager of the deli in brooklyn said detective ian cyrus , who has been suspended without pay , was caught on camera stealing cash .his supervisor has been placed on desk duty .five new york police department ( nypd ) detectives went to the brooklyn store on friday april 3 and arrested two employees accused of selling untaxed cigarettes , according to abc7 eyewitness news .']\n", + "=======================\n", + "[\"store manager claims detective ian cyrus was caught on camera stealingnew york detectives were arresting workers for selling untaxed cigaretteshe 's been suspended without pay and his supervisor placed on desk duty\"]\n", + "the manager of the deli in brooklyn said detective ian cyrus , who has been suspended without pay , was caught on camera stealing cash .his supervisor has been placed on desk duty .five new york police department ( nypd ) detectives went to the brooklyn store on friday april 3 and arrested two employees accused of selling untaxed cigarettes , according to abc7 eyewitness news .\n", + "store manager claims detective ian cyrus was caught on camera stealingnew york detectives were arresting workers for selling untaxed cigaretteshe 's been suspended without pay and his supervisor placed on desk duty\n", + "[1.2387002 1.4243476 1.2580842 1.3307639 1.17404 1.1134684 1.2099487\n", + " 1.2607167 1.0500234 1.0449828 1.0279794 1.0831573 1.0428666 1.0207248\n", + " 1.0865635 1.0608679 1.1130153 1.0229628 1.0333681 1.0104678]\n", + "\n", + "[ 1 3 7 2 0 6 4 5 16 14 11 15 8 9 12 18 10 17 13 19]\n", + "=======================\n", + "['the directorate of religious affairs for turkey stated that the use of the material for hygiene is acceptable but water was preferable .a new islamic fatwa in turkey has decreed that muslims are allowed to use toilet paperislamic teachings traditionally state that followers should use water to clean themselves after going to the toilet .']\n", + "=======================\n", + "['announcement states the use of toilet paper by muslims is now permitteddirectorate of religious affairs for turkey allows it but says water is betterislamic rules previously said that followers should use water or left hand']\n", + "the directorate of religious affairs for turkey stated that the use of the material for hygiene is acceptable but water was preferable .a new islamic fatwa in turkey has decreed that muslims are allowed to use toilet paperislamic teachings traditionally state that followers should use water to clean themselves after going to the toilet .\n", + "announcement states the use of toilet paper by muslims is now permitteddirectorate of religious affairs for turkey allows it but says water is betterislamic rules previously said that followers should use water or left hand\n", + "[1.1938003 1.4765761 1.4147614 1.2546148 1.2598579 1.2037729 1.1686147\n", + " 1.1280116 1.067378 1.0880474 1.0642685 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 5 0 6 7 9 8 10 17 11 12 13 14 15 16 18]\n", + "=======================\n", + "['daniel steele , 25 , was arrested at his home in raleigh not long after the shooting which occurred at approximately 9.40 pm on saturday night .kimberly dianne richardson , left , was rushed to hospital in raleigh , north carolina , but died in the early hours of sunday .her baby , a girl , survived and is being cared for at wakemed hospital .']\n", + "=======================\n", + "['kimberly dianne richardson , 25 , was rushed to hospital in raleigh , north carolina , but died in the early hours of sundaydaniel steele , 25 , has been arrested and charged with murderrichardson was six months pregnant and her child - a girl - was safely delivered at a local hospital']\n", + "daniel steele , 25 , was arrested at his home in raleigh not long after the shooting which occurred at approximately 9.40 pm on saturday night .kimberly dianne richardson , left , was rushed to hospital in raleigh , north carolina , but died in the early hours of sunday .her baby , a girl , survived and is being cared for at wakemed hospital .\n", + "kimberly dianne richardson , 25 , was rushed to hospital in raleigh , north carolina , but died in the early hours of sundaydaniel steele , 25 , has been arrested and charged with murderrichardson was six months pregnant and her child - a girl - was safely delivered at a local hospital\n", + "[1.089693 1.0608988 1.1057158 1.3381552 1.1040893 1.2616932 1.0324395\n", + " 1.1672915 1.2109584 1.091455 1.0512707 1.0373633 1.0645704 1.1167704\n", + " 1.0694385 1.0539373 1.0637646 0. 0. ]\n", + "\n", + "[ 3 5 8 7 13 2 4 9 0 14 12 16 1 15 10 11 6 17 18]\n", + "=======================\n", + "['a # 5 bottle has suddenly become # 12 because the wine has lingered in an oak barrel before bottling .the oak bottle promises to impart an authentic aged flavour -- a process that can take up to two years -- in just a day or two .the product , which retails at # 50 , is the brainchild of 30-year-old entrepreneur joel paglione .']\n", + "=======================\n", + "[\"the oak bottle claims to ` oak age ' wine in hours rather than yearsthe product retails at # 50 and promises to impart authentic aged flavoursoz clarke says its a fun product and would make an interesting giftvisit oakbottle.com .\"]\n", + "a # 5 bottle has suddenly become # 12 because the wine has lingered in an oak barrel before bottling .the oak bottle promises to impart an authentic aged flavour -- a process that can take up to two years -- in just a day or two .the product , which retails at # 50 , is the brainchild of 30-year-old entrepreneur joel paglione .\n", + "the oak bottle claims to ` oak age ' wine in hours rather than yearsthe product retails at # 50 and promises to impart authentic aged flavoursoz clarke says its a fun product and would make an interesting giftvisit oakbottle.com .\n", + "[1.3524383 1.4518328 1.4714941 1.343915 1.116085 1.0253162 1.0107548\n", + " 1.0139654 1.0096215 1.2741084 1.2179052 1.0141777 1.0209624 1.1570566\n", + " 1.1089365 1.0503697 1.1180166 0. 0. ]\n", + "\n", + "[ 2 1 0 3 9 10 13 16 4 14 15 5 12 11 7 6 8 17 18]\n", + "=======================\n", + "[\"northampton wing george north has been advised by leading medics not to play again this season after suffering four quick-fire concussions , while ireland 's johnny sexton was stood down for 12 weeks earlier this term .the england full-back remains unsure when he will return after pulling out of harlequins ' aviva premiership clash with saracens at wembley last weekend .mike brown admitted he would adopt a ` cautious ' approach in recovering from his latest concussion setback .\"]\n", + "=======================\n", + "['saracens beat harlequins 42-14 at wembley stadium on march 28harlequins full back mike brown pulled out of the aviva premiership clashbrown is still wary after suffering concussion while on england duty']\n", + "northampton wing george north has been advised by leading medics not to play again this season after suffering four quick-fire concussions , while ireland 's johnny sexton was stood down for 12 weeks earlier this term .the england full-back remains unsure when he will return after pulling out of harlequins ' aviva premiership clash with saracens at wembley last weekend .mike brown admitted he would adopt a ` cautious ' approach in recovering from his latest concussion setback .\n", + "saracens beat harlequins 42-14 at wembley stadium on march 28harlequins full back mike brown pulled out of the aviva premiership clashbrown is still wary after suffering concussion while on england duty\n", + "[1.1749022 1.1583303 1.4362919 1.2668144 1.2646521 1.162659 1.130361\n", + " 1.1051569 1.073284 1.0539196 1.08706 1.0783812 1.0638932 1.04126\n", + " 1.030806 1.0476452 1.0514647 1.0208372 0. ]\n", + "\n", + "[ 2 3 4 0 5 1 6 7 10 11 8 12 9 16 15 13 14 17 18]\n", + "=======================\n", + "['a europe-wide survey of 19,000 people revealed that the more a country paid to the unemployed or sick , and invested in employment schemes , the more likely its residents were to want a job .benefits and welfare schemes are often blamed for making people less likely to want to work .in estonia , one of least generous , only around 40 % did']\n", + "=======================\n", + "['a europe-wide survey of 19,000 people revealed that the more a country paid to the unemployed , the more likely its residents were to want a jobnorway pays the highest benefits and almost 80 % of people wanted a jobby contrast in estonia , one of least generous , only around 40 per cent did']\n", + "a europe-wide survey of 19,000 people revealed that the more a country paid to the unemployed or sick , and invested in employment schemes , the more likely its residents were to want a job .benefits and welfare schemes are often blamed for making people less likely to want to work .in estonia , one of least generous , only around 40 % did\n", + "a europe-wide survey of 19,000 people revealed that the more a country paid to the unemployed , the more likely its residents were to want a jobnorway pays the highest benefits and almost 80 % of people wanted a jobby contrast in estonia , one of least generous , only around 40 per cent did\n", + "[1.1655143 1.3825397 1.2704622 1.2690871 1.0790389 1.2166208 1.1604003\n", + " 1.119107 1.063815 1.0842205 1.0811617 1.0398772 1.0439508 1.0657549\n", + " 1.0829114 1.0675607 1.0276489 1.0376222 1.0461677]\n", + "\n", + "[ 1 2 3 5 0 6 7 9 14 10 4 15 13 8 18 12 11 17 16]\n", + "=======================\n", + "[\"iraqi officials said izzat ibrahim al-douri had died in fighting with government troops in salahuddin province , north of baghdad , on friday .today , his body was returned to baghdad and delivered to the ministry of health as crowds gathered to get a closer look at the ` king of clubs ' .al-douri was ranked sixth on the us military 's list of the 55 most-wanted iraqis after the offensive to overthrow saddam and had a $ 10m bounty on his head\"]\n", + "=======================\n", + "[\"iraqi officials say izzat ibrahim al-douri , 72 , has died in fighting in tikrithe was one of saddam hussein 's most trusted henchmen in ba'ath partyhad a $ 10m bounty on his head and was one of the us 's most wanted menbody returned to baghdad today and delivered to the ministry of healthwarning : graphic content\"]\n", + "iraqi officials said izzat ibrahim al-douri had died in fighting with government troops in salahuddin province , north of baghdad , on friday .today , his body was returned to baghdad and delivered to the ministry of health as crowds gathered to get a closer look at the ` king of clubs ' .al-douri was ranked sixth on the us military 's list of the 55 most-wanted iraqis after the offensive to overthrow saddam and had a $ 10m bounty on his head\n", + "iraqi officials say izzat ibrahim al-douri , 72 , has died in fighting in tikrithe was one of saddam hussein 's most trusted henchmen in ba'ath partyhad a $ 10m bounty on his head and was one of the us 's most wanted menbody returned to baghdad today and delivered to the ministry of healthwarning : graphic content\n", + "[1.4287156 1.4649966 1.2694644 1.5277201 1.1808614 1.0402118 1.036293\n", + " 1.0193802 1.0340931 1.0305734 1.0278904 1.0641735 1.1090132 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 2 4 12 11 5 6 8 9 10 7 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"lionel messi wants celtic to play in the champions league to sample the ` best atmosphere in europe ' againthe scottish giants failed to qualify for europe 's elite club competition this campaign after losing 2-1 on aggregate to slovenian outfit maribor in the play-off round in august .the bhoys ' celtic park is famous for it 's electrifying atmosphere during champions league nights and messi who has sampled this first hand with barcelona in 2008 , 2012 and 2013 would like a repeat scenario with the catalan club so he can collect more mementos and memories .\"]\n", + "=======================\n", + "['lionel messi has played at celtic park three times with barcelona to dateceltic failed to qualify for the champions league this seasonbarcelona face psg in the champions league quarter-finals this campaign']\n", + "lionel messi wants celtic to play in the champions league to sample the ` best atmosphere in europe ' againthe scottish giants failed to qualify for europe 's elite club competition this campaign after losing 2-1 on aggregate to slovenian outfit maribor in the play-off round in august .the bhoys ' celtic park is famous for it 's electrifying atmosphere during champions league nights and messi who has sampled this first hand with barcelona in 2008 , 2012 and 2013 would like a repeat scenario with the catalan club so he can collect more mementos and memories .\n", + "lionel messi has played at celtic park three times with barcelona to dateceltic failed to qualify for the champions league this seasonbarcelona face psg in the champions league quarter-finals this campaign\n", + "[1.4838197 1.3949655 1.3073769 1.4372925 1.1257701 1.0380967 1.0393558\n", + " 1.037038 1.030314 1.026724 1.2976706 1.1020576 1.0912588 1.0874499\n", + " 1.1298761 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 10 14 4 11 12 13 6 5 7 8 9 15 16 17 18 19]\n", + "=======================\n", + "['arsenal are close to signing argentine wonderkid maxi romero - who has been dubbed the next lionel messi .the gunners are in advanced talks with velez sarsfield over a # 4.5 million swoop for the teenage sensation .arsenal are confident of completing a deal for the 16-year-old in the coming days .']\n", + "=======================\n", + "[\"arsenal in advanced talks with velez sarsfield over deal for maxi romerothe 16-year-old wonderkid has been dubbed the next lionel messiromero is expected to remain with velez on loan for at least two seasonsvelez president confirmed arsenal have made a ` big offer ' for the playerromero 's agent revealed he has met twice with arsene wenger in london\"]\n", + "arsenal are close to signing argentine wonderkid maxi romero - who has been dubbed the next lionel messi .the gunners are in advanced talks with velez sarsfield over a # 4.5 million swoop for the teenage sensation .arsenal are confident of completing a deal for the 16-year-old in the coming days .\n", + "arsenal in advanced talks with velez sarsfield over deal for maxi romerothe 16-year-old wonderkid has been dubbed the next lionel messiromero is expected to remain with velez on loan for at least two seasonsvelez president confirmed arsenal have made a ` big offer ' for the playerromero 's agent revealed he has met twice with arsene wenger in london\n", + "[1.2020602 1.3263272 1.4074585 1.1179199 1.1451313 1.3102953 1.1144502\n", + " 1.0922325 1.0675735 1.0153044 1.0761244 1.0609337 1.0432189 1.1154792\n", + " 1.0525177 1.0213052 1.0327008 1.042135 1.0475208 1.01744 ]\n", + "\n", + "[ 2 1 5 0 4 3 13 6 7 10 8 11 14 18 12 17 16 15 19 9]\n", + "=======================\n", + "[\"kim has revealed that she changes her food intake every ten days and works with a nutritionist to create meal plans for her and husband kanye west .harpers bazaar magazine has published an extract from the star 's book selfish revealing what she dines on each day .global megastar kim kardashian has lifted the lid on what exactly she eats to keep her curvaceous figure in tip-top condition .\"]\n", + "=======================\n", + "[\"kim kardashian has revealed her daily diet in extract from her new bookthe star changes her meals every ten days with the help of a nutritionistkim typically eats eggs for breakfast and fish with vegetables for lunchother stars to reveal their eating habits include beyoncé and j-lojennifer aniston is a new atkins fan while gwyneth paltrow eats ` good '\"]\n", + "kim has revealed that she changes her food intake every ten days and works with a nutritionist to create meal plans for her and husband kanye west .harpers bazaar magazine has published an extract from the star 's book selfish revealing what she dines on each day .global megastar kim kardashian has lifted the lid on what exactly she eats to keep her curvaceous figure in tip-top condition .\n", + "kim kardashian has revealed her daily diet in extract from her new bookthe star changes her meals every ten days with the help of a nutritionistkim typically eats eggs for breakfast and fish with vegetables for lunchother stars to reveal their eating habits include beyoncé and j-lojennifer aniston is a new atkins fan while gwyneth paltrow eats ` good '\n", + "[1.2680573 1.4644518 1.2979082 1.3028668 1.1145719 1.0582963 1.0471631\n", + " 1.0541384 1.1052685 1.082114 1.0650051 1.0574797 1.0620772 1.0995548\n", + " 1.1062539 1.1029266 1.0787278 1.0516022 1.0564548 1.0764799]\n", + "\n", + "[ 1 3 2 0 4 14 8 15 13 9 16 19 10 12 5 11 18 7 17 6]\n", + "=======================\n", + "['the maglev train completed a test run on a track in yamanashi , beating the previous record of 361mph ( 580km/h ) set in 2003 .a japanese bullet train has broken the speed record for rail vehicles by reaching 366mph ( 589km/h )another attempt is scheduled for tomorrow , and engineers at the central japan railway company predict it could reach 373mph ( 600km/h ) .']\n", + "=======================\n", + "[\"seven-car train beat previous record of 361mph ( 580km/h ) set in 2003it made use of a magnetic charge to lift and move it above a guidewaymaglev service between tokyo and nagoya will begin running in 2027train 's engineers are planning new attempt to reach 373mph ( 600km/h )\"]\n", + "the maglev train completed a test run on a track in yamanashi , beating the previous record of 361mph ( 580km/h ) set in 2003 .a japanese bullet train has broken the speed record for rail vehicles by reaching 366mph ( 589km/h )another attempt is scheduled for tomorrow , and engineers at the central japan railway company predict it could reach 373mph ( 600km/h ) .\n", + "seven-car train beat previous record of 361mph ( 580km/h ) set in 2003it made use of a magnetic charge to lift and move it above a guidewaymaglev service between tokyo and nagoya will begin running in 2027train 's engineers are planning new attempt to reach 373mph ( 600km/h )\n", + "[1.2074903 1.3787389 1.2554412 1.1756499 1.1518152 1.2681725 1.0724286\n", + " 1.0836577 1.1472468 1.1376907 1.0496169 1.1005765 1.067017 1.0763946\n", + " 1.1004574 1.0173855 1.0182445 0. 0. 0. ]\n", + "\n", + "[ 1 5 2 0 3 4 8 9 11 14 7 13 6 12 10 16 15 18 17 19]\n", + "=======================\n", + "[\"the latest polls have the two main parties locked on around 35 per cent , pointing to another hung parliament on may 7 .one bookie alone has taken five bets for more than # 10,000 on david cameron 's party to emerge with the most seats -- with not a single bet of this size on ed miliband 's labour .but while voters are saying one thing in public , britain 's bookies are seeing a completely different picture in private -- with punters placing a flood of cash on the tories .\"]\n", + "=======================\n", + "['exclusive : punters backing the tories to finish as largest partytwice as many bets are being placed on the tories to win over labourone bookie alone has taken five bets for more than # 10,000 on the toriesgeneral election set to be the first to break the # 100million betting barrier']\n", + "the latest polls have the two main parties locked on around 35 per cent , pointing to another hung parliament on may 7 .one bookie alone has taken five bets for more than # 10,000 on david cameron 's party to emerge with the most seats -- with not a single bet of this size on ed miliband 's labour .but while voters are saying one thing in public , britain 's bookies are seeing a completely different picture in private -- with punters placing a flood of cash on the tories .\n", + "exclusive : punters backing the tories to finish as largest partytwice as many bets are being placed on the tories to win over labourone bookie alone has taken five bets for more than # 10,000 on the toriesgeneral election set to be the first to break the # 100million betting barrier\n", + "[1.2382883 1.4326692 1.1849599 1.2522235 1.0968212 1.2277063 1.1688778\n", + " 1.1406224 1.1474416 1.102885 1.0454642 1.0499041 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 5 2 6 8 7 9 4 11 10 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "['the figure went up from 16 to 31 per cent among men named nigel , the poll of 46,000 people found .if your name is nigel you are twice as likely as the general population to vote ukip , according to research .the study found that the three names most likely to vote tory were charlotte , fiona and pauline whereas those least likely to were sharon , samantha -- unfortunately for the pm -- and clare without an i .']\n", + "=======================\n", + "['those named nigel are twice as likely to vote ukip , according to researchthe three names most likely to vote tory are charlotte , fiona and paulineand those named michelle , june or andy are likely to vote for labour']\n", + "the figure went up from 16 to 31 per cent among men named nigel , the poll of 46,000 people found .if your name is nigel you are twice as likely as the general population to vote ukip , according to research .the study found that the three names most likely to vote tory were charlotte , fiona and pauline whereas those least likely to were sharon , samantha -- unfortunately for the pm -- and clare without an i .\n", + "those named nigel are twice as likely to vote ukip , according to researchthe three names most likely to vote tory are charlotte , fiona and paulineand those named michelle , june or andy are likely to vote for labour\n", + "[1.2976793 1.3775041 1.281013 1.3717718 1.2287292 1.18605 1.0656421\n", + " 1.0219023 1.0298039 1.0434326 1.0939502 1.1104784 1.0310727 1.148481\n", + " 1.0366936 1.0148891 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 5 13 11 10 6 9 14 12 8 7 15 16 17 18 19]\n", + "=======================\n", + "[\"thomas buckett plunged 15ft on to a concrete floor after friends dared him to jump on a glass skylight , and sustained life-changing head injuries as a result .defeat : thomas buckett , 21 , faces a huge legal bill after unsuccessfully suing staffordshire county councila court heard the group of teenagers had broken into the school 's tuck shop before scaling the roof on a sunday in may 2010 .\"]\n", + "=======================\n", + "['thomas buckett , 21 , broke in to tuck shop at school in stoke in may 2010he fell through the roof after friends dared him to jump on skylight and suffered horrific head injuriesfamily sued county council saying they should have protected the buildingbut after a judge threw out their claim they face legal bill of up to # 260,000']\n", + "thomas buckett plunged 15ft on to a concrete floor after friends dared him to jump on a glass skylight , and sustained life-changing head injuries as a result .defeat : thomas buckett , 21 , faces a huge legal bill after unsuccessfully suing staffordshire county councila court heard the group of teenagers had broken into the school 's tuck shop before scaling the roof on a sunday in may 2010 .\n", + "thomas buckett , 21 , broke in to tuck shop at school in stoke in may 2010he fell through the roof after friends dared him to jump on skylight and suffered horrific head injuriesfamily sued county council saying they should have protected the buildingbut after a judge threw out their claim they face legal bill of up to # 260,000\n", + "[1.431083 1.3190463 1.1061504 1.1901311 1.2198609 1.144506 1.1642501\n", + " 1.1165395 1.0427473 1.0758066 1.0602779 1.0420008 1.0421177 1.070987\n", + " 1.0327127 1.0829301 1.0143555 1.0191569 1.0455208 1.0507723]\n", + "\n", + "[ 0 1 4 3 6 5 7 2 15 9 13 10 19 18 8 12 11 14 17 16]\n", + "=======================\n", + "['( cnn ) the arrest and death of freddie gray in baltimore has sparked protests and accusations of police brutality .but it \\'s unclear how gray , who was arrested on a weapons charge april 12 , suffered a severe spinal cord injury that led to his death seven days later .he \" gave up without the use of force , \" baltimore deputy police commissioner jerry rodriguez said last week .']\n", + "=======================\n", + "[\"freddie gray was arrested on a weapons charge april 12 ; he was dead seven days laterhe was put in a police van after his arrest ; it 's unclear what happened inside the vangray has a criminal history but it 's not known if that had anything to do with his arrest or death\"]\n", + "( cnn ) the arrest and death of freddie gray in baltimore has sparked protests and accusations of police brutality .but it 's unclear how gray , who was arrested on a weapons charge april 12 , suffered a severe spinal cord injury that led to his death seven days later .he \" gave up without the use of force , \" baltimore deputy police commissioner jerry rodriguez said last week .\n", + "freddie gray was arrested on a weapons charge april 12 ; he was dead seven days laterhe was put in a police van after his arrest ; it 's unclear what happened inside the vangray has a criminal history but it 's not known if that had anything to do with his arrest or death\n", + "[1.4458864 1.5136104 1.3334024 1.4380608 1.1508821 1.0720097 1.0178584\n", + " 1.0160893 1.0137174 1.0126506 1.0519277 1.1157802 1.3266654 1.0657061\n", + " 1.1013709 1.0130111 1.0159267 1.1321429 1.0994198 0. ]\n", + "\n", + "[ 1 0 3 2 12 4 17 11 14 18 5 13 10 6 7 16 8 15 9 19]\n", + "=======================\n", + "[\"roy hodgson has confirmed the tottenham striker will be in gareth southgate 's squad for the tournament in the czech republic this summer , despite making his senior england debut last week .mauricio pochettino has given harry kane his blessing to play in the european under 21 championships this summer .harry kane , in action for england against italy , will play for the u21s at this year 's european championships\"]\n", + "=======================\n", + "[\"striker given maurico pochettino 's blessing to play for england under 21sroy hodgson has confirmed the kane will be in gareth southgate 's european championship squadkane is also set to travel to australia and malaysia this summer ahead of the championships\"]\n", + "roy hodgson has confirmed the tottenham striker will be in gareth southgate 's squad for the tournament in the czech republic this summer , despite making his senior england debut last week .mauricio pochettino has given harry kane his blessing to play in the european under 21 championships this summer .harry kane , in action for england against italy , will play for the u21s at this year 's european championships\n", + "striker given maurico pochettino 's blessing to play for england under 21sroy hodgson has confirmed the kane will be in gareth southgate 's european championship squadkane is also set to travel to australia and malaysia this summer ahead of the championships\n", + "[1.3846134 1.315768 1.4084815 1.2751244 1.1973101 1.1217312 1.0817758\n", + " 1.0298976 1.0398679 1.0191354 1.0859406 1.051136 1.0995685 1.056731\n", + " 1.0504149 1.0625535 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 3 4 5 12 10 6 15 13 11 14 8 7 9 16 17 18 19]\n", + "=======================\n", + "['karen gaynor appeared at rotherham magistrates court accused of causing criminal damage by pruning the tree , after a complaint was made by her next door neighbour kay daye , as part of a long-running boundary dispute .a mother-of-two was locked in a police cells for six hours and put on bail for seven months before being put on trial for chopping back tree branches hanging over her garden .but magistrates took just 15 minutes to find the 53-year-old not guilty , saying that she had acted with good intentions .']\n", + "=======================\n", + "[\"karen gaynor appeared in court accused of causing criminal damagecame after she pruned neighbour 's tree that was hanging over her gardenprosecution said her pruning was beyond lawful and had caused damagebut magistrates took just 15 minutes to find ms gaynor not guilty\"]\n", + "karen gaynor appeared at rotherham magistrates court accused of causing criminal damage by pruning the tree , after a complaint was made by her next door neighbour kay daye , as part of a long-running boundary dispute .a mother-of-two was locked in a police cells for six hours and put on bail for seven months before being put on trial for chopping back tree branches hanging over her garden .but magistrates took just 15 minutes to find the 53-year-old not guilty , saying that she had acted with good intentions .\n", + "karen gaynor appeared in court accused of causing criminal damagecame after she pruned neighbour 's tree that was hanging over her gardenprosecution said her pruning was beyond lawful and had caused damagebut magistrates took just 15 minutes to find ms gaynor not guilty\n", + "[1.2535834 1.4866524 1.1967494 1.2234212 1.1441976 1.3345923 1.1137779\n", + " 1.0328202 1.192255 1.093421 1.0581443 1.0257522 1.0167221 1.1320462\n", + " 1.0333896 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 0 3 2 8 4 13 6 9 10 14 7 11 12 15 16 17 18 19 20]\n", + "=======================\n", + "[\"scott suggs , 28 , and brandy kangas , 36 , were arrested after police received an anonymous tip regarding the welfare of their children , a 17-month-old boy and two girls , aged three and four .a couple have been spared prison for felony child neglect after admitting to locking their three young children in a room with urine and feces for 24 hours a day - and feeding them through a gate .when police arrived at their home in fredericksburg , virginia , last december , they discovered the youngsters locked in a ` sparsely furnished ' room , where they had seemingly ` remained at all times ' .\"]\n", + "=======================\n", + "[\"scott suggs , 28 , and brandy kangas , 36 , locked three children in roomroom was ` sparsely furnished ' and stained with human urine and fecesgirls , three and four , and 17-month-old boy were fed meals through gatecouple were arrested after police received anonymous tip about abuseboth given six-year suspended sentences after admitting child neglectvictims , who lacked social skills when found by police , are now in care\"]\n", + "scott suggs , 28 , and brandy kangas , 36 , were arrested after police received an anonymous tip regarding the welfare of their children , a 17-month-old boy and two girls , aged three and four .a couple have been spared prison for felony child neglect after admitting to locking their three young children in a room with urine and feces for 24 hours a day - and feeding them through a gate .when police arrived at their home in fredericksburg , virginia , last december , they discovered the youngsters locked in a ` sparsely furnished ' room , where they had seemingly ` remained at all times ' .\n", + "scott suggs , 28 , and brandy kangas , 36 , locked three children in roomroom was ` sparsely furnished ' and stained with human urine and fecesgirls , three and four , and 17-month-old boy were fed meals through gatecouple were arrested after police received anonymous tip about abuseboth given six-year suspended sentences after admitting child neglectvictims , who lacked social skills when found by police , are now in care\n", + "[1.3763982 1.2142162 1.1026819 1.1375682 1.0206592 1.031081 1.0395807\n", + " 1.1844226 1.0581999 1.0951242 1.1238298 1.0759501 1.0803583 1.0769751\n", + " 1.0778807 1.0992924 1.0384135 1.0329099 1.033568 1.0576949 1.0534627]\n", + "\n", + "[ 0 1 7 3 10 2 15 9 12 14 13 11 8 19 20 6 16 18 17 5 4]\n", + "=======================\n", + "[\"charleston , south carolina ( cnn ) police officers saturday accompanied the hearse carrying the body of walter scott to his south carolina funeral service , where hundreds of mourners celebrated his life and death as a catalyst for change in america .a pair of officers on motorcycles were part of the large procession delivering the father of four -- who was fatally shot in the back by a police officer -- to a service open to the public .the flag-draped casket of the u.s. coast guard veteran was wheeled inside the church as scott 's relatives and friends followed .\"]\n", + "=======================\n", + "[\"police officers escort the funeral procession to the servicescott 's family did not attend his visitation ; they need privacy , mayor sayspolice meet with the man who was a passenger in his car when it was pulled over\"]\n", + "charleston , south carolina ( cnn ) police officers saturday accompanied the hearse carrying the body of walter scott to his south carolina funeral service , where hundreds of mourners celebrated his life and death as a catalyst for change in america .a pair of officers on motorcycles were part of the large procession delivering the father of four -- who was fatally shot in the back by a police officer -- to a service open to the public .the flag-draped casket of the u.s. coast guard veteran was wheeled inside the church as scott 's relatives and friends followed .\n", + "police officers escort the funeral procession to the servicescott 's family did not attend his visitation ; they need privacy , mayor sayspolice meet with the man who was a passenger in his car when it was pulled over\n", + "[1.2492853 1.4100553 1.2011658 1.2307502 1.0677061 1.175287 1.0548296\n", + " 1.0589337 1.0977752 1.0757564 1.0822108 1.0453846 1.0366006 1.0946516\n", + " 1.1138474 1.06266 1.0537 1.0487813 1.0689493 1.0161424 1.0284734]\n", + "\n", + "[ 1 0 3 2 5 14 8 13 10 9 18 4 15 7 6 16 17 11 12 20 19]\n", + "=======================\n", + "['bates -- the tulsa county , oklahoma , reserve sheriff \\'s deputy accused of manslaughter in the death of a fleeing suspect -- told nbc \\'s \" today \" show friday that he used to think that , too .( cnn ) robert bates says he gets it , how you might wonder how a cop could confuse a pistol for a stun gun .harris died after bates shot him -- accidentally , he says -- after calling out \" taser !']\n", + "=======================\n", + "['\" i rate this as no. 1 on my list of things in my life that i regret , \" robert bates tells \" today \"he says he did n\\'t mean to kill eric harris and rejects claims his training records were forged\" i still ca n\\'t believe it happened , \" bates tells the nbc show']\n", + "bates -- the tulsa county , oklahoma , reserve sheriff 's deputy accused of manslaughter in the death of a fleeing suspect -- told nbc 's \" today \" show friday that he used to think that , too .( cnn ) robert bates says he gets it , how you might wonder how a cop could confuse a pistol for a stun gun .harris died after bates shot him -- accidentally , he says -- after calling out \" taser !\n", + "\" i rate this as no. 1 on my list of things in my life that i regret , \" robert bates tells \" today \"he says he did n't mean to kill eric harris and rejects claims his training records were forged\" i still ca n't believe it happened , \" bates tells the nbc show\n", + "[1.0628984 1.1086442 1.3468652 1.1949868 1.2644231 1.4683738 1.0739659\n", + " 1.1775205 1.0660081 1.0200868 1.0431832 1.0658706 1.0262548 1.035696\n", + " 1.0239071 1.0317125 1.0154089 1.0222099 0. 0. 0. ]\n", + "\n", + "[ 5 2 4 3 7 1 6 8 11 0 10 13 15 12 14 17 9 16 18 19 20]\n", + "=======================\n", + "[\"the swim tee by land 's end provides upf 50 sun protection and the fabric is supported by the skin cancer foundation - and it 's sold on gwyneth paltrow 's goop sitefrom unbreakable sunglasses to foldable wellies , femail has rounded up the eight products you should be packing to make your summer break as foolproof as possible .the mother-of-two and actress is selling a sun proof t-shirt in her goop shop .\"]\n", + "=======================\n", + "['femail rounds up practical products for summergwyneth paltrow is selling a sun-proof t-shirt on her sitetemperature-regulating dresses aim to keep you cool in hot climes']\n", + "the swim tee by land 's end provides upf 50 sun protection and the fabric is supported by the skin cancer foundation - and it 's sold on gwyneth paltrow 's goop sitefrom unbreakable sunglasses to foldable wellies , femail has rounded up the eight products you should be packing to make your summer break as foolproof as possible .the mother-of-two and actress is selling a sun proof t-shirt in her goop shop .\n", + "femail rounds up practical products for summergwyneth paltrow is selling a sun-proof t-shirt on her sitetemperature-regulating dresses aim to keep you cool in hot climes\n", + "[1.3542992 1.3867881 1.2487898 1.202715 1.2148681 1.1652594 1.1269394\n", + " 1.0979596 1.1472427 1.1076112 1.1180229 1.0613916 1.009471 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 3 5 8 6 10 9 7 11 12 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "['on tuesday , a u.s. rc-135u was flying over the baltic sea when it was intercepted by a russian su-27 flanker .( cnn ) after a russian fighter jet intercepted a u.s. reconnaissance plane in an \" unsafe and unprofessional manner \" earlier this week , the united states is complaining to moscow about the incident .the pentagon said the incident occurred in international airspace north of poland .']\n", + "=======================\n", + "['the incident occurred on april 7 north of poland in the baltic seau.s. says plane was in international airspacerussia says it had transponder turned off and was flying toward russia']\n", + "on tuesday , a u.s. rc-135u was flying over the baltic sea when it was intercepted by a russian su-27 flanker .( cnn ) after a russian fighter jet intercepted a u.s. reconnaissance plane in an \" unsafe and unprofessional manner \" earlier this week , the united states is complaining to moscow about the incident .the pentagon said the incident occurred in international airspace north of poland .\n", + "the incident occurred on april 7 north of poland in the baltic seau.s. says plane was in international airspacerussia says it had transponder turned off and was flying toward russia\n", + "[1.2288886 1.334618 1.4103613 1.2135133 1.3156993 1.2343122 1.1851255\n", + " 1.1883587 1.0410917 1.1005936 1.0517418 1.0577872 1.0146853 1.0239655\n", + " 1.0157075 1.0153993 1.0870651 1.0513202 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 1 4 5 0 3 7 6 9 16 11 10 17 8 13 14 15 12 22 18 19 20 21 23]\n", + "=======================\n", + "['the baby girl was discovered struggling to breathe while trapped inside of a tied plastic bag by austin detray on thursday afternoon when he heard her crying .horry county police said the mother , who will be identified once she is formally charged , turned herself in on thursday night after seeing herself on television in pictures released by the police .a woman suspected of abandoning her newborn baby girl in a south carolina dumpster has come forward following the rescue of the hours old infant by a teenager .']\n", + "=======================\n", + "['the woman , who will be identified once she is charged , came forward on thursday night after the baby was found in a south carolina dumpsterpolice were looking for the woman after the hours old infant was found in the dumpster struggling to breathe on thursday afternoonaustin detray and his brother found the newborn in a plastic bag and said she was suffocating ; he also found the umbilical cord and placenta insidebaby girl is listed in stable condition in hospital and the woman will be charged once she is released from hospital']\n", + "the baby girl was discovered struggling to breathe while trapped inside of a tied plastic bag by austin detray on thursday afternoon when he heard her crying .horry county police said the mother , who will be identified once she is formally charged , turned herself in on thursday night after seeing herself on television in pictures released by the police .a woman suspected of abandoning her newborn baby girl in a south carolina dumpster has come forward following the rescue of the hours old infant by a teenager .\n", + "the woman , who will be identified once she is charged , came forward on thursday night after the baby was found in a south carolina dumpsterpolice were looking for the woman after the hours old infant was found in the dumpster struggling to breathe on thursday afternoonaustin detray and his brother found the newborn in a plastic bag and said she was suffocating ; he also found the umbilical cord and placenta insidebaby girl is listed in stable condition in hospital and the woman will be charged once she is released from hospital\n", + "[1.2500262 1.4455934 1.220656 1.2135144 1.1497316 1.1398224 1.1647358\n", + " 1.1092875 1.0365142 1.0163634 1.0427107 1.1919572 1.0307554 1.0313905\n", + " 1.1735339 1.0184202 1.0105017 1.0248483 1.0240419 1.0430762 1.0209072\n", + " 1.008863 1.0133256 1.0548165]\n", + "\n", + "[ 1 0 2 3 11 14 6 4 5 7 23 19 10 8 13 12 17 18 20 15 9 22 16 21]\n", + "=======================\n", + "[\"frank knight settled before court proceedings with the owners of the championship 's basement club , having to pay a staggering # 20,000 in damages .the football family has rallied round a blackpool pensioner sued by the oyston family for alleged defamatory comments made on his facebook page .supporters up and down the country have reacted to that by raising close to # 15,000 in under three days -- an act of defiance against the running of blackpool .\"]\n", + "=======================\n", + "['lifelong blackpool fan frank knight forced to pay # 20,000 in damagesthe pensioner made allegations about the oyston familyclub is owned by owen oyston , while son karl is blackpool chairmanknight ordered to make a public apology following facebook commentsthe football family has rallied round the blackpool pensioner']\n", + "frank knight settled before court proceedings with the owners of the championship 's basement club , having to pay a staggering # 20,000 in damages .the football family has rallied round a blackpool pensioner sued by the oyston family for alleged defamatory comments made on his facebook page .supporters up and down the country have reacted to that by raising close to # 15,000 in under three days -- an act of defiance against the running of blackpool .\n", + "lifelong blackpool fan frank knight forced to pay # 20,000 in damagesthe pensioner made allegations about the oyston familyclub is owned by owen oyston , while son karl is blackpool chairmanknight ordered to make a public apology following facebook commentsthe football family has rallied round the blackpool pensioner\n", + "[1.4145783 1.3889046 1.1792369 1.4762903 1.3073598 1.1535755 1.0250396\n", + " 1.0166374 1.040955 1.0499249 1.0151134 1.1041576 1.0782092 1.0227989\n", + " 1.0365846 1.0279938 1.1220543 1.079779 1.0649564 1.0708816 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 2 5 16 11 17 12 19 18 9 8 14 15 6 13 7 10 22 20 21 23]\n", + "=======================\n", + "[\"brendan rodgers leads liverpool for the first time at wembley since arriving at the club in 2012brendan rodgers has urged liverpool to turn wembley back into ` anfield south ' and believes an fa cup semi-final victory over aston villa on sunday would help his players develop a stronger winning mentality .rodgers is looking to lead liverpool to an eighth fa cup victory and his first piece of silverware since replacing kenny dalglish as manager in 2012 .\"]\n", + "=======================\n", + "['liverpool take on aston villa on sunday for a place in the fa cup finalbrendan rodgers is leading liverpool at wembley for the first timethe manager wants to ingrain a trophy-winning habit into his players']\n", + "brendan rodgers leads liverpool for the first time at wembley since arriving at the club in 2012brendan rodgers has urged liverpool to turn wembley back into ` anfield south ' and believes an fa cup semi-final victory over aston villa on sunday would help his players develop a stronger winning mentality .rodgers is looking to lead liverpool to an eighth fa cup victory and his first piece of silverware since replacing kenny dalglish as manager in 2012 .\n", + "liverpool take on aston villa on sunday for a place in the fa cup finalbrendan rodgers is leading liverpool at wembley for the first timethe manager wants to ingrain a trophy-winning habit into his players\n", + "[1.1838031 1.4616456 1.3620429 1.2800618 1.2285285 1.1194918 1.1405747\n", + " 1.0479887 1.0956788 1.0771178 1.0293974 1.0250647 1.0436467 1.1541706\n", + " 1.0674113 1.070353 1.0665921 1.0651615 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 13 6 5 8 9 15 14 16 17 7 12 10 11 18 19 20 21 22 23]\n", + "=======================\n", + "[\"afzal khan is accused of conning a string of customers and financial firms at a motor dealership he ran in the us .federal agents hunting the 32-year-old , originally from edinburgh , fear he may have fled the country and have offered a $ 20,000 reward for information leading to his arrest .a british-born businessman has been placed on the fbi 's most wanted list over claims he conducted a multi-million pound luxury car scam .\"]\n", + "=======================\n", + "[\"afzal khan accused of conning customers and financial firms in usfederal agents hunting the 32-year-old fear he may have fled the countryflamboyant khan , from edinburgh , was known to his clients as ` bobby 'he ran the emporio motor group in new jersey and appeared on reality tv\"]\n", + "afzal khan is accused of conning a string of customers and financial firms at a motor dealership he ran in the us .federal agents hunting the 32-year-old , originally from edinburgh , fear he may have fled the country and have offered a $ 20,000 reward for information leading to his arrest .a british-born businessman has been placed on the fbi 's most wanted list over claims he conducted a multi-million pound luxury car scam .\n", + "afzal khan accused of conning customers and financial firms in usfederal agents hunting the 32-year-old fear he may have fled the countryflamboyant khan , from edinburgh , was known to his clients as ` bobby 'he ran the emporio motor group in new jersey and appeared on reality tv\n", + "[1.0972573 1.1291628 1.1926687 1.1839445 1.0886602 1.0590937 1.4753355\n", + " 1.165909 1.2390436 1.1521634 1.0544711 1.0195519 1.0301214 1.0181134\n", + " 1.0120038 1.0193112 1.0600258 1.0399678 1.0212791 1.0585579 1.030826\n", + " 1.0480338 1.0386932 0. ]\n", + "\n", + "[ 6 8 2 3 7 9 1 0 4 16 5 19 10 21 17 22 20 12 18 11 15 13 14 23]\n", + "=======================\n", + "['cesc fabregas will be making his first return to the emirates since leaving arsenal in 2011fabregas joined arsenal as a teenager ( left ) before returning to the premier league with chelsea ( right )that 2011 move was seen and widely accepted - externally - as the prodigal son going home .']\n", + "=======================\n", + "[\"chelsea travel to arsenal for their premier league clash on sundaythis will be cesc fabregas ' first return to the emirates since leavinghis relationship with arsene wenger has deteriorated since he left in 2011wenger : arsenal fans should give fabregas a good welcomeread : jose mourinho deep down admires what wenger has establishedread : arsenal fans call for removal of emirates stadium fabregas flag\"]\n", + "cesc fabregas will be making his first return to the emirates since leaving arsenal in 2011fabregas joined arsenal as a teenager ( left ) before returning to the premier league with chelsea ( right )that 2011 move was seen and widely accepted - externally - as the prodigal son going home .\n", + "chelsea travel to arsenal for their premier league clash on sundaythis will be cesc fabregas ' first return to the emirates since leavinghis relationship with arsene wenger has deteriorated since he left in 2011wenger : arsenal fans should give fabregas a good welcomeread : jose mourinho deep down admires what wenger has establishedread : arsenal fans call for removal of emirates stadium fabregas flag\n", + "[1.2472588 1.4036679 1.1472485 1.170521 1.2581536 1.2327445 1.1126734\n", + " 1.0432396 1.0252066 1.0790465 1.0487322 1.1196136 1.0762557 1.0847589\n", + " 1.1319079 1.0711455 1.1217551 1.1272455 1.060291 0. ]\n", + "\n", + "[ 1 4 0 5 3 2 14 17 16 11 6 13 9 12 15 18 10 7 8 19]\n", + "=======================\n", + "['five-month-old sonit awal was asleep upstairs in the family home when the quake struck , but was saved from death by a cupboard that fell over him .re-united : mother rasmila awal is re-united with her baby boy who was trapped under rubble for 22 hoursduring frantic rescue efforts family and friends used their bare hands to try and free sonit , but without specialist equipment it was impossible .']\n", + "=======================\n", + "[\"parents of miracle baby sonit awal overjoyed as infant pulled from rubblefather dragged rocks away with his bare hands to try and free the boyinfant was saved by a cupboard that fell , protecting him from aftershocksmum rasmila has thanked ` god and the rescuers ' for saving her child\"]\n", + "five-month-old sonit awal was asleep upstairs in the family home when the quake struck , but was saved from death by a cupboard that fell over him .re-united : mother rasmila awal is re-united with her baby boy who was trapped under rubble for 22 hoursduring frantic rescue efforts family and friends used their bare hands to try and free sonit , but without specialist equipment it was impossible .\n", + "parents of miracle baby sonit awal overjoyed as infant pulled from rubblefather dragged rocks away with his bare hands to try and free the boyinfant was saved by a cupboard that fell , protecting him from aftershocksmum rasmila has thanked ` god and the rescuers ' for saving her child\n", + "[1.2089128 1.250751 1.0823636 1.1384872 1.4508333 1.2697253 1.2360181\n", + " 1.0985537 1.1291444 1.0360135 1.0239941 1.0186282 1.0578147 1.0895998\n", + " 1.0212018 1.0810527 1.050509 1.0913069 1.1163774 1.0933965]\n", + "\n", + "[ 4 5 1 6 0 3 8 18 7 19 17 13 2 15 12 16 9 10 14 11]\n", + "=======================\n", + "['phil mickelson capped his resurgence in form at the houston open with rounds of 66 or 67mickelson is one shot behind going into the third round with the masters a week awaytiger woods confirmed his participation at the masters at augusta next week']\n", + "=======================\n", + "['phil mickelson holds a one shot lead going into day three of houston openmickelson has struggled for form , carding an 82 earlier in the seasontiger woods confirmed his participation at the masters on friday']\n", + "phil mickelson capped his resurgence in form at the houston open with rounds of 66 or 67mickelson is one shot behind going into the third round with the masters a week awaytiger woods confirmed his participation at the masters at augusta next week\n", + "phil mickelson holds a one shot lead going into day three of houston openmickelson has struggled for form , carding an 82 earlier in the seasontiger woods confirmed his participation at the masters on friday\n", + "[1.4120309 1.2486913 1.4049354 1.2021103 1.2464827 1.0871005 1.0764887\n", + " 1.0696704 1.0419687 1.0251724 1.0686021 1.0382351 1.0224601 1.225978\n", + " 1.2295347 1.0445713 1.0176892 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 4 14 13 3 5 6 7 10 15 8 11 9 12 16 18 17 19]\n", + "=======================\n", + "[\"convict : small time drug dealer rudy guede , 29 , is currently serving a 16-year sentence for the murdertragic : meredith kercher was found half-naked with her throat slit in the cottage she shared with knoxcleared : amanda knox and her ex-boyfriend raffaele sollecito served four years for meredith kercher 's murder before being conclusively cleared by italy 's highest court last month\"]\n", + "=======================\n", + "[\"rudy guede , 29 , is currently serving a 16-year sentence for the murderivorian says he will now seek a retrial after seeing amanda knox clearedknox and ex-boyfriend raffaele sollecito served four years for the murderbut the pair were sensationally cleared by italy 's highest court last month\"]\n", + "convict : small time drug dealer rudy guede , 29 , is currently serving a 16-year sentence for the murdertragic : meredith kercher was found half-naked with her throat slit in the cottage she shared with knoxcleared : amanda knox and her ex-boyfriend raffaele sollecito served four years for meredith kercher 's murder before being conclusively cleared by italy 's highest court last month\n", + "rudy guede , 29 , is currently serving a 16-year sentence for the murderivorian says he will now seek a retrial after seeing amanda knox clearedknox and ex-boyfriend raffaele sollecito served four years for the murderbut the pair were sensationally cleared by italy 's highest court last month\n", + "[1.3733003 1.4482588 1.237774 1.0780747 1.057074 1.1809173 1.1482377\n", + " 1.1645827 1.1481156 1.036891 1.0258305 1.0564426 1.0314711 1.0565058\n", + " 1.0687144 1.0464779 1.0171386 1.0092449 1.0248661 0. ]\n", + "\n", + "[ 1 0 2 5 7 6 8 3 14 4 13 11 15 9 12 10 18 16 17 19]\n", + "=======================\n", + "[\"the great man considers tiger woods completing the career grand slam at the age of just 24 as the best golfing feat he has seen .gary player will attend his 58th masters this week fully expecting to welcome a new member to the game 's most exclusive club and salute what he considers would be one of the sport 's finest accomplishments .so you can imagine how excited he is at the prospect of rory mcilroy becoming just the sixth player to win all four majors at only 25 .\"]\n", + "=======================\n", + "['gary player considers tiger woods grand slam at 24 as best golfing featsouth african will attend his 58th masters this week at augusta nationalplayer is excited at the prospect of rory mcilroy joining exclusive clubmcilroy could become only the sixth player to win all four majors']\n", + "the great man considers tiger woods completing the career grand slam at the age of just 24 as the best golfing feat he has seen .gary player will attend his 58th masters this week fully expecting to welcome a new member to the game 's most exclusive club and salute what he considers would be one of the sport 's finest accomplishments .so you can imagine how excited he is at the prospect of rory mcilroy becoming just the sixth player to win all four majors at only 25 .\n", + "gary player considers tiger woods grand slam at 24 as best golfing featsouth african will attend his 58th masters this week at augusta nationalplayer is excited at the prospect of rory mcilroy joining exclusive clubmcilroy could become only the sixth player to win all four majors\n", + "[1.208127 1.4186902 1.3530769 1.317547 1.2058396 1.0660074 1.0594634\n", + " 1.0324222 1.0647017 1.0264316 1.0163572 1.1990005 1.0974938 1.0813129\n", + " 1.012968 1.0908885 1.0485694 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 11 12 15 13 5 8 6 16 7 9 10 14 18 17 19]\n", + "=======================\n", + "[\"players of the online game are tasked with escaping syria - which has been ravaged by civil war and the rise of isis - and making it into europe .the syrian journey game , which is available on the bbc website , often leads to players dying and was criticised by experts for turning the suffering of millions into a ` children 's game ' .the bbc 's online game , syrian journey , often ends with refugees drowning in the mediterranean or being sold to militia\"]\n", + "=======================\n", + "[\"bbc makes online game about syrian refugees trying to escape to europe` sickening ' game often ends with migrants drowning in the mediterraneanother outcomes see women refugees sold to militia or abandoned in libyabbc slammed for turning the suffering of millions into a ` children 's game '\"]\n", + "players of the online game are tasked with escaping syria - which has been ravaged by civil war and the rise of isis - and making it into europe .the syrian journey game , which is available on the bbc website , often leads to players dying and was criticised by experts for turning the suffering of millions into a ` children 's game ' .the bbc 's online game , syrian journey , often ends with refugees drowning in the mediterranean or being sold to militia\n", + "bbc makes online game about syrian refugees trying to escape to europe` sickening ' game often ends with migrants drowning in the mediterraneanother outcomes see women refugees sold to militia or abandoned in libyabbc slammed for turning the suffering of millions into a ` children 's game '\n", + "[1.0543611 1.068134 1.3550135 1.1280737 1.1015933 1.08248 1.1280346\n", + " 1.0215263 1.0272833 1.0440546 1.044029 1.1580863 1.0315841 1.026137\n", + " 1.0237632 1.0249507 1.0492623 1.0657959 1.0694376 1.0605216 1.1363347\n", + " 1.0812762 1.0614842 1.0359209]\n", + "\n", + "[ 2 11 20 3 6 4 5 21 18 1 17 22 19 0 16 9 10 23 12 8 13 15 14 7]\n", + "=======================\n", + "['we were there to protest the acquittal of four police officers in the beating death of unarmed motorcyclist arthur mcduffie .the miami riots of 1980 were the first major \" race riots \" since the wave of riots spread across the nation in the 1960s .wednesday marks the 23rd anniversary of the start of the los angeles riots .']\n", + "=======================\n", + "['johnita due : the anger and frustration i saw in 1980 miami is repeated in 2015 baltimoreshe says teaching the power of nonviolent protest is essential']\n", + "we were there to protest the acquittal of four police officers in the beating death of unarmed motorcyclist arthur mcduffie .the miami riots of 1980 were the first major \" race riots \" since the wave of riots spread across the nation in the 1960s .wednesday marks the 23rd anniversary of the start of the los angeles riots .\n", + "johnita due : the anger and frustration i saw in 1980 miami is repeated in 2015 baltimoreshe says teaching the power of nonviolent protest is essential\n", + "[1.2737374 1.2557902 1.3327271 1.2888978 1.1627506 1.2090249 1.1336601\n", + " 1.2435085 1.1193271 1.0402007 1.0288113 1.1054364 1.0782694 1.0293633\n", + " 1.0078279 1.032912 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 1 7 5 4 6 8 11 12 9 15 13 10 14 22 16 17 18 19 20 21 23]\n", + "=======================\n", + "['the former scottish first minister hopes to make a return to the commons as mp for gordon by ousting the lib dems who have held the seat for more than 30 years .nick clegg , who today visited diving equipment manufacturer divex global in aberdeen , urged supporters of rival parties to help stop alex salmond returning to parliamentalex salmond has chosen to stand in the gordon constituency , where veteran lib dem sir malcolm bruce is standing down']\n", + "=======================\n", + "['lib dem leader makes highly unusual plea for help from party rivalsalex salmond bidding to be an mp after quitting as first minister last yearclegg boasts lib dems could be left with more scottish mps than labour']\n", + "the former scottish first minister hopes to make a return to the commons as mp for gordon by ousting the lib dems who have held the seat for more than 30 years .nick clegg , who today visited diving equipment manufacturer divex global in aberdeen , urged supporters of rival parties to help stop alex salmond returning to parliamentalex salmond has chosen to stand in the gordon constituency , where veteran lib dem sir malcolm bruce is standing down\n", + "lib dem leader makes highly unusual plea for help from party rivalsalex salmond bidding to be an mp after quitting as first minister last yearclegg boasts lib dems could be left with more scottish mps than labour\n", + "[1.3770871 1.4237221 1.1837116 1.140136 1.0994489 1.0734725 1.1465133\n", + " 1.0631458 1.0879624 1.1256672 1.0576024 1.0596246 1.0330863 1.0482693\n", + " 1.0994844 1.039982 1.1013427 1.0502261 1.0303649 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 6 3 9 16 14 4 8 5 7 11 10 17 13 15 12 18 22 19 20 21 23]\n", + "=======================\n", + "['the women were among detained on march 6 and march 7 in three chinese cities -- beijing , guangzhou and hangzhou -- shortly before events they had planned for international women \\'s day on march 8 .( cnn ) five young chinese feminists , whose detention has provoked an international outcry , may face up to five years in prison over their campaign for gender equality .wang qiushi , the lawyer for one of the women , wei tingting , said police had recommended on april 6 that prosecutors press charges of \" assembling a crowd to disturb public order . \"']\n", + "=======================\n", + "['five young women have been detained by china since early marchthey campaigned against sexual harassmenttheir detention has attracted international criticism']\n", + "the women were among detained on march 6 and march 7 in three chinese cities -- beijing , guangzhou and hangzhou -- shortly before events they had planned for international women 's day on march 8 .( cnn ) five young chinese feminists , whose detention has provoked an international outcry , may face up to five years in prison over their campaign for gender equality .wang qiushi , the lawyer for one of the women , wei tingting , said police had recommended on april 6 that prosecutors press charges of \" assembling a crowd to disturb public order . \"\n", + "five young women have been detained by china since early marchthey campaigned against sexual harassmenttheir detention has attracted international criticism\n", + "[1.4066803 1.2939246 1.2838295 1.1717482 1.1871777 1.157976 1.0581546\n", + " 1.0600334 1.1652383 1.0760273 1.1509691 1.035227 1.0741388 1.0508448\n", + " 1.0157841 1.0231234 1.161799 1.0269281 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 4 3 8 16 5 10 9 12 7 6 13 11 17 15 14 22 18 19 20 21 23]\n", + "=======================\n", + "[\"although st mary 's hospital in london is the first choice of venue for the delivery of the royal baby , hospitals in reading and norfolk are on standbythe duke and duchess of cambridge 's second child could be the first royal to be born outside london for 85 years .the 33-year-old may visit her parents in bucklebury , berkshire , this week -- just 12 miles from the reading hospital .\"]\n", + "=======================\n", + "[\"st mary 's hospital in west london is the first choice of venue for the birthbut royal berkshire in reading and queen elizabeth in norfolk on standbyplans in case kate goes into labour while visiting parents or country estate\"]\n", + "although st mary 's hospital in london is the first choice of venue for the delivery of the royal baby , hospitals in reading and norfolk are on standbythe duke and duchess of cambridge 's second child could be the first royal to be born outside london for 85 years .the 33-year-old may visit her parents in bucklebury , berkshire , this week -- just 12 miles from the reading hospital .\n", + "st mary 's hospital in west london is the first choice of venue for the birthbut royal berkshire in reading and queen elizabeth in norfolk on standbyplans in case kate goes into labour while visiting parents or country estate\n", + "[1.4243517 1.3802078 1.3372109 1.0409703 1.2608913 1.4019656 1.0631553\n", + " 1.0417336 1.017665 1.0201118 1.0352675 1.1418858 1.0608666 1.0513512\n", + " 1.0914727 1.0275867 1.1337415 1.0601103 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 5 1 2 4 11 16 14 6 12 17 13 7 3 10 15 9 8 22 18 19 20 21 23]\n", + "=======================\n", + "[\"porto have nothing to prove coming into their quarter-final first leg against bayern munich as the only undefeated side in the champions league .julen lopetegui says porto come into the match able to enjoy their achievement of being undefeatedhowever julen lopetegui has warned his side has plenty of room to improve saying the team ` has n't stopped growing ' .\"]\n", + "=======================\n", + "['porto host bayern munich in their champions league quarter-final first legthe match on wednesday brings together the two highest scoring teamsmanagers julen lopetegui and pep guardiola were barcelona team-mateslopetegui said his side is still evolving with new talent from the summer']\n", + "porto have nothing to prove coming into their quarter-final first leg against bayern munich as the only undefeated side in the champions league .julen lopetegui says porto come into the match able to enjoy their achievement of being undefeatedhowever julen lopetegui has warned his side has plenty of room to improve saying the team ` has n't stopped growing ' .\n", + "porto host bayern munich in their champions league quarter-final first legthe match on wednesday brings together the two highest scoring teamsmanagers julen lopetegui and pep guardiola were barcelona team-mateslopetegui said his side is still evolving with new talent from the summer\n", + "[1.5044444 1.4171473 1.1782309 1.249908 1.1843594 1.1605364 1.0333285\n", + " 1.0205249 1.0243447 1.1435816 1.0212026 1.015871 1.0167769 1.0573438\n", + " 1.0266525 1.0777836 1.2003698 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 16 4 2 5 9 15 13 6 14 8 10 7 12 11 20 17 18 19 21]\n", + "=======================\n", + "[\"manchester united winger ashley young celebrated his prominent role in his side 's derby win by laughing at ` noisy neighbours ' city .the 29-year-old , who scored united 's first goal , and created two more for marouane fellaini and chris smalling , said louis van gaal 's side were focused on quieting the manchester city fans .ashley young sweeps home manchester united 's equaliser during a superb personal performance\"]\n", + "=======================\n", + "[\"ashley young scored manchester united equaliser in 4-2 win` we quietened them down straight away ' claims young , as he praises fansyoung claims the game was over once united went 3-1 aheadengland winger says confidence at old trafford is now ` sky high 'click here to read ian ladyman 's match report from old traffordread : man utd runaway league leaders in table vs the current top seven\"]\n", + "manchester united winger ashley young celebrated his prominent role in his side 's derby win by laughing at ` noisy neighbours ' city .the 29-year-old , who scored united 's first goal , and created two more for marouane fellaini and chris smalling , said louis van gaal 's side were focused on quieting the manchester city fans .ashley young sweeps home manchester united 's equaliser during a superb personal performance\n", + "ashley young scored manchester united equaliser in 4-2 win` we quietened them down straight away ' claims young , as he praises fansyoung claims the game was over once united went 3-1 aheadengland winger says confidence at old trafford is now ` sky high 'click here to read ian ladyman 's match report from old traffordread : man utd runaway league leaders in table vs the current top seven\n", + "[1.169508 1.2571042 1.3827503 1.2657295 1.2175943 1.2745628 1.0323324\n", + " 1.0176519 1.0184265 1.0220199 1.0188448 1.0738721 1.0641736 1.0419023\n", + " 1.0378098 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 5 3 1 4 0 11 12 13 14 6 9 10 8 7 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"in his 21 la liga games to date sociedad have conceded just 29 times , climbing from the relegation when moyes took over , to an extremely comfortable tenth place .antoine griezmann ( left ) is congratulated by fernando torres , but did n't celebrate against his former clubmikel gonzalez diverts a corner past his own goalkeeper geronimo rulli who fails to punch it away\"]\n", + "=======================\n", + "['mikel gonzalez own goal puts atletico madrid ahead inside two minutesantoine griezmann adds second after goalkeeping errorchampions could have scored more as real sociedad offer very little']\n", + "in his 21 la liga games to date sociedad have conceded just 29 times , climbing from the relegation when moyes took over , to an extremely comfortable tenth place .antoine griezmann ( left ) is congratulated by fernando torres , but did n't celebrate against his former clubmikel gonzalez diverts a corner past his own goalkeeper geronimo rulli who fails to punch it away\n", + "mikel gonzalez own goal puts atletico madrid ahead inside two minutesantoine griezmann adds second after goalkeeping errorchampions could have scored more as real sociedad offer very little\n", + "[1.1264205 1.0607919 1.0624065 1.2498401 1.3504466 1.3416165 1.3188415\n", + " 1.2634022 1.0914143 1.0480975 1.1112307 1.0203905 1.0211663 1.0904658\n", + " 1.0876552 1.09518 1.0353113 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 4 5 6 7 3 0 10 15 8 13 14 2 1 9 16 12 11 20 17 18 19 21]\n", + "=======================\n", + "[\"but , unbelievably , max has been abandoned and he 's looking for a home .he 's become a favourite with workers at the dogs trust in basildon , essex , who have been looking after him since he was found .max ( pictured ) is a 18.5 in high fully-grown husky corgi cross .\"]\n", + "=======================\n", + "['max is a husky-corgi cross and measures 18.5 in from foot to shoulderhe has become a favourite with staff at the dogs trust in basildon , essexunbelievably , he has been abandoned and is now looking for a hometo find out more about max , call the dogs trust on 0300 303 0292 or visit dogstrust.org.uk .']\n", + "but , unbelievably , max has been abandoned and he 's looking for a home .he 's become a favourite with workers at the dogs trust in basildon , essex , who have been looking after him since he was found .max ( pictured ) is a 18.5 in high fully-grown husky corgi cross .\n", + "max is a husky-corgi cross and measures 18.5 in from foot to shoulderhe has become a favourite with staff at the dogs trust in basildon , essexunbelievably , he has been abandoned and is now looking for a hometo find out more about max , call the dogs trust on 0300 303 0292 or visit dogstrust.org.uk .\n", + "[1.107556 1.0739825 1.2205731 1.3997599 1.080389 1.280516 1.1601596\n", + " 1.1234972 1.043303 1.0391369 1.0467931 1.0239159 1.0202705 1.1530641\n", + " 1.0358607 1.0282842 1.030323 1.0536593 1.1560854 1.0914135 1.0512007\n", + " 1.0340172]\n", + "\n", + "[ 3 5 2 6 18 13 7 0 19 4 1 17 20 10 8 9 14 21 16 15 11 12]\n", + "=======================\n", + "[\"newly launched app , honest , allows users to pose questions , remain anonymous and get feedback from fellow anonymous users .the personal dilemmas posted range from relationship questions such as ` i 'm getting married next week and i 'm having doubts , is that normal ? 'a new app has come up with the perfect solution - talk through your problems with total strangers instead .\"]\n", + "=======================\n", + "[\"new app , honest , allows users to pose questions and remain anonymoususers can post questions they 're too embarrassed to discuss with friendsquestions cover sexual dysfunction , secret crushes and family dilemmasother users weigh in with their advice about how to handle sensitive issue\"]\n", + "newly launched app , honest , allows users to pose questions , remain anonymous and get feedback from fellow anonymous users .the personal dilemmas posted range from relationship questions such as ` i 'm getting married next week and i 'm having doubts , is that normal ? 'a new app has come up with the perfect solution - talk through your problems with total strangers instead .\n", + "new app , honest , allows users to pose questions and remain anonymoususers can post questions they 're too embarrassed to discuss with friendsquestions cover sexual dysfunction , secret crushes and family dilemmasother users weigh in with their advice about how to handle sensitive issue\n", + "[1.3952546 1.2580572 1.2477986 1.3319545 1.2284025 1.2093827 1.1224189\n", + " 1.0752683 1.1835822 1.1137416 1.026581 1.0140651 1.0194432 1.0627204\n", + " 1.103474 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 2 4 5 8 6 9 14 7 13 10 12 11 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"cardiff city will have no supporters present at saturday 's championship game against leeds united at elland road after the welsh club backed their fans in handing back their allocation of 500 tickets .both clubs have a history of fan trouble but leeds have not confirmed whether the decision for such a low number of tickets was down to the club , council or police , when they would usually offer in excess of 2,500 tickets to away fans .cardiff welcomed 2,200 leeds fans to the cardiff city stadium in the reverse fixture back in november 's game , which ended a 3-1 win for the home side , and have been angered by the decision not to reciprocate .\"]\n", + "=======================\n", + "['cardiff city have joined their fans in protest against leeds united ticketsthe two sides face each other in the championship on saturday at 3pmcardiff have returned the entirety of their 500 allocation for yorkshire tripthere is a history of trouble between the supporters of both clubsleeds refuse to give cardiff rights to show the game live at their ground']\n", + "cardiff city will have no supporters present at saturday 's championship game against leeds united at elland road after the welsh club backed their fans in handing back their allocation of 500 tickets .both clubs have a history of fan trouble but leeds have not confirmed whether the decision for such a low number of tickets was down to the club , council or police , when they would usually offer in excess of 2,500 tickets to away fans .cardiff welcomed 2,200 leeds fans to the cardiff city stadium in the reverse fixture back in november 's game , which ended a 3-1 win for the home side , and have been angered by the decision not to reciprocate .\n", + "cardiff city have joined their fans in protest against leeds united ticketsthe two sides face each other in the championship on saturday at 3pmcardiff have returned the entirety of their 500 allocation for yorkshire tripthere is a history of trouble between the supporters of both clubsleeds refuse to give cardiff rights to show the game live at their ground\n", + "[1.2360896 1.3909667 1.3442976 1.291858 1.2902743 1.1717045 1.0251942\n", + " 1.1432008 1.0779852 1.0135164 1.0100348 1.0113353 1.1948631 1.1361879\n", + " 1.0739219 1.0099821 1.0487 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 12 5 7 13 8 14 16 6 9 11 10 15 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"published on the daily blog on wednesday , the anonymous woman has recounted how john key kept playfully pulling her hair despite being told to stop during election time last year .however mr key defended his pranks as ' a bit of banter ' and said he had already apologised for his actions , stuff.co.nz reports .a waitress has revealed how the new zealand prime minister had repeatedly given her unwanted attention while she was working at a cafe in auckland frequented by him and his wife bronagh ( pictured together )\"]\n", + "=======================\n", + "[\"an anonymous waitress revealed how john key kept pulling her hairshe wrote in a blog that she gained unwanted attention from him last yearthe woman had been working at a cafe frequented by mr key and his wifeshe said mr key kept touching her hair despite being told to stopthe prime minister defended his actions , saying he had already apologisedhe also said his pranks were ` all in the context of a bit of banter 'the waitress was reportedly working at a cafe called rosie in parnell , east of auckland\"]\n", + "published on the daily blog on wednesday , the anonymous woman has recounted how john key kept playfully pulling her hair despite being told to stop during election time last year .however mr key defended his pranks as ' a bit of banter ' and said he had already apologised for his actions , stuff.co.nz reports .a waitress has revealed how the new zealand prime minister had repeatedly given her unwanted attention while she was working at a cafe in auckland frequented by him and his wife bronagh ( pictured together )\n", + "an anonymous waitress revealed how john key kept pulling her hairshe wrote in a blog that she gained unwanted attention from him last yearthe woman had been working at a cafe frequented by mr key and his wifeshe said mr key kept touching her hair despite being told to stopthe prime minister defended his actions , saying he had already apologisedhe also said his pranks were ` all in the context of a bit of banter 'the waitress was reportedly working at a cafe called rosie in parnell , east of auckland\n", + "[1.2134247 1.1265385 1.3351245 1.2333078 1.1789839 1.1883959 1.0577812\n", + " 1.0821425 1.1012344 1.0895938 1.0380654 1.0717325 1.1017793 1.0511088\n", + " 1.0694865 1.0607955 1.0137767 1.0134995 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 5 4 1 12 8 9 7 11 14 15 6 13 10 16 17 22 18 19 20 21 23]\n", + "=======================\n", + "[\"workers have begun posting photos of their broken umbrellas scattered in gutters and discarded in bins along with the hashtag #umbrellageddon on social media .commuters are struggling with their umbrellas in the fierce winds which have reached up to 135km/h in some parts of nsw#sydney #takemehome , ' brendan duong posted on instagram after spotting two colourful brollies poking out the top of a sydney bin\"]\n", + "=======================\n", + "[\"cyclone strength winds have lashed parts of nsw as heavy rain continues to fallcommuters using umbrellas have abandoned them in bins and gutters after the wind destroyed themworkers have posted pictures of broken brollies around sydney with the hashtag #umbrellageddonmanufacturers say if damage is caused by the wind that does not constitute a faulty frame` always carry your umbrella into the wind and not over your head , ' umbrella expert advised\"]\n", + "workers have begun posting photos of their broken umbrellas scattered in gutters and discarded in bins along with the hashtag #umbrellageddon on social media .commuters are struggling with their umbrellas in the fierce winds which have reached up to 135km/h in some parts of nsw#sydney #takemehome , ' brendan duong posted on instagram after spotting two colourful brollies poking out the top of a sydney bin\n", + "cyclone strength winds have lashed parts of nsw as heavy rain continues to fallcommuters using umbrellas have abandoned them in bins and gutters after the wind destroyed themworkers have posted pictures of broken brollies around sydney with the hashtag #umbrellageddonmanufacturers say if damage is caused by the wind that does not constitute a faulty frame` always carry your umbrella into the wind and not over your head , ' umbrella expert advised\n", + "[1.25172 1.4948426 1.1588742 1.397812 1.1184251 1.064708 1.0249264\n", + " 1.032454 1.1048197 1.0820274 1.1507331 1.2551312 1.0350134 1.013026\n", + " 1.0172867 1.0150397 1.012043 1.0109884 1.0093882 1.0575672 1.010035\n", + " 1.0085957 1.0109931 1.0621146]\n", + "\n", + "[ 1 3 11 0 2 10 4 8 9 5 23 19 12 7 6 14 15 13 16 22 17 20 18 21]\n", + "=======================\n", + "[\"rihanna cooper , 21 , from hull , hit the headlines when , at 16 , she became the youngest person in britain to be accepted for gender reassignment .born bradley cooper , rihanna realised she was born in the wrong body and at 16 was accepted for treatmentbritain 's youngest sex swap patient has resorted to working as an escort - to pay for her treatment .\"]\n", + "=======================\n", + "['rihanna cooper , 21 , from hull , is working as an escort to pay for genital opbecame the youngest person in britain to be accepted for sex swap at 16part way through treatment , she decided she actually wanted to be a boyshe had hormone injections but stopped treatment after 2 suicide attemptsnow she says she does want to be a woman and is paying for her treatment']\n", + "rihanna cooper , 21 , from hull , hit the headlines when , at 16 , she became the youngest person in britain to be accepted for gender reassignment .born bradley cooper , rihanna realised she was born in the wrong body and at 16 was accepted for treatmentbritain 's youngest sex swap patient has resorted to working as an escort - to pay for her treatment .\n", + "rihanna cooper , 21 , from hull , is working as an escort to pay for genital opbecame the youngest person in britain to be accepted for sex swap at 16part way through treatment , she decided she actually wanted to be a boyshe had hormone injections but stopped treatment after 2 suicide attemptsnow she says she does want to be a woman and is paying for her treatment\n", + "[1.2146223 1.3790658 1.1220374 1.0815332 1.0743743 1.2405494 1.2575512\n", + " 1.1256047 1.1086305 1.2169589 1.0691677 1.0504851 1.0659543 1.0549963\n", + " 1.0199623 1.0664073 1.0218861 1.0325769 1.1231338 1.0326073 1.0303932\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 6 5 9 0 7 18 2 8 3 4 10 15 12 13 11 19 17 20 16 14 22 21 23]\n", + "=======================\n", + "[\"the world 's most expensive footballer and real madrid star gareth bale heads the list of those who have spent time in anywhere between the second and fourth tier of english football .now with leicester in the premier league , kasper schmeichel has been named in three team ( s ) of the seasonto celebrate the 10th birthday of the football league awards , a team celebrating the best players from below england 's top tier during that decade has been put together , including a host of stars .\"]\n", + "=======================\n", + "['gareth bale has been chosen in the football league team of the decadeeleven players and one manager picked as part of awards 10th anniversaryashley williams , rickie lambert and adam lallana are all includedbournemouth boss eddie howe is picked as the manager of the side']\n", + "the world 's most expensive footballer and real madrid star gareth bale heads the list of those who have spent time in anywhere between the second and fourth tier of english football .now with leicester in the premier league , kasper schmeichel has been named in three team ( s ) of the seasonto celebrate the 10th birthday of the football league awards , a team celebrating the best players from below england 's top tier during that decade has been put together , including a host of stars .\n", + "gareth bale has been chosen in the football league team of the decadeeleven players and one manager picked as part of awards 10th anniversaryashley williams , rickie lambert and adam lallana are all includedbournemouth boss eddie howe is picked as the manager of the side\n", + "[1.332319 1.2903063 1.217994 1.0845852 1.2084314 1.0527278 1.1801952\n", + " 1.2981573 1.2206275 1.0423646 1.0955757 1.0585977 1.0280432 1.051998\n", + " 1.0434749 1.0362043 1.0178686 1.0119234 1.0139093 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 7 1 8 2 4 6 10 3 11 5 13 14 9 15 12 16 18 17 22 19 20 21 23]\n", + "=======================\n", + "['a population of wild wood bison were successfully reintroduced to the united states to freely roam the plains of alaska for the first time in over a century .the moment was captured on video and shows alaska department of fish and game biologist tom seaton leading 100 wood bison to freedom on a snowmobile .the land mammals were freed from a temporary pen , where they had been kept for just over a week during the transition , and followed mr seaton to their new home .']\n", + "=======================\n", + "['alaska department of fish and game biologist delivered the animalsthe land mammals followed his snowmobile dropping alfalfa cubesthey travelled a mile and crossed the innoko river to lower innokonew location should start producing sedge for the bison to feed on']\n", + "a population of wild wood bison were successfully reintroduced to the united states to freely roam the plains of alaska for the first time in over a century .the moment was captured on video and shows alaska department of fish and game biologist tom seaton leading 100 wood bison to freedom on a snowmobile .the land mammals were freed from a temporary pen , where they had been kept for just over a week during the transition , and followed mr seaton to their new home .\n", + "alaska department of fish and game biologist delivered the animalsthe land mammals followed his snowmobile dropping alfalfa cubesthey travelled a mile and crossed the innoko river to lower innokonew location should start producing sedge for the bison to feed on\n", + "[1.2190393 1.4830605 1.2314577 1.341938 1.2462337 1.195476 1.0610882\n", + " 1.1233698 1.0454025 1.1851712 1.1596954 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 5 9 10 7 6 8 22 21 20 19 18 17 12 15 14 13 23 11 16\n", + " 24]\n", + "=======================\n", + "[\"the unidentified restaurant owner was attacked by the would-be rapist as she was closing the empty shop in the eastern province of shandong , china .the unidentified woman then raced out of the restaurant - but was followed by her attackershe let the man into the eatery when he knocked on the door and asked to use the toilet , the people 's daily reported .\"]\n", + "=======================\n", + "['woman was attacked as she closed restaurant in shandong , chinaher self-defence training pays off as she overpowers the would-be rapistattacker strikes again outside restaurant - but manager escapes unhurt']\n", + "the unidentified restaurant owner was attacked by the would-be rapist as she was closing the empty shop in the eastern province of shandong , china .the unidentified woman then raced out of the restaurant - but was followed by her attackershe let the man into the eatery when he knocked on the door and asked to use the toilet , the people 's daily reported .\n", + "woman was attacked as she closed restaurant in shandong , chinaher self-defence training pays off as she overpowers the would-be rapistattacker strikes again outside restaurant - but manager escapes unhurt\n", + "[1.0834805 1.5491798 1.2548199 1.1250993 1.1702547 1.1516132 1.3102809\n", + " 1.0427842 1.046107 1.0980436 1.0503927 1.2633531 1.1208616 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 6 11 2 4 5 3 12 9 0 10 8 7 23 13 14 15 16 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"leia , an eight-month-old boxer from pennsylvania , was filmed as she lay on the couch and latched on to a baby 's pacifier .to date the video of leia has garnered more than 145,000 likes on facebook , with many viewers deeming the scene ` cute ' and ` adorable ' .footage shows her then sucking on it before closing her eyes and loudly snoring in her sleep .\"]\n", + "=======================\n", + "[\"leia , an eight-month-old boxer from pennsylvania , was filmed as she lay on the couch and latched on to a baby 's pacifierfootage shows her then sucking on it before closing her eyes and loudly snoring in her sleepto date the video of leia has garnered more than 145,000 likes on facebook , with many viewers deeming the scene ` cute ' and ` adorable '\"]\n", + "leia , an eight-month-old boxer from pennsylvania , was filmed as she lay on the couch and latched on to a baby 's pacifier .to date the video of leia has garnered more than 145,000 likes on facebook , with many viewers deeming the scene ` cute ' and ` adorable ' .footage shows her then sucking on it before closing her eyes and loudly snoring in her sleep .\n", + "leia , an eight-month-old boxer from pennsylvania , was filmed as she lay on the couch and latched on to a baby 's pacifierfootage shows her then sucking on it before closing her eyes and loudly snoring in her sleepto date the video of leia has garnered more than 145,000 likes on facebook , with many viewers deeming the scene ` cute ' and ` adorable '\n", + "[1.3594751 1.3342898 1.3237337 1.1774819 1.3088925 1.2774444 1.1699235\n", + " 1.06913 1.2738546 1.1264429 1.0235034 1.0150794 1.0171533 1.0134771\n", + " 1.017709 1.0231333 1.0183802 1.0361065 1.0298737 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 4 5 8 3 6 9 7 17 18 10 15 16 14 12 11 13 23 19 20 21 22\n", + " 24]\n", + "=======================\n", + "['dundee have vowed to stand by paul mcgowan after the bad boy midfielder was spared jail for a third assault on a policeman .but the dens park bad boy will miss two forthcoming games against former club celtic because he is under house arrest .the 27-year-old has been placed on a 16-week restriction of liberty order which confines him to home between the hours of 7pm and 7am .']\n", + "=======================\n", + "['paul mcgowan avoided a jail sentence after police attackmidfielder under house arrest and will miss two games against celticthe 27-year-old is on a 16-week restriction of liberty order']\n", + "dundee have vowed to stand by paul mcgowan after the bad boy midfielder was spared jail for a third assault on a policeman .but the dens park bad boy will miss two forthcoming games against former club celtic because he is under house arrest .the 27-year-old has been placed on a 16-week restriction of liberty order which confines him to home between the hours of 7pm and 7am .\n", + "paul mcgowan avoided a jail sentence after police attackmidfielder under house arrest and will miss two games against celticthe 27-year-old is on a 16-week restriction of liberty order\n", + "[1.3736253 1.3947389 1.3148707 1.2529025 1.096151 1.124846 1.2470707\n", + " 1.0390083 1.0215824 1.0165179 1.0154709 1.0183129 1.0120577 1.0131948\n", + " 1.0209401 1.0144861 1.0118669 1.0197121 1.1201574 1.0130386 1.0132718\n", + " 1.0227579 1.1616135 1.1597891 1.1474375]\n", + "\n", + "[ 1 0 2 3 6 22 23 24 5 18 4 7 21 8 14 17 11 9 10 15 20 13 19 12\n", + " 16]\n", + "=======================\n", + "[\"the mercedes racer , who leads the drivers ' championship after two races of the 2015 season after finishing first and second , features on the front cover of the may edition of the popular health publication .two-time formula one world champion lewis hamilton has opened up about the meaning behind his tattoos during an interview with lifestyle magazine men 's health .in an interview in the latest issue of the magazine , released on thursday april 2 the 30-year-old discusses the significance of his personal body art .\"]\n", + "=======================\n", + "[\"lewis hamilton features on front cover of the may issue of men 's healthformula one champion opens up about the meaning behind his tattooshamilton discusses faith and the physical demands of being an f1 driverhamilton : ferrari ?click here for all the latest news from the world of formula one\"]\n", + "the mercedes racer , who leads the drivers ' championship after two races of the 2015 season after finishing first and second , features on the front cover of the may edition of the popular health publication .two-time formula one world champion lewis hamilton has opened up about the meaning behind his tattoos during an interview with lifestyle magazine men 's health .in an interview in the latest issue of the magazine , released on thursday april 2 the 30-year-old discusses the significance of his personal body art .\n", + "lewis hamilton features on front cover of the may issue of men 's healthformula one champion opens up about the meaning behind his tattooshamilton discusses faith and the physical demands of being an f1 driverhamilton : ferrari ?click here for all the latest news from the world of formula one\n", + "[1.0667472 1.229651 1.0739498 1.3414412 1.1343 1.1449871 1.0556967\n", + " 1.0326556 1.0280532 1.0201126 1.1668428 1.0122312 1.1631267 1.0553961\n", + " 1.0213256 1.0208861 1.0637063 1.1957288 1.0149875 1.1780404 1.0290159\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 17 19 10 12 5 4 2 0 16 6 13 7 20 8 14 15 9 18 11 23 21 22\n", + " 24]\n", + "=======================\n", + "[\"chris smalling , in action against didier drogba , has been at the forefront of manchester united 's resurgencesteven gerrard was poor at wembley last sunday but as the liverpool captain tried to stop failure in its tracks against aston villa who else in the liverpool engine room assumed responsibility for leadership ?bayern munich 's thomas muller led the post-porto celebrations at the allianz arena on tuesday , climbing into the crowd with a loudhailer .\"]\n", + "=======================\n", + "[\"chris smalling has impressed for manchester united in recent weekssteven gerrard was poor at wembley , but liverpool will miss him next termbayern 's thomas muller led celebrations against porto with megaphonebut do n't try it over here ; stewards in their yellow jackets would not like it\"]\n", + "chris smalling , in action against didier drogba , has been at the forefront of manchester united 's resurgencesteven gerrard was poor at wembley last sunday but as the liverpool captain tried to stop failure in its tracks against aston villa who else in the liverpool engine room assumed responsibility for leadership ?bayern munich 's thomas muller led the post-porto celebrations at the allianz arena on tuesday , climbing into the crowd with a loudhailer .\n", + "chris smalling has impressed for manchester united in recent weekssteven gerrard was poor at wembley , but liverpool will miss him next termbayern 's thomas muller led celebrations against porto with megaphonebut do n't try it over here ; stewards in their yellow jackets would not like it\n", + "[1.4028711 1.1839374 1.1341616 1.0483481 1.4255315 1.168341 1.3210802\n", + " 1.2038293 1.0395947 1.0383923 1.0219104 1.050318 1.0737534 1.0805931\n", + " 1.0243183 1.2221899 1.1420957 1.0489863]\n", + "\n", + "[ 4 0 6 15 7 1 5 16 2 13 12 11 17 3 8 9 14 10]\n", + "=======================\n", + "[\"stoke keeper asmir begovic has been linked with a summer move to spanish giants real madridstoke boss mark hughes has dismissed the latest reports linking asmir begovic with a move away from the britannia stadium .barcelona b winger moha el ouriachi is set to sign for stoke city , according to the player 's agent\"]\n", + "=======================\n", + "['mark hughes has played down reports linking keeper with real madridpotters no 1 asmir begovic is out of contract at stoke at the end of 2016premier league club are hoping to sign moha el ouriachi from barcelona']\n", + "stoke keeper asmir begovic has been linked with a summer move to spanish giants real madridstoke boss mark hughes has dismissed the latest reports linking asmir begovic with a move away from the britannia stadium .barcelona b winger moha el ouriachi is set to sign for stoke city , according to the player 's agent\n", + "mark hughes has played down reports linking keeper with real madridpotters no 1 asmir begovic is out of contract at stoke at the end of 2016premier league club are hoping to sign moha el ouriachi from barcelona\n", + "[1.0679793 1.2252839 1.1033175 1.3581357 1.212174 1.1834296 1.1158857\n", + " 1.1149032 1.1723142 1.1894723 1.0224528 1.129149 1.0957488 1.0172819\n", + " 1.0133337 1.0123831 1.017896 0. ]\n", + "\n", + "[ 3 1 4 9 5 8 11 6 7 2 12 0 10 16 13 14 15 17]\n", + "=======================\n", + "[\"crawley-based acro aircraft seating recently unveiled the design for its new premium economy seatdesigners around the world are creating economy and premium economy seats that are comfier and provide more legroom , and some of them have radical changes from today 's chairs .acro 's ` series 7 ' seat has hand-stitched leather armrests , an aluminium chassis and composite materials\"]\n", + "=======================\n", + "[\"designers are looking to ease passengers ' woes with comfier seatsthe ` series 7 ' premium economy seat is thinner , offering more legroomtravellers who hate the middle seat will enjoy the ` cozy suite 'a hong kong firm 's dual-user armrest is a solution to the elbow wars` the meerkat ' allows passengers to recline without annoying others\"]\n", + "crawley-based acro aircraft seating recently unveiled the design for its new premium economy seatdesigners around the world are creating economy and premium economy seats that are comfier and provide more legroom , and some of them have radical changes from today 's chairs .acro 's ` series 7 ' seat has hand-stitched leather armrests , an aluminium chassis and composite materials\n", + "designers are looking to ease passengers ' woes with comfier seatsthe ` series 7 ' premium economy seat is thinner , offering more legroomtravellers who hate the middle seat will enjoy the ` cozy suite 'a hong kong firm 's dual-user armrest is a solution to the elbow wars` the meerkat ' allows passengers to recline without annoying others\n", + "[1.175009 1.5473983 1.2771851 1.4425718 1.3009647 1.1339567 1.0675608\n", + " 1.0168194 1.013419 1.0170016 1.0903943 1.115488 1.0775533 1.0359691\n", + " 1.011925 1.0135891 1.0195836 1.0268035]\n", + "\n", + "[ 1 3 4 2 0 5 11 10 12 6 13 17 16 9 7 15 8 14]\n", + "=======================\n", + "['susan farmer , from eddy , texas , who weighs 43st ( 605 lbs ) , was told she would die unless she dropped more than half her body weight by concerned doctors .at her heaviest , susan weighed 43st and was unable to walk for longer than 30 seconds at a time .but while the 37 year old was determined to shed the weight , her mother continued to buy her daughter fatty foods .']\n", + "=======================\n", + "['susan farmer , from eddy , texas , weighs 43st ( 605lbs )the 37 year old is told to lose half her body weight or face an early graveshe achieves it over 12 months after her mother stops buying her junk food']\n", + "susan farmer , from eddy , texas , who weighs 43st ( 605 lbs ) , was told she would die unless she dropped more than half her body weight by concerned doctors .at her heaviest , susan weighed 43st and was unable to walk for longer than 30 seconds at a time .but while the 37 year old was determined to shed the weight , her mother continued to buy her daughter fatty foods .\n", + "susan farmer , from eddy , texas , weighs 43st ( 605lbs )the 37 year old is told to lose half her body weight or face an early graveshe achieves it over 12 months after her mother stops buying her junk food\n", + "[1.2980738 1.3988162 1.1861732 1.3380933 1.1499958 1.1147059 1.1121742\n", + " 1.0549374 1.0569134 1.0778838 1.1634449 1.0393322 1.100862 1.0171608\n", + " 1.0271527 1.0092007 0. 0. ]\n", + "\n", + "[ 1 3 0 2 10 4 5 6 12 9 8 7 11 14 13 15 16 17]\n", + "=======================\n", + "['the home secretary said new legislation was urgently needed to update the powers of mi5 and gchq , and repair the damage done by the us traitor edward snowden .theresa may warned last night that lives will be in danger if britain is saddled with a hung parliament unable to pass anti-terror laws .but , based on current polling , parliament would be left deadlocked -- with the balance of power held by scottish nationalists opposed to updating the law .']\n", + "=======================\n", + "[\"home secretary theresa may warned last night that lives will be in danger if britain is saddled with a hung parliament unable to pass anti-terror lawssaid new legislation is urgently needed to update mi5 and gchq 's powersbut based on current polling parliament could be left deadlocked\"]\n", + "the home secretary said new legislation was urgently needed to update the powers of mi5 and gchq , and repair the damage done by the us traitor edward snowden .theresa may warned last night that lives will be in danger if britain is saddled with a hung parliament unable to pass anti-terror laws .but , based on current polling , parliament would be left deadlocked -- with the balance of power held by scottish nationalists opposed to updating the law .\n", + "home secretary theresa may warned last night that lives will be in danger if britain is saddled with a hung parliament unable to pass anti-terror lawssaid new legislation is urgently needed to update mi5 and gchq 's powersbut based on current polling parliament could be left deadlocked\n", + "[1.250827 1.4977458 1.2608653 1.3643966 1.1929293 1.1804042 1.0738647\n", + " 1.0437124 1.1013621 1.0441731 1.0321039 1.099062 1.0592942 1.0724533\n", + " 1.1135976 1.0389472 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 14 8 11 6 13 12 9 7 15 10 16 17]\n", + "=======================\n", + "['adriana giogiosa , 55 , was reported missing after her brother could not contact her at the house in majadahonda , a suburb of madrid , where she had been staying for the last two or three months .the landlord of the house , a 32-year-old spanish man with a history of psychological problems , has been arrested .an industrial meat grinder has been found at the home of a man arrested in connection with the disappearance of his female lodger , as police investigate the disappearance of four other people .']\n", + "=======================\n", + "[\"adriana giogiosa , 55 , was reported missing after flying back to madridpolice searched majadahonda flat she was staying in and arrested landlordthey found blood stains , a knife and an industrial meat grinder at houseofficers are searching for three other missing tenants and the man 's aunt\"]\n", + "adriana giogiosa , 55 , was reported missing after her brother could not contact her at the house in majadahonda , a suburb of madrid , where she had been staying for the last two or three months .the landlord of the house , a 32-year-old spanish man with a history of psychological problems , has been arrested .an industrial meat grinder has been found at the home of a man arrested in connection with the disappearance of his female lodger , as police investigate the disappearance of four other people .\n", + "adriana giogiosa , 55 , was reported missing after flying back to madridpolice searched majadahonda flat she was staying in and arrested landlordthey found blood stains , a knife and an industrial meat grinder at houseofficers are searching for three other missing tenants and the man 's aunt\n", + "[1.3488426 1.2392237 1.1888181 1.1339077 1.233786 1.1713188 1.0938771\n", + " 1.0193765 1.0188642 1.0821544 1.2141871 1.093852 1.0399436 1.077612\n", + " 1.0617536 1.0181675 1.0845313 1.0390073 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 4 10 2 5 3 6 11 16 9 13 14 12 17 7 8 15 21 18 19 20 22]\n", + "=======================\n", + "['more than 2,000 families have fled the iraqi city of ramadi after isis forces intensified their offensive on the iraqi city .according to iraqi officials , isis fighters have nearly surrounded the capital of western anbar province , despite the best efforts of the iraqi army and arriving shiite paramilitary reinforcements .prior to the current bout of fighting , some 400,000 iraqis were already displaced , including 60,000 in ramadi district , according to the international organization for migration .']\n", + "=======================\n", + "['houses and shops have been left deserted as resident try to escape the worsening violencemonths of isis pressure has left iraqi forces outnumbered inside the cityus forces previously waged a eight year battle against insurgents in ramadi and fallujah']\n", + "more than 2,000 families have fled the iraqi city of ramadi after isis forces intensified their offensive on the iraqi city .according to iraqi officials , isis fighters have nearly surrounded the capital of western anbar province , despite the best efforts of the iraqi army and arriving shiite paramilitary reinforcements .prior to the current bout of fighting , some 400,000 iraqis were already displaced , including 60,000 in ramadi district , according to the international organization for migration .\n", + "houses and shops have been left deserted as resident try to escape the worsening violencemonths of isis pressure has left iraqi forces outnumbered inside the cityus forces previously waged a eight year battle against insurgents in ramadi and fallujah\n", + "[1.3919342 1.203495 1.3082185 1.297777 1.1815923 1.1218939 1.0586222\n", + " 1.1016228 1.0445168 1.0516003 1.0264302 1.0332296 1.0980608 1.080791\n", + " 1.032046 1.0822423 1.0622772 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 3 1 4 5 7 12 15 13 16 6 9 8 11 14 10 21 17 18 19 20 22]\n", + "=======================\n", + "[\"security researchers have discovered a way to intercept a person 's fingerprints on a samsung galaxy s5 running android 4.4 and olderbut experts have discovered they may not be as secure as first thought after a number of android devices , including samsung 's galaxy s5 , were said to be potentially ` leaking ' fingerprints .fingerprint scanners are often touted as the future of security and an alternative to the notoriously flawed password .\"]\n", + "=======================\n", + "['experts have discovered a flaw in older versions of the android systemonce a hacker has access to a phone they can monitor data from sensorsfrom this , they can potentially intercept a fingerprint from the scannervulnerability has been tested and confirmed on the samsung galaxy s5']\n", + "security researchers have discovered a way to intercept a person 's fingerprints on a samsung galaxy s5 running android 4.4 and olderbut experts have discovered they may not be as secure as first thought after a number of android devices , including samsung 's galaxy s5 , were said to be potentially ` leaking ' fingerprints .fingerprint scanners are often touted as the future of security and an alternative to the notoriously flawed password .\n", + "experts have discovered a flaw in older versions of the android systemonce a hacker has access to a phone they can monitor data from sensorsfrom this , they can potentially intercept a fingerprint from the scannervulnerability has been tested and confirmed on the samsung galaxy s5\n", + "[1.142106 1.1343564 1.3758981 1.2398193 1.2188013 1.1955233 1.1983558\n", + " 1.0250858 1.0523908 1.0368242 1.1315848 1.0491077 1.0188706 1.0231786\n", + " 1.0223337 1.0254447 1.0235856 1.0347464 1.0191978 1.0238702 1.0143985\n", + " 1.0144795 1.0190393]\n", + "\n", + "[ 2 3 4 6 5 0 1 10 8 11 9 17 15 7 19 16 13 14 18 22 12 21 20]\n", + "=======================\n", + "['these days , his mara group spans over 20 countries and he \\'s been called \" africa \\'s youngest billionaire . \"in late 2013 thakkar joined forces with the former boss of barclays bank -- bob diamond -- to start an investment fund focused on africa called atlas mara .the powerful duo raised $ 325 million through a share flotation - well above the $ 250 million target .']\n", + "=======================\n", + "[\"ugandan ashish thakkar built a vast business empirethe entrepreneur says the answer to unemployment lies in nurturing small businessesafrica 's lack of legacy systems has sped up innovation on the continent\"]\n", + "these days , his mara group spans over 20 countries and he 's been called \" africa 's youngest billionaire . \"in late 2013 thakkar joined forces with the former boss of barclays bank -- bob diamond -- to start an investment fund focused on africa called atlas mara .the powerful duo raised $ 325 million through a share flotation - well above the $ 250 million target .\n", + "ugandan ashish thakkar built a vast business empirethe entrepreneur says the answer to unemployment lies in nurturing small businessesafrica 's lack of legacy systems has sped up innovation on the continent\n", + "[1.2246811 1.3342532 1.4129202 1.1716728 1.300159 1.1446251 1.2522707\n", + " 1.0576584 1.0491632 1.0224774 1.050268 1.0481479 1.0175953 1.0167255\n", + " 1.066699 1.053183 1.1225535 1.1001617 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 1 4 6 0 3 5 16 17 14 7 15 10 8 11 9 12 13 21 18 19 20 22]\n", + "=======================\n", + "[\"her daughter , jessica mejia , was killed in the early hours of december 31 , 2009 when her ex-boyfriend , nicholas sord , lost control of the car they were traveling in and smashed into a pole .christina mejia first outlined her accusations in a lawsuit filed against the cook county sheriff 's office in illinois in 2010 and the trial is scheduled to begin next week .sheriff 's deputies undressed the body of a 20-year-old car crash victim then took inappropriate nude photos of her at the side of the road , her mother has claimed .\"]\n", + "=======================\n", + "[\"jessica mejia , 20 , died when her drunk ex-boyfriend smashed their car into a pole in cook county , illinois in december 2009sheriff 's deputies improperly undressed the young woman 's body at the scene and took photographs of her , according to her mother 's lawsuitbut the sheriff 's office says it was necessary to take the photographs in order to preserve evidence that ultimately put the ex-boyfriend behind barsthe case goes to trial next week\"]\n", + "her daughter , jessica mejia , was killed in the early hours of december 31 , 2009 when her ex-boyfriend , nicholas sord , lost control of the car they were traveling in and smashed into a pole .christina mejia first outlined her accusations in a lawsuit filed against the cook county sheriff 's office in illinois in 2010 and the trial is scheduled to begin next week .sheriff 's deputies undressed the body of a 20-year-old car crash victim then took inappropriate nude photos of her at the side of the road , her mother has claimed .\n", + "jessica mejia , 20 , died when her drunk ex-boyfriend smashed their car into a pole in cook county , illinois in december 2009sheriff 's deputies improperly undressed the young woman 's body at the scene and took photographs of her , according to her mother 's lawsuitbut the sheriff 's office says it was necessary to take the photographs in order to preserve evidence that ultimately put the ex-boyfriend behind barsthe case goes to trial next week\n", + "[1.5436037 1.4229324 1.2150888 1.2637646 1.0655009 1.1582948 1.015349\n", + " 1.0170512 1.1550944 1.1048294 1.0191524 1.0250607 1.065029 1.0130666\n", + " 1.013696 1.0902164 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 3 2 5 8 9 15 4 12 11 10 7 6 14 13 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"francis coquelin is determined to take his chance at arsenal and claims he wants to follow in the footsteps of club legend patrick vieira .the frenchman has thrived in the centre of arsenal 's midfield since returning from loan at championship side charlton earlier in the season to earn plaudits for his robust performances .arsenal midfielder francis coquelin , who has become an integral part of their midfield , celebrates with fans\"]\n", + "=======================\n", + "[\"the 23-year-old has become an integral part of arsenal 's starting xifrancis coquelin was on loan at charlton earlier in the seasonarsenal face liverpool at the emirates on saturday in a crucial clash\"]\n", + "francis coquelin is determined to take his chance at arsenal and claims he wants to follow in the footsteps of club legend patrick vieira .the frenchman has thrived in the centre of arsenal 's midfield since returning from loan at championship side charlton earlier in the season to earn plaudits for his robust performances .arsenal midfielder francis coquelin , who has become an integral part of their midfield , celebrates with fans\n", + "the 23-year-old has become an integral part of arsenal 's starting xifrancis coquelin was on loan at charlton earlier in the seasonarsenal face liverpool at the emirates on saturday in a crucial clash\n", + "[1.306601 1.5017103 1.2830255 1.2123446 1.3695953 1.0268095 1.0253341\n", + " 1.0483708 1.0737832 1.0747277 1.1394951 1.0197586 1.0202811 1.0221359\n", + " 1.0165855 1.0693016 1.0299926 0. 0. ]\n", + "\n", + "[ 1 4 0 2 3 10 9 8 15 7 16 5 6 13 12 11 14 17 18]\n", + "=======================\n", + "[\"the retired midnight oil lead singer , former politician and passionate environmental activist has put his family 's sydney home on the market and is hoping the stunning terrace will be auctioned off for at least $ 1.05 million .the time has come for australia 's favourite rock star-turned-politician peter garrett to sell his charming victorian terrace in randwick in sydney 's affluent eastern suburbs .the 62-year-old has lived at the thoughtfully restored home for almost five years with his wife dora and three daughters , emily , grace and may .\"]\n", + "=======================\n", + "[\"australia 's favourite rock star-turned-politician peter garrett has put his family 's sydney home on the markethe is hoping the stunning terrace in randwick in sydney 's east will be auctioned off for at least $ 1.05 millionas to be expected the 193 centimetre rockstar 's home boasts beautiful high ceilingshe bought the property in 2010 whilst he was a federal minister for $ 932k .\"]\n", + "the retired midnight oil lead singer , former politician and passionate environmental activist has put his family 's sydney home on the market and is hoping the stunning terrace will be auctioned off for at least $ 1.05 million .the time has come for australia 's favourite rock star-turned-politician peter garrett to sell his charming victorian terrace in randwick in sydney 's affluent eastern suburbs .the 62-year-old has lived at the thoughtfully restored home for almost five years with his wife dora and three daughters , emily , grace and may .\n", + "australia 's favourite rock star-turned-politician peter garrett has put his family 's sydney home on the markethe is hoping the stunning terrace in randwick in sydney 's east will be auctioned off for at least $ 1.05 millionas to be expected the 193 centimetre rockstar 's home boasts beautiful high ceilingshe bought the property in 2010 whilst he was a federal minister for $ 932k .\n", + "[1.0911208 1.1268673 1.3694422 1.2121238 1.1991179 1.1556671 1.0657783\n", + " 1.0698549 1.1354696 1.1361588 1.129588 1.0398698 1.0763823 1.0475047\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 4 5 9 8 10 1 0 12 7 6 13 11 17 14 15 16 18]\n", + "=======================\n", + "[\"they 're featured in a new coffee table book , airline visual identity 1945-1975 , which revisits a time when the skies were dominated by the likes of pan am , british overseas airways corp ( boac ) and continental .pan american world airways ( pan am ) was a dominant and influential airline which declared bankruptcy and ceased operations in 1991many of the adverts in the book featured beautiful women in an effort to glamorise destinations and encourage people to travel\"]\n", + "=======================\n", + "['airline visual identity 1945-1975 revisits a time when the skies were dominated by now-defunct airlinesat that time flying was an exclusive experience and passengers wore their best clothesadverts feature drawings or photos of beautiful women , famous landmarks and natural beauty spotsthe book , published by berlin-based callisto publishers , celebrates the creative genius of the designers']\n", + "they 're featured in a new coffee table book , airline visual identity 1945-1975 , which revisits a time when the skies were dominated by the likes of pan am , british overseas airways corp ( boac ) and continental .pan american world airways ( pan am ) was a dominant and influential airline which declared bankruptcy and ceased operations in 1991many of the adverts in the book featured beautiful women in an effort to glamorise destinations and encourage people to travel\n", + "airline visual identity 1945-1975 revisits a time when the skies were dominated by now-defunct airlinesat that time flying was an exclusive experience and passengers wore their best clothesadverts feature drawings or photos of beautiful women , famous landmarks and natural beauty spotsthe book , published by berlin-based callisto publishers , celebrates the creative genius of the designers\n", + "[1.2860185 1.3342084 1.1407244 1.2523813 1.0895356 1.041157 1.1316168\n", + " 1.0434365 1.1119057 1.098039 1.0544223 1.0819225 1.0588821 1.1533736\n", + " 1.0953557 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 13 2 6 8 9 14 4 11 12 10 7 5 17 15 16 18]\n", + "=======================\n", + "[\"last friday , 26-year-old lance futch donned a white wrinkled polo shirt and drove to hill air force base in utah thinking he was going to be led into an auditorium to talk about how to help veterans get more jobs in the infinitely abundant field of solar energy .a utah man was shocked to discover that his ` informal meeting ' with a federal official to discuss veterans was actually with president barack obama .instead , futch was sat at a table with obama , utah senator orrin hatch , congressman rob bishop , and salt lake city mayor ralph becker - all of whom were wearing suits and ties .\"]\n", + "=======================\n", + "[\"lance futch , 26 , was shocked to discover that his ` informal meeting ' with a federal official to discuss jobs for veterans was actually with president barack obama` if i had known it was my commander-in-chief , i definitely would have been wearing my blues , ' said futch , referring to his national guard dress uniformfutch works for utah solar energy company vivant solar and discussed with the president whether the field offered stable career paths for veterans\"]\n", + "last friday , 26-year-old lance futch donned a white wrinkled polo shirt and drove to hill air force base in utah thinking he was going to be led into an auditorium to talk about how to help veterans get more jobs in the infinitely abundant field of solar energy .a utah man was shocked to discover that his ` informal meeting ' with a federal official to discuss veterans was actually with president barack obama .instead , futch was sat at a table with obama , utah senator orrin hatch , congressman rob bishop , and salt lake city mayor ralph becker - all of whom were wearing suits and ties .\n", + "lance futch , 26 , was shocked to discover that his ` informal meeting ' with a federal official to discuss jobs for veterans was actually with president barack obama` if i had known it was my commander-in-chief , i definitely would have been wearing my blues , ' said futch , referring to his national guard dress uniformfutch works for utah solar energy company vivant solar and discussed with the president whether the field offered stable career paths for veterans\n", + "[1.1472485 1.4192896 1.0993382 1.1065253 1.10418 1.2812943 1.2329658\n", + " 1.0214027 1.041233 1.0490619 1.0168903 1.0686868 1.0273267 1.0146177\n", + " 1.0155224 1.0114592 1.2602494 1.0190575 1.0287814]\n", + "\n", + "[ 1 5 16 6 0 3 4 2 11 9 8 18 12 7 17 10 14 13 15]\n", + "=======================\n", + "[\"in the corridors of power , samantha cameron , justine miliband and miriam clegg proved once more that they are the ones who wear the trousers , in more ways than one .sam cam put her best foot forward on the campaign trail in west london .the three leaders ' wives were on parade yesterday , marching across the country in support of their men , in support of the political party into which they married , in support of desperately important employment issues -- keeping their idiot husbands in a job .\"]\n", + "=======================\n", + "[\"all the party leader 's wives have been spotted looking stylish in trouserssamantha cameron and justine miliband wore almost identical uniformsmiriam gonz · lez was more quirky donning a pair of lib dem yellow chinos\"]\n", + "in the corridors of power , samantha cameron , justine miliband and miriam clegg proved once more that they are the ones who wear the trousers , in more ways than one .sam cam put her best foot forward on the campaign trail in west london .the three leaders ' wives were on parade yesterday , marching across the country in support of their men , in support of the political party into which they married , in support of desperately important employment issues -- keeping their idiot husbands in a job .\n", + "all the party leader 's wives have been spotted looking stylish in trouserssamantha cameron and justine miliband wore almost identical uniformsmiriam gonz · lez was more quirky donning a pair of lib dem yellow chinos\n", + "[1.5118861 1.1473417 1.2402114 1.160743 1.4060786 1.0291728 1.0295415\n", + " 1.1186628 1.0793588 1.0919836 1.0330404 1.0500736 1.0410339 1.026303\n", + " 1.0568815 1.03176 1.0403767 0. 0. ]\n", + "\n", + "[ 0 4 2 3 1 7 9 8 14 11 12 16 10 15 6 5 13 17 18]\n", + "=======================\n", + "[\"a bullish performance by exeter tighthead tomas francis could trigger a tug-of-war between stuart lancaster and warren gatland after the 21st 2lb prop helped end northampton 's three-month unbeaten run in the aviva premiership .chiefs prop tomas francis , who qualifies for england and wales , impressed up against alex corbisierowith wales suffering from injury problems in the front row , francis ( right ) could be fast-tracked through the ranks to face england in the world cup pool match .\"]\n", + "=======================\n", + "['exeter moved up to fourth after completing a double over northamptonphil dollman and a penalty try helped the chiefs on their way to victoryjames wilson and jamie elliot scored for the saints but to no avail']\n", + "a bullish performance by exeter tighthead tomas francis could trigger a tug-of-war between stuart lancaster and warren gatland after the 21st 2lb prop helped end northampton 's three-month unbeaten run in the aviva premiership .chiefs prop tomas francis , who qualifies for england and wales , impressed up against alex corbisierowith wales suffering from injury problems in the front row , francis ( right ) could be fast-tracked through the ranks to face england in the world cup pool match .\n", + "exeter moved up to fourth after completing a double over northamptonphil dollman and a penalty try helped the chiefs on their way to victoryjames wilson and jamie elliot scored for the saints but to no avail\n", + "[1.3011767 1.2478076 1.2149674 1.404574 1.161341 1.0670393 1.1260427\n", + " 1.082496 1.1242437 1.0992067 1.0403682 1.0148728 1.0492048 1.0668279\n", + " 1.109377 1.0449809 1.0130676 1.0088698 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 0 1 2 4 6 8 14 9 7 5 13 12 15 10 11 16 17 20 18 19 21]\n", + "=======================\n", + "[\"former flame : giuliana rancic and jerry o'connell were pictured together at the maxim hot 100 party in las vegas in june of 2004she recently revealed her then boyfriend jerry o'connell ` flirted with and felt up ' rebecca romijn at a party over a decade ago .and photos from that party reveal a loved up couple just moments before giuliana rancic became a woman scorned .\"]\n", + "=======================\n", + "[\"the fashion police host dated actor jerry from 2003 to 2004in her new tell-all going off script she confessed he cheated on hergiuliana , jerry and rebecca romijn all attended a maxim party in june 2006o'connell went on to marry rebecca in 2007 and they had two childrenhe previously hooked up with spice girls member geri halliwell\"]\n", + "former flame : giuliana rancic and jerry o'connell were pictured together at the maxim hot 100 party in las vegas in june of 2004she recently revealed her then boyfriend jerry o'connell ` flirted with and felt up ' rebecca romijn at a party over a decade ago .and photos from that party reveal a loved up couple just moments before giuliana rancic became a woman scorned .\n", + "the fashion police host dated actor jerry from 2003 to 2004in her new tell-all going off script she confessed he cheated on hergiuliana , jerry and rebecca romijn all attended a maxim party in june 2006o'connell went on to marry rebecca in 2007 and they had two childrenhe previously hooked up with spice girls member geri halliwell\n", + "[1.0811775 1.0522269 1.1214433 1.1095719 1.081506 1.0726118 1.0871651\n", + " 1.0762367 1.0512345 1.050136 1.0321121 1.0315245 1.0611781 1.05037\n", + " 1.0405937 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 3 6 4 0 7 5 12 1 8 13 9 14 10 11 20 15 16 17 18 19 21]\n", + "=======================\n", + "['sandals , # 34 , office.co.ukclutch bag , # 145 , russellandbromley.co.uksuede courts , # 195 , lkbennett.com']\n", + "=======================\n", + "['pair a floral skirt with a bold , pink sleeveless shirt and matching shoesaccessorise a mondrian print dress with red accentsbrighten up monochrome stripes with a vibrant orange waistcoat']\n", + "sandals , # 34 , office.co.ukclutch bag , # 145 , russellandbromley.co.uksuede courts , # 195 , lkbennett.com\n", + "pair a floral skirt with a bold , pink sleeveless shirt and matching shoesaccessorise a mondrian print dress with red accentsbrighten up monochrome stripes with a vibrant orange waistcoat\n", + "[1.1923304 1.6388862 1.0688043 1.0994854 1.0311022 1.0348322 1.4373946\n", + " 1.1772772 1.0592406 1.0383077 1.0732858 1.0495883 1.0453385 1.0633081\n", + " 1.0248197 1.014992 1.0198623 1.0116178 1.0126653 1.0123191 1.0138977\n", + " 1.0394733]\n", + "\n", + "[ 1 6 0 7 3 10 2 13 8 11 12 21 9 5 4 14 16 15 20 18 19 17]\n", + "=======================\n", + "['james ward-prowse had just led england under 21s to a thrilling 3-2 victory over germany , scoring the winner after a remarkable 34-pass move .james ward-prowse is beginning to get noticed after starring displays for england u 21s and southamptonfor a young man who has spent his career under the radar , the scene outside the riverside stadium on monday night was symbolic .']\n", + "=======================\n", + "['james ward-prowse scored the winner for england u21s against germanysouthampton youngster practices free kicks like david beckham and his childhood idol steven gerrardsaints boss ronald koeman has been giving him tips on dead balls']\n", + "james ward-prowse had just led england under 21s to a thrilling 3-2 victory over germany , scoring the winner after a remarkable 34-pass move .james ward-prowse is beginning to get noticed after starring displays for england u 21s and southamptonfor a young man who has spent his career under the radar , the scene outside the riverside stadium on monday night was symbolic .\n", + "james ward-prowse scored the winner for england u21s against germanysouthampton youngster practices free kicks like david beckham and his childhood idol steven gerrardsaints boss ronald koeman has been giving him tips on dead balls\n", + "[1.4340525 1.3907331 1.2212117 1.4278133 1.3733729 1.2719709 1.0262381\n", + " 1.0119193 1.0121784 1.0282266 1.0352205 1.1226573 1.0415602 1.1149486\n", + " 1.0767076 1.0255088 1.0539681 1.0127686 1.0173938 1.0615429 1.1196744\n", + " 0. ]\n", + "\n", + "[ 0 3 1 4 5 2 11 20 13 14 19 16 12 10 9 6 15 18 17 8 7 21]\n", + "=======================\n", + "[\"franck ribery says his relationship with louis van gaal was ` poisoned ' at bayern munich and claims the current manchester united coach is a ` bad man ' who loses players ' trust .van gaal took charge of the bavarians in 2009 but only lasted two years , with ribery admitting he considered a move while the dutchman was at the club .van gaal won the league and cup double in his first season in charge at bayern in 2009/10\"]\n", + "=======================\n", + "[\"current man utd boss louis van gaal was in charge of bayern munich from 2009 to 2011franck ribery considered leaving after van gaal lost his trust` he does great things on the pitch but the coach van gaal was a bad man . 'van gaal is currently impressing as manchester united managerclick here for all the latest manchester united news\"]\n", + "franck ribery says his relationship with louis van gaal was ` poisoned ' at bayern munich and claims the current manchester united coach is a ` bad man ' who loses players ' trust .van gaal took charge of the bavarians in 2009 but only lasted two years , with ribery admitting he considered a move while the dutchman was at the club .van gaal won the league and cup double in his first season in charge at bayern in 2009/10\n", + "current man utd boss louis van gaal was in charge of bayern munich from 2009 to 2011franck ribery considered leaving after van gaal lost his trust` he does great things on the pitch but the coach van gaal was a bad man . 'van gaal is currently impressing as manchester united managerclick here for all the latest manchester united news\n", + "[1.355871 1.1554035 1.1106992 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 19 18 17 16 15 14 13 12 10 20 9 8 7 6 5 4 3 11 21]\n", + "=======================\n", + "['( cnn ) once hillary clinton \\'s official announcement went online , social media responded in a big way , with terms like \" hillary clinton , \" \" #hillary2016 , \" and yes , even \" #whyimnotvotingforhillary \" trending .certainly , you could n\\'t go far on twitter ( even before clinton tweeted her announcement ) , without an opinion or thought on her new campaign ( there were over 3 million views of her announcment tweets in one hour , and 750,000 facebook video views so far by sunday evening ) .some tweeted their immediate support , with one word :']\n", + "=======================\n", + "[\"response across social media led to multiple trending topics for hillary clinton 's presidential announcementsome responded to her video and her new campaign logo\"]\n", + "( cnn ) once hillary clinton 's official announcement went online , social media responded in a big way , with terms like \" hillary clinton , \" \" #hillary2016 , \" and yes , even \" #whyimnotvotingforhillary \" trending .certainly , you could n't go far on twitter ( even before clinton tweeted her announcement ) , without an opinion or thought on her new campaign ( there were over 3 million views of her announcment tweets in one hour , and 750,000 facebook video views so far by sunday evening ) .some tweeted their immediate support , with one word :\n", + "response across social media led to multiple trending topics for hillary clinton 's presidential announcementsome responded to her video and her new campaign logo\n", + "[1.4024434 1.4060094 1.2133144 1.1627648 1.1297266 1.0454863 1.0501542\n", + " 1.0689076 1.087284 1.0662906 1.0482225 1.0234888 1.0200592 1.1074483\n", + " 1.113184 1.066118 1.0388156 1.019807 1.0199099]\n", + "\n", + "[ 1 0 2 3 4 14 13 8 7 9 15 6 10 5 16 11 12 18 17]\n", + "=======================\n", + "['velentzas and her former roommate , 31-year-old asia siddiqui , were arrested and accused of planning to build an explosive device for attacks in the united states , federal prosecutors said .( cnn ) noelle velentzas , 28 , could n\\'t understand why u.s. citizens like herself were traveling overseas to wage jihad when they could simply \" make history \" at home by unleashing terrorist attacks , according to a federal criminal complaint unsealed thursday .siddiqui is also a u.s. citizen .']\n", + "=======================\n", + "[\"noelle velentzas and asia siddiqui are arrested in connection with a plot inspired by isisthursday 's arrests are part of a series of cases being built by the federal government\"]\n", + "velentzas and her former roommate , 31-year-old asia siddiqui , were arrested and accused of planning to build an explosive device for attacks in the united states , federal prosecutors said .( cnn ) noelle velentzas , 28 , could n't understand why u.s. citizens like herself were traveling overseas to wage jihad when they could simply \" make history \" at home by unleashing terrorist attacks , according to a federal criminal complaint unsealed thursday .siddiqui is also a u.s. citizen .\n", + "noelle velentzas and asia siddiqui are arrested in connection with a plot inspired by isisthursday 's arrests are part of a series of cases being built by the federal government\n", + "[1.2648804 1.3201141 1.1235421 1.0859406 1.3013427 1.3259219 1.1250235\n", + " 1.0212926 1.1627992 1.0493917 1.1031071 1.0818172 1.0308412 1.0206413\n", + " 1.0149999 1.0239346 1.034325 1.0327294 1.1100571]\n", + "\n", + "[ 5 1 4 0 8 6 2 18 10 3 11 9 16 17 12 15 7 13 14]\n", + "=======================\n", + "[\"louis van gaal ( l ) and manuel pellegrini 's ( r ) sides are in contrasting form going into the old trafford clashthe manchester united and manchester city composite xi ahead of the derby - selected by sportsmailat the start of the year the prospect of manchester united leading rivals manchester city going into april 's derby at old trafford looked extremely unlikely .\"]\n", + "=======================\n", + "[\"manchester united lead manchester city in premier league ahead of derbymanuel pellegrini 's side are in poor form ahead of old trafford clashlouis van gaal has found a system to suit his man united squadander herrera , juan mata and wayne rooney are in fine formthe defence may struggle , but our xi has plenty of playmakers and goalsmanchester united vs manchester city : the experts view of the big derby\"]\n", + "louis van gaal ( l ) and manuel pellegrini 's ( r ) sides are in contrasting form going into the old trafford clashthe manchester united and manchester city composite xi ahead of the derby - selected by sportsmailat the start of the year the prospect of manchester united leading rivals manchester city going into april 's derby at old trafford looked extremely unlikely .\n", + "manchester united lead manchester city in premier league ahead of derbymanuel pellegrini 's side are in poor form ahead of old trafford clashlouis van gaal has found a system to suit his man united squadander herrera , juan mata and wayne rooney are in fine formthe defence may struggle , but our xi has plenty of playmakers and goalsmanchester united vs manchester city : the experts view of the big derby\n", + "[1.281835 1.4283906 1.3988575 1.2822151 1.2927759 1.1548191 1.0548359\n", + " 1.0371745 1.0250063 1.1277331 1.0993859 1.0703827 1.0488554 1.0376917\n", + " 1.0514803 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 0 5 9 10 11 6 14 12 13 7 8 17 15 16 18]\n", + "=======================\n", + "[\"the notice has been fixed outside a university building in portugal place - but the message contains grammatical errors , according to one expert .it warns that bikes will be ` removed or destroyed ' if they are left behind a building previously used by the greek orthodox church .a sign written in ancient greek and latin warning cyclists not to chain their bikes to railings in cambridge has been branded ` elitist ' .\"]\n", + "=======================\n", + "[\"sign was erected outside university building in portugal place , cambridgebut the message , in two classical languages , has been branded as ` elitist 'one expert has claimed that there are inaccuracies in the greek warning\"]\n", + "the notice has been fixed outside a university building in portugal place - but the message contains grammatical errors , according to one expert .it warns that bikes will be ` removed or destroyed ' if they are left behind a building previously used by the greek orthodox church .a sign written in ancient greek and latin warning cyclists not to chain their bikes to railings in cambridge has been branded ` elitist ' .\n", + "sign was erected outside university building in portugal place , cambridgebut the message , in two classical languages , has been branded as ` elitist 'one expert has claimed that there are inaccuracies in the greek warning\n", + "[1.4288903 1.2627363 1.3601363 1.0925534 1.3049889 1.2157391 1.1450648\n", + " 1.0489076 1.1098922 1.0715029 1.0674486 1.0537647 1.0373026 1.0945363\n", + " 1.027048 1.0233892 1.0264938 0. 0. ]\n", + "\n", + "[ 0 2 4 1 5 6 8 13 3 9 10 11 7 12 14 16 15 17 18]\n", + "=======================\n", + "[\"celtic retained their seven-point lead at the top of the scottish premiership with an easy 2-0 win over 10-man partick at parkhead .thistle midfielder james craigen had been shown a straight red card by referee willie collum for a ` last man ' foul on hoops midfielder stuart armstrong to concede the spot-kick .stuart armstrong is brought down by partick thistle 's james craigen leading to a penalty\"]\n", + "=======================\n", + "[\"kris commons fired celtic into the lead on the stroke of half-timepartick thistle 's james craigen was sent off before the penaltystefan johansen doubled the home side 's advantage in the 63rd minute\"]\n", + "celtic retained their seven-point lead at the top of the scottish premiership with an easy 2-0 win over 10-man partick at parkhead .thistle midfielder james craigen had been shown a straight red card by referee willie collum for a ` last man ' foul on hoops midfielder stuart armstrong to concede the spot-kick .stuart armstrong is brought down by partick thistle 's james craigen leading to a penalty\n", + "kris commons fired celtic into the lead on the stroke of half-timepartick thistle 's james craigen was sent off before the penaltystefan johansen doubled the home side 's advantage in the 63rd minute\n", + "[1.2287582 1.4899942 1.453321 1.297814 1.1870877 1.0669993 1.0450464\n", + " 1.0175791 1.0645753 1.0434017 1.2505014 1.0533761 1.0894892 1.0135268\n", + " 1.0331125 1.0202827 1.0179365 1.0222635 1.0301509]\n", + "\n", + "[ 1 2 3 10 0 4 12 5 8 11 6 9 14 18 17 15 16 7 13]\n", + "=======================\n", + "[\"aimee west , 24 , is said to be in a relationship with major paul draper -- a former comrade of the murdered soldier .the fiancee of fusilier lee rigby has found ` happiness ' with an army major 27 years her senior .major draper 's ex-wife , jane -- whom he left for another woman in 2002 -- said she was not surprised by his new relationship .\"]\n", + "=======================\n", + "['aimee west , 24 , was devastated when her husband-to-be was murderedshe met fusilier lee rigby at army cadet training camp in august 2012but in may 2013 , the 25-year-old was hacked to death in broad daylightnow , she has found comfort in 51-year-old father-of-three paul draper']\n", + "aimee west , 24 , is said to be in a relationship with major paul draper -- a former comrade of the murdered soldier .the fiancee of fusilier lee rigby has found ` happiness ' with an army major 27 years her senior .major draper 's ex-wife , jane -- whom he left for another woman in 2002 -- said she was not surprised by his new relationship .\n", + "aimee west , 24 , was devastated when her husband-to-be was murderedshe met fusilier lee rigby at army cadet training camp in august 2012but in may 2013 , the 25-year-old was hacked to death in broad daylightnow , she has found comfort in 51-year-old father-of-three paul draper\n", + "[1.1875913 1.4169116 1.1586106 1.1962346 1.2620488 1.032892 1.0685288\n", + " 1.0947438 1.0952531 1.0574692 1.1506623 1.182938 1.0597552 1.0398967\n", + " 1.0188452 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 0 11 2 10 8 7 6 12 9 13 5 14 19 15 16 17 18 20]\n", + "=======================\n", + "[\"audrey nethery , from kentucky , has diamond blackfan anemia ( dba ) , a life-threatening bone marrow condition that impacts her body 's ability to circulate oxygen .but the condition does n't stop audrey from dancing , which she does incredibly well to bruno mars ' chart-topping hit uptown funk in a widely-watched video that her family posted on her facebook page .the parents of a sweet six-year-old are using adorable videos of their daughter dancing to help raise awareness about her rare disorder - and the moving and grooving clips have quickly turned the youngster into an online star .\"]\n", + "=======================\n", + "[\"audrey nethery , from kentucky , suffers from diamond blackfan anemiathe youngster has already undergone 20 blood transfusions because her body does n't produce enough red blood cellsa video of audrey dancing at her zumba class has had nearly three million views and raised vital funds for the diamond blackfan anemia foundation\"]\n", + "audrey nethery , from kentucky , has diamond blackfan anemia ( dba ) , a life-threatening bone marrow condition that impacts her body 's ability to circulate oxygen .but the condition does n't stop audrey from dancing , which she does incredibly well to bruno mars ' chart-topping hit uptown funk in a widely-watched video that her family posted on her facebook page .the parents of a sweet six-year-old are using adorable videos of their daughter dancing to help raise awareness about her rare disorder - and the moving and grooving clips have quickly turned the youngster into an online star .\n", + "audrey nethery , from kentucky , suffers from diamond blackfan anemiathe youngster has already undergone 20 blood transfusions because her body does n't produce enough red blood cellsa video of audrey dancing at her zumba class has had nearly three million views and raised vital funds for the diamond blackfan anemia foundation\n", + "[1.076785 1.4708209 1.4352192 1.2246256 1.2747121 1.092174 1.0358176\n", + " 1.0591522 1.0277584 1.0268575 1.104671 1.0470853 1.1889904 1.0844319\n", + " 1.0411185 1.0284957 1.0087031 1.0801512 1.0782056 0. 0. ]\n", + "\n", + "[ 1 2 4 3 12 10 5 13 17 18 0 7 11 14 6 15 8 9 16 19 20]\n", + "=======================\n", + "['photo stylist nathalie croquet , from paris , has recreated a series of glossy commercials for her project spoof .the exhibition includes parodies of ads from givenchy , lancome , lanvin and acne .lancome : nathalie croquet a photo-stylist from paris created a photo series called spoof in which she recreated the ads of famous designers and brands']\n", + "=======================\n", + "['french stylist nathalie croquet stepped in front of the lens for pic projectshe recreated spoof ads for brands such as givenchy , lancome & lanvinthe series of 11 pictures were shot by photographer daniel schweizer']\n", + "photo stylist nathalie croquet , from paris , has recreated a series of glossy commercials for her project spoof .the exhibition includes parodies of ads from givenchy , lancome , lanvin and acne .lancome : nathalie croquet a photo-stylist from paris created a photo series called spoof in which she recreated the ads of famous designers and brands\n", + "french stylist nathalie croquet stepped in front of the lens for pic projectshe recreated spoof ads for brands such as givenchy , lancome & lanvinthe series of 11 pictures were shot by photographer daniel schweizer\n", + "[1.2432871 1.5374106 1.3184053 1.3580766 1.1920642 1.0747671 1.1380773\n", + " 1.1126575 1.1296813 1.0744431 1.1549747 1.0313267 1.0145863 1.0161493\n", + " 1.0151951 1.0102333 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 10 6 8 7 5 9 11 13 14 12 15 19 16 17 18 20]\n", + "=======================\n", + "[\"grey and white cat marv somehow managed to get wedged in a five inch gap in between owner brendon veale 's garage and his neighbours in hanham , bristol and was left dangling for two hours .the rspca were called and they too were unable to coax the pet from the gap and eventually firefighters had to tunnel through a garage wall with a chisel to get him free .firefighters were forced to chisel through a brick wall to free a pet cat who became stuck upside down in between a tiny gap in two garages .\"]\n", + "=======================\n", + "['pet cat marv became stuck in five inch gap between two garages in bristolmarv was stuck upside down in the small enclosed space for two hoursfirefighters were forced to chisel through a wall in order to free himhe was then reunited with his owners and luckily was uninjured']\n", + "grey and white cat marv somehow managed to get wedged in a five inch gap in between owner brendon veale 's garage and his neighbours in hanham , bristol and was left dangling for two hours .the rspca were called and they too were unable to coax the pet from the gap and eventually firefighters had to tunnel through a garage wall with a chisel to get him free .firefighters were forced to chisel through a brick wall to free a pet cat who became stuck upside down in between a tiny gap in two garages .\n", + "pet cat marv became stuck in five inch gap between two garages in bristolmarv was stuck upside down in the small enclosed space for two hoursfirefighters were forced to chisel through a wall in order to free himhe was then reunited with his owners and luckily was uninjured\n", + "[1.5667095 1.3324084 1.3570842 1.0380012 1.0669765 1.0350295 1.0717875\n", + " 1.0452023 1.3114738 1.097435 1.0612508 1.0889666 1.0845076 1.0885834\n", + " 1.0186437 1.0124785 1.0648259 1.0492347 1.0236288 1.0224279 1.0101233]\n", + "\n", + "[ 0 2 1 8 9 11 13 12 6 4 16 10 17 7 3 5 18 19 14 15 20]\n", + "=======================\n", + "[\"manchester united thumped manchester city 4-2 at old trafford on sunday to move four points clear of their cross-town rivals .manchester city , meanwhile , have gone from joint top on new year 's day to 12 points off the leaders and looking over their shoulders at the likes of liverpool , tottenham and southampton .louis van gaal 's men continued their excellent run of form and a champions league spot looks all but assured now for them after their manchester derby victory .\"]\n", + "=======================\n", + "[\"manchester united beat manchester city 4-2 at old traffordwin moved united four points clear of their cross-town rivalscity went from joint top on new year 's day to 12 points behind chelseamarouane fellaini continues his rebirth in the last few weeks\"]\n", + "manchester united thumped manchester city 4-2 at old trafford on sunday to move four points clear of their cross-town rivals .manchester city , meanwhile , have gone from joint top on new year 's day to 12 points off the leaders and looking over their shoulders at the likes of liverpool , tottenham and southampton .louis van gaal 's men continued their excellent run of form and a champions league spot looks all but assured now for them after their manchester derby victory .\n", + "manchester united beat manchester city 4-2 at old traffordwin moved united four points clear of their cross-town rivalscity went from joint top on new year 's day to 12 points behind chelseamarouane fellaini continues his rebirth in the last few weeks\n", + "[1.2168946 1.5636246 1.2608651 1.3921486 1.3528947 1.1079355 1.1100761\n", + " 1.0362823 1.0312369 1.079675 1.0128155 1.0498751 1.0389693 1.1855628\n", + " 1.0323168 1.0861549 1.0165161 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 13 6 5 15 9 11 12 7 14 8 16 10 17 18 19 20]\n", + "=======================\n", + "[\"diwalinen vankar , 58 , had gone with her 19-year-old daughter kanta , to the bank of the vishwamitri river , 40 kilometres from vadodara , in west india , to wash their clothes .as they were wringing out their laundry , a mugger crocodile grabbed kanta 's right leg and dragged her into the murky river .a heroic mother saved her daughter from the jaws of a 13ft crocodile in a 10-minute long battle , armed only with a wooden washing paddle .\"]\n", + "=======================\n", + "[\"diwalinen vankar went with daughter to wash clothes in vishwamitri rivera crocodile grabbed daughter 's leg and dragged her into river in west indiavankar , 58 , tried to pull daughter - kanta - free from clutches of crocodilebut after no success , she started attacking it with her washing paddleeventually rescued 19-year-old daughter , who only suffered minor injuries\"]\n", + "diwalinen vankar , 58 , had gone with her 19-year-old daughter kanta , to the bank of the vishwamitri river , 40 kilometres from vadodara , in west india , to wash their clothes .as they were wringing out their laundry , a mugger crocodile grabbed kanta 's right leg and dragged her into the murky river .a heroic mother saved her daughter from the jaws of a 13ft crocodile in a 10-minute long battle , armed only with a wooden washing paddle .\n", + "diwalinen vankar went with daughter to wash clothes in vishwamitri rivera crocodile grabbed daughter 's leg and dragged her into river in west indiavankar , 58 , tried to pull daughter - kanta - free from clutches of crocodilebut after no success , she started attacking it with her washing paddleeventually rescued 19-year-old daughter , who only suffered minor injuries\n", + "[1.5180857 1.4988773 1.065681 1.5420977 1.0575969 1.0317781 1.0721426\n", + " 1.0656912 1.0463876 1.2045431 1.0307653 1.0240798 1.0445135 1.0221893\n", + " 1.1215978 1.0208108 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 9 14 6 7 2 4 8 12 5 10 11 13 15 19 16 17 18 20]\n", + "=======================\n", + "[\"robert lewandowski fires bayern munich ahead against eintracht frankfurt on saturday afternoonbayern munich moved a step closer to a third straight bundesliga title thanks to a 3-0 win over eintracht frankfurt .robert lewandowski boosted his own chances of winning the golden boot award at the end of his first season with bayern , and a second in a row after finishing the league 's top-scorer with borussia dortmund last season , by netting two goals in a commanding victory for pep guardiola 's men .\"]\n", + "=======================\n", + "['robert lewandowski scored twice as bayern munich claimed 3-0 victorythomas muller scored with eight minutes remaining to complete winbayern munich maintained their lead at the top of the bundesliga']\n", + "robert lewandowski fires bayern munich ahead against eintracht frankfurt on saturday afternoonbayern munich moved a step closer to a third straight bundesliga title thanks to a 3-0 win over eintracht frankfurt .robert lewandowski boosted his own chances of winning the golden boot award at the end of his first season with bayern , and a second in a row after finishing the league 's top-scorer with borussia dortmund last season , by netting two goals in a commanding victory for pep guardiola 's men .\n", + "robert lewandowski scored twice as bayern munich claimed 3-0 victorythomas muller scored with eight minutes remaining to complete winbayern munich maintained their lead at the top of the bundesliga\n", + "[1.4990876 1.5025043 1.3346517 1.4195471 1.0623184 1.0219959 1.0150621\n", + " 1.0106304 1.15986 1.071281 1.0749956 1.070928 1.0316789 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 8 10 9 11 4 12 5 6 7 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"the 26-year-old holland international midfielder played 45 minutes for the club 's under-21s team on wednesday evening after competing his recovery from surgery to repair a collapsed lung .siem de jong is targeting newcastle 's home clash with swansea later this month for a return to senior action after an eight-month injury nightmare .head coach john carver has hinted that de jong could even make the 18 for sunday 's barclays premier league fixture against tottenham at st james ' park , and while the dutchman has not ruled that out , his sights are set the swans ' visit to tyneside on the following weekend .\"]\n", + "=======================\n", + "['siem de jong signed for newcastle last summer from dutch giants ajaxde jong has been plagued by injuries , playing just three senior gamesthe # 6m summer signing is ready to return to the newcastle first-teamnewcastle are on a five-match losing run in the premier league']\n", + "the 26-year-old holland international midfielder played 45 minutes for the club 's under-21s team on wednesday evening after competing his recovery from surgery to repair a collapsed lung .siem de jong is targeting newcastle 's home clash with swansea later this month for a return to senior action after an eight-month injury nightmare .head coach john carver has hinted that de jong could even make the 18 for sunday 's barclays premier league fixture against tottenham at st james ' park , and while the dutchman has not ruled that out , his sights are set the swans ' visit to tyneside on the following weekend .\n", + "siem de jong signed for newcastle last summer from dutch giants ajaxde jong has been plagued by injuries , playing just three senior gamesthe # 6m summer signing is ready to return to the newcastle first-teamnewcastle are on a five-match losing run in the premier league\n", + "[1.2234505 1.4736031 1.3408445 1.2029545 1.2870823 1.1946205 1.0871117\n", + " 1.0992465 1.0350894 1.0322502 1.0516454 1.0727816 1.0853082 1.128699\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 0 3 5 13 7 6 12 11 10 8 9 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"two-year-old darcy atkinson was covered in bruises and had traces of the stimulant ritalin in his system when he died on december 7 , 2012 .the toddler had been in the care of his mother 's boyfriend adam taylor when he was rushed to gosford hospital by paramedics , before being airlifted to sydney 's westmead children 's hospital after throwing up three times and going rigid in the bath .darcy atkinson , two , died of brain injuries in december 2012 .\"]\n", + "=======================\n", + "[\"darcy atkinson , aged two , died of brain injuries in december 2012he vomited 3 times and went rigid in bath under care of mother 's boyfriendhe had bruising on his ears , temple and limbs and traces of the stimulant ritalin in his system when he dieda doctor told an inquest into his death he had been ` caned or whipped 'he said darcy has serious bruising around his ears which looked infectedhis mother said she received a photo and text from her boyfriend the day before he died , saying he had bumped his head while paddle boardingshe then denied receiving the photo which investigators never found\"]\n", + "two-year-old darcy atkinson was covered in bruises and had traces of the stimulant ritalin in his system when he died on december 7 , 2012 .the toddler had been in the care of his mother 's boyfriend adam taylor when he was rushed to gosford hospital by paramedics , before being airlifted to sydney 's westmead children 's hospital after throwing up three times and going rigid in the bath .darcy atkinson , two , died of brain injuries in december 2012 .\n", + "darcy atkinson , aged two , died of brain injuries in december 2012he vomited 3 times and went rigid in bath under care of mother 's boyfriendhe had bruising on his ears , temple and limbs and traces of the stimulant ritalin in his system when he dieda doctor told an inquest into his death he had been ` caned or whipped 'he said darcy has serious bruising around his ears which looked infectedhis mother said she received a photo and text from her boyfriend the day before he died , saying he had bumped his head while paddle boardingshe then denied receiving the photo which investigators never found\n", + "[1.3806155 1.3738073 1.0956774 1.5269156 1.1025543 1.1298914 1.0151317\n", + " 1.012652 1.115073 1.0742581 1.0887104 1.1658982 1.1640694 1.01767\n", + " 1.0150867 1.2444735 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 15 11 12 5 8 4 2 10 9 13 6 14 7 16 17 18 19 20]\n", + "=======================\n", + "['gary cahill is yet to win the premier league with chelsea since joining the club in january 2012gary cahill has spoken of the demands of maintaining a title challenge as he looks to secure his first ever premier league winners medal with chelsea this season .chelsea can move three points nearer to their fourth premier league trophy with three points against manchester united at stamford bridge on saturday .']\n", + "=======================\n", + "['gary cahill has won four cup competitions since joining chelseathe defender could win the league for the first time this seasoncahill believes league glory would be his toughest achievement yet']\n", + "gary cahill is yet to win the premier league with chelsea since joining the club in january 2012gary cahill has spoken of the demands of maintaining a title challenge as he looks to secure his first ever premier league winners medal with chelsea this season .chelsea can move three points nearer to their fourth premier league trophy with three points against manchester united at stamford bridge on saturday .\n", + "gary cahill has won four cup competitions since joining chelseathe defender could win the league for the first time this seasoncahill believes league glory would be his toughest achievement yet\n", + "[1.2586887 1.4190266 1.2029521 1.2613783 1.2571349 1.2177342 1.184947\n", + " 1.151486 1.1064157 1.0381287 1.0409408 1.038743 1.0541999 1.0388663\n", + " 1.0952791 1.0469236 1.0418783 1.044412 1.0276862 1.0241506 1.0494288]\n", + "\n", + "[ 1 3 0 4 5 2 6 7 8 14 12 20 15 17 16 10 13 11 9 18 19]\n", + "=======================\n", + "[\"friends and strangers can then film relevant clips and attach them to the end of your videocalled riff , it lets you film videos and upload them to facebook and the app .the app was created by london-based developers through facebook 's creative labs .\"]\n", + "=======================\n", + "['riff was developed in london and is available on android and iosit lets you film a video and uploaded it to the app and facebookfriends then film their own clips and tag them onto the end of your video']\n", + "friends and strangers can then film relevant clips and attach them to the end of your videocalled riff , it lets you film videos and upload them to facebook and the app .the app was created by london-based developers through facebook 's creative labs .\n", + "riff was developed in london and is available on android and iosit lets you film a video and uploaded it to the app and facebookfriends then film their own clips and tag them onto the end of your video\n", + "[1.200401 1.066178 1.0607179 1.3086641 1.2289447 1.1477478 1.1254334\n", + " 1.0614437 1.1409136 1.0631217 1.1788038 1.1383773 1.0577219 1.031592\n", + " 1.0206321 1.0930165 1.1121536 1.090033 1.0192375 1.0285299 1.0183197]\n", + "\n", + "[ 3 4 0 10 5 8 11 6 16 15 17 1 9 7 2 12 13 19 14 18 20]\n", + "=======================\n", + "[\"he committed suicide early in the pregnancy .eight years back , yogita 's father-in-law , also a cotton farmer , took his own life .vidarbha , india ( cnn ) yogita kanhaiya is expecting a baby soon .\"]\n", + "=======================\n", + "['vidarbha , the eastern region of the state of maharashtra , is known as the epicenter of the suicide crisisfarmers are becoming burdened with debt due to falling prices but rising costs']\n", + "he committed suicide early in the pregnancy .eight years back , yogita 's father-in-law , also a cotton farmer , took his own life .vidarbha , india ( cnn ) yogita kanhaiya is expecting a baby soon .\n", + "vidarbha , the eastern region of the state of maharashtra , is known as the epicenter of the suicide crisisfarmers are becoming burdened with debt due to falling prices but rising costs\n", + "[1.3060583 1.368304 1.3229164 1.2563049 1.1239511 1.0511975 1.0362862\n", + " 1.0271485 1.1537769 1.084603 1.0361582 1.0607892 1.1040158 1.0519443\n", + " 1.0765145 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 8 4 12 9 14 11 13 5 6 10 7 15 16 17 18 19 20]\n", + "=======================\n", + "[\"khalid rashad , 61 , appeared at camberwell magistrates court today , charged with possession of an explosive substance for an unlawful purpose , and possession of ammunition for a firearm without a certificate .the charges were brought yesterday by officers investigating the death of abdul hadi arwani , 48 , an outspoken critic of the assad regime in syria , whose body was found in his parked volkswagen passat in wembley , north west london , on april 7 .rashad , of wembley , has been remanded in custody to appear at camberwell green magistrates ' court tomorrow .\"]\n", + "=======================\n", + "['khalid rashad , 61 , charged by police investigating death of syrian imanpreacher abdul hadi arwani found shot dead in his car in wembley in aprilleslie cooper , 36 , has already appeared in court accused of murder']\n", + "khalid rashad , 61 , appeared at camberwell magistrates court today , charged with possession of an explosive substance for an unlawful purpose , and possession of ammunition for a firearm without a certificate .the charges were brought yesterday by officers investigating the death of abdul hadi arwani , 48 , an outspoken critic of the assad regime in syria , whose body was found in his parked volkswagen passat in wembley , north west london , on april 7 .rashad , of wembley , has been remanded in custody to appear at camberwell green magistrates ' court tomorrow .\n", + "khalid rashad , 61 , charged by police investigating death of syrian imanpreacher abdul hadi arwani found shot dead in his car in wembley in aprilleslie cooper , 36 , has already appeared in court accused of murder\n", + "[1.2849803 1.277432 1.2170991 1.3525202 1.1143814 1.1094697 1.0390285\n", + " 1.0534655 1.143414 1.0902674 1.154156 1.0442647 1.0508982 1.027644\n", + " 1.0284622 1.055245 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 2 10 8 4 5 9 15 7 12 11 6 14 13 19 16 17 18 20]\n", + "=======================\n", + "[\"snp leader nicola sturgeon was mocked by ex-pm sir john major over her demand to play a role in proper up a labour government , when she is ` not even bothering ' to stand as an mp herselfin a speech today , sir john claimed the snp would use any power they wield in westminster after the election to foster division and further their dream of the break up of the 300-year-old union .welsh nationalists plaid cymru would demand more money for wales while the ` worthy ' green party 's economic plan is ' a recipe for economic self-harm ' .\"]\n", + "=======================\n", + "[\"former tory pm warns snp would use role in government to breakup uksnp leader accuses him of being ` silly and over the top ' in speechpolls suggest snp will prop up a labour minority government\"]\n", + "snp leader nicola sturgeon was mocked by ex-pm sir john major over her demand to play a role in proper up a labour government , when she is ` not even bothering ' to stand as an mp herselfin a speech today , sir john claimed the snp would use any power they wield in westminster after the election to foster division and further their dream of the break up of the 300-year-old union .welsh nationalists plaid cymru would demand more money for wales while the ` worthy ' green party 's economic plan is ' a recipe for economic self-harm ' .\n", + "former tory pm warns snp would use role in government to breakup uksnp leader accuses him of being ` silly and over the top ' in speechpolls suggest snp will prop up a labour minority government\n", + "[1.5412054 1.4086204 1.1858718 1.0846534 1.3429086 1.1350944 1.206346\n", + " 1.0353434 1.1487043 1.0638341 1.0372928 1.0195868 1.0840831 1.0231545\n", + " 1.0227559 1.0387498 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 6 2 8 5 3 12 9 15 10 7 13 14 11 19 16 17 18 20]\n", + "=======================\n", + "[\"gary and phil neville , ryan giggs , nicky butt and paul scholes will no doubt partying hard on tuesday night after salford city clinched the evo-stik league first division north title , with the club gaining promotion on a very fitting 92 points .title rivals darlington 1883 could only draw 1-1 with warrington town , meaning the manchester-based club won the title without having to kick a ball .scholes and gary were in attendance for salford 's victory against clitheroe town before they made made it eight wins on the bounce the following week away to burscough .\"]\n", + "=======================\n", + "[\"salford city clinched the evo-stik league first division north titledarlington 1883 's failure to beat warrington saw them win without playingpaul scholes , nicky butt , ryan giggs and the neville brothers are co-owners of the club and will be delighted with the instant success\"]\n", + "gary and phil neville , ryan giggs , nicky butt and paul scholes will no doubt partying hard on tuesday night after salford city clinched the evo-stik league first division north title , with the club gaining promotion on a very fitting 92 points .title rivals darlington 1883 could only draw 1-1 with warrington town , meaning the manchester-based club won the title without having to kick a ball .scholes and gary were in attendance for salford 's victory against clitheroe town before they made made it eight wins on the bounce the following week away to burscough .\n", + "salford city clinched the evo-stik league first division north titledarlington 1883 's failure to beat warrington saw them win without playingpaul scholes , nicky butt , ryan giggs and the neville brothers are co-owners of the club and will be delighted with the instant success\n", + "[1.4015373 1.5623435 1.2793434 1.4087341 1.0313141 1.0307829 1.120897\n", + " 1.0530577 1.0324941 1.016711 1.2456851 1.243119 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 10 11 6 7 8 4 5 9 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"the argentine forward , 21 , has been linked with a number of europe 's top clubs after some dazzling performances in serie a , and scored his 13th league goal of the season on saturday .paolo dybala says he could be playing his final games for palermo as arsenal and juventus prepare moves 'arsenal target paolo dybala has admitted that these could be his last days at palermo , with the club ready to cash in on their star man .\"]\n", + "=======================\n", + "[\"arsenal and juventus have reportedly bid for palermo 's paolo dybalaargentine forward says final 10 games of season could be his last for clubarsene wenger denies interest but arsenal are said to be his first choicedybala scored his 13th goal of serie a campaign on saturday\"]\n", + "the argentine forward , 21 , has been linked with a number of europe 's top clubs after some dazzling performances in serie a , and scored his 13th league goal of the season on saturday .paolo dybala says he could be playing his final games for palermo as arsenal and juventus prepare moves 'arsenal target paolo dybala has admitted that these could be his last days at palermo , with the club ready to cash in on their star man .\n", + "arsenal and juventus have reportedly bid for palermo 's paolo dybalaargentine forward says final 10 games of season could be his last for clubarsene wenger denies interest but arsenal are said to be his first choicedybala scored his 13th goal of serie a campaign on saturday\n", + "[1.0820657 1.3667709 1.2594337 1.3030035 1.2953782 1.087326 1.1054455\n", + " 1.0836015 1.1634265 1.0987952 1.0602956 1.0594103 1.1262635 1.08666\n", + " 1.0761148 1.050845 1.0434778 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 8 12 6 9 5 13 7 0 14 10 11 15 16 19 17 18 20]\n", + "=======================\n", + "[\"on the market for an enormous $ 15 million , this property is located within 73 acres of daintree rainforest and fringes over 600 metres of far north queensland beachfront .it was designed by architect charles wright and won the australian institute of architects house of the year for queensland in 2014whilst it 's unusual design resembles an alien spaceship , the home was inspired by an australian stamp , with six bedroom pods placed at the end of six fingers .\"]\n", + "=======================\n", + "['a mansion in the rainforest of far north queensland resembling a spaceship is on the market for $ 15 millionthe property called alkira , sits on 73 acres of daintree rainforest and fringes over 600 metres of beachfrontdesigned by architect charles wright , it won australian institute of architects house of the year for the state in 2014it boasts six bedrooms , six bathrooms , five balconies , a 2400 bottle cellar and a helipad 100 metres from the house']\n", + "on the market for an enormous $ 15 million , this property is located within 73 acres of daintree rainforest and fringes over 600 metres of far north queensland beachfront .it was designed by architect charles wright and won the australian institute of architects house of the year for queensland in 2014whilst it 's unusual design resembles an alien spaceship , the home was inspired by an australian stamp , with six bedroom pods placed at the end of six fingers .\n", + "a mansion in the rainforest of far north queensland resembling a spaceship is on the market for $ 15 millionthe property called alkira , sits on 73 acres of daintree rainforest and fringes over 600 metres of beachfrontdesigned by architect charles wright , it won australian institute of architects house of the year for the state in 2014it boasts six bedrooms , six bathrooms , five balconies , a 2400 bottle cellar and a helipad 100 metres from the house\n", + "[1.0935135 1.1060864 1.3227068 1.2959328 1.2577822 1.1259916 1.2848482\n", + " 1.3708878 1.0734828 1.0773174 1.0691603 1.0168129 1.0104282 1.0141352\n", + " 1.0306839 1.0502359 1.0293887 1.1397815 1.1798829 1.0871357 1.0451537]\n", + "\n", + "[ 7 2 3 6 4 18 17 5 1 0 19 9 8 10 15 20 14 16 11 13 12]\n", + "=======================\n", + "[\"manchester city captain vincent kompany is doubtful for sunday 's derby against manchester united with a hamstring injury .manchester united vs manchester city ( old trafford )smalling could feature for the red devils in the manchester derby\"]\n", + "=======================\n", + "['chris smalling in contention but luke shaw and jonny evans outrobin van persie will not be risked by manchester unitedvincent kompany a doubt for manchester city with hamstring injurywilfried bony , stevan jovetic and dedryck boyata will be absent for city']\n", + "manchester city captain vincent kompany is doubtful for sunday 's derby against manchester united with a hamstring injury .manchester united vs manchester city ( old trafford )smalling could feature for the red devils in the manchester derby\n", + "chris smalling in contention but luke shaw and jonny evans outrobin van persie will not be risked by manchester unitedvincent kompany a doubt for manchester city with hamstring injurywilfried bony , stevan jovetic and dedryck boyata will be absent for city\n", + "[1.4150598 1.1883544 1.3962473 1.3071814 1.2566713 1.1376139 1.1667714\n", + " 1.0440459 1.1796937 1.0828388 1.0490733 1.029691 1.0556797 1.0415266\n", + " 1.0314385 1.0154725 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 4 1 8 6 5 9 12 10 7 13 14 11 15 16 17 18 19 20]\n", + "=======================\n", + "[\"jailed : jordan sim-mutch posted pictures of stolen money and drugs on facebook after targeting businesses across greater manchesterthe career criminal , who claimed he worked in ` midnight removals ' in his online profile , was part of an armed gang responsible for 29 robberies and burglaries .sim-mutch , from stockport , greater manchester , was jailed yesterday after admitting to a string of offences at minsull street crown court .\"]\n", + "=======================\n", + "['jordan sim-mutch was member of armed gang that targeted businessescriminals carried out 29 robberies and burglaries in greater manchestersim-mutch posted pictures of stolen cash and drugs on facebook profile']\n", + "jailed : jordan sim-mutch posted pictures of stolen money and drugs on facebook after targeting businesses across greater manchesterthe career criminal , who claimed he worked in ` midnight removals ' in his online profile , was part of an armed gang responsible for 29 robberies and burglaries .sim-mutch , from stockport , greater manchester , was jailed yesterday after admitting to a string of offences at minsull street crown court .\n", + "jordan sim-mutch was member of armed gang that targeted businessescriminals carried out 29 robberies and burglaries in greater manchestersim-mutch posted pictures of stolen cash and drugs on facebook profile\n", + "[1.1544998 1.1671603 1.3225834 1.300839 1.1560907 1.0898967 1.1321939\n", + " 1.1661129 1.2730362 1.070198 1.0344287 1.0618517 1.1650357 1.0684984\n", + " 1.0662674 1.0562078 1.0353892 1.0183747 1.0110388 1.0082871 0. ]\n", + "\n", + "[ 2 3 8 1 7 12 4 0 6 5 9 13 14 11 15 16 10 17 18 19 20]\n", + "=======================\n", + "['yet this was not diego costa circa 2010 to 2014 .this was mario mandzukic involved in bust-up after bust-up as he shed blood and sweat against great rivals real madrid at the vicente calderon .sergio ramos and atletico madrid striker mandzukic continually clashed on tuesday night during the tie']\n", + "=======================\n", + "[\"atletico madrid 0-0 real madrid : read martin samuel 's report from spainmario mandzukic was battered and bruised during the quarter-final tiethe atletico striker came to blows with sergio ramos and dani carvajalatletico have a history of buying great strikers after selling their forwardsdiego simeone has bought the closest thing to diego costa he could findmandzukic differs from costa in style of play but proved as aggressivehe and antoine griezmann can become suitable replacements at atletico\"]\n", + "yet this was not diego costa circa 2010 to 2014 .this was mario mandzukic involved in bust-up after bust-up as he shed blood and sweat against great rivals real madrid at the vicente calderon .sergio ramos and atletico madrid striker mandzukic continually clashed on tuesday night during the tie\n", + "atletico madrid 0-0 real madrid : read martin samuel 's report from spainmario mandzukic was battered and bruised during the quarter-final tiethe atletico striker came to blows with sergio ramos and dani carvajalatletico have a history of buying great strikers after selling their forwardsdiego simeone has bought the closest thing to diego costa he could findmandzukic differs from costa in style of play but proved as aggressivehe and antoine griezmann can become suitable replacements at atletico\n", + "[1.0969954 1.0477271 1.4265735 1.0762751 1.1716983 1.1700531 1.0548941\n", + " 1.0706668 1.1643841 1.224101 1.087773 1.1044643 1.0923612 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 9 4 5 8 11 0 12 10 3 7 6 1 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"but colorado 's new belgium brewery and the folks at ben & jerry 's are teaming up on a beer inspired by ice cream -- salted caramel brownie ice cream , to be precise .both companies have a history of social activism , and the new project will be no different , they say .( cnn ) beer and ice cream .\"]\n", + "=======================\n", + "['new belgium brewery will make a beer inspired by ben & jerry \\'s ice creamit will be called \" salted caramel brownie \"']\n", + "but colorado 's new belgium brewery and the folks at ben & jerry 's are teaming up on a beer inspired by ice cream -- salted caramel brownie ice cream , to be precise .both companies have a history of social activism , and the new project will be no different , they say .( cnn ) beer and ice cream .\n", + "new belgium brewery will make a beer inspired by ben & jerry 's ice creamit will be called \" salted caramel brownie \"\n", + "[1.311481 1.2847883 1.3116527 1.4333947 1.0621206 1.2506132 1.1226962\n", + " 1.1958659 1.073844 1.0729673 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 0 1 5 7 6 8 9 4 18 17 16 15 10 13 12 11 19 14 20]\n", + "=======================\n", + "[\"floyd mayweather 's fight against manny pacquiao in las vegas on may 2 will cost us viewers up to $ 100tv companies hbo and showtime , both of whom will broadcast the fight in the states , confirmed the recommended prices for the may 2 battle as the most expensive in pay-per-view boxing history .sky won the bidding war to screen the fight on british shores , and it will be shown on sky box office at a cost of # 19.95 .\"]\n", + "=======================\n", + "['us viewers will have to pay up to $ 100 ( # 67.48 ) to watch the fighthbo and showtime confirmed recommended price of $ 89.95 ( # 60.70 )hd surcharge of $ 10 could be added on by tv providerssky box office will show fight in the uk at a cost of # 19.95']\n", + "floyd mayweather 's fight against manny pacquiao in las vegas on may 2 will cost us viewers up to $ 100tv companies hbo and showtime , both of whom will broadcast the fight in the states , confirmed the recommended prices for the may 2 battle as the most expensive in pay-per-view boxing history .sky won the bidding war to screen the fight on british shores , and it will be shown on sky box office at a cost of # 19.95 .\n", + "us viewers will have to pay up to $ 100 ( # 67.48 ) to watch the fighthbo and showtime confirmed recommended price of $ 89.95 ( # 60.70 )hd surcharge of $ 10 could be added on by tv providerssky box office will show fight in the uk at a cost of # 19.95\n", + "[1.2691923 1.4031075 1.3336387 1.1454175 1.1324205 1.2794421 1.1176242\n", + " 1.0789301 1.0773367 1.0195216 1.0114785 1.072441 1.0860801 1.0812705\n", + " 1.19822 1.0759028 1.0466608 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 5 0 14 3 4 6 12 13 7 8 15 11 16 9 10 17 18 19 20]\n", + "=======================\n", + "[\"the u.s. attorney 's office says 48-year-old john zelepos of north stonington faces up to 15 years in prison after pleading guilty tuesday to tax evasion and financial structuring offenses .the restaurant owner may also be forced to pay a $ 500,000 fine .owner : mystic pizza owner john zelepos ( seen here in 2008 ) has pleaded guilty to federal tax charges\"]\n", + "=======================\n", + "[\"the u.s. attorney 's office says mystic pizza 's 48-year-old owner john zelepos faces up to 15 years in prisonhe has pleaded guilty to tax evasion and financial structuring offensesprosecutors between 2006 and 2010 , zelepos diverted just over $ 567,000 from mystic pizza 's gross receiptshe diverted the money into his personal bank accounts and those of family members , they saidprosecutors said zelepos also made bank deposits under $ 10,000 to skip currency transaction reports filed by banksmystic pizza became a tourist attraction after julia roberts starred in a 1988 movie about the lives of three waitresses working there\"]\n", + "the u.s. attorney 's office says 48-year-old john zelepos of north stonington faces up to 15 years in prison after pleading guilty tuesday to tax evasion and financial structuring offenses .the restaurant owner may also be forced to pay a $ 500,000 fine .owner : mystic pizza owner john zelepos ( seen here in 2008 ) has pleaded guilty to federal tax charges\n", + "the u.s. attorney 's office says mystic pizza 's 48-year-old owner john zelepos faces up to 15 years in prisonhe has pleaded guilty to tax evasion and financial structuring offensesprosecutors between 2006 and 2010 , zelepos diverted just over $ 567,000 from mystic pizza 's gross receiptshe diverted the money into his personal bank accounts and those of family members , they saidprosecutors said zelepos also made bank deposits under $ 10,000 to skip currency transaction reports filed by banksmystic pizza became a tourist attraction after julia roberts starred in a 1988 movie about the lives of three waitresses working there\n", + "[1.1967185 1.5187303 1.2830598 1.217082 1.1790837 1.0673776 1.0627801\n", + " 1.070601 1.1615328 1.0635116 1.0448253 1.080306 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 8 11 7 5 9 6 10 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "['khalid saeed batarfi was a senior leader with al-qaeda in the arabian peninsula ( aqap ) before he was jailed by yemeni officials .two days ago he was freed , along with 300 other inmates , as the terrorist group stormed the prison he was being held in , killing two guards .gloating as he relaxes with his ak-47 , these pictures show an al-qaeda commander relaxing inside a palace in yemen just days after terrorists liberated him from prison .']\n", + "=======================\n", + "[\"khalid saeed batarfi was freed from a yemeni prison by al-qaeda this weekterrorist commander was today pictured inside mukalla governor 's palacehe was seen pretending to be on the telephone as he wielded an ak-47batarfi led extremists in battle with government forces before he was jailed\"]\n", + "khalid saeed batarfi was a senior leader with al-qaeda in the arabian peninsula ( aqap ) before he was jailed by yemeni officials .two days ago he was freed , along with 300 other inmates , as the terrorist group stormed the prison he was being held in , killing two guards .gloating as he relaxes with his ak-47 , these pictures show an al-qaeda commander relaxing inside a palace in yemen just days after terrorists liberated him from prison .\n", + "khalid saeed batarfi was freed from a yemeni prison by al-qaeda this weekterrorist commander was today pictured inside mukalla governor 's palacehe was seen pretending to be on the telephone as he wielded an ak-47batarfi led extremists in battle with government forces before he was jailed\n", + "[1.334663 1.4622365 1.194954 1.278419 1.0910864 1.3669255 1.0592694\n", + " 1.0320808 1.0383289 1.0759906 1.0176044 1.0259082 1.0184876 1.0150521\n", + " 1.0821449 1.1457658 1.1555148 1.0621809 1.0358206 1.0588815 1.0342232]\n", + "\n", + "[ 1 5 0 3 2 16 15 4 14 9 17 6 19 8 18 20 7 11 12 10 13]\n", + "=======================\n", + "['rspca inspectors were called to the house after they received numerous calls from residents living nearby in lawrence weston , bristol , who were worried about the animals .the animals are thought to have been kept at the site by the side of a house for around a month and are understood to have been moved on by their owners following warnings from the rspca .two horses have been rescued after one was found being kept in an alleyway so narrow it could not turn around , while the other was chained to the ground .']\n", + "=======================\n", + "['rspca inspectors called numerous times by worried bristol residentsthey found a horse in a narrow alleyway and another chained to groundanimals have now been moved on following rspca advice to ownerslocals estimated animals had been living in poor conditions for a month']\n", + "rspca inspectors were called to the house after they received numerous calls from residents living nearby in lawrence weston , bristol , who were worried about the animals .the animals are thought to have been kept at the site by the side of a house for around a month and are understood to have been moved on by their owners following warnings from the rspca .two horses have been rescued after one was found being kept in an alleyway so narrow it could not turn around , while the other was chained to the ground .\n", + "rspca inspectors called numerous times by worried bristol residentsthey found a horse in a narrow alleyway and another chained to groundanimals have now been moved on following rspca advice to ownerslocals estimated animals had been living in poor conditions for a month\n", + "[1.2914479 1.3420587 1.1204448 1.3473787 1.2170179 1.2583189 1.0672772\n", + " 1.1815623 1.0449023 1.0487237 1.0770159 1.0300237 1.0343713 1.0465329\n", + " 1.0229188 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 5 4 7 2 10 6 9 13 8 12 11 14 19 15 16 17 18 20]\n", + "=======================\n", + "['paula radcliffe finishes the london marathon on sunday after running with the masses to bring down the curtain on her professional running careerpaula was delighted she could return to london to run the marathon againit will be an emotional run for paula who will be presented with the the inaugural john disley lifetime achievement award in honour of her achievements , which include setting a still unbeaten world record time of 2 hours 15 minutes and 25 seconds in london in 2003 .']\n", + "=======================\n", + "[\"41-year-old mother-of-two has battled back from injurywill take part in london marathon on sunday but wo n't race competitivelyshe set marathon world record on the course in 2003but also suffered embarrassment with loo stop in 2005 event\"]\n", + "paula radcliffe finishes the london marathon on sunday after running with the masses to bring down the curtain on her professional running careerpaula was delighted she could return to london to run the marathon againit will be an emotional run for paula who will be presented with the the inaugural john disley lifetime achievement award in honour of her achievements , which include setting a still unbeaten world record time of 2 hours 15 minutes and 25 seconds in london in 2003 .\n", + "41-year-old mother-of-two has battled back from injurywill take part in london marathon on sunday but wo n't race competitivelyshe set marathon world record on the course in 2003but also suffered embarrassment with loo stop in 2005 event\n", + "[1.1650584 1.251724 1.3623049 1.2305524 1.1337678 1.2223796 1.1313905\n", + " 1.0313065 1.2171316 1.127535 1.159156 1.0240421 1.1132209 1.016942\n", + " 1.0131787 1.0655565 1.019607 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 5 8 0 10 4 6 9 12 15 7 11 16 13 14 17 18 19]\n", + "=======================\n", + "['started in 1965 , meter maids were the brainchild of gold coast developer bernie elsey who introduced the initiative to stave off the bad publicity associated with newly installed parking meters .the 50-year tradition has split the gold coast community , with business leaders calling for the end of an era , the sunday mail reported .local business owners have labelled surfers paradise meter maids as outdated and were no longer providing a service']\n", + "=======================\n", + "[\"business leaders are calling for the end of surfers paradise meter maidsthe gold coast icons have been around for 50 years and started up in 1965but meter maids general manager says they are part of gold coast culturehe said they were an ` under-utilised resource ' to help revamp the region\"]\n", + "started in 1965 , meter maids were the brainchild of gold coast developer bernie elsey who introduced the initiative to stave off the bad publicity associated with newly installed parking meters .the 50-year tradition has split the gold coast community , with business leaders calling for the end of an era , the sunday mail reported .local business owners have labelled surfers paradise meter maids as outdated and were no longer providing a service\n", + "business leaders are calling for the end of surfers paradise meter maidsthe gold coast icons have been around for 50 years and started up in 1965but meter maids general manager says they are part of gold coast culturehe said they were an ` under-utilised resource ' to help revamp the region\n", + "[1.0574983 1.4925089 1.2274292 1.3657233 1.2245057 1.1974323 1.1393769\n", + " 1.0529449 1.0601065 1.0928833 1.0425432 1.0326811 1.0797958 1.1205028\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 5 6 13 9 12 8 0 7 10 11 18 14 15 16 17 19]\n", + "=======================\n", + "['joel burger , 24 , and proposed to his 23-year-old girlfriend ashley king .joel burger popped the question to ashley king - paving the way for a burger-king weddinghaving it their way ... the couple revealed they plan to serve drinks in personalized burger king cups']\n", + "=======================\n", + "[\"joel burger and ashley king have known each other since kindergartenthey started dating five years ago , friends having stopped ribbing theminsist they are embracing the playful nickname ` burger-king 'plan to serve drinks at wedding in personalized burger king cups\"]\n", + "joel burger , 24 , and proposed to his 23-year-old girlfriend ashley king .joel burger popped the question to ashley king - paving the way for a burger-king weddinghaving it their way ... the couple revealed they plan to serve drinks in personalized burger king cups\n", + "joel burger and ashley king have known each other since kindergartenthey started dating five years ago , friends having stopped ribbing theminsist they are embracing the playful nickname ` burger-king 'plan to serve drinks at wedding in personalized burger king cups\n", + "[1.5217748 1.3998666 1.2442307 1.2694434 1.1291186 1.0935427 1.0524399\n", + " 1.0701814 1.0496987 1.026985 1.0951483 1.0837243 1.1511922 1.0428507\n", + " 1.0122256 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 12 4 10 5 11 7 6 8 13 9 14 15 16 17 18 19]\n", + "=======================\n", + "['ferguson , missouri ( cnn ) at least three people were shot in separate incidents in ferguson , missouri , on late tuesday and early wednesday as hundreds of demonstrators gathered in support of protests in baltimore , a city spokesman said .the two victims shot in the neck were hospitalized , small said .there is a suspect in custody in the latter case : a 20-year-old male from st. louis county .']\n", + "=======================\n", + "['three people shot , one man in custody , city spokesman sayshundreds of demonstrators gathered in support of protests in baltimorepolice not sure if shootings are related to protests , spokesman says']\n", + "ferguson , missouri ( cnn ) at least three people were shot in separate incidents in ferguson , missouri , on late tuesday and early wednesday as hundreds of demonstrators gathered in support of protests in baltimore , a city spokesman said .the two victims shot in the neck were hospitalized , small said .there is a suspect in custody in the latter case : a 20-year-old male from st. louis county .\n", + "three people shot , one man in custody , city spokesman sayshundreds of demonstrators gathered in support of protests in baltimorepolice not sure if shootings are related to protests , spokesman says\n", + "[1.3331509 1.2019689 1.1966351 1.2505753 1.2728571 1.1451607 1.1639335\n", + " 1.1331979 1.061485 1.0642197 1.0695156 1.0479118 1.0185475 1.0564196\n", + " 1.0550299 1.087262 1.1230936 1.0609486 1.0539114 1.0293484]\n", + "\n", + "[ 0 4 3 1 2 6 5 7 16 15 10 9 8 17 13 14 18 11 19 12]\n", + "=======================\n", + "['( cnn ) indonesia has a tough stance on drug smugglers , and since assuming office in october , president joko widodo has made it clear he intends to show no mercy toward those found guilty of such crimes .the 31-year-old chan has been called the ringleader and 33-year-old sukumaran has been described as his collaborator .april marks a decade on death row for andrew chan and myuran sukumaran for their part in a failed heroin smuggling plot .']\n", + "=======================\n", + "[\"two australian drug smugglers , part of the bali nine , await word whether they 'll face a firing squadless is known about the seven other members of the group\"]\n", + "( cnn ) indonesia has a tough stance on drug smugglers , and since assuming office in october , president joko widodo has made it clear he intends to show no mercy toward those found guilty of such crimes .the 31-year-old chan has been called the ringleader and 33-year-old sukumaran has been described as his collaborator .april marks a decade on death row for andrew chan and myuran sukumaran for their part in a failed heroin smuggling plot .\n", + "two australian drug smugglers , part of the bali nine , await word whether they 'll face a firing squadless is known about the seven other members of the group\n", + "[1.2968915 1.4129717 1.2631929 1.3243251 1.219961 1.0595808 1.0387931\n", + " 1.019301 1.0216067 1.0192386 1.0178503 1.1592982 1.0322056 1.0142965\n", + " 1.051769 1.145757 1.0889821 1.2310866 1.0262576 0. ]\n", + "\n", + "[ 1 3 0 2 17 4 11 15 16 5 14 6 12 18 8 7 9 10 13 19]\n", + "=======================\n", + "[\"the prime minister , who has faced criticism over a campaign lacking in passion , said he made ` no apology ' for focusing on the economy , insisting : ` nothing matters more . 'david cameron will put small business at the heart of the election campaign today by declaring that the conservatives are ` the party of the grafters 'he will appeal to small firms and the self-employed , saying while labour sneers at those who work hard , his party backs them .\"]\n", + "=======================\n", + "[\"david cameron will put small business at the heart of election campaignprime minister has faced criticism for lacking passion in recent weekscameron said he made ` no apology ' for tories focusing on the economy\"]\n", + "the prime minister , who has faced criticism over a campaign lacking in passion , said he made ` no apology ' for focusing on the economy , insisting : ` nothing matters more . 'david cameron will put small business at the heart of the election campaign today by declaring that the conservatives are ` the party of the grafters 'he will appeal to small firms and the self-employed , saying while labour sneers at those who work hard , his party backs them .\n", + "david cameron will put small business at the heart of election campaignprime minister has faced criticism for lacking passion in recent weekscameron said he made ` no apology ' for tories focusing on the economy\n", + "[1.3028791 1.3934772 1.3495488 1.3925532 1.18401 1.205767 1.062571\n", + " 1.0220098 1.0232912 1.0353305 1.0117538 1.0138102 1.1697522 1.2076147\n", + " 1.1111078 1.0368228 1.010611 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 13 5 4 12 14 6 15 9 8 7 11 10 16 18 17 19]\n", + "=======================\n", + "['the 65-year old from halliwell , bolton was just about to put his meal in the cooker when he caught sight of the black and white california king hiding inside .atherton scooped up the reptile and placed it in a plastic food recycling box before alerting the police .pensioner david atherton was shocked to find a three-foot snake slithering inside his oven when he innocently went to cook his pie and chips .']\n", + "=======================\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[\"65-year-old david atherton shocked to discover the black and white reptilehe placed it inside a plastic food recycling box while waiting for the policehis sister is so scared of snakes she had ` heart problems ' when she heardinflux of snakes is common in april when weather is warmer , rspca says\"]\n", + "the 65-year old from halliwell , bolton was just about to put his meal in the cooker when he caught sight of the black and white california king hiding inside .atherton scooped up the reptile and placed it in a plastic food recycling box before alerting the police .pensioner david atherton was shocked to find a three-foot snake slithering inside his oven when he innocently went to cook his pie and chips .\n", + "65-year-old david atherton shocked to discover the black and white reptilehe placed it inside a plastic food recycling box while waiting for the policehis sister is so scared of snakes she had ` heart problems ' when she heardinflux of snakes is common in april when weather is warmer , rspca says\n", + "[1.4360877 1.274446 1.5016232 1.2683758 1.1688527 1.1279763 1.1433069\n", + " 1.0309405 1.0360612 1.0142826 1.0113318 1.0141424 1.2796558 1.0750588\n", + " 1.0414242 1.0426893 1.067003 1.0317324 1.0085951 1.0154454]\n", + "\n", + "[ 2 0 12 1 3 4 6 5 13 16 15 14 8 17 7 19 9 11 10 18]\n", + "=======================\n", + "['huw davies , 34 , has been searching for permanent employment for almost 13 years since graduating from the university of glamorgan in 2002 .searching : mr davies has a geography degree and three a-levels , but has not even been called for interviewas well as his bsc ( hons ) degree , mr davies , who lives in merthyr tydfil , also has three a-levels and 10 gcses on his cv .']\n", + "=======================\n", + "['huw davies has been hunting for a permanent job for almost 13 years34-year-old has not been called for a single interview during that timeapplied for a string of jobs - including a train driver - but with no joyhas a geography degree , three a-levels and 10 gcses on his cvhas also spent time teaching in south africa , kuwait and saudi arabia']\n", + "huw davies , 34 , has been searching for permanent employment for almost 13 years since graduating from the university of glamorgan in 2002 .searching : mr davies has a geography degree and three a-levels , but has not even been called for interviewas well as his bsc ( hons ) degree , mr davies , who lives in merthyr tydfil , also has three a-levels and 10 gcses on his cv .\n", + "huw davies has been hunting for a permanent job for almost 13 years34-year-old has not been called for a single interview during that timeapplied for a string of jobs - including a train driver - but with no joyhas a geography degree , three a-levels and 10 gcses on his cvhas also spent time teaching in south africa , kuwait and saudi arabia\n", + "[1.3459351 1.3997625 1.2201158 1.3001316 1.0534618 1.2130859 1.0794219\n", + " 1.0873361 1.1082891 1.050138 1.0468729 1.1477022 1.0677388 1.046096\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 5 11 8 7 6 12 4 9 10 13 18 14 15 16 17 19]\n", + "=======================\n", + "['the attorneys say durst , 72 , got the money , now held by new orleans police , legally and it is not needed for evidence or subject to forfeiture in any of his legal proceedings .lawyers for jailed millionaire robert durst say he wants authorities to return more than $ 161,000 in cash taken after the real estate heir was arrested for murder .murder suspect robert durst and his lawyers have asked for the return of $ 161,000 taken during his arrest in march .']\n", + "=======================\n", + "['durst arrested in march for california murder of friend susan bermanauthorities found map of florida and cuba along with cash and drugslawyers say that money not needed for evidence in charges against clientdurst faces state and federal gun charges before extradition for murder']\n", + "the attorneys say durst , 72 , got the money , now held by new orleans police , legally and it is not needed for evidence or subject to forfeiture in any of his legal proceedings .lawyers for jailed millionaire robert durst say he wants authorities to return more than $ 161,000 in cash taken after the real estate heir was arrested for murder .murder suspect robert durst and his lawyers have asked for the return of $ 161,000 taken during his arrest in march .\n", + "durst arrested in march for california murder of friend susan bermanauthorities found map of florida and cuba along with cash and drugslawyers say that money not needed for evidence in charges against clientdurst faces state and federal gun charges before extradition for murder\n", + "[1.2408401 1.3933263 1.4107089 1.3268696 1.2393924 1.0421954 1.0260015\n", + " 1.0162354 1.1184434 1.0456911 1.0101274 1.1132799 1.2106743 1.1396658\n", + " 1.098251 1.0212911 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 0 4 12 13 8 11 14 9 5 6 15 7 10 18 16 17 19]\n", + "=======================\n", + "[\"father-of-three jeff pyrotek , from seymour in victoria , answered mr hall 's call for help and uploaded his finished product on soundcloud .jacob hall invented the ruse that the tooth fairy lived thousands of kilometres away down under for his seven-year-old son , evan , when he was late paying up the last time around .mr hall , from iowa , said his son was ` totally overjoyed ' with the message .\"]\n", + "=======================\n", + "[\"father wanted an aussie to record a message from tooth fairy to his sonjacob hall , from iowa in the u.s. , made a call for help on website redditvictoria 's jeff pyrotek made a 20-second message as ` bruce ' the tooth fairymr pyrotek , who is a father-of-three , said he wanted to make the boy 's dayso far , mr hall 's message has attracted more than 100 comments on redditmr hall said his son , evan , believed the tooth fairy was from australiahe explained last time evan , 7 , lost a tooth the fictional creature was lateso mr hall told him this happened because the fairy was from down under\"]\n", + "father-of-three jeff pyrotek , from seymour in victoria , answered mr hall 's call for help and uploaded his finished product on soundcloud .jacob hall invented the ruse that the tooth fairy lived thousands of kilometres away down under for his seven-year-old son , evan , when he was late paying up the last time around .mr hall , from iowa , said his son was ` totally overjoyed ' with the message .\n", + "father wanted an aussie to record a message from tooth fairy to his sonjacob hall , from iowa in the u.s. , made a call for help on website redditvictoria 's jeff pyrotek made a 20-second message as ` bruce ' the tooth fairymr pyrotek , who is a father-of-three , said he wanted to make the boy 's dayso far , mr hall 's message has attracted more than 100 comments on redditmr hall said his son , evan , believed the tooth fairy was from australiahe explained last time evan , 7 , lost a tooth the fictional creature was lateso mr hall told him this happened because the fairy was from down under\n", + "[1.2377481 1.1573108 1.076688 1.0395604 1.1843904 1.2533854 1.3048995\n", + " 1.1681386 1.0350988 1.0355053 1.1780771 1.027022 1.1095113 1.1808532\n", + " 1.0780455 1.1136769 1.0245191 1.051221 0. 0. ]\n", + "\n", + "[ 6 5 0 4 13 10 7 1 15 12 14 2 17 3 9 8 11 16 18 19]\n", + "=======================\n", + "[\"a generous double room in peckham , south-east london , close to amenities and a stone 's thrown from public transport into the city , has been put up for rent for just # 400 a month .in an advert posted on gumtree , the rather honest letting agent has posted candid pictures of the cracked ceiling in the otherwise smart , modern and generous bedroomthe ceiling leaks onto the bed - and there does n't seem to be any plan to fix it .\"]\n", + "=======================\n", + "[\"flat in trendy area of peckham , south-east london , up for rent with a leakgumtree advert informs people looking at double room that ` ceiling drips 'as a result the room in otherwise modern flat is available for just # 400 pcmover the last year and a half peckham has witnessed a boom in rent prices\"]\n", + "a generous double room in peckham , south-east london , close to amenities and a stone 's thrown from public transport into the city , has been put up for rent for just # 400 a month .in an advert posted on gumtree , the rather honest letting agent has posted candid pictures of the cracked ceiling in the otherwise smart , modern and generous bedroomthe ceiling leaks onto the bed - and there does n't seem to be any plan to fix it .\n", + "flat in trendy area of peckham , south-east london , up for rent with a leakgumtree advert informs people looking at double room that ` ceiling drips 'as a result the room in otherwise modern flat is available for just # 400 pcmover the last year and a half peckham has witnessed a boom in rent prices\n", + "[1.064196 1.0739057 1.4083371 1.1252482 1.1547433 1.1567608 1.0868728\n", + " 1.1428077 1.1094261 1.2023903 1.145343 1.0363414 1.1268725 1.0473051\n", + " 1.0689492 1.0258178 1.0450634 1.0442207 1.0641227 1.0185769 1.0166137\n", + " 1.0223684 1.0136378 1.0113671 1.0109444 1.0253619]\n", + "\n", + "[ 2 9 5 4 10 7 12 3 8 6 1 14 0 18 13 16 17 11 15 25 21 19 20 22\n", + " 23 24]\n", + "=======================\n", + "['the 117 migrants , mostly from sub-saharan africa , arrived in the port of augusta , sicily , around 1p .last year at least 3,200 died making the journey .the discarded coats , he said , would be thrown away .']\n", + "=======================\n", + "['migrants rescued in augusta , italy tell cnn why they fledthey were packed onto two barely seaworthy boats , tug captain said']\n", + "the 117 migrants , mostly from sub-saharan africa , arrived in the port of augusta , sicily , around 1p .last year at least 3,200 died making the journey .the discarded coats , he said , would be thrown away .\n", + "migrants rescued in augusta , italy tell cnn why they fledthey were packed onto two barely seaworthy boats , tug captain said\n", + "[1.2788187 1.4541961 1.3461446 1.2022736 1.1335931 1.09083 1.0240325\n", + " 1.0342189 1.1244224 1.0904138 1.0857608 1.0306613 1.0279927 1.1805449\n", + " 1.0638216 1.0420886 1.0341964 1.0279579 1.0231855 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 13 4 8 5 9 10 14 15 7 16 11 12 17 6 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "['the images , captured by the dawn probe from 28,000 miles ( 45,000 km ) away , show that a pair of mysterious spots on the dwarf planet have different thermal properties .the images were revealed as part of the first colour map of ceres , showing variations in surface materials , and revealing the diverse processes that helped shape it .two strange , bright flashes on the surface of dwarf planet ceres may have different origins , according to new infrared images released by nasa .']\n", + "=======================\n", + "['images from dawn reveal the mysterious spots on the surface , named feature one and feature five , in infraredfeature one is cooler than rest of surface , but give is in a region that is similar in temperature to surroundingsleading theory for spots is that ice covered by a thin layer of soil is exploding due to pressure in the asteroid']\n", + "the images , captured by the dawn probe from 28,000 miles ( 45,000 km ) away , show that a pair of mysterious spots on the dwarf planet have different thermal properties .the images were revealed as part of the first colour map of ceres , showing variations in surface materials , and revealing the diverse processes that helped shape it .two strange , bright flashes on the surface of dwarf planet ceres may have different origins , according to new infrared images released by nasa .\n", + "images from dawn reveal the mysterious spots on the surface , named feature one and feature five , in infraredfeature one is cooler than rest of surface , but give is in a region that is similar in temperature to surroundingsleading theory for spots is that ice covered by a thin layer of soil is exploding due to pressure in the asteroid\n", + "[1.4459649 1.191855 1.4667053 1.2326181 1.3460734 1.1190938 1.1001124\n", + " 1.0678277 1.0861142 1.0451524 1.0571654 1.0418284 1.0630366 1.0130899\n", + " 1.0134901 1.0579519 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 4 3 1 5 6 8 7 12 15 10 9 11 14 13 24 16 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"dr nadeem azeez , 52 , is thought to be in pakistan but was yesterday charged with manslaughter by gross negligence , along with fellow anaesthetist dr errol cornish , 67 .frances cappuccini died within hours of her second son 's birth after suffering major complications that resulted in the loss of half her blood .maidstone and tunbridge wells nhs trust is also accused of corporate manslaughter -- the first time a health trust has been charged with the offence since its introduction in 2008 .\"]\n", + "=======================\n", + "['frances cappuccini died after giving birth to son giacomo in october 2012two doctors and kent hospital accused of gross negligence manslaughterinternational arrest warrant issued for dr nadeem azeez , 52 , from pakistanteacher and husband wanted caesarian but allegedly persuaded not tomrs cappuccini required emergency c-section and died hours later']\n", + "dr nadeem azeez , 52 , is thought to be in pakistan but was yesterday charged with manslaughter by gross negligence , along with fellow anaesthetist dr errol cornish , 67 .frances cappuccini died within hours of her second son 's birth after suffering major complications that resulted in the loss of half her blood .maidstone and tunbridge wells nhs trust is also accused of corporate manslaughter -- the first time a health trust has been charged with the offence since its introduction in 2008 .\n", + "frances cappuccini died after giving birth to son giacomo in october 2012two doctors and kent hospital accused of gross negligence manslaughterinternational arrest warrant issued for dr nadeem azeez , 52 , from pakistanteacher and husband wanted caesarian but allegedly persuaded not tomrs cappuccini required emergency c-section and died hours later\n", + "[1.3956647 1.5830659 1.3424742 1.4615827 1.3539205 1.2335656 1.0646908\n", + " 1.016586 1.0136704 1.0162885 1.0110141 1.1172384 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 5 11 6 7 9 8 10 19 23 22 21 20 18 12 16 15 14 13 24\n", + " 17 25]\n", + "=======================\n", + "['the striker on loan from manchester united has scored four goals in four for the spanish giants , including a late winner against rivals atletico madrid in the champions league quarter-finals .real madrid manager carlo ancelotti will not rush into a decision on javier hernandezthe mexico international is on a season-long loan from old trafford , and ancelotti is willing to make a final decision once the season is over .']\n", + "=======================\n", + "[\"javier hernandez has four goals in four in all competitions for real madridthe striker is on loan at the spanish club from manchester unitedcarlo ancelotti will make a decision on his future during the summerread : hernandez ` has won ' bid to make loan move permanent\"]\n", + "the striker on loan from manchester united has scored four goals in four for the spanish giants , including a late winner against rivals atletico madrid in the champions league quarter-finals .real madrid manager carlo ancelotti will not rush into a decision on javier hernandezthe mexico international is on a season-long loan from old trafford , and ancelotti is willing to make a final decision once the season is over .\n", + "javier hernandez has four goals in four in all competitions for real madridthe striker is on loan at the spanish club from manchester unitedcarlo ancelotti will make a decision on his future during the summerread : hernandez ` has won ' bid to make loan move permanent\n", + "[1.3221525 1.319674 1.2258091 1.1868895 1.0988735 1.0464385 1.071169\n", + " 1.0525126 1.0867343 1.0370075 1.0784831 1.0583866 1.0301397 1.0472276\n", + " 1.0161271 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 8 10 6 11 7 13 5 9 12 14 15 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"( cnn ) on thursday , president barack obama revealed that a u.s. drone strike had killed warren weinstein and giovanni lo porto , two aid workers held hostage on the afghanistan-pakistan border .al qaeda had sought to trade the two for prisoners held by the united states and an end to drone strikes .but it is not only terrorist groups that try to reap reward from the taking of hostages -- take the case of jason rezaian , the washington post 's tehran bureau chief .\"]\n", + "=======================\n", + "['a u.s. drone strike accidentally killed hostages warren weinstein and giovanni lo portomichael rubin : hostages such as journalist jason rezaian are canaries in the coal mine']\n", + "( cnn ) on thursday , president barack obama revealed that a u.s. drone strike had killed warren weinstein and giovanni lo porto , two aid workers held hostage on the afghanistan-pakistan border .al qaeda had sought to trade the two for prisoners held by the united states and an end to drone strikes .but it is not only terrorist groups that try to reap reward from the taking of hostages -- take the case of jason rezaian , the washington post 's tehran bureau chief .\n", + "a u.s. drone strike accidentally killed hostages warren weinstein and giovanni lo portomichael rubin : hostages such as journalist jason rezaian are canaries in the coal mine\n", + "[1.123993 1.12299 1.0322454 1.0308776 1.1399933 1.4082563 1.2420251\n", + " 1.1543345 1.1403315 1.2313341 1.1170752 1.1264473 1.032297 1.0537056\n", + " 1.0322487 1.1327081 1.019583 ]\n", + "\n", + "[ 5 6 9 7 8 4 15 11 0 1 10 13 12 14 2 3 16]\n", + "=======================\n", + "['a new study by experts at consumer reports in the us has found 60 per cent of packaged prawns tested were found to contain traces of harmful bacteriamany prawns sold in the uk also come from places such as thailand and indonesia .they tested 342 packages of frozen shrimp - 284 raw and 58 cooked samples - from large , chain supermarkets and natural food stores in 27 cities across the us .']\n", + "=======================\n", + "['study found 60 % of prawns tested had traces of harmful bacteriaincluded e.coli , antibiotic resistant mrsa , salmonella and vibriowarned farmed prawns are more likely to trigger violent food poisoningmajority of supermarket prawns from indian , thai and indonesian farms']\n", + "a new study by experts at consumer reports in the us has found 60 per cent of packaged prawns tested were found to contain traces of harmful bacteriamany prawns sold in the uk also come from places such as thailand and indonesia .they tested 342 packages of frozen shrimp - 284 raw and 58 cooked samples - from large , chain supermarkets and natural food stores in 27 cities across the us .\n", + "study found 60 % of prawns tested had traces of harmful bacteriaincluded e.coli , antibiotic resistant mrsa , salmonella and vibriowarned farmed prawns are more likely to trigger violent food poisoningmajority of supermarket prawns from indian , thai and indonesian farms\n", + "[1.496428 1.4370809 1.1598836 1.1241382 1.3192141 1.1714895 1.0512097\n", + " 1.0831089 1.0714653 1.032312 1.0276215 1.0152674 1.0186365 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 5 2 3 7 8 6 9 10 12 11 15 13 14 16]\n", + "=======================\n", + "[\"tiger woods says the par-3 contest is all about ` having fun , enjoying it and not winning ' .woods played in the tournament for the first time since 2004 , and made it quite a family outing with girlfriend lindsey vonn at his side , and his children caddying for him .tiger woods walks with his children charlie ( left ) and sam ( second from right ) and lindsey vonn ( right )\"]\n", + "=======================\n", + "[\"tiger woods : ` have fun , enjoy it , and do n't win .woods made it a family outing with girlfriend lindsey vonn at his side , and his children , charlie and sam , caddying for himwoods played in the par-3 contest for the first time since 2004click here for all the latest from the masters 2015\"]\n", + "tiger woods says the par-3 contest is all about ` having fun , enjoying it and not winning ' .woods played in the tournament for the first time since 2004 , and made it quite a family outing with girlfriend lindsey vonn at his side , and his children caddying for him .tiger woods walks with his children charlie ( left ) and sam ( second from right ) and lindsey vonn ( right )\n", + "tiger woods : ` have fun , enjoy it , and do n't win .woods made it a family outing with girlfriend lindsey vonn at his side , and his children , charlie and sam , caddying for himwoods played in the par-3 contest for the first time since 2004click here for all the latest from the masters 2015\n", + "[1.1147037 1.2607648 1.3333237 1.2895211 1.1422002 1.0601668 1.1212479\n", + " 1.0811437 1.0895946 1.0794868 1.1243556 1.107079 1.0997343 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 4 10 6 0 11 12 8 7 9 5 15 13 14 16]\n", + "=======================\n", + "[\"this video captures the moment her boyfriend got down on one knee and popped the question inside the mcdonald 's restaurant where she works .one lucky woman will forever associate one of the happiest days of her life with burgers and fries .one of them says ` we are in mcdonald 's ' and calls for free happy meals for the happy couple .\"]\n", + "=======================\n", + "[\"man proposes to his girlfriend in front of the food countershe quickly says ` yes ' and they engage in a passionate embracewoman was wearing her mcdonald 's uniform when he proposed\"]\n", + "this video captures the moment her boyfriend got down on one knee and popped the question inside the mcdonald 's restaurant where she works .one lucky woman will forever associate one of the happiest days of her life with burgers and fries .one of them says ` we are in mcdonald 's ' and calls for free happy meals for the happy couple .\n", + "man proposes to his girlfriend in front of the food countershe quickly says ` yes ' and they engage in a passionate embracewoman was wearing her mcdonald 's uniform when he proposed\n", + "[1.3201146 1.4518634 1.3259984 1.2891208 1.1808414 1.1088442 1.0598135\n", + " 1.1585466 1.0701764 1.0639695 1.079988 1.0634564 1.0633641 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 7 5 10 8 9 11 12 6 13 14 15 16]\n", + "=======================\n", + "[\"jose callejon opened the scoring for rafa benitez side with a neat one-on-one finish before antonio balzano 's own-goal doubled napoli 's advantage .substitute manolo gabbiadini grabbed a third goal for the partenopei just minutes after coming on to put the game well and truly beyond doubt in the early stages of the second half .napoli kept their hopes of qualifying for the champions league alive with a comfortable victory against cagliari .\"]\n", + "=======================\n", + "[\"jose callejon finished a neat one-on-one to send napoli on way to victoryantonio balzano scored a bizarre own-goal to double the away side 's leadsubstitute manolo gabbiadini scored minutes after coming on for a thirdchristian maggio earned a second-half red card but napoli grabbed victory\"]\n", + "jose callejon opened the scoring for rafa benitez side with a neat one-on-one finish before antonio balzano 's own-goal doubled napoli 's advantage .substitute manolo gabbiadini grabbed a third goal for the partenopei just minutes after coming on to put the game well and truly beyond doubt in the early stages of the second half .napoli kept their hopes of qualifying for the champions league alive with a comfortable victory against cagliari .\n", + "jose callejon finished a neat one-on-one to send napoli on way to victoryantonio balzano scored a bizarre own-goal to double the away side 's leadsubstitute manolo gabbiadini scored minutes after coming on for a thirdchristian maggio earned a second-half red card but napoli grabbed victory\n", + "[1.3416809 1.3272009 1.3067567 1.1526887 1.2676973 1.2980204 1.2058778\n", + " 1.0997796 1.0731515 1.098463 1.027083 1.0210224 1.0143886 1.020641\n", + " 1.0095402 0. 0. ]\n", + "\n", + "[ 0 1 2 5 4 6 3 7 9 8 10 11 13 12 14 15 16]\n", + "=======================\n", + "[\"a surrender order issued by hitler 's successor in the final days of the second world war that was found on the chief of the luftwaffe when he was arrested is being auctioned 70 years later for # 21,000 .the typed dispatch -- owned by a us collector -- was sent by german president karl doenitz on may 8 , 1945 , telling officers to abandon fighting or face the allies ' wrath .grand admiral doenitz had been hitler 's choice to replace him as leader of the nazis , a role he assumed following the dictator 's suicide on april 30 .\"]\n", + "=======================\n", + "[\"typed dispatch sent by german president karl doenitz on may 8 , 1945seized from luftwaffe chief robert von greim when he was arrestedorder told officers to stop fighting or face the allies ' wrathset to fetch # 21,000 when it goes under the hammer at bonhams , new york\"]\n", + "a surrender order issued by hitler 's successor in the final days of the second world war that was found on the chief of the luftwaffe when he was arrested is being auctioned 70 years later for # 21,000 .the typed dispatch -- owned by a us collector -- was sent by german president karl doenitz on may 8 , 1945 , telling officers to abandon fighting or face the allies ' wrath .grand admiral doenitz had been hitler 's choice to replace him as leader of the nazis , a role he assumed following the dictator 's suicide on april 30 .\n", + "typed dispatch sent by german president karl doenitz on may 8 , 1945seized from luftwaffe chief robert von greim when he was arrestedorder told officers to stop fighting or face the allies ' wrathset to fetch # 21,000 when it goes under the hammer at bonhams , new york\n", + "[1.2378058 1.387706 1.3613107 1.3842261 1.2415265 1.1845335 1.1050669\n", + " 1.0579246 1.027957 1.0240237 1.1155614 1.0304292 1.0102751 1.0115906\n", + " 1.1387292 1.044513 1.1093404 1.0799835 1.0644547 1.0540639 1.0125433]\n", + "\n", + "[ 1 3 2 4 0 5 14 10 16 6 17 18 7 19 15 11 8 9 20 13 12]\n", + "=======================\n", + "[\"the photo of timothy eli thompson that was removed when a pro-life group posted an ad about the infant 's story have since been reinstated .little eli was born premature on march 4 without any nasal passages or sinus cavities , a condition so rare it only has a one in 197 million chance of happening .facebook has admitted it made a mistake when a photo of an alabama boy who was born without a nose was removed from the social media website because it was deemed to be too controversial .\"]\n", + "=======================\n", + "[\"timothy eli thompson was born without nasal passages or sinus cavitiesmother brandi mcglathery said ad with photo of her son that pro-life group posted about him was removed by facebook for being too controversiala post she wrote about it was shared 30,000 times and photo was put backfacebook is now admitting ad was not ` in violation ' and ban was a mistake\"]\n", + "the photo of timothy eli thompson that was removed when a pro-life group posted an ad about the infant 's story have since been reinstated .little eli was born premature on march 4 without any nasal passages or sinus cavities , a condition so rare it only has a one in 197 million chance of happening .facebook has admitted it made a mistake when a photo of an alabama boy who was born without a nose was removed from the social media website because it was deemed to be too controversial .\n", + "timothy eli thompson was born without nasal passages or sinus cavitiesmother brandi mcglathery said ad with photo of her son that pro-life group posted about him was removed by facebook for being too controversiala post she wrote about it was shared 30,000 times and photo was put backfacebook is now admitting ad was not ` in violation ' and ban was a mistake\n", + "[1.4418466 1.3073814 1.1599658 1.3802648 1.1213449 1.0400437 1.0220137\n", + " 1.01313 1.1770328 1.2098255 1.0673035 1.0331923 1.1774043 1.0207986\n", + " 1.0151068 1.0367414 1.0212537 1.0331422 1.2392157 1.0113741 1.0156791]\n", + "\n", + "[ 0 3 1 18 9 12 8 2 4 10 5 15 11 17 6 16 13 20 14 7 19]\n", + "=======================\n", + "[\"rangers boss stuart mccall has delivered a sharp rebuke to david templeton after the winger criticised the training-ground methods deployed by the manager 's predecessors , ally mccoist and kenny mcdowall .former hearts star templeton claimed last week that mccall had introduced a brand of coaching and tactical preparation which had been lacking under the previous management .lee mcculloch has been warned he could lose his place in the starting xi after being sent off against hearts\"]\n", + "=======================\n", + "[\"david templeton spoke out about his former managers last weekstuart mccall admits his winger ` made an error ' with his commentslee mcculloch 's red card against hearts could cost him his starting place\"]\n", + "rangers boss stuart mccall has delivered a sharp rebuke to david templeton after the winger criticised the training-ground methods deployed by the manager 's predecessors , ally mccoist and kenny mcdowall .former hearts star templeton claimed last week that mccall had introduced a brand of coaching and tactical preparation which had been lacking under the previous management .lee mcculloch has been warned he could lose his place in the starting xi after being sent off against hearts\n", + "david templeton spoke out about his former managers last weekstuart mccall admits his winger ` made an error ' with his commentslee mcculloch 's red card against hearts could cost him his starting place\n", + "[1.4642944 1.284433 1.2012744 1.2708259 1.2279583 1.1439009 1.0871999\n", + " 1.0536283 1.0989245 1.1026639 1.0303013 1.0924151 1.0223658 1.0202358\n", + " 1.0143216 1.0147169 1.0156217 1.0299202 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 4 2 5 9 8 11 6 7 10 17 12 13 16 15 14 18 19 20]\n", + "=======================\n", + "['los angeles ( cnn ) former rap mogul marion \" suge \" knight pleaded not guilty thursday to murder and all other charges related to a fatal hit-and-run incident in january in compton , california .his attorney asked the court to further reduce knight \\'s bail , now set at $ 10 million , but los angeles county judge ronald coen denied the request .knight faces one count of murder for the death of terry carter , one count of attempted murder in the case of cle \" bone \" sloan , who was maimed in the incident , and one count of hit-and-run .']\n", + "=======================\n", + "['former rap mogul marion \" suge \" knight is accused of murder in a videotaped hit-and-runjudge declines to reduce his bail from $ 10 million']\n", + "los angeles ( cnn ) former rap mogul marion \" suge \" knight pleaded not guilty thursday to murder and all other charges related to a fatal hit-and-run incident in january in compton , california .his attorney asked the court to further reduce knight 's bail , now set at $ 10 million , but los angeles county judge ronald coen denied the request .knight faces one count of murder for the death of terry carter , one count of attempted murder in the case of cle \" bone \" sloan , who was maimed in the incident , and one count of hit-and-run .\n", + "former rap mogul marion \" suge \" knight is accused of murder in a videotaped hit-and-runjudge declines to reduce his bail from $ 10 million\n", + "[1.2880744 1.3987346 1.3920331 1.3204904 1.1667761 1.149947 1.1208394\n", + " 1.0593327 1.058963 1.066557 1.0453802 1.0583957 1.0232664 1.0349351\n", + " 1.062028 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 5 6 9 14 7 8 11 10 13 12 19 15 16 17 18 20]\n", + "=======================\n", + "[\"ahead of its naming ceremony , which will take place on april 20 , the mammoth ocean liner has reached its berth : the 101 in southampton docks , which will be its home port for the summer season .the world 's third-largest joint ship , owned by royal caribbean , is expecting more than 80,000 people to travel on board this summer .the highly-anticipated new cruise ship , the anthem of the seas , has just arrived in the uk .\"]\n", + "=======================\n", + "['mammoth ocean liner , the anthem of the seas , has now reached its summer home : the southampton docksowned by royal caribbean , the impressive ship expects to welcome over 80,000 people on board this summerwhile on board , guests will be served by robotic bartenders and also have the chance to hone their circus skills']\n", + "ahead of its naming ceremony , which will take place on april 20 , the mammoth ocean liner has reached its berth : the 101 in southampton docks , which will be its home port for the summer season .the world 's third-largest joint ship , owned by royal caribbean , is expecting more than 80,000 people to travel on board this summer .the highly-anticipated new cruise ship , the anthem of the seas , has just arrived in the uk .\n", + "mammoth ocean liner , the anthem of the seas , has now reached its summer home : the southampton docksowned by royal caribbean , the impressive ship expects to welcome over 80,000 people on board this summerwhile on board , guests will be served by robotic bartenders and also have the chance to hone their circus skills\n", + "[1.1734452 1.5513709 1.3052535 1.1934537 1.1329942 1.1005849 1.2551191\n", + " 1.2250631 1.0579633 1.0535141 1.0700349 1.0877684 1.0334849 1.0461639\n", + " 1.0919504 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 6 7 3 0 4 5 14 11 10 8 9 13 12 15 16 17 18 19 20]\n", + "=======================\n", + "['the bird , which has a five-foot wingspan , stalked the rodent from snowy treetops in ontario , canada , before launching its attack .its eyes never straying from its prey , it made a somewhat inelegant landing in the snow before scooping up the mouse with its claws .the predatory bird has an impressive wingspan of around five feet .']\n", + "=======================\n", + "['the great grey owl was pictured swooping on the tiny rodent in ontario , canada , by a wildlife photographerwith soft feathers and heightened hearing , the bird is known as a deadly predator of mice and other small animalsit stalked its prey from snowy treetops before swooping down on it , unheard until the very last minute']\n", + "the bird , which has a five-foot wingspan , stalked the rodent from snowy treetops in ontario , canada , before launching its attack .its eyes never straying from its prey , it made a somewhat inelegant landing in the snow before scooping up the mouse with its claws .the predatory bird has an impressive wingspan of around five feet .\n", + "the great grey owl was pictured swooping on the tiny rodent in ontario , canada , by a wildlife photographerwith soft feathers and heightened hearing , the bird is known as a deadly predator of mice and other small animalsit stalked its prey from snowy treetops before swooping down on it , unheard until the very last minute\n", + "[1.3623338 1.426839 1.2337817 1.4121276 1.1174183 1.1143296 1.1270895\n", + " 1.0458009 1.0359843 1.0241877 1.0769261 1.1388088 1.0512307 1.0757794\n", + " 1.0745003 1.0184336 1.0857329 1.2030039 1.0078123 1.0465424 0. ]\n", + "\n", + "[ 1 3 0 2 17 11 6 4 5 16 10 13 14 12 19 7 8 9 15 18 20]\n", + "=======================\n", + "['the 33-year-old , who now plies his trade with league one strugglers leyton orient , was arrested at the knightsbridge store on tuesday .andrea dossena ( scoring for liverpool against real madrid ) has been arrested on suspicion of shopliftinghe earned around # 40,000-a-week at anfield .']\n", + "=======================\n", + "['andrea dossena arrested on suspicion of shoplifting on tuesdayitalian dossena was later bailed with a 31-year-old womanthe 33-year-old plays for league one strugglers leyton orientdossena was informed by police on april 10 that no further action would be taken in relation to the incidentsince publication of this article , representatives for the player have informed us that the incident was down to an oversight when he forgot to pay for honey and dried beef .']\n", + "the 33-year-old , who now plies his trade with league one strugglers leyton orient , was arrested at the knightsbridge store on tuesday .andrea dossena ( scoring for liverpool against real madrid ) has been arrested on suspicion of shopliftinghe earned around # 40,000-a-week at anfield .\n", + "andrea dossena arrested on suspicion of shoplifting on tuesdayitalian dossena was later bailed with a 31-year-old womanthe 33-year-old plays for league one strugglers leyton orientdossena was informed by police on april 10 that no further action would be taken in relation to the incidentsince publication of this article , representatives for the player have informed us that the incident was down to an oversight when he forgot to pay for honey and dried beef .\n", + "[1.197194 1.3806498 1.2852324 1.2895671 1.2785335 1.2445358 1.212749\n", + " 1.177992 1.0320315 1.0330536 1.0211761 1.055885 1.044158 1.0278054\n", + " 1.0438203 1.0287971 1.0312285 1.1293283 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 5 6 0 7 17 11 12 14 9 8 16 15 13 10 18 19 20]\n", + "=======================\n", + "[\"the image was captured over jaibru in australia by an off-duty emergency services officer who dubbed the phenomenon ` looping lightning ' .and storm chaser dan robinson believes ` looped lightning ' is simply a trick of perspective , based on where the viewer is stood , meaning it appears to rise and loop even though it is not .upwards lightning is possible , but is very rare - with current estimates suggesting less than one per cent of lightning strikes travelling in an ` upwards ' direction .\"]\n", + "=======================\n", + "[\"image was taken by emergency services officer scott murray who dubbed the phenomenon ` looping lightning 'a bolt of lightning is shown leaving the top of the cloud before looping back towards the earthlightning is caused when positive and negative charges build up in a cloud to a level where one leaps to the otheras a result lightning has been seen striking the ground from a cloud and vice versa , and can move between clouds\"]\n", + "the image was captured over jaibru in australia by an off-duty emergency services officer who dubbed the phenomenon ` looping lightning ' .and storm chaser dan robinson believes ` looped lightning ' is simply a trick of perspective , based on where the viewer is stood , meaning it appears to rise and loop even though it is not .upwards lightning is possible , but is very rare - with current estimates suggesting less than one per cent of lightning strikes travelling in an ` upwards ' direction .\n", + "image was taken by emergency services officer scott murray who dubbed the phenomenon ` looping lightning 'a bolt of lightning is shown leaving the top of the cloud before looping back towards the earthlightning is caused when positive and negative charges build up in a cloud to a level where one leaps to the otheras a result lightning has been seen striking the ground from a cloud and vice versa , and can move between clouds\n", + "[1.3604722 1.3132689 1.3711286 1.4083642 1.1325631 1.256118 1.1166551\n", + " 1.0929879 1.0411831 1.0593666 1.0756963 1.0087253 1.011524 1.0110644\n", + " 1.0086064 1.144132 1.2525103 1.0459056 1.0162615 1.0360608 1.0173894]\n", + "\n", + "[ 3 2 0 1 5 16 15 4 6 7 10 9 17 8 19 20 18 12 13 11 14]\n", + "=======================\n", + "[\"manchester united boss louis van gaal insists he is not worried about the prospect of his side facing man cityvan gaal lost his first encounter with united 's closest rivals last november , when sergio aguero struck the only goal in a 1-0 win for the blues .united will be looking to end a run of four successive manchester derby defeats on sunday when city make the short trip across town .\"]\n", + "=======================\n", + "['manchester united boss louis van gaal is not concerned about man cityhe insists he feared facing aston villa because of their defensive set-upvan gaal dreams of beating rivals city in his first old trafford derby matchread : wayne rooney renaissance comes at perfect time for man united']\n", + "manchester united boss louis van gaal insists he is not worried about the prospect of his side facing man cityvan gaal lost his first encounter with united 's closest rivals last november , when sergio aguero struck the only goal in a 1-0 win for the blues .united will be looking to end a run of four successive manchester derby defeats on sunday when city make the short trip across town .\n", + "manchester united boss louis van gaal is not concerned about man cityhe insists he feared facing aston villa because of their defensive set-upvan gaal dreams of beating rivals city in his first old trafford derby matchread : wayne rooney renaissance comes at perfect time for man united\n", + "[1.1830653 1.5103736 1.3573723 1.2677121 1.1703436 1.2692295 1.1163883\n", + " 1.107151 1.1002538 1.0276281 1.0130492 1.0131558 1.0160329 1.0129317\n", + " 1.1036848 1.074088 1.056371 1.0753689 1.0314062 1.0502431 0. ]\n", + "\n", + "[ 1 2 5 3 0 4 6 7 14 8 17 15 16 19 18 9 12 11 10 13 20]\n", + "=======================\n", + "['caitlin kellie-jones suffered from hypoxic ischemic encephalopathy ( hie ) , a type of brain damage that occurs when the brain does not receive enough oxygen or blood .to control the condition caitlin was placed in a special cooling wrap within 40 minutes of her birth to keep her at the target temperature of 33.5 degrees for 72 hours .nicola kellie-jones and partner paul with children caitlin and dylan are raising money to help other children']\n", + "=======================\n", + "['caitlin kellie-jones was born with hypoxic ischemic encephalopathy ( hie )medics had to put her on a special machine to help stop brain damagenow her parents paul and nicola want to raise money for the hospitalthe family want to raise # 16,000 for two of the special cooling machines']\n", + "caitlin kellie-jones suffered from hypoxic ischemic encephalopathy ( hie ) , a type of brain damage that occurs when the brain does not receive enough oxygen or blood .to control the condition caitlin was placed in a special cooling wrap within 40 minutes of her birth to keep her at the target temperature of 33.5 degrees for 72 hours .nicola kellie-jones and partner paul with children caitlin and dylan are raising money to help other children\n", + "caitlin kellie-jones was born with hypoxic ischemic encephalopathy ( hie )medics had to put her on a special machine to help stop brain damagenow her parents paul and nicola want to raise money for the hospitalthe family want to raise # 16,000 for two of the special cooling machines\n", + "[1.0914649 1.3584635 1.187223 1.1095098 1.0443665 1.1341805 1.279108\n", + " 1.1322548 1.1138468 1.0959053 1.0505469 1.0628464 1.0794106 1.0545828\n", + " 1.0164481 1.048766 1.0240618 1.1180475 0. 0. 0. ]\n", + "\n", + "[ 1 6 2 5 7 17 8 3 9 0 12 11 13 10 15 4 16 14 18 19 20]\n", + "=======================\n", + "[\"the park hyatt new york , for example , recently hired first lady michelle obama 's favourite designer , narcisco rodriguez , to re-design the staff 's uniforms .jw marriott houston downtown hired american designer , david peck , for its recent uniform overhaulwhile the shangri la hotel in toronto opted for local designer , sunny fong , when overhauling their lobby lounge dresses and champagne room uniforms .\"]\n", + "=======================\n", + "[\"hotels around the world are now hiring top designs to craft their uniformsnarcisco rodriguez designed dresses for park hyatt new york hotel staffat toronto 's shangri la hotel , sunny fong was inspired by the ming eralondon-based nicholas oakwell created a vintage look for the rosewood\"]\n", + "the park hyatt new york , for example , recently hired first lady michelle obama 's favourite designer , narcisco rodriguez , to re-design the staff 's uniforms .jw marriott houston downtown hired american designer , david peck , for its recent uniform overhaulwhile the shangri la hotel in toronto opted for local designer , sunny fong , when overhauling their lobby lounge dresses and champagne room uniforms .\n", + "hotels around the world are now hiring top designs to craft their uniformsnarcisco rodriguez designed dresses for park hyatt new york hotel staffat toronto 's shangri la hotel , sunny fong was inspired by the ming eralondon-based nicholas oakwell created a vintage look for the rosewood\n", + "[1.0779132 1.4566965 1.4095404 1.2492561 1.1207243 1.0955652 1.0745999\n", + " 1.1876274 1.0740925 1.0692996 1.0191015 1.2323716 1.1533581 1.0930018\n", + " 1.0700166 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 11 7 12 4 5 13 0 6 8 14 9 10 15 16 17 18 19 20]\n", + "=======================\n", + "['but fritz the golden retriever from california appears to lack any eye-mouth co-ordination skills , as a new video shows .the pooch was filmed wearing bunny ears this easter trying - and miserably failing - to catch a hard-boiled egg between his teeth .slow-motion footage shows him licking his lips and enthusiastically leaping up to catch the treat .']\n", + "=======================\n", + "['fritz the golden retriever from california has made quite a name for himself with his inability to catchhis youtube channel boasts more than five million hitsother videos show him being thrown steak , tacos , bread rolls , pizza and donuts , with misses every time']\n", + "but fritz the golden retriever from california appears to lack any eye-mouth co-ordination skills , as a new video shows .the pooch was filmed wearing bunny ears this easter trying - and miserably failing - to catch a hard-boiled egg between his teeth .slow-motion footage shows him licking his lips and enthusiastically leaping up to catch the treat .\n", + "fritz the golden retriever from california has made quite a name for himself with his inability to catchhis youtube channel boasts more than five million hitsother videos show him being thrown steak , tacos , bread rolls , pizza and donuts , with misses every time\n", + "[1.4221117 1.1997511 1.4507085 1.2214749 1.1693107 1.1485438 1.1623415\n", + " 1.0911916 1.0700517 1.0654093 1.0494864 1.0673212 1.0884869 1.0587753\n", + " 1.0545512 1.0301144 1.0329361 1.068595 1.0571947 0. 0. ]\n", + "\n", + "[ 2 0 3 1 4 6 5 7 12 8 17 11 9 13 18 14 10 16 15 19 20]\n", + "=======================\n", + "[\"ethel rider , 87 , suffered a broken pelvis and was left ` cowering ' in pain after falling from her bed .but even though the grandmother was in agony , her carers failed to seek medical help and simply lifted her back into bed .two care home workers who left a mute dementia patient in agony after she fell on the floor , then lied about what had happened , have been jailed .\"]\n", + "=======================\n", + "['ethel rider , 87 , dropped from her bed at half acre care home in radcliffewas left cowering on the floor for 40 minutes and sustained pelvic fracturecarers lauren gillies , 25 , and susan logan , 59 , covered up the incidentthey have now been jailed for six months each for concocting storyambulance finally called only when another carer saw her howling in pain']\n", + "ethel rider , 87 , suffered a broken pelvis and was left ` cowering ' in pain after falling from her bed .but even though the grandmother was in agony , her carers failed to seek medical help and simply lifted her back into bed .two care home workers who left a mute dementia patient in agony after she fell on the floor , then lied about what had happened , have been jailed .\n", + "ethel rider , 87 , dropped from her bed at half acre care home in radcliffewas left cowering on the floor for 40 minutes and sustained pelvic fracturecarers lauren gillies , 25 , and susan logan , 59 , covered up the incidentthey have now been jailed for six months each for concocting storyambulance finally called only when another carer saw her howling in pain\n", + "[1.2930987 1.454472 1.3350554 1.1907145 1.1953923 1.193073 1.0231149\n", + " 1.0445824 1.0233955 1.0253855 1.1173084 1.0285186 1.0532573 1.0757965\n", + " 1.0824554 1.0435678 1.1185879 1.0175408 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 5 3 16 10 14 13 12 7 15 11 9 8 6 17 19 18 20]\n", + "=======================\n", + "[\"a pair of masked men armed with handguns have robbed three banks in the pittsburgh area so far this year , most recently on april 10 .the unknown men , who are seen on surveillance footage pointing their guns at bank employees ' heads , have threatened to kidnapping those at their targets and shoot police .two pennsylvania bank robbers are believed to have had military training and are being described by the fbi as ` armed and extremely dangerous ' .\"]\n", + "=======================\n", + "['masked men have robbed three pittsburgh area banks at gunpointone of the criminals has a holster and uses police weapon safety methodthefts are becoming more violent , robbers have threatened kidnapping']\n", + "a pair of masked men armed with handguns have robbed three banks in the pittsburgh area so far this year , most recently on april 10 .the unknown men , who are seen on surveillance footage pointing their guns at bank employees ' heads , have threatened to kidnapping those at their targets and shoot police .two pennsylvania bank robbers are believed to have had military training and are being described by the fbi as ` armed and extremely dangerous ' .\n", + "masked men have robbed three pittsburgh area banks at gunpointone of the criminals has a holster and uses police weapon safety methodthefts are becoming more violent , robbers have threatened kidnapping\n", + "[1.1492779 1.5043442 1.2068741 1.3642021 1.3365333 1.1555932 1.313687\n", + " 1.2835783 1.0703815 1.1499764 1.030331 1.0179092 1.0142721 1.0133955\n", + " 1.0091339 1.0288516 1.021502 1.0140588 1.0361476 1.0307196 1.018185 ]\n", + "\n", + "[ 1 3 4 6 7 2 5 9 0 8 18 19 10 15 16 20 11 12 17 13 14]\n", + "=======================\n", + "['colby ramos-francis , who is 17 months old , was born with a small , heart-shaped growth over his eyelid .his parents claim nhs doctors were unable to treat the growth or offer surgery , leaving them no option but to beg for help abroad .colby has now had the tumour removed free-of-charge thanks to the us-based little baby face foundation .']\n", + "=======================\n", + "[\"colby ramos-francis was born with a small growth over his eyelidbut this soon developed into a large , uncomfortable benign tumourparents claim nhs doctors could n't help and would n't perform surgeryhe has now successfully had the op in new york - thanks to a us charity\"]\n", + "colby ramos-francis , who is 17 months old , was born with a small , heart-shaped growth over his eyelid .his parents claim nhs doctors were unable to treat the growth or offer surgery , leaving them no option but to beg for help abroad .colby has now had the tumour removed free-of-charge thanks to the us-based little baby face foundation .\n", + "colby ramos-francis was born with a small growth over his eyelidbut this soon developed into a large , uncomfortable benign tumourparents claim nhs doctors could n't help and would n't perform surgeryhe has now successfully had the op in new york - thanks to a us charity\n", + "[1.4456046 1.3584282 1.3255494 1.230536 1.0807749 1.0479716 1.0410001\n", + " 1.0206276 1.0225283 1.0244106 1.0272624 1.0140927 1.191468 1.0175748\n", + " 1.049066 1.0974665 1.0565976 1.0225813 1.1154202 0. 0. ]\n", + "\n", + "[ 0 1 2 3 12 18 15 4 16 14 5 6 10 9 17 8 7 13 11 19 20]\n", + "=======================\n", + "[\"manchester united manager louis van gaal has been given the green light to make gareth bale his top summer transfer target , after a supporter handed him a list of potential targets at a club fan day .the dutchman greeted a group of supporters with life-limiting illnesses at the biannual manchester foundation dream day held at the aon training complex on monday .and moshin tanveer - who suffers from duchenne muscular dystrophy - used the special occasion to provide the former holland boss with a star-studded cast of europe 's top property he should sign in order to bring the barclays premier league title back to old trafford .\"]\n", + "=======================\n", + "[\"man utd fan gives louis van gaal transfer memo with six possible targetsdutchman urged to sign gareth bale and paul pogba in summer spreesouthampton defender nathaniel clyne ` would cost # 15 million 'mats hummels , jackson martinez and memphis depay also make the listtotal expenditure would hit # 300m if all signings were pulled offread : manchester united must keep david de gea , insists phil neville\"]\n", + "manchester united manager louis van gaal has been given the green light to make gareth bale his top summer transfer target , after a supporter handed him a list of potential targets at a club fan day .the dutchman greeted a group of supporters with life-limiting illnesses at the biannual manchester foundation dream day held at the aon training complex on monday .and moshin tanveer - who suffers from duchenne muscular dystrophy - used the special occasion to provide the former holland boss with a star-studded cast of europe 's top property he should sign in order to bring the barclays premier league title back to old trafford .\n", + "man utd fan gives louis van gaal transfer memo with six possible targetsdutchman urged to sign gareth bale and paul pogba in summer spreesouthampton defender nathaniel clyne ` would cost # 15 million 'mats hummels , jackson martinez and memphis depay also make the listtotal expenditure would hit # 300m if all signings were pulled offread : manchester united must keep david de gea , insists phil neville\n", + "[1.1328244 1.3478417 1.2989169 1.1572125 1.230166 1.1133134 1.1161256\n", + " 1.127826 1.0632554 1.138045 1.0862347 1.0592115 1.0781281 1.1041119\n", + " 1.0463111 1.0458804 1.0242494]\n", + "\n", + "[ 1 2 4 3 9 0 7 6 5 13 10 12 8 11 14 15 16]\n", + "=======================\n", + "['according to two popular online measuring tools , no more than 44 per cent of her twitter fan base consists of real people who are active in using the social media platform .and at least 15 per cent -- more than 544,000 -- are completely fake .although hillary clinton boasts a robust 3.6 million twitter followers , not even a vast right-wing conspiracy would be able to interact with 2 million of them .']\n", + "=======================\n", + "[\"two different online audit tools say no more than 44 per cent of hillary 's 3.6 million twitter fans are real people who participate in the platformthe newly minted presidential candidate is fending off accusations that her facebook page is full of fake ` likes 'her facebook fan base includes more people from baghdad , iraq than any us citywhen she was secretary of state , her agency paid $ 630,000 to bulk up its facebook likes , but pledged to stop after she left\"]\n", + "according to two popular online measuring tools , no more than 44 per cent of her twitter fan base consists of real people who are active in using the social media platform .and at least 15 per cent -- more than 544,000 -- are completely fake .although hillary clinton boasts a robust 3.6 million twitter followers , not even a vast right-wing conspiracy would be able to interact with 2 million of them .\n", + "two different online audit tools say no more than 44 per cent of hillary 's 3.6 million twitter fans are real people who participate in the platformthe newly minted presidential candidate is fending off accusations that her facebook page is full of fake ` likes 'her facebook fan base includes more people from baghdad , iraq than any us citywhen she was secretary of state , her agency paid $ 630,000 to bulk up its facebook likes , but pledged to stop after she left\n", + "[1.2601557 1.2984319 1.4132657 1.2281165 1.202092 1.0994964 1.063257\n", + " 1.0457928 1.1440985 1.1494921 1.2000693 1.0847735 1.0171376 1.014559\n", + " 1.014814 1.0802861 1.048071 ]\n", + "\n", + "[ 2 1 0 3 4 10 9 8 5 11 15 6 16 7 12 14 13]\n", + "=======================\n", + "['a poll of 15,560 family doctors also found that one in six is considering going part-time and 7 per cent are contemplating quitting altogether .another one in ten is thinking about moving abroad to countries including canada and australia , where the pay is higher and workload less stressful .more than a third of gps are considering retirement in the next five years , a survey shows .']\n", + "=======================\n", + "['one in ten thinking about moving to countries where the pay is higherpoll of 15,560 family doctors finds 1 in 6 is considering going part-timebma survey also reveals 7 % of gps are contemplating quitting altogetherbenefited from pay deal ten years ago that saw salaries increase by 50 %']\n", + "a poll of 15,560 family doctors also found that one in six is considering going part-time and 7 per cent are contemplating quitting altogether .another one in ten is thinking about moving abroad to countries including canada and australia , where the pay is higher and workload less stressful .more than a third of gps are considering retirement in the next five years , a survey shows .\n", + "one in ten thinking about moving to countries where the pay is higherpoll of 15,560 family doctors finds 1 in 6 is considering going part-timebma survey also reveals 7 % of gps are contemplating quitting altogetherbenefited from pay deal ten years ago that saw salaries increase by 50 %\n", + "[1.0396897 1.0328989 1.0957386 1.4302125 1.2839516 1.267796 1.1184181\n", + " 1.0542263 1.1752362 1.131666 1.0916965 1.0761445 1.081643 1.0959129\n", + " 1.0532585 1.0330807 0. ]\n", + "\n", + "[ 3 4 5 8 9 6 13 2 10 12 11 7 14 0 15 1 16]\n", + "=======================\n", + "['ilha de mana boasts a main residence and four chalets over crystal clear water , with air-conditioned rooms to beat the brazilian heatlocated off the costa verde , between rio de janeiro and sao paulo , the private island boasts stunning surroundingswhile they have the tropical island all to themselves they will have access to a private , 100-ft beach protected from the open ocean on the stunning bay of angra dos reis .']\n", + "=======================\n", + "['ilha de mana , a 15-acre outcrop shaped like a tortoise shell , is located near the colonial town of paratythe private island off the costa verde is three hours by car or 40 minutes by helicopter from rio de janeiroat # 2,500 ( $ 3,750 ) a night , it boasts a main residence and four chalets over crystal clear waterwith stunning surroundings , the island has its own water supply and its buildings are solar powered']\n", + "ilha de mana boasts a main residence and four chalets over crystal clear water , with air-conditioned rooms to beat the brazilian heatlocated off the costa verde , between rio de janeiro and sao paulo , the private island boasts stunning surroundingswhile they have the tropical island all to themselves they will have access to a private , 100-ft beach protected from the open ocean on the stunning bay of angra dos reis .\n", + "ilha de mana , a 15-acre outcrop shaped like a tortoise shell , is located near the colonial town of paratythe private island off the costa verde is three hours by car or 40 minutes by helicopter from rio de janeiroat # 2,500 ( $ 3,750 ) a night , it boasts a main residence and four chalets over crystal clear waterwith stunning surroundings , the island has its own water supply and its buildings are solar powered\n", + "[1.1353308 1.1312785 1.4240308 1.2154665 1.0582138 1.2102425 1.0975015\n", + " 1.0393336 1.0380436 1.0334377 1.027677 1.0887367 1.0312241 1.044165\n", + " 1.132218 1.0512416 0. ]\n", + "\n", + "[ 2 3 5 0 14 1 6 11 4 15 13 7 8 9 12 10 16]\n", + "=======================\n", + "[\"but last week it was on the issue of quotas , or more specifically fa chairman greg dyke 's idea of increasing the number of homegrown players in a premier league squad of 25 from eight to 12 .` i believe that we are in the world of competition , ' said wenger in one of his regular interviews to bein sports .arsene wenger is so respected and so clearly a deeply intelligent man that every now and then you find yourself nodding sagely at something he has said which , upon closer examination , turns out to sound right but to have decidedly unsubstantial foundations .\"]\n", + "=======================\n", + "['fa chairman greg dyke wants to increase the minimum homegrown players in a premier league squad of 25 from eight to 12arsenal manager arsene wenger has criticised the proposalwenger has had his fair share of dud buys for the gunnersperhaps he should pay attention to building a core of homegrown playersclick here for the latest premier league news']\n", + "but last week it was on the issue of quotas , or more specifically fa chairman greg dyke 's idea of increasing the number of homegrown players in a premier league squad of 25 from eight to 12 .` i believe that we are in the world of competition , ' said wenger in one of his regular interviews to bein sports .arsene wenger is so respected and so clearly a deeply intelligent man that every now and then you find yourself nodding sagely at something he has said which , upon closer examination , turns out to sound right but to have decidedly unsubstantial foundations .\n", + "fa chairman greg dyke wants to increase the minimum homegrown players in a premier league squad of 25 from eight to 12arsenal manager arsene wenger has criticised the proposalwenger has had his fair share of dud buys for the gunnersperhaps he should pay attention to building a core of homegrown playersclick here for the latest premier league news\n", + "[1.2940298 1.3609222 1.2405672 1.2370988 1.1408752 1.0835772 1.1119294\n", + " 1.0787679 1.0641434 1.0740787 1.1292496 1.016096 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 10 6 5 7 9 8 11 12 13 14 15 16]\n", + "=======================\n", + "[\"a commission designed to review evidence about the world-changing bombings has not delved into an fbi agent 's claims that a saudi florida family had ties to the hijackers after the agency said that the report was ` unsubstantiated ' .the federal bureau of investigation is facing accusations that it is ` whitewashing ' possible saudi arabian involvement in the 9/11 terrorist attacks .relatives of homeowner esam ghazzawi lived in the plush sarasota dwelling until they fled and left cars , furniture and food in their refrigerator behind right before the 9/11 , prompting some to say they knew about the attacks .\"]\n", + "=======================\n", + "[\"al-hijji family left cars and food behind when they fled in august 2001fbi agent 's report said family of saudi advisor had ` many connections ' to hijackers , some of whom were said to have visited the houseagency now says report ` poorly written ' and ` unsubstantiated '9/11 review commission accepted fbi verdict , did not interview agentcongress document redacted by bush administration pointed ` very strong finger ' at financing from saudi arabia\"]\n", + "a commission designed to review evidence about the world-changing bombings has not delved into an fbi agent 's claims that a saudi florida family had ties to the hijackers after the agency said that the report was ` unsubstantiated ' .the federal bureau of investigation is facing accusations that it is ` whitewashing ' possible saudi arabian involvement in the 9/11 terrorist attacks .relatives of homeowner esam ghazzawi lived in the plush sarasota dwelling until they fled and left cars , furniture and food in their refrigerator behind right before the 9/11 , prompting some to say they knew about the attacks .\n", + "al-hijji family left cars and food behind when they fled in august 2001fbi agent 's report said family of saudi advisor had ` many connections ' to hijackers , some of whom were said to have visited the houseagency now says report ` poorly written ' and ` unsubstantiated '9/11 review commission accepted fbi verdict , did not interview agentcongress document redacted by bush administration pointed ` very strong finger ' at financing from saudi arabia\n", + "[1.2611823 1.4889042 1.2234949 1.228725 1.2228929 1.0649469 1.0496049\n", + " 1.0253884 1.021688 1.1449575 1.0955229 1.021162 1.0455489 1.0672379\n", + " 1.0245454 1.0149553 1.0647238 1.0697836 1.0494434 1.0529212 0. ]\n", + "\n", + "[ 1 0 3 2 4 9 10 17 13 5 16 19 6 18 12 7 14 8 11 15 20]\n", + "=======================\n", + "[\"on saturday , at the 161st oxford-cambridge boat race , the women 's crews will battle the same thames course as the men , who will follow an hour later .melissa wilson and her team-mates are on the brink of making history .and for wilson 's grandfather , 85-year-old richard cowell , from east kilbride , it will be a momentous day .\"]\n", + "=======================\n", + "[\"after decades of campaign the women 's crews are to make historyboat race set to take place on the river thames next saturday\"]\n", + "on saturday , at the 161st oxford-cambridge boat race , the women 's crews will battle the same thames course as the men , who will follow an hour later .melissa wilson and her team-mates are on the brink of making history .and for wilson 's grandfather , 85-year-old richard cowell , from east kilbride , it will be a momentous day .\n", + "after decades of campaign the women 's crews are to make historyboat race set to take place on the river thames next saturday\n", + "[1.2460576 1.0638285 1.2121028 1.3296216 1.2216545 1.2372748 1.2307737\n", + " 1.1033621 1.07724 1.0438422 1.0329876 1.0547633 1.0411955 1.052167\n", + " 1.0167371 1.109938 1.1513476 1.0891459 1.0227958 1.0113358 0. ]\n", + "\n", + "[ 3 0 5 6 4 2 16 15 7 17 8 1 11 13 9 12 10 18 14 19 20]\n", + "=======================\n", + "['two brazil nuts provide 100 per cent of our daily required dose of 75 micrograms .nuts are a source of useful nutrients and have other health benefits - just this month , a study found that peanuts can increase the levels of friendly bacteria in the gut and ward off food poisoning .researchers have also found it activates an antioxidant that helps reduce the risk of bladder and prostate cancer .']\n", + "=======================\n", + "['peanuts can increase the levels of friendly bacteria in the gutalmonds are rich in vitamin e , which helps improve the look of your skinwalnuts have lots of plant-based omega 3 fatty acids and antioxidants']\n", + "two brazil nuts provide 100 per cent of our daily required dose of 75 micrograms .nuts are a source of useful nutrients and have other health benefits - just this month , a study found that peanuts can increase the levels of friendly bacteria in the gut and ward off food poisoning .researchers have also found it activates an antioxidant that helps reduce the risk of bladder and prostate cancer .\n", + "peanuts can increase the levels of friendly bacteria in the gutalmonds are rich in vitamin e , which helps improve the look of your skinwalnuts have lots of plant-based omega 3 fatty acids and antioxidants\n", + "[1.630794 1.1732205 1.1966665 1.4908032 1.2048907 1.0351286 1.025663\n", + " 1.0608008 1.162284 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 2 1 8 7 5 6 18 17 16 15 14 10 12 11 19 9 13 20]\n", + "=======================\n", + "[\"reading goalkeeper adam federici has taken to twitter to apologise for his crucial gaffe in saturday 's fa cup semi-final defeat to arsenal .sanchez ( centre ) celebrates making it 2-1 to arsenal as federici ( second left ) is left dejected after his errorthe 30-year-old , who was ` inconsolable ' after the match , has received unwavering support from his manager and team-mates but issued an apology to reading 's fans .\"]\n", + "=======================\n", + "[\"adam federici lets alexis sanchez 's extra-time effort through his legssanchez 's goal made it 2-1 to arsenal who will now play in the fa cup finalfederici left inconsolable after error but says he will come back stronger\"]\n", + "reading goalkeeper adam federici has taken to twitter to apologise for his crucial gaffe in saturday 's fa cup semi-final defeat to arsenal .sanchez ( centre ) celebrates making it 2-1 to arsenal as federici ( second left ) is left dejected after his errorthe 30-year-old , who was ` inconsolable ' after the match , has received unwavering support from his manager and team-mates but issued an apology to reading 's fans .\n", + "adam federici lets alexis sanchez 's extra-time effort through his legssanchez 's goal made it 2-1 to arsenal who will now play in the fa cup finalfederici left inconsolable after error but says he will come back stronger\n", + "[1.285938 1.410128 1.2011465 1.1596838 1.2005837 1.0998024 1.0694458\n", + " 1.0875745 1.0657046 1.1064721 1.0252112 1.031727 1.1357749 1.0801255\n", + " 1.0963986 1.0522668 1.0722241 1.1018778 1.0351086 1.0416774 1.0293038]\n", + "\n", + "[ 1 0 2 4 3 12 9 17 5 14 7 13 16 6 8 15 19 18 11 20 10]\n", + "=======================\n", + "['the pope has repeatedly lamented christian suffering in the middle east , africa and elsewhere .pope francis is presiding over a good friday torchlight procession at the colosseum this evening - and is using the service to stress the persecution of christians .reflecting this concern , among those chosen to take turns carrying the cross in the way of the cross procession in the ancient arena were faithful from iraq , syria , nigeria , egypt and china .']\n", + "=======================\n", + "[\"pope is presiding over torchlight procession in front of the colosseumhe used way of the cross service to highlight persecution of christianspope francis delivered maundy thursday mass at rebibbia prisonafterwards pontiff offered to kiss the feet of 12 of the jail 's inmates\"]\n", + "the pope has repeatedly lamented christian suffering in the middle east , africa and elsewhere .pope francis is presiding over a good friday torchlight procession at the colosseum this evening - and is using the service to stress the persecution of christians .reflecting this concern , among those chosen to take turns carrying the cross in the way of the cross procession in the ancient arena were faithful from iraq , syria , nigeria , egypt and china .\n", + "pope is presiding over torchlight procession in front of the colosseumhe used way of the cross service to highlight persecution of christianspope francis delivered maundy thursday mass at rebibbia prisonafterwards pontiff offered to kiss the feet of 12 of the jail 's inmates\n", + "[1.2278731 1.2696698 1.3887942 1.1226629 1.1003985 1.074886 1.072796\n", + " 1.1081405 1.0803212 1.0483943 1.1328086 1.0844206 1.0760491 1.0454478\n", + " 1.0435548 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 10 3 7 4 11 8 12 5 6 9 13 14 19 15 16 17 18 20]\n", + "=======================\n", + "['wednesday \\'s issue of \" all-new x-men \" no. 40 reveals the truth : bobby is gay .but there \\'s something we never knew about bobby drake , aka iceman of the x-men .( cnn ) he \\'s been part of a wildly popular superhero team since its very beginning .']\n", + "=======================\n", + "['\" x-men \" original character bobby \" iceman \" drake is revealed to be gay in latest issue\" all-new x-men \" no. 40 has psychic jean grey discovering drake \\'s sexualityiceman has been in marvel comics for over 50 years']\n", + "wednesday 's issue of \" all-new x-men \" no. 40 reveals the truth : bobby is gay .but there 's something we never knew about bobby drake , aka iceman of the x-men .( cnn ) he 's been part of a wildly popular superhero team since its very beginning .\n", + "\" x-men \" original character bobby \" iceman \" drake is revealed to be gay in latest issue\" all-new x-men \" no. 40 has psychic jean grey discovering drake 's sexualityiceman has been in marvel comics for over 50 years\n", + "[1.2345259 1.4543625 1.297019 1.2507815 1.2217116 1.1488197 1.1916779\n", + " 1.1824195 1.1056867 1.0486938 1.0381359 1.0281814 1.0276755 1.1344266\n", + " 1.0480626 1.1006252 1.0157279 1.0226383 0. ]\n", + "\n", + "[ 1 2 3 0 4 6 7 5 13 8 15 9 14 10 11 12 17 16 18]\n", + "=======================\n", + "[\"patrol officer michael slager will be refused the right to hold the baby which his wife jamie is set to give birth to in a few weeks .he is only granted video access to his eight and a half month 's pregnant wife and an officer stands outside the booth whenever he talks to his family .they are not allowed to spend any time together and contact is via video screens with headphones at the charleston county jail .\"]\n", + "=======================\n", + "[\"officer michael slager is being held at charleston county jail accused of murdering walter scott , shooting him eight times in the backslager 's wife jamie is eight and a half months pregnant` he will not be allowed to see the child , ' major eric watson of the charleston county sheriff 's office tells daily mail onlineprisoners are not allowed access to the internet or mobile phone videosno date has yet been set for his first court appearance and his full trial date could more than a year away .walter was stopped for allegedly having a faulty center stop light at the bottom of his rear windscreenfamily tell says the light was an accessory and both mandatory stop lamps were functioning\"]\n", + "patrol officer michael slager will be refused the right to hold the baby which his wife jamie is set to give birth to in a few weeks .he is only granted video access to his eight and a half month 's pregnant wife and an officer stands outside the booth whenever he talks to his family .they are not allowed to spend any time together and contact is via video screens with headphones at the charleston county jail .\n", + "officer michael slager is being held at charleston county jail accused of murdering walter scott , shooting him eight times in the backslager 's wife jamie is eight and a half months pregnant` he will not be allowed to see the child , ' major eric watson of the charleston county sheriff 's office tells daily mail onlineprisoners are not allowed access to the internet or mobile phone videosno date has yet been set for his first court appearance and his full trial date could more than a year away .walter was stopped for allegedly having a faulty center stop light at the bottom of his rear windscreenfamily tell says the light was an accessory and both mandatory stop lamps were functioning\n", + "[1.399235 1.2770573 1.3810905 1.1641538 1.0909748 1.3134382 1.1720372\n", + " 1.1356491 1.0694729 1.0650946 1.0570134 1.0597733 1.0888947 1.0408084\n", + " 1.0209193 1.0266333 1.0557476 0. 0. ]\n", + "\n", + "[ 0 2 5 1 6 3 7 4 12 8 9 11 10 16 13 15 14 17 18]\n", + "=======================\n", + "[\"former toronto mayor rob ford has announced that he will undergo ` very serious ' surgery to remove a cancerous tumor in his abdomen .four surgeons will carry out the eight - to ten-hour operation on may 11 , and he will remain in hospital for 10 to 14 days , he said .in an emotional press conference on thursday , the 45-year-old politician said he met with doctors who told him chemotherapy and radiation have shrunk the tumor to a size where they can operate .\"]\n", + "=======================\n", + "['ford announced at a press conference on thursday that he will undergo a 8-10 hour surgery to remove a tumor on may 11he was diagnosed with malignant liposarcoma - a rare type of soft tissue cancer that begins in fat cells or fatty tissue - last yearhe had refused to step down as mayor in light of his crack and alcohol binges , but the diagnosis forced him to give up the rolebut he ran for his old seat in city council and won']\n", + "former toronto mayor rob ford has announced that he will undergo ` very serious ' surgery to remove a cancerous tumor in his abdomen .four surgeons will carry out the eight - to ten-hour operation on may 11 , and he will remain in hospital for 10 to 14 days , he said .in an emotional press conference on thursday , the 45-year-old politician said he met with doctors who told him chemotherapy and radiation have shrunk the tumor to a size where they can operate .\n", + "ford announced at a press conference on thursday that he will undergo a 8-10 hour surgery to remove a tumor on may 11he was diagnosed with malignant liposarcoma - a rare type of soft tissue cancer that begins in fat cells or fatty tissue - last yearhe had refused to step down as mayor in light of his crack and alcohol binges , but the diagnosis forced him to give up the rolebut he ran for his old seat in city council and won\n", + "[1.1832298 1.322535 1.2415524 1.2314454 1.2350793 1.1828096 1.1319978\n", + " 1.0433186 1.0346364 1.0360863 1.1672025 1.1342516 1.0775574 1.0918043\n", + " 1.0748031 1.0382185 1.0212157 1.0582983 1.0502552]\n", + "\n", + "[ 1 2 4 3 0 5 10 11 6 13 12 14 17 18 7 15 9 8 16]\n", + "=======================\n", + "[\"but dozens of people have been clambering around the debris of the famed dharahara tower in kathmandu to take selfies in front of the wreckage .they have been taking pictures amongst the rubble of the historic nine-storey structure , which has been reduced to an enormous pile of red brick dust .criticism : one rescuer in nepal said those who were taking photographs of themselves and friends were not ` understanding the tragedy '\"]\n", + "=======================\n", + "[\"dozens of people clambering around debris of dharahara tower in kathmandu to take selfies in front of wreckagetaking pictures amongst rubble of historic nine-storey structure , which has been reduced to pile of red brick dustbut one rescuer said those taking photographs of themselves and friends were not ` understanding the tragedy 'not clear how many people were killed in tower in quake-hit city , but it was said to have been filled with tourists\"]\n", + "but dozens of people have been clambering around the debris of the famed dharahara tower in kathmandu to take selfies in front of the wreckage .they have been taking pictures amongst the rubble of the historic nine-storey structure , which has been reduced to an enormous pile of red brick dust .criticism : one rescuer in nepal said those who were taking photographs of themselves and friends were not ` understanding the tragedy '\n", + "dozens of people clambering around debris of dharahara tower in kathmandu to take selfies in front of wreckagetaking pictures amongst rubble of historic nine-storey structure , which has been reduced to pile of red brick dustbut one rescuer said those taking photographs of themselves and friends were not ` understanding the tragedy 'not clear how many people were killed in tower in quake-hit city , but it was said to have been filled with tourists\n", + "[1.2477856 1.513802 1.2944758 1.2562445 1.3445683 1.2773881 1.059299\n", + " 1.0276331 1.0455369 1.205215 1.0517663 1.022066 1.026535 1.0202879\n", + " 1.0242734 1.0137709 1.0097159 0. 0. ]\n", + "\n", + "[ 1 4 2 5 3 0 9 6 10 8 7 12 14 11 13 15 16 17 18]\n", + "=======================\n", + "['dr arfon williams is now the only doctor available across two rural practices in north wales , after his partner and colleague of 20 years retired at the end of march .his surgery has been unable to attract a replacement and is currently functioning with a skeleton service , dr williams said .dr williams is based at ty doctor in nefyn , gwynedd , pictured .']\n", + "=======================\n", + "[\"rural practice in north wales left with one gp to care for 4,300 patientsdr afron williams is the sole doctor after his two partners retiredhe warns the nhs is at ` breaking point ' adding that it will be ` incredibly difficult to provide realistic , safe service for our patients 'health board said recruiting gps is a national problem but said they are exploring both short and long term options to relieve the pressure\"]\n", + "dr arfon williams is now the only doctor available across two rural practices in north wales , after his partner and colleague of 20 years retired at the end of march .his surgery has been unable to attract a replacement and is currently functioning with a skeleton service , dr williams said .dr williams is based at ty doctor in nefyn , gwynedd , pictured .\n", + "rural practice in north wales left with one gp to care for 4,300 patientsdr afron williams is the sole doctor after his two partners retiredhe warns the nhs is at ` breaking point ' adding that it will be ` incredibly difficult to provide realistic , safe service for our patients 'health board said recruiting gps is a national problem but said they are exploring both short and long term options to relieve the pressure\n", + "[1.227285 1.4033546 1.2603501 1.2917843 1.1643908 1.1946118 1.1851325\n", + " 1.0390388 1.204459 1.0914552 1.0263013 1.0183768 1.027771 1.0565825\n", + " 1.0603539 1.0508186 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 8 5 6 4 9 14 13 15 7 12 10 11 17 16 18]\n", + "=======================\n", + "[\"the woman in her mid - to late 30s , who is believed to have had two or three children participating , was at melbourne 's greatest ever easter egg hunt , which was run by zaidee 's rainbow foundation at caulfield racecourse on saturday .she was escorted out of the racecourse , in melbourne 's south-east , when she became ` irate ' after a young volunteer at the hunt asked her to stop taking so many easter eggs .she was told by a 13-year-old volunteer she was taking too many eggs and she told the young person to ` f *** off '\"]\n", + "=======================\n", + "[\"mother was at charity easter egg hunt at melbourne 's caulfield racecoursea volunteer at the event on saturday told her to stop taking too many eggsshe told the 13-year-old to ` f *** off ' and continued to deny she was doing itbut she became so rowdy security guards had to throw her out of the huntthe easter event was held to raise money for zaidee 's rainbow foundationfoundation aims to make people more aware of organ and tissue donation\"]\n", + "the woman in her mid - to late 30s , who is believed to have had two or three children participating , was at melbourne 's greatest ever easter egg hunt , which was run by zaidee 's rainbow foundation at caulfield racecourse on saturday .she was escorted out of the racecourse , in melbourne 's south-east , when she became ` irate ' after a young volunteer at the hunt asked her to stop taking so many easter eggs .she was told by a 13-year-old volunteer she was taking too many eggs and she told the young person to ` f *** off '\n", + "mother was at charity easter egg hunt at melbourne 's caulfield racecoursea volunteer at the event on saturday told her to stop taking too many eggsshe told the 13-year-old to ` f *** off ' and continued to deny she was doing itbut she became so rowdy security guards had to throw her out of the huntthe easter event was held to raise money for zaidee 's rainbow foundationfoundation aims to make people more aware of organ and tissue donation\n", + "[1.3551905 1.322536 1.3039016 1.1537585 1.1443403 1.0757126 1.0633774\n", + " 1.1223705 1.0988518 1.1374298 1.0213432 1.0697366 1.0189269 1.0310154\n", + " 1.0868638 1.0265764 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 9 7 8 14 5 11 6 13 15 10 12 18 16 17 19]\n", + "=======================\n", + "[\"anti-hillary clinton street art emerged in brooklyn just hours before clinton 's presidential candidacy announcement on sunday .the signs feature portraits of clinton with phrases including ` dont say secretive ' , ` do n't say entitled ' and ` do n't say ambitious ' .the street art appears to be a dig at a group of clinton supporters who said it would be on the look out for evidence of sexism in reporting about the democratic politician , according to the weekly standard .\"]\n", + "=======================\n", + "[\"the posters feature a portrait of clinton with phrases including ` do n't say ambitious ' and ` do n't say entitled 'street art appears to be a dig at clinton supporters who said words like ` entitled ' and ` secretive ' which are used to describe her , are sexiston sunday , anti-hillary clinton users shared on twitter reasons why they will not vote for her using the hashtag that began trending online\"]\n", + "anti-hillary clinton street art emerged in brooklyn just hours before clinton 's presidential candidacy announcement on sunday .the signs feature portraits of clinton with phrases including ` dont say secretive ' , ` do n't say entitled ' and ` do n't say ambitious ' .the street art appears to be a dig at a group of clinton supporters who said it would be on the look out for evidence of sexism in reporting about the democratic politician , according to the weekly standard .\n", + "the posters feature a portrait of clinton with phrases including ` do n't say ambitious ' and ` do n't say entitled 'street art appears to be a dig at clinton supporters who said words like ` entitled ' and ` secretive ' which are used to describe her , are sexiston sunday , anti-hillary clinton users shared on twitter reasons why they will not vote for her using the hashtag that began trending online\n", + "[1.3737707 1.3151152 1.1888688 1.422568 1.1808212 1.1208844 1.0631616\n", + " 1.1263628 1.1668901 1.0732707 1.0717981 1.0553114 1.0221959 1.0519813\n", + " 1.0391914 1.0573549 1.0516585 1.0524734 1.0215508 1.0439101]\n", + "\n", + "[ 3 0 1 2 4 8 7 5 9 10 6 15 11 17 13 16 19 14 12 18]\n", + "=======================\n", + "['jurgen klopp has told borussia dortmund he wants to leave the club this summerthe 47-year-old manager believes he has taken the bundesliga club as far as he can and wants a new challenge after a year off .the club have called a press conference for wednesday at 12.30 pm .']\n", + "=======================\n", + "['premier league clubs on alert after shock reports from germanyklopp has told dortmund bosses he wants to leave in the summerpress conference has been scheduled for 12.30 pmthe 47-year-old has been linked to arsenal and man city jobsklopp has won two league titles and the german cup in seven years therebreaking news : klopp confirms he will leave dortmund in the summer']\n", + "jurgen klopp has told borussia dortmund he wants to leave the club this summerthe 47-year-old manager believes he has taken the bundesliga club as far as he can and wants a new challenge after a year off .the club have called a press conference for wednesday at 12.30 pm .\n", + "premier league clubs on alert after shock reports from germanyklopp has told dortmund bosses he wants to leave in the summerpress conference has been scheduled for 12.30 pmthe 47-year-old has been linked to arsenal and man city jobsklopp has won two league titles and the german cup in seven years therebreaking news : klopp confirms he will leave dortmund in the summer\n", + "[1.0573251 1.4527802 1.250611 1.4013507 1.1913717 1.1858938 1.0425749\n", + " 1.034716 1.0455543 1.0221299 1.0180552 1.160782 1.0521097 1.0922163\n", + " 1.0271146 1.0264405 1.1745341 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 5 16 11 13 0 12 8 6 7 14 15 9 10 18 17 19]\n", + "=======================\n", + "[\"smokey da lamb has been turning heads in some of the city 's coolest neighborhoods ever since restaurant owner sandy dee hall , 34 , and his girlfriend maxine cher , 24 , adopted him .but now the couple - and smokey 's impressive legion of fans - have been left devastated after city officials demanded he is taken out of the metropolis .lamb and the city : smokey has made dozens of friends during his month-long stay in new york , however city officials are now demanding that he be sent back to live on the farm\"]\n", + "=======================\n", + "['restaurant owner sandy dee hall , 34 , and his girlfriend maxine cher , 24 , adopted smokey da lamb after he was abandoned by his motherthe lamb has been living with sandy in his lower east side apartment and the couple have been providing him with round-the-clock carein honor of their new pet , sandy removed all lamb dishes from the menu at his manhattan restaurant']\n", + "smokey da lamb has been turning heads in some of the city 's coolest neighborhoods ever since restaurant owner sandy dee hall , 34 , and his girlfriend maxine cher , 24 , adopted him .but now the couple - and smokey 's impressive legion of fans - have been left devastated after city officials demanded he is taken out of the metropolis .lamb and the city : smokey has made dozens of friends during his month-long stay in new york , however city officials are now demanding that he be sent back to live on the farm\n", + "restaurant owner sandy dee hall , 34 , and his girlfriend maxine cher , 24 , adopted smokey da lamb after he was abandoned by his motherthe lamb has been living with sandy in his lower east side apartment and the couple have been providing him with round-the-clock carein honor of their new pet , sandy removed all lamb dishes from the menu at his manhattan restaurant\n", + "[1.1006626 1.4111266 1.2093799 1.1740555 1.2487212 1.2880946 1.1747737\n", + " 1.2119614 1.03949 1.0169313 1.0131493 1.0137341 1.186932 1.0766151\n", + " 1.1532986 1.0855021 1.0571926 1.0407735 0. 0. ]\n", + "\n", + "[ 1 5 4 7 2 12 6 3 14 0 15 13 16 17 8 9 11 10 18 19]\n", + "=======================\n", + "[\"the strange formation was photographed by amateur astronomer gordon ewen , and is a sun spot .sun spots range hugely in size , from just 10 miles ( 16km ) to 100,000 miles ( 160,000 km ) wide - big enough to be seen from earth without a telescope .the sun 's having a yolk !\"]\n", + "=======================\n", + "['strange formation is a sun spot and fairly common.the number on the surface correlates with how active the sun isspots occur when magnetic fields causes surface temperature to reduce , making a section stand outhave temperature of up to 4,200 °c ( 7,590 °f ) , compared to 5,500 °c ( 9,930 °f ) of the surrounding solar materialgordon ewen captured the unique photograph using a large telescope at the bottom of his garden in hertfordshire']\n", + "the strange formation was photographed by amateur astronomer gordon ewen , and is a sun spot .sun spots range hugely in size , from just 10 miles ( 16km ) to 100,000 miles ( 160,000 km ) wide - big enough to be seen from earth without a telescope .the sun 's having a yolk !\n", + "strange formation is a sun spot and fairly common.the number on the surface correlates with how active the sun isspots occur when magnetic fields causes surface temperature to reduce , making a section stand outhave temperature of up to 4,200 °c ( 7,590 °f ) , compared to 5,500 °c ( 9,930 °f ) of the surrounding solar materialgordon ewen captured the unique photograph using a large telescope at the bottom of his garden in hertfordshire\n", + "[1.1831996 1.3860486 1.2787246 1.2435021 1.1242048 1.2136351 1.0587447\n", + " 1.1620697 1.089786 1.1139721 1.1336865 1.014139 1.0692482 1.0635653\n", + " 1.0804311 1.0116649 1.016533 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 5 0 7 10 4 9 8 14 12 13 6 16 11 15 18 17 19]\n", + "=======================\n", + "[\"simply referred to as ` the next gear ' , images of the watch 's circular face were unveiled as part of an announcement about samsung 's upcoming developer scheme .samsung 's previous watches have all had rectangular faces , or in the case of the gear s , a curved design .motorola , huawei and lg currently offer round watches , while the pebble steel and apple watch are square .\"]\n", + "=======================\n", + "[\"korean firm teased the watch with strapline ` get ready for the next gear 'wearable with be the 7th-generation samsung gear wrist-worn devicesamsung made the announcement in a release about developer softwaremotorola , huawei and lg all have round watches , while apple 's is square\"]\n", + "simply referred to as ` the next gear ' , images of the watch 's circular face were unveiled as part of an announcement about samsung 's upcoming developer scheme .samsung 's previous watches have all had rectangular faces , or in the case of the gear s , a curved design .motorola , huawei and lg currently offer round watches , while the pebble steel and apple watch are square .\n", + "korean firm teased the watch with strapline ` get ready for the next gear 'wearable with be the 7th-generation samsung gear wrist-worn devicesamsung made the announcement in a release about developer softwaremotorola , huawei and lg all have round watches , while apple 's is square\n", + "[1.2895362 1.2287468 1.2374232 1.115799 1.1321954 1.1113575 1.1777762\n", + " 1.1603746 1.1443739 1.0965253 1.0280907 1.0523663 1.0233173 1.1468307\n", + " 1.0633285 1.0649601 1.0428166 1.0588317 1.0329269 1.0391856 1.0321112]\n", + "\n", + "[ 0 2 1 6 7 13 8 4 3 5 9 15 14 17 11 16 19 18 20 10 12]\n", + "=======================\n", + "[\"( cnn ) protests are gaining steam in baltimore after a man died from a devastating injury he allegedly suffered while in police custody .to start , protesters say they 're looking for answers about what happened to freddie gray , and why .demonstrators have vowed they 'll keep taking to the streets until they get justice .\"]\n", + "=======================\n", + "[\"freddie gray 's death has fueled protests in baltimoredemonstrators accuse police of using too much force and say officers should face charges\"]\n", + "( cnn ) protests are gaining steam in baltimore after a man died from a devastating injury he allegedly suffered while in police custody .to start , protesters say they 're looking for answers about what happened to freddie gray , and why .demonstrators have vowed they 'll keep taking to the streets until they get justice .\n", + "freddie gray 's death has fueled protests in baltimoredemonstrators accuse police of using too much force and say officers should face charges\n", + "[1.2704854 1.5441082 1.1127641 1.1263988 1.2965442 1.203983 1.0237712\n", + " 1.013948 1.2954102 1.193848 1.0858026 1.1164135 1.0232035 1.0181409\n", + " 1.0260464 1.0626026 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 8 0 5 9 3 11 2 10 15 14 6 12 13 7 19 16 17 18 20]\n", + "=======================\n", + "[\"jonathan stevenson was just 16 years old when he asked for benaud 's advice on left-handed leg spin and he shared the lengthy response on twitter on friday as a tribute to the ` great man ' .a letter from richie benaud to an english fan , jonathon stevenson , almost 20 years ago emerged on friday in the wake of the cricket legend 's deathaccompanying the letter from benaud , dated september 27 , 1996 , was a full sheet of notes about spin bowling for left-hand bowlers .\"]\n", + "=======================\n", + "['jonathan stevenson wrote a letter to richie benaud back in 1996the then-16-year-old asked for his advice on left-handed spin bowlingstevenson , who now works at livewire sport , tweeted the letter on fridaycricket legend died in his sleep on thursday night in a sydney hospiceletter included sheet of notes about spin bowling for left-hand bowlers']\n", + "jonathan stevenson was just 16 years old when he asked for benaud 's advice on left-handed leg spin and he shared the lengthy response on twitter on friday as a tribute to the ` great man ' .a letter from richie benaud to an english fan , jonathon stevenson , almost 20 years ago emerged on friday in the wake of the cricket legend 's deathaccompanying the letter from benaud , dated september 27 , 1996 , was a full sheet of notes about spin bowling for left-hand bowlers .\n", + "jonathan stevenson wrote a letter to richie benaud back in 1996the then-16-year-old asked for his advice on left-handed spin bowlingstevenson , who now works at livewire sport , tweeted the letter on fridaycricket legend died in his sleep on thursday night in a sydney hospiceletter included sheet of notes about spin bowling for left-hand bowlers\n", + "[1.4731808 1.4014049 1.1328458 1.4169928 1.3162289 1.1421322 1.2771646\n", + " 1.0940096 1.013465 1.0112474 1.0135554 1.0106467 1.0114868 1.0159541\n", + " 1.0633162 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 6 5 2 7 14 13 10 8 12 9 11 15 16 17 18 19 20]\n", + "=======================\n", + "[\"argentina beat ecuador 2-1 to notch a second straight copa america warm-up victory without lionel messi at a freezing metlife stadium in new jersey on tuesday .manchester city forward sergio aguero celebrates his goal in argentina 's 2-1 win on tuesday nightgerardo martino 's argentina , with captain messi looking on again while he nurses a right foot injury , had beaten el salvador 2-0 in washington on saturday .\"]\n", + "=======================\n", + "[\"gerardo martino 's team beat their south american rivals in new jerseymanchester city 's sergio aguero opened scoring in the first-halfecuador capitalised on a mistake , allowing miller bolanos to equalisebut javier pastore scored to settle the friendly in the 58th minutelionel messi did not feature as he nurses a foot injury\"]\n", + "argentina beat ecuador 2-1 to notch a second straight copa america warm-up victory without lionel messi at a freezing metlife stadium in new jersey on tuesday .manchester city forward sergio aguero celebrates his goal in argentina 's 2-1 win on tuesday nightgerardo martino 's argentina , with captain messi looking on again while he nurses a right foot injury , had beaten el salvador 2-0 in washington on saturday .\n", + "gerardo martino 's team beat their south american rivals in new jerseymanchester city 's sergio aguero opened scoring in the first-halfecuador capitalised on a mistake , allowing miller bolanos to equalisebut javier pastore scored to settle the friendly in the 58th minutelionel messi did not feature as he nurses a foot injury\n", + "[1.0618038 1.2149909 1.4030528 1.3437604 1.2041749 1.1909758 1.2025036\n", + " 1.1477062 1.1996429 1.1121442 1.0635636 1.0871369 1.0799935 1.0557309\n", + " 1.0133982 1.0231616 1.0168369 1.0123078 1.0446174 0. 0. ]\n", + "\n", + "[ 2 3 1 4 6 8 5 7 9 11 12 10 0 13 18 15 16 14 17 19 20]\n", + "=======================\n", + "[\"a study of wildlife sites across four english counties has found that most are home to fewer species of bee today than they were in the past .it found that the expansion of farmland has actually been more damaging to britain 's bee population than the concreting over of the countryside for housing .but new research suggests britain 's bees are happier near towns and cities .\"]\n", + "=======================\n", + "['reading university researcher says bees prefer cities to fieldsexpansion of farmland has actually been damaging to bee populationwildlife sites in four english counties saw bee species decreasereason is likely due to wide variety of flowering plants in urban areas']\n", + "a study of wildlife sites across four english counties has found that most are home to fewer species of bee today than they were in the past .it found that the expansion of farmland has actually been more damaging to britain 's bee population than the concreting over of the countryside for housing .but new research suggests britain 's bees are happier near towns and cities .\n", + "reading university researcher says bees prefer cities to fieldsexpansion of farmland has actually been damaging to bee populationwildlife sites in four english counties saw bee species decreasereason is likely due to wide variety of flowering plants in urban areas\n", + "[1.2656167 1.3033936 1.1927009 1.2968807 1.1772574 1.1059843 1.0431547\n", + " 1.0645273 1.1471897 1.0199614 1.0365461 1.0841322 1.0607796 1.2134769\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 13 2 4 8 5 11 7 12 6 10 9 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"missoula : rape and the justice system in a college town , a doubleday publication that was released tuesday , immediately sparked a fierce debate in montana and beyond .brave : kelsey belnap ( left ) and allison huguet ( right ) were among the five women profiled by author jon krakauer fopr his new book about sexual assault at the university of montana at missoula .krakauer , the author of the critically acclaimed book into the wild , sat down for an interview with abc 's nightline , which aired wednesday night , to discuss his latest project exploring the sensitive subject of campus rape .\"]\n", + "=======================\n", + "[\"author of ` into the wild ' spoke to five rape victims in missoula , montana` missoula : rape and the justice system in a college town ' was released april 21three of five victims profiled in the book sat down with abc 's nightline wednesday nightkelsey belnap , allison huguet and hillary mclaughlin said they had been raped by university of montana football playershuguet and mclaughlin 's attacker , beau donaldson , pleaded guilty to rape in 2012 and was sentenced to 10 yearsbelnap claimed four players gang-raped her in 2010 , but prosecutors never charged them citing lack of probable causemr krakauer wrote book after realizing close friend was a rape victim\"]\n", + "missoula : rape and the justice system in a college town , a doubleday publication that was released tuesday , immediately sparked a fierce debate in montana and beyond .brave : kelsey belnap ( left ) and allison huguet ( right ) were among the five women profiled by author jon krakauer fopr his new book about sexual assault at the university of montana at missoula .krakauer , the author of the critically acclaimed book into the wild , sat down for an interview with abc 's nightline , which aired wednesday night , to discuss his latest project exploring the sensitive subject of campus rape .\n", + "author of ` into the wild ' spoke to five rape victims in missoula , montana` missoula : rape and the justice system in a college town ' was released april 21three of five victims profiled in the book sat down with abc 's nightline wednesday nightkelsey belnap , allison huguet and hillary mclaughlin said they had been raped by university of montana football playershuguet and mclaughlin 's attacker , beau donaldson , pleaded guilty to rape in 2012 and was sentenced to 10 yearsbelnap claimed four players gang-raped her in 2010 , but prosecutors never charged them citing lack of probable causemr krakauer wrote book after realizing close friend was a rape victim\n", + "[1.3296652 1.4175534 1.2878989 1.23281 1.218458 1.2776294 1.1510062\n", + " 1.0516814 1.1181579 1.0542482 1.0387414 1.0362693 1.0185201 1.0179994\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 5 3 4 6 8 9 7 10 11 12 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the pair will slug it out at the mgm grand in las vegas at the beginning of next month in a $ 300million showdown .it may be april fools ' day but manny pacquiao was wasting no time joking around as the champion boxer continued his preparations for the eagerly-anticipated bout with floyd mayweather on may 2 .with just under five weeks to go till his meeting with mayweather , pacquiao took to his instagram account to share a video of his morning run with the 32-year-old being joined by his training entourage .\"]\n", + "=======================\n", + "['floyd mayweather and manny pacquiao go toe-to-toe on may 2 in vegaspacquiao shared a video of his morning run as he continued his trainingmayweather also shared a video of his late-night training routineread : muhammad ali hopes pacquiao beats mayweatherclick here for the latest pacquiao vs mayweather news']\n", + "the pair will slug it out at the mgm grand in las vegas at the beginning of next month in a $ 300million showdown .it may be april fools ' day but manny pacquiao was wasting no time joking around as the champion boxer continued his preparations for the eagerly-anticipated bout with floyd mayweather on may 2 .with just under five weeks to go till his meeting with mayweather , pacquiao took to his instagram account to share a video of his morning run with the 32-year-old being joined by his training entourage .\n", + "floyd mayweather and manny pacquiao go toe-to-toe on may 2 in vegaspacquiao shared a video of his morning run as he continued his trainingmayweather also shared a video of his late-night training routineread : muhammad ali hopes pacquiao beats mayweatherclick here for the latest pacquiao vs mayweather news\n", + "[1.3329521 1.2145091 1.197222 1.1797987 1.1321074 1.0990475 1.2345767\n", + " 1.1006902 1.0339743 1.0453855 1.0404321 1.0438559 1.035509 1.0357697\n", + " 1.0470419 1.0311899 1.0339559 1.1910757 1.0411785 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 6 1 2 17 3 4 7 5 14 9 11 18 10 13 12 8 16 15 20 19 21]\n", + "=======================\n", + "[\"as brendan rodgers sat down to have his say on thursday , it was easy to forget that liverpool have a critical game against their top-four rivals arsenal on saturday .rodgers issues instructions to sterling as liverpool prepare for saturday 's match with arsenalinstead , there was only one issue on the agenda , brought about by raheem sterling 's television interview 24 hours earlier .\"]\n", + "=======================\n", + "['raheem sterling has rejected a new contract worth # 100,000-a-weekliverpool boss brendan rodgers says sterling will not be soldhe believes sterling still needs to prove himself at the highest levelrodgers is confident that sterling can win silverware while at anfieldliverpool face arsenal at the emirates on saturday , kick-off at 12.45 pm']\n", + "as brendan rodgers sat down to have his say on thursday , it was easy to forget that liverpool have a critical game against their top-four rivals arsenal on saturday .rodgers issues instructions to sterling as liverpool prepare for saturday 's match with arsenalinstead , there was only one issue on the agenda , brought about by raheem sterling 's television interview 24 hours earlier .\n", + "raheem sterling has rejected a new contract worth # 100,000-a-weekliverpool boss brendan rodgers says sterling will not be soldhe believes sterling still needs to prove himself at the highest levelrodgers is confident that sterling can win silverware while at anfieldliverpool face arsenal at the emirates on saturday , kick-off at 12.45 pm\n", + "[1.2447361 1.4516578 1.1003132 1.1861262 1.1442559 1.1290293 1.1403458\n", + " 1.0899725 1.059075 1.0363348 1.0439559 1.0470961 1.0737281 1.046808\n", + " 1.0468968 1.0769584 1.0508105 1.036853 1.0592142 1.0156674 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 4 6 5 2 7 15 12 18 8 16 11 14 13 10 17 9 19 20 21]\n", + "=======================\n", + "['john helinski was homeless and nameless for three years .( cnn ) no identification , no social security card and only a box to live on .helinski hit it big thanks to the social security administration , and a big-hearted cop and a case worker determined to untangle major bureaucracy .']\n", + "=======================\n", + "[\"john helinski 's id and social security cards had been stolenhis case worker and a cop had to get foreign id papers to get him a driver 's licensethen helinski remembered a bank account he used to have\"]\n", + "john helinski was homeless and nameless for three years .( cnn ) no identification , no social security card and only a box to live on .helinski hit it big thanks to the social security administration , and a big-hearted cop and a case worker determined to untangle major bureaucracy .\n", + "john helinski 's id and social security cards had been stolenhis case worker and a cop had to get foreign id papers to get him a driver 's licensethen helinski remembered a bank account he used to have\n", + "[1.1709256 1.5104665 1.2755058 1.2527015 1.3572464 1.1813574 1.0856556\n", + " 1.0517708 1.1023402 1.0888313 1.0639216 1.0616232 1.0264245 1.0274966\n", + " 1.1324642 1.0738723 1.0562018 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 2 3 5 0 14 8 9 6 15 10 11 16 7 13 12 20 17 18 19 21]\n", + "=======================\n", + "['audrey dimitrew , 16 , of virginia accepted a spot on the under-16 chantilly juniors in november believing she would get playing time , but was told by coaches she did not have the skills to compete with her team .the sophomore at woodgrove high school and her family sued the chesapeake region volleyball association on march 10 after they said she was accepted to another club but was denied the transfer from her league .the lawsuit seeks to let audrey transfer clubs and asks for attorney fees .']\n", + "=======================\n", + "[\"audrey dimitrew , a sophomore in high school in virginia , filed a suit with her family against chesapeake regional volleyball associationshe said she accepted spot on team believing she would get playing time , but was benched for first two tournamentsteen was accepted onto a different team but league said player has to show ` verifiable hardship condition exists ' to be moved to another team\"]\n", + "audrey dimitrew , 16 , of virginia accepted a spot on the under-16 chantilly juniors in november believing she would get playing time , but was told by coaches she did not have the skills to compete with her team .the sophomore at woodgrove high school and her family sued the chesapeake region volleyball association on march 10 after they said she was accepted to another club but was denied the transfer from her league .the lawsuit seeks to let audrey transfer clubs and asks for attorney fees .\n", + "audrey dimitrew , a sophomore in high school in virginia , filed a suit with her family against chesapeake regional volleyball associationshe said she accepted spot on team believing she would get playing time , but was benched for first two tournamentsteen was accepted onto a different team but league said player has to show ` verifiable hardship condition exists ' to be moved to another team\n", + "[1.2593563 1.1148931 1.2033058 1.3874018 1.0488906 1.1045568 1.0421427\n", + " 1.0393851 1.030398 1.024697 1.1025373 1.1219251 1.0303398 1.1089569\n", + " 1.095518 1.0822625 1.0446028 1.0161645 1.0228596 1.2332534 1.0737665\n", + " 1.0403931]\n", + "\n", + "[ 3 0 19 2 11 1 13 5 10 14 15 20 4 16 6 21 7 8 12 9 18 17]\n", + "=======================\n", + "[\"it even caught the attention of google executive , eric schmidt , who has revealed that the plunging dress was his inspiration for creating google images .fifteen years ago , jennifer lopez ' shimmering , navel-baring versace gown captivated the worldso much so that , long before kim kardashian was breaking the internet , j lo 's 2000 red carpet appearance set the web ablaze .\"]\n", + "=======================\n", + "[\"the now 45-year-old singer wore the dress at the 2000 grammy awards` it was the most popular search query we had ever seen , ' said schmidtit inspired google to launch image search so people could find it easierpreviously users had to search through pages of text broken up by links\"]\n", + "it even caught the attention of google executive , eric schmidt , who has revealed that the plunging dress was his inspiration for creating google images .fifteen years ago , jennifer lopez ' shimmering , navel-baring versace gown captivated the worldso much so that , long before kim kardashian was breaking the internet , j lo 's 2000 red carpet appearance set the web ablaze .\n", + "the now 45-year-old singer wore the dress at the 2000 grammy awards` it was the most popular search query we had ever seen , ' said schmidtit inspired google to launch image search so people could find it easierpreviously users had to search through pages of text broken up by links\n", + "[1.1734762 1.4981564 1.2343252 1.3196733 1.2070546 1.2003304 1.1725992\n", + " 1.0521585 1.139588 1.0382047 1.0706668 1.0465515 1.0537189 1.0226102\n", + " 1.0144056 1.1539624 1.0278342 1.0161613 1.0089015 0. 0. ]\n", + "\n", + "[ 1 3 2 4 5 0 6 15 8 10 12 7 11 9 16 13 17 14 18 19 20]\n", + "=======================\n", + "[\"families on the high green estate in sheffield , south yorkshire , say they are being ` held to ransom ' by gangs of yobs shooting at their homes and cars with the weapons .cctv footage shows the youngsters shooting at properties , cars and each other as they blatantly carry the air rifles and bb guns through the estate , sparking terror among the area 's residents .residents even claim one woman who confronted the yobs was shot at .\"]\n", + "=======================\n", + "[\"group of young thugs are terrorising high green estate in sheffieldyoungsters are using bb guns and air rifles to shoot at cars and homesterrified residents on estate say they are being ` held to ransom ' by yobsclaim woman was shot at and concerned someone will be seriously injured\"]\n", + "families on the high green estate in sheffield , south yorkshire , say they are being ` held to ransom ' by gangs of yobs shooting at their homes and cars with the weapons .cctv footage shows the youngsters shooting at properties , cars and each other as they blatantly carry the air rifles and bb guns through the estate , sparking terror among the area 's residents .residents even claim one woman who confronted the yobs was shot at .\n", + "group of young thugs are terrorising high green estate in sheffieldyoungsters are using bb guns and air rifles to shoot at cars and homesterrified residents on estate say they are being ` held to ransom ' by yobsclaim woman was shot at and concerned someone will be seriously injured\n", + "[1.5588815 1.5862029 1.2574495 1.1188028 1.0824128 1.0278003 1.0248288\n", + " 1.0255529 1.0179403 1.1081724 1.1069682 1.047324 1.0364288 1.0127181\n", + " 1.0374923 1.0110437 1.0283291 1.0402743 1.059211 1.0932223 1.0177591]\n", + "\n", + "[ 1 0 2 3 9 10 19 4 18 11 17 14 12 16 5 7 6 8 20 13 15]\n", + "=======================\n", + "[\"the reds moved within four points of the barclays premier league top four after goals from raheem sterling and joe allen saw off the struggling magpies at anfield .liverpool boss brendan rodgers vowed not to give up on champions league qualification after a convincing 2-0 win over newcastle .with fading champions manchester city now looking vulnerable in fourth , liverpool 's hopes - which took a hefty blow in back-to-back losses to manchester united and arsenal - could have been reignited .\"]\n", + "=======================\n", + "['liverpool beat newcastle 2-0 in the premier league on monday nightraheem sterling and joe allen saw off the magpies at anfieldliverpool are four points behind fourth-placed manchester cityread : jordan henderson hopes liverpool can turn up heat on man cityread : rodgers will talk to raheem sterling about his behaviour']\n", + "the reds moved within four points of the barclays premier league top four after goals from raheem sterling and joe allen saw off the struggling magpies at anfield .liverpool boss brendan rodgers vowed not to give up on champions league qualification after a convincing 2-0 win over newcastle .with fading champions manchester city now looking vulnerable in fourth , liverpool 's hopes - which took a hefty blow in back-to-back losses to manchester united and arsenal - could have been reignited .\n", + "liverpool beat newcastle 2-0 in the premier league on monday nightraheem sterling and joe allen saw off the magpies at anfieldliverpool are four points behind fourth-placed manchester cityread : jordan henderson hopes liverpool can turn up heat on man cityread : rodgers will talk to raheem sterling about his behaviour\n", + "[1.3959198 1.251095 1.2006137 1.3514198 1.200784 1.1991148 1.1489034\n", + " 1.0778376 1.0761441 1.1652552 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 5 9 6 7 8 18 17 16 15 10 13 12 11 19 14 20]\n", + "=======================\n", + "['bolton-born boxer amir khan spent his friday alongside some fellow natural born fighters as he enjoyed a family trip to a safari park in northern california .khan posed alongside , and also fed , a rare but dangerous white tiger as well posing with stunning giraffes and sea lions at six flags discovery kingdom .khan and his wife and daughter pose with a giraffe as they enjoy a family day at the adventure park']\n", + "=======================\n", + "['amir khan took his family to an adventure park in northern californiakhan posed alongside a rare white tiger as well as a giraffe and sea lionearlier this week the bolton-born fighter announced his return to the ringkhan will take on former light-welterweight world champion chris algieri']\n", + "bolton-born boxer amir khan spent his friday alongside some fellow natural born fighters as he enjoyed a family trip to a safari park in northern california .khan posed alongside , and also fed , a rare but dangerous white tiger as well posing with stunning giraffes and sea lions at six flags discovery kingdom .khan and his wife and daughter pose with a giraffe as they enjoy a family day at the adventure park\n", + "amir khan took his family to an adventure park in northern californiakhan posed alongside a rare white tiger as well as a giraffe and sea lionearlier this week the bolton-born fighter announced his return to the ringkhan will take on former light-welterweight world champion chris algieri\n", + "[1.4131016 1.3876 1.3700132 1.3128409 1.2317531 1.1915158 1.0646372\n", + " 1.1822423 1.0152435 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 5 7 6 8 18 17 16 15 14 10 12 11 19 9 13 20]\n", + "=======================\n", + "['( cnn ) a lamborghini sports car crashed into a guardrail at walt disney world speedway on sunday , killing a passenger , the florida highway patrol said .the crash occurred at 3:30 p.m. at the exotic driving experience , which bills itself as a chance to drive your dream car on a racetrack .he was hospitalized with minor injuries .']\n", + "=======================\n", + "['authorities identify the deceased passenger as 36-year-old gary terryauthorities say the driver , 24-year-old tavon watson , lost control of a lamborghinithe crash occurred at the exotic driving experience at walt disney world speedway']\n", + "( cnn ) a lamborghini sports car crashed into a guardrail at walt disney world speedway on sunday , killing a passenger , the florida highway patrol said .the crash occurred at 3:30 p.m. at the exotic driving experience , which bills itself as a chance to drive your dream car on a racetrack .he was hospitalized with minor injuries .\n", + "authorities identify the deceased passenger as 36-year-old gary terryauthorities say the driver , 24-year-old tavon watson , lost control of a lamborghinithe crash occurred at the exotic driving experience at walt disney world speedway\n", + "[1.2308424 1.4463701 1.1617314 1.3120733 1.2212379 1.1173618 1.0958154\n", + " 1.0906878 1.1275403 1.0936038 1.1136397 1.1179689 1.1812754 1.0536244\n", + " 1.1218679 1.0417442 1.0164843 1.0124176 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 12 2 8 14 11 5 10 6 9 7 13 15 16 17 18 19 20]\n", + "=======================\n", + "[\"mick schumacher made his pre-season test debut in formula 4 at the oschersleben circuit in germany - but at one point was pictured accidentally driving through gravel .michael schumacher 's son has returned to the racing circuit just weeks after he was involved in a 100mph crash - and once again ended up going off the track .the 16-year-old , whose father won the formula 1 championship seven times , reached the new category after seven years of karting in what is seen as a stepping stone for junior drivers hoping to reach the top .\"]\n", + "=======================\n", + "['mick schumacher made pre-season test debut in formula 4 in germanythe 16-year-old was driving weeks after a 100mph crash at another circuitpictured turning into gravel once again during tests at oschersleben trackhis father , michael , is still recovering from a december 2013 ski accident']\n", + "mick schumacher made his pre-season test debut in formula 4 at the oschersleben circuit in germany - but at one point was pictured accidentally driving through gravel .michael schumacher 's son has returned to the racing circuit just weeks after he was involved in a 100mph crash - and once again ended up going off the track .the 16-year-old , whose father won the formula 1 championship seven times , reached the new category after seven years of karting in what is seen as a stepping stone for junior drivers hoping to reach the top .\n", + "mick schumacher made pre-season test debut in formula 4 in germanythe 16-year-old was driving weeks after a 100mph crash at another circuitpictured turning into gravel once again during tests at oschersleben trackhis father , michael , is still recovering from a december 2013 ski accident\n", + "[1.2846599 1.2994733 1.3175361 1.1854187 1.198434 1.1027722 1.0951909\n", + " 1.07559 1.074043 1.0881413 1.0467079 1.0592499 1.1898291 1.0680978\n", + " 1.0167401 1.0172017 1.012363 1.0084696 1.0140735 1.0290409 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 1 0 4 12 3 5 6 9 7 8 13 11 10 19 15 14 18 16 17 20 21 22]\n", + "=======================\n", + "[\"maggio , 52 , sparked controversy last march when he admitted posting a series of comments that were racist , sexist and offensive towards the lgbt community over the past several years .by surrendering his licence , circuit judge michael maggio has avoided a disciplinary hearing over the conviction , for which he faces up to 10 years in prison and a $ 250,000 fine when he is sentenced in july .the arkansas judge who posted private details of charlize theron 's adoption of her son has been forced to hand in his law licence because of a bribery conviction in a separate case .\"]\n", + "=======================\n", + "[\"michael maggio is already banned for life from holding judicial office for revealing actress 's adoption of boy two months before she went publicposted on louisiana state university sports forum in 2012 that theron had applied to take on the youngster in same court division where he servedas ` geauxjudge ' he also posted derogatory comments about womenfaces prison sentence of 10 years and $ 250,000 fine for bribery conviction\"]\n", + "maggio , 52 , sparked controversy last march when he admitted posting a series of comments that were racist , sexist and offensive towards the lgbt community over the past several years .by surrendering his licence , circuit judge michael maggio has avoided a disciplinary hearing over the conviction , for which he faces up to 10 years in prison and a $ 250,000 fine when he is sentenced in july .the arkansas judge who posted private details of charlize theron 's adoption of her son has been forced to hand in his law licence because of a bribery conviction in a separate case .\n", + "michael maggio is already banned for life from holding judicial office for revealing actress 's adoption of boy two months before she went publicposted on louisiana state university sports forum in 2012 that theron had applied to take on the youngster in same court division where he servedas ` geauxjudge ' he also posted derogatory comments about womenfaces prison sentence of 10 years and $ 250,000 fine for bribery conviction\n", + "[1.1229107 1.6150346 1.2334088 1.1232902 1.1232878 1.0935308 1.1017463\n", + " 1.0993536 1.0696503 1.141708 1.0963976 1.3585553 1.0884153 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 11 2 9 3 4 0 6 7 10 5 12 8 21 13 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"gemma the pit bull was filmed at home in california enthusiastically greeting a baby boy named elliot with kisses .footage shows her lovingly licking the infant as he attempts to fend her away with his hands .she also appears to be a fan of elliot 's older sister , adeline .\"]\n", + "=======================\n", + "[\"gemma the pit bull was filmed at home in california enthusiastically greeting a baby boy named elliot with kissesdespite the infant 's best efforts , gemma keeps licking awayother videos show the animal is clearly used to being around children\"]\n", + "gemma the pit bull was filmed at home in california enthusiastically greeting a baby boy named elliot with kisses .footage shows her lovingly licking the infant as he attempts to fend her away with his hands .she also appears to be a fan of elliot 's older sister , adeline .\n", + "gemma the pit bull was filmed at home in california enthusiastically greeting a baby boy named elliot with kissesdespite the infant 's best efforts , gemma keeps licking awayother videos show the animal is clearly used to being around children\n", + "[1.0468805 1.25399 1.1252415 1.1976914 1.111116 1.0992863 1.1983256\n", + " 1.2259169 1.1206796 1.1780217 1.0608313 1.0452185 1.033162 1.0185884\n", + " 1.0263176 1.0787597 1.0489645 1.0240724 1.021446 1.0210689 1.0113417\n", + " 1.0155787 1.0129842]\n", + "\n", + "[ 1 7 6 3 9 2 8 4 5 15 10 16 0 11 12 14 17 18 19 13 21 22 20]\n", + "=======================\n", + "[\"everything that 's unpleasant about male behaviour has been ascribed to the effects of this much maligned hormone .the blood of an adult woman before menopause actually contains about five times more testosterone than oestrogen , the supposedly ` female ' hormone .although this is the case and it 's impossible to think of ` maleness ' without testosterone , it 's also important for sexual behaviour in women .\"]\n", + "=======================\n", + "[\"the male hormone testosterone does n't always get a good pressall that 's unpleasant about male behaviour is ascribed to the hormoneyet , as joe herbert explains , testosterone is at the heart of human life\"]\n", + "everything that 's unpleasant about male behaviour has been ascribed to the effects of this much maligned hormone .the blood of an adult woman before menopause actually contains about five times more testosterone than oestrogen , the supposedly ` female ' hormone .although this is the case and it 's impossible to think of ` maleness ' without testosterone , it 's also important for sexual behaviour in women .\n", + "the male hormone testosterone does n't always get a good pressall that 's unpleasant about male behaviour is ascribed to the hormoneyet , as joe herbert explains , testosterone is at the heart of human life\n", + "[1.0728528 1.1041596 1.1931798 1.0651407 1.2181056 1.1640354 1.1637219\n", + " 1.1959163 1.051277 1.1060494 1.0786347 1.0637301 1.0452349 1.0361887\n", + " 1.1866902 1.1103506 1.07641 1.0573448 1.0432049 1.037393 1.041169\n", + " 0. 0. ]\n", + "\n", + "[ 4 7 2 14 5 6 15 9 1 10 16 0 3 11 17 8 12 18 20 19 13 21 22]\n", + "=======================\n", + "['the kardashians are a strong example of a large celebrity family where the siblings share very different personality traitsaccording to mitchell and brown , first-born children are expected to be higher academic achievers and more ambitious .according to canadian duo mitchell moffit and greg brown , from toronto , who present an online science show , several theories suggest that where you are in your family determines who you are .']\n", + "=======================\n", + "['mitchell moffit and greg brown from asapscience present theoriesdifferent personality traits can vary according to expectations of parentsbeyoncé , hillary clinton and j. k. rowling are all oldest children']\n", + "the kardashians are a strong example of a large celebrity family where the siblings share very different personality traitsaccording to mitchell and brown , first-born children are expected to be higher academic achievers and more ambitious .according to canadian duo mitchell moffit and greg brown , from toronto , who present an online science show , several theories suggest that where you are in your family determines who you are .\n", + "mitchell moffit and greg brown from asapscience present theoriesdifferent personality traits can vary according to expectations of parentsbeyoncé , hillary clinton and j. k. rowling are all oldest children\n", + "[1.3999896 1.36989 1.4009352 1.1628746 1.1266445 1.048056 1.040422\n", + " 1.0303842 1.0291325 1.0271462 1.0278866 1.0935116 1.0263629 1.0237525\n", + " 1.1050373 1.1004859 1.1692588 1.1011521 1.1107395 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 1 16 3 4 18 14 17 15 11 5 6 7 8 10 9 12 13 21 19 20 22]\n", + "=======================\n", + "['the comedic actress said smoking marijuana is \" good medicine \" for relieving the pressure in her eyes .( the hollywood reporter ) roseanne barr has revealed that she is slowly going blind .in an interview with the daily beast , barr said she suffers from macular degeneration and glaucoma and told the website , \" my vision is closing in now . \"']\n", + "=======================\n", + "['roseanne barr told the daily beast that she is slowly going blindbarr said she has macular degeneration and glaucoma']\n", + "the comedic actress said smoking marijuana is \" good medicine \" for relieving the pressure in her eyes .( the hollywood reporter ) roseanne barr has revealed that she is slowly going blind .in an interview with the daily beast , barr said she suffers from macular degeneration and glaucoma and told the website , \" my vision is closing in now . \"\n", + "roseanne barr told the daily beast that she is slowly going blindbarr said she has macular degeneration and glaucoma\n", + "[1.2067766 1.4109021 1.2448847 1.1474782 1.1434419 1.0429574 1.1043067\n", + " 1.0220804 1.0268085 1.0815239 1.0785861 1.090083 1.1025696 1.0376107\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 6 12 11 9 10 5 13 8 7 18 14 15 16 17 19]\n", + "=======================\n", + "[\"massachusetts is hosting two of the highest-profile court trials in recent memory -- those of former new england patriot aaron hernandez and boston bombing suspect dzhokhar tsarnaev .both lengthy trials are coming to a close .( cnn ) the nation 's top stories will be unfolding tuesday in courthouses and political arenas across the country .\"]\n", + "=======================\n", + "['the trials of dzhokhar tsarnaev and aaron hernandez are coming to a closevoting has put rahm emanuel and ferguson , missouri , back in the headlinesrand paul has announced his bid for the presidency']\n", + "massachusetts is hosting two of the highest-profile court trials in recent memory -- those of former new england patriot aaron hernandez and boston bombing suspect dzhokhar tsarnaev .both lengthy trials are coming to a close .( cnn ) the nation 's top stories will be unfolding tuesday in courthouses and political arenas across the country .\n", + "the trials of dzhokhar tsarnaev and aaron hernandez are coming to a closevoting has put rahm emanuel and ferguson , missouri , back in the headlinesrand paul has announced his bid for the presidency\n", + "[1.4948666 1.1690438 1.1900258 1.1591167 1.1025997 1.109175 1.0794647\n", + " 1.0284156 1.0364479 1.1259125 1.0744516 1.0543898 1.032596 1.0192393\n", + " 1.0209693 1.0413254 1.058368 1.0498893 1.0218569 1.0193233]\n", + "\n", + "[ 0 2 1 3 9 5 4 6 10 16 11 17 15 8 12 7 18 14 19 13]\n", + "=======================\n", + "[\"lausanne , switzerland ( cnn ) a roller-coaster series of talks wrapped up thursday in lausanne as a group of world powers known as the p5 +1 reached a framework agreement with iran over the country 's nuclear program .the parties have until the end to june to work out the details and put the plan to paper .the success of that agreement remains to be seen .\"]\n", + "=======================\n", + "['this week \\'s talks on an iranian nuclear deal framework are historicthe negotiations demonstrated diplomacy at its best , but also at its most hecticreporters resorted to ambushes to talk to officials ; negotiations were \" sometimes emotional and confrontational \"']\n", + "lausanne , switzerland ( cnn ) a roller-coaster series of talks wrapped up thursday in lausanne as a group of world powers known as the p5 +1 reached a framework agreement with iran over the country 's nuclear program .the parties have until the end to june to work out the details and put the plan to paper .the success of that agreement remains to be seen .\n", + "this week 's talks on an iranian nuclear deal framework are historicthe negotiations demonstrated diplomacy at its best , but also at its most hecticreporters resorted to ambushes to talk to officials ; negotiations were \" sometimes emotional and confrontational \"\n", + "[1.357949 1.1112965 1.2463125 1.0684648 1.2834082 1.0585017 1.1058257\n", + " 1.1034817 1.1023178 1.0800484 1.1079085 1.0545526 1.0273075 1.0285078\n", + " 1.0103245 1.1974576 1.0275983 1.024651 0. 0. ]\n", + "\n", + "[ 0 4 2 15 1 10 6 7 8 9 3 5 11 13 16 12 17 14 18 19]\n", + "=======================\n", + "[\"realtors in indianapolis are looking to unload what 's likely the midwestern city 's gaudiest and most famous home -- a 26,000-square-foot castle built of ranch homes glued together by a former pimp turned construction king .it sprang from inimitable hostetler 's imagination after he went from 24-year-old pimp known to police as mr. big to a local mini-magnate .for a meager $ 862,000 , its gargoyles , endless balconies and ornate fountains can be yours with which to carry on the eccentric torch of quirky indy celebrity jerry a. hostetler .\"]\n", + "=======================\n", + "[\"the gargoyles , endless balconies and fountains can be yours to help carry on the eccentric torch of quirky indy celebrity jerry a. hostetlerthe current owner bought the home after hostetler 's 2006 death .the house is five garden-variety ranchers glued together to form a campus-o-fun complete with swimming pool , ballroom and guesthouse\"]\n", + "realtors in indianapolis are looking to unload what 's likely the midwestern city 's gaudiest and most famous home -- a 26,000-square-foot castle built of ranch homes glued together by a former pimp turned construction king .it sprang from inimitable hostetler 's imagination after he went from 24-year-old pimp known to police as mr. big to a local mini-magnate .for a meager $ 862,000 , its gargoyles , endless balconies and ornate fountains can be yours with which to carry on the eccentric torch of quirky indy celebrity jerry a. hostetler .\n", + "the gargoyles , endless balconies and fountains can be yours to help carry on the eccentric torch of quirky indy celebrity jerry a. hostetlerthe current owner bought the home after hostetler 's 2006 death .the house is five garden-variety ranchers glued together to form a campus-o-fun complete with swimming pool , ballroom and guesthouse\n", + "[1.4896729 1.2007602 1.4787338 1.2369567 1.1764464 1.1413827 1.0687635\n", + " 1.0372561 1.0146316 1.0678188 1.1768985 1.0998454 1.0796744 1.0372164\n", + " 1.0484776 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 10 4 5 11 12 6 9 14 7 13 8 15 16 17 18 19]\n", + "=======================\n", + "['nigel jackson , 59 , a british expat accused of murdering his wife in portugal has written a letter for jail explaining how he believes she diedat the time jackson claimed mrs davidson committed suicide after being diagnosed with ovarian and thyroid cancer .but after being shown evidence she was killed , he had now changed his story .']\n", + "=======================\n", + "['nigel jackson , 59 , arrested at property in algarve , portugal , in januarybody of wife brenda davidson , 72 , found in shallow grave in the gardenjackson initially claimed she killed herself , but he has now changed storyshown proof she was killed , he now says she must have died in burglary']\n", + "nigel jackson , 59 , a british expat accused of murdering his wife in portugal has written a letter for jail explaining how he believes she diedat the time jackson claimed mrs davidson committed suicide after being diagnosed with ovarian and thyroid cancer .but after being shown evidence she was killed , he had now changed his story .\n", + "nigel jackson , 59 , arrested at property in algarve , portugal , in januarybody of wife brenda davidson , 72 , found in shallow grave in the gardenjackson initially claimed she killed herself , but he has now changed storyshown proof she was killed , he now says she must have died in burglary\n", + "[1.1637255 1.468918 1.2451737 1.1911473 1.269237 1.1186472 1.0433171\n", + " 1.0815959 1.0223321 1.1303928 1.0254786 1.0650017 1.1117727 1.0745034\n", + " 1.1200368 1.0798949 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 3 0 9 14 5 12 7 15 13 11 6 10 8 18 16 17 19]\n", + "=======================\n", + "[\"scientist fergus simpson has calculated the minimum size needed for intelligent life to survive , based on the laws of conservation of energy seen on earth .and from this , he calculates that if intelligent extraterrestrials exist they will typically weigh 650lbs ( 300kg ) - the median weight of a polar bear .aliens ( illustrated with a stock image ) are often portrayed as diminutive beings , but in ` reality ' they could be much larger , one scientist claims .\"]\n", + "=======================\n", + "[\"fergus simpson said aliens probably weigh more than 650 lbs ( 300kg )calculations based on idea that there 's a minimum size for intelligent lifelarger aliens are more likely to live long enough to make advanced techestimated size does n't factor in evolution or an alien planet 's gravity\"]\n", + "scientist fergus simpson has calculated the minimum size needed for intelligent life to survive , based on the laws of conservation of energy seen on earth .and from this , he calculates that if intelligent extraterrestrials exist they will typically weigh 650lbs ( 300kg ) - the median weight of a polar bear .aliens ( illustrated with a stock image ) are often portrayed as diminutive beings , but in ` reality ' they could be much larger , one scientist claims .\n", + "fergus simpson said aliens probably weigh more than 650 lbs ( 300kg )calculations based on idea that there 's a minimum size for intelligent lifelarger aliens are more likely to live long enough to make advanced techestimated size does n't factor in evolution or an alien planet 's gravity\n", + "[1.4522239 1.3657827 1.3306392 1.2638798 1.0668669 1.1438417 1.0379082\n", + " 1.0187682 1.0464109 1.0204057 1.0753502 1.0624579 1.0810026 1.0559121\n", + " 1.0771749 1.0320386 1.0508931 0. ]\n", + "\n", + "[ 0 1 2 3 5 12 14 10 4 11 13 16 8 6 15 9 7 17]\n", + "=======================\n", + "[\"julie mckenzie thought scoliosis was the cause of her bad backjulie mckenzie was assured by her gp that her nagging back pain was down to a mild curvature of the spine .she 'd gone to see him three months after suddenly developing back problems and had been referred for x-rays .\"]\n", + "=======================\n", + "[\"julie mckenzie , 53 , from bushy , herts , had a nagging back painher gp assured her it as down to a mild curvature of the spinebut she 'd always been strong and active until the pain began in 2013she used her private medical cover to see a spinal surgeon , robert leemri scan revealed her coccyx contained a tumour\"]\n", + "julie mckenzie thought scoliosis was the cause of her bad backjulie mckenzie was assured by her gp that her nagging back pain was down to a mild curvature of the spine .she 'd gone to see him three months after suddenly developing back problems and had been referred for x-rays .\n", + "julie mckenzie , 53 , from bushy , herts , had a nagging back painher gp assured her it as down to a mild curvature of the spinebut she 'd always been strong and active until the pain began in 2013she used her private medical cover to see a spinal surgeon , robert leemri scan revealed her coccyx contained a tumour\n", + "[1.6039637 1.1802963 1.2132168 1.4386699 1.211981 1.0785652 1.0203106\n", + " 1.0292522 1.068796 1.0891585 1.0887482 1.0363976 1.0201433 1.0161332\n", + " 1.0609636 1.0326282 1.0749412 0. ]\n", + "\n", + "[ 0 3 2 4 1 9 10 5 16 8 14 11 15 7 6 12 13 17]\n", + "=======================\n", + "[\"leicester boss nigel pearson would have had the ` outstanding ' esteban cambiasso down as his man of the match in saturday 's 2-1 win over west ham even if the veteran foxes midfielder had not scored his fine goal .leicester midfielder esteban cambiasso has received high praise from his manager nigel pearsonthe former real madrid and inter milan star celebrates after putting his side in the lead against west ham\"]\n", + "=======================\n", + "[\"esteban cambiasso helped his side claim a vital victory against west hamcambiasso scored opening goal in leicester 's 2-1 win over the hammersnigel pearson has backed the argentinian to lift leicester out of drop zonethe foxes are bottom of the premier league table with 22 points\"]\n", + "leicester boss nigel pearson would have had the ` outstanding ' esteban cambiasso down as his man of the match in saturday 's 2-1 win over west ham even if the veteran foxes midfielder had not scored his fine goal .leicester midfielder esteban cambiasso has received high praise from his manager nigel pearsonthe former real madrid and inter milan star celebrates after putting his side in the lead against west ham\n", + "esteban cambiasso helped his side claim a vital victory against west hamcambiasso scored opening goal in leicester 's 2-1 win over the hammersnigel pearson has backed the argentinian to lift leicester out of drop zonethe foxes are bottom of the premier league table with 22 points\n", + "[1.2653942 1.1825688 1.1697184 1.0813733 1.0548786 1.1130269 1.134283\n", + " 1.453836 1.1296624 1.0905577 1.0341384 1.0919657 1.1223392 1.1171845\n", + " 1.0317724 1.0333468 1.0128214 1.0150554]\n", + "\n", + "[ 7 0 1 2 6 8 12 13 5 11 9 3 4 10 15 14 17 16]\n", + "=======================\n", + "[\"manchester united boss louis van gaal was left frustrated after his side were defeated 1-0 by chelseathe eruption follows next season .van gaal revealed that he had 11 disappointed faces looking up at him in the dressing room , with the sunken eyes of united 's players pleading with him to explain how they had come to be beaten .\"]\n", + "=======================\n", + "[\"chelsea edged manchester united 1-0 at stamford bridge on saturdayblues forward eden hazard scored the game 's only goal , but united dominated possession and completed many more successful passesdespite defeat , united 's confident performance suggests that they will definitely be premier league title challengers again next seasonunited are preparing to spend heavily in the summer transfer window\"]\n", + "manchester united boss louis van gaal was left frustrated after his side were defeated 1-0 by chelseathe eruption follows next season .van gaal revealed that he had 11 disappointed faces looking up at him in the dressing room , with the sunken eyes of united 's players pleading with him to explain how they had come to be beaten .\n", + "chelsea edged manchester united 1-0 at stamford bridge on saturdayblues forward eden hazard scored the game 's only goal , but united dominated possession and completed many more successful passesdespite defeat , united 's confident performance suggests that they will definitely be premier league title challengers again next seasonunited are preparing to spend heavily in the summer transfer window\n", + "[1.1611812 1.4089351 1.30206 1.1830832 1.26525 1.2280337 1.0610298\n", + " 1.114797 1.1053292 1.0318091 1.0985465 1.1027305 1.0544086 1.0279553\n", + " 1.0714151 1.0329208 1.037256 0. ]\n", + "\n", + "[ 1 2 4 5 3 0 7 8 11 10 14 6 12 16 15 9 13 17]\n", + "=======================\n", + "[\"the uk clocked up growth of 2.8 per cent in 2014 -- the strongest in the group of seven industrialised nations and seven times higher than france 's 0.4 per cent .according to an international monetary fund report , this was enough for britain to leapfrog socialist france and become the second most powerful economy in europe , behind germany .the uk is expected to cement its position in the coming years as one of the fastest growing major economies in the west .\"]\n", + "=======================\n", + "['the uk has overtaken france after seeing growth of 2.8 per cent in 2014britain has the second most powerful economy in europe behind germanyimf is forecasting growth of 2.7 per cent this year and 2.3 per cent in 2016within the g7 only the us is expected to perform better than britain']\n", + "the uk clocked up growth of 2.8 per cent in 2014 -- the strongest in the group of seven industrialised nations and seven times higher than france 's 0.4 per cent .according to an international monetary fund report , this was enough for britain to leapfrog socialist france and become the second most powerful economy in europe , behind germany .the uk is expected to cement its position in the coming years as one of the fastest growing major economies in the west .\n", + "the uk has overtaken france after seeing growth of 2.8 per cent in 2014britain has the second most powerful economy in europe behind germanyimf is forecasting growth of 2.7 per cent this year and 2.3 per cent in 2016within the g7 only the us is expected to perform better than britain\n", + "[1.2092779 1.368834 1.226859 1.3357832 1.2702919 1.1696758 1.020956\n", + " 1.0324033 1.0394363 1.1126354 1.0504699 1.0212666 1.0180789 1.032042\n", + " 1.1128633 1.0692863 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 5 14 9 15 10 8 7 13 11 6 12 16 17]\n", + "=======================\n", + "[\"among them were some 400 zimbabweans -- including pregnant women and babies -- who were packed onto buses to escape the anti-immigrant attacks that have left seven people dead in recent days .about 3,200 malawians have also sought refuge in temporary camps amid the ensuing chaos .their plight emerged as south africa 's influential zulu king goodwill zwelithini denied whipping up the xenophobic hatred in the country that has forced thousands from their homes .\"]\n", + "=======================\n", + "[\"400 zimbabweans fled durban on buses to escape the xenophobic protestsamong thousands of african immigrants who have fled home amid attackszulu king denies sparking hatred saying his remarks were ` misrepresented '\"]\n", + "among them were some 400 zimbabweans -- including pregnant women and babies -- who were packed onto buses to escape the anti-immigrant attacks that have left seven people dead in recent days .about 3,200 malawians have also sought refuge in temporary camps amid the ensuing chaos .their plight emerged as south africa 's influential zulu king goodwill zwelithini denied whipping up the xenophobic hatred in the country that has forced thousands from their homes .\n", + "400 zimbabweans fled durban on buses to escape the xenophobic protestsamong thousands of african immigrants who have fled home amid attackszulu king denies sparking hatred saying his remarks were ` misrepresented '\n", + "[1.288065 1.4007511 1.132238 1.3976345 1.1780553 1.161123 1.1361487\n", + " 1.1894008 1.0376971 1.0353255 1.2117308 1.093803 1.0434746 1.0380193\n", + " 1.0109081 1.1719952 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 10 7 4 15 5 6 2 11 12 13 8 9 14 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"named cats and people , the cafe based in moscow invites cat lovers to bring their pets along with them when they go for a cup of tea .all of the cats that live at the cafe were rescued from a local shelter and have each been vaccinated and chipped .russia 's first ever cat cafe opened its doors to customers and their feline friends this week .\"]\n", + "=======================\n", + "['the cafe is named cats and people and is based in moscowcustomers can bring their own cat or rent one while they are thereall of the cats were rescued and have been vaccinated and chippedthe cafe was influenced by cat-friendly establishments in far-eat asia']\n", + "named cats and people , the cafe based in moscow invites cat lovers to bring their pets along with them when they go for a cup of tea .all of the cats that live at the cafe were rescued from a local shelter and have each been vaccinated and chipped .russia 's first ever cat cafe opened its doors to customers and their feline friends this week .\n", + "the cafe is named cats and people and is based in moscowcustomers can bring their own cat or rent one while they are thereall of the cats were rescued and have been vaccinated and chippedthe cafe was influenced by cat-friendly establishments in far-eat asia\n", + "[1.1780492 1.5595014 1.3046705 1.472424 1.0819883 1.032475 1.0272814\n", + " 1.0451413 1.0207623 1.0178452 1.0638214 1.0455034 1.278265 1.0725771\n", + " 1.0978441 1.0565377 1.032616 1.031649 1.0107472 1.0157448 1.0169355\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 12 0 14 4 13 10 15 11 7 16 5 17 6 8 9 20 19 18 21 22]\n", + "=======================\n", + "[\"ruben blundell 's brother was four days overdue when his mother finally went into labour in the middle of the night .left with no time to get to the hospital , the family had to deliver the baby at home - and ruben assisted in the birth by fetching towels and even telling his mother to breathe .a six-year-old boy showed maturity beyond his years when he helped deliver his baby brother at home .\"]\n", + "=======================\n", + "[\"ruben blundell 's brother was four days overduefamily had to deliver the baby at home - and ruben assisted in the birthfetched towels and even told his mother michelle to breathefather ben helped deliver baby theo , who ruben is besotted with\"]\n", + "ruben blundell 's brother was four days overdue when his mother finally went into labour in the middle of the night .left with no time to get to the hospital , the family had to deliver the baby at home - and ruben assisted in the birth by fetching towels and even telling his mother to breathe .a six-year-old boy showed maturity beyond his years when he helped deliver his baby brother at home .\n", + "ruben blundell 's brother was four days overduefamily had to deliver the baby at home - and ruben assisted in the birthfetched towels and even told his mother michelle to breathefather ben helped deliver baby theo , who ruben is besotted with\n", + "[1.3664556 1.1624823 1.0898166 1.1385897 1.1138492 1.0869974 1.1994052\n", + " 1.0501188 1.0291158 1.0258888 1.1590075 1.1179491 1.0244821 1.0151229\n", + " 1.0435655 1.0370282 1.0411966 1.0440465 1.0443288 1.0229619 1.0669806\n", + " 1.0152427 0. ]\n", + "\n", + "[ 0 6 1 10 3 11 4 2 5 20 7 18 17 14 16 15 8 9 12 19 21 13 22]\n", + "=======================\n", + "['caledonia , michigan ( cnn ) ben and shelby offrink met in college .it was n\\'t the most romantic setting -- a study group for calculus-based physics -- but ben managed to turn it into a story worth telling by cheating .\" it \" turned out to be an intramedullary glioblastoma , a highly aggressive form of brain cancer .']\n", + "=======================\n", + "[\"update : shelby offrink lost her battle to cancer on june 28 , 2015offrink was diagnosed at 30 with rare inoperable brain cancerher husband , ben , was diagnosed with hodgkin 's lymphoma , which had been in remission 15 years\"]\n", + "caledonia , michigan ( cnn ) ben and shelby offrink met in college .it was n't the most romantic setting -- a study group for calculus-based physics -- but ben managed to turn it into a story worth telling by cheating .\" it \" turned out to be an intramedullary glioblastoma , a highly aggressive form of brain cancer .\n", + "update : shelby offrink lost her battle to cancer on june 28 , 2015offrink was diagnosed at 30 with rare inoperable brain cancerher husband , ben , was diagnosed with hodgkin 's lymphoma , which had been in remission 15 years\n", + "[1.4250264 1.271461 1.11148 1.4281265 1.0750982 1.2013056 1.0239362\n", + " 1.0602291 1.0220912 1.1954399 1.0836987 1.0707186 1.0117567 1.1088144\n", + " 1.0756966 1.0530473 1.0356137 1.0233027 1.119562 1.0381155 1.0305187\n", + " 1.0120757 1.009544 ]\n", + "\n", + "[ 3 0 1 5 9 18 2 13 10 14 4 11 7 15 19 16 20 6 17 8 21 12 22]\n", + "=======================\n", + "[\"louis jordan , 37 , took his 35-foot sailboat out in late january and had n't been heard from in 66 days when he was spotted thursday afternoon by the houston express on his ship drifting in the atlantic ocean .( cnn ) the last time frank jordan spoke with his son , louis jordan was fishing on a sailboat a few miles off the south carolina coast .the next time he spoke with him , more than two months had passed and the younger jordan was on a german-flagged container ship 200 miles from north carolina , just rescued from his disabled boat .\"]\n", + "=======================\n", + "[\"louis jordan says his sailboat capsized three timeshe survived by collecting rainwater and eating raw fishfrank jordan told cnn his son is n't an experienced sailor but has a strong will\"]\n", + "louis jordan , 37 , took his 35-foot sailboat out in late january and had n't been heard from in 66 days when he was spotted thursday afternoon by the houston express on his ship drifting in the atlantic ocean .( cnn ) the last time frank jordan spoke with his son , louis jordan was fishing on a sailboat a few miles off the south carolina coast .the next time he spoke with him , more than two months had passed and the younger jordan was on a german-flagged container ship 200 miles from north carolina , just rescued from his disabled boat .\n", + "louis jordan says his sailboat capsized three timeshe survived by collecting rainwater and eating raw fishfrank jordan told cnn his son is n't an experienced sailor but has a strong will\n", + "[1.0984232 1.3468142 1.103229 1.2908077 1.2231174 1.1770439 1.040492\n", + " 1.1360171 1.0173709 1.1074313 1.0544014 1.0652454 1.0440509 1.0502498\n", + " 1.0880867 1.0185668 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 4 5 7 9 2 0 14 11 10 13 12 6 15 8 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"but this week , singer miley cyrus decided to challenge convention and leave her underarms unshaved - perhaps she 's onto something , as there may be health benefits to having an ample covering of fuzz .how body hair helps your skin healhair anywhere on the body is important for maintaining skin health , explains des tobin , a professor of cell biology at the university of bradford .\"]\n", + "=======================\n", + "['miley cyrus challenged convention and left her underarms unshavedthis may help disperse the odours that attract us to a potential partnerhair on your toes could be a sign that your circulation is good']\n", + "but this week , singer miley cyrus decided to challenge convention and leave her underarms unshaved - perhaps she 's onto something , as there may be health benefits to having an ample covering of fuzz .how body hair helps your skin healhair anywhere on the body is important for maintaining skin health , explains des tobin , a professor of cell biology at the university of bradford .\n", + "miley cyrus challenged convention and left her underarms unshavedthis may help disperse the odours that attract us to a potential partnerhair on your toes could be a sign that your circulation is good\n", + "[1.1900105 1.3840233 1.2343351 1.2506816 1.0975779 1.1785511 1.1137521\n", + " 1.1047964 1.1157678 1.119816 1.1044663 1.0486524 1.0393702 1.1752188\n", + " 1.0459383 1.052189 1.0471941 1.0603216]\n", + "\n", + "[ 1 3 2 0 5 13 9 8 6 7 10 4 17 15 11 16 14 12]\n", + "=======================\n", + "['frances clarkson showed off her tanned figure in a white bikini as she relaxed on a beach in barbados .the 53 year old revealed the results of a week sunbathing over easter in the skimpy swimsuit , which was covered in a black palm tree print .as jeremy clarkson continues to battle to save his career after being sacked form top gear , his estranged wife has been enjoying a family break in the caribbean .']\n", + "=======================\n", + "['frances clarkson , 53 , is holidaying in barbados with family and friendsshe spent easter bank holiday weekend on the caribbean islandshe holidayed on the island in 2011 with her estranged husband jeremy']\n", + "frances clarkson showed off her tanned figure in a white bikini as she relaxed on a beach in barbados .the 53 year old revealed the results of a week sunbathing over easter in the skimpy swimsuit , which was covered in a black palm tree print .as jeremy clarkson continues to battle to save his career after being sacked form top gear , his estranged wife has been enjoying a family break in the caribbean .\n", + "frances clarkson , 53 , is holidaying in barbados with family and friendsshe spent easter bank holiday weekend on the caribbean islandshe holidayed on the island in 2011 with her estranged husband jeremy\n", + "[1.3495424 1.080317 1.2602847 1.1509037 1.0377922 1.0906005 1.2168177\n", + " 1.0483637 1.130495 1.048154 1.0336082 1.0424019 1.1130074 1.066316\n", + " 1.0482513 0. 0. 0. ]\n", + "\n", + "[ 0 2 6 3 8 12 5 1 13 7 14 9 11 4 10 16 15 17]\n", + "=======================\n", + "[\"last weekend , after a sunny day in the borders , i posted this picture of myself on twitter with the caption ` just met nicola sturgeon lookalike out canvassing ! 'i was called ugly , vile , ` someone who deserves to die ' , and one wit even ` hoped i would catch malaria ' .in all , i 've probably received more than 600 insults , and two days later they 're still coming .\"]\n", + "=======================\n", + "[\"janet street-porter joked about snp leader nicola sturgeon on twitterthe journalist was called ugly , vile and ` someone who deserves to die 'says worrying questions remain about some of the snp leader 's followers\"]\n", + "last weekend , after a sunny day in the borders , i posted this picture of myself on twitter with the caption ` just met nicola sturgeon lookalike out canvassing ! 'i was called ugly , vile , ` someone who deserves to die ' , and one wit even ` hoped i would catch malaria ' .in all , i 've probably received more than 600 insults , and two days later they 're still coming .\n", + "janet street-porter joked about snp leader nicola sturgeon on twitterthe journalist was called ugly , vile and ` someone who deserves to die 'says worrying questions remain about some of the snp leader 's followers\n", + "[1.3360285 1.1648191 1.2454828 1.2343687 1.1792647 1.08548 1.0841525\n", + " 1.0825219 1.1050221 1.1155585 1.0304202 1.0404996 1.0616066 1.0229601\n", + " 1.0364305 1.0551077 1.0419575 1.069622 ]\n", + "\n", + "[ 0 2 3 4 1 9 8 5 6 7 17 12 15 16 11 14 10 13]\n", + "=======================\n", + "['washington ( cnn ) the flight voice recorder aboard germanwings flight 9525 reportedly captured blaring cockpit alarms , warning co-pilot andreas lubitz to \" pull up \" and that \" terrain \" was ahead .with reports that lubitz apparently ignored those warnings , there are new calls from aviation experts to develop and deploy enhanced crash avoidance software that could take control of an aircraft away from a pilot and steer the plane to a safe altitude .the technology would work in a fashion similar to crash avoidance technology already used in automobiles .']\n", + "=======================\n", + "['autopilot could have taken control of germanwings flight and flown plane to safe altitudebut some experts say taking control away from humans could lead to other dangersanother concern : autopilot might be vulnerable to hackers']\n", + "washington ( cnn ) the flight voice recorder aboard germanwings flight 9525 reportedly captured blaring cockpit alarms , warning co-pilot andreas lubitz to \" pull up \" and that \" terrain \" was ahead .with reports that lubitz apparently ignored those warnings , there are new calls from aviation experts to develop and deploy enhanced crash avoidance software that could take control of an aircraft away from a pilot and steer the plane to a safe altitude .the technology would work in a fashion similar to crash avoidance technology already used in automobiles .\n", + "autopilot could have taken control of germanwings flight and flown plane to safe altitudebut some experts say taking control away from humans could lead to other dangersanother concern : autopilot might be vulnerable to hackers\n", + "[1.4264247 1.1623561 1.4171858 1.1586472 1.1761175 1.1531415 1.0889225\n", + " 1.0361427 1.1059906 1.0757002 1.0646478 1.0625898 1.0542046 1.0771749\n", + " 1.0658146 1.2791476 1.0730582 0. ]\n", + "\n", + "[ 0 2 15 4 1 3 5 8 6 13 9 16 14 10 11 12 7 17]\n", + "=======================\n", + "[\"ben grower ( above ) , a labour councillor , refused to deal with a constituent because they supported ukip , it has been claimedpensioner alan roberts wrote to bournemouth borough council complaining about a lack of action over fly-tipping .ben grower , leader of the authority 's labour group , responded : ` as you now appear to be a supporter of a racist party please do not send me any further emails as they will be put in my junk mail folder and automatically deleted . '\"]\n", + "=======================\n", + "[\"alan roberts wrote to bournemouth borough council about fly-tipping65-year-old signed off his email with : ` that 's why i 'll be voting ukip 'councillor ben grower responded and said he would delete further emails\"]\n", + "ben grower ( above ) , a labour councillor , refused to deal with a constituent because they supported ukip , it has been claimedpensioner alan roberts wrote to bournemouth borough council complaining about a lack of action over fly-tipping .ben grower , leader of the authority 's labour group , responded : ` as you now appear to be a supporter of a racist party please do not send me any further emails as they will be put in my junk mail folder and automatically deleted . '\n", + "alan roberts wrote to bournemouth borough council about fly-tipping65-year-old signed off his email with : ` that 's why i 'll be voting ukip 'councillor ben grower responded and said he would delete further emails\n", + "[1.3340887 1.1412488 1.5154198 1.2030342 1.2028832 1.1482294 1.0816679\n", + " 1.0638787 1.1825839 1.0836157 1.08082 1.0344718 1.0148455 1.0154305\n", + " 1.012828 1.0146127 1.2741908 0. ]\n", + "\n", + "[ 2 0 16 3 4 8 5 1 9 6 10 7 11 13 12 15 14 17]\n", + "=======================\n", + "[\"louise henderson alakil , 49 , moved to the middle eastern country 27 years ago and worked as a teacher at the international school in the capital sanaa until recent fighting forced it to close .terrified : miriam , 11 ( left ) , and ayesha , nine ( right ) , are currently living in fear in their basementbritons have been advised to book commercial flights out the country , but mrs henderson and her children 's passports have expired and the uk authorities in yemen are closed .\"]\n", + "=======================\n", + "[\"louise henderson , 49 , moved to yemen 27 years ago to work as a teacherher family are now caught up in fighting in the country 's capital , sanaashe is currently hiding below her home with her two young daughtersmiriam , 11 , and ayesha , nine , have pleaded for the bombing to stop and for their family to be evacuated to the uk\"]\n", + "louise henderson alakil , 49 , moved to the middle eastern country 27 years ago and worked as a teacher at the international school in the capital sanaa until recent fighting forced it to close .terrified : miriam , 11 ( left ) , and ayesha , nine ( right ) , are currently living in fear in their basementbritons have been advised to book commercial flights out the country , but mrs henderson and her children 's passports have expired and the uk authorities in yemen are closed .\n", + "louise henderson , 49 , moved to yemen 27 years ago to work as a teacherher family are now caught up in fighting in the country 's capital , sanaashe is currently hiding below her home with her two young daughtersmiriam , 11 , and ayesha , nine , have pleaded for the bombing to stop and for their family to be evacuated to the uk\n", + "[1.2129471 1.4221923 1.1286086 1.0675094 1.0942421 1.111783 1.129311\n", + " 1.1167425 1.0342381 1.0672787 1.1343632 1.0993241 1.1181192 1.0956479\n", + " 1.0706702 1.0255026 1.0168253 1.0308272 1.0444343 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 10 6 2 12 7 5 11 13 4 14 3 9 18 8 17 15 16 21 19 20 22]\n", + "=======================\n", + "[\"the auditions for the nationwide search for a brit with very special talent will be televised for six weeks until a winner is chosen .britain 's got talent returns to our screens for a ninth series tomorrow .the biggest star to come out of the show by far is scottish singing sensation susa boyle - but she did n't actually win .\"]\n", + "=======================\n", + "[\"tv show britain 's got talent returns to screens for a ninth series tomorrowwinner gets to perform at the royal variety performance - and # 250,000but once the spotlight comes off - what happens to them ?\"]\n", + "the auditions for the nationwide search for a brit with very special talent will be televised for six weeks until a winner is chosen .britain 's got talent returns to our screens for a ninth series tomorrow .the biggest star to come out of the show by far is scottish singing sensation susa boyle - but she did n't actually win .\n", + "tv show britain 's got talent returns to screens for a ninth series tomorrowwinner gets to perform at the royal variety performance - and # 250,000but once the spotlight comes off - what happens to them ?\n", + "[1.2135272 1.2727039 1.2784178 1.1739509 1.1335242 1.2113323 1.1856894\n", + " 1.1288637 1.0322772 1.0261579 1.0449508 1.0845356 1.0380287 1.0480249\n", + " 1.045842 1.0215789 1.0360624 1.0452582 1.0930092 1.0320191 1.0216111\n", + " 0. 0. ]\n", + "\n", + "[ 2 1 0 5 6 3 4 7 18 11 13 14 17 10 12 16 8 19 9 20 15 21 22]\n", + "=======================\n", + "['then he headed to a st. petersburg , florida , church to make a plea for his own adoption .desperate for a home in 2013 , davion navar henry only dressed up in a suit and borrowed a bible from the boys home where he lived .( cnn ) the boy who asked a church to help him find a forever parent finally has one .']\n", + "=======================\n", + "['davion only took to the pulpit to find a forever homeafter some setbacks , his family is set to make it official in april']\n", + "then he headed to a st. petersburg , florida , church to make a plea for his own adoption .desperate for a home in 2013 , davion navar henry only dressed up in a suit and borrowed a bible from the boys home where he lived .( cnn ) the boy who asked a church to help him find a forever parent finally has one .\n", + "davion only took to the pulpit to find a forever homeafter some setbacks , his family is set to make it official in april\n", + "[1.3193824 1.3105787 1.1519197 1.072889 1.2631665 1.17628 1.0633711\n", + " 1.0488925 1.0572215 1.0733404 1.0462723 1.1018441 1.1196166 1.0370743\n", + " 1.0435183 1.0520601 1.0605503 1.0874625 1.061786 1.0143504 1.0501858\n", + " 1.0666947 1.0224932]\n", + "\n", + "[ 0 1 4 5 2 12 11 17 9 3 21 6 18 16 8 15 20 7 10 14 13 22 19]\n", + "=======================\n", + "[\"australians have taken to social media to remember the sacrifice of the anzacs , as record numbers gathered at dawn services across the country to commemorate the 100th anniversary of the gallipoli landing .proud aussies came together in huge numbers in sydney , while more paid their respects in queensland 's regional and coastal towns of gympie and coolangatta .the gallipoli peninsula in turkey prepared to receive more than 10,000 people to its shores on anzac day .\"]\n", + "=======================\n", + "['social media flooded with images of anzac day services across australiarecord numbers gathered at dawn services held across the countrythis year marks the 100th anniversary of the gallipoli landingmore than 10,000 people expected to attend centenary dawn service at the gallipoli peninsula in turkey']\n", + "australians have taken to social media to remember the sacrifice of the anzacs , as record numbers gathered at dawn services across the country to commemorate the 100th anniversary of the gallipoli landing .proud aussies came together in huge numbers in sydney , while more paid their respects in queensland 's regional and coastal towns of gympie and coolangatta .the gallipoli peninsula in turkey prepared to receive more than 10,000 people to its shores on anzac day .\n", + "social media flooded with images of anzac day services across australiarecord numbers gathered at dawn services held across the countrythis year marks the 100th anniversary of the gallipoli landingmore than 10,000 people expected to attend centenary dawn service at the gallipoli peninsula in turkey\n", + "[1.1365856 1.3732511 1.3908302 1.05342 1.1089952 1.2431195 1.1427611\n", + " 1.0835153 1.0539029 1.0757118 1.0971904 1.0362111 1.0449374 1.0644323\n", + " 1.0343764 1.018415 1.0203784 1.0851161 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 1 5 6 0 4 10 17 7 9 13 8 3 12 11 14 16 15 21 18 19 20 22]\n", + "=======================\n", + "[\"the pictures were taken by professional photographer scott gable , 39 , who spent four months travelling across the region documenting the labour and threadbare equipment used to harvest the carbohydrate-rich food .in a photo album that spans over china , thailand , vietnam , laos and cambodia , extraordinary images portray the crop 's full cycle from the primitive sowing of seeds to the distribution of millions of tonnes for consumption .the crop accounts for one fifth of all calories consumed by humans and 87 per cent of it is produced in asia .\"]\n", + "=======================\n", + "['the spectacular photos were taken at paddy fields in china , thailand , vietnam , laos and cambodiaphotographer scott gable spent four months travelling region to document the process of harvesting the croprice accounts for one fifth of all calories consumed by humans but crop is often still cultivated in primitive way']\n", + "the pictures were taken by professional photographer scott gable , 39 , who spent four months travelling across the region documenting the labour and threadbare equipment used to harvest the carbohydrate-rich food .in a photo album that spans over china , thailand , vietnam , laos and cambodia , extraordinary images portray the crop 's full cycle from the primitive sowing of seeds to the distribution of millions of tonnes for consumption .the crop accounts for one fifth of all calories consumed by humans and 87 per cent of it is produced in asia .\n", + "the spectacular photos were taken at paddy fields in china , thailand , vietnam , laos and cambodiaphotographer scott gable spent four months travelling region to document the process of harvesting the croprice accounts for one fifth of all calories consumed by humans but crop is often still cultivated in primitive way\n", + "[1.0981785 1.1643767 1.0742109 1.346324 1.355509 1.0962496 1.0437683\n", + " 1.1271545 1.1861436 1.0371518 1.037053 1.0422945 1.0179102 1.0152023\n", + " 1.0174909 1.0189577 1.0164881 1.077007 1.1493381 1.0379511 1.0151757\n", + " 1.062423 0. ]\n", + "\n", + "[ 4 3 8 1 18 7 0 5 17 2 21 6 11 19 9 10 15 12 14 16 13 20 22]\n", + "=======================\n", + "['packed it in : anand iyer worked for fashion site threadflip , but ditched his job to spent time at homeafter working at microsoft , he moved over to threadflip to be their chief product officer .a wife , an adorable two-year-old daughter , and a six-figure salary job with a leading tech company in san francisco that he loved .']\n", + "=======================\n", + "[\"anand iyer , 36 , was earning six figures at threadflip in san franciscohe realized he did n't get much time to see his daughter , 2 , avahe felt awkward at the playground and ava was asleep when he got homequit his job to be house-husband , says it 's ` the best investment 'his wife shreya , 34 , now supports the family as a recruitment manager\"]\n", + "packed it in : anand iyer worked for fashion site threadflip , but ditched his job to spent time at homeafter working at microsoft , he moved over to threadflip to be their chief product officer .a wife , an adorable two-year-old daughter , and a six-figure salary job with a leading tech company in san francisco that he loved .\n", + "anand iyer , 36 , was earning six figures at threadflip in san franciscohe realized he did n't get much time to see his daughter , 2 , avahe felt awkward at the playground and ava was asleep when he got homequit his job to be house-husband , says it 's ` the best investment 'his wife shreya , 34 , now supports the family as a recruitment manager\n", + "[1.4781214 1.1934111 1.4936064 1.1695323 1.2445794 1.08698 1.0563772\n", + " 1.0968944 1.0721778 1.1325396 1.0574063 1.1191523 1.0214701 1.0128666\n", + " 1.0098926 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 4 1 3 9 11 7 5 8 10 6 12 13 14 17 15 16 18]\n", + "=======================\n", + "['carlos boente , 33 , was serving time at hmp birmingham for similar harassment type offences when he began contacting the 19-year-old woman in november 2013 .prisoner carlos boente ( pictured ) was jailed for five years after he was found guilty of conspiracy to burgle , harassment and a phone possession chargehe then bombarded the teen with thousands of texts and calls - telling her sob stories about his life saying he had no family and nobody visited him in prison .']\n", + "=======================\n", + "['carlos boente , 33 , was serving time in prison for harassment-type offenceshe began contacting the victim after receiving her number from a cellmateshe spoke to him out of sympathy , but the messages turned threateninghe started telling her she was going to die and threatening her child']\n", + "carlos boente , 33 , was serving time at hmp birmingham for similar harassment type offences when he began contacting the 19-year-old woman in november 2013 .prisoner carlos boente ( pictured ) was jailed for five years after he was found guilty of conspiracy to burgle , harassment and a phone possession chargehe then bombarded the teen with thousands of texts and calls - telling her sob stories about his life saying he had no family and nobody visited him in prison .\n", + "carlos boente , 33 , was serving time in prison for harassment-type offenceshe began contacting the victim after receiving her number from a cellmateshe spoke to him out of sympathy , but the messages turned threateninghe started telling her she was going to die and threatening her child\n", + "[1.2596186 1.3978467 1.1859006 1.1546013 1.263522 1.0931346 1.1706271\n", + " 1.1082971 1.1655917 1.0969596 1.0676851 1.0423741 1.0523064 1.0246724\n", + " 1.0401123 1.0558597 1.0263106 1.0501229 1.0258093]\n", + "\n", + "[ 1 4 0 2 6 8 3 7 9 5 10 15 12 17 11 14 16 18 13]\n", + "=======================\n", + "[\"tennessee last executed a prisoner in 2009 .the tennessee supreme court has vacated the execution dates of the last four men on the state 's death row as new lethal injection methods are challenged .since then , legal challenges and problems obtaining lethal injection drugs have stalled new executions .\"]\n", + "=======================\n", + "[\"tennessee supreme court vacates execution dates for four menleroy hall jr , 48 , donald wayne strouth , 56 , nicholas todd sutton , 53 , and abu-ali abdur ' rahman , 64 , all faced upcoming deathnew executions stalled as states ' new lethal injection methods scrutinized\"]\n", + "tennessee last executed a prisoner in 2009 .the tennessee supreme court has vacated the execution dates of the last four men on the state 's death row as new lethal injection methods are challenged .since then , legal challenges and problems obtaining lethal injection drugs have stalled new executions .\n", + "tennessee supreme court vacates execution dates for four menleroy hall jr , 48 , donald wayne strouth , 56 , nicholas todd sutton , 53 , and abu-ali abdur ' rahman , 64 , all faced upcoming deathnew executions stalled as states ' new lethal injection methods scrutinized\n", + "[1.3734831 1.4268498 1.2887805 1.1845913 1.1379368 1.1122961 1.2211338\n", + " 1.0980141 1.0420517 1.0140576 1.0210837 1.0138379 1.0654665 1.0649024\n", + " 1.0568664 1.0257313 1.049551 1.2721643 1.0799475]\n", + "\n", + "[ 1 0 2 17 6 3 4 5 7 18 12 13 14 16 8 15 10 9 11]\n", + "=======================\n", + "[\"bamford , on loan at the riverside stadium from chelsea , received the award at the gala ceremony in london on sunday evening in front of over 600 guests , following a vote among club managers .middlesbrough 's patrick bamford has been named the championship player of the year at the football league awards .bamford 's goals while on loan have chelsea have steered boro towards promotion\"]\n", + "=======================\n", + "[\"chelsea loanee patrick bamford was named championship player of the year for his displays for middlesbroughpreston 's joe garner won league one award while danny mayor collected the league two gong at the football league awardsmk dons midfielder dele alli won the young player of the year award\"]\n", + "bamford , on loan at the riverside stadium from chelsea , received the award at the gala ceremony in london on sunday evening in front of over 600 guests , following a vote among club managers .middlesbrough 's patrick bamford has been named the championship player of the year at the football league awards .bamford 's goals while on loan have chelsea have steered boro towards promotion\n", + "chelsea loanee patrick bamford was named championship player of the year for his displays for middlesbroughpreston 's joe garner won league one award while danny mayor collected the league two gong at the football league awardsmk dons midfielder dele alli won the young player of the year award\n", + "[1.3042397 1.3035126 1.2105784 1.326621 1.3043678 1.131728 1.1410558\n", + " 1.1715381 1.0376645 1.0147789 1.0153081 1.0671957 1.0112712 1.0686483\n", + " 1.0935464 1.0481226 0. 0. 0. ]\n", + "\n", + "[ 3 4 0 1 2 7 6 5 14 13 11 15 8 10 9 12 17 16 18]\n", + "=======================\n", + "['tragic couple : brittany huber and john redman were involved in a deadly car crash just days before their wedding last spring .the bride to be was killed on impact and the groom was left clinging to liferedman survived , but his body was left shattered and he was told by his doctors that he was likely to spend the rest of his life in a nursing home , confined to a wheelchair .']\n", + "=======================\n", + "[\"brittany huber , 23 , was killed on impact when fiance john redman , 25 , lost control of his lexus in georgia april 28 , 2014the couple were heading to alabama where they were set to get married may 3redman suffered head trauma and multiple broken bones , and was told by his doctors he would likely spend the rest of his life in a wheelchairthe fiance only found out about brittany 's death a month laterredman regained his ability to walk and resumed coaching at dalton state collegeon march 24 , he helped lead his team to its first championship title\"]\n", + "tragic couple : brittany huber and john redman were involved in a deadly car crash just days before their wedding last spring .the bride to be was killed on impact and the groom was left clinging to liferedman survived , but his body was left shattered and he was told by his doctors that he was likely to spend the rest of his life in a nursing home , confined to a wheelchair .\n", + "brittany huber , 23 , was killed on impact when fiance john redman , 25 , lost control of his lexus in georgia april 28 , 2014the couple were heading to alabama where they were set to get married may 3redman suffered head trauma and multiple broken bones , and was told by his doctors he would likely spend the rest of his life in a wheelchairthe fiance only found out about brittany 's death a month laterredman regained his ability to walk and resumed coaching at dalton state collegeon march 24 , he helped lead his team to its first championship title\n", + "[1.3378655 1.3364909 1.0886953 1.3022257 1.3597027 1.2641203 1.0129606\n", + " 1.0167987 1.0150708 1.0161356 1.2566249 1.1523743 1.0825646 1.1722093\n", + " 1.0396928 1.0556412 1.0252059 0. 0. ]\n", + "\n", + "[ 4 0 1 3 5 10 13 11 2 12 15 14 16 7 9 8 6 17 18]\n", + "=======================\n", + "[\"a lamborghini was left severely damaged after it was crashed into a tree and a bollard , causing one of the rear wheels of the # 250,000 supercar to fly off and narrowly miss a man who was walking his granddaughter homeit also lost a wheel which came flying off , missing a child and her grandfather by little more than 10ft .the young man , who has not been identified , is said to have just laughed and told onlookers it did not matter the 202mph supercar was a write-off because he would just ` buy another one tomorrow ' .\"]\n", + "=======================\n", + "['a # 250,00 lamborghini supercar hit a tree and then smashed into a bollardthe car crashed just metres from a primary school and wheel flew offwheel narrowly missed martin johnson and granddaughter charly pennettowner apparently got out and joked he would buy a new one tomorrow']\n", + "a lamborghini was left severely damaged after it was crashed into a tree and a bollard , causing one of the rear wheels of the # 250,000 supercar to fly off and narrowly miss a man who was walking his granddaughter homeit also lost a wheel which came flying off , missing a child and her grandfather by little more than 10ft .the young man , who has not been identified , is said to have just laughed and told onlookers it did not matter the 202mph supercar was a write-off because he would just ` buy another one tomorrow ' .\n", + "a # 250,00 lamborghini supercar hit a tree and then smashed into a bollardthe car crashed just metres from a primary school and wheel flew offwheel narrowly missed martin johnson and granddaughter charly pennettowner apparently got out and joked he would buy a new one tomorrow\n", + "[1.2165489 1.37015 1.3872865 1.2944959 1.116923 1.0648245 1.0633512\n", + " 1.1265454 1.0745319 1.0709854 1.0700974 1.1669048 1.04962 1.0222248\n", + " 1.0426885 1.0290875 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 0 11 7 4 8 9 10 5 6 12 14 15 13 19 16 17 18 20]\n", + "=======================\n", + "[\"any employee working in the regions where the watch is being launched - including the us , uk , australia , canada , china , france , germany , hong kong and japan - will be eligible .and boss tim cook is rewarding his staff by offering them a 50 per cent discount on the device .apple 's watch hits stores this friday when customers and employees alike will be able to pre-order the timepiece .\"]\n", + "=======================\n", + "['the plans were revealed in a leaked memo from apple boss tim cookhe thanked staff for their help and offered employees a 50 % discountthis discount applies from friday and will last for 90 daysapple staff already receive discounts on all products at around 30 %']\n", + "any employee working in the regions where the watch is being launched - including the us , uk , australia , canada , china , france , germany , hong kong and japan - will be eligible .and boss tim cook is rewarding his staff by offering them a 50 per cent discount on the device .apple 's watch hits stores this friday when customers and employees alike will be able to pre-order the timepiece .\n", + "the plans were revealed in a leaked memo from apple boss tim cookhe thanked staff for their help and offered employees a 50 % discountthis discount applies from friday and will last for 90 daysapple staff already receive discounts on all products at around 30 %\n", + "[1.0708345 1.5033016 1.3200474 1.2451527 1.1054785 1.3655751 1.1017781\n", + " 1.1028521 1.0515363 1.043578 1.1139915 1.0405562 1.051434 1.037942\n", + " 1.0332835 1.0175128 1.0139145 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 2 3 10 4 7 6 0 8 12 9 11 13 14 15 16 19 17 18 20]\n", + "=======================\n", + "[\"illustrator lucy scott , from edinburgh , had her first baby in 2012 , and found that nothing could have prepared her for the roller coaster ride that ensued .she proceeded to capture every experience in a new book , doodle diary of a new mom : an illustrated journey through one mommy 's first year , which chronicles this emotional , often fraught time in a new parent 's life in a series of wry , honest illustrations .` the joy of long car journeys ' : lucy scott 's doodle book honestly chronicles the difficult realities of the first year of parenthood\"]\n", + "=======================\n", + "['lucy scott is an edinburgh-born illustrator and mother-of-oneafter having first child , lois , in 2012 , she decided to create honest bookdoodle diary of a new mom looks at chaotic , realistic aspects']\n", + "illustrator lucy scott , from edinburgh , had her first baby in 2012 , and found that nothing could have prepared her for the roller coaster ride that ensued .she proceeded to capture every experience in a new book , doodle diary of a new mom : an illustrated journey through one mommy 's first year , which chronicles this emotional , often fraught time in a new parent 's life in a series of wry , honest illustrations .` the joy of long car journeys ' : lucy scott 's doodle book honestly chronicles the difficult realities of the first year of parenthood\n", + "lucy scott is an edinburgh-born illustrator and mother-of-oneafter having first child , lois , in 2012 , she decided to create honest bookdoodle diary of a new mom looks at chaotic , realistic aspects\n", + "[1.2270126 1.2541151 1.1297922 1.3019304 1.3411033 1.0598366 1.1141334\n", + " 1.1384807 1.0338503 1.0304613 1.2336427 1.0889283 1.0150363 1.0723857\n", + " 1.0952603 1.1744673 1.0527284 1.0142208 1.0183212 1.0547434 1.0210334]\n", + "\n", + "[ 4 3 1 10 0 15 7 2 6 14 11 13 5 19 16 8 9 20 18 12 17]\n", + "=======================\n", + "['mario balotelli ( left ) and rickie lambert appear set to depart liverpool at the end of the seasondanny ings has impressed at burnley this season and is set to leave turf moor when his contract expiresattention is already turning to next season at liverpool after their fa cup semi-final exit at the hands of aston villa .']\n", + "=======================\n", + "['liverpool need new faces in the summer after an underwhelming campaigndanny ings and james milner could join when their contracts expirememphis depay , petr cech and asier illarramendi also linked to anfield']\n", + "mario balotelli ( left ) and rickie lambert appear set to depart liverpool at the end of the seasondanny ings has impressed at burnley this season and is set to leave turf moor when his contract expiresattention is already turning to next season at liverpool after their fa cup semi-final exit at the hands of aston villa .\n", + "liverpool need new faces in the summer after an underwhelming campaigndanny ings and james milner could join when their contracts expirememphis depay , petr cech and asier illarramendi also linked to anfield\n", + "[1.1836566 1.378261 1.2706304 1.348646 1.290028 1.0777129 1.056091\n", + " 1.0587248 1.0382415 1.069479 1.0590698 1.0456464 1.0653578 1.0258161\n", + " 1.0436462 1.0733429 1.1115768 1.0769596 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 16 5 17 15 9 12 10 7 6 11 14 8 13 19 18 20]\n", + "=======================\n", + "[\"a striking picture , taken by photographer kenji wardenclyffe , captured the explosive moment during a melbourne protest against the ` islamisation ' of australia .the reclaim australia event in melbourne was also crashed by neo-nazis , who spectacularly clashed with anti-racism groups .a number of men with shaved heads and tattoos of the swastika ( left ) appeared at the event and attempted to start a fight with anti-racism protesters ( right )\"]\n", + "=======================\n", + "[\"men wearing neo-nazi symbols crashed melbourne reclaim australia rallyreclaim australia believes country should stand up against ` islamisation 'anti-racism group were also in attendance to counter-protest against reclaim australiathe neo-nazis , some with swastika tattoos , attempted to intimidate anti-racism protesterphotographer captured the moment a brave man stood up to the neo-nazi\"]\n", + "a striking picture , taken by photographer kenji wardenclyffe , captured the explosive moment during a melbourne protest against the ` islamisation ' of australia .the reclaim australia event in melbourne was also crashed by neo-nazis , who spectacularly clashed with anti-racism groups .a number of men with shaved heads and tattoos of the swastika ( left ) appeared at the event and attempted to start a fight with anti-racism protesters ( right )\n", + "men wearing neo-nazi symbols crashed melbourne reclaim australia rallyreclaim australia believes country should stand up against ` islamisation 'anti-racism group were also in attendance to counter-protest against reclaim australiathe neo-nazis , some with swastika tattoos , attempted to intimidate anti-racism protesterphotographer captured the moment a brave man stood up to the neo-nazi\n", + "[1.1555668 1.4756804 1.367096 1.3031938 1.1483045 1.0308864 1.020953\n", + " 1.0283756 1.153938 1.0926073 1.0702313 1.1426893 1.0488644 1.1500418\n", + " 1.120657 1.0656415 1.047426 1.0075812 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 8 13 4 11 14 9 10 15 12 16 5 7 6 17 18 19 20]\n", + "=======================\n", + "['two prototypes of the cyg-11 seaplane were tested this week over the sea off the coast of haikou in hainan province in china .the aircraft is believed to be a joint project between russia and china to build new types of super-efficient seaplane .engineers behind the cny 5 billion ( # 500 million ) project say the aircraft are capable of flying 62 miles ( 100 km ) on 28 litres of fuel .']\n", + "=======================\n", + "[\"two prototype aircraft were tested off the coast of haikou , in the hainan province of chinathe cyg-11 plane can reach a top speed of 155mph and boasts a maximum range of 930 milesthe super-efficient craft uses increased lift and reduced drag from its wings to fly 16ft ( 5m ) above thewavesengineers hope the groundbreaking aircraft could be used on ` motorways of the sea ' in the future\"]\n", + "two prototypes of the cyg-11 seaplane were tested this week over the sea off the coast of haikou in hainan province in china .the aircraft is believed to be a joint project between russia and china to build new types of super-efficient seaplane .engineers behind the cny 5 billion ( # 500 million ) project say the aircraft are capable of flying 62 miles ( 100 km ) on 28 litres of fuel .\n", + "two prototype aircraft were tested off the coast of haikou , in the hainan province of chinathe cyg-11 plane can reach a top speed of 155mph and boasts a maximum range of 930 milesthe super-efficient craft uses increased lift and reduced drag from its wings to fly 16ft ( 5m ) above thewavesengineers hope the groundbreaking aircraft could be used on ` motorways of the sea ' in the future\n", + "[1.2264378 1.3496063 1.3285568 1.248593 1.3185109 1.1320264 1.1034245\n", + " 1.2014905 1.0905162 1.0624582 1.1159079 1.020108 1.0269336 1.0369176\n", + " 1.1345199 1.0267354 1.0060894 1.0430442]\n", + "\n", + "[ 1 2 4 3 0 7 14 5 10 6 8 9 17 13 12 15 11 16]\n", + "=======================\n", + "[\"the 78 irish travellers , who hail from just four families , had refused to budge despite facing three different courts , a planning inquiry and a council .and locals in hardhorn , lancashire , accused the group of trashing their leafy village - and branded them the ` neighbours from hell ' .the group claimed the eviction ` violated ' the human rights of the 39 children living on the site in 60 caravans\"]\n", + "=======================\n", + "[\"irish travellers have refused to budge from site in hardhorn , lancashirelast october , the group were told to move out by the court of appealthey took case to supreme court arguing eviction ` violated ' human rights of 39 children living on the sitelocals say they have suffered due to ` neighbours from hell ' for five years\"]\n", + "the 78 irish travellers , who hail from just four families , had refused to budge despite facing three different courts , a planning inquiry and a council .and locals in hardhorn , lancashire , accused the group of trashing their leafy village - and branded them the ` neighbours from hell ' .the group claimed the eviction ` violated ' the human rights of the 39 children living on the site in 60 caravans\n", + "irish travellers have refused to budge from site in hardhorn , lancashirelast october , the group were told to move out by the court of appealthey took case to supreme court arguing eviction ` violated ' human rights of 39 children living on the sitelocals say they have suffered due to ` neighbours from hell ' for five years\n", + "[1.4039193 1.3123592 1.2409524 1.0689042 1.2166915 1.178341 1.0466626\n", + " 1.0527486 1.060345 1.0431169 1.053888 1.1638252 1.0972897 1.0259801\n", + " 1.0724043 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 4 5 11 12 14 3 8 10 7 6 9 13 16 15 17]\n", + "=======================\n", + "[\"with saturday 's fight between floyd mayweather and manny pacquiao billed as the $ 300million fight of the century , it 's no surprise that its pay-per-view figures look set to blow previous bouts out of the water .in the us , viewers are being charged between $ 89.99 ( # 59 ) and $ 99.99 ( # 66 ) to watch the fight while in britain , sky box office is offering the bout for # 19.99 , but those figures will equate to a small fraction of the earnings for mayweather and pacquiao .once ticket sales and casino profits have been considered , the eagerly anticipated mega-fight , which is due to take place at the mgm grand in las vegas , will become the biggest pay-per-view in sport and could see the two fighters pocket astronomical sums .\"]\n", + "=======================\n", + "[\"floyd mayweather faces manny pacquiao in las vegas on may 2mega-fight to become highest grossing pay-per-view event in sportmayweather 's victory against saul alvarez currently tops the listamerican fighter will pocket upwards of # 111m if he goes the distancepacquiao could earn close to # 62m if the fight last 12 roundsread : sportsmail takes a look inside both boxers ' training spotsclick here for the latest floyd mayweather and manny pacquiao news\"]\n", + "with saturday 's fight between floyd mayweather and manny pacquiao billed as the $ 300million fight of the century , it 's no surprise that its pay-per-view figures look set to blow previous bouts out of the water .in the us , viewers are being charged between $ 89.99 ( # 59 ) and $ 99.99 ( # 66 ) to watch the fight while in britain , sky box office is offering the bout for # 19.99 , but those figures will equate to a small fraction of the earnings for mayweather and pacquiao .once ticket sales and casino profits have been considered , the eagerly anticipated mega-fight , which is due to take place at the mgm grand in las vegas , will become the biggest pay-per-view in sport and could see the two fighters pocket astronomical sums .\n", + "floyd mayweather faces manny pacquiao in las vegas on may 2mega-fight to become highest grossing pay-per-view event in sportmayweather 's victory against saul alvarez currently tops the listamerican fighter will pocket upwards of # 111m if he goes the distancepacquiao could earn close to # 62m if the fight last 12 roundsread : sportsmail takes a look inside both boxers ' training spotsclick here for the latest floyd mayweather and manny pacquiao news\n", + "[1.2045596 1.3879176 1.3026474 1.2724202 1.2182621 1.1852927 1.1008195\n", + " 1.08306 1.1131392 1.1222048 1.0193928 1.0231174 1.1257701 1.156708\n", + " 1.1085949 1.0762315 1.0647573 0. ]\n", + "\n", + "[ 1 2 3 4 0 5 13 12 9 8 14 6 7 15 16 11 10 17]\n", + "=======================\n", + "['the unidentified woman from greenpoint , brooklyn , was apparently distraught over her troubled marriage .she walked to the kosciuszko bridge from the brooklyn side shortly before noon on monday , climbed over a railing and stood on a section of metal piping barely wide enough to fit her feet .police arrived on scene at about 11.50 am and spent more than two hours talking to the woman and trying to calm her down']\n", + "=======================\n", + "[\"emergency services were called to the kosciuszko bridge at about 11.50 am monday , where a woman had climbed over the bridge 's railing and was standing on a section of metal pipingofficers tried to calm her down as nypd patrol boats cruised under the bridge on newtown creek , which connects greenpoint in brooklyn and maspeth in queensa witness said the woman was a 44-year-old polish mother-of-one who was going through a tough divorceshe agreed to be rescued after police talked to her about her daughter and was taken to elmhurst hospital\"]\n", + "the unidentified woman from greenpoint , brooklyn , was apparently distraught over her troubled marriage .she walked to the kosciuszko bridge from the brooklyn side shortly before noon on monday , climbed over a railing and stood on a section of metal piping barely wide enough to fit her feet .police arrived on scene at about 11.50 am and spent more than two hours talking to the woman and trying to calm her down\n", + "emergency services were called to the kosciuszko bridge at about 11.50 am monday , where a woman had climbed over the bridge 's railing and was standing on a section of metal pipingofficers tried to calm her down as nypd patrol boats cruised under the bridge on newtown creek , which connects greenpoint in brooklyn and maspeth in queensa witness said the woman was a 44-year-old polish mother-of-one who was going through a tough divorceshe agreed to be rescued after police talked to her about her daughter and was taken to elmhurst hospital\n", + "[1.2883997 1.1274835 1.201374 1.328567 1.3143755 1.141184 1.18095\n", + " 1.1393021 1.0778686 1.0313122 1.0516303 1.0279976 1.0180961 1.0111649\n", + " 1.0468785 1.1103933 1.1167632 0. ]\n", + "\n", + "[ 3 4 0 2 6 5 7 1 16 15 8 10 14 9 11 12 13 17]\n", + "=======================\n", + "[\"us alcohol regulators have approved plans for beer brewed from human wasteproduction of the beer has been approved by alcohol regulators in oregon , us , and will be made from waste gathered by sewage treatment firm clean water services .we 've had an ale made from yeast grown in beard hair , a beer that features barley from the international space station , and a 67.5 per cent alcohol brew that comes with a warning tag .\"]\n", + "=======================\n", + "[\"beer made from waste gathered by sewage treatment firm in oregon , usalcohol regulators in the state approved production of up to ten barrelsbeer brewed to ` raise awareness of the reusable nature of all water '\"]\n", + "us alcohol regulators have approved plans for beer brewed from human wasteproduction of the beer has been approved by alcohol regulators in oregon , us , and will be made from waste gathered by sewage treatment firm clean water services .we 've had an ale made from yeast grown in beard hair , a beer that features barley from the international space station , and a 67.5 per cent alcohol brew that comes with a warning tag .\n", + "beer made from waste gathered by sewage treatment firm in oregon , usalcohol regulators in the state approved production of up to ten barrelsbeer brewed to ` raise awareness of the reusable nature of all water '\n", + "[1.3312718 1.0425727 1.1181937 1.3280559 1.125634 1.1459268 1.074856\n", + " 1.1084911 1.3886495 1.0504688 1.0138347 1.0337616 1.0866034 1.057733\n", + " 1.0676069 1.032864 1.0729351 1.362066 ]\n", + "\n", + "[ 8 17 0 3 5 4 2 7 12 6 16 14 13 9 1 11 15 10]\n", + "=======================\n", + "['sam allardyce is not the man to lead west ham into their new exciting adventure at the olympic stadiumrafael benitez could return to english football after napoli and may be persuaded by the hammers projectjurgen klopp rejected the overtures of west ham united after handing in his notice at borussia dortmund .']\n", + "=======================\n", + "[\"sam allardyce had his chance with west ham but has failed to take itallardyce 's reputation is that of a man who guarantees top-flight survivalyet west ham have been playing relegation football since christmasthey must go to the olympic stadium with more than survival as the aimnapoli manager rafael benitez could be persuaded back to english football\"]\n", + "sam allardyce is not the man to lead west ham into their new exciting adventure at the olympic stadiumrafael benitez could return to english football after napoli and may be persuaded by the hammers projectjurgen klopp rejected the overtures of west ham united after handing in his notice at borussia dortmund .\n", + "sam allardyce had his chance with west ham but has failed to take itallardyce 's reputation is that of a man who guarantees top-flight survivalyet west ham have been playing relegation football since christmasthey must go to the olympic stadium with more than survival as the aimnapoli manager rafael benitez could be persuaded back to english football\n", + "[1.4377563 1.1937197 1.2509024 1.1847774 1.090592 1.0633175 1.0523368\n", + " 1.1374501 1.1048107 1.0802456 1.0458511 1.0502838 1.0423176 1.0457929\n", + " 1.1725123 1.148015 1.0261151 1.0182726 0. 0. ]\n", + "\n", + "[ 0 2 1 3 14 15 7 8 4 9 5 6 11 10 13 12 16 17 18 19]\n", + "=======================\n", + "['david light , account director at the data partnership , revealed the underhand tactics used by his company to coax information from peoplein meetings with our undercover reporters , they admitted ignoring an official no-call list meant to protect the vulnerable .and they said they could never be honest with people about the consequences of passing on personal information because then no one would answer their calls .']\n", + "=======================\n", + "[\"data bosses were caught boasting their underhand tactics to reportersthey admitted ignoring and official no-call list meant to protect vulnerablesaid they could n't be honest with people because they would n't answerdavid light of data partnership revealed tactics used to coax informationfor 8p a record he also offered to sell information on people with pensions\"]\n", + "david light , account director at the data partnership , revealed the underhand tactics used by his company to coax information from peoplein meetings with our undercover reporters , they admitted ignoring an official no-call list meant to protect the vulnerable .and they said they could never be honest with people about the consequences of passing on personal information because then no one would answer their calls .\n", + "data bosses were caught boasting their underhand tactics to reportersthey admitted ignoring and official no-call list meant to protect vulnerablesaid they could n't be honest with people because they would n't answerdavid light of data partnership revealed tactics used to coax informationfor 8p a record he also offered to sell information on people with pensions\n", + "[1.2008204 1.4696919 1.182003 1.1759373 1.0945907 1.091389 1.1563838\n", + " 1.0812818 1.097655 1.1154778 1.045497 1.1033918 1.1552403 1.068619\n", + " 1.0135518 1.0328658 1.0125613 1.0653476 0. 0. ]\n", + "\n", + "[ 1 0 2 3 6 12 9 11 8 4 5 7 13 17 10 15 14 16 18 19]\n", + "=======================\n", + "[\"the woman , who calls herself zhu diandian online , has raised her beloved five flowers since it was a piglet and the porker has now grown to a whopping 187lbs ( 13st )a chinese woman has become an internet sensation after charting life with her pet pig who she dresses , walks and even sleeps with every day .but that has nothing to weaken the bond between the two , with ms zhu proudly posting pictures of them snuggled up in bed together , it was reported by people 's daily online .\"]\n", + "=======================\n", + "[\"zhu diandian becomes web hit after posting pictures of bond with hogimages show her pet snuggled up in bed and going for walks in the parkher husband is said to be ` tolerant ' but her pet dog is raging with jealousy\"]\n", + "the woman , who calls herself zhu diandian online , has raised her beloved five flowers since it was a piglet and the porker has now grown to a whopping 187lbs ( 13st )a chinese woman has become an internet sensation after charting life with her pet pig who she dresses , walks and even sleeps with every day .but that has nothing to weaken the bond between the two , with ms zhu proudly posting pictures of them snuggled up in bed together , it was reported by people 's daily online .\n", + "zhu diandian becomes web hit after posting pictures of bond with hogimages show her pet snuggled up in bed and going for walks in the parkher husband is said to be ` tolerant ' but her pet dog is raging with jealousy\n", + "[1.2154386 1.4124912 1.3598728 1.3001143 1.2589765 1.15871 1.1172434\n", + " 1.1049842 1.0523838 1.1302544 1.0835305 1.0272893 1.0748852 1.0457809\n", + " 1.0334091 1.0377071 1.1354375 1.0608388 1.0287896 1.0447518]\n", + "\n", + "[ 1 2 3 4 0 5 16 9 6 7 10 12 17 8 13 19 15 14 18 11]\n", + "=======================\n", + "[\"the queen 's cousin , 79 , injured himself while staying at the queen 's private residence in royal deeside , aberdeenshire , on saturday .he was taken to aberdeen royal infirmary on easter monday and spent a night in hospital being treated for his injuries before being discharged today .the duke of kent has been spotted leaving hospital with a walking stick after suffering a dislocated hip during an easter trip to the royal family 's balmoral estate .\"]\n", + "=======================\n", + "[\"duke of kent spotted leaving hospital with a walking stick after hip injurythe queen 's cousin dislocated his hip while staying at balmoral for easter79-year-old was taken to aberdeen royal infirmary and discharged today\"]\n", + "the queen 's cousin , 79 , injured himself while staying at the queen 's private residence in royal deeside , aberdeenshire , on saturday .he was taken to aberdeen royal infirmary on easter monday and spent a night in hospital being treated for his injuries before being discharged today .the duke of kent has been spotted leaving hospital with a walking stick after suffering a dislocated hip during an easter trip to the royal family 's balmoral estate .\n", + "duke of kent spotted leaving hospital with a walking stick after hip injurythe queen 's cousin dislocated his hip while staying at balmoral for easter79-year-old was taken to aberdeen royal infirmary and discharged today\n", + "[1.1131812 1.2419586 1.2044702 1.3298428 1.0825834 1.0399339 1.1402236\n", + " 1.188778 1.1613336 1.093962 1.0737613 1.0652715 1.1054447 1.0534126\n", + " 1.018767 1.1390526 1.0753924 1.0573311 1.0384634 0. ]\n", + "\n", + "[ 3 1 2 7 8 6 15 0 12 9 4 16 10 11 17 13 5 18 14 19]\n", + "=======================\n", + "[\"amanda lamb stars in the new air wick fragrance campaign as she poses in lush flower arrangementsthe 42-year-old star lounges among lush blooms in sweeping ball gowns as she collaborates with air wick for a new range of home fragrances .amanda 's housing expertise have been showcased on her years of presenting a place in the sun and now she is at hand to offer advice on how to perk up a house this spring .\"]\n", + "=======================\n", + "['amanda lamb stars in the new fragrance campaign for air wickshe is captured in the plush shoot by vogue photographer willy camdenshe offers tips on home improvements in a special video']\n", + "amanda lamb stars in the new air wick fragrance campaign as she poses in lush flower arrangementsthe 42-year-old star lounges among lush blooms in sweeping ball gowns as she collaborates with air wick for a new range of home fragrances .amanda 's housing expertise have been showcased on her years of presenting a place in the sun and now she is at hand to offer advice on how to perk up a house this spring .\n", + "amanda lamb stars in the new fragrance campaign for air wickshe is captured in the plush shoot by vogue photographer willy camdenshe offers tips on home improvements in a special video\n", + "[1.3568068 1.3566849 1.3092154 1.1836259 1.178698 1.1298648 1.0225466\n", + " 1.0164392 1.068983 1.050141 1.0725108 1.1592447 1.0470088 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 11 5 10 8 9 12 6 7 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"the afghan taliban has published a bizarre biography of their ` charismatic ' supreme leader mullah omar - praising the one-eyed terrorist 's ` special ' sense of humour and love of grenade launchers .in a clear attempt to counter the growing influence of isis in the central asian country , the taliban propaganda release lavished praise on the extremist in celebration of his 19th year as leader .the taliban have reportedly seen defections to isis recently , with some insurgents expressing their disaffection with the one-eyed warrior-cleric who has not been seen since the 2001 us-led invasion .\"]\n", + "=======================\n", + "[\"taliban militants have lavished praise on their enigmatic supreme leaderdescribed jihadi 's intense love of his family and rpg missile launchersbiography was officially said to have been released in celebration of mullah omar 's 19th year as leader of the afghan talibanbut it was also a clear attempt to counter the growing influence of isisseveral afghan taliban members have defected to isis in recent months\"]\n", + "the afghan taliban has published a bizarre biography of their ` charismatic ' supreme leader mullah omar - praising the one-eyed terrorist 's ` special ' sense of humour and love of grenade launchers .in a clear attempt to counter the growing influence of isis in the central asian country , the taliban propaganda release lavished praise on the extremist in celebration of his 19th year as leader .the taliban have reportedly seen defections to isis recently , with some insurgents expressing their disaffection with the one-eyed warrior-cleric who has not been seen since the 2001 us-led invasion .\n", + "taliban militants have lavished praise on their enigmatic supreme leaderdescribed jihadi 's intense love of his family and rpg missile launchersbiography was officially said to have been released in celebration of mullah omar 's 19th year as leader of the afghan talibanbut it was also a clear attempt to counter the growing influence of isisseveral afghan taliban members have defected to isis in recent months\n", + "[1.4787126 1.195777 1.475782 1.2668881 1.2167284 1.2251546 1.167584\n", + " 1.0280917 1.0265453 1.1063275 1.0537602 1.0425304 1.0344027 1.0525769\n", + " 1.0340395 1.0121012 1.0241247 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 3 5 4 1 6 9 10 13 11 12 14 7 8 16 15 21 17 18 19 20 22]\n", + "=======================\n", + "['james webster , 35 , was spared jail after admitting outraging public decencyjames webster targeted female shoppers at the lidl store in maidenhead , berkshire , as they hunted for bargains in the large chest freezers .the 35-year-old was caught after attracting the attention of a fellow shopper , who spotted him moving the bag he was carrying closer to his unsuspecting victim .']\n", + "=======================\n", + "['james webster , 35 , took photos as victims leaned against display cabinetsshoppers became suspicious when saw him angling his bag for best viewwebster admitted one count of outraging public decency in the lidl storeordered to complete sexual offences treatment programme as part of three year community sentence']\n", + "james webster , 35 , was spared jail after admitting outraging public decencyjames webster targeted female shoppers at the lidl store in maidenhead , berkshire , as they hunted for bargains in the large chest freezers .the 35-year-old was caught after attracting the attention of a fellow shopper , who spotted him moving the bag he was carrying closer to his unsuspecting victim .\n", + "james webster , 35 , took photos as victims leaned against display cabinetsshoppers became suspicious when saw him angling his bag for best viewwebster admitted one count of outraging public decency in the lidl storeordered to complete sexual offences treatment programme as part of three year community sentence\n", + "[1.2270423 1.4098302 1.3844697 1.3425891 1.2748702 1.0993079 1.0798023\n", + " 1.1219133 1.0643492 1.0260448 1.0516294 1.0216037 1.011895 1.0391371\n", + " 1.0109133 1.01658 1.0156639 1.1658429 1.1630672 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 17 18 7 5 6 8 10 13 9 11 15 16 12 14 21 19 20 22]\n", + "=======================\n", + "[\"anna moser 's daughter sharista giles of sweetwater , tennessee , was driving home from a concert in december with friends when a car accident sent her to the hospital with injuries so bad doctors believed she would never recover .she was five months pregnant at the time and in january doctors were forced to deliver the baby early , a little boy the family has named leighton isiah giles .her mom , anna moser ( right ) , said that she believed her daughter would wake up even when doctors said she had a two-per cent chance of recovery\"]\n", + "=======================\n", + "['sharista giles of sweetwater , tennessee , went into a coma after a car accident in decemberdoctors forced delivery of her baby in january and giles opened her eyes for the first time earlier this monthshe is still nonverbal and is on a ventilator to help her breathe , but has moved her head when she recognizes voicesher mother , anna moser , believes giles will make a full recovery and will be able to raise her son on her own']\n", + "anna moser 's daughter sharista giles of sweetwater , tennessee , was driving home from a concert in december with friends when a car accident sent her to the hospital with injuries so bad doctors believed she would never recover .she was five months pregnant at the time and in january doctors were forced to deliver the baby early , a little boy the family has named leighton isiah giles .her mom , anna moser ( right ) , said that she believed her daughter would wake up even when doctors said she had a two-per cent chance of recovery\n", + "sharista giles of sweetwater , tennessee , went into a coma after a car accident in decemberdoctors forced delivery of her baby in january and giles opened her eyes for the first time earlier this monthshe is still nonverbal and is on a ventilator to help her breathe , but has moved her head when she recognizes voicesher mother , anna moser , believes giles will make a full recovery and will be able to raise her son on her own\n", + "[1.5419137 1.3573799 1.3368316 1.3921444 1.3805771 1.1351372 1.1548483\n", + " 1.0083307 1.009252 1.0095019 1.0073166 1.0115683 1.0201541 1.0254198\n", + " 1.0361682 1.0141734 1.0195841 1.0275853 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 4 1 2 6 5 14 17 13 12 16 15 11 9 8 7 10 18 19 20 21 22]\n", + "=======================\n", + "[\"robin van persie scored twice as he continued his recovery from an ankle injury in manchester united 's 4-1 win over fulham in the under-21 premier league .van persie made an appearance for manchester united under 21s away at fulham on tuesday nightthe holland striker 's sharp performance at craven cottage suggests he will be in contention to start in louis van gaal 's side for the visit of west bromwich albion on saturday .\"]\n", + "=======================\n", + "[\"robin van persie has been sidelined with an ankle injury since februaryhe came on as a substitute for the senior team against everton on sundayvan persie opened the scoring for united 's under 21s at craven cottagejoe rothwell scored united 's second and third before half-timevan persie grabbed his second goal to secure the win for united\"]\n", + "robin van persie scored twice as he continued his recovery from an ankle injury in manchester united 's 4-1 win over fulham in the under-21 premier league .van persie made an appearance for manchester united under 21s away at fulham on tuesday nightthe holland striker 's sharp performance at craven cottage suggests he will be in contention to start in louis van gaal 's side for the visit of west bromwich albion on saturday .\n", + "robin van persie has been sidelined with an ankle injury since februaryhe came on as a substitute for the senior team against everton on sundayvan persie opened the scoring for united 's under 21s at craven cottagejoe rothwell scored united 's second and third before half-timevan persie grabbed his second goal to secure the win for united\n", + "[1.2832057 1.4265594 1.3308266 1.2682034 1.25422 1.1262912 1.0206825\n", + " 1.0199865 1.0218337 1.020986 1.0144264 1.0161386 1.0757312 1.0194392\n", + " 1.1117811 1.1420338 1.0734076 1.0733644 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 15 5 14 12 16 17 8 9 6 7 13 11 10 18 19 20 21 22]\n", + "=======================\n", + "['treasurer joe hockey said the states had agreed to work toward applying the 10 per cent gst to movies and music downloaded from streaming services such as netflix and apple .the changes may also affect consumers buying any products for less than $ 1,000 online from overseas , thus affecting companies such as google , microsoft , amazon and ebay .consumers could soon have to pay goods and services tax ( gst ) on their movie and music downloads in a government moves to reel in extra billions of dollars in revenue .']\n", + "=======================\n", + "['treasurer joe hockey wants the 10 % gst to apply to streaming servicesnetflix customers would pay 90c extra ; itunes songs would cost 22c extrahockey said the tax measure would raise billions in extra revenuebut consumer advocate says techies will be able to avoid the tax']\n", + "treasurer joe hockey said the states had agreed to work toward applying the 10 per cent gst to movies and music downloaded from streaming services such as netflix and apple .the changes may also affect consumers buying any products for less than $ 1,000 online from overseas , thus affecting companies such as google , microsoft , amazon and ebay .consumers could soon have to pay goods and services tax ( gst ) on their movie and music downloads in a government moves to reel in extra billions of dollars in revenue .\n", + "treasurer joe hockey wants the 10 % gst to apply to streaming servicesnetflix customers would pay 90c extra ; itunes songs would cost 22c extrahockey said the tax measure would raise billions in extra revenuebut consumer advocate says techies will be able to avoid the tax\n", + "[1.2731365 1.3856705 1.2675008 1.179855 1.124609 1.1836772 1.099346\n", + " 1.1971078 1.0418124 1.0320708 1.0705061 1.036336 1.0495505 1.0214435\n", + " 1.0468388 1.0322889 1.0727122 1.042917 1.0641104 1.053564 1.0420778\n", + " 1.0254208 1.0249594]\n", + "\n", + "[ 1 0 2 7 5 3 4 6 16 10 18 19 12 14 17 20 8 11 15 9 21 22 13]\n", + "=======================\n", + "[\"robert gentile appeared in federal court in hartford ,a 78-year-old connecticut man with a long criminal history was arrested on friday , but the man 's lawyer claimed the arrest was a ruse intended to pressure him to talk about the biggest art heist in u.s. history .connecticut , on friday and was charged with selling a firearm to\"]\n", + "=======================\n", + "[\"robert gentile was charged with selling a firearm to an undercover agentbut his attorney claims the arrest was a ruse to get gentile to talk about the 1990 boston art heist at the isabel stewart gardner museumgentile 's house was searched in 2012 and police found a list of the stolen art pieces and their estimated value , as well as police uniformsthe half-a-billion heist remains unsolved and fbi has never come close to finding thievesgardner museum continues to display empty frames , and is offering $ 5million reward for the return of the works\"]\n", + "robert gentile appeared in federal court in hartford ,a 78-year-old connecticut man with a long criminal history was arrested on friday , but the man 's lawyer claimed the arrest was a ruse intended to pressure him to talk about the biggest art heist in u.s. history .connecticut , on friday and was charged with selling a firearm to\n", + "robert gentile was charged with selling a firearm to an undercover agentbut his attorney claims the arrest was a ruse to get gentile to talk about the 1990 boston art heist at the isabel stewart gardner museumgentile 's house was searched in 2012 and police found a list of the stolen art pieces and their estimated value , as well as police uniformsthe half-a-billion heist remains unsolved and fbi has never come close to finding thievesgardner museum continues to display empty frames , and is offering $ 5million reward for the return of the works\n", + "[1.2613556 1.4620379 1.1366353 1.3713613 1.2491127 1.1382375 1.0406823\n", + " 1.0225649 1.0131378 1.0125946 1.0880477 1.0620804 1.1231992 1.1147529\n", + " 1.0119833 1.0783583 1.0915911 1.0895288 1.0688188 1.0071937 0. ]\n", + "\n", + "[ 1 3 0 4 5 2 12 13 16 17 10 15 18 11 6 7 8 9 14 19 20]\n", + "=======================\n", + "['daria rose , 18 , immersed herself in her studies after she and her family lost everything -- including their home -- when the superstorm hit in october 2012 .the hempstead teen has been accepted into all seven of the ivy league schools she applied to , abc news reports .and after a difficult high school experience , the 18-year-old has a bright future ahead of her .']\n", + "=======================\n", + "[\"new york teen daria rose lost everything in hurricane sandy and was recently accepted to seven ivy league schoolsrose and her family lived in multiple hotels and at her grandmother 's house for a year and a half after the 2012 superstormin a college application essay , rose spoke of her hurricane sandy experience\"]\n", + "daria rose , 18 , immersed herself in her studies after she and her family lost everything -- including their home -- when the superstorm hit in october 2012 .the hempstead teen has been accepted into all seven of the ivy league schools she applied to , abc news reports .and after a difficult high school experience , the 18-year-old has a bright future ahead of her .\n", + "new york teen daria rose lost everything in hurricane sandy and was recently accepted to seven ivy league schoolsrose and her family lived in multiple hotels and at her grandmother 's house for a year and a half after the 2012 superstormin a college application essay , rose spoke of her hurricane sandy experience\n", + "[1.2100928 1.556366 1.3795817 1.2673632 1.080843 1.0304259 1.0190752\n", + " 1.0273796 1.1456473 1.2195168 1.0195377 1.0235469 1.0269729 1.0207139\n", + " 1.0183144 1.1329081 1.0898521 1.1255662 1.0891758 1.018875 1.0204116]\n", + "\n", + "[ 1 2 3 9 0 8 15 17 16 18 4 5 7 12 11 13 20 10 6 19 14]\n", + "=======================\n", + "[\"gary lincoln , 48 , from port talbot in wales , was working in a house in cardiff when his jacket sleeve got caught in the blade and his hand was severed at the wrist , leaving it held on by only flesh and skin .he put in in his sleeve ` to hold everything together ' and was taken to hospital where surgeons operated on him for more than seven hours earlier this month .back at work : gary lincoln is carrying out light duties at his workshop just weeks after he severed his hand\"]\n", + "=======================\n", + "[\"gary lincoln , 48 , from wales severed hand using an electric angle cutterhe was working in cardiff when his jacket sleeve got caught in the bladesurgeons were able to reattached hand and he is back at work weeks latermr lincoln said he ` did n't feel any pain at all ' when he chopped hand off\"]\n", + "gary lincoln , 48 , from port talbot in wales , was working in a house in cardiff when his jacket sleeve got caught in the blade and his hand was severed at the wrist , leaving it held on by only flesh and skin .he put in in his sleeve ` to hold everything together ' and was taken to hospital where surgeons operated on him for more than seven hours earlier this month .back at work : gary lincoln is carrying out light duties at his workshop just weeks after he severed his hand\n", + "gary lincoln , 48 , from wales severed hand using an electric angle cutterhe was working in cardiff when his jacket sleeve got caught in the bladesurgeons were able to reattached hand and he is back at work weeks latermr lincoln said he ` did n't feel any pain at all ' when he chopped hand off\n", + "[1.238255 1.4565315 1.2245078 1.397236 1.2972559 1.2571888 1.0394138\n", + " 1.0776274 1.1311623 1.1310745 1.0394621 1.0215623 1.020418 1.0255787\n", + " 1.0146742 1.0157646 1.0211586 1.0135367 1.0109482 1.0558448 0. ]\n", + "\n", + "[ 1 3 4 5 0 2 8 9 7 19 10 6 13 11 16 12 15 14 17 18 20]\n", + "=======================\n", + "['dan fredinburg was one of four americans killed when a massive earthquake struck nepal on saturday , causing a wall of ice and rock to engulf the base camp .he was given letters by friends and family when he reached the summitthe 33-year-old google engineer was given the letters by his girlfriend ashley arenson just before he left']\n", + "=======================\n", + "[\"dan fredinburg was one of three americans killed in the earthquake33-year-old was head of privacy at google x and once dated sophie bushfriend max stossel wrote a heartbreaking letter to him before he lefthe said : ` your story has already impacted mine for the better 'fredinburg was one of four americans killed when the earthquake hit nepal\"]\n", + "dan fredinburg was one of four americans killed when a massive earthquake struck nepal on saturday , causing a wall of ice and rock to engulf the base camp .he was given letters by friends and family when he reached the summitthe 33-year-old google engineer was given the letters by his girlfriend ashley arenson just before he left\n", + "dan fredinburg was one of three americans killed in the earthquake33-year-old was head of privacy at google x and once dated sophie bushfriend max stossel wrote a heartbreaking letter to him before he lefthe said : ` your story has already impacted mine for the better 'fredinburg was one of four americans killed when the earthquake hit nepal\n", + "[1.5249623 1.1618289 1.3357109 1.4514638 1.2013842 1.03635 1.017493\n", + " 1.0127634 1.2697191 1.1147369 1.1827748 1.1282226 1.0740174 1.09253\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 8 4 10 1 11 9 13 12 5 6 7 19 14 15 16 17 18 20]\n", + "=======================\n", + "['pep guardiola was in no mood to celebrate as bayern munich secured their place in the semi-final of the german cup with a 5-3 penalty shoot-out victory over bayer leverkusen on wednesday .bayern munich manager pep guardiola is concerned about his team without arjen robben and franck riberyguardiola believes the team is shackled by the absence of franck ribery and arjen robben .']\n", + "=======================\n", + "['bayern munich have only scored once in their last three gamesthey needed penalties to beat bayer leverkusen in the german cupguardiola feels munich miss arjen robben and franck ribery']\n", + "pep guardiola was in no mood to celebrate as bayern munich secured their place in the semi-final of the german cup with a 5-3 penalty shoot-out victory over bayer leverkusen on wednesday .bayern munich manager pep guardiola is concerned about his team without arjen robben and franck riberyguardiola believes the team is shackled by the absence of franck ribery and arjen robben .\n", + "bayern munich have only scored once in their last three gamesthey needed penalties to beat bayer leverkusen in the german cupguardiola feels munich miss arjen robben and franck ribery\n", + "[1.217511 1.3352523 1.1864655 1.0894135 1.2122605 1.3143932 1.233459\n", + " 1.2062865 1.1017156 1.0500543 1.085669 1.0164756 1.1208055 1.0697325\n", + " 1.0455377 1.0324321 1.0377907 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 6 0 4 7 2 12 8 3 10 13 9 14 16 15 11 17 18 19 20]\n", + "=======================\n", + "[\"so he joined nigel farage on a boat trip in grimsby this morning to try and understand his general election plans .towie star joey essex today met ukip leader nigel farage in grimsby as part of his project to find out about the electionessex told reporters the ukip leader is a ` really , really reem guy ' before boarding a boat and heading out to sea\"]\n", + "=======================\n", + "[\"reality tv star is meeting party leaders to try to understand the electionessex boarded a boat after telling reporters he ` likes fish and stuff 'farage is a keen angler and essex used to work at billingsgate fish marketukip leader ` has n't a clue ' what a vajazzle is and has never had a fake tan\"]\n", + "so he joined nigel farage on a boat trip in grimsby this morning to try and understand his general election plans .towie star joey essex today met ukip leader nigel farage in grimsby as part of his project to find out about the electionessex told reporters the ukip leader is a ` really , really reem guy ' before boarding a boat and heading out to sea\n", + "reality tv star is meeting party leaders to try to understand the electionessex boarded a boat after telling reporters he ` likes fish and stuff 'farage is a keen angler and essex used to work at billingsgate fish marketukip leader ` has n't a clue ' what a vajazzle is and has never had a fake tan\n", + "[1.4680649 1.4641275 1.2129643 1.5049161 1.1127867 1.0709872 1.0356238\n", + " 1.0292069 1.0219481 1.0178283 1.0201244 1.0253534 1.0205641 1.0180255\n", + " 1.0196347 1.0216001 1.0275822 1.0281701 1.0145731 0. ]\n", + "\n", + "[ 3 0 1 2 4 5 6 7 17 16 11 8 15 12 10 14 13 9 18 19]\n", + "=======================\n", + "[\"rory mcilroy insists he has arrived at augusta ready to mount a serious challenge on the mastersrory mcilroy admits thursday can not come soon enough as he bids to complete the career grand slam by winning the masters .the hype surrounding mcilroy 's attempt to join gene sarazen , ben hogan , gary player , jack nicklaus and tiger woods in winning all four major titles has been building since the night before his open victory at hoylake last july .\"]\n", + "=======================\n", + "[\"world no 1 arrives at masters hoping to complete a career grand slamrory mcilroy insists he is ` ready ' to win his final major at augustanorthern irishman admits tiger woods ' comeback could work in his favour\"]\n", + "rory mcilroy insists he has arrived at augusta ready to mount a serious challenge on the mastersrory mcilroy admits thursday can not come soon enough as he bids to complete the career grand slam by winning the masters .the hype surrounding mcilroy 's attempt to join gene sarazen , ben hogan , gary player , jack nicklaus and tiger woods in winning all four major titles has been building since the night before his open victory at hoylake last july .\n", + "world no 1 arrives at masters hoping to complete a career grand slamrory mcilroy insists he is ` ready ' to win his final major at augustanorthern irishman admits tiger woods ' comeback could work in his favour\n", + "[1.4306341 1.4195758 1.2576872 1.1389768 1.3769101 1.131547 1.0431867\n", + " 1.0654459 1.0605576 1.0188676 1.0122565 1.0210949 1.0681075 1.0918093\n", + " 1.0785177 1.2215931 1.0667554 1.0286963 1.0431193 1.0165157]\n", + "\n", + "[ 0 1 4 2 15 3 5 13 14 12 16 7 8 6 18 17 11 9 19 10]\n", + "=======================\n", + "['phoenix mercury standout player brittney griner and fiancee and fellow wnba player glory johnson have been arrested following a fight at their phoenix home .the 24-year-olds were both arrested on suspicion of assault and disorderly conduct on wednesday afternoon and booked into jail but were later released .several people at the couple \\'s home tried to stop griner , who is 6 \\' 8 \" , and johnson , who is 6 \\' 3 \" , from fighting after an argument turned physical , according to a police report .']\n", + "=======================\n", + "[\"the phoenix mercury 's brittney griner and her fiancee glory johnson , both 24 , were arrested after a fight in their phoenix home on wednesdaythe couple , who got engaged last year , ` had been fighting for days before the arguments turned physical and friends were unable to stop them 'both were released from police custody at 4am on thursday\"]\n", + "phoenix mercury standout player brittney griner and fiancee and fellow wnba player glory johnson have been arrested following a fight at their phoenix home .the 24-year-olds were both arrested on suspicion of assault and disorderly conduct on wednesday afternoon and booked into jail but were later released .several people at the couple 's home tried to stop griner , who is 6 ' 8 \" , and johnson , who is 6 ' 3 \" , from fighting after an argument turned physical , according to a police report .\n", + "the phoenix mercury 's brittney griner and her fiancee glory johnson , both 24 , were arrested after a fight in their phoenix home on wednesdaythe couple , who got engaged last year , ` had been fighting for days before the arguments turned physical and friends were unable to stop them 'both were released from police custody at 4am on thursday\n", + "[1.2700406 1.4529476 1.4000494 1.2759423 1.0593576 1.190417 1.1769397\n", + " 1.181225 1.0208873 1.0189418 1.0148488 1.0234091 1.0885268 1.0549151\n", + " 1.0304526 1.0624477 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 7 6 12 15 4 13 14 11 8 9 10 18 16 17 19]\n", + "=======================\n", + "[\"little chloe valentine , 4 , died of massive head injuries after being forced to ride a motorbike that repeatedly crashed over a three-day period in the backyard of her adelaide home in january 2012 .her mother , ashlee polkinghorne , and her then partner are in jail after pleading guilty to chloe 's manslaughter through criminal neglect .in an emotional statement outside the adelaide inquest on thursday , chloe 's grandmother belinda valentine welcomed coroner mark johns ' ruling that families sa was broken and fundamentally flawed and that the agency 's lack of action over chloe 's mother 's drug use was a complete failure .\"]\n", + "=======================\n", + "[\"a coroner found child protection agency broken and fundamentally flawedchloe valentine died from head injuries in 2012 after falling off motorbikeshe was forced to ride it by her drug addicted mother and her partner over three dayscoroner condemned families sa 's dealings with chloe 's mumtheir interactions involved a ` history of drift , irresolution and aimlessness 'coroner recommended 22 changes to the governmentgrandmother belinda valentine said the families could now move forward` the sun will rise in the morning , even though we do n't want it to '` we are actually the lucky ones , because we had chloe in our life '\"]\n", + "little chloe valentine , 4 , died of massive head injuries after being forced to ride a motorbike that repeatedly crashed over a three-day period in the backyard of her adelaide home in january 2012 .her mother , ashlee polkinghorne , and her then partner are in jail after pleading guilty to chloe 's manslaughter through criminal neglect .in an emotional statement outside the adelaide inquest on thursday , chloe 's grandmother belinda valentine welcomed coroner mark johns ' ruling that families sa was broken and fundamentally flawed and that the agency 's lack of action over chloe 's mother 's drug use was a complete failure .\n", + "a coroner found child protection agency broken and fundamentally flawedchloe valentine died from head injuries in 2012 after falling off motorbikeshe was forced to ride it by her drug addicted mother and her partner over three dayscoroner condemned families sa 's dealings with chloe 's mumtheir interactions involved a ` history of drift , irresolution and aimlessness 'coroner recommended 22 changes to the governmentgrandmother belinda valentine said the families could now move forward` the sun will rise in the morning , even though we do n't want it to '` we are actually the lucky ones , because we had chloe in our life '\n", + "[1.2214805 1.1339092 1.44103 1.1728296 1.0833956 1.2128415 1.0857853\n", + " 1.0524056 1.0665984 1.1098496 1.0812784 1.0235459 1.0159669 1.0310003\n", + " 1.0280354 1.0179547 1.0802325 0. 0. 0. ]\n", + "\n", + "[ 2 0 5 3 1 9 6 4 10 16 8 7 13 14 11 15 12 18 17 19]\n", + "=======================\n", + "[\"britain 's biggest fashion retailer has an impressive line in designer copies selling for a fraction of the price of the big labels .after decades of snapping at the heels of rival marks & spencer , next has overtaken the company on profits .victoria beckham had a hit with this armband shift dress ( victoria beckham.com ) .\"]\n", + "=======================\n", + "['next has overtaken marks & spencer on profitsretailer has a vast line in designer copies selling for a fraction of the priceinclude looky-likey mulberry bayswater tote and victoria beckham dress']\n", + "britain 's biggest fashion retailer has an impressive line in designer copies selling for a fraction of the price of the big labels .after decades of snapping at the heels of rival marks & spencer , next has overtaken the company on profits .victoria beckham had a hit with this armband shift dress ( victoria beckham.com ) .\n", + "next has overtaken marks & spencer on profitsretailer has a vast line in designer copies selling for a fraction of the priceinclude looky-likey mulberry bayswater tote and victoria beckham dress\n", + "[1.3697832 1.3287866 1.2232385 1.2423596 1.2546821 1.2808903 1.0979556\n", + " 1.0778638 1.0663981 1.0934056 1.0170021 1.1153226 1.0541581 1.0226718\n", + " 1.0315604 1.0643831 1.0487515 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 4 3 2 11 6 9 7 8 15 12 16 14 13 10 18 17 19]\n", + "=======================\n", + "['lazio replaced their fierce city rivals roma as the leading challengers in the battle to chase down serie a leaders juventus by hammering empoli 4-0 at the stadio olimpico .the biancocelesti took a fourth-minute lead through captain stefano mauri with miroslav klose adding a second just after the half-hour mark .the giallorossi are now 13 points behind juve after struggling to draw 1-1 at torino on sunday .']\n", + "=======================\n", + "['lazio closed the gap on leaders juventus with 4-0 thumping of empoliwin sees lazio leapfrog rivals roma into second place 12 points off juvenapoli smashed three past fiorentina to comfortably regain fourth placepalermo earned just their second away win of the season with udinese win']\n", + "lazio replaced their fierce city rivals roma as the leading challengers in the battle to chase down serie a leaders juventus by hammering empoli 4-0 at the stadio olimpico .the biancocelesti took a fourth-minute lead through captain stefano mauri with miroslav klose adding a second just after the half-hour mark .the giallorossi are now 13 points behind juve after struggling to draw 1-1 at torino on sunday .\n", + "lazio closed the gap on leaders juventus with 4-0 thumping of empoliwin sees lazio leapfrog rivals roma into second place 12 points off juvenapoli smashed three past fiorentina to comfortably regain fourth placepalermo earned just their second away win of the season with udinese win\n", + "[1.2159984 1.5217292 1.347656 1.4154859 1.2349604 1.1131011 1.0465696\n", + " 1.0208721 1.0301611 1.0903254 1.0187445 1.1063333 1.1284461 1.0619836\n", + " 1.076397 1.0392348 1.0761815 0. ]\n", + "\n", + "[ 1 3 2 4 0 12 5 11 9 14 16 13 6 15 8 7 10 17]\n", + "=======================\n", + "[\"jessica kemp from eustis says teachers at seminole county elementary warned they would remove kindergartner logan from class because the products , manufactured by doterra , smell and are a distraction to youngsters around him .the 32-year-old says she applies the liquid to his head and neck as it helps him keep calm and focused .a florida mother has accused a school of threatening to suspend her five-year-old autistic son because of ` essential oils ' he wears to help combat his illness .\"]\n", + "=======================\n", + "[\"jessica kemp , 32 , has slammed seminole county elementary in eustisfaculty have threatened to remove her kindergartner son loganclaims the oils aide him and have n't caused problems beforeschool district have said they will not suspend him as it 's a ` health issue '\"]\n", + "jessica kemp from eustis says teachers at seminole county elementary warned they would remove kindergartner logan from class because the products , manufactured by doterra , smell and are a distraction to youngsters around him .the 32-year-old says she applies the liquid to his head and neck as it helps him keep calm and focused .a florida mother has accused a school of threatening to suspend her five-year-old autistic son because of ` essential oils ' he wears to help combat his illness .\n", + "jessica kemp , 32 , has slammed seminole county elementary in eustisfaculty have threatened to remove her kindergartner son loganclaims the oils aide him and have n't caused problems beforeschool district have said they will not suspend him as it 's a ` health issue '\n", + "[1.1777766 1.4684086 1.3685937 1.354412 1.1396488 1.0335622 1.0253311\n", + " 1.0233427 1.2055714 1.0653907 1.0756857 1.0269837 1.1208804 1.0114316\n", + " 1.1148816 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 8 0 4 12 14 10 9 5 11 6 7 13 16 15 17]\n", + "=======================\n", + "[\"dwelling values rose by 5.8 per cent in the harbour city , a record growth and the strongest increase since april in 2009 , according to the latest figures from rp data .sydney 's performance drove the quarterly national dwelling value to heighten by 3 per cent , despite brisbane , adelaide and perth suffering significant declines over the quarter .there is still no relief for hopeful house-hunters in sydney as the capital city records yet another record boom in property prices after a ` strong ' quarter .\"]\n", + "=======================\n", + "[\"dwelling values rose by 5.8 per cent in sydney over the last quarter , the strongest increase since april 2009the increase has brought the median house price to $ 690,000 in the harbour citysydney 's strong performance led the national dwelling value to heighten by 3 per centcanberra performed second best with a 4.1 per cent increase followed by melbourne at 3.5 per cent and $ 518,000\"]\n", + "dwelling values rose by 5.8 per cent in the harbour city , a record growth and the strongest increase since april in 2009 , according to the latest figures from rp data .sydney 's performance drove the quarterly national dwelling value to heighten by 3 per cent , despite brisbane , adelaide and perth suffering significant declines over the quarter .there is still no relief for hopeful house-hunters in sydney as the capital city records yet another record boom in property prices after a ` strong ' quarter .\n", + "dwelling values rose by 5.8 per cent in sydney over the last quarter , the strongest increase since april 2009the increase has brought the median house price to $ 690,000 in the harbour citysydney 's strong performance led the national dwelling value to heighten by 3 per centcanberra performed second best with a 4.1 per cent increase followed by melbourne at 3.5 per cent and $ 518,000\n", + "[1.2355961 1.1428516 1.3321421 1.1882087 1.1460756 1.2430807 1.1573356\n", + " 1.0465686 1.1006901 1.058601 1.0929786 1.0739155 1.0878502 1.0719613\n", + " 1.0850145 1.0133067 1.0927769 0. ]\n", + "\n", + "[ 2 5 0 3 6 4 1 8 10 16 12 14 11 13 9 7 15 17]\n", + "=======================\n", + "[\"russian researchers believe the unusual object is 300 million years old , leading some people to claim that it may be proof of a highly advanced lost human civilisation , or even the work of aliens .the ` screw ' measures an inch ( 2cm ) long and was collected by a ufo and paranormal research team called the kosmopoisk group .the mystery of what appears to be a screw fixed inside a rock ( pictured ) has perplexed scientists\"]\n", + "=======================\n", + "[\"` screw ' was found in a stone by ufo researchers in kaluga region , russiathe unusual object is said to be 300 million years oldsome think it 's proof aliens used to live on earth or a radical civilisationbut it 's more likely to be a fossilised sea creature called a crinoid\"]\n", + "russian researchers believe the unusual object is 300 million years old , leading some people to claim that it may be proof of a highly advanced lost human civilisation , or even the work of aliens .the ` screw ' measures an inch ( 2cm ) long and was collected by a ufo and paranormal research team called the kosmopoisk group .the mystery of what appears to be a screw fixed inside a rock ( pictured ) has perplexed scientists\n", + "` screw ' was found in a stone by ufo researchers in kaluga region , russiathe unusual object is said to be 300 million years oldsome think it 's proof aliens used to live on earth or a radical civilisationbut it 's more likely to be a fossilised sea creature called a crinoid\n", + "[1.442336 1.3782246 1.2567322 1.4537698 1.2399627 1.2589622 1.0194384\n", + " 1.0168982 1.0133065 1.0249133 1.1113567 1.1192411 1.113924 1.0323644\n", + " 1.0104439 1.0144124 1.0151087 1.049778 ]\n", + "\n", + "[ 3 0 1 5 2 4 11 12 10 17 13 9 6 7 16 15 8 14]\n", + "=======================\n", + "[\"kevin de bruyne is linked with bayern munich as a potential replacement for the club 's veteran forwardsde bruyne , who spent his two years at chelsea largely on loan before joining the second-placed bundesliga club , has scored nine goals this season and is topping the league 's assist charts with 16 -- seven more than the next best .bayern 's franck ribery says despite de bruyne 's impressive form he is the wrong type of player for munich\"]\n", + "=======================\n", + "[\"chelsea flop kevin de bruyne has been linked with bayern munchthe belgian is touted has a possible replacement for franck riberyribery said de bruyne 's is ` great ' but the wrong style of playerhe said chelsea star eden hazard 's attributes would suit bayern\"]\n", + "kevin de bruyne is linked with bayern munich as a potential replacement for the club 's veteran forwardsde bruyne , who spent his two years at chelsea largely on loan before joining the second-placed bundesliga club , has scored nine goals this season and is topping the league 's assist charts with 16 -- seven more than the next best .bayern 's franck ribery says despite de bruyne 's impressive form he is the wrong type of player for munich\n", + "chelsea flop kevin de bruyne has been linked with bayern munchthe belgian is touted has a possible replacement for franck riberyribery said de bruyne 's is ` great ' but the wrong style of playerhe said chelsea star eden hazard 's attributes would suit bayern\n", + "[1.4032297 1.2142181 1.4572453 1.193577 1.1976088 1.2164723 1.2020152\n", + " 1.1282173 1.0266649 1.0305448 1.0227238 1.0528413 1.0296762 1.0477707\n", + " 1.0197711 1.045352 1.0312438 0. ]\n", + "\n", + "[ 2 0 5 1 6 4 3 7 11 13 15 16 9 12 8 10 14 17]\n", + "=======================\n", + "[\"dusan bako , 18 , flew into a rage after he tried to call the teenager 's phone only to discover it was switched off .bako , from oldham , was initially charged with child destruction but ahead of his trial , pleaded guilty to an alternative charge of causing grievous bodily harm with intent after a plea bargaining deal .a teenage rapper has been jailed after punching his heavily pregnant 16-year-old girlfriend in the stomach causing her to lose their unborn baby .\"]\n", + "=======================\n", + "['dusan bako , 18 , flew into a rage with his 16-year-old pregnant girlfriendput his arm around her neck and repeatedly punched her in the stomachthe victim was rushed to hospital where she later miscarried the childhe was jailed for fours years , eight months at manchester crown court']\n", + "dusan bako , 18 , flew into a rage after he tried to call the teenager 's phone only to discover it was switched off .bako , from oldham , was initially charged with child destruction but ahead of his trial , pleaded guilty to an alternative charge of causing grievous bodily harm with intent after a plea bargaining deal .a teenage rapper has been jailed after punching his heavily pregnant 16-year-old girlfriend in the stomach causing her to lose their unborn baby .\n", + "dusan bako , 18 , flew into a rage with his 16-year-old pregnant girlfriendput his arm around her neck and repeatedly punched her in the stomachthe victim was rushed to hospital where she later miscarried the childhe was jailed for fours years , eight months at manchester crown court\n", + "[1.5357282 1.3293233 1.1166188 1.4575946 1.2262269 1.1319604 1.1031655\n", + " 1.0994658 1.2395738 1.0542308 1.0173507 1.0232946 1.014843 1.0191956\n", + " 1.0261271 1.0177134 1.0120904 1.014159 0. 0. ]\n", + "\n", + "[ 0 3 1 8 4 5 2 6 7 9 14 11 13 15 10 12 17 16 18 19]\n", + "=======================\n", + "[\"former rangers defender john brown insists ally mccoist will be welcomed back to ibrox ` with open arms . 'the club 's record scorer has not been spotted at his old stomping ground since his surprise appearance appeared at last month 's general meeting to see the board which axed him as boss swept out of power .mccoist is rangers record scorer but was axed as manager amid speculation surrounding the clubs future\"]\n", + "=======================\n", + "['rangers legend john brown insistent ally mccoist can return to the clubthe former gers boss left the club following speculation over ownershipbrown says that fans love him and would welcome him back at ibrox']\n", + "former rangers defender john brown insists ally mccoist will be welcomed back to ibrox ` with open arms . 'the club 's record scorer has not been spotted at his old stomping ground since his surprise appearance appeared at last month 's general meeting to see the board which axed him as boss swept out of power .mccoist is rangers record scorer but was axed as manager amid speculation surrounding the clubs future\n", + "rangers legend john brown insistent ally mccoist can return to the clubthe former gers boss left the club following speculation over ownershipbrown says that fans love him and would welcome him back at ibrox\n", + "[1.2660444 1.1498497 1.1366564 1.3210155 1.0894809 1.5358803 1.2086515\n", + " 1.0466497 1.0472115 1.0384836 1.0880011 1.0380652 1.087709 1.0309154\n", + " 1.0126129 1.016685 1.0567334 1.0086373 1.0120671 1.0185629]\n", + "\n", + "[ 5 3 0 6 1 2 4 10 12 16 8 7 9 11 13 19 15 14 18 17]\n", + "=======================\n", + "[\"rangers ace david templeton promotes tickets for sunday 's match against hearts at ibroxtempleton made his first start in almost three months last weekend as stuart mccall 's recorded a 4-1 victory over cowdenbeath .if selected on sunday , david templeton will form part of a rangers guard of honour to recognise the outstanding championship success of his former club .\"]\n", + "=======================\n", + "['david templeton endured injury-induced frustration during time at heartsbut , rangers winger insists he will show no envy towards them on sundaytempleton will form part of a celebratory guard of honour if he starts clashthe winger made his first start in almost three months last weekend']\n", + "rangers ace david templeton promotes tickets for sunday 's match against hearts at ibroxtempleton made his first start in almost three months last weekend as stuart mccall 's recorded a 4-1 victory over cowdenbeath .if selected on sunday , david templeton will form part of a rangers guard of honour to recognise the outstanding championship success of his former club .\n", + "david templeton endured injury-induced frustration during time at heartsbut , rangers winger insists he will show no envy towards them on sundaytempleton will form part of a celebratory guard of honour if he starts clashthe winger made his first start in almost three months last weekend\n", + "[1.2094774 1.4958358 1.3179017 1.2302278 1.3042461 1.1879333 1.1919423\n", + " 1.0493087 1.0787222 1.1402408 1.1646042 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 0 6 5 10 9 8 7 18 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"the red mazda had careered off the road up someone 's drive and crashed straight into the front door of the home in crossgates , leeds .it hit the property with such force that the car , which has its front end completely destroyed int he crash , became stuck in the wall .incredibly , no-one was serious injured in the accident .\"]\n", + "=======================\n", + "['a red mazda left the road smashed into the front of a property in leedsluckily no-one was seriously injured in crash which destroyed front of caroccupants escaped with minor injuries while the driver has been reported']\n", + "the red mazda had careered off the road up someone 's drive and crashed straight into the front door of the home in crossgates , leeds .it hit the property with such force that the car , which has its front end completely destroyed int he crash , became stuck in the wall .incredibly , no-one was serious injured in the accident .\n", + "a red mazda left the road smashed into the front of a property in leedsluckily no-one was seriously injured in crash which destroyed front of caroccupants escaped with minor injuries while the driver has been reported\n", + "[1.2514929 1.4534533 1.4093381 1.2613647 1.1641934 1.0850782 1.0361496\n", + " 1.2835748 1.0725863 1.0555413 1.1275171 1.0772835 1.1242397 1.0689142\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 7 3 0 4 10 12 5 11 8 13 9 6 14 15 16 17 18 19]\n", + "=======================\n", + "['top-seeded teams in eight groups will be the defending champions league winner plus title holders in the seven highest-ranked countries .on current standings , arsenal , atletico madrid and porto will drop in status in the august 27 draw .real madrid would also drop down if barcelona wins the champions league and spanish league .']\n", + "=======================\n", + "['top-seeded teams in champions league groups will be title holderstop seven league winners will be joined by the holders of the competitionchange in regulations would mean arsenal and porto drop downatletico madrid and real madrid also face drop from top groupchelsea would stick as top seeds if they win the premier league']\n", + "top-seeded teams in eight groups will be the defending champions league winner plus title holders in the seven highest-ranked countries .on current standings , arsenal , atletico madrid and porto will drop in status in the august 27 draw .real madrid would also drop down if barcelona wins the champions league and spanish league .\n", + "top-seeded teams in champions league groups will be title holderstop seven league winners will be joined by the holders of the competitionchange in regulations would mean arsenal and porto drop downatletico madrid and real madrid also face drop from top groupchelsea would stick as top seeds if they win the premier league\n", + "[1.4598045 1.4757549 1.2542655 1.1820241 1.0972269 1.0534416 1.1925905\n", + " 1.0574646 1.077873 1.0783004 1.029674 1.025617 1.0270362 1.033232\n", + " 1.0379604 1.0187564 1.0201714 1.0518961 1.0186638 1.0197049]\n", + "\n", + "[ 1 0 2 6 3 4 9 8 7 5 17 14 13 10 12 11 16 19 15 18]\n", + "=======================\n", + "[\"officer michael slager was arrested after raw video surfaced showing him firing numerous shots at walter scott as scott ran away from a traffic stop .( cnn ) on tuesday , a white police officer in north charleston , south carolina , was charged with murder for shooting an unarmed black man in the back .the video footage contradicts slager 's statement that he felt threatened after scott allegedly took his stun gun during a scuffle .\"]\n", + "=======================\n", + "['a white police officer in south carolina is charged with killing an unarmed black man in the backdavid love : what happened tells us the epidemic of police deadly force against black people continues']\n", + "officer michael slager was arrested after raw video surfaced showing him firing numerous shots at walter scott as scott ran away from a traffic stop .( cnn ) on tuesday , a white police officer in north charleston , south carolina , was charged with murder for shooting an unarmed black man in the back .the video footage contradicts slager 's statement that he felt threatened after scott allegedly took his stun gun during a scuffle .\n", + "a white police officer in south carolina is charged with killing an unarmed black man in the backdavid love : what happened tells us the epidemic of police deadly force against black people continues\n", + "[1.2416629 1.3737007 1.3478069 1.2586973 1.2314599 1.1135358 1.058223\n", + " 1.0281688 1.0095931 1.032015 1.1107056 1.129823 1.1399062 1.0638543\n", + " 1.1029687 1.0561588 1.0307432 1.0151806]\n", + "\n", + "[ 1 2 3 0 4 12 11 5 10 14 13 6 15 9 16 7 17 8]\n", + "=======================\n", + "[\"chris sussman , executive editor for comedy , revealed particular jokes have to go through ` quite a lot of layers ' to be approved .some jokes even have to be looked over by director general lord hall - alongside editorial policy advisers , the channel and legal advisers - before they are aired , he said .comics at the bbc must go through a lengthy process to get some jokes on air because the corporation is extra-wary about causing offence , an editor at the company has claimed .\"]\n", + "=======================\n", + "[\"chris sussman said particular jokes must go through ' a lot of layers 'cautiousness comes after a ` difficult few years ' at the bbc , he addedmade the comments at a bafta event on free speech and television\"]\n", + "chris sussman , executive editor for comedy , revealed particular jokes have to go through ` quite a lot of layers ' to be approved .some jokes even have to be looked over by director general lord hall - alongside editorial policy advisers , the channel and legal advisers - before they are aired , he said .comics at the bbc must go through a lengthy process to get some jokes on air because the corporation is extra-wary about causing offence , an editor at the company has claimed .\n", + "chris sussman said particular jokes must go through ' a lot of layers 'cautiousness comes after a ` difficult few years ' at the bbc , he addedmade the comments at a bafta event on free speech and television\n", + "[1.2739792 1.3622159 1.0905492 1.1816893 1.1387295 1.2539738 1.0292164\n", + " 1.0834789 1.055384 1.1193734 1.1997838 1.0898087 1.0515459 1.0721104\n", + " 1.0182825 1.0276123 0. 0. ]\n", + "\n", + "[ 1 0 5 10 3 4 9 2 11 7 13 8 12 6 15 14 16 17]\n", + "=======================\n", + "[\"as the manhunt continues , nelson williams sr. of kankakee , says he is worried that 23-year-old kamron taylor , the man convicted of his son nelson jr 's murder , might attack him .the family of an illinois man slain during a botched robbery say they fear for their lives after the killer escaped from jail earlier week after beating a guard unconscious and stealing his uniform and suv .he was convicted of first-degree murder in february in the june 2013 death of nelson williams jr , 21 , and faces a sentence of 45 years to life in prison .\"]\n", + "=======================\n", + "[\"kamron t. taylor was recently convicted of murdering nelson williams jr , 21 , in june 2013victim 's father , nelson williams sr , 48 , says he is afraid taylor might ambush himhe beat a guard unconscious , stole his keys and uniform , and fled in his suvtaylor was awaiting sentencing at jerome combs detention center in kankakee , illinois , when he escaped early wednesdaythe 23-year-old fugitive is wanted for aggravated battery to a correctional officer as well as escapecash reward for any information has been increased to $ 7,500\"]\n", + "as the manhunt continues , nelson williams sr. of kankakee , says he is worried that 23-year-old kamron taylor , the man convicted of his son nelson jr 's murder , might attack him .the family of an illinois man slain during a botched robbery say they fear for their lives after the killer escaped from jail earlier week after beating a guard unconscious and stealing his uniform and suv .he was convicted of first-degree murder in february in the june 2013 death of nelson williams jr , 21 , and faces a sentence of 45 years to life in prison .\n", + "kamron t. taylor was recently convicted of murdering nelson williams jr , 21 , in june 2013victim 's father , nelson williams sr , 48 , says he is afraid taylor might ambush himhe beat a guard unconscious , stole his keys and uniform , and fled in his suvtaylor was awaiting sentencing at jerome combs detention center in kankakee , illinois , when he escaped early wednesdaythe 23-year-old fugitive is wanted for aggravated battery to a correctional officer as well as escapecash reward for any information has been increased to $ 7,500\n", + "[1.3168143 1.1782438 1.2666203 1.2169557 1.1661427 1.1360893 1.1235498\n", + " 1.2008888 1.2422572 1.1011364 1.0824996 1.0888093 1.0691013 1.0327078\n", + " 1.0307906 1.0514404 1.0083331 0. ]\n", + "\n", + "[ 0 2 8 3 7 1 4 5 6 9 11 10 12 15 13 14 16 17]\n", + "=======================\n", + "[\"the new horizons spacecraft has taken its first colour image of pluto and its largest moon charon ahead of its arrival in three months .as the spacecraft gets closer and closer , the images will continue to improve until it flies by on 14 july - humanity 's first ever visit to pluto .in july this year new horizons will become the first spacecraft ever to visit pluto .\"]\n", + "=======================\n", + "[\"nasa scientists in maryland are preparing for historic mission on 14 julythis is when new horizons will arrive at pluto after a journey of nine yearsand it has now released its first colour image - from 71 million miles awaythe mission will be humanity 's first ever visit to the dwarf planet\"]\n", + "the new horizons spacecraft has taken its first colour image of pluto and its largest moon charon ahead of its arrival in three months .as the spacecraft gets closer and closer , the images will continue to improve until it flies by on 14 july - humanity 's first ever visit to pluto .in july this year new horizons will become the first spacecraft ever to visit pluto .\n", + "nasa scientists in maryland are preparing for historic mission on 14 julythis is when new horizons will arrive at pluto after a journey of nine yearsand it has now released its first colour image - from 71 million miles awaythe mission will be humanity 's first ever visit to the dwarf planet\n", + "[1.4480445 1.3621156 1.1643931 1.335443 1.1262164 1.1780746 1.0277896\n", + " 1.1148398 1.0287544 1.0584201 1.0721638 1.1252345 1.0488884 1.058287\n", + " 1.078861 1.1165057 1.1111187 0. ]\n", + "\n", + "[ 0 1 3 5 2 4 11 15 7 16 14 10 9 13 12 8 6 17]\n", + "=======================\n", + "[\"former queens park rangers chairman gianni paladini has registered as a director of a new bradford city holding company in what appears to be the first move towards taking control at valley parade .paladini has been searching for a way back into football since he left loftus road in 2011 and has attempted to buy birmingham city from carson yeung .phil parkinson 's team captured the imagination of fans across the nation when they fought back from 2-0 down to win 4-2 at chelsea in the fa cup and went on to beat sunderland before losing in a quarter-final replay at reading .\"]\n", + "=======================\n", + "[\"gianni paladini has registered as director of bradford 's holding companythe italian has been searching for new club since leaving qpr in 2011paladini made attempt to buy birmingham and has been linked with millwall\"]\n", + "former queens park rangers chairman gianni paladini has registered as a director of a new bradford city holding company in what appears to be the first move towards taking control at valley parade .paladini has been searching for a way back into football since he left loftus road in 2011 and has attempted to buy birmingham city from carson yeung .phil parkinson 's team captured the imagination of fans across the nation when they fought back from 2-0 down to win 4-2 at chelsea in the fa cup and went on to beat sunderland before losing in a quarter-final replay at reading .\n", + "gianni paladini has registered as director of bradford 's holding companythe italian has been searching for new club since leaving qpr in 2011paladini made attempt to buy birmingham and has been linked with millwall\n", + "[1.1867453 1.333912 1.2492247 1.2397089 1.0974209 1.1895084 1.0842502\n", + " 1.0559967 1.2868404 1.0520769 1.0811402 1.0359671 1.0365084 1.0336516\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 8 2 3 5 0 4 6 10 7 9 12 11 13 16 14 15 17]\n", + "=======================\n", + "[\"the 28-year-old has been suspended from the network for a week after being caught on camera telling a parking lot attendant she should ` lose some weight , baby girl ' , adding ` i 'm on television and you 're in a f -- ing trailer , honey ' .but according to her blog , the former model is dedicated to helping women feel ` comfortable in their own skin ' .in a self-aggrandizing rant , mchenry tells her readers she is ` taking a stand ' against ` sexist ' commercials that focus on ` appearance alone ' .\"]\n", + "=======================\n", + "[\"espn reporter britt mchenry was filmed berating tow clerk gina michelleher car had been towed from a chinese diner in arlington , va , on april 6enraged , she insulted mother-of-three michelle 's looks , education and job` lose some weight , baby girl , ' mchenry told the worker in the videohowever , her blog tells women to ` be comfortable in their own skin 'mchenry apologized on thursday after security footage surfaced onlineadvanced towing co insists there are no hard feelings towards mchenryfootage released online is believed to have been edited by the tow firm\"]\n", + "the 28-year-old has been suspended from the network for a week after being caught on camera telling a parking lot attendant she should ` lose some weight , baby girl ' , adding ` i 'm on television and you 're in a f -- ing trailer , honey ' .but according to her blog , the former model is dedicated to helping women feel ` comfortable in their own skin ' .in a self-aggrandizing rant , mchenry tells her readers she is ` taking a stand ' against ` sexist ' commercials that focus on ` appearance alone ' .\n", + "espn reporter britt mchenry was filmed berating tow clerk gina michelleher car had been towed from a chinese diner in arlington , va , on april 6enraged , she insulted mother-of-three michelle 's looks , education and job` lose some weight , baby girl , ' mchenry told the worker in the videohowever , her blog tells women to ` be comfortable in their own skin 'mchenry apologized on thursday after security footage surfaced onlineadvanced towing co insists there are no hard feelings towards mchenryfootage released online is believed to have been edited by the tow firm\n", + "[1.0325227 1.2485113 1.5128247 1.3698399 1.3291918 1.4319631 1.2543494\n", + " 1.0450809 1.0250493 1.0193026 1.098064 1.0540334 1.0423341 1.0152026\n", + " 1.0212842 1.019869 1.0137006 1.0285528 1.0922381 1.0257427]\n", + "\n", + "[ 2 5 3 4 6 1 10 18 11 7 12 0 17 19 8 14 15 9 13 16]\n", + "=======================\n", + "['the mother-of-three , from leeds , suffers from the ultra-rare condition aquagenic urticaria -- an allergy to water .she was diagnosed two years ago after her skin erupted in agonising blisters when she got caught in a rain storm .now the 28-year-old has had to stop kissing her husband of four years , because the saliva on his lips can trigger a painful flare-up .']\n", + "=======================\n", + "['kerrie armitage , 28 , from leeds , suffers from an allergy to waterexternal exposure to water - rather than drinking liquid - causes a reactioncondition also means sweating or crying can trigger a painful flare-upalso suffers from exercise-induced anaphylaxis , so has put on weight']\n", + "the mother-of-three , from leeds , suffers from the ultra-rare condition aquagenic urticaria -- an allergy to water .she was diagnosed two years ago after her skin erupted in agonising blisters when she got caught in a rain storm .now the 28-year-old has had to stop kissing her husband of four years , because the saliva on his lips can trigger a painful flare-up .\n", + "kerrie armitage , 28 , from leeds , suffers from an allergy to waterexternal exposure to water - rather than drinking liquid - causes a reactioncondition also means sweating or crying can trigger a painful flare-upalso suffers from exercise-induced anaphylaxis , so has put on weight\n", + "[1.234574 1.4311026 1.2719226 1.3192847 1.1965619 1.0899062 1.1116866\n", + " 1.067512 1.0751204 1.0321245 1.0780607 1.0729781 1.0801443 1.0446228\n", + " 1.0218803 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 6 5 12 10 8 11 7 13 9 14 15 16 17 18 19]\n", + "=======================\n", + "[\"brian gemmell , a former captain in the intelligence corps , said spy chiefs ordered him to ` stop digging ' when he reported a possible paedophile ring at the northern ireland children 's ' home .he spoke out during a meeting with victim richard kerr , who claimed he was one of three youngsters trafficked from the home before being molested by ` very powerful ' figures in a westminster paedophile gang .mi5 has faced long-standing allegations of covering up child abuse to enable it to gather intelligence on loyalist politicians during the troubles .\"]\n", + "=======================\n", + "[\"brian gemmell said spy chiefs ordered him to ` stop digging ' at boys ' homeformer army intelligence officer claims mi5 covered up the sexual abusestaff jailed in 1980s for sexual abuse at notorious kincora children 's home\"]\n", + "brian gemmell , a former captain in the intelligence corps , said spy chiefs ordered him to ` stop digging ' when he reported a possible paedophile ring at the northern ireland children 's ' home .he spoke out during a meeting with victim richard kerr , who claimed he was one of three youngsters trafficked from the home before being molested by ` very powerful ' figures in a westminster paedophile gang .mi5 has faced long-standing allegations of covering up child abuse to enable it to gather intelligence on loyalist politicians during the troubles .\n", + "brian gemmell said spy chiefs ordered him to ` stop digging ' at boys ' homeformer army intelligence officer claims mi5 covered up the sexual abusestaff jailed in 1980s for sexual abuse at notorious kincora children 's home\n", + "[1.3439153 1.3430232 1.2081312 1.3338397 1.1077783 1.0686111 1.1438496\n", + " 1.0960541 1.0595286 1.029324 1.0174301 1.0224707 1.0676203 1.0999764\n", + " 1.1218075 1.0607907 1.0393142 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 6 14 4 13 7 5 12 15 8 16 9 11 10 18 17 19]\n", + "=======================\n", + "[\"us president barack obama said on saturday that diplomacy was the best option to deal with iran 's contested nuclear program , two days after the conclusion of a framework agreement with tehran .iran and six world powers determined the outlines of a landmark agreement which would curb iran 's nuclear program and potentially lift economic sanctions .as obama gears up to sell us skeptics on the deal , he said he is convinced talks are the best way forward .\"]\n", + "=======================\n", + "[\"us president barack obama said on saturday that diplomacy was the best option to deal with iran 's contested nuclear programthis just two days after a framework was agreed upon which would curb iran 's nuclear program and potentially lift economic sanctionsisraeli prime minister benjamin netanyahu said yesterday this new agreement would ` threaten the very survival of the state of israel 'many americans , especially republicans , also believe this has now paved the way for iran to develop an atomic bomb\"]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "us president barack obama said on saturday that diplomacy was the best option to deal with iran 's contested nuclear program , two days after the conclusion of a framework agreement with tehran .iran and six world powers determined the outlines of a landmark agreement which would curb iran 's nuclear program and potentially lift economic sanctions .as obama gears up to sell us skeptics on the deal , he said he is convinced talks are the best way forward .\n", + "us president barack obama said on saturday that diplomacy was the best option to deal with iran 's contested nuclear programthis just two days after a framework was agreed upon which would curb iran 's nuclear program and potentially lift economic sanctionsisraeli prime minister benjamin netanyahu said yesterday this new agreement would ` threaten the very survival of the state of israel 'many americans , especially republicans , also believe this has now paved the way for iran to develop an atomic bomb\n", + "[1.1506466 1.2267656 1.4078646 1.3948722 1.0902009 1.0495073 1.0693579\n", + " 1.1343981 1.2948829 1.056102 1.0397599 1.010524 1.0121046 1.1485679\n", + " 1.1998469 1.1453067 1.0208166 0. 0. 0. ]\n", + "\n", + "[ 2 3 8 1 14 0 13 15 7 4 6 9 5 10 16 12 11 18 17 19]\n", + "=======================\n", + "['the 25-year-old personal trainer is joined by professional cricketer , freddie flintoff , 37 , as they model the latest collection of clothing for the brand \\'s summer campaign , filmed in palma , majorca .toby huntington-whiteley , 25 , stars in the new summer advert for men \\'s clothing brand jacamotoby huntington-whiteley has already made waves in the modelling industry due to his towering height - he falls just under 6 \\' 4 \" - and chiselled looks .']\n", + "=======================\n", + "[\"toby huntington-whiteley , 25 , and cricketer flintoff , 37 , model in campaignmen 's clothing brand jacamo caters to larger and taller mensportsman flintoff has been face of brand for 4 yearsthis is second tv ad job for dorset boy toby\"]\n", + "the 25-year-old personal trainer is joined by professional cricketer , freddie flintoff , 37 , as they model the latest collection of clothing for the brand 's summer campaign , filmed in palma , majorca .toby huntington-whiteley , 25 , stars in the new summer advert for men 's clothing brand jacamotoby huntington-whiteley has already made waves in the modelling industry due to his towering height - he falls just under 6 ' 4 \" - and chiselled looks .\n", + "toby huntington-whiteley , 25 , and cricketer flintoff , 37 , model in campaignmen 's clothing brand jacamo caters to larger and taller mensportsman flintoff has been face of brand for 4 yearsthis is second tv ad job for dorset boy toby\n", + "[1.236068 1.5550789 1.2047473 1.3893268 1.1501695 1.0201865 1.0286795\n", + " 1.1842506 1.0780114 1.0143341 1.1809808 1.1354518 1.0198208 1.068048\n", + " 1.0546745 1.0823319 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 7 10 4 11 15 8 13 14 6 5 12 9 16 17 18 19]\n", + "=======================\n", + "[\"the mudgeeraba caravan village is home to more than 100 people , and has been the site of a fatal house fire , stabbings , brawls , and continual violence .shocking images have been released showing the ` horrific ' conditions inside a gold coast caravan park with a long and checkered history of drug abuse , violence , and abject poverty .queensland police patrol the site daily due the extreme level of incidents , and ambulance officers will now only enter the caravan park , which lies just ten kilometres from the region 's famous glitter strip , under police protection .\"]\n", + "=======================\n", + "[\"the ` horrific ' mudgeeraba caravan village is home to over 100 peoplequeensland police patrol the site daily due the extreme level of incidentsit has seen a fatal house fire , stabbings , brawls , and continual violenceambulance officers will only enter the park under police protection` we 'll get up to mischief here on occasions , ' owner bob purcell said\"]\n", + "the mudgeeraba caravan village is home to more than 100 people , and has been the site of a fatal house fire , stabbings , brawls , and continual violence .shocking images have been released showing the ` horrific ' conditions inside a gold coast caravan park with a long and checkered history of drug abuse , violence , and abject poverty .queensland police patrol the site daily due the extreme level of incidents , and ambulance officers will now only enter the caravan park , which lies just ten kilometres from the region 's famous glitter strip , under police protection .\n", + "the ` horrific ' mudgeeraba caravan village is home to over 100 peoplequeensland police patrol the site daily due the extreme level of incidentsit has seen a fatal house fire , stabbings , brawls , and continual violenceambulance officers will only enter the park under police protection` we 'll get up to mischief here on occasions , ' owner bob purcell said\n", + "[1.5549805 1.3611428 1.186755 1.3654014 1.1312679 1.1198744 1.0586318\n", + " 1.0387875 1.0524741 1.1157938 1.0653424 1.0415726 1.0598495 1.0307432\n", + " 1.011579 1.1035208 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 5 9 15 10 12 6 8 11 7 13 14 17 16 18]\n", + "=======================\n", + "['dundee united striker nadir ciftci celebrated a goal by blowing a kiss at opposition goalkeeper scott bain , but the turkish midfielder was the one left blushing as his side lost away at rivals dundee .former portsmouth ace ciftci briefly levelled the scores at dens park when he slotted home a penalty after greg stewart had given the hosts the lead .bain refuses to react as the turkish striker does his best to rile his rival goalkeeper at den park']\n", + "=======================\n", + "['nadir ciftci celebrated by blowing a kiss at rival goalkeeper scott bainhowever , ciftci was left blushing as rivals earned impressive victorywin gave hosts dundee their first derby win in more than a decadegoals from greg stewart , jake mcpake and paul heffernen secured win']\n", + "dundee united striker nadir ciftci celebrated a goal by blowing a kiss at opposition goalkeeper scott bain , but the turkish midfielder was the one left blushing as his side lost away at rivals dundee .former portsmouth ace ciftci briefly levelled the scores at dens park when he slotted home a penalty after greg stewart had given the hosts the lead .bain refuses to react as the turkish striker does his best to rile his rival goalkeeper at den park\n", + "nadir ciftci celebrated by blowing a kiss at rival goalkeeper scott bainhowever , ciftci was left blushing as rivals earned impressive victorywin gave hosts dundee their first derby win in more than a decadegoals from greg stewart , jake mcpake and paul heffernen secured win\n", + "[1.2792659 1.4211944 1.285161 1.3460729 1.07926 1.0560501 1.0209905\n", + " 1.0364251 1.1040717 1.1655678 1.0811204 1.0735025 1.0492909 1.0686718\n", + " 1.0626794 1.0519309 1.0436931 0. 0. ]\n", + "\n", + "[ 1 3 2 0 9 8 10 4 11 13 14 5 15 12 16 7 6 17 18]\n", + "=======================\n", + "[\"president milos zeman has been criticised by ambassador andrew schapiro over his plans to attend the annual parade in moscow , marking the allied win at the western front in 1945 , despite the crisis in ukraine .in response to the critique , president zeman said ambassador schapiro is no longer welcome in the prague castle , the seat of presidency .the president of the czech republic has banned the u.s. ambassador from prague castle following a public dispute over the former 's decision to attend a russian world war ii parade .\"]\n", + "=======================\n", + "['czech president milos zeman plans to attend wwii parade in moscowu.s. ambassador criticised his decision in relation to ukraine crisispresident zeman responded to criticism by banning him from castle']\n", + "president milos zeman has been criticised by ambassador andrew schapiro over his plans to attend the annual parade in moscow , marking the allied win at the western front in 1945 , despite the crisis in ukraine .in response to the critique , president zeman said ambassador schapiro is no longer welcome in the prague castle , the seat of presidency .the president of the czech republic has banned the u.s. ambassador from prague castle following a public dispute over the former 's decision to attend a russian world war ii parade .\n", + "czech president milos zeman plans to attend wwii parade in moscowu.s. ambassador criticised his decision in relation to ukraine crisispresident zeman responded to criticism by banning him from castle\n", + "[1.1884534 1.3174233 1.3070271 1.2533866 1.2701775 1.137303 1.0381459\n", + " 1.0227585 1.0921149 1.110983 1.0155364 1.1111482 1.1033869 1.0464169\n", + " 1.0557342 1.1165335 1.0233084 1.0480777 0. ]\n", + "\n", + "[ 1 2 4 3 0 5 15 11 9 12 8 14 17 13 6 16 7 10 18]\n", + "=======================\n", + "[\"experts said the diet , known by the acronym mind , could reduce the risk of the illness even if it not meticulously followed .the ` mediterranean-dash intervention for neurodegenerative delay ' ( mind ) diet includes at least three daily servings of wholegrains and salad -- along with an extra vegetable and a glass of wine .the new diet could more than halve a person 's risk of developing alzheimer 's disease , new research has found , and even has an effect when a person does n't follow it meticulously\"]\n", + "=======================\n", + "[\"called the ` mediterranean-dash intervention for neurodegenerative delay 'diet even reduces alzheimer 's risk by 35 % if not meticulously followedincludes 10 healthy food groups like fish , poultry , olive oil , beans and nutsinvolves avoiding unhealthy brain foods like cheese , butter and sweets\"]\n", + "experts said the diet , known by the acronym mind , could reduce the risk of the illness even if it not meticulously followed .the ` mediterranean-dash intervention for neurodegenerative delay ' ( mind ) diet includes at least three daily servings of wholegrains and salad -- along with an extra vegetable and a glass of wine .the new diet could more than halve a person 's risk of developing alzheimer 's disease , new research has found , and even has an effect when a person does n't follow it meticulously\n", + "called the ` mediterranean-dash intervention for neurodegenerative delay 'diet even reduces alzheimer 's risk by 35 % if not meticulously followedincludes 10 healthy food groups like fish , poultry , olive oil , beans and nutsinvolves avoiding unhealthy brain foods like cheese , butter and sweets\n", + "[1.2789929 1.4962867 1.3010693 1.121491 1.0245998 1.2662549 1.1072795\n", + " 1.1093497 1.1040367 1.2130647 1.0383149 1.0573348 1.0281663 1.033772\n", + " 1.0674224 1.0120987 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 5 9 3 7 6 8 14 11 10 13 12 4 15 17 16 18]\n", + "=======================\n", + "['the zeta beta tau fraternity was suspended friday and charged with obscene behavior , public intoxication , theft , causing physical or other harm , and damage to property for allegedly disrespecting disabled veterans by spitting on them , shouting verbal abuse and even urinating on the american flag .the deplorable behavior against the ex-servicemen occurred at the warrior beach retreat on april 17 .a veteran has described the hurt he felt after being disrespected by a mob of university of florida fraternity members during a charity weekend that honors wounded heroes in panama beach city .']\n", + "=======================\n", + "[\"zeta beta tau suspended and charged for the ` disgusting ' actsthree members were expelled for the deplorable acts at the warrior beach retreat in panama beach city on april 17event designed to give ex-servicemen a relaxing breakuniversity of florida and emory university branches were there at the timethey allegedly ripped flags off cars and urinated on them and threw items off balconieswounded veteran nicholas connole said he was spat on and felt ` hurt '\"]\n", + "the zeta beta tau fraternity was suspended friday and charged with obscene behavior , public intoxication , theft , causing physical or other harm , and damage to property for allegedly disrespecting disabled veterans by spitting on them , shouting verbal abuse and even urinating on the american flag .the deplorable behavior against the ex-servicemen occurred at the warrior beach retreat on april 17 .a veteran has described the hurt he felt after being disrespected by a mob of university of florida fraternity members during a charity weekend that honors wounded heroes in panama beach city .\n", + "zeta beta tau suspended and charged for the ` disgusting ' actsthree members were expelled for the deplorable acts at the warrior beach retreat in panama beach city on april 17event designed to give ex-servicemen a relaxing breakuniversity of florida and emory university branches were there at the timethey allegedly ripped flags off cars and urinated on them and threw items off balconieswounded veteran nicholas connole said he was spat on and felt ` hurt '\n", + "[1.3853413 1.2220092 1.4154954 1.2253431 1.223552 1.2361411 1.1384157\n", + " 1.0324818 1.0560144 1.0669736 1.0806094 1.0704714 1.0587529 1.048477\n", + " 1.0200812 1.1268752 1.0296489 1.0063417 1.0171442]\n", + "\n", + "[ 2 0 5 3 4 1 6 15 10 11 9 12 8 13 7 16 14 18 17]\n", + "=======================\n", + "[\"john howard , 66 , from canterbury , kent , had been a member of the overseas press and media association for 30 years but began stealing funds two years ago , leaving the company facing bankruptcy .he was jailed for two and a half years and mouthed ` i 'm sorry ' to a former colleague as he left the dock at canterbury crown court .the father-of-three had sole access to the non-profit organisation 's account and enjoyed dining alone on several # 300 meals a month and also spent money on flowers , a court heard .\"]\n", + "=======================\n", + "['john howard , 66 , took cash from overseas press and media associationhe had been a member for 30 years but left company facing bankruptcyfather-of-three enjoyed monthly # 300 meals and sent money to his wifehoward was jailed for two and a half years at canterbury crown court']\n", + "john howard , 66 , from canterbury , kent , had been a member of the overseas press and media association for 30 years but began stealing funds two years ago , leaving the company facing bankruptcy .he was jailed for two and a half years and mouthed ` i 'm sorry ' to a former colleague as he left the dock at canterbury crown court .the father-of-three had sole access to the non-profit organisation 's account and enjoyed dining alone on several # 300 meals a month and also spent money on flowers , a court heard .\n", + "john howard , 66 , took cash from overseas press and media associationhe had been a member for 30 years but left company facing bankruptcyfather-of-three enjoyed monthly # 300 meals and sent money to his wifehoward was jailed for two and a half years at canterbury crown court\n", + "[1.4260465 1.4384745 1.3217055 1.4980375 1.04256 1.0169269 1.0165488\n", + " 1.0127382 1.0129828 1.0214465 1.0247124 1.0597134 1.0380098 1.0681864\n", + " 1.0551659 1.0162346 1.0772724 1.0342437 0. 0. ]\n", + "\n", + "[ 3 1 0 2 16 13 11 14 4 12 17 10 9 5 6 15 8 7 18 19]\n", + "=======================\n", + "['tom ince ( centre ) is currently on loan at derby from premier league side hull city and has been in fine formformer england and manchester united midfielder paul was in the stands as the on-loan hull player scored two long-range efforts for the visitors , one in each half .tom ince scored two fantastic goals in front of his dad as derby twice came from behind to share the points in a thrilling 4-4 draw at huddersfield .']\n", + "=======================\n", + "[\"derby 's tom ince scored two long-range goals at huddersfield in a 4-4 drawplay-off chasers derby were 1-0 up , 3-1 down and 4-3 behind in the gamethe amazing contest also saw huddersfield have three goals disallowed\"]\n", + "tom ince ( centre ) is currently on loan at derby from premier league side hull city and has been in fine formformer england and manchester united midfielder paul was in the stands as the on-loan hull player scored two long-range efforts for the visitors , one in each half .tom ince scored two fantastic goals in front of his dad as derby twice came from behind to share the points in a thrilling 4-4 draw at huddersfield .\n", + "derby 's tom ince scored two long-range goals at huddersfield in a 4-4 drawplay-off chasers derby were 1-0 up , 3-1 down and 4-3 behind in the gamethe amazing contest also saw huddersfield have three goals disallowed\n", + "[1.2058734 1.3653785 1.2851706 1.2102126 1.1341084 1.2334356 1.045253\n", + " 1.0241212 1.0843363 1.1004324 1.0635917 1.0753195 1.1058729 1.1280295\n", + " 1.0659728 1.0597367 1.1134123 1.040359 0. 0. ]\n", + "\n", + "[ 1 2 5 3 0 4 13 16 12 9 8 11 14 10 15 6 17 7 18 19]\n", + "=======================\n", + "['the couple , who have not been named , were arguing in the parking lot of an apartment complex in the 9800 block of south kirkwood road , south west houston .her husband admitted to police that during the heat of the argument he tried to drive off in his green chevrolet pickup truck when she grabbed the door handle , slipped and he ran her over .police say that they questioned the husband extensively but believe his story and have not filed charges against him .']\n", + "=======================\n", + "[\"her husband admits the pair had been arguing minutes before the accidentshe came to the driver 's door while her husband drove away and she fellpolice say they believe the husband 's story and have not charged himdoctors were able to deliver her 36-week-old baby in houston , texasthe pregnant woman , who has not been named , died later in hospital\"]\n", + "the couple , who have not been named , were arguing in the parking lot of an apartment complex in the 9800 block of south kirkwood road , south west houston .her husband admitted to police that during the heat of the argument he tried to drive off in his green chevrolet pickup truck when she grabbed the door handle , slipped and he ran her over .police say that they questioned the husband extensively but believe his story and have not filed charges against him .\n", + "her husband admits the pair had been arguing minutes before the accidentshe came to the driver 's door while her husband drove away and she fellpolice say they believe the husband 's story and have not charged himdoctors were able to deliver her 36-week-old baby in houston , texasthe pregnant woman , who has not been named , died later in hospital\n", + "[1.2108945 1.4398204 1.3166373 1.1651151 1.2747921 1.03446 1.12715\n", + " 1.085714 1.1118025 1.093237 1.0309982 1.0763885 1.0831213 1.0838126\n", + " 1.0886616 1.069263 1.0593191 1.0679791 0. 0. ]\n", + "\n", + "[ 1 2 4 0 3 6 8 9 14 7 13 12 11 15 17 16 5 10 18 19]\n", + "=======================\n", + "['the russian vessel oleg naydenov was carrying 1,400 metric tons of viscous fuel oil , when it caught fire in las palmas port on april 11 .it was towed out to sea as a precaution and sank some 15 miles south of the island three days later .clean up operation : volunteers clear oil from the sunken russian trawler naydenov on los seco beach , gran canaria']\n", + "=======================\n", + "['the russian vessel caught fire in port and was towed out to sea to sinkthree-mile oil slick also threatens tourist spots on tenerife and la gomeraclear-up operations ongoing on beaches near tourist town of maspalomas']\n", + "the russian vessel oleg naydenov was carrying 1,400 metric tons of viscous fuel oil , when it caught fire in las palmas port on april 11 .it was towed out to sea as a precaution and sank some 15 miles south of the island three days later .clean up operation : volunteers clear oil from the sunken russian trawler naydenov on los seco beach , gran canaria\n", + "the russian vessel caught fire in port and was towed out to sea to sinkthree-mile oil slick also threatens tourist spots on tenerife and la gomeraclear-up operations ongoing on beaches near tourist town of maspalomas\n", + "[1.3781829 1.4090945 1.1487557 1.2127087 1.2352095 1.233105 1.203189\n", + " 1.0962415 1.064567 1.0736233 1.0493242 1.076545 1.0474775 1.060118\n", + " 1.0473369 1.0266773 1.0116068 1.0103573 1.0126183 1.0258884]\n", + "\n", + "[ 1 0 4 5 3 6 2 7 11 9 8 13 10 12 14 15 19 18 16 17]\n", + "=======================\n", + "['kelley , 50 , was taken into custody at the atlanta airport wednesday after arriving on a flight from costa rica , deputy u.s. marshal jamie berry said .atlanta ( cnn ) federal marshals have arrested scott kelley , a fugitive accused of kidnapping who was featured on cnn \\'s \" the hunt . \"her trial is scheduled to start next month .']\n", + "=======================\n", + "['scott kelley , stepfather accused of kidnapping , is arrested at the atlanta airportmother genevieve kelley \\'s trial is set to begin next monthmary nunes \\' father says he is \" overjoyed she is alive and back in the us \"']\n", + "kelley , 50 , was taken into custody at the atlanta airport wednesday after arriving on a flight from costa rica , deputy u.s. marshal jamie berry said .atlanta ( cnn ) federal marshals have arrested scott kelley , a fugitive accused of kidnapping who was featured on cnn 's \" the hunt . \"her trial is scheduled to start next month .\n", + "scott kelley , stepfather accused of kidnapping , is arrested at the atlanta airportmother genevieve kelley 's trial is set to begin next monthmary nunes ' father says he is \" overjoyed she is alive and back in the us \"\n", + "[1.3693969 1.2569693 1.0770068 1.0940877 1.0984874 1.0681393 1.0551664\n", + " 1.116726 1.1439632 1.1113421 1.0584643 1.0706682 1.0348256 1.0149728\n", + " 1.1267538 1.066097 1.0584168 1.0935663 0. 0. ]\n", + "\n", + "[ 0 1 8 14 7 9 4 3 17 2 11 5 15 10 16 6 12 13 18 19]\n", + "=======================\n", + "[\"former secretary of state hillary rodham clinton got her budding presidential campaign 's first targeted question about the deadly 2012 benghazi terror attacks on tuesday night , and her answer was the sound of one hand clapping .the bash-the-rich candidate flew first class from boston to washington , d.c. after wrapping up a two-day new hampshire campaign trip .the islamist terror group ansar al-shariah 's military-style benghazi attacks will likely be a thorn in clinton 's side throughout the 2016 presidential campaign season .\"]\n", + "=======================\n", + "[\"former secretary of state landed tuesday night at washington reagan national airport after a first-class flight from bostonclinton stared ahead wordlessly , walked and did n't acknowledge questions as daily mail online asked whether she had made mistakes in benghazideadly attacks , carried out by an affiliate of al qaeda , claimed the lives of u.s. ambassador to libya chris stevens and three other us personnelspecial congressional committee investigating circumstances before and after the attacks ; its report will come out during 2016 presidential campaignquestions remain about clinton 's alleged failure to protect her diplomatic outpost , and the reasons she cited for the debacle after four flag-draped caskets came homeu.s. intelligence knew at the time that benghazi personnel were aware they were under attack , but clinton and other obama administration officials blamed an out-of-control protest linked to an anti-islam youtube video\"]\n", + "former secretary of state hillary rodham clinton got her budding presidential campaign 's first targeted question about the deadly 2012 benghazi terror attacks on tuesday night , and her answer was the sound of one hand clapping .the bash-the-rich candidate flew first class from boston to washington , d.c. after wrapping up a two-day new hampshire campaign trip .the islamist terror group ansar al-shariah 's military-style benghazi attacks will likely be a thorn in clinton 's side throughout the 2016 presidential campaign season .\n", + "former secretary of state landed tuesday night at washington reagan national airport after a first-class flight from bostonclinton stared ahead wordlessly , walked and did n't acknowledge questions as daily mail online asked whether she had made mistakes in benghazideadly attacks , carried out by an affiliate of al qaeda , claimed the lives of u.s. ambassador to libya chris stevens and three other us personnelspecial congressional committee investigating circumstances before and after the attacks ; its report will come out during 2016 presidential campaignquestions remain about clinton 's alleged failure to protect her diplomatic outpost , and the reasons she cited for the debacle after four flag-draped caskets came homeu.s. intelligence knew at the time that benghazi personnel were aware they were under attack , but clinton and other obama administration officials blamed an out-of-control protest linked to an anti-islam youtube video\n", + "[1.2428005 1.4391711 1.3396702 1.2133452 1.2277825 1.1904081 1.0268154\n", + " 1.0231361 1.0391484 1.1440954 1.0554397 1.1256198 1.0652862 1.0736693\n", + " 1.0686831 1.0597008 1.0551676 1.0498374 1.1350774]\n", + "\n", + "[ 1 2 0 4 3 5 9 18 11 13 14 12 15 10 16 17 8 6 7]\n", + "=======================\n", + "[\"keepers at the columbus zoo say ten-year-old irisa had mated before but never conceived .however , this spring it was found the female cat was pregnant - with triplets .a zoo in ohio is celebrating the ` miracle ' birth of three rare amur tiger cubs after it was feared their mother 's biological clock had stopped ticking .\"]\n", + "=======================\n", + "['keepers at the columbus zoo say ten-year-old irisa had bred before but never conceivedhowever , this spring it was found the female cat was pregnantwhile the birth on tuesday went smoothly , irisa failed to show any maternal care so her offspring are being hand-reared in an incubatorthey currently weigh 2.5 lbs but are set to grow to a heftier 650lbs']\n", + "keepers at the columbus zoo say ten-year-old irisa had mated before but never conceived .however , this spring it was found the female cat was pregnant - with triplets .a zoo in ohio is celebrating the ` miracle ' birth of three rare amur tiger cubs after it was feared their mother 's biological clock had stopped ticking .\n", + "keepers at the columbus zoo say ten-year-old irisa had bred before but never conceivedhowever , this spring it was found the female cat was pregnantwhile the birth on tuesday went smoothly , irisa failed to show any maternal care so her offspring are being hand-reared in an incubatorthey currently weigh 2.5 lbs but are set to grow to a heftier 650lbs\n", + "[1.3050256 1.3840599 1.333881 1.4561095 1.1431229 1.0245236 1.0328233\n", + " 1.0132766 1.0116037 1.0724639 1.0773133 1.1827542 1.0652971 1.0359302\n", + " 1.0657698 1.3102806 1.0584742 0. 0. ]\n", + "\n", + "[ 3 1 2 15 0 11 4 10 9 14 12 16 13 6 5 7 8 17 18]\n", + "=======================\n", + "['tiger woods and rory mcilroy were paired together for the final day , but neither could mount a challengemcilroy did his level best to repair the damage of a tentative opening 27 holes by shooting 31 for the back nine on friday and following it with scores of 68 and 66 over the weekend .the world no 1 finished strongly , but the battle came too late to challenge long-time leader jordan spieth for the green jacket .']\n", + "=======================\n", + "['rory mcilroy finished strongly to finish an impressive fourth in augustamcilroy did his best to repair the damage of a tentative opening 27 holesbut the battle came too late to challenge long-time leader jordan spiethspieth rounded off a record-breaking week by winning first major of careerread : mciiroy and justin rose lead tributes to spieth after masters win']\n", + "tiger woods and rory mcilroy were paired together for the final day , but neither could mount a challengemcilroy did his level best to repair the damage of a tentative opening 27 holes by shooting 31 for the back nine on friday and following it with scores of 68 and 66 over the weekend .the world no 1 finished strongly , but the battle came too late to challenge long-time leader jordan spieth for the green jacket .\n", + "rory mcilroy finished strongly to finish an impressive fourth in augustamcilroy did his best to repair the damage of a tentative opening 27 holesbut the battle came too late to challenge long-time leader jordan spiethspieth rounded off a record-breaking week by winning first major of careerread : mciiroy and justin rose lead tributes to spieth after masters win\n", + "[1.4509176 1.255132 1.4452784 1.3493156 1.1957717 1.0591941 1.0175227\n", + " 1.0219055 1.0164291 1.0155864 1.0144266 1.1996841 1.0656321 1.1160265\n", + " 1.1922812 1.0261987 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 11 4 14 13 12 5 15 7 6 8 9 10 17 16 18]\n", + "=======================\n", + "[\"bryony hibbert ( pictured ) , 25 , the girlfriend of the footballer caught having drunken sex in the dugout , has slammed those responsible for the clipstriker jay hart , 24 , could be heard laughing on the mobile phone footage as he was caught romping with the mystery blonde in his club t-shirt with his tracksuit bottoms around his legs .he was dismissed after the sex clip of his tryst at mossley afc in tameside was shared on social media and has now begged for his 25-year-old girlfriend bryony hibbert 's forgiveness .\"]\n", + "=======================\n", + "['striker jay hart , 24 , was caught having sex with supporter after 4-1 defeathe was filmed romping with mystery blonde in dugout wearing tracksuitgirlfriend bryony hibbert , who has two children , slammed creators of clipmr hart has apologised after he was sacked from non-league clitheroe fcif you know the identity of the blonde , email : jenny.awford@dailymail.co.uk or call 02036154835']\n", + "bryony hibbert ( pictured ) , 25 , the girlfriend of the footballer caught having drunken sex in the dugout , has slammed those responsible for the clipstriker jay hart , 24 , could be heard laughing on the mobile phone footage as he was caught romping with the mystery blonde in his club t-shirt with his tracksuit bottoms around his legs .he was dismissed after the sex clip of his tryst at mossley afc in tameside was shared on social media and has now begged for his 25-year-old girlfriend bryony hibbert 's forgiveness .\n", + "striker jay hart , 24 , was caught having sex with supporter after 4-1 defeathe was filmed romping with mystery blonde in dugout wearing tracksuitgirlfriend bryony hibbert , who has two children , slammed creators of clipmr hart has apologised after he was sacked from non-league clitheroe fcif you know the identity of the blonde , email : jenny.awford@dailymail.co.uk or call 02036154835\n", + "[1.310986 1.2480339 1.0494107 1.2982262 1.1832061 1.0592481 1.2661871\n", + " 1.1770933 1.0622919 1.06965 1.0729755 1.1608742 1.0744096 1.0347209\n", + " 1.0407733 1.0874784 0. 0. 0. ]\n", + "\n", + "[ 0 3 6 1 4 7 11 15 12 10 9 8 5 2 14 13 16 17 18]\n", + "=======================\n", + "[\"two adjoining ` his and hers ' mansions have gone on the market on the world-renowned sandbanks peninsula for # 13million .standing just a few feet apart , the beachfront homes are virtually identical in every way , boasting an indoor swimming pool , four storeys and stunning sea views .tom doyle , of estate agents lloyds property group which is selling both properties , said the homes would be perfect for a couple who like their independence .\"]\n", + "=======================\n", + "['adjoining homes are virtually identical , boasting indoor pool and sea viewsbut one of the beachfront homes in poole has an extra en-suite bedroomproperties have replaced a four-storey house which was sold for # 4.5 mlloyds property group said they would suit couple who like independence']\n", + "two adjoining ` his and hers ' mansions have gone on the market on the world-renowned sandbanks peninsula for # 13million .standing just a few feet apart , the beachfront homes are virtually identical in every way , boasting an indoor swimming pool , four storeys and stunning sea views .tom doyle , of estate agents lloyds property group which is selling both properties , said the homes would be perfect for a couple who like their independence .\n", + "adjoining homes are virtually identical , boasting indoor pool and sea viewsbut one of the beachfront homes in poole has an extra en-suite bedroomproperties have replaced a four-storey house which was sold for # 4.5 mlloyds property group said they would suit couple who like independence\n", + "[1.4058945 1.166072 1.2130127 1.2548888 1.242683 1.2659416 1.1402042\n", + " 1.1545154 1.0750854 1.0570542 1.0617144 1.0126128 1.036598 1.0228609\n", + " 1.0181066 1.0352167 0. 0. 0. ]\n", + "\n", + "[ 0 5 3 4 2 1 7 6 8 10 9 12 15 13 14 11 16 17 18]\n", + "=======================\n", + "[\"barclays chairman sir david walker defended the bank 's decision to pay out # 1.86 billion in bonusesshareholders are reeling from big losses in their investments and pension funds as barclays ' share price has plunged since the financial crisis .last year its profits dropped again by 21 per cent to # 2.3 billion after it was hit by huge bills for wrongdoing .\"]\n", + "=======================\n", + "[\"barclays shareholders angered by generous pay packages for top tradersinvestors reeling as bank 's share price has plunged since financial crisisbank has also been hit by huge bills for wrongdoing , with another comingchairman sir david walker defended pay out of # 1.86 billion in bonuses\"]\n", + "barclays chairman sir david walker defended the bank 's decision to pay out # 1.86 billion in bonusesshareholders are reeling from big losses in their investments and pension funds as barclays ' share price has plunged since the financial crisis .last year its profits dropped again by 21 per cent to # 2.3 billion after it was hit by huge bills for wrongdoing .\n", + "barclays shareholders angered by generous pay packages for top tradersinvestors reeling as bank 's share price has plunged since financial crisisbank has also been hit by huge bills for wrongdoing , with another comingchairman sir david walker defended pay out of # 1.86 billion in bonuses\n", + "[1.035583 1.299386 1.3479311 1.1850617 1.3386075 1.3413349 1.0865202\n", + " 1.0515996 1.0213262 1.0655608 1.0262176 1.0781221 1.0917474 1.0259448\n", + " 1.1093785 1.0251161 1.085547 1.0571766 1.0547097 1.0381317 1.021662\n", + " 1.038247 1.0235343]\n", + "\n", + "[ 2 5 4 1 3 14 12 6 16 11 9 17 18 7 21 19 0 10 13 15 22 20 8]\n", + "=======================\n", + "[\"brisbane locals were left scratching their heads after the mysterious message ` i 'm sorry ' followed by a love heart and two crosses for kisses was splashed across the city 's clear blue sky on monday afternoon .one desperate man has forked out nearly $ 4000 for a written message in the sky in a bid to seek forgivenessthe aerial apology hovered above the cbd at about 1pm , prompting several people to jump onto social media to question and voice their theories about who had done what .\"]\n", + "=======================\n", + "[\"locals were left wondering who 'd done what after a mysterious messagethe apology was splashed across brisbane 's cbd on monday afternoonit prompted questions and theories on twitter about who had done whatskywriter rob vance said the man did n't appear to be frantically lovelornthe service usually charges $ 3990 for up to 10 letters of charactersthe author and recipient of monday 's message remain a mystery\"]\n", + "brisbane locals were left scratching their heads after the mysterious message ` i 'm sorry ' followed by a love heart and two crosses for kisses was splashed across the city 's clear blue sky on monday afternoon .one desperate man has forked out nearly $ 4000 for a written message in the sky in a bid to seek forgivenessthe aerial apology hovered above the cbd at about 1pm , prompting several people to jump onto social media to question and voice their theories about who had done what .\n", + "locals were left wondering who 'd done what after a mysterious messagethe apology was splashed across brisbane 's cbd on monday afternoonit prompted questions and theories on twitter about who had done whatskywriter rob vance said the man did n't appear to be frantically lovelornthe service usually charges $ 3990 for up to 10 letters of charactersthe author and recipient of monday 's message remain a mystery\n", + "[1.0789238 1.2604709 1.2376815 1.2406553 1.070894 1.1635634 1.0620066\n", + " 1.1701584 1.1043813 1.0335019 1.0221703 1.0716357 1.043568 1.0562739\n", + " 1.0510432 1.0445482 1.0492054 1.0204293 1.0145051 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 7 5 8 0 11 4 6 13 14 16 15 12 9 10 17 18 21 19 20 22]\n", + "=======================\n", + "['since the news broke last weekend that hillary clinton had declared her candidacy , notable among the blitz of news stories are the many that refer to her as the mononymous \" hillary , \" as if she were a pop star in a pantsuit .even the new republic posted a piece about the run called \" there \\'s nothing inevitable about hillary . \"the new york post published an item titled \" lena dunham backs hillary for president \" while gossip site tmz refers to the former flotus , u.s. senator , and secretary of state on a first-name basis throughout its news story on the announcement .']\n", + "=======================\n", + "[\"peggy drexler : media , even candidate herself call clinton just ` hillary . 'she says especially in global context , trust , respect important for the potential leader of free world , not familiarity .\"]\n", + "since the news broke last weekend that hillary clinton had declared her candidacy , notable among the blitz of news stories are the many that refer to her as the mononymous \" hillary , \" as if she were a pop star in a pantsuit .even the new republic posted a piece about the run called \" there 's nothing inevitable about hillary . \"the new york post published an item titled \" lena dunham backs hillary for president \" while gossip site tmz refers to the former flotus , u.s. senator , and secretary of state on a first-name basis throughout its news story on the announcement .\n", + "peggy drexler : media , even candidate herself call clinton just ` hillary . 'she says especially in global context , trust , respect important for the potential leader of free world , not familiarity .\n", + "[1.4803499 1.4066159 1.4046528 1.2772359 1.1599466 1.0739973 1.0328248\n", + " 1.0363562 1.1831524 1.0219454 1.0248957 1.141648 1.0291857 1.0319117\n", + " 1.0179907 1.1716254 1.0220368 1.0112443 1.0111011 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 3 8 15 4 11 5 7 6 13 12 10 16 9 14 17 18 21 19 20 22]\n", + "=======================\n", + "[\"christian benteke believes it would be risky to suggest aston villa can be safe from relegation with one more victory .the belgian striker , back to form under manager tim sherwood with eight goals in six games , said his side must continue to stretch their lead over the drop zone .villa are six points clear of queens park rangers in 18th but the gap could close this weekend with burnley and leicester in premier league action and sherwood 's team in the fa cup semi-final .\"]\n", + "=======================\n", + "['aston villa beat tottenham 1-0 at white hart lane on saturdaythe win moved villa six points clear of the relegation zonebenteke says it would be risky to think one more win would be enough']\n", + "christian benteke believes it would be risky to suggest aston villa can be safe from relegation with one more victory .the belgian striker , back to form under manager tim sherwood with eight goals in six games , said his side must continue to stretch their lead over the drop zone .villa are six points clear of queens park rangers in 18th but the gap could close this weekend with burnley and leicester in premier league action and sherwood 's team in the fa cup semi-final .\n", + "aston villa beat tottenham 1-0 at white hart lane on saturdaythe win moved villa six points clear of the relegation zonebenteke says it would be risky to think one more win would be enough\n", + "[1.0427533 1.3011298 1.2920586 1.2038823 1.1591312 1.0764185 1.080948\n", + " 1.0796925 1.1162838 1.067096 1.0582279 1.0401337 1.0294236 1.0348549\n", + " 1.0416083 1.0303831 1.0179026 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 4 8 6 7 5 9 10 0 14 11 13 15 12 16 21 17 18 19 20 22]\n", + "=======================\n", + "['the certificate documents my successful completion of the dc special flight rules area , or sfra , online course .the online course verifies that i am knowledgeable to fly a plane under visual flight rules into the most highly restricted u.s. airspace in the country .although a \" no-fly zone \" over the white house has long existed , the sfra airspace was developed to protect the washington area further after the 9/11 terrorist attacks .']\n", + "=======================\n", + "[\"les abend : how did gyrocopter fly on to capitol grounds when faa , defense forces keep tight rein on airspace ?he says gyrocopter may be lightweight and slow enough that it evaded radarhe says it 's unlikely such a flight could pose a serious danger\"]\n", + "the certificate documents my successful completion of the dc special flight rules area , or sfra , online course .the online course verifies that i am knowledgeable to fly a plane under visual flight rules into the most highly restricted u.s. airspace in the country .although a \" no-fly zone \" over the white house has long existed , the sfra airspace was developed to protect the washington area further after the 9/11 terrorist attacks .\n", + "les abend : how did gyrocopter fly on to capitol grounds when faa , defense forces keep tight rein on airspace ?he says gyrocopter may be lightweight and slow enough that it evaded radarhe says it 's unlikely such a flight could pose a serious danger\n", + "[1.1802045 1.4543902 1.2631769 1.3599699 1.1728445 1.1296321 1.1402338\n", + " 1.0870236 1.0814745 1.0760188 1.1340636 1.1459845 1.0169132 1.0112338\n", + " 1.0097356 1.0132797 1.0326238 1.0585021 1.0805737 1.0504298 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 11 6 10 5 7 8 18 9 17 19 16 12 15 13 14 20 21 22]\n", + "=======================\n", + "[\"richard kerr , 53 , said he was one of three youngsters who were taken from the home in belfast to london in the 1970s .once in the capital , they were allegedly molested by politicians and other establishment figures at dolphin square and elm guest house -- which are now under investigation by scotland yard .vulnerable boys were trafficked from a children 's home before being abused by ` very powerful ' figures in a westminster paedophile ring , a victim has claimed .\"]\n", + "=======================\n", + "[\"richard kerr says he was taken from the belfast home to london in 1970sclaims he and two other youngsters were abused by ` very powerful ' figuresmr kerr , who now lives in dallas , texas , made a highly emotional return to london last month to visit the scenes of his alleged abuseaccount provides the first clear link between three alleged major vip paedophile rings that operated in london and northern ireland\"]\n", + "richard kerr , 53 , said he was one of three youngsters who were taken from the home in belfast to london in the 1970s .once in the capital , they were allegedly molested by politicians and other establishment figures at dolphin square and elm guest house -- which are now under investigation by scotland yard .vulnerable boys were trafficked from a children 's home before being abused by ` very powerful ' figures in a westminster paedophile ring , a victim has claimed .\n", + "richard kerr says he was taken from the belfast home to london in 1970sclaims he and two other youngsters were abused by ` very powerful ' figuresmr kerr , who now lives in dallas , texas , made a highly emotional return to london last month to visit the scenes of his alleged abuseaccount provides the first clear link between three alleged major vip paedophile rings that operated in london and northern ireland\n", + "[1.2899863 1.4219464 1.2951019 1.1841456 1.1716075 1.1026784 1.051272\n", + " 1.0786028 1.157227 1.0625147 1.041156 1.1155747 1.0478431 1.0314982\n", + " 1.07061 1.0659816 1.0393109 1.0333632 1.041049 1.0347914 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 8 11 5 7 14 15 9 6 12 10 18 16 19 17 13 22 20 21 23]\n", + "=======================\n", + "[\"it found alpha delta responsible for causing harm to pledges and violating terms of a suspension for alcohol violations .the fraternity has until next monday to appeal the decision .a dartmouth college judicial committee has ` derecognized ' a fraternity that partly inspired the 1978 cult classic ` animal house ' because some new members received brands on their backsides .\"]\n", + "=======================\n", + "['college judicial committee found alpha delta responsible for causing harm to pledges and violating terms of suspension for alcohol violationsthe 46-year-old fraternity has until next monday to appeal the decisionalpha delta attorney previously said small group of members voluntarily chose to get brands']\n", + "it found alpha delta responsible for causing harm to pledges and violating terms of a suspension for alcohol violations .the fraternity has until next monday to appeal the decision .a dartmouth college judicial committee has ` derecognized ' a fraternity that partly inspired the 1978 cult classic ` animal house ' because some new members received brands on their backsides .\n", + "college judicial committee found alpha delta responsible for causing harm to pledges and violating terms of suspension for alcohol violationsthe 46-year-old fraternity has until next monday to appeal the decisionalpha delta attorney previously said small group of members voluntarily chose to get brands\n", + "[1.2072102 1.5415906 1.3578779 1.207943 1.0326111 1.0719339 1.0323768\n", + " 1.0211278 1.0308832 1.1728117 1.1203328 1.0228341 1.0194808 1.1689743\n", + " 1.1337867 1.0678754 1.0160851 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 9 13 14 10 5 15 4 6 8 11 7 12 16 22 17 18 19 20 21 23]\n", + "=======================\n", + "[\"busy man : gary barlow is preparing for his musical finding neverland to open and the new take that tour to beginfor as the remaining members gary barlow , mark owen and howard donald prepare to hit the road as a trio on their new tour - opening in glasgow on april 27 - gary has revealed to mailonline that jason will be proudly cheering on his former bandmates .jason orange shocked take that fans around the world when he quit the chart-topping band last september but he has n't said goodbye to them forever .\"]\n", + "=======================\n", + "[\"spoke to mailonline ahead of premiere of his new musical finding neverlandgary was handpicked by harvey weinstein to write the music for the showsaid jason 's departure was ` strange ' at first but take that have moved onpromised fans an ` extravaganza ' on the new take that tour\"]\n", + "busy man : gary barlow is preparing for his musical finding neverland to open and the new take that tour to beginfor as the remaining members gary barlow , mark owen and howard donald prepare to hit the road as a trio on their new tour - opening in glasgow on april 27 - gary has revealed to mailonline that jason will be proudly cheering on his former bandmates .jason orange shocked take that fans around the world when he quit the chart-topping band last september but he has n't said goodbye to them forever .\n", + "spoke to mailonline ahead of premiere of his new musical finding neverlandgary was handpicked by harvey weinstein to write the music for the showsaid jason 's departure was ` strange ' at first but take that have moved onpromised fans an ` extravaganza ' on the new take that tour\n", + "[1.304648 1.2230964 1.2354634 1.3731074 1.2642226 1.1066976 1.1338947\n", + " 1.088125 1.066078 1.0318577 1.0380778 1.0694431 1.0287364 1.0733218\n", + " 1.0507098 1.0131803 1.0205107 1.0129237 1.0584518 1.0739014 1.0794712\n", + " 1.0345513 1.0559998 1.0585941]\n", + "\n", + "[ 3 0 4 2 1 6 5 7 20 19 13 11 8 23 18 22 14 10 21 9 12 16 15 17]\n", + "=======================\n", + "[\"philadelphia mayoral candidate lynne abraham ( left ) collapsed on stage 10 minutes into tuesday night 's hour-long debate between democratic candidatesthe former philadelphia district attorney abraham allegedly suffered a momentary drop in blood pressure .mayoral candidate nelson diaz quickly came to abraham 's aide and helped her stand up when she regained consciousness .\"]\n", + "=======================\n", + "[\"candidate lynne abraham says she suffered a momentary drop in blood pressure and that it 's never happened beforewhile a doctor kept her from returning to the debate , the 74-year-old former district attorney says she will not let the incident affect her campaign\"]\n", + "philadelphia mayoral candidate lynne abraham ( left ) collapsed on stage 10 minutes into tuesday night 's hour-long debate between democratic candidatesthe former philadelphia district attorney abraham allegedly suffered a momentary drop in blood pressure .mayoral candidate nelson diaz quickly came to abraham 's aide and helped her stand up when she regained consciousness .\n", + "candidate lynne abraham says she suffered a momentary drop in blood pressure and that it 's never happened beforewhile a doctor kept her from returning to the debate , the 74-year-old former district attorney says she will not let the incident affect her campaign\n", + "[1.1821699 1.4012296 1.2780284 1.3489748 1.1990253 1.0790201 1.0732272\n", + " 1.145639 1.1434196 1.0378256 1.0316571 1.1561172 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 11 7 8 5 6 9 10 21 20 19 18 17 14 15 13 12 22 16 23]\n", + "=======================\n", + "[\"dr mark porter , head of the british medical association , the doctors ' union , said that whoever wins the election will inevitably be tempted to bring in charges .all three major parties have denied there will be any end to the principle that the nhs should be free at the point of use .critics will say that if gps had not enjoyed such enormous pay rises over the past decade , there would be much more money around .\"]\n", + "=======================\n", + "['dr mark porter said election winner will be tempted to bring in chargesnhs england forecast a # 30bn budget gap by 2020 unless savings made']\n", + "dr mark porter , head of the british medical association , the doctors ' union , said that whoever wins the election will inevitably be tempted to bring in charges .all three major parties have denied there will be any end to the principle that the nhs should be free at the point of use .critics will say that if gps had not enjoyed such enormous pay rises over the past decade , there would be much more money around .\n", + "dr mark porter said election winner will be tempted to bring in chargesnhs england forecast a # 30bn budget gap by 2020 unless savings made\n", + "[1.4335399 1.2887537 1.3201073 1.1028744 1.3669485 1.2450283 1.1660191\n", + " 1.0424582 1.0269274 1.0160582 1.0119143 1.177684 1.0215124 1.0207821\n", + " 1.272344 1.1109754 1.007407 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 4 2 1 14 5 11 6 15 3 7 8 12 13 9 10 16 22 17 18 19 20 21 23]\n", + "=======================\n", + "[\"everton manager roberto martinez insists he is not worried that romelu lukaku 's new agent will destabilise the player -- even though incendiary comments last week look like they were made with that intention .romelu lukaku ( left ) has had some big claims made about him by his new agent mino raiola ( right )lukaku was absent injured as phil jagielka 's goal settled this match to give everton a third straight victory .\"]\n", + "=======================\n", + "[\"romelu lukaku 's agent mino raiola said his client would leave for big clubhowever roberto martinez is not concerned by raiola 's recent claimslukaku missed everton 's 1-0 win over southampton due to injury\"]\n", + "everton manager roberto martinez insists he is not worried that romelu lukaku 's new agent will destabilise the player -- even though incendiary comments last week look like they were made with that intention .romelu lukaku ( left ) has had some big claims made about him by his new agent mino raiola ( right )lukaku was absent injured as phil jagielka 's goal settled this match to give everton a third straight victory .\n", + "romelu lukaku 's agent mino raiola said his client would leave for big clubhowever roberto martinez is not concerned by raiola 's recent claimslukaku missed everton 's 1-0 win over southampton due to injury\n", + "[1.2275031 1.3477058 1.4193482 1.289775 1.1510482 1.1465741 1.1339909\n", + " 1.1094358 1.0835955 1.0877478 1.1043838 1.0541872 1.0234537 1.0242785\n", + " 1.0257992 1.0387843 1.0743587 1.0268574 1.0707192 1.0381662 1.0525249]\n", + "\n", + "[ 2 1 3 0 4 5 6 7 10 9 8 16 18 11 20 15 19 17 14 13 12]\n", + "=======================\n", + "[\"brandon wyne was in the backseat of the car driven by his friend courtney griffith , 18 , on january 10 when they were pulled over for a broken tail light .the footage has prompted an investigation into the officers ' conduct - and claims he even tried to delete the video , but failed .a police officer has been filmed beating and tasering a 17-year-old boy during a traffic stop in virginia .\"]\n", + "=======================\n", + "['brandon wyne , 17 , and courtney griffith , 18 , were pulled over for broken tail light in virginia beach in januarypolice said they could smell marijuana and ordered them out of the carwyne agreed but on the condition nobody touch him until his mom arriveofficer hits him , sprays him with pepper spray , stuns him with taserfootage has emerged after griffith found it in her deleted foldervirginia beach pd investigating conduct and evidence tampering']\n", + "brandon wyne was in the backseat of the car driven by his friend courtney griffith , 18 , on january 10 when they were pulled over for a broken tail light .the footage has prompted an investigation into the officers ' conduct - and claims he even tried to delete the video , but failed .a police officer has been filmed beating and tasering a 17-year-old boy during a traffic stop in virginia .\n", + "brandon wyne , 17 , and courtney griffith , 18 , were pulled over for broken tail light in virginia beach in januarypolice said they could smell marijuana and ordered them out of the carwyne agreed but on the condition nobody touch him until his mom arriveofficer hits him , sprays him with pepper spray , stuns him with taserfootage has emerged after griffith found it in her deleted foldervirginia beach pd investigating conduct and evidence tampering\n", + "[1.3419843 1.3883786 1.0891376 1.2203902 1.1585749 1.1926208 1.2100742\n", + " 1.0975989 1.0804293 1.2126845 1.0356008 1.0165908 1.0846314 1.0334321\n", + " 1.0552684 1.0293788 1.0176728 1.0256186 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 9 6 5 4 7 2 12 8 14 10 13 15 17 16 11 19 18 20]\n", + "=======================\n", + "[\"briony ingerson posted the image from an ` african-themed party ' almost three months ago , writing that the costume was as a light-hearted tribute to a friend who was working on network ten program ` i 'm a celebrity ... get me out of here ! 'fox sports australia will not take action against a freelance presenter who posted an instagram picture of herself and a friend in blackface make-up .sports presenter briony ingerson has been widely criticised for posting a photo with black face make up\"]\n", + "=======================\n", + "[\"briony ingerson posted a photo of herself and a friend in ` blackface 'the fox sports australia freelance presenter proceeded to defend her actions on twitter , writing ` it was an african costume party #notracistatall 'fox sports australia say they are satisfied ingerson is upset , apologetic and understands her actions were offensiveissue was flagged by a journalism student who worked alongside ingerson\"]\n", + "briony ingerson posted the image from an ` african-themed party ' almost three months ago , writing that the costume was as a light-hearted tribute to a friend who was working on network ten program ` i 'm a celebrity ... get me out of here ! 'fox sports australia will not take action against a freelance presenter who posted an instagram picture of herself and a friend in blackface make-up .sports presenter briony ingerson has been widely criticised for posting a photo with black face make up\n", + "briony ingerson posted a photo of herself and a friend in ` blackface 'the fox sports australia freelance presenter proceeded to defend her actions on twitter , writing ` it was an african costume party #notracistatall 'fox sports australia say they are satisfied ingerson is upset , apologetic and understands her actions were offensiveissue was flagged by a journalism student who worked alongside ingerson\n", + "[1.1431829 1.4944122 1.2720532 1.0647956 1.0664443 1.1492275 1.061354\n", + " 1.0967809 1.0995163 1.100464 1.2529693 1.1072196 1.0705518 1.0103748\n", + " 1.0223416 1.0570726 1.1143879 1.0756764 1.0606618 0. 0. ]\n", + "\n", + "[ 1 2 10 5 0 16 11 9 8 7 17 12 4 3 6 18 15 14 13 19 20]\n", + "=======================\n", + "['jack rivera , a new york trucker , captured the collision on his dashcam as he drove along the interstate 35e in texas last wednesday .footage shows the driver of a black suv , identified as 49-year-old laura michelle mayeaux , coming off at the 397 exit and veering over to the wrong side of the lane .thick black skid marks can be seen on the tarmac as smoke fills the air .']\n", + "=======================\n", + "['jack rivera , a new york trucker , captured the collision on his dashcam as he drove along the interstate 35e in texas last wednesdaypolice said the driver in the suv , identified as laura michelle mayeaux , may have been intoxicated and trying to take her own lifeshe was transported to baylor university medical center in dallas because of the injuries she sustained during the wreckher last known condition was reported as criticalit is not known if mayeaux will face charges and the event remains under investigation']\n", + "jack rivera , a new york trucker , captured the collision on his dashcam as he drove along the interstate 35e in texas last wednesday .footage shows the driver of a black suv , identified as 49-year-old laura michelle mayeaux , coming off at the 397 exit and veering over to the wrong side of the lane .thick black skid marks can be seen on the tarmac as smoke fills the air .\n", + "jack rivera , a new york trucker , captured the collision on his dashcam as he drove along the interstate 35e in texas last wednesdaypolice said the driver in the suv , identified as laura michelle mayeaux , may have been intoxicated and trying to take her own lifeshe was transported to baylor university medical center in dallas because of the injuries she sustained during the wreckher last known condition was reported as criticalit is not known if mayeaux will face charges and the event remains under investigation\n", + "[1.2210059 1.4917305 1.3472288 1.3926132 1.1390177 1.0784613 1.1292549\n", + " 1.0552799 1.0754714 1.165714 1.0413524 1.0389037 1.0304117 1.0277764\n", + " 1.156122 1.0565606 1.0210315 1.0112805 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 9 14 4 6 5 8 15 7 10 11 12 13 16 17 19 18 20]\n", + "=======================\n", + "['sarah weatherill , 31 , became so dependent on the energy drink she was told if she cut down too quickly she could suffer a seizure as her body was so used to the caffeine .the law student spent a staggering # 5,460 every year on the popular energy drink since she became hooked in 2009 .a mother-of-four whose addiction to red bull saw her drinking 24 cans of a day claims she has been cured of her habit by hypnosis .']\n", + "=======================\n", + "['sarah weatherill , 31 , spent # 5 , 460 every year on the popular energy drinkher 24-a-day habit left her lethargic , depressed and with heart palpitationsif she cut down too quickly she was told she risked suffering a seizureclaims her addiction was cured by one 50 minute hypnosis session']\n", + "sarah weatherill , 31 , became so dependent on the energy drink she was told if she cut down too quickly she could suffer a seizure as her body was so used to the caffeine .the law student spent a staggering # 5,460 every year on the popular energy drink since she became hooked in 2009 .a mother-of-four whose addiction to red bull saw her drinking 24 cans of a day claims she has been cured of her habit by hypnosis .\n", + "sarah weatherill , 31 , spent # 5 , 460 every year on the popular energy drinkher 24-a-day habit left her lethargic , depressed and with heart palpitationsif she cut down too quickly she was told she risked suffering a seizureclaims her addiction was cured by one 50 minute hypnosis session\n", + "[1.17931 1.5364947 1.2106754 1.3490027 1.3504386 1.1825018 1.0997554\n", + " 1.0984192 1.1159385 1.0167792 1.0153486 1.0136207 1.0882224 1.0730602\n", + " 1.0131516 1.019073 1.0087699 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 2 5 0 8 6 7 12 13 15 9 10 11 14 16 19 17 18 20]\n", + "=======================\n", + "[\"angie donohue has told how her husband of four years , daryl scott donohue , 43 , had tried to hire someone to kill her , even from the confines of his prison cell .` i was frightened of him , i was just terrified of him , ' mrs donohue revealed in an interview with a current affair .a terrified woman has revealed her estranged husband 's chilling plot to have her killed , not once , but twice .\"]\n", + "=======================\n", + "[\"angie donohue revealed how her husband tried to have her killeddaryl scott donohue first tried to hire a hit man to ` take care of her 'donohue was caught convicted of inciting murder and stalkinghe then continued to plot her murder from behind barsan inmate who was approached by donohue went to police with information on how the prisoner tried to pay him to kill his wifedonohue was charged again and hit with an extra seven year sentencehe is reportedly trying to appeal the second conviction\"]\n", + "angie donohue has told how her husband of four years , daryl scott donohue , 43 , had tried to hire someone to kill her , even from the confines of his prison cell .` i was frightened of him , i was just terrified of him , ' mrs donohue revealed in an interview with a current affair .a terrified woman has revealed her estranged husband 's chilling plot to have her killed , not once , but twice .\n", + "angie donohue revealed how her husband tried to have her killeddaryl scott donohue first tried to hire a hit man to ` take care of her 'donohue was caught convicted of inciting murder and stalkinghe then continued to plot her murder from behind barsan inmate who was approached by donohue went to police with information on how the prisoner tried to pay him to kill his wifedonohue was charged again and hit with an extra seven year sentencehe is reportedly trying to appeal the second conviction\n", + "[1.22333 1.3898427 1.3658634 1.0779784 1.2363715 1.2870901 1.1160423\n", + " 1.0677137 1.170691 1.0389292 1.0503657 1.0227225 1.0582393 1.0563898\n", + " 1.060401 1.0847806 1.0358406 0. 0. 0. ]\n", + "\n", + "[ 1 2 5 4 0 8 6 15 3 7 14 12 13 10 9 16 11 18 17 19]\n", + "=======================\n", + "['benjamin mellor ripped open one of the 41 bales of cocaine after food ran out and he broke his wrist , cork circuit criminal court heard .the 35-year-old window cleaner , from bradford , was one of three brits who were arrested after naval officers stormed the yacht 200 miles off the south-west coast of ireland in september .thomas britteon , 28 , also received eight years for the same charges while john powell , 70 , was sentenced for 10 .']\n", + "=======================\n", + "['benjamin mellor ripped package of drugs open after food ran out35-year-old was one of three arrested after naval officers stormed yachtthey were all sentenced at cork circuit criminal court yesterday']\n", + "benjamin mellor ripped open one of the 41 bales of cocaine after food ran out and he broke his wrist , cork circuit criminal court heard .the 35-year-old window cleaner , from bradford , was one of three brits who were arrested after naval officers stormed the yacht 200 miles off the south-west coast of ireland in september .thomas britteon , 28 , also received eight years for the same charges while john powell , 70 , was sentenced for 10 .\n", + "benjamin mellor ripped package of drugs open after food ran out35-year-old was one of three arrested after naval officers stormed yachtthey were all sentenced at cork circuit criminal court yesterday\n", + "[1.3337114 1.2470889 1.1079175 1.1411434 1.180423 1.2045989 1.2275963\n", + " 1.07101 1.0839522 1.0997033 1.0327609 1.0159259 1.0836841 1.0533338\n", + " 1.0256608 1.024608 1.0122793 1.0955547 1.2039671 1.0542454]\n", + "\n", + "[ 0 1 6 5 18 4 3 2 9 17 8 12 7 19 13 10 14 15 11 16]\n", + "=======================\n", + "[\"a year after he launched his own app and made headlines , leo grand is still homelessin august 2013 mcconlogue offered grand , the homeless man he saw every day on his walk to work in new york city , a deal : he would either give him $ 100 , or he would teach him how to code .it 's been a year and a half since that moment led to grand and his mentor , patrick mcconlogue , becoming media sensations .\"]\n", + "=======================\n", + "[\"leo grand was offered a deal : either $ 100 or lessons in coding from patrick mcconlogue , who passed him on the street every dayafter daily coding lessons grand launched carpooling app trees for carsgrand said he made $ 15,000 from the app , which is no longer in stores because he does not want to pay for the server spacehe said he has n't found the time to code every day anymoregrand insists he likes living outdoors , but said he should have come up with an idea that made more money\"]\n", + "a year after he launched his own app and made headlines , leo grand is still homelessin august 2013 mcconlogue offered grand , the homeless man he saw every day on his walk to work in new york city , a deal : he would either give him $ 100 , or he would teach him how to code .it 's been a year and a half since that moment led to grand and his mentor , patrick mcconlogue , becoming media sensations .\n", + "leo grand was offered a deal : either $ 100 or lessons in coding from patrick mcconlogue , who passed him on the street every dayafter daily coding lessons grand launched carpooling app trees for carsgrand said he made $ 15,000 from the app , which is no longer in stores because he does not want to pay for the server spacehe said he has n't found the time to code every day anymoregrand insists he likes living outdoors , but said he should have come up with an idea that made more money\n", + "[1.3542246 1.4229374 1.2981379 1.3704076 1.1707307 1.0523069 1.0717146\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 6 5 17 16 15 14 13 9 11 10 18 8 7 12 19]\n", + "=======================\n", + "[\"the council will now offer up to # 200,000 to candidates , rather than the # 160,000 enjoyed by former chief boss martin kimber .he left in december after a council report said 1,400 children had suffered horrific sexual abuse over a 16-year period .the rest of the cabinet resigned in february , after a government report said the council was ` not fit for purpose ' and ` in denial ' about exploitation , mainly of white girls by men of pakistani origin .\"]\n", + "=======================\n", + "[\"new chief executive may require ` additional incentives ' to take the rolethe rotherham council will now offer up to # 200,000 to ceo candidatesits former boss stepped down in the wake of damaging council reportthe report showed 1,400 children had suffered horrific sexual abuse\"]\n", + "the council will now offer up to # 200,000 to candidates , rather than the # 160,000 enjoyed by former chief boss martin kimber .he left in december after a council report said 1,400 children had suffered horrific sexual abuse over a 16-year period .the rest of the cabinet resigned in february , after a government report said the council was ` not fit for purpose ' and ` in denial ' about exploitation , mainly of white girls by men of pakistani origin .\n", + "new chief executive may require ` additional incentives ' to take the rolethe rotherham council will now offer up to # 200,000 to ceo candidatesits former boss stepped down in the wake of damaging council reportthe report showed 1,400 children had suffered horrific sexual abuse\n", + "[1.3996464 1.1659267 1.378257 1.2808543 1.3347862 1.091474 1.0949581\n", + " 1.0545586 1.0620642 1.1788665 1.0388764 1.0593218 1.1302924 1.0609794\n", + " 1.0488857 1.0435774 1.0362333 1.0572042 0. 0. ]\n", + "\n", + "[ 0 2 4 3 9 1 12 6 5 8 13 11 17 7 14 15 10 16 18 19]\n", + "=======================\n", + "[\"william beggs ( pictured ) is known as the limbs in the loch killer for raping , murdering and dismembering barry wallace , 18 , in 1999the teenager 's limbs and torso were found in loch lomond and his head was dumped in the sea off the ayrshire coast .a convicted murderer who murdered and dismembered his teenage victim has had boiling hot water thrown over him in an apparent revenge attack in a scottish prison .\"]\n", + "=======================\n", + "['infamous limbs in loch killer william beggs was attacked in prisonserving life for murdering and dismembering barry wallace in 1999scalded when fellow prisoner threw hot water on him in revenge attack']\n", + "william beggs ( pictured ) is known as the limbs in the loch killer for raping , murdering and dismembering barry wallace , 18 , in 1999the teenager 's limbs and torso were found in loch lomond and his head was dumped in the sea off the ayrshire coast .a convicted murderer who murdered and dismembered his teenage victim has had boiling hot water thrown over him in an apparent revenge attack in a scottish prison .\n", + "infamous limbs in loch killer william beggs was attacked in prisonserving life for murdering and dismembering barry wallace in 1999scalded when fellow prisoner threw hot water on him in revenge attack\n", + "[1.430806 1.2093921 1.4742099 1.2032946 1.2507725 1.0849522 1.0278735\n", + " 1.1573997 1.0714405 1.028263 1.0386928 1.0380863 1.042823 1.0307796\n", + " 1.0426761 1.0680771 1.110515 0. 0. 0. ]\n", + "\n", + "[ 2 0 4 1 3 7 16 5 8 15 12 14 10 11 13 9 6 17 18 19]\n", + "=======================\n", + "[\"carlos manuel perez jr , 28 , was allegedly pitted against andrew jay arevalo , 24 , inside high desert state prison in indian springs on november 12 of last year .the blasts killed perez and left arevalo with wounds to his face , according to the suit , which is seeking damages for a slew of allegations , including wrongful death and excessive force .nevada prison guards allegedly staged a ` gladiator-like ' man-on-man fight between handcuffed inmates in the corridors of a maximum-security prison , then broke it up by opening fire with a shotgun .\"]\n", + "=======================\n", + "['carlos manuel perez , 28 , allegedly made to fight andrew jay arevalo , 24fight happened at high desert state prison in indian springs in novemberperez was shot dead by corrections officer ; arevalo survived with woundsattorney has claimed officers staged the fight between the twofiled lawsuit for large amount of damages in nevada state court']\n", + "carlos manuel perez jr , 28 , was allegedly pitted against andrew jay arevalo , 24 , inside high desert state prison in indian springs on november 12 of last year .the blasts killed perez and left arevalo with wounds to his face , according to the suit , which is seeking damages for a slew of allegations , including wrongful death and excessive force .nevada prison guards allegedly staged a ` gladiator-like ' man-on-man fight between handcuffed inmates in the corridors of a maximum-security prison , then broke it up by opening fire with a shotgun .\n", + "carlos manuel perez , 28 , allegedly made to fight andrew jay arevalo , 24fight happened at high desert state prison in indian springs in novemberperez was shot dead by corrections officer ; arevalo survived with woundsattorney has claimed officers staged the fight between the twofiled lawsuit for large amount of damages in nevada state court\n", + "[1.3108927 1.1518767 1.3320161 1.2434969 1.25367 1.1826757 1.0756749\n", + " 1.0349209 1.0890044 1.1970814 1.0710232 1.0312595 1.100815 1.0432935\n", + " 1.0173855 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 4 3 9 5 1 12 8 6 10 13 7 11 14 17 15 16 18]\n", + "=======================\n", + "['the humongous attraction on staten island promises stunning panoramic views of the manhattan skyline , in addition to other new york city boroughs and the neighbouring state of new jersey .new york is set to officially break ground this week on a ferris wheel that could become the tallest in the world once it is completed in early 2017 .set near the st george ferry terminal the giant observation wheel will cost an estimated $ 25 to $ 30 for a 38-minute ride']\n", + "=======================\n", + "['official ground-breaking for the 630-ft new york wheel will take place this week on staten islandconstruction started last week on the dubai eye , which will be just 60ft highernew york wheel will have mobile bar cars , a 20-seat restaurant and a 4-d ride on the ground']\n", + "the humongous attraction on staten island promises stunning panoramic views of the manhattan skyline , in addition to other new york city boroughs and the neighbouring state of new jersey .new york is set to officially break ground this week on a ferris wheel that could become the tallest in the world once it is completed in early 2017 .set near the st george ferry terminal the giant observation wheel will cost an estimated $ 25 to $ 30 for a 38-minute ride\n", + "official ground-breaking for the 630-ft new york wheel will take place this week on staten islandconstruction started last week on the dubai eye , which will be just 60ft highernew york wheel will have mobile bar cars , a 20-seat restaurant and a 4-d ride on the ground\n", + "[1.1136609 1.5235772 1.3507628 1.3281585 1.2988715 1.2641084 1.0461465\n", + " 1.0414603 1.0178725 1.1471443 1.1173168 1.0413971 1.061264 1.109839\n", + " 1.0273076 1.0386211 1.0387822 0. 0. ]\n", + "\n", + "[ 1 2 3 4 5 9 10 0 13 12 6 7 11 16 15 14 8 17 18]\n", + "=======================\n", + "['the prize porker , known as pigwig , had fallen into the pool in an upmarket neighbourhood in ringwood , hampshire .his owners had been taking him for a walk around the garden when the animal plunged into the water and was unable to get out .a team from dorset fire and rescue struggled to haul the huge black pig out of swimming pool water']\n", + "=======================\n", + "['giant pig fell into the swimming pool at his home in ringwood , hampshireit took the efforts of a team of firefighters to winch him out of the watera wayward horse also had to be rescued from a swimming pool in sussex']\n", + "the prize porker , known as pigwig , had fallen into the pool in an upmarket neighbourhood in ringwood , hampshire .his owners had been taking him for a walk around the garden when the animal plunged into the water and was unable to get out .a team from dorset fire and rescue struggled to haul the huge black pig out of swimming pool water\n", + "giant pig fell into the swimming pool at his home in ringwood , hampshireit took the efforts of a team of firefighters to winch him out of the watera wayward horse also had to be rescued from a swimming pool in sussex\n", + "[1.3577422 1.3163383 1.2368319 1.281674 1.2829164 1.1448057 1.1941816\n", + " 1.0349021 1.079181 1.06631 1.0935966 1.0278014 1.0455519 1.0595549\n", + " 1.0366044 1.048028 1.0466744 1.0415065 1.0486842]\n", + "\n", + "[ 0 1 4 3 2 6 5 10 8 9 13 18 15 16 12 17 14 7 11]\n", + "=======================\n", + "['a freight train carrying a dangerous form of ammonia derailed in a rural area of south carolina on friday night - causing several cars to overturn and leak , and sparking a 1.5-mile-wide evacuation .the train was traveling through salters pond road and highway 121 , near the town of trenton , shortly after 8.30 pm when it derailed after apparently hitting a tree that had fallen onto the tracks .it was also transporting non-hazardous ammonia nitrate']\n", + "=======================\n", + "['norfolk southern train was traveling near trenton , south carolina , fridayit was transporting anhydrous ammonia - highly toxic , dangerous chemicalit derailed shortly after 8.30 pm after apparently hitting a tree on the tracksup to 15 cars overturned and leaked ; haz mat crew was dispatched to siteincident sparked evacuation of 30 people with 1.5-mile radius of the sceneauthorities confirmed friday night that no one was injured following crash']\n", + "a freight train carrying a dangerous form of ammonia derailed in a rural area of south carolina on friday night - causing several cars to overturn and leak , and sparking a 1.5-mile-wide evacuation .the train was traveling through salters pond road and highway 121 , near the town of trenton , shortly after 8.30 pm when it derailed after apparently hitting a tree that had fallen onto the tracks .it was also transporting non-hazardous ammonia nitrate\n", + "norfolk southern train was traveling near trenton , south carolina , fridayit was transporting anhydrous ammonia - highly toxic , dangerous chemicalit derailed shortly after 8.30 pm after apparently hitting a tree on the tracksup to 15 cars overturned and leaked ; haz mat crew was dispatched to siteincident sparked evacuation of 30 people with 1.5-mile radius of the sceneauthorities confirmed friday night that no one was injured following crash\n", + "[1.5424054 1.2120299 1.2202637 1.2501909 1.1717942 1.1169986 1.0371011\n", + " 1.1496079 1.0461645 1.1484492 1.0852349 1.0317807 1.041625 1.0455476\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 4 7 9 5 10 8 13 12 6 11 17 14 15 16 18]\n", + "=======================\n", + "[\"on loan real madrid striker javier hernandez is ready to lead the line in their pivotal champions league quarter-final second leg tie against bitter city rivals atletico , according to as .hernandez , who is on a season-long loan from manchester united , is set to start up front for carlo ancelotti 's side - with the club going through an injury crisis at present .the spanish publication reports that the 26-year-old links up well with real superstar cristiano ronaldo - where in his last two appearances for the club he has scored a goal and created an assist .\"]\n", + "=======================\n", + "['real madrid face atletico in champions league quarter-final second leg tiemanchester united outcast javier hernandez expected to start for realcarlos tevez has made it known he wants to return to argentina one day']\n", + "on loan real madrid striker javier hernandez is ready to lead the line in their pivotal champions league quarter-final second leg tie against bitter city rivals atletico , according to as .hernandez , who is on a season-long loan from manchester united , is set to start up front for carlo ancelotti 's side - with the club going through an injury crisis at present .the spanish publication reports that the 26-year-old links up well with real superstar cristiano ronaldo - where in his last two appearances for the club he has scored a goal and created an assist .\n", + "real madrid face atletico in champions league quarter-final second leg tiemanchester united outcast javier hernandez expected to start for realcarlos tevez has made it known he wants to return to argentina one day\n", + "[1.3060062 1.3636265 1.2127317 1.1058587 1.1423693 1.0797981 1.1343807\n", + " 1.1107185 1.0837057 1.0681789 1.0438544 1.1193492 1.0478992 1.0314605\n", + " 1.0763373 1.0319958 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 6 11 7 3 8 5 14 9 12 10 15 13 17 16 18]\n", + "=======================\n", + "[\"the report , by tel aviv university 's kantor center for the study of contemporary european jewry , said 766 violent anti-semitic acts were carried out around the world last year - marking a huge increase from the previous year .anti-semitic attacks surged worldwide by 38 per cent last year , with the highest number of incidents occurring in france , an annual study has revealed .arson , vandalism and direct threats against jews , synagogues and other jewish institutions were included in the figure , making 2014 the worst year for such attacks since 2009 .\"]\n", + "=======================\n", + "['anti-semitic attacks worldwide have surged by 38 per cent , study revealsfrance remains the country with the highest number of incidentslast year it registered 164 anti-semitic attacks , compared to 141 in 2013earlier this year , four hostages were killed at a paris kosher supermarketbritain was home to 141 violent incidents , after registering 95 a year earlier']\n", + "the report , by tel aviv university 's kantor center for the study of contemporary european jewry , said 766 violent anti-semitic acts were carried out around the world last year - marking a huge increase from the previous year .anti-semitic attacks surged worldwide by 38 per cent last year , with the highest number of incidents occurring in france , an annual study has revealed .arson , vandalism and direct threats against jews , synagogues and other jewish institutions were included in the figure , making 2014 the worst year for such attacks since 2009 .\n", + "anti-semitic attacks worldwide have surged by 38 per cent , study revealsfrance remains the country with the highest number of incidentslast year it registered 164 anti-semitic attacks , compared to 141 in 2013earlier this year , four hostages were killed at a paris kosher supermarketbritain was home to 141 violent incidents , after registering 95 a year earlier\n", + "[1.3747692 1.363265 1.1242251 1.1045587 1.2549262 1.1994687 1.1489418\n", + " 1.0959934 1.030432 1.0421093 1.0136498 1.1657089 1.0882595 1.0646629\n", + " 1.0580776 1.0201461 1.0665563 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 5 11 6 2 3 7 12 16 13 14 9 8 15 10 18 17 19]\n", + "=======================\n", + "[\"james may has been forced to backtrack for suggesting top gear viewers who sent threatening tweets to sue perkins should ` kill themselves ' .perkins , who became a favourite to replace the ousted jeremy clarkson after a flurry of bets , recently announced she was leaving twitter as a result of the horrific abuse .may is currently getting ready to tour a top gear spin-off around the uk alongside clarkson and richard hammond , following the bbc 's sacking of clarkson for punching a producer .\"]\n", + "=======================\n", + "[\"james may has backtracked on comment suggesting trolls ` kill themselves 'he was referring to people sending death threats to sue perkins on twitterperkins has been tipped as a bookies ' favourite to replace jeremy clarksonbut it led to a torrent of abuse sent by top gear fans on social mediashe announced recently she would be leaving twitter for the near future\"]\n", + "james may has been forced to backtrack for suggesting top gear viewers who sent threatening tweets to sue perkins should ` kill themselves ' .perkins , who became a favourite to replace the ousted jeremy clarkson after a flurry of bets , recently announced she was leaving twitter as a result of the horrific abuse .may is currently getting ready to tour a top gear spin-off around the uk alongside clarkson and richard hammond , following the bbc 's sacking of clarkson for punching a producer .\n", + "james may has backtracked on comment suggesting trolls ` kill themselves 'he was referring to people sending death threats to sue perkins on twitterperkins has been tipped as a bookies ' favourite to replace jeremy clarksonbut it led to a torrent of abuse sent by top gear fans on social mediashe announced recently she would be leaving twitter for the near future\n", + "[1.3174076 1.1730012 1.2950113 1.3500218 1.2419878 1.1406229 1.25265\n", + " 1.1832503 1.1118338 1.1299143 1.0525312 1.0236559 1.0186821 1.0138981\n", + " 1.1487405 1.0617291 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 6 4 7 1 14 5 9 8 15 10 11 12 13 16 17 18 19]\n", + "=======================\n", + "['the british army fired approximately 10,000 rounds from their sa-80 assault rifles during afghan conflictaccording to data released by the ministry of defence , some 27 million 5.56 rounds were fired from either the standard sa-80 assault rifle or minimi machine gun .according to a freedom of information request by the daily mirror , at least 80,000 , 105mm artillery shells - at a cost of # 1,250 each - were fired at taliban positions .']\n", + "=======================\n", + "[\"some 27 million rounds were fired from the army 's sa-80 assault riflesnew figures show that seven rounds were fired every minute at the talibana further 80,000 105mm artillery shells were used during the eight-year warapache gunships also blasted 55,000 30mm rounds at the insurgents\"]\n", + "the british army fired approximately 10,000 rounds from their sa-80 assault rifles during afghan conflictaccording to data released by the ministry of defence , some 27 million 5.56 rounds were fired from either the standard sa-80 assault rifle or minimi machine gun .according to a freedom of information request by the daily mirror , at least 80,000 , 105mm artillery shells - at a cost of # 1,250 each - were fired at taliban positions .\n", + "some 27 million rounds were fired from the army 's sa-80 assault riflesnew figures show that seven rounds were fired every minute at the talibana further 80,000 105mm artillery shells were used during the eight-year warapache gunships also blasted 55,000 30mm rounds at the insurgents\n", + "[1.2223041 1.3612587 1.3095281 1.2802866 1.1019815 1.199995 1.0867563\n", + " 1.2158275 1.057767 1.1027513 1.0751902 1.0740014 1.0430144 1.0234666\n", + " 1.0357211 1.063251 1.0711845 1.0332907 0. 0. ]\n", + "\n", + "[ 1 2 3 0 7 5 9 4 6 10 11 16 15 8 12 14 17 13 18 19]\n", + "=======================\n", + "['the raging blaze , reported shortly after 6pm saturday , was sparked by a cooking stove .the fire along the border of cities norco and corona , 35 miles southeast of downtown los angeles , resulted in hundreds of people to being told to evacuate the are area over the weekend .by midday , sunday , fire officials said they had contained 35 percent of the fire , which had ravaged the area and grown to 1.6 square miles .']\n", + "=======================\n", + "['the fire was reported shortly after 6pm saturday in norco and coronaat least 300 homes had to be evacuated as the fire took hold in the arearescue efforts were helped by cooperative weather throughout the regionfire chiefs confirmed no property damage or injuries were reported']\n", + "the raging blaze , reported shortly after 6pm saturday , was sparked by a cooking stove .the fire along the border of cities norco and corona , 35 miles southeast of downtown los angeles , resulted in hundreds of people to being told to evacuate the are area over the weekend .by midday , sunday , fire officials said they had contained 35 percent of the fire , which had ravaged the area and grown to 1.6 square miles .\n", + "the fire was reported shortly after 6pm saturday in norco and coronaat least 300 homes had to be evacuated as the fire took hold in the arearescue efforts were helped by cooperative weather throughout the regionfire chiefs confirmed no property damage or injuries were reported\n", + "[1.4801507 1.1819495 1.4687362 1.4185959 1.1688818 1.1785092 1.0711522\n", + " 1.0194302 1.0272849 1.0275054 1.0475993 1.028439 1.1026185 1.0455978\n", + " 1.0292068 1.0208075 1.0721927 1.1388712 1.0298432 1.0156224]\n", + "\n", + "[ 0 2 3 1 5 4 17 12 16 6 10 13 18 14 11 9 8 15 7 19]\n", + "=======================\n", + "[\"peter moore ( above ) , from stoke-on-trent , staffordshire , received a letter from hm revenue and customs last week telling him he had diedthe letter was addressed to the ` representative ' of peter william john moore and apologised for the family 's ` recent bereavement ' .it added that officials needed to sort out whether mr moore had paid enough - or too much - tax .\"]\n", + "=======================\n", + "[\"peter moore received the letter from hm revenue and customs last weekwife debbie opened it while he was out and was left ` gobsmacked 'mr moore yesterday demanded an apology from the government\"]\n", + "peter moore ( above ) , from stoke-on-trent , staffordshire , received a letter from hm revenue and customs last week telling him he had diedthe letter was addressed to the ` representative ' of peter william john moore and apologised for the family 's ` recent bereavement ' .it added that officials needed to sort out whether mr moore had paid enough - or too much - tax .\n", + "peter moore received the letter from hm revenue and customs last weekwife debbie opened it while he was out and was left ` gobsmacked 'mr moore yesterday demanded an apology from the government\n", + "[1.4482764 1.4379272 1.1723434 1.1629623 1.2122741 1.0643276 1.1144918\n", + " 1.0855488 1.051431 1.0369266 1.0673141 1.0718795 1.0486586 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 3 6 7 11 10 5 8 12 9 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"warrington put a dampener on kevin sinfield 's 500th appearance for leeds as they completed a notable double over the super league leaders in emphatic fashion at headingley .sinfield was on the losing side on his debut for the rhinos against sheffield eagles at headingley in 1997 and he was powerless to prevent a repeat on his landmark occasion , with the wolves running out 29-10 winners .warrington had produced their best display in an 18-6 win over leeds in march and they were again outstanding , with full-back stefan ratchford and second rower ben currie the pick of an impressive bunch .\"]\n", + "=======================\n", + "['kevin sinfield made his 500th appearance for leedswarrington registered tries through gene ormsby , joel monaghan , ashton sims , ben currie and roy asotasileeds replied with kallum watkins and mitch achurch']\n", + "warrington put a dampener on kevin sinfield 's 500th appearance for leeds as they completed a notable double over the super league leaders in emphatic fashion at headingley .sinfield was on the losing side on his debut for the rhinos against sheffield eagles at headingley in 1997 and he was powerless to prevent a repeat on his landmark occasion , with the wolves running out 29-10 winners .warrington had produced their best display in an 18-6 win over leeds in march and they were again outstanding , with full-back stefan ratchford and second rower ben currie the pick of an impressive bunch .\n", + "kevin sinfield made his 500th appearance for leedswarrington registered tries through gene ormsby , joel monaghan , ashton sims , ben currie and roy asotasileeds replied with kallum watkins and mitch achurch\n", + "[1.3686326 1.1451664 1.2235153 1.4451318 1.2243443 1.0958829 1.0476875\n", + " 1.0985222 1.1777276 1.1078473 1.023745 1.0474815 1.0314343 1.1105666\n", + " 1.1209599 1.0540435 1.0107015 0. 0. 0. ]\n", + "\n", + "[ 3 0 4 2 8 1 14 13 9 7 5 15 6 11 12 10 16 18 17 19]\n", + "=======================\n", + "[\"ronnie o'sullivan is spoken to by referee olivier marteel in his second round match against matthew stevenson the table the five-time world champion enjoyed a successful day , firing two rapid centuries in establishing a 12-4 lead , needing just one more in monday 's closing session to the match to reach the quarter-finals .ali carter continued to struggle in his match against australia 's neil robertson .\"]\n", + "=======================\n", + "[\"ronnie o'sullivan is closing in on world championship quarter-final spotbut , he found himself in a spot of bother with referee olivier marteelo'sullivan was warned about his behaviour after obscene hand gesturefive-time world champions needs one more frame to secure progression\"]\n", + "ronnie o'sullivan is spoken to by referee olivier marteel in his second round match against matthew stevenson the table the five-time world champion enjoyed a successful day , firing two rapid centuries in establishing a 12-4 lead , needing just one more in monday 's closing session to the match to reach the quarter-finals .ali carter continued to struggle in his match against australia 's neil robertson .\n", + "ronnie o'sullivan is closing in on world championship quarter-final spotbut , he found himself in a spot of bother with referee olivier marteelo'sullivan was warned about his behaviour after obscene hand gesturefive-time world champions needs one more frame to secure progression\n", + "[1.2311634 1.3267162 1.172843 1.249043 1.1450962 1.1081713 1.0397007\n", + " 1.0511826 1.1455976 1.1663849 1.0940356 1.0668029 1.024414 1.0449823\n", + " 1.1095874 1.0354121 1.0937743 1.0118581 0. 0. ]\n", + "\n", + "[ 1 3 0 2 9 8 4 14 5 10 16 11 7 13 6 15 12 17 18 19]\n", + "=======================\n", + "[\"taken in the capital tokyo , the images show clean-up crews entering rubbish-strewn buildings where the lonely victims spent their final days .these images capture to work of japan 's ` lonely death ' squads , who specialise is clearing out the properties of elderly people who die alone and go unnoticed by their families for weeks or months .although police officers will have already removed the often badly decomposed bodies , the majority of the houses are still packed with signs of a once active life - including unwashed dinner plates , unopened letters and calenders several years out of date .\"]\n", + "=======================\n", + "[\"teams of cleaners , known as ` lonely death squads ' , clear houses where elderly people lay dead for monthspolice remove decomposing corpses but the clean-up crews are faced with houses filled with rubbish and fliesin rapidly ageing japan , more and more people are dying alone and unnoticed in a country of 127 million peopleone in four people in japan is over 65 - with increasingly loose family bonds adding to the isolation of the elderly\"]\n", + "taken in the capital tokyo , the images show clean-up crews entering rubbish-strewn buildings where the lonely victims spent their final days .these images capture to work of japan 's ` lonely death ' squads , who specialise is clearing out the properties of elderly people who die alone and go unnoticed by their families for weeks or months .although police officers will have already removed the often badly decomposed bodies , the majority of the houses are still packed with signs of a once active life - including unwashed dinner plates , unopened letters and calenders several years out of date .\n", + "teams of cleaners , known as ` lonely death squads ' , clear houses where elderly people lay dead for monthspolice remove decomposing corpses but the clean-up crews are faced with houses filled with rubbish and fliesin rapidly ageing japan , more and more people are dying alone and unnoticed in a country of 127 million peopleone in four people in japan is over 65 - with increasingly loose family bonds adding to the isolation of the elderly\n", + "[1.2225014 1.2227433 1.0962831 1.0968075 1.12523 1.1132103 1.1448637\n", + " 1.1083219 1.0949892 1.0651922 1.033713 1.1004702 1.0741423 1.0843576\n", + " 1.0495325 1.0140378 1.0385098 1.017688 1.0243796 1.0209686]\n", + "\n", + "[ 1 0 6 4 5 7 11 3 2 8 13 12 9 14 16 10 18 19 17 15]\n", + "=======================\n", + "['the columbia team concluded that \" the failure encompassed reporting , editing , editorial supervision and fact-checking . \"( cnn ) according to an outside review by columbia journalism school professors , \" ( a ) n institutional failure at rolling stone resulted in a deeply flawed article about a purported gang rape at the university of virginia . \"brian stelter : fraternity to ` pursue all available legal action \\'']\n", + "=======================\n", + "['an outside review found that a rolling stone article about campus rape was \" deeply flawed \"danny cevallos says that there are obstacles to a successful libel case , should one be filed']\n", + "the columbia team concluded that \" the failure encompassed reporting , editing , editorial supervision and fact-checking . \"( cnn ) according to an outside review by columbia journalism school professors , \" ( a ) n institutional failure at rolling stone resulted in a deeply flawed article about a purported gang rape at the university of virginia . \"brian stelter : fraternity to ` pursue all available legal action '\n", + "an outside review found that a rolling stone article about campus rape was \" deeply flawed \"danny cevallos says that there are obstacles to a successful libel case , should one be filed\n", + "[1.1974493 1.4115887 1.1787641 1.3561364 1.298367 1.1483765 1.0969969\n", + " 1.13264 1.2246553 1.057982 1.0594577 1.0608771 1.0197968 1.0892692\n", + " 1.070405 1.0849096 1.040018 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 8 0 2 5 7 6 13 15 14 11 10 9 16 12 18 17 19]\n", + "=======================\n", + "[\"the building , which was built in the 1960s and belongs to zheng gong hospital in henan province , was under threat of demolition as it is situated in the path of a road expansion project , reports people 's daily online .the two-storey brick hospital outpatient building in china is being rolled every day on giant metal ` wheels 'the large brick building is 1,700 square metres in size and needs more than 1,000 wheels to ` roll ' it\"]\n", + "=======================\n", + "[\"chinese hospital marked for demolition because of road expansion projectbosses asked team of engineers to put two-storey building on ` wheels 'more than 1,000 rollers have been placed under the large brick buildingit is pushed 8 metres a day on giant metal rollers out of the demolition zone\"]\n", + "the building , which was built in the 1960s and belongs to zheng gong hospital in henan province , was under threat of demolition as it is situated in the path of a road expansion project , reports people 's daily online .the two-storey brick hospital outpatient building in china is being rolled every day on giant metal ` wheels 'the large brick building is 1,700 square metres in size and needs more than 1,000 wheels to ` roll ' it\n", + "chinese hospital marked for demolition because of road expansion projectbosses asked team of engineers to put two-storey building on ` wheels 'more than 1,000 rollers have been placed under the large brick buildingit is pushed 8 metres a day on giant metal rollers out of the demolition zone\n", + "[1.4780759 1.4762101 1.2849774 1.3431363 1.1466938 1.0529821 1.0786457\n", + " 1.0259547 1.1043348 1.0761118 1.198164 1.1325313 1.1057932 1.0207258\n", + " 1.0154948 1.0117638 1.0174794 1.0108346 0. 0. ]\n", + "\n", + "[ 0 1 3 2 10 4 11 12 8 6 9 5 7 13 16 14 15 17 18 19]\n", + "=======================\n", + "[\"carlos tevez has been told to terminate his contract with juventus to complete a return to his former club boca juniors in argentina .the former manchester city striker 's deal with the serie a champions does not expire until the end of next season but he has reportedly told the club he wishes to leave this summer .italian paper tuttosport claims the 31-year-old has already decided to leave the club this summer\"]\n", + "=======================\n", + "['carlos tevez has reportedly told juventus he wants to return to argentinaformer manchester city star wants to play for former club boca juniorsclub president daniel angelici urges striker to cancel his contract first']\n", + "carlos tevez has been told to terminate his contract with juventus to complete a return to his former club boca juniors in argentina .the former manchester city striker 's deal with the serie a champions does not expire until the end of next season but he has reportedly told the club he wishes to leave this summer .italian paper tuttosport claims the 31-year-old has already decided to leave the club this summer\n", + "carlos tevez has reportedly told juventus he wants to return to argentinaformer manchester city star wants to play for former club boca juniorsclub president daniel angelici urges striker to cancel his contract first\n", + "[1.4314568 1.1736431 1.3436267 1.2827026 1.1752019 1.1730949 1.2171896\n", + " 1.1510549 1.0594734 1.0565212 1.0835359 1.1220725 1.0277735 1.0222979\n", + " 1.0302105 1.1531119 1.1132154 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 6 4 1 5 15 7 11 16 10 8 9 14 12 13 18 17 19]\n", + "=======================\n", + "['isa richardson , a well-known beggar in maidstone , kent , made a 12-year-old hand over her last 15pthe frightened youngster was confronted by homeless isa richardson who claimed she needed money because her car had broken down , a court heard .the schoolgirl , who has not been named , told police she felt intimidated by richardson , 46 , and believed she had no choice but to hand over the money .']\n", + "=======================\n", + "[\"homeless isa richardson claimed her car had broken down to young girl12-year-old felt ` intimidated ' and handed over everything she had - just 15pkent beggar has already been convicted of two similar offences this year\"]\n", + "isa richardson , a well-known beggar in maidstone , kent , made a 12-year-old hand over her last 15pthe frightened youngster was confronted by homeless isa richardson who claimed she needed money because her car had broken down , a court heard .the schoolgirl , who has not been named , told police she felt intimidated by richardson , 46 , and believed she had no choice but to hand over the money .\n", + "homeless isa richardson claimed her car had broken down to young girl12-year-old felt ` intimidated ' and handed over everything she had - just 15pkent beggar has already been convicted of two similar offences this year\n", + "[1.4552212 1.509059 1.1364772 1.4545809 1.214635 1.157806 1.2845954\n", + " 1.2720499 1.0193907 1.0152383 1.0176864 1.0133343 1.0735753 1.0686575\n", + " 1.1558502 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 6 7 4 5 14 2 12 13 8 10 9 11 18 15 16 17 19]\n", + "=======================\n", + "['the winger is on loan from manchester city but can be bought for # 2.5 million in the summer .scott sinclair has confirmed he wants to sign permanently for aston villa at the end of the season .villa midfielder joe cole is backing the club to defy the odds and beat arsenal in the fa cup final in may']\n", + "=======================\n", + "['scott sinclair is currently on loan at aston villa from manchester citythe 26-year-old winger has impressed for the club since his january movevilla could make the switch permanent in the summer for a # 2.5 million feemeanwhile , joe cole has backed villa to beat arsenal and win the fa cup']\n", + "the winger is on loan from manchester city but can be bought for # 2.5 million in the summer .scott sinclair has confirmed he wants to sign permanently for aston villa at the end of the season .villa midfielder joe cole is backing the club to defy the odds and beat arsenal in the fa cup final in may\n", + "scott sinclair is currently on loan at aston villa from manchester citythe 26-year-old winger has impressed for the club since his january movevilla could make the switch permanent in the summer for a # 2.5 million feemeanwhile , joe cole has backed villa to beat arsenal and win the fa cup\n", + "[1.7562764 1.4086974 1.0532956 1.5266273 1.1940882 1.0317196 1.1092901\n", + " 1.0616219 1.0107656 1.007838 1.0057818 1.1534923 1.1612316 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 12 11 6 7 2 5 8 9 10 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"u.s. open champion marin cilic was eliminated in the second round of the barcelona open on wednesday , losing to victor estrella of the dominican republic 6-4 , 6-4 .also , santiago giraldo of colombia beat joao sousa of portugal 6-3 , 3-6 , 6-1 , to reach a third-round meeting against top-seeded kei nishikori , setting up a rematch of last year 's final won by the japanese .estrella , ranked 53rd , last year became the first dominican to finish a season in the top 100 .\"]\n", + "=======================\n", + "['marin cilic defeated 6-4 6-4 by victor estrella in the barcelona openthe u.s. open champion is struggling for form after a shoulder injurycilic said he needs more matches to get his game up to scratch']\n", + "u.s. open champion marin cilic was eliminated in the second round of the barcelona open on wednesday , losing to victor estrella of the dominican republic 6-4 , 6-4 .also , santiago giraldo of colombia beat joao sousa of portugal 6-3 , 3-6 , 6-1 , to reach a third-round meeting against top-seeded kei nishikori , setting up a rematch of last year 's final won by the japanese .estrella , ranked 53rd , last year became the first dominican to finish a season in the top 100 .\n", + "marin cilic defeated 6-4 6-4 by victor estrella in the barcelona openthe u.s. open champion is struggling for form after a shoulder injurycilic said he needs more matches to get his game up to scratch\n", + "[1.2470546 1.4452105 1.28933 1.3377857 1.2853 1.0913591 1.0412362\n", + " 1.0234389 1.1401091 1.0904715 1.1356326 1.081081 1.0605922 1.0470089\n", + " 1.025088 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 8 10 5 9 11 12 13 6 14 7 18 15 16 17 19]\n", + "=======================\n", + "[\"the elite round group 4 qualifier will be restarted at 9:45 pm at seaview stadium in belfast on thursday with the match resuming with england retaking a penalty in the 96th minute at 2-1 down .england are awarded a penalty during their european u19 women 's championships qualifier in belfastengland 's 3-1 group 4 victory against switzerland on thursday afternoon means the young lionesses will qualify for the european championships if the penalty is scored and the match is drawn 2-2 .\"]\n", + "=======================\n", + "[\"uefa have ordered the final 18 seconds of the qualifier to be replayedengland will resume the match against norway from the penalty spotthe elite round qualifier resumes in belfast on thursday at 9:45 pmreferee marija kurtes incorrectly awarded an indirect free-kick to norway for encroachment after disallowing england 's penalty on saturdayengland were 2-1 down to norway at the time in the 96th minutegerman kurtes , 28 , has been sent home following her errorthree lions earn 3-1 victory against switzerland meaning a 2-2 will be enough for european championship qualificationnorway beat northern ireland 8-1 to keep things tight in group 4it is the first time ever that a decision like this has been taken by uefawatch video below of the controversial penalty incidentread : graham poll 's expert verdict on uefa 's bizarre decision\"]\n", + "the elite round group 4 qualifier will be restarted at 9:45 pm at seaview stadium in belfast on thursday with the match resuming with england retaking a penalty in the 96th minute at 2-1 down .england are awarded a penalty during their european u19 women 's championships qualifier in belfastengland 's 3-1 group 4 victory against switzerland on thursday afternoon means the young lionesses will qualify for the european championships if the penalty is scored and the match is drawn 2-2 .\n", + "uefa have ordered the final 18 seconds of the qualifier to be replayedengland will resume the match against norway from the penalty spotthe elite round qualifier resumes in belfast on thursday at 9:45 pmreferee marija kurtes incorrectly awarded an indirect free-kick to norway for encroachment after disallowing england 's penalty on saturdayengland were 2-1 down to norway at the time in the 96th minutegerman kurtes , 28 , has been sent home following her errorthree lions earn 3-1 victory against switzerland meaning a 2-2 will be enough for european championship qualificationnorway beat northern ireland 8-1 to keep things tight in group 4it is the first time ever that a decision like this has been taken by uefawatch video below of the controversial penalty incidentread : graham poll 's expert verdict on uefa 's bizarre decision\n", + "[1.1721939 1.474382 1.2241651 1.1909573 1.2889667 1.2252338 1.0895987\n", + " 1.1402171 1.0619725 1.0627911 1.0399889 1.0837998 1.0648128 1.0289043\n", + " 1.0697783 1.088491 1.059837 1.043414 1.0391068 1.0918782]\n", + "\n", + "[ 1 4 5 2 3 0 7 19 6 15 11 14 12 9 8 16 17 10 18 13]\n", + "=======================\n", + "['beatrice nokes , 21 , faces claims she incited a ring of prostitutes operating out of properties in central london .she is accused of running the vice ring with daniel williamsthe university college london chemistry student is suspected of grooming three young women to sell their bodies for sex .']\n", + "=======================\n", + "['beatrice nokes allegedly ran a prostitute ring in central london last yearshe is suspected of grooming three women to sell their bodies for sexnokes is the daughter of two highly experienced legal professionalsshe allegedly organised the sex ring with met police officer daniel williamshe also faces charges of voyeurism and concealing profits in his chimney']\n", + "beatrice nokes , 21 , faces claims she incited a ring of prostitutes operating out of properties in central london .she is accused of running the vice ring with daniel williamsthe university college london chemistry student is suspected of grooming three young women to sell their bodies for sex .\n", + "beatrice nokes allegedly ran a prostitute ring in central london last yearshe is suspected of grooming three women to sell their bodies for sexnokes is the daughter of two highly experienced legal professionalsshe allegedly organised the sex ring with met police officer daniel williamshe also faces charges of voyeurism and concealing profits in his chimney\n", + "[1.3210222 1.4140625 1.3158901 1.3312658 1.2246679 1.2320647 1.1174234\n", + " 1.0617846 1.2041832 1.0688554 1.0145977 1.0208902 1.0140089 1.0403054\n", + " 1.009009 1.078225 1.056499 1.0515299 1.0473922 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 2 5 4 8 6 15 9 7 16 17 18 13 11 10 12 14 21 19 20 22]\n", + "=======================\n", + "[\"the ex-tottenham and england star , 53 , was rushed to hospital after waking up at 1am to find that the leg had gone cold back in 2013 .horrific scar : gary mabbutt has been left with a 30inch scar on his left leg after his diabetes caused an artery to be clogged requiring emergency surgery to save the limbmabbutt 's diabetes had led to a clogged artery in the limb and doctors warned him it was ` touch and go ' on whether the leg would have to be amputated .\"]\n", + "=======================\n", + "['former footballer woke up in middle of the night to find his leg was coldmabbutt diagnosed with diabetes at 17 but complications had developedhe required the main artery to be replaced and almost lost his left legthe ex-spurs star wants to raise awareness of dangers relating to diabetes']\n", + "the ex-tottenham and england star , 53 , was rushed to hospital after waking up at 1am to find that the leg had gone cold back in 2013 .horrific scar : gary mabbutt has been left with a 30inch scar on his left leg after his diabetes caused an artery to be clogged requiring emergency surgery to save the limbmabbutt 's diabetes had led to a clogged artery in the limb and doctors warned him it was ` touch and go ' on whether the leg would have to be amputated .\n", + "former footballer woke up in middle of the night to find his leg was coldmabbutt diagnosed with diabetes at 17 but complications had developedhe required the main artery to be replaced and almost lost his left legthe ex-spurs star wants to raise awareness of dangers relating to diabetes\n", + "[1.2598048 1.3512352 1.2617028 1.2220695 1.2393471 1.1612661 1.1218275\n", + " 1.0563095 1.0454937 1.0288743 1.1358421 1.132299 1.1372558 1.0480293\n", + " 1.0188903 1.0707017 1.0202086 1.0067306 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 4 3 5 12 10 11 6 15 7 13 8 9 16 14 17 21 18 19 20 22]\n", + "=======================\n", + "[\"mrs danczuk said women were turned off politics because there was no-one in parliament like them .the glamorous labour councillor , who is married to the outspoken mp simon danczuk , said parliament needed people like her ` to bring it back down to reality ' .selfie queen karen danczuk has revealed her ambition to be an mp -- insisting she could relate to ordinary women unlike the current crop of female politicians .\"]\n", + "=======================\n", + "[\"karen danczuk said mps needed to speak in a language people understoodshe said she would like to go into ` mainstream politics ' in the futuremrs danczuk said women did not have anything to relate to this electionshe also defended her infamous selfies : ` this is me , take me as i am '\"]\n", + "mrs danczuk said women were turned off politics because there was no-one in parliament like them .the glamorous labour councillor , who is married to the outspoken mp simon danczuk , said parliament needed people like her ` to bring it back down to reality ' .selfie queen karen danczuk has revealed her ambition to be an mp -- insisting she could relate to ordinary women unlike the current crop of female politicians .\n", + "karen danczuk said mps needed to speak in a language people understoodshe said she would like to go into ` mainstream politics ' in the futuremrs danczuk said women did not have anything to relate to this electionshe also defended her infamous selfies : ` this is me , take me as i am '\n", + "[1.1302812 1.3196785 1.2779669 1.3376439 1.3330278 1.0486774 1.071438\n", + " 1.1009283 1.095211 1.0266441 1.0527581 1.1072679 1.0908657 1.0247304\n", + " 1.0277356 1.011978 1.0148422 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 4 1 2 0 11 7 8 12 6 10 5 14 9 13 16 15 17 18 19 20 21 22]\n", + "=======================\n", + "[\"sharon , 45 , trims her 40-year-old husband 's eyebrows , wax his nostrils and even grooms his pubic hair .high maintenance : sydney couple mike and sharon tierney set aside one evening per month for mutual groomingbut sharon and mike tierney have taken their mutual upkeep to a whole new level , believing that ` the couple that waxes together , stays together . '\"]\n", + "=======================\n", + "[\"mike and sharon tierney set aside one night a month for grooming regimesydney couple tint , trim spray tan and wax each othersharon 's attempt to give husband ` optical extra inch ' had horrifying resultsgrooming began when sharon needed guinea pig for beauty training\"]\n", + "sharon , 45 , trims her 40-year-old husband 's eyebrows , wax his nostrils and even grooms his pubic hair .high maintenance : sydney couple mike and sharon tierney set aside one evening per month for mutual groomingbut sharon and mike tierney have taken their mutual upkeep to a whole new level , believing that ` the couple that waxes together , stays together . '\n", + "mike and sharon tierney set aside one night a month for grooming regimesydney couple tint , trim spray tan and wax each othersharon 's attempt to give husband ` optical extra inch ' had horrifying resultsgrooming began when sharon needed guinea pig for beauty training\n", + "[1.4711612 1.1660527 1.2487404 1.1195847 1.0823267 1.0978699 1.0957682\n", + " 1.1970333 1.1076083 1.0474341 1.0183147 1.0844918 1.0422186 1.0255439\n", + " 1.131538 1.1219406 1.1039448 1.0362333 1.0487484 1.1258485 1.1108341\n", + " 1.088888 1.078389 ]\n", + "\n", + "[ 0 2 7 1 14 19 15 3 20 8 16 5 6 21 11 4 22 18 9 12 17 13 10]\n", + "=======================\n", + "['( cnn ) spacex on tuesday launched a two-stage falcon 9 rocket carrying an uncrewed cargo spacecraft called dragon on a flight from cape canaveral , florida , to the international space station .in a difficult bid to land a rocket stage on a floating barge for the first time , the private space exploration company was unsuccessful .that was the easy part .']\n", + "=======================\n", + "['spacex founder elon musk : \" rocket landed on droneship , but too hard for survival \"this was the second attempt at historic rocket booster barge landingdragon spacecraft will head toward international space station on resupply mission']\n", + "( cnn ) spacex on tuesday launched a two-stage falcon 9 rocket carrying an uncrewed cargo spacecraft called dragon on a flight from cape canaveral , florida , to the international space station .in a difficult bid to land a rocket stage on a floating barge for the first time , the private space exploration company was unsuccessful .that was the easy part .\n", + "spacex founder elon musk : \" rocket landed on droneship , but too hard for survival \"this was the second attempt at historic rocket booster barge landingdragon spacecraft will head toward international space station on resupply mission\n", + "[1.3436506 1.3817484 1.0530516 1.0713564 1.0265728 1.4429852 1.1500138\n", + " 1.0808575 1.2166872 1.374507 1.0342282 1.039757 1.1286609 1.0909569\n", + " 1.0167773 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 5 1 9 0 8 6 12 13 7 3 2 11 10 4 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"real madrid defender raphael varane captured the team 's entrance to the santiago bernabeu on wednesdayjavier hernandez scored the winning goal for madrid in the 88th minute against atletico to win the tiereal defender varane filmed the footage of the supporters as the team arrived to play atletico\"]\n", + "=======================\n", + "['real madrid eliminated atletico madrid from the champions leaguejavier hernandez secured victory with 88th minute strike for real madridraphael varane filmed fans as madrid arrived at the santiago bernabeuread : barcelona vs real madrid is the dream champions league finalwho will win the champions league ?']\n", + "real madrid defender raphael varane captured the team 's entrance to the santiago bernabeu on wednesdayjavier hernandez scored the winning goal for madrid in the 88th minute against atletico to win the tiereal defender varane filmed the footage of the supporters as the team arrived to play atletico\n", + "real madrid eliminated atletico madrid from the champions leaguejavier hernandez secured victory with 88th minute strike for real madridraphael varane filmed fans as madrid arrived at the santiago bernabeuread : barcelona vs real madrid is the dream champions league finalwho will win the champions league ?\n", + "[1.232307 1.4422685 1.3241242 1.3483564 1.1807876 1.0630463 1.08745\n", + " 1.1373991 1.0231463 1.0137051 1.0738325 1.0686718 1.0448014 1.1633779\n", + " 1.0149771 1.0539081 1.0293715 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 13 7 6 10 11 5 15 12 16 8 14 9 17 18]\n", + "=======================\n", + "['researchers found coffee can stop the growth of tumours in women who have already been treated with the drug tamoxifen .just two cups of coffee a day could halve the risk of breast cancer returning in women recovering from the disease , a study has found .most breast cancer tumours rely on the hormone oestrogen to grow , and tamoxifen blocks oestrogen from reaching the cancer cells .']\n", + "=======================\n", + "['coffee can stop cancer returning in women treated with tamoxifentamoxifen stops oestrogen reaching tumour cells , so they do not growcoffee drinkers had fewer cancers and their tumours were smallercaffeine cuts of signalling pathways that the cancer cells require to grow']\n", + "researchers found coffee can stop the growth of tumours in women who have already been treated with the drug tamoxifen .just two cups of coffee a day could halve the risk of breast cancer returning in women recovering from the disease , a study has found .most breast cancer tumours rely on the hormone oestrogen to grow , and tamoxifen blocks oestrogen from reaching the cancer cells .\n", + "coffee can stop cancer returning in women treated with tamoxifentamoxifen stops oestrogen reaching tumour cells , so they do not growcoffee drinkers had fewer cancers and their tumours were smallercaffeine cuts of signalling pathways that the cancer cells require to grow\n", + "[1.3030972 1.2147331 1.5602515 1.2289442 1.110651 1.1036283 1.1818081\n", + " 1.0370955 1.0211395 1.0374715 1.0317241 1.0323317 1.1202363 1.0202549\n", + " 1.0606896 1.1630688 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 1 6 15 12 4 5 14 9 7 11 10 8 13 17 16 18]\n", + "=======================\n", + "[\"furious tracey taylor , 34 , caused more than # 13,000 worth of damage to the luxury cars including scratching the paintwork with a key and smashing the bmw 's windscreen with a rock .bitter : tracey taylor went on a violent rampage following the breakdown of her 20 year relationshipearlier that day she had attacked her former lover and his girlfriend , punching him on the ear and pulling her hair after barging her way into her home in ratby , leics .\"]\n", + "=======================\n", + "[\"tracey taylor was distraught following breakdown of 20 year relationshipshe had earlier burst into love-rival 's home and attacker her and her extwo days later she broke into the property and trashed the loungecouple have two daughters aged 12 and four , and a son aged 15 together\"]\n", + "furious tracey taylor , 34 , caused more than # 13,000 worth of damage to the luxury cars including scratching the paintwork with a key and smashing the bmw 's windscreen with a rock .bitter : tracey taylor went on a violent rampage following the breakdown of her 20 year relationshipearlier that day she had attacked her former lover and his girlfriend , punching him on the ear and pulling her hair after barging her way into her home in ratby , leics .\n", + "tracey taylor was distraught following breakdown of 20 year relationshipshe had earlier burst into love-rival 's home and attacker her and her extwo days later she broke into the property and trashed the loungecouple have two daughters aged 12 and four , and a son aged 15 together\n", + "[1.3092549 1.3155522 1.1430358 1.4225142 1.2821043 1.1367036 1.0626991\n", + " 1.0928309 1.0514319 1.0929047 1.0691493 1.079021 1.1333387 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 4 2 5 12 9 7 11 10 6 8 17 13 14 15 16 18]\n", + "=======================\n", + "['manny pacquiao can not believe his luck that he is actually facing floyd mayweather in the new advertthe filipino , who has tried his hand at acting , politics and coaching basketball over the years , stole the show in an advertisement for the american sportswear company back in november by joking about the possibility of finally being able to go toe-to-toe with mayweather .manny pacquiao has added another string to his impressive bow by appearing in a hilarious commercial for foot locker ahead of his showdown with floyd mayweather .']\n", + "=======================\n", + "['foot locker have released new manny pacquiao advert ahead of fightthe filipino jokes about not knowing if bout against mayweather is onpacquiao previously starred in advert where he acted as if fight against mayweather was on before official contract was signed in februaryread : mayweather vs pacquiao tickets sell out within 60 seconds']\n", + "manny pacquiao can not believe his luck that he is actually facing floyd mayweather in the new advertthe filipino , who has tried his hand at acting , politics and coaching basketball over the years , stole the show in an advertisement for the american sportswear company back in november by joking about the possibility of finally being able to go toe-to-toe with mayweather .manny pacquiao has added another string to his impressive bow by appearing in a hilarious commercial for foot locker ahead of his showdown with floyd mayweather .\n", + "foot locker have released new manny pacquiao advert ahead of fightthe filipino jokes about not knowing if bout against mayweather is onpacquiao previously starred in advert where he acted as if fight against mayweather was on before official contract was signed in februaryread : mayweather vs pacquiao tickets sell out within 60 seconds\n", + "[1.057874 1.5038824 1.2840599 1.323746 1.2760755 1.2390978 1.2219009\n", + " 1.081903 1.0768219 1.0239121 1.0294355 1.0249915 1.0507866 1.0786012\n", + " 1.0254611 1.0280561 1.0545249 0. 0. ]\n", + "\n", + "[ 1 3 2 4 5 6 7 13 8 0 16 12 10 15 14 11 9 17 18]\n", + "=======================\n", + "[\"for a limited time starbucks will be introducing the s'more frappuccino which is scheduled to hit stored on tuesday , april 28 .cnn reports that bottles of the flavor have been on sale in grocery stores since last month .camping favorite : starbucks says that the drink is inspired by the ` the nostalgic summer experience of roasting s'mores . '\"]\n", + "=======================\n", + "[\"for a limited time starbucks will be introducing the s'more frappuccino which is scheduled to hit stored on tuesday , april 28the drink will be made with a combination of marshmallow whipped cream , milk chocolate sauce , graham crackers , coffee , milk and icestarbucks says that the drink is inspired by the ` the nostalgic summer experience of roasting s'mores '\"]\n", + "for a limited time starbucks will be introducing the s'more frappuccino which is scheduled to hit stored on tuesday , april 28 .cnn reports that bottles of the flavor have been on sale in grocery stores since last month .camping favorite : starbucks says that the drink is inspired by the ` the nostalgic summer experience of roasting s'mores . '\n", + "for a limited time starbucks will be introducing the s'more frappuccino which is scheduled to hit stored on tuesday , april 28the drink will be made with a combination of marshmallow whipped cream , milk chocolate sauce , graham crackers , coffee , milk and icestarbucks says that the drink is inspired by the ` the nostalgic summer experience of roasting s'mores '\n", + "[1.1767402 1.0928738 1.3560123 1.2699065 1.351295 1.2665808 1.1096193\n", + " 1.1773298 1.0949392 1.0955584 1.0224845 1.0378469 1.046472 1.0903598\n", + " 1.0487071 1.041234 1.05496 1.0245788 1.0245898]\n", + "\n", + "[ 2 4 3 5 7 0 6 9 8 1 13 16 14 12 15 11 18 17 10]\n", + "=======================\n", + "[\"called toyal lotus , the technology is inspired by the water-repellent nature of a lotus leaf and uses microscopic bumps to stop liquids from sticking .german maker toyo aluminium 's technology won silver place in the 2013 du pont awards for packaging innovation and the firm has teamed up with japan 's morinaga milk industry to bring it to consumersthe toyal lotus technology ( right ) stops yoghurt from sticking to lids of pots ( left ) .\"]\n", + "=======================\n", + "[\"technology is being used by yoghurt manufacturer morinaga milk industryit was designed by toyo aluminium and is inspired by lotus leavesthe toyal lotus lid 's surface is covered in microscopic bumpsthese increases the contact angle for liquids to 170 degrees causing them to form spheres and roll off\"]\n", + "called toyal lotus , the technology is inspired by the water-repellent nature of a lotus leaf and uses microscopic bumps to stop liquids from sticking .german maker toyo aluminium 's technology won silver place in the 2013 du pont awards for packaging innovation and the firm has teamed up with japan 's morinaga milk industry to bring it to consumersthe toyal lotus technology ( right ) stops yoghurt from sticking to lids of pots ( left ) .\n", + "technology is being used by yoghurt manufacturer morinaga milk industryit was designed by toyo aluminium and is inspired by lotus leavesthe toyal lotus lid 's surface is covered in microscopic bumpsthese increases the contact angle for liquids to 170 degrees causing them to form spheres and roll off\n", + "[1.424329 1.2602539 1.2441719 1.0837691 1.0681863 1.2504342 1.2000966\n", + " 1.2369945 1.2593014 1.0948153 1.0237648 1.0260879 1.0381622 1.0180745\n", + " 1.0178531 1.011972 1.0278168 1.0618126 0. ]\n", + "\n", + "[ 0 1 8 5 2 7 6 9 3 4 17 12 16 11 10 13 14 15 18]\n", + "=======================\n", + "[\"wladimir klitschko has confirmed that tyson fury will be his next opponent and the unified heavyweight champion says he is ready to travel to england to defend his belts .the ibf , wba and wbo king ended his seven-year american hiatus by clearly out-pointing bryant jennings at madison square garden on saturday night but it was not the dazzling new york display he had promised on his stateside return .the fight against jennings was klitschko 's first in the united states since he fought sultan ibragimov in 2008\"]\n", + "=======================\n", + "['wladimir klitschko successfully defends his wba , ibf and wbo beltsworld heavyweight champion beat bryant jennings on points in new yorkukrainian awarded 116-111 , 118-109 , 116-111 unanimous points winmandatory challenger tyson fury watched at madison square gardenklitschko ready to travel to england to take on fury']\n", + "wladimir klitschko has confirmed that tyson fury will be his next opponent and the unified heavyweight champion says he is ready to travel to england to defend his belts .the ibf , wba and wbo king ended his seven-year american hiatus by clearly out-pointing bryant jennings at madison square garden on saturday night but it was not the dazzling new york display he had promised on his stateside return .the fight against jennings was klitschko 's first in the united states since he fought sultan ibragimov in 2008\n", + "wladimir klitschko successfully defends his wba , ibf and wbo beltsworld heavyweight champion beat bryant jennings on points in new yorkukrainian awarded 116-111 , 118-109 , 116-111 unanimous points winmandatory challenger tyson fury watched at madison square gardenklitschko ready to travel to england to take on fury\n", + "[1.3202873 1.3525331 1.302827 1.2876407 1.163967 1.0249478 1.0864336\n", + " 1.193335 1.1290808 1.1988233 1.0197474 1.1511858 1.0125018 1.0157101\n", + " 1.0258944 1.0242116 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 9 7 4 11 8 6 14 5 15 10 13 12 17 16 18]\n", + "=======================\n", + "[\"the wraps came off the prototype of the new 10th generation car at the new york international motor show .the new honda civic which the japanese car firm 's uk factory in swindon will be exporting to the world -- including japan and the usa -- was unveiled in america tonight .it came just a day after it was announced that swindon in wiltshire will become the global production hub for the next generation five door civic , supported by a new # 200million investment .\"]\n", + "=======================\n", + "['new honda civic was unveiled at new york auto show tonightswindon factory will be exporting the five-door version of the car']\n", + "the wraps came off the prototype of the new 10th generation car at the new york international motor show .the new honda civic which the japanese car firm 's uk factory in swindon will be exporting to the world -- including japan and the usa -- was unveiled in america tonight .it came just a day after it was announced that swindon in wiltshire will become the global production hub for the next generation five door civic , supported by a new # 200million investment .\n", + "new honda civic was unveiled at new york auto show tonightswindon factory will be exporting the five-door version of the car\n", + "[1.540479 1.4095795 1.2210002 1.4079126 1.0388299 1.1570542 1.0933989\n", + " 1.1266267 1.1047426 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 5 7 8 6 4 16 15 14 13 9 11 10 17 12 18]\n", + "=======================\n", + "[\"england have been drawn with the republic of ireland , holland and italy in group d of the uefa under 17 european championships , which take place in bulgaria in may .john peacock 's young lions are the defending european champions , having defeated holland on penalties in last year 's final in malta .and they will have to overcome the dutch again to advance to the quarter-finals in this tournament , which has been expanded from eight to 16 nations for the first time .\"]\n", + "=======================\n", + "[\"england in group d with holland , italy and republic of irelandtournament takes place in bulgaria between may 6 and 22john peacock 's young lions are the defending championsthey beat holland on penalties to win the competition last yearscotland drawn with greece , russia and france in group c\"]\n", + "england have been drawn with the republic of ireland , holland and italy in group d of the uefa under 17 european championships , which take place in bulgaria in may .john peacock 's young lions are the defending european champions , having defeated holland on penalties in last year 's final in malta .and they will have to overcome the dutch again to advance to the quarter-finals in this tournament , which has been expanded from eight to 16 nations for the first time .\n", + "england in group d with holland , italy and republic of irelandtournament takes place in bulgaria between may 6 and 22john peacock 's young lions are the defending championsthey beat holland on penalties to win the competition last yearscotland drawn with greece , russia and france in group c\n", + "[1.3973308 1.4161718 1.2406249 1.1282854 1.0295712 1.0447408 1.0342374\n", + " 1.2224644 1.2609848 1.0822852 1.1015258 1.0743315 1.0562594 1.0574129\n", + " 1.0284681 1.0196528 1.0489235 1.0233403 0. ]\n", + "\n", + "[ 1 0 8 2 7 3 10 9 11 13 12 16 5 6 4 14 17 15 18]\n", + "=======================\n", + "['the former child star turned real housewife discusses her demons in an emotional interview with dr. phil set to air april 28 , her first for a national audience since the arrest .kim richards is speaking out for the first time since her shocking arrest last week following a drunken altercation at the beverly hills hotel .among the topics the 50-year-old is slated to discuss is her longtime struggle with alcoholism .']\n", + "=======================\n", + "[\"confessed to dr. phil that she is struggling with alcohol in emotional interviewspoke about her arrest on april 16 when she was taken into custody at the beverly hills hotel for a ` drunken incident '\"]\n", + "the former child star turned real housewife discusses her demons in an emotional interview with dr. phil set to air april 28 , her first for a national audience since the arrest .kim richards is speaking out for the first time since her shocking arrest last week following a drunken altercation at the beverly hills hotel .among the topics the 50-year-old is slated to discuss is her longtime struggle with alcoholism .\n", + "confessed to dr. phil that she is struggling with alcohol in emotional interviewspoke about her arrest on april 16 when she was taken into custody at the beverly hills hotel for a ` drunken incident '\n", + "[1.3724241 1.3198959 1.2444904 1.1899551 1.2156959 1.0445584 1.1411257\n", + " 1.0570207 1.083702 1.075897 1.0401291 1.0286516 1.0846802 1.0667697\n", + " 1.0904851 1.1603863 1.0508894 1.0423037 1.0238812]\n", + "\n", + "[ 0 1 2 4 3 15 6 14 12 8 9 13 7 16 5 17 10 11 18]\n", + "=======================\n", + "['garissa , kenya ( cnn ) the kenyan government says mohamed mohamud , also known by aliases dulyadin and gamadhere , is the mastermind of thursday \\'s kenya university terror attack , according to a tweet from the country \\'s interior ministry .it offers a reward of 20 million kenyan shillings , which is about $ 215,000 .earlier , the ministry posted a \" most wanted \" notice for mohamud .']\n", + "=======================\n", + "['government names abdirahim abdullahi as one attacker ; his father is a government officialkenyan government tweets that attack mastermind was mohamed mohamudal-shabaab threatens \" another bloodbath \" in kenya']\n", + "garissa , kenya ( cnn ) the kenyan government says mohamed mohamud , also known by aliases dulyadin and gamadhere , is the mastermind of thursday 's kenya university terror attack , according to a tweet from the country 's interior ministry .it offers a reward of 20 million kenyan shillings , which is about $ 215,000 .earlier , the ministry posted a \" most wanted \" notice for mohamud .\n", + "government names abdirahim abdullahi as one attacker ; his father is a government officialkenyan government tweets that attack mastermind was mohamed mohamudal-shabaab threatens \" another bloodbath \" in kenya\n", + "[1.1100055 1.3310409 1.0865264 1.0616208 1.3837407 1.2061244 1.1078825\n", + " 1.0821475 1.0544327 1.1830578 1.1099997 1.0529324 1.0192022 1.0312054\n", + " 1.1149714 1.0489973 1.0165124 1.031809 1.0742189 1.0206898]\n", + "\n", + "[ 4 1 5 9 14 0 10 6 2 7 18 3 8 11 15 17 13 19 12 16]\n", + "=======================\n", + "['she \\'s the focus of ines dumig \\'s photo series \" apart together . \"sahra , a somali refugee , left her home at 14 years old .dumig met sahra through a photo workshop at refugio , a shelter in munich , germany , for refugees and torture victims .']\n", + "=======================\n", + "['ines dumig \\'s photo series \" apart together \" follows a somali refugee living in germanythe underlying themes include isolation and \" otherness \" and the search for human dignity']\n", + "she 's the focus of ines dumig 's photo series \" apart together . \"sahra , a somali refugee , left her home at 14 years old .dumig met sahra through a photo workshop at refugio , a shelter in munich , germany , for refugees and torture victims .\n", + "ines dumig 's photo series \" apart together \" follows a somali refugee living in germanythe underlying themes include isolation and \" otherness \" and the search for human dignity\n", + "[1.1811347 1.5777324 1.2384796 1.4648976 1.2060121 1.0818216 1.246311\n", + " 1.1494945 1.0411087 1.0357224 1.0243236 1.0188289 1.0192294 1.0126617\n", + " 1.0757053 1.0967325 1.0464176 0. 0. 0. ]\n", + "\n", + "[ 1 3 6 2 4 0 7 15 5 14 16 8 9 10 12 11 13 18 17 19]\n", + "=======================\n", + "['rory mcilroy believes jeff knox , a former georgia state mid-amateur champion , reads the mysterious augusta putting surfaces better than anyone he has ever seen .knox played as a non-competing marker with mcilroy when the northern irishman was first man out in the third round last year .and on friday knox completed something of a notable double when he answered the call from tiger woods to play a practice round .']\n", + "=======================\n", + "['rory mcilroy and tiger woods spoke with augusta club member jeff knoxmcilroy believes knox reads augusta putting surfaces better than anyoneknox played as a non-competing marker with mcilroy last yearon friday knox answered call from tiger woods to play a practice round']\n", + "rory mcilroy believes jeff knox , a former georgia state mid-amateur champion , reads the mysterious augusta putting surfaces better than anyone he has ever seen .knox played as a non-competing marker with mcilroy when the northern irishman was first man out in the third round last year .and on friday knox completed something of a notable double when he answered the call from tiger woods to play a practice round .\n", + "rory mcilroy and tiger woods spoke with augusta club member jeff knoxmcilroy believes knox reads augusta putting surfaces better than anyoneknox played as a non-competing marker with mcilroy last yearon friday knox answered call from tiger woods to play a practice round\n", + "[1.318648 1.316093 1.1378679 1.0618293 1.3820679 1.1558927 1.1447045\n", + " 1.07676 1.0399153 1.0230792 1.055898 1.0185732 1.0250285 1.0227782\n", + " 1.3618081 1.025191 1.0127338 1.015136 1.016257 1.0367749]\n", + "\n", + "[ 4 14 0 1 5 6 2 7 3 10 8 19 15 12 9 13 11 18 17 16]\n", + "=======================\n", + "[\"new york city fc 's mehdi ballouchy opened the scoring before his side were pegged backdavid villa was forced off with a hamstring injury at half time on thursday nightmanchester city 's problems are not confined to the barclays premier league .\"]\n", + "=======================\n", + "[\"new york city fc 's patchy start to the season continuedmehdi ballouchy put the home side ahead but cj sapong levelled late oncity have won just one of their opening six matches in mlsdavid villa was forced off at half time with a hamstring strain\"]\n", + "new york city fc 's mehdi ballouchy opened the scoring before his side were pegged backdavid villa was forced off with a hamstring injury at half time on thursday nightmanchester city 's problems are not confined to the barclays premier league .\n", + "new york city fc 's patchy start to the season continuedmehdi ballouchy put the home side ahead but cj sapong levelled late oncity have won just one of their opening six matches in mlsdavid villa was forced off at half time with a hamstring strain\n", + "[1.3295789 1.3608012 1.1829749 1.1943076 1.3859922 1.1437783 1.0734212\n", + " 1.097138 1.0889169 1.0574625 1.0282308 1.0806712 1.086195 1.0279982\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 1 0 3 2 5 7 8 12 11 6 9 10 13 18 14 15 16 17 19]\n", + "=======================\n", + "[\"lionel messi , neymar jnr and luis suarez are seven goals short of reaching 100 for the seasonthe three amigos will match the total scored by thierry henry , samuel eto'o and messi in 2009 if they reach 100 goals and they will inevitably fuel the debate that they are fast becoming the greatest front three in barcelona 's history .in this campaign messi has 46 , neymar 28 and suarez 19 despite missing the first three months through suspension .\"]\n", + "=======================\n", + "[\"lionel messi , luis suarez and neymar have scored 93 goals this seasonmessi , thierry henry and samuel eto'o scored 100 goals in 2008-09 seasonthe trio will attempt to steer barcelona into champions league semi-finalluis enrique 's side hold a 3-1 advantage from the quarter-final first legread : messi has a place at barca until he retires , claims club president\"]\n", + "lionel messi , neymar jnr and luis suarez are seven goals short of reaching 100 for the seasonthe three amigos will match the total scored by thierry henry , samuel eto'o and messi in 2009 if they reach 100 goals and they will inevitably fuel the debate that they are fast becoming the greatest front three in barcelona 's history .in this campaign messi has 46 , neymar 28 and suarez 19 despite missing the first three months through suspension .\n", + "lionel messi , luis suarez and neymar have scored 93 goals this seasonmessi , thierry henry and samuel eto'o scored 100 goals in 2008-09 seasonthe trio will attempt to steer barcelona into champions league semi-finalluis enrique 's side hold a 3-1 advantage from the quarter-final first legread : messi has a place at barca until he retires , claims club president\n", + "[1.1676085 1.4814216 1.2243303 1.3216665 1.2772764 1.1787448 1.0777862\n", + " 1.0905747 1.0884054 1.1356593 1.1551157 1.096517 1.0534267 1.0337664\n", + " 1.0333083 1.0169524 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 5 0 10 9 11 7 8 6 12 13 14 15 18 16 17 19]\n", + "=======================\n", + "[\"margaret and gary mazan from bradford , west yorkshire , had their 14 red setters seized by rspca inspectors after the animals were discovered in filthy cages in a garden shed .the court heard how the animals had matted fur , were dehydrated and had not been provided with a suitable diet .a dog breeder and her husband have been jailed for animal cruelty after their animals were found in the ` worst conditions ever seen ' .\"]\n", + "=======================\n", + "[\"warning : contains graphic contentmargaret and gary mazan had their 14 dogs seized by rscpa inspectorsanimals were found with matted fur in filthy cages inside a garden shedcouple from bradford found guilty of animal cruelty and jailed for 26 weekswere banned from owning animals for life and ca n't appeal for 25 years\"]\n", + "margaret and gary mazan from bradford , west yorkshire , had their 14 red setters seized by rspca inspectors after the animals were discovered in filthy cages in a garden shed .the court heard how the animals had matted fur , were dehydrated and had not been provided with a suitable diet .a dog breeder and her husband have been jailed for animal cruelty after their animals were found in the ` worst conditions ever seen ' .\n", + "warning : contains graphic contentmargaret and gary mazan had their 14 dogs seized by rscpa inspectorsanimals were found with matted fur in filthy cages inside a garden shedcouple from bradford found guilty of animal cruelty and jailed for 26 weekswere banned from owning animals for life and ca n't appeal for 25 years\n", + "[1.4458013 1.2906907 1.2295318 1.1878303 1.1728125 1.2985271 1.027811\n", + " 1.0393369 1.0290598 1.06808 1.0228153 1.1181198 1.021174 1.025102\n", + " 1.0546837 1.0325328 1.0864857 1.0493153 1.0164577 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 5 1 2 3 4 11 16 9 14 17 7 15 8 6 13 10 12 18 22 19 20 21 23]\n", + "=======================\n", + "['at least 15 fortune 500 companies , many of them worth north of a $ 1 billion , paid zero income taxes in 2014 , says a report out last week from the citizens for tax justice .cbs made $ 1.8 billion in u.s. profits last year and received a $ 235 million tax rebateaccording to the report , household names like cbs , general electric and mattel all successfully manipulated the u.s. tax code to avoid paying taxes on their massive profits .']\n", + "=======================\n", + "['many of the companies named in a report out april 9 from the citizens for tax justice even received federal tax rebatesthe companies include household names such as cbs , mattel , prudential and time warner']\n", + "at least 15 fortune 500 companies , many of them worth north of a $ 1 billion , paid zero income taxes in 2014 , says a report out last week from the citizens for tax justice .cbs made $ 1.8 billion in u.s. profits last year and received a $ 235 million tax rebateaccording to the report , household names like cbs , general electric and mattel all successfully manipulated the u.s. tax code to avoid paying taxes on their massive profits .\n", + "many of the companies named in a report out april 9 from the citizens for tax justice even received federal tax rebatesthe companies include household names such as cbs , mattel , prudential and time warner\n", + "[1.4285243 1.0787532 1.0568929 1.090386 1.3742611 1.1395197 1.053639\n", + " 1.0395306 1.0531949 1.0275943 1.0470738 1.0521363 1.0523286 1.0687088\n", + " 1.023941 1.0319159 1.0481004 1.0434804 1.0645993 1.0631536 1.0283886\n", + " 1.0169017 1.027305 1.0313861]\n", + "\n", + "[ 0 4 5 3 1 13 18 19 2 6 8 12 11 16 10 17 7 15 23 20 9 22 14 21]\n", + "=======================\n", + "['( cnn ) after two days of deliberation , jurors found dzhokhar tsarnaev guilty on all counts in the boston marathon bombing .today , nearly 1 out of 4 people in the world are muslim .because there could be other more young men just like him , which means the lessons we take from boston will affect whether we can keep america and americans safer .']\n", + "=======================\n", + "['haroon moghul : tsarnaev found guilty in terrorist bombing of boston marathon .pew reports by 2050 , one in 4 will be muslim .moghul : muslims see their community besieged around world , some think solution is violence .']\n", + "( cnn ) after two days of deliberation , jurors found dzhokhar tsarnaev guilty on all counts in the boston marathon bombing .today , nearly 1 out of 4 people in the world are muslim .because there could be other more young men just like him , which means the lessons we take from boston will affect whether we can keep america and americans safer .\n", + "haroon moghul : tsarnaev found guilty in terrorist bombing of boston marathon .pew reports by 2050 , one in 4 will be muslim .moghul : muslims see their community besieged around world , some think solution is violence .\n", + "[1.3906307 1.3092072 1.1242855 1.5023978 1.1936697 1.1980942 1.1948454\n", + " 1.0738204 1.0377082 1.0239584 1.019698 1.1520104 1.0599831 1.0179423\n", + " 1.0130696 1.0214357 1.0132214 1.0472865 1.0108494 1.096716 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 5 6 4 11 2 19 7 12 17 8 9 15 10 13 16 14 18 22 20 21 23]\n", + "=======================\n", + "['everton manager roberto martinez has rejected claims that he is stubborn in his tactical approachthe spaniard has come in for criticism for persisting with trying to get his side to play out from the back despite results suffering recently .everton striker arouna kone ( right ) is tackled by southampton defender jose fonte ( left ) at goodison park']\n", + "=======================\n", + "[\"roberto martinez has hit out at suggestions that he is tactically stubbornthe spaniard has been criticised for persisting with the same style of play , moving the ball on the ground out from defencemartinez insists that he is ` innovative ' in his tactics and points to the tinkering he employed during everton 's win over southampton on saturday\"]\n", + "everton manager roberto martinez has rejected claims that he is stubborn in his tactical approachthe spaniard has come in for criticism for persisting with trying to get his side to play out from the back despite results suffering recently .everton striker arouna kone ( right ) is tackled by southampton defender jose fonte ( left ) at goodison park\n", + "roberto martinez has hit out at suggestions that he is tactically stubbornthe spaniard has been criticised for persisting with the same style of play , moving the ball on the ground out from defencemartinez insists that he is ` innovative ' in his tactics and points to the tinkering he employed during everton 's win over southampton on saturday\n", + "[1.2378107 1.4803356 1.2414373 1.2994363 1.3036667 1.2594314 1.1524068\n", + " 1.149338 1.102816 1.0161277 1.0525882 1.0562958 1.080843 1.0624808\n", + " 1.0433749 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 5 2 0 6 7 8 12 13 11 10 14 9 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "['keith anthony allen , 27 , of columbus pleaded not guilty monday to charges including rape , felonious assault and gross sexual imposition .allen is accused of raping two 12-year-old girls since september and fondling a third girl .he remains jailed with no bond , and court records listed no attorney for him .']\n", + "=======================\n", + "['keith anthony allen , 27 , of columbus , ohio , is facing 19 chargesaccused of sexually assaulting three girlstwo of them , both 12 , were raped , and one is pregnantthe third victim was allegedly fondledallen is facing a life sentence if convicted of having sex with a child']\n", + "keith anthony allen , 27 , of columbus pleaded not guilty monday to charges including rape , felonious assault and gross sexual imposition .allen is accused of raping two 12-year-old girls since september and fondling a third girl .he remains jailed with no bond , and court records listed no attorney for him .\n", + "keith anthony allen , 27 , of columbus , ohio , is facing 19 chargesaccused of sexually assaulting three girlstwo of them , both 12 , were raped , and one is pregnantthe third victim was allegedly fondledallen is facing a life sentence if convicted of having sex with a child\n", + "[1.5313715 1.2300423 1.2527308 1.4625306 1.3053513 1.0738996 1.0176039\n", + " 1.0136344 1.0315658 1.0585859 1.1926899 1.047859 1.1949013 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 2 1 12 10 5 9 11 8 6 7 22 13 14 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "['borussia dortmund defender mats hummels is leaving his options open amid speculation he may leave the club in the summer as he admits he is contemplating leaving the club .mats hummels has admitted he is considering his future at borussia dortmundthe germany defender has consistently been linked with a big-money move to manchester united']\n", + "=======================\n", + "['mats hummels has been linked with a move to manchester unitedgermany defender admits he is considering his future at the clubhummels said his future will become clear at the end of the season']\n", + "borussia dortmund defender mats hummels is leaving his options open amid speculation he may leave the club in the summer as he admits he is contemplating leaving the club .mats hummels has admitted he is considering his future at borussia dortmundthe germany defender has consistently been linked with a big-money move to manchester united\n", + "mats hummels has been linked with a move to manchester unitedgermany defender admits he is considering his future at the clubhummels said his future will become clear at the end of the season\n", + "[1.2045757 1.3847344 1.2153227 1.2471952 1.199967 1.1360775 1.1595308\n", + " 1.1501328 1.0633985 1.0636487 1.0876845 1.1058557 1.0871893 1.0223631\n", + " 1.0311444 1.0621068 1.0263151 1.0679435]\n", + "\n", + "[ 1 3 2 0 4 6 7 5 11 10 12 17 9 8 15 14 16 13]\n", + "=======================\n", + "[\"filmed in north vancouver , the bird - which appears to be a golden eagle , despite some speculation that it is a young bald - is captured standing over a football during its try-out before giving it a slight peck with its beak .after standing and shaking its head , the big bird then moves forwards and rolls the ball to the left with its foot .an eagle demonstrated its footwork after gate-crashing a football team 's training session and enjoying a solo kick-about .\"]\n", + "=======================\n", + "[\"the big bird swoops in and demonstrates how to roll ballbefore jumping up on it with both feet and giving it a kickthe bird 's try-out was captured in north vancouver , canadaeagle interrupted north shore football club training session\"]\n", + "filmed in north vancouver , the bird - which appears to be a golden eagle , despite some speculation that it is a young bald - is captured standing over a football during its try-out before giving it a slight peck with its beak .after standing and shaking its head , the big bird then moves forwards and rolls the ball to the left with its foot .an eagle demonstrated its footwork after gate-crashing a football team 's training session and enjoying a solo kick-about .\n", + "the big bird swoops in and demonstrates how to roll ballbefore jumping up on it with both feet and giving it a kickthe bird 's try-out was captured in north vancouver , canadaeagle interrupted north shore football club training session\n", + "[1.2369401 1.537205 1.166135 1.2147006 1.0943552 1.2254095 1.1585355\n", + " 1.0981215 1.1301057 1.1012557 1.0510263 1.0664672 1.039908 1.0645559\n", + " 1.0664508 1.0533613 1.0573608 0. ]\n", + "\n", + "[ 1 0 5 3 2 6 8 9 7 4 11 14 13 16 15 10 12 17]\n", + "=======================\n", + "[\"tom mctevia , 42 , who was left without the use of his legs following another atv accident 11 years ago , was traveling with a group and driving his friend tina hoisington , 45 , near an overlook at lake pend oreille in bonner county on sunday .a paralyzed former police officer who advocated for wheelchair users has died after accidentally driving his atv off an idaho cliff and plunging 500 feet .a firefighter reached the first victim 's body after rappelling down 500 feet of rock , and the second victim was found 1,100 feet below the edge , fire rescue said .\"]\n", + "=======================\n", + "['tom mctevia , 42 , and his passenger and best friend , tina hoisington , 45 , died after their atv plunged from an idaho overlook on sundaywitnesses said they got too close to the edge while posing for a photomctevia was left paralyzed in another atv accident 11 years earlierbut the former cop and navy veteran continued to stay active and advocated for better trails for people in wheelchairs']\n", + "tom mctevia , 42 , who was left without the use of his legs following another atv accident 11 years ago , was traveling with a group and driving his friend tina hoisington , 45 , near an overlook at lake pend oreille in bonner county on sunday .a paralyzed former police officer who advocated for wheelchair users has died after accidentally driving his atv off an idaho cliff and plunging 500 feet .a firefighter reached the first victim 's body after rappelling down 500 feet of rock , and the second victim was found 1,100 feet below the edge , fire rescue said .\n", + "tom mctevia , 42 , and his passenger and best friend , tina hoisington , 45 , died after their atv plunged from an idaho overlook on sundaywitnesses said they got too close to the edge while posing for a photomctevia was left paralyzed in another atv accident 11 years earlierbut the former cop and navy veteran continued to stay active and advocated for better trails for people in wheelchairs\n", + "[1.3491092 1.1643212 1.2146535 1.3046045 1.2550986 1.3077502 1.1055039\n", + " 1.0844575 1.1176167 1.0828431 1.0514399 1.0894574 1.0700502 1.1994958\n", + " 1.0578367 1.0219206 1.0170947 1.0652125]\n", + "\n", + "[ 0 5 3 4 2 13 1 8 6 11 7 9 12 17 14 10 15 16]\n", + "=======================\n", + "['manchester city are preparing bids for english trio raheem sterling , ross barkley and jay rodriguez as part of a summer anglification of their squad .southampton striker jay rodriguez has not played this season but city are monitoring his return from injuryraheem sterling would cost in region of # 50million but the forward could buy out the final year of his contract']\n", + "=======================\n", + "[\"manchester city will make a concerted effort to sign english playersraheem sterling , ross barkley and jay rodriguez are all on the wanted listcity chiefs are concerned about lack of homegrown players at senior levelfrank lampard will leave in summer and james milner 's future is uncertain\"]\n", + "manchester city are preparing bids for english trio raheem sterling , ross barkley and jay rodriguez as part of a summer anglification of their squad .southampton striker jay rodriguez has not played this season but city are monitoring his return from injuryraheem sterling would cost in region of # 50million but the forward could buy out the final year of his contract\n", + "manchester city will make a concerted effort to sign english playersraheem sterling , ross barkley and jay rodriguez are all on the wanted listcity chiefs are concerned about lack of homegrown players at senior levelfrank lampard will leave in summer and james milner 's future is uncertain\n", + "[1.2302864 1.4905294 1.1712778 1.1522926 1.2607555 1.1800488 1.199032\n", + " 1.1492846 1.1117362 1.230125 1.1255856 1.0153115 1.0568068 1.0889109\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 9 6 5 2 3 7 10 8 13 12 11 14 15 16 17]\n", + "=======================\n", + "['olive fowler was caught by police at jfk airport on april 12 after taking a caribbean airlines flight from her hometown in guyana , south america , to new york .hidden packages : a 70-year-old woman faces jail time for allegedly smuggling four pounds of cocaine in her girdle and underwear ( seen above )the packages tested positive for cocaine .']\n", + "=======================\n", + "[\"olive fowler was caught by police at jfk airport on april 12 after taking a caribbean airlines flight from her hometown in guyana to new yorkauthorities said they spotted her ` sweating profusely ' and ` avoiding eye contact with officers ' so they decided to pull her aside to conduct a searchit 's estimated the drugs found in her panties have a street value of more than $ 73,000she now faces federal narcotics smuggling charges\"]\n", + "olive fowler was caught by police at jfk airport on april 12 after taking a caribbean airlines flight from her hometown in guyana , south america , to new york .hidden packages : a 70-year-old woman faces jail time for allegedly smuggling four pounds of cocaine in her girdle and underwear ( seen above )the packages tested positive for cocaine .\n", + "olive fowler was caught by police at jfk airport on april 12 after taking a caribbean airlines flight from her hometown in guyana to new yorkauthorities said they spotted her ` sweating profusely ' and ` avoiding eye contact with officers ' so they decided to pull her aside to conduct a searchit 's estimated the drugs found in her panties have a street value of more than $ 73,000she now faces federal narcotics smuggling charges\n", + "[1.2326052 1.095829 1.0869205 1.0558885 1.5237558 1.0487351 1.0351785\n", + " 1.1392318 1.2492186 1.0782264 1.0927173 1.049157 1.0723011 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 4 8 0 7 1 10 2 9 12 3 11 5 6 16 13 14 15 17]\n", + "=======================\n", + "[\"on this page you will find today 's show transcript and a place for you to request to be on the cnn student news roll call .some questions addressed this thursday : how has the u.s. supreme court addressed the use of force by police ?what impact might lower gas prices be having on hybrid vehicle sales ?\"]\n", + "=======================\n", + "['this page includes the show transcriptuse the transcript to help students with reading comprehension and vocabularyat the bottom of the page , comment for a chance to be mentioned on cnn student news .']\n", + "on this page you will find today 's show transcript and a place for you to request to be on the cnn student news roll call .some questions addressed this thursday : how has the u.s. supreme court addressed the use of force by police ?what impact might lower gas prices be having on hybrid vehicle sales ?\n", + "this page includes the show transcriptuse the transcript to help students with reading comprehension and vocabularyat the bottom of the page , comment for a chance to be mentioned on cnn student news .\n", + "[1.2856035 1.390004 1.2674503 1.3148193 1.1239581 1.0475262 1.1144658\n", + " 1.1102377 1.0827991 1.0390502 1.0327231 1.0494928 1.0453596 1.0562404\n", + " 1.0717068 1.0756245 1.0280433]\n", + "\n", + "[ 1 3 0 2 4 6 7 8 15 14 13 11 5 12 9 10 16]\n", + "=======================\n", + "['the odds were slashed further yesterday after a scottish punter from edinburgh placed a whopping # 2,000 wager on a new princess with ladbrokes .the majority of punters are convinced that the duchess will give birth to a girlodds on the new royal baby being a girl have tumbled after a bookmaker revealed that 90 per cent of bets placed on the sex have been in favour of a female child .']\n", + "=======================\n", + "[\"90 per cent of bets on the royal baby 's sex have been on a girlone scottish punter in edinburgh placed a bet of # 2,000 yesterdayfavourite potential birth dates include the 18th , 19th and 20th aprilthe duchess of cambridge 's official due date is the 25th aprilpopular names include alice , victoria , arthur and james\"]\n", + "the odds were slashed further yesterday after a scottish punter from edinburgh placed a whopping # 2,000 wager on a new princess with ladbrokes .the majority of punters are convinced that the duchess will give birth to a girlodds on the new royal baby being a girl have tumbled after a bookmaker revealed that 90 per cent of bets placed on the sex have been in favour of a female child .\n", + "90 per cent of bets on the royal baby 's sex have been on a girlone scottish punter in edinburgh placed a bet of # 2,000 yesterdayfavourite potential birth dates include the 18th , 19th and 20th aprilthe duchess of cambridge 's official due date is the 25th aprilpopular names include alice , victoria , arthur and james\n", + "[1.5256642 1.4647099 1.2203404 1.1262239 1.0961251 1.0586671 1.025279\n", + " 1.0391713 1.1297971 1.0580062 1.1047373 1.1418684 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 11 8 3 10 4 5 9 7 6 15 12 13 14 16]\n", + "=======================\n", + "['( cnn ) the quaint town of dunblane , scotland , has been set abuzz by the wedding of tennis legend andy murray to his long-term girlfriend , kim sears .saturday \\'s event -- dubbed \" the royal wedding of scotland \" -- took place at dunblane cathedral , with cheering crowds spilling onto the streets to support their home-grown talent .the grand slam and olympic champion donned a traditional blue and green tartan kilt , while his bride dazzled in a vintage-style gown by british designer jenny packham .']\n", + "=======================\n", + "['uk tennis star andy murray wed his long-term girlfriend , kim sears , in dunblane , scotlandsaturday \\'s event has been dubbed \" the royal wedding of scotland \"']\n", + "( cnn ) the quaint town of dunblane , scotland , has been set abuzz by the wedding of tennis legend andy murray to his long-term girlfriend , kim sears .saturday 's event -- dubbed \" the royal wedding of scotland \" -- took place at dunblane cathedral , with cheering crowds spilling onto the streets to support their home-grown talent .the grand slam and olympic champion donned a traditional blue and green tartan kilt , while his bride dazzled in a vintage-style gown by british designer jenny packham .\n", + "uk tennis star andy murray wed his long-term girlfriend , kim sears , in dunblane , scotlandsaturday 's event has been dubbed \" the royal wedding of scotland \"\n", + "[1.274706 1.2514064 1.2281569 1.1968628 1.1234282 1.1313746 1.0989082\n", + " 1.0988065 1.1047653 1.0731944 1.055504 1.0754637 1.068454 1.0703284\n", + " 1.0309389 1.0152981 1.0611783]\n", + "\n", + "[ 0 1 2 3 5 4 8 6 7 11 9 13 12 16 10 14 15]\n", + "=======================\n", + "[\"traitor edward snowden has revealed he did not read all the top-secret intelligence documents he leaked -- a move which put lives at risk from terrorists .in a television interview the fugitive squirmed as he admitted only ` evaluating ' the files stolen from gchq and the us national security agency .the former us spy also acknowledged there had been a ` f *** - up ' when newspapers that were handed the classified material failed to redact sensitive details exposing operations against al qaeda .\"]\n", + "=======================\n", + "[\"british comedian travelled to moscow to interview the whistleblowerquestions why the former cia systems administrator leaked the filesgets him to explain the security threat in the context of nude picturesdescribes snowden as america 's most famous ` hero and/or traitor 'snowden , at moments , is stunned into silence by the line of questioning\"]\n", + "traitor edward snowden has revealed he did not read all the top-secret intelligence documents he leaked -- a move which put lives at risk from terrorists .in a television interview the fugitive squirmed as he admitted only ` evaluating ' the files stolen from gchq and the us national security agency .the former us spy also acknowledged there had been a ` f *** - up ' when newspapers that were handed the classified material failed to redact sensitive details exposing operations against al qaeda .\n", + "british comedian travelled to moscow to interview the whistleblowerquestions why the former cia systems administrator leaked the filesgets him to explain the security threat in the context of nude picturesdescribes snowden as america 's most famous ` hero and/or traitor 'snowden , at moments , is stunned into silence by the line of questioning\n", + "[1.2566305 1.4440718 1.2029216 1.3057916 1.2353647 1.1019866 1.0913892\n", + " 1.1263283 1.0440556 1.0693322 1.0600379 1.0706326 1.0735147 1.0801551\n", + " 1.077735 1.0809665 0. ]\n", + "\n", + "[ 1 3 0 4 2 7 5 6 15 13 14 12 11 9 10 8 16]\n", + "=======================\n", + "[\"nick cousins , 57 , and grace garcia cousins , 53 , were held over alleged ` ill treatment ' of their child after it emerged that her birth , and that of her 14-year-old sister , were never registered and they did not attend school .the 15-year-old daughter of briton nick cousins ( left ) and his partner grace ( right ) fell to her death from their multi-million pound flat in hong kongthe couple were also being questioned by police over claims that filipino mrs cousins had overstayed her visa .\"]\n", + "=======================\n", + "[\"blanca cousins fell to her death at hong kong 's exclusive 3 repulse bay roadbriton nick cousins , 57 , and teen 's mother , grace , arrested on suspicion of ill-treating the girlblanca and her sister did not have passports and were educated at a private tuition centrepolice have said that blanca may have been ` unhappy with her life '\"]\n", + "nick cousins , 57 , and grace garcia cousins , 53 , were held over alleged ` ill treatment ' of their child after it emerged that her birth , and that of her 14-year-old sister , were never registered and they did not attend school .the 15-year-old daughter of briton nick cousins ( left ) and his partner grace ( right ) fell to her death from their multi-million pound flat in hong kongthe couple were also being questioned by police over claims that filipino mrs cousins had overstayed her visa .\n", + "blanca cousins fell to her death at hong kong 's exclusive 3 repulse bay roadbriton nick cousins , 57 , and teen 's mother , grace , arrested on suspicion of ill-treating the girlblanca and her sister did not have passports and were educated at a private tuition centrepolice have said that blanca may have been ` unhappy with her life '\n", + "[1.4230388 1.2238793 1.2469794 1.3975009 1.1287091 1.290714 1.2706261\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 5 6 2 1 4 14 13 12 11 8 9 15 7 10 16]\n", + "=======================\n", + "['manchester city are rivalling manchester united and arsenal for valenciennes teenage defender dayot upamecano .fourth-placed city face aston villa at the etihad stadium on saturday .centre-back umecano has played for france at u16 and u17 level .']\n", + "=======================\n", + "['dayot upamecano was close to signing for manchester united in januarythe 16-year-old , however , opted to stay in france with valenciennescentre-back upamecano has played for france at u16 and u17 levelarsenal are also interested in the defender as man city join chase']\n", + "manchester city are rivalling manchester united and arsenal for valenciennes teenage defender dayot upamecano .fourth-placed city face aston villa at the etihad stadium on saturday .centre-back umecano has played for france at u16 and u17 level .\n", + "dayot upamecano was close to signing for manchester united in januarythe 16-year-old , however , opted to stay in france with valenciennescentre-back upamecano has played for france at u16 and u17 levelarsenal are also interested in the defender as man city join chase\n", + "[1.1553842 1.2563041 1.33136 1.2796452 1.0793011 1.1382618 1.0628511\n", + " 1.0756279 1.0488442 1.134449 1.0442262 1.1709349 1.0430412 1.1325508\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 11 0 5 9 13 4 7 6 8 10 12 15 14 16]\n", + "=======================\n", + "[\"set in a remote valley in the north-west corner of the state , the shire of montana gives guests the chance to live like bilbo baggins for just under $ 300 ( # 200 ) a night .a guest house inspired by author jrr tolkien 's fictional tales is attracting devoted followers of the book and film franchise -- and others who are simply looking to stay in a place that is out of the ordinary .owners steve and christine michaels spent more than $ 400,000 to transform the property into a destination for fans of the series\"]\n", + "=======================\n", + "['set in a remote valley , the shire of montana is located about 100 miles south of the us-canada borderit is built into a hill on a 20-acre property which boasts decorative hobbit homes , fairy doors and a troll housethere is no mobile phone service as the 1,000 square foot guest house is located entirely underground']\n", + "set in a remote valley in the north-west corner of the state , the shire of montana gives guests the chance to live like bilbo baggins for just under $ 300 ( # 200 ) a night .a guest house inspired by author jrr tolkien 's fictional tales is attracting devoted followers of the book and film franchise -- and others who are simply looking to stay in a place that is out of the ordinary .owners steve and christine michaels spent more than $ 400,000 to transform the property into a destination for fans of the series\n", + "set in a remote valley , the shire of montana is located about 100 miles south of the us-canada borderit is built into a hill on a 20-acre property which boasts decorative hobbit homes , fairy doors and a troll housethere is no mobile phone service as the 1,000 square foot guest house is located entirely underground\n", + "[1.2635217 1.2690032 1.4220434 1.3889031 1.0801227 1.0726022 1.0581872\n", + " 1.0771685 1.0432273 1.1114451 1.137158 1.0295066 1.0181978 1.1412174\n", + " 1.1633017 1.0438968 1.0221573]\n", + "\n", + "[ 2 3 1 0 14 13 10 9 4 7 5 6 15 8 11 16 12]\n", + "=======================\n", + "[\"the 33-year-old is said to be planning to renew her wedding vows with her husband robert , 30 , during the ` no expense spared ' jaunt .shameless : cheryl prudham , 33 , who receives # 39,000 in benefits , and her partner robert are spending # 10,000 on a lavish ceremony in las vegas to renew their wedding vowsshe costs taxpayers more than # 39,000 a year in benefits .\"]\n", + "=======================\n", + "[\"cheryl prudham , 33 , from kent , planning to renew vows with husband robpair splashing out on hotel , gown , limousine and casino gambling moneyeven wants to try for 13th child there so she can boast it is conceived in lacomes just weeks after pair reunited following split over mr prudham 's indecent facebook messages\"]\n", + "the 33-year-old is said to be planning to renew her wedding vows with her husband robert , 30 , during the ` no expense spared ' jaunt .shameless : cheryl prudham , 33 , who receives # 39,000 in benefits , and her partner robert are spending # 10,000 on a lavish ceremony in las vegas to renew their wedding vowsshe costs taxpayers more than # 39,000 a year in benefits .\n", + "cheryl prudham , 33 , from kent , planning to renew vows with husband robpair splashing out on hotel , gown , limousine and casino gambling moneyeven wants to try for 13th child there so she can boast it is conceived in lacomes just weeks after pair reunited following split over mr prudham 's indecent facebook messages\n", + "[1.5745839 1.1500794 1.3098367 1.0648121 1.0724969 1.1141393 1.3149774\n", + " 1.1226645 1.2109385 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 6 2 8 1 7 5 4 3 15 9 10 11 12 13 14 16]\n", + "=======================\n", + "[\"roma failed to make the most of lazio 's defeat to league leaders juventus , as they drew 1-1 at home to relegation-threatened atalanta in serie a to move level on points with their city rival in second spot .roma , who was booed by its own fans , moved level with second-placed lazio on 58 points , 15 behind runaway leaders juventus .francesco totti celebrates after putting roma ahead from the penalty spot after just three minutes\"]\n", + "=======================\n", + "['francesco totti puts roma ahead from the penalty spot in third minutedenis equalises for atalanta from another penalty , and visitors hold onroma move level with city rivals lazio behind juventus in serie a']\n", + "roma failed to make the most of lazio 's defeat to league leaders juventus , as they drew 1-1 at home to relegation-threatened atalanta in serie a to move level on points with their city rival in second spot .roma , who was booed by its own fans , moved level with second-placed lazio on 58 points , 15 behind runaway leaders juventus .francesco totti celebrates after putting roma ahead from the penalty spot after just three minutes\n", + "francesco totti puts roma ahead from the penalty spot in third minutedenis equalises for atalanta from another penalty , and visitors hold onroma move level with city rivals lazio behind juventus in serie a\n", + "[1.210818 1.2707449 1.3688465 1.1859483 1.1672188 1.1207542 1.0803814\n", + " 1.1666214 1.0464851 1.0669436 1.1316257 1.0174052 1.0249723 1.0955985\n", + " 1.1122772 1.0175709 0. ]\n", + "\n", + "[ 2 1 0 3 4 7 10 5 14 13 6 9 8 12 15 11 16]\n", + "=======================\n", + "[\"producer jonathan shestack confirmed that he is working on the yet-untitled project with carey 's good friend director brett ratner co-producing .according to ew , new line cinema is planning a mariah carey christmas movie .( cnn ) all we want for christmas is you , mariah carey !\"]\n", + "=======================\n", + "[\"new line cinema is reportedly planning a mariah carey christmas moviecarey was queen of the '90s , and that decade is totally hot now\"]\n", + "producer jonathan shestack confirmed that he is working on the yet-untitled project with carey 's good friend director brett ratner co-producing .according to ew , new line cinema is planning a mariah carey christmas movie .( cnn ) all we want for christmas is you , mariah carey !\n", + "new line cinema is reportedly planning a mariah carey christmas moviecarey was queen of the '90s , and that decade is totally hot now\n", + "[1.208786 1.32079 1.2898912 1.119677 1.3271105 1.0915356 1.1809915\n", + " 1.113337 1.068739 1.1417445 1.0689822 1.0648099 1.0604639 1.0650043\n", + " 1.1386989 0. 0. ]\n", + "\n", + "[ 4 1 2 0 6 9 14 3 7 5 10 8 13 11 12 15 16]\n", + "=======================\n", + "[\"botched : nikko jenkins ( pictured in 2014 ) recently tried to carve ' 666 ' into his forehead but did it backwardsbut in a phenomenal case of idiocy , convicted murderer nikko jenkins used a mirror - so the numbers came out backwards .the symbol is described in the biblical book of revelation as ` the sign of the beast ' , and has since been popularized by the horror movie the omen .\"]\n", + "=======================\n", + "['nikko jenkins , 28 , was trying to etch the revelation sign of the beastbut he now has a series of upside-down 9s across his faceit is believed he may use the botched case as evidence he is mentally unstable and therefore ineligible to face the death penaltyjenkins was convicted of shooting dead four people in 10 days after he was released from prison in omaha , nebraska , in 2013']\n", + "botched : nikko jenkins ( pictured in 2014 ) recently tried to carve ' 666 ' into his forehead but did it backwardsbut in a phenomenal case of idiocy , convicted murderer nikko jenkins used a mirror - so the numbers came out backwards .the symbol is described in the biblical book of revelation as ` the sign of the beast ' , and has since been popularized by the horror movie the omen .\n", + "nikko jenkins , 28 , was trying to etch the revelation sign of the beastbut he now has a series of upside-down 9s across his faceit is believed he may use the botched case as evidence he is mentally unstable and therefore ineligible to face the death penaltyjenkins was convicted of shooting dead four people in 10 days after he was released from prison in omaha , nebraska , in 2013\n", + "[1.184835 1.1349562 1.2853614 1.2459747 1.1912895 1.1045454 1.1923622\n", + " 1.1334009 1.1003947 1.0637345 1.0756239 1.0942028 1.0342928 1.0225329\n", + " 1.0242621 1.0288186 1.0539409 1.025507 1.058119 1.0266291 1.0215936\n", + " 1.0191597 1.022176 ]\n", + "\n", + "[ 2 3 6 4 0 1 7 5 8 11 10 9 18 16 12 15 19 17 14 13 22 20 21]\n", + "=======================\n", + "['in a video , a scientist has revealed how gin and vodka dilute red wine stains , why vinegar is so good at removing mineral deposits on glass , and how spit tackles stubborn food stains in your kitchen .red wine is red because of pigments known as anthocyanins , which are alcohol soluble .the video was created by the washington-based american chemical society ( acs ) as part of its reactions series .']\n", + "=======================\n", + "[\"the video was created by washington-based american chemical societyit reveals three ` hacks ' to tackle stains on windows , carpets and countersand shows the science behind why gin removes red wine stains and why spit removes food stains on hard surfaces\"]\n", + "in a video , a scientist has revealed how gin and vodka dilute red wine stains , why vinegar is so good at removing mineral deposits on glass , and how spit tackles stubborn food stains in your kitchen .red wine is red because of pigments known as anthocyanins , which are alcohol soluble .the video was created by the washington-based american chemical society ( acs ) as part of its reactions series .\n", + "the video was created by washington-based american chemical societyit reveals three ` hacks ' to tackle stains on windows , carpets and countersand shows the science behind why gin removes red wine stains and why spit removes food stains on hard surfaces\n", + "[1.4731439 1.5092969 1.2730112 1.5200541 1.2461977 1.0339713 1.0158788\n", + " 1.0149454 1.0119624 1.014789 1.0149602 1.1416574 1.0790744 1.1681908\n", + " 1.2138172 1.0118088 1.0106864 1.0103842 1.0227515 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 1 0 2 4 14 13 11 12 5 18 6 10 7 9 8 15 16 17 21 19 20 22]\n", + "=======================\n", + "['inter milan loanee lukas podolski says he wants to play for parent club arsenal next seasonthe german world cup winner is currently on loan at inter milan having joined the serie a club in january following a tough start to the season at the emirates , where he scored just three goals in 13 appearances .lukas podolski insists he is prepared to fight for his place at arsenal when he arrives back at the club in the summer .']\n", + "=======================\n", + "['lukas podolski left arsenal for inter milan on a loan deal in januarygerman world cup winner has yet to score since arriving in italyforward was an unused substitute in goalless derby draw on sundaypodolski insists he wants to fight for his place in north london']\n", + "inter milan loanee lukas podolski says he wants to play for parent club arsenal next seasonthe german world cup winner is currently on loan at inter milan having joined the serie a club in january following a tough start to the season at the emirates , where he scored just three goals in 13 appearances .lukas podolski insists he is prepared to fight for his place at arsenal when he arrives back at the club in the summer .\n", + "lukas podolski left arsenal for inter milan on a loan deal in januarygerman world cup winner has yet to score since arriving in italyforward was an unused substitute in goalless derby draw on sundaypodolski insists he wants to fight for his place in north london\n", + "[1.208413 1.1487899 1.2451054 1.3219707 1.1043861 1.220921 1.2100642\n", + " 1.0550205 1.0573485 1.0662994 1.0652736 1.0508249 1.0835369 1.0482463\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 2 5 6 0 1 4 12 9 10 8 7 11 13 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"the steel gate at border field state park in california , which was put in place in the mid-1990s , was unlocked by officials in honor of children 's day , a mexican holiday that celebrates youngsters and family .these pictures show the moving moments men , women and children living in the united states were reunited with their deported relatives after the border gate to mexico was temporarily opened on sunday .two young boys reportedly fell to their knees as they crossed into mexico and saw their cherished mother for the first time in two years .\"]\n", + "=======================\n", + "[\"gate at border field state park , california , was opened for selected families on sunday in honor of children 's dayit was only the second time it had been unlocked by border patrol officers since it was put in place in mid-1990stwo young boys fell to their knees as they saw mom for first time in two years after she was deported to mexico` we talked about how life was without our mom .meanwhile , one grandmother wept as she embraced her seven-year-old granddaughter in front of photographersmany of the deported relatives had been living in us without documentation - and had not seen families for yearsthey were given just minutes to hug and kiss their loved ones ; event was organised by non-profit border angels\"]\n", + "the steel gate at border field state park in california , which was put in place in the mid-1990s , was unlocked by officials in honor of children 's day , a mexican holiday that celebrates youngsters and family .these pictures show the moving moments men , women and children living in the united states were reunited with their deported relatives after the border gate to mexico was temporarily opened on sunday .two young boys reportedly fell to their knees as they crossed into mexico and saw their cherished mother for the first time in two years .\n", + "gate at border field state park , california , was opened for selected families on sunday in honor of children 's dayit was only the second time it had been unlocked by border patrol officers since it was put in place in mid-1990stwo young boys fell to their knees as they saw mom for first time in two years after she was deported to mexico` we talked about how life was without our mom .meanwhile , one grandmother wept as she embraced her seven-year-old granddaughter in front of photographersmany of the deported relatives had been living in us without documentation - and had not seen families for yearsthey were given just minutes to hug and kiss their loved ones ; event was organised by non-profit border angels\n", + "[1.2688109 1.4029869 1.2825103 1.1822519 1.2441485 1.064043 1.0965028\n", + " 1.0636961 1.076048 1.0212888 1.1165054 1.0978857 1.0733645 1.0325993\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 4 3 10 11 6 8 12 5 7 13 9 21 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"the fund had been facing allegations of improper behavior after reports surfaced about undisclosed donations from foreign governments and a donor who was selling his uranium company to a russian state agency at the same time the state department had to approve the sale .the acting chief executive of the clinton foundation acknowledged that the global philanthropy made mistakes in how it disclosed its donors amid growing scrutiny as hillary rodham clinton opens her presidential campaign .however , the tempered apology came the same day that a government watchdog said that the charity seemed like a ` slush fund ' for one of america 's most powerful political families .\"]\n", + "=======================\n", + "[\"acting clinton foundation ceo maura pally said ` yes , we made mistakes 'fund ` mistakenly combined ' government grants and other donationsfoundation faces criticism after report it received millions from executive who sold uranium company to russia in state department-approved dealpally said canadian law prevented its partner from disclosing the donationtook in $ 140million in 2013 and spent on $ 84.6 million on payroll and operations and just $ 9million on direct aid\"]\n", + "the fund had been facing allegations of improper behavior after reports surfaced about undisclosed donations from foreign governments and a donor who was selling his uranium company to a russian state agency at the same time the state department had to approve the sale .the acting chief executive of the clinton foundation acknowledged that the global philanthropy made mistakes in how it disclosed its donors amid growing scrutiny as hillary rodham clinton opens her presidential campaign .however , the tempered apology came the same day that a government watchdog said that the charity seemed like a ` slush fund ' for one of america 's most powerful political families .\n", + "acting clinton foundation ceo maura pally said ` yes , we made mistakes 'fund ` mistakenly combined ' government grants and other donationsfoundation faces criticism after report it received millions from executive who sold uranium company to russia in state department-approved dealpally said canadian law prevented its partner from disclosing the donationtook in $ 140million in 2013 and spent on $ 84.6 million on payroll and operations and just $ 9million on direct aid\n", + "[1.1685553 1.4475114 1.2424135 1.1847416 1.1902622 1.123949 1.1349915\n", + " 1.0765208 1.0933847 1.068568 1.08781 1.1322348 1.1002007 1.069188\n", + " 1.0412186 1.0501813 1.0194727 1.0267612 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 4 3 0 6 11 5 12 8 10 7 13 9 15 14 17 16 21 18 19 20 22]\n", + "=======================\n", + "[\"more than half the members of a group of 28 industrialised nations reduced their aid budget between 2013 and 2014 , a report found .britain 's failure to follow suit -- thanks to a target imposed by david cameron -- means that its overseas aid spending of 0.7 per cent of national income is double the average level of the other nations in the group known as the development assistance committee .out of every # 100 spent by these western nations on overseas aid , no less than # 14 now comes from the uk .\"]\n", + "=======================\n", + "['more than half of members of group of industrial nations reduced aidbut britain failed to follow suit - thanks to target imposed by mr cameronits overseas spending is double the average level of other nations in group']\n", + "more than half the members of a group of 28 industrialised nations reduced their aid budget between 2013 and 2014 , a report found .britain 's failure to follow suit -- thanks to a target imposed by david cameron -- means that its overseas aid spending of 0.7 per cent of national income is double the average level of the other nations in the group known as the development assistance committee .out of every # 100 spent by these western nations on overseas aid , no less than # 14 now comes from the uk .\n", + "more than half of members of group of industrial nations reduced aidbut britain failed to follow suit - thanks to target imposed by mr cameronits overseas spending is double the average level of other nations in group\n", + "[1.5152538 1.1435989 1.3812109 1.3265994 1.2809021 1.2290962 1.1090376\n", + " 1.0913948 1.0340223 1.027298 1.0331761 1.0273224 1.0264554 1.0628488\n", + " 1.0662571 1.0285244 1.0214715 1.0075625 1.0085782 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 3 4 5 1 6 7 14 13 8 10 15 11 9 12 16 18 17 20 19 21]\n", + "=======================\n", + "[\"johanna basford , 32 , has released a colouring book for adults which has sold 226,000 in one monthsince british artist johanna basford created one of the first colouring books for grown-ups in 2013 , called secret garden , it has sold over 1.5 million copies and inspired a flurry of similar books .now , the 32-year-old 's second book enchanted forest has sold out within weeks of its release .\"]\n", + "=======================\n", + "[\"johanna basford released secret garden in 2013 which sold 1.5 m copies32-year-old 's second book enchanted forest has sold out within weeksmother-of-one said huge range of people enjoy her ` stress-relieving ' books\"]\n", + "johanna basford , 32 , has released a colouring book for adults which has sold 226,000 in one monthsince british artist johanna basford created one of the first colouring books for grown-ups in 2013 , called secret garden , it has sold over 1.5 million copies and inspired a flurry of similar books .now , the 32-year-old 's second book enchanted forest has sold out within weeks of its release .\n", + "johanna basford released secret garden in 2013 which sold 1.5 m copies32-year-old 's second book enchanted forest has sold out within weeksmother-of-one said huge range of people enjoy her ` stress-relieving ' books\n", + "[1.2983383 1.256958 1.2647431 1.2222992 1.1429899 1.1534004 1.0900736\n", + " 1.0624925 1.0893749 1.0787432 1.061887 1.0468774 1.0544877 1.0709977\n", + " 1.0793687 1.0813802 1.0171661 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 3 5 4 6 8 15 14 9 13 7 10 12 11 16 20 17 18 19 21]\n", + "=======================\n", + "['( cnn ) as saudi forces pounded southern yemen with a fresh series of airstrikes wednesday , houthi rebels called for peace talks .the previous round of talks between houthi rebels and the government of yemeni president abdu rabu mansour hadi failed in january after rebels attacked the president \\'s personal residence and presidential palace in sanaa , the yemeni capital .the u.n.-sponsored talks should resume \" but only after a complete halt of attacks , \" houthi spokesman mohammed abdulsalam said in a facebook post .']\n", + "=======================\n", + "['houthis call for halt to fighting and resumption of peace talksthe cessation of airstrikes lasted less than 24 hoursnext phase , called \" operation renewal of hope , \" will focus on political process']\n", + "( cnn ) as saudi forces pounded southern yemen with a fresh series of airstrikes wednesday , houthi rebels called for peace talks .the previous round of talks between houthi rebels and the government of yemeni president abdu rabu mansour hadi failed in january after rebels attacked the president 's personal residence and presidential palace in sanaa , the yemeni capital .the u.n.-sponsored talks should resume \" but only after a complete halt of attacks , \" houthi spokesman mohammed abdulsalam said in a facebook post .\n", + "houthis call for halt to fighting and resumption of peace talksthe cessation of airstrikes lasted less than 24 hoursnext phase , called \" operation renewal of hope , \" will focus on political process\n", + "[1.2275603 1.3482678 1.0542786 1.2377504 1.2139018 1.1781908 1.0927937\n", + " 1.1159166 1.161189 1.1129748 1.1242788 1.1945889 1.0747069 1.0495521\n", + " 1.0562112 1.0488602 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 4 11 5 8 10 7 9 6 12 14 2 13 15 20 16 17 18 19 21]\n", + "=======================\n", + "[\"a time lapse video , filmed from the platform over a 45 minute period at 11am , shows the water creeping along the tracks at bardwell park in sydney 's south forcing the partial closure of the t2 airport line .the murky flood water eventually submerges the train line and begins moving like a river past the platform .incredible footage of a sydney train station flooding during the storm of a decade on wednesday has been captured on cctv .\"]\n", + "=======================\n", + "[\"the video was filmed over 45 minutes at bardwell park station in sydneyit shows the rising flood water taking over the train trackssydney 's two-day total rain fall totalled about 225mm on wednesdaythe flooding caused a partial closure of the airport train line\"]\n", + "a time lapse video , filmed from the platform over a 45 minute period at 11am , shows the water creeping along the tracks at bardwell park in sydney 's south forcing the partial closure of the t2 airport line .the murky flood water eventually submerges the train line and begins moving like a river past the platform .incredible footage of a sydney train station flooding during the storm of a decade on wednesday has been captured on cctv .\n", + "the video was filmed over 45 minutes at bardwell park station in sydneyit shows the rising flood water taking over the train trackssydney 's two-day total rain fall totalled about 225mm on wednesdaythe flooding caused a partial closure of the airport train line\n", + "[1.524482 1.4245224 1.1959566 1.3546759 1.0867819 1.0472674 1.0137056\n", + " 1.2234424 1.2308074 1.108818 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 8 7 2 9 4 5 6 19 18 17 16 15 10 13 12 11 20 14 21]\n", + "=======================\n", + "[\"olympic champion alistair brownlee recovered from a fall to claim victory in his return to world triathlon series action in cape town .the 27-year-old , who missed the first three events of the season due to an ankle injury , sprinted away to beat rival javier gomez with frenchman vincent luis in third .brownlee 's victory capped a good week for great britain after vicky holland triumphed in the women 's race on saturday .\"]\n", + "=======================\n", + "[\"alistair brownlee beat javier gomez in a sprint finish in south africahe was tripped but recovered in his world triathlon series returnolympic champion warned rivals he ` should only get fitter from here 'great britain 's vicky holland won the women 's race on saturday\"]\n", + "olympic champion alistair brownlee recovered from a fall to claim victory in his return to world triathlon series action in cape town .the 27-year-old , who missed the first three events of the season due to an ankle injury , sprinted away to beat rival javier gomez with frenchman vincent luis in third .brownlee 's victory capped a good week for great britain after vicky holland triumphed in the women 's race on saturday .\n", + "alistair brownlee beat javier gomez in a sprint finish in south africahe was tripped but recovered in his world triathlon series returnolympic champion warned rivals he ` should only get fitter from here 'great britain 's vicky holland won the women 's race on saturday\n", + "[1.2849386 1.1626325 1.0837175 1.1003814 1.054144 1.1492788 1.1505527\n", + " 1.0908153 1.157948 1.099166 1.1362708 1.0539895 1.0228755 1.0234706\n", + " 1.0426162 1.0229788 1.0282631 1.0343719 1.0294219 1.0744153 1.0166041\n", + " 1.024581 ]\n", + "\n", + "[ 0 1 8 6 5 10 3 9 7 2 19 4 11 14 17 18 16 21 13 15 12 20]\n", + "=======================\n", + "[\"the february afternoon we arrived in adelaide , the mercury was whizzing up to a sizzling 46c and the south australian city was the hottest place on the planet .the temperature had climbed above 40c for a whole week and even the aussies were struggling .sian meets team sky 's geraint thomas ( centre ) and sir chris hoy ( right ) at the start of the tour down under\"]\n", + "=======================\n", + "[\"sian lloyd visited adelaide , hahndorf and clare valley in south australiaformer itv weather forecaster caught the famous indian pacific to perthshe ticked off a bucket list item by cycling the clare valley riesling trailkalgoorlie gold mine and margaret river impressed in the country 's west\"]\n", + "the february afternoon we arrived in adelaide , the mercury was whizzing up to a sizzling 46c and the south australian city was the hottest place on the planet .the temperature had climbed above 40c for a whole week and even the aussies were struggling .sian meets team sky 's geraint thomas ( centre ) and sir chris hoy ( right ) at the start of the tour down under\n", + "sian lloyd visited adelaide , hahndorf and clare valley in south australiaformer itv weather forecaster caught the famous indian pacific to perthshe ticked off a bucket list item by cycling the clare valley riesling trailkalgoorlie gold mine and margaret river impressed in the country 's west\n", + "[1.166363 1.3413811 1.3846192 1.1768343 1.1361822 1.1297362 1.119974\n", + " 1.1497834 1.0744542 1.0837905 1.0554241 1.0794737 1.1082679 1.0586139\n", + " 1.1042062 1.0526046 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 0 7 4 5 6 12 14 9 11 8 13 10 15 18 16 17 19]\n", + "=======================\n", + "['two-thirds of new uk fathers are now over 30 , and the researchers say older would-be fathers should be better informed about the risks of conditions that can occur in their offspring .this increases the risk of epilepsy , autism and breast cancer .whereas the menopause marks the end of reproduction , men are able to produce sperm throughout their lives .']\n", + "=======================\n", + "['two-thirds of new uk fathers are now over 30the older they are , the greater the risk of health problemsincreases the risk of epilepsy , autism and breast cancer for baby']\n", + "two-thirds of new uk fathers are now over 30 , and the researchers say older would-be fathers should be better informed about the risks of conditions that can occur in their offspring .this increases the risk of epilepsy , autism and breast cancer .whereas the menopause marks the end of reproduction , men are able to produce sperm throughout their lives .\n", + "two-thirds of new uk fathers are now over 30the older they are , the greater the risk of health problemsincreases the risk of epilepsy , autism and breast cancer for baby\n", + "[1.3562655 1.335155 1.3087423 1.3003852 1.0569575 1.0627152 1.0371057\n", + " 1.0891725 1.1391685 1.0676581 1.153177 1.0690981 1.0822991 1.0575508\n", + " 1.0356227 1.1030245 1.0722606 1.0426683 1.031001 1.0164266]\n", + "\n", + "[ 0 1 2 3 10 8 15 7 12 16 11 9 5 13 4 17 6 14 18 19]\n", + "=======================\n", + "[\"injuries : the exploding phone caused injuries so deep that doctors could see hanghang 's jawbonea 12-year-old in central china was seriously injured when his phone exploded while it was charging .the boy , known only as hanghang , was using the old handset as an alarm when he woke up early for school and started to play with it .\"]\n", + "=======================\n", + "['hanghang was playing on the phone after waking up early for schoolhe said the phone felt hot and then blew up in his handit left his jawbone exposed and injuries to his hand , leg and kneeexperts blame battery as most likely cause of blast']\n", + "injuries : the exploding phone caused injuries so deep that doctors could see hanghang 's jawbonea 12-year-old in central china was seriously injured when his phone exploded while it was charging .the boy , known only as hanghang , was using the old handset as an alarm when he woke up early for school and started to play with it .\n", + "hanghang was playing on the phone after waking up early for schoolhe said the phone felt hot and then blew up in his handit left his jawbone exposed and injuries to his hand , leg and kneeexperts blame battery as most likely cause of blast\n", + "[1.548142 1.31562 1.2327213 1.1225528 1.0897878 1.0883406 1.0536968\n", + " 1.0330565 1.0373095 1.0393344 1.0679587 1.0571538 1.0550859 1.0466181\n", + " 1.0342937 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 5 10 11 12 6 13 9 8 14 7 15 16 17 18 19]\n", + "=======================\n", + "[\"( cnn ) japanese prime minister shinzo abe is scheduled to speak wednesday to a joint meeting of congress .the address marks the first time in history that the head of the japanese government will address the entire u.s. congress , and given the importance of the u.s.-japan relationship , it is an invitation long overdue .so far , prime minister abe 's appearance has garnered much less attention than last month 's speech to congress by israeli prime minister benjamin netanyahu .\"]\n", + "=======================\n", + "['japanese prime minister shinzo abe will address congress on wednesdaypaul sracic : abe has a lot riding on tpp trade agreement']\n", + "( cnn ) japanese prime minister shinzo abe is scheduled to speak wednesday to a joint meeting of congress .the address marks the first time in history that the head of the japanese government will address the entire u.s. congress , and given the importance of the u.s.-japan relationship , it is an invitation long overdue .so far , prime minister abe 's appearance has garnered much less attention than last month 's speech to congress by israeli prime minister benjamin netanyahu .\n", + "japanese prime minister shinzo abe will address congress on wednesdaypaul sracic : abe has a lot riding on tpp trade agreement\n", + "[1.2895206 1.4810436 1.1383989 1.1055908 1.4109145 1.1743503 1.0409681\n", + " 1.0419323 1.1354659 1.1271918 1.1047521 1.0540173 1.0397513 1.0263705\n", + " 1.0651392 1.05212 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 5 2 8 9 3 10 14 11 15 7 6 12 13 18 16 17 19]\n", + "=======================\n", + "[\"the anfield boss was fined at blackburn magistrates ' court for leaving a # 69,950 terrace house in accrington , lancashire , with broken windows and doors and rubbish strewn across the garden .liverpool manager brendan rodgers was convicted of leaving a property in accrington to rot , but subsequently had his conviction overturned because he did not receive a summonsrodgers was originally told to fix the windows , doors and roof , and to remove the rubbish from the garden\"]\n", + "=======================\n", + "[\"brendan rodgers was found guilty in his absence of ignoring a notice to improve a property he co-owns in accrington , lancashirehouse had broken windows and doors with rubbish strewn across a yardbut rodgers and business partner judith o'hagan had their convictions quashed after court heard they did not receive a summons\"]\n", + "the anfield boss was fined at blackburn magistrates ' court for leaving a # 69,950 terrace house in accrington , lancashire , with broken windows and doors and rubbish strewn across the garden .liverpool manager brendan rodgers was convicted of leaving a property in accrington to rot , but subsequently had his conviction overturned because he did not receive a summonsrodgers was originally told to fix the windows , doors and roof , and to remove the rubbish from the garden\n", + "brendan rodgers was found guilty in his absence of ignoring a notice to improve a property he co-owns in accrington , lancashirehouse had broken windows and doors with rubbish strewn across a yardbut rodgers and business partner judith o'hagan had their convictions quashed after court heard they did not receive a summons\n", + "[1.2868888 1.5406761 1.3804159 1.2086333 1.041921 1.422456 1.1514717\n", + " 1.0697838 1.0191861 1.0778074 1.0141723 1.0164374 1.0939527 1.0831435\n", + " 1.0533496 1.0571272 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 2 0 3 6 12 13 9 7 15 14 4 8 11 10 18 16 17 19]\n", + "=======================\n", + "['clare verrall , 31 , was out with her french bulldog dutchy on wednesday evening near her home in prahran , in melbourne , when a man jumped out at her from behind some bins .melbourne woman clare verrall was randomly attacked while walking her dog on wednesday nighthe attacked her and she was left with a black eye , broken nose and broken toe from the altercation .']\n", + "=======================\n", + "['clare verrall was randomly attacked while walking her dog on wednesdaythe melbourne woman was just streets from her prahan homeshe suffered a black eye , broken nose , broken toe , and other injuriesms verrall managed to get away by kneeing her attacker in the groinshe credits the kickboxing and self-defence classes for her escape']\n", + "clare verrall , 31 , was out with her french bulldog dutchy on wednesday evening near her home in prahran , in melbourne , when a man jumped out at her from behind some bins .melbourne woman clare verrall was randomly attacked while walking her dog on wednesday nighthe attacked her and she was left with a black eye , broken nose and broken toe from the altercation .\n", + "clare verrall was randomly attacked while walking her dog on wednesdaythe melbourne woman was just streets from her prahan homeshe suffered a black eye , broken nose , broken toe , and other injuriesms verrall managed to get away by kneeing her attacker in the groinshe credits the kickboxing and self-defence classes for her escape\n", + "[1.5222147 1.1273508 1.1394322 1.2405026 1.4714502 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 3 2 1 15 14 13 12 11 8 9 16 7 6 5 10 17]\n", + "=======================\n", + "[\"raheem sterling has admitted he is not ready to sign a new contract at liverpool deal despite being offered a # 100,000-a-week deal to stay with the merseyside club .the england international has managed just six goals this season - one less than stoke frontman jon walters - while his conversion rate and minutes per goal ratio have worsened as the graphic below shows .however , despite being one of liverpool 's star men , sterling has struggled to repeat the impressive form he showed for the reds last season .\"]\n", + "=======================\n", + "[\"raheem sterling has revealed he is not ready to sign a new liverpool dealthe reds wideman has struggled to repeat last season 's impressive formthe 20-year-old liverpool star has managed just six goals this seasonread : sterling insists he is not a ` money-grabbing 20-year-old 'sterling : what he said about contract talks ... and what he meantclick here for the latest liverpool news\"]\n", + "raheem sterling has admitted he is not ready to sign a new contract at liverpool deal despite being offered a # 100,000-a-week deal to stay with the merseyside club .the england international has managed just six goals this season - one less than stoke frontman jon walters - while his conversion rate and minutes per goal ratio have worsened as the graphic below shows .however , despite being one of liverpool 's star men , sterling has struggled to repeat the impressive form he showed for the reds last season .\n", + "raheem sterling has revealed he is not ready to sign a new liverpool dealthe reds wideman has struggled to repeat last season 's impressive formthe 20-year-old liverpool star has managed just six goals this seasonread : sterling insists he is not a ` money-grabbing 20-year-old 'sterling : what he said about contract talks ... and what he meantclick here for the latest liverpool news\n", + "[1.3345252 1.2165012 1.1748263 1.2809174 1.2956057 1.1825038 1.1779991\n", + " 1.1478616 1.0909717 1.0300595 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 3 1 5 6 2 7 8 9 10 11 12 13 14 15 16 17]\n", + "=======================\n", + "['( cnn ) tornadoes , fierce winds and severe thunderstorms with large hail are predicted for the midwest and for the plains , from the ozarks eastward to the lower ohio valley , on thursday and friday , the national weather service said .by thursday afternoon , storms will hit parts of indiana and kentucky .severe weather is perilous anytime , of course , but cnn meteorologist chad myers says that tornado conditions are more dangerous during the night .']\n", + "=======================\n", + "['thunderstorms with large hail are predicted for the midwest and the plainstornadoes could strike thursday night and friday']\n", + "( cnn ) tornadoes , fierce winds and severe thunderstorms with large hail are predicted for the midwest and for the plains , from the ozarks eastward to the lower ohio valley , on thursday and friday , the national weather service said .by thursday afternoon , storms will hit parts of indiana and kentucky .severe weather is perilous anytime , of course , but cnn meteorologist chad myers says that tornado conditions are more dangerous during the night .\n", + "thunderstorms with large hail are predicted for the midwest and the plainstornadoes could strike thursday night and friday\n", + "[1.4048698 1.4259748 1.2564188 1.1314976 1.1244428 1.0310414 1.0129117\n", + " 1.0190594 1.0187851 1.019995 1.0280412 1.0833957 1.0680887 1.0671993\n", + " 1.0371149 1.092479 1.0334773 0. ]\n", + "\n", + "[ 1 0 2 3 4 15 11 12 13 14 16 5 10 9 7 8 6 17]\n", + "=======================\n", + "['the 50-year-old needs just two more wins to achieve the fourth promotion of a career that has been mostly spent rescuing clubs from relegation after goals by kieran agard , joe bryan and aaron wilbraham clinched a local derby victory .steve cotterill could be just a week away from putting bristol city back into the championship .in front of a sold-out ashton gate , city took revenge for a bitterly fought 1-0 defeat back in november which ended their unbeaten start to the season .']\n", + "=======================\n", + "[\"bristol city 's lead at the top of the league one table was extended to eight points following a 3-0 win over swindonkieran agard scored the home side 's opening goal from inside the box in the first-halfjoe bryan made it 2-0 with a superb free-kick on 80 minutes before aaron wilbraham wrapped up the win from close range later on\"]\n", + "the 50-year-old needs just two more wins to achieve the fourth promotion of a career that has been mostly spent rescuing clubs from relegation after goals by kieran agard , joe bryan and aaron wilbraham clinched a local derby victory .steve cotterill could be just a week away from putting bristol city back into the championship .in front of a sold-out ashton gate , city took revenge for a bitterly fought 1-0 defeat back in november which ended their unbeaten start to the season .\n", + "bristol city 's lead at the top of the league one table was extended to eight points following a 3-0 win over swindonkieran agard scored the home side 's opening goal from inside the box in the first-halfjoe bryan made it 2-0 with a superb free-kick on 80 minutes before aaron wilbraham wrapped up the win from close range later on\n", + "[1.0960906 1.6201131 1.1642183 1.3396032 1.2406384 1.0832614 1.1477314\n", + " 1.1028792 1.0619056 1.08756 1.1487446 1.1687845 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 11 2 10 6 7 0 9 5 8 12 13 14 15 16 17]\n", + "=======================\n", + "['marc gasol of the memphis grizzlies was heading back to the locker room after the team beat the new orleans pelicans 110-74 on wednesday night .this is the adorable moment memphis grizzlies player marc gasol and a special needs boy shared a quick chat and a high-five after a gamelast year grizzlies player zach randolph left the bench during the fourth quarter and gave the child his warm-up shirt off his back']\n", + "=======================\n", + "[\"marc gasol of the memphis grizzlies was heading back to the locker room when he stopped to talk and give the child a high-fiveas he left the biggest smile spread across the young fan 's facelast year grizzlies player zach randolph left the bench during the fourth quarter of a game to talk to the same boy and give him his warm-up shirt\"]\n", + "marc gasol of the memphis grizzlies was heading back to the locker room after the team beat the new orleans pelicans 110-74 on wednesday night .this is the adorable moment memphis grizzlies player marc gasol and a special needs boy shared a quick chat and a high-five after a gamelast year grizzlies player zach randolph left the bench during the fourth quarter and gave the child his warm-up shirt off his back\n", + "marc gasol of the memphis grizzlies was heading back to the locker room when he stopped to talk and give the child a high-fiveas he left the biggest smile spread across the young fan 's facelast year grizzlies player zach randolph left the bench during the fourth quarter of a game to talk to the same boy and give him his warm-up shirt\n", + "[1.4599504 1.1781576 1.2053337 1.2326565 1.4112885 1.1363676 1.0850033\n", + " 1.0451577 1.1225544 1.1368912 1.0261228 1.1353099 1.0616423 1.0368662\n", + " 1.0433894 1.0161291 1.0180455 1.0623336]\n", + "\n", + "[ 0 4 3 2 1 9 5 11 8 6 17 12 7 14 13 10 16 15]\n", + "=======================\n", + "[\"rory mcilory was joined by niall horan at the masters on wednesday as the one direction singer caddied for the northern irish golfer in the traditional par-3 contest at augusta .the singer from ireland even got an opportunity to tee off on one hole while tiger woods also played the par-3 contest for the first time in 11 years .horan fell while carrying mcilroy 's clubs around the par-three course , but the pair laughed it off as the northern irishman his a one-under-par round on wednesday .\"]\n", + "=======================\n", + "[\"rory mcilory joined on the course by one direction 's niall horan for par-3 contesttiger woods played in the par-3 contest at the augusta national for the first time since 2004mcilroy shot a one-under-par round to finish in a tie for 16th along with ian poulterhoran suffered an embarrassing slip while carrying mcilroy 's clubs during the round on wednesdaygolf legend jack nicklaus his a hole in one on the fourth hole of the par-3 courserickie fowler was caddied by his girlfriend alexis randock and played with two-time champion bubba watsonkevin streelman won par-3 contest after three-hole play-off with camilo villegas\"]\n", + "rory mcilory was joined by niall horan at the masters on wednesday as the one direction singer caddied for the northern irish golfer in the traditional par-3 contest at augusta .the singer from ireland even got an opportunity to tee off on one hole while tiger woods also played the par-3 contest for the first time in 11 years .horan fell while carrying mcilroy 's clubs around the par-three course , but the pair laughed it off as the northern irishman his a one-under-par round on wednesday .\n", + "rory mcilory joined on the course by one direction 's niall horan for par-3 contesttiger woods played in the par-3 contest at the augusta national for the first time since 2004mcilroy shot a one-under-par round to finish in a tie for 16th along with ian poulterhoran suffered an embarrassing slip while carrying mcilroy 's clubs during the round on wednesdaygolf legend jack nicklaus his a hole in one on the fourth hole of the par-3 courserickie fowler was caddied by his girlfriend alexis randock and played with two-time champion bubba watsonkevin streelman won par-3 contest after three-hole play-off with camilo villegas\n", + "[1.3805519 1.2000022 1.4722059 1.3631365 1.1799979 1.1249478 1.1880702\n", + " 1.1788754 1.0317967 1.0163275 1.020716 1.0164762 1.0911943 1.0546608\n", + " 1.1424698 1.1186235 1.0529215 1.1339808 1.0084443]\n", + "\n", + "[ 2 0 3 1 6 4 7 14 17 5 15 12 13 16 8 10 11 9 18]\n", + "=======================\n", + "[\"ronnie lungu was singled out as ' a marked man ' by wiltshire police solely due to his race , the employment tribunal ruled .pc ronnie lungu has won a race discrimination case against wiltshire policeit found the 40-year-old was passed over for promotion in favour of white colleagues after his internal assessments were secretly downgraded to make him appear unworthy .\"]\n", + "=======================\n", + "[\"ronnie lungu successfully sued wiltshire police for race discriminationacting sergeant was turned down for permanent role despite exam passtribunal rules he was singled out as ` marked man ' due to his ethnicitychief constable says he is ` concerned ' and ` lessons will be learned '\"]\n", + "ronnie lungu was singled out as ' a marked man ' by wiltshire police solely due to his race , the employment tribunal ruled .pc ronnie lungu has won a race discrimination case against wiltshire policeit found the 40-year-old was passed over for promotion in favour of white colleagues after his internal assessments were secretly downgraded to make him appear unworthy .\n", + "ronnie lungu successfully sued wiltshire police for race discriminationacting sergeant was turned down for permanent role despite exam passtribunal rules he was singled out as ` marked man ' due to his ethnicitychief constable says he is ` concerned ' and ` lessons will be learned '\n", + "[1.1884263 1.4182639 1.2692927 1.2163126 1.2862649 1.0793712 1.2227651\n", + " 1.1397504 1.1510794 1.126945 1.0598326 1.0584397 1.1037589 1.0833659\n", + " 1.0229847 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 6 3 0 8 7 9 12 13 5 10 11 14 17 15 16 18]\n", + "=======================\n", + "['rspca officers discovered the five illegal pit bull terrier-type dogs at a make-shift farm in lancashire where they had been brutally trained to take part in illegal dog fights .the footage shows the animals were held in electrical shock collars , covered with scars and were kept in urine-soaked cages without water .all five illegal dogs - dingo , sheeba , zula , fenton and mousey - were ordered to be destroyed']\n", + "=======================\n", + "['rspca officers discovered five illegal pit bull terrier-type dogs at farmfootage shows the scarred animals were held in electrical shock collarsthey were covered in injuries and kept in appalling urine soaked cagesthree men involved in illegal dog fights have been fined a total of # 40,000']\n", + "rspca officers discovered the five illegal pit bull terrier-type dogs at a make-shift farm in lancashire where they had been brutally trained to take part in illegal dog fights .the footage shows the animals were held in electrical shock collars , covered with scars and were kept in urine-soaked cages without water .all five illegal dogs - dingo , sheeba , zula , fenton and mousey - were ordered to be destroyed\n", + "rspca officers discovered five illegal pit bull terrier-type dogs at farmfootage shows the scarred animals were held in electrical shock collarsthey were covered in injuries and kept in appalling urine soaked cagesthree men involved in illegal dog fights have been fined a total of # 40,000\n", + "[1.1872531 1.4626963 1.3735578 1.3307706 1.258969 1.1425031 1.1240295\n", + " 1.054515 1.0644597 1.1167353 1.0437645 1.0155389 1.015766 1.0421222\n", + " 1.2002654 1.1112056 1.0170733 1.0087054 0. ]\n", + "\n", + "[ 1 2 3 4 14 0 5 6 9 15 8 7 10 13 16 12 11 17 18]\n", + "=======================\n", + "['asylum seeker jafar adeli , who is of afghani origin , was snared by a paedophile vigilante group called letzgo hunting .married adeli , 32 , arranged to meet someone he believed to be a young teenage girl after engaging in sexual conversations online and sending an indecent image of himself .on wednesday adeli was jailed for 27 months at leicester crown court after he admitted attempting to meet a girl under 16 after grooming her online .']\n", + "=======================\n", + "['jafar adeli thought he had been chatting to a 14-year-old girl he met onlinearranged to meet the girl at a leicester bus station so they could have sexbut he had been duped by paedophile vigilante group letzgo huntingwas arrested and now been jailed for attempted to arrange a child sex offence']\n", + "asylum seeker jafar adeli , who is of afghani origin , was snared by a paedophile vigilante group called letzgo hunting .married adeli , 32 , arranged to meet someone he believed to be a young teenage girl after engaging in sexual conversations online and sending an indecent image of himself .on wednesday adeli was jailed for 27 months at leicester crown court after he admitted attempting to meet a girl under 16 after grooming her online .\n", + "jafar adeli thought he had been chatting to a 14-year-old girl he met onlinearranged to meet the girl at a leicester bus station so they could have sexbut he had been duped by paedophile vigilante group letzgo huntingwas arrested and now been jailed for attempted to arrange a child sex offence\n", + "[1.2617418 1.0759834 1.4467263 1.139719 1.1469476 1.1579301 1.1021569\n", + " 1.0354614 1.083953 1.1551199 1.0484717 1.0406418 1.0379205 1.1061425\n", + " 1.0459188 1.0340042 1.0173742 0. 0. ]\n", + "\n", + "[ 2 0 5 9 4 3 13 6 8 1 10 14 11 12 7 15 16 17 18]\n", + "=======================\n", + "[\"the former secretary of state 's campaign-in-waiting has reportedly signed a lease for two floors of office space in brooklyn , new york -- the epicenter of hipster culturehillary clinton lost the 2008 democratic presidential nomination because barack obama was the picture of cool .so far among serious contenders , only texas republican sen. ted cruz has officially entered the 2016 presidential race .\"]\n", + "=======================\n", + "[\"1 pierrepont plaza also houses morgan stanley and the federal prosecutor 's officehillary 's campaign will occupy two full floors in the brooklyn heights neighborhoodupscale hipster neighborhood includes urban outfitters , banana republic , shake shack and a private squash clubi guess we can expect all the clinton campaign t-shirts to have ironic slogans , right ? 'campaign has just 15 days to declare itself in the white house hunt after taking a formal step like committing to office space\"]\n", + "the former secretary of state 's campaign-in-waiting has reportedly signed a lease for two floors of office space in brooklyn , new york -- the epicenter of hipster culturehillary clinton lost the 2008 democratic presidential nomination because barack obama was the picture of cool .so far among serious contenders , only texas republican sen. ted cruz has officially entered the 2016 presidential race .\n", + "1 pierrepont plaza also houses morgan stanley and the federal prosecutor 's officehillary 's campaign will occupy two full floors in the brooklyn heights neighborhoodupscale hipster neighborhood includes urban outfitters , banana republic , shake shack and a private squash clubi guess we can expect all the clinton campaign t-shirts to have ironic slogans , right ? 'campaign has just 15 days to declare itself in the white house hunt after taking a formal step like committing to office space\n", + "[1.2790008 1.1332521 1.3979557 1.251574 1.1108736 1.0527668 1.1340646\n", + " 1.1342517 1.0497198 1.0826651 1.035548 1.0256568 1.0477338 1.0713034\n", + " 1.080612 1.0670149 1.0548215 1.0678717 1.0154271]\n", + "\n", + "[ 2 0 3 7 6 1 4 9 14 13 17 15 16 5 8 12 10 11 18]\n", + "=======================\n", + "[\"cobain lived in this two bedroom apartment on spaulding avenue in l.a. 's fairfax district during the height of nirvana-mania .currently showing in cinemas , the new documentary montage of heck claims to offer the most intimate glimpse yet into the life of nirvana frontman kurt cobain .now its current owner , brandon kleinman , 31 , has listed it on airbnb .\"]\n", + "=======================\n", + "[\"cobain lived with courtney love in the two bedroom apartment on spaulding avenue in l.a. 's fairfax districtthe nirvana frontman lived here in 1991 and 1992currently owned by brandon kleinmanheart-shaped box was supposedly written in its bathtub\"]\n", + "cobain lived in this two bedroom apartment on spaulding avenue in l.a. 's fairfax district during the height of nirvana-mania .currently showing in cinemas , the new documentary montage of heck claims to offer the most intimate glimpse yet into the life of nirvana frontman kurt cobain .now its current owner , brandon kleinman , 31 , has listed it on airbnb .\n", + "cobain lived with courtney love in the two bedroom apartment on spaulding avenue in l.a. 's fairfax districtthe nirvana frontman lived here in 1991 and 1992currently owned by brandon kleinmanheart-shaped box was supposedly written in its bathtub\n", + "[1.2621192 1.5111206 1.1781747 1.4540243 1.2501212 1.0472145 1.0196476\n", + " 1.0169553 1.022651 1.0279013 1.0170636 1.0179679 1.0251033 1.0978543\n", + " 1.050003 1.0139093 1.019223 1.0166855 1.0171634 1.0570098 1.0900267\n", + " 1.2889721]\n", + "\n", + "[ 1 3 21 0 4 2 13 20 19 14 5 9 12 8 6 16 11 18 10 7 17 15]\n", + "=======================\n", + "[\"arsene wenger 's side were thrashed 6-3 by manchester city and 5-1 by liverpool last season as they slipped from the top of the summit to a battle for the champions league places .per mertesacker says arsenal have brought back the ` arguing culture ' after some heavy defeats last seasonthe central defender gives mezut ozil a piece of his mind following arsenal 's heavy defeat at the etihad\"]\n", + "=======================\n", + "[\"per mertesacker says that suffering embarrassing defeats hurt the squadlosing heavily forced the players to bring back the ` arguing culture 'since then arsenal have improved and could still finish secondclick here to follow all the live updates of arsenal vs liverpoolclick here to read all the latest arsenal news\"]\n", + "arsene wenger 's side were thrashed 6-3 by manchester city and 5-1 by liverpool last season as they slipped from the top of the summit to a battle for the champions league places .per mertesacker says arsenal have brought back the ` arguing culture ' after some heavy defeats last seasonthe central defender gives mezut ozil a piece of his mind following arsenal 's heavy defeat at the etihad\n", + "per mertesacker says that suffering embarrassing defeats hurt the squadlosing heavily forced the players to bring back the ` arguing culture 'since then arsenal have improved and could still finish secondclick here to follow all the live updates of arsenal vs liverpoolclick here to read all the latest arsenal news\n", + "[1.4793093 1.3344346 1.2521021 1.1606604 1.0602539 1.164048 1.0505049\n", + " 1.0329113 1.0241739 1.0259719 1.0382894 1.030379 1.0239416 1.0252782\n", + " 1.0333685 1.0260379 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 5 3 4 6 10 14 7 11 15 9 13 8 12 20 16 17 18 19 21]\n", + "=======================\n", + "['( cnn ) by the time kim kardashian set out to \" break the internet \" in november last year , a photo by 23-year-old conor mcdonnell had already got there -- with a little help from kim \\'s music superstar husband kanye west .mcdonnell is the self-taught photography star behind instagram \\'s most liked photo , showing the couple \\'s embrace at their may wedding , which has earned more than 2.4 milllion \" likes \" to date .the liverpool native has had a breakneck rise to success since his first instagram post in november 2011 , snapping the likes of drake , justin bieber , one direction , mumford & sons , snoop dogg , and red hot chili peppers , while traveling the world on private planes .']\n", + "=======================\n", + "[\"conor mcdonnell is the young photographer behind instagram 's most liked photo23-year-old has snapped the likes of calvin harris , drake , and justin bieber\"]\n", + "( cnn ) by the time kim kardashian set out to \" break the internet \" in november last year , a photo by 23-year-old conor mcdonnell had already got there -- with a little help from kim 's music superstar husband kanye west .mcdonnell is the self-taught photography star behind instagram 's most liked photo , showing the couple 's embrace at their may wedding , which has earned more than 2.4 milllion \" likes \" to date .the liverpool native has had a breakneck rise to success since his first instagram post in november 2011 , snapping the likes of drake , justin bieber , one direction , mumford & sons , snoop dogg , and red hot chili peppers , while traveling the world on private planes .\n", + "conor mcdonnell is the young photographer behind instagram 's most liked photo23-year-old has snapped the likes of calvin harris , drake , and justin bieber\n", + "[1.29152 1.0876687 1.3074994 1.2131444 1.1480516 1.2421865 1.1195166\n", + " 1.1439711 1.1092687 1.107448 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 5 3 4 7 6 8 9 1 19 18 17 16 15 10 13 12 11 20 14 21]\n", + "=======================\n", + "['the city known for excess of everything -- drinking , eating , dancing in the street until all hours -- went smoke-free as tuesday became wednesday at midnight .( cnn ) cigarettes have been put out across the bars of new orleans .the new orleans city council passed its ban against smoking in most places across the city -- including bars , casinos and restaurants -- in january , and the vote was unanimous , the new orleans times-picayune reports .']\n", + "=======================\n", + "[\"new orleans bars are smoke-free as of wednesday morninga lawsuit by harrah 's and bar owners seeks to overturn the ban\"]\n", + "the city known for excess of everything -- drinking , eating , dancing in the street until all hours -- went smoke-free as tuesday became wednesday at midnight .( cnn ) cigarettes have been put out across the bars of new orleans .the new orleans city council passed its ban against smoking in most places across the city -- including bars , casinos and restaurants -- in january , and the vote was unanimous , the new orleans times-picayune reports .\n", + "new orleans bars are smoke-free as of wednesday morninga lawsuit by harrah 's and bar owners seeks to overturn the ban\n", + "[1.2131584 1.3957974 1.2623192 1.3655316 1.1750858 1.2009369 1.1514366\n", + " 1.073369 1.0428758 1.113823 1.0109905 1.1004864 1.053787 1.0391126\n", + " 1.0540894 1.0372602 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 5 4 6 9 11 7 14 12 8 13 15 10 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the ukip leader , who admits to having a pint most lunchtimes , said that it was a ` reasonable proposition ' to charge people who end up in hospital more than once after drinking .he also revealed he is finding the election campaign ` knackering ' , as polls suggest support for ukip is on the slide .drunks who repeatedly turn up at a&e should be fined to pay for treating for their injuries , nigel farage has claimed .\"]\n", + "=======================\n", + "[\"ukip leader says it is a ` reasonable position ' to charge repeat offendersreveals he is finding the gruelling election campaign ` knackering 'lib dems and tories have signalled they back the idea of fines for drunks\"]\n", + "the ukip leader , who admits to having a pint most lunchtimes , said that it was a ` reasonable proposition ' to charge people who end up in hospital more than once after drinking .he also revealed he is finding the election campaign ` knackering ' , as polls suggest support for ukip is on the slide .drunks who repeatedly turn up at a&e should be fined to pay for treating for their injuries , nigel farage has claimed .\n", + "ukip leader says it is a ` reasonable position ' to charge repeat offendersreveals he is finding the gruelling election campaign ` knackering 'lib dems and tories have signalled they back the idea of fines for drunks\n", + "[1.2341871 1.4848387 1.341296 1.2456305 1.1507427 1.1027899 1.0708501\n", + " 1.1614237 1.0328133 1.1466823 1.0125185 1.0555207 1.0475227 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 0 7 4 9 5 6 11 12 8 10 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the two primates , currently living in a lab at stony brook university , are the first animals in history to be covered by a writ of habeas corpus , allowing their detention to be challenged .a representative of the long island university have been ordered to appear in court to respond to a petition by the nonhuman rights project that chimps hercules and leo are ` unlawfully detained . 'a new york judge has granted two chimpanzees held at a research lab the same rights as human prisoners , after a two year legal battle by an animal rights organization .\"]\n", + "=======================\n", + "[\"chimpanzees at ny university to be covered by habeas corpus writpetition by animal rights group claims chimps are ` unlawfully detained 'university rep have been ordered to attend court to respond to petitionruling by judge effectively recognises the chimpanzees as legal humansupdate : since the publication of this story , the court order has been amended .\"]\n", + "the two primates , currently living in a lab at stony brook university , are the first animals in history to be covered by a writ of habeas corpus , allowing their detention to be challenged .a representative of the long island university have been ordered to appear in court to respond to a petition by the nonhuman rights project that chimps hercules and leo are ` unlawfully detained . 'a new york judge has granted two chimpanzees held at a research lab the same rights as human prisoners , after a two year legal battle by an animal rights organization .\n", + "chimpanzees at ny university to be covered by habeas corpus writpetition by animal rights group claims chimps are ` unlawfully detained 'university rep have been ordered to attend court to respond to petitionruling by judge effectively recognises the chimpanzees as legal humansupdate : since the publication of this story , the court order has been amended .\n", + "[1.4379961 1.270234 1.2913932 1.2113938 1.1807742 1.25785 1.1292477\n", + " 1.0914075 1.126828 1.028831 1.0242141 1.0152768 1.0229234 1.0099853\n", + " 1.055374 1.0489693 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 5 3 4 6 8 7 14 15 9 10 12 11 13 18 16 17 19]\n", + "=======================\n", + "[\"everton manager roberto martinez insists he is not concerned that romelu lukaku has joined forces with high-powered agent mino raiola ahead of a potential summer of transfer speculation surrounding the striker .the italian middleman has been involved in transfer deals worth over # 400million and lukaku 's decision to sever his links with christophe henrotay , who oversaw his everton club record # 28m move from chelsea last summer , adds a possible new dimension to his career .raiola , steeped in italian and dutch football , is one of the most influential agents in the game , with paris saint-germain striker zlatan ibrahimovic , juventus midfielder paul pogba and liverpool 's mario balotelli among his high-profile clients .\"]\n", + "=======================\n", + "[\"roberto martinez unconcerned by romelu lukaku 's link with mino raiolaraiola has been involved in transfer deals worth over # 400millionmartinez backs ross barkley to learn from his difficult season\"]\n", + "everton manager roberto martinez insists he is not concerned that romelu lukaku has joined forces with high-powered agent mino raiola ahead of a potential summer of transfer speculation surrounding the striker .the italian middleman has been involved in transfer deals worth over # 400million and lukaku 's decision to sever his links with christophe henrotay , who oversaw his everton club record # 28m move from chelsea last summer , adds a possible new dimension to his career .raiola , steeped in italian and dutch football , is one of the most influential agents in the game , with paris saint-germain striker zlatan ibrahimovic , juventus midfielder paul pogba and liverpool 's mario balotelli among his high-profile clients .\n", + "roberto martinez unconcerned by romelu lukaku 's link with mino raiolaraiola has been involved in transfer deals worth over # 400millionmartinez backs ross barkley to learn from his difficult season\n", + "[1.3725367 1.1825436 1.4515357 1.1980646 1.2039887 1.0990202 1.1532648\n", + " 1.0639629 1.0622034 1.0900868 1.0876676 1.0951043 1.065522 1.0729376\n", + " 1.0825 1.0314558 1.0349938 1.1031077 1.0468186 0. ]\n", + "\n", + "[ 2 0 4 3 1 6 17 5 11 9 10 14 13 12 7 8 18 16 15 19]\n", + "=======================\n", + "['rony john , 15 , died after jumping into the river great ouse in hartford , cambridgeshire , despite being unable to swim .the hearing heard that swimming is compulsory during primary school but is not enforced for those aged 11 or over .at an inquest into his death , the coroner said she would now write to government chiefs to ask why swimming is not included in secondary school education .']\n", + "=======================\n", + "['rony john drowned in the river great ouse in hartford , cambs , in julyinquest heard he was eligible for swim lessons but did not attend severalcoroner questioned why swimming is not compulsory at secondary schoolbelinda cheney said she would write to government chiefs to find out why']\n", + "rony john , 15 , died after jumping into the river great ouse in hartford , cambridgeshire , despite being unable to swim .the hearing heard that swimming is compulsory during primary school but is not enforced for those aged 11 or over .at an inquest into his death , the coroner said she would now write to government chiefs to ask why swimming is not included in secondary school education .\n", + "rony john drowned in the river great ouse in hartford , cambs , in julyinquest heard he was eligible for swim lessons but did not attend severalcoroner questioned why swimming is not compulsory at secondary schoolbelinda cheney said she would write to government chiefs to find out why\n", + "[1.1568081 1.3171844 1.2280827 1.3328627 1.1654284 1.0914813 1.1330578\n", + " 1.0747772 1.0333905 1.0212764 1.0370725 1.0471345 1.058394 1.0831685\n", + " 1.0917243 1.0482402 1.0955887 1.1005569 1.1238673 1.0548301]\n", + "\n", + "[ 3 1 2 4 0 6 18 17 16 14 5 13 7 12 19 15 11 10 8 9]\n", + "=======================\n", + "[\"new home : the lion - known as p-22 - was found by workers in the crawl space at midday on mondaybecause , since monday , the family have been sharing their home with arguably los angeles ' most famous mountain lion , p-22 .the cougar , the other name for the species , has made his home in the crawlspace under the house in the hilly los feliz neighborhood - and has so far resisted all attempts to get him to move out .\"]\n", + "=======================\n", + "['p-22 has made himself a new den underneath a house in los felizthe mountain lion has been living in nearby griffith park for three yearsrose to fame after a picture of him in front of the hollywood sign publishedso far resisted all attempts by animal welfare workers to make him leave']\n", + "new home : the lion - known as p-22 - was found by workers in the crawl space at midday on mondaybecause , since monday , the family have been sharing their home with arguably los angeles ' most famous mountain lion , p-22 .the cougar , the other name for the species , has made his home in the crawlspace under the house in the hilly los feliz neighborhood - and has so far resisted all attempts to get him to move out .\n", + "p-22 has made himself a new den underneath a house in los felizthe mountain lion has been living in nearby griffith park for three yearsrose to fame after a picture of him in front of the hollywood sign publishedso far resisted all attempts by animal welfare workers to make him leave\n", + "[1.3424373 1.1872962 1.5213456 1.1183689 1.2354558 1.254037 1.1024565\n", + " 1.0629013 1.0378897 1.0363811 1.0849259 1.1048418 1.0396692 1.0238932\n", + " 1.0183332 1.0127934 1.0936195 1.1880468 0. 0. ]\n", + "\n", + "[ 2 0 5 4 17 1 3 11 6 16 10 7 12 8 9 13 14 15 18 19]\n", + "=======================\n", + "['solomon bygraves , 29 , was sentenced to 30 months in prison after admitting robbing 93-year-old stanley evans in the entrance to his block of flats in central london as he returned from a shopping trip .soloman bygraves , who has been jailed for 30 months for mugging a pensioner by knocking him to the ground and taking his walletshocking cctv footage played at southwark crown court , showed bygraves following mr evans into the communal entrance of the flat .']\n", + "=======================\n", + "[\"solomon bygraves admitted robbing 93-year-old stanley evans at his flatcctv showed bygraves , 29 , taking the pensioner 's wallet containing # 5in an statement mr evans called for his attacker to be jailed for a long timetoday he was jailed for 30 months after admitting robbery at southwark crown court\"]\n", + "solomon bygraves , 29 , was sentenced to 30 months in prison after admitting robbing 93-year-old stanley evans in the entrance to his block of flats in central london as he returned from a shopping trip .soloman bygraves , who has been jailed for 30 months for mugging a pensioner by knocking him to the ground and taking his walletshocking cctv footage played at southwark crown court , showed bygraves following mr evans into the communal entrance of the flat .\n", + "solomon bygraves admitted robbing 93-year-old stanley evans at his flatcctv showed bygraves , 29 , taking the pensioner 's wallet containing # 5in an statement mr evans called for his attacker to be jailed for a long timetoday he was jailed for 30 months after admitting robbery at southwark crown court\n", + "[1.2431662 1.3681481 1.0743705 1.3950386 1.1009793 1.161988 1.1005208\n", + " 1.0417821 1.031352 1.0868936 1.0655813 1.0724976 1.0751038 1.1109434\n", + " 1.0360336 1.0263989 1.0187558 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 5 13 4 6 9 12 2 11 10 7 14 8 15 16 18 17 19]\n", + "=======================\n", + "['it \\'s the most high-profile premiere yet , airing simultaneously in 170 countries for the first time .the fourth season of \" game of thrones \" saw massive battles , major deaths ( tywin ! )( cnn ) where do you go from here ?']\n", + "=======================\n", + "['the smash hit series \" game of thrones \" returns for a fifth season sundaymajor story arcs should start to converge this year']\n", + "it 's the most high-profile premiere yet , airing simultaneously in 170 countries for the first time .the fourth season of \" game of thrones \" saw massive battles , major deaths ( tywin ! )( cnn ) where do you go from here ?\n", + "the smash hit series \" game of thrones \" returns for a fifth season sundaymajor story arcs should start to converge this year\n", + "[1.0650918 1.3877634 1.4229901 1.2685417 1.1829114 1.1071517 1.0443946\n", + " 1.0970719 1.0671085 1.2385017 1.0647619 1.0877416 1.0439708 1.0363373\n", + " 1.0693209 1.0950475 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 9 4 5 7 15 11 14 8 0 10 6 12 13 19 16 17 18 20]\n", + "=======================\n", + "[\"the salty dog 502 vehicle is one of two unmanned carrier air vehicle demonstrators ( ucas-d ) on the x-47b program .the first ever mid-air refuelling of an unmanned aircraft was today successfully achieved by the navy 's x-47b drone .earlier today , the aircraft plugged its in-flight refuelling ( ifr ) probe into the hose of an omega air kc-707 tanker off the coast of maryland\"]\n", + "=======================\n", + "['salty dog 502 trailed omega air refuelling 707 tanker from a mile offit used optical sensors and a camera to monitor approach to 20 feetit then plugged its refuelling probe into hose of the omega air kc-707drone is size of an f/a -18 super hornet and weighs 44,000 lb ( 20,000 kg )']\n", + "the salty dog 502 vehicle is one of two unmanned carrier air vehicle demonstrators ( ucas-d ) on the x-47b program .the first ever mid-air refuelling of an unmanned aircraft was today successfully achieved by the navy 's x-47b drone .earlier today , the aircraft plugged its in-flight refuelling ( ifr ) probe into the hose of an omega air kc-707 tanker off the coast of maryland\n", + "salty dog 502 trailed omega air refuelling 707 tanker from a mile offit used optical sensors and a camera to monitor approach to 20 feetit then plugged its refuelling probe into hose of the omega air kc-707drone is size of an f/a -18 super hornet and weighs 44,000 lb ( 20,000 kg )\n", + "[1.4892057 1.2402769 1.2346808 1.3628209 1.3500625 1.2434677 1.2201676\n", + " 1.0418986 1.0239326 1.0295241 1.0205445 1.0338227 1.0435597 1.0200133\n", + " 1.0216916 1.022987 1.0164176 1.0439799 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 5 1 2 6 17 12 7 11 9 8 15 14 10 13 16 19 18 20]\n", + "=======================\n", + "[\"manchester united midfielder ander herrera has expressed his desire to remain at old trafford for years to come , describing the red devils as the ` right team in the right league ' .however , the 25-year-old has now started the last eight matches and scored twice in saturday 's 3-1 win over aston villa .the spaniard has come through a testing first six months in english football which saw him begin the season in the team before having a reduced role as a substitute .\"]\n", + "=======================\n", + "[\"ander herrera has started the last eight games for manchester unitedmidfielder says he is in the ` right team in the right league 'herrera scored twice against aston villa during man united 's 3-1 victory\"]\n", + "manchester united midfielder ander herrera has expressed his desire to remain at old trafford for years to come , describing the red devils as the ` right team in the right league ' .however , the 25-year-old has now started the last eight matches and scored twice in saturday 's 3-1 win over aston villa .the spaniard has come through a testing first six months in english football which saw him begin the season in the team before having a reduced role as a substitute .\n", + "ander herrera has started the last eight games for manchester unitedmidfielder says he is in the ` right team in the right league 'herrera scored twice against aston villa during man united 's 3-1 victory\n", + "[1.209523 1.4492478 1.2926866 1.1753268 1.1450541 1.2543371 1.0603732\n", + " 1.0999455 1.0346307 1.0368028 1.0938799 1.1709046 1.055306 1.0619966\n", + " 1.0116235 1.0327673 1.0141774 1.0135113 1.0150363 1.0233428 1.0548378]\n", + "\n", + "[ 1 2 5 0 3 11 4 7 10 13 6 12 20 9 8 15 19 18 16 17 14]\n", + "=======================\n", + "['the stephens county jury found chancey allen luna guilty in the august 16 , 2013 , death of christopher lane , who was shot in the back while running along a city street in duncan .the jury recommended that luna be sentenced to life in prison without parole .an oklahoma jury today convicted a 17-year-old of first-degree murder in the shooting death of an australian college baseball player who was killed while out for a jog .']\n", + "=======================\n", + "[\"oklahoma jury convicted 17-year-old chancey allen luna of first-degree murder in 2013 killing of christopher laneluna is expected to be sentenced to life in prison without paroleoklahoma teen shot lane , an australian baseball player , in the back from moving car as victim was jogging in duncan august 16 , 2013defense claimed luna only meant to scare lane , not kill himconvicted killer told reports he was ` sorry ' as he was being led out of courtroom in handcuffslane 's mother , donna lane , said she was glad the ` naughty boy ' will never hurt anyone again\"]\n", + "the stephens county jury found chancey allen luna guilty in the august 16 , 2013 , death of christopher lane , who was shot in the back while running along a city street in duncan .the jury recommended that luna be sentenced to life in prison without parole .an oklahoma jury today convicted a 17-year-old of first-degree murder in the shooting death of an australian college baseball player who was killed while out for a jog .\n", + "oklahoma jury convicted 17-year-old chancey allen luna of first-degree murder in 2013 killing of christopher laneluna is expected to be sentenced to life in prison without paroleoklahoma teen shot lane , an australian baseball player , in the back from moving car as victim was jogging in duncan august 16 , 2013defense claimed luna only meant to scare lane , not kill himconvicted killer told reports he was ` sorry ' as he was being led out of courtroom in handcuffslane 's mother , donna lane , said she was glad the ` naughty boy ' will never hurt anyone again\n", + "[1.1933899 1.3041375 1.4255807 1.2913659 1.0861614 1.050345 1.0959873\n", + " 1.1452852 1.0364035 1.0469682 1.088125 1.0389596 1.1974771 1.026437\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 12 0 7 6 10 4 5 9 11 8 13 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"but not only has falcao failed to score since january 31 against leicester , he has also failed to have a shot on target in the premier league - featuring in 10 games since.during that period he has collected # 3,080,000 in wages .goals have been hard to come by for the colombian , with just four being netted by the striker this season in a united shirt having signed on a season-long loan from monaco .radamel falcao fires wide for manchester united past chelsea 's onrushing keeper thibaut courtois\"]\n", + "=======================\n", + "['radamel falcao was ineffective for manchester utd in 1-0 loss by chelseastriker has not had shot on target since netting vs leicester in januarycolombian earns # 280,000 a week as part of his loan move from monacofalcao has scored just four goals for manchester united this season']\n", + "but not only has falcao failed to score since january 31 against leicester , he has also failed to have a shot on target in the premier league - featuring in 10 games since.during that period he has collected # 3,080,000 in wages .goals have been hard to come by for the colombian , with just four being netted by the striker this season in a united shirt having signed on a season-long loan from monaco .radamel falcao fires wide for manchester united past chelsea 's onrushing keeper thibaut courtois\n", + "radamel falcao was ineffective for manchester utd in 1-0 loss by chelseastriker has not had shot on target since netting vs leicester in januarycolombian earns # 280,000 a week as part of his loan move from monacofalcao has scored just four goals for manchester united this season\n", + "[1.4213207 1.2332587 1.3965969 1.289598 1.1210785 1.0794215 1.0968677\n", + " 1.0757867 1.0465012 1.0467435 1.0267237 1.0561903 1.0627704 1.0637369\n", + " 1.0349725 1.0445167 1.0890442 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 4 6 16 5 7 13 12 11 9 8 15 14 10 17 18 19 20]\n", + "=======================\n", + "[\"riddick bowe was once seen as the world 's best heavyweight fighter and reportedly had $ 15million , but he is now offering to post tweets for $ 20now riddick bowe , of maryland , has found himself tweeting happy birthday messages and adverts for insurance firms for anyone who pays him $ 20 .the 46-year-old recently offered to ` tweet anything ' for people who credit him through paypal , sharing the messages with his 450,000 followers .\"]\n", + "=======================\n", + "[\"riddick bowe was once seen as best heavyweight boxer in the worldhe sensationally beat evander holyfield and earned a # 15m fortunebut after retiring in 1998 bowe ended up in prison and filed for bankruptcyformer champion is now offering to tweet ` anything ' in return for $ 20\"]\n", + "riddick bowe was once seen as the world 's best heavyweight fighter and reportedly had $ 15million , but he is now offering to post tweets for $ 20now riddick bowe , of maryland , has found himself tweeting happy birthday messages and adverts for insurance firms for anyone who pays him $ 20 .the 46-year-old recently offered to ` tweet anything ' for people who credit him through paypal , sharing the messages with his 450,000 followers .\n", + "riddick bowe was once seen as best heavyweight boxer in the worldhe sensationally beat evander holyfield and earned a # 15m fortunebut after retiring in 1998 bowe ended up in prison and filed for bankruptcyformer champion is now offering to tweet ` anything ' in return for $ 20\n", + "[1.4122837 1.3988707 1.2160732 1.1569086 1.2628706 1.1057072 1.172146\n", + " 1.1229119 1.1328237 1.0514612 1.0159117 1.0146456 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 6 3 8 7 5 9 10 11 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"baghdad , iraq ( cnn ) hundreds of additional iraqi troops are being sent to reinforce colleagues who are trying to fend off isis ' attempt to overrun iraq 's largest oil refinery , a key paramilitary force said tuesday .isis launched an assault on the baiji oil refinery late saturday .the additional troops came from camp speicher , a fortified iraqi base near the city of tikrit , according to the media office of the hasd al-shaabi militia .\"]\n", + "=======================\n", + "[\"isis attacked the baiji oil refinery saturdaythe refinery , iraq 's largest , has long been a lucrative target for militants\"]\n", + "baghdad , iraq ( cnn ) hundreds of additional iraqi troops are being sent to reinforce colleagues who are trying to fend off isis ' attempt to overrun iraq 's largest oil refinery , a key paramilitary force said tuesday .isis launched an assault on the baiji oil refinery late saturday .the additional troops came from camp speicher , a fortified iraqi base near the city of tikrit , according to the media office of the hasd al-shaabi militia .\n", + "isis attacked the baiji oil refinery saturdaythe refinery , iraq 's largest , has long been a lucrative target for militants\n", + "[1.3226591 1.2941679 1.2770905 1.0957806 1.2931886 1.1426895 1.1359708\n", + " 1.0865515 1.0647615 1.0625014 1.1001674 1.0566409 1.0287685 1.0229719\n", + " 1.1102916 1.1030979 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 5 6 14 15 10 3 7 8 9 11 12 13 17 16 18]\n", + "=======================\n", + "[\"google paid its billionaire executive chairman eric schmidt nearly $ 109 million last year while the company 's stock slumped .most of the compensation consisted of stock valued at $ 100 million .schmidt also pocketed a $ 1.25 million salary , a $ 6 million bonus and perks valued at nearly $ 1 million .\"]\n", + "=======================\n", + "[\"google paid its billionaire executive chairman eric schmidt nearly $ 109 million last yearmost of the compensation consisted of stock valued at $ 100 millionschmidt also pocketed a $ 1.25 million salary , a $ 6 million bonus and perks valued at nearly $ 1 millionhis total pay last year soared by more than five-fold from 2013 when his google compensation was valued at $ 19.3 millionthe hefty raise came in a year that saw google 's stock drop by 5 percent amid investor concerns about the company 's big spending on far-flung projects\"]\n", + "google paid its billionaire executive chairman eric schmidt nearly $ 109 million last year while the company 's stock slumped .most of the compensation consisted of stock valued at $ 100 million .schmidt also pocketed a $ 1.25 million salary , a $ 6 million bonus and perks valued at nearly $ 1 million .\n", + "google paid its billionaire executive chairman eric schmidt nearly $ 109 million last yearmost of the compensation consisted of stock valued at $ 100 millionschmidt also pocketed a $ 1.25 million salary , a $ 6 million bonus and perks valued at nearly $ 1 millionhis total pay last year soared by more than five-fold from 2013 when his google compensation was valued at $ 19.3 millionthe hefty raise came in a year that saw google 's stock drop by 5 percent amid investor concerns about the company 's big spending on far-flung projects\n", + "[1.2338853 1.4638476 1.2409198 1.0683787 1.3246242 1.2235949 1.1878808\n", + " 1.0685471 1.0478672 1.0580534 1.055378 1.0138202 1.0196159 1.0621073\n", + " 1.0868554 1.0742462 1.0637609 1.0909543 1.1505934]\n", + "\n", + "[ 1 4 2 0 5 6 18 17 14 15 7 3 16 13 9 10 8 12 11]\n", + "=======================\n", + "[\"brandy savelle and tony gervasi had caesar for two years and were recently trying to teach him to an outside animal .killed : little caesar was shot dead at the weekend after wandering off from his family 's home in ispheming in northern michigan .a michigan family have been left devastated after a state department of natural resources officer shot dead their beloved pet potbelly pig , claiming little ` caesar ' made him feel threatened while on the loose .\"]\n", + "=======================\n", + "[\"caesar went missing at the weekend from his owner 's home in isphemingbrandy savelle and tony gervasi followed his tracks and found bloodafter news spread in the area , a dnr officer came to their homehe explained caesar came running at him and he shot him deadhe believed caesar was wild and a threat , he saidshooting occurred on state land so the officer was within his rights\"]\n", + "brandy savelle and tony gervasi had caesar for two years and were recently trying to teach him to an outside animal .killed : little caesar was shot dead at the weekend after wandering off from his family 's home in ispheming in northern michigan .a michigan family have been left devastated after a state department of natural resources officer shot dead their beloved pet potbelly pig , claiming little ` caesar ' made him feel threatened while on the loose .\n", + "caesar went missing at the weekend from his owner 's home in isphemingbrandy savelle and tony gervasi followed his tracks and found bloodafter news spread in the area , a dnr officer came to their homehe explained caesar came running at him and he shot him deadhe believed caesar was wild and a threat , he saidshooting occurred on state land so the officer was within his rights\n", + "[1.2764567 1.4266791 1.1919727 1.3424748 1.1642184 1.105262 1.0399868\n", + " 1.0142996 1.0137768 1.1866187 1.0684253 1.0585946 1.1530187 1.0646999\n", + " 1.0542028 1.0373697 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 9 4 12 5 10 13 11 14 6 15 7 8 17 16 18]\n", + "=======================\n", + "[\"the country 's chief medical officer dame sally davies is said to be concerned at the number of children suffering from the condition , which is caused by a deficiency in vitamin d .the disease , a scourge of victorian britain , was virtually eradicated after the second world war but is returning as more and more youngsters are used to staying indoors playing video games than going outside .now , it has been reported that professor davies has ordered the national institute for health and clinical excellence ( nice ) to review the cost of providing vitamin supplements to all children under the age of four , in a bid to reverse the trend .\"]\n", + "=======================\n", + "['dame sally davies has ordered review into cost of giving out free vitaminscomes after a rise in the number of cases of rickets in children in the ukincrease is being put down to fact children spend less time outside playingrickets can cause bone deformities such as bowed legs and a curved spine']\n", + "the country 's chief medical officer dame sally davies is said to be concerned at the number of children suffering from the condition , which is caused by a deficiency in vitamin d .the disease , a scourge of victorian britain , was virtually eradicated after the second world war but is returning as more and more youngsters are used to staying indoors playing video games than going outside .now , it has been reported that professor davies has ordered the national institute for health and clinical excellence ( nice ) to review the cost of providing vitamin supplements to all children under the age of four , in a bid to reverse the trend .\n", + "dame sally davies has ordered review into cost of giving out free vitaminscomes after a rise in the number of cases of rickets in children in the ukincrease is being put down to fact children spend less time outside playingrickets can cause bone deformities such as bowed legs and a curved spine\n", + "[1.2240595 1.4334911 1.221242 1.3732033 1.2164853 1.1778121 1.1268982\n", + " 1.0652987 1.0235349 1.0304648 1.1241164 1.1114397 1.0848619 1.0341763\n", + " 1.015129 1.0817637 1.0371988 1.0189039 1.0090543]\n", + "\n", + "[ 1 3 0 2 4 5 6 10 11 12 15 7 16 13 9 8 17 14 18]\n", + "=======================\n", + "['department of public safety trooper billy spears posed for the photograph with snoop at south by southwest in austin after the rap icon delivered his keynote speech .a texas state trooper who did what millions of hip-hop fans would love to do and posed for a picture with snoop dogg was told he has \" deficiencies indicating need for counseling \\' .spears \\' bosses called snoop a figure who has a ` criminal background including numerous drug charges \\'']\n", + "=======================\n", + "[\"department of public safety trooper billy spears was disciplined last weekthe trooper posed with snoop dogg after rapper 's sxsw keynote speechsnoop posted picture to instagram with the caption : ` me n my deputy dogg 'rapper 's past legal problems were cause for concern for spears ' superiorshe was cited for ` deficiencies indicating need for counseling ' for photo with figure who has ` criminal background including numerous drug charges '\"]\n", + "department of public safety trooper billy spears posed for the photograph with snoop at south by southwest in austin after the rap icon delivered his keynote speech .a texas state trooper who did what millions of hip-hop fans would love to do and posed for a picture with snoop dogg was told he has \" deficiencies indicating need for counseling ' .spears ' bosses called snoop a figure who has a ` criminal background including numerous drug charges '\n", + "department of public safety trooper billy spears was disciplined last weekthe trooper posed with snoop dogg after rapper 's sxsw keynote speechsnoop posted picture to instagram with the caption : ` me n my deputy dogg 'rapper 's past legal problems were cause for concern for spears ' superiorshe was cited for ` deficiencies indicating need for counseling ' for photo with figure who has ` criminal background including numerous drug charges '\n", + "[1.1944207 1.3724945 1.3234626 1.331074 1.2359722 1.1700404 1.0774462\n", + " 1.1093436 1.066182 1.0306709 1.0441452 1.0779824 1.0939729 1.0634241\n", + " 1.0554575 1.0388368 1.0430033 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 5 7 12 11 6 8 13 14 10 16 15 9 21 17 18 19 20 22]\n", + "=======================\n", + "['for a limited time transavia france is offering cheap flights with packets of crisps , gummy bears and cereal bars at participating shops .customers who buy one of the products before the #snackholidays promotion ends on april 21 will find a voucher code that can be redeemed online for a discounted flight to one of three destinations within europe .supermarket customers in france can add airline tickets to their shopping lists thanks to a unique promotion by a budget airline .']\n", + "=======================\n", + "['transavia france has included voucher codes with the branded productscustomers can enter the codes online to receive a discounted flightthe codes can be redeemed for flights to barcelona , lisbon and dublinproducts are being sold at shops , a cinema and in two vending machinespassengers still have to pay a booking fee and checked baggage fees']\n", + "for a limited time transavia france is offering cheap flights with packets of crisps , gummy bears and cereal bars at participating shops .customers who buy one of the products before the #snackholidays promotion ends on april 21 will find a voucher code that can be redeemed online for a discounted flight to one of three destinations within europe .supermarket customers in france can add airline tickets to their shopping lists thanks to a unique promotion by a budget airline .\n", + "transavia france has included voucher codes with the branded productscustomers can enter the codes online to receive a discounted flightthe codes can be redeemed for flights to barcelona , lisbon and dublinproducts are being sold at shops , a cinema and in two vending machinespassengers still have to pay a booking fee and checked baggage fees\n", + "[1.3407663 1.3091834 1.3129567 1.4525888 1.1094022 1.06159 1.0446643\n", + " 1.0323856 1.0151092 1.0148342 1.0146152 1.013364 1.0169604 1.0387075\n", + " 1.0949644 1.0856758 1.1430901 1.0530763 1.0178905 1.0704683 1.0853978\n", + " 1.093638 1.0559103]\n", + "\n", + "[ 3 0 2 1 16 4 14 21 15 20 19 5 22 17 6 13 7 18 12 8 9 10 11]\n", + "=======================\n", + "[\"nigel farage has abandoned hopes of winning dozens of seats at the general election and is now targeting just tena party strategist said ` something extraordinary ' would now need to happen for it to win in places outside its target list .ukip , which will today unveil its manifesto , has reduced the number of constituencies where it is concentrating resources as it loses ground in the polls .\"]\n", + "=======================\n", + "['exclusive : farage has abandoned hopes of winning dozens of seatsparty officials admit most candidates are being left to their own devicesamong the seats dropped from the list of hopefuls is folkestone and hytheukip candidate janice atkinson was replaced after expenses scandal']\n", + "nigel farage has abandoned hopes of winning dozens of seats at the general election and is now targeting just tena party strategist said ` something extraordinary ' would now need to happen for it to win in places outside its target list .ukip , which will today unveil its manifesto , has reduced the number of constituencies where it is concentrating resources as it loses ground in the polls .\n", + "exclusive : farage has abandoned hopes of winning dozens of seatsparty officials admit most candidates are being left to their own devicesamong the seats dropped from the list of hopefuls is folkestone and hytheukip candidate janice atkinson was replaced after expenses scandal\n", + "[1.3741012 1.4041835 1.197844 1.1207218 1.1762226 1.0716832 1.0471447\n", + " 1.14416 1.1054066 1.0653839 1.0465804 1.0831358 1.0354902 1.0454532\n", + " 1.0594896 1.0531278 1.0337522 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 2 4 7 3 8 11 5 9 14 15 6 10 13 12 16 21 17 18 19 20 22]\n", + "=======================\n", + "[\"zhou yongkang , 72 , was also charged with abuse of power and leaking state secrets , the supreme people 's procuratorate , the highest prosecution authority in china , said .beijing ( cnn ) china 's state prosecutors on friday formally charged the country 's former security czar with accepting bribes , making him the highest-ranking chinese communist party official ever to face corruption charges .as a member of the ruling communist party 's politburo standing committee -- china 's top decision-making body -- zhou was one of nine men who effectively ruled the country of more than 1.3 billion people .\"]\n", + "=======================\n", + "['prosecutors formally charged former top official zhou yongkangzhou charged with accepting bribes , abuse of power and leaking state secretsformer domestic security official is the most senior chinese official to face corruption charges']\n", + "zhou yongkang , 72 , was also charged with abuse of power and leaking state secrets , the supreme people 's procuratorate , the highest prosecution authority in china , said .beijing ( cnn ) china 's state prosecutors on friday formally charged the country 's former security czar with accepting bribes , making him the highest-ranking chinese communist party official ever to face corruption charges .as a member of the ruling communist party 's politburo standing committee -- china 's top decision-making body -- zhou was one of nine men who effectively ruled the country of more than 1.3 billion people .\n", + "prosecutors formally charged former top official zhou yongkangzhou charged with accepting bribes , abuse of power and leaking state secretsformer domestic security official is the most senior chinese official to face corruption charges\n", + "[1.5953398 1.1877067 1.2702572 1.3802257 1.0657054 1.1771095 1.0912519\n", + " 1.1302748 1.198738 1.1050581 1.0095471 1.1481261 1.0534114 1.0430406\n", + " 1.0219692 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 2 8 1 5 11 7 9 6 4 12 13 14 10 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"jimmy butler set a play-off career-high for the second straight game with 31 points as the chicago bulls beat the milwaukee bucks 91-82 on monday to take a 2-0 lead in their first-round nba play-offs series .chicago 's derrick rose scored all of his 15 points in the second half after dominating in the series opener .pau gasol added 11 points and 16 rebounds and mike dunleavy jr. scored 12 points for the third-seeded bulls .\"]\n", + "=======================\n", + "['the chicago bulls defeated milwaukee bucks 91-82 on monday nightjimmy butler managed 31 points as the bulls took a 2-0 series leadthe golden state warriors beat the new orleans pelicans 97-87klay thompson and stephen curry both starred for the warriors']\n", + "jimmy butler set a play-off career-high for the second straight game with 31 points as the chicago bulls beat the milwaukee bucks 91-82 on monday to take a 2-0 lead in their first-round nba play-offs series .chicago 's derrick rose scored all of his 15 points in the second half after dominating in the series opener .pau gasol added 11 points and 16 rebounds and mike dunleavy jr. scored 12 points for the third-seeded bulls .\n", + "the chicago bulls defeated milwaukee bucks 91-82 on monday nightjimmy butler managed 31 points as the bulls took a 2-0 series leadthe golden state warriors beat the new orleans pelicans 97-87klay thompson and stephen curry both starred for the warriors\n", + "[1.0913181 1.1919391 1.5354178 1.188832 1.1792635 1.3042552 1.0866258\n", + " 1.0309819 1.044827 1.212758 1.1159755 1.0455081 1.0122646 1.0111302\n", + " 1.0161405 1.0209253 1.0994859 1.0436223 1.1079757 1.0147482 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 5 9 1 3 4 10 18 16 0 6 11 8 17 7 15 14 19 12 13 20 21 22]\n", + "=======================\n", + "['nikki and kyle kuchenbecker from illinois went about perfecting a routine to the toe-tapping pop song , classic by mkto .to date , the clip of them in action has been watched more than 900,000 times with many viewers giving it a big thumbs up .but this hip-thrusting dance duo are in fact novices who decided to polish up their skills to surprise guests on their wedding day .']\n", + "=======================\n", + "[\"nikki and kyle kuchenbecker went about perfecting a routine to the toe-tapping pop song , classic by mktovideo footage shows them getting into the groove with an attentive audience watching onat one point nikki 's father makes an appearance , in keeping with traditionto date , the clip of them in action has been watched more than 900,000 times with many viewers giving it a big thumbs up\"]\n", + "nikki and kyle kuchenbecker from illinois went about perfecting a routine to the toe-tapping pop song , classic by mkto .to date , the clip of them in action has been watched more than 900,000 times with many viewers giving it a big thumbs up .but this hip-thrusting dance duo are in fact novices who decided to polish up their skills to surprise guests on their wedding day .\n", + "nikki and kyle kuchenbecker went about perfecting a routine to the toe-tapping pop song , classic by mktovideo footage shows them getting into the groove with an attentive audience watching onat one point nikki 's father makes an appearance , in keeping with traditionto date , the clip of them in action has been watched more than 900,000 times with many viewers giving it a big thumbs up\n", + "[1.181304 1.5656252 1.3703187 1.2744907 1.2819602 1.0655779 1.1292939\n", + " 1.0323818 1.0226833 1.1001627 1.0587106 1.0304846 1.066774 1.0333626\n", + " 1.0242127 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 0 6 9 12 5 10 13 7 11 14 8 17 15 16 18]\n", + "=======================\n", + "[\"ex-bolton wanderers striker delroy facey , 34 , is alleged to have become involved in the ` ugly side ' of his sport by acting as a middleman for two men who have already been convicted of match-fixing .facey , who also played for west bromwich albion and hull city , denies conspiracy to commit bribery and is standing trial at birmingham crown court alongside former non-league player moses swaibu , who also denies the charges .he is accused of being involved in a plot to fix lower league football matches\"]\n", + "=======================\n", + "['delroy facey is standing trial in birmingham over match-fixing allegationsthe former premier league footballer denies conspiracy to commit briberyfacey formerly played for bolton , west brom and hull cityhe stands trial alongside former non-league player moses swaibu , who also denies the charges']\n", + "ex-bolton wanderers striker delroy facey , 34 , is alleged to have become involved in the ` ugly side ' of his sport by acting as a middleman for two men who have already been convicted of match-fixing .facey , who also played for west bromwich albion and hull city , denies conspiracy to commit bribery and is standing trial at birmingham crown court alongside former non-league player moses swaibu , who also denies the charges .he is accused of being involved in a plot to fix lower league football matches\n", + "delroy facey is standing trial in birmingham over match-fixing allegationsthe former premier league footballer denies conspiracy to commit briberyfacey formerly played for bolton , west brom and hull cityhe stands trial alongside former non-league player moses swaibu , who also denies the charges\n", + "[1.1421003 1.2202637 1.3015336 1.3674988 1.1072154 1.391572 1.1543367\n", + " 1.0904578 1.0505662 1.0637617 1.0235646 1.0138239 1.0154223 1.0106161\n", + " 1.01531 1.0161431 0. 0. 0. ]\n", + "\n", + "[ 5 3 2 1 6 0 4 7 9 8 10 15 12 14 11 13 17 16 18]\n", + "=======================\n", + "[\"porto earned an impressive 3-1 champions league first leg victory against bundesliga champions bayern munich on wednesday nightporto remain one of portugal 's eminent teams -- they have been champions in three of the last four seasons -- and won the europa league four years ago .not since the days of jose mourinho more than a decade ago have fc porto seen anything quite like this .\"]\n", + "=======================\n", + "[\"porto earn 3-1 champions league quarter-final first leg victory against bayern munichricardo quaresma gives porto early lead with third minute penalty after manuel neuer 's foul on jackson martinezformer chelsea man quaresma doubles home side 's lead following mistake from bayern defender dantethiago alcantara pulls bundesliga champions back into the tie with 28th minute strikecolombian forward martinez puts porto into commanding 3-1 lead midway through second half\"]\n", + "porto earned an impressive 3-1 champions league first leg victory against bundesliga champions bayern munich on wednesday nightporto remain one of portugal 's eminent teams -- they have been champions in three of the last four seasons -- and won the europa league four years ago .not since the days of jose mourinho more than a decade ago have fc porto seen anything quite like this .\n", + "porto earn 3-1 champions league quarter-final first leg victory against bayern munichricardo quaresma gives porto early lead with third minute penalty after manuel neuer 's foul on jackson martinezformer chelsea man quaresma doubles home side 's lead following mistake from bayern defender dantethiago alcantara pulls bundesliga champions back into the tie with 28th minute strikecolombian forward martinez puts porto into commanding 3-1 lead midway through second half\n", + "[1.2641406 1.3160002 1.2688347 1.1976528 1.174764 1.0595539 1.1367487\n", + " 1.1139446 1.1180642 1.095409 1.0557865 1.0423071 1.0447886 1.0308486\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 6 8 7 9 5 10 12 11 13 17 14 15 16 18]\n", + "=======================\n", + "[\"judith russell , whose daughter katherine married tamerlan tsarnaev , one of the two mass murderers who set of bombs at the 2013 boston marathon , spoke at a court in the city today .her words came as jurors decide whether tamerlan 's brother , dzhokhar tsarnaev , 21 , should be put to death after being convicted of a host of crimes in connection with the massacre .she told how her daughter katherine , left , converted to islam after meeting dzhokhar 's brother tamerlan\"]\n", + "=======================\n", + "[\"dzhokhar tsarnaev was found guilty of killing three people and injuring 264 as well as fatally shooting a police officerhis lawyers on monday argued for the jury to spare him the death penaltycalled judith russell to the stand , who is mother-in-law of dzhokhar 's older brother tamerlan - who was killed in police firefight after the bombingtold how her daughter was enthralled by tamerlan and became muslimbacks up defense claims that dzhokhar was led by influential siblinglawyers have said that tamerlan drove his brother into the bombings\"]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "judith russell , whose daughter katherine married tamerlan tsarnaev , one of the two mass murderers who set of bombs at the 2013 boston marathon , spoke at a court in the city today .her words came as jurors decide whether tamerlan 's brother , dzhokhar tsarnaev , 21 , should be put to death after being convicted of a host of crimes in connection with the massacre .she told how her daughter katherine , left , converted to islam after meeting dzhokhar 's brother tamerlan\n", + "dzhokhar tsarnaev was found guilty of killing three people and injuring 264 as well as fatally shooting a police officerhis lawyers on monday argued for the jury to spare him the death penaltycalled judith russell to the stand , who is mother-in-law of dzhokhar 's older brother tamerlan - who was killed in police firefight after the bombingtold how her daughter was enthralled by tamerlan and became muslimbacks up defense claims that dzhokhar was led by influential siblinglawyers have said that tamerlan drove his brother into the bombings\n", + "[1.2538229 1.1594423 1.231809 1.2573577 1.1521744 1.0995363 1.1557679\n", + " 1.1191604 1.1620693 1.0641389 1.1337967 1.0416635 1.037728 1.0527836\n", + " 1.0578743 1.0454545 1.0403575 1.0489197 1.0423006]\n", + "\n", + "[ 3 0 2 8 1 6 4 10 7 5 9 14 13 17 15 18 11 16 12]\n", + "=======================\n", + "['the harrowing attack comes just months after al-shabaab militants murdered non-muslim workers in a kenyan quarry .( cnn ) a brutal raid on the garissa university college in kenya has left nearly 150 people dead -- including students -- and dozens more wounded .the u.s. embassy in nairobi said al-shabaab militants have claimed responsibility .']\n", + "=======================\n", + "['al-shabaab is an al-qaeda-linked militant group based in somaliait claimed responsibility for the deadly attack at a kenyan mall in september 2013the group has recruited some americans']\n", + "the harrowing attack comes just months after al-shabaab militants murdered non-muslim workers in a kenyan quarry .( cnn ) a brutal raid on the garissa university college in kenya has left nearly 150 people dead -- including students -- and dozens more wounded .the u.s. embassy in nairobi said al-shabaab militants have claimed responsibility .\n", + "al-shabaab is an al-qaeda-linked militant group based in somaliait claimed responsibility for the deadly attack at a kenyan mall in september 2013the group has recruited some americans\n", + "[1.2103425 1.4862906 1.2459682 1.4082198 1.2019062 1.0864846 1.0966097\n", + " 1.0790819 1.1332699 1.0815122 1.1163723 1.0814373 1.0431418 1.0692654\n", + " 1.089599 1.0961425 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 8 10 6 15 14 5 9 11 7 13 12 17 16 18]\n", + "=======================\n", + "['andrew stewart wood , of havant , hampshire , was accused of urinating into the ice machine at the hard rock hotel in the universal theme park resort in the early hours of tuesday .a guest reportedly told a security guard at the luxury hotel that there was a very intoxicated man on the premises .the guard located wood and saw him urinating into an ice machine .']\n", + "=======================\n", + "[\"andrew stewart wood , of havant , hampshire , was accused of urinating into the ice machine at the hard rock hotel in the early hours of tuesdaywood , who police said was ` extremely intoxicated ' , refused to stop shouting and return to his room at the universal orlando theme park resortwood was charged with disorderly conduct and spent the night in jailhard rock hotel confirmed ice machine removed for health and safety but was unable to say if wood was still a guest for ` security reasons '\"]\n", + "andrew stewart wood , of havant , hampshire , was accused of urinating into the ice machine at the hard rock hotel in the universal theme park resort in the early hours of tuesday .a guest reportedly told a security guard at the luxury hotel that there was a very intoxicated man on the premises .the guard located wood and saw him urinating into an ice machine .\n", + "andrew stewart wood , of havant , hampshire , was accused of urinating into the ice machine at the hard rock hotel in the early hours of tuesdaywood , who police said was ` extremely intoxicated ' , refused to stop shouting and return to his room at the universal orlando theme park resortwood was charged with disorderly conduct and spent the night in jailhard rock hotel confirmed ice machine removed for health and safety but was unable to say if wood was still a guest for ` security reasons '\n", + "[1.2237858 1.5075474 1.3196898 1.4185774 1.2205681 1.1482533 1.0489166\n", + " 1.0156301 1.0181745 1.1389033 1.0648639 1.0285085 1.0243366 1.1033053\n", + " 1.0888757 1.0182368 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 9 13 14 10 6 11 12 15 8 7 19 16 17 18 20]\n", + "=======================\n", + "[\"hannah moore , 20 , of broxburn in west lothian , uploaded the snaps in a bid to boost her confidence and told her followers : ` nobody should be judged by their size because everyone is beautiful ' .but only two minutes later , the mum of twins claims her account was deleted because the images were deemed to contain inappropriate ` nudity and violence ' .a mother-of-two who posted pictures of her post-pregnancy stretchmarks on instagram to inspire others was horrified after they were removed for breaching the site 's decency guidelines .\"]\n", + "=======================\n", + "[\"hannah moore posted photos of her stretchmarks to instagram to inspirethe 20 year old suffered from marks after giving birth to twins last yearinstagram then deleted hannah from broxburn , west lothian 's account\"]\n", + "hannah moore , 20 , of broxburn in west lothian , uploaded the snaps in a bid to boost her confidence and told her followers : ` nobody should be judged by their size because everyone is beautiful ' .but only two minutes later , the mum of twins claims her account was deleted because the images were deemed to contain inappropriate ` nudity and violence ' .a mother-of-two who posted pictures of her post-pregnancy stretchmarks on instagram to inspire others was horrified after they were removed for breaching the site 's decency guidelines .\n", + "hannah moore posted photos of her stretchmarks to instagram to inspirethe 20 year old suffered from marks after giving birth to twins last yearinstagram then deleted hannah from broxburn , west lothian 's account\n", + "[1.3703432 1.1632905 1.1204772 1.1957998 1.1797806 1.1158379 1.1836265\n", + " 1.0834538 1.0771465 1.0252601 1.0240397 1.0773453 1.0186057 1.141295\n", + " 1.1305865 1.0811802 1.0778801 1.1050485 1.0252713 1.0471203 1.070269 ]\n", + "\n", + "[ 0 3 6 4 1 13 14 2 5 17 7 15 16 11 8 20 19 18 9 10 12]\n", + "=======================\n", + "['( cnn ) larry johnson remembers the fear and feeling of helplessness from being on the skywest airlines flight that made an emergency landing in buffalo , new york .johnson was flying with his brother , his girlfriend and his 8-month-old son when he says a flight attendant came over the speaker asking for someone who was medically trained to help with a sick passenger .the federal aviation administration on wednesday initially reported a pressurization problem with skywest flight 5622 , and said it would investigate .']\n", + "=======================\n", + "['three passengers report a loss of consciousness on skywest flightbut officials say there is no evidence of a pressurization problem']\n", + "( cnn ) larry johnson remembers the fear and feeling of helplessness from being on the skywest airlines flight that made an emergency landing in buffalo , new york .johnson was flying with his brother , his girlfriend and his 8-month-old son when he says a flight attendant came over the speaker asking for someone who was medically trained to help with a sick passenger .the federal aviation administration on wednesday initially reported a pressurization problem with skywest flight 5622 , and said it would investigate .\n", + "three passengers report a loss of consciousness on skywest flightbut officials say there is no evidence of a pressurization problem\n", + "[1.2717147 1.494014 1.269059 1.3169514 1.1140828 1.0915183 1.0170304\n", + " 1.0165606 1.0254734 1.1057358 1.1697067 1.1027884 1.0150579 1.0856544\n", + " 1.1347121 1.0202979 1.0249907 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 10 14 4 9 11 5 13 8 16 15 6 7 12 19 17 18 20]\n", + "=======================\n", + "[\"` the diggers are dole bludgers ' has attracted more than 360 likes since the page started in late january , and claims that the australian armed services promotes the thoughtless killing of innocent civilians .the administrator of the page claims that those in the armed forces are ` being paid with money stolen from the taxpayer to do a job that is unnecessary ' .one meme posted to the page features the iconic ` handsome soldier ' photograph with the words ` you have freedom of speech thanks to us .\"]\n", + "=======================\n", + "['facebook page ` the diggers are dole bludgers \\' was created in januarythe page claims returned australian servicemen are rapists and terroristsone post says \" you have freedom of speech thanks to us .social media users have criticised the page as shameful and insultinga protest page demanding the removal of the page has been set up']\n", + "` the diggers are dole bludgers ' has attracted more than 360 likes since the page started in late january , and claims that the australian armed services promotes the thoughtless killing of innocent civilians .the administrator of the page claims that those in the armed forces are ` being paid with money stolen from the taxpayer to do a job that is unnecessary ' .one meme posted to the page features the iconic ` handsome soldier ' photograph with the words ` you have freedom of speech thanks to us .\n", + "facebook page ` the diggers are dole bludgers ' was created in januarythe page claims returned australian servicemen are rapists and terroristsone post says \" you have freedom of speech thanks to us .social media users have criticised the page as shameful and insultinga protest page demanding the removal of the page has been set up\n", + "[1.300681 1.5182636 1.3051124 1.0674709 1.0380272 1.1306794 1.0421736\n", + " 1.0338223 1.1698967 1.0958164 1.0826689 1.0927255 1.0643647 1.2272317\n", + " 1.0788952 1.0617304 1.0484253 1.0290365 1.116769 0. 0. ]\n", + "\n", + "[ 1 2 0 13 8 5 18 9 11 10 14 3 12 15 16 6 4 7 17 19 20]\n", + "=======================\n", + "['the girl , who has not been named but attends school in san dimas , california , is the target of disturbing posts on the photo-sharing service .the posts consist of pictures of her accompanied by threatening messages .a middle school student is being kept home in fear of her life after anonymous instagram users threatened to stab her to death .']\n", + "=======================\n", + "['unnamed girl was targeted by threatening posts on social networkwas taken home from lone hills middle school in san dimas , californiainvestigators believe fellow students are posting the threatsin one message a user threatens to bring a knife to school and stab the girl']\n", + "the girl , who has not been named but attends school in san dimas , california , is the target of disturbing posts on the photo-sharing service .the posts consist of pictures of her accompanied by threatening messages .a middle school student is being kept home in fear of her life after anonymous instagram users threatened to stab her to death .\n", + "unnamed girl was targeted by threatening posts on social networkwas taken home from lone hills middle school in san dimas , californiainvestigators believe fellow students are posting the threatsin one message a user threatens to bring a knife to school and stab the girl\n", + "[1.2516475 1.3598264 1.2607694 1.2432754 1.419532 1.1528164 1.031819\n", + " 1.0100332 1.0224433 1.0107368 1.1249257 1.189402 1.2483131 1.0665181\n", + " 1.0112277 1.0169028 1.0337762 1.0103521 0. 0. 0. ]\n", + "\n", + "[ 4 1 2 0 12 3 11 5 10 13 16 6 8 15 14 9 17 7 19 18 20]\n", + "=======================\n", + "[\"alan pardew called manuel pellegrini a ` f *** ing old c ** t ' during premier league encounter back inpardew was warned about his behaviour by the fa and wrote to pellegrini to apologise for the offensive name he called him .on monday at selhurst park , pardew , now manager of crystal palace , meets pellegrini and manchester city again having taken steps to change a pattern of behaviour he feared was becoming destructive .\"]\n", + "=======================\n", + "[\"alan pardew was warned about his behaviour following touchline spatthe former newcastle boss called manuel pellegrini a ` f *** ing old c ** t 'he wrote to pellegrini to apologise for using such offensive languagecrystal palace host manchester city at selhurst park on monday\"]\n", + "alan pardew called manuel pellegrini a ` f *** ing old c ** t ' during premier league encounter back inpardew was warned about his behaviour by the fa and wrote to pellegrini to apologise for the offensive name he called him .on monday at selhurst park , pardew , now manager of crystal palace , meets pellegrini and manchester city again having taken steps to change a pattern of behaviour he feared was becoming destructive .\n", + "alan pardew was warned about his behaviour following touchline spatthe former newcastle boss called manuel pellegrini a ` f *** ing old c ** t 'he wrote to pellegrini to apologise for using such offensive languagecrystal palace host manchester city at selhurst park on monday\n", + "[1.2008951 1.353239 1.3342869 1.239437 1.1352342 1.2653549 1.1345706\n", + " 1.1651704 1.1217873 1.0802459 1.0222698 1.0441595 1.0151384 1.0129416\n", + " 1.055232 1.1107674 1.0619559 1.0682441 1.0736544]\n", + "\n", + "[ 1 2 5 3 0 7 4 6 8 15 9 18 17 16 14 11 10 12 13]\n", + "=======================\n", + "['some 42 per cent of those polled said they supported shale gas extraction , while 35 per cent disagreed with using the controversial technique .the anti-fracking environmental campaign group was accused of trying to bury the inconvenient survey result .more people in britain back fracking than are opposed to it , a greenpeace survey has found']\n", + "=======================\n", + "['42 per cent of those polled said they support shale gas extractiongreatest support among men and the over-65s , survey revealsresults were hidden in footnote to a greenpeace press release']\n", + "some 42 per cent of those polled said they supported shale gas extraction , while 35 per cent disagreed with using the controversial technique .the anti-fracking environmental campaign group was accused of trying to bury the inconvenient survey result .more people in britain back fracking than are opposed to it , a greenpeace survey has found\n", + "42 per cent of those polled said they support shale gas extractiongreatest support among men and the over-65s , survey revealsresults were hidden in footnote to a greenpeace press release\n", + "[1.360812 1.3311958 1.1799647 1.402005 1.0933592 1.0920205 1.1014111\n", + " 1.1389064 1.1210705 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 2 7 8 6 4 5 16 15 14 13 9 11 10 17 12 18]\n", + "=======================\n", + "[\"edinson cavani strokes the head of a male goat at the animal sanctuary he visited after barcelona defeatedinson cavani found a novel way of burying bad news , as the psg striker overcame another disappointing night 's work against barcelona with a day out at the zoo .the uruguayan has struggled in the shadow of zlatan ibrahimovic during his time in the french capital , and continued to toil at the camp nou , as laurent blanc 's side went down to a comfortable 2-0 second-leg defeat .\"]\n", + "=======================\n", + "['edinson cavani pays visit to local animal zoo day after camp nou defeatpsg striker was virtually anonymous in both legs against barcelonacavani has been linked with a move to manchester united this summer']\n", + "edinson cavani strokes the head of a male goat at the animal sanctuary he visited after barcelona defeatedinson cavani found a novel way of burying bad news , as the psg striker overcame another disappointing night 's work against barcelona with a day out at the zoo .the uruguayan has struggled in the shadow of zlatan ibrahimovic during his time in the french capital , and continued to toil at the camp nou , as laurent blanc 's side went down to a comfortable 2-0 second-leg defeat .\n", + "edinson cavani pays visit to local animal zoo day after camp nou defeatpsg striker was virtually anonymous in both legs against barcelonacavani has been linked with a move to manchester united this summer\n", + "[1.2365229 1.1724439 1.4168904 1.3131394 1.1307077 1.2097903 1.3116252\n", + " 1.147355 1.1068367 1.061195 1.0530115 1.0131277 1.0168544 1.0131178\n", + " 1.0616288 1.076964 1.0674702 1.1955047 1.0617934]\n", + "\n", + "[ 2 3 6 0 5 17 1 7 4 8 15 16 18 14 9 10 12 11 13]\n", + "=======================\n", + "[\"police arrested truong 's sister alyssa chang this week after she allegedly helped kidnap 2-year-old ronnie tran and his mother , with the child 's grandmother , 65-year-old vien nguyen .john truong thought he was helping his sister have a nice night out with her boyfriend .an amber alert was issued for the boy tuesday night , after the mother managed to escape and find help .\"]\n", + "=======================\n", + "[\"john truong of renton , washington says sister dropped off 2-year-old boy ronnie tran at his house tuesdaysister alyssa chang told him the boy was her boyfriend 's son and they wanted to have a date nightwhile scanning facebook the next morning , truong read an amber alert issued for the boy and then called policetruong 's sister was arrested for kidnapping tran and his mother , with the help of the toddler 's grandmother , 65-year-old vien nguyennguyen later turned herself into police for questioningthe motive for the abduction has not yet been released\"]\n", + "police arrested truong 's sister alyssa chang this week after she allegedly helped kidnap 2-year-old ronnie tran and his mother , with the child 's grandmother , 65-year-old vien nguyen .john truong thought he was helping his sister have a nice night out with her boyfriend .an amber alert was issued for the boy tuesday night , after the mother managed to escape and find help .\n", + "john truong of renton , washington says sister dropped off 2-year-old boy ronnie tran at his house tuesdaysister alyssa chang told him the boy was her boyfriend 's son and they wanted to have a date nightwhile scanning facebook the next morning , truong read an amber alert issued for the boy and then called policetruong 's sister was arrested for kidnapping tran and his mother , with the help of the toddler 's grandmother , 65-year-old vien nguyennguyen later turned herself into police for questioningthe motive for the abduction has not yet been released\n", + "[1.2011045 1.5098941 1.2082317 1.1881657 1.2264584 1.1519631 1.0956023\n", + " 1.0420164 1.0864782 1.0984485 1.0788325 1.0531704 1.0788724 1.0962801\n", + " 1.1632261 1.0481905 1.0549455 1.019325 1.0147092]\n", + "\n", + "[ 1 4 2 0 3 14 5 9 13 6 8 12 10 16 11 15 7 17 18]\n", + "=======================\n", + "[\"thor dalhaug died an hour after birth following a difficult delivery during which he suffered fatal brain damage due to a doctor 's errors , ruled stuart fisher , senior coroner for central lincolnshire .doctors at the lincoln county hospital covered up a series of horrendous mistakes that led to the death of a twin baby boy ( pictured above with his mother michelle ) , a coroner has ruledin a damning report , he said an unsupervised junior surgeon tried to deliver the baby using forceps in an ` unorthodox and unacceptable ' way .\"]\n", + "=======================\n", + "[\"thor dalhaug died at lincoln county hospital in september 2013unsupervised surgeon used forceps in an ` unacceptable ' way , report saidsenior managers then tried to remove the fact forceps had been used\"]\n", + "thor dalhaug died an hour after birth following a difficult delivery during which he suffered fatal brain damage due to a doctor 's errors , ruled stuart fisher , senior coroner for central lincolnshire .doctors at the lincoln county hospital covered up a series of horrendous mistakes that led to the death of a twin baby boy ( pictured above with his mother michelle ) , a coroner has ruledin a damning report , he said an unsupervised junior surgeon tried to deliver the baby using forceps in an ` unorthodox and unacceptable ' way .\n", + "thor dalhaug died at lincoln county hospital in september 2013unsupervised surgeon used forceps in an ` unacceptable ' way , report saidsenior managers then tried to remove the fact forceps had been used\n", + "[1.1780075 1.2979718 1.275678 1.3906922 1.2911801 1.3436018 1.104293\n", + " 1.0428233 1.0378715 1.0147077 1.0841073 1.2708124 1.0382648 1.0119009\n", + " 1.0819969 1.0552083 1.0533489 1.0062242 0. ]\n", + "\n", + "[ 3 5 1 4 2 11 0 6 10 14 15 16 7 12 8 9 13 17 18]\n", + "=======================\n", + "[\"ellia beasley has more than 20 tattoos but lived to regret featuring lost prophet lyrics in one of her inkingsian watkins , 37 , was sent to prison for 35 years in 2013 after being convicted of a string of child sex offences - including the attempted rape of a fan 's baby .she loved the song so much , she decided to have a tattoo on her belly in 2012 featuring the lyrics ` scream your heart out ' .\"]\n", + "=======================\n", + "[\"ellia beasley loved singing along to lost prophets song as a teendecided to have line ` scream your heart out ' tattooed onto her bellybut then the band 's lead singer was exposed as child abuser and jailed22-year-old hated being associated with him thanks to tattootattoo disasters uk begins on tuesday 21st april at 9pm on spike - sky 160 , talk talk 31 , bt tv 31 , freeview 31 and freesat 141\"]\n", + "ellia beasley has more than 20 tattoos but lived to regret featuring lost prophet lyrics in one of her inkingsian watkins , 37 , was sent to prison for 35 years in 2013 after being convicted of a string of child sex offences - including the attempted rape of a fan 's baby .she loved the song so much , she decided to have a tattoo on her belly in 2012 featuring the lyrics ` scream your heart out ' .\n", + "ellia beasley loved singing along to lost prophets song as a teendecided to have line ` scream your heart out ' tattooed onto her bellybut then the band 's lead singer was exposed as child abuser and jailed22-year-old hated being associated with him thanks to tattootattoo disasters uk begins on tuesday 21st april at 9pm on spike - sky 160 , talk talk 31 , bt tv 31 , freeview 31 and freesat 141\n", + "[1.2720838 1.4292119 1.3483869 1.2221583 1.0312024 1.1352074 1.0283266\n", + " 1.1350243 1.0616686 1.1473647 1.0577965 1.026135 1.1213632 1.0667677\n", + " 1.0251932 1.0403703 1.008915 0. ]\n", + "\n", + "[ 1 2 0 3 9 5 7 12 13 8 10 15 4 6 11 14 16 17]\n", + "=======================\n", + "[\"governor mary fallin signed into law a bill approving nitrogen as an alternative method of death , giving oklahoma four different ways to enact its death penalty .the method , which involves pumping a chamber full of nitrogen and leaving a prisoner 's body to die from lack of oxygen , has been touted as ` foolproof ' by supporters , in the wake of the embarrassingly botched lethal injections .oklahoma introduced a law allowing it to use nitrogen gas to kill death row prisoners if lethal injections are n't available .\"]\n", + "=======================\n", + "[\"governor mary fallin signed bill allowing nitrogen execution into lawchamber is pumped full of gas , and body dies from lack of oxygenmethod will become oklahoma 's second choice after lethal injectionsupreme court is due to rule on whether current execution drugs are legalif gas execution is not available , state will use electric chair or firing squad\"]\n", + "governor mary fallin signed into law a bill approving nitrogen as an alternative method of death , giving oklahoma four different ways to enact its death penalty .the method , which involves pumping a chamber full of nitrogen and leaving a prisoner 's body to die from lack of oxygen , has been touted as ` foolproof ' by supporters , in the wake of the embarrassingly botched lethal injections .oklahoma introduced a law allowing it to use nitrogen gas to kill death row prisoners if lethal injections are n't available .\n", + "governor mary fallin signed bill allowing nitrogen execution into lawchamber is pumped full of gas , and body dies from lack of oxygenmethod will become oklahoma 's second choice after lethal injectionsupreme court is due to rule on whether current execution drugs are legalif gas execution is not available , state will use electric chair or firing squad\n", + "[1.5754912 1.3418118 1.3399267 1.2195737 1.4275026 1.038826 1.0169605\n", + " 1.0502055 1.121115 1.0486559 1.1124876 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 2 3 8 10 7 9 5 6 16 11 12 13 14 15 17]\n", + "=======================\n", + "[\"lancashire 's liam livingstone scored a reported world-record 350 for nantwich town in a national club championship match against caldy on sunday .the 21-year-old all-rounder , who has yet to make his first-team debut for the red rose , plundered 34 fours and 27 sixes in his remarkable 138-ball innings .lancashire believes the innings is the highest-ever individual score in a one-day match .\"]\n", + "=======================\n", + "[\"liam livingstone hit 34 fours and 27 sixes 138-ball innings of 350the 21-year-old all-rounder is yet to debut for lancashire 's first teamhis nantwich town made 579 for seven from their 45 overs against caldythey won national club championship match by 500 runs\"]\n", + "lancashire 's liam livingstone scored a reported world-record 350 for nantwich town in a national club championship match against caldy on sunday .the 21-year-old all-rounder , who has yet to make his first-team debut for the red rose , plundered 34 fours and 27 sixes in his remarkable 138-ball innings .lancashire believes the innings is the highest-ever individual score in a one-day match .\n", + "liam livingstone hit 34 fours and 27 sixes 138-ball innings of 350the 21-year-old all-rounder is yet to debut for lancashire 's first teamhis nantwich town made 579 for seven from their 45 overs against caldythey won national club championship match by 500 runs\n", + "[1.2647002 1.3778588 1.3180783 1.2990683 1.2348034 1.0420763 1.0535887\n", + " 1.101655 1.0706676 1.0684597 1.0922412 1.0753984 1.0571573 1.0381105\n", + " 1.0777359 1.057827 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 7 10 14 11 8 9 15 12 6 5 13 16 17]\n", + "=======================\n", + "[\"the ohio court of claims on friday granted the money to wiley bridgeman , 60 , and kwame ajamu , 57 , and the brothers ' attorneys said compensation for lost wages has yet to be determined and awarded .bridgeman , ajamu , and ricky jackson , now 59 , were sent to death row after aggravated murder convictions in the slaying of cleveland money order salesman harry franks .two brothers exonerated after being sentenced to death for a 1975 slaying have been awarded more than $ 1.6 million in compensation from the state of ohio for decades of wrongful imprisonment .\"]\n", + "=======================\n", + "['wiley bridgeman , 60 , and kwame ajamu , 57 , sentenced for 1975 killingkey witness , 12-year-old boy , later recanted his testimony last yearajamu spent 27 years in prison , bridgeman spent almost 40 behind barsthird inmate , ricky jackson , received $ 1million in marchajamu and bridgeman , who are brothers , received death sentences at age 17 and 20 , respectively']\n", + "the ohio court of claims on friday granted the money to wiley bridgeman , 60 , and kwame ajamu , 57 , and the brothers ' attorneys said compensation for lost wages has yet to be determined and awarded .bridgeman , ajamu , and ricky jackson , now 59 , were sent to death row after aggravated murder convictions in the slaying of cleveland money order salesman harry franks .two brothers exonerated after being sentenced to death for a 1975 slaying have been awarded more than $ 1.6 million in compensation from the state of ohio for decades of wrongful imprisonment .\n", + "wiley bridgeman , 60 , and kwame ajamu , 57 , sentenced for 1975 killingkey witness , 12-year-old boy , later recanted his testimony last yearajamu spent 27 years in prison , bridgeman spent almost 40 behind barsthird inmate , ricky jackson , received $ 1million in marchajamu and bridgeman , who are brothers , received death sentences at age 17 and 20 , respectively\n", + "[1.2275269 1.4690671 1.1508899 1.3232682 1.2225008 1.213931 1.1604357\n", + " 1.1127965 1.066974 1.0863571 1.0904901 1.0500792 1.134072 1.0935657\n", + " 1.0248016 1.0715591 1.0336179 1.089104 ]\n", + "\n", + "[ 1 3 0 4 5 6 2 12 7 13 10 17 9 15 8 11 16 14]\n", + "=======================\n", + "['the man in his 50s , who has only been named as mr zhang , was travelling on his three-wheeled motorbike in dezhou city in east china when he was hit by a car at a busy junction and thrown off his bike .a man has died in a road accident in north west china - eight months after his brother was tragically killed in exactly the same spot .he later died in hospital from his injuries']\n", + "=======================\n", + "['the man in his 50s , only named as mr zhang , had been on his motorbikea car hit him as he pulled out of the junction , throwing him off the bikevillagers say his younger brother died in the same place last august , when a collision with a lorry killed him instantly']\n", + "the man in his 50s , who has only been named as mr zhang , was travelling on his three-wheeled motorbike in dezhou city in east china when he was hit by a car at a busy junction and thrown off his bike .a man has died in a road accident in north west china - eight months after his brother was tragically killed in exactly the same spot .he later died in hospital from his injuries\n", + "the man in his 50s , only named as mr zhang , had been on his motorbikea car hit him as he pulled out of the junction , throwing him off the bikevillagers say his younger brother died in the same place last august , when a collision with a lorry killed him instantly\n", + "[1.5022284 1.6461407 1.2557927 1.338564 1.0767366 1.121095 1.0282308\n", + " 1.0119196 1.1429343 1.0345883 1.00852 1.176058 1.075911 1.0362101\n", + " 1.0070409 1.0072764 1.0057796 0. ]\n", + "\n", + "[ 1 0 3 2 11 8 5 4 12 13 9 6 7 10 15 14 16 17]\n", + "=======================\n", + "[\"marcelo bosch landed a long-range penalty in the final act of sunday 's showdown with racing metro to clinch a 12-11 victory that has set up a last-four trip to st etienne 's stade geoffroy-guichard on april 18 .mark mccall believes neutral territory offers saracens hope of toppling mighty clermont to reach a second successive european final .awaiting in the champions cup semi-finals are clermont , who are bristling with confidence after their remarkable 37-5 rout of runaway aviva premiership leaders northampton .\"]\n", + "=======================\n", + "['saracens through to champions cup semi-final after beating racing metromarcelo bosch landed last-gasp penalty to seal the win on sundaysaracens face clermont in semi-final in neutral st etienne on april 18 or 19']\n", + "marcelo bosch landed a long-range penalty in the final act of sunday 's showdown with racing metro to clinch a 12-11 victory that has set up a last-four trip to st etienne 's stade geoffroy-guichard on april 18 .mark mccall believes neutral territory offers saracens hope of toppling mighty clermont to reach a second successive european final .awaiting in the champions cup semi-finals are clermont , who are bristling with confidence after their remarkable 37-5 rout of runaway aviva premiership leaders northampton .\n", + "saracens through to champions cup semi-final after beating racing metromarcelo bosch landed last-gasp penalty to seal the win on sundaysaracens face clermont in semi-final in neutral st etienne on april 18 or 19\n", + "[1.4984722 1.0725154 1.0860479 1.2579039 1.5480057 1.2394402 1.3485073\n", + " 1.0177445 1.0133655 1.0128638 1.0188166 1.0153955 1.016369 1.0192835\n", + " 1.0181128 1.0443166 1.0215034 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 4 0 6 3 5 2 1 15 16 13 10 14 7 12 11 8 9 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"tim howard is adamant the europa league is not to blame for everton 's poor season in the premier leagueaaron lennon scored for everton at swansea city but the game ended in a 1-1 draw at the liberty stadiumthe gap between their status now and after 32 games last season is 25 points , the difference between targeting a champions league place and chasing the top 10 .\"]\n", + "=======================\n", + "[\"everton drew 1-1 with swansea city at the liberty stadium on saturdaythey could finish premier league bottom half for first time in nine yearstim howard says his side 's struggles are n't down to europa leaguetoffees played 10 european games but howard says form is down to luck\"]\n", + "tim howard is adamant the europa league is not to blame for everton 's poor season in the premier leagueaaron lennon scored for everton at swansea city but the game ended in a 1-1 draw at the liberty stadiumthe gap between their status now and after 32 games last season is 25 points , the difference between targeting a champions league place and chasing the top 10 .\n", + "everton drew 1-1 with swansea city at the liberty stadium on saturdaythey could finish premier league bottom half for first time in nine yearstim howard says his side 's struggles are n't down to europa leaguetoffees played 10 european games but howard says form is down to luck\n", + "[1.326689 1.2349753 1.2413651 1.1704768 1.1474588 1.1561816 1.2709286\n", + " 1.0371506 1.029092 1.029167 1.0317631 1.032759 1.050798 1.104257\n", + " 1.0809555 1.1213876 1.0430565 1.073818 1.0440148 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 6 2 1 3 5 4 15 13 14 17 12 18 16 7 11 10 9 8 19 20 21 22 23]\n", + "=======================\n", + "['derby county season ticket holders from the 2010-11 campaign might struggle to believe it but alberto bueno prepares to face his former club real madrid on wednesday as the highest-scoring spanish-national in la liga with a big money move to porto waiting for him at the end of the season .after returning to valladolid he moved to rayo vallecano and at the club with one of the lowest budgets in spanish football he has had the season of his life .bueno played for derby on loan five years ago , but with just five goals in 29 games he looked anything like champions league material .']\n", + "=======================\n", + "['alberto bueno ha scored 17 goals for rayo vallecano this seasonstriker will lead the line on wednesday for rayo against real madridbueno has been linked with a move to porto at the end of the season']\n", + "derby county season ticket holders from the 2010-11 campaign might struggle to believe it but alberto bueno prepares to face his former club real madrid on wednesday as the highest-scoring spanish-national in la liga with a big money move to porto waiting for him at the end of the season .after returning to valladolid he moved to rayo vallecano and at the club with one of the lowest budgets in spanish football he has had the season of his life .bueno played for derby on loan five years ago , but with just five goals in 29 games he looked anything like champions league material .\n", + "alberto bueno ha scored 17 goals for rayo vallecano this seasonstriker will lead the line on wednesday for rayo against real madridbueno has been linked with a move to porto at the end of the season\n", + "[1.1369209 1.0439922 1.0596129 1.1355059 1.1066997 1.0591509 1.0424608\n", + " 1.0497916 1.1067975 1.0376608 1.0637922 1.043095 1.0733085 1.037072\n", + " 1.0238347 1.0293645 1.0325403 1.0320399 1.0739443 1.1228275 1.0629857\n", + " 1.0594683 1.0390064 1.0444583]\n", + "\n", + "[ 0 3 19 8 4 18 12 10 20 2 21 5 7 23 1 11 6 22 9 13 16 17 15 14]\n", + "=======================\n", + "[\"kathmandu , nepal ( cnn ) when the earthquake struck , we huddled under a concrete beam -- and prayed .i was at my uncle 's place in ramkot , west kathmandu , some 12 kilometers ( 7.4 miles ) east from my family home .a blood donation camp was said to be buried by the same structure that sheltered it .\"]\n", + "=======================\n", + "[\"journalist sunir pandey was visiting relatives with nepal 's 7.8 magnitude quake struckhe says they ran to shelter under a concrete beam and prayed , as dust rose from the rubble\"]\n", + "kathmandu , nepal ( cnn ) when the earthquake struck , we huddled under a concrete beam -- and prayed .i was at my uncle 's place in ramkot , west kathmandu , some 12 kilometers ( 7.4 miles ) east from my family home .a blood donation camp was said to be buried by the same structure that sheltered it .\n", + "journalist sunir pandey was visiting relatives with nepal 's 7.8 magnitude quake struckhe says they ran to shelter under a concrete beam and prayed , as dust rose from the rubble\n", + "[1.4804033 1.1076878 1.1655428 1.4228101 1.1379547 1.0751654 1.0653673\n", + " 1.1353973 1.0730326 1.0245527 1.1132138 1.0494211 1.018381 1.048895\n", + " 1.0476447 1.0855521 1.0412633 1.030969 1.0406811 1.0347304 1.0360075\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 4 7 10 1 15 5 8 6 11 13 14 16 18 20 19 17 9 12 21 22 23]\n", + "=======================\n", + "['jimmy anderson was given a silver cap by mike atherton to mark his 100th test .the list of fast bowling centurions is a short one and anderson finds himself in good company with courtney walsh ( 132 ) , glenn mcgrath ( 124 ) , chaminda vaas ( 111 ) , shaun pollock ( 108 ) , wasim akram ( 104 ) and makhaya ntini ( 101 ) .in a week when cricket lost one of its most revered voices , respectful tributes were paid before play began in antigua .']\n", + "=======================\n", + "[\"ian bell and joe root try new model helmet , which was released after phillip hughes ' death late last yearchris gayle absent from series , instead playing in indian premier leaguejimmy anderson was presented with silver cap on his 100th test matchteams pay their respect to richie benaud , who died last week\"]\n", + "jimmy anderson was given a silver cap by mike atherton to mark his 100th test .the list of fast bowling centurions is a short one and anderson finds himself in good company with courtney walsh ( 132 ) , glenn mcgrath ( 124 ) , chaminda vaas ( 111 ) , shaun pollock ( 108 ) , wasim akram ( 104 ) and makhaya ntini ( 101 ) .in a week when cricket lost one of its most revered voices , respectful tributes were paid before play began in antigua .\n", + "ian bell and joe root try new model helmet , which was released after phillip hughes ' death late last yearchris gayle absent from series , instead playing in indian premier leaguejimmy anderson was presented with silver cap on his 100th test matchteams pay their respect to richie benaud , who died last week\n", + "[1.3727483 1.5119631 1.3180207 1.443083 1.1437218 1.040511 1.0217586\n", + " 1.0220373 1.0905179 1.1642551 1.0584841 1.0121408 1.0090239 1.0273045\n", + " 1.016937 1.0152924 1.1508325 1.1488805 1.0111343 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 9 16 17 4 8 10 5 13 7 6 14 15 11 18 12 22 19 20 21 23]\n", + "=======================\n", + "[\"the big-hitting top-order batsman has nine england caps to date , since his debut against india last august .alex hales is hoping for a ` proper crack ' at one-day international cricket with englandbut after opening alongside alastair cook four times in that series defeat , hales has played in only five of england 's subsequent 18 matches - including at the world cup - and has batted instead at number three on three occasions .\"]\n", + "=======================\n", + "[\"alex hales has nine england caps since his debut against india last augustthe big-hitting batsman is hoping for a ` proper crack ' with his countryhales has played only five of last 18 matches since india series defeat\"]\n", + "the big-hitting top-order batsman has nine england caps to date , since his debut against india last august .alex hales is hoping for a ` proper crack ' at one-day international cricket with englandbut after opening alongside alastair cook four times in that series defeat , hales has played in only five of england 's subsequent 18 matches - including at the world cup - and has batted instead at number three on three occasions .\n", + "alex hales has nine england caps since his debut against india last augustthe big-hitting batsman is hoping for a ` proper crack ' with his countryhales has played only five of last 18 matches since india series defeat\n", + "[1.3696892 1.500035 1.309545 1.2904625 1.2085391 1.0889308 1.0717607\n", + " 1.0410389 1.0187618 1.0187578 1.0908093 1.1192119 1.0306948 1.0251853\n", + " 1.078421 1.0487643 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 11 10 5 14 6 15 7 12 13 8 9 16 17 18]\n", + "=======================\n", + "[\"anderson induced an edge from west indies captain denesh ramdin on the final day of the first test in antigua for his 384th test scalp on friday , breaking sir ian botham 's record which had stood for 23 years .england 's new record wicket-taker james anderson has promised there is more to come as he believes he is still improving as a bowler .anderson , 32 , broke the record in the same match which saw him collect his landmark 100th cap for england , although there was disappointment as england could not force a victory .\"]\n", + "=======================\n", + "[\"james anderson became england 's leading wicket-taker on fridaythe 32-year-old believes he ` can still improve as a bowler 'anderson reveals he 's still learning despite playing 100 games for englandread : jimmy anderson shows quiet guys do win , says nasser hussain\"]\n", + "anderson induced an edge from west indies captain denesh ramdin on the final day of the first test in antigua for his 384th test scalp on friday , breaking sir ian botham 's record which had stood for 23 years .england 's new record wicket-taker james anderson has promised there is more to come as he believes he is still improving as a bowler .anderson , 32 , broke the record in the same match which saw him collect his landmark 100th cap for england , although there was disappointment as england could not force a victory .\n", + "james anderson became england 's leading wicket-taker on fridaythe 32-year-old believes he ` can still improve as a bowler 'anderson reveals he 's still learning despite playing 100 games for englandread : jimmy anderson shows quiet guys do win , says nasser hussain\n", + "[1.5379536 1.1701988 1.3539445 1.4090213 1.1942295 1.0734358 1.0271902\n", + " 1.013494 1.0749657 1.0388811 1.0760614 1.0528679 1.069951 1.0711567\n", + " 1.1438718 1.021076 1.0108974 1.050782 1.1388952]\n", + "\n", + "[ 0 3 2 4 1 14 18 10 8 5 13 12 11 17 9 6 15 7 16]\n", + "=======================\n", + "[\"yaya toure 's agent has called manchester city boss manuel pellegrini a ` weak manager ' and criticised the club 's chief executive ferran soriano and director of football txiki begiristain .the agent of manchester city midfielder yaya toure ( left ) has called manuel pellegrini , his manager , ` weak 'but agent dimitri seluk has claimed the club are trying to make toure a scapegoat for bigger problems behind the scenes .\"]\n", + "=======================\n", + "[\"manchester city are willing to listen to offers for yaya toure this summerhis agent dimitri seluk has hit out and called manuel pellegrini ` weak 'he also criticised the city 's chief executive and director of footballivorian midfielder has had a difficult season at the premier league champions\"]\n", + "yaya toure 's agent has called manchester city boss manuel pellegrini a ` weak manager ' and criticised the club 's chief executive ferran soriano and director of football txiki begiristain .the agent of manchester city midfielder yaya toure ( left ) has called manuel pellegrini , his manager , ` weak 'but agent dimitri seluk has claimed the club are trying to make toure a scapegoat for bigger problems behind the scenes .\n", + "manchester city are willing to listen to offers for yaya toure this summerhis agent dimitri seluk has hit out and called manuel pellegrini ` weak 'he also criticised the city 's chief executive and director of footballivorian midfielder has had a difficult season at the premier league champions\n", + "[1.2753625 1.3653533 1.1841764 1.3549709 1.2207263 1.0749247 1.1429101\n", + " 1.1604575 1.1101922 1.0658044 1.0547625 1.1022708 1.0637678 1.0285444\n", + " 1.0263627 1.0144616 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 7 6 8 11 5 9 12 10 13 14 15 17 16 18]\n", + "=======================\n", + "[\"police exhumed the boy 's body from his grave in norfolk last year after the case came up for periodical review .the woman , who has not been named , was arrested on suspicion of infanticide but the charge was dropped after she explained how the baby had been stillborn and that she had concealed the pregnancy from her family and friends .a mother of a baby boy was arrested 27 years after his body was found wrapped in a blanket inside a sainsbury 's bag floating on a village pond .\"]\n", + "=======================\n", + "[\"baby boy 's remains were exhumed last year after case came up for reviewdna led police to the mother who was arrested on suspicion of infanticidebut the charge was dropped after she explained the baby was stillborncps may now charge her with failing to register the birth and preventing a lawful burial\"]\n", + "police exhumed the boy 's body from his grave in norfolk last year after the case came up for periodical review .the woman , who has not been named , was arrested on suspicion of infanticide but the charge was dropped after she explained how the baby had been stillborn and that she had concealed the pregnancy from her family and friends .a mother of a baby boy was arrested 27 years after his body was found wrapped in a blanket inside a sainsbury 's bag floating on a village pond .\n", + "baby boy 's remains were exhumed last year after case came up for reviewdna led police to the mother who was arrested on suspicion of infanticidebut the charge was dropped after she explained the baby was stillborncps may now charge her with failing to register the birth and preventing a lawful burial\n", + "[1.4198576 1.1677823 1.4637822 1.1873826 1.249524 1.3023081 1.1432928\n", + " 1.0770407 1.1125618 1.0493008 1.0245795 1.0558146 1.1019673 1.0229452\n", + " 1.0482839 1.0225658 1.0088371 1.0673876 0. ]\n", + "\n", + "[ 2 0 5 4 3 1 6 8 12 7 17 11 9 14 10 13 15 16 18]\n", + "=======================\n", + "['robert knowles , 68 , from plymouth , devon , is a serial shoplifter who first broke the law when he was 13 and has been in court at least once a year since 1959 .he pleaded guilty to stealing a watch and a pair of cuff links worth # 50 from h samuel in the city centre at plymouth magistrates court in his most recent offence and jailed for 16 weeks .it is believed knowles has now clocked up in the region of 350 offences over his lifetime .']\n", + "=======================\n", + "['robert knowles , 68 , from plymouth , first broke the law when he was just 13he was jailed for 16 weeks for stealing watch and cuff links in recent crimepensioner has broken law so many times prosecutors lost track of recordknowles has now clocked up nearly 350 offences in his lifetime']\n", + "robert knowles , 68 , from plymouth , devon , is a serial shoplifter who first broke the law when he was 13 and has been in court at least once a year since 1959 .he pleaded guilty to stealing a watch and a pair of cuff links worth # 50 from h samuel in the city centre at plymouth magistrates court in his most recent offence and jailed for 16 weeks .it is believed knowles has now clocked up in the region of 350 offences over his lifetime .\n", + "robert knowles , 68 , from plymouth , first broke the law when he was just 13he was jailed for 16 weeks for stealing watch and cuff links in recent crimepensioner has broken law so many times prosecutors lost track of recordknowles has now clocked up nearly 350 offences in his lifetime\n", + "[1.2056162 1.3473516 1.2655196 1.300652 1.1564083 1.2839965 1.0518763\n", + " 1.1216089 1.26453 1.0207456 1.1036701 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 5 2 8 0 4 7 10 6 9 11 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"the findings come after the general secretary of the national association of head teachers said he was dubious about using technology as a teaching aid in non-it classes .children who share ipads in class do much better in early literacy tests than those who do n't , researchers claim ( stock image above )shared ipad students scored around 30 points higher than students who used the device on their own and non-ipad users .\"]\n", + "=======================\n", + "['students who shared an ipad scored around 30 points higher on the testcourtney blackwell worked with 352 students in america for the research']\n", + "the findings come after the general secretary of the national association of head teachers said he was dubious about using technology as a teaching aid in non-it classes .children who share ipads in class do much better in early literacy tests than those who do n't , researchers claim ( stock image above )shared ipad students scored around 30 points higher than students who used the device on their own and non-ipad users .\n", + "students who shared an ipad scored around 30 points higher on the testcourtney blackwell worked with 352 students in america for the research\n", + "[1.30851 1.1655452 1.3596578 1.1222252 1.0766118 1.1693027 1.2235088\n", + " 1.1076657 1.0561184 1.0968196 1.0265406 1.0239861 1.0323172 1.0655109\n", + " 1.0683916 1.0426352 1.0681342 1.1598531 1.0659724 1.0489895]\n", + "\n", + "[ 2 0 6 5 1 17 3 7 9 4 14 16 18 13 8 19 15 12 10 11]\n", + "=======================\n", + "[\"yesterday john suchet was in mourning after losing his wife bonnie following her decade-long battle with dementia .classic fm presenter suchet , now 71 , has spoken openly about his wife 's diagnosis and the toll it took on their relationship , writing a book and becoming honorary president of the dementia uk charity .the broadcaster declined to comment , stating it was a ` private family matter ' , but fans took to social networking site twitter to offer their condolences .\"]\n", + "=======================\n", + "[\"suchet , 71 , said his marriage to his bonnie had been ` made in heaven 'had been open about bonnie 's dementia and even wrote a book about itshe died ` peacefully ' on april 15 , according to a notice in a newspaper\"]\n", + "yesterday john suchet was in mourning after losing his wife bonnie following her decade-long battle with dementia .classic fm presenter suchet , now 71 , has spoken openly about his wife 's diagnosis and the toll it took on their relationship , writing a book and becoming honorary president of the dementia uk charity .the broadcaster declined to comment , stating it was a ` private family matter ' , but fans took to social networking site twitter to offer their condolences .\n", + "suchet , 71 , said his marriage to his bonnie had been ` made in heaven 'had been open about bonnie 's dementia and even wrote a book about itshe died ` peacefully ' on april 15 , according to a notice in a newspaper\n", + "[1.6562992 1.4894001 1.2112414 1.5131637 1.0506784 1.0429986 1.015999\n", + " 1.017429 1.0119424 1.0116119 1.0146759 1.0107077 1.2426147 1.179081\n", + " 1.0575569 1.0099765 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 12 2 13 14 4 5 7 6 10 8 9 11 15 18 16 17 19]\n", + "=======================\n", + "[\"england lock joe launchbury is hopeful of making his comeback in wasps ' aviva premiership clash with leicester on may 9 as the final stage of his rehabilitation enters ` crunch time ' .launchbury has been sidelined since october because of a nerve problem caused by a bulging disc in his neck , but is close to regaining full fitness with the showdown against the tigers pencilled in for his return .if the 24-year-old is given the all-clear to face the tigers in a match that could be crucial to wasps ' play-off prospects , it will be his debut at the club 's new home at the ricoh arena .\"]\n", + "=======================\n", + "['joe launchbury has been out of action for wasps since october24-year-old suffered a nerve problem caused by a bulging disc in his neckwasps face leicester tigers at the ricoh arena on may 9']\n", + "england lock joe launchbury is hopeful of making his comeback in wasps ' aviva premiership clash with leicester on may 9 as the final stage of his rehabilitation enters ` crunch time ' .launchbury has been sidelined since october because of a nerve problem caused by a bulging disc in his neck , but is close to regaining full fitness with the showdown against the tigers pencilled in for his return .if the 24-year-old is given the all-clear to face the tigers in a match that could be crucial to wasps ' play-off prospects , it will be his debut at the club 's new home at the ricoh arena .\n", + "joe launchbury has been out of action for wasps since october24-year-old suffered a nerve problem caused by a bulging disc in his neckwasps face leicester tigers at the ricoh arena on may 9\n", + "[1.4790102 1.5449 1.1666179 1.0717673 1.4423633 1.1008303 1.0262052\n", + " 1.0536939 1.0436748 1.0441303 1.1746725 1.1576616 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 10 2 11 5 3 7 9 8 6 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"the six-time olympic gold medallist will compete at the relay championship on may 2 and 3 as part of the jamaican team .usain bolt has confirmed he will be part of jamaica 's team at the world relays in the bahamasthe full jamaican team list for the competition will be announced shortly .\"]\n", + "=======================\n", + "[\"usain bolt will compete at the iaaf/btc world relays on may 2-3six-time olympic gold medalist says he 's ` fit , healthy and ready to run 'bolt was part of the jamaica team that won gold at london 2012\"]\n", + "the six-time olympic gold medallist will compete at the relay championship on may 2 and 3 as part of the jamaican team .usain bolt has confirmed he will be part of jamaica 's team at the world relays in the bahamasthe full jamaican team list for the competition will be announced shortly .\n", + "usain bolt will compete at the iaaf/btc world relays on may 2-3six-time olympic gold medalist says he 's ` fit , healthy and ready to run 'bolt was part of the jamaica team that won gold at london 2012\n", + "[1.0249764 1.1049643 1.3229164 1.2991052 1.286924 1.2379987 1.2483584\n", + " 1.0916198 1.0624733 1.029085 1.0948756 1.0827558 1.1015979 1.0948488\n", + " 1.1575792 1.0883101 1.0457511 0. 0. 0. ]\n", + "\n", + "[ 2 3 4 6 5 14 1 12 10 13 7 15 11 8 16 9 0 17 18 19]\n", + "=======================\n", + "['researchers have discovered that people who have breathing problems while asleep are more likely to experience an early decline in memory and other brain functions .in a worrying study , they found that people with sleep apnoea - a condition often typified by heavy snoring - saw a mental decline more than a decade earlier , on average , than those who had no sleep problems .at least half a million britons suffer from sleep apnoea , which is most often found in middle-aged , overweight men .']\n", + "=======================\n", + "[\"people who snore are more likely to experience an early decline in memorythose with sleep apnoea saw a mental decline more than a decade earliersleep apnoea is where the throat narrows in sleep , interrupting breathingonset of alzheimer 's might be accelerated for people with sleep problems\"]\n", + "researchers have discovered that people who have breathing problems while asleep are more likely to experience an early decline in memory and other brain functions .in a worrying study , they found that people with sleep apnoea - a condition often typified by heavy snoring - saw a mental decline more than a decade earlier , on average , than those who had no sleep problems .at least half a million britons suffer from sleep apnoea , which is most often found in middle-aged , overweight men .\n", + "people who snore are more likely to experience an early decline in memorythose with sleep apnoea saw a mental decline more than a decade earliersleep apnoea is where the throat narrows in sleep , interrupting breathingonset of alzheimer 's might be accelerated for people with sleep problems\n", + "[1.3930602 1.2441223 1.1056665 1.3856153 1.199805 1.0855886 1.0602636\n", + " 1.0500456 1.0476179 1.0817803 1.0315093 1.0269173 1.0866127 1.0573347\n", + " 1.0650777 1.0468948 1.0231435 1.0123112 1.0653135 1.024301 ]\n", + "\n", + "[ 0 3 1 4 2 12 5 9 18 14 6 13 7 8 15 10 11 19 16 17]\n", + "=======================\n", + "['atlanta ( cnn ) a judge , declaring he was n\\'t \" comfortable \" with seven-year prison terms given earlier to three educators in the atlanta public schools cheating scandal , on thursday reduced their sentences to three years in prison .tamara cotman , sharon davis-williams and michael pitts also were ordered thursday to serve seven years on probation , pay $ 10,000 fines and work 2,000 hours in community service .\" i \\'m not comfortable with it , \" fulton county superior court judge jerry baxter said of the sentences he handed down to the three defendants april 14 .']\n", + "=======================\n", + "['\" i had never seen a judge conduct himself in that way , \" defendant \\'s lawyer saysa judge reduces prison sentences for 3 educators in the atlanta public schools cheating scandal\" i \\'m not comfortable with it , \" judge jerry baxter said of the original longer sentences']\n", + "atlanta ( cnn ) a judge , declaring he was n't \" comfortable \" with seven-year prison terms given earlier to three educators in the atlanta public schools cheating scandal , on thursday reduced their sentences to three years in prison .tamara cotman , sharon davis-williams and michael pitts also were ordered thursday to serve seven years on probation , pay $ 10,000 fines and work 2,000 hours in community service .\" i 'm not comfortable with it , \" fulton county superior court judge jerry baxter said of the sentences he handed down to the three defendants april 14 .\n", + "\" i had never seen a judge conduct himself in that way , \" defendant 's lawyer saysa judge reduces prison sentences for 3 educators in the atlanta public schools cheating scandal\" i 'm not comfortable with it , \" judge jerry baxter said of the original longer sentences\n", + "[1.4281638 1.2736405 1.2650247 1.4534053 1.3883421 1.2148963 1.0301743\n", + " 1.0664235 1.0220287 1.0248952 1.0165242 1.0923501 1.0465194 1.0595478\n", + " 1.0262288 1.1045668 1.032839 1.100355 1.007206 1.0126805 1.0122963\n", + " 1.1254377 1.0202085 1.0078106 1.0123415]\n", + "\n", + "[ 3 0 4 1 2 5 21 15 17 11 7 13 12 16 6 14 9 8 22 10 19 24 20 23\n", + " 18]\n", + "=======================\n", + "['harry kane has been nominated for pfa player of the year after a standout season for tottnehamspurs boss mauricio pochettino says kane deserves to win the award for his impact on english footballthat two forwards are the leading contenders to scoop the pfa accolade after their nominations this week .']\n", + "=======================\n", + "['harry kane has been nominated for the pfa player of the year awardkane will have to beat off competition from eden hazard to win awardmauricio pochettino says kane deserves to win the awarddavid de gea , diego costa , philippe coutinho and alexis sanchez complete six-man shortlist']\n", + "harry kane has been nominated for pfa player of the year after a standout season for tottnehamspurs boss mauricio pochettino says kane deserves to win the award for his impact on english footballthat two forwards are the leading contenders to scoop the pfa accolade after their nominations this week .\n", + "harry kane has been nominated for the pfa player of the year awardkane will have to beat off competition from eden hazard to win awardmauricio pochettino says kane deserves to win the awarddavid de gea , diego costa , philippe coutinho and alexis sanchez complete six-man shortlist\n", + "[1.1339291 1.4359249 1.4892449 1.3887606 1.17341 1.0602624 1.0399988\n", + " 1.0211475 1.0185353 1.2086947 1.1346626 1.0133111 1.0423979 1.0260115\n", + " 1.0153699 1.1011336 1.0250776 1.1727884 1.0093429 1.01375 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 9 4 17 10 0 15 5 12 6 13 16 7 8 14 19 11 18 23 20 21 22\n", + " 24]\n", + "=======================\n", + "['it measures a whopping 45ft in length , and according to its maker , sends its occupiers into the air at a height of around 25ft .kyle toth , who runs his own custom woodworking business , built the seesaw from trees behind his workshop in temecula .kyle said the tree was about 65ft long so he cut it to make it even on both sides and the seesaw was born']\n", + "=======================\n", + "['the seesaw was created by talented temecula-based carpenter kyle tothkyle placed the large trunk into natural split of tree and cut it down to sizerope attached to one side of the seesaw helps people get on and offseesaw is made from raw material and sends occupiers to height of 25ft']\n", + "it measures a whopping 45ft in length , and according to its maker , sends its occupiers into the air at a height of around 25ft .kyle toth , who runs his own custom woodworking business , built the seesaw from trees behind his workshop in temecula .kyle said the tree was about 65ft long so he cut it to make it even on both sides and the seesaw was born\n", + "the seesaw was created by talented temecula-based carpenter kyle tothkyle placed the large trunk into natural split of tree and cut it down to sizerope attached to one side of the seesaw helps people get on and offseesaw is made from raw material and sends occupiers to height of 25ft\n", + "[1.2539912 1.2581625 1.2344528 1.218611 1.1480004 1.1981983 1.1889839\n", + " 1.1550586 1.0630646 1.0827638 1.1154604 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 5 6 7 4 10 9 8 22 21 20 19 18 17 12 15 14 13 23 11 16\n", + " 24]\n", + "=======================\n", + "['even though we get more time in bed than most other nations -- seven hours 22 minutes a night -- only the japanese , south koreans and singaporeans are moodier when day breaks .britons wake up grumpier than anyone else in the western world , according to users of a sleep app .the app tracks how well people rest at night by using the motion sensor in their smartphone .']\n", + "=======================\n", + "['according to new app , brits are grumpiest in western world at daybreakdespite getting more sleep than most - at seven hours 22 minutes a nightonly japanese , south koreans and singaporeans are moodier in morning']\n", + "even though we get more time in bed than most other nations -- seven hours 22 minutes a night -- only the japanese , south koreans and singaporeans are moodier when day breaks .britons wake up grumpier than anyone else in the western world , according to users of a sleep app .the app tracks how well people rest at night by using the motion sensor in their smartphone .\n", + "according to new app , brits are grumpiest in western world at daybreakdespite getting more sleep than most - at seven hours 22 minutes a nightonly japanese , south koreans and singaporeans are moodier in morning\n", + "[1.1732126 1.5270858 1.2931666 1.4182104 1.1130552 1.0660505 1.0645593\n", + " 1.0937183 1.0827001 1.2660552 1.0270501 1.0305492 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 9 0 4 7 8 5 6 11 10 19 22 21 20 18 12 16 15 14 13 23 17\n", + " 24]\n", + "=======================\n", + "[\"canterbury forwards james graham and david klemmer could face point penalties or a temporary game ban for their arguments with a referee during the good friday showdown between south sydney and canterbury at the anz stadium in sydney .nrl head of football todd greenberg revealed that the match review committee would ` look very closely at ' their behaviour , noting that contrary conduct and detrimental conduct requirements will ` form part of the review ' .violent spectators might not be the only ones to face strict disciplining after friday night 's nrl match , as nrl head 's reveal players could also face sanctions for their unacceptable behaviour on the field .\"]\n", + "=======================\n", + "[\"nrl head of football todd greenberg said the match review committee would ` look very closely at ' the canterbury forwards ' behaviourgraham argued with referee gerard sutton for awarding souths a penaltyklemmer was sin-binned for yelling ` you 're off your f **** ing face , ' at the refboth could have could have contrary conduct and detrimental conduct charges referred straight to the nrl judiciaryhighest charge carries 525-demerit point penalty and five-game banit comes as nrl heads slam spectators who threw bottles at refereespolice have not laid charges , but two men have had their details taken\"]\n", + "canterbury forwards james graham and david klemmer could face point penalties or a temporary game ban for their arguments with a referee during the good friday showdown between south sydney and canterbury at the anz stadium in sydney .nrl head of football todd greenberg revealed that the match review committee would ` look very closely at ' their behaviour , noting that contrary conduct and detrimental conduct requirements will ` form part of the review ' .violent spectators might not be the only ones to face strict disciplining after friday night 's nrl match , as nrl head 's reveal players could also face sanctions for their unacceptable behaviour on the field .\n", + "nrl head of football todd greenberg said the match review committee would ` look very closely at ' the canterbury forwards ' behaviourgraham argued with referee gerard sutton for awarding souths a penaltyklemmer was sin-binned for yelling ` you 're off your f **** ing face , ' at the refboth could have could have contrary conduct and detrimental conduct charges referred straight to the nrl judiciaryhighest charge carries 525-demerit point penalty and five-game banit comes as nrl heads slam spectators who threw bottles at refereespolice have not laid charges , but two men have had their details taken\n", + "[1.2162642 1.4711759 1.2079107 1.1861072 1.240118 1.2967778 1.1520298\n", + " 1.091647 1.0583311 1.0353167 1.1068223 1.0709723 1.0126237 1.0124602\n", + " 1.084155 1.0585624 1.0494958 1.0575547 1.1065657 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 4 0 2 3 6 10 18 7 14 11 15 8 17 16 9 12 13 23 19 20 21 22\n", + " 24]\n", + "=======================\n", + "['jake castner , from ballarat in victoria , went into hiding last week after a warrant was issued for his arrest in relation to a string of thefts .joking about the ` nightmare \\' title a magistrate gave him last year when he pleaded guilty to 33 offences , he wrote on sunday : ` me i \\'m ur worst \" nightmare \" . \\'a 19-year-old drug addict and convicted thief is taunting police on facebook as he spends his fifth day on the run .']\n", + "=======================\n", + "[\"jake castner is wanted over burglary and theft-related offenceshe is boasting about how the police ` ca n't catch ' him on facebookhe also appears to offer to sell drugs and a locked iphone 4the 19-year-old was called a nightmare by a magistrate last yearpolice are appealing for help to find the teen from ballarat , victoria\"]\n", + "jake castner , from ballarat in victoria , went into hiding last week after a warrant was issued for his arrest in relation to a string of thefts .joking about the ` nightmare ' title a magistrate gave him last year when he pleaded guilty to 33 offences , he wrote on sunday : ` me i 'm ur worst \" nightmare \" . 'a 19-year-old drug addict and convicted thief is taunting police on facebook as he spends his fifth day on the run .\n", + "jake castner is wanted over burglary and theft-related offenceshe is boasting about how the police ` ca n't catch ' him on facebookhe also appears to offer to sell drugs and a locked iphone 4the 19-year-old was called a nightmare by a magistrate last yearpolice are appealing for help to find the teen from ballarat , victoria\n", + "[1.2206922 1.2250526 1.3803725 1.1991194 1.1976969 1.0836008 1.0387927\n", + " 1.0612428 1.0577117 1.0907512 1.0678331 1.0420907 1.0191936 1.0324665\n", + " 1.0249767 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 1 0 3 4 9 5 10 7 8 11 6 13 14 12 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"john frost says he ` would n't trust a nun with a crutch ' ( stock image )other passengers , as jon frost hilariously recounts , try to sneak through the red and green channels considerably more heavily laden .stopped by customs officers , oscar wilde notoriously said he had nothing to declare but his genius .\"]\n", + "=======================\n", + "[\"john frost hilariously recounts stories from his career at london airportsfrost and his team frequently detect drugs hidden in bizarre wayshe has even had to deal with a monkey ` disguised as a hairy child '\"]\n", + "john frost says he ` would n't trust a nun with a crutch ' ( stock image )other passengers , as jon frost hilariously recounts , try to sneak through the red and green channels considerably more heavily laden .stopped by customs officers , oscar wilde notoriously said he had nothing to declare but his genius .\n", + "john frost hilariously recounts stories from his career at london airportsfrost and his team frequently detect drugs hidden in bizarre wayshe has even had to deal with a monkey ` disguised as a hairy child '\n", + "[1.2079232 1.2279725 1.3072438 1.3800724 1.3127766 1.1219798 1.1701627\n", + " 1.105864 1.0310276 1.0720158 1.0415747 1.1713892 1.0579296 1.0303166\n", + " 1.0475821 1.0542446 1.0636926 1.0166063 1.0406313 1.0174391 1.0214969\n", + " 1.0143937 1.0276353]\n", + "\n", + "[ 3 4 2 1 0 11 6 5 7 9 16 12 15 14 10 18 8 13 22 20 19 17 21]\n", + "=======================\n", + "['a patient at the royal victoria hospital in belfast is being tested for suspected rabiesthe public health agency ( pha ) confirmed the person had recently travelled in an area affected by the disease .animal career lisa mcmurray died at the same belfast hospital in 2009 after contracting rabies .']\n", + "=======================\n", + "['public health agency confirm patient is being tested for rabies in hospitalsay that the person had recently travelled to area affected by diseaserabies is a viral infection that attacks the brain and nervous system']\n", + "a patient at the royal victoria hospital in belfast is being tested for suspected rabiesthe public health agency ( pha ) confirmed the person had recently travelled in an area affected by the disease .animal career lisa mcmurray died at the same belfast hospital in 2009 after contracting rabies .\n", + "public health agency confirm patient is being tested for rabies in hospitalsay that the person had recently travelled to area affected by diseaserabies is a viral infection that attacks the brain and nervous system\n", + "[1.2246611 1.3819122 1.3199341 1.3795996 1.300628 1.1004263 1.0150899\n", + " 1.044544 1.0267283 1.057865 1.1233875 1.0852695 1.1086109 1.021739\n", + " 1.0786934 1.0536691 1.082601 1.0177995 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 10 12 5 11 16 14 9 15 7 8 13 17 6 21 18 19 20 22]\n", + "=======================\n", + "[\"kathleen blomberg , a resident at the heavily damaged 125 second ave. , which is still under a full-vacate order , has been reunited with her two cats , kitty cordelia and sebastian .the american society for the prevention of cruelty to animals found the the traumatized animals under blomberg 's bed and said it took about an hour to coax them out .two people died and 22 were injured in last week 's explosion , which authorities now believe was caused by an illegally tapped gas line\"]\n", + "=======================\n", + "[\"kathleen blomberg was forced to leave her beloved pets behind when she fleed her apartment after the gas explosion last thursdayshe was finally reunited with kitty cordelia and sebastian on wednesdaythe aspca had found the two tramatized cats hidden under blomberg 's bed in the abandoned homei have no words , because , i mean , they 're my children , ' said an emotional blomberg following the reunion\"]\n", + "kathleen blomberg , a resident at the heavily damaged 125 second ave. , which is still under a full-vacate order , has been reunited with her two cats , kitty cordelia and sebastian .the american society for the prevention of cruelty to animals found the the traumatized animals under blomberg 's bed and said it took about an hour to coax them out .two people died and 22 were injured in last week 's explosion , which authorities now believe was caused by an illegally tapped gas line\n", + "kathleen blomberg was forced to leave her beloved pets behind when she fleed her apartment after the gas explosion last thursdayshe was finally reunited with kitty cordelia and sebastian on wednesdaythe aspca had found the two tramatized cats hidden under blomberg 's bed in the abandoned homei have no words , because , i mean , they 're my children , ' said an emotional blomberg following the reunion\n", + "[1.409898 1.1640966 1.4411114 1.2288 1.3439078 1.1922766 1.2029027\n", + " 1.1426035 1.023103 1.0267944 1.0662783 1.0297168 1.026403 1.0195881\n", + " 1.0542395 1.0191393 1.0126082 1.019797 1.014835 1.0783929 1.2232006\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 4 3 20 6 5 1 7 19 10 14 11 9 12 8 17 13 15 18 16 21 22]\n", + "=======================\n", + "[\"sandra malcolm 's body was found at her cape town home by her grandson who reportedly climbed through a window when nobody answered the door .mrs malcolm , originally from dundee in scotland , was found on sunday morning at the capri mews complex in the marina da gama area of the city .reports in south africa suggest the 74-year-old 's attackers had mutilated her - although police have yet to confirm this .\"]\n", + "=======================\n", + "[\"reports suggest sandra malcolm 's body was mutilated by her attackerspensioner , originally from dundee , was found at her home in cape townher grandson made the discovery after climbing through a window when nobody answered the door\"]\n", + "sandra malcolm 's body was found at her cape town home by her grandson who reportedly climbed through a window when nobody answered the door .mrs malcolm , originally from dundee in scotland , was found on sunday morning at the capri mews complex in the marina da gama area of the city .reports in south africa suggest the 74-year-old 's attackers had mutilated her - although police have yet to confirm this .\n", + "reports suggest sandra malcolm 's body was mutilated by her attackerspensioner , originally from dundee , was found at her home in cape townher grandson made the discovery after climbing through a window when nobody answered the door\n", + "[1.4018354 1.475707 1.2134767 1.3095245 1.0730634 1.0800768 1.3253189\n", + " 1.0262806 1.0187341 1.0218756 1.122628 1.1987839 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 6 3 2 11 10 5 4 7 9 8 20 19 18 17 14 15 13 12 21 16 22]\n", + "=======================\n", + "[\"american television network showtime has released a short promotional video from within the mayweather camp as the build up to the may 2 bout at the mgm grand in las vegas .the anticipation has been ramped up ahead of next month 's $ 300million mega fight between floyd mayweather jnr and manny pacquiao .mayweather is down to within three-and-a-half pounds of the welterweight limit ahead of mega-fight\"]\n", + "=======================\n", + "['floyd mayweather jnr and manny pacquiao fight in las vegas on may 2showtime have released a short film from inside the mayweather campthe undefeated american says he has never wanted to win a fight so much']\n", + "american television network showtime has released a short promotional video from within the mayweather camp as the build up to the may 2 bout at the mgm grand in las vegas .the anticipation has been ramped up ahead of next month 's $ 300million mega fight between floyd mayweather jnr and manny pacquiao .mayweather is down to within three-and-a-half pounds of the welterweight limit ahead of mega-fight\n", + "floyd mayweather jnr and manny pacquiao fight in las vegas on may 2showtime have released a short film from inside the mayweather campthe undefeated american says he has never wanted to win a fight so much\n", + "[1.5696588 1.3028986 1.216257 1.1558166 1.1108855 1.1166277 1.0512604\n", + " 1.0236088 1.0201834 1.0527039 1.0037398 1.0492215 1.0259353 1.0294125\n", + " 1.0337048 1.0181831 1.0276123 1.0536989 1.1397743 1.0502814 1.0377204\n", + " 1.0329992 1.0180278 1.0147747 1.0407503]\n", + "\n", + "[ 0 1 2 3 18 5 4 17 9 6 19 11 24 20 14 21 13 16 12 7 8 15 22 23\n", + " 10]\n", + "=======================\n", + "['( cnn ) freddie gray was arrested baltimore police on the morning of april 12 without incident , according to police .less than an hour after he was detained , officers transporting him called for a medic .he subsequently slipped into a coma , dying a week after his initial arrest .']\n", + "=======================\n", + "['freddie gray died on sunday after slipping into a comahe was arrested a week earlier under murky circumstances']\n", + "( cnn ) freddie gray was arrested baltimore police on the morning of april 12 without incident , according to police .less than an hour after he was detained , officers transporting him called for a medic .he subsequently slipped into a coma , dying a week after his initial arrest .\n", + "freddie gray died on sunday after slipping into a comahe was arrested a week earlier under murky circumstances\n", + "[1.1783682 1.340548 1.2337209 1.2056271 1.1921287 1.1117384 1.1706587\n", + " 1.1343595 1.0466968 1.056921 1.0944765 1.1027389 1.0653306 1.0481335\n", + " 1.0646446 1.0395677 1.0130707 1.0529531 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 6 7 5 11 10 12 14 9 17 13 8 15 16 23 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"the blob in the ocean was discovered last year , with temperatures one to four degrees celsius ( two to seven degrees fahrenheit ) above surrounding ` normal ' water .and the blob has now extended about 1,000 miles ( 1,600 km ) offshore , from mexico up to alaska , and could herald a warmer summer for some regions .a ` blob ' of warm water 2,000 miles across is sitting in the pacific ocean ( shown in diagram ) .\"]\n", + "=======================\n", + "[\"a ` blob ' of warm water 2,000 miles across is sitting in the pacific oceanit has been present since 2013 and causing fish to seek shelter elsewhereuniversity of washington study says it could be responsible for droughtsbut it is not clear where the blob has come from - or how long it will stay\"]\n", + "the blob in the ocean was discovered last year , with temperatures one to four degrees celsius ( two to seven degrees fahrenheit ) above surrounding ` normal ' water .and the blob has now extended about 1,000 miles ( 1,600 km ) offshore , from mexico up to alaska , and could herald a warmer summer for some regions .a ` blob ' of warm water 2,000 miles across is sitting in the pacific ocean ( shown in diagram ) .\n", + "a ` blob ' of warm water 2,000 miles across is sitting in the pacific oceanit has been present since 2013 and causing fish to seek shelter elsewhereuniversity of washington study says it could be responsible for droughtsbut it is not clear where the blob has come from - or how long it will stay\n", + "[1.3518646 1.3037105 1.1216424 1.2507246 1.2477267 1.1794895 1.0514053\n", + " 1.0826477 1.0811939 1.089777 1.058457 1.0576236 1.0383251 1.0677887\n", + " 1.1670383 1.1180404 1.1306845 1.0511968 1.0410695 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 4 5 14 16 2 15 9 7 8 13 10 11 6 17 18 12 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "['pilots have reported 167 cases of toxic cabin fumes or smoke in only four months , official safety figures reveal .twelve of the cases resulted in the pilots requesting a priority landing , one flight was diverted and on two flights the pilots made an emergency mayday call .eleven of the cabin crew became unwell during flight , with symptoms of light-headedness , nausea and \" sea sickness \" .']\n", + "=======================\n", + "[\"pilots reported 167 cases of toxic cabin fumes or smoke in four monthstwelve cases led pilots to request priority landing , with mayday call in tworeignited debate on whether prolonged exposure to air in planes is safemany former pilots and aircrew think they 've suffered long-term illnesses\"]\n", + "pilots have reported 167 cases of toxic cabin fumes or smoke in only four months , official safety figures reveal .twelve of the cases resulted in the pilots requesting a priority landing , one flight was diverted and on two flights the pilots made an emergency mayday call .eleven of the cabin crew became unwell during flight , with symptoms of light-headedness , nausea and \" sea sickness \" .\n", + "pilots reported 167 cases of toxic cabin fumes or smoke in four monthstwelve cases led pilots to request priority landing , with mayday call in tworeignited debate on whether prolonged exposure to air in planes is safemany former pilots and aircrew think they 've suffered long-term illnesses\n", + "[1.1540043 1.0594695 1.2646513 1.2740744 1.0931295 1.0540919 1.0752163\n", + " 1.1921614 1.2053306 1.0571759 1.0306879 1.0517672 1.0638903 1.0498309\n", + " 1.0179534 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 8 7 0 4 6 12 1 9 5 11 13 10 14 22 21 20 19 16 17 15 23 18\n", + " 24]\n", + "=======================\n", + "[\"she had entered the 2005 ultra-trail du mont-blanc ( utmb ) on a whim -- but now , the reality of the challenge ahead began to sink in .waiting nervously at the starting line of her first 155 km race around mont blanc , 29-year-old lizzy hawker looked down at her holey long johns , clumpy trail shoes and the poorly fitting rucksack she had borrowed , then up at the elite lycra kit of her fellow competitors .she would go on to become britain 's most distinctive female ` ultra runner ' , coming first in the utmb five times , taking gold in the women 's 100km world championships in korea in 2006 , setting a new women 's world record for 24 hours on the road in the 2011 commonwealth championships and a new course record at the sunbaked 246 km spartathlon in 2012 .\"]\n", + "=======================\n", + "[\"lizzy hawker entered the 2005 ultra-trail du mont-blanc ( utmb ) on a whimhawker was the first woman to cross the finish line that year in 24th placeshe 's gone on to become britain 's most distinctive female ` ultra runner '\"]\n", + "she had entered the 2005 ultra-trail du mont-blanc ( utmb ) on a whim -- but now , the reality of the challenge ahead began to sink in .waiting nervously at the starting line of her first 155 km race around mont blanc , 29-year-old lizzy hawker looked down at her holey long johns , clumpy trail shoes and the poorly fitting rucksack she had borrowed , then up at the elite lycra kit of her fellow competitors .she would go on to become britain 's most distinctive female ` ultra runner ' , coming first in the utmb five times , taking gold in the women 's 100km world championships in korea in 2006 , setting a new women 's world record for 24 hours on the road in the 2011 commonwealth championships and a new course record at the sunbaked 246 km spartathlon in 2012 .\n", + "lizzy hawker entered the 2005 ultra-trail du mont-blanc ( utmb ) on a whimhawker was the first woman to cross the finish line that year in 24th placeshe 's gone on to become britain 's most distinctive female ` ultra runner '\n", + "[1.4189152 1.4197087 1.1196855 1.4107769 1.142188 1.2454509 1.1307476\n", + " 1.1026472 1.1180472 1.2201194 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 5 9 4 6 2 8 7 22 21 20 19 18 17 12 15 14 13 23 11 10 16\n", + " 24]\n", + "=======================\n", + "['the forward is out of contract this summer and will be available on a free transfer at the end of the season .tottenham have registered their interest in marseille star andre ayew .andre ayew ( right ) is believed to be a target for tottenham in the summer but they face stiff competition']\n", + "=======================\n", + "[\"tottenham have shown an interest in marseille forward andre ayewthe ghana international is being chased by host of european clubsayew fits into tottenham 's blueprint and can move for free in the summerclick here for all the latest tottenham news\"]\n", + "the forward is out of contract this summer and will be available on a free transfer at the end of the season .tottenham have registered their interest in marseille star andre ayew .andre ayew ( right ) is believed to be a target for tottenham in the summer but they face stiff competition\n", + "tottenham have shown an interest in marseille forward andre ayewthe ghana international is being chased by host of european clubsayew fits into tottenham 's blueprint and can move for free in the summerclick here for all the latest tottenham news\n", + "[1.3687072 1.3267665 1.3331969 1.1095989 1.1259953 1.1710782 1.0277013\n", + " 1.0563325 1.1162666 1.0488721 1.0755982 1.0310524 1.024648 1.0238105\n", + " 1.1427644 1.0629325 1.0794592 0. 0. ]\n", + "\n", + "[ 0 2 1 5 14 4 8 3 16 10 15 7 9 11 6 12 13 17 18]\n", + "=======================\n", + "['california gov. jerry brown ordered state officials to impose mandatory water restrictions for the first time in history on wednesday , as the state continues to grapple with a serious drought .california has been in a drought for four years .brown said wednesday that he had signed an executive order requiring the state water resources control board to implement measures in cities and towns to cut water usage by 25 percent compared with 2013 levels .']\n", + "=======================\n", + "[\"california gov. jerry brown ordered state officials wednesday to impose mandatory water restrictions for the first time in historybrown said he signed an executive order requiring measures be implemented to cut water usage by 25 percent compared with 2013 levelsstate water officials found no snow on the ground at the site for their manual survey of the snowpacksnow supplies about a third of the state 's watera higher snowpack translates to more water in california reservoirs to meet demand in summer and fall\"]\n", + "california gov. jerry brown ordered state officials to impose mandatory water restrictions for the first time in history on wednesday , as the state continues to grapple with a serious drought .california has been in a drought for four years .brown said wednesday that he had signed an executive order requiring the state water resources control board to implement measures in cities and towns to cut water usage by 25 percent compared with 2013 levels .\n", + "california gov. jerry brown ordered state officials wednesday to impose mandatory water restrictions for the first time in historybrown said he signed an executive order requiring measures be implemented to cut water usage by 25 percent compared with 2013 levelsstate water officials found no snow on the ground at the site for their manual survey of the snowpacksnow supplies about a third of the state 's watera higher snowpack translates to more water in california reservoirs to meet demand in summer and fall\n", + "[1.2434648 1.5642576 1.3479544 1.1381382 1.3793265 1.0346316 1.034218\n", + " 1.2425122 1.153003 1.1044147 1.1693856 1.0329506 1.0173393 1.0732193\n", + " 1.0146663 1.011975 1.0097393 1.0095091 1.007963 ]\n", + "\n", + "[ 1 4 2 0 7 10 8 3 9 13 5 6 11 12 14 15 16 17 18]\n", + "=======================\n", + "[\"luke stanwick , 30 , is fighting for his life in a medically-induced coma and may never walk again after the ` horrendous ' accident in portugal .the police officer from hailsham , east sussex , was on holiday with his wife jenny and their two-year-old son , nathan , when he broke his neck .he remains in hospital in the portuguese capital , lisbon , where he was put into a coma for extensive surgery .\"]\n", + "=======================\n", + "[\"pc luke stanwick , 30 , is fighting for his life in a medically-induced comahe has been left paralysed after breaking his neck on holiday in portugalhis father said he may be permanently disabled after ` horrendous ' accidentcolleagues at sussex police have rallied together to raise more than # 8,030\"]\n", + "luke stanwick , 30 , is fighting for his life in a medically-induced coma and may never walk again after the ` horrendous ' accident in portugal .the police officer from hailsham , east sussex , was on holiday with his wife jenny and their two-year-old son , nathan , when he broke his neck .he remains in hospital in the portuguese capital , lisbon , where he was put into a coma for extensive surgery .\n", + "pc luke stanwick , 30 , is fighting for his life in a medically-induced comahe has been left paralysed after breaking his neck on holiday in portugalhis father said he may be permanently disabled after ` horrendous ' accidentcolleagues at sussex police have rallied together to raise more than # 8,030\n", + "[1.2624376 1.4096203 1.2969197 1.3087529 1.3792422 1.1353877 1.0614586\n", + " 1.0674984 1.1357981 1.039283 1.0461799 1.0394031 1.0261312 1.0402532\n", + " 1.0135089 1.0201602 1.0550195 1.0267788 0. ]\n", + "\n", + "[ 1 4 3 2 0 8 5 7 6 16 10 13 11 9 17 12 15 14 18]\n", + "=======================\n", + "[\"a host of failings left gangs free to rape , traffic and sexually abuse at least 1,400 children in the town between 1997 and 2013 , an inquiry by the national crime agency ( nca ) concluded .south yorkshire police missed ` intelligence and investigative opportunities ' to tackle child sex exploitation in rotherham , pictured , a report has found .the nca said the police force did not use ` alternative strategies ' to protect victims or gather evidence , and failed to work effectively with local licencing and community safety officers .\"]\n", + "=======================\n", + "['national crime agency examined police investigations into child sex abuseconcluded police failings left gangs free to prey on children in rotherhamnca will review three more operations in hope of finding more offenders']\n", + "a host of failings left gangs free to rape , traffic and sexually abuse at least 1,400 children in the town between 1997 and 2013 , an inquiry by the national crime agency ( nca ) concluded .south yorkshire police missed ` intelligence and investigative opportunities ' to tackle child sex exploitation in rotherham , pictured , a report has found .the nca said the police force did not use ` alternative strategies ' to protect victims or gather evidence , and failed to work effectively with local licencing and community safety officers .\n", + "national crime agency examined police investigations into child sex abuseconcluded police failings left gangs free to prey on children in rotherhamnca will review three more operations in hope of finding more offenders\n", + "[1.3783988 1.5111573 1.1882509 1.4318764 1.3007106 1.1374049 1.0778052\n", + " 1.0201824 1.02384 1.0391322 1.3446319 1.0144527 1.0132549 1.0129666\n", + " 1.0158985 1.0118371 1.0107383 1.0106169 0. ]\n", + "\n", + "[ 1 3 0 10 4 2 5 6 9 8 7 14 11 12 13 15 16 17 18]\n", + "=======================\n", + "['the black cats are two places and three points above the drop zone but have won just one in nine and end their season with trips to arsenal and chelsea .sunderland manager dick advocaat has concerns about the physical strength of his playersadvocaat has never been relegated during 28 years as a manager but admits he is worried about that record having watched sunderland slump to a 4-1 defeat at home to crystal palace on saturday .']\n", + "=======================\n", + "['sunderland face stoke city next up in the premier league on april 25the black cats are just three points above the relegation zonedick advocaat has concerns about the strength of his players']\n", + "the black cats are two places and three points above the drop zone but have won just one in nine and end their season with trips to arsenal and chelsea .sunderland manager dick advocaat has concerns about the physical strength of his playersadvocaat has never been relegated during 28 years as a manager but admits he is worried about that record having watched sunderland slump to a 4-1 defeat at home to crystal palace on saturday .\n", + "sunderland face stoke city next up in the premier league on april 25the black cats are just three points above the relegation zonedick advocaat has concerns about the strength of his players\n", + "[1.1008512 1.0490687 1.4644713 1.3981149 1.3820567 1.2121345 1.1337371\n", + " 1.0435256 1.0348108 1.0184546 1.0147411 1.0116887 1.109004 1.0780191\n", + " 1.1297224 1.0656365 1.0216173 1.0509614 0. ]\n", + "\n", + "[ 2 3 4 5 6 14 12 0 13 15 17 1 7 8 16 9 10 11 18]\n", + "=======================\n", + "[\"the newest generation of beauty products will be personalised to meet all your particular needs - from bespoke mascaras and eyeliners to foundations and powders unique to you .eyeko london 's bespoke mascara ( # 28 ) comes in dozens of brush shapesenter cover fx custom cover drops ( # 36 ) a new game-changing alternative to foundation which can transform your entire make-up collection .\"]\n", + "=======================\n", + "[\"bespoke mascara and foundation are part of the newest generation of personalised beauty productsskincare brands are also increasingly tailored to specific needsharvey nichols says ` one size fits all concept simply does n't cater to customers ' individual needs at all times anymore '\"]\n", + "the newest generation of beauty products will be personalised to meet all your particular needs - from bespoke mascaras and eyeliners to foundations and powders unique to you .eyeko london 's bespoke mascara ( # 28 ) comes in dozens of brush shapesenter cover fx custom cover drops ( # 36 ) a new game-changing alternative to foundation which can transform your entire make-up collection .\n", + "bespoke mascara and foundation are part of the newest generation of personalised beauty productsskincare brands are also increasingly tailored to specific needsharvey nichols says ` one size fits all concept simply does n't cater to customers ' individual needs at all times anymore '\n", + "[1.2022097 1.3931679 1.2701473 1.3298042 1.2083308 1.1167403 1.044377\n", + " 1.1308513 1.0734493 1.0351942 1.1303318 1.107244 1.0604365 1.033104\n", + " 1.0595732 1.0306742 1.0547291 1.0469427 0. ]\n", + "\n", + "[ 1 3 2 4 0 7 10 5 11 8 12 14 16 17 6 9 13 15 18]\n", + "=======================\n", + "[\"the nantucket wooden chair , which once sat on a first-class promenade of the ill-fated ship , was salvaged by a search team from the atlantic ocean after the titanic sank in 1912 .a 103-year-old deckchair recovered from the wreck of the titanic is expected sold for # 100,000 at auctiondubbed ` one of the rarest types of titanic collectable ' , the chair is too fragile to sit on , but has been carefully preserved , having been owned by a british collector for the past 15 years .\"]\n", + "=======================\n", + "['chair was on first class deck when ship hit an iceberg in april 1912found by mackay-bennett crew members while clearing up the wreckpreviously owned by english collector who kept it in sea-view window']\n", + "the nantucket wooden chair , which once sat on a first-class promenade of the ill-fated ship , was salvaged by a search team from the atlantic ocean after the titanic sank in 1912 .a 103-year-old deckchair recovered from the wreck of the titanic is expected sold for # 100,000 at auctiondubbed ` one of the rarest types of titanic collectable ' , the chair is too fragile to sit on , but has been carefully preserved , having been owned by a british collector for the past 15 years .\n", + "chair was on first class deck when ship hit an iceberg in april 1912found by mackay-bennett crew members while clearing up the wreckpreviously owned by english collector who kept it in sea-view window\n", + "[1.194757 1.4032359 1.192785 1.2117689 1.1307331 1.0771822 1.2201142\n", + " 1.2049022 1.2712122 1.1437554 1.0737536 1.0977478 1.1012719 1.1050742\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 8 6 3 7 0 2 9 4 13 12 11 5 10 17 14 15 16 18]\n", + "=======================\n", + "[\"the crew scoured a burning home in boise , idaho , searching for people shouting ` help ! 'both were pulled from the home and given oxygen .they are expected to survive .\"]\n", + "=======================\n", + "[\"two parrots were home alone when a fire erupted in boise , idahostarted calling ` help ! 'both were pulled from the wreckage and treated with oxygen masks\"]\n", + "the crew scoured a burning home in boise , idaho , searching for people shouting ` help ! 'both were pulled from the home and given oxygen .they are expected to survive .\n", + "two parrots were home alone when a fire erupted in boise , idahostarted calling ` help ! 'both were pulled from the wreckage and treated with oxygen masks\n", + "[1.2655067 1.4104668 1.3528595 1.0892947 1.1508354 1.2209277 1.1768451\n", + " 1.0382917 1.1312865 1.0756154 1.1204908 1.0610734 1.1156121 1.058396\n", + " 1.1207192 1.0848539 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 5 6 4 8 14 10 12 3 15 9 11 13 7 17 16 18]\n", + "=======================\n", + "[\"his parents said young jerry complained of pain in his legs and was taken to university medical center of southern nevada in las vegas at 4am on friday .danny and amy tarkanian said he 's undergoing testing and is showing signs of improvement .the five-year-old namesake grandson of famed college basketball coach jerry tarkanian has suffered a stroke , his family said .\"]\n", + "=======================\n", + "[\"jerry tarkanian , five , was taken to the hospital at 4am on friday after complaining about pain in his legshe was given a ct scan , could n't move the left side of his body and was having trouble answering questions , mom amy tarkanian saidparents danny and amy tarkanian say he 's showing signs of improvementelder jerry tarkanian , a hall of fame coach , died in february , aged 84\"]\n", + "his parents said young jerry complained of pain in his legs and was taken to university medical center of southern nevada in las vegas at 4am on friday .danny and amy tarkanian said he 's undergoing testing and is showing signs of improvement .the five-year-old namesake grandson of famed college basketball coach jerry tarkanian has suffered a stroke , his family said .\n", + "jerry tarkanian , five , was taken to the hospital at 4am on friday after complaining about pain in his legshe was given a ct scan , could n't move the left side of his body and was having trouble answering questions , mom amy tarkanian saidparents danny and amy tarkanian say he 's showing signs of improvementelder jerry tarkanian , a hall of fame coach , died in february , aged 84\n", + "[1.2942111 1.2500632 1.2819128 1.2346133 1.2474228 1.1073083 1.1479539\n", + " 1.149449 1.0941387 1.2043004 1.0526205 1.0498204 1.0105696 1.0092243\n", + " 1.0092236 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 4 3 9 7 6 5 8 10 11 12 13 14 17 15 16 18]\n", + "=======================\n", + "[\"suspected rogue trader navinder sarao lived in his parents ' modest home because it gave him a split-second advantage worth millions of pounds - and a potential # 40million offshore nest egg .his thousands of high-frequency trades could be processed faster than those from dealers in central london , giving him a massive commercial advantage .sarao , 36 , was dubbed the ` hound of hounslow ' after it emerged he lived at home with his parents , despite allegedly making # 26.7 million in just four years of dealing from their home .\"]\n", + "=======================\n", + "[\"navinder sarao lived in parents ' modest home in suburban west londonthousands of his ` high-frequency trades ' could be faster than city dealers36-year-old amassed over # 26million in just four years living at their househe is accused of using computer programs to create ` spoof ' transactions\"]\n", + "suspected rogue trader navinder sarao lived in his parents ' modest home because it gave him a split-second advantage worth millions of pounds - and a potential # 40million offshore nest egg .his thousands of high-frequency trades could be processed faster than those from dealers in central london , giving him a massive commercial advantage .sarao , 36 , was dubbed the ` hound of hounslow ' after it emerged he lived at home with his parents , despite allegedly making # 26.7 million in just four years of dealing from their home .\n", + "navinder sarao lived in parents ' modest home in suburban west londonthousands of his ` high-frequency trades ' could be faster than city dealers36-year-old amassed over # 26million in just four years living at their househe is accused of using computer programs to create ` spoof ' transactions\n", + "[1.1837362 1.3390685 1.2812428 1.1358473 1.2638228 1.2043583 1.1789728\n", + " 1.0747955 1.1412596 1.1859516 1.0532677 1.0251848 1.0870397 1.0491521\n", + " 1.0442375 1.0093032 1.0551121 1.0392509 1.0251338]\n", + "\n", + "[ 1 2 4 5 9 0 6 8 3 12 7 16 10 13 14 17 11 18 15]\n", + "=======================\n", + "[\"on tuesday , sportsmail revealed that the dubai-based brand are set to seal an historic deal with the fa cup which would see football 's oldest knockout competition rebranded as the emirates fa cup .the # 30million three-year deal would add to emirates ' ever-increasing portfolio of sporting sponsorship .arsenal signed the biggest club sponsorship agreement in english football history in 2004 after signing a 15-year deal worth # 100million with the dubai-based international airline .\"]\n", + "=======================\n", + "['fa cup is set to be named emirates fa cup as part of sponsorship dealemirates also sponsor real madrid , ac milan , psg and arsenalairline also purchased naming rights emirates stadium in 2004la liga giants madrid sealed lucrative deal with emirates in 2013']\n", + "on tuesday , sportsmail revealed that the dubai-based brand are set to seal an historic deal with the fa cup which would see football 's oldest knockout competition rebranded as the emirates fa cup .the # 30million three-year deal would add to emirates ' ever-increasing portfolio of sporting sponsorship .arsenal signed the biggest club sponsorship agreement in english football history in 2004 after signing a 15-year deal worth # 100million with the dubai-based international airline .\n", + "fa cup is set to be named emirates fa cup as part of sponsorship dealemirates also sponsor real madrid , ac milan , psg and arsenalairline also purchased naming rights emirates stadium in 2004la liga giants madrid sealed lucrative deal with emirates in 2013\n", + "[1.4024051 1.2227697 1.5256383 1.3230946 1.1718304 1.1359849 1.0222715\n", + " 1.0185081 1.0156785 1.0398144 1.0208359 1.0321165 1.0178987 1.0231236\n", + " 1.2709166 1.0966836 1.0324495 1.079765 1.0342836 1.0114086 1.1190144\n", + " 1.032427 1.012799 ]\n", + "\n", + "[ 2 0 3 14 1 4 5 20 15 17 9 18 16 21 11 13 6 10 7 12 8 22 19]\n", + "=======================\n", + "[\"the men , named locally as michael owen and kyle careford , were killed in the road accident in crowborough , east sussex in the early hours of sunday morning .young father : michael owen was preparing for his daughter 's fifth birthday when he was killed along with his friend kyle careford in east sussextributes have been paid to two young friends who tragically died after their car crashed into a church wall .\"]\n", + "=======================\n", + "[\"crash victims named as michael owen , 21 , and kyle careford , 20mr owen was preparing for his daughter 's fifth birthday when he was killedhad also just been given new job and family say he was ` an amazing dad 'police appealing for information over sunday 's accident in east sussex\"]\n", + "the men , named locally as michael owen and kyle careford , were killed in the road accident in crowborough , east sussex in the early hours of sunday morning .young father : michael owen was preparing for his daughter 's fifth birthday when he was killed along with his friend kyle careford in east sussextributes have been paid to two young friends who tragically died after their car crashed into a church wall .\n", + "crash victims named as michael owen , 21 , and kyle careford , 20mr owen was preparing for his daughter 's fifth birthday when he was killedhad also just been given new job and family say he was ` an amazing dad 'police appealing for information over sunday 's accident in east sussex\n", + "[1.3679619 1.2958343 1.4355069 1.2282759 1.2449757 1.1005911 1.0858724\n", + " 1.0894849 1.0983567 1.110862 1.0697967 1.0594294 1.0163673 1.0513084\n", + " 1.0465665 1.0316955 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 1 4 3 9 5 8 7 6 10 11 13 14 15 12 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"lee joon-seok had been ordered to serve 36 years in prison for negligence and abandoning passengers aboard the sewol , by a district court following last year 's disaster .homicide conviction : lee joon-seok , the captain of the sunken south korean ferry sewol , arrives for verdicts at gwangju high court in gwangju , south koreathe 6,825-tonne passenger ship sank off the southwest coast on april 16 last year , killing 304 people .\"]\n", + "=======================\n", + "[\"lee joon-seok had sentence extended from 36 years to life in jailjudge ruled his actions were ` homicide by willful negligence 'he was one of the first rescued and never ordered evacuationmost victims of the sewol disaster were high school studentsfollows protests from victims families who are calling for ship to be raised\"]\n", + "lee joon-seok had been ordered to serve 36 years in prison for negligence and abandoning passengers aboard the sewol , by a district court following last year 's disaster .homicide conviction : lee joon-seok , the captain of the sunken south korean ferry sewol , arrives for verdicts at gwangju high court in gwangju , south koreathe 6,825-tonne passenger ship sank off the southwest coast on april 16 last year , killing 304 people .\n", + "lee joon-seok had sentence extended from 36 years to life in jailjudge ruled his actions were ` homicide by willful negligence 'he was one of the first rescued and never ordered evacuationmost victims of the sewol disaster were high school studentsfollows protests from victims families who are calling for ship to be raised\n", + "[1.1860985 1.2990887 1.3069804 1.1795373 1.0797083 1.118853 1.1213565\n", + " 1.1035135 1.0559535 1.2854743 1.0838399 1.1954087 1.1080936 1.0118121\n", + " 1.0342537 1.0146401 1.0303236 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 1 9 11 0 3 6 5 12 7 10 4 8 14 16 15 13 17 18 19 20 21 22]\n", + "=======================\n", + "['as the tiger raced towards the bird , it flew directly upwards forcing the mammal to try and stop dead in its tracks .the ferocious feline was chasing what was sure to be dinner when it slipped on the icy surface and lost its footing .the hilarious moment took place at the hengdaohezi siberian tiger park in northeast china and was captured by photographer libby zhang .']\n", + "=======================\n", + "['the hilarious moment took place at the hengdaohezi siberian tiger park in northeast china during feeding timeit was captured by us-based photographer libby zhang who said that the crowd burst out in a roar of laughterthe humorous slip came as several birds were thrown by staff in to the tiger enclosure for them to eat']\n", + "as the tiger raced towards the bird , it flew directly upwards forcing the mammal to try and stop dead in its tracks .the ferocious feline was chasing what was sure to be dinner when it slipped on the icy surface and lost its footing .the hilarious moment took place at the hengdaohezi siberian tiger park in northeast china and was captured by photographer libby zhang .\n", + "the hilarious moment took place at the hengdaohezi siberian tiger park in northeast china during feeding timeit was captured by us-based photographer libby zhang who said that the crowd burst out in a roar of laughterthe humorous slip came as several birds were thrown by staff in to the tiger enclosure for them to eat\n", + "[1.3489292 1.1682093 1.2533071 1.0887209 1.102532 1.0663869 1.0564444\n", + " 1.0627509 1.0596867 1.042806 1.1511564 1.0259565 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 1 10 4 3 5 7 8 6 9 11 12 13 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "['( cnn ) the jailing of four blackwater security guards , eight years after they killed 17 iraqi civilians in a shooting in baghdad , is a positive step for justice -- but is also not enough .in its propaganda , isis has been using abu ghraib and other cases of western abuse to legitimize its current actions in iraq as the latest episodes in over a decade of constant \" sunni resistance \" to \" american aggression \" and to \" shiite betrayal \" -- as phrased in an isis publication from late 2014 titled \" the revived caliphate , \" which chronicles the rise of isis since 2003 .the kind of horror represented by the blackwater case and others like it -- from abu ghraib to the massacre at haditha to cia waterboarding -- may be largely absent from public memory in the west these days , but it is being used by the islamic state in iraq and syria ( isis ) to support its sectarian narrative .']\n", + "=======================\n", + "['isis is using past western transgressions in iraq to justify its brutalitylack of accountability following 2003 invasion paved way for abuse -- and for sectarian tensions']\n", + "( cnn ) the jailing of four blackwater security guards , eight years after they killed 17 iraqi civilians in a shooting in baghdad , is a positive step for justice -- but is also not enough .in its propaganda , isis has been using abu ghraib and other cases of western abuse to legitimize its current actions in iraq as the latest episodes in over a decade of constant \" sunni resistance \" to \" american aggression \" and to \" shiite betrayal \" -- as phrased in an isis publication from late 2014 titled \" the revived caliphate , \" which chronicles the rise of isis since 2003 .the kind of horror represented by the blackwater case and others like it -- from abu ghraib to the massacre at haditha to cia waterboarding -- may be largely absent from public memory in the west these days , but it is being used by the islamic state in iraq and syria ( isis ) to support its sectarian narrative .\n", + "isis is using past western transgressions in iraq to justify its brutalitylack of accountability following 2003 invasion paved way for abuse -- and for sectarian tensions\n", + "[1.1665143 1.5235975 1.3854253 1.2417995 1.2985349 1.1789873 1.0567749\n", + " 1.0592402 1.139806 1.0572361 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 4 3 5 0 8 7 9 6 20 19 18 17 16 11 14 13 12 21 10 15 22]\n", + "=======================\n", + "['gloucestershire police were called to the incident on an unregistered road between the a417 and cowley in gloucestershire by the driver .the driver had followed his sat nav and ended up losing the roof of the lorry suspended in the air between a hedge and a tree .hung out to dry : officers tweeted a picture of the mishap to warn other drivers on country lanes']\n", + "=======================\n", + "['lorry left roof suspended on hedge behind it near birdlip , gloucestershirepolice officer tweeted picture as warning to other drivers on country roadsdriver may now be prosecuted for motoring offence after police attended']\n", + "gloucestershire police were called to the incident on an unregistered road between the a417 and cowley in gloucestershire by the driver .the driver had followed his sat nav and ended up losing the roof of the lorry suspended in the air between a hedge and a tree .hung out to dry : officers tweeted a picture of the mishap to warn other drivers on country lanes\n", + "lorry left roof suspended on hedge behind it near birdlip , gloucestershirepolice officer tweeted picture as warning to other drivers on country roadsdriver may now be prosecuted for motoring offence after police attended\n", + "[1.2369242 1.3011959 1.3587024 1.3314271 1.1855572 1.1429024 1.1857163\n", + " 1.0702087 1.0290923 1.0813633 1.062643 1.0635805 1.0354413 1.0734286\n", + " 1.0485758 1.057709 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 0 6 4 5 9 13 7 11 10 15 14 12 8 17 16 18]\n", + "=======================\n", + "['her husband eric isaiah adusah -- a self-proclaimed prophet and evangelical preacher -- has been charged with her murder .hotel staff found the body of pregnant charmain speirs face-down in a bath where it is believed she had been lying for four days .the case of a british woman allegedly murdered by her pastor husband in ghana took an astonishing twist last week when a court was told that she died of a heroin overdose .']\n", + "=======================\n", + "[\"charmain speirs allegedly murdered by pastor husband eric isaiah adusahcouple travelled to ghana last month so mr adusah could preach at a rallyms speirs , who was pregnant , was found face-down in a bath by hotel staffthe pastor 's defence lawyer claimed ms speirs was a habitual heroin userbut her brother paul has said his sister had never touched drugs\"]\n", + "her husband eric isaiah adusah -- a self-proclaimed prophet and evangelical preacher -- has been charged with her murder .hotel staff found the body of pregnant charmain speirs face-down in a bath where it is believed she had been lying for four days .the case of a british woman allegedly murdered by her pastor husband in ghana took an astonishing twist last week when a court was told that she died of a heroin overdose .\n", + "charmain speirs allegedly murdered by pastor husband eric isaiah adusahcouple travelled to ghana last month so mr adusah could preach at a rallyms speirs , who was pregnant , was found face-down in a bath by hotel staffthe pastor 's defence lawyer claimed ms speirs was a habitual heroin userbut her brother paul has said his sister had never touched drugs\n", + "[1.3607999 1.364677 1.2747933 1.257159 1.2593386 1.1634414 1.0331693\n", + " 1.128922 1.0917171 1.0745575 1.0546728 1.1740634 1.0865957 1.0717478\n", + " 1.058909 1.0755312 1.0145935 1.0079364 1.0102856]\n", + "\n", + "[ 1 0 2 4 3 11 5 7 8 12 15 9 13 14 10 6 16 18 17]\n", + "=======================\n", + "['the centers for disease control and prevention ( cdc ) said in a monday news release there were 2117 total passengers on the ship and 964 total crew members .federal health officials say 106 passengers and six crew members aboard the celebrity infinity cruise ship were sickened by the gastrointestinal illness norovirus .the agency said the main symptoms for those affected were diarrhea and throwing up .']\n", + "=======================\n", + "['the cdc says 106 passengers and six crew members aboard the celebrity infinity cruise ship were sickened by the gastrointestinal illness norovirusstaff on the infinity stepped up cleaning and disinfection in response to the outbreak , according to the health agencythe ship was on its journey from march 29 to april 13symptoms of norovirus include vomiting , diarrhea , fever and body aches .celebrity cruises said in a statement that over-the-counter medication was administered on boardthe ship previously experienced gastrointestinal illness outbreaks in 2006 and 2013']\n", + "the centers for disease control and prevention ( cdc ) said in a monday news release there were 2117 total passengers on the ship and 964 total crew members .federal health officials say 106 passengers and six crew members aboard the celebrity infinity cruise ship were sickened by the gastrointestinal illness norovirus .the agency said the main symptoms for those affected were diarrhea and throwing up .\n", + "the cdc says 106 passengers and six crew members aboard the celebrity infinity cruise ship were sickened by the gastrointestinal illness norovirusstaff on the infinity stepped up cleaning and disinfection in response to the outbreak , according to the health agencythe ship was on its journey from march 29 to april 13symptoms of norovirus include vomiting , diarrhea , fever and body aches .celebrity cruises said in a statement that over-the-counter medication was administered on boardthe ship previously experienced gastrointestinal illness outbreaks in 2006 and 2013\n", + "[1.3626285 1.3757826 1.4073528 1.1284873 1.0793386 1.2442883 1.0436431\n", + " 1.0423119 1.083126 1.035832 1.0134704 1.0602416 1.031888 1.0284041\n", + " 1.0218046 1.0298418 1.0290573 1.050739 1.0600219]\n", + "\n", + "[ 2 1 0 5 3 8 4 11 18 17 6 7 9 12 15 16 13 14 10]\n", + "=======================\n", + "[\"the mercury is predicted to soar to 21c ( 70f ) tomorrow , with forecasters warning people to make the most of it before the weather turns for the worse in the second half of this week .some ice cream vendors say they have had their busiest april ever as britons cool off , with the balmy conditions set to continue .britain 's heatwave has sent ice cream sales soaring - and the warm weather is set to last with the country predicted to be hotter than ibiza , athens and barcelona tomorrow .\"]\n", + "=======================\n", + "[\"britain 's heatwave sends ice creams sales soaring - with some vendors seeing a 400 per cent rise in salestemperatures forecast to hit 21c tomorrow , with the country set to be warmer than ibiza , athens and barcelonabut the balmy conditions could be coming to an end , with clouds , wind and a spot of rain forecast for thursdayshowers predicted to hit london on sunday as tens of thousands of runners take part in the london marathon\"]\n", + "the mercury is predicted to soar to 21c ( 70f ) tomorrow , with forecasters warning people to make the most of it before the weather turns for the worse in the second half of this week .some ice cream vendors say they have had their busiest april ever as britons cool off , with the balmy conditions set to continue .britain 's heatwave has sent ice cream sales soaring - and the warm weather is set to last with the country predicted to be hotter than ibiza , athens and barcelona tomorrow .\n", + "britain 's heatwave sends ice creams sales soaring - with some vendors seeing a 400 per cent rise in salestemperatures forecast to hit 21c tomorrow , with the country set to be warmer than ibiza , athens and barcelonabut the balmy conditions could be coming to an end , with clouds , wind and a spot of rain forecast for thursdayshowers predicted to hit london on sunday as tens of thousands of runners take part in the london marathon\n", + "[1.225196 1.3593323 1.2569377 1.2326959 1.292761 1.291402 1.1222763\n", + " 1.0567198 1.0446644 1.0796319 1.0157231 1.0264238 1.0188653 1.0854234\n", + " 1.0435477 1.0317972 1.0565939 1.0923213 0. ]\n", + "\n", + "[ 1 4 5 2 3 0 6 17 13 9 7 16 8 14 15 11 12 10 18]\n", + "=======================\n", + "[\"general martin dempsey , chairman of the joint chiefs of staff , sent a letter saying he regretted that he ` added to the grief ' of debbie lee , whose son marc was killed in ramadi on august 2 , 2006 .the 28-year-old , the first navy seal to die in iraq , was fatally wounded while providing covering fire from a building in the heavily-contested city .he was awarded the purple heart and silver star for his bravery .\"]\n", + "=======================\n", + "[\"general martin dempsey sent apology to debbie lee , whose son died in iraqpetty officer marc lee , 28 , was killed in 2006 in battle over ramadidempsey had belittled importance of ramadi at a news conference last weeklee said hearing dempsey trivialize son 's sacrifice brought her to tearscastigated general in open letter online , to which he has now responded\"]\n", + "general martin dempsey , chairman of the joint chiefs of staff , sent a letter saying he regretted that he ` added to the grief ' of debbie lee , whose son marc was killed in ramadi on august 2 , 2006 .the 28-year-old , the first navy seal to die in iraq , was fatally wounded while providing covering fire from a building in the heavily-contested city .he was awarded the purple heart and silver star for his bravery .\n", + "general martin dempsey sent apology to debbie lee , whose son died in iraqpetty officer marc lee , 28 , was killed in 2006 in battle over ramadidempsey had belittled importance of ramadi at a news conference last weeklee said hearing dempsey trivialize son 's sacrifice brought her to tearscastigated general in open letter online , to which he has now responded\n", + "[1.3519431 1.269976 1.337973 1.4084394 1.060689 1.0824686 1.0919021\n", + " 1.1511966 1.1087464 1.0522159 1.0250268 1.0162523 1.0223649 1.1178865\n", + " 1.0239657 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 1 7 13 8 6 5 4 9 10 14 12 11 17 15 16 18]\n", + "=======================\n", + "[\"jean wabafiyebazu ( left ) , 17 , was killed and his brother marc ( right ) , 15 , has been arrested after a gunfight erupted during a drug deal on mondaythe 15-year-old son of a canadian diplomat plans to plead not guilty if charges are brought against him after an alleged drug deal in miami turned into a gun battle that left his older brother dead and landed him in custody , where the teenager allegedly threatened to kill a police officer .curt obront , the lawyer for miami consul general roxanne dube 's surviving son , marc wabafiyebazu , called it a tragic case .\"]\n", + "=======================\n", + "[\"marc wabafiyebazu , 15 , plans to plead not guilty if charged with felony in connection to monday 's deadly shootingwabafiyebazu 's 17-year-old brother , jean , was shot dead , along with 17-year-old suspected drug dealer joshua wrightwabafiyebazu brothers reportedly tried to rob a group of miami drug dealerstheir mother is roxanne dubé , the recently appointed canadian consul general in miamithe boys had driven to a house with a third friend to reportedly purchase two pounds of marijuana for $ 5,000gunfire erupted soon after they entered , though marc was in the car at the timeanthony rodriguez , 19 , who was wounded , was also arrested on charges of felony murder\"]\n", + "jean wabafiyebazu ( left ) , 17 , was killed and his brother marc ( right ) , 15 , has been arrested after a gunfight erupted during a drug deal on mondaythe 15-year-old son of a canadian diplomat plans to plead not guilty if charges are brought against him after an alleged drug deal in miami turned into a gun battle that left his older brother dead and landed him in custody , where the teenager allegedly threatened to kill a police officer .curt obront , the lawyer for miami consul general roxanne dube 's surviving son , marc wabafiyebazu , called it a tragic case .\n", + "marc wabafiyebazu , 15 , plans to plead not guilty if charged with felony in connection to monday 's deadly shootingwabafiyebazu 's 17-year-old brother , jean , was shot dead , along with 17-year-old suspected drug dealer joshua wrightwabafiyebazu brothers reportedly tried to rob a group of miami drug dealerstheir mother is roxanne dubé , the recently appointed canadian consul general in miamithe boys had driven to a house with a third friend to reportedly purchase two pounds of marijuana for $ 5,000gunfire erupted soon after they entered , though marc was in the car at the timeanthony rodriguez , 19 , who was wounded , was also arrested on charges of felony murder\n", + "[1.1270642 1.3874199 1.0502743 1.2007511 1.1017079 1.3805948 1.3765199\n", + " 1.1760683 1.058651 1.0255855 1.1164634 1.0660493 1.0440388 1.0590798\n", + " 1.081517 1.0940764 1.0279927 1.0248466 1.0498005 1.0210761 1.0295503\n", + " 1.0153942 1.0318985]\n", + "\n", + "[ 1 5 6 3 7 0 10 4 15 14 11 13 8 2 18 12 22 20 16 9 17 19 21]\n", + "=======================\n", + "[\"brendan rodgers has killed off lambert 's career and you 've got to feel sorry for the player .rickie lambert has scarcely been given a chance since joining liverpool despite their striking problemsbrendan rodgers ' decision to ignore lambert , in favour of mario balotelli , is completely illogical\"]\n", + "=======================\n", + "[\"rickie lambert has barely played since joining from southamptonbrendan rodgers ' decision to continue with mario balotelli is illogicalbalotelli has to go down as liverpool 's worst-ever signinglambert may not be world class but he deserves better than thisread more : manchester united need to raid borussia dortmundread more : mesut ozil is in danger of becoming an arsenal flop\"]\n", + "brendan rodgers has killed off lambert 's career and you 've got to feel sorry for the player .rickie lambert has scarcely been given a chance since joining liverpool despite their striking problemsbrendan rodgers ' decision to ignore lambert , in favour of mario balotelli , is completely illogical\n", + "rickie lambert has barely played since joining from southamptonbrendan rodgers ' decision to continue with mario balotelli is illogicalbalotelli has to go down as liverpool 's worst-ever signinglambert may not be world class but he deserves better than thisread more : manchester united need to raid borussia dortmundread more : mesut ozil is in danger of becoming an arsenal flop\n", + "[1.2882918 1.4652379 1.3378942 1.265577 1.162129 1.1240227 1.1507789\n", + " 1.0403792 1.2695556 1.0166414 1.0161877 1.2014167 1.0690815 1.1864538\n", + " 1.0166622 1.0177399 1.006759 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 8 3 11 13 4 6 5 12 7 15 14 9 10 16 17 18 19 20 21 22]\n", + "=======================\n", + "['twelve-year-old alfie underwent a general anaesthetic for an mri scan at the animal health trust clinic in newmarket , suffolk .the pet , who is also completely deaf , had the scan , last month after his owner lynne edwards from huntington in cambridgeshire , noticed a lump behind his ear .a king charles spaniel suffered three degree burns from a pad used to keep him warm during a scan which vets had heated up in a microwave .']\n", + "=======================\n", + "['spaniel alfie had a heat pad placed on him during an mri scan at a clinicbut vets had warmed it up in a microwave rather than in an incubatorafter his owner lynne edwards then suspected something was wrongthe 12-year-old pet was then found to have suffered three degree burnswarning graphic content']\n", + "twelve-year-old alfie underwent a general anaesthetic for an mri scan at the animal health trust clinic in newmarket , suffolk .the pet , who is also completely deaf , had the scan , last month after his owner lynne edwards from huntington in cambridgeshire , noticed a lump behind his ear .a king charles spaniel suffered three degree burns from a pad used to keep him warm during a scan which vets had heated up in a microwave .\n", + "spaniel alfie had a heat pad placed on him during an mri scan at a clinicbut vets had warmed it up in a microwave rather than in an incubatorafter his owner lynne edwards then suspected something was wrongthe 12-year-old pet was then found to have suffered three degree burnswarning graphic content\n", + "[1.2347261 1.4190191 1.2058167 1.3032664 1.2876858 1.2338753 1.0887984\n", + " 1.0161824 1.1514498 1.0688741 1.0398316 1.0934713 1.0948044 1.0677546\n", + " 1.18755 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 4 0 5 2 14 8 12 11 6 9 13 10 7 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "['on april 7 , thenga adams , flying from guyana in south america was arrested after customs at jfk in new york searched the sneakers in his luggage .smuggler : thenga adams who arrived on a flight from georgetown , guyana to jfk , was allegedly smuggling $ 30,000 worth of cocaine in his sneakersa man was caught allegedly trying to smuggle two pounds of cocaine worth $ 30,000 in pairs of sneakers at jfk airport earlier this month .']\n", + "=======================\n", + "['on april 7 , thenga adams , flying from guyana in south america was arrested for allegedly smuggling $ 30,000 worth of cocaine in his sneakersalso this month a 70-year-old woman from guyana was nabbed allegedly trying to smuggle $ 73,000 cocaine in her panties and girdlethenga adams faces federal drug smuggling charges']\n", + "on april 7 , thenga adams , flying from guyana in south america was arrested after customs at jfk in new york searched the sneakers in his luggage .smuggler : thenga adams who arrived on a flight from georgetown , guyana to jfk , was allegedly smuggling $ 30,000 worth of cocaine in his sneakersa man was caught allegedly trying to smuggle two pounds of cocaine worth $ 30,000 in pairs of sneakers at jfk airport earlier this month .\n", + "on april 7 , thenga adams , flying from guyana in south america was arrested for allegedly smuggling $ 30,000 worth of cocaine in his sneakersalso this month a 70-year-old woman from guyana was nabbed allegedly trying to smuggle $ 73,000 cocaine in her panties and girdlethenga adams faces federal drug smuggling charges\n", + "[1.3192061 1.3123387 1.3701483 1.2791901 1.2380457 1.1916112 1.1457543\n", + " 1.1111307 1.1362426 1.048361 1.035983 1.0234383 1.0186745 1.0237819\n", + " 1.0104803 1.0131493 1.0146375 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 1 3 4 5 6 8 7 9 10 13 11 12 16 15 14 21 17 18 19 20 22]\n", + "=======================\n", + "[\"as a player , mcneill won nine consecutive league championship titles , seven scottish cups , six league cups and , of course , he was the first british team captain to lift the european cup in 1967 .celtic have announced that they are to erect a bronze statue of billy mcneill to mark the magnificent achievements of the club 's greatest ever captain .the statue will be positioned on the recently opened celtic way and will represent a man who is synonymous with the club and someone who represented them with true distinction as both a player and manager .\"]\n", + "=======================\n", + "['former celtic hero billy mcneill will be honoured with a statue by the clubas both a player and a manager , he enjoyed a hugely successful 27-year association with the parkhead outfithe won nine consecutive league titles as a player between 1965 and 1974in 1967 , he became the first ever british captain to lift the european cupas manager , he delivered four more league championships to celtic']\n", + "as a player , mcneill won nine consecutive league championship titles , seven scottish cups , six league cups and , of course , he was the first british team captain to lift the european cup in 1967 .celtic have announced that they are to erect a bronze statue of billy mcneill to mark the magnificent achievements of the club 's greatest ever captain .the statue will be positioned on the recently opened celtic way and will represent a man who is synonymous with the club and someone who represented them with true distinction as both a player and manager .\n", + "former celtic hero billy mcneill will be honoured with a statue by the clubas both a player and a manager , he enjoyed a hugely successful 27-year association with the parkhead outfithe won nine consecutive league titles as a player between 1965 and 1974in 1967 , he became the first ever british captain to lift the european cupas manager , he delivered four more league championships to celtic\n", + "[1.4751589 1.456581 1.2540257 1.2594314 1.1078581 1.2199199 1.0622355\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 3 2 5 4 6 20 19 18 17 16 15 14 11 12 21 10 9 8 7 13 22]\n", + "=======================\n", + "[\"( cnn ) an asiana airlines plane overran a runway while landing at japan 's hiroshima airport on tuesday evening , prompting the airport to temporarily close , the japanese transportation ministry said .twenty-three people had minor injuries after flight 162 landed at 8:05 p.m. , according to fire department and ministry sources .there were 73 passengers and eight crew members -- including five cabin attendants , two pilots and a maintenance official -- aboard when the flight took off from south korea 's incheon international airport at 6:34 p.m. local time , asiana said in a statement late tuesday .\"]\n", + "=======================\n", + "['the plane might have hit an object on the runway , the japanese transportation ministry says23 people have minor injuries , officials saythe airbus a320 overshot the hiroshima airport runway at 8:05 p.m. tuesday , officials say']\n", + "( cnn ) an asiana airlines plane overran a runway while landing at japan 's hiroshima airport on tuesday evening , prompting the airport to temporarily close , the japanese transportation ministry said .twenty-three people had minor injuries after flight 162 landed at 8:05 p.m. , according to fire department and ministry sources .there were 73 passengers and eight crew members -- including five cabin attendants , two pilots and a maintenance official -- aboard when the flight took off from south korea 's incheon international airport at 6:34 p.m. local time , asiana said in a statement late tuesday .\n", + "the plane might have hit an object on the runway , the japanese transportation ministry says23 people have minor injuries , officials saythe airbus a320 overshot the hiroshima airport runway at 8:05 p.m. tuesday , officials say\n", + "[1.4206092 1.3355068 1.3113484 1.2298224 1.1445968 1.094643 1.1501582\n", + " 1.2028979 1.1737561 1.0691304 1.0183249 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 7 8 6 4 5 9 10 11 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"( cnn ) this time , it 's official : russia expects north korean leader kim jong un to visit moscow next month for world war ii anniversary celebrations .north korean representatives have confirmed that kim will be in the russian capital for may 9 victory day celebrations , russian presidential aide yuri ushakov said wednesday , according to russian state-run news agency tass .this would mark kim 's first official foreign trip since inheriting the leadership of north korea in late 2011 .\"]\n", + "=======================\n", + "['a russian presidential aide says kim will be in moscow for may 9 victory day celebrations , news agency reportsthis victory day marks the 70 years since the soviet victory over germany in world war ii']\n", + "( cnn ) this time , it 's official : russia expects north korean leader kim jong un to visit moscow next month for world war ii anniversary celebrations .north korean representatives have confirmed that kim will be in the russian capital for may 9 victory day celebrations , russian presidential aide yuri ushakov said wednesday , according to russian state-run news agency tass .this would mark kim 's first official foreign trip since inheriting the leadership of north korea in late 2011 .\n", + "a russian presidential aide says kim will be in moscow for may 9 victory day celebrations , news agency reportsthis victory day marks the 70 years since the soviet victory over germany in world war ii\n", + "[1.2589126 1.4985714 1.2674338 1.262872 1.162451 1.1138613 1.1074156\n", + " 1.1351289 1.2596486 1.067834 1.0397129 1.018899 1.0109779 1.041376\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 8 0 4 7 5 6 9 13 10 11 12 14 15 16 17 18]\n", + "=======================\n", + "[\"it found nearly 250 cases of malignant melanoma are registered each year by those working outside in industries such as construction , agriculture and leisure .a separate study , also commissioned by the institution of occupational safety and health , found there was a ` macho culture ' in some parts of the construction industry , with two thirds of workers who spent an average of nearly seven hours a day outdoors thinking they were not at risk from the sun and sunburn or were unsure if they were .almost 50 people a year die of skin cancer after being exposed to the sun at work in the uk , research shows .\"]\n", + "=======================\n", + "[\"50 die each year as a result of being exposed to the sun at work in britain250 in jobs like agriculture and construction register skin cancer each yearinstitution of occupational safety and health says ` macho culture ' to blame\"]\n", + "it found nearly 250 cases of malignant melanoma are registered each year by those working outside in industries such as construction , agriculture and leisure .a separate study , also commissioned by the institution of occupational safety and health , found there was a ` macho culture ' in some parts of the construction industry , with two thirds of workers who spent an average of nearly seven hours a day outdoors thinking they were not at risk from the sun and sunburn or were unsure if they were .almost 50 people a year die of skin cancer after being exposed to the sun at work in the uk , research shows .\n", + "50 die each year as a result of being exposed to the sun at work in britain250 in jobs like agriculture and construction register skin cancer each yearinstitution of occupational safety and health says ` macho culture ' to blame\n", + "[1.0959066 1.3577894 1.24085 1.3837365 1.2115082 1.2398677 1.0733023\n", + " 1.0364777 1.0881325 1.1245891 1.0797417 1.076901 1.1083055 1.0384147\n", + " 1.0614607 1.0087004 1.0099001 0. 0. ]\n", + "\n", + "[ 3 1 2 5 4 9 12 0 8 10 11 6 14 13 7 16 15 17 18]\n", + "=======================\n", + "[\"boeing has just filed a patent for a ` transport vehicle upright sleep support system ' known as a ` cuddle chair 'it looks like a backpack and fastens to the back of the headrest to allow passengers to lean forward and rest their face and chest on the contraption .the patent insists that this system is far superior to neck pillows due to sleep 's ` natural horizontal tendency '\"]\n", + "=======================\n", + "[\"recent patent filing shows plans for an ` upright ' sleeping support systemencased in a backpack , the cushions allow the passenger to lean forwarda breathing hole in the face pillow ensures extra customer comfortboeing says : ` we are n't providing any further information or comment '\"]\n", + "boeing has just filed a patent for a ` transport vehicle upright sleep support system ' known as a ` cuddle chair 'it looks like a backpack and fastens to the back of the headrest to allow passengers to lean forward and rest their face and chest on the contraption .the patent insists that this system is far superior to neck pillows due to sleep 's ` natural horizontal tendency '\n", + "recent patent filing shows plans for an ` upright ' sleeping support systemencased in a backpack , the cushions allow the passenger to lean forwarda breathing hole in the face pillow ensures extra customer comfortboeing says : ` we are n't providing any further information or comment '\n", + "[1.4315596 1.2947388 1.1288044 1.1266743 1.0641236 1.3364303 1.0950748\n", + " 1.1672273 1.1457949 1.1867965 1.1239908 1.0308603 1.0529064 1.0214756\n", + " 1.0142329 1.0183065 1.0173615 1.074241 1.0283225]\n", + "\n", + "[ 0 5 1 9 7 8 2 3 10 6 17 4 12 11 18 13 15 16 14]\n", + "=======================\n", + "['steven gerrard and phil jagielka stood shoulder-to-shoulder and paid a poignant tribute by releasing 96 red balloons in memory of liverpool fans who died at hillsborough .wednesday marked the 26th anniversary of the disaster that unfolded during an fa cup semi-final between liverpool and nottingham forest and the annual memorial service was typically poignant and emotional .liverpool manager brendan rodgers was present alongside his team at the 26th hillsborough anniversary at anfield']\n", + "=======================\n", + "[\"liverpool 's squad were in attendance at anfield to remember the 96 supporters who died at hillsboroughthey were joined by families of the victims , club legends and thousands of fansliverpool and everton captains steven gerrard and phil jagielka released 96 ballons into the skyraheem sterling and jordon ibe were with the first team squad at the hillsborough memorial service\"]\n", + "steven gerrard and phil jagielka stood shoulder-to-shoulder and paid a poignant tribute by releasing 96 red balloons in memory of liverpool fans who died at hillsborough .wednesday marked the 26th anniversary of the disaster that unfolded during an fa cup semi-final between liverpool and nottingham forest and the annual memorial service was typically poignant and emotional .liverpool manager brendan rodgers was present alongside his team at the 26th hillsborough anniversary at anfield\n", + "liverpool 's squad were in attendance at anfield to remember the 96 supporters who died at hillsboroughthey were joined by families of the victims , club legends and thousands of fansliverpool and everton captains steven gerrard and phil jagielka released 96 ballons into the skyraheem sterling and jordon ibe were with the first team squad at the hillsborough memorial service\n", + "[1.4063582 1.2467326 1.3328023 1.1856234 1.2152462 1.2567031 1.1033679\n", + " 1.0691916 1.040366 1.0698013 1.0518428 1.0265342 1.0613214 1.0946833\n", + " 1.0719469 1.0339355 1.0781158 1.0167555 0. ]\n", + "\n", + "[ 0 2 5 1 4 3 6 13 16 14 9 7 12 10 8 15 11 17 18]\n", + "=======================\n", + "[\"stephanie scott was due to get married to her partner of five years aaron leeson-woolleyms scott 's remains have been transported to glebe morgue in sydney , and a nsw department of justice spokeswoman confirmed state coroner michael barnes has ordered that an autopsy be carried out this week .police will begin an autopsy on stephanie scott 's body to determine how she was killed .\"]\n", + "=======================\n", + "[\"police discovered the body of a female in bushland on friday afternoonstephanie scott was last seen on easter sunday which sparked a searchthe burnt remains is believed to be the much-loved school teacherpolice will contact authorities in holland for a background check on accused killer , vincent stanford , who was charged with murderstanford 's family led police to cocoparra national park north of griffithforensic testing will be carried out on the remains of the body on monday\"]\n", + "stephanie scott was due to get married to her partner of five years aaron leeson-woolleyms scott 's remains have been transported to glebe morgue in sydney , and a nsw department of justice spokeswoman confirmed state coroner michael barnes has ordered that an autopsy be carried out this week .police will begin an autopsy on stephanie scott 's body to determine how she was killed .\n", + "police discovered the body of a female in bushland on friday afternoonstephanie scott was last seen on easter sunday which sparked a searchthe burnt remains is believed to be the much-loved school teacherpolice will contact authorities in holland for a background check on accused killer , vincent stanford , who was charged with murderstanford 's family led police to cocoparra national park north of griffithforensic testing will be carried out on the remains of the body on monday\n", + "[1.0642115 1.3025265 1.2328839 1.2691158 1.4057171 1.1665652 1.1076748\n", + " 1.0538833 1.0191472 1.1554134 1.1949214 1.0187644 1.0134833 1.0816245\n", + " 1.0374722 1.0117455 0. 0. 0. 0. ]\n", + "\n", + "[ 4 1 3 2 10 5 9 6 13 0 7 14 8 11 12 15 16 17 18 19]\n", + "=======================\n", + "[\"lionel messi poses with each of the 32 balls he has taken home after scoring a hat-trick for barcelonabut that does n't apply to lionel messi .messi will be hoping to add another to his list when barca take on psg in the first leg of their champions league quarter-final on wednesday .\"]\n", + "=======================\n", + "[\"barcelona star lionel messi says he need to be reminded of his hat-tricksthe argentine has netted 32 hat-tricks since making his debut in 2004messi 's favourite came in a 3-3 draw against rivals real madrid in 2007the 27 year old has had each of his hat-trick balls signed by team-mates\"]\n", + "lionel messi poses with each of the 32 balls he has taken home after scoring a hat-trick for barcelonabut that does n't apply to lionel messi .messi will be hoping to add another to his list when barca take on psg in the first leg of their champions league quarter-final on wednesday .\n", + "barcelona star lionel messi says he need to be reminded of his hat-tricksthe argentine has netted 32 hat-tricks since making his debut in 2004messi 's favourite came in a 3-3 draw against rivals real madrid in 2007the 27 year old has had each of his hat-trick balls signed by team-mates\n", + "[1.3106946 1.1813279 1.319205 1.1395462 1.3649621 1.1760759 1.1233425\n", + " 1.0415064 1.1265962 1.0529962 1.0526818 1.0428046 1.0251282 1.0824311\n", + " 1.1088092 1.0129722 0. 0. 0. 0. ]\n", + "\n", + "[ 4 2 0 1 5 3 8 6 14 13 9 10 11 7 12 15 18 16 17 19]\n", + "=======================\n", + "['england captain alastair cook is not concerned about his failure to hit a test hundred since may 2013the opinions of ecb chairman-elect colin graves , new chief executive tom harrison and the man they eventually make director of cricket matter far more than what anyone in the caribbean thinks .alastair cook still has the full support of his coach , team-mates and selectors and is unbeaten in four tests .']\n", + "=======================\n", + "[\"alastair cook has gone 33 test innings without hitting a centurythe 30-year-old remains england 's leading century maker despite blipcook has been watching old footage of himself to study his technique\"]\n", + "england captain alastair cook is not concerned about his failure to hit a test hundred since may 2013the opinions of ecb chairman-elect colin graves , new chief executive tom harrison and the man they eventually make director of cricket matter far more than what anyone in the caribbean thinks .alastair cook still has the full support of his coach , team-mates and selectors and is unbeaten in four tests .\n", + "alastair cook has gone 33 test innings without hitting a centurythe 30-year-old remains england 's leading century maker despite blipcook has been watching old footage of himself to study his technique\n", + "[1.1867199 1.3167207 1.341866 1.1992502 1.2562879 1.1534001 1.1077873\n", + " 1.1196109 1.0846189 1.0522119 1.0572132 1.0537368 1.0374082 1.0415251\n", + " 1.0349398 1.0249867 1.0317521 0. 0. 0. ]\n", + "\n", + "[ 2 1 4 3 0 5 7 6 8 10 11 9 13 12 14 16 15 17 18 19]\n", + "=======================\n", + "['golden globe winner hamm was one of seven sigma nu brothers who tormented and humiliated sanders when he was a young pledge at the university of texas at austin .seen here for the first time , mark allen sanders was beaten with a paddle , dragged around a room by his genitals and had his pants set on fire .hazing hell : today mark sanders is a doctor and lawyer in fort worth texas .']\n", + "=======================\n", + "[\"mad men star was charged with viciously assaulting mark allen sanders in after 1990 hazing incidentthe freshman was hit so hard he suffered a fractured spine and nearly lost a kidneysanders alleged that he and his fellow pledges were subjected to ` repeated confinements ' in tiny compartments carved into the frat building 's basementthe pledge listed hamm as one of his chief tormentors at the sigma nu fraternity at the university of texas at austinthe future star ordered him to recite a six-page list of phrases pledges are told to memorize called the ` bulls *** list 'now 45 , sanders is a doctor and an attorney specializing in medical malpractice and personal injury\"]\n", + "golden globe winner hamm was one of seven sigma nu brothers who tormented and humiliated sanders when he was a young pledge at the university of texas at austin .seen here for the first time , mark allen sanders was beaten with a paddle , dragged around a room by his genitals and had his pants set on fire .hazing hell : today mark sanders is a doctor and lawyer in fort worth texas .\n", + "mad men star was charged with viciously assaulting mark allen sanders in after 1990 hazing incidentthe freshman was hit so hard he suffered a fractured spine and nearly lost a kidneysanders alleged that he and his fellow pledges were subjected to ` repeated confinements ' in tiny compartments carved into the frat building 's basementthe pledge listed hamm as one of his chief tormentors at the sigma nu fraternity at the university of texas at austinthe future star ordered him to recite a six-page list of phrases pledges are told to memorize called the ` bulls *** list 'now 45 , sanders is a doctor and an attorney specializing in medical malpractice and personal injury\n", + "[1.2670394 1.2744973 1.238109 1.290834 1.2398858 1.1401739 1.0873343\n", + " 1.0668064 1.0692633 1.1264168 1.0689857 1.0836797 1.025798 1.0239803\n", + " 1.0201511 1.0173864 1.0498362 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 4 2 5 9 6 11 8 10 7 16 12 13 14 15 18 17 19]\n", + "=======================\n", + "[\"tony fernandes , owner of qpr , wants to avoid fines of up to # 50million for financial fair play breachesfootball league board member jim rodwell 's departure from notts county to become chief executive of scunthorpe has created the need for an election for a league one representative as rodwell can not automatically keep his place .maurice watkins is a sports lawyer whose firm represents qpr over their considerable ffp troubles\"]\n", + "=======================\n", + "[\"maurice watkins is a sports lawyer whose firm represents qprraheem sterling 's agent has emerged as key player in his contract talkspeter moores will begin review into england 's failed world cup next week\"]\n", + "tony fernandes , owner of qpr , wants to avoid fines of up to # 50million for financial fair play breachesfootball league board member jim rodwell 's departure from notts county to become chief executive of scunthorpe has created the need for an election for a league one representative as rodwell can not automatically keep his place .maurice watkins is a sports lawyer whose firm represents qpr over their considerable ffp troubles\n", + "maurice watkins is a sports lawyer whose firm represents qprraheem sterling 's agent has emerged as key player in his contract talkspeter moores will begin review into england 's failed world cup next week\n", + "[1.2294158 1.4546965 1.2551903 1.1430163 1.2017225 1.1832845 1.2722787\n", + " 1.1327565 1.0872113 1.1834708 1.0673927 1.0550648 1.047909 1.0663931\n", + " 1.0418843 1.0123618 1.0815505 1.0520557 1.0334809 1.0807173]\n", + "\n", + "[ 1 6 2 0 4 9 5 3 7 8 16 19 10 13 11 17 12 14 18 15]\n", + "=======================\n", + "[\"anjelica ` aj ' hadsell , 18 , has been missing since march 2 , when she was on a break from longwood university in farmville , virginia and home in norfolk .the remains were found outside a residence in franklin on thursday morning , police said .human remains have been found in the search for a missing college freshman who vanished while home for spring break last month .\"]\n", + "=======================\n", + "[\"anjelica ` aj ' hadsell , 18 , has been missing since march 2 , when she was home in norfolk while on spring break from longwood universityremains were found in franklin , 40 miles from norfolk , on thursday and they are being taken to the medical examiner 's office for identificationher stepdad wesley hadsell was arrested after breaking into a home two weeks after her disappearance and claims he was looking for ajhe has insisted that he does n't know where she is\"]\n", + "anjelica ` aj ' hadsell , 18 , has been missing since march 2 , when she was on a break from longwood university in farmville , virginia and home in norfolk .the remains were found outside a residence in franklin on thursday morning , police said .human remains have been found in the search for a missing college freshman who vanished while home for spring break last month .\n", + "anjelica ` aj ' hadsell , 18 , has been missing since march 2 , when she was home in norfolk while on spring break from longwood universityremains were found in franklin , 40 miles from norfolk , on thursday and they are being taken to the medical examiner 's office for identificationher stepdad wesley hadsell was arrested after breaking into a home two weeks after her disappearance and claims he was looking for ajhe has insisted that he does n't know where she is\n", + "[1.1957521 1.2734985 1.4851286 1.2709644 1.347322 1.0977814 1.1693714\n", + " 1.1996961 1.0529095 1.0612215 1.0486137 1.0208744 1.0118132 1.0182511\n", + " 1.016454 1.020235 1.120538 1.1475071 1.0759811 1.0747745 1.0151557\n", + " 1.0159452]\n", + "\n", + "[ 2 4 1 3 7 0 6 17 16 5 18 19 9 8 10 11 15 13 14 21 20 12]\n", + "=======================\n", + "['over a three year period rajpal singh , 34 , had swallowed 140 coins , 150 nails and a handful of nuts , bolts and batteries .however they were amazed to find the man had actually swallowed hundreds of coins and nails .he had also gulped down screws , nails and magnets .']\n", + "=======================\n", + "[\"rajpal singh , 34 , had become depressed and began eating metal objectsover three years he swallowed around 140 coins , 150 nails and moresays he did n't realise this habit could be the cause of his stomach acheshas undergone 240 procedures to remove objects - but some still remain\"]\n", + "over a three year period rajpal singh , 34 , had swallowed 140 coins , 150 nails and a handful of nuts , bolts and batteries .however they were amazed to find the man had actually swallowed hundreds of coins and nails .he had also gulped down screws , nails and magnets .\n", + "rajpal singh , 34 , had become depressed and began eating metal objectsover three years he swallowed around 140 coins , 150 nails and moresays he did n't realise this habit could be the cause of his stomach acheshas undergone 240 procedures to remove objects - but some still remain\n", + "[1.388414 1.21687 1.2689929 1.2538931 1.2019145 1.1858602 1.0925982\n", + " 1.0209246 1.1394331 1.1195482 1.1021739 1.0291452 1.0521476 1.0219389\n", + " 1.0130537 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 3 1 4 5 8 9 10 6 12 11 13 7 14 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"disgraced former mayor lutfur rahman ( pictured ) is said to have played the race card to silence opponents - and his deputy today reiterated claims there is deep seated racism in the borough of tower hamlets , in east londonthe two men -- who are not related -- are both members of the tower hamlets first party .political opponents said they were playing the same ` cracked record ' by seeking to blame racism and islamophobia for their problems .\"]\n", + "=======================\n", + "[\"oliur rahman took over from deposed mayor lutfur rahman yesterdaynew tower hamlets first leader said borough still had deep-rooted racismthis is despite a judge 's ruling which said group ` played the race card 'rahman 's latest comments derided as ` ludicrous ' by local tory group\"]\n", + "disgraced former mayor lutfur rahman ( pictured ) is said to have played the race card to silence opponents - and his deputy today reiterated claims there is deep seated racism in the borough of tower hamlets , in east londonthe two men -- who are not related -- are both members of the tower hamlets first party .political opponents said they were playing the same ` cracked record ' by seeking to blame racism and islamophobia for their problems .\n", + "oliur rahman took over from deposed mayor lutfur rahman yesterdaynew tower hamlets first leader said borough still had deep-rooted racismthis is despite a judge 's ruling which said group ` played the race card 'rahman 's latest comments derided as ` ludicrous ' by local tory group\n", + "[1.2460442 1.5089834 1.2311575 1.3188412 1.1129147 1.1660491 1.100815\n", + " 1.0601758 1.0537274 1.0252188 1.0243871 1.0760409 1.179116 1.1085988\n", + " 1.0706071 1.066775 1.0397276 1.0183092 1.0624243 1.044639 1.0096309\n", + " 0. ]\n", + "\n", + "[ 1 3 0 2 12 5 4 13 6 11 14 15 18 7 8 19 16 9 10 17 20 21]\n", + "=======================\n", + "[\"ian gibson , 55 , was a lauded figure among u.s. safari enthusiasts , who would commission him to slaughter prized animals near his home in south africa .a celebrated texas-born hunter was crushed to death by a baby elephant in zimbabwe as he tried to measure its ivory tusks for an american client .the dallas safari club is paying for gibson 's funeral .\"]\n", + "=======================\n", + "['ian gibson , 55 , was hunting in zimbabwe for an american clienthe was taking a rest when he spotted the bull elephant in the zambezi valleyapproached it to measure ivory , fired one shot then was crushed to deathfuneral to be paid for by dallas safari club , where he was a popular figure']\n", + "ian gibson , 55 , was a lauded figure among u.s. safari enthusiasts , who would commission him to slaughter prized animals near his home in south africa .a celebrated texas-born hunter was crushed to death by a baby elephant in zimbabwe as he tried to measure its ivory tusks for an american client .the dallas safari club is paying for gibson 's funeral .\n", + "ian gibson , 55 , was hunting in zimbabwe for an american clienthe was taking a rest when he spotted the bull elephant in the zambezi valleyapproached it to measure ivory , fired one shot then was crushed to deathfuneral to be paid for by dallas safari club , where he was a popular figure\n", + "[1.2300978 1.4466285 1.2621267 1.262402 1.2100456 1.1712315 1.089949\n", + " 1.1147816 1.1398818 1.0425124 1.0591992 1.0615343 1.0183078 1.0122573\n", + " 1.0386403 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 8 7 6 11 10 9 14 12 13 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the budget retailer last week announced that sales exceed # 1billion for the first time last year becoming europe 's largest single-price discount retailer .new research has found that certain items on sale at poundland , pictured , are up to 50 per cent more expensive than those sold in supermarketsthe company 's success has been put down to shoppers hunting bargains and taking sales away from britain 's four big supermarkets , asda , tesco , sainsburys and morrisons .\"]\n", + "=======================\n", + "[\"certain products at retailer are more expensive per unit than supermarketscomes as poundland announced sales exceed # 1bn for first time last yearcompany 's success has been put down to shoppers hunting for bargains\"]\n", + "the budget retailer last week announced that sales exceed # 1billion for the first time last year becoming europe 's largest single-price discount retailer .new research has found that certain items on sale at poundland , pictured , are up to 50 per cent more expensive than those sold in supermarketsthe company 's success has been put down to shoppers hunting bargains and taking sales away from britain 's four big supermarkets , asda , tesco , sainsburys and morrisons .\n", + "certain products at retailer are more expensive per unit than supermarketscomes as poundland announced sales exceed # 1bn for first time last yearcompany 's success has been put down to shoppers hunting for bargains\n", + "[1.5313637 1.3790486 1.3147633 1.1341782 1.0873785 1.2842854 1.1248698\n", + " 1.0854918 1.1813896 1.1022682 1.0572953 1.1367078 1.0110235 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 5 8 11 3 6 9 4 7 10 12 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"john isner reached the semifinals of the miami open after easily beating fourth-seeded kei nishikori of japan 6-4 , 6-3 on thursday .the 6-foot-10 , hard-serving isner is the first american man to make the semifinals in miami since 2011 .he 'll next meet either world no. 1 novak djokovic or david ferrer on friday night .\"]\n", + "=======================\n", + "[\"john isner will play either novak djokovic or david ferrer in the last fourhe became the first american to reach miami open semi final since 2011kei nishikori could not handle isner 's serve in a 6-4 , 6-3 defeat\"]\n", + "john isner reached the semifinals of the miami open after easily beating fourth-seeded kei nishikori of japan 6-4 , 6-3 on thursday .the 6-foot-10 , hard-serving isner is the first american man to make the semifinals in miami since 2011 .he 'll next meet either world no. 1 novak djokovic or david ferrer on friday night .\n", + "john isner will play either novak djokovic or david ferrer in the last fourhe became the first american to reach miami open semi final since 2011kei nishikori could not handle isner 's serve in a 6-4 , 6-3 defeat\n", + "[1.1042057 1.0490583 1.2418925 1.3118007 1.0717831 1.2926767 1.18976\n", + " 1.0898132 1.045706 1.0488194 1.0299784 1.1023362 1.0836555 1.1646571\n", + " 1.0431697 1.020874 1.0419835 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 5 2 6 13 0 11 7 12 4 1 9 8 14 16 10 15 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"out-of-date sun lotions may separate and not spread evenly , say experts , meaning you may not be completely covered with vital uv filters , even if the active ingredients in the sun cream remain stablebut a recent survey revealed that almost three-quarters of uk holidaymakers are at risk of uv exposure because they use out-of-date sun cream .alice smellie asked industry experts to find out if it 's really vital to buy new supplies for summer ...\"]\n", + "=======================\n", + "[\"will out-of-date sun lotion protect your skin from sun damage ?can you keep using last summer 's bite cream ?alice smellie finds out which summer supplies we need to restock\"]\n", + "out-of-date sun lotions may separate and not spread evenly , say experts , meaning you may not be completely covered with vital uv filters , even if the active ingredients in the sun cream remain stablebut a recent survey revealed that almost three-quarters of uk holidaymakers are at risk of uv exposure because they use out-of-date sun cream .alice smellie asked industry experts to find out if it 's really vital to buy new supplies for summer ...\n", + "will out-of-date sun lotion protect your skin from sun damage ?can you keep using last summer 's bite cream ?alice smellie finds out which summer supplies we need to restock\n", + "[1.2699203 1.4763917 1.3806815 1.0448049 1.3967826 1.2819 1.2052658\n", + " 1.01686 1.1447494 1.0215195 1.0152243 1.079243 1.0328554 1.0369265\n", + " 1.0812746 1.1046145 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 5 0 6 8 15 14 11 3 13 12 9 7 10 22 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"the victim , john lahiff has spoken out from his hospital bed at cairns base hospital , swearing he will return to the green again after the nasty run-in with the crocodile at politician clive palmer 's port douglas golf course .on monday afternoon , the man in his 70s believes he accidentally stood on a sunbaking crocodile on the 11th hole at the palmer sea reef golf course , causing the croc to swiftly retaliate . 'an elderly man who was bitten by a crocodile while playing golf has defended the creature who attacked him , claiming the 1.2 metre reptile was more frightened than he was and that the spat was partially the golfer 's own fault .\"]\n", + "=======================\n", + "[\"senior golfer john lahiff was attacked by a crocodile in queenslandlahiff was playing golf solo at the palmer sea reef golf course on mondayhe says he did n't feel a thing during the attack and was even able to drive himself in a golf buggy to the clubhouse to seek helpgolf owner clive palmer sent his well wishes to the man after the attackrecovering in hospital , lahiff says the croc was more scared than he waslahiff feels bad for accidentally disturbing the sunbaking crocodile which he did n't see as he retrieved his golf ball\"]\n", + "the victim , john lahiff has spoken out from his hospital bed at cairns base hospital , swearing he will return to the green again after the nasty run-in with the crocodile at politician clive palmer 's port douglas golf course .on monday afternoon , the man in his 70s believes he accidentally stood on a sunbaking crocodile on the 11th hole at the palmer sea reef golf course , causing the croc to swiftly retaliate . 'an elderly man who was bitten by a crocodile while playing golf has defended the creature who attacked him , claiming the 1.2 metre reptile was more frightened than he was and that the spat was partially the golfer 's own fault .\n", + "senior golfer john lahiff was attacked by a crocodile in queenslandlahiff was playing golf solo at the palmer sea reef golf course on mondayhe says he did n't feel a thing during the attack and was even able to drive himself in a golf buggy to the clubhouse to seek helpgolf owner clive palmer sent his well wishes to the man after the attackrecovering in hospital , lahiff says the croc was more scared than he waslahiff feels bad for accidentally disturbing the sunbaking crocodile which he did n't see as he retrieved his golf ball\n", + "[1.128954 1.2343999 1.1278868 1.1161993 1.1749988 1.0747032 1.2665982\n", + " 1.2401359 1.1734213 1.1159587 1.052893 1.110275 1.0825391 1.0347949\n", + " 1.020343 1.0169768 1.0147029 1.0137444 1.018625 1.0297039 1.0219535\n", + " 1.0166321 1.1011028 1.2376903]\n", + "\n", + "[ 6 7 23 1 4 8 0 2 3 9 11 22 12 5 10 13 19 20 14 18 15 21 16 17]\n", + "=======================\n", + "['jose mourinho hit back at arsene wenger during his pre-match press conference on fridayarsene wenger ( left ) and mourinho have over a decade of history in the premier leaguearsenal lost 3-1 to monaco in the champions league - a result which mourinho mentioned to the media']\n", + "=======================\n", + "[\"chelsea can secure the league title if they beat arsenal and leicesterjose mourinho and arsene wenger have had a decade of touchline battlesmourinho has hit back at wenger 's ` defensive ' jibes ahead of sundayhe said : ` if it was easy , you would n't lose 3-1 at home to monaco '\"]\n", + "jose mourinho hit back at arsene wenger during his pre-match press conference on fridayarsene wenger ( left ) and mourinho have over a decade of history in the premier leaguearsenal lost 3-1 to monaco in the champions league - a result which mourinho mentioned to the media\n", + "chelsea can secure the league title if they beat arsenal and leicesterjose mourinho and arsene wenger have had a decade of touchline battlesmourinho has hit back at wenger 's ` defensive ' jibes ahead of sundayhe said : ` if it was easy , you would n't lose 3-1 at home to monaco '\n", + "[1.2788814 1.4536443 1.2803123 1.3459077 1.2562034 1.0946945 1.1266708\n", + " 1.049513 1.0227351 1.0219158 1.0280426 1.0269405 1.0160327 1.0430803\n", + " 1.1393478 1.0309304 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 14 6 5 7 13 15 10 11 8 9 12 22 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"rupa huq , who is standing for ed miliband 's party in a key marginal seat in west london , said fellow candidates who had turned down the cash were ` sticking their noses up ' at mr blair .labour parliamentary candidate rupa huq ( left ) says she felt no shame in accepting a # 1,000 donation from tony blair , despite campaigning heavily against the iraq warms huq - the sister of former blue peter presenter konnie huq - even accused mailonline of ` picking on her ' when she was quizzed about the donation at a hustings debate last night .\"]\n", + "=======================\n", + "[\"labour candidate rupa huq accepted # 1,000 from blair earlier this yearshe campaigned heavily against iraq war but said : ` elections cost money 'three colleagues turned down cash from former prime minister in marchms huq - sister of former blue peter presenter konnie - said candidates who turned down blair 's donation were ` sticking their noses up '\"]\n", + "rupa huq , who is standing for ed miliband 's party in a key marginal seat in west london , said fellow candidates who had turned down the cash were ` sticking their noses up ' at mr blair .labour parliamentary candidate rupa huq ( left ) says she felt no shame in accepting a # 1,000 donation from tony blair , despite campaigning heavily against the iraq warms huq - the sister of former blue peter presenter konnie huq - even accused mailonline of ` picking on her ' when she was quizzed about the donation at a hustings debate last night .\n", + "labour candidate rupa huq accepted # 1,000 from blair earlier this yearshe campaigned heavily against iraq war but said : ` elections cost money 'three colleagues turned down cash from former prime minister in marchms huq - sister of former blue peter presenter konnie - said candidates who turned down blair 's donation were ` sticking their noses up '\n", + "[1.2162893 1.5234923 1.1958935 1.1887736 1.1481131 1.143996 1.202783\n", + " 1.1519843 1.1195544 1.0613945 1.0961454 1.0763726 1.0537525 1.0817612\n", + " 1.0661817 1.1010116 1.0693403 1.0518898 1.0648856 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 6 2 3 7 4 5 8 15 10 13 11 16 14 18 9 12 17 22 19 20 21 23]\n", + "=======================\n", + "[\"sean reardon was stopped by police as he drove through chico in california and claims once he was out of the car he was wrestled to the floor by two police officers who then hit him with a baton or stick .a driver who was pulled over for suspected drink driving is seen in a video being clubbed by two policemen as he lays on the ground .reardon claims he was subjected to violence ` without provocation ' and suffered acute respiratory failure and had to be put on a ventilator in hospital .\"]\n", + "=======================\n", + "['sean reardon was stopped by police on suspected drunk driving chargeshe claims once he got out of the car he was wrestled by two policemr reardon said he was beaten as he lay on the floor in chico , californiasaid he suffered broken bones and ribs as well as breathing problems']\n", + "sean reardon was stopped by police as he drove through chico in california and claims once he was out of the car he was wrestled to the floor by two police officers who then hit him with a baton or stick .a driver who was pulled over for suspected drink driving is seen in a video being clubbed by two policemen as he lays on the ground .reardon claims he was subjected to violence ` without provocation ' and suffered acute respiratory failure and had to be put on a ventilator in hospital .\n", + "sean reardon was stopped by police on suspected drunk driving chargeshe claims once he got out of the car he was wrestled by two policemr reardon said he was beaten as he lay on the floor in chico , californiasaid he suffered broken bones and ribs as well as breathing problems\n", + "[1.2329206 1.4908099 1.2590637 1.1299181 1.1169063 1.0458075 1.1524849\n", + " 1.0984226 1.0680739 1.0612097 1.0474362 1.0459105 1.0459846 1.1144607\n", + " 1.0961989 1.0385593 1.0467434 1.0326817 1.0374593]\n", + "\n", + "[ 1 2 0 6 3 4 13 7 14 8 9 10 16 12 11 5 15 18 17]\n", + "=======================\n", + "[\"jia huaijin , 33 , now hand-makes swords in rural china that sell for up to # 22,000 each -- nearly 18 times the monthly salary of chinese president xi jinping or the average price for a 750-square-foot flat in shanghai .mr jia uses the 2,000-year-old technique to make the traditional swords , which are highly sought after by international collectors from as far as canada , reports the people 's daily online .a chinese entrepreneur has quit his well-paid day job to revive the dying art of chinese sword making .\"]\n", + "=======================\n", + "['jia huaijin aspires to bring back 2,000-year-old sword making techniqueeach sword is worth 18 times the monthly salary of the chinese presidentblades are hand-crafted from steel that is 3mm thick and are razor sharpsword fanatics from as far as canada have bought the expensive replicas']\n", + "jia huaijin , 33 , now hand-makes swords in rural china that sell for up to # 22,000 each -- nearly 18 times the monthly salary of chinese president xi jinping or the average price for a 750-square-foot flat in shanghai .mr jia uses the 2,000-year-old technique to make the traditional swords , which are highly sought after by international collectors from as far as canada , reports the people 's daily online .a chinese entrepreneur has quit his well-paid day job to revive the dying art of chinese sword making .\n", + "jia huaijin aspires to bring back 2,000-year-old sword making techniqueeach sword is worth 18 times the monthly salary of the chinese presidentblades are hand-crafted from steel that is 3mm thick and are razor sharpsword fanatics from as far as canada have bought the expensive replicas\n", + "[1.5282602 1.4475847 1.446928 1.1628078 1.1094153 1.0449045 1.0224702\n", + " 1.0162674 1.0171609 1.0145714 1.3937395 1.0171735 1.0138261 1.0101764\n", + " 1.1971792 1.115453 1.1795866 0. 0. ]\n", + "\n", + "[ 0 1 2 10 14 16 3 15 4 5 6 11 8 7 9 12 13 17 18]\n", + "=======================\n", + "['tim sherwood insists aston villa are prepared for their final survival fight as he backed his side to stay up .villa go to manchester city on saturday , looking good at four points above the bottom three and with an fa cup final against arsenal ahead next month .manager sherwood replaced paul lambert in february when villa were in the barclays premier league relegation zone but believes they have enough to survive with five games left .']\n", + "=======================\n", + "['tim sherwood replaced paul lambert as aston villa boss in februaryvilla are four points above the bottom three with five games remainingphilippe senderos and aly cissokho are available again']\n", + "tim sherwood insists aston villa are prepared for their final survival fight as he backed his side to stay up .villa go to manchester city on saturday , looking good at four points above the bottom three and with an fa cup final against arsenal ahead next month .manager sherwood replaced paul lambert in february when villa were in the barclays premier league relegation zone but believes they have enough to survive with five games left .\n", + "tim sherwood replaced paul lambert as aston villa boss in februaryvilla are four points above the bottom three with five games remainingphilippe senderos and aly cissokho are available again\n", + "[1.4180566 1.189659 1.4677577 1.2560583 1.3254547 1.1479111 1.06173\n", + " 1.0362396 1.0307326 1.0416766 1.0184863 1.0211285 1.0224048 1.0743808\n", + " 1.0240978 1.0327178 1.0294694 1.1704432 1.0709822]\n", + "\n", + "[ 2 0 4 3 1 17 5 13 18 6 9 7 15 8 16 14 12 11 10]\n", + "=======================\n", + "[\"kim rose , who is running for nigel farage 's party in southampton itchen , is being investigated by officers after laying out the snacks at an event , which also featured snooker star jimmy white .mr rose , 57 , branded police involvement as ` absolutely ridiculous ' , adding that voters in the marginal seat were unlikely to ` change their mind for a sausage roll ' .electoral commission rules state food and entertainment can not be provided by parliamentary candidates if their provision is intended to influence votes - a criminal offence known as ` treating ' .\"]\n", + "=======================\n", + "[\"ukip 's kim rose laid out spread of sausage rolls and sandwiches at eventpolice are investigating mr rose for ` treating ' - trying to influence voterslaughing off claims , he said : ` thank god they did n't find the jaffa cakes 'nigel farage backed his candidate , branding investigation ` utter nonsense '\"]\n", + "kim rose , who is running for nigel farage 's party in southampton itchen , is being investigated by officers after laying out the snacks at an event , which also featured snooker star jimmy white .mr rose , 57 , branded police involvement as ` absolutely ridiculous ' , adding that voters in the marginal seat were unlikely to ` change their mind for a sausage roll ' .electoral commission rules state food and entertainment can not be provided by parliamentary candidates if their provision is intended to influence votes - a criminal offence known as ` treating ' .\n", + "ukip 's kim rose laid out spread of sausage rolls and sandwiches at eventpolice are investigating mr rose for ` treating ' - trying to influence voterslaughing off claims , he said : ` thank god they did n't find the jaffa cakes 'nigel farage backed his candidate , branding investigation ` utter nonsense '\n", + "[1.3312865 1.2581438 1.1087952 1.2469811 1.1341126 1.1014986 1.0255202\n", + " 1.1074383 1.1982578 1.0827096 1.0542276 1.0359131 1.0669273 1.1431668\n", + " 1.0412259 1.0309986 1.1370643 0. 0. ]\n", + "\n", + "[ 0 1 3 8 13 16 4 2 7 5 9 12 10 14 11 15 6 17 18]\n", + "=======================\n", + "['( cnn ) how will the new \" fantastic four \" differ from the original movie of a decade ago ?for starters , as a new trailer shows , sue and johnny storm \\'s father initiates the project that ends up giving the foursome their powers .the movie , due out august 7 , promises a very different take on the classic marvel comics characters , played this go-round by miles teller , kate mara , michael b. jordan and jamie bell .']\n", + "=======================\n", + "['dr. doom is seen for the first time in the trailer for the \" fantastic four \" rebootchris pratt takes the lead in the new trailer for \" jurassic world \"']\n", + "( cnn ) how will the new \" fantastic four \" differ from the original movie of a decade ago ?for starters , as a new trailer shows , sue and johnny storm 's father initiates the project that ends up giving the foursome their powers .the movie , due out august 7 , promises a very different take on the classic marvel comics characters , played this go-round by miles teller , kate mara , michael b. jordan and jamie bell .\n", + "dr. doom is seen for the first time in the trailer for the \" fantastic four \" rebootchris pratt takes the lead in the new trailer for \" jurassic world \"\n", + "[1.3448347 1.2963175 1.2452013 1.1094443 1.1922815 1.0996186 1.0765457\n", + " 1.0748936 1.1088979 1.0814403 1.1288276 1.0456744 1.0498022 1.1142317\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 4 10 13 3 8 5 9 6 7 12 11 14 15 16 17 18]\n", + "=======================\n", + "[\"the terrorist group al qaida seized control of a major airport , sea port and oil terminal in southern yemen today , consolidating its hold on the country 's largest province .it came amid wider chaos pitting shiite rebels against forces loyal to the exiled president and a saudi-led air campaign .military officials and residents said al qaida fighters clashed briefly with members of one of yemen 's largest brigades outside mukalla , a city the militants overran earlier this month and where they freed prison inmates .\"]\n", + "=======================\n", + "['al qaida seized control of an airport , sea port and oil terminal in yemenlatest advance marks a major gain for al qaida in the arabian peninsulacame amid chaos pitting rebels against forces loyal to exiled president']\n", + "the terrorist group al qaida seized control of a major airport , sea port and oil terminal in southern yemen today , consolidating its hold on the country 's largest province .it came amid wider chaos pitting shiite rebels against forces loyal to the exiled president and a saudi-led air campaign .military officials and residents said al qaida fighters clashed briefly with members of one of yemen 's largest brigades outside mukalla , a city the militants overran earlier this month and where they freed prison inmates .\n", + "al qaida seized control of an airport , sea port and oil terminal in yemenlatest advance marks a major gain for al qaida in the arabian peninsulacame amid chaos pitting rebels against forces loyal to exiled president\n", + "[1.236374 1.2107911 1.2808076 1.3109326 1.1164291 1.1377847 1.060274\n", + " 1.0803735 1.0291343 1.0225066 1.0394411 1.1424701 1.0938104 1.135496\n", + " 1.0454106 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 2 0 1 11 5 13 4 12 7 6 14 10 8 9 26 25 24 23 22 21 20 18 17\n", + " 16 15 27 19 28]\n", + "=======================\n", + "['the survey , conducted by beauty research organization lqs and associates , looked at the lengths 1,000 american women go to in order to enhance their appearances or copy a celebrity , and the potentially disastrous consequences they might face in doing so , including hair loss , skin swelling , and overly painful procedures .seven per cent , meanwhile , have actually had allergic reactions .according to a new study , while just over half of women worry about the long term damage of beauty treatments , nearly a fifth would still pursue a treatment to get the right look - even it it proved hazardous to their health .']\n", + "=======================\n", + "['american women look to celebrities for hair inspiration , often uneducated about the potential dangers of beauty proceduresmany celebrities who wear weaves , such as beyonce , selena gomez and paris hilton , could be doing serious damage to their hairjennifer aniston , sandra bullock and jennifer lopez were revealed as having the three most popular celebrity hairstyles']\n", + "the survey , conducted by beauty research organization lqs and associates , looked at the lengths 1,000 american women go to in order to enhance their appearances or copy a celebrity , and the potentially disastrous consequences they might face in doing so , including hair loss , skin swelling , and overly painful procedures .seven per cent , meanwhile , have actually had allergic reactions .according to a new study , while just over half of women worry about the long term damage of beauty treatments , nearly a fifth would still pursue a treatment to get the right look - even it it proved hazardous to their health .\n", + "american women look to celebrities for hair inspiration , often uneducated about the potential dangers of beauty proceduresmany celebrities who wear weaves , such as beyonce , selena gomez and paris hilton , could be doing serious damage to their hairjennifer aniston , sandra bullock and jennifer lopez were revealed as having the three most popular celebrity hairstyles\n", + "[1.1743095 1.4083146 1.1263921 1.4130023 1.2988155 1.102542 1.0337733\n", + " 1.1083642 1.0372574 1.1109712 1.0279621 1.1431669 1.0294886 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 4 0 11 2 9 7 5 8 6 12 10 21 26 25 24 23 22 20 14 18 17 16\n", + " 15 27 13 19 28]\n", + "=======================\n", + "[\"didier drogba hit back at claims that chelsea were boring with a video of them completing a ` bin challenge 'the blues are preparing for wednesday night 's trip to leicester city at st george 's park , having drawn criticism for the way they ground out a decisive 0-0 draw against arsenal on sunday .after the ball is headed by loic remy and eden hazard , john terry heads to drogba in the six-man task\"]\n", + "=======================\n", + "[\"didier drogba and five of his chelsea team-mates take part in bin challengeeden hazard , john terry , thibaut courtois and john obi mikel all involveddrogba mocked the tag of ` boring chelsea ' that has been aimed at his sidechelsea have been training at st george 's park ahead of game at leicester\"]\n", + "didier drogba hit back at claims that chelsea were boring with a video of them completing a ` bin challenge 'the blues are preparing for wednesday night 's trip to leicester city at st george 's park , having drawn criticism for the way they ground out a decisive 0-0 draw against arsenal on sunday .after the ball is headed by loic remy and eden hazard , john terry heads to drogba in the six-man task\n", + "didier drogba and five of his chelsea team-mates take part in bin challengeeden hazard , john terry , thibaut courtois and john obi mikel all involveddrogba mocked the tag of ` boring chelsea ' that has been aimed at his sidechelsea have been training at st george 's park ahead of game at leicester\n", + "[1.0898918 1.3325713 1.3863511 1.317796 1.2450199 1.0987815 1.1150346\n", + " 1.1449468 1.2221452 1.0396708 1.025771 1.0344774 1.0339011 1.0186685\n", + " 1.0194834 1.0384756 1.0949782 1.0405564 1.1181222 1.0893246 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 3 4 8 7 18 6 5 16 0 19 17 9 15 11 12 10 14 13 20 21 22 23\n", + " 24 25 26 27 28]\n", + "=======================\n", + "[\"camoji is one of the first apps to take advantage of facebook 's decision to open up messenger , revealed at its recent f8 conference in san francisco .a new app makes creating the images simple on a smartphone - and lets you send them using facebook messenger .camoji allows people to add instagram style filters to their images before sharing them .\"]\n", + "=======================\n", + "[\"one of first apps to take advantage of facebook 's new open approachallows users to send and record gifs inside messenger appinstagram style filters can be added to gif images\"]\n", + "camoji is one of the first apps to take advantage of facebook 's decision to open up messenger , revealed at its recent f8 conference in san francisco .a new app makes creating the images simple on a smartphone - and lets you send them using facebook messenger .camoji allows people to add instagram style filters to their images before sharing them .\n", + "one of first apps to take advantage of facebook 's new open approachallows users to send and record gifs inside messenger appinstagram style filters can be added to gif images\n", + "[1.2310431 1.1148071 1.1261582 1.0907948 1.0428063 1.0645552 1.4129385\n", + " 1.1336547 1.0316727 1.0268316 1.0323285 1.0380569 1.0164638 1.016456\n", + " 1.017875 1.3117745 1.0149229 1.0167596 1.0159993 1.0262914 1.0316738\n", + " 1.0361755 1.0184017 1.0239028 1.1701782 1.0233808 1.0680511 1.0204488\n", + " 1.0152607]\n", + "\n", + "[ 6 15 0 24 7 2 1 3 26 5 4 11 21 10 20 8 9 19 23 25 27 22 14 17\n", + " 12 13 18 28 16]\n", + "=======================\n", + "[\"qpr manager chris ramsey ( centre ) feels they will avoid relegation if they win three more league gamestim sherwood ( left ) believes his appointment at aston villa has given them a lot of belief and confidenceit 's truly squeaky bum time in the premier league relegation battle as just nine points separates the bottom seven teams .\"]\n", + "=======================\n", + "['just nine points separates the bottom seven clubs in the premier leagueqpr boss chris ramsey says they need three more wins to surviveburnley host relegation rivals leicester in the league on saturday']\n", + "qpr manager chris ramsey ( centre ) feels they will avoid relegation if they win three more league gamestim sherwood ( left ) believes his appointment at aston villa has given them a lot of belief and confidenceit 's truly squeaky bum time in the premier league relegation battle as just nine points separates the bottom seven teams .\n", + "just nine points separates the bottom seven clubs in the premier leagueqpr boss chris ramsey says they need three more wins to surviveburnley host relegation rivals leicester in the league on saturday\n", + "[1.2209743 1.1959077 1.1343117 1.2741665 1.1649508 1.1377687 1.0296392\n", + " 1.1654298 1.1443079 1.0250657 1.15474 1.1090893 1.0505364 1.0679162\n", + " 1.0191647 1.0197515 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 0 1 7 4 10 8 5 2 11 13 12 6 9 15 14 16 17 18 19 20 21 22 23\n", + " 24 25 26 27 28]\n", + "=======================\n", + "[\"a pakistani man who fled his village due to fighting between security forces and militants in pakistan 's tribal area of bajur , enjoys a ride on a merry-go-round along with other children , at a makeshift entertainment park set up in a slum area on the outskirts of islamabadfor those in the west , amusement parks are a popular day out , with hundreds of millions of visitors flocking to the most popular theme parks each year .while these rides may be a far cry from disneyland , the camel carousels , hand-turned ferris wheels and trampolines on offers in these small parks offer a world of fun for locals .\"]\n", + "=======================\n", + "['many little amusement parks are set up in the slum areas of pakistan on the outskirts of islamabad and rawalpindithe rides include merry-go-rounds , trampolines , carousels and basic swingschildren who have been forced out of their villages due to fighting shriek with delight whilst enjoying the rides']\n", + "a pakistani man who fled his village due to fighting between security forces and militants in pakistan 's tribal area of bajur , enjoys a ride on a merry-go-round along with other children , at a makeshift entertainment park set up in a slum area on the outskirts of islamabadfor those in the west , amusement parks are a popular day out , with hundreds of millions of visitors flocking to the most popular theme parks each year .while these rides may be a far cry from disneyland , the camel carousels , hand-turned ferris wheels and trampolines on offers in these small parks offer a world of fun for locals .\n", + "many little amusement parks are set up in the slum areas of pakistan on the outskirts of islamabad and rawalpindithe rides include merry-go-rounds , trampolines , carousels and basic swingschildren who have been forced out of their villages due to fighting shriek with delight whilst enjoying the rides\n", + "[1.0994412 1.3988836 1.3206061 1.1911442 1.1326859 1.1428432 1.1337965\n", + " 1.0331124 1.0607166 1.0355709 1.1037843 1.125397 1.0757542 1.0753089\n", + " 1.0235661 1.0519475 1.0530355 0. 0. ]\n", + "\n", + "[ 1 2 3 5 6 4 11 10 0 12 13 8 16 15 9 7 14 17 18]\n", + "=======================\n", + "['heavy drinking among americans rose 17.2 percent between 2005 and 2012 , largely due to rising rates among women , according to the study by the institute for health metrics and evaluation at the university of washington , published thursday in the american journal of public health .the centers for disease control and prevention defines heavy drinking as exceeding an average of one drink per day during the past month for women and two drinks per day for men .nationwide over the course of the decade , the rate of binge drinking among women increased more than seven times the rate among men .']\n", + "=======================\n", + "[\"heavy drinking among americans rose 17.2 percent between 2005 and 2012the increase is driven largely by women 's drinking habitsit 's now more acceptable for women to drink the way men traditionally have , says one expert\"]\n", + "heavy drinking among americans rose 17.2 percent between 2005 and 2012 , largely due to rising rates among women , according to the study by the institute for health metrics and evaluation at the university of washington , published thursday in the american journal of public health .the centers for disease control and prevention defines heavy drinking as exceeding an average of one drink per day during the past month for women and two drinks per day for men .nationwide over the course of the decade , the rate of binge drinking among women increased more than seven times the rate among men .\n", + "heavy drinking among americans rose 17.2 percent between 2005 and 2012the increase is driven largely by women 's drinking habitsit 's now more acceptable for women to drink the way men traditionally have , says one expert\n", + "[1.1974806 1.351351 1.385124 1.1888767 1.2478962 1.2145793 1.1555609\n", + " 1.026948 1.0400162 1.0900332 1.1005758 1.018975 1.0897541 1.0573997\n", + " 1.0814923 1.1346648 1.1485673 1.023194 1.0117172]\n", + "\n", + "[ 2 1 4 5 0 3 6 16 15 10 9 12 14 13 8 7 17 11 18]\n", + "=======================\n", + "[\"it claims irobot 's machines will interfere with its sensitive radio telescopes which astronomers are using to pick up signs of alien life .this is according to the national radio astronomy observatory who is objecting to proposals by irobot to release a radio wave-guided lawnmower .irobot is famous for creating self-guided roomba machines\"]\n", + "=======================\n", + "[\"irobot is creating wireless lawnmowers guided by radio wavesgadget and observatories will both use the 6240-6740 mhz bandastronomers say it could prevent them from detecting methanolirobot says chances of interference occurring are ` infinitesimal '\"]\n", + "it claims irobot 's machines will interfere with its sensitive radio telescopes which astronomers are using to pick up signs of alien life .this is according to the national radio astronomy observatory who is objecting to proposals by irobot to release a radio wave-guided lawnmower .irobot is famous for creating self-guided roomba machines\n", + "irobot is creating wireless lawnmowers guided by radio wavesgadget and observatories will both use the 6240-6740 mhz bandastronomers say it could prevent them from detecting methanolirobot says chances of interference occurring are ` infinitesimal '\n", + "[1.1955376 1.279377 1.4932631 1.1073688 1.0356767 1.1195999 1.3295149\n", + " 1.045119 1.105076 1.0446149 1.1112098 1.0513703 1.0242845 1.0351919\n", + " 1.0320678 0. 0. 0. 0. ]\n", + "\n", + "[ 2 6 1 0 5 10 3 8 11 7 9 4 13 14 12 15 16 17 18]\n", + "=======================\n", + "[\"orana wildlife park in new zealand 's christchurch is one of the few zoos in the world which has installed a moving cage to bring spectators as close as possible to lions in an open habitat .a new zealand zoo is giving visitors the thrilling opportunity to step over the fence and into the depths of a lion 's den during feeding time , if they dare .many thrill seekers have slipped into a cage to get up close and personal with a shark -- now they can do the same with the king of the jungle , putting them just a paw swipe away from a lion - with nothing but cage bars between them .\"]\n", + "=======================\n", + "[\"a new zealand zoo , orana wildlife park , is giving visitors the thrilling opportunity to step into the lion 's denorana wildlife park in new zealand 's christchurch has installed a moving cage to bring you close to the lionsthe king of the jungle clambers over the cage , jumping onto the roof and sticking his tongue through the bars20 people , including visitors and zoo keepers , climb inside to have lunch with a lion for $ 40\"]\n", + "orana wildlife park in new zealand 's christchurch is one of the few zoos in the world which has installed a moving cage to bring spectators as close as possible to lions in an open habitat .a new zealand zoo is giving visitors the thrilling opportunity to step over the fence and into the depths of a lion 's den during feeding time , if they dare .many thrill seekers have slipped into a cage to get up close and personal with a shark -- now they can do the same with the king of the jungle , putting them just a paw swipe away from a lion - with nothing but cage bars between them .\n", + "a new zealand zoo , orana wildlife park , is giving visitors the thrilling opportunity to step into the lion 's denorana wildlife park in new zealand 's christchurch has installed a moving cage to bring you close to the lionsthe king of the jungle clambers over the cage , jumping onto the roof and sticking his tongue through the bars20 people , including visitors and zoo keepers , climb inside to have lunch with a lion for $ 40\n", + "[1.1902689 1.4257805 1.1560745 1.1126821 1.3067042 1.086198 1.2731874\n", + " 1.0464721 1.0683156 1.0433725 1.1053388 1.090657 1.1156605 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 6 0 2 12 3 10 11 5 8 7 9 13 14 15 16 17 18]\n", + "=======================\n", + "['veteran scriptwriter for the radio 4 drama , keri davies , said that having a divan to hand is vital to make post-coital conversations sound convincing .a writer for the archers has revealed that keeping a bed in the studio is essential for realistic sex scenes ( file picture )he added that parties in the fictional ambridge are limited to nine attendees because of budgetary considerations .']\n", + "=======================\n", + "['a bed is kept in the archers studio to help with realistic sex scenesscriptwriter said bed is is vital for convincing post-coital conversationshe added that parties in fictional ambridge are limited to nine attendees because of budget constraints']\n", + "veteran scriptwriter for the radio 4 drama , keri davies , said that having a divan to hand is vital to make post-coital conversations sound convincing .a writer for the archers has revealed that keeping a bed in the studio is essential for realistic sex scenes ( file picture )he added that parties in the fictional ambridge are limited to nine attendees because of budgetary considerations .\n", + "a bed is kept in the archers studio to help with realistic sex scenesscriptwriter said bed is is vital for convincing post-coital conversationshe added that parties in fictional ambridge are limited to nine attendees because of budget constraints\n", + "[1.2689406 1.3416815 1.147121 1.1878171 1.381319 1.1161944 1.1708932\n", + " 1.1394942 1.083842 1.042371 1.0735624 1.0465832 1.0399244 1.0378873\n", + " 1.0252612 0. 0. 0. 0. ]\n", + "\n", + "[ 4 1 0 3 6 2 7 5 8 10 11 9 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"cruel : army major john jackson ( left ) and his wife carolyn ( right ) are currently on trial for abusing their three foster children .john and carolyn jackson also forced some of the children to drink hot sauce or eat hot pepper flakes and were n't exposed until one of their biological children reported the abuse to someone outside the family , assistant u.s. attorney joseph shumofsky said in his opening statement .that child , now in his teens , is expected to provide key testimony for the prosecution .\"]\n", + "=======================\n", + "[\"army major john jackson and his wife carolyn are facing 15 counts of child abusethe couple 's first trial ended in a mistrial last november when a prosecutor accidentally mentioned the death of one of their son 'sthat detail was barred from the trial since the couple had not been officially charged in the boy 's deathon monday , the jacksons appeared in new jersey federal court for their second trialprosecutors said the couple starved their three foster children and beat them so several that they had broken bones all over their bodiesthe couple 's defense attorneys claim that they may have been ` crappy parents ' but are not criminals\"]\n", + "cruel : army major john jackson ( left ) and his wife carolyn ( right ) are currently on trial for abusing their three foster children .john and carolyn jackson also forced some of the children to drink hot sauce or eat hot pepper flakes and were n't exposed until one of their biological children reported the abuse to someone outside the family , assistant u.s. attorney joseph shumofsky said in his opening statement .that child , now in his teens , is expected to provide key testimony for the prosecution .\n", + "army major john jackson and his wife carolyn are facing 15 counts of child abusethe couple 's first trial ended in a mistrial last november when a prosecutor accidentally mentioned the death of one of their son 'sthat detail was barred from the trial since the couple had not been officially charged in the boy 's deathon monday , the jacksons appeared in new jersey federal court for their second trialprosecutors said the couple starved their three foster children and beat them so several that they had broken bones all over their bodiesthe couple 's defense attorneys claim that they may have been ` crappy parents ' but are not criminals\n", + "[1.2475493 1.193131 1.0759039 1.3429594 1.2426542 1.1862519 1.2007111\n", + " 1.1139047 1.1145735 1.0772445 1.0513158 1.0454681 1.0210068 1.0213627\n", + " 1.1121045 1.0516548 1.0156355 1.0309716 0. 0. ]\n", + "\n", + "[ 3 0 4 6 1 5 8 7 14 9 2 15 10 11 17 13 12 16 18 19]\n", + "=======================\n", + "[\"the american chemical society in washington explained the science behind the avengers in a video .the avengers have battled to save earth from an alien invasion , the evil loki and now , in the latest movie , face off against the killing machine ultron .it looks at the composition of iron man 's suit - said to be a gold-titanium alloy in one of the movies - and captain america 's shield .\"]\n", + "=======================\n", + "[\"washington 's american chemical society video explains the avengersit looks at the composition of iron man 's suit and captain america 's shieldand it also explains science behind black widow 's super-healing abilitiesthe verdict is that some - but not all - of the science is plausible\"]\n", + "the american chemical society in washington explained the science behind the avengers in a video .the avengers have battled to save earth from an alien invasion , the evil loki and now , in the latest movie , face off against the killing machine ultron .it looks at the composition of iron man 's suit - said to be a gold-titanium alloy in one of the movies - and captain america 's shield .\n", + "washington 's american chemical society video explains the avengersit looks at the composition of iron man 's suit and captain america 's shieldand it also explains science behind black widow 's super-healing abilitiesthe verdict is that some - but not all - of the science is plausible\n", + "[1.2303777 1.5224187 1.1650217 1.1891221 1.1948893 1.2410698 1.0607467\n", + " 1.0273349 1.0218216 1.0123591 1.1683995 1.0419258 1.1799632 1.1413649\n", + " 1.0710182 1.040806 1.1143804 1.0448215 0. 0. ]\n", + "\n", + "[ 1 5 0 4 3 12 10 2 13 16 14 6 17 11 15 7 8 9 18 19]\n", + "=======================\n", + "[\"the body of anne jarmain , 86 , was found at 7pm on wednesday ; 10 hours after her car was pulled off the road and underwater as she tried to crossed cessnock road , which in the nsw hunter region .the woman who was tragically killed when her car washed away in flood waters in maitland has been identified as an elderly great-grandmother who was popping out for milk .police battled wild flood water as they searched for ms jarmain 's vehicle at the scene of the tragic accident\"]\n", + "=======================\n", + "[\"anne germain , 86 , was killed by the flood waters on wednesdayshe was making a quick trip to the shops when her car washed awaybystanders stripped off and dove into the icy waters to try and save her and her car was dragged by the fast waters in maitlandshe had wanted to go and see her husband in a nursing home but knew it would n't be safensw premier mike baird visited the area and is ` shocked ' by devastation\"]\n", + "the body of anne jarmain , 86 , was found at 7pm on wednesday ; 10 hours after her car was pulled off the road and underwater as she tried to crossed cessnock road , which in the nsw hunter region .the woman who was tragically killed when her car washed away in flood waters in maitland has been identified as an elderly great-grandmother who was popping out for milk .police battled wild flood water as they searched for ms jarmain 's vehicle at the scene of the tragic accident\n", + "anne germain , 86 , was killed by the flood waters on wednesdayshe was making a quick trip to the shops when her car washed awaybystanders stripped off and dove into the icy waters to try and save her and her car was dragged by the fast waters in maitlandshe had wanted to go and see her husband in a nursing home but knew it would n't be safensw premier mike baird visited the area and is ` shocked ' by devastation\n", + "[1.3028021 1.1648316 1.1114962 1.0362664 1.1026073 1.2670889 1.0891072\n", + " 1.140796 1.1148982 1.1092308 1.021761 1.0226493 1.0464723 1.1146233\n", + " 1.0135416 1.0238824 1.0410631 1.031753 1.0306048 1.0155181]\n", + "\n", + "[ 0 5 1 7 8 13 2 9 4 6 12 16 3 17 18 15 11 10 19 14]\n", + "=======================\n", + "[\"on sunday night , at the stade velodrome , it 's the dockers against the dauphins .the home side are ligue 1 top scorers , two points behind the visitors who are leaders and have won seven of france 's last eight classique matches .the stevedores against the stéphanes .\"]\n", + "=======================\n", + "[\"marseille manager marcelo bielsa has previously been nicknamed ` el loco 'bielsa 's bible says : ` running is commitment , running is understanding , running is everything 'marseille face psg at home on sunday night in ligue 1 title clash\"]\n", + "on sunday night , at the stade velodrome , it 's the dockers against the dauphins .the home side are ligue 1 top scorers , two points behind the visitors who are leaders and have won seven of france 's last eight classique matches .the stevedores against the stéphanes .\n", + "marseille manager marcelo bielsa has previously been nicknamed ` el loco 'bielsa 's bible says : ` running is commitment , running is understanding , running is everything 'marseille face psg at home on sunday night in ligue 1 title clash\n", + "[1.2991858 1.4532331 1.2976235 1.3919321 1.3204122 1.228817 1.0247562\n", + " 1.0261829 1.0130097 1.0157886 1.0136203 1.0573866 1.1315314 1.0473706\n", + " 1.0334496 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 0 2 5 12 11 13 14 7 6 9 10 8 18 15 16 17 19]\n", + "=======================\n", + "[\"patrick o'flynn , who is also the party 's economics spokesman , said ukip needs to ` work harder ' as it is ` lagging ' behind with female voters .polls suggest around 15 per cent of men are planning to back ukip , compared to only 10 per cent of women .ukip 's election campaign chief has admitted that the party sometimes resembles a ` rugby club on tour ' with members who can be ` boorish ' and ` chauvinistic ' .\"]\n", + "=======================\n", + "[\"ukip launches its ` policies for women ' to address gender divide15 % of men planning to back ukip , compared to only 10 % of women votersmep patrick o'flynn says party still resorts to ` boorishness or chauvinism '\"]\n", + "patrick o'flynn , who is also the party 's economics spokesman , said ukip needs to ` work harder ' as it is ` lagging ' behind with female voters .polls suggest around 15 per cent of men are planning to back ukip , compared to only 10 per cent of women .ukip 's election campaign chief has admitted that the party sometimes resembles a ` rugby club on tour ' with members who can be ` boorish ' and ` chauvinistic ' .\n", + "ukip launches its ` policies for women ' to address gender divide15 % of men planning to back ukip , compared to only 10 % of women votersmep patrick o'flynn says party still resorts to ` boorishness or chauvinism '\n", + "[1.3625457 1.2851241 1.2003702 1.3365865 1.1584733 1.1655722 1.0783861\n", + " 1.0376648 1.0977391 1.0898788 1.0817881 1.0585951 1.0523518 1.156792\n", + " 1.0640965 1.0370849 1.0152034 1.0294088 0. 0. ]\n", + "\n", + "[ 0 3 1 2 5 4 13 8 9 10 6 14 11 12 7 15 17 16 18 19]\n", + "=======================\n", + "['the 43-year-old is the first presenter of the bbc dance contest to be nominated for the awardswhen claudia winkleman replaced sir bruce forsyth as co-host of strictly come dancing , sceptics thought she would struggle to fill his shoes .now , she has proved them wrong with a bafta nomination for her first season on the show .']\n", + "=======================\n", + "['after one series on the show claudia winkleman is nominated for a baftaneither sir bruce forsyth nor tess daly were nominated for the awardsshe will compete against ant and dec , graham norton and leigh francis']\n", + "the 43-year-old is the first presenter of the bbc dance contest to be nominated for the awardswhen claudia winkleman replaced sir bruce forsyth as co-host of strictly come dancing , sceptics thought she would struggle to fill his shoes .now , she has proved them wrong with a bafta nomination for her first season on the show .\n", + "after one series on the show claudia winkleman is nominated for a baftaneither sir bruce forsyth nor tess daly were nominated for the awardsshe will compete against ant and dec , graham norton and leigh francis\n", + "[1.3901879 1.3699815 1.2657721 1.2455773 1.1905307 1.259165 1.1872058\n", + " 1.188993 1.041734 1.0141802 1.0246716 1.0451477 1.0173957 1.023638\n", + " 1.0293007 1.0496427 1.0114065 1.0171906 1.0099078 1.0222851 1.0171599]\n", + "\n", + "[ 0 1 2 5 3 4 7 6 15 11 8 14 10 13 19 12 17 20 9 16 18]\n", + "=======================\n", + "[\"jack nicklaus believes it is time for the ` young guys to take over ' after jordan spieth 's record-breaking masters victory on sunday .nicklaus was hugely impressed by spieth 's four-shot win over justin rose and phil mickelson , which saw him set 36 and 54-hole scoring records , equal the 72-hole record set by tiger woods in 1997 and also become the first player ever to reach 19 under par at augusta .the 21-year-old , who was second last year , moved from fourth in the world rankings to second behind rory mcilroy as a result and that means the world 's top two players have a combined age of 46 .\"]\n", + "=======================\n", + "[\"jordan spieth sent several records tumbling on his way to augusta gloryjack nicklaus praised the 21-year-old 's ` incredible performance 'he backed spieth and rory mcilroy to ` carry the mantle ' for golfmeet golf 's brightest young star : jordan spiethread : why it wo n't be too long until mcilroy wins the masters\"]\n", + "jack nicklaus believes it is time for the ` young guys to take over ' after jordan spieth 's record-breaking masters victory on sunday .nicklaus was hugely impressed by spieth 's four-shot win over justin rose and phil mickelson , which saw him set 36 and 54-hole scoring records , equal the 72-hole record set by tiger woods in 1997 and also become the first player ever to reach 19 under par at augusta .the 21-year-old , who was second last year , moved from fourth in the world rankings to second behind rory mcilroy as a result and that means the world 's top two players have a combined age of 46 .\n", + "jordan spieth sent several records tumbling on his way to augusta gloryjack nicklaus praised the 21-year-old 's ` incredible performance 'he backed spieth and rory mcilroy to ` carry the mantle ' for golfmeet golf 's brightest young star : jordan spiethread : why it wo n't be too long until mcilroy wins the masters\n", + "[1.2519436 1.5208354 1.2579552 1.2053567 1.3168864 1.1475518 1.1013902\n", + " 1.0571916 1.040904 1.0345968 1.0483886 1.0321972 1.0242007 1.2789819\n", + " 1.0747894 1.0678602 1.0404513 1.0226644 1.0772663 0. 0. ]\n", + "\n", + "[ 1 4 13 2 0 3 5 6 18 14 15 7 10 8 16 9 11 12 17 19 20]\n", + "=======================\n", + "['jason warnock was named as the hero who rescued 23-year-old mathew sitko after he crashed his car on wednesday morning , causing it to hang off a canyon cliff in lewiston , idaho .but after saving the man , warnock said he could not stay and rushed away from the scene .the mystery hero who raced to the edge of a cliff and pulled a driver from his precariously-balanced car has been identified as a 29-year-old man who fled the scene to go to work .']\n", + "=======================\n", + "[\"mathew sitko , 23 , crashed his car and ended up hanging over a cliff edge in lewiston , idaho in an 'em otional episode ' wednesday morningjason warnock , 29 , was nearby when he saw the car above so he climbed up a footbridge and ran to the edge of the cliff and pulled the man outhe needed to leave to go to work but was tracked down after the picture quickly spread online\"]\n", + "jason warnock was named as the hero who rescued 23-year-old mathew sitko after he crashed his car on wednesday morning , causing it to hang off a canyon cliff in lewiston , idaho .but after saving the man , warnock said he could not stay and rushed away from the scene .the mystery hero who raced to the edge of a cliff and pulled a driver from his precariously-balanced car has been identified as a 29-year-old man who fled the scene to go to work .\n", + "mathew sitko , 23 , crashed his car and ended up hanging over a cliff edge in lewiston , idaho in an 'em otional episode ' wednesday morningjason warnock , 29 , was nearby when he saw the car above so he climbed up a footbridge and ran to the edge of the cliff and pulled the man outhe needed to leave to go to work but was tracked down after the picture quickly spread online\n", + "[1.2390717 1.5383053 1.0956 1.0988042 1.351992 1.1521524 1.1064159\n", + " 1.0425751 1.1290675 1.0748466 1.1374702 1.1444696 1.058745 1.0236552\n", + " 1.0550226 1.0310773 1.039369 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 5 11 10 8 6 3 2 9 12 14 7 16 15 13 19 17 18 20]\n", + "=======================\n", + "[\"paul warren smith , 61 , was identified as the man in a white marshall independent school district van seen in surveillance video tossing five , 3-week-old puppies over a chain-link fence just before noon on saturday at the the humane society of harrison county 's the pet place in marshall .uninjured : all five puppies are healthy and uninjured ; each will be put up for adoption when they are at least 8 weeks oldflinging : smith is seen in the video flinging a puppy over the fence in a manner that makes it unlikely that the pup landed on its feet\"]\n", + "=======================\n", + "['paul smith , 61 , is facing animal cruelty charges for allegedly tossing five , 3-week-old puppies over a chain-link fence in marshall , texasthe man was identified after a humane society worker posted a surveillance video of the incident on facebookall five puppies are healthy and uninjured ; smith is being held at the harrison county jail']\n", + "paul warren smith , 61 , was identified as the man in a white marshall independent school district van seen in surveillance video tossing five , 3-week-old puppies over a chain-link fence just before noon on saturday at the the humane society of harrison county 's the pet place in marshall .uninjured : all five puppies are healthy and uninjured ; each will be put up for adoption when they are at least 8 weeks oldflinging : smith is seen in the video flinging a puppy over the fence in a manner that makes it unlikely that the pup landed on its feet\n", + "paul smith , 61 , is facing animal cruelty charges for allegedly tossing five , 3-week-old puppies over a chain-link fence in marshall , texasthe man was identified after a humane society worker posted a surveillance video of the incident on facebookall five puppies are healthy and uninjured ; smith is being held at the harrison county jail\n", + "[1.2499152 1.2974938 1.2817452 1.2705424 1.3137946 1.116344 1.0241885\n", + " 1.1408519 1.0442064 1.1034745 1.0823791 1.095023 1.027361 1.0331637\n", + " 1.0831649 1.036189 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 1 2 3 0 7 5 9 11 14 10 8 15 13 12 6 16 17 18 19 20]\n", + "=======================\n", + "['former england captain andrew strauss ( pictured here in 2011 ) is among the front-runners for the jobthe confidential details were sent by email to potential candidates for the post , front-runners for which are former england captains andrew strauss , michael vaughan and alec stewart .but the work parameters will not appear on the ecb website or that of headhunters sports recruitment international , as would be the normal procedure .']\n", + "=======================\n", + "[\"the ecb are creating a new director of cricket role as part of a restructure after the departure of england 's managing director paul downtonhowever , they have released very few details as to the job descriptionjonathan trott is back in the england set-up following treatment from leading sports psychiatrist steve peterschelsea manager jose mourinho is fronting a new promotional deal with car manufacturers jaguarlegendary jockey ap mccoy , is set to retire from racing on saturday\"]\n", + "former england captain andrew strauss ( pictured here in 2011 ) is among the front-runners for the jobthe confidential details were sent by email to potential candidates for the post , front-runners for which are former england captains andrew strauss , michael vaughan and alec stewart .but the work parameters will not appear on the ecb website or that of headhunters sports recruitment international , as would be the normal procedure .\n", + "the ecb are creating a new director of cricket role as part of a restructure after the departure of england 's managing director paul downtonhowever , they have released very few details as to the job descriptionjonathan trott is back in the england set-up following treatment from leading sports psychiatrist steve peterschelsea manager jose mourinho is fronting a new promotional deal with car manufacturers jaguarlegendary jockey ap mccoy , is set to retire from racing on saturday\n", + "[1.2711482 1.3730645 1.3010477 1.1936455 1.0900563 1.1707592 1.0422682\n", + " 1.0268105 1.1399825 1.127258 1.0742271 1.0363907 1.0567583 1.1443733\n", + " 1.0542054 1.0639477 1.0519091 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 5 13 8 9 4 10 15 12 14 16 6 11 7 19 17 18 20]\n", + "=======================\n", + "[\"officials in buzim , north west bosnia said their home should be known as the ` town of twins ' , due to the unusually high number of multiple births .local journalist nedzib vucelj noticed the phenomena when his wife emira gave birth to twins during the 1992-95 civil war .a bosnian town , home to more than 200 sets of twins in a population of 20,000 has claimed that it is the world 's multiple birth capital and wants to use that fact to turn it into a tourist attraction .\"]\n", + "=======================\n", + "['buzim in north west bosnia saw 21 sets of twins born during the civil warresearchers believe there are more than 200 sets of twins in the townmore are believed to have fled due to the civil war and grinding povertythe mayor now wants to hold a convention for twins to boos tourism']\n", + "officials in buzim , north west bosnia said their home should be known as the ` town of twins ' , due to the unusually high number of multiple births .local journalist nedzib vucelj noticed the phenomena when his wife emira gave birth to twins during the 1992-95 civil war .a bosnian town , home to more than 200 sets of twins in a population of 20,000 has claimed that it is the world 's multiple birth capital and wants to use that fact to turn it into a tourist attraction .\n", + "buzim in north west bosnia saw 21 sets of twins born during the civil warresearchers believe there are more than 200 sets of twins in the townmore are believed to have fled due to the civil war and grinding povertythe mayor now wants to hold a convention for twins to boos tourism\n", + "[1.2025384 1.350027 1.317239 1.1014893 1.129718 1.2172421 1.1153785\n", + " 1.0513805 1.0554398 1.0447165 1.0335654 1.0879326 1.0230888 1.0321205\n", + " 1.0191327 1.0153157 1.1148415 1.0131407 1.0410595 1.0437331 1.0404688\n", + " 1.0904967 1.0512902 1.0473969 1.0212725 1.0215394 1.0351256 1.0159913\n", + " 1.0243767 1.0594025]\n", + "\n", + "[ 1 2 5 0 4 6 16 3 21 11 29 8 7 22 23 9 19 18 20 26 10 13 28 12\n", + " 25 24 14 27 15 17]\n", + "=======================\n", + "[\"national front leader marine le pen and her father jean-marie after she accused him of committing ` political suicide . 'ms le pen has blocked her father 's return to the party following accusations that he was trying to sabotage her party 's efforts to move into thea bitter family feud has erupted between\"]\n", + "=======================\n", + "[\"marine le pen accused father jean-marie of committing ` political suicide 'comes after he called france 's prime minister manuel valls ` the immigrant 'he also defended comment that nazi gas chambers were ` detail of history 'le pen said she would oppose her father 's bid to lead the national front\"]\n", + "national front leader marine le pen and her father jean-marie after she accused him of committing ` political suicide . 'ms le pen has blocked her father 's return to the party following accusations that he was trying to sabotage her party 's efforts to move into thea bitter family feud has erupted between\n", + "marine le pen accused father jean-marie of committing ` political suicide 'comes after he called france 's prime minister manuel valls ` the immigrant 'he also defended comment that nazi gas chambers were ` detail of history 'le pen said she would oppose her father 's bid to lead the national front\n", + "[1.2945696 1.4450532 1.1248691 1.0805373 1.090335 1.109165 1.1286448\n", + " 1.0407451 1.038436 1.2420596 1.1669557 1.0355532 1.0259094 1.0986462\n", + " 1.1070907 1.1618916 1.0668632 1.1896055 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 9 17 10 15 6 2 5 14 13 4 3 16 7 8 11 12 27 26 25 24 23 19\n", + " 21 20 18 28 22 29]\n", + "=======================\n", + "[\"the northern territory 's chief minister adam giles and minister for children and families john elferink made the threat after a recent rise in youth crime in alice springs surrounding the easter holidays .parents will also be fined $ 298 if their child is found on the streets during school hours .on tuesday night no rocks were thrown at police but 34 people were taken into protective custody and 77 youths were conveyed home , while three youths were arrested for trespassing .\"]\n", + "=======================\n", + "[\"northern territory 's chief minister adam giles issued harsh warningminister for children and families john elferink also made the threatthey say children who throw rocks at police will be taken into care` parents should not doubt our resolve to do this , ' mr giles saidnt police have seen a recent rise in youth crime in alice springson monday 50 young people threw ` large rocks ' at policeby wednesday night , however , there was no rock throwing reportedpolice explained to daily mail australia it was not a ` regular occurrence 'no police officers have been harmed during the rock throwing\"]\n", + "the northern territory 's chief minister adam giles and minister for children and families john elferink made the threat after a recent rise in youth crime in alice springs surrounding the easter holidays .parents will also be fined $ 298 if their child is found on the streets during school hours .on tuesday night no rocks were thrown at police but 34 people were taken into protective custody and 77 youths were conveyed home , while three youths were arrested for trespassing .\n", + "northern territory 's chief minister adam giles issued harsh warningminister for children and families john elferink also made the threatthey say children who throw rocks at police will be taken into care` parents should not doubt our resolve to do this , ' mr giles saidnt police have seen a recent rise in youth crime in alice springson monday 50 young people threw ` large rocks ' at policeby wednesday night , however , there was no rock throwing reportedpolice explained to daily mail australia it was not a ` regular occurrence 'no police officers have been harmed during the rock throwing\n", + "[1.0754871 1.2343313 1.2910758 1.1138409 1.1891413 1.1473238 1.1400852\n", + " 1.1286887 1.1877646 1.0342333 1.0519121 1.0981249 1.1035727 1.0683632\n", + " 1.0245689 1.0677614 1.0218008 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 1 4 8 5 6 7 3 12 11 0 13 15 10 9 14 16 17 18 19 20 21 22 23\n", + " 24 25 26 27 28 29]\n", + "=======================\n", + "['while examining species of bacteria that thrive on the fossil fuel deposits deep inside the earth - known as archae - they have found a new type of virus that infects them .scientists have discovered strange new organisms that infect the primitive forms of life that live deep below the ocean floor .they now believe it may be viruses like this that actually hold the secret that have allowed archae bacteria to adapt to some of the harshest environments on earth .']\n", + "=======================\n", + "['new archeal virus infects primitive bacteria living off methane undergroundthe virus has genes that speed up its own mutation rate helping it to adaptscientists believe it holds the key to life surviving in extreme environmentsthey discovered the virus in samples taken from beneath the santa monica basin off the coast of california but say the viruses live around the world']\n", + "while examining species of bacteria that thrive on the fossil fuel deposits deep inside the earth - known as archae - they have found a new type of virus that infects them .scientists have discovered strange new organisms that infect the primitive forms of life that live deep below the ocean floor .they now believe it may be viruses like this that actually hold the secret that have allowed archae bacteria to adapt to some of the harshest environments on earth .\n", + "new archeal virus infects primitive bacteria living off methane undergroundthe virus has genes that speed up its own mutation rate helping it to adaptscientists believe it holds the key to life surviving in extreme environmentsthey discovered the virus in samples taken from beneath the santa monica basin off the coast of california but say the viruses live around the world\n", + "[1.3287703 1.4370648 1.2748073 1.2760133 1.2786436 1.2041581 1.0519682\n", + " 1.1027055 1.0192609 1.0758624 1.1485405 1.1046157 1.1698247 1.1282824\n", + " 1.059331 1.0092806 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 4 3 2 5 12 10 13 11 7 9 14 6 8 15 27 26 25 24 23 22 21 19\n", + " 18 17 16 28 20 29]\n", + "=======================\n", + "[\"the video was apparently filmed by a supporter at the green man pub in wembley ahead of arsenal 's fa cup semi-final win over reading .metropolitan police are assessing footage which appears to show arsenal fans singing a homophobic chant about ashley cole .the video has since been deleted from twitter .\"]\n", + "=======================\n", + "['arsenal beat reading 2-1 in the fa cup semi-final at wembley on saturdayfootage apparently taken by a fan beforehand shows homophobic chantit appears to show fans singing about ashley cole to a lily allen songroma defender cole left arsenal to join london rivals chelsea in 2006a metropolitan police spokesman confirms they are assessing the video']\n", + "the video was apparently filmed by a supporter at the green man pub in wembley ahead of arsenal 's fa cup semi-final win over reading .metropolitan police are assessing footage which appears to show arsenal fans singing a homophobic chant about ashley cole .the video has since been deleted from twitter .\n", + "arsenal beat reading 2-1 in the fa cup semi-final at wembley on saturdayfootage apparently taken by a fan beforehand shows homophobic chantit appears to show fans singing about ashley cole to a lily allen songroma defender cole left arsenal to join london rivals chelsea in 2006a metropolitan police spokesman confirms they are assessing the video\n", + "[1.2069651 1.2763216 1.3711951 1.4170446 1.1644942 1.065599 1.0203301\n", + " 1.0235566 1.0283622 1.0777065 1.1178807 1.0690176 1.0825707 1.0469828\n", + " 1.1174693 1.1772367 1.0226765 1.01588 1.0153826 1.084728 1.0473344\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 2 1 0 15 4 10 14 19 12 9 11 5 20 13 8 7 16 6 17 18 21 22 23\n", + " 24 25 26 27 28 29]\n", + "=======================\n", + "[\"feminist icon : patsy kensit says the duchess of cambridge is ` our generation 's suffragette 'or so says actress patsy kensit , who made the comments in an interview with this week 's stylist magazine .critics : the duchess was dubbed a ` machine made princess ' by hilary mantel and ` drab ' by margaret atwood\"]\n", + "=======================\n", + "[\"miss kensit said the duchess of cambridge is ` our generation 's suffragette 'the 47-year-old also said the duchess was her ` regal inspiration 'made the comments during an interview with a weekly fashion magazinekate is famed for charity work but has never been dubbed a feminist beforethe duchess is due to give birth to her second child later this month\"]\n", + "feminist icon : patsy kensit says the duchess of cambridge is ` our generation 's suffragette 'or so says actress patsy kensit , who made the comments in an interview with this week 's stylist magazine .critics : the duchess was dubbed a ` machine made princess ' by hilary mantel and ` drab ' by margaret atwood\n", + "miss kensit said the duchess of cambridge is ` our generation 's suffragette 'the 47-year-old also said the duchess was her ` regal inspiration 'made the comments during an interview with a weekly fashion magazinekate is famed for charity work but has never been dubbed a feminist beforethe duchess is due to give birth to her second child later this month\n", + "[1.5549506 1.3952646 1.4236977 1.1217337 1.0661267 1.073757 1.0370046\n", + " 1.061285 1.0730544 1.0470331 1.04977 1.0678799 1.1155455 1.0690845\n", + " 1.0430057 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 12 5 8 13 11 4 7 10 9 14 6 15 16 17 18]\n", + "=======================\n", + "['jb holmes took victory in a play-off at the shell houston open when johnson wagner saw a four-foot putt lip out .overnight leader jordan spieth , who hit a fine putt to par the 18th and make it a three-way play-off , had been eliminated on the first hole .holmes , who started the day six shots off the lead but ripped through the first half of the course to make the turn in 29 , had moments before missed from 10 foot but 2008 winner wagner could not save par to take the play-off to a third hole .']\n", + "=======================\n", + "['johnson wagner loses out to jb holmes after second playoff holejordan spieth had crashed out on first hole after all three finish 16 underenglishman paul casey is best-placed brit , finishing four shots back']\n", + "jb holmes took victory in a play-off at the shell houston open when johnson wagner saw a four-foot putt lip out .overnight leader jordan spieth , who hit a fine putt to par the 18th and make it a three-way play-off , had been eliminated on the first hole .holmes , who started the day six shots off the lead but ripped through the first half of the course to make the turn in 29 , had moments before missed from 10 foot but 2008 winner wagner could not save par to take the play-off to a third hole .\n", + "johnson wagner loses out to jb holmes after second playoff holejordan spieth had crashed out on first hole after all three finish 16 underenglishman paul casey is best-placed brit , finishing four shots back\n", + "[1.4187111 1.2015166 1.3198065 1.4327012 1.1790693 1.0809343 1.0748514\n", + " 1.1204509 1.1129764 1.0566481 1.0248384 1.0106106 1.0299437 1.2002016\n", + " 1.1098036 1.0087547 1.0505836 1.0386922 1.0756184]\n", + "\n", + "[ 3 0 2 1 13 4 7 8 14 5 18 6 9 16 17 12 10 11 15]\n", + "=======================\n", + "['amir khan will fight chris algieri in new york on may 29 at the barclays center in a televised boutthis confirmation sets up two successive big nights of televised boxing involving khan and his british rival brook .kell brook is going to fight frankie gavin in the 02 arena but has repeatedly called out khan']\n", + "=======================\n", + "[\"amir khan fight with chris algieri confirmed for may 29 in new yorkthe bolton-born boxers bout will be televised the day before kell brookkhan has slammed brook for knocking algieri 's fighting quality\"]\n", + "amir khan will fight chris algieri in new york on may 29 at the barclays center in a televised boutthis confirmation sets up two successive big nights of televised boxing involving khan and his british rival brook .kell brook is going to fight frankie gavin in the 02 arena but has repeatedly called out khan\n", + "amir khan fight with chris algieri confirmed for may 29 in new yorkthe bolton-born boxers bout will be televised the day before kell brookkhan has slammed brook for knocking algieri 's fighting quality\n", + "[1.2490591 1.3938835 1.3580463 1.2436025 1.3126266 1.0524366 1.0442053\n", + " 1.1131773 1.0329212 1.0746666 1.0649008 1.083684 1.0784738 1.0279233\n", + " 1.0657943 1.0321753 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 0 3 7 11 12 9 14 10 5 6 8 15 13 17 16 18]\n", + "=======================\n", + "[\"the clip , uploaded to facebook today , show an angry woman unleashing a racist tirade over her fence at a group of men who appear to be of african descent .the woman then appears in her neighbour 's front yard brandishing a metal crowbar , verbally abusing the men and swinging the weapon at them .footage has surfaced of a quarrel between neighbours in a perth suburb that ended in a bloody confrontation with a crowbar .\"]\n", + "=======================\n", + "['the two disturbing videos were uploaded to facebook on wednesdaya woman unleashes a racist tirade on her neighbours from over the fenceshe swings a crowbar at the group of men and a tussle breaks outthe woman is struck in the face during the fight and is visibly bleeding']\n", + "the clip , uploaded to facebook today , show an angry woman unleashing a racist tirade over her fence at a group of men who appear to be of african descent .the woman then appears in her neighbour 's front yard brandishing a metal crowbar , verbally abusing the men and swinging the weapon at them .footage has surfaced of a quarrel between neighbours in a perth suburb that ended in a bloody confrontation with a crowbar .\n", + "the two disturbing videos were uploaded to facebook on wednesdaya woman unleashes a racist tirade on her neighbours from over the fenceshe swings a crowbar at the group of men and a tussle breaks outthe woman is struck in the face during the fight and is visibly bleeding\n", + "[1.3546293 1.3486676 1.3110929 1.312078 1.0435177 1.0272833 1.0797511\n", + " 1.0563854 1.0832112 1.0321517 1.1118909 1.0848907 1.2443285 1.0980031\n", + " 1.0156304 1.014635 1.06138 0. 0. ]\n", + "\n", + "[ 0 1 3 2 12 10 13 11 8 6 16 7 4 9 5 14 15 17 18]\n", + "=======================\n", + "[\"a nurse , 52 , who was driving by herself on a dark country road faces felony charges after she did n't immediately pull over for a cop because she did n't think it was a safe place to stop .delrea good of portage , indiana says that on march 23 she was charged with resisting arrest because she hit the brakes for porter county sheriff 's department patrolman william marshall about a half a mile down the road from where he asked her to halt her vehicle .good was speeding and was driving at 54 mph in a 35 mph zone at 11:21 p.m.\"]\n", + "=======================\n", + "[\"delrea good of portage , indiana was charged with resisting arrest after she drove to a ` safe and well-lit area ' before pulling overporter county sheriff 's department patrolman william marshall arrested good because she was ` uncooperative 'marshall allegedly also accused her of having a controlled substance that turned out to be advil\"]\n", + "a nurse , 52 , who was driving by herself on a dark country road faces felony charges after she did n't immediately pull over for a cop because she did n't think it was a safe place to stop .delrea good of portage , indiana says that on march 23 she was charged with resisting arrest because she hit the brakes for porter county sheriff 's department patrolman william marshall about a half a mile down the road from where he asked her to halt her vehicle .good was speeding and was driving at 54 mph in a 35 mph zone at 11:21 p.m.\n", + "delrea good of portage , indiana was charged with resisting arrest after she drove to a ` safe and well-lit area ' before pulling overporter county sheriff 's department patrolman william marshall arrested good because she was ` uncooperative 'marshall allegedly also accused her of having a controlled substance that turned out to be advil\n", + "[1.2305939 1.3942814 1.1672853 1.2830627 1.2110999 1.1653265 1.1583275\n", + " 1.2432866 1.0780813 1.0567973 1.0610017 1.0702044 1.0246007 1.029527\n", + " 1.2238032 1.0351923 0. 0. 0. ]\n", + "\n", + "[ 1 3 7 0 14 4 2 5 6 8 11 10 9 15 13 12 17 16 18]\n", + "=======================\n", + "[\"defense attorney john waldron had filed a petition to have 14-year-old jamie silvonek returned to the juvenile facility where she was sent the day after the body of 54-year-old cheryl silvonek was discovered last month .adult jail : jamie silvonek , the eighth-grader accused of conspiring with her soldier boyfriend by text message to have her mother killed should remain in an adult jail while awaiting trial , a prosecutor saidjamie silvonek was sent to the county jail this month after she was charged as an adult and is in the women 's housing unit , away from older inmates , county officials said .\"]\n", + "=======================\n", + "[\"a prosecutor said that jamie silvonek , 14 , accused of conspiring with her soldier boyfriend to kill her mom should remain in an adult jailher boyfriend , 20-year-old caleb barnes , who is from el paso , texas , but was stationed at fort meade , maryland , is charged with homicidecheryl silvonek 's body was found stabbed in a shallow grave about 50 miles northwest of philadelphia` she threatened to throw me out of the house .\"]\n", + "defense attorney john waldron had filed a petition to have 14-year-old jamie silvonek returned to the juvenile facility where she was sent the day after the body of 54-year-old cheryl silvonek was discovered last month .adult jail : jamie silvonek , the eighth-grader accused of conspiring with her soldier boyfriend by text message to have her mother killed should remain in an adult jail while awaiting trial , a prosecutor saidjamie silvonek was sent to the county jail this month after she was charged as an adult and is in the women 's housing unit , away from older inmates , county officials said .\n", + "a prosecutor said that jamie silvonek , 14 , accused of conspiring with her soldier boyfriend to kill her mom should remain in an adult jailher boyfriend , 20-year-old caleb barnes , who is from el paso , texas , but was stationed at fort meade , maryland , is charged with homicidecheryl silvonek 's body was found stabbed in a shallow grave about 50 miles northwest of philadelphia` she threatened to throw me out of the house .\n", + "[1.4548813 1.254924 1.1438831 1.2112465 1.1048282 1.0636928 1.0764002\n", + " 1.0673423 1.03261 1.0961133 1.077713 1.0480121 1.0260185 1.0606312\n", + " 1.0752153 1.0399146 1.0193024 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 2 4 9 10 6 14 7 5 13 11 15 8 12 16 20 17 18 19 21]\n", + "=======================\n", + "['washington ( cnn ) this week is the 100th anniversary of what many historians acknowledge as the armenian genocide -- the turkish massacre of an estimated 1.5 million armeniansand it \\'s also the seventh year in a row president barack obama has broken his promise to use the word \" genocide \" to describe the atrocity .it \\'s a moral position taken by pope francis , actor george clooney and even by the kardashians .']\n", + "=======================\n", + "['obama promised armenian-americans he would call the atrocity genocide during the 2008 campaign .the white house views turkey as a more crucial ally than armenia .pope francis , actor george clooney , and even the kardashians have taken the moral position , calling it the armenian genocide .']\n", + "washington ( cnn ) this week is the 100th anniversary of what many historians acknowledge as the armenian genocide -- the turkish massacre of an estimated 1.5 million armeniansand it 's also the seventh year in a row president barack obama has broken his promise to use the word \" genocide \" to describe the atrocity .it 's a moral position taken by pope francis , actor george clooney and even by the kardashians .\n", + "obama promised armenian-americans he would call the atrocity genocide during the 2008 campaign .the white house views turkey as a more crucial ally than armenia .pope francis , actor george clooney , and even the kardashians have taken the moral position , calling it the armenian genocide .\n", + "[1.3923942 1.1468961 1.4421906 1.2757866 1.2793567 1.1665566 1.1431035\n", + " 1.0515016 1.0289408 1.022479 1.0379902 1.0351024 1.0303134 1.0529895\n", + " 1.0322505 1.0726477 1.0430006 1.0543742 1.0509974 1.0608573 1.1686076\n", + " 1.1191275]\n", + "\n", + "[ 2 0 4 3 20 5 1 6 21 15 19 17 13 7 18 16 10 11 14 12 8 9]\n", + "=======================\n", + "[\"kate temple was called a ` homewrecker ' by victim shelley williams who accused her of having an affair with her partner .the three women got into a scuffle and temple left the victim covered in blood after biting a chunk out of her ear .durham crown court heard how when temple and her sister louise scollen went to leave the charity event at dawdon cricket club in seaham , county durham the victim threw a drink over her .\"]\n", + "=======================\n", + "['victim shelley williams accused attacker of having affair with her partnerkate temple and sister louise scollen got into a scuffle with miss williamswilliams was left covered in blood after temple bit off a part of her earpolice found missing chunk the next day .']\n", + "kate temple was called a ` homewrecker ' by victim shelley williams who accused her of having an affair with her partner .the three women got into a scuffle and temple left the victim covered in blood after biting a chunk out of her ear .durham crown court heard how when temple and her sister louise scollen went to leave the charity event at dawdon cricket club in seaham , county durham the victim threw a drink over her .\n", + "victim shelley williams accused attacker of having affair with her partnerkate temple and sister louise scollen got into a scuffle with miss williamswilliams was left covered in blood after temple bit off a part of her earpolice found missing chunk the next day .\n", + "[1.3518339 1.3077283 1.1265893 1.0889413 1.1335672 1.1374365 1.1246517\n", + " 1.1932819 1.0754219 1.058227 1.1205074 1.0443697 1.040379 1.032361\n", + " 1.0808964 1.0885841 1.0736309 1.0415338 1.1277585 1.0618186 1.0483745\n", + " 0. ]\n", + "\n", + "[ 0 1 7 5 4 18 2 6 10 3 15 14 8 16 19 9 20 11 17 12 13 21]\n", + "=======================\n", + "[\"the philippine army has released new photographs of chinese construction work in disputed waters in the south china sea as it launched giant war games with the united states involving 11,500 personnel that were partly aimed at warning china .he said recently that china 's actions in the region could lead to military conflict .aquino is set to ask southeast asian leaders to issue a collective\"]\n", + "=======================\n", + "[\"philippines voiced alarm about chinese ` aggressiveness ' in the south china sea ahead of war games with the uspresident benigno aquino set to ask southeast asian leaders to issue collective denouncement of china 's activitiesthe aerial images show recent chinese construction over seven reefs and shoals in the spratly archipelago` concern is that the installations will give the chinese the ability to project force much better ' - rusi expert\"]\n", + "the philippine army has released new photographs of chinese construction work in disputed waters in the south china sea as it launched giant war games with the united states involving 11,500 personnel that were partly aimed at warning china .he said recently that china 's actions in the region could lead to military conflict .aquino is set to ask southeast asian leaders to issue a collective\n", + "philippines voiced alarm about chinese ` aggressiveness ' in the south china sea ahead of war games with the uspresident benigno aquino set to ask southeast asian leaders to issue collective denouncement of china 's activitiesthe aerial images show recent chinese construction over seven reefs and shoals in the spratly archipelago` concern is that the installations will give the chinese the ability to project force much better ' - rusi expert\n", + "[1.3995194 1.2444524 1.3327672 1.6175858 1.1451505 1.0761257 1.0198486\n", + " 1.0194453 1.0178493 1.0155196 1.0204211 1.0185881 1.0198388 1.0185447\n", + " 1.2306542 1.0138323 1.0151292 1.0153509 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 0 2 1 14 4 5 10 6 12 7 11 13 8 9 17 16 15 20 18 19 21]\n", + "=======================\n", + "['inverness defender josh meekings will be allowed to appear in scottish cup final after his ban was dismissedjohn hughes has revealed how he came within a heartbeat of stepping down from his job at inverness as the josh meekings controversy went into overdrive this week .keen cyclist hughes set off on a lonely bike ride after hearing meekings had been cited for the handball missed by officials in the semi-final against celtic , and admits his head was in a spin over an affair that has dominated the back-page headlines since last sunday .']\n", + "=======================\n", + "['inverness defender josh meekings has won appeal against one-match banthe 22-year-old was offered one-game suspension following incidenthowever , an independent judicial panel tribunal overturned decisioninverness reached the scottish cup final with 3-2 win over celtic']\n", + "inverness defender josh meekings will be allowed to appear in scottish cup final after his ban was dismissedjohn hughes has revealed how he came within a heartbeat of stepping down from his job at inverness as the josh meekings controversy went into overdrive this week .keen cyclist hughes set off on a lonely bike ride after hearing meekings had been cited for the handball missed by officials in the semi-final against celtic , and admits his head was in a spin over an affair that has dominated the back-page headlines since last sunday .\n", + "inverness defender josh meekings has won appeal against one-match banthe 22-year-old was offered one-game suspension following incidenthowever , an independent judicial panel tribunal overturned decisioninverness reached the scottish cup final with 3-2 win over celtic\n", + "[1.2473444 1.3543398 1.2861662 1.2867761 1.1481254 1.2001833 1.0566041\n", + " 1.15272 1.1931959 1.1047962 1.0821987 1.0334258 1.0509425 1.0577713\n", + " 1.0420862 1.0973213 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 5 8 7 4 9 15 10 13 6 12 14 11 16 17 18 19 20 21]\n", + "=======================\n", + "['the italian , who spent four years in prison after previously being found guilty of the murder of surrey-born meredith , 21 , in 2007 , is said to be looking at compensation .raffaele sollecito was seen shopping for lingerie two weeks after he was cleared of killing british student meredith kerchermr sollecito ( pictured ) and his former lover , american amanda knox were both acquitted in late march ending a legal process which lasted more than seven years']\n", + "=======================\n", + "['raffaele sollecito pictured shopping for lingerie in a clothes shop in romecleared in march of killing the british student meredith kercher , 21 , in 2007italian , 31 , and american amanda knox , 27 , both acquitted two weeks agoknox and sollecito reportedly planning to seek compensation for time wrongly spent in prison']\n", + "the italian , who spent four years in prison after previously being found guilty of the murder of surrey-born meredith , 21 , in 2007 , is said to be looking at compensation .raffaele sollecito was seen shopping for lingerie two weeks after he was cleared of killing british student meredith kerchermr sollecito ( pictured ) and his former lover , american amanda knox were both acquitted in late march ending a legal process which lasted more than seven years\n", + "raffaele sollecito pictured shopping for lingerie in a clothes shop in romecleared in march of killing the british student meredith kercher , 21 , in 2007italian , 31 , and american amanda knox , 27 , both acquitted two weeks agoknox and sollecito reportedly planning to seek compensation for time wrongly spent in prison\n", + "[1.4555869 1.4075117 1.2218674 1.425867 1.300741 1.0798126 1.0164388\n", + " 1.0230163 1.1212912 1.2404879 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 9 2 8 5 7 6 18 17 16 15 10 13 12 11 19 14 20]\n", + "=======================\n", + "[\"manchester united target miranda has revealed his delight at being linked with a move to louis van gaal 's side but insists he is keen on staying at atletico madrid .manchester united are said to be keeping a close eye on atletico madrid defender mirandamiranda has started brazil 's last eight matches since narrowly missing out on a chance of representing his country at the 2014 world cup .\"]\n", + "=======================\n", + "[\"miranda has been linked with a summer move to manchester unitedhowever the brazilian centre back is keen on staying at atletico madridmiranda has said he is ` proud ' to be on louis van gaal 's radar\"]\n", + "manchester united target miranda has revealed his delight at being linked with a move to louis van gaal 's side but insists he is keen on staying at atletico madrid .manchester united are said to be keeping a close eye on atletico madrid defender mirandamiranda has started brazil 's last eight matches since narrowly missing out on a chance of representing his country at the 2014 world cup .\n", + "miranda has been linked with a summer move to manchester unitedhowever the brazilian centre back is keen on staying at atletico madridmiranda has said he is ` proud ' to be on louis van gaal 's radar\n", + "[1.1745499 1.3991969 1.1758924 1.1853794 1.2164855 1.1544132 1.1157413\n", + " 1.0603818 1.1648381 1.0966815 1.0943574 1.0426431 1.0275073 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 2 0 8 5 6 9 10 7 11 12 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "['it was claimed that takako konishi had believed the film fargo was real - after all the hit movie begins with the words ` this is a true story - when she was found dead in a mini-skirt and high-heeled boots in the frozen wastes of minnesota just days after arriving .this was all confirmed by a police officer from the small town of detroit lakes , who said he had spoken to the 28-year-old shortly after she turned up .nearly 15 years ago an amazing story emerged of how a young japanese woman had travelled half-way across the world to try and find a suitcase stuffed with $ 1m dollars that had been buried in the snow .']\n", + "=======================\n", + "[\"movie tells the incredible story of takako konishi , found frozen to deathbody was found in detroit lakes , 50 miles from fargo , in november 2001policeman she met thought she had been searching for suitcase of cashsteve buscemi 's crook buried one in the snow in 1996 coen brothers filmrumour spread that takako , 28 , had tragically taken the tall tale to be truekumiko , the treasure hunter tells story of this amazing version of events\"]\n", + "it was claimed that takako konishi had believed the film fargo was real - after all the hit movie begins with the words ` this is a true story - when she was found dead in a mini-skirt and high-heeled boots in the frozen wastes of minnesota just days after arriving .this was all confirmed by a police officer from the small town of detroit lakes , who said he had spoken to the 28-year-old shortly after she turned up .nearly 15 years ago an amazing story emerged of how a young japanese woman had travelled half-way across the world to try and find a suitcase stuffed with $ 1m dollars that had been buried in the snow .\n", + "movie tells the incredible story of takako konishi , found frozen to deathbody was found in detroit lakes , 50 miles from fargo , in november 2001policeman she met thought she had been searching for suitcase of cashsteve buscemi 's crook buried one in the snow in 1996 coen brothers filmrumour spread that takako , 28 , had tragically taken the tall tale to be truekumiko , the treasure hunter tells story of this amazing version of events\n", + "[1.3175697 1.4672453 1.1889533 1.2628558 1.1355724 1.083126 1.1192707\n", + " 1.1525464 1.1140445 1.0503796 1.0570223 1.0411125 1.0402147 1.1334039\n", + " 1.1223972 1.0679609 1.0258894 1.0512834 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 7 4 13 14 6 8 5 15 10 17 9 11 12 16 19 18 20]\n", + "=======================\n", + "[\"dina talaat put on a spectacular show at the opening ceremony of the confederation of african football 's ( caf ) ordinary general assembly in cairo .egyptian officials left an african football event early after they were offended by a belly dancing performance .but delegates from the country including khaled abdel aziz , egyptian minister of youth and sports , stayed in an adjoining hall inside the hotel until the end of the performance , it was claimed .\"]\n", + "=======================\n", + "[\"performance was at confederation of african football 's event in cairodancer dina talaat said she does not know what all the fuss is about\"]\n", + "dina talaat put on a spectacular show at the opening ceremony of the confederation of african football 's ( caf ) ordinary general assembly in cairo .egyptian officials left an african football event early after they were offended by a belly dancing performance .but delegates from the country including khaled abdel aziz , egyptian minister of youth and sports , stayed in an adjoining hall inside the hotel until the end of the performance , it was claimed .\n", + "performance was at confederation of african football 's event in cairodancer dina talaat said she does not know what all the fuss is about\n", + "[1.4650677 1.085732 1.0738896 1.517597 1.2843455 1.1888171 1.0599364\n", + " 1.0807126 1.0502284 1.1136739 1.0655459 1.0397191 1.1165049 1.0317848\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 4 5 12 9 1 7 2 10 6 8 11 13 19 14 15 16 17 18 20]\n", + "=======================\n", + "['nico rosberg ( pictured ) got the better of mercedes team-mate lewis hamilton in bahrain second practicea small mistake from lewis hamilton allowed mercedes team-mate nico rosberg to gain the upper hand in second practice for the bahrain grand prix .rosberg was slower in sectors one and two of fp2 but a mistake from hamilton gifted him first place']\n", + "=======================\n", + "['nico rosberg and lewis hamilton were 15th and 16th in fp1they came to the fore in fp1 , finishing first and second respectivelyhamilton was faster than rosberg in sectors one and two , but a lock-up in sector three cost him four tenths of a secondsebastian vettel had problems throughout the day , and his car was clipped by sergio perez in fp2 , ripping off his front-wing endplate on the left side']\n", + "nico rosberg ( pictured ) got the better of mercedes team-mate lewis hamilton in bahrain second practicea small mistake from lewis hamilton allowed mercedes team-mate nico rosberg to gain the upper hand in second practice for the bahrain grand prix .rosberg was slower in sectors one and two of fp2 but a mistake from hamilton gifted him first place\n", + "nico rosberg and lewis hamilton were 15th and 16th in fp1they came to the fore in fp1 , finishing first and second respectivelyhamilton was faster than rosberg in sectors one and two , but a lock-up in sector three cost him four tenths of a secondsebastian vettel had problems throughout the day , and his car was clipped by sergio perez in fp2 , ripping off his front-wing endplate on the left side\n", + "[1.2902329 1.3039123 1.1288933 1.1320363 1.1903558 1.0723767 1.1385927\n", + " 1.1976926 1.0983132 1.0525697 1.0155756 1.025268 1.0163698 1.0144073\n", + " 1.0268219 1.0687639 1.3229461 1.1118641 1.0578818 1.02225 1.0147377]\n", + "\n", + "[16 1 0 7 4 6 3 2 17 8 5 15 18 9 14 11 19 12 10 20 13]\n", + "=======================\n", + "[\"selby ( above ) will face tournament debutant kurt maflin in the first round on saturdaythe world champion will have to negotiate both if he is to make history in sheffield .the crucible curse will be one weight on the mind of mark selby on saturday , but the mercurial talents of a debutant capable of ` absolutely murdering anybody ' will be another altogether .\"]\n", + "=======================\n", + "['mark selby plays kurt maflin in first round of the world championnshipselby is the defending champion but no first-time winner has retained itjimmy white told sportsmail maflin can beat anyone on his day']\n", + "selby ( above ) will face tournament debutant kurt maflin in the first round on saturdaythe world champion will have to negotiate both if he is to make history in sheffield .the crucible curse will be one weight on the mind of mark selby on saturday , but the mercurial talents of a debutant capable of ` absolutely murdering anybody ' will be another altogether .\n", + "mark selby plays kurt maflin in first round of the world championnshipselby is the defending champion but no first-time winner has retained itjimmy white told sportsmail maflin can beat anyone on his day\n", + "[1.2074497 1.4293659 1.2669327 1.2605901 1.2495837 1.1011813 1.0634949\n", + " 1.1391743 1.0401857 1.0442288 1.05907 1.0245615 1.1931105 1.0389496\n", + " 1.0232165 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 12 7 5 6 10 9 8 13 11 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"the daily mirror published sensational pictures of the hatton garden raiders 21 hours before scotland yard released them in a bid to appeal for information about identities of the thieves .the tabloid claims it handed the images to police , who were ` delighted ' , according to a report today in its sister title the sunday mirror , with an apparent source saying it ` blows the case wide open ' .but yesterday afternoon detectives insisted they already had the cctv footage , which they claim was recovered ` at the earliest opportunity ' .\"]\n", + "=======================\n", + "[\"daily mirror published the first pictures of the six thieves on saturdayscotland yard finally released images of only three raiders 21 hours laterformer flying squad chief said he ` has never heard of anything like this 'seemingly conflicting claims over who had footage first emerge\"]\n", + "the daily mirror published sensational pictures of the hatton garden raiders 21 hours before scotland yard released them in a bid to appeal for information about identities of the thieves .the tabloid claims it handed the images to police , who were ` delighted ' , according to a report today in its sister title the sunday mirror , with an apparent source saying it ` blows the case wide open ' .but yesterday afternoon detectives insisted they already had the cctv footage , which they claim was recovered ` at the earliest opportunity ' .\n", + "daily mirror published the first pictures of the six thieves on saturdayscotland yard finally released images of only three raiders 21 hours laterformer flying squad chief said he ` has never heard of anything like this 'seemingly conflicting claims over who had footage first emerge\n", + "[1.2122651 1.2127607 1.2361025 1.1813304 1.2995102 1.2495108 1.1031643\n", + " 1.0640987 1.0566696 1.063373 1.0588431 1.1478822 1.0700455 1.0119606\n", + " 1.0712345 1.118559 1.0491048 1.1330607 1.0136545 1.0147716 0.\n", + " 0. 0. ]\n", + "\n", + "[ 4 5 2 1 0 3 11 17 15 6 14 12 7 9 10 8 16 19 18 13 21 20 22]\n", + "=======================\n", + "[\"cracking the code : lanarkshire police has urged anyone who has seen these symbols on their properties to call themso far the code has only been spotted in east kilbride , lanarkshire , where ` x ' marks were daubed on several garden sheds .but the squiggles are actually thought to be a ` code ' for crooks , giving potential housebreakers details about the building , such as whether it is a good target or has an alarm , or been targeted before successfully .\"]\n", + "=======================\n", + "[\"` x ' marks have been spotted on garden sheds in east kilbride , lanarkshireother codes suggest occupant is vulnerable or that property has an alarmanother mark tells burglars if there is nothing worth stealing in the building\"]\n", + "cracking the code : lanarkshire police has urged anyone who has seen these symbols on their properties to call themso far the code has only been spotted in east kilbride , lanarkshire , where ` x ' marks were daubed on several garden sheds .but the squiggles are actually thought to be a ` code ' for crooks , giving potential housebreakers details about the building , such as whether it is a good target or has an alarm , or been targeted before successfully .\n", + "` x ' marks have been spotted on garden sheds in east kilbride , lanarkshireother codes suggest occupant is vulnerable or that property has an alarmanother mark tells burglars if there is nothing worth stealing in the building\n", + "[1.2000438 1.5321863 1.3337855 1.3571544 1.1854432 1.0570067 1.0408207\n", + " 1.0395311 1.1998783 1.0880793 1.0738473 1.06279 1.0166603 1.0310766\n", + " 1.0582702 1.0535816 1.056868 1.0513372 1.0369338 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 0 8 4 9 10 11 14 5 16 15 17 6 7 18 13 12 21 19 20 22]\n", + "=======================\n", + "['evnika saadvakass , from kazakhstan , became a youtube sensation when she was five-years-old after she was filmed throwing around 100 punches in less than two minutes .the video was viewed around three million times and now two years on the young girl has returned to update the world on her progress .an eight-year-old girl showed off her hand speed and overall boxing prowess while completing a pad work drill with her father .']\n", + "=======================\n", + "[\"evnika saadvakass became a youtube sensation at five-years-oldeight-year-old 's work rate is relentless in the 40-second long videoshows no sign of tiring as she unleashes combination punches\"]\n", + "evnika saadvakass , from kazakhstan , became a youtube sensation when she was five-years-old after she was filmed throwing around 100 punches in less than two minutes .the video was viewed around three million times and now two years on the young girl has returned to update the world on her progress .an eight-year-old girl showed off her hand speed and overall boxing prowess while completing a pad work drill with her father .\n", + "evnika saadvakass became a youtube sensation at five-years-oldeight-year-old 's work rate is relentless in the 40-second long videoshows no sign of tiring as she unleashes combination punches\n", + "[1.5268377 1.4130607 1.3361673 1.2543572 1.037546 1.0154572 1.0190296\n", + " 1.0269233 1.1331306 1.2034128 1.0990429 1.2307305 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 3 11 9 8 10 4 7 6 5 20 19 18 17 13 15 14 12 21 16 22]\n", + "=======================\n", + "[\"england coach john peacock has named his squad for next month 's uefa european under-17 championship in bulgaria .the young lions are the defending champions , having beaten holland on penalties in the final last year , and progressed to this edition with a 100 per cent record in qualifying .they have been placed in group d alongside holland , italy and the republic of ireland this time around and will open their campaign against italy in burgas on may 7 .\"]\n", + "=======================\n", + "[\"england are reigning champions having beaten holland in last year 's finalthe young lions have been placed in group d of the tournamentengland will compete against holland , italy and the republic of ireland\"]\n", + "england coach john peacock has named his squad for next month 's uefa european under-17 championship in bulgaria .the young lions are the defending champions , having beaten holland on penalties in the final last year , and progressed to this edition with a 100 per cent record in qualifying .they have been placed in group d alongside holland , italy and the republic of ireland this time around and will open their campaign against italy in burgas on may 7 .\n", + "england are reigning champions having beaten holland in last year 's finalthe young lions have been placed in group d of the tournamentengland will compete against holland , italy and the republic of ireland\n", + "[1.3453767 1.3728349 1.0474765 1.04569 1.2623101 1.1509895 1.0291989\n", + " 1.3907375 1.0962281 1.0725136 1.1023192 1.0485218 1.0592225 1.1043469\n", + " 1.0901996 1.0533826 1.0382293 1.0804728 1.1498833 1.015696 1.0413674\n", + " 1.0328271 1.0523558]\n", + "\n", + "[ 7 1 0 4 5 18 13 10 8 14 17 9 12 15 22 11 2 3 20 16 21 6 19]\n", + "=======================\n", + "['24-year-old krista dotzenrod from minnesota not only caught the foul ball hit at the game pitting the cubs against padres , but then chugged the beer in celebrationa chicago cubs fan managed to catch a foul ball in her cup of beer during a game against the san diego padres on saturday afternoon .prime position : ms. dotzenrod said she was sitting in her seats in the second row near third base']\n", + "=======================\n", + "[\"a chicago cubs fan enjoyed a beer with a hint of baseball at wrigley fieldthe 24-year-old caught a foul ball in her drink during saturday 's game\"]\n", + "24-year-old krista dotzenrod from minnesota not only caught the foul ball hit at the game pitting the cubs against padres , but then chugged the beer in celebrationa chicago cubs fan managed to catch a foul ball in her cup of beer during a game against the san diego padres on saturday afternoon .prime position : ms. dotzenrod said she was sitting in her seats in the second row near third base\n", + "a chicago cubs fan enjoyed a beer with a hint of baseball at wrigley fieldthe 24-year-old caught a foul ball in her drink during saturday 's game\n", + "[1.1727412 1.48711 1.1605028 1.424979 1.2252903 1.1241376 1.1271384\n", + " 1.1463214 1.076852 1.0193914 1.0178639 1.0570942 1.0929855 1.0792241\n", + " 1.0161341 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 4 0 2 7 6 5 12 13 8 11 9 10 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"downton was fired by new ecb chief executive tom harrison , in conjunction with chairman-elect colin graves , after a ring-round to each of the 14 members of the governing body 's management board ahead of their spring meeting today .paul downton has left his role as managing director of england and wales cricket boardthe decision to sack a man who has endured a traumatic 14 months since succeeding hugh morris after england 's ashes whitewash was unanimous , with one board member saying downton was just ` too accident prone ' .\"]\n", + "=======================\n", + "[\"paul downton loses job as england and wales cricket board 's managing director of cricket after a little more than a year in the jobchief executive of ecb , tom harrison , announced changes to the structuredownton 's job description has been abolished as a resultmichael vaughan immediately said he would like to speak to the ecb about the newly created job of director of england cricketfellow former skipper andrew strauss is another possible candidate\"]\n", + "downton was fired by new ecb chief executive tom harrison , in conjunction with chairman-elect colin graves , after a ring-round to each of the 14 members of the governing body 's management board ahead of their spring meeting today .paul downton has left his role as managing director of england and wales cricket boardthe decision to sack a man who has endured a traumatic 14 months since succeeding hugh morris after england 's ashes whitewash was unanimous , with one board member saying downton was just ` too accident prone ' .\n", + "paul downton loses job as england and wales cricket board 's managing director of cricket after a little more than a year in the jobchief executive of ecb , tom harrison , announced changes to the structuredownton 's job description has been abolished as a resultmichael vaughan immediately said he would like to speak to the ecb about the newly created job of director of england cricketfellow former skipper andrew strauss is another possible candidate\n", + "[1.2018523 1.3860753 1.316986 1.3856546 1.1556346 1.0980123 1.0312701\n", + " 1.06019 1.0473398 1.1880832 1.1275698 1.093805 1.0090976 1.0163835\n", + " 1.0861872 1.0793525 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 9 4 10 5 11 14 15 7 8 6 13 12 20 16 17 18 19 21]\n", + "=======================\n", + "[\"the family of evita nicole sarmonikas arrived back in sydney on tuesday from mexico where they flew on a mission to bring her body home , after being pressured to have her remains created before an official autopsy could be carried out following her death in march this year .it has now been revealed dr victor ramirez , of the hospital quirurgico del valle in mexicali , the capital city of the mexican state of baja california , operated on roseann falcon ornelas in 2014 .the plastic surgeon who gave a ` brazilian butt lift ' to a young australian tourist who died during the procedure lost another patient just a year before her tragic death , it has been revealed .\"]\n", + "=======================\n", + "[\"evita sarmonikas , 29 , died in mexico in mexico after undergoing a ` butt lift 'the doctor who performed the procedure had another patient die in 2013ms sarmonikas ' family ordered an independent autopsy on her bodythey said it revealed inconsistencies with the report which said she died of cardiac arrestthe family raised funds to bring her body back to australiathe ama has warned against having procedures in developing nations\"]\n", + "the family of evita nicole sarmonikas arrived back in sydney on tuesday from mexico where they flew on a mission to bring her body home , after being pressured to have her remains created before an official autopsy could be carried out following her death in march this year .it has now been revealed dr victor ramirez , of the hospital quirurgico del valle in mexicali , the capital city of the mexican state of baja california , operated on roseann falcon ornelas in 2014 .the plastic surgeon who gave a ` brazilian butt lift ' to a young australian tourist who died during the procedure lost another patient just a year before her tragic death , it has been revealed .\n", + "evita sarmonikas , 29 , died in mexico in mexico after undergoing a ` butt lift 'the doctor who performed the procedure had another patient die in 2013ms sarmonikas ' family ordered an independent autopsy on her bodythey said it revealed inconsistencies with the report which said she died of cardiac arrestthe family raised funds to bring her body back to australiathe ama has warned against having procedures in developing nations\n", + "[1.2732211 1.4064261 1.3153117 1.3481946 1.1361715 1.1798658 1.1175182\n", + " 1.0165881 1.0326711 1.0261463 1.0599254 1.0193646 1.022968 1.0261037\n", + " 1.0401268 1.0584377 1.0406125 1.0319281 1.1112931 1.0267875 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 5 4 6 18 10 15 16 14 8 17 19 9 13 12 11 7 20 21]\n", + "=======================\n", + "[\"native american actors appearing in the ridiculous 6 , a spoof of the magnificent seven that stars and was written by sandler , left the set after they became offended by the script 's jokes about their race and culture .it was so bad in fact that even the cultural adviser for the movie , which is filming in new mexico , walked off the set .loren anthony ( above with nick nolte in the background ) was one of the extras who walked off set\"]\n", + "=======================\n", + "[\"a dozen native american extras and the cultural adviser walked off the set of adam sandler 's new movie on wednesdaythe film , the ridiculous 6 , is a spoof of the magnificent seven that is being made for netflixone extra who walked off claims that the production crew and director ignored their complaints about offensive jokesthis included inaccurate costumes and referring to one woman as ` beaver 's breath 'the film also stars nick nolte , steve buscemi , blake shelton and taylor lautner , who has previously said he has distant native american ancestrynetflix said in a statement ; ` it is a broad satire of western movies and the stereotypes they popularized , featuring a diverse cast that is not only part of - but in on - the joke '\"]\n", + "native american actors appearing in the ridiculous 6 , a spoof of the magnificent seven that stars and was written by sandler , left the set after they became offended by the script 's jokes about their race and culture .it was so bad in fact that even the cultural adviser for the movie , which is filming in new mexico , walked off the set .loren anthony ( above with nick nolte in the background ) was one of the extras who walked off set\n", + "a dozen native american extras and the cultural adviser walked off the set of adam sandler 's new movie on wednesdaythe film , the ridiculous 6 , is a spoof of the magnificent seven that is being made for netflixone extra who walked off claims that the production crew and director ignored their complaints about offensive jokesthis included inaccurate costumes and referring to one woman as ` beaver 's breath 'the film also stars nick nolte , steve buscemi , blake shelton and taylor lautner , who has previously said he has distant native american ancestrynetflix said in a statement ; ` it is a broad satire of western movies and the stereotypes they popularized , featuring a diverse cast that is not only part of - but in on - the joke '\n", + "[1.2195834 1.4280477 1.3400449 1.326194 1.3261724 1.1946996 1.1273282\n", + " 1.0713602 1.2107756 1.0619437 1.0764709 1.019899 1.0298502 1.0143898\n", + " 1.0086442 1.0089378 1.0164162 1.0128106 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 4 0 8 5 6 10 7 9 12 11 16 13 17 15 14 20 18 19 21]\n", + "=======================\n", + "[\"kevin morton gave his son kye backhouse an extremely strong painkiller , a court heard - a mistake which he says he will ` have to try and live with it for the rest of my life ' .he could now face jail after pleading guilty to manslaughter over the teenager 's death at preston crown court .` happy-go-lucky ' kye was found dead at his home in barrow-in-furness , cumbria in october last year .\"]\n", + "=======================\n", + "['kevin morton gave kye backhouse a strong painkiller when he was illthe teenager subsequently died and his father has admitted manslaughtermorton , 49 , faces jail when he is sentenced next month']\n", + "kevin morton gave his son kye backhouse an extremely strong painkiller , a court heard - a mistake which he says he will ` have to try and live with it for the rest of my life ' .he could now face jail after pleading guilty to manslaughter over the teenager 's death at preston crown court .` happy-go-lucky ' kye was found dead at his home in barrow-in-furness , cumbria in october last year .\n", + "kevin morton gave kye backhouse a strong painkiller when he was illthe teenager subsequently died and his father has admitted manslaughtermorton , 49 , faces jail when he is sentenced next month\n", + "[1.0895795 1.3401572 1.201051 1.2187474 1.1868747 1.1689997 1.0920469\n", + " 1.1884359 1.1733838 1.0180452 1.1612817 1.1005323 1.0712776 1.0293882\n", + " 1.0113288 1.0143865 1.0108682 1.0938257 1.0108721 1.0112226 1.0119284\n", + " 1.01454 ]\n", + "\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[ 1 3 2 7 4 8 5 10 11 17 6 0 12 13 9 21 15 20 14 19 18 16]\n", + "=======================\n", + "['almost one of every three miami-dade county residents living in poverty is under 18 , according to the department of regulatory and economic resources .those at-risk children are ones that chad bernstein is trying to help through his nonprofit , guitars over guns .many schools face high dropout rates , after-school programs are being eliminated and students are failing .']\n", + "=======================\n", + "['cnn hero chad bernstein started music program that helps at-risk middle school studentsnonprofit group guitars over guns pairs miami-area kids with professional musician mentorsdo you know a hero ?']\n", + "almost one of every three miami-dade county residents living in poverty is under 18 , according to the department of regulatory and economic resources .those at-risk children are ones that chad bernstein is trying to help through his nonprofit , guitars over guns .many schools face high dropout rates , after-school programs are being eliminated and students are failing .\n", + "cnn hero chad bernstein started music program that helps at-risk middle school studentsnonprofit group guitars over guns pairs miami-area kids with professional musician mentorsdo you know a hero ?\n", + "[1.4034398 1.1320575 1.4564524 1.2435384 1.2444208 1.1613185 1.0955676\n", + " 1.0969082 1.0855623 1.0456823 1.0405153 1.0353932 1.1196557 1.1153393\n", + " 1.073193 1.0476305 1.0283822 1.048648 1.0398091 1.0666986]\n", + "\n", + "[ 2 0 4 3 5 1 12 13 7 6 8 14 19 17 15 9 10 18 11 16]\n", + "=======================\n", + "[\"kelli jo bauer , 45 , was arrested at her kansas city home after undercover officers visited her and were allegedly shown dozens of clothes , many still with tags of them , that she was selling .she has been accused of theft , according to documents filed in johnson county district court .bauer , who lives in a $ 900,000 home in overland park had advertised more than 1,000 items of high-end women 's clothing on facebook , including dozens of fake designer handbags .\"]\n", + "=======================\n", + "[\"kelli jo bauer , 43 , is accused of stealing fake designer clothes and bagsundercover police officers saw her advertising clothes to sell on facebookthey went to her $ 900,000 home where she allegedly tried to sell clothes and handbagsbauer allegedly told officers she is a shopping addictshe said she was selling the clothes because she 'd lost weight and they no longer fit\"]\n", + "kelli jo bauer , 45 , was arrested at her kansas city home after undercover officers visited her and were allegedly shown dozens of clothes , many still with tags of them , that she was selling .she has been accused of theft , according to documents filed in johnson county district court .bauer , who lives in a $ 900,000 home in overland park had advertised more than 1,000 items of high-end women 's clothing on facebook , including dozens of fake designer handbags .\n", + "kelli jo bauer , 43 , is accused of stealing fake designer clothes and bagsundercover police officers saw her advertising clothes to sell on facebookthey went to her $ 900,000 home where she allegedly tried to sell clothes and handbagsbauer allegedly told officers she is a shopping addictshe said she was selling the clothes because she 'd lost weight and they no longer fit\n", + "[1.4386444 1.3248532 1.2480285 1.3258791 1.1608754 1.116086 1.0377825\n", + " 1.0126761 1.018251 1.0738049 1.0952889 1.0409156 1.0488044 1.0383086\n", + " 1.151017 1.1205641 1.0751277 1.2221415 1.0294461 1.0145056]\n", + "\n", + "[ 0 3 1 2 17 4 14 15 5 10 16 9 12 11 13 6 18 8 19 7]\n", + "=======================\n", + "['retiring ap mccoy has confirmed he will ride to the final race at sandown on saturday if he can secure mounts .there had been speculation that the soon-to-be-crowned 20-time champion jockey would end his career after riding in the ap mccoy celebration chase , in which he definitely partners mr mole , or the feature bet365 gold cup .but there is now a good chance his final mount as a professional jockey will come in the handicap hurdle run at 5.35 .']\n", + "=======================\n", + "['ap mccoy takes his final rides before retirement at sandown racecoursejockey is hoping to ride all the way to the end if he gains extra ridesit had been thought mccoy would retire after the bet365 gold cup featurebut , the 19-time champion is hoping to secure himself further mounts']\n", + "retiring ap mccoy has confirmed he will ride to the final race at sandown on saturday if he can secure mounts .there had been speculation that the soon-to-be-crowned 20-time champion jockey would end his career after riding in the ap mccoy celebration chase , in which he definitely partners mr mole , or the feature bet365 gold cup .but there is now a good chance his final mount as a professional jockey will come in the handicap hurdle run at 5.35 .\n", + "ap mccoy takes his final rides before retirement at sandown racecoursejockey is hoping to ride all the way to the end if he gains extra ridesit had been thought mccoy would retire after the bet365 gold cup featurebut , the 19-time champion is hoping to secure himself further mounts\n", + "[1.1869107 1.3703564 1.3343189 1.2114257 1.1549853 1.1122591 1.0486665\n", + " 1.0472618 1.0680869 1.0870453 1.0955483 1.1558163 1.0969899 1.032368\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 11 4 5 12 10 9 8 6 7 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"a manual for the party 's supporters urges them to appear ` level headed ' and ` agreeable ' -- and even encourages them to compliment people 's homes .the advice , which has been distributed among green campaigners in london , also provides stock answers to ease voters ' concerns about their radical plans to dismantle the army , legalise drugs and pay everybody # 72 a week no matter how rich they are .green party activists have been told to dress in ` mainstream ' fashion while knocking on doors in a bid to win over sceptical voters .\"]\n", + "=======================\n", + "[\"green party activists have been told to dress in ` mainstream ' fashiona manual for the party 's supporters urges them to appear ` level headed 'the advice has been distributed among green campaigners in londonprovides stock answers to ease voters ' concerns about their radical plans\"]\n", + "a manual for the party 's supporters urges them to appear ` level headed ' and ` agreeable ' -- and even encourages them to compliment people 's homes .the advice , which has been distributed among green campaigners in london , also provides stock answers to ease voters ' concerns about their radical plans to dismantle the army , legalise drugs and pay everybody # 72 a week no matter how rich they are .green party activists have been told to dress in ` mainstream ' fashion while knocking on doors in a bid to win over sceptical voters .\n", + "green party activists have been told to dress in ` mainstream ' fashiona manual for the party 's supporters urges them to appear ` level headed 'the advice has been distributed among green campaigners in londonprovides stock answers to ease voters ' concerns about their radical plans\n", + "[1.20522 1.3732796 1.1486496 1.1953405 1.2709361 1.1206142 1.1602526\n", + " 1.0496914 1.0854235 1.1251476 1.0488428 1.0462317 1.0540658 1.0971372\n", + " 1.0862365 1.1372099 1.0383723 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 3 6 2 15 9 5 13 14 8 12 7 10 11 16 18 17 19]\n", + "=======================\n", + "[\"speaking for the first time since jordan brennan 's killer was jailed for eight months for manslaughter , kim reveals how her son was a ` cheeky chappy ' and ` lots of fun ' , and would ` dance and sing all the time .jordan 's heartbroken mum , kim , 43 , said : ` jordan loved dancing -- and he was killed because of it . 'a 17-year-old boy who was killed after breaking out into gangnam style dancing in his local corner shop had aspirations of going on britain 's got talent , his heartbroken mother has revealed .\"]\n", + "=======================\n", + "[\"jordan brennan , 17 , died after being attacked in a manchester corner shophe was assaulted by teen who thought his ethnicity was being mockedthe killer , now 17 , was jailed for eight months after admitting manslaughterjordan 's mother , kim , says the sentence is an insult to her son 's memory\"]\n", + "speaking for the first time since jordan brennan 's killer was jailed for eight months for manslaughter , kim reveals how her son was a ` cheeky chappy ' and ` lots of fun ' , and would ` dance and sing all the time .jordan 's heartbroken mum , kim , 43 , said : ` jordan loved dancing -- and he was killed because of it . 'a 17-year-old boy who was killed after breaking out into gangnam style dancing in his local corner shop had aspirations of going on britain 's got talent , his heartbroken mother has revealed .\n", + "jordan brennan , 17 , died after being attacked in a manchester corner shophe was assaulted by teen who thought his ethnicity was being mockedthe killer , now 17 , was jailed for eight months after admitting manslaughterjordan 's mother , kim , says the sentence is an insult to her son 's memory\n", + "[1.104854 1.1670314 1.100667 1.1137602 1.0660325 1.5058994 1.3421891\n", + " 1.230561 1.0689229 1.0467981 1.020199 1.0157382 1.014043 1.0125515\n", + " 1.012745 1.0130293 1.0243526 0. 0. 0. ]\n", + "\n", + "[ 5 6 7 1 3 0 2 8 4 9 16 10 11 12 15 14 13 17 18 19]\n", + "=======================\n", + "[\"jermain defoe ( centre ) connects beautifully with a left-footed volley to fire sunderland into a 1-0 lead against newcastle unitednewcastle goalkeeper tim krul was unable to do anything about defoe 's 45th-minute strike as he watches it fly into the netthe 32-year-old watches on as the strike - his third for sunderland - flies over krul in the magpies goal\"]\n", + "=======================\n", + "['sunderland earn 1-0 tyne-wear derby victory against newcastle at the stadium of lightjermain defoe gives black cats the lead with stunning left-footed volley before half-timeformer tottenham striker scores his third sunderland goal in hard-fought win for the home sidesunderland boss dick advocaat earns his first tyne-wear derby victoryblack cats are unbeaten in their last seven barclays premier league games against newcastle united']\n", + "jermain defoe ( centre ) connects beautifully with a left-footed volley to fire sunderland into a 1-0 lead against newcastle unitednewcastle goalkeeper tim krul was unable to do anything about defoe 's 45th-minute strike as he watches it fly into the netthe 32-year-old watches on as the strike - his third for sunderland - flies over krul in the magpies goal\n", + "sunderland earn 1-0 tyne-wear derby victory against newcastle at the stadium of lightjermain defoe gives black cats the lead with stunning left-footed volley before half-timeformer tottenham striker scores his third sunderland goal in hard-fought win for the home sidesunderland boss dick advocaat earns his first tyne-wear derby victoryblack cats are unbeaten in their last seven barclays premier league games against newcastle united\n", + "[1.2941701 1.4946175 1.1571873 1.2787998 1.2193773 1.1750782 1.3753443\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 6 0 3 4 5 2 18 17 16 15 14 13 10 11 19 9 8 7 12 20]\n", + "=======================\n", + "['joel parker , 33 , was about to get off the sunshine bus in st johns county on wednesday when he asked the driver if he would like a snickers bar .the driver was not injured but called the police and parker was arrested for battery , according to wftv .parker posted $ 250 bond and was issued a trespass warning .']\n", + "=======================\n", + "['joel parker , 33 , was riding the bus in st johns county , floridapolice said he threatened the driver and was disruptive during the rideas he got off the bus he offered the candy bar to the driver , who declinedhe was arrested for battery and is never allowed to ride the bus again']\n", + "joel parker , 33 , was about to get off the sunshine bus in st johns county on wednesday when he asked the driver if he would like a snickers bar .the driver was not injured but called the police and parker was arrested for battery , according to wftv .parker posted $ 250 bond and was issued a trespass warning .\n", + "joel parker , 33 , was riding the bus in st johns county , floridapolice said he threatened the driver and was disruptive during the rideas he got off the bus he offered the candy bar to the driver , who declinedhe was arrested for battery and is never allowed to ride the bus again\n", + "[1.2435429 1.6138554 1.2623105 1.1443286 1.0934772 1.2249837 1.1542068\n", + " 1.12977 1.0487021 1.0341467 1.1223532 1.0239213 1.0120971 1.015547\n", + " 1.0225737 1.0839882 1.046169 1.0683494 1.0154494 1.0150642 1.0415251]\n", + "\n", + "[ 1 2 0 5 6 3 7 10 4 15 17 8 16 20 9 11 14 13 18 19 12]\n", + "=======================\n", + "[\"luke bryant , 25 , was sat with southampton fans when he ran onto the sidelines of the football pitch during a game at st mary 's stadium , where arsenal were losing 2-0 .a frustrated arsenal fan who jumped over a barrier and ran towards the manager during an away match at southampton has been banned from going to games for three years .the father-of-two , who works in retail , said in court that he was frustrated with his club and ` just wanted his voice heard ' .\"]\n", + "=======================\n", + "[\"arsenal fan luke bryant confronted arsene wenger during 2-0 defeatbryant admitted charge of ` going onto an area adjacent to a playing area 'the lifelong arsenal fan is not allowed to attend games for three yearshe was also ordered to pay # 200 court costs and fined # 500\"]\n", + "luke bryant , 25 , was sat with southampton fans when he ran onto the sidelines of the football pitch during a game at st mary 's stadium , where arsenal were losing 2-0 .a frustrated arsenal fan who jumped over a barrier and ran towards the manager during an away match at southampton has been banned from going to games for three years .the father-of-two , who works in retail , said in court that he was frustrated with his club and ` just wanted his voice heard ' .\n", + "arsenal fan luke bryant confronted arsene wenger during 2-0 defeatbryant admitted charge of ` going onto an area adjacent to a playing area 'the lifelong arsenal fan is not allowed to attend games for three yearshe was also ordered to pay # 200 court costs and fined # 500\n", + "[1.3780243 1.3341851 1.22911 1.2515467 1.148296 1.1949377 1.1354799\n", + " 1.0587045 1.0937843 1.0373218 1.0283933 1.1685035 1.0872349 1.0219514\n", + " 1.1258848 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 5 11 4 6 14 8 12 7 9 10 13 19 15 16 17 18 20]\n", + "=======================\n", + "[\"nicola sturgeon tonight warned ed miliband he will not be able to pass a labour budget unless he agrees to snp demands - despite the labour leader 's claim that he would not do any deals .the scottish first minister talked up her chances of being westminster 's king-maker following next week 's election , with polls still pointing to another hung parliament .nicola sturgeon faced questions from a studio audience at bbc scotland in glasgow this evening - immediately after the three main westminster party leaders faced off in leeds\"]\n", + "=======================\n", + "[\"scottish first minister talked up chances of being the king-makermr miliband tonight ruled out a formal deal with the resurgent nationalistsa vote-by-vote arrangement between labour and snp remains on the tablebut ms sturgeon said : ` he wo n't get his budget unless he compromises '\"]\n", + "nicola sturgeon tonight warned ed miliband he will not be able to pass a labour budget unless he agrees to snp demands - despite the labour leader 's claim that he would not do any deals .the scottish first minister talked up her chances of being westminster 's king-maker following next week 's election , with polls still pointing to another hung parliament .nicola sturgeon faced questions from a studio audience at bbc scotland in glasgow this evening - immediately after the three main westminster party leaders faced off in leeds\n", + "scottish first minister talked up chances of being the king-makermr miliband tonight ruled out a formal deal with the resurgent nationalistsa vote-by-vote arrangement between labour and snp remains on the tablebut ms sturgeon said : ` he wo n't get his budget unless he compromises '\n", + "[1.398488 1.3840556 1.2592335 1.144618 1.1318325 1.180711 1.2037992\n", + " 1.0668668 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 6 5 3 4 7 18 17 16 15 14 10 12 11 19 9 8 13 20]\n", + "=======================\n", + "[\"( cnn ) a mammoth fire broke out friday morning in a kentucky industrial park , sending plumes of thick smoke over the area as authorities worked to contain the damage .the blaze began shortly before 7 a.m. at the general electric appliance park in louisville , according to mike weimer from the city 's emergency management agency .he said that there were no reports of anyone injured or trapped .\"]\n", + "=======================\n", + "['fire breaks out at the general electric appliance park in louisville , kentuckycity official : no is believed to be injured or trapped']\n", + "( cnn ) a mammoth fire broke out friday morning in a kentucky industrial park , sending plumes of thick smoke over the area as authorities worked to contain the damage .the blaze began shortly before 7 a.m. at the general electric appliance park in louisville , according to mike weimer from the city 's emergency management agency .he said that there were no reports of anyone injured or trapped .\n", + "fire breaks out at the general electric appliance park in louisville , kentuckycity official : no is believed to be injured or trapped\n", + "[1.2925448 1.3976022 1.3049839 1.1625837 1.0739682 1.105277 1.1019453\n", + " 1.047082 1.107577 1.1118371 1.0241601 1.0216058 1.0432062 1.0242707\n", + " 1.038018 1.1041882 1.0610828 1.0290222 1.0236593 0. 0. ]\n", + "\n", + "[ 1 2 0 3 9 8 5 15 6 4 16 7 12 14 17 13 10 18 11 19 20]\n", + "=======================\n", + "[\"the latest estimates from seismologists put the magnitude at 7.9 , which would actually makes it about 40 % larger than the 7.8 currently being reported .that 's less than half the size of the previous major event nearby in 1934 , which killed around 10,000 people .( cnn ) in a tragic echo of the catastrophic events in haiti in 2010 , a powerful earthquake struck one of the poorest nations on earth today .\"]\n", + "=======================\n", + "['a magnitude-7 .8 earthquake struck nepal on saturdaycolin stark : we knew this disaster would come']\n", + "the latest estimates from seismologists put the magnitude at 7.9 , which would actually makes it about 40 % larger than the 7.8 currently being reported .that 's less than half the size of the previous major event nearby in 1934 , which killed around 10,000 people .( cnn ) in a tragic echo of the catastrophic events in haiti in 2010 , a powerful earthquake struck one of the poorest nations on earth today .\n", + "a magnitude-7 .8 earthquake struck nepal on saturdaycolin stark : we knew this disaster would come\n", + "[1.6425223 1.1905828 1.5496216 1.1224767 1.1114879 1.041291 1.1217128\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 6 4 5 21 20 19 18 17 16 15 11 13 12 22 10 9 8 7 14 23]\n", + "=======================\n", + "[\"england captain alastair cook completed a much-needed century on the second morning of england 's opening tour match in the west indies .cook resumed on 95 and reached three figures with minimal fuss before retiring out .a controlled thick edge from the first ball of the day brought him an 11th boundary of the innings and in the following over he punched the ball for two off the back foot .\"]\n", + "=======================\n", + "['alastair cook completed his century on the second morning of actionengland captain resumed on 95 and reached three figures before retiringthat allowed ian bell to arrive at the crease as tourists continued to bat']\n", + "england captain alastair cook completed a much-needed century on the second morning of england 's opening tour match in the west indies .cook resumed on 95 and reached three figures with minimal fuss before retiring out .a controlled thick edge from the first ball of the day brought him an 11th boundary of the innings and in the following over he punched the ball for two off the back foot .\n", + "alastair cook completed his century on the second morning of actionengland captain resumed on 95 and reached three figures before retiringthat allowed ian bell to arrive at the crease as tourists continued to bat\n", + "[1.2966527 1.218309 1.238003 1.3543744 1.03742 1.1465843 1.1401545\n", + " 1.043887 1.0485642 1.0600893 1.0752743 1.0678192 1.0344993 1.0223348\n", + " 1.021964 1.0196879 1.0240119 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 1 5 6 10 11 9 8 7 4 12 16 13 14 15 22 17 18 19 20 21 23]\n", + "=======================\n", + "[\"such a spectacle : amy schumer pretended to trip and fall in front of kim kardashian and kanye west on tuesday as the couple took to the red carpet at the time 100 event at the lincoln center in nyckanye 's not impressed : the comedian did a good job of stealing the spotlight from the couple who are being celebrated in the time 's 100 most influential people in the worldget kim 's bombshell look for your next event with one of the lookalike frocks in the carousel below .\"]\n", + "=======================\n", + "[\"amy schumer pranked kim kardashian and kanye west at the time 100 gala on tuesday nightthe comedienne fell at the pair 's feet as they posted for photos on the red carpetthe three were just a few of the big names who turned out for the annual event held at jazz at lincoln center in new york cityother honorees who attended the event included diane von furstenberg , lorne michaels , laverne cox , and bradley cooperthis year 's time 100 covers featured west , cooper , ballerina misty copeland , ruth bader ginsberg and journalist jorge ramos\"]\n", + "such a spectacle : amy schumer pretended to trip and fall in front of kim kardashian and kanye west on tuesday as the couple took to the red carpet at the time 100 event at the lincoln center in nyckanye 's not impressed : the comedian did a good job of stealing the spotlight from the couple who are being celebrated in the time 's 100 most influential people in the worldget kim 's bombshell look for your next event with one of the lookalike frocks in the carousel below .\n", + "amy schumer pranked kim kardashian and kanye west at the time 100 gala on tuesday nightthe comedienne fell at the pair 's feet as they posted for photos on the red carpetthe three were just a few of the big names who turned out for the annual event held at jazz at lincoln center in new york cityother honorees who attended the event included diane von furstenberg , lorne michaels , laverne cox , and bradley cooperthis year 's time 100 covers featured west , cooper , ballerina misty copeland , ruth bader ginsberg and journalist jorge ramos\n", + "[1.2349926 1.3837916 1.0822667 1.2328272 1.2371107 1.2466421 1.2217537\n", + " 1.0822108 1.1174468 1.0295264 1.1135539 1.0626397 1.077076 1.0485519\n", + " 1.1129508 1.020323 1.0167348 1.1007589 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 5 4 0 3 6 8 10 14 17 2 7 12 11 13 9 15 16 22 18 19 20 21 23]\n", + "=======================\n", + "[\"in a case that was condemned around the world , luo kun kun was expelled from his village when locals - including his own grandfather - signed a petition to banish him to ` protect villagers ' health ' .the red ribbon school is the only school in china equipped to look after and educate hiv-positive children .an eight-year-old boy who was made an outcast in his village and described by his own family as a ` ticking time bomb ' because he has hiv has been given a home at last .\"]\n", + "=======================\n", + "[\"luo kun kun expelled from his village in china when diagnosed with hivresidents - including his grandfather - signed a petition to banish himhe was refused admission to schools and said ` nobody plays with me 'now a specialist school in linfen , shanxi province , has stepped in to helpthe red ribbon school is equipped to look after hiv-positive children\"]\n", + "in a case that was condemned around the world , luo kun kun was expelled from his village when locals - including his own grandfather - signed a petition to banish him to ` protect villagers ' health ' .the red ribbon school is the only school in china equipped to look after and educate hiv-positive children .an eight-year-old boy who was made an outcast in his village and described by his own family as a ` ticking time bomb ' because he has hiv has been given a home at last .\n", + "luo kun kun expelled from his village in china when diagnosed with hivresidents - including his grandfather - signed a petition to banish himhe was refused admission to schools and said ` nobody plays with me 'now a specialist school in linfen , shanxi province , has stepped in to helpthe red ribbon school is equipped to look after hiv-positive children\n", + "[1.2671468 1.4008833 1.0849271 1.063358 1.0694128 1.251247 1.1315241\n", + " 1.1256799 1.202722 1.035428 1.0439802 1.0203011 1.013592 1.0169195\n", + " 1.0197123 1.4011962 1.0205865 1.0239176 1.070427 1.0499302 1.0183326\n", + " 1.0134201 1.1221691 1.027946 ]\n", + "\n", + "[15 1 0 5 8 6 7 22 2 18 4 3 19 10 9 23 17 16 11 14 20 13 12 21]\n", + "=======================\n", + "['guilty : keith whitworth has been jailed for 22 years for a catalogue of abuse against three childrenmandy greenwood , 39 , from rochdale , greater manchester , said : ` my dad used to tell me he only did it because he loved me .brave : mandy greenwood has spoken out about the father who abused her as a child']\n", + "=======================\n", + "['keith whitworth was jailed for 22 years in 2013 for abusing three childrenone of the victims was his daughter mandy greenwood , now 39mandy , from greater manchester , was raped almost daily as a childthe mother-of-two has spoken out to try and help other victims of abuse']\n", + "guilty : keith whitworth has been jailed for 22 years for a catalogue of abuse against three childrenmandy greenwood , 39 , from rochdale , greater manchester , said : ` my dad used to tell me he only did it because he loved me .brave : mandy greenwood has spoken out about the father who abused her as a child\n", + "keith whitworth was jailed for 22 years in 2013 for abusing three childrenone of the victims was his daughter mandy greenwood , now 39mandy , from greater manchester , was raped almost daily as a childthe mother-of-two has spoken out to try and help other victims of abuse\n", + "[1.319596 1.393531 1.3532836 1.1609887 1.0613862 1.2518009 1.0598185\n", + " 1.1707454 1.0717374 1.0290015 1.0196099 1.0185931 1.1346775 1.1164601\n", + " 1.0831863 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 5 7 3 12 13 14 8 4 6 9 10 11 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "['the bust was spearheaded by one male narcotics officer , who posed as a high school senior between august 2014 and march 2015 .on top of the six arrests , an amount of cocaine , marijuana and prescription drugs xanax and tramadol was also seized in the bust .just like the channing tatum movie 21 jump street , an undercover drug sting in houston has lead to the arrest of six high school students following an eight month operation .']\n", + "=======================\n", + "['operation spanned august 2014 to march 2015 in houstonone male narcotics officer posed as a senior in two high schoolssix students were arrested , three aged 18 , one 17 and two minorsthey have received a total 10 drug-related chargescocaine , marijuana , xanax and tramadol were seized in the bustpolice have not released any information about the undercover officer']\n", + "the bust was spearheaded by one male narcotics officer , who posed as a high school senior between august 2014 and march 2015 .on top of the six arrests , an amount of cocaine , marijuana and prescription drugs xanax and tramadol was also seized in the bust .just like the channing tatum movie 21 jump street , an undercover drug sting in houston has lead to the arrest of six high school students following an eight month operation .\n", + "operation spanned august 2014 to march 2015 in houstonone male narcotics officer posed as a senior in two high schoolssix students were arrested , three aged 18 , one 17 and two minorsthey have received a total 10 drug-related chargescocaine , marijuana , xanax and tramadol were seized in the bustpolice have not released any information about the undercover officer\n", + "[1.3542466 1.3780018 1.3004222 1.2655303 1.1494558 1.1435897 1.1926966\n", + " 1.1321967 1.155525 1.1615542 1.0204421 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 6 9 8 4 5 7 10 15 11 12 13 14 16]\n", + "=======================\n", + "['tokyo electric power company ( tepco ) deployed the remote-controlled robot on friday inside one of the damaged reactors that had suffered a meltdown following a devastating earthquake and tsunami in 2011 .it was the first time the probe had been used .the robot , set out to collect data on radiation levels and investigate the spread of debris , stalled after moving about 10 meters , according to a statement released by tepco .']\n", + "=======================\n", + "['the operator of the fukushima nuclear plant said it has abandoned a robotic probe inside one of the damaged reactorsa report stated that a fallen object has left the robot strandedthe robot collected data on radiation levels and investigated the spread of debris']\n", + "tokyo electric power company ( tepco ) deployed the remote-controlled robot on friday inside one of the damaged reactors that had suffered a meltdown following a devastating earthquake and tsunami in 2011 .it was the first time the probe had been used .the robot , set out to collect data on radiation levels and investigate the spread of debris , stalled after moving about 10 meters , according to a statement released by tepco .\n", + "the operator of the fukushima nuclear plant said it has abandoned a robotic probe inside one of the damaged reactorsa report stated that a fallen object has left the robot strandedthe robot collected data on radiation levels and investigated the spread of debris\n", + "[1.368069 1.2294275 1.2037944 1.0792278 1.3257744 1.0887034 1.0186077\n", + " 1.0639795 1.1784472 1.0344582 1.0170473 1.1209155 1.1809224 1.0624449\n", + " 1.0563673 1.0497041 1.0189865]\n", + "\n", + "[ 0 4 1 2 12 8 11 5 3 7 13 14 15 9 16 6 10]\n", + "=======================\n", + "[\"the codpieces used in the hit bbc drama wolf hall were too small and should have been double the size , according to an expert .homeland star damian lewis played henry viii in the six-part series on the rapid rise to power of sir thomas cromwell in king henry 's courtthis is one of a number of inaccuracy spotted in the big budget adaptation of hilary mantel 's books and was said to have been done so as not to offend and baffle the shows american audience .\"]\n", + "=======================\n", + "[\"cambridge academic victoria miller has been researching the codpiecesays those used in wolf hall were too small to be historically accuratestar mark rylance blamed the size on the show 's american producersdrama tells story of sir thomas cromwell 's rise in king henry viii 's court\"]\n", + "the codpieces used in the hit bbc drama wolf hall were too small and should have been double the size , according to an expert .homeland star damian lewis played henry viii in the six-part series on the rapid rise to power of sir thomas cromwell in king henry 's courtthis is one of a number of inaccuracy spotted in the big budget adaptation of hilary mantel 's books and was said to have been done so as not to offend and baffle the shows american audience .\n", + "cambridge academic victoria miller has been researching the codpiecesays those used in wolf hall were too small to be historically accuratestar mark rylance blamed the size on the show 's american producersdrama tells story of sir thomas cromwell 's rise in king henry viii 's court\n", + "[1.1168525 1.374881 1.2880158 1.3390557 1.2986654 1.1683695 1.1880586\n", + " 1.1330404 1.0127757 1.0092477 1.0231402 1.2365185 1.092495 1.0467244\n", + " 1.0101118 0. 0. ]\n", + "\n", + "[ 1 3 4 2 11 6 5 7 0 12 13 10 8 14 9 15 16]\n", + "=======================\n", + "[\"steelcase 's the brody worklounge is an effort to preserve the privacy and less distractions given in a cubicle while still being a part of an open office work community .the seating will be available for purchase in late august starting at $ 2,700on its company website , steelcase said the brody is designed to be ` good for your body and good for your brain ' .\"]\n", + "=======================\n", + "[\"furniture company , steelcase , has created the brody workloungelounges are designed to ` be good for your body and good for your brain 'brody provides shelter from visual distractions with privacy screens while featuring cushion that adapts to each person 's sizein recent years many companies have embraced open offices with about 70 per cent of u.s. offices having no or low partitionsa 2013 study revealed noise and privacy loss are the main source of workspace dissatisfaction\"]\n", + "steelcase 's the brody worklounge is an effort to preserve the privacy and less distractions given in a cubicle while still being a part of an open office work community .the seating will be available for purchase in late august starting at $ 2,700on its company website , steelcase said the brody is designed to be ` good for your body and good for your brain ' .\n", + "furniture company , steelcase , has created the brody workloungelounges are designed to ` be good for your body and good for your brain 'brody provides shelter from visual distractions with privacy screens while featuring cushion that adapts to each person 's sizein recent years many companies have embraced open offices with about 70 per cent of u.s. offices having no or low partitionsa 2013 study revealed noise and privacy loss are the main source of workspace dissatisfaction\n", + "[1.3364712 1.4025185 1.0577945 1.3223412 1.266573 1.0851089 1.243638\n", + " 1.1360501 1.1873173 1.2318397 1.1737016 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 4 6 9 8 10 7 5 2 15 11 12 13 14 16]\n", + "=======================\n", + "[\"the welsh forward lasted just a few minutes before limping off during real 's 3-1 home victory over malaga on saturday .gareth bale is a huge doubt for real madrid 's champions league quarter-final second leg match against atletico madrid with a calf injury .los blancos are also without croatian midfielder luka modric , who suffered a knee ligament strain against malaga and is expected to be unavailable for six weeks .\"]\n", + "=======================\n", + "['real madrid beat malaga 3-1 on saturday but gareth bale got injuredthey face atletico madrid in the champions league quarter-finalswelshman has a calf problem that could sideline him on wednesdayluka modric is also missing for real and could be out for six weeks']\n", + "the welsh forward lasted just a few minutes before limping off during real 's 3-1 home victory over malaga on saturday .gareth bale is a huge doubt for real madrid 's champions league quarter-final second leg match against atletico madrid with a calf injury .los blancos are also without croatian midfielder luka modric , who suffered a knee ligament strain against malaga and is expected to be unavailable for six weeks .\n", + "real madrid beat malaga 3-1 on saturday but gareth bale got injuredthey face atletico madrid in the champions league quarter-finalswelshman has a calf problem that could sideline him on wednesdayluka modric is also missing for real and could be out for six weeks\n", + "[1.1088878 1.2606208 1.3844289 1.2624468 1.2401981 1.17362 1.1360183\n", + " 1.0506898 1.1092073 1.062105 1.1015741 1.0673033 1.102761 1.0474329\n", + " 1.0368637 1.0107358 0. ]\n", + "\n", + "[ 2 3 1 4 5 6 8 0 12 10 11 9 7 13 14 15 16]\n", + "=======================\n", + "[\"it shows ` ribbons ' of sand and patterned stripes known as linear dunes in the erg chech , a desolate sand sea in southwestern algeria - but the exact cause of these longitudinal structures is not known .linear dunes , like these captured by nasa 's landsat 7 satellite , are straight ridges of sand that have been known to measure as long as 99 miles ( 160km ) .the image was spotted by io9 and the colours were caused as rays of sunlight hit the sand and were reflected off .\"]\n", + "=======================\n", + "[\"the image of the patterned stripes in the saharan desert was captured by the nasa 's landsat 7 satellitethey are examples of linear , or longitudinal , dunes in erg chech - a desolate sand sea in southwestern algeria` erg ' comes from the arabic word for ` field of sand dunes ' and the cause of such shapes is not knowntheories include helical roll vortices - rolls of rotating and spiralling air - and seasonal changes in wind direction\"]\n", + "it shows ` ribbons ' of sand and patterned stripes known as linear dunes in the erg chech , a desolate sand sea in southwestern algeria - but the exact cause of these longitudinal structures is not known .linear dunes , like these captured by nasa 's landsat 7 satellite , are straight ridges of sand that have been known to measure as long as 99 miles ( 160km ) .the image was spotted by io9 and the colours were caused as rays of sunlight hit the sand and were reflected off .\n", + "the image of the patterned stripes in the saharan desert was captured by the nasa 's landsat 7 satellitethey are examples of linear , or longitudinal , dunes in erg chech - a desolate sand sea in southwestern algeria` erg ' comes from the arabic word for ` field of sand dunes ' and the cause of such shapes is not knowntheories include helical roll vortices - rolls of rotating and spiralling air - and seasonal changes in wind direction\n", + "[1.2215981 1.3246447 1.3887616 1.2915877 1.2892013 1.1786387 1.0373167\n", + " 1.076453 1.1099008 1.0621362 1.0470301 1.0157678 1.030174 1.0768408\n", + " 1.02219 1.0134256 0. ]\n", + "\n", + "[ 2 1 3 4 0 5 8 13 7 9 10 6 12 14 11 15 16]\n", + "=======================\n", + "[\"arpaio says cutting meat from the meals served to the more than 8,000 inmates has saved an estimated $ 200,000 per year .joe arpaio , who calls himself ` america 's toughest sheriff ' , and the former baywatch star appeared odd soul-mates as they joined together at the maricopa county jail on wednesday to promote the benefits of an all-vegetarian diet .the jail has been serving vegetarian meals for 16 months now .\"]\n", + "=======================\n", + "[\"peta spokesperson pamela anderson joined forces with arizona sheriff joe arpaio to promote the benefits of a vegetarian diet for prisonersarpaio says cutting meat from the meals served to the more than 8,000 inmates has saved an estimated $ 200,000 per yearreporters on a previous visit to the prison discovered the carrots in the stew were brown and that the soy looked like ` wood chips 'the pr stunt at maricopa county jail on wednesday has been described as ' a new low for peta 'arpaio is better known for his controversial opinions and racial profiling of latinos , than his dedication to a vegetarian diet\"]\n", + "arpaio says cutting meat from the meals served to the more than 8,000 inmates has saved an estimated $ 200,000 per year .joe arpaio , who calls himself ` america 's toughest sheriff ' , and the former baywatch star appeared odd soul-mates as they joined together at the maricopa county jail on wednesday to promote the benefits of an all-vegetarian diet .the jail has been serving vegetarian meals for 16 months now .\n", + "peta spokesperson pamela anderson joined forces with arizona sheriff joe arpaio to promote the benefits of a vegetarian diet for prisonersarpaio says cutting meat from the meals served to the more than 8,000 inmates has saved an estimated $ 200,000 per yearreporters on a previous visit to the prison discovered the carrots in the stew were brown and that the soy looked like ` wood chips 'the pr stunt at maricopa county jail on wednesday has been described as ' a new low for peta 'arpaio is better known for his controversial opinions and racial profiling of latinos , than his dedication to a vegetarian diet\n", + "[1.2986472 1.3455722 1.2543423 1.1967331 1.2609152 1.2311463 1.1962768\n", + " 1.0604243 1.019017 1.0398804 1.027106 1.048586 1.0748535 1.1526322\n", + " 1.0227698 1.0183477 1.0110359]\n", + "\n", + "[ 1 0 4 2 5 3 6 13 12 7 11 9 10 14 8 15 16]\n", + "=======================\n", + "[\"in a tense interview for 60 minutes , silva visits the home of james polkinghorne 's father to explain to him why she had to kill his son .jessica silva reveals on 60 minutes that ` my head is just full , i ca n't live with it , i need forgiveness 'michael usher , the veteran journalist who conducted the interview , has revealed her walked away from the experience ` totally drained and realising that there are a lot of broken people ' .\"]\n", + "=======================\n", + "[\"jessica silva stabbed james polkinghorne outside her home in 2012silva was physically and mentally abused by her husband polkinghorneshe claims that if she had not acted first she would have been killedsilva says all she wants from her dead husband 's family is ` forgiveness 'polkinghorne 's father can not understand why she killed his abusive sonjessica was found guilty of manslaughter but had sentence suspendedjustice hoeben , who presided over the case , called situation ` exceptional 'jessica silva story features on sunday night 's 60 minutes on nine network\"]\n", + "in a tense interview for 60 minutes , silva visits the home of james polkinghorne 's father to explain to him why she had to kill his son .jessica silva reveals on 60 minutes that ` my head is just full , i ca n't live with it , i need forgiveness 'michael usher , the veteran journalist who conducted the interview , has revealed her walked away from the experience ` totally drained and realising that there are a lot of broken people ' .\n", + "jessica silva stabbed james polkinghorne outside her home in 2012silva was physically and mentally abused by her husband polkinghorneshe claims that if she had not acted first she would have been killedsilva says all she wants from her dead husband 's family is ` forgiveness 'polkinghorne 's father can not understand why she killed his abusive sonjessica was found guilty of manslaughter but had sentence suspendedjustice hoeben , who presided over the case , called situation ` exceptional 'jessica silva story features on sunday night 's 60 minutes on nine network\n", + "[1.2601352 1.3832395 1.2118545 1.3506197 1.2381572 1.0900104 1.0270509\n", + " 1.0308883 1.1790493 1.062344 1.1105394 1.1138262 1.0478182 1.0159086\n", + " 1.1657952 1.1010842 1.0060797]\n", + "\n", + "[ 1 3 0 4 2 8 14 11 10 15 5 9 12 7 6 13 16]\n", + "=======================\n", + "[\"arsenal playmaker mesut ozil can now countdown the minutes until the 4pm encounter on sunday with his brand new apple watch .it 's crunch time this weekend at the top of the premier league as second-placed arsenal host table toppers chelsea - and it appears one star of the former 's team can not wait for the ever-nearing kick-off .ozil compared his watch to tv character michael knight in the hit action show knight rider\"]\n", + "=======================\n", + "['arsenal playmaker mesut ozil was given an apple watch on thursdaythe apple watch will be officially released for sale on fridayozil is expected to start for arsenal in their clash vs chelsea on sundayread : arsenal fans call for removal of emirates cesc fabregas flagread : arsenal to wear blue and yellow away strip for fa cup final']\n", + "arsenal playmaker mesut ozil can now countdown the minutes until the 4pm encounter on sunday with his brand new apple watch .it 's crunch time this weekend at the top of the premier league as second-placed arsenal host table toppers chelsea - and it appears one star of the former 's team can not wait for the ever-nearing kick-off .ozil compared his watch to tv character michael knight in the hit action show knight rider\n", + "arsenal playmaker mesut ozil was given an apple watch on thursdaythe apple watch will be officially released for sale on fridayozil is expected to start for arsenal in their clash vs chelsea on sundayread : arsenal fans call for removal of emirates cesc fabregas flagread : arsenal to wear blue and yellow away strip for fa cup final\n", + "[1.3204026 1.1315861 1.1503834 1.2674133 1.1317905 1.2387826 1.1227522\n", + " 1.0493985 1.0218774 1.0570362 1.0310198 1.1340016 1.0449212 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 5 2 11 4 1 6 9 7 12 10 8 13 14 15 16]\n", + "=======================\n", + "[\"when complete strangers niamh geaney , 26 , and karen branigan , 29 , discovered they looked so alike that they could be identical twins earlier this week , they made headlines around the world .among the more unlikely pairings is hunger games star josh hutcherson , 22 , who stunned film fans when he stepped out at a première in spain this week bearing a striking resemblance to james alexandrou , 30 , an actor best known for his role as martin fowler in eastenders .whether actresses liz hurley , 49 , and jacqueline bissett , 70 , or model david gandy , 35 , and soap star dean gaffney , 37 , there 's no shortage of hollywood lookalikes .\"]\n", + "=======================\n", + "[\"hunger games star josh hutcherson , 22 , surprised film fans when he appeared at a première in madrid this weekthe star showed off newly dark hair and a stubbly chin that made him look like eastenders ' martin fowlerother unlikely celebrity twins include actress letitia dean and chelsy davy and ross kemp and bruce willismore famous faces with unlikely doppelgängers include johnny depp , emma stone and kate moss\"]\n", + "when complete strangers niamh geaney , 26 , and karen branigan , 29 , discovered they looked so alike that they could be identical twins earlier this week , they made headlines around the world .among the more unlikely pairings is hunger games star josh hutcherson , 22 , who stunned film fans when he stepped out at a première in spain this week bearing a striking resemblance to james alexandrou , 30 , an actor best known for his role as martin fowler in eastenders .whether actresses liz hurley , 49 , and jacqueline bissett , 70 , or model david gandy , 35 , and soap star dean gaffney , 37 , there 's no shortage of hollywood lookalikes .\n", + "hunger games star josh hutcherson , 22 , surprised film fans when he appeared at a première in madrid this weekthe star showed off newly dark hair and a stubbly chin that made him look like eastenders ' martin fowlerother unlikely celebrity twins include actress letitia dean and chelsy davy and ross kemp and bruce willismore famous faces with unlikely doppelgängers include johnny depp , emma stone and kate moss\n", + "[1.1449833 1.393981 1.3376496 1.1127136 1.2194246 1.156908 1.1175971\n", + " 1.0947876 1.0785615 1.1643108 1.0613904 1.0317005 1.0297432 1.0295552\n", + " 1.1590313 0. 0. ]\n", + "\n", + "[ 1 2 4 9 14 5 0 6 3 7 8 10 11 12 13 15 16]\n", + "=======================\n", + "[\"a new poll has revealed that diana is the favourite option for baby if it is a girl .according to the yougov survey for the sunday times , 12 per cent of people questioned thought that the child should be named after william 's mother - diana the princess of wales .brits are hoping for a baby princess this time and favour the name diana\"]\n", + "=======================\n", + "[\"in a new poll , diana was the favourite name for the second royal babyalice and charlotte were the second favourite names if it 's a girlif it 's a boy , then the favourite name is james , followed by alexander\"]\n", + "a new poll has revealed that diana is the favourite option for baby if it is a girl .according to the yougov survey for the sunday times , 12 per cent of people questioned thought that the child should be named after william 's mother - diana the princess of wales .brits are hoping for a baby princess this time and favour the name diana\n", + "in a new poll , diana was the favourite name for the second royal babyalice and charlotte were the second favourite names if it 's a girlif it 's a boy , then the favourite name is james , followed by alexander\n", + "[1.200809 1.4895399 1.227623 1.2207627 1.2070074 1.12144 1.1304379\n", + " 1.0507053 1.0282079 1.0341054 1.1100432 1.0904853 1.0176977 1.0210825\n", + " 1.0882598 1.0359015 1.088785 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 6 5 10 11 16 14 7 15 9 8 13 12 17 18]\n", + "=======================\n", + "[\"betty willis , credited with designing the ` welcome to fabulous las vegas ' sign , died in her overton , nevada , home on sunday , according to an obituary on the virgin valley & moapa valley mortuaries ' website .the 91-year-old artist 's often-copied sign sits in a median in the middle of las vegas boulevard south of the strip .betty willis in her las vegas home on december 30 , 2004 , with a replica of the sign she designed in 1959 to lure tourists .\"]\n", + "=======================\n", + "['artist betty willis designed the famous neon sign in 1959the sign sits in a median in the middle of las vegas boulevard south of the strip and is a popular tourist attractionin 2009 it was placed on the national register of historic placesno one owns the copyright to the sign , so it is often imitated and appears on all kinds of souvenirs in las vegas and elsewhere']\n", + "betty willis , credited with designing the ` welcome to fabulous las vegas ' sign , died in her overton , nevada , home on sunday , according to an obituary on the virgin valley & moapa valley mortuaries ' website .the 91-year-old artist 's often-copied sign sits in a median in the middle of las vegas boulevard south of the strip .betty willis in her las vegas home on december 30 , 2004 , with a replica of the sign she designed in 1959 to lure tourists .\n", + "artist betty willis designed the famous neon sign in 1959the sign sits in a median in the middle of las vegas boulevard south of the strip and is a popular tourist attractionin 2009 it was placed on the national register of historic placesno one owns the copyright to the sign , so it is often imitated and appears on all kinds of souvenirs in las vegas and elsewhere\n", + "[1.245612 1.3038789 1.3123995 1.1727675 1.2325108 1.3229692 1.101657\n", + " 1.0978781 1.0758978 1.0372542 1.048145 1.0415059 1.0503638 1.131675\n", + " 1.0379763 1.0395657 1.0170679 0. 0. ]\n", + "\n", + "[ 5 2 1 0 4 3 13 6 7 8 12 10 11 15 14 9 16 17 18]\n", + "=======================\n", + "[\"neil gilbert ( pictured left ) was jailed for six years and catherine laverick ( right ) was sentenced to three years and 10 monthsthe uk-wide conspiracy offered cheap erectile dysfunction pills to online and face-to-face customers around the world .judge charles wide qc described it as a ` highly organised , large-scale criminal enterprise ' which risked the health of members of the public , as he sentenced the gang at the old bailey .\"]\n", + "=======================\n", + "['uk-wide conspiracy offered cheap erectile dysfunction pills to customersneil gilbert headed one group , which made up to # 60,000 a week in salesfamily and friends were recruited to help with massive criminal enterpriseeight-year conspiracy continued even after gang was arrested in 2011']\n", + "neil gilbert ( pictured left ) was jailed for six years and catherine laverick ( right ) was sentenced to three years and 10 monthsthe uk-wide conspiracy offered cheap erectile dysfunction pills to online and face-to-face customers around the world .judge charles wide qc described it as a ` highly organised , large-scale criminal enterprise ' which risked the health of members of the public , as he sentenced the gang at the old bailey .\n", + "uk-wide conspiracy offered cheap erectile dysfunction pills to customersneil gilbert headed one group , which made up to # 60,000 a week in salesfamily and friends were recruited to help with massive criminal enterpriseeight-year conspiracy continued even after gang was arrested in 2011\n", + "[1.2076515 1.3797662 1.3193177 1.2718277 1.2215612 1.143654 1.2059462\n", + " 1.0487558 1.1378996 1.0480598 1.046977 1.0438578 1.128923 1.0824977\n", + " 1.0397613 1.0380361 1.0384778 1.0752232 0. ]\n", + "\n", + "[ 1 2 3 4 0 6 5 8 12 13 17 7 9 10 11 14 16 15 18]\n", + "=======================\n", + "['the teenager from mossley , greater manchester , who can not be named for legal reasons , wanted to obtain abrin online .he was caught after an investigation was launched by the north west counter-terrorism unit in january .the dark web is used as a way of sharing information and trading goods online without being found by traditional search engines']\n", + "=======================\n", + "[\"teenager was caught after an investigation by counter-terrorism officerstried to buy abrin , which could have created ` considerable harm ' to peopleadmitted trying to buy the deadly toxin after appearing at manchester youth court\"]\n", + "the teenager from mossley , greater manchester , who can not be named for legal reasons , wanted to obtain abrin online .he was caught after an investigation was launched by the north west counter-terrorism unit in january .the dark web is used as a way of sharing information and trading goods online without being found by traditional search engines\n", + "teenager was caught after an investigation by counter-terrorism officerstried to buy abrin , which could have created ` considerable harm ' to peopleadmitted trying to buy the deadly toxin after appearing at manchester youth court\n", + "[1.291858 1.4315107 1.2111918 1.2667391 1.2196065 1.2143042 1.1196254\n", + " 1.1384708 1.1417525 1.0902667 1.0301546 1.0781488 1.0307758 1.0319874\n", + " 1.0211552 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 4 5 2 8 7 6 9 11 13 12 10 14 15 16 17 18]\n", + "=======================\n", + "[\"the snp leader has denied telling french ambassador sylvie bermann that she would prefer david cameron to remain in number 10 while suggesting that ed miliband was not prime minister material .cabinet secretary sir jeremy heywood has ordered an official probe into claims that a civil servant leaked an official account of a private meeting between nicola sturgeon and the french ambassador .she told supporters in glasgow today that the westminster establishment were afraid of the snp 's rise and called on ed miliband to commit to ` locking out ' david cameron from downing street next month\"]\n", + "=======================\n", + "[\"snp leader nicola sturgeon dismissed claims she wants a tory victoryshe claimed the leaked memo is down to westminster 's fear of the snpshe called on ed miliband to commit to a deal to ` lock out ' david cameroncabinet secretary sir jeremy heywood has announced a full investigation\"]\n", + "the snp leader has denied telling french ambassador sylvie bermann that she would prefer david cameron to remain in number 10 while suggesting that ed miliband was not prime minister material .cabinet secretary sir jeremy heywood has ordered an official probe into claims that a civil servant leaked an official account of a private meeting between nicola sturgeon and the french ambassador .she told supporters in glasgow today that the westminster establishment were afraid of the snp 's rise and called on ed miliband to commit to ` locking out ' david cameron from downing street next month\n", + "snp leader nicola sturgeon dismissed claims she wants a tory victoryshe claimed the leaked memo is down to westminster 's fear of the snpshe called on ed miliband to commit to a deal to ` lock out ' david cameroncabinet secretary sir jeremy heywood has announced a full investigation\n", + "[1.3600305 1.0322279 1.2310753 1.17651 1.447803 1.2027426 1.3093007\n", + " 1.1735722 1.1488119 1.1130189 1.0415666 1.0259469 1.0149252 1.0138402\n", + " 1.014492 1.0224556 1.0391446 1.1309644 1.1658978]\n", + "\n", + "[ 4 0 6 2 5 3 7 18 8 17 9 10 16 1 11 15 12 14 13]\n", + "=======================\n", + "[\"jason denayer has impressed while playing for celtic on loan this season from manchester cityceltic 's ambitions of persuading manchester city to release jason denayer for another loan deal at parkhead next season are well documented .city manager manuel pellegrini has confirmed that the club are looking to invest in homegrown talent\"]\n", + "=======================\n", + "[\"jason denayer has impressed for celtic while on loan this seasonthe parkhead outfit are keen to keen to sign the youngster permanently and hope that parent club manchester city will release himhowever , city boss manuel pellegrini has confirmed that the club are looking to strengthen their homegrown talent pooldenayer , 19 , entered city 's youth academy in 2013 and fits the bill\"]\n", + "jason denayer has impressed while playing for celtic on loan this season from manchester cityceltic 's ambitions of persuading manchester city to release jason denayer for another loan deal at parkhead next season are well documented .city manager manuel pellegrini has confirmed that the club are looking to invest in homegrown talent\n", + "jason denayer has impressed for celtic while on loan this seasonthe parkhead outfit are keen to keen to sign the youngster permanently and hope that parent club manchester city will release himhowever , city boss manuel pellegrini has confirmed that the club are looking to strengthen their homegrown talent pooldenayer , 19 , entered city 's youth academy in 2013 and fits the bill\n", + "[1.2693546 1.3251461 1.3200308 1.2127795 1.1541162 1.1598533 1.218823\n", + " 1.2000104 1.1157973 1.0378588 1.0256276 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 6 3 7 5 4 8 9 10 11 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"videoed enjoying the sunshine outside , the lamb named winter stands very still with its head lowered towards the baby duck .walking around to the front of the lamb , the duck begins pecking away at the lamb 's head and neck as if grooming its woollen coat .a farmer has captured the adorable moment a duckling groomed a lamb 's woollen coat in a ` heartwarming sign of trust and friendship ' .\"]\n", + "=======================\n", + "[\"the lamb named winter bends its head down towards the baby duckduck begins pecking and grooming lamb 's woollen coatlamb 's owner says animals ' actions are ' a heart-warming sign of trust '\"]\n", + "videoed enjoying the sunshine outside , the lamb named winter stands very still with its head lowered towards the baby duck .walking around to the front of the lamb , the duck begins pecking away at the lamb 's head and neck as if grooming its woollen coat .a farmer has captured the adorable moment a duckling groomed a lamb 's woollen coat in a ` heartwarming sign of trust and friendship ' .\n", + "the lamb named winter bends its head down towards the baby duckduck begins pecking and grooming lamb 's woollen coatlamb 's owner says animals ' actions are ' a heart-warming sign of trust '\n", + "[1.6533318 1.2055944 1.3616848 1.1163934 1.0766069 1.1978147 1.0605732\n", + " 1.0881534 1.1379093 1.1145409 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 5 8 3 9 7 4 6 18 10 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"former barcelona and brazil forward ronaldinho marked a late cameo in queretaro 's surprise 4-0 thumping of club america with a brace .tigres monterrey moved up to fourth in the clausura after eventually easing to a 3-0 home victory over monterrey .the 2002 world cup winner came on as the game approached full-time but still struck in the 85th and 90th minutes following earlier goals from yasser corona , who struck midway through the first half , and orbelin pineda 's on the stroke of half-time .\"]\n", + "=======================\n", + "['former barcelona forward ronaldinho came on in the 84th minuteronaldinho still managed to grab a brace as his side eased to victoryqueretaro are now just two points behind club america in liga mx']\n", + "former barcelona and brazil forward ronaldinho marked a late cameo in queretaro 's surprise 4-0 thumping of club america with a brace .tigres monterrey moved up to fourth in the clausura after eventually easing to a 3-0 home victory over monterrey .the 2002 world cup winner came on as the game approached full-time but still struck in the 85th and 90th minutes following earlier goals from yasser corona , who struck midway through the first half , and orbelin pineda 's on the stroke of half-time .\n", + "former barcelona forward ronaldinho came on in the 84th minuteronaldinho still managed to grab a brace as his side eased to victoryqueretaro are now just two points behind club america in liga mx\n", + "[1.367379 1.4190387 1.1580311 1.4219694 1.2877399 1.296531 1.2311364\n", + " 1.0638452 1.0779699 1.0330256 1.0917606 1.0718099 1.0207958 1.020817\n", + " 1.0077875 1.0066812 1.0785412 1.1008022 1.0290099 1.008647 ]\n", + "\n", + "[ 3 1 0 5 4 6 2 17 10 16 8 11 7 9 18 13 12 19 14 15]\n", + "=======================\n", + "['monaco coach leonardo jardim believes are juventus are a better team than arsenaljardim and wenger fell out at the emirates when the arsenal manager refused to shake the hand of the monaco coach after their stunning 3-1 victory in the second round first leg tie .arsenal manager arsene wenger upset jardim by refusing to shake hands during champions league exit']\n", + "=======================\n", + "[\"monaco defeated arsenal on away goals in the champions league last 16arsene wenger upset leonardo jardim by refusing to shake handsligue 1 boss claims their next opponents juventus are ' a better team 'read : arsenal 's wenger accused of disrespecting former club monacoread : arsenal manager wenger brands monaco boss jardim a liar\"]\n", + "monaco coach leonardo jardim believes are juventus are a better team than arsenaljardim and wenger fell out at the emirates when the arsenal manager refused to shake the hand of the monaco coach after their stunning 3-1 victory in the second round first leg tie .arsenal manager arsene wenger upset jardim by refusing to shake hands during champions league exit\n", + "monaco defeated arsenal on away goals in the champions league last 16arsene wenger upset leonardo jardim by refusing to shake handsligue 1 boss claims their next opponents juventus are ' a better team 'read : arsenal 's wenger accused of disrespecting former club monacoread : arsenal manager wenger brands monaco boss jardim a liar\n", + "[1.3596703 1.4370055 1.1350555 1.1892772 1.2882955 1.0703149 1.0439277\n", + " 1.0184137 1.0332679 1.086611 1.0991112 1.1842618 1.0584062 1.0143696\n", + " 1.0325996 1.1942053 1.019066 1.01302 1.06089 0. ]\n", + "\n", + "[ 1 0 4 15 3 11 2 10 9 5 18 12 6 8 14 16 7 13 17 19]\n", + "=======================\n", + "[\"the prime minister subsequently admitted he 'd suffered a ` brain fade ' during the election campaign address in croydon , where he was outlining his vision for black and ethnic minority communities .david cameron urged an audience to support west ham during a speech yesterday - despite the fact he 's always claimed to be an aston villa fan .last week the conservative leader tweeted his delight at villa reaching the fa cup final by beating liverpool\"]\n", + "=======================\n", + "[\"conservative leader was speaking from autocue at croydon election eventbut tory party confirmed it was an ` off the cuff ' remark not in his speechgot the wrong claret and blue side despite being a villa fan since his teenssaid in his defence : ` these things can happen when you are on the stump '\"]\n", + "the prime minister subsequently admitted he 'd suffered a ` brain fade ' during the election campaign address in croydon , where he was outlining his vision for black and ethnic minority communities .david cameron urged an audience to support west ham during a speech yesterday - despite the fact he 's always claimed to be an aston villa fan .last week the conservative leader tweeted his delight at villa reaching the fa cup final by beating liverpool\n", + "conservative leader was speaking from autocue at croydon election eventbut tory party confirmed it was an ` off the cuff ' remark not in his speechgot the wrong claret and blue side despite being a villa fan since his teenssaid in his defence : ` these things can happen when you are on the stump '\n", + "[1.1801767 1.4379101 1.182166 1.2835964 1.1138537 1.2535335 1.0726178\n", + " 1.094705 1.1027753 1.1773468 1.0622722 1.0450101 1.0175544 1.0150294\n", + " 1.0638494 1.0449555 1.0499766 1.0318767 0. 0. ]\n", + "\n", + "[ 1 3 5 2 0 9 4 8 7 6 14 10 16 11 15 17 12 13 18 19]\n", + "=======================\n", + "['the bleak study says animals are most at risk in south america , australia , and new zealand .scientists from the university of connecticut warned that one in six animals are at risk of extinction , particularly in regions where shrinking habitats and barriers to migration compound the problem .one in every six species of animals could face extinction if we do nothing to combat climate change , scientists claim .']\n", + "=======================\n", + "['two studies warn that rising temperatures could wipe out animalsuniversity of connecticut research warns 1 in 6 species could face extinction , especially in south america , australia , and new zealanduc berkeley research says marine animals such as whales near north america , antarctica and new zealand are most likely to die out']\n", + "the bleak study says animals are most at risk in south america , australia , and new zealand .scientists from the university of connecticut warned that one in six animals are at risk of extinction , particularly in regions where shrinking habitats and barriers to migration compound the problem .one in every six species of animals could face extinction if we do nothing to combat climate change , scientists claim .\n", + "two studies warn that rising temperatures could wipe out animalsuniversity of connecticut research warns 1 in 6 species could face extinction , especially in south america , australia , and new zealanduc berkeley research says marine animals such as whales near north america , antarctica and new zealand are most likely to die out\n", + "[1.1977696 1.3534379 1.451847 1.275568 1.1098994 1.0285357 1.0865213\n", + " 1.0700148 1.1262203 1.0499048 1.1394818 1.0803794 1.0670391 1.048409\n", + " 1.044614 1.0360643 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 3 0 10 8 4 6 11 7 12 9 13 14 15 5 16 17 18 19 20 21]\n", + "=======================\n", + "[\"they believe that the hats , or ` pukao ' , were rolled up ramps to reach the top of the figures which measure up to 40ft ( 12 metres ) tall .experts believe they have finally discovered how the rapa nui people placed distinctive hats made of red stone on top of some of the easter island figures ' heads , more than 700 years agothe mysterious moai statues of easter island have gazed inland for hundreds of years .\"]\n", + "=======================\n", + "[\"rapa nui people placed red stone ` hats ' or pukao on some of the statuesoregon university say they may have used ramps to raise the stonesthe team used physics to model possible methods of raising the ` hats 'some 100 pukao have been found on the remote island in the pacific ocean\"]\n", + "they believe that the hats , or ` pukao ' , were rolled up ramps to reach the top of the figures which measure up to 40ft ( 12 metres ) tall .experts believe they have finally discovered how the rapa nui people placed distinctive hats made of red stone on top of some of the easter island figures ' heads , more than 700 years agothe mysterious moai statues of easter island have gazed inland for hundreds of years .\n", + "rapa nui people placed red stone ` hats ' or pukao on some of the statuesoregon university say they may have used ramps to raise the stonesthe team used physics to model possible methods of raising the ` hats 'some 100 pukao have been found on the remote island in the pacific ocean\n", + "[1.3857386 1.2483538 1.2855754 1.241574 1.1053598 1.2332369 1.1328626\n", + " 1.1298589 1.0351909 1.1050369 1.0467921 1.024554 1.092622 1.0592861\n", + " 1.049757 1.0176399 1.0113434 1.0145656 1.0174989 1.1373605 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 3 5 19 6 7 4 9 12 13 14 10 8 11 15 18 17 16 20 21]\n", + "=======================\n", + "[\"arrested : doug hughes was put under arrest for his gyro-copter stunt and charged with operating an unregistered aircraft and violating national airspacebut he 's being released from federal custody to return to florida .the postal carrier who flew a gyrocopter onto the lawn of the u.s. capitol is facing two criminal charges .\"]\n", + "=======================\n", + "[\"doug hughes appeared in u.s. district court in washington on thursday , one day after he steered his tiny aircraft onto the capitol 's west lawnhe was charged with operating an unregistered aircraft and violating national airspace before being released on his own recognizancehe was sent back to his tampa home , where he must check in weekly with authorities starting next week\"]\n", + "arrested : doug hughes was put under arrest for his gyro-copter stunt and charged with operating an unregistered aircraft and violating national airspacebut he 's being released from federal custody to return to florida .the postal carrier who flew a gyrocopter onto the lawn of the u.s. capitol is facing two criminal charges .\n", + "doug hughes appeared in u.s. district court in washington on thursday , one day after he steered his tiny aircraft onto the capitol 's west lawnhe was charged with operating an unregistered aircraft and violating national airspace before being released on his own recognizancehe was sent back to his tampa home , where he must check in weekly with authorities starting next week\n", + "[1.2640442 1.3812385 1.2890894 1.2583158 1.2178485 1.2581637 1.1035489\n", + " 1.0608273 1.0428784 1.0380428 1.066033 1.0141608 1.0588742 1.049524\n", + " 1.1013579 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 5 4 6 14 10 7 12 13 8 9 11 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"the specialised 77 brigade , launched with great fanfare in january in response to the jihadis ' mastery of online propaganda , is in disarray after failing to enlist the right personnel .earlier this year , it was widely reported that the brigade would be made up of 2,000 social media and psychological warfare exponents who would enable uk forces to fight wars ` in the information age ' .the british army is struggling to recruit enough technical experts for a secretive psychological warfare unit intended to combat islamic state 's domination of the internet and social media .\"]\n", + "=======================\n", + "[\"team needed to help decrease islamic state 's domination of the internetrole includes leaking messages about british successes to enemypreviously reported that brigade would be made up of 2,000 expertsit will now have just 454 regular and reservist troops , mos revealed\"]\n", + "the specialised 77 brigade , launched with great fanfare in january in response to the jihadis ' mastery of online propaganda , is in disarray after failing to enlist the right personnel .earlier this year , it was widely reported that the brigade would be made up of 2,000 social media and psychological warfare exponents who would enable uk forces to fight wars ` in the information age ' .the british army is struggling to recruit enough technical experts for a secretive psychological warfare unit intended to combat islamic state 's domination of the internet and social media .\n", + "team needed to help decrease islamic state 's domination of the internetrole includes leaking messages about british successes to enemypreviously reported that brigade would be made up of 2,000 expertsit will now have just 454 regular and reservist troops , mos revealed\n", + "[1.1603525 1.3707633 1.2698467 1.1279207 1.1484425 1.0687205 1.0591241\n", + " 1.0418258 1.0384554 1.039662 1.0934048 1.0514921 1.050865 1.1223488\n", + " 1.1594175 1.0266192 1.0477098 1.0320855 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 14 4 3 13 10 5 6 11 12 16 7 9 8 17 15 20 18 19 21]\n", + "=======================\n", + "[\"chris strodder has created a handy book , the disneyland book of lists , which contains over 200 lists crammed full of secrets known and those more obscure .you will find out how many people have given birth in disneyland , california , what the official pet food brand is , and how the ladies ' heels got stuck in melting pavement on the opening day .disneyland has captured the imaginations for generations since its opening in 1955 , but there is much that many people do not know about this magical place .\"]\n", + "=======================\n", + "[\"chris strodder 's the disneyland book of lists contains 200 lists of secrets about the magical amusement parklearn how people spend 83 times more money at disneyland now than they did in the 1950sarchive photos from imagineering disney show its changes over the years\"]\n", + "chris strodder has created a handy book , the disneyland book of lists , which contains over 200 lists crammed full of secrets known and those more obscure .you will find out how many people have given birth in disneyland , california , what the official pet food brand is , and how the ladies ' heels got stuck in melting pavement on the opening day .disneyland has captured the imaginations for generations since its opening in 1955 , but there is much that many people do not know about this magical place .\n", + "chris strodder 's the disneyland book of lists contains 200 lists of secrets about the magical amusement parklearn how people spend 83 times more money at disneyland now than they did in the 1950sarchive photos from imagineering disney show its changes over the years\n", + "[1.3177531 1.4049733 1.3512208 1.2397227 1.3030168 1.2053769 1.0270674\n", + " 1.0140064 1.19361 1.0697036 1.0543373 1.0601275 1.1468986 1.050256\n", + " 1.06064 1.0512624 1.0398576 1.0315397 1.0092078 1.008837 1.010111\n", + " 1.065497 ]\n", + "\n", + "[ 1 2 0 4 3 5 8 12 9 21 14 11 10 15 13 16 17 6 7 20 18 19]\n", + "=======================\n", + "[\"the billionaire wife of former los angeles clippers owner donald sterling said she felt vindicated by the judge 's ruling this week that stiviano , 32 , must return $ 2.6 million in sugar daddy gifts .donald sterling , 80 , had lavished his alleged girlfriend with gifts including a $ 1.8 million house , luxury cars and stocks - all while hiding them from his wife of six decades .shelly sterling has spoken out about her legal victory over her husband 's alleged mistress v. stiviano , saying she took the much-younger woman to court ` for justice ' .\"]\n", + "=======================\n", + "['a los angeles judge ruled this week that v. stiviano must return $ 2.6 million in gifts she was given by former clippers owner donald sterlingshelly sterling said on wednesday that she feels vindicated by the win and will be giving the money to charityshe said that she and sterling never split and , even though she drew up divorce papers last year , she never filed themthe ruling came a year after the nba banned sterling for life over a recording of him telling stiviano not to associate with black people']\n", + "the billionaire wife of former los angeles clippers owner donald sterling said she felt vindicated by the judge 's ruling this week that stiviano , 32 , must return $ 2.6 million in sugar daddy gifts .donald sterling , 80 , had lavished his alleged girlfriend with gifts including a $ 1.8 million house , luxury cars and stocks - all while hiding them from his wife of six decades .shelly sterling has spoken out about her legal victory over her husband 's alleged mistress v. stiviano , saying she took the much-younger woman to court ` for justice ' .\n", + "a los angeles judge ruled this week that v. stiviano must return $ 2.6 million in gifts she was given by former clippers owner donald sterlingshelly sterling said on wednesday that she feels vindicated by the win and will be giving the money to charityshe said that she and sterling never split and , even though she drew up divorce papers last year , she never filed themthe ruling came a year after the nba banned sterling for life over a recording of him telling stiviano not to associate with black people\n", + "[1.2651746 1.2847604 1.2605729 1.506932 1.2997515 1.1328834 1.0504816\n", + " 1.0130229 1.0511845 1.0245916 1.0237625 1.0818154 1.0244399 1.0146495\n", + " 1.1063145 1.0513767 1.0215099 1.0230926 1.0301867 1.0102823 1.0482881\n", + " 1.0276065 1.0898813 1.0472698 0. 0. ]\n", + "\n", + "[ 3 4 1 0 2 5 14 22 11 15 8 6 20 23 18 21 9 12 10 17 16 13 7 19\n", + " 24 25]\n", + "=======================\n", + "['john helinski , 62 , spent three years living in a cardboard box on the streets of tampa bay .he then tried to apply for a place at a homeless shelter , but struggled because all of his personal identification had been stolenbut when a cop and his case manger looked into his past , they found a previously lost bank account with money and enough social security benefits to buy his own house .']\n", + "=======================\n", + "['john helinski , 62 , slept in a cardboard box in tampa bay for three yearshe applied for homeless housing , but struggled as he had no identificationit had all been stolen years earlier - virtually forcing him onto the streetsa case worker and a cop looked into his past and uncovered his recordshelsinki then went into a tampa bank and discovered a lost accountenough money and social security was in there for him to buy a house']\n", + "john helinski , 62 , spent three years living in a cardboard box on the streets of tampa bay .he then tried to apply for a place at a homeless shelter , but struggled because all of his personal identification had been stolenbut when a cop and his case manger looked into his past , they found a previously lost bank account with money and enough social security benefits to buy his own house .\n", + "john helinski , 62 , slept in a cardboard box in tampa bay for three yearshe applied for homeless housing , but struggled as he had no identificationit had all been stolen years earlier - virtually forcing him onto the streetsa case worker and a cop looked into his past and uncovered his recordshelsinki then went into a tampa bank and discovered a lost accountenough money and social security was in there for him to buy a house\n", + "[1.1072946 1.2704235 1.1651292 1.1316493 1.3183734 1.3035773 1.1482902\n", + " 1.1190269 1.1875799 1.1130488 1.06918 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 5 1 8 2 6 3 7 9 0 10 23 22 21 20 19 18 12 16 15 14 13 24 11\n", + " 17 25]\n", + "=======================\n", + "[\"a new facebook graph reveals the favorite baseball teams in the country by sorting through people 's likes and breaking down winners by countythe new york yankees ( left ) and boston red sox ( right ) come in first and second respectively in terms of the number of people who claim them as their favoritethe toronto blue jays can also claim almost all of canada , though the yankees and red sox are also favorites in some areas .\"]\n", + "=======================\n", + "[\"a new facebook graph reveals the favorite baseball teams in the country by sorting through people 's likes and breaking down winners by countythe new york yankees and boston red sox , who come in first and second respectively in terms of the number of fansthe new york mets and oakland athletics did not win one single county\"]\n", + "a new facebook graph reveals the favorite baseball teams in the country by sorting through people 's likes and breaking down winners by countythe new york yankees ( left ) and boston red sox ( right ) come in first and second respectively in terms of the number of people who claim them as their favoritethe toronto blue jays can also claim almost all of canada , though the yankees and red sox are also favorites in some areas .\n", + "a new facebook graph reveals the favorite baseball teams in the country by sorting through people 's likes and breaking down winners by countythe new york yankees and boston red sox , who come in first and second respectively in terms of the number of fansthe new york mets and oakland athletics did not win one single county\n", + "[1.5889785 1.6195807 1.1720508 1.0408893 1.0374674 1.039198 1.0288347\n", + " 1.0553092 1.3513159 1.0488024 1.04542 1.0618299 1.0153853 1.0941298\n", + " 1.0088787 1.0088629 1.0081877 1.0053304 1.0373713 1.0092493 1.0098141\n", + " 1.1564078 1.0199426 1.0072113 1.0108079 1.0215977]\n", + "\n", + "[ 1 0 8 2 21 13 11 7 9 10 3 5 4 18 6 25 22 12 24 20 19 14 15 16\n", + " 23 17]\n", + "=======================\n", + "['goals from hector bellerin , mesut ozil and alexis sanchez put the gunners 3-0 ahead , before jordan henderson pulled one back from the penalty spot for the visitors .arsenal moved nine points clear of their top four rivals liverpool on saturday afternoon with a 4-1 win at home in the premier league .hector bellerin celebrates after putting arsenal 1-0 ahead against liverpool in the first half on saturday']\n", + "=======================\n", + "['arsenal beat top four rivals liverpool 4-1 at the emirates on saturdayhector bellerin , mesut ozil and alexis sanchez put hosts 3-0 aheadjordan henderson pulled one back for the visitors from the penalty spotarsenal striker olivier giroud completed the scoreline in injury timewin moves arsenal into second - nine points ahead of the reds']\n", + "goals from hector bellerin , mesut ozil and alexis sanchez put the gunners 3-0 ahead , before jordan henderson pulled one back from the penalty spot for the visitors .arsenal moved nine points clear of their top four rivals liverpool on saturday afternoon with a 4-1 win at home in the premier league .hector bellerin celebrates after putting arsenal 1-0 ahead against liverpool in the first half on saturday\n", + "arsenal beat top four rivals liverpool 4-1 at the emirates on saturdayhector bellerin , mesut ozil and alexis sanchez put hosts 3-0 aheadjordan henderson pulled one back for the visitors from the penalty spotarsenal striker olivier giroud completed the scoreline in injury timewin moves arsenal into second - nine points ahead of the reds\n", + "[1.239344 1.408495 1.2174754 1.2599281 1.2193217 1.176779 1.0443277\n", + " 1.029255 1.1577413 1.0650785 1.0519488 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 5 8 9 10 6 7 19 23 22 21 20 18 12 16 15 14 13 24 11\n", + " 17 25]\n", + "=======================\n", + "[\"titled ` battle for sevastopol ' in russia but ` indestructible ' across the border in ukraine , the movie -- about a female sharpshooter who reportedly killed more than 300 nazi troops -- is a co-production between the two countries made just before relations nosedived .nazi killer : a russian-ukrainian film about legendary soviet sniper lyudmila pavlichenko ( left ) who was nicknamed nicknamed ` lady death ' is aiming to be a hit in both nations despite the current crisis .and despite the freeze in ties between the former soviet nations that has seen ukraine ban a slew of modern russian films , the $ 5million ( # 3m ) movie was launched last week with glitzy gala premieres in both moscow and kiev .\"]\n", + "=======================\n", + "['# 3m film charts life of ukrainian-born soviet sniper lyudmila pavlichenkoaims to be a hit in both countries despite the ongoing crisis in ukrainehas been launched with glitzy gala premieres in both moscow and kievpavlichenko killed 309 nazis during battles in odessa and sevastopol']\n", + "titled ` battle for sevastopol ' in russia but ` indestructible ' across the border in ukraine , the movie -- about a female sharpshooter who reportedly killed more than 300 nazi troops -- is a co-production between the two countries made just before relations nosedived .nazi killer : a russian-ukrainian film about legendary soviet sniper lyudmila pavlichenko ( left ) who was nicknamed nicknamed ` lady death ' is aiming to be a hit in both nations despite the current crisis .and despite the freeze in ties between the former soviet nations that has seen ukraine ban a slew of modern russian films , the $ 5million ( # 3m ) movie was launched last week with glitzy gala premieres in both moscow and kiev .\n", + "# 3m film charts life of ukrainian-born soviet sniper lyudmila pavlichenkoaims to be a hit in both countries despite the ongoing crisis in ukrainehas been launched with glitzy gala premieres in both moscow and kievpavlichenko killed 309 nazis during battles in odessa and sevastopol\n", + "[1.3427589 1.1951892 1.3462162 1.2396193 1.2445714 1.1653403 1.1453547\n", + " 1.1069462 1.1639076 1.0403098 1.0190431 1.0159514 1.0224707 1.1135225\n", + " 1.0665369 1.0604757 1.0920657 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 4 3 1 5 8 6 13 7 16 14 15 9 12 10 11 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"the former scottish secretary said talking up the threat posed by the scottish nationalists was ` short-term and dangerous ' .sir john will say a labour deal with the separatists would mean higher taxes , more debt and fewer jobs - as well as another independence referendum .david cameron 's campaign attacks on the snp risk undermining the future of the united kingdom , senior conservative peer lord forsyth has claimed .\"]\n", + "=======================\n", + "['tory peer and former minister lord forsyth warns against snp attackshe says the talking up the snp threat undermines future of the ukcomes as john major warns a labour-snp alliance will cause chaoshe said labour propped up by snp would mean high taxes and fewer jobsa comres poll for itv news last night found the majority of the british public -- 54 per cent -- do not want miss sturgeon to play a role in the next government .']\n", + "the former scottish secretary said talking up the threat posed by the scottish nationalists was ` short-term and dangerous ' .sir john will say a labour deal with the separatists would mean higher taxes , more debt and fewer jobs - as well as another independence referendum .david cameron 's campaign attacks on the snp risk undermining the future of the united kingdom , senior conservative peer lord forsyth has claimed .\n", + "tory peer and former minister lord forsyth warns against snp attackshe says the talking up the snp threat undermines future of the ukcomes as john major warns a labour-snp alliance will cause chaoshe said labour propped up by snp would mean high taxes and fewer jobsa comres poll for itv news last night found the majority of the british public -- 54 per cent -- do not want miss sturgeon to play a role in the next government .\n", + "[1.2419618 1.4447901 1.2091112 1.3307482 1.1895249 1.0798407 1.0421412\n", + " 1.1074853 1.104639 1.0920511 1.0801837 1.0841146 1.1085695 1.0202143\n", + " 1.0257626 1.0243399 1.044407 1.0131414 1.0675125 1.0423952 1.0476466\n", + " 1.0233024]\n", + "\n", + "[ 1 3 0 2 4 12 7 8 9 11 10 5 18 20 16 19 6 14 15 21 13 17]\n", + "=======================\n", + "[\"poppy moore , 23 , wed her childhood sweetheart sam myers at chelsea register office with only 12 loved ones before hosting a reception for 50 at the mayfair hotel .bobby moore 's granddaughter celebrated her wedding with an intimate family celebration in london yesterday .the bride wore a knee-length white dress and carried a bouquet of white roses , which poignantly also contained a picture of her father dean , who died in 2011 aged 43 .\"]\n", + "=======================\n", + "['poppy , 23 , married childhood sweetheart , sam myers in chelseacouple said vows in front of 12 guests before reception at mayfair hotelpoppy carried picture of father dean , who died in 2011 , in her bouquet']\n", + "poppy moore , 23 , wed her childhood sweetheart sam myers at chelsea register office with only 12 loved ones before hosting a reception for 50 at the mayfair hotel .bobby moore 's granddaughter celebrated her wedding with an intimate family celebration in london yesterday .the bride wore a knee-length white dress and carried a bouquet of white roses , which poignantly also contained a picture of her father dean , who died in 2011 aged 43 .\n", + "poppy , 23 , married childhood sweetheart , sam myers in chelseacouple said vows in front of 12 guests before reception at mayfair hotelpoppy carried picture of father dean , who died in 2011 , in her bouquet\n", + "[1.3752451 1.380142 1.20659 1.2725366 1.295591 1.2713398 1.0682842\n", + " 1.0517383 1.1423057 1.0525992 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 4 3 5 2 8 6 9 7 19 18 17 16 15 10 13 12 11 20 14 21]\n", + "=======================\n", + "[\"navratilova , who won 18 grand slam singles titles as a player , and poland 's radwanska , who is currently ranked no 9 , issued statements on friday to announce the parting .martina navratilova 's brief stint as coach of 2012 wimbledon runner-up agnieszka radwanska is finished .radwanska has struggled this season and was knocked out in the first round in stuttgart this week\"]\n", + "=======================\n", + "[\"martina navratilova could not commit ' 100 per cent to the project 'the pair only started working together in december last yearagnieszka radwanska is struggling for consistency this seasonthe pole slumped to an early defeat in stuttgart this week\"]\n", + "navratilova , who won 18 grand slam singles titles as a player , and poland 's radwanska , who is currently ranked no 9 , issued statements on friday to announce the parting .martina navratilova 's brief stint as coach of 2012 wimbledon runner-up agnieszka radwanska is finished .radwanska has struggled this season and was knocked out in the first round in stuttgart this week\n", + "martina navratilova could not commit ' 100 per cent to the project 'the pair only started working together in december last yearagnieszka radwanska is struggling for consistency this seasonthe pole slumped to an early defeat in stuttgart this week\n", + "[1.244263 1.1980388 1.4142603 1.1786207 1.0825019 1.1514149 1.1125993\n", + " 1.0795666 1.0206515 1.0291775 1.1942494 1.068274 1.0265483 1.0172498\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 1 10 3 5 6 4 7 11 9 12 8 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"in u.s. schools last year , almost 800 school employees were prosecuted for sexual assault , nearly a third of them women .a saturday night live skit about a male student having sex with his female high school teacher painted the relationship as every teen boy 's dream , but drew a firestorm of criticism on social media .the reaction to the comedy sketch reflected a growing view among law enforcement and victims ' advocacy groups that it is no laughing matter when a woman educator preys on her male students .\"]\n", + "=======================\n", + "['according to the u.s. department of education , female teachers who sexually assaulted students often got a pass in the pastattitudes have now changed and more are being prosecutedin u.s. schools last year , almost 800 school employees were prosecuted for sexual assault - nearly a third of them womennumbers are already slightly ahead this year for numbers of female school employees accused of inappropriate relationships with male students']\n", + "in u.s. schools last year , almost 800 school employees were prosecuted for sexual assault , nearly a third of them women .a saturday night live skit about a male student having sex with his female high school teacher painted the relationship as every teen boy 's dream , but drew a firestorm of criticism on social media .the reaction to the comedy sketch reflected a growing view among law enforcement and victims ' advocacy groups that it is no laughing matter when a woman educator preys on her male students .\n", + "according to the u.s. department of education , female teachers who sexually assaulted students often got a pass in the pastattitudes have now changed and more are being prosecutedin u.s. schools last year , almost 800 school employees were prosecuted for sexual assault - nearly a third of them womennumbers are already slightly ahead this year for numbers of female school employees accused of inappropriate relationships with male students\n", + "[1.3318877 1.2832115 1.3178548 1.2447767 1.1790243 1.1356465 1.221123\n", + " 1.118746 1.0544015 1.0863569 1.0527885 1.0558387 1.0737098 1.0428281\n", + " 1.047665 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 3 6 4 5 7 9 12 11 8 10 14 13 15 16 17 18 19 20 21]\n", + "=======================\n", + "['facebook has two days to release all emails to a defense lawyer whose client has fled from criminal charges that he falsely claimed a majority ownership in the social media giant .ceglia has been on the run for a month after cutting off his electronic ankle bracelet .the documents requested include details relating to a contract with paul ceglia during an 18-month stretch beginning in 2003 .']\n", + "=======================\n", + "[\"paul ceglia on the run from criminal charges he falsely claimed ownershiphis family accused facebook and prosecutors of conspiring against himjudge said mark zuckerberg has two days to hand over all relevant emailsthe order ignores zuckerberg 's request to wait until ceglia is found\"]\n", + "facebook has two days to release all emails to a defense lawyer whose client has fled from criminal charges that he falsely claimed a majority ownership in the social media giant .ceglia has been on the run for a month after cutting off his electronic ankle bracelet .the documents requested include details relating to a contract with paul ceglia during an 18-month stretch beginning in 2003 .\n", + "paul ceglia on the run from criminal charges he falsely claimed ownershiphis family accused facebook and prosecutors of conspiring against himjudge said mark zuckerberg has two days to hand over all relevant emailsthe order ignores zuckerberg 's request to wait until ceglia is found\n", + "[1.4475431 1.189085 1.4307272 1.2407794 1.2709811 1.1034023 1.0167129\n", + " 1.0179344 1.0190536 1.2855006 1.1203289 1.0696666 1.0941169 1.0441151\n", + " 1.0765774 1.0214385 1.0083296 1.0089598 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 9 4 3 1 10 5 12 14 11 13 15 8 7 6 17 16 20 18 19 21]\n", + "=======================\n", + "[\"shocking : nyia parler , 41 , was taken into custody by authorities in montgomery county , maryland overnight saturday on charges she wheeled her quadriplegic son into woods in philadelphia then went to visit her boyfriendparler 's son , who is non-verbal and suffers from cerebral palsy , was found on friday night lying beneath a rain-soaked blanket and a pile of leaves on the ground , 10 feet from his wheelchair and the bible .the son was hospitalized with dehydration , malnutrition , a cut to his back and eye injuries .\"]\n", + "=======================\n", + "[\"nyia parler , 41 , allegedly left her 21-year-old son in woods on monday and traveled to maryland where she was taken into custody early sundayher son was found under rain-soaked pile of leaves on friday night and police say he would have died if passers-by had n't spotted himhe was lying on the ground 10 feet from his wheelchair and a bible\"]\n", + "shocking : nyia parler , 41 , was taken into custody by authorities in montgomery county , maryland overnight saturday on charges she wheeled her quadriplegic son into woods in philadelphia then went to visit her boyfriendparler 's son , who is non-verbal and suffers from cerebral palsy , was found on friday night lying beneath a rain-soaked blanket and a pile of leaves on the ground , 10 feet from his wheelchair and the bible .the son was hospitalized with dehydration , malnutrition , a cut to his back and eye injuries .\n", + "nyia parler , 41 , allegedly left her 21-year-old son in woods on monday and traveled to maryland where she was taken into custody early sundayher son was found under rain-soaked pile of leaves on friday night and police say he would have died if passers-by had n't spotted himhe was lying on the ground 10 feet from his wheelchair and a bible\n", + "[1.2245911 1.3545135 1.309824 1.3190953 1.181062 1.1729693 1.1407434\n", + " 1.024622 1.0210431 1.0588613 1.1006455 1.074981 1.1482842 1.0810245\n", + " 1.0120472 1.0273595 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 12 6 10 13 11 9 15 7 8 14 16 17 18]\n", + "=======================\n", + "[\"scientists have shown that using deep brain stimulation ( dbs ) , a technique already used to treat parkinson 's disease , can boost memory by causing new brain cells to be formed .a ` pacemaker ' fitted with electrodes is inserted into the brain through holes drilled in the skull .dementia could soon be treated with a ` brain pacemaker ' inserted directly into the skull , according to new research .\"]\n", + "=======================\n", + "[\"deep brain stimulation involves implanting electrodes inside the skulltechnique is already used to help treat diseases such as parkinson 'sscientists think it could help delay dementia by replenishing brain cells\"]\n", + "scientists have shown that using deep brain stimulation ( dbs ) , a technique already used to treat parkinson 's disease , can boost memory by causing new brain cells to be formed .a ` pacemaker ' fitted with electrodes is inserted into the brain through holes drilled in the skull .dementia could soon be treated with a ` brain pacemaker ' inserted directly into the skull , according to new research .\n", + "deep brain stimulation involves implanting electrodes inside the skulltechnique is already used to help treat diseases such as parkinson 'sscientists think it could help delay dementia by replenishing brain cells\n", + "[1.3316574 1.3452342 1.1278031 1.4015905 1.1622279 1.1440064 1.1387507\n", + " 1.103927 1.0370377 1.0374188 1.0722233 1.0245618 1.0298555 1.037032\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 4 5 6 2 7 10 9 8 13 12 11 14 15 16 17 18]\n", + "=======================\n", + "['myuran sukumaran ( left ) and andrew chan ( right ) will be given white clothing to wear and a choice whether to be blindfolded as they face the firing squad at the stoke of midnight on tuesdaythe chilling reenactment of how executions are carried out in indonesia which was broadcast to millions of viewers is set to become a brutal reality for andrew chan and myruan sukumaran .the final chilling steps to execution in indonesia']\n", + "=======================\n", + "[\"bali nine ringleaders will face the firing squad at midnight on tuesdayandrew chan and myruan sukumaran have requested their last wishesthe men will likely be executed at a place called nirbaya , aka ` death valley 'white clothing will be given to them to wear which represents the after lifea cross will be placed over their heart as a target for the riflementhey can choose to stand , sit or kneel before facing their demisethey are then given a maximum of three minutes to calm downthree shooters will have live rounds and nine other will have blanksif doctor confirms prisoner is still breathing - final shot fired to side of head\"]\n", + "myuran sukumaran ( left ) and andrew chan ( right ) will be given white clothing to wear and a choice whether to be blindfolded as they face the firing squad at the stoke of midnight on tuesdaythe chilling reenactment of how executions are carried out in indonesia which was broadcast to millions of viewers is set to become a brutal reality for andrew chan and myruan sukumaran .the final chilling steps to execution in indonesia\n", + "bali nine ringleaders will face the firing squad at midnight on tuesdayandrew chan and myruan sukumaran have requested their last wishesthe men will likely be executed at a place called nirbaya , aka ` death valley 'white clothing will be given to them to wear which represents the after lifea cross will be placed over their heart as a target for the riflementhey can choose to stand , sit or kneel before facing their demisethey are then given a maximum of three minutes to calm downthree shooters will have live rounds and nine other will have blanksif doctor confirms prisoner is still breathing - final shot fired to side of head\n", + "[1.4610397 1.431458 1.3147544 1.3635966 1.286634 1.0198528 1.0467433\n", + " 1.0263698 1.1085854 1.024685 1.0553445 1.0153276 1.0452993 1.0385602\n", + " 1.0461564 1.0996947 1.0416416 1.0489353 1.0384451]\n", + "\n", + "[ 0 1 3 2 4 8 15 10 17 6 14 12 16 13 18 7 9 5 11]\n", + "=======================\n", + "['diesel model winnie harlow , who suffers from vitiligo , the same rare skin condition that singer michael jackson was diagnosed with , has been pictured enjoying a cozy night on the town with albino fashion star shaun ross .the pair attended a launch event for popular magazine at siren studios in hollywood , california , on tuesday night , and were snapped holding hands while making their way into the venue .winnie , 19 , who was unveiled as one of the newest faces of fashion label diesel earlier this year , was wearing a short and simple black and gold mini dress , which she accessorized with a pair of gold strappy heels .']\n", + "=======================\n", + "['winnie , 19 , was diagnosed with the rare condition when she was four-years-oldcondition causes a lack of melanin which forms white patches on the skin']\n", + "diesel model winnie harlow , who suffers from vitiligo , the same rare skin condition that singer michael jackson was diagnosed with , has been pictured enjoying a cozy night on the town with albino fashion star shaun ross .the pair attended a launch event for popular magazine at siren studios in hollywood , california , on tuesday night , and were snapped holding hands while making their way into the venue .winnie , 19 , who was unveiled as one of the newest faces of fashion label diesel earlier this year , was wearing a short and simple black and gold mini dress , which she accessorized with a pair of gold strappy heels .\n", + "winnie , 19 , was diagnosed with the rare condition when she was four-years-oldcondition causes a lack of melanin which forms white patches on the skin\n", + "[1.519321 1.4071922 1.2088197 1.4084995 1.3815312 1.0370942 1.028284\n", + " 1.0364451 1.0437285 1.2154908 1.0266309 1.0088459 1.1166246 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 9 2 12 8 5 7 6 10 11 17 13 14 15 16 18]\n", + "=======================\n", + "[\"shay given will keep his place in aston villa 's side for the fa cup final at wembley against arsenal - and is putting brad guzan under pressure for the no 1 jersey in the premier league .guzan was said to be hurting after missing out on the semi-final victory over liverpool , but understood tim sherwood 's decision to keep faith in the competition with the republic of ireland goalkeeper .villa goalkeeper brad guzen lost out to given for the liverpool clash and is set to lose out again for the final\"]\n", + "=======================\n", + "['aston will face arsenal in the fa cup final at wembley on may 30shay given started for villa in their 2-1 semi-final victory against liverpoolvilla travel to the etihad to play manchester city on saturday']\n", + "shay given will keep his place in aston villa 's side for the fa cup final at wembley against arsenal - and is putting brad guzan under pressure for the no 1 jersey in the premier league .guzan was said to be hurting after missing out on the semi-final victory over liverpool , but understood tim sherwood 's decision to keep faith in the competition with the republic of ireland goalkeeper .villa goalkeeper brad guzen lost out to given for the liverpool clash and is set to lose out again for the final\n", + "aston will face arsenal in the fa cup final at wembley on may 30shay given started for villa in their 2-1 semi-final victory against liverpoolvilla travel to the etihad to play manchester city on saturday\n", + "[1.2362772 1.4970505 1.1927361 1.2110585 1.2376876 1.1203 1.0396051\n", + " 1.0995618 1.0242876 1.0284449 1.0574566 1.0597476 1.0500749 1.0464343\n", + " 1.1673672 1.062716 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 3 2 14 5 7 15 11 10 12 13 6 9 8 16 17 18]\n", + "=======================\n", + "[\"christien sechrist , a 20-year-old from houston , texas , had a black and white image of his young son perseus etched onto the left side of his head in july .bold statement : christien sechrist ( pictured ) has a large tattoo of his son 's portrait on his own faceand despite his critics ' negative reactions to his tribute tattoo , christien told buzzfeed that he does n't regret his decision to get the controversial ink , even claiming that he would happily get it done again .\"]\n", + "=======================\n", + "['christien sechrist , from houston , texas , made the decision to get the unique facial art in july last yearthe 20-year-old , who is studying to be an electrician , insists that the tattoo has not prevented him from holding down a job']\n", + "christien sechrist , a 20-year-old from houston , texas , had a black and white image of his young son perseus etched onto the left side of his head in july .bold statement : christien sechrist ( pictured ) has a large tattoo of his son 's portrait on his own faceand despite his critics ' negative reactions to his tribute tattoo , christien told buzzfeed that he does n't regret his decision to get the controversial ink , even claiming that he would happily get it done again .\n", + "christien sechrist , from houston , texas , made the decision to get the unique facial art in july last yearthe 20-year-old , who is studying to be an electrician , insists that the tattoo has not prevented him from holding down a job\n", + "[1.300167 1.4616553 1.2380738 1.2140706 1.2358499 1.2493811 1.1642656\n", + " 1.1487765 1.0769479 1.0586679 1.0648878 1.0690386 1.0279663 1.1320561\n", + " 1.0731021 1.0594305 1.0285213 1.0228114 1.0299205]\n", + "\n", + "[ 1 0 5 2 4 3 6 7 13 8 14 11 10 15 9 18 16 12 17]\n", + "=======================\n", + "[\"bob shannon , 59 , helped prepare hatton for his comeback fight against vyacheslav senchenko in november 2012 , which the former two-weight world champion lost and promptly retired .ricky hatton 's former trainer has been charged with sexually assaulting a girl under the age of 16 .the manchester-based trainer 's stable includes hatton 's brother , matthew , the european welterweight champion , and fighters who have won british and european titles .\"]\n", + "=======================\n", + "['boxing trainer bob shannon has been charged with sexual assaultshannon is best known for training ricky hatton in 2012hatton lost their only fight together against vyacheslav senchenko in 2012shannon will appear before magistrates in manchester next week']\n", + "bob shannon , 59 , helped prepare hatton for his comeback fight against vyacheslav senchenko in november 2012 , which the former two-weight world champion lost and promptly retired .ricky hatton 's former trainer has been charged with sexually assaulting a girl under the age of 16 .the manchester-based trainer 's stable includes hatton 's brother , matthew , the european welterweight champion , and fighters who have won british and european titles .\n", + "boxing trainer bob shannon has been charged with sexual assaultshannon is best known for training ricky hatton in 2012hatton lost their only fight together against vyacheslav senchenko in 2012shannon will appear before magistrates in manchester next week\n", + "[1.1267407 1.1038336 1.3180788 1.2560833 1.1329932 1.1677475 1.2081592\n", + " 1.1131955 1.1432724 1.1154276 1.0878227 1.0846026 1.044666 1.0367876\n", + " 1.0645797 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 6 5 8 4 0 9 7 1 10 11 14 12 13 17 15 16 18]\n", + "=======================\n", + "['with tornadoes touching down near dallas on sunday , ryan shepard snapped a photo of a black cloud formation reaching down to the ground .he said it was a tornado .it could have been one the national weather service warned about in a tweet as severe thunderstorms drenched the area , causing street flooding .']\n", + "=======================\n", + "['surveyors did not check for damage or casualties overnight due to bad weatherthe national weather service sent tweets warning of a large tornadoa resident snapped a photo of what could be a very large tornado']\n", + "with tornadoes touching down near dallas on sunday , ryan shepard snapped a photo of a black cloud formation reaching down to the ground .he said it was a tornado .it could have been one the national weather service warned about in a tweet as severe thunderstorms drenched the area , causing street flooding .\n", + "surveyors did not check for damage or casualties overnight due to bad weatherthe national weather service sent tweets warning of a large tornadoa resident snapped a photo of what could be a very large tornado\n", + "[1.1447117 1.0636153 1.4297192 1.1954045 1.2301283 1.1398013 1.1406516\n", + " 1.097565 1.0659657 1.0455662 1.0609963 1.0748786 1.0660698 1.0265797\n", + " 1.0213499 1.0573022 0. 0. 0. ]\n", + "\n", + "[ 2 4 3 0 6 5 7 11 12 8 1 10 15 9 13 14 17 16 18]\n", + "=======================\n", + "[\"in 2003 , when the massachusetts supreme court became the country 's first to legalize same-sex marriage , less than 30 % of religiously affiliated americans supported gays ' and lesbians ' right to wed. .that 's more than the 45 % who said they opposed same-sex nuptials .by 2014 , that number had climbed to 47 % , according to a survey conducted by the public religion research institute .\"]\n", + "=======================\n", + "['there are now more people of faith who favor marriage equality than stand against it , according to a new pollif the u.s. supreme court has been paying attention , it likely saw this trend coming']\n", + "in 2003 , when the massachusetts supreme court became the country 's first to legalize same-sex marriage , less than 30 % of religiously affiliated americans supported gays ' and lesbians ' right to wed. .that 's more than the 45 % who said they opposed same-sex nuptials .by 2014 , that number had climbed to 47 % , according to a survey conducted by the public religion research institute .\n", + "there are now more people of faith who favor marriage equality than stand against it , according to a new pollif the u.s. supreme court has been paying attention , it likely saw this trend coming\n", + "[1.5123374 1.5150144 1.0913514 1.4299527 1.050594 1.0215472 1.030526\n", + " 1.1981337 1.0442722 1.2160792 1.0654583 1.0267807 1.0156243 1.0923002\n", + " 1.1616302 1.1058266 1.0374924 1.0103414 0. ]\n", + "\n", + "[ 1 0 3 9 7 14 15 13 2 10 4 8 16 6 11 5 12 17 18]\n", + "=======================\n", + "[\"sharapova has been forced to pull out of russia 's semi-final against germany in sochi with a leg injury , the russian tennis federation said on tuesday . 'maria sharapova and venus williams have both withdrawn from their countries ' respective fed cup ties this weekend .anastasia myskina is the russia fed cup captain\"]\n", + "=======================\n", + "['maria sharapova has been forced to withdraw with a leg injuryrussia host germany in the fed cup semi-finals in sochi this weekendvenus williams has also pulled out because of a personal matterthe usa travel to face italy in a world group play-off in brindisi']\n", + "sharapova has been forced to pull out of russia 's semi-final against germany in sochi with a leg injury , the russian tennis federation said on tuesday . 'maria sharapova and venus williams have both withdrawn from their countries ' respective fed cup ties this weekend .anastasia myskina is the russia fed cup captain\n", + "maria sharapova has been forced to withdraw with a leg injuryrussia host germany in the fed cup semi-finals in sochi this weekendvenus williams has also pulled out because of a personal matterthe usa travel to face italy in a world group play-off in brindisi\n", + "[1.6375747 1.4801562 1.106086 1.3099792 1.054577 1.0254883 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 5 16 15 14 13 12 9 10 17 8 7 6 11 18]\n", + "=======================\n", + "[\"huddersfield forward jacob fairbank is set for a lengthy spell on the sidelines after fracturing his ankle and suffering ligament damage while on loan at halifax .the 25-year-old was injured in halifax 's victory over hunslet on easter monday and subsequent scans have left him facing an extensive rehabilitation period .giants managing director richard thewlis told giantsrl.com : ` it 's another bad blow for bobby who remains one of our most popular squad members .\"]\n", + "=======================\n", + "[\"jacob fairbank injured his ankle while on loan at halifaxhuddersfield forward faces lengthy spell on the sidelines following scansgiants managing director richard thewlis said ` it 's another bad blow '\"]\n", + "huddersfield forward jacob fairbank is set for a lengthy spell on the sidelines after fracturing his ankle and suffering ligament damage while on loan at halifax .the 25-year-old was injured in halifax 's victory over hunslet on easter monday and subsequent scans have left him facing an extensive rehabilitation period .giants managing director richard thewlis told giantsrl.com : ` it 's another bad blow for bobby who remains one of our most popular squad members .\n", + "jacob fairbank injured his ankle while on loan at halifaxhuddersfield forward faces lengthy spell on the sidelines following scansgiants managing director richard thewlis said ` it 's another bad blow '\n", + "[1.3107257 1.4246497 1.1398034 1.4202511 1.2948047 1.2250156 1.0352955\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 5 2 6 14 13 12 11 8 9 15 7 10 16]\n", + "=======================\n", + "[\"the kings are signing bhullar to a 10-day contract that will make him the league 's first player of indian descent , a person with knowledge of the deal said on wednesday .sim bhullar and the sacramento kings are about to make nba history .the 7-foot-5 , 360-pound bhullar is being called up from the team 's nba development league affiliate , the reno bighorns .\"]\n", + "=======================\n", + "[\"sim bhullar is set to sign a 10-day contract with the sacramento kingsthe 22-year-old will become the nba 's first player of indian descentbhullar will be on the roster when the kings host new orleans pelicans\"]\n", + "the kings are signing bhullar to a 10-day contract that will make him the league 's first player of indian descent , a person with knowledge of the deal said on wednesday .sim bhullar and the sacramento kings are about to make nba history .the 7-foot-5 , 360-pound bhullar is being called up from the team 's nba development league affiliate , the reno bighorns .\n", + "sim bhullar is set to sign a 10-day contract with the sacramento kingsthe 22-year-old will become the nba 's first player of indian descentbhullar will be on the roster when the kings host new orleans pelicans\n", + "[1.2395331 1.5193421 1.2660425 1.4862782 1.302856 1.0655974 1.0344974\n", + " 1.0286855 1.122257 1.0341058 1.0572966 1.0766941 1.0227784 1.0163766\n", + " 1.0211056 1.0273589 1.0115423]\n", + "\n", + "[ 1 3 4 2 0 8 11 5 10 6 9 7 15 12 14 13 16]\n", + "=======================\n", + "['remy dufrene , 3 , of raceland , louisiana , was in the kitchen with his grandmother when he ran out the back door as she was pouring him a glass of milk .remy dufrene ( above ) drowned after falling into a drainage ditch tuesday afternoonthe old woman tried to chase after the young boy , but soon after there was a loud scream as he fell into the drainage ditch .']\n", + "=======================\n", + "[\"remy dufrene of raceland , louisiana drowned after falling into a drainage ditch tuesday afternoonthis after the toddler , 3 , ran away from his grandmother who could not catch up with himhis father searched for the boy 's body but it took him 15 minutes to find his sonthe ditch is almost always dry according to the family , but was filled with water because of the recent rain in the area\"]\n", + "remy dufrene , 3 , of raceland , louisiana , was in the kitchen with his grandmother when he ran out the back door as she was pouring him a glass of milk .remy dufrene ( above ) drowned after falling into a drainage ditch tuesday afternoonthe old woman tried to chase after the young boy , but soon after there was a loud scream as he fell into the drainage ditch .\n", + "remy dufrene of raceland , louisiana drowned after falling into a drainage ditch tuesday afternoonthis after the toddler , 3 , ran away from his grandmother who could not catch up with himhis father searched for the boy 's body but it took him 15 minutes to find his sonthe ditch is almost always dry according to the family , but was filled with water because of the recent rain in the area\n", + "[1.5131348 1.30987 1.1118209 1.4320366 1.2197971 1.1915727 1.0414368\n", + " 1.0294198 1.2262058 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 8 4 5 2 6 7 15 9 10 11 12 13 14 16]\n", + "=======================\n", + "[\"formula one star jenson button completed the london marathon with an impressive time of two hours , 52 minutes and 30 seconds .the 35-year-old mclaren driver told the bbc he was ` chuffed to bits ' with his performance , but joked he was disappointed to finish behind former olympic rower james cracknell .button was running on behalf of cancer research and described his experience as ` really really emotional '\"]\n", + "=======================\n", + "[\"mclaren driver jenson button ran the london marathon 2015he finished with a time of 2 hours 52 minutes and 30 secondsbutton praised the ` amazing atmosphere ' and collective spirit of the runners at the event\"]\n", + "formula one star jenson button completed the london marathon with an impressive time of two hours , 52 minutes and 30 seconds .the 35-year-old mclaren driver told the bbc he was ` chuffed to bits ' with his performance , but joked he was disappointed to finish behind former olympic rower james cracknell .button was running on behalf of cancer research and described his experience as ` really really emotional '\n", + "mclaren driver jenson button ran the london marathon 2015he finished with a time of 2 hours 52 minutes and 30 secondsbutton praised the ` amazing atmosphere ' and collective spirit of the runners at the event\n", + "[1.3194665 1.4083906 1.1123182 1.3313642 1.2215836 1.2140934 1.0910875\n", + " 1.1267436 1.0272262 1.0528582 1.0445521 1.0200391 1.0579715 1.026699\n", + " 1.1239814 1.0358406 0. ]\n", + "\n", + "[ 1 3 0 4 5 7 14 2 6 12 9 10 15 8 13 11 16]\n", + "=======================\n", + "[\"crew aboard sea shepherd vessel bob barker , which had been pursuing the ruined vessel named thunder for 110 days in an effort to stop alleged poaching activities in antarctic waters , found themselves taking on the role of saviours when the boat 's distress signals were sounded .thunder , one of six vessels known to illegally fish vulnerable toothfish in the southern ocean , sunk off the coast of africa on mondaythunder 's sinking is believed to be another deliberate move by the vessel to hide evidence of any illegal activities .\"]\n", + "=======================\n", + "[\"conservationist group saved fishing ship 's crew as boat sank on mondaygroup 's bob barker was chasing the ship collecting ` evidence of poaching '40 crew were rescused as fishing ship thunder sank off the coast of africabob barker captain said thunder skipper cheered as his boat went downpeter hammarstedt said scuttling would destroy evidence of poaching\"]\n", + "crew aboard sea shepherd vessel bob barker , which had been pursuing the ruined vessel named thunder for 110 days in an effort to stop alleged poaching activities in antarctic waters , found themselves taking on the role of saviours when the boat 's distress signals were sounded .thunder , one of six vessels known to illegally fish vulnerable toothfish in the southern ocean , sunk off the coast of africa on mondaythunder 's sinking is believed to be another deliberate move by the vessel to hide evidence of any illegal activities .\n", + "conservationist group saved fishing ship 's crew as boat sank on mondaygroup 's bob barker was chasing the ship collecting ` evidence of poaching '40 crew were rescused as fishing ship thunder sank off the coast of africabob barker captain said thunder skipper cheered as his boat went downpeter hammarstedt said scuttling would destroy evidence of poaching\n", + "[1.3778781 1.4502165 1.4255264 1.1673651 1.2425711 1.2598848 1.1090348\n", + " 1.041147 1.0841658 1.020656 1.0374256 1.0446757 1.0419457 1.0594333\n", + " 1.0301074 1.0164082 1.0160125]\n", + "\n", + "[ 1 2 0 5 4 3 6 8 13 11 12 7 10 14 9 15 16]\n", + "=======================\n", + "['hardy , who signed with the dallas cowboys last month , will be forced to sit out the first 10 games of the season and will not receive his salary for these games .this comes almost one year after hardy , 25 , was convicted by a judge in charlotte , north carolina of beating , strangling and threatening to kill his ex-girlfriend , nicki holder .greg hardy has been suspended by the nfl after an incident of domestic abuse that allegedly occurred last year .']\n", + "=======================\n", + "[\"the nfl announced today that greg hardy would be suspended without pay for 10 games at the start of the 2015 seasonhardy was convicted by a judge in july of beating , strangling and threatening to kill ex-girlfriend nicki holderholder told police that hardy choked her , slammed her against a bathtub , threw her to the floor and threatened to kill her after a fight at his condocharges were eventually dropped after holder could not be located when hardy 's lawyers appealed the decision and asked for a jury trialhe was forced to leave the carolina panthers as a result of these charges last season , but still collected his salary of roughly $ 770,000 a week\"]\n", + "hardy , who signed with the dallas cowboys last month , will be forced to sit out the first 10 games of the season and will not receive his salary for these games .this comes almost one year after hardy , 25 , was convicted by a judge in charlotte , north carolina of beating , strangling and threatening to kill his ex-girlfriend , nicki holder .greg hardy has been suspended by the nfl after an incident of domestic abuse that allegedly occurred last year .\n", + "the nfl announced today that greg hardy would be suspended without pay for 10 games at the start of the 2015 seasonhardy was convicted by a judge in july of beating , strangling and threatening to kill ex-girlfriend nicki holderholder told police that hardy choked her , slammed her against a bathtub , threw her to the floor and threatened to kill her after a fight at his condocharges were eventually dropped after holder could not be located when hardy 's lawyers appealed the decision and asked for a jury trialhe was forced to leave the carolina panthers as a result of these charges last season , but still collected his salary of roughly $ 770,000 a week\n", + "[1.2029824 1.322304 1.2050784 1.3410306 1.1468434 1.158459 1.0673493\n", + " 1.1162059 1.0722106 1.1076069 1.0486282 1.0240618 1.0188297 1.0223615\n", + " 1.0344201 1.0400965 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 0 5 4 7 9 8 6 10 15 14 11 13 12 18 16 17 19]\n", + "=======================\n", + "[\"researchers creates a model ` hybrid spreading ' which accurately predicted patients ' progression from hiv to aids in a major clinical trial - and say the spread was similar to a computer virushiv specialists and network security experts at university college london ( ucl ) made the disovery after creating a simulation of how the virus spreadsa new model for hiv progression shows that it spreads in a similar way to some computer ` worms ' .\"]\n", + "=======================\n", + "[\"new model accurately predicted patients ' progression from hiv to aidsinspired by similarities between hiv and computer worms such as the highly damaging ` conficker ' worm , first detected in 2008model found early treatment is key to staving off aids\"]\n", + "researchers creates a model ` hybrid spreading ' which accurately predicted patients ' progression from hiv to aids in a major clinical trial - and say the spread was similar to a computer virushiv specialists and network security experts at university college london ( ucl ) made the disovery after creating a simulation of how the virus spreadsa new model for hiv progression shows that it spreads in a similar way to some computer ` worms ' .\n", + "new model accurately predicted patients ' progression from hiv to aidsinspired by similarities between hiv and computer worms such as the highly damaging ` conficker ' worm , first detected in 2008model found early treatment is key to staving off aids\n", + "[1.2226136 1.4427888 1.2544318 1.2343138 1.1082768 1.1181988 1.0598385\n", + " 1.2625519 1.1534758 1.1149325 1.1009821 1.0392604 1.0684892 1.1300906\n", + " 1.1087136 1.0516845 1.0447594 1.0448585 1.0411277 1.0054257]\n", + "\n", + "[ 1 7 2 3 0 8 13 5 9 14 4 10 12 6 15 17 16 18 11 19]\n", + "=======================\n", + "[\"the 52-year-old has been free on bail since march , when he was charged with sexually and indecently assaulting two 12-year-old boys at schools in sydney more than 25 years ago .the former child safety officer with education queensland has been charged with ten counts of sex offencesbrett anthony o'connor 's lawyer , phillip mulherin , applied for a suppression order in the tweed heads local court on monday .\"]\n", + "=======================\n", + "[\"a magistrate has refused a media ban on the trial of a sex offenderbrett anthony o'connor is the former head of child safety at education queenslandhe was arrested in march for indecently assaulting two sydney school boys more than 25 years agopolice allege they occurred in 1987 and 1989he has been suspended from his job at education queensland\"]\n", + "the 52-year-old has been free on bail since march , when he was charged with sexually and indecently assaulting two 12-year-old boys at schools in sydney more than 25 years ago .the former child safety officer with education queensland has been charged with ten counts of sex offencesbrett anthony o'connor 's lawyer , phillip mulherin , applied for a suppression order in the tweed heads local court on monday .\n", + "a magistrate has refused a media ban on the trial of a sex offenderbrett anthony o'connor is the former head of child safety at education queenslandhe was arrested in march for indecently assaulting two sydney school boys more than 25 years agopolice allege they occurred in 1987 and 1989he has been suspended from his job at education queensland\n", + "[1.3966374 1.1975852 1.2413402 1.2911925 1.1772727 1.0321964 1.0869591\n", + " 1.089377 1.1488101 1.0881766 1.057034 1.0919667 1.165051 1.0579402\n", + " 1.040094 1.03146 1.0517327 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 4 12 8 11 7 9 6 13 10 16 14 5 15 17 18 19]\n", + "=======================\n", + "['saudi prince alwaleed bin talal has pledged to give 100 bentleys to saudi pilots who took part in air strikes against rebels advancing in yemensaudi arabian forces launched air strikes on yemen a month ago to stop advances from the shiite houthi rebels , who are allied with iran and previously overthrew the saudi-backed government .a saudi prince has promised to give a free bentley to every pilot involved in the yemen air strikes , as bombing raids in the country appeared to resume despite a pledge that they would stop .']\n", + "=======================\n", + "['air strikes were launched by saudi forces a month ago against rebelssaudi forces have focused on beating back shiite houthi rebels in yemenprince alwaleed bin talal pledged bentleys for pilots involved in bombingshe made pledge on wednesday after bombing raids appeared to resume , despite an official announcement that they would be halted last night']\n", + "saudi prince alwaleed bin talal has pledged to give 100 bentleys to saudi pilots who took part in air strikes against rebels advancing in yemensaudi arabian forces launched air strikes on yemen a month ago to stop advances from the shiite houthi rebels , who are allied with iran and previously overthrew the saudi-backed government .a saudi prince has promised to give a free bentley to every pilot involved in the yemen air strikes , as bombing raids in the country appeared to resume despite a pledge that they would stop .\n", + "air strikes were launched by saudi forces a month ago against rebelssaudi forces have focused on beating back shiite houthi rebels in yemenprince alwaleed bin talal pledged bentleys for pilots involved in bombingshe made pledge on wednesday after bombing raids appeared to resume , despite an official announcement that they would be halted last night\n", + "[1.3647788 1.4595325 1.1428108 1.0909127 1.432431 1.2890418 1.1394004\n", + " 1.0238945 1.0212431 1.0226707 1.0231442 1.0138123 1.019395 1.0844752\n", + " 1.1213373 1.1254419 1.1085691 1.0339104 1.0145881 0. ]\n", + "\n", + "[ 1 4 0 5 2 6 15 14 16 3 13 17 7 10 9 8 12 18 11 19]\n", + "=======================\n", + "[\"finn was overlooked for the west indies tour , but has spent time since the world cup working on his run-up -- and watching videos of his best spells as a reminder of why he became the youngest english bowler to take 50 test wickets .steven finn believes he 's regained his previous best form and is ready to push for an england placefinn admits he 's ` had my trials and tribulations over the last 12 months ' but he 's got his ` head straight '\"]\n", + "=======================\n", + "[\"steven finn was left out of the england squad for the west indies tourthe middlesex quick bowler has regained form after a tough 12 monthsfinn said he 's back to bowling like he was as ' a carefree 21-year-old 'his last of 23 test caps came for england back in 2013\"]\n", + "finn was overlooked for the west indies tour , but has spent time since the world cup working on his run-up -- and watching videos of his best spells as a reminder of why he became the youngest english bowler to take 50 test wickets .steven finn believes he 's regained his previous best form and is ready to push for an england placefinn admits he 's ` had my trials and tribulations over the last 12 months ' but he 's got his ` head straight '\n", + "steven finn was left out of the england squad for the west indies tourthe middlesex quick bowler has regained form after a tough 12 monthsfinn said he 's back to bowling like he was as ' a carefree 21-year-old 'his last of 23 test caps came for england back in 2013\n", + "[1.2539557 1.3583416 1.1709684 1.0833808 1.2826501 1.265876 1.0242821\n", + " 1.0311441 1.1705632 1.061439 1.0788053 1.1559092 1.0613362 1.049944\n", + " 1.0378728 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 5 0 2 8 11 3 10 9 12 13 14 7 6 15 16 17 18 19]\n", + "=======================\n", + "['the five kilogram sculpture is made from 75 per cent tanzania origin chocolate , contains a staggering 548,000 calories ... and has two solitaire diamonds for eyes ( which account for over $ 48,000 of the price tag )according to new research conducted by colgate , australian families will consumer 124.3 million easter treats this year over the holiday period .edible artwork : victorian chocolatier xocolate have created chocolate masterpieces inspired by renowned artists including jackson pollock ( left ) and banksy ( right ) using fairtrade chocolate']\n", + "=======================\n", + "[\"australian families will consume 124.3 million chocolate treats this eastersome of the quirkiest desserts on sale include a $ 275 chocolate bunny and a ` topiary tree ' made up of 85 solid chocolate eggsmost expensive treat in the world is a $ 64k bunny with diamond eyes in uk\"]\n", + "the five kilogram sculpture is made from 75 per cent tanzania origin chocolate , contains a staggering 548,000 calories ... and has two solitaire diamonds for eyes ( which account for over $ 48,000 of the price tag )according to new research conducted by colgate , australian families will consumer 124.3 million easter treats this year over the holiday period .edible artwork : victorian chocolatier xocolate have created chocolate masterpieces inspired by renowned artists including jackson pollock ( left ) and banksy ( right ) using fairtrade chocolate\n", + "australian families will consume 124.3 million chocolate treats this eastersome of the quirkiest desserts on sale include a $ 275 chocolate bunny and a ` topiary tree ' made up of 85 solid chocolate eggsmost expensive treat in the world is a $ 64k bunny with diamond eyes in uk\n", + "[1.2935538 1.2011192 1.152134 1.3012056 1.1319268 1.1264702 1.1004801\n", + " 1.0682518 1.1988618 1.0905195 1.0509901 1.0734217 1.0888393 1.083295\n", + " 1.0459442 1.0535291 1.052144 1.0665827 1.0259047 0. ]\n", + "\n", + "[ 3 0 1 8 2 4 5 6 9 12 13 11 7 17 15 16 10 14 18 19]\n", + "=======================\n", + "['isis fighter jannahtain tweeted this picture of a burger king whopper , which he claimed had been snuck into syria from turkeybritish jihadis have posted pictures of junk food and drinks such as burger king , pringles and mojitos which they have had carried across the turkish border into syria .would-be fighters are bringing the items across the border as they travel to join those currently waging jihadi across syria and iraq , who are desperately missing the western treats .']\n", + "=======================\n", + "[\"isis fighters have posted pictures on social media of western junk foodwould-be fighters are bringing burgers and crisps with them from turkeyother photos show chocolates , oreos and even cans of pre-mixed mojitosthey 've been rebuked for eating food some clerics consider forbidden\"]\n", + "isis fighter jannahtain tweeted this picture of a burger king whopper , which he claimed had been snuck into syria from turkeybritish jihadis have posted pictures of junk food and drinks such as burger king , pringles and mojitos which they have had carried across the turkish border into syria .would-be fighters are bringing the items across the border as they travel to join those currently waging jihadi across syria and iraq , who are desperately missing the western treats .\n", + "isis fighters have posted pictures on social media of western junk foodwould-be fighters are bringing burgers and crisps with them from turkeyother photos show chocolates , oreos and even cans of pre-mixed mojitosthey 've been rebuked for eating food some clerics consider forbidden\n", + "[1.178271 1.0941678 1.0772699 1.0554901 1.0826645 1.1836652 1.1174887\n", + " 1.0425802 1.0692992 1.075293 1.2678778 1.0891905 1.0323919 1.0575839\n", + " 1.0643588 1.076315 1.0529311 1.0505645 1.0203252 0. ]\n", + "\n", + "[10 5 0 6 1 11 4 2 15 9 8 14 13 3 16 17 7 12 18 19]\n", + "=======================\n", + "[\"alexis sanchez 's low shot squirmed agonisingly through the legs of reading goalkeeper adam federici in extra timereading , still struggling to avoid relegation to league one , had performed heroically to push arsenal into extra-time in this fa cup semi-final and federici had pulled off a series of stunning saves to keep the sides level at 1-1 but the australian goalkeeper guessed there would be no way back now .adam federici lay inert on the turf for a moment .\"]\n", + "=======================\n", + "[\"alexis sanchez scored after 39 minutes following some clever play by mesut ozil for arsenalgareth mccleary 's shot was deflected over the line on 54 as reading hauled themselves levelsanchez struck again before half time in extra time when his shot squirmed through adam federici 's legs\"]\n", + "alexis sanchez 's low shot squirmed agonisingly through the legs of reading goalkeeper adam federici in extra timereading , still struggling to avoid relegation to league one , had performed heroically to push arsenal into extra-time in this fa cup semi-final and federici had pulled off a series of stunning saves to keep the sides level at 1-1 but the australian goalkeeper guessed there would be no way back now .adam federici lay inert on the turf for a moment .\n", + "alexis sanchez scored after 39 minutes following some clever play by mesut ozil for arsenalgareth mccleary 's shot was deflected over the line on 54 as reading hauled themselves levelsanchez struck again before half time in extra time when his shot squirmed through adam federici 's legs\n", + "[1.3163544 1.3505158 1.2490841 1.3298088 1.0847715 1.1896198 1.1213951\n", + " 1.1690391 1.1171463 1.0604619 1.0405649 1.0579534 1.0508622 1.0828018\n", + " 1.0805991 1.0595534 1.0233911 1.0258259 0. 0. ]\n", + "\n", + "[ 1 3 0 2 5 7 6 8 4 13 14 9 15 11 12 10 17 16 18 19]\n", + "=======================\n", + "[\"the rescue mission was captured on camera and features mr cowell , who runs the wildlife aid foundation in leatherhead , surrey , travelling to the cub 's location in his car .the young fox cub had been stuck for around 40 minutes and was in desperate need of being set freean adorable fox cub trapped in a garden fence was set free by a wildlife expert named simon cowell .\"]\n", + "=======================\n", + "['the head of the wildlife aid foundation in surrey rescued the foxfox had been stuck for 40 minutes and was unable to move aroundmr cowell distracts it with a stick and then lifts cub out of the fencefox is released back into the wild and heads off home to its mother']\n", + "the rescue mission was captured on camera and features mr cowell , who runs the wildlife aid foundation in leatherhead , surrey , travelling to the cub 's location in his car .the young fox cub had been stuck for around 40 minutes and was in desperate need of being set freean adorable fox cub trapped in a garden fence was set free by a wildlife expert named simon cowell .\n", + "the head of the wildlife aid foundation in surrey rescued the foxfox had been stuck for 40 minutes and was unable to move aroundmr cowell distracts it with a stick and then lifts cub out of the fencefox is released back into the wild and heads off home to its mother\n", + "[1.0843109 1.4020483 1.4482296 1.247998 1.0993317 1.207219 1.0295435\n", + " 1.0264336 1.0314033 1.1876719 1.0485587 1.0715284 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 5 9 4 0 11 10 8 6 7 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"a recent study of four major discount retailers in the united states by the ecology centre found that 133 out of 164 products tested , including children 's jewellery , floor mats , kitchen utensils and silly straws , contained at least one hazardous chemical ` above levels of concern ' .from bargain bath mats and kitchen utensils to fun knick-knacks like silly straws and children 's stick-on jewellery , hundreds of products sold at discount retailers have been found to contain toxic levels of harmful metals , plastics and chemicals that have been linked to cancers and diseases .australian author and ceo of the australian college of environmental studies nicole bijlsma said the chemicals in these products are easily absorbed through ingestion and skin\"]\n", + "=======================\n", + "[\"over 100 items including children 's jewellery , floor mats , kitchen utensils and silly straws contained either harmful plastics , metals or chemicalsmany of the chemicals can be absorbed through ingestion and skin exposure , with children at risk due to their very high hand to mouth ratioa study of four discount retailers in the us found 81 % of the products tested contained at least one hazardous chemical ` above levels of concern 'ceo of australian college of environmental studies , nicole bijlsma , said the accc 's active chemical inspection program was ` not good enough '\"]\n", + "a recent study of four major discount retailers in the united states by the ecology centre found that 133 out of 164 products tested , including children 's jewellery , floor mats , kitchen utensils and silly straws , contained at least one hazardous chemical ` above levels of concern ' .from bargain bath mats and kitchen utensils to fun knick-knacks like silly straws and children 's stick-on jewellery , hundreds of products sold at discount retailers have been found to contain toxic levels of harmful metals , plastics and chemicals that have been linked to cancers and diseases .australian author and ceo of the australian college of environmental studies nicole bijlsma said the chemicals in these products are easily absorbed through ingestion and skin\n", + "over 100 items including children 's jewellery , floor mats , kitchen utensils and silly straws contained either harmful plastics , metals or chemicalsmany of the chemicals can be absorbed through ingestion and skin exposure , with children at risk due to their very high hand to mouth ratioa study of four discount retailers in the us found 81 % of the products tested contained at least one hazardous chemical ` above levels of concern 'ceo of australian college of environmental studies , nicole bijlsma , said the accc 's active chemical inspection program was ` not good enough '\n", + "[1.5548694 1.1532001 1.112684 1.2772397 1.2849731 1.1844814 1.0391233\n", + " 1.0799263 1.1347542 1.0289674 1.0184203 1.0143434 1.0179111 1.0248355\n", + " 1.0140892 1.210113 1.0697815 1.0545732 1.0399884 1.0336694]\n", + "\n", + "[ 0 4 3 15 5 1 8 2 7 16 17 18 6 19 9 13 10 12 11 14]\n", + "=======================\n", + "[\"frankie dettori made it six winners in four days as well as three flying dismounts with a treble at newbury on saturday centred around a neck success on charlie hills-trained greenham stakes winner muhaarar .dettori rides mr singh to win the al basti equiworld maiden stakes at newbury racecoursethursday 's announcement that dettori 's boss sheik joaan al thani had signed up gregory benoist to ride the french-based horses in his expanding string , means the 44-year-old italian can concentrate on britain .\"]\n", + "=======================\n", + "['frankie dettori made it six winners in four days at newbury on saturdaydettori rode a 441-1 treble complete with famous flying dismountsitalian rode charlie hills-trained greenham stakes winner muhaararearlier in week it was confirmed dettori would concentrate in british racing']\n", + "frankie dettori made it six winners in four days as well as three flying dismounts with a treble at newbury on saturday centred around a neck success on charlie hills-trained greenham stakes winner muhaarar .dettori rides mr singh to win the al basti equiworld maiden stakes at newbury racecoursethursday 's announcement that dettori 's boss sheik joaan al thani had signed up gregory benoist to ride the french-based horses in his expanding string , means the 44-year-old italian can concentrate on britain .\n", + "frankie dettori made it six winners in four days at newbury on saturdaydettori rode a 441-1 treble complete with famous flying dismountsitalian rode charlie hills-trained greenham stakes winner muhaararearlier in week it was confirmed dettori would concentrate in british racing\n", + "[1.3305049 1.2123053 1.2497553 1.2852688 1.1165582 1.0755569 1.0675877\n", + " 1.0588719 1.1202447 1.0253053 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 8 4 5 6 7 9 18 17 16 15 10 13 12 11 19 14 20]\n", + "=======================\n", + "[\"( cnn ) a jury of rolling stone 's media peers has dissected the magazine 's disastrous , discredited story about rape on the campus of the university of virginia , and the emerging consensus is that rolling stone 's lapses and sloppy blunders amount to journalistic malpractice -- made all the worse by the magazine 's head-in-the sand reaction to the thorough , devastating report released by a panel of investigators from the columbia university graduate school of journalism .rolling stone writer erdely never verified the identity of the attacker and therefore never confronted him with the allegations ; she never spoke to three of jackie 's friends who allegedly talked with jackie immediately after the attack , and she never gave the fraternity a fair chance to respond , refusing to provide specific information about what happened and when .the horrific allegations sparked protests against the fraternity , a police investigation , the temporary suspension of all fraternities at the school and a nationwide debate about the prevalence of sexual violence on college campuses .\"]\n", + "=======================\n", + "[\"columbia journalism school team finds major lapses in rolling stone 's university of virginia rape storyerrol louis : incredibly , the magazine is n't holding its staff accountable or changing procedures\"]\n", + "( cnn ) a jury of rolling stone 's media peers has dissected the magazine 's disastrous , discredited story about rape on the campus of the university of virginia , and the emerging consensus is that rolling stone 's lapses and sloppy blunders amount to journalistic malpractice -- made all the worse by the magazine 's head-in-the sand reaction to the thorough , devastating report released by a panel of investigators from the columbia university graduate school of journalism .rolling stone writer erdely never verified the identity of the attacker and therefore never confronted him with the allegations ; she never spoke to three of jackie 's friends who allegedly talked with jackie immediately after the attack , and she never gave the fraternity a fair chance to respond , refusing to provide specific information about what happened and when .the horrific allegations sparked protests against the fraternity , a police investigation , the temporary suspension of all fraternities at the school and a nationwide debate about the prevalence of sexual violence on college campuses .\n", + "columbia journalism school team finds major lapses in rolling stone 's university of virginia rape storyerrol louis : incredibly , the magazine is n't holding its staff accountable or changing procedures\n", + "[1.2017674 1.4844728 1.3863881 1.3753407 1.317962 1.1561759 1.0688655\n", + " 1.039205 1.0137297 1.0272298 1.0482537 1.0257351 1.0361605 1.0263605\n", + " 1.1168722 1.0372597 1.0126235 1.0190452 1.0210855 1.0236439 1.0169107]\n", + "\n", + "[ 1 2 3 4 0 5 14 6 10 7 15 12 9 13 11 19 18 17 20 8 16]\n", + "=======================\n", + "[\"james creag , 11 , is so sick of being taunted that he has stopped putting on the special cream - meaning that it is not safe for him to go outside .he suffers from the condition erythropoietic protoporphyria , whose victims are nicknamed ` real-life vampires ' because their skin can not be exposed to direct sunlight .a schoolboy with a rare illness which means he is allergic to sunlight has been racially abused in the street because of the brown suncream he has to wear .\"]\n", + "=======================\n", + "['james creag suffers from rare condition erythropoietic protoporphyriahe wears a thick brown sunscream to block out harmful rays which would leave him in agonybut after strangers taunted him with racist abuse he stopped using it']\n", + "james creag , 11 , is so sick of being taunted that he has stopped putting on the special cream - meaning that it is not safe for him to go outside .he suffers from the condition erythropoietic protoporphyria , whose victims are nicknamed ` real-life vampires ' because their skin can not be exposed to direct sunlight .a schoolboy with a rare illness which means he is allergic to sunlight has been racially abused in the street because of the brown suncream he has to wear .\n", + "james creag suffers from rare condition erythropoietic protoporphyriahe wears a thick brown sunscream to block out harmful rays which would leave him in agonybut after strangers taunted him with racist abuse he stopped using it\n", + "[1.1937661 1.0730397 1.2038172 1.1106206 1.3748894 1.125668 1.1610972\n", + " 1.0487632 1.0409364 1.0474845 1.0514345 1.0535902 1.1486356 1.166535\n", + " 1.0230768 1.0443885 1.0289009 1.1465552 1.0153046 1.0297455 0. ]\n", + "\n", + "[ 4 2 0 13 6 12 17 5 3 1 11 10 7 9 15 8 19 16 14 18 20]\n", + "=======================\n", + "['paul downton has left his role as managing director of england and wales cricket boardpaul downton is just the latest victim .it seems to happen after every single world cup that someone near to the top of english cricket gets the sack .']\n", + "=======================\n", + "[\"nasser hussain believes it 's time to look at the structure of english crickethussain believes paul downton is just the latest victim to take the flackhe feels the system is broken and desperately needs attention and fixingalastair cook 's sacking shows we are painfully slow to react problems\"]\n", + "paul downton has left his role as managing director of england and wales cricket boardpaul downton is just the latest victim .it seems to happen after every single world cup that someone near to the top of english cricket gets the sack .\n", + "nasser hussain believes it 's time to look at the structure of english crickethussain believes paul downton is just the latest victim to take the flackhe feels the system is broken and desperately needs attention and fixingalastair cook 's sacking shows we are painfully slow to react problems\n", + "[1.2098225 1.359805 1.2497029 1.2608372 1.0849888 1.0783751 1.0862716\n", + " 1.0816476 1.1139892 1.0545928 1.0268795 1.0432162 1.0494322 1.0592834\n", + " 1.0488386 1.0797751 1.0427674 1.0236033 1.0229467 0. 0. ]\n", + "\n", + "[ 1 3 2 0 8 6 4 7 15 5 13 9 12 14 11 16 10 17 18 19 20]\n", + "=======================\n", + "[\"they are some of the earliest holiday snaps of the chinese capital -- taken between 1900 and 1911 during the qing dynasty -- and they show landmarks almost devoid of visitors .the quiet scenes are a far cry from modern-day beijing , which is one of the most populous cities in the world and visited by tens of millions of domestic and international tourists every year .these century-old photos offer a rare glimpse of some of beijing 's most popular tourist attractions at a time when they barely had any foreign tourists and no one had ever heard of a selfie .\"]\n", + "=======================\n", + "[\"black and white photos offer a rare glimpse of the chinese capital 's landmarks devoid of touristspictures were taken between 1900 and 1911 during the qing dynasty , the last imperial dynasty of chinalocals and foreigners pose at the temple of heaven , western qing tombs and summer palacequiet scenes are a far cry from modern-day beijing , one of the most populous cities in the world\"]\n", + "they are some of the earliest holiday snaps of the chinese capital -- taken between 1900 and 1911 during the qing dynasty -- and they show landmarks almost devoid of visitors .the quiet scenes are a far cry from modern-day beijing , which is one of the most populous cities in the world and visited by tens of millions of domestic and international tourists every year .these century-old photos offer a rare glimpse of some of beijing 's most popular tourist attractions at a time when they barely had any foreign tourists and no one had ever heard of a selfie .\n", + "black and white photos offer a rare glimpse of the chinese capital 's landmarks devoid of touristspictures were taken between 1900 and 1911 during the qing dynasty , the last imperial dynasty of chinalocals and foreigners pose at the temple of heaven , western qing tombs and summer palacequiet scenes are a far cry from modern-day beijing , one of the most populous cities in the world\n", + "[1.2040893 1.4419206 1.3512852 1.2078395 1.2491093 1.2701623 1.0511781\n", + " 1.0241404 1.0593729 1.08148 1.105839 1.0667782 1.0642843 1.0970908\n", + " 1.0554198 1.0400317 1.0359131 1.0202527 1.0358211 0. 0. ]\n", + "\n", + "[ 1 2 5 4 3 0 10 13 9 11 12 8 14 6 15 16 18 7 17 19 20]\n", + "=======================\n", + "[\"the mother-of-four suffered a cardiac arrest at the scandal-hit north manchester general hospital in december .the 37-year-old 's death came just months after three babies and one mother died at the maternity unit .today ms hindle 's partner chris barnes and his sister karen have called for action to prevent further tragedies .\"]\n", + "=======================\n", + "['lianne hindle suffered a cardiac arrest at north manchester general37-year-old died three hours after giving birth to baby poppyinvestigation was launched last year into the deaths of seven babies and three mothers at the unit and a ward at the royal oldham hospitalfamily have raised questions over the standard of care ms hindle received']\n", + "the mother-of-four suffered a cardiac arrest at the scandal-hit north manchester general hospital in december .the 37-year-old 's death came just months after three babies and one mother died at the maternity unit .today ms hindle 's partner chris barnes and his sister karen have called for action to prevent further tragedies .\n", + "lianne hindle suffered a cardiac arrest at north manchester general37-year-old died three hours after giving birth to baby poppyinvestigation was launched last year into the deaths of seven babies and three mothers at the unit and a ward at the royal oldham hospitalfamily have raised questions over the standard of care ms hindle received\n", + "[1.2418834 1.4168504 1.1205074 1.4543233 1.3113368 1.2288132 1.0251598\n", + " 1.038092 1.0710881 1.080961 1.0381424 1.0548893 1.0451614 1.020413\n", + " 1.0163592 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 4 0 5 2 9 8 11 12 10 7 6 13 14 18 15 16 17 19]\n", + "=======================\n", + "[\"sergio aguero will be one of 14 native spanish-speaking players to feature in the manchester derby on sundayeight of united 's first-team squad and six from city are from spain or spanish-speaking countries .united captain wayne rooney ( centre ) is likely to be just one of nine english-speakers to feature on sunday\"]\n", + "=======================\n", + "[\"manchester united face rivals manchester city in the league on sundayeight of united 's first-team squad are native spanish-speaking playerssix city players are from spain or spanish-speaking countries\"]\n", + "sergio aguero will be one of 14 native spanish-speaking players to feature in the manchester derby on sundayeight of united 's first-team squad and six from city are from spain or spanish-speaking countries .united captain wayne rooney ( centre ) is likely to be just one of nine english-speakers to feature on sunday\n", + "manchester united face rivals manchester city in the league on sundayeight of united 's first-team squad are native spanish-speaking playerssix city players are from spain or spanish-speaking countries\n", + "[1.2415937 1.0687165 1.2169334 1.5336747 1.0602968 1.1726981 1.0667232\n", + " 1.0380442 1.0353594 1.0655315 1.0822749 1.0759715 1.0782447 1.1047521\n", + " 1.0448964 1.027702 1.0151511 1.0389739 1.0254139 1.2155368]\n", + "\n", + "[ 3 0 2 19 5 13 10 12 11 1 6 9 4 14 17 7 8 15 18 16]\n", + "=======================\n", + "['manchester united boss louis van gaal was left frustrated after his side were defeated 1-0 by chelseai conducted a poll on my radio show recently , and more than 70 per cent of those who voted believe manchester united will win the title next season .sir alex ferguson celebrates his second champions league triumph with united in 2008']\n", + "=======================\n", + "['man united have shown great promise for the future in recent matcheslouis van gaal has a decent squad at old trafford but must add to itgareth bale , memphis depay , mats hummels and nathaniel clyne on listvan gaal is a serial winner and can get united challenging for honoursdutchman will want to leave united with record that compares to sir alexread : liverpool launch bid to rival man utd for psv winger depay']\n", + "manchester united boss louis van gaal was left frustrated after his side were defeated 1-0 by chelseai conducted a poll on my radio show recently , and more than 70 per cent of those who voted believe manchester united will win the title next season .sir alex ferguson celebrates his second champions league triumph with united in 2008\n", + "man united have shown great promise for the future in recent matcheslouis van gaal has a decent squad at old trafford but must add to itgareth bale , memphis depay , mats hummels and nathaniel clyne on listvan gaal is a serial winner and can get united challenging for honoursdutchman will want to leave united with record that compares to sir alexread : liverpool launch bid to rival man utd for psv winger depay\n", + "[1.324235 1.2229056 1.2716047 1.3323709 1.107686 1.0452938 1.0709202\n", + " 1.1009207 1.2311554 1.0577698 1.0384632 1.0750566 1.1405715 1.0683548\n", + " 1.0373861 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 8 1 12 4 7 11 6 13 9 5 10 14 18 15 16 17 19]\n", + "=======================\n", + "[\"sevdet besim , from hallam in melbourne 's south-east , was charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' at the melbourne magistrates court on saturday afternoonthe family of one of the five men arrested as part of massive anti-terrorism raids in melbourne were warned by police the group were falling victim to islamic state recruiters .ahead of the arrests that stopped an alleged terrorist attack planned for anzac day , asio contacted the families of some of the would-be killers and cautioned them the men were becoming radicalised .\"]\n", + "=======================\n", + "['five men arrested as part of massive anti-terrorism raids in melbourneasio warned families of the men they were targeted by isis recruitersevdet besim charged with committing acts to prepare for terrorist actspolice allege the men planned to target an anzac day ceremonyit is thought police and public would be attacked with swords and knivesanother 18-year-old man was also arrested and remains in custodythree men had been released by police late on saturday nightmore than 200 officers raided seven properties in melbourne on saturday']\n", + "sevdet besim , from hallam in melbourne 's south-east , was charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' at the melbourne magistrates court on saturday afternoonthe family of one of the five men arrested as part of massive anti-terrorism raids in melbourne were warned by police the group were falling victim to islamic state recruiters .ahead of the arrests that stopped an alleged terrorist attack planned for anzac day , asio contacted the families of some of the would-be killers and cautioned them the men were becoming radicalised .\n", + "five men arrested as part of massive anti-terrorism raids in melbourneasio warned families of the men they were targeted by isis recruitersevdet besim charged with committing acts to prepare for terrorist actspolice allege the men planned to target an anzac day ceremonyit is thought police and public would be attacked with swords and knivesanother 18-year-old man was also arrested and remains in custodythree men had been released by police late on saturday nightmore than 200 officers raided seven properties in melbourne on saturday\n", + "[1.3707378 1.3537416 1.256586 1.22741 1.3359398 1.1625779 1.0271064\n", + " 1.0574425 1.0265995 1.0407275 1.0195206 1.061113 1.081542 1.095158\n", + " 1.0192949 1.0689523 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 3 5 13 12 15 11 7 9 6 8 10 14 18 16 17 19]\n", + "=======================\n", + "[\"seaworld has released an almost five-year-old video that shows an ex-trainer repeatedly using the n-word - following the trainer 's release of a book criticizing the company 's treatment of animals .in the five-minute video , hargrove discusses an incident in which five black men allegedly threw a rock at the woman speaking on the other line that she said hit the back of her head .hargrove , who also featured prominently in the cnn documentary blackfish , says seaworld is mounting a smear campaign against him in an attempt to distract from his message .\"]\n", + "=======================\n", + "[\"video shows john hargrove , who appeared in blackfish , using the n-word seven times as he talks to a friend on the phonehargrove said he ` had a lot to drink ' when the video was filmed and did not remember the incidentseaworld released the video to reporters and said they received it last weekend from an ` internal whistle-blower 'hargrove says the company is launching a ` smear campaign ' against himhe is currently on a book tour promoting beneath the surface\"]\n", + "seaworld has released an almost five-year-old video that shows an ex-trainer repeatedly using the n-word - following the trainer 's release of a book criticizing the company 's treatment of animals .in the five-minute video , hargrove discusses an incident in which five black men allegedly threw a rock at the woman speaking on the other line that she said hit the back of her head .hargrove , who also featured prominently in the cnn documentary blackfish , says seaworld is mounting a smear campaign against him in an attempt to distract from his message .\n", + "video shows john hargrove , who appeared in blackfish , using the n-word seven times as he talks to a friend on the phonehargrove said he ` had a lot to drink ' when the video was filmed and did not remember the incidentseaworld released the video to reporters and said they received it last weekend from an ` internal whistle-blower 'hargrove says the company is launching a ` smear campaign ' against himhe is currently on a book tour promoting beneath the surface\n", + "[1.3064581 1.4690357 1.3131212 1.1746227 1.1239926 1.0484073 1.0417286\n", + " 1.0545982 1.0140721 1.1582966 1.0713627 1.0456461 1.0133158 1.0256875\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 9 4 10 7 5 11 6 13 8 12 18 14 15 16 17 19]\n", + "=======================\n", + "[\"mauresmo , who is expecting a baby in august , will be replaced by swede jonas bjorkman in the lead-up to the us open and quite possibly after that , depending on how she assesses her priorities .the future of andy murray 's coaching arrangement with amelie mauresmo looks shrouded in doubt after he confirmed that they will take a prolonged break from each other after wimbledon .andy murray ( centre ) , tommy haas ( left ) and roberto bautista-agut help to blow out the candles on a cake to celebrate 100 years at the iphitos tennis club in munich , the venue for this week 's bmw open\"]\n", + "=======================\n", + "[\"jonas bjorkman joined andy murray 's camp on an initial trialamelie mauresmo is due to give birth to her first child in augustbjorkman will work with murray right through to the us openmurray is in munich to compete in this week 's bmw open on clay\"]\n", + "mauresmo , who is expecting a baby in august , will be replaced by swede jonas bjorkman in the lead-up to the us open and quite possibly after that , depending on how she assesses her priorities .the future of andy murray 's coaching arrangement with amelie mauresmo looks shrouded in doubt after he confirmed that they will take a prolonged break from each other after wimbledon .andy murray ( centre ) , tommy haas ( left ) and roberto bautista-agut help to blow out the candles on a cake to celebrate 100 years at the iphitos tennis club in munich , the venue for this week 's bmw open\n", + "jonas bjorkman joined andy murray 's camp on an initial trialamelie mauresmo is due to give birth to her first child in augustbjorkman will work with murray right through to the us openmurray is in munich to compete in this week 's bmw open on clay\n", + "[1.4101366 1.3641815 1.352824 1.3162856 1.0925082 1.3099965 1.2449676\n", + " 1.1377022 1.1431769 1.0436829 1.0210035 1.016595 1.011592 1.0222262\n", + " 1.08113 1.0118895 1.012882 1.0063192 1.0728805 0. 0. ]\n", + "\n", + "[ 0 1 2 3 5 6 8 7 4 14 18 9 13 10 11 16 15 12 17 19 20]\n", + "=======================\n", + "[\"liverpool manager brendan rodgers admits he was ` surprised and shocked ' by the online racist abuse targeted at the club 's striker mario balotelli .anti-discrimination body kick it out revealed on thursday night that italy international balotelli had been subjected to more than 4,000 racist messages on social media this season .balotelli 's liverpool team-mate daniel sturridge and arsenal striker danny welbeck have also each received more than a thousand discriminatory messages according to research carried out by tempero , a social media management agency , and analytics firm brandwatch .\"]\n", + "=======================\n", + "['liverpool striker mario balotelli has been racially abused onlineanti-racism group kick it out have revealed thousands of abusive postsbrendan rodgers has slammed any discrimination as unacceptablestoke city boss mark hughes has also called for a crackdown on racism']\n", + "liverpool manager brendan rodgers admits he was ` surprised and shocked ' by the online racist abuse targeted at the club 's striker mario balotelli .anti-discrimination body kick it out revealed on thursday night that italy international balotelli had been subjected to more than 4,000 racist messages on social media this season .balotelli 's liverpool team-mate daniel sturridge and arsenal striker danny welbeck have also each received more than a thousand discriminatory messages according to research carried out by tempero , a social media management agency , and analytics firm brandwatch .\n", + "liverpool striker mario balotelli has been racially abused onlineanti-racism group kick it out have revealed thousands of abusive postsbrendan rodgers has slammed any discrimination as unacceptablestoke city boss mark hughes has also called for a crackdown on racism\n", + "[1.4644293 1.2541089 1.4127523 1.273265 1.2581758 1.1580311 1.0750935\n", + " 1.0476625 1.0981368 1.1692466 1.0351564 1.0191742 1.013362 1.0195602\n", + " 1.0138308 1.0116132 1.0085902 1.0092692 1.0075873 1.0667839 1.1401995]\n", + "\n", + "[ 0 2 3 4 1 9 5 20 8 6 19 7 10 13 11 14 12 15 17 16 18]\n", + "=======================\n", + "[\"conrad clitheroe , left , and gary cooper , right , were thrown in jail after being arrested for writing down aircraft registration numbers in dubaithey were taken to a police station and , despite being told they would not be detained , were put into prison .clitheroe 's wife valerie had written to british prime minister david cameron to ask him to intervene in the case , raising concerns about her husband 's health due to his heart murmur and high blood pressure .\"]\n", + "=======================\n", + "[\"conrad clitheroe was jailed with his friends gary cooper and neil munrotrio arrested after writing down plane registration numbers at uae airportfears for mr clitheroe 's health after he ran out of blood pressure medicinehe will now be able to celebrate first wedding anniversary with wife in may\"]\n", + "conrad clitheroe , left , and gary cooper , right , were thrown in jail after being arrested for writing down aircraft registration numbers in dubaithey were taken to a police station and , despite being told they would not be detained , were put into prison .clitheroe 's wife valerie had written to british prime minister david cameron to ask him to intervene in the case , raising concerns about her husband 's health due to his heart murmur and high blood pressure .\n", + "conrad clitheroe was jailed with his friends gary cooper and neil munrotrio arrested after writing down plane registration numbers at uae airportfears for mr clitheroe 's health after he ran out of blood pressure medicinehe will now be able to celebrate first wedding anniversary with wife in may\n", + "[1.4104635 1.1719782 1.387315 1.256084 1.2203257 1.1885068 1.1183181\n", + " 1.0686117 1.0530462 1.1880541 1.0439705 1.0372667 1.0223569 1.0435262\n", + " 1.023609 1.0393107 1.1113445 1.0909534 1.1381483 1.0285165 0. ]\n", + "\n", + "[ 0 2 3 4 5 9 1 18 6 16 17 7 8 10 13 15 11 19 14 12 20]\n", + "=======================\n", + "['in custody : dana marie mckinnon , 24 , has been charged with dui manslaughter and vehicular homicide in the 2013 accident that killed an orlando businessmanshe is being held at the orange county jail on $ 10,150 bail .according to florida highway patrol , mckinnon , then a 21-year-old student at university of central florida , was under the influence of alcohol when she slammed into the vehicle of 42-year-old orlando businessman vihn vo on the morning of may 18 , 2013 .']\n", + "=======================\n", + "[\"dana marie mckinnon , 24 , charged with dui manslaughter and vehicular homicideflorida highway patrol says mckinnon , then 21 , slammed into minivan on vihn vo , 42 , killing him on the spot in may 2013mckinnon 's blood-alcohol level was more than twice the legal limitvo was owner and ceo of vector planning & services , a company that provides it services to military and federal and state agencies\"]\n", + "in custody : dana marie mckinnon , 24 , has been charged with dui manslaughter and vehicular homicide in the 2013 accident that killed an orlando businessmanshe is being held at the orange county jail on $ 10,150 bail .according to florida highway patrol , mckinnon , then a 21-year-old student at university of central florida , was under the influence of alcohol when she slammed into the vehicle of 42-year-old orlando businessman vihn vo on the morning of may 18 , 2013 .\n", + "dana marie mckinnon , 24 , charged with dui manslaughter and vehicular homicideflorida highway patrol says mckinnon , then 21 , slammed into minivan on vihn vo , 42 , killing him on the spot in may 2013mckinnon 's blood-alcohol level was more than twice the legal limitvo was owner and ceo of vector planning & services , a company that provides it services to military and federal and state agencies\n", + "[1.1984128 1.1265743 1.1327115 1.2267271 1.1653935 1.0759989 1.0565134\n", + " 1.0517888 1.0660179 1.0920787 1.0453714 1.0623716 1.0476128 1.0577502\n", + " 1.0450505 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 4 2 1 9 5 8 11 13 6 7 12 10 14 15 16 17 18 19 20]\n", + "=======================\n", + "['iran is n\\'t 10 feet tall in this region , but by making the nuclear issue the be-all and end-all that is supposed to reduce iran \\'s power , the united states is only making tehran taller .( cnn ) if i had to describe the u.s.-iranian relationship in one word it would be \" overmatched . \"we \\'re playing checkers on the middle east game board and tehran \\'s playing three-dimensional chess .']\n", + "=======================\n", + "['miller : while the u.s. entangles itself in the nuclear negotiations , iran is gaining a freer hand to assert its regional influencehe says united states is being outfoxed , not outgunned']\n", + "iran is n't 10 feet tall in this region , but by making the nuclear issue the be-all and end-all that is supposed to reduce iran 's power , the united states is only making tehran taller .( cnn ) if i had to describe the u.s.-iranian relationship in one word it would be \" overmatched . \"we 're playing checkers on the middle east game board and tehran 's playing three-dimensional chess .\n", + "miller : while the u.s. entangles itself in the nuclear negotiations , iran is gaining a freer hand to assert its regional influencehe says united states is being outfoxed , not outgunned\n", + "[1.0781 1.0375576 1.0857875 1.4873298 1.4474049 1.3091933 1.0953076\n", + " 1.0398464 1.0339053 1.1196649 1.0691304 1.086254 1.0326929 1.0145056\n", + " 1.0195435 1.0416396 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 5 9 6 11 2 0 10 15 7 1 8 12 14 13 19 16 17 18 20]\n", + "=======================\n", + "[\"a new survey by academics at lancashire 's edge hill university and the university of south australia has charted a direct link between anxiety and performance , saying pupils who worry about their exam performance are more likely to do badly than those who are less anxious .the study , which has been published in the british journal of educational psychology , questioned 705 pupils from 11 schools .femail has enlisted the help of michael ribton , principal at burlington danes academy in west london , which achieved an outstanding grade at its last ofsted inspection , to offer some sage advice to parents and students on how to get through the tricky months ahead .\"]\n", + "=======================\n", + "[\"new research finds direct link between exam stress and performancelondon headteacher michael ribton says revision plans , flashcards and cram techniques can all help children prepare for the exam seasonhe advises parents that extra tuition and bribes should n't be necessary\"]\n", + "a new survey by academics at lancashire 's edge hill university and the university of south australia has charted a direct link between anxiety and performance , saying pupils who worry about their exam performance are more likely to do badly than those who are less anxious .the study , which has been published in the british journal of educational psychology , questioned 705 pupils from 11 schools .femail has enlisted the help of michael ribton , principal at burlington danes academy in west london , which achieved an outstanding grade at its last ofsted inspection , to offer some sage advice to parents and students on how to get through the tricky months ahead .\n", + "new research finds direct link between exam stress and performancelondon headteacher michael ribton says revision plans , flashcards and cram techniques can all help children prepare for the exam seasonhe advises parents that extra tuition and bribes should n't be necessary\n", + "[1.1623261 1.3431203 1.2653697 1.3615323 1.2748352 1.2531475 1.1615472\n", + " 1.0159502 1.0326241 1.1701548 1.0587305 1.060201 1.0411038 1.0310507\n", + " 1.0646337 1.0271691 1.0298429 1.0638313 1.0413965]\n", + "\n", + "[ 3 1 4 2 5 9 0 6 14 17 11 10 18 12 8 13 16 15 7]\n", + "=======================\n", + "['a rarely-seen napoleonic fort , off the coast of tenby , will now be accessible via footbridge for the first timethe welsh fort , which defended britain from french invasion , will be joined to the mainland thanks to a 328ft footbridge across the sea .but tomorrow , planners are due to approve a new footbridge , which will stretch more than 328 ft ( 100 metres ) .']\n", + "=======================\n", + "[\"st catherine 's island in pembrokeshire will now be easily accessible with a new 100m footbridgecurrently , the island can only be reached by crossing a beach during low tidethe bridge , expected to be approved tomorrow , will allow history buffs to explore the fort , which was built in 1867\"]\n", + "a rarely-seen napoleonic fort , off the coast of tenby , will now be accessible via footbridge for the first timethe welsh fort , which defended britain from french invasion , will be joined to the mainland thanks to a 328ft footbridge across the sea .but tomorrow , planners are due to approve a new footbridge , which will stretch more than 328 ft ( 100 metres ) .\n", + "st catherine 's island in pembrokeshire will now be easily accessible with a new 100m footbridgecurrently , the island can only be reached by crossing a beach during low tidethe bridge , expected to be approved tomorrow , will allow history buffs to explore the fort , which was built in 1867\n", + "[1.4175212 1.3196037 1.2368824 1.3402444 1.2220564 1.1686329 1.0820999\n", + " 1.0870862 1.1097658 1.110736 1.1068823 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 5 9 8 10 7 6 17 11 12 13 14 15 16 18]\n", + "=======================\n", + "[\"manchester city sporting director txiki begiristain checked on porto pair yacine brahimi and alex sandro on tuesday night .porto attacking midfielder yacine brahimi ( right ) is a prime transfer target for manchester citybegiristain , who also wants wolfsburg 's former chelsea midfielder kevin de bruyne , watched porto in action against bayern munich having sent scouts to watch them in the first leg in portugal last week .\"]\n", + "=======================\n", + "['manchester city are interested in signing porto stars yacine brahimi and alex sandro and have sent scouts to watch themthe club are also keen on wolfsburg midfielder kevin de bruynecity have fallen short of expectations in the premier league this season and will look to revamp and improve their squad in the summer']\n", + "manchester city sporting director txiki begiristain checked on porto pair yacine brahimi and alex sandro on tuesday night .porto attacking midfielder yacine brahimi ( right ) is a prime transfer target for manchester citybegiristain , who also wants wolfsburg 's former chelsea midfielder kevin de bruyne , watched porto in action against bayern munich having sent scouts to watch them in the first leg in portugal last week .\n", + "manchester city are interested in signing porto stars yacine brahimi and alex sandro and have sent scouts to watch themthe club are also keen on wolfsburg midfielder kevin de bruynecity have fallen short of expectations in the premier league this season and will look to revamp and improve their squad in the summer\n", + "[1.3344257 1.2141736 1.0893689 1.1304122 1.3053532 1.0566694 1.0208657\n", + " 1.1775279 1.0300525 1.0421073 1.0210501 1.0666895 1.1747657 1.1323606\n", + " 1.0543702 1.0322143 1.0297889 0. 0. ]\n", + "\n", + "[ 0 4 1 7 12 13 3 2 11 5 14 9 15 8 16 10 6 17 18]\n", + "=======================\n", + "[\"amanda knox may have finally cleared her name , but eight years of legal battles have left the seattle native penniless , exhausted and traumatized from stress , claims her biographer .three weeks after an italian court overturned her conviction for the 2007 murder of british student , meredith kercher , preston told radaronline that knox is living out a bittersweet victory .` in prison , she was threatened with rape from a male guard , it was a really terrible experience , ' says trial by jury author , douglas preston . '\"]\n", + "=======================\n", + "['amanda knox , 27 , and her family have been left in financial difficulties by the fight to clear her namebiographer douglas preston claims the seattle native now suffers ptsdclaims that the knox family have used up the $ 4 million advance she got for autobiographyhe says that despite being declared innocent last month the victory was bittersweetin late march , knox , 27 , and ex-boyfriend raffaele sollecito were acquitted of murder of meredith kercher in november 2007pair were convicted of murder in december 2009 , before being acquitted in october 2011 and reconvicted in 2014spent a total of four years behind bars while they were in italy']\n", + "amanda knox may have finally cleared her name , but eight years of legal battles have left the seattle native penniless , exhausted and traumatized from stress , claims her biographer .three weeks after an italian court overturned her conviction for the 2007 murder of british student , meredith kercher , preston told radaronline that knox is living out a bittersweet victory .` in prison , she was threatened with rape from a male guard , it was a really terrible experience , ' says trial by jury author , douglas preston . '\n", + "amanda knox , 27 , and her family have been left in financial difficulties by the fight to clear her namebiographer douglas preston claims the seattle native now suffers ptsdclaims that the knox family have used up the $ 4 million advance she got for autobiographyhe says that despite being declared innocent last month the victory was bittersweetin late march , knox , 27 , and ex-boyfriend raffaele sollecito were acquitted of murder of meredith kercher in november 2007pair were convicted of murder in december 2009 , before being acquitted in october 2011 and reconvicted in 2014spent a total of four years behind bars while they were in italy\n", + "[1.448129 1.4045371 1.1925781 1.1391796 1.285644 1.160206 1.0557553\n", + " 1.2156364 1.0289931 1.0343097 1.0162027 1.0163997 1.077191 1.0910766\n", + " 1.0834042 1.0630196 1.0538851 1.0777102 1.0426612]\n", + "\n", + "[ 0 1 4 7 2 5 3 13 14 17 12 15 6 16 18 9 8 11 10]\n", + "=======================\n", + "[\"former manchester united manager sir alex ferguson revealed why he rates cristiano ronaldo above lionel messi while speaking to john parrott over a frame of snooker .the most successful manager in the history of british football spoke to parrott and presenter hazel irvine as part of the bbc 's coverage of the world championship at the crucible .ferguson believes cristiano ronaldo is better than lionel messi as he could score for any team\"]\n", + "=======================\n", + "[\"sir alex ferguson met up with john parrott for a frame of snooker as part of coverage of world championshipsformer manchester united manager explained why he rates real madrid superstar cristiano ronaldo above barcelona talisman lionel messifergie also reveals how he ` battered ' former player paul ince at snooker\"]\n", + "former manchester united manager sir alex ferguson revealed why he rates cristiano ronaldo above lionel messi while speaking to john parrott over a frame of snooker .the most successful manager in the history of british football spoke to parrott and presenter hazel irvine as part of the bbc 's coverage of the world championship at the crucible .ferguson believes cristiano ronaldo is better than lionel messi as he could score for any team\n", + "sir alex ferguson met up with john parrott for a frame of snooker as part of coverage of world championshipsformer manchester united manager explained why he rates real madrid superstar cristiano ronaldo above barcelona talisman lionel messifergie also reveals how he ` battered ' former player paul ince at snooker\n", + "[1.2452832 1.5458028 1.1917845 1.3686261 1.1569157 1.1253023 1.0533284\n", + " 1.059262 1.0601926 1.032685 1.0175135 1.0601566 1.1284446 1.1076863\n", + " 1.1058295 1.0108545 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 12 5 13 14 8 11 7 6 9 10 15 17 16 18]\n", + "=======================\n", + "[\"steve spowart helped the horses ' owner , sonia sharrock , to lead the animals to safety near dungog , in the nsw hunter region - one of the hardest hit areas in the state - where three people died in the severe weather , four houses were washed away and the town received the most rainfall it had in 100 years .heartwarming photos have emerged of a man rescuing five beloved horses from the severe flooding in his rural town triggered by the worst storm in a decade in new south wales .mr spowart , in a black wetsuit , paddled out on his surfboard to where the horses were stranded , past trees , bushes and fences submerged in the floodwater that was almost as high as his shoulders .\"]\n", + "=======================\n", + "[\"steve spowart rescued his friend 's horses stranded in deep storm water by paddling out to them on a surfboardthe animals were in flooded fields near dungog , in the nsw hunter regionone of the horses was caught in barbed wire and became startled as mr spowart tried to free itdungog is one of the areas hardest hit in the state by what 's being called the storm of the centurythree people have died in the severe weather and four houses were washed away\"]\n", + "steve spowart helped the horses ' owner , sonia sharrock , to lead the animals to safety near dungog , in the nsw hunter region - one of the hardest hit areas in the state - where three people died in the severe weather , four houses were washed away and the town received the most rainfall it had in 100 years .heartwarming photos have emerged of a man rescuing five beloved horses from the severe flooding in his rural town triggered by the worst storm in a decade in new south wales .mr spowart , in a black wetsuit , paddled out on his surfboard to where the horses were stranded , past trees , bushes and fences submerged in the floodwater that was almost as high as his shoulders .\n", + "steve spowart rescued his friend 's horses stranded in deep storm water by paddling out to them on a surfboardthe animals were in flooded fields near dungog , in the nsw hunter regionone of the horses was caught in barbed wire and became startled as mr spowart tried to free itdungog is one of the areas hardest hit in the state by what 's being called the storm of the centurythree people have died in the severe weather and four houses were washed away\n", + "[1.4703586 1.167196 1.3639745 1.2212162 1.2337166 1.0848488 1.1761487\n", + " 1.1778369 1.0725758 1.056558 1.0377733 1.0850835 1.0372251 1.0510011\n", + " 1.0643601 1.0613706 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 4 3 7 6 1 11 5 8 14 15 9 13 10 12 18 16 17 19]\n", + "=======================\n", + "[\"andrew o'clee , 36 , hid his secret second family from his first wife and has been jailed for eight months , pictured outside chichester crown court yesterdayserial cheat o'clee had tried to cover his tracks by claiming he was involved in a fraud case and had been put into the witness protection programme which meant he had to live in a ` safe house ' for long periods .but michelle , 39 , uncovered the deception when she came across footage of him completing the ice bucket charity challenge on the social networking site .\"]\n", + "=======================\n", + "[\"andrew o'clee , 36 , met first wife michelle in 2000 and they married in 2008he started affair in 2011 and forged document so he could marry philippabut he was caught out in elaborate lie after video appeared on facebookdespite the revelations , philippa , 30 , has vowed to stand by her mano'clee was jailed for eight months at chichester crown court for bigamy\"]\n", + "andrew o'clee , 36 , hid his secret second family from his first wife and has been jailed for eight months , pictured outside chichester crown court yesterdayserial cheat o'clee had tried to cover his tracks by claiming he was involved in a fraud case and had been put into the witness protection programme which meant he had to live in a ` safe house ' for long periods .but michelle , 39 , uncovered the deception when she came across footage of him completing the ice bucket charity challenge on the social networking site .\n", + "andrew o'clee , 36 , met first wife michelle in 2000 and they married in 2008he started affair in 2011 and forged document so he could marry philippabut he was caught out in elaborate lie after video appeared on facebookdespite the revelations , philippa , 30 , has vowed to stand by her mano'clee was jailed for eight months at chichester crown court for bigamy\n", + "[1.0879707 1.4573438 1.2542673 1.1720111 1.2818379 1.2364664 1.1443179\n", + " 1.0849823 1.1429025 1.0897794 1.0358913 1.0219069 1.0243263 1.055881\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 5 3 6 8 9 0 7 13 10 12 11 18 14 15 16 17 19]\n", + "=======================\n", + "[\"the 19-time champion jockey could have ridden cause of causes who , like his mount shutthefrontdoor , is owned by his boss jp mcmanus .he has ridden him three times before .he was second at the 2014 cheltenham festival and then landed the four-mile national hunt chase at last month 's meeting .\"]\n", + "=======================\n", + "['ap mccoy could have ridden cause of causes in the grand national on saturdaychampion jockey ultimately chose shutthefrontdoor for big race at aintreeroyale knight is worth an each-way punt at more speculative odds']\n", + "the 19-time champion jockey could have ridden cause of causes who , like his mount shutthefrontdoor , is owned by his boss jp mcmanus .he has ridden him three times before .he was second at the 2014 cheltenham festival and then landed the four-mile national hunt chase at last month 's meeting .\n", + "ap mccoy could have ridden cause of causes in the grand national on saturdaychampion jockey ultimately chose shutthefrontdoor for big race at aintreeroyale knight is worth an each-way punt at more speculative odds\n", + "[1.1921597 1.1811539 1.1476755 1.2846898 1.1082051 1.0433848 1.0414467\n", + " 1.0325514 1.2282208 1.1536646 1.06712 1.0410616 1.0688088 1.0452539\n", + " 1.056327 1.0792917 1.0472618 1.0628899 1.0265826 1.022946 ]\n", + "\n", + "[ 3 8 0 1 9 2 4 15 12 10 17 14 16 13 5 6 11 7 18 19]\n", + "=======================\n", + "[\"it 's fireball cinnamon whisky , and lately it 's been as hot as its name .fireball , which did n't exist in its current form a decade ago , is the fastest-growing big brand of liquor in america .( cnn ) when drinkers in clayton 's , a beachfront bar in south padre island , texas , belly up for a round of shots , bartender casey belue can usually guess what they 'll order .\"]\n", + "=======================\n", + "['fireball cinnamon whisky is the fastest-growing big brand of liquor in americathe liquor has dethroned jagermeister as america \\'s party shot of choicewhisky expert : \" fireball is an incredible phenomenon .']\n", + "it 's fireball cinnamon whisky , and lately it 's been as hot as its name .fireball , which did n't exist in its current form a decade ago , is the fastest-growing big brand of liquor in america .( cnn ) when drinkers in clayton 's , a beachfront bar in south padre island , texas , belly up for a round of shots , bartender casey belue can usually guess what they 'll order .\n", + "fireball cinnamon whisky is the fastest-growing big brand of liquor in americathe liquor has dethroned jagermeister as america 's party shot of choicewhisky expert : \" fireball is an incredible phenomenon .\n", + "[1.2953976 1.211168 1.2513518 1.2070508 1.1814948 1.2470772 1.1166714\n", + " 1.0847003 1.0586668 1.0800061 1.0413479 1.148934 1.0327916 1.1364383\n", + " 1.045502 1.0266105 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 5 1 3 4 11 13 6 7 9 8 14 10 12 15 18 16 17 19]\n", + "=======================\n", + "['the shadow chancellor refused to rule out a five-point rise in corporation taxthe main rate has been brought down under the coalition from 28 per cent to 21 per cent .ed balls yesterday opened the door to a tax raid on businesses , which critics warn would endanger the economic recovery .']\n", + "=======================\n", + "[\"shadow chancellor refused to rule out a five-point rise in corporation taxhe was also evasive about the 40p rate of income tax during interviewbusinesses are already concerned about labour 's plans not to cut taxthe main rate has been brought down by coalition from 28 to 21 per cent\"]\n", + "the shadow chancellor refused to rule out a five-point rise in corporation taxthe main rate has been brought down under the coalition from 28 per cent to 21 per cent .ed balls yesterday opened the door to a tax raid on businesses , which critics warn would endanger the economic recovery .\n", + "shadow chancellor refused to rule out a five-point rise in corporation taxhe was also evasive about the 40p rate of income tax during interviewbusinesses are already concerned about labour 's plans not to cut taxthe main rate has been brought down by coalition from 28 to 21 per cent\n", + "[1.2407334 1.4585905 1.2486341 1.273735 1.1994884 1.2100546 1.1405561\n", + " 1.0718561 1.0537736 1.1418563 1.0141497 1.013211 1.0144402 1.0169646\n", + " 1.0774764 1.0127951 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 5 4 9 6 14 7 8 13 12 10 11 15 18 16 17 19]\n", + "=======================\n", + "['culture and media secretary sajid javid is setting out plans to shield youngsters from easy access to hardcore online pornography amid fears that it is corroding childhood .easy access : the rising tide of online pornography is corroding children - but the tories have now pledged to a radical change in the law to protect a generation of children from the tide of internet sleazehe promised legislation to force distributors to put effective age verification technology in place that would apply to those based in the uk as well as abroad .']\n", + "=======================\n", + "[\"radical change in the law to protect a generation of children will be introduced if the conservatives win the electionculture and media secretary sajid javid is setting out plans to shield youngsters from easy access to hardcore online pornographypromised legislation to force distributors to put effective age verification technology in placehis pledge is a victory for the daily mail 's block online porn campaign\"]\n", + "culture and media secretary sajid javid is setting out plans to shield youngsters from easy access to hardcore online pornography amid fears that it is corroding childhood .easy access : the rising tide of online pornography is corroding children - but the tories have now pledged to a radical change in the law to protect a generation of children from the tide of internet sleazehe promised legislation to force distributors to put effective age verification technology in place that would apply to those based in the uk as well as abroad .\n", + "radical change in the law to protect a generation of children will be introduced if the conservatives win the electionculture and media secretary sajid javid is setting out plans to shield youngsters from easy access to hardcore online pornographypromised legislation to force distributors to put effective age verification technology in placehis pledge is a victory for the daily mail 's block online porn campaign\n", + "[1.4153041 1.3176752 1.375251 1.1556828 1.2462004 1.1990229 1.1193839\n", + " 1.1776147 1.0885237 1.0762241 1.0731573 1.1587523 1.0260972 1.0075879\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 4 5 7 11 3 6 8 9 10 12 13 22 26 25 24 23 21 14 19 18 17\n", + " 16 15 27 20 28]\n", + "=======================\n", + "['roy keane , republic of ireland assistant manager , pictured during a euro 2016 qualifier on march 29the 43-year-old has denied committing a public order offence after it was claimed he behaved aggressively towards driver fateh kerar , 44 , near traffic lights in altrincham , cheshire .former manchester united footballer roy keane will stand trial over an alleged road-rage incident with a taxi driver .']\n", + "=======================\n", + "[\"keane accused of aggressive behaviour towards driver near traffic lightsallegedly caused harassment , alarm or distress to 44-year-old fateh kerartv pundit keane , 43 , of hale , cheshire , has denied public order offencefootballer won seven league titles and is now ireland 's assistant manager\"]\n", + "roy keane , republic of ireland assistant manager , pictured during a euro 2016 qualifier on march 29the 43-year-old has denied committing a public order offence after it was claimed he behaved aggressively towards driver fateh kerar , 44 , near traffic lights in altrincham , cheshire .former manchester united footballer roy keane will stand trial over an alleged road-rage incident with a taxi driver .\n", + "keane accused of aggressive behaviour towards driver near traffic lightsallegedly caused harassment , alarm or distress to 44-year-old fateh kerartv pundit keane , 43 , of hale , cheshire , has denied public order offencefootballer won seven league titles and is now ireland 's assistant manager\n", + "[1.4526844 1.3805395 1.1332283 1.4165027 1.2808542 1.0963858 1.018826\n", + " 1.0099028 1.2170479 1.1175696 1.1202722 1.1375177 1.0766912 1.0787175\n", + " 1.0480243 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 4 8 11 2 10 9 5 13 12 14 6 7 27 15 16 17 18 19 20 21 22\n", + " 23 24 25 26 28]\n", + "=======================\n", + "['george north has been ordered by a neurologist to take at least one month off after suffering his third concussion in four months playing for northampton last week .george north suffered a third confirmed concussion in just four months against wasps last fridaythe wales and lions wing will be reassessed at the end of april and could face an even longer spell on the sidelines if specialist consultants are not convinced that he is ready to return to action .']\n", + "=======================\n", + "[\"george north was knocked out by wasps ' nathan hughes last fridayhe will be given at least a month to recover before returning to actionnorth has suffered three concussions in the last four monthsthe welshman will be reassessed by a neurologist at the end of april\"]\n", + "george north has been ordered by a neurologist to take at least one month off after suffering his third concussion in four months playing for northampton last week .george north suffered a third confirmed concussion in just four months against wasps last fridaythe wales and lions wing will be reassessed at the end of april and could face an even longer spell on the sidelines if specialist consultants are not convinced that he is ready to return to action .\n", + "george north was knocked out by wasps ' nathan hughes last fridayhe will be given at least a month to recover before returning to actionnorth has suffered three concussions in the last four monthsthe welshman will be reassessed by a neurologist at the end of april\n", + "[1.4218735 1.1488495 1.1558733 1.1292667 1.0632968 1.07206 1.0971224\n", + " 1.1233637 1.1441374 1.0909188 1.1667793 1.1012112 1.0272723 1.0296973\n", + " 1.0772619 1.0346187 1.0185083 1.0873154 1.0126418 1.0317343 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 10 2 1 8 3 7 11 6 9 17 14 5 4 15 19 13 12 16 18 26 25 24 20\n", + " 22 21 27 23 28]\n", + "=======================\n", + "[\"hong kong ( cnn ) chinese president xi jinping and indian prime minister narendra modi are two dynamic leaders at the helm of the world 's two most populous nations .when india successfully placed a spacecraft into orbit around mars last year , modi reveled in the moment .and one is particularly vocal about making his mark on history .\"]\n", + "=======================\n", + "[\"india predicted to outpace china as as world 's fastest-growing economy in next yearchina 's economy is slowing after over 25 years of breakneck growthbut experts say india simply ca n't size up against china 's raw economic might\"]\n", + "hong kong ( cnn ) chinese president xi jinping and indian prime minister narendra modi are two dynamic leaders at the helm of the world 's two most populous nations .when india successfully placed a spacecraft into orbit around mars last year , modi reveled in the moment .and one is particularly vocal about making his mark on history .\n", + "india predicted to outpace china as as world 's fastest-growing economy in next yearchina 's economy is slowing after over 25 years of breakneck growthbut experts say india simply ca n't size up against china 's raw economic might\n", + "[1.143498 1.0340534 1.0515734 1.060139 1.1959045 1.0472566 1.0769956\n", + " 1.1959208 1.1816652 1.1377308 1.0398742 1.0357527 1.056145 1.0662882\n", + " 1.1542087 1.09941 1.0276005 1.0274576 1.1243967 1.056053 1.0532608\n", + " 1.0395436 1.0861253 1.0468575 1.0238698 1.0265301 1.0163025 1.0164908\n", + " 1.0162287]\n", + "\n", + "[ 7 4 8 14 0 9 18 15 22 6 13 3 12 19 20 2 5 23 10 21 11 1 16 17\n", + " 25 24 27 26 28]\n", + "=======================\n", + "[\"that man , louis jordan , 37 , had an amazing story .the crew of the 1,000-foot long container ship thought it was a yacht that had wrecked .he 'd been drifting on the 35-foot pearson sailboat for more than two months since leaving conway , south carolina , to fish in the ocean .\"]\n", + "=======================\n", + "['father : \" i know he went through what he went through \"louis jordan was found on his sailboat , which was listing and in bad shape , rescuer sayshe appears to be in good shape , physically and mentally']\n", + "that man , louis jordan , 37 , had an amazing story .the crew of the 1,000-foot long container ship thought it was a yacht that had wrecked .he 'd been drifting on the 35-foot pearson sailboat for more than two months since leaving conway , south carolina , to fish in the ocean .\n", + "father : \" i know he went through what he went through \"louis jordan was found on his sailboat , which was listing and in bad shape , rescuer sayshe appears to be in good shape , physically and mentally\n", + "[1.4649296 1.342803 1.0679692 1.0526104 1.0448318 1.044883 1.0404466\n", + " 1.2849448 1.0868523 1.269317 1.0669538 1.0496117 1.0572791 1.0703162\n", + " 1.0655203 1.1197882 1.0443127 1.0551664 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 7 9 15 8 13 2 10 14 12 17 3 11 5 4 16 6 26 25 24 23 19 21\n", + " 20 18 27 22 28]\n", + "=======================\n", + "[\"attorney general eric holder bid farewell to the justice department on friday after six years , outlining what he said were his major accomplishments and telling staffers that they helped produce a ` golden age ' in the department 's history .an emotional holder , who has served as the nation 's top law enforcement official since the start of the obama administration , addressed hundreds of lawyers and staff members one day after his successor , loretta lynch , was confirmed by the senate following a months-long delay . 'holder shook hands and received hugs from well-wishers on his last day as attorney general\"]\n", + "=======================\n", + "[\"holder took a victory lap in his farewell speech , claiming credit for overseeing a ` golden age ' of federal law enforcementno mention of being held in criminal contempt of congress for failing to hand over subpoenaed documents related to the operation fast and furious scandalstanding-room-only crowd rushed to embrace him after his final addressloretta lynch , a brooklyn-n.y. federal prosecutor , is holder 's replacement\"]\n", + "attorney general eric holder bid farewell to the justice department on friday after six years , outlining what he said were his major accomplishments and telling staffers that they helped produce a ` golden age ' in the department 's history .an emotional holder , who has served as the nation 's top law enforcement official since the start of the obama administration , addressed hundreds of lawyers and staff members one day after his successor , loretta lynch , was confirmed by the senate following a months-long delay . 'holder shook hands and received hugs from well-wishers on his last day as attorney general\n", + "holder took a victory lap in his farewell speech , claiming credit for overseeing a ` golden age ' of federal law enforcementno mention of being held in criminal contempt of congress for failing to hand over subpoenaed documents related to the operation fast and furious scandalstanding-room-only crowd rushed to embrace him after his final addressloretta lynch , a brooklyn-n.y. federal prosecutor , is holder 's replacement\n", + "[1.1768726 1.2164426 1.2200458 1.255679 1.0761011 1.047791 1.16611\n", + " 1.1315248 1.0697067 1.0581517 1.0629905 1.0725228 1.0659385 1.0689576\n", + " 1.041676 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 0 6 7 4 11 8 13 12 10 9 5 14 22 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"the microneedle patch , which resembles a small , round adhesive bandage , could bring polio vaccines to the doorsteps of the people that need it .the biggest challenge standing in the way of eradicating polio has involved the operational logistics of getting the vaccine to people who need it , especially in difficult areas plagued by violence or poverty .( cnn ) over the last few years , we 've been close to eradicating worldwide polio without full success .\"]\n", + "=======================\n", + "[\"salk 's vaccine began with inoculating school children in april , 1955polio was declared eradicated in the u.s. in 1979 , but still exists in other countriesa new microneedle patch is easily used by minimally trained personnel\"]\n", + "the microneedle patch , which resembles a small , round adhesive bandage , could bring polio vaccines to the doorsteps of the people that need it .the biggest challenge standing in the way of eradicating polio has involved the operational logistics of getting the vaccine to people who need it , especially in difficult areas plagued by violence or poverty .( cnn ) over the last few years , we 've been close to eradicating worldwide polio without full success .\n", + "salk 's vaccine began with inoculating school children in april , 1955polio was declared eradicated in the u.s. in 1979 , but still exists in other countriesa new microneedle patch is easily used by minimally trained personnel\n", + "[1.118155 1.4215238 1.2507517 1.1106459 1.2993361 1.1803797 1.1234173\n", + " 1.0660138 1.0393224 1.1124831 1.07151 1.1096021 1.1178141 1.0773276\n", + " 1.0085431 1.0308892 1.032482 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 5 6 0 12 9 3 11 13 10 7 8 16 15 14 22 17 18 19 20 21 23]\n", + "=======================\n", + "[\"both organisations blame each other for their respective rights holders , sky and the bbc , scheduling the marquee chelsea vs manchester united league match against the fa cup semi-final between reading and arsenal .the cup game attracted a peak audience of 6.9 million , over treble the 2m rating for the pl game on sky .with star quality including wayne rooney and eden hazard on show , manchester united 's visit to chelsea took viewers away from the game at wembley , bringing the premier league and fa into another dispute\"]\n", + "=======================\n", + "[\"football association and premier league fall out over clashbbc and sky viewing figures both suffered with games on at same timeluke shaw might have been helped by louis van gaal 's fast-food rulesjoe root 's celebrations come in for criticism , while alastair cook is still worrying about kevin pietersen 's media coverage\"]\n", + "both organisations blame each other for their respective rights holders , sky and the bbc , scheduling the marquee chelsea vs manchester united league match against the fa cup semi-final between reading and arsenal .the cup game attracted a peak audience of 6.9 million , over treble the 2m rating for the pl game on sky .with star quality including wayne rooney and eden hazard on show , manchester united 's visit to chelsea took viewers away from the game at wembley , bringing the premier league and fa into another dispute\n", + "football association and premier league fall out over clashbbc and sky viewing figures both suffered with games on at same timeluke shaw might have been helped by louis van gaal 's fast-food rulesjoe root 's celebrations come in for criticism , while alastair cook is still worrying about kevin pietersen 's media coverage\n", + "[1.2515454 1.0993062 1.2943192 1.1097131 1.0819354 1.200488 1.2202678\n", + " 1.0568873 1.3255274 1.1448574 1.035436 1.0372626 1.0134975 1.136206\n", + " 1.0858077 1.0151539 1.0217764 1.0955603 1.0204765 1.0150405 1.0220847\n", + " 1.0597234 1.0198288 1.0313542]\n", + "\n", + "[ 8 2 0 6 5 9 13 3 1 17 14 4 21 7 11 10 23 20 16 18 22 15 19 12]\n", + "=======================\n", + "[\"marouane fellaini has become manchester united 's go-to player in midfielder this seasonwith all that money flashing around you would have picked angel di maria over juan mata , marcus rojo over chris smalling and just about anybody over marouane fellaini and ashley young .manchester united had four different scorers on sunday .\"]\n", + "=======================\n", + "[\"manchester united beat manchester city 4-2 at old trafford on sundayashley young , marouane fellaini , juan mata and chris smalling scorednot many would have expected them to be key men for louis van gaaljames ward-prowse can reach the top if he adds goals to his gamei 've got a sneaky feeling one of the promoted teams will surviveaaron lennon looks happy at everton and he could move permanentlyaaron cresswell scored one of the free-kicks of the season against stokeyannick bolasie is terrorising defenders with his blistering speedfrancis coquelin and harry kane show clubs do n't need to spend bighave tottenham really improved this season under mauricio pochettino ?visiting augusta showed just how dedicated you must be to be the best\"]\n", + "marouane fellaini has become manchester united 's go-to player in midfielder this seasonwith all that money flashing around you would have picked angel di maria over juan mata , marcus rojo over chris smalling and just about anybody over marouane fellaini and ashley young .manchester united had four different scorers on sunday .\n", + "manchester united beat manchester city 4-2 at old trafford on sundayashley young , marouane fellaini , juan mata and chris smalling scorednot many would have expected them to be key men for louis van gaaljames ward-prowse can reach the top if he adds goals to his gamei 've got a sneaky feeling one of the promoted teams will surviveaaron lennon looks happy at everton and he could move permanentlyaaron cresswell scored one of the free-kicks of the season against stokeyannick bolasie is terrorising defenders with his blistering speedfrancis coquelin and harry kane show clubs do n't need to spend bighave tottenham really improved this season under mauricio pochettino ?visiting augusta showed just how dedicated you must be to be the best\n", + "[1.2388833 1.3771424 1.2256362 1.398564 1.2927177 1.1428497 1.0677615\n", + " 1.0992808 1.085915 1.1384143 1.0171968 1.0163008 1.0381414 1.0335084\n", + " 1.0889615 1.0985757 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 1 4 0 2 5 9 7 15 14 8 6 12 13 10 11 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"freed : maría jose carrascosa was released from a new jersey jail on friday after spending nearly 9 years behind bars for refusing to return her daughter to the united statescarrascosa , formerly of fort lee , was paroled last year after moving her daughter , then 5 , to spain when the girl 's father , peter innes , was granted custody of the child .once paroled , carrascosa was taken to the bergen county jail for contempt of court for violating a court order to bring the child back .\"]\n", + "=======================\n", + "[\"spanish national maría jose carrascosa , 49 , was jailed in 2006 after refusing to return her daughter to the custody of her father in new jerseyshe was released friday , in part because her estranged ex peter innes wrote a letter asking the court to do what 's best for their daughter , now 14carrascosa , now the focus of widespread media attention in spain , plans to return to valencia as soon as possible to be with her daughterthe two have already had a tearful reunion after carrascosa 's release via skype\"]\n", + "freed : maría jose carrascosa was released from a new jersey jail on friday after spending nearly 9 years behind bars for refusing to return her daughter to the united statescarrascosa , formerly of fort lee , was paroled last year after moving her daughter , then 5 , to spain when the girl 's father , peter innes , was granted custody of the child .once paroled , carrascosa was taken to the bergen county jail for contempt of court for violating a court order to bring the child back .\n", + "spanish national maría jose carrascosa , 49 , was jailed in 2006 after refusing to return her daughter to the custody of her father in new jerseyshe was released friday , in part because her estranged ex peter innes wrote a letter asking the court to do what 's best for their daughter , now 14carrascosa , now the focus of widespread media attention in spain , plans to return to valencia as soon as possible to be with her daughterthe two have already had a tearful reunion after carrascosa 's release via skype\n", + "[1.1522739 1.2404906 1.1906192 1.1654522 1.1510471 1.1011686 1.2655872\n", + " 1.1257391 1.0974149 1.0874836 1.0667796 1.1263423 1.1156971 1.0425869\n", + " 1.0571105 1.1138281 1.0961488 1.087997 1.0620016 1.0365837 1.0338218\n", + " 1.0728037 0. 0. ]\n", + "\n", + "[ 6 1 2 3 0 4 11 7 12 15 5 8 16 17 9 21 10 18 14 13 19 20 22 23]\n", + "=======================\n", + "[\"david beckham was voted number one choice for dadin a new survey by ripley 's believe it or not !david , the former england captain , obe and goodwill ambassador for unicef has been voted to be the number one celebrity figure brits would love to have as a dad .\"]\n", + "=======================\n", + "['a new survey has revealed who britons would like as their celebrity familydavid beckham was voted number one choice for fatherholly willoughby was voted as the most desired motherthe survey also revealed we want adele and rhianna as our sister']\n", + "david beckham was voted number one choice for dadin a new survey by ripley 's believe it or not !david , the former england captain , obe and goodwill ambassador for unicef has been voted to be the number one celebrity figure brits would love to have as a dad .\n", + "a new survey has revealed who britons would like as their celebrity familydavid beckham was voted number one choice for fatherholly willoughby was voted as the most desired motherthe survey also revealed we want adele and rhianna as our sister\n", + "[1.3392711 1.5060086 1.2800325 1.3777533 1.283762 1.1312863 1.076337\n", + " 1.0384209 1.0515842 1.0361098 1.1327426 1.0567276 1.0115336 1.0168406\n", + " 1.0145006 1.0127882 1.1002393 1.1241708 1.1026629 1.0086361 1.008352 ]\n", + "\n", + "[ 1 3 0 4 2 10 5 17 18 16 6 11 8 7 9 13 14 15 12 19 20]\n", + "=======================\n", + "['reds captain gerrard is set to feature for liverpool in the fa cup semi-final against aston villa at wembley on sunday , looking to lead his hometown side into the final against arsenal .martin skrtel ( left ) says departing liverpool captain steven gerrard is still one of the best players in the worldmartin skrtel has praised the impact steven gerrard has had upon him since arriving at anfield in 2008 but believes liverpool can overcome the difficult challenge of replacing him .']\n", + "=======================\n", + "['steven gerrard will leave liverpool for la galaxy at the end of the seasonmartin skrtel has praised the impact gerrard has had on him at liverpoolskrtel believes the club do have players that could eventually replace him']\n", + "reds captain gerrard is set to feature for liverpool in the fa cup semi-final against aston villa at wembley on sunday , looking to lead his hometown side into the final against arsenal .martin skrtel ( left ) says departing liverpool captain steven gerrard is still one of the best players in the worldmartin skrtel has praised the impact steven gerrard has had upon him since arriving at anfield in 2008 but believes liverpool can overcome the difficult challenge of replacing him .\n", + "steven gerrard will leave liverpool for la galaxy at the end of the seasonmartin skrtel has praised the impact gerrard has had on him at liverpoolskrtel believes the club do have players that could eventually replace him\n", + "[1.3621291 1.2696831 1.0625894 1.2680718 1.0793214 1.1545 1.0918002\n", + " 1.0897259 1.0541798 1.0459045 1.0992386 1.1122776 1.0269167 1.0181856\n", + " 1.0246413 1.0299535 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 5 11 10 6 7 4 2 8 9 15 12 14 13 19 16 17 18 20]\n", + "=======================\n", + "[\"when you consider 80 per cent of our information about the outside world comes through our eyes , it 's hardly surprising studies show eye contact to be the most effective way to signal sexual interest .eighteen times more sensitive than our ears , our eyes are capable of responding to one and a half million simultaneous messages .spring is the season for flirting so the perfect time to find out the five eye contact techniques that are scientifically proven to get you noticed !\"]\n", + "=======================\n", + "['sexpert says eye contact is the most effective way to signal sexual interesteven the simple act of blinking can demonstrate attractionhere tracey advises on how to use your peepers to get their attention']\n", + "when you consider 80 per cent of our information about the outside world comes through our eyes , it 's hardly surprising studies show eye contact to be the most effective way to signal sexual interest .eighteen times more sensitive than our ears , our eyes are capable of responding to one and a half million simultaneous messages .spring is the season for flirting so the perfect time to find out the five eye contact techniques that are scientifically proven to get you noticed !\n", + "sexpert says eye contact is the most effective way to signal sexual interesteven the simple act of blinking can demonstrate attractionhere tracey advises on how to use your peepers to get their attention\n", + "[1.4646674 1.2251667 1.2769042 1.4077233 1.2514741 1.0315938 1.031232\n", + " 1.0598931 1.0211377 1.0259687 1.0309297 1.0153706 1.1030978 1.072572\n", + " 1.1035298 1.0711104 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 4 1 14 12 13 15 7 5 6 10 9 8 11 19 16 17 18 20]\n", + "=======================\n", + "[\"brian o'driscoll believes roman abramovich style investment is needed to turn english clubs back into a european force but admits that scrapping the salary cap would be dangerous .saracens are the only english team featuring in this weekend 's champions cup semi-finals and , with the west london side being major underdogs against clermont auvergne , ireland legend o'driscoll believes the domestic game needs to readdress the balance .with the french league becoming a honeypot for billionaire financiers -- comic book tycoon mourad boudjellal has used his chequebook to turn toulon into double european champions -- the gulf between clubs from the aviva premiership and the top 14 is bigger than ever .\"]\n", + "=======================\n", + "[\"brian o'driscoll laments lack of money in the english gamethe french league has become a honeypot for billionairessaracens are the only english team left in the champions cup\"]\n", + "brian o'driscoll believes roman abramovich style investment is needed to turn english clubs back into a european force but admits that scrapping the salary cap would be dangerous .saracens are the only english team featuring in this weekend 's champions cup semi-finals and , with the west london side being major underdogs against clermont auvergne , ireland legend o'driscoll believes the domestic game needs to readdress the balance .with the french league becoming a honeypot for billionaire financiers -- comic book tycoon mourad boudjellal has used his chequebook to turn toulon into double european champions -- the gulf between clubs from the aviva premiership and the top 14 is bigger than ever .\n", + "brian o'driscoll laments lack of money in the english gamethe french league has become a honeypot for billionairessaracens are the only english team left in the champions cup\n", + "[1.3973069 1.2116338 1.2508006 1.0397781 1.3975883 1.3934796 1.2860262\n", + " 1.0771774 1.087992 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 0 5 6 2 1 8 7 3 18 17 16 15 14 10 12 11 19 9 13 20]\n", + "=======================\n", + "[\"michael vaughan criticised the footwork and mindset of england 's top order for just looking to survivemichael vaughan , who is favourite to become england 's cricket supremo , was quick to condemn the openers after west indies got them both out early on .jonathan trott was out for a duck on his return to the test match side in antigua\"]\n", + "=======================\n", + "[\"england 's top order collapsed on the first morning in antiguajonathan trott , alastair cook and gary ballance all out cheaplymichael vaughan critical of footwork and mindset of the triovaughan is favourite to take up role of england cricket director\"]\n", + "michael vaughan criticised the footwork and mindset of england 's top order for just looking to survivemichael vaughan , who is favourite to become england 's cricket supremo , was quick to condemn the openers after west indies got them both out early on .jonathan trott was out for a duck on his return to the test match side in antigua\n", + "england 's top order collapsed on the first morning in antiguajonathan trott , alastair cook and gary ballance all out cheaplymichael vaughan critical of footwork and mindset of the triovaughan is favourite to take up role of england cricket director\n", + "[1.2923137 1.4135139 1.273323 1.2872677 1.2279127 1.1564596 1.0689161\n", + " 1.0790207 1.1196265 1.0280852 1.0769881 1.1229049 1.0398798 1.0103308\n", + " 1.0616584 1.0645958 1.0286447 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 5 11 8 7 10 6 15 14 12 16 9 13 19 17 18 20]\n", + "=======================\n", + "['the supermarket giant published a list of tips on how its 314,000 uk workers can stay active in their jobs and not become couch potatoes in a post on its staff website .tesco has ordered its staff to get fit by dancing and running on the spot in store amid concerns about overweight checkout workers putting off customers .industry insiders have said that the initiative is part of a wider move to smarten up tesco stores in the eyes of consumers .']\n", + "=======================\n", + "[\"it has been suggested the idea is part of move to smarten up tesco storesindustry insider says ` sweaty , overweight workers ' are putting shoppers offamong the advice tips is to get dancing in stores or have walking meetings\"]\n", + "the supermarket giant published a list of tips on how its 314,000 uk workers can stay active in their jobs and not become couch potatoes in a post on its staff website .tesco has ordered its staff to get fit by dancing and running on the spot in store amid concerns about overweight checkout workers putting off customers .industry insiders have said that the initiative is part of a wider move to smarten up tesco stores in the eyes of consumers .\n", + "it has been suggested the idea is part of move to smarten up tesco storesindustry insider says ` sweaty , overweight workers ' are putting shoppers offamong the advice tips is to get dancing in stores or have walking meetings\n", + "[1.5028768 1.4490685 1.2312034 1.280366 1.4334315 1.3052745 1.0533558\n", + " 1.0351692 1.0206854 1.0152305 1.0177561 1.0189446 1.0096403 1.0116688\n", + " 1.0105138 1.1836057 1.087244 1.0163698 1.0682759 1.120929 1.021075\n", + " 1.0081537]\n", + "\n", + "[ 0 1 4 5 3 2 15 19 16 18 6 7 20 8 11 10 17 9 13 14 12 21]\n", + "=======================\n", + "[\"blackpool striker nile ranger has accused the club of ` taking the mick ' out of him by giving him such a low-paid contract that it left him wondering how he would fill his fridge with food .the former newcastle forward has not featured for the seasiders since the end of november after making 14 appearances for the club in the first months of the season .ranger has been awol since early in december and says the club took the mick with his contract\"]\n", + "=======================\n", + "[\"nile ranger has been awol from blackpool since early decemberthe striker has not played for the club since the end of novemberranger 's blackpool deal expires at the end of this seasonformer newcastle forward say the club took the mick out of him\"]\n", + "blackpool striker nile ranger has accused the club of ` taking the mick ' out of him by giving him such a low-paid contract that it left him wondering how he would fill his fridge with food .the former newcastle forward has not featured for the seasiders since the end of november after making 14 appearances for the club in the first months of the season .ranger has been awol since early in december and says the club took the mick with his contract\n", + "nile ranger has been awol from blackpool since early decemberthe striker has not played for the club since the end of novemberranger 's blackpool deal expires at the end of this seasonformer newcastle forward say the club took the mick out of him\n", + "[1.403983 1.2493801 1.1514466 1.1977893 1.151743 1.1055343 1.1014078\n", + " 1.0367855 1.1283011 1.0522405 1.0586604 1.0962647 1.101479 1.0365058\n", + " 1.0185883 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 4 2 8 5 12 6 11 10 9 7 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "['( cnn ) pope francis risked turkish anger on sunday by using the word \" genocide \" to refer to the mass killings of armenians a century ago under the ottoman empire .\" in the past century , our human family has lived through three massive and unprecedented tragedies , \" the pope said at a mass at st. peter \\'s basilica to commemorate the 100th anniversary of the armenian massacres .his use of the term genocide -- even though he was quoting from the declaration -- upset turkey .']\n", + "=======================\n", + "['former turkish ambassador to the vatican calls use of the word \" genocide \" a \" one-sided evaluation \"pope discusses massacres of armenians a century after they took placeturkey denies the mass killings constituted a genocide']\n", + "( cnn ) pope francis risked turkish anger on sunday by using the word \" genocide \" to refer to the mass killings of armenians a century ago under the ottoman empire .\" in the past century , our human family has lived through three massive and unprecedented tragedies , \" the pope said at a mass at st. peter 's basilica to commemorate the 100th anniversary of the armenian massacres .his use of the term genocide -- even though he was quoting from the declaration -- upset turkey .\n", + "former turkish ambassador to the vatican calls use of the word \" genocide \" a \" one-sided evaluation \"pope discusses massacres of armenians a century after they took placeturkey denies the mass killings constituted a genocide\n", + "[1.2327632 1.4535507 1.422487 1.3110462 1.192143 1.0716419 1.0189551\n", + " 1.0254537 1.0137886 1.0157444 1.0463656 1.0276062 1.0895578 1.1480178\n", + " 1.1109866 1.0701582 1.0595729 1.0519994 1.0692801 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 0 4 13 14 12 5 15 18 16 17 10 11 7 6 9 8 20 19 21]\n", + "=======================\n", + "[\"sheila elkan , who lives in the house that featured as the leadbetters ' home in the classic 1970s tv series , backed david cameron today after he launched his ` good life ' manifesto .the 84-year-old great-grandmother-of-five has resided at the home in hillingdon , north-west london , since 1986 .the real-life margo leadbetter has backed the prime minister to deliver the good life to britain .\"]\n", + "=======================\n", + "[\"sheila elkan lives in house that was leadbetters ' home in the good lifegreat-grandmother has resided at house in north-west london since 1986front and rear garden scenes filmed at her three-bedroom detached homemargo leadbetter was made famous by penelope keith in 1970s tv series\"]\n", + "sheila elkan , who lives in the house that featured as the leadbetters ' home in the classic 1970s tv series , backed david cameron today after he launched his ` good life ' manifesto .the 84-year-old great-grandmother-of-five has resided at the home in hillingdon , north-west london , since 1986 .the real-life margo leadbetter has backed the prime minister to deliver the good life to britain .\n", + "sheila elkan lives in house that was leadbetters ' home in the good lifegreat-grandmother has resided at house in north-west london since 1986front and rear garden scenes filmed at her three-bedroom detached homemargo leadbetter was made famous by penelope keith in 1970s tv series\n", + "[1.3108644 1.3694732 1.1215477 1.4152964 1.0555143 1.1327827 1.0823466\n", + " 1.0379449 1.1238467 1.0152478 1.040957 1.0719217 1.0379807 1.043487\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 0 5 8 2 6 11 4 13 10 12 7 9 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"dead at 91 : real estate mogul and michigan billionaire a. alfred taubman died on friday night at his home after a heart attacktaubman 's business success spanned from real estate and art houses to the hot dog-serving a&w restaurant chain , for which he traveled to hungary to figure out why the country 's sausage was so good .taubman centers , a subsidiary of his taubman co. , founded in 1950 , currently owns and manages 19 regional shopping centers nationwide .\"]\n", + "=======================\n", + "[\"a. alfred taubman , the self-made michigan billionaire died on friday night at his home of a heart attacktaubman 's business success spanned from real estate and art houses to the hot dog-serving a&w restaurant chainwaubman was convicted in 2001 of conspiring with the former chairman of christie 's to fix the commissions the auction giants charged at sotheby 'staubman was fined $ 7.5 million and spent about a year in a low-security prison in rochester , minnesota , but long insisted he was innocent\"]\n", + "dead at 91 : real estate mogul and michigan billionaire a. alfred taubman died on friday night at his home after a heart attacktaubman 's business success spanned from real estate and art houses to the hot dog-serving a&w restaurant chain , for which he traveled to hungary to figure out why the country 's sausage was so good .taubman centers , a subsidiary of his taubman co. , founded in 1950 , currently owns and manages 19 regional shopping centers nationwide .\n", + "a. alfred taubman , the self-made michigan billionaire died on friday night at his home of a heart attacktaubman 's business success spanned from real estate and art houses to the hot dog-serving a&w restaurant chainwaubman was convicted in 2001 of conspiring with the former chairman of christie 's to fix the commissions the auction giants charged at sotheby 'staubman was fined $ 7.5 million and spent about a year in a low-security prison in rochester , minnesota , but long insisted he was innocent\n", + "[1.317514 1.345278 1.2321992 1.0977317 1.2441292 1.1547778 1.1675632\n", + " 1.0796839 1.0349449 1.0574217 1.0456139 1.0467691 1.2100402 1.1093211\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 4 2 12 6 5 13 3 7 9 11 10 8 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the scottish first minister said she would form an anti-tory alliance with labour and other smaller parties regardless of how many mps david cameron wins on may 7 .the snp will help make ed miliband prime minister even if labour finish 40 seats behind the tories at the general election , nicola sturgeon said last night .while mr miliband has ruled out going into coalition with the snp , ms sturgeon 's remarks raise the prospect of labour ruling as a minority government - despite winning fewer votes and seats than the tories .\"]\n", + "=======================\n", + "['snp leader vowed to prop up labour even if the tories finish clear winnersit means mr miliband could be pm with fewer votes and mps than the torieshe would by pm of a minority labour government kept in power by the snpmr miliband has ruled at a formal coalition with the scottish nationalistsbut he has refused to rule out working with the snp vote by vote']\n", + "the scottish first minister said she would form an anti-tory alliance with labour and other smaller parties regardless of how many mps david cameron wins on may 7 .the snp will help make ed miliband prime minister even if labour finish 40 seats behind the tories at the general election , nicola sturgeon said last night .while mr miliband has ruled out going into coalition with the snp , ms sturgeon 's remarks raise the prospect of labour ruling as a minority government - despite winning fewer votes and seats than the tories .\n", + "snp leader vowed to prop up labour even if the tories finish clear winnersit means mr miliband could be pm with fewer votes and mps than the torieshe would by pm of a minority labour government kept in power by the snpmr miliband has ruled at a formal coalition with the scottish nationalistsbut he has refused to rule out working with the snp vote by vote\n", + "[1.2423239 1.5306759 1.3608186 1.2919267 1.1924809 1.1128314 1.0207343\n", + " 1.0137669 1.1686594 1.1027637 1.0171498 1.069226 1.049529 1.1639994\n", + " 1.0169308 1.0210704 1.0078763 1.0072892 1.0081013]\n", + "\n", + "[ 1 2 3 0 4 8 13 5 9 11 12 15 6 10 14 7 18 16 17]\n", + "=======================\n", + "['flamur ukshini , 23 , from the kosovan capital of pristina , is in his final year studying business informatics and also works as a part time model .but thanks to his eerie similarity to the one direction singer , he boasts almost 40,000 followers on his instagram page .every picture that flamur posts is immediately fawned over by legions of directioners']\n", + "=======================\n", + "[\"flamur ukshini , 23 , from kosovo , is the doppelgänger of zayn malikthe university student 's likeness has got him 40,000 instagram followershe tells femail that he is often asked for photos in the street\"]\n", + "flamur ukshini , 23 , from the kosovan capital of pristina , is in his final year studying business informatics and also works as a part time model .but thanks to his eerie similarity to the one direction singer , he boasts almost 40,000 followers on his instagram page .every picture that flamur posts is immediately fawned over by legions of directioners\n", + "flamur ukshini , 23 , from kosovo , is the doppelgänger of zayn malikthe university student 's likeness has got him 40,000 instagram followershe tells femail that he is often asked for photos in the street\n", + "[1.330446 1.2251405 1.3125463 1.2603812 1.132488 1.2472782 1.074023\n", + " 1.0341872 1.0514479 1.2109007 1.1381886 1.0233545 1.0764309 1.0605245\n", + " 1.05955 1.0615339 1.0371051 1.0279437 1.0116084]\n", + "\n", + "[ 0 2 3 5 1 9 10 4 12 6 15 13 14 8 16 7 17 11 18]\n", + "=======================\n", + "[\"sorry : journalist sabrina rubin erdely ( pictured ) is expected to apologize for an article she wrote for rolling stone magazine about campus rapein the story , titled ' a rape on campus ' , jackie claims to have been gang raped by seven men at campus fraternity phi kappa psi two years ago .the columbia graduate school of journalism will release their review of the botched rolling stone investigation at 8pm on sunday .\"]\n", + "=======================\n", + "[\"sabrina rubin erdely wrote ' a rape on campus ' which was published in rolling stone in novemberthe story focuses on a university of virginia student named jackie who claims to have been gang raped by seven men two years agosoon after it was published , jackie 's story came under questioning and rolling stone was forced to issue an apologythe columbia journalism school has been conducting an independent review of what went wrong in erdely 's reportingthey will publish their findings sunday night at 8pmsources tell cnn that erdely will issue an apologetic statement after the review is published\"]\n", + "sorry : journalist sabrina rubin erdely ( pictured ) is expected to apologize for an article she wrote for rolling stone magazine about campus rapein the story , titled ' a rape on campus ' , jackie claims to have been gang raped by seven men at campus fraternity phi kappa psi two years ago .the columbia graduate school of journalism will release their review of the botched rolling stone investigation at 8pm on sunday .\n", + "sabrina rubin erdely wrote ' a rape on campus ' which was published in rolling stone in novemberthe story focuses on a university of virginia student named jackie who claims to have been gang raped by seven men two years agosoon after it was published , jackie 's story came under questioning and rolling stone was forced to issue an apologythe columbia journalism school has been conducting an independent review of what went wrong in erdely 's reportingthey will publish their findings sunday night at 8pmsources tell cnn that erdely will issue an apologetic statement after the review is published\n", + "[1.2841359 1.2883972 1.2460096 1.179896 1.1784304 1.0526296 1.0790479\n", + " 1.1220362 1.0810891 1.1044846 1.064331 1.0832111 1.0803291 1.0732913\n", + " 1.0677576 1.0104235 1.0096467 1.0706501 0. ]\n", + "\n", + "[ 1 0 2 3 4 7 9 11 8 12 6 13 17 14 10 5 15 16 18]\n", + "=======================\n", + "[\"valdosta state university found itself in the center of a controversy after a video shared on social media showed an air force veteran and former playboy model , michelle manhart , taking an american flag from demonstrators who had walked on it to protest racism .at the protest , held a week ago , manhart was detained by police when she refused to return the flag .hunt : police said they traced the gun to a protester who was part of the flag-walking demonstration , and they issued a warrant for eric sheppard 's arrest on charges of bringing a firearm onto a college campus\"]\n", + "=======================\n", + "[\"hundreds protested an air force vet and former playboy model 's arrest when she tried to stop people from trampling on a flagvaldosta state university closed after police warned there would be thousands of protesters and as they searched for student eric sheppardpolice said they traced a gun to a protester who was part of the flag-walking demonstration , and issued a warrant for eric sheppard 's arrestmichelle manhart , 38 , was handcuffed at valdosta state university , georgiaformer usaf training sergeant took flag from campus protesters on fridaypolice arrested her for not giving it back because of how it was treatedmanhart posed for raunchy military-themed playboy spread in 2007was demoted from her sergeant rank , and later left the military\"]\n", + "valdosta state university found itself in the center of a controversy after a video shared on social media showed an air force veteran and former playboy model , michelle manhart , taking an american flag from demonstrators who had walked on it to protest racism .at the protest , held a week ago , manhart was detained by police when she refused to return the flag .hunt : police said they traced the gun to a protester who was part of the flag-walking demonstration , and they issued a warrant for eric sheppard 's arrest on charges of bringing a firearm onto a college campus\n", + "hundreds protested an air force vet and former playboy model 's arrest when she tried to stop people from trampling on a flagvaldosta state university closed after police warned there would be thousands of protesters and as they searched for student eric sheppardpolice said they traced a gun to a protester who was part of the flag-walking demonstration , and issued a warrant for eric sheppard 's arrestmichelle manhart , 38 , was handcuffed at valdosta state university , georgiaformer usaf training sergeant took flag from campus protesters on fridaypolice arrested her for not giving it back because of how it was treatedmanhart posed for raunchy military-themed playboy spread in 2007was demoted from her sergeant rank , and later left the military\n", + "[1.1794207 1.3522377 1.3412529 1.1562256 1.1491973 1.1187156 1.0500346\n", + " 1.0480664 1.0604775 1.137305 1.162296 1.1232939 1.0786654 1.0449455\n", + " 1.1362631 1.1088701 1.0105432 1.0314393 0. ]\n", + "\n", + "[ 1 2 0 10 3 4 9 14 11 5 15 12 8 6 7 13 17 16 18]\n", + "=======================\n", + "[\"it 's been a longtime tradition for the conga to play during memphis grizzlies games with cartoon bongos appearing on the giant court tv screen .spectators are then filmed attempting to play the imaginary drums but one competitor who continues to turn heads is mother-of-two , malenda meacham .a 45-year-old nba fan has become a celebrity in her own right for her enthusiastic air bongo-playing skills .\"]\n", + "=======================\n", + "[\"it 's been a longtime tradition for the conga to play during memphis grizzlies games with cartoon bongos appearing on the court tv screenspectators are then filmed attempting to play the imaginary drumsbut one competitor who continues to turn heads is mother-of-two and attorney , malenda meachamshe says she likes to drink coffee before playing the air bongos so she can give it her all\"]\n", + "it 's been a longtime tradition for the conga to play during memphis grizzlies games with cartoon bongos appearing on the giant court tv screen .spectators are then filmed attempting to play the imaginary drums but one competitor who continues to turn heads is mother-of-two , malenda meacham .a 45-year-old nba fan has become a celebrity in her own right for her enthusiastic air bongo-playing skills .\n", + "it 's been a longtime tradition for the conga to play during memphis grizzlies games with cartoon bongos appearing on the court tv screenspectators are then filmed attempting to play the imaginary drumsbut one competitor who continues to turn heads is mother-of-two and attorney , malenda meachamshe says she likes to drink coffee before playing the air bongos so she can give it her all\n", + "[1.5823877 1.1966348 1.1594208 1.0931607 1.1342967 1.0324206 1.0256716\n", + " 1.0170178 1.0191648 1.0169431 1.0210993 1.0273409 1.0129675 1.0342566\n", + " 1.2274665 1.2111464 1.0439105 1.0763626 1.1179643]\n", + "\n", + "[ 0 14 15 1 2 4 18 3 17 16 13 5 11 6 10 8 7 9 12]\n", + "=======================\n", + "[\"barcelona threw away a two-goal lead against sevilla thanks to individual errors by claudio bravo and gerard pique , which leaves them just two points ahead of real madrid at the top of la liga .goals from lionel messi and neymar looked to have ended sevilla 's amazing 14-month unbeaten home record in la liga , but unai emery 's men showed why they are so hard to beat with a momentous comeback .gerard deulofeu was dropped from sevilla 's squad and denis suarez started on the bench .\"]\n", + "=======================\n", + "['barcelona squandered a two-goal lead to stumble to a draw at sevillalionel messi and neymar both scored stunning goals on saturday nightsevilla hit back with goals from ever banega and sub kevin gameirola liga leaders barca now two points ahead of rivals real madrid']\n", + "barcelona threw away a two-goal lead against sevilla thanks to individual errors by claudio bravo and gerard pique , which leaves them just two points ahead of real madrid at the top of la liga .goals from lionel messi and neymar looked to have ended sevilla 's amazing 14-month unbeaten home record in la liga , but unai emery 's men showed why they are so hard to beat with a momentous comeback .gerard deulofeu was dropped from sevilla 's squad and denis suarez started on the bench .\n", + "barcelona squandered a two-goal lead to stumble to a draw at sevillalionel messi and neymar both scored stunning goals on saturday nightsevilla hit back with goals from ever banega and sub kevin gameirola liga leaders barca now two points ahead of rivals real madrid\n", + "[1.2581336 1.4457113 1.2424601 1.2049044 1.2303203 1.1704702 1.1142462\n", + " 1.0542107 1.0838964 1.0965462 1.0886208 1.0908731 1.0756457 1.1666777\n", + " 1.0352277 1.0567218 1.019833 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 4 3 5 13 6 9 11 10 8 12 15 7 14 16 17 18 19 20 21]\n", + "=======================\n", + "['the gang of four were seen trying to hack into an atm outside a waitrose supermarket in kenilworth in warwickshire , before they fled police in the stolen car after nearby residents reported seeing sparks flying from the cash machine .when they were arrested at a flat in tamworth a list of atms was found .they were tracked to a block of flats in tamworth in staffordshire .']\n", + "=======================\n", + "['four masked raiders used saws and an angle grinder to break into an atmwhen police arrived they fled in a stolen audi , reaching speeds of 145mphpolice helicopter tracked gang to flats in tamworth and they were arresteddriver of stolen car was found hiding in dense bushes after he was picked out by a thermal imaging camera on board the police helicopter']\n", + "the gang of four were seen trying to hack into an atm outside a waitrose supermarket in kenilworth in warwickshire , before they fled police in the stolen car after nearby residents reported seeing sparks flying from the cash machine .when they were arrested at a flat in tamworth a list of atms was found .they were tracked to a block of flats in tamworth in staffordshire .\n", + "four masked raiders used saws and an angle grinder to break into an atmwhen police arrived they fled in a stolen audi , reaching speeds of 145mphpolice helicopter tracked gang to flats in tamworth and they were arresteddriver of stolen car was found hiding in dense bushes after he was picked out by a thermal imaging camera on board the police helicopter\n", + "[1.2587383 1.3899571 1.1379681 1.2101861 1.2017223 1.0464289 1.0614878\n", + " 1.043712 1.1088016 1.0480986 1.2154155 1.0101091 1.036951 1.0132335\n", + " 1.0225183 1.0192864 1.0380309 1.0346954 1.0361439 1.1049781 1.0119663\n", + " 1.0779182]\n", + "\n", + "[ 1 0 10 3 4 2 8 19 21 6 9 5 7 16 12 18 17 14 15 13 20 11]\n", + "=======================\n", + "[\"the 18-year-old , who is just 18 months younger than blonde bombshell gigi , 19 , stars in a powerful and provocative new shoot featured in the may issue of elle magazine , which sees her modeling a series of risque and revealing ensembles .gigi hadid 's younger sister bella hadid is quickly catching up with her star sibling 's phenomenal fashion success , carving out an impressive career for herself within the industry .bella 's designer footwear is on sale for $ 500 ( less than half the original price ! )\"]\n", + "=======================\n", + "['bella , 18 , is the younger sister of guess campaign star gigi hadid , 19the rising star poses in a series of provocative outfits for the may issue of ellefellow fashion favorite hailey baldwin also features in the issue , appearing in her own separate shoot and interview']\n", + "the 18-year-old , who is just 18 months younger than blonde bombshell gigi , 19 , stars in a powerful and provocative new shoot featured in the may issue of elle magazine , which sees her modeling a series of risque and revealing ensembles .gigi hadid 's younger sister bella hadid is quickly catching up with her star sibling 's phenomenal fashion success , carving out an impressive career for herself within the industry .bella 's designer footwear is on sale for $ 500 ( less than half the original price ! )\n", + "bella , 18 , is the younger sister of guess campaign star gigi hadid , 19the rising star poses in a series of provocative outfits for the may issue of ellefellow fashion favorite hailey baldwin also features in the issue , appearing in her own separate shoot and interview\n", + "[1.1175302 1.451356 1.1913319 1.3407111 1.1121716 1.0895966 1.0768918\n", + " 1.0427961 1.2202015 1.0600173 1.1016383 1.0301452 1.0969919 1.0579481\n", + " 1.0804396 1.0459888 1.0323492 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 8 2 0 4 10 12 5 14 6 9 13 15 7 16 11 20 17 18 19 21]\n", + "=======================\n", + "[\"snp leader nicola sturgeon has left her boxy jackets and severe suits in the past - and she proved her new style credentials with a stunning appearance yesterday morning .she is rumoured to have hired a personal shopper and employed a stylist in the run-up to the scottish parliament election in 2007 .the 44-year-old looked particularly glamorous on her way to bbc 's andrew marr show in a fuchsia column dress that flattered her slimmed-down physique .\"]\n", + "=======================\n", + "[\"snp 's nicola sturgeon looked glamorous as she arrived at bbc yesterdaynationalist wore fuchsia dress that flattered her slimmed-down physiquemiss sturgeon has left her boxy jackets and severe suits in the pastshe is rumoured to have hired a personal shopper and a stylist in 2007\"]\n", + "snp leader nicola sturgeon has left her boxy jackets and severe suits in the past - and she proved her new style credentials with a stunning appearance yesterday morning .she is rumoured to have hired a personal shopper and employed a stylist in the run-up to the scottish parliament election in 2007 .the 44-year-old looked particularly glamorous on her way to bbc 's andrew marr show in a fuchsia column dress that flattered her slimmed-down physique .\n", + "snp 's nicola sturgeon looked glamorous as she arrived at bbc yesterdaynationalist wore fuchsia dress that flattered her slimmed-down physiquemiss sturgeon has left her boxy jackets and severe suits in the pastshe is rumoured to have hired a personal shopper and a stylist in 2007\n", + "[1.2468154 1.387706 1.2917166 1.2751074 1.2733948 1.1410656 1.0321243\n", + " 1.0135939 1.063149 1.0127431 1.0382373 1.1749485 1.0413133 1.0361124\n", + " 1.0668615 1.0343455 1.0791861 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 4 0 11 5 16 14 8 12 10 13 15 6 7 9 17 18 19 20 21]\n", + "=======================\n", + "[\"a virtually cloud-free satellite image from the european space agency 's metop-b satellite has been released as the country continues to bask in bright sunshine and above average temperatures .parts of scotland and wales experienced the warmest temperatures today , with highs of 16.6 c in achnagart , north of fort william and 16.4 c in pembrey sands , carmarthenshire .thousands flocked to the beaches in brighton which to enjoy the sunny weather and highs of 14.9 c and forecasters say the warm weather is set to continue thanks to a third blast of hot air from the mediterranean .\"]\n", + "=======================\n", + "[\"thousands made the most of the warm weekend weather today by heading to beaches and parks across the countrybritain is basking in sunshine with highs of 16.6 c in achnagart , scotland , and 16.4 c in pembrey sands , walesvirtually cloud-free satellite image from the european space agency 's metop-b satellite has been releasedthis month is set to be one of the warmest on record after temperatures soared to above 25c on wednesday\"]\n", + "a virtually cloud-free satellite image from the european space agency 's metop-b satellite has been released as the country continues to bask in bright sunshine and above average temperatures .parts of scotland and wales experienced the warmest temperatures today , with highs of 16.6 c in achnagart , north of fort william and 16.4 c in pembrey sands , carmarthenshire .thousands flocked to the beaches in brighton which to enjoy the sunny weather and highs of 14.9 c and forecasters say the warm weather is set to continue thanks to a third blast of hot air from the mediterranean .\n", + "thousands made the most of the warm weekend weather today by heading to beaches and parks across the countrybritain is basking in sunshine with highs of 16.6 c in achnagart , scotland , and 16.4 c in pembrey sands , walesvirtually cloud-free satellite image from the european space agency 's metop-b satellite has been releasedthis month is set to be one of the warmest on record after temperatures soared to above 25c on wednesday\n", + "[1.301636 1.3587568 1.2609923 1.3424275 1.2994901 1.1556553 1.0905621\n", + " 1.035436 1.1069545 1.0633193 1.0870377 1.1439925 1.1449832 1.0471432\n", + " 1.0349405 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 4 2 5 12 11 8 6 10 9 13 7 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the 50-year-old collapsed just after ordering breakfast at the rooftop restaurant on the fourth floor of the 101 legian hotel in the tourist town of kuta where he was staying .it 's believed that he was from seymour in victoria .an australian man died suddenly on wednesday after suffering a suspected heart attack while holidaying in bali .\"]\n", + "=======================\n", + "['50-year-old man died after suffering a suspected heart attack on holidayshe collapsed after ordering breakfast at a restaurant in 101 legian hotelthe dead man is believed that he was from seymour in victoriaan autopsy has still to be carried out to find the exact cause of deaththe man had earlier told a waitress he was not feeling wellkuta is a holiday destination loved by australian tourists']\n", + "the 50-year-old collapsed just after ordering breakfast at the rooftop restaurant on the fourth floor of the 101 legian hotel in the tourist town of kuta where he was staying .it 's believed that he was from seymour in victoria .an australian man died suddenly on wednesday after suffering a suspected heart attack while holidaying in bali .\n", + "50-year-old man died after suffering a suspected heart attack on holidayshe collapsed after ordering breakfast at a restaurant in 101 legian hotelthe dead man is believed that he was from seymour in victoriaan autopsy has still to be carried out to find the exact cause of deaththe man had earlier told a waitress he was not feeling wellkuta is a holiday destination loved by australian tourists\n", + "[1.3184435 1.0832984 1.260879 1.064063 1.0710356 1.0471995 1.0940763\n", + " 1.114418 1.0565872 1.093042 1.0563287 1.0583198 1.0669862 1.0615921\n", + " 1.0238138 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 7 6 9 1 4 12 3 13 11 8 10 5 14 17 15 16 18]\n", + "=======================\n", + "[\"( cnn ) i 've visited nepal at least half a dozen times over the last decade , and of the more than 100 countries that save the children serves , it is undoubtedly one of my favorites .but nepal has also made some of the most remarkable progress on maternal and child health in the last few years .the fact that the epicenter of this quake was so close to the capital of kathmandu , where the majority of nepal 's citizens reside , makes the situation even more dire .\"]\n", + "=======================\n", + "['a magnitude-7 .8 earthquake struck near kathmandu , nepalcarolyn miles : many survivors will have nowhere to go']\n", + "( cnn ) i 've visited nepal at least half a dozen times over the last decade , and of the more than 100 countries that save the children serves , it is undoubtedly one of my favorites .but nepal has also made some of the most remarkable progress on maternal and child health in the last few years .the fact that the epicenter of this quake was so close to the capital of kathmandu , where the majority of nepal 's citizens reside , makes the situation even more dire .\n", + "a magnitude-7 .8 earthquake struck near kathmandu , nepalcarolyn miles : many survivors will have nowhere to go\n", + "[1.4007139 1.3299376 1.1297058 1.0424727 1.0307894 1.3034719 1.2358625\n", + " 1.1626011 1.0839748 1.0360945 1.1356564 1.0516274 1.0468248 1.0277637\n", + " 1.1033531 1.0564334 1.0433902 0. 0. ]\n", + "\n", + "[ 0 1 5 6 7 10 2 14 8 15 11 12 16 3 9 4 13 17 18]\n", + "=======================\n", + "[\"transgender model andreja pejic has revealed that she was told by people within the fashion industry that she would no longer seem ` special ' or ` interesting ' once she completed her transition into a woman .the 23-year-old revealed to the magazine that she is the new face of make up for evermajor debut : the model , who underwent gender-confirmation surgery last year , took to the runway for the first time as a woman during designer giles deacon 's autumn/winter 2015 show in february ( pictured )\"]\n", + "=======================\n", + "['the 23-year-old also revealed that she has been signed as the new face of beauty brand make up for everandrea is thought to be the first ever transgender model to land a major cosmetics campaignthe serbian-born fashion star underwent gender-confirmation surgery last yearbefore her surgery , andreja made a name for herself within the fashion industry as both a male and a female model , with her androgynous look']\n", + "transgender model andreja pejic has revealed that she was told by people within the fashion industry that she would no longer seem ` special ' or ` interesting ' once she completed her transition into a woman .the 23-year-old revealed to the magazine that she is the new face of make up for evermajor debut : the model , who underwent gender-confirmation surgery last year , took to the runway for the first time as a woman during designer giles deacon 's autumn/winter 2015 show in february ( pictured )\n", + "the 23-year-old also revealed that she has been signed as the new face of beauty brand make up for everandrea is thought to be the first ever transgender model to land a major cosmetics campaignthe serbian-born fashion star underwent gender-confirmation surgery last yearbefore her surgery , andreja made a name for herself within the fashion industry as both a male and a female model , with her androgynous look\n", + "[1.389321 1.2084364 1.1794404 1.1199169 1.2680837 1.2040575 1.117681\n", + " 1.0908345 1.1114384 1.041013 1.0173887 1.0203178 1.0267757 1.0139513\n", + " 1.0888268 1.0532495 1.0641359 1.0336494 1.0720991]\n", + "\n", + "[ 0 4 1 5 2 3 6 8 7 14 18 16 15 9 17 12 11 10 13]\n", + "=======================\n", + "[\"ed and justine miliband first met at a dinner party , hosted by the woman he was ` secretly ' datingcentral to the party that night back in march 2004 was flanders ' boyfriend , labour rising star ed miliband .at the time , he was chief economics adviser to the chancellor , gordon brown .\"]\n", + "=======================\n", + "[\"justine miliband reveals how she met future labour leader at dinner partybut she was ` furious ' when she discovered he was dating the party hostessmr miliband was at the time seeing newsnight editor stephanie flandersshe was just a number of women he dated from the same privileged clique\"]\n", + "ed and justine miliband first met at a dinner party , hosted by the woman he was ` secretly ' datingcentral to the party that night back in march 2004 was flanders ' boyfriend , labour rising star ed miliband .at the time , he was chief economics adviser to the chancellor , gordon brown .\n", + "justine miliband reveals how she met future labour leader at dinner partybut she was ` furious ' when she discovered he was dating the party hostessmr miliband was at the time seeing newsnight editor stephanie flandersshe was just a number of women he dated from the same privileged clique\n", + "[1.1139733 1.3022453 1.1427674 1.5763791 1.2229009 1.1590818 1.1700481\n", + " 1.0612335 1.1545848 1.0499161 1.0718732 1.0313613 1.049433 1.0116357\n", + " 1.0085996 1.0103034 1.0120971 0. 0. ]\n", + "\n", + "[ 3 1 4 6 5 8 2 0 10 7 9 12 11 16 13 15 14 17 18]\n", + "=======================\n", + "['javier hernandez scores the only goal of the two legs in the champions league quarter-final between the madrid neighboursonly here on loan from manchester united for a season , it was a goal that means hernandez will be adored at the santiago bernabeu long after he has gone .hernandez runs away to celebrate his goal as atletico madrid were finally beaten after almost two full matches against real madrid']\n", + "=======================\n", + "[\"atletico madrid 's arda turan fouled sergio ramos in the 76th minute and received a second yellow cardthe visitors were forced to play with 10 men at the bernabeu for the final 15 minutes with the game at 0-0real madrid had dominated possession in the champions league tie before the sending offjavier hernandez scored the winner for real with his first champions league goal for 895 days\"]\n", + "javier hernandez scores the only goal of the two legs in the champions league quarter-final between the madrid neighboursonly here on loan from manchester united for a season , it was a goal that means hernandez will be adored at the santiago bernabeu long after he has gone .hernandez runs away to celebrate his goal as atletico madrid were finally beaten after almost two full matches against real madrid\n", + "atletico madrid 's arda turan fouled sergio ramos in the 76th minute and received a second yellow cardthe visitors were forced to play with 10 men at the bernabeu for the final 15 minutes with the game at 0-0real madrid had dominated possession in the champions league tie before the sending offjavier hernandez scored the winner for real with his first champions league goal for 895 days\n", + "[1.1777314 1.4321098 1.3734279 1.3188865 1.2388078 1.1744132 1.2312171\n", + " 1.0870066 1.0359107 1.0430822 1.0590149 1.1491469 1.0955817 1.0593345\n", + " 1.0331367 1.034268 1.0405865 1.0175685 0. ]\n", + "\n", + "[ 1 2 3 4 6 0 5 11 12 7 13 10 9 16 8 15 14 17 18]\n", + "=======================\n", + "[\"xana doyle , 19 , was a passenger in the toyota avensis , which flipped and landed on its roof in an accident in the early hours of the morning .driver sakhawat ali , 23 , was more than twice the drink-drive limit and had been taking class a and b drugs before getting behind the wheel .miss doyle , who suffered a ` blunt head injury ' , was pronounced dead at the scene in newport , south wales .\"]\n", + "=======================\n", + "[\"xana doyle was killed after toyota avensis flipped and landed on its roofdriver sakhawat ali took class a and b drugs before crashing stolen carcourt heard the 23-year-old was driving the vehicle at ` excessive speed 'admits death by dangerous driving and aggravated vehicle taking\"]\n", + "xana doyle , 19 , was a passenger in the toyota avensis , which flipped and landed on its roof in an accident in the early hours of the morning .driver sakhawat ali , 23 , was more than twice the drink-drive limit and had been taking class a and b drugs before getting behind the wheel .miss doyle , who suffered a ` blunt head injury ' , was pronounced dead at the scene in newport , south wales .\n", + "xana doyle was killed after toyota avensis flipped and landed on its roofdriver sakhawat ali took class a and b drugs before crashing stolen carcourt heard the 23-year-old was driving the vehicle at ` excessive speed 'admits death by dangerous driving and aggravated vehicle taking\n", + "[1.3275088 1.417393 1.2135469 1.2139204 1.3538284 1.0433688 1.0838124\n", + " 1.0972852 1.1884493 1.0395007 1.0130516 1.0967325 1.0288182 1.0462\n", + " 1.0148581 1.0265654 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 3 2 8 7 11 6 13 5 9 12 15 14 10 18 16 17 19]\n", + "=======================\n", + "['archibald-winning artist ben quilty became a mentor to bali nine duo in 2012 and has been a staunch advocate for clemency having witnessed their remarkable rehabilitation first-hand .a celebrated australian artist has penned an impassioned message to the indonesian president in the final hours before his treasured friends , myuran sukumaran and andrew chan , are expected to be executed in indonesia .the artist has described how the two good men will be a pillar of strength for the others on death row until their last moment .']\n", + "=======================\n", + "[\"australian convicted drug smugglers myuran sukumaran and andrew chan are expected to be executed in coming hourscelebrated artist ben quilty became their mentor and friend in 2002he has campaigned tirelessly for clemency , leading the ` mercy ' campaignhours before their execution he penned a message to indonesian presidenthe has described how the men will be a pillar of strenght for the others on death row until the last moment the guns are fires\"]\n", + "archibald-winning artist ben quilty became a mentor to bali nine duo in 2012 and has been a staunch advocate for clemency having witnessed their remarkable rehabilitation first-hand .a celebrated australian artist has penned an impassioned message to the indonesian president in the final hours before his treasured friends , myuran sukumaran and andrew chan , are expected to be executed in indonesia .the artist has described how the two good men will be a pillar of strength for the others on death row until their last moment .\n", + "australian convicted drug smugglers myuran sukumaran and andrew chan are expected to be executed in coming hourscelebrated artist ben quilty became their mentor and friend in 2002he has campaigned tirelessly for clemency , leading the ` mercy ' campaignhours before their execution he penned a message to indonesian presidenthe has described how the men will be a pillar of strenght for the others on death row until the last moment the guns are fires\n", + "[1.129535 1.5035512 1.3848594 1.4581825 1.1688102 1.0377796 1.0335442\n", + " 1.0285693 1.0410103 1.0374544 1.0985154 1.0167978 1.0234301 1.0290117\n", + " 1.0939158 1.0730407 1.0355686 1.0248756 1.0435627 1.0313524]\n", + "\n", + "[ 1 3 2 4 0 10 14 15 18 8 5 9 16 6 19 13 7 17 12 11]\n", + "=======================\n", + "[\"but aidan turner 's poldark co-star heida reed has claimed the obsession with his body is sexist , and is unintentionally undermining the bbc1 series .miss reed , 27 , who stars in the period drama as poldark 's former lover elizabeth , said turner , 31 , was being ` objectified ' in a way that would not be tolerated if he were female .claiming it is evidence of reverse sexism , miss reed said : ' i think there should be the same standard for both sexes when it comes to things like this .\"]\n", + "=======================\n", + "[\"heida reed has claimed audiences ' obsession with her co-star is ` sexist 'she said aidan turner is being ` objectified ' in a form of ` reverse sexism 'hundreds of viewers have expressed delight about turner 's bare chest\"]\n", + "but aidan turner 's poldark co-star heida reed has claimed the obsession with his body is sexist , and is unintentionally undermining the bbc1 series .miss reed , 27 , who stars in the period drama as poldark 's former lover elizabeth , said turner , 31 , was being ` objectified ' in a way that would not be tolerated if he were female .claiming it is evidence of reverse sexism , miss reed said : ' i think there should be the same standard for both sexes when it comes to things like this .\n", + "heida reed has claimed audiences ' obsession with her co-star is ` sexist 'she said aidan turner is being ` objectified ' in a form of ` reverse sexism 'hundreds of viewers have expressed delight about turner 's bare chest\n", + "[1.2679594 1.4672194 1.3833487 1.3680052 1.1696923 1.0256853 1.0241543\n", + " 1.0210944 1.0241162 1.1418325 1.0525793 1.054532 1.1952665 1.0698686\n", + " 1.1041435 1.0750717 1.0309865 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 12 4 9 14 15 13 11 10 16 5 6 8 7 18 17 19]\n", + "=======================\n", + "['faith and hope howie were dubbed the miracle twins when they were born on may 8 last year with one body and two faces due to an extremely rare condition known as disrosopus .the twins were buried at pinegrove memorial park in western sydney after they died after just 19 days .their family and friends had built a small shrine at their gravesite , which they have added to since the funeral']\n", + "=======================\n", + "[\"faith and hope howie were born with one body and two faces on may 8they tragically died in hospital just 19 days after they were bornparents simon howie and renee young visit their grave at pinegrove in western sydney fortnightlythey arrived on thursday to find the grave bare of all the girls ' mementosstaff had cleared entire baby section and thrown belongings in rubbish\"]\n", + "faith and hope howie were dubbed the miracle twins when they were born on may 8 last year with one body and two faces due to an extremely rare condition known as disrosopus .the twins were buried at pinegrove memorial park in western sydney after they died after just 19 days .their family and friends had built a small shrine at their gravesite , which they have added to since the funeral\n", + "faith and hope howie were born with one body and two faces on may 8they tragically died in hospital just 19 days after they were bornparents simon howie and renee young visit their grave at pinegrove in western sydney fortnightlythey arrived on thursday to find the grave bare of all the girls ' mementosstaff had cleared entire baby section and thrown belongings in rubbish\n", + "[1.2676698 1.4076873 1.2856685 1.331613 1.173221 1.1339341 1.1008122\n", + " 1.0951827 1.0676652 1.0897748 1.166225 1.0403357 1.0347581 1.0185616\n", + " 1.0212233 1.0309025 1.0467371 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 10 5 6 7 9 8 16 11 12 15 14 13 17 18 19]\n", + "=======================\n", + "[\"keaway lafonz ivy , who went by the stage name kealo , died from a single gunshot wound to the chest after being struck by a bullet in the area of 62nd place and eastern avenue in seat pleasant wednesday night .on friday , police arrested 21-year-old lafonzo leonard iracks and charged him in connection to ivy 's slaying .an aspiring 21-year-old rapper was shot dead while making a music video in maryland wednesday when police say one of the people in his entourage fired a gun that was being used a prop .\"]\n", + "=======================\n", + "['keaway lafonz ivy , known as kealo , was shot and killed in seat pleasant , maryland , wednesday nightpolice arrested 21-year-old lafonzo leonard iracks in washington dc friday in connection to killingiracks allegedly shot ivy once in the chest from a gun used in the filming of the video']\n", + "keaway lafonz ivy , who went by the stage name kealo , died from a single gunshot wound to the chest after being struck by a bullet in the area of 62nd place and eastern avenue in seat pleasant wednesday night .on friday , police arrested 21-year-old lafonzo leonard iracks and charged him in connection to ivy 's slaying .an aspiring 21-year-old rapper was shot dead while making a music video in maryland wednesday when police say one of the people in his entourage fired a gun that was being used a prop .\n", + "keaway lafonz ivy , known as kealo , was shot and killed in seat pleasant , maryland , wednesday nightpolice arrested 21-year-old lafonzo leonard iracks in washington dc friday in connection to killingiracks allegedly shot ivy once in the chest from a gun used in the filming of the video\n", + "[1.1057725 1.2482057 1.3860285 1.285978 1.182309 1.2245939 1.0167005\n", + " 1.0256493 1.1299974 1.2193065 1.0468916 1.0883543 1.06098 1.0208199\n", + " 1.0098518 1.0123101 1.020861 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 5 9 4 8 0 11 12 10 7 16 13 6 15 14 18 17 19]\n", + "=======================\n", + "['the high-end resort , which opened in 2010 , is renowned as being one of the best in the algarve for a luxury family holiday .the beautiful martinhal is a hit with families - and tv stars such as ben foglemartinhal , which boasts a fine-dining restaurant , is the only five-star resort in the area to have direct access to a beach , and is set within 25 hectares in the protected costa vicentina natural park .']\n", + "=======================\n", + "[\"the tv star was spotted at the martinhal beach resort in portugalfive-star luxury hotels and villas are family-friendly and offer a baby conciergeis one of the best resorts in the algarve and is situated a stone 's throw from the beach\"]\n", + "the high-end resort , which opened in 2010 , is renowned as being one of the best in the algarve for a luxury family holiday .the beautiful martinhal is a hit with families - and tv stars such as ben foglemartinhal , which boasts a fine-dining restaurant , is the only five-star resort in the area to have direct access to a beach , and is set within 25 hectares in the protected costa vicentina natural park .\n", + "the tv star was spotted at the martinhal beach resort in portugalfive-star luxury hotels and villas are family-friendly and offer a baby conciergeis one of the best resorts in the algarve and is situated a stone 's throw from the beach\n", + "[1.2462521 1.6426864 1.2959121 1.4111956 1.040307 1.0264823 1.0211492\n", + " 1.0280122 1.057571 1.0204871 1.0230412 1.0172514 1.0359976 1.0354587\n", + " 1.0339199 1.2597489 1.1362929 1.0680302 1.0173893 1.0142128]\n", + "\n", + "[ 1 3 2 15 0 16 17 8 4 12 13 14 7 5 10 6 9 18 11 19]\n", + "=======================\n", + "[\"joelison fernandes da silva , 28 , developed gigantism as a child and his rapidly soaring height forced him to drop out of school due to bullying and then refuse to leave the family house for years .but true happiness eventually found the shy brazilian - who has come to be known as ` the gentle giant ' - in the form of evem medeiros , a 5ft 21-year-old woman he met online .a 7ft 8in tall man so embarrassed by his height he hid at home for ` half his life ' has found love with a woman three feet smaller than him .\"]\n", + "=======================\n", + "[\"joelison fernandes da silva , 28 , is the third tallest man in the worldhe hid at home for ` half his life ' due to bullying over his heightthe brazilian , who has gigantism , later became a national celebrityhe met his 21-year-old 5ft wife evem medeiros through facebook\"]\n", + "joelison fernandes da silva , 28 , developed gigantism as a child and his rapidly soaring height forced him to drop out of school due to bullying and then refuse to leave the family house for years .but true happiness eventually found the shy brazilian - who has come to be known as ` the gentle giant ' - in the form of evem medeiros , a 5ft 21-year-old woman he met online .a 7ft 8in tall man so embarrassed by his height he hid at home for ` half his life ' has found love with a woman three feet smaller than him .\n", + "joelison fernandes da silva , 28 , is the third tallest man in the worldhe hid at home for ` half his life ' due to bullying over his heightthe brazilian , who has gigantism , later became a national celebrityhe met his 21-year-old 5ft wife evem medeiros through facebook\n", + "[1.461024 1.3536274 1.166534 1.1078217 1.2793465 1.3380058 1.0450372\n", + " 1.0503417 1.1110276 1.1090676 1.1386704 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 4 2 10 8 9 3 7 6 18 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"barcelona 's champions league quarter-final first-leg win over paris saint-germain has been lauded by the spanish media .two goals from luis suarez and an effort from neymar have given the four-time winners a commanding 3-1 lead going into their return fixture after gregory van der wiel pulled one back for the hosts with a deflected effort on 82 minutes .luis suarez ( left ) scores his second goal of the night as barcelona go 3-0 ahead on wednesday\"]\n", + "=======================\n", + "[\"barcelona won 3-1 at psg in their champions league quarter-final first legluis suarez scored twice after neymar 's opener for the visitorsgregory van der wiel pulled one back for the french side on 82 minutestwo teams meet again for the second leg on april 21 at the nou camp\"]\n", + "barcelona 's champions league quarter-final first-leg win over paris saint-germain has been lauded by the spanish media .two goals from luis suarez and an effort from neymar have given the four-time winners a commanding 3-1 lead going into their return fixture after gregory van der wiel pulled one back for the hosts with a deflected effort on 82 minutes .luis suarez ( left ) scores his second goal of the night as barcelona go 3-0 ahead on wednesday\n", + "barcelona won 3-1 at psg in their champions league quarter-final first legluis suarez scored twice after neymar 's opener for the visitorsgregory van der wiel pulled one back for the french side on 82 minutestwo teams meet again for the second leg on april 21 at the nou camp\n", + "[1.4602807 1.0295061 1.3392543 1.0533466 1.4062483 1.4168088 1.1791196\n", + " 1.0495214 1.0394437 1.2534804 1.0884315 1.0866929 1.0291599 1.0662935\n", + " 1.0811905 1.0995545 1.0114096 1.0062935 1.0120308 0. ]\n", + "\n", + "[ 0 5 4 2 9 6 15 10 11 14 13 3 7 8 1 12 18 16 17 19]\n", + "=======================\n", + "[\"luke shaw thought he had done ok as he walked off the old trafford pitch at half-time during manchester united 's fa cup tie against arsenal last month .louis van gaal substituted the # 28million defender , telling shaw that he was not fit enough to play for unitedthe score was 1-1 and shaw , returning to the team for the first time since united 's defeat at swansea city in february , had kept arsenal flyer alex oxlade-chamberlain reasonably quiet .\"]\n", + "=======================\n", + "['manchester united paid almost # 30million to sign luke shaw last summerdeal made shaw the most expensive teenage footballer of all timehe has not appeared for united since being substituted against arsenallouis van gaal has told the young left back he is not fit enoughshaw is a home boy and has struggled to adapt to new life in manchesterhe has found a manager who has very specific and exacting demands']\n", + "luke shaw thought he had done ok as he walked off the old trafford pitch at half-time during manchester united 's fa cup tie against arsenal last month .louis van gaal substituted the # 28million defender , telling shaw that he was not fit enough to play for unitedthe score was 1-1 and shaw , returning to the team for the first time since united 's defeat at swansea city in february , had kept arsenal flyer alex oxlade-chamberlain reasonably quiet .\n", + "manchester united paid almost # 30million to sign luke shaw last summerdeal made shaw the most expensive teenage footballer of all timehe has not appeared for united since being substituted against arsenallouis van gaal has told the young left back he is not fit enoughshaw is a home boy and has struggled to adapt to new life in manchesterhe has found a manager who has very specific and exacting demands\n", + "[1.4476466 1.2213016 1.1963515 1.166983 1.0667437 1.0631628 1.3628244\n", + " 1.1151974 1.1272507 1.1408452 1.0546999 1.0425786 1.0443184 1.0263891\n", + " 1.0136023 1.0206835 1.0427301 1.0141697 1.0283319 0. ]\n", + "\n", + "[ 0 6 1 2 3 9 8 7 4 5 10 12 16 11 18 13 15 17 14 19]\n", + "=======================\n", + "[\"alastair cook has been working on a new , more open stance with former england batting coach graham gooch over the past few months .but in the first test against the west indies , i think he overdid it .the picture below shows cook playing against india at lord 's in 2007 -- when he was playing well -- with a near perfect stance .\"]\n", + "=======================\n", + "[\"england captain alastair cook has been working on a new batting stancehis new stance has his front foot too far out without protecting the wicketas a result , he does n't have time to adjust to the delivery and set himselfcook probably overdid his new stance against the west indiesstill , he should n't be written off just yet and impressed in training\"]\n", + "alastair cook has been working on a new , more open stance with former england batting coach graham gooch over the past few months .but in the first test against the west indies , i think he overdid it .the picture below shows cook playing against india at lord 's in 2007 -- when he was playing well -- with a near perfect stance .\n", + "england captain alastair cook has been working on a new batting stancehis new stance has his front foot too far out without protecting the wicketas a result , he does n't have time to adjust to the delivery and set himselfcook probably overdid his new stance against the west indiesstill , he should n't be written off just yet and impressed in training\n", + "[1.3089036 1.4164778 1.3770952 1.1260325 1.1344602 1.1846225 1.028219\n", + " 1.0213912 1.2524204 1.0427167 1.1712016 1.0361128 1.0529464 1.0694851\n", + " 1.024033 1.0065713 1.016763 1.0894797 0. 0. ]\n", + "\n", + "[ 1 2 0 8 5 10 4 3 17 13 12 9 11 6 14 7 16 15 18 19]\n", + "=======================\n", + "[\"ally lees , of alfie bird 's restaurant in birmingham , created the dish - which is three-foot in circumference - in time for easter , but says it would take more than five people to eat it .the overbearing dish contains a whopping 945g of protein , which is 16 times the recommended daily amount for a man .it contains 12,000 calories and was made using an incredible 150 eggs , but the chef behind this mammoth omelette claims you 'll need more than a few friends to help you polish it off .\"]\n", + "=======================\n", + "[\"chef ally lees of alfie bird 's in birmingham made festive eggy dishbeastly omelette contains 12,000 calories and 945g of proteinthree food wide dish took an hour to cook for the easter promotion\"]\n", + "ally lees , of alfie bird 's restaurant in birmingham , created the dish - which is three-foot in circumference - in time for easter , but says it would take more than five people to eat it .the overbearing dish contains a whopping 945g of protein , which is 16 times the recommended daily amount for a man .it contains 12,000 calories and was made using an incredible 150 eggs , but the chef behind this mammoth omelette claims you 'll need more than a few friends to help you polish it off .\n", + "chef ally lees of alfie bird 's in birmingham made festive eggy dishbeastly omelette contains 12,000 calories and 945g of proteinthree food wide dish took an hour to cook for the easter promotion\n", + "[1.2068403 1.1519084 1.1570234 1.1509527 1.1886897 1.0378201 1.1002475\n", + " 1.1024675 1.0565513 1.1653283 1.1656193 1.0729696 1.0453476 1.0511873\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 10 9 2 1 3 7 6 11 8 13 12 5 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"everybody knows that new york is called ` the big apple ' , that london is known as ` the old smoke ' and that paris is referred to as ` the city of love ' -- but do you know why ?in fact , it stemmed from a street known as block 16 that became famous in the early 1900s for selling alcohol and for offering prostitution .flights company just the flight have researched city nicknames all over the world , finding out the real stories behind each and every one of them to produce a handy infographic .\"]\n", + "=======================\n", + "[\"las vegas ' nickname of sin city relates to a building prostitutes usedlondon known as the old smoke owing to the 1952 great smogsingapore literally translates as lion city after founder said he saw a ` merlion ' - a cross between a mermaid and lion\"]\n", + "everybody knows that new york is called ` the big apple ' , that london is known as ` the old smoke ' and that paris is referred to as ` the city of love ' -- but do you know why ?in fact , it stemmed from a street known as block 16 that became famous in the early 1900s for selling alcohol and for offering prostitution .flights company just the flight have researched city nicknames all over the world , finding out the real stories behind each and every one of them to produce a handy infographic .\n", + "las vegas ' nickname of sin city relates to a building prostitutes usedlondon known as the old smoke owing to the 1952 great smogsingapore literally translates as lion city after founder said he saw a ` merlion ' - a cross between a mermaid and lion\n", + "[1.4097776 1.409625 1.2685798 1.1413723 1.0979617 1.0949309 1.0934684\n", + " 1.0566033 1.0835706 1.0398172 1.0147023 1.0923446 1.0316784 1.0304613\n", + " 1.0244931 1.1167464 1.0504994 1.1083239 1.0211351 1.0220013 1.0287323]\n", + "\n", + "[ 0 1 2 3 15 17 4 5 6 11 8 7 16 9 12 13 20 14 19 18 10]\n", + "=======================\n", + "['marietta , georgia ( cnn ) the little-known star of this week \\'s no. 1 car chase movie , \" furious 7 \" is n\\'t a car .film producers hired a lockheed c-130 hercules to fly five cars 12,000 feet high , open a cargo door at the rear of the plane and parachute them out in a spectacular free-fall stunt .happy 60th birthday to the hercules -- the oldest continuously produced family of military planes in history .']\n", + "=======================\n", + "['the type of plane used for a jaw-dropping stunt in \" furious 7 \" is 60 years oldlockheed \\'s c-130 hercules is the longest continuously produced military plane in historyc-130 factory in georgia celebrates the flight of the first c-130 production model']\n", + "marietta , georgia ( cnn ) the little-known star of this week 's no. 1 car chase movie , \" furious 7 \" is n't a car .film producers hired a lockheed c-130 hercules to fly five cars 12,000 feet high , open a cargo door at the rear of the plane and parachute them out in a spectacular free-fall stunt .happy 60th birthday to the hercules -- the oldest continuously produced family of military planes in history .\n", + "the type of plane used for a jaw-dropping stunt in \" furious 7 \" is 60 years oldlockheed 's c-130 hercules is the longest continuously produced military plane in historyc-130 factory in georgia celebrates the flight of the first c-130 production model\n", + "[1.3064766 1.3042483 1.2242215 1.1547348 1.1487616 1.1247016 1.1686327\n", + " 1.0836624 1.160953 1.1128881 1.0622597 1.1103361 1.0193403 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 6 8 3 4 5 9 11 7 10 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the duke and duchess of cambridge have moved back to kensington palace to prepare for the imminent birth of their new baby , mailonline can reveal today .the couple , whose second child is due on saturday , returned to their london base , just a few minutes ' drive from the private lindo wing at st mary 's , paddington , on sunday night after spending the weekend at kate 's family home in berkshire , where they took a trip to their local farm park .the news came as kensington palace revealed william will enjoy what amounts to six weeks ' paternity leave around the arrival of the new little prince or princess .\"]\n", + "=======================\n", + "['prince william had been expected to work as pilot until the end of aprilduchess of cambridge is based in london and baby is due this saturdaywilliam using unpaid leave and paternity leave to stay off work until june 1prince harry is back for marathon on sunday so could see niece or nephew']\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "IOPub data rate exceeded.\n", + "The notebook server will temporarily stop sending output\n", + "to the client in order to avoid crashing it.\n", + "To change this limit, set the config variable\n", + "`--NotebookApp.iopub_data_rate_limit`.\n", + "\n", + "Current values:\n", + "NotebookApp.iopub_data_rate_limit=1000000.0 (bytes/sec)\n", + "NotebookApp.rate_limit_window=3.0 (secs)\n", + "\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[\"dramatic footage released today shows prince harry flying two-seater spitfire over the english channel last augustthe 30-year-old royal is seen howling with delight as the fighter plane is guided into expert loop by an instructorafter he lands , the former apache helicopter commander is heard saying ` all good things must come to an end 'prince also met former servicemen accepted on to spitfire training programme supported by his endeavour fund\"]\n", + "buckingham palace released video of the 30-year-old enjoying his flight ahead of his arrival in australia tomorrow , where he will begin a month-long attachment with the australian defence force .now prince harry has been filmed revelling in a daring new adventure -- a stomach-churning flight in a spitfire .he will also visit the war memorial and lay a wreath at the tomb of the unknown soldier , both in canberra .\n", + "dramatic footage released today shows prince harry flying two-seater spitfire over the english channel last augustthe 30-year-old royal is seen howling with delight as the fighter plane is guided into expert loop by an instructorafter he lands , the former apache helicopter commander is heard saying ` all good things must come to an end 'prince also met former servicemen accepted on to spitfire training programme supported by his endeavour fund\n", + "[1.1848906 1.473021 1.2474253 1.2517815 1.1801811 1.1416212 1.1395608\n", + " 1.0510929 1.0743979 1.0563711 1.0573028 1.0555419 1.1647788 1.1682405\n", + " 1.1045451 1.0653733 1.012553 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 13 12 5 6 14 8 15 10 9 11 7 16 17 18]\n", + "=======================\n", + "[\"the # 2,000 designer tote bag , hand-made in japan , was a 50th birthday gift for hampstead woman , sabine smouha , from her husband jeremy , the director of an investments company .but , when it arrived in britain in 2013 , customs officers confiscated it because nile crocodiles are a protected species and it did n't have the right documentation .a woman whose designer crocodile-skin handbag was seized by the uk border force has triumphed in a test case bid to get it back .\"]\n", + "=======================\n", + "[\"the bag was a 50th birthday gift from her investments manager husbandit was made in japan from african nile crocodile - an endangered speciescustoms officials took it because ` endangered ' imports need special permitssabine smouha from hampstead has now won two-year battle for its return\"]\n", + "the # 2,000 designer tote bag , hand-made in japan , was a 50th birthday gift for hampstead woman , sabine smouha , from her husband jeremy , the director of an investments company .but , when it arrived in britain in 2013 , customs officers confiscated it because nile crocodiles are a protected species and it did n't have the right documentation .a woman whose designer crocodile-skin handbag was seized by the uk border force has triumphed in a test case bid to get it back .\n", + "the bag was a 50th birthday gift from her investments manager husbandit was made in japan from african nile crocodile - an endangered speciescustoms officials took it because ` endangered ' imports need special permitssabine smouha from hampstead has now won two-year battle for its return\n", + "[1.0466329 1.0395349 1.3805327 1.3700941 1.1897227 1.1155311 1.1658889\n", + " 1.0547822 1.0496814 1.0500731 1.0974171 1.0967104 1.0383152 1.0501664\n", + " 1.0869892 1.0592203 1.0828243 1.0501131 1.0449904]\n", + "\n", + "[ 2 3 4 6 5 10 11 14 16 15 7 13 17 9 8 0 18 1 12]\n", + "=======================\n", + "['when more than 200 nigerian girls were kidnapped from their school a year ago by boko haram militants , millions of people around the world joined a social media campaign to plead for their safe return .charles alasholuyi was one of those people -- from celebrities to world leaders -- voicing their anger via #bringbackourgirls , one of the top twitter hashtags of 2014 , used in more than four million tweets .but as weeks turned into months , there was still no sign of the missing girls .']\n", + "=======================\n", + "['some 276 girls were kidnapped from their school in northeastern nigeria by boko haram a year agomass abduction prompted global outcry , with protesters around the world under the #bringbackourgirls bannercharles alasholuyi has held up a #bringbackourgirls sign almost every day since , to keep up awareness']\n", + "when more than 200 nigerian girls were kidnapped from their school a year ago by boko haram militants , millions of people around the world joined a social media campaign to plead for their safe return .charles alasholuyi was one of those people -- from celebrities to world leaders -- voicing their anger via #bringbackourgirls , one of the top twitter hashtags of 2014 , used in more than four million tweets .but as weeks turned into months , there was still no sign of the missing girls .\n", + "some 276 girls were kidnapped from their school in northeastern nigeria by boko haram a year agomass abduction prompted global outcry , with protesters around the world under the #bringbackourgirls bannercharles alasholuyi has held up a #bringbackourgirls sign almost every day since , to keep up awareness\n", + "[1.3337884 1.3591055 1.2376478 1.3748921 1.1202888 1.2442459 1.0863612\n", + " 1.0700173 1.1416942 1.0805258 1.0143782 1.0101255 1.0078657 1.0699341\n", + " 1.0172853 1.01423 1.0706918 1.0458729 1.1531818]\n", + "\n", + "[ 3 1 0 5 2 18 8 4 6 9 16 7 13 17 14 10 15 11 12]\n", + "=======================\n", + "[\"sarah thomas , a 42-year-old mother of three from brandon , mississippi , has reportedly been tapped as the first woman to be hired as a full-time nfl referee .thomas , 42 , a referee for college football 's conference usa , has been considered before for a position in the nfl before she was chosen to start in the league next year , baltimore reporter aaron wilson posted on his twitter account .she has previously refereed preseasons games , scrimmages and minicamps after becoming part of the nfl 's training program since 2013 .\"]\n", + "=======================\n", + "['thomas has refereed a preseasons game , scrimmages and minicampsshe was first woman to preside over a bowl game in college footballshannon eastin , replacement ref , officiated game during 2012 lockouthiring would make nfl second major sports league with woman official']\n", + "sarah thomas , a 42-year-old mother of three from brandon , mississippi , has reportedly been tapped as the first woman to be hired as a full-time nfl referee .thomas , 42 , a referee for college football 's conference usa , has been considered before for a position in the nfl before she was chosen to start in the league next year , baltimore reporter aaron wilson posted on his twitter account .she has previously refereed preseasons games , scrimmages and minicamps after becoming part of the nfl 's training program since 2013 .\n", + "thomas has refereed a preseasons game , scrimmages and minicampsshe was first woman to preside over a bowl game in college footballshannon eastin , replacement ref , officiated game during 2012 lockouthiring would make nfl second major sports league with woman official\n", + "[1.2332575 1.3784014 1.357878 1.1881745 1.300073 1.2489933 1.0557339\n", + " 1.0176649 1.0283474 1.0305808 1.1737794 1.1169369 1.0584096 1.0844032\n", + " 1.0543655 1.0471554 1.0408576 0. 0. ]\n", + "\n", + "[ 1 2 4 5 0 3 10 11 13 12 6 14 15 16 9 8 7 17 18]\n", + "=======================\n", + "[\"the british formula 1 racer drew criticism from around the world when he aimed the fizz directly as the face of 23-year-old grid girl liu siying , who was pictured looking less than impressed .liu siying was pictured grimacing as lewis hamilton sprayed champagne at her face after winning the racesexism campaigners called hamilton 's behaviour ` selfish ' - but siying said she did not think too much about it\"]\n", + "=======================\n", + "[\"lewis hamilton showered her with champagne after winning grand prixcampaigners against sexism said action was ` selfish and inconsiderate 'but liu siying says she was n't offended and just doing her job\"]\n", + "the british formula 1 racer drew criticism from around the world when he aimed the fizz directly as the face of 23-year-old grid girl liu siying , who was pictured looking less than impressed .liu siying was pictured grimacing as lewis hamilton sprayed champagne at her face after winning the racesexism campaigners called hamilton 's behaviour ` selfish ' - but siying said she did not think too much about it\n", + "lewis hamilton showered her with champagne after winning grand prixcampaigners against sexism said action was ` selfish and inconsiderate 'but liu siying says she was n't offended and just doing her job\n", + "[1.2623086 1.4043505 1.2813904 1.2178314 1.2076877 1.0767813 1.0375788\n", + " 1.0251498 1.1711015 1.151346 1.0771935 1.081402 1.0848404 1.0234646\n", + " 1.0452994 1.0566514 1.0504732 1.0244323 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 8 9 12 11 10 5 15 16 14 6 7 17 13 21 18 19 20 22]\n", + "=======================\n", + "['the charge came to light when customers sought to claim money back from travel insurers after french air-traffic strikes affected flights earlier this month .they were asked to provide an airline letter confirming the cancellation , but easyjet told its hard-hit passengers to pay a # 10 fee .the association of european airlines confirmed last night that no other airline has attempted to charge for this and said customers should not be charged .']\n", + "=======================\n", + "['customers sought to claim after french strikes affected flights this monthinsurers asked passengers for airline letter that confirmed cancellationbut easyjet told those affected to pay # 10 administration fee for the proof']\n", + "the charge came to light when customers sought to claim money back from travel insurers after french air-traffic strikes affected flights earlier this month .they were asked to provide an airline letter confirming the cancellation , but easyjet told its hard-hit passengers to pay a # 10 fee .the association of european airlines confirmed last night that no other airline has attempted to charge for this and said customers should not be charged .\n", + "customers sought to claim after french strikes affected flights this monthinsurers asked passengers for airline letter that confirmed cancellationbut easyjet told those affected to pay # 10 administration fee for the proof\n", + "[1.3469932 1.2316483 1.2680635 1.076235 1.3605719 1.2142241 1.2752948\n", + " 1.1300573 1.099026 1.0913591 1.0819592 1.0700998 1.0432577 1.0882305\n", + " 1.0385125 1.0149214 1.0306361 1.0405082 1.078948 1.0213414 1.0062563\n", + " 1.0071647 1.1355205]\n", + "\n", + "[ 4 0 6 2 1 5 22 7 8 9 13 10 18 3 11 12 17 14 16 19 15 21 20]\n", + "=======================\n", + "['jurgen klopp confirmed in a press conference he is to leave borussia dortmund this summerjurgen klopp is to step down as borussia dortmund manager this summer .klopp will officially cease to be dortmund manager on june 30']\n", + "=======================\n", + "[\"jurgen klopp 's seven-year stint at borussia dortmund will end on june 30premier league clubs on alert after the shock news from germanyklopp has denied suggestions he is exhausted and wants a breakdortmund ceo hans-joachim watzke confirmed news in press conferencethe 47-year-old has been linked to arsenal and man city jobsklopp has won two league titles and the german cup in seven years thereklopp : ' i believe that borussia dortmund actually needs a change '\"]\n", + "jurgen klopp confirmed in a press conference he is to leave borussia dortmund this summerjurgen klopp is to step down as borussia dortmund manager this summer .klopp will officially cease to be dortmund manager on june 30\n", + "jurgen klopp 's seven-year stint at borussia dortmund will end on june 30premier league clubs on alert after the shock news from germanyklopp has denied suggestions he is exhausted and wants a breakdortmund ceo hans-joachim watzke confirmed news in press conferencethe 47-year-old has been linked to arsenal and man city jobsklopp has won two league titles and the german cup in seven years thereklopp : ' i believe that borussia dortmund actually needs a change '\n", + "[1.1858819 1.4427674 1.2744222 1.2556913 1.235933 1.1420817 1.1216143\n", + " 1.1628953 1.0624404 1.0760207 1.1353184 1.1331885 1.03147 1.014708\n", + " 1.0070512 1.0105748 1.0066478 1.0526763 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 7 5 10 11 6 9 8 17 12 13 15 14 16 21 18 19 20 22]\n", + "=======================\n", + "[\"the female , named varvara , swam 14,000 miles ( 22,500 km ) from the east coast of russia to breeding grounds off the coast of mexico , and back , without even stopping for a snack when she was nine years old .her return journey across the north pacific raises questions about the critically endangered creature 's conservation status .a western gray whale ( pictured ) has made the longest known migration by any mammal .\"]\n", + "=======================\n", + "[\"western gray whales were tagged seven years ago to monitor migrationthe then nine-year-old female called varvara swam from russia to breeding grounds near mexico during five-and-a-half months in 2011gray whales typically do n't feed during migration , which has led researchers to believe she did n't eat during the long journeyprevious record was held by a humpback who swam 11,706 miles in 2011\"]\n", + "the female , named varvara , swam 14,000 miles ( 22,500 km ) from the east coast of russia to breeding grounds off the coast of mexico , and back , without even stopping for a snack when she was nine years old .her return journey across the north pacific raises questions about the critically endangered creature 's conservation status .a western gray whale ( pictured ) has made the longest known migration by any mammal .\n", + "western gray whales were tagged seven years ago to monitor migrationthe then nine-year-old female called varvara swam from russia to breeding grounds near mexico during five-and-a-half months in 2011gray whales typically do n't feed during migration , which has led researchers to believe she did n't eat during the long journeyprevious record was held by a humpback who swam 11,706 miles in 2011\n", + "[1.4122711 1.3767827 1.1992916 1.1217995 1.0712118 1.0298735 1.3440323\n", + " 1.1121268 1.0661008 1.0717804 1.1630558 1.1407813 1.0577481 1.0546056\n", + " 1.0939107 1.1078836 1.0741905 1.0480363 1.0217792 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 6 2 10 11 3 7 15 14 16 9 4 8 12 13 17 5 18 21 19 20 22]\n", + "=======================\n", + "[\"former northern territory politician matthew gardiner has reportedly been detained at darwin airport as he returned from syria , where he is believed to have been fighting the islamic state .in january the senior nt labor party figure fled the country with plans to join kurdish militants - an action which is penalised with life in prison in australia .in february australian man ashley johnston became the first westerner to be killed fighting against is for the kurdish people 's protection unit ( ypg ) .\"]\n", + "=======================\n", + "[\"former union official was arrested after returning from the middle easthe left the country in january to illegally join the fight against isit is understood matthew gardiner headed to iraq or syria to join kurdishthe australian federal police has confirmed it is investigating the casethe 43-year-old was allowed to leave the country because he was not on any watch list , report saysa spokesperson for attorney general george brandis said : ` if you fight illegally in overseas conflicts , you face up to life in prison '\"]\n", + "former northern territory politician matthew gardiner has reportedly been detained at darwin airport as he returned from syria , where he is believed to have been fighting the islamic state .in january the senior nt labor party figure fled the country with plans to join kurdish militants - an action which is penalised with life in prison in australia .in february australian man ashley johnston became the first westerner to be killed fighting against is for the kurdish people 's protection unit ( ypg ) .\n", + "former union official was arrested after returning from the middle easthe left the country in january to illegally join the fight against isit is understood matthew gardiner headed to iraq or syria to join kurdishthe australian federal police has confirmed it is investigating the casethe 43-year-old was allowed to leave the country because he was not on any watch list , report saysa spokesperson for attorney general george brandis said : ` if you fight illegally in overseas conflicts , you face up to life in prison '\n", + "[1.476575 1.4736936 1.2498038 1.2266222 1.4067976 1.2738982 1.1419878\n", + " 1.100082 1.047532 1.015447 1.0163437 1.0202636 1.0347449 1.04374\n", + " 1.114939 1.013309 1.0124096 1.011918 1.00884 1.0103432 1.0082806\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 4 5 2 3 6 14 7 8 13 12 11 10 9 15 16 17 19 18 20 21 22]\n", + "=======================\n", + "['tennis champion novak djokovic has apologised to a startled ball boy and his parents after the serbian player startled him during his final showdown with andy murray .djokovic started shouting at his backroom team after he lost the second set of the miami open to murray .during the tirade , djokovic grabbed a towel from the shocked youngster who was caught up in the crossfire .']\n", + "=======================\n", + "[\"novak djokovic lost his cool during sunday 's final showdown in miamidjokovic started shouting at his backroom team after andy murray won setthe serbian tennis champ asked the youngster for his ` forgiveness 'he said he got emotional because ` andy was playing well '\"]\n", + "tennis champion novak djokovic has apologised to a startled ball boy and his parents after the serbian player startled him during his final showdown with andy murray .djokovic started shouting at his backroom team after he lost the second set of the miami open to murray .during the tirade , djokovic grabbed a towel from the shocked youngster who was caught up in the crossfire .\n", + "novak djokovic lost his cool during sunday 's final showdown in miamidjokovic started shouting at his backroom team after andy murray won setthe serbian tennis champ asked the youngster for his ` forgiveness 'he said he got emotional because ` andy was playing well '\n", + "[1.3169734 1.395332 1.2246516 1.2790983 1.053161 1.1480912 1.0611331\n", + " 1.2159634 1.0951004 1.0191989 1.0446842 1.1025525 1.0491394 1.037314\n", + " 1.0220711 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 7 5 11 8 6 4 12 10 13 14 9 15 16 17 18 19]\n", + "=======================\n", + "['in the images , which are featured in frida kahlo : the gisèle freund photographs , the formidable painter is seen at her most relaxed , walking around her house in mexico .a stunning new series of photographs of the late artist frida kahlo have been released as part of a new book .the pictures portray the artist in her garden or languishing in her bed , giving an unparralled insight into her life with many of the pictures taken in the years before her death in 1954 .']\n", + "=======================\n", + "['frida kahlo was a mexican artist known for her self portraitsa new book focusing on her life includes a series of intimate photographsthe pictures were taken by french photographer gisele freundthey feature in frida kahlo : the gisèle freund photographs']\n", + "in the images , which are featured in frida kahlo : the gisèle freund photographs , the formidable painter is seen at her most relaxed , walking around her house in mexico .a stunning new series of photographs of the late artist frida kahlo have been released as part of a new book .the pictures portray the artist in her garden or languishing in her bed , giving an unparralled insight into her life with many of the pictures taken in the years before her death in 1954 .\n", + "frida kahlo was a mexican artist known for her self portraitsa new book focusing on her life includes a series of intimate photographsthe pictures were taken by french photographer gisele freundthey feature in frida kahlo : the gisèle freund photographs\n", + "[1.2432842 1.1297514 1.2766032 1.4521606 1.2113075 1.1413432 1.0628245\n", + " 1.0486279 1.032616 1.0481839 1.2196066 1.1313093 1.0705341 1.029581\n", + " 1.1252378 1.0423154 1.033178 1.0360358 0. 0. ]\n", + "\n", + "[ 3 2 0 10 4 5 11 1 14 12 6 7 9 15 17 16 8 13 18 19]\n", + "=======================\n", + "['jurgen klopp has announced he is to quit borussia dortmund at the end of the seasondortmund were bundesliga champions in 2011 and 2012 before they reached the final of the champions league in 2013 .the news that jurgen klopp will leave borussia dortmund in the summer has raised the probability that key members of his squad will depart too .']\n", + "=======================\n", + "['klopp will leave borussia dortmund in the summer after seven yearshis departure could means the break-up of his talented squaddefender mats hummels has been weighing up a move to man unitedmidfielder ilkay gundogan has been linked with premier league clubsciro immobile could return to italy following poor goal returnneven subotic has hinted his is keen on a move to england']\n", + "jurgen klopp has announced he is to quit borussia dortmund at the end of the seasondortmund were bundesliga champions in 2011 and 2012 before they reached the final of the champions league in 2013 .the news that jurgen klopp will leave borussia dortmund in the summer has raised the probability that key members of his squad will depart too .\n", + "klopp will leave borussia dortmund in the summer after seven yearshis departure could means the break-up of his talented squaddefender mats hummels has been weighing up a move to man unitedmidfielder ilkay gundogan has been linked with premier league clubsciro immobile could return to italy following poor goal returnneven subotic has hinted his is keen on a move to england\n", + "[1.1997567 1.5359142 1.2347889 1.1821464 1.1422894 1.1936055 1.2535646\n", + " 1.1502732 1.0416223 1.0158716 1.0400479 1.0487025 1.0139502 1.0645865\n", + " 1.0796887 1.0509533 1.0545149 1.1169573 1.0301993 0. ]\n", + "\n", + "[ 1 6 2 0 5 3 7 4 17 14 13 16 15 11 8 10 18 9 12 19]\n", + "=======================\n", + "['vietnamese binh wagner , 3 , and her identical twin phuoc were left with fatally impaired liver function due to alagille syndrome .binh and phuoc wagner of kingston , ontario were adopted by michael and johanne wagner around a year and a half ago from vietnam .but when phuoc needed a donor just a little more , their adopted father michael chose her to receive his liver , which was a perfect match .']\n", + "=======================\n", + "[\"binh wagner , a 3-year-old vietnamese girl adopted by an ontario family , was recovering monday following a liver transplantearlier this year , her twin phuoc received a liver from their adopted father michael wagner but binh 's fate remained uncertainthe identical twins suffer from a genetic disease called alagille syndrome , which leads to a buildup of bile in the liver , causing damage to liver cells\"]\n", + "vietnamese binh wagner , 3 , and her identical twin phuoc were left with fatally impaired liver function due to alagille syndrome .binh and phuoc wagner of kingston , ontario were adopted by michael and johanne wagner around a year and a half ago from vietnam .but when phuoc needed a donor just a little more , their adopted father michael chose her to receive his liver , which was a perfect match .\n", + "binh wagner , a 3-year-old vietnamese girl adopted by an ontario family , was recovering monday following a liver transplantearlier this year , her twin phuoc received a liver from their adopted father michael wagner but binh 's fate remained uncertainthe identical twins suffer from a genetic disease called alagille syndrome , which leads to a buildup of bile in the liver , causing damage to liver cells\n", + "[1.2508494 1.4507463 1.2785213 1.1573614 1.3028777 1.2326217 1.1236145\n", + " 1.0986935 1.1021099 1.051743 1.0621792 1.0504853 1.0368868 1.0671278\n", + " 1.1346481 1.0069151 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 0 5 3 14 6 8 7 13 10 9 11 12 15 18 16 17 19]\n", + "=======================\n", + "[\"18-year-old ryan heritage from wiltshire posted a obnoxious message on trowbridge police 's page , saying : ` oi yo check if there 's a warrant for my arrest , if so good luck !!! 'he went out for a night out in his home town where he was spotted by police who chased him on foot before finally grabbing him .a cocky teenager wanted for alleged fraud and theft taunted police on their facebook page for failing to catch him - and got arrested hours later .\"]\n", + "=======================\n", + "[\"ryan heritage ,18 , charged with theft , burglary and failing to appear in court` check if there 's a warrant for my arrest , if so good luck , ' he posted onlinehe possessed cannabis when police caught him in trowbridge , wiltshirelocal police then re-posted his facebook message with : ` his luck ran out '\"]\n", + "18-year-old ryan heritage from wiltshire posted a obnoxious message on trowbridge police 's page , saying : ` oi yo check if there 's a warrant for my arrest , if so good luck !!! 'he went out for a night out in his home town where he was spotted by police who chased him on foot before finally grabbing him .a cocky teenager wanted for alleged fraud and theft taunted police on their facebook page for failing to catch him - and got arrested hours later .\n", + "ryan heritage ,18 , charged with theft , burglary and failing to appear in court` check if there 's a warrant for my arrest , if so good luck , ' he posted onlinehe possessed cannabis when police caught him in trowbridge , wiltshirelocal police then re-posted his facebook message with : ` his luck ran out '\n", + "[1.397757 1.4289098 1.0553209 1.2768387 1.2769455 1.2401578 1.0448323\n", + " 1.0147171 1.2800326 1.029903 1.0639075 1.0162263 1.2754191 1.1688277\n", + " 1.044438 1.106567 1.011304 1.0104939 1.0092083 1.0662237]\n", + "\n", + "[ 1 0 8 4 3 12 5 13 15 19 10 2 6 14 9 11 7 16 17 18]\n", + "=======================\n", + "[\"the argentine has scored six goals in derby meetings with united and is planning on adding to that tally when the two sides meet at old trafford on sunday . 'sergio aguero says the experience of scoring in a manchester derby is unparalleled .the argentine forward has hailed fellow south american radamel falcao ahead of the derby .\"]\n", + "=======================\n", + "['manchester city play manchester united at old trafford on sundaysergio aguero says scoring in the derby is enough to give you shiversthe argentine has scored six goals against man united since joining cityaguero described man utd striker radamel falcao as one of the most naturally gifted players in world footballaguero is refusing to give up hope of retaining the premier league']\n", + "the argentine has scored six goals in derby meetings with united and is planning on adding to that tally when the two sides meet at old trafford on sunday . 'sergio aguero says the experience of scoring in a manchester derby is unparalleled .the argentine forward has hailed fellow south american radamel falcao ahead of the derby .\n", + "manchester city play manchester united at old trafford on sundaysergio aguero says scoring in the derby is enough to give you shiversthe argentine has scored six goals against man united since joining cityaguero described man utd striker radamel falcao as one of the most naturally gifted players in world footballaguero is refusing to give up hope of retaining the premier league\n", + "[1.489377 1.2073681 1.3949313 1.2161343 1.162065 1.2262979 1.1572555\n", + " 1.1419593 1.0861262 1.1243793 1.0816299 1.0197278 1.1087815 1.018939\n", + " 1.0125514 1.010321 1.0272357 1.0273664 1.0063472 1.036248 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 5 3 1 4 6 7 9 12 8 10 19 17 16 11 13 14 15 18 23 20 21 22\n", + " 24]\n", + "=======================\n", + "['kevin carr is set to complete his epic 16,300 round-the-world trip tomorrow in devon after 19 monthskevin carr set off from haytor on dartmoor in july 2013 and every day since then he has completed on average one and a quarter marathons a day .now , after covering an estimated 36,000,000 steps over the past 19 months he is just 24 hours from returning to his starting point .']\n", + "=======================\n", + "['kevin carr set off on his epic journey from haytor , dartmoor in july 2013he is now less than 24 hours away from completing his epic tripmr carr ran around the world unsupported - taking his own tent with himhe is set to break the previous record held by an australian by 24 hours']\n", + "kevin carr is set to complete his epic 16,300 round-the-world trip tomorrow in devon after 19 monthskevin carr set off from haytor on dartmoor in july 2013 and every day since then he has completed on average one and a quarter marathons a day .now , after covering an estimated 36,000,000 steps over the past 19 months he is just 24 hours from returning to his starting point .\n", + "kevin carr set off on his epic journey from haytor , dartmoor in july 2013he is now less than 24 hours away from completing his epic tripmr carr ran around the world unsupported - taking his own tent with himhe is set to break the previous record held by an australian by 24 hours\n", + "[1.1381395 1.1912531 1.0781425 1.277266 1.2282194 1.1069407 1.2120068\n", + " 1.0947373 1.1469274 1.1016797 1.057564 1.0278981 1.0201983 1.0237831\n", + " 1.0483663 1.0576413 1.0343772 1.0138917 1.0127192 1.0124253 1.0250894\n", + " 1.0201858 1.0110188 1.0123957 1.0485523]\n", + "\n", + "[ 3 4 6 1 8 0 5 9 7 2 15 10 24 14 16 11 20 13 12 21 17 18 19 23\n", + " 22]\n", + "=======================\n", + "[\"looking after a newborn is one of the most exhausting periods in life ( picture posed by model )well-meaning visitors arrive at the house armed with gifts for the baby and plenty of compliments .parenting blogger emily-jane clark , who runs the popular site how to survive a sleep thief , which she describes as ` an antithesis to baby advice ' , has compiled a list of the ways that visitors can avoid annoying a new mother .\"]\n", + "=======================\n", + "['looking after a newborn is one of the most exhausting periods in lifenew mums are surviving on little sleep and providing round-the-clock carewhen friends and family visit the baby , they have several annoying habitsparenting blogger emily-jane clark shows how not to annoy a new mum']\n", + "looking after a newborn is one of the most exhausting periods in life ( picture posed by model )well-meaning visitors arrive at the house armed with gifts for the baby and plenty of compliments .parenting blogger emily-jane clark , who runs the popular site how to survive a sleep thief , which she describes as ` an antithesis to baby advice ' , has compiled a list of the ways that visitors can avoid annoying a new mother .\n", + "looking after a newborn is one of the most exhausting periods in lifenew mums are surviving on little sleep and providing round-the-clock carewhen friends and family visit the baby , they have several annoying habitsparenting blogger emily-jane clark shows how not to annoy a new mum\n", + "[1.3398836 1.2285414 1.3391558 1.3156933 1.1447594 1.1727586 1.088549\n", + " 1.052882 1.085195 1.0810069 1.1429112 1.0308049 1.0163916 1.0286822\n", + " 1.0113518 1.0912704 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 5 4 10 15 6 8 9 7 11 13 12 14 23 16 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"mr miliband will allow scotland to set a more generous benefits system than the rest of the uk if he becomes prime ministerhe will unveil the radical proposals in his manifesto , due to be published tomorrow , as he attempts to fight back in scotland -- a key general election battleground .under mr miliband 's plan , the scottish parliament will be given the power to ` top up ' payments which are reserved to westminster , including jobseeker 's allowance , disability living allowance or even the state pension .\"]\n", + "=======================\n", + "['ed miliband will allow scotland to set a more generous benefits systemthe move is a desperate attempt to reverse the exodus of voters to snphe will unveil the proposals in his manifesto , due to be published tomorrow']\n", + "mr miliband will allow scotland to set a more generous benefits system than the rest of the uk if he becomes prime ministerhe will unveil the radical proposals in his manifesto , due to be published tomorrow , as he attempts to fight back in scotland -- a key general election battleground .under mr miliband 's plan , the scottish parliament will be given the power to ` top up ' payments which are reserved to westminster , including jobseeker 's allowance , disability living allowance or even the state pension .\n", + "ed miliband will allow scotland to set a more generous benefits systemthe move is a desperate attempt to reverse the exodus of voters to snphe will unveil the proposals in his manifesto , due to be published tomorrow\n", + "[1.2446867 1.3626778 1.2641852 1.3655897 1.3609117 1.1072751 1.1708955\n", + " 1.104874 1.1651903 1.185409 1.0273958 1.0268847 1.0304048 1.039063\n", + " 1.0273223 1.0129435 1.0614569 1.012258 1.0063307 1.0069449 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 4 2 0 9 6 8 5 7 16 13 12 10 14 11 15 17 19 18 20 21 22 23\n", + " 24]\n", + "=======================\n", + "['the los angeles angels of anaheim are willing to pay almost $ 70million for josh hamilton to play in texashamilton , who has a history of substance abuse and admitted to relapsing with drugs and alcohol in february , is going to be sent back to his former team , the texas rangers , according to reports .josh hamilton filed for divorce from his wife , katie , in late february after they celebrated ten years together']\n", + "=======================\n", + "[\"los angeles angels are close to deal sending outfielder to texas rangershamilton admitted to relapsing and abusing drugs and alcohol in februarystill has $ 83m left on five-year , $ 125million contract with angels from 2012filed for divorce from real housewives of orange county 's katie hamilton33-year-old was all star during five-year span with rangers from 2008-12\"]\n", + "the los angeles angels of anaheim are willing to pay almost $ 70million for josh hamilton to play in texashamilton , who has a history of substance abuse and admitted to relapsing with drugs and alcohol in february , is going to be sent back to his former team , the texas rangers , according to reports .josh hamilton filed for divorce from his wife , katie , in late february after they celebrated ten years together\n", + "los angeles angels are close to deal sending outfielder to texas rangershamilton admitted to relapsing and abusing drugs and alcohol in februarystill has $ 83m left on five-year , $ 125million contract with angels from 2012filed for divorce from real housewives of orange county 's katie hamilton33-year-old was all star during five-year span with rangers from 2008-12\n", + "[1.2515486 1.3091894 1.2219434 1.2557795 1.1892684 1.1923256 1.4126995\n", + " 1.160111 1.1052105 1.0507182 1.0277667 1.0426537 1.031402 1.274066\n", + " 1.0879467 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 6 1 13 3 0 2 5 4 7 8 14 9 11 12 10 15 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "['the 28-year-old is currently training for his upcoming fight against chris algieri on may 29 at the barclays center in new york .during a training session the bolton-born fighter took a break from using the speed ball before finishing off a bottle of milkshake .british boxer amir khan has been showing off his lightning quick technique with an impressive party trick using no more than an empty plastic bottle .']\n", + "=======================\n", + "[\"amir khan is currently training for next month 's fight with chris algierithe brit took a break from the speed ball to show off his party trickkhan kept bottle in the air by punching it before delivering knock out blow\"]\n", + "the 28-year-old is currently training for his upcoming fight against chris algieri on may 29 at the barclays center in new york .during a training session the bolton-born fighter took a break from using the speed ball before finishing off a bottle of milkshake .british boxer amir khan has been showing off his lightning quick technique with an impressive party trick using no more than an empty plastic bottle .\n", + "amir khan is currently training for next month 's fight with chris algierithe brit took a break from the speed ball to show off his party trickkhan kept bottle in the air by punching it before delivering knock out blow\n", + "[1.4313525 1.3988664 1.464186 1.2565415 1.2125477 1.3212509 1.0505724\n", + " 1.0248731 1.0210446 1.0594269 1.0188318 1.1988351 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 5 3 4 11 9 6 7 8 10 17 12 13 14 15 16 18]\n", + "=======================\n", + "['williams was awarded a full-time sevens contract in 2012 and he has scored 36 tries on the world series circuit .bath have announced the signing of england sevens international jeff williams .the 26-year-old will move to the recreation ground for next season .']\n", + "=======================\n", + "['jeff williams will join up with bath at the end of the current seasonthe sevens star signed a full-time deal with the aviva premiership clubwilliams scored 36 tries on the world circuit and helped win in toyko']\n", + "williams was awarded a full-time sevens contract in 2012 and he has scored 36 tries on the world series circuit .bath have announced the signing of england sevens international jeff williams .the 26-year-old will move to the recreation ground for next season .\n", + "jeff williams will join up with bath at the end of the current seasonthe sevens star signed a full-time deal with the aviva premiership clubwilliams scored 36 tries on the world circuit and helped win in toyko\n", + "[1.2314701 1.3882287 1.2386603 1.3298333 1.1706201 1.2629187 1.1280926\n", + " 1.1434556 1.1287985 1.0273086 1.0141684 1.0254878 1.0529919 1.0927455\n", + " 1.0505365 1.033079 1.1750373 1.0110025 1.0097685]\n", + "\n", + "[ 1 3 5 2 0 16 4 7 8 6 13 12 14 15 9 11 10 17 18]\n", + "=======================\n", + "[\"after angering locals with an initial proposal , the developer has now submitted fresh plans to demolish the john nash-designed park crescent west and rebuild it as apartments .the development would be made up of 73 homes in totalthe crescent 's facade will look near-on identical to its current design , but residents who live behind the site are furious at the proposals , claiming years of noise and disruption will ruin their lives .\"]\n", + "=======================\n", + "[\"developer 's plans to build 73 luxury flats has angered residents who live nearby park crescent west in londonthey claim that noise and disruption caused by the building work could last five years and will ruin their livesthe crescent was originally designed by john nash , who also created buckingham palace , in the early 19th centuryplans to remove the crescent 's facade and replace it with something more historically correct and accurate\"]\n", + "after angering locals with an initial proposal , the developer has now submitted fresh plans to demolish the john nash-designed park crescent west and rebuild it as apartments .the development would be made up of 73 homes in totalthe crescent 's facade will look near-on identical to its current design , but residents who live behind the site are furious at the proposals , claiming years of noise and disruption will ruin their lives .\n", + "developer 's plans to build 73 luxury flats has angered residents who live nearby park crescent west in londonthey claim that noise and disruption caused by the building work could last five years and will ruin their livesthe crescent was originally designed by john nash , who also created buckingham palace , in the early 19th centuryplans to remove the crescent 's facade and replace it with something more historically correct and accurate\n", + "[1.3081584 1.2569449 1.3140614 1.2535827 1.2921613 1.0527005 1.0981042\n", + " 1.129446 1.071719 1.0732123 1.0698094 1.0656388 1.0337737 1.1413977\n", + " 1.0540835 1.1072739 1.1007111 1.019695 0. ]\n", + "\n", + "[ 2 0 4 1 3 13 7 15 16 6 9 8 10 11 14 5 12 17 18]\n", + "=======================\n", + "['the three men , two women and four children were detained by soldiers at a checkpoint in ogulpinar .nine britons -- four of them children -- were seized by turkish security forces last night as they tried to slip across the border to an islamic state stronghold in syria .the jihadists were caught as they made the final leg of their journey .']\n", + "=======================\n", + "['brits arrested on turkey-syria border and are now in custodynine people tried to enter syria illegally , according to local mediathe arrested brits are three men , two women and four children']\n", + "the three men , two women and four children were detained by soldiers at a checkpoint in ogulpinar .nine britons -- four of them children -- were seized by turkish security forces last night as they tried to slip across the border to an islamic state stronghold in syria .the jihadists were caught as they made the final leg of their journey .\n", + "brits arrested on turkey-syria border and are now in custodynine people tried to enter syria illegally , according to local mediathe arrested brits are three men , two women and four children\n", + "[1.380801 1.3769823 1.3015695 1.3977151 1.3993157 1.3217357 1.0648413\n", + " 1.0159436 1.0157396 1.0143337 1.0150784 1.1179857 1.0761054 1.0197638\n", + " 1.0458797 1.0299772 0. 0. 0. ]\n", + "\n", + "[ 4 3 0 1 5 2 11 12 6 14 15 13 7 8 10 9 16 17 18]\n", + "=======================\n", + "[\"liverpool manager brendan rodgers described the # 100,000-a-week contract offer as an ` incredible offer 'raheem sterling admitted in a tv interview that he is not ready to sign a new contract at liverpoolpfa chief executive gordon taylor has defended sterling for postponing contract negotiations\"]\n", + "=======================\n", + "[\"sterling 's talks with liverpool over new deal have ended in stalemateengland star , 20 , insists he is not a ` money grabber ' after turning down # 100,000-a-week contract offer tabled by liverpoolpfa boss taylor says resuming talks in the summer is a wise movethe rise of raheem sterling : from # 60 a day at qpr to knocking back # 100,000-per-week contracts at liverpoolliverpool fc press conference : as raheem sterling hints at possible exit , find out what brendan rodgers has to sayclick here for all the latest liverpool news\"]\n", + "liverpool manager brendan rodgers described the # 100,000-a-week contract offer as an ` incredible offer 'raheem sterling admitted in a tv interview that he is not ready to sign a new contract at liverpoolpfa chief executive gordon taylor has defended sterling for postponing contract negotiations\n", + "sterling 's talks with liverpool over new deal have ended in stalemateengland star , 20 , insists he is not a ` money grabber ' after turning down # 100,000-a-week contract offer tabled by liverpoolpfa boss taylor says resuming talks in the summer is a wise movethe rise of raheem sterling : from # 60 a day at qpr to knocking back # 100,000-per-week contracts at liverpoolliverpool fc press conference : as raheem sterling hints at possible exit , find out what brendan rodgers has to sayclick here for all the latest liverpool news\n", + "[1.5521395 1.2960848 1.1210718 1.1486022 1.2549382 1.2794781 1.0769124\n", + " 1.022637 1.0540714 1.0391241 1.1318358 1.0266923 1.0136869 1.023759\n", + " 1.0570031 1.0962083 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 4 3 10 2 15 6 14 8 9 11 13 7 12 17 16 18]\n", + "=======================\n", + "[\"aston villa manager tim sherwood kept faith with jack grealish , the 19-year-old academy graduate , after handing him his first premier league start against queens park rangers a fortnight ago .the young midfielder did not disappoint , playing a part in christian benteke 's equaliser and then setting up fabian delph 's winner .jack grealish runs at liverpool defender martin skrtel in a game where he adapted well to the big stage\"]\n", + "=======================\n", + "[\"jack grealish was excellent in fa cup semi final victorytim sherwood praises his young star , who outshone liverpool midfieldgrealish was wearing children 's shin-pads during the wembley fixture\"]\n", + "aston villa manager tim sherwood kept faith with jack grealish , the 19-year-old academy graduate , after handing him his first premier league start against queens park rangers a fortnight ago .the young midfielder did not disappoint , playing a part in christian benteke 's equaliser and then setting up fabian delph 's winner .jack grealish runs at liverpool defender martin skrtel in a game where he adapted well to the big stage\n", + "jack grealish was excellent in fa cup semi final victorytim sherwood praises his young star , who outshone liverpool midfieldgrealish was wearing children 's shin-pads during the wembley fixture\n", + "[1.2920685 1.3744041 1.2948518 1.2275082 1.2432303 1.1682564 1.0751859\n", + " 1.0730859 1.0814239 1.0256227 1.0873834 1.0572016 1.0567257 1.0769395\n", + " 1.0291686 1.0375018 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 3 5 10 8 13 6 7 11 12 15 14 9 16 17 18 19]\n", + "=======================\n", + "[\"last night the independent police complaints commission ( ipcc ) said it will investigate claims that the former met chief failed to hand over key information to the macpherson inquiry regarding the black teenager 's race hate killing .the watchdog probe stems from a complaint from stephen 's father neville lawrence .lord stevens is to be investigated over hotly disputed allegations of a cover-up of police corruption in the bungled step-hen lawrence murder probe .\"]\n", + "=======================\n", + "[\"mr stevens accused of not giving information over to macpherson inquirytoday he told channel 4 news : ` i 'm not putting up with any more c ** p 'was deputy commissioner from 1998 to 2000 when report was being madeit 's almost 22 years since stephen lawrence was murdered in racial attack\"]\n", + "last night the independent police complaints commission ( ipcc ) said it will investigate claims that the former met chief failed to hand over key information to the macpherson inquiry regarding the black teenager 's race hate killing .the watchdog probe stems from a complaint from stephen 's father neville lawrence .lord stevens is to be investigated over hotly disputed allegations of a cover-up of police corruption in the bungled step-hen lawrence murder probe .\n", + "mr stevens accused of not giving information over to macpherson inquirytoday he told channel 4 news : ` i 'm not putting up with any more c ** p 'was deputy commissioner from 1998 to 2000 when report was being madeit 's almost 22 years since stephen lawrence was murdered in racial attack\n", + "[1.2623932 1.4662347 1.0877761 1.1093092 1.298664 1.1312728 1.0929903\n", + " 1.0629115 1.098249 1.1207243 1.1551409 1.0629982 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 10 5 9 3 8 6 2 11 7 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"the manchester united star , whose birthday was in march , posted a picture of the impressive painting on his instagram , which includes images of the father and son together .daley blind showed off the impressive portrait that his parents gave him as a late birthday presentmost 25-year-old 's would prefer to receive clothing or some of the latest dvd 's and video games but not daley blind , who was given a large self-portrait of himself and former holland international father danny .\"]\n", + "=======================\n", + "[\"daley blind received painting of himself and his father as birthday presentthe 25-year-old called danny blind his ` inspiration ' in instagram postblind has been a key player for manchester united this campaignclick here for all the latest manchester united news\"]\n", + "the manchester united star , whose birthday was in march , posted a picture of the impressive painting on his instagram , which includes images of the father and son together .daley blind showed off the impressive portrait that his parents gave him as a late birthday presentmost 25-year-old 's would prefer to receive clothing or some of the latest dvd 's and video games but not daley blind , who was given a large self-portrait of himself and former holland international father danny .\n", + "daley blind received painting of himself and his father as birthday presentthe 25-year-old called danny blind his ` inspiration ' in instagram postblind has been a key player for manchester united this campaignclick here for all the latest manchester united news\n", + "[1.567744 1.2274787 1.4592875 1.2220504 1.2793318 1.1484568 1.0586524\n", + " 1.0253527 1.0338001 1.0322855 1.0206251 1.0200601 1.0523981 1.0351417\n", + " 1.0232857 1.0668783 1.0287201 1.0334799 0. 0. ]\n", + "\n", + "[ 0 2 4 1 3 5 15 6 12 13 8 17 9 16 7 14 10 11 18 19]\n", + "=======================\n", + "['kingsley burrell , 29 , died in police custody on march 31 2011 , four days after he was arrested and sectioned in birmingham city centrehowever , when cctv showed that in fact nobody had approached him , he was sectioned under the mental health act , and died four days later at the queen elizabeth hospital ( qe ) .trainee security guard mr burrell called police himself , saying two men had threatened to shoot him , but when they arrived he was handcuffed and taken to the qe hospital .']\n", + "=======================\n", + "['kingsley burrell , 29 , arrested by police and sectioned on march 27 , 2011mr burrell had called officers , alleging three men put a gun to his headbut cctv later showed nobody approached him , so he was hospitalisedfour days later he died in custody , and allegedly told family about ordealcourt told that police allegedly beat mr burrell , restrained him for six hours , and forced him to wet himself by denying him access to a toilet']\n", + "kingsley burrell , 29 , died in police custody on march 31 2011 , four days after he was arrested and sectioned in birmingham city centrehowever , when cctv showed that in fact nobody had approached him , he was sectioned under the mental health act , and died four days later at the queen elizabeth hospital ( qe ) .trainee security guard mr burrell called police himself , saying two men had threatened to shoot him , but when they arrived he was handcuffed and taken to the qe hospital .\n", + "kingsley burrell , 29 , arrested by police and sectioned on march 27 , 2011mr burrell had called officers , alleging three men put a gun to his headbut cctv later showed nobody approached him , so he was hospitalisedfour days later he died in custody , and allegedly told family about ordealcourt told that police allegedly beat mr burrell , restrained him for six hours , and forced him to wet himself by denying him access to a toilet\n", + "[1.1056367 1.0513837 1.5977424 1.2364708 1.0572917 1.2206872 1.0443697\n", + " 1.0946916 1.0952833 1.0744987 1.0892608 1.0144057 1.0131333 1.1278334\n", + " 1.0706459 1.0654522 1.0257497 1.0279496 1.0353717 1.0517961]\n", + "\n", + "[ 2 3 5 13 0 8 7 10 9 14 15 4 19 1 6 18 17 16 11 12]\n", + "=======================\n", + "[\"padraig harrington hits a tee shot on the fourth hole during the second day of the masters on fridayheadline writers everywhere will be keeping fingers crossed that golf continues to prove an addiction for the highly rated us public links champion byron meth , who opened with a 74 on his masters debut .how good to welcome padraig harrington back to augusta after a year 's absence , complete with his weird and wonderful practice-ground routines .\"]\n", + "=======================\n", + "['byron meth opened with a 74 on his masters debuthalf of the players had a scoring average of 4.2 or higher on day oneliverpool legend kenny dalglish will be present at the masters this week']\n", + "padraig harrington hits a tee shot on the fourth hole during the second day of the masters on fridayheadline writers everywhere will be keeping fingers crossed that golf continues to prove an addiction for the highly rated us public links champion byron meth , who opened with a 74 on his masters debut .how good to welcome padraig harrington back to augusta after a year 's absence , complete with his weird and wonderful practice-ground routines .\n", + "byron meth opened with a 74 on his masters debuthalf of the players had a scoring average of 4.2 or higher on day oneliverpool legend kenny dalglish will be present at the masters this week\n", + "[1.3236017 1.2820032 1.3145182 1.1638571 1.0603925 1.0971442 1.1076642\n", + " 1.0632663 1.1385717 1.0323968 1.037797 1.1206323 1.0819461 1.07137\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 8 11 6 5 12 13 7 4 10 9 14 15 16 17 18 19]\n", + "=======================\n", + "[\"a defence of his crown will be a priority for grand national hero many clouds next season , and trainer oliver sherwood has also floated the possibility of a rematch with his cheltenham gold cup conqueror coneygree in newbury 's hennessy gold cup .with 11st 9lb on his back , leighton aspell 's mount carried the biggest weight to victory on saturday since red rum won his second national in 1974 at under 12st .that race in november has already been identified as a likely target for coneygree and , even allowing for a rise in his handicap mark , many clouds would receive weight from his rival .\"]\n", + "=======================\n", + "[\"trainer oliver sherwood already has one eye on the 2015 grand nationalmany clouds romped to success at aintree in saturday 's big raceand the winning horse is in ` a1 condition ' , according to sherwood\"]\n", + "a defence of his crown will be a priority for grand national hero many clouds next season , and trainer oliver sherwood has also floated the possibility of a rematch with his cheltenham gold cup conqueror coneygree in newbury 's hennessy gold cup .with 11st 9lb on his back , leighton aspell 's mount carried the biggest weight to victory on saturday since red rum won his second national in 1974 at under 12st .that race in november has already been identified as a likely target for coneygree and , even allowing for a rise in his handicap mark , many clouds would receive weight from his rival .\n", + "trainer oliver sherwood already has one eye on the 2015 grand nationalmany clouds romped to success at aintree in saturday 's big raceand the winning horse is in ` a1 condition ' , according to sherwood\n", + "[1.308507 1.2791375 1.2553461 1.2079855 1.1591226 1.0904831 1.1583476\n", + " 1.1583824 1.0925976 1.0615358 1.1201341 1.0371492 1.0948969 1.0192237\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 7 6 10 12 8 5 9 11 13 15 14 16]\n", + "=======================\n", + "[\"a us citizen has been killed in a mortar attack in yemen after he traveled to the country in an attempt to extricate his pregnant wife and daughter from the civil war there and fly them to california , family say .jamal al-labani was an oakland gas station owner , his cousin mohammed alazzani told kpix-tv .alazzani told kpix al-labani was trying to get his family out of the war-torn middle eastern nation and take them to oakland - but he could n't because the us has withdrawn its diplomatic staff and the country has shut down most airports .\"]\n", + "=======================\n", + "[\"jamal al-labani was a oakland , california , gas station owner , as well as a husband and a father-of-threeal-labani traveled to yemen in an attempt to extricate his pregnant wife and daughter from the civil war there and fly them to californiahe was unable to because the us withdrew its diplomatic staff in februaryyemen also recently shut down most of its airportsal-labani was struck by mortar shrapnel after leaving a mosque tuesday in aden and soon diedal-labani 's cousin has said houthi forces launched the mortar shellinghouthi forces have been battling to take aden , a last foothold of fighters loyal to saudi-backed president abd-rabbu mansour hadithe us state department has said ` there are no plans for a us government-coordinated evacuation of u.s. citizens at this time '\"]\n", + "a us citizen has been killed in a mortar attack in yemen after he traveled to the country in an attempt to extricate his pregnant wife and daughter from the civil war there and fly them to california , family say .jamal al-labani was an oakland gas station owner , his cousin mohammed alazzani told kpix-tv .alazzani told kpix al-labani was trying to get his family out of the war-torn middle eastern nation and take them to oakland - but he could n't because the us has withdrawn its diplomatic staff and the country has shut down most airports .\n", + "jamal al-labani was a oakland , california , gas station owner , as well as a husband and a father-of-threeal-labani traveled to yemen in an attempt to extricate his pregnant wife and daughter from the civil war there and fly them to californiahe was unable to because the us withdrew its diplomatic staff in februaryyemen also recently shut down most of its airportsal-labani was struck by mortar shrapnel after leaving a mosque tuesday in aden and soon diedal-labani 's cousin has said houthi forces launched the mortar shellinghouthi forces have been battling to take aden , a last foothold of fighters loyal to saudi-backed president abd-rabbu mansour hadithe us state department has said ` there are no plans for a us government-coordinated evacuation of u.s. citizens at this time '\n", + "[1.2316424 1.5815487 1.1454657 1.4273448 1.3284985 1.1841458 1.0608138\n", + " 1.0282096 1.0212216 1.0256269 1.0752065 1.0735519 1.0321648 1.0121944\n", + " 1.0452268 1.0592762 1.0259882]\n", + "\n", + "[ 1 3 4 0 5 2 10 11 6 15 14 12 7 16 9 8 13]\n", + "=======================\n", + "['beverley davis was supposed to be helping to care for 89-year-old former royal marine ray warren but tricked him into handing over his bank cards to steal # 9,164 over 42 transactions .beverley davis , pictured , pleaded guilty of duping a royal marine war veteran out of almost # 10,000he died just five months after her crime was discovered and his daughter elaine symonds said davis , 35 , got what she deserved .']\n", + "=======================\n", + "['beverley davis stole # 9,164 from ray warren , 89 , over three month periodthe mother-of-three paid for chinese food , a creche and her mortgageportsmouth crown court heard mr warren died after the cash disappeareddavis , 35 , will be released on licence after serving six months in jail']\n", + "beverley davis was supposed to be helping to care for 89-year-old former royal marine ray warren but tricked him into handing over his bank cards to steal # 9,164 over 42 transactions .beverley davis , pictured , pleaded guilty of duping a royal marine war veteran out of almost # 10,000he died just five months after her crime was discovered and his daughter elaine symonds said davis , 35 , got what she deserved .\n", + "beverley davis stole # 9,164 from ray warren , 89 , over three month periodthe mother-of-three paid for chinese food , a creche and her mortgageportsmouth crown court heard mr warren died after the cash disappeareddavis , 35 , will be released on licence after serving six months in jail\n", + "[1.2521367 1.5018945 1.0674766 1.2570943 1.1986231 1.1731043 1.1735961\n", + " 1.0349345 1.0322807 1.1065335 1.016522 1.0655719 1.1876532 1.2529137\n", + " 1.0119332 1.0336682 0. ]\n", + "\n", + "[ 1 3 13 0 4 12 6 5 9 2 11 7 15 8 10 14 16]\n", + "=======================\n", + "[\"roxy walsh , 34 , met with the ecstatic owners , joe and jenny langley , in noosa , on queensland 's sunshine coast , on sunday to personally return the ring to the couple after less than week of searching .roxy was able to reunite the ring with the rightful owners jenny ( right ) and joe ( centre ) after their granddaughter , jade ( left ) found the social media campaign on facebookqueensland resident roxy walsh recovered the gold jewellery at the finns beach club in bali on tuesday '\"]\n", + "=======================\n", + "[\"queensland woman roxy walsh found an inscribed gold ring in balithe sentimental jewellery piece was found at a bali resort on tuesdayshe launched a campaign to return the ring to the people who own itthe campaign made it 's way to brazil , chile , europe , russia and maltams walsh found the owners and they are amazingly also from queenslandshe met with joe and jenny langley in noosa on sunday to return the ring\"]\n", + "roxy walsh , 34 , met with the ecstatic owners , joe and jenny langley , in noosa , on queensland 's sunshine coast , on sunday to personally return the ring to the couple after less than week of searching .roxy was able to reunite the ring with the rightful owners jenny ( right ) and joe ( centre ) after their granddaughter , jade ( left ) found the social media campaign on facebookqueensland resident roxy walsh recovered the gold jewellery at the finns beach club in bali on tuesday '\n", + "queensland woman roxy walsh found an inscribed gold ring in balithe sentimental jewellery piece was found at a bali resort on tuesdayshe launched a campaign to return the ring to the people who own itthe campaign made it 's way to brazil , chile , europe , russia and maltams walsh found the owners and they are amazingly also from queenslandshe met with joe and jenny langley in noosa on sunday to return the ring\n", + "[1.2368294 1.5240092 1.2456902 1.3085024 1.2712762 1.0484684 1.0155734\n", + " 1.0257183 1.0275635 1.024296 1.016421 1.2668334 1.0457839 1.0281364\n", + " 1.1001322 1.024525 1.018932 ]\n", + "\n", + "[ 1 3 4 11 2 0 14 5 12 13 8 7 15 9 16 10 6]\n", + "=======================\n", + "['paranormal investigator jayne harris , based in shrewsbury , shropshire , said she has received an influx of messages from people describing chest pains , nausea and crippling headaches after viewing photos and videos of peggy , who she believed to be possessed with an evil spirit .video footage of peggy ( pictured ) has been wreaking havoc on a string of paranormal enthusiasts around the world -- reportedly causing one british woman to suffer a heart attackone woman , who wishes to remain anonymous , even suffered an alleged heart attack after watching a video of mrs harris and peggy in a car together on march 16 .']\n", + "=======================\n", + "[\"peggy was given to a paranormal investigator by her terrified former ownerthe doll is believed to be haunted and trigger migraines and chest painspeggy is said to have correctly predicted the death of one woman 's catpsychics speculate that she is ` jewish ' and possibly a holocaust victim\"]\n", + "paranormal investigator jayne harris , based in shrewsbury , shropshire , said she has received an influx of messages from people describing chest pains , nausea and crippling headaches after viewing photos and videos of peggy , who she believed to be possessed with an evil spirit .video footage of peggy ( pictured ) has been wreaking havoc on a string of paranormal enthusiasts around the world -- reportedly causing one british woman to suffer a heart attackone woman , who wishes to remain anonymous , even suffered an alleged heart attack after watching a video of mrs harris and peggy in a car together on march 16 .\n", + "peggy was given to a paranormal investigator by her terrified former ownerthe doll is believed to be haunted and trigger migraines and chest painspeggy is said to have correctly predicted the death of one woman 's catpsychics speculate that she is ` jewish ' and possibly a holocaust victim\n", + "[1.3491168 1.3029875 1.4572358 1.1434466 1.3076797 1.1933037 1.146173\n", + " 1.0890622 1.0389253 1.0227702 1.0127847 1.0563192 1.1846558 1.1347741\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 0 4 1 5 12 6 3 13 7 11 8 9 10 15 14 16]\n", + "=======================\n", + "['the 30-year-old was was due to be reinstated on april 15 , but according to nfl media insider ian rapoport , peterson will meet with the nfl this week .adrian peterson has plenty to chew over but the minnesota vikings do not want to trade their star backit has been a turbulent seven months for peterson , who has been linked with the cowboys and cardinals']\n", + "=======================\n", + "['peterson has been banned since september 17 after child abuse case involving his four-year-old son and a switchhe played just one game for the vikings last year and was due to be reinstated on april 15but the nfl have moved that date forward and the 2012 running back will know more about his futurethe vikings have repeatedly said they want to keep the 30-year-old , who is due to earn $ 12.75 m this yearbut the cowboys and the cardinals have been linked with peterson , and the former have made some intriguing roster moves to free up cap space']\n", + "the 30-year-old was was due to be reinstated on april 15 , but according to nfl media insider ian rapoport , peterson will meet with the nfl this week .adrian peterson has plenty to chew over but the minnesota vikings do not want to trade their star backit has been a turbulent seven months for peterson , who has been linked with the cowboys and cardinals\n", + "peterson has been banned since september 17 after child abuse case involving his four-year-old son and a switchhe played just one game for the vikings last year and was due to be reinstated on april 15but the nfl have moved that date forward and the 2012 running back will know more about his futurethe vikings have repeatedly said they want to keep the 30-year-old , who is due to earn $ 12.75 m this yearbut the cowboys and the cardinals have been linked with peterson , and the former have made some intriguing roster moves to free up cap space\n", + "[1.1244872 1.441961 1.1153728 1.1092722 1.2027391 1.2732359 1.1119471\n", + " 1.0597357 1.0789496 1.0863068 1.1338099 1.1044251 1.0383663 1.0117229\n", + " 1.0145549 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 5 4 10 0 2 6 3 11 9 8 7 12 14 13 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"a recent surge in jellyfish numbers has moved tourism group stay in cornwall to reassure swimmers that the water is fine and we need not be discouraged by the sight of these brainless , boneless creatures that have been around for 500 million years .with the warmer months comes a surge in the number of jellyfish , such as this barrel variety at kynance cove , off the uk 's coastlinethe stunning sight of a compass jellyfish ( chrysaora hysoscella ) , which has a painful sting , captured underwater in cornwall\"]\n", + "=======================\n", + "['a recent surge in jellyfish numbers has been recorded off the coast of the uk as the weather has warmed upstay in cornwall has been moved to reassure swimmers that going in the water is safe , even with some jellyfishnhs-approved method of treating jellyfish stings is now shaving cream , not urine or vinegar as previously though']\n", + "a recent surge in jellyfish numbers has moved tourism group stay in cornwall to reassure swimmers that the water is fine and we need not be discouraged by the sight of these brainless , boneless creatures that have been around for 500 million years .with the warmer months comes a surge in the number of jellyfish , such as this barrel variety at kynance cove , off the uk 's coastlinethe stunning sight of a compass jellyfish ( chrysaora hysoscella ) , which has a painful sting , captured underwater in cornwall\n", + "a recent surge in jellyfish numbers has been recorded off the coast of the uk as the weather has warmed upstay in cornwall has been moved to reassure swimmers that going in the water is safe , even with some jellyfishnhs-approved method of treating jellyfish stings is now shaving cream , not urine or vinegar as previously though\n", + "[1.2847803 1.1867694 1.1659274 1.1891905 1.1234514 1.2883687 1.3060415\n", + " 1.0645027 1.0860598 1.0963671 1.0763347 1.0310775 1.0758204 1.0368314\n", + " 1.1498678 1.0657991 1.0109494 1.0365117 1.0253577 1.028532 1.0220525\n", + " 1.0166696]\n", + "\n", + "[ 6 5 0 3 1 2 14 4 9 8 10 12 15 7 13 17 11 19 18 20 21 16]\n", + "=======================\n", + "['wilshere has not featured for the first team since he was injured against manchester united on november 22wilshere was making his first appearance for the gunners since recovering from ankle surgerythe official word from arsenal is that jack wilshere is not for sale at the end of the season .']\n", + "=======================\n", + "['jack wilshere has been linked with a move to manchester city this summerwilshere has not played a first-team game for arsenal since november 22a host of arsenal players have defected to man city in the pastsamir nasri , gael clichy and bacary sagna have all moved to the etihadread : arsenal would be foolish to dismiss # 30m or more for wilshere']\n", + "wilshere has not featured for the first team since he was injured against manchester united on november 22wilshere was making his first appearance for the gunners since recovering from ankle surgerythe official word from arsenal is that jack wilshere is not for sale at the end of the season .\n", + "jack wilshere has been linked with a move to manchester city this summerwilshere has not played a first-team game for arsenal since november 22a host of arsenal players have defected to man city in the pastsamir nasri , gael clichy and bacary sagna have all moved to the etihadread : arsenal would be foolish to dismiss # 30m or more for wilshere\n", + "[1.354003 1.3563316 1.2103643 1.3728023 1.2038074 1.1861455 1.052233\n", + " 1.101165 1.0715019 1.0899682 1.1252464 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 0 2 4 5 10 7 9 8 6 20 11 12 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"lionel messi posted a picture on his instagram account of his wife having her stomach kissed by their sonmessi took to instagram to post a picture of his son , thiago , kissing his wife antonella roccuzzo 's stomach with the message : ` waiting for you baby .and according to argentine newspaper clarin the couple already know they are due to have a baby boy and have a name for him .\"]\n", + "=======================\n", + "[\"lionel messi posted a picture of his son and wife on instagrammessage read : ` waiting for you baby .messi 's first son thiago was born in november 2012\"]\n", + "lionel messi posted a picture on his instagram account of his wife having her stomach kissed by their sonmessi took to instagram to post a picture of his son , thiago , kissing his wife antonella roccuzzo 's stomach with the message : ` waiting for you baby .and according to argentine newspaper clarin the couple already know they are due to have a baby boy and have a name for him .\n", + "lionel messi posted a picture of his son and wife on instagrammessage read : ` waiting for you baby .messi 's first son thiago was born in november 2012\n", + "[1.2103307 1.5204897 1.1892239 1.2190397 1.208178 1.1276499 1.1091934\n", + " 1.0278906 1.0319891 1.0686599 1.0249277 1.0735134 1.2390954 1.1182975\n", + " 1.0232726 1.0664624 1.0605406 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 12 3 0 4 2 5 13 6 11 9 15 16 8 7 10 14 20 17 18 19 21]\n", + "=======================\n", + "['the campaign was kicked off by jaime singleton , who saw the baby elephant , nadia , tied to a pole outside a restaurant at marina phuket resort in december last year ., has received 50,627 signatures since it was launched a month ago .ms singleton said nadia is also used by another company in thailand in weddings']\n", + "=======================\n", + "[\"shocking photo of baby elephant tied to a pole spark online campaignmore than 50,000 have signed petition to have baby elephant , nadia , freedmarina phuket resort reportedly keeps elephant in tiny enclosure` nadia ' is also forced to perform tricks and is ridden by resort guests` it is absolutely barbaric , ' says jaime singleton , who started campaigncomes after phuket resort posted pictures of baby elephant near poolparty-goers snapped dancing with elephant , and one person seen riding it\"]\n", + "the campaign was kicked off by jaime singleton , who saw the baby elephant , nadia , tied to a pole outside a restaurant at marina phuket resort in december last year ., has received 50,627 signatures since it was launched a month ago .ms singleton said nadia is also used by another company in thailand in weddings\n", + "shocking photo of baby elephant tied to a pole spark online campaignmore than 50,000 have signed petition to have baby elephant , nadia , freedmarina phuket resort reportedly keeps elephant in tiny enclosure` nadia ' is also forced to perform tricks and is ridden by resort guests` it is absolutely barbaric , ' says jaime singleton , who started campaigncomes after phuket resort posted pictures of baby elephant near poolparty-goers snapped dancing with elephant , and one person seen riding it\n", + "[1.2972444 1.4539851 1.2280767 1.1818253 1.1981319 1.1892543 1.1296235\n", + " 1.071043 1.0678086 1.0540522 1.0306058 1.0967628 1.050335 1.0214931\n", + " 1.0319551 1.0295382 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 4 5 3 6 11 7 8 9 12 14 10 15 13 20 16 17 18 19 21]\n", + "=======================\n", + "[\"kevin bollaert , 28 , was convicted in february of 21 counts of identity theft and six counts of extortion in san diego superior court for running a pair of websites that capitalized on the internet as a forum for public shaming .a san diego man who operated a ` revenge porn ' website and then charged victims to remove nude images and their personal information was sentenced friday to 18 years in state prison , the attorney general 's office said .the landmark case was the first time a person had been tried for a running revenge porn ring in the united states .\"]\n", + "=======================\n", + "[\"kevin bollaert was found guilty of 27 counts of identity theft and extortionhe operated ugotposted.com , where anonymous users posted nudes without the subject 's consenthe then earned tens of thousands from running changemyreputation.com , where victims would pay fees of $ 300 to $ 350 to have their photos removedalso published their names , addresses and social media detailshe was sentenced to 18 years fridayjudge said the sentence reflected the amount of victimsprosecutors said he took pleasure in hurting women\"]\n", + "kevin bollaert , 28 , was convicted in february of 21 counts of identity theft and six counts of extortion in san diego superior court for running a pair of websites that capitalized on the internet as a forum for public shaming .a san diego man who operated a ` revenge porn ' website and then charged victims to remove nude images and their personal information was sentenced friday to 18 years in state prison , the attorney general 's office said .the landmark case was the first time a person had been tried for a running revenge porn ring in the united states .\n", + "kevin bollaert was found guilty of 27 counts of identity theft and extortionhe operated ugotposted.com , where anonymous users posted nudes without the subject 's consenthe then earned tens of thousands from running changemyreputation.com , where victims would pay fees of $ 300 to $ 350 to have their photos removedalso published their names , addresses and social media detailshe was sentenced to 18 years fridayjudge said the sentence reflected the amount of victimsprosecutors said he took pleasure in hurting women\n", + "[1.4504275 1.2769365 1.1751873 1.1922247 1.1513904 1.0848202 1.0610757\n", + " 1.1255655 1.1078233 1.119984 1.06889 1.0295235 1.0481635 1.0407583\n", + " 1.0694331 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 7 9 8 5 14 10 6 12 13 11 15 16 17 18 19 20]\n", + "=======================\n", + "[\"manny pacquiao has become one of the most recognisable stars in the world of sport after a series of mega-fights and another one to follow on saturday night against floyd mayweather at the mgm grand in las vegas .but it 's been a tough road to the top for pacquiao from being born into poverty in the philippines .manny pacquiao pictured as a teenager in a boxing gym in manila before he became a global superstar\"]\n", + "=======================\n", + "['manny pacquiao will take on floyd mayweather at the mgm grand in las vegas on saturdaythe filipino boxer is one of the biggest stars in the world of sport after a series of big fightspacquiao spent his early years boxing in manila in the philippines and was pictured training as a 17-year-oldpictures taken in 1996 show pacquiao training at the lm gym in manila before he became a starthe 36-year-old arrived in las vegas on tuesday after a 270-mile journey from los angeles on his luxury busclick here for all the latest manny pacquiao vs floyd mayweather news']\n", + "manny pacquiao has become one of the most recognisable stars in the world of sport after a series of mega-fights and another one to follow on saturday night against floyd mayweather at the mgm grand in las vegas .but it 's been a tough road to the top for pacquiao from being born into poverty in the philippines .manny pacquiao pictured as a teenager in a boxing gym in manila before he became a global superstar\n", + "manny pacquiao will take on floyd mayweather at the mgm grand in las vegas on saturdaythe filipino boxer is one of the biggest stars in the world of sport after a series of big fightspacquiao spent his early years boxing in manila in the philippines and was pictured training as a 17-year-oldpictures taken in 1996 show pacquiao training at the lm gym in manila before he became a starthe 36-year-old arrived in las vegas on tuesday after a 270-mile journey from los angeles on his luxury busclick here for all the latest manny pacquiao vs floyd mayweather news\n", + "[1.3084805 1.360641 1.3638153 1.3853188 1.0847282 1.0227852 1.0372585\n", + " 1.1481034 1.017221 1.0876044 1.0903976 1.0649527 1.1746899 1.0521265\n", + " 1.0950166 1.0725493 1.0743154 1.0294551 1.0186808 1.0193186 0. ]\n", + "\n", + "[ 3 2 1 0 12 7 14 10 9 4 16 15 11 13 6 17 5 19 18 8 20]\n", + "=======================\n", + "['fear : the 216 prisoners , including 40 children , believed they were being led to their execution , but instead , were piled onto minibuses that drove them to a handover southwest of kirkukthe yazidis , made up of women , children and the elderly , are said to be in poor health and bearing signs of abuse and neglect .more than 200 yazidi prisoners have been set free in northern iraq after nearly a year in islamic state captivity , kurdish military has said today .']\n", + "=======================\n", + "['group released in northern iraq made up of 40 children , women and elderlywere piled onto a minibus that then drove them to peshmerga positionsprisoners spent nearly a year in isis captivity , kurdish military has saidno explanation has been given as to why the 216 yazidis were released']\n", + "fear : the 216 prisoners , including 40 children , believed they were being led to their execution , but instead , were piled onto minibuses that drove them to a handover southwest of kirkukthe yazidis , made up of women , children and the elderly , are said to be in poor health and bearing signs of abuse and neglect .more than 200 yazidi prisoners have been set free in northern iraq after nearly a year in islamic state captivity , kurdish military has said today .\n", + "group released in northern iraq made up of 40 children , women and elderlywere piled onto a minibus that then drove them to peshmerga positionsprisoners spent nearly a year in isis captivity , kurdish military has saidno explanation has been given as to why the 216 yazidis were released\n", + "[1.2330214 1.2890934 1.2099769 1.304535 1.1691484 1.1108745 1.1334572\n", + " 1.1199898 1.1366633 1.0965343 1.071115 1.0565817 1.0578516 1.0404879\n", + " 1.0527799 1.0669385 1.0492729 1.1326194 1.0650393 1.050585 1.0426027]\n", + "\n", + "[ 3 1 0 2 4 8 6 17 7 5 9 10 15 18 12 11 14 19 16 20 13]\n", + "=======================\n", + "['a missing mother and son are missing after their car was swept away by rising flood waters in kentuckykentucky state police trooper robert purdy said the woman and child were stranded in their vehicle in high water around 9:30 a.m. friday on a rural highway in lee county .residents on two floors of an apartment building in okolona , kentucky , were evacuated by the fire department']\n", + "=======================\n", + "['police say the woman and child were stranded in their vehicle as the water rose around themaround 150 water rescues as kentucky residents continue to leave homesseven inches of rain pounded ohio valley as storms move across southdozens of vehicles abandoned as sections of the interstate 64 closed']\n", + "a missing mother and son are missing after their car was swept away by rising flood waters in kentuckykentucky state police trooper robert purdy said the woman and child were stranded in their vehicle in high water around 9:30 a.m. friday on a rural highway in lee county .residents on two floors of an apartment building in okolona , kentucky , were evacuated by the fire department\n", + "police say the woman and child were stranded in their vehicle as the water rose around themaround 150 water rescues as kentucky residents continue to leave homesseven inches of rain pounded ohio valley as storms move across southdozens of vehicles abandoned as sections of the interstate 64 closed\n", + "[1.2305295 1.2858918 1.1187028 1.0696483 1.3524632 1.1679245 1.111913\n", + " 1.0719106 1.0526563 1.0776803 1.0595202 1.0569091 1.0882518 1.0578115\n", + " 1.0675175 1.0534495 1.0286844 0. 0. 0. 0. ]\n", + "\n", + "[ 4 1 0 5 2 6 12 9 7 3 14 10 13 11 15 8 16 19 17 18 20]\n", + "=======================\n", + "[\"the splendour of the seas will be transformed by thomson , and launched under a new name next summertake magellan , ` new flagship ' of the cruise & maritime fleet , recently christened in tilbury .magellan started life as the holiday , built in 1985 for carnival cruise lines .\"]\n", + "=======================\n", + "[\"next summer thomson will launch the transformed royal caribbean 's splendour of the seas as the new ship in their fleetit has not been announced what she will be named yettransformation of ships is common , as shown by ms grand holiday becoming the magellan\"]\n", + "the splendour of the seas will be transformed by thomson , and launched under a new name next summertake magellan , ` new flagship ' of the cruise & maritime fleet , recently christened in tilbury .magellan started life as the holiday , built in 1985 for carnival cruise lines .\n", + "next summer thomson will launch the transformed royal caribbean 's splendour of the seas as the new ship in their fleetit has not been announced what she will be named yettransformation of ships is common , as shown by ms grand holiday becoming the magellan\n", + "[1.2089945 1.6312132 1.347781 1.4439663 1.2363083 1.0324646 1.0204042\n", + " 1.0234967 1.0629101 1.0101506 1.2827165 1.0665337 1.0705602 1.1281558\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 10 4 0 13 12 11 8 5 7 6 9 19 14 15 16 17 18 20]\n", + "=======================\n", + "['the $ 2 billion fiona stanley hospital in southwest perth was stripped of its medical service provider serco after they failed to return sterilising equipment by an arranged date in february .the company was fined $ 60,000 and was subject to department of health workers auditing its staff , but the hospital has been found of continuing to operate with poorly sanitised instruments , reports abc .australian medical association wa president michael gannon said some of the instruments were found to contain blood and human matter .']\n", + "=======================\n", + "['the fiona stanley hospital in southwest perth was stripped of its medical service provider serco in februarythe company was fined $ 60,000 and was subject to department of health workers auditing its staffit comes after a string of controversial incidents in the hospital , including the death of a patient last month']\n", + "the $ 2 billion fiona stanley hospital in southwest perth was stripped of its medical service provider serco after they failed to return sterilising equipment by an arranged date in february .the company was fined $ 60,000 and was subject to department of health workers auditing its staff , but the hospital has been found of continuing to operate with poorly sanitised instruments , reports abc .australian medical association wa president michael gannon said some of the instruments were found to contain blood and human matter .\n", + "the fiona stanley hospital in southwest perth was stripped of its medical service provider serco in februarythe company was fined $ 60,000 and was subject to department of health workers auditing its staffit comes after a string of controversial incidents in the hospital , including the death of a patient last month\n", + "[1.2865539 1.3986266 1.0924624 1.1812698 1.3768793 1.0977061 1.2982326\n", + " 1.1849194 1.1198353 1.0350538 1.0259031 1.0191617 1.0160255 1.2033564\n", + " 1.1237864 1.0825226 1.1555723 1.0080762 1.0293881 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 6 0 13 7 3 16 14 8 5 2 15 9 18 10 11 12 17 20 19 21]\n", + "=======================\n", + "[\"bernabeu legend zinedine zidane , now managing the spanish giants ' castilla b-team but long tipped for the no 1 role , insists the club are looking for the world 's best youngsters to add to their squad .zinedine zidane has revealed la liga giants real madrid are keen on signing liverpool winger raheem sterlingliverpool starlet sterling has rejected an offer of # 100,000 a week to extend his stay at anfield\"]\n", + "=======================\n", + "[\"exclusive : zinedine zidane has confirmed real madrid are keen on signing liverpool winger raheem sterlingsterling has rejected the chance of signing a # 100,000 a week dealzidane has revealed real have been ` monitoring ' england ace sterlingreal monitored the likes of gareth bale and isco before completing dealsread : liverpool may struggle to sign big names , says brendan rodgers\"]\n", + "bernabeu legend zinedine zidane , now managing the spanish giants ' castilla b-team but long tipped for the no 1 role , insists the club are looking for the world 's best youngsters to add to their squad .zinedine zidane has revealed la liga giants real madrid are keen on signing liverpool winger raheem sterlingliverpool starlet sterling has rejected an offer of # 100,000 a week to extend his stay at anfield\n", + "exclusive : zinedine zidane has confirmed real madrid are keen on signing liverpool winger raheem sterlingsterling has rejected the chance of signing a # 100,000 a week dealzidane has revealed real have been ` monitoring ' england ace sterlingreal monitored the likes of gareth bale and isco before completing dealsread : liverpool may struggle to sign big names , says brendan rodgers\n", + "[1.2454865 1.5199742 1.0798665 1.1048889 1.0336044 1.0373505 1.0358877\n", + " 1.1305493 1.0852582 1.0769643 1.183865 1.0699941 1.0720861 1.0728073\n", + " 1.0615821 1.0360538 1.0483334 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 10 7 3 8 2 9 13 12 11 14 16 5 15 6 4 20 17 18 19 21]\n", + "=======================\n", + "[\"davion navar henry only , 16 , became the face of adoption and an example of all the struggles faced by many teenagers in the system when in 2013 he stood up in a suit and told worshipers at florida 's st mark missionary baptist church ; ` my name is davion and i 've been in foster care since i was born .a young man who has been stuck in the foster system since the day his mother gave birth to him behind bars has finally found a home .davion only has been adopted by his old case worker , connie bell going ( above )\"]\n", + "=======================\n", + "[\"davion only , 16 , captured hearts around the nation in 2013 when he made a plea in front of church congregation for a family to ` love him forever 'he was adopted by a minister in ohio but sent back into the system a few months later when he fought with one of the minister 's childrenin the next year he was shuttled between four different homes and four schools in florida before calling his old caseworker , connie bell goingdavion called and asked miss connie if she would adopt him last julygoing agreed , and in february they signed court papers to officially make davion her son , which should take effect april 22i guess i always thought of you as my mom , ' davion said to going last december\"]\n", + "davion navar henry only , 16 , became the face of adoption and an example of all the struggles faced by many teenagers in the system when in 2013 he stood up in a suit and told worshipers at florida 's st mark missionary baptist church ; ` my name is davion and i 've been in foster care since i was born .a young man who has been stuck in the foster system since the day his mother gave birth to him behind bars has finally found a home .davion only has been adopted by his old case worker , connie bell going ( above )\n", + "davion only , 16 , captured hearts around the nation in 2013 when he made a plea in front of church congregation for a family to ` love him forever 'he was adopted by a minister in ohio but sent back into the system a few months later when he fought with one of the minister 's childrenin the next year he was shuttled between four different homes and four schools in florida before calling his old caseworker , connie bell goingdavion called and asked miss connie if she would adopt him last julygoing agreed , and in february they signed court papers to officially make davion her son , which should take effect april 22i guess i always thought of you as my mom , ' davion said to going last december\n", + "[1.4866579 1.2236576 1.1492568 1.3396224 1.2445654 1.4679117 1.0992929\n", + " 1.0205858 1.0128484 1.0169677 1.0140185 1.0264425 1.0143255 1.0148259\n", + " 1.0198389 1.0196015 1.0161346 1.0177772 1.0197647 1.0232923 1.0205514\n", + " 0. ]\n", + "\n", + "[ 0 5 3 4 1 2 6 11 19 7 20 14 18 15 17 9 16 13 12 10 8 21]\n", + "=======================\n", + "['kenwyne jones came from the bench late on to score within three minutes of his bournemouth debut and rescue a point away to ipswich .freddie sears celebrates putting ipswich ahead against bournemouth at portman road after six minuteskenwyne jones ( right ) celebrates acrobatically after levelling for bournemouth against ipswich']\n", + "=======================\n", + "[\"freddie sears put ipswich ahead from close range after six minutesmick mccarthy 's side had the lead at the half-time intervalkenwyne jones equalised with a header on his bournemouth debut\"]\n", + "kenwyne jones came from the bench late on to score within three minutes of his bournemouth debut and rescue a point away to ipswich .freddie sears celebrates putting ipswich ahead against bournemouth at portman road after six minuteskenwyne jones ( right ) celebrates acrobatically after levelling for bournemouth against ipswich\n", + "freddie sears put ipswich ahead from close range after six minutesmick mccarthy 's side had the lead at the half-time intervalkenwyne jones equalised with a header on his bournemouth debut\n", + "[1.5040272 1.4238465 1.4425037 1.3682221 1.0668962 1.2081918 1.0731221\n", + " 1.0382566 1.0164633 1.0130761 1.0084099 1.1237378 1.2681445 1.0116519\n", + " 1.0245253 1.0105177 1.010432 1.0062463 1.0047731 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 3 12 5 11 6 4 7 14 8 9 13 15 16 10 17 18 19 20 21]\n", + "=======================\n", + "[\"diego costa looks set to be sidelined for at least two weeks after sustaining another hamstring injury during chelsea 's 2-1 win over stoke city .jose mourinho threw costa on at half-time after going into the interval at 1-1 following charlie adam 's outstanding 66-yard equaliser to cancel out eden hazard 's opener .the spain international is likely to miss chelsea 's upcoming barclays premier league matches against west london rivals queens park rangers and manchester united .\"]\n", + "=======================\n", + "[\"chelsea star diego costa looks set to miss his side 's next two gamescosta was forced off through injury shortly after coming on at the intervaljose mourinho has revealed costa is likely to be out for ' a couple of weeks 'chelsea face qpr and manchester united in next two league matchesclick here to read sami mokbel 's match report from stamford bridge\"]\n", + "diego costa looks set to be sidelined for at least two weeks after sustaining another hamstring injury during chelsea 's 2-1 win over stoke city .jose mourinho threw costa on at half-time after going into the interval at 1-1 following charlie adam 's outstanding 66-yard equaliser to cancel out eden hazard 's opener .the spain international is likely to miss chelsea 's upcoming barclays premier league matches against west london rivals queens park rangers and manchester united .\n", + "chelsea star diego costa looks set to miss his side 's next two gamescosta was forced off through injury shortly after coming on at the intervaljose mourinho has revealed costa is likely to be out for ' a couple of weeks 'chelsea face qpr and manchester united in next two league matchesclick here to read sami mokbel 's match report from stamford bridge\n", + "[1.3595924 1.4303257 1.2927558 1.1729614 1.1873366 1.2924815 1.099685\n", + " 1.0159292 1.057625 1.0309355 1.0370154 1.0271373 1.0594751 1.0396372\n", + " 1.0226324 1.0197135 1.0311879 1.0571934 1.0647415 1.0536903 1.1890625\n", + " 1.0544863]\n", + "\n", + "[ 1 0 2 5 20 4 3 6 18 12 8 17 21 19 13 10 16 9 11 14 15 7]\n", + "=======================\n", + "['the pioneering camera innovator clinched the title after being granted 4.5 million restricted stock units - valued at $ 284.5 million - at the end of the year .gopro director nick woodman is set to be named the highest-paid ceo of 2014 at the tender age of 39 .it won him the top spot on the annual bloomberg pay index .']\n", + "=======================\n", + "[\"nick woodman 's dynamic cameras became instant success in 2006before they took off , he acted as the model for the self-made advertsnow , nine years later , he is a billionaire and top of bloomberg pay index\"]\n", + "the pioneering camera innovator clinched the title after being granted 4.5 million restricted stock units - valued at $ 284.5 million - at the end of the year .gopro director nick woodman is set to be named the highest-paid ceo of 2014 at the tender age of 39 .it won him the top spot on the annual bloomberg pay index .\n", + "nick woodman 's dynamic cameras became instant success in 2006before they took off , he acted as the model for the self-made advertsnow , nine years later , he is a billionaire and top of bloomberg pay index\n", + "[1.0696198 1.346315 1.2262508 1.2251518 1.3820091 1.1243911 1.1004146\n", + " 1.1582558 1.0354191 1.0331787 1.0153979 1.2334874 1.1289072 1.0878018\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 4 1 11 2 3 7 12 5 6 13 0 8 9 10 16 14 15 17]\n", + "=======================\n", + "[\"the four million square foot motiongate dubai is set to attract over three million tourists annually , who will be immersed in a cinematic journey through their favourite movies via 27 different latest-in-technology rides and attractions .and fans could have the chance to experience katniss ' life as soon as next year , with the attraction expected to open in october 2016 .hopefully the dubai theme park will have safety measures in place for guests - unlike katniss ' experience in the arena in hunger games\"]\n", + "=======================\n", + "['motiongate dubai will open in october , 2016 with themed zonesguests can enjoy rides and gift shops based on the billion dollar franchisethere will also be live performances based on step up moviesthe dubai theme park will be four million square foot in size']\n", + "the four million square foot motiongate dubai is set to attract over three million tourists annually , who will be immersed in a cinematic journey through their favourite movies via 27 different latest-in-technology rides and attractions .and fans could have the chance to experience katniss ' life as soon as next year , with the attraction expected to open in october 2016 .hopefully the dubai theme park will have safety measures in place for guests - unlike katniss ' experience in the arena in hunger games\n", + "motiongate dubai will open in october , 2016 with themed zonesguests can enjoy rides and gift shops based on the billion dollar franchisethere will also be live performances based on step up moviesthe dubai theme park will be four million square foot in size\n", + "[1.2282888 1.3439791 1.2615025 1.3559763 1.1455313 1.2204878 1.1012479\n", + " 1.0807936 1.1795337 1.0689728 1.042943 1.0992224 1.0569344 1.021419\n", + " 1.061608 1.0950848 1.0650393 1.0443177]\n", + "\n", + "[ 3 1 2 0 5 8 4 6 11 15 7 9 16 14 12 17 10 13]\n", + "=======================\n", + "[\"100-year-old michael juskin allegedly killed his wife rosalia , 88 , with an axe while she slept before he committed suicide with a knife on sunday night .michael and rosalia juskin had a ` history of domestic issues , ' according to bergen county prosecutor john l. molinelli .michael juskin is one of the oldest people ever to be accused of homicide , according to northjersey.com .\"]\n", + "=======================\n", + "[\"prosecutor said michael and rosalia juskin had ` domestic issues 'a relative , who was not inside the home during the apparent murder-suicide , discovered the bodies and called policeone relative claimed michael juskin was suffering from dementia and another said he was ` not well '\"]\n", + "100-year-old michael juskin allegedly killed his wife rosalia , 88 , with an axe while she slept before he committed suicide with a knife on sunday night .michael and rosalia juskin had a ` history of domestic issues , ' according to bergen county prosecutor john l. molinelli .michael juskin is one of the oldest people ever to be accused of homicide , according to northjersey.com .\n", + "prosecutor said michael and rosalia juskin had ` domestic issues 'a relative , who was not inside the home during the apparent murder-suicide , discovered the bodies and called policeone relative claimed michael juskin was suffering from dementia and another said he was ` not well '\n", + "[1.2192972 1.449038 1.1394774 1.3659871 1.1172363 1.074207 1.1041384\n", + " 1.0649589 1.0494354 1.1218364 1.031022 1.0364364 1.0217279 1.023591\n", + " 1.0134164 1.0298166 0. 0. ]\n", + "\n", + "[ 1 3 0 2 9 4 6 5 7 8 11 10 15 13 12 14 16 17]\n", + "=======================\n", + "[\"keir starmer , who ran the crown prosecution service for five years , was in charge when operation elveden began its tainted ` witch hunt ' into tabloid journalists .the collapse of yesterday 's old bailey trial will raise question marks about the judgment of the labour darling who took a central role in the disastrous and misguided prosecutions of journalists .starting with dawn raids on suspects ' homes , mass arrests and long periods of bail , it ended in not guilty verdicts -- and will now prompt a fresh examination of the tenure of the most controversial dpp of modern times .\"]\n", + "=======================\n", + "[\"trial of journalists paying public officials collapsed at old bailey on fridayraises questions over judgement of keir starmer , who led the investigationhe pushed use of ` unheard ' 13th century law - misconduct in public officeoperation elveden , which has now cost taxpayer # 20million , left in ruins\"]\n", + "keir starmer , who ran the crown prosecution service for five years , was in charge when operation elveden began its tainted ` witch hunt ' into tabloid journalists .the collapse of yesterday 's old bailey trial will raise question marks about the judgment of the labour darling who took a central role in the disastrous and misguided prosecutions of journalists .starting with dawn raids on suspects ' homes , mass arrests and long periods of bail , it ended in not guilty verdicts -- and will now prompt a fresh examination of the tenure of the most controversial dpp of modern times .\n", + "trial of journalists paying public officials collapsed at old bailey on fridayraises questions over judgement of keir starmer , who led the investigationhe pushed use of ` unheard ' 13th century law - misconduct in public officeoperation elveden , which has now cost taxpayer # 20million , left in ruins\n", + "[1.2908481 1.17473 1.094532 1.0988458 1.3871921 1.1155686 1.1039532\n", + " 1.1022681 1.0567777 1.1554385 1.0709134 1.0192181 1.1149354 1.1212493\n", + " 1.0886478 1.0485669 1.0186284 1.0209324]\n", + "\n", + "[ 4 0 1 9 13 5 12 6 7 3 2 14 10 8 15 17 11 16]\n", + "=======================\n", + "[\"alex impey , is a father-of-two , who says he is selling marijuana to help to those suffering from serious illnessalex impey is breaking the law selling his customers marijuana , but as long as he keeps hearing stories that the drug is helping them cope with pain , he could n't care less .and business for medicinal marijuana is booming , with mr impey telling daily mail australia he receives 20 new requests for help each week at his hemp store , gnostic hemporium , on the nsw central coast , north of sydney .\"]\n", + "=======================\n", + "['alex impey is breaking the law by openly selling marijuana to customers seeking pain reliefhe sells medicinal oil from the drug at about $ 100 a gram and some people use up to a gram each day as treatmentmr impey also teaches the terminally ill how and where to grow their ownhis \" hemp store \" alone receives more than 20 requests for help accessing medicinal cannabis each weekpatients who contact him include cancer sufferers , those with parkinson \\'s disease , multiple sclerosis and children with epilepsylarisa rule , 3 , is one of his customers , and takes the drug to reduce her seizuresher father peter risked two years in jail for preparing his own crop']\n", + "alex impey , is a father-of-two , who says he is selling marijuana to help to those suffering from serious illnessalex impey is breaking the law selling his customers marijuana , but as long as he keeps hearing stories that the drug is helping them cope with pain , he could n't care less .and business for medicinal marijuana is booming , with mr impey telling daily mail australia he receives 20 new requests for help each week at his hemp store , gnostic hemporium , on the nsw central coast , north of sydney .\n", + "alex impey is breaking the law by openly selling marijuana to customers seeking pain reliefhe sells medicinal oil from the drug at about $ 100 a gram and some people use up to a gram each day as treatmentmr impey also teaches the terminally ill how and where to grow their ownhis \" hemp store \" alone receives more than 20 requests for help accessing medicinal cannabis each weekpatients who contact him include cancer sufferers , those with parkinson 's disease , multiple sclerosis and children with epilepsylarisa rule , 3 , is one of his customers , and takes the drug to reduce her seizuresher father peter risked two years in jail for preparing his own crop\n", + "[1.1595972 1.1915002 1.4015663 1.3417337 1.1844566 1.0839695 1.0485636\n", + " 1.0319221 1.1458149 1.0685534 1.0792692 1.0376657 1.0344977 1.0331635\n", + " 1.042484 1.0210999 1.0249145 0. ]\n", + "\n", + "[ 2 3 1 4 0 8 5 10 9 6 14 11 12 13 7 16 15 17]\n", + "=======================\n", + "['a new series , chaos caught on camera , premieres on science channel monday , april 13 , and reveals the extraordinary footage taken by people in the middle of the drama , giving a unique perspective of real life or death situations .whether someone is caught up in a terrifying avalanche , shipwrecked at sea , or skydivers are caught in a deadly collision , phone cameras and helmet-cams are able to record every heart-stopping moment and broadcast them around the world .a battle between a hungry lion and a buffalo in the mjejane reserve in south africa will be seen on the show']\n", + "=======================\n", + "[\"chaos caught on camera premieres on science channel monday , april 13show reveals fantastic phone footage shot by people in real-life dramaviewers get intense experience as if they 're actually there in disaster zoneincredible facts behind each freak catastrophe or survival are explained\"]\n", + "a new series , chaos caught on camera , premieres on science channel monday , april 13 , and reveals the extraordinary footage taken by people in the middle of the drama , giving a unique perspective of real life or death situations .whether someone is caught up in a terrifying avalanche , shipwrecked at sea , or skydivers are caught in a deadly collision , phone cameras and helmet-cams are able to record every heart-stopping moment and broadcast them around the world .a battle between a hungry lion and a buffalo in the mjejane reserve in south africa will be seen on the show\n", + "chaos caught on camera premieres on science channel monday , april 13show reveals fantastic phone footage shot by people in real-life dramaviewers get intense experience as if they 're actually there in disaster zoneincredible facts behind each freak catastrophe or survival are explained\n", + "[1.3075042 1.182517 1.3245943 1.2496934 1.1519573 1.1215886 1.0978482\n", + " 1.2257364 1.0573456 1.0807693 1.0782317 1.1089382 1.0773146 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 3 7 1 4 5 11 6 9 10 12 8 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "['the comical image emerged amid claims the president of zimbabwe is lining up his 24-year-old daughter to succeed him .at a quick glance , robert mugabe appeared to be sporting a new hairstyle and even a pair of earrings when he arrived into south africa for a state visit today .mugabe arrived into pretoria , south africa today for a three-day state visit to the country amid ongoing speculation that his daughter will assume the position of president after him .']\n", + "=======================\n", + "['photo of robert mugabe appears to show him with new hairdo and earringslonger hairstyle and earrings actually belong to woman stood behind himamusing image comes after memes circulated showing him fall down stepszimbabwean president apparently preparing daughter bona to replace him']\n", + "the comical image emerged amid claims the president of zimbabwe is lining up his 24-year-old daughter to succeed him .at a quick glance , robert mugabe appeared to be sporting a new hairstyle and even a pair of earrings when he arrived into south africa for a state visit today .mugabe arrived into pretoria , south africa today for a three-day state visit to the country amid ongoing speculation that his daughter will assume the position of president after him .\n", + "photo of robert mugabe appears to show him with new hairdo and earringslonger hairstyle and earrings actually belong to woman stood behind himamusing image comes after memes circulated showing him fall down stepszimbabwean president apparently preparing daughter bona to replace him\n", + "[1.237401 1.381752 1.3267255 1.2059691 1.1824379 1.150004 1.0170327\n", + " 1.1051661 1.0483379 1.1231159 1.1092747 1.1434968 1.0425564 1.0192647\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 4 5 11 9 10 7 8 12 13 6 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"the video , allegedly shot near the capital of sanaa , sees some 20 men wearing desert camouflage uniforms carry out a carefully choreographed rifle routine in the sand .the ` establishing ' of an isis-related group in yemen comes after months of conflict which has seen iran-backed houthi rebels fight both the government and the local al qaeda affiliates .supporters of isis have ` declared a caliphate ' in yemen through a bizarre video showing a group of masked fighters a barren desert .\"]\n", + "=======================\n", + "[\"video released showing isis supporters ` declaring a caliphate ' in yemenit comes after months of fighting between several groups in the countryisis emerged in yemen last year , and has carried out suicide bombingssunni isis may take hold as shi'ite rebels fight government and al-qaeda\"]\n", + "the video , allegedly shot near the capital of sanaa , sees some 20 men wearing desert camouflage uniforms carry out a carefully choreographed rifle routine in the sand .the ` establishing ' of an isis-related group in yemen comes after months of conflict which has seen iran-backed houthi rebels fight both the government and the local al qaeda affiliates .supporters of isis have ` declared a caliphate ' in yemen through a bizarre video showing a group of masked fighters a barren desert .\n", + "video released showing isis supporters ` declaring a caliphate ' in yemenit comes after months of fighting between several groups in the countryisis emerged in yemen last year , and has carried out suicide bombingssunni isis may take hold as shi'ite rebels fight government and al-qaeda\n", + "[1.3753949 1.3501492 1.381119 1.2346156 1.2036924 1.04208 1.0204911\n", + " 1.1638589 1.1896476 1.0716203 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 1 3 4 8 7 9 5 6 19 18 17 16 15 10 13 12 11 20 14 21]\n", + "=======================\n", + "['four in 10 households now own one tablet , one fifth have two , and 11 per cent own three or more .smartphones are the most common internet-enabled device , at 1.7 per household , followed by laptops ( 1.3 ) and tablets ( 1.2 ) , the yougov poll of more than 2,000 consumers found .the latest internet advertising bureau ( iab ) uk digital adspend report , conducted by pwc , found digital advertising hit a record # 7.2 billion .']\n", + "=======================\n", + "['smartphones are the most common web devices , at 1.7 per homelaptops and tablets are just behind , a yougov poll has foundmeanwhile , digital advertising has hit a record high of # 7.2 billion']\n", + "four in 10 households now own one tablet , one fifth have two , and 11 per cent own three or more .smartphones are the most common internet-enabled device , at 1.7 per household , followed by laptops ( 1.3 ) and tablets ( 1.2 ) , the yougov poll of more than 2,000 consumers found .the latest internet advertising bureau ( iab ) uk digital adspend report , conducted by pwc , found digital advertising hit a record # 7.2 billion .\n", + "smartphones are the most common web devices , at 1.7 per homelaptops and tablets are just behind , a yougov poll has foundmeanwhile , digital advertising has hit a record high of # 7.2 billion\n", + "[1.2447157 1.4773064 1.361962 1.2438747 1.1235762 1.1564841 1.1287211\n", + " 1.0427715 1.0216932 1.1204724 1.0402153 1.1190958 1.0437233 1.077684\n", + " 1.0448084 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 5 6 4 9 11 13 14 12 7 10 8 15 16 17 18 19 20 21]\n", + "=======================\n", + "['the body of charmain adusah , 41 , was discovered by hotel staff face down in a bath where it is believed she had been lying for four days .her husband , eric isaiah adusah , a self-proclaimed prophet and evangelical preacher , was alleged to have left the hotel hurriedly on the day she is believed to have died .a church preacher is being held on suspicion of murdering his pregnant british wife in a hotel room in ghana .']\n", + "=======================\n", + "['her body was discovered by hotel staff face down in bathbelieved charmain adusah had been dead for four days when foundself-proclaimed prophet accused of leaving hotel in a hurryshe was pregnant and had son , eight , from previous marriage']\n", + "the body of charmain adusah , 41 , was discovered by hotel staff face down in a bath where it is believed she had been lying for four days .her husband , eric isaiah adusah , a self-proclaimed prophet and evangelical preacher , was alleged to have left the hotel hurriedly on the day she is believed to have died .a church preacher is being held on suspicion of murdering his pregnant british wife in a hotel room in ghana .\n", + "her body was discovered by hotel staff face down in bathbelieved charmain adusah had been dead for four days when foundself-proclaimed prophet accused of leaving hotel in a hurryshe was pregnant and had son , eight , from previous marriage\n", + "[1.5738009 1.446353 1.0937674 1.087526 1.1079619 1.0853647 1.3731782\n", + " 1.3023986 1.0905776 1.1796918 1.0706297 1.0700378 1.0253162 1.018286\n", + " 1.0057292 1.1245415 1.0648375 1.0422145 1.0755506 1.047586 1.0408045\n", + " 1.0792738]\n", + "\n", + "[ 0 1 6 7 9 15 4 2 8 3 5 21 18 10 11 16 19 17 20 12 13 14]\n", + "=======================\n", + "[\"al horford and demarre carroll scored 20 points each to help the atlanta hawks match a franchise record with their 57th win , beating the brooklyn nets 131-99 on saturday night .however , the hawks lost forward paul millsap to a right shoulder injury in a collision with brooklyn 's earl clark with 1:52 left in the first half .bojan bogdanovic led brooklyn with 19 points .\"]\n", + "=======================\n", + "[\"atlanta hawks beat brooklyn nets 131-99 on saturday nightwin was 57th of the season for eastern conference leadershawks ' paul millsap suffers a shoulder injury in first halfboston celtics beat toronto raptors in overtime to boost play-off hopeswest leaders golden state warriors see off dallas mavericks 123-110\"]\n", + "al horford and demarre carroll scored 20 points each to help the atlanta hawks match a franchise record with their 57th win , beating the brooklyn nets 131-99 on saturday night .however , the hawks lost forward paul millsap to a right shoulder injury in a collision with brooklyn 's earl clark with 1:52 left in the first half .bojan bogdanovic led brooklyn with 19 points .\n", + "atlanta hawks beat brooklyn nets 131-99 on saturday nightwin was 57th of the season for eastern conference leadershawks ' paul millsap suffers a shoulder injury in first halfboston celtics beat toronto raptors in overtime to boost play-off hopeswest leaders golden state warriors see off dallas mavericks 123-110\n", + "[1.2744999 1.4110178 1.2720864 1.4022164 1.2087553 1.1907763 1.0502366\n", + " 1.0270851 1.0616845 1.0558544 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 5 8 9 6 7 18 17 16 15 10 13 12 11 19 14 20]\n", + "=======================\n", + "[\"jeff novitzky , who was also involved in the investigations into barry bonds , marion jones and justin gatlin , will spearhead the development of the ufc 's new drug testing programme .jeff novitsky will join the ufc as the sport bids to clean up its act after high-profile failed drugs teststhe organisation announced earlier this year that they will implement a new year-round , out-of-competition testing protocol following a string of high-profile failed tests by anderson silva , nick diaz and hector lombard .\"]\n", + "=======================\n", + "[\"novitzky kick-started the balco investigation and is well-known for his work with steroid and ped use in sportthe case involved the investigations into barry bonds , marion jones and justin gatlinthe federal agent also probed lance armstrong 's tour de france teams and helped unmask the shamed former cyclistufc is keen to banish the sport of peds after high-profile failed tests from the likes of anderson silva , nick diaz and hector lombard` there is no bigger advocate of clean professional sports than jeff novitzky , ' the ufc 's lawrence epstein said\"]\n", + "jeff novitzky , who was also involved in the investigations into barry bonds , marion jones and justin gatlin , will spearhead the development of the ufc 's new drug testing programme .jeff novitsky will join the ufc as the sport bids to clean up its act after high-profile failed drugs teststhe organisation announced earlier this year that they will implement a new year-round , out-of-competition testing protocol following a string of high-profile failed tests by anderson silva , nick diaz and hector lombard .\n", + "novitzky kick-started the balco investigation and is well-known for his work with steroid and ped use in sportthe case involved the investigations into barry bonds , marion jones and justin gatlinthe federal agent also probed lance armstrong 's tour de france teams and helped unmask the shamed former cyclistufc is keen to banish the sport of peds after high-profile failed tests from the likes of anderson silva , nick diaz and hector lombard` there is no bigger advocate of clean professional sports than jeff novitzky , ' the ufc 's lawrence epstein said\n", + "[1.4221077 1.1938316 1.1778541 1.0553819 1.2215146 1.1359957 1.017731\n", + " 1.0155966 1.0184772 1.022416 1.0285081 1.0388763 1.0710185 1.1650105\n", + " 1.0884856 1.0426491 1.0220679 1.0183724 1.01696 1.0116494 1.0748256]\n", + "\n", + "[ 0 4 1 2 13 5 14 20 12 3 15 11 10 9 16 8 17 6 18 7 19]\n", + "=======================\n", + "[\"flanked by johnny russell and will hughes , eric steele jigged over to the travelling derby supporters - the popular goalkeeping coach was in the mood to celebrate .derby 's players celebrate after chris martin 's goal gave them the lead in the second halfafter a first win in eight , they are back in this consuming promotion race and that six-week wobble is no longer .\"]\n", + "=======================\n", + "['derby had failed to win any of their previous seven gamesgoals from chris martin and darren bent lift them up to fifthwigan now eight points from safety with just five games left']\n", + "flanked by johnny russell and will hughes , eric steele jigged over to the travelling derby supporters - the popular goalkeeping coach was in the mood to celebrate .derby 's players celebrate after chris martin 's goal gave them the lead in the second halfafter a first win in eight , they are back in this consuming promotion race and that six-week wobble is no longer .\n", + "derby had failed to win any of their previous seven gamesgoals from chris martin and darren bent lift them up to fifthwigan now eight points from safety with just five games left\n", + "[1.3236084 1.4829698 1.1777259 1.4237654 1.1546277 1.1511111 1.0740201\n", + " 1.0136747 1.01428 1.0822257 1.0731034 1.1168543 1.0478787 1.0848105\n", + " 1.0296091 1.0277913 1.1793772 1.0275848 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 16 2 4 5 11 13 9 6 10 12 14 15 17 8 7 18 19 20]\n", + "=======================\n", + "['lewis moody , danny grewcock and josh lewsey said they felt nothing more than a jolt .three former england rugby internationals on a charity expedition to the north pole continued with their trip despite the landing gear of their plane collapsing on their way out .it is hoped the expedition will raise # 250,000 for the lewis moody foundation as well as the royal marines charitable trust']\n", + "=======================\n", + "['lewis moody , danny grewcock and josh lewsey said they felt a joltplane was dropping them off at the start of the 60-mile trek to the polerugby stars are now back from expedition that raised money for charity']\n", + "lewis moody , danny grewcock and josh lewsey said they felt nothing more than a jolt .three former england rugby internationals on a charity expedition to the north pole continued with their trip despite the landing gear of their plane collapsing on their way out .it is hoped the expedition will raise # 250,000 for the lewis moody foundation as well as the royal marines charitable trust\n", + "lewis moody , danny grewcock and josh lewsey said they felt a joltplane was dropping them off at the start of the 60-mile trek to the polerugby stars are now back from expedition that raised money for charity\n", + "[1.2408193 1.4790154 1.1263814 1.1796254 1.2155002 1.2176539 1.2959465\n", + " 1.1697063 1.0627658 1.0599743 1.0734012 1.0460072 1.046969 1.0566343\n", + " 1.0384517 1.0366081 1.0379876 0. 0. 0. 0. ]\n", + "\n", + "[ 1 6 0 5 4 3 7 2 10 8 9 13 12 11 14 16 15 19 17 18 20]\n", + "=======================\n", + "[\"leaj jarvis price was reportedly gunned down by eric heath price , the 25-year-old father of her six-year-old son , on monday after she ran into the surgery in jemison screaming ` call the police ' .this is the 24-year-old mother who was allegedly shot dead by her marine veteran husband in an alabama doctor 's office after he wrote a chilling facebook post saying he was going to ` die today ' .he has since been charged with the murder of mrs price , who was a nursing student .\"]\n", + "=======================\n", + "[\"leaj jarvis price , 24 , ran into a doctor 's office in jemison , al , on mondayshe screamed ` call the police ' , prompting doctors to run out to help herseconds later , she was allegedly shot dead by husband , eric price , 25price then staged standoff with police at their home and ` shot himself 'taken to hospital in unknown condition ; has been charged with murdercourt records show pair had been locked in custody battle over their son\"]\n", + "leaj jarvis price was reportedly gunned down by eric heath price , the 25-year-old father of her six-year-old son , on monday after she ran into the surgery in jemison screaming ` call the police ' .this is the 24-year-old mother who was allegedly shot dead by her marine veteran husband in an alabama doctor 's office after he wrote a chilling facebook post saying he was going to ` die today ' .he has since been charged with the murder of mrs price , who was a nursing student .\n", + "leaj jarvis price , 24 , ran into a doctor 's office in jemison , al , on mondayshe screamed ` call the police ' , prompting doctors to run out to help herseconds later , she was allegedly shot dead by husband , eric price , 25price then staged standoff with police at their home and ` shot himself 'taken to hospital in unknown condition ; has been charged with murdercourt records show pair had been locked in custody battle over their son\n", + "[1.3471017 1.515498 1.218038 1.4770868 1.379213 1.0431893 1.0301827\n", + " 1.0163717 1.0210067 1.0234419 1.1242726 1.0981112 1.0246005 1.0185895\n", + " 1.0738885 1.0159606 1.0129054 1.0213747 1.012691 0. 0. ]\n", + "\n", + "[ 1 3 4 0 2 10 11 14 5 6 12 9 17 8 13 7 15 16 18 19 20]\n", + "=======================\n", + "['palmer , 52 , has been giving safety announcements and other messages in verse since last year when northern rail encouraged their guards to give their addresses a festive flavour .train conductor graham palmer delivers safety announcements over the tanny in the form of poetrythe rhymes were a hit with travellers and have been going strong since , and he even customises the self-penned couplets according to the stations his carriages are passing through .']\n", + "=======================\n", + "[\"train guard graham palmer addresses passengers with original poemsthe northern rail conductor began writing poems last christmaspalmer even customises his couplets for the stations his train passeshe says it 's tongue in cheek but at least it 's getting the message across\"]\n", + "palmer , 52 , has been giving safety announcements and other messages in verse since last year when northern rail encouraged their guards to give their addresses a festive flavour .train conductor graham palmer delivers safety announcements over the tanny in the form of poetrythe rhymes were a hit with travellers and have been going strong since , and he even customises the self-penned couplets according to the stations his carriages are passing through .\n", + "train guard graham palmer addresses passengers with original poemsthe northern rail conductor began writing poems last christmaspalmer even customises his couplets for the stations his train passeshe says it 's tongue in cheek but at least it 's getting the message across\n", + "[1.332256 1.2073499 1.1066515 1.1129295 1.3171451 1.177481 1.060752\n", + " 1.0415148 1.0466391 1.0514603 1.0790722 1.1045986 1.0891533 1.077464\n", + " 1.0495098 1.0587754 1.0866784 1.0261369 1.010464 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 4 1 5 3 2 11 12 16 10 13 6 15 9 14 8 7 17 18 21 19 20 22]\n", + "=======================\n", + "['( cnn ) one year after it was perpetrated , the kidnapping of nearly 300 schoolgirls by a jihadist group in nigeria remains a crime almost too horrifying to comprehend : hundreds of teenaged girls , just finishing school , destined perhaps for significant achievement -- kidnapped , never to be seen again .the girls were abducted on the night of april 14-15 , 2014 , in the town of chibok , in northeastern nigeria , about a two-hour drive from the border with cameroon .\" this crime has rightly caused outrage both in nigeria and across the world , \" the country \\'s president-elect , muhammadu buhari , said tuesday in marking the anniversary .']\n", + "=======================\n", + "[\"nigeria 's president-elect sends nation 's prayers to families of girlsworld still expresses hope that the girls will returnboko haram controls a portion of northeastern nigeria\"]\n", + "( cnn ) one year after it was perpetrated , the kidnapping of nearly 300 schoolgirls by a jihadist group in nigeria remains a crime almost too horrifying to comprehend : hundreds of teenaged girls , just finishing school , destined perhaps for significant achievement -- kidnapped , never to be seen again .the girls were abducted on the night of april 14-15 , 2014 , in the town of chibok , in northeastern nigeria , about a two-hour drive from the border with cameroon .\" this crime has rightly caused outrage both in nigeria and across the world , \" the country 's president-elect , muhammadu buhari , said tuesday in marking the anniversary .\n", + "nigeria 's president-elect sends nation 's prayers to families of girlsworld still expresses hope that the girls will returnboko haram controls a portion of northeastern nigeria\n", + "[1.2106442 1.5134301 1.2306068 1.299303 1.1532152 1.145754 1.0367216\n", + " 1.0178475 1.0839759 1.2293228 1.1340263 1.0590136 1.0432714 1.0449088\n", + " 1.0090277 1.0082637 1.0080779 1.0553247 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 9 0 4 5 10 8 11 17 13 12 6 7 14 15 16 21 18 19 20 22]\n", + "=======================\n", + "[\"the bereaved mother , named dawn , was appearing on the jeremy kyle show and accused long-term chum , convicted burglar jamie , of making off with the cash .devastated : dawn , who has had seven miscarriages , was furious to discover her friend had stolen from herwhen one of mr kyle 's famous lie detector tests revealed that jamie , who lives with dawn and her partner who is also called jamie , had done the deed , she burst into tears and stormed off .\"]\n", + "=======================\n", + "[\"the woman , named dawn , was appearing on itv 's the jeremy kyle showaccused her close friend and house-mate jamie of stealing # 207the money had been set aside for a grave stone for baby daniel jamesa sobbing dawn revealed that the baby was the seventh she has lostthe jeremy kyle show , weekdays at 9.25 am on itv\"]\n", + "the bereaved mother , named dawn , was appearing on the jeremy kyle show and accused long-term chum , convicted burglar jamie , of making off with the cash .devastated : dawn , who has had seven miscarriages , was furious to discover her friend had stolen from herwhen one of mr kyle 's famous lie detector tests revealed that jamie , who lives with dawn and her partner who is also called jamie , had done the deed , she burst into tears and stormed off .\n", + "the woman , named dawn , was appearing on itv 's the jeremy kyle showaccused her close friend and house-mate jamie of stealing # 207the money had been set aside for a grave stone for baby daniel jamesa sobbing dawn revealed that the baby was the seventh she has lostthe jeremy kyle show , weekdays at 9.25 am on itv\n", + "[1.103437 1.4977465 1.4253157 1.2325398 1.0913224 1.0517321 1.1029956\n", + " 1.1678522 1.0763047 1.0606675 1.0717154 1.0473039 1.0398006 1.0487064\n", + " 1.0324266 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 7 0 6 4 8 10 9 5 13 11 12 14 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"the stunning shots make up the short-list for the wisden -- mcc cricket photograph of the year 2014 , which was won by getty images photographer matthew lewis .his image of dwayne bravo shows the player taking a breathtaking full-length catch for the west indies to dismiss australia 's james faulkner during last year 's icc world twenty20 competition in bangladesh .but portraits of ordinary players also make the list , from children on a bangladesh rubbish tip to a club player attempting a catch in kent .\"]\n", + "=======================\n", + "[\"images of cricket both on the pitch and in a rubbish dump in dhaka , bangladesh , among short-listed pictureswinner of wisden-mcc cricket photograph of the year was matthew lewis ' shot of dwayne bravo taking a catch\"]\n", + "the stunning shots make up the short-list for the wisden -- mcc cricket photograph of the year 2014 , which was won by getty images photographer matthew lewis .his image of dwayne bravo shows the player taking a breathtaking full-length catch for the west indies to dismiss australia 's james faulkner during last year 's icc world twenty20 competition in bangladesh .but portraits of ordinary players also make the list , from children on a bangladesh rubbish tip to a club player attempting a catch in kent .\n", + "images of cricket both on the pitch and in a rubbish dump in dhaka , bangladesh , among short-listed pictureswinner of wisden-mcc cricket photograph of the year was matthew lewis ' shot of dwayne bravo taking a catch\n", + "[1.4011153 1.3040245 1.2532363 1.283024 1.2368479 1.2043947 1.0484841\n", + " 1.0271 1.0367223 1.0188684 1.0318546 1.0285962 1.0327053 1.0192258\n", + " 1.0332328 1.0246954 1.0249193 1.0196922 1.014535 1.0262583 1.013544\n", + " 1.0116912 1.018466 ]\n", + "\n", + "[ 0 1 3 2 4 5 6 8 14 12 10 11 7 19 16 15 17 13 9 22 18 20 21]\n", + "=======================\n", + "[\"snooker star ronnie o'sullivan has revealed what goes through his mind while he 's waiting for his opponent to finish at the table - and it 's usually whether he will make it to dinner or not .` the rocket ' is widely regarded as one of the most naturally talented players in history , although he has openly questioned his commitment to the sport during a career that has brought him five world championship titles .ronnie o'sullivan relaxes with a cuppa while waitingfor his turn at the 2015 dafabet masters\"]\n", + "=======================\n", + "[\"ronnie o'sullivan is a five time world snooker championthe rocket revealed his mind wanders to his stomach during gamesthe world no 2 claims he never gets nervous hunting a 147 breakthe 39-year-old was speaking in an interview with forever sports\"]\n", + "snooker star ronnie o'sullivan has revealed what goes through his mind while he 's waiting for his opponent to finish at the table - and it 's usually whether he will make it to dinner or not .` the rocket ' is widely regarded as one of the most naturally talented players in history , although he has openly questioned his commitment to the sport during a career that has brought him five world championship titles .ronnie o'sullivan relaxes with a cuppa while waitingfor his turn at the 2015 dafabet masters\n", + "ronnie o'sullivan is a five time world snooker championthe rocket revealed his mind wanders to his stomach during gamesthe world no 2 claims he never gets nervous hunting a 147 breakthe 39-year-old was speaking in an interview with forever sports\n", + "[1.4009157 1.1134048 1.0570371 1.2164073 1.1628757 1.1183071 1.0361129\n", + " 1.0382198 1.0162724 1.2079792 1.0280268 1.2057049 1.078431 1.0445545\n", + " 1.0454437 1.0151241 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 9 11 4 5 1 12 2 14 13 7 6 10 8 15 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"master patissier eric lanlard is on-stage recalling how he once refused to bake a ` very rude ' cake for naomi campbell .learning from the master : tamara shows off the cooking skills she has picked up from eric lanlardthe 3,600-passenger , union jack-adorned britannia is the largest ship built for the uk market .\"]\n", + "=======================\n", + "[\"with room for 3600 , britannia is the largest ship built for the uk marketp&o 's new ship has a gourmet edge , with a host of restaurants on boardtop chefs working with the ship include eric lanlard and mary berry\"]\n", + "master patissier eric lanlard is on-stage recalling how he once refused to bake a ` very rude ' cake for naomi campbell .learning from the master : tamara shows off the cooking skills she has picked up from eric lanlardthe 3,600-passenger , union jack-adorned britannia is the largest ship built for the uk market .\n", + "with room for 3600 , britannia is the largest ship built for the uk marketp&o 's new ship has a gourmet edge , with a host of restaurants on boardtop chefs working with the ship include eric lanlard and mary berry\n", + "[1.1879497 1.4665673 1.2980392 1.37306 1.1514528 1.260289 1.1648413\n", + " 1.0597056 1.0705479 1.0337415 1.1054322 1.0272299 1.0244215 1.0209402\n", + " 1.0260032 1.1486259 1.0262417 1.0120605 1.0085539 1.0083812 1.0291648]\n", + "\n", + "[ 1 3 2 5 0 6 4 15 10 8 7 9 20 11 16 14 12 13 17 18 19]\n", + "=======================\n", + "[\"four-year-old rj jackson is one of just 70 people in the world who suffers netherton 's syndrome .his mother valerie jackson has to regularly cover him in creams to try and prevent his skin drying out .his skin appears red and inflamed , and is often covered in dry skin that appears like scales on his body .\"]\n", + "=======================\n", + "[\"rj jackson is one of around 70 sufferers of netherton 's syndromefour-year-old 's skin appears red and scaly , and can be itchy and painfulmother valerie jackson is regularly accused of ` scalding or burning ' himsays rj faces cruel taunts from bullies - most of whom are ignorant adults\"]\n", + "four-year-old rj jackson is one of just 70 people in the world who suffers netherton 's syndrome .his mother valerie jackson has to regularly cover him in creams to try and prevent his skin drying out .his skin appears red and inflamed , and is often covered in dry skin that appears like scales on his body .\n", + "rj jackson is one of around 70 sufferers of netherton 's syndromefour-year-old 's skin appears red and scaly , and can be itchy and painfulmother valerie jackson is regularly accused of ` scalding or burning ' himsays rj faces cruel taunts from bullies - most of whom are ignorant adults\n", + "[1.4693598 1.4362171 1.1271374 1.4719365 1.4265255 1.1886672 1.0138503\n", + " 1.0094389 1.0074713 1.0075204 1.2961031 1.1287198 1.0577712 1.0688689\n", + " 1.1528933 1.0899478 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 10 5 14 11 2 15 13 12 6 7 9 8 19 16 17 18 20]\n", + "=======================\n", + "[\"ronnie o'sullivan will play 32-year-old debutant craig steadman in the first round of the world championshipfive-time winner o'sullivan will face manchester 's craig steadman , who at 32 is set for his bow at the sport 's most prestigious tournament .defending champion mark selby will play norwegian kurt maflin at the crucible on saturday\"]\n", + "=======================\n", + "[\"ronnie o'sullivan , a five-time champion , draws craig steadmanthe 32-year-old steadman is playing in world championship for first timedefending champions mark selby will face norway 's kurt maflin\"]\n", + "ronnie o'sullivan will play 32-year-old debutant craig steadman in the first round of the world championshipfive-time winner o'sullivan will face manchester 's craig steadman , who at 32 is set for his bow at the sport 's most prestigious tournament .defending champion mark selby will play norwegian kurt maflin at the crucible on saturday\n", + "ronnie o'sullivan , a five-time champion , draws craig steadmanthe 32-year-old steadman is playing in world championship for first timedefending champions mark selby will face norway 's kurt maflin\n", + "[1.2164938 1.3287672 1.1380321 1.350886 1.2941177 1.1873735 1.1694744\n", + " 1.0524989 1.0896586 1.1099305 1.0810916 1.143856 1.0207888 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 4 0 5 6 11 2 9 8 10 7 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"jeremy clarkson pictured at the chipping norton charity gig , where he joked he was ` trawling the job centre 'the former top gear presenter made his comments when he was guest of honour at a charity auction in the cotswolds .jeremy clarkson last night launched into a bizarre rant about being sacked from the bbc , saying the upside meant he could now swear without being reprimanded .\"]\n", + "=======================\n", + "[\"jeremy clarkson last night launched into a bizarre rant about being sackedhe claimed the upside was that he could now swear without punishmentclarkson also mistook a male bidder for a female during charity gighe later joked to the cotswolds crowd that he was ` trawling the job centre '\"]\n", + "jeremy clarkson pictured at the chipping norton charity gig , where he joked he was ` trawling the job centre 'the former top gear presenter made his comments when he was guest of honour at a charity auction in the cotswolds .jeremy clarkson last night launched into a bizarre rant about being sacked from the bbc , saying the upside meant he could now swear without being reprimanded .\n", + "jeremy clarkson last night launched into a bizarre rant about being sackedhe claimed the upside was that he could now swear without punishmentclarkson also mistook a male bidder for a female during charity gighe later joked to the cotswolds crowd that he was ` trawling the job centre '\n", + "[1.0732102 1.2376565 1.3453832 1.2804842 1.2408217 1.2226706 1.1143397\n", + " 1.087729 1.0710926 1.0524627 1.1102753 1.053734 1.081528 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 4 1 5 6 10 7 12 0 8 11 9 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"some apparently healthy meals are worse for you than demonised junk foods from the likes of mcdonald 's , burger king and pizza express , researchers have found .for example , asda 's piri piri chicken pasta salad contains 46.5 g of fat -- two thirds of the recommended daily intake for an adult -- which is more than the 43.3 g found in a burger king bacon and cheese whopper .but in fact sandwiches and pasta salads can contain more fat , calories and sugar than burgers and pizzas .\"]\n", + "=======================\n", + "[\"some apparently healthy meals worse for you than demonised junk foodsasda 's piri piri chicken pasta salad contains a surprising 46.5 g of fatthis exceeds the 43.3 g found in a burger king bacon and cheese whoppercaffè nero has more fat than mcdonald 's quarter pounder with cheese\"]\n", + "some apparently healthy meals are worse for you than demonised junk foods from the likes of mcdonald 's , burger king and pizza express , researchers have found .for example , asda 's piri piri chicken pasta salad contains 46.5 g of fat -- two thirds of the recommended daily intake for an adult -- which is more than the 43.3 g found in a burger king bacon and cheese whopper .but in fact sandwiches and pasta salads can contain more fat , calories and sugar than burgers and pizzas .\n", + "some apparently healthy meals worse for you than demonised junk foodsasda 's piri piri chicken pasta salad contains a surprising 46.5 g of fatthis exceeds the 43.3 g found in a burger king bacon and cheese whoppercaffè nero has more fat than mcdonald 's quarter pounder with cheese\n", + "[1.1451169 1.1486437 1.4344169 1.224055 1.2124826 1.2346436 1.0432171\n", + " 1.3157716 1.0479711 1.0222613 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 7 5 3 4 1 0 8 6 9 18 17 16 15 10 13 12 11 19 14 20]\n", + "=======================\n", + "[\"two florida corrections officers and one former officer trainee have been charged in a plot to kill a former inmate who was getting out of prison , the florida attorney general 's office said thursday .the three men are now facing up to 30 years in jail if convicted on one count each of conspiracy to commit murder .to convince the suspects that the deed had been done , the fbi staged a fake homicide scene with the former inmate and took pictures to show them that he had been killed .\"]\n", + "=======================\n", + "['the men are current or former florida prison guardsthey are charged with one count of conspiracy to commit murder']\n", + "two florida corrections officers and one former officer trainee have been charged in a plot to kill a former inmate who was getting out of prison , the florida attorney general 's office said thursday .the three men are now facing up to 30 years in jail if convicted on one count each of conspiracy to commit murder .to convince the suspects that the deed had been done , the fbi staged a fake homicide scene with the former inmate and took pictures to show them that he had been killed .\n", + "the men are current or former florida prison guardsthey are charged with one count of conspiracy to commit murder\n", + "[1.3054806 1.3863572 1.1516851 1.2009152 1.3623335 1.1220824 1.0458341\n", + " 1.0625373 1.0438637 1.1404632 1.0955106 1.0584264 1.0219997 1.0635223\n", + " 1.0543356 1.0323089 1.0292621 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 0 3 2 9 5 10 13 7 11 14 6 8 15 16 12 20 17 18 19 21]\n", + "=======================\n", + "['the marshall county board voted last week to send a bill for $ 76,000 to the peoria republican who resigned last month after questions about his extravagant government-funded spending .former illinois congressional representative aaron schock , 33 , is facing calls to pay for the special election to replace him after resigning from the house last month amid an expenses scandalcounty officials estimate each will run about $ 38,000 .']\n", + "=======================\n", + "[\"marshall county in illinois requests money from resigned rep aaron schockfour term congressman from 18th district resigned after spending scandallavish lifestyle questioned after $ 40,000 spent for ` downtown abbey ' officespecial elections for republican 's replacement will be in july , september\"]\n", + "the marshall county board voted last week to send a bill for $ 76,000 to the peoria republican who resigned last month after questions about his extravagant government-funded spending .former illinois congressional representative aaron schock , 33 , is facing calls to pay for the special election to replace him after resigning from the house last month amid an expenses scandalcounty officials estimate each will run about $ 38,000 .\n", + "marshall county in illinois requests money from resigned rep aaron schockfour term congressman from 18th district resigned after spending scandallavish lifestyle questioned after $ 40,000 spent for ` downtown abbey ' officespecial elections for republican 's replacement will be in july , september\n", + "[1.3333935 1.4127436 1.2902141 1.1142205 1.2764394 1.1515393 1.2142057\n", + " 1.0454248 1.1113764 1.0209099 1.0283121 1.1399276 1.0685873 1.06825\n", + " 1.0718174 1.095272 1.01358 1.0118328 1.0415865 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 4 6 5 11 3 8 15 14 12 13 7 18 10 9 16 17 19 20 21]\n", + "=======================\n", + "[\"victoria police have confirmed it was located on monday afternoon , west of the devil 's cove and candlebark campsite in lake eildon national park - north-east of melbourne .a beanie believed to have belonged to luke shambrook has been found on the fourth day of the search for the missing 11-year-old .luke shambrook was last seen on the national park at 9.30 am on good friday .\"]\n", + "=======================\n", + "[\"luke shambrook was last seen leaving candlebark campground on fridaythere has been an unconfirmed sighting of luke with police acting quicklythe 11-year-old was reportedly seen walking 4 kms from his campsitepolice remain hopeful they will find luke , who has ` high pain tolerance 'luke has limited speech and his family says he is probably confuseda large search is being carried by a medley of search and rescue teamspolice also said conditions are favourable for his survival overnightthey have issued an extensive description of luke and his clothing\"]\n", + "victoria police have confirmed it was located on monday afternoon , west of the devil 's cove and candlebark campsite in lake eildon national park - north-east of melbourne .a beanie believed to have belonged to luke shambrook has been found on the fourth day of the search for the missing 11-year-old .luke shambrook was last seen on the national park at 9.30 am on good friday .\n", + "luke shambrook was last seen leaving candlebark campground on fridaythere has been an unconfirmed sighting of luke with police acting quicklythe 11-year-old was reportedly seen walking 4 kms from his campsitepolice remain hopeful they will find luke , who has ` high pain tolerance 'luke has limited speech and his family says he is probably confuseda large search is being carried by a medley of search and rescue teamspolice also said conditions are favourable for his survival overnightthey have issued an extensive description of luke and his clothing\n", + "[1.3999362 1.4721024 1.1864384 1.0690744 1.2615805 1.230084 1.0844938\n", + " 1.1209822 1.0589248 1.0977392 1.0312786 1.0235453 1.0519167 1.1018763\n", + " 1.0289096 1.044232 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 4 5 2 7 13 9 6 3 8 12 15 10 14 11 20 16 17 18 19 21]\n", + "=======================\n", + "[\"tim sherwood 's villa side won the coin toss ahead of the final next month - which allows the winner to select club colours in the event of a clash of strip .arsenal will play in their yellow and blue away strip for the fa cup final against aston villa on may 30 - and the history books points towards that being a good thing for the gunners .they picked their claret and blue home kit for the wembley showpiece and therefore guaranteed that they will have worn the same strip for every round of the competition this season .\"]\n", + "=======================\n", + "[\"arsenal face aston villa in the fa cup final at wembley on may 30tim sherwood 's side won the toss to decide which kit they 'll wearvilla chose their claret and blue home strip for the fa cup showdownarsenal will play in their yellow and blue away kitthe gunners have won three of the five finals played in the kit\"]\n", + "tim sherwood 's villa side won the coin toss ahead of the final next month - which allows the winner to select club colours in the event of a clash of strip .arsenal will play in their yellow and blue away strip for the fa cup final against aston villa on may 30 - and the history books points towards that being a good thing for the gunners .they picked their claret and blue home kit for the wembley showpiece and therefore guaranteed that they will have worn the same strip for every round of the competition this season .\n", + "arsenal face aston villa in the fa cup final at wembley on may 30tim sherwood 's side won the toss to decide which kit they 'll wearvilla chose their claret and blue home strip for the fa cup showdownarsenal will play in their yellow and blue away kitthe gunners have won three of the five finals played in the kit\n", + "[1.5413678 1.3542823 1.1442084 1.0858973 1.0645483 1.1346301 1.0355144\n", + " 1.1595564 1.170058 1.1421598 1.1189518 1.10462 1.0651511 1.0185304\n", + " 1.0280702 1.0215117 1.0123644 1.0975512 1.0330664 1.0079321 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 8 7 2 9 5 10 11 17 3 12 4 6 18 14 15 13 16 19 20 21]\n", + "=======================\n", + "['jon stewart will host his last show on august 6 after he revealed that he decided to quit because he was becoming increasing depressed watching cable newshe told viewers he hoped they would join him and announced a competition to get tickets to the final show .he kept things lighthearted by talking about how sentimental it will be and joked that he would dress well for his swan song .']\n", + "=======================\n", + "[\"jon stewart announced the date of his final show live on air , joking he would ` wear a suit and shower 'i live in a constant state of depression .stewart also confessed that his ` moments of dissatisfaction ' with the show had started to become more frequentcomedian said he did n't have many regrets , but one was not pushing donald rumsfeld harder when he had the chance in 2011\"]\n", + "jon stewart will host his last show on august 6 after he revealed that he decided to quit because he was becoming increasing depressed watching cable newshe told viewers he hoped they would join him and announced a competition to get tickets to the final show .he kept things lighthearted by talking about how sentimental it will be and joked that he would dress well for his swan song .\n", + "jon stewart announced the date of his final show live on air , joking he would ` wear a suit and shower 'i live in a constant state of depression .stewart also confessed that his ` moments of dissatisfaction ' with the show had started to become more frequentcomedian said he did n't have many regrets , but one was not pushing donald rumsfeld harder when he had the chance in 2011\n", + "[1.3281777 1.3080595 1.3428273 1.3580923 1.1205322 1.076539 1.0423442\n", + " 1.026811 1.0282142 1.0270853 1.0248497 1.0215464 1.0173877 1.125114\n", + " 1.0761116 1.1400096 1.0827478 1.0690157 1.0994214 1.0694685 1.0368819\n", + " 1.030276 ]\n", + "\n", + "[ 3 2 0 1 15 13 4 18 16 5 14 19 17 6 20 21 8 9 7 10 11 12]\n", + "=======================\n", + "['struggling : avril lavigne has revealed she has lyme disease .the singer has no idea where she got the tick bite that infected her .in an interview with people magazine , the 30-year-old explained the debilitating bacterial infection is the reason behind her months-long absence from the public eye .']\n", + "=======================\n", + "[\"singer reveals she was bedridden for five monthscould n't shower for a full week as she was unable to standhas ` no idea ' where she got the tick bite which must have been attached for 36 hours in order to transfer the diseasesame condition that has left real housewives star yolanda foster unable to read , write or watch tv\"]\n", + "struggling : avril lavigne has revealed she has lyme disease .the singer has no idea where she got the tick bite that infected her .in an interview with people magazine , the 30-year-old explained the debilitating bacterial infection is the reason behind her months-long absence from the public eye .\n", + "singer reveals she was bedridden for five monthscould n't shower for a full week as she was unable to standhas ` no idea ' where she got the tick bite which must have been attached for 36 hours in order to transfer the diseasesame condition that has left real housewives star yolanda foster unable to read , write or watch tv\n", + "[1.1564798 1.5020466 1.1492647 1.3667936 1.2642393 1.1096513 1.2718959\n", + " 1.0556426 1.0534133 1.2183931 1.2023677 1.0435687 1.0426466 1.0135555\n", + " 1.013716 1.0145851 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 6 4 9 10 0 2 5 7 8 11 12 15 14 13 18 16 17 19]\n", + "=======================\n", + "[\"dashem tesfamichael , 30 , is seen in the 50-second clip captured on a banned mobile phone as he dances outside his cell with other inmates at coldingley prison in surrey .tesfamichael was jailed for life with a minimum of 13 years after he used a broken champagne bottle to stab olu olagbaju , 26 , in shadan 's nightclub in the city of london in december 2006 .a man who stabbed a young father to death has been filmed partying with prison hooch and singing to explicit rap lyrics in a sickening jail video .\"]\n", + "=======================\n", + "['dashem tesfamichael , 30 , filmed dancing outside cell at coldingley prisonhe was jailed for life after stabbing olu olagbaju with a champagne bottlefootage shows stash of drink and snacks and was shared on whatsappprison officers said to turn blind eye to the partying in december , last year']\n", + "dashem tesfamichael , 30 , is seen in the 50-second clip captured on a banned mobile phone as he dances outside his cell with other inmates at coldingley prison in surrey .tesfamichael was jailed for life with a minimum of 13 years after he used a broken champagne bottle to stab olu olagbaju , 26 , in shadan 's nightclub in the city of london in december 2006 .a man who stabbed a young father to death has been filmed partying with prison hooch and singing to explicit rap lyrics in a sickening jail video .\n", + "dashem tesfamichael , 30 , filmed dancing outside cell at coldingley prisonhe was jailed for life after stabbing olu olagbaju with a champagne bottlefootage shows stash of drink and snacks and was shared on whatsappprison officers said to turn blind eye to the partying in december , last year\n", + "[1.1813128 1.4700694 1.4735633 1.1044022 1.129481 1.1182051 1.0918729\n", + " 1.0415367 1.0282699 1.3239894 1.0657828 1.0197868 1.0394241 1.0142546\n", + " 1.0166153 1.0182378 1.0094965 1.0137541 1.008957 0. ]\n", + "\n", + "[ 2 1 9 0 4 5 3 6 10 7 12 8 11 15 14 13 17 16 18 19]\n", + "=======================\n", + "[\"his owners , margaret and patrick evans from leeds , say he 's now ' a different dog ' after losing a stone and a half in eight weeks through the doggy diet - the weight of four chihuahuas .three-and-a-half-year-old black labrador baylie swapped sweet treats and processed dog food for a diet of free range raw meat , offal and bones in his quest to lose weight .celebrities and dietitians have been promoting back-to-basic diets and warning us off processed foods for years - and the trend is now taking hold in the pet world .\"]\n", + "=======================\n", + "[\"labrador baylie from leeds suffers from hip problems - and a sweet toothswapped sweet treats and processed food for raw meat , offal and bonesowners say he is a ` different dog ' since going on raw foods doggy diet\"]\n", + "his owners , margaret and patrick evans from leeds , say he 's now ' a different dog ' after losing a stone and a half in eight weeks through the doggy diet - the weight of four chihuahuas .three-and-a-half-year-old black labrador baylie swapped sweet treats and processed dog food for a diet of free range raw meat , offal and bones in his quest to lose weight .celebrities and dietitians have been promoting back-to-basic diets and warning us off processed foods for years - and the trend is now taking hold in the pet world .\n", + "labrador baylie from leeds suffers from hip problems - and a sweet toothswapped sweet treats and processed food for raw meat , offal and bonesowners say he is a ` different dog ' since going on raw foods doggy diet\n", + "[1.2639446 1.2900591 1.2538484 1.1830008 1.3480921 1.0831196 1.0923175\n", + " 1.0482001 1.1196525 1.0452962 1.0264024 1.0559814 1.0701013 1.0992917\n", + " 1.0443299 1.043217 1.0985255 0. 0. 0. ]\n", + "\n", + "[ 4 1 0 2 3 8 13 16 6 5 12 11 7 9 14 15 10 18 17 19]\n", + "=======================\n", + "[\"ava gardner called 34 ennismore gardens her ` little london retreat ' and now a slice of it could be yours for # 10,500 per weekthe hollywood siren called the building , just a short walk from harrods in london 's exclusive knightsbridge , home until her death in 1990 .now this newly refurbished five bedroom , five bathroom apartment gives renters the chance to walk in the footsteps of the legendary screen star .\"]\n", + "=======================\n", + "[\"five bed apartment in hollywood siren 's former building in knightsbridge available to rent for # 10,500 per weekspacious luxury flat features five bathrooms , two large reception rooms , a study and a modern kitchengardner moved to london in 1968 and made number 34 ennismore gardens her primary residency until her deathshe once described the home as her ` little london retreat ' and spoke of her love of its history and grandeur\"]\n", + "ava gardner called 34 ennismore gardens her ` little london retreat ' and now a slice of it could be yours for # 10,500 per weekthe hollywood siren called the building , just a short walk from harrods in london 's exclusive knightsbridge , home until her death in 1990 .now this newly refurbished five bedroom , five bathroom apartment gives renters the chance to walk in the footsteps of the legendary screen star .\n", + "five bed apartment in hollywood siren 's former building in knightsbridge available to rent for # 10,500 per weekspacious luxury flat features five bathrooms , two large reception rooms , a study and a modern kitchengardner moved to london in 1968 and made number 34 ennismore gardens her primary residency until her deathshe once described the home as her ` little london retreat ' and spoke of her love of its history and grandeur\n", + "[1.1644515 1.4511374 1.1088029 1.0894148 1.0879297 1.1253273 1.1492969\n", + " 1.187532 1.1224118 1.0942814 1.0958042 1.0398628 1.0392007 1.0914145\n", + " 1.0320424 1.0183539 1.013032 1.027286 1.0158409 1.0432487]\n", + "\n", + "[ 1 7 0 6 5 8 2 10 9 13 3 4 19 11 12 14 17 15 18 16]\n", + "=======================\n", + "['currently on a high after his stunning equaliser for england against italy in turin on tuesday night , the 23-year-old tottenham winger has already had more ups and downs than most players experience in their careers .the tottenham and england winger celebrates his goal against italy , which was his third for his countrydoes any player fluctuate between world-beater and under-achiever more than andros townsend ?']\n", + "=======================\n", + "[\"andros townsend scored england 's equaliser against italy on tuesdaygoal was the tottenham winger 's third in seven games for englandbut townsend 's club form has been patchy in last two seasonschallenge now is for townsend to replicate international form for spursclick here for the latest tottenham news\"]\n", + "currently on a high after his stunning equaliser for england against italy in turin on tuesday night , the 23-year-old tottenham winger has already had more ups and downs than most players experience in their careers .the tottenham and england winger celebrates his goal against italy , which was his third for his countrydoes any player fluctuate between world-beater and under-achiever more than andros townsend ?\n", + "andros townsend scored england 's equaliser against italy on tuesdaygoal was the tottenham winger 's third in seven games for englandbut townsend 's club form has been patchy in last two seasonschallenge now is for townsend to replicate international form for spursclick here for the latest tottenham news\n", + "[1.511972 1.3169824 1.446179 1.1408267 1.1836193 1.1151451 1.1490251\n", + " 1.1197852 1.1063601 1.1078885 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 4 6 3 7 5 9 8 18 10 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "['( cnn ) at least four people are missing after a severe storm capsized sailboats saturday afternoon during a regatta in mobile bay , alabama , coast guard spokesman carlos vega said .more than 100 sailboats took part in the dauphin island race and as many as 50 people in all were rescued from the water , the coast guard said .besides overturned sailboats , one vessel hit a bridge , he said .']\n", + "=======================\n", + "['coast guard says about 50 people were rescued from mobile baymore than 100 sailboats took part in the dauphin island race , an annual event']\n", + "( cnn ) at least four people are missing after a severe storm capsized sailboats saturday afternoon during a regatta in mobile bay , alabama , coast guard spokesman carlos vega said .more than 100 sailboats took part in the dauphin island race and as many as 50 people in all were rescued from the water , the coast guard said .besides overturned sailboats , one vessel hit a bridge , he said .\n", + "coast guard says about 50 people were rescued from mobile baymore than 100 sailboats took part in the dauphin island race , an annual event\n", + "[1.2336022 1.5008478 1.3223637 1.4306688 1.2924798 1.2163513 1.1176383\n", + " 1.0539024 1.0167637 1.0160105 1.0202583 1.0148737 1.0115665 1.0234426\n", + " 1.0434598 1.1302117 1.058165 1.0991819 1.1307513 1.0148509 1.0152512\n", + " 1.0218657]\n", + "\n", + "[ 1 3 2 4 0 5 18 15 6 17 16 7 14 13 21 10 8 9 20 11 19 12]\n", + "=======================\n", + "[\"kevin franklin , of dunstable , bedfordshire , says he will switch his lights on every evening in april for autism awareness month .mr franklin 's 15-year-old son bradley is autistic and the family want to use his christmas light show to raise awareness for charities working with those with the disability .the 53-year-old father put the lights up on his council house last november in preparation for christmas .\"]\n", + "=======================\n", + "[\"father of autistic teenager kept christmas lights up to raise awarenessbut angry neighbour sent him abusive letter branding them ` an eyesore 'he now plans to switch them on to support autism awareness monthformer publican says he 'll keep them up until next year ` out of principle '\"]\n", + "kevin franklin , of dunstable , bedfordshire , says he will switch his lights on every evening in april for autism awareness month .mr franklin 's 15-year-old son bradley is autistic and the family want to use his christmas light show to raise awareness for charities working with those with the disability .the 53-year-old father put the lights up on his council house last november in preparation for christmas .\n", + "father of autistic teenager kept christmas lights up to raise awarenessbut angry neighbour sent him abusive letter branding them ` an eyesore 'he now plans to switch them on to support autism awareness monthformer publican says he 'll keep them up until next year ` out of principle '\n", + "[1.291181 1.3689469 1.2046376 1.3328644 1.2712536 1.215743 1.062262\n", + " 1.0323335 1.0201967 1.068881 1.0387307 1.1820357 1.1510565 1.0457491\n", + " 1.0162437 1.0226048 1.0167993 1.0652364 1.0201752 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 4 5 2 11 12 9 17 6 13 10 7 15 8 18 16 14 19 20 21]\n", + "=======================\n", + "['a disgusted member of the public snapped the man on his mobile phone after spotting him using the field as a makeshift toilet .caught on camera : the farm worker seen urinating in a field of vegetables in benington , lincolnshire .the worker , who can be seen in a high-vis jacket , casually stood in the middle of the crops urinating on the plants - despite a toilet being only 18 metres away .']\n", + "=======================\n", + "[\"the worker was caught on camera by a member of the publicfield owner th clements & son was alerted and the man was sackedpasser-by who used mobile phone to snap photo branded act ` disgusting 'tesco : vegetables undergo ` extensive assessment ' before hitting shelves\"]\n", + "a disgusted member of the public snapped the man on his mobile phone after spotting him using the field as a makeshift toilet .caught on camera : the farm worker seen urinating in a field of vegetables in benington , lincolnshire .the worker , who can be seen in a high-vis jacket , casually stood in the middle of the crops urinating on the plants - despite a toilet being only 18 metres away .\n", + "the worker was caught on camera by a member of the publicfield owner th clements & son was alerted and the man was sackedpasser-by who used mobile phone to snap photo branded act ` disgusting 'tesco : vegetables undergo ` extensive assessment ' before hitting shelves\n", + "[1.165422 1.3640137 1.4025935 1.3438876 1.1888962 1.185026 1.1005573\n", + " 1.0655422 1.0153979 1.0492562 1.0192375 1.0116342 1.0183582 1.0120473\n", + " 1.2176539 1.1534544 1.094598 1.0128096 1.0095761 1.010699 1.0480933\n", + " 0. ]\n", + "\n", + "[ 2 1 3 14 4 5 0 15 6 16 7 9 20 10 12 8 17 13 11 19 18 21]\n", + "=======================\n", + "[\"twiggy promises that her latest collection , which will be available on may 14 , will instantly update your summer wardrobe with its chic colour palette , gorgeous prints and great silhouettes .just cast your eyes upon the 65-year-old 's new m&s campaign , which shows her modelling her summer collection for the high street giant .supermodel twiggy , 65 , shows off her age-defying looks as she models her new summer range for m&s\"]\n", + "=======================\n", + "[\"twiggy has unveiled her colourful summer range for high street giantshows off her timeless looks and sense of style in shootadmits that she would n't rule out cosmetic surgery\"]\n", + "twiggy promises that her latest collection , which will be available on may 14 , will instantly update your summer wardrobe with its chic colour palette , gorgeous prints and great silhouettes .just cast your eyes upon the 65-year-old 's new m&s campaign , which shows her modelling her summer collection for the high street giant .supermodel twiggy , 65 , shows off her age-defying looks as she models her new summer range for m&s\n", + "twiggy has unveiled her colourful summer range for high street giantshows off her timeless looks and sense of style in shootadmits that she would n't rule out cosmetic surgery\n", + "[1.401861 1.3491695 1.1370275 1.2558875 1.255868 1.198107 1.1055784\n", + " 1.1034198 1.0467598 1.0292468 1.1819094 1.0596532 1.0941564 1.0903578\n", + " 1.0576787 1.0303129 1.0089015 1.0088171 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 4 5 10 2 6 7 12 13 11 14 8 15 9 16 17 20 18 19 21]\n", + "=======================\n", + "[\"bali nine ringleaders andrew chan and myuran sukumaran could face a firing squad within days after indonesian officials sent letters ordering that preparations be made for their executions .indonesia 's head of general crimes sent the letters to the prosecutors of 10 death row prisoners including australians chan and sukumaran on thursday .the australian embassy has been summoned to nusakambangan island - where the executions will be carried out - on saturday .\"]\n", + "=======================\n", + "[\"fate of andrew chan and myuran sukumaran looks even more bleakthe only thing left now is to announce the execution date for the pairit was another devastating setback for the pair and their familiesindonesian president confirmed executions ` only a matter of time 'the pair and the other death row prisoners will be killed by firing squadthey remain in an isolated cell on nusakambangan island\"]\n", + "bali nine ringleaders andrew chan and myuran sukumaran could face a firing squad within days after indonesian officials sent letters ordering that preparations be made for their executions .indonesia 's head of general crimes sent the letters to the prosecutors of 10 death row prisoners including australians chan and sukumaran on thursday .the australian embassy has been summoned to nusakambangan island - where the executions will be carried out - on saturday .\n", + "fate of andrew chan and myuran sukumaran looks even more bleakthe only thing left now is to announce the execution date for the pairit was another devastating setback for the pair and their familiesindonesian president confirmed executions ` only a matter of time 'the pair and the other death row prisoners will be killed by firing squadthey remain in an isolated cell on nusakambangan island\n", + "[1.1927693 1.5123343 1.1847198 1.1350384 1.2347524 1.3541901 1.2278191\n", + " 1.0845519 1.0762032 1.0218967 1.0103745 1.1510087 1.2187463 1.0413436\n", + " 1.025239 1.0096743 1.0153432 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 5 4 6 12 0 2 11 3 7 8 13 14 9 16 10 15 20 17 18 19 21]\n", + "=======================\n", + "['heather mack , 19 , brutally killed sheila von wiese-mack with the help of her boyfriend in august and dumped the bloody suitcase in a taxi outside the upscale st. regis bali resort .in contrast , australians andrew chan and myuran sukumaran have spent the past decade on death row after they were convicted of trying to smuggle heroin from bali to australia in 2005 .she was the pregnant teenager who horrifically murdered her american socialite mother in a wealthy balinese resort and heartlessly stuffed the half-naked body in a suitcase .']\n", + "=======================\n", + "['heather mack avoided the death penalty last week for murdering her mother and stuffing body in suitcase at bali hotel in augustthe 19-year-old got 10 years because she needs to take care of daughterandrew chan and myuran sukumaran were executed for attempting to smuggle drugs to australiathe penalty came a decade after their convictionsin that time , chan became a christian pastor and sukumaran an accomplished artistaustralian barrister says sentences should reflect the seriousness of the crime']\n", + "heather mack , 19 , brutally killed sheila von wiese-mack with the help of her boyfriend in august and dumped the bloody suitcase in a taxi outside the upscale st. regis bali resort .in contrast , australians andrew chan and myuran sukumaran have spent the past decade on death row after they were convicted of trying to smuggle heroin from bali to australia in 2005 .she was the pregnant teenager who horrifically murdered her american socialite mother in a wealthy balinese resort and heartlessly stuffed the half-naked body in a suitcase .\n", + "heather mack avoided the death penalty last week for murdering her mother and stuffing body in suitcase at bali hotel in augustthe 19-year-old got 10 years because she needs to take care of daughterandrew chan and myuran sukumaran were executed for attempting to smuggle drugs to australiathe penalty came a decade after their convictionsin that time , chan became a christian pastor and sukumaran an accomplished artistaustralian barrister says sentences should reflect the seriousness of the crime\n", + "[1.3094649 1.1440256 1.1710739 1.2939684 1.3068557 1.1604974 1.1110902\n", + " 1.0745989 1.0782328 1.2392839 1.1090802 1.0416474 1.021447 1.0417405\n", + " 1.0290287 1.0097228 1.0831645 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 3 9 2 5 1 6 10 16 8 7 13 11 14 12 15 19 17 18 20]\n", + "=======================\n", + "[\"david cameron has revealed that he and his wife samantha were ` falling apart ' with the pressure of trying to care for their son ivan after he was born disabled .ivan ( pictured ) was born with ohtahara syndrome , a rare brain disorder which left him in a wheelchair , needing to be fed through a tube and suffering from cerebral palsy and severe epileptic fits .his comments were echoed by his wife who , in a separate interview , said the stresses of looking after ivan pushed their relationship close to ` breaking point ' .\"]\n", + "=======================\n", + "[\"david cameron has admitted that he and wife samantha were ` falling apart 'frank admission over pressure of trying to care for their disabled son ivanivan was born with rare disorder - ohtahara syndrome - and died aged six\"]\n", + "david cameron has revealed that he and his wife samantha were ` falling apart ' with the pressure of trying to care for their son ivan after he was born disabled .ivan ( pictured ) was born with ohtahara syndrome , a rare brain disorder which left him in a wheelchair , needing to be fed through a tube and suffering from cerebral palsy and severe epileptic fits .his comments were echoed by his wife who , in a separate interview , said the stresses of looking after ivan pushed their relationship close to ` breaking point ' .\n", + "david cameron has admitted that he and wife samantha were ` falling apart 'frank admission over pressure of trying to care for their disabled son ivanivan was born with rare disorder - ohtahara syndrome - and died aged six\n", + "[1.2032279 1.3362963 1.2095714 1.265687 1.1322601 1.1468519 1.2295866\n", + " 1.0906055 1.0668042 1.1609409 1.0536486 1.0250846 1.0968678 1.0450314\n", + " 1.0926384 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 6 2 0 9 5 4 12 14 7 8 10 13 11 19 15 16 17 18 20]\n", + "=======================\n", + "[\"carl hendrick , head of learning and research at wellington college , berkshire , has attacked the ` tidal wave of guff ' in classrooms .cheesy slogans such as ` reach for the stars ' on posters in schools could be detrimental to pupils , it has been claimed .mr hendrick argues that schools should concentrate on boosting pupils ' confidence by teaching them well and providing ` clear and achievable paths to academic success ' .\"]\n", + "=======================\n", + "[\"cheesy slogans could be detrimental to pupils , a researcher claimedcarl hendrick said glossy notices are often ` reductively misinterpreted '\"]\n", + "carl hendrick , head of learning and research at wellington college , berkshire , has attacked the ` tidal wave of guff ' in classrooms .cheesy slogans such as ` reach for the stars ' on posters in schools could be detrimental to pupils , it has been claimed .mr hendrick argues that schools should concentrate on boosting pupils ' confidence by teaching them well and providing ` clear and achievable paths to academic success ' .\n", + "cheesy slogans could be detrimental to pupils , a researcher claimedcarl hendrick said glossy notices are often ` reductively misinterpreted '\n", + "[1.3774028 1.2687963 1.2355626 1.261489 1.0952911 1.0524253 1.0956062\n", + " 1.126387 1.0562276 1.0571507 1.0412762 1.0367166 1.0264763 1.0447251\n", + " 1.014692 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 7 6 4 9 8 5 13 10 11 12 14 19 15 16 17 18 20]\n", + "=======================\n", + "[\"( cnn ) five years after the deepwater horizon rig exploded and unleashed the largest marine oil spill in the nation 's history , we are still experiencing -- yet only beginning to truly understand -- its profound environmental and economic repercussions .the immediate aftermath of the oil spill has been well documented , with declines in tourism and the seafood industry , as well as the significant destruction of wildlife in the region .since then , the amount of oil in the area has dissipated and communities have started to show signs of recovery .\"]\n", + "=======================\n", + "['keith crandall : five years after the deepwater horizon rig exploded , we are only beginning to understand its effects on the gulfa crab species may be a key indicator of the impact , he says']\n", + "( cnn ) five years after the deepwater horizon rig exploded and unleashed the largest marine oil spill in the nation 's history , we are still experiencing -- yet only beginning to truly understand -- its profound environmental and economic repercussions .the immediate aftermath of the oil spill has been well documented , with declines in tourism and the seafood industry , as well as the significant destruction of wildlife in the region .since then , the amount of oil in the area has dissipated and communities have started to show signs of recovery .\n", + "keith crandall : five years after the deepwater horizon rig exploded , we are only beginning to understand its effects on the gulfa crab species may be a key indicator of the impact , he says\n", + "[1.2926984 1.4475038 1.1832067 1.2315925 1.4837403 1.0916694 1.0750483\n", + " 1.0575999 1.0151433 1.0135599 1.0265292 1.0907359 1.072454 1.0501437\n", + " 1.0222197 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 1 0 3 2 5 11 6 12 7 13 10 14 8 9 15 16 17 18 19 20]\n", + "=======================\n", + "['hannah overton ( above wiping away tears with her daughter and son ) will not be tried on murder charges again in the death of her adopted sonhannah overton , 37 , wiped back tears as she , along with her husband larry and five children , celebrated news that after having her conviction overturned for poisoning her son , andrew burd , with an overdose of salt , prosecutors have dropped all charges against her and will no longer be looking into her case .a texas mom who has already spent seven years in prison for the murder of her four-year-old adopted son , and was released shortly before christmas , will not face new murder charges .']\n", + "=======================\n", + "['hannah overton will not be tried on murder charges again in the death of her adopted sonoverton was found guilty in the 2006 of killing her adopted son andrew burd , who died of acute salt poisoningoverton has denied killing the boy from the start and her husband and five children have stood by her sidelate last year her conviction was overturned because of ineffective counsel , but nueces county district attorney mark skurka was set to try her againskurka filed a motion to dismiss however and the judge granted his motion']\n", + "hannah overton ( above wiping away tears with her daughter and son ) will not be tried on murder charges again in the death of her adopted sonhannah overton , 37 , wiped back tears as she , along with her husband larry and five children , celebrated news that after having her conviction overturned for poisoning her son , andrew burd , with an overdose of salt , prosecutors have dropped all charges against her and will no longer be looking into her case .a texas mom who has already spent seven years in prison for the murder of her four-year-old adopted son , and was released shortly before christmas , will not face new murder charges .\n", + "hannah overton will not be tried on murder charges again in the death of her adopted sonoverton was found guilty in the 2006 of killing her adopted son andrew burd , who died of acute salt poisoningoverton has denied killing the boy from the start and her husband and five children have stood by her sidelate last year her conviction was overturned because of ineffective counsel , but nueces county district attorney mark skurka was set to try her againskurka filed a motion to dismiss however and the judge granted his motion\n", + "[1.1614139 1.5097175 1.1821177 1.1800773 1.1944337 1.2530032 1.0631609\n", + " 1.0747048 1.065862 1.0682089 1.1361024 1.0889444 1.0717928 1.0377305\n", + " 1.1821451 1.064398 1.0315273 1.0436906 1.0501329 1.0262759 1.0173539]\n", + "\n", + "[ 1 5 4 14 2 3 0 10 11 7 12 9 8 15 6 18 17 13 16 19 20]\n", + "=======================\n", + "['charles collins , 28 , sprang into action at the metro station in central philadelphia when elderly alfred mcnamee lost his footing and fell onto the rails .slip : alfred mcnamee is pictured left falling off the platform at the 15th st station on the septa metro system in philadelphia .savior : charles collins is pictured above with alfred mcnamee , whom he rescued after he slipped from a subway platform in philadelphia']\n", + "=======================\n", + "['charles collins , 28 , saved elderly alfred mcnamee after he fell onto tracksleaped onto rails at subway stop in philadelphia and helped him escapeidentity was revealed this week after wednesday rescuecollins visited mcnamee , who has several broke bones , in hospital']\n", + "charles collins , 28 , sprang into action at the metro station in central philadelphia when elderly alfred mcnamee lost his footing and fell onto the rails .slip : alfred mcnamee is pictured left falling off the platform at the 15th st station on the septa metro system in philadelphia .savior : charles collins is pictured above with alfred mcnamee , whom he rescued after he slipped from a subway platform in philadelphia\n", + "charles collins , 28 , saved elderly alfred mcnamee after he fell onto tracksleaped onto rails at subway stop in philadelphia and helped him escapeidentity was revealed this week after wednesday rescuecollins visited mcnamee , who has several broke bones , in hospital\n", + "[1.2271001 1.4048028 1.3792949 1.0825539 1.2385116 1.033689 1.0206823\n", + " 1.1277463 1.1955551 1.0406194 1.2002518 1.0368164 1.0539497 1.0446842\n", + " 1.0307158 1.0155749 1.0153141 1.0194466 1.0168599 0. ]\n", + "\n", + "[ 1 2 4 0 10 8 7 3 12 13 9 11 5 14 6 17 18 15 16 19]\n", + "=======================\n", + "['but authorities say that the former concentration camp , now the auschwitz-birkenau state museum , in oświęcim , poland , is becoming a popular tourist destination - so popular in fact , that they may have to start turning people away .the memorial site today urged potential visitors to book their visits online ahead of time to prevent that from happening .it said there have been more than 250,000 visitors so far this year , a rise of more than 40 per cent compared with the same period last year , which itself hit a record with 1.5 million visitors .']\n", + "=======================\n", + "['over 250 thousand people have visited nazi concentration camp in 2015visits have increased by 40 % since same period of the previous yearjanuary saw 70th anniversary of its liberation and a surge in interest']\n", + "but authorities say that the former concentration camp , now the auschwitz-birkenau state museum , in oświęcim , poland , is becoming a popular tourist destination - so popular in fact , that they may have to start turning people away .the memorial site today urged potential visitors to book their visits online ahead of time to prevent that from happening .it said there have been more than 250,000 visitors so far this year , a rise of more than 40 per cent compared with the same period last year , which itself hit a record with 1.5 million visitors .\n", + "over 250 thousand people have visited nazi concentration camp in 2015visits have increased by 40 % since same period of the previous yearjanuary saw 70th anniversary of its liberation and a surge in interest\n", + "[1.2847072 1.1867224 1.398865 1.2581265 1.2020184 1.2633588 1.1551074\n", + " 1.0494738 1.0584048 1.0754969 1.064103 1.0529418 1.056015 1.049417\n", + " 1.0822412 1.0321827 1.1535939 0. 0. 0. ]\n", + "\n", + "[ 2 0 5 3 4 1 6 16 14 9 10 8 12 11 7 13 15 17 18 19]\n", + "=======================\n", + "[\"the gang used the power tool to cut through the wall of the secured vault where they raided 72 security boxes before escaping with wheelie bins full of precious gems .heavy-duty : the drill that was used by thieves during the brazen # 60million hatton garden heistthe six men were captured on cctv as they carried out the bold raid in london 's diamond district .\"]\n", + "=======================\n", + "[\"gang used power tool to cut a hole into basement of safety deposit centreraided 72 security boxes before escaping with bins full of precious gemsscotland yard said crime had been carried out by ` ocean 's 11 type team 'offering # 20,000 reward for information leading to conviction of burglars\"]\n", + "the gang used the power tool to cut through the wall of the secured vault where they raided 72 security boxes before escaping with wheelie bins full of precious gems .heavy-duty : the drill that was used by thieves during the brazen # 60million hatton garden heistthe six men were captured on cctv as they carried out the bold raid in london 's diamond district .\n", + "gang used power tool to cut a hole into basement of safety deposit centreraided 72 security boxes before escaping with bins full of precious gemsscotland yard said crime had been carried out by ` ocean 's 11 type team 'offering # 20,000 reward for information leading to conviction of burglars\n", + "[1.2661998 1.4013757 1.355505 1.1248782 1.0786974 1.1835567 1.1143851\n", + " 1.1114085 1.0214705 1.1277902 1.2035708 1.0535167 1.0318704 1.1054024\n", + " 1.1164168 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 10 5 9 3 14 6 7 13 4 11 12 8 18 15 16 17 19]\n", + "=======================\n", + "[\"a number of pages , written in arabic , have reportedly been found on the social media site targeting refugees fleeing war and poverty .they are said to be advertising ` reliable ' and ` comfortable ' travel to europe on overcrowded vessels for around $ 1,000 per person .human traffickers are brazenly offering desperate libyan migrants passage across the mediterranean on facebook .\"]\n", + "=======================\n", + "[\"several arabic pages reportedly found on the social media sitepages claim to offer ` comfortable ' and ` reliable ' passage for around $ 1,000comes after the deaths of some 1,700 refugees in the last week alonefacebook removed the pages after being alerted to there existance\"]\n", + "a number of pages , written in arabic , have reportedly been found on the social media site targeting refugees fleeing war and poverty .they are said to be advertising ` reliable ' and ` comfortable ' travel to europe on overcrowded vessels for around $ 1,000 per person .human traffickers are brazenly offering desperate libyan migrants passage across the mediterranean on facebook .\n", + "several arabic pages reportedly found on the social media sitepages claim to offer ` comfortable ' and ` reliable ' passage for around $ 1,000comes after the deaths of some 1,700 refugees in the last week alonefacebook removed the pages after being alerted to there existance\n", + "[1.1813753 1.2635735 1.2112486 1.3716689 1.2597405 1.193291 1.2162515\n", + " 1.1400781 1.157826 1.0662985 1.0273093 1.0308417 1.0567799 1.0664879\n", + " 1.0301192 1.0604606 1.058241 1.0565429 1.011986 1.0149425]\n", + "\n", + "[ 3 1 4 6 2 5 0 8 7 13 9 15 16 12 17 11 14 10 19 18]\n", + "=======================\n", + "[\"jeff bezos ' blue origin company has completed a successful spaceflight test in west texas ( shown ) .the new shepard vehicle rose to a height of 58 miles ( 94km ) - four miles short of space - before landing .and now it has performed the first successful test of the vehicle they hope will make that dream a reality .\"]\n", + "=======================\n", + "['his blue origin company completed a successful test in west texasthe new shepard vehicle rose to a height of 58 miles before landingit was unmanned but will ultimately take six people into spacethe launch was conducted in secrecy before being released to the public']\n", + "jeff bezos ' blue origin company has completed a successful spaceflight test in west texas ( shown ) .the new shepard vehicle rose to a height of 58 miles ( 94km ) - four miles short of space - before landing .and now it has performed the first successful test of the vehicle they hope will make that dream a reality .\n", + "his blue origin company completed a successful test in west texasthe new shepard vehicle rose to a height of 58 miles before landingit was unmanned but will ultimately take six people into spacethe launch was conducted in secrecy before being released to the public\n", + "[1.1298233 1.2520943 1.4926983 1.3768989 1.3275234 1.0740685 1.0607779\n", + " 1.0199152 1.0185393 1.0160267 1.0468793 1.0407168 1.0317518 1.1243382\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 4 1 0 13 5 6 10 11 12 7 8 9 14 15 16 17 18 19]\n", + "=======================\n", + "[\"jade ruthven , 33 , was so upset by the ` poison pen ' note that she got her own back by forwarding it onto comedian em rusciano - who shared it with her thousands of followers on social media .but one australian woman got so sick of her friend 's constant updates about her baby daughter that she wrote her a scathing letter demanding the mother stop - claiming she is ` p ***** g a lot of people off ' .proud parents bragging about their little darling 's every move on facebook is a regular annoyance for many people using the social network .\"]\n", + "=======================\n", + "[\"jade ruthven , 33 , from perth , received angry anonymous letteroutrageous poison pen letter was concocted by ' a few of the girls 'demands she stops posting so many photos and updates about her baby` we all thought it might ease off after the first month , but it has n't 'ms ruthven , a first-time-mother said letter was like a slap in the face\"]\n", + "jade ruthven , 33 , was so upset by the ` poison pen ' note that she got her own back by forwarding it onto comedian em rusciano - who shared it with her thousands of followers on social media .but one australian woman got so sick of her friend 's constant updates about her baby daughter that she wrote her a scathing letter demanding the mother stop - claiming she is ` p ***** g a lot of people off ' .proud parents bragging about their little darling 's every move on facebook is a regular annoyance for many people using the social network .\n", + "jade ruthven , 33 , from perth , received angry anonymous letteroutrageous poison pen letter was concocted by ' a few of the girls 'demands she stops posting so many photos and updates about her baby` we all thought it might ease off after the first month , but it has n't 'ms ruthven , a first-time-mother said letter was like a slap in the face\n", + "[1.2477192 1.4984045 1.411275 1.3687433 1.2298696 1.0283415 1.019446\n", + " 1.0258942 1.1290821 1.1482787 1.0554953 1.0645194 1.1188384 1.1733506\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 13 9 8 12 11 10 5 7 6 16 14 15 17]\n", + "=======================\n", + "['the driver can be heard beeping his horn at the girl who is standing middle of the road before hitting into her with a horrifying thud .astonishingly , the 15-year-old girl , who was hit on entrance road in warrilla at about 1am on wednesday morning , suffered minor injuries and has already been released from shellharbour hospital .sickening footage has surfaced of a teenage girl being struck by a fast moving car and flung into the air before appearing to land on her head .']\n", + "=======================\n", + "['the clip was taken in warrilla in nsw at about 1am on wednesday morningthe 15-year-old girl is flung into the air and appears to land on her headamazingly , she escaped serious injury and was released from hospitalpolice have spoken with the driver and are continuing their investigations']\n", + "the driver can be heard beeping his horn at the girl who is standing middle of the road before hitting into her with a horrifying thud .astonishingly , the 15-year-old girl , who was hit on entrance road in warrilla at about 1am on wednesday morning , suffered minor injuries and has already been released from shellharbour hospital .sickening footage has surfaced of a teenage girl being struck by a fast moving car and flung into the air before appearing to land on her head .\n", + "the clip was taken in warrilla in nsw at about 1am on wednesday morningthe 15-year-old girl is flung into the air and appears to land on her headamazingly , she escaped serious injury and was released from hospitalpolice have spoken with the driver and are continuing their investigations\n", + "[1.6776855 1.3352209 1.3917214 1.3194627 1.080432 1.0231144 1.019706\n", + " 1.064828 1.0273217 1.0094936 1.0107226 1.0582745 1.0528018 1.0174693\n", + " 1.0330395 1.1422608 1.189133 1.0118887]\n", + "\n", + "[ 0 2 1 3 16 15 4 7 11 12 14 8 5 6 13 17 10 9]\n", + "=======================\n", + "[\"( cnn ) arsenal kept their slim hopes of winning this season 's english premier league title alive by beating relegation threatened burnley 1-0 at turf moor .more importantly it took the north london club to within four points of first placed chelsea , with the two clubs to play next week .a first half goal from welsh international aaron ramsey was enough to separate the two sides and secure arsenal 's hold on second place .\"]\n", + "=======================\n", + "[\"arsenal beat burnley 1-0 in the epla goal from aaron ramsey secured all three pointswin cuts chelsea 's epl lead to four points\"]\n", + "( cnn ) arsenal kept their slim hopes of winning this season 's english premier league title alive by beating relegation threatened burnley 1-0 at turf moor .more importantly it took the north london club to within four points of first placed chelsea , with the two clubs to play next week .a first half goal from welsh international aaron ramsey was enough to separate the two sides and secure arsenal 's hold on second place .\n", + "arsenal beat burnley 1-0 in the epla goal from aaron ramsey secured all three pointswin cuts chelsea 's epl lead to four points\n", + "[1.3182112 1.0474932 1.2705696 1.1059968 1.1599572 1.0549908 1.1742063\n", + " 1.39686 1.0444068 1.3797735 1.020341 1.0112545 1.0114655 1.0108223\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 7 9 0 2 6 4 3 5 1 8 10 12 11 13 14 15 16 17]\n", + "=======================\n", + "['john terry turns and celebrates after making it 2-1 to chelsea with a close-range finish that schmeichel could not stopdidier drogba ( centre ) was the star of the show for chelsea - and he was leading his team-mates in celebrations at full timedidier drogba was utterly exhausted and emotionally drained as he and john terry held each other up through a post-match flash interview .']\n", + "=======================\n", + "['marc albrighton opens the scoring for leicester with neat finish in the area after a slip by cesar azpilicuetadidier drogba equalises for chelsea just three minutes into the second half after an assist from branislav ivanovicjohn terry puts chelsea ahead with a close-range finish with just 11 minutes left to playramires seals the win for chelsea with a stunning drilled effort from just outside the boxchelsea can win the premier league title with victory against crystal palace at stamford bridge on sunday']\n", + "john terry turns and celebrates after making it 2-1 to chelsea with a close-range finish that schmeichel could not stopdidier drogba ( centre ) was the star of the show for chelsea - and he was leading his team-mates in celebrations at full timedidier drogba was utterly exhausted and emotionally drained as he and john terry held each other up through a post-match flash interview .\n", + "marc albrighton opens the scoring for leicester with neat finish in the area after a slip by cesar azpilicuetadidier drogba equalises for chelsea just three minutes into the second half after an assist from branislav ivanovicjohn terry puts chelsea ahead with a close-range finish with just 11 minutes left to playramires seals the win for chelsea with a stunning drilled effort from just outside the boxchelsea can win the premier league title with victory against crystal palace at stamford bridge on sunday\n", + "[1.3554403 1.4332005 1.2455616 1.1214558 1.1422657 1.0981853 1.0655183\n", + " 1.0931073 1.0684392 1.0617917 1.0649129 1.0496087 1.0201212 1.0962193\n", + " 1.1626912 1.0083251 1.0449789 1.0288812]\n", + "\n", + "[ 1 0 2 14 4 3 5 13 7 8 6 10 9 11 16 17 12 15]\n", + "=======================\n", + "['the as yet not titled eight-part , one-hour series is set to premiere july 26 .( cnn ) with the announcement that e! will air a new documentary series this summer about bruce jenner \\'s transition from male to female , fans are eagerly awaiting bearing witness to the former olympian \\'s journey .jenner , who along with his family has starred in the hit e! reality series \" keeping up with the kardashians , \" recently went public with the fact that he is transgender .']\n", + "=======================\n", + "['e! plans to air a new jenner reality show this summerit will follow his transition from male to female']\n", + "the as yet not titled eight-part , one-hour series is set to premiere july 26 .( cnn ) with the announcement that e! will air a new documentary series this summer about bruce jenner 's transition from male to female , fans are eagerly awaiting bearing witness to the former olympian 's journey .jenner , who along with his family has starred in the hit e! reality series \" keeping up with the kardashians , \" recently went public with the fact that he is transgender .\n", + "e! plans to air a new jenner reality show this summerit will follow his transition from male to female\n", + "[1.1705105 1.3332136 1.1266886 1.3166419 1.2200257 1.1868267 1.2015405\n", + " 1.0389367 1.1037698 1.0685296 1.0399475 1.0494994 1.0803504 1.0809683\n", + " 1.0669588 1.0515087 1.0208834 1.0203317]\n", + "\n", + "[ 1 3 4 6 5 0 2 8 13 12 9 14 15 11 10 7 16 17]\n", + "=======================\n", + "[\"research found that gaming boosts the ability to learn a number of tasks more accurately , and possibly puts gamers in an ` expert category ' of problem solving .the research was carried out by scientists at brown university in rhode island .they participated in a two-day trial of visual task learning .\"]\n", + "=======================\n", + "[\"researchers at brown university studied how people learned tasksit has already been shown gamers learn visual tasks betterbut in this study they had higher performance across two tasks` they may be in an expert category of visual processing , ' said dr sasaki\"]\n", + "research found that gaming boosts the ability to learn a number of tasks more accurately , and possibly puts gamers in an ` expert category ' of problem solving .the research was carried out by scientists at brown university in rhode island .they participated in a two-day trial of visual task learning .\n", + "researchers at brown university studied how people learned tasksit has already been shown gamers learn visual tasks betterbut in this study they had higher performance across two tasks` they may be in an expert category of visual processing , ' said dr sasaki\n", + "[1.5318584 1.4809073 1.1291486 1.4654722 1.1642268 1.12711 1.1727833\n", + " 1.1068732 1.071306 1.0432223 1.0319705 1.020892 1.0555204 1.0934798\n", + " 1.0350378 1.0242559 1.0253901 1.0474355 1.0088766 1.008684 1.0100843\n", + " 1.0415335 1.0102682]\n", + "\n", + "[ 0 1 3 6 4 2 5 7 13 8 12 17 9 21 14 10 16 15 11 22 20 18 19]\n", + "=======================\n", + "[\"manchester united manager louis van gaal says he has been dreaming of beating rivals city in sunday 's derby at old trafford but will have to do so without robin van persie .van persie said he was fit to feature in the game against city on sunday after ankle trouble but van gaal has ruled him out .` robin is not fit enough to play . '\"]\n", + "=======================\n", + "['manchester united face manchester city in the premier league on sundayrobin van persie said he was fit for united after nearly two months outbut louis van gaal has since revealed he will be without the strikervan persie declares himself fit , but do manchester united need him ?click here for all the latest manchester united news']\n", + "manchester united manager louis van gaal says he has been dreaming of beating rivals city in sunday 's derby at old trafford but will have to do so without robin van persie .van persie said he was fit to feature in the game against city on sunday after ankle trouble but van gaal has ruled him out .` robin is not fit enough to play . '\n", + "manchester united face manchester city in the premier league on sundayrobin van persie said he was fit for united after nearly two months outbut louis van gaal has since revealed he will be without the strikervan persie declares himself fit , but do manchester united need him ?click here for all the latest manchester united news\n", + "[1.223495 1.1417687 1.1617923 1.2516688 1.1747062 1.2740645 1.2277352\n", + " 1.0941312 1.1442629 1.0891559 1.0777807 1.0573138 1.0925069 1.0577505\n", + " 1.0154413 1.013448 1.0139818 1.0163167 1.0131124 1.0218078 1.1008828\n", + " 0. 0. ]\n", + "\n", + "[ 5 3 6 0 4 2 8 1 20 7 12 9 10 13 11 19 17 14 16 15 18 21 22]\n", + "=======================\n", + "['the purchase comes after ms forbes , 49 , made a handsome profit on the sale of her previous flat , in chelsea .extravagant : the red-brick mansion with a neo-classical facade was torn down by the previous ownersas the daughter of actress nanette newman and film director bryan forbes , and the wife of a super-rich banker , emma forbes was never destined for a life on the breadline .']\n", + "=======================\n", + "[\"emma forbes , 49 , bought four-storey london mansion with husbandit has five kingsize bedrooms , five bathrooms and an underground poolbut one neighbour describes it as looking like a ` down-market mortuary 'comes after miss forbes made handsome profit on sale of chelsea flat\"]\n", + "the purchase comes after ms forbes , 49 , made a handsome profit on the sale of her previous flat , in chelsea .extravagant : the red-brick mansion with a neo-classical facade was torn down by the previous ownersas the daughter of actress nanette newman and film director bryan forbes , and the wife of a super-rich banker , emma forbes was never destined for a life on the breadline .\n", + "emma forbes , 49 , bought four-storey london mansion with husbandit has five kingsize bedrooms , five bathrooms and an underground poolbut one neighbour describes it as looking like a ` down-market mortuary 'comes after miss forbes made handsome profit on sale of chelsea flat\n", + "[1.4348645 1.550648 1.3024064 1.2544737 1.158004 1.0451475 1.0213276\n", + " 1.1637338 1.1440877 1.1168419 1.0449274 1.0179726 1.0119337 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 2 3 7 4 8 9 5 10 6 11 12 13 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"the cuban was due to face mathews on april 18 in liverpool in the second defence of his wba lightweight belt .derry mathews ' world title challenge is in limbo after richar abril withdrew for a second time .mathews may still fight for the title in his home city if the wba strip abril of his belt .\"]\n", + "=======================\n", + "[\"derry mathews was due to face richar abril on april 18 in liverpoolabril was due to face mathews on april 18 in liverpoolit was set to be the cuban 's second defence of his wba lightweight beltclick here for all the latest news from the world of boxing\"]\n", + "the cuban was due to face mathews on april 18 in liverpool in the second defence of his wba lightweight belt .derry mathews ' world title challenge is in limbo after richar abril withdrew for a second time .mathews may still fight for the title in his home city if the wba strip abril of his belt .\n", + "derry mathews was due to face richar abril on april 18 in liverpoolabril was due to face mathews on april 18 in liverpoolit was set to be the cuban 's second defence of his wba lightweight beltclick here for all the latest news from the world of boxing\n", + "[1.4017946 1.502562 1.1829543 1.1283891 1.1065345 1.0539513 1.3035432\n", + " 1.1613857 1.0751756 1.0465468 1.1993072 1.0743505 1.0560757 1.0185463\n", + " 1.0218673 1.0123639 1.0397879 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 6 10 2 7 3 4 8 11 12 5 9 16 14 13 15 21 17 18 19 20 22]\n", + "=======================\n", + "['in the video , captured by an nbc helicopter , francis pusok , 30 , is seen falling off the horse he was suspected of stealing after being pursued several miles by the san bernardino county officers .ten deputies have been placed on leave after a shocking video emerged showing them punching and kicking an alleged horse thief for two minutes following a chase through the california desert .seconds later , two deputies catch up to pusok and stun him with their tasers .']\n", + "=======================\n", + "[\"deputies filmed chasing ` horse thief ' francis pusok in the california desertpusok , 30 , falls off horse ; seconds later , two officers stun him with tasersthey then kick him in crotch and head repeatedly , before others join themfootage captured by nbc helicopter on thursday , sparked outrage onlineman 's lawyer said it was ` as bad , if not worse ' than rodney king 's beatingnow , 10 deputies have been placed on paid administrative leave by sheriffinternational and criminal investigations are ongoing ; deputies not namedpusok 's girlfriend of 13 years said that she ` could n't believe ' graphic video\"]\n", + "in the video , captured by an nbc helicopter , francis pusok , 30 , is seen falling off the horse he was suspected of stealing after being pursued several miles by the san bernardino county officers .ten deputies have been placed on leave after a shocking video emerged showing them punching and kicking an alleged horse thief for two minutes following a chase through the california desert .seconds later , two deputies catch up to pusok and stun him with their tasers .\n", + "deputies filmed chasing ` horse thief ' francis pusok in the california desertpusok , 30 , falls off horse ; seconds later , two officers stun him with tasersthey then kick him in crotch and head repeatedly , before others join themfootage captured by nbc helicopter on thursday , sparked outrage onlineman 's lawyer said it was ` as bad , if not worse ' than rodney king 's beatingnow , 10 deputies have been placed on paid administrative leave by sheriffinternational and criminal investigations are ongoing ; deputies not namedpusok 's girlfriend of 13 years said that she ` could n't believe ' graphic video\n", + "[1.1314912 1.4032192 1.3654596 1.1130722 1.3874986 1.3122802 1.0659109\n", + " 1.0209137 1.0187569 1.0251873 1.0547621 1.0519404 1.0231829 1.018211\n", + " 1.0261531 1.0221498 1.0233577 1.0236372 1.1096499 1.0384738 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 2 5 0 3 18 6 10 11 19 14 9 17 16 12 15 7 8 13 21 20 22]\n", + "=======================\n", + "[\"one featured penalty celtic did n't get for 2-0 in which josh meekings handball should have also led to a sending off .inverness 's josh meekings appears to get away with a handball on the line in their win over celticthe other the spot kick they did , followed by a red card for craig gordon .\"]\n", + "=======================\n", + "[\"josh meekings handball should have been a penalty and a red cardif the penalty was awarded and converted celtic would have gone to 2-0caley manager john hughes admitted his side were fortunate in winvirgil van dijk scored celtic 's opener with a superb free-kickceltic keeper craig gordon was sent off early in the second halfgreg tansey , edward ofere and finally daven raven scored for caley\"]\n", + "one featured penalty celtic did n't get for 2-0 in which josh meekings handball should have also led to a sending off .inverness 's josh meekings appears to get away with a handball on the line in their win over celticthe other the spot kick they did , followed by a red card for craig gordon .\n", + "josh meekings handball should have been a penalty and a red cardif the penalty was awarded and converted celtic would have gone to 2-0caley manager john hughes admitted his side were fortunate in winvirgil van dijk scored celtic 's opener with a superb free-kickceltic keeper craig gordon was sent off early in the second halfgreg tansey , edward ofere and finally daven raven scored for caley\n", + "[1.4157271 1.3803229 1.3433551 1.4661043 1.2385423 1.1129534 1.0325977\n", + " 1.0415902 1.0494372 1.0602454 1.0322565 1.046619 1.0444431 1.00515\n", + " 1.0068074 1.0069914 1.0068535 1.0176635 1.0172356 0. 0. ]\n", + "\n", + "[ 3 0 1 2 4 5 9 8 11 12 7 6 10 17 18 15 16 14 13 19 20]\n", + "=======================\n", + "[\"brendan rodgers is hoping memphis depay will choose liverpool as his next destinationbrendan rodgers insists liverpool 's transfer ambitions will not be compromised by their inability to offer champions league football -- as they step up their pursuit of memphis depay .while manchester united remain favourites to land the exciting holland international , liverpool were given permission by psv eindhoven to hold with depay .\"]\n", + "=======================\n", + "['brendan rodgers insists liverpool can still attract the best playersliverpool are unlikely to be able to offer champions league next seasonrodgers still believes players like memphis depay would move to the clubdepay has been linked with moves to whole host of premier league sidesread : depay admits he dreams of making a big money move this summerread : just how good is memphis depay ?']\n", + "brendan rodgers is hoping memphis depay will choose liverpool as his next destinationbrendan rodgers insists liverpool 's transfer ambitions will not be compromised by their inability to offer champions league football -- as they step up their pursuit of memphis depay .while manchester united remain favourites to land the exciting holland international , liverpool were given permission by psv eindhoven to hold with depay .\n", + "brendan rodgers insists liverpool can still attract the best playersliverpool are unlikely to be able to offer champions league next seasonrodgers still believes players like memphis depay would move to the clubdepay has been linked with moves to whole host of premier league sidesread : depay admits he dreams of making a big money move this summerread : just how good is memphis depay ?\n", + "[1.407438 1.2795658 1.1484979 1.2275708 1.1419743 1.2579513 1.0706632\n", + " 1.1012071 1.1082585 1.0877892 1.0680808 1.0400206 1.1255822 1.0439649\n", + " 1.0567194 1.0779772 1.1149997 1.0949162 1.0521792 1.0361569 1.0438937]\n", + "\n", + "[ 0 1 5 3 2 4 12 16 8 7 17 9 15 6 10 14 18 13 20 11 19]\n", + "=======================\n", + "[\"( cnn ) the killing of an employee at wayne community college in goldsboro , north carolina , may have been a hate crime , authorities said tuesday .investigators are looking into the possibility , said goldsboro police sgt. jeremy sutton .the victim -- ron lane , whom officials said was a longtime employee and the school 's print shop operator -- was white , as is the suspect .\"]\n", + "=======================\n", + "['relatives of wayne community college shooting victim say he was gay , local media reportthe suspect had worked for the victim but was let go , college president saysthe suspect , kenneth morgan stancil iii , was found sleeping on a florida beach and arrested']\n", + "( cnn ) the killing of an employee at wayne community college in goldsboro , north carolina , may have been a hate crime , authorities said tuesday .investigators are looking into the possibility , said goldsboro police sgt. jeremy sutton .the victim -- ron lane , whom officials said was a longtime employee and the school 's print shop operator -- was white , as is the suspect .\n", + "relatives of wayne community college shooting victim say he was gay , local media reportthe suspect had worked for the victim but was let go , college president saysthe suspect , kenneth morgan stancil iii , was found sleeping on a florida beach and arrested\n", + "[1.4675474 1.2667482 1.2229035 1.1340191 1.0866468 1.2126918 1.0762553\n", + " 1.0328298 1.0942898 1.1792611 1.0479422 1.1181424 1.0956504 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 5 9 3 11 12 8 4 6 10 7 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "['( cnn ) a university of kentucky basketball player is apologizing for the \" poor choice of words \" he muttered under his breath after the team \\'s stunning loss to wisconsin on saturday .as a deflated panel of wildcats fielded a reporter \\'s question about wisconsin standout frank kaminsky , a hot mic picked up kentucky guard andrew harrison saying of kaminsky , \" f**k that ( n-word ) . \"harrison , who is is black , said his words were \" in jest , \" and that he meant no disrespect to kaminsky , who is white .']\n", + "=======================\n", + "['kentucky player mutters n-word under his breath about a wisconsin player at postgame news conferenceandrew harrison , who is black , tweets that he apologized to frank kaminsky , who is whitekaminsky says he \\'s talked it over with harrison -- ` i \\'m over it \"']\n", + "( cnn ) a university of kentucky basketball player is apologizing for the \" poor choice of words \" he muttered under his breath after the team 's stunning loss to wisconsin on saturday .as a deflated panel of wildcats fielded a reporter 's question about wisconsin standout frank kaminsky , a hot mic picked up kentucky guard andrew harrison saying of kaminsky , \" f**k that ( n-word ) . \"harrison , who is is black , said his words were \" in jest , \" and that he meant no disrespect to kaminsky , who is white .\n", + "kentucky player mutters n-word under his breath about a wisconsin player at postgame news conferenceandrew harrison , who is black , tweets that he apologized to frank kaminsky , who is whitekaminsky says he 's talked it over with harrison -- ` i 'm over it \"\n", + "[1.2316165 1.3905525 1.3774893 1.0896046 1.0405986 1.2820761 1.1602138\n", + " 1.1739426 1.1079575 1.023892 1.0885683 1.0694771 1.0695707 1.0440245\n", + " 1.0626066 1.0720189 1.0525638 1.0229446 1.0109909 1.0532545 0. ]\n", + "\n", + "[ 1 2 5 0 7 6 8 3 10 15 12 11 14 19 16 13 4 9 17 18 20]\n", + "=======================\n", + "['the two major parties will only be separated by 0.1 per cent , according to the daily telegraph survey , leaving either ukip or the liberal democrats as potential kingmakers in a future coalition .the poll puts david cameron and the tories at 31.8 per cent of the vote , with labour at just one tenth of a percentage point behind , with 31.7 per cent .the conservative and labour parties will get a nearly identical number of votes in the general election , a new poll predicts .']\n", + "=======================\n", + "['conservative and labour parties to get near identical number of votespoll puts tories at 31.8 per cent of the vote and labour at 31.7 per centlib dems are expected to get 13.5 per cent and ukip 12.7 per cent']\n", + "the two major parties will only be separated by 0.1 per cent , according to the daily telegraph survey , leaving either ukip or the liberal democrats as potential kingmakers in a future coalition .the poll puts david cameron and the tories at 31.8 per cent of the vote , with labour at just one tenth of a percentage point behind , with 31.7 per cent .the conservative and labour parties will get a nearly identical number of votes in the general election , a new poll predicts .\n", + "conservative and labour parties to get near identical number of votespoll puts tories at 31.8 per cent of the vote and labour at 31.7 per centlib dems are expected to get 13.5 per cent and ukip 12.7 per cent\n", + "[1.3986012 1.3714826 1.0896361 1.3540916 1.2564584 1.0841502 1.1017625\n", + " 1.0211469 1.0154346 1.0166451 1.1445216 1.0996274 1.1034023 1.0716519\n", + " 1.0311394 1.0443039 1.019863 1.0409745 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 4 10 12 6 11 2 5 13 15 17 14 7 16 9 8 19 18 20]\n", + "=======================\n", + "['a moment of madness from england hooker tom youngs handed saracens victory but the second-placed londoners were frustrated by their failure to earn a four-try bonus .with leicester 6-0 up after 37 minutes , youngs was sin-binned for a barge on chris ashton , who had passed the ball to richard wigglesworth and as he tried to return the favour tigers matt smith grabbed it .saracens scored two tries with him off and the game was as good over at 14-6 when he came back .']\n", + "=======================\n", + "['saracens scored through billy vunipola , marcelo bosch and chris wylescharlie hodgson added seven points from the bootleicester replied with two freddie burns penalties']\n", + "a moment of madness from england hooker tom youngs handed saracens victory but the second-placed londoners were frustrated by their failure to earn a four-try bonus .with leicester 6-0 up after 37 minutes , youngs was sin-binned for a barge on chris ashton , who had passed the ball to richard wigglesworth and as he tried to return the favour tigers matt smith grabbed it .saracens scored two tries with him off and the game was as good over at 14-6 when he came back .\n", + "saracens scored through billy vunipola , marcelo bosch and chris wylescharlie hodgson added seven points from the bootleicester replied with two freddie burns penalties\n", + "[1.4653778 1.3397981 1.2743261 1.4090099 1.0564079 1.0677541 1.0130305\n", + " 1.0126785 1.0166535 1.1591442 1.1494259 1.1388125 1.1232225 1.0744399\n", + " 1.0247245 1.0113312 1.0090424 1.0145996 1.0103735 1.008815 ]\n", + "\n", + "[ 0 3 1 2 9 10 11 12 13 5 4 14 8 17 6 7 15 18 16 19]\n", + "=======================\n", + "[\"raheem sterling insists he has not been affected by the criticism of his ongoing contract stand-off with liverpool .the england international has been abused , even by his own fans , over his decision to put deal talks on hold after rejecting an offer worth # 90,000-per-week .sterling was even heckled at the club 's recent kit launch , but the 20-year-old , speaking for the first time since his now infamous bbc interview , insists he is immune to the negative comments .\"]\n", + "=======================\n", + "['liverpool forward raheem sterling rejected a # 90,000-a-week contractthe england international has been criticised by his own supportersbut sterling insists he pays no attention and is fully focused on his football']\n", + "raheem sterling insists he has not been affected by the criticism of his ongoing contract stand-off with liverpool .the england international has been abused , even by his own fans , over his decision to put deal talks on hold after rejecting an offer worth # 90,000-per-week .sterling was even heckled at the club 's recent kit launch , but the 20-year-old , speaking for the first time since his now infamous bbc interview , insists he is immune to the negative comments .\n", + "liverpool forward raheem sterling rejected a # 90,000-a-week contractthe england international has been criticised by his own supportersbut sterling insists he pays no attention and is fully focused on his football\n", + "[1.2039965 1.4997885 1.3194215 1.3676169 1.1088233 1.0369914 1.079878\n", + " 1.2296157 1.0777225 1.0645092 1.0479791 1.0578449 1.0572556 1.0842456\n", + " 1.0291405 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 7 0 4 13 6 8 9 11 12 10 5 14 15 16 17 18 19]\n", + "=======================\n", + "[\"mohammed alam , sayed juied and sadek miah treated burglary ` like a job , a profession , ' raiding houses in affluent west london , herfordshire and surrey .over the course of 11 months the gang broke into 21 homes , taking a ferrari , porches , minis , paintings and cash worth # 1million , often waiting until home owners were on holiday before striking .a prolific gang of thieves who carried out early morning raids on multi-million pound mansions to steal cash , jewellery and luxury cars have been jailed for a total of 17 years .\"]\n", + "=======================\n", + "['mohammed alam , sayed juied and sadek miah raided a total of 21 homessurveyed homes before striking , often waiting until owners were awayhad taught themselves how to disable security systems and cctv camerastook ferrari , porches , art and jewels worth total of # 1million in 11 monthswere jailed at kingston crown court after admitting burglary offences']\n", + "mohammed alam , sayed juied and sadek miah treated burglary ` like a job , a profession , ' raiding houses in affluent west london , herfordshire and surrey .over the course of 11 months the gang broke into 21 homes , taking a ferrari , porches , minis , paintings and cash worth # 1million , often waiting until home owners were on holiday before striking .a prolific gang of thieves who carried out early morning raids on multi-million pound mansions to steal cash , jewellery and luxury cars have been jailed for a total of 17 years .\n", + "mohammed alam , sayed juied and sadek miah raided a total of 21 homessurveyed homes before striking , often waiting until owners were awayhad taught themselves how to disable security systems and cctv camerastook ferrari , porches , art and jewels worth total of # 1million in 11 monthswere jailed at kingston crown court after admitting burglary offences\n", + "[1.4613084 1.3330568 1.285281 1.118393 1.2694627 1.052795 1.0776\n", + " 1.0921583 1.0138862 1.0208633 1.1304154 1.0628389 1.0587171 1.0805179\n", + " 1.21049 1.0143523 1.0249058 1.0143294 1.0671464 0. ]\n", + "\n", + "[ 0 1 2 4 14 10 3 7 13 6 18 11 12 5 16 9 15 17 8 19]\n", + "=======================\n", + "['former manchester city manager sven goran eriksson delivered a damning verdict on his old club , claiming they should be winning the premier league rather than battling to stay in the top four .city , whose current squad cost a total of # 368million , host west ham on sunday but a champions league spot next year is still in doubt with just four points separating them and fifth place liverpool with six games to play .eriksson , who was the last manager at city before the club was taken over by abu dhabi billionaire sheikh mansour and his family , said they have underperformed given their financial clout .']\n", + "=======================\n", + "['ex-manchester city manager sven goran eriksson criticises former cluberiksson says city should have won the premier league with their squadyaya toure wears snood in training during hottest week of the year so far']\n", + "former manchester city manager sven goran eriksson delivered a damning verdict on his old club , claiming they should be winning the premier league rather than battling to stay in the top four .city , whose current squad cost a total of # 368million , host west ham on sunday but a champions league spot next year is still in doubt with just four points separating them and fifth place liverpool with six games to play .eriksson , who was the last manager at city before the club was taken over by abu dhabi billionaire sheikh mansour and his family , said they have underperformed given their financial clout .\n", + "ex-manchester city manager sven goran eriksson criticises former cluberiksson says city should have won the premier league with their squadyaya toure wears snood in training during hottest week of the year so far\n", + "[1.2569671 1.374077 1.3192155 1.329167 1.3248086 1.2271721 1.0618407\n", + " 1.029181 1.0252475 1.0757 1.0281056 1.1052881 1.0779817 1.0263963\n", + " 1.0921818 1.0278311 1.0182034 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 5 11 14 12 9 6 7 10 15 13 8 16 17 18 19]\n", + "=======================\n", + "[\"the nasuwt union said indiscipline is a ` significant problem ' , with teachers sworn at , kicked and punched .teachers are suffering broken arms and severed fingers at the hands of violent pupils .a deputy headteacher fell and fractured her arm while trying to restrain a six-year-old boy with autism\"]\n", + "=======================\n", + "[\"nasuwt union said indiscipline is a ` significant problem ' at many schoolsteachers are sworn at , kicked and punched while one had her arm brokendeputy headteacher was restraining boy when she fell and fractured armlast year staff at eight schools refused to teach badly behaved pupils\"]\n", + "the nasuwt union said indiscipline is a ` significant problem ' , with teachers sworn at , kicked and punched .teachers are suffering broken arms and severed fingers at the hands of violent pupils .a deputy headteacher fell and fractured her arm while trying to restrain a six-year-old boy with autism\n", + "nasuwt union said indiscipline is a ` significant problem ' at many schoolsteachers are sworn at , kicked and punched while one had her arm brokendeputy headteacher was restraining boy when she fell and fractured armlast year staff at eight schools refused to teach badly behaved pupils\n", + "[1.1481131 1.2123677 1.2478104 1.048974 1.0313824 1.0722175 1.2331784\n", + " 1.0687768 1.3538266 1.0537479 1.1194932 1.0532851 1.030254 1.0448512\n", + " 1.0176555 1.0460331 1.0300009 1.07922 0. 0. ]\n", + "\n", + "[ 8 2 6 1 0 10 17 5 7 9 11 3 15 13 4 12 16 14 18 19]\n", + "=======================\n", + "[\"bayern munich defender jerome boateng scores the second header of the evening to double bayern 's advantage and level the tie at 3-3that is the number of goals guardiola 's bayern team have scored so far this season , a number plenty enough to take them in to the last four of the champions league , the semi-final of the german cup and to the cusp of successive bundesliga titles .bayern munich 's thiago alcantara jumps highest to head the home side ahead on 14 minutes and set the german giants on their way\"]\n", + "=======================\n", + "[\"bayern 5-0 up at half-time as robert lewandowski ( 2 ) , thomas muller , thiago alcantara and jerome boateng scoredformer liverpool and real madrid midfielder xabi alonso scored bayern 's sixth in the closing stagesporto had gone in to the match with a 3-1 lead from last week 's first leg in portugalcolombia international jackson martinez scored a consolation for porto with seventeen minutes to goporto 's spanish defender ivan marcano was dismissed in the 86th minute after picking up two bookings\"]\n", + "bayern munich defender jerome boateng scores the second header of the evening to double bayern 's advantage and level the tie at 3-3that is the number of goals guardiola 's bayern team have scored so far this season , a number plenty enough to take them in to the last four of the champions league , the semi-final of the german cup and to the cusp of successive bundesliga titles .bayern munich 's thiago alcantara jumps highest to head the home side ahead on 14 minutes and set the german giants on their way\n", + "bayern 5-0 up at half-time as robert lewandowski ( 2 ) , thomas muller , thiago alcantara and jerome boateng scoredformer liverpool and real madrid midfielder xabi alonso scored bayern 's sixth in the closing stagesporto had gone in to the match with a 3-1 lead from last week 's first leg in portugalcolombia international jackson martinez scored a consolation for porto with seventeen minutes to goporto 's spanish defender ivan marcano was dismissed in the 86th minute after picking up two bookings\n", + "[1.0859618 1.2803425 1.2257708 1.3724293 1.3314006 1.0715841 1.2465993\n", + " 1.0356021 1.022976 1.236921 1.0810057 1.0731424 1.0252738 1.0775254\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 1 6 9 2 0 10 13 11 5 7 12 8 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"liam plunkett , pictured with chris jordan , is pushing for a place in england 's attack for the second testmark wood ( pictured ) and plunkett impressed in the nets on sunday ahead of the second match of the serieschris jordan was the fastest bowler in the first test , clocked at 91mph , and while it would be a huge surprise if england dropped either anderson or broad , there is a case for plunkett or the impressive wood to feature .\"]\n", + "=======================\n", + "['liam plunkett and mark wood both impressed in the nets on sundaymoeen ali is also appearing to bowl without discomfort after joining squadengland were missing an x-factor as the first test fizzled out in a drawand selectors must decide whether to freshen things up for second match']\n", + "liam plunkett , pictured with chris jordan , is pushing for a place in england 's attack for the second testmark wood ( pictured ) and plunkett impressed in the nets on sunday ahead of the second match of the serieschris jordan was the fastest bowler in the first test , clocked at 91mph , and while it would be a huge surprise if england dropped either anderson or broad , there is a case for plunkett or the impressive wood to feature .\n", + "liam plunkett and mark wood both impressed in the nets on sundaymoeen ali is also appearing to bowl without discomfort after joining squadengland were missing an x-factor as the first test fizzled out in a drawand selectors must decide whether to freshen things up for second match\n", + "[1.087938 1.201478 1.1828625 1.2253495 1.3168665 1.2160642 1.0906385\n", + " 1.0516111 1.0307344 1.1046304 1.0602065 1.0731546 1.0779488 1.130655\n", + " 1.0330206 1.0352641 1.0573437 1.0418288 0. 0. 0. ]\n", + "\n", + "[ 4 3 5 1 2 13 9 6 0 12 11 10 16 7 17 15 14 8 18 19 20]\n", + "=======================\n", + "[\"madonna 's new handbag has caused a stir for its seemingly drug related slogan , after the pop legend shared a picture of her new luggage with her fans on instagram on sundayfemail takes a look at the worst offenders in the luggage department .but for many stars , such as madonna who 's been showing off her mock croc ` dealer ' purse , that statement is becoming increasingly controversial , with clutches and handbags emblazoned with unsavoury slogans and pictures .\"]\n", + "=======================\n", + "[\"madonna 's new handbag is emblazoned with the slogan ` dealer 'rihanna has been seen with purses covered in guns and cannabis leavesother offensive designs include male genitalia , knives and knuckledusters\"]\n", + "madonna 's new handbag has caused a stir for its seemingly drug related slogan , after the pop legend shared a picture of her new luggage with her fans on instagram on sundayfemail takes a look at the worst offenders in the luggage department .but for many stars , such as madonna who 's been showing off her mock croc ` dealer ' purse , that statement is becoming increasingly controversial , with clutches and handbags emblazoned with unsavoury slogans and pictures .\n", + "madonna 's new handbag is emblazoned with the slogan ` dealer 'rihanna has been seen with purses covered in guns and cannabis leavesother offensive designs include male genitalia , knives and knuckledusters\n", + "[1.2931535 1.2285674 1.2297342 1.170239 1.3013524 1.2136363 1.1610241\n", + " 1.0450183 1.1011896 1.0093402 1.0881835 1.1400349 1.0643396 1.0495272\n", + " 1.0355694 1.0230347 1.0886897 1.0408696 0. 0. 0. ]\n", + "\n", + "[ 4 0 2 1 5 3 6 11 8 16 10 12 13 7 17 14 15 9 18 19 20]\n", + "=======================\n", + "['ryanair took to twitter for a cheeky promotional photo in terminal 2 in dublin - where aer lingus fly out fromairline rivals ryanair and aer lingus have locked horns once again on twitter .in not-so-subtle posts on the social networking site , the two carriers reignited their feud by posting tweets concerning their operation at dublin airport .']\n", + "=======================\n", + "[\"ryanair post promo photo in terminal 2 - where aer lingus fly out fromthey tweet that ` low fares have come to dublin airport t2 at last 'the low-cost airline are actually based out of terminal 1aer lingus respond saying they get customers to central locations , not ` nearly there '\"]\n", + "ryanair took to twitter for a cheeky promotional photo in terminal 2 in dublin - where aer lingus fly out fromairline rivals ryanair and aer lingus have locked horns once again on twitter .in not-so-subtle posts on the social networking site , the two carriers reignited their feud by posting tweets concerning their operation at dublin airport .\n", + "ryanair post promo photo in terminal 2 - where aer lingus fly out fromthey tweet that ` low fares have come to dublin airport t2 at last 'the low-cost airline are actually based out of terminal 1aer lingus respond saying they get customers to central locations , not ` nearly there '\n", + "[1.0968113 1.1269298 1.1117425 1.0952746 1.2881193 1.1872346 1.2308081\n", + " 1.1025138 1.1840551 1.0555555 1.0783732 1.0318513 1.0413703 1.0247691\n", + " 1.0267992 1.053214 1.0570098 1.0266373 1.0381701 1.0409333 1.027038 ]\n", + "\n", + "[ 4 6 5 8 1 2 7 0 3 10 16 9 15 12 19 18 11 20 14 17 13]\n", + "=======================\n", + "[\"the mcdonald 's announcement that the company is going to raise wages for 90,000 of its employees is a significant victory for fast-food cooks and cashiers and those of us who support them .but this action , which would raise starting wages at 1,500 mcdonald 's - owned restaurants to at least $ 1 an hour more than the minimum wage set by local law , falls short in three important waysby standing up together , fast-food workers are making it less acceptable for profitable companies like mcdonald 's to pay wages so low that its workers are boxed into poverty .\"]\n", + "=======================\n", + "[\"william barber : mcdonald 's will raise minimum wage $ 1 for 10 % of workers .he says it leaves out 90 % of workers , is not enough to lift workers from poverty , company prevents workers from speaking out in a union\"]\n", + "the mcdonald 's announcement that the company is going to raise wages for 90,000 of its employees is a significant victory for fast-food cooks and cashiers and those of us who support them .but this action , which would raise starting wages at 1,500 mcdonald 's - owned restaurants to at least $ 1 an hour more than the minimum wage set by local law , falls short in three important waysby standing up together , fast-food workers are making it less acceptable for profitable companies like mcdonald 's to pay wages so low that its workers are boxed into poverty .\n", + "william barber : mcdonald 's will raise minimum wage $ 1 for 10 % of workers .he says it leaves out 90 % of workers , is not enough to lift workers from poverty , company prevents workers from speaking out in a union\n", + "[1.3718491 1.3516284 1.1331035 1.3548833 1.2963974 1.2551588 1.0697436\n", + " 1.0540318 1.0178949 1.1267434 1.0320101 1.0869635 1.1001557 1.0149426\n", + " 1.0154386 1.0167229 1.0161463 1.0107918 1.0172564 0. 0. ]\n", + "\n", + "[ 0 3 1 4 5 2 9 12 11 6 7 10 8 18 15 16 14 13 17 19 20]\n", + "=======================\n", + "[\"nico rosberg has published a video explaining his row with lewis hamilton after the chinese grand prix .nico rosberg responded to a fan who accused rosberg of ` crying ' after he complained about lewis hamiltonrosberg complained during a heated press conference that his mercedes team-mate hamilton , the race winner who was sitting next to him as he spoke , had acted ` selfishly ' in slowing down to such an extent that he ( rosberg ) could have been caught by sebastian vettel of ferrari .\"]\n", + "=======================\n", + "[\"lewis hamilton won the chinese grand prix with nico rosberg secondafter the race rosberg accused hamilton of being selfish by slowing downhe said hamilton 's speed allowed sebastian vettel to close the gap in thirdrosberg explained he did not try to attack hamilton for fear of tyre wearclick here for all the latest f1 news\"]\n", + "nico rosberg has published a video explaining his row with lewis hamilton after the chinese grand prix .nico rosberg responded to a fan who accused rosberg of ` crying ' after he complained about lewis hamiltonrosberg complained during a heated press conference that his mercedes team-mate hamilton , the race winner who was sitting next to him as he spoke , had acted ` selfishly ' in slowing down to such an extent that he ( rosberg ) could have been caught by sebastian vettel of ferrari .\n", + "lewis hamilton won the chinese grand prix with nico rosberg secondafter the race rosberg accused hamilton of being selfish by slowing downhe said hamilton 's speed allowed sebastian vettel to close the gap in thirdrosberg explained he did not try to attack hamilton for fear of tyre wearclick here for all the latest f1 news\n", + "[1.3157253 1.5231472 1.0825537 1.0625397 1.14395 1.1491652 1.1010162\n", + " 1.1409357 1.0205923 1.0267727 1.0288568 1.0775735 1.203751 1.0728521\n", + " 1.0239705 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 12 5 4 7 6 2 11 13 3 10 9 14 8 15 16 17 18]\n", + "=======================\n", + "[\"the boston runbase scheduled to open april 16 will allow visitors to learn about the world 's most prestigious road race , run a replica of the course on a treadmill or see artifacts from its 118-year history .a few blocks from the finish line and even closer to the spot where the second bomb exploded during the 2013 boston marathon , race organizers are building a combination clubhouse , interactive museum and retail store that , for the first time , gives them a year-round , public presence .it is the sixth runbase for adidas 0 the first in the u.s. .\"]\n", + "=======================\n", + "['the boston runbase is scheduled to open april 16it is a combined effort between the boston athletic association , adidas and longtime shoe-seller marathon sportsthe space will allow visitors to learn about the boston marathon , run a replica of the course on a treadmill or see artifacts from its 118-year historythe b.a.a. plans to use the runbase for special events , including clinics and meet-ups where recreational joggers can connect or get tipsrunbase is just a few blocks from the marathon finish line , and even nearer to the spot where the second bomb exploded during the 2013 race']\n", + "the boston runbase scheduled to open april 16 will allow visitors to learn about the world 's most prestigious road race , run a replica of the course on a treadmill or see artifacts from its 118-year history .a few blocks from the finish line and even closer to the spot where the second bomb exploded during the 2013 boston marathon , race organizers are building a combination clubhouse , interactive museum and retail store that , for the first time , gives them a year-round , public presence .it is the sixth runbase for adidas 0 the first in the u.s. .\n", + "the boston runbase is scheduled to open april 16it is a combined effort between the boston athletic association , adidas and longtime shoe-seller marathon sportsthe space will allow visitors to learn about the boston marathon , run a replica of the course on a treadmill or see artifacts from its 118-year historythe b.a.a. plans to use the runbase for special events , including clinics and meet-ups where recreational joggers can connect or get tipsrunbase is just a few blocks from the marathon finish line , and even nearer to the spot where the second bomb exploded during the 2013 race\n", + "[1.2015651 1.4318126 1.3007665 1.3316673 1.1013438 1.0315354 1.1069248\n", + " 1.0323563 1.0731658 1.0472308 1.0595169 1.03991 1.0862441 1.0392423\n", + " 1.0339447 1.0204438 1.0209242 1.0650318 0. ]\n", + "\n", + "[ 1 3 2 0 6 4 12 8 17 10 9 11 13 14 7 5 16 15 18]\n", + "=======================\n", + "[\"the prime minister 's wife showed her support of uk business by sporting a thoroughly british outfit at the conservative party 's manifesto launch in swindon .wearing a simple but elegant # 185 emerald green wrap dress by london-based designer the fold , mrs cameron looked every inch the first lady of british politics as she arrived at the town 's university technical colleges .samantha cameron showcased another election campaign outfit this morning , firming up her position as the most stylish of the politician 's partners .\"]\n", + "=======================\n", + "[\"sam cam accompanied the pm to the launch of his party 's manifestosamantha looked at ease in the # 185 emerald green wrap hampton dressthe designer behind the frock is british fashion company the foldamanda holden and davina mccall are also fans of the work-wear brand\"]\n", + "the prime minister 's wife showed her support of uk business by sporting a thoroughly british outfit at the conservative party 's manifesto launch in swindon .wearing a simple but elegant # 185 emerald green wrap dress by london-based designer the fold , mrs cameron looked every inch the first lady of british politics as she arrived at the town 's university technical colleges .samantha cameron showcased another election campaign outfit this morning , firming up her position as the most stylish of the politician 's partners .\n", + "sam cam accompanied the pm to the launch of his party 's manifestosamantha looked at ease in the # 185 emerald green wrap hampton dressthe designer behind the frock is british fashion company the foldamanda holden and davina mccall are also fans of the work-wear brand\n", + "[1.4568012 1.2538283 1.2367089 1.4335666 1.1680033 1.2035741 1.0948521\n", + " 1.0712509 1.0273727 1.1971353 1.0600185 1.0093995 1.0097336 1.0373474\n", + " 1.3094593 1.0085272 1.0085078 0. 0. ]\n", + "\n", + "[ 0 3 14 1 2 5 9 4 6 7 10 13 8 12 11 15 16 17 18]\n", + "=======================\n", + "['hearts have confirmed that captain danny wilson will leave the club this summer after the defender activated a clause in his contract .celtic manager ronny deila has been linked with a move for the former rangers playerdespite having a further year left on his current deal at tynecastle , the 23-year-old has decided to look for a new challenge in the wake of leading the gorgie outfit to championship title success .']\n", + "=======================\n", + "['scottish championship winners hearts are set to lose danny wilsonformer liverpool defender has activated release clause in his contractceltic have been linked with a move for the former rangers player']\n", + "hearts have confirmed that captain danny wilson will leave the club this summer after the defender activated a clause in his contract .celtic manager ronny deila has been linked with a move for the former rangers playerdespite having a further year left on his current deal at tynecastle , the 23-year-old has decided to look for a new challenge in the wake of leading the gorgie outfit to championship title success .\n", + "scottish championship winners hearts are set to lose danny wilsonformer liverpool defender has activated release clause in his contractceltic have been linked with a move for the former rangers player\n", + "[1.3085003 1.2747805 1.2889028 1.12344 1.2998284 1.0376272 1.0863407\n", + " 1.0358968 1.094671 1.1065767 1.0932873 1.0516193 1.0313481 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 2 1 3 9 8 10 6 11 5 7 12 17 13 14 15 16 18]\n", + "=======================\n", + "[\"a new york-based writer who has grown tired of the battle between fat and skinny , is blaming plus-size retailer lane bryant for continuing to perpetuate the weight war -- and has published candid photos of herself wearing the brand 's lingerie to illustrate the problem .regular girl : writer amanda dobbins says lane bryant 's new i 'm no angel ad campaign does n't show plus-size women of different proportions 'body positive : amanda hopes to promote positive body image and wants more retailers to advertise toward women of varying sizes\"]\n", + "=======================\n", + "[\"amanda richards , from new york says she does n't campaigns which widen the gap between ` fat ' and ` thin 'she says plus-size store lane bryant 's new ads celebrating women do n't actually show varying shapes , but rather ` correctly ' proportioned plus-size womento show solidarity with other plus-size women , she posted photos of herself in lane bryant lingerie online\"]\n", + "a new york-based writer who has grown tired of the battle between fat and skinny , is blaming plus-size retailer lane bryant for continuing to perpetuate the weight war -- and has published candid photos of herself wearing the brand 's lingerie to illustrate the problem .regular girl : writer amanda dobbins says lane bryant 's new i 'm no angel ad campaign does n't show plus-size women of different proportions 'body positive : amanda hopes to promote positive body image and wants more retailers to advertise toward women of varying sizes\n", + "amanda richards , from new york says she does n't campaigns which widen the gap between ` fat ' and ` thin 'she says plus-size store lane bryant 's new ads celebrating women do n't actually show varying shapes , but rather ` correctly ' proportioned plus-size womento show solidarity with other plus-size women , she posted photos of herself in lane bryant lingerie online\n", + "[1.4877218 1.5478318 1.208445 1.0724654 1.0283006 1.0424122 1.2958633\n", + " 1.0628768 1.0699607 1.085893 1.119177 1.0802813 1.026322 1.0572939\n", + " 1.0654063 1.0409715 1.0130037 1.0116864 1.0359932]\n", + "\n", + "[ 1 0 6 2 10 9 11 3 8 14 7 13 5 15 18 4 12 16 17]\n", + "=======================\n", + "[\"the first-leg of the highly anticipated tie will take place at the parc des princes on wednesday .barcelona players were put through their paces as they put the finishing touches to preparations for the champions league quarter-final clash with french giants psg .speaking to the club 's official website , defender adriano warned his team-mates ahead of the game they must be at their absolute best if they are to overcome psg 's star-studded squad , which includes the likes of zlatan ibrahimovic , thiago silva and lucas moura .\"]\n", + "=======================\n", + "['barcelona take on psg in the champions league quarter-finalthe first-leg of the tie will be played at the parc des princes on wednesdaythe two sides were drawn together in the group stage earlier this seasonbarca defender adriano has warned this time will be more intensehe has singled out lucas moura as a particular threat for psg']\n", + "the first-leg of the highly anticipated tie will take place at the parc des princes on wednesday .barcelona players were put through their paces as they put the finishing touches to preparations for the champions league quarter-final clash with french giants psg .speaking to the club 's official website , defender adriano warned his team-mates ahead of the game they must be at their absolute best if they are to overcome psg 's star-studded squad , which includes the likes of zlatan ibrahimovic , thiago silva and lucas moura .\n", + "barcelona take on psg in the champions league quarter-finalthe first-leg of the tie will be played at the parc des princes on wednesdaythe two sides were drawn together in the group stage earlier this seasonbarca defender adriano has warned this time will be more intensehe has singled out lucas moura as a particular threat for psg\n", + "[1.1525147 1.1184866 1.3820493 1.1811289 1.284643 1.112937 1.1757993\n", + " 1.1383097 1.1348124 1.0377438 1.0591133 1.0382235 1.0728514 1.1034108\n", + " 1.1521951 1.1190032 1.131442 1.0147146 0. 0. ]\n", + "\n", + "[ 2 4 3 6 0 14 7 8 16 15 1 5 13 12 10 11 9 17 18 19]\n", + "=======================\n", + "['norway has announced that it will be the the first country in the world to switch off its fm radio signal .twiddling the knobs of a radio will no longer be necessary as analogue services switch off in favour of digitalit is the radio format that has delivered the latest chart hits , news and talk shows in stereo to homes around the world for decades .']\n", + "=======================\n", + "['norway will be the first country in the world to stop radio broadcasts on fmit says it will save # 17 million a year by the switch to a purely digital servicethe decision was driven by rise in popularity of digital and internet radioother countries are expected to follow as numbers of fm listener drop']\n", + "norway has announced that it will be the the first country in the world to switch off its fm radio signal .twiddling the knobs of a radio will no longer be necessary as analogue services switch off in favour of digitalit is the radio format that has delivered the latest chart hits , news and talk shows in stereo to homes around the world for decades .\n", + "norway will be the first country in the world to stop radio broadcasts on fmit says it will save # 17 million a year by the switch to a purely digital servicethe decision was driven by rise in popularity of digital and internet radioother countries are expected to follow as numbers of fm listener drop\n", + "[1.486329 1.2073207 1.4556453 1.1760441 1.1960921 1.0826945 1.0192755\n", + " 1.0156251 1.130749 1.0581347 1.0170974 1.0253953 1.0184678 1.0232337\n", + " 1.2276658 1.1783061 1.0846238 1.1585908 1.0808215 1.0085701]\n", + "\n", + "[ 0 2 14 1 4 15 3 17 8 16 5 18 9 11 13 6 12 10 7 19]\n", + "=======================\n", + "[\"dylan miller , a senior studying english and philosophy at juniata college decided to live in a hut for a research project on simple livingmiller , 21 , has been living in the one-room hut on juniata 's baker-henry nature reserve in huntingdon , pennsylvania , since septemberhe hopes living in his nine-foot-tall , 17-by-17ft hut will teach him about living simply , away from the luxuries of the present day .\"]\n", + "=======================\n", + "[\"dylan miller is a senior at juniata college in huntingdon , pennsylvaniahe 's been living in a hut deep in the woods a half-hour walk from campus since septemberhe has no plumbing or electricity in the hut and studies by lanternhe hopes living in the hut will help him better understand henry david thoreau and ralph waldo emerson\"]\n", + "dylan miller , a senior studying english and philosophy at juniata college decided to live in a hut for a research project on simple livingmiller , 21 , has been living in the one-room hut on juniata 's baker-henry nature reserve in huntingdon , pennsylvania , since septemberhe hopes living in his nine-foot-tall , 17-by-17ft hut will teach him about living simply , away from the luxuries of the present day .\n", + "dylan miller is a senior at juniata college in huntingdon , pennsylvaniahe 's been living in a hut deep in the woods a half-hour walk from campus since septemberhe has no plumbing or electricity in the hut and studies by lanternhe hopes living in the hut will help him better understand henry david thoreau and ralph waldo emerson\n", + "[1.4011753 1.1493335 1.1057409 1.1158305 1.4078984 1.3613116 1.0457035\n", + " 1.0421691 1.153442 1.0320687 1.052382 1.0194415 1.0724425 1.0325171\n", + " 1.0207684 1.0734862 1.0140095 1.0976605 0. 0. ]\n", + "\n", + "[ 4 0 5 8 1 3 2 17 15 12 10 6 7 13 9 14 11 16 18 19]\n", + "=======================\n", + "[\"rafa benitez is set to leave napoli this summer and will have a host of clubs after his servicesas one might imagine , rafa benitez 's arrival at stamford bridge as interim manager in 2012 came as quite a slap in the face to chelsea fans still hurting from roberti di matteo 's untimely departure just months after winning the champions league .chelsea drew benitez 's first two games 0-0 , before a 3-1 defeat against west ham in a london derby - embarrassing .\"]\n", + "=======================\n", + "[\"rafa benitez 's contract at napoli expires this summer and he is set to leavemanchester city , west ham and newcastle could be looking for a new bossbenitez was a success at liverpool , but struggled to win over chelsea fansbut he still won the europa league with the blues and they are thankfulhe would bring success to almost any premier league team next season\"]\n", + "rafa benitez is set to leave napoli this summer and will have a host of clubs after his servicesas one might imagine , rafa benitez 's arrival at stamford bridge as interim manager in 2012 came as quite a slap in the face to chelsea fans still hurting from roberti di matteo 's untimely departure just months after winning the champions league .chelsea drew benitez 's first two games 0-0 , before a 3-1 defeat against west ham in a london derby - embarrassing .\n", + "rafa benitez 's contract at napoli expires this summer and he is set to leavemanchester city , west ham and newcastle could be looking for a new bossbenitez was a success at liverpool , but struggled to win over chelsea fansbut he still won the europa league with the blues and they are thankfulhe would bring success to almost any premier league team next season\n", + "[1.2036306 1.3930521 1.2426926 1.2962986 1.1861347 1.1530414 1.1260366\n", + " 1.1282973 1.1181042 1.0690926 1.0592474 1.0394511 1.0266712 1.0300447\n", + " 1.0606849 1.0987233 1.0129029 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 7 6 8 15 9 14 10 11 13 12 16 18 17 19]\n", + "=======================\n", + "['researchers have found that twisted bands of magnetic fuel reach the surface of the sun every two years - in addition to its existing 11-year cycle .scientists in colorado have found evidence for a new solar season cycle .this combines with the existing 11-year solar cycle , causing even more powerful coronal mass ejections ( cmes ) , pictured , and solar flares that can endanger earth']\n", + "=======================\n", + "[\"scientists in colorado have found evidence for a new solar season cycleevery two years it appears ` bands ' of magnetic field move to the surfacethe sun was already known to have an 11-year solar cyclewhen the two combine it can create amplified and dangerous storms\"]\n", + "researchers have found that twisted bands of magnetic fuel reach the surface of the sun every two years - in addition to its existing 11-year cycle .scientists in colorado have found evidence for a new solar season cycle .this combines with the existing 11-year solar cycle , causing even more powerful coronal mass ejections ( cmes ) , pictured , and solar flares that can endanger earth\n", + "scientists in colorado have found evidence for a new solar season cycleevery two years it appears ` bands ' of magnetic field move to the surfacethe sun was already known to have an 11-year solar cyclewhen the two combine it can create amplified and dangerous storms\n", + "[1.3567314 1.3116655 1.2535415 1.1694969 1.3020204 1.063359 1.0171244\n", + " 1.0967906 1.0923793 1.0969399 1.040657 1.0885327 1.0693842 1.0766764\n", + " 1.2317762 1.0372472 1.129139 1.0181195 1.0344803 0. ]\n", + "\n", + "[ 0 1 4 2 14 3 16 9 7 8 11 13 12 5 10 15 18 17 6 19]\n", + "=======================\n", + "[\"the toxic pesticide that poisoned a u.s. family on vacation in the virgin islands has also been improperly used in puerto rico , the u.s. environmental protection agency said thursday after a federal investigation .epa regional administrator judith enck said the agency and puerto rico 's department of agriculture are investigating where and when the pesticide was used and how much was applied .steve esmond and his wife , dr theresa devine , and their two teenage sons fell seriously ill during their stay .\"]\n", + "=======================\n", + "['methyl bromide was improperly used in u.s. virgin islands resort that family was staying in when they were poisonedsteve esmond , his wife theresa divine and their two teenage sons fell seriously ill while staying at the sirenusa resort in st. johnu.s. environmental protection agency said the toxic pesticide may have been improperly applied in locations in puerto rico as wellepa regional administrator judith enck said she is not aware of anyone sickened by the pesticide in puerto rico']\n", + "the toxic pesticide that poisoned a u.s. family on vacation in the virgin islands has also been improperly used in puerto rico , the u.s. environmental protection agency said thursday after a federal investigation .epa regional administrator judith enck said the agency and puerto rico 's department of agriculture are investigating where and when the pesticide was used and how much was applied .steve esmond and his wife , dr theresa devine , and their two teenage sons fell seriously ill during their stay .\n", + "methyl bromide was improperly used in u.s. virgin islands resort that family was staying in when they were poisonedsteve esmond , his wife theresa divine and their two teenage sons fell seriously ill while staying at the sirenusa resort in st. johnu.s. environmental protection agency said the toxic pesticide may have been improperly applied in locations in puerto rico as wellepa regional administrator judith enck said she is not aware of anyone sickened by the pesticide in puerto rico\n", + "[1.2251165 1.2492563 1.2313126 1.2988224 1.0833863 1.0959313 1.124301\n", + " 1.0775113 1.0669557 1.2163421 1.2182324 1.029564 1.0140232 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 0 10 9 6 5 4 7 8 11 12 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"keeping it in the family : national front founder jean-marie le pen , 86 , right , angered daughter marine , 46 , and now wants granddaughter marion marechal-le pen , 25 , to replace him in the regional electionsmr le pen had repeated his claim that the holocaust - in which the nazis murdered six million jews - was ` a detail of history ' and had also praised france 's wartime leader marshal petain , who collaborated with hitler .now party founder le pen has told french publication le figaro that he will not stand in the south-east provence-alpes-cote d'azur region ` even though i think i am the best candidate ' .\"]\n", + "=======================\n", + "['national front founder jean-marie le pen pulls out of regional electionscriticized by daughter marine over comments about the holocaustle pen snr wants grand-daughter marion marechal-le pen to replace him']\n", + "keeping it in the family : national front founder jean-marie le pen , 86 , right , angered daughter marine , 46 , and now wants granddaughter marion marechal-le pen , 25 , to replace him in the regional electionsmr le pen had repeated his claim that the holocaust - in which the nazis murdered six million jews - was ` a detail of history ' and had also praised france 's wartime leader marshal petain , who collaborated with hitler .now party founder le pen has told french publication le figaro that he will not stand in the south-east provence-alpes-cote d'azur region ` even though i think i am the best candidate ' .\n", + "national front founder jean-marie le pen pulls out of regional electionscriticized by daughter marine over comments about the holocaustle pen snr wants grand-daughter marion marechal-le pen to replace him\n", + "[1.2360387 1.4998422 1.1990482 1.3607895 1.2550547 1.0555357 1.0205334\n", + " 1.019361 1.0322734 1.3094189 1.1259761 1.0991615 1.0297886 1.0247641\n", + " 1.0180463 1.053699 1.0146246 1.0074221 0. 0. ]\n", + "\n", + "[ 1 3 9 4 0 2 10 11 5 15 8 12 13 6 7 14 16 17 18 19]\n", + "=======================\n", + "[\"the 26-year-old woman , laura alicia caldero , claims she was sitting under a palm tree on the mamitas beach in playa del carmen when armed police forcibly removed her .the woman 's friends said she was arrested when she refused to pay a fine of about # 70video footage of a young woman being led away in handcuffs - allegedly because she was sunbathing on a private beach reserved for tourists - has gone viral in mexico and sparked a heated debate .\"]\n", + "=======================\n", + "['laura alicia caldero , 26 , removed from mamitas beach in playa del carmenshe claims she was sitting under a palm tree and was told to paylocal woman claims she was arrested when she refused to pay a finea council official claims ms caldero assaulted private guards']\n", + "the 26-year-old woman , laura alicia caldero , claims she was sitting under a palm tree on the mamitas beach in playa del carmen when armed police forcibly removed her .the woman 's friends said she was arrested when she refused to pay a fine of about # 70video footage of a young woman being led away in handcuffs - allegedly because she was sunbathing on a private beach reserved for tourists - has gone viral in mexico and sparked a heated debate .\n", + "laura alicia caldero , 26 , removed from mamitas beach in playa del carmenshe claims she was sitting under a palm tree and was told to paylocal woman claims she was arrested when she refused to pay a finea council official claims ms caldero assaulted private guards\n", + "[1.0927888 1.3516397 1.4502099 1.2865645 1.2468591 1.2191552 1.0776354\n", + " 1.0238203 1.0233552 1.0232067 1.179114 1.0909643 1.0334437 1.0198417\n", + " 1.1874062 1.0274417 1.0273354 1.0243213 1.1010648 1.0266076]\n", + "\n", + "[ 2 1 3 4 5 14 10 18 0 11 6 12 15 16 19 17 7 8 9 13]\n", + "=======================\n", + "[\"sussex police was accused of ` victim-blaming ' in its campaign , which urges women not to leave their friends alone or let them wander off with strangers .but a police poster advising women to stick together on a night out provoked anger yesterday , as campaigners claimed it suggested victims were responsible for sex attacks .anti-rape campaigners have criticised the message in this sussex police poster arguing it implies that victims are to blame for getting raped\"]\n", + "=======================\n", + "[\"sussex police poster features two young women taking a selfiethe message urges female friends to ` stick together ' on a night outcampaigners say police should be targeting potential rapists insteadbut police say they have an obligation to urge women to minimise risks\"]\n", + "sussex police was accused of ` victim-blaming ' in its campaign , which urges women not to leave their friends alone or let them wander off with strangers .but a police poster advising women to stick together on a night out provoked anger yesterday , as campaigners claimed it suggested victims were responsible for sex attacks .anti-rape campaigners have criticised the message in this sussex police poster arguing it implies that victims are to blame for getting raped\n", + "sussex police poster features two young women taking a selfiethe message urges female friends to ` stick together ' on a night outcampaigners say police should be targeting potential rapists insteadbut police say they have an obligation to urge women to minimise risks\n", + "[1.1915556 1.4497235 1.3986467 1.3405993 1.2201711 1.1489487 1.13521\n", + " 1.0642887 1.0738163 1.0185755 1.0273438 1.2398487 1.1150051 1.0450497\n", + " 1.0365357 1.0574445 1.0164554 1.0079769 1.008974 0. ]\n", + "\n", + "[ 1 2 3 11 4 0 5 6 12 8 7 15 13 14 10 9 16 18 17 19]\n", + "=======================\n", + "['xie shisheng , who was just 16 years old when was imprisoned by the mill owner , was found in a small dark room by authorities earlier this week .now 34 , a very gaunt xie , who did not know what year it was when he was rescued because he was so isolated from the outside world , said he was hit with a hammer , never fed properly and beaten daily .government authorities in the city of qingyuan in the north west guangdong province were tipped off about an illegal cotton mill .']\n", + "=======================\n", + "[\"xie shisheng was just 16 when he was imprisoned in a chinese cotton millhe 's been rescued after 18 years and says he was beaten daily and torturedxie 's captors fled the scene when police arrived at the mill on wednesday\"]\n", + "xie shisheng , who was just 16 years old when was imprisoned by the mill owner , was found in a small dark room by authorities earlier this week .now 34 , a very gaunt xie , who did not know what year it was when he was rescued because he was so isolated from the outside world , said he was hit with a hammer , never fed properly and beaten daily .government authorities in the city of qingyuan in the north west guangdong province were tipped off about an illegal cotton mill .\n", + "xie shisheng was just 16 when he was imprisoned in a chinese cotton millhe 's been rescued after 18 years and says he was beaten daily and torturedxie 's captors fled the scene when police arrived at the mill on wednesday\n", + "[1.090519 1.1174058 1.1306288 1.3096006 1.2416942 1.1721315 1.0869565\n", + " 1.1109397 1.0404315 1.0520177 1.1321567 1.0753958 1.0178866 1.0622998\n", + " 1.0427752 1.1222489 1.0981512 0. 0. 0. ]\n", + "\n", + "[ 3 4 5 10 2 15 1 7 16 0 6 11 13 9 14 8 12 18 17 19]\n", + "=======================\n", + "['the fly is initially featured looking rather pleased as it fastens its tongue onto the beef steak and has a tastelike the infamous scene from dumb and dumber involving ice , a ski lift and a tongue , the fly becomes attached to the frozen food .as the video goes on the fly tries harder and harder to set itself free -- beating its legs , heaving itself backwards and twisting slightly .']\n", + "=======================\n", + "['fly initially looks satisfied as it tastes the frozen foodbefore realising it is stuck and beating its legs in panicit then attempts to free itself by heaving backwardsthe filmmaker eventually helps it out with a heat gunthe footage was captured in auckland , new zealand']\n", + "the fly is initially featured looking rather pleased as it fastens its tongue onto the beef steak and has a tastelike the infamous scene from dumb and dumber involving ice , a ski lift and a tongue , the fly becomes attached to the frozen food .as the video goes on the fly tries harder and harder to set itself free -- beating its legs , heaving itself backwards and twisting slightly .\n", + "fly initially looks satisfied as it tastes the frozen foodbefore realising it is stuck and beating its legs in panicit then attempts to free itself by heaving backwardsthe filmmaker eventually helps it out with a heat gunthe footage was captured in auckland , new zealand\n", + "[1.485123 1.1522648 1.4568456 1.3596478 1.217201 1.2329711 1.1967589\n", + " 1.0416756 1.0396413 1.0367948 1.0258884 1.0212681 1.0167276 1.09811\n", + " 1.1144993 1.0497173 1.0250398 1.0137349 1.1236018 0. ]\n", + "\n", + "[ 0 2 3 5 4 6 1 18 14 13 15 7 8 9 10 16 11 12 17 19]\n", + "=======================\n", + "[\"hilary border , 54 , stole # 20,000 from her dementia-stricken mother , pictured outside nottingham crown courtthe mother-of-three was required to pay # 300-a-week for the 83-year-old 's care but when it doubled to # 600 the money was either late or stopped being paid at all .she pleaded guilty to fraud on the basis she took # 20,000 between october 2012 , and november 20 last year , despite the fact that prosecution said it was # 39,500 .\"]\n", + "=======================\n", + "['hilary border , 54 , pleaded guilty to fraud and has been spared jailshe stole # 20,000 from dementia-stricken mother and spent it on herselfmother-of-three refused to pay # 16,000 in care home bills for dorothy , 83she has been spared jail and ordered to carry out 150 hours of unpaid work']\n", + "hilary border , 54 , stole # 20,000 from her dementia-stricken mother , pictured outside nottingham crown courtthe mother-of-three was required to pay # 300-a-week for the 83-year-old 's care but when it doubled to # 600 the money was either late or stopped being paid at all .she pleaded guilty to fraud on the basis she took # 20,000 between october 2012 , and november 20 last year , despite the fact that prosecution said it was # 39,500 .\n", + "hilary border , 54 , pleaded guilty to fraud and has been spared jailshe stole # 20,000 from dementia-stricken mother and spent it on herselfmother-of-three refused to pay # 16,000 in care home bills for dorothy , 83she has been spared jail and ordered to carry out 150 hours of unpaid work\n", + "[1.307352 1.4367268 1.2616194 1.1565349 1.3143792 1.0932806 1.1197755\n", + " 1.0325484 1.0782462 1.1567765 1.0325396 1.0758348 1.0161119 1.01853\n", + " 1.0139807 1.0127155 1.0793831 1.0559664 1.0232967 0. ]\n", + "\n", + "[ 1 4 0 2 9 3 6 5 16 8 11 17 7 10 18 13 12 14 15 19]\n", + "=======================\n", + "['the officer , ben johnson , who has been on the force four years , was answering reports of a drunk woman inside deluxe nails at a strip mall in red rock on tuesday .police in texas are investigating claims of excessive force after an officer was caught on camera throwing an intoxicated woman to the ground of a parking lot during an arrest .when he arrived , he contained 27-year-old viviana keith , who was walking toward her car , and began handcuffing her .']\n", + "=======================\n", + "['viviana keith , 27 , reported to be drunk at a nail salon in red rock , texasofficer ben johnson arrived and found keith walking to her carhe noticed she was drunk and moved to arrest her , claiming she resistedvideo shows him slamming her to the concrete of the car parkshe was knocked out and suffered a black eyecharged with dwi with a child younger than 15 and interfering with pubic dutiesincident being investigated but johnson remains on the job']\n", + "the officer , ben johnson , who has been on the force four years , was answering reports of a drunk woman inside deluxe nails at a strip mall in red rock on tuesday .police in texas are investigating claims of excessive force after an officer was caught on camera throwing an intoxicated woman to the ground of a parking lot during an arrest .when he arrived , he contained 27-year-old viviana keith , who was walking toward her car , and began handcuffing her .\n", + "viviana keith , 27 , reported to be drunk at a nail salon in red rock , texasofficer ben johnson arrived and found keith walking to her carhe noticed she was drunk and moved to arrest her , claiming she resistedvideo shows him slamming her to the concrete of the car parkshe was knocked out and suffered a black eyecharged with dwi with a child younger than 15 and interfering with pubic dutiesincident being investigated but johnson remains on the job\n", + "[1.1777369 1.318847 1.4444687 1.1625345 1.2204708 1.1157275 1.0671436\n", + " 1.1441869 1.1393036 1.1581105 1.1735525 1.068863 1.0583636 1.0122453\n", + " 1.0948272 1.1093974 1.0626575 0. 0. 0. ]\n", + "\n", + "[ 2 1 4 0 10 3 9 7 8 5 15 14 11 6 16 12 13 18 17 19]\n", + "=======================\n", + "['the pups were apparently discovered in a discarded shoe box on tuesday afternoon and taken to the humane society for immediate treatment .video footage shows the friendly feline named kit letting the four newborn chihuahuas nuzzle her fluffy belly .taking them under her paw : a rescue cat in utah has become an unlikely mother to four abandoned puppies']\n", + "=======================\n", + "['the pups were apparently discovered in a discarded shoe box on tuesday afternoon and taken to the humane society for immediate treatmentin a bid to save their lives , vets decided to put the young dogs with a surrogate catthe pairing proved to be an instant successas kit the tabby had recently nursed her own kittens , she was able to feed the puppies with her own milk']\n", + "the pups were apparently discovered in a discarded shoe box on tuesday afternoon and taken to the humane society for immediate treatment .video footage shows the friendly feline named kit letting the four newborn chihuahuas nuzzle her fluffy belly .taking them under her paw : a rescue cat in utah has become an unlikely mother to four abandoned puppies\n", + "the pups were apparently discovered in a discarded shoe box on tuesday afternoon and taken to the humane society for immediate treatmentin a bid to save their lives , vets decided to put the young dogs with a surrogate catthe pairing proved to be an instant successas kit the tabby had recently nursed her own kittens , she was able to feed the puppies with her own milk\n", + "[1.4210734 1.3653847 1.1624653 1.1320496 1.2775756 1.1342065 1.0407591\n", + " 1.0755897 1.0877346 1.0721302 1.069886 1.0453894 1.0756845 1.0514152\n", + " 1.0785452 1.0565841 1.1562767 1.0464418 1.0220833 1.0461105]\n", + "\n", + "[ 0 1 4 2 16 5 3 8 14 12 7 9 10 15 13 17 19 11 6 18]\n", + "=======================\n", + "[\"( cnn ) at first police in marana , arizona , thought the shoplifted gun mario valencia held as he walked through a busy office park was locked and unable to fire .the cable through the lever and trigger could n't be taken off , an officer was told by an employee of the walmart where valencia took the gun and some rounds of ammunition .the 36-year-old valencia was hospitalized and within a few days transferred to jail where he faces 15 charges , including shoplifting the .30 -30 rifle .\"]\n", + "=======================\n", + "['before he was slammed into by a police car , mario valencia fired a rifle with a loosened lockhe shoplifted the gun and ammo from a walmart , where a saleswoman who showed him the weapon alerted securitywalmart says the lock was properly installed but police say it was loose when it was found']\n", + "( cnn ) at first police in marana , arizona , thought the shoplifted gun mario valencia held as he walked through a busy office park was locked and unable to fire .the cable through the lever and trigger could n't be taken off , an officer was told by an employee of the walmart where valencia took the gun and some rounds of ammunition .the 36-year-old valencia was hospitalized and within a few days transferred to jail where he faces 15 charges , including shoplifting the .30 -30 rifle .\n", + "before he was slammed into by a police car , mario valencia fired a rifle with a loosened lockhe shoplifted the gun and ammo from a walmart , where a saleswoman who showed him the weapon alerted securitywalmart says the lock was properly installed but police say it was loose when it was found\n", + "[1.3017927 1.4041322 1.1823637 1.3730955 1.196162 1.0518564 1.0610614\n", + " 1.0694555 1.0833881 1.0937212 1.0756208 1.0421374 1.0346363 1.0747072\n", + " 1.0545955 1.044145 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 9 8 10 13 7 6 14 5 15 11 12 18 16 17 19]\n", + "=======================\n", + "[\"the image shows a giant distant cluster of about 3,000 stars called westerlund 2 inside a stellar ` breeding ground ' called gum 29 , 20,000 light-years from earth .to celebrate the 25th anniversary of the hubble space telescope tomorrow , nasa has released an image of a fantastic tapestry of stars snapped by the orbiting observatory .hubble was launched on 24 april 1990 aboard space shuttle discovery .\"]\n", + "=======================\n", + "[\"nasa scientists in california have released an image of distant giant cluster of 3,000 stars called westerlund 2massive stars are seen feeding regions of dust and gas in the image , sparking new star formationthe image was released to mark the hubble space telescope 's 25th anniversary tomorrowit was launched on 24 april 1990 and , after a shaky start , has had a hugely successful career\"]\n", + "the image shows a giant distant cluster of about 3,000 stars called westerlund 2 inside a stellar ` breeding ground ' called gum 29 , 20,000 light-years from earth .to celebrate the 25th anniversary of the hubble space telescope tomorrow , nasa has released an image of a fantastic tapestry of stars snapped by the orbiting observatory .hubble was launched on 24 april 1990 aboard space shuttle discovery .\n", + "nasa scientists in california have released an image of distant giant cluster of 3,000 stars called westerlund 2massive stars are seen feeding regions of dust and gas in the image , sparking new star formationthe image was released to mark the hubble space telescope 's 25th anniversary tomorrowit was launched on 24 april 1990 and , after a shaky start , has had a hugely successful career\n", + "[1.1854542 1.4081721 1.2736726 1.3700823 1.2340214 1.0872207 1.1123255\n", + " 1.1377175 1.095487 1.0353167 1.0662756 1.0438615 1.0312741 1.0590736\n", + " 1.061379 1.0563827 1.0377532 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 7 6 8 5 10 14 13 15 11 16 9 12 18 17 19]\n", + "=======================\n", + "[\"a close friend told how joseph o'riordan , 74 , had confided in him about the extraordinary plan for his 47-year-old wife mandy .extraordinary deal : joseph o'riordan stabbed his wife of ten years amanda ( left ) with a seven inch kitchen knife eight times - yesterday brighton crown court heard he was considering allowing her to have affairso'riordan , a councillor and former nightclub owner , stabbed her eight times in a jealous rage after finding out she had been having an affair with a postman .\"]\n", + "=======================\n", + "[\"joseph o'riordan , 73 , stabbed wife eight times after discovering her affairshe was left with life-threatening injuries to her torso , chest , arms and backyesterday brighton crown court heard about deal he was ready to offer herhe had told friend about the idea while in the pub just days before stabbing\"]\n", + "a close friend told how joseph o'riordan , 74 , had confided in him about the extraordinary plan for his 47-year-old wife mandy .extraordinary deal : joseph o'riordan stabbed his wife of ten years amanda ( left ) with a seven inch kitchen knife eight times - yesterday brighton crown court heard he was considering allowing her to have affairso'riordan , a councillor and former nightclub owner , stabbed her eight times in a jealous rage after finding out she had been having an affair with a postman .\n", + "joseph o'riordan , 73 , stabbed wife eight times after discovering her affairshe was left with life-threatening injuries to her torso , chest , arms and backyesterday brighton crown court heard about deal he was ready to offer herhe had told friend about the idea while in the pub just days before stabbing\n", + "[1.389414 1.4581157 1.1848066 1.432008 1.0624337 1.1194617 1.0464574\n", + " 1.0417218 1.0224352 1.0260445 1.0377594 1.058101 1.1130332 1.065394\n", + " 1.0432124 1.015915 1.024047 1.0111154 1.0911537 0. ]\n", + "\n", + "[ 1 3 0 2 5 12 18 13 4 11 6 14 7 10 9 16 8 15 17 19]\n", + "=======================\n", + "[\"on his show jimmy kimmel live the comedian sang an excerpt of the song , penned and recorded by pacquiao to be his walk-out music for the richest fight of all time against floyd mayweather .kimmel 's sidekick manuel sways to kimmel also as he sings the song dedicated to the filipino peoplepacquiao 's 80s-style music video includes a montage of the boxer 's fights and his humanitarian efforts\"]\n", + "=======================\n", + "[\"us comedian jimmy kimmel sang lalaban ako in tagalog on his showpacquiao thanked kimmel for ` trying to sing my song ' in a twitter videojimmy kimmel live was the first us talk show the filipino ever went onpacquiao fights floyd mayweather jr in las vegas , nevada , on may 2\"]\n", + "on his show jimmy kimmel live the comedian sang an excerpt of the song , penned and recorded by pacquiao to be his walk-out music for the richest fight of all time against floyd mayweather .kimmel 's sidekick manuel sways to kimmel also as he sings the song dedicated to the filipino peoplepacquiao 's 80s-style music video includes a montage of the boxer 's fights and his humanitarian efforts\n", + "us comedian jimmy kimmel sang lalaban ako in tagalog on his showpacquiao thanked kimmel for ` trying to sing my song ' in a twitter videojimmy kimmel live was the first us talk show the filipino ever went onpacquiao fights floyd mayweather jr in las vegas , nevada , on may 2\n", + "[1.2999947 1.2388425 1.325788 1.257503 1.2070574 1.1064801 1.0773798\n", + " 1.0732145 1.036798 1.0646558 1.0235175 1.1936054 1.0629374 1.0644654\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 1 4 11 5 6 7 9 13 12 8 10 14 15 16 17 18 19]\n", + "=======================\n", + "[\"a colonel and two lieutenant colonels also died in the attack in the nadhem al-taqseem region , north of fallujah in the anbar province yesterday .islamic state fighters ambushed an iraqi army convoy of humvees with a bulldozer packed with explosives , killing a commander and three of his soldiers , military officials have confirmed .iraqi army : the country 's army is embroiled in a fierce battle to reconquer the western anbar province\"]\n", + "=======================\n", + "['isis fighters ambushed an iraqi army convoy of humvees north of fallujaha suicide bomber attacked vehicles before militants opened fire yesterdaycommander of iraqi first division , colonel and two lieutenant colonels killed']\n", + "a colonel and two lieutenant colonels also died in the attack in the nadhem al-taqseem region , north of fallujah in the anbar province yesterday .islamic state fighters ambushed an iraqi army convoy of humvees with a bulldozer packed with explosives , killing a commander and three of his soldiers , military officials have confirmed .iraqi army : the country 's army is embroiled in a fierce battle to reconquer the western anbar province\n", + "isis fighters ambushed an iraqi army convoy of humvees north of fallujaha suicide bomber attacked vehicles before militants opened fire yesterdaycommander of iraqi first division , colonel and two lieutenant colonels killed\n", + "[1.2546487 1.4317025 1.3010317 1.1646298 1.1517358 1.130585 1.1300516\n", + " 1.1786245 1.1034396 1.0659635 1.0401897 1.0983921 1.1095904 1.126808\n", + " 1.0899568 1.0937155 1.0649459 1.0509665 1.0285733 1.0221835]\n", + "\n", + "[ 1 2 0 7 3 4 5 6 13 12 8 11 15 14 9 16 17 10 18 19]\n", + "=======================\n", + "[\"operation xeres will focus on allegations relating to abuse at skegby hall children 's home near mansfield .the inquiry will also look into nine other centres in nottinghamshire where children were said to have been physically or sexually abused .police have launched a major investigation into claims of sexual abuse at care homes in nottinghamshire dating back more than 70 years .\"]\n", + "=======================\n", + "[\"operation xeres will focus on abuse claims at skegby hall children 's homeinquiry will have a team of 20 looking into the historical abuse claimsmore than 20 claims have been made relating to abuse in care homes\"]\n", + "operation xeres will focus on allegations relating to abuse at skegby hall children 's home near mansfield .the inquiry will also look into nine other centres in nottinghamshire where children were said to have been physically or sexually abused .police have launched a major investigation into claims of sexual abuse at care homes in nottinghamshire dating back more than 70 years .\n", + "operation xeres will focus on abuse claims at skegby hall children 's homeinquiry will have a team of 20 looking into the historical abuse claimsmore than 20 claims have been made relating to abuse in care homes\n", + "[1.3615447 1.1975981 1.3207502 1.1862626 1.166984 1.1366645 1.140827\n", + " 1.1101648 1.1187471 1.112518 1.1039208 1.0247343 1.0597527 1.10594\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 4 6 5 8 9 7 13 10 12 11 18 14 15 16 17 19]\n", + "=======================\n", + "[\"tom o'carroll , a leading member of the notorious paedophile information exchange ( above ) , has joined the supporters of the media pressure group hacked offthe organisation , set up in the wake of the phone-hacking scandal , is campaigning against what it sees as the ` biased and unfair ' independent press standards organisation .it wants mps to set up a statutory body to regulate the press , as recommended by the leveson inquiry .\"]\n", + "=======================\n", + "[\"tom o'carroll went to rally in houses of parliament on february 2569-year-old former key activist jailed in 1981 for ` corrupting public morals 'pie was formed in 1974 to campaign for sex with children to be legalisedhis attendance at the meeting is likely to be an embarrassment for group\"]\n", + "tom o'carroll , a leading member of the notorious paedophile information exchange ( above ) , has joined the supporters of the media pressure group hacked offthe organisation , set up in the wake of the phone-hacking scandal , is campaigning against what it sees as the ` biased and unfair ' independent press standards organisation .it wants mps to set up a statutory body to regulate the press , as recommended by the leveson inquiry .\n", + "tom o'carroll went to rally in houses of parliament on february 2569-year-old former key activist jailed in 1981 for ` corrupting public morals 'pie was formed in 1974 to campaign for sex with children to be legalisedhis attendance at the meeting is likely to be an embarrassment for group\n", + "[1.245829 1.35859 1.2473297 1.0950474 1.2576482 1.2691624 1.1001853\n", + " 1.1457958 1.070672 1.0603683 1.0575194 1.1063088 1.0434569 1.0429649\n", + " 1.0486722 1.0683744 1.024238 1.0154629 1.0101244 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 5 4 2 0 7 11 6 3 8 15 9 10 14 12 13 16 17 18 22 19 20 21 23]\n", + "=======================\n", + "[\"the oscar-winning actor posted on social media that a ` benjamin cole ' of georgia , an ancestor on his mother 's side , was the relative dropped from the pbs show about his family history .his name was benjamin cole - lived in georgia on my mom 's side about six generations back . 'ben affleck today finally admitted the name of the slave ancestor he had censored from his past .\"]\n", + "=======================\n", + "[\"ben affleck has revealed name of the slave-owning ancestor which he got pbs to cut from finding my rootshe says his freedom rider mother chris anne was descended from benjamin cole , a georgia slave-owner ` about six generations ' agooscar winner apologized last night for having pbs show cut revelation of his slave-owning roots , which was first revealed last week by daily mail onlinei did n't want any television show about my family to include a guy who owned slaves .pbs has launched an internal investigation into whether or not finding your roots violated their editorial standards and its host 's future is in doubt\"]\n", + "the oscar-winning actor posted on social media that a ` benjamin cole ' of georgia , an ancestor on his mother 's side , was the relative dropped from the pbs show about his family history .his name was benjamin cole - lived in georgia on my mom 's side about six generations back . 'ben affleck today finally admitted the name of the slave ancestor he had censored from his past .\n", + "ben affleck has revealed name of the slave-owning ancestor which he got pbs to cut from finding my rootshe says his freedom rider mother chris anne was descended from benjamin cole , a georgia slave-owner ` about six generations ' agooscar winner apologized last night for having pbs show cut revelation of his slave-owning roots , which was first revealed last week by daily mail onlinei did n't want any television show about my family to include a guy who owned slaves .pbs has launched an internal investigation into whether or not finding your roots violated their editorial standards and its host 's future is in doubt\n", + "[1.5024734 1.1624224 1.1750622 1.4812183 1.2308807 1.1257005 1.0394427\n", + " 1.0150564 1.0765785 1.0197073 1.0440688 1.0183258 1.0649717 1.0621443\n", + " 1.0299097 1.1100326 1.0235224 1.0427091 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 2 1 5 15 8 12 13 10 17 6 14 16 9 11 7 18 19 20 21 22 23]\n", + "=======================\n", + "[\"arsene wenger wants cesc fabregas to be shown the ` respect he deserves ' when he returns to the emirates stadium in the blue of chelsea on sunday .cesc fabregas returns to arsenal on sunday and arsene wenger hopes fans will give him a good receptionwenger wants ` respect ' for the club 's former players and counts fabregas as a man who deserves that\"]\n", + "=======================\n", + "['arsenal face chelsea at the emirates stadium on sunday afternooncesc fabregas makes his first return to his former club in the clasharsenal manager arsene wenger wants fans to respect ex-playersthe gunners had the chance to re-sign fabregas but he went to chelseawenger refuses to say if he regrets that but admits he wishes he never leftread : arsenal can beat chelsea , says arsene wengerarsenal vs chelsea special : cesc fabregas makes emirates return']\n", + "arsene wenger wants cesc fabregas to be shown the ` respect he deserves ' when he returns to the emirates stadium in the blue of chelsea on sunday .cesc fabregas returns to arsenal on sunday and arsene wenger hopes fans will give him a good receptionwenger wants ` respect ' for the club 's former players and counts fabregas as a man who deserves that\n", + "arsenal face chelsea at the emirates stadium on sunday afternooncesc fabregas makes his first return to his former club in the clasharsenal manager arsene wenger wants fans to respect ex-playersthe gunners had the chance to re-sign fabregas but he went to chelseawenger refuses to say if he regrets that but admits he wishes he never leftread : arsenal can beat chelsea , says arsene wengerarsenal vs chelsea special : cesc fabregas makes emirates return\n", + "[1.3206122 1.1936212 1.3542931 1.2827617 1.06217 1.1775751 1.029473\n", + " 1.0304732 1.0244457 1.1044186 1.1184759 1.0741025 1.0247608 1.0576303\n", + " 1.0467031 1.0720289 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 1 5 10 9 11 15 4 13 14 7 6 12 8 22 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"the company said at its annual build conference on wednesday that it will release new programming tools for software developers to rapidly adapt their apple and android apps to run on devices that use the new windows 10 operating system coming late this year .the move marks a radical shift in strategy for the world 's biggest software company , which still dominates the personal computer market but has failed to get any real traction on tablets and phones , partly because of a lack of apps .new operating system will run on the ` broadest types of devices ever ' .\"]\n", + "=======================\n", + "['new programming tools can rapidly adapt apple and android appsfirm also revealed new browser to replace ie will be called edge']\n", + "the company said at its annual build conference on wednesday that it will release new programming tools for software developers to rapidly adapt their apple and android apps to run on devices that use the new windows 10 operating system coming late this year .the move marks a radical shift in strategy for the world 's biggest software company , which still dominates the personal computer market but has failed to get any real traction on tablets and phones , partly because of a lack of apps .new operating system will run on the ` broadest types of devices ever ' .\n", + "new programming tools can rapidly adapt apple and android appsfirm also revealed new browser to replace ie will be called edge\n", + "[1.2313187 1.3738885 1.2710344 1.3343236 1.2671149 1.1345621 1.1312773\n", + " 1.0984042 1.1314192 1.0382979 1.0199594 1.043137 1.0179379 1.087301\n", + " 1.0664102 1.0298408 1.0103177 1.0116235 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 5 8 6 7 13 14 11 9 15 10 12 17 16 18 19 20 21 22 23]\n", + "=======================\n", + "[\"the labour leader admitted that in the past his party had been ` too timid ' about making clear that for communities to live together they must use a shared language .but the tories said there was nothing in mr miliband 's plans to act to reduce the number of people moving to britain , after net migration hit 298,000 in a year .mr miliband pledged a new crackdown on illegal exploitation of migrant workers , promising a home office task force to boost prosecutions and fines on bad employers .\"]\n", + "=======================\n", + "[\"labour leader says speaking english is especially important in the nhssays communities can not live together if they do n't have shared languagewarns exploitation drives low-skilled migration and holds down wagesadmits it was wrong to open the doors to poles in 2004 without curbs\"]\n", + "the labour leader admitted that in the past his party had been ` too timid ' about making clear that for communities to live together they must use a shared language .but the tories said there was nothing in mr miliband 's plans to act to reduce the number of people moving to britain , after net migration hit 298,000 in a year .mr miliband pledged a new crackdown on illegal exploitation of migrant workers , promising a home office task force to boost prosecutions and fines on bad employers .\n", + "labour leader says speaking english is especially important in the nhssays communities can not live together if they do n't have shared languagewarns exploitation drives low-skilled migration and holds down wagesadmits it was wrong to open the doors to poles in 2004 without curbs\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[1.482246 1.3683189 1.0960021 1.4377148 1.3190954 1.0934627 1.0448118\n", + " 1.0561755 1.0422559 1.048971 1.0525044 1.0171053 1.0177695 1.0111282\n", + " 1.0256599 1.1599864 1.1944482 1.0359536 1.041903 1.015949 1.0968804\n", + " 1.006387 1.009333 1.013565 ]\n", + "\n", + "[ 0 3 1 4 16 15 20 2 5 7 10 9 6 8 18 17 14 12 11 19 23 13 22 21]\n", + "=======================\n", + "[\"carlo ancelotti hailed diego simeone as one of the world 's best coaches as the italian looked ahead to real madrid 's champions league clash with atletico madrid .real madrid travel to the vicente calderon for their quarter-final first-leg match on tuesday , and ancelotti admits facing simeone is both an ` honour ' and a ` problem ' .simeone 's atleti side host rivals real madrid in their champions league quarter-final first leg on tuesday\"]\n", + "=======================\n", + "['carlo ancelotti says diego simeone has proved himself as one of the bestreal madrid face champions league quarter-final clash against atleticoreal boss reveals he has a fully fit squad to choose from for the first leg']\n", + "carlo ancelotti hailed diego simeone as one of the world 's best coaches as the italian looked ahead to real madrid 's champions league clash with atletico madrid .real madrid travel to the vicente calderon for their quarter-final first-leg match on tuesday , and ancelotti admits facing simeone is both an ` honour ' and a ` problem ' .simeone 's atleti side host rivals real madrid in their champions league quarter-final first leg on tuesday\n", + "carlo ancelotti says diego simeone has proved himself as one of the bestreal madrid face champions league quarter-final clash against atleticoreal boss reveals he has a fully fit squad to choose from for the first leg\n", + "[1.305219 1.5879736 1.2230113 1.3616052 1.2754153 1.1472654 1.016121\n", + " 1.0189813 1.0176586 1.1279333 1.0115429 1.0329269 1.0465188 1.1890398\n", + " 1.0860561 1.1089118 1.007089 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 13 5 9 15 14 12 11 7 8 6 10 16 17 18]\n", + "=======================\n", + "[\"the belgium striker was signed by liverpool in a # 10million deal after impressing at the 2014 world cup in brazil , before being loaned back to lille for the 2014-15 season .divock origi said the progress of liverpool 's youngsters have heightened his excitement at joining the clubbut origi has been following liverpool 's progress from across the english channel and after seeing the rise of ibe and raheem sterling , is eagerly anticipating working under brendan rodgers .\"]\n", + "=======================\n", + "[\"divock origi signed for liverpool last year but went back to lille on loanhe will join up with liverpool properly after the end of the seasonorigi is impressed with the progress of jordon ibe and raheem sterlingsterling insists contract criticism ` goes in one ear and out the other 'click here for all the latest liverpool news\"]\n", + "the belgium striker was signed by liverpool in a # 10million deal after impressing at the 2014 world cup in brazil , before being loaned back to lille for the 2014-15 season .divock origi said the progress of liverpool 's youngsters have heightened his excitement at joining the clubbut origi has been following liverpool 's progress from across the english channel and after seeing the rise of ibe and raheem sterling , is eagerly anticipating working under brendan rodgers .\n", + "divock origi signed for liverpool last year but went back to lille on loanhe will join up with liverpool properly after the end of the seasonorigi is impressed with the progress of jordon ibe and raheem sterlingsterling insists contract criticism ` goes in one ear and out the other 'click here for all the latest liverpool news\n", + "[1.3729224 1.3818946 1.3077495 1.0538788 1.1968815 1.142592 1.0454654\n", + " 1.0657845 1.0457572 1.0802543 1.0264527 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 5 9 7 3 8 6 10 17 11 12 13 14 15 16 18]\n", + "=======================\n", + "[\"ian pettigrew , 46 , from ontario , canada , was working on his book of portraits , just breathe : adults with cystic fibrosis , when he realized that he had far more female subjects than male .a fashion photographer suffering from cystic fibrosis ( cf ) is revolutionizing the way people look at the life-threatening disorder by snapping the portraits of 56 adult women living with the genetic disease to bring hope to children and teens diagnosed with the condition , which has no known cure .after someone noted that the collection of photos was ` turning out to be a bunch of hot chicks with cf ' , he became inspired to start his second project , salty girls , starring women with the disorder , which damages the lungs and digestive system . '\"]\n", + "=======================\n", + "[\"56 women with cystic fibrosis have been photographed so far for ian pettigrew 's upcoming photography book salty girlsthe 46-year-old from ontario , canada , said the project is ` dedicated to showing how beautiful those fighting cf truly are 'cystic fibrosis is a life-threatening genetic condition that damages the lungs and digestive system\"]\n", + "ian pettigrew , 46 , from ontario , canada , was working on his book of portraits , just breathe : adults with cystic fibrosis , when he realized that he had far more female subjects than male .a fashion photographer suffering from cystic fibrosis ( cf ) is revolutionizing the way people look at the life-threatening disorder by snapping the portraits of 56 adult women living with the genetic disease to bring hope to children and teens diagnosed with the condition , which has no known cure .after someone noted that the collection of photos was ` turning out to be a bunch of hot chicks with cf ' , he became inspired to start his second project , salty girls , starring women with the disorder , which damages the lungs and digestive system . '\n", + "56 women with cystic fibrosis have been photographed so far for ian pettigrew 's upcoming photography book salty girlsthe 46-year-old from ontario , canada , said the project is ` dedicated to showing how beautiful those fighting cf truly are 'cystic fibrosis is a life-threatening genetic condition that damages the lungs and digestive system\n", + "[1.2252871 1.3091886 1.3000338 1.2940828 1.2094028 1.1066352 1.2421188\n", + " 1.1744307 1.1033555 1.0375518 1.2289286 1.1514134 1.0101621 1.0969241\n", + " 1.0676155 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 6 10 0 4 7 11 5 8 13 14 9 12 17 15 16 18]\n", + "=======================\n", + "['the driver was left bloodied after the man allegedly hit him with a broken fence paling , witnesses told the herald sun .police say the car crashed through a fence and into the front bedroom of the breakwater house after its driver apparently failed to negotiate a roundabout just after 8.30 pm on sunday .a baby girl is in hospital with life-threatening injuries after a car crashed into the bedroom of a geelong house']\n", + "=======================\n", + "[\"a four-month-old baby girl is in hospital with life-threatening injuriesa 20-year-old man 's car crashed into the bedroom of her geelong housepolice say a car crashed through a fence and into the breakwater house after its driver apparently failed to negotiate a roundabout\"]\n", + "the driver was left bloodied after the man allegedly hit him with a broken fence paling , witnesses told the herald sun .police say the car crashed through a fence and into the front bedroom of the breakwater house after its driver apparently failed to negotiate a roundabout just after 8.30 pm on sunday .a baby girl is in hospital with life-threatening injuries after a car crashed into the bedroom of a geelong house\n", + "a four-month-old baby girl is in hospital with life-threatening injuriesa 20-year-old man 's car crashed into the bedroom of her geelong housepolice say a car crashed through a fence and into the breakwater house after its driver apparently failed to negotiate a roundabout\n", + "[1.2632318 1.4063141 1.3481239 1.4043924 1.2473716 1.1784725 1.0423216\n", + " 1.0519713 1.0892841 1.131847 1.1642084 1.0480894 1.0106301 1.0125295\n", + " 1.0168846 1.0138286 1.0170771 1.0094248 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 10 9 8 7 11 6 16 14 15 13 12 17 18]\n", + "=======================\n", + "[\"motaz zaid , who is currently studying economics at the university of greenwich , was with a friend in st marks close in parsons green , south west london , in the early hours of friday when the group of thugs targeted them .his friend , who wishes to remain anonymous , said the pair were sprayed with ammonia and assaulted with tools before mr zaid , 20 , was bundled into a mercedes c220 estate and driven off .a student remains under police guard in hospital after being kidnapped , tortured with pliers and forced to drink bleach by masked men in an apparent revenge attack for ` accidentally scraping a man 's car ' .\"]\n", + "=======================\n", + "['motaz zaid , 20 , apparently kidnapped , tortured and forced to drink bleachhe was bundled into a mercedes c220 estate , attacked and later dumpedpolice found him at the roadside in south west london with critical injuriesofficers now hunting gang of masked raiders accused of the horrific attack']\n", + "motaz zaid , who is currently studying economics at the university of greenwich , was with a friend in st marks close in parsons green , south west london , in the early hours of friday when the group of thugs targeted them .his friend , who wishes to remain anonymous , said the pair were sprayed with ammonia and assaulted with tools before mr zaid , 20 , was bundled into a mercedes c220 estate and driven off .a student remains under police guard in hospital after being kidnapped , tortured with pliers and forced to drink bleach by masked men in an apparent revenge attack for ` accidentally scraping a man 's car ' .\n", + "motaz zaid , 20 , apparently kidnapped , tortured and forced to drink bleachhe was bundled into a mercedes c220 estate , attacked and later dumpedpolice found him at the roadside in south west london with critical injuriesofficers now hunting gang of masked raiders accused of the horrific attack\n", + "[1.3926177 1.3321439 1.281723 1.3177476 1.1405337 1.1149225 1.0623605\n", + " 1.0265117 1.0197995 1.0866276 1.1220831 1.1574087 1.0810274 1.0884315\n", + " 1.0236055 1.0418059 1.0181859 1.0085926 1.0597926]\n", + "\n", + "[ 0 1 3 2 11 4 10 5 13 9 12 6 18 15 7 14 8 16 17]\n", + "=======================\n", + "[\"countryfile presenter ellie harrison said that she completely ` accepts ' that she will one day be replaced on the bbc show .the 37-year-old , who has defended her image against criticism that she 's too ` hollywood ' , told the mirror : ` you 're hot one year but completely out of favour the next . 'but the mother-of-two , who joined the programme in 2011 , said she 'd love to stay where she is for ' a long time ' .\"]\n", + "=======================\n", + "[\"ellie harrison says she ` accepts ' that she will one day be replacedshe has previously been asked to be less ` hollywood ' on screen a comment she believes refers to her blonde hairin 2009 bbc came under fire for dropping former countryfile presenter miriam o'reilly who successfully sued them in 2009\"]\n", + "countryfile presenter ellie harrison said that she completely ` accepts ' that she will one day be replaced on the bbc show .the 37-year-old , who has defended her image against criticism that she 's too ` hollywood ' , told the mirror : ` you 're hot one year but completely out of favour the next . 'but the mother-of-two , who joined the programme in 2011 , said she 'd love to stay where she is for ' a long time ' .\n", + "ellie harrison says she ` accepts ' that she will one day be replacedshe has previously been asked to be less ` hollywood ' on screen a comment she believes refers to her blonde hairin 2009 bbc came under fire for dropping former countryfile presenter miriam o'reilly who successfully sued them in 2009\n", + "[1.2824336 1.26803 1.348924 1.0893185 1.0918444 1.0892706 1.1972432\n", + " 1.1408306 1.0415125 1.0268342 1.0425701 1.1259506 1.1115509 1.1228085\n", + " 1.092597 1.0602218 1.0963324 1.0543431 1.0549314 1.0429213 1.0461746]\n", + "\n", + "[ 2 0 1 6 7 11 13 12 16 14 4 3 5 15 18 17 20 19 10 8 9]\n", + "=======================\n", + "['the london ambulance service said at the peak they were dealing with over 600 calls per hour which is more than three times as many as on a normal night .emergency services were inundated with 600 calls an hour last night as revellers up and down britain drank in 2012 .paramedics were stretched to the limit and in cambridge a territorial army field hospital was set-up to deal with drunk partygoers .']\n", + "=======================\n", + "['77 people arrested in london as 3,000 police officers flood the streetsambulance crews in the capital receive 2,333 calls']\n", + "the london ambulance service said at the peak they were dealing with over 600 calls per hour which is more than three times as many as on a normal night .emergency services were inundated with 600 calls an hour last night as revellers up and down britain drank in 2012 .paramedics were stretched to the limit and in cambridge a territorial army field hospital was set-up to deal with drunk partygoers .\n", + "77 people arrested in london as 3,000 police officers flood the streetsambulance crews in the capital receive 2,333 calls\n", + "[1.3666806 1.303253 1.1879513 1.1098429 1.1479816 1.0648545 1.2844152\n", + " 1.0463744 1.0328171 1.1679599 1.0910326 1.0462381 1.0207258 1.017607\n", + " 1.0543251 1.018084 1.0135374 1.0175962 1.0434334 0. 0. ]\n", + "\n", + "[ 0 1 6 2 9 4 3 10 5 14 7 11 18 8 12 15 13 17 16 19 20]\n", + "=======================\n", + "[\"kim kardashian has revealed that she is going to great lengths to make sure that her luxurious designer wardrobe stays in mint condition because she plans on handing ` everything ' down to her 22-month-old daughter north west .[ ` i 'm saving ] every last piece , ' kim told the huffington post of her most memorable designer ensembles .the dress that i wore on the cover of vogue will be hers .\"]\n", + "=======================\n", + "[\"the 34-year-old revealed that she keeps ` everything ' she wears and stores the items in ` clear plastic bags 'kim gave birth to north , her first child with husband kanye west , on june 15 , 2013\"]\n", + "kim kardashian has revealed that she is going to great lengths to make sure that her luxurious designer wardrobe stays in mint condition because she plans on handing ` everything ' down to her 22-month-old daughter north west .[ ` i 'm saving ] every last piece , ' kim told the huffington post of her most memorable designer ensembles .the dress that i wore on the cover of vogue will be hers .\n", + "the 34-year-old revealed that she keeps ` everything ' she wears and stores the items in ` clear plastic bags 'kim gave birth to north , her first child with husband kanye west , on june 15 , 2013\n", + "[1.4714509 1.1452602 1.3278948 1.5519097 1.3433557 1.0722226 1.0328808\n", + " 1.0144745 1.0139368 1.0508476 1.0136275 1.0106844 1.1733038 1.1579117\n", + " 1.0458971 1.0139444 1.0120279 1.0074687 0. 0. 0. ]\n", + "\n", + "[ 3 0 4 2 12 13 1 5 9 14 6 7 15 8 10 16 11 17 19 18 20]\n", + "=======================\n", + "[\"raheem sterling will still be a liverpool player next season , insists reds boss brendan rodgerssterling ( left ) started liverpool 's 4-1 defeat at arsenal on saturday despite going public over his club contractsterling told the bbc that he turned down a new # 100,000-a-week deal but insisted he was not a ` money-grabbing 20-year-old ' , while also admitting that links to saturday 's opponents arsenal were ` quite flattering ' .\"]\n", + "=======================\n", + "[\"arsenal beat liverpool 4-1 in their premier league encounter on saturdayraheem sterling won a second half penalty for the visitors at the emiratessterling has turned down a liverpool deal worth # 100,000-a-week20-year-old gave an interview to the bbc on wednesday over the issuedefeat leaves seven points adrift of fourth-placed manchester city - in race for qualifying for next season 's champions league\"]\n", + "raheem sterling will still be a liverpool player next season , insists reds boss brendan rodgerssterling ( left ) started liverpool 's 4-1 defeat at arsenal on saturday despite going public over his club contractsterling told the bbc that he turned down a new # 100,000-a-week deal but insisted he was not a ` money-grabbing 20-year-old ' , while also admitting that links to saturday 's opponents arsenal were ` quite flattering ' .\n", + "arsenal beat liverpool 4-1 in their premier league encounter on saturdayraheem sterling won a second half penalty for the visitors at the emiratessterling has turned down a liverpool deal worth # 100,000-a-week20-year-old gave an interview to the bbc on wednesday over the issuedefeat leaves seven points adrift of fourth-placed manchester city - in race for qualifying for next season 's champions league\n", + "[1.3815994 1.4032434 1.3418189 1.5110323 1.152673 1.0234768 1.0385308\n", + " 1.0187114 1.0152475 1.0747354 1.168539 1.1234137 1.085027 1.0592374\n", + " 1.0775113 1.0384085 1.0677342 1.0097523 1.0080996 0. 0. ]\n", + "\n", + "[ 3 1 0 2 10 4 11 12 14 9 16 13 6 15 5 7 8 17 18 19 20]\n", + "=======================\n", + "['darren bent has scored nine goals in 13 games for derby since going on loan from aston villa in januarybent was out of favour with sacked manager paul lambert and rams boss steve mcclaren took the chance to add the experienced striker to his line-up on loan until the end of the campaign .but with tim sherwood now in charge at villa park the 31-year-old is keeping his options open .']\n", + "=======================\n", + "[\"darren bent said he 'll wait until the season 's end to decide on his futurevilla striker becomes a free agent at the end of this campaign with derbybent 's been on loan with brighton , fulham and derby most recentlyhe was out of favour with paul lambert but could return for tim sherwoodclick here for all the latest aston villa news\"]\n", + "darren bent has scored nine goals in 13 games for derby since going on loan from aston villa in januarybent was out of favour with sacked manager paul lambert and rams boss steve mcclaren took the chance to add the experienced striker to his line-up on loan until the end of the campaign .but with tim sherwood now in charge at villa park the 31-year-old is keeping his options open .\n", + "darren bent said he 'll wait until the season 's end to decide on his futurevilla striker becomes a free agent at the end of this campaign with derbybent 's been on loan with brighton , fulham and derby most recentlyhe was out of favour with paul lambert but could return for tim sherwoodclick here for all the latest aston villa news\n", + "[1.2655933 1.3350472 1.2218407 1.1893187 1.169448 1.2285469 1.138078\n", + " 1.0788634 1.0848433 1.0382301 1.040466 1.078311 1.0575778 1.0590163\n", + " 1.1426928 1.0379486 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 5 2 3 4 14 6 8 7 11 13 12 10 9 15 16 17 18 19 20]\n", + "=======================\n", + "['the tory party chairman had been accused this week of using an anonymous user id to delete embarrassing facts about his past and add unflattering details about his political rivals .the wikipedia official who accused grant shapps of doctoring his own online biography was exposed yesterday as a former liberal democrat member .volunteer : richard symonds , who joined the wikipedia project in 2004 , says he was not being political']\n", + "=======================\n", + "[\"official who accused mr shapps of doctoring his profile a former lib demrichard symonds , 29 , is one of the uk 's top administrators for wikipediahowever , he once described himself as a ` liberal democrat to the last 'he decided to block a user called ` contribsx ' on tuesday after concluding it was probably operated by mr shapps or under his ` clear direction '\"]\n", + "the tory party chairman had been accused this week of using an anonymous user id to delete embarrassing facts about his past and add unflattering details about his political rivals .the wikipedia official who accused grant shapps of doctoring his own online biography was exposed yesterday as a former liberal democrat member .volunteer : richard symonds , who joined the wikipedia project in 2004 , says he was not being political\n", + "official who accused mr shapps of doctoring his profile a former lib demrichard symonds , 29 , is one of the uk 's top administrators for wikipediahowever , he once described himself as a ` liberal democrat to the last 'he decided to block a user called ` contribsx ' on tuesday after concluding it was probably operated by mr shapps or under his ` clear direction '\n", + "[1.2971222 1.0366173 1.0959902 1.0337198 1.2330236 1.3134402 1.2274786\n", + " 1.1146944 1.1276934 1.1388565 1.1920953 1.0930824 1.0626843 1.0661372\n", + " 1.0934542 1.0601324 1.0262222 1.0162072 1.0642568 1.0253332 0.\n", + " 0. ]\n", + "\n", + "[ 5 0 4 6 10 9 8 7 2 14 11 13 18 12 15 1 3 16 19 17 20 21]\n", + "=======================\n", + "[\"the pain can severely impact on quality of life , as eating and drinking are significantly affected .q : i have been suffering from mouth ulcers for the past five months and feel i 'm living on bonjela and mouthwash .a : mouth ulcers may seem like a minor ailment but can actually be incredibly distressing .\"]\n", + "=======================\n", + "[\"the mail on sunday 's brilliant gp with all the health answers you need\"]\n", + "the pain can severely impact on quality of life , as eating and drinking are significantly affected .q : i have been suffering from mouth ulcers for the past five months and feel i 'm living on bonjela and mouthwash .a : mouth ulcers may seem like a minor ailment but can actually be incredibly distressing .\n", + "the mail on sunday 's brilliant gp with all the health answers you need\n", + "[1.2294177 1.3241022 1.2642121 1.1902577 1.1658329 1.3368518 1.1232023\n", + " 1.0205951 1.0714794 1.0912882 1.0794294 1.0511994 1.0582322 1.0795707\n", + " 1.0697198 1.023126 1.0670253 1.0560666 1.0530205 0. 0.\n", + " 0. ]\n", + "\n", + "[ 5 1 2 0 3 4 6 9 13 10 8 14 16 12 17 18 11 15 7 20 19 21]\n", + "=======================\n", + "['split : josh hamilton filed for divorce from his wife , katie , in late february , it has emerged .hamilton , 33 , married his wife katie in 2004 .katie , who will appear on the 10th season of the real housewives of orange county when it airs this summer , has a daughter from a previous relationship and three more daughters with hamilton .']\n", + "=======================\n", + "[\"josh hamilton , 33 , filed for divorce from his wife katie in february - around the time he self-reported a cocaine and alcohol relapsekatie hamilton is set to appear on the 10th season of real housewives of orange countythe couple married in 2004 and have four daughters but court documents show he is not allowed to see them without supervisionan arbitrator ruled that he will not be disciplined for the latest relapse but angels ' owner arte moreno said hamilton might not return to the team\"]\n", + "split : josh hamilton filed for divorce from his wife , katie , in late february , it has emerged .hamilton , 33 , married his wife katie in 2004 .katie , who will appear on the 10th season of the real housewives of orange county when it airs this summer , has a daughter from a previous relationship and three more daughters with hamilton .\n", + "josh hamilton , 33 , filed for divorce from his wife katie in february - around the time he self-reported a cocaine and alcohol relapsekatie hamilton is set to appear on the 10th season of real housewives of orange countythe couple married in 2004 and have four daughters but court documents show he is not allowed to see them without supervisionan arbitrator ruled that he will not be disciplined for the latest relapse but angels ' owner arte moreno said hamilton might not return to the team\n", + "[1.2291983 1.326438 1.3493423 1.2307433 1.2939172 1.2234381 1.1520325\n", + " 1.055431 1.0220485 1.0259291 1.0139704 1.0452265 1.0523839 1.1058851\n", + " 1.0612499 1.138761 1.0122395 1.0108553 1.0076742 1.1052233 1.069831\n", + " 1.0316237]\n", + "\n", + "[ 2 1 4 3 0 5 6 15 13 19 20 14 7 12 11 21 9 8 10 16 17 18]\n", + "=======================\n", + "[\"gertrude weaver , a 116-year-old arkansas woman who was the oldest documented person for a total of six days , died on monday .jeralean talley of inkster tops a list maintained by the los angeles-based gerontology research group , which tracks the world 's longest-living people .talley was born may 23 , 1899 .\"]\n", + "=======================\n", + "[\"jeralean talley was born on may 23 , 1899she credits her longevity to her faithinherited the title of world 's oldest person following the death of arkansas woman gertrude weaver , 116 , on mondayfriends said talley remains ` very sharp ' and goes on a yearly fishing trip\"]\n", + "gertrude weaver , a 116-year-old arkansas woman who was the oldest documented person for a total of six days , died on monday .jeralean talley of inkster tops a list maintained by the los angeles-based gerontology research group , which tracks the world 's longest-living people .talley was born may 23 , 1899 .\n", + "jeralean talley was born on may 23 , 1899she credits her longevity to her faithinherited the title of world 's oldest person following the death of arkansas woman gertrude weaver , 116 , on mondayfriends said talley remains ` very sharp ' and goes on a yearly fishing trip\n", + "[1.4284172 1.2460898 1.1387919 1.1265488 1.1992583 1.1876767 1.0354229\n", + " 1.0362304 1.0467993 1.0369898 1.1001638 1.0727293 1.0400707 1.0530069\n", + " 1.0342189 1.0518622 1.1639056 1.0555207 1.0568948 1.0401684 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 4 5 16 2 3 10 11 18 17 13 15 8 19 12 9 7 6 14 20 21]\n", + "=======================\n", + "[\"( cnn ) sofia vergara 's ex-fiance is speaking out about their dispute over frozen embryos created while they dated .in an op-ed published by the new york times on wednesday , nick loeb explained his rationale for fighting to keep the two female embryos he shares with the actress .loeb says he met the actress in 2010 and they got engaged two years later , at which point they decided to create the embryos and conceive a child via a surrogate .\"]\n", + "=======================\n", + "['loeb says he filed a complaint against the actress to prevent her from destroying their two embryosthe couple created the embryos while they were engaged']\n", + "( cnn ) sofia vergara 's ex-fiance is speaking out about their dispute over frozen embryos created while they dated .in an op-ed published by the new york times on wednesday , nick loeb explained his rationale for fighting to keep the two female embryos he shares with the actress .loeb says he met the actress in 2010 and they got engaged two years later , at which point they decided to create the embryos and conceive a child via a surrogate .\n", + "loeb says he filed a complaint against the actress to prevent her from destroying their two embryosthe couple created the embryos while they were engaged\n", + "[1.1761988 1.3932531 1.2782314 1.2823975 1.2703595 1.0477924 1.0314453\n", + " 1.0268862 1.1068895 1.0713334 1.0562973 1.0139927 1.0172925 1.15593\n", + " 1.1058002 1.0960612 1.1027961 1.1471728 1.0743365 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 4 0 13 17 8 14 16 15 18 9 10 5 6 7 12 11 20 19 21]\n", + "=======================\n", + "['effective immediately , players with 60 caps who have held professional contract with australian rugby for at least seven years will be eligible to continue their international careers even if they are signed to a club overseas .drew mitchell ( l ) and matt giteau ( r ) of toulon are now eligible for australia after the aru passed a new ruleother players based abroad will immediately become eligible if they commit to playing super rugby in australia for the following two seasons .']\n", + "=======================\n", + "['australia to allow overseas players with over 60 caps to be selectedthey also must have held australian rugby contract for seven yearsmatt giteau and drew mitchell ( both at toulon ) are both now eligiblegeorge smith ( lyon ) is another wallaby currently playing overseashost of top australian players are heading abroad next season']\n", + "effective immediately , players with 60 caps who have held professional contract with australian rugby for at least seven years will be eligible to continue their international careers even if they are signed to a club overseas .drew mitchell ( l ) and matt giteau ( r ) of toulon are now eligible for australia after the aru passed a new ruleother players based abroad will immediately become eligible if they commit to playing super rugby in australia for the following two seasons .\n", + "australia to allow overseas players with over 60 caps to be selectedthey also must have held australian rugby contract for seven yearsmatt giteau and drew mitchell ( both at toulon ) are both now eligiblegeorge smith ( lyon ) is another wallaby currently playing overseashost of top australian players are heading abroad next season\n", + "[1.3281862 1.2831415 1.3147935 1.2773451 1.2486448 1.0937 1.0941027\n", + " 1.0356236 1.0395926 1.0344335 1.0448252 1.0520519 1.0315093 1.0480084\n", + " 1.1673516 1.1150962 1.0225062 1.0700316 1.0282694]\n", + "\n", + "[ 0 2 1 3 4 14 15 6 5 17 11 13 10 8 7 9 12 18 16]\n", + "=======================\n", + "[\"in 2011 the unmanned dawn spacecraft became humanity 's first ever emissary to the huge asteroid vesta , which resides in the asteroid belt between mars and jupiter .using the map you can see a huge amount of features on vesta , from craters to the amount of sunlight hitting the surface - and switching to ` 3d mode ' also lets you fly around like you were in your own spacecraft .and using images collected by the spacecraft , nasa has unveiled an interactive tool that lets you explore this world .\"]\n", + "=======================\n", + "[\"nasa scientists in california have revealed an interactive 3d map for vesta using images from the dawn spacecraftthe map lets you see features on the surface including craters , hills , mountains and even ` canyons 'you can also measure elevation changes on the surface and see different measurement dataand a ` gaming mode ' lets you fly around the largest asteroid in the solar system using your keyboard 's arrow keys\"]\n", + "in 2011 the unmanned dawn spacecraft became humanity 's first ever emissary to the huge asteroid vesta , which resides in the asteroid belt between mars and jupiter .using the map you can see a huge amount of features on vesta , from craters to the amount of sunlight hitting the surface - and switching to ` 3d mode ' also lets you fly around like you were in your own spacecraft .and using images collected by the spacecraft , nasa has unveiled an interactive tool that lets you explore this world .\n", + "nasa scientists in california have revealed an interactive 3d map for vesta using images from the dawn spacecraftthe map lets you see features on the surface including craters , hills , mountains and even ` canyons 'you can also measure elevation changes on the surface and see different measurement dataand a ` gaming mode ' lets you fly around the largest asteroid in the solar system using your keyboard 's arrow keys\n", + "[1.200145 1.4143059 1.3103107 1.3549016 1.1674993 1.125761 1.0692457\n", + " 1.0540121 1.0826792 1.0711308 1.1025671 1.0405452 1.0520688 1.0227236\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 10 8 9 6 7 12 11 13 17 14 15 16 18]\n", + "=======================\n", + "[\"it has been revealed that starving competitors on the survival show hunted and killed an endangered crocodile during filming after the show 's bosses mistook it for a more common species .male competitors on bear grylls ' show the island had not eaten for two weeks when they killed what producers believed was a common caiman - but later discovered was an endangered american crocodilewhile the animal 's exact numbers in the wild are unknown , conservationists are in agreement that illegal hunting and habitat destruction have left it critically endangered .\"]\n", + "=======================\n", + "['male contestants had not eaten for two weeks when they killed reptilebosses though it was common caiman , but it was an american crocodilespecies is listed as endangered and laws protect it from being hunted']\n", + "it has been revealed that starving competitors on the survival show hunted and killed an endangered crocodile during filming after the show 's bosses mistook it for a more common species .male competitors on bear grylls ' show the island had not eaten for two weeks when they killed what producers believed was a common caiman - but later discovered was an endangered american crocodilewhile the animal 's exact numbers in the wild are unknown , conservationists are in agreement that illegal hunting and habitat destruction have left it critically endangered .\n", + "male contestants had not eaten for two weeks when they killed reptilebosses though it was common caiman , but it was an american crocodilespecies is listed as endangered and laws protect it from being hunted\n", + "[1.3301126 1.1778848 1.2951648 1.3348635 1.1630523 1.1285759 1.0283377\n", + " 1.0721055 1.0952483 1.0576811 1.1469933 1.0310304 1.0603492 1.1307807\n", + " 1.0186031 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 1 4 10 13 5 8 7 12 9 11 6 14 17 15 16 18]\n", + "=======================\n", + "['the ponchos - together with heritage trench coats and scarves - have boosted burberry sales by 10 per cent over the winter .sales of a burberry poncho ( modelled by cara delevigne ) carrying a personal monogram and costing more than # 1,000 have helped boost profitsthe poncho originated as a rather humble garment worn by south american tribes and later featured on the back of clint eastwood in the spaghetti westerns .']\n", + "=======================\n", + "[\"sales of # 1,100 poncho spotted on stars have boosted burberry 's profitsponchos , coats and scarves boosted sales by 10 per cent over wintervictoria beckham , rosie huntington-whiteley and sienna miller were all spotted wearing the ponhos , each monogrammed with their initials\"]\n", + "the ponchos - together with heritage trench coats and scarves - have boosted burberry sales by 10 per cent over the winter .sales of a burberry poncho ( modelled by cara delevigne ) carrying a personal monogram and costing more than # 1,000 have helped boost profitsthe poncho originated as a rather humble garment worn by south american tribes and later featured on the back of clint eastwood in the spaghetti westerns .\n", + "sales of # 1,100 poncho spotted on stars have boosted burberry 's profitsponchos , coats and scarves boosted sales by 10 per cent over wintervictoria beckham , rosie huntington-whiteley and sienna miller were all spotted wearing the ponhos , each monogrammed with their initials\n", + "[1.2328316 1.4998896 1.149062 1.3235649 1.1959299 1.2074287 1.0997683\n", + " 1.063497 1.0767641 1.0907725 1.1337333 1.095103 1.0476176 1.1198419\n", + " 1.0648896 1.0970503 1.0376127 1.0416868 0. ]\n", + "\n", + "[ 1 3 0 5 4 2 10 13 6 15 11 9 8 14 7 12 17 16 18]\n", + "=======================\n", + "['hina shamim , 21 , died close to the university of kingston in london last night , just weeks before her 22nd birthday .hina shamim was killed after she was knocked down as she walked a short distance from home to the librarylast night she was killed and eight others , including five children , were injured in a horror crash involving a bus and a car .']\n", + "=======================\n", + "['hina shamim died after she was knocked down outside university librarythe 21-year-old student was due to celebrate her birthday in a few weekscrash involved a bmw carrying five children as young as four and a busdriver , 34 , arrested on suspicion of causing death by dangerous driving']\n", + "hina shamim , 21 , died close to the university of kingston in london last night , just weeks before her 22nd birthday .hina shamim was killed after she was knocked down as she walked a short distance from home to the librarylast night she was killed and eight others , including five children , were injured in a horror crash involving a bus and a car .\n", + "hina shamim died after she was knocked down outside university librarythe 21-year-old student was due to celebrate her birthday in a few weekscrash involved a bmw carrying five children as young as four and a busdriver , 34 , arrested on suspicion of causing death by dangerous driving\n", + "[1.1845039 1.4946685 1.4572257 1.2821211 1.1421434 1.0575471 1.0645078\n", + " 1.0264814 1.0626261 1.0141964 1.1327623 1.2464473 1.0820628 1.0555028\n", + " 1.0588776 1.0455875 1.0222328 0. 0. ]\n", + "\n", + "[ 1 2 3 11 0 4 10 12 6 8 14 5 13 15 7 16 9 17 18]\n", + "=======================\n", + "[\"the modern-day martin burgess clock b is based on john harrison 's 18th century clock , which he thought up to solve the problem of determining longitude at sea .it has been part of a 100-day trial at the royal observatory , in greenwich , to see if the claim - that the clock would neither lose nor gain more than a second in 100 days - was true .a clock based on a design from 300 years ago has stunned experts by keeping accurate to a second for 100 days .\"]\n", + "=======================\n", + "[\"martin burgess clock b is based on john harrison 's 18th century designclock was strapped to a pillar at the royal observatory in greenwichtime measured using a radio-controlled clock and the bt speaking clockcertified by guinness book of records , national maritime museum said\"]\n", + "the modern-day martin burgess clock b is based on john harrison 's 18th century clock , which he thought up to solve the problem of determining longitude at sea .it has been part of a 100-day trial at the royal observatory , in greenwich , to see if the claim - that the clock would neither lose nor gain more than a second in 100 days - was true .a clock based on a design from 300 years ago has stunned experts by keeping accurate to a second for 100 days .\n", + "martin burgess clock b is based on john harrison 's 18th century designclock was strapped to a pillar at the royal observatory in greenwichtime measured using a radio-controlled clock and the bt speaking clockcertified by guinness book of records , national maritime museum said\n", + "[1.3419645 1.5114841 1.1673688 1.335279 1.2087684 1.141037 1.0885158\n", + " 1.0884324 1.0560076 1.2969759 1.0559071 1.1163977 1.0326008 1.046761\n", + " 1.0579804 1.0730689 1.1046362 1.0057892 1.0088376 0. ]\n", + "\n", + "[ 1 0 3 9 4 2 5 11 16 6 7 15 14 8 10 13 12 18 17 19]\n", + "=======================\n", + "[\"arsene wenger revealed the attacking midfielder has suffered a setback in his bid to return from a hamstring strain that has sidelined him since the fa cup win over manchester united on march 9 .arsenal are trying to find a cure for alex oxlade-chamberlain 's persistent groin problems in a bid to prevent surgery .oxlade-chamberlain has been struggling with an ongoing groin problem for several months\"]\n", + "=======================\n", + "[\"alex oxlade-chamberlain has been out of action since march 9arsenal midfielder suffers from persistent groin problemsarsenal are exploring other treatments , but any surgery would be delayedread : arsenal bid to finalise transfer for ` next lionel messi ' maxi romeroclick here for all the latest arsenal news\"]\n", + "arsene wenger revealed the attacking midfielder has suffered a setback in his bid to return from a hamstring strain that has sidelined him since the fa cup win over manchester united on march 9 .arsenal are trying to find a cure for alex oxlade-chamberlain 's persistent groin problems in a bid to prevent surgery .oxlade-chamberlain has been struggling with an ongoing groin problem for several months\n", + "alex oxlade-chamberlain has been out of action since march 9arsenal midfielder suffers from persistent groin problemsarsenal are exploring other treatments , but any surgery would be delayedread : arsenal bid to finalise transfer for ` next lionel messi ' maxi romeroclick here for all the latest arsenal news\n", + "[1.4946878 1.3445544 1.1546462 1.1107829 1.2318993 1.188347 1.0609459\n", + " 1.1071559 1.0887398 1.1228428 1.0611036 1.0700977 1.023568 1.0649327\n", + " 1.0593805 1.0173652 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 5 2 9 3 7 8 11 13 10 6 14 12 15 18 16 17 19]\n", + "=======================\n", + "['( cnn ) canadian actor jonathan crombie , who co-starred in the \" anne of green gables \" tv movies , died this week at age 48 .the plot focused on the adventures of fiery orphan anne shirley , played by megan follows , who is sent to live on a farm in prince edward island .crombie , son of former toronto mayor david crombie , was cast in the role at 17 , beating out other aspiring canadian actors of the era , including jason priestly , sullivan said .']\n", + "=======================\n", + "['jonathan crombie is best known for playing gilbert blythe in \" anne of green gables \"book , movies about girl sent to live on canadian farm']\n", + "( cnn ) canadian actor jonathan crombie , who co-starred in the \" anne of green gables \" tv movies , died this week at age 48 .the plot focused on the adventures of fiery orphan anne shirley , played by megan follows , who is sent to live on a farm in prince edward island .crombie , son of former toronto mayor david crombie , was cast in the role at 17 , beating out other aspiring canadian actors of the era , including jason priestly , sullivan said .\n", + "jonathan crombie is best known for playing gilbert blythe in \" anne of green gables \"book , movies about girl sent to live on canadian farm\n", + "[1.3916969 1.4097137 1.1602836 1.2648468 1.0863096 1.2666395 1.0589525\n", + " 1.0122106 1.0150896 1.3693912 1.1515903 1.013007 1.0165398 1.2235558\n", + " 1.0549537 1.1140106 1.0390499 1.0166532 1.0077425 1.0091081]\n", + "\n", + "[ 1 0 9 5 3 13 2 10 15 4 6 14 16 17 12 8 11 7 19 18]\n", + "=======================\n", + "[\"rodgers ' future at anfield has been questioned after a third straight season without a trophy , but the former liverpool defender backed the reds manager .jamie carragher believes brendan rodgers is still the right man to lead liverpool forward after a season with no trophies and a likely finish outside the top four .liverpool are seven points behind fourth placed manchester city with a game in hand and look set to miss out on champions league qualification for next season .\"]\n", + "=======================\n", + "['jamie carragher believes brendan rodgers is the right man for liverpoolrodgers under pressure after a third straight season without a trophyliverpool are also on course to finish outside the top four this seasoncarragher received a beacon award for his community work on tuesday']\n", + "rodgers ' future at anfield has been questioned after a third straight season without a trophy , but the former liverpool defender backed the reds manager .jamie carragher believes brendan rodgers is still the right man to lead liverpool forward after a season with no trophies and a likely finish outside the top four .liverpool are seven points behind fourth placed manchester city with a game in hand and look set to miss out on champions league qualification for next season .\n", + "jamie carragher believes brendan rodgers is the right man for liverpoolrodgers under pressure after a third straight season without a trophyliverpool are also on course to finish outside the top four this seasoncarragher received a beacon award for his community work on tuesday\n", + "[1.5025188 1.3721719 1.2534531 1.4255669 1.2683003 1.1321468 1.0149101\n", + " 1.0143123 1.023007 1.0290748 1.0248271 1.20057 1.0861131 1.1314219\n", + " 1.0272331 1.0163269 1.0087577 1.0475204 1.018018 0. ]\n", + "\n", + "[ 0 3 1 4 2 11 5 13 12 17 9 14 10 8 18 15 6 7 16 19]\n", + "=======================\n", + "[\"tottenham hotspur midfielder christian eriksen has warned that they will struggle to attract top players if they miss out on qualifying for next season 's europa league .spurs are sixth in the barclays premier league , which would bring european qualification , but there has been talk in the past that europe 's second-tier competition does them more harm than good .eriksen says the benefits of qualifying for the much-maligned europa league outweigh the negatives\"]\n", + "=======================\n", + "[\"tottenham are sitting sixth in the premier league after a long seasonthat place would see them qualify for the europa league next yearbut in the past it has been said to cause them more harm than goodchristian eriksen says he wants to qualify as it helps attract top playerstottenham 's europa league participation was a factor in the dane signing\"]\n", + "tottenham hotspur midfielder christian eriksen has warned that they will struggle to attract top players if they miss out on qualifying for next season 's europa league .spurs are sixth in the barclays premier league , which would bring european qualification , but there has been talk in the past that europe 's second-tier competition does them more harm than good .eriksen says the benefits of qualifying for the much-maligned europa league outweigh the negatives\n", + "tottenham are sitting sixth in the premier league after a long seasonthat place would see them qualify for the europa league next yearbut in the past it has been said to cause them more harm than goodchristian eriksen says he wants to qualify as it helps attract top playerstottenham 's europa league participation was a factor in the dane signing\n", + "[1.1592935 1.2233856 1.0523728 1.2688838 1.1824948 1.1433771 1.2038852\n", + " 1.1215361 1.130662 1.0779833 1.0836612 1.0534294 1.080411 1.0488067\n", + " 1.0427476 1.0594844 1.0504248 1.0332725 0. 0. ]\n", + "\n", + "[ 3 1 6 4 0 5 8 7 10 12 9 15 11 2 16 13 14 17 18 19]\n", + "=======================\n", + "['the map was created by looking at the official twitter accounts for each team , using their followers as an indicator of allegiance .for the first time ever , fans can see a detailed breakdown of how support for every club varies around the world and in the uk supporters can go as in-depth as seeing the three most popular teams in their local constituency .liverpool may be struggling in the premier league and looking at a 2015-16 campaign without champions league football , but in terms of twitter followers they dominate the uk .']\n", + "=======================\n", + "[\"twitter has developed an interactive graphic which shows support for all 20 premier league clubs across the globesupport for clubs has been broken down into constituency level in the uk and national level across the worldthe premier league 's biggest clubs - manchester united , liverpool , arsenal and chelsea - dominate globallymanchester united dominate twitter followers in asia while chelsea are strong in south americaarsenal come out on top in north america and in most of europeliverpool are strong in australia and parts of the far east , including thailand\"]\n", + "the map was created by looking at the official twitter accounts for each team , using their followers as an indicator of allegiance .for the first time ever , fans can see a detailed breakdown of how support for every club varies around the world and in the uk supporters can go as in-depth as seeing the three most popular teams in their local constituency .liverpool may be struggling in the premier league and looking at a 2015-16 campaign without champions league football , but in terms of twitter followers they dominate the uk .\n", + "twitter has developed an interactive graphic which shows support for all 20 premier league clubs across the globesupport for clubs has been broken down into constituency level in the uk and national level across the worldthe premier league 's biggest clubs - manchester united , liverpool , arsenal and chelsea - dominate globallymanchester united dominate twitter followers in asia while chelsea are strong in south americaarsenal come out on top in north america and in most of europeliverpool are strong in australia and parts of the far east , including thailand\n", + "[1.4217052 1.369978 1.2255632 1.1870942 1.363602 1.1875774 1.1799029\n", + " 1.0958877 1.0912282 1.0436401 1.0494581 1.1507294 1.0734725 1.0171534\n", + " 1.0126859 1.0118558 1.0069423 1.0081415 1.0085344 1.0081712 1.0124758\n", + " 1.0522802]\n", + "\n", + "[ 0 1 4 2 5 3 6 11 7 8 12 21 10 9 13 14 20 15 18 19 17 16]\n", + "=======================\n", + "['daniel sturridge \\'s status as liverpool \\'s no 1 striker is under threat after brendan rodgers revealed his intention to sign a top forward who can \" play every week \" .the england international will be absent once again on saturday at the hawthorns , as he continues to be plagued by a hip problem and rodgers admitted he is \" unsure \" as to whether sturridge will play for liverpool again this season .liverpool striker daniel sturridge is in danger of falling down the pecking order due to his poor injury record']\n", + "=======================\n", + "[\"brendan rodgers has stated his intent on purchasing a forwardthe liverpool boss wants a top forward who can ` play every week 'daniel sturridge has made just 12 premier league appearancesrodgers is keen on signing danny ings and memphis depay\"]\n", + "daniel sturridge 's status as liverpool 's no 1 striker is under threat after brendan rodgers revealed his intention to sign a top forward who can \" play every week \" .the england international will be absent once again on saturday at the hawthorns , as he continues to be plagued by a hip problem and rodgers admitted he is \" unsure \" as to whether sturridge will play for liverpool again this season .liverpool striker daniel sturridge is in danger of falling down the pecking order due to his poor injury record\n", + "brendan rodgers has stated his intent on purchasing a forwardthe liverpool boss wants a top forward who can ` play every week 'daniel sturridge has made just 12 premier league appearancesrodgers is keen on signing danny ings and memphis depay\n", + "[1.0934331 1.4601315 1.143505 1.080707 1.4059603 1.2074682 1.0499418\n", + " 1.1645107 1.2965777 1.0759786 1.0495447 1.0115721 1.0121528 1.015184\n", + " 1.011726 1.009879 1.0107654 1.0089629 1.0177468 1.0173553 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 8 5 7 2 0 3 9 6 10 18 19 13 12 14 11 16 15 17 20 21]\n", + "=======================\n", + "[\"on friday , the 18-year-old played an integral part in chelsea 's 4-0 demolition of roma to earn a place in the uefa youth league final .the blues defeated teams of the calibre of atletico madrid and roma to reach the finalbrown was the star of the show in the final , scoring two goals as chelsea defeated shakhtar donetsk 3-2\"]\n", + "=======================\n", + "[\"chelsea captain izzy brown opened the scoring from close range on 7minsblues defender andreas christensen scored an own goal to level the scoredominic solanke handed the initiative back to chelsea after the intervalbrown netted a second but adrian viveash 's side could have won by moresubstitute viktor kovalenko scored an injury time consolation for shakhtar\"]\n", + "on friday , the 18-year-old played an integral part in chelsea 's 4-0 demolition of roma to earn a place in the uefa youth league final .the blues defeated teams of the calibre of atletico madrid and roma to reach the finalbrown was the star of the show in the final , scoring two goals as chelsea defeated shakhtar donetsk 3-2\n", + "chelsea captain izzy brown opened the scoring from close range on 7minsblues defender andreas christensen scored an own goal to level the scoredominic solanke handed the initiative back to chelsea after the intervalbrown netted a second but adrian viveash 's side could have won by moresubstitute viktor kovalenko scored an injury time consolation for shakhtar\n", + "[1.422026 1.2965912 1.2389492 1.0993948 1.0883322 1.0781764 1.09902\n", + " 1.1682341 1.1359384 1.0585252 1.0297432 1.0183154 1.0355628 1.0164807\n", + " 1.0182935 1.0148607 1.0331669 1.1710199 1.0892246 1.0253092 1.0176809\n", + " 0. ]\n", + "\n", + "[ 0 1 2 17 7 8 3 6 18 4 5 9 12 16 10 19 11 14 20 13 15 21]\n", + "=======================\n", + "[\"time to change : business mogul jack welch has called for an end to the college hierarchy that has caused education to become cripplingly expensivespeaking to dailymail.com ceo jon steinberg , the former head of general electric insisted that it 's time to cut out expensive and needless middle management .the business mogul and his wife , business journalist and author suzy welch , were speaking at an answers to correspondents event at the new york 's core club hosted by dailymail.com and jwmi .\"]\n", + "=======================\n", + "[\"the business mogul was speaking to dailymail.com ceo jon steinberghe insisted it 's time that colleges cut out expensive middle managementwith his wife suzy welch he is dedicated to changing business education\"]\n", + "time to change : business mogul jack welch has called for an end to the college hierarchy that has caused education to become cripplingly expensivespeaking to dailymail.com ceo jon steinberg , the former head of general electric insisted that it 's time to cut out expensive and needless middle management .the business mogul and his wife , business journalist and author suzy welch , were speaking at an answers to correspondents event at the new york 's core club hosted by dailymail.com and jwmi .\n", + "the business mogul was speaking to dailymail.com ceo jon steinberghe insisted it 's time that colleges cut out expensive middle managementwith his wife suzy welch he is dedicated to changing business education\n", + "[1.4346434 1.3785597 1.2570335 1.3595606 1.1538676 1.1962388 1.0206965\n", + " 1.0156728 1.1164972 1.1142261 1.1586093 1.2246228 1.1348076 1.0271652\n", + " 1.0096593 1.0152313 1.006448 1.0053582 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 2 11 5 10 4 12 8 9 13 6 7 15 14 16 17 20 18 19 21]\n", + "=======================\n", + "[\"arsenal legend ian wright would be disappointed to see theo walcott leave north london , and believes his troubled times at the club are down to arsene wenger 's refusal to play him as a striker .walcott has made just five starts for arsenal this season since returning from a serious knee injury after seven months on the sidelines .and with arsenal pursuing raheem sterling and walcott 's contract set to run out next summer , wright is worried that the gunners could stand to lose a valuable player .\"]\n", + "=======================\n", + "[\"theo walcott 's contract with arsenal expires at the end of next seasonengland winger has made just five starts for his club this campaignian wright says it would be ' a shame ' to see walcott leave arsenalthe gunners have been linked to signing liverpool 's raheem sterling\"]\n", + "arsenal legend ian wright would be disappointed to see theo walcott leave north london , and believes his troubled times at the club are down to arsene wenger 's refusal to play him as a striker .walcott has made just five starts for arsenal this season since returning from a serious knee injury after seven months on the sidelines .and with arsenal pursuing raheem sterling and walcott 's contract set to run out next summer , wright is worried that the gunners could stand to lose a valuable player .\n", + "theo walcott 's contract with arsenal expires at the end of next seasonengland winger has made just five starts for his club this campaignian wright says it would be ' a shame ' to see walcott leave arsenalthe gunners have been linked to signing liverpool 's raheem sterling\n", + "[1.4356163 1.0741274 1.4413244 1.3153471 1.3733408 1.0981265 1.0517309\n", + " 1.0194175 1.0217289 1.353353 1.0377188 1.0266501 1.0107608 1.0187086\n", + " 1.0123395 1.1268009 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 4 9 3 15 5 1 6 10 11 8 7 13 14 12 20 16 17 18 19 21]\n", + "=======================\n", + "[\"cancer research uk runners paul and laura elliott decided to do something different for their wedding day and combined their love for running and their love for each other , whilst also raising vital funds for a charity very close to their hearts .on sunday , 36,000 runners took to the streets of london for the 26.2 mile virgin money london marathon .unfortunately paul , 41 , lost his father to bowel cancer 19 years ago and so by running this weekend 's marathon , the couple have raised # 7,000 so far to help honour his memory on this special day .\"]\n", + "=======================\n", + "[\"paul and laura elliott met half way round at st katharine docksceremony was witnessed by 80 guestspair ran across finish line under a shower of confettireturned to scene of ceremony for party later onraised # 7,000 for cancer research in honour of paul 's father\"]\n", + "cancer research uk runners paul and laura elliott decided to do something different for their wedding day and combined their love for running and their love for each other , whilst also raising vital funds for a charity very close to their hearts .on sunday , 36,000 runners took to the streets of london for the 26.2 mile virgin money london marathon .unfortunately paul , 41 , lost his father to bowel cancer 19 years ago and so by running this weekend 's marathon , the couple have raised # 7,000 so far to help honour his memory on this special day .\n", + "paul and laura elliott met half way round at st katharine docksceremony was witnessed by 80 guestspair ran across finish line under a shower of confettireturned to scene of ceremony for party later onraised # 7,000 for cancer research in honour of paul 's father\n", + "[1.5769944 1.3756756 1.2543972 1.0875239 1.1472749 1.2516127 1.0671424\n", + " 1.063981 1.1340084 1.0512105 1.0537016 1.0847032 1.0451031 1.0446218\n", + " 1.0131778 1.031286 1.021768 1.0131466 1.0302068 1.0608999 1.0422628\n", + " 1.01945 1.0226382 1.0201027 1.0152968]\n", + "\n", + "[ 0 1 2 5 4 8 3 11 6 7 19 10 9 12 13 20 15 18 22 16 23 21 24 14\n", + " 17]\n", + "=======================\n", + "[\"angelique kerber rallied past madison keys to win the family circle cup on sunday , capturing six of the last seven games for a 6-2 , 4-6 , 7-5 victory .this was kerber 's fourth wta title and first since linz in 2013 .the german broke serve five times against an opponent who had n't lost serve all week .\"]\n", + "=======================\n", + "[\"angelique kerber beat madison keys 6-2 , 4-6 , 7-5 in the charleston finalkerber battled back to win six of the last seven games in the deciderit is the german 's first wta title since linz in 2013\"]\n", + "angelique kerber rallied past madison keys to win the family circle cup on sunday , capturing six of the last seven games for a 6-2 , 4-6 , 7-5 victory .this was kerber 's fourth wta title and first since linz in 2013 .the german broke serve five times against an opponent who had n't lost serve all week .\n", + "angelique kerber beat madison keys 6-2 , 4-6 , 7-5 in the charleston finalkerber battled back to win six of the last seven games in the deciderit is the german 's first wta title since linz in 2013\n", + "[1.2348815 1.4319139 1.1749884 1.3352958 1.2777332 1.0988457 1.0707577\n", + " 1.0880843 1.0188382 1.05715 1.1834538 1.0661497 1.0437783 1.0147377\n", + " 1.1098359 1.1087186 1.0238186 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 0 10 2 14 15 5 7 6 11 9 12 16 8 13 23 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"an eight-strong team have transformed more than 30 telephone booths in china 's capital city into a representation of baymax , who has attracted a cult following in the country .phone booths in beijing have been painted in the style of disney character baymax by graffiti artiststhe team of artists painted 30 phonebooths in five hours overnight , calling the project ` beijing warmth '\"]\n", + "=======================\n", + "['graffiti artists work through the night to repaint 30 telephone boothslatest in series of baymax-themed stunts as character craze sweeps chinaartists wanted to help burned-out beijing residents feel less stressed']\n", + "an eight-strong team have transformed more than 30 telephone booths in china 's capital city into a representation of baymax , who has attracted a cult following in the country .phone booths in beijing have been painted in the style of disney character baymax by graffiti artiststhe team of artists painted 30 phonebooths in five hours overnight , calling the project ` beijing warmth '\n", + "graffiti artists work through the night to repaint 30 telephone boothslatest in series of baymax-themed stunts as character craze sweeps chinaartists wanted to help burned-out beijing residents feel less stressed\n", + "[1.2673504 1.2051439 1.1945016 1.459082 1.3973923 1.1156882 1.0763683\n", + " 1.0795382 1.1606839 1.1022154 1.1015632 1.130289 1.0681219 1.0366064\n", + " 1.0168277 1.0128773 1.0090265 1.006926 1.0085813 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 0 1 2 8 11 5 9 10 7 6 12 13 14 15 16 18 17 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "['arsenal right back hector bellerin has been linked with a return to former club barcelonapsg and man united target dani alves could leave the catalan giants as his contract expires this summerbut now , it seems barca fans are keen for the spaniard to return to the nou camp as they voted the youth international as their preferred choice to replace dani alves should the brazilian leave the club .']\n", + "=======================\n", + "['hector bellerin claims 12 per cent of the vote to replace dani alvesbarcelona fans would rather brazilian right back extended his contractbellerin has impressed for arsenal in his breakthrough season at the club20-year-old left barcelona for north london in 2011 as a teenagerread : bellerin and francis coquelin are a delight for arsene wenger']\n", + "arsenal right back hector bellerin has been linked with a return to former club barcelonapsg and man united target dani alves could leave the catalan giants as his contract expires this summerbut now , it seems barca fans are keen for the spaniard to return to the nou camp as they voted the youth international as their preferred choice to replace dani alves should the brazilian leave the club .\n", + "hector bellerin claims 12 per cent of the vote to replace dani alvesbarcelona fans would rather brazilian right back extended his contractbellerin has impressed for arsenal in his breakthrough season at the club20-year-old left barcelona for north london in 2011 as a teenagerread : bellerin and francis coquelin are a delight for arsene wenger\n", + "[1.2402123 1.3843964 1.2663611 1.32897 1.2126194 1.2330033 1.0305723\n", + " 1.0123736 1.0130177 1.0224041 1.1595712 1.0631748 1.129546 1.0273813\n", + " 1.054826 1.0484916 1.0293889 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 5 4 10 12 11 14 15 6 16 13 9 8 7 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "['a group called community technology alliance is giving away free google handsets which come loaded with apps that help the homeless find shelters , soup kitchens , and warn of severe weather .holly leonard ( left ) , who was homeless and had spent time in prison , now has a house after finding an advert on craigslist using a google phone she was given to allow her to get onlinethe phones are also designed to help people apply for jobs and find housing , as companies often require people to visit their websites .']\n", + "=======================\n", + "['community technology alliance has given 100 free phones to homelesshelps to find shelter , locate soup kitchens and reconnect with familiesalso allows them to find homes and jobs in world reliant on the internethomeless woman holly leonard used a free google phone to rent a flat']\n", + "a group called community technology alliance is giving away free google handsets which come loaded with apps that help the homeless find shelters , soup kitchens , and warn of severe weather .holly leonard ( left ) , who was homeless and had spent time in prison , now has a house after finding an advert on craigslist using a google phone she was given to allow her to get onlinethe phones are also designed to help people apply for jobs and find housing , as companies often require people to visit their websites .\n", + "community technology alliance has given 100 free phones to homelesshelps to find shelter , locate soup kitchens and reconnect with familiesalso allows them to find homes and jobs in world reliant on the internethomeless woman holly leonard used a free google phone to rent a flat\n", + "[1.2961102 1.3758892 1.2522151 1.2429519 1.0407238 1.0338331 1.087064\n", + " 1.0516735 1.0815369 1.1369741 1.0257012 1.1479695 1.0724916 1.0405257\n", + " 1.104399 1.0342544 1.1174729 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 11 9 16 14 6 8 12 7 4 13 15 5 10 23 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "['a vast sea of pilgrims from both nations have gathered at the anzac commemorative site to mark the 100th anniversary of the bloody gallipoli landings .more than 10,000 australians and new zealanders are sitting in reverence on the shores of the gallipoli peninsula , as a formal ceremony begins to honour the diggers who fought and fell there a century ago .australian prime minister tony abbott , his new zealand counterpart john key , prince charles and prince harry are among those in attendance .']\n", + "=======================\n", + "[\"dawn service at anzac cove begins as more than 10,000 australians and new zealanders gather at formal ceremonythousands attended the anzac commemorative site to mark the 100th anniversary of the gallipoli landingsamong those in attendance are australian prime minister tony abbott and his new zealand counterpart john keyprince charles and prince harry also sat alongside the prime ministers at the gallipoli dawn servicemr abbott said the troops became more than just soldiers as they were the ` founding heroes of modern australia '\"]\n", + "a vast sea of pilgrims from both nations have gathered at the anzac commemorative site to mark the 100th anniversary of the bloody gallipoli landings .more than 10,000 australians and new zealanders are sitting in reverence on the shores of the gallipoli peninsula , as a formal ceremony begins to honour the diggers who fought and fell there a century ago .australian prime minister tony abbott , his new zealand counterpart john key , prince charles and prince harry are among those in attendance .\n", + "dawn service at anzac cove begins as more than 10,000 australians and new zealanders gather at formal ceremonythousands attended the anzac commemorative site to mark the 100th anniversary of the gallipoli landingsamong those in attendance are australian prime minister tony abbott and his new zealand counterpart john keyprince charles and prince harry also sat alongside the prime ministers at the gallipoli dawn servicemr abbott said the troops became more than just soldiers as they were the ` founding heroes of modern australia '\n", + "[1.3107138 1.3668339 1.2681915 1.3936585 1.2719876 1.1917359 1.0896122\n", + " 1.1378157 1.1173165 1.1229513 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 4 2 5 7 9 8 6 18 10 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"per mertesacker will miss arsenal 's visit by chelsea on sunday due to an ankle injurymertesacker , captain during the long absence of mikel arteta , limped off during the second half of the fa cup semi-final against reading at wembley on saturday .per mertesacker looks set to be ruled out of arsenal 's derby against chelsea although the defender has escaped any serious ankle ligament damage .\"]\n", + "=======================\n", + "[\"per mertesacker twisted his ankle in fa cup semi-final at wembleyscans revealed the stand-in arsenal captain escaped serious injuryarsenal beat reading 2-1 after extra-time in saturday 's matchthey host premier league leaders chelsea on sunday at 4pmclick here for all the latest arsenal news\"]\n", + "per mertesacker will miss arsenal 's visit by chelsea on sunday due to an ankle injurymertesacker , captain during the long absence of mikel arteta , limped off during the second half of the fa cup semi-final against reading at wembley on saturday .per mertesacker looks set to be ruled out of arsenal 's derby against chelsea although the defender has escaped any serious ankle ligament damage .\n", + "per mertesacker twisted his ankle in fa cup semi-final at wembleyscans revealed the stand-in arsenal captain escaped serious injuryarsenal beat reading 2-1 after extra-time in saturday 's matchthey host premier league leaders chelsea on sunday at 4pmclick here for all the latest arsenal news\n", + "[1.5237263 1.3993957 1.162311 1.3618103 1.1464045 1.1275384 1.0356297\n", + " 1.0408335 1.0963504 1.0472337 1.0251218 1.0630583 1.0342721 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 5 8 11 9 7 6 12 10 18 13 14 15 16 17 19]\n", + "=======================\n", + "['michael conlan was on the verge of pulling out of his must-win bout in the world series of boxing before opting to fight and claiming a dramatic win to book his place at the rio 2016 olympic games alongside team-mate paddy barnes .both belfast boxers ( bronze medallists at london 2012 ) , were in action for the italia thunder franchise in venezuela on saturday night , with the pair needing victories to book flights to rio .barnes delivered in style , extending his undefeated wsb record this season to 7-0 with a split-decision points win over native light-flyweight yoel finol .']\n", + "=======================\n", + "['michael conlan and paddy barnes both win to reach rio 2016 gamesconlan won his fight but had to rely on other results to make it throughirishman dedicated his win to his girlfriend after fighting despite illness']\n", + "michael conlan was on the verge of pulling out of his must-win bout in the world series of boxing before opting to fight and claiming a dramatic win to book his place at the rio 2016 olympic games alongside team-mate paddy barnes .both belfast boxers ( bronze medallists at london 2012 ) , were in action for the italia thunder franchise in venezuela on saturday night , with the pair needing victories to book flights to rio .barnes delivered in style , extending his undefeated wsb record this season to 7-0 with a split-decision points win over native light-flyweight yoel finol .\n", + "michael conlan and paddy barnes both win to reach rio 2016 gamesconlan won his fight but had to rely on other results to make it throughirishman dedicated his win to his girlfriend after fighting despite illness\n", + "[1.4139028 1.3627431 1.341806 1.1831694 1.1043029 1.1750637 1.0938051\n", + " 1.0540736 1.0975374 1.0632721 1.0526454 1.0381136 1.0689101 1.0523012\n", + " 1.0454885 1.0358033 1.0286956 1.0173551 1.0954226 1.0378729]\n", + "\n", + "[ 0 1 2 3 5 4 8 18 6 12 9 7 10 13 14 11 19 15 16 17]\n", + "=======================\n", + "['( cnn ) five young men were arrested saturday in melbourne , australia , in what police called a major counterterrorism operation .three of the teens , all of them either 18 or 19 , have since been released \" pending further enquiries , \" australia \\'s federal police said , but two remain in custody .sevdet besim , 18 , has been charged with conspiring to commit a terrorist act , and was denied bail saturday .']\n", + "=======================\n", + "['three of the five teens releasedone 18-year-old suspect has been charged , report saysaustralian police said the suspects were allegedly planning an \" isis-inspired \" attack']\n", + "( cnn ) five young men were arrested saturday in melbourne , australia , in what police called a major counterterrorism operation .three of the teens , all of them either 18 or 19 , have since been released \" pending further enquiries , \" australia 's federal police said , but two remain in custody .sevdet besim , 18 , has been charged with conspiring to commit a terrorist act , and was denied bail saturday .\n", + "three of the five teens releasedone 18-year-old suspect has been charged , report saysaustralian police said the suspects were allegedly planning an \" isis-inspired \" attack\n", + "[1.5350361 1.1221832 1.1079569 1.1235216 1.1277162 1.18282 1.0279502\n", + " 1.0166594 1.2695752 1.0960904 1.248936 1.0121043 1.0221181 1.0478469\n", + " 1.0517088 1.1041567 1.0135496 1.0559801 1.1089196 0. ]\n", + "\n", + "[ 0 8 10 5 4 3 1 18 2 15 9 17 14 13 6 12 7 16 11 19]\n", + "=======================\n", + "[\"juventus coach massimiliano allegri is expecting a ` boring ' match against as monaco in the champions league on tuesday , believing that both sides will adopt a cautious approach .veteran midfielder andrea pirlo has returned to training after a calf injuryallegri warned that monaco , who have conceded only four goals in eight games on their way to the quarter-finals , would be a completely different proposition to borussia dortmund , who juventus beat 5-1 on aggregate in the last 16 .\"]\n", + "=======================\n", + "[\"juventus take on monaco in champions league quarter-final on tuesdayjuve coach massimiliano allegri warns it could be a ` boring ' gamemonaco beat arsenal in the last-16 and are the outsiders in the tie\"]\n", + "juventus coach massimiliano allegri is expecting a ` boring ' match against as monaco in the champions league on tuesday , believing that both sides will adopt a cautious approach .veteran midfielder andrea pirlo has returned to training after a calf injuryallegri warned that monaco , who have conceded only four goals in eight games on their way to the quarter-finals , would be a completely different proposition to borussia dortmund , who juventus beat 5-1 on aggregate in the last 16 .\n", + "juventus take on monaco in champions league quarter-final on tuesdayjuve coach massimiliano allegri warns it could be a ` boring ' gamemonaco beat arsenal in the last-16 and are the outsiders in the tie\n", + "[1.4096416 1.2922953 1.3090522 1.333473 1.2850254 1.182226 1.0364487\n", + " 1.0271473 1.020183 1.0617278 1.037338 1.034351 1.0766904 1.0455239\n", + " 1.0161452 1.0238013 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 4 5 12 9 13 10 6 11 7 15 8 14 18 16 17 19]\n", + "=======================\n", + "[\"a pair of turkey-sized ` egg thief lizards ' dubbed romeo and juliet were found lying next to each other in a 75-million-year-old rock in the mid-90s , but it has taken until now for experts to determine the sex of the ` lovers ' .they say that the key differences between the sexes lie in bones near the base of the tail .now , researchers believe they have come up with a way to tell fossils of small feathered male dinosaurs from those of females .\"]\n", + "=======================\n", + "[\"` egg thief lizards ' preserved in rock for 75 million years were studieduniversity of alberta experts said differences in size and shape of tail bones enable male and female small feathered dinosaurs to be sexedmales have long ` chevron ' bones so they can wiggle their feathered tails seductively to woo mates , while females have shorter bones in their tails\"]\n", + "a pair of turkey-sized ` egg thief lizards ' dubbed romeo and juliet were found lying next to each other in a 75-million-year-old rock in the mid-90s , but it has taken until now for experts to determine the sex of the ` lovers ' .they say that the key differences between the sexes lie in bones near the base of the tail .now , researchers believe they have come up with a way to tell fossils of small feathered male dinosaurs from those of females .\n", + "` egg thief lizards ' preserved in rock for 75 million years were studieduniversity of alberta experts said differences in size and shape of tail bones enable male and female small feathered dinosaurs to be sexedmales have long ` chevron ' bones so they can wiggle their feathered tails seductively to woo mates , while females have shorter bones in their tails\n", + "[1.3720348 1.0687937 1.2960479 1.2329742 1.3688569 1.1253196 1.0808725\n", + " 1.059129 1.0468843 1.0232755 1.0257082 1.0177381 1.023204 1.0415527\n", + " 1.0455947 1.0539243 1.0450693 1.0434631 1.0946063 1.1121846 1.1223537\n", + " 1.0686255 1.1088014 1.0229127]\n", + "\n", + "[ 0 4 2 3 5 20 19 22 18 6 1 21 7 15 8 14 16 17 13 10 9 12 23 11]\n", + "=======================\n", + "[\"khloe kardashian has hit back at critics of her instagram post reaction to monday night 's riots in baltimore saying she is ` damned if i do .the 30-year-old reality tv star posted - then later deleted - the message ` pray for baltimore ' to instagram on monday night as protests about the unexplained death of freddie gray turned to riots in the hours following his funeral .while over 417,000 followers liked the photo , it did not escape criticism .\"]\n", + "=======================\n", + "[\"khloe kardashian posted a photo to instagram during monday night 's riots that said : ` pray for baltimore 'despite getting over 400,000 likes , the post drew criticism that she was insincere and unable to relate to the issues due to her privileged backgroundother critics felt she should focus her prayers elsewhere , such as the victims of the nepal earthquakejust 30 minutes later she tweeted that she was : ` damned if i do .the instagram post has since been deletedprotests about the unexplained death of freddie gray have now spread to six american cities\"]\n", + "khloe kardashian has hit back at critics of her instagram post reaction to monday night 's riots in baltimore saying she is ` damned if i do .the 30-year-old reality tv star posted - then later deleted - the message ` pray for baltimore ' to instagram on monday night as protests about the unexplained death of freddie gray turned to riots in the hours following his funeral .while over 417,000 followers liked the photo , it did not escape criticism .\n", + "khloe kardashian posted a photo to instagram during monday night 's riots that said : ` pray for baltimore 'despite getting over 400,000 likes , the post drew criticism that she was insincere and unable to relate to the issues due to her privileged backgroundother critics felt she should focus her prayers elsewhere , such as the victims of the nepal earthquakejust 30 minutes later she tweeted that she was : ` damned if i do .the instagram post has since been deletedprotests about the unexplained death of freddie gray have now spread to six american cities\n", + "[1.1919651 1.4719644 1.2837965 1.4344542 1.2836077 1.2615496 1.0299408\n", + " 1.0349624 1.0224285 1.0288287 1.0193541 1.015696 1.0198518 1.1244029\n", + " 1.0528047 1.0411015 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 5 0 13 14 15 7 6 9 8 12 10 11 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "['during the reclaim australia rallies on the easter weekend , anti-racism protester jacob king was snapped staring into the eyes of a bald man with a swastika tattooed behind his ear .mr king , from melbourne , told daily mail australia he had his arms spread out because he thought the man was going to attack him and his fellow protesters at federation square .mr king was raised in melbourne and says he lived in a multicultural part of the victorian capital where he was exposed to racial tensions']\n", + "=======================\n", + "['jacob king has been identified as man who stood up to anti-islam protester with swastika tattooed behind his earin a photo of mr king holding his arms out and going toe-to-toe with aggressor was snapped by kenji wardenclyffethe anti-racism protester told daily mail australia he had asked the neo-nazi to back down and not fight his group']\n", + "during the reclaim australia rallies on the easter weekend , anti-racism protester jacob king was snapped staring into the eyes of a bald man with a swastika tattooed behind his ear .mr king , from melbourne , told daily mail australia he had his arms spread out because he thought the man was going to attack him and his fellow protesters at federation square .mr king was raised in melbourne and says he lived in a multicultural part of the victorian capital where he was exposed to racial tensions\n", + "jacob king has been identified as man who stood up to anti-islam protester with swastika tattooed behind his earin a photo of mr king holding his arms out and going toe-to-toe with aggressor was snapped by kenji wardenclyffethe anti-racism protester told daily mail australia he had asked the neo-nazi to back down and not fight his group\n", + "[1.1890426 1.4140869 1.2768697 1.3776906 1.2396814 1.0205872 1.0198425\n", + " 1.0207717 1.0566307 1.2492807 1.0812296 1.0459356 1.0239259 1.1517279\n", + " 1.0362211 1.0235612 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 9 4 0 13 10 8 11 14 12 15 7 5 6 22 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"australian tv presenter , model and mother of two , sophie falkiner reveals she 's been ahead of the trend , ten years before the kardashians began instagramming it .while khloe kardashian recently attributed the corset-like waist trainer as the tool behind her new , slim figure , falkiner says she discovered the benefits while interviewing hollywood plastic surgeons for a work assignment years ago .bounce back : jessica alba also swore by girdles for getting back her pre-baby figure\"]\n", + "=======================\n", + "[\"tv presenter sophie falkiner reveals she was into girdles long before the kardashians made it coolfalkiner says it 's a secret all hollywood plastic surgeons tell their patientsjessica alba is also said to swear by it for a trim post-baby body\"]\n", + "australian tv presenter , model and mother of two , sophie falkiner reveals she 's been ahead of the trend , ten years before the kardashians began instagramming it .while khloe kardashian recently attributed the corset-like waist trainer as the tool behind her new , slim figure , falkiner says she discovered the benefits while interviewing hollywood plastic surgeons for a work assignment years ago .bounce back : jessica alba also swore by girdles for getting back her pre-baby figure\n", + "tv presenter sophie falkiner reveals she was into girdles long before the kardashians made it coolfalkiner says it 's a secret all hollywood plastic surgeons tell their patientsjessica alba is also said to swear by it for a trim post-baby body\n", + "[1.51511 1.4557853 1.071547 1.486983 1.0796225 1.1065025 1.0426586\n", + " 1.0635568 1.0551867 1.0531342 1.0248097 1.0140797 1.1027067 1.1220952\n", + " 1.0740083 1.0441052 1.0134459 1.0113622 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 13 5 12 4 14 2 7 8 9 15 6 10 11 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "['manchester city boss manuel pellegrini is braced for a ferocious derby clash at old trafford this weekend .the fading barclays premier league champions take on manchester united on sunday having unexpectedly fallen behind their arch-rivals in the table .a win would also see them become the first club to beat united five times in a row in the premier league .']\n", + "=======================\n", + "['manchester city are in fourth , a point behind rivals manchester unitedcity were beaten 2-1 by crystal palace on monday and face united sundaymanuel pellegrini ready to battle for three points to move above united']\n", + "manchester city boss manuel pellegrini is braced for a ferocious derby clash at old trafford this weekend .the fading barclays premier league champions take on manchester united on sunday having unexpectedly fallen behind their arch-rivals in the table .a win would also see them become the first club to beat united five times in a row in the premier league .\n", + "manchester city are in fourth , a point behind rivals manchester unitedcity were beaten 2-1 by crystal palace on monday and face united sundaymanuel pellegrini ready to battle for three points to move above united\n", + "[1.3442317 1.3192257 1.1749058 1.1121205 1.1455468 1.2122074 1.1068338\n", + " 1.0893296 1.0853866 1.0902834 1.0567132 1.0706007 1.1141738 1.112861\n", + " 1.060529 1.058395 1.0611327 1.0928926 1.0479114 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 2 4 12 13 3 6 17 9 7 8 11 16 14 15 10 18 19 20 21 22 23]\n", + "=======================\n", + "[\"london ( cnn ) police said thursday that there was no sign of forced entry to a building in a spectacular holiday weekend heist of safe deposit boxes in the heart of london 's jewelry district .detective chief inspector paul johnson of the london metropolitan police flying squad said the thieves appeared to have gained access to the vault of hatton garden safe deposit ltd through the shaft of an elevator that is used by several businesses in the building .a former police official in london has speculated that the loss could run to 200 million pounds , or 300 million dollars , in a remark widely reported by news media .\"]\n", + "=======================\n", + "[\"police say the thieves gained entry through the building 's communal elevator shaftpolice give no value of the amount taken in the heist in london 's jewelry districtthere 's no evidence of forced entry to the building , police say\"]\n", + "london ( cnn ) police said thursday that there was no sign of forced entry to a building in a spectacular holiday weekend heist of safe deposit boxes in the heart of london 's jewelry district .detective chief inspector paul johnson of the london metropolitan police flying squad said the thieves appeared to have gained access to the vault of hatton garden safe deposit ltd through the shaft of an elevator that is used by several businesses in the building .a former police official in london has speculated that the loss could run to 200 million pounds , or 300 million dollars , in a remark widely reported by news media .\n", + "police say the thieves gained entry through the building 's communal elevator shaftpolice give no value of the amount taken in the heist in london 's jewelry districtthere 's no evidence of forced entry to the building , police say\n", + "[1.2262633 1.4135091 1.2486873 1.3577231 1.1546227 1.1723387 1.1392784\n", + " 1.1741825 1.1176537 1.0435942 1.0446374 1.0182327 1.0140998 1.0398189\n", + " 1.0461241 1.1537558 1.041914 1.0594319 1.183452 1.0095094 1.0068922\n", + " 1.0329819 1.0457445]\n", + "\n", + "[ 1 3 2 0 18 7 5 4 15 6 8 17 14 22 10 9 16 13 21 11 12 19 20]\n", + "=======================\n", + "['victor agbafe , a student at cape fear academy in wilmington , also could go to stanford or duke because he was accepted at those prestigious institutions as well .the 17-year-old got into 14 schools in all .a north carolina student who was accepted into all eight ivy league schools will have to make a tough choice and decide where he wants to attend college in the fall .']\n", + "=======================\n", + "['victor agbafe , 17 , is currently attending cape fear academy in wilmingtonhe plans to double major in microbiology with government or economicssmart young man faces tough choice after being accepted into 14 collegeshe credits his mother , a nigerian immigrant and physician , for his successwill make decision this month and he hopes to become a neurosurgeon']\n", + "victor agbafe , a student at cape fear academy in wilmington , also could go to stanford or duke because he was accepted at those prestigious institutions as well .the 17-year-old got into 14 schools in all .a north carolina student who was accepted into all eight ivy league schools will have to make a tough choice and decide where he wants to attend college in the fall .\n", + "victor agbafe , 17 , is currently attending cape fear academy in wilmingtonhe plans to double major in microbiology with government or economicssmart young man faces tough choice after being accepted into 14 collegeshe credits his mother , a nigerian immigrant and physician , for his successwill make decision this month and he hopes to become a neurosurgeon\n", + "[1.2023263 1.2498487 1.264583 1.3218485 1.1773462 1.294477 1.1276534\n", + " 1.0759144 1.134234 1.0238179 1.2105652 1.0315704 1.0133538 1.008255\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 5 2 1 10 0 4 8 6 7 11 9 12 13 21 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"a new poll on modern families reveals almost a quarter of brits prefer their pets to their in-lawsmore than one in 10 british families now live in ` blended ' families as more people with children divorce , remarry other parents and their households merge .of the 2,071 people surveyed , 22 per cent cited their pets as a close family member , above in-laws ( 21 per cent ) but below grandparents at 26 per cent .\"]\n", + "=======================\n", + "['mother-in-law is often jokingly portrayed as least favourite family memberpoll on modern families reveals this is a reality for almost a quarter of britsthey said their pet dog was more important to them than their in-lawsresearch found households where children had multi-parental figures was also on the rise']\n", + "a new poll on modern families reveals almost a quarter of brits prefer their pets to their in-lawsmore than one in 10 british families now live in ` blended ' families as more people with children divorce , remarry other parents and their households merge .of the 2,071 people surveyed , 22 per cent cited their pets as a close family member , above in-laws ( 21 per cent ) but below grandparents at 26 per cent .\n", + "mother-in-law is often jokingly portrayed as least favourite family memberpoll on modern families reveals this is a reality for almost a quarter of britsthey said their pet dog was more important to them than their in-lawsresearch found households where children had multi-parental figures was also on the rise\n", + "[1.2235355 1.257491 1.4207389 1.2839733 1.2356124 1.1766347 1.1098578\n", + " 1.2134864 1.0441933 1.0535083 1.0634968 1.1533513 1.0638727 1.0490229\n", + " 1.0152647 1.0751249 1.0358841 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 3 1 4 0 7 5 11 6 15 12 10 9 13 8 16 14 21 17 18 19 20 22]\n", + "=======================\n", + "[\"the nfl expects 6,000 of nearly 20,000 retired players to suffer from alzheimer 's disease or moderate dementia someday .the settlement approved on wednesday by a federal judge in philadelphia would pay them about $ 190,000 on average .the deal comes after the league has been dogged for years by complaints that it long hid the risks of repeated concussions in order to return players to the field .\"]\n", + "=======================\n", + "[\"senior us district judge anita brody approved deal on wednesdaysettlement includes allowing for monetary awards up to $ 5million per claimant for serious conditions connected to repeated head traumanfl expects 6,000 of nearly 20,000 retired players to suffer from alzheimers disease or moderate dementia somedaywednesday 's settlement would pay them about $ 190,000 on averageabout 200 nfl retirees or their families have rejected the settlement and plan to sue the league individually\"]\n", + "the nfl expects 6,000 of nearly 20,000 retired players to suffer from alzheimer 's disease or moderate dementia someday .the settlement approved on wednesday by a federal judge in philadelphia would pay them about $ 190,000 on average .the deal comes after the league has been dogged for years by complaints that it long hid the risks of repeated concussions in order to return players to the field .\n", + "senior us district judge anita brody approved deal on wednesdaysettlement includes allowing for monetary awards up to $ 5million per claimant for serious conditions connected to repeated head traumanfl expects 6,000 of nearly 20,000 retired players to suffer from alzheimers disease or moderate dementia somedaywednesday 's settlement would pay them about $ 190,000 on averageabout 200 nfl retirees or their families have rejected the settlement and plan to sue the league individually\n", + "[1.2885675 1.4529933 1.2828534 1.1344744 1.1992295 1.1475053 1.0681276\n", + " 1.1805332 1.0692245 1.0637301 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 2 4 7 5 3 8 6 9 20 19 18 17 16 11 14 13 12 21 10 15 22]\n", + "=======================\n", + "[\"shocked onlookers started filming the native pair at the wilsons promontory national park , in the gippsland region in southeast victoria , as the wombat waddled over to the unsuspecting wallaby .a wallaby has been caught on camera delivering a swift jab to an unsuspecting wombat who invaded his personal space while he was grazing in a victorian national park .onlookers were shocked by the actions of the wallaby but it looks like there 's no bad blood between the two native australian 's as they both continued happily grazing in the area straight after the encounter .\"]\n", + "=======================\n", + "[\"wallaby has been filmed ` punching ' a wombat in a victorian national parkthe wombat approached the unsuspecting wallaby and was met with a fistboth animals went back to grazing in the area straight after the encounterno animals were harmed during the writing of this article\"]\n", + "shocked onlookers started filming the native pair at the wilsons promontory national park , in the gippsland region in southeast victoria , as the wombat waddled over to the unsuspecting wallaby .a wallaby has been caught on camera delivering a swift jab to an unsuspecting wombat who invaded his personal space while he was grazing in a victorian national park .onlookers were shocked by the actions of the wallaby but it looks like there 's no bad blood between the two native australian 's as they both continued happily grazing in the area straight after the encounter .\n", + "wallaby has been filmed ` punching ' a wombat in a victorian national parkthe wombat approached the unsuspecting wallaby and was met with a fistboth animals went back to grazing in the area straight after the encounterno animals were harmed during the writing of this article\n", + "[1.2747391 1.4100804 1.2117554 1.3402499 1.2412848 1.1931303 1.0802119\n", + " 1.2221706 1.1939943 1.0731082 1.0739006 1.0183971 1.1375732 1.0562826\n", + " 1.0210059 1.0457451 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 4 7 2 8 5 12 6 10 9 13 15 14 11 16 17 18 19 20 21 22]\n", + "=======================\n", + "['the new zealand herald reports that milinda gunasekera , 32 , was flying home from a holiday in chile on october 29 and was changing flights at auckland airport for the final leg of his trip .the qantas flight was taxiing to the runway when the alleged incident with a female passenger took place .mr gunasekera will return to new zealand in june to be sentenced .']\n", + "=======================\n", + "[\"milinda gunasekera was flying home from a holiday in chilehe was changing flights at auckland airport for the final leg of his tripthe 32-year-old downed a bottle of vodka in the airport toilets before flightqantas flight was taxiing to the runway when the alleged incident occurredafterwards he suffered ` probably the worst hangover of his life ' in the cellsmr gunasekera will fly back to new zealand to be sentenced in june\"]\n", + "the new zealand herald reports that milinda gunasekera , 32 , was flying home from a holiday in chile on october 29 and was changing flights at auckland airport for the final leg of his trip .the qantas flight was taxiing to the runway when the alleged incident with a female passenger took place .mr gunasekera will return to new zealand in june to be sentenced .\n", + "milinda gunasekera was flying home from a holiday in chilehe was changing flights at auckland airport for the final leg of his tripthe 32-year-old downed a bottle of vodka in the airport toilets before flightqantas flight was taxiing to the runway when the alleged incident occurredafterwards he suffered ` probably the worst hangover of his life ' in the cellsmr gunasekera will fly back to new zealand to be sentenced in june\n", + "[1.3268352 1.191685 1.2861562 1.2557092 1.3455741 1.2268918 1.1111214\n", + " 1.133216 1.0875108 1.080699 1.0265841 1.0900421 1.0203316 1.0567468\n", + " 1.0559428 1.0150921 1.008257 1.0114473 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 4 0 2 3 5 1 7 6 11 8 9 13 14 10 12 15 17 16 22 18 19 20 21 23]\n", + "=======================\n", + "[\"the ` pie-egg-ra ' dish contains one and a half cadbury 's creme eggs and is served with a side of chipschip shop boss john clarkson has created a new answer to the creme egg question of ` how do you eat yours ? 'eschewing the savoury favourites of sausage and egg or mince pies , mr clarkson decided to wrap the easter delicacies in pastry before they were battered and deep-fried .\"]\n", + "=======================\n", + "[\"john clarkson 's chocolate pie is covered in pastry before being battered` pie-egg-ra ' dish sold at mr eaters fish and chips in preston , lancashireeach expertly baked and fried pie contains one and a half creme eggs\"]\n", + "the ` pie-egg-ra ' dish contains one and a half cadbury 's creme eggs and is served with a side of chipschip shop boss john clarkson has created a new answer to the creme egg question of ` how do you eat yours ? 'eschewing the savoury favourites of sausage and egg or mince pies , mr clarkson decided to wrap the easter delicacies in pastry before they were battered and deep-fried .\n", + "john clarkson 's chocolate pie is covered in pastry before being battered` pie-egg-ra ' dish sold at mr eaters fish and chips in preston , lancashireeach expertly baked and fried pie contains one and a half creme eggs\n", + "[1.2104074 1.4525695 1.3090222 1.2507507 1.25772 1.1271551 1.1294597\n", + " 1.1294389 1.0407047 1.1074873 1.0915571 1.0753912 1.062679 1.0435258\n", + " 1.0920186 1.0875334 1.0710036 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 0 6 7 5 9 14 10 15 11 16 12 13 8 22 17 18 19 20 21 23]\n", + "=======================\n", + "['carmem dierks was running the dodgy practice in west orange county , florida , according to authorities .during a raid on her practice , authorities discovered hundreds of patient files , two dentist chairs , an x-ray machine and dental molds .a 60-year-old woman has been arrested for allegedly running an unlicensed dental clinic .']\n", + "=======================\n", + "['carmem dierks , 60 , was running the dodgy practice in west orange county , floridaduring the raid on her practice , authorities discovered hundreds of patient files , two dentist chairs , an x-ray machine and dental moldofficers found two patients in the middle of treatment who said dierks had been treating them for eight years']\n", + "carmem dierks was running the dodgy practice in west orange county , florida , according to authorities .during a raid on her practice , authorities discovered hundreds of patient files , two dentist chairs , an x-ray machine and dental molds .a 60-year-old woman has been arrested for allegedly running an unlicensed dental clinic .\n", + "carmem dierks , 60 , was running the dodgy practice in west orange county , floridaduring the raid on her practice , authorities discovered hundreds of patient files , two dentist chairs , an x-ray machine and dental moldofficers found two patients in the middle of treatment who said dierks had been treating them for eight years\n", + "[1.3241441 1.3991939 1.2131245 1.215661 1.363198 1.0397455 1.0562863\n", + " 1.2521693 1.0348238 1.0385783 1.1031498 1.0501993 1.0824678 1.0204628\n", + " 1.0435557 1.0119236 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 7 3 2 10 12 6 11 14 5 9 8 13 15 22 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"russell ` rusty ' yates , who has since remarried and has a son , slammed his ex-wife 's murder trial , claiming it was the ` cruelest thing he had ever witnessed ' .andrea yates ' ex-husband has condemned the criminal process the killer was put through 14 years after she drowned their five children in the bathtub of their suburban texas home .andrea yates was said to be suffering from postpartum depression when she drowned her children in 2001\"]\n", + "=======================\n", + "[\"russell ` rusty ' yates said his ex-wife 's actions were ' a result of her illness 'she systematically killed her children in their texas home in 2001was convicted of capital murder in 2002 , but in 2006 was found not guilty by reason of insanity - after being diagnosed with postpartum psychosismr yates maintains she is a good mother who loved her childrenslammed prosecutors for seeking the death penalty during the first trialhe has since remarried and has a son\"]\n", + "russell ` rusty ' yates , who has since remarried and has a son , slammed his ex-wife 's murder trial , claiming it was the ` cruelest thing he had ever witnessed ' .andrea yates ' ex-husband has condemned the criminal process the killer was put through 14 years after she drowned their five children in the bathtub of their suburban texas home .andrea yates was said to be suffering from postpartum depression when she drowned her children in 2001\n", + "russell ` rusty ' yates said his ex-wife 's actions were ' a result of her illness 'she systematically killed her children in their texas home in 2001was convicted of capital murder in 2002 , but in 2006 was found not guilty by reason of insanity - after being diagnosed with postpartum psychosismr yates maintains she is a good mother who loved her childrenslammed prosecutors for seeking the death penalty during the first trialhe has since remarried and has a son\n", + "[1.4035418 1.1733568 1.3874273 1.3669348 1.189091 1.1721323 1.1841784\n", + " 1.077895 1.0573583 1.0144352 1.0099363 1.0440392 1.0970994 1.1296366\n", + " 1.1530111 1.0651401 1.0339013 1.0292656 1.0504726 1.040422 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 4 6 1 5 14 13 12 7 15 8 18 11 19 16 17 9 10 20 21 22 23]\n", + "=======================\n", + "[\"guilty : adam rushton , 37 , took advantage of his post as a beat officer to have sex with womenthe 37-year-old officer was found guilty of five counts of misconduct and another of breaching data protection rules by obtaining personal data .staffordshire police deputy chief constable nick baker called rushton ` a disgrace to the police service ' who had ` brought shame on himself , his colleagues ' and the force .\"]\n", + "=======================\n", + "[\"adam rushton took advantage of being a beat officer in stoke-on-trentstaffordshire police says he has ` brought shame on himself ' and forcesaid he never expected to end up in dock after oral sex with a womantells court : ` it 's not very professional , i fully accept that , and it 's wrong '\"]\n", + "guilty : adam rushton , 37 , took advantage of his post as a beat officer to have sex with womenthe 37-year-old officer was found guilty of five counts of misconduct and another of breaching data protection rules by obtaining personal data .staffordshire police deputy chief constable nick baker called rushton ` a disgrace to the police service ' who had ` brought shame on himself , his colleagues ' and the force .\n", + "adam rushton took advantage of being a beat officer in stoke-on-trentstaffordshire police says he has ` brought shame on himself ' and forcesaid he never expected to end up in dock after oral sex with a womantells court : ` it 's not very professional , i fully accept that , and it 's wrong '\n", + "[1.0833734 1.4075974 1.1346326 1.1783004 1.127742 1.05429 1.1070389\n", + " 1.1039561 1.0507723 1.0389014 1.0382187 1.0198035 1.0433387 1.2673745\n", + " 1.1098735 1.0929172 1.0421356 1.024713 1.0277795 1.0406903 1.0318727\n", + " 1.0234954 1.0177964 1.0239666]\n", + "\n", + "[ 1 13 3 2 4 14 6 7 15 0 5 8 12 16 19 9 10 20 18 17 23 21 11 22]\n", + "=======================\n", + "['at an emotional event in anaheim , california , director j.j. abrams and the \" star wars : episode vii -- the force awakens \" cast showed off for the audience and then capped the presentation with the trailer for the new film .the cast was appreciative of the welcome .the audience gasped , cheered and applauded .']\n", + "=======================\n", + "['the new \" star wars : episode vii -- the force awakens \" trailer is releaseda fan gathering in los angeles featured the cast and a droidthe movie comes out december 18']\n", + "at an emotional event in anaheim , california , director j.j. abrams and the \" star wars : episode vii -- the force awakens \" cast showed off for the audience and then capped the presentation with the trailer for the new film .the cast was appreciative of the welcome .the audience gasped , cheered and applauded .\n", + "the new \" star wars : episode vii -- the force awakens \" trailer is releaseda fan gathering in los angeles featured the cast and a droidthe movie comes out december 18\n", + "[1.1533334 1.1895671 1.1600952 1.3328614 1.1084974 1.051292 1.0802438\n", + " 1.0745999 1.0385818 1.0514408 1.0816281 1.0716734 1.035011 1.0290246\n", + " 1.0238106 1.0404183 1.0341403 1.0276657 1.0272013 1.0291778 1.1109092]\n", + "\n", + "[ 3 1 2 0 20 4 10 6 7 11 9 5 15 8 12 16 19 13 17 18 14]\n", + "=======================\n", + "['wellness warrior belle gibson has admitted that she never had cancer and does not want forgivenessbut it becomes completely believable when it is brought to life through the inspirational , optimistic , comeback story of a charismatic , beautiful , young woman named belle gibson .belle cast a spell through her endearing vulnerability and charming personality , collecting an enormous social media following who were enamoured with her brave account of reclaiming her health .']\n", + "=======================\n", + "[\"wendy l. patrick phd is the author of red flags : how to spot frenemies , underminers , and toxic peopledr patrick has outlined the five reasons the we fell for belle gibson 's storybelle gibson released a book and app about how she beat terminal cancerthis week she finally admitted she never actually had cancershe explains that there is a bit of belle in all of us as we are born to bond` we were belle ´ s cheerleaders as she recounted her fight against cancer '\"]\n", + "wellness warrior belle gibson has admitted that she never had cancer and does not want forgivenessbut it becomes completely believable when it is brought to life through the inspirational , optimistic , comeback story of a charismatic , beautiful , young woman named belle gibson .belle cast a spell through her endearing vulnerability and charming personality , collecting an enormous social media following who were enamoured with her brave account of reclaiming her health .\n", + "wendy l. patrick phd is the author of red flags : how to spot frenemies , underminers , and toxic peopledr patrick has outlined the five reasons the we fell for belle gibson 's storybelle gibson released a book and app about how she beat terminal cancerthis week she finally admitted she never actually had cancershe explains that there is a bit of belle in all of us as we are born to bond` we were belle ´ s cheerleaders as she recounted her fight against cancer '\n", + "[1.5530045 1.3186657 1.1811901 1.3437533 1.2851927 1.0624365 1.0208771\n", + " 1.0115374 1.0068254 1.157232 1.0881408 1.1566055 1.1876478 1.1109595\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 12 2 9 11 13 10 5 6 7 8 19 14 15 16 17 18 20]\n", + "=======================\n", + "['kim sei-young will take a three-shot lead into the final round of the ana inspiration after carding a three-under-par 69 in california on saturday .the south korean , who led by two shots at the halfway stage at mission hills country club , birdied the first hole before a bogey at the par-three fifth halted her progress .world no 1 lydia ko shot her second consecutive over-par score when she could only manage a two-over-par 74 , which included three bogeys and a birdie .']\n", + "=======================\n", + "[\"kim sei-young leads ana inspiration by three after a three-under-par 69the south korean says it would be ` the biggest dream ' to winlydia ko struggled again , shooting a two-over-par 74\"]\n", + "kim sei-young will take a three-shot lead into the final round of the ana inspiration after carding a three-under-par 69 in california on saturday .the south korean , who led by two shots at the halfway stage at mission hills country club , birdied the first hole before a bogey at the par-three fifth halted her progress .world no 1 lydia ko shot her second consecutive over-par score when she could only manage a two-over-par 74 , which included three bogeys and a birdie .\n", + "kim sei-young leads ana inspiration by three after a three-under-par 69the south korean says it would be ` the biggest dream ' to winlydia ko struggled again , shooting a two-over-par 74\n", + "[1.4040076 1.4802529 1.2198724 1.3630757 1.1083082 1.0750028 1.1165122\n", + " 1.0923501 1.0853703 1.0610112 1.085803 1.0336995 1.0488981 1.0565548\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 6 4 7 10 8 5 9 13 12 11 19 14 15 16 17 18 20]\n", + "=======================\n", + "['tostee , 29 , was on bail for the alleged murder of new zealand woman warriena tagpuno wright when tweed heads magistrate sentenced him to 10 months behind bars for the driving offence that occurred in july .back behind bars : accused balcony murderer gable tostee ( pictured ) was denied an early release for his drunken car chase with police across state lines after where he was found to be four times over the legal limit for drink drivingtostee admitted to police he was intoxicated and his vehicle was unregistered .']\n", + "=======================\n", + "['gable tostee will remain in jail for a drunken car chase involving policethe judge threw out his appeal hearing saying he should remain in jailnsw and gold coast police chased tostee at 3am across state bordersthe accused balcony murder will be eligible for parole in augustthe sentenced comes two months after he was released on bailhe was granted bail last year on charges of allegedly murdering warriena wrighthe denies he murdered warriena tagpuno wright on august 8ms wright fell to her death from his 14th floor surfers paradise apartmentthe pair met via mobile dating app tinder six hours before she diedhe is due to face a murder trial by 2016 or 2017 in brisbane']\n", + "tostee , 29 , was on bail for the alleged murder of new zealand woman warriena tagpuno wright when tweed heads magistrate sentenced him to 10 months behind bars for the driving offence that occurred in july .back behind bars : accused balcony murderer gable tostee ( pictured ) was denied an early release for his drunken car chase with police across state lines after where he was found to be four times over the legal limit for drink drivingtostee admitted to police he was intoxicated and his vehicle was unregistered .\n", + "gable tostee will remain in jail for a drunken car chase involving policethe judge threw out his appeal hearing saying he should remain in jailnsw and gold coast police chased tostee at 3am across state bordersthe accused balcony murder will be eligible for parole in augustthe sentenced comes two months after he was released on bailhe was granted bail last year on charges of allegedly murdering warriena wrighthe denies he murdered warriena tagpuno wright on august 8ms wright fell to her death from his 14th floor surfers paradise apartmentthe pair met via mobile dating app tinder six hours before she diedhe is due to face a murder trial by 2016 or 2017 in brisbane\n", + "[1.3355727 1.4442543 1.1029917 1.4409397 1.3044217 1.2050813 1.141226\n", + " 1.0473381 1.1129042 1.0148062 1.0096437 1.2296861 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 11 5 6 8 2 7 9 10 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the german star was in fine form as the world cup winners beat georgia 2-0 in their euro 2016 qualifier on sunday , and is now setting his sights on the premier league encounter with liverpool at the weekend .mesut ozil posted a picture on twitter relaxing with his dog on wednesday after returning home to londonozil was said to have been spotted in a berlin nightclub after missing the gunners ' 2-1 win at st james ' park , though manager arsene wenger rubbished those claims .\"]\n", + "=======================\n", + "[\"mesut ozil starred as germany beat georgia 2-0 in euro 2016 qualifierplaymaker returns to london ahead of arsenal 's game against liverpoolozil puts his feet up on sofa with his dog as he enjoys home comforts\"]\n", + "the german star was in fine form as the world cup winners beat georgia 2-0 in their euro 2016 qualifier on sunday , and is now setting his sights on the premier league encounter with liverpool at the weekend .mesut ozil posted a picture on twitter relaxing with his dog on wednesday after returning home to londonozil was said to have been spotted in a berlin nightclub after missing the gunners ' 2-1 win at st james ' park , though manager arsene wenger rubbished those claims .\n", + "mesut ozil starred as germany beat georgia 2-0 in euro 2016 qualifierplaymaker returns to london ahead of arsenal 's game against liverpoolozil puts his feet up on sofa with his dog as he enjoys home comforts\n", + "[1.2459996 1.5083311 1.2606575 1.3012762 1.1171032 1.199934 1.117919\n", + " 1.0434692 1.067643 1.1670218 1.0215727 1.1047566 1.0264816 1.0463924\n", + " 1.0283151 1.0208057 1.0452752 1.0153329 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 5 9 6 4 11 8 13 16 7 14 12 10 15 17 19 18 20]\n", + "=======================\n", + "['the total lunar eclipse will transform the moon on saturday night and will be visible in the skies of north america , asia and australia .according to one us pastor , the event was predicted in the bible and hints at an imminent world-changing event , but nasa is quick to point out that the change in hue is entirely harmless .the moon is set to turn a sinister-looking blood red this easter weekend .']\n", + "=======================\n", + "[\"blood moon will be visible in the skies of north america , asia and australiait 's the third blood moon in the ` tetrad ' that will end in septemberred moons are predicted in the bible and signify important eventsus pastor says strange event could predict the second coming\"]\n", + "the total lunar eclipse will transform the moon on saturday night and will be visible in the skies of north america , asia and australia .according to one us pastor , the event was predicted in the bible and hints at an imminent world-changing event , but nasa is quick to point out that the change in hue is entirely harmless .the moon is set to turn a sinister-looking blood red this easter weekend .\n", + "blood moon will be visible in the skies of north america , asia and australiait 's the third blood moon in the ` tetrad ' that will end in septemberred moons are predicted in the bible and signify important eventsus pastor says strange event could predict the second coming\n", + "[1.1108812 1.4045246 1.228016 1.1899339 1.1408222 1.1997507 1.0192152\n", + " 1.0902287 1.045141 1.0585889 1.1428676 1.0559894 1.0320578 1.0288368\n", + " 1.033559 1.0661299 1.0174816 1.024714 1.0592749 1.0402213 0. ]\n", + "\n", + "[ 1 2 5 3 10 4 0 7 15 18 9 11 8 19 14 12 13 17 6 16 20]\n", + "=======================\n", + "[\"a handful of animal keepers at salt lake city 's hogle zoo found themselves with a tiny red-headed charge when eve , a bornean orangutan , died a few weeks after giving birth .now 5 months old , the 14-inch , 11-pound tuah is starting to crawl .about 9,000 people visited the zoo saturday , said erica hansen , the zoo 's community relations coordinator .\"]\n", + "=======================\n", + "[\"now 5 months old , the 14-inch , 11-pound tuah is starting to crawltuah was revealed to the public on saturday at salt lake city 's hogle zootuah 's parents died shortly after she was borntuah 's father was eli , an orangutan who became famous for correctly predicting the super bowl winner seven years in a rowonce she is ready , tuah 's sister acara will care for her instead of humans\"]\n", + "a handful of animal keepers at salt lake city 's hogle zoo found themselves with a tiny red-headed charge when eve , a bornean orangutan , died a few weeks after giving birth .now 5 months old , the 14-inch , 11-pound tuah is starting to crawl .about 9,000 people visited the zoo saturday , said erica hansen , the zoo 's community relations coordinator .\n", + "now 5 months old , the 14-inch , 11-pound tuah is starting to crawltuah was revealed to the public on saturday at salt lake city 's hogle zootuah 's parents died shortly after she was borntuah 's father was eli , an orangutan who became famous for correctly predicting the super bowl winner seven years in a rowonce she is ready , tuah 's sister acara will care for her instead of humans\n", + "[1.1930237 1.5624869 1.3173797 1.3028082 1.2116771 1.057426 1.0152442\n", + " 1.0144812 1.0213714 1.0799309 1.0826607 1.0649112 1.0226234 1.1073631\n", + " 1.0951611 1.167022 1.0554415 1.1154228 1.0499806 1.0064085 0. ]\n", + "\n", + "[ 1 2 3 4 0 15 17 13 14 10 9 11 5 16 18 12 8 6 7 19 20]\n", + "=======================\n", + "[\"charles kingham , 86 , and partner pauline moore , 68 , have been together for 40 years and bought their home in the quiet lincolnshire seaside resort of mablethorpe for # 35,000 in 1987 .they spent two years converting it into their dream home , but it became a ` living hell ' after it was converted into an integrated offender management centre , which deals with persistent criminals .board stiff : the couple have been forced to board up every window in their home for protection\"]\n", + "=======================\n", + "['charles kingham , 86 , and pauline moore , 68 , had their home pelted with eggs , stones and even cooking fat on a weekly basisthugs banged on their door and urinated on garden flowerscouple were forced to board up all the windows for protectionms moore says yobs turned dream seaside home into living hell']\n", + "charles kingham , 86 , and partner pauline moore , 68 , have been together for 40 years and bought their home in the quiet lincolnshire seaside resort of mablethorpe for # 35,000 in 1987 .they spent two years converting it into their dream home , but it became a ` living hell ' after it was converted into an integrated offender management centre , which deals with persistent criminals .board stiff : the couple have been forced to board up every window in their home for protection\n", + "charles kingham , 86 , and pauline moore , 68 , had their home pelted with eggs , stones and even cooking fat on a weekly basisthugs banged on their door and urinated on garden flowerscouple were forced to board up all the windows for protectionms moore says yobs turned dream seaside home into living hell\n", + "[1.5059198 1.2967472 1.1380429 1.1293621 1.4005213 1.0465074 1.0319456\n", + " 1.1300794 1.0854136 1.0865107 1.0303068 1.0226386 1.1606377 1.0539877\n", + " 1.0475738 1.0830114 1.039121 1.094298 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 12 2 7 3 17 9 8 15 13 14 5 16 6 10 11 19 18 20]\n", + "=======================\n", + "[\"financially-troubled cska sofia 's latvian goalkeeper maksims uvarenko has not been paid for three months and has had to ask his parents to send him money to pay his rent .but despite the financial problems , uvarenko , who joined the bulgarian club on an 18-month contract in january , has been impressed by the ` unique ' fans and their passionate support .cska have faced a series of financial problems since bulgarian tycoon vasil bozhkov , considered one of the richest men in the black sea state , decided to sell the club in 2006 .\"]\n", + "=======================\n", + "['maksims uvarenko revealed he has not been paid for three monthsthe cska sofia goalkeeper asked his parents to send him rent moneythe bulgarian club are struggling with financial problems']\n", + "financially-troubled cska sofia 's latvian goalkeeper maksims uvarenko has not been paid for three months and has had to ask his parents to send him money to pay his rent .but despite the financial problems , uvarenko , who joined the bulgarian club on an 18-month contract in january , has been impressed by the ` unique ' fans and their passionate support .cska have faced a series of financial problems since bulgarian tycoon vasil bozhkov , considered one of the richest men in the black sea state , decided to sell the club in 2006 .\n", + "maksims uvarenko revealed he has not been paid for three monthsthe cska sofia goalkeeper asked his parents to send him rent moneythe bulgarian club are struggling with financial problems\n", + "[1.4947332 1.2194614 1.4961717 1.3203741 1.1981237 1.2720172 1.1654481\n", + " 1.0445595 1.0174494 1.01589 1.0163343 1.0136646 1.0159248 1.0212381\n", + " 1.0189106 1.0246757 1.0163462 1.0191293 1.0115255 1.010802 1.1137123]\n", + "\n", + "[ 2 0 3 5 1 4 6 20 7 15 13 17 14 8 16 10 12 9 11 18 19]\n", + "=======================\n", + "[\"kim copeland , 52 , was walking home from her local sainsbury 's store in coventry when she threw the used cigarette on the ground - before two council officers came ` sprinting ' towards her to say she had committed a criminal offence .miss copeland was then issued with a # 50 fixed penalty notice following the incident in october last year , but refused to pay it within ten days in protest at how she was treated .she was then fined # 304 by magistrates who also ordered her to pay # 200 court costs .\"]\n", + "=======================\n", + "[\"two council officers came ` sprinting ' towards kim copeland in coventrysaid she had committed a crime and issued her with # 50 penalty noticeshe refused to pay it within ten days in protest at how she was treatedbut she was then told to appear at court and fined # 304 plus # 200 costs\"]\n", + "kim copeland , 52 , was walking home from her local sainsbury 's store in coventry when she threw the used cigarette on the ground - before two council officers came ` sprinting ' towards her to say she had committed a criminal offence .miss copeland was then issued with a # 50 fixed penalty notice following the incident in october last year , but refused to pay it within ten days in protest at how she was treated .she was then fined # 304 by magistrates who also ordered her to pay # 200 court costs .\n", + "two council officers came ` sprinting ' towards kim copeland in coventrysaid she had committed a crime and issued her with # 50 penalty noticeshe refused to pay it within ten days in protest at how she was treatedbut she was then told to appear at court and fined # 304 plus # 200 costs\n", + "[1.2838643 1.4644246 1.2775306 1.255961 1.1900387 1.0958953 1.1001239\n", + " 1.0796973 1.0500426 1.0747043 1.1408424 1.0621666 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 10 6 5 7 9 11 8 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"his tiny face is coated in dust from the debris that crashed around him as the earth shook on saturday , april 25 , killing more than 5,000 people and injuring at least twice as many more .( cnn ) a photo of a baby boy being pulled from the rubble of the nepal earthquake has become the defining image of a disaster that has devastated the country .his name is sonit awal , and he 's just four months old .\"]\n", + "=======================\n", + "['baby sonit awal found in rubble of nepal earthquake , sunday morningspent 22 hours buried under his home after 7.8-magnitude quake']\n", + "his tiny face is coated in dust from the debris that crashed around him as the earth shook on saturday , april 25 , killing more than 5,000 people and injuring at least twice as many more .( cnn ) a photo of a baby boy being pulled from the rubble of the nepal earthquake has become the defining image of a disaster that has devastated the country .his name is sonit awal , and he 's just four months old .\n", + "baby sonit awal found in rubble of nepal earthquake , sunday morningspent 22 hours buried under his home after 7.8-magnitude quake\n", + "[1.2700493 1.4660779 1.1186614 1.3137481 1.2501625 1.1548774 1.2008519\n", + " 1.0694906 1.093921 1.0894488 1.0973381 1.0305363 1.0175376 1.0406055\n", + " 1.0598522 1.0381123 1.0402447 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 4 6 5 2 10 8 9 7 14 13 16 15 11 12 21 17 18 19 20 22]\n", + "=======================\n", + "['sebastiano quagliata and his wife , valbona lucaj , pleaded no contest to owning a dangerous dog causing death in the fatal mauling last summer of craig sytsma of livonia , the flint journal reported .sytsma , 46 , was attacked by two cane corsos last july in metamora township , 45 miles northwest of detroit .lucaj ( left ) , a native of albania , and quagliata , of italy , could be deported after serving their sentences']\n", + "=======================\n", + "[\"father-of-three craig sytsma was mauled to death in michigan last yeardog owners sebastiano quagliata and wife valbona lucaj agreed to plea deal friday to around 15 years in jail , though judge could add six monthssytsma was jogging in july 2014 when the two cane corsos attacked himhe was bitten almost ten times and was ` screaming and begging ' for help\"]\n", + "sebastiano quagliata and his wife , valbona lucaj , pleaded no contest to owning a dangerous dog causing death in the fatal mauling last summer of craig sytsma of livonia , the flint journal reported .sytsma , 46 , was attacked by two cane corsos last july in metamora township , 45 miles northwest of detroit .lucaj ( left ) , a native of albania , and quagliata , of italy , could be deported after serving their sentences\n", + "father-of-three craig sytsma was mauled to death in michigan last yeardog owners sebastiano quagliata and wife valbona lucaj agreed to plea deal friday to around 15 years in jail , though judge could add six monthssytsma was jogging in july 2014 when the two cane corsos attacked himhe was bitten almost ten times and was ` screaming and begging ' for help\n", + "[1.1224854 1.4476995 1.3065943 1.2034968 1.2607836 1.1603243 1.0474898\n", + " 1.0502136 1.0351572 1.1681458 1.1221857 1.1100935 1.0522023 1.1138521\n", + " 1.0711879 1.033152 1.0244863 1.062648 1.050402 1.028653 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 4 3 9 5 0 10 13 11 14 17 12 18 7 6 8 15 19 16 21 20 22]\n", + "=======================\n", + "['baron the german shepherd was captured in a video using the toilet after he began learning the impressive skill a few weeks ago .in the footage , the five-month-old pup enters the bathroom and lifts up the toilet seat .he then climbs up balancing his paws on the raised seat cover as he holds himself up and hovers over the toilet while relieving himself .']\n", + "=======================\n", + "['baron the german shepherd was filmed using the bathroomin the footage shared on facebook , the dog raises the toilet seat , relieves himself and puts the seat down before flushing the toiletthe video has been viewed more than 16,400,000 times to datefive-month-old pup was professionally trained at hill country k9 school']\n", + "baron the german shepherd was captured in a video using the toilet after he began learning the impressive skill a few weeks ago .in the footage , the five-month-old pup enters the bathroom and lifts up the toilet seat .he then climbs up balancing his paws on the raised seat cover as he holds himself up and hovers over the toilet while relieving himself .\n", + "baron the german shepherd was filmed using the bathroomin the footage shared on facebook , the dog raises the toilet seat , relieves himself and puts the seat down before flushing the toiletthe video has been viewed more than 16,400,000 times to datefive-month-old pup was professionally trained at hill country k9 school\n", + "[1.2363665 1.3773253 1.2805014 1.3804843 1.2774441 1.1907952 1.1335812\n", + " 1.1041574 1.0735334 1.0163238 1.0289044 1.1148027 1.054402 1.0115355\n", + " 1.0176393 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 1 2 4 0 5 6 11 7 8 12 10 14 9 13 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"the office for national statistics said more than 31 million people were in work after an increase of more than half a million in the past yearthe prime minister used the data to warn that the recovery would be ` put at risk ' by a ` stitch-up ' between labour and the snp , after ed miliband and nicola sturgeon clashed in a tv debate last night .david cameron today boasted that 2million people have found work since 2010 , as new employment figures showed the uk workforce is at another record high .\"]\n", + "=======================\n", + "['employment surges as the number in work hits a record 31millionjobless total falls by 76,000 to 1.84 million , the lowest for seven yearscameron warns a labour government would put 1million jobs at risk']\n", + "the office for national statistics said more than 31 million people were in work after an increase of more than half a million in the past yearthe prime minister used the data to warn that the recovery would be ` put at risk ' by a ` stitch-up ' between labour and the snp , after ed miliband and nicola sturgeon clashed in a tv debate last night .david cameron today boasted that 2million people have found work since 2010 , as new employment figures showed the uk workforce is at another record high .\n", + "employment surges as the number in work hits a record 31millionjobless total falls by 76,000 to 1.84 million , the lowest for seven yearscameron warns a labour government would put 1million jobs at risk\n", + "[1.2937838 1.0787591 1.0436671 1.0425285 1.0420995 1.424824 1.5159558\n", + " 1.1446463 1.0583352 1.0336679 1.0372683 1.0295775 1.0285085 1.0446762\n", + " 1.0682307 1.133614 1.0610844 1.0948076 1.0630676 1.016296 1.0388212\n", + " 1.060299 1.066623 ]\n", + "\n", + "[ 6 5 0 7 15 17 1 14 22 18 16 21 8 13 2 3 4 20 10 9 11 12 19]\n", + "=======================\n", + "[\"hamilton 's mercedes team-mate nico rosberg was third six-tenths of a second behind hamiltonlewis hamilton waves after qualifying on pole position for the bahrain grand prix on saturdaynico rosberg is too polite to say what precisely he finds irritating about the team-mate with whom he is locked in the battle of his career .\"]\n", + "=======================\n", + "[\"lewis hamilton qualified in pole position for sunday 's bahrain grand prixferrari 's sebastian vettel pipped mercedes ' nico rosberg to secondrosberg 's father keke was 1982 world championrosberg and his wife vivian are expecting their first child in augustwhile hamilton courts fame and has a lavish lifestyle , rosberg 's focus is on his family while his life is more settled\"]\n", + "hamilton 's mercedes team-mate nico rosberg was third six-tenths of a second behind hamiltonlewis hamilton waves after qualifying on pole position for the bahrain grand prix on saturdaynico rosberg is too polite to say what precisely he finds irritating about the team-mate with whom he is locked in the battle of his career .\n", + "lewis hamilton qualified in pole position for sunday 's bahrain grand prixferrari 's sebastian vettel pipped mercedes ' nico rosberg to secondrosberg 's father keke was 1982 world championrosberg and his wife vivian are expecting their first child in augustwhile hamilton courts fame and has a lavish lifestyle , rosberg 's focus is on his family while his life is more settled\n", + "[1.2635639 1.4461415 1.3485314 1.1956818 1.2014568 1.0550935 1.0144756\n", + " 1.0816736 1.0849934 1.0864805 1.1362704 1.1516036 1.1289297 1.0828606\n", + " 1.0554445 1.0336818 1.0203398 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 4 3 11 10 12 9 8 13 7 14 5 15 16 6 17 18 19 20 21 22]\n", + "=======================\n", + "[\"the couples queenscliff neighbour , wendy goyer , claimed her ` small but charming view ' would be obstructed if mr pengilly and ms beachley 's addition was built .the pair 's three bedroom home was purchased in 2007 for $ 2.6 million and features extensive views of freshwater and queenscliff beaches .inxs guitarist kirk pingelly and his surfing champion wife layne beachly won their case against a disgruntled neighbour who wanted to stop the redevelopment of their northern beaches home .\"]\n", + "=======================\n", + "[\"kirk pingelly and layne beachley have won their legal disputethe couple were caught in a legal battle over redeveloping their homeneighbour wendy goyer said developments would ` destroy ' her viewsshe said the picturesque views were a major reason she bought the homethe court ruled her views werent ` iconic ' and were already at risk of being built out\"]\n", + "the couples queenscliff neighbour , wendy goyer , claimed her ` small but charming view ' would be obstructed if mr pengilly and ms beachley 's addition was built .the pair 's three bedroom home was purchased in 2007 for $ 2.6 million and features extensive views of freshwater and queenscliff beaches .inxs guitarist kirk pingelly and his surfing champion wife layne beachly won their case against a disgruntled neighbour who wanted to stop the redevelopment of their northern beaches home .\n", + "kirk pingelly and layne beachley have won their legal disputethe couple were caught in a legal battle over redeveloping their homeneighbour wendy goyer said developments would ` destroy ' her viewsshe said the picturesque views were a major reason she bought the homethe court ruled her views werent ` iconic ' and were already at risk of being built out\n", + "[1.2422433 1.3355526 1.3047771 1.2898457 1.2471325 1.162166 1.0482186\n", + " 1.0357735 1.0351036 1.0389618 1.088761 1.0688585 1.0977906 1.0893415\n", + " 1.0627636 1.072127 1.0208861 1.0620524 1.034022 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 5 12 13 10 15 11 14 17 6 9 7 8 18 16 19 20]\n", + "=======================\n", + "[\"in a rare foreign policy speech , the labour leader will pledge to ` restore our commitment ' to the eu and other international groups such as the united nations .today he will accuse david cameron of ` taking britain to the edge of european exit ' .labour will ` never ' walk away from the european union , ed miliband will say today .\"]\n", + "=======================\n", + "[\"labour leader has vowed to ` never ' walk away from the european unioned miliband pledges to ` restore our commitment ' to eu and other groupsaccusing david cameron of ` taking britain to the edge of european exit '\"]\n", + "in a rare foreign policy speech , the labour leader will pledge to ` restore our commitment ' to the eu and other international groups such as the united nations .today he will accuse david cameron of ` taking britain to the edge of european exit ' .labour will ` never ' walk away from the european union , ed miliband will say today .\n", + "labour leader has vowed to ` never ' walk away from the european unioned miliband pledges to ` restore our commitment ' to eu and other groupsaccusing david cameron of ` taking britain to the edge of european exit '\n", + "[1.3047652 1.464514 1.2307462 1.2497551 1.1841582 1.1983178 1.0274743\n", + " 1.0207055 1.025769 1.021131 1.0837023 1.0406519 1.0188 1.0366404\n", + " 1.0207688 1.0323842 1.120603 1.0230393 1.0146273 1.0110859 1.0115522]\n", + "\n", + "[ 1 0 3 2 5 4 16 10 11 13 15 6 8 17 9 14 7 12 18 20 19]\n", + "=======================\n", + "[\"the former secretary of state gave details of her daughter 's pregnancy in a new epilogue for her memoir , hard choices , released just days before she is expected to announce her presidential run .hillary clinton ` whooped ' for joy at the birth of her granddaughter before she saw bill becoming tearful in the hospital waiting room , she has revealed .she explained how in 2014 , she and her husband got the ` wonderful news ' that their daughter chelsea and her investment banker husband marc mezvinsky were expecting a baby .\"]\n", + "=======================\n", + "[\"in the new chapter released on friday , clinton shared her experiences as a grandmother and how they had motivated her political plansshe recalled how disorganized she had been before the birth of chelsea , whereas chelsea had been so composed before becoming a motherthe clintons ` whooped ' with delight when charlotte was born last september and hillary noticed bill becoming emotionalwhile she had been nervous about being a mother , being a grandmother is ` pure joy ' - and has made her think about all children 's futures , she saidshe is expected to announce her run for president on sunday\"]\n", + "the former secretary of state gave details of her daughter 's pregnancy in a new epilogue for her memoir , hard choices , released just days before she is expected to announce her presidential run .hillary clinton ` whooped ' for joy at the birth of her granddaughter before she saw bill becoming tearful in the hospital waiting room , she has revealed .she explained how in 2014 , she and her husband got the ` wonderful news ' that their daughter chelsea and her investment banker husband marc mezvinsky were expecting a baby .\n", + "in the new chapter released on friday , clinton shared her experiences as a grandmother and how they had motivated her political plansshe recalled how disorganized she had been before the birth of chelsea , whereas chelsea had been so composed before becoming a motherthe clintons ` whooped ' with delight when charlotte was born last september and hillary noticed bill becoming emotionalwhile she had been nervous about being a mother , being a grandmother is ` pure joy ' - and has made her think about all children 's futures , she saidshe is expected to announce her run for president on sunday\n", + "[1.4253799 1.4749002 1.2074361 1.3746572 1.2211797 1.0923113 1.0265644\n", + " 1.0233098 1.2507106 1.034575 1.0601298 1.1241362 1.0572104 1.0120102\n", + " 1.0083823 1.0093875 1.0084523 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 8 4 2 11 5 10 12 9 6 7 13 15 16 14 19 17 18 20]\n", + "=======================\n", + "[\"the tottenham winger came off the bench to score the equaliser with a stunning strike in tuesday 's 1-1 draw with italy in turin .arsenal legend paul merson has been forced into an embarrassing climbdown and admitted he was wrong to criticise the england call up for andros townsend .townsend and kyle walker were the worst two players on the pitch .\"]\n", + "=======================\n", + "[\"paul merson had questioned england selection of andros townsendtottenham winger scored equaliser in tuesday 's 1-1 draw with italymerson admitted townsend had proved him wrong with ` great goal '\"]\n", + "the tottenham winger came off the bench to score the equaliser with a stunning strike in tuesday 's 1-1 draw with italy in turin .arsenal legend paul merson has been forced into an embarrassing climbdown and admitted he was wrong to criticise the england call up for andros townsend .townsend and kyle walker were the worst two players on the pitch .\n", + "paul merson had questioned england selection of andros townsendtottenham winger scored equaliser in tuesday 's 1-1 draw with italymerson admitted townsend had proved him wrong with ` great goal '\n", + "[1.2137766 1.4288284 1.32061 1.170262 1.2649541 1.1696649 1.1902435\n", + " 1.0755417 1.11767 1.0784538 1.043705 1.0348964 1.1108383 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 0 6 3 5 8 12 9 7 10 11 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"footage of the unusual scene was released by chinese traffic police last week in attempt to warn the public of the dangerous stunts that could be seen on the roads .traffic authorities in eastern china said they were shocked when spotting this scene on cctv footage , according to the people 's daily online .the footage was taken at 10am on march 19 near the erdun port intersection in yangzhou city , jiangsu province .\"]\n", + "=======================\n", + "['image is released by chinese traffic police to warn dangerous road stuntsvan is strapped to the three-wheel moped with two crisscrossed stringsman is likely to be on his way to a garage as minibus has a flat tyrepolice said driver broke traffic regulations but they failed to track him down']\n", + "footage of the unusual scene was released by chinese traffic police last week in attempt to warn the public of the dangerous stunts that could be seen on the roads .traffic authorities in eastern china said they were shocked when spotting this scene on cctv footage , according to the people 's daily online .the footage was taken at 10am on march 19 near the erdun port intersection in yangzhou city , jiangsu province .\n", + "image is released by chinese traffic police to warn dangerous road stuntsvan is strapped to the three-wheel moped with two crisscrossed stringsman is likely to be on his way to a garage as minibus has a flat tyrepolice said driver broke traffic regulations but they failed to track him down\n", + "[1.2613387 1.1663232 1.405529 1.4169269 1.1799767 1.1079164 1.2610538\n", + " 1.2774367 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 7 0 6 4 1 5 18 17 16 15 14 10 12 11 19 9 8 13 20]\n", + "=======================\n", + "[\"davy mcgregor suffered the sickening injury to his ear while playing for heriot 's racing clubdavy mcgregor was hurt after being caught by an opponent 's hip or shorts - leaving a truly horrifying sight .the hooker 's ear was left hanging off after playing against the barbarians for their 125th anniversary\"]\n", + "=======================\n", + "[\"warning graphic contentdavy mcgregor posted the gruesome ear injury on his twitter pagethe heriot 's racing club hooker had been playing against the barbarians\"]\n", + "davy mcgregor suffered the sickening injury to his ear while playing for heriot 's racing clubdavy mcgregor was hurt after being caught by an opponent 's hip or shorts - leaving a truly horrifying sight .the hooker 's ear was left hanging off after playing against the barbarians for their 125th anniversary\n", + "warning graphic contentdavy mcgregor posted the gruesome ear injury on his twitter pagethe heriot 's racing club hooker had been playing against the barbarians\n", + "[1.255941 1.4704976 1.2758191 1.2642999 1.0537156 1.3020538 1.0948832\n", + " 1.0375311 1.1109917 1.0700711 1.0858324 1.0580033 1.0539566 1.1165433\n", + " 1.0428301 1.0300846 1.0446024 1.0451733 0. 0. ]\n", + "\n", + "[ 1 5 2 3 0 13 8 6 10 9 11 12 4 17 16 14 7 15 18 19]\n", + "=======================\n", + "['the authorities have closed a total of six chinese restaurants in the local area since police raided the lo yen city restaurant in southern tijuana following a tip-off from the disgusted client .the customer called in the cops after witnessing kitchen staff killing the dog , later intended to be served up masquerading as pork in the next chow mein .rescued : some dogs were found alive at the restaurant and were taken away by a local vet']\n", + "=======================\n", + "['customer witnessed dog being butchered at lo yen city restaurantit was killed to be served as a pork dish , it has been allegedpolice raided the restaurant and arrested five people , including the ownerofficials on the scene discovered a decapitated puppy in a rubbish bin']\n", + "the authorities have closed a total of six chinese restaurants in the local area since police raided the lo yen city restaurant in southern tijuana following a tip-off from the disgusted client .the customer called in the cops after witnessing kitchen staff killing the dog , later intended to be served up masquerading as pork in the next chow mein .rescued : some dogs were found alive at the restaurant and were taken away by a local vet\n", + "customer witnessed dog being butchered at lo yen city restaurantit was killed to be served as a pork dish , it has been allegedpolice raided the restaurant and arrested five people , including the ownerofficials on the scene discovered a decapitated puppy in a rubbish bin\n", + "[1.0608368 1.3343409 1.3523962 1.3714269 1.2776374 1.0677031 1.1536633\n", + " 1.0843245 1.0306723 1.0760385 1.0819095 1.0785335 1.0642687 1.0380925\n", + " 1.0337863 1.04296 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 4 6 7 10 11 9 5 12 0 15 13 14 8 16 17 18 19]\n", + "=======================\n", + "[\"more than 6,000 books are scattered throughout the guest rooms and public spaces at new york city 's library hotelthe boutique hotel was designed around the dewey decimal system , with each floor dedicated to one of its 10 major categories and every room decorated according to a genre or topic within the categories .it may seem like an unusual theme , but the library hotel has gone all in with its tribute to the american librarian .\"]\n", + "=======================\n", + "[\"the luxurious library hotel has more than 6,000 books scattered throughout its guest rooms and public spaceseach floor is dedicated to one of 10 of the dewey decimal system 's categories , including history and technologyevery one of the hotel 's 60 rooms is decorated according to a genre or topic within the categorieson the fifth floor - devoted to math and science - guests stay in rooms themed after astronomy and dinosaurs\"]\n", + "more than 6,000 books are scattered throughout the guest rooms and public spaces at new york city 's library hotelthe boutique hotel was designed around the dewey decimal system , with each floor dedicated to one of its 10 major categories and every room decorated according to a genre or topic within the categories .it may seem like an unusual theme , but the library hotel has gone all in with its tribute to the american librarian .\n", + "the luxurious library hotel has more than 6,000 books scattered throughout its guest rooms and public spaceseach floor is dedicated to one of 10 of the dewey decimal system 's categories , including history and technologyevery one of the hotel 's 60 rooms is decorated according to a genre or topic within the categorieson the fifth floor - devoted to math and science - guests stay in rooms themed after astronomy and dinosaurs\n", + "[1.1044204 1.5222838 1.2784301 1.3093694 1.2148525 1.1217601 1.0870953\n", + " 1.1909845 1.0743532 1.033243 1.0203239 1.0521483 1.0424491 1.0125889\n", + " 1.2657701 1.1156715 1.0958319 1.0776402 0. 0. ]\n", + "\n", + "[ 1 3 2 14 4 7 5 15 0 16 6 17 8 11 12 9 10 13 18 19]\n", + "=======================\n", + "['the rogue european eagle owl has been terrorising the dutch town of noordeinde for months and is believed to be behind a spate of vicious attacks .the enormous bird of prey targeted the blonde-haired woman after launching itself from the roof of a nearby houselocals have been advised to arm themselves with umbrellas against the bird , as hoards of twitchers have flocked to the netherlands hoping to catch a sighting of the impressive bird .']\n", + "=======================\n", + "[\"european eagle-owl caught on camera perched on birdwatcher 's headlarge bird has been terrorising dutch town of noordeinde for monthstwitchers have flocked to the town hoping to catch sighting of bird\"]\n", + "the rogue european eagle owl has been terrorising the dutch town of noordeinde for months and is believed to be behind a spate of vicious attacks .the enormous bird of prey targeted the blonde-haired woman after launching itself from the roof of a nearby houselocals have been advised to arm themselves with umbrellas against the bird , as hoards of twitchers have flocked to the netherlands hoping to catch a sighting of the impressive bird .\n", + "european eagle-owl caught on camera perched on birdwatcher 's headlarge bird has been terrorising dutch town of noordeinde for monthstwitchers have flocked to the town hoping to catch sighting of bird\n", + "[1.1454278 1.2510384 1.356647 1.2643818 1.2317001 1.1499345 1.0975944\n", + " 1.2781394 1.1014721 1.024967 1.0775245 1.1109848 1.0795412 1.0785801\n", + " 1.0185716 1.0140834 1.0169846 1.0433587 1.0367059 0. ]\n", + "\n", + "[ 2 7 3 1 4 5 0 11 8 6 12 13 10 17 18 9 14 16 15 19]\n", + "=======================\n", + "[\"in australia , 83 per cent of women rate themselves as average looking , the study found , while around the world just four per cent think they 're worthy of the glowing epithet .that is the question that has been posed to women by dove in a new survey , and the results are shocking .of the 9,397 out of 11,000 that answered ` average ' , 84 per cent regularly have negative thoughts about their appearance .\"]\n", + "=======================\n", + "[\"new dove worldwide survey finds 96 per cent think they 're ` average 'out of 11,000 australian women , a huge 9,397 rated themselves averagenew video filmed in five countries highlights the statisticsparticipants had to choose between doors marked ` beautiful ' and average 'dove has launched new #choosebeautiful campaign\"]\n", + "in australia , 83 per cent of women rate themselves as average looking , the study found , while around the world just four per cent think they 're worthy of the glowing epithet .that is the question that has been posed to women by dove in a new survey , and the results are shocking .of the 9,397 out of 11,000 that answered ` average ' , 84 per cent regularly have negative thoughts about their appearance .\n", + "new dove worldwide survey finds 96 per cent think they 're ` average 'out of 11,000 australian women , a huge 9,397 rated themselves averagenew video filmed in five countries highlights the statisticsparticipants had to choose between doors marked ` beautiful ' and average 'dove has launched new #choosebeautiful campaign\n", + "[1.345781 1.3376768 1.2605399 1.2709005 1.2882859 1.2425106 1.0753882\n", + " 1.0210124 1.0231442 1.0985836 1.0968871 1.136131 1.0868894 1.073947\n", + " 1.0277451 1.0410202 1.0363499 1.0096207 1.0110602 1.0106003]\n", + "\n", + "[ 0 1 4 3 2 5 11 9 10 12 6 13 15 16 14 8 7 18 19 17]\n", + "=======================\n", + "[\"nick robinson returned to the tv screens last night , with his voice still recovering its strength after his cancer treatment .the bbc 's political editor announced at the start of march that he would be taking some weeks off for treatment for a rare lung tumour .the tories ' manifesto is unveiled today and the liberal democrats ' is on wednesday .\"]\n", + "=======================\n", + "[\"the reporter announced early march he would take time off due to tumourhe made a brief return last night with his voice still recovering its strengthmr robinson 's voice sounded weak and strained following his treatmentthe bbc political editor said he hoped to be back full-time ` fairly soon '\"]\n", + "nick robinson returned to the tv screens last night , with his voice still recovering its strength after his cancer treatment .the bbc 's political editor announced at the start of march that he would be taking some weeks off for treatment for a rare lung tumour .the tories ' manifesto is unveiled today and the liberal democrats ' is on wednesday .\n", + "the reporter announced early march he would take time off due to tumourhe made a brief return last night with his voice still recovering its strengthmr robinson 's voice sounded weak and strained following his treatmentthe bbc political editor said he hoped to be back full-time ` fairly soon '\n", + "[1.2013721 1.371588 1.370173 1.2702311 1.2571495 1.0506467 1.0423568\n", + " 1.0272951 1.0317088 1.0253197 1.0964408 1.0723721 1.1007253 1.0446311\n", + " 1.0743573 1.0222201 1.0371169]\n", + "\n", + "[ 1 2 3 4 0 12 10 14 11 5 13 6 16 8 7 9 15]\n", + "=======================\n", + "[\"it is little surprise the fuhrer later banned the absurdly camp woodland snap , calling it ` beneath one 's dignity ' .but the rare archive photo , and several other portraits as comical as they are chilling , have been discovered in a hitler ` fan magazine ' from the thirties .in lederhosen and knee-high socks , adolf hitler lounges against a tree .\"]\n", + "=======================\n", + "[\"hitler ` fan magazine ' has been discovered and will be published in britainit was found by a british soldier in a bombed german house after the warone propaganda photo shows him in lederhosen and knee-high socksmilitary experts will this month publish book entitled the rise of hitler\"]\n", + "it is little surprise the fuhrer later banned the absurdly camp woodland snap , calling it ` beneath one 's dignity ' .but the rare archive photo , and several other portraits as comical as they are chilling , have been discovered in a hitler ` fan magazine ' from the thirties .in lederhosen and knee-high socks , adolf hitler lounges against a tree .\n", + "hitler ` fan magazine ' has been discovered and will be published in britainit was found by a british soldier in a bombed german house after the warone propaganda photo shows him in lederhosen and knee-high socksmilitary experts will this month publish book entitled the rise of hitler\n", + "[1.0999064 1.4999795 1.3819338 1.201437 1.1289127 1.1650307 1.2947291\n", + " 1.0352124 1.0359265 1.0710757 1.1326654 1.0620229 1.0562054 1.0238187\n", + " 1.0392802 1.0867572 1.0902137]\n", + "\n", + "[ 1 2 6 3 5 10 4 0 16 15 9 11 12 14 8 7 13]\n", + "=======================\n", + "[\"bbc radio 5 live commentator guy mowbray 's notes for monday night 's premier league clash between liverpool and newcastle at anfield were posted ahead of kick-off .instead jordan ibe returned from injury , while brannagan was an unused substitute in liverpool 's 2-0 win at anfield .mowbray has worked for the bbc since 2004\"]\n", + "=======================\n", + "[\"bbc commentator guy mowbray 's notes were revealed on twittermowbray commentated on liverpool 's match against newcastle at anfieldhe correctly predicted 19 of the 22 players who took to the field\"]\n", + "bbc radio 5 live commentator guy mowbray 's notes for monday night 's premier league clash between liverpool and newcastle at anfield were posted ahead of kick-off .instead jordan ibe returned from injury , while brannagan was an unused substitute in liverpool 's 2-0 win at anfield .mowbray has worked for the bbc since 2004\n", + "bbc commentator guy mowbray 's notes were revealed on twittermowbray commentated on liverpool 's match against newcastle at anfieldhe correctly predicted 19 of the 22 players who took to the field\n", + "[1.5102856 1.398328 1.1898305 1.3912679 1.3582275 1.0800427 1.0557489\n", + " 1.0267688 1.0384674 1.1350294 1.0805352 1.0520232 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 4 2 9 10 5 6 11 8 7 12 13 14 15 16]\n", + "=======================\n", + "[\"barcelona club president josep maria bartomeu has insisted that the la liga leaders have no plans to replace luis enrique and they 're ` very happy ' with him .the 44-year-old took only took charge of the club last summer , signing a two-year-deal , and is only six games away from winning the title .despite speculation this season that enrique will be replaced in the summer , bartomeu refuted these claims and says he 's impressed with how the manager has performed .\"]\n", + "=======================\n", + "[\"barcelona president josep bartomeu says the club are happy with enriquebarca are currently top of la liga and closing in on the league titleenrique 's future at the club has been speculated over the seasonclick here for all the latest barcelona news\"]\n", + "barcelona club president josep maria bartomeu has insisted that the la liga leaders have no plans to replace luis enrique and they 're ` very happy ' with him .the 44-year-old took only took charge of the club last summer , signing a two-year-deal , and is only six games away from winning the title .despite speculation this season that enrique will be replaced in the summer , bartomeu refuted these claims and says he 's impressed with how the manager has performed .\n", + "barcelona president josep bartomeu says the club are happy with enriquebarca are currently top of la liga and closing in on the league titleenrique 's future at the club has been speculated over the seasonclick here for all the latest barcelona news\n", + "[1.1983665 1.3615088 1.3919027 1.1994464 1.4505596 1.197238 1.0246438\n", + " 1.0268294 1.0198809 1.0207753 1.0217752 1.025989 1.0820662 1.029543\n", + " 1.017461 1.0859933 1.057179 ]\n", + "\n", + "[ 4 2 1 3 0 5 15 12 16 13 7 11 6 10 9 8 14]\n", + "=======================\n", + "[\"jonny may will start on the wing for gloucester at the stoop on friday but has lost his england starting placehe was told to go away and learn his lessons back at gloucester .just a couple of months after scoring a sensational first international try against new zealand , may was axed for striking the wrong note by ignoring an overlap in england 's six nations win over italy .\"]\n", + "=======================\n", + "['gloucester take on edinburgh in european challenge cup final on fridayjonny may will start for the premiership club at the stoopmay hopes impressing against edinburgh can help an england recall']\n", + "jonny may will start on the wing for gloucester at the stoop on friday but has lost his england starting placehe was told to go away and learn his lessons back at gloucester .just a couple of months after scoring a sensational first international try against new zealand , may was axed for striking the wrong note by ignoring an overlap in england 's six nations win over italy .\n", + "gloucester take on edinburgh in european challenge cup final on fridayjonny may will start for the premiership club at the stoopmay hopes impressing against edinburgh can help an england recall\n", + "[1.1899154 1.432132 1.2616558 1.283115 1.1657711 1.0356605 1.079198\n", + " 1.2152818 1.0877104 1.0313047 1.0406888 1.0390757 1.1076999 1.0796621\n", + " 1.0800375 0. 0. ]\n", + "\n", + "[ 1 3 2 7 0 4 12 8 14 13 6 10 11 5 9 15 16]\n", + "=======================\n", + "[\"guinness offered the top flight a huge deal of # 135m over three years , a # 5m-a-year increase on the payments from barclays , whose 15-year partnership with the premier league will finish at the end of next season .but the clubs awash with over # 5billion from domestic tv rights alone rejected the bid from guinness 's parent company diageo , in part because some teams have conflicting beer deals .the league 's mega-rich clubs have demanded a deal in the region of # 60m-a-season from 2016\"]\n", + "=======================\n", + "['drinks company offered premier league # 45million-a-year dealbut clubs turned it down because they have other deals with beerssky sports block thierry henry from presenting award on channel 4richard thompson looking to bring t20 blast highlights to terrestrial tv']\n", + "guinness offered the top flight a huge deal of # 135m over three years , a # 5m-a-year increase on the payments from barclays , whose 15-year partnership with the premier league will finish at the end of next season .but the clubs awash with over # 5billion from domestic tv rights alone rejected the bid from guinness 's parent company diageo , in part because some teams have conflicting beer deals .the league 's mega-rich clubs have demanded a deal in the region of # 60m-a-season from 2016\n", + "drinks company offered premier league # 45million-a-year dealbut clubs turned it down because they have other deals with beerssky sports block thierry henry from presenting award on channel 4richard thompson looking to bring t20 blast highlights to terrestrial tv\n", + "[1.1180434 1.2387875 1.0869805 1.1665308 1.1099064 1.1615272 1.1716841\n", + " 1.0444175 1.0161642 1.2290485 1.111651 1.0342284 1.1103967 1.030994\n", + " 1.1267726 1.0489669 1.0859202 1.0520718 1.0159115 0. 0. ]\n", + "\n", + "[ 1 9 6 3 5 14 0 10 12 4 2 16 17 15 7 11 13 8 18 19 20]\n", + "=======================\n", + "[\"when captain wayne rooney said after the draw in italy on tuesday that carrick was the ` best player on the pitch by a mile ' , and that he ` dictated the game ' he summed up what england have been missing since he signed for manchester united in 2006 .carrick has a 100 per cent record with england at the world cup .sir alex ferguson signed carrick for # 18million , trusted him in midfield , and united dominated domestically and even became champions of europe in an era when guardiola , messi and barcelona were taking their place in history as one of the greatest ever club sides .\"]\n", + "=======================\n", + "['carrick made just his 33rd appearance for england in italy on tuesdaythe midfielder has been overlooked by a succession of england managersthis is despite being the main man at manchester united for yearsroy hodgson seems to have realised the importance of carrickbut england may have won a major tournament with him in the side']\n", + "when captain wayne rooney said after the draw in italy on tuesday that carrick was the ` best player on the pitch by a mile ' , and that he ` dictated the game ' he summed up what england have been missing since he signed for manchester united in 2006 .carrick has a 100 per cent record with england at the world cup .sir alex ferguson signed carrick for # 18million , trusted him in midfield , and united dominated domestically and even became champions of europe in an era when guardiola , messi and barcelona were taking their place in history as one of the greatest ever club sides .\n", + "carrick made just his 33rd appearance for england in italy on tuesdaythe midfielder has been overlooked by a succession of england managersthis is despite being the main man at manchester united for yearsroy hodgson seems to have realised the importance of carrickbut england may have won a major tournament with him in the side\n", + "[1.2534126 1.4651525 1.2448629 1.1362315 1.138624 1.2062781 1.0790507\n", + " 1.0925369 1.0836225 1.0919853 1.0162927 1.0752347 1.0813086 1.0540216\n", + " 1.05866 1.0868267 1.0175155 1.0532794 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 5 4 3 7 9 15 8 12 6 11 14 13 17 16 10 18 19 20]\n", + "=======================\n", + "[\"the alarm failed at the former president 's houston residence in september 2013 and even though the secret service bought a replacement system in january 2014 , it took until december for it to be installed - leaving the couple without the protection of a working alarm at their home for 15 months .it came despite an agent 's recommendation in 2010 that the alarm , which was installed in 1993 , be replaced because it ` had exceeded its life cycle ' .the request was denied for an unknown reason .\"]\n", + "=======================\n", + "[\"the alarm system at the former president 's houston property failed around september 2013 but was not replaced until december 2014it came after an agent recommended in 2010 that the 20-year system be replaced but the request was deniedthe details emerged in a report by the department of homeland security office of inspector general released on thursdaythe report recommended that the agency reviews all security equipment\"]\n", + "the alarm failed at the former president 's houston residence in september 2013 and even though the secret service bought a replacement system in january 2014 , it took until december for it to be installed - leaving the couple without the protection of a working alarm at their home for 15 months .it came despite an agent 's recommendation in 2010 that the alarm , which was installed in 1993 , be replaced because it ` had exceeded its life cycle ' .the request was denied for an unknown reason .\n", + "the alarm system at the former president 's houston property failed around september 2013 but was not replaced until december 2014it came after an agent recommended in 2010 that the 20-year system be replaced but the request was deniedthe details emerged in a report by the department of homeland security office of inspector general released on thursdaythe report recommended that the agency reviews all security equipment\n", + "[1.5789275 1.4782327 1.23036 1.5107074 1.3126779 1.0493845 1.0141522\n", + " 1.0115359 1.0171243 1.0132267 1.0210721 1.3480778 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 11 4 2 5 10 8 6 9 7 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"barcelona goalkeeper marc-andre ter stegen is keen to impress manager luis enrique in the champions league having failed to make his la liga debut since joining the club in the summer .ter stegen arrived at the nou camp from german outfit borussia monchengladbach in may but has struggled to get ahead of fellow summer-singing claudio bravo in the pecking order under enrique .ter stegen was speaking ahead of the first leg of barcelona 's quarter-final clash with paris saint germain\"]\n", + "=======================\n", + "['marc-andre ter stegen is eager to impress barcelona boss luis enriqueter stegen is yet to make his la liga debut for the catalan giantsgerman goalkeeper has been reduced to champions league appearancesbarcelona face psg in champions league quarter-final tie on wednesdaypsg-barca clash to be refereed by mark clattenburg and english officials']\n", + "barcelona goalkeeper marc-andre ter stegen is keen to impress manager luis enrique in the champions league having failed to make his la liga debut since joining the club in the summer .ter stegen arrived at the nou camp from german outfit borussia monchengladbach in may but has struggled to get ahead of fellow summer-singing claudio bravo in the pecking order under enrique .ter stegen was speaking ahead of the first leg of barcelona 's quarter-final clash with paris saint germain\n", + "marc-andre ter stegen is eager to impress barcelona boss luis enriqueter stegen is yet to make his la liga debut for the catalan giantsgerman goalkeeper has been reduced to champions league appearancesbarcelona face psg in champions league quarter-final tie on wednesdaypsg-barca clash to be refereed by mark clattenburg and english officials\n", + "[1.1270151 1.0646607 1.102866 1.1119092 1.4930935 1.1804992 1.2642591\n", + " 1.1055783 1.0591363 1.060645 1.0297422 1.0370567 1.1261952 1.0190511\n", + " 1.0304306 1.0313905 1.1555376 1.0509402 1.1444767 1.2171174 1.0524591]\n", + "\n", + "[ 4 6 19 5 16 18 0 12 3 7 2 1 9 8 20 17 11 15 14 10 13]\n", + "=======================\n", + "[\"raheem sterling has turned down a new deal with liverpool and put off contract talks until the summerthe 20-year-old scored for england in their 4-0 win over lithuania at wembley last friday nightsterling 's current # 35,000-a-week deal at liverpool has two years to run at the end of this season\"]\n", + "=======================\n", + "[\"raheem sterling turned down a # 100,000-per-week offer from liverpoolsterling has two years left to run on his existing # 35,000-a-week contractthe 20-year-old began his career at queens park rangers in 2003he signed for liverpool in 2010 after seven years with qprsterling was born in kingston , jamaica before moving to englandliverpool attacker wants to be known as ' a kid that loves to play football '\"]\n", + "raheem sterling has turned down a new deal with liverpool and put off contract talks until the summerthe 20-year-old scored for england in their 4-0 win over lithuania at wembley last friday nightsterling 's current # 35,000-a-week deal at liverpool has two years to run at the end of this season\n", + "raheem sterling turned down a # 100,000-per-week offer from liverpoolsterling has two years left to run on his existing # 35,000-a-week contractthe 20-year-old began his career at queens park rangers in 2003he signed for liverpool in 2010 after seven years with qprsterling was born in kingston , jamaica before moving to englandliverpool attacker wants to be known as ' a kid that loves to play football '\n", + "[1.3218822 1.4861399 1.279177 1.4297885 1.2361377 1.0577621 1.0187843\n", + " 1.0757631 1.0446434 1.0519729 1.023206 1.0514508 1.0128963 1.0706561\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 7 13 5 9 11 8 10 6 12 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the # 1.5 million valued super-car was delivered just 11 hours later , and was added to his collection of impressive motors .floyd mayweather 's spending habits are well known but his car dealer has revealed that the boxer bizarrely rang him at 3am to order a bugatti - insisting the car was to be in his driveway in just 12 hours .obi okeke , who owns fusion luxury motors , was interviewed on the video on mayweather 's facebook page and spoke about the very late phone call he received .\"]\n", + "=======================\n", + "['floyd mayweather rang his car dealer to order a bugatti at 3amthe boxer told obi okele to have the car in his driveway just 12 hours laterthe car was # 1.5 million valued motor was delivered in just 11 hoursmayweather is training hard for his mega fight with manny pacquiao']\n", + "the # 1.5 million valued super-car was delivered just 11 hours later , and was added to his collection of impressive motors .floyd mayweather 's spending habits are well known but his car dealer has revealed that the boxer bizarrely rang him at 3am to order a bugatti - insisting the car was to be in his driveway in just 12 hours .obi okeke , who owns fusion luxury motors , was interviewed on the video on mayweather 's facebook page and spoke about the very late phone call he received .\n", + "floyd mayweather rang his car dealer to order a bugatti at 3amthe boxer told obi okele to have the car in his driveway just 12 hours laterthe car was # 1.5 million valued motor was delivered in just 11 hoursmayweather is training hard for his mega fight with manny pacquiao\n", + "[1.0846366 1.4380345 1.1611012 1.2927811 1.2935741 1.1744734 1.0806013\n", + " 1.1848482 1.1180412 1.057021 1.165168 1.1021793 1.0287222 1.0181786\n", + " 1.0155709 1.0136191 0. ]\n", + "\n", + "[ 1 4 3 7 5 10 2 8 11 0 6 9 12 13 14 15 16]\n", + "=======================\n", + "['this action shot was taken at estavayer-le-lac in switzerland where the latest water sports craze of jet surfing has taken off .flying high : jet surfing is the latest craze in extreme water sports as thrillseekers take it to the next leveljet surf boards have a top speed of 33mph and weigh just 15kg .']\n", + "=======================\n", + "['motorised surfboards weigh just 15kg and travel at speeds of up to 33mphcapable of thrusting riders into the air off waves and the wake from boatscontraption , made in czech republic , is powered by a two-stroke engine']\n", + "this action shot was taken at estavayer-le-lac in switzerland where the latest water sports craze of jet surfing has taken off .flying high : jet surfing is the latest craze in extreme water sports as thrillseekers take it to the next leveljet surf boards have a top speed of 33mph and weigh just 15kg .\n", + "motorised surfboards weigh just 15kg and travel at speeds of up to 33mphcapable of thrusting riders into the air off waves and the wake from boatscontraption , made in czech republic , is powered by a two-stroke engine\n", + "[1.3557076 1.3802167 1.2284802 1.2607591 1.1755406 1.0341644 1.2048728\n", + " 1.0487478 1.1077286 1.1332065 1.0834795 1.0315775 1.0597943 1.0542068\n", + " 1.0416416 1.0246971 1.0563041]\n", + "\n", + "[ 1 0 3 2 6 4 9 8 10 12 16 13 7 14 5 11 15]\n", + "=======================\n", + "[\"victoria police had explored the option of criminal charges being levelled against ms gibson after people began to question her cancer claims and charity work last month .controversial wellness blogger belle gibson is still being investigated over claims she faked her cancer battles , despite reports police had dropped the investigation .belle gibson : doubt has been cast on the whole pantry founder 's stories as people demand answers from the health guru\"]\n", + "=======================\n", + "[\"reports police dropped investigation into belle gibson 's whole pantryhowever , victoria police say its position has not changedpolice had been looking into charging ms gibson with deceptionconsumer affairs victoria will now decide if any offences were committedms gibson expressed concern over her family 's safety in remarks to daily mail australiams gibson faced backlash since close friends cast doubt about her terminal cancer diagnosis` my son 's childcare details were posted online , ' she claimed , adding that her address and floor plan were also made availablethe popular instagram personality still has not addressed questions about her ` cancer diagnosis '\"]\n", + "victoria police had explored the option of criminal charges being levelled against ms gibson after people began to question her cancer claims and charity work last month .controversial wellness blogger belle gibson is still being investigated over claims she faked her cancer battles , despite reports police had dropped the investigation .belle gibson : doubt has been cast on the whole pantry founder 's stories as people demand answers from the health guru\n", + "reports police dropped investigation into belle gibson 's whole pantryhowever , victoria police say its position has not changedpolice had been looking into charging ms gibson with deceptionconsumer affairs victoria will now decide if any offences were committedms gibson expressed concern over her family 's safety in remarks to daily mail australiams gibson faced backlash since close friends cast doubt about her terminal cancer diagnosis` my son 's childcare details were posted online , ' she claimed , adding that her address and floor plan were also made availablethe popular instagram personality still has not addressed questions about her ` cancer diagnosis '\n", + "[1.3802712 1.3548928 1.3518465 1.3456672 1.1985519 1.1714844 1.0518471\n", + " 1.0224657 1.1274664 1.0200372 1.0160782 1.1067955 1.0612627 1.0660366\n", + " 1.1232944 1.0336429 1.082926 ]\n", + "\n", + "[ 0 1 2 3 4 5 8 14 11 16 13 12 6 15 7 9 10]\n", + "=======================\n", + "[\"indonesia 's attorney-general has claimed that bali nine duo andrew chan and myuran sukumaran will be put to death following the rejection of their last ditch legal appeals .the convicted australian drug dealers learned about the ruling after an appeal against their death row sentence was allowed to proceed in jakarta 's state administrative court on monday .the court decided against allowing the pair 's lawyers to challenge indonesian president joko widodo 's decision to deny the two australians clemency .\"]\n", + "=======================\n", + "[\"andrew chan and myuran sukumaran lost last appeal against executionindonesia 's attorney-general said the pair would now be put to deaththe two australians are currently in isolation on nusakambangan islandthey were moved last month from bali jail to the island to await execution\"]\n", + "indonesia 's attorney-general has claimed that bali nine duo andrew chan and myuran sukumaran will be put to death following the rejection of their last ditch legal appeals .the convicted australian drug dealers learned about the ruling after an appeal against their death row sentence was allowed to proceed in jakarta 's state administrative court on monday .the court decided against allowing the pair 's lawyers to challenge indonesian president joko widodo 's decision to deny the two australians clemency .\n", + "andrew chan and myuran sukumaran lost last appeal against executionindonesia 's attorney-general said the pair would now be put to deaththe two australians are currently in isolation on nusakambangan islandthey were moved last month from bali jail to the island to await execution\n", + "[1.5296488 1.2412503 1.1242462 1.4617931 1.1640471 1.0561752 1.0473236\n", + " 1.1127923 1.0352962 1.0932683 1.021695 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 7 9 5 6 8 10 11 12 13 14 15 16]\n", + "=======================\n", + "[\"a hat-trick of tries from teenage winger ash handley helped leeds to a handsome 41-16 win over reigning champions st helens that takes them six points clear at the top of super league .leeds veteran danny mcguire crossed for one of his side 's seven tries against st helens on friday nightthe 19-year-old handley got his big chance due to an injury to england winger tom briscoe and how he has seized it , with six tries in just six super league appearances .\"]\n", + "=======================\n", + "['ash handley has now scored six tries in six appearances for leedsthe rhinos are now six points clear at the top of super leagueleeds have lost just once in their opening 11 matches']\n", + "a hat-trick of tries from teenage winger ash handley helped leeds to a handsome 41-16 win over reigning champions st helens that takes them six points clear at the top of super league .leeds veteran danny mcguire crossed for one of his side 's seven tries against st helens on friday nightthe 19-year-old handley got his big chance due to an injury to england winger tom briscoe and how he has seized it , with six tries in just six super league appearances .\n", + "ash handley has now scored six tries in six appearances for leedsthe rhinos are now six points clear at the top of super leagueleeds have lost just once in their opening 11 matches\n", + "[1.4533876 1.4465487 1.1820921 1.3873035 1.3912706 1.1917814 1.0226464\n", + " 1.0170798 1.0370809 1.201011 1.035287 1.0128217 1.014694 1.0155945\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 3 9 5 2 8 10 6 7 13 12 11 15 14 16]\n", + "=======================\n", + "[\"stefan johansen gratefully picked up two individual prizes at the annual celtic player of the year awards dinner on sunday night then looked forward to the team clinching the scottish premiership title .ronny deila 's side went eight points clear of aberdeen at the top of the table with a 3-0 away win at dundee united on sunday , courtesy of a leigh griffiths hat-trick .stefan johansen has been in terrific form for celtic this season and has impressed during his first campaign\"]\n", + "=======================\n", + "[\"stefan johansen picked up two prizes at celtic 's award dinnerthe midfielder has enjoyed a stunning first season at parkheadceltic moved eight points clear of the spl with a 3-0 win over dundeeclick here for all the latest celtic news\"]\n", + "stefan johansen gratefully picked up two individual prizes at the annual celtic player of the year awards dinner on sunday night then looked forward to the team clinching the scottish premiership title .ronny deila 's side went eight points clear of aberdeen at the top of the table with a 3-0 away win at dundee united on sunday , courtesy of a leigh griffiths hat-trick .stefan johansen has been in terrific form for celtic this season and has impressed during his first campaign\n", + "stefan johansen picked up two prizes at celtic 's award dinnerthe midfielder has enjoyed a stunning first season at parkheadceltic moved eight points clear of the spl with a 3-0 win over dundeeclick here for all the latest celtic news\n", + "[1.2719002 1.247842 1.142832 1.2286869 1.2303214 1.1478909 1.1445315\n", + " 1.0859123 1.0894411 1.0972837 1.0965832 1.0946256 1.0814921 1.0675913\n", + " 1.0203643 1.0615803 1.0436484 0. ]\n", + "\n", + "[ 0 1 4 3 5 6 2 9 10 11 8 7 12 13 15 16 14 17]\n", + "=======================\n", + "[\"madonna received a barrage of criticism from her gay fanbase today after posting a photograph of former prime minister margaret thatcher and ` thanking ' her for her service .the 56-year-old pop star posted the image of the iron lady on instagram - before quickly deleting it just moments later after receiving dozens of abusive messages .the singer , who has a large gay fanbase , offended fans who reminded her that thatcher enacted legislation that banned ` promoting ' homosexuality in 1988 .\"]\n", + "=======================\n", + "[\"madonna posted photograph of margaret thatcher before later deleting it56-year-old pop star uploaded image and ` thanked ' former prime ministershe quickly deleted the post after getting barrage of abuse from gay fans\"]\n", + "madonna received a barrage of criticism from her gay fanbase today after posting a photograph of former prime minister margaret thatcher and ` thanking ' her for her service .the 56-year-old pop star posted the image of the iron lady on instagram - before quickly deleting it just moments later after receiving dozens of abusive messages .the singer , who has a large gay fanbase , offended fans who reminded her that thatcher enacted legislation that banned ` promoting ' homosexuality in 1988 .\n", + "madonna posted photograph of margaret thatcher before later deleting it56-year-old pop star uploaded image and ` thanked ' former prime ministershe quickly deleted the post after getting barrage of abuse from gay fans\n", + "[1.1586872 1.241546 1.2074776 1.1083386 1.180332 1.1387273 1.0589682\n", + " 1.0442166 1.0511018 1.0330609 1.0219214 1.0374291 1.0391543 1.0325654\n", + " 1.0455014 1.0814925 1.0354369 1.0311642]\n", + "\n", + "[ 1 2 4 0 5 3 15 6 8 14 7 12 11 16 9 13 17 10]\n", + "=======================\n", + "['how can the people in iowa and new hampshire get to know the \" real hillary , \" the midwestern methodist ?( as a friend told me , she \\'s someone who \" likes to sing ` god bless america \\' on new year \\'s eve . \" )same questions , no doubt , that the staff asked in 2008 when she ran against the newbie barack obama , and same questions they asked when , as first lady , she ran for the senate in new york .']\n", + "=======================\n", + "[\"gloria borger : hillary clinton 's team is doing all it can to make her appear relatable to ordinary peopleshe asks if the most famous woman in the world can really connect with ordinary voters ?\"]\n", + "how can the people in iowa and new hampshire get to know the \" real hillary , \" the midwestern methodist ?( as a friend told me , she 's someone who \" likes to sing ` god bless america ' on new year 's eve . \" )same questions , no doubt , that the staff asked in 2008 when she ran against the newbie barack obama , and same questions they asked when , as first lady , she ran for the senate in new york .\n", + "gloria borger : hillary clinton 's team is doing all it can to make her appear relatable to ordinary peopleshe asks if the most famous woman in the world can really connect with ordinary voters ?\n", + "[1.0763215 1.5508196 1.3542035 1.2786446 1.2998815 1.0580767 1.1277487\n", + " 1.0909812 1.0285511 1.1587992 1.0189573 1.0209432 1.0148069 1.0168403\n", + " 1.0158037 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 9 6 7 0 5 8 11 10 13 14 12 15 16 17]\n", + "=======================\n", + "['thousands of sea creatures are on display when guests book themselves into one of two visually stunning underwater hotel rooms at the five-star atlantis , the palm resort in dubai .with enough room for five guests , the underwater suites -- poseidon and neptune -- boast floor-to-ceiling views directly into the ambassador lagoon aquarium , which holds 65,000 marine animals , from the master bedrooms and bathrooms -- creating the illusion of being under the sea .with a base price of just under # 5,500 ( $ 8,200 ) a night , each suite has elegant perks , including soap with 24-carat gold flakes , dom perignon champagne for non-muslim guests , a non-alcoholic sparkling date drink for muslim guests , and 24-hour private butler service to keep customers feeling pampered .']\n", + "=======================\n", + "['two underwater suites at atlantis , the palm boast floor-to-ceiling views directly into a massive aquariumthe views from the master bedrooms and bathrooms create the illusion of being under the seawith a base price of just under # 5,500 ( $ 8,200 ) a night , each suite comes with 24-hour private butler servicebutlers have received requests for everything from camel rides to a skydiver dressed as santa clausthe 1,500-room hotel is located on the palm jumeirah artificial island off the coast of dubai']\n", + "thousands of sea creatures are on display when guests book themselves into one of two visually stunning underwater hotel rooms at the five-star atlantis , the palm resort in dubai .with enough room for five guests , the underwater suites -- poseidon and neptune -- boast floor-to-ceiling views directly into the ambassador lagoon aquarium , which holds 65,000 marine animals , from the master bedrooms and bathrooms -- creating the illusion of being under the sea .with a base price of just under # 5,500 ( $ 8,200 ) a night , each suite has elegant perks , including soap with 24-carat gold flakes , dom perignon champagne for non-muslim guests , a non-alcoholic sparkling date drink for muslim guests , and 24-hour private butler service to keep customers feeling pampered .\n", + "two underwater suites at atlantis , the palm boast floor-to-ceiling views directly into a massive aquariumthe views from the master bedrooms and bathrooms create the illusion of being under the seawith a base price of just under # 5,500 ( $ 8,200 ) a night , each suite comes with 24-hour private butler servicebutlers have received requests for everything from camel rides to a skydiver dressed as santa clausthe 1,500-room hotel is located on the palm jumeirah artificial island off the coast of dubai\n", + "[1.4696743 1.3499415 1.2688602 1.1772922 1.2077823 1.1481375 1.2676\n", + " 1.1423585 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 6 4 3 5 7 15 14 13 12 8 10 9 16 11 17]\n", + "=======================\n", + "['( cnn ) boston native mark wahlberg will star in a film about the boston marathon bombing and the manhunt that followed , deadline reported wednesday .wahlberg \\'s film , to be titled \" patriots \\' day , \" is being produced by cbs films , which linked to the deadline article from its website .according to deadline , wahlberg is hoping to play boston police commissioner ed davis , who retired after the attack in 2013 .']\n", + "=======================\n", + "['mark wahlberg is planning to appear in \" patriots \\' day \"the film will be about events surrounding the 2013 boston marathon bombinganother film , \" boston strong , \" is also in the works']\n", + "( cnn ) boston native mark wahlberg will star in a film about the boston marathon bombing and the manhunt that followed , deadline reported wednesday .wahlberg 's film , to be titled \" patriots ' day , \" is being produced by cbs films , which linked to the deadline article from its website .according to deadline , wahlberg is hoping to play boston police commissioner ed davis , who retired after the attack in 2013 .\n", + "mark wahlberg is planning to appear in \" patriots ' day \"the film will be about events surrounding the 2013 boston marathon bombinganother film , \" boston strong , \" is also in the works\n", + "[1.3822278 1.4775693 1.3235605 1.3505484 1.0602992 1.0299852 1.0137086\n", + " 1.0170631 1.0528231 1.1290507 1.2565715 1.0360594 1.0994595 1.020303\n", + " 1.0178275 1.0137268 1.0941342 0. ]\n", + "\n", + "[ 1 0 3 2 10 9 12 16 4 8 11 5 13 14 7 15 6 17]\n", + "=======================\n", + "[\"mr macgregor , 68 , who has been at the helm of the museum since 2002 , said it was ' a difficult thing ' to decide to leave .director of the british museum neil macgregor has announced he is stepping down from the job at the end of the year .he previously ran the national gallery and has also worked as a broadcaster - most notably on his radio 4 series a history of the world in 100 objects which was inspired by the museum 's collection .\"]\n", + "=======================\n", + "[\"neil macgregor to leave job he has held since 2002 at the end of the yearsixty-eight-year-old said it was ' a difficult thing ' to finally decide to leavepreviously ran the national gallery and has also worked as a broadcasterhistory of the world in 100 objects series inspired by museum collection\"]\n", + "mr macgregor , 68 , who has been at the helm of the museum since 2002 , said it was ' a difficult thing ' to decide to leave .director of the british museum neil macgregor has announced he is stepping down from the job at the end of the year .he previously ran the national gallery and has also worked as a broadcaster - most notably on his radio 4 series a history of the world in 100 objects which was inspired by the museum 's collection .\n", + "neil macgregor to leave job he has held since 2002 at the end of the yearsixty-eight-year-old said it was ' a difficult thing ' to finally decide to leavepreviously ran the national gallery and has also worked as a broadcasterhistory of the world in 100 objects series inspired by museum collection\n", + "[1.1959937 1.4381647 1.267817 1.2789574 1.2516838 1.1200693 1.1109564\n", + " 1.0347286 1.109714 1.092942 1.0434283 1.1031141 1.0353211 1.1150947\n", + " 1.0857766 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 4 0 5 13 6 8 11 9 14 10 12 7 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"german annegret raunigk , already has 13 children , and her remarkable story will be featured in a tv documentary .her latest pregnancy was the result of artificial insemination using both donated sperm and eggs .ms raunigk , who is in the 21st week of her pregnancy , said she was ` shocked ' when an ultrasound scan showed she was carrying quadruplets .\"]\n", + "=======================\n", + "[\"annegret raunigk , 65 , from berlin , is pregnant with quadrupletspregnant following artificial insemination using donated sperm and eggsrefused ` selective reduction ' abortion and will keep all four babies\"]\n", + "german annegret raunigk , already has 13 children , and her remarkable story will be featured in a tv documentary .her latest pregnancy was the result of artificial insemination using both donated sperm and eggs .ms raunigk , who is in the 21st week of her pregnancy , said she was ` shocked ' when an ultrasound scan showed she was carrying quadruplets .\n", + "annegret raunigk , 65 , from berlin , is pregnant with quadrupletspregnant following artificial insemination using donated sperm and eggsrefused ` selective reduction ' abortion and will keep all four babies\n", + "[1.3822652 1.2468106 1.4231377 1.3678147 1.0956634 1.039199 1.0179307\n", + " 1.204195 1.0746486 1.139319 1.0610634 1.0689187 1.0540981 1.0647587\n", + " 1.1275064 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 3 1 7 9 14 4 8 11 13 10 12 5 6 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"driver shaun worthington 's car was filmed on a truck 's dashcam veering into the path of oncoming traffic at 1.04 pm - the same time the fatal text was sent .tragic : an inquest heard shaun worthington died instantly after his car veered into oncoming trafficthe 29-year-old died when his silver audi a4 collided with a truck on the a614 between burton agnes and haisthorpe , near bridlington , east yorkshire , on november 19 last year .\"]\n", + "=======================\n", + "[\"shaun worthington 's car veered into truck moments after text was senthe was driving home from a speed awareness course , an inquest heardthe 29-year-old 's mother said his death had ` blown our world apart 'she made a plea for motorists not to use their mobile phones when driving\"]\n", + "driver shaun worthington 's car was filmed on a truck 's dashcam veering into the path of oncoming traffic at 1.04 pm - the same time the fatal text was sent .tragic : an inquest heard shaun worthington died instantly after his car veered into oncoming trafficthe 29-year-old died when his silver audi a4 collided with a truck on the a614 between burton agnes and haisthorpe , near bridlington , east yorkshire , on november 19 last year .\n", + "shaun worthington 's car veered into truck moments after text was senthe was driving home from a speed awareness course , an inquest heardthe 29-year-old 's mother said his death had ` blown our world apart 'she made a plea for motorists not to use their mobile phones when driving\n", + "[1.4803467 1.4804287 1.1515229 1.2950453 1.0405957 1.0263264 1.0177015\n", + " 1.1174959 1.0264951 1.0779094 1.0845234 1.2100916 1.303083 1.0273304\n", + " 1.0254922 1.0377314 1.013001 1.0537416 1.0105532 1.0149415 1.0729169\n", + " 1.1209253]\n", + "\n", + "[ 1 0 12 3 11 2 21 7 10 9 20 17 4 15 13 8 5 14 6 19 16 18]\n", + "=======================\n", + "[\"following a comprehensive 3-1 victory against aston villa , van gaal sees next sunday 's derby against manchester city at old trafford as important in the battle to finish runners-up .manchester united boss louis van gaal has warned his players that champions league qualification is still not assured despite holding an eight-point gap over liverpool after saturday 's results .manchester united 's wayne rooney celebrates with team-mates after scoring his team 's second goal\"]\n", + "=======================\n", + "[\"manchester united beat aston villa to secure an eight-point cushionlouis van gaal 's side currently sit third a point ahead of manchester cityrivals liverpool find themselves in fifth following their defeat to arsenalbut van gaal has warned his squad it is important to battle till the end\"]\n", + "following a comprehensive 3-1 victory against aston villa , van gaal sees next sunday 's derby against manchester city at old trafford as important in the battle to finish runners-up .manchester united boss louis van gaal has warned his players that champions league qualification is still not assured despite holding an eight-point gap over liverpool after saturday 's results .manchester united 's wayne rooney celebrates with team-mates after scoring his team 's second goal\n", + "manchester united beat aston villa to secure an eight-point cushionlouis van gaal 's side currently sit third a point ahead of manchester cityrivals liverpool find themselves in fifth following their defeat to arsenalbut van gaal has warned his squad it is important to battle till the end\n", + "[1.2520076 1.4009383 1.3432946 1.2954255 1.0984828 1.1413639 1.090797\n", + " 1.0340196 1.0263252 1.0681651 1.1234252 1.1089157 1.0556238 1.0424356\n", + " 1.0459532 1.0427094 1.0139972 1.0609617 1.0143809 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 0 5 10 11 4 6 9 17 12 14 15 13 7 8 18 16 20 19 21]\n", + "=======================\n", + "[\"carwyn scott-howell was described as a ` daring , outgoing and determined ' youngster whose ` handsome smile lit up any room ' .the schoolboy was skiing with his family when he became separated from his mother and headed into dense woodland where he fell over a 164ft drop .tragedy : carwyn scott-howell ( left ; right ) fell to his death while on holiday with his mother ceri , nine-year-old sister antonia and brother gerwyn , 19 , in the alps\"]\n", + "=======================\n", + "[\"carwyn scott-howell died on a family holiday in flaine in french alpshe went ahead alone when sister fell and his mother stopped to helpskied into dense woodland before sliding towards a 164-foot cliffthought he may have entered woodland as thought it was shortcut to hotelfamily described him as a ` very daring , outgoing , determined little boy '\"]\n", + "carwyn scott-howell was described as a ` daring , outgoing and determined ' youngster whose ` handsome smile lit up any room ' .the schoolboy was skiing with his family when he became separated from his mother and headed into dense woodland where he fell over a 164ft drop .tragedy : carwyn scott-howell ( left ; right ) fell to his death while on holiday with his mother ceri , nine-year-old sister antonia and brother gerwyn , 19 , in the alps\n", + "carwyn scott-howell died on a family holiday in flaine in french alpshe went ahead alone when sister fell and his mother stopped to helpskied into dense woodland before sliding towards a 164-foot cliffthought he may have entered woodland as thought it was shortcut to hotelfamily described him as a ` very daring , outgoing , determined little boy '\n", + "[1.3059264 1.5182495 1.2776154 1.3116072 1.2432518 1.0714513 1.0267874\n", + " 1.0224454 1.0652258 1.0514368 1.0983998 1.0190511 1.0167353 1.0180854\n", + " 1.0761763 1.0372603 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 2 4 10 14 5 8 9 15 6 7 11 13 12 20 16 17 18 19 21]\n", + "=======================\n", + "[\"the picture-perfect photo shoot is the handiwork of john daniels , 61 , from dunsfold in surrey , who has decades of experience working with animals .a ` model ' poses in a makeshift hammock for a portrait by puppy photographer john danielsa british photographer has captured some adorable images of puppies posing for the camera .\"]\n", + "=======================\n", + "[\"john daniels , 61 , from surrey , has decades of experience working with animalsphotographer 's charming snaps celebrate national pet day , which takes place tomorrowinclude comedy props , tiny furniture and unusual animal pairings\"]\n", + "the picture-perfect photo shoot is the handiwork of john daniels , 61 , from dunsfold in surrey , who has decades of experience working with animals .a ` model ' poses in a makeshift hammock for a portrait by puppy photographer john danielsa british photographer has captured some adorable images of puppies posing for the camera .\n", + "john daniels , 61 , from surrey , has decades of experience working with animalsphotographer 's charming snaps celebrate national pet day , which takes place tomorrowinclude comedy props , tiny furniture and unusual animal pairings\n", + "[1.3709623 1.3032502 1.2967892 1.3330888 1.1132307 1.1431253 1.0702593\n", + " 1.103837 1.0631703 1.1809242 1.0572286 1.109306 1.0207381 1.0175619\n", + " 1.0081692 1.027098 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 9 5 4 11 7 6 8 10 15 12 13 14 17 16 18]\n", + "=======================\n", + "[\"controversial ryanair boss michael o'leary claims the budget airline will slash its fares by as much as 15 per cent over the next two years .ryanair chief executive michael o'leary took aim at air france in his interview with le journal du dimanchethe chief executive of europe 's largest budget airline made the vow in an interview with a french weekly newspaper , saying its average fare could be as low as $ 40 ( approximately # 26 ) next year .\"]\n", + "=======================\n", + "[\"chief executive michael o'leary made the vow to a french newspaperhe attributed the cuts to lower oil prices and said savings will be passed onthe controversial boss said ryanair 's average ticket price could drop by # 4new boeing planes ordered by irish carrier will have more capacitymr o'leary also took aim at air france and predicted more troubles timeshe disputed claims that ryanair staff face poor conditions and wages\"]\n", + "controversial ryanair boss michael o'leary claims the budget airline will slash its fares by as much as 15 per cent over the next two years .ryanair chief executive michael o'leary took aim at air france in his interview with le journal du dimanchethe chief executive of europe 's largest budget airline made the vow in an interview with a french weekly newspaper , saying its average fare could be as low as $ 40 ( approximately # 26 ) next year .\n", + "chief executive michael o'leary made the vow to a french newspaperhe attributed the cuts to lower oil prices and said savings will be passed onthe controversial boss said ryanair 's average ticket price could drop by # 4new boeing planes ordered by irish carrier will have more capacitymr o'leary also took aim at air france and predicted more troubles timeshe disputed claims that ryanair staff face poor conditions and wages\n", + "[1.1272732 1.4541074 1.401085 1.311077 1.0437596 1.0757651 1.113231\n", + " 1.1104102 1.0321238 1.045748 1.0783994 1.1849811 1.0725753 1.0780888\n", + " 1.0241411 1.0606312 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 11 0 6 7 10 13 5 12 15 9 4 8 14 16 17 18]\n", + "=======================\n", + "[\"the app , called eaze , has been dubbed ` uber for weed ' and enables people to choose medical grade marijuana and have it delivered by a vetted driver -- providing they live in one of the us states where the drug is legal .the californian start-up , which is rumoured to be backed by rapper snoop dogg , has just raised $ 10 million ( # 6.7 million ) so that users can ` find the perfect medicine ' in more states .today it 's the norm to order taxis using an app , but now a service lets its users schedule a delivery of drugs to their door .\"]\n", + "=======================\n", + "['eaze app lets people order marijuana for medical purposes to their homecalifornian start-up raised $ 10 million to roll out app to other stateslists the composition of cannabis and users pay when they receive drugsorders can arrive in minutes from drivers that have been vetted by the firm']\n", + "the app , called eaze , has been dubbed ` uber for weed ' and enables people to choose medical grade marijuana and have it delivered by a vetted driver -- providing they live in one of the us states where the drug is legal .the californian start-up , which is rumoured to be backed by rapper snoop dogg , has just raised $ 10 million ( # 6.7 million ) so that users can ` find the perfect medicine ' in more states .today it 's the norm to order taxis using an app , but now a service lets its users schedule a delivery of drugs to their door .\n", + "eaze app lets people order marijuana for medical purposes to their homecalifornian start-up raised $ 10 million to roll out app to other stateslists the composition of cannabis and users pay when they receive drugsorders can arrive in minutes from drivers that have been vetted by the firm\n", + "[1.4751791 1.2386843 1.291217 1.4698011 1.1792178 1.0679176 1.0208699\n", + " 1.0226073 1.1444209 1.0276672 1.0195913 1.0342889 1.1492888 1.0248435\n", + " 1.0220994 1.0175945 1.1036911 1.0394467 1.0167444]\n", + "\n", + "[ 0 3 2 1 4 12 8 16 5 17 11 9 13 7 14 6 10 15 18]\n", + "=======================\n", + "[\"homesick sam tomkins insists it is not a foregone conclusion that he will return to wigan when he cuts short his new zealand warriors stay at the end of the season .when announcing his departure barely 18 months ago , wigan announced they could re-sign tomkins on a ` defined salary ' on his return to super league .the 26-year-old england full-back is interesting his former club , where his brother joel plays , and wigan have an option to bring him back to the dw stadium .\"]\n", + "=======================\n", + "['sam tomkins has been homesick after moving to new zealandhe joined warriors after leaving wigan who are interested in signing himtomkins had been contracted until the end of the 2016 seasonhe said he missed home in ways he never thought he would']\n", + "homesick sam tomkins insists it is not a foregone conclusion that he will return to wigan when he cuts short his new zealand warriors stay at the end of the season .when announcing his departure barely 18 months ago , wigan announced they could re-sign tomkins on a ` defined salary ' on his return to super league .the 26-year-old england full-back is interesting his former club , where his brother joel plays , and wigan have an option to bring him back to the dw stadium .\n", + "sam tomkins has been homesick after moving to new zealandhe joined warriors after leaving wigan who are interested in signing himtomkins had been contracted until the end of the 2016 seasonhe said he missed home in ways he never thought he would\n", + "[1.3354381 1.4069095 1.1581075 1.1147716 1.2319425 1.2372097 1.162444\n", + " 1.125014 1.0720307 1.0594392 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 5 4 6 2 7 3 8 9 10 11 12 13 14 15 16 17 18]\n", + "=======================\n", + "['in video captured by cnn affiliate wmar , the woman is seen pulling her masked son away from a crowd , smacking him in the head repeatedly , and screaming at him .( cnn ) a mom furious at her son for apparently taking part in the baltimore riots has become a sensation online .wmar reports that the woman saw her son on television throwing rocks at police .']\n", + "=======================\n", + "['the mom saw her son on tv throwing rocks at police , cnn affiliate reportspolice praise her actions']\n", + "in video captured by cnn affiliate wmar , the woman is seen pulling her masked son away from a crowd , smacking him in the head repeatedly , and screaming at him .( cnn ) a mom furious at her son for apparently taking part in the baltimore riots has become a sensation online .wmar reports that the woman saw her son on television throwing rocks at police .\n", + "the mom saw her son on tv throwing rocks at police , cnn affiliate reportspolice praise her actions\n", + "[1.5518556 1.1768951 1.0511057 1.1197063 1.0867503 1.1497004 1.1367465\n", + " 1.254808 1.0353436 1.0468644 1.0743313 1.035496 1.0546857 1.0189586\n", + " 1.017282 1.0180945 0. 0. 0. ]\n", + "\n", + "[ 0 7 1 5 6 3 4 10 12 2 9 11 8 13 15 14 16 17 18]\n", + "=======================\n", + "['( cnn ) espn \\'s britt mchenry this week found herself in the news , rather than reporting on it , after a video surfaced showing her berating and belittling an employee of a tow company in arlington , virginia .espn , meanwhile , announced that mchenry would be suspended for a week .among the highlights , as caught on tape and eventually uploaded to liveleak : \" i \\'m on television and you \\'re in a f**king trailer , honey , \" and \" i would n\\'t work at a scumbag place like this .']\n", + "=======================\n", + "[\"video shows espn reporter britt mchenry berating and belittling a tow company workerdrexler : she was wrong to act that way , but are n't we too quick to judge without seeing full video ?\"]\n", + "( cnn ) espn 's britt mchenry this week found herself in the news , rather than reporting on it , after a video surfaced showing her berating and belittling an employee of a tow company in arlington , virginia .espn , meanwhile , announced that mchenry would be suspended for a week .among the highlights , as caught on tape and eventually uploaded to liveleak : \" i 'm on television and you 're in a f**king trailer , honey , \" and \" i would n't work at a scumbag place like this .\n", + "video shows espn reporter britt mchenry berating and belittling a tow company workerdrexler : she was wrong to act that way , but are n't we too quick to judge without seeing full video ?\n", + "[1.1854159 1.2746559 1.4787233 1.2293729 1.3279102 1.0991399 1.0727036\n", + " 1.1829078 1.0485379 1.0676675 1.0165921 1.0576311 1.0330472 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 4 1 3 0 7 5 6 9 11 8 12 10 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"it predicted that numbers of deaths in britain , which have been falling for 40 years , will start to go up and increase by 20 per cent over the next two decades .at the same time the price of a funeral is rising fast , thanks to higher costs for cremation , rising undertakers ' bills as funeral firms are faced with bad debts , and the increasing fees demanded by churches .the baby boom generation is set to leave one last burden to its children and grandchildren -- a wave of funeral debt .\"]\n", + "=======================\n", + "[\"number of deaths in britain will increase by 20 % over the next 20 yearsfuneral firms are faced with bad debts and have increased their pricesa funeral with a cremation , minister and an undertaker now costs # 3,590younger people may be straddled with ` funeral debts ' due to higher fees\"]\n", + "it predicted that numbers of deaths in britain , which have been falling for 40 years , will start to go up and increase by 20 per cent over the next two decades .at the same time the price of a funeral is rising fast , thanks to higher costs for cremation , rising undertakers ' bills as funeral firms are faced with bad debts , and the increasing fees demanded by churches .the baby boom generation is set to leave one last burden to its children and grandchildren -- a wave of funeral debt .\n", + "number of deaths in britain will increase by 20 % over the next 20 yearsfuneral firms are faced with bad debts and have increased their pricesa funeral with a cremation , minister and an undertaker now costs # 3,590younger people may be straddled with ` funeral debts ' due to higher fees\n", + "[1.4721684 1.2431006 1.1028701 1.0977812 1.0622118 1.0713701 1.0220468\n", + " 1.0622504 1.3236221 1.0574358 1.0793297 1.0519975 1.0479529 1.1002189\n", + " 1.1346264 1.1027641 1.0246 1.0331731 0. 0. ]\n", + "\n", + "[ 0 8 1 14 2 15 13 3 10 5 7 4 9 11 12 17 16 6 18 19]\n", + "=======================\n", + "[\"massachusetts senator elizabeth warren says she 's relieved dzhokhar tsarnaev has been found guilty of carrying out the boston bombing - the greatest tragedy in her state 's recent history - but does n't believe he should be executed .in an interview with cbs this morning on thursday , warren reacted to wednesday 's jury verdict which found the 21-year-old guilty on all 30 charges related to the boston marathon explosions which killed three and injured hundreds at the finish line .` nothing is ever going to make those who were injured whole and it 's been a terrible thing but this is a step toward justice , ' warren said .\"]\n", + "=======================\n", + "[\"tsarnaev , 21 , was found guilty wednesday on all 30 charges related to the 2013 boston marathon bombinghis case will now proceed to the penalty stage , in which the jury will decide whether to sentence him to life in prison or executionreflecting her state 's liberal politics , warren is against capital punishmentwarren also spoke about current party issues - but refused to compare her politics to those of likely presidential candidate hillary clintonwarren has repeatedly said she will not be running for president in 2016\"]\n", + "massachusetts senator elizabeth warren says she 's relieved dzhokhar tsarnaev has been found guilty of carrying out the boston bombing - the greatest tragedy in her state 's recent history - but does n't believe he should be executed .in an interview with cbs this morning on thursday , warren reacted to wednesday 's jury verdict which found the 21-year-old guilty on all 30 charges related to the boston marathon explosions which killed three and injured hundreds at the finish line .` nothing is ever going to make those who were injured whole and it 's been a terrible thing but this is a step toward justice , ' warren said .\n", + "tsarnaev , 21 , was found guilty wednesday on all 30 charges related to the 2013 boston marathon bombinghis case will now proceed to the penalty stage , in which the jury will decide whether to sentence him to life in prison or executionreflecting her state 's liberal politics , warren is against capital punishmentwarren also spoke about current party issues - but refused to compare her politics to those of likely presidential candidate hillary clintonwarren has repeatedly said she will not be running for president in 2016\n", + "[1.2210742 1.5444801 1.307208 1.0957228 1.0797244 1.1767359 1.1108097\n", + " 1.0842047 1.0723048 1.0509742 1.0306746 1.0755053 1.0885947 1.0529569\n", + " 1.1652311 1.0658352 1.0269037 1.0198812 1.0094573 0. ]\n", + "\n", + "[ 1 2 0 5 14 6 3 12 7 4 11 8 15 13 9 10 16 17 18 19]\n", + "=======================\n", + "['louis jordan , 37 , was picked up by a german-flagged ship at 1:30 p.m. on thursday - 66 days after he took off to do some fishing .he was found sitting on the capsized hull of his sailboat , angel , which had lost its mast and was approximately 200 miles east of cape hatteras .a sailor who vanished after heading out to sea more than two months ago has miraculously been found alive and well off the north carolina coast .']\n", + "=======================\n", + "[\"louis jordan , 37 , had been missing at sea for more than two months before he was picked up off the north carolina coast by a ship on thursdayjordan had told his family in january that he was ` going into the open water ' to go fishing but the boat capsized and the mast brokehe was found sitting on the capsized hull of his sailboat and plucked from the sea by a helicopterhe had a broken collarbone and was dehydrated but looked in good health and was able to walk to the hospital unaided` to us it 's just a miracle .jordan told rescuers he survived drinking rain water and eating raw fish and read a bible repeatedly from cover to cover\"]\n", + "louis jordan , 37 , was picked up by a german-flagged ship at 1:30 p.m. on thursday - 66 days after he took off to do some fishing .he was found sitting on the capsized hull of his sailboat , angel , which had lost its mast and was approximately 200 miles east of cape hatteras .a sailor who vanished after heading out to sea more than two months ago has miraculously been found alive and well off the north carolina coast .\n", + "louis jordan , 37 , had been missing at sea for more than two months before he was picked up off the north carolina coast by a ship on thursdayjordan had told his family in january that he was ` going into the open water ' to go fishing but the boat capsized and the mast brokehe was found sitting on the capsized hull of his sailboat and plucked from the sea by a helicopterhe had a broken collarbone and was dehydrated but looked in good health and was able to walk to the hospital unaided` to us it 's just a miracle .jordan told rescuers he survived drinking rain water and eating raw fish and read a bible repeatedly from cover to cover\n", + "[1.2412674 1.4544824 1.4512479 1.2663245 1.2685715 1.0924604 1.0985578\n", + " 1.0721735 1.0115644 1.014082 1.2333639 1.2217246 1.0640805 1.0131621\n", + " 1.0441836 1.039152 1.0330695 1.0168428 1.0357654 0. ]\n", + "\n", + "[ 1 2 4 3 0 10 11 6 5 7 12 14 15 18 16 17 9 13 8 19]\n", + "=======================\n", + "['a 71-year-old man and 64-year-old woman were both charged with unlawfully possessing a firearm after a police search found a rifle and ammunition in a home in bundaberg on thursday .the carcasses of more than 50 greyhounds were found at the bush site in coonarr , near bundaberg , on tuesday .police have charged a man and woman over the discovery of a mass greyhound dog grave in bundaberg']\n", + "=======================\n", + "['55 dead greyhound carcasses found dumped in coonarr , queenslanda 71-year-old man and 64-year-old woman were arrested and chargedthe pair will appear in the bundaberg magistrates court on friday']\n", + "a 71-year-old man and 64-year-old woman were both charged with unlawfully possessing a firearm after a police search found a rifle and ammunition in a home in bundaberg on thursday .the carcasses of more than 50 greyhounds were found at the bush site in coonarr , near bundaberg , on tuesday .police have charged a man and woman over the discovery of a mass greyhound dog grave in bundaberg\n", + "55 dead greyhound carcasses found dumped in coonarr , queenslanda 71-year-old man and 64-year-old woman were arrested and chargedthe pair will appear in the bundaberg magistrates court on friday\n", + "[1.136448 1.4405237 1.3661731 1.1268488 1.3217888 1.1164168 1.0851359\n", + " 1.1018353 1.2149556 1.0184194 1.0542825 1.0447676 1.0742848 1.0431485\n", + " 1.056509 1.0868784 1.017792 1.057724 1.0598844 1.0158919]\n", + "\n", + "[ 1 2 4 8 0 3 5 7 15 6 12 18 17 14 10 11 13 9 16 19]\n", + "=======================\n", + "[\"the lake in boulder , colorado , has been invaded by thousands of gold fish , which wildlife officials say started as someone dumping ` four or five ' of their pets in the water two or three years ago .the animals have now multiplied to over 3,000 or 4,000 , it 's believed , and are threatening to over-run the natural species in the lake , by eating up all their resources and spreading unnatural diseases .worried : colorado parks and wildlife ( cpw ) spokeswoman jennifer churchill has warned people against dumping their pets into local environments , saying it can be incredibly dangerous\"]\n", + "=======================\n", + "['teller lake in boulder , colorado , is overrun with 3,000-4 ,000 goldfishofficials believe four or five fish were dumped two or three years agowill potentially destroy the natural ecosystem by eating resources and introducing foreign diseasesthe lake will either be drained or the fish removed using electroshocking , where an electrical current is put in the water , paralyzing the fish']\n", + "the lake in boulder , colorado , has been invaded by thousands of gold fish , which wildlife officials say started as someone dumping ` four or five ' of their pets in the water two or three years ago .the animals have now multiplied to over 3,000 or 4,000 , it 's believed , and are threatening to over-run the natural species in the lake , by eating up all their resources and spreading unnatural diseases .worried : colorado parks and wildlife ( cpw ) spokeswoman jennifer churchill has warned people against dumping their pets into local environments , saying it can be incredibly dangerous\n", + "teller lake in boulder , colorado , is overrun with 3,000-4 ,000 goldfishofficials believe four or five fish were dumped two or three years agowill potentially destroy the natural ecosystem by eating resources and introducing foreign diseasesthe lake will either be drained or the fish removed using electroshocking , where an electrical current is put in the water , paralyzing the fish\n", + "[1.4535346 1.1323583 1.1318105 1.1684709 1.1082565 1.1434996 1.109784\n", + " 1.0844785 1.0886068 1.0681796 1.0477961 1.0879611 1.1322925 1.082428\n", + " 1.0433882 1.03832 1.035358 0. ]\n", + "\n", + "[ 0 3 5 1 12 2 6 4 8 11 7 13 9 10 14 15 16 17]\n", + "=======================\n", + "[\"( cnn ) thursday will mark three weeks since saudi arabia began airstrikes on houthi rebels in yemen .hopes for stability , not only in yemen but in the middle east in general , are fading as fears grow that saudia arabia and iran are fighting a proxy war in yemen for regional domination .yemen 's health ministry said over the weekend that 385 civilians had been killed and 342 others had been wounded .\"]\n", + "=======================\n", + "['saudi officials say 500 houthi rebels killed , but signs of progress appear scantcivilian casualties continue to mountu.n. security council favors houthi arms embargo']\n", + "( cnn ) thursday will mark three weeks since saudi arabia began airstrikes on houthi rebels in yemen .hopes for stability , not only in yemen but in the middle east in general , are fading as fears grow that saudia arabia and iran are fighting a proxy war in yemen for regional domination .yemen 's health ministry said over the weekend that 385 civilians had been killed and 342 others had been wounded .\n", + "saudi officials say 500 houthi rebels killed , but signs of progress appear scantcivilian casualties continue to mountu.n. security council favors houthi arms embargo\n", + "[1.4498745 1.1939546 1.4122248 1.3045771 1.1855597 1.1880801 1.1734408\n", + " 1.1428062 1.0248872 1.0389811 1.0231552 1.0412489 1.1067375 1.0819466\n", + " 1.0659435 1.0540073 1.0293176 0. ]\n", + "\n", + "[ 0 2 3 1 5 4 6 7 12 13 14 15 11 9 16 8 10 17]\n", + "=======================\n", + "[\"claudia martin , 33 , has been convicted of suffocating her newborn baby daughterclaudia martins gave birth alone at her sister 's flat having kept her pregnancy secret from her family and friends .paramedics were called after the 33-year-old , a portuguese national , was found sitting in the bath with ' a lot of blood ' and she was taken to hospital .\"]\n", + "=======================\n", + "[\"claudia martins convicted of the manslaughter of her newborn baby girlthe 33-year-old killed the infant by filling its mouth with toilet papershe stuffed baby 's body in a suitcase where it was found three days laterthe mother-of-five had hidden the pregnancy from friends and family\"]\n", + "claudia martin , 33 , has been convicted of suffocating her newborn baby daughterclaudia martins gave birth alone at her sister 's flat having kept her pregnancy secret from her family and friends .paramedics were called after the 33-year-old , a portuguese national , was found sitting in the bath with ' a lot of blood ' and she was taken to hospital .\n", + "claudia martins convicted of the manslaughter of her newborn baby girlthe 33-year-old killed the infant by filling its mouth with toilet papershe stuffed baby 's body in a suitcase where it was found three days laterthe mother-of-five had hidden the pregnancy from friends and family\n", + "[1.1938624 1.5425358 1.3072335 1.3894178 1.2066243 1.116522 1.1401669\n", + " 1.0414889 1.0786536 1.077251 1.091153 1.085465 1.0965772 1.0839418\n", + " 1.0656006 1.0511079 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 6 5 12 10 11 13 8 9 14 15 7 16 17]\n", + "=======================\n", + "['india mayhew , seven , suffered serious head injuries after the horse bolted at a riding facility in matheran 20 miles east of mumbai .the youngster , who was on the second day of a holiday , was rushed to hospital from the hill station but doctors declared her dead on arrival .she had been riding just metres ahead of her father gavin , 43 , and a member of staff when the tragedy unfolded .']\n", + "=======================\n", + "[\"india mayhew was on second day of a holiday when the tragedy happenedseven-year-old 's horse bolted at a riding facility in matheran , near mumbaisuffered serious head injuries and was declared dead on arrival at hospitalthe youngster had been riding just metres ahead of her father gavin , 43\"]\n", + "india mayhew , seven , suffered serious head injuries after the horse bolted at a riding facility in matheran 20 miles east of mumbai .the youngster , who was on the second day of a holiday , was rushed to hospital from the hill station but doctors declared her dead on arrival .she had been riding just metres ahead of her father gavin , 43 , and a member of staff when the tragedy unfolded .\n", + "india mayhew was on second day of a holiday when the tragedy happenedseven-year-old 's horse bolted at a riding facility in matheran , near mumbaisuffered serious head injuries and was declared dead on arrival at hospitalthe youngster had been riding just metres ahead of her father gavin , 43\n", + "[1.4478805 1.2896156 1.0920092 1.5390064 1.1232919 1.1852982 1.0261279\n", + " 1.0232131 1.019279 1.025827 1.1508675 1.0593042 1.079625 1.0672361\n", + " 1.0141172 1.0214387 0. 0. ]\n", + "\n", + "[ 3 0 1 5 10 4 2 12 13 11 6 9 7 15 8 14 16 17]\n", + "=======================\n", + "[\"celtic striker leigh griffiths has a shot at goal during the scottish cup semi-final against invernessa blatant josh meekings handball in the box was missed by referee steven mclean and his team , particularly assistant alan muir , at the end of the first half with the parkhead club left to rue the decision not to award a penalty and dispense a red card .despite numerous appeals , no penalty or red card was given for meekings ' handball and inverness won\"]\n", + "=======================\n", + "[\"celtic were beaten 3-2 after extra-time by inverness as the underdogs reached the first ever scottish cup final in their club 's historyhowever , a blatant handball in the box by josh meekings was missed by officials , leading celtic striker leigh griffiths to feel ` robbed 'the hoops were left to rue the decision not to award a penalty or red card\"]\n", + "celtic striker leigh griffiths has a shot at goal during the scottish cup semi-final against invernessa blatant josh meekings handball in the box was missed by referee steven mclean and his team , particularly assistant alan muir , at the end of the first half with the parkhead club left to rue the decision not to award a penalty and dispense a red card .despite numerous appeals , no penalty or red card was given for meekings ' handball and inverness won\n", + "celtic were beaten 3-2 after extra-time by inverness as the underdogs reached the first ever scottish cup final in their club 's historyhowever , a blatant handball in the box by josh meekings was missed by officials , leading celtic striker leigh griffiths to feel ` robbed 'the hoops were left to rue the decision not to award a penalty or red card\n", + "[1.5017476 1.3960068 1.0484045 1.1977981 1.2280166 1.0926819 1.0348353\n", + " 1.1303766 1.1921648 1.1138663 1.0995694 1.0542731 1.0422326 1.0341935\n", + " 1.0106966 1.0445362 1.04605 1.0467231]\n", + "\n", + "[ 0 1 4 3 8 7 9 10 5 11 2 17 16 15 12 6 13 14]\n", + "=======================\n", + "[\"louis van gaal celebrated his derby demolition in style on sunday night as he was snapped with manchester city women 's players toni duggan and isobel christiansen in a restaurant .duggan uploaded a photograph on instagram of her , christiansen and everton 's michelle hinnigan at wing 's chinese restaurant following united 's 4-2 win against their great rivals city , and wrote : ` heyyy louis van g !!!!duggan has since removed the photo from instagram and issued an apology on facebook .\"]\n", + "=======================\n", + "[\"manchester united beat their rivals city 4-2 at old trafford on sundaylouis van gaal celebrated the derby demolition at wing 's restaurantvan gaal was snapped with city 's toni duggan and isobel christiansencity striker duggan uploaded the snap to instagram of her with van gaalengland women 's international duggan later deleted the postjuan mata , daley blind and ander herrera also celebrated the victory\"]\n", + "louis van gaal celebrated his derby demolition in style on sunday night as he was snapped with manchester city women 's players toni duggan and isobel christiansen in a restaurant .duggan uploaded a photograph on instagram of her , christiansen and everton 's michelle hinnigan at wing 's chinese restaurant following united 's 4-2 win against their great rivals city , and wrote : ` heyyy louis van g !!!!duggan has since removed the photo from instagram and issued an apology on facebook .\n", + "manchester united beat their rivals city 4-2 at old trafford on sundaylouis van gaal celebrated the derby demolition at wing 's restaurantvan gaal was snapped with city 's toni duggan and isobel christiansencity striker duggan uploaded the snap to instagram of her with van gaalengland women 's international duggan later deleted the postjuan mata , daley blind and ander herrera also celebrated the victory\n", + "[1.1901666 1.2731097 1.1347963 1.3952043 1.1551358 1.1492771 1.2517022\n", + " 1.0721283 1.048934 1.1250695 1.0529431 1.0640222 1.0688342 1.0430329\n", + " 1.0370383 1.011855 1.0191325 1.022032 1.0301172 1.1245081 1.0945009\n", + " 1.056113 1.0376775]\n", + "\n", + "[ 3 1 6 0 4 5 2 9 19 20 7 12 11 21 10 8 13 22 14 18 17 16 15]\n", + "=======================\n", + "[\"her husband , philippe braham , was one of 17 people killed in january 's terror attacks in paris .this year , israel 's memorial day commemoration is for bereaved family members such as braham .philippe braham was laid to rest in jerusalem 's givat shaul cemetery after the attacks , not far from where the jewish agency held a memorial ceremony to mourn victims of terror .\"]\n", + "=======================\n", + "['\" we all share the same pain , \" valerie braham tells memorial day crowd in israelher husband , philippe braham , was among 17 killed in january \\'s terror attacks in parisfrench authorities foil a new terror plot -- a painful reminder of widow \\'s recent loss']\n", + "her husband , philippe braham , was one of 17 people killed in january 's terror attacks in paris .this year , israel 's memorial day commemoration is for bereaved family members such as braham .philippe braham was laid to rest in jerusalem 's givat shaul cemetery after the attacks , not far from where the jewish agency held a memorial ceremony to mourn victims of terror .\n", + "\" we all share the same pain , \" valerie braham tells memorial day crowd in israelher husband , philippe braham , was among 17 killed in january 's terror attacks in parisfrench authorities foil a new terror plot -- a painful reminder of widow 's recent loss\n", + "[1.6336408 1.390701 1.2273017 1.1529211 1.3278906 1.1489489 1.1552463\n", + " 1.0410844 1.0146983 1.0165632 1.0871847 1.1029204 1.1809219 1.0826981\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 4 2 12 6 3 5 11 10 13 7 9 8 21 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"atletico madrid striker mario mandzukic has denied claims that real madrid defender daniel carvajal bit him during tuesday 's champions league quarter-final match .mandzukic and carvajal were engaged in a physical battle throughout the goalless first leg of the quarter-final tie at the vicente calderon stadium .daniel carvajal appeared to move his mouth towards mario mandzukic 's arm in an off-the-ball scrap on\"]\n", + "=======================\n", + "['atletico madrid and real played out a 0-0 draw in the champions leaguemario mandzukic was in wars following battles with real madrid defendersraphael varane , daniel carvajal and sergio ramos tussled with strikercroatia international has denied claims carvajal bit him during game']\n", + "atletico madrid striker mario mandzukic has denied claims that real madrid defender daniel carvajal bit him during tuesday 's champions league quarter-final match .mandzukic and carvajal were engaged in a physical battle throughout the goalless first leg of the quarter-final tie at the vicente calderon stadium .daniel carvajal appeared to move his mouth towards mario mandzukic 's arm in an off-the-ball scrap on\n", + "atletico madrid and real played out a 0-0 draw in the champions leaguemario mandzukic was in wars following battles with real madrid defendersraphael varane , daniel carvajal and sergio ramos tussled with strikercroatia international has denied claims carvajal bit him during game\n", + "[1.3108383 1.3447334 1.2643713 1.3153155 1.3324282 1.1173807 1.0573763\n", + " 1.0297817 1.0340092 1.1409721 1.0849493 1.0612597 1.0791641 1.0873146\n", + " 1.017183 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 3 0 2 9 5 13 10 12 11 6 8 7 14 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "['abc program lateline revealed the telemovie will be shown in countries such as syria , iraq and afghanistan later in the year , urging asylum seekers not to trust people smugglers .the federal government will be investing $ 4.1 million on a tv drama which is set to broadcast overseas as a way of deterring asylum seekers from entering australian shores by boatthe drama , commissioned by the customs and border security agency , will reportedly have a story-line which involves the australian navy and asylum seekers drowning at sea .']\n", + "=======================\n", + "['the australian government will make a multi-million dollar telemovieit has been commissioned by the customs and border security agencythe drama is set to be shown in syria , iraq and afghanistanit will be produced by sydney-based company put it out there picturesabc program lateline reports the story-line will be of the australian navy and asylum seekers drowning at seathe drama will reportedly be shown later in the year , urging asylum seekers not to trust people smugglers']\n", + "abc program lateline revealed the telemovie will be shown in countries such as syria , iraq and afghanistan later in the year , urging asylum seekers not to trust people smugglers .the federal government will be investing $ 4.1 million on a tv drama which is set to broadcast overseas as a way of deterring asylum seekers from entering australian shores by boatthe drama , commissioned by the customs and border security agency , will reportedly have a story-line which involves the australian navy and asylum seekers drowning at sea .\n", + "the australian government will make a multi-million dollar telemovieit has been commissioned by the customs and border security agencythe drama is set to be shown in syria , iraq and afghanistanit will be produced by sydney-based company put it out there picturesabc program lateline reports the story-line will be of the australian navy and asylum seekers drowning at seathe drama will reportedly be shown later in the year , urging asylum seekers not to trust people smugglers\n", + "[1.3736713 1.1747054 1.4108607 1.2630515 1.2516094 1.1858302 1.1411567\n", + " 1.150118 1.1237648 1.0362746 1.013584 1.0236604 1.0123447 1.0885227\n", + " 1.1081481 1.0276538 1.080145 1.0083238 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 3 4 5 1 7 6 8 14 13 16 9 15 11 10 12 17 21 18 19 20 22]\n", + "=======================\n", + "[\"mary day , 60 , of swanage in dorset , used taxpayers ' money to go on luxury holidays to the indian resort of goa for up to a month each time .day fraudulently claimed # 16,500 of income support and disability allowance despite having # 27,000 of her own savings in the bank .her savings were # 11,000 above the # 16,000 threshold for savings while claiming such benefits , which meant she was overpaid benefits for more than four years .\"]\n", + "=======================\n", + "[\"mary day , 60 , claimed over # 16,500 in benefits despite not being eligibleshe had # 27,000 savings in the bank which meant she was not entitledday used taxpayers ' money to go on luxury holidays to indian resort of goapleaded guilty to dishonestly claiming benefits and has paid back money\"]\n", + "mary day , 60 , of swanage in dorset , used taxpayers ' money to go on luxury holidays to the indian resort of goa for up to a month each time .day fraudulently claimed # 16,500 of income support and disability allowance despite having # 27,000 of her own savings in the bank .her savings were # 11,000 above the # 16,000 threshold for savings while claiming such benefits , which meant she was overpaid benefits for more than four years .\n", + "mary day , 60 , claimed over # 16,500 in benefits despite not being eligibleshe had # 27,000 savings in the bank which meant she was not entitledday used taxpayers ' money to go on luxury holidays to indian resort of goapleaded guilty to dishonestly claiming benefits and has paid back money\n", + "[1.2625978 1.4143033 1.277751 1.3321831 1.1975685 1.2728169 1.0451949\n", + " 1.0274125 1.0610859 1.0269212 1.0350279 1.0274016 1.0433662 1.0273958\n", + " 1.1225419 1.0418828 1.0729119 1.0528356 1.0791234 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 5 0 4 14 18 16 8 17 6 12 15 10 7 11 13 9 21 19 20 22]\n", + "=======================\n", + "[\"former lecturer martyn reuby won the first round in his legal battle against unite , after a tribunal ruled that he had been employed to teach its courses .ed miliband was left embarrassed today after labour 's biggest backer was accused of employing workers on zero-hours contractsthe employment tribunal ruling is a major embarrassment to the union , which has led the campaign against the use of zero-hours contracts , which it says amount to ` exploitation ' .\"]\n", + "=======================\n", + "[\"unite accused of employing workers on contracts ` effectively zero hours 'union , which has given millions to labour , lost a key employment tribunallecturer martyn reuby says he was sacked after complaining about issuecomes after labour was accused of hypocrisy over zero-hours contracts\"]\n", + "former lecturer martyn reuby won the first round in his legal battle against unite , after a tribunal ruled that he had been employed to teach its courses .ed miliband was left embarrassed today after labour 's biggest backer was accused of employing workers on zero-hours contractsthe employment tribunal ruling is a major embarrassment to the union , which has led the campaign against the use of zero-hours contracts , which it says amount to ` exploitation ' .\n", + "unite accused of employing workers on contracts ` effectively zero hours 'union , which has given millions to labour , lost a key employment tribunallecturer martyn reuby says he was sacked after complaining about issuecomes after labour was accused of hypocrisy over zero-hours contracts\n", + "[1.3278397 1.2783173 1.1203178 1.1401597 1.0762348 1.255945 1.2359945\n", + " 1.136307 1.118469 1.0664886 1.0586795 1.0577667 1.1836747 1.1046246\n", + " 1.0640081 1.0235094 1.0184947 1.0173784 1.0106275]\n", + "\n", + "[ 0 1 5 6 12 3 7 2 8 13 4 9 14 10 11 15 16 17 18]\n", + "=======================\n", + "[\"mourners at the memorial service for celebrity cosmetic surgeon dr frederic brandt , who killed himself a week ago , said a tv show that parodied his appearance was partly to blame for his death .many believed that he was ` hurt ' by the show and it was a factor in the 65 year old 's decision to take his own life .memorial : more than 200 friends , family and former patients attended an hour-long memorial service overseen by rabbi tom heyn for dermatologist to the stars dr. frederic brandt\"]\n", + "=======================\n", + "[\"miami police say brandt hanged himself at his home last weekend .brandt appeared recently to have been the butt of a joke on tina fey 's netflix show the unbreakable kimmy schmittin the series martin short plays a dermatologist called dr grant who has a shock of white hair and flawless skin -- almost a mirror image of dr brandtbrandt was friends with madonna and other celebs such as stephanie seymour , kelly ripa and joy behar\"]\n", + "mourners at the memorial service for celebrity cosmetic surgeon dr frederic brandt , who killed himself a week ago , said a tv show that parodied his appearance was partly to blame for his death .many believed that he was ` hurt ' by the show and it was a factor in the 65 year old 's decision to take his own life .memorial : more than 200 friends , family and former patients attended an hour-long memorial service overseen by rabbi tom heyn for dermatologist to the stars dr. frederic brandt\n", + "miami police say brandt hanged himself at his home last weekend .brandt appeared recently to have been the butt of a joke on tina fey 's netflix show the unbreakable kimmy schmittin the series martin short plays a dermatologist called dr grant who has a shock of white hair and flawless skin -- almost a mirror image of dr brandtbrandt was friends with madonna and other celebs such as stephanie seymour , kelly ripa and joy behar\n", + "[1.4727778 1.11492 1.1690123 1.2498957 1.2882392 1.3074051 1.103519\n", + " 1.2215633 1.185387 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 5 4 3 7 8 2 1 6 16 15 14 13 9 11 10 17 12 18]\n", + "=======================\n", + "[\"chelsea are favourites to agree terms with brazilian starlet kenedy after his club fluminense agreed to sell his economic rights to giuliano bertolucci 's agency .the fluminense forward has been linked with a number of top european clubs including manchester unitedkenedy has represented brazil at under 17 and under level - pictured here in january for the u20 's\"]\n", + "=======================\n", + "[\"kenedy has been linked with a number of top european clubschelsea are in pole position to sign the 19-year-old forward this summerhis economic rights have been sold to the agent that represents chelsea 's brazilian trio oscar , willian and ramiresread : oscar was n't good enough , says mourinho after chelsea beat stokeclick here for all the latest chelsea news\"]\n", + "chelsea are favourites to agree terms with brazilian starlet kenedy after his club fluminense agreed to sell his economic rights to giuliano bertolucci 's agency .the fluminense forward has been linked with a number of top european clubs including manchester unitedkenedy has represented brazil at under 17 and under level - pictured here in january for the u20 's\n", + "kenedy has been linked with a number of top european clubschelsea are in pole position to sign the 19-year-old forward this summerhis economic rights have been sold to the agent that represents chelsea 's brazilian trio oscar , willian and ramiresread : oscar was n't good enough , says mourinho after chelsea beat stokeclick here for all the latest chelsea news\n", + "[1.3302324 1.3153108 1.2955705 1.1864028 1.2314332 1.2286538 1.1935042\n", + " 1.0989667 1.0338503 1.0171233 1.0912048 1.0395739 1.0246799 1.1908917\n", + " 1.1937199 1.0302334 1.0066359 0. 0. ]\n", + "\n", + "[ 0 1 2 4 5 14 6 13 3 7 10 11 8 15 12 9 16 17 18]\n", + "=======================\n", + "[\"liverpool supporters will stage a protest on tuesday night against the mounting costs of tickets in the barclays premier league .the die-hard contingent of fans who travel the length and breadth of the country to watch brendan rodgers ' side are staying away from the kc stadium after hull city charged liverpool fans # 50 for their sets .last season , the same seats were sold for # 35 .\"]\n", + "=======================\n", + "[\"liverpool fans are being charged # 50 for a ticket to hull city , compared to everton fans being charged # 35fans ' group spirit of shankly want some of the money in the game to be passed back to the fansbrendan rodgers said he respect the supporters ' right to protestread : liverpool ramp up memphis depay chaseread : rodgers vows to do ` what is best ' for daniel sturridge\"]\n", + "liverpool supporters will stage a protest on tuesday night against the mounting costs of tickets in the barclays premier league .the die-hard contingent of fans who travel the length and breadth of the country to watch brendan rodgers ' side are staying away from the kc stadium after hull city charged liverpool fans # 50 for their sets .last season , the same seats were sold for # 35 .\n", + "liverpool fans are being charged # 50 for a ticket to hull city , compared to everton fans being charged # 35fans ' group spirit of shankly want some of the money in the game to be passed back to the fansbrendan rodgers said he respect the supporters ' right to protestread : liverpool ramp up memphis depay chaseread : rodgers vows to do ` what is best ' for daniel sturridge\n", + "[1.1919681 1.0711656 1.1096824 1.4996496 1.2981243 1.2486808 1.1387515\n", + " 1.1156313 1.0462312 1.0473375 1.0761329 1.0926769 1.0377339 1.1012646\n", + " 1.0681107 1.0175669 1.1829777 1.0474265 0. ]\n", + "\n", + "[ 3 4 5 0 16 6 7 2 13 11 10 1 14 17 9 8 12 15 18]\n", + "=======================\n", + "[\"mark carney was spotted on a day off from helping to run the economy jogging in london 's hyde park sporting a high-tech running belt with no fewer than four water bottles .the keen runner , who training for the london marathon later this month , was wearing a nathan speed 4 fuel belt , which also features a zip pocket perfect for storing high-carb energy gel packs .the belt is available for $ 64.95 ( # 35 ) at kintec , a canadian sports retailer based in vancouver , suggesting mr carney , originally from canada , bought it before he moved to the uk .\"]\n", + "=======================\n", + "[\"bank of england governor set to run london marathon later this monthspotted tooled up in hyde park with # 35 nathan speed 4 fuel beltdevice , carring water and energy sachets , resembles batman 's utility belt\"]\n", + "mark carney was spotted on a day off from helping to run the economy jogging in london 's hyde park sporting a high-tech running belt with no fewer than four water bottles .the keen runner , who training for the london marathon later this month , was wearing a nathan speed 4 fuel belt , which also features a zip pocket perfect for storing high-carb energy gel packs .the belt is available for $ 64.95 ( # 35 ) at kintec , a canadian sports retailer based in vancouver , suggesting mr carney , originally from canada , bought it before he moved to the uk .\n", + "bank of england governor set to run london marathon later this monthspotted tooled up in hyde park with # 35 nathan speed 4 fuel beltdevice , carring water and energy sachets , resembles batman 's utility belt\n", + "[1.3689073 1.2472048 1.0783252 1.340045 1.3233199 1.2393119 1.0452214\n", + " 1.0484798 1.0231652 1.0328946 1.0304371 1.024001 1.073303 1.0176502\n", + " 1.0220776 1.3104119 1.2776629 1.0409765 0. ]\n", + "\n", + "[ 0 3 4 15 16 1 5 2 12 7 6 17 9 10 11 8 14 13 18]\n", + "=======================\n", + "[\"fired : stephen hogger , pictured , was sacked after apparently falling out with senior church figuresa letter handed out to the stunned churchgoers revealed the 13 choristers were quitting en masse in ` solidarity ' over the sacking of music director stephen hogger .the walkout means it will be the first time in 200 years that the church , which is famed for its timber-framed tudor buildings , will be without a choir .\"]\n", + "=======================\n", + "['easter sunday congregation handed a letter explaining choir had quitthey left in a show of solidarity with music director stephen hoggermr hogger had been sacked after apparently falling out with senior figuresmeans suffolk church will be without a choir for the first time in 200 years']\n", + "fired : stephen hogger , pictured , was sacked after apparently falling out with senior church figuresa letter handed out to the stunned churchgoers revealed the 13 choristers were quitting en masse in ` solidarity ' over the sacking of music director stephen hogger .the walkout means it will be the first time in 200 years that the church , which is famed for its timber-framed tudor buildings , will be without a choir .\n", + "easter sunday congregation handed a letter explaining choir had quitthey left in a show of solidarity with music director stephen hoggermr hogger had been sacked after apparently falling out with senior figuresmeans suffolk church will be without a choir for the first time in 200 years\n", + "[1.2899284 1.4694148 1.1474442 1.3247381 1.2180189 1.2567674 1.0995474\n", + " 1.0515635 1.0497653 1.0200303 1.0140499 1.0273391 1.0822875 1.1421067\n", + " 1.0453596 1.0640751 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 5 4 2 13 6 12 15 7 8 14 11 9 10 16 17 18 19 20]\n", + "=======================\n", + "[\"navinder singh sarao , 36 , is accused of making # 26million from illegal trades over five years and an investigation team involving six agencies in the us and britain want him put on trial in new york .us authorities suspected that a british man accused this week of causing the 2010 ` flash crash ' was making illicit trades back in 2009 it 's been revealed , with experts expressing shock that it took six years for charges to be brought .us prosecutors believe mr sarao used special computer software to manipulate the market on wall street\"]\n", + "=======================\n", + "[\"navinder singh sarao , 36 , is accused of causing the may 2010 ` flash crash 'officials believe that he used software to make fake transactionshe was first warned about alleged illicit trading back in 2009sarao continued his alleged manipulation well into this year` how this continued for six years kind of boggles my mind ' - analyst\"]\n", + "navinder singh sarao , 36 , is accused of making # 26million from illegal trades over five years and an investigation team involving six agencies in the us and britain want him put on trial in new york .us authorities suspected that a british man accused this week of causing the 2010 ` flash crash ' was making illicit trades back in 2009 it 's been revealed , with experts expressing shock that it took six years for charges to be brought .us prosecutors believe mr sarao used special computer software to manipulate the market on wall street\n", + "navinder singh sarao , 36 , is accused of causing the may 2010 ` flash crash 'officials believe that he used software to make fake transactionshe was first warned about alleged illicit trading back in 2009sarao continued his alleged manipulation well into this year` how this continued for six years kind of boggles my mind ' - analyst\n", + "[1.133137 1.2598261 1.2558088 1.403364 1.3469347 1.1324563 1.0848961\n", + " 1.0805469 1.0310445 1.0504279 1.0436819 1.0507798 1.0822644 1.0273935\n", + " 1.0473434 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 1 2 0 5 6 12 7 11 9 14 10 8 13 15 16 17 18 19 20]\n", + "=======================\n", + "['an unnamed wall street trader made a profit of approximately $ 2.5 million on friday thanks to a tweet from the wall street journalthe trader purchased 315,800 shares of chipmaker altera one minute after the journal reported intel was in talks to purchase themseconds later , the trader had snapped up 3,158 contracts of altera , with each option contract giving them the right to purchase 100 shares .']\n", + "=======================\n", + "[\"an unnamed wall street trader made a profit of approximately $ 2.5 million on friday thanks to a tweet from the wall street journalthe trader purchased 315,800 shares of chipmaker altera one minute after the journal reported intel was in talks to purchase themthe shares were sold to the trader at $ 36 , and just 28 minutes later , when the market closed , shares were selling for $ 44.39intel 's reported purchase of altera still has yet to happen , and the news has actually caused the price of intel shares to fall\"]\n", + "an unnamed wall street trader made a profit of approximately $ 2.5 million on friday thanks to a tweet from the wall street journalthe trader purchased 315,800 shares of chipmaker altera one minute after the journal reported intel was in talks to purchase themseconds later , the trader had snapped up 3,158 contracts of altera , with each option contract giving them the right to purchase 100 shares .\n", + "an unnamed wall street trader made a profit of approximately $ 2.5 million on friday thanks to a tweet from the wall street journalthe trader purchased 315,800 shares of chipmaker altera one minute after the journal reported intel was in talks to purchase themthe shares were sold to the trader at $ 36 , and just 28 minutes later , when the market closed , shares were selling for $ 44.39intel 's reported purchase of altera still has yet to happen , and the news has actually caused the price of intel shares to fall\n", + "[1.3553996 1.3895901 1.1648874 1.3274034 1.3286893 1.0994827 1.1599836\n", + " 1.0221113 1.0287762 1.0109639 1.0202459 1.0833641 1.0584455 1.2296295\n", + " 1.0551459 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 3 13 2 6 5 11 12 14 8 7 10 9 15 16 17 18 19 20]\n", + "=======================\n", + "['the 3,118 unidentified applicants were presumably delighted when they were accepted as freshmen by the university in gainesville for the fall after sending in applications for traditional first-year slots .more than 3,000 students are facing an unexpected decision after they received acceptance notices from the university of florida - only to find they would have to spend a year taking online classes .the classes are part of a new program - the pathway to campus enrollment ( pace ) - which started in 2015 and aims to accommodate a higher number of students , the washington post reported .']\n", + "=======================\n", + "['3,118 applicants accepted as freshmen by university of florida , gainesvillebut after receiving acceptance notices , they realized there was a conditionstudents had to agree to spend their entire first year taking online classesclasses are part of new program pathway to campus enrollment , or pacethey aim to accommodate more students at flagship college , officials said']\n", + "the 3,118 unidentified applicants were presumably delighted when they were accepted as freshmen by the university in gainesville for the fall after sending in applications for traditional first-year slots .more than 3,000 students are facing an unexpected decision after they received acceptance notices from the university of florida - only to find they would have to spend a year taking online classes .the classes are part of a new program - the pathway to campus enrollment ( pace ) - which started in 2015 and aims to accommodate a higher number of students , the washington post reported .\n", + "3,118 applicants accepted as freshmen by university of florida , gainesvillebut after receiving acceptance notices , they realized there was a conditionstudents had to agree to spend their entire first year taking online classesclasses are part of new program pathway to campus enrollment , or pacethey aim to accommodate more students at flagship college , officials said\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[1.201663 1.4807682 1.1825739 1.1353539 1.3326128 1.3140182 1.1745665\n", + " 1.0409315 1.1565617 1.0505652 1.0471146 1.0394638 1.0187659 1.0159742\n", + " 1.0644821 1.038147 1.0316918 1.1136297 1.142843 1.0527103 1.08175 ]\n", + "\n", + "[ 1 4 5 0 2 6 8 18 3 17 20 14 19 9 10 7 11 15 16 12 13]\n", + "=======================\n", + "['officer jared forsyth , 33 , had been a member of the ocala police department since 2012 .a florida police department is in mourning after an officer was accidentally shot by a coworker during firearms training .few details have been released , with police saying it is still under investigation , however the incident occurred about 3.30 pm at a gun range at the lowell correctional institution .']\n", + "=======================\n", + "['jared forsyth , 33 , joined ocala police department in 2012he was shot in the chest by a colleague during firearms training mondayforsyth was rushed to hospital but died after undergoing surgeryincident at lowell correctional institution under investigationofficials say he was wearing a vest , but the round entered his arm']\n", + "officer jared forsyth , 33 , had been a member of the ocala police department since 2012 .a florida police department is in mourning after an officer was accidentally shot by a coworker during firearms training .few details have been released , with police saying it is still under investigation , however the incident occurred about 3.30 pm at a gun range at the lowell correctional institution .\n", + "jared forsyth , 33 , joined ocala police department in 2012he was shot in the chest by a colleague during firearms training mondayforsyth was rushed to hospital but died after undergoing surgeryincident at lowell correctional institution under investigationofficials say he was wearing a vest , but the round entered his arm\n", + "[1.4327842 1.3815758 1.3662281 1.2688812 1.3257351 1.1019696 1.0312907\n", + " 1.0491308 1.0602196 1.0321993 1.026355 1.0755414 1.0672244 1.093469\n", + " 1.1297575 1.1383159 1.13489 1.030676 1.0279278 1.0558989 0. ]\n", + "\n", + "[ 0 1 2 4 3 15 16 14 5 13 11 12 8 19 7 9 6 17 18 10 20]\n", + "=======================\n", + "['pep guardiola will be reunited with barcelona after his bayern munich were paired with the catalan giants in the champions league semi-finals .the manager is to return to the nou camp for the first time since leaving in 2012 .real madrid face juventus in the the other semi-final .']\n", + "=======================\n", + "['barcelona beat psg over two legs to progress in uefa champions leaguepep guardiola and bayern munich showed dominance against portoreal madrid were indebted to javier hernandez against atletico madridjuventus are playing their first champions league semi-finals since 2003uefa champions league semi-final first legs take place on may 5/6 2015click here to follow how it all unfolded']\n", + "pep guardiola will be reunited with barcelona after his bayern munich were paired with the catalan giants in the champions league semi-finals .the manager is to return to the nou camp for the first time since leaving in 2012 .real madrid face juventus in the the other semi-final .\n", + "barcelona beat psg over two legs to progress in uefa champions leaguepep guardiola and bayern munich showed dominance against portoreal madrid were indebted to javier hernandez against atletico madridjuventus are playing their first champions league semi-finals since 2003uefa champions league semi-final first legs take place on may 5/6 2015click here to follow how it all unfolded\n", + "[1.2001088 1.4083508 1.3471351 1.1820927 1.1395619 1.1796031 1.0646102\n", + " 1.1293792 1.1008291 1.0632569 1.0795273 1.101168 1.0478101 1.074731\n", + " 1.0604755 1.0435431 1.0490279 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 5 4 7 11 8 10 13 6 9 14 16 12 15 18 17 19]\n", + "=======================\n", + "[\"an official at the international monetary fund reportedly admitted that he can not envisage a successful conclusion to the country 's bailout .greece this week repeated threats to stop paying off its loan and default on its debt if europe refuses to release more funds .fresh fears were raised last night that greece could exit the eurozone after it was claimed negotiations with its european creditors were ` not working ' .\"]\n", + "=======================\n", + "[\"imf europe head says bail-out negotiations with athens are ` not working 'some greek officials appear to be preparing themselves for a defaulteurozone member is beginning to run out of time for making fiscal reformsfinance minister said country was committed to changes at last repayment\"]\n", + "an official at the international monetary fund reportedly admitted that he can not envisage a successful conclusion to the country 's bailout .greece this week repeated threats to stop paying off its loan and default on its debt if europe refuses to release more funds .fresh fears were raised last night that greece could exit the eurozone after it was claimed negotiations with its european creditors were ` not working ' .\n", + "imf europe head says bail-out negotiations with athens are ` not working 'some greek officials appear to be preparing themselves for a defaulteurozone member is beginning to run out of time for making fiscal reformsfinance minister said country was committed to changes at last repayment\n", + "[1.3954222 1.256638 1.4168677 1.2627983 1.1448756 1.0642151 1.0644062\n", + " 1.0471805 1.1412222 1.0932951 1.0515809 1.0164818 1.0126535 1.0553825\n", + " 1.15099 1.1183673 1.041616 1.0333289 0. 0. ]\n", + "\n", + "[ 2 0 3 1 14 4 8 15 9 6 5 13 10 7 16 17 11 12 18 19]\n", + "=======================\n", + "[\"adele sarno , 85 , who has lived there for more than 50 years received a letter seeking to increase rent to the market rate of $ 3,500 a month , far more than the retired shopkeeper can afford .her landlord is the italian american museum which is dedicated to the legacy of italian-americans and is situated below her home .an italian-american grandmother is facing eviction from her $ 820-a-month apartment in manhattan 's little italy neighborhood .\"]\n", + "=======================\n", + "['italian-american tenant adele sarno , 85 , received a letter from her landlord , italian american museum , seeking to increase rent to market rate of $ 3,500fight over her two-bedroom apartment began five years agoshe has been living there since 1962 when rent was just $ 150 a month']\n", + "adele sarno , 85 , who has lived there for more than 50 years received a letter seeking to increase rent to the market rate of $ 3,500 a month , far more than the retired shopkeeper can afford .her landlord is the italian american museum which is dedicated to the legacy of italian-americans and is situated below her home .an italian-american grandmother is facing eviction from her $ 820-a-month apartment in manhattan 's little italy neighborhood .\n", + "italian-american tenant adele sarno , 85 , received a letter from her landlord , italian american museum , seeking to increase rent to market rate of $ 3,500fight over her two-bedroom apartment began five years agoshe has been living there since 1962 when rent was just $ 150 a month\n", + "[1.326127 1.2176201 1.4724785 1.3221912 1.3591229 1.1861092 1.0812479\n", + " 1.0130532 1.0201782 1.1175733 1.064037 1.0275055 1.0084459 1.0208977\n", + " 1.0707972 1.0964957 1.1877031 1.2482644 1.0389118 1.0464942]\n", + "\n", + "[ 2 4 0 3 17 1 16 5 9 15 6 14 10 19 18 11 13 8 7 12]\n", + "=======================\n", + "[\"andre blackman , 24 , who now plays for doomed championship side blackpool fc , stole a jacket worth more than # 1,000 from the world famous store in knightsbridge .he was ordered to carry out 40 hours of unpaid work after hammersmith magistrates ' court was told he fled from the shop with the # 1,225 jacket .andre blackman hides his face outside hammersmith magistrates court\"]\n", + "=======================\n", + "[\"andre blackman fled from harrods after stealing jacket from storethe 24-year-old has been told he is surplus to requirements at blackpoolblackman said the incident was ` just a moment of madness 'the defender played for both arsenal and tottenham during youth career\"]\n", + "andre blackman , 24 , who now plays for doomed championship side blackpool fc , stole a jacket worth more than # 1,000 from the world famous store in knightsbridge .he was ordered to carry out 40 hours of unpaid work after hammersmith magistrates ' court was told he fled from the shop with the # 1,225 jacket .andre blackman hides his face outside hammersmith magistrates court\n", + "andre blackman fled from harrods after stealing jacket from storethe 24-year-old has been told he is surplus to requirements at blackpoolblackman said the incident was ` just a moment of madness 'the defender played for both arsenal and tottenham during youth career\n", + "[1.4104182 1.440748 1.1796348 1.2575691 1.0359825 1.2014505 1.1173283\n", + " 1.0784659 1.0470332 1.0680985 1.0229243 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 5 2 6 7 9 8 4 10 18 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"prince abdul malik , 31 , exchanged vows with dayangku raabi'atul ` adawiyyah pengiran haji bolkiah , 22 , in front of crowds of friends and family , nobility and foreign dignitaries amid mind-boggling splendour .the prince is the youngest child of the sultan , hassanal bolkiah , and his wife , queen saleha , and is second in the line of succession to become the next sultan of brunei .the newlyweds ' matching gold outfits were both embellished with diamonds , while blushing bride raabi'atul carried a bouquet made of dazzling gems , rather than flowers .\"]\n", + "=======================\n", + "[\"prince abdul malik , 31 , marries data analyst dayangku raabi'atul ` adawiyyah pengiran haji bolkiah , 22 , todaymalik is the youngest child of the sultan and wife , queen saleha , and is second in line to become the next sultanceremony took place in the monarch 's lavish 1,788-room residential palace , istana nural iman in brunei 's capital\"]\n", + "prince abdul malik , 31 , exchanged vows with dayangku raabi'atul ` adawiyyah pengiran haji bolkiah , 22 , in front of crowds of friends and family , nobility and foreign dignitaries amid mind-boggling splendour .the prince is the youngest child of the sultan , hassanal bolkiah , and his wife , queen saleha , and is second in the line of succession to become the next sultan of brunei .the newlyweds ' matching gold outfits were both embellished with diamonds , while blushing bride raabi'atul carried a bouquet made of dazzling gems , rather than flowers .\n", + "prince abdul malik , 31 , marries data analyst dayangku raabi'atul ` adawiyyah pengiran haji bolkiah , 22 , todaymalik is the youngest child of the sultan and wife , queen saleha , and is second in line to become the next sultanceremony took place in the monarch 's lavish 1,788-room residential palace , istana nural iman in brunei 's capital\n", + "[1.3500433 1.4006636 1.2181634 1.3607126 1.2625836 1.1199976 1.104366\n", + " 1.1134263 1.1012858 1.0165883 1.0120159 1.24858 1.1490808 1.0071207\n", + " 1.0111977 1.0062426 1.0093517 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 11 2 12 5 7 6 8 9 10 14 16 13 15 18 17 19]\n", + "=======================\n", + "['the 36-year-old is seeking $ 20million in lost future earnings and $ 15,000 in damages after he contracted the deadly infection in 2013 following a surgery on an ingrown toenail , according to albert breer of the nfl network .the former nfl kicker lawrence tynes is suing the tampa bay buccaneers accusing them of unsanitary conditions that led to a mrsa infection that he says ended his career .the lawsuit claims that the team did not use necessary sterile techniques and routinely left therapy devices , equipment and surfaces unclean']\n", + "=======================\n", + "['lawrence tynes contracted the deadly infection after surgery on his foot in 2013 and is now seeking an additional $ 15,000 in damageslawsuit was announced on monday and claims the team disclosed ongoing incidents of the infection among other individualsit also claims necessary sterile techniques were not used and that therapy equipment and surfaces were left unclean']\n", + "the 36-year-old is seeking $ 20million in lost future earnings and $ 15,000 in damages after he contracted the deadly infection in 2013 following a surgery on an ingrown toenail , according to albert breer of the nfl network .the former nfl kicker lawrence tynes is suing the tampa bay buccaneers accusing them of unsanitary conditions that led to a mrsa infection that he says ended his career .the lawsuit claims that the team did not use necessary sterile techniques and routinely left therapy devices , equipment and surfaces unclean\n", + "lawrence tynes contracted the deadly infection after surgery on his foot in 2013 and is now seeking an additional $ 15,000 in damageslawsuit was announced on monday and claims the team disclosed ongoing incidents of the infection among other individualsit also claims necessary sterile techniques were not used and that therapy equipment and surfaces were left unclean\n", + "[1.2164662 1.4075423 1.271284 1.2675999 1.2087078 1.1698709 1.0938606\n", + " 1.1030382 1.0613 1.0214962 1.1326627 1.0964762 1.046565 1.0472564\n", + " 1.0362778 1.0475447 1.018959 1.0183029 1.017718 1.0208484 1.0202423\n", + " 1.0561135 1.1891077]\n", + "\n", + "[ 1 2 3 0 4 22 5 10 7 11 6 8 21 15 13 12 14 9 19 20 16 17 18]\n", + "=======================\n", + "[\"pasco county sheriff 's office reported it has received death threats since footage emerged of deputy kerry kempink killing the dog while responding to call .the video , shot on kempink 's body camera , showed the deputy jumping a fence as he went to investigate a burglar alarm going off at the property last friday .this is the shocking moment a deputy 's bodycam captured the officer shooting a dog dead .\"]\n", + "=======================\n", + "['warning graphic contentdeputy kerry kempink was filmed on his own bodycam killing the doghe claimed he had shot rottweiler in self-defense while out on a callbut owner carla gloger claimed pet was not vicious and plans to sue']\n", + "pasco county sheriff 's office reported it has received death threats since footage emerged of deputy kerry kempink killing the dog while responding to call .the video , shot on kempink 's body camera , showed the deputy jumping a fence as he went to investigate a burglar alarm going off at the property last friday .this is the shocking moment a deputy 's bodycam captured the officer shooting a dog dead .\n", + "warning graphic contentdeputy kerry kempink was filmed on his own bodycam killing the doghe claimed he had shot rottweiler in self-defense while out on a callbut owner carla gloger claimed pet was not vicious and plans to sue\n", + "[1.1174655 1.1621016 1.3486661 1.1722531 1.2582006 1.1822426 1.0350983\n", + " 1.0561436 1.0195208 1.1142924 1.0653405 1.1858088 1.0223014 1.0593086\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 4 11 5 3 1 0 9 10 13 7 6 12 8 21 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"indeed , one children 's clothing company that became known around the world when prince george was photographed wearing their garments has released a very regal new range - fit for a prince ... or a princess .london-based trotters , who describe their clothing as ` exclusive , yet affordable : stylish yet traditional ' , has unveiled the ` new born baby collection ' just in time for the duke and duchess of cambridge 's imminent arrival .the range includes boy 's t-shirts and romper suits , complete with bearskin hat-wearing soldiers , and pretty smocked dresses and pink cardigans for girls .\"]\n", + "=======================\n", + "[\"london-based trotters has unveiled the ` new born baby collection 'range includes boy 's t-shirts and romper suits and smocked dresseskate apparently shopped at king 's road store for georgegeorge effect has boosted high street copy-cat salesroyal baby number two , who is due next week , is likely to do the same\"]\n", + "indeed , one children 's clothing company that became known around the world when prince george was photographed wearing their garments has released a very regal new range - fit for a prince ... or a princess .london-based trotters , who describe their clothing as ` exclusive , yet affordable : stylish yet traditional ' , has unveiled the ` new born baby collection ' just in time for the duke and duchess of cambridge 's imminent arrival .the range includes boy 's t-shirts and romper suits , complete with bearskin hat-wearing soldiers , and pretty smocked dresses and pink cardigans for girls .\n", + "london-based trotters has unveiled the ` new born baby collection 'range includes boy 's t-shirts and romper suits and smocked dresseskate apparently shopped at king 's road store for georgegeorge effect has boosted high street copy-cat salesroyal baby number two , who is due next week , is likely to do the same\n", + "[1.3677977 1.3491101 1.2738233 1.242941 1.1069397 1.0510252 1.2913697\n", + " 1.1481816 1.145628 1.0439209 1.0572661 1.061161 1.0381198 1.0344423\n", + " 1.1881276 1.1478605 1.0503292 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 6 2 3 14 7 15 8 4 11 10 5 16 9 12 13 21 17 18 19 20 22]\n", + "=======================\n", + "[\"when barcelona midfield maestro xavi came on as a half-time substitute against psg in the champions league quarter-final on tuesday night he sent records tumbling .the former spain international played for 148th time in the competition , more than any other player since the tournament changed to its current format in 1992 .real madrid goalkeeper iker casillas is in line to equal xavi 's total in both champions league games and knockout matches when carlo ancelotti 's side take on atletico in the second leg of their quarter-final on wednesday night .\"]\n", + "=======================\n", + "['barcelona beat psg 2-0 on tuesday to reach champions league semi-finalxavi came on at half-time to make his 148th appearance in the competitionit is more than any other player but iker casillas can equal it on wednesdayxavi also broke the record for most knockout stage appearances with 53']\n", + "when barcelona midfield maestro xavi came on as a half-time substitute against psg in the champions league quarter-final on tuesday night he sent records tumbling .the former spain international played for 148th time in the competition , more than any other player since the tournament changed to its current format in 1992 .real madrid goalkeeper iker casillas is in line to equal xavi 's total in both champions league games and knockout matches when carlo ancelotti 's side take on atletico in the second leg of their quarter-final on wednesday night .\n", + "barcelona beat psg 2-0 on tuesday to reach champions league semi-finalxavi came on at half-time to make his 148th appearance in the competitionit is more than any other player but iker casillas can equal it on wednesdayxavi also broke the record for most knockout stage appearances with 53\n", + "[1.3417141 1.3852934 1.082622 1.155024 1.1394773 1.210297 1.1403553\n", + " 1.0693971 1.1033993 1.099341 1.0483314 1.1506562 1.0518786 1.0225234\n", + " 1.0226281 1.0178089 1.147719 1.0446566 1.0098953 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 5 3 11 16 6 4 8 9 2 7 12 10 17 14 13 15 18 21 19 20 22]\n", + "=======================\n", + "['the former liverpool , leeds and manchester city hitman broke on to the scene as a goalscoring sensation at anfield in 1993 and would go on to win 26 caps with england .robbie fowler is already among the names of the best premier league strikers of all time , with only five players scoring more than his 162 goals .peter schmeichel celebrates a manchester united goal in a 1999 champions league semi-final vs juventus']\n", + "=======================\n", + "[\"robbie fowler picked dream team based on players from his eraformer liverpool star named manchester united legend peter schmeichelex arsenal midfielder patrick vieira picked over steven gerrardfowler named marco van basten as his strike partner in starting xigary neville was a late exclusion from fowler 's line-up\"]\n", + "the former liverpool , leeds and manchester city hitman broke on to the scene as a goalscoring sensation at anfield in 1993 and would go on to win 26 caps with england .robbie fowler is already among the names of the best premier league strikers of all time , with only five players scoring more than his 162 goals .peter schmeichel celebrates a manchester united goal in a 1999 champions league semi-final vs juventus\n", + "robbie fowler picked dream team based on players from his eraformer liverpool star named manchester united legend peter schmeichelex arsenal midfielder patrick vieira picked over steven gerrardfowler named marco van basten as his strike partner in starting xigary neville was a late exclusion from fowler 's line-up\n", + "[1.2812831 1.2946391 1.1203579 1.1667655 1.1799875 1.0603769 1.0542948\n", + " 1.0976125 1.0347097 1.0509969 1.0506858 1.0933373 1.03388 1.0727438\n", + " 1.0391248 1.031199 1.0887102 1.1098235 1.0285921 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 4 3 2 17 7 11 16 13 5 6 9 10 14 8 12 15 18 21 19 20 22]\n", + "=======================\n", + "[\"but not in 2013 , when three people died and over 200 were injured when a pair of bombs went off within 12 seconds of each other at the finish line .boston ( cnn ) the boston marathon is traditionally an event in which people in and around the massachusetts capital come together , celebrate and enjoy .that begins april 21 , a day after this year 's edition of the landmark race .\"]\n", + "=======================\n", + "['dzhokhar tsarnaev was found guilty of all 30 counts , may face death penaltythe sentencing phase starts april 21 ; a judge predicts it will last four weekshe warns jurors not to do anything that could be prejudicial to the case']\n", + "but not in 2013 , when three people died and over 200 were injured when a pair of bombs went off within 12 seconds of each other at the finish line .boston ( cnn ) the boston marathon is traditionally an event in which people in and around the massachusetts capital come together , celebrate and enjoy .that begins april 21 , a day after this year 's edition of the landmark race .\n", + "dzhokhar tsarnaev was found guilty of all 30 counts , may face death penaltythe sentencing phase starts april 21 ; a judge predicts it will last four weekshe warns jurors not to do anything that could be prejudicial to the case\n", + "[1.5132918 1.5015094 1.221993 1.4682349 1.3469679 1.181479 1.0475652\n", + " 1.0130451 1.0155548 1.0269396 1.0167843 1.0209213 1.0154021 1.0667777\n", + " 1.0116562 1.012857 1.1096802 1.1911644 1.0556772 1.0200627 1.0062957\n", + " 0. ]\n", + "\n", + "[ 0 1 3 4 2 17 5 16 13 18 6 9 11 19 10 8 12 7 15 14 20 21]\n", + "=======================\n", + "[\"tottenham manager mauricio pochettino is in no doubt goalkeeper michel vorm has the strength of character to put his capital one cup final disappointment behind him and again prove an able deputy for hugo lloris at burnley on sunday .with france international lloris sidelined by a knee injury , dutchman vorm will stand in at turf moor .the 31-year-old , signed from swansea in the summer , had to watch on from the bench at wembley against chelsea in last month 's league cup final defeat , despite having featured in the earlier rounds .\"]\n", + "=======================\n", + "[\"michel vorm 's tottenham chances have been few since swansea transferbut vorm is set to cover for injured hugo lloris against burnleymanager mauricio pochettino has praised vorm 's attitude and character\"]\n", + "tottenham manager mauricio pochettino is in no doubt goalkeeper michel vorm has the strength of character to put his capital one cup final disappointment behind him and again prove an able deputy for hugo lloris at burnley on sunday .with france international lloris sidelined by a knee injury , dutchman vorm will stand in at turf moor .the 31-year-old , signed from swansea in the summer , had to watch on from the bench at wembley against chelsea in last month 's league cup final defeat , despite having featured in the earlier rounds .\n", + "michel vorm 's tottenham chances have been few since swansea transferbut vorm is set to cover for injured hugo lloris against burnleymanager mauricio pochettino has praised vorm 's attitude and character\n", + "[1.1061469 1.269722 1.2935486 1.3427459 1.0615567 1.0416775 1.0153438\n", + " 1.2042994 1.1648744 1.1425835 1.0322943 1.0858477 1.0555625 1.1524353\n", + " 1.1062027 1.1023263 1.044976 1.0720444 1.0163985 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 2 1 7 8 13 9 14 0 15 11 17 4 12 16 5 10 18 6 19 20 21]\n", + "=======================\n", + "[\"the scene was photographed from just six metres away by 48-year-old dean mason who hid away in a camouflaged shelter , known as a hide , in beaconsfield , buckinghamshire .the little owl 's sibling rivalry then gets the better of him , as he swoops under his sibling 's wing , prompting an amusing game of tug-of-war .as his two siblings settled down to have a rest on their tiny perch , the needy owlet was spotted tactfully creeping along a tree branch before tugging at one of his brother 's wing .\"]\n", + "=======================\n", + "[\"a little owl was captured trying to join his siblings ' huddle by gently tugging on their wings in beaconsfield , bucksphotos taken by sales manager dean mason , 48 , from bournemouth , from a camouflaged shelter six metres away\"]\n", + "the scene was photographed from just six metres away by 48-year-old dean mason who hid away in a camouflaged shelter , known as a hide , in beaconsfield , buckinghamshire .the little owl 's sibling rivalry then gets the better of him , as he swoops under his sibling 's wing , prompting an amusing game of tug-of-war .as his two siblings settled down to have a rest on their tiny perch , the needy owlet was spotted tactfully creeping along a tree branch before tugging at one of his brother 's wing .\n", + "a little owl was captured trying to join his siblings ' huddle by gently tugging on their wings in beaconsfield , bucksphotos taken by sales manager dean mason , 48 , from bournemouth , from a camouflaged shelter six metres away\n", + "[1.1188093 1.4217572 1.2908524 1.3592272 1.2196729 1.0837543 1.1127987\n", + " 1.048845 1.0194031 1.0213052 1.1599675 1.0945079 1.0846664 1.0555416\n", + " 1.0994562 1.0588249 1.0719556 1.0312476 1.0147802 1.0102153 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 4 10 0 6 14 11 12 5 16 15 13 7 17 9 8 18 19 20 21]\n", + "=======================\n", + "['but this week model and chef chrissy teigen bought them to the fore after she posted a picture of her legs to instagram .women have been taken to instagram to share pictures of their stretch marks after the body chrissy teigen posted an image of hers to the social networking sitethe 29-year-old sports illustrated star is seen cross-legged after an all-day cooking session and says : ` bruises from bumping kitchen drawer handles for a week .']\n", + "=======================\n", + "['chrissy teigen shared a picture of her stretch marks this weekthe model was praised by those calling her a role modelnow hundreds of women have taken to instagram to share their pictures']\n", + "but this week model and chef chrissy teigen bought them to the fore after she posted a picture of her legs to instagram .women have been taken to instagram to share pictures of their stretch marks after the body chrissy teigen posted an image of hers to the social networking sitethe 29-year-old sports illustrated star is seen cross-legged after an all-day cooking session and says : ` bruises from bumping kitchen drawer handles for a week .\n", + "chrissy teigen shared a picture of her stretch marks this weekthe model was praised by those calling her a role modelnow hundreds of women have taken to instagram to share their pictures\n", + "[1.0876172 1.1992847 1.0852778 1.3631265 1.2688522 1.1831552 1.2429959\n", + " 1.1786795 1.0489895 1.0848007 1.0582186 1.0347408 1.037683 1.0602094\n", + " 1.0659751 1.0525696 1.0349303 1.049329 1.0131869 1.0132807 1.0638641\n", + " 1.0254045]\n", + "\n", + "[ 3 4 6 1 5 7 0 2 9 14 20 13 10 15 17 8 12 16 11 21 19 18]\n", + "=======================\n", + "['in a survey conducted by direct line , adults in the uk cited not being able to sleep as the thing that stressed them out the mostrunning out of phone battery when out and about , lack of parking spaces and losing an important document are all among the most stressful everyday incidents that brits encounter .it seems brits are all plagued by the same frustrations , and the incidents tend to be daily inconveniences .']\n", + "=======================\n", + "['in a survey conducted by direct line , 2,025 adults in uk were questionednearly half ( 46 % ) of people get anxiety from not being able to sleepmany of the worries come from work-related situations']\n", + "in a survey conducted by direct line , adults in the uk cited not being able to sleep as the thing that stressed them out the mostrunning out of phone battery when out and about , lack of parking spaces and losing an important document are all among the most stressful everyday incidents that brits encounter .it seems brits are all plagued by the same frustrations , and the incidents tend to be daily inconveniences .\n", + "in a survey conducted by direct line , 2,025 adults in uk were questionednearly half ( 46 % ) of people get anxiety from not being able to sleepmany of the worries come from work-related situations\n", + "[1.5352455 1.1656379 1.2591707 1.196926 1.1232785 1.245617 1.1031356\n", + " 1.1447113 1.0621208 1.1975561 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 5 9 3 1 7 4 6 8 19 18 17 16 15 10 13 12 11 20 14 21]\n", + "=======================\n", + "['( cnn ) authorities detained a 15-year-old girl from cape town , south africa , at the city \\'s airport after receiving information she was leaving the country to join isis , state security minister david mahlobo said .the girl over the past period has been using technology on social media platforms interacting with strange people and reading material that suggested she expressed an interest in joining a terrorist group called isis , \" he told broadcaster enca .virginia teen accused of being isis recruiter']\n", + "=======================\n", + "['official : girl , 15 , \" expressed an interest in joining a terrorist group called isis \"authorities detain girl at cape town airport , release her into family \\'s care , he says']\n", + "( cnn ) authorities detained a 15-year-old girl from cape town , south africa , at the city 's airport after receiving information she was leaving the country to join isis , state security minister david mahlobo said .the girl over the past period has been using technology on social media platforms interacting with strange people and reading material that suggested she expressed an interest in joining a terrorist group called isis , \" he told broadcaster enca .virginia teen accused of being isis recruiter\n", + "official : girl , 15 , \" expressed an interest in joining a terrorist group called isis \"authorities detain girl at cape town airport , release her into family 's care , he says\n", + "[1.0761207 1.4600179 1.2457689 1.2290423 1.2055304 1.2308016 1.1685919\n", + " 1.0407062 1.0213947 1.110742 1.1195568 1.0316472 1.0932237 1.0606114\n", + " 1.0488309 1.0568831 1.0211293 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 5 3 4 6 10 9 12 0 13 15 14 7 11 8 16 19 17 18 20]\n", + "=======================\n", + "[\"malia obama , 16 , is already visiting colleges in preparation for when she heads to school in the fall of 2016 .she has n't even finished high school , but president obama said the thought of her heading off to college has him crying on a daily basis .malia 's younger sister sasha , 13 , wo n't start thinking about college for a few years yet .\"]\n", + "=======================\n", + "[\"malia obama is already visiting schools and will attend college in fall 201611th grader , 16 , goes to private sidwell friends school in washington , d.c.she has already visited schools like harvard , stanford , columbia and yalepresident obama said he 's ` sad ' and he tears ` up in the middle of the day 'malia 's younger sister sasha , 13 , has more time until she considers college\"]\n", + "malia obama , 16 , is already visiting colleges in preparation for when she heads to school in the fall of 2016 .she has n't even finished high school , but president obama said the thought of her heading off to college has him crying on a daily basis .malia 's younger sister sasha , 13 , wo n't start thinking about college for a few years yet .\n", + "malia obama is already visiting schools and will attend college in fall 201611th grader , 16 , goes to private sidwell friends school in washington , d.c.she has already visited schools like harvard , stanford , columbia and yalepresident obama said he 's ` sad ' and he tears ` up in the middle of the day 'malia 's younger sister sasha , 13 , has more time until she considers college\n", + "[1.5508937 1.126386 1.1784525 1.5414299 1.230255 1.102213 1.196747\n", + " 1.047585 1.0173695 1.1264895 1.140388 1.0333831 1.0141737 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 6 2 10 9 1 5 7 11 8 12 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"ben stokes thought he had claimed his 23rd test wicket when jermaine blackwood slashed his short delivery straight to alastair cook at slip .ben stokes was denied the wicket of jermaine blackwood after overstepping the creasemichael vaughan , while commentating on bbc 's test match special , thinks the 23-year-old should return to his natural style of bowling .\"]\n", + "=======================\n", + "['ben stokes was denied a wicket after bowling a no-ballthe durham all-rounder thought he had dismissed jermaine blackwoodreplays showed that stokes had overstepped the crease']\n", + "ben stokes thought he had claimed his 23rd test wicket when jermaine blackwood slashed his short delivery straight to alastair cook at slip .ben stokes was denied the wicket of jermaine blackwood after overstepping the creasemichael vaughan , while commentating on bbc 's test match special , thinks the 23-year-old should return to his natural style of bowling .\n", + "ben stokes was denied a wicket after bowling a no-ballthe durham all-rounder thought he had dismissed jermaine blackwoodreplays showed that stokes had overstepped the crease\n", + "[1.2860467 1.4015396 1.21754 1.2625369 1.2875873 1.1263263 1.0336237\n", + " 1.1907817 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 3 2 7 5 6 18 17 16 15 14 10 12 11 19 9 8 13 20]\n", + "=======================\n", + "['the four-year-old , ridden by william buick , beat complicit to complete a 22-1 treble for his trainer charlie appleby .jockey william buick predicted great things to come from the winter derby winneran electric change of pace propelled odds-on favourite tryster to a three-quarter length success in the feature coral easter classic as his godolphin stable dominated # 1.1 million all weather finals day at lingfield .']\n", + "=======================\n", + "['tryster won the coral easter classic at all weather finals in lingfieldjockey william buick predicted bright future for the winter derby winnergodolphin stable dominated the event with three winners in feature races']\n", + "the four-year-old , ridden by william buick , beat complicit to complete a 22-1 treble for his trainer charlie appleby .jockey william buick predicted great things to come from the winter derby winneran electric change of pace propelled odds-on favourite tryster to a three-quarter length success in the feature coral easter classic as his godolphin stable dominated # 1.1 million all weather finals day at lingfield .\n", + "tryster won the coral easter classic at all weather finals in lingfieldjockey william buick predicted bright future for the winter derby winnergodolphin stable dominated the event with three winners in feature races\n", + "[1.218955 1.5235178 1.2228689 1.1856 1.2587838 1.1765006 1.1620007\n", + " 1.1034393 1.052417 1.0755204 1.0160407 1.0259757 1.1023688 1.016873\n", + " 1.0843233 1.0434779 1.1212262 1.0680028 1.0625322 1.0875237 1.0285057]\n", + "\n", + "[ 1 4 2 0 3 5 6 16 7 12 19 14 9 17 18 8 15 20 11 13 10]\n", + "=======================\n", + "['christopher lawler said he was pinned to a chair and groped by a male member of staff on his first day working at clarence house .police are investigating claims made by a former royal footman that clarence house aides tried to force him into an orgy in the 1970sthe ordeal left him in tears and he left the job the same day .']\n", + "=======================\n", + "[\"christopher lawler claims he was pinned to a chair and groped by staffhe left job at clarence house the same day as alleged incident in 1978mr lawler , now 68 , claims he reported his account but was twice ignoredthe palace is now ` cooperating ' with police to investigate historic claims\"]\n", + "christopher lawler said he was pinned to a chair and groped by a male member of staff on his first day working at clarence house .police are investigating claims made by a former royal footman that clarence house aides tried to force him into an orgy in the 1970sthe ordeal left him in tears and he left the job the same day .\n", + "christopher lawler claims he was pinned to a chair and groped by staffhe left job at clarence house the same day as alleged incident in 1978mr lawler , now 68 , claims he reported his account but was twice ignoredthe palace is now ` cooperating ' with police to investigate historic claims\n", + "[1.2129967 1.372926 1.3891393 1.2042407 1.1671815 1.161594 1.1290278\n", + " 1.0790063 1.0188085 1.1359366 1.0102278 1.1152972 1.0587753 1.0887527\n", + " 1.1086911 1.0118481 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 4 5 9 6 11 14 13 7 12 8 15 10 16 17 18 19 20]\n", + "=======================\n", + "['at least six people have been killed and many thousands displaced from their homes since the violence against immigrants erupted in the city of durban several weeks ago .the man who is believed to be from mozambique was taken to a hospital in johannesburg where he tragically passed away .a bloody and wounded shop owner has been pictured just moments before he died from his injuries on another day of xenophobic attacks in south africa .']\n", + "=======================\n", + "[\"a shop owner from mozambique has died from his injuries in a johannesburg hospital amid xenophobic violenceat least six have been killed by armed gangs wielding machetes , hammers and sticks who are targeting foreignersthe anti-immigration violence in south africa has forced thousands of people to flee their homes and the countrypresident jacob zuma has called for an end to ` shocking and unacceptable ' attacks on africans and south asians\"]\n", + "at least six people have been killed and many thousands displaced from their homes since the violence against immigrants erupted in the city of durban several weeks ago .the man who is believed to be from mozambique was taken to a hospital in johannesburg where he tragically passed away .a bloody and wounded shop owner has been pictured just moments before he died from his injuries on another day of xenophobic attacks in south africa .\n", + "a shop owner from mozambique has died from his injuries in a johannesburg hospital amid xenophobic violenceat least six have been killed by armed gangs wielding machetes , hammers and sticks who are targeting foreignersthe anti-immigration violence in south africa has forced thousands of people to flee their homes and the countrypresident jacob zuma has called for an end to ` shocking and unacceptable ' attacks on africans and south asians\n", + "[1.0464693 1.313778 1.2443818 1.3610191 1.2713008 1.0647632 1.0439714\n", + " 1.1401422 1.1556516 1.0797881 1.0318257 1.0651515 1.029499 1.0542917\n", + " 1.0756774 1.1586267 1.0458143 1.0274148 1.0121093 1.0441935 1.1641605]\n", + "\n", + "[ 3 1 4 2 20 15 8 7 9 14 11 5 13 0 16 19 6 10 12 17 18]\n", + "=======================\n", + "['a loo version of the iron throne was built by a team of hollywood prop makersthe super fan builds team , led by master designer tim baker ( pictured ) , used jigsaws , grinders and special paint that gives wood a metallic effectthe recipient was self-confessed game of thrones geek john giovanazzi , who is pictured on his new loo at his bar in glendale , california']\n", + "=======================\n", + "[\"the iron throne was forged from 200 swords melted by dragon breathcalifornia 's loo version was built by prop makers using plywoodit was presented to game of thrones superfan john giovanazzithe incredible loo was then installed in his bar in glendale , california\"]\n", + "a loo version of the iron throne was built by a team of hollywood prop makersthe super fan builds team , led by master designer tim baker ( pictured ) , used jigsaws , grinders and special paint that gives wood a metallic effectthe recipient was self-confessed game of thrones geek john giovanazzi , who is pictured on his new loo at his bar in glendale , california\n", + "the iron throne was forged from 200 swords melted by dragon breathcalifornia 's loo version was built by prop makers using plywoodit was presented to game of thrones superfan john giovanazzithe incredible loo was then installed in his bar in glendale , california\n", + "[1.1772453 1.3572487 1.3887341 1.2610207 1.1841961 1.2086409 1.1493982\n", + " 1.1538273 1.1675837 1.0987847 1.0440869 1.093708 1.0174258 1.0135726\n", + " 1.0111153 1.0426003 1.0098805 1.0283966 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 5 4 0 8 7 6 9 11 10 15 17 12 13 14 16 18 19 20]\n", + "=======================\n", + "[\"mr asbo , the swan believed to be his grandfather , was moved to a location 60 miles away in 2012 by river authorities after repeatedly attacking rowers .the savage swan nicknamed asbaby , which still has many brown baby feathers , has been pecking punters on the backs area of the cambridge river .theft : asbaby was seen attacking tourists , eating sandwiches , drinking from water bottles and even trying to steal a woman 's handbag ( above )\"]\n", + "=======================\n", + "['savage swan nicknamed asbaby attacked punters on the backs area of river cam in cambridge over eastermr asbo , the swan believed to be his grandfather , was moved away in 2012 after repeatedly attacking rowersasbaby seen getting close to tourists , eating sandwiches , drinking from bottles and trying to steal handbagswan , which still has many brown baby feathers , said to be son of asboy - which has also terrorised punters']\n", + "mr asbo , the swan believed to be his grandfather , was moved to a location 60 miles away in 2012 by river authorities after repeatedly attacking rowers .the savage swan nicknamed asbaby , which still has many brown baby feathers , has been pecking punters on the backs area of the cambridge river .theft : asbaby was seen attacking tourists , eating sandwiches , drinking from water bottles and even trying to steal a woman 's handbag ( above )\n", + "savage swan nicknamed asbaby attacked punters on the backs area of river cam in cambridge over eastermr asbo , the swan believed to be his grandfather , was moved away in 2012 after repeatedly attacking rowersasbaby seen getting close to tourists , eating sandwiches , drinking from bottles and trying to steal handbagswan , which still has many brown baby feathers , said to be son of asboy - which has also terrorised punters\n", + "[1.3897591 1.2377707 1.2920715 1.2671392 1.2941226 1.1606898 1.1200713\n", + " 1.0678326 1.0381552 1.0270469 1.0152875 1.0369602 1.026072 1.0666366\n", + " 1.0551047 1.021167 1.0318289 1.1136041 0. 0. 0. ]\n", + "\n", + "[ 0 4 2 3 1 5 6 17 7 13 14 8 11 16 9 12 15 10 18 19 20]\n", + "=======================\n", + "[\"judges rejected home secretary theresa may 's attempt to deport the 53-year-old serial criminal because of the risk of ` unacceptably savage ' abuse he faced in libyaseven years after the man was first told he would be booted out of the country , a judge has finally ruled that it would breach his human rights .a libyan convicted of 78 offences can not be deported from britain because he is an alcoholic .\"]\n", + "=======================\n", + "['judge ruled deporting libyan alcoholic would breach his human rightsthe 53-year-old serial criminal has been convicted of 78 offences in britainhe argued he would be tortured in libya because drinking alcohol is illegalhis case is estimated to have cost british taxpayers a six-figure sum']\n", + "judges rejected home secretary theresa may 's attempt to deport the 53-year-old serial criminal because of the risk of ` unacceptably savage ' abuse he faced in libyaseven years after the man was first told he would be booted out of the country , a judge has finally ruled that it would breach his human rights .a libyan convicted of 78 offences can not be deported from britain because he is an alcoholic .\n", + "judge ruled deporting libyan alcoholic would breach his human rightsthe 53-year-old serial criminal has been convicted of 78 offences in britainhe argued he would be tortured in libya because drinking alcohol is illegalhis case is estimated to have cost british taxpayers a six-figure sum\n", + "[1.4910631 1.0575749 1.0609622 1.09896 1.5030255 1.200952 1.1286908\n", + " 1.1941773 1.2410065 1.1635725 1.0417824 1.0577757 1.0372447 1.037112\n", + " 1.0280042 1.053462 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 0 8 5 7 9 6 3 2 11 1 15 10 12 13 14 19 16 17 18 20]\n", + "=======================\n", + "[\"didier drogba has 15 goals in 15 games for chelsea against arsenal , averaging one every 78 minutesarsene wenger rejoiced when didier drogba left chelsea for shanghai shenhua in 2012 , with the ivorian striker departing england with a formidable scoring record of 13 goals in 14 games against arsenal . 'drogba ( right ) beat philippe senderos to head in chelsea 's second goal and secure the league cup\"]\n", + "=======================\n", + "[\"didier drogba has 15 goals against arsenal for chelsea and galatasarayhe averages a strike every 78 minutes and 20 seconds against arsenaldrogba could be chelsea 's only fit striker for sunday 's trip to the emiratesread : chelsea fans storm emirates stadium and turn arsenal sign bluemartin keown : deep down , jose mourinho admires arsene wenger 's work\"]\n", + "didier drogba has 15 goals in 15 games for chelsea against arsenal , averaging one every 78 minutesarsene wenger rejoiced when didier drogba left chelsea for shanghai shenhua in 2012 , with the ivorian striker departing england with a formidable scoring record of 13 goals in 14 games against arsenal . 'drogba ( right ) beat philippe senderos to head in chelsea 's second goal and secure the league cup\n", + "didier drogba has 15 goals against arsenal for chelsea and galatasarayhe averages a strike every 78 minutes and 20 seconds against arsenaldrogba could be chelsea 's only fit striker for sunday 's trip to the emiratesread : chelsea fans storm emirates stadium and turn arsenal sign bluemartin keown : deep down , jose mourinho admires arsene wenger 's work\n", + "[1.4112792 1.471595 1.2564795 1.1732087 1.0833201 1.1239481 1.0475999\n", + " 1.0525975 1.0253674 1.0273331 1.1041062 1.2976041 1.1408321 1.0535969\n", + " 1.0496305 1.0446635 1.0121696 1.007405 0. 0. 0. ]\n", + "\n", + "[ 1 0 11 2 3 12 5 10 4 13 7 14 6 15 9 8 16 17 19 18 20]\n", + "=======================\n", + "[\"eden hazard 's first-half goal gave the league leaders a 1-0 win over manchester united , but there was controversy when united were denied a late penalty .jose mourinho reignited talk of a campaign against chelsea , even after taking a huge step towards the barclays premier league title on saturday .ander herrera went over under the challenge of gary cahill but referee mike dean adjudged the spaniard to have dived .\"]\n", + "=======================\n", + "['chelsea beat manchester united 1-0 at stamford bridge on saturdayeden hazard scored winning goal in the first half as chelsea head for titleander herrera was booked for diving after coming together with gary cahilljose mourinho said there would be outrage if it had been a chelsea playerbut that it would be forgotten tomorrow because it was a united one']\n", + "eden hazard 's first-half goal gave the league leaders a 1-0 win over manchester united , but there was controversy when united were denied a late penalty .jose mourinho reignited talk of a campaign against chelsea , even after taking a huge step towards the barclays premier league title on saturday .ander herrera went over under the challenge of gary cahill but referee mike dean adjudged the spaniard to have dived .\n", + "chelsea beat manchester united 1-0 at stamford bridge on saturdayeden hazard scored winning goal in the first half as chelsea head for titleander herrera was booked for diving after coming together with gary cahilljose mourinho said there would be outrage if it had been a chelsea playerbut that it would be forgotten tomorrow because it was a united one\n", + "[1.1380978 1.1683928 1.4202864 1.3117576 1.0884064 1.0886048 1.1164609\n", + " 1.1616381 1.1342025 1.0738052 1.0536535 1.0152084 1.0166271 1.0313653\n", + " 1.011502 1.1750683 0. 0. 0. ]\n", + "\n", + "[ 2 3 15 1 7 0 8 6 5 4 9 10 13 12 11 14 17 16 18]\n", + "=======================\n", + "[\"instead , the man who will stand in the opposite corner to limerick 's andy lee next weekend comes across as anything but the egotist .peter quillin ( left ) may be nicknamed ` kid chocolate ' but he shows none of the expected arrogancethe american has a 71 per cent knockout ratio , but he is keeping his feet on the ground ahead of the fight\"]\n", + "=======================\n", + "['american boxer out to take back his title from limerick fighterpeter quillin took time out to deal with personal issues , but is now readyquillin will return to the ring for the first time in a year against lee']\n", + "instead , the man who will stand in the opposite corner to limerick 's andy lee next weekend comes across as anything but the egotist .peter quillin ( left ) may be nicknamed ` kid chocolate ' but he shows none of the expected arrogancethe american has a 71 per cent knockout ratio , but he is keeping his feet on the ground ahead of the fight\n", + "american boxer out to take back his title from limerick fighterpeter quillin took time out to deal with personal issues , but is now readyquillin will return to the ring for the first time in a year against lee\n", + "[1.3800484 1.5092043 1.1941411 1.2571841 1.0876017 1.1144204 1.0552526\n", + " 1.0188748 1.0187247 1.0177398 1.033393 1.3108667 1.0154155 1.137384\n", + " 1.2216117 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 11 3 14 2 13 5 4 6 10 7 8 9 12 17 15 16 18]\n", + "=======================\n", + "[\"moyes , who gave rooney his professional debut as a 16-year-old at everton , succeeded sir alex ferguson in the summer of 2013 - with the england striker being heavily linked with a move to stamford bridge at the same time .david moyes has revealed that chelsea were close to signing wayne rooney during his ill-fated tenure as manchester united manager .wayne rooney ( left ) tracks eden hazard during manchester united 's clash with chelsea on saturday\"]\n", + "=======================\n", + "[\"david moyes gave wayne rooney his professional debut at evertonmoyes was appointed manchester united 's new manager in 2013rooney was heavily linked with a move to chelsea at the same time\"]\n", + "moyes , who gave rooney his professional debut as a 16-year-old at everton , succeeded sir alex ferguson in the summer of 2013 - with the england striker being heavily linked with a move to stamford bridge at the same time .david moyes has revealed that chelsea were close to signing wayne rooney during his ill-fated tenure as manchester united manager .wayne rooney ( left ) tracks eden hazard during manchester united 's clash with chelsea on saturday\n", + "david moyes gave wayne rooney his professional debut at evertonmoyes was appointed manchester united 's new manager in 2013rooney was heavily linked with a move to chelsea at the same time\n", + "[1.2576406 1.4698739 1.2790414 1.1649638 1.3376796 1.0709223 1.0278257\n", + " 1.0605719 1.1008997 1.029541 1.0719258 1.0889388 1.2214315 1.0627811\n", + " 1.0138106 1.0161841 1.0457357 0. 0. ]\n", + "\n", + "[ 1 4 2 0 12 3 8 11 10 5 13 7 16 9 6 15 14 17 18]\n", + "=======================\n", + "[\"lisa colagrossi had just finished covering a house fire in the borough of queens on march 19 , when the married mother-of-two collapsed from a brain aneurysm and never regained consciousness .the reporter 's mother lois colagrossi was greeting mourners at her funeral on march 23 when she was approached by her daughter 's boss camille edwards .the mother of a new york city tv reporter blamed her sudden death at the age of 49 on her boss in a confrontation at the funeral , a new report has claimed .\"]\n", + "=======================\n", + "['wabc reporter lisa colagrossi died march 19 while covering a story in new york cityat her funeral on march 23 , her mother lois reportedly blamed her death on station news director camille edwards']\n", + "lisa colagrossi had just finished covering a house fire in the borough of queens on march 19 , when the married mother-of-two collapsed from a brain aneurysm and never regained consciousness .the reporter 's mother lois colagrossi was greeting mourners at her funeral on march 23 when she was approached by her daughter 's boss camille edwards .the mother of a new york city tv reporter blamed her sudden death at the age of 49 on her boss in a confrontation at the funeral , a new report has claimed .\n", + "wabc reporter lisa colagrossi died march 19 while covering a story in new york cityat her funeral on march 23 , her mother lois reportedly blamed her death on station news director camille edwards\n", + "[1.4690932 1.2400174 1.1966287 1.1489253 1.2328712 1.1216426 1.148211\n", + " 1.0861433 1.0407609 1.0190123 1.0294865 1.0229678 1.0160112 1.0241182\n", + " 1.0161299 1.0228331 1.0774479 1.0645263 1.1075969]\n", + "\n", + "[ 0 1 4 2 3 6 5 18 7 16 17 8 10 13 11 15 9 14 12]\n", + "=======================\n", + "[\"at 11:20 pm , former world champion ken doherty potted a final black and extinguished , for now , the dream of reanne evans to become the first women player to play the hallowed baize of sheffield 's crucible theatre in the world snooker championship .in every other respect however , 29-year-old evans , a single mum from dudley , was a winner on thursday night .reanne evans shakes hands with ken doherty following his 10-8 victory at ponds forge\"]\n", + "=======================\n", + "['reanne evans faced ken doherty in world championship qualifierdoherty won the world championship in 1997evans lost the first frame 71-15 against dohertybut the dudley native fought back to lead 4-3ken doherty , however , managed to close out an enthralling contest 10-8']\n", + "at 11:20 pm , former world champion ken doherty potted a final black and extinguished , for now , the dream of reanne evans to become the first women player to play the hallowed baize of sheffield 's crucible theatre in the world snooker championship .in every other respect however , 29-year-old evans , a single mum from dudley , was a winner on thursday night .reanne evans shakes hands with ken doherty following his 10-8 victory at ponds forge\n", + "reanne evans faced ken doherty in world championship qualifierdoherty won the world championship in 1997evans lost the first frame 71-15 against dohertybut the dudley native fought back to lead 4-3ken doherty , however , managed to close out an enthralling contest 10-8\n", + "[1.2087193 1.3111496 1.1884005 1.237236 1.2634037 1.1344203 1.0363315\n", + " 1.0744739 1.0752165 1.0245697 1.0199965 1.0978701 1.0534772 1.0303837\n", + " 1.1086498 1.1252936 1.0166491 1.0179486 0. ]\n", + "\n", + "[ 1 4 3 0 2 5 15 14 11 8 7 12 6 13 9 10 17 16 18]\n", + "=======================\n", + "[\"the list of do n'ts runs to several dozen items .the taxpayer-funded temporary assistance for needy families program , currently provides cash payments of up to $ 497 per month for a family of four .but , the one included by the republican-dominated kansas legislature in a bill that gop gov. sam brownback planned to sign thursday appears to be the most exhaustive , according to state department for children and families officials .\"]\n", + "=======================\n", + "[\"the taxpayer-funded temporary assistance for needy families program , currently provides payments of up to $ 497 per month for a family of fourthe list of do n'ts , included by the republican-dominated kansas legislature in a bill that gop gov. sam brownback planned to sign thursday , runs to several dozen itemsthe number of cash assistance recipients in kansas has dropped 63per cent since brownback took office , to about 14,700 in februarybrownback said the decline confirms the success of his policies , but critics note that u.s. census bureau figures show the state 's child poverty rate remaining at about 19per cent through 2013\"]\n", + "the list of do n'ts runs to several dozen items .the taxpayer-funded temporary assistance for needy families program , currently provides cash payments of up to $ 497 per month for a family of four .but , the one included by the republican-dominated kansas legislature in a bill that gop gov. sam brownback planned to sign thursday appears to be the most exhaustive , according to state department for children and families officials .\n", + "the taxpayer-funded temporary assistance for needy families program , currently provides payments of up to $ 497 per month for a family of fourthe list of do n'ts , included by the republican-dominated kansas legislature in a bill that gop gov. sam brownback planned to sign thursday , runs to several dozen itemsthe number of cash assistance recipients in kansas has dropped 63per cent since brownback took office , to about 14,700 in februarybrownback said the decline confirms the success of his policies , but critics note that u.s. census bureau figures show the state 's child poverty rate remaining at about 19per cent through 2013\n", + "[1.3889779 1.2385349 1.1439081 1.0948277 1.1827233 1.0527446 1.0389333\n", + " 1.0369176 1.1694825 1.0434254 1.0220623 1.0543331 1.0538945 1.0455079\n", + " 1.120203 1.0719125 1.11965 1.0993142 1.1156971 1.0339547]\n", + "\n", + "[ 0 1 4 8 2 14 16 18 17 3 15 11 12 5 13 9 6 7 19 10]\n", + "=======================\n", + "['boston ( cnn ) after weeks of dramatic testimony , jurors are set to begin deliberations tuesday in the trial of dzhokhar tsarnaev , who faces life in prison or the death penalty for working with his brother to explode bombs at the 2013 boston marathon .the defense and prosecution made closing arguments in the case on monday .he wanted to awake the mujahideen , the holy warriors , so he chose patriots day , marathon monday , \" a time for families to gather and watch the marathon .']\n", + "=======================\n", + "['jurors are scheduled to begin deliberations tuesday morningif tsarnaev is found guilty of at least one capital count , the trial will go to the penalty phaseprosecutor during closing argument : tsarnaev \" wanted to awake the mujahideen , the holy warriors \"']\n", + "boston ( cnn ) after weeks of dramatic testimony , jurors are set to begin deliberations tuesday in the trial of dzhokhar tsarnaev , who faces life in prison or the death penalty for working with his brother to explode bombs at the 2013 boston marathon .the defense and prosecution made closing arguments in the case on monday .he wanted to awake the mujahideen , the holy warriors , so he chose patriots day , marathon monday , \" a time for families to gather and watch the marathon .\n", + "jurors are scheduled to begin deliberations tuesday morningif tsarnaev is found guilty of at least one capital count , the trial will go to the penalty phaseprosecutor during closing argument : tsarnaev \" wanted to awake the mujahideen , the holy warriors \"\n", + "[1.2884316 1.2159582 1.0950054 1.0935341 1.4602256 1.2366487 1.0708597\n", + " 1.0601406 1.0514883 1.0286864 1.1502804 1.109403 1.0809547 1.0270717\n", + " 1.018596 1.1307373 1.1480684 1.0128325 1.0108691 1.0461893]\n", + "\n", + "[ 4 0 5 1 10 16 15 11 2 3 12 6 7 8 19 9 13 14 17 18]\n", + "=======================\n", + "[\"manchester united boss louis van gaal revealed he is set to discuss the club with sir alex ferguson soonvan gaal is preparing his side for saturday 's clash against aston villa as they bid to finish in the top fouron friday he expressed a tongue-in-cheek hope that ferguson will pay but , more pertinently , the current manchester united manager hopes to have some genuine and tangible progress to talk about .\"]\n", + "=======================\n", + "['manchester united host aston villa in the premier league on saturdayarsenal entertain liverpool at the emirates in the midday clashtwo points separate manchester city , arsenal and united in the league']\n", + "manchester united boss louis van gaal revealed he is set to discuss the club with sir alex ferguson soonvan gaal is preparing his side for saturday 's clash against aston villa as they bid to finish in the top fouron friday he expressed a tongue-in-cheek hope that ferguson will pay but , more pertinently , the current manchester united manager hopes to have some genuine and tangible progress to talk about .\n", + "manchester united host aston villa in the premier league on saturdayarsenal entertain liverpool at the emirates in the midday clashtwo points separate manchester city , arsenal and united in the league\n", + "[1.4338906 1.2937515 1.0752978 1.039313 1.5297525 1.2960912 1.0712533\n", + " 1.243845 1.0164511 1.0110912 1.0199902 1.0891168 1.1636165 1.1293373\n", + " 1.0175228 1.0092187 1.1132082 1.032966 0. 0. ]\n", + "\n", + "[ 4 0 5 1 7 12 13 16 11 2 6 3 17 10 14 8 9 15 18 19]\n", + "=======================\n", + "[\"crystal palace right back joel ward has signed a new three-and-a-half year deal with the south london clubward has played 101 times for the eagles since joining from boyhood club portsmouth in may 2012last week 's win over champions manchester city saw ward make his 100th appearance for palace , and he cites the influence of manager alan pardew in his decision to sign a new deal .\"]\n", + "=======================\n", + "['joel ward joined crystal palace from boyhood club portsmouth in 2012he made his 100th appearance for the club against man city last weekward admits he is delighted to have signed a new contract with palacethe 25-year-old has committed his future , signing a three-and-a-half year deal taking him through until summer 2018']\n", + "crystal palace right back joel ward has signed a new three-and-a-half year deal with the south london clubward has played 101 times for the eagles since joining from boyhood club portsmouth in may 2012last week 's win over champions manchester city saw ward make his 100th appearance for palace , and he cites the influence of manager alan pardew in his decision to sign a new deal .\n", + "joel ward joined crystal palace from boyhood club portsmouth in 2012he made his 100th appearance for the club against man city last weekward admits he is delighted to have signed a new contract with palacethe 25-year-old has committed his future , signing a three-and-a-half year deal taking him through until summer 2018\n", + "[1.2547715 1.3051952 1.1765981 1.3106588 1.2190046 1.1149385 1.1035246\n", + " 1.1246704 1.1500218 1.136918 1.0321219 1.0357283 1.0287844 1.0693146\n", + " 1.0563637 1.0399431 1.0259064 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 4 2 8 9 7 5 6 13 14 15 11 10 12 16 18 17 19]\n", + "=======================\n", + "['the driver makes an attempt to scare the baboons away but is forced to retreat as one makes a lunge at himthe 40-second-video recorded by haim kaplan at the ngorongoro conservation area in tanzania , shows the driver of a supply truck standing next to his vehicle as a group of baboons approach .the large monkey stands guard as its partner in crime jumps into the back of the truck to search for supplies']\n", + "=======================\n", + "['video was captured at the ngorongoro conservation area in tanzaniaisraeli tourist filmed a group of baboons approaching a supply truckas one distracts the driver by lunging at it another jumps into vehiclebefore long it re-emerges with its hands and mouth full of snacksthe group of thieves reconvene and run off into the bushes together']\n", + "the driver makes an attempt to scare the baboons away but is forced to retreat as one makes a lunge at himthe 40-second-video recorded by haim kaplan at the ngorongoro conservation area in tanzania , shows the driver of a supply truck standing next to his vehicle as a group of baboons approach .the large monkey stands guard as its partner in crime jumps into the back of the truck to search for supplies\n", + "video was captured at the ngorongoro conservation area in tanzaniaisraeli tourist filmed a group of baboons approaching a supply truckas one distracts the driver by lunging at it another jumps into vehiclebefore long it re-emerges with its hands and mouth full of snacksthe group of thieves reconvene and run off into the bushes together\n", + "[1.2541435 1.4132674 1.2172434 1.1435432 1.0886238 1.1363717 1.1593457\n", + " 1.0808941 1.1219473 1.0877731 1.0672843 1.025493 1.0696585 1.0859535\n", + " 1.0183301 1.0783147 1.0543704 1.0335819 1.0120888 0. ]\n", + "\n", + "[ 1 0 2 6 3 5 8 4 9 13 7 15 12 10 16 17 11 14 18 19]\n", + "=======================\n", + "['tensions have remained high at the sugar pine mine near medford after the facility was served with a federal stop-work order .the owners of an oregon goldmine have called in gun-toting right-wing militiamen amid a bitter land use dispute with the u.s. government .the owners summoned armed guards from the conservative oath keepers activist network ahead of a major protest outside local offices of the bureau of land management yesterday .']\n", + "=======================\n", + "['owners of sugar pine mine called in armed guards to protect their claimgold miners have appealed a federal stop-work order , u.s. officials saidtensions remain high with supporters complaining of federal overreacharmed guards from conservative oath keepers network among protestersofficials claim they found equipment on site indicating operations inconsistent with standard mine development requirements']\n", + "tensions have remained high at the sugar pine mine near medford after the facility was served with a federal stop-work order .the owners of an oregon goldmine have called in gun-toting right-wing militiamen amid a bitter land use dispute with the u.s. government .the owners summoned armed guards from the conservative oath keepers activist network ahead of a major protest outside local offices of the bureau of land management yesterday .\n", + "owners of sugar pine mine called in armed guards to protect their claimgold miners have appealed a federal stop-work order , u.s. officials saidtensions remain high with supporters complaining of federal overreacharmed guards from conservative oath keepers network among protestersofficials claim they found equipment on site indicating operations inconsistent with standard mine development requirements\n", + "[1.2522572 1.3618106 1.3585917 1.2522616 1.2042898 1.1875296 1.1608644\n", + " 1.0463752 1.096549 1.0413438 1.0192862 1.0606341 1.1178827 1.0509241\n", + " 1.0445925 1.0554677 1.0461763 1.0141912 1.0123187]\n", + "\n", + "[ 1 2 3 0 4 5 6 12 8 11 15 13 7 16 14 9 10 17 18]\n", + "=======================\n", + "[\"the 30-year-old lingerie model and animal rights activist from los angeles had come under fire during her pregnancy for posting a string of sexy selfies showing off her seemingly rock-hard abs .but james hunter was born at a healthy eight pounds and seven ounces earlier this week , putting paid to sarah 's critics .the the first photos of sarah stage 's healthy newborn baby boy have been released .\"]\n", + "=======================\n", + "['sarah stage , 30 , welcomed james hunter into the world on tuesdaythe baby boy weighed eight pounds seven ounces and was 22 inches longduring her pregnancy sarah was criticised for her trim figure and abs']\n", + "the 30-year-old lingerie model and animal rights activist from los angeles had come under fire during her pregnancy for posting a string of sexy selfies showing off her seemingly rock-hard abs .but james hunter was born at a healthy eight pounds and seven ounces earlier this week , putting paid to sarah 's critics .the the first photos of sarah stage 's healthy newborn baby boy have been released .\n", + "sarah stage , 30 , welcomed james hunter into the world on tuesdaythe baby boy weighed eight pounds seven ounces and was 22 inches longduring her pregnancy sarah was criticised for her trim figure and abs\n", + "[1.2591453 1.4049774 1.3776052 1.311006 1.1242777 1.0201752 1.0494022\n", + " 1.023051 1.0195267 1.0514631 1.1417837 1.0712413 1.211101 1.1716363\n", + " 1.0414369 1.0139582 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 12 13 10 4 11 9 6 14 7 5 8 15 16 17 18]\n", + "=======================\n", + "[\"awel manyang , who is recovering in hospital , believes her younger sister and two brothers died when they were taken by a crocodile because the children associate the giant reptiles with water .her siblings - one-year-old brother bol and four-year-old twins madit and anger - died after their mother akon guode crashed her 4wd into a lake at wyndham vale in melbourne 's outer west on wednesday .the children 's father , joseph tito manyang , says five-year-old awel remains in a serious condition at the royal children 's hospital but she remembers the accident .\"]\n", + "=======================\n", + "[\"mother akon guode was released from police custody on thursday nightshe crashed 4wd into melbourne lake just before 4pm on wednesdayher three young children died and another is now recovering in hospitalchildren 's father says ms guode ` did n't feel herself ' as she was driving\"]\n", + "awel manyang , who is recovering in hospital , believes her younger sister and two brothers died when they were taken by a crocodile because the children associate the giant reptiles with water .her siblings - one-year-old brother bol and four-year-old twins madit and anger - died after their mother akon guode crashed her 4wd into a lake at wyndham vale in melbourne 's outer west on wednesday .the children 's father , joseph tito manyang , says five-year-old awel remains in a serious condition at the royal children 's hospital but she remembers the accident .\n", + "mother akon guode was released from police custody on thursday nightshe crashed 4wd into melbourne lake just before 4pm on wednesdayher three young children died and another is now recovering in hospitalchildren 's father says ms guode ` did n't feel herself ' as she was driving\n", + "[1.398483 1.3486649 1.3069369 1.2625226 1.1715201 1.0621005 1.1034714\n", + " 1.0462089 1.0184926 1.0189646 1.0366515 1.0335314 1.1725382 1.1324434\n", + " 1.0645518 1.021585 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 12 4 13 6 14 5 7 10 11 15 9 8 16 17 18]\n", + "=======================\n", + "['the revered al sharpton appeared on sunday in north charleston and is expected to attend a vigil for walter scott , the black driver who was fatally shot by a white police officer after he fled a traffic stop .rev. sharpton preached at the charity missionary baptist church and addressed the scott case and the need for reform around national policing legislation during his sermon .elected officials and police from north charleston were in attendance and south carolina senator marlon kimpson was also there to hear sharpton speak .']\n", + "=======================\n", + "['reverend sharpton was expected to appear sunday in north charlestonhe preached at charity missionary baptist church before going to vigilsermon addressed scott and need for reform around national policingelected officials and police from north charleston were in attendancesouth carolina senator marlon kimpson was also there to hear sharpton']\n", + "the revered al sharpton appeared on sunday in north charleston and is expected to attend a vigil for walter scott , the black driver who was fatally shot by a white police officer after he fled a traffic stop .rev. sharpton preached at the charity missionary baptist church and addressed the scott case and the need for reform around national policing legislation during his sermon .elected officials and police from north charleston were in attendance and south carolina senator marlon kimpson was also there to hear sharpton speak .\n", + "reverend sharpton was expected to appear sunday in north charlestonhe preached at charity missionary baptist church before going to vigilsermon addressed scott and need for reform around national policingelected officials and police from north charleston were in attendancesouth carolina senator marlon kimpson was also there to hear sharpton\n", + "[1.2993873 1.3668457 1.3154886 1.2811451 1.1349676 1.0937446 1.0445366\n", + " 1.0247606 1.2322285 1.1761097 1.1484685 1.0503485 1.0208439 1.0480788\n", + " 1.0946342 1.0347874 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 8 9 10 4 14 5 11 13 6 15 7 12 17 16 18]\n", + "=======================\n", + "[\"the labour leader insisted snp mps would not be able to dictate policy , even if he fails to win a majority and is reliant on them to stay in number 10 .it comes after the scottish first minister nicola sturgeon this morning said labour could only govern with the support of the snp -- and laid out what the party must do to get it .ed miliband has dismissed claims he would be held to ransom by the snp as prime minister -- insisting ` that ai n't going to happen ' .\"]\n", + "=======================\n", + "[\"the labour leader insists snp mps will not be able to dictate policyinsisted the snp would not ` call the shots ' if there was a hung parliamentcomes after nicola sturgeon said he could only govern with snp supportshe promised to use snp influence to increase government spendingmr miliband also accepted his doom-laden claims about jobs were wrongbefore the recent jobs boom he said millions would be put on the dole\"]\n", + "the labour leader insisted snp mps would not be able to dictate policy , even if he fails to win a majority and is reliant on them to stay in number 10 .it comes after the scottish first minister nicola sturgeon this morning said labour could only govern with the support of the snp -- and laid out what the party must do to get it .ed miliband has dismissed claims he would be held to ransom by the snp as prime minister -- insisting ` that ai n't going to happen ' .\n", + "the labour leader insists snp mps will not be able to dictate policyinsisted the snp would not ` call the shots ' if there was a hung parliamentcomes after nicola sturgeon said he could only govern with snp supportshe promised to use snp influence to increase government spendingmr miliband also accepted his doom-laden claims about jobs were wrongbefore the recent jobs boom he said millions would be put on the dole\n", + "[1.2192985 1.1102614 1.3223366 1.2246482 1.1699691 1.0441502 1.029109\n", + " 1.1099128 1.0671439 1.1220188 1.1579125 1.0519465 1.049343 1.0815979\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 4 10 9 1 7 13 8 11 12 5 6 17 14 15 16 18]\n", + "=======================\n", + "[\"the image of barbie is the 96th result on the page , and ironically comes from a 2005 spoof article courtesy of the onion that jokingly states ` women do n't run companies ' .enter the term ` ceo ' into google images and you 'll be presented with a grid of smiling men in suits , most of them stock images , with a few snaps of steve jobs thrown in .several high-powered women , including women 's right campaigner chelsea clinton , have re-tweeted the results of the search , which is being seen by many as a sad reflection on the general state of women in the workplace .\"]\n", + "=======================\n", + "[\"barbie is the 96th image to come up when the term ` ceo ' is searchedmost of the images depict suit-clad mennew study found that results like these perpetuate gender bias\"]\n", + "the image of barbie is the 96th result on the page , and ironically comes from a 2005 spoof article courtesy of the onion that jokingly states ` women do n't run companies ' .enter the term ` ceo ' into google images and you 'll be presented with a grid of smiling men in suits , most of them stock images , with a few snaps of steve jobs thrown in .several high-powered women , including women 's right campaigner chelsea clinton , have re-tweeted the results of the search , which is being seen by many as a sad reflection on the general state of women in the workplace .\n", + "barbie is the 96th image to come up when the term ` ceo ' is searchedmost of the images depict suit-clad mennew study found that results like these perpetuate gender bias\n", + "[1.262949 1.5041516 1.2638077 1.2699858 1.0700109 1.0978982 1.1272517\n", + " 1.0438464 1.100584 1.1567606 1.0268677 1.0816913 1.0589716 1.0532022\n", + " 1.0476986 1.0411508 1.0641887 1.0521343 0. ]\n", + "\n", + "[ 1 3 2 0 9 6 8 5 11 4 16 12 13 17 14 7 15 10 18]\n", + "=======================\n", + "[\"david axelrod masterminded two presidential election victories for barack obama and was hired by the labour leader amid great fanfare last year .he has helped refine mr miliband 's message about tackling the cost of living and making sure the wealthy pay their fair share .ed miliband 's us adviser pays no tax in britain on his reported # 300,000 salary , he has admitted .\"]\n", + "=======================\n", + "['david axelrod masterminded two obama presidential election victorieshe was hired by labour leader ed miliband amid great fanfare last yearrevealed at a book launch that he is not resident for tax purposes in uklabour confirms it pays mr axelrod in dollars through consultancy firm']\n", + "david axelrod masterminded two presidential election victories for barack obama and was hired by the labour leader amid great fanfare last year .he has helped refine mr miliband 's message about tackling the cost of living and making sure the wealthy pay their fair share .ed miliband 's us adviser pays no tax in britain on his reported # 300,000 salary , he has admitted .\n", + "david axelrod masterminded two obama presidential election victorieshe was hired by labour leader ed miliband amid great fanfare last yearrevealed at a book launch that he is not resident for tax purposes in uklabour confirms it pays mr axelrod in dollars through consultancy firm\n", + "[1.1983788 1.389381 1.3654261 1.244771 1.2621559 1.1802206 1.1513684\n", + " 1.0170065 1.0287712 1.1254482 1.035166 1.0609472 1.0638591 1.0152336\n", + " 1.0847225 1.1164408 1.0255467 1.0145056 1.0241959]\n", + "\n", + "[ 1 2 4 3 0 5 6 9 15 14 12 11 10 8 16 18 7 13 17]\n", + "=======================\n", + "[\"britain 's biggest grocer operated a multimillion-pound fleet of five aircraft for its bosses , but after a disastrous year new chief executive dave lewis admitted the planes gave the wrong image and put them up for sale .four have been sold and the final one , a hawker 800 , will be gone by the end of next month .tesco 's old gulfstream 550 , worth around # 30 million , that was capable of flying 14 executives at a time\"]\n", + "=======================\n", + "['tesco operated multimillion-pound a fleet of five aircraft for its bossesfour of the private jets have been sold after they were put up for salesale comes after grocer embroiled in # 263million fraud investigationover a seven year period firm spent # 29million flying executives across the world']\n", + "britain 's biggest grocer operated a multimillion-pound fleet of five aircraft for its bosses , but after a disastrous year new chief executive dave lewis admitted the planes gave the wrong image and put them up for sale .four have been sold and the final one , a hawker 800 , will be gone by the end of next month .tesco 's old gulfstream 550 , worth around # 30 million , that was capable of flying 14 executives at a time\n", + "tesco operated multimillion-pound a fleet of five aircraft for its bossesfour of the private jets have been sold after they were put up for salesale comes after grocer embroiled in # 263million fraud investigationover a seven year period firm spent # 29million flying executives across the world\n", + "[1.2646213 1.0337654 1.2052851 1.1221204 1.4196357 1.1066055 1.2377112\n", + " 1.0254558 1.0385311 1.0648358 1.1027197 1.0373578 1.0285959 1.0708816\n", + " 1.1878471 1.1279708 1.0656978 1.0720615 1.0563418]\n", + "\n", + "[ 4 0 6 2 14 15 3 5 10 17 13 16 9 18 8 11 1 12 7]\n", + "=======================\n", + "['steve clarke applauds fans after his reading side were narrowly beaten by arsenal at wembley stadiumsteve clarke sprang up and pumped the air with his fist .mesut ozil and alexis sanchez , bought for a total of more than # 70million , combined to open the scoring .']\n", + "=======================\n", + "['reading lost 2-1 against arsenal in fa cup semi-final at wembleyroyals took much fancied gunners to extra-time after 1-1 drawsteve clarke will take strength from impressive reading display']\n", + "steve clarke applauds fans after his reading side were narrowly beaten by arsenal at wembley stadiumsteve clarke sprang up and pumped the air with his fist .mesut ozil and alexis sanchez , bought for a total of more than # 70million , combined to open the scoring .\n", + "reading lost 2-1 against arsenal in fa cup semi-final at wembleyroyals took much fancied gunners to extra-time after 1-1 drawsteve clarke will take strength from impressive reading display\n", + "[1.067642 1.3751625 1.2520359 1.29169 1.203404 1.1104418 1.2127001\n", + " 1.0984628 1.2003678 1.0635812 1.142178 1.0632563 1.0338305 1.0149864\n", + " 1.014531 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 6 4 8 10 5 7 0 9 11 12 13 14 15 16 17 18]\n", + "=======================\n", + "['astronomers say the unique event happened in an ancient cluster of stars at the edge of the milky way galaxy .a white dwarf star - the dense core of a star like the sun that has run out of nuclear fuel - may have ripped apart a planet as it came too close , they believe .when a star reaches its white dwarf stage , nearly all of the material from the star is packed inside a radius one hundredth that of the original star .']\n", + "=======================\n", + "['occurred in ancient cluster of stars at the edge of the milky way galaxyplanet may have been ripped apart by a white dwarf starwhite dwarf is core of a star like the sun that has run out of nuclear fuel']\n", + "astronomers say the unique event happened in an ancient cluster of stars at the edge of the milky way galaxy .a white dwarf star - the dense core of a star like the sun that has run out of nuclear fuel - may have ripped apart a planet as it came too close , they believe .when a star reaches its white dwarf stage , nearly all of the material from the star is packed inside a radius one hundredth that of the original star .\n", + "occurred in ancient cluster of stars at the edge of the milky way galaxyplanet may have been ripped apart by a white dwarf starwhite dwarf is core of a star like the sun that has run out of nuclear fuel\n", + "[1.2138174 1.4709461 1.2969955 1.4533732 1.1314447 1.0924611 1.0221393\n", + " 1.0823627 1.0822237 1.0275424 1.0511563 1.0965935 1.0762997 1.046261\n", + " 1.030683 1.0165405 1.0300194 1.0705587 0. ]\n", + "\n", + "[ 1 3 2 0 4 11 5 7 8 12 17 10 13 14 16 9 6 15 18]\n", + "=======================\n", + "[\"miss walters , 21 , was horrified to discover that the family looking after magic had sold him at auction for just # 200 .magic 's fate has sparked fury in the equestrian community , and an appeal for his whereabouts has been shared 58,000 times on social media sites .when jade walters loaned out her beloved horse magic to help a young girl learn to ride , she did n't realise she would never see him again .\"]\n", + "=======================\n", + "['jade walters , 21 , loaned her horse magic to help a young girl learn to ridebut she was horrified to discover the family looking after him sold himshe claims it was two months before she found out he was sold for # 200notoriously risky horse auctions often see animals being sold for slaughter']\n", + "miss walters , 21 , was horrified to discover that the family looking after magic had sold him at auction for just # 200 .magic 's fate has sparked fury in the equestrian community , and an appeal for his whereabouts has been shared 58,000 times on social media sites .when jade walters loaned out her beloved horse magic to help a young girl learn to ride , she did n't realise she would never see him again .\n", + "jade walters , 21 , loaned her horse magic to help a young girl learn to ridebut she was horrified to discover the family looking after him sold himshe claims it was two months before she found out he was sold for # 200notoriously risky horse auctions often see animals being sold for slaughter\n", + "[1.1313759 1.2106755 1.0764529 1.2805208 1.2011216 1.0896759 1.1580617\n", + " 1.240898 1.1861383 1.1044813 1.0560222 1.151857 1.1382482 1.0173651\n", + " 1.0183825 1.0743146 1.0412703 1.0278237 1.0232357 1.0198802 1.024127\n", + " 1.0207436 1.0261059 1.0458769]\n", + "\n", + "[ 3 7 1 4 8 6 11 12 0 9 5 2 15 10 23 16 17 22 20 18 21 19 14 13]\n", + "=======================\n", + "[\"the question , ` so when is cheryl 's birthday ? 'was one of 25 questions set in the singapore and asian schools math olympiad .it asked : albert and bernard just became friends with cheryl , and they want to know when her birthday is .\"]\n", + "=======================\n", + "['maths problem set for 14-year-olds left people around the world baffledquestion uses logical reasoning to rule out all of the dates apart from oneit was set in the singapore and asian schools maths olympiads ( sasmo )teaser generated furious online debate - but correct answer was july 16']\n", + "the question , ` so when is cheryl 's birthday ? 'was one of 25 questions set in the singapore and asian schools math olympiad .it asked : albert and bernard just became friends with cheryl , and they want to know when her birthday is .\n", + "maths problem set for 14-year-olds left people around the world baffledquestion uses logical reasoning to rule out all of the dates apart from oneit was set in the singapore and asian schools maths olympiads ( sasmo )teaser generated furious online debate - but correct answer was july 16\n", + "[1.2503486 1.2661409 1.2506049 1.164529 1.2349572 1.1641532 1.0641367\n", + " 1.0850347 1.0579408 1.0663668 1.1259186 1.0663024 1.0398654 1.0526499\n", + " 1.0389358 1.0543509 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 3 5 10 7 9 11 6 8 15 13 12 14 22 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"ed miliband will today claim labour 's attitude to immigration has ` changed ' -- despite still refusing to put any upper limit on the numbers allowed in .in an audacious move , the labour leader will insist that he offers a ` clear , credible and concrete plan on immigration -- not false promises ' .but , only hours before the key election speech was due to be delivered , his own shadow home secretary refused at least four times to say labour would put a target on net immigration .\"]\n", + "=======================\n", + "[\"ed miliband will announce that he has ` clear , credible plan ' on immigrationbut yvette cooper refused to say labour would put target on net migrationshadow home secretary only said she wanted it lower than current 300,000during labour 's 13 years in power , foreign-born population rose by 3.6 m\"]\n", + "ed miliband will today claim labour 's attitude to immigration has ` changed ' -- despite still refusing to put any upper limit on the numbers allowed in .in an audacious move , the labour leader will insist that he offers a ` clear , credible and concrete plan on immigration -- not false promises ' .but , only hours before the key election speech was due to be delivered , his own shadow home secretary refused at least four times to say labour would put a target on net immigration .\n", + "ed miliband will announce that he has ` clear , credible plan ' on immigrationbut yvette cooper refused to say labour would put target on net migrationshadow home secretary only said she wanted it lower than current 300,000during labour 's 13 years in power , foreign-born population rose by 3.6 m\n", + "[1.4369324 1.3273524 1.3539355 1.2064954 1.1760296 1.1663454 1.1290491\n", + " 1.119588 1.1248907 1.084109 1.1087528 1.05057 1.0122449 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 4 5 6 8 7 10 9 11 12 13 14 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"five staff members sustained serious injuries after taking a joy ride down ` the super slide ' at the sydney royal easter show on saturday night , despite the slide being closed after heavy rain made it too dangerous .it is understood a group of eight contracted workers broke into the 52-metre slide after it was closed earlier in the night due to fears the heavy rain would make the slide particularly slippery .it is reported the group were travelling at such great speeds that they were unable to stop and broke through the barricade at the bottom of the ride .\"]\n", + "=======================\n", + "[\"five staff members sustained injuries after breaking into the super slidethe easter show ride was closed earlier that night due to safety concernsofficials say the slide runs ` way too fast ' in the wet weatherone woman broke a leg while a second woman broke both her legsa 60-year-old man suffered broken ribs and internal bleedingthe slide reopened once rain stopped and a safety check was completed\"]\n", + "five staff members sustained serious injuries after taking a joy ride down ` the super slide ' at the sydney royal easter show on saturday night , despite the slide being closed after heavy rain made it too dangerous .it is understood a group of eight contracted workers broke into the 52-metre slide after it was closed earlier in the night due to fears the heavy rain would make the slide particularly slippery .it is reported the group were travelling at such great speeds that they were unable to stop and broke through the barricade at the bottom of the ride .\n", + "five staff members sustained injuries after breaking into the super slidethe easter show ride was closed earlier that night due to safety concernsofficials say the slide runs ` way too fast ' in the wet weatherone woman broke a leg while a second woman broke both her legsa 60-year-old man suffered broken ribs and internal bleedingthe slide reopened once rain stopped and a safety check was completed\n", + "[1.3222085 1.439055 1.3008689 1.33051 1.3362491 1.1227846 1.0293328\n", + " 1.0254334 1.035486 1.1692433 1.1183118 1.0226065 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 0 2 9 5 10 8 6 7 11 12 13 14 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"crew members from the chiswick rnli station came to the assistance of the oxford crew and their cox , who were training for the boat race which - along with the men 's race - takes place on saturday , april 11 .the oxford university women 's boat race team were rescued from the thames by the royal national lifeboat institution ( rnli ) on wednesday after being overcome by choppy waters .after the rowers were returned safely to putney , the sunken eight was recovered and returned to oxford 's base .\"]\n", + "=======================\n", + "[\"the crew were training for the boat race which takes place on april 11the sunken eight was recovered and returned to oxford 's basethe choppy conditions were caused by strong wind against the tide creating three successive waves that poured over the boat 's riggers\"]\n", + "crew members from the chiswick rnli station came to the assistance of the oxford crew and their cox , who were training for the boat race which - along with the men 's race - takes place on saturday , april 11 .the oxford university women 's boat race team were rescued from the thames by the royal national lifeboat institution ( rnli ) on wednesday after being overcome by choppy waters .after the rowers were returned safely to putney , the sunken eight was recovered and returned to oxford 's base .\n", + "the crew were training for the boat race which takes place on april 11the sunken eight was recovered and returned to oxford 's basethe choppy conditions were caused by strong wind against the tide creating three successive waves that poured over the boat 's riggers\n", + "[1.406501 1.1907364 1.3686569 1.2762238 1.1589439 1.0482522 1.0245246\n", + " 1.1674919 1.1454701 1.1599747 1.0533048 1.0393989 1.0718776 1.0599921\n", + " 1.076466 1.0257043 1.0159427 1.0113081 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 7 9 4 8 14 12 13 10 5 11 15 6 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"robert kirkland died on saturday morning in union city , tennessee , from kidney failure complicationskirkland , who founded kirkland 's home decor stores with his cousin carl in 1966 , donated the money to found the discovery park of america education center and tourist attraction in tennessee .a memorial service is scheduled for wednesday at discovery park , which will be closed to the general public on that day .\"]\n", + "=======================\n", + "[\"kirkland died saturday from complications stemming from kidney failurehe and cousin carl kirkland founded kirkland 's home decor stores in 1966they expanded stores into chain with more than 300 locations in 35 stateshe donated money to found the discovery park of america education center and tourist attraction in tennessee and it is still expanding todaymemorial service will be held on wednesday at park , which will be closed\"]\n", + "robert kirkland died on saturday morning in union city , tennessee , from kidney failure complicationskirkland , who founded kirkland 's home decor stores with his cousin carl in 1966 , donated the money to found the discovery park of america education center and tourist attraction in tennessee .a memorial service is scheduled for wednesday at discovery park , which will be closed to the general public on that day .\n", + "kirkland died saturday from complications stemming from kidney failurehe and cousin carl kirkland founded kirkland 's home decor stores in 1966they expanded stores into chain with more than 300 locations in 35 stateshe donated money to found the discovery park of america education center and tourist attraction in tennessee and it is still expanding todaymemorial service will be held on wednesday at park , which will be closed\n", + "[1.0679969 1.4663105 1.3667378 1.1822932 1.1066539 1.2236528 1.0630285\n", + " 1.0466704 1.2309511 1.1151215 1.1815553 1.1451453 1.0223339 1.01032\n", + " 1.0082457 1.014949 0. 0. 0. ]\n", + "\n", + "[ 1 2 8 5 3 10 11 9 4 0 6 7 12 15 13 14 16 17 18]\n", + "=======================\n", + "[\"in its heyday , kejonuma leisure land , in tohoku , japan , attracted hundreds of thousands of visitors .with an amusement park , campsite and driving range , the once-bustling family-friendly attraction closed its doors officially in 2000 following a drop in visitors , attributed to japan 's low birth rate and economic collapse .florian seidel , a kensai-based photographer , visited the site in 2014 to capture the park 's ongoing dereliction\"]\n", + "=======================\n", + "[\"kejonuma leisure land in tohoku , japan , attracted 200,000 visitors per year in its heydaynow , the abandoned site , which is believed to be cursed , has become a tourist attraction in its own rightphotographer florian seidel visited the creepy location to photograph the park 's ongoing dereliction\"]\n", + "in its heyday , kejonuma leisure land , in tohoku , japan , attracted hundreds of thousands of visitors .with an amusement park , campsite and driving range , the once-bustling family-friendly attraction closed its doors officially in 2000 following a drop in visitors , attributed to japan 's low birth rate and economic collapse .florian seidel , a kensai-based photographer , visited the site in 2014 to capture the park 's ongoing dereliction\n", + "kejonuma leisure land in tohoku , japan , attracted 200,000 visitors per year in its heydaynow , the abandoned site , which is believed to be cursed , has become a tourist attraction in its own rightphotographer florian seidel visited the creepy location to photograph the park 's ongoing dereliction\n", + "[1.3279307 1.4567136 1.160091 1.3647251 1.1826472 1.1062691 1.1111058\n", + " 1.0627637 1.1596897 1.0868459 1.0795791 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 8 6 5 9 10 7 17 11 12 13 14 15 16 18]\n", + "=======================\n", + "['interim chairman paul murray and director john gilligan held talks with ashley and other members of the sports direct hierarchy on wednesday .controversial sports direct and newcastle united owner mike ashley has secured an 8.92 stake in rangersthe rangers board have held their first meeting with mike ashley since assuming control at ibrox .']\n", + "=======================\n", + "['the new rangers board have held their first meeting with mike ashleysports direct and newcastle united owner ashley has 8.92 per cent stake in the club as well as control over a number of its assetsashley has the right to appoint two directors at rangers']\n", + "interim chairman paul murray and director john gilligan held talks with ashley and other members of the sports direct hierarchy on wednesday .controversial sports direct and newcastle united owner mike ashley has secured an 8.92 stake in rangersthe rangers board have held their first meeting with mike ashley since assuming control at ibrox .\n", + "the new rangers board have held their first meeting with mike ashleysports direct and newcastle united owner ashley has 8.92 per cent stake in the club as well as control over a number of its assetsashley has the right to appoint two directors at rangers\n", + "[1.3955281 1.1921666 1.4254333 1.2932458 1.1947496 1.1292777 1.0736208\n", + " 1.0466204 1.0641668 1.090682 1.0945605 1.0517331 1.0274397 1.0273391\n", + " 1.0222336 1.0245597 1.1366742 1.0238194 1.0378109]\n", + "\n", + "[ 2 0 3 4 1 16 5 10 9 6 8 11 7 18 12 13 15 17 14]\n", + "=======================\n", + "[\"angela linton wrote the vile message , directed at gay teacher thomas o'brien , after a row about a school outing , birmingham magistrates ' court heard .the 47-year-old , from handsworth in birmingham , has been given a community order , told to carry out unpaid work and fined # 185 for harassing the victim .a mother who was banned from her son 's school after abusing staff then used one of the child 's books to deliver a homophobic tirade to a teacher .\"]\n", + "=======================\n", + "[\"angela linton , 47 , was banned from school after row about a pupil outingshe used her son 's pass book to abuse gay teacher thomas o'brienmother has been sentenced to community order and fined # 185\"]\n", + "angela linton wrote the vile message , directed at gay teacher thomas o'brien , after a row about a school outing , birmingham magistrates ' court heard .the 47-year-old , from handsworth in birmingham , has been given a community order , told to carry out unpaid work and fined # 185 for harassing the victim .a mother who was banned from her son 's school after abusing staff then used one of the child 's books to deliver a homophobic tirade to a teacher .\n", + "angela linton , 47 , was banned from school after row about a pupil outingshe used her son 's pass book to abuse gay teacher thomas o'brienmother has been sentenced to community order and fined # 185\n", + "[1.2162075 1.3217432 1.2737101 1.2298921 1.0894426 1.031878 1.1920128\n", + " 1.016681 1.0228982 1.0947759 1.1098169 1.145542 1.0196526 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 6 11 10 9 4 5 8 12 7 17 13 14 15 16 18]\n", + "=======================\n", + "[\"rolly robinson , from the blog beauty high , stars in theunique makeover clip , which sees him transform himself into a kylie jenner lookalike with the help of various make-up products and - of course - the infamous lip suction cup .to make himself over as ` america 's sweetheart ' , rolly first had to shave his mustache - and then he got to work using an impressive array of cosmetics to help him copy the appearance of the youngest member of the kardashian clan .the editorial designer advises that viewers use a cosmetic sponge like one by beauty blender for a natural , seamless look .\"]\n", + "=======================\n", + "[\"beauty high 's rolly robinson uses a wig , contouring , and a fullips suction cup to achieve kylie jenner 's infamous big-lipped lookkylie has spoken out about teenagers trying to look like her by using the lip-swelling device advising them to avoid using the controversial tool\"]\n", + "rolly robinson , from the blog beauty high , stars in theunique makeover clip , which sees him transform himself into a kylie jenner lookalike with the help of various make-up products and - of course - the infamous lip suction cup .to make himself over as ` america 's sweetheart ' , rolly first had to shave his mustache - and then he got to work using an impressive array of cosmetics to help him copy the appearance of the youngest member of the kardashian clan .the editorial designer advises that viewers use a cosmetic sponge like one by beauty blender for a natural , seamless look .\n", + "beauty high 's rolly robinson uses a wig , contouring , and a fullips suction cup to achieve kylie jenner 's infamous big-lipped lookkylie has spoken out about teenagers trying to look like her by using the lip-swelling device advising them to avoid using the controversial tool\n", + "[1.3586844 1.3412294 1.2881285 1.1624763 1.0607156 1.064384 1.1316689\n", + " 1.1113563 1.0725353 1.0449688 1.0311214 1.1012669 1.0250272 1.0222386\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 6 7 11 8 5 4 9 10 12 13 17 14 15 16 18]\n", + "=======================\n", + "['the hunger games film franchise has grossed over $ 2 billion after three movies - and the final chapter is due out at the end of the year .before that , the twilight saga managed $ 3.3 billion over five films from 2008 .the avengers garnered $ 1.5 billion with just one film in 2012 , and there are three other sequels to come , with the follow-up hitting cinemas may 1 .']\n", + "=======================\n", + "['new survey reveals there are six actors in hollywood who can ask for $ 20 million per movienumber one on the list is sandra bullock , with angelina jolie the only other female at number fiveleonardo dicaprio leads the men at number two , before matt damon , robert downey junior and denzel washington']\n", + "the hunger games film franchise has grossed over $ 2 billion after three movies - and the final chapter is due out at the end of the year .before that , the twilight saga managed $ 3.3 billion over five films from 2008 .the avengers garnered $ 1.5 billion with just one film in 2012 , and there are three other sequels to come , with the follow-up hitting cinemas may 1 .\n", + "new survey reveals there are six actors in hollywood who can ask for $ 20 million per movienumber one on the list is sandra bullock , with angelina jolie the only other female at number fiveleonardo dicaprio leads the men at number two , before matt damon , robert downey junior and denzel washington\n", + "[1.4877717 1.3538684 1.2888451 1.445348 1.2299021 1.1153293 1.0646797\n", + " 1.0208418 1.0247024 1.0299265 1.1896892 1.1780357 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 10 11 5 6 9 8 7 21 12 13 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"raheem sterling ` never once ' told his manager brendan rodgers that he wants to leave liverpool , and is focused on his football .brendan rodgers insists that his relationship with raheem sterling is as strong as eversterling gave an interview last week in which he suggested he was considering his future at the club , and the forward has not yet signed a new contract .\"]\n", + "=======================\n", + "['raheem sterling has not signed new liverpool contractsterling gave an interview last week suggesting he might want to leavebut brendan rodgers insists the forward has never expressed desire to go']\n", + "raheem sterling ` never once ' told his manager brendan rodgers that he wants to leave liverpool , and is focused on his football .brendan rodgers insists that his relationship with raheem sterling is as strong as eversterling gave an interview last week in which he suggested he was considering his future at the club , and the forward has not yet signed a new contract .\n", + "raheem sterling has not signed new liverpool contractsterling gave an interview last week suggesting he might want to leavebut brendan rodgers insists the forward has never expressed desire to go\n", + "[1.2084173 1.5414538 1.2123588 1.4020966 1.2709098 1.1727937 1.0210942\n", + " 1.0304805 1.2718669 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 8 4 2 0 5 7 6 20 19 18 17 16 15 11 13 12 21 10 9 14 22]\n", + "=======================\n", + "['the massive bus broke down en route to the stagecoach depot in dover , kent , so the unlucky driver was forced to ask passengers , colleagues and locals to give him a helping hand .the group managed to roll the huge bus - which can carry up to 80 passengers - through the streets of doverthe moment was captured by dover resident stephen davies last week .']\n", + "=======================\n", + "['passengers forced to get out and push after 12-tonne bus broke downdouble decker was stranded in dover town centre during incidentdriver asked passengers and residents to help get his vehicle to depot']\n", + "the massive bus broke down en route to the stagecoach depot in dover , kent , so the unlucky driver was forced to ask passengers , colleagues and locals to give him a helping hand .the group managed to roll the huge bus - which can carry up to 80 passengers - through the streets of doverthe moment was captured by dover resident stephen davies last week .\n", + "passengers forced to get out and push after 12-tonne bus broke downdouble decker was stranded in dover town centre during incidentdriver asked passengers and residents to help get his vehicle to depot\n", + "[1.2621504 1.313441 1.2614915 1.2877662 1.2370305 1.0678321 1.0722451\n", + " 1.0670456 1.0996119 1.0562203 1.0765936 1.0451602 1.02672 1.1020715\n", + " 1.0447333 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 13 8 10 6 5 7 9 11 14 12 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"only yesterday , obama claimed beijing was ` using its sheer size and muscle to force countries into subordinate positions ' amid reports of controversial land reclamation efforts .the war of words come as newly-released satellite images reveal a flotilla of chinese vessels dredging sand onto artificially-built land masses near the spratly islands - an area which many other nations claim .china 's leadership has hit back at u.s. president barack obama who condemned the country for constructing an artificial island in the disputed south china sea .\"]\n", + "=======================\n", + "[\"u.s. president implied that china was bullying its neighbouring countriesamerica criticised china for building artificial islands in south china seachinese leadership claim washington wields the greatest ` military muscle 'nearby countries say china could use the land mass for military purposes\"]\n", + "only yesterday , obama claimed beijing was ` using its sheer size and muscle to force countries into subordinate positions ' amid reports of controversial land reclamation efforts .the war of words come as newly-released satellite images reveal a flotilla of chinese vessels dredging sand onto artificially-built land masses near the spratly islands - an area which many other nations claim .china 's leadership has hit back at u.s. president barack obama who condemned the country for constructing an artificial island in the disputed south china sea .\n", + "u.s. president implied that china was bullying its neighbouring countriesamerica criticised china for building artificial islands in south china seachinese leadership claim washington wields the greatest ` military muscle 'nearby countries say china could use the land mass for military purposes\n", + "[1.0929927 1.0434371 1.1422035 1.191792 1.2392302 1.1646008 1.2234969\n", + " 1.2562513 1.0236914 1.0365795 1.0361892 1.0337946 1.0364748 1.0222876\n", + " 1.3005583 1.0213187 1.018503 1.0207019 1.0209396 1.1043731 1.0217127\n", + " 1.0785211 1.0381427]\n", + "\n", + "[14 7 4 6 3 5 2 19 0 21 1 22 9 12 10 11 8 13 20 15 18 17 16]\n", + "=======================\n", + "['the hashtag #kyliejennerchallenge has been trending on twitter in recent days , with posters showing off the often disturbing results of their efforts .it even has a hashtag : #kyliejennerchallengethe latest : lip plumping .']\n", + "=======================\n", + "[\"from belfies to butt implants , the kardashian clan has inspired many a trendthe latest : kylie jenner 's pouty lips spark the #kyliejennerchallenge\"]\n", + "the hashtag #kyliejennerchallenge has been trending on twitter in recent days , with posters showing off the often disturbing results of their efforts .it even has a hashtag : #kyliejennerchallengethe latest : lip plumping .\n", + "from belfies to butt implants , the kardashian clan has inspired many a trendthe latest : kylie jenner 's pouty lips spark the #kyliejennerchallenge\n", + "[1.409258 1.1576941 1.2126743 1.4153907 1.2079847 1.3058653 1.1649834\n", + " 1.0809689 1.0164386 1.0170327 1.0175802 1.0148802 1.0125862 1.0133108\n", + " 1.0706373 1.080348 1.0310358 1.0237535 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 0 5 2 4 6 1 7 15 14 16 17 10 9 8 11 13 12 21 18 19 20 22]\n", + "=======================\n", + "[\"manchester united 's pre-season tour of the united states will see them play louis van gaal 's ex-club barcathe premier league giants will face club america , san jose earthquakes , barcelona and psghowever , after months of discussions between the united board and manager van gaal the club will once again head across the atlantic for a four-game tour signed off by the manager .\"]\n", + "=======================\n", + "[\"manchester united travel to the usa 's west coast for the pre-season tourlouis van gaal was unhappy with last year 's arrangements in americathe dutch manager has organised the pre-season plans to his likinghe will face his former club barcelona in california during the tourvan gaal was barca boss between 1997 and 2000 , and won la liga twicehe left in controversial circumstances after an icy relationship with mediaread : real madrid confident david de gea is set for spain\"]\n", + "manchester united 's pre-season tour of the united states will see them play louis van gaal 's ex-club barcathe premier league giants will face club america , san jose earthquakes , barcelona and psghowever , after months of discussions between the united board and manager van gaal the club will once again head across the atlantic for a four-game tour signed off by the manager .\n", + "manchester united travel to the usa 's west coast for the pre-season tourlouis van gaal was unhappy with last year 's arrangements in americathe dutch manager has organised the pre-season plans to his likinghe will face his former club barcelona in california during the tourvan gaal was barca boss between 1997 and 2000 , and won la liga twicehe left in controversial circumstances after an icy relationship with mediaread : real madrid confident david de gea is set for spain\n", + "[1.217679 1.0909783 1.0589377 1.0427499 1.0677568 1.0700145 1.04239\n", + " 1.2880814 1.2919763 1.111474 1.0175705 1.0782925 1.2732712 1.0142736\n", + " 1.0195131 1.012823 1.1678855 1.0153306 1.1571995 1.041299 1.0369247\n", + " 1.018862 1.0227259 1.0261841]\n", + "\n", + "[ 8 7 12 0 16 18 9 1 11 5 4 2 3 6 19 20 23 22 14 21 10 17 13 15]\n", + "=======================\n", + "[\"borussia dortmund 's midfield pair of ilkay gundogan ( left ) and sven bender ( right ) fit the billlouis van gaal needs some big signings in the summer to turn manchester united into title contendersilkay gundogan has already been linked with a move to old trafford -- it 's a no-brainer .\"]\n", + "=======================\n", + "[\"defeat by everton showed that manchester united have a long way to godaley blind is a poverty-stricken pauper 's version of michael carrickunited should bring in sven bender and ilkay gundogan in midfieldplaymaker henrikh mkhitaryan would also improve louis van gaal 's sideread more : brendan rodgers is ruining rickie lambert 's careerread more : mesut ozil is in danger of becoming an arsenal flop\"]\n", + "borussia dortmund 's midfield pair of ilkay gundogan ( left ) and sven bender ( right ) fit the billlouis van gaal needs some big signings in the summer to turn manchester united into title contendersilkay gundogan has already been linked with a move to old trafford -- it 's a no-brainer .\n", + "defeat by everton showed that manchester united have a long way to godaley blind is a poverty-stricken pauper 's version of michael carrickunited should bring in sven bender and ilkay gundogan in midfieldplaymaker henrikh mkhitaryan would also improve louis van gaal 's sideread more : brendan rodgers is ruining rickie lambert 's careerread more : mesut ozil is in danger of becoming an arsenal flop\n", + "[1.2255282 1.5179181 1.2407464 1.4219129 1.1513735 1.1816489 1.0656056\n", + " 1.0343081 1.0302354 1.0240202 1.0870844 1.0506704 1.0191426 1.1024894\n", + " 1.0302485 1.020918 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 5 4 13 10 6 11 7 14 8 9 15 12 22 16 17 18 19 20 21 23]\n", + "=======================\n", + "['robert fidler , 66 , secretly constructed the mock-tudor castle complete with battlements and cannons and lived there with his family from 2002 .robert fidler has lost a nine-year legal battle to save the dream home ( above ) he built in salfords , surrey , without planning permission and hid behind hay bales for four yearshe unveiled it officially in 2006 when he thought he would be able to exploit a legal loophole that prevents enforcement action against a structure if no objections have been made for at least four years .']\n", + "=======================\n", + "['robert fidler has lived in castle in salfords , surrey , since 2002 with familyused bales of hay to disguise the building before unveiling it in 2006tried to exploit loophole that allows building if no complaints for four years66-year-old must now demolish the four-bedroom house worth # 1million']\n", + "robert fidler , 66 , secretly constructed the mock-tudor castle complete with battlements and cannons and lived there with his family from 2002 .robert fidler has lost a nine-year legal battle to save the dream home ( above ) he built in salfords , surrey , without planning permission and hid behind hay bales for four yearshe unveiled it officially in 2006 when he thought he would be able to exploit a legal loophole that prevents enforcement action against a structure if no objections have been made for at least four years .\n", + "robert fidler has lived in castle in salfords , surrey , since 2002 with familyused bales of hay to disguise the building before unveiling it in 2006tried to exploit loophole that allows building if no complaints for four years66-year-old must now demolish the four-bedroom house worth # 1million\n", + "[1.4956756 1.2056954 1.3919162 1.1935239 1.2060947 1.2236522 1.1179816\n", + " 1.0485829 1.0478525 1.0257549 1.0138668 1.1285247 1.0653044 1.1002619\n", + " 1.0607585 1.1150491 1.0476987 1.1270128 1.0299003 1.0192076 1.0334812\n", + " 1.0277729 0. 0. ]\n", + "\n", + "[ 0 2 5 4 1 3 11 17 6 15 13 12 14 7 8 16 20 18 21 9 19 10 22 23]\n", + "=======================\n", + "['dustin wayne south died in louisville , kentucky , on wednesday after police were called to a field where south was seen wielding a gunhe died of a self-inflicted gunshot wound to the head .two bullets fired by police struck south , but neither was lethal , said jo-ann farmer , chief deputy coroner .']\n", + "=======================\n", + "['police were called after a neighbor saw south walking through a field behind a louisville middle school while pointing a gun in the airpolice asked south to put the gun down but instead he pointed it at themafter shots were fired by police , south shot himself in the head and died']\n", + "dustin wayne south died in louisville , kentucky , on wednesday after police were called to a field where south was seen wielding a gunhe died of a self-inflicted gunshot wound to the head .two bullets fired by police struck south , but neither was lethal , said jo-ann farmer , chief deputy coroner .\n", + "police were called after a neighbor saw south walking through a field behind a louisville middle school while pointing a gun in the airpolice asked south to put the gun down but instead he pointed it at themafter shots were fired by police , south shot himself in the head and died\n", + "[1.3661213 1.2512758 1.2650048 1.1555065 1.2255428 1.1090719 1.1022115\n", + " 1.1177347 1.1244347 1.0632733 1.0182929 1.0245404 1.0533699 1.0235974\n", + " 1.0424645 1.056242 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 4 3 8 7 5 6 9 15 12 14 11 13 10 22 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"ed miliband 's son has inadvertently waded into the row about the labour leader 's kitchen as he declared it ` the best ' in his house .it is the fourth time they have appeared on screen during the campaign -- once for a bbc profile , again for an interview on itv 's good morning britain , a third time for a campaign visit in blackpool over easter , and again this evening on itv .the unwitting admission from five-year-old daniel , to be broadcast tonight , came as mr miliband yet again wheeled out his children for the cameras .\"]\n", + "=======================\n", + "[\"miliband came under fire last month for having two kitchens in # 2.7 m homein an itv interview , he admits that he has a second kitchen for his nannycomment led to accusations miliband lives ` upstairs , downstairs ' lifestyledaniel , five , added to row by saying spartan kitchen was ` best ' in the house\"]\n", + "ed miliband 's son has inadvertently waded into the row about the labour leader 's kitchen as he declared it ` the best ' in his house .it is the fourth time they have appeared on screen during the campaign -- once for a bbc profile , again for an interview on itv 's good morning britain , a third time for a campaign visit in blackpool over easter , and again this evening on itv .the unwitting admission from five-year-old daniel , to be broadcast tonight , came as mr miliband yet again wheeled out his children for the cameras .\n", + "miliband came under fire last month for having two kitchens in # 2.7 m homein an itv interview , he admits that he has a second kitchen for his nannycomment led to accusations miliband lives ` upstairs , downstairs ' lifestyledaniel , five , added to row by saying spartan kitchen was ` best ' in the house\n", + "[1.5542624 1.3068221 1.09326 1.0898621 1.0726205 1.0570985 1.0603753\n", + " 1.0240151 1.0141779 1.1803136 1.1530648 1.1170423 1.0501907 1.0937662\n", + " 1.0349911 1.1433673 1.040262 1.0377401 1.0338951 1.0187922 1.0154873\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 9 10 15 11 13 2 3 4 6 5 12 16 17 14 18 7 19 20 8 21 22 23]\n", + "=======================\n", + "[\"alex rodriguez returned to the new york yankees line-up for the baseball season 's opening day following a 162-game suspension , batting seventh and serving as designated hitter .rodriguez returned from a suspension that spanned all of the 2014 season for admitted to receiving and using performance-enhancing drugs from a florida clinic .on the field , however , atlanta braves right-handed reliever jason grilli will take over as the closer following the trade of craig kimbrel .\"]\n", + "=======================\n", + "[\"a-rod returned to the new york yankees line-up for the opening dayalex rodriguez came back from a 162-game suspension for the yankeeshe received a warm welcome on his comeback , with fans even holding up signs that read ` forgive ' in the crowd\"]\n", + "alex rodriguez returned to the new york yankees line-up for the baseball season 's opening day following a 162-game suspension , batting seventh and serving as designated hitter .rodriguez returned from a suspension that spanned all of the 2014 season for admitted to receiving and using performance-enhancing drugs from a florida clinic .on the field , however , atlanta braves right-handed reliever jason grilli will take over as the closer following the trade of craig kimbrel .\n", + "a-rod returned to the new york yankees line-up for the opening dayalex rodriguez came back from a 162-game suspension for the yankeeshe received a warm welcome on his comeback , with fans even holding up signs that read ` forgive ' in the crowd\n", + "[1.2665445 1.089174 1.0482888 1.0810541 1.2938231 1.3616312 1.1473999\n", + " 1.201387 1.0256126 1.0160127 1.0188019 1.0203599 1.0195535 1.0177528\n", + " 1.0211804 1.0215604 1.1157258 1.02402 1.0545665 1.0388925 1.0493428\n", + " 1.0128042]\n", + "\n", + "[ 5 4 0 7 6 16 1 3 18 20 2 19 8 17 15 14 11 12 10 13 9 21]\n", + "=======================\n", + "[\"jamie vardy scored an injury-time winner to improve his side 's slim chance of premier league survivalleicester have appeared doomed to relegation for months , cemented to the bottom of the table since november .leicester 's premier league forecast has looked gloomy for some considerable time , but jamie vardy 's stoppage time winner at the hawthorns suddenly offers a sunnier outlook .\"]\n", + "=======================\n", + "['leicester city hero jamie vardy believes the foxes deserve to stay upvardy pounced late to earn leicester all three points at the hawthornsleicester have been bottom of the premier league table since novemberbut two successive wins have given them genuine hope of survival']\n", + "jamie vardy scored an injury-time winner to improve his side 's slim chance of premier league survivalleicester have appeared doomed to relegation for months , cemented to the bottom of the table since november .leicester 's premier league forecast has looked gloomy for some considerable time , but jamie vardy 's stoppage time winner at the hawthorns suddenly offers a sunnier outlook .\n", + "leicester city hero jamie vardy believes the foxes deserve to stay upvardy pounced late to earn leicester all three points at the hawthornsleicester have been bottom of the premier league table since novemberbut two successive wins have given them genuine hope of survival\n", + "[1.2267375 1.4737449 1.3043865 1.2776542 1.193998 1.1140594 1.2448022\n", + " 1.0697697 1.1117804 1.0736537 1.0341234 1.010695 1.0816344 1.0850761\n", + " 1.057605 1.0254006 1.0383834 1.1208154 1.0238276 1.0152575 1.0259731\n", + " 0. ]\n", + "\n", + "[ 1 2 3 6 0 4 17 5 8 13 12 9 7 14 16 10 20 15 18 19 11 21]\n", + "=======================\n", + "[\"the unarmed 22-year-old , cao yu , held off the man in a terrifying five-minute struggle in a public square in guizhou province in southwestern china earlier this month .chinese social media users praised ` tough girl ' cao yu for her incredible braverythe young policewoman , who was found ` bleeding all over ' , is now recovering in hospital after the horrific incident .\"]\n", + "=======================\n", + "[\"22-year-old cao yu was on patrol when she confronted the manrobber wounded her five times as she awaited reinforcementscolleagues say they found her ` bleeding all over ' when they arrivedthe policewoman has been praised on chinese social media for her incredible bravery\"]\n", + "the unarmed 22-year-old , cao yu , held off the man in a terrifying five-minute struggle in a public square in guizhou province in southwestern china earlier this month .chinese social media users praised ` tough girl ' cao yu for her incredible braverythe young policewoman , who was found ` bleeding all over ' , is now recovering in hospital after the horrific incident .\n", + "22-year-old cao yu was on patrol when she confronted the manrobber wounded her five times as she awaited reinforcementscolleagues say they found her ` bleeding all over ' when they arrivedthe policewoman has been praised on chinese social media for her incredible bravery\n", + "[1.3118565 1.3263311 1.2409203 1.4561875 1.2314935 1.0744365 1.0278016\n", + " 1.0282137 1.0444194 1.017096 1.0165257 1.1847798 1.029989 1.0267423\n", + " 1.017379 1.015205 1.0186524 1.0153191 1.0415331 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 0 2 4 11 5 8 18 12 7 6 13 16 14 9 10 17 15 20 19 21]\n", + "=======================\n", + "[\"lewis hamilton stands on his mercedes after winning the bahrain grand prixit is an ominous warning from a man who has won nine of the last 11 grands prix , been on pole at the last four , and who already holds a 27-point cushion in the drivers ' standings .lewis hamilton has conceded to feeling more powerful now than at any stage in his f1 career .\"]\n", + "=======================\n", + "[\"lewis hamilton already holds a 27-point cushion in the drivers ' standingsthe brit has won nine of the last 11 races following triumph in bahrain\"]\n", + "lewis hamilton stands on his mercedes after winning the bahrain grand prixit is an ominous warning from a man who has won nine of the last 11 grands prix , been on pole at the last four , and who already holds a 27-point cushion in the drivers ' standings .lewis hamilton has conceded to feeling more powerful now than at any stage in his f1 career .\n", + "lewis hamilton already holds a 27-point cushion in the drivers ' standingsthe brit has won nine of the last 11 races following triumph in bahrain\n", + "[1.4341623 1.462969 1.2150868 1.4029124 1.0813767 1.0390539 1.0210673\n", + " 1.0232912 1.0188442 1.0851108 1.0176296 1.019183 1.3033718 1.1094356\n", + " 1.0804124 1.05959 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 12 2 13 9 4 14 15 5 7 6 11 8 10 16 17 18 19 20 21]\n", + "=======================\n", + "[\"patrick de koster , who has confirmed that he held talks with manchester city earlier this season , admits that he could receive 20 phone calls a day about the belgium international as clubs prepare to strengthen their squads before the start of next season .kevin de bruyne 's agent expects to go ` around the world ' discussing his client as interest in the wolfsburg midfielder increases ahead of the summer transfer window .wolfsburg midfielder has attracted interest from manchester city , bayern munich and paris saint-germain\"]\n", + "=======================\n", + "[\"patrick de koster will go ` around the world ' to talk about kevin de bruynethe wolfsburg midfielder is wanted by manchester city and bayern munichde koster has admitted having talks with city chiefs this seasonbut he has not spoken to manchester united about a move for his clientde bruyne remains happy at wolfsburg and could yet remain at the club\"]\n", + "patrick de koster , who has confirmed that he held talks with manchester city earlier this season , admits that he could receive 20 phone calls a day about the belgium international as clubs prepare to strengthen their squads before the start of next season .kevin de bruyne 's agent expects to go ` around the world ' discussing his client as interest in the wolfsburg midfielder increases ahead of the summer transfer window .wolfsburg midfielder has attracted interest from manchester city , bayern munich and paris saint-germain\n", + "patrick de koster will go ` around the world ' to talk about kevin de bruynethe wolfsburg midfielder is wanted by manchester city and bayern munichde koster has admitted having talks with city chiefs this seasonbut he has not spoken to manchester united about a move for his clientde bruyne remains happy at wolfsburg and could yet remain at the club\n", + "[1.3029659 1.3312196 1.1918888 1.3561975 1.3453357 1.0365227 1.1968576\n", + " 1.1592127 1.0146184 1.0307245 1.0420519 1.0956105 1.0621935 1.0154945\n", + " 1.0556281 1.0173724 1.0324721 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 4 1 0 6 2 7 11 12 14 10 5 16 9 15 13 8 17 18 19 20 21]\n", + "=======================\n", + "[\"glenn murray jumps for joy after putting crystal palace 1-0 up against manchester city on monday nightbarcelona and spain defender gerard pique once conceded three against murray in a reserve match in 2005ten years ago this month , the crystal palace striker humiliated another of the world 's best defenders , world cup and champions league winner gerard pique .\"]\n", + "=======================\n", + "['crystal palace beat manchester city 2-1 at selhurst park on monday nightglenn murray netted his fifth goal in five games to open the scoringmurray now has best goals-per-minute ratio of anyone in premier league']\n", + "glenn murray jumps for joy after putting crystal palace 1-0 up against manchester city on monday nightbarcelona and spain defender gerard pique once conceded three against murray in a reserve match in 2005ten years ago this month , the crystal palace striker humiliated another of the world 's best defenders , world cup and champions league winner gerard pique .\n", + "crystal palace beat manchester city 2-1 at selhurst park on monday nightglenn murray netted his fifth goal in five games to open the scoringmurray now has best goals-per-minute ratio of anyone in premier league\n", + "[1.2840307 1.4115312 1.3032832 1.1575923 1.1696448 1.0309079 1.029858\n", + " 1.2292869 1.0643882 1.1585306 1.1624937 1.083595 1.0156331 1.0118294\n", + " 1.0249101 1.0162376 1.0168438 1.0120158 1.0112455 1.0674886]\n", + "\n", + "[ 1 2 0 7 4 10 9 3 11 19 8 5 6 14 16 15 12 17 13 18]\n", + "=======================\n", + "[\"toya graham , a single mother-of-six , was caught on camera whacking her 16-year-old son michael , pulling off his ski mask and chasing him down the street as rioters clashed with police , looted stores and burned down buildings and cars .the riots broke out following the death of 25-year-old freddie gray earlier this month who died of a spinal cord injury after being taken into custody by baltimore police .a baltimore mother hailed as ` mom of the year ' for clobbering her teenage son and dragging him home from the riots admitted sheepishly on wednesday : ` my pastor is going to kill me . '\"]\n", + "=======================\n", + "[\"toya graham , a single mother-of-six , said she ` just lost it ' when she saw her 16-year-old son michael at monday 's riots carrying a rockshe said of her son : ` we made eye contact .she traveled to new york for interviews on wednesday after being applauded by moms across the us and the baltimore police chiefher pastor called her ` mom of the century ' on wednesday for her actions\"]\n", + "toya graham , a single mother-of-six , was caught on camera whacking her 16-year-old son michael , pulling off his ski mask and chasing him down the street as rioters clashed with police , looted stores and burned down buildings and cars .the riots broke out following the death of 25-year-old freddie gray earlier this month who died of a spinal cord injury after being taken into custody by baltimore police .a baltimore mother hailed as ` mom of the year ' for clobbering her teenage son and dragging him home from the riots admitted sheepishly on wednesday : ` my pastor is going to kill me . '\n", + "toya graham , a single mother-of-six , said she ` just lost it ' when she saw her 16-year-old son michael at monday 's riots carrying a rockshe said of her son : ` we made eye contact .she traveled to new york for interviews on wednesday after being applauded by moms across the us and the baltimore police chiefher pastor called her ` mom of the century ' on wednesday for her actions\n", + "[1.1265458 1.3998934 1.2569126 1.3332078 1.2331525 1.0988146 1.0891669\n", + " 1.0480574 1.110291 1.0828333 1.078772 1.0834277 1.0869871 1.0432237\n", + " 1.0494752 1.0636373 1.0701973 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 8 5 6 12 11 9 10 16 15 14 7 13 18 17 19]\n", + "=======================\n", + "['this was the case in hallett cove , south australia , when a man smacked a huge wolf spider as it scuttled across his kitchen floor .he got the shock of his life when he squashed the hairy beast with a broom , only to see hundreds of baby spiders came crawling out of the mother and spreading out in all directions on the floor .killing a spider is one thing but seeing hundreds of babies explode from its body afterwards would freak out anyone .']\n", + "=======================\n", + "[\"a wolf spider races across a kitchen floor in hallett cove , south australiaunluckily for it it 's spotted by a man who smashes it with a broomfollowing a few whacks hundreds of babies burst out of the female spiderafter hatching , spider babies crawl onto the mother 's back and stay thereas most of the the spiders are now dead the man sweeps them all up\"]\n", + "this was the case in hallett cove , south australia , when a man smacked a huge wolf spider as it scuttled across his kitchen floor .he got the shock of his life when he squashed the hairy beast with a broom , only to see hundreds of baby spiders came crawling out of the mother and spreading out in all directions on the floor .killing a spider is one thing but seeing hundreds of babies explode from its body afterwards would freak out anyone .\n", + "a wolf spider races across a kitchen floor in hallett cove , south australiaunluckily for it it 's spotted by a man who smashes it with a broomfollowing a few whacks hundreds of babies burst out of the female spiderafter hatching , spider babies crawl onto the mother 's back and stay thereas most of the the spiders are now dead the man sweeps them all up\n", + "[1.5247588 1.2113816 1.4767985 1.3232703 1.1195188 1.1206796 1.0237428\n", + " 1.0184782 1.0828881 1.0678129 1.0534003 1.040251 1.0432178 1.0724245\n", + " 1.0620283 1.0564535 1.2602335 1.0373392 0. 0. ]\n", + "\n", + "[ 0 2 3 16 1 5 4 8 13 9 14 15 10 12 11 17 6 7 18 19]\n", + "=======================\n", + "[\"ramon c. estrada , 62 , was set to be paroled in less than three weeks when he died on sundayhe was scheduled to have dialysis friday at the prison 's treatment center , but a technician did not show up on friday or saturday .a utah prison inmate is dead of an apparent heart attack related to renal failure after a dialysis provider did n't show up for a scheduled treatment for two days in a row , a prison official said tuesday .\"]\n", + "=======================\n", + "[\"ramon c. estrada , 62 , was set to be paroled in less than three weeks when he died sunday at the prison in draper , utahestrada was scheduled to have dialysis friday at the prison 's treatment center , but a technician did not show up on friday or saturdayadams said six other inmates had been waiting for dialysis treatment and were taken to a hospital for evaluationestrada was serving time for a 2005 rape conviction\"]\n", + "ramon c. estrada , 62 , was set to be paroled in less than three weeks when he died on sundayhe was scheduled to have dialysis friday at the prison 's treatment center , but a technician did not show up on friday or saturday .a utah prison inmate is dead of an apparent heart attack related to renal failure after a dialysis provider did n't show up for a scheduled treatment for two days in a row , a prison official said tuesday .\n", + "ramon c. estrada , 62 , was set to be paroled in less than three weeks when he died sunday at the prison in draper , utahestrada was scheduled to have dialysis friday at the prison 's treatment center , but a technician did not show up on friday or saturdayadams said six other inmates had been waiting for dialysis treatment and were taken to a hospital for evaluationestrada was serving time for a 2005 rape conviction\n", + "[1.175508 1.0853344 1.3542513 1.3301909 1.2129003 1.0965267 1.1689901\n", + " 1.1515225 1.0322845 1.0179703 1.1237736 1.0258915 1.0518295 1.1010866\n", + " 1.059166 1.0800245 1.0646675 1.1516762 1.1043657 1.0460501]\n", + "\n", + "[ 2 3 4 0 6 17 7 10 18 13 5 1 15 16 14 12 19 8 11 9]\n", + "=======================\n", + "[\"when prince george 's brother or sister makes their entrance to the world , their arrival will be announced first on twitter according to a report in the sunday times .news of the royal delivery will then also be posted on the traditional easel behind the gates of buckingham palace , just like prince george and prince william before him - or her .the birth of prince william was first announced on an easel outside buckingham palace in 1982\"]\n", + "=======================\n", + "[\"kate and william to start new royal birth customarrival of queen 's fifth great-grandchild will be announced with a hashtagbirth revealed on buckingham palace easel after social media\"]\n", + "when prince george 's brother or sister makes their entrance to the world , their arrival will be announced first on twitter according to a report in the sunday times .news of the royal delivery will then also be posted on the traditional easel behind the gates of buckingham palace , just like prince george and prince william before him - or her .the birth of prince william was first announced on an easel outside buckingham palace in 1982\n", + "kate and william to start new royal birth customarrival of queen 's fifth great-grandchild will be announced with a hashtagbirth revealed on buckingham palace easel after social media\n", + "[1.1780701 1.2995263 1.2925577 1.2738672 1.3149651 1.0502386 1.1199192\n", + " 1.0344425 1.2448301 1.0412879 1.1804196 1.113501 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 1 2 3 8 10 0 6 11 5 9 7 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "['more than 70 per cent of britons rightly identified chicken as the main source of food poisoning and most know it should be cooked until all the pink bits are done .many people are still ignorant of the dangers of eating chicken despite campaigns to highlight risks , a report says ( file picture )last month the mail reported how supermarkets were blocking efforts to tackle the deadly bug .']\n", + "=======================\n", + "['just a third of consumers have heard of campylobacter germs on chickenmillions are still ignorant of dangers of eating chicken despite campaignsmost britons rightly identify chicken as the main source of food poisoning']\n", + "more than 70 per cent of britons rightly identified chicken as the main source of food poisoning and most know it should be cooked until all the pink bits are done .many people are still ignorant of the dangers of eating chicken despite campaigns to highlight risks , a report says ( file picture )last month the mail reported how supermarkets were blocking efforts to tackle the deadly bug .\n", + "just a third of consumers have heard of campylobacter germs on chickenmillions are still ignorant of dangers of eating chicken despite campaignsmost britons rightly identify chicken as the main source of food poisoning\n", + "[1.369688 1.3277928 1.3195319 1.395023 1.2054945 1.0471927 1.0236367\n", + " 1.0198474 1.027324 1.114992 1.0345725 1.0366503 1.0169615 1.0317452\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 2 4 9 5 11 10 13 8 6 7 12 14 15 16]\n", + "=======================\n", + "[\"dusty the kangaroo ( right ) has convinced himself that he is a dog , and spends his days with ashley and felicity stewart 's dogs rosie and lilly , on the couple 's farm in esperance , western australiawhen rural farmer ashley stewart and his wife felicity found a baby male kangaroo on the side of the road in 2013 , they had no idea that the little joey would quickly become part of their family .dusty rides around the property in the back of mr stewart 's truck along with the dogs , sleeps with them on a dog bed , eats with them , asks for scratches , and even tries to sneak dog treats when he can .\"]\n", + "=======================\n", + "[\"dusty the kangaroo was adopted by the stewart family from esperancethe two-year-old roo now believe 's he is one of the couple 's dogshe rides around in the back of their truck , and sleeps and eats with themdusty asks for scratches and tries to sneak dog treats when he canmr stewart said that like any other dog , dusty is either eating or sleeping\"]\n", + "dusty the kangaroo ( right ) has convinced himself that he is a dog , and spends his days with ashley and felicity stewart 's dogs rosie and lilly , on the couple 's farm in esperance , western australiawhen rural farmer ashley stewart and his wife felicity found a baby male kangaroo on the side of the road in 2013 , they had no idea that the little joey would quickly become part of their family .dusty rides around the property in the back of mr stewart 's truck along with the dogs , sleeps with them on a dog bed , eats with them , asks for scratches , and even tries to sneak dog treats when he can .\n", + "dusty the kangaroo was adopted by the stewart family from esperancethe two-year-old roo now believe 's he is one of the couple 's dogshe rides around in the back of their truck , and sleeps and eats with themdusty asks for scratches and tries to sneak dog treats when he canmr stewart said that like any other dog , dusty is either eating or sleeping\n", + "[1.3477385 1.4051696 1.2736266 1.2920918 1.4227071 1.1282666 1.0483254\n", + " 1.0365431 1.0480486 1.0152732 1.0201252 1.0155542 1.0200393 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 4 1 0 3 2 5 6 8 7 10 12 11 9 15 13 14 16]\n", + "=======================\n", + "[\"texas a&m , galveston , professor irwin horwitz emailed his strategic management class of about 30 students telling them he was going to fail all of them because of the bad behavior he had seen during the semesterthe university has said that the failing grades horwitz 's wishes to give out will not hold .in the email - he sent a similar one to administrators - he claimed students cheated in class and participated in ` inappropriate conduct '\"]\n", + "=======================\n", + "[\"texas a&m , galveston professor irwin horwitz sent an email to his strategic management class telling the approximately-30-person class would all failin the email he said he witnessed cheating , false rumors and bad behaviorhe said in his 20 years of teaching he had never failed a class and rarely failed studentsthe university administration has said that the failing grades will not holddepartment head is taking over horowitz 's class and students will be graded solely on academics\"]\n", + "texas a&m , galveston , professor irwin horwitz emailed his strategic management class of about 30 students telling them he was going to fail all of them because of the bad behavior he had seen during the semesterthe university has said that the failing grades horwitz 's wishes to give out will not hold .in the email - he sent a similar one to administrators - he claimed students cheated in class and participated in ` inappropriate conduct '\n", + "texas a&m , galveston professor irwin horwitz sent an email to his strategic management class telling the approximately-30-person class would all failin the email he said he witnessed cheating , false rumors and bad behaviorhe said in his 20 years of teaching he had never failed a class and rarely failed studentsthe university administration has said that the failing grades will not holddepartment head is taking over horowitz 's class and students will be graded solely on academics\n", + "[1.3379502 1.3056908 1.2021307 1.4288967 1.2372085 1.0940292 1.1038516\n", + " 1.062144 1.0265402 1.0287784 1.0095999 1.2573884 1.1537654 1.0116988\n", + " 1.0186838 1.0091678 1.2321264]\n", + "\n", + "[ 3 0 1 11 4 16 2 12 6 5 7 9 8 14 13 10 15]\n", + "=======================\n", + "['stoke city manager mark hughes says his side must end their barren run at chelseastoke boss mark hughes is in no doubt it is high time the club brought their run of fruitless trips to stamford bridge to an end .since gaining promotion to the barclays premier league in 2008 , the potters have played chelsea away eight times in all competitions and lost on every occasion .']\n", + "=======================\n", + "['stoke city have lost all eight trips to chelsea since premier league returnmark hughes insists that their fruitless stamford bridge visits must endchelsea unbeaten in 14 premier league home games this season ( 11 wins )']\n", + "stoke city manager mark hughes says his side must end their barren run at chelseastoke boss mark hughes is in no doubt it is high time the club brought their run of fruitless trips to stamford bridge to an end .since gaining promotion to the barclays premier league in 2008 , the potters have played chelsea away eight times in all competitions and lost on every occasion .\n", + "stoke city have lost all eight trips to chelsea since premier league returnmark hughes insists that their fruitless stamford bridge visits must endchelsea unbeaten in 14 premier league home games this season ( 11 wins )\n", + "[1.2462151 1.500712 1.2212738 1.4044796 1.3614272 1.0966142 1.1438344\n", + " 1.2660254 1.0900886 1.0738848 1.0333347 1.0178607 1.0123924 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 7 0 2 6 5 8 9 10 11 12 13 14 15 16]\n", + "=======================\n", + "[\"the ocean-going tug mv hamal was intercepted by the frigate hms somerset and border force cutter valiant about 100 miles east of the aberdeenshire coast .the crew of the hamal , nine men aged between 26 and 63 , were detained for questioning by investigators from the national crime agency 's border policing command , and later charged with drug trafficking offencesaround two tonnes of cocaine have been seized from a boat intercepted at sea by the royal navy and the border force .\"]\n", + "=======================\n", + "['the ocean-going tug mv hamal was intercepted by hms somerset and border force vessel about 100 miles east of the aberdeenshire coastvalue of the cocaine is likely to be worth hundreds of millions of poundscrew of the hamal , nine men aged between 26 and 63 , were detained']\n", + "the ocean-going tug mv hamal was intercepted by the frigate hms somerset and border force cutter valiant about 100 miles east of the aberdeenshire coast .the crew of the hamal , nine men aged between 26 and 63 , were detained for questioning by investigators from the national crime agency 's border policing command , and later charged with drug trafficking offencesaround two tonnes of cocaine have been seized from a boat intercepted at sea by the royal navy and the border force .\n", + "the ocean-going tug mv hamal was intercepted by hms somerset and border force vessel about 100 miles east of the aberdeenshire coastvalue of the cocaine is likely to be worth hundreds of millions of poundscrew of the hamal , nine men aged between 26 and 63 , were detained\n", + "[1.1813157 1.5258118 1.2882458 1.4361633 1.1403627 1.0527921 1.2111826\n", + " 1.1181104 1.0291044 1.0230927 1.1220694 1.09004 1.0275965 1.0148803\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 6 0 4 10 7 11 5 8 12 9 13 15 14 16]\n", + "=======================\n", + "[\"luke munro , 19 , and dylon thompson , 21 , burst into the londis shop in cleveleys near blackpool in october last year while the owner , his wife , and their toddler were behind the counter .the pair then pulled out a ` realistic looking ' handgun and began waving it in the family 's faces , demanding cash from the till , but the brave parents refused to hand it over .the duo were tracked down , and at preston crown court on wednesday munro was jailed for five years and four months , while thompson was sentenced to three years and four months .\"]\n", + "=======================\n", + "[\"luke munro , 19 , and dylon thompson , 21 , raided londis near blackpoolthreatened owner and wife with gun while baby was in pram beside thempolice said couple ` feared for their life ' during robbery in october last yearmunro jailed for five years , thompson for three years and four months\"]\n", + "luke munro , 19 , and dylon thompson , 21 , burst into the londis shop in cleveleys near blackpool in october last year while the owner , his wife , and their toddler were behind the counter .the pair then pulled out a ` realistic looking ' handgun and began waving it in the family 's faces , demanding cash from the till , but the brave parents refused to hand it over .the duo were tracked down , and at preston crown court on wednesday munro was jailed for five years and four months , while thompson was sentenced to three years and four months .\n", + "luke munro , 19 , and dylon thompson , 21 , raided londis near blackpoolthreatened owner and wife with gun while baby was in pram beside thempolice said couple ` feared for their life ' during robbery in october last yearmunro jailed for five years , thompson for three years and four months\n", + "[1.3173435 1.1446401 1.3591063 1.320224 1.3180212 1.2050743 1.1452868\n", + " 1.1282735 1.0241272 1.0155596 1.0184286 1.0274489 1.0169348 1.1682094\n", + " 1.1231536 1.0336775 1.0664499 1.0391438 1.0303681]\n", + "\n", + "[ 2 3 4 0 5 13 6 1 7 14 16 17 15 18 11 8 10 12 9]\n", + "=======================\n", + "[\"frustrated listeners say the vital last minutes of numerous shows have been left off versions uploaded to the iplayer service .they branded the problem ` irritating ' , ` annoying ' and ` frustrating ' and said it was ruining their enjoyment of the programmes .shows such as dad 's army and hancock 's half hour have all fallen foul of the problem , which the bbc blames on the system it uses to record programmes .\"]\n", + "=======================\n", + "[\"iplayer listeners say the vital last minutes have been left off radio dramasshows such as dad 's army and hancock 's half hour fallen foul of problembbc blames system it uses to record programmes , but it 's not a new issue\"]\n", + "frustrated listeners say the vital last minutes of numerous shows have been left off versions uploaded to the iplayer service .they branded the problem ` irritating ' , ` annoying ' and ` frustrating ' and said it was ruining their enjoyment of the programmes .shows such as dad 's army and hancock 's half hour have all fallen foul of the problem , which the bbc blames on the system it uses to record programmes .\n", + "iplayer listeners say the vital last minutes have been left off radio dramasshows such as dad 's army and hancock 's half hour fallen foul of problembbc blames system it uses to record programmes , but it 's not a new issue\n", + "[1.2622341 1.3292954 1.158349 1.1915362 1.135352 1.2453042 1.1113598\n", + " 1.1432854 1.0675485 1.113048 1.0464196 1.0247209 1.1090512 1.1097347\n", + " 1.0263176 1.0488036 0. 0. 0. ]\n", + "\n", + "[ 1 0 5 3 2 7 4 9 6 13 12 8 15 10 14 11 17 16 18]\n", + "=======================\n", + "[\"roman ehrhardt became an internet sensation after one of his classmates shared a hilarious photo of him grilling his lunch in class - however according to a buzzfeed community posting , the senior communications major was actually completing project , in which had to violate a societal norm .a boldfaced student at mississippi state , who refused to go hungry during his college lecture , brought a george foreman grill to class and proceeded to cook bacon for his sandwich - while sitting in the front row of his class .but that did n't stop his unknowing peers from relishing in his outrageous act .\"]\n", + "=======================\n", + "['roman ehrhardt became an internet sensation after a snapshot of him cooking bacon while in the front row of a college lecture was shared onlinethe senior communications major at mississippi state was secretly completing a project , in which he had to violate a societal norm']\n", + "roman ehrhardt became an internet sensation after one of his classmates shared a hilarious photo of him grilling his lunch in class - however according to a buzzfeed community posting , the senior communications major was actually completing project , in which had to violate a societal norm .a boldfaced student at mississippi state , who refused to go hungry during his college lecture , brought a george foreman grill to class and proceeded to cook bacon for his sandwich - while sitting in the front row of his class .but that did n't stop his unknowing peers from relishing in his outrageous act .\n", + "roman ehrhardt became an internet sensation after a snapshot of him cooking bacon while in the front row of a college lecture was shared onlinethe senior communications major at mississippi state was secretly completing a project , in which he had to violate a societal norm\n", + "[1.3389919 1.1132443 1.113876 1.1760228 1.1224084 1.1176438 1.0975791\n", + " 1.1094472 1.0552336 1.109576 1.0653864 1.0362362 1.0913428 1.0553178\n", + " 1.0388372 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 5 2 1 9 7 6 12 10 13 8 14 11 17 15 16 18]\n", + "=======================\n", + "[\"( cnn ) president barack obama tied himself to the mast of a nuclear deal with iran even before he became the democratic candidate for president .obama 's political standing and his historic legacy in foreign policy are so deeply intertwined with reaching an accord with iran that if the deal ultimately collapses , he may fear that historians will conclude that his legacy in global affairs collapsed with it .there is a reason one gets the feeling that it is the united states and not iran that is the more eager , even desperate , side in these talks , even though iran is the country whose economy was sent into a deep chill by international sanctions ; the country whose only significant export , oil , lost more than half of its value in recent months .\"]\n", + "=======================\n", + "['frida ghitis : president barack obama is right to want a deal , but this one gives iran too muchshe says the framework agreement starts lifting iran sanctions much too soon']\n", + "( cnn ) president barack obama tied himself to the mast of a nuclear deal with iran even before he became the democratic candidate for president .obama 's political standing and his historic legacy in foreign policy are so deeply intertwined with reaching an accord with iran that if the deal ultimately collapses , he may fear that historians will conclude that his legacy in global affairs collapsed with it .there is a reason one gets the feeling that it is the united states and not iran that is the more eager , even desperate , side in these talks , even though iran is the country whose economy was sent into a deep chill by international sanctions ; the country whose only significant export , oil , lost more than half of its value in recent months .\n", + "frida ghitis : president barack obama is right to want a deal , but this one gives iran too muchshe says the framework agreement starts lifting iran sanctions much too soon\n", + "[1.418144 1.4424964 1.390974 1.3789631 1.1333659 1.3402344 1.0351633\n", + " 1.0426245 1.0484825 1.0131139 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 5 4 8 7 6 9 10 11 12 13 14 15 16 17 18]\n", + "=======================\n", + "['klopp is on the radar of a number of top clubs after announcing that he will leave dortmund at the end of the season .jurgen klopp would be perfect for arsenal but the club should keep faith with arsene wenger , according to gunners legend nigel winterburn .the 47-year-old has long been linked with taking over from wenger , but the frenchman has two years left on his contract .']\n", + "=======================\n", + "[\"jurgen klopp will leave borussia dortmund at the end of the seasonarsene wenger 's contract at arsenal has two more years to run until 2017nigel winterburn believes the club should let wenger see out his deal\"]\n", + "klopp is on the radar of a number of top clubs after announcing that he will leave dortmund at the end of the season .jurgen klopp would be perfect for arsenal but the club should keep faith with arsene wenger , according to gunners legend nigel winterburn .the 47-year-old has long been linked with taking over from wenger , but the frenchman has two years left on his contract .\n", + "jurgen klopp will leave borussia dortmund at the end of the seasonarsene wenger 's contract at arsenal has two more years to run until 2017nigel winterburn believes the club should let wenger see out his deal\n", + "[1.3014593 1.3308282 1.2467767 1.2973452 1.1836164 1.2096484 1.0524315\n", + " 1.102537 1.0273411 1.0237828 1.078115 1.0721955 1.0683888 1.1559309\n", + " 1.0210003 1.0165176 1.0320915 0. 0. ]\n", + "\n", + "[ 1 0 3 2 5 4 13 7 10 11 12 6 16 8 9 14 15 17 18]\n", + "=======================\n", + "[\"jefferson county circuit judge laura petro on thursday dismissed the case against anthony ray hinton .an alabama inmate who spent nearly 30 years on death row will go free on friday after prosecutors told a court there is not enough evidence to link him to the 1985 murders he was convicted of committing .the district attorney 's office told the judge wednesday that their forensic experts could n't determine if six crime scene bullets -- which were the crux of the evidence against hinton at an expected retrial -- came from a gun investigators took from his home .\"]\n", + "=======================\n", + "[\"anthony ray hinton released 30 years after being in prison on death rowhinton was convicted of shooting to death two fast food restaurant mangers in two separate 1985 robberieshinton was granted re-trial by the u.s. supreme court and experts found that there was not enough evidence to prove hinton 's gun shot the men` he was a poor person who was convicted because he did n't have the money to prove his innocence at trial , ' said hinton 's attorney\"]\n", + "jefferson county circuit judge laura petro on thursday dismissed the case against anthony ray hinton .an alabama inmate who spent nearly 30 years on death row will go free on friday after prosecutors told a court there is not enough evidence to link him to the 1985 murders he was convicted of committing .the district attorney 's office told the judge wednesday that their forensic experts could n't determine if six crime scene bullets -- which were the crux of the evidence against hinton at an expected retrial -- came from a gun investigators took from his home .\n", + "anthony ray hinton released 30 years after being in prison on death rowhinton was convicted of shooting to death two fast food restaurant mangers in two separate 1985 robberieshinton was granted re-trial by the u.s. supreme court and experts found that there was not enough evidence to prove hinton 's gun shot the men` he was a poor person who was convicted because he did n't have the money to prove his innocence at trial , ' said hinton 's attorney\n", + "[1.2648225 1.2883036 1.1106082 1.1539965 1.1654123 1.196585 1.251139\n", + " 1.1108108 1.0511702 1.0389886 1.0841265 1.1480292 1.0935113 1.0272496\n", + " 1.0163313 1.0114439 1.0082457 1.0244031 0. 0. ]\n", + "\n", + "[ 1 0 6 5 4 3 11 7 2 12 10 8 9 13 17 14 15 16 18 19]\n", + "=======================\n", + "[\"but carole middleton and ms borrallo are n't the only ones on standby as the birth of the spare to prince george 's heir approaches .with her mother by her side and nanny maria teresa turrion borrallo already in charge of the nursery , the duchess of cambridge wo n't be short of help when the new baby arrives .femail reveals who will be helping the duchess as she gets to grips with life as a mother of two .\"]\n", + "=======================\n", + "[\"school friends and prince william 's family will play crucial supporting roleemilia jardine-paterson and alicia fox-pitt have known her for yearscarole will be a hands-on grandmother and pippa will be by her side\"]\n", + "but carole middleton and ms borrallo are n't the only ones on standby as the birth of the spare to prince george 's heir approaches .with her mother by her side and nanny maria teresa turrion borrallo already in charge of the nursery , the duchess of cambridge wo n't be short of help when the new baby arrives .femail reveals who will be helping the duchess as she gets to grips with life as a mother of two .\n", + "school friends and prince william 's family will play crucial supporting roleemilia jardine-paterson and alicia fox-pitt have known her for yearscarole will be a hands-on grandmother and pippa will be by her side\n", + "[1.4092424 1.260159 1.3157696 1.0819871 1.2156091 1.1923345 1.1138053\n", + " 1.097241 1.1340247 1.1132169 1.085244 1.0244659 1.0853908 1.076426\n", + " 1.1166089 1.060175 1.0897728 1.0136704 0. 0. ]\n", + "\n", + "[ 0 2 1 4 5 8 14 6 9 7 16 12 10 3 13 15 11 17 18 19]\n", + "=======================\n", + "[\"us basketball star thabo sefolosha blamed six officers from the new york police department ( nypd ) for breaking his leg after they forced him to the ground and arrested him .sefolosha was wrestled over by officers and grabbed around the neck last week on the same night that indiana pacers player chris copeland and his wife were stabbed in an altercation outside the 1 oak club in chelsea , new york .the atlanta hawks player made the statement through his club 's twitter account , saying that his injury had left him in ` great pain ' and ` was caused by the police ' .\"]\n", + "=======================\n", + "[\"basketball star was bundled to ground by six officers and arrestedsuffered a broken right fibula and is not able to play for rest of seasonstatement over twitter said he was in ` great pain ' from ` significant ' injurynypd investigation launched to judge if officers used ` excessive force '\"]\n", + "us basketball star thabo sefolosha blamed six officers from the new york police department ( nypd ) for breaking his leg after they forced him to the ground and arrested him .sefolosha was wrestled over by officers and grabbed around the neck last week on the same night that indiana pacers player chris copeland and his wife were stabbed in an altercation outside the 1 oak club in chelsea , new york .the atlanta hawks player made the statement through his club 's twitter account , saying that his injury had left him in ` great pain ' and ` was caused by the police ' .\n", + "basketball star was bundled to ground by six officers and arrestedsuffered a broken right fibula and is not able to play for rest of seasonstatement over twitter said he was in ` great pain ' from ` significant ' injurynypd investigation launched to judge if officers used ` excessive force '\n", + "[1.4833564 1.2768271 1.1173913 1.4135556 1.1411302 1.2262548 1.043971\n", + " 1.015852 1.0242988 1.0137858 1.1751978 1.1054082 1.0555946 1.0893396\n", + " 1.1168429 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 5 10 4 2 14 11 13 12 6 8 7 9 15 16 17 18 19]\n", + "=======================\n", + "[\"spain 's 2-0 defeat by holland on tuesday brought back bitter memories of their disastrous 2014 world cup , but coach vicente del bosque will not be too worried about a third straight friendly defeat , insists gerard pique .stefan de vrij ( right ) headed holland in front against spain at the amsterdam arena on tuesdaymalaga forward juanmi and sevilla midfielder vitolo became the 55th and 56th players to debut under del bosque , while the likes of goalkeeper david de gea , defenders raul albiol , juan bernat and dani carvajal and midfielder mario suarez all started the game .\"]\n", + "=======================\n", + "['holland beat spain 2-0 at the amsterdam arena on tuesday nightstefan de vrij and davy klaassen scored goals for hollanddefeat recalls horror 5-1 defeat by holland at the world cupvicente del bosque used game to give younger spain players a chance']\n", + "spain 's 2-0 defeat by holland on tuesday brought back bitter memories of their disastrous 2014 world cup , but coach vicente del bosque will not be too worried about a third straight friendly defeat , insists gerard pique .stefan de vrij ( right ) headed holland in front against spain at the amsterdam arena on tuesdaymalaga forward juanmi and sevilla midfielder vitolo became the 55th and 56th players to debut under del bosque , while the likes of goalkeeper david de gea , defenders raul albiol , juan bernat and dani carvajal and midfielder mario suarez all started the game .\n", + "holland beat spain 2-0 at the amsterdam arena on tuesday nightstefan de vrij and davy klaassen scored goals for hollanddefeat recalls horror 5-1 defeat by holland at the world cupvicente del bosque used game to give younger spain players a chance\n", + "[1.1044221 1.3254445 1.2858901 1.3056662 1.3907733 1.2365534 1.3765802\n", + " 1.156841 1.0151721 1.0101627 1.0107013 1.0088158 1.0154905 1.0092082\n", + " 1.064312 1.0567247 1.0173999 1.0874972 1.0156739 0. ]\n", + "\n", + "[ 4 6 1 3 2 5 7 0 17 14 15 16 18 12 8 10 9 13 11 19]\n", + "=======================\n", + "['defender matthew connolly celebrates after putting watford 2-0 up against nottingham forest on wednesdaygary gardner scores for nottingham forest to half the deficit against watford with twenty minutes to playmatthew connolly has only been at the club for a month but struck a goal that proved key at a stadium that has humbled all three of their nearest promotion rivals .']\n", + "=======================\n", + "[\"watford took the lead after just four minutes through odion ighalodefender matthew connolly doubled the hornets ' advantagealmen abdi scored a third following gary gardner 's goal for the home sidewatford climbed to third , one point off top spot in the championship\"]\n", + "defender matthew connolly celebrates after putting watford 2-0 up against nottingham forest on wednesdaygary gardner scores for nottingham forest to half the deficit against watford with twenty minutes to playmatthew connolly has only been at the club for a month but struck a goal that proved key at a stadium that has humbled all three of their nearest promotion rivals .\n", + "watford took the lead after just four minutes through odion ighalodefender matthew connolly doubled the hornets ' advantagealmen abdi scored a third following gary gardner 's goal for the home sidewatford climbed to third , one point off top spot in the championship\n", + "[1.1692644 1.2535946 1.2825608 1.2622228 1.2960395 1.0820701 1.1329545\n", + " 1.075404 1.063722 1.0335894 1.0142047 1.0177442 1.0155501 1.0437877\n", + " 1.0518786 1.0322274 1.0537997 1.066015 1.1748897 1.0466043]\n", + "\n", + "[ 4 2 3 1 18 0 6 5 7 17 8 16 14 19 13 9 15 11 12 10]\n", + "=======================\n", + "[\"success : the 85-year-old won 212 races during his 14-year career before a crash at goodwood in 1962reunited : sir stirling moss sitting behind the wheel of the refurbished austin-healey spriteand at 85 , the man widely seen as history 's greatest all-round racer has revealed the unusual daily routine he thanks for his impressive longevity -- 77 press-ups and half a bottle of chardonnay .\"]\n", + "=======================\n", + "['sir stirling moss won 212 races during 14-year career before 1962 crashhe said half-bottle of wine and 77 press-ups a day were secret to longevitythe 85-year-old , who lives in london , now drives electric renault twizy']\n", + "success : the 85-year-old won 212 races during his 14-year career before a crash at goodwood in 1962reunited : sir stirling moss sitting behind the wheel of the refurbished austin-healey spriteand at 85 , the man widely seen as history 's greatest all-round racer has revealed the unusual daily routine he thanks for his impressive longevity -- 77 press-ups and half a bottle of chardonnay .\n", + "sir stirling moss won 212 races during 14-year career before 1962 crashhe said half-bottle of wine and 77 press-ups a day were secret to longevitythe 85-year-old , who lives in london , now drives electric renault twizy\n", + "[1.4233732 1.4742236 1.3692425 1.4559245 1.3051155 1.062319 1.0214889\n", + " 1.019916 1.0225365 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 5 8 6 7 16 15 14 13 9 11 10 17 12 18]\n", + "=======================\n", + "[\"the 21 year old has scored 13 league this season and has also attracted interest from the likes of manchester united , arsenal , paris saint-germain and atletico madrid .chelsea have suffered a blow in their pursuit of palermo 's paulo dybala after the striker declared he ` would love to stay in serie a ' .` he makes even the most difficult things look easy . '\"]\n", + "=======================\n", + "['paulo dybala has attracted interest from a number of top european clubsjuventus favourites to sign striker after he says he wants to stay in italyjuventus have reportedly offered # 23million to sign the chelsea targetclick here to read all you need to know about dybala']\n", + "the 21 year old has scored 13 league this season and has also attracted interest from the likes of manchester united , arsenal , paris saint-germain and atletico madrid .chelsea have suffered a blow in their pursuit of palermo 's paulo dybala after the striker declared he ` would love to stay in serie a ' .` he makes even the most difficult things look easy . '\n", + "paulo dybala has attracted interest from a number of top european clubsjuventus favourites to sign striker after he says he wants to stay in italyjuventus have reportedly offered # 23million to sign the chelsea targetclick here to read all you need to know about dybala\n", + "[1.1971256 1.4088175 1.2381997 1.292135 1.180395 1.2316885 1.0661087\n", + " 1.078904 1.1087017 1.107371 1.1019087 1.0492551 1.0545757 1.050454\n", + " 1.0100816 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 5 0 4 8 9 10 7 6 12 13 11 14 17 15 16 18]\n", + "=======================\n", + "[\"us giant morgan stanley said the prospect of a labour government reliant on the scottish nationalists would create the ` greatest uncertainty ' of any election result .its inevitable ` anti-austerity ' agenda could lead to an ` earlier bank rate hike than was previously the case ' , the bank argued .goldman said labour would be ` dragged to the left ' by the snp , which would result in even more money going north of the border ` at the expense of the uk as a whole ' .\"]\n", + "=======================\n", + "[\"major bank warns against labour government propped up by the the snpmorgan stanley says anti-austerity agenda would lead to bank rate hikesecond bank says labour would be dragged to the left by the nationalistsreport a blow to the party 's attempt to show voters economic competence\"]\n", + "us giant morgan stanley said the prospect of a labour government reliant on the scottish nationalists would create the ` greatest uncertainty ' of any election result .its inevitable ` anti-austerity ' agenda could lead to an ` earlier bank rate hike than was previously the case ' , the bank argued .goldman said labour would be ` dragged to the left ' by the snp , which would result in even more money going north of the border ` at the expense of the uk as a whole ' .\n", + "major bank warns against labour government propped up by the the snpmorgan stanley says anti-austerity agenda would lead to bank rate hikesecond bank says labour would be dragged to the left by the nationalistsreport a blow to the party 's attempt to show voters economic competence\n", + "[1.288943 1.2804378 1.3350025 1.2104077 1.1132479 1.0875423 1.129845\n", + " 1.0811474 1.1224564 1.067734 1.0564654 1.1824104 1.032141 1.0355363\n", + " 1.0217489 1.0242524 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 3 11 6 8 4 5 7 9 10 13 12 15 14 17 16 18]\n", + "=======================\n", + "[\"it emerged last night that its true number of users is likely to be no more than half a million -- and possibly lower still .claims by the country 's biggest food bank network that it served a million hungry people in a year were exposed as false yesterday .after the labour party and trades union congress seized on the figure , with shadow work and pensions secretary rachel reeves describing it as ` shocking ' , the trussell trust admitted in a climbdown that ` these are not all unique users ' .\"]\n", + "=======================\n", + "[\"the trussell trust admits that the one million were not all ` unique users 'it had previously claimed that it served a million hungry people in a yearlabour party and trades union congress were quick to seize on the figuretrust has said the figure was based on the number of parcels handed out\"]\n", + "it emerged last night that its true number of users is likely to be no more than half a million -- and possibly lower still .claims by the country 's biggest food bank network that it served a million hungry people in a year were exposed as false yesterday .after the labour party and trades union congress seized on the figure , with shadow work and pensions secretary rachel reeves describing it as ` shocking ' , the trussell trust admitted in a climbdown that ` these are not all unique users ' .\n", + "the trussell trust admits that the one million were not all ` unique users 'it had previously claimed that it served a million hungry people in a yearlabour party and trades union congress were quick to seize on the figuretrust has said the figure was based on the number of parcels handed out\n", + "[1.3999686 1.4504594 1.241593 1.4245447 1.0988808 1.3285861 1.085409\n", + " 1.0164143 1.014459 1.0218964 1.0255634 1.0889461 1.024381 1.0229516\n", + " 1.0202652 1.0150498 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 5 2 4 11 6 10 12 13 9 14 7 15 8 16 17 18]\n", + "=======================\n", + "[\"thousands of fans stayed away from sunday 's barclays premier league defeat by tottenham at st james ' park in protest at the way the sportswear tycoon is running the club , with the official attendance of 47,427 - the capacity of the stadium is in excess of 52,000 - understood to include many season ticket holders who did not attend .newcastle owner mike ashley has been urged to invest in the club or risk losing a generation of fansthousands of newcastle fans boycotted the club 's last game , a 3-1 defeat at home to spurs on sunday\"]\n", + "=======================\n", + "['newcastle owner mike ashley is an unpopular figure at the club for his perceived lack of ambition and investment in the last few yearsmark jensen , editor of the newcastle fanzine , the mag , predicts that unless ashley changes his approach the club will lose supportersthe magpies have lost their last six consecutive league gamesthousands of supporters boycotted the last defeat by spurs on sunday']\n", + "thousands of fans stayed away from sunday 's barclays premier league defeat by tottenham at st james ' park in protest at the way the sportswear tycoon is running the club , with the official attendance of 47,427 - the capacity of the stadium is in excess of 52,000 - understood to include many season ticket holders who did not attend .newcastle owner mike ashley has been urged to invest in the club or risk losing a generation of fansthousands of newcastle fans boycotted the club 's last game , a 3-1 defeat at home to spurs on sunday\n", + "newcastle owner mike ashley is an unpopular figure at the club for his perceived lack of ambition and investment in the last few yearsmark jensen , editor of the newcastle fanzine , the mag , predicts that unless ashley changes his approach the club will lose supportersthe magpies have lost their last six consecutive league gamesthousands of supporters boycotted the last defeat by spurs on sunday\n", + "[1.1811719 1.5162923 1.2632314 1.2735611 1.2629087 1.2394745 1.0405651\n", + " 1.0282611 1.0325334 1.0388379 1.0480646 1.0267887 1.1440122 1.1516846\n", + " 1.07613 1.0191396 1.0084554 1.0843072 1.0644921]\n", + "\n", + "[ 1 3 2 4 5 0 13 12 17 14 18 10 6 9 8 7 11 15 16]\n", + "=======================\n", + "[\"ashley dodds , 29 , visited the red hot world buffet on deansgate , manchester , with her daughter , dennon , and her daughter 's friend .after ordering a non-alcoholic sweet kiss ` mocktail ' for the girls , ms dodds was disgusted when she heard that her daughter had actually been drinking an alcoholic version .restaurant staff accidentally served the girl a drink with alcohol in it\"]\n", + "=======================\n", + "[\"ashley dodds , 29 , left speechless when daughter told her what happenedthe mother , from salford , had ordered ` mocktails ' for the girl and her friendwent outside for a cigarette and was told ` mum , i 've had alcohol ' on returnmanchester restaurant blamed ms dodds for leaving children on their own\"]\n", + "ashley dodds , 29 , visited the red hot world buffet on deansgate , manchester , with her daughter , dennon , and her daughter 's friend .after ordering a non-alcoholic sweet kiss ` mocktail ' for the girls , ms dodds was disgusted when she heard that her daughter had actually been drinking an alcoholic version .restaurant staff accidentally served the girl a drink with alcohol in it\n", + "ashley dodds , 29 , left speechless when daughter told her what happenedthe mother , from salford , had ordered ` mocktails ' for the girl and her friendwent outside for a cigarette and was told ` mum , i 've had alcohol ' on returnmanchester restaurant blamed ms dodds for leaving children on their own\n", + "[1.1595969 1.4285816 1.1672312 1.1906755 1.1534382 1.0384727 1.270653\n", + " 1.179101 1.0661494 1.0926955 1.1948317 1.0989821 1.0628264 1.0778099\n", + " 1.0638448 1.1246381 1.0583155 1.04109 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 6 10 3 7 2 0 4 15 11 9 13 8 14 12 16 17 5 20 18 19 21]\n", + "=======================\n", + "['the rare mammal has been making waves at the taiji whale museum in southern japan , where it draws vast and fascinated crowds .the rare specimen is believed to be only the second one ever put on display in an aquarium after it was purchased from fishermen last year .the animal was controversially captured during the annual dolphin hunt in the town of taiji in january .']\n", + "=======================\n", + "[\"the rare albino dolphin lives at the taiji whale museum in southern japanits thin skin means it changes colour when it 's emotional like a humanthe animal was captured during the annual dolphin hunt in taiji last yearactivists filed a lawsuit against the museum for withholding informationbut the museum claims the animal is kept ` physically and mentally healthy 'researchers from the museum released a study on the animal in march\"]\n", + "the rare mammal has been making waves at the taiji whale museum in southern japan , where it draws vast and fascinated crowds .the rare specimen is believed to be only the second one ever put on display in an aquarium after it was purchased from fishermen last year .the animal was controversially captured during the annual dolphin hunt in the town of taiji in january .\n", + "the rare albino dolphin lives at the taiji whale museum in southern japanits thin skin means it changes colour when it 's emotional like a humanthe animal was captured during the annual dolphin hunt in taiji last yearactivists filed a lawsuit against the museum for withholding informationbut the museum claims the animal is kept ` physically and mentally healthy 'researchers from the museum released a study on the animal in march\n", + "[1.0930451 1.1087968 1.1293203 1.1270348 1.1259317 1.1583443 1.131136\n", + " 1.228543 1.0774282 1.1505966 1.047465 1.0672753 1.0480967 1.0595149\n", + " 1.0284292 1.1416929 1.0350523 1.0873833 1.032198 1.0308264 1.0285507\n", + " 1.0349419]\n", + "\n", + "[ 7 5 9 15 6 2 3 4 1 0 17 8 11 13 12 10 16 21 18 19 20 14]\n", + "=======================\n", + "['one hundred years ago , more than 1 million armenians ( some estimates run as high as 1.5 million ) died at the hand of the turks .this sunday in rome , pope francis faced just such a dilemma .a slew of historians and at least 20 countries call the killings a \" genocide . \"']\n", + "=======================\n", + "['previous popes had finessed the question of whether the killing of 1.5 million armenians was genocide .because he often shines such a smiley face on the world , it can be easy to forget the bluntness francis sometimes brings to the bully pulpit']\n", + "one hundred years ago , more than 1 million armenians ( some estimates run as high as 1.5 million ) died at the hand of the turks .this sunday in rome , pope francis faced just such a dilemma .a slew of historians and at least 20 countries call the killings a \" genocide . \"\n", + "previous popes had finessed the question of whether the killing of 1.5 million armenians was genocide .because he often shines such a smiley face on the world , it can be easy to forget the bluntness francis sometimes brings to the bully pulpit\n", + "[1.4231387 1.604531 1.1719761 1.4190665 1.3809817 1.0544808 1.0493118\n", + " 1.0222664 1.0199127 1.0156883 1.0284739 1.0233761 1.0171932 1.01339\n", + " 1.0169253 1.0284004 1.0337884 1.0130534 1.1224053 1.0465765 1.0107927\n", + " 0. ]\n", + "\n", + "[ 1 0 3 4 2 18 5 6 19 16 10 15 11 7 8 12 14 9 13 17 20 21]\n", + "=======================\n", + "['the irishman makes the first defence of his wbo middleweight belt against peter quillin in new york on saturday .andy lee is confident he has improved even further since winning his world title last year .quillin is a former champion but is yet to taste defeat as a professional and poses a tough challenge for lee']\n", + "=======================\n", + "[\"andy lee defends the world title he won against matt korobov last yearthe irishman has had a renaissance working under adam boothbut lee faces a tough challenge in unbeaten former champion peter quillinlee insists he is ready for whatever ` kid chocolate ' can throw at him\"]\n", + "the irishman makes the first defence of his wbo middleweight belt against peter quillin in new york on saturday .andy lee is confident he has improved even further since winning his world title last year .quillin is a former champion but is yet to taste defeat as a professional and poses a tough challenge for lee\n", + "andy lee defends the world title he won against matt korobov last yearthe irishman has had a renaissance working under adam boothbut lee faces a tough challenge in unbeaten former champion peter quillinlee insists he is ready for whatever ` kid chocolate ' can throw at him\n", + "[1.2961566 1.2631246 1.3256142 1.3104023 1.1595284 1.0572654 1.0325398\n", + " 1.0852731 1.1272076 1.0632405 1.0578066 1.0686616 1.04093 1.1204135\n", + " 1.0412726 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 3 0 1 4 8 13 7 11 9 10 5 14 12 6 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"sheriff pat melton says moore , 66 , was at the former polk youth institute in butner , north carolina , serving a sentence of more than 10 years for larceny when he broke free june 10 , 1972 .when clarence david moore escaped from a north carolina prison as a 23-year-old inmate , president richard nixon occupied the white house , us forces were still fighting in vietnam and a single ride on the new york city subway cost 30 cents .moore has been on the run from the law for more than four decades , until monday afternoon when he called the franklin county sheriff 's office in kentucky and admitted to being a fugitive .\"]\n", + "=======================\n", + "[\"clarence david moore was serving a sentence for larceny when in june 1972 he escaped from north carolina prisonmoore called sheriff 's office in frankfort , kentucky , monday admitting he was a fugitivethe 66-year-old outlaw suffers from many ailments but has n't been able to seek medical treatment because he does n't have social security card or id\"]\n", + "sheriff pat melton says moore , 66 , was at the former polk youth institute in butner , north carolina , serving a sentence of more than 10 years for larceny when he broke free june 10 , 1972 .when clarence david moore escaped from a north carolina prison as a 23-year-old inmate , president richard nixon occupied the white house , us forces were still fighting in vietnam and a single ride on the new york city subway cost 30 cents .moore has been on the run from the law for more than four decades , until monday afternoon when he called the franklin county sheriff 's office in kentucky and admitted to being a fugitive .\n", + "clarence david moore was serving a sentence for larceny when in june 1972 he escaped from north carolina prisonmoore called sheriff 's office in frankfort , kentucky , monday admitting he was a fugitivethe 66-year-old outlaw suffers from many ailments but has n't been able to seek medical treatment because he does n't have social security card or id\n", + "[1.3404404 1.3456337 1.3088686 1.340322 1.2170873 1.2887259 1.0799601\n", + " 1.0261087 1.1897857 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 2 5 4 8 6 7 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", + "=======================\n", + "['ryan dearnley won the chance to walk out at wembley when the royals beat huddersfield in the third round but footage of him backing arsenal in the huddersfield examiner sparked a furious response from reading supporters .a 10-year-old huddersfield town supporter has been removed from his role as a mascot for reading in their fa cup semi-final against arsenal on saturday after a video emerged of him saying he hopes the gunners win .the young supporter had said he hoped arsenal beat reading , prompting outrage from royals fans']\n", + "=======================\n", + "['ryan dearnley won the chance to be a mascot in the fa cup semi-finalhe was due to be one for reading before saying he wanted arsenal to winfan outrage caused the fa to move his prize to an england game instead']\n", + "ryan dearnley won the chance to walk out at wembley when the royals beat huddersfield in the third round but footage of him backing arsenal in the huddersfield examiner sparked a furious response from reading supporters .a 10-year-old huddersfield town supporter has been removed from his role as a mascot for reading in their fa cup semi-final against arsenal on saturday after a video emerged of him saying he hopes the gunners win .the young supporter had said he hoped arsenal beat reading , prompting outrage from royals fans\n", + "ryan dearnley won the chance to be a mascot in the fa cup semi-finalhe was due to be one for reading before saying he wanted arsenal to winfan outrage caused the fa to move his prize to an england game instead\n", + "[1.3904997 1.093577 1.0659809 1.0780003 1.0512576 1.4614553 1.0820305\n", + " 1.0856981 1.0583205 1.0855764 1.0372831 1.0184834 1.0753967 1.024207\n", + " 1.1223236 1.124345 1.1839385 1.0960108 1.0337839 1.0172336]\n", + "\n", + "[ 5 0 16 15 14 17 1 7 9 6 3 12 2 8 4 10 18 13 11 19]\n", + "=======================\n", + "['england captain alastair cook celebrates as he scores the runs to defeat west indies in the second testjames anderson ( left ) celebrates the dismissal of west indies batsman marlon samuelshe seems to be on top of the big two senior bowlers in anderson and stuart broad , as was made clear in the first test when he had a little argument over fielding positions with anderson and very much got his own way .']\n", + "=======================\n", + "[\"jimmy anderson 's recent performance in the second test was one of the greatest i 've ever seen from an england cricketerhowever , alastair cook 's played an even bigger role in england 's successcook 's battling and captaincy qualities were clear to see throughoutelsewhere , england will have a very good player back on their hands if jonathan trott can regain his old calmness going into the third test\"]\n", + "england captain alastair cook celebrates as he scores the runs to defeat west indies in the second testjames anderson ( left ) celebrates the dismissal of west indies batsman marlon samuelshe seems to be on top of the big two senior bowlers in anderson and stuart broad , as was made clear in the first test when he had a little argument over fielding positions with anderson and very much got his own way .\n", + "jimmy anderson 's recent performance in the second test was one of the greatest i 've ever seen from an england cricketerhowever , alastair cook 's played an even bigger role in england 's successcook 's battling and captaincy qualities were clear to see throughoutelsewhere , england will have a very good player back on their hands if jonathan trott can regain his old calmness going into the third test\n", + "[1.2629256 1.4329604 1.2445419 1.3282459 1.2070383 1.1056193 1.0521811\n", + " 1.0177763 1.1606392 1.0536654 1.0447236 1.1483885 1.0507803 1.0675263\n", + " 1.0880598 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 8 11 5 14 13 9 6 12 10 7 18 15 16 17 19]\n", + "=======================\n", + "['former adelaide doctor tareq kamleh featured in the latest isis propaganda video at the weekend wearing western-style surgical scrubs and handling babies in a maternity ward as he urged people to join the death cult notorious for beheading non-muslims .despite his public support for isis , dr kamleh still remains registered to practice medicine in australia until september 30 because the medical board has refused to deregister him , the advertiser reports .but no action has yet been taken against dr kamleh .']\n", + "=======================\n", + "[\"australian doctor who joined isis is still registered to practice medicineadelaide doctor tareq kamleh has n't been deregistered despite publicly supporting terrorist culthe appeared in isis recruitment video calling for support of foreign medicsmedical board can deregister doctors convicted of crimes or misconductit comes after colleagues revealed dr kamleh was ' a womaniser who slept with a sex worker after checking her medical records '\"]\n", + "former adelaide doctor tareq kamleh featured in the latest isis propaganda video at the weekend wearing western-style surgical scrubs and handling babies in a maternity ward as he urged people to join the death cult notorious for beheading non-muslims .despite his public support for isis , dr kamleh still remains registered to practice medicine in australia until september 30 because the medical board has refused to deregister him , the advertiser reports .but no action has yet been taken against dr kamleh .\n", + "australian doctor who joined isis is still registered to practice medicineadelaide doctor tareq kamleh has n't been deregistered despite publicly supporting terrorist culthe appeared in isis recruitment video calling for support of foreign medicsmedical board can deregister doctors convicted of crimes or misconductit comes after colleagues revealed dr kamleh was ' a womaniser who slept with a sex worker after checking her medical records '\n", + "[1.4810684 1.3269438 1.2529931 1.3681868 1.1452991 1.1798192 1.0839865\n", + " 1.0690322 1.0503726 1.0183599 1.0142924 1.0697544 1.0464636 1.0859431\n", + " 1.1339862 1.046924 1.0112841 1.0611863 1.0779305 1.0800077]\n", + "\n", + "[ 0 3 1 2 5 4 14 13 6 19 18 11 7 17 8 15 12 9 10 16]\n", + "=======================\n", + "['memphis depay had a secret meeting with manchester united on wednesday as the club look to tie up a move for the psv eindhoven winger .depay , 21 , jetted to england with representatives including his agent kees ploegsma for a summit with a united delegation led by manager louis van gaal .united are leading the hunt for the pacy holland international but face opposition from paris saint - germain while liverpool have also expressed an interest .']\n", + "=======================\n", + "[\"manchester united looking to tie up a deal for memphis depaythe dutchman has been in scintillating form for psv this seasondepay met with united on wednesday but phillip cocu was unawarecocu did , however , concede the premier league is ` great 'click here for all you need to know about depay\"]\n", + "memphis depay had a secret meeting with manchester united on wednesday as the club look to tie up a move for the psv eindhoven winger .depay , 21 , jetted to england with representatives including his agent kees ploegsma for a summit with a united delegation led by manager louis van gaal .united are leading the hunt for the pacy holland international but face opposition from paris saint - germain while liverpool have also expressed an interest .\n", + "manchester united looking to tie up a deal for memphis depaythe dutchman has been in scintillating form for psv this seasondepay met with united on wednesday but phillip cocu was unawarecocu did , however , concede the premier league is ` great 'click here for all you need to know about depay\n", + "[1.239141 1.4551305 1.2178282 1.2032089 1.2059424 1.2107491 1.0693308\n", + " 1.0244327 1.1002816 1.0647572 1.076452 1.1077706 1.0740254 1.0569391\n", + " 1.0329008 1.0215458 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 5 4 3 11 8 10 12 6 9 13 14 7 15 16 17 18 19]\n", + "=======================\n", + "['teana walsh , who is paid by michigan taxpayers to pursue justice , wrote an unhinged post on her facebook urging a deadly response to violence in the troubled maryland city .a state prosecutor in detroit made the ill-advised suggestion that baltimore police should respond to protests gripping the city by shooting everyone involved .walsh an assistant prosecutor in wayne county , which includes detroit , aired her point of view late monday night , fox2 detroit reported .']\n", + "=======================\n", + "[\"teana walsh , assistant prosecutor in wayne county , michigan , wrote facebook postsaid she watched violent rioters in baltimore and found them ` disgusting 'suggested that shooting them was the only solution - then deleted posther bosses were forced to issue statement defending her\"]\n", + "teana walsh , who is paid by michigan taxpayers to pursue justice , wrote an unhinged post on her facebook urging a deadly response to violence in the troubled maryland city .a state prosecutor in detroit made the ill-advised suggestion that baltimore police should respond to protests gripping the city by shooting everyone involved .walsh an assistant prosecutor in wayne county , which includes detroit , aired her point of view late monday night , fox2 detroit reported .\n", + "teana walsh , assistant prosecutor in wayne county , michigan , wrote facebook postsaid she watched violent rioters in baltimore and found them ` disgusting 'suggested that shooting them was the only solution - then deleted posther bosses were forced to issue statement defending her\n", + "[1.304951 1.3340087 1.1513423 1.1926385 1.0644183 1.0530628 1.0727309\n", + " 1.0781494 1.0243273 1.0357444 1.071244 1.2226503 1.0424473 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 11 3 2 7 6 10 4 5 12 9 8 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"for the state that calls itself the ` land of lincoln , ' the timing of a ceremony wednesday in springfield to mark his death is awkward because illinois faces a financial crisis and gov. bruce rauner has proposed eliminating the state historic preservation agency that manages sites including the tomb as it currently exists .caretakers of abraham lincoln 's tomb are on the defensive over an unflattering critique in national geographic magazine and looming budget cuts that could threaten management of the historic site , even as they commemorate the 150th anniversary of the u.s. civil war president 's assassination .he would roll the agency into another department .\"]\n", + "=======================\n", + "[\"caretakers of lincoln 's tomb are on the defensive over an unflattering magazine critique and looming budget cutsthe site was pilloried in this month 's issue of national geographic magazine as having ` all the historical character of an office lobby 'gov. bruce rauner has proposed eliminating the state historic preservation agency , which manages the tombrauner would roll the agency into another departmentlincoln 's tomb was designed by vermont sculptor larkin mead , who won a national contestit was dedicated by president ulysses s. grant in 1874the tomb was reconstructed in both 1899 and 1930\"]\n", + "for the state that calls itself the ` land of lincoln , ' the timing of a ceremony wednesday in springfield to mark his death is awkward because illinois faces a financial crisis and gov. bruce rauner has proposed eliminating the state historic preservation agency that manages sites including the tomb as it currently exists .caretakers of abraham lincoln 's tomb are on the defensive over an unflattering critique in national geographic magazine and looming budget cuts that could threaten management of the historic site , even as they commemorate the 150th anniversary of the u.s. civil war president 's assassination .he would roll the agency into another department .\n", + "caretakers of lincoln 's tomb are on the defensive over an unflattering magazine critique and looming budget cutsthe site was pilloried in this month 's issue of national geographic magazine as having ` all the historical character of an office lobby 'gov. bruce rauner has proposed eliminating the state historic preservation agency , which manages the tombrauner would roll the agency into another departmentlincoln 's tomb was designed by vermont sculptor larkin mead , who won a national contestit was dedicated by president ulysses s. grant in 1874the tomb was reconstructed in both 1899 and 1930\n", + "[1.3513187 1.490025 1.0664232 1.3674792 1.1011611 1.1619973 1.0840857\n", + " 1.0340928 1.0447176 1.0168716 1.0800717 1.0562422 1.1082333 1.1506577\n", + " 1.0532454 1.1043074 1.0251236 1.0177873 1.0254755 1.0490661 0. ]\n", + "\n", + "[ 1 3 0 5 13 12 15 4 6 10 2 11 14 19 8 7 18 16 17 9 20]\n", + "=======================\n", + "[\"two 49-year-old women and a 23-year-old man were removed from the plane just before it left bristol for faro around 7pm yesterday ( thursday ) .a ryanair flight took off without three booked passengers bound for faro yesterday after they were arrested for being drunk and disorderlybristol airport confirmed that the drunk passengers ' actions caused further delays to the ryanair flight\"]\n", + "=======================\n", + "['two women aged 49 and a 23-year-old man removed from planeincident caused further delays for ryanair flight to faro from bristolairport security re-affirm anti-social behaviour will be dealt with harshly']\n", + "two 49-year-old women and a 23-year-old man were removed from the plane just before it left bristol for faro around 7pm yesterday ( thursday ) .a ryanair flight took off without three booked passengers bound for faro yesterday after they were arrested for being drunk and disorderlybristol airport confirmed that the drunk passengers ' actions caused further delays to the ryanair flight\n", + "two women aged 49 and a 23-year-old man removed from planeincident caused further delays for ryanair flight to faro from bristolairport security re-affirm anti-social behaviour will be dealt with harshly\n", + "[1.4632193 1.1601224 1.187064 1.1126248 1.0397154 1.2473301 1.1304966\n", + " 1.0685036 1.22593 1.0884701 1.0570909 1.0677963 1.0177763 1.0131032\n", + " 1.0251226 1.0727693 1.139502 1.060817 1.0320619 1.0217808 1.0322186]\n", + "\n", + "[ 0 5 8 2 1 16 6 3 9 15 7 11 17 10 4 20 18 14 19 12 13]\n", + "=======================\n", + "['( cnn ) cynthia lennon , who married john lennon when he was a struggling musician and was there when he rose to fame with the beatles , died wednesday , according to a post on the website of her son , julian .john and cynthia lennon were married for six years , from 1962 to 1968 .her son julian lennon was at her bedside throughout , \" his website says .']\n", + "=======================\n", + "[\"cynthia lennon was john lennon 's first wifeshe was there during the rise of the beatlesher death was announced by her son , julian\"]\n", + "( cnn ) cynthia lennon , who married john lennon when he was a struggling musician and was there when he rose to fame with the beatles , died wednesday , according to a post on the website of her son , julian .john and cynthia lennon were married for six years , from 1962 to 1968 .her son julian lennon was at her bedside throughout , \" his website says .\n", + "cynthia lennon was john lennon 's first wifeshe was there during the rise of the beatlesher death was announced by her son , julian\n", + "[1.1821262 1.4816775 1.1399829 1.2003177 1.3068774 1.1912184 1.1661128\n", + " 1.1319039 1.0727437 1.1025362 1.0881951 1.0588889 1.0490354 1.0650183\n", + " 1.0508085 1.1979918 1.0483251 1.0530566 1.0160875 0. 0. ]\n", + "\n", + "[ 1 4 3 15 5 0 6 2 7 9 10 8 13 11 17 14 12 16 18 19 20]\n", + "=======================\n", + "[\"kelly nash , 25 , was last seen alive in the early hours of january 5 when he woke up coughing and sneezing , and told his girlfriend , jessica sexton , he was not feeling well .he left the house without his wallet , id card or the keys to his truck .'cause of death ' : the 25-year-old suffered a gunshot wound and drowned , according to officials\"]\n", + "=======================\n", + "[\"kelly nash , 25 , went missing from his buford , georgia home january 5nash left the house without his wallet , car keys or id , but a 9mm handgun went missing from his house that nighta fisherman came upon kelly nash 's decomposed body in lake lanier in early februarysheriff 's officials said the 25-year-old accounting student suffered a gunshot wound and drowned\"]\n", + "kelly nash , 25 , was last seen alive in the early hours of january 5 when he woke up coughing and sneezing , and told his girlfriend , jessica sexton , he was not feeling well .he left the house without his wallet , id card or the keys to his truck .'cause of death ' : the 25-year-old suffered a gunshot wound and drowned , according to officials\n", + "kelly nash , 25 , went missing from his buford , georgia home january 5nash left the house without his wallet , car keys or id , but a 9mm handgun went missing from his house that nighta fisherman came upon kelly nash 's decomposed body in lake lanier in early februarysheriff 's officials said the 25-year-old accounting student suffered a gunshot wound and drowned\n", + "[1.2140517 1.1227599 1.3591373 1.3638929 1.3121476 1.0982289 1.0841863\n", + " 1.0474169 1.1616834 1.0579284 1.0536914 1.1122664 1.0370218 1.018144\n", + " 1.0092416 1.0081261 1.1352544 1.0506212 1.0295258 1.0218891 0. ]\n", + "\n", + "[ 3 2 4 0 8 16 1 11 5 6 9 10 17 7 12 18 19 13 14 15 20]\n", + "=======================\n", + "[\"kurtes disallowed williamson 's penalty for encroachment from england players at the weekend , but instead of ordering her back to the spot , awarded a free-kick to norway .leah williamson held incredible nerve to retake a penalty which she ought to have taken on saturday , were it not for german referee marjia kurtes ' terrific blunder .leah williamson ( centre ) stepped up again to take the penalty during the 18-second rematch against norway\"]\n", + "=======================\n", + "[\"leah williamson reveals she could n't sleep ahead of crucial penalty retake as england earn 2-2 against norwaymo marley 's side qualify for european championships in israeluefa ordered the final 18 seconds of the qualifier to be replayed after a refereeing mistakereferee marija kurtes incorrectly awarded an indirect free-kick to norway for encroachment after disallowing england 's penalty on saturdayengland were 2-1 down to norway at the time in the 96th minutegerman kurtes , 28 , has been sent home following her errorit is the first time ever that a decision like this has been taken by uefawatch video below of the controversial penalty incidentread : graham poll 's expert verdict on uefa 's bizarre decision\"]\n", + "kurtes disallowed williamson 's penalty for encroachment from england players at the weekend , but instead of ordering her back to the spot , awarded a free-kick to norway .leah williamson held incredible nerve to retake a penalty which she ought to have taken on saturday , were it not for german referee marjia kurtes ' terrific blunder .leah williamson ( centre ) stepped up again to take the penalty during the 18-second rematch against norway\n", + "leah williamson reveals she could n't sleep ahead of crucial penalty retake as england earn 2-2 against norwaymo marley 's side qualify for european championships in israeluefa ordered the final 18 seconds of the qualifier to be replayed after a refereeing mistakereferee marija kurtes incorrectly awarded an indirect free-kick to norway for encroachment after disallowing england 's penalty on saturdayengland were 2-1 down to norway at the time in the 96th minutegerman kurtes , 28 , has been sent home following her errorit is the first time ever that a decision like this has been taken by uefawatch video below of the controversial penalty incidentread : graham poll 's expert verdict on uefa 's bizarre decision\n", + "[1.279064 1.2955256 1.3011335 1.2772775 1.2784055 1.085128 1.0411937\n", + " 1.0275972 1.0251573 1.011876 1.1398575 1.0521386 1.0907065 1.0357537\n", + " 1.0264307 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 4 3 10 12 5 11 6 13 7 14 8 9 19 15 16 17 18 20]\n", + "=======================\n", + "['their claims - based on the analysis of photos and videos of the marathon - even led to 22-year-old sunil tripathi , a brown university student who was missing , being wrongly identified as the bomber .but in the days after the 2013 attack , the users of the subreddit , find boston bombers , hurled false accusations at countless spectators who had been wearing backpacks at the high-profile event .they took to reddit in their millions in the hope of pinpointing the suspect or suspects behind the boston marathon bombings , which killed two women and a young boy , and injured a further 264 .']\n", + "=======================\n", + "[\"chris ryves set up find boston bombers thread after the 2013 bombingswithin hours , millions of users had taken to subreddit to identify bomberthey analysed photos and videos of spectators at marathon on april 15slung false accusations at those wearing backpacks or acting strangelyclaims led to sunil tripathi , 22 , being wrongly identified as the suspectfrenzy only halted after dzhokhar and tamerlan tsarnaev were namednow , ryves has told of regrets about reddit thread in new documentaryin film , the thread , he says the subreddit ` became almost its own beast '\"]\n", + "their claims - based on the analysis of photos and videos of the marathon - even led to 22-year-old sunil tripathi , a brown university student who was missing , being wrongly identified as the bomber .but in the days after the 2013 attack , the users of the subreddit , find boston bombers , hurled false accusations at countless spectators who had been wearing backpacks at the high-profile event .they took to reddit in their millions in the hope of pinpointing the suspect or suspects behind the boston marathon bombings , which killed two women and a young boy , and injured a further 264 .\n", + "chris ryves set up find boston bombers thread after the 2013 bombingswithin hours , millions of users had taken to subreddit to identify bomberthey analysed photos and videos of spectators at marathon on april 15slung false accusations at those wearing backpacks or acting strangelyclaims led to sunil tripathi , 22 , being wrongly identified as the suspectfrenzy only halted after dzhokhar and tamerlan tsarnaev were namednow , ryves has told of regrets about reddit thread in new documentaryin film , the thread , he says the subreddit ` became almost its own beast '\n", + "[1.4423051 1.2886567 1.1481344 1.3848367 1.1317173 1.1172765 1.0930095\n", + " 1.1222935 1.1948249 1.0583291 1.1163157 1.0334756 1.0476999 1.0454025\n", + " 1.0277854 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 8 2 4 7 5 10 6 9 12 13 11 14 16 15 17]\n", + "=======================\n", + "[\"real madrid manager carlo ancelotti has moved to deny rumours he is about to leave the santiago bernabeu this summer , telling the spanish media he sees himself remaining in charge of the 10-time european champions next year .ancelotti has been linked with a return to the premier league amid growing pressure on manchester city manager manuel pellegrini , but the former chelsea boss said he expects to be in the spanish capital for at least another year .karim benzema has been ruled out of real madrid 's match against malaga this evening through a knee injury\"]\n", + "=======================\n", + "['as reports carlo ancelotti will remain real madrid manager next seasonancelotti also expects iker casillas to be at the bernabeu next yearmadrid host malaga tonight looking to close the gap on leaders barcelona']\n", + "real madrid manager carlo ancelotti has moved to deny rumours he is about to leave the santiago bernabeu this summer , telling the spanish media he sees himself remaining in charge of the 10-time european champions next year .ancelotti has been linked with a return to the premier league amid growing pressure on manchester city manager manuel pellegrini , but the former chelsea boss said he expects to be in the spanish capital for at least another year .karim benzema has been ruled out of real madrid 's match against malaga this evening through a knee injury\n", + "as reports carlo ancelotti will remain real madrid manager next seasonancelotti also expects iker casillas to be at the bernabeu next yearmadrid host malaga tonight looking to close the gap on leaders barcelona\n", + "[1.1727054 1.328399 1.3337748 1.2200509 1.2270468 1.1682183 1.133248\n", + " 1.0315126 1.0406938 1.076931 1.0734453 1.1829752 1.0242486 1.0373116\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 4 3 11 0 5 6 9 10 8 13 7 12 14 15 16 17]\n", + "=======================\n", + "['now a&e networks are remaking the miniseries , to air in 2016 .\" roots , \" the epic miniseries about an african-american slave and his descendants , had a staggering audience of over 100 million viewers back in 1977 .levar burton , who portrayed kinte in the original , will co-executive produce the new miniseries .']\n", + "=======================\n", + "['the a&e networks are remaking the blockbuster \" roots \" miniseries , to air in 2016the epic 1977 miniseries about an african-american slave had 100 million viewers']\n", + "now a&e networks are remaking the miniseries , to air in 2016 .\" roots , \" the epic miniseries about an african-american slave and his descendants , had a staggering audience of over 100 million viewers back in 1977 .levar burton , who portrayed kinte in the original , will co-executive produce the new miniseries .\n", + "the a&e networks are remaking the blockbuster \" roots \" miniseries , to air in 2016the epic 1977 miniseries about an african-american slave had 100 million viewers\n", + "[1.1206356 1.227569 1.329941 1.2355143 1.1098188 1.299315 1.1743703\n", + " 1.0472456 1.0213238 1.0129132 1.2152748 1.137765 1.0907844 1.030853\n", + " 1.0511212 1.0119394 1.1191561 1.0626134]\n", + "\n", + "[ 2 5 3 1 10 6 11 0 16 4 12 17 14 7 13 8 9 15]\n", + "=======================\n", + "[\"the war widows - who were much younger than their returned servicemen husbands - will be the guests of honour at the gallipoli dawn service on saturday .jean pockett , the widow of private arthur herbert pockett , is one of 10 war widows brought to gallipoli by the department of veteran 's affairs for anzac day this saturday on the gallipoli peninsularone hundred years on , these war widows are visiting the battlefields in gallipoli - many of them for the first time .\"]\n", + "=======================\n", + "[\"ten australian war widows travelled to gallipoli to attend this saturday 's anzac centenary commemorationsthe group - who were much younger than their husbands - are guests of honour at the gallipoli dawn servicethey will join more than 10,000 australians and new zealanders at the anzac commemorative site at gallipoli\"]\n", + "the war widows - who were much younger than their returned servicemen husbands - will be the guests of honour at the gallipoli dawn service on saturday .jean pockett , the widow of private arthur herbert pockett , is one of 10 war widows brought to gallipoli by the department of veteran 's affairs for anzac day this saturday on the gallipoli peninsularone hundred years on , these war widows are visiting the battlefields in gallipoli - many of them for the first time .\n", + "ten australian war widows travelled to gallipoli to attend this saturday 's anzac centenary commemorationsthe group - who were much younger than their husbands - are guests of honour at the gallipoli dawn servicethey will join more than 10,000 australians and new zealanders at the anzac commemorative site at gallipoli\n", + "[1.2091364 1.2744594 1.1126227 1.3440564 1.2220281 1.1363198 1.1381038\n", + " 1.084094 1.0544668 1.0410266 1.1060776 1.0588673 1.2338483 1.1242697\n", + " 1.1450846 1.0840808 0. 0. ]\n", + "\n", + "[ 3 1 12 4 0 14 6 5 13 2 10 7 15 11 8 9 16 17]\n", + "=======================\n", + "['autistic boy luke shambrook , 11 , was sitting on the side of a hill peering between trees toward a police helicopter at the moment he was found save after surviving for a remarkable five days on his own in the bushluke shambrook has been found alive after he went missing from a victorian campsite at 9.30 am on fridayluke was sitting alone and forlorn on the hill when he was spotted from the police helicopter']\n", + "=======================\n", + "[\"luke shambrook found alive after going missing while camping on fridayremarkable video shows the moment rescuers reach the terrified boythe 11-year-old was found in thick bushland 3km from the campsite in the fraser national park near lake eildon , north-east of melbournepolice were hopeful they would find luke , who has ` high pain tolerance 'he has dehydration and hypothermia and has been driven to hospital\"]\n", + "autistic boy luke shambrook , 11 , was sitting on the side of a hill peering between trees toward a police helicopter at the moment he was found save after surviving for a remarkable five days on his own in the bushluke shambrook has been found alive after he went missing from a victorian campsite at 9.30 am on fridayluke was sitting alone and forlorn on the hill when he was spotted from the police helicopter\n", + "luke shambrook found alive after going missing while camping on fridayremarkable video shows the moment rescuers reach the terrified boythe 11-year-old was found in thick bushland 3km from the campsite in the fraser national park near lake eildon , north-east of melbournepolice were hopeful they would find luke , who has ` high pain tolerance 'he has dehydration and hypothermia and has been driven to hospital\n", + "[1.37838 1.1507543 1.108064 1.303663 1.2165033 1.0904593 1.0897427\n", + " 1.0743816 1.2004935 1.076633 1.0306587 1.0229497 1.1443552 1.0370837\n", + " 1.1390812 1.1569486 1.0137168 1.0158834]\n", + "\n", + "[ 0 3 4 8 15 1 12 14 2 5 6 9 7 13 10 11 17 16]\n", + "=======================\n", + "['a young fisherman in thailand reeled in the catch of the day after hooking a fish with a plastic toy fishing rod -- but was the achievement just a hoax ?the youngster stands on the bank of what appears to be a lake and holds a tiny blue and yellow fishing rodhe then crouches down by the side of the water and moves his rod from side to side -- tension on the end of it is now visible .']\n", + "=======================\n", + "['the young boy holds a tiny blue and yellow toy fishing rodhe crouches by the side of the water and reels in the catchbefore plucking it from the lake and holding it to the camerashot in thailand , the video appears to show a nile tilapia fish']\n", + "a young fisherman in thailand reeled in the catch of the day after hooking a fish with a plastic toy fishing rod -- but was the achievement just a hoax ?the youngster stands on the bank of what appears to be a lake and holds a tiny blue and yellow fishing rodhe then crouches down by the side of the water and moves his rod from side to side -- tension on the end of it is now visible .\n", + "the young boy holds a tiny blue and yellow toy fishing rodhe crouches by the side of the water and reels in the catchbefore plucking it from the lake and holding it to the camerashot in thailand , the video appears to show a nile tilapia fish\n", + "[1.1563694 1.0994158 1.1803833 1.1105504 1.342682 1.119916 1.2480137\n", + " 1.0925024 1.0399891 1.1204144 1.0308356 1.0563965 1.0774714 1.0530494\n", + " 1.0510834 1.0348865 1.0762353 0. ]\n", + "\n", + "[ 4 6 2 0 9 5 3 1 7 12 16 11 13 14 8 15 10 17]\n", + "=======================\n", + "['jos buttler appeals for a stumping as england dominated the second day of a farcical match in st kittsthe statistics will say that england , having bowled st kitts out for 59 on the first day of their opening two-day tour match , rattled up 379 for six declared with both alastair cook and ian bell retiring out .st kitts were simply shambolic , so bad that chigwell cricket club could give them a decent game , and an almost tragic example of the steep decline of caribbean cricket .']\n", + "=======================\n", + "['england reduce invitational xi to 24 for six after amassing lead of 320hosts hold out for a draw , but the game had descended into a farceengland will learn little from glorified net against woeful oppositionjames tredwell out-bowls adil rashid in contest to be test spinner']\n", + "jos buttler appeals for a stumping as england dominated the second day of a farcical match in st kittsthe statistics will say that england , having bowled st kitts out for 59 on the first day of their opening two-day tour match , rattled up 379 for six declared with both alastair cook and ian bell retiring out .st kitts were simply shambolic , so bad that chigwell cricket club could give them a decent game , and an almost tragic example of the steep decline of caribbean cricket .\n", + "england reduce invitational xi to 24 for six after amassing lead of 320hosts hold out for a draw , but the game had descended into a farceengland will learn little from glorified net against woeful oppositionjames tredwell out-bowls adil rashid in contest to be test spinner\n", + "[1.2683674 1.3614277 1.1976433 1.1417071 1.2428265 1.1651013 1.1214314\n", + " 1.1540165 1.1931432 1.0378453 1.0305412 1.0499288 1.0589885 1.1096246\n", + " 1.0540295 1.0362659 0. 0. ]\n", + "\n", + "[ 1 0 4 2 8 5 7 3 6 13 12 14 11 9 15 10 16 17]\n", + "=======================\n", + "['brent council said it was no longer able to afford to pay for a live-in carer to look after second world war veteran robert clark at his home in burnt oak , north london .a donations page set up by the forces charity help for heroes has already raised # 10,000 to help mr clark remain in his own homethis is despite the fact he had already used # 50,000 of his life savings paying for his care .']\n", + "=======================\n", + "['brent council told veteran robert clark they were unable to afford his careadded he would have to move from his own home and into a care homemr clark had already used most of his life savings paying for a live-in careran appeal has raised # 10,000 in four days to help him stay in his own home']\n", + "brent council said it was no longer able to afford to pay for a live-in carer to look after second world war veteran robert clark at his home in burnt oak , north london .a donations page set up by the forces charity help for heroes has already raised # 10,000 to help mr clark remain in his own homethis is despite the fact he had already used # 50,000 of his life savings paying for his care .\n", + "brent council told veteran robert clark they were unable to afford his careadded he would have to move from his own home and into a care homemr clark had already used most of his life savings paying for a live-in careran appeal has raised # 10,000 in four days to help him stay in his own home\n", + "[1.1811095 1.2750602 1.08491 1.1645974 1.0952915 1.4954324 1.1525358\n", + " 1.1740884 1.0434649 1.0257614 1.0423176 1.0379592 1.0259521 1.0502934\n", + " 1.1062423 1.0240259 1.0414906 0. ]\n", + "\n", + "[ 5 1 0 7 3 6 14 4 2 13 8 10 16 11 12 9 15 17]\n", + "=======================\n", + "[\"al kellock will retire at the end of the season and take up a new role with the sru` so my friend and foe alastair kellock calls time on a great career , ' tweeted scotland and saracens lock jim hamilton .at 33 and having amassed 56 international caps and made over 200 appearances for glasgow and edinburgh , kellock has decided that his body and mind have been put through enough .\"]\n", + "=======================\n", + "['glasgow warriors captain al kellock will retire at the end of the seasonkellock amassed 56 scotland caps during eleven-year international careerthe lock is calling time on career after 150 matches as glasgow captain']\n", + "al kellock will retire at the end of the season and take up a new role with the sru` so my friend and foe alastair kellock calls time on a great career , ' tweeted scotland and saracens lock jim hamilton .at 33 and having amassed 56 international caps and made over 200 appearances for glasgow and edinburgh , kellock has decided that his body and mind have been put through enough .\n", + "glasgow warriors captain al kellock will retire at the end of the seasonkellock amassed 56 scotland caps during eleven-year international careerthe lock is calling time on career after 150 matches as glasgow captain\n", + "[1.0648092 1.1373482 1.3839169 1.2638417 1.3243341 1.2817147 1.0398245\n", + " 1.1793692 1.0243429 1.0532221 1.1157302 1.2127235 1.0323484 1.0725878\n", + " 1.0195457 1.1635264 1.0164495 1.0354724]\n", + "\n", + "[ 2 4 5 3 11 7 15 1 10 13 0 9 6 17 12 8 14 16]\n", + "=======================\n", + "[\"one little boy was lucky enough to meet justin verlander , pitcher for the detroit tigers , under those same , once-in-a-lifetime , circumstances .selfie : detroit tigers pitcher justin verlander ( right ) snapped this selfie in front a little boy wearing a dark blue shirt with verlander 's name and jersey number , 35 , on the backinstagram : the pitcher uploaded the selfie to his more than 150,000 instagram followers writing : ` love having my fans support !!\"]\n", + "=======================\n", + "[\"detroit tigers pitcher justin verlander snapped a selfie in front of an unsuspecting little boy wearing the player 's shirt in line at a starbucksverlander uploaded the photo to instagram saying the fan was ` pretty surprised ' when he turned aroundthe photo has gotten more than 16,000 ` likes ' and 600 comments\"]\n", + "one little boy was lucky enough to meet justin verlander , pitcher for the detroit tigers , under those same , once-in-a-lifetime , circumstances .selfie : detroit tigers pitcher justin verlander ( right ) snapped this selfie in front a little boy wearing a dark blue shirt with verlander 's name and jersey number , 35 , on the backinstagram : the pitcher uploaded the selfie to his more than 150,000 instagram followers writing : ` love having my fans support !!\n", + "detroit tigers pitcher justin verlander snapped a selfie in front of an unsuspecting little boy wearing the player 's shirt in line at a starbucksverlander uploaded the photo to instagram saying the fan was ` pretty surprised ' when he turned aroundthe photo has gotten more than 16,000 ` likes ' and 600 comments\n", + "[1.4243655 1.2284915 1.3986137 1.3231747 1.1990278 1.0598204 1.0248629\n", + " 1.0223353 1.1219773 1.1825827 1.099721 1.1251758 1.0240897 1.0161791\n", + " 1.0101424 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 4 9 11 8 10 5 6 12 7 13 14 16 15 17]\n", + "=======================\n", + "['hassan munshi , one of two teenagers feared to have crossed into syria to join isis , is believed to be a relative of hammaad munshi ( pictured )the boys who have been named as 17-year-olds hassan munshi and talha asmal are believed to have traveled to the embattled country after heading to turkey on march 31 .hassan is supposedly related to hammaad munshi , who was arrested by counter-terrorism police at the age of 15 back in 2006 .']\n", + "=======================\n", + "[\"families of hassan munshi and talha asmal , both 17 , released statementteenagers had ` promising futures as apprentice and student respectively 'claimed it 's ` nearly impossible to know your children have been groomed 'hassan is ` relative of hammaad munshi who joined islamic state aged 15 '\"]\n", + "hassan munshi , one of two teenagers feared to have crossed into syria to join isis , is believed to be a relative of hammaad munshi ( pictured )the boys who have been named as 17-year-olds hassan munshi and talha asmal are believed to have traveled to the embattled country after heading to turkey on march 31 .hassan is supposedly related to hammaad munshi , who was arrested by counter-terrorism police at the age of 15 back in 2006 .\n", + "families of hassan munshi and talha asmal , both 17 , released statementteenagers had ` promising futures as apprentice and student respectively 'claimed it 's ` nearly impossible to know your children have been groomed 'hassan is ` relative of hammaad munshi who joined islamic state aged 15 '\n", + "[1.5715332 1.3945603 1.2982247 1.2618445 1.1036987 1.031229 1.0226111\n", + " 1.106696 1.1555569 1.0838361 1.0453197 1.0242261 1.0125506 1.0117654\n", + " 1.0446019 1.014287 1.0112305 1.0176928 1.0313911 1.0147988 1.0086889\n", + " 1.0081961 1.0307196]\n", + "\n", + "[ 0 1 2 3 8 7 4 9 10 14 18 5 22 11 6 17 19 15 12 13 16 20 21]\n", + "=======================\n", + "['crucible thoroughbreds john higgins and graeme dott led the scottish charge on sunday at the betfred world championship .four-time winner higgins impressed with a 10-5 first-round victory over robert milkins , and looked to be approaching the form that last saw him take the title four years ago .the 39-year-old fired breaks of 77 , 75 , 69 and a clinching 106 in the second session as he coasted home against gloucester potter milkins , who took the match beyond its evening interval but was thoroughly outplayed .']\n", + "=======================\n", + "['john higgins beats robert milkins 10-5 to reach second roundhiggins says he would love to challenge for world title againbut the 39-year-old admits there are many more favoured playersgraeme dott sees off ricky walden 10-8']\n", + "crucible thoroughbreds john higgins and graeme dott led the scottish charge on sunday at the betfred world championship .four-time winner higgins impressed with a 10-5 first-round victory over robert milkins , and looked to be approaching the form that last saw him take the title four years ago .the 39-year-old fired breaks of 77 , 75 , 69 and a clinching 106 in the second session as he coasted home against gloucester potter milkins , who took the match beyond its evening interval but was thoroughly outplayed .\n", + "john higgins beats robert milkins 10-5 to reach second roundhiggins says he would love to challenge for world title againbut the 39-year-old admits there are many more favoured playersgraeme dott sees off ricky walden 10-8\n", + "[1.2285681 1.3871588 1.2663095 1.2778547 1.1781851 1.1380467 1.0408279\n", + " 1.1494176 1.082317 1.1090643 1.036681 1.0265057 1.0817358 1.0915246\n", + " 1.0365969 1.0473032 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 7 5 9 13 8 12 15 6 10 14 11 16 17 18 19 20 21 22]\n", + "=======================\n", + "['asif malik , 31 , his partner sara kiran , 29 , their daughter zoha , seven , and their three sons essa , four , zakariva , two , and yahya , one , were all caught on camera on a cross-channel ferry .they left their home in slough , berkshire , without mentioning any holiday or travel plans to family members , which is out of character , police said .a father who is feared to have fled to syria with his partner and four young children was a member of a banned extremist group , it was reported last night .']\n", + "=======================\n", + "[\"asif malik , 31 , sara kiran , 29 , and their four children last seen on april 7left slough , headed to calais by ferry and then took train across europethey have three boys aged one , two and four , and a seven-year-old girlthames valley police ` extremely concerned for the safety of this family 'anyone with information should call thames valley police quoting reference 342 ( 19/4 ) .\"]\n", + "asif malik , 31 , his partner sara kiran , 29 , their daughter zoha , seven , and their three sons essa , four , zakariva , two , and yahya , one , were all caught on camera on a cross-channel ferry .they left their home in slough , berkshire , without mentioning any holiday or travel plans to family members , which is out of character , police said .a father who is feared to have fled to syria with his partner and four young children was a member of a banned extremist group , it was reported last night .\n", + "asif malik , 31 , sara kiran , 29 , and their four children last seen on april 7left slough , headed to calais by ferry and then took train across europethey have three boys aged one , two and four , and a seven-year-old girlthames valley police ` extremely concerned for the safety of this family 'anyone with information should call thames valley police quoting reference 342 ( 19/4 ) .\n", + "[1.4905125 1.2302182 1.3028119 1.2468886 1.1737448 1.2187601 1.121455\n", + " 1.042263 1.0171252 1.0666999 1.0775223 1.1021469 1.0748845 1.0468562\n", + " 1.0614394 1.0843313 1.0294291 1.0180061 1.0283016 1.0362769 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 3 1 5 4 6 11 15 10 12 9 14 13 7 19 16 18 17 8 21 20 22]\n", + "=======================\n", + "[\"mixed martial arts fighter anderson silva will meet with brazilian taekwondo officials in the hope of competing in next year 's olympics in rio de janeiro , despite facing a possible doping ban .the brazilian taekwondo confederation said wednesday that ` this wonderful possibility ' of silva competing in the olympics will be discussed next week between the fighter and local officials .silva this week expressed his desire to represent brazil in the 2016 games , and local taekwondo officials said they like the idea of having the mma fighter on the team .\"]\n", + "=======================\n", + "[\"anderson silva is currently suspended by ufc after failing drug teststhe brazilian hopes to compete in next year 's olympics in rio de janeiro\"]\n", + "mixed martial arts fighter anderson silva will meet with brazilian taekwondo officials in the hope of competing in next year 's olympics in rio de janeiro , despite facing a possible doping ban .the brazilian taekwondo confederation said wednesday that ` this wonderful possibility ' of silva competing in the olympics will be discussed next week between the fighter and local officials .silva this week expressed his desire to represent brazil in the 2016 games , and local taekwondo officials said they like the idea of having the mma fighter on the team .\n", + "anderson silva is currently suspended by ufc after failing drug teststhe brazilian hopes to compete in next year 's olympics in rio de janeiro\n", + "[1.3040915 1.4715115 1.3572197 1.2741702 1.2018497 1.1745646 1.1694183\n", + " 1.1275188 1.0598104 1.0120845 1.0131086 1.0156753 1.2194238 1.0408987\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 3 12 4 5 6 7 8 13 11 10 9 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "['the 21-year-old finished 18 under to beat rose and phil mickelson by four shots and become the second youngest masters winner - after tiger woods in 1997 .spieth became only the fourth player after jack nicklaus , ray floyd and tiger woods to reach 17 under .justin rose admitted he lost to the better man as jordan spieth won his first masters title in emphatic fashion .']\n", + "=======================\n", + "['jordan spieth wins 2015 us masters after finishing 18-under at augustaspieth became the first man ever to reach 19 under par in the mastersjustin rose and phil mickelson ( both 14 under ) finished joint secondread : spieth has world at his feet after record-breaking masters triumphspieth : winning the masters has been the most incredible week of my life']\n", + "the 21-year-old finished 18 under to beat rose and phil mickelson by four shots and become the second youngest masters winner - after tiger woods in 1997 .spieth became only the fourth player after jack nicklaus , ray floyd and tiger woods to reach 17 under .justin rose admitted he lost to the better man as jordan spieth won his first masters title in emphatic fashion .\n", + "jordan spieth wins 2015 us masters after finishing 18-under at augustaspieth became the first man ever to reach 19 under par in the mastersjustin rose and phil mickelson ( both 14 under ) finished joint secondread : spieth has world at his feet after record-breaking masters triumphspieth : winning the masters has been the most incredible week of my life\n", + "[1.2623372 1.251351 1.1390347 1.4039631 1.2325195 1.3429027 1.0469269\n", + " 1.1096394 1.0526557 1.1154636 1.0551199 1.0510875 1.0422171 1.0134436\n", + " 1.0133113 1.1190608 1.0618902 1.0781813 1.029422 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 5 0 1 4 2 15 9 7 17 16 10 8 11 6 12 18 13 14 21 19 20 22]\n", + "=======================\n", + "['stacey , now 22 , was diagnosed with an inoperable tumour in 2007 and has undergone gruelling rounds of chemotherapy and radiotherapy .stacey johnson ( left ) , 22 , from much hadham , hertfordshire , had just been told her brain tumour had grown when she was dealt another blow - her sister dannii , 20 , also had a tumourthe pain of a cancer diagnosis never went away , but after eight years of battling the condition , they cared for her and began to live with the disease .']\n", + "=======================\n", + "['stacey johson , 22 , was diagnosed with cancer in her brain eight years agoher sister dannii , 20 , became her carer last year but suffered headachesafter going to the gp dannii was also found to have a benign brain tumourstacey has found out her tumour has grown , while dannii awaits treatment']\n", + "stacey , now 22 , was diagnosed with an inoperable tumour in 2007 and has undergone gruelling rounds of chemotherapy and radiotherapy .stacey johnson ( left ) , 22 , from much hadham , hertfordshire , had just been told her brain tumour had grown when she was dealt another blow - her sister dannii , 20 , also had a tumourthe pain of a cancer diagnosis never went away , but after eight years of battling the condition , they cared for her and began to live with the disease .\n", + "stacey johson , 22 , was diagnosed with cancer in her brain eight years agoher sister dannii , 20 , became her carer last year but suffered headachesafter going to the gp dannii was also found to have a benign brain tumourstacey has found out her tumour has grown , while dannii awaits treatment\n", + "[1.1826422 1.3457925 1.3023932 1.4101704 1.4524732 1.2251637 1.0664898\n", + " 1.0385787 1.0204223 1.0252 1.0177537 1.0115063 1.181612 1.1421663\n", + " 1.0767219 1.0133865 1.010415 1.0090028 1.0096904 1.0077116 1.0073111\n", + " 0. 0. ]\n", + "\n", + "[ 4 3 1 2 5 0 12 13 14 6 7 9 8 10 15 11 16 18 17 19 20 21 22]\n", + "=======================\n", + "['the former tottenham and west ham striker is the first sunderland player to take the challengetyne-wear derby hero jermain defoe takes on the sunderland keepy up challengedefoe eventually sets an impressive score of 76 for his team-mates to attempt to beat']\n", + "=======================\n", + "['jermain defoe was the first sunderland player to take part in the challengeformer tottenham and west ham striker scored an impressive 76defoe then performed keepy ups with a creme egg and scored nine']\n", + "the former tottenham and west ham striker is the first sunderland player to take the challengetyne-wear derby hero jermain defoe takes on the sunderland keepy up challengedefoe eventually sets an impressive score of 76 for his team-mates to attempt to beat\n", + "jermain defoe was the first sunderland player to take part in the challengeformer tottenham and west ham striker scored an impressive 76defoe then performed keepy ups with a creme egg and scored nine\n", + "[1.4219358 1.1907091 1.2457864 1.4108987 1.2489985 1.2679083 1.0728505\n", + " 1.0151151 1.0302876 1.1924822 1.070494 1.0833267 1.0134306 1.1218755\n", + " 1.1586258 1.0388529 1.0052733 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 5 4 2 9 1 14 13 11 6 10 15 8 7 12 16 21 17 18 19 20 22]\n", + "=======================\n", + "['bacary sagna could end the season trophyless and lower than arsenal in the premier league but the manchester city defender insists he has no regrets about leaving the emirates for the etihad .bacary sagna ( right ) insists he does not regret leaving arsenal for manchester city last summersagna departed arsenal on the back of winning the fa cup but faces a year without a trophy at city']\n", + "=======================\n", + "['bacary sagna left arsenal for manchester city on a free transfer last yearthe defender insists he does not regret making the switch to the etihadcity are behind fa cup finalists arsenal and face a season without a prize']\n", + "bacary sagna could end the season trophyless and lower than arsenal in the premier league but the manchester city defender insists he has no regrets about leaving the emirates for the etihad .bacary sagna ( right ) insists he does not regret leaving arsenal for manchester city last summersagna departed arsenal on the back of winning the fa cup but faces a year without a trophy at city\n", + "bacary sagna left arsenal for manchester city on a free transfer last yearthe defender insists he does not regret making the switch to the etihadcity are behind fa cup finalists arsenal and face a season without a prize\n", + "[1.2038445 1.4929013 1.2501293 1.3049695 1.2280167 1.0687147 1.2047113\n", + " 1.0572808 1.1235731 1.0574965 1.1539817 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 4 6 0 10 8 5 9 7 20 19 18 17 16 11 14 13 12 21 15 22]\n", + "=======================\n", + "[\"the study of 1,302 german couples found working men did just two hours of house work each day , which almost doubled to 3.9 hours when they retired .but they are still lagging behind their stay-at-home female partners when it comes to sharing the burden .the study , published in the journal of marriage and family , found women who did not work did an average of 6.8 hours before their husband 's retired .\"]\n", + "=======================\n", + "[\"study of 1,302 couples found working men do two hours of chores a daybut once they retired , men upped their housework hours to to 3.9 a daywomen 's chores went from 6.8 hours a day to 6.1 a day after retirementthe study , carried out in germany ,\"]\n", + "the study of 1,302 german couples found working men did just two hours of house work each day , which almost doubled to 3.9 hours when they retired .but they are still lagging behind their stay-at-home female partners when it comes to sharing the burden .the study , published in the journal of marriage and family , found women who did not work did an average of 6.8 hours before their husband 's retired .\n", + "study of 1,302 couples found working men do two hours of chores a daybut once they retired , men upped their housework hours to to 3.9 a daywomen 's chores went from 6.8 hours a day to 6.1 a day after retirementthe study , carried out in germany ,\n", + "[1.3611182 1.3580828 1.092169 1.1162751 1.082149 1.0744526 1.214685\n", + " 1.1935686 1.0685029 1.025355 1.0320514 1.0549412 1.0484368 1.0256108\n", + " 1.0182015 1.0225945 1.1607761 1.0864137 1.0351741 1.0966387 1.0269833\n", + " 1.0119121 1.0631354]\n", + "\n", + "[ 0 1 6 7 16 3 19 2 17 4 5 8 22 11 12 18 10 20 13 9 15 14 21]\n", + "=======================\n", + "[\"jose mourinho 's return was the answer to john terry 's prayers .mourinho said sunday 's game at the emirates was the best terry had ever played .john terry ( left ) was in inspiring form in the chelsea defence as his side kept a clean sheet against arsenal\"]\n", + "=======================\n", + "[\"martin keown : danny welbeck 's pace might have unsettled chelseajohn terry and gary cahill are built to deal with players like olivier giroudkeown says chelsea captain terry 's reading of the game is better than everthe arsenal fans said it was boring but chelsea are doing what they need to do to win the leaguethierry henry : arsenal ca n't win title with olivier giroud in attack\"]\n", + "jose mourinho 's return was the answer to john terry 's prayers .mourinho said sunday 's game at the emirates was the best terry had ever played .john terry ( left ) was in inspiring form in the chelsea defence as his side kept a clean sheet against arsenal\n", + "martin keown : danny welbeck 's pace might have unsettled chelseajohn terry and gary cahill are built to deal with players like olivier giroudkeown says chelsea captain terry 's reading of the game is better than everthe arsenal fans said it was boring but chelsea are doing what they need to do to win the leaguethierry henry : arsenal ca n't win title with olivier giroud in attack\n", + "[1.1972944 1.0937893 1.3584008 1.4466171 1.300812 1.1561375 1.025628\n", + " 1.0320821 1.2954143 1.1064293 1.0102303 1.0234271 1.0310533 1.0743697\n", + " 1.0542241 1.0627263 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 2 4 8 0 5 9 1 13 15 14 7 12 6 11 10 16 17 18 19 20 21 22]\n", + "=======================\n", + "['bradley neil finished 13 over par after competing in his first mastersneil earned his invitation to the masters after winning the scottish boys championship in 2013 and then the british amateur championship last year .still an amateur , the 19-year-old is being tipped for huge things when he does turn pro by no less a star than world no 1 rory mcilroy .']\n", + "=======================\n", + "[\"the 19-year-old is being tipped for huge things when he does turn prohe finished 13-over par for the weekend but is determined to return` i 'd prepared well for this , but it shows my game is not good enough yet , ' he admittedneil qualified for the masters by virtue of a win in the scottish boys championship in 2013 and then the british amateur championship\"]\n", + "bradley neil finished 13 over par after competing in his first mastersneil earned his invitation to the masters after winning the scottish boys championship in 2013 and then the british amateur championship last year .still an amateur , the 19-year-old is being tipped for huge things when he does turn pro by no less a star than world no 1 rory mcilroy .\n", + "the 19-year-old is being tipped for huge things when he does turn prohe finished 13-over par for the weekend but is determined to return` i 'd prepared well for this , but it shows my game is not good enough yet , ' he admittedneil qualified for the masters by virtue of a win in the scottish boys championship in 2013 and then the british amateur championship\n", + "[1.3919826 1.2996576 1.1165683 1.2004884 1.0648866 1.0838833 1.0428252\n", + " 1.0248249 1.1209015 1.0286572 1.0519046 1.0348016 1.1100286 1.0493299\n", + " 1.035263 1.0142034 1.0173551 1.0602367 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 8 2 12 5 4 17 10 13 6 14 11 9 7 16 15 19 18 20]\n", + "=======================\n", + "['( cnn ) the cuba that photographer carolina sandretto captures is a world away from the images of neon 1950s american cars and postcard-worthy white sand beaches that most visitors to the island bring back home .instead sandretto focuses on \" solares , \" the crumbling buildings that many cubans divide and cohabitate , often with several generations and separate families sharing one dwelling .following fidel castro \\'s 1959 revolution , houses and apartments were redistributed throughout cuba and the government promised that everyone would have a home in the new socialist utopia .']\n", + "=======================\n", + "['carolina sandretto focuses on the crumbling buildings many cubans live in togetherthe maze-like \" solares \" often include separate families under one roof']\n", + "( cnn ) the cuba that photographer carolina sandretto captures is a world away from the images of neon 1950s american cars and postcard-worthy white sand beaches that most visitors to the island bring back home .instead sandretto focuses on \" solares , \" the crumbling buildings that many cubans divide and cohabitate , often with several generations and separate families sharing one dwelling .following fidel castro 's 1959 revolution , houses and apartments were redistributed throughout cuba and the government promised that everyone would have a home in the new socialist utopia .\n", + "carolina sandretto focuses on the crumbling buildings many cubans live in togetherthe maze-like \" solares \" often include separate families under one roof\n", + "[1.2410977 1.3606825 1.2608693 1.2039021 1.2583991 1.1236025 1.0768974\n", + " 1.0788867 1.1077499 1.0617386 1.105822 1.041398 1.0358757 1.0536395\n", + " 1.0367943 1.0123795 1.0121372 1.0852488 1.0523516 1.0394741 1.0862713]\n", + "\n", + "[ 1 2 4 0 3 5 8 10 20 17 7 6 9 13 18 11 19 14 12 15 16]\n", + "=======================\n", + "[\"these galaxies were found to be emitting ` unusually high ' levels of radiation - possibly indicating ` the presence of a highly advanced civilisation . 'within these galaxies , the researchers said it was possible that an alien race could be harnessing the power of the stars - emitting huge amounts of noticeable heat in the process .scientists say they have found 50 galaxies that may contain intelligent alien races .\"]\n", + "=======================\n", + "['pennsylvania scientists find evidence that we might not be alonethey found 50 galaxies emitting unusually high levels of radiationthis could be because aliens are harnessing the power of entire starshowever , further research is needed to confirm that is the case']\n", + "these galaxies were found to be emitting ` unusually high ' levels of radiation - possibly indicating ` the presence of a highly advanced civilisation . 'within these galaxies , the researchers said it was possible that an alien race could be harnessing the power of the stars - emitting huge amounts of noticeable heat in the process .scientists say they have found 50 galaxies that may contain intelligent alien races .\n", + "pennsylvania scientists find evidence that we might not be alonethey found 50 galaxies emitting unusually high levels of radiationthis could be because aliens are harnessing the power of entire starshowever , further research is needed to confirm that is the case\n", + "[1.2499856 1.3408719 1.2296747 1.2015 1.2451702 1.0570917 1.0572445\n", + " 1.0130322 1.0933844 1.0781223 1.1117952 1.0979028 1.0354574 1.0284479\n", + " 1.041694 1.0389462 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 10 11 8 9 6 5 14 15 12 13 7 19 16 17 18 20]\n", + "=======================\n", + "['downton abbey creator julian fellowes is to give a unique insight into his inspiration for the period drama at the chalke valley history festival .unique insight : cjullian fellowes , pictured with downton star michelle dockerythe event attracts more than 30,000 visitors to its idyllic venue in a wiltshire field .']\n", + "=======================\n", + "['festival also includes novelist kate mosse and explorer ranulph fiennesevent attracts more than 30,000 visitors to idyllic venue in wiltshire fieldlord fellowes will discuss huge social change brought by first world war']\n", + "downton abbey creator julian fellowes is to give a unique insight into his inspiration for the period drama at the chalke valley history festival .unique insight : cjullian fellowes , pictured with downton star michelle dockerythe event attracts more than 30,000 visitors to its idyllic venue in a wiltshire field .\n", + "festival also includes novelist kate mosse and explorer ranulph fiennesevent attracts more than 30,000 visitors to idyllic venue in wiltshire fieldlord fellowes will discuss huge social change brought by first world war\n", + "[1.0605596 1.4501078 1.3872645 1.3849726 1.4155413 1.2455726 1.0508915\n", + " 1.0388535 1.0104188 1.2206225 1.0215728 1.1197762 1.0281227 1.0105437\n", + " 1.0084853 1.0631138 1.0230988 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 3 5 9 11 15 0 6 7 12 16 10 13 8 14 19 17 18 20]\n", + "=======================\n", + "[\"trainee police officer for the met , sophia adams , has just become the new face ( and body ) of ` plus-bust ' lingerie brand , curvy kate , after winning their annual ` star in a bra ' competition .21-year-old adams , from north west london , beat 1,000 other hopefuls and as a result , has scored a modelling contract with plus-size agency , bridge models .the brunette will be joining the brand 's curvy line-up and starring in their spring/summer 2016 catalogue shot in the mediterranean '\"]\n", + "=======================\n", + "[\"sophia adams has been named winner of curvy kate model competitionthe ` star in a bra ' winner will feature in their next campaign and has also landed a modelling contract with plus-size agency bridge modelslaunched in 2009 , curvy kate offers d-k cup lingerie , designed especially for a fuller bust .21-year-old adams , from north west london , has a 32jj bust\"]\n", + "trainee police officer for the met , sophia adams , has just become the new face ( and body ) of ` plus-bust ' lingerie brand , curvy kate , after winning their annual ` star in a bra ' competition .21-year-old adams , from north west london , beat 1,000 other hopefuls and as a result , has scored a modelling contract with plus-size agency , bridge models .the brunette will be joining the brand 's curvy line-up and starring in their spring/summer 2016 catalogue shot in the mediterranean '\n", + "sophia adams has been named winner of curvy kate model competitionthe ` star in a bra ' winner will feature in their next campaign and has also landed a modelling contract with plus-size agency bridge modelslaunched in 2009 , curvy kate offers d-k cup lingerie , designed especially for a fuller bust .21-year-old adams , from north west london , has a 32jj bust\n", + "[1.2225556 1.4637663 1.2568285 1.2587439 1.0674313 1.1141618 1.0919756\n", + " 1.0939753 1.0383617 1.0562036 1.0919898 1.1313235 1.0526898 1.0500512\n", + " 1.026195 1.0216094 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 11 5 7 10 6 4 9 12 13 8 14 15 19 16 17 18 20]\n", + "=======================\n", + "['greystone park psychiatric center , in new jersey , was built to house hundreds of mentally ill patients , but it eventually was home to more than 7,500 people .a decaying asylum which has been left to fall into disarray , with broken and peeling doors and windows , is being demolished as preservationists battle to save it and claim the building should be turned into a museum and housinggreystone park became one of the largest asylums , housing 7,500 patients , and became known for high numbers of rapes and suicides']\n", + "=======================\n", + "['greystone park psychiatric center in new jersey became known for the number of rapes and suicides taking placebuilding officially closed in 2003 and was abandoned , with walls and ceilings left to crumble and flake awaydemolition work has begun on the french renaissance-style building , after interior found too expensive to restorebut preservationists have argued that the 1800s building should be preserved and turned into museum and housing']\n", + "greystone park psychiatric center , in new jersey , was built to house hundreds of mentally ill patients , but it eventually was home to more than 7,500 people .a decaying asylum which has been left to fall into disarray , with broken and peeling doors and windows , is being demolished as preservationists battle to save it and claim the building should be turned into a museum and housinggreystone park became one of the largest asylums , housing 7,500 patients , and became known for high numbers of rapes and suicides\n", + "greystone park psychiatric center in new jersey became known for the number of rapes and suicides taking placebuilding officially closed in 2003 and was abandoned , with walls and ceilings left to crumble and flake awaydemolition work has begun on the french renaissance-style building , after interior found too expensive to restorebut preservationists have argued that the 1800s building should be preserved and turned into museum and housing\n", + "[1.2723887 1.5322282 1.2464013 1.265963 1.1628662 1.1252764 1.1073589\n", + " 1.1050359 1.0819595 1.0610993 1.1252961 1.0522292 1.0316217 1.0374026\n", + " 1.0161426 1.0129861 1.0177714 1.01464 1.0135463 1.0422418 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 10 5 6 7 8 9 11 19 13 12 16 14 17 18 15 20 21 22 23\n", + " 24 25 26]\n", + "=======================\n", + "['the 18-year-old was hit over the head 20 times with a rock and dragged into a garden to be brutally raped by the man and left for dead in the beeston area of leeds last month .a rapist who left a teenager for dead after a savage attack at a bus stop had already stalked three other women that night before choosing his victim .now police investigating the case have come across cctv that shows the man following three other potential victims earlier on the same night .']\n", + "=======================\n", + "['man also followed three other women on the night of the attack in leedsone woman was forced to flee by bus while another went and hid in a shophe later brutally raped an 18-year-old who had been waiting at a bus stophit her on the head with a rock 20 times before dragging her into a garden']\n", + "the 18-year-old was hit over the head 20 times with a rock and dragged into a garden to be brutally raped by the man and left for dead in the beeston area of leeds last month .a rapist who left a teenager for dead after a savage attack at a bus stop had already stalked three other women that night before choosing his victim .now police investigating the case have come across cctv that shows the man following three other potential victims earlier on the same night .\n", + "man also followed three other women on the night of the attack in leedsone woman was forced to flee by bus while another went and hid in a shophe later brutally raped an 18-year-old who had been waiting at a bus stophit her on the head with a rock 20 times before dragging her into a garden\n", + "[1.215933 1.4312444 1.3649082 1.3205467 1.2927446 1.0569755 1.0174613\n", + " 1.0226669 1.0324134 1.0837686 1.1311685 1.0841836 1.1026361 1.033542\n", + " 1.0218853 1.0193527 1.0186335 1.0182295 1.0751472 1.1542546 1.0566958\n", + " 1.0786918 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 19 10 12 11 9 21 18 5 20 13 8 7 14 15 16 17 6 25 22\n", + " 23 24 26]\n", + "=======================\n", + "[\"the relatively unknown stefania la greca was suddenly catapulted into the limelight after the sexy shots of the lega sud ausoni party candidate went viral .but the 36-year-old , who is hoping to represent caldoro in campania , southern italy after may 's regional elections , defended her photographs .a stunning italian political candidate who has posted dozens of pictures of herself in skimpy bikinis has denied using her looks to get votes .\"]\n", + "=======================\n", + "['stefania la greca is standing for election for the lega sud ausonia partyshe has posted dozens of selfies and pictures of herself in skimpy bikinisbut the stunning 36-year-old denied she was using her looks to get votes']\n", + "the relatively unknown stefania la greca was suddenly catapulted into the limelight after the sexy shots of the lega sud ausoni party candidate went viral .but the 36-year-old , who is hoping to represent caldoro in campania , southern italy after may 's regional elections , defended her photographs .a stunning italian political candidate who has posted dozens of pictures of herself in skimpy bikinis has denied using her looks to get votes .\n", + "stefania la greca is standing for election for the lega sud ausonia partyshe has posted dozens of selfies and pictures of herself in skimpy bikinisbut the stunning 36-year-old denied she was using her looks to get votes\n", + "[1.3571413 1.3035852 1.1423326 1.3731459 1.230254 1.0726833 1.108974\n", + " 1.0792125 1.1282092 1.1787329 1.0411782 1.1895045 1.0182866 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 11 9 2 8 6 7 5 10 12 20 24 23 22 21 19 13 17 16 15 14\n", + " 25 18 26]\n", + "=======================\n", + "[\"cristiano ronaldo was presented with a shit with ' 300 goals ' on the back by real madrid club president florentino perez on fridayronaldo , 30 , scored the landmark goal against rayo vallecano on april 8 and only trails raul ( 323 ) and alfredo di stefano ( 307 ) in the scoring charts for the spanish giants .french striker karim benzema will miss real madrid 's clash against malaga on saturday with a knee injury\"]\n", + "=======================\n", + "['cristiano ronaldo scored his 300th goal for real madrid ( in all competitions ) against rayo vallecano on april 8portuguese forward has achievements marked by special shirt presented to him by club president florentino perezronaldo and his real madrid team-mates host malaga on saturday as they look to catch la liga leaders barcelonafrench striker karim benzema will miss the game after picking up a knee injury against atletico madrid']\n", + "cristiano ronaldo was presented with a shit with ' 300 goals ' on the back by real madrid club president florentino perez on fridayronaldo , 30 , scored the landmark goal against rayo vallecano on april 8 and only trails raul ( 323 ) and alfredo di stefano ( 307 ) in the scoring charts for the spanish giants .french striker karim benzema will miss real madrid 's clash against malaga on saturday with a knee injury\n", + "cristiano ronaldo scored his 300th goal for real madrid ( in all competitions ) against rayo vallecano on april 8portuguese forward has achievements marked by special shirt presented to him by club president florentino perezronaldo and his real madrid team-mates host malaga on saturday as they look to catch la liga leaders barcelonafrench striker karim benzema will miss the game after picking up a knee injury against atletico madrid\n", + "[1.2505379 1.4245071 1.2049595 1.2872354 1.2139201 1.12691 1.0779331\n", + " 1.0898564 1.084415 1.1052846 1.0460591 1.0240575 1.0761805 1.1301001\n", + " 1.0226698 1.0976615 1.0789114 1.0755253 1.0885752 1.0152045 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 13 5 9 15 7 18 8 16 6 12 17 10 11 14 19 20 21 22 23\n", + " 24 25 26]\n", + "=======================\n", + "[\"the california firm said it will announce a ` home battery ' and a ` very large utility scale battery ' in a letter sent to investors .tesla has confirmed it will unveil a revolutionary power pack for the home next week .the company already offers battery packs ( pictured ) for its solarcity project , but it is unclear whether the latest product will build on this design\"]\n", + "=======================\n", + "[\"event will be held at tesla 's california studio on april 30 at 8pm ptbattery is likely to build on the packs used in tesla 's electric carswhile similar products already exist , elon musk has said they ` suck 'toyota already uses a fuel cell in its mirai car that can power a home\"]\n", + "the california firm said it will announce a ` home battery ' and a ` very large utility scale battery ' in a letter sent to investors .tesla has confirmed it will unveil a revolutionary power pack for the home next week .the company already offers battery packs ( pictured ) for its solarcity project , but it is unclear whether the latest product will build on this design\n", + "event will be held at tesla 's california studio on april 30 at 8pm ptbattery is likely to build on the packs used in tesla 's electric carswhile similar products already exist , elon musk has said they ` suck 'toyota already uses a fuel cell in its mirai car that can power a home\n", + "[1.2885104 1.4877696 1.3893138 1.3935014 1.297829 1.1115683 1.0456231\n", + " 1.0243733 1.0139086 1.1318295 1.0591623 1.0202187 1.020073 1.0186968\n", + " 1.0679996 1.0290153 1.0403512 1.02445 1.014381 1.0144993 1.021906\n", + " 1.0164407 1.0120324 1.0048215 1.0060726 1.0062987 1.1645039]\n", + "\n", + "[ 1 3 2 4 0 26 9 5 14 10 6 16 15 17 7 20 11 12 13 21 19 18 8 22\n", + " 25 24 23]\n", + "=======================\n", + "['the baggies host liverpool on saturday eight points above the barclays premier league relegation zone .west bromwich albion manager tony pulis believes his side can rise to the challenge of facing the top teamsthey also face manchester united , chelsea and arsenal in their final five games , along with a trip to newcastle .']\n", + "=======================\n", + "['tony pulis has called on his players to embrace being cast as outsiderswest brom begin tricky fixture list with visit of liverpool to the hawthornsbaggies also face manchester united , chelsea and arsenal in the run-inclick here for all the west brom vs liverpool team news']\n", + "the baggies host liverpool on saturday eight points above the barclays premier league relegation zone .west bromwich albion manager tony pulis believes his side can rise to the challenge of facing the top teamsthey also face manchester united , chelsea and arsenal in their final five games , along with a trip to newcastle .\n", + "tony pulis has called on his players to embrace being cast as outsiderswest brom begin tricky fixture list with visit of liverpool to the hawthornsbaggies also face manchester united , chelsea and arsenal in the run-inclick here for all the west brom vs liverpool team news\n", + "[1.2485871 1.2193474 1.0656289 1.2406864 1.2349204 1.130136 1.2917398\n", + " 1.0382077 1.0691109 1.033346 1.036653 1.1295744 1.0554374 1.1800171\n", + " 1.0847645 1.1894352 1.0307211 1.1424552 1.0135504 0. 0. ]\n", + "\n", + "[ 6 0 3 4 1 15 13 17 5 11 14 8 2 12 7 10 9 16 18 19 20]\n", + "=======================\n", + "[\"west indies bowler jason holder used to be a barbados team-mate with chris jordanwest indies received an animated pep talk from bowling coach and legendary paceman curtly ambrose .curtly ambrose 's pep talk to west indies bowlers must have worked on day two as they rolled over the tail\"]\n", + "=======================\n", + "[\"curtly ambrose 's pep talk to west indies ' bowlers on day two workedchris jordan had a battle with former barbados team-mate jason holdersir viv richards said jordan ` looks as though he should have a javelin 'shiv chanderpaul 's test career for west indies passed 21 yearscharlotte edwards received her cbe from the queen\"]\n", + "west indies bowler jason holder used to be a barbados team-mate with chris jordanwest indies received an animated pep talk from bowling coach and legendary paceman curtly ambrose .curtly ambrose 's pep talk to west indies bowlers must have worked on day two as they rolled over the tail\n", + "curtly ambrose 's pep talk to west indies ' bowlers on day two workedchris jordan had a battle with former barbados team-mate jason holdersir viv richards said jordan ` looks as though he should have a javelin 'shiv chanderpaul 's test career for west indies passed 21 yearscharlotte edwards received her cbe from the queen\n", + "[1.2124959 1.1129699 1.0904152 1.1437854 1.1037345 1.1171219 1.3150232\n", + " 1.0433878 1.0234914 1.0192918 1.0214969 1.0263469 1.0211518 1.0788598\n", + " 1.0516757 1.0923426 1.0158658 1.0234922 1.0250937 1.021343 1.0232311]\n", + "\n", + "[ 6 0 3 5 1 4 15 2 13 14 7 11 18 17 8 20 10 19 12 9 16]\n", + "=======================\n", + "[\"raheem sterling wheels away in celebration after scoring liverpool 's opener in the first half at anfieldanother day at melwood , another awkward conversation with brendan rodgers for raheem sterling .once again the 20-year-old liverpool forward has been rather stupid .\"]\n", + "=======================\n", + "[\"film leaked of raheem sterling inhaling nitrous oxide just a day after he was pictured smoking shishasterling put liverpool 1-0 up after just nine minutes at anfield before missing easy chance in second halfreferee lee mason missed what pundit gary neville described as a ` blatant penalty ' for newcastle 's ayoze perezwelsh midfielder joe allen then scored his first goal at anfield to put liverpool 2-0 up after 70 minutesfrance midfielder moussa sissoko sent off late on for two bookable offencesresult moves liverpool up to within four points of manchester city in fourth and is newcastle 's fifth defeat in a row\"]\n", + "raheem sterling wheels away in celebration after scoring liverpool 's opener in the first half at anfieldanother day at melwood , another awkward conversation with brendan rodgers for raheem sterling .once again the 20-year-old liverpool forward has been rather stupid .\n", + "film leaked of raheem sterling inhaling nitrous oxide just a day after he was pictured smoking shishasterling put liverpool 1-0 up after just nine minutes at anfield before missing easy chance in second halfreferee lee mason missed what pundit gary neville described as a ` blatant penalty ' for newcastle 's ayoze perezwelsh midfielder joe allen then scored his first goal at anfield to put liverpool 2-0 up after 70 minutesfrance midfielder moussa sissoko sent off late on for two bookable offencesresult moves liverpool up to within four points of manchester city in fourth and is newcastle 's fifth defeat in a row\n", + "[1.4736832 1.3676689 1.3150185 1.2706919 1.0648401 1.0385783 1.0309694\n", + " 1.0540912 1.0335397 1.1127717 1.0293186 1.0434852 1.1361369 1.0925819\n", + " 1.0698884 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 12 9 13 14 4 7 11 5 8 6 10 15 16 17 18 19 20]\n", + "=======================\n", + "['brazil icon ronaldo has claimed he would relish playing alongside his namesake cristiano ronaldo if he had the chance to play in the modern era .the 38-year-old , one of the most decorated footballers ever , ended his illustrious playing career in 2011 , however he has suggested he could play again for fort lauderdale strikers , a north american league side that he now co-owns .ronaldo admits a return to top level football is past him but would pick the current real madrid talisman to play alongside .']\n", + "=======================\n", + "['former brazil striker ronaldo played for real madrid between 2002-07the two-time world cup winner officially retired from playing in 2011cristiano ronaldo scored his 50th goal of the season against malagareal madrid beat malaga 3-1 to keep up the pressure on leaders barcelona']\n", + "brazil icon ronaldo has claimed he would relish playing alongside his namesake cristiano ronaldo if he had the chance to play in the modern era .the 38-year-old , one of the most decorated footballers ever , ended his illustrious playing career in 2011 , however he has suggested he could play again for fort lauderdale strikers , a north american league side that he now co-owns .ronaldo admits a return to top level football is past him but would pick the current real madrid talisman to play alongside .\n", + "former brazil striker ronaldo played for real madrid between 2002-07the two-time world cup winner officially retired from playing in 2011cristiano ronaldo scored his 50th goal of the season against malagareal madrid beat malaga 3-1 to keep up the pressure on leaders barcelona\n", + "[1.3748162 1.5157063 1.2942556 1.3024628 1.2025498 1.0913193 1.0224155\n", + " 1.1561515 1.034609 1.1139936 1.0522197 1.0160196 1.0226866 1.025256\n", + " 1.035426 1.0120766 1.0104184 1.0115048 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 7 9 5 10 14 8 13 12 6 11 15 17 16 19 18 20]\n", + "=======================\n", + "[\"hamilton controlled the race in shanghai to seal his second victory in three races and extend his lead at the summit of the formula one world championship .lewis hamilton 's feud with nico rosberg has erupted once more following an explosive press conference at the chinese grand prix .lewis hamilton celebrates his win with the mercedes team , but nico rosberg appears less pleased with 2nd\"]\n", + "=======================\n", + "['lewis hamilton held off the challenge from nico rosberg to win in chinabut rosberg was furious with his mercedes team-mate after the grand prixgerman accused hamilton of compromising his race by driving too slowlybut hamilton , who leads the championship , has denied any wrong-doinghamilton is already 17 points clear of rosberg in race for the f1 title']\n", + "hamilton controlled the race in shanghai to seal his second victory in three races and extend his lead at the summit of the formula one world championship .lewis hamilton 's feud with nico rosberg has erupted once more following an explosive press conference at the chinese grand prix .lewis hamilton celebrates his win with the mercedes team , but nico rosberg appears less pleased with 2nd\n", + "lewis hamilton held off the challenge from nico rosberg to win in chinabut rosberg was furious with his mercedes team-mate after the grand prixgerman accused hamilton of compromising his race by driving too slowlybut hamilton , who leads the championship , has denied any wrong-doinghamilton is already 17 points clear of rosberg in race for the f1 title\n", + "[1.3618721 1.2636957 1.1795275 1.414731 1.2722952 1.1529422 1.0393691\n", + " 1.2128187 1.0601358 1.2396237 1.1158614 1.058803 1.0270694 1.0071499\n", + " 1.0071635 1.0064889 1.0083313 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 4 1 9 7 2 5 10 8 11 6 12 16 14 13 15 19 17 18 20]\n", + "=======================\n", + "[\"tottenham will subsidise emmanuel adebayor 's # 100,000-per-week wages in order for him to leave the clubadebayor ( right ) is out of favour under current tottenham manager mauricio pochettino ( centre )the 31-year-old togolese forward has made just nine league starts this season for spurs\"]\n", + "=======================\n", + "[\"emmanuel adebayor 's current tottenham contract runs out in 2016the striker is unwilling to take anything less than his current # 5.2 million salary before accepting a move out of white hart lanetogolese forward has made just nine league starts this season\"]\n", + "tottenham will subsidise emmanuel adebayor 's # 100,000-per-week wages in order for him to leave the clubadebayor ( right ) is out of favour under current tottenham manager mauricio pochettino ( centre )the 31-year-old togolese forward has made just nine league starts this season for spurs\n", + "emmanuel adebayor 's current tottenham contract runs out in 2016the striker is unwilling to take anything less than his current # 5.2 million salary before accepting a move out of white hart lanetogolese forward has made just nine league starts this season\n", + "[1.3248594 1.5392647 1.3982022 1.315013 1.0715766 1.0372748 1.01772\n", + " 1.0293112 1.0147995 1.0295582 1.143511 1.2692641 1.0573965 1.0510437\n", + " 1.0144812 1.010918 1.0083488 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 11 10 4 12 13 5 9 7 6 8 14 15 16 17 18 19]\n", + "=======================\n", + "['the 26-year-old from burnham-on-sea won the 2013 bmx world title and was the world cup series champion in 2014 .phillips , who races in the manchester world cup event this weekend , plans to use 2015 to experiment with tactics in a bid to arrive at the start gate in rio full of confidence .liam phillips knows he must expand his repertoire to aid his bid for olympic glory .']\n", + "=======================\n", + "['liam phillips was world cup series champion in 2014but phillips wants to use the 2015 series to develop his tactics for riobmx rider also looking to reclaim his world championship title this year']\n", + "the 26-year-old from burnham-on-sea won the 2013 bmx world title and was the world cup series champion in 2014 .phillips , who races in the manchester world cup event this weekend , plans to use 2015 to experiment with tactics in a bid to arrive at the start gate in rio full of confidence .liam phillips knows he must expand his repertoire to aid his bid for olympic glory .\n", + "liam phillips was world cup series champion in 2014but phillips wants to use the 2015 series to develop his tactics for riobmx rider also looking to reclaim his world championship title this year\n", + "[1.1974821 1.5298665 1.3791586 1.3558954 1.2703699 1.0480151 1.0208918\n", + " 1.0352609 1.0574234 1.0289112 1.1690791 1.1946034 1.1208743 1.0263187\n", + " 1.0206069 1.0206461 1.0097532 1.0084511 1.0076855 1.0194819]\n", + "\n", + "[ 1 2 3 4 0 11 10 12 8 5 7 9 13 6 15 14 19 16 17 18]\n", + "=======================\n", + "['little matilda fitt - who played baby julia poldark in the bbc drama - was born to 34-year-old hannah fitt nine weeks early in their home town of barry , south wales , weighing just 2lb 12oz .matilda , now 21 months old , won the part to make her small screen debut only weeks after leaving the hospital , where she was treated for pneumonia .matilda was chosen to play to julie , who in the tv show died from putrid throat , because of her small size .']\n", + "=======================\n", + "['matilda fitt , now 21 months old , played baby julia poldark in bbc showthe real-life infant was born nine weeks early , and battled pneumoniamatilda was chosen to play julia because of her small sizeunlike her character , who died of putrid throat , matilda is now doing well']\n", + "little matilda fitt - who played baby julia poldark in the bbc drama - was born to 34-year-old hannah fitt nine weeks early in their home town of barry , south wales , weighing just 2lb 12oz .matilda , now 21 months old , won the part to make her small screen debut only weeks after leaving the hospital , where she was treated for pneumonia .matilda was chosen to play to julie , who in the tv show died from putrid throat , because of her small size .\n", + "matilda fitt , now 21 months old , played baby julia poldark in bbc showthe real-life infant was born nine weeks early , and battled pneumoniamatilda was chosen to play julia because of her small sizeunlike her character , who died of putrid throat , matilda is now doing well\n", + "[1.2768483 1.370376 1.3187131 1.2993779 1.1328849 1.3003654 1.177249\n", + " 1.1285703 1.0111922 1.0150146 1.1397111 1.0684373 1.009567 1.1224487\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 5 3 0 6 10 4 7 13 11 9 8 12 14 15 16 17 18 19]\n", + "=======================\n", + "[\"st patrick 's parish in stephensville , wisconsin said in a statement that the original pig rassle will be replaced this august with a human mud foosball tournament .global conservation group , an animal advocacy group , launched an online petition claiming the tournament was inhumane to the pigs .it garnered more than 81,000 signatures in efforts to cancel the event .\"]\n", + "=======================\n", + "[\"st patrick 's parish in wisconsin said its four-decade tradition , original pig rassle , will be replaced with human mud foosball this summerglobal conversation group started online petition last august to cancel event claiming it was inhumane ; it collected more than 81,000 signaturesthe group said they are ` very proud of the church for doing what 's right ' and consider this a huge step for animal welfare\"]\n", + "st patrick 's parish in stephensville , wisconsin said in a statement that the original pig rassle will be replaced this august with a human mud foosball tournament .global conservation group , an animal advocacy group , launched an online petition claiming the tournament was inhumane to the pigs .it garnered more than 81,000 signatures in efforts to cancel the event .\n", + "st patrick 's parish in wisconsin said its four-decade tradition , original pig rassle , will be replaced with human mud foosball this summerglobal conversation group started online petition last august to cancel event claiming it was inhumane ; it collected more than 81,000 signaturesthe group said they are ` very proud of the church for doing what 's right ' and consider this a huge step for animal welfare\n", + "[1.2682185 1.4859377 1.3146533 1.2492974 1.2370801 1.1428845 1.036796\n", + " 1.0295534 1.0311416 1.0746428 1.039205 1.0623709 1.0279981 1.0266745\n", + " 1.0331651 1.0168866 1.0177051 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 5 9 11 10 6 14 8 7 12 13 16 15 18 17 19]\n", + "=======================\n", + "[\"jessica silva 's ex partner , james polkinghorne sent her a text message threatening to ` cave her f *** ing head in ' and ` bash the f *** ' out of her before arriving at her marrickville home fuelled on ` ice ' on mothers day in 2012 .fearing for her life , ms silva called her brother to come help her and sent her mother a desperate text message that said , ` mum , the psycho is coming . 'the young woman who killed her ice-addicted partner has spoken out about the horrific moment she stabbed him with a kitchen knife and has begged his father to forgive her .\"]\n", + "=======================\n", + "[\"jessica silva stabbed james polkinghorne outside her home in 2012ms silva was physically and mentally abused by polkinghorneshe claims that if she had not acted first she would have been killedsilva has sought forgiveness from his father and has reunited with himwhile he ca n't understand why she killed his son he said he has ` no anger 'jessica was found guilty of manslaughter but had her sentence suspended\"]\n", + "jessica silva 's ex partner , james polkinghorne sent her a text message threatening to ` cave her f *** ing head in ' and ` bash the f *** ' out of her before arriving at her marrickville home fuelled on ` ice ' on mothers day in 2012 .fearing for her life , ms silva called her brother to come help her and sent her mother a desperate text message that said , ` mum , the psycho is coming . 'the young woman who killed her ice-addicted partner has spoken out about the horrific moment she stabbed him with a kitchen knife and has begged his father to forgive her .\n", + "jessica silva stabbed james polkinghorne outside her home in 2012ms silva was physically and mentally abused by polkinghorneshe claims that if she had not acted first she would have been killedsilva has sought forgiveness from his father and has reunited with himwhile he ca n't understand why she killed his son he said he has ` no anger 'jessica was found guilty of manslaughter but had her sentence suspended\n", + "[1.2945356 1.2961504 1.4007262 1.2254881 1.2945988 1.0555892 1.0396498\n", + " 1.0874406 1.0264311 1.0876838 1.0356903 1.0350187 1.1102237 1.2734796\n", + " 1.0160401 1.0462717 1.0365921 1.0398895 1.0147492 0. ]\n", + "\n", + "[ 2 1 4 0 13 3 12 9 7 5 15 17 6 16 10 11 8 14 18 19]\n", + "=======================\n", + "['winchester council in hampshire said its annual clean-up of roads around the city had been hit by new health and safety executive rules designed to protect litter-pickers from traffic .council chiefs were condemned last night after claiming it was too dangerous to collect the roadside litter blighting britain .last night , former poet laureate sir andrew motion , now president of the campaign to protect rural england , accused town hall bosses and the highways agency of ruining the countryside by failing to remove rubbish .']\n", + "=======================\n", + "[\"winchester council in hampshire claimed annual clean-up hit by new rulesbut the health and safety executive denied tightening rules and added that councils were ` over-interpreting ' legislationpoet laureate sir andrew motion accused town hall bosses and highways agency of ruining the countryside by failing to remove rubbish\"]\n", + "winchester council in hampshire said its annual clean-up of roads around the city had been hit by new health and safety executive rules designed to protect litter-pickers from traffic .council chiefs were condemned last night after claiming it was too dangerous to collect the roadside litter blighting britain .last night , former poet laureate sir andrew motion , now president of the campaign to protect rural england , accused town hall bosses and the highways agency of ruining the countryside by failing to remove rubbish .\n", + "winchester council in hampshire claimed annual clean-up hit by new rulesbut the health and safety executive denied tightening rules and added that councils were ` over-interpreting ' legislationpoet laureate sir andrew motion accused town hall bosses and highways agency of ruining the countryside by failing to remove rubbish\n", + "[1.0516794 1.039505 1.1014274 1.2523668 1.3721112 1.0448751 1.2134982\n", + " 1.155651 1.1208011 1.144449 1.1872567 1.0982437 1.0312836 1.0186503\n", + " 1.0184972 1.0378007 1.0195047 1.014665 1.0155209]\n", + "\n", + "[ 4 3 6 10 7 9 8 2 11 0 5 1 15 12 16 13 14 18 17]\n", + "=======================\n", + "['while firearms are prohibited , hunting fans can practise archery deer hunting at pittsburgh international airporthere , mail online travel reveals the best - and most bizarre things you can do with a couple of spare hours at an airport .turkey hunting season begins in april and ends at the end of may , and is allowed in designated areas around the st. cloud regional airport , in minnesota .']\n", + "=======================\n", + "['travellers stopping at the st. cloud airport in minnesota can hunt turkeypittsburgh airport offers deer hunting permits on its 800 acres of landsan francisco offers its guests a choice of two yoga rooms to unwind in']\n", + "while firearms are prohibited , hunting fans can practise archery deer hunting at pittsburgh international airporthere , mail online travel reveals the best - and most bizarre things you can do with a couple of spare hours at an airport .turkey hunting season begins in april and ends at the end of may , and is allowed in designated areas around the st. cloud regional airport , in minnesota .\n", + "travellers stopping at the st. cloud airport in minnesota can hunt turkeypittsburgh airport offers deer hunting permits on its 800 acres of landsan francisco offers its guests a choice of two yoga rooms to unwind in\n", + "[1.3649473 1.3070772 1.2889409 1.2240815 1.1760451 1.1430322 1.0822791\n", + " 1.0998477 1.0417205 1.0186101 1.0685656 1.0473003 1.0674479 1.0833492\n", + " 1.106645 1.0600339 1.0492119 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 5 14 7 13 6 10 12 15 16 11 8 9 17 18]\n", + "=======================\n", + "[\"the remains of friedrich branft , 22 , make the first complete skeleton to be recovered from the battle of waterloo 200 years agoafter a painstaking process historians identified the man as friedrich brandt , 23 , a hanoverian hunchback who trained in the east sussex resort of bexhill-on-sea .brandt , a member of george iii 's german legion , was killed by napoleon 's forces and was found with a musket ball between his ribs , the sunday times reported .\"]\n", + "=======================\n", + "[\"expert identified man who fought with british troops as friedrich brandtthe remains are the first complete skeleton to be recovered from waterlooa piece of wood , a spoon and a month 's wages turned out to be vital clues\"]\n", + "the remains of friedrich branft , 22 , make the first complete skeleton to be recovered from the battle of waterloo 200 years agoafter a painstaking process historians identified the man as friedrich brandt , 23 , a hanoverian hunchback who trained in the east sussex resort of bexhill-on-sea .brandt , a member of george iii 's german legion , was killed by napoleon 's forces and was found with a musket ball between his ribs , the sunday times reported .\n", + "expert identified man who fought with british troops as friedrich brandtthe remains are the first complete skeleton to be recovered from waterlooa piece of wood , a spoon and a month 's wages turned out to be vital clues\n", + "[1.4878546 1.2807459 1.2044294 1.4648342 1.1177273 1.1414318 1.0292552\n", + " 1.0253271 1.0352447 1.0379798 1.0267426 1.1039128 1.047337 1.2067413\n", + " 1.0828949 1.0562445 1.0328826 0. 0. ]\n", + "\n", + "[ 0 3 1 13 2 5 4 11 14 15 12 9 8 16 6 10 7 17 18]\n", + "=======================\n", + "[\"stephanie scott , 26 , was last seen at a woolworths supermarket at leeton on easter sunday afternoon .pictured at her hen 's party , the teacher was due to marry her partner of five years on saturdaydesperate family and friends have flooded social media with dozens of messages about their search for the leeton high school drama and english teacher , who was excited about her wedding day on saturday . '\"]\n", + "=======================\n", + "[\"stephanie scott , 26 , was last seen at leeton , west of sydney , last sundayhigh school teacher is due to marry her partner of five years on saturdaypolice have grave concerns as her disappearance is ` out of character 'ms scott could be travelling in a mazda 3 sedan with registration bz-19-cd\"]\n", + "stephanie scott , 26 , was last seen at a woolworths supermarket at leeton on easter sunday afternoon .pictured at her hen 's party , the teacher was due to marry her partner of five years on saturdaydesperate family and friends have flooded social media with dozens of messages about their search for the leeton high school drama and english teacher , who was excited about her wedding day on saturday . '\n", + "stephanie scott , 26 , was last seen at leeton , west of sydney , last sundayhigh school teacher is due to marry her partner of five years on saturdaypolice have grave concerns as her disappearance is ` out of character 'ms scott could be travelling in a mazda 3 sedan with registration bz-19-cd\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[1.1742897 1.3161366 1.2159247 1.253016 1.229841 1.1304927 1.0742215\n", + " 1.0597367 1.028041 1.1176274 1.0888307 1.0749118 1.0800388 1.0708487\n", + " 1.0572134 1.0950679 1.0633305 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 5 9 15 10 12 11 6 13 16 7 14 8 17 18]\n", + "=======================\n", + "['now , researchers have shown that passive smoking affects plants too , which can take up nicotine from contaminated soil and plumes of smoke .nicotine was frequently used as an insecticide until it was banned by the european union in 2009 because of its toxicity .the finding may explain why some spices , herbal teas and medicinal plants have high concentrations of nicotine in them , despite none being allowed in insecticides .']\n", + "=======================\n", + "['technical university of braunschweig researchers analysed peppermintfound raised nicotine levels in plants subjected to cigarette smokealso showed peppermint plants take up nicotine from contaminated soilsfindings could explain high nicotine levels in some spices and teas']\n", + "now , researchers have shown that passive smoking affects plants too , which can take up nicotine from contaminated soil and plumes of smoke .nicotine was frequently used as an insecticide until it was banned by the european union in 2009 because of its toxicity .the finding may explain why some spices , herbal teas and medicinal plants have high concentrations of nicotine in them , despite none being allowed in insecticides .\n", + "technical university of braunschweig researchers analysed peppermintfound raised nicotine levels in plants subjected to cigarette smokealso showed peppermint plants take up nicotine from contaminated soilsfindings could explain high nicotine levels in some spices and teas\n", + "[1.1959 1.4922456 1.1395807 1.1607116 1.2932442 1.0458082 1.0564952\n", + " 1.0500668 1.0258924 1.0237187 1.0181242 1.0171138 1.067175 1.1435207\n", + " 1.0598812 1.0550511 1.0748793 1.0984488 0. ]\n", + "\n", + "[ 1 4 0 3 13 2 17 16 12 14 6 15 7 5 8 9 10 11 18]\n", + "=======================\n", + "[\"the far-right afrikaner resistance movement ( awb ) is training thousands of youths in military-style bootcamps northwest of johannesburg to fight for a separate white state .deep in rural south africa , a terrifying white supremacist movement is brainwashing teenagers to rise up in defiance of nelson mandela 's hard-fought dream of a rainbow nation .then by night , they are subjected to vile racist indoctrination which many hoped had disappeared from south africa for good .\"]\n", + "=======================\n", + "['far-right afrikaner resistance movement fighting for separate white staterecruit , 15 , says : ` you can not mix nations .youths subjected to vile racist indoctrination by apartheid-era leadersthey are told : ` we look different .']\n", + "the far-right afrikaner resistance movement ( awb ) is training thousands of youths in military-style bootcamps northwest of johannesburg to fight for a separate white state .deep in rural south africa , a terrifying white supremacist movement is brainwashing teenagers to rise up in defiance of nelson mandela 's hard-fought dream of a rainbow nation .then by night , they are subjected to vile racist indoctrination which many hoped had disappeared from south africa for good .\n", + "far-right afrikaner resistance movement fighting for separate white staterecruit , 15 , says : ` you can not mix nations .youths subjected to vile racist indoctrination by apartheid-era leadersthey are told : ` we look different .\n", + "[1.032903 1.5204883 1.4965397 1.3804591 1.053109 1.0312505 1.1943753\n", + " 1.1115443 1.2762856 1.1065619 1.0281948 1.0178422 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 8 6 7 9 4 0 5 10 11 17 12 13 14 15 16 18]\n", + "=======================\n", + "[\"for the first time in its history cadbury 's is set to release a super bar containing not one but seven different fillings .the seven-row dairy milk spectacular will contain one row each of : dairy milk caramel , dairy milk fruit & nut , dairy milk whole nut , dairy milk oreo , dairy milk daim , and dairy milk turkish .the cadbury team worked alongside food artist prudence staite to create the bar in in a bid to get chocolate lovers to try something new .\"]\n", + "=======================\n", + "['one row each of caramel , fruit & nut , whole nut , oreo , daim , and turkishnot available in shops as all 50 bars can only be won on twitterbrand worked alongside food artist prudence staite to create mega bar']\n", + "for the first time in its history cadbury 's is set to release a super bar containing not one but seven different fillings .the seven-row dairy milk spectacular will contain one row each of : dairy milk caramel , dairy milk fruit & nut , dairy milk whole nut , dairy milk oreo , dairy milk daim , and dairy milk turkish .the cadbury team worked alongside food artist prudence staite to create the bar in in a bid to get chocolate lovers to try something new .\n", + "one row each of caramel , fruit & nut , whole nut , oreo , daim , and turkishnot available in shops as all 50 bars can only be won on twitterbrand worked alongside food artist prudence staite to create mega bar\n", + "[1.0550164 1.0937073 1.3276381 1.27292 1.1459811 1.1697651 1.2317677\n", + " 1.1308292 1.1278994 1.2207286 1.0685234 1.0562698 1.0502791 1.0409828\n", + " 1.0513384 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 6 9 5 4 7 8 1 10 11 0 14 12 13 15 16 17 18]\n", + "=======================\n", + "['the other , five decades on , pouting beneath razor sharp cheek bones , sunken eyes and platinum blond hair .these exclusive pictures obtained by daily mail online show dermatologist and cosmetic surgeon to the stars , dr fredric brandt , the year he graduated from frank h morrell high , irvington , new jersey .dispirited : the famed 65-year-old doctor was found hanged in his miami home .']\n", + "=======================\n", + "[\"photos obtained by daily mail online show surgeon to the stars dr brandt , who hanged himself in miami on sunday , the year he graduated from his new jersey high schoolthey are in sharp contrast to the razor sharp cheek bones , sunken eyes and platinum blond hair of the well-known dermatologistdr. brandt was mercilessly lampooned in tina fey 's netflix showhe was a ` jewish kid from newark ' who was described as ` scholarly ' with an infectious grin by his peershe was voted most ambitious and most talkative student\"]\n", + "the other , five decades on , pouting beneath razor sharp cheek bones , sunken eyes and platinum blond hair .these exclusive pictures obtained by daily mail online show dermatologist and cosmetic surgeon to the stars , dr fredric brandt , the year he graduated from frank h morrell high , irvington , new jersey .dispirited : the famed 65-year-old doctor was found hanged in his miami home .\n", + "photos obtained by daily mail online show surgeon to the stars dr brandt , who hanged himself in miami on sunday , the year he graduated from his new jersey high schoolthey are in sharp contrast to the razor sharp cheek bones , sunken eyes and platinum blond hair of the well-known dermatologistdr. brandt was mercilessly lampooned in tina fey 's netflix showhe was a ` jewish kid from newark ' who was described as ` scholarly ' with an infectious grin by his peershe was voted most ambitious and most talkative student\n", + "[1.5759335 1.1721504 1.4925026 1.3335845 1.21452 1.1037817 1.1444182\n", + " 1.0815142 1.0343722 1.0146768 1.0142546 1.0628501 1.0275911 1.0498669\n", + " 1.0288229 1.0147853 1.0391843 1.0719657 1.0249195]\n", + "\n", + "[ 0 2 3 4 1 6 5 7 17 11 13 16 8 14 12 18 15 9 10]\n", + "=======================\n", + "[\"striker jay hart , 24 , has been sacked after he was filmed having sex with a supporter in the manager 's dugout while wearing a clitheroe fc tracksuitthe 73rd minute substitute for the lancashire non-league side was dismissed after the sex clip of his tryst at mossley afc in tameside , on saturday afternoon , was shared on social media .his team had just suffered a 4-1 defeat at mossley 's seel park stadium in the final game of the season which was billed as a ` ladies day ' to attract more female supporters .\"]\n", + "=======================\n", + "['striker jay hart , 24 , was caught having sex with supporter after 4-1 defeathe was filmed with the blonde in dugout while wearing tracksuithis girlfriend , who has two children , slammed those who filmed sex clipmr hart has been sacked from non-league clitheroe fc in lancashire']\n", + "striker jay hart , 24 , has been sacked after he was filmed having sex with a supporter in the manager 's dugout while wearing a clitheroe fc tracksuitthe 73rd minute substitute for the lancashire non-league side was dismissed after the sex clip of his tryst at mossley afc in tameside , on saturday afternoon , was shared on social media .his team had just suffered a 4-1 defeat at mossley 's seel park stadium in the final game of the season which was billed as a ` ladies day ' to attract more female supporters .\n", + "striker jay hart , 24 , was caught having sex with supporter after 4-1 defeathe was filmed with the blonde in dugout while wearing tracksuithis girlfriend , who has two children , slammed those who filmed sex clipmr hart has been sacked from non-league clitheroe fc in lancashire\n", + "[1.4019613 1.363657 1.1850843 1.2910901 1.159523 1.1716691 1.2094529\n", + " 1.140898 1.085031 1.081996 1.0643444 1.0660317 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 6 2 5 4 7 8 9 11 10 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"( cnn ) a prosecutor has dismissed allegations that argentine president cristina fernandez de kirchner tried to cover up iran 's involvement in a 1994 bombing in buenos aires .the move by prosecutor javier de luca to drop the case could mean a definitive end to the accusations that have roiled the nation , according to argentina 's state-run telam news agency .alberto nisman was found dead days after making the accusations .\"]\n", + "=======================\n", + "[\"the prosecutor looking at allegations against argentina 's president says no crime committedthe original prosecutor who brought the case was found dead in january\"]\n", + "( cnn ) a prosecutor has dismissed allegations that argentine president cristina fernandez de kirchner tried to cover up iran 's involvement in a 1994 bombing in buenos aires .the move by prosecutor javier de luca to drop the case could mean a definitive end to the accusations that have roiled the nation , according to argentina 's state-run telam news agency .alberto nisman was found dead days after making the accusations .\n", + "the prosecutor looking at allegations against argentina 's president says no crime committedthe original prosecutor who brought the case was found dead in january\n", + "[1.3534781 1.3021965 1.320836 1.3321226 1.0609968 1.1387894 1.1060364\n", + " 1.0459236 1.0495182 1.0630035 1.0206822 1.0142043 1.1011769 1.0458534\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 5 6 12 9 4 8 7 13 10 11 17 14 15 16 18]\n", + "=======================\n", + "[\"the chairman of a house committee investigating the 2012 terror attacks on americans in benghazi , libya , on thursday called former secretary of state hillary rodham clinton to testify at a public hearing next month .deadly : the september 11 , 2012 benghazi terror attacks killed four americans including the us ambassador to libyainfamous : ` the fact is we had four dead americans , ' clinton said during a 2013 senate hearing .\"]\n", + "=======================\n", + "[\"presidential candidate will face tough grilling about the 2012 terror attacks in libyarepublicans sought closed-door , transcribed interview before public hearing but clinton 's lawyer said she was ready to testifychairman predicts ` clinton could be done with the benghazi committee before the fourth of july 'former secretary of state expected to sit in the hot seat on capitol hill in the week of may 18 and again before june 18\"]\n", + "the chairman of a house committee investigating the 2012 terror attacks on americans in benghazi , libya , on thursday called former secretary of state hillary rodham clinton to testify at a public hearing next month .deadly : the september 11 , 2012 benghazi terror attacks killed four americans including the us ambassador to libyainfamous : ` the fact is we had four dead americans , ' clinton said during a 2013 senate hearing .\n", + "presidential candidate will face tough grilling about the 2012 terror attacks in libyarepublicans sought closed-door , transcribed interview before public hearing but clinton 's lawyer said she was ready to testifychairman predicts ` clinton could be done with the benghazi committee before the fourth of july 'former secretary of state expected to sit in the hot seat on capitol hill in the week of may 18 and again before june 18\n", + "[1.2019304 1.2003696 1.4688513 1.3292314 1.2534975 1.12223 1.0547397\n", + " 1.0875038 1.2460996 1.0577736 1.0294645 1.0239514 1.0327137 1.0095117\n", + " 1.1502168 1.0369623 1.1724191 1.0862554 1.0142955]\n", + "\n", + "[ 2 3 4 8 0 1 16 14 5 7 17 9 6 15 12 10 11 18 13]\n", + "=======================\n", + "[\"the average listener spent just ten hours a week tuning in to bbc radio in the last three months of 2014 , according to official figures .figures show that while millions still tune in , they listen for much shorter bursts .the minutes of the bbc trust 's february meeting , published yesterday , revealed that director general tony hall highlighted the fall .\"]\n", + "=======================\n", + "['figures show that while millions still tune in they listen for shorter burstsaverage listener spent ten hours a week tuning in last three months of 2014this was 14 % down on decade earlier , when people tuned in for 11.6 hoursthe bbc trust has cleared the way for firms to buy their way into lifestyle programmes on the world news channel in a product placement experiment .']\n", + "the average listener spent just ten hours a week tuning in to bbc radio in the last three months of 2014 , according to official figures .figures show that while millions still tune in , they listen for much shorter bursts .the minutes of the bbc trust 's february meeting , published yesterday , revealed that director general tony hall highlighted the fall .\n", + "figures show that while millions still tune in they listen for shorter burstsaverage listener spent ten hours a week tuning in last three months of 2014this was 14 % down on decade earlier , when people tuned in for 11.6 hoursthe bbc trust has cleared the way for firms to buy their way into lifestyle programmes on the world news channel in a product placement experiment .\n", + "[1.4501516 1.2639986 1.2573915 1.4670306 1.0527678 1.0121056 1.0144731\n", + " 1.0118417 1.0099587 1.0106733 1.0177859 1.025515 1.0854833 1.0242901\n", + " 1.1449722 1.0721207 1.0834601 1.0702615 1.0459061]\n", + "\n", + "[ 3 0 1 2 14 12 16 15 17 4 18 11 13 10 6 5 7 9 8]\n", + "=======================\n", + "[\"papiss cisse is newcastle 's top scorer this season with 11 goals - 10 of those were decisivenewcastle will be keen to avoid a third defeat on the spin when they take on rivals sunderland in sunday 's crunch derby after floundering in recent weeks without banned striker papiss cisse .it is dick advocaat 's side who are struggling at the foot of the barclays premier league table -- sitting perilously one point above the bottom three - but sportsmail can reveal that john carver 's team would be two points adrift of their foes in the relegation zone if it were n't for cisse 's goals .\"]\n", + "=======================\n", + "['newcastle hope to avoid third defeat in a row when they face sunderlandpapiss cisse has scored 11 premier league goals this season10 of those have been decisive , and the magpies would be in the relegation zone behind sunderland without his goals']\n", + "papiss cisse is newcastle 's top scorer this season with 11 goals - 10 of those were decisivenewcastle will be keen to avoid a third defeat on the spin when they take on rivals sunderland in sunday 's crunch derby after floundering in recent weeks without banned striker papiss cisse .it is dick advocaat 's side who are struggling at the foot of the barclays premier league table -- sitting perilously one point above the bottom three - but sportsmail can reveal that john carver 's team would be two points adrift of their foes in the relegation zone if it were n't for cisse 's goals .\n", + "newcastle hope to avoid third defeat in a row when they face sunderlandpapiss cisse has scored 11 premier league goals this season10 of those have been decisive , and the magpies would be in the relegation zone behind sunderland without his goals\n", + "[1.1385803 1.3899783 1.299607 1.2839313 1.1585039 1.1099646 1.0577116\n", + " 1.0743243 1.0818452 1.1069239 1.069904 1.0496228 1.0290171 1.076043\n", + " 1.1991487 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 14 4 0 5 9 8 13 7 10 6 11 12 17 15 16 18]\n", + "=======================\n", + "['details of the plot for 2016 \\'s \" star wars : rogue one \" were revealed during a panel at star wars celebration fan festival sunday in anaheim , california .a group of rebels go on a rogue mission to steal plans for the death star .jones will play a rebel soldier .']\n", + "=======================\n", + "['the plot focuses on a rogue mission to steal plans for death starfelicity jones will star as a rebel soldier']\n", + "details of the plot for 2016 's \" star wars : rogue one \" were revealed during a panel at star wars celebration fan festival sunday in anaheim , california .a group of rebels go on a rogue mission to steal plans for the death star .jones will play a rebel soldier .\n", + "the plot focuses on a rogue mission to steal plans for death starfelicity jones will star as a rebel soldier\n", + "[1.1684432 1.2806016 1.2911869 1.3574874 1.3348495 1.1423917 1.1355827\n", + " 1.0429261 1.0452139 1.0752594 1.0915921 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 2 1 0 5 6 10 9 8 7 17 11 12 13 14 15 16 18]\n", + "=======================\n", + "[\"doncaster 's league one encounter against fleetwood tested the patience of the most ardent fandoncaster 's media team faced a tough challenge compling the match highlights of 0-0 drawsaturday 's visit of fleetwood town , who were eyeing the beach after their play-off hopes had all but evaporated , hardly promised to be a thriller .\"]\n", + "=======================\n", + "[\"doncaster posted highlights video on the club 's youtube channelthe yorkshire side drew 0-0 with fleetwood in league one encounter\"]\n", + "doncaster 's league one encounter against fleetwood tested the patience of the most ardent fandoncaster 's media team faced a tough challenge compling the match highlights of 0-0 drawsaturday 's visit of fleetwood town , who were eyeing the beach after their play-off hopes had all but evaporated , hardly promised to be a thriller .\n", + "doncaster posted highlights video on the club 's youtube channelthe yorkshire side drew 0-0 with fleetwood in league one encounter\n", + "[1.1526337 1.3079443 1.1604861 1.1620998 1.344964 1.31211 1.1575003\n", + " 1.1824672 1.0290045 1.1788198 1.0416472 1.0253714 1.0659688 1.2021409\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 5 1 13 7 9 3 2 6 0 12 10 8 11 14 15 16 17 18]\n", + "=======================\n", + "['roxy walsh shared a photo of a gold ring she found on facebook in the hope of finding its ownerroxy walsh ( pictured in bali ) found the ring while snorkelling at finns beach club in bali on april 7however , an australian woman is on a campaign to reunite a lost ring with its owner after discovering the buried treasure deep in the ocean .']\n", + "=======================\n", + "['queensland woman roxy walsh found an inscribed gold ring in balithe sentimental jewellery piece was found in the ocean while snorkellingms walsh has launched a campaign to return the ring to the people who own it , hoped to be \" joe \" or \" jenny \" according to inscriptionfacebook post has already been shared by more than 23 thousand people']\n", + "roxy walsh shared a photo of a gold ring she found on facebook in the hope of finding its ownerroxy walsh ( pictured in bali ) found the ring while snorkelling at finns beach club in bali on april 7however , an australian woman is on a campaign to reunite a lost ring with its owner after discovering the buried treasure deep in the ocean .\n", + "queensland woman roxy walsh found an inscribed gold ring in balithe sentimental jewellery piece was found in the ocean while snorkellingms walsh has launched a campaign to return the ring to the people who own it , hoped to be \" joe \" or \" jenny \" according to inscriptionfacebook post has already been shared by more than 23 thousand people\n", + "[1.190979 1.2836288 1.2435132 1.1677817 1.053201 1.2536407 1.1278553\n", + " 1.2300221 1.0966638 1.0744511 1.1067508 1.0629247 1.0603467 1.0241126\n", + " 1.022638 1.0549079 1.0184444 0. 0. 0. ]\n", + "\n", + "[ 1 5 2 7 0 3 6 10 8 9 11 12 15 4 13 14 16 17 18 19]\n", + "=======================\n", + "[\"this is according to a british study that has discovered a catastrophic condition called ` marine photic zone euxinia ' took place in one of the prehistoric oceans .the study authors fear that the planet today could suffer similar consequencesthis happens when the sun-lit surface waters of the ocean become devoid of oxygen and are poisoned by hydrogen sulphide .\"]\n", + "=======================\n", + "[\"the rate of co2 released from burning fossil fuels has increasedit is now similar to levels released from volcanic rifts during triassicthis created disastrous condition dubbed ` marine photic zone euxinia 'this happens when surface ocean waters become devoid of oxygen\"]\n", + "this is according to a british study that has discovered a catastrophic condition called ` marine photic zone euxinia ' took place in one of the prehistoric oceans .the study authors fear that the planet today could suffer similar consequencesthis happens when the sun-lit surface waters of the ocean become devoid of oxygen and are poisoned by hydrogen sulphide .\n", + "the rate of co2 released from burning fossil fuels has increasedit is now similar to levels released from volcanic rifts during triassicthis created disastrous condition dubbed ` marine photic zone euxinia 'this happens when surface ocean waters become devoid of oxygen\n", + "[1.3621234 1.3821836 1.3753376 1.4756006 1.2808318 1.0801613 1.0356154\n", + " 1.0148246 1.0182002 1.039655 1.0421959 1.0157719 1.0343535 1.0332952\n", + " 1.0304556 1.0226839 1.0180458 1.0138776 1.0122914 1.0126482]\n", + "\n", + "[ 3 1 2 0 4 5 10 9 6 12 13 14 15 8 16 11 7 17 19 18]\n", + "=======================\n", + "[\"michael vaughan has emerged as the favourite for the newly created role of director of england cricketthe 2005 ashes winning captain is the hot favourite on the three-man shortlist compiled by the ecb at thursday 's management board meeting ahead of andrew strauss and alec stewart , who have both registered their interest .vaughan spoke with new ecb chief executive tom harrison for an hour and has worked closely in the past with chairman-elect colin graves at yorkshire and looks set to be offered the job if he can reach agreement .\"]\n", + "=======================\n", + "['michael vaughan is the hot favourite to replace paul downtonvaughan named on shortlist along with andrew strauss and alec stewartthe 2005 ashes winning captain has held talks with tom harrison']\n", + "michael vaughan has emerged as the favourite for the newly created role of director of england cricketthe 2005 ashes winning captain is the hot favourite on the three-man shortlist compiled by the ecb at thursday 's management board meeting ahead of andrew strauss and alec stewart , who have both registered their interest .vaughan spoke with new ecb chief executive tom harrison for an hour and has worked closely in the past with chairman-elect colin graves at yorkshire and looks set to be offered the job if he can reach agreement .\n", + "michael vaughan is the hot favourite to replace paul downtonvaughan named on shortlist along with andrew strauss and alec stewartthe 2005 ashes winning captain has held talks with tom harrison\n", + "[1.392923 1.2506531 1.2237333 1.5133481 1.2280719 1.1194314 1.0607709\n", + " 1.1439282 1.0965478 1.0367613 1.016168 1.0284772 1.0237441 1.0104448\n", + " 1.014105 1.009831 1.0108434 1.1070929 0. 0. ]\n", + "\n", + "[ 3 0 1 4 2 7 5 17 8 6 9 11 12 10 14 16 13 15 18 19]\n", + "=======================\n", + "[\"celtic 's stuart armstrong ( right ) is hoping to get his hands on the scottish premiership titlestuart armstrong admits taking receipt of his first scottish premiership league winners ' medal would help finalise the process of feeling like a celtic player .for the young midfielder , a parkhead title party next month would also help make up for the hurt he suffered at the very same venue 12 months previously .\"]\n", + "=======================\n", + "[\"stuart armstrong is hoping he can win his first premiership titlearmstrong joined celtic from dundee united in january 2015he experienced heartache during last season 's scottish cup finalarmstrong and his then dundee united team-mates were beaten 2-0\"]\n", + "celtic 's stuart armstrong ( right ) is hoping to get his hands on the scottish premiership titlestuart armstrong admits taking receipt of his first scottish premiership league winners ' medal would help finalise the process of feeling like a celtic player .for the young midfielder , a parkhead title party next month would also help make up for the hurt he suffered at the very same venue 12 months previously .\n", + "stuart armstrong is hoping he can win his first premiership titlearmstrong joined celtic from dundee united in january 2015he experienced heartache during last season 's scottish cup finalarmstrong and his then dundee united team-mates were beaten 2-0\n", + "[1.3824686 1.228458 1.4300712 1.1950572 1.1495277 1.1652803 1.1449262\n", + " 1.0519829 1.0347334 1.0329489 1.0387051 1.0653217 1.2199095 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 12 3 5 4 6 11 7 10 8 9 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"change4life , which is being run by public health england to help address the country 's obesity crisis , is promoting dishes on its website with up to 29g of sugar per serving -- about seven teaspoons ' worth .obesity risk : sugary dishes are being promoted by the government 's flagship anti-obesity initiativeits apricot bread pudding has slightly more sugar than a snickers bar , which has 27g .\"]\n", + "=======================\n", + "[\"change4life run by public health england to tackle country 's obesity crisisit is promoting dishes on its website with up to 29g of sugar per servingthe apricot bread pudding recipe slightly more sugar than a snickers barcardiologists say advice is ` disturbing ' and is ` legitimises unhealthy foods '\"]\n", + "change4life , which is being run by public health england to help address the country 's obesity crisis , is promoting dishes on its website with up to 29g of sugar per serving -- about seven teaspoons ' worth .obesity risk : sugary dishes are being promoted by the government 's flagship anti-obesity initiativeits apricot bread pudding has slightly more sugar than a snickers bar , which has 27g .\n", + "change4life run by public health england to tackle country 's obesity crisisit is promoting dishes on its website with up to 29g of sugar per servingthe apricot bread pudding recipe slightly more sugar than a snickers barcardiologists say advice is ` disturbing ' and is ` legitimises unhealthy foods '\n", + "[1.1039294 1.3213245 1.3709038 1.2696139 1.1499492 1.1154925 1.2179315\n", + " 1.0977377 1.0392743 1.0404683 1.1035619 1.069956 1.0836706 1.037576\n", + " 1.0590904 1.0771334 1.0579941 1.0632244 0. 0. ]\n", + "\n", + "[ 2 1 3 6 4 5 0 10 7 12 15 11 17 14 16 9 8 13 18 19]\n", + "=======================\n", + "[\"it closed in 1995 but is now set to have new life breathed into it after planning permission was granted to build 102 apartments in its place .opened in 1818 , the asylum once housed nearly 1,000 patients and expands over 350 metres in length overlooking the town of stafford in the west midlands .shattered doors , overturned bathtubs and crumbling floors dominate the grade ii listed st george 's county asylum where patients were restrained by means of ` the leather muff , ' ` iron handcuffs ' and ` restraint chair ' .\"]\n", + "=======================\n", + "[\"mysterious history of grade ii listed asylum in the west midlands revealed in sinister looking photographsst george 's county asylum in stafford was opened in 1818 and once housed nearly 1,000 patientsdysentery and syphilis said to be widespread , while patients were restrained in chairs and by ` iron handcuffs 'a developer is now looking to transform the haunting structure by building a block of apartments in its place\"]\n", + "it closed in 1995 but is now set to have new life breathed into it after planning permission was granted to build 102 apartments in its place .opened in 1818 , the asylum once housed nearly 1,000 patients and expands over 350 metres in length overlooking the town of stafford in the west midlands .shattered doors , overturned bathtubs and crumbling floors dominate the grade ii listed st george 's county asylum where patients were restrained by means of ` the leather muff , ' ` iron handcuffs ' and ` restraint chair ' .\n", + "mysterious history of grade ii listed asylum in the west midlands revealed in sinister looking photographsst george 's county asylum in stafford was opened in 1818 and once housed nearly 1,000 patientsdysentery and syphilis said to be widespread , while patients were restrained in chairs and by ` iron handcuffs 'a developer is now looking to transform the haunting structure by building a block of apartments in its place\n", + "[1.19801 1.1129725 1.03521 1.0403109 1.3344121 1.1104786 1.097371\n", + " 1.1561105 1.0926713 1.0859368 1.0373144 1.1169071 1.0344077 1.0342294\n", + " 1.0428728 1.0349505 1.0425739 1.1283801 1.03342 1.0230416 1.0688738\n", + " 1.0345545]\n", + "\n", + "[ 4 0 7 17 11 1 5 6 8 9 20 14 16 3 10 2 15 21 12 13 18 19]\n", + "=======================\n", + "[\"cleopatra was known for her love of perfume , liberally applying lotus and rose oil to her upper lip .` floral perfumes can take years off a woman 'cleopatra believed that smelling divine was the real key to a man 's heart , ' she says .\"]\n", + "=======================\n", + "['according to scientists , perfume really can make us more attractivelavender has been shown to calm and soothe the mindcitrus smells evoke images of health and cleanliness']\n", + "cleopatra was known for her love of perfume , liberally applying lotus and rose oil to her upper lip .` floral perfumes can take years off a woman 'cleopatra believed that smelling divine was the real key to a man 's heart , ' she says .\n", + "according to scientists , perfume really can make us more attractivelavender has been shown to calm and soothe the mindcitrus smells evoke images of health and cleanliness\n", + "[1.2148608 1.3709846 1.1099193 1.3833826 1.3741212 1.1807446 1.0255325\n", + " 1.1634984 1.056965 1.0914434 1.1023102 1.0781341 1.0626358 1.0437843\n", + " 1.0429015 1.0152277 1.0411354 1.0406628 1.0448154 1.021113 0.\n", + " 0. ]\n", + "\n", + "[ 3 4 1 0 5 7 2 10 9 11 12 8 18 13 14 16 17 6 19 15 20 21]\n", + "=======================\n", + "['missed : rama the elephant was euthanized this week at the age of 31 by oregon zoo officials .his leg was injured after female elephants shoved him into a moat in 1990a zoo is facing criticism from animal rights activists after an asian elephant died - 25 years after he sustained a leg injury while in captivity there .']\n", + "=======================\n", + "[\"rama the elephant , who completed paintings with his trunk , died monday , oregon zoo officials announced on facebookzoo officials said rama 's leg was hurt in 1990 , when older female elephants shoved him out of the herd and he went into a moatthey said rama was euthanized after health problems from the leg injuryelephant group free the oregon zoo elephants has claimed zoo officials should not have placed rama with the females at a young age\"]\n", + "missed : rama the elephant was euthanized this week at the age of 31 by oregon zoo officials .his leg was injured after female elephants shoved him into a moat in 1990a zoo is facing criticism from animal rights activists after an asian elephant died - 25 years after he sustained a leg injury while in captivity there .\n", + "rama the elephant , who completed paintings with his trunk , died monday , oregon zoo officials announced on facebookzoo officials said rama 's leg was hurt in 1990 , when older female elephants shoved him out of the herd and he went into a moatthey said rama was euthanized after health problems from the leg injuryelephant group free the oregon zoo elephants has claimed zoo officials should not have placed rama with the females at a young age\n", + "[1.4213628 1.4013481 1.2141883 1.379956 1.2958506 1.0482688 1.0136926\n", + " 1.021431 1.1791917 1.0606047 1.1526027 1.0756307 1.0378208 1.1142989\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 4 2 8 10 13 11 9 5 12 7 6 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"greg rusedski has supported aljaz bedene 's bid to overturn an international tennis federation ruling and become eligible to represent great britain in the davis cup .slovenia-born bedene secured a british passport last month but can not currently represent his new nation in the competition having played twice for slovenia in 2010 and 2011 .bedene is currently ranked 99 in the world , making him british no 2 behind andy murray and ahead of james ward , kyle edmund and liam broady .\"]\n", + "=======================\n", + "[\"slovenian-born aljaz bedene secured a british passport last monthinternational tennis federation ruled bedene ca n't play for great britainruling comes after bedene played twice for slovenia in 2010 and 2011rusedski , who switched to britain from canada , offered his supportbedene 's world no 99 ranking puts him only behind andy murray in britainmurray backed bedene 's switch saying it would motivate those below him\"]\n", + "greg rusedski has supported aljaz bedene 's bid to overturn an international tennis federation ruling and become eligible to represent great britain in the davis cup .slovenia-born bedene secured a british passport last month but can not currently represent his new nation in the competition having played twice for slovenia in 2010 and 2011 .bedene is currently ranked 99 in the world , making him british no 2 behind andy murray and ahead of james ward , kyle edmund and liam broady .\n", + "slovenian-born aljaz bedene secured a british passport last monthinternational tennis federation ruled bedene ca n't play for great britainruling comes after bedene played twice for slovenia in 2010 and 2011rusedski , who switched to britain from canada , offered his supportbedene 's world no 99 ranking puts him only behind andy murray in britainmurray backed bedene 's switch saying it would motivate those below him\n", + "[1.3481323 1.2749897 1.2753689 1.3324673 1.1692628 1.2350787 1.1115102\n", + " 1.0481048 1.0542388 1.0604798 1.0677086 1.1207024 1.0845037 1.0295092\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 2 1 5 4 11 6 12 10 9 8 7 13 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"after patrick bamford , joe garner and danny mayor were crowned their division 's player of the year on sunday , the football league has revealed the players who were nipping at their heels for the honour .ipswich town 's daryl murphy was second in the voting ahead troy deeney , whose been in top form for championship leaders watford , in a list dominated by attacking players .on-loan chelsea striker bamford 's efforts at middlesbrough were rewarded with the championship award , as voted by sky bet football league club managers , with his team-mates grant leadbitter and lee tomlin also in the second tier 's top 10 .\"]\n", + "=======================\n", + "[\"daryl murphy was second to patrick bamford for the championship awardyoung player of the year dele alli behind joe garner in league oneshrewsbury town had three players in league two 's top 10 playersfootball league player of the year awards given out on sundaytop ten from votes by football league managers released on thursday\"]\n", + "after patrick bamford , joe garner and danny mayor were crowned their division 's player of the year on sunday , the football league has revealed the players who were nipping at their heels for the honour .ipswich town 's daryl murphy was second in the voting ahead troy deeney , whose been in top form for championship leaders watford , in a list dominated by attacking players .on-loan chelsea striker bamford 's efforts at middlesbrough were rewarded with the championship award , as voted by sky bet football league club managers , with his team-mates grant leadbitter and lee tomlin also in the second tier 's top 10 .\n", + "daryl murphy was second to patrick bamford for the championship awardyoung player of the year dele alli behind joe garner in league oneshrewsbury town had three players in league two 's top 10 playersfootball league player of the year awards given out on sundaytop ten from votes by football league managers released on thursday\n", + "[1.3863328 1.252513 1.2691698 1.2870016 1.2745957 1.1145487 1.0511882\n", + " 1.0226316 1.0175898 1.0836916 1.1204399 1.0704094 1.0677283 1.0247164\n", + " 1.0507747 1.0493859 1.0799067 1.0654202 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 4 2 1 10 5 9 16 11 12 17 6 14 15 13 7 8 20 18 19 21]\n", + "=======================\n", + "[\"( cnn ) saudi arabia has executed a second indonesian maid despite protests from jakarta , which is itself facing fierce criticism for its failure to heed calls for clemency for a number of foreigners on death row .karni was sentenced to death in march 2013 for killing her employer 's four-year-old child .she was the second indonesian domestic worker executed by the saudis this week , following the death of siti zaenab bt .\"]\n", + "=======================\n", + "[\"indonesia protests executions , says did n't receive formal warningsboth women had worked as domestic helpers in saudi arabia before being convicted of murder\"]\n", + "( cnn ) saudi arabia has executed a second indonesian maid despite protests from jakarta , which is itself facing fierce criticism for its failure to heed calls for clemency for a number of foreigners on death row .karni was sentenced to death in march 2013 for killing her employer 's four-year-old child .she was the second indonesian domestic worker executed by the saudis this week , following the death of siti zaenab bt .\n", + "indonesia protests executions , says did n't receive formal warningsboth women had worked as domestic helpers in saudi arabia before being convicted of murder\n", + "[1.2235333 1.3757694 1.2008691 1.1622022 1.2340462 1.410381 1.1467599\n", + " 1.0344703 1.0201255 1.0196086 1.0860494 1.1522923 1.0996448 1.0803939\n", + " 1.0496835 1.0816427 1.0103307 1.1174512 1.0097809 1.0111305 1.0148593\n", + " 1.0175158]\n", + "\n", + "[ 5 1 4 0 2 3 11 6 17 12 10 15 13 14 7 8 9 21 20 19 16 18]\n", + "=======================\n", + "['len barnes , 57 , from stockton , has been cured of the severe bowel infection clostridium difficile after undergoing a faecal transplant .len barnes shed three stone as he battled the life-threatening condition clostridium difficile , suffering bouts of diarrhoea .he lost his appetite and endured continuous pain .']\n", + "=======================\n", + "[\"len barnes , 75 , lost three stone while battling clostridium difficilewhen antibiotics failed to work specialists suggested a faecal transplantmr barnes ' daughter debbie stepped in to help , and donated her stools\"]\n", + "len barnes , 57 , from stockton , has been cured of the severe bowel infection clostridium difficile after undergoing a faecal transplant .len barnes shed three stone as he battled the life-threatening condition clostridium difficile , suffering bouts of diarrhoea .he lost his appetite and endured continuous pain .\n", + "len barnes , 75 , lost three stone while battling clostridium difficilewhen antibiotics failed to work specialists suggested a faecal transplantmr barnes ' daughter debbie stepped in to help , and donated her stools\n", + "[1.1238406 1.2127601 1.3762233 1.0275544 1.15336 1.2622054 1.180809\n", + " 1.1649001 1.1959659 1.1409904 1.101041 1.0500857 1.0902952 1.0421531\n", + " 1.0337704 1.0370156 1.1110759 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 5 1 8 6 7 4 9 0 16 10 12 11 13 15 14 3 17 18 19 20 21]\n", + "=======================\n", + "[\"the filmmakers said they plan to use the latest digital camera technology as they venture from the planet 's ice caps to ocean depths to deserts and remote forests .the show will focus on the earth 's last wilderness areas and the animals living there .now , the sweeping documentary series ` planet earth ' is getting a sequel .\"]\n", + "=======================\n", + "[\"filmmakers said they plan to use the latest ultra hd camera technologyeight-part series will take four years to make , will debut on netflix in 2019will focus on the earth 's last wilderness areas and the animals living there\"]\n", + "the filmmakers said they plan to use the latest digital camera technology as they venture from the planet 's ice caps to ocean depths to deserts and remote forests .the show will focus on the earth 's last wilderness areas and the animals living there .now , the sweeping documentary series ` planet earth ' is getting a sequel .\n", + "filmmakers said they plan to use the latest ultra hd camera technologyeight-part series will take four years to make , will debut on netflix in 2019will focus on the earth 's last wilderness areas and the animals living there\n", + "[1.4539022 1.2418786 1.3915896 1.2453836 1.1801411 1.0876148 1.0789151\n", + " 1.0756392 1.0904146 1.1857527 1.0342298 1.0157877 1.0361989 1.016943\n", + " 1.0205219 1.0606654 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 3 1 9 4 8 5 6 7 15 12 10 14 13 11 20 16 17 18 19 21]\n", + "=======================\n", + "[\"natalie bennett said the so-called ` citizens income ' -- which critics say would cost # 280billion -- would take longer than five years to bring in , and could take even longershe said another green pledge -- to dismantle the armed forces and use weapons factories to build wind turbines -- was also a ` long-term aspiration ' .every adult in britain would be paid # 72 a week under a commitment in the green manifesto -- but the party leader admitted her pledges could take decades to implement .\"]\n", + "=======================\n", + "[\"green party leader flounders again in interview about her own policiesset out plans for ` citizens income ' paid to every adult in the countryforced to admit it would take ` decades ' to implement expensive planembarrassment at end of interview when she is called ` caroline lucas '\"]\n", + "natalie bennett said the so-called ` citizens income ' -- which critics say would cost # 280billion -- would take longer than five years to bring in , and could take even longershe said another green pledge -- to dismantle the armed forces and use weapons factories to build wind turbines -- was also a ` long-term aspiration ' .every adult in britain would be paid # 72 a week under a commitment in the green manifesto -- but the party leader admitted her pledges could take decades to implement .\n", + "green party leader flounders again in interview about her own policiesset out plans for ` citizens income ' paid to every adult in the countryforced to admit it would take ` decades ' to implement expensive planembarrassment at end of interview when she is called ` caroline lucas '\n", + "[1.5223675 1.396423 1.1610903 1.0914114 1.4743987 1.0914218 1.0418141\n", + " 1.1506981 1.0422136 1.0311472 1.0426652 1.0215133 1.0757577 1.1071087\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 4 1 2 7 13 5 3 12 10 8 6 9 11 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"sebastien pocognoli has risked the wrath of his manager tony pulis , after publicly stating his confusion at losing his place in the west brom team .sebastien pocognoli ( centre ) says he 's baffled by tony pulis ' decision to drop him from the starting 11the belgian defender was an important player under alan irvine but since he left the club , the left back has found his game time limited .\"]\n", + "=======================\n", + "[\"since tony pulis took charge at west brom , pocognoli has found game time hard to come by and midfielder chris brunt ahead of himthe left back ca n't understand why he does n't get picked to playpocognoli was a regular under alan irvine before he was sackedclick here for all the latest west brom news\"]\n", + "sebastien pocognoli has risked the wrath of his manager tony pulis , after publicly stating his confusion at losing his place in the west brom team .sebastien pocognoli ( centre ) says he 's baffled by tony pulis ' decision to drop him from the starting 11the belgian defender was an important player under alan irvine but since he left the club , the left back has found his game time limited .\n", + "since tony pulis took charge at west brom , pocognoli has found game time hard to come by and midfielder chris brunt ahead of himthe left back ca n't understand why he does n't get picked to playpocognoli was a regular under alan irvine before he was sackedclick here for all the latest west brom news\n", + "[1.0482696 1.3186926 1.3837073 1.275407 1.2225957 1.1427343 1.1046934\n", + " 1.1322079 1.0770687 1.0587609 1.1308852 1.1428852 1.0905135 1.07652\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 3 4 11 5 7 10 6 12 8 13 9 0 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "['more than a third of mothers clothed their second baby in one or more hand-me-downs , with 46 per cent giving them toys bought for their elder sibling .second children are left with hand-me-downs , and around # 500 less spent on them in their first year of lifeand though 82 per cent have a memento of their first child , such as a lock of hair or a video of their first steps , only 23 per cent have a keepsake for their second , a report by debenhams found .']\n", + "=======================\n", + "['parents spend more on first child because of excitement and inexperiencesurvey by debenhams shows more pictures and videos taken of first childsecond children have to put up with fewer new clothes and cuddly toys']\n", + "more than a third of mothers clothed their second baby in one or more hand-me-downs , with 46 per cent giving them toys bought for their elder sibling .second children are left with hand-me-downs , and around # 500 less spent on them in their first year of lifeand though 82 per cent have a memento of their first child , such as a lock of hair or a video of their first steps , only 23 per cent have a keepsake for their second , a report by debenhams found .\n", + "parents spend more on first child because of excitement and inexperiencesurvey by debenhams shows more pictures and videos taken of first childsecond children have to put up with fewer new clothes and cuddly toys\n", + "[1.1988428 1.5432274 1.4035434 1.1864858 1.1183971 1.068114 1.1432496\n", + " 1.0455432 1.021269 1.0554737 1.0573885 1.0548922 1.0482656 1.0614628\n", + " 1.2053428 1.1720265 1.0634141 1.0325373 1.027577 ]\n", + "\n", + "[ 1 2 14 0 3 15 6 4 5 16 13 10 9 11 12 7 17 18 8]\n", + "=======================\n", + "[\"barry lyttle , 33 , has been given a 13-month suspended jail sentence after he pleaded guilty earlier this month to recklessly causing grievous bodily harm to his younger brother patrick .patrick , 31 , was rushed to hospital and spent six days in a coma after he was allegedly struck by his brother , barry in kings cross in sydney 's inner-city on january 3 .barry lyttle was charged with punching his brother patrick outside a kings cross night club\"]\n", + "=======================\n", + "[\"barry lyttle , 33 , has been given a 13-month suspended jail sentencehe pleaded guilty earlier this month to causing grievous bodily harmhe allegedly struck his brother patrick during a night out on january 3patrick said they are ` delighted ' to be able to go home with the family nowthe lyttle brothers hope to return to northern ireland as soon as possible\"]\n", + "barry lyttle , 33 , has been given a 13-month suspended jail sentence after he pleaded guilty earlier this month to recklessly causing grievous bodily harm to his younger brother patrick .patrick , 31 , was rushed to hospital and spent six days in a coma after he was allegedly struck by his brother , barry in kings cross in sydney 's inner-city on january 3 .barry lyttle was charged with punching his brother patrick outside a kings cross night club\n", + "barry lyttle , 33 , has been given a 13-month suspended jail sentencehe pleaded guilty earlier this month to causing grievous bodily harmhe allegedly struck his brother patrick during a night out on january 3patrick said they are ` delighted ' to be able to go home with the family nowthe lyttle brothers hope to return to northern ireland as soon as possible\n", + "[1.1885443 1.1061718 1.5207283 1.1828824 1.0690064 1.0230173 1.0282124\n", + " 1.339714 1.1821038 1.1429406 1.1145862 1.0171272 1.0490398 1.0292952\n", + " 1.0511326 1.0412321 0. 0. 0. ]\n", + "\n", + "[ 2 7 0 3 8 9 10 1 4 14 12 15 13 6 5 11 17 16 18]\n", + "=======================\n", + "[\"rory mcilroy could become just the sixth man to win the grand slam at augusta national on sunday , and while that represents the pinnacle of on-course achievement , he has designs on not just filling his trophy cabinet but becoming the true figurehead of his sport .sarazen , hogan , player , nicklaus , woods , mcilroy .that is the view of paul mcginley , europe 's ryder cup captain extraordinaire , who sums up the attitude in this neat way : mcilroy is no jose mourinho .\"]\n", + "=======================\n", + "[\"ryder cup-winning captain paul mcginley speaks highly of rory mcilroyworld no 1 wants to be ` an iconic figure in world sport , ' said mcginleymcilroy 's not all about winning titles , he wants to propel the game forwardmcilroy could be the sixth man to win the grand slam at augusta nationalhe is the favourite for the masters , where his best finish there is eighthmcginley said mcilroy intimidates opponents , but not like tiger woods did\"]\n", + "rory mcilroy could become just the sixth man to win the grand slam at augusta national on sunday , and while that represents the pinnacle of on-course achievement , he has designs on not just filling his trophy cabinet but becoming the true figurehead of his sport .sarazen , hogan , player , nicklaus , woods , mcilroy .that is the view of paul mcginley , europe 's ryder cup captain extraordinaire , who sums up the attitude in this neat way : mcilroy is no jose mourinho .\n", + "ryder cup-winning captain paul mcginley speaks highly of rory mcilroyworld no 1 wants to be ` an iconic figure in world sport , ' said mcginleymcilroy 's not all about winning titles , he wants to propel the game forwardmcilroy could be the sixth man to win the grand slam at augusta nationalhe is the favourite for the masters , where his best finish there is eighthmcginley said mcilroy intimidates opponents , but not like tiger woods did\n", + "[1.1856863 1.1081017 1.4270554 1.2357731 1.246493 1.181636 1.049279\n", + " 1.0223722 1.0865183 1.1604277 1.1187278 1.0848632 1.043748 1.0498016\n", + " 1.0413253 0. 0. 0. 0. ]\n", + "\n", + "[ 2 4 3 0 5 9 10 1 8 11 13 6 12 14 7 17 15 16 18]\n", + "=======================\n", + "[\"on friday , the 52-year-old libertarian lawmaker from kentucky shared a snapchat video of himself learning how to play poker from the infamous ` king of instagram ' dan blizerian .what does republican senator and presidential contender rand paul have in common with a gun-toting , stripper-hurling playboy ?high stakes : the pair were playing liar 's poker - a game where players use dollars bills instead of cards and track the serial numbers on the banknotes\"]\n", + "=======================\n", + "[\"the 52-year-old libertarian lawmaker from kentucky shared a snapchat video of himself learning how to play liar 's poker with $ 100 billsblizerian is best known for his x-rated instagram page followed by 8million users worldwidehe plays poker professionally and reportedly once earned $ 50million in winnings in just over a yearvideo from last year showed blizerian hurling porn star from a roof\"]\n", + "on friday , the 52-year-old libertarian lawmaker from kentucky shared a snapchat video of himself learning how to play poker from the infamous ` king of instagram ' dan blizerian .what does republican senator and presidential contender rand paul have in common with a gun-toting , stripper-hurling playboy ?high stakes : the pair were playing liar 's poker - a game where players use dollars bills instead of cards and track the serial numbers on the banknotes\n", + "the 52-year-old libertarian lawmaker from kentucky shared a snapchat video of himself learning how to play liar 's poker with $ 100 billsblizerian is best known for his x-rated instagram page followed by 8million users worldwidehe plays poker professionally and reportedly once earned $ 50million in winnings in just over a yearvideo from last year showed blizerian hurling porn star from a roof\n", + "[1.2628335 1.3682475 1.2199025 1.4142848 1.2359723 1.1362178 1.0854455\n", + " 1.0420947 1.0207887 1.2149569 1.0451062 1.0423665 1.0624727 1.0449928\n", + " 1.0454949 1.0394568 1.008568 1.0181361 0. ]\n", + "\n", + "[ 3 1 0 4 2 9 5 6 12 14 10 13 11 7 15 8 17 16 18]\n", + "=======================\n", + "['the breathtaking sheikh zayed grand mosque , in abu dhabi , united arab emirates , is the biggest in the middle eastbritish amateur photographer julian john has long been fascinated with the impressive structure and its incredible interiorsteaching assistant julian , originally from brighton , sussex , but living in the uae capital for the last four years , is planning an exhibition of his epic photos .']\n", + "=======================\n", + "['the largest mosque in the middle east , the grand mosque in abu dhabi is as stunning on the inside as the outsideamateur british photographer julian john visits the prayer halls as often as he can to capture their ornate beautythe impressive structure took almost 10 years to build and over 30,000 workers , only reaching completion in 2007']\n", + "the breathtaking sheikh zayed grand mosque , in abu dhabi , united arab emirates , is the biggest in the middle eastbritish amateur photographer julian john has long been fascinated with the impressive structure and its incredible interiorsteaching assistant julian , originally from brighton , sussex , but living in the uae capital for the last four years , is planning an exhibition of his epic photos .\n", + "the largest mosque in the middle east , the grand mosque in abu dhabi is as stunning on the inside as the outsideamateur british photographer julian john visits the prayer halls as often as he can to capture their ornate beautythe impressive structure took almost 10 years to build and over 30,000 workers , only reaching completion in 2007\n", + "[1.0677226 1.0488662 1.3851032 1.5355728 1.1604027 1.1227775 1.0214204\n", + " 1.0232869 1.0850289 1.0400256 1.2098652 1.0457989 1.0248204 1.1667562\n", + " 1.0186962 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 10 13 4 5 8 0 1 11 9 12 7 6 14 15 16 17 18]\n", + "=======================\n", + "['top tips : dr alex russell shares his tips for mastering wine tasting in four hoursname that note : the main skill wine experts have believes russell , is an ability to put a name to the odour or scentset aside at least four hours']\n", + "=======================\n", + "['university lecturer dr alex russell shares his expert advicedr russell says that anyone can improve their tasting skills in four hours']\n", + "top tips : dr alex russell shares his tips for mastering wine tasting in four hoursname that note : the main skill wine experts have believes russell , is an ability to put a name to the odour or scentset aside at least four hours\n", + "university lecturer dr alex russell shares his expert advicedr russell says that anyone can improve their tasting skills in four hours\n", + "[1.1714205 1.2613801 1.3672161 1.336736 1.1511309 1.095746 1.1797657\n", + " 1.1558623 1.1144546 1.0536917 1.0472045 1.0780156 1.0922167 1.0223176\n", + " 1.0704248 1.0554506 1.0862287 1.0458993 1.0152522 1.0305587]\n", + "\n", + "[ 2 3 1 6 0 7 4 8 5 12 16 11 14 15 9 10 17 19 13 18]\n", + "=======================\n", + "['it happened as david cameron toured pirate fm during a visit to cornwall to lay out conservative plans for the southwest .but yesterday the prime minister used a selfie stick for the first time .mr cameron travelled down to the south west on the sleeper train .']\n", + "=======================\n", + "['david cameron travelled to cornwall overnight on paddington sleeperthe prime minister used the visit to outline his new plan for the south westhe promised to give chancellor george osborne a cornish pasty t-shirthe joked that the train trip allowed him a night of peace without the family']\n", + "it happened as david cameron toured pirate fm during a visit to cornwall to lay out conservative plans for the southwest .but yesterday the prime minister used a selfie stick for the first time .mr cameron travelled down to the south west on the sleeper train .\n", + "david cameron travelled to cornwall overnight on paddington sleeperthe prime minister used the visit to outline his new plan for the south westhe promised to give chancellor george osborne a cornish pasty t-shirthe joked that the train trip allowed him a night of peace without the family\n", + "[1.1064557 1.2640309 1.0955855 1.2374976 1.2378563 1.1965343 1.1176767\n", + " 1.0406166 1.1369674 1.1096858 1.114846 1.0615585 1.0764902 1.0757309\n", + " 1.0577943 1.0535178 1.0819325 1.031573 0. 0. ]\n", + "\n", + "[ 1 4 3 5 8 6 10 9 0 2 16 12 13 11 14 15 7 17 18 19]\n", + "=======================\n", + "['as waters around the uk get warmer , popular species of fish including haddock , plaice and lemon sole could become less common as they migrate to more preferable water temperatures .from this they predicted the abundance and distribution of popular fish , such as haddock and plaice , could fall as the north sea warms and this could increase the price of fish and chipsresearchers have developed a model that combined long-term fisheries data with climate model projections from the met office .']\n", + "=======================\n", + "['researchers developed a model that combined long-term fisheries data with climate model projections from the met officeas the north sea warms the number of popular species is likely to fallthe prices of these staple fish could also rise as they become more rarejohn dory and red mullet may replace haddock , plaice and lemon sole']\n", + "as waters around the uk get warmer , popular species of fish including haddock , plaice and lemon sole could become less common as they migrate to more preferable water temperatures .from this they predicted the abundance and distribution of popular fish , such as haddock and plaice , could fall as the north sea warms and this could increase the price of fish and chipsresearchers have developed a model that combined long-term fisheries data with climate model projections from the met office .\n", + "researchers developed a model that combined long-term fisheries data with climate model projections from the met officeas the north sea warms the number of popular species is likely to fallthe prices of these staple fish could also rise as they become more rarejohn dory and red mullet may replace haddock , plaice and lemon sole\n", + "[1.3724171 1.2761629 1.1996605 1.2666699 1.1302657 1.1322387 1.2196276\n", + " 1.1099439 1.0939658 1.1542917 1.1221818 1.0734581 1.1150032 1.0624806\n", + " 1.0682174 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 6 2 9 5 4 10 12 7 8 11 14 13 18 15 16 17 19]\n", + "=======================\n", + "['super bowl champions new england patriots will begin the 2015 nfl season at home to the pittsburgh steelers on thursday , september 10 .the nfl released the full schedule for the 2015 campaign on tuesday night and , as is tradition , the reigning champions will host the opening game of the season .week one also features a prime-time showdown between the new york giants and their nfc east rivals dallas cowboys .']\n", + "=======================\n", + "['new england patriots take on pittsburgh steelers on september 10nfl released full schedule for the 2015 season on thursdaydallas cowboys host new york giants on sunday night in week oneseattle seahawks vs green bay packers rematch set for week twogreen bay packers will host chicago bears on thanksgiving nightvisit nfl.com for the full 2015 season schedule']\n", + "super bowl champions new england patriots will begin the 2015 nfl season at home to the pittsburgh steelers on thursday , september 10 .the nfl released the full schedule for the 2015 campaign on tuesday night and , as is tradition , the reigning champions will host the opening game of the season .week one also features a prime-time showdown between the new york giants and their nfc east rivals dallas cowboys .\n", + "new england patriots take on pittsburgh steelers on september 10nfl released full schedule for the 2015 season on thursdaydallas cowboys host new york giants on sunday night in week oneseattle seahawks vs green bay packers rematch set for week twogreen bay packers will host chicago bears on thanksgiving nightvisit nfl.com for the full 2015 season schedule\n", + "[1.2574954 1.2257788 1.1927351 1.2606305 1.1644962 1.0974551 1.0569425\n", + " 1.0846225 1.0942167 1.1959106 1.0964721 1.0689962 1.0593688 1.0231036\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 9 2 4 5 10 8 7 11 12 6 13 18 14 15 16 17 19]\n", + "=======================\n", + "[\"film themes have been used to brand the champions league semi-final between real madrid and juventusin italy , juventus ' semi-final with real madrid has been likened to a pair of films with tuttosport comparing the clash to ` star wars ' complete with cristiano ronaldo and mauro icardi brandishing lightsabers , while corriere dello sport confidently claim it 's ` mission possible ' .meanwhile , spain are looking towards an all-spanish champions league final between arch rivals barcelona and real madrid with marca referring to semi-final opponents bayern munich and juventus as ` the berlin walls ' blocking ` the mother of all finals ' .\"]\n", + "=======================\n", + "['champions league semi-finals : juventus vs real madrid , barcelona vs bayern municheuropa league semi-finals : sevilla vs fiorentina , napoli vs dniproporto and benfica meet in a top of the table clash in portugal']\n", + "film themes have been used to brand the champions league semi-final between real madrid and juventusin italy , juventus ' semi-final with real madrid has been likened to a pair of films with tuttosport comparing the clash to ` star wars ' complete with cristiano ronaldo and mauro icardi brandishing lightsabers , while corriere dello sport confidently claim it 's ` mission possible ' .meanwhile , spain are looking towards an all-spanish champions league final between arch rivals barcelona and real madrid with marca referring to semi-final opponents bayern munich and juventus as ` the berlin walls ' blocking ` the mother of all finals ' .\n", + "champions league semi-finals : juventus vs real madrid , barcelona vs bayern municheuropa league semi-finals : sevilla vs fiorentina , napoli vs dniproporto and benfica meet in a top of the table clash in portugal\n", + "[1.2911162 1.2484064 1.3783581 1.2619605 1.145399 1.1264484 1.0495951\n", + " 1.1090558 1.0890139 1.0134201 1.0133907 1.142791 1.1772006 1.0817225\n", + " 1.0286291 1.1045923 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 1 12 4 11 5 7 15 8 13 6 14 9 10 18 16 17 19]\n", + "=======================\n", + "[\"the 16-year-old told nbc he believes everyone on the tulsa force is to blame for his father the april 2 death of his father eric harris and says ` they should all go down . 'the bereaved teenage son of a tulsa man shot and killed by a 73-year-old volunteer deputy says his father 's killer should have never been on a police force .` he should have been in a retirement home , not out there on the scene killing my dad , ' aidan fraley said of robert bates .\"]\n", + "=======================\n", + "[\"aidan fraley , 16 , says his father eric harris ' killer robert bates should never have been allowed to work as a tulsa deputyfraley says the police at the scene and those who allowed bates on the streets are to blame but his mother cathy fraley says she forgives batesbates has said he mistakenly pulled out a handgun rather than a stun gun when he fatally shot eric harris on april 2 as he lay on the ground\"]\n", + "the 16-year-old told nbc he believes everyone on the tulsa force is to blame for his father the april 2 death of his father eric harris and says ` they should all go down . 'the bereaved teenage son of a tulsa man shot and killed by a 73-year-old volunteer deputy says his father 's killer should have never been on a police force .` he should have been in a retirement home , not out there on the scene killing my dad , ' aidan fraley said of robert bates .\n", + "aidan fraley , 16 , says his father eric harris ' killer robert bates should never have been allowed to work as a tulsa deputyfraley says the police at the scene and those who allowed bates on the streets are to blame but his mother cathy fraley says she forgives batesbates has said he mistakenly pulled out a handgun rather than a stun gun when he fatally shot eric harris on april 2 as he lay on the ground\n", + "[1.2547969 1.4072877 1.2426956 1.2590635 1.2188094 1.1638592 1.1608909\n", + " 1.117129 1.0954881 1.1575233 1.0672747 1.031017 1.151246 1.1239438\n", + " 1.0656273 1.0110681 1.0089098 1.01366 1.08144 1.0532057 1.0428311\n", + " 1.0291423 1.0363934 1.0217637]\n", + "\n", + "[ 1 3 0 2 4 5 6 9 12 13 7 8 18 10 14 19 20 22 11 21 23 17 15 16]\n", + "=======================\n", + "[\"tom richards , 25 , was arrested yesterday morning in his home city of swansea .it comes after westbrook , 41 , made claims on social media that her younger former lover had been violent towards her , posting a photograph on twitter of her bruised hand .danniella westbrook 's cage fighting ex-fiancé has been arrested for allegedly assaulting and harassing her .\"]\n", + "=======================\n", + "['tom richards was arrested in swansea over allegedly assaulting actresshe was released after being held for 11 hours pending further inquirieswestbrook previously accused him of physically assaulting her on twitterthe 25-year-old cage fighter has strenuously denied the allegations']\n", + "tom richards , 25 , was arrested yesterday morning in his home city of swansea .it comes after westbrook , 41 , made claims on social media that her younger former lover had been violent towards her , posting a photograph on twitter of her bruised hand .danniella westbrook 's cage fighting ex-fiancé has been arrested for allegedly assaulting and harassing her .\n", + "tom richards was arrested in swansea over allegedly assaulting actresshe was released after being held for 11 hours pending further inquirieswestbrook previously accused him of physically assaulting her on twitterthe 25-year-old cage fighter has strenuously denied the allegations\n", + "[1.4191865 1.251773 1.2062213 1.1067291 1.0813226 1.050334 1.0504366\n", + " 1.1021073 1.0490222 1.0247452 1.0576068 1.0741637 1.0944049 1.0870253\n", + " 1.0370439 1.0806862 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 7 12 13 4 15 11 10 6 5 8 14 9 22 16 17 18 19 20 21 23]\n", + "=======================\n", + "['( cnn ) if one is to believe lawyers for aaron hernandez , the former new england patriots star had no conceivable reason to kill a man who was his friend , his future brother-in-law and a reliable purveyor of the marijuana he chain-smoked .the jury in the high-profile trial resumed deliberations wednesday after deliberating about an hour-and-a-half on tuesday .the way defense lawyer james sultan laid it out for the massachusetts jury in closing arguments earlier tuesday , why would a young man with a $ 40 million contract kill semi-pro player odin lloyd less than a mile from his own home ?']\n", + "=======================\n", + "[\"a massachusetts jury is deliberating hernandez 's casehernandez is charged with first-degree murder in the killing of odin lloyd\"]\n", + "( cnn ) if one is to believe lawyers for aaron hernandez , the former new england patriots star had no conceivable reason to kill a man who was his friend , his future brother-in-law and a reliable purveyor of the marijuana he chain-smoked .the jury in the high-profile trial resumed deliberations wednesday after deliberating about an hour-and-a-half on tuesday .the way defense lawyer james sultan laid it out for the massachusetts jury in closing arguments earlier tuesday , why would a young man with a $ 40 million contract kill semi-pro player odin lloyd less than a mile from his own home ?\n", + "a massachusetts jury is deliberating hernandez 's casehernandez is charged with first-degree murder in the killing of odin lloyd\n", + "[1.2523384 1.4263306 1.2111335 1.2007239 1.2253565 1.3324561 1.1942387\n", + " 1.095394 1.0808005 1.0864701 1.0413104 1.0224253 1.0389962 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 5 0 4 2 3 6 7 9 8 10 12 11 13 14 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"rosemary taylor , communications director of the city of brookhaven in georgia , made the ` racist ' remark to hired photographer nelson jones at the local cherry blossom festival two weeks agomodels : rosemary taylor has been fired after she allegedly stopped a tourism photo shoot with dominique jackson ( right ) , 18 , and khamlee vongvone ( left ) , 19 , and said they were ` not the image i want for the city 'the girls ' mouths ` dropped ' and , moments later , they and mr jones were asked to leave the festival by a city official .\"]\n", + "=======================\n", + "[\"rosemary taylor approached photographer nelson jones at a city festivaljones was taking pictures of a black and an asian model for tourism shoottaylor apparently told photographer : ` this is not the image i want for city 'moments later , models and jones were asked to leave event by city officialtaylor sacked by city of brookhaven in georgia for ` unbecoming conduct 'she has defended herself , saying she was wrongly accused in the incident\"]\n", + "rosemary taylor , communications director of the city of brookhaven in georgia , made the ` racist ' remark to hired photographer nelson jones at the local cherry blossom festival two weeks agomodels : rosemary taylor has been fired after she allegedly stopped a tourism photo shoot with dominique jackson ( right ) , 18 , and khamlee vongvone ( left ) , 19 , and said they were ` not the image i want for the city 'the girls ' mouths ` dropped ' and , moments later , they and mr jones were asked to leave the festival by a city official .\n", + "rosemary taylor approached photographer nelson jones at a city festivaljones was taking pictures of a black and an asian model for tourism shoottaylor apparently told photographer : ` this is not the image i want for city 'moments later , models and jones were asked to leave event by city officialtaylor sacked by city of brookhaven in georgia for ` unbecoming conduct 'she has defended herself , saying she was wrongly accused in the incident\n", + "[1.3510752 1.2056484 1.1184616 1.4592987 1.2235074 1.0996176 1.0629431\n", + " 1.0908117 1.0549618 1.0129689 1.0364716 1.0356566 1.203806 1.029216\n", + " 1.015336 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 0 4 1 12 2 5 7 6 8 10 11 13 14 9 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"toulon winger bryan habana races away for a decisive try in extra-time against leinstertwickenham will stage a thunderous collision between two french juggernauts in 13 days ' time , although toulon 's crusade to win an unprecedented third successive european title nearly stalled at stade velodrome on sunday .on this faltering , unconvincing evidence , the holders of the last heineken cup face a mammoth task if they are to stop clermont auvergne from claiming the inaugural champions cup .\"]\n", + "=======================\n", + "[\"ian madigan kicked five penalties for leinsterleigh halfpenny replied with six three-pointers for toulontoulon lock ali williams was yellow carded during extra-timebryan habana raced away for a crucial try shortly afterwardsleinster flanker sean o'brien crossed for a late consolation try\"]\n", + "toulon winger bryan habana races away for a decisive try in extra-time against leinstertwickenham will stage a thunderous collision between two french juggernauts in 13 days ' time , although toulon 's crusade to win an unprecedented third successive european title nearly stalled at stade velodrome on sunday .on this faltering , unconvincing evidence , the holders of the last heineken cup face a mammoth task if they are to stop clermont auvergne from claiming the inaugural champions cup .\n", + "ian madigan kicked five penalties for leinsterleigh halfpenny replied with six three-pointers for toulontoulon lock ali williams was yellow carded during extra-timebryan habana raced away for a crucial try shortly afterwardsleinster flanker sean o'brien crossed for a late consolation try\n", + "[1.2293584 1.4067165 1.3803185 1.2654828 1.2548631 1.174518 1.0444697\n", + " 1.039355 1.0179741 1.0185435 1.0313872 1.0153472 1.1098355 1.1043415\n", + " 1.1601504 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 5 14 12 13 6 7 10 9 8 11 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"henthorn was charged with the murder of second wife , toni bertolet , 51 , last november and police have reopened their investigation into the suspicious death of his first wife , lynn rishell , some 20 years earlier .and lynn rishell 's brother 's wife , grace rishell , has opened up to say that the fbi told her about a secret $ 400,000 life insurance policy henthorn had taken out on her , too .both of henthron 's wives died in ` freak ' accidents to which henthorn , 59 , was the sole witness .\"]\n", + "=======================\n", + "[\"in november harold henthorn was charged with murdering his second wife in criminal trial which will also hear that he killed his first wifeboth died in freak ` accidents ' to which he was sole witness and fbi spent months investigating second death before he was chargedin both cases , henthorn was the sole beneficiary in a string of lucrative life insurance policieshis first wife 's sister-in-law , grace rishell , said that henthorn took out a $ 400,000 life insurance on herhenthorn reportedly forged her signature and made himself sole beneficiaryrishell believes she could have been the next to die in ` freak accident '\"]\n", + "henthorn was charged with the murder of second wife , toni bertolet , 51 , last november and police have reopened their investigation into the suspicious death of his first wife , lynn rishell , some 20 years earlier .and lynn rishell 's brother 's wife , grace rishell , has opened up to say that the fbi told her about a secret $ 400,000 life insurance policy henthorn had taken out on her , too .both of henthron 's wives died in ` freak ' accidents to which henthorn , 59 , was the sole witness .\n", + "in november harold henthorn was charged with murdering his second wife in criminal trial which will also hear that he killed his first wifeboth died in freak ` accidents ' to which he was sole witness and fbi spent months investigating second death before he was chargedin both cases , henthorn was the sole beneficiary in a string of lucrative life insurance policieshis first wife 's sister-in-law , grace rishell , said that henthorn took out a $ 400,000 life insurance on herhenthorn reportedly forged her signature and made himself sole beneficiaryrishell believes she could have been the next to die in ` freak accident '\n", + "[1.463928 1.1338171 1.1268328 1.2320472 1.257023 1.1369411 1.1208915\n", + " 1.0699719 1.0647761 1.029998 1.1245776 1.0665966 1.0505707 1.0432891\n", + " 1.0717804 1.0805533 1.0147878 1.0673702 1.0611714 1.0534652 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 4 3 5 1 2 10 6 15 14 7 17 11 8 18 19 12 13 9 16 22 20 21 23]\n", + "=======================\n", + "['( cnn ) more than 300 suspects have been arrested in south africa in connection with deadly attacks on foreigners that have forced thousands to flee , the government said sunday .the attacks in durban killed two immigrants and three south africans , including a 14-year-old boy , authorities said .thousands sought refuge in temporary shelters after mobs with machetes attacked immigrants in durban .']\n", + "=======================\n", + "['south africa is battling xenophobic violence after some said foreigners are taking jobs awaya 14-year-old boy is among those killed after a mob with machetes targeted foreigners']\n", + "( cnn ) more than 300 suspects have been arrested in south africa in connection with deadly attacks on foreigners that have forced thousands to flee , the government said sunday .the attacks in durban killed two immigrants and three south africans , including a 14-year-old boy , authorities said .thousands sought refuge in temporary shelters after mobs with machetes attacked immigrants in durban .\n", + "south africa is battling xenophobic violence after some said foreigners are taking jobs awaya 14-year-old boy is among those killed after a mob with machetes targeted foreigners\n", + "[1.2851312 1.4415668 1.3330858 1.0382752 1.0510789 1.087604 1.2249014\n", + " 1.0735643 1.061901 1.0787374 1.0971508 1.091017 1.0887958 1.0166444\n", + " 1.0189927 1.0415807 1.0354528 1.053307 1.2232687 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 6 18 10 11 12 5 9 7 8 17 4 15 3 16 14 13 22 19 20 21 23]\n", + "=======================\n", + "[\"the blunder at the pensions office in essen , in the north rhine-westphalia area of germany saw a letter sent out the woman asking for # 3,351,978,728,190,661 .the bill is more than a thousands times than the whole of germany 's annual gross domestic product .a part-time worker had the shock of her life after she was ordered to pay more three quadrillion pounds in pension contributions .\"]\n", + "=======================\n", + "['a woman was accidentally ordered to pay # 3.35 quadrillion to her pensionmassive sum is more than the entire gross domestic product of germanyblunder by pensions office was discovered before any money was taken']\n", + "the blunder at the pensions office in essen , in the north rhine-westphalia area of germany saw a letter sent out the woman asking for # 3,351,978,728,190,661 .the bill is more than a thousands times than the whole of germany 's annual gross domestic product .a part-time worker had the shock of her life after she was ordered to pay more three quadrillion pounds in pension contributions .\n", + "a woman was accidentally ordered to pay # 3.35 quadrillion to her pensionmassive sum is more than the entire gross domestic product of germanyblunder by pensions office was discovered before any money was taken\n", + "[1.3272612 1.063575 1.078506 1.2738941 1.1399584 1.1504669 1.048844\n", + " 1.2566667 1.1291738 1.0219822 1.1386751 1.1938143 1.0583489 1.1267654\n", + " 1.0833995 1.0852232 1.1268396 1.0193983 1.0346473 1.0215878 1.0207072\n", + " 1.0267177 1.0597259 1.0537449]\n", + "\n", + "[ 0 3 7 11 5 4 10 8 16 13 15 14 2 1 22 12 23 6 18 21 9 19 20 17]\n", + "=======================\n", + "[\"cape verde 's 2-0 win over portugal was the most eye-catching international result of the week .cape verde is a group of islands 400 miles from senegal off the west coast of africa .manchester united winger nani is from cape verde and could have played for them instead of portugal .\"]\n", + "=======================\n", + "[\"cape verde defeated portugal 2-0 in an international friendly matchnani and henrik larsson could have played for cape verdethe island 's population currently stands at just 500,000 people\"]\n", + "cape verde 's 2-0 win over portugal was the most eye-catching international result of the week .cape verde is a group of islands 400 miles from senegal off the west coast of africa .manchester united winger nani is from cape verde and could have played for them instead of portugal .\n", + "cape verde defeated portugal 2-0 in an international friendly matchnani and henrik larsson could have played for cape verdethe island 's population currently stands at just 500,000 people\n", + "[1.2736946 1.3587158 1.345073 1.1638594 1.1079705 1.0701184 1.0513542\n", + " 1.0612116 1.1002388 1.0901567 1.1162415 1.094639 1.0613929 1.0383875\n", + " 1.0130062 1.0240891 1.0167549 1.0518745 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 10 4 8 11 9 5 12 7 17 6 13 15 16 14 22 18 19 20 21 23]\n", + "=======================\n", + "['hawking has partnered with the silly lads of monty python to recreate the signature \" galaxy song \" from their 1983 film \" the meaning of life . \"the collabo is in honor of saturday \\'s record store day , when the 7-inch single will be available for sale .( cnn ) famed cosmologist stephen hawking has proved his comedy chops on shows like \" the big bang theory , \" and now he \\'s trying his hand at musicals .']\n", + "=======================\n", + "['stephen hawking is a famed cosmologist and mathematicianhe sings monty python \\'s \" galaxy song \" in a hilarious new video']\n", + "hawking has partnered with the silly lads of monty python to recreate the signature \" galaxy song \" from their 1983 film \" the meaning of life . \"the collabo is in honor of saturday 's record store day , when the 7-inch single will be available for sale .( cnn ) famed cosmologist stephen hawking has proved his comedy chops on shows like \" the big bang theory , \" and now he 's trying his hand at musicals .\n", + "stephen hawking is a famed cosmologist and mathematicianhe sings monty python 's \" galaxy song \" in a hilarious new video\n", + "[1.2708602 1.3607228 1.3178 1.3971171 1.1432811 1.0517863 1.0884311\n", + " 1.2284628 1.1246848 1.1058406 1.0540994 1.1136057 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 0 7 4 8 11 9 6 10 5 22 12 13 14 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "['bubba watson showed off an incredible baseball style trick shot while practicing in chinathe 36-year-old took to twitter on saturday to show fans a new trick he had been working on .working with his caddie in china , watson pulled off a baseball-style shot with a driver , striking the ball as it was dropped from a height .']\n", + "=======================\n", + "[\"bubba watson pulled off an incredible baseball style trick shot in practicethe 36-year-old smashed the airborne ball straight down the middlewatson 's form was poor at the masters and shenzen international\"]\n", + "bubba watson showed off an incredible baseball style trick shot while practicing in chinathe 36-year-old took to twitter on saturday to show fans a new trick he had been working on .working with his caddie in china , watson pulled off a baseball-style shot with a driver , striking the ball as it was dropped from a height .\n", + "bubba watson pulled off an incredible baseball style trick shot in practicethe 36-year-old smashed the airborne ball straight down the middlewatson 's form was poor at the masters and shenzen international\n", + "[1.2027681 1.4615649 1.2139972 1.3335259 1.2423465 1.0701461 1.0747935\n", + " 1.1317086 1.0994518 1.0782893 1.0751437 1.0123682 1.0090698 1.018424\n", + " 1.0111161 1.1068034 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 4 2 0 7 15 8 9 10 6 5 13 11 14 12 20 16 17 18 19 21]\n", + "=======================\n", + "[\"according to new research , 61 per cent of us adults have admitted that they do n't extend invitations to friends and family because of their ` home shame ' .in a study of 1,000 people for sugru , makers of moldable glue , 48 per cent said their embarrassment about their home is usually confined to just a few rooms or areas , however 33 per cent acknowledge they are ashamed of their whole house .general mess , dated carpets and kitchens , unfinished diy projects and the small size of their property rank highest on the list of embarrassments - which awful color schemes , shabby furniture and poor location also proved to be particularly shameful for homeowners .\"]\n", + "=======================\n", + "[\"many people also confessed that they would love to take a tour of lifestyle martha stewart 's home , as well as the obamas ' private living area\"]\n", + "according to new research , 61 per cent of us adults have admitted that they do n't extend invitations to friends and family because of their ` home shame ' .in a study of 1,000 people for sugru , makers of moldable glue , 48 per cent said their embarrassment about their home is usually confined to just a few rooms or areas , however 33 per cent acknowledge they are ashamed of their whole house .general mess , dated carpets and kitchens , unfinished diy projects and the small size of their property rank highest on the list of embarrassments - which awful color schemes , shabby furniture and poor location also proved to be particularly shameful for homeowners .\n", + "many people also confessed that they would love to take a tour of lifestyle martha stewart 's home , as well as the obamas ' private living area\n", + "[1.5789908 1.3539292 1.2015731 1.213272 1.163356 1.0848577 1.050774\n", + " 1.1019953 1.0524263 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 2 4 7 5 8 6 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", + "=======================\n", + "[\"( cnn ) april 27 is celebrated as freedom day in south africa , commemorating the country 's first democratic elections in 1994 election which saw nelson mandela elected as president .using the #freedomday hashtag , people across the country and beyond took to twitter to celebrate this year 's event , express their views and send out their wishes -- including the south african government .indian prime minister narendra modi also hailed the people of south africa and sent out a message of hope .\"]\n", + "=======================\n", + "['south africa marks 21 years since the first free electionnation celebrates amid recent violent attack on immigrants']\n", + "( cnn ) april 27 is celebrated as freedom day in south africa , commemorating the country 's first democratic elections in 1994 election which saw nelson mandela elected as president .using the #freedomday hashtag , people across the country and beyond took to twitter to celebrate this year 's event , express their views and send out their wishes -- including the south african government .indian prime minister narendra modi also hailed the people of south africa and sent out a message of hope .\n", + "south africa marks 21 years since the first free electionnation celebrates amid recent violent attack on immigrants\n", + "[1.1140596 1.1716669 1.3310474 1.2691681 1.182257 1.2281349 1.2634754\n", + " 1.1349425 1.167398 1.1225017 1.1082413 1.0740719 1.0582471 1.0728533\n", + " 1.1124346 1.0423677 1.0392425 1.0251372 1.0404153 1.0129457 0.\n", + " 0. ]\n", + "\n", + "[ 2 3 6 5 4 1 8 7 9 0 14 10 11 13 12 15 18 16 17 19 20 21]\n", + "=======================\n", + "['the annual survey from deutsche bank has shown that for the fourth consecutive year , australians pay higher prices for a range of consumer goods and services than are paid in any other place .it found that australian prices are at 112 per cent of the us , meaning that we pay $ 1.12 to every $ us1 .the survey uses the purchasing power parity index to determine the relative price levels to the us dollar .']\n", + "=======================\n", + "[\"deutsche bank survey confirms what australians already knowfor the 4th year straight australia ranked as the world 's costliest countrya 2-litre bottle of coke costs 51 percent more than in new yorkbiggest difference is hotel rooms , which are double the price of new york\"]\n", + "the annual survey from deutsche bank has shown that for the fourth consecutive year , australians pay higher prices for a range of consumer goods and services than are paid in any other place .it found that australian prices are at 112 per cent of the us , meaning that we pay $ 1.12 to every $ us1 .the survey uses the purchasing power parity index to determine the relative price levels to the us dollar .\n", + "deutsche bank survey confirms what australians already knowfor the 4th year straight australia ranked as the world 's costliest countrya 2-litre bottle of coke costs 51 percent more than in new yorkbiggest difference is hotel rooms , which are double the price of new york\n", + "[1.0558107 1.0592169 1.4406067 1.3931191 1.273423 1.1019434 1.0637105\n", + " 1.1744969 1.0562818 1.0627003 1.0871456 1.0360124 1.1688855 1.1132967\n", + " 1.0769404 1.0502027 1.0773319 1.0289443 1.0203937 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 3 4 7 12 13 5 10 16 14 6 9 1 8 0 15 11 17 18 20 19 21]\n", + "=======================\n", + "[\"according to author of happier people healthier planet , dr teresa belton , they 're all completely free .author belton has insisted that practices as small as going on walks can be calming and restorativebelton insists that it 's actually non-material things that support our wellbeing , like good relationships and a sense of belonging .\"]\n", + "=======================\n", + "['teresa belton , 62 , is author of happier people healthier planetbased in norwich , she believes that people living modestly are happiersimple acts create sense of belonging and put things into perspective']\n", + "according to author of happier people healthier planet , dr teresa belton , they 're all completely free .author belton has insisted that practices as small as going on walks can be calming and restorativebelton insists that it 's actually non-material things that support our wellbeing , like good relationships and a sense of belonging .\n", + "teresa belton , 62 , is author of happier people healthier planetbased in norwich , she believes that people living modestly are happiersimple acts create sense of belonging and put things into perspective\n", + "[1.2821739 1.3053037 1.4242599 1.290258 1.3062178 1.0456673 1.1217129\n", + " 1.0155916 1.0443864 1.0379049 1.1768509 1.2260633 1.0143756 1.0118197\n", + " 1.024481 1.0204204 1.0884228 1.0153716 1.0162377 1.0147932 1.0172491\n", + " 1.0167208]\n", + "\n", + "[ 2 4 1 3 0 11 10 6 16 5 8 9 14 15 20 21 18 7 17 19 12 13]\n", + "=======================\n", + "['the 30-second-video was shared by thousands of people around the world and features the one-year-old cat playing with 15-year-old joshua teague .mimi was picked to star in the tv advert , which was broadcast last wednesday ( 15 ) , after phil shared the video with the pets at home facebook group earlier this month .tortoiseshell mimi became an internet sensation after her owner uploaded clips of her playing the sport to facebook .']\n", + "=======================\n", + "[\"a clip of mimi playing volleyball was uploaded to facebookcat saw of competition from thousands of gifted animalsfamily received # 20 voucher to buy treats for their catowner said ` family were really excited to see the advert '\"]\n", + "the 30-second-video was shared by thousands of people around the world and features the one-year-old cat playing with 15-year-old joshua teague .mimi was picked to star in the tv advert , which was broadcast last wednesday ( 15 ) , after phil shared the video with the pets at home facebook group earlier this month .tortoiseshell mimi became an internet sensation after her owner uploaded clips of her playing the sport to facebook .\n", + "a clip of mimi playing volleyball was uploaded to facebookcat saw of competition from thousands of gifted animalsfamily received # 20 voucher to buy treats for their catowner said ` family were really excited to see the advert '\n", + "[1.1209866 1.5646853 1.0277127 1.202035 1.0273923 1.0744164 1.3432374\n", + " 1.1251769 1.0155284 1.0889727 1.1048882 1.0108718 1.119812 1.0898443\n", + " 1.032229 1.0473307 1.0891738 1.0446686 1.1318349 1.02175 1.0102556\n", + " 1.0121092 1.023303 1.0719095 1.0070955]\n", + "\n", + "[ 1 6 3 18 7 0 12 10 13 16 9 5 23 15 17 14 2 4 22 19 8 21 11 20\n", + " 24]\n", + "=======================\n", + "[\"eden hazard , mesut ozil and joey barton feature in this week 's list as they put in man-of-the-match performances that helped their teams win , but who else made the xi ?everton goalkeeper tim howard put in a man of the match performance against southamptongk - tim howard ( everton vs southampton ) - 7\"]\n", + "=======================\n", + "['eden hazard put in a man-of-the-match performance for chelseamesut ozil was in fine form for arsenal as they beat liverpooljoey barton helped qpr to an emphatic 4-1 win over west brom']\n", + "eden hazard , mesut ozil and joey barton feature in this week 's list as they put in man-of-the-match performances that helped their teams win , but who else made the xi ?everton goalkeeper tim howard put in a man of the match performance against southamptongk - tim howard ( everton vs southampton ) - 7\n", + "eden hazard put in a man-of-the-match performance for chelseamesut ozil was in fine form for arsenal as they beat liverpooljoey barton helped qpr to an emphatic 4-1 win over west brom\n", + "[1.2186903 1.3337979 1.1709962 1.1138123 1.223973 1.3082303 1.2456002\n", + " 1.178761 1.097023 1.083753 1.0499547 1.034614 1.0734054 1.0757955\n", + " 1.0342075 1.0636898 1.0443879 1.0379922 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 6 4 0 7 2 3 8 9 13 12 15 10 16 17 11 14 23 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"scott , 50 , and pierre fulton , his friend of several years , had met for breakfast on april 4 before scott drove him to a church so fulton could collect a bag of vegetables .but as they returned home , their car was pulled over for a broken tail light in north charleston .he then took fulton home to drop off the bag there before they both headed over to scott 's house .\"]\n", + "=======================\n", + "[\"scott was driving pierre fulton back to his house after taking him to a nearby church to collect a bag of vegetables on april 4but they were pulled over for his broken tail light and scott fled from copshe was shot multiple times by officer michael slager , who was charged with his murder after a passerby released cellphone footage of the deathfulton , who had known scott for several years , said he does not know why his friend ran and did not see the shooting` he is torn up , ' his lawyer said\"]\n", + "scott , 50 , and pierre fulton , his friend of several years , had met for breakfast on april 4 before scott drove him to a church so fulton could collect a bag of vegetables .but as they returned home , their car was pulled over for a broken tail light in north charleston .he then took fulton home to drop off the bag there before they both headed over to scott 's house .\n", + "scott was driving pierre fulton back to his house after taking him to a nearby church to collect a bag of vegetables on april 4but they were pulled over for his broken tail light and scott fled from copshe was shot multiple times by officer michael slager , who was charged with his murder after a passerby released cellphone footage of the deathfulton , who had known scott for several years , said he does not know why his friend ran and did not see the shooting` he is torn up , ' his lawyer said\n", + "[1.2450638 1.5201995 1.3699942 1.3036184 1.1433452 1.2071866 1.1705213\n", + " 1.0550756 1.0494074 1.0454551 1.181931 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 10 6 4 7 8 9 18 22 21 20 19 17 12 15 14 13 23 11 16\n", + " 24]\n", + "=======================\n", + "['the two men allegedly ignited an aerosol spray with a lighter causing a large flame to make contact with a quokka on rottnest island off perth in western australia on april 3 .the lucky little critter survived the reckless incident but was singed by the flame .a quokka was the innocent victim of a cruel act by two french tourists who tried to set the australian animal alight .']\n", + "=======================\n", + "['two french tourists who tried to set a quokka alight on rottnest islandthe men allegedly ignited aerosol spray with lighter and singed the animalaged 18 and 24 , they were evicted from the island in western australiaboth have been charged for animal cruelty and appear in court on april 17']\n", + "the two men allegedly ignited an aerosol spray with a lighter causing a large flame to make contact with a quokka on rottnest island off perth in western australia on april 3 .the lucky little critter survived the reckless incident but was singed by the flame .a quokka was the innocent victim of a cruel act by two french tourists who tried to set the australian animal alight .\n", + "two french tourists who tried to set a quokka alight on rottnest islandthe men allegedly ignited aerosol spray with lighter and singed the animalaged 18 and 24 , they were evicted from the island in western australiaboth have been charged for animal cruelty and appear in court on april 17\n", + "[1.1278224 1.2212363 1.3802974 1.3520181 1.1884314 1.0850085 1.0696471\n", + " 1.0969286 1.080218 1.0711175 1.0286353 1.0684085 1.1327847 1.0557162\n", + " 1.0519583 1.0309006 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 4 12 0 7 5 8 9 6 11 13 14 15 10 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "['archaeologists have discovered evidence that neanderthals regularly inhabited the cave of llenes , near senterada in catalonia , around 200,000 years ago but were not alone .the fossilised remains of badgers were found in old dens within the cave alongside neanderthal campshowever , a recent excavation of a cave in the foothills of the pyrenees mountains in spain is suggesting our ancient cousins , the neanderthals , were more in tune with nature .']\n", + "=======================\n", + "[\"fossils found in cave of llenes in catalonia , spain suggests neanderthals lived alongside other predators like badgers , bears , wolves and leopardslarge quantities of stone tools were found in ` camps ' at the cave entrancebones of sheep , deer and rhino that neanderthal 's hunted were also foundseveral carnivores used the cave as a den at the time 200,000 years ago\"]\n", + "archaeologists have discovered evidence that neanderthals regularly inhabited the cave of llenes , near senterada in catalonia , around 200,000 years ago but were not alone .the fossilised remains of badgers were found in old dens within the cave alongside neanderthal campshowever , a recent excavation of a cave in the foothills of the pyrenees mountains in spain is suggesting our ancient cousins , the neanderthals , were more in tune with nature .\n", + "fossils found in cave of llenes in catalonia , spain suggests neanderthals lived alongside other predators like badgers , bears , wolves and leopardslarge quantities of stone tools were found in ` camps ' at the cave entrancebones of sheep , deer and rhino that neanderthal 's hunted were also foundseveral carnivores used the cave as a den at the time 200,000 years ago\n", + "[1.4446079 1.2720381 1.2010798 1.3459169 1.3873155 1.0680374 1.0293497\n", + " 1.0211062 1.0144483 1.2048151 1.0975494 1.0589626 1.066695 1.058658\n", + " 1.0647471 1.0416954 1.0085824 1.0201184 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 3 1 9 2 10 5 12 14 11 13 15 6 7 17 8 16 23 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"kent sprouse was put to death by lethal injection thursday night in texas .death row : kent sprouse gunned down ferris police officer marty steinfeldt , 28 , at a gas station outside of dallas before also shooting dead a customer , pedro moreno , 38 , in 2002he died 22 minutes after being injected and is now the fifth inmate to be executed this year in texas , the nation 's most active death penalty state .\"]\n", + "=======================\n", + "[\"kent sprouse , 42 , died of a lethal injection thursday in texasit took 22 minutes for sprouse to die after being injectedin 2002 he gunned down ferris police officer marty steinfeldt , 28 , at a gas station outside of dallas and a customer , pedro moreno , 38sprouse was high on meth , but his insanity defense was rejected and he was sentenced to death in 2004i would like to apologize to the moreno family and the steinfeldt family for all of the trouble i have caused them , ' said sprouse in his final statement\"]\n", + "kent sprouse was put to death by lethal injection thursday night in texas .death row : kent sprouse gunned down ferris police officer marty steinfeldt , 28 , at a gas station outside of dallas before also shooting dead a customer , pedro moreno , 38 , in 2002he died 22 minutes after being injected and is now the fifth inmate to be executed this year in texas , the nation 's most active death penalty state .\n", + "kent sprouse , 42 , died of a lethal injection thursday in texasit took 22 minutes for sprouse to die after being injectedin 2002 he gunned down ferris police officer marty steinfeldt , 28 , at a gas station outside of dallas and a customer , pedro moreno , 38sprouse was high on meth , but his insanity defense was rejected and he was sentenced to death in 2004i would like to apologize to the moreno family and the steinfeldt family for all of the trouble i have caused them , ' said sprouse in his final statement\n", + "[1.1471406 1.0983561 1.1775224 1.3477238 1.071252 1.0699229 1.0317892\n", + " 1.058454 1.1847556 1.1077441 1.1049699 1.0317155 1.0347805 1.1217917\n", + " 1.0226558 1.014004 1.0370102 1.0418062 1.0233495 1.0134683]\n", + "\n", + "[ 3 8 2 0 13 9 10 1 4 5 7 17 16 12 6 11 18 14 15 19]\n", + "=======================\n", + "[\"sarah 's face was transformed after the exercises .facial exercises have been around as long as youth has been considered the hallmark of beauty , with some claiming cleopatra was the first celebrity fan .at 65 , she could easily pass for ten years younger .\"]\n", + "=======================\n", + "[\"sarah ivens , 39 , tries the ` furrow smoother ' , ` lip lift ' and ` nose transformer 'exercises prescribed by carole maggio , the la-based creator of facercisemother-of-two noticed her lips were fuller after two weeks of exercisesexperienced muscle burn and soreness during and after the moves\"]\n", + "sarah 's face was transformed after the exercises .facial exercises have been around as long as youth has been considered the hallmark of beauty , with some claiming cleopatra was the first celebrity fan .at 65 , she could easily pass for ten years younger .\n", + "sarah ivens , 39 , tries the ` furrow smoother ' , ` lip lift ' and ` nose transformer 'exercises prescribed by carole maggio , the la-based creator of facercisemother-of-two noticed her lips were fuller after two weeks of exercisesexperienced muscle burn and soreness during and after the moves\n", + "[1.193065 1.3657523 1.286961 1.2091845 1.1309699 1.1794806 1.1774787\n", + " 1.2050905 1.1440876 1.0801401 1.0677812 1.1256726 1.0437919 1.0826167\n", + " 1.0101016 1.0073447 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 7 0 5 6 8 4 11 13 9 10 12 14 15 18 16 17 19]\n", + "=======================\n", + "['a study found youngsters were more likely to engage in risky behaviour when those looking after them were distracted -- with texting or talking on the phone a common cause .researchers observed randomly selected parents with children who looked between 18 months and five years old at playgrounds in new york .mobile phones and tablet computers are becoming dangerous distractions for parents who are supposed to be supervising their children , researchers claim .']\n", + "=======================\n", + "['researchers observed random parents with children at ny playgroundsphones and tablets were a dangerous distraction for parents , they claimedkids with distracted carers were more likely to engage in risky behaviourthis included jumping off moving swings or going head-first down slides']\n", + "a study found youngsters were more likely to engage in risky behaviour when those looking after them were distracted -- with texting or talking on the phone a common cause .researchers observed randomly selected parents with children who looked between 18 months and five years old at playgrounds in new york .mobile phones and tablet computers are becoming dangerous distractions for parents who are supposed to be supervising their children , researchers claim .\n", + "researchers observed random parents with children at ny playgroundsphones and tablets were a dangerous distraction for parents , they claimedkids with distracted carers were more likely to engage in risky behaviourthis included jumping off moving swings or going head-first down slides\n", + "[1.355968 1.297564 1.3169737 1.1422952 1.0846508 1.1454467 1.2474151\n", + " 1.1326411 1.1496909 1.0463008 1.0192388 1.0142642 1.0207273 1.0119824\n", + " 1.1367668 1.0580955 1.0921158 1.0363724 1.0789945 1.0561241]\n", + "\n", + "[ 0 2 1 6 8 5 3 14 7 16 4 18 15 19 9 17 12 10 11 13]\n", + "=======================\n", + "[\"the former bbc economics editor made headlines last week after it emerged she had been ` secretly ' dating ed milibandmiss flanders , 46 , accused the media of ` raking over ' mr miliband 's past in the run-up to the election .mrs miliband revealed the couple had first met at a london dinner party hosted by miss flanders in 2004 .\"]\n", + "=======================\n", + "['ms flanders was ` secretly \\' dating labour leader when he first met justineyesterday she confirmed story , tweeting : ` we \" dated \" fleetingly in 2004 \\'miss flanders , 46 , accused the media of ` raking over \\' mr miliband \\'s past']\n", + "the former bbc economics editor made headlines last week after it emerged she had been ` secretly ' dating ed milibandmiss flanders , 46 , accused the media of ` raking over ' mr miliband 's past in the run-up to the election .mrs miliband revealed the couple had first met at a london dinner party hosted by miss flanders in 2004 .\n", + "ms flanders was ` secretly ' dating labour leader when he first met justineyesterday she confirmed story , tweeting : ` we \" dated \" fleetingly in 2004 'miss flanders , 46 , accused the media of ` raking over ' mr miliband 's past\n", + "[1.3217824 1.3596087 1.1976453 1.1000129 1.0900803 1.1584905 1.1323822\n", + " 1.1219877 1.0717478 1.1207871 1.0685319 1.0197885 1.025951 1.0843166\n", + " 1.0195267 1.1392754 1.0356579 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 5 15 6 7 9 3 4 13 8 10 16 12 11 14 18 17 19]\n", + "=======================\n", + "[\"the adored school teacher from leeton went missing on easter sunday and her body was found in nearby bushland the following friday .stephanie scott 's devastated father has opened up about the grief her family is feeling as they struggle to come to terms with their daughter 's brutal murder , which took place just days before her much-anticipated wedding .ms scott 's grieving father robert explained that it is especially painful that stephanie 's life has been taken away when she had so much to look forward to .\"]\n", + "=======================\n", + "[\"stephanie scott 's grieving father has spoken out about their painhe says it is difficult to be surrounded by reminders of her wedding whilst cruelly planning for a funeralleeton parents say their children are devastated by teacher 's murderpolice discovered a body in nearby bushland on friday afternoonan autopsy will now be conducted to determine the cause of deathpolice will contact authorities in holland for a background check on accused killer , vincent stanford , who was charged with murder\"]\n", + "the adored school teacher from leeton went missing on easter sunday and her body was found in nearby bushland the following friday .stephanie scott 's devastated father has opened up about the grief her family is feeling as they struggle to come to terms with their daughter 's brutal murder , which took place just days before her much-anticipated wedding .ms scott 's grieving father robert explained that it is especially painful that stephanie 's life has been taken away when she had so much to look forward to .\n", + "stephanie scott 's grieving father has spoken out about their painhe says it is difficult to be surrounded by reminders of her wedding whilst cruelly planning for a funeralleeton parents say their children are devastated by teacher 's murderpolice discovered a body in nearby bushland on friday afternoonan autopsy will now be conducted to determine the cause of deathpolice will contact authorities in holland for a background check on accused killer , vincent stanford , who was charged with murder\n", + "[1.3860589 1.1247318 1.1490253 1.1328121 1.0583203 1.1060137 1.0303131\n", + " 1.2303848 1.0705547 1.0202894 1.0688086 1.1060354 1.0748181 1.0710272\n", + " 1.0492169 1.0625972 1.0245471 1.0168989 0. 0. ]\n", + "\n", + "[ 0 7 2 3 1 11 5 12 13 8 10 15 4 14 6 16 9 17 18 19]\n", + "=======================\n", + "['( cnn ) thousands of syrian and palestinian refugees trapped in the yarmouk refugee camp have suffered what can only be described as untold indignities .jihad ya ` qoub , the youngest palestinian refugee to flee yarmouk , was born on march 30 .i encountered two such individuals on my mission to damascus -- jihad and mohammad -- tiny , vulnerable infants who were taken from yarmouk in recent days , a place that was described last week by the u.n. secretary-general ban ki-moon as \" the deepest circle of hell . \"']\n", + "=======================\n", + "['yarmouk is a refugee camp near damascus in war-ravaged syriapierre krähenbühl of the united nations : individual lives underscore need for humanitarian action']\n", + "( cnn ) thousands of syrian and palestinian refugees trapped in the yarmouk refugee camp have suffered what can only be described as untold indignities .jihad ya ` qoub , the youngest palestinian refugee to flee yarmouk , was born on march 30 .i encountered two such individuals on my mission to damascus -- jihad and mohammad -- tiny , vulnerable infants who were taken from yarmouk in recent days , a place that was described last week by the u.n. secretary-general ban ki-moon as \" the deepest circle of hell . \"\n", + "yarmouk is a refugee camp near damascus in war-ravaged syriapierre krähenbühl of the united nations : individual lives underscore need for humanitarian action\n", + "[1.2192295 1.3529578 1.2963035 1.2977629 1.2469013 1.0868992 1.0992223\n", + " 1.1174015 1.0416656 1.1083156 1.0464606 1.0690296 1.0163926 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 7 9 6 5 11 10 8 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the prime minister -- who last night said he would be a ` big failure ' if he does not win a commons majority -- will unveil an analysis to show labour and the snp are ` really on the same side ' and want ` more borrowing , more debt and more taxes ' .the snp backed labour in 27 out of 28 votes on welfare and 62 out of 65 on the economy .mr cameron will show that , since mr miliband became labour leader , the snp has trooped through the lobbies with his mps in 91.5 per cent of commons divisions .\"]\n", + "=======================\n", + "[\"david cameron will unveil analysis to show labour and snp ` on same side 'he 'll say since milband became labour leader snp trooped through lobbiessnp backed labour in 27 of 28 votes on welfare and 62 of 65 on economylabour and snp ruled out formal coalition but refused same for looser term\"]\n", + "the prime minister -- who last night said he would be a ` big failure ' if he does not win a commons majority -- will unveil an analysis to show labour and the snp are ` really on the same side ' and want ` more borrowing , more debt and more taxes ' .the snp backed labour in 27 out of 28 votes on welfare and 62 out of 65 on the economy .mr cameron will show that , since mr miliband became labour leader , the snp has trooped through the lobbies with his mps in 91.5 per cent of commons divisions .\n", + "david cameron will unveil analysis to show labour and snp ` on same side 'he 'll say since milband became labour leader snp trooped through lobbiessnp backed labour in 27 of 28 votes on welfare and 62 of 65 on economylabour and snp ruled out formal coalition but refused same for looser term\n", + "[1.1813515 1.4376742 1.2283163 1.3334483 1.1520236 1.1021962 1.0578583\n", + " 1.1247592 1.1213372 1.1027161 1.0426857 1.0838414 1.0746979 1.0546453\n", + " 1.0361463 1.0147074 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 7 8 9 5 11 12 6 13 10 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"an unnamed 30-year-old former marlborough school student filed the lawsuit against joseph koetters , who taught english at the hancock park school which charges $ 35,000-per-year .the lawsuit alleges that when koetters was in his early-to-mid 30s he took part in a yearlong sexual relationship with a 16-year-old student , which began in the 2000-2001 school year .a former teacher at a prestigious girls ' school , attended by some of los angeles ' most affluent families , has been sued by a former student , alleging sexual abuse .\"]\n", + "=======================\n", + "['joseph koetters has been sued by an unnamed marlborough student , 30lawsuit alleges that koetters took part in a year-long sexual relationship with a 16-year-old student , which began in the 2000-2001 school yearlawsuit also claims unnamed teachers and school officials are held responsible for not ending the relationshipwoman came forward after another former student wrote an online essay accusing koetters of acting inappropriately toward her']\n", + "an unnamed 30-year-old former marlborough school student filed the lawsuit against joseph koetters , who taught english at the hancock park school which charges $ 35,000-per-year .the lawsuit alleges that when koetters was in his early-to-mid 30s he took part in a yearlong sexual relationship with a 16-year-old student , which began in the 2000-2001 school year .a former teacher at a prestigious girls ' school , attended by some of los angeles ' most affluent families , has been sued by a former student , alleging sexual abuse .\n", + "joseph koetters has been sued by an unnamed marlborough student , 30lawsuit alleges that koetters took part in a year-long sexual relationship with a 16-year-old student , which began in the 2000-2001 school yearlawsuit also claims unnamed teachers and school officials are held responsible for not ending the relationshipwoman came forward after another former student wrote an online essay accusing koetters of acting inappropriately toward her\n", + "[1.5269603 1.0651171 1.20257 1.2164328 1.193491 1.3248906 1.0371637\n", + " 1.0410336 1.0708814 1.1892408 1.0267268 1.0154688 1.0148062 1.0276784\n", + " 1.015281 1.0101142 1.0166225 0. 0. 0. 0. ]\n", + "\n", + "[ 0 5 3 2 4 9 8 1 7 6 13 10 16 11 14 12 15 19 17 18 20]\n", + "=======================\n", + "[\"the mighty boot of marcelo bosch kept the english flag flying in europe as the argentinian kicked saracens through to the champions cup semi-finals with a famous last-minute penalty .marcelo bosch kicks the match-winning penalty from long-range to snatch saracen 's a semi-final berthreferee nigel owens was escorted off the pitch by security but his call -- penalising replacement lock fabrice metz with 10 seconds left on the clock -- was the correct decision and ensured a classic finale to match bereft or flair and finesse .\"]\n", + "=======================\n", + "[\"marcelo bosch kicked penalty with last play of the game for victorysaracens took a half-time lead of 6-5 despite racing 's dominancepenalties from charlie hodgson ( two ) and alex goode for sarriesracing 92 scrum-half maxime machenaud scored the game 's only trysaracens will return to france to face clermont auvergne in the semi\"]\n", + "the mighty boot of marcelo bosch kept the english flag flying in europe as the argentinian kicked saracens through to the champions cup semi-finals with a famous last-minute penalty .marcelo bosch kicks the match-winning penalty from long-range to snatch saracen 's a semi-final berthreferee nigel owens was escorted off the pitch by security but his call -- penalising replacement lock fabrice metz with 10 seconds left on the clock -- was the correct decision and ensured a classic finale to match bereft or flair and finesse .\n", + "marcelo bosch kicked penalty with last play of the game for victorysaracens took a half-time lead of 6-5 despite racing 's dominancepenalties from charlie hodgson ( two ) and alex goode for sarriesracing 92 scrum-half maxime machenaud scored the game 's only trysaracens will return to france to face clermont auvergne in the semi\n", + "[1.4735408 1.3936074 1.1000246 1.0522082 1.4610695 1.3352687 1.0313593\n", + " 1.020493 1.274732 1.0327926 1.03987 1.1800015 1.1143842 1.0141759\n", + " 1.012399 1.0297899 1.0562464 1.0127122 1.0186515 1.0103786 1.0110927]\n", + "\n", + "[ 0 4 1 5 8 11 12 2 16 3 10 9 6 15 7 18 13 17 14 20 19]\n", + "=======================\n", + "[\"karim benzema insists real madrid are capable of becoming the first side to retain the champions league due to their undoubted quality .the la liga giants won their 10th european cup last season and benzema is confident that his side can quickly add to their impressive tally .benzema was speaking to adidas ahead of real madrid 's champions league encounter against atletico\"]\n", + "=======================\n", + "[\"karim benzema has set his side target of reaching champions league finalthe frenchman insists real will ` give their all to be there at the end 'james rodriguez is happy to be plying his trade under carlo ancelottireal madrid face atletico madrid at the vicente calderon on tuesdayread : see where cristiano ronaldo and co unwind after training\"]\n", + "karim benzema insists real madrid are capable of becoming the first side to retain the champions league due to their undoubted quality .the la liga giants won their 10th european cup last season and benzema is confident that his side can quickly add to their impressive tally .benzema was speaking to adidas ahead of real madrid 's champions league encounter against atletico\n", + "karim benzema has set his side target of reaching champions league finalthe frenchman insists real will ` give their all to be there at the end 'james rodriguez is happy to be plying his trade under carlo ancelottireal madrid face atletico madrid at the vicente calderon on tuesdayread : see where cristiano ronaldo and co unwind after training\n", + "[1.1787865 1.3418541 1.2923504 1.2087951 1.133894 1.0647446 1.0585191\n", + " 1.1265868 1.1012254 1.114761 1.021055 1.0113733 1.1065062 1.0704669\n", + " 1.0178267 1.0458692 1.0104905 1.0234606 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 7 9 12 8 13 5 6 15 17 10 14 11 16 19 18 20]\n", + "=======================\n", + "[\"the 24-year-old , better known as simply stephen james , is now quickly becoming one of the most in-demand models in the industry , and one of the first ever to be a full tattooed one at that .he has lucrative contracts with calvin klein and diesel under his belt , has starred in numerous men 's magazine shoots , and graced the runway at fashion weeks .not so tough tatts : the supermodel softy says you should n't judge someone by how they look on the outside\"]\n", + "=======================\n", + "['london-based model stephen james hendry famed for his full body tattoothe supermodel is in sydney for a new modelling campaignaustralian fans understood to have already located him at his hotelthe 24-year-old heartthrob is recently single']\n", + "the 24-year-old , better known as simply stephen james , is now quickly becoming one of the most in-demand models in the industry , and one of the first ever to be a full tattooed one at that .he has lucrative contracts with calvin klein and diesel under his belt , has starred in numerous men 's magazine shoots , and graced the runway at fashion weeks .not so tough tatts : the supermodel softy says you should n't judge someone by how they look on the outside\n", + "london-based model stephen james hendry famed for his full body tattoothe supermodel is in sydney for a new modelling campaignaustralian fans understood to have already located him at his hotelthe 24-year-old heartthrob is recently single\n", + "[1.038834 1.3345401 1.4309655 1.2674578 1.2575436 1.2489784 1.1797441\n", + " 1.1156244 1.0196158 1.0135883 1.1635855 1.0671467 1.0105458 1.0963233\n", + " 1.1300515 1.211584 1.112749 1.0460033]\n", + "\n", + "[ 2 1 3 4 5 15 6 10 14 7 16 13 11 17 0 8 9 12]\n", + "=======================\n", + "['the small creatures are easily blown to the shores of oregon , california and washington during strong winds this time of year thanks to a blue sail on the tops of their bodies .the sands are awash with thousands of blue jellyfish-like creatures known as velella velella .in oregon , there are more velella velella across beaches than usual , experts say .']\n", + "=======================\n", + "['thousands of the jellyfish-like creatures , known as velella velella , are covering beaches across oregon , california and washingtonthe creatures have small sails on their bodies , which means they are easily blown towards the shore during strong winds this time of yearthey are not harmful to humans but will begin to smell as they rot']\n", + "the small creatures are easily blown to the shores of oregon , california and washington during strong winds this time of year thanks to a blue sail on the tops of their bodies .the sands are awash with thousands of blue jellyfish-like creatures known as velella velella .in oregon , there are more velella velella across beaches than usual , experts say .\n", + "thousands of the jellyfish-like creatures , known as velella velella , are covering beaches across oregon , california and washingtonthe creatures have small sails on their bodies , which means they are easily blown towards the shore during strong winds this time of yearthey are not harmful to humans but will begin to smell as they rot\n", + "[1.4450221 1.2600477 1.1646451 1.4377117 1.1652598 1.1562973 1.1104953\n", + " 1.1090758 1.2515439 1.0674058 1.0371906 1.0403751 1.0884426 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 8 4 2 5 6 7 12 9 11 10 16 13 14 15 17]\n", + "=======================\n", + "[\"manchester united have identified borussia dortmund midfielder ilkay gundogan as the leading contender to fill michael carrick 's midfield role .manchester united are closing in on a deal to sign borussia dortmund ace ilkay gundoganunited are eyeing a # 20.5 million deal for the central midfielder , and reports emanating from germany on friday indicated a deal is now close - though those claims were later denied .\"]\n", + "=======================\n", + "['louis van gaal is closing in on a deal for midfielder ilkay gundoganmanchester united have agreed # 20.5 million fee with borussia dortmundgermany international has scored nine goals in 75 games for dortmundarsenal were also linked with a move for the 24-year-old midfielder']\n", + "manchester united have identified borussia dortmund midfielder ilkay gundogan as the leading contender to fill michael carrick 's midfield role .manchester united are closing in on a deal to sign borussia dortmund ace ilkay gundoganunited are eyeing a # 20.5 million deal for the central midfielder , and reports emanating from germany on friday indicated a deal is now close - though those claims were later denied .\n", + "louis van gaal is closing in on a deal for midfielder ilkay gundoganmanchester united have agreed # 20.5 million fee with borussia dortmundgermany international has scored nine goals in 75 games for dortmundarsenal were also linked with a move for the 24-year-old midfielder\n", + "[1.3429073 1.4687746 1.2956232 1.3223872 1.2299268 1.048388 1.0532633\n", + " 1.0605707 1.0272881 1.0666136 1.0932866 1.0741593 1.1714734 1.0682418\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 12 10 11 13 9 7 6 5 8 14 15 16 17]\n", + "=======================\n", + "[\"the golfer 's girlfriend , bikini model alexis randock , had posted a photo on her instagram account of her and sister nicole on the beach last week .pga tour star rickie fowler has earned extra brownie points with his growing legion of fans after calling out an online hater who accused his girlfriend of being a ` gold digger . '` fatalsplash ' - who has since changed his user name to - ' @dont_hava_usename ' - was roundly criticized , being called a moron and accused of working at mcdonald 's .\"]\n", + "=======================\n", + "[\"the pga tour star has earned extra brownie points with his growing legion of fans after calling out an online hater who abused his girlfriendbikini model alexis randock had posted a photo on her instagram account of her and her sister nicole on the beacha troll called ` fatalsplash ' then accused alexis of being a ` gold digger ' who did n't have to workfowler quickly told the hater to ` get your facts straight ' , while alexis informed him that she worked her ` butt off '\"]\n", + "the golfer 's girlfriend , bikini model alexis randock , had posted a photo on her instagram account of her and sister nicole on the beach last week .pga tour star rickie fowler has earned extra brownie points with his growing legion of fans after calling out an online hater who accused his girlfriend of being a ` gold digger . '` fatalsplash ' - who has since changed his user name to - ' @dont_hava_usename ' - was roundly criticized , being called a moron and accused of working at mcdonald 's .\n", + "the pga tour star has earned extra brownie points with his growing legion of fans after calling out an online hater who abused his girlfriendbikini model alexis randock had posted a photo on her instagram account of her and her sister nicole on the beacha troll called ` fatalsplash ' then accused alexis of being a ` gold digger ' who did n't have to workfowler quickly told the hater to ` get your facts straight ' , while alexis informed him that she worked her ` butt off '\n", + "[1.2650051 1.1095208 1.2418306 1.2583029 1.2240901 1.1379379 1.2063812\n", + " 1.1264083 1.1267856 1.1366097 1.0765802 1.035533 1.0253582 1.0361309\n", + " 1.0829552 1.0641439 1.0708846 0. ]\n", + "\n", + "[ 0 3 2 4 6 5 9 8 7 1 14 10 16 15 13 11 12 17]\n", + "=======================\n", + "[\"apple offers a range of ways to unlock its devices from pins to passwords and fingerprints .the patent ( illustrated ) was filed by the california-based firm in march 2011 and awarded earlier this week .the filing details a system of scanning a user 's face with the front-facing camera when the handset is moved into a certain position , and automatically unlocking the device if the image matches one on file .\"]\n", + "=======================\n", + "[\"the patent was filed in march 2011 and awarded to apple earlier this weekit details a method of scanning a user 's face using the front-facing cameraif the scanned face matches with a photo that was previously taken and stored , the phone unlocks automaticallyandroid lollipop already has a similar feature called ` trusted face '\"]\n", + "apple offers a range of ways to unlock its devices from pins to passwords and fingerprints .the patent ( illustrated ) was filed by the california-based firm in march 2011 and awarded earlier this week .the filing details a system of scanning a user 's face with the front-facing camera when the handset is moved into a certain position , and automatically unlocking the device if the image matches one on file .\n", + "the patent was filed in march 2011 and awarded to apple earlier this weekit details a method of scanning a user 's face using the front-facing cameraif the scanned face matches with a photo that was previously taken and stored , the phone unlocks automaticallyandroid lollipop already has a similar feature called ` trusted face '\n", + "[1.172275 1.1535263 1.5132084 1.2208495 1.1269475 1.1131215 1.0822804\n", + " 1.0821153 1.0639313 1.0234004 1.1522404 1.1274952 1.019258 1.0644957\n", + " 1.0254914 1.0835458 1.0396934 0. ]\n", + "\n", + "[ 2 3 0 1 10 11 4 5 15 6 7 13 8 16 14 9 12 17]\n", + "=======================\n", + "['the altamura man became the oldest neanderthal to have his dna extracted by researchers .it took them more than 20 years to get around to doing it .( cnn ) about 150,000 years ago -- give or take 20,000 -- a guy fell into a well .']\n", + "=======================\n", + "['scientists in southern italy have known about him since 1993researchers worried that rescuing the bones would shatter them']\n", + "the altamura man became the oldest neanderthal to have his dna extracted by researchers .it took them more than 20 years to get around to doing it .( cnn ) about 150,000 years ago -- give or take 20,000 -- a guy fell into a well .\n", + "scientists in southern italy have known about him since 1993researchers worried that rescuing the bones would shatter them\n", + "[1.1904106 1.171953 1.5425117 1.1959331 1.1443719 1.1521623 1.0931586\n", + " 1.0364612 1.0533967 1.0364411 1.067913 1.025645 1.1843773 1.0510352\n", + " 1.0192087 1.0414618 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 3 0 12 1 5 4 6 10 8 13 15 7 9 11 14 20 16 17 18 19 21]\n", + "=======================\n", + "['breaking records for the largest suite in los angeles , the westwood-designed penthouse at the london west hollywood hotel is set to open next month , and it will cost a eye-watering $ 25,000 ( almost # 17,000 ) a night .the master bedroom suite includes a contemporary king-sized four poster bed , with cushions and a tapestry designed by westwoodit seems there is nothing that vivienne westwood can not transform , especially after she recently added a luxury penthouse hotel suite to her impressive design portfolio .']\n", + "=======================\n", + "[\"the vivienne westwood suite will debut at the london west hollywoodopening in may , the 11,000 square foot suite is dubbed the largest in lathe english designer 's cushions , tapestries and scarves are on displayguests can have an exclusive hour of shopping at westwood 's store\"]\n", + "breaking records for the largest suite in los angeles , the westwood-designed penthouse at the london west hollywood hotel is set to open next month , and it will cost a eye-watering $ 25,000 ( almost # 17,000 ) a night .the master bedroom suite includes a contemporary king-sized four poster bed , with cushions and a tapestry designed by westwoodit seems there is nothing that vivienne westwood can not transform , especially after she recently added a luxury penthouse hotel suite to her impressive design portfolio .\n", + "the vivienne westwood suite will debut at the london west hollywoodopening in may , the 11,000 square foot suite is dubbed the largest in lathe english designer 's cushions , tapestries and scarves are on displayguests can have an exclusive hour of shopping at westwood 's store\n", + "[1.2666749 1.5617514 1.0963519 1.1254932 1.2894449 1.0627944 1.2262181\n", + " 1.0233485 1.0174354 1.0554237 1.097533 1.0915208 1.0382633 1.0507045\n", + " 1.0168794 1.0197812 1.1396484 1.0845046 1.1382363 1.1280416 1.045309\n", + " 1.0218337]\n", + "\n", + "[ 1 4 0 6 16 18 19 3 10 2 11 17 5 9 13 20 12 7 21 15 8 14]\n", + "=======================\n", + "['travis hatfield , 21 , from gilbert , west virginia sung a george jones hit to his 47-year-old uncle , jamie joe cline .an aspiring country singer from west virginia has become a viral sensation after he posted a video of himself online singing to his uncle who has down syndrome .the video of the two of them playing music together and singing he stopped loving her today has gone viral with more than 410,000 views so far .']\n", + "=======================\n", + "['travis hatfield , 21 , from west virginia performed with his 47-year-old uncletheir video went viral with more than 410,000 viewsthe singer says he is how receiving offers from record labels']\n", + "travis hatfield , 21 , from gilbert , west virginia sung a george jones hit to his 47-year-old uncle , jamie joe cline .an aspiring country singer from west virginia has become a viral sensation after he posted a video of himself online singing to his uncle who has down syndrome .the video of the two of them playing music together and singing he stopped loving her today has gone viral with more than 410,000 views so far .\n", + "travis hatfield , 21 , from west virginia performed with his 47-year-old uncletheir video went viral with more than 410,000 viewsthe singer says he is how receiving offers from record labels\n", + "[1.1559594 1.4368479 1.2346636 1.2281893 1.2145683 1.3011827 1.1870865\n", + " 1.0756813 1.0707376 1.0390009 1.09415 1.0697703 1.0439411 1.0412526\n", + " 1.0105616 1.0227956 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 5 2 3 4 6 0 10 7 8 11 12 13 9 15 14 20 16 17 18 19 21]\n", + "=======================\n", + "['little zane gbangbola died at home -- in the middle of the night -- after being poisoned by gas .for months after his death , police and other official agencies ruled out fears that the deadly fumes had come from a nearby landfill site .instead , they insisted carbon monoxide from a faulty pump hired by his family had caused his death .']\n", + "=======================\n", + "[\"zane gbangbola died at home in the middle of the night after gas poisoningauthorities denied that deadly fumes were coming from nearby landfill sitethey insisted carbon monoxide from faulty pump in house caused his deathevidence shows authorities knew hydrogen cyanide leaked into family homefire crews fled the riverside home for their own safety after their specialist gas detectors sounded the alarm for dangerous levels of hydrogen cyanide four hours after zane was discovered by his mother .the concentration of the gas found could be fatal within 15 minutes ;carbon monoxide was never detected in the family 's home ;neighbours were evacuated amid fears of ` contamination from floodwater ' ;police and other agencies were fully informed of hydrogen cyanide at the property at the time , but never confirmed it publicly despite repeated questioning by this newspaper .\"]\n", + "little zane gbangbola died at home -- in the middle of the night -- after being poisoned by gas .for months after his death , police and other official agencies ruled out fears that the deadly fumes had come from a nearby landfill site .instead , they insisted carbon monoxide from a faulty pump hired by his family had caused his death .\n", + "zane gbangbola died at home in the middle of the night after gas poisoningauthorities denied that deadly fumes were coming from nearby landfill sitethey insisted carbon monoxide from faulty pump in house caused his deathevidence shows authorities knew hydrogen cyanide leaked into family homefire crews fled the riverside home for their own safety after their specialist gas detectors sounded the alarm for dangerous levels of hydrogen cyanide four hours after zane was discovered by his mother .the concentration of the gas found could be fatal within 15 minutes ;carbon monoxide was never detected in the family 's home ;neighbours were evacuated amid fears of ` contamination from floodwater ' ;police and other agencies were fully informed of hydrogen cyanide at the property at the time , but never confirmed it publicly despite repeated questioning by this newspaper .\n", + "[1.1228136 1.0917021 1.106786 1.1105711 1.1006453 1.2704129 1.0329919\n", + " 1.051222 1.0636752 1.0235249 1.0256641 1.0302131 1.0727513 1.1293738\n", + " 1.1445959 1.1197063 1.0864757 1.0822221 1.0380671 0. 0.\n", + " 0. ]\n", + "\n", + "[ 5 14 13 0 15 3 2 4 1 16 17 12 8 7 18 6 11 10 9 19 20 21]\n", + "=======================\n", + "['luxury personified : the datai hotel has all the colour and wonder of the emerald city , says maria mcerlanein 2007 it was given world geopark status by unesco .preconceptions , i find , can be really unhelpful , so before travelling to the datai , a luxury hotel in malaysia , i decided not to find out anything about it .']\n", + "=======================\n", + "['comedian maria mcerlane travelled with buddy doon mackichanthe pair swam morning , noon and night in the andaman seaserenaded by macaques and dusky leaf monkeys']\n", + "luxury personified : the datai hotel has all the colour and wonder of the emerald city , says maria mcerlanein 2007 it was given world geopark status by unesco .preconceptions , i find , can be really unhelpful , so before travelling to the datai , a luxury hotel in malaysia , i decided not to find out anything about it .\n", + "comedian maria mcerlane travelled with buddy doon mackichanthe pair swam morning , noon and night in the andaman seaserenaded by macaques and dusky leaf monkeys\n", + "[1.3167968 1.3821892 1.4376485 1.3488556 1.1968298 1.0996007 1.0703602\n", + " 1.0701017 1.0535926 1.0577774 1.09821 1.1375527 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 3 0 4 11 5 10 6 7 9 8 20 12 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "['the club proposed a 4.5 metre fine mesh screen to be installed and liverpool city council planning committee has given its approval on tuesday .the club has grown concerned that confidential team details have been leaked out before matches as opportune observers and photographers watch their training sessions .liverpool have been given the go-ahead to install a privacy screen around their melwood training ground .']\n", + "=======================\n", + "['liverpool city council planning committee gave its approval on tuesdayliverpool had grown concerns over confidentiality of their team detailsopportune observers and photographers have watched sessions in paststan collymore : liverpool should have patience with brendan rodgersread : juventus monitoring liverpool winger raheem sterling']\n", + "the club proposed a 4.5 metre fine mesh screen to be installed and liverpool city council planning committee has given its approval on tuesday .the club has grown concerned that confidential team details have been leaked out before matches as opportune observers and photographers watch their training sessions .liverpool have been given the go-ahead to install a privacy screen around their melwood training ground .\n", + "liverpool city council planning committee gave its approval on tuesdayliverpool had grown concerns over confidentiality of their team detailsopportune observers and photographers have watched sessions in paststan collymore : liverpool should have patience with brendan rodgersread : juventus monitoring liverpool winger raheem sterling\n", + "[1.4151729 1.212507 1.1693438 1.1854793 1.1870811 1.1588966 1.1187205\n", + " 1.0729504 1.1068733 1.0871822 1.0872504 1.0739186 1.0133189 1.0292017\n", + " 1.0755213 1.1181532 1.0347966 1.0494039 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 3 2 5 6 15 8 10 9 14 11 7 17 16 13 12 19 18 20]\n", + "=======================\n", + "[\"( cnn ) a new york jury deliberating the fate of the man charged with the 1979 killing of 6-year-old etan patz is struggling to reach a verdict .the little boy 's disappearance , more than three decades ago , sparked an era of heightened awareness of crimes against children .hernandez confessed to police three years ago , but his lawyers said he made up his account of the crime .\"]\n", + "=======================\n", + "['etan patz disappeared in 1979 ; his face appeared on milk cartons all across the united stateshis case marked a time of heightened awareness of crimes against childrenpedro hernandez confessed three years ago to the killing']\n", + "( cnn ) a new york jury deliberating the fate of the man charged with the 1979 killing of 6-year-old etan patz is struggling to reach a verdict .the little boy 's disappearance , more than three decades ago , sparked an era of heightened awareness of crimes against children .hernandez confessed to police three years ago , but his lawyers said he made up his account of the crime .\n", + "etan patz disappeared in 1979 ; his face appeared on milk cartons all across the united stateshis case marked a time of heightened awareness of crimes against childrenpedro hernandez confessed three years ago to the killing\n", + "[1.2498801 1.3766897 1.1151444 1.435016 1.0585338 1.2242934 1.1402775\n", + " 1.1147447 1.0751213 1.1108266 1.121061 1.1538107 1.0517886 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 5 11 6 10 2 7 9 8 4 12 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"radamel falcao ( right ) spent his thursday evening in the company of jonas gutierreznewcastle united defender gutierrez , who successful underwent treatment for testicular cancer earlier this year , was given a standing ovation at anfield when he was introduced as a second-half substitute during his side 's 2-0 defeat by liverpool on monday night .the on-loan forward has been linked with paris saint-germain , juventus and valencia in recent weeks\"]\n", + "=======================\n", + "['radamel falcao joined manchester united on on loan last summerfalcao has struggled for form and games since his movethe colombian forward is currenlty earning # 280,000 a week']\n", + "radamel falcao ( right ) spent his thursday evening in the company of jonas gutierreznewcastle united defender gutierrez , who successful underwent treatment for testicular cancer earlier this year , was given a standing ovation at anfield when he was introduced as a second-half substitute during his side 's 2-0 defeat by liverpool on monday night .the on-loan forward has been linked with paris saint-germain , juventus and valencia in recent weeks\n", + "radamel falcao joined manchester united on on loan last summerfalcao has struggled for form and games since his movethe colombian forward is currenlty earning # 280,000 a week\n", + "[1.5409031 1.219658 1.2375354 1.2370638 1.1171645 1.2068956 1.1471409\n", + " 1.1469775 1.0980296 1.0410713 1.1739616 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 5 10 6 7 4 8 9 19 11 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"mark selby , john higgins and ding junhui were among a number of players who moved effortlessly into the last 16 of the china open on wednesday .ding , the home favourite and reigning champion in beijing , had two breaks of 86 in a convincing 5-1 victory against mark davis to set up a third-round meeting with mark williams , who was an easy 5-0 winner over scotland 's michael leslie .selby , who is gearing up for the defence of his world title later this month , continued to defy a neck injury to sweep aside fellow englishman elliot slessor with a break of 126 in frame four of their second-round clash .\"]\n", + "=======================\n", + "[\"world no 1 mark selby overcame a neck injury to beat fellow englishman elliot slessor at the china openjohn higgins and ding junhui have also made it into the tournament 's last 16shaun murphy was made to work hard for his place in the third round , coming back from 3-2 down to beat anthony mcgillthe last 16 will take place across two sessions on thursday\"]\n", + "mark selby , john higgins and ding junhui were among a number of players who moved effortlessly into the last 16 of the china open on wednesday .ding , the home favourite and reigning champion in beijing , had two breaks of 86 in a convincing 5-1 victory against mark davis to set up a third-round meeting with mark williams , who was an easy 5-0 winner over scotland 's michael leslie .selby , who is gearing up for the defence of his world title later this month , continued to defy a neck injury to sweep aside fellow englishman elliot slessor with a break of 126 in frame four of their second-round clash .\n", + "world no 1 mark selby overcame a neck injury to beat fellow englishman elliot slessor at the china openjohn higgins and ding junhui have also made it into the tournament 's last 16shaun murphy was made to work hard for his place in the third round , coming back from 3-2 down to beat anthony mcgillthe last 16 will take place across two sessions on thursday\n", + "[1.5022935 1.5393548 1.1944766 1.2399656 1.074166 1.1118853 1.0465813\n", + " 1.0361674 1.0182137 1.0183761 1.0237525 1.1414211 1.142523 1.1501325\n", + " 1.1535219 1.0396817 1.1156107 1.017978 1.0083838 1.012013 1.045653 ]\n", + "\n", + "[ 1 0 3 2 14 13 12 11 16 5 4 6 20 15 7 10 9 8 17 19 18]\n", + "=======================\n", + "[\"north has been knocked unconscious three times in recent months , including in last friday 's 52-30 win over wasps , and was on wednesday being assessed by a neurologist .northampton will await expert opinion before deciding when george north will next play after confirming the wales wing will miss saturday 's european champions cup quarter-final at clermont auvergne after his latest head injury .george north lies motionless on the franklin 's gardens turf after being knocked out against wasps\"]\n", + "=======================\n", + "[\"george north knocked out after scoring against wasps on fridayconcussion was the wing 's third suffered in recent monthsnorth will sit out saturday 's champions cup clash on medical advicewasps no 8 nathan hughes been banned for three weeks for the incident\"]\n", + "north has been knocked unconscious three times in recent months , including in last friday 's 52-30 win over wasps , and was on wednesday being assessed by a neurologist .northampton will await expert opinion before deciding when george north will next play after confirming the wales wing will miss saturday 's european champions cup quarter-final at clermont auvergne after his latest head injury .george north lies motionless on the franklin 's gardens turf after being knocked out against wasps\n", + "george north knocked out after scoring against wasps on fridayconcussion was the wing 's third suffered in recent monthsnorth will sit out saturday 's champions cup clash on medical advicewasps no 8 nathan hughes been banned for three weeks for the incident\n", + "[1.4260193 1.1440815 1.1783023 1.3760601 1.2779443 1.147468 1.0636415\n", + " 1.0474359 1.0623509 1.0675693 1.0648772 1.0328507 1.0719578 1.0905586\n", + " 1.1221932 1.055156 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 2 5 1 14 13 12 9 10 6 8 15 7 11 16 17 18 19 20]\n", + "=======================\n", + "[\"chelsea captain john terry has revealed his picks for the pfa player and team of the year with liverpool playmaker philippe coutinho getting his nod as the premier league 's finest .liverpool 's brazilian playmaker , scoring the winner in the fa cup , has hit form in second half of the seasonalthough the former england captain has not been on the losing side to liverpool in three games this season , terry has obviously been impressed by the young brazilian 's skills - despite him only scoring four league goals .\"]\n", + "=======================\n", + "['chelsea captain john terry has revealed his pfa team of the yearliverpool playmaker philippe coutinho gets nod as player of the yeartottenham scoring sensation harry kane is his young player of the yearformer blues juan mata and ryan bertrand are in his best xi picks']\n", + "chelsea captain john terry has revealed his picks for the pfa player and team of the year with liverpool playmaker philippe coutinho getting his nod as the premier league 's finest .liverpool 's brazilian playmaker , scoring the winner in the fa cup , has hit form in second half of the seasonalthough the former england captain has not been on the losing side to liverpool in three games this season , terry has obviously been impressed by the young brazilian 's skills - despite him only scoring four league goals .\n", + "chelsea captain john terry has revealed his pfa team of the yearliverpool playmaker philippe coutinho gets nod as player of the yeartottenham scoring sensation harry kane is his young player of the yearformer blues juan mata and ryan bertrand are in his best xi picks\n", + "[1.2282051 1.4954733 1.2532713 1.3752812 1.1272209 1.1666561 1.1322397\n", + " 1.0563148 1.0550412 1.2269562 1.0629871 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 9 5 6 4 10 7 8 18 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "['evelin mezei , a 12-year-old hungarian national , was spotted with the man at around 10.30 pm yesterday , an hour after she was last seen by her mother in east london , scotland yard said .but the youngster , who came to the uk six months ago , was traced this morning .a missing schoolgirl who was seen on cctv footage with an unknown man on a city street late last night has been found safe and well .']\n", + "=======================\n", + "['hungarian national evelin mezei , 12 , has been found safe and wellshe had gone missing from the stratford area in london last nightevelin had been seen on cctv footage with an unknown man']\n", + "evelin mezei , a 12-year-old hungarian national , was spotted with the man at around 10.30 pm yesterday , an hour after she was last seen by her mother in east london , scotland yard said .but the youngster , who came to the uk six months ago , was traced this morning .a missing schoolgirl who was seen on cctv footage with an unknown man on a city street late last night has been found safe and well .\n", + "hungarian national evelin mezei , 12 , has been found safe and wellshe had gone missing from the stratford area in london last nightevelin had been seen on cctv footage with an unknown man\n", + "[1.4670403 1.3512443 1.3320627 1.3762729 1.3078562 1.1583058 1.1316786\n", + " 1.0501626 1.0097423 1.0211163 1.0154938 1.0165948 1.0168093 1.012248\n", + " 1.1378974 1.1184442 1.031113 1.0115451 1.0118309 1.028808 ]\n", + "\n", + "[ 0 3 1 2 4 5 14 6 15 7 16 19 9 12 11 10 13 18 17 8]\n", + "=======================\n", + "['mauricio pochettino believes harry kane and ryan mason have not been able to show the same level of consistency since they returned from england duty and hopes to see a big improvement when spurs face newcastle .england call-up hurt the form of harry kane , according to his tottenham boss mauricio pochettinokane has been one of the stars of the premier league , scoring 29 goals in all competitions for tottenham , and is just one away from becoming their first player since gary lineker in 1992 to hit 30 goals in a season .']\n", + "=======================\n", + "['mauricio pochettino says harry kane has struggled since england debutalso believes his team-mate ryan mason is suffering as well21-year-old kane has scored 29 goals in all competitions this season']\n", + "mauricio pochettino believes harry kane and ryan mason have not been able to show the same level of consistency since they returned from england duty and hopes to see a big improvement when spurs face newcastle .england call-up hurt the form of harry kane , according to his tottenham boss mauricio pochettinokane has been one of the stars of the premier league , scoring 29 goals in all competitions for tottenham , and is just one away from becoming their first player since gary lineker in 1992 to hit 30 goals in a season .\n", + "mauricio pochettino says harry kane has struggled since england debutalso believes his team-mate ryan mason is suffering as well21-year-old kane has scored 29 goals in all competitions this season\n", + "[1.6128488 1.2600098 1.1558468 1.4284233 1.1388822 1.0719322 1.0241404\n", + " 1.021982 1.0187055 1.01836 1.179299 1.0477617 1.1635573 1.0468576\n", + " 1.0127789 1.0099584 1.0330726 1.0180289 0. 0. ]\n", + "\n", + "[ 0 3 1 10 12 2 4 5 11 13 16 6 7 8 9 17 14 15 18 19]\n", + "=======================\n", + "[\"manchester city under 18s boss jason wilcox , whose side take on chelsea in the first leg of the fa youth cup final on monday , is aiming to emulate united 's famous class of ' 92 .wilcox , himself let go by his current employers as a teenager , could field a starting xi of players all born in greater manchester for the clash against the favoured opponents from west london .wilcox hopes to emulate manchester united 's ` class of 92 ' but says it will be very difficult\"]\n", + "=======================\n", + "['manchester city and chelsea meet in the first leg of the final on mondayformer blackburn winger jason wilcox is manager of the city youth teamthe 43-year-old says his aim is to get local players into the city first teamwilcox has backed the new facilities at the etihad campus deliver that aim']\n", + "manchester city under 18s boss jason wilcox , whose side take on chelsea in the first leg of the fa youth cup final on monday , is aiming to emulate united 's famous class of ' 92 .wilcox , himself let go by his current employers as a teenager , could field a starting xi of players all born in greater manchester for the clash against the favoured opponents from west london .wilcox hopes to emulate manchester united 's ` class of 92 ' but says it will be very difficult\n", + "manchester city and chelsea meet in the first leg of the final on mondayformer blackburn winger jason wilcox is manager of the city youth teamthe 43-year-old says his aim is to get local players into the city first teamwilcox has backed the new facilities at the etihad campus deliver that aim\n", + "[1.3962903 1.3171204 1.3245859 1.1731296 1.165988 1.1773111 1.1267365\n", + " 1.088075 1.0819834 1.0645534 1.0807283 1.0332772 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 5 3 4 6 7 8 10 9 11 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"sao paulo , brazil ( cnn ) brazilian police have arrested the treasurer of the ruling workers ' party , bringing the bribery investigation at the state-run oil company petrobras a step closer to president dilma rousseff .vaccari faces charges of corruption and money laundering as part of the broader probe into corruption at petrobras .federal police arrested joao vaccari neto at his home in sao paulo on wednesday morning .\"]\n", + "=======================\n", + "[\"a top official with president dilma rousseff 's ruling party is arrested in bribery probejoao vaccari neto denies wrongdoing , says all donations were legalhundreds of thousands of brazilians have protested against rousseff in the last few months\"]\n", + "sao paulo , brazil ( cnn ) brazilian police have arrested the treasurer of the ruling workers ' party , bringing the bribery investigation at the state-run oil company petrobras a step closer to president dilma rousseff .vaccari faces charges of corruption and money laundering as part of the broader probe into corruption at petrobras .federal police arrested joao vaccari neto at his home in sao paulo on wednesday morning .\n", + "a top official with president dilma rousseff 's ruling party is arrested in bribery probejoao vaccari neto denies wrongdoing , says all donations were legalhundreds of thousands of brazilians have protested against rousseff in the last few months\n", + "[1.3776479 1.4588972 1.2356462 1.1844548 1.0456305 1.0186927 1.1462723\n", + " 1.1690831 1.0699825 1.1578522 1.135842 1.1260201 1.082314 1.0302786\n", + " 1.0122994 1.0717278 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 7 9 6 10 11 12 15 8 4 13 5 14 18 16 17 19]\n", + "=======================\n", + "[\"the singer-songwriter 's 16-page collection is expected to fetch up to $ 1.5 million ( # 1,006,303 ) at auction today , which offers tantalising new details about the famous anthem , originally released in 1971 .don mclean is selling the original manuscript and lyrics to pop anthem american pie , including a ` lost verse ' , which included a line about the music being ` reborn ' .in an interview published by christie 's auction house new york , where the manuscript is up for grabs today , mclean says american pie is about ` heading in the wrong direction ' .\"]\n", + "=======================\n", + "[\"original lyrics to u.s. pop anthem american pie up for auction todaynotes on don mclean 's 60s hit expected to fetch up to $ 1.5 millionthe 16-pages also includes deleted verse about music being ` reborn ' .\"]\n", + "the singer-songwriter 's 16-page collection is expected to fetch up to $ 1.5 million ( # 1,006,303 ) at auction today , which offers tantalising new details about the famous anthem , originally released in 1971 .don mclean is selling the original manuscript and lyrics to pop anthem american pie , including a ` lost verse ' , which included a line about the music being ` reborn ' .in an interview published by christie 's auction house new york , where the manuscript is up for grabs today , mclean says american pie is about ` heading in the wrong direction ' .\n", + "original lyrics to u.s. pop anthem american pie up for auction todaynotes on don mclean 's 60s hit expected to fetch up to $ 1.5 millionthe 16-pages also includes deleted verse about music being ` reborn ' .\n", + "[1.2731371 1.0665423 1.3480088 1.1306932 1.0942141 1.0467731 1.0281494\n", + " 1.0240549 1.1818349 1.1402225 1.0489818 1.0250955 1.0246915 1.0272568\n", + " 1.0562402 1.029074 1.1884387 1.0908309 1.0739639 1.0569173 1.0402126\n", + " 1.0194452]\n", + "\n", + "[ 2 0 16 8 9 3 4 17 18 1 19 14 10 5 20 15 6 13 11 12 7 21]\n", + "=======================\n", + "[\"at saracens , who take on racing metro in paris on sunday in the european champions cup quarter-final , the flanker is loved by his team-mates every bit as much as he is loathed by opponents who fear the reckless abandon with which he is prepared to play the game .jacques burger encapsulates all the values rugby union 's marketing people love to espouse .saracens director of rugby mark mccall described burger as ` unique among rugby players ' , praising his willingness to ignore risks to his own wellbeing .\"]\n", + "=======================\n", + "[\"jacques burger prepares for battle with racing metro in quarter-final clashat sarries the flanker is loved by his teammates every bit as much as he is loathed by opponentssaracens director of rugby mark mccall described burger as ` unique among rugby players 'with a face left battered and bruised by years of punishment , burger is the man you want on your team\"]\n", + "at saracens , who take on racing metro in paris on sunday in the european champions cup quarter-final , the flanker is loved by his team-mates every bit as much as he is loathed by opponents who fear the reckless abandon with which he is prepared to play the game .jacques burger encapsulates all the values rugby union 's marketing people love to espouse .saracens director of rugby mark mccall described burger as ` unique among rugby players ' , praising his willingness to ignore risks to his own wellbeing .\n", + "jacques burger prepares for battle with racing metro in quarter-final clashat sarries the flanker is loved by his teammates every bit as much as he is loathed by opponentssaracens director of rugby mark mccall described burger as ` unique among rugby players 'with a face left battered and bruised by years of punishment , burger is the man you want on your team\n", + "[1.382355 1.4590347 1.2502303 1.1355463 1.1665478 1.0601561 1.0875828\n", + " 1.0262761 1.0603358 1.048596 1.0984324 1.0530361 1.0885115 1.0827732\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 4 3 10 12 6 13 8 5 11 9 7 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "['the critically-panned film , which opened last year \\'s cannes film festival , will premiere on lifetime on memorial day , may 25 .( the hollywood reporter ) \" grace of monaco , \" starring nicole kidman as star-turned-princess grace kelly , is heading straight to lifetime .but twc did strike a new distribution deal for the film in cannes , agreeing to show dahan \\'s cut in the u.s. , but acquiring rights for just $ 3 million upfront , a $ 2 million discount from its earlier contract .']\n", + "=======================\n", + "[\"the film will premiere on memorial dayit opened last year 's cannes film festivala planned march theater release was scrubbed\"]\n", + "the critically-panned film , which opened last year 's cannes film festival , will premiere on lifetime on memorial day , may 25 .( the hollywood reporter ) \" grace of monaco , \" starring nicole kidman as star-turned-princess grace kelly , is heading straight to lifetime .but twc did strike a new distribution deal for the film in cannes , agreeing to show dahan 's cut in the u.s. , but acquiring rights for just $ 3 million upfront , a $ 2 million discount from its earlier contract .\n", + "the film will premiere on memorial dayit opened last year 's cannes film festivala planned march theater release was scrubbed\n", + "[1.2209674 1.5069818 1.3735112 1.3280373 1.229857 1.1443758 1.0547298\n", + " 1.2232867 1.0315948 1.1823015 1.0201042 1.0150864 1.0129561 1.0096024\n", + " 1.0091184 1.0573906 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 4 7 0 9 5 15 6 8 10 11 12 13 14 20 16 17 18 19 21]\n", + "=======================\n", + "['richard curry , from loveclough in lancashire , was told he had malignant melanoma in his septum , the thin strip which separates the nostrils .he was warned that he would have to have his nose removed to stop the cancer from spreading but could be fitted with a prosthetic .but in order to make sure that the new nose stayed in place , the 71-year-old then had to have magnetic implants inserted into his cheekbones and nasal cavity during a procedure at the royal blackburn hospital .']\n", + "=======================\n", + "['richard curry , 71 , was diagnosed with malignant melanoma in his septumwas told he had to have his nose removed to stop the spread of the cancerhad magnetic implants inserted into his cheekbones and nasal cavitynow wears a prosthetic nose which is attached to his face using magnets']\n", + "richard curry , from loveclough in lancashire , was told he had malignant melanoma in his septum , the thin strip which separates the nostrils .he was warned that he would have to have his nose removed to stop the cancer from spreading but could be fitted with a prosthetic .but in order to make sure that the new nose stayed in place , the 71-year-old then had to have magnetic implants inserted into his cheekbones and nasal cavity during a procedure at the royal blackburn hospital .\n", + "richard curry , 71 , was diagnosed with malignant melanoma in his septumwas told he had to have his nose removed to stop the spread of the cancerhad magnetic implants inserted into his cheekbones and nasal cavitynow wears a prosthetic nose which is attached to his face using magnets\n", + "[1.2486765 1.4306726 1.2565216 1.2249088 1.2845773 1.1575412 1.0283403\n", + " 1.0516249 1.1614879 1.0967832 1.1241844 1.1102412 1.097239 1.0844426\n", + " 1.0207545 1.0229466 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 2 0 3 8 5 10 11 12 9 13 7 6 15 14 20 16 17 18 19 21]\n", + "=======================\n", + "[\"today , germanwings flight 4u814 to venice was diverted to stuttgart as the airbus a319 aircraft appeared to be losing oil , the airline said in a statement .germanwings said a passenger and a flight attendant suffered ` an acute feeling of sickness 'the flight , which had 123 passengers and five crew members on board , took off from cologne at 9.55 am local time .\"]\n", + "=======================\n", + "[\"germanwings flight 4u3882 was flying from hanover , germany to romethe airbus a319 was carrying 145 passengers and five crew memberspassenger and flight attendant suffered ` an acute feeling of sickness 'woman who had ' a fear of flying ' was assessed by medics , said passengerreplacement aircraft had to be flown in with an additional crew member\"]\n", + "today , germanwings flight 4u814 to venice was diverted to stuttgart as the airbus a319 aircraft appeared to be losing oil , the airline said in a statement .germanwings said a passenger and a flight attendant suffered ` an acute feeling of sickness 'the flight , which had 123 passengers and five crew members on board , took off from cologne at 9.55 am local time .\n", + "germanwings flight 4u3882 was flying from hanover , germany to romethe airbus a319 was carrying 145 passengers and five crew memberspassenger and flight attendant suffered ` an acute feeling of sickness 'woman who had ' a fear of flying ' was assessed by medics , said passengerreplacement aircraft had to be flown in with an additional crew member\n", + "[1.5099406 1.2611308 1.1484355 1.4714308 1.3609267 1.1986104 1.110106\n", + " 1.0243409 1.0149657 1.0200673 1.0115663 1.0114474 1.2640684 1.0148277\n", + " 1.0213305 1.0532004 1.0561415 1.0106558 1.0099888 1.018313 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 4 12 1 5 2 6 16 15 7 14 9 19 8 13 10 11 17 18 20 21]\n", + "=======================\n", + "['everton manager roberto martinez insists keeping kevin mirallas happy is key to holding on to him in the summer .kevin mirallas has been linked with a move away from everton following an injury-hit term at the toffeesaaron lennon has impressed on merseyside since moving on loan from tottenham hotspur in january']\n", + "=======================\n", + "['roberto martinez admits the future of star kevin mirallas is uncertainbelgium international has voiced ambition to play in champions leaguemirallas has two years remaining on his contract at the merseyside clubaaron lennon has been linked with a swap dealing involving mirallaseverton face manchester united in the premier league on sunday']\n", + "everton manager roberto martinez insists keeping kevin mirallas happy is key to holding on to him in the summer .kevin mirallas has been linked with a move away from everton following an injury-hit term at the toffeesaaron lennon has impressed on merseyside since moving on loan from tottenham hotspur in january\n", + "roberto martinez admits the future of star kevin mirallas is uncertainbelgium international has voiced ambition to play in champions leaguemirallas has two years remaining on his contract at the merseyside clubaaron lennon has been linked with a swap dealing involving mirallaseverton face manchester united in the premier league on sunday\n", + "[1.2474488 1.5214896 1.3339815 1.3499889 1.1233393 1.126195 1.0846907\n", + " 1.0809921 1.0890335 1.082388 1.0544608 1.036064 1.0297264 1.015289\n", + " 1.0393926 1.1102507 1.0246394 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 5 4 15 8 6 9 7 10 14 11 12 16 13 22 17 18 19 20 21 23]\n", + "=======================\n", + "['michael rapiejko was accused of approaching a man as he got out of his car in october 2005 and pointing a gun at him before handcuffing him and threatening to shoot him in front of his wife and four children .the plaintiff , luis colon , also claimed that rapiejko choked him and ordered that he get back into his car .the arizona police officer who rammed his car into an armed suspect was previously involved in a lawsuit while working for the new york police department .']\n", + "=======================\n", + "['michael rapiejko was accused of approaching luis colon as he got out of his car in october 2005 , pointing a gun at him and threatening to shoot himcolon , who was with his wife and four children , claimed rapiejko also handcuffed and choked him , over charges which were later droppedcolon sued and in december 2008 was awarded $ 20,000 by the city , the same month rapiejko left the new york police departmentthis as rapiejko is under fire for using possible excessive force when he mowed down an armed suspect in his police vehiclerapiejko , a cross fit devotee , calls himself robocop']\n", + "michael rapiejko was accused of approaching a man as he got out of his car in october 2005 and pointing a gun at him before handcuffing him and threatening to shoot him in front of his wife and four children .the plaintiff , luis colon , also claimed that rapiejko choked him and ordered that he get back into his car .the arizona police officer who rammed his car into an armed suspect was previously involved in a lawsuit while working for the new york police department .\n", + "michael rapiejko was accused of approaching luis colon as he got out of his car in october 2005 , pointing a gun at him and threatening to shoot himcolon , who was with his wife and four children , claimed rapiejko also handcuffed and choked him , over charges which were later droppedcolon sued and in december 2008 was awarded $ 20,000 by the city , the same month rapiejko left the new york police departmentthis as rapiejko is under fire for using possible excessive force when he mowed down an armed suspect in his police vehiclerapiejko , a cross fit devotee , calls himself robocop\n", + "[1.517017 1.3367726 1.1788613 1.3881022 1.2140855 1.0167311 1.010775\n", + " 1.0148553 1.0127985 1.0303144 1.1597855 1.1885519 1.1539687 1.053716\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 11 2 10 12 13 9 5 7 8 6 21 20 19 18 14 16 15 22 17 23]\n", + "=======================\n", + "[\"fifa presidential candidate luis figo on wednesday disputed the confederation of african football 's claim that all 54 votes from the continent will go to incumbent sepp blatter in the presidential elections next month .the former portugal international , in egypt at the caf congress to canvass for votes , told sportsmail he did not believe all africa was solidly behind blatter , who seeks re-election on may 29 against figo , prince ali bin al hussein of jordan and the dutch football association president michael van praag . 'i feel there 's a lot of respect for caf among all the african federations but i 'm positive that ( caf president ) mr ( issa ) hayatou did not speak in the name of the 54 members of the confederation , ' said the former barcelona and real madrid midfielder .\"]\n", + "=======================\n", + "[\"luis figo is challenging to replace sepp blatter as fifa presidentformer portugal star does n't believe all of confederation of african football 's ( caf ) 54 votes will decide in blatter 's favourprince ali bin al hussein and michael van praag are also in the running\"]\n", + "fifa presidential candidate luis figo on wednesday disputed the confederation of african football 's claim that all 54 votes from the continent will go to incumbent sepp blatter in the presidential elections next month .the former portugal international , in egypt at the caf congress to canvass for votes , told sportsmail he did not believe all africa was solidly behind blatter , who seeks re-election on may 29 against figo , prince ali bin al hussein of jordan and the dutch football association president michael van praag . 'i feel there 's a lot of respect for caf among all the african federations but i 'm positive that ( caf president ) mr ( issa ) hayatou did not speak in the name of the 54 members of the confederation , ' said the former barcelona and real madrid midfielder .\n", + "luis figo is challenging to replace sepp blatter as fifa presidentformer portugal star does n't believe all of confederation of african football 's ( caf ) 54 votes will decide in blatter 's favourprince ali bin al hussein and michael van praag are also in the running\n", + "[1.2065713 1.3134837 1.0716088 1.2160599 1.2287108 1.1009271 1.053007\n", + " 1.0440495 1.0190859 1.0676173 1.0585994 1.053025 1.0611858 1.0439645\n", + " 1.077814 1.1106763 1.0470804 1.020919 1.0193887 1.0198267 1.0268439\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 0 15 5 14 2 9 12 10 11 6 16 7 13 20 17 19 18 8 21 22 23]\n", + "=======================\n", + "['the migrant crisis that has suddenly drawn hundreds of journalists to sicily has been brewing for years , but in the past 10 days , with as many as 1,600 deaths in the mediterranean , suddenly minds are focused -- for now .hundreds of african migrants were caught between the libyan civil war ( back then some optimistically called it a \" revolution \" ) and the deep blue sea .it was late at night in the besieged city of misrata .']\n", + "=======================\n", + "['hundreds of desperate migrants have died attempting to cross the mediterranean in recent saysand italians are alarmed that this year as many as a million migrants could arrive in europe']\n", + "the migrant crisis that has suddenly drawn hundreds of journalists to sicily has been brewing for years , but in the past 10 days , with as many as 1,600 deaths in the mediterranean , suddenly minds are focused -- for now .hundreds of african migrants were caught between the libyan civil war ( back then some optimistically called it a \" revolution \" ) and the deep blue sea .it was late at night in the besieged city of misrata .\n", + "hundreds of desperate migrants have died attempting to cross the mediterranean in recent saysand italians are alarmed that this year as many as a million migrants could arrive in europe\n", + "[1.3938799 1.3762277 1.3023349 1.1241252 1.2597349 1.1479985 1.1894615\n", + " 1.0644897 1.0991237 1.0862246 1.0627583 1.0369681 1.0205923 1.0264446\n", + " 1.0263909 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 4 6 5 3 8 9 7 10 11 13 14 12 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "['los angeles kings forward jarret stoll was arrested on friday in las vegas , nevada , on drug possession charges , according to reports .stoll , 32 , is the longtime boyfriend of dancing with the stars host erin andrews , a former espn employee who now works as an nfl sideline reporter for fox sports .stoll was previously in the news for non-sports related reasons back in 2013 when he was rushed to the hospital after having a seizure at his home in hermosa beach , california during the offseason , with the kings later saying they did not know what caused the incident .']\n", + "=======================\n", + "['los angeles kings forward arrested friday on drug possession chargeshockey player was busted at the wet republic pool at mgm grand hotelhe was booked at clark county detention center and posted $ 5,000 bailthe charges include possession of class 1 , 2 , 3 and 4 controlled substancesnhl security has been notified and kings are aware of situation as wellhe was in the news in 2013 when he had an unexplained seizure at his homestoll celebrated the end of both the 2012 and 2014 season at the mgm grand as well with his kings teammates']\n", + "los angeles kings forward jarret stoll was arrested on friday in las vegas , nevada , on drug possession charges , according to reports .stoll , 32 , is the longtime boyfriend of dancing with the stars host erin andrews , a former espn employee who now works as an nfl sideline reporter for fox sports .stoll was previously in the news for non-sports related reasons back in 2013 when he was rushed to the hospital after having a seizure at his home in hermosa beach , california during the offseason , with the kings later saying they did not know what caused the incident .\n", + "los angeles kings forward arrested friday on drug possession chargeshockey player was busted at the wet republic pool at mgm grand hotelhe was booked at clark county detention center and posted $ 5,000 bailthe charges include possession of class 1 , 2 , 3 and 4 controlled substancesnhl security has been notified and kings are aware of situation as wellhe was in the news in 2013 when he had an unexplained seizure at his homestoll celebrated the end of both the 2012 and 2014 season at the mgm grand as well with his kings teammates\n", + "[1.4273441 1.4183568 1.2725494 1.1916206 1.2650998 1.2402532 1.1225115\n", + " 1.1218767 1.0961516 1.0733109 1.0700846 1.1204563 1.0281851 1.0109005\n", + " 1.0103519 1.0084959 1.006099 1.012994 1.0084505 1.075471 1.0804688\n", + " 1.0736063 1.0213611 1.019715 ]\n", + "\n", + "[ 0 1 2 4 5 3 6 7 11 8 20 19 21 9 10 12 22 23 17 13 14 15 18 16]\n", + "=======================\n", + "['tiger woods has revealed his wrist bone popped out after he swung and hit a tree root during the final round of the masters on sunday .the 39-year-old was on the ninth hole when he found himself 470 yards away from the pin with the ball nestled in pine straws .however when he followed through , the four-time champion at augusta slammed the club into a root , causing him to wince and grab his hand in agony .']\n", + "=======================\n", + "['tiger woods drilled an iron into a tree root on the ninth hole at augustarevealed his wrist bone popped out as a result - so he forced it backthis is the latest of a string of unfortunate injuries for the 39-year-oldhe ended the tournament tied for 17th , his best finish in over a year21-year-old texan jordan spieth became the youngest winner since woods']\n", + "tiger woods has revealed his wrist bone popped out after he swung and hit a tree root during the final round of the masters on sunday .the 39-year-old was on the ninth hole when he found himself 470 yards away from the pin with the ball nestled in pine straws .however when he followed through , the four-time champion at augusta slammed the club into a root , causing him to wince and grab his hand in agony .\n", + "tiger woods drilled an iron into a tree root on the ninth hole at augustarevealed his wrist bone popped out as a result - so he forced it backthis is the latest of a string of unfortunate injuries for the 39-year-oldhe ended the tournament tied for 17th , his best finish in over a year21-year-old texan jordan spieth became the youngest winner since woods\n", + "[1.4355224 1.4826493 1.231523 1.3487909 1.2694049 1.0348276 1.0467807\n", + " 1.0203137 1.0187097 1.0527703 1.1970309 1.1387361 1.0361533 1.026124\n", + " 1.025221 1.0388869 0. 0. ]\n", + "\n", + "[ 1 0 3 4 2 10 11 9 6 15 12 5 13 14 7 8 16 17]\n", + "=======================\n", + "[\"harry kane , nabil bentaleb and ryan mason , who are all products of spurs ' youth system , have taken giant strides in the senior set-up this season .mauricio pochettino insists he will not flood tottenham 's first team squad with players from the academy next season despite the success of his young stars .mauricio pochettino has questioned the logic of blooding more academy players based on past success\"]\n", + "=======================\n", + "[\"mauricio pochettino wo n't continue blooding youngsters unless approach is meritedharry kane , nabil bentaleb and ryan mason have flourished this seasonpochettino reiterates that hugo lloris is happy at white hart lanetottenham lie sixth in premier league table ahead of trip to southampton\"]\n", + "harry kane , nabil bentaleb and ryan mason , who are all products of spurs ' youth system , have taken giant strides in the senior set-up this season .mauricio pochettino insists he will not flood tottenham 's first team squad with players from the academy next season despite the success of his young stars .mauricio pochettino has questioned the logic of blooding more academy players based on past success\n", + "mauricio pochettino wo n't continue blooding youngsters unless approach is meritedharry kane , nabil bentaleb and ryan mason have flourished this seasonpochettino reiterates that hugo lloris is happy at white hart lanetottenham lie sixth in premier league table ahead of trip to southampton\n", + "[1.3285589 1.2842855 1.3240237 1.1792376 1.17161 1.1181016 1.2004102\n", + " 1.1295191 1.1694567 1.0561396 1.0398818 1.0499191 1.0364575 1.0890701\n", + " 1.0177237 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 6 3 4 8 7 5 13 9 11 10 12 14 16 15 17]\n", + "=======================\n", + "[\"richard hammond has ruled out returning to top gear , becoming the final presenter to leave the motoring show as he vowed : ' i wo n't quit my mates ' .the announcement came as the show 's former executive producer andy wilman launched a scathing attack on ` meddling bbc executives ' in a top gear magazine editorial , published today .in yet another major blow to the bbc , the presenter took to twitter to reveal he would not be returning to the hugely-popular series .\"]\n", + "=======================\n", + "[\"richard hammond has become the final presenter to leave top gearformer producer andy wilman also accused bbc of ` meddling ' with showattack in top gear magazine came day after he sensationally quit bbcjeremy clarkson was seen plotting their next move in a pub last night\"]\n", + "richard hammond has ruled out returning to top gear , becoming the final presenter to leave the motoring show as he vowed : ' i wo n't quit my mates ' .the announcement came as the show 's former executive producer andy wilman launched a scathing attack on ` meddling bbc executives ' in a top gear magazine editorial , published today .in yet another major blow to the bbc , the presenter took to twitter to reveal he would not be returning to the hugely-popular series .\n", + "richard hammond has become the final presenter to leave top gearformer producer andy wilman also accused bbc of ` meddling ' with showattack in top gear magazine came day after he sensationally quit bbcjeremy clarkson was seen plotting their next move in a pub last night\n", + "[1.4480788 1.4592822 1.237281 1.4276571 1.2244407 1.1362108 1.0538766\n", + " 1.0170876 1.0841286 1.0583683 1.0204102 1.0965049 1.0239472 1.033575\n", + " 1.101834 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 5 14 11 8 9 6 13 12 10 7 15 16 17]\n", + "=======================\n", + "['the spanish league leaders can unleash a front three of lionel messi , luis suarez and neymar upon the french champions , who beat them at the parc des princes in the group stages of the competition earlier this year .thiago silva is gearing up to play barcelona in the champions league quarter-final this week and the paris saint-germain defender believes he will face an attack possessing the three best players in the world .and silva believes that the home leg of the quarter-final encounter will be pivotal for his side .']\n", + "=======================\n", + "[\"paris saint-germain play barcelona in the champions league this weekdefender thiago silva has warned his team of barcelona 's attacking threatpsg prepared for the first-leg by winning the french league cuplucas moura : lionel messi is my idol ... i am obsessed with his abilityread : psg boss laurent blanc feels his side have hit momentum\"]\n", + "the spanish league leaders can unleash a front three of lionel messi , luis suarez and neymar upon the french champions , who beat them at the parc des princes in the group stages of the competition earlier this year .thiago silva is gearing up to play barcelona in the champions league quarter-final this week and the paris saint-germain defender believes he will face an attack possessing the three best players in the world .and silva believes that the home leg of the quarter-final encounter will be pivotal for his side .\n", + "paris saint-germain play barcelona in the champions league this weekdefender thiago silva has warned his team of barcelona 's attacking threatpsg prepared for the first-leg by winning the french league cuplucas moura : lionel messi is my idol ... i am obsessed with his abilityread : psg boss laurent blanc feels his side have hit momentum\n", + "[1.2467486 1.594472 1.1696191 1.1143603 1.2011694 1.1040344 1.1435527\n", + " 1.1314324 1.0482228 1.1442586 1.2657238 1.1593151 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 10 0 4 2 11 9 6 7 3 5 8 12 13 14 15 16 17]\n", + "=======================\n", + "[\"todd phillips , a front-outside tire changer for dayle coyne racing , was injured when he was struck by the car of francesco dracone , who had come in on lap 25 for tyres and fuel .this is the shocking moment a pit crew member was hit by a car on sunday during the inaugural indycar grand prix of louisiana .dracone spun while exiting his put box , clipping phillips ' leg .\"]\n", + "=======================\n", + "['pit crew member todd phillips was hit by a car on sunday during the inaugural indycar grand prix of louisianahe was injuried when he was struck by the car of francesco dracone , who had come in on lap 25 for tires and fuelphillips received stitches for a cut on his leg and has been releaseddracone did not finish the race and wound up 23rd']\n", + "todd phillips , a front-outside tire changer for dayle coyne racing , was injured when he was struck by the car of francesco dracone , who had come in on lap 25 for tyres and fuel .this is the shocking moment a pit crew member was hit by a car on sunday during the inaugural indycar grand prix of louisiana .dracone spun while exiting his put box , clipping phillips ' leg .\n", + "pit crew member todd phillips was hit by a car on sunday during the inaugural indycar grand prix of louisianahe was injuried when he was struck by the car of francesco dracone , who had come in on lap 25 for tires and fuelphillips received stitches for a cut on his leg and has been releaseddracone did not finish the race and wound up 23rd\n", + "[1.2582701 1.2298799 1.2338845 1.0893085 1.1051846 1.2154635 1.037904\n", + " 1.0533063 1.1183012 1.1140121 1.0904515 1.0598053 1.07437 1.072829\n", + " 1.0467086 1.0757617 1.1226995 1.0547767]\n", + "\n", + "[ 0 2 1 5 16 8 9 4 10 3 15 12 13 11 17 7 14 6]\n", + "=======================\n", + "['a power outage temporarily blackened washington , d.c. this afternoon , interrupting a state department briefing and forcing the white house onto back-up generators .traffic lights also went out in parts of the city .the temporary power outage affected the state department , the department of energy , the university of maryland in college park and other areas in the district of columbia and maryland']\n", + "=======================\n", + "[\"it interrupted a state department briefing and forced the white house onto back-up generatorsoutage ` briefly had an impact on the white house complex ' but it was ` back on the regular power source ' an hour and a half laterwhite house press secretary says he was in the oval with the president when it happened , and it was barely noticeablerelated to a dip in power in a transmission line at a maryland facility , power company says ; another report says it may have been an explosionhomeland security says there 's no evidence of malicious activity\"]\n", + "a power outage temporarily blackened washington , d.c. this afternoon , interrupting a state department briefing and forcing the white house onto back-up generators .traffic lights also went out in parts of the city .the temporary power outage affected the state department , the department of energy , the university of maryland in college park and other areas in the district of columbia and maryland\n", + "it interrupted a state department briefing and forced the white house onto back-up generatorsoutage ` briefly had an impact on the white house complex ' but it was ` back on the regular power source ' an hour and a half laterwhite house press secretary says he was in the oval with the president when it happened , and it was barely noticeablerelated to a dip in power in a transmission line at a maryland facility , power company says ; another report says it may have been an explosionhomeland security says there 's no evidence of malicious activity\n", + "[1.304518 1.0654682 1.195962 1.309484 1.2094135 1.1864333 1.0714742\n", + " 1.0313495 1.026528 1.1493583 1.0888162 1.0546447 1.0524923 1.0348185\n", + " 1.050005 1.0533518 1.0138506 1.0188519 0. ]\n", + "\n", + "[ 3 0 4 2 5 9 10 6 1 11 15 12 14 13 7 8 17 16 18]\n", + "=======================\n", + "[\"it has been an extraordinary journey for hemphrey from a second xi debut for kent at 15 to his recent status as the first englishman to hit a sheffield shield hundred since john hampshire for tasmania in 1978 .on the eve of the county championship season , charlie hemphrey has finally secured the professional cricket contract he has been striving for over the past decade .that feat was accomplished in queensland 's final match of the 2014-15 season , a victory over south australia at the gabba .\"]\n", + "=======================\n", + "[\"charlie hemphrey fulfilled an ` unrealistic dream ' to become a first-class cricketerthe 25-year-old was rejected consistently by teams in the english systemhemphrey enjoyed a successful first season in australia with queenslandhe is the first englishman to hit a sheffield shield hundred since 1978the ex-folkestone grammar school pupil did n't rule out a return to england\"]\n", + "it has been an extraordinary journey for hemphrey from a second xi debut for kent at 15 to his recent status as the first englishman to hit a sheffield shield hundred since john hampshire for tasmania in 1978 .on the eve of the county championship season , charlie hemphrey has finally secured the professional cricket contract he has been striving for over the past decade .that feat was accomplished in queensland 's final match of the 2014-15 season , a victory over south australia at the gabba .\n", + "charlie hemphrey fulfilled an ` unrealistic dream ' to become a first-class cricketerthe 25-year-old was rejected consistently by teams in the english systemhemphrey enjoyed a successful first season in australia with queenslandhe is the first englishman to hit a sheffield shield hundred since 1978the ex-folkestone grammar school pupil did n't rule out a return to england\n", + "[1.4126252 1.4587458 1.2030436 1.0928199 1.3898292 1.1549709 1.0780199\n", + " 1.107521 1.0230181 1.0520188 1.0471399 1.0464877 1.0434217 1.05192\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 5 7 3 6 9 13 10 11 12 8 17 14 15 16 18]\n", + "=======================\n", + "[\"it emerged on thursday that the former england captain has already held talks with new ecb chief executive tom harrison and is in pole position to become the new director of cricket ahead of andrew strauss and alec stewart .michael vaughan will become the most powerful man in english cricket if he is confirmed as paul downton 's successor at the helm of the national team .michael vaughan has emerged as the favourite for the newly created role of director of england cricket\"]\n", + "=======================\n", + "[\"michael vaughan was understood to be talking to the ecb on thursdayvaughan has emerged as favourite for new role of director of cricketpaul downton was sacked as england 's managing director on wednesdayvaughan will want unprecedented responsibility if he is to take up rolealec stewart and andrew strauss also being considered for the role\"]\n", + "it emerged on thursday that the former england captain has already held talks with new ecb chief executive tom harrison and is in pole position to become the new director of cricket ahead of andrew strauss and alec stewart .michael vaughan will become the most powerful man in english cricket if he is confirmed as paul downton 's successor at the helm of the national team .michael vaughan has emerged as the favourite for the newly created role of director of england cricket\n", + "michael vaughan was understood to be talking to the ecb on thursdayvaughan has emerged as favourite for new role of director of cricketpaul downton was sacked as england 's managing director on wednesdayvaughan will want unprecedented responsibility if he is to take up rolealec stewart and andrew strauss also being considered for the role\n", + "[1.2434492 1.2008672 1.0738205 1.30735 1.1243573 1.4250455 1.0722743\n", + " 1.095679 1.2278295 1.046649 1.0532562 1.0755194 1.0890944 1.0232409\n", + " 1.0303795 1.0421952 0. 0. 0. ]\n", + "\n", + "[ 5 3 0 8 1 4 7 12 11 2 6 10 9 15 14 13 16 17 18]\n", + "=======================\n", + "[\"alastair cook was sacked as one-day captain three weeks before the disastrous world cup campaignenglish cricket 's new broom swept dramatically through the national team on wednesday night when paul downton paid the price for their woeful world cup by being sacked as managing director .the move came a day ahead of an ecb board meeting that was meant to discuss the future of a figure who has endured a traumatic time since replacing hugh morris in the aftermath of the ashes whitewash .\"]\n", + "=======================\n", + "[\"paul downton became the latest casualty of england 's poor performanceshis exit came a day ahead of an ecb board meeting into his futurehe endured a traumatic time after replacing hugh morris after the ashesdownton 's exit is not expected to be the last following poor world cup\"]\n", + "alastair cook was sacked as one-day captain three weeks before the disastrous world cup campaignenglish cricket 's new broom swept dramatically through the national team on wednesday night when paul downton paid the price for their woeful world cup by being sacked as managing director .the move came a day ahead of an ecb board meeting that was meant to discuss the future of a figure who has endured a traumatic time since replacing hugh morris in the aftermath of the ashes whitewash .\n", + "paul downton became the latest casualty of england 's poor performanceshis exit came a day ahead of an ecb board meeting into his futurehe endured a traumatic time after replacing hugh morris after the ashesdownton 's exit is not expected to be the last following poor world cup\n", + "[1.2486024 1.3859848 1.277093 1.2989883 1.2820153 1.2079912 1.0949295\n", + " 1.0647883 1.0364553 1.0102326 1.018667 1.1445278 1.0545634 1.0780448\n", + " 1.1601181 1.0127121 1.0248806 1.0481689 0. ]\n", + "\n", + "[ 1 3 4 2 0 5 14 11 6 13 7 12 17 8 16 10 15 9 18]\n", + "=======================\n", + "[\"but the apple watch sport model has been to shown to shatter easily after being dropped from a height of just under four feet ( 1.2 metres ) .the model has an ion-x glass display which is supposed to be ` resistant to scratches and impact 'it has been described as a durable and scratch resistant smartwatch and is a considerable investment , costing from $ 349 ( # 299 ) .\"]\n", + "=======================\n", + "[\"apple watch sport edition costs $ 349 ( # 299 ) and has an ion-x glass screen` durable ' screen shattered when the watch 's face hit the ground firstscreen damage is not covered for free repairs in the apple watch warrantybut another test has shown the device lives up to apple 's waterproof claims after it survived 15 minutes in a swimming pool\"]\n", + "but the apple watch sport model has been to shown to shatter easily after being dropped from a height of just under four feet ( 1.2 metres ) .the model has an ion-x glass display which is supposed to be ` resistant to scratches and impact 'it has been described as a durable and scratch resistant smartwatch and is a considerable investment , costing from $ 349 ( # 299 ) .\n", + "apple watch sport edition costs $ 349 ( # 299 ) and has an ion-x glass screen` durable ' screen shattered when the watch 's face hit the ground firstscreen damage is not covered for free repairs in the apple watch warrantybut another test has shown the device lives up to apple 's waterproof claims after it survived 15 minutes in a swimming pool\n", + "[1.2693901 1.4724507 1.2598329 1.123943 1.1107515 1.0254253 1.2635684\n", + " 1.0733297 1.0532062 1.0575229 1.2522047 1.0825895 1.0566593 1.0163826\n", + " 1.0168625 1.0136288 1.12189 1.0853378 1.0492738]\n", + "\n", + "[ 1 0 6 2 10 3 16 4 17 11 7 9 12 8 18 5 14 13 15]\n", + "=======================\n", + "['tavon watson was taking racing advice from instructor gary terry on sunday when he lost control of the italian supercar at the exotic driving experience at walt disney world in florida .a birthday gift for 24-year-old man at a florida speedway ended in tragedy when he plowed the $ 220,000 lamborghini he was driving into a guardrail , killing his 36-year-old passenger .victims : tavon watson ( left ) was driving the lamborghini on sunday and gary terry , ( right ) his passenger , was pronounced dead at the scene']\n", + "=======================\n", + "[\"the exotic driving experience park lets racing fans drive top-end carsgary terry , 36 , died in the crash and was on the passengers sidetavon watson , 24 , was driving and was taken to hospital for treatmentday at the racetrack was a gift from watson 's wife for his birthdaydisney world spokesman said driver ` lost control ' of the lamborghini\"]\n", + "tavon watson was taking racing advice from instructor gary terry on sunday when he lost control of the italian supercar at the exotic driving experience at walt disney world in florida .a birthday gift for 24-year-old man at a florida speedway ended in tragedy when he plowed the $ 220,000 lamborghini he was driving into a guardrail , killing his 36-year-old passenger .victims : tavon watson ( left ) was driving the lamborghini on sunday and gary terry , ( right ) his passenger , was pronounced dead at the scene\n", + "the exotic driving experience park lets racing fans drive top-end carsgary terry , 36 , died in the crash and was on the passengers sidetavon watson , 24 , was driving and was taken to hospital for treatmentday at the racetrack was a gift from watson 's wife for his birthdaydisney world spokesman said driver ` lost control ' of the lamborghini\n", + "[1.2361195 1.0576663 1.0337086 1.1695639 1.0386286 1.0382175 1.0554521\n", + " 1.0713096 1.075145 1.0277748 1.2571607 1.3676642 1.0227575 1.0236424\n", + " 1.1447968 1.0723784 1.1122583 1.0854932 1.0271919 1.0320086 1.0382944\n", + " 1.0435855 1.0465791]\n", + "\n", + "[11 10 0 3 14 16 17 8 15 7 1 6 22 21 4 20 5 2 19 9 18 13 12]\n", + "=======================\n", + "[\"arsene wenger 's gunners now have 15 wins from 17 games since new year 's day , but it 's come too lateolivier giroud celebrates arsenal 's third goal by alexis sanchez in their win over liverpool on saturdayit 's 11 years since arsenal won the title .\"]\n", + "=======================\n", + "[\"arsenal have a chance at the premier league title if chelsea throw it awaythe gunners are on a terrific run of 15 wins in 17 since january 2 's lossthe two defeats in this spell were at tottenham and at home to monacothese were the two key games all arsenal fans desperately wanted to winread : arsenal have exactly the same record in league as last seasonclick here for all the latest arsenal news\"]\n", + "arsene wenger 's gunners now have 15 wins from 17 games since new year 's day , but it 's come too lateolivier giroud celebrates arsenal 's third goal by alexis sanchez in their win over liverpool on saturdayit 's 11 years since arsenal won the title .\n", + "arsenal have a chance at the premier league title if chelsea throw it awaythe gunners are on a terrific run of 15 wins in 17 since january 2 's lossthe two defeats in this spell were at tottenham and at home to monacothese were the two key games all arsenal fans desperately wanted to winread : arsenal have exactly the same record in league as last seasonclick here for all the latest arsenal news\n", + "[1.2949332 1.5004377 1.3773167 1.3104144 1.1903083 1.0786372 1.0482323\n", + " 1.1851592 1.139593 1.0930274 1.0985038 1.1741484 1.1251564 1.009839\n", + " 1.0077505 1.0060967 1.0337949 1.0141709 1.0056869 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 7 11 8 12 10 9 5 6 16 17 13 14 15 18 21 19 20 22]\n", + "=======================\n", + "[\"the south australian senator 's partner sophie allouache gave birth to baby hannah in adelaide on good friday .ms wong , 46 , shared the news with her 100,000 twitter followers on tuesday morning .labor senator penny wong and her partner have announced the arrival of their second child by tweeting an adorable photo of their eldest daughter holding the newborn .\"]\n", + "=======================\n", + "[\"penny wong 's partner sophie allouache gave birth in adelaide on fridaylabor senator shared news of baby hannah 's arrival with twitter followersit is the second child for the couple who welcomed alexandra in 2011hannah and alexandra were both conceived by the same sperm donor\"]\n", + "the south australian senator 's partner sophie allouache gave birth to baby hannah in adelaide on good friday .ms wong , 46 , shared the news with her 100,000 twitter followers on tuesday morning .labor senator penny wong and her partner have announced the arrival of their second child by tweeting an adorable photo of their eldest daughter holding the newborn .\n", + "penny wong 's partner sophie allouache gave birth in adelaide on fridaylabor senator shared news of baby hannah 's arrival with twitter followersit is the second child for the couple who welcomed alexandra in 2011hannah and alexandra were both conceived by the same sperm donor\n", + "[1.4085922 1.3050871 1.1805737 1.243166 1.0838567 1.0599747 1.1247159\n", + " 1.080243 1.0465373 1.2040645 1.0610002 1.1205336 1.0688761 1.0414709\n", + " 1.017264 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 3 9 2 6 11 4 7 12 10 5 8 13 14 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"prince george 's birth in 2013 sparked a # 247m sales bonanza for makers of royal memorabilia but experts say the second royal baby is unlikely to have the same effect .a more modest sales increase of between # 60 and # 70m is predicted , with most of that spent on champagne and cake rather than royal souvenirs .smaller scale : the duke and duchess of cambridge 's second child will have a lesser effect at the tills\"]\n", + "=======================\n", + "[\"retail experts say sales of royal memorabilia are unlikely to top # 70mby comparison , prince george 's birth resulted in a # 247m splurgebetween july and august 2013 , # 70m was lavished on souvenirs alonethe newest royal is expected to have a big long term impact howeversales boost will be particularly noticeable if the new baby is a girl\"]\n", + "prince george 's birth in 2013 sparked a # 247m sales bonanza for makers of royal memorabilia but experts say the second royal baby is unlikely to have the same effect .a more modest sales increase of between # 60 and # 70m is predicted , with most of that spent on champagne and cake rather than royal souvenirs .smaller scale : the duke and duchess of cambridge 's second child will have a lesser effect at the tills\n", + "retail experts say sales of royal memorabilia are unlikely to top # 70mby comparison , prince george 's birth resulted in a # 247m splurgebetween july and august 2013 , # 70m was lavished on souvenirs alonethe newest royal is expected to have a big long term impact howeversales boost will be particularly noticeable if the new baby is a girl\n", + "[1.4835709 1.2666144 1.1836352 1.0643519 1.1766355 1.093614 1.0566053\n", + " 1.0441033 1.1095079 1.0362611 1.0681907 1.0743513 1.0336426 1.0368665\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 4 8 5 11 10 3 6 7 13 9 12 21 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"u.s. secretary of state john kerry and iranian foreign minister mohammad javad zarif met monday for the first time since world powers and iran sealed a framework agreement on april 2 that would limit iran 's ability to build a nuclear weapon .they now have little more than two months to meet their own deadline of june 30 to sign a comprehensive accord , which hinges on both sides coming to an agreement on the timing of sanctions relief .the obama administration moved on two fronts today to advance its nuclear diplomacy with iran , with talks between top u.s. and iranian diplomats at a united nations conference in new york and an aggressive effort to sell the emerging deal to skeptical american lawmakers and constituencies in washington .\"]\n", + "=======================\n", + "[\"it was their first meeting since world powers and iran sealed a framework deal on april 2 that would limit iran 's ability to build a nuclear weaponfinal agreement hinges timing of sanctions relief - something both sides have said they wo n't budge onobama administration is also engaged in an aggressive effort to sell the emerging deal to skeptical lawmakers and constituencies in washingtongop presidential candidates are lining up to oppose any deal with a government the u.s. considers the leading state sponsor of terrorismhouse speaker john boehner has acknowledged that his party does n't command enough votes to override a veto of any resolution , though\"]\n", + "u.s. secretary of state john kerry and iranian foreign minister mohammad javad zarif met monday for the first time since world powers and iran sealed a framework agreement on april 2 that would limit iran 's ability to build a nuclear weapon .they now have little more than two months to meet their own deadline of june 30 to sign a comprehensive accord , which hinges on both sides coming to an agreement on the timing of sanctions relief .the obama administration moved on two fronts today to advance its nuclear diplomacy with iran , with talks between top u.s. and iranian diplomats at a united nations conference in new york and an aggressive effort to sell the emerging deal to skeptical american lawmakers and constituencies in washington .\n", + "it was their first meeting since world powers and iran sealed a framework deal on april 2 that would limit iran 's ability to build a nuclear weaponfinal agreement hinges timing of sanctions relief - something both sides have said they wo n't budge onobama administration is also engaged in an aggressive effort to sell the emerging deal to skeptical lawmakers and constituencies in washingtongop presidential candidates are lining up to oppose any deal with a government the u.s. considers the leading state sponsor of terrorismhouse speaker john boehner has acknowledged that his party does n't command enough votes to override a veto of any resolution , though\n", + "[1.2545735 1.381725 1.1978593 1.2310877 1.1607119 1.1009326 1.0899662\n", + " 1.1044317 1.0850585 1.068215 1.091428 1.0455551 1.1021137 1.1304362\n", + " 1.077727 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 13 7 12 5 10 6 8 14 9 11 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"the nauseating footage was captured on a camera phone at a school in portland , oregon , and shows the well-built man lecturing a crowd of students before excitedly asking ` everybody ready ? 'this video captures the stomach-churning moment a physics teacher swings an axe into his co-worker 's genitals - in a disastrously misjudged class experiment .facing the axe : the well-built teacher tells his class about the effect the axe will have on the cinder block before hoisting the implement into the air and swinging it straight on to the helpless teenager 's groin\"]\n", + "=======================\n", + "[\"nauseating footage captured on phone and uploaded to youtube in the usteacher tries to give lesson by showing effect of an axe on a cinder block , but misjudges swing , bringing tool directly into fellow teacher 's grointhe victim appears to be ok and stands up and dusts himself off moments after being hit\"]\n", + "the nauseating footage was captured on a camera phone at a school in portland , oregon , and shows the well-built man lecturing a crowd of students before excitedly asking ` everybody ready ? 'this video captures the stomach-churning moment a physics teacher swings an axe into his co-worker 's genitals - in a disastrously misjudged class experiment .facing the axe : the well-built teacher tells his class about the effect the axe will have on the cinder block before hoisting the implement into the air and swinging it straight on to the helpless teenager 's groin\n", + "nauseating footage captured on phone and uploaded to youtube in the usteacher tries to give lesson by showing effect of an axe on a cinder block , but misjudges swing , bringing tool directly into fellow teacher 's grointhe victim appears to be ok and stands up and dusts himself off moments after being hit\n", + "[1.2248087 1.4263414 1.2753141 1.083646 1.1994231 1.3418504 1.1603012\n", + " 1.126394 1.0806017 1.072627 1.1116025 1.0828886 1.0361239 1.0442257\n", + " 1.0275271 1.0225782 1.016477 1.0159297 1.0999646 1.0254668 1.0159022]\n", + "\n", + "[ 1 5 2 0 4 6 7 10 18 3 11 8 9 13 12 14 19 15 16 17 20]\n", + "=======================\n", + "[\"crowds cheered as pema lama , 15 , was pulled , dazed and dusty , from the rubble of a guesthouse in kathmandu after he became ` pancaked ' between two floors when the quake hit on saturday .he was carried out on a stretcher by medics who had placed an iv drip into his arm and a blue brace around his neck .this is remarkable moment a teenage boy was found alive in a collapsed building five days after the nepal earthquake struck .\"]\n", + "=======================\n", + "[\"crowds cheered as pema lama was pulled , dazed and dusty , from rubbleplaced on stretcher with an iv drip in his arm and a brace around his neckcomes as mother is reunited with baby rescued after 22 hours in rubblemedic said teenager became ` pancaked ' between two floors when quake hitanother survivor rescued after 82 hours has had one of his legs amputated\"]\n", + "crowds cheered as pema lama , 15 , was pulled , dazed and dusty , from the rubble of a guesthouse in kathmandu after he became ` pancaked ' between two floors when the quake hit on saturday .he was carried out on a stretcher by medics who had placed an iv drip into his arm and a blue brace around his neck .this is remarkable moment a teenage boy was found alive in a collapsed building five days after the nepal earthquake struck .\n", + "crowds cheered as pema lama was pulled , dazed and dusty , from rubbleplaced on stretcher with an iv drip in his arm and a brace around his neckcomes as mother is reunited with baby rescued after 22 hours in rubblemedic said teenager became ` pancaked ' between two floors when quake hitanother survivor rescued after 82 hours has had one of his legs amputated\n", + "[1.2503667 1.2204599 1.1988068 1.2992553 1.2730894 1.2220396 1.1672997\n", + " 1.1390623 1.0579709 1.0755899 1.1119978 1.1017208 1.1450031 1.0629178\n", + " 1.0466238 1.0357943 1.0193362 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 0 5 1 2 6 12 7 10 11 9 13 8 14 15 16 19 17 18 20]\n", + "=======================\n", + "[\"nearly half of parents have not taught their children how to dial 999 - and many youngsters think the emergency number is 911 , a study foundthe survey of 757 parents was carried out by mumsnet , the uk 's largest internet community for parents .many said their children were not mature enough to learn the life-saving skill .\"]\n", + "=======================\n", + "[\"study found many children do n't know the difference between 999 and 911nearly half of parents thought children were n't mature enough to knowmumsnet survey raises fear children are n't learning vital emergency steps\"]\n", + "nearly half of parents have not taught their children how to dial 999 - and many youngsters think the emergency number is 911 , a study foundthe survey of 757 parents was carried out by mumsnet , the uk 's largest internet community for parents .many said their children were not mature enough to learn the life-saving skill .\n", + "study found many children do n't know the difference between 999 and 911nearly half of parents thought children were n't mature enough to knowmumsnet survey raises fear children are n't learning vital emergency steps\n", + "[1.4480901 1.3656815 1.1672678 1.1124494 1.0889516 1.0575726 1.0403394\n", + " 1.0471395 1.0676172 1.0847903 1.1454834 1.1568819 1.0645635 1.0144928\n", + " 1.0156658 1.0125918 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 11 10 3 4 9 8 12 5 7 6 14 13 15 19 16 17 18 20]\n", + "=======================\n", + "[\"timothy mcveigh considered the bombing of the oklahoma city federal building 20 years ago a failure because the structure was still standing after the blast that killed 168 people .mcveigh also viewed himself as a ` paul revere-type messenger ' and even suggested his defense team should receive $ 800,000 from the government , according an archive of documents donated by the convicted bomber 's lead attorney .the estimated one million pages of paper documents from stephen jones now fill 550 file cabinet-sized boxes at the briscoe center for american history at the university of texas .\"]\n", + "=======================\n", + "[\"almost 1 million pages of documents donated by bomber 's lead attorneythey reveal mcveigh viewed himself as a ` paul revere-type messenger 'also thought his defense team should receive $ 800,000 from the government1995 attack killed 168 and was deadliest terrorist attack on us soil at timemcveigh was executed by lethal injection in 2001 at the age of 33co-conspirator terry nichols convicted separately and got a life sentence\"]\n", + "timothy mcveigh considered the bombing of the oklahoma city federal building 20 years ago a failure because the structure was still standing after the blast that killed 168 people .mcveigh also viewed himself as a ` paul revere-type messenger ' and even suggested his defense team should receive $ 800,000 from the government , according an archive of documents donated by the convicted bomber 's lead attorney .the estimated one million pages of paper documents from stephen jones now fill 550 file cabinet-sized boxes at the briscoe center for american history at the university of texas .\n", + "almost 1 million pages of documents donated by bomber 's lead attorneythey reveal mcveigh viewed himself as a ` paul revere-type messenger 'also thought his defense team should receive $ 800,000 from the government1995 attack killed 168 and was deadliest terrorist attack on us soil at timemcveigh was executed by lethal injection in 2001 at the age of 33co-conspirator terry nichols convicted separately and got a life sentence\n", + "[1.3718258 1.1749618 1.2404956 1.1010762 1.1360112 1.1640222 1.1108749\n", + " 1.0992819 1.0754462 1.0532329 1.0653636 1.1403633 1.0329939 1.0168201\n", + " 1.0542235 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 5 11 4 6 3 7 8 10 14 9 12 13 15 16 17 18 19 20]\n", + "=======================\n", + "[\"back in january 2012 chelsea took three promising young boys , all brothers , from their home in graham gardens , luton , after watching them beat the mighty bayern munich in a youth tournament .on wednesday , jay dasilva , the eldest of the three children , who left luton town 's academy to make the 100-mile round trip , three or fours times a week , in their mum alison 's rover to chelsea 's cobham training base , turns 17 .there was a bit of a fuss made of the move at the time , with brothers jay , plus twins cole and rio , compared with the trio of wallace siblings who created history when they played together in a first-team game for southampton against sheffield wednesday on october 22 , 1988 .\"]\n", + "=======================\n", + "[\"jay dasilva building a strong reputation in chelsea 's youth systemthe young defender has been earmarked as a future first-team playerchelsea have not produced a homegrown regular since john terrybut jose mourinho insists he will give youth players a chanceruben loftus-cheek has been guaranteed a place in the squad\"]\n", + "back in january 2012 chelsea took three promising young boys , all brothers , from their home in graham gardens , luton , after watching them beat the mighty bayern munich in a youth tournament .on wednesday , jay dasilva , the eldest of the three children , who left luton town 's academy to make the 100-mile round trip , three or fours times a week , in their mum alison 's rover to chelsea 's cobham training base , turns 17 .there was a bit of a fuss made of the move at the time , with brothers jay , plus twins cole and rio , compared with the trio of wallace siblings who created history when they played together in a first-team game for southampton against sheffield wednesday on october 22 , 1988 .\n", + "jay dasilva building a strong reputation in chelsea 's youth systemthe young defender has been earmarked as a future first-team playerchelsea have not produced a homegrown regular since john terrybut jose mourinho insists he will give youth players a chanceruben loftus-cheek has been guaranteed a place in the squad\n", + "[1.2153207 1.4133079 1.1948807 1.3663263 1.1879817 1.0651032 1.0534828\n", + " 1.1514593 1.0627338 1.1331633 1.0427982 1.0388397 1.048809 1.1189529\n", + " 1.0278815 1.0468909 1.0376923 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 7 9 13 5 8 6 12 15 10 11 16 14 19 17 18 20]\n", + "=======================\n", + "[\"so far six people are believed to have been killed in the violent protests which started two weeks ago in durban , a key port on south africa 's indian ocean coast , spreading to johannesburg .victim : carol lloyd was left injured and covered in blood after rocks were thrown at and shattered her car window in the latest wave of anti-immigrant protests near johannesburg in south africaarmed : south african police were called in to help foreign nationals as violent protests spread to johannesburg , threatening more killings\"]\n", + "=======================\n", + "[\"anti-immigrant protests have been ongoing in south africa for two weeks and at least six people have been killedcarol lloyd was injured after rocks were thrown at and smashed her car window as she drove near to jeppestownforeign nationals have been loading trucks with their wares as they flee johannesburg and neighbouring townsprotesters are angry about foreigners in the country when unemployment is high and wealth is n't distributed equally\"]\n", + "so far six people are believed to have been killed in the violent protests which started two weeks ago in durban , a key port on south africa 's indian ocean coast , spreading to johannesburg .victim : carol lloyd was left injured and covered in blood after rocks were thrown at and shattered her car window in the latest wave of anti-immigrant protests near johannesburg in south africaarmed : south african police were called in to help foreign nationals as violent protests spread to johannesburg , threatening more killings\n", + "anti-immigrant protests have been ongoing in south africa for two weeks and at least six people have been killedcarol lloyd was injured after rocks were thrown at and smashed her car window as she drove near to jeppestownforeign nationals have been loading trucks with their wares as they flee johannesburg and neighbouring townsprotesters are angry about foreigners in the country when unemployment is high and wealth is n't distributed equally\n", + "[1.1455616 1.4065975 1.3453214 1.287704 1.2785016 1.2039298 1.1705501\n", + " 1.0343486 1.0249001 1.0186845 1.0192828 1.0201405 1.0239453 1.0324283\n", + " 1.0629553 1.0250413 1.0473298 1.0316945 1.0704423 0. ]\n", + "\n", + "[ 1 2 3 4 5 6 0 18 14 16 7 13 17 15 8 12 11 10 9 19]\n", + "=======================\n", + "[\"he took the serie a side into the europa league semi-final with an emphatic 6-3 aggregate victory over wolfsburg and the impending encounters against dnipro will be benitez 's seventh major european semi-final in 12 seasons .napoli are the fourth club he has taken to the latter stages of a european competition , following spells with valencia , liverpool and chelsea .benitez ( right ) guided liverpool to champions league glory in 2005 , his first season at the club\"]\n", + "=======================\n", + "[\"rafa benitez 's contract at napoli expires at the end of the seasonhe guided the italian side to the europa league semi-final on thursdayhe has taken four teams to a european semi-final inside 12 years\"]\n", + "he took the serie a side into the europa league semi-final with an emphatic 6-3 aggregate victory over wolfsburg and the impending encounters against dnipro will be benitez 's seventh major european semi-final in 12 seasons .napoli are the fourth club he has taken to the latter stages of a european competition , following spells with valencia , liverpool and chelsea .benitez ( right ) guided liverpool to champions league glory in 2005 , his first season at the club\n", + "rafa benitez 's contract at napoli expires at the end of the seasonhe guided the italian side to the europa league semi-final on thursdayhe has taken four teams to a european semi-final inside 12 years\n", + "[1.2890003 1.3856052 1.2167535 1.2681383 1.149288 1.0748343 1.0468863\n", + " 1.1553088 1.093687 1.0657284 1.0573006 1.0377713 1.060019 1.1074992\n", + " 1.1115959 1.0406355 1.0134023 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 7 4 14 13 8 5 9 12 10 6 15 11 16 18 17 19]\n", + "=======================\n", + "[\"the nephew of president john f kennedy used the term last week during the screening of a film that links autism to a chemical found in several childhood vaccinations - despite evidence to the contrary .robert kennedy jr has apologized for describing the number of children injured by vaccines as ' a holocaust ' .on monday , following a storm of criticism , he publicly retracted his statement .\"]\n", + "=======================\n", + "['nephew of jfk , and son for former attorney general , opposes vaccineshe believes a chemical called thimerosal causes autism in childrenpromoting protest film , he likened vaccinated kids to holocaust victimson monday , he apologized for the comment after widespread criticism']\n", + "the nephew of president john f kennedy used the term last week during the screening of a film that links autism to a chemical found in several childhood vaccinations - despite evidence to the contrary .robert kennedy jr has apologized for describing the number of children injured by vaccines as ' a holocaust ' .on monday , following a storm of criticism , he publicly retracted his statement .\n", + "nephew of jfk , and son for former attorney general , opposes vaccineshe believes a chemical called thimerosal causes autism in childrenpromoting protest film , he likened vaccinated kids to holocaust victimson monday , he apologized for the comment after widespread criticism\n", + "[1.0802296 1.0590866 1.4606359 1.3652543 1.3379545 1.1047179 1.2213264\n", + " 1.137483 1.0941101 1.1042517 1.1257144 1.0711727 1.0797215 1.046611\n", + " 1.0264089 1.1330628 1.0240822 0. 0. 0. ]\n", + "\n", + "[ 2 3 4 6 7 15 10 5 9 8 0 12 11 1 13 14 16 17 18 19]\n", + "=======================\n", + "[\"scientists at the university of bristol found that having ` one large glass of wine ' increases ` facial flushing ' and ` confidence ' , making the drinker ` more attractive ' to others and more likely to ` get lucky ' .researchers quizzed 40 heterosexual male and female students and asked them to rate the attractiveness of three groups of people who were sober , tipsy and drunk .the study found that tipsy people , who had downed one large 250ml glass of 14 per cent wine - that 's one-third of the bottle - were consistently voted as the ` most attractive ' .\"]\n", + "=======================\n", + "[\"study finds booze ` mimics ' how a person 's body demonstrates healthfacial flushing and confidence perceived as ` healthy and attractive 'experiment by the university of bristol dubbed ` reverse beer goggles '\"]\n", + "scientists at the university of bristol found that having ` one large glass of wine ' increases ` facial flushing ' and ` confidence ' , making the drinker ` more attractive ' to others and more likely to ` get lucky ' .researchers quizzed 40 heterosexual male and female students and asked them to rate the attractiveness of three groups of people who were sober , tipsy and drunk .the study found that tipsy people , who had downed one large 250ml glass of 14 per cent wine - that 's one-third of the bottle - were consistently voted as the ` most attractive ' .\n", + "study finds booze ` mimics ' how a person 's body demonstrates healthfacial flushing and confidence perceived as ` healthy and attractive 'experiment by the university of bristol dubbed ` reverse beer goggles '\n", + "[1.3368694 1.2137213 1.48487 1.278149 1.2959329 1.0752113 1.0502917\n", + " 1.0416293 1.0672919 1.0449524 1.045001 1.0374705 1.0538595 1.0691391\n", + " 1.0428177 1.022017 1.0268569 1.062217 1.023603 0. ]\n", + "\n", + "[ 2 0 4 3 1 5 13 8 17 12 6 10 9 14 7 11 16 18 15 19]\n", + "=======================\n", + "[\"the disease claims almost 11,000 lives a year in the uk , with most deaths occurring after it spreads around the body .scientists have discovered an achilles ' heel of prostate ( pictured ) cancer that could lead to better treatment for many men diagnosed with the diseasereading the dna revealed details of how the cancer metastasises , or spreads , allowing them to build a ` family tree ' of how the disease changes over time .\"]\n", + "=======================\n", + "[\"british scientists say they have got to the ` root ' of prostate cancerhave exposed an achilles ' heel that could lead to better survival chancescould mean that men get individualised treatments within a few years\"]\n", + "the disease claims almost 11,000 lives a year in the uk , with most deaths occurring after it spreads around the body .scientists have discovered an achilles ' heel of prostate ( pictured ) cancer that could lead to better treatment for many men diagnosed with the diseasereading the dna revealed details of how the cancer metastasises , or spreads , allowing them to build a ` family tree ' of how the disease changes over time .\n", + "british scientists say they have got to the ` root ' of prostate cancerhave exposed an achilles ' heel that could lead to better survival chancescould mean that men get individualised treatments within a few years\n", + "[1.4284599 1.3921671 1.2724265 1.1591682 1.2361249 1.191951 1.0903542\n", + " 1.09139 1.1207527 1.0608232 1.0561275 1.0781447 1.072328 1.0814978\n", + " 1.0218557 1.0398526 1.0492226 1.075091 1.0275189 1.010538 ]\n", + "\n", + "[ 0 1 2 4 5 3 8 7 6 13 11 17 12 9 10 16 15 18 14 19]\n", + "=======================\n", + "[\"( cnn ) jason rezaian has sat in jail in iran for nearly nine months .the washington post 's bureau chief in tehran was arrested in july on unspecified allegations .it took more than four months for a judge to hear charges against him .\"]\n", + "=======================\n", + "['officers arrested jason rezaian and his wife in july on unspecified allegationsit took months to charge him ; charges were made public last weekthe washington post and the state department find the charges \" absurd \"']\n", + "( cnn ) jason rezaian has sat in jail in iran for nearly nine months .the washington post 's bureau chief in tehran was arrested in july on unspecified allegations .it took more than four months for a judge to hear charges against him .\n", + "officers arrested jason rezaian and his wife in july on unspecified allegationsit took months to charge him ; charges were made public last weekthe washington post and the state department find the charges \" absurd \"\n", + "[1.2053642 1.3289503 1.3461988 1.2654448 1.2561166 1.028978 1.0312816\n", + " 1.0933487 1.132597 1.1167371 1.1573831 1.0489035 1.1061232 1.1319224\n", + " 1.109503 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 4 0 10 8 13 9 14 12 7 11 6 5 18 15 16 17 19]\n", + "=======================\n", + "[\"the car was driven by new zealand professional race car driver craig baird , who switches the vehicle into ` race hybrid ' and slams his foot on the throttle when they reach the unrestricted zone .the video depicts the 918 spyder clocking 350km/h as it rockets down a dead-straight stretch of road on the on the stuart highway , north of alice springs , on a stretch of road with no speed limit .the video is part of a promotional tour from porsche to promote their 918 spyder , a limited edition $ 900,000 supercar\"]\n", + "=======================\n", + "['the video depicts the 918 spyder driving down the stuart highwaythe car was driven by new zealand professional racer craig bairdthe stunt is part of a promotional tour to showcase the hybrid cars']\n", + "the car was driven by new zealand professional race car driver craig baird , who switches the vehicle into ` race hybrid ' and slams his foot on the throttle when they reach the unrestricted zone .the video depicts the 918 spyder clocking 350km/h as it rockets down a dead-straight stretch of road on the on the stuart highway , north of alice springs , on a stretch of road with no speed limit .the video is part of a promotional tour from porsche to promote their 918 spyder , a limited edition $ 900,000 supercar\n", + "the video depicts the 918 spyder driving down the stuart highwaythe car was driven by new zealand professional racer craig bairdthe stunt is part of a promotional tour to showcase the hybrid cars\n", + "[1.1952813 1.5522335 1.3387121 1.2904966 1.1627383 1.155229 1.030507\n", + " 1.0329157 1.0535992 1.1328903 1.0210773 1.0338243 1.1237757 1.1035764\n", + " 1.0394677 1.0390495 1.012678 1.0129366 1.0089123 1.0098271]\n", + "\n", + "[ 1 2 3 0 4 5 9 12 13 8 14 15 11 7 6 10 17 16 19 18]\n", + "=======================\n", + "['kealeigh-anne woolley was just seven months old when she was left blind , unable to talk and severely brain damaged after being shaken by colin heath in january 2000 .she spent most of her life in a wheelchair and could only eat through a tube until her death in 2011 .police arrested heath , now 43 , last september and yesterday he was jailed for three years and two months at birmingham crown court after he admitted manslaughter .']\n", + "=======================\n", + "['kealeigh-anne woolley was 7 months old when colin heath shook herviolent incident left her blind , unable to talk and severely brain damagedspent most of her life in a wheelchair and could only eat through a tubeheath was jailed for manslaughter at birmingham crown court today']\n", + "kealeigh-anne woolley was just seven months old when she was left blind , unable to talk and severely brain damaged after being shaken by colin heath in january 2000 .she spent most of her life in a wheelchair and could only eat through a tube until her death in 2011 .police arrested heath , now 43 , last september and yesterday he was jailed for three years and two months at birmingham crown court after he admitted manslaughter .\n", + "kealeigh-anne woolley was 7 months old when colin heath shook herviolent incident left her blind , unable to talk and severely brain damagedspent most of her life in a wheelchair and could only eat through a tubeheath was jailed for manslaughter at birmingham crown court today\n", + "[1.250381 1.411315 1.3712173 1.3472666 1.1070274 1.0873512 1.0547873\n", + " 1.064106 1.0159183 1.031532 1.042526 1.0235698 1.0989524 1.0559492\n", + " 1.0688518 1.0576403 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 12 5 14 7 15 13 6 10 9 11 8 18 16 17 19]\n", + "=======================\n", + "[\"the profanity-laced comedy sketch by 26 minutes , a news satire programme broadcast by radio television suisse , follows ` jeff randl ' , who travels to switzerland to compete in xtreme verbier .with more than 300,000 views on youtube since late march , some viewers said they were offended or did n't find the humour in the show 's over-the-top depiction of americans on the slopes in switzerland .a parody video that mocks american skiers and plays on stereotypes about us tourists has gone viral on the internet , but not all viewers are finding it amusing .\"]\n", + "=======================\n", + "['comedy sketch mocked us skiers at the swiss mountain resort of verbierit portrays a boorish , pot-smoking snowboarder named jeff randlplays on stereotypes that american tourists are rude and less worldlyclip was produced for a news satire programme on a swiss tv stationit has been viewed more than 300,000 times on youtube']\n", + "the profanity-laced comedy sketch by 26 minutes , a news satire programme broadcast by radio television suisse , follows ` jeff randl ' , who travels to switzerland to compete in xtreme verbier .with more than 300,000 views on youtube since late march , some viewers said they were offended or did n't find the humour in the show 's over-the-top depiction of americans on the slopes in switzerland .a parody video that mocks american skiers and plays on stereotypes about us tourists has gone viral on the internet , but not all viewers are finding it amusing .\n", + "comedy sketch mocked us skiers at the swiss mountain resort of verbierit portrays a boorish , pot-smoking snowboarder named jeff randlplays on stereotypes that american tourists are rude and less worldlyclip was produced for a news satire programme on a swiss tv stationit has been viewed more than 300,000 times on youtube\n", + "[1.6469841 1.510545 1.1473514 1.488838 1.0512929 1.0480007 1.030861\n", + " 1.0295448 1.0564322 1.0210383 1.0710834 1.0189719 1.0403472 1.0168254\n", + " 1.0693735 1.0137982 1.0113086 1.0112474 1.133617 1.1109366]\n", + "\n", + "[ 0 1 3 2 18 19 10 14 8 4 5 12 6 7 9 11 13 15 16 17]\n", + "=======================\n", + "[\"arsenal goalkeeper wojciech szczesny admits he feels sorry for adam federici , insisting the reading stopper was ` the best player on the pitch ' despite his costly error in saturday 's fa cup semi-final .federici allowed alexis sanchez 's driven shot to slip through his body in extra-time as arsenal ran out 2-1 winners at wembley to reach their second consecutive final , having beaten hull to lift the trophy last year .the mistake overshadowed a number of strong saves federici had made to keep his side in the game and szczesny had only kind words for his opposite number .\"]\n", + "=======================\n", + "[\"wojciech szczesny feels sorry for adam federici after his fa cup errorthe goalkeeper let an alexis sanchez shot squirm into the net in extra-timeszczesny insists federici ` was the best player on the pitch ' at wembleyarsenal went onto win the semi-final 2-1 after the goalkeeper 's errorclick here for all the latest arsenal news\"]\n", + "arsenal goalkeeper wojciech szczesny admits he feels sorry for adam federici , insisting the reading stopper was ` the best player on the pitch ' despite his costly error in saturday 's fa cup semi-final .federici allowed alexis sanchez 's driven shot to slip through his body in extra-time as arsenal ran out 2-1 winners at wembley to reach their second consecutive final , having beaten hull to lift the trophy last year .the mistake overshadowed a number of strong saves federici had made to keep his side in the game and szczesny had only kind words for his opposite number .\n", + "wojciech szczesny feels sorry for adam federici after his fa cup errorthe goalkeeper let an alexis sanchez shot squirm into the net in extra-timeszczesny insists federici ` was the best player on the pitch ' at wembleyarsenal went onto win the semi-final 2-1 after the goalkeeper 's errorclick here for all the latest arsenal news\n", + "[1.1603123 1.1933182 1.1124601 1.1566125 1.145627 1.1079015 1.0568571\n", + " 1.1490854 1.1132269 1.0880578 1.0441586 1.0415313 1.0657308 1.084609\n", + " 1.0806502 1.0258012 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 7 4 8 2 5 9 13 14 12 6 10 11 15 18 16 17 19]\n", + "=======================\n", + "['after a preliminary framework for a possible nuclear deal was reached between iran and world powers , many here believe a final agreement is possible -- and most hope that widespread sanctions relief could be on the horizon .tehran , iran ( cnn ) traveling to iran these days , the mood among many people and the government can probably best be described using two words : confident and optimistic .\" naturally we are all very happy , \" one woman in central tehran told us .']\n", + "=======================\n", + "[\"iran 's military held annual national army day parade over the weekendtop military official says he hopes u.s.-iranian enmity will fadeu.s. has welcomed limited iranian help in fight against isis but neither side plans full coordination\"]\n", + "after a preliminary framework for a possible nuclear deal was reached between iran and world powers , many here believe a final agreement is possible -- and most hope that widespread sanctions relief could be on the horizon .tehran , iran ( cnn ) traveling to iran these days , the mood among many people and the government can probably best be described using two words : confident and optimistic .\" naturally we are all very happy , \" one woman in central tehran told us .\n", + "iran 's military held annual national army day parade over the weekendtop military official says he hopes u.s.-iranian enmity will fadeu.s. has welcomed limited iranian help in fight against isis but neither side plans full coordination\n", + "[1.5169755 1.4566627 1.2675841 1.4185262 1.150531 1.1173079 1.12136\n", + " 1.0364393 1.0489502 1.0374252 1.0204134 1.0187399 1.0174031 1.2291462\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 13 4 6 5 8 9 7 10 11 12 14 15 16 17 18 19]\n", + "=======================\n", + "[\"sussex head coach mark robinson has warned that wicketkeeper matt prior remains ` pretty much out indefinitely ' as his recovery from an achilles injury continues .prior , 33 , was badly affected by the problem last summer , eventually losing his england place to jos buttler , and has not played since july .he took a break to focus on rehabilitation and admitted ' i could have played my last game ( for england ) ' - and robinson 's prognosis offers no further encouragement .\"]\n", + "=======================\n", + "['matt prior picked up injury playing for england last yearachilles problem saw him lose his test place to jos buttlerdespite almost a year of rehab , prior is still a long way from making return']\n", + "sussex head coach mark robinson has warned that wicketkeeper matt prior remains ` pretty much out indefinitely ' as his recovery from an achilles injury continues .prior , 33 , was badly affected by the problem last summer , eventually losing his england place to jos buttler , and has not played since july .he took a break to focus on rehabilitation and admitted ' i could have played my last game ( for england ) ' - and robinson 's prognosis offers no further encouragement .\n", + "matt prior picked up injury playing for england last yearachilles problem saw him lose his test place to jos buttlerdespite almost a year of rehab , prior is still a long way from making return\n", + "[1.4003986 1.0519335 1.1719103 1.1820455 1.4475092 1.4062008 1.1396651\n", + " 1.2653339 1.0645682 1.1384095 1.0215731 1.0720366 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 5 0 7 3 2 6 9 11 8 1 10 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"tottenham chairman daniel levy is planning a new transfer policy for the club that centres on resale valuespurs sold forward gareth bale ( left ) to real madrid in 2013 for a world-record # 85 million transfer feedaniel levy reportedly told the tottenham hotspur supporters ' trust that after the problems reinvesting the money received for gareth bale , future transfer policy would entail the purchase of young players , priced between # 10-15million with good potential for resale .\"]\n", + "=======================\n", + "[\"tottenham hotspur chairman daniel levy has told supporters that future transfer policy will include developing young players with resale valuehaving failed to successfully reinvest the money received for gareth bale , levy will now turn to more modestly priced playersalthough financially sensible , levy 's new plans could risk spurs falling behind the other top clubs in pursuit of the champions leagueclick here for all the latest tottenham hotspur news\"]\n", + "tottenham chairman daniel levy is planning a new transfer policy for the club that centres on resale valuespurs sold forward gareth bale ( left ) to real madrid in 2013 for a world-record # 85 million transfer feedaniel levy reportedly told the tottenham hotspur supporters ' trust that after the problems reinvesting the money received for gareth bale , future transfer policy would entail the purchase of young players , priced between # 10-15million with good potential for resale .\n", + "tottenham hotspur chairman daniel levy has told supporters that future transfer policy will include developing young players with resale valuehaving failed to successfully reinvest the money received for gareth bale , levy will now turn to more modestly priced playersalthough financially sensible , levy 's new plans could risk spurs falling behind the other top clubs in pursuit of the champions leagueclick here for all the latest tottenham hotspur news\n", + "[1.3781023 1.4373983 1.308207 1.2095485 1.1904811 1.1365727 1.16142\n", + " 1.0416154 1.0335879 1.0280633 1.1738318 1.0163586 1.0238593 1.019538\n", + " 1.0222561 1.0159663 1.0104014 1.0111072 1.179431 1.0576063]\n", + "\n", + "[ 1 0 2 3 4 18 10 6 5 19 7 8 9 12 14 13 11 15 17 16]\n", + "=======================\n", + "[\"the st james ' park youngster was one of five loanees sent to glasgow by the magpies on the final day of the january transfer window .haris vuckic admits he does not know where he will be playing next season - but believes rangers would be a ` good option ' if newcastle let him leave .with kevin mbabu , remie streete , gael bigirimana and shane ferguson all injured , the 22-year-old slovenian is the only one to have made an impact at ibrox .\"]\n", + "=======================\n", + "['haris vuckic has spent second half of season on loan at rangersslovenia star has been a success at ibrox with six goals in 10 gamesnewcastle may decide to sell him with one year left on his contract']\n", + "the st james ' park youngster was one of five loanees sent to glasgow by the magpies on the final day of the january transfer window .haris vuckic admits he does not know where he will be playing next season - but believes rangers would be a ` good option ' if newcastle let him leave .with kevin mbabu , remie streete , gael bigirimana and shane ferguson all injured , the 22-year-old slovenian is the only one to have made an impact at ibrox .\n", + "haris vuckic has spent second half of season on loan at rangersslovenia star has been a success at ibrox with six goals in 10 gamesnewcastle may decide to sell him with one year left on his contract\n", + "[1.6262354 1.3497264 1.1236188 1.318655 1.3620234 1.1605448 1.0332499\n", + " 1.0255343 1.0250539 1.0218235 1.0163481 1.0098575 1.0382957 1.0154275\n", + " 1.110089 1.0484011 1.0629104 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 3 5 2 14 16 15 12 6 7 8 9 10 13 11 18 17 19]\n", + "=======================\n", + "['fifteen-times grand slam champion martina hingis made a courageously impressive return to big-time singles tennis in the fed cup on saturday but was eventually outplayed by agnieszka radwanska .hingis was persuaded to play her first tour-level singles for nearly eight years because of injuries in the switzerland team for the world group playoff encounter against poland .martina hingis fought courageously but could not prevent defeat on her first return to singles since 2007']\n", + "=======================\n", + "['switzerland are facing poland in the fed cup world group play offsmartina hingis lost 6-4 , 6-0 to world no 9 agnieszka radwanskathe former no 1 and five-time grand slam singles winner has not played a singles match since 2007']\n", + "fifteen-times grand slam champion martina hingis made a courageously impressive return to big-time singles tennis in the fed cup on saturday but was eventually outplayed by agnieszka radwanska .hingis was persuaded to play her first tour-level singles for nearly eight years because of injuries in the switzerland team for the world group playoff encounter against poland .martina hingis fought courageously but could not prevent defeat on her first return to singles since 2007\n", + "switzerland are facing poland in the fed cup world group play offsmartina hingis lost 6-4 , 6-0 to world no 9 agnieszka radwanskathe former no 1 and five-time grand slam singles winner has not played a singles match since 2007\n", + "[1.2993898 1.3764975 1.3599403 1.1487871 1.0654315 1.1727407 1.1623446\n", + " 1.2174647 1.0741614 1.0826228 1.0481763 1.125869 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 7 5 6 3 11 9 8 4 10 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"maradona is widely considered one of the greatest players to have played the game and guided argentina to world cup glory in 1986 .diego maradona works on his fitness by taking part in some boxing trainingdiego maradona put his ` hand of god ' to different use as he kept in shape by boxing training .\"]\n", + "=======================\n", + "['diego maradona was filmed hitting a dummy during boxing trainingformer argentina star hit dummy in head and on the body']\n", + "maradona is widely considered one of the greatest players to have played the game and guided argentina to world cup glory in 1986 .diego maradona works on his fitness by taking part in some boxing trainingdiego maradona put his ` hand of god ' to different use as he kept in shape by boxing training .\n", + "diego maradona was filmed hitting a dummy during boxing trainingformer argentina star hit dummy in head and on the body\n", + "[1.327395 1.4915041 1.3339512 1.2912496 1.2483405 1.2434629 1.0589099\n", + " 1.0633402 1.0638083 1.0217893 1.2745757 1.0202664 1.0471432 1.019492\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 10 4 5 8 7 6 12 9 11 13 16 14 15 17]\n", + "=======================\n", + "['the robbery took place at 12.30 pm at a lloyds bank branch in fairwater , cardiff , police said .detectives have issued cctv images of the suspect , who is 5ft 9in to 6ft and was wearing black clothing .police are hunting a man aged between 50 and 60 suspected of robbing a bank in broad daylight and running off with # 3,000 in cash .']\n", + "=======================\n", + "[\"the # 3,000 robbery happened at a lloyds bank branch in fairwater , cardiffcctv images released of a suspect with greying hair and wearing glassespolice say they are ` confident ' the public will know the suspect 's identity\"]\n", + "the robbery took place at 12.30 pm at a lloyds bank branch in fairwater , cardiff , police said .detectives have issued cctv images of the suspect , who is 5ft 9in to 6ft and was wearing black clothing .police are hunting a man aged between 50 and 60 suspected of robbing a bank in broad daylight and running off with # 3,000 in cash .\n", + "the # 3,000 robbery happened at a lloyds bank branch in fairwater , cardiffcctv images released of a suspect with greying hair and wearing glassespolice say they are ` confident ' the public will know the suspect 's identity\n", + "[1.0871689 1.1981204 1.3249822 1.3490806 1.1253939 1.1136149 1.1779854\n", + " 1.2872589 1.1336861 1.1583469 1.0441364 1.0786397 1.033783 1.0238523\n", + " 1.0186899 1.0955143 0. 0. ]\n", + "\n", + "[ 3 2 7 1 6 9 8 4 5 15 0 11 10 12 13 14 16 17]\n", + "=======================\n", + "[\"but as he goes to roll his egg down a grassy hill , he accidentally steps on it with shell and yolk mushed into the ground .video footage shows blaine taylor from aberdeen , scotland , competing against his older brother , cody .to date the toddler 's easter egg rolling fail has been watched more than 90,000 times .\"]\n", + "=======================\n", + "[\"video footage shows blaine taylor from aberdeen , scotland , competing against his older brother codybut as he goes to roll his egg down a grassy hill , he accidentally steps on it with shell and yolk mushed into the groundto date the toddler 's mishap has been watched more than 90,000 timesin a bid to cheer the youngster up , a local newspaper headed to his family home armed with dozens of chocolate easter eggs\"]\n", + "but as he goes to roll his egg down a grassy hill , he accidentally steps on it with shell and yolk mushed into the ground .video footage shows blaine taylor from aberdeen , scotland , competing against his older brother , cody .to date the toddler 's easter egg rolling fail has been watched more than 90,000 times .\n", + "video footage shows blaine taylor from aberdeen , scotland , competing against his older brother codybut as he goes to roll his egg down a grassy hill , he accidentally steps on it with shell and yolk mushed into the groundto date the toddler 's mishap has been watched more than 90,000 timesin a bid to cheer the youngster up , a local newspaper headed to his family home armed with dozens of chocolate easter eggs\n", + "[1.4831167 1.1891968 1.4794356 1.2038456 1.126226 1.1149961 1.0821403\n", + " 1.1009429 1.0859034 1.0777329 1.0877407 1.103501 1.1069171 1.0646193\n", + " 1.046378 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 4 5 12 11 7 10 8 6 9 13 14 16 15 17]\n", + "=======================\n", + "[\"on the run : clarence taylor , 44 , remains at large after police in akron , ohio ordered his arrest in connected to a bizarre ` faked kidnapping ' last fallon november 1 , taylor 's 45-year-old girlfriend called police , saying he had been missing for several days .while she was on the phone with investigators , the girlfriend received a call from another of taylor 's friends who said he had found him tied to a tree with zip ties in a wooded area near stoner creek and pickford ave.\"]\n", + "=======================\n", + "[\"a warrant has been issued for the arrest of clarence taylor , 44 , who remains at largeauthorities say the akron , ohio man faked his own kidnapping last falltaylor was found bound to a tree with duct tape covering his mouth of november 1he claimed men with shotguns kidnapped him , stole $ 2,500 and then left him tied to the tree for several dayshowever , medical records show taylor suffered no dehydration or injuries consistent with being out in the rainy weather for an extended periodit 's unclear why authorities delayed in ordering the arrest\"]\n", + "on the run : clarence taylor , 44 , remains at large after police in akron , ohio ordered his arrest in connected to a bizarre ` faked kidnapping ' last fallon november 1 , taylor 's 45-year-old girlfriend called police , saying he had been missing for several days .while she was on the phone with investigators , the girlfriend received a call from another of taylor 's friends who said he had found him tied to a tree with zip ties in a wooded area near stoner creek and pickford ave.\n", + "a warrant has been issued for the arrest of clarence taylor , 44 , who remains at largeauthorities say the akron , ohio man faked his own kidnapping last falltaylor was found bound to a tree with duct tape covering his mouth of november 1he claimed men with shotguns kidnapped him , stole $ 2,500 and then left him tied to the tree for several dayshowever , medical records show taylor suffered no dehydration or injuries consistent with being out in the rainy weather for an extended periodit 's unclear why authorities delayed in ordering the arrest\n", + "[1.3053601 1.1999652 1.2664099 1.2212136 1.3557913 1.0920311 1.0658027\n", + " 1.0609246 1.0439941 1.0304943 1.0470071 1.0267372 1.0353882 1.0669599\n", + " 1.0396149 1.0600995 1.1319616 1.0461636]\n", + "\n", + "[ 4 0 2 3 1 16 5 13 6 7 15 10 17 8 14 12 9 11]\n", + "=======================\n", + "[\"pedro hernandez , left , is accused of killing 6-year-old etan patz , right , who vanished in 1979she asked jurors to convict hernandez of murder , saying he was a calculated killer who committed a terrible crime and then spent three decades trying to hide from it .etan patz ` is larger than his very little , important life , ' assistant district attorney joan illuzzi-orbon said in closing arguments at the manhattan murder trial of pedro hernandez .\"]\n", + "=======================\n", + "[\"jurors have started deliberations in the case against pedro hernandez , the man accused of killing 6-year-old etan patz in 1979assistant district attorney joan illuzzi-orbon asked jurors in the ten week trial to convict hernandez of murdershe described him as a calculated killer who committed a terrible crime and then spent three decades trying to hide from itthe defense says hernandez 's admissions are made up , the ravings of a mentally ill man who sees visions and has a low iq\"]\n", + "pedro hernandez , left , is accused of killing 6-year-old etan patz , right , who vanished in 1979she asked jurors to convict hernandez of murder , saying he was a calculated killer who committed a terrible crime and then spent three decades trying to hide from it .etan patz ` is larger than his very little , important life , ' assistant district attorney joan illuzzi-orbon said in closing arguments at the manhattan murder trial of pedro hernandez .\n", + "jurors have started deliberations in the case against pedro hernandez , the man accused of killing 6-year-old etan patz in 1979assistant district attorney joan illuzzi-orbon asked jurors in the ten week trial to convict hernandez of murdershe described him as a calculated killer who committed a terrible crime and then spent three decades trying to hide from itthe defense says hernandez 's admissions are made up , the ravings of a mentally ill man who sees visions and has a low iq\n", + "[1.3458337 1.306181 1.3101847 1.2558036 1.2408485 1.1080642 1.0421869\n", + " 1.0456091 1.0309405 1.0568607 1.0967376 1.0556071 1.077248 1.03923\n", + " 1.0322043 1.0518436 1.0205927 0. ]\n", + "\n", + "[ 0 2 1 3 4 5 10 12 9 11 15 7 6 13 14 8 16 17]\n", + "=======================\n", + "[\"( cnn ) a 24-year-old man is in custody after he called for an ambulance , only to have french authorities come and discover weapons , ammunition and evidence of his plans to target churches -- an attack that someone in syria requested , a top prosecutor said wednesday .paris prosecutor francois molins said ghlam asked for medical help at his home in paris ' 13th district sunday morning , claiming he had accidentally injured himself when he mishandled a weapon .the man was identified later as sid ahmed ghlam , french interior minister bernard cazeneuve told television broadcaster tf1 .\"]\n", + "=======================\n", + "['suspect identified by french authorities as sid ahmed ghlamprosecutor : someone in syria asked the arrested man to target french churchesevidence connects terror plot suspect to the killing of aurelie chatelain , he says']\n", + "( cnn ) a 24-year-old man is in custody after he called for an ambulance , only to have french authorities come and discover weapons , ammunition and evidence of his plans to target churches -- an attack that someone in syria requested , a top prosecutor said wednesday .paris prosecutor francois molins said ghlam asked for medical help at his home in paris ' 13th district sunday morning , claiming he had accidentally injured himself when he mishandled a weapon .the man was identified later as sid ahmed ghlam , french interior minister bernard cazeneuve told television broadcaster tf1 .\n", + "suspect identified by french authorities as sid ahmed ghlamprosecutor : someone in syria asked the arrested man to target french churchesevidence connects terror plot suspect to the killing of aurelie chatelain , he says\n", + "[1.1901933 1.5214562 1.3416594 1.0809921 1.3699967 1.232842 1.114906\n", + " 1.1293713 1.139821 1.0291857 1.0212119 1.0105014 1.0381659 1.0957632\n", + " 1.1818805 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 5 0 14 8 7 6 13 3 12 9 10 11 17 15 16 18]\n", + "=======================\n", + "[\"patricia wilnecker , 81 , fell in love with lamorna cove in cornwall so much on her first visit in 1948 she eventually moved nearby and also wrote a book about it .but she has been told she is no longer welcome there by the owner roy stevenson after he accused her of deliberately hitting his son daniel , 36 , during a stand-off at the entrance .a pensioner who has visited a beauty spot for 70 years has been banned after she was accused of knocking down the landowner 's son with her car .\"]\n", + "=======================\n", + "[\"patricia wilnecker has visited lamorna cove every year since 1948pensioner , 81 , even moved to the area and wrote book about cornish coastbut landowner claims she deliberately knocked down son daniel , 36roy stevenson said she can come back if ` she tells him she 's sorry '\"]\n", + "patricia wilnecker , 81 , fell in love with lamorna cove in cornwall so much on her first visit in 1948 she eventually moved nearby and also wrote a book about it .but she has been told she is no longer welcome there by the owner roy stevenson after he accused her of deliberately hitting his son daniel , 36 , during a stand-off at the entrance .a pensioner who has visited a beauty spot for 70 years has been banned after she was accused of knocking down the landowner 's son with her car .\n", + "patricia wilnecker has visited lamorna cove every year since 1948pensioner , 81 , even moved to the area and wrote book about cornish coastbut landowner claims she deliberately knocked down son daniel , 36roy stevenson said she can come back if ` she tells him she 's sorry '\n", + "[1.4780118 1.2293175 1.1953267 1.5238962 1.2046015 1.0583696 1.0402427\n", + " 1.0304781 1.035051 1.0321437 1.0204613 1.0137012 1.1020166 1.2550287\n", + " 1.1448405 1.0835793 1.0265343 1.0126349 1.1209588]\n", + "\n", + "[ 3 0 13 1 4 2 14 18 12 15 5 6 8 9 7 16 10 11 17]\n", + "=======================\n", + "[\"chelsea defender kurt zouma ( right ) has revealed he hopes to one day win the ballon d'orzouma has impressed at the heart of the chelsea defence this season and proved his versatility by seemlessly switching into a holding midfield role when called upon this term .zouma challenges marouane fellaini during chelsea 's 1-0 premier league win against manchester united\"]\n", + "=======================\n", + "[\"kurt zouma reveals he has an ambition to win the ballon d'orchelsea youngster has had an impressive first season at stamford bridge20-year-old has been compared to chelsea legend marcel desailly\"]\n", + "chelsea defender kurt zouma ( right ) has revealed he hopes to one day win the ballon d'orzouma has impressed at the heart of the chelsea defence this season and proved his versatility by seemlessly switching into a holding midfield role when called upon this term .zouma challenges marouane fellaini during chelsea 's 1-0 premier league win against manchester united\n", + "kurt zouma reveals he has an ambition to win the ballon d'orchelsea youngster has had an impressive first season at stamford bridge20-year-old has been compared to chelsea legend marcel desailly\n", + "[1.1920671 1.4875488 1.3381549 1.3069966 1.2633421 1.1397672 1.079984\n", + " 1.0568808 1.0873935 1.0459169 1.0502985 1.046532 1.0337543 1.0595423\n", + " 1.0574436 1.0507356 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 5 8 6 13 14 7 15 10 11 9 12 17 16 18]\n", + "=======================\n", + "['mary ann diano was left homeless when the storms hit staten island , new york , in october 2012 - but now says because of hurricane sandy she has met the love of her life and they are buying their dream home together .a couple who lost their homes and were almost killed in hurricane sandy are celebrating a whirlwind of good fortune after winning more than $ 250,000 in the lottery .during the storms ms diano had been swept away by the waves and clung to a tree for safety']\n", + "=======================\n", + "[\"pair were left homeless after storms and met in connecticut trailer parkwon lottery last year but only cashed prize in after easter to mark new start` because of sandy i met the love of my life ' , said thrilled lottery winner\"]\n", + "mary ann diano was left homeless when the storms hit staten island , new york , in october 2012 - but now says because of hurricane sandy she has met the love of her life and they are buying their dream home together .a couple who lost their homes and were almost killed in hurricane sandy are celebrating a whirlwind of good fortune after winning more than $ 250,000 in the lottery .during the storms ms diano had been swept away by the waves and clung to a tree for safety\n", + "pair were left homeless after storms and met in connecticut trailer parkwon lottery last year but only cashed prize in after easter to mark new start` because of sandy i met the love of my life ' , said thrilled lottery winner\n", + "[1.6199989 1.5260215 1.1427147 1.3446548 1.283547 1.0518463 1.0125355\n", + " 1.0537411 1.0180118 1.1151571 1.0464785 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 4 2 9 7 5 10 8 6 17 11 12 13 14 15 16 18]\n", + "=======================\n", + "['tomas berdych set up a hotly-anticipated rematch with andy murray with a straight-sets win against juan monaco in the miami open quarter-finals on wednesday .eighth seed berdych defeated argentine monaco 6-3 , 6-4 to ensure a first meeting with muray since their tense and at times acrimonious australian open semi-final which murray won in four sets .juan monaco stretches to play the backhand in the last-eight clash in miami on wednesday']\n", + "=======================\n", + "[\"tomas berdych beat juan monaco 6-3 , 6-4 in the miami open last-eightthe czech now goes on to play andy murray in friday 's semi-finalsberdych and murray contested a fiery match at this year 's australian open\"]\n", + "tomas berdych set up a hotly-anticipated rematch with andy murray with a straight-sets win against juan monaco in the miami open quarter-finals on wednesday .eighth seed berdych defeated argentine monaco 6-3 , 6-4 to ensure a first meeting with muray since their tense and at times acrimonious australian open semi-final which murray won in four sets .juan monaco stretches to play the backhand in the last-eight clash in miami on wednesday\n", + "tomas berdych beat juan monaco 6-3 , 6-4 in the miami open last-eightthe czech now goes on to play andy murray in friday 's semi-finalsberdych and murray contested a fiery match at this year 's australian open\n", + "[1.2035844 1.5198061 1.2321953 1.1400777 1.1579404 1.1412128 1.1009293\n", + " 1.0894121 1.100752 1.0628219 1.0808427 1.0257266 1.0837575 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 5 3 6 8 7 12 10 9 11 17 13 14 15 16 18]\n", + "=======================\n", + "['the nfl legend called out deion sanders jr. on twitter for saying he only eats \" hood doughnuts . \"in response , the elder sanders -- in front of his 912,000 followers -- reminded his son he has a trust fund , a condo and his own clothing line called \" well off . \"( cnn ) deion sanders is such a dad .']\n", + "=======================\n", + "['deion sanders calls out son for \" hood doughnuts \" comments\" you \\'re a huxtable with a million $ trust fund .']\n", + "the nfl legend called out deion sanders jr. on twitter for saying he only eats \" hood doughnuts . \"in response , the elder sanders -- in front of his 912,000 followers -- reminded his son he has a trust fund , a condo and his own clothing line called \" well off . \"( cnn ) deion sanders is such a dad .\n", + "deion sanders calls out son for \" hood doughnuts \" comments\" you 're a huxtable with a million $ trust fund .\n", + "[1.1698922 1.3023024 1.2806365 1.059988 1.0957569 1.5201616 1.3984065\n", + " 1.1891075 1.0141755 1.0100925 1.0103232 1.0150195 1.0123099 1.0635976\n", + " 1.0284967 1.1934261 1.0119493 1.009168 0. 0. 0. ]\n", + "\n", + "[ 5 6 1 2 15 7 0 4 13 3 14 11 8 12 16 10 9 17 18 19 20]\n", + "=======================\n", + "['louis van gaal has piled pressure on manchester city ahead of their games against crystal palace and unitedmanchester united picked up all three points at the weekend by beating aston villa 3-1 at old traffordmanchester united had just rattled off their 13th home win of the season and the dutchman wanted to crank up the pressure .']\n", + "=======================\n", + "['louis van gaal cranked up the pressure on man city after aston villa winmanchester united defeated aston villa 3-1 at old trafford on saturdaythe red devils leapfrogged manchester city to move up to third spotunited have not recorded a home win against city since february 2011']\n", + "louis van gaal has piled pressure on manchester city ahead of their games against crystal palace and unitedmanchester united picked up all three points at the weekend by beating aston villa 3-1 at old traffordmanchester united had just rattled off their 13th home win of the season and the dutchman wanted to crank up the pressure .\n", + "louis van gaal cranked up the pressure on man city after aston villa winmanchester united defeated aston villa 3-1 at old trafford on saturdaythe red devils leapfrogged manchester city to move up to third spotunited have not recorded a home win against city since february 2011\n", + "[1.238481 1.4801757 1.4268962 1.2013868 1.1616483 1.1362997 1.0727346\n", + " 1.0832866 1.0496056 1.0196627 1.2975227 1.0416427 1.0877576 1.0499418\n", + " 1.1107509 1.080162 1.0563402 1.012525 1.0109822 1.0253681 1.040825 ]\n", + "\n", + "[ 1 2 10 0 3 4 5 14 12 7 15 6 16 13 8 11 20 19 9 17 18]\n", + "=======================\n", + "['the crash occurred about 8am wednesday in lewiston , at a drop called bryden canyon .the driver of the truck involved , mathew sitko , 23 , drove through a yard and over two terraces before getting snared in a chain-link fence .police in idaho are trying to track down the man who saved a driver from the scene of a precarious car crash at the edge of a cliff in idaho yesterday .']\n", + "=======================\n", + "['crash occurred in lewiston , idaho , about 8am wednesdaydriver sitko , 23 , crashed off the road and drove through propertyhis truck was stopped from dropping off bryden canyon by a fencea passer-by smashed the window and dragged him to safetythe man fled when police and paramedics arrivedsitko is recovering from minor injuries in hospital']\n", + "the crash occurred about 8am wednesday in lewiston , at a drop called bryden canyon .the driver of the truck involved , mathew sitko , 23 , drove through a yard and over two terraces before getting snared in a chain-link fence .police in idaho are trying to track down the man who saved a driver from the scene of a precarious car crash at the edge of a cliff in idaho yesterday .\n", + "crash occurred in lewiston , idaho , about 8am wednesdaydriver sitko , 23 , crashed off the road and drove through propertyhis truck was stopped from dropping off bryden canyon by a fencea passer-by smashed the window and dragged him to safetythe man fled when police and paramedics arrivedsitko is recovering from minor injuries in hospital\n", + "[1.1653274 1.4329017 1.2902359 1.1964083 1.2074859 1.1622368 1.0778155\n", + " 1.0759255 1.0966225 1.0898948 1.1158924 1.0979488 1.1042919 1.0766139\n", + " 1.0381379 1.0552524 1.0494127 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 0 5 10 12 11 8 9 6 13 7 15 16 14 19 17 18 20]\n", + "=======================\n", + "[\"lib dem minister danny alexander released details of what he claimed are secret plans drawn up in the last government to cut child benefit and child tax credits .the prime minister ` flatly rejected ' the plans , claiming they were drawn up by civil servants on the orders of mr alexander .but the lib dems hit back , claiming mr cameron himself had asked officials to examine ways to curb access to benefits .\"]\n", + "=======================\n", + "[\"danny alexander exposes ` secret ' plans by tories for # 8billion welfare cutsaccuses conservatives a ` con ' by keeping cuts secret until after electiontories hit back and brand their former coalition partners ` desperate 'growing dissent in lib dem ranks over a second coaliton with toriesno income tax on earnings less than # 12,500cut # 12billion from the welfare billintroduce a new law to ensure those working up to 30 hours a week on the minimum wage are never subject to income taxraise the 40p income tax threshold to # 50,000guarantee not to raise vat , national insurance contributions or income taxcap benefits at # 23,000 a yearincrease the inheritance tax threshold for married couples and civil partners to # 1millionabolish the bedroom taxre-introduce the 50p top rate of tax on those earning more than # 150,000guarantee not to increase the basic 20p or higher 40p income tax rateguarantee not to raise vat , national insurance contributions or income taxintroduce a new 10p tax rate for the first # 1,000 of taxable incomeabolish ` non dom ' statuscut and then freeze business ratesincrease corporation tax by 1 per centincrease working tax creditshalt and review universal creditno income tax on earnings less than # 12,500consider raising the employee national insurance threshold to the income tax threshold` limit ' welfare reductionsintroduce a mansion tax on properties worth over # 2millioncut # 3billion from the welfare billcap increases in working-age benefits to 1 per cent until 2017/18 ( not including disability or parental leave benefits )increase benefits in line with inflation once the deficit has been cutno income tax on earnings less than # 13,000raise the threshold for paying 40 per cent income tax to # 55,000abolish inheritance taxintroduce a new tax rate of 30 per cent on incomes ranging between # 43,500 and # 55,000remove vat completely from repairs to listed buildingsreduce the annual cap on benefitsscrap the ` bedroom tax 'increase taxes by # 200billion by 2019introduce a wealth tax of 2 per cent on people worth # 3m or morebring in a new 60 per cent income tax rate on earnings over # 150,000double child benefit\"]\n", + "lib dem minister danny alexander released details of what he claimed are secret plans drawn up in the last government to cut child benefit and child tax credits .the prime minister ` flatly rejected ' the plans , claiming they were drawn up by civil servants on the orders of mr alexander .but the lib dems hit back , claiming mr cameron himself had asked officials to examine ways to curb access to benefits .\n", + "danny alexander exposes ` secret ' plans by tories for # 8billion welfare cutsaccuses conservatives a ` con ' by keeping cuts secret until after electiontories hit back and brand their former coalition partners ` desperate 'growing dissent in lib dem ranks over a second coaliton with toriesno income tax on earnings less than # 12,500cut # 12billion from the welfare billintroduce a new law to ensure those working up to 30 hours a week on the minimum wage are never subject to income taxraise the 40p income tax threshold to # 50,000guarantee not to raise vat , national insurance contributions or income taxcap benefits at # 23,000 a yearincrease the inheritance tax threshold for married couples and civil partners to # 1millionabolish the bedroom taxre-introduce the 50p top rate of tax on those earning more than # 150,000guarantee not to increase the basic 20p or higher 40p income tax rateguarantee not to raise vat , national insurance contributions or income taxintroduce a new 10p tax rate for the first # 1,000 of taxable incomeabolish ` non dom ' statuscut and then freeze business ratesincrease corporation tax by 1 per centincrease working tax creditshalt and review universal creditno income tax on earnings less than # 12,500consider raising the employee national insurance threshold to the income tax threshold` limit ' welfare reductionsintroduce a mansion tax on properties worth over # 2millioncut # 3billion from the welfare billcap increases in working-age benefits to 1 per cent until 2017/18 ( not including disability or parental leave benefits )increase benefits in line with inflation once the deficit has been cutno income tax on earnings less than # 13,000raise the threshold for paying 40 per cent income tax to # 55,000abolish inheritance taxintroduce a new tax rate of 30 per cent on incomes ranging between # 43,500 and # 55,000remove vat completely from repairs to listed buildingsreduce the annual cap on benefitsscrap the ` bedroom tax 'increase taxes by # 200billion by 2019introduce a wealth tax of 2 per cent on people worth # 3m or morebring in a new 60 per cent income tax rate on earnings over # 150,000double child benefit\n", + "[1.1781427 1.5575273 1.3015549 1.3101412 1.1652735 1.1081702 1.0387988\n", + " 1.1375533 1.1684256 1.0920981 1.029435 1.0148277 1.0268145 1.0122635\n", + " 1.013518 1.0193605 1.0294015 1.1773369 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 17 8 4 7 5 9 6 10 16 12 15 11 14 13 19 18 20]\n", + "=======================\n", + "[\"employees at the recruitment company had spotted the mother and ten ducklings trying to cross the busy high street in sutton coldfield , west midlands , and dashed to help them across .but they did n't bargain for the ducks following them back to the office and staying for the morning , wondering the corridors and drinking from water bowls .this is the moment when a family of ducks followed staff back to their office and made themselves at home after staff helped them across a busy road .\"]\n", + "=======================\n", + "['duck and ten ducklings followed staff back to an office in sutton coldfieldvisit was filmed by a member of staff on her mobile phoneemployee said even company director found the whole thing hilarious']\n", + "employees at the recruitment company had spotted the mother and ten ducklings trying to cross the busy high street in sutton coldfield , west midlands , and dashed to help them across .but they did n't bargain for the ducks following them back to the office and staying for the morning , wondering the corridors and drinking from water bowls .this is the moment when a family of ducks followed staff back to their office and made themselves at home after staff helped them across a busy road .\n", + "duck and ten ducklings followed staff back to an office in sutton coldfieldvisit was filmed by a member of staff on her mobile phoneemployee said even company director found the whole thing hilarious\n", + "[1.0790303 1.1724193 1.3807472 1.3650846 1.2655125 1.2102731 1.1198485\n", + " 1.0586486 1.1659441 1.1292773 1.1253467 1.0304154 1.0134811 1.012126\n", + " 1.0131456 1.1593063 1.0337718 1.0262568 1.0130802 0. 0. ]\n", + "\n", + "[ 2 3 4 5 1 8 15 9 10 6 0 7 16 11 17 12 14 18 13 19 20]\n", + "=======================\n", + "['a slick bunk bed design has been unveiled by zodiac galleys europe , giving staff a bed each and some privacy for a little shut-eye during long-haul flights .zodiac aerospace have revealed their new designs for luxury sleeping quarters for cabin crewthe lower deck area aims to maximise the sense of space and privacy for flight attendants as they rest']\n", + "=======================\n", + "['zodiac aerospace revealed new designs for cabin crew quarters based on feedback from airline workersthe luxury concept aims to maximise space , comfort and privacy , with a bunk bed systemeach bunk has a personal entertainment and air-conditioning system and lie-flat areaareas are hidden away from passengers behind concealed doors on the lower deck']\n", + "a slick bunk bed design has been unveiled by zodiac galleys europe , giving staff a bed each and some privacy for a little shut-eye during long-haul flights .zodiac aerospace have revealed their new designs for luxury sleeping quarters for cabin crewthe lower deck area aims to maximise the sense of space and privacy for flight attendants as they rest\n", + "zodiac aerospace revealed new designs for cabin crew quarters based on feedback from airline workersthe luxury concept aims to maximise space , comfort and privacy , with a bunk bed systemeach bunk has a personal entertainment and air-conditioning system and lie-flat areaareas are hidden away from passengers behind concealed doors on the lower deck\n", + "[1.3563303 1.345651 1.2674873 1.3312111 1.0893468 1.0731394 1.1944852\n", + " 1.1998224 1.101634 1.0821364 1.0860178 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 7 6 8 4 10 9 5 11 12 13 14 15 16 17 18]\n", + "=======================\n", + "['adrian peterson is back in the national football league .it was announced today that starting friday , peterson would be able to participate in all scheduled activities with the minnesota vikings .this after a ban that has been in effect since september 17 of last year following an incident in which he beat his young son with a switch .']\n", + "=======================\n", + "['the nfl has reinstated adrian peterson , allowing him to participate in league activities starting on fridaythis after he was suspended last september following an indictment on charges of child abusepeterson reportedly beat his son with a switch last maythe running back in set to make $ 12.75 million this season with the minnesota vikings']\n", + "adrian peterson is back in the national football league .it was announced today that starting friday , peterson would be able to participate in all scheduled activities with the minnesota vikings .this after a ban that has been in effect since september 17 of last year following an incident in which he beat his young son with a switch .\n", + "the nfl has reinstated adrian peterson , allowing him to participate in league activities starting on fridaythis after he was suspended last september following an indictment on charges of child abusepeterson reportedly beat his son with a switch last maythe running back in set to make $ 12.75 million this season with the minnesota vikings\n", + "[1.3409966 1.363594 1.180957 1.1813668 1.1981828 1.2158678 1.1762686\n", + " 1.1614547 1.0994525 1.0882998 1.059759 1.0688286 1.0527552 1.069201\n", + " 1.0938588 1.0749906 1.0480402 1.0550776 1.0416915]\n", + "\n", + "[ 1 0 5 4 3 2 6 7 8 14 9 15 13 11 10 17 12 16 18]\n", + "=======================\n", + "[\"inspired by real madrid 's gareth bale , they were the biggest movers at the top end of the list with 153 points ahead of the april rankings after beating israel 3-0 in their euro 2016 qualifier in haifa .wales have reached their highest ever position in the fifa world rankings by rising 15 places to 22 .meanwhile , england have climbed three places to 14 after beating lithuania in euro 2016 qualifying and drawing a friendly in italy last month , while scotland are up 10 spots to 29 .\"]\n", + "=======================\n", + "[\"chris coleman 's wales rose 15 places to 22 in the fifa world rankingsbelgium switched places with colombia to reach no 3 for the first timeengland have climbed three places to 14 after win over lithuaniabhutan 's wins over sri lanka boost them 46 places off the bottomworld cup finalists germany and argentina retain first and second spot\"]\n", + "inspired by real madrid 's gareth bale , they were the biggest movers at the top end of the list with 153 points ahead of the april rankings after beating israel 3-0 in their euro 2016 qualifier in haifa .wales have reached their highest ever position in the fifa world rankings by rising 15 places to 22 .meanwhile , england have climbed three places to 14 after beating lithuania in euro 2016 qualifying and drawing a friendly in italy last month , while scotland are up 10 spots to 29 .\n", + "chris coleman 's wales rose 15 places to 22 in the fifa world rankingsbelgium switched places with colombia to reach no 3 for the first timeengland have climbed three places to 14 after win over lithuaniabhutan 's wins over sri lanka boost them 46 places off the bottomworld cup finalists germany and argentina retain first and second spot\n", + "[1.3612385 1.3466921 1.3642795 1.1503141 1.0835801 1.1401361 1.0286211\n", + " 1.0095767 1.0433837 1.2047671 1.2686497 1.0529084 1.0704352 1.1111213\n", + " 1.1159343 1.100988 1.0212077 1.0224873 0. ]\n", + "\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[ 2 0 1 10 9 3 5 14 13 15 4 12 11 8 6 17 16 7 18]\n", + "=======================\n", + "[\"aaron cruden is almost certain to miss the world cup after scans revealed the need for knee surgeryaaron cruden has refused to give up hope of appearing in this year 's world cup , but the harsh truth is that the all blacks ' title defence has suffered an early blow with the likely loss of their no 10 .the 26-year-old waikato chiefs fly-half received grim confirmation on monday that he has ruptured the anterior cruciate ligament in his left knee and will be out for six months .\"]\n", + "=======================\n", + "[\"scans have revealed all blacks flyhalf aaron cruden needs knee surgerythe 26-year-old injured his knee during clash with canterbury crusaderssurgery is likely to rule him out of a minimum of six months of actionthat means all blacks ace cruden will miss this summer 's world cup\"]\n", + "aaron cruden is almost certain to miss the world cup after scans revealed the need for knee surgeryaaron cruden has refused to give up hope of appearing in this year 's world cup , but the harsh truth is that the all blacks ' title defence has suffered an early blow with the likely loss of their no 10 .the 26-year-old waikato chiefs fly-half received grim confirmation on monday that he has ruptured the anterior cruciate ligament in his left knee and will be out for six months .\n", + "scans have revealed all blacks flyhalf aaron cruden needs knee surgerythe 26-year-old injured his knee during clash with canterbury crusaderssurgery is likely to rule him out of a minimum of six months of actionthat means all blacks ace cruden will miss this summer 's world cup\n", + "[1.1463585 1.4195995 1.3431212 1.2763011 1.1560884 1.1707659 1.021654\n", + " 1.1190348 1.0931563 1.1393942 1.2216837 1.030763 1.0291414 1.0197113\n", + " 1.0433605 1.1278591 1.1245428 1.0449686 0. ]\n", + "\n", + "[ 1 2 3 10 5 4 0 9 15 16 7 8 17 14 11 12 6 13 18]\n", + "=======================\n", + "['the animal became stuck in the quagmire during the night and was lying on her side in a state of desperation when locals came across her and raised the alarm .using only ropes and wooden poles , more than 20 villagers and police officers teamed together to free the wild asian elephant before she died of starvation , dehydration or exhaustion .rescue mission : the elephant was discovered stuck in a muddy quagmire by villagers in rural southern china']\n", + "=======================\n", + "['wild asian elephant was trapped in a swamp in rural southern chinafemale animal had battled all night to escape before being discoveredvillagers and police teamed up in a dramatic three-hour rescue operationexhausted elephant can not stand up and is being treated with medication']\n", + "the animal became stuck in the quagmire during the night and was lying on her side in a state of desperation when locals came across her and raised the alarm .using only ropes and wooden poles , more than 20 villagers and police officers teamed together to free the wild asian elephant before she died of starvation , dehydration or exhaustion .rescue mission : the elephant was discovered stuck in a muddy quagmire by villagers in rural southern china\n", + "wild asian elephant was trapped in a swamp in rural southern chinafemale animal had battled all night to escape before being discoveredvillagers and police teamed up in a dramatic three-hour rescue operationexhausted elephant can not stand up and is being treated with medication\n", + "[1.5113313 1.3632851 1.2553642 1.0625865 1.3127427 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 3 16 15 14 13 12 11 9 17 8 7 6 5 10 18]\n", + "=======================\n", + "[\"wimbledon semi-finalist milos raonic and 19-year-old australian nick kyrgios will make their debuts at the aegon championships at queen 's club this summer .canada 's raonic , ranked no 6 in the world , lost to roger federer in last year 's wimbledon semi-final while kyrgios burst onto the scene with a shock fourth-round victory over two-time champion rafael nadal .nick kyrgios was responsible for the biggest upset at sw19 last year when he beat rafael nadal\"]\n", + "=======================\n", + "[\"milos raonic , last year 's wimbledon semi-finalist , will play at queen 's clubaustralian nick kyrgios will also make his debut in west londonkyrgios knocked rafael nadal out of wimbledon in a huge shock last year\"]\n", + "wimbledon semi-finalist milos raonic and 19-year-old australian nick kyrgios will make their debuts at the aegon championships at queen 's club this summer .canada 's raonic , ranked no 6 in the world , lost to roger federer in last year 's wimbledon semi-final while kyrgios burst onto the scene with a shock fourth-round victory over two-time champion rafael nadal .nick kyrgios was responsible for the biggest upset at sw19 last year when he beat rafael nadal\n", + "milos raonic , last year 's wimbledon semi-finalist , will play at queen 's clubaustralian nick kyrgios will also make his debut in west londonkyrgios knocked rafael nadal out of wimbledon in a huge shock last year\n", + "[1.2783685 1.5726192 1.2025951 1.1872765 1.0687143 1.0470136 1.0455191\n", + " 1.1864332 1.1298751 1.0942726 1.3241966 1.058663 1.0370735 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 10 0 2 3 7 8 9 4 11 5 6 12 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"bouchard is playing in the fed cup world group play-off against romania this weekend and faces world no 66 dulgheru in her first contest .eugenie bouchard has displayed here ruthless competitive streak again by refusing to shake hands with opponent alexandra dulgheru at a pre-match press conference .however during the draw ceremony in montreal , bouchard declined dulgheru 's offer of a sporting handshake in front of the assembled photographers .\"]\n", + "=======================\n", + "['eugenie bouchard has suffered four defeats in her last six matchesthe world no 7 is representing canada in fed cup world group play-offcanadian star refuses to shake hands in pre-match press conferences']\n", + "bouchard is playing in the fed cup world group play-off against romania this weekend and faces world no 66 dulgheru in her first contest .eugenie bouchard has displayed here ruthless competitive streak again by refusing to shake hands with opponent alexandra dulgheru at a pre-match press conference .however during the draw ceremony in montreal , bouchard declined dulgheru 's offer of a sporting handshake in front of the assembled photographers .\n", + "eugenie bouchard has suffered four defeats in her last six matchesthe world no 7 is representing canada in fed cup world group play-offcanadian star refuses to shake hands in pre-match press conferences\n", + "[1.2711641 1.405133 1.2589879 1.2913718 1.1602736 1.1160442 1.0229881\n", + " 1.1357781 1.118261 1.1294411 1.0579249 1.0851995 1.0443612 1.1036657\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 7 9 8 5 13 11 10 12 6 18 14 15 16 17 19]\n", + "=======================\n", + "[\"the royal mint announced it will mark the birth of the duke and duchess of cambridge 's second child in the same way it commemorated the arrival of prince george in 2013 .babies born on the same day as the royal baby will be eligible to receive one of 2,015 free ` lucky ' silver pennies .the silver coin will be minted with the one penny 's royal shield design and the new effigy of the queen , which was unveiled in march .\"]\n", + "=======================\n", + "[\"commemorates birth in same way as the arrival of prince george in 2013babies born on same day will receive one of 2,015 free ` lucky ' silver penniesduke and duchess of cambridge 's second baby due this month\"]\n", + "the royal mint announced it will mark the birth of the duke and duchess of cambridge 's second child in the same way it commemorated the arrival of prince george in 2013 .babies born on the same day as the royal baby will be eligible to receive one of 2,015 free ` lucky ' silver pennies .the silver coin will be minted with the one penny 's royal shield design and the new effigy of the queen , which was unveiled in march .\n", + "commemorates birth in same way as the arrival of prince george in 2013babies born on same day will receive one of 2,015 free ` lucky ' silver penniesduke and duchess of cambridge 's second baby due this month\n", + "[1.472858 1.2459807 1.2393997 1.436331 1.1377096 1.0568072 1.064817\n", + " 1.0245261 1.0240691 1.1997766 1.1018869 1.0963717 1.0249193 1.0932226\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 9 4 10 11 13 6 5 12 7 8 18 14 15 16 17 19]\n", + "=======================\n", + "[\"stuart pearce believes manchester city manager manuel pellegrini deserves more time to turnaround the club 's dwindling fortunes .city 's challenge for the title has capitulated in recent weeks and pellegrini 's men now face a battle to even finish in the top four .a derby day thumping at the hands of rivals manchester united only compounded their misery , but pearce believes city should stick with the 61-year-old .\"]\n", + "=======================\n", + "['stuart pearce feels manuel pellegrini deserves more time at the etihadpellegrini is under pressure following their recent league capitulationthe citizens were smashed by rivals manchester united on sundaymanchester city now sit fourth in the league 12 points adrift of chelsea']\n", + "stuart pearce believes manchester city manager manuel pellegrini deserves more time to turnaround the club 's dwindling fortunes .city 's challenge for the title has capitulated in recent weeks and pellegrini 's men now face a battle to even finish in the top four .a derby day thumping at the hands of rivals manchester united only compounded their misery , but pearce believes city should stick with the 61-year-old .\n", + "stuart pearce feels manuel pellegrini deserves more time at the etihadpellegrini is under pressure following their recent league capitulationthe citizens were smashed by rivals manchester united on sundaymanchester city now sit fourth in the league 12 points adrift of chelsea\n", + "[1.2656165 1.5327944 1.1212931 1.0544108 1.0421054 1.2050301 1.2031639\n", + " 1.1105331 1.1263392 1.0703598 1.1190802 1.1426357 1.0723324 1.0885028\n", + " 1.1026332 1.1115804 1.012247 1.0124449 0. 0. ]\n", + "\n", + "[ 1 0 5 6 11 8 2 10 15 7 14 13 12 9 3 4 17 16 18 19]\n", + "=======================\n", + "[\"the unnamed 20-year-old woman was driving on the i-25 in weld county , north of denver , when her window shattered and she felt bleeding from both sides of her neck .sheriffs are hunting a gunman who shot a young woman through the neck as she was driving down a colorado interstate , amid fears he may have tried to attack other drivers too .hours before the woman was shot , a man 's rear window was shattered as he drove on the nearby i-76 after he heard a ` pop ' sound which could have been gunfire .\"]\n", + "=======================\n", + "['20-year-old woman was hit by bullet at 11pm on wednesday nightwindow shattered and she felt blood driving down i-25 north of denverbullet passed clean through her neck - but did not cause major injuryother drivers have reported windows shattering after potential gunshots']\n", + "the unnamed 20-year-old woman was driving on the i-25 in weld county , north of denver , when her window shattered and she felt bleeding from both sides of her neck .sheriffs are hunting a gunman who shot a young woman through the neck as she was driving down a colorado interstate , amid fears he may have tried to attack other drivers too .hours before the woman was shot , a man 's rear window was shattered as he drove on the nearby i-76 after he heard a ` pop ' sound which could have been gunfire .\n", + "20-year-old woman was hit by bullet at 11pm on wednesday nightwindow shattered and she felt blood driving down i-25 north of denverbullet passed clean through her neck - but did not cause major injuryother drivers have reported windows shattering after potential gunshots\n", + "[1.4212041 1.1804771 1.1396241 1.0803814 1.1457244 1.1929662 1.0659008\n", + " 1.089272 1.0365517 1.0604063 1.0652275 1.0528022 1.0306154 1.0592605\n", + " 1.0536039 1.0271128 1.0301763 1.0152669 1.0198692 1.031593 ]\n", + "\n", + "[ 0 5 1 4 2 7 3 6 10 9 13 14 11 8 19 12 16 15 18 17]\n", + "=======================\n", + "[\"a recent survey has revealed that more than half of uk children do n't have any veg , and 44 per cent have no fruit on a daily basis .annabel karmel has shred her tips on how to make children love eating vegetableswith childhood obesity on the rise in the uk , these new figures are incredibly alarming .\"]\n", + "=======================\n", + "[\"survey found more than half of uk children kids do n't have any vegfussy kids are frustrating for parents when they refuse to eat certain foodsnutritionist annabel karmel tells femail how to make a child like greens\"]\n", + "a recent survey has revealed that more than half of uk children do n't have any veg , and 44 per cent have no fruit on a daily basis .annabel karmel has shred her tips on how to make children love eating vegetableswith childhood obesity on the rise in the uk , these new figures are incredibly alarming .\n", + "survey found more than half of uk children kids do n't have any vegfussy kids are frustrating for parents when they refuse to eat certain foodsnutritionist annabel karmel tells femail how to make a child like greens\n", + "[1.4201901 1.4811845 1.1236426 1.0628167 1.2414726 1.0942543 1.2266705\n", + " 1.0839593 1.0942341 1.059381 1.0653797 1.0654709 1.0387888 1.050889\n", + " 1.0420609 1.0252198 1.0257134 1.02042 ]\n", + "\n", + "[ 1 0 4 6 2 5 8 7 11 10 3 9 13 14 12 16 15 17]\n", + "=======================\n", + "['a federal jury found tsarnaev guilty on wednesday over the terror attack that killed three people and wounded more than 260 .dzhokhar tsarnaev has been convicted of the 2013 bombing of the boston marathon .the jury will now decide if he gets the death penalty']\n", + "=======================\n", + "['dzhokhar tsarnaev has been convicted of the boston marathon bombingjury found tsarnaev guilty on wednesday over terror attack in 2013he faces being sentenced to death or life in prison after attack killed three']\n", + "a federal jury found tsarnaev guilty on wednesday over the terror attack that killed three people and wounded more than 260 .dzhokhar tsarnaev has been convicted of the 2013 bombing of the boston marathon .the jury will now decide if he gets the death penalty\n", + "dzhokhar tsarnaev has been convicted of the boston marathon bombingjury found tsarnaev guilty on wednesday over terror attack in 2013he faces being sentenced to death or life in prison after attack killed three\n", + "[1.2468497 1.4255683 1.3058491 1.2832035 1.2280198 1.1777086 1.1264048\n", + " 1.086413 1.0208578 1.0974334 1.0719055 1.0379819 1.0568912 1.052781\n", + " 1.0209116 1.0399795 1.048804 1.0181125]\n", + "\n", + "[ 1 2 3 0 4 5 6 9 7 10 12 13 16 15 11 14 8 17]\n", + "=======================\n", + "[\"experts predict that the economy will have grown by 0.5 per cent in the first three months of the year , down from 0.9 per cent in the same period in 2014 .the tories have stepped up their warnings about the risk to the economy , warning britain is ` staring down the barrel ' of higher taxes and regulations for businesses if labour wins the election .george osborne 's economic record will come under fresh scrutiny with data expected to show growth slowed at the start of 2015 .\"]\n", + "=======================\n", + "['office for national statistics to release growth data for first quarter of 2015experts expect growth to be 0.5 % , down from 0.9 % in same period in 2014chancellor george osborne boasts that firms back his economic plan']\n", + "experts predict that the economy will have grown by 0.5 per cent in the first three months of the year , down from 0.9 per cent in the same period in 2014 .the tories have stepped up their warnings about the risk to the economy , warning britain is ` staring down the barrel ' of higher taxes and regulations for businesses if labour wins the election .george osborne 's economic record will come under fresh scrutiny with data expected to show growth slowed at the start of 2015 .\n", + "office for national statistics to release growth data for first quarter of 2015experts expect growth to be 0.5 % , down from 0.9 % in same period in 2014chancellor george osborne boasts that firms back his economic plan\n", + "[1.2963436 1.3372949 1.3776097 1.214413 1.1474607 1.0548187 1.0567065\n", + " 1.0387242 1.0392208 1.1148548 1.0553035 1.1571676 1.1263386 1.0156827\n", + " 1.0140495 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 11 4 12 9 6 10 5 8 7 13 14 15 16 17]\n", + "=======================\n", + "[\"michelle obama 's office says the first lady chose what 's being called ` kailua blue ' to distinguish her family 's china from the red , green , blue and yellow used on more recent state services .president barack obama is a hawaii native who returns every christmas for vacation .a hue of blue inspired by the waters of hawaii is a prominent feature of the obama state china service being unveiled by the white house .\"]\n", + "=======================\n", + "[\"michelle obama 's office says she chose the bold hue to distinguish her family 's china from the red , green , blue and yellow used on more recentlythe obama state china service consists of 11-piece place settings for 320 people and the blue appears on all pieces but the dinner platepickard china , of antioch , illinois , was brought in to consult on the project three years ago and it 's just now come to fruitionthe china as paid for from a private fund that is administered by the white house historical association\"]\n", + "michelle obama 's office says the first lady chose what 's being called ` kailua blue ' to distinguish her family 's china from the red , green , blue and yellow used on more recent state services .president barack obama is a hawaii native who returns every christmas for vacation .a hue of blue inspired by the waters of hawaii is a prominent feature of the obama state china service being unveiled by the white house .\n", + "michelle obama 's office says she chose the bold hue to distinguish her family 's china from the red , green , blue and yellow used on more recentlythe obama state china service consists of 11-piece place settings for 320 people and the blue appears on all pieces but the dinner platepickard china , of antioch , illinois , was brought in to consult on the project three years ago and it 's just now come to fruitionthe china as paid for from a private fund that is administered by the white house historical association\n", + "[1.3474642 1.3376212 1.126074 1.216118 1.4778498 1.0966616 1.0200027\n", + " 1.0158237 1.0197728 1.0135078 1.1294732 1.1168422 1.1984605 1.023133\n", + " 1.0194372 1.0662303 1.0185142 0. ]\n", + "\n", + "[ 4 0 1 3 12 10 2 11 5 15 13 6 8 14 16 7 9 17]\n", + "=======================\n", + "[\"surrey 's zafar ansarihas been called up to england 's odi squad for the clash against irelandengland 's dressing-room brains trust will take on an extra dimension if zafar ansari , the surrey spin-bowling all-rounder , makes his international debut against ireland in malahide on may 8 .the 23-year-old ansari , who celebrated his call-up with four essex wickets at the kia oval , graduated from cambridge two years ago with a double first in politics and sociology .\"]\n", + "=======================\n", + "[\"england have called up zafar ansari to their squad for odi against irelandsurrey all-rounder is a top-order batsman and left-arm spinnerbut he is also a gifted academic , with a double first from cambridgeansari could be england 's most academically gifted player since ed smith\"]\n", + "surrey 's zafar ansarihas been called up to england 's odi squad for the clash against irelandengland 's dressing-room brains trust will take on an extra dimension if zafar ansari , the surrey spin-bowling all-rounder , makes his international debut against ireland in malahide on may 8 .the 23-year-old ansari , who celebrated his call-up with four essex wickets at the kia oval , graduated from cambridge two years ago with a double first in politics and sociology .\n", + "england have called up zafar ansari to their squad for odi against irelandsurrey all-rounder is a top-order batsman and left-arm spinnerbut he is also a gifted academic , with a double first from cambridgeansari could be england 's most academically gifted player since ed smith\n", + "[1.1857116 1.3973416 1.4045522 1.3049525 1.245765 1.0744625 1.0194821\n", + " 1.1242416 1.1889066 1.0420644 1.0260718 1.055063 1.0360605 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 4 8 0 7 5 11 9 12 10 6 16 13 14 15 17]\n", + "=======================\n", + "['it comes after professor david spiegelhalter , a statistician at cambridge university , revealed in a new book how a typical heterosexual couple was now having sex three times a month .research has revealed that the frequency with which britons are having sex has been in decline since the emergence of the internet .in his book , prof spiegelhalter pointed to a number of possible factors for the decline in sexual activity with one possible explanation being that more people are living on their own .']\n", + "=======================\n", + "[\"typical heterosexual couples in britain are having sex three times a monththe figure in 2000 was four times a month and five times a month in 1990leading statistician says couples are checking their emails ` all the time '\"]\n", + "it comes after professor david spiegelhalter , a statistician at cambridge university , revealed in a new book how a typical heterosexual couple was now having sex three times a month .research has revealed that the frequency with which britons are having sex has been in decline since the emergence of the internet .in his book , prof spiegelhalter pointed to a number of possible factors for the decline in sexual activity with one possible explanation being that more people are living on their own .\n", + "typical heterosexual couples in britain are having sex three times a monththe figure in 2000 was four times a month and five times a month in 1990leading statistician says couples are checking their emails ` all the time '\n", + "[1.2664094 1.3196635 1.3599617 1.1311527 1.2647445 1.1151965 1.1132957\n", + " 1.0855786 1.2070565 1.0737662 1.041821 1.036793 1.0476156 1.0319018\n", + " 1.0443991 1.0276062 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 4 8 3 5 6 7 9 12 14 10 11 13 15 16 17 18]\n", + "=======================\n", + "['his american-born ex , dr. ayse giray , sued him in 2012 on claims her family lent him $ 500,000 that helped make his dreams a reality .hamdi ulukaya was once a turkish immigrant with dreams of making it big in the u.s. food industry .the founder and ceo of chobani has settled a lawsuit filed by his ex-wife , who laid claim to half the $ 2 billion greek yogurt empire .']\n", + "=======================\n", + "['dr. ayse giray first sued hamdi ulukaya in 2012 on claims her family lent him $ 500,000 that helped him build the yogurt empire']\n", + "his american-born ex , dr. ayse giray , sued him in 2012 on claims her family lent him $ 500,000 that helped make his dreams a reality .hamdi ulukaya was once a turkish immigrant with dreams of making it big in the u.s. food industry .the founder and ceo of chobani has settled a lawsuit filed by his ex-wife , who laid claim to half the $ 2 billion greek yogurt empire .\n", + "dr. ayse giray first sued hamdi ulukaya in 2012 on claims her family lent him $ 500,000 that helped him build the yogurt empire\n", + "[1.2406317 1.461539 1.2598265 1.2752832 1.1356477 1.1801541 1.089653\n", + " 1.0799501 1.1183783 1.0659982 1.0394964 1.0776658 1.0247306 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 5 4 8 6 7 11 9 10 12 17 13 14 15 16 18]\n", + "=======================\n", + "[\"lucian faggiano bought the building in lecce , puglia in the south of italy and had planned to turn it into a trattoria - but renovations were put on hold when he discovered a toilet on the site was blocked .lucian faggiano 's dream of opening a restaurant was scuppered when a dig to find a blocked sewage point yielded some 2,000 years of hidden history , including vast rooms and pottery ( shown in this image that features mr faggiano left and his son )and while attempting to fix the toilet he dug into a messapian tomb built 2,000 years ago , a roman granary , a franciscan chapel , and even etchings thought to be made by the knights templar .\"]\n", + "=======================\n", + "['building owner made the discovery while searching for a sewage pipedig revealed a messapian tomb , a roman granary and a franciscan chapelroman devotional bottles , ancient vases and a ring with christian symbols as well as hidden frescoes and medieval pieces were also unearthedthe finds are believed to date back more than two centuries']\n", + "lucian faggiano bought the building in lecce , puglia in the south of italy and had planned to turn it into a trattoria - but renovations were put on hold when he discovered a toilet on the site was blocked .lucian faggiano 's dream of opening a restaurant was scuppered when a dig to find a blocked sewage point yielded some 2,000 years of hidden history , including vast rooms and pottery ( shown in this image that features mr faggiano left and his son )and while attempting to fix the toilet he dug into a messapian tomb built 2,000 years ago , a roman granary , a franciscan chapel , and even etchings thought to be made by the knights templar .\n", + "building owner made the discovery while searching for a sewage pipedig revealed a messapian tomb , a roman granary and a franciscan chapelroman devotional bottles , ancient vases and a ring with christian symbols as well as hidden frescoes and medieval pieces were also unearthedthe finds are believed to date back more than two centuries\n", + "[1.287127 1.2854824 1.1285691 1.14577 1.4395305 1.0649731 1.0662993\n", + " 1.1120069 1.0823113 1.0359474 1.0455612 1.114614 1.0262291 1.0169104\n", + " 1.020316 1.0223926 1.0207618 1.0142851 1.0741143]\n", + "\n", + "[ 4 0 1 3 2 11 7 8 18 6 5 10 9 12 15 16 14 13 17]\n", + "=======================\n", + "[\"staying put : lindsay lohan says she feels ` at home ' in london and has no plans to return to the states just yetthe 28-year-old flame-haired beauty recently spent a stint on the stage , starring in a west end production of david mamet 's speed the plow - for which she received lukewarm reviews - and seems intent on remaining in the uk for the foreseeable future .` i go back to nyc and la for family and work . '\"]\n", + "=======================\n", + "[\"lindsay , 28 , moved to the uk last spring before making her london stage debutthe former child star has become more famous for her run-ins with the police and the media than anything else in recent yearsbut lindsay is now vowing to stay in london to ` grow up 'she appears in a provocative spread for homme style magazine , having been shot by famed fashion photographer rankin\"]\n", + "staying put : lindsay lohan says she feels ` at home ' in london and has no plans to return to the states just yetthe 28-year-old flame-haired beauty recently spent a stint on the stage , starring in a west end production of david mamet 's speed the plow - for which she received lukewarm reviews - and seems intent on remaining in the uk for the foreseeable future .` i go back to nyc and la for family and work . '\n", + "lindsay , 28 , moved to the uk last spring before making her london stage debutthe former child star has become more famous for her run-ins with the police and the media than anything else in recent yearsbut lindsay is now vowing to stay in london to ` grow up 'she appears in a provocative spread for homme style magazine , having been shot by famed fashion photographer rankin\n", + "[1.4667237 1.4914103 1.3655128 1.4291277 1.1041869 1.1611481 1.0298963\n", + " 1.0272218 1.0210613 1.3746809 1.0150976 1.0301784 1.0109859 1.0108324\n", + " 1.0129184 1.0368727 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 9 2 5 4 15 11 6 7 8 10 14 12 13 17 16 18]\n", + "=======================\n", + "[\"the foxes host swansea on saturday just three points from safety in the barclays premier league after back-to-back wins .boss nigel pearson has urged leicester to keep their cool and ignore their relegation rivals .jamie vardy scored an injury-time winner against west bromwich albion on saturday to improve his side 's slim chance of premier league survival\"]\n", + "=======================\n", + "['leicester have won back-to-back league games to boost survival hopesnigel pearson has urged his players to focus on their own run-inleicester now just three points from safety heading into final six games']\n", + "the foxes host swansea on saturday just three points from safety in the barclays premier league after back-to-back wins .boss nigel pearson has urged leicester to keep their cool and ignore their relegation rivals .jamie vardy scored an injury-time winner against west bromwich albion on saturday to improve his side 's slim chance of premier league survival\n", + "leicester have won back-to-back league games to boost survival hopesnigel pearson has urged his players to focus on their own run-inleicester now just three points from safety heading into final six games\n", + "[1.2986109 1.3534119 1.3093364 1.2970326 1.3267819 1.0420933 1.0227438\n", + " 1.0338625 1.0228988 1.2018179 1.0499725 1.054277 1.0387378 1.1948736\n", + " 1.0228698 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 0 3 9 13 11 10 5 12 7 8 14 6 17 15 16 18]\n", + "=======================\n", + "[\"in footage posted by elihudi justin urassa , from brighton , on facebook that has been watched more than three million times , a young woman can be seen sucking on to the tube before removing it to reveal her new pout ... made of crisps .the mickey-taking video has already been watching more than 3.7 million times on facebook in just a day .the worrying trend started sweeping social media over the weekend , encouraging teens to blow their lips up to epic proportions using bottles or shot glasses to mirror kylie jenner 's often voluptuous looking pout .\"]\n", + "=======================\n", + "[\"the #kyliejennerchallenge is sweeping social mediamethod involves creating an airlock which forces lips to swellteens are hoping to emulate kylie jenner 's puffy poutnow a hilarious video shows how you can get the look a safer waythe clip shows a girl sucking on a pringles tubeshe then reveals her new lips - which are made out of crisps\"]\n", + "in footage posted by elihudi justin urassa , from brighton , on facebook that has been watched more than three million times , a young woman can be seen sucking on to the tube before removing it to reveal her new pout ... made of crisps .the mickey-taking video has already been watching more than 3.7 million times on facebook in just a day .the worrying trend started sweeping social media over the weekend , encouraging teens to blow their lips up to epic proportions using bottles or shot glasses to mirror kylie jenner 's often voluptuous looking pout .\n", + "the #kyliejennerchallenge is sweeping social mediamethod involves creating an airlock which forces lips to swellteens are hoping to emulate kylie jenner 's puffy poutnow a hilarious video shows how you can get the look a safer waythe clip shows a girl sucking on a pringles tubeshe then reveals her new lips - which are made out of crisps\n", + "[1.612486 1.2704126 1.2832749 1.1794477 1.1786661 1.1713952 1.2151937\n", + " 1.0831666 1.0689415 1.2170923 1.0164485 1.0134833 1.0076936 1.0062253\n", + " 1.030088 1.1217723 1.0780843 1.0194198 1.0540582 1.0249169 1.1252127\n", + " 1.0055491]\n", + "\n", + "[ 0 2 1 9 6 3 4 5 20 15 7 16 8 18 14 19 17 10 11 12 13 21]\n", + "=======================\n", + "[\"oribe peralta scored in the 89th minute to earn america a draw against the montreal impact in the first leg of the concacaf champions league final .the second-half substitute headed home a cross from argentine midfielder rubens sambueza .nigel reo-coker , formerly of west ham and aston villa , captained the impact for 76 minutes before he was replaced . '\"]\n", + "=======================\n", + "[\"oribe peralta scored a late equaliser to earn american a drawmontreal impact had led through ignacio piatti 's first-half headerthe second leg of the concacaf champions league final is next weeknigel reo-coker played 76 minutes before he was replaced\"]\n", + "oribe peralta scored in the 89th minute to earn america a draw against the montreal impact in the first leg of the concacaf champions league final .the second-half substitute headed home a cross from argentine midfielder rubens sambueza .nigel reo-coker , formerly of west ham and aston villa , captained the impact for 76 minutes before he was replaced . '\n", + "oribe peralta scored a late equaliser to earn american a drawmontreal impact had led through ignacio piatti 's first-half headerthe second leg of the concacaf champions league final is next weeknigel reo-coker played 76 minutes before he was replaced\n", + "[1.212098 1.2369065 1.4324278 1.2145227 1.282439 1.1897734 1.0478567\n", + " 1.0687755 1.1020827 1.1607239 1.0525562 1.040432 1.0143003 1.0404857\n", + " 1.0226436 1.0159824 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 4 1 3 0 5 9 8 7 10 6 13 11 14 15 12 20 16 17 18 19 21]\n", + "=======================\n", + "[\"sanjay chaddah concocted a 't issue of lies ' , claiming dean paton had kicked him and called him a ` p ** i ' following the 18-month boundary dispute in a genteel village in the wirral .yesterday chaddah , 43 , who claimed he was suffering from post-traumatic stress , punched the air with delight as he strolled free from court after being given a six-month suspended sentence for common assault and perjury .but the move backfired when police discovered that the altercation had been caught on cctv and cleared mr paton of any wrongdoing .\"]\n", + "=======================\n", + "[\"property developer falsely accused neighbour 's son-in-law of racist assaultsanjay chaddah said he was called a ` p ** i ' during dispute with dean patonbut police found cctv footage that showed in fact he attacked mr patonyesterday chaddah was given suspended sentence for assault and perjuryhe punched the air with delight and smirked as he strolled free from court\"]\n", + "sanjay chaddah concocted a 't issue of lies ' , claiming dean paton had kicked him and called him a ` p ** i ' following the 18-month boundary dispute in a genteel village in the wirral .yesterday chaddah , 43 , who claimed he was suffering from post-traumatic stress , punched the air with delight as he strolled free from court after being given a six-month suspended sentence for common assault and perjury .but the move backfired when police discovered that the altercation had been caught on cctv and cleared mr paton of any wrongdoing .\n", + "property developer falsely accused neighbour 's son-in-law of racist assaultsanjay chaddah said he was called a ` p ** i ' during dispute with dean patonbut police found cctv footage that showed in fact he attacked mr patonyesterday chaddah was given suspended sentence for assault and perjuryhe punched the air with delight and smirked as he strolled free from court\n", + "[1.5022199 1.1147367 1.1048871 1.155004 1.0719744 1.4276459 1.1336081\n", + " 1.1917781 1.0382621 1.1895818 1.0360632 1.0341008 1.1470386 1.0301515\n", + " 1.0227889 1.2391101 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 5 15 7 9 3 12 6 1 2 4 8 10 11 13 14 20 16 17 18 19 21]\n", + "=======================\n", + "[\"nothing will stop russia from hosting the best world cup in the tournament 's history in 2018 , fifa president sepp blatter said on a visit to one of the host venues sochi on monday . 'fifa boss sepp blatter ( left ) met russia president valdimir putin on a world cup visit on mondaysochi will be one of 11 host cities where matches will take place at the world cup which runs from june 14 to july 15 .\"]\n", + "=======================\n", + "['sepp blatter visited sochi on monday to see one of the 2018 host venuesthe fifa president also met with russia president vladimir putinblatter backed russia to host a successful tournament in 2018']\n", + "nothing will stop russia from hosting the best world cup in the tournament 's history in 2018 , fifa president sepp blatter said on a visit to one of the host venues sochi on monday . 'fifa boss sepp blatter ( left ) met russia president valdimir putin on a world cup visit on mondaysochi will be one of 11 host cities where matches will take place at the world cup which runs from june 14 to july 15 .\n", + "sepp blatter visited sochi on monday to see one of the 2018 host venuesthe fifa president also met with russia president vladimir putinblatter backed russia to host a successful tournament in 2018\n", + "[1.1840187 1.5463231 1.1743075 1.3926191 1.3936601 1.1384593 1.1780269\n", + " 1.1390226 1.15646 1.1070718 1.0245013 1.015893 1.045902 1.016025\n", + " 1.0090215 1.0143731 1.0309861 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 3 0 6 2 8 7 5 9 12 16 10 13 11 15 14 20 17 18 19 21]\n", + "=======================\n", + "['mandy dunford , 54 , was followed around her farm in the north yorkshire moors by 67-year-old kenneth ward , naked apart from socks and boots .ward was jailed for five years in 2011 after admitting 11 counts of exposure and numerous firearms offences .a farmer has been forced out of her home after a neighbour repeatedly exposed himself to her .']\n", + "=======================\n", + "[\"mandy dunford forced out of home after neighbour exposed himself to herkenneth ward was naked apart from socks and boots as he followed hermilitary historian performed sex acts in front of her at north yorkshire farm67-year-old jailed in 2011 but now released and able to return to his housems dunford , 54 , said her ` only option was to pack up and leave ' her home\"]\n", + "mandy dunford , 54 , was followed around her farm in the north yorkshire moors by 67-year-old kenneth ward , naked apart from socks and boots .ward was jailed for five years in 2011 after admitting 11 counts of exposure and numerous firearms offences .a farmer has been forced out of her home after a neighbour repeatedly exposed himself to her .\n", + "mandy dunford forced out of home after neighbour exposed himself to herkenneth ward was naked apart from socks and boots as he followed hermilitary historian performed sex acts in front of her at north yorkshire farm67-year-old jailed in 2011 but now released and able to return to his housems dunford , 54 , said her ` only option was to pack up and leave ' her home\n", + "[1.2344874 1.2601179 1.200308 1.296237 1.1974579 1.2002935 1.0966964\n", + " 1.042632 1.0843059 1.0361861 1.0272956 1.0246261 1.0201725 1.0308585\n", + " 1.1008159 1.0830461 1.0766913 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 0 2 5 4 14 6 8 15 16 7 9 13 10 11 12 20 17 18 19 21]\n", + "=======================\n", + "['but no one has been able to find the veteran district attorney , who was 59 when he disappeared .since then , the case of ray gricar has become one of the most intriguing and talked about missing persons stories in the country .( cnn ) ten years ago , a prosecutor in centre county , pennsylvania , took a day off work and vanished .']\n", + "=======================\n", + "['prosecutor ray gricar has been missing for 10 yearshis laptop and hard drive were found too damaged to readgricar has been declared legally dead']\n", + "but no one has been able to find the veteran district attorney , who was 59 when he disappeared .since then , the case of ray gricar has become one of the most intriguing and talked about missing persons stories in the country .( cnn ) ten years ago , a prosecutor in centre county , pennsylvania , took a day off work and vanished .\n", + "prosecutor ray gricar has been missing for 10 yearshis laptop and hard drive were found too damaged to readgricar has been declared legally dead\n", + "[1.159378 1.3324763 1.3187524 1.2701361 1.1734877 1.221993 1.1362768\n", + " 1.1694472 1.1344581 1.0539683 1.0332233 1.0777932 1.0265993 1.0528148\n", + " 1.10001 1.0339545 1.0225154 1.0453022 1.0316379 1.0879681]\n", + "\n", + "[ 1 2 3 5 4 7 0 6 8 14 19 11 9 13 17 15 10 18 12 16]\n", + "=======================\n", + "['but david cameron and wife samantha have made a colourful visit to a sikh temple as part of a general election tour .the prime minister , wearing a traditional orange patka , and mrs cameron , in a blue headscarf , chatted and posed for selfies at the gravesend gurdwara in kent earlier today .the visit was designed to reach out to a wider community with just three weeks until the election']\n", + "=======================\n", + "['david cameron and wife samantha made a visit to a temple in kentwore traditional headwear , chatted and posed for selfies during paradecomes just a day after cameron attended the festival of life in london']\n", + "but david cameron and wife samantha have made a colourful visit to a sikh temple as part of a general election tour .the prime minister , wearing a traditional orange patka , and mrs cameron , in a blue headscarf , chatted and posed for selfies at the gravesend gurdwara in kent earlier today .the visit was designed to reach out to a wider community with just three weeks until the election\n", + "david cameron and wife samantha made a visit to a temple in kentwore traditional headwear , chatted and posed for selfies during paradecomes just a day after cameron attended the festival of life in london\n", + "[1.3745406 1.2401091 1.3372629 1.2744839 1.1256733 1.1225905 1.1308528\n", + " 1.1407363 1.0542617 1.0920776 1.0509285 1.0459415 1.0927131 1.0515609\n", + " 1.0861595 1.0659131 1.0328346 1.0177498 0. 0. ]\n", + "\n", + "[ 0 2 3 1 7 6 4 5 12 9 14 15 8 13 10 11 16 17 18 19]\n", + "=======================\n", + "[\"a handful of manchester city fans were ejected from old trafford for allegedly mocking the munich air disaster during sunday 's 4-2 derby defeat by manchester united .a total of 23 people perished after a plane carrying matt busby 's talented young side crashed during a take-off attempt from munich after refuelling following a european cup clash against red star belgrade .stewards threw out the group who were said to be attempting to taunt home supporters by making airplane wings in a sick reference to the 1958 tragedy .\"]\n", + "=======================\n", + "[\"small group of supporters ejected after supposedly mocking disastereight people were arrested at old trafford in relation to manchester derbybut police praised ` overwhelming majority ' of fans for their behaviourmanchester united beat rivals city 4-2 on sunday afternoon\"]\n", + "a handful of manchester city fans were ejected from old trafford for allegedly mocking the munich air disaster during sunday 's 4-2 derby defeat by manchester united .a total of 23 people perished after a plane carrying matt busby 's talented young side crashed during a take-off attempt from munich after refuelling following a european cup clash against red star belgrade .stewards threw out the group who were said to be attempting to taunt home supporters by making airplane wings in a sick reference to the 1958 tragedy .\n", + "small group of supporters ejected after supposedly mocking disastereight people were arrested at old trafford in relation to manchester derbybut police praised ` overwhelming majority ' of fans for their behaviourmanchester united beat rivals city 4-2 on sunday afternoon\n", + "[1.1924245 1.527531 1.1499152 1.3788799 1.1460644 1.1290371 1.1192886\n", + " 1.1182806 1.0991353 1.1738667 1.1574773 1.0576311 1.0951047 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 9 10 2 4 5 6 7 8 12 11 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"rafa benitez 's napoli will play dnipro , while fiorentina have the tantalising prospect of facing holders sevilla over two legs .there is the potential for an all-italian europa league final after napoli and fiorentina were kept apart in the semi-final draw .the europa league semi-final ties will be played on may 7 and 14 .\"]\n", + "=======================\n", + "[\"the draw for the europa league semi-finals was made in nyon , switzerlandholders sevilla face fiorentina as they attempt to win it for a fourth timerafa benitez 's napoli , who play dnipro , could set up an all-italian finalwarsaw will play host to the europa league final on may 27\"]\n", + "rafa benitez 's napoli will play dnipro , while fiorentina have the tantalising prospect of facing holders sevilla over two legs .there is the potential for an all-italian europa league final after napoli and fiorentina were kept apart in the semi-final draw .the europa league semi-final ties will be played on may 7 and 14 .\n", + "the draw for the europa league semi-finals was made in nyon , switzerlandholders sevilla face fiorentina as they attempt to win it for a fourth timerafa benitez 's napoli , who play dnipro , could set up an all-italian finalwarsaw will play host to the europa league final on may 27\n", + "[1.3506553 1.0333767 1.3123405 1.2655158 1.2868315 1.2173738 1.1829722\n", + " 1.097053 1.0552797 1.1073172 1.0286803 1.1819127 1.0578736 1.1556618\n", + " 1.1403936 1.1012743 1.1388501 1.0370457 1.0232909 1.0424446]\n", + "\n", + "[ 0 2 4 3 5 6 11 13 14 16 9 15 7 12 8 19 17 1 10 18]\n", + "=======================\n", + "[\"her neighbour 's leylandii hedge stands 40ft tall and , says audrey alexander , has left parts of her garden in deep shade .despite a 35-year fight to get the trees cut down to size , the council has ruled they can stay .it kicked off 35 years ago when mrs alexander 's aunt found her vegetable patch at the property would not grow anything worth eating because of the leylandii .\"]\n", + "=======================\n", + "['audrey alexander wanted her neighbours to chop down their huge hedgeshe claims the 40ft leylandii was blocking sunlight from reaching her homefeud started in 1980 when it blocked light from reaching a vegetable patchcouncil finally rules that the hedge can stay - but must be cut back to 20ft']\n", + "her neighbour 's leylandii hedge stands 40ft tall and , says audrey alexander , has left parts of her garden in deep shade .despite a 35-year fight to get the trees cut down to size , the council has ruled they can stay .it kicked off 35 years ago when mrs alexander 's aunt found her vegetable patch at the property would not grow anything worth eating because of the leylandii .\n", + "audrey alexander wanted her neighbours to chop down their huge hedgeshe claims the 40ft leylandii was blocking sunlight from reaching her homefeud started in 1980 when it blocked light from reaching a vegetable patchcouncil finally rules that the hedge can stay - but must be cut back to 20ft\n", + "[1.2135048 1.3221699 1.2162306 1.2808542 1.2036808 1.1348863 1.1214737\n", + " 1.0921938 1.1066557 1.0630867 1.0624992 1.0905713 1.0570338 1.0294209\n", + " 1.0631229 1.0757352 1.0324471 1.0137025 1.0392272 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 6 8 7 11 15 14 9 10 12 18 16 13 17 19]\n", + "=======================\n", + "['researchers believe that the spread of our distant human ancestors , the hominins , had been halted by colder and drier temperatures .spanish researchers say climate change impacted human migration .but as conditions warmed , they were able to branch out from africa into spain , and ultimately spread across europe .']\n", + "=======================\n", + "['spanish researchers say climate change impacted human migrationuntil 1.4 million years ago it was too cold to inhabit southeast spainbut then the climate warmed to 13 °c ( 55 °f ) and became more humidthis enabled hominins - our distant ancestors - to move to new regions']\n", + "researchers believe that the spread of our distant human ancestors , the hominins , had been halted by colder and drier temperatures .spanish researchers say climate change impacted human migration .but as conditions warmed , they were able to branch out from africa into spain , and ultimately spread across europe .\n", + "spanish researchers say climate change impacted human migrationuntil 1.4 million years ago it was too cold to inhabit southeast spainbut then the climate warmed to 13 °c ( 55 °f ) and became more humidthis enabled hominins - our distant ancestors - to move to new regions\n", + "[1.1669544 1.4007506 1.2800397 1.3179047 1.181538 1.1046458 1.1455024\n", + " 1.0894417 1.1349149 1.0794318 1.0202607 1.0366781 1.0940813 1.123093\n", + " 1.0749832 1.0655872 1.0345771 1.0463535 0. ]\n", + "\n", + "[ 1 3 2 4 0 6 8 13 5 12 7 9 14 15 17 11 16 10 18]\n", + "=======================\n", + "[\"the trussell trust asks for the ` donation ' from churches and community groups which open new foodbanks .the money , volunteers are told , is needed to pay for the trust 's staff , branding materials , pr advice and relationships with supermarkets such as tesco .but the hefty bill has come under scrutiny following controversy over the false trussell trust claim that it fed more than a million hungry people last year .\"]\n", + "=======================\n", + "[\"trussell trust asks for ` donation ' from churches and community groupsit then charges # 360 per year from each group running trust food bankscritics accuse the charity of taking money which could be spent on foodbut trust said ` cash grants and in-kind goods ' were double the donation\"]\n", + "the trussell trust asks for the ` donation ' from churches and community groups which open new foodbanks .the money , volunteers are told , is needed to pay for the trust 's staff , branding materials , pr advice and relationships with supermarkets such as tesco .but the hefty bill has come under scrutiny following controversy over the false trussell trust claim that it fed more than a million hungry people last year .\n", + "trussell trust asks for ` donation ' from churches and community groupsit then charges # 360 per year from each group running trust food bankscritics accuse the charity of taking money which could be spent on foodbut trust said ` cash grants and in-kind goods ' were double the donation\n", + "[1.2265918 1.4214139 1.2314687 1.2677817 1.220856 1.1037725 1.1322751\n", + " 1.1388372 1.0265856 1.0285996 1.111027 1.105866 1.0762962 1.1372085\n", + " 1.0439215 1.0242223 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 7 13 6 10 11 5 12 14 9 8 15 16 17 18]\n", + "=======================\n", + "[\"arnold breitenbach of st. george wanted to get ` cib-69 ' put on a license plate , the spectrum newspaper of st. george reported .that would have commemorated both breitenbach getting the purple heart in 1969 and his combat infantryman 's badge , according to the newspaper .a vietnam war veteran in utah has said he 's surprised over the reason for the denial of his request for a personalized license plate commemorating the year he was wounded and awarded a purple heart .\"]\n", + "=======================\n", + "[\"arnold breitenbach of st. george , utah , wanted to get ` cib-69 ' put on a license platethat would have commemorated both breitenbach getting the purple heart in 1969 and his combat infantryman 's badgethe utah dmv denied his request , citing state regulations prohibiting the use of the number 69 because of its sexual connotations\"]\n", + "arnold breitenbach of st. george wanted to get ` cib-69 ' put on a license plate , the spectrum newspaper of st. george reported .that would have commemorated both breitenbach getting the purple heart in 1969 and his combat infantryman 's badge , according to the newspaper .a vietnam war veteran in utah has said he 's surprised over the reason for the denial of his request for a personalized license plate commemorating the year he was wounded and awarded a purple heart .\n", + "arnold breitenbach of st. george , utah , wanted to get ` cib-69 ' put on a license platethat would have commemorated both breitenbach getting the purple heart in 1969 and his combat infantryman 's badgethe utah dmv denied his request , citing state regulations prohibiting the use of the number 69 because of its sexual connotations\n", + "[1.5964819 1.2432033 1.5180047 1.2955521 1.0893224 1.0262039 1.0230125\n", + " 1.0381464 1.1255951 1.0910555 1.031519 1.0200684 1.0273039 1.019088\n", + " 1.0431548 1.1070534 1.1775072 1.0156198 0. ]\n", + "\n", + "[ 0 2 3 1 16 8 15 9 4 14 7 10 12 5 6 11 13 17 18]\n", + "=======================\n", + "[\"kevin bowes , 53 , lost several teeth and had nine ` avoidable ' dental procedures at the hands of dr nicholas crees at his guisborough practicethe semi-retired teacher at a specialist children 's unit said his life had been changed forever , revealing he will need years of remedial treatment to fix the extensive decay .a man whose teeth were reduced to ` apple cores ' has won # 30,000 in damages from his former dentist , after suffering more than a decade of dental neglect .\"]\n", + "=======================\n", + "[\"kevin bowes lost several teeth , had four ` avoidable ' root canal treatments and five ` avoidable ' crowns fitted by dr nicholas crees over a decadesecond dentists said he will need extensive treatment to repair decayawarded # 30,000 out-of-court but dr crees has not admitted liabilitymr bowes , said : ' i was devastated .\"]\n", + "kevin bowes , 53 , lost several teeth and had nine ` avoidable ' dental procedures at the hands of dr nicholas crees at his guisborough practicethe semi-retired teacher at a specialist children 's unit said his life had been changed forever , revealing he will need years of remedial treatment to fix the extensive decay .a man whose teeth were reduced to ` apple cores ' has won # 30,000 in damages from his former dentist , after suffering more than a decade of dental neglect .\n", + "kevin bowes lost several teeth , had four ` avoidable ' root canal treatments and five ` avoidable ' crowns fitted by dr nicholas crees over a decadesecond dentists said he will need extensive treatment to repair decayawarded # 30,000 out-of-court but dr crees has not admitted liabilitymr bowes , said : ' i was devastated .\n", + "[1.2119025 1.3282812 1.3178636 1.3609843 1.288613 1.2640922 1.0890716\n", + " 1.0598594 1.0391434 1.075309 1.0698751 1.1023643 1.0298817 1.025999\n", + " 1.0489784 1.0228688 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 4 5 0 11 6 9 10 7 14 8 12 13 15 17 16 18]\n", + "=======================\n", + "['the cargo planes left main landing gear detached due to heat damage to chrome plating , a report saida set of wheels broke off the boeing 737 moments after it touched down at the airport , near derby , causing the cargo plane to skid along the runway for 380ft before coming to a stop .it happened as the plane delivered 10 tonnes of freight , including dangerous goods , on an air contractors flight that originated in athens and included a stopover at charles de gaulle airport in paris .']\n", + "=======================\n", + "[\"boeing 737 cargo plane was carrying 10 tonnes of freight when it landedleft main landing gear detached due to heat damage to chrome platingreport said ` the aircraft shuddered and rolled slightly ' to the leftco-pilot and the captain of a different team reported smokefirefighters sprayed the landing gear and engine as a precaution\"]\n", + "the cargo planes left main landing gear detached due to heat damage to chrome plating , a report saida set of wheels broke off the boeing 737 moments after it touched down at the airport , near derby , causing the cargo plane to skid along the runway for 380ft before coming to a stop .it happened as the plane delivered 10 tonnes of freight , including dangerous goods , on an air contractors flight that originated in athens and included a stopover at charles de gaulle airport in paris .\n", + "boeing 737 cargo plane was carrying 10 tonnes of freight when it landedleft main landing gear detached due to heat damage to chrome platingreport said ` the aircraft shuddered and rolled slightly ' to the leftco-pilot and the captain of a different team reported smokefirefighters sprayed the landing gear and engine as a precaution\n", + "[1.4164922 1.2140385 1.3606491 1.299622 1.2559085 1.1250851 1.0619384\n", + " 1.0632676 1.0752454 1.0436722 1.0542156 1.034477 1.0732147 1.0658067\n", + " 1.0828791 1.0529187 1.019135 1.1186823 1.0491364]\n", + "\n", + "[ 0 2 3 4 1 5 17 14 8 12 13 7 6 10 15 18 9 11 16]\n", + "=======================\n", + "['more than 20,000 pupils passed ten or more gcses with either an a or an a * grade between 2009 and 2013 , department for education statistics revealbut critics say increasing numbers of high-fliers mean not enough has been done to stop qualifications becoming too easy .the latest figures show that one in 30 pupils who sat the exams ended up with at least ten a grades .']\n", + "=======================\n", + "[\"more than 20,000 passed ten or more gcses with a or a * in last five yearsone in 30 children who sat the exams ended up with at least ten a gradesfigures suggest uk 's most able pupils are increasingly getting top marks\"]\n", + "more than 20,000 pupils passed ten or more gcses with either an a or an a * grade between 2009 and 2013 , department for education statistics revealbut critics say increasing numbers of high-fliers mean not enough has been done to stop qualifications becoming too easy .the latest figures show that one in 30 pupils who sat the exams ended up with at least ten a grades .\n", + "more than 20,000 passed ten or more gcses with a or a * in last five yearsone in 30 children who sat the exams ended up with at least ten a gradesfigures suggest uk 's most able pupils are increasingly getting top marks\n", + "[1.3103182 1.4152919 1.2127613 1.3416698 1.0688981 1.0284009 1.0909888\n", + " 1.2267034 1.2072139 1.0408344 1.0742228 1.0831596 1.1096662 1.0588305\n", + " 1.0507864 1.0889634 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 7 2 8 12 6 15 11 10 4 13 14 9 5 16 17 18 19]\n", + "=======================\n", + "[\"kilcoy state school is working with queensland health after a whooping cough outbreak in the area , but parents have been urged to take vaccination more seriously there .a health expert has slammed parents for not taking vaccination seriously after 19 children attending a primary school in north brisbane contracted the potentially deadly disease whooping cough .the sunshine coast daily reports that infectious diseases expert professor matthew cooper , a professorial research fellow at the university of queensland 's institute for molecular bioscience , attributed the outbreak to an anti-vaccination trend .\"]\n", + "=======================\n", + "[\"kilcoy state school working with queensland health to improve situationprofessor matthew cooper urges parents to take vaccination seriouslythe infectious diseases expert says ` people have decided not to immunise 'there have been 86 confirmed cases in 2015 in area - 16 in the past weekdr cooper says parents must know the importance of vaccination\"]\n", + "kilcoy state school is working with queensland health after a whooping cough outbreak in the area , but parents have been urged to take vaccination more seriously there .a health expert has slammed parents for not taking vaccination seriously after 19 children attending a primary school in north brisbane contracted the potentially deadly disease whooping cough .the sunshine coast daily reports that infectious diseases expert professor matthew cooper , a professorial research fellow at the university of queensland 's institute for molecular bioscience , attributed the outbreak to an anti-vaccination trend .\n", + "kilcoy state school working with queensland health to improve situationprofessor matthew cooper urges parents to take vaccination seriouslythe infectious diseases expert says ` people have decided not to immunise 'there have been 86 confirmed cases in 2015 in area - 16 in the past weekdr cooper says parents must know the importance of vaccination\n", + "[1.2524843 1.4866291 1.1705124 1.262555 1.1997439 1.1201993 1.1683345\n", + " 1.1568228 1.0715752 1.0549208 1.0935488 1.0156231 1.1818343 1.1242901\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 12 2 6 7 13 5 10 8 9 11 18 14 15 16 17 19]\n", + "=======================\n", + "['the canal and river trust in bath , who are carrying out the dredging operation , have so far removed 150 trolleys from the river bed as well six vehicles , one of which dating back over 40 years .the work is being focused on an area between windsor bridge and victoria bridge in the city in a clean up operation costing # 20,000 in preparation for a new development .this the 100 tonne crane barge that is being used to lift shopping trolleys and even cars that have been dumped at the bottom of the river avon .']\n", + "=======================\n", + "['divers located and harnessed the dumped items which have included shopping trolleys , mopeds and even carsa 100-tonne crane has now been put in place to lift the abandoned objects from the bottom of the river bedthe extent of the rubbish in the river avon was recently revealed after a survey of flood defences in bath']\n", + "the canal and river trust in bath , who are carrying out the dredging operation , have so far removed 150 trolleys from the river bed as well six vehicles , one of which dating back over 40 years .the work is being focused on an area between windsor bridge and victoria bridge in the city in a clean up operation costing # 20,000 in preparation for a new development .this the 100 tonne crane barge that is being used to lift shopping trolleys and even cars that have been dumped at the bottom of the river avon .\n", + "divers located and harnessed the dumped items which have included shopping trolleys , mopeds and even carsa 100-tonne crane has now been put in place to lift the abandoned objects from the bottom of the river bedthe extent of the rubbish in the river avon was recently revealed after a survey of flood defences in bath\n", + "[1.3799229 1.3279415 1.3082566 1.1887937 1.1775415 1.2150496 1.1816971\n", + " 1.1255765 1.0217597 1.0407283 1.0352885 1.0674984 1.0204113 1.0257974\n", + " 1.045745 1.0280393 1.0137092 1.0305274 1.0267719 1.0286876]\n", + "\n", + "[ 0 1 2 5 3 6 4 7 11 14 9 10 17 19 15 18 13 8 12 16]\n", + "=======================\n", + "[\"passengers on board a virgin atlantic flight from las vegas to gatwick who endured a 33-hour delay have described the incident as ` excruciating ' and ` an absolute nightmare . 'flight vs44 should have left mccarran airport at 4.30 pm local time on easter monday .but a series of delays meant the 403 passengers did not get away on their flight to gatwick until early on wednesday .\"]\n", + "=======================\n", + "['easter break turns into nightmare for 403 virgin atlantic passengerssubjected to 33-hour delay after problem with rudder eventually detectedone passenger tells mailonline how they were shunted back and forth between airport and hotel as problems mountedcalls for virgin to refund the air fare as well as $ 600 compensation for terrible ordeal']\n", + "passengers on board a virgin atlantic flight from las vegas to gatwick who endured a 33-hour delay have described the incident as ` excruciating ' and ` an absolute nightmare . 'flight vs44 should have left mccarran airport at 4.30 pm local time on easter monday .but a series of delays meant the 403 passengers did not get away on their flight to gatwick until early on wednesday .\n", + "easter break turns into nightmare for 403 virgin atlantic passengerssubjected to 33-hour delay after problem with rudder eventually detectedone passenger tells mailonline how they were shunted back and forth between airport and hotel as problems mountedcalls for virgin to refund the air fare as well as $ 600 compensation for terrible ordeal\n", + "[1.1848776 1.4635934 1.205535 1.2550822 1.2364082 1.1910017 1.1503419\n", + " 1.0863363 1.0896962 1.0484374 1.0474538 1.0406144 1.0506814 1.0491427\n", + " 1.0553076 1.0981296 1.0664014 1.0235875 0. 0. ]\n", + "\n", + "[ 1 3 4 2 5 0 6 15 8 7 16 14 12 13 9 10 11 17 18 19]\n", + "=======================\n", + "['lisa skinner , 52 , shot the male home invader , who has now been identified as her estranged husband bradley skinner , 59 , after he broke into the house she shared with her mother around 6 p.m.according to al.com , his injuries are life threatening but she is expected to survive .shootings : paramedics tend to a man , thought to be bradley skinner after he was shot by his estranged wife .']\n", + "=======================\n", + "[\"lisa skinner shot a man now identified as her estranged husband bradley skinner after he unlawfully entered the house she shared with her mothershe opened fire with a shotgun while her mother ran to a neighbor 's house in huntsville , alabama and called 911police arrived on the scene and heard gunshots ring out as mrs skinner stood in the garage holding the shotgunofficers demanded that she drop her weapon but when she turned toward them with the gun in her hand at least one officer fired at her , wounding herrecords show mrs skinner had taken out multiple protective orders against her husband ' i left in fear of becoming a victim of murder/suicide , ' she said\"]\n", + "lisa skinner , 52 , shot the male home invader , who has now been identified as her estranged husband bradley skinner , 59 , after he broke into the house she shared with her mother around 6 p.m.according to al.com , his injuries are life threatening but she is expected to survive .shootings : paramedics tend to a man , thought to be bradley skinner after he was shot by his estranged wife .\n", + "lisa skinner shot a man now identified as her estranged husband bradley skinner after he unlawfully entered the house she shared with her mothershe opened fire with a shotgun while her mother ran to a neighbor 's house in huntsville , alabama and called 911police arrived on the scene and heard gunshots ring out as mrs skinner stood in the garage holding the shotgunofficers demanded that she drop her weapon but when she turned toward them with the gun in her hand at least one officer fired at her , wounding herrecords show mrs skinner had taken out multiple protective orders against her husband ' i left in fear of becoming a victim of murder/suicide , ' she said\n", + "[1.4648311 1.2560976 1.1415836 1.3194611 1.1765784 1.2678305 1.0791825\n", + " 1.0812342 1.2657032 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 5 8 1 4 2 7 6 17 16 15 14 9 12 11 10 18 13 19]\n", + "=======================\n", + "['manchester united and liverpool target # 25million memphis depay has held talks with paris st germain this week with the permission of his club psv eindhoven .louis van gaal gave depay his international debut but could miss out on bringing him to old traffordthe dialogue between psg and depay represents a threat to the premier league clubs with the qatari-backed french club understood to have made a significantly better financial offer than liverpool .']\n", + "=======================\n", + "['memphis depay is being targeted by manchester united and liverpoolthe holland international is linked with a # 25million move from psvbut he has held talks with paris saint-germain over a potential switchread : depay is like a young cristiano ronaldo , says ronald de boerclick here for all you need to know on depay']\n", + "manchester united and liverpool target # 25million memphis depay has held talks with paris st germain this week with the permission of his club psv eindhoven .louis van gaal gave depay his international debut but could miss out on bringing him to old traffordthe dialogue between psg and depay represents a threat to the premier league clubs with the qatari-backed french club understood to have made a significantly better financial offer than liverpool .\n", + "memphis depay is being targeted by manchester united and liverpoolthe holland international is linked with a # 25million move from psvbut he has held talks with paris saint-germain over a potential switchread : depay is like a young cristiano ronaldo , says ronald de boerclick here for all you need to know on depay\n", + "[1.3937395 1.4014306 1.2787745 1.1915178 1.2891324 1.129558 1.0743876\n", + " 1.1543919 1.0459266 1.082673 1.0501723 1.045287 1.0170649 1.0436839\n", + " 1.0395582 1.0251734 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 7 5 9 6 10 8 11 13 14 15 12 18 16 17 19]\n", + "=======================\n", + "[\"they 're accused of reaping more than $ 31 million in a ponzi scheme that promised high returns to investors from funding loans to cash-strapped pro athletes .former nfl cornerback will allen and his business partner are facing civil fraud charges from federal regulators over allegations the pair ran a multi-million dollar ponzi scheme .the securities and exchange commission announced the charges monday against william d. allen , susan daub and their capital financial partners investment firms .\"]\n", + "=======================\n", + "[\"former nfl cornerback will allen and his business partner susan daub are facing civil fraud charges from federal regulatorsthey allegedly reaped over $ 31 million in a ponzi scheme that promised high returns to investors from funding loans to cash-strapped pro athletesallen , 36 , was a cornerback in the nfl from 2001 to 2012 , playing for the new york giants and the miami dolphinsthe sec said allen and daub paid about $ 20 million to investors but received only around $ 13 million in loan repayments from athletesto make up the gap they paid investors with other investors ' money rather than actual profits on the investments , the agency said\"]\n", + "they 're accused of reaping more than $ 31 million in a ponzi scheme that promised high returns to investors from funding loans to cash-strapped pro athletes .former nfl cornerback will allen and his business partner are facing civil fraud charges from federal regulators over allegations the pair ran a multi-million dollar ponzi scheme .the securities and exchange commission announced the charges monday against william d. allen , susan daub and their capital financial partners investment firms .\n", + "former nfl cornerback will allen and his business partner susan daub are facing civil fraud charges from federal regulatorsthey allegedly reaped over $ 31 million in a ponzi scheme that promised high returns to investors from funding loans to cash-strapped pro athletesallen , 36 , was a cornerback in the nfl from 2001 to 2012 , playing for the new york giants and the miami dolphinsthe sec said allen and daub paid about $ 20 million to investors but received only around $ 13 million in loan repayments from athletesto make up the gap they paid investors with other investors ' money rather than actual profits on the investments , the agency said\n", + "[1.418962 1.236844 1.1350547 1.1857237 1.1867758 1.1231912 1.0993513\n", + " 1.0724694 1.0994203 1.0485865 1.0769134 1.0436096 1.0514162 1.048322\n", + " 1.0872345 1.019251 1.0452226 1.0213724 1.0644362 0. ]\n", + "\n", + "[ 0 1 4 3 2 5 8 6 14 10 7 18 12 9 13 16 11 17 15 19]\n", + "=======================\n", + "['( cnn ) on october 31 , 2014 , the italian government announced the end of \" mare nostrum \" -- a naval mission that rescued would-be migrants in peril as they tried to cross the mediterranean to seek security and a new life in europe .mare nostrum , which had been launched after some 600 people died when two migrant ships sank in 2013 , was replaced by the more modest \" operation triton , \" under the auspices of the european union \\'s border agency , frontex .but it proved expensive and politically contentious , and europe was not prepared to help italy shoulder the burden of the crisis .']\n", + "=======================\n", + "['italian navy \\'s \" mare nostrum \" mission to rescue would-be migrants in peril rescued an estimated 100,000 peopleoperation ended in october 2014 , but the tide of people trying to cross the mediterranean has not abateditaly has borne brunt of task of picking up , sheltering and providing food and medical help to illegal migrants']\n", + "( cnn ) on october 31 , 2014 , the italian government announced the end of \" mare nostrum \" -- a naval mission that rescued would-be migrants in peril as they tried to cross the mediterranean to seek security and a new life in europe .mare nostrum , which had been launched after some 600 people died when two migrant ships sank in 2013 , was replaced by the more modest \" operation triton , \" under the auspices of the european union 's border agency , frontex .but it proved expensive and politically contentious , and europe was not prepared to help italy shoulder the burden of the crisis .\n", + "italian navy 's \" mare nostrum \" mission to rescue would-be migrants in peril rescued an estimated 100,000 peopleoperation ended in october 2014 , but the tide of people trying to cross the mediterranean has not abateditaly has borne brunt of task of picking up , sheltering and providing food and medical help to illegal migrants\n", + "[1.2447035 1.1593825 1.294008 1.3334186 1.136544 1.1248097 1.0933036\n", + " 1.0633588 1.0564691 1.1830431 1.1209581 1.0251952 1.0349658 1.0994365\n", + " 1.0264522 1.0472561 1.0890088 1.1123714 1.0764633 1.0476456]\n", + "\n", + "[ 3 2 0 9 1 4 5 10 17 13 6 16 18 7 8 19 15 12 14 11]\n", + "=======================\n", + "[\"the vaccine is made from pieces of a protein called tarp that 's found in about 95 per cent of prostate cancers .it 's designed to teach the immune system to recognise compounds found in prostate cancer cells and is being given to men who have already been treated for the cancer .a vaccine has been developed to help prevent the recurrence of prostate cancer ( cells pictured )\"]\n", + "=======================\n", + "['vaccine is made from pieces of a protein called tarptarp is found in about 95 per cent of prostate cancersstudies show the protein can teach the immune system to attack cancer']\n", + "the vaccine is made from pieces of a protein called tarp that 's found in about 95 per cent of prostate cancers .it 's designed to teach the immune system to recognise compounds found in prostate cancer cells and is being given to men who have already been treated for the cancer .a vaccine has been developed to help prevent the recurrence of prostate cancer ( cells pictured )\n", + "vaccine is made from pieces of a protein called tarptarp is found in about 95 per cent of prostate cancersstudies show the protein can teach the immune system to attack cancer\n", + "[1.4841827 1.2696037 1.3831894 1.3036427 1.2437145 1.1030215 1.0225017\n", + " 1.0069257 1.0071092 1.0184178 1.1826315 1.0310762 1.0564016 1.0576417\n", + " 1.0204829 1.0465742 1.119236 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 4 10 16 5 13 12 15 11 6 14 9 8 7 17 18 19]\n", + "=======================\n", + "['fourth-place monaco missed the chance to close the gap in the french title race after drawing 0-0 at home to montpellier on tuesday .the visitors missed a penalty early in the second half when paraguay striker lucas barrios fired a penalty over the crossbar .substitute dimitar berbatov responds as monaco are held to a goalless draw with montpellier at stade louis ii']\n", + "=======================\n", + "['monaco were held to a goalless draw with montpellier in their ligue 1 clashlucas barrios missed a penalty to give visitors the lead in the second halfprincipality side failed to break into title chasing pack of marseille , lyon and leaders psg']\n", + "fourth-place monaco missed the chance to close the gap in the french title race after drawing 0-0 at home to montpellier on tuesday .the visitors missed a penalty early in the second half when paraguay striker lucas barrios fired a penalty over the crossbar .substitute dimitar berbatov responds as monaco are held to a goalless draw with montpellier at stade louis ii\n", + "monaco were held to a goalless draw with montpellier in their ligue 1 clashlucas barrios missed a penalty to give visitors the lead in the second halfprincipality side failed to break into title chasing pack of marseille , lyon and leaders psg\n", + "[1.3171228 1.1938819 1.354871 1.1155655 1.2401764 1.1640404 1.1525799\n", + " 1.030119 1.156723 1.0884727 1.1020697 1.1124252 1.0577977 1.0860754\n", + " 1.053466 1.063464 1.0883873 1.0624486 1.0592533 1.0416667]\n", + "\n", + "[ 2 0 4 1 5 8 6 3 11 10 9 16 13 15 17 18 12 14 19 7]\n", + "=======================\n", + "['timothy rogalski , from wallingford , connecticut , called the school on tuesday morning and left four messages on its office answerphone .in the calls , the 30-year-old accused staff of being behind the december 14 , 2012 shooting that left 20 children and six female educators dead , according to police in monroe .a man has been arrested for repeatedly calling sandy hook elementary school and accusing staff members of staging the 2012 school massacre .']\n", + "=======================\n", + "[\"timothy rogalski ` called the school five times and accused school staff of staging the shooting that left 20 children and six educators dead 'police traced the calls to his home and he was arrestedi do n't think i said anything that horrible , ' he said in court\"]\n", + "timothy rogalski , from wallingford , connecticut , called the school on tuesday morning and left four messages on its office answerphone .in the calls , the 30-year-old accused staff of being behind the december 14 , 2012 shooting that left 20 children and six female educators dead , according to police in monroe .a man has been arrested for repeatedly calling sandy hook elementary school and accusing staff members of staging the 2012 school massacre .\n", + "timothy rogalski ` called the school five times and accused school staff of staging the shooting that left 20 children and six educators dead 'police traced the calls to his home and he was arrestedi do n't think i said anything that horrible , ' he said in court\n", + "[1.2437475 1.4592631 1.2535828 1.2394093 1.2598233 1.2271218 1.0898176\n", + " 1.0626292 1.0792121 1.123782 1.0271795 1.0136731 1.1097223 1.0670466\n", + " 1.1046629 1.0460175 1.0712488 1.0582186 1.0404882 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 2 0 3 5 9 12 14 6 8 16 13 7 17 15 18 10 11 20 19 21]\n", + "=======================\n", + "[\"fiona ` kitty ' carroll was at kemah boardwalk marina as her father worked on his boat on wednesday but when he checked on the girl ` after a brief moment ' , she was gone , police said .her bucket was found in the water but there was no sign of the little girl , khou reported .the girl 's father contacted police around 6pm to report that she had disappeared near the edge of the pier , the kemah police department said in a statement .\"]\n", + "=======================\n", + "['kitty carroll was last seen playing at the kemah boardwalk marina in texas on wednesday but when her father checked on her , she was goneauthorities launched a search from sea and air and her body was found early on thursday morning near the marinafamily members said she had been celebrating her fifth birthday before she went missingpolice will review nearby surveillance footage to determine what happened']\n", + "fiona ` kitty ' carroll was at kemah boardwalk marina as her father worked on his boat on wednesday but when he checked on the girl ` after a brief moment ' , she was gone , police said .her bucket was found in the water but there was no sign of the little girl , khou reported .the girl 's father contacted police around 6pm to report that she had disappeared near the edge of the pier , the kemah police department said in a statement .\n", + "kitty carroll was last seen playing at the kemah boardwalk marina in texas on wednesday but when her father checked on her , she was goneauthorities launched a search from sea and air and her body was found early on thursday morning near the marinafamily members said she had been celebrating her fifth birthday before she went missingpolice will review nearby surveillance footage to determine what happened\n", + "[1.0565617 1.5755339 1.337183 1.3463796 1.134274 1.0911409 1.024719\n", + " 1.0310917 1.2161167 1.1387882 1.0726612 1.0319759 1.1478759 1.0375767\n", + " 1.0133377 1.0295655 1.091666 1.0742817 1.1123773 1.0437539 1.0288273\n", + " 1.0379364]\n", + "\n", + "[ 1 3 2 8 12 9 4 18 16 5 17 10 0 19 21 13 11 7 15 20 6 14]\n", + "=======================\n", + "[\"californian joshua corbett faces charges of stalking and burglary this week after allegedly breaking into actress sandra bullock 's home last summer .sandra bullock was horrified when she discovered that joshua corbett had broken into her house last summerterrified sandra , 50 , who was in her property at the time , was forced to make a desperate call to the police having locked herself in a cupboard .\"]\n", + "=======================\n", + "[\"this week a recording of sandra bullock calling 911 was releasedit was made in 2014 when the actress discovered stalker joshua corbett in her housecorbett was carrying a note addressed to the actress describing her as ` hot ' , ` taut ' and ` lithe 'other celebrities to have experienced stalkers , including justin bieber , kim kardashian and gwyneth paltrow\"]\n", + "californian joshua corbett faces charges of stalking and burglary this week after allegedly breaking into actress sandra bullock 's home last summer .sandra bullock was horrified when she discovered that joshua corbett had broken into her house last summerterrified sandra , 50 , who was in her property at the time , was forced to make a desperate call to the police having locked herself in a cupboard .\n", + "this week a recording of sandra bullock calling 911 was releasedit was made in 2014 when the actress discovered stalker joshua corbett in her housecorbett was carrying a note addressed to the actress describing her as ` hot ' , ` taut ' and ` lithe 'other celebrities to have experienced stalkers , including justin bieber , kim kardashian and gwyneth paltrow\n", + "[1.1883944 1.5048239 1.2612207 1.392653 1.2471578 1.180652 1.0514902\n", + " 1.067522 1.0709358 1.038041 1.0596693 1.1174645 1.0425345 1.0329769\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 4 0 5 11 8 7 10 6 12 9 13 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"julio ` wemo ' acevedo , 46 , was found guilty of manslaughter and criminally negligent homicide after driving away from the scene of an accident that instantly killed nachman and raizel glauber in williamsburg , brooklyn .the driver , who was convicted in february , is thought to have been traveling in his bmw at 70mph , twice the speed limit , when the incident occurred just after midnight on march 3 , 2013 .a hit-and-run driver who killed a pregnant 21-year-old woman , her husband and their unborn child has been sentenced to life in prison .\"]\n", + "=======================\n", + "['julio acevedo , 46 , was driving bmw that hit nachman and raizel glauberwilliamsburg couple died instantly , baby delivered but died the next daydriver given 25 years to life because of previous felony convictionsacevedo has rap sheet including dwi , gun offences and manslaughter']\n", + "julio ` wemo ' acevedo , 46 , was found guilty of manslaughter and criminally negligent homicide after driving away from the scene of an accident that instantly killed nachman and raizel glauber in williamsburg , brooklyn .the driver , who was convicted in february , is thought to have been traveling in his bmw at 70mph , twice the speed limit , when the incident occurred just after midnight on march 3 , 2013 .a hit-and-run driver who killed a pregnant 21-year-old woman , her husband and their unborn child has been sentenced to life in prison .\n", + "julio acevedo , 46 , was driving bmw that hit nachman and raizel glauberwilliamsburg couple died instantly , baby delivered but died the next daydriver given 25 years to life because of previous felony convictionsacevedo has rap sheet including dwi , gun offences and manslaughter\n", + "[1.223621 1.4775288 1.2127429 1.3220245 1.216199 1.2139502 1.1411265\n", + " 1.0835503 1.0313123 1.0943805 1.0539842 1.0744756 1.0586443 1.0414747\n", + " 1.0531218 1.0492921 1.0698928 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 4 5 2 6 9 7 11 16 12 10 14 15 13 8 17 18 19 20 21]\n", + "=======================\n", + "['latisha fisher , 35 , has been charged with second-degree murder for allegedly killing 20-month-old gavriel ortiz-fisher with her bare hands inside a restroom at 5 boro burger on west 36th street monday afternoon .latisha fisher ( left ) was arrested monday after allegedly smothering her 20-month-old son gavriel ortiz to death in a bathroom at a manhattan restaurant .she told police she was afraid someone was going to eat her son']\n", + "=======================\n", + "[\"latisha fisher , 35 , allegedly locked herself in a bathroom at 5 boro burger in midtown manhattan monday afternoon with son gavriel ortizwhen workers at the restaurant gained access to the restroom , they found the 20-month-old boy unconscious and foaming from the mouthfisher had previously been diagnosed as paranoid schizophrenic and was called ` poster child ' for alternative sentencingshe was given probation for 2011 stabbing of her aunt and was found fit to stay in the community last yearneighbors say she had recently shown signs of strange behavior\"]\n", + "latisha fisher , 35 , has been charged with second-degree murder for allegedly killing 20-month-old gavriel ortiz-fisher with her bare hands inside a restroom at 5 boro burger on west 36th street monday afternoon .latisha fisher ( left ) was arrested monday after allegedly smothering her 20-month-old son gavriel ortiz to death in a bathroom at a manhattan restaurant .she told police she was afraid someone was going to eat her son\n", + "latisha fisher , 35 , allegedly locked herself in a bathroom at 5 boro burger in midtown manhattan monday afternoon with son gavriel ortizwhen workers at the restaurant gained access to the restroom , they found the 20-month-old boy unconscious and foaming from the mouthfisher had previously been diagnosed as paranoid schizophrenic and was called ` poster child ' for alternative sentencingshe was given probation for 2011 stabbing of her aunt and was found fit to stay in the community last yearneighbors say she had recently shown signs of strange behavior\n", + "[1.2796465 1.2911723 1.205125 1.39529 1.1946418 1.1194769 1.0912011\n", + " 1.1445229 1.0899839 1.1071862 1.0868814 1.0343803 1.0295814 1.0238866\n", + " 1.017061 1.0298154 1.0393611 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 0 2 4 7 5 9 6 8 10 16 11 15 12 13 14 17 18 19 20 21]\n", + "=======================\n", + "['the 33-year-old patrolman has been charged with murder after 50-year-old walter scott was gunned down last saturday in north charleston , south carolina .police have not disclosed his identity and family do not know who he is , but a police report confirmed the man was detained with scott and put in the back of a police car , according to cnn .another man was in the car with walter scott when he was pulled over for having a broken tail light on his mercedes , it has been revealed .']\n", + "=======================\n", + "[\"mystery passenger was detained when he and scott were pulled over for missing tail lightrecording of patrolman michael slager 's radio call to colleagues releasedofficer shot dead unarmed 50-year-old black father walter lamer scottslager can be heard telling dispatcher ` he grabbed my taser ' after shootingno indication scott had ever had the officer 's taser or used it against him\"]\n", + "the 33-year-old patrolman has been charged with murder after 50-year-old walter scott was gunned down last saturday in north charleston , south carolina .police have not disclosed his identity and family do not know who he is , but a police report confirmed the man was detained with scott and put in the back of a police car , according to cnn .another man was in the car with walter scott when he was pulled over for having a broken tail light on his mercedes , it has been revealed .\n", + "mystery passenger was detained when he and scott were pulled over for missing tail lightrecording of patrolman michael slager 's radio call to colleagues releasedofficer shot dead unarmed 50-year-old black father walter lamer scottslager can be heard telling dispatcher ` he grabbed my taser ' after shootingno indication scott had ever had the officer 's taser or used it against him\n", + "[1.2732162 1.3403314 1.061097 1.0475729 1.1251736 1.1247905 1.1427847\n", + " 1.1104898 1.0337645 1.0316914 1.022073 1.1239457 1.0809889 1.0370831\n", + " 1.0371817 1.0286908 1.0213298 1.0367807 1.0675247]\n", + "\n", + "[ 1 0 6 4 5 11 7 12 18 2 3 14 13 17 8 9 15 10 16]\n", + "=======================\n", + "[\"the deadline to agree on what will be the parameters for an endgame pact on iran 's nuclear program has come and gone with no deal .lausanne , switzerland ( cnn ) the bad news ?for those hoping that will eventually happen , it 's good that iranian foreign minister javad zarif , u.s. secretary of state john kerry and senior european union diplomat helga schmid held talks early thursday morning in lausanne .\"]\n", + "=======================\n", + "['talks run until early thursday morning ; expected to resume hours lateriranian minister : other side must \" seize the moment , \" not try to pressure iranu.s. official : \" it is still totally unclear when this might happen , if it happens at all \"']\n", + "the deadline to agree on what will be the parameters for an endgame pact on iran 's nuclear program has come and gone with no deal .lausanne , switzerland ( cnn ) the bad news ?for those hoping that will eventually happen , it 's good that iranian foreign minister javad zarif , u.s. secretary of state john kerry and senior european union diplomat helga schmid held talks early thursday morning in lausanne .\n", + "talks run until early thursday morning ; expected to resume hours lateriranian minister : other side must \" seize the moment , \" not try to pressure iranu.s. official : \" it is still totally unclear when this might happen , if it happens at all \"\n", + "[1.3212534 1.3592616 1.2947493 1.2075884 1.1245356 1.2845564 1.120185\n", + " 1.0593346 1.1457297 1.0662786 1.0574919 1.0416677 1.0859028 1.0904927\n", + " 1.0456764 1.053218 1.0317916 0. 0. ]\n", + "\n", + "[ 1 0 2 5 3 8 4 6 13 12 9 7 10 15 14 11 16 17 18]\n", + "=======================\n", + "[\"bonnie was described by her husband as ` the love of my life ' .the wife of broadcaster john suchet has died aged 73 after a decade-long battle with dementia .she died on april 15 .\"]\n", + "=======================\n", + "[\"classic fm dj and former itn presenter 's wife bonnie died on april 15suchet , 71 , described bonnie said marriage was ` made in heaven 'he had been open about her dementia diagnosis and wrote a book about it\"]\n", + "bonnie was described by her husband as ` the love of my life ' .the wife of broadcaster john suchet has died aged 73 after a decade-long battle with dementia .she died on april 15 .\n", + "classic fm dj and former itn presenter 's wife bonnie died on april 15suchet , 71 , described bonnie said marriage was ` made in heaven 'he had been open about her dementia diagnosis and wrote a book about it\n", + "[1.3215377 1.3015774 1.0960162 1.3563015 1.3198588 1.249455 1.0710135\n", + " 1.0353912 1.1410218 1.0586097 1.0820898 1.0628765 1.0199994 1.0429672\n", + " 1.0864662 1.1767302 1.0111125 0. 0. ]\n", + "\n", + "[ 3 0 4 1 5 15 8 2 14 10 6 11 9 13 7 12 16 17 18]\n", + "=======================\n", + "[\"jack grealish has become the third top flight starlet caught on camera apparently inhaling nitrous oxidegrealish starred for villa in their fa cup semi-final win over liverpool on sunday at wembleygrealish is the third premier league starlet this month to be exposed apparently using the legal high , after liverpool 's raheem sterling , 20 , and west bromwich albion forward saido berahino , 21 , were both pictured sucking from balloons .\"]\n", + "=======================\n", + "[\"raheem sterling was filmed inhaling laughing gas less than two weeks agosaido berahino was another england starlet filmed inhaling ` hippy crack 'jack grealish inspired aston villa to their fa cup semi-final win on sundaythe 19-year-old has seemingly been caught inhaling from a balloon\"]\n", + "jack grealish has become the third top flight starlet caught on camera apparently inhaling nitrous oxidegrealish starred for villa in their fa cup semi-final win over liverpool on sunday at wembleygrealish is the third premier league starlet this month to be exposed apparently using the legal high , after liverpool 's raheem sterling , 20 , and west bromwich albion forward saido berahino , 21 , were both pictured sucking from balloons .\n", + "raheem sterling was filmed inhaling laughing gas less than two weeks agosaido berahino was another england starlet filmed inhaling ` hippy crack 'jack grealish inspired aston villa to their fa cup semi-final win on sundaythe 19-year-old has seemingly been caught inhaling from a balloon\n", + "[1.2529873 1.2792541 1.250934 1.3008963 1.1837637 1.1646212 1.1293943\n", + " 1.0341672 1.0183696 1.1051397 1.0699736 1.0246309 1.0777028 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 2 4 5 6 9 12 10 7 11 8 17 13 14 15 16 18]\n", + "=======================\n", + "[\"but she was accused of ignoring the rights of victims and of perpetrating establishment cover-ups by deciding that labour peer lord janner should not be charged -- despite evidence of 22 offences against nine victims dating back to the 1960s .alison saunders 's position as the country 's top prosecutor looked bleak as she faced unprecedented criticism from the home secretary , police chiefs , crime tsars , prominent mps -- and even one of her predecessors .the director of public prosecutions was under growing pressure to stand down last night over her failure to put lord janner on trial for serious child abuse offences .\"]\n", + "=======================\n", + "[\"alison saunders position as the country 's top prosecutor looks bleakshe has faced criticism from home secretary , police chiefs and mpsmrs saunders said her job was to make legal decisions , not popular ones\"]\n", + "but she was accused of ignoring the rights of victims and of perpetrating establishment cover-ups by deciding that labour peer lord janner should not be charged -- despite evidence of 22 offences against nine victims dating back to the 1960s .alison saunders 's position as the country 's top prosecutor looked bleak as she faced unprecedented criticism from the home secretary , police chiefs , crime tsars , prominent mps -- and even one of her predecessors .the director of public prosecutions was under growing pressure to stand down last night over her failure to put lord janner on trial for serious child abuse offences .\n", + "alison saunders position as the country 's top prosecutor looks bleakshe has faced criticism from home secretary , police chiefs and mpsmrs saunders said her job was to make legal decisions , not popular ones\n", + "[1.3402839 1.541543 1.2791259 1.1935115 1.1420194 1.0613828 1.0716602\n", + " 1.0230372 1.0215102 1.0826623 1.0165238 1.0144397 1.0879337 1.0465899\n", + " 1.01284 1.0177108 1.0519291 1.0548509 0. ]\n", + "\n", + "[ 1 0 2 3 4 12 9 6 5 17 16 13 7 8 15 10 11 14 18]\n", + "=======================\n", + "[\"the gunners romped to a 4-1 win over liverpool at the emirates stadium in saturday 's lunchtime kick-off , which was a seventh successive barclays premier league victory and moved them up into second place .manager arsene wenger is convinced something is finally happening at arsenal again - and everyone can ` smell ' it .while manchester city could reclaim second by beating crystal palace on monday and the title looks out of reach as chelsea remain seven points ahead with a match in hand , there is no doubt when wenger has all of his squad available arsenal are capable of giving anyone a run for their money .\"]\n", + "=======================\n", + "[\"arsenal maintained they superb run of form by thumping liverpoolarsene wenger 's side moved into second place following the 4-1 victorywenger believes everyone can ` smell ' what is happening at the emirateshowever , french manager is refusing to get complacent with their form\"]\n", + "the gunners romped to a 4-1 win over liverpool at the emirates stadium in saturday 's lunchtime kick-off , which was a seventh successive barclays premier league victory and moved them up into second place .manager arsene wenger is convinced something is finally happening at arsenal again - and everyone can ` smell ' it .while manchester city could reclaim second by beating crystal palace on monday and the title looks out of reach as chelsea remain seven points ahead with a match in hand , there is no doubt when wenger has all of his squad available arsenal are capable of giving anyone a run for their money .\n", + "arsenal maintained they superb run of form by thumping liverpoolarsene wenger 's side moved into second place following the 4-1 victorywenger believes everyone can ` smell ' what is happening at the emirateshowever , french manager is refusing to get complacent with their form\n", + "[1.255146 1.4489343 1.2272835 1.2068775 1.3026342 1.1833669 1.0913354\n", + " 1.0743936 1.2324108 1.0423348 1.0418012 1.0250729 1.0310919 1.0183965\n", + " 1.0130298 1.0462922 1.0656077 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 8 2 3 5 6 7 16 15 9 10 12 11 13 14 18 17 19]\n", + "=======================\n", + "[\"the lib dem leader promised to ` spread the burden ' of deficit reduction , with cuts to welfare and whitehall budgets along with tax rises aimed at the very wealthy .conservative plans to raise billions of pounds from the ` grubby hands of scroungers ' will not work , nick clegg warned today as he unveiled lib dem plans to balance the books .the lib dems set out plans to cap rises in working age benefits at 1 per cent to two years .\"]\n", + "=======================\n", + "[\"lib dem leader explains how his party would eradicate deficit by 2017-18includes tax rises , limiting welfare rises and whitehall spending cutsbut warns osborne 's plan to cut # 12billion will cause ` real pain 'mansion tax scaled back by # 700million but car tax to rise by # 25-a-year\"]\n", + "the lib dem leader promised to ` spread the burden ' of deficit reduction , with cuts to welfare and whitehall budgets along with tax rises aimed at the very wealthy .conservative plans to raise billions of pounds from the ` grubby hands of scroungers ' will not work , nick clegg warned today as he unveiled lib dem plans to balance the books .the lib dems set out plans to cap rises in working age benefits at 1 per cent to two years .\n", + "lib dem leader explains how his party would eradicate deficit by 2017-18includes tax rises , limiting welfare rises and whitehall spending cutsbut warns osborne 's plan to cut # 12billion will cause ` real pain 'mansion tax scaled back by # 700million but car tax to rise by # 25-a-year\n", + "[1.1065114 1.1895192 1.3775884 1.3262429 1.240582 1.09039 1.100132\n", + " 1.1829396 1.1715181 1.0621988 1.020655 1.0330118 1.0647244 1.065034\n", + " 1.0407294 1.0718182 1.0382717 1.0119005 1.0185732 1.010378 ]\n", + "\n", + "[ 2 3 4 1 7 8 0 6 5 15 13 12 9 14 16 11 10 18 17 19]\n", + "=======================\n", + "['after deliberating for 11 1/2 hours , jurors found dzhokhar tsarnaev guilty on wednesday of all 30 counts he faced in the boston marathon bombing trial .seventeen of the 30 counts were capital charges , meaning he is eligible for the death penalty .the trial will next move into a penalty phase , where the jury will hear testimony and arguments from both sides and ultimately be tasked with deciding whether tsarnaev , 21 , will be executed .']\n", + "=======================\n", + "['dzhokhar tsarnaev is found guilty on all 30 charges he facedseventeen counts were capital charges , meaning he is eligible for the death penalty']\n", + "after deliberating for 11 1/2 hours , jurors found dzhokhar tsarnaev guilty on wednesday of all 30 counts he faced in the boston marathon bombing trial .seventeen of the 30 counts were capital charges , meaning he is eligible for the death penalty .the trial will next move into a penalty phase , where the jury will hear testimony and arguments from both sides and ultimately be tasked with deciding whether tsarnaev , 21 , will be executed .\n", + "dzhokhar tsarnaev is found guilty on all 30 charges he facedseventeen counts were capital charges , meaning he is eligible for the death penalty\n", + "[1.306298 1.2727144 1.2237576 1.4661226 1.1004497 1.05102 1.0148547\n", + " 1.0180783 1.0285629 1.164719 1.1096071 1.0504838 1.1409013 1.0971076\n", + " 1.0612247 1.0331683 1.0092322 1.0169293 1.011334 0. ]\n", + "\n", + "[ 3 0 1 2 9 12 10 4 13 14 5 11 15 8 7 17 6 18 16 19]\n", + "=======================\n", + "[\"lydia millen and ali gordon met on instagram after he liked one of her pictures , the pair have now been dating two years and could easily be the uk 's fittest couplethey say the couple who trains together , stays together - and that 's certainly the case for super fit ali gordon and his girlfriend , lydia millen .especially after ali , 26 , helped to teach his girlfriend - who works as a full-time blogger - how to train hard and eat clean , getting her to ditch her unhealthy habits and focus on getting fit .\"]\n", + "=======================\n", + "['ali gordon and lydia millen met when he liked her picture on instagramthe couple then met up at a party and started dating four months laterfitness fanatic ali then started to help lydia transform her fitnesshe taught her about training techniques and nutrition']\n", + "lydia millen and ali gordon met on instagram after he liked one of her pictures , the pair have now been dating two years and could easily be the uk 's fittest couplethey say the couple who trains together , stays together - and that 's certainly the case for super fit ali gordon and his girlfriend , lydia millen .especially after ali , 26 , helped to teach his girlfriend - who works as a full-time blogger - how to train hard and eat clean , getting her to ditch her unhealthy habits and focus on getting fit .\n", + "ali gordon and lydia millen met when he liked her picture on instagramthe couple then met up at a party and started dating four months laterfitness fanatic ali then started to help lydia transform her fitnesshe taught her about training techniques and nutrition\n", + "[1.4065669 1.2200719 1.1444424 1.2540967 1.4404801 1.3168782 1.1353757\n", + " 1.1110059 1.0534645 1.1007301 1.0494709 1.1185695 1.0434027 1.0209805\n", + " 1.0225233 1.0121189 1.0280616 0. 0. 0. ]\n", + "\n", + "[ 4 0 5 3 1 2 6 11 7 9 8 10 12 16 14 13 15 17 18 19]\n", + "=======================\n", + "[\"jon flanagan will speak to liverpool about a new contract in the summerliverpool manager brendan rodgers is keen to keep flanagan at liverpoolhe was named on roy hodgson 's standby list and was widely seen as the future for club and country at right back .\"]\n", + "=======================\n", + "[\"jon flanagan 's contract expires in the summerflanagan has been out of action all season due to a knee injurybrendan rodgers is keen to keep flanagan at liverpool\"]\n", + "jon flanagan will speak to liverpool about a new contract in the summerliverpool manager brendan rodgers is keen to keep flanagan at liverpoolhe was named on roy hodgson 's standby list and was widely seen as the future for club and country at right back .\n", + "jon flanagan 's contract expires in the summerflanagan has been out of action all season due to a knee injurybrendan rodgers is keen to keep flanagan at liverpool\n", + "[1.2238377 1.2668074 1.4029071 1.0627619 1.208864 1.3066615 1.0468228\n", + " 1.0980128 1.1618018 1.1773518 1.0330992 1.0532519 1.0411092 1.0885136\n", + " 1.0672926 1.0567043 1.0114074 0. 0. 0. ]\n", + "\n", + "[ 2 5 1 0 4 9 8 7 13 14 3 15 11 6 12 10 16 18 17 19]\n", + "=======================\n", + "[\"oskar groening is being tried on 300,000 counts of accessory to murder , related to a period between may and july 1944 when around 425,000 jews from hungary were brought to the auschwitz-birkenau complex in nazi-occupied poland and most immediately gassed to death .ss sergeant oskar groening - known as ` the bookkeeper of auschwitz ' - is on trial charged with complicity in the killing of 300,000 jews at the nazi extermination campgroening told the court on tuesday that he is ` morally guilty ' but not directly responsible for any deaths\"]\n", + "=======================\n", + "['oskar groening is being tried on 300,000 counts of accessory to murderthe former ss officer described how jews were marched to gas chambersone survivor , eva kor , told of her agony as her mother was ripped from her']\n", + "oskar groening is being tried on 300,000 counts of accessory to murder , related to a period between may and july 1944 when around 425,000 jews from hungary were brought to the auschwitz-birkenau complex in nazi-occupied poland and most immediately gassed to death .ss sergeant oskar groening - known as ` the bookkeeper of auschwitz ' - is on trial charged with complicity in the killing of 300,000 jews at the nazi extermination campgroening told the court on tuesday that he is ` morally guilty ' but not directly responsible for any deaths\n", + "oskar groening is being tried on 300,000 counts of accessory to murderthe former ss officer described how jews were marched to gas chambersone survivor , eva kor , told of her agony as her mother was ripped from her\n", + "[1.3949797 1.3030483 1.3459108 1.0855302 1.3585461 1.1867609 1.147831\n", + " 1.0593301 1.1270524 1.2627156 1.1322243 1.0657055 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 2 1 9 5 6 10 8 3 11 7 22 21 20 19 18 12 16 15 14 13 23 17\n", + " 24]\n", + "=======================\n", + "['hull city are keen on signing leeds united midfielder alex mowatt .hull manager steve bruce is keen to snap up any promising british talent as he looks to rebuild for the summer .the 20-year-old has impressed this season scoring nine goals and has drawn admiring glances from several premier league clubs .']\n", + "=======================\n", + "[\"hull city are keeping tabs on leeds united 's promising young english midfielder alex mowattthe 20-year-old has impressed for leeds this season , scoring nine goalsmowatt was watched by hull scouts in leeds ' 4-3 defeat by wolves on monday\"]\n", + "hull city are keen on signing leeds united midfielder alex mowatt .hull manager steve bruce is keen to snap up any promising british talent as he looks to rebuild for the summer .the 20-year-old has impressed this season scoring nine goals and has drawn admiring glances from several premier league clubs .\n", + "hull city are keeping tabs on leeds united 's promising young english midfielder alex mowattthe 20-year-old has impressed for leeds this season , scoring nine goalsmowatt was watched by hull scouts in leeds ' 4-3 defeat by wolves on monday\n", + "[1.3512206 1.0843173 1.1498953 1.1032923 1.0698371 1.1116433 1.1660379\n", + " 1.1001499 1.0857918 1.1693132 1.0224154 1.0239733 1.0411769 1.0820659\n", + " 1.0199966 1.014878 1.0141947 1.0363742 1.0170777 1.0341179 1.1144835\n", + " 1.0276122 1.0215923 1.1145654 1.0160006]\n", + "\n", + "[ 0 9 6 2 23 20 5 3 7 8 1 13 4 12 17 19 21 11 10 22 14 18 24 15\n", + " 16]\n", + "=======================\n", + "[\"the hit us tv series house of cards features francis underwood , played by kevin spacey , and his wife claire , played by robin wrightthe capital grille is a favoured venue for political plots .it 's an exercise in power-broking and political assassination .\"]\n", + "=======================\n", + "[\"house of cards follows a ruthless democrat congressman 's rise to powerset in washington , the hit us tv series features the capital 's best sightsdiscover the famous and lesser-known gems in washington , dc\"]\n", + "the hit us tv series house of cards features francis underwood , played by kevin spacey , and his wife claire , played by robin wrightthe capital grille is a favoured venue for political plots .it 's an exercise in power-broking and political assassination .\n", + "house of cards follows a ruthless democrat congressman 's rise to powerset in washington , the hit us tv series features the capital 's best sightsdiscover the famous and lesser-known gems in washington , dc\n", + "[1.295136 1.4179589 1.2112746 1.3702917 1.2936937 1.1138749 1.1752162\n", + " 1.0280718 1.1415398 1.1012146 1.0666156 1.01066 1.010793 1.0153204\n", + " 1.0212166 1.0241628 1.0717076 1.0804483 1.0762013 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 6 8 5 9 17 18 16 10 7 15 14 13 12 11 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "['four members of the royals and three from the white sox were punished for their roles in a series-opening brawl and six of the players drew suspensions .royals pitcher yordano ventura was handed a seven-game suspension , fellow starter edinson volquez given five games and outfielder lorenzo cain and reliever kelvin herrera got two games apiece .the kansas city royals and chicago white sox each lost saturday without playing a game .']\n", + "=======================\n", + "[\"thursday 's match between two baseball heavyweights turned into a brawlbegan after dispute between the yordana ventura and adam eatonsparked a mass fight with members of both teams running onto the fieldumpire ejected a total of five players after the scrap at chicago 's stadiumventura was suspended for seven gamesedinson volquez suspended five games and lorenzo cain and kelvin herrera got two games eachsox players chris sale and jeff samardzija were suspended for five gamescatcher tyler flowers was let off with an undisclosed fine\"]\n", + "four members of the royals and three from the white sox were punished for their roles in a series-opening brawl and six of the players drew suspensions .royals pitcher yordano ventura was handed a seven-game suspension , fellow starter edinson volquez given five games and outfielder lorenzo cain and reliever kelvin herrera got two games apiece .the kansas city royals and chicago white sox each lost saturday without playing a game .\n", + "thursday 's match between two baseball heavyweights turned into a brawlbegan after dispute between the yordana ventura and adam eatonsparked a mass fight with members of both teams running onto the fieldumpire ejected a total of five players after the scrap at chicago 's stadiumventura was suspended for seven gamesedinson volquez suspended five games and lorenzo cain and kelvin herrera got two games eachsox players chris sale and jeff samardzija were suspended for five gamescatcher tyler flowers was let off with an undisclosed fine\n", + "[1.5045638 1.3878163 1.1080725 1.1143398 1.0857083 1.3635381 1.0717988\n", + " 1.1413041 1.0954883 1.0595196 1.0235153 1.0185347 1.0539601 1.0117707\n", + " 1.012153 1.0548464 1.1243663 1.07546 1.1034498 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 7 16 3 2 18 8 4 17 6 9 15 12 10 11 14 13 23 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"chelsea manager jose mourinho said he was unfazed by his side 's staggeringly low possession stat during the 1-0 win over manchester united and all that mattered to him was achieving a positive result .the blues , who secured victory through forward eden hazard 's first-half strike , held the ball for just 29 per cent of the match at stamford bridge - their lowest total over 90 minutes since opta started recording this sort of data in 2006 .chelsea 's win over the red devils sees them extend their lead at the top of the premier league table to 10 points .\"]\n", + "=======================\n", + "[\"chelsea defeated manchester united 1-0 with eden hazard scoring the goaldespite the win , chelsea had only 29 per cent possession at stamford bridgethe total is chelsea 's lowest since opta started recording the data in 2006manager jose mourinho said that the end result was the most important thing\"]\n", + "chelsea manager jose mourinho said he was unfazed by his side 's staggeringly low possession stat during the 1-0 win over manchester united and all that mattered to him was achieving a positive result .the blues , who secured victory through forward eden hazard 's first-half strike , held the ball for just 29 per cent of the match at stamford bridge - their lowest total over 90 minutes since opta started recording this sort of data in 2006 .chelsea 's win over the red devils sees them extend their lead at the top of the premier league table to 10 points .\n", + "chelsea defeated manchester united 1-0 with eden hazard scoring the goaldespite the win , chelsea had only 29 per cent possession at stamford bridgethe total is chelsea 's lowest since opta started recording the data in 2006manager jose mourinho said that the end result was the most important thing\n", + "[1.2486842 1.4133689 1.2754496 1.252138 1.142679 1.1526053 1.1258571\n", + " 1.1360699 1.0591863 1.057656 1.1375939 1.010643 1.059223 1.1307123\n", + " 1.1308563 1.1389154 1.0762365 1.0301691 1.0162934 1.0866584 1.0264219\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 4 15 10 7 14 13 6 19 16 12 8 9 17 20 18 11 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"peachtree city police chief william mccollom called 911 early new year 's day to report inadvertently shooting his ex-wife , margaret , as they slept in their suburban atlanta home .the shooting left margaret mccollom paralyzed below the waist .mccollom resigned from the chief 's job in march .\"]\n", + "=======================\n", + "['william mccollom , the chief of police in peachtree city , georgia , called 911 on january 1 to say he had accidentally shot his wife , margaretmargaret was left paralyzed below the waist and believes it was an accidentmccollom resigned from chief position in march after working in policing for nearly three decadeshe was indicted on a reckless-conduct charge on wednesday']\n", + "peachtree city police chief william mccollom called 911 early new year 's day to report inadvertently shooting his ex-wife , margaret , as they slept in their suburban atlanta home .the shooting left margaret mccollom paralyzed below the waist .mccollom resigned from the chief 's job in march .\n", + "william mccollom , the chief of police in peachtree city , georgia , called 911 on january 1 to say he had accidentally shot his wife , margaretmargaret was left paralyzed below the waist and believes it was an accidentmccollom resigned from chief position in march after working in policing for nearly three decadeshe was indicted on a reckless-conduct charge on wednesday\n", + "[1.4127156 1.4324138 1.435952 1.1003258 1.5233412 1.3337075 1.0396758\n", + " 1.0264528 1.0380902 1.0171769 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 2 1 0 5 3 6 8 7 9 10 11 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"new zealand international charles piutau will join ulster on a two-year deal from 2016he has won 14 caps for the all blacks , making his test debut against france two years ago .` to secure someone of charles ' ability is hugely exciting for us , ' ulster team manager bryn cunningham said .\"]\n", + "=======================\n", + "['charles piutau has played 14 internationals for new zealandpiutau can play as full back , wing or centre and will join ulster in 2016ulster team manager bryn cunningham is excited to secure piutau']\n", + "new zealand international charles piutau will join ulster on a two-year deal from 2016he has won 14 caps for the all blacks , making his test debut against france two years ago .` to secure someone of charles ' ability is hugely exciting for us , ' ulster team manager bryn cunningham said .\n", + "charles piutau has played 14 internationals for new zealandpiutau can play as full back , wing or centre and will join ulster in 2016ulster team manager bryn cunningham is excited to secure piutau\n", + "[1.2842331 1.0623531 1.1902251 1.2802175 1.2107834 1.1160263 1.085393\n", + " 1.0934888 1.1987989 1.0692567 1.0430465 1.0304002 1.0519209 1.07708\n", + " 1.0252507 1.0361427 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 8 2 5 7 6 13 9 1 12 10 15 11 14 16 17 18]\n", + "=======================\n", + "[\"it 's hard to know quite what motivated the duke of york to rescue teenage sex slaves in india at the same time he faced damning allegations that he had slept with one in america .rescued from brothels and domestic servitude , child labour and human trafficking , the girls have been taught tailoring and silk printing through a charity called key to freedom .moved : prince andrew during his visit to an indian refuge in 2012 , which inspired him to form the charity\"]\n", + "=======================\n", + "['prince andrew has changed the fate of 100 vulnerable women in calcuttathey were rescued from brothels , child labour and trafficking by charitykey to freedom was launched by the duke after a trip to india in 2012he recently denied allegations he had slept with a sex slave in americathe accusations , made by virginia roberts , have been struck from court records']\n", + "it 's hard to know quite what motivated the duke of york to rescue teenage sex slaves in india at the same time he faced damning allegations that he had slept with one in america .rescued from brothels and domestic servitude , child labour and human trafficking , the girls have been taught tailoring and silk printing through a charity called key to freedom .moved : prince andrew during his visit to an indian refuge in 2012 , which inspired him to form the charity\n", + "prince andrew has changed the fate of 100 vulnerable women in calcuttathey were rescued from brothels , child labour and trafficking by charitykey to freedom was launched by the duke after a trip to india in 2012he recently denied allegations he had slept with a sex slave in americathe accusations , made by virginia roberts , have been struck from court records\n", + "[1.3206011 1.4396352 1.393594 1.402073 1.3792264 1.0427648 1.022091\n", + " 1.0153942 1.0186294 1.0104177 1.0234333 1.2158936 1.2231653 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 12 11 5 10 6 8 7 9 13 14 15 16 17 18]\n", + "=======================\n", + "[\"the manchester united target , who scored an emphatic 19 goals in 25 league games so far this season , has been tipped to join one of europe 's big boys after impressing in the eredivisie .depay 's former international manager louis van gaal is said to be in the race to sign the 21-year-old and brands has openly admitted that his side are resigned to losing the dutch international .memphis depay appears to be edging closer to a move away from the philips stadion as psv eindhoven director marcel brands has revealed there is a high chance his side 's star player will leave in the summer .\"]\n", + "=======================\n", + "['memphis depay has been linked with a summer move to man unitedtottenham and man city are also said to be keeping tabs on psv stardepay has scored 19 goals in 25 league games so far this seasonthe dutch ace worked under louis van gaal at the 2014 world cup']\n", + "the manchester united target , who scored an emphatic 19 goals in 25 league games so far this season , has been tipped to join one of europe 's big boys after impressing in the eredivisie .depay 's former international manager louis van gaal is said to be in the race to sign the 21-year-old and brands has openly admitted that his side are resigned to losing the dutch international .memphis depay appears to be edging closer to a move away from the philips stadion as psv eindhoven director marcel brands has revealed there is a high chance his side 's star player will leave in the summer .\n", + "memphis depay has been linked with a summer move to man unitedtottenham and man city are also said to be keeping tabs on psv stardepay has scored 19 goals in 25 league games so far this seasonthe dutch ace worked under louis van gaal at the 2014 world cup\n", + "[1.3704957 1.4180754 1.3434533 1.0619019 1.318882 1.231535 1.0428829\n", + " 1.0280255 1.0452971 1.0279046 1.0740123 1.0444208 1.1449578 1.0453174\n", + " 1.183426 1.0435319 1.0341653 1.0400153 1.0928386]\n", + "\n", + "[ 1 0 2 4 5 14 12 18 10 3 13 8 11 15 6 17 16 7 9]\n", + "=======================\n", + "[\"the smitten couple were holidaying in japan and were out for a walk one evening when bass mentioned how the beautiful setting among the cherry blossom trees would be perfect for a proposal , sullivan , 29 , told woman 's day .former olympic swimmer eamon sullivan has revealed the details of his romantic proposal to his girlfriend , perth lawyer naomi bass .the sporting hero has won two silver olympic medals and a number of gold and bronze at the commonwealth games .\"]\n", + "=======================\n", + "['eamon sullivan proposed to girlfriend naomi bass in kyoto , japanthe pair were out for an evening walk when he dropped to one kneeproposal took place under a cherry blossom tree filled with white dovespair met in perth in 2011 , where they live with their three dogssullivan previously dated fellow olympic swimmer stephanie rice']\n", + "the smitten couple were holidaying in japan and were out for a walk one evening when bass mentioned how the beautiful setting among the cherry blossom trees would be perfect for a proposal , sullivan , 29 , told woman 's day .former olympic swimmer eamon sullivan has revealed the details of his romantic proposal to his girlfriend , perth lawyer naomi bass .the sporting hero has won two silver olympic medals and a number of gold and bronze at the commonwealth games .\n", + "eamon sullivan proposed to girlfriend naomi bass in kyoto , japanthe pair were out for an evening walk when he dropped to one kneeproposal took place under a cherry blossom tree filled with white dovespair met in perth in 2011 , where they live with their three dogssullivan previously dated fellow olympic swimmer stephanie rice\n", + "[1.3714446 1.3420045 1.2654585 1.3803804 1.1075836 1.0607734 1.0347203\n", + " 1.1067879 1.0529054 1.0477685 1.0962278 1.0389385 1.0150263 1.0672897\n", + " 1.1077654 1.0695716 1.1306458 0. 0. ]\n", + "\n", + "[ 3 0 1 2 16 14 4 7 10 15 13 5 8 9 11 6 12 17 18]\n", + "=======================\n", + "[\"marco rubio told face the nation he believes people are born with a sexual preference , but insisted same-sex marriage should not be a constitutional rightthe florida senator told bob schieffer that he was n't against gay marriage , but believes the ` definition of the institution of marriage should be between one man and one woman ' .the miami politician announced he is running for president last week .\"]\n", + "=======================\n", + "[\"senator told face the nation same-sex marriage is n't a constitutional rightadded that it should be left up to the states to decide whether to allow itcomments came after sparking debate following an interview with fusionsaid he does n't agree with gay marriage , but would attend a same-sex union if it was somebody he ` cared ' for\"]\n", + "marco rubio told face the nation he believes people are born with a sexual preference , but insisted same-sex marriage should not be a constitutional rightthe florida senator told bob schieffer that he was n't against gay marriage , but believes the ` definition of the institution of marriage should be between one man and one woman ' .the miami politician announced he is running for president last week .\n", + "senator told face the nation same-sex marriage is n't a constitutional rightadded that it should be left up to the states to decide whether to allow itcomments came after sparking debate following an interview with fusionsaid he does n't agree with gay marriage , but would attend a same-sex union if it was somebody he ` cared ' for\n", + "[1.1806496 1.1191343 1.2392914 1.2856127 1.3130592 1.2299794 1.2243108\n", + " 1.0641818 1.0628114 1.0477382 1.0625507 1.055627 1.0269172 1.0236752\n", + " 1.0120406 1.0183312 1.0956938 1.091791 1.0765163 1.0496616 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 4 3 2 5 6 0 1 16 17 18 7 8 10 11 19 9 12 13 15 14 20 21 22 23\n", + " 24 25 26 27 28 29 30 31]\n", + "=======================\n", + "[\"it comes after britain struck oil in the falklands this week in a remote field of the islands .officials claim companies active there are acting ` illegally ' in argentine territory .argentina has said it will prosecute oil companies operating off the falklands coast , as tension rise on the 33rd anniversary of the conflict .\"]\n", + "=======================\n", + "[\"british companies found oil and gas in a remote field north of the islandscould be worth billions of pounds and increase fears of renewed conflictcomes days after minister warned of ` very live threat ' from argentinaargentina says it will prosecute oil companies operating off the falklands\"]\n", + "it comes after britain struck oil in the falklands this week in a remote field of the islands .officials claim companies active there are acting ` illegally ' in argentine territory .argentina has said it will prosecute oil companies operating off the falklands coast , as tension rise on the 33rd anniversary of the conflict .\n", + "british companies found oil and gas in a remote field north of the islandscould be worth billions of pounds and increase fears of renewed conflictcomes days after minister warned of ` very live threat ' from argentinaargentina says it will prosecute oil companies operating off the falklands\n", + "[1.3195581 1.3101778 1.1119788 1.2479104 1.0821121 1.0709609 1.0555531\n", + " 1.0269278 1.0284069 1.0519338 1.2658186 1.0389932 1.0571635 1.039184\n", + " 1.0746324 1.0929463 1.0373242 1.017819 1.039398 1.0243974 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 10 3 2 15 4 14 5 12 6 9 18 13 11 16 8 7 19 17 29 28 27 26\n", + " 25 22 23 21 20 30 24 31]\n", + "=======================\n", + "[\"england may be well on course to sealing their spot at euro 2016 but it appears as if manager roy hodgson still does not know his best xi .sportsmail 's top team of reporters have submitted their starting line-ups for the finals in france , assuming everyone is fit of course .england captain wayne rooney ( centre ) looks to get a shot in at the italian goal on tuesday\"]\n", + "=======================\n", + "[\"england manager roy hodgson appears to still not know his best xisportsmail 's top team of reporters reveal their england euro 2016 line-upsengland are currently top of euro 2016 qualifying group e on 15 points\"]\n", + "england may be well on course to sealing their spot at euro 2016 but it appears as if manager roy hodgson still does not know his best xi .sportsmail 's top team of reporters have submitted their starting line-ups for the finals in france , assuming everyone is fit of course .england captain wayne rooney ( centre ) looks to get a shot in at the italian goal on tuesday\n", + "england manager roy hodgson appears to still not know his best xisportsmail 's top team of reporters reveal their england euro 2016 line-upsengland are currently top of euro 2016 qualifying group e on 15 points\n", + "[1.0640166 1.3511313 1.3590502 1.1822029 1.1259842 1.3188195 1.251003\n", + " 1.052669 1.0510235 1.1856238 1.0431792 1.1214288 1.0635264 1.0240844\n", + " 1.0389968 1.008961 1.0169693 1.0138315 1.0338427 1.0252705 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 5 6 9 3 4 11 0 12 7 8 10 14 18 19 13 16 17 15 20 21 22 23\n", + " 24 25 26 27 28 29 30 31]\n", + "=======================\n", + "[\"mccoy , who will ride hot favourite shutthefrontdoor in the crabbie 's grand national on saturday , struck on day one in the doom bar aintree hurdle with jezki .after taking the big race on the opening day of the grand national festival , ap mccoy repeated the trick on don cossack to the delight of a huge ladies ' day crowd .ap mccoy celebrates after winning the melling chase race at aintree on friday\"]\n", + "=======================\n", + "['ap mccoy wins second feature race at grand national festivalrides don cossack to victory in melling chase on fridayset to ride favourite shutthefrontdoor at aintree on saturday']\n", + "mccoy , who will ride hot favourite shutthefrontdoor in the crabbie 's grand national on saturday , struck on day one in the doom bar aintree hurdle with jezki .after taking the big race on the opening day of the grand national festival , ap mccoy repeated the trick on don cossack to the delight of a huge ladies ' day crowd .ap mccoy celebrates after winning the melling chase race at aintree on friday\n", + "ap mccoy wins second feature race at grand national festivalrides don cossack to victory in melling chase on fridayset to ride favourite shutthefrontdoor at aintree on saturday\n", + "[1.4199114 1.2172467 1.1861359 1.4623346 1.076529 1.2478127 1.0460708\n", + " 1.1242839 1.0818527 1.1068184 1.0889716 1.0280535 1.0209754 1.00972\n", + " 1.0465782 1.0827922 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 5 1 2 7 9 10 15 8 4 14 6 11 12 13 29 28 27 26 25 24 23 20\n", + " 21 19 18 17 16 30 22 31]\n", + "=======================\n", + "['lindsey vonn was back at augusta friday to watch boyfriend tiger woods ( above ) play in the second round of the mastersand while it was a good day woods , the golfing great still had some stressful moments and still has a way to go in catching up to leader , 21-year-old jordan spieth .heading into the weekend he is a very , very distant 12 strokes behind a seemingly unstoppable spieth , with 36 holes left to play .']\n", + "=======================\n", + "['lindsey vonn was back at augusta friday to watch boyfriend tiger woods play in the second round of the mastersvonn looked stressed at times though woods played a solid round , carding a three-under-par 69woods is still well behind the leader , hot young american star jordan spieththe 21-year-old broke the 36 hole record on friday and is 14-under-par for the tournament , 12 strokes ahead of woodsspieth led after three rounds last year and finished second at the tournamentif spieth wins he would tie the record for the youngest winner in masters history with woods']\n", + "lindsey vonn was back at augusta friday to watch boyfriend tiger woods ( above ) play in the second round of the mastersand while it was a good day woods , the golfing great still had some stressful moments and still has a way to go in catching up to leader , 21-year-old jordan spieth .heading into the weekend he is a very , very distant 12 strokes behind a seemingly unstoppable spieth , with 36 holes left to play .\n", + "lindsey vonn was back at augusta friday to watch boyfriend tiger woods play in the second round of the mastersvonn looked stressed at times though woods played a solid round , carding a three-under-par 69woods is still well behind the leader , hot young american star jordan spieththe 21-year-old broke the 36 hole record on friday and is 14-under-par for the tournament , 12 strokes ahead of woodsspieth led after three rounds last year and finished second at the tournamentif spieth wins he would tie the record for the youngest winner in masters history with woods\n", + "[1.2614737 1.2308832 1.161083 1.1672305 1.1147118 1.071314 1.0986688\n", + " 1.0879711 1.1777067 1.1199325 1.0599061 1.0542139 1.0659313 1.0245705\n", + " 1.035291 1.0313356 1.0359826 1.0165099 1.0214773 1.0515971 1.0469946\n", + " 1.0198791 1.0172391 1.0639367 1.0316379 1.0235671 1.0601128 1.0300757\n", + " 1.0322778 1.0419776 1.0488083 1.046328 ]\n", + "\n", + "[ 0 1 8 3 2 9 4 6 7 5 12 23 26 10 11 19 30 20 31 29 16 14 28 24\n", + " 15 27 13 25 18 21 22 17]\n", + "=======================\n", + "['royal dutch shell plc said ithas filed a complaint in federal court in alaska seeking anthe group said the activists would not interfere with the']\n", + "=======================\n", + "[\"shell has filed a complaint in federal court in alaska seeking an order to remove greenpeace activists who climbed aboard an oil rig in the pacificthe environmental group said in a statement its team would occupy the underside of the main deck of the polar pioneerthe six activists are camping on the 38,000-tonne polar pioneer platform , which they boarded using inflatable boats from the greenpeace vessel ` esperanza '` we made it !\"]\n", + "royal dutch shell plc said ithas filed a complaint in federal court in alaska seeking anthe group said the activists would not interfere with the\n", + "shell has filed a complaint in federal court in alaska seeking an order to remove greenpeace activists who climbed aboard an oil rig in the pacificthe environmental group said in a statement its team would occupy the underside of the main deck of the polar pioneerthe six activists are camping on the 38,000-tonne polar pioneer platform , which they boarded using inflatable boats from the greenpeace vessel ` esperanza '` we made it !\n", + "[1.1765598 1.4692805 1.3945762 1.2124785 1.2650138 1.1684566 1.202708\n", + " 1.0310661 1.0192672 1.0284339 1.0330129 1.0128019 1.1950134 1.20008\n", + " 1.1444597 1.0290006 1.1235036 1.0066891 1.006229 1.0097682]\n", + "\n", + "[ 1 2 4 3 6 13 12 0 5 14 16 10 7 15 9 8 11 19 17 18]\n", + "=======================\n", + "['nadine crooks , 33 , who lives in smethwick , west midlands , was stunned to discover she was expecting again as doctors told her she was infertile after she had her fourth child .she stopped taking contraceptives after learning she had polycystic ovary syndrome following the birth of her son joshua 18 months ago .set to become seven siblings : nadine crooks who is expecting triplets pictured with her four children , from left , trae ( 13 ) , roxanne ( 18 ) , zion ( 9 ) and joshua ( 1 )']\n", + "=======================\n", + "[\"nadine crooks , 33 , has four children aged 18 years to 18 monthsshe was told she would n't be able to conceive again after fourth childstopped taking contraceptives and was stunned to fall pregnant againthe shocks continued as she found out she 's expecting triplets\"]\n", + "nadine crooks , 33 , who lives in smethwick , west midlands , was stunned to discover she was expecting again as doctors told her she was infertile after she had her fourth child .she stopped taking contraceptives after learning she had polycystic ovary syndrome following the birth of her son joshua 18 months ago .set to become seven siblings : nadine crooks who is expecting triplets pictured with her four children , from left , trae ( 13 ) , roxanne ( 18 ) , zion ( 9 ) and joshua ( 1 )\n", + "nadine crooks , 33 , has four children aged 18 years to 18 monthsshe was told she would n't be able to conceive again after fourth childstopped taking contraceptives and was stunned to fall pregnant againthe shocks continued as she found out she 's expecting triplets\n", + "[1.2011881 1.535234 1.2647246 1.4467047 1.3089825 1.2013594 1.0624155\n", + " 1.0288463 1.0272412 1.0235388 1.0185913 1.0243788 1.0160484 1.1046582\n", + " 1.035479 1.0484864 1.0148283 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 5 0 13 6 15 14 7 8 11 9 10 12 16 18 17 19]\n", + "=======================\n", + "['fund manager nicola horlick , 54 , said she felt a noticeable difference in her body between her first child at age 25 and her last at 38 .her eldest daughter georgina died from leukaemia in 1998 age 12 .she revealed juggling child-rearing with boardroom duties meant she had to breastfeed in the office -- even while carrying out job interviews .']\n", + "=======================\n", + "[\"nicola horlick , 54 , raised six children while working in the cityshe wants daughters alice , 26 , serena , 24 and antonia , 18 , to go through motherhood earlierfund manager says she felt a noticeable difference in her body between her first child at age 25 and her last at 38adds ` ambitious and intelligent ' women should n't be stay-at-home mothers\"]\n", + "fund manager nicola horlick , 54 , said she felt a noticeable difference in her body between her first child at age 25 and her last at 38 .her eldest daughter georgina died from leukaemia in 1998 age 12 .she revealed juggling child-rearing with boardroom duties meant she had to breastfeed in the office -- even while carrying out job interviews .\n", + "nicola horlick , 54 , raised six children while working in the cityshe wants daughters alice , 26 , serena , 24 and antonia , 18 , to go through motherhood earlierfund manager says she felt a noticeable difference in her body between her first child at age 25 and her last at 38adds ` ambitious and intelligent ' women should n't be stay-at-home mothers\n", + "[1.2610556 1.4978018 1.1734031 1.1702268 1.1473162 1.1603773 1.1825577\n", + " 1.136769 1.0420737 1.0240327 1.0237691 1.057282 1.0872141 1.0751309\n", + " 1.103477 1.0614564 1.0141662 1.0128876 1.0214978 0. ]\n", + "\n", + "[ 1 0 6 2 3 5 4 7 14 12 13 15 11 8 9 10 18 16 17 19]\n", + "=======================\n", + "[\"shameless mike holpin -- who at 56 says he wants more children -- claims he had them by 20 women and admits he would not recognise many of his offspring in the street .a jobless alcoholic has boasted of fathering 40 children who have cost the taxpayer more than # 4million in benefits and care costs .mr holpin or the children 's mothers would also have been able to claim at least # 500,000 in child benefit and a further # 800,000 in child tax credits .\"]\n", + "=======================\n", + "[\"mike holpin , from ebbw vale in monmouthshire , has at least 40 childrenca n't name half of them and has family tree tattoo to help him rememberaround 16 were taken into care ` because of my drinking and womanising 'but 56-year-old wants more because he ` ca n't live without them '` in the bible , god says go forth and multiply .holpin has not worked for a decade and said to receive # 27,000 in benefitsdocumentary also shines light on 29-year-old father of 15 from sunderland\"]\n", + "shameless mike holpin -- who at 56 says he wants more children -- claims he had them by 20 women and admits he would not recognise many of his offspring in the street .a jobless alcoholic has boasted of fathering 40 children who have cost the taxpayer more than # 4million in benefits and care costs .mr holpin or the children 's mothers would also have been able to claim at least # 500,000 in child benefit and a further # 800,000 in child tax credits .\n", + "mike holpin , from ebbw vale in monmouthshire , has at least 40 childrenca n't name half of them and has family tree tattoo to help him rememberaround 16 were taken into care ` because of my drinking and womanising 'but 56-year-old wants more because he ` ca n't live without them '` in the bible , god says go forth and multiply .holpin has not worked for a decade and said to receive # 27,000 in benefitsdocumentary also shines light on 29-year-old father of 15 from sunderland\n", + "[1.1691916 1.3898984 1.3028737 1.293047 1.2404966 1.1604002 1.058494\n", + " 1.0142292 1.0396445 1.0255678 1.0639954 1.0207028 1.2265854 1.1076034\n", + " 1.1076032 1.0730973 1.0259132 1.0584242 1.1072221 1.0155989]\n", + "\n", + "[ 1 2 3 4 12 0 5 13 14 18 15 10 6 17 8 16 9 11 19 7]\n", + "=======================\n", + "[\"the remote community in aberdeenshire does not even have a shop but local streams have been well known for grains of gold of ` significant size ' for decades .towie has been ignored by investors in favour of the oil industry but a two-year investigation has revealed the possible existence of gold deposits worth millions .a significant deposit is believed by scientists to lie somewhere near towie which shares its name with the popular essex reality tv show\"]\n", + "=======================\n", + "[\"` significant ' ore deposit could herald the beginning of highland gold rushturkish mining giant and uk 's greenore look to make further explorationsmall community cautiously optimistic about find but wants to know more\"]\n", + "the remote community in aberdeenshire does not even have a shop but local streams have been well known for grains of gold of ` significant size ' for decades .towie has been ignored by investors in favour of the oil industry but a two-year investigation has revealed the possible existence of gold deposits worth millions .a significant deposit is believed by scientists to lie somewhere near towie which shares its name with the popular essex reality tv show\n", + "` significant ' ore deposit could herald the beginning of highland gold rushturkish mining giant and uk 's greenore look to make further explorationsmall community cautiously optimistic about find but wants to know more\n", + "[1.273688 1.3945297 1.1510262 1.2739656 1.2845317 1.278847 1.2348548\n", + " 1.0720758 1.0342484 1.0654906 1.0110481 1.0933962 1.0216341 1.0219316\n", + " 1.0783719 1.1193668 1.0122356 1.0076903 0. 0. ]\n", + "\n", + "[ 1 4 5 3 0 6 2 15 11 14 7 9 8 13 12 16 10 17 18 19]\n", + "=======================\n", + "[\"the touching words were written by tyrone sevilla and delivered to peter dutton 's office in brisbane on monday , along with a petition containing 122,000 signatures .this comes after the immigration department rejected the single mother 's visa application 28 days ago because tyrone 's autism would be a ` burden on the australian health system ' .maria sevilla and her young son 's desperate last-ditch attempt to remain in the country comes as they face the very real possibility of being deported back to the philippines after their visa expires today .\"]\n", + "=======================\n", + "[\"mother and autistic son face deportation to philippines when their visa expires todaymaria sevilla and her son tyrone have lived in australia since 2007 but have been told they need to leave due to tyrone 's autismtyrone has designed a poster asking the immigration minister if he could stay in the country and hand-delivered it to the minister 's officethe family live in queensland where maria sevilla is a nurse at townsville hospital\"]\n", + "the touching words were written by tyrone sevilla and delivered to peter dutton 's office in brisbane on monday , along with a petition containing 122,000 signatures .this comes after the immigration department rejected the single mother 's visa application 28 days ago because tyrone 's autism would be a ` burden on the australian health system ' .maria sevilla and her young son 's desperate last-ditch attempt to remain in the country comes as they face the very real possibility of being deported back to the philippines after their visa expires today .\n", + "mother and autistic son face deportation to philippines when their visa expires todaymaria sevilla and her son tyrone have lived in australia since 2007 but have been told they need to leave due to tyrone 's autismtyrone has designed a poster asking the immigration minister if he could stay in the country and hand-delivered it to the minister 's officethe family live in queensland where maria sevilla is a nurse at townsville hospital\n", + "[1.3309946 1.3849604 1.28917 1.3890142 1.1567563 1.1909323 1.0539634\n", + " 1.015134 1.0201333 1.0135589 1.039453 1.0105999 1.0514808 1.1105818\n", + " 1.0864012 1.0719179 1.036851 1.011169 0. 0. ]\n", + "\n", + "[ 3 1 0 2 5 4 13 14 15 6 12 10 16 8 7 9 17 11 18 19]\n", + "=======================\n", + "['chancey luna , 17 , was charged with first-degree murder .the 22-year-old , from melbourne , was jogging along a street in the rural southern oklahoma city of duncan in august 2013 , when he was shot in the back with a .22 calibre handgun .the family of murdered australian baseball player chris lane broke down in court as they listened to an emergency call revealing the distressing final moments of his life .']\n", + "=======================\n", + "[\"chris lane , 22 , from melbourne , was gunned down on august 16 , 2013family and friends broke down as they listened to an emergency callthey heard details about how two bystanders tried to resuscitate mr lanehis mother donna , walked out of court in tears after graphic testimonychancey luna has been charged with lane 's murderthe trial is being held at duncan district court\"]\n", + "chancey luna , 17 , was charged with first-degree murder .the 22-year-old , from melbourne , was jogging along a street in the rural southern oklahoma city of duncan in august 2013 , when he was shot in the back with a .22 calibre handgun .the family of murdered australian baseball player chris lane broke down in court as they listened to an emergency call revealing the distressing final moments of his life .\n", + "chris lane , 22 , from melbourne , was gunned down on august 16 , 2013family and friends broke down as they listened to an emergency callthey heard details about how two bystanders tried to resuscitate mr lanehis mother donna , walked out of court in tears after graphic testimonychancey luna has been charged with lane 's murderthe trial is being held at duncan district court\n", + "[1.4412255 1.4297516 1.2568125 1.2520721 1.3313781 1.0883749 1.0541791\n", + " 1.0464064 1.2683526 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 8 2 3 5 6 7 17 16 15 14 9 12 11 10 18 13 19]\n", + "=======================\n", + "['glasgow warriors have been placed on high alert after it was revealed richie gray will be sold to the highest bidder if castres are relegated from the top 14 .gray has one year left on his contract but will be released should the club go down , with fellow scotland internationals johnnie beattie and max evans also expected to leave .the 45-times capped second row was ruled out for the rest of the season in february after suffering an upper-arm injury in the six nations defeat by wales .']\n", + "=======================\n", + "[\"richie gray will be sold if castres olympique are relegated from the top 14it has put glasgow warriors on high alert surrounding gray 's futuregray has one year left on his castres deal but could soon be released\"]\n", + "glasgow warriors have been placed on high alert after it was revealed richie gray will be sold to the highest bidder if castres are relegated from the top 14 .gray has one year left on his contract but will be released should the club go down , with fellow scotland internationals johnnie beattie and max evans also expected to leave .the 45-times capped second row was ruled out for the rest of the season in february after suffering an upper-arm injury in the six nations defeat by wales .\n", + "richie gray will be sold if castres olympique are relegated from the top 14it has put glasgow warriors on high alert surrounding gray 's futuregray has one year left on his castres deal but could soon be released\n", + "[1.2515693 1.4165545 1.3694134 1.4242177 1.1694605 1.0561459 1.1757172\n", + " 1.0550392 1.0344182 1.10062 1.018005 1.0162613 1.0179831 1.0152936\n", + " 1.1528263 1.1690652 1.0212648 1.0335335 1.065716 1.0244704]\n", + "\n", + "[ 3 1 2 0 6 4 15 14 9 18 5 7 8 17 19 16 10 12 11 13]\n", + "=======================\n", + "['kenneth morgan stancil iii , 20 , claimed in a prison interview on wednesday that he had killed a gay college supervisor because he made sexual advances towards his teenage brotherstancil , who gave himself fascist face tattoos , is awaiting extradition from florida to north carolina , where he is accused of fatally shooting 44-year-old ron lane .a neo-nazi charged with killing a gay supervisor at a community college said he did so because he hates homosexuality .']\n", + "=======================\n", + "[\"suspect kenneth morgan stancil claimed he killed ron lane because the college employee made sexual advances to his 16-year-old brotherthe murder suspect gave himself fascist face tattoosstancil also said he is a neo-nazi who is concerned about the future of white children and hates ` race-mixing '\"]\n", + "kenneth morgan stancil iii , 20 , claimed in a prison interview on wednesday that he had killed a gay college supervisor because he made sexual advances towards his teenage brotherstancil , who gave himself fascist face tattoos , is awaiting extradition from florida to north carolina , where he is accused of fatally shooting 44-year-old ron lane .a neo-nazi charged with killing a gay supervisor at a community college said he did so because he hates homosexuality .\n", + "suspect kenneth morgan stancil claimed he killed ron lane because the college employee made sexual advances to his 16-year-old brotherthe murder suspect gave himself fascist face tattoosstancil also said he is a neo-nazi who is concerned about the future of white children and hates ` race-mixing '\n", + "[1.2629521 1.4635746 1.3701968 1.4095272 1.2499093 1.186278 1.0916009\n", + " 1.0884447 1.1134161 1.182726 1.0222542 1.0278531 1.0210905 1.0189917\n", + " 1.0208528 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 9 8 6 7 11 10 12 14 13 18 15 16 17 19]\n", + "=======================\n", + "['the woman had been left in the water clinging to the hull of their overturned trimaran in the english channel yesterday .the pregnant woman and her partner ( pictured waiting to be rescued ) were stranded off the coast of kent after their trimaran overturned yesterdayher partner had ensured she was safe , then tied a rope around himself , before diving under the vessel to locate the flare .']\n", + "=======================\n", + "[\"woman had been left clinging to the hull of overturned trimaran yesterdaypartner had ensured she was safe before diving under boat to find flaretheir trimaran had overturned more than a mile off the coast of kentcoastguard spokesman said pair were ` cold and shaken ' but unharmed\"]\n", + "the woman had been left in the water clinging to the hull of their overturned trimaran in the english channel yesterday .the pregnant woman and her partner ( pictured waiting to be rescued ) were stranded off the coast of kent after their trimaran overturned yesterdayher partner had ensured she was safe , then tied a rope around himself , before diving under the vessel to locate the flare .\n", + "woman had been left clinging to the hull of overturned trimaran yesterdaypartner had ensured she was safe before diving under boat to find flaretheir trimaran had overturned more than a mile off the coast of kentcoastguard spokesman said pair were ` cold and shaken ' but unharmed\n", + "[1.2201253 1.0660435 1.1918653 1.2185217 1.2971079 1.1567397 1.248019\n", + " 1.2172947 1.0207596 1.0713035 1.0207839 1.0372385 1.0751182 1.0305916\n", + " 1.038488 1.0469061 1.0195459 1.0157684 1.0346904 0. ]\n", + "\n", + "[ 4 6 0 3 7 2 5 12 9 1 15 14 11 18 13 10 8 16 17 19]\n", + "=======================\n", + "['radamel falcao strikes for goal but his effort is thwarted by chelsea goalkeeper thibaut cortoisthe colombian forward confronts blues captain john terry after the pair got tangled on the groundthere are moments when falcao sets off on those delayed runs in the bright red shirt of manchester united and it all comes flooding back .']\n", + "=======================\n", + "['louis van gaal handed radamel falcao a surprise start against chelseafalcao has struggled at manchester united since his loan movethe colombian has only scored four goals all season in 22 appearancesfalcao had just 19 touches in the first half at stamford bridgethe united forward struggled to deal with chelsea captain john terry']\n", + "radamel falcao strikes for goal but his effort is thwarted by chelsea goalkeeper thibaut cortoisthe colombian forward confronts blues captain john terry after the pair got tangled on the groundthere are moments when falcao sets off on those delayed runs in the bright red shirt of manchester united and it all comes flooding back .\n", + "louis van gaal handed radamel falcao a surprise start against chelseafalcao has struggled at manchester united since his loan movethe colombian has only scored four goals all season in 22 appearancesfalcao had just 19 touches in the first half at stamford bridgethe united forward struggled to deal with chelsea captain john terry\n", + "[1.1579443 1.4032152 1.1076685 1.3599592 1.1076807 1.1258419 1.2417809\n", + " 1.0547695 1.148676 1.0538414 1.0603986 1.016015 1.237473 1.022116\n", + " 1.0109404 1.0173097 1.0072486 1.0896577 1.0148953 1.0141186 1.020888\n", + " 1.0292404 1.0116315 1.0171127 1.0746809 1.0491198]\n", + "\n", + "[ 1 3 6 12 0 8 5 4 2 17 24 10 7 9 25 21 13 20 15 23 11 18 19 22\n", + " 14 16]\n", + "=======================\n", + "['the brilliant brazilian won the competition three times in five seasons with los blancos , lifting the famous trophy in 1998 , 2000 and 2002 .roberto carlos , pictured lifting the champions league trophy in 2002 ( right ) , has picked his dream teamnot many players have experienced champions league success on the same scale as former real madrid defender roberto carlos .']\n", + "=======================\n", + "['roberto carlos has picked his champions league dream teamthe brazilian won the competition three times with real madridcarlos opts for a number of former team-mates including zinedine zidanehis compatriots ronaldo , cafu and ronaldinho also make the cutcarlos also decides to pick himself because of his free-kick prowess']\n", + "the brilliant brazilian won the competition three times in five seasons with los blancos , lifting the famous trophy in 1998 , 2000 and 2002 .roberto carlos , pictured lifting the champions league trophy in 2002 ( right ) , has picked his dream teamnot many players have experienced champions league success on the same scale as former real madrid defender roberto carlos .\n", + "roberto carlos has picked his champions league dream teamthe brazilian won the competition three times with real madridcarlos opts for a number of former team-mates including zinedine zidanehis compatriots ronaldo , cafu and ronaldinho also make the cutcarlos also decides to pick himself because of his free-kick prowess\n", + "[1.2569146 1.5059648 1.3183978 1.424681 1.2014873 1.1773136 1.071074\n", + " 1.1179149 1.1079627 1.0683584 1.2278124 1.0137961 1.015707 1.040337\n", + " 1.0089902 1.0168986 1.0308731 1.0229758 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 10 4 5 7 8 6 9 13 16 17 15 12 11 14 24 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "['joyce tabram , 82 , was 39 kilograms when she was admitted to fsh on march 30 with swollen abdomen but left weighing just 34 kilograms .she was told to fast for five days while waiting for tests to be performed on her .ms tabram told the abc her test was put off until april 3 after she became fed up with no action being taken .']\n", + "=======================\n", + "[\"perth 's joyce tabram was admitted to fiona stanley hospital on march 30she spent five days not eating because doctors told her to fast for testingms tabram , 82 , had a swollen abdomen but was not tested up until april 3she asked to be discharged and is expected to be tested later this weekthe frail , elderly woman has called on the hospital to be closed downbut wa 's health minister said hospital doctors had acted appropriately\"]\n", + "joyce tabram , 82 , was 39 kilograms when she was admitted to fsh on march 30 with swollen abdomen but left weighing just 34 kilograms .she was told to fast for five days while waiting for tests to be performed on her .ms tabram told the abc her test was put off until april 3 after she became fed up with no action being taken .\n", + "perth 's joyce tabram was admitted to fiona stanley hospital on march 30she spent five days not eating because doctors told her to fast for testingms tabram , 82 , had a swollen abdomen but was not tested up until april 3she asked to be discharged and is expected to be tested later this weekthe frail , elderly woman has called on the hospital to be closed downbut wa 's health minister said hospital doctors had acted appropriately\n", + "[1.1827754 1.0668833 1.3034081 1.3046722 1.1300116 1.0652876 1.13929\n", + " 1.1026824 1.0694176 1.1474273 1.0812446 1.0872452 1.0692164 1.0266517\n", + " 1.1312214 1.0494325 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 0 9 6 14 4 7 11 10 8 12 1 5 15 13 24 16 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"according to facebook 's mark zuckerberg , the future of travel lies in sharing virtual reality environmentsthanks to the oculus rift virtual reality headset , users will be able to see the world from multiple viewpoints` it will be pretty wild , ' zuckerberg replied to a follower online , according to arynews.tv .\"]\n", + "=======================\n", + "['in recent facebook q&a , zuckerberg discussed the future of travelexpects that a greater emphasis will be on sharing 3d virtual reality sceneslast year , facebook purchased virtual reality headset marker , oculus']\n", + "according to facebook 's mark zuckerberg , the future of travel lies in sharing virtual reality environmentsthanks to the oculus rift virtual reality headset , users will be able to see the world from multiple viewpoints` it will be pretty wild , ' zuckerberg replied to a follower online , according to arynews.tv .\n", + "in recent facebook q&a , zuckerberg discussed the future of travelexpects that a greater emphasis will be on sharing 3d virtual reality sceneslast year , facebook purchased virtual reality headset marker , oculus\n", + "[1.3140374 1.3689625 1.3695055 1.2186681 1.3130015 1.2179612 1.074022\n", + " 1.0806848 1.0574082 1.1844665 1.0197386 1.0379725 1.1107401 1.0416417\n", + " 1.0243572 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 4 3 5 9 12 7 6 8 13 11 14 10 23 22 21 20 16 18 17 15 24\n", + " 19 25]\n", + "=======================\n", + "[\"it is believed he was booked to appear on the comedy programme before he was dropped from top gear after a ` fracas ' with producer oisin tymon , one of the show 's producers , over a steak dinner .the tv host will appear as a guest presenter on satirical panel show have i got news for you later this month .the show will also mark the first time that clarkson has appeared on the bbc since the last edition of top gear was screened on march 8 .\"]\n", + "=======================\n", + "[\"presenter will be a guest host satirical quiz show have i got news for youis believed to have been booked before he was dropped from top gearbbc decided that despite his sacking , he is n't banned from corporation\"]\n", + "it is believed he was booked to appear on the comedy programme before he was dropped from top gear after a ` fracas ' with producer oisin tymon , one of the show 's producers , over a steak dinner .the tv host will appear as a guest presenter on satirical panel show have i got news for you later this month .the show will also mark the first time that clarkson has appeared on the bbc since the last edition of top gear was screened on march 8 .\n", + "presenter will be a guest host satirical quiz show have i got news for youis believed to have been booked before he was dropped from top gearbbc decided that despite his sacking , he is n't banned from corporation\n", + "[1.1817809 1.4650621 1.2836522 1.3007708 1.214378 1.1650509 1.0825826\n", + " 1.108078 1.0798899 1.0545373 1.0553602 1.0427473 1.0290194 1.0458779\n", + " 1.0887868 1.032741 1.0477967 1.0949428 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 5 7 17 14 6 8 10 9 16 13 11 15 12 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"history postgraduate laura sumner , 24 , was given ten days to leave the country after being fined # 23.50 for an alleged visa violation .laura mary sumner , pictured , has been ordered to leave russia within ten days after being branded a ` spy 'but russian media reports have branded her ` agent sumner ' and linked her to a bizarre claim of a revolutionary plot .\"]\n", + "=======================\n", + "[\"laura mary sumner has been ordered to leave russia within ten daysms sumner was researching soviet rule from 1917 to 1921 in a libraryofficials claimed she was in russia on a commercial not a study visarussian media branded ms sumner ' a spy ' due to her research interests\"]\n", + "history postgraduate laura sumner , 24 , was given ten days to leave the country after being fined # 23.50 for an alleged visa violation .laura mary sumner , pictured , has been ordered to leave russia within ten days after being branded a ` spy 'but russian media reports have branded her ` agent sumner ' and linked her to a bizarre claim of a revolutionary plot .\n", + "laura mary sumner has been ordered to leave russia within ten daysms sumner was researching soviet rule from 1917 to 1921 in a libraryofficials claimed she was in russia on a commercial not a study visarussian media branded ms sumner ' a spy ' due to her research interests\n", + "[1.375489 1.367808 1.2590706 1.343111 1.0499035 1.0691909 1.0672424\n", + " 1.0508386 1.0303502 1.0542713 1.0218414 1.0423387 1.06942 1.1444489\n", + " 1.0767807 1.0698049 0. 0. ]\n", + "\n", + "[ 0 1 3 2 13 14 15 12 5 6 9 7 4 11 8 10 16 17]\n", + "=======================\n", + "[\"nbc news has changed its account of how chief foreign correspondent richard engel was kidnapped in syria , saying he was now most likely taken by sunni rebels who tried to convince their victims they were government militants .the broadcaster had previously reported that the 2012 kidnapping of mr engel , which saw him held for five days and expecting to be killed , was carried out by forces associated with president bashar-al assad .the new york times claimed that nbc executives were informed of the suspicions about the kidnappers ' identities during and after mr engel was taken .\"]\n", + "=======================\n", + "['richard engel was kidnapped in syria with his crew and held for five dayshis captors told group they were militants associated with bashar al-assadbut new evidence suggests the kidnappers posed as government forcesthey were in fact sunni militants who also staged an elaborate rescue']\n", + "nbc news has changed its account of how chief foreign correspondent richard engel was kidnapped in syria , saying he was now most likely taken by sunni rebels who tried to convince their victims they were government militants .the broadcaster had previously reported that the 2012 kidnapping of mr engel , which saw him held for five days and expecting to be killed , was carried out by forces associated with president bashar-al assad .the new york times claimed that nbc executives were informed of the suspicions about the kidnappers ' identities during and after mr engel was taken .\n", + "richard engel was kidnapped in syria with his crew and held for five dayshis captors told group they were militants associated with bashar al-assadbut new evidence suggests the kidnappers posed as government forcesthey were in fact sunni militants who also staged an elaborate rescue\n", + "[1.1504799 1.1292005 1.0702491 1.0605983 1.110681 1.226583 1.1675223\n", + " 1.0188234 1.1612767 1.0552933 1.0818936 1.0928725 1.1391755 1.0590756\n", + " 1.1130081 1.0275447 1.0201179 1.0153987]\n", + "\n", + "[ 5 6 8 0 12 1 14 4 11 10 2 3 13 9 15 16 7 17]\n", + "=======================\n", + "[\"jake and seb ready for their cave adventureit 's not advertised as ` glamping ' but with big duvets and brass beds , eurocamp 's safari tents are more luxurious than an average stay under canvas .we visited l'ardéchoise site in the stunning ardèche region in south central france at the end of august .\"]\n", + "=======================\n", + "[\"eurocamp 's safari tents are more deluxe than a normal stay under canvasl'ardéchoise site is in the ardèche region in south central francean hour-and-half 's drive from the south 's beaches and montpellier airportthis site is a five-star park at the top end of what 's on offer in franceit has four pools and a camp ` animateur ' organising activities for little ones\"]\n", + "jake and seb ready for their cave adventureit 's not advertised as ` glamping ' but with big duvets and brass beds , eurocamp 's safari tents are more luxurious than an average stay under canvas .we visited l'ardéchoise site in the stunning ardèche region in south central france at the end of august .\n", + "eurocamp 's safari tents are more deluxe than a normal stay under canvasl'ardéchoise site is in the ardèche region in south central francean hour-and-half 's drive from the south 's beaches and montpellier airportthis site is a five-star park at the top end of what 's on offer in franceit has four pools and a camp ` animateur ' organising activities for little ones\n", + "[1.3635398 1.3783536 1.2091956 1.4157345 1.1523263 1.1447815 1.0613072\n", + " 1.0276566 1.0391685 1.0537181 1.0568173 1.0236433 1.0582511 1.0382439\n", + " 1.0293015 1.1819377 1.0514436 1.0120454]\n", + "\n", + "[ 3 1 0 2 15 4 5 6 12 10 9 16 8 13 14 7 11 17]\n", + "=======================\n", + "[\"gary dahl , the creator of the wildly popular 1970s fad the pet rock , has died at age 78 in southern oregonmr dahl 's wife , marguerite dahl , confirmed on tuesday that her husband of 40 years died march 23 of chronic obstructive pulmonary disease .his rocks , which formed a brief but remarkably successful craze for several months in 1975 , came packed in a cardboard box containing a tongue-in-cheek instruction pamphlet for ` care and feeding ' and made him a millionaire .\"]\n", + "=======================\n", + "[\"the pet rock creator has died from chronic obstructive pulmonary diseasehe made millions from absurd idea to sell a stone in a box as a ` pet rock 'the product came with tongue-in-cheek instructions for ` care and feeding 'he went on to author the self help book ` advertising for dummies '\"]\n", + "gary dahl , the creator of the wildly popular 1970s fad the pet rock , has died at age 78 in southern oregonmr dahl 's wife , marguerite dahl , confirmed on tuesday that her husband of 40 years died march 23 of chronic obstructive pulmonary disease .his rocks , which formed a brief but remarkably successful craze for several months in 1975 , came packed in a cardboard box containing a tongue-in-cheek instruction pamphlet for ` care and feeding ' and made him a millionaire .\n", + "the pet rock creator has died from chronic obstructive pulmonary diseasehe made millions from absurd idea to sell a stone in a box as a ` pet rock 'the product came with tongue-in-cheek instructions for ` care and feeding 'he went on to author the self help book ` advertising for dummies '\n", + "[1.2529867 1.5115265 1.2434149 1.29775 1.1492337 1.1134521 1.0709872\n", + " 1.1407266 1.1257795 1.0933741 1.0692873 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 7 8 5 9 6 10 16 11 12 13 14 15 17]\n", + "=======================\n", + "[\"the wildlife creature was relaxing in the kruger national park in south africa with its family by a small pool of water when the bull approached - much to the elephant 's annoyance .the frustrated elephant attempts to squirt water on the bull which has wandered too close for comfortin a gesture captured on camera , the african elephant squirts the bull with water stored up its trunk to get it to leave , but misses its target .\"]\n", + "=======================\n", + "['frustrated elephant misses its target as it attempts to douse bull in waterhuge african elephant is with its baby , who nestles close for protectionkruger national park , where pictures were taken , is home to 147 mammals']\n", + "the wildlife creature was relaxing in the kruger national park in south africa with its family by a small pool of water when the bull approached - much to the elephant 's annoyance .the frustrated elephant attempts to squirt water on the bull which has wandered too close for comfortin a gesture captured on camera , the african elephant squirts the bull with water stored up its trunk to get it to leave , but misses its target .\n", + "frustrated elephant misses its target as it attempts to douse bull in waterhuge african elephant is with its baby , who nestles close for protectionkruger national park , where pictures were taken , is home to 147 mammals\n", + "[1.2381603 1.3862907 1.3219572 1.3070674 1.1063298 1.1228683 1.0839496\n", + " 1.1055093 1.0944941 1.0744622 1.0236492 1.0842336 1.037398 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 4 7 8 11 6 9 12 10 16 13 14 15 17]\n", + "=======================\n", + "[\"anthony horowitz said books by the comedian -- who was the uk 's top-selling children 's author last year -- are ` witty and entertaining ' but nowhere near ambitious enough .the 59-year-old novelist and screenwriter singled out walliams ' gangsta granny for criticism , as well as the diary of a wimpy kid books by author jeff kinney .he suggested they should follow the example of authors such as john green and ` write up for children , not down to them ' .\"]\n", + "=======================\n", + "[\"author anthony horowitz has accused david walliams of dumbing downclaims walliams fails to challenge young readers with unambitious bookshorowitz argues authors should not be afraid of ` powerful stories or ideas '\"]\n", + "anthony horowitz said books by the comedian -- who was the uk 's top-selling children 's author last year -- are ` witty and entertaining ' but nowhere near ambitious enough .the 59-year-old novelist and screenwriter singled out walliams ' gangsta granny for criticism , as well as the diary of a wimpy kid books by author jeff kinney .he suggested they should follow the example of authors such as john green and ` write up for children , not down to them ' .\n", + "author anthony horowitz has accused david walliams of dumbing downclaims walliams fails to challenge young readers with unambitious bookshorowitz argues authors should not be afraid of ` powerful stories or ideas '\n", + "[1.1784651 1.3788731 1.3059142 1.3865521 1.280521 1.1521324 1.0802492\n", + " 1.0726969 1.1569915 1.078833 1.0475974 1.0738373 1.069947 1.0492975\n", + " 1.0146321 1.0317923 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 4 0 8 5 6 9 11 7 12 13 10 15 14 17 16 18]\n", + "=======================\n", + "[\"dallas architects matt mooney and michael gooden have transformed 14 shipping containers into a stunningly modern homethe home , dubbed ` pv14 ' , also boasts a 1,400 sq ft roof deck that can fit up to 150 people , a 40ft long swimming pool on the ground floor and a 360 degree view of white rock lake and the sparkling lights of the city 's downtown .matt mooney wanted to stay true to the materials that became the foundation for his home .\"]\n", + "=======================\n", + "[\"the home also boasts a 1,400 sq ft roof deck and a 360 degree view of white rock lake and the city 's downtownarchitect matt mooney wanted to stay true to the materials and thus left the ceilings exposed to show the containerscontainers were also used to build a stunning two-story glass-paneled tower that mirrors the shape of the pool200 people watched as 18-wheelers transported the materials that would become this stunning three-bedroom home\"]\n", + "dallas architects matt mooney and michael gooden have transformed 14 shipping containers into a stunningly modern homethe home , dubbed ` pv14 ' , also boasts a 1,400 sq ft roof deck that can fit up to 150 people , a 40ft long swimming pool on the ground floor and a 360 degree view of white rock lake and the sparkling lights of the city 's downtown .matt mooney wanted to stay true to the materials that became the foundation for his home .\n", + "the home also boasts a 1,400 sq ft roof deck and a 360 degree view of white rock lake and the city 's downtownarchitect matt mooney wanted to stay true to the materials and thus left the ceilings exposed to show the containerscontainers were also used to build a stunning two-story glass-paneled tower that mirrors the shape of the pool200 people watched as 18-wheelers transported the materials that would become this stunning three-bedroom home\n", + "[1.0888048 1.5093061 1.1673173 1.1815763 1.1119535 1.2570632 1.0697309\n", + " 1.0297285 1.0255384 1.155798 1.047189 1.0248704 1.1573353 1.1133591\n", + " 1.1019019 1.1665888 1.015514 1.0111417 0. ]\n", + "\n", + "[ 1 5 3 2 15 12 9 13 4 14 0 6 10 7 8 11 16 17 18]\n", + "=======================\n", + "['they are both necessary for the construction of the james webb space telescope ( jwst ) , intended as the successor to the hubble instrument that has been operating in space for 25 years .now scientists are working on an alternative way to peer into the past and search space for signs of life with jwst -- scheduled to launch in october 2018 on an ariane 5 rocket from french guiana .hubble has returned spectacular images during the past quarter century but also helped scientists discover that almost every galaxy has a massive black hole at its heart and that the expansion of the universe is speeding up .']\n", + "=======================\n", + "['hubble has helped make major discoveries but there are limits to how far it can see into spacethe james webb space telescope will work in the infra-red and be able to see objects that formed 13 billion years agoscientists also believe the new telescope will be able to detect planets around nearby stars']\n", + "they are both necessary for the construction of the james webb space telescope ( jwst ) , intended as the successor to the hubble instrument that has been operating in space for 25 years .now scientists are working on an alternative way to peer into the past and search space for signs of life with jwst -- scheduled to launch in october 2018 on an ariane 5 rocket from french guiana .hubble has returned spectacular images during the past quarter century but also helped scientists discover that almost every galaxy has a massive black hole at its heart and that the expansion of the universe is speeding up .\n", + "hubble has helped make major discoveries but there are limits to how far it can see into spacethe james webb space telescope will work in the infra-red and be able to see objects that formed 13 billion years agoscientists also believe the new telescope will be able to detect planets around nearby stars\n", + "[1.3534461 1.3500617 1.2214525 1.2989632 1.1898793 1.1383711 1.1735694\n", + " 1.1204123 1.0988901 1.0434624 1.0508509 1.0429548 1.023636 1.0469025\n", + " 1.0627992 1.0378329 1.0274619 1.0524797 1.0197172]\n", + "\n", + "[ 0 1 3 2 4 6 5 7 8 14 17 10 13 9 11 15 16 12 18]\n", + "=======================\n", + "['apple inc has approached more than a dozen musicians , including british band florence and the machine , in an effort to sign exclusive deals for some of their music to be streamed on beats , according to a new report .apple has also approached taylor swift and others about partnerships , the report said .beats music will be re-launched in coming months .']\n", + "=======================\n", + "[\"apple has approached over a dozen names like florence and the machine in an effort to get top talent on beats exclusivelybeats music will be re-launched in coming months with a $ 9.99-a-month subscription for individuals and a family plan for $ 14.99jay z 's tidal is doing the same thing as he tries to convince artists to sign exclusive deals and beat out the competition\"]\n", + "apple inc has approached more than a dozen musicians , including british band florence and the machine , in an effort to sign exclusive deals for some of their music to be streamed on beats , according to a new report .apple has also approached taylor swift and others about partnerships , the report said .beats music will be re-launched in coming months .\n", + "apple has approached over a dozen names like florence and the machine in an effort to get top talent on beats exclusivelybeats music will be re-launched in coming months with a $ 9.99-a-month subscription for individuals and a family plan for $ 14.99jay z 's tidal is doing the same thing as he tries to convince artists to sign exclusive deals and beat out the competition\n", + "[1.201735 1.4912174 1.2899735 1.2514062 1.1731151 1.1179377 1.1297274\n", + " 1.0356529 1.0133008 1.1700077 1.087773 1.0154709 1.0955791 1.0509667\n", + " 1.0346185 1.0083823 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 9 6 5 12 10 13 7 14 11 8 15 17 16 18]\n", + "=======================\n", + "['a cancer-killing cocktail of the hormone drug tamoxifen and two coffees every day was found to reduce the risk of tumours returning by 50 per cent in women recovering from the disease , researchers said .tamoxifen kills off cancer cells or stunts their growth by blocking the cancer-causing hormone oestrogen from reaching diseased cells .it is the main drug given to women who have not been through the menopause , and is usually taken for five years or longer after breast cancer treatment .']\n", + "=======================\n", + "[\"researchers tested effects of caffeine on patients taking tamoxifencombination of prescription drug and coffee make ` cancer-killing cocktail 'caffeine makes breast cancer cells divide less quickly and die more often\"]\n", + "a cancer-killing cocktail of the hormone drug tamoxifen and two coffees every day was found to reduce the risk of tumours returning by 50 per cent in women recovering from the disease , researchers said .tamoxifen kills off cancer cells or stunts their growth by blocking the cancer-causing hormone oestrogen from reaching diseased cells .it is the main drug given to women who have not been through the menopause , and is usually taken for five years or longer after breast cancer treatment .\n", + "researchers tested effects of caffeine on patients taking tamoxifencombination of prescription drug and coffee make ` cancer-killing cocktail 'caffeine makes breast cancer cells divide less quickly and die more often\n", + "[1.4160302 1.4131577 1.2970037 1.3620629 1.2620635 1.178598 1.0609132\n", + " 1.0236892 1.0900681 1.1094282 1.1169195 1.1001816 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 5 10 9 11 8 6 7 17 12 13 14 15 16 18]\n", + "=======================\n", + "[\"manchester city forward toni duggan has apologised to fans after posting a photo with manchester united manager louis van gaal on instagram .the 23-year-old shared an image of her with the united boss at wing 's restaurant on sunday night after united 's 4-2 win over city at old trafford .duggan received a number of abusive messages on social media for the photo , and has since removed it from instagram .\"]\n", + "=======================\n", + "[\"toni duggan posted a photo to instagram of her with louis van gaalvan gaal was enjoying celebratory meal after united 's 4-2 derby winmanchester city player duggan apologised and removed the photo\"]\n", + "manchester city forward toni duggan has apologised to fans after posting a photo with manchester united manager louis van gaal on instagram .the 23-year-old shared an image of her with the united boss at wing 's restaurant on sunday night after united 's 4-2 win over city at old trafford .duggan received a number of abusive messages on social media for the photo , and has since removed it from instagram .\n", + "toni duggan posted a photo to instagram of her with louis van gaalvan gaal was enjoying celebratory meal after united 's 4-2 derby winmanchester city player duggan apologised and removed the photo\n", + "[1.2512051 1.3897786 1.1718006 1.3724902 1.1625693 1.170155 1.0747863\n", + " 1.1197739 1.0862981 1.1206927 1.1815773 1.0214075 1.0131928 1.0357661\n", + " 1.0079885 1.0435566 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 10 2 5 4 9 7 8 6 15 13 11 12 14 17 16 18]\n", + "=======================\n", + "['out of 17 bingo halls tested seven showed traces of cocaine , while another had traces of crack cocaine , a more dangerous form of the drug that is smoked , a newspaper investigation revealed .bingo hall toilets have tested positive for traces of class a drugs amid evidence that an increasing number of pensioners are turning to hard drugs in retirement .while the venues do let players as young as 18 in , the majority of attendees are elderly , and the discoveries mirror a spike in oaps being treated for drug abuse .']\n", + "=======================\n", + "['out of 17 bingo halls tested , seven revealed traces of cocaine in toiletsone , in bristol , even tested positive for dangerous variant crack cocainefigures show spike in oaps receiving hospital treatment for drug abuse']\n", + "out of 17 bingo halls tested seven showed traces of cocaine , while another had traces of crack cocaine , a more dangerous form of the drug that is smoked , a newspaper investigation revealed .bingo hall toilets have tested positive for traces of class a drugs amid evidence that an increasing number of pensioners are turning to hard drugs in retirement .while the venues do let players as young as 18 in , the majority of attendees are elderly , and the discoveries mirror a spike in oaps being treated for drug abuse .\n", + "out of 17 bingo halls tested , seven revealed traces of cocaine in toiletsone , in bristol , even tested positive for dangerous variant crack cocainefigures show spike in oaps receiving hospital treatment for drug abuse\n", + "[1.2899867 1.460397 1.2408683 1.2760552 1.208343 1.1439244 1.047135\n", + " 1.0300968 1.054474 1.0320674 1.110045 1.0334495 1.017378 1.0294366\n", + " 1.033531 1.0269445 1.014564 1.0201452 1.0170661]\n", + "\n", + "[ 1 0 3 2 4 5 10 8 6 14 11 9 7 13 15 17 12 18 16]\n", + "=======================\n", + "[\"the glamorous hollywood-inspired collection , ` sirens ' call ' , featured mirrored embellishments , fringing , and feathers , while the hair and make-up appeared to be influenced by the great gatsby .the curtain fell on mercedes-benz fashion week australia 2015 on thursday night in a spectacular finale show by johanna johnson .johnson 's trademark gowns featured heavily in the collection , which was created in under one month , interrupted by separates of leather and cashmere .\"]\n", + "=======================\n", + "[\"final show for mbfwa took place at 7pm at the carriageworks venue in sydneyjohanna johnson 's show , called sirens ' call , was inspired by hollywood glamourthe designer said the collection was ' a call to all independent strong women 'stand-out pieces from the show included a hand-beaded mirror gown , intricate wedding gowns and gold fringing\"]\n", + "the glamorous hollywood-inspired collection , ` sirens ' call ' , featured mirrored embellishments , fringing , and feathers , while the hair and make-up appeared to be influenced by the great gatsby .the curtain fell on mercedes-benz fashion week australia 2015 on thursday night in a spectacular finale show by johanna johnson .johnson 's trademark gowns featured heavily in the collection , which was created in under one month , interrupted by separates of leather and cashmere .\n", + "final show for mbfwa took place at 7pm at the carriageworks venue in sydneyjohanna johnson 's show , called sirens ' call , was inspired by hollywood glamourthe designer said the collection was ' a call to all independent strong women 'stand-out pieces from the show included a hand-beaded mirror gown , intricate wedding gowns and gold fringing\n", + "[1.3987381 1.3056115 1.3569648 1.2692966 1.1860987 1.1399838 1.0892318\n", + " 1.0430685 1.021499 1.010769 1.0770789 1.042759 1.1937574 1.1194947\n", + " 1.1604724 1.0507567 1.006766 0. 0. ]\n", + "\n", + "[ 0 2 1 3 12 4 14 5 13 6 10 15 7 11 8 9 16 17 18]\n", + "=======================\n", + "[\"the bbc has axed richard hammond and james may from the top gear website after co-presenter jeremy clarkson was sacked from the show .the motoring programme 's website previously featured the broadcasting trio alongside the stig at the top of the page but now the racing driver appears solo in his white helmet .the bbc say the website change is to reflect the fact that none of the presenters are currently in contract\"]\n", + "=======================\n", + "[\"top gear 's website previously featured all three presenters at top of pageit now shows a single image of racing driver the stig in his white helmetbbc say change is to ` reflect that all three presenters are out of contract 'but it 's yet to confirm whether richard hammond or james may will returnjeremy clarkson was sensationally sacked from the show over a week ago\"]\n", + "the bbc has axed richard hammond and james may from the top gear website after co-presenter jeremy clarkson was sacked from the show .the motoring programme 's website previously featured the broadcasting trio alongside the stig at the top of the page but now the racing driver appears solo in his white helmet .the bbc say the website change is to reflect the fact that none of the presenters are currently in contract\n", + "top gear 's website previously featured all three presenters at top of pageit now shows a single image of racing driver the stig in his white helmetbbc say change is to ` reflect that all three presenters are out of contract 'but it 's yet to confirm whether richard hammond or james may will returnjeremy clarkson was sensationally sacked from the show over a week ago\n", + "[1.2712854 1.356565 1.2516103 1.2415365 1.24208 1.1295575 1.2068595\n", + " 1.05677 1.0838273 1.0593045 1.0459021 1.1133293 1.0711206 1.0326277\n", + " 1.0396435 1.035726 1.0180779 1.0103737 1.0268618]\n", + "\n", + "[ 1 0 2 4 3 6 5 11 8 12 9 7 10 14 15 13 18 16 17]\n", + "=======================\n", + "['brussels will say that google has used its massive dominance as a search engine to divert internet users from rivals to its own services , which include youtube and the google + social network .the european union will today accuse google of illegally abusing its supremacy on the internet search market .in one of the most high-profile competition cases of recent years , europe could fine google more than # 4 billion amid a wave of political opposition in europe to the perceived dominance of us tech companies .']\n", + "=======================\n", + "[\"the european union will accuse google of illegally abusing its supremacyit could fine google more than # 4 billion - 10 per cent of its annual revenuebrussels to say it uses search engine to divert traffic to its own servicesgoogle boasts a 90 per cent share in europe 's search engine market\"]\n", + "brussels will say that google has used its massive dominance as a search engine to divert internet users from rivals to its own services , which include youtube and the google + social network .the european union will today accuse google of illegally abusing its supremacy on the internet search market .in one of the most high-profile competition cases of recent years , europe could fine google more than # 4 billion amid a wave of political opposition in europe to the perceived dominance of us tech companies .\n", + "the european union will accuse google of illegally abusing its supremacyit could fine google more than # 4 billion - 10 per cent of its annual revenuebrussels to say it uses search engine to divert traffic to its own servicesgoogle boasts a 90 per cent share in europe 's search engine market\n", + "[1.6220256 1.4096915 1.149803 1.2839777 1.018324 1.0128511 1.0128375\n", + " 1.0125266 1.1180053 1.1297282 1.0498137 1.0420468 1.0216826 1.0282754\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 9 8 10 11 13 12 4 5 6 7 17 14 15 16 18]\n", + "=======================\n", + "['wolves striker benik afobe kept their fading promotion hopes alive as his 31st goal of the season salvaged a 1-1 sky bet championship draw against play-off rivals ipswich at molineux .afobe , who scored 19 goals on loan at mk dons before joining wolves from arsenal in january for # 2million , pounced after 50 minutes to cancel out a 21st-minute own goal from richard stearman .it was a vital strike from afobe as the black country side were heading for a third successive defeat which would have all but ended their play-off hopes .']\n", + "=======================\n", + "['richard stearman headed into his own net from a set-piece to gift ipswich an early lead at molineuxwolves equalised on 50 minutes with striker benik afobe volleying in from close rangethe result keeps ipswich sixth in the championship , just three points ahead of play-off chasing wolves']\n", + "wolves striker benik afobe kept their fading promotion hopes alive as his 31st goal of the season salvaged a 1-1 sky bet championship draw against play-off rivals ipswich at molineux .afobe , who scored 19 goals on loan at mk dons before joining wolves from arsenal in january for # 2million , pounced after 50 minutes to cancel out a 21st-minute own goal from richard stearman .it was a vital strike from afobe as the black country side were heading for a third successive defeat which would have all but ended their play-off hopes .\n", + "richard stearman headed into his own net from a set-piece to gift ipswich an early lead at molineuxwolves equalised on 50 minutes with striker benik afobe volleying in from close rangethe result keeps ipswich sixth in the championship , just three points ahead of play-off chasing wolves\n", + "[1.2643265 1.3497254 1.3220465 1.3365754 1.2679504 1.142195 1.0508655\n", + " 1.0164785 1.0171776 1.0176489 1.0146763 1.0301977 1.1869024 1.1481161\n", + " 1.0673822 1.0219798 1.0273551 1.0110438 1.0481514]\n", + "\n", + "[ 1 3 2 4 0 12 13 5 14 6 18 11 16 15 9 8 7 10 17]\n", + "=======================\n", + "['the unofficial 2012 paperback book was revealed by a plaintiff in a lawsuit filed by four sexual-assault victims who want to stop the practice of sexual assault allegations within the military being handled by commanding officers .a book of songs used by the u.s. air force contains horrifying lyrics about rape , pedophilia and homosexualitysgt. jennifer smith , who said she was sexually assaulted by a fellow airman in iraq , brought forward the songbook and she had filed an administrative complaint over the book in 2012 .']\n", + "=======================\n", + "['the 130-page songbook contains 70 songs with titles including pubic hair and the kotex song as well as bestialityone of them , the s&m man , is set to tune of the candy man and graphically describes sexually mutilating womenrevealed in lawsuit filing by four sexual-assault victims who want to stop the practice of sexual assault allegations within the military being handled entirely within the command structure']\n", + "the unofficial 2012 paperback book was revealed by a plaintiff in a lawsuit filed by four sexual-assault victims who want to stop the practice of sexual assault allegations within the military being handled by commanding officers .a book of songs used by the u.s. air force contains horrifying lyrics about rape , pedophilia and homosexualitysgt. jennifer smith , who said she was sexually assaulted by a fellow airman in iraq , brought forward the songbook and she had filed an administrative complaint over the book in 2012 .\n", + "the 130-page songbook contains 70 songs with titles including pubic hair and the kotex song as well as bestialityone of them , the s&m man , is set to tune of the candy man and graphically describes sexually mutilating womenrevealed in lawsuit filing by four sexual-assault victims who want to stop the practice of sexual assault allegations within the military being handled entirely within the command structure\n", + "[1.160909 1.3646109 1.2228943 1.3185679 1.1421663 1.0939773 1.0835454\n", + " 1.1154095 1.0875278 1.0633852 1.1298912 1.057601 1.0777658 1.0384688\n", + " 1.0468851 1.0778729 1.0314707 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 10 7 5 8 6 15 12 9 11 14 13 16 17 18]\n", + "=======================\n", + "['the london mayor was given a big kiss on his right cheek by a particularly enthusiastic voter yesterday as he helped colleagues campaign in ramsgate .boris johnson received such a positive welcome in ramsgate he was driven away with a lipstick mark on his cheekand as he got in his car later , he was spotted with red lipstick marks on his other cheek .']\n", + "=======================\n", + "[\"london mayor receives kiss from a female fan and is left with lipstick markmr johnson urged voters to block farage in key seat of south thanetin ramsgate visit he boasted that the polls were turning in tories ' favoursaid he ` profoundly and passionately ' hopes to stop farage from winning\"]\n", + "the london mayor was given a big kiss on his right cheek by a particularly enthusiastic voter yesterday as he helped colleagues campaign in ramsgate .boris johnson received such a positive welcome in ramsgate he was driven away with a lipstick mark on his cheekand as he got in his car later , he was spotted with red lipstick marks on his other cheek .\n", + "london mayor receives kiss from a female fan and is left with lipstick markmr johnson urged voters to block farage in key seat of south thanetin ramsgate visit he boasted that the polls were turning in tories ' favoursaid he ` profoundly and passionately ' hopes to stop farage from winning\n", + "[1.4165013 1.2599396 1.2560867 1.2263256 1.1976463 1.1039081 1.0292029\n", + " 1.0419776 1.0168014 1.0675234 1.1083024 1.0276945 1.0842906 1.1800286\n", + " 1.0508902 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 13 10 5 12 9 14 7 6 11 8 15 16 17 18]\n", + "=======================\n", + "[\"christy turlington burns may be about to run her fourth marathon in as many years , but the former supermodel insists that childbirth was by far her toughest challenge yet .and christy , who suffered a potentially life-threatening complication shortly after the delivery of her daughter grace , now 11 , said today she 's feeling ` stronger and healthier ' than ever .fitness fanatic : christy turlington , pictured last month training for the upcoming london marathon , says that after experiencing a tricky childbirth , ` anything ' seemed possible , including three marathons to date\"]\n", + "=======================\n", + "['supermodel gearing up for her fourth marathon in london this monthalmost died having her daughter and now wants to help other mumschristy , 46 , set up every mother counts to help women around the world']\n", + "christy turlington burns may be about to run her fourth marathon in as many years , but the former supermodel insists that childbirth was by far her toughest challenge yet .and christy , who suffered a potentially life-threatening complication shortly after the delivery of her daughter grace , now 11 , said today she 's feeling ` stronger and healthier ' than ever .fitness fanatic : christy turlington , pictured last month training for the upcoming london marathon , says that after experiencing a tricky childbirth , ` anything ' seemed possible , including three marathons to date\n", + "supermodel gearing up for her fourth marathon in london this monthalmost died having her daughter and now wants to help other mumschristy , 46 , set up every mother counts to help women around the world\n", + "[1.2662705 1.5874386 1.2436712 1.2058823 1.4186946 1.1053361 1.0233728\n", + " 1.0181159 1.0374932 1.0169929 1.0838785 1.0868932 1.1102457 1.1236142\n", + " 1.061883 1.2262131 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 2 15 3 13 12 5 11 10 14 8 6 7 9 16 17 18]\n", + "=======================\n", + "['mary todd lowrance , 49 , a teacher at moises e molina high school , turned herself into dallas independent school district police on thursday morning , according to dallas isd police chief craig miller .a texas english high school teacher has been arrested after being accused of having an improper relationship with a male student older than 17 years old .miller said the teacher had been in a relationship with the student for a couple of months .']\n", + "=======================\n", + "['mary todd lowrance , teacher at moises e molina high school , turned herself into dallas independent school district police on thursday morningdallas isd police said she had been in a relationship with student , who is older than 17 years old , for a couple of monthsshe confided in coworker who alerted authorities and police eventually got arrest warrantlowrance was booked into county jail on $ 5,000 bond and has been released from the dallas county jail , according to county recordsshe has been on leave for several weeks while investigators worked on the case , police said']\n", + "mary todd lowrance , 49 , a teacher at moises e molina high school , turned herself into dallas independent school district police on thursday morning , according to dallas isd police chief craig miller .a texas english high school teacher has been arrested after being accused of having an improper relationship with a male student older than 17 years old .miller said the teacher had been in a relationship with the student for a couple of months .\n", + "mary todd lowrance , teacher at moises e molina high school , turned herself into dallas independent school district police on thursday morningdallas isd police said she had been in a relationship with student , who is older than 17 years old , for a couple of monthsshe confided in coworker who alerted authorities and police eventually got arrest warrantlowrance was booked into county jail on $ 5,000 bond and has been released from the dallas county jail , according to county recordsshe has been on leave for several weeks while investigators worked on the case , police said\n", + "[1.311775 1.2477555 1.2497141 1.336991 1.1955994 1.1642628 1.0993179\n", + " 1.0282928 1.0647492 1.044662 1.1014694 1.0268302 1.0118754 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 1 4 5 10 6 8 9 7 11 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"a mum has come under fire for sending out invitations to her son 's first birthday in which she lists very specific requests - including some quite large and expensive gifts .she even goes as far as to require that her guests include a receipt with their gifts so that she can get the full value back if she needs to return them .the unnamed woman , whose email was shared by a recipient yesterday on reddit , demands a $ 63.99 water table from walmart , a $ 19.99 play tent , a $ 14.99 play tunnel from ikea , and a $ 7.99 cheerios book , writing : ` if you are unable to get these items , please let us know so we can buy them right away for him . '\"]\n", + "=======================\n", + "[\"mum 's email invite to her son 's first birthday was shared on redditin it she demands a $ 64 water table , a $ 20 tent , $ 15 play tunnel and a booksays gifts should n't have his name on it because personalised clothes are ` the number one thing that leads to kidnapping '\"]\n", + "a mum has come under fire for sending out invitations to her son 's first birthday in which she lists very specific requests - including some quite large and expensive gifts .she even goes as far as to require that her guests include a receipt with their gifts so that she can get the full value back if she needs to return them .the unnamed woman , whose email was shared by a recipient yesterday on reddit , demands a $ 63.99 water table from walmart , a $ 19.99 play tent , a $ 14.99 play tunnel from ikea , and a $ 7.99 cheerios book , writing : ` if you are unable to get these items , please let us know so we can buy them right away for him . '\n", + "mum 's email invite to her son 's first birthday was shared on redditin it she demands a $ 64 water table , a $ 20 tent , $ 15 play tunnel and a booksays gifts should n't have his name on it because personalised clothes are ` the number one thing that leads to kidnapping '\n", + "[1.4406527 1.4540213 1.3381648 1.4462923 1.2087951 1.0477862 1.0569867\n", + " 1.0992234 1.1445894 1.0439767 1.0212324 1.0242729 1.0099844 1.078796\n", + " 1.2239518 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 14 4 8 7 13 6 5 9 11 10 12 22 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"the slovakia international has made over 200 league appearances for the reds since arriving in 2008 but has recently been linked with a summer switch switch to wolfsburg and napoli .liverpool defender martin skrtel has rejected rumours linking him with a move away from anfield by declaring he wo n't be leaving the premier league side .the liverpool defender played in his side 's 2-1 fa cup semi-final defeat to aston villa on sunday '\"]\n", + "=======================\n", + "[\"martin skrtel has been linked with a move to wolfsburg and napolibut the liverpool defender has admitted he wants to stay at anfieldskrtel 's agent karol csonto says new contract should be finalised soonthe 30-year-old has made over 200 league appearances for the redsread : liverpool set for summer overhaul with ten kop stars on way out\"]\n", + "the slovakia international has made over 200 league appearances for the reds since arriving in 2008 but has recently been linked with a summer switch switch to wolfsburg and napoli .liverpool defender martin skrtel has rejected rumours linking him with a move away from anfield by declaring he wo n't be leaving the premier league side .the liverpool defender played in his side 's 2-1 fa cup semi-final defeat to aston villa on sunday '\n", + "martin skrtel has been linked with a move to wolfsburg and napolibut the liverpool defender has admitted he wants to stay at anfieldskrtel 's agent karol csonto says new contract should be finalised soonthe 30-year-old has made over 200 league appearances for the redsread : liverpool set for summer overhaul with ten kop stars on way out\n", + "[1.180229 1.1597011 1.1734855 1.1441864 1.1439142 1.1502907 1.0898228\n", + " 1.0553637 1.0582411 1.0703247 1.0377035 1.0384676 1.0731338 1.0198137\n", + " 1.0939059 1.074529 1.0415468 1.0178523 1.0282618 1.0255078 1.0145969\n", + " 1.013165 1.0205564 1.0258619]\n", + "\n", + "[ 0 2 1 5 3 4 14 6 15 12 9 8 7 16 11 10 18 23 19 22 13 17 20 21]\n", + "=======================\n", + "['( cnn ) we \\'re 2 degrees from a different world .\" this is gambling with the planet , \" said gernot wagner , the lead senior economist at the environmental defense fund and co-author of the book \" climate shock . \"humans never have lived on a planet that \\'s 2 degrees celsius ( 3.6 fahrenheit ) warmer than it was before we started burning fossil fuels , in the late 1800s , and climate experts say we risk fundamentally changing life on this planet if we do cross that 2-degree mark .']\n", + "=======================\n", + "[\"experts have raised red flags about the warming of planet by 2 degrees celsiusjohn sutter : this one little number is significant as a way to focus world 's attention on problem\"]\n", + "( cnn ) we 're 2 degrees from a different world .\" this is gambling with the planet , \" said gernot wagner , the lead senior economist at the environmental defense fund and co-author of the book \" climate shock . \"humans never have lived on a planet that 's 2 degrees celsius ( 3.6 fahrenheit ) warmer than it was before we started burning fossil fuels , in the late 1800s , and climate experts say we risk fundamentally changing life on this planet if we do cross that 2-degree mark .\n", + "experts have raised red flags about the warming of planet by 2 degrees celsiusjohn sutter : this one little number is significant as a way to focus world 's attention on problem\n", + "[1.168404 1.133598 1.4233098 1.0887719 1.0750694 1.1852443 1.0964338\n", + " 1.2633086 1.1349046 1.0689545 1.03245 1.0350993 1.0547197 1.022794\n", + " 1.0588003 1.0575535 1.0482769 1.0268109 1.0548757 1.0138435 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 7 5 0 8 1 6 3 4 9 14 15 18 12 16 11 10 17 13 19 22 20 21 23]\n", + "=======================\n", + "['the 79th masters attracted massive ratings in the usa and there is no surprise in that .jordan spieth wears his new green jacket after winning the masters at augusta on sundaypoliticians who try so hard to be popular could learn much from 21-year-old masters champion jordan spieth .']\n", + "=======================\n", + "['jordan spieth won his maiden major at the age of 21 at augustathe 79th masters attracted massive television ratings in the usaspieth went back onto the 18th green to formally acknowledge the crowdjack nicklaus and phil mickelson are among those to pay tribute to spieth']\n", + "the 79th masters attracted massive ratings in the usa and there is no surprise in that .jordan spieth wears his new green jacket after winning the masters at augusta on sundaypoliticians who try so hard to be popular could learn much from 21-year-old masters champion jordan spieth .\n", + "jordan spieth won his maiden major at the age of 21 at augustathe 79th masters attracted massive television ratings in the usaspieth went back onto the 18th green to formally acknowledge the crowdjack nicklaus and phil mickelson are among those to pay tribute to spieth\n", + "[1.29171 1.3905158 1.3509223 1.0920924 1.0701648 1.0426463 1.0824285\n", + " 1.1191634 1.061266 1.0627937 1.0757072 1.0746107 1.0925037 1.0808688\n", + " 1.0653099 1.0929528 1.0654203 1.0151211 1.0215527 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 7 15 12 3 6 13 10 11 4 16 14 9 8 5 18 17 22 19 20 21 23]\n", + "=======================\n", + "[\"polish authorities said last week they would ban entry to the night wolves , with leaders calling their plans to ride through poland en route to commemorations of world war ii a ` provocation ' .the group vowed to enter anyway and 15 were seen monday morning at the border crossing between brest , belarus , and terespol , poland .stopped : a belarussian border guard checks the passport of a member of russia 's pro-putin night wolves motorcycle club at a border crossing with poland near brest\"]\n", + "=======================\n", + "['the night wolves biker gang has been banned from entering polandthey are pro-putin , and the russian leader has ridden with thempoland is extremely critical of russian actions in ukrainegermany has also said that the russian bikers would not be welcome']\n", + "polish authorities said last week they would ban entry to the night wolves , with leaders calling their plans to ride through poland en route to commemorations of world war ii a ` provocation ' .the group vowed to enter anyway and 15 were seen monday morning at the border crossing between brest , belarus , and terespol , poland .stopped : a belarussian border guard checks the passport of a member of russia 's pro-putin night wolves motorcycle club at a border crossing with poland near brest\n", + "the night wolves biker gang has been banned from entering polandthey are pro-putin , and the russian leader has ridden with thempoland is extremely critical of russian actions in ukrainegermany has also said that the russian bikers would not be welcome\n", + "[1.2173494 1.4954457 1.1594942 1.2869365 1.1665778 1.2726791 1.0993598\n", + " 1.0464365 1.05119 1.1494327 1.0527585 1.2445614 1.0818127 1.0301349\n", + " 1.0300324 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 5 11 0 4 2 9 6 12 10 8 7 13 14 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "['cody knecht , of st. tammany fire district in louisiana , was sent out to rescue the baby mallards after residents reported seeing them fall down the drain .all six ducklings were reunited with their mother on saturday at their home on a nearby canala resourceful firefighter has been filmed rescuing six ducklings trapped in a storm drain - using a duck quacking ringtone to lure them out of their hiding place .']\n", + "=======================\n", + "[\"resourceful firefighter rescued all six ducklings using realistic ringtoneheartwarming clip sees him holding out phone while standing in the draineventually he is able to grasp the agitated birds and pass them up to safetybizarrely , it was the louisiana fire station 's second duck rescue this week\"]\n", + "cody knecht , of st. tammany fire district in louisiana , was sent out to rescue the baby mallards after residents reported seeing them fall down the drain .all six ducklings were reunited with their mother on saturday at their home on a nearby canala resourceful firefighter has been filmed rescuing six ducklings trapped in a storm drain - using a duck quacking ringtone to lure them out of their hiding place .\n", + "resourceful firefighter rescued all six ducklings using realistic ringtoneheartwarming clip sees him holding out phone while standing in the draineventually he is able to grasp the agitated birds and pass them up to safetybizarrely , it was the louisiana fire station 's second duck rescue this week\n", + "[1.373681 1.2439895 1.3172188 1.1725315 1.1810042 1.0469042 1.1511947\n", + " 1.0818095 1.2162749 1.0330707 1.0264032 1.0161102 1.1421283 1.1302384\n", + " 1.0721797 1.0448264 1.1608272 1.1108564 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 1 8 4 3 16 6 12 13 17 7 14 5 15 9 10 11 18 19 20 21 22]\n", + "=======================\n", + "['anthony trollope , a famous novelist , introduced post boxes to the uk in 1852 after seeing them in francethe limited edition sheet of stamps feature images of trollope and his life , including the first post box design .there are now 115,300 post boxes in the uk .']\n", + "=======================\n", + "['anthony trollope introduced post boxes to the uk in the 1850sthe victorian novelist saw them in france while working for the post officeinitially the post boxes were painted green to blend in with the landscapethe limited edition sheet of stamps feature images of trollope and his life']\n", + "anthony trollope , a famous novelist , introduced post boxes to the uk in 1852 after seeing them in francethe limited edition sheet of stamps feature images of trollope and his life , including the first post box design .there are now 115,300 post boxes in the uk .\n", + "anthony trollope introduced post boxes to the uk in the 1850sthe victorian novelist saw them in france while working for the post officeinitially the post boxes were painted green to blend in with the landscapethe limited edition sheet of stamps feature images of trollope and his life\n", + "[1.1144402 1.4533794 1.2790067 1.3717338 1.0711825 1.1032772 1.0662004\n", + " 1.0220244 1.0907081 1.0285014 1.0225304 1.0767586 1.1490141 1.0252346\n", + " 1.0905766 1.1075878 1.0559833 1.0225952 1.0241143 1.012722 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 12 0 15 5 8 14 11 4 6 16 9 13 18 17 10 7 19 21 20 22]\n", + "=======================\n", + "['both william and kate , whose new little prince or princess is due tomorrow , have been seen out on shopping trips this week .on monday , the mother to be was spotted in her local homeware store , zara home , in kensington high street , a short hop from her apartment at kensington palace .of course , this autumn/winter 2014 collection topper is now all sold out , but click ( right ) to check out the mulberry coats currently available to buy .']\n", + "=======================\n", + "[\"both william and kate appear to be relaxed about baby 's imminent arrivalthe two were spotted shopping in kensington and chelsea this weekthe duchess bought a basket of goods for prince george from zara homeand prince william bought # 800 of jumpers and jeans from peter jones\"]\n", + "both william and kate , whose new little prince or princess is due tomorrow , have been seen out on shopping trips this week .on monday , the mother to be was spotted in her local homeware store , zara home , in kensington high street , a short hop from her apartment at kensington palace .of course , this autumn/winter 2014 collection topper is now all sold out , but click ( right ) to check out the mulberry coats currently available to buy .\n", + "both william and kate appear to be relaxed about baby 's imminent arrivalthe two were spotted shopping in kensington and chelsea this weekthe duchess bought a basket of goods for prince george from zara homeand prince william bought # 800 of jumpers and jeans from peter jones\n", + "[1.292537 1.1087924 1.3336544 1.1382838 1.1945568 1.2573721 1.1433135\n", + " 1.0296444 1.1126301 1.1045898 1.0719446 1.1357777 1.0404357 1.0554311\n", + " 1.0808977 1.0748732 1.0275244 1.0088383 1.0100787 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 5 4 6 3 11 8 1 9 14 15 10 13 12 7 16 18 17 21 19 20 22]\n", + "=======================\n", + "[\"least favourite cheeses , according to a new survey , are greek feta , french camembert and american cream cheese .the average briton eats four servings of cheese a weeka third of brits ( 30 per cent ) say they ca n't enjoy cheese without a dollop of their favourite pickle while almost three quarters admitted to reaching out for a cheese sandwich when feeling peckish .\"]\n", + "=======================\n", + "['the average briton eats four servings of cheese a week , study revealsthree in ten workers tuck into cheese sandwiches for their lunch everydaymozzarella and red leicester are second and third favourite cheeses in uk']\n", + "least favourite cheeses , according to a new survey , are greek feta , french camembert and american cream cheese .the average briton eats four servings of cheese a weeka third of brits ( 30 per cent ) say they ca n't enjoy cheese without a dollop of their favourite pickle while almost three quarters admitted to reaching out for a cheese sandwich when feeling peckish .\n", + "the average briton eats four servings of cheese a week , study revealsthree in ten workers tuck into cheese sandwiches for their lunch everydaymozzarella and red leicester are second and third favourite cheeses in uk\n", + "[1.2292125 1.4130726 1.0849988 1.0782963 1.1417956 1.2618673 1.1695575\n", + " 1.1225868 1.1301234 1.1169726 1.0892329 1.1539102 1.0806541 1.0360465\n", + " 1.017838 1.0218298 1.0727926 1.0683427 1.0814029 1.0110137 1.0088888\n", + " 1.011889 1.0162281]\n", + "\n", + "[ 1 5 0 6 11 4 8 7 9 10 2 18 12 3 16 17 13 15 14 22 21 19 20]\n", + "=======================\n", + "[\"last night the victim , mike lane , 40 , who was beaten by balaclava-clad protesters armed with iron bars on ropes , condemned the decision by police as ` pathetic ' .attack : mike lane ,40 , who is joint master of the tedworth hunt , on the ground during the confrontation with hunt saboteurspolice have dropped an investigation into a vicious assault on a huntsman just three months after it took place -- despite a wealth of evidence pointing to the identity of a suspected attacker .\"]\n", + "=======================\n", + "[\"mike lane was beaten by masked protesters armed with iron bars on ropesattack happened as 30 riders and hounds were chasing artificial scentwiltshire police handed video footage and some names of saboteursdecision by police to drop probe branded ` pathetic ' by 40-year-old\"]\n", + "last night the victim , mike lane , 40 , who was beaten by balaclava-clad protesters armed with iron bars on ropes , condemned the decision by police as ` pathetic ' .attack : mike lane ,40 , who is joint master of the tedworth hunt , on the ground during the confrontation with hunt saboteurspolice have dropped an investigation into a vicious assault on a huntsman just three months after it took place -- despite a wealth of evidence pointing to the identity of a suspected attacker .\n", + "mike lane was beaten by masked protesters armed with iron bars on ropesattack happened as 30 riders and hounds were chasing artificial scentwiltshire police handed video footage and some names of saboteursdecision by police to drop probe branded ` pathetic ' by 40-year-old\n", + "[1.272347 1.2367752 1.3162603 1.231315 1.2048994 1.134858 1.0747764\n", + " 1.1102918 1.0303147 1.026517 1.2072766 1.1232234 1.035221 1.045395\n", + " 1.0631317 1.0219758 1.0139476 1.0321418 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 1 3 10 4 5 11 7 6 14 13 12 17 8 9 15 16 21 18 19 20 22]\n", + "=======================\n", + "[\"invitations to the service at st paul 's cathedral advise that it will avoid glorifying the duke of wellington 's historic victory over napoleon in 1815 .defeated : napoleon ( illustrated ) lost at the battle of waterloo in 1815but last night the move was criticised by politicians , who said it ` took political correctness to an absurd new degree ' .\"]\n", + "=======================\n", + "[\"guests attending battle of waterloo anniversary service told not to gloatinvitations to the event said it must not be seen as ` triumphalist 'the move was criticised by politicians as ` absurd ' political correctness\"]\n", + "invitations to the service at st paul 's cathedral advise that it will avoid glorifying the duke of wellington 's historic victory over napoleon in 1815 .defeated : napoleon ( illustrated ) lost at the battle of waterloo in 1815but last night the move was criticised by politicians , who said it ` took political correctness to an absurd new degree ' .\n", + "guests attending battle of waterloo anniversary service told not to gloatinvitations to the event said it must not be seen as ` triumphalist 'the move was criticised by politicians as ` absurd ' political correctness\n", + "[1.3555571 1.3731287 1.258857 1.3283644 1.1717113 1.1173979 1.1022956\n", + " 1.0293397 1.135129 1.0245736 1.0953315 1.0331022 1.0498976 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 8 5 6 10 12 11 7 9 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"mrs fairhead , 53 , has said she wants to stay for a least another year , but yesterday it emerged that two major investors and a leading shareholder group have voted to get rid of her .bbc trust chairman rona fairhead is facing calls to step down immediately as a director of hsbc over her links to the bank 's tax scandal .she has been under mounting pressure to quit both of her lucrative positions , at the bbc and the scandal-hit bank , after claims that hsbc 's swiss operation helped wealthy clients hide billions from the taxman .\"]\n", + "=======================\n", + "[\"rona fairhead is facing immediate calls to step down as director of hsbcit 's after claims swiss arm helped wealthy clients hide billions from taxmanshe was criticised by mps as ` incredibly naive ' for failing to notice scandalamerican investors lodged their votes to get rid of the bbc trust chairman\"]\n", + "mrs fairhead , 53 , has said she wants to stay for a least another year , but yesterday it emerged that two major investors and a leading shareholder group have voted to get rid of her .bbc trust chairman rona fairhead is facing calls to step down immediately as a director of hsbc over her links to the bank 's tax scandal .she has been under mounting pressure to quit both of her lucrative positions , at the bbc and the scandal-hit bank , after claims that hsbc 's swiss operation helped wealthy clients hide billions from the taxman .\n", + "rona fairhead is facing immediate calls to step down as director of hsbcit 's after claims swiss arm helped wealthy clients hide billions from taxmanshe was criticised by mps as ` incredibly naive ' for failing to notice scandalamerican investors lodged their votes to get rid of the bbc trust chairman\n", + "[1.3085464 1.4631834 1.2459313 1.2595067 1.23427 1.0612155 1.0362822\n", + " 1.1648933 1.0872576 1.1993712 1.0766493 1.06415 1.0299073 1.0915623\n", + " 1.0620689 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 9 7 13 8 10 11 14 5 6 12 18 15 16 17 19]\n", + "=======================\n", + "[\"cui hongfang , from heilongjiang province in north-eastern china , hit the back of her head on a corner of the stone wall after she collided with the 38-year-old canadian woman .a 73-year-old woman died in front of horrified family members after she was knocked over by a canadian tourist while visiting the great wall of china .cui hongfang 's family told chinese media that the canadian tourist was running down steep steps\"]\n", + "=======================\n", + "[\"cui hongfang hit the back of her head on a corner of the stone wallpolice have ruled it an accident , but are still investigatingvictim 's family said the tourist was running on a steep section of the wall\"]\n", + "cui hongfang , from heilongjiang province in north-eastern china , hit the back of her head on a corner of the stone wall after she collided with the 38-year-old canadian woman .a 73-year-old woman died in front of horrified family members after she was knocked over by a canadian tourist while visiting the great wall of china .cui hongfang 's family told chinese media that the canadian tourist was running down steep steps\n", + "cui hongfang hit the back of her head on a corner of the stone wallpolice have ruled it an accident , but are still investigatingvictim 's family said the tourist was running on a steep section of the wall\n", + "[1.3094096 1.257554 1.263456 1.2660238 1.333667 1.1475773 1.0914094\n", + " 1.0223076 1.0750831 1.0183771 1.0227429 1.0854024 1.0304765 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 0 3 2 1 5 6 11 8 12 10 7 9 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"chris ball made made the most heartbreaking final goodbye video to his family before taking his own lifehis family have shared the heartbreaking video publicly to raise awareness of the crippling disease , which takes the lives of more young australians than car accidents and skin cancer , as part of a petition to call for more beds for suicidal youths in hospitals .on september 14 last year , chris 's brother jayden - who is only one year younger - and their stepfather found chris 's body along with a usb stick containing the video sitting on top of a piece of paper which simply said : ` mum and dad , please watch . '\"]\n", + "=======================\n", + "['chris ball made a video to say goodbye to his family before taking his lifehe told them they were not to blame for his disease and that he loved themhe had been suffering from depression for two and a half yearshe was turned away from brisbane hospital due to no beds 11 days earlierbrisbane man , 21 , is the fifth family member to have committed suicidehis mother kerrie keepa has started a petition to call on the government to allocate more beds for suicidal youths in hospitals']\n", + "chris ball made made the most heartbreaking final goodbye video to his family before taking his own lifehis family have shared the heartbreaking video publicly to raise awareness of the crippling disease , which takes the lives of more young australians than car accidents and skin cancer , as part of a petition to call for more beds for suicidal youths in hospitals .on september 14 last year , chris 's brother jayden - who is only one year younger - and their stepfather found chris 's body along with a usb stick containing the video sitting on top of a piece of paper which simply said : ` mum and dad , please watch . '\n", + "chris ball made a video to say goodbye to his family before taking his lifehe told them they were not to blame for his disease and that he loved themhe had been suffering from depression for two and a half yearshe was turned away from brisbane hospital due to no beds 11 days earlierbrisbane man , 21 , is the fifth family member to have committed suicidehis mother kerrie keepa has started a petition to call on the government to allocate more beds for suicidal youths in hospitals\n", + "[1.1032715 1.4558332 1.231097 1.3439062 1.1785 1.0491183 1.043679\n", + " 1.1524309 1.0496708 1.0599499 1.0647976 1.0251272 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 7 0 10 9 8 5 6 11 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"in just eight weeks , lily james , the british star of disney 's new blockbuster cinderella , has worn more than # 300,000 worth of frocks , shoes and jewellery designed by the glitziest names in fashion as she 's promoted her film .from # 3,000 jimmy choo shoes to a # 35,000 gown and a # 40,000 necklace , claudia connell and eliza scarborough reveal how downton abbey star lily 's very special wardrobe would be a stretch even for prince charming 's bulging wallet .on february 13 , the beautiful lily james who is famous for playing lady rose in downton abbey goes braless in berlin in a creation by greek designer mary katrantzou ( # 5,400 ) .\"]\n", + "=======================\n", + "[\"lily james , the british star of the upcoming cinderella film , has traveled the world promoting the disney fairy taledownton abbey star 's 20 stunning outfits included # 70,000 silk gown by christian dior and even a # 40,000 necklaceattended premieres in mexico , canada , london and tokyo - where she revealed her most ` disney princess ' look\"]\n", + "in just eight weeks , lily james , the british star of disney 's new blockbuster cinderella , has worn more than # 300,000 worth of frocks , shoes and jewellery designed by the glitziest names in fashion as she 's promoted her film .from # 3,000 jimmy choo shoes to a # 35,000 gown and a # 40,000 necklace , claudia connell and eliza scarborough reveal how downton abbey star lily 's very special wardrobe would be a stretch even for prince charming 's bulging wallet .on february 13 , the beautiful lily james who is famous for playing lady rose in downton abbey goes braless in berlin in a creation by greek designer mary katrantzou ( # 5,400 ) .\n", + "lily james , the british star of the upcoming cinderella film , has traveled the world promoting the disney fairy taledownton abbey star 's 20 stunning outfits included # 70,000 silk gown by christian dior and even a # 40,000 necklaceattended premieres in mexico , canada , london and tokyo - where she revealed her most ` disney princess ' look\n", + "[1.2742347 1.4113321 1.2553608 1.1423835 1.1822183 1.2636417 1.0776674\n", + " 1.0976726 1.0940405 1.0737985 1.0963975 1.1257808 1.0402251 1.0458732\n", + " 1.0568105 1.0230436 1.018103 1.1089044 1.0528252 1.0284897]\n", + "\n", + "[ 1 0 5 2 4 3 11 17 7 10 8 6 9 14 18 13 12 19 15 16]\n", + "=======================\n", + "['the person , who will not be identified until their arraignment on monday , was taken into custody after the bag was found on loughery way in cambridge on saturday morning , according to authorities .a suspect has been arrested after a duffel bag containing human remains was found near a police station in massachusetts - as more remains have been discovered inside an apartment building .they have not been charged with homicide .']\n", + "=======================\n", + "[\"bag was discovered near cambridge police station on saturday morningmore human remains later found in a common area of apartment buildinga suspect has been arrested and charged with ` accessory ' , not homicidethey will not be identified until the arraignment on monday , officials saidcambridge police are treating grisly situation as homicide investigation\"]\n", + "the person , who will not be identified until their arraignment on monday , was taken into custody after the bag was found on loughery way in cambridge on saturday morning , according to authorities .a suspect has been arrested after a duffel bag containing human remains was found near a police station in massachusetts - as more remains have been discovered inside an apartment building .they have not been charged with homicide .\n", + "bag was discovered near cambridge police station on saturday morningmore human remains later found in a common area of apartment buildinga suspect has been arrested and charged with ` accessory ' , not homicidethey will not be identified until the arraignment on monday , officials saidcambridge police are treating grisly situation as homicide investigation\n", + "[1.3180497 1.4328594 1.1149347 1.0374686 1.0392365 1.2221886 1.2450051\n", + " 1.0515088 1.0271035 1.0805466 1.0404052 1.0440434 1.0257612 1.052847\n", + " 1.0483143 1.0840741 0. 0. 0. ]\n", + "\n", + "[ 1 0 6 5 2 15 9 13 7 14 11 10 4 3 8 12 17 16 18]\n", + "=======================\n", + "[\"the facebook page of the so-called disciples of the new dawn has sparked an internet firestorm as thousands of mothers share , and comment on , the group 's anti-cesarean memes , expressing their disgust at the outrageous messages they express ; the community , led by father patrick embry , is using the images to encourage fellow christians to shame ` lazy ' and ` negligent ' mothers who have elected to undergo c-sections .mothers across the globe have been left outraged by an alleged religious community that is criticizing moms for having cesarean sections instead of natural childbirths -- creating a series of insulting campaign images , or memes , that claim they ` did n't really give birth ' .propaganda : the religious community claims women will be ` cast into the lake of fire ' if they undergo a c-section\"]\n", + "=======================\n", + "[\"one of the images posted on the disciples of the new dawn facebook page has been shared nearly 80,000 times since it was posted on sundaywhile it is unclear if the group is genuine - or a satire - its messages have prompted thousands of women to share their own c-section storiesothers are committing their support to past petitions to have the community 's page removed from facebook\"]\n", + "the facebook page of the so-called disciples of the new dawn has sparked an internet firestorm as thousands of mothers share , and comment on , the group 's anti-cesarean memes , expressing their disgust at the outrageous messages they express ; the community , led by father patrick embry , is using the images to encourage fellow christians to shame ` lazy ' and ` negligent ' mothers who have elected to undergo c-sections .mothers across the globe have been left outraged by an alleged religious community that is criticizing moms for having cesarean sections instead of natural childbirths -- creating a series of insulting campaign images , or memes , that claim they ` did n't really give birth ' .propaganda : the religious community claims women will be ` cast into the lake of fire ' if they undergo a c-section\n", + "one of the images posted on the disciples of the new dawn facebook page has been shared nearly 80,000 times since it was posted on sundaywhile it is unclear if the group is genuine - or a satire - its messages have prompted thousands of women to share their own c-section storiesothers are committing their support to past petitions to have the community 's page removed from facebook\n", + "[1.4527482 1.3924667 1.4822344 1.4053382 1.1252058 1.0583683 1.0202842\n", + " 1.013242 1.0136346 1.0136427 1.0109037 1.2251503 1.1862332 1.111125\n", + " 1.0222024 1.0202016 1.0233386 1.0093126 1.0091833]\n", + "\n", + "[ 2 0 3 1 11 12 4 13 5 16 14 6 15 9 8 7 10 17 18]\n", + "=======================\n", + "[\"mcilroy is looking to claim his first green jacket and become just the sixth player to win all four major titles after gene sarazen , ben hogan , gary player , jack nicklaus and tiger woods .rory mcilroy believes it is ` unthinkable ' that he will not win the masters at some point to complete the career grand slam .rory mcilroy tees off at the arnold palmer invitational golf tournament in orlando on march 19\"]\n", + "=======================\n", + "['final-round collapse at augusta national in 2011 was the most important day of career , mcilroy revealsmcilroy has just one top-10 finish to his name in six masters appearancesthe northern irishman finished joint eighth last year']\n", + "mcilroy is looking to claim his first green jacket and become just the sixth player to win all four major titles after gene sarazen , ben hogan , gary player , jack nicklaus and tiger woods .rory mcilroy believes it is ` unthinkable ' that he will not win the masters at some point to complete the career grand slam .rory mcilroy tees off at the arnold palmer invitational golf tournament in orlando on march 19\n", + "final-round collapse at augusta national in 2011 was the most important day of career , mcilroy revealsmcilroy has just one top-10 finish to his name in six masters appearancesthe northern irishman finished joint eighth last year\n", + "[1.467977 1.1475338 1.1021197 1.2020584 1.1838858 1.1308658 1.1141864\n", + " 1.0844994 1.0590067 1.0369405 1.0594198 1.0799866 1.0367428 1.0279638\n", + " 1.0437918 1.0566483 1.0194184 1.0759597 0. ]\n", + "\n", + "[ 0 3 4 1 5 6 2 7 11 17 10 8 15 14 9 12 13 16 18]\n", + "=======================\n", + "[\"the draw for the champions league has pitted pep guardiola 's bayern munich against his former club barcelona , while handing italian champions a daunting task against holders real madrid .bayern have an excellent champions league pedigree , with a coach in pep guardiola who won this competition twice at barcelona and a squad that has retained its best players since beating borussia dortmund in the final at wembley two years ago .with sub-plots aplenty , and quality assured , the final four of european 's premier competition will all feel they have a real chance of adding to their european titles .\"]\n", + "=======================\n", + "[\"bayern munich dmonstrated their quality in second-leg demolition of portobut pep guardiola 's side still have major vulnerabilities , as first leg showedreal madrid may struggle without luka modric , despite easier drawjuventus ' defence is reason for hope , but andrea pirlo is past his peakbarcelona 's front three is formidable , but they lack required depth\"]\n", + "the draw for the champions league has pitted pep guardiola 's bayern munich against his former club barcelona , while handing italian champions a daunting task against holders real madrid .bayern have an excellent champions league pedigree , with a coach in pep guardiola who won this competition twice at barcelona and a squad that has retained its best players since beating borussia dortmund in the final at wembley two years ago .with sub-plots aplenty , and quality assured , the final four of european 's premier competition will all feel they have a real chance of adding to their european titles .\n", + "bayern munich dmonstrated their quality in second-leg demolition of portobut pep guardiola 's side still have major vulnerabilities , as first leg showedreal madrid may struggle without luka modric , despite easier drawjuventus ' defence is reason for hope , but andrea pirlo is past his peakbarcelona 's front three is formidable , but they lack required depth\n", + "[1.3629599 1.4083321 1.1777962 1.3128805 1.1589952 1.0819534 1.0965302\n", + " 1.0943437 1.1378678 1.1018178 1.0445672 1.0646052 1.036776 1.0380365\n", + " 1.050248 1.0518789 1.1070381 1.0734152 0. ]\n", + "\n", + "[ 1 0 3 2 4 8 16 9 6 7 5 17 11 15 14 10 13 12 18]\n", + "=======================\n", + "[\"the 21-year-old singer argued with security after being stopped at the artists ' entrance where drake was performing at the event in indio , california .justin bieber was reportedly placed in a chokehold by security and booted from the coachella music festival over the weekend .the drama unfurled on sunday night when the canadian pop star and his entourage tried to gain entry to drake 's gig .\"]\n", + "=======================\n", + "[\"singer arrived at artists ' entrance to gain entry to drake 's gigsecurity told him area was at full capacity and denied admissiona row erupted and a coachella staffer tried to get bieber into the gigbut festival security then intervened and put singer in chokehold and removed him from the area\"]\n", + "the 21-year-old singer argued with security after being stopped at the artists ' entrance where drake was performing at the event in indio , california .justin bieber was reportedly placed in a chokehold by security and booted from the coachella music festival over the weekend .the drama unfurled on sunday night when the canadian pop star and his entourage tried to gain entry to drake 's gig .\n", + "singer arrived at artists ' entrance to gain entry to drake 's gigsecurity told him area was at full capacity and denied admissiona row erupted and a coachella staffer tried to get bieber into the gigbut festival security then intervened and put singer in chokehold and removed him from the area\n", + "[1.045327 1.2067454 1.379899 1.3488777 1.3615324 1.172947 1.1725428\n", + " 1.0951228 1.1632361 1.0454123 1.0212263 1.1644106 1.0511988 1.0812876\n", + " 1.038912 0. 0. 0. 0. ]\n", + "\n", + "[ 2 4 3 1 5 6 11 8 7 13 12 9 0 14 10 17 15 16 18]\n", + "=======================\n", + "[\"called the nanoheat wireless heated mug , the $ 39.99 ( # 26 ) gadget can maintain the temperature at around 71 °c ( 160 °f ) for up to 45 minutes - giving you plenty of time to drink it all .with this in mind , engineers have created a heated mug designed to keep the temperature ` just right ' from the first sip to the last drop .the goldilocks principle is a scientific term for when the state of something falls within certain margins , based on the children 's story the three bears .\"]\n", + "=======================\n", + "['the $ 39.99 ( # 26 ) gadget is called the nanoheat wireless heated mugit keeps hot drinks at between 68 and 71 °c ( 155 and 160 °f ) for 45 minutesmug can be used more than seven times before it needs to be chargedand it can be charged wirelessly or using a traditional usb cord']\n", + "called the nanoheat wireless heated mug , the $ 39.99 ( # 26 ) gadget can maintain the temperature at around 71 °c ( 160 °f ) for up to 45 minutes - giving you plenty of time to drink it all .with this in mind , engineers have created a heated mug designed to keep the temperature ` just right ' from the first sip to the last drop .the goldilocks principle is a scientific term for when the state of something falls within certain margins , based on the children 's story the three bears .\n", + "the $ 39.99 ( # 26 ) gadget is called the nanoheat wireless heated mugit keeps hot drinks at between 68 and 71 °c ( 155 and 160 °f ) for 45 minutesmug can be used more than seven times before it needs to be chargedand it can be charged wirelessly or using a traditional usb cord\n", + "[1.315242 1.3965207 1.2032752 1.2076918 1.2205669 1.1749368 1.229857\n", + " 1.1183463 1.0722928 1.1501131 1.1698104 1.1062324 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 6 4 3 2 5 10 9 7 11 8 22 12 13 14 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"mouscron , in belgium 's pro league , had a partnership with lille but the french side are now poised to link up with another belgian club , ostend , leaving room for a new deal and chelsea are the preferred option .chelsea are in early discussions over a possible partnership with belgian club royal mouscron-peruwelz .they are 13th in the table , two points above the relegation places .\"]\n", + "=======================\n", + "[\"chelsea are in early discussions over a possible partnership in belgiumthe pro league 's royal mouscron-peruwelz are the prospective partnerschelsea already have an agreement with vitesse arnheim in hollandclick here for all the latest chelsea news\"]\n", + "mouscron , in belgium 's pro league , had a partnership with lille but the french side are now poised to link up with another belgian club , ostend , leaving room for a new deal and chelsea are the preferred option .chelsea are in early discussions over a possible partnership with belgian club royal mouscron-peruwelz .they are 13th in the table , two points above the relegation places .\n", + "chelsea are in early discussions over a possible partnership in belgiumthe pro league 's royal mouscron-peruwelz are the prospective partnerschelsea already have an agreement with vitesse arnheim in hollandclick here for all the latest chelsea news\n", + "[1.2582617 1.2949411 1.2928001 1.1584227 1.1108338 1.204992 1.0962665\n", + " 1.0581547 1.0789543 1.0688376 1.063195 1.0474724 1.0344253 1.0721996\n", + " 1.0694333 1.100426 1.0590414 1.0809467 1.056012 1.0562341 1.0598006\n", + " 1.0667568 1.0570402 1.0499316]\n", + "\n", + "[ 1 2 0 5 3 4 15 6 17 8 13 14 9 21 10 20 16 7 22 19 18 23 11 12]\n", + "=======================\n", + "[\"authorities said initial tests suggested there had been no leaks from the plant 's three tanks of burning hydrocarbon liquids and no signs of contamination of the environment following the blast at goure px plant in zhangzhou , fujian province -- the second explosion to hit the factory in 20 months .hundreds of residents were evacuated from their homes in the surrounding area after the blast on monday night , while 177 fire engines and 829 firefighters battled the blaze .nineteen people needed medical treatment and hundreds of firefighters deployed to fight a huge blaze at a chinese chemical plant that produces a toxic chemical .\"]\n", + "=======================\n", + "['plant in zhangzhou , fujian province , is used to make a toxic chemicalnineteen people required medical treatment after blast caused by oil leakplant produces paraxylene , which can cause eye , nose and throat irritationit is the second accident at the controversial plant in 20 monthsit took 177 fire engines and 829 firefighters to bring blaze under control']\n", + "authorities said initial tests suggested there had been no leaks from the plant 's three tanks of burning hydrocarbon liquids and no signs of contamination of the environment following the blast at goure px plant in zhangzhou , fujian province -- the second explosion to hit the factory in 20 months .hundreds of residents were evacuated from their homes in the surrounding area after the blast on monday night , while 177 fire engines and 829 firefighters battled the blaze .nineteen people needed medical treatment and hundreds of firefighters deployed to fight a huge blaze at a chinese chemical plant that produces a toxic chemical .\n", + "plant in zhangzhou , fujian province , is used to make a toxic chemicalnineteen people required medical treatment after blast caused by oil leakplant produces paraxylene , which can cause eye , nose and throat irritationit is the second accident at the controversial plant in 20 monthsit took 177 fire engines and 829 firefighters to bring blaze under control\n", + "[1.1628908 1.4884955 1.2964016 1.3033732 1.1166612 1.2347963 1.1462157\n", + " 1.0366076 1.1645436 1.1214862 1.0242046 1.0321213 1.1023303 1.0922432\n", + " 1.0376076 1.0177939 1.0093374 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 5 8 0 6 9 4 12 13 14 7 11 10 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"ten-year-old martha had been with her owner on the beach in leasowe in merseyside and was paddling in the water when she was caught out by a strong current .but as they were unable to save their pet , new brighton 's rnli crew were called and managed to find martha who was cold and shivering .this is the dramatic moment a golden retriever had to be rescued from the water after being swept half a mile out to sea while playing on the shoreline .\"]\n", + "=======================\n", + "['martha , aged 10 , had been paddling in the water when she was swept outher owner launched their own rescue but was unable to grab the petrnli eventually found the golden retriever who was cold and shiveringbrought her back to the shore after managing to grab her by the collar']\n", + "ten-year-old martha had been with her owner on the beach in leasowe in merseyside and was paddling in the water when she was caught out by a strong current .but as they were unable to save their pet , new brighton 's rnli crew were called and managed to find martha who was cold and shivering .this is the dramatic moment a golden retriever had to be rescued from the water after being swept half a mile out to sea while playing on the shoreline .\n", + "martha , aged 10 , had been paddling in the water when she was swept outher owner launched their own rescue but was unable to grab the petrnli eventually found the golden retriever who was cold and shiveringbrought her back to the shore after managing to grab her by the collar\n", + "[1.3356767 1.4069848 1.1616505 1.092428 1.2270921 1.1968379 1.3976003\n", + " 1.028557 1.0385524 1.0200849 1.0857407 1.0193557 1.0222878 1.0231222\n", + " 1.0203172 1.019118 1.0640023 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 6 0 4 5 2 3 10 16 8 7 13 12 14 9 11 15 22 17 18 19 20 21 23]\n", + "=======================\n", + "[\"bennett labelled the tight end ` soft ' and ` overrated ' , not to mention adding that ` he did n't like him as a person or a player ' , after seattle 's playoff win over the saints two years ago .jimmy graham signed a deal with seattle which gives russell wilson a 6ft 7in target to aim atsome see the addition of jimmy graham to the seattle seahawks ' offense as one of the best moves of free agency , but michael bennett still thinks he 's overrated .\"]\n", + "=======================\n", + "[\"bennett slated graham after the seahawks beat the saints in the playoffs two years agoand even though the tight end joined seattle , the defensive lineman says his views have not changed` just because he 's on my team i do n't stop feeling that way , ' he saidbennett also denied he asked for a trade to the atlanta falcons\"]\n", + "bennett labelled the tight end ` soft ' and ` overrated ' , not to mention adding that ` he did n't like him as a person or a player ' , after seattle 's playoff win over the saints two years ago .jimmy graham signed a deal with seattle which gives russell wilson a 6ft 7in target to aim atsome see the addition of jimmy graham to the seattle seahawks ' offense as one of the best moves of free agency , but michael bennett still thinks he 's overrated .\n", + "bennett slated graham after the seahawks beat the saints in the playoffs two years agoand even though the tight end joined seattle , the defensive lineman says his views have not changed` just because he 's on my team i do n't stop feeling that way , ' he saidbennett also denied he asked for a trade to the atlanta falcons\n", + "[1.0889467 1.118181 1.2794033 1.1130944 1.1543124 1.2476623 1.1544173\n", + " 1.1397073 1.0759066 1.0726398 1.1226181 1.0942726 1.0795592 1.0270303\n", + " 1.0438569 1.0853508 1.0158625 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 5 6 4 7 10 1 3 11 0 15 12 8 9 14 13 16 22 17 18 19 20 21 23]\n", + "=======================\n", + "[\"and now , the secret behind the 34-year-old reality tv star 's glowing skin has been revealed .the mother-of-one , who shared her beauty essentials on instagram , protects her skin with a # 65 ( $ 96 ) creme de la mer spf 30 uv protecting fluid , which claims to prevent the appearance of discolorations while providing protection from the sun .the cream , which is packed with gemstones , peculiar sounding ` photonic spheres ' and smart seaweeds , can also be used as a make-up primer .\"]\n", + "=======================\n", + "['kim , 34 , shared make-up bag contents on instagramincludes clarisonic brush , hairbrush from her own range and rose waterstar is also getting set to launch new kidswear range']\n", + "and now , the secret behind the 34-year-old reality tv star 's glowing skin has been revealed .the mother-of-one , who shared her beauty essentials on instagram , protects her skin with a # 65 ( $ 96 ) creme de la mer spf 30 uv protecting fluid , which claims to prevent the appearance of discolorations while providing protection from the sun .the cream , which is packed with gemstones , peculiar sounding ` photonic spheres ' and smart seaweeds , can also be used as a make-up primer .\n", + "kim , 34 , shared make-up bag contents on instagramincludes clarisonic brush , hairbrush from her own range and rose waterstar is also getting set to launch new kidswear range\n", + "[1.1824698 1.1868837 1.2241071 1.3926659 1.0698994 1.0655824 1.0945396\n", + " 1.1337497 1.0576732 1.1954917 1.038204 1.0208778 1.035651 1.1179669\n", + " 1.0454217 1.0966321 1.0464792 1.0372014 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 2 9 1 0 7 13 15 6 4 5 8 16 14 10 17 12 11 20 18 19 21]\n", + "=======================\n", + "[\"durham university scientists studied a ` clump ' of dark matter that appears to be lagging behind its galaxy - suggesting it interacts with itself .now an international team of researchers at durham university has found a clump offset from a galaxy by 5,000 light-years , suggesting that is not the case .until now it was thought that dark matter did not interact with anything other than gravity , earning it its ` dark ' moniker and making its detection incredibly difficult .\"]\n", + "=======================\n", + "[\"durham university scientists studied a ` clump ' of dark matterit was found to lag behind the galaxy it was associated withthis suggests dark matter particles can self-interact and slow downit means dark matter may not be as oblivious to our universe as we thought\"]\n", + "durham university scientists studied a ` clump ' of dark matter that appears to be lagging behind its galaxy - suggesting it interacts with itself .now an international team of researchers at durham university has found a clump offset from a galaxy by 5,000 light-years , suggesting that is not the case .until now it was thought that dark matter did not interact with anything other than gravity , earning it its ` dark ' moniker and making its detection incredibly difficult .\n", + "durham university scientists studied a ` clump ' of dark matterit was found to lag behind the galaxy it was associated withthis suggests dark matter particles can self-interact and slow downit means dark matter may not be as oblivious to our universe as we thought\n", + "[1.2125537 1.096507 1.0980182 1.257923 1.294582 1.1098946 1.0676147\n", + " 1.0557331 1.0466527 1.1455965 1.0591328 1.086095 1.078085 1.0811654\n", + " 1.0553291 1.0205327 1.075943 1.0501828 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 4 3 0 9 5 2 1 11 13 12 16 6 10 7 14 17 8 15 18 19 20 21]\n", + "=======================\n", + "[\"simeone talks to his squad ahead of real madrid 's visit on tuesday night in the quarter final first legdiego simeone shows off his playing skills as he prepare atletico madrid for their champions league clashone of diego simeone 's many managerial mantras -- and there are already enough to fill a volume that would rival louis van gaal 's biographie & vision -- is : ` i always think that tomorrow i could be sacked ' .\"]\n", + "=======================\n", + "[\"real madrid face atletico in champions league quarter-final on tuesdayatletico have won four and drawn two against real madrid this seasonsimeone looking to avenge last year 's champions league final defeatatletico wo n't retain la liga title , but believe they can challenge in europeread : fernando torres credits simeone as key to atletico madrid success\"]\n", + "simeone talks to his squad ahead of real madrid 's visit on tuesday night in the quarter final first legdiego simeone shows off his playing skills as he prepare atletico madrid for their champions league clashone of diego simeone 's many managerial mantras -- and there are already enough to fill a volume that would rival louis van gaal 's biographie & vision -- is : ` i always think that tomorrow i could be sacked ' .\n", + "real madrid face atletico in champions league quarter-final on tuesdayatletico have won four and drawn two against real madrid this seasonsimeone looking to avenge last year 's champions league final defeatatletico wo n't retain la liga title , but believe they can challenge in europeread : fernando torres credits simeone as key to atletico madrid success\n", + "[1.2561178 1.4196755 1.1949501 1.1759627 1.0989008 1.2195816 1.0635949\n", + " 1.0500298 1.0504372 1.0586727 1.0749319 1.0871943 1.0912175 1.0693747\n", + " 1.0962652 1.0461909 1.1518054 1.0543512 1.0590699 1.0157278 1.0242215\n", + " 0. ]\n", + "\n", + "[ 1 0 5 2 3 16 4 14 12 11 10 13 6 18 9 17 8 7 15 20 19 21]\n", + "=======================\n", + "[\"the intruder was arrested after climbing into the grounds of the president 's home at 10.25 pm .a trespasser carrying a suspicious package jumped over the white house railings last night - the latest in a string of embarrassing security breaches to hit the us capital .the package was examined and ` deemed to be harmless ' , according to a report by cnn .\"]\n", + "=======================\n", + "[\"trespasser managed to get into grounds of presidential residencesecret service in washington dc claim they made an ` immediate ' arrestintruder 's parcel was examined but deemed not to be a riskbreach comes a few days after a gyrocopter landed on capitol 's lawn\"]\n", + "the intruder was arrested after climbing into the grounds of the president 's home at 10.25 pm .a trespasser carrying a suspicious package jumped over the white house railings last night - the latest in a string of embarrassing security breaches to hit the us capital .the package was examined and ` deemed to be harmless ' , according to a report by cnn .\n", + "trespasser managed to get into grounds of presidential residencesecret service in washington dc claim they made an ` immediate ' arrestintruder 's parcel was examined but deemed not to be a riskbreach comes a few days after a gyrocopter landed on capitol 's lawn\n", + "[1.33697 1.3973017 1.1316411 1.3471978 1.0639669 1.0444778 1.1376213\n", + " 1.0668147 1.1403639 1.200693 1.0449715 1.1050904 1.0607773 1.0345646\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 9 8 6 2 11 7 4 12 10 5 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "['the labor department reported on thursday that the number of jobless americans in their 20s armed with a four-year or advanced degree rose to 12.4 per cent last year from 10.9 per cent in 2013 .it plans to hire 9,000 graduates from u.s. universities this year , up from 7,500 in 2014 .despite the recent news , in a survey of employers last fall by michigan state university , the employment center found that hiring of graduates will rise 16per cent this year .']\n", + "=======================\n", + "[\"the labor department reported on thursday that the number of jobless grads rose to 12.4 per cent last year from 10.9 per cent in 2013philip gardner , director of michigan state university 's collegiate employment research institute , says engineering and business majors have the most chance on landing a job in today 's competitive marketdespite the recent news , in a survey of employers last fall the employment center found that hiring of graduates will rise 16per cent this yearindeed , the consulting and accounting firm ey plans to hire 9,000 graduates from u.s. universities this year , up from 7,500 in 2014\"]\n", + "the labor department reported on thursday that the number of jobless americans in their 20s armed with a four-year or advanced degree rose to 12.4 per cent last year from 10.9 per cent in 2013 .it plans to hire 9,000 graduates from u.s. universities this year , up from 7,500 in 2014 .despite the recent news , in a survey of employers last fall by michigan state university , the employment center found that hiring of graduates will rise 16per cent this year .\n", + "the labor department reported on thursday that the number of jobless grads rose to 12.4 per cent last year from 10.9 per cent in 2013philip gardner , director of michigan state university 's collegiate employment research institute , says engineering and business majors have the most chance on landing a job in today 's competitive marketdespite the recent news , in a survey of employers last fall the employment center found that hiring of graduates will rise 16per cent this yearindeed , the consulting and accounting firm ey plans to hire 9,000 graduates from u.s. universities this year , up from 7,500 in 2014\n", + "[1.3098475 1.0665367 1.0442019 1.1456983 1.1335157 1.372187 1.0516204\n", + " 1.231473 1.0392352 1.0417862 1.0296391 1.0159096 1.2841365 1.0174232\n", + " 1.0231217 1.0141345 1.0224599 1.1450745 1.0451444 1.0180132 1.029905\n", + " 1.2097908]\n", + "\n", + "[ 5 0 12 7 21 3 17 4 1 6 18 2 9 8 20 10 14 16 19 13 11 15]\n", + "=======================\n", + "[\"ross mccormack ( left ) pokes home the equaliser but fulham were unable to push on for the winnerfaithless ' dance anthem ` insomnia ' booms out seconds before games at fulham , and it 's rather apt for kit symons .kit symons ( centre ) admitted his side were second best and says the club need to rebuild in the summer\"]\n", + "=======================\n", + "['fulham scrapped a draw at home to fellow strugglers rotherhammatt derbyshire gave the away side an early lead from close rangeross mccormack poked home an equaliser in the second halffans booed heavily when the final whistle was blown at craven cottage']\n", + "ross mccormack ( left ) pokes home the equaliser but fulham were unable to push on for the winnerfaithless ' dance anthem ` insomnia ' booms out seconds before games at fulham , and it 's rather apt for kit symons .kit symons ( centre ) admitted his side were second best and says the club need to rebuild in the summer\n", + "fulham scrapped a draw at home to fellow strugglers rotherhammatt derbyshire gave the away side an early lead from close rangeross mccormack poked home an equaliser in the second halffans booed heavily when the final whistle was blown at craven cottage\n", + "[1.3027405 1.3752215 1.2352682 1.1066794 1.0525098 1.0325867 1.0250138\n", + " 1.0177972 1.1785024 1.2241013 1.1118209 1.1518068 1.0355297 1.1272511\n", + " 1.1795007 1.2548862 1.1649635 1.0127612 0. ]\n", + "\n", + "[ 1 0 15 2 9 14 8 16 11 13 10 3 4 12 5 6 7 17 18]\n", + "=======================\n", + "['they have been at the mercy of the wild seas since last night , as storms batter the east coast .the time of their lives has turned into the holiday from hell for up to 2500 passengers stranded on a cruise ship , the carnival spirit , outside sydney harbour and riding a constant flow of smashing waves of more than nine metres .the massive swell , seen from video images taken from on-board by stranded travellers , revealing just how treacherous and stomach churning the conditions are , out there .']\n", + "=======================\n", + "['up to 2500 passengers and crew stranded outside sydney harbour as massive storm batters the citypassengers report large waves were crashing into the ship right through the night and into tuesdaythe vessel has suffered damage with a satellite damaged and a door ripped open by the crashing wavescarnival cruise lines hopes to have the cruise-liner dock on wednesday but there are fears they will have to wait another 48 hours11 metre waves have been recorded off-shoreweather conditions are expected to worsen in the afternoon with 100kph winds on the way']\n", + "they have been at the mercy of the wild seas since last night , as storms batter the east coast .the time of their lives has turned into the holiday from hell for up to 2500 passengers stranded on a cruise ship , the carnival spirit , outside sydney harbour and riding a constant flow of smashing waves of more than nine metres .the massive swell , seen from video images taken from on-board by stranded travellers , revealing just how treacherous and stomach churning the conditions are , out there .\n", + "up to 2500 passengers and crew stranded outside sydney harbour as massive storm batters the citypassengers report large waves were crashing into the ship right through the night and into tuesdaythe vessel has suffered damage with a satellite damaged and a door ripped open by the crashing wavescarnival cruise lines hopes to have the cruise-liner dock on wednesday but there are fears they will have to wait another 48 hours11 metre waves have been recorded off-shoreweather conditions are expected to worsen in the afternoon with 100kph winds on the way\n", + "[1.1205374 1.3838856 1.0846136 1.1117928 1.1678836 1.5512731 1.1868601\n", + " 1.2286477 1.0292423 1.0226562 1.0156128 1.0395782 1.0236919 1.0673379\n", + " 1.0680195 1.0267142 1.0224507 1.0540261 1.0433882]\n", + "\n", + "[ 5 1 7 6 4 0 3 2 14 13 17 18 11 8 15 12 9 16 10]\n", + "=======================\n", + "[\"newcastle keeper tim krul congratulated sunderland striker jermain defoe on his goal at half-timeit is a week since i criticised newcastle united 's goalkeeper for appearing to congratulate jermain defoe at half-time during the wear-tyne derby after the sunderland striker beat him with a brilliant volley .sportsmail 's jamie carragher criticised krul for his half-time actions while speaking on sky sports\"]\n", + "=======================\n", + "[\"jamie carragher : tim krul was wrong to congratulate jermain defoethat argument from sportsmail 's columnist has divided opinion this weekcarragher still can not work out why the newcastle keeper did what he did\"]\n", + "newcastle keeper tim krul congratulated sunderland striker jermain defoe on his goal at half-timeit is a week since i criticised newcastle united 's goalkeeper for appearing to congratulate jermain defoe at half-time during the wear-tyne derby after the sunderland striker beat him with a brilliant volley .sportsmail 's jamie carragher criticised krul for his half-time actions while speaking on sky sports\n", + "jamie carragher : tim krul was wrong to congratulate jermain defoethat argument from sportsmail 's columnist has divided opinion this weekcarragher still can not work out why the newcastle keeper did what he did\n", + "[1.429837 1.1813116 1.2474482 1.1537426 1.169485 1.1452587 1.0790863\n", + " 1.0668639 1.0724968 1.0605567 1.0649277 1.06659 1.0354164 1.0705807\n", + " 1.0626098 1.0469667 1.2006589 1.068877 0. ]\n", + "\n", + "[ 0 2 16 1 4 3 5 6 8 13 17 7 11 10 14 9 15 12 18]\n", + "=======================\n", + "['eloise parry , known as ella , 21 , died this week after taking a lethal overdose of diet pillswhile doctors desperately tried to stabilise her , she died just three hours later .after taking the tablets her metabolism began to soar and she started to overheat .']\n", + "=======================\n", + "['dnp was a chemical used in weapons in ww1 and was found to be toxicit was also commercially used as a pesticide and poisoned workerswas banned as a diet pill after scientists discovered its risky side effectshas been linked to a string of deaths as it causes people to overheat']\n", + "eloise parry , known as ella , 21 , died this week after taking a lethal overdose of diet pillswhile doctors desperately tried to stabilise her , she died just three hours later .after taking the tablets her metabolism began to soar and she started to overheat .\n", + "dnp was a chemical used in weapons in ww1 and was found to be toxicit was also commercially used as a pesticide and poisoned workerswas banned as a diet pill after scientists discovered its risky side effectshas been linked to a string of deaths as it causes people to overheat\n", + "[1.2697357 1.4970362 1.2227952 1.1337465 1.0733671 1.0747616 1.08726\n", + " 1.0213304 1.0592198 1.0892653 1.1162368 1.0685055 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 10 9 6 5 4 11 8 7 17 12 13 14 15 16 18]\n", + "=======================\n", + "[\"much of the comic book film , avengers : age of ultron , was shot in seoul and the country 's culture ministry agreed to cover a third of filming costs in the city on the agreement the republic of korea is shown as ` high tech ' and ` modern ' .the south korean government paid an eye-watering # 2.4 million to the makers of the new avengers movie to ensure the country is shown in a positive light , it has emerged .kim young-gun , who overseas the korean film council 's ( kofic ) incentive program for foreign films , said the film could transform the status of seoul , which has been largely overlooked by hollywood compared to its regional peers .\"]\n", + "=======================\n", + "[\"south korea has paid marvel to ensure country is shown in positive lightmuch of the new avengers film , released on thursday , was shot in seoulculture ministry paid # 2.4 m to cover a third of the filming costs in the citythe government wants seoul to be portrayed as ` high tech ' and ` modern '\"]\n", + "much of the comic book film , avengers : age of ultron , was shot in seoul and the country 's culture ministry agreed to cover a third of filming costs in the city on the agreement the republic of korea is shown as ` high tech ' and ` modern ' .the south korean government paid an eye-watering # 2.4 million to the makers of the new avengers movie to ensure the country is shown in a positive light , it has emerged .kim young-gun , who overseas the korean film council 's ( kofic ) incentive program for foreign films , said the film could transform the status of seoul , which has been largely overlooked by hollywood compared to its regional peers .\n", + "south korea has paid marvel to ensure country is shown in positive lightmuch of the new avengers film , released on thursday , was shot in seoulculture ministry paid # 2.4 m to cover a third of the filming costs in the citythe government wants seoul to be portrayed as ` high tech ' and ` modern '\n", + "[1.4423956 1.1754689 1.4373527 1.2654644 1.1321175 1.1792085 1.0593632\n", + " 1.0807263 1.0670989 1.0876217 1.1164652 1.0427719 1.0260445 1.1800545\n", + " 1.0313734 1.0161825 1.0268966 0. 0. ]\n", + "\n", + "[ 0 2 3 13 5 1 4 10 9 7 8 6 11 14 16 12 15 17 18]\n", + "=======================\n", + "[\"claudia martin , 33 , has been convicted of suffocating her newborn baby daughtera court heard she was suffering from a condition known as a ` pathological denial of pregnancy ' which continued after giving birth to a baby girl .she ` intended ' to dispose of the tragic baby 's body unnoticed , wrapping it in a plastic bag and towels , but was prevented from doing so when paramedics arrived and whisked her off to hospital .\"]\n", + "=======================\n", + "[\"claudia martins convicted of the manslaughter of her newborn baby girlthe 33-year-old killed the infant by filling its mouth with toilet paperconvicted of manslaughter on the grounds of diminished responsibilityavoids jail as judge says she suffered ` momentary abnormality of mental functioning '\"]\n", + "claudia martin , 33 , has been convicted of suffocating her newborn baby daughtera court heard she was suffering from a condition known as a ` pathological denial of pregnancy ' which continued after giving birth to a baby girl .she ` intended ' to dispose of the tragic baby 's body unnoticed , wrapping it in a plastic bag and towels , but was prevented from doing so when paramedics arrived and whisked her off to hospital .\n", + "claudia martins convicted of the manslaughter of her newborn baby girlthe 33-year-old killed the infant by filling its mouth with toilet paperconvicted of manslaughter on the grounds of diminished responsibilityavoids jail as judge says she suffered ` momentary abnormality of mental functioning '\n", + "[1.1366571 1.3675117 1.2347143 1.1331116 1.2658212 1.1357553 1.1504596\n", + " 1.1096238 1.0692122 1.1149896 1.0182551 1.132079 1.1719862 1.0911989\n", + " 1.1055679 1.0135052 1.0161015 0. 0. ]\n", + "\n", + "[ 1 4 2 12 6 0 5 3 11 9 7 14 13 8 10 16 15 17 18]\n", + "=======================\n", + "['now experts fear millions of them could be heading for britain -- and the threats they pose are to be discussed at a summit meeting by beekeepers .this is because the two-inch-long asian hornets pose a terrible danger to our honeybees .it has colonised huge swathes of the country and , with a few hornets capable of destroying 30,000 bees in just a couple of hours , honey production has plummeted .']\n", + "=======================\n", + "['millions of asian hornets have colonised swathes of french countrysidevicious insects mutilate honeybees and prey on beehives to feed youngsix people have died in france after suffering allergic reactions to stingministers in britain have drawn up battle plans for any possible invasion']\n", + "now experts fear millions of them could be heading for britain -- and the threats they pose are to be discussed at a summit meeting by beekeepers .this is because the two-inch-long asian hornets pose a terrible danger to our honeybees .it has colonised huge swathes of the country and , with a few hornets capable of destroying 30,000 bees in just a couple of hours , honey production has plummeted .\n", + "millions of asian hornets have colonised swathes of french countrysidevicious insects mutilate honeybees and prey on beehives to feed youngsix people have died in france after suffering allergic reactions to stingministers in britain have drawn up battle plans for any possible invasion\n", + "[1.3366543 1.5229471 1.3565996 1.1277872 1.0357083 1.1618259 1.0782493\n", + " 1.0434594 1.0265113 1.105286 1.0604153 1.0234877 1.0216669 1.0222642\n", + " 1.0309566 1.0318364 1.0858248 1.0211536 1.0527866]\n", + "\n", + "[ 1 2 0 5 3 9 16 6 10 18 7 4 15 14 8 11 13 12 17]\n", + "=======================\n", + "[\"marie surprenant , from atlanta , georgia , was eight-months-old and weighed only 14lbs when she was admitted to the children 's healthcare of atlanta with more than 14 fractures , numerous bruises and a spinal cord injury that left her paraplegic .after her biological mother and her boyfriend were arrested , marie was placed into foster care and later adopted by michele surprenant . 'an eight-year-old abuse survivor , who was beaten so severely as an infant that she permanently lost the use of her legs , has written a heartwrenching open letter to her social workers and detectives thanking them for investigating her case and placing her in a happy home where she is loved .\"]\n", + "=======================\n", + "[\"marie surprenant , from atlanta , georgia , was left paraplegic after being severely abused as an infantwhen marie was eight-months-old she was admitted to the emergency room with more than 14 fractures , weighing only 14lbsafter social workers investigated her case , she was put into foster care and adopted by michele surprenantmichele , who is also a social worker , says it was her adoptive daughter 's idea to write the letter because she is grateful for her new home\"]\n", + "marie surprenant , from atlanta , georgia , was eight-months-old and weighed only 14lbs when she was admitted to the children 's healthcare of atlanta with more than 14 fractures , numerous bruises and a spinal cord injury that left her paraplegic .after her biological mother and her boyfriend were arrested , marie was placed into foster care and later adopted by michele surprenant . 'an eight-year-old abuse survivor , who was beaten so severely as an infant that she permanently lost the use of her legs , has written a heartwrenching open letter to her social workers and detectives thanking them for investigating her case and placing her in a happy home where she is loved .\n", + "marie surprenant , from atlanta , georgia , was left paraplegic after being severely abused as an infantwhen marie was eight-months-old she was admitted to the emergency room with more than 14 fractures , weighing only 14lbsafter social workers investigated her case , she was put into foster care and adopted by michele surprenantmichele , who is also a social worker , says it was her adoptive daughter 's idea to write the letter because she is grateful for her new home\n", + "[1.480649 1.401234 1.2953275 1.1786698 1.4300714 1.0481603 1.0151186\n", + " 1.0176158 1.0135955 1.0703013 1.0674202 1.1624733 1.0301155 1.0464239\n", + " 1.1551403 1.2408769 1.0354067 1.0449852 0. ]\n", + "\n", + "[ 0 4 1 2 15 3 11 14 9 10 5 13 17 16 12 7 6 8 18]\n", + "=======================\n", + "['manchester city have told jason denayer they want him to spend next season in the english championship .jason denayer is set to return to england to spend a season on loan in the championshipthe belgian defender has been a revelation during his year-long loan move to celtic .']\n", + "=======================\n", + "['defender jason denayer will not be returning to celtic next seasonmanchester city have decided he should play championship footballdenayer nominated for the pfa scotland player of the year awardclick here for all the latest celtic news']\n", + "manchester city have told jason denayer they want him to spend next season in the english championship .jason denayer is set to return to england to spend a season on loan in the championshipthe belgian defender has been a revelation during his year-long loan move to celtic .\n", + "defender jason denayer will not be returning to celtic next seasonmanchester city have decided he should play championship footballdenayer nominated for the pfa scotland player of the year awardclick here for all the latest celtic news\n", + "[1.4043909 1.534459 1.2152362 1.2725499 1.0868559 1.1008445 1.0541532\n", + " 1.0318394 1.0218005 1.0357258 1.0903965 1.1357557 1.1139684 1.072448\n", + " 1.0362269 1.0548756 1.2185243 0. 0. ]\n", + "\n", + "[ 1 0 3 16 2 11 12 5 10 4 13 15 6 14 9 7 8 17 18]\n", + "=======================\n", + "[\"pianist laurie holloway was invited to buckingham palace by princess margaret to accompany herself and the queen for the performance which was recorded on a cassette tape .the queen and princess margaret recorded a special tape of favourite children 's songs for the queen mother 's 90th birthday in august 1990 .the queen was 64 at the time and margaret 59 .\"]\n", + "=======================\n", + "[\"the queen recorded their favourite childhood songs in august 1990pianist laurie holloway was invited to buckingham palace for the tapinghe said the queen and princess margaret recorded each song in one takeunfortunately , the unique tape was lost after the queen mother 's death\"]\n", + "pianist laurie holloway was invited to buckingham palace by princess margaret to accompany herself and the queen for the performance which was recorded on a cassette tape .the queen and princess margaret recorded a special tape of favourite children 's songs for the queen mother 's 90th birthday in august 1990 .the queen was 64 at the time and margaret 59 .\n", + "the queen recorded their favourite childhood songs in august 1990pianist laurie holloway was invited to buckingham palace for the tapinghe said the queen and princess margaret recorded each song in one takeunfortunately , the unique tape was lost after the queen mother 's death\n", + "[1.2411001 1.497909 1.2713842 1.3266342 1.0955108 1.0322455 1.0930736\n", + " 1.0823324 1.1160764 1.1017963 1.1306894 1.0520903 1.057459 1.1802887\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 13 10 8 9 4 6 7 12 11 5 17 14 15 16 18]\n", + "=======================\n", + "[\"opening in 2018 , the gigantic terminal 1 will cover 700,000 square metres , and is set to handle 45million passengers a year .renown british-iraqi architect , zaha hadid , has collaborated with airport developers adpi to create a six-tier concept which aims to decrease customer walking distances , and increase connectivity .the number of chinese tourists eager to travel the world has risen dramatically over the last few years , and beijing international airport is launching the world 's biggest terminal to cope with the substantial increase .\"]\n", + "=======================\n", + "['the new terminal 1 will open in 2018 spanning 700,000 square metresthe large area is set to handle 45 million passengers a yearbritish-iraqi architect , zaha hadid , worked with airport developers adpithe six-tier concept aims to promote a central open communal space']\n", + "opening in 2018 , the gigantic terminal 1 will cover 700,000 square metres , and is set to handle 45million passengers a year .renown british-iraqi architect , zaha hadid , has collaborated with airport developers adpi to create a six-tier concept which aims to decrease customer walking distances , and increase connectivity .the number of chinese tourists eager to travel the world has risen dramatically over the last few years , and beijing international airport is launching the world 's biggest terminal to cope with the substantial increase .\n", + "the new terminal 1 will open in 2018 spanning 700,000 square metresthe large area is set to handle 45 million passengers a yearbritish-iraqi architect , zaha hadid , worked with airport developers adpithe six-tier concept aims to promote a central open communal space\n", + "[1.2255973 1.3820853 1.1889156 1.2140859 1.0643864 1.1340904 1.1291789\n", + " 1.0921164 1.1452098 1.0627759 1.0221627 1.1205084 1.0922179 1.0635928\n", + " 1.0537359 0. 0. ]\n", + "\n", + "[ 1 0 3 2 8 5 6 11 12 7 4 13 9 14 10 15 16]\n", + "=======================\n", + "['prices have fallen by the largest amount in almost a decade as supermarkets continue to slash the cost of milk , vegetables and meat as they compete with each other and with emerging budget chains for customers .consumers are taking to the shops as they cash in on the falling prices of supermarket staples and clothesand on the high street clothes and footwear have become even more affordable - with prices dropping by around 7.8 per cent in the last 12 months - as the low cost of oil makes transporting and selling goods even cheaper .']\n", + "=======================\n", + "['shoppers are taking advantage of cheaper eggs , milk , cheese and meatcost of staples has been slashed as supermarkets compete for customersbigger stores competing with rise of budget chains aldi and lidl on priceprices in shops are 2.1 per cent lower this year than 12 months ago']\n", + "prices have fallen by the largest amount in almost a decade as supermarkets continue to slash the cost of milk , vegetables and meat as they compete with each other and with emerging budget chains for customers .consumers are taking to the shops as they cash in on the falling prices of supermarket staples and clothesand on the high street clothes and footwear have become even more affordable - with prices dropping by around 7.8 per cent in the last 12 months - as the low cost of oil makes transporting and selling goods even cheaper .\n", + "shoppers are taking advantage of cheaper eggs , milk , cheese and meatcost of staples has been slashed as supermarkets compete for customersbigger stores competing with rise of budget chains aldi and lidl on priceprices in shops are 2.1 per cent lower this year than 12 months ago\n", + "[1.4588419 1.2303298 1.2590635 1.2692928 1.0952207 1.3482083 1.1386492\n", + " 1.2148669 1.0745257 1.0194713 1.0223064 1.0299156 1.0127077 1.0107732\n", + " 1.0314053 1.0839845 1.0932999]\n", + "\n", + "[ 0 5 3 2 1 7 6 4 16 15 8 14 11 10 9 12 13]\n", + "=======================\n", + "[\"veteran referee kenny bayless has been named as the third man in the ring when floyd mayweather and manny pacuiao meet in the match being billed as the biggest and richest in boxing history .kenny bayless ( left ) will referee the match between floyd mayweather ( right ) and manny pacquiao on may 2in fact , he oversaw the former 's professional debut against roberto apodaca in 1996 .\"]\n", + "=======================\n", + "[\"oscar de la hoya believes that the appointment of referee kenny bayless will work to floyd mayweather 's advantage against manny pacquiaoveteran bayless has refereed several of mayweather 's previous fightsde la hoya thinks that bayless ' tendency to break up fighters will stop pacquiao from building any momentum against the american\"]\n", + "veteran referee kenny bayless has been named as the third man in the ring when floyd mayweather and manny pacuiao meet in the match being billed as the biggest and richest in boxing history .kenny bayless ( left ) will referee the match between floyd mayweather ( right ) and manny pacquiao on may 2in fact , he oversaw the former 's professional debut against roberto apodaca in 1996 .\n", + "oscar de la hoya believes that the appointment of referee kenny bayless will work to floyd mayweather 's advantage against manny pacquiaoveteran bayless has refereed several of mayweather 's previous fightsde la hoya thinks that bayless ' tendency to break up fighters will stop pacquiao from building any momentum against the american\n", + "[1.2196292 1.5399594 1.3168973 1.1820726 1.190812 1.1100258 1.1070542\n", + " 1.0336068 1.0386102 1.1208304 1.0314535 1.1037904 1.0139805 1.0715817\n", + " 1.0417244 1.0949333 1.0648142]\n", + "\n", + "[ 1 2 0 4 3 9 5 6 11 15 13 16 14 8 7 10 12]\n", + "=======================\n", + "[\"kenne worthen , 27 , allegedly started flirting with the sixth grader at longview elementary school in phoenix last august and the relationship turned sexual in january , fox10 reported .the father-of-one allegedly kept in contact with the girl outside school by messaging her on an ipod app , google hangouts , where she labeled his profile with a fake name , ` jesse smith ' .a married mormon elementary school teacher had a sexual relationship with one of his 12-year-old students - and was only stopped when her classmates told other teachers , police have revealed .\"]\n", + "=======================\n", + "[\"kenne worthen was arrested on friday after some of his students told staff ` he was having inappropriate contact with one of their classmates 'the married father of one ` started flirting with the girl last august and asked for her mother 's permission for her to remain behind after school 'they ` kept in contact out of school by messaging on google hangouts 'the girl and worthen ` both admitted to the relationship ' and he now faces sexual exploitation and child molestation charges\"]\n", + "kenne worthen , 27 , allegedly started flirting with the sixth grader at longview elementary school in phoenix last august and the relationship turned sexual in january , fox10 reported .the father-of-one allegedly kept in contact with the girl outside school by messaging her on an ipod app , google hangouts , where she labeled his profile with a fake name , ` jesse smith ' .a married mormon elementary school teacher had a sexual relationship with one of his 12-year-old students - and was only stopped when her classmates told other teachers , police have revealed .\n", + "kenne worthen was arrested on friday after some of his students told staff ` he was having inappropriate contact with one of their classmates 'the married father of one ` started flirting with the girl last august and asked for her mother 's permission for her to remain behind after school 'they ` kept in contact out of school by messaging on google hangouts 'the girl and worthen ` both admitted to the relationship ' and he now faces sexual exploitation and child molestation charges\n", + "[1.3718807 1.3047965 1.2150102 1.1430074 1.1589506 1.1187027 1.1884234\n", + " 1.0603912 1.0542697 1.0778226 1.0411353 1.0897832 1.0798055 1.0634568\n", + " 1.032867 0. 0. ]\n", + "\n", + "[ 0 1 2 6 4 3 5 11 12 9 13 7 8 10 14 15 16]\n", + "=======================\n", + "[\"shirley temple 's bitter ex-husband tried to derail her appointment to a diplomatic post by calling her 'em otionally unstable ' during her fbi background checkjohn george agar told an agent in 1969 to think twice because temple would ` overreact if she did n't get her way ' .he also said that her mother had wrecked their marriage because she interfered in their affairs too much .\"]\n", + "=======================\n", + "[\"former child star was nominated for the office by richard nixon in 1969 and the fbi was called in to check she was suitablefile reveals agents went to huge lengths to question those who knew her about her - republican - political views and those of husband charles blackher first husband john agar told agents she was ` untrustworthy ' - unlike then-california governor reagan who strongly backed hertemple died in february 2014 aged 85 and her 417-page fbi file was obtained by daily mail online under freedom of information act rules\"]\n", + "shirley temple 's bitter ex-husband tried to derail her appointment to a diplomatic post by calling her 'em otionally unstable ' during her fbi background checkjohn george agar told an agent in 1969 to think twice because temple would ` overreact if she did n't get her way ' .he also said that her mother had wrecked their marriage because she interfered in their affairs too much .\n", + "former child star was nominated for the office by richard nixon in 1969 and the fbi was called in to check she was suitablefile reveals agents went to huge lengths to question those who knew her about her - republican - political views and those of husband charles blackher first husband john agar told agents she was ` untrustworthy ' - unlike then-california governor reagan who strongly backed hertemple died in february 2014 aged 85 and her 417-page fbi file was obtained by daily mail online under freedom of information act rules\n", + "[1.2815316 1.4492222 1.1501224 1.1555715 1.2721255 1.2765598 1.0625584\n", + " 1.1085469 1.1774676 1.0443052 1.0504937 1.0441512 1.0642245 1.0697154\n", + " 1.0521374 0. 0. ]\n", + "\n", + "[ 1 0 5 4 8 3 2 7 13 12 6 14 10 9 11 15 16]\n", + "=======================\n", + "['shelley dufresnein from st charles parish , louisiana , took a plea deal on thursday that gets her out of serving any time behind or having to register as a sex offender .a 32-year-old english teacher who admitted having sex with a 16-year-old student posted a celebratory selfie on instagram just hours after discovering she had avoided a prison sentence .however she is still facing charges over a threesome she had with the same student at destrehan high school and another teacher .']\n", + "=======================\n", + "[\"shelley dufresnein of st charles parish , louisiana , took a plea dealmother-of-three avoided prison and wo n't have to register as a sex offendertook an image of her smiling after the hearing and wrote : ` my mood today 'also said she was ` relieved ' when followers began congratulating heris still facing charges over an alleged threesome she had with the same student and fellow teacher rachel respess , 24\"]\n", + "shelley dufresnein from st charles parish , louisiana , took a plea deal on thursday that gets her out of serving any time behind or having to register as a sex offender .a 32-year-old english teacher who admitted having sex with a 16-year-old student posted a celebratory selfie on instagram just hours after discovering she had avoided a prison sentence .however she is still facing charges over a threesome she had with the same student at destrehan high school and another teacher .\n", + "shelley dufresnein of st charles parish , louisiana , took a plea dealmother-of-three avoided prison and wo n't have to register as a sex offendertook an image of her smiling after the hearing and wrote : ` my mood today 'also said she was ` relieved ' when followers began congratulating heris still facing charges over an alleged threesome she had with the same student and fellow teacher rachel respess , 24\n", + "[1.2924728 1.2890902 1.284643 1.2013187 1.1111155 1.1344851 1.1332635\n", + " 1.0685922 1.0614804 1.0613397 1.1368862 1.0510255 1.0947739 1.131831\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 10 5 6 13 4 12 7 8 9 11 17 14 15 16 18]\n", + "=======================\n", + "[\"the monkeys of northern india 's shimla region have a fearsome reputation - and as this video shows , for a very good reason .a teenager in the area has discovered the hard way that the locals should not be toyed with after his affront to a monkey left him sprawled on his back .footage captured on a cctv camera near an office in shimla , india , shows the playful monkey first jumping onto a ledge to watch pedestrians wander past .\"]\n", + "=======================\n", + "['teenager was caught on cctv giving the middle finger to monkey in indiabut the monkey interprets it as a threat and launches itself at his facethe teenager is left sprawled on his back and in shock following the attack']\n", + "the monkeys of northern india 's shimla region have a fearsome reputation - and as this video shows , for a very good reason .a teenager in the area has discovered the hard way that the locals should not be toyed with after his affront to a monkey left him sprawled on his back .footage captured on a cctv camera near an office in shimla , india , shows the playful monkey first jumping onto a ledge to watch pedestrians wander past .\n", + "teenager was caught on cctv giving the middle finger to monkey in indiabut the monkey interprets it as a threat and launches itself at his facethe teenager is left sprawled on his back and in shock following the attack\n", + "[1.4121867 1.3391521 1.3304075 1.1826116 1.1119946 1.0472124 1.2241164\n", + " 1.1552136 1.0652231 1.1233824 1.0470227 1.0594895 1.0432485 1.0612001\n", + " 1.0088898 1.0195285 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 6 3 7 9 4 8 13 11 5 10 12 15 14 17 16 18]\n", + "=======================\n", + "[\"raheem sterling was told in no uncertain terms by liverpool supporters that they expect him to remain at the club this summer on the day he was parading the club 's new home kit at anfield .the new gingham design , presented to supporters at anfield on friday , is the first offering from us sports brand new balance , who struck a record-breaking # 300million four-year kit deal to replace sister company warrior as liverpool 's suppliers .the message was ` hold nothing back ' as sterling , daniel sturridge , martin skrtel and simon mignolet unveiled the new home strip to fans in the centenary stand on friday afternoon .\"]\n", + "=======================\n", + "['raheem sterling poses with kit alongside philippe coutinho , jordan henderson , daniel sturridge and adam lallanamidfielder has been linked with a move away from liverpool after refusing to sign new # 100,000-a-week contractnew balance struck a record-breaking # 300m four-year kit deal to replace sister company warrior at liverpoolcaptain steven gerrard did not model new strip as he prepares to leave for la galaxy in the summer']\n", + "raheem sterling was told in no uncertain terms by liverpool supporters that they expect him to remain at the club this summer on the day he was parading the club 's new home kit at anfield .the new gingham design , presented to supporters at anfield on friday , is the first offering from us sports brand new balance , who struck a record-breaking # 300million four-year kit deal to replace sister company warrior as liverpool 's suppliers .the message was ` hold nothing back ' as sterling , daniel sturridge , martin skrtel and simon mignolet unveiled the new home strip to fans in the centenary stand on friday afternoon .\n", + "raheem sterling poses with kit alongside philippe coutinho , jordan henderson , daniel sturridge and adam lallanamidfielder has been linked with a move away from liverpool after refusing to sign new # 100,000-a-week contractnew balance struck a record-breaking # 300m four-year kit deal to replace sister company warrior at liverpoolcaptain steven gerrard did not model new strip as he prepares to leave for la galaxy in the summer\n", + "[1.1762801 1.1054165 1.316064 1.3011729 1.189647 1.2693748 1.1063284\n", + " 1.0712945 1.0940859 1.1137993 1.0853474 1.0801071 1.1016667 1.0589224\n", + " 1.0421394 1.0360147 1.011762 0. 0. ]\n", + "\n", + "[ 2 3 5 4 0 9 6 1 12 8 10 11 7 13 14 15 16 17 18]\n", + "=======================\n", + "['an infestation of deathwatch beetles is putting the imposing castle , which towers above the town of hay-on-wye on the welsh border , at peril .threat : hay castle is infested with deathwatch beetles burrowing in to its timber framesthe hay castle trust , which is co-ordinating the renovation plans , has already received # 500,000 from the heritage lottery fund and will claim a further # 4.9 m once they have raised # 1.5 m from independent sources .']\n", + "=======================\n", + "[\"hay castle on the welsh borders faces infestation of deathwatch beetlesthe 12th-century building is having its timbers weakened by the insectsbeetle larvae burrow inside the castle 's wooden beams and threaten its structural integrityrenovators launch # 7million plan to save the historic castle\"]\n", + "an infestation of deathwatch beetles is putting the imposing castle , which towers above the town of hay-on-wye on the welsh border , at peril .threat : hay castle is infested with deathwatch beetles burrowing in to its timber framesthe hay castle trust , which is co-ordinating the renovation plans , has already received # 500,000 from the heritage lottery fund and will claim a further # 4.9 m once they have raised # 1.5 m from independent sources .\n", + "hay castle on the welsh borders faces infestation of deathwatch beetlesthe 12th-century building is having its timbers weakened by the insectsbeetle larvae burrow inside the castle 's wooden beams and threaten its structural integrityrenovators launch # 7million plan to save the historic castle\n", + "[1.4472506 1.383609 1.3097175 1.4195955 1.2702948 1.0344245 1.0246485\n", + " 1.1839505 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 7 5 6 16 15 14 13 9 11 10 17 8 12 18]\n", + "=======================\n", + "['london welsh have announced a contract extension for their former england international back olly barkley .olly barkley has extended his stay at london welsh after signing a new contract at the relegated-clubthe 33-year-old joined the exiles last year , having previously played for bath , gloucester , racing metro , grenoble and the scarlets .']\n", + "=======================\n", + "['olly barkley has signed a contract extension at london welshthe exiles were relegated from the aviva premiership this seasonfly half barkley is keen to fire the welsh back up to the top flightclick here for all the latest rugby unions news']\n", + "london welsh have announced a contract extension for their former england international back olly barkley .olly barkley has extended his stay at london welsh after signing a new contract at the relegated-clubthe 33-year-old joined the exiles last year , having previously played for bath , gloucester , racing metro , grenoble and the scarlets .\n", + "olly barkley has signed a contract extension at london welshthe exiles were relegated from the aviva premiership this seasonfly half barkley is keen to fire the welsh back up to the top flightclick here for all the latest rugby unions news\n", + "[1.1860629 1.3331993 1.2352599 1.3958523 1.2951041 1.194826 1.0685185\n", + " 1.015122 1.0982053 1.0969702 1.0777748 1.0735233 1.0959848 1.1011122\n", + " 1.0637233 1.0536067 1.0525733 1.0514768 1.0441862]\n", + "\n", + "[ 3 1 4 2 5 0 13 8 9 12 10 11 6 14 15 16 17 18 7]\n", + "=======================\n", + "['geraldine jones , 36 , of gary , indiana , was charged with murder , kidnapping and criminal confinementpolice believe fleming , 23 , was lured from her home by jones and the new mother brought serenity with heran indiana woman who police say duped a new mother into believing she was a child-welfare worker so she could stab the mom and steal her baby to pass off as her own was charged monday .']\n", + "=======================\n", + "['geraldine jones charged with murder , kidnapping , criminal confinementgary , indiana , woman , 36 , charged in death of samantha fleming , 23fleming and daughter serenity were last seen in anderson on april 5police say jones fooled fleming by posing as child-welfare worker']\n", + "geraldine jones , 36 , of gary , indiana , was charged with murder , kidnapping and criminal confinementpolice believe fleming , 23 , was lured from her home by jones and the new mother brought serenity with heran indiana woman who police say duped a new mother into believing she was a child-welfare worker so she could stab the mom and steal her baby to pass off as her own was charged monday .\n", + "geraldine jones charged with murder , kidnapping , criminal confinementgary , indiana , woman , 36 , charged in death of samantha fleming , 23fleming and daughter serenity were last seen in anderson on april 5police say jones fooled fleming by posing as child-welfare worker\n", + "[1.4252454 1.4086493 1.3200228 1.4035888 1.2674537 1.0676829 1.0605319\n", + " 1.0537708 1.028263 1.0206435 1.0265825 1.0280117 1.017485 1.0304974\n", + " 1.0316542 1.0937488 1.1322095 1.0221778 1.0100226 1.0132502 1.0099477]\n", + "\n", + "[ 0 1 3 2 4 16 15 5 6 7 14 13 8 11 10 17 9 12 19 18 20]\n", + "=======================\n", + "[\"usain bolt says tyson gay should have been given a longer ban for drugs cheating , and branded the decision to shorten his punishment ` the stupidest thing i 've ever heard ' .gay had his suspension reduced after he agreed to co-operate with authorities , and is now set to compete against bolt after returning to the sport .bolt said he used to respect gay as a competitor , but is no longer looking forward to racing against him\"]\n", + "=======================\n", + "[\"tyson gay had his ban reduced after helping authoritiesusain bolt says he is not looking forward to competing against gaybolt says he feels ` let down ' by someone he used to respectgay is the joint-second fastest man of all time , behind bolt\"]\n", + "usain bolt says tyson gay should have been given a longer ban for drugs cheating , and branded the decision to shorten his punishment ` the stupidest thing i 've ever heard ' .gay had his suspension reduced after he agreed to co-operate with authorities , and is now set to compete against bolt after returning to the sport .bolt said he used to respect gay as a competitor , but is no longer looking forward to racing against him\n", + "tyson gay had his ban reduced after helping authoritiesusain bolt says he is not looking forward to competing against gaybolt says he feels ` let down ' by someone he used to respectgay is the joint-second fastest man of all time , behind bolt\n", + "[1.4687748 1.2837526 1.1133428 1.3340394 1.0783882 1.1300743 1.0567919\n", + " 1.0303595 1.0150295 1.0254434 1.1472179 1.0580796 1.0332503 1.1985644\n", + " 1.0332443 1.0227808 1.1345849 1.0312188 1.3745972 0. 0. ]\n", + "\n", + "[ 0 18 3 1 13 10 16 5 2 4 11 6 12 14 17 7 9 15 8 19 20]\n", + "=======================\n", + "[\"jose mourinho praised john terry 's performance against arsenal - hailing it as the chelsea captain 's best under him .chelsea manager jose mourinho was full of praise for chelsea 's captain after his performancejohn terry ( centre ) celebrates chelsea 's hard earned point against arsenal at the emirates on sunday\"]\n", + "=======================\n", + "['jose mourinho : john terry was one step ahead of every other playerjamie carragher : terry is the best defender in the premier league erachelsea drew 0-0 with arsenal at the emirates on sunday']\n", + "jose mourinho praised john terry 's performance against arsenal - hailing it as the chelsea captain 's best under him .chelsea manager jose mourinho was full of praise for chelsea 's captain after his performancejohn terry ( centre ) celebrates chelsea 's hard earned point against arsenal at the emirates on sunday\n", + "jose mourinho : john terry was one step ahead of every other playerjamie carragher : terry is the best defender in the premier league erachelsea drew 0-0 with arsenal at the emirates on sunday\n", + "[1.3942823 1.3820088 1.3141172 1.4300101 1.3297439 1.1251891 1.2100037\n", + " 1.0400625 1.0140667 1.0106348 1.0176858 1.0266135 1.0264642 1.009092\n", + " 1.0150372 1.225627 1.193822 1.0363883 1.0134397 1.0102262 0. ]\n", + "\n", + "[ 3 0 1 4 2 15 6 16 5 7 17 11 12 10 14 8 18 9 19 13 20]\n", + "=======================\n", + "[\"mark hughes believes tom jones ' song ` delilah ' is costing them a spot in the europe leaguestoke are 17th in the premier league fair play table and are set to miss out on european football next yearthe hit has become stoke 's unofficial club anthem and is a regular chant at the britannia stadium .\"]\n", + "=======================\n", + "[\"tom jones ' song ` delilah ' is sung by stoke fans as unofficial club anthemmark hughes believes the hit is costing them a spot in europe leagueteam top of premier league fair play table could play in europe next yearwest ham are currently leading the table , while stoke occupy 17th placehughes has slammed the competition ahead of clash with southampton\"]\n", + "mark hughes believes tom jones ' song ` delilah ' is costing them a spot in the europe leaguestoke are 17th in the premier league fair play table and are set to miss out on european football next yearthe hit has become stoke 's unofficial club anthem and is a regular chant at the britannia stadium .\n", + "tom jones ' song ` delilah ' is sung by stoke fans as unofficial club anthemmark hughes believes the hit is costing them a spot in europe leagueteam top of premier league fair play table could play in europe next yearwest ham are currently leading the table , while stoke occupy 17th placehughes has slammed the competition ahead of clash with southampton\n", + "[1.1870856 1.4766357 1.3862592 1.2833161 1.3165278 1.069961 1.2376139\n", + " 1.0547698 1.0239099 1.0598947 1.0641432 1.0634718 1.0455158 1.024991\n", + " 1.0140784 1.0112127 1.00989 1.0111805 1.0237758 1.0152876 1.1541357]\n", + "\n", + "[ 1 2 4 3 6 0 20 5 10 11 9 7 12 13 8 18 19 14 15 17 16]\n", + "=======================\n", + "[\"stoke 's charlie adam stunned the chelsea home crowd today with a breathtaking 66-yard strike that will go down in history .the scottish midfielder picked up the ball up deep into his own half and belted it with his reliable left foot after noticing chelsea goalkeeper thibaut courtois well off his line .it will be remembered as one of the premier league 's greatest ever goals .\"]\n", + "=======================\n", + "['the stoke player stunned chelsea faithful with breathtaking strike todayscottish midfielder picked ball up deep into his own half before shootingthe goal is already been hailed as one of the best ever on social media']\n", + "stoke 's charlie adam stunned the chelsea home crowd today with a breathtaking 66-yard strike that will go down in history .the scottish midfielder picked up the ball up deep into his own half and belted it with his reliable left foot after noticing chelsea goalkeeper thibaut courtois well off his line .it will be remembered as one of the premier league 's greatest ever goals .\n", + "the stoke player stunned chelsea faithful with breathtaking strike todayscottish midfielder picked ball up deep into his own half before shootingthe goal is already been hailed as one of the best ever on social media\n", + "[1.3805963 1.3188633 1.2053396 1.2100533 1.2033403 1.2182765 1.1845669\n", + " 1.0928057 1.1375359 1.0864753 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 3 2 4 6 8 7 9 18 17 16 15 10 13 12 11 19 14 20]\n", + "=======================\n", + "[\"( cnn ) iraqi and u.s.-led coalition forces have successfully ousted isis from the nation 's largest oil refinery , the coalition said sunday .meanwhile , peshmerga forces -- also with the assistance of coalition strikes -- cleared 84 square kilometers ( 32 square miles ) of isis-occupied territory in iraq on saturday , the kurdistan region security council said .iraq is working to fortify the facility 's defenses , the task force said in a statement .\"]\n", + "=======================\n", + "['iraqi and u.s.-led coalition forces say they retook a key refinery from isispeshmerga forces also report retaking terrain from isis']\n", + "( cnn ) iraqi and u.s.-led coalition forces have successfully ousted isis from the nation 's largest oil refinery , the coalition said sunday .meanwhile , peshmerga forces -- also with the assistance of coalition strikes -- cleared 84 square kilometers ( 32 square miles ) of isis-occupied territory in iraq on saturday , the kurdistan region security council said .iraq is working to fortify the facility 's defenses , the task force said in a statement .\n", + "iraqi and u.s.-led coalition forces say they retook a key refinery from isispeshmerga forces also report retaking terrain from isis\n", + "[1.1965064 1.4121156 1.2275916 1.1935095 1.1312897 1.0840639 1.1574163\n", + " 1.1396871 1.141313 1.1851223 1.0379075 1.0292646 1.0249382 1.0758492\n", + " 1.1099832 1.0599276 1.0266007 1.0292052 1.0079323 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 9 6 8 7 4 14 5 13 15 10 11 17 16 12 18 22 19 20 21 23]\n", + "=======================\n", + "[\"victoria ayling , who is running for the key election seat of great grimsby , made the comments after being confronted by her local party over her non-attendance at ukip meetings .after saying it was because she had spent ` five months nursing her son back to health after being blown up in afghanistan ' , lieutenant colonel ron shepherd , the leader of ukip 's north east lincolnshire group , launched an investigation .the ukip candidate exposed by the mail on sunday after calling for all immigrants to be sent home is at the centre of a row over claims she falsely said her son was injured in afghanistan .\"]\n", + "=======================\n", + "[\"victoria ayling said she spent five months nursing son back to healthlieutenant colonel ron shepherd has launched investigationhe raised questions over whether she misrepresented her son 's situationshe is running for the key election seat of great grimsby and denies claims\"]\n", + "victoria ayling , who is running for the key election seat of great grimsby , made the comments after being confronted by her local party over her non-attendance at ukip meetings .after saying it was because she had spent ` five months nursing her son back to health after being blown up in afghanistan ' , lieutenant colonel ron shepherd , the leader of ukip 's north east lincolnshire group , launched an investigation .the ukip candidate exposed by the mail on sunday after calling for all immigrants to be sent home is at the centre of a row over claims she falsely said her son was injured in afghanistan .\n", + "victoria ayling said she spent five months nursing son back to healthlieutenant colonel ron shepherd has launched investigationhe raised questions over whether she misrepresented her son 's situationshe is running for the key election seat of great grimsby and denies claims\n", + "[1.4305217 1.1907024 1.4729577 1.1416262 1.2575474 1.0589255 1.0825212\n", + " 1.0257077 1.0234975 1.0210717 1.063774 1.0234275 1.0281959 1.0394428\n", + " 1.0544386 1.0785127 1.0775901 1.0691295 1.1353003 1.0574535 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 0 4 1 3 18 6 15 16 17 10 5 19 14 13 12 7 8 11 9 20 21 22 23]\n", + "=======================\n", + "[\"arlette ricci , 74 and one of the richest women in europe , was ` particularly determined ' to stash money in swiss accounts for more than two decades .arlette ricci ( above ) , the multi-millionaire owner of nina ricci , was today sent to prison for trying to hide her fortune from the french taxman through hsbcricci had denied hiding the equivalent of more than # 15million , saying she had simply tried to avoid tax -- which is legal -- rather than evade it , which is not .\"]\n", + "=======================\n", + "['arlette ricci denied accusations and said she tried to avoid tax not evade itbugged call between the heiress and her daughter revealed otherwise74-year-old was fined around # 700,000 and will have two properties seizedwas also given a total of three years in prison , with two years suspended']\n", + "arlette ricci , 74 and one of the richest women in europe , was ` particularly determined ' to stash money in swiss accounts for more than two decades .arlette ricci ( above ) , the multi-millionaire owner of nina ricci , was today sent to prison for trying to hide her fortune from the french taxman through hsbcricci had denied hiding the equivalent of more than # 15million , saying she had simply tried to avoid tax -- which is legal -- rather than evade it , which is not .\n", + "arlette ricci denied accusations and said she tried to avoid tax not evade itbugged call between the heiress and her daughter revealed otherwise74-year-old was fined around # 700,000 and will have two properties seizedwas also given a total of three years in prison , with two years suspended\n", + "[1.2427874 1.4549658 1.1515775 1.1282455 1.1374527 1.0887413 1.0980983\n", + " 1.093268 1.0884681 1.1095693 1.0270138 1.0250524 1.0928105 1.0344533\n", + " 1.0320156 1.018143 1.0475192 1.0344354 1.131721 1.066443 1.020512\n", + " 1.0161119 1.0148633 1.018283 ]\n", + "\n", + "[ 1 0 2 4 18 3 9 6 7 12 5 8 19 16 13 17 14 10 11 20 23 15 21 22]\n", + "=======================\n", + "[\"elijah mccrae 's heartbroken parents , jessica and andrew , remembered the ` happiest baby ever ' , after he died in his mother 's arms on monday evening .a five-month-old baby whose parents created a 30-item ` bucket list ' for their terminally ill son has tragically died - with sadly only one item ticked off .` we thought we had at least another week , ' ms mccrae said .\"]\n", + "=======================\n", + "[\"five-month-old elijah mccrae 's parents made a bucket list for their sonbaby elijah tragically died with only one item ticked off on the listhis parents , jessica andrew , wanted to show their son the worldlittle elijah had the fatal genetic disease type 1 spinal muscular atrophythe list included a trip to queensland , a ferry ride and watching the sunset\"]\n", + "elijah mccrae 's heartbroken parents , jessica and andrew , remembered the ` happiest baby ever ' , after he died in his mother 's arms on monday evening .a five-month-old baby whose parents created a 30-item ` bucket list ' for their terminally ill son has tragically died - with sadly only one item ticked off .` we thought we had at least another week , ' ms mccrae said .\n", + "five-month-old elijah mccrae 's parents made a bucket list for their sonbaby elijah tragically died with only one item ticked off on the listhis parents , jessica andrew , wanted to show their son the worldlittle elijah had the fatal genetic disease type 1 spinal muscular atrophythe list included a trip to queensland , a ferry ride and watching the sunset\n", + "[1.2527792 1.2948444 1.375442 1.2611609 1.0913763 1.1722653 1.0510819\n", + " 1.0544372 1.2469802 1.052237 1.0510848 1.0605989 1.0351943 1.0458548\n", + " 1.0418887 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 0 8 5 4 11 7 9 10 6 13 14 12 22 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"xavier denamur sparked fury after he exposed france as a country of microwave cheats and even went as far as to compare it as being the culinary equivalent of a low-cost airline .but almost three quarters of all dishes served in french bistros , brasseries and cafes are shipped in from a factory and microwaved , according to a top restaurateur .it 's the nation famed for its gastronomy which gave birth to haute cuisine and the michelin guide\"]\n", + "=======================\n", + "[\"xavier denamur claims most dishes in french bistro are n't made on sitehe said seven in ten meals are factory-made then reheated in microwavesigns that france 's crown as top culinary destination in world is slippingfrench ministers admitted scheme to introduce a homemade label failed\"]\n", + "xavier denamur sparked fury after he exposed france as a country of microwave cheats and even went as far as to compare it as being the culinary equivalent of a low-cost airline .but almost three quarters of all dishes served in french bistros , brasseries and cafes are shipped in from a factory and microwaved , according to a top restaurateur .it 's the nation famed for its gastronomy which gave birth to haute cuisine and the michelin guide\n", + "xavier denamur claims most dishes in french bistro are n't made on sitehe said seven in ten meals are factory-made then reheated in microwavesigns that france 's crown as top culinary destination in world is slippingfrench ministers admitted scheme to introduce a homemade label failed\n", + "[1.3328142 1.1093074 1.3225534 1.2388731 1.2598425 1.1158603 1.0821936\n", + " 1.0679905 1.0248016 1.0380017 1.0282868 1.0393788 1.1437895 1.0546359\n", + " 1.0800534 1.0326002 1.020926 1.0455524 1.034181 1.0252327 1.0360304\n", + " 1.0268179 1.0211806 1.0167787]\n", + "\n", + "[ 0 2 4 3 12 5 1 6 14 7 13 17 11 9 20 18 15 10 21 19 8 22 16 23]\n", + "=======================\n", + "[\"jennifer is a huge fitness fan , and the mother of two has completed triathlonsthis week : jennifer lopez 's arms .the singer/actress shows off toned arms at the annual academy awards in february\"]\n", + "=======================\n", + "['fitness fan jennifer is famous for her curves , but her arms are also tonedthe mother-of-two has completed triathlons .try modified push-ups which activate the entire upper body']\n", + "jennifer is a huge fitness fan , and the mother of two has completed triathlonsthis week : jennifer lopez 's arms .the singer/actress shows off toned arms at the annual academy awards in february\n", + "fitness fan jennifer is famous for her curves , but her arms are also tonedthe mother-of-two has completed triathlons .try modified push-ups which activate the entire upper body\n", + "[1.2343069 1.493408 1.2449968 1.1944479 1.2270744 1.149819 1.1391286\n", + " 1.0267658 1.073822 1.0564973 1.0782803 1.0582622 1.0624272 1.0989844\n", + " 1.0338259 1.0347408 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 4 3 5 6 13 10 8 12 11 9 15 14 7 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"troy university students delonte ' martistee , 22 , of georgia and ryan austin calhoun , 23 , of alabama were charged on friday with sexual battery by multiple perpetrators relating to the incident that occurred between march 10-12 , according to bay county sheriff 's office .according to wfsa , it has been confirmed by university officials that both men were suspended , and martistee , a promising track star , has been removed from the team .two college students have been charged in connection to an unconscious girl who was allegedly gang raped on a florida beach during spring break in broad daylight , authorities said .\"]\n", + "=======================\n", + "[\"troy university students delonte ' martistee , 22 , and ryan austin calhoun , 23 , have been charged in connection to the alleged sexual attackpolice in troy , alabama , found the video while investigating a shootingvideo ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervenetwo additional suspects are being sought in connection to the incident\"]\n", + "troy university students delonte ' martistee , 22 , of georgia and ryan austin calhoun , 23 , of alabama were charged on friday with sexual battery by multiple perpetrators relating to the incident that occurred between march 10-12 , according to bay county sheriff 's office .according to wfsa , it has been confirmed by university officials that both men were suspended , and martistee , a promising track star , has been removed from the team .two college students have been charged in connection to an unconscious girl who was allegedly gang raped on a florida beach during spring break in broad daylight , authorities said .\n", + "troy university students delonte ' martistee , 22 , and ryan austin calhoun , 23 , have been charged in connection to the alleged sexual attackpolice in troy , alabama , found the video while investigating a shootingvideo ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervenetwo additional suspects are being sought in connection to the incident\n", + "[1.0899353 1.1979262 1.2060786 1.1350722 1.2608256 1.2942739 1.0739218\n", + " 1.2251225 1.1047168 1.0549691 1.1935983 1.0481471 1.0394052 1.0965354\n", + " 1.0402766 1.0370888 1.037772 1.0750115 1.0633003 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 5 4 7 2 1 10 3 8 13 0 17 6 18 9 11 14 12 16 15 21 19 20 22]\n", + "=======================\n", + "[\"ed miliband ( left ) can claim that 18 of the 20 premier league clubs are in labour consituencies ; but prime minister david cameron may be concerned at the conservatives ' lack of blues in the top flightthe football league 's political colours , based on the party holding each club 's constituencyoverall , ed miliband 's party has mps in constituencies housing 55 of the 92 clubs in england 's top four divisions .\"]\n", + "=======================\n", + "[\"premier league clubs are overwhelmingly in labour constituencieslabour hold seats in the majority of football league clubs ' constituenciesthe traditional view is that football is the working man 's game , while labour is the party that was established to fight for the working manjust one football league club , bradford , is in an independent constituencyfootball clubs are found in only seven liberal democrat constituencies\"]\n", + "ed miliband ( left ) can claim that 18 of the 20 premier league clubs are in labour consituencies ; but prime minister david cameron may be concerned at the conservatives ' lack of blues in the top flightthe football league 's political colours , based on the party holding each club 's constituencyoverall , ed miliband 's party has mps in constituencies housing 55 of the 92 clubs in england 's top four divisions .\n", + "premier league clubs are overwhelmingly in labour constituencieslabour hold seats in the majority of football league clubs ' constituenciesthe traditional view is that football is the working man 's game , while labour is the party that was established to fight for the working manjust one football league club , bradford , is in an independent constituencyfootball clubs are found in only seven liberal democrat constituencies\n", + "[1.5416971 1.3308396 1.2313733 1.1513675 1.0836977 1.0815009 1.1075338\n", + " 1.0575603 1.0947753 1.0383006 1.0363945 1.0113888 1.0414658 1.0483598\n", + " 1.0306764 1.0121287 1.0654699 1.0737368 1.0864198 1.0853738 1.0853595\n", + " 1.1427851 1.1242856]\n", + "\n", + "[ 0 1 2 3 21 22 6 8 18 19 20 4 5 17 16 7 13 12 9 10 14 15 11]\n", + "=======================\n", + "['( cnn ) espn suspended reporter britt mchenry for a week after a video of her berating a towing company employee surfaced thursday .the sports network announced her suspension on twitter .mchenry posted an apology on twitter , saying she allowed her emotions to get away from her during a stressful situation at a virginia business .']\n", + "=======================\n", + "['#firebrittmchenry has become a popular hashtag on twitterbritt mchenry is a reporter for the sports network , and she is based in washingtonshe apologized on twitter for losing control of her emotions , not taking the high road']\n", + "( cnn ) espn suspended reporter britt mchenry for a week after a video of her berating a towing company employee surfaced thursday .the sports network announced her suspension on twitter .mchenry posted an apology on twitter , saying she allowed her emotions to get away from her during a stressful situation at a virginia business .\n", + "#firebrittmchenry has become a popular hashtag on twitterbritt mchenry is a reporter for the sports network , and she is based in washingtonshe apologized on twitter for losing control of her emotions , not taking the high road\n", + "[1.3055472 1.4322261 1.2806569 1.2149458 1.1863959 1.4007095 1.2744625\n", + " 1.082766 1.0248027 1.0407718 1.092072 1.0179466 1.1292567 1.0503618\n", + " 1.018287 1.0200536 1.0177703 1.0165015 1.0199803 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 5 0 2 6 3 4 12 10 7 13 9 8 15 18 14 11 16 17 21 19 20 22]\n", + "=======================\n", + "[\"the ghana international will be a free agent as he is out of contract at marseille and wants to join the anfield club who he supported as a boy .andre ayew is keen on a move to liverpool this summer .everton , newcastle and swansea have all shown interest while ayew 's representatives have held talks with roma .\"]\n", + "=======================\n", + "['marseille forward andre ayew is out of contract in the summerhe has admitted to sportsmail that he would like to play in englandnewcastle , everton and swansea have also shown an interestayew admits he grew up watching english football as a boy']\n", + "the ghana international will be a free agent as he is out of contract at marseille and wants to join the anfield club who he supported as a boy .andre ayew is keen on a move to liverpool this summer .everton , newcastle and swansea have all shown interest while ayew 's representatives have held talks with roma .\n", + "marseille forward andre ayew is out of contract in the summerhe has admitted to sportsmail that he would like to play in englandnewcastle , everton and swansea have also shown an interestayew admits he grew up watching english football as a boy\n", + "[1.1394582 1.5605316 1.2571797 1.4356611 1.2454159 1.1262076 1.071206\n", + " 1.018871 1.0357505 1.0287691 1.0759544 1.1662194 1.1245174 1.0303191\n", + " 1.0109115 1.0559375 1.0266908 1.0136415 1.2219179 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 4 18 11 0 5 12 10 6 15 8 13 9 16 7 17 14 21 19 20 22]\n", + "=======================\n", + "[\"clint chadbourne , 71 , was headed back to portland from massachusetts with his wife and daughter when they pulled over at a rest stop .when clint tried to get out the car , he could n't do it because his gut was stuck in his seatbelt .clint 's wife bonnie , 67 , posted the two-minute clip on facebook and it has been viewed almost 30 million times\"]\n", + "=======================\n", + "[\"clint chadbourne , 71 , was headed home to portland when he got trappedhis wife bonnie and daughter kelly captured the whole thing on videoman did n't panic but became increasingly agitated at family 's laughterthe chadbournes were able to free clint and posted video on facebook\"]\n", + "clint chadbourne , 71 , was headed back to portland from massachusetts with his wife and daughter when they pulled over at a rest stop .when clint tried to get out the car , he could n't do it because his gut was stuck in his seatbelt .clint 's wife bonnie , 67 , posted the two-minute clip on facebook and it has been viewed almost 30 million times\n", + "clint chadbourne , 71 , was headed home to portland when he got trappedhis wife bonnie and daughter kelly captured the whole thing on videoman did n't panic but became increasingly agitated at family 's laughterthe chadbournes were able to free clint and posted video on facebook\n", + "[1.289302 1.315172 1.3395497 1.3214614 1.2652516 1.1215086 1.0840524\n", + " 1.1187832 1.1031832 1.0482051 1.0666544 1.0366356 1.0179838 1.0337394\n", + " 1.03342 1.0615395 1.0431643 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 3 1 0 4 5 7 8 6 10 15 9 16 11 13 14 12 21 17 18 19 20 22]\n", + "=======================\n", + "[\"baby malaja was in a car seat in the back of a silver chevrolet impala and her parents were in the front seat when a black car pulled alongside around at 4.30 pm thursday , kent police spokeswoman melanie robinson said .the baby was in ` very critical condition ' friday , a day after the shooting , said susan gregg , a spokeswoman for harborview medical center in seattle .on the road : the shooting took place at an intersection near an apartment complex in kent , washington\"]\n", + "=======================\n", + "[\"one-year-old baby malaja was shot while riding in backseat of her parents ' car in seattle suburb thursday afternoondriver and passenger of passing car pulled up and opened fire on silver chevy impala carrying malaja\"]\n", + "baby malaja was in a car seat in the back of a silver chevrolet impala and her parents were in the front seat when a black car pulled alongside around at 4.30 pm thursday , kent police spokeswoman melanie robinson said .the baby was in ` very critical condition ' friday , a day after the shooting , said susan gregg , a spokeswoman for harborview medical center in seattle .on the road : the shooting took place at an intersection near an apartment complex in kent , washington\n", + "one-year-old baby malaja was shot while riding in backseat of her parents ' car in seattle suburb thursday afternoondriver and passenger of passing car pulled up and opened fire on silver chevy impala carrying malaja\n", + "[1.1527233 1.1094171 1.4543238 1.2179393 1.3221824 1.2107552 1.0749598\n", + " 1.1588618 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 4 3 5 7 0 1 6 20 19 18 17 16 15 11 13 12 21 10 9 8 14 22]\n", + "=======================\n", + "['the clown prince of crime will appear in 2016 \\'s \" suicide squad , \" the first movie featuring the best-known comic book villain , where ( as far as we know anyway ) , there is no batman present .he will be the first actor to play the character on the big screen since the late heath ledger .the oscar winner cut his hair and shaved his face for the role , and appears to have embraced it fully .']\n", + "=======================\n", + "['jared leto unveiled as the joker for the first time on twitterleto stars in 2016 \\'s \" suicide squad \"']\n", + "the clown prince of crime will appear in 2016 's \" suicide squad , \" the first movie featuring the best-known comic book villain , where ( as far as we know anyway ) , there is no batman present .he will be the first actor to play the character on the big screen since the late heath ledger .the oscar winner cut his hair and shaved his face for the role , and appears to have embraced it fully .\n", + "jared leto unveiled as the joker for the first time on twitterleto stars in 2016 's \" suicide squad \"\n", + "[1.2738714 1.4903704 1.1752579 1.3360248 1.1371472 1.1686715 1.0637958\n", + " 1.1147875 1.0386955 1.0505112 1.0731114 1.0616426 1.1602706 1.1614015\n", + " 1.0749351 1.0531874 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 2 5 13 12 4 7 14 10 6 11 15 9 8 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"he was banned from using london underground during rush hours after rubbing himself up against a woman in a busy carriagemohammed tahir , 53 , of leytonstone , east london , got off his train at mile end and picked a target on the platform - a ` confident and articulate ' professional in her 20s , a court heard .muhammed tahir at the old bailey .\"]\n", + "=======================\n", + "[\"muhammed tahir , 53 , followed woman in her 20s onto central line trainhe got close and pretended to accidentally rub his hand across her thighhe kept moving closer and rubbed his crotch and pot belly on her bottomact was ` so blatant ' it caught the attention of undercover police officers\"]\n", + "he was banned from using london underground during rush hours after rubbing himself up against a woman in a busy carriagemohammed tahir , 53 , of leytonstone , east london , got off his train at mile end and picked a target on the platform - a ` confident and articulate ' professional in her 20s , a court heard .muhammed tahir at the old bailey .\n", + "muhammed tahir , 53 , followed woman in her 20s onto central line trainhe got close and pretended to accidentally rub his hand across her thighhe kept moving closer and rubbed his crotch and pot belly on her bottomact was ` so blatant ' it caught the attention of undercover police officers\n", + "[1.3758732 1.1217428 1.0595403 1.0394626 1.1115898 1.1094766 1.4613204\n", + " 1.187015 1.0623581 1.0238845 1.0184926 1.0176152 1.1396868 1.058423\n", + " 1.1341797 1.12067 1.0440454 1.1089692 1.0643396 1.041509 1.0174686\n", + " 1.0273061 1.0299617]\n", + "\n", + "[ 6 0 7 12 14 1 15 4 5 17 18 8 2 13 16 19 3 22 21 9 10 11 20]\n", + "=======================\n", + "[\"tim sherwood and chris ramsey embrace each other as they met at villa park on tuesday nightsherwood and ramsey 's relationship was forged over four years at tottenham .harry kane , ryan mason and nabil bentaleb are part of their spurs legacy .\"]\n", + "=======================\n", + "[\"aston villa and qpr drew 3-3 in the premier league on tuesday nighttim sherwood and chris ramsey 's reunion had twists and turns to itthe two clubs ' premier league statuses were not decided by the draw\"]\n", + "tim sherwood and chris ramsey embrace each other as they met at villa park on tuesday nightsherwood and ramsey 's relationship was forged over four years at tottenham .harry kane , ryan mason and nabil bentaleb are part of their spurs legacy .\n", + "aston villa and qpr drew 3-3 in the premier league on tuesday nighttim sherwood and chris ramsey 's reunion had twists and turns to itthe two clubs ' premier league statuses were not decided by the draw\n", + "[1.1819087 1.5415206 1.2167324 1.265369 1.1927986 1.1286933 1.160763\n", + " 1.0549425 1.0800292 1.0643058 1.2076312 1.0626634 1.0654794 1.1462142\n", + " 1.0972116 1.0775088 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 10 4 0 6 13 5 14 8 15 12 9 11 7 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"stephen john docherty , 66 , pleaded guilty to wounding with intent when he appeared at in the whakatane district court on wednesday , nz media reported .a man has admitted to ripping another man 's scrotum with a metal hook after he thought a concreting job was n't up to scratchaccording to police mr docherty hired the victim to complete concrete works at his property .\"]\n", + "=======================\n", + "[\"stephen docherty admitted he lost control when he attacked a concreterhe took a large hook and tore another man 's scrotum openthe victim just finished a concrete job on mr docherty 's homemr docherty said the job was not done to his specifications\"]\n", + "stephen john docherty , 66 , pleaded guilty to wounding with intent when he appeared at in the whakatane district court on wednesday , nz media reported .a man has admitted to ripping another man 's scrotum with a metal hook after he thought a concreting job was n't up to scratchaccording to police mr docherty hired the victim to complete concrete works at his property .\n", + "stephen docherty admitted he lost control when he attacked a concreterhe took a large hook and tore another man 's scrotum openthe victim just finished a concrete job on mr docherty 's homemr docherty said the job was not done to his specifications\n", + "[1.4044797 1.2311324 1.3395885 1.2142962 1.1414492 1.1753778 1.0714897\n", + " 1.0457972 1.023639 1.0667381 1.0423781 1.0439792 1.0435175 1.0740848\n", + " 1.0412912 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 5 4 13 6 9 7 11 12 10 14 8 15 16 17]\n", + "=======================\n", + "['( cnn ) iran will sign a final nuclear agreement only if economic sanctions against the nation are removed on the first day of the deal \\'s implementation , president hassan rouhani said thursday .six world powers and iran reached a preliminary deal last week that aims to limit tehran \\'s nuclear program in exchange for lifting economic sanctions .ayatollah ali khamenei , the islamic republic \\'s supreme leader , meanwhile , told state-run media outlets he is neither in favor nor against the proposed deal because it is n\\'t final , and he \\'s not certain it will become binding because he has \" never been optimistic about negotiations with the u.s. \"']\n", + "=======================\n", + "['\" it is meaningless to congratulate me or others \" because deal not final , ayatollah sayspresident hassan rouhani : iran will not surrender to bullying , sanctionsu.s. lawmaker : bill to ease sanctions does not stand a chance in house or senate']\n", + "( cnn ) iran will sign a final nuclear agreement only if economic sanctions against the nation are removed on the first day of the deal 's implementation , president hassan rouhani said thursday .six world powers and iran reached a preliminary deal last week that aims to limit tehran 's nuclear program in exchange for lifting economic sanctions .ayatollah ali khamenei , the islamic republic 's supreme leader , meanwhile , told state-run media outlets he is neither in favor nor against the proposed deal because it is n't final , and he 's not certain it will become binding because he has \" never been optimistic about negotiations with the u.s. \"\n", + "\" it is meaningless to congratulate me or others \" because deal not final , ayatollah sayspresident hassan rouhani : iran will not surrender to bullying , sanctionsu.s. lawmaker : bill to ease sanctions does not stand a chance in house or senate\n", + "[1.372211 1.3768083 1.1433198 1.1841185 1.1044059 1.0706185 1.0997049\n", + " 1.0874368 1.018492 1.1205705 1.0865533 1.0673549 1.0507264 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 9 4 6 7 10 5 11 12 8 13 14 15 16 17]\n", + "=======================\n", + "[\"if the former u.s. secretary of state reaches her goal and is sworn in as the 44th president of the united states in january 2017 , then she will not only be the country 's first female president but also the second oldest , behind ronald reagan , ever to open the doors to the white house .hillary clinton is laughing in the face of the accepted retirement age - currently 65 both in the uk and the us - by aiming to become the leader of the free world just months before her 70th birthday .age is nothing but a number : hillary clinton who has launched her campaign to be us president ( pictured above , speaking at the women in the world conference on april 23 ) will be 69 when she takes office if successful\"]\n", + "=======================\n", + "['if her campaign succeeds , clinton will be the second oldest u.s. presidenthas so far used her age to win voters posting photographs of herself as a child after wwii and also using the hashtag #grandmothersknowbestclinton leads a global group of high-achieving older women including anna wintour , judi dench , dilma rousseff and nancy pelosi']\n", + "if the former u.s. secretary of state reaches her goal and is sworn in as the 44th president of the united states in january 2017 , then she will not only be the country 's first female president but also the second oldest , behind ronald reagan , ever to open the doors to the white house .hillary clinton is laughing in the face of the accepted retirement age - currently 65 both in the uk and the us - by aiming to become the leader of the free world just months before her 70th birthday .age is nothing but a number : hillary clinton who has launched her campaign to be us president ( pictured above , speaking at the women in the world conference on april 23 ) will be 69 when she takes office if successful\n", + "if her campaign succeeds , clinton will be the second oldest u.s. presidenthas so far used her age to win voters posting photographs of herself as a child after wwii and also using the hashtag #grandmothersknowbestclinton leads a global group of high-achieving older women including anna wintour , judi dench , dilma rousseff and nancy pelosi\n", + "[1.4526373 1.2424629 1.2009994 1.5430975 1.1599662 1.041054 1.0364957\n", + " 1.1312003 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 2 4 7 5 6 15 14 13 12 8 10 9 16 11 17]\n", + "=======================\n", + "[\"cristiano ronaldo scored five goals as real madrid thrashed granada 9-1 on sunday afternooncristiano ronaldo returned to top form last weekend with five goals against granada , and he is now urging his supporters to get themselves into shape .the real madrid forward has not been at his best this year , but turned things around with a stunning display on sunday , during real madrid 's 9-1 win .\"]\n", + "=======================\n", + "[\"cristiano ronaldo scored five times in real madrid 's 9-1 win over granadaronaldo posts picture with a bike on twitterreal madrid star tells followers ` exercise all you can ! 'read : which clubs have suffered most at the hands of the ronaldo ?click here for all the latest real madrid news\"]\n", + "cristiano ronaldo scored five goals as real madrid thrashed granada 9-1 on sunday afternooncristiano ronaldo returned to top form last weekend with five goals against granada , and he is now urging his supporters to get themselves into shape .the real madrid forward has not been at his best this year , but turned things around with a stunning display on sunday , during real madrid 's 9-1 win .\n", + "cristiano ronaldo scored five times in real madrid 's 9-1 win over granadaronaldo posts picture with a bike on twitterreal madrid star tells followers ` exercise all you can ! 'read : which clubs have suffered most at the hands of the ronaldo ?click here for all the latest real madrid news\n", + "[1.0462692 1.0383046 1.0784438 1.1367066 1.2279806 1.3143034 1.0497658\n", + " 1.0458741 1.1170257 1.067009 1.1131295 1.0949087 1.037258 1.0615075\n", + " 1.0190492 1.0212562 1.0180707 1.1506091]\n", + "\n", + "[ 5 4 17 3 8 10 11 2 9 13 6 0 7 1 12 15 14 16]\n", + "=======================\n", + "['he has found the lost city of lagunita .what was once the gateway to an ancient mayan city , built circa 700 ad and mysteriously abandoned four centuries later , stands before him .since 1996 , he and his team have discovered more than 80 ancient mayan cities in the jungles of mexico , few of which the modern world had known before .']\n", + "=======================\n", + "['slovenian archaeologist ivan šprajc discovers ancient mayan cities in the jungles of mexicohis discoveries could help explain why so many mayan cities were abandoned before the arrival of the spaniards']\n", + "he has found the lost city of lagunita .what was once the gateway to an ancient mayan city , built circa 700 ad and mysteriously abandoned four centuries later , stands before him .since 1996 , he and his team have discovered more than 80 ancient mayan cities in the jungles of mexico , few of which the modern world had known before .\n", + "slovenian archaeologist ivan šprajc discovers ancient mayan cities in the jungles of mexicohis discoveries could help explain why so many mayan cities were abandoned before the arrival of the spaniards\n", + "[1.0808529 1.1001103 1.2260284 1.2569627 1.1229838 1.1064614 1.217134\n", + " 1.107978 1.0615386 1.0559167 1.0378947 1.0677351 1.06398 1.0318655\n", + " 1.0607268 0. 0. 0. ]\n", + "\n", + "[ 3 2 6 4 7 5 1 0 11 12 8 14 9 10 13 16 15 17]\n", + "=======================\n", + "[\"the results of the obama white house 's innovative efforts to make the world a better place can be accounted for in the ever-growing numbers of victims of radical islam in the middle east , north africa and south asia .the syrian jihad gave rise to the islamic state in iraq and syria , which now uses syria as a rear operating base to support its jihad in iraq , which could soon spill over into jordan .not to mention here in the united states , canada and europe .\"]\n", + "=======================\n", + "['authors warn president obama must be clear about radical islam threatal qaeda still a looming threat , they say']\n", + "the results of the obama white house 's innovative efforts to make the world a better place can be accounted for in the ever-growing numbers of victims of radical islam in the middle east , north africa and south asia .the syrian jihad gave rise to the islamic state in iraq and syria , which now uses syria as a rear operating base to support its jihad in iraq , which could soon spill over into jordan .not to mention here in the united states , canada and europe .\n", + "authors warn president obama must be clear about radical islam threatal qaeda still a looming threat , they say\n", + "[1.3178577 1.5527775 1.2506356 1.3922573 1.0961466 1.0281903 1.0205268\n", + " 1.0392945 1.1264915 1.0667098 1.1305763 1.0179044 1.0118934 1.0264648\n", + " 1.1462501 1.1056747 1.0878823 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 2 14 10 8 15 4 16 9 7 5 13 6 11 12 27 17 18 19 20 21 22\n", + " 23 24 25 26 28]\n", + "=======================\n", + "[\"paul casey was at home in arizona when the matter was decided last sunday and admitted he went through all sorts of agonies as his augusta fate swung back and forth .paul casey , pictured in action last month , is the 99th qualifier in the field of 99 due to play at the mastersthe englishman got in due to staying in the world 's top 50 but at one point , as events unfolded in morocco and at the texas open , he was projected to fall to 54th .\"]\n", + "=======================\n", + "['paul casey was the 99th qualifier in the field of 99 due to play at augustathe englishman made the last of his eight masters appearances in 2012he has the tools in his armoury to do well at the first major of the yearthe 2015 masters gets underway at augusta national next thursday']\n", + "paul casey was at home in arizona when the matter was decided last sunday and admitted he went through all sorts of agonies as his augusta fate swung back and forth .paul casey , pictured in action last month , is the 99th qualifier in the field of 99 due to play at the mastersthe englishman got in due to staying in the world 's top 50 but at one point , as events unfolded in morocco and at the texas open , he was projected to fall to 54th .\n", + "paul casey was the 99th qualifier in the field of 99 due to play at augustathe englishman made the last of his eight masters appearances in 2012he has the tools in his armoury to do well at the first major of the yearthe 2015 masters gets underway at augusta national next thursday\n", + "[1.3123002 1.3131518 1.2600828 1.3063931 1.1544806 1.1036872 1.0562713\n", + " 1.0312341 1.0923785 1.0552495 1.0749133 1.1103811 1.0712523 1.0602094\n", + " 1.0390391 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 2 4 11 5 8 10 12 13 6 9 14 7 27 15 16 17 18 19 20 21 22\n", + " 23 24 25 26 28]\n", + "=======================\n", + "[\"christopher swain wore a protective yellow suit as he went over a railing and into the water around 2pm wednesday in brooklyn but completed only two-thirds of a mile of the 1.8-mile waterway .a clean-water advocate took an earth day swim in new york city 's polluted gowanus canal , a site designated by the federal government as especially polluted , but quit less than halfway through .he swam about an hour into the canal in a stunt to urge environmental clean up that ultimately succumbed to the water 's pollution because the experience was like ` swimming ` in a dirty diaper ' .\"]\n", + "=======================\n", + "[\"christopher swain donned protective suit to swim through gowanus canalbrooklyn waterway is famous dumping site for toxic industrial wasteroughly 377million gallons of diluted raw sewage poured in each yearswain quit two-thirds of a mile into 1.8-mile journey and said it was like ` swimming into a dirty diaper 'swimmer gargled peroxide and had special tablet on hand to fight against contaminated water entering his body and making him sickhe urged faster cleanup of the canal , which is slated for dredging in 2017\"]\n", + "christopher swain wore a protective yellow suit as he went over a railing and into the water around 2pm wednesday in brooklyn but completed only two-thirds of a mile of the 1.8-mile waterway .a clean-water advocate took an earth day swim in new york city 's polluted gowanus canal , a site designated by the federal government as especially polluted , but quit less than halfway through .he swam about an hour into the canal in a stunt to urge environmental clean up that ultimately succumbed to the water 's pollution because the experience was like ` swimming ` in a dirty diaper ' .\n", + "christopher swain donned protective suit to swim through gowanus canalbrooklyn waterway is famous dumping site for toxic industrial wasteroughly 377million gallons of diluted raw sewage poured in each yearswain quit two-thirds of a mile into 1.8-mile journey and said it was like ` swimming into a dirty diaper 'swimmer gargled peroxide and had special tablet on hand to fight against contaminated water entering his body and making him sickhe urged faster cleanup of the canal , which is slated for dredging in 2017\n", + "[1.280766 1.2233977 1.1816957 1.208479 1.2816287 1.0905564 1.0443022\n", + " 1.0579691 1.0554947 1.0273365 1.04321 1.0700227 1.0173109 1.0814365\n", + " 1.0601138 1.054812 1.0230414 1.0346968 1.1010398 1.0236515 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 4 0 1 3 2 18 5 13 11 14 7 8 15 6 10 17 9 19 16 12 27 20 21 22\n", + " 23 24 25 26 28]\n", + "=======================\n", + "['it was the last time he used drugs , the first and only time he was arrested , and the first and only time to fully withdrawal from heroin .( cnn ) anthony sideri hit rock bottom while wrapped in a dirty blanket on the floor of a jail infirmary bathroom in middleton , massachusetts .he was 25 , shivering , sweating , throwing up and going through the full withdrawals of heroin .']\n", + "=======================\n", + "[\"strung out on heroin , anthony sideri robbed a bankhe had to go through withdrawal in a jail cellovercoming addiction is possible , he says , as he 's building a new life as a family man\"]\n", + "it was the last time he used drugs , the first and only time he was arrested , and the first and only time to fully withdrawal from heroin .( cnn ) anthony sideri hit rock bottom while wrapped in a dirty blanket on the floor of a jail infirmary bathroom in middleton , massachusetts .he was 25 , shivering , sweating , throwing up and going through the full withdrawals of heroin .\n", + "strung out on heroin , anthony sideri robbed a bankhe had to go through withdrawal in a jail cellovercoming addiction is possible , he says , as he 's building a new life as a family man\n", + "[1.3186553 1.4281013 1.3247545 1.29187 1.0662903 1.2178447 1.0567876\n", + " 1.0782596 1.053017 1.0500145 1.0610437 1.0648496 1.0573729 1.0675385\n", + " 1.047318 1.032039 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 5 7 13 4 11 10 12 6 8 9 14 15 16 17 18 19 20 21 22 23\n", + " 24 25 26 27 28]\n", + "=======================\n", + "[\"police went to a home on march 26 in balch springs , texas , to do a welfare check and were told by residents that a two-year-old child had died and a ` rising ceremony ' performed , according to cbs .the ceremony was an attempt to resurrect the child , police claimed , and took place on march 22 .a couple in texas allegedly tried to resurrect their two-year-old child at a home church before taking the body across the border to mexico for burial , police said on thursday .\"]\n", + "=======================\n", + "[\"police went to a home on march 26 in balch springs , texas , to do a welfare check and were told by residents that a two-year-old child had diedneighbor told daily mail online that a woman at the home claimed that five children at the home ` were off the streets of mexico '\"]\n", + "police went to a home on march 26 in balch springs , texas , to do a welfare check and were told by residents that a two-year-old child had died and a ` rising ceremony ' performed , according to cbs .the ceremony was an attempt to resurrect the child , police claimed , and took place on march 22 .a couple in texas allegedly tried to resurrect their two-year-old child at a home church before taking the body across the border to mexico for burial , police said on thursday .\n", + "police went to a home on march 26 in balch springs , texas , to do a welfare check and were told by residents that a two-year-old child had diedneighbor told daily mail online that a woman at the home claimed that five children at the home ` were off the streets of mexico '\n", + "[1.063432 1.0503463 1.1084034 1.2045591 1.0370113 1.0522157 1.2615615\n", + " 1.0943491 1.0757642 1.125678 1.0576125 1.0924486 1.0274189 1.0274923\n", + " 1.0292537 1.0544263 1.0297488 1.0288223 1.0956769 1.0852654 1.066371\n", + " 1.0323958 1.0390797 1.0198354 1.0353568 1.0231365 1.0203729 1.0314683\n", + " 1.0466886]\n", + "\n", + "[ 6 3 9 2 18 7 11 19 8 20 0 10 15 5 1 28 22 4 24 21 27 16 14 17\n", + " 13 12 25 26 23]\n", + "=======================\n", + "['there have been enough sightings of the old tiger at augusta this week not to give up on him yet .he smiled , slapped his playing partner rory mcilroy on the back .at the ninth , playing out of the augusta pines , woods found such a root at full pelt on his follow through .']\n", + "=======================\n", + "[\"tiger woods finishes tied for seventeenth in the 2015 masters at augustawoods could only score 73 on sunday , seven shots less than rory mcilroythere has been enough to suggest that woods is not finished yetjordan spieth won this year 's masters after finishing on 18 under par\"]\n", + "there have been enough sightings of the old tiger at augusta this week not to give up on him yet .he smiled , slapped his playing partner rory mcilroy on the back .at the ninth , playing out of the augusta pines , woods found such a root at full pelt on his follow through .\n", + "tiger woods finishes tied for seventeenth in the 2015 masters at augustawoods could only score 73 on sunday , seven shots less than rory mcilroythere has been enough to suggest that woods is not finished yetjordan spieth won this year 's masters after finishing on 18 under par\n", + "[1.0276003 1.33028 1.2750838 1.281836 1.2912308 1.2450596 1.0878686\n", + " 1.099096 1.1676267 1.0520886 1.0223781 1.1168408 1.0776749 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 3 2 5 8 11 7 6 12 9 0 10 13 14 15]\n", + "=======================\n", + "[\"a self-warming bottle that heats up in 60 seconds is among the latest gizmos designed to make new mums ' lives easier .pippa middleton , left , is said to have bought the biodegradable nappies for her new royal niece or nephewthe new royal baby could be clad in eco-friendly biodegradable mull-cloth as opposed to disposable nappies\"]\n", + "=======================\n", + "[\"pippa is said to have bought biodegradable nappies in switzerlandbuggy lights have white forward and red rear facing lights - just like a carself-warming bottle means new mums do n't even need to get out of bed\"]\n", + "a self-warming bottle that heats up in 60 seconds is among the latest gizmos designed to make new mums ' lives easier .pippa middleton , left , is said to have bought the biodegradable nappies for her new royal niece or nephewthe new royal baby could be clad in eco-friendly biodegradable mull-cloth as opposed to disposable nappies\n", + "pippa is said to have bought biodegradable nappies in switzerlandbuggy lights have white forward and red rear facing lights - just like a carself-warming bottle means new mums do n't even need to get out of bed\n", + "[1.2318455 1.4690773 1.3837416 1.3318299 1.2897539 1.0429738 1.0510739\n", + " 1.0257634 1.0207574 1.0474323 1.0771271 1.1853881 1.0501837 1.0872042\n", + " 1.0718838 0. ]\n", + "\n", + "[ 1 2 3 4 0 11 13 10 14 6 12 9 5 7 8 15]\n", + "=======================\n", + "[\"but officers are powerless to act over the allegations , at a school in blackburn , lancashire , because the age of criminal responsibility in england is ten , so charges can not be brought against the boy .the girl 's mother has also blasted school authorities after officials refused to remove the boy from her daughter 's class , saying they have made the girl feel ` like she was in the wrong ' .a six-year-old girl has been sexually assaulted by a boy of the same age in the classroom and playground of her school .\"]\n", + "=======================\n", + "[\"girl , six , assaulted by boy of the same age at primary school in blackburnschool officials ruled that boy did not need to be removed from girl 's classmother says she has now been forced to move daughter to another schoolpolice can not bring charges as age of criminal responsibility is ten\"]\n", + "but officers are powerless to act over the allegations , at a school in blackburn , lancashire , because the age of criminal responsibility in england is ten , so charges can not be brought against the boy .the girl 's mother has also blasted school authorities after officials refused to remove the boy from her daughter 's class , saying they have made the girl feel ` like she was in the wrong ' .a six-year-old girl has been sexually assaulted by a boy of the same age in the classroom and playground of her school .\n", + "girl , six , assaulted by boy of the same age at primary school in blackburnschool officials ruled that boy did not need to be removed from girl 's classmother says she has now been forced to move daughter to another schoolpolice can not bring charges as age of criminal responsibility is ten\n", + "[1.2561034 1.3952491 1.3117087 1.2494769 1.119801 1.057921 1.0492871\n", + " 1.0685437 1.0208861 1.178565 1.1802903 1.1168405 1.0302253 1.027075\n", + " 1.0639571 1.0991422]\n", + "\n", + "[ 1 2 0 3 10 9 4 11 15 7 14 5 6 12 13 8]\n", + "=======================\n", + "['emergency workers surrounded the delta air lines plane at laguardia airport after an odor of smoke was reported by the crew moments after flight 2522 touched down .passengers were still on board as firefighters walked through the cabin with a thermal imaging camera to locate a potential heat source .passengers experienced some anxious moments when their plane landed at a new york city airport and was met by firefighters wearing full protective suits .']\n", + "=======================\n", + "['delta said the flight crew reported an odor while taxiing to the gatethe crew shut down both engines and notified the airport fire departmentpassengers remained on board as firefighters checked for a heat sourceplane was towed to the gate and passengers allowed to disembark']\n", + "emergency workers surrounded the delta air lines plane at laguardia airport after an odor of smoke was reported by the crew moments after flight 2522 touched down .passengers were still on board as firefighters walked through the cabin with a thermal imaging camera to locate a potential heat source .passengers experienced some anxious moments when their plane landed at a new york city airport and was met by firefighters wearing full protective suits .\n", + "delta said the flight crew reported an odor while taxiing to the gatethe crew shut down both engines and notified the airport fire departmentpassengers remained on board as firefighters checked for a heat sourceplane was towed to the gate and passengers allowed to disembark\n", + "[1.2616752 1.3441077 1.2628752 1.3308843 1.2563313 1.0996969 1.084381\n", + " 1.0730028 1.0345371 1.1168675 1.0573945 1.0388256 1.2008735 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 12 9 5 6 7 10 11 8 13 14 15]\n", + "=======================\n", + "[\"tulip siddiq , a former aide to ed miliband , and who is standing for labour in hampstead , was at the kremlin with her aunt , the hardline leader of bangladesh who is accused of human rights abuses .labour candidate tulip siddiq ( left ) was last night accused of failing to tell voters that she met vladimir putin ( right ) in moscow two years agoa smiling ms siddiq was photographed alongside putin and sheikh hasina , the prime minister of bangladesh and ms siddiq 's mother rehana .\"]\n", + "=======================\n", + "['tulip siddiq accused of failing to tell voters she met vladimir putin in 2013labour candidate met russian president at signing of billion-dollar arms dealformer aide to labour leader ed milbiand is standing for party in hampstead']\n", + "tulip siddiq , a former aide to ed miliband , and who is standing for labour in hampstead , was at the kremlin with her aunt , the hardline leader of bangladesh who is accused of human rights abuses .labour candidate tulip siddiq ( left ) was last night accused of failing to tell voters that she met vladimir putin ( right ) in moscow two years agoa smiling ms siddiq was photographed alongside putin and sheikh hasina , the prime minister of bangladesh and ms siddiq 's mother rehana .\n", + "tulip siddiq accused of failing to tell voters she met vladimir putin in 2013labour candidate met russian president at signing of billion-dollar arms dealformer aide to labour leader ed milbiand is standing for party in hampstead\n", + "[1.506373 1.2747138 1.2647618 1.1983496 1.0914203 1.0381963 1.0424203\n", + " 1.1552145 1.1011481 1.061012 1.0640358 1.0620025 1.0456972 1.0448083\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 3 7 8 4 10 11 9 12 13 6 5 14 15]\n", + "=======================\n", + "[\"( cnn ) americans on the united states ' no-fly list will now be privy to information about why they have been banned from commercial flights and be given the opportunity to dispute their status , according to court documents filed by the justice department this week .the revised policy comes in response to a june ruling by a federal judge that said the old process was in violation of the fifth amendment 's guarantee of due process .but the aclu is n't satisfied with the government 's new policy , outlined in documents filed monday in federal courts in oregon ( pdf ) and virginia ( pdf ) .\"]\n", + "=======================\n", + "['americans on the no-fly list will now get info about why they \\'ve been banned from flightsaclu says the policy still denies \" meaningful notice , evidence , and a hearing \"']\n", + "( cnn ) americans on the united states ' no-fly list will now be privy to information about why they have been banned from commercial flights and be given the opportunity to dispute their status , according to court documents filed by the justice department this week .the revised policy comes in response to a june ruling by a federal judge that said the old process was in violation of the fifth amendment 's guarantee of due process .but the aclu is n't satisfied with the government 's new policy , outlined in documents filed monday in federal courts in oregon ( pdf ) and virginia ( pdf ) .\n", + "americans on the no-fly list will now get info about why they 've been banned from flightsaclu says the policy still denies \" meaningful notice , evidence , and a hearing \"\n", + "[1.2572101 1.2971599 1.192477 1.079663 1.3575352 1.1054786 1.128698\n", + " 1.0555903 1.0503991 1.0864073 1.1021042 1.0929462 1.0818634 1.0676719\n", + " 1.0763845 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 1 0 2 6 5 10 11 9 12 3 14 13 7 8 19 15 16 17 18 20]\n", + "=======================\n", + "[\"former nsa chief general keith alexander has warned that the u.s. and her allies are at an ever growing risk of a systemic cyber-assault , with energy infrastructure likely to be hacker 's prime target` the greatest risk is a catastrophic attack on the energy infrastructure .he envisioned a worst case-scenario where hackers targeted oil refineries , power stations , and the electric grid .\"]\n", + "=======================\n", + "[\"general keith alexander has warned that the u.s. and her allies are at an ever growing risk of a systemic cyber-assaulthe predicts that energy infrastructure would be hacker 's prime target` we are not prepared for that , ' he warned in texas last weekalso voiced his concerns about the hacking threat from a terrorist organization such as isis\"]\n", + "former nsa chief general keith alexander has warned that the u.s. and her allies are at an ever growing risk of a systemic cyber-assault , with energy infrastructure likely to be hacker 's prime target` the greatest risk is a catastrophic attack on the energy infrastructure .he envisioned a worst case-scenario where hackers targeted oil refineries , power stations , and the electric grid .\n", + "general keith alexander has warned that the u.s. and her allies are at an ever growing risk of a systemic cyber-assaulthe predicts that energy infrastructure would be hacker 's prime target` we are not prepared for that , ' he warned in texas last weekalso voiced his concerns about the hacking threat from a terrorist organization such as isis\n", + "[1.1692017 1.3631196 1.3621696 1.381891 1.3091164 1.2119079 1.1076211\n", + " 1.137644 1.1595964 1.1508029 1.0294642 1.0147308 1.033653 1.044892\n", + " 1.0296366 1.0196136 1.0677198 1.0151252 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 4 5 0 8 9 7 6 16 13 12 14 10 15 17 11 19 18 20]\n", + "=======================\n", + "[\"bruce cook has been warned by police that he may face serious charges if he does n't take down his ` offensive ' hay bale structure out in front of his property at lake charm , northwest of victoriathe sculpture , made out of bales of compressed grass , depicts the obscene intimacy between a cow and a bull .mr cook put up his ` realistic ' artwork on good friday just for ' a bit of fun ' .\"]\n", + "=======================\n", + "[\"bruce cook put up a hay bale sculpture in front of his property in victoriamr cook says his artwork is ' a bit of fun ' which he put up on good fridaythe 59-year-old says many passersby have stopped to take photoshe says police gave him a call on wednesday , ordering him to take it downmr cook has refused to do so , even though he could face serious charges\"]\n", + "bruce cook has been warned by police that he may face serious charges if he does n't take down his ` offensive ' hay bale structure out in front of his property at lake charm , northwest of victoriathe sculpture , made out of bales of compressed grass , depicts the obscene intimacy between a cow and a bull .mr cook put up his ` realistic ' artwork on good friday just for ' a bit of fun ' .\n", + "bruce cook put up a hay bale sculpture in front of his property in victoriamr cook says his artwork is ' a bit of fun ' which he put up on good fridaythe 59-year-old says many passersby have stopped to take photoshe says police gave him a call on wednesday , ordering him to take it downmr cook has refused to do so , even though he could face serious charges\n", + "[1.5419385 1.3708422 1.3074692 1.1616746 1.3892035 1.0604053 1.0520303\n", + " 1.0398898 1.1479905 1.0473369 1.0317379 1.07245 1.0762393 1.0877303\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 2 3 8 13 12 11 5 6 9 7 10 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"barcelona star neymar feels his team 's champions league tie with paris saint-germain will prove a real footballing ` spectacle ' .the brazil international is expecting more fireworks following barca 's win over barclays premier league champions manchester city in the last 16 of the competition .barcelona and psg meet on april 15 in the french capital , and neymar told samba foot : ` it will be a great game between two great teams with excellent players .\"]\n", + "=======================\n", + "['neymar : ` it will be a great game between two great teams with excellent players .barcelona face psg in the french capital on april 15barca saw off manchester city in the champions league previously']\n", + "barcelona star neymar feels his team 's champions league tie with paris saint-germain will prove a real footballing ` spectacle ' .the brazil international is expecting more fireworks following barca 's win over barclays premier league champions manchester city in the last 16 of the competition .barcelona and psg meet on april 15 in the french capital , and neymar told samba foot : ` it will be a great game between two great teams with excellent players .\n", + "neymar : ` it will be a great game between two great teams with excellent players .barcelona face psg in the french capital on april 15barca saw off manchester city in the champions league previously\n", + "[1.2662259 1.3395869 1.1761395 1.3222165 1.2568098 1.2459882 1.1024354\n", + " 1.091051 1.0441406 1.0417597 1.0727991 1.0563282 1.0490011 1.1061383\n", + " 1.0160438 1.015111 1.1987242 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 5 16 2 13 6 7 10 11 12 8 9 14 15 17 18 19 20]\n", + "=======================\n", + "[\"the air malta jet was tracked by flightradar24.com as it took off the island 's international airport as it embarked on the unusual flight .a newly-wed couple were taken on a romantic flight over the mediterranean which left airline enthusiasts baffled after the passenger jet flew in the shape of two giant hearts shortly after takeoff .the special flight was to celebrate the marriage one of the airline 's pilot to a member of cabin crew .\"]\n", + "=======================\n", + "[\"the air malta airbus a-319 did two heart-shaped circuits of the islandthe flight was to celebrate wedding of a pilot and a member of cabin crewsocial media users were baffled by the unusual flight plan on the internetan airline spokeswoman described the special flight as ` very romantic '\"]\n", + "the air malta jet was tracked by flightradar24.com as it took off the island 's international airport as it embarked on the unusual flight .a newly-wed couple were taken on a romantic flight over the mediterranean which left airline enthusiasts baffled after the passenger jet flew in the shape of two giant hearts shortly after takeoff .the special flight was to celebrate the marriage one of the airline 's pilot to a member of cabin crew .\n", + "the air malta airbus a-319 did two heart-shaped circuits of the islandthe flight was to celebrate wedding of a pilot and a member of cabin crewsocial media users were baffled by the unusual flight plan on the internetan airline spokeswoman described the special flight as ` very romantic '\n", + "[1.5309772 1.5230937 1.3356158 1.3546138 1.040386 1.0155667 1.013419\n", + " 1.014088 1.1448205 1.1019229 1.0695478 1.0576942 1.036723 1.168223\n", + " 1.0301147 1.0649195 1.1554835 1.025108 1.0319519 1.047358 1.0545952]\n", + "\n", + "[ 0 1 3 2 13 16 8 9 10 15 11 20 19 4 12 18 14 17 5 7 6]\n", + "=======================\n", + "['point guard stephen curry nearly single-handedly outscored new orleans with 11 first-quarter points as the warriors built a 15-point lead and rolled to victory in game one of their western conference first-round series .game two in the best-of-seven series is scheduled for monday night in oakland .stephen curry scored a stunning 34 points for the golden state warriors in there play-off game']\n", + "=======================\n", + "['stephen curry scored 34 points for golden state against new orleansthe californian-based team defeated the pelicans 106-99washington wizards outscored the toronto raptors 11-4 in overtimepaul pierce led the scoring with 20 points for the wizards']\n", + "point guard stephen curry nearly single-handedly outscored new orleans with 11 first-quarter points as the warriors built a 15-point lead and rolled to victory in game one of their western conference first-round series .game two in the best-of-seven series is scheduled for monday night in oakland .stephen curry scored a stunning 34 points for the golden state warriors in there play-off game\n", + "stephen curry scored 34 points for golden state against new orleansthe californian-based team defeated the pelicans 106-99washington wizards outscored the toronto raptors 11-4 in overtimepaul pierce led the scoring with 20 points for the wizards\n", + "[1.2077854 1.416712 1.2869148 1.1235218 1.2078228 1.2368999 1.1755382\n", + " 1.0800371 1.1468983 1.0433285 1.0980501 1.0387019 1.0831342 1.1791208\n", + " 1.0929483 1.0391079 1.0192703 1.0272884 1.078371 1.008831 ]\n", + "\n", + "[ 1 2 5 4 0 13 6 8 3 10 14 12 7 18 9 15 11 17 16 19]\n", + "=======================\n", + "[\"his 13-year-old brother , identified as abdelkrim elmezayen , was pulled dead from the water at the scene shortly after 6pm on thursday .their parents are in a stable condition in the hospital .the family of four had been driving out of a parking lot on berth 73 when the vehicle , driven by the boys ' father , veered off the edge of the harbor .\"]\n", + "=======================\n", + "[\"a car plunged off a road into los angeles harbor on thursday , and two children pulled from the submerged vehicle were hospitalizedthe adults were described as being in fair condition but ` clearly emotionally distraught 'witnesses said the car appeared to speed up as it neared the edgefirefighter miguel meza who dove into the water in san pedro after a car carrying a family of four plunged into the water has been hailed a hero\"]\n", + "his 13-year-old brother , identified as abdelkrim elmezayen , was pulled dead from the water at the scene shortly after 6pm on thursday .their parents are in a stable condition in the hospital .the family of four had been driving out of a parking lot on berth 73 when the vehicle , driven by the boys ' father , veered off the edge of the harbor .\n", + "a car plunged off a road into los angeles harbor on thursday , and two children pulled from the submerged vehicle were hospitalizedthe adults were described as being in fair condition but ` clearly emotionally distraught 'witnesses said the car appeared to speed up as it neared the edgefirefighter miguel meza who dove into the water in san pedro after a car carrying a family of four plunged into the water has been hailed a hero\n", + "[1.2507495 1.5211923 1.2392509 1.3905443 1.1696312 1.0460378 1.0765144\n", + " 1.0659151 1.0769296 1.0663145 1.10754 1.0719364 1.1044992 1.0880104\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 10 12 13 8 6 11 9 7 5 14 15 16 17 18 19]\n", + "=======================\n", + "[\"police say edward nudel , 41 , of staten island broke into his relative 's home on march 11 and strangled a 2-year-old pomeranian named lola ` in an especially depraved and sadistic manner , ' silive reports .a new york man was indicted wednesday on multiple charges after allegedly strangling a relative 's dog and bragging about it afterward .nudel and the relative reportedly had an argument and , after strangling the dog , he called the relative and said ' i killed lola . '\"]\n", + "=======================\n", + "[\"edward nudel , 41 , was indicted wednesday on multiple charges after allegedly strangling his relative 's dognudel then reportedly called the relative , bragging about the deedwhen officers went to arrest the man , nudel wrestled with them sending one to the hospital with injuries\"]\n", + "police say edward nudel , 41 , of staten island broke into his relative 's home on march 11 and strangled a 2-year-old pomeranian named lola ` in an especially depraved and sadistic manner , ' silive reports .a new york man was indicted wednesday on multiple charges after allegedly strangling a relative 's dog and bragging about it afterward .nudel and the relative reportedly had an argument and , after strangling the dog , he called the relative and said ' i killed lola . '\n", + "edward nudel , 41 , was indicted wednesday on multiple charges after allegedly strangling his relative 's dognudel then reportedly called the relative , bragging about the deedwhen officers went to arrest the man , nudel wrestled with them sending one to the hospital with injuries\n", + "[1.1240921 1.4177395 1.3617946 1.40626 1.1422358 1.2469548 1.101035\n", + " 1.0468299 1.0919456 1.0943072 1.0472909 1.123069 1.047873 1.0410042\n", + " 1.0517156 1.0318632 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 5 4 0 11 6 9 8 14 12 10 7 13 15 18 16 17 19]\n", + "=======================\n", + "['matthew bird , from ashburton , new zealand , halved his income by quitting his well-paid job as an agricultural adviser to become a mechanic after he realised he would be expected to pay around $ 1,900 a month in child support payments .matthew bird said he was happy to give up is $ 70,000 a year pay check for a meagre wage of $ 38,000 a year , if it meant his child support payment dropped to $ 554 a monthinland revenue recently amended their child support formula which was enforced on april 1 .']\n", + "=======================\n", + "[\"new zealand recently changed how they calculate child support figuressome parents are outraged , labelling the changes as ` unreasonable 'one parent said he quit his job so he would n't have to face a $ 600 increasehe said after he halved his income , his payment dropped by two thirds\"]\n", + "matthew bird , from ashburton , new zealand , halved his income by quitting his well-paid job as an agricultural adviser to become a mechanic after he realised he would be expected to pay around $ 1,900 a month in child support payments .matthew bird said he was happy to give up is $ 70,000 a year pay check for a meagre wage of $ 38,000 a year , if it meant his child support payment dropped to $ 554 a monthinland revenue recently amended their child support formula which was enforced on april 1 .\n", + "new zealand recently changed how they calculate child support figuressome parents are outraged , labelling the changes as ` unreasonable 'one parent said he quit his job so he would n't have to face a $ 600 increasehe said after he halved his income , his payment dropped by two thirds\n", + "[1.2904358 1.3384503 1.3282939 1.3273242 1.2452707 1.17515 1.0869882\n", + " 1.0325481 1.0240473 1.0409732 1.0393544 1.0471218 1.1744463 1.0573137\n", + " 1.0244269 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 5 12 6 13 11 9 10 7 14 8 18 15 16 17 19]\n", + "=======================\n", + "[\"the lib dem leader told a group of children he was better at languages and art when he was at school .he will use tomorrow 's manifesto launch to promise a ` stronger economy and a fairer society ' , and accuse the tories of wanting to embark on an unnecessarily deep cuts .nick clegg today revealed he struggled with maths at school , as he prepares to launch his election manifesto which will promise to balance the nation 's books ` fairly ' .\"]\n", + "=======================\n", + "[\"clegg tells pupils he was better at languages and art as a youngsterlib dem manifesto to promise to eradicate the deficit ` fairly ' by 2019clegg 's wife miriam says her priority is making sure their sons are ` ok '\"]\n", + "the lib dem leader told a group of children he was better at languages and art when he was at school .he will use tomorrow 's manifesto launch to promise a ` stronger economy and a fairer society ' , and accuse the tories of wanting to embark on an unnecessarily deep cuts .nick clegg today revealed he struggled with maths at school , as he prepares to launch his election manifesto which will promise to balance the nation 's books ` fairly ' .\n", + "clegg tells pupils he was better at languages and art as a youngsterlib dem manifesto to promise to eradicate the deficit ` fairly ' by 2019clegg 's wife miriam says her priority is making sure their sons are ` ok '\n", + "[1.477587 1.1745856 1.309372 1.4762576 1.2349346 1.1711711 1.0560114\n", + " 1.0330279 1.0349369 1.022507 1.0215538 1.3354485 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 11 2 4 1 5 6 8 7 9 10 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"real madrid legend zinedine zidane has ruled out the notion of the club selling gareth bale to manchester united this summer .manchester united goalkeeper david de gea has been linked with a summer move to realzidane ( right ) says bale was a big part in real 's success last year and would ` improve any squad in the world '\"]\n", + "=======================\n", + "[\"gareth bale joined real madrid for # 86million from tottenham in 2013bale the won copa del rey and champions league in first season at real25-year-old 's car was attacked by fans after losing to barcelona last monthsee where cristiano ronaldo and bale unwind after madrid training\"]\n", + "real madrid legend zinedine zidane has ruled out the notion of the club selling gareth bale to manchester united this summer .manchester united goalkeeper david de gea has been linked with a summer move to realzidane ( right ) says bale was a big part in real 's success last year and would ` improve any squad in the world '\n", + "gareth bale joined real madrid for # 86million from tottenham in 2013bale the won copa del rey and champions league in first season at real25-year-old 's car was attacked by fans after losing to barcelona last monthsee where cristiano ronaldo and bale unwind after madrid training\n", + "[1.3434944 1.4124088 1.4258115 1.0806047 1.0391927 1.3724782 1.1259882\n", + " 1.0961543 1.0448092 1.034588 1.0376184 1.0294038 1.1349174 1.0817534\n", + " 1.0732088 1.0392799]\n", + "\n", + "[ 2 1 5 0 12 6 7 13 3 14 8 15 4 10 9 11]\n", + "=======================\n", + "[\"the 23-year-old privileged son of andrew lazarus , the owner of the venue in sydney 's kings cross , was jailed for at least three years for the crime on march 27 .a photo of a ` drunken ' young woman , lying with her legs apart on the ground , was posted on soho nightclub 's facebook page on april 3 - a week after luke lazarus was sentenced for raping an 18-year-old at the club .the club agreed that the photo used was ` 100 per cent inappropriate ' .\"]\n", + "=======================\n", + "[\"luke lazarus was convicted of raping an 18-year-old at soho nightclublazarus was sentenced to a minimum of three years in jail on march 27he is the son of the sydney venue 's owner andrew lazarusthe photo was posted on april 3 to promote soho 's easter club eventsoho management told daily mail australia the image was uploaded by an ` external promoter ' who they had given access to their facebook pagethe club agrees that the image used was ' 100 per cent inappropriate '\"]\n", + "the 23-year-old privileged son of andrew lazarus , the owner of the venue in sydney 's kings cross , was jailed for at least three years for the crime on march 27 .a photo of a ` drunken ' young woman , lying with her legs apart on the ground , was posted on soho nightclub 's facebook page on april 3 - a week after luke lazarus was sentenced for raping an 18-year-old at the club .the club agreed that the photo used was ` 100 per cent inappropriate ' .\n", + "luke lazarus was convicted of raping an 18-year-old at soho nightclublazarus was sentenced to a minimum of three years in jail on march 27he is the son of the sydney venue 's owner andrew lazarusthe photo was posted on april 3 to promote soho 's easter club eventsoho management told daily mail australia the image was uploaded by an ` external promoter ' who they had given access to their facebook pagethe club agrees that the image used was ' 100 per cent inappropriate '\n", + "[1.2209321 1.4948788 1.3505338 1.3141894 1.1368628 1.0989006 1.085574\n", + " 1.0804346 1.049977 1.0944462 1.0249314 1.3074713 1.011134 1.0074396\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 11 0 4 5 9 6 7 8 10 12 13 14 15]\n", + "=======================\n", + "['seven-year-old charlotte briggs was told she can not attend lydgate junior school in sheffield even though she can see it from her bedroom window .her mother lynne , 49 , who has two other children , claims taking her daughter to school and back every day would require four hours of travelling on the bus and force her to quit her job .decision : the schoolgirl leaves across the street from her preferred school but instead will have to head to shooters grove primary , which is around two miles away']\n", + "=======================\n", + "[\"lynne briggs only applied for one school because it is only 150 yards awaybut her daughter charlotte has instead been offered place two miles awayher mother says she must leave job because she faces four hours on buscouncil says mrs briggs wrongly assumed child was in a ` feeder school 'as a result , despite being in catchment area , charlotte was refused place\"]\n", + "seven-year-old charlotte briggs was told she can not attend lydgate junior school in sheffield even though she can see it from her bedroom window .her mother lynne , 49 , who has two other children , claims taking her daughter to school and back every day would require four hours of travelling on the bus and force her to quit her job .decision : the schoolgirl leaves across the street from her preferred school but instead will have to head to shooters grove primary , which is around two miles away\n", + "lynne briggs only applied for one school because it is only 150 yards awaybut her daughter charlotte has instead been offered place two miles awayher mother says she must leave job because she faces four hours on buscouncil says mrs briggs wrongly assumed child was in a ` feeder school 'as a result , despite being in catchment area , charlotte was refused place\n", + "[1.2264948 1.4880164 1.2401043 1.2970335 1.1166899 1.0875442 1.0856512\n", + " 1.1585187 1.0980313 1.1551858 1.0171342 1.0373036 1.0803521 1.1042175\n", + " 1.0745863 1.0210524]\n", + "\n", + "[ 1 3 2 0 7 9 4 13 8 5 6 12 14 11 15 10]\n", + "=======================\n", + "['sheila secker , 78 , had been given the pay-as-you-go phone by her son , but as she had not used the phone for some time it had been cut off .when the grandmother collapsed in her home in december , she could not contact her family and died in hospital a few days later , the sunday times reports .an elderly woman died after she was unable to call for help because the phone company had disconnected the mobile she kept for emergencies .']\n", + "=======================\n", + "[\"sheila secker , 78 , died after she was unable to ring son after a fallshe had n't used her pay-as-you-go phone so it had been disconnectedvodafone had cut off her number , but ` glitch ' still allowed top-ups\"]\n", + "sheila secker , 78 , had been given the pay-as-you-go phone by her son , but as she had not used the phone for some time it had been cut off .when the grandmother collapsed in her home in december , she could not contact her family and died in hospital a few days later , the sunday times reports .an elderly woman died after she was unable to call for help because the phone company had disconnected the mobile she kept for emergencies .\n", + "sheila secker , 78 , died after she was unable to ring son after a fallshe had n't used her pay-as-you-go phone so it had been disconnectedvodafone had cut off her number , but ` glitch ' still allowed top-ups\n", + "[1.2718999 1.4611083 1.3072616 1.3205864 1.1101875 1.0665712 1.1133807\n", + " 1.0845108 1.0662855 1.0736276 1.0520415 1.0738785 1.059037 1.0618371\n", + " 1.0548921 1.0109693]\n", + "\n", + "[ 1 3 2 0 6 4 7 11 9 5 8 13 12 14 10 15]\n", + "=======================\n", + "['the cardboard gnome featured alongside a host of celebrities and historic figures including actress diana dors , singer bob dylan and actor marlon brando on the psychedelic cover of the ground-breaking 1967 album .in total more than 60 celebrities appear on the famous cover including the fab four themselves - but because it would have been impossible to get all of them in a room together , waxworks and cardboard cutouts were used instead .the album cover was the brainchild of artists peter blake and jann haworth and photographer michael cooper , who constructed and shot it it on march 30 , 1967 .']\n", + "=======================\n", + "[\"the tiny garden gnome is signed by all four members of the iconic bandit appeared with celebrities and world figures on 1967 sgt pepper 's artworkit was given to an assistant photographer following the shoot for the coverthe cardboard garden ornament sold at auction for a surprising # 29,000\"]\n", + "the cardboard gnome featured alongside a host of celebrities and historic figures including actress diana dors , singer bob dylan and actor marlon brando on the psychedelic cover of the ground-breaking 1967 album .in total more than 60 celebrities appear on the famous cover including the fab four themselves - but because it would have been impossible to get all of them in a room together , waxworks and cardboard cutouts were used instead .the album cover was the brainchild of artists peter blake and jann haworth and photographer michael cooper , who constructed and shot it it on march 30 , 1967 .\n", + "the tiny garden gnome is signed by all four members of the iconic bandit appeared with celebrities and world figures on 1967 sgt pepper 's artworkit was given to an assistant photographer following the shoot for the coverthe cardboard garden ornament sold at auction for a surprising # 29,000\n", + "[1.5000167 1.1383536 1.1316059 1.5559056 1.463999 1.0694324 1.1303844\n", + " 1.0387186 1.1805625 1.0507168 1.0540949 1.0138388 1.0315821 1.0130174\n", + " 1.017171 0. ]\n", + "\n", + "[ 3 0 4 8 1 2 6 5 10 9 7 12 14 11 13 15]\n", + "=======================\n", + "[\"west indies cricketer devendra bishoo will play against england in the second testwrist spin has long been a bete noire for england batsmen , a quirk that has been passed down the dna since australia 's shane warne dominated the old enemy for more than a decade .peter moores ' current side , with the fresh faces of gary ballance , ben stokes , moeen ali and jos buttler throughout the order , have yet to face a frontline leg-spinner in tests but that will change when bishoo returns at the national stadium in grenada .\"]\n", + "=======================\n", + "[\"west indies captain denesh ramdin confirmed devendra bishoo will playleg spinner bishoo has 40 wickets for the west indies in 11 testsengland 's batsmen have historically struggled with leg-spin\"]\n", + "west indies cricketer devendra bishoo will play against england in the second testwrist spin has long been a bete noire for england batsmen , a quirk that has been passed down the dna since australia 's shane warne dominated the old enemy for more than a decade .peter moores ' current side , with the fresh faces of gary ballance , ben stokes , moeen ali and jos buttler throughout the order , have yet to face a frontline leg-spinner in tests but that will change when bishoo returns at the national stadium in grenada .\n", + "west indies captain denesh ramdin confirmed devendra bishoo will playleg spinner bishoo has 40 wickets for the west indies in 11 testsengland 's batsmen have historically struggled with leg-spin\n", + "[1.4468002 1.5424494 1.3826063 1.1150706 1.136014 1.0731201 1.0780945\n", + " 1.0408067 1.0635155 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 4 3 6 5 8 7 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", + "=======================\n", + "[\"the singles champions will each receive 1.8 m euros ( # 1.3 m ) , around 150,000 euros more than rafael nadal and maria sharapova picked up last year .prize money at the french open has been increased by three million euros to over 28 million ( # 20.2 million ) , the french tennis federation has announced .maria sharapova poses with the coupe suzanne lenglen trophy after beating simon halep in last year 's final\"]\n", + "=======================\n", + "[\"prize money has been increased to over # 20.2 million at roland garrosthe men 's and women 's singles champions will each receive # 1.3 mthe french open remains the grand slam with the lowest top prize\"]\n", + "the singles champions will each receive 1.8 m euros ( # 1.3 m ) , around 150,000 euros more than rafael nadal and maria sharapova picked up last year .prize money at the french open has been increased by three million euros to over 28 million ( # 20.2 million ) , the french tennis federation has announced .maria sharapova poses with the coupe suzanne lenglen trophy after beating simon halep in last year 's final\n", + "prize money has been increased to over # 20.2 million at roland garrosthe men 's and women 's singles champions will each receive # 1.3 mthe french open remains the grand slam with the lowest top prize\n", + "[1.1975685 1.431135 1.2230507 1.2717841 1.3184197 1.2884486 1.0211011\n", + " 1.1127938 1.0778036 1.0945722 1.0597937 1.0922105 1.0744464 1.0541525\n", + " 1.045244 1.0243454 1.0129967 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 5 3 2 0 7 9 11 8 12 10 13 14 15 6 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the unconventional maneuver led to a three-day , unpaid suspension for trooper abraham martinez last year but the footage only emerged this week as the austin american statesman investigated outdated tactics used in department of public safety pursuits .contact : martinez was ultimately suspended for three days without pay for the unconventional tactic 'gaydos knew he was being pursued but drove off because he was driving on a suspended license .\"]\n", + "=======================\n", + "['trooper abraham martinez jumped into the air and kicked steven gaydos off his bike following a high-speed chase in houston in december 2012gaydos ran a stop sign and fled while driving on a suspended licensemartinez shot at him four times - striking him in the leg - and when the man pulled over , he kicked him off his bikemartinez was suspended for three days for the unconventional movethe video emerged this week as a texas newspaper investigated outdated tactics used in department of public safety pursuits']\n", + "the unconventional maneuver led to a three-day , unpaid suspension for trooper abraham martinez last year but the footage only emerged this week as the austin american statesman investigated outdated tactics used in department of public safety pursuits .contact : martinez was ultimately suspended for three days without pay for the unconventional tactic 'gaydos knew he was being pursued but drove off because he was driving on a suspended license .\n", + "trooper abraham martinez jumped into the air and kicked steven gaydos off his bike following a high-speed chase in houston in december 2012gaydos ran a stop sign and fled while driving on a suspended licensemartinez shot at him four times - striking him in the leg - and when the man pulled over , he kicked him off his bikemartinez was suspended for three days for the unconventional movethe video emerged this week as a texas newspaper investigated outdated tactics used in department of public safety pursuits\n", + "[1.2156627 1.4210091 1.2748008 1.1869515 1.1832905 1.1231369 1.093958\n", + " 1.0873636 1.148151 1.1514779 1.104101 1.0135666 1.0367951 1.1092843\n", + " 1.0412272 1.083859 1.0452838 1.0627546 1.0900066 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 4 9 8 5 13 10 6 18 7 15 17 16 14 12 11 20 19 21]\n", + "=======================\n", + "[\"april morris of bennettsville thought she 'd never see her beloved pit bull , nina louise , again after she went astray in december 2013 .months of searching and a $ 500 cash reward proved fruitless .a dog who went missing more than a year ago has been reunited with her owners after being rescued from peril during a cockfighting bust in south carolina .\"]\n", + "=======================\n", + "[\"april morris of south carolina , thought she 'd never see her beloved pit bull , nina louise , again after she went astray in december 2013but this past saturday she could n't believe her eyes when she saw footage of the malnourished pup 's heartbreaking rescue on the nightly newsmorris called the local humane society to claim the pit bull and identified her by detailing two white spots in the fur behind her headshe collected the dog and her ten puppies\"]\n", + "april morris of bennettsville thought she 'd never see her beloved pit bull , nina louise , again after she went astray in december 2013 .months of searching and a $ 500 cash reward proved fruitless .a dog who went missing more than a year ago has been reunited with her owners after being rescued from peril during a cockfighting bust in south carolina .\n", + "april morris of south carolina , thought she 'd never see her beloved pit bull , nina louise , again after she went astray in december 2013but this past saturday she could n't believe her eyes when she saw footage of the malnourished pup 's heartbreaking rescue on the nightly newsmorris called the local humane society to claim the pit bull and identified her by detailing two white spots in the fur behind her headshe collected the dog and her ten puppies\n", + "[1.3428942 1.5377835 1.3959992 1.0793263 1.0272939 1.0309247 1.0559795\n", + " 1.018253 1.3126978 1.2128183 1.085989 1.0495511 1.01504 1.0440749\n", + " 1.0363901 1.0248489 1.0221494 1.0239232 1.039142 1.0526803 1.0151943\n", + " 1.0123662]\n", + "\n", + "[ 1 2 0 8 9 10 3 6 19 11 13 18 14 5 4 15 17 16 7 20 12 21]\n", + "=======================\n", + "['claire nugent , 43 , and nigel morter , 47 , have been married for 14 years .they restored a 1940s airfield control tower in norfolk and now run it as a b&b .we spent # 400 on a 1940s loo - it took us four months to find one !']\n", + "=======================\n", + "['claire nugent and nigel morter restored a 1940s airfield control tower and now run it as a b&bemma edwards runs a vintage website and spent # 10,000 converting her home into a 50s haven48-year-old ursula forbush likes to come home and switch on an old record player like in the 60s']\n", + "claire nugent , 43 , and nigel morter , 47 , have been married for 14 years .they restored a 1940s airfield control tower in norfolk and now run it as a b&b .we spent # 400 on a 1940s loo - it took us four months to find one !\n", + "claire nugent and nigel morter restored a 1940s airfield control tower and now run it as a b&bemma edwards runs a vintage website and spent # 10,000 converting her home into a 50s haven48-year-old ursula forbush likes to come home and switch on an old record player like in the 60s\n", + "[1.3829564 1.5499963 1.1440266 1.2183053 1.1419282 1.0498729 1.0252466\n", + " 1.0313168 1.0260847 1.0769752 1.0257682 1.2758272 1.1996951 1.0399914\n", + " 1.051418 1.0080402 1.0087209 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 11 3 12 2 4 9 14 5 13 7 8 10 6 16 15 17 18 19 20 21]\n", + "=======================\n", + "[\"defender raven slotted home the deciding goal four minutes from the end of extra time as caley stunned 10-man celtic 3-2 at hampden park to set up a final showdown with falkirk .an emotional david raven reflected on a ` dream come true ' after his last-gasp winner sent inverness through to their first-ever william hill scottish cup final at the expense of favourites celtic .david raven ( second right ) celebrates with his inverness team-mates following his extra-time winner\"]\n", + "=======================\n", + "[\"inverness upset celtic 3-2 in the scottish cup semi-final on sundaycaley defender david raven scored the winning goal in extra timethe 30-year-old has hailed his wining strike as a ` dream come true '\"]\n", + "defender raven slotted home the deciding goal four minutes from the end of extra time as caley stunned 10-man celtic 3-2 at hampden park to set up a final showdown with falkirk .an emotional david raven reflected on a ` dream come true ' after his last-gasp winner sent inverness through to their first-ever william hill scottish cup final at the expense of favourites celtic .david raven ( second right ) celebrates with his inverness team-mates following his extra-time winner\n", + "inverness upset celtic 3-2 in the scottish cup semi-final on sundaycaley defender david raven scored the winning goal in extra timethe 30-year-old has hailed his wining strike as a ` dream come true '\n", + "[1.1618148 1.5023265 1.2748835 1.2651561 1.197609 1.1533188 1.0596224\n", + " 1.0362127 1.0779886 1.13028 1.0991409 1.0209426 1.0173869 1.107674\n", + " 1.0434872 1.203027 1.16209 1.0413481 1.0073442 1.031121 ]\n", + "\n", + "[ 1 2 3 15 4 16 0 5 9 13 10 8 6 14 17 7 19 11 12 18]\n", + "=======================\n", + "[\"jia binhui , 25 , can not afford hospital treatment and hopes his alternative treatment will fight the deadly disease .he claims experts advised him that temperatures higher than 42 degrees celsius can kill the cancerous cells in his body , according to the people 's daily online .determined : jia married his long-term girlfriend liu yuan last month and refuses to give up despite not being able to fund cancer treatment\"]\n", + "=======================\n", + "['jia binhui can not afford hospital treatment for deadly diseasehe says experts told him temperatures of 42c can kill cancer cellsbuilt barbecue contraption in his garden so he can use it every dayplans on returning to hospital to see if it has worked']\n", + "jia binhui , 25 , can not afford hospital treatment and hopes his alternative treatment will fight the deadly disease .he claims experts advised him that temperatures higher than 42 degrees celsius can kill the cancerous cells in his body , according to the people 's daily online .determined : jia married his long-term girlfriend liu yuan last month and refuses to give up despite not being able to fund cancer treatment\n", + "jia binhui can not afford hospital treatment for deadly diseasehe says experts told him temperatures of 42c can kill cancer cellsbuilt barbecue contraption in his garden so he can use it every dayplans on returning to hospital to see if it has worked\n", + "[1.4835014 1.436625 1.2290663 1.2019536 1.3852621 1.0361527 1.0162458\n", + " 1.0283577 1.0120488 1.119695 1.0756211 1.0538881 1.0308763 1.0579989\n", + " 1.047892 1.0541973 1.148114 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 3 16 9 10 13 15 11 14 5 12 7 6 8 18 17 19]\n", + "=======================\n", + "[\"carl hayman has admitted toulon ` have a lot of work to do ' to secure an unprecedented third consecutive european title , despite reaching the champions cup semi-finals .toulon captain hayman admitted bernard laporte 's men were distinctly underwhelmed by their performance levels in sunday 's 32-18 quarter-final victory over wasps .toulon will host leinster at marseille 's stade velodrome on sunday , april 19 in the last four , with hayman conceding vast improvements are required to lift the inaugural champions cup .\"]\n", + "=======================\n", + "[\"toulon reached the champions cup semi finals with win against waspsbut , bernard laporte 's men were underwhelmed by their performancefrench side had frederic michalak and ali williams late try to thanktoulon will host leinster at marseille 's stade velodrome on april 19\"]\n", + "carl hayman has admitted toulon ` have a lot of work to do ' to secure an unprecedented third consecutive european title , despite reaching the champions cup semi-finals .toulon captain hayman admitted bernard laporte 's men were distinctly underwhelmed by their performance levels in sunday 's 32-18 quarter-final victory over wasps .toulon will host leinster at marseille 's stade velodrome on sunday , april 19 in the last four , with hayman conceding vast improvements are required to lift the inaugural champions cup .\n", + "toulon reached the champions cup semi finals with win against waspsbut , bernard laporte 's men were underwhelmed by their performancefrench side had frederic michalak and ali williams late try to thanktoulon will host leinster at marseille 's stade velodrome on april 19\n", + "[1.397994 1.3620937 1.1085745 1.3381152 1.2016151 1.1897448 1.0233408\n", + " 1.0299596 1.0696416 1.0686516 1.0560888 1.017731 1.1074934 1.0233915\n", + " 1.0196804 1.0866606 1.0539719 1.0828252 1.017617 0. ]\n", + "\n", + "[ 0 1 3 4 5 2 12 15 17 8 9 10 16 7 13 6 14 11 18 19]\n", + "=======================\n", + "[\"photographs taken with the very first ` secret ' handheld camera will go on display on saturday at the state library giving sydneysiders a rare chance to take a glimpse of what life in sydney looked like back in the 1800 's .the detective camera gave amateur photographers the opportunity to capture the true essence of life on sydney streets , defining it as a ` real revolution and turning point in photography . '` the word snapshot emerged from this style of photography and the photographers were called snap shooters '\"]\n", + "=======================\n", + "[\"the state library is showing a collection of photographs taken in the 1800 's by the first hand held camerathe photographs were taken in the 1880 's by arthur syer , a 27-year old man living in sydneythe hand held camera was the first time people could be photographed without their knowledgeamateur photographers using the ` detective camera ' initiated the first talks about surveillance and privacy lawsthis was also the first chance people had to use a camera if they were n't trained in the science behind photographythe exhibition will run from april 4 to august 23\"]\n", + "photographs taken with the very first ` secret ' handheld camera will go on display on saturday at the state library giving sydneysiders a rare chance to take a glimpse of what life in sydney looked like back in the 1800 's .the detective camera gave amateur photographers the opportunity to capture the true essence of life on sydney streets , defining it as a ` real revolution and turning point in photography . '` the word snapshot emerged from this style of photography and the photographers were called snap shooters '\n", + "the state library is showing a collection of photographs taken in the 1800 's by the first hand held camerathe photographs were taken in the 1880 's by arthur syer , a 27-year old man living in sydneythe hand held camera was the first time people could be photographed without their knowledgeamateur photographers using the ` detective camera ' initiated the first talks about surveillance and privacy lawsthis was also the first chance people had to use a camera if they were n't trained in the science behind photographythe exhibition will run from april 4 to august 23\n", + "[1.2220867 1.5813184 1.3148161 1.4348403 1.2034246 1.1876132 1.1707239\n", + " 1.2160549 1.0111926 1.0223565 1.0179963 1.0149835 1.0122265 1.0172797\n", + " 1.1546474 1.0448731 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 7 4 5 6 14 15 9 10 13 11 12 8 18 16 17 19]\n", + "=======================\n", + "['jason matthews , 40 , left his black saab 93 in a side street on his way to the starting line of the manchester marathon on april 19 .but when the runner from wolverhampton finished the race after five hours 11 minutes of running he was unable to remember where he had parked it .a marathon runner who parked his car before taking part in the race has found it again nine days after the 26 mile event following a public appeal .']\n", + "=======================\n", + "['jason matthews , 40 , parked in side street before manchester marathonafter finishing race in five hours 11 minutes he was unable to find saab 93delivery driver spent hours searching around old trafford stadiumcouncil has no record of the car being towed or impounded']\n", + "jason matthews , 40 , left his black saab 93 in a side street on his way to the starting line of the manchester marathon on april 19 .but when the runner from wolverhampton finished the race after five hours 11 minutes of running he was unable to remember where he had parked it .a marathon runner who parked his car before taking part in the race has found it again nine days after the 26 mile event following a public appeal .\n", + "jason matthews , 40 , parked in side street before manchester marathonafter finishing race in five hours 11 minutes he was unable to find saab 93delivery driver spent hours searching around old trafford stadiumcouncil has no record of the car being towed or impounded\n", + "[1.3528333 1.4600742 1.1956205 1.1793911 1.2075287 1.1346778 1.0921487\n", + " 1.0605524 1.0319494 1.0612476 1.0896243 1.0543454 1.0498602 1.0180511\n", + " 1.0175449 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 5 6 10 9 7 11 12 8 13 14 18 15 16 17 19]\n", + "=======================\n", + "['the law , signed by kansas gov. sam brownback on tuesday , bans what it describes as \" dismemberment abortion \" and defines as \" knowingly dismembering a living unborn child and extracting such unborn child one piece at a time from the uterus . \"( cnn ) a new kansas law banning a common second-term abortion procedure is the first of its kind in the united states .the law allows for the procedure if \" necessary to protect the life or health of the mother , \" according to a statement on brownback \\'s website .']\n", + "=======================\n", + "['a new kansas law bans what it describes as \" dismemberment abortion \"supporters say it \\'s a groundbreaking stepopponents say it \\'s dangerous and politically motivated']\n", + "the law , signed by kansas gov. sam brownback on tuesday , bans what it describes as \" dismemberment abortion \" and defines as \" knowingly dismembering a living unborn child and extracting such unborn child one piece at a time from the uterus . \"( cnn ) a new kansas law banning a common second-term abortion procedure is the first of its kind in the united states .the law allows for the procedure if \" necessary to protect the life or health of the mother , \" according to a statement on brownback 's website .\n", + "a new kansas law bans what it describes as \" dismemberment abortion \"supporters say it 's a groundbreaking stepopponents say it 's dangerous and politically motivated\n", + "[1.2211192 1.5048783 1.3143901 1.3682227 1.2720559 1.2261703 1.047188\n", + " 1.0204053 1.0224886 1.0124578 1.0264499 1.0261881 1.0123541 1.0111276\n", + " 1.0198529 1.2326127 1.0505407 1.0208229 1.0147595 1.0114318 1.0149692\n", + " 1.0610249 1.0350877 1.0208473 1.0422617]\n", + "\n", + "[ 1 3 2 4 15 5 0 21 16 6 24 22 10 11 8 23 17 7 14 20 18 9 12 19\n", + " 13]\n", + "=======================\n", + "['jack jordan , 23 , proposed to his girlfriend laura cant last christmas from his hospital bed while suffering from leukaemia .the pair planned to wed after a bone marrow transplant , which they hoped would have given them a bright future together .however , last week mr jordan was given the news that he was too ill to undergo the transplant and has just weeks to live .']\n", + "=======================\n", + "['jack jordan proposed to girlfriend laura cant while suffering leukaemiapair planned to marry after mr jordan received a bone marrow transplantlast week he was told he was too ill to have surgery and has weeks to livecouple have now brought forward the wedding and will marry in hospital']\n", + "jack jordan , 23 , proposed to his girlfriend laura cant last christmas from his hospital bed while suffering from leukaemia .the pair planned to wed after a bone marrow transplant , which they hoped would have given them a bright future together .however , last week mr jordan was given the news that he was too ill to undergo the transplant and has just weeks to live .\n", + "jack jordan proposed to girlfriend laura cant while suffering leukaemiapair planned to marry after mr jordan received a bone marrow transplantlast week he was told he was too ill to have surgery and has weeks to livecouple have now brought forward the wedding and will marry in hospital\n", + "[1.3196422 1.1217501 1.2919334 1.0810192 1.0630612 1.2077863 1.1680146\n", + " 1.0847436 1.0459694 1.122782 1.1834769 1.0499035 1.1305583 1.1021192\n", + " 1.0559801 1.0948035 1.038067 1.0477252 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 5 10 6 12 9 1 13 15 7 3 4 14 11 17 8 16 23 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"the islamic state group claimed credit on saturday a bombing near the us consulate in iraq 's autonomous kurdish region a day earlier that killed two turks .but the us state department said the bombing in ainkawa , near kurdish regional capital arbil , did not kill or wound any consular employees .saman barzanchi , the head of the arbil health department , said saturday that two ethnically kurdish turks were killed and eight people wounded .\"]\n", + "=======================\n", + "['isis has taken credit for a bombing near the us consulate in iraq on fridaythe blast in ainkawa killed two turks and injured 8no us consulate employees were wounded or killed']\n", + "the islamic state group claimed credit on saturday a bombing near the us consulate in iraq 's autonomous kurdish region a day earlier that killed two turks .but the us state department said the bombing in ainkawa , near kurdish regional capital arbil , did not kill or wound any consular employees .saman barzanchi , the head of the arbil health department , said saturday that two ethnically kurdish turks were killed and eight people wounded .\n", + "isis has taken credit for a bombing near the us consulate in iraq on fridaythe blast in ainkawa killed two turks and injured 8no us consulate employees were wounded or killed\n", + "[1.5241094 1.4278557 1.2084335 1.3827162 1.0797007 1.1882725 1.0556952\n", + " 1.012587 1.1766454 1.0110523 1.0095288 1.0559086 1.0281091 1.0812957\n", + " 1.1235414 1.0497937 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 5 8 14 13 4 11 6 15 12 7 9 10 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"rangers boss stuart mccall has revealed he was warned about taking over at ibrox by walter smith - but insists he has made the right decision .the former light blues midfielder steered his new side to their third victory on the bounce with sunday 's 2-1 win over hearts .it was a crucial triumph that moves gers back into second place in the scottish championship and looks to have restored vital momentum ahead of the end-of-season play-offs .\"]\n", + "=======================\n", + "['stuart mccall revealed that he was warned about taking the rangers jobwalter smith rang to make sure mccall was making the right decisionrangers have now won three games on the bounce in the championshipkenny miller and haris vuckic scored the goals in 2-1 win over heartsclick here for all the latest rangers news']\n", + "rangers boss stuart mccall has revealed he was warned about taking over at ibrox by walter smith - but insists he has made the right decision .the former light blues midfielder steered his new side to their third victory on the bounce with sunday 's 2-1 win over hearts .it was a crucial triumph that moves gers back into second place in the scottish championship and looks to have restored vital momentum ahead of the end-of-season play-offs .\n", + "stuart mccall revealed that he was warned about taking the rangers jobwalter smith rang to make sure mccall was making the right decisionrangers have now won three games on the bounce in the championshipkenny miller and haris vuckic scored the goals in 2-1 win over heartsclick here for all the latest rangers news\n", + "[1.2847574 1.333859 1.2253854 1.2436999 1.2684851 1.1348258 1.0329494\n", + " 1.0494596 1.1267692 1.0314299 1.040065 1.0418414 1.210541 1.0553771\n", + " 1.0525503 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 3 2 12 5 8 13 14 7 11 10 6 9 22 21 20 19 15 17 16 23 18\n", + " 24]\n", + "=======================\n", + "[\"tsarnaev , who killed three people and injured 260 others in the april , 2013 bombings , is due back in court today where his defence team will begin to make its case .fewer than one in five massachusetts residents want boston marathon bomber dzhokhar tsarnaev to be executed believing a quick death would be ` too easy an escape ' .however a poll for the boston globe newspaper found less than 20 per cent of massachusetts residents questioned believed he should be put to death with 63 per cent in favour of a life sentence .\"]\n", + "=======================\n", + "['dzhokhar tsarnaev , 21 , back in court today for start of defence caseprosecutors last week urged jurors to push for the death penaltybut poll finds majority of massachusetts residents want life imprisonmentdefence expected to suggest tsarnaev was led astray by his older brother']\n", + "tsarnaev , who killed three people and injured 260 others in the april , 2013 bombings , is due back in court today where his defence team will begin to make its case .fewer than one in five massachusetts residents want boston marathon bomber dzhokhar tsarnaev to be executed believing a quick death would be ` too easy an escape ' .however a poll for the boston globe newspaper found less than 20 per cent of massachusetts residents questioned believed he should be put to death with 63 per cent in favour of a life sentence .\n", + "dzhokhar tsarnaev , 21 , back in court today for start of defence caseprosecutors last week urged jurors to push for the death penaltybut poll finds majority of massachusetts residents want life imprisonmentdefence expected to suggest tsarnaev was led astray by his older brother\n", + "[1.3019235 1.3345088 1.2712561 1.322693 1.2259518 1.1448231 1.0555556\n", + " 1.0734245 1.0331632 1.0410606 1.0826005 1.0202816 1.0161362 1.0848122\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 5 13 10 7 6 9 8 11 12 14 15 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "['the eyes of the nation were on the heir to the throne for the historic event on july 1 , 1969 , but behind the scenes , prime minister harold wilson was convinced terrorists campaigning for welsh independence would target charles -- then 20 -- at the caernarfon castle ceremony .threat : the queen invests the prince at caernarfon castle in 1969 after secret police were sent to wales in fear of an attack on the monarchya top-secret security operation was launched to protect prince charles from a feared terror attack by welsh nationalists at his investiture ceremony , newly released official papers reveal .']\n", + "=======================\n", + "[\"wilson voiced fears in a letter to then home secretary james callaghanhe said he wanted to be able to tell the queen ` programme ' could proceedmetropolitan police were sent to wales to join the fight against extremists\"]\n", + "the eyes of the nation were on the heir to the throne for the historic event on july 1 , 1969 , but behind the scenes , prime minister harold wilson was convinced terrorists campaigning for welsh independence would target charles -- then 20 -- at the caernarfon castle ceremony .threat : the queen invests the prince at caernarfon castle in 1969 after secret police were sent to wales in fear of an attack on the monarchya top-secret security operation was launched to protect prince charles from a feared terror attack by welsh nationalists at his investiture ceremony , newly released official papers reveal .\n", + "wilson voiced fears in a letter to then home secretary james callaghanhe said he wanted to be able to tell the queen ` programme ' could proceedmetropolitan police were sent to wales to join the fight against extremists\n", + "[1.2690201 1.5092022 1.2631913 1.1573329 1.0870061 1.0579538 1.0586412\n", + " 1.1309853 1.086201 1.0674247 1.1153892 1.0637324 1.0975354 1.0323707\n", + " 1.0467563 1.0559082 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 7 10 12 4 8 9 11 6 5 15 14 13 16 17 18]\n", + "=======================\n", + "[\"the xylella fastidiosa bacteria has ravaged olive trees in the puglia region and contributed to a 35 percent drop in the region 's olive oil production last year .the price of olive oil is expected to rocket as forestry officials in southern italy yesterday began cutting down thousands of olive trees infected with a deadly bacteria .an italian forestry official stands guard as workers begin chopping down an infected olive oil tree\"]\n", + "=======================\n", + "['the xylella fastidiosa bacteria has ravaged olive trees in puglia regionits spread has so alarmed the eu that france has boycotted the fruityesterday officials began destroying trees affected by the deadly diseaseprotesters failed in an attempt to stop the government-ordered destructionthe spread of the bacteria is expected to cause olive oil prices to rocket']\n", + "the xylella fastidiosa bacteria has ravaged olive trees in the puglia region and contributed to a 35 percent drop in the region 's olive oil production last year .the price of olive oil is expected to rocket as forestry officials in southern italy yesterday began cutting down thousands of olive trees infected with a deadly bacteria .an italian forestry official stands guard as workers begin chopping down an infected olive oil tree\n", + "the xylella fastidiosa bacteria has ravaged olive trees in puglia regionits spread has so alarmed the eu that france has boycotted the fruityesterday officials began destroying trees affected by the deadly diseaseprotesters failed in an attempt to stop the government-ordered destructionthe spread of the bacteria is expected to cause olive oil prices to rocket\n", + "[1.1766404 1.3324494 1.3361001 1.229281 1.1194957 1.2042093 1.1225226\n", + " 1.0896723 1.0527488 1.0758333 1.035298 1.0801587 1.0756998 1.0208516\n", + " 1.024299 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 5 0 6 4 7 11 9 12 8 10 14 13 15 16 17 18]\n", + "=======================\n", + "['historic building repairer gregg olson and architectural historian pam hayden have been analyzing the log cabin for seven years and say it is unlike anything else found in oregon .experts proposed this new theory in a recently released 200-page report on the molalla log cabin , a structure they believe could have been built as early as 1795 - ten years before lewis and clark reached the pacific ocean .the u.s. put the first man on the moon , but in a strange twist of history it appears the russians may have beat america in settling oregon .']\n", + "=======================\n", + "[\"new report says molalla log cabin could have been built as early as 1795lewis and clark reached the pacific ocean in 1805the construction of the log cabin is not representative of pioneer building methods at the time - suggesting it was made by foreignersreport 's authors propose the cabin could have been used by russian settlers farming in the area to support fur traders in alaska\"]\n", + "historic building repairer gregg olson and architectural historian pam hayden have been analyzing the log cabin for seven years and say it is unlike anything else found in oregon .experts proposed this new theory in a recently released 200-page report on the molalla log cabin , a structure they believe could have been built as early as 1795 - ten years before lewis and clark reached the pacific ocean .the u.s. put the first man on the moon , but in a strange twist of history it appears the russians may have beat america in settling oregon .\n", + "new report says molalla log cabin could have been built as early as 1795lewis and clark reached the pacific ocean in 1805the construction of the log cabin is not representative of pioneer building methods at the time - suggesting it was made by foreignersreport 's authors propose the cabin could have been used by russian settlers farming in the area to support fur traders in alaska\n", + "[1.1219867 1.1338031 1.395613 1.3521249 1.26988 1.3101481 1.0832033\n", + " 1.012029 1.298804 1.0665133 1.0832843 1.1312395 1.01524 1.0077239\n", + " 1.013787 1.0216655 1.0145727 1.0385382 1.1495659]\n", + "\n", + "[ 2 3 5 8 4 18 1 11 0 10 6 9 17 15 12 16 14 7 13]\n", + "=======================\n", + "[\"west ham united vs stoke city ( upton park )west ham will have ecuador forward enner valencia available again following a toe injury for saturday 's barclays premier league game against stoke at upton park .west ham 's enner valencia takes on hull 's curtis davies in a premier league clash back in september\"]\n", + "=======================\n", + "['enner valencia back for west ham united after toe injuryjames tomkins , andy carroll and doneil henry out for hammersmarc wilson available for stoke city despite having broken handjon walters is carrying a knee problem but is in contention']\n", + "west ham united vs stoke city ( upton park )west ham will have ecuador forward enner valencia available again following a toe injury for saturday 's barclays premier league game against stoke at upton park .west ham 's enner valencia takes on hull 's curtis davies in a premier league clash back in september\n", + "enner valencia back for west ham united after toe injuryjames tomkins , andy carroll and doneil henry out for hammersmarc wilson available for stoke city despite having broken handjon walters is carrying a knee problem but is in contention\n", + "[1.1705396 1.3612418 1.3049498 1.4154861 1.1940613 1.1668911 1.1509309\n", + " 1.0594244 1.0601177 1.0242367 1.0172371 1.0493844 1.0152382 1.0351934\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 4 0 5 6 8 7 11 13 9 10 12 17 14 15 16 18]\n", + "=======================\n", + "[\"kim kardashian is in armenia with her husband kanye west and their daughter north on an eight-day visit to the country of her dad 's birththe celebrity visitors are in the capital yerevan , a culturally rich city where the opera house ( centre ) is among its most notable landmarksarmenia is a country in eurasia 's south caucasus region famous for its mountainous landscapes and rich history ... but mainly , right now at least , for the fact kim kardashian and her posse are there .\"]\n", + "=======================\n", + "[\"kim kardashian and kanye west , along with their daughter north and sister khloe , are visiting armeniathe trip is the famous reality tv stars ' first to the nation of their late father robert 's birththeir visit coincides with the lead-up to the 100th anniversary of the armenian genocide on april 24in their eight-day trip , filmed for tv , they are visiting a host of historical sites in the culturally rich city\"]\n", + "kim kardashian is in armenia with her husband kanye west and their daughter north on an eight-day visit to the country of her dad 's birththe celebrity visitors are in the capital yerevan , a culturally rich city where the opera house ( centre ) is among its most notable landmarksarmenia is a country in eurasia 's south caucasus region famous for its mountainous landscapes and rich history ... but mainly , right now at least , for the fact kim kardashian and her posse are there .\n", + "kim kardashian and kanye west , along with their daughter north and sister khloe , are visiting armeniathe trip is the famous reality tv stars ' first to the nation of their late father robert 's birththeir visit coincides with the lead-up to the 100th anniversary of the armenian genocide on april 24in their eight-day trip , filmed for tv , they are visiting a host of historical sites in the culturally rich city\n", + "[1.3487041 1.2247186 1.236033 1.3379909 1.0633152 1.0417286 1.1101048\n", + " 1.1158488 1.1653949 1.0404553 1.1577919 1.0639378 1.1049584 1.1019176\n", + " 1.0420153 1.0435352 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 8 10 7 6 12 13 11 4 15 14 5 9 16 17 18]\n", + "=======================\n", + "[\"bringing the high street to sydney 's shire , topshop and topman is set to launch a second store in nsw at westfield miranda on thursday 16th april .to officially kick off the event , an exclusive breakfast will be hosted by australian beauty and australia 's next top model judge cheyenne tozzi .in a nod to it 's english heritage , the brand will pull out all stops , chauffeuring fashion influencers in london black cabs in the lead up to the event and host four full days of shopper specials including guest appearances , opening offers , complimentary stylists and giveaways .\"]\n", + "=======================\n", + "[\"iconic uk brand topshop continues expansion across sydneythis marks sydney 's second store , located at westfield mirandafashion elite will arrive in style in iconic london black cabsaustralian celebrities cheyenne tozzi and nic westaway to help launch it\"]\n", + "bringing the high street to sydney 's shire , topshop and topman is set to launch a second store in nsw at westfield miranda on thursday 16th april .to officially kick off the event , an exclusive breakfast will be hosted by australian beauty and australia 's next top model judge cheyenne tozzi .in a nod to it 's english heritage , the brand will pull out all stops , chauffeuring fashion influencers in london black cabs in the lead up to the event and host four full days of shopper specials including guest appearances , opening offers , complimentary stylists and giveaways .\n", + "iconic uk brand topshop continues expansion across sydneythis marks sydney 's second store , located at westfield mirandafashion elite will arrive in style in iconic london black cabsaustralian celebrities cheyenne tozzi and nic westaway to help launch it\n", + "[1.1931772 1.5588663 1.3399066 1.264849 1.1959759 1.0982081 1.0405931\n", + " 1.0235372 1.0219634 1.0793077 1.0441447 1.0842274 1.1458676 1.056474\n", + " 1.0851415 1.1022903 1.0735258 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 12 15 5 14 11 9 16 13 10 6 7 8 18 17 19]\n", + "=======================\n", + "[\"lisa williams , 49 , hit taxi driver david coleman three times after finding the 54-year-old brawling with her brother in the street , a court heard .the two families had been ` neighbours at war ' since the colemans moved in next door to the williams family on st catherine 's road , chingford , in 2007 .on the morning of the attack , the court heard that william 's sibling jonathan had smeared mud all over the coleman 's front bay windows .\"]\n", + "=======================\n", + "[\"lisa williams hit neighbour david coleman with a hammer three timesthe families had been ` at war ' since the colemans moved in next doorvictim - who suffered a fractured skull - was brawling with williams ' brothershe was handed a restraining order and sentenced to 30 months in jail\"]\n", + "lisa williams , 49 , hit taxi driver david coleman three times after finding the 54-year-old brawling with her brother in the street , a court heard .the two families had been ` neighbours at war ' since the colemans moved in next door to the williams family on st catherine 's road , chingford , in 2007 .on the morning of the attack , the court heard that william 's sibling jonathan had smeared mud all over the coleman 's front bay windows .\n", + "lisa williams hit neighbour david coleman with a hammer three timesthe families had been ` at war ' since the colemans moved in next doorvictim - who suffered a fractured skull - was brawling with williams ' brothershe was handed a restraining order and sentenced to 30 months in jail\n", + "[1.4770216 1.294445 1.231599 1.3952612 1.1456579 1.1278509 1.1824229\n", + " 1.0286533 1.0136019 1.2872744 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 9 2 6 4 5 7 8 18 10 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"wasps will appeal against the three-week ban issued to nathan hughes , but their protest will not enable the back row to play in sunday 's champions cup quarter-final against toulon .wasps are set to appeal the three-match ban handed to no 8 nathan hughes for knocking out george norththe club have said in a statement they will appeal on the grounds the incident that left northampton wing george north unconscious and resulted in a red card for hughes was an accident and no foul play had occurred .\"]\n", + "=======================\n", + "['wasps no 8 nathan hughes was given a three-match ban for a late challenge on george north which left the northampton winger concussedthe club will appeal the decision on the grounds that it was an accidentas the hearing is scheduled to be held next friday , it means hughes will not be available for wasps to face toulon in the european champions cup']\n", + "wasps will appeal against the three-week ban issued to nathan hughes , but their protest will not enable the back row to play in sunday 's champions cup quarter-final against toulon .wasps are set to appeal the three-match ban handed to no 8 nathan hughes for knocking out george norththe club have said in a statement they will appeal on the grounds the incident that left northampton wing george north unconscious and resulted in a red card for hughes was an accident and no foul play had occurred .\n", + "wasps no 8 nathan hughes was given a three-match ban for a late challenge on george north which left the northampton winger concussedthe club will appeal the decision on the grounds that it was an accidentas the hearing is scheduled to be held next friday , it means hughes will not be available for wasps to face toulon in the european champions cup\n", + "[1.501353 1.3007886 1.1070471 1.1031213 1.3275194 1.1308441 1.0785745\n", + " 1.05373 1.0729712 1.2290812 1.1172194 1.0208011 1.0369369 1.0299084\n", + " 1.0281276 1.044319 1.0301504 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 9 5 10 2 3 6 8 7 15 12 16 13 14 11 18 17 19]\n", + "=======================\n", + "[\"ufc women 's champion ronda rousey reinforced her support for manny pacquiao in his may 2 megafight with floyd mayweather as she paid a visit to the filipino 's los angeles training camp .ronda rousey said she was ` truly honoured to meet such a humble and genuine person ' in manny pacquiaorousey , the undefeated ufc bantamweight title holder , has made it clear she is in underdog pacquiao 's camp in the the lead up to the fight .\"]\n", + "=======================\n", + "[\"ufc woman 's bantamweight champion visited manny pacquiao 's camprousey is backing pacquiao in his megafight against floyd mayweatherpacman thanked rousey for her support in a twitter picture togetherread : mayweather vs pacquiao referee to earn $ 10,000 ( # 6,800 ) on may 2watch : pacquiao releases music video ahead of mayweather bout\"]\n", + "ufc women 's champion ronda rousey reinforced her support for manny pacquiao in his may 2 megafight with floyd mayweather as she paid a visit to the filipino 's los angeles training camp .ronda rousey said she was ` truly honoured to meet such a humble and genuine person ' in manny pacquiaorousey , the undefeated ufc bantamweight title holder , has made it clear she is in underdog pacquiao 's camp in the the lead up to the fight .\n", + "ufc woman 's bantamweight champion visited manny pacquiao 's camprousey is backing pacquiao in his megafight against floyd mayweatherpacman thanked rousey for her support in a twitter picture togetherread : mayweather vs pacquiao referee to earn $ 10,000 ( # 6,800 ) on may 2watch : pacquiao releases music video ahead of mayweather bout\n", + "[1.5360345 1.1649145 1.5677478 1.2317972 1.1916441 1.1094942 1.1947806\n", + " 1.0944078 1.0831152 1.0678648 1.0162851 1.0184801 1.0289907 1.0168197\n", + " 1.221268 1.0110124 1.0148712 1.009637 0. 0. ]\n", + "\n", + "[ 2 0 3 14 6 4 1 5 7 8 9 12 11 13 10 16 15 17 18 19]\n", + "=======================\n", + "[\"michael olsen , 52 , from dartford , kent , was challenged by pcs mark bird and robert wilson after abandoning his car in the middle of the road after ploughing into a traffic island and parked cars .he initially ignored the officers who were pursuing him by car but when they got out he turned round and pulled a gun to pc wilson 's head .pc mark bird ( pictured ) was attending a routine traffic accident with his colleague pc robert wilson in october last year when the incident happened\"]\n", + "=======================\n", + "['michael olsen , 52 , abandoned his car after ploughing into a traffic islandhe was confronted by pcs mark bird and robert wilson but pulled out gunpc bird lunged at olsen in bid to save colleague but was shot in the handolsen claimed gun was toy but found guilty at inner london crown court']\n", + "michael olsen , 52 , from dartford , kent , was challenged by pcs mark bird and robert wilson after abandoning his car in the middle of the road after ploughing into a traffic island and parked cars .he initially ignored the officers who were pursuing him by car but when they got out he turned round and pulled a gun to pc wilson 's head .pc mark bird ( pictured ) was attending a routine traffic accident with his colleague pc robert wilson in october last year when the incident happened\n", + "michael olsen , 52 , abandoned his car after ploughing into a traffic islandhe was confronted by pcs mark bird and robert wilson but pulled out gunpc bird lunged at olsen in bid to save colleague but was shot in the handolsen claimed gun was toy but found guilty at inner london crown court\n", + "[1.3438249 1.3652049 1.1812508 1.4908094 1.1725978 1.2888318 1.1603024\n", + " 1.0924212 1.1047256 1.077136 1.0235103 1.0156398 1.0153886 1.0139326\n", + " 1.0153276 1.0214919 1.0268615 1.0118012 1.0123744 1.0100701]\n", + "\n", + "[ 3 1 0 5 2 4 6 8 7 9 16 10 15 11 12 14 13 18 17 19]\n", + "=======================\n", + "['raheem sterling has turned down a new deal with liverpool and put off contract talks until the summersterling has been offered a # 100,000-a-week deal to stay on merseyside and revealed in a bbc interview on wednesday that he would have signed for a lot less a year ago .raheem sterling edged closer towards an exit from liverpool on wednesday night after admitting in a tv interview that he is not ready to sign a new contract at anfield .']\n", + "=======================\n", + "[\"raheem sterling wants to be known as ' a kid that loves to play football 'the england star has rejected a new deal and put off talks until the summersterling has two years left to run on his existing # 35,000-a-week contracthe says he would have signed a new deal at this point last seasonsterling admits it is ` quite flattering ' to be linked with a move to arsenalliverpool are infuriated that sterling gave interview in the first placesome feel he and his representatives are pushing for summer departureread : sportsmail answers five questions on sterling 's future\"]\n", + "raheem sterling has turned down a new deal with liverpool and put off contract talks until the summersterling has been offered a # 100,000-a-week deal to stay on merseyside and revealed in a bbc interview on wednesday that he would have signed for a lot less a year ago .raheem sterling edged closer towards an exit from liverpool on wednesday night after admitting in a tv interview that he is not ready to sign a new contract at anfield .\n", + "raheem sterling wants to be known as ' a kid that loves to play football 'the england star has rejected a new deal and put off talks until the summersterling has two years left to run on his existing # 35,000-a-week contracthe says he would have signed a new deal at this point last seasonsterling admits it is ` quite flattering ' to be linked with a move to arsenalliverpool are infuriated that sterling gave interview in the first placesome feel he and his representatives are pushing for summer departureread : sportsmail answers five questions on sterling 's future\n", + "[1.3983195 1.1999077 1.3059328 1.3795397 1.1599774 1.2519095 1.0621738\n", + " 1.029054 1.0134797 1.0174898 1.1522124 1.1788008 1.123326 1.0156506\n", + " 1.0191655 1.012991 1.01507 1.0105406 1.0102016 1.0086737 0. ]\n", + "\n", + "[ 0 3 2 5 1 11 4 10 12 6 7 14 9 13 16 8 15 17 18 19 20]\n", + "=======================\n", + "[\"sergio perez fears ' a very painful year ' lies ahead if force india 's roll out of their upgraded car this season proves a dud .sergio perez walks through the paddock in shanghai ahead of sunday 's chinese grand prixthe additional knock-on effect means a delay in the introduction of the team 's b-spec model , which is now not due to be unveiled until the austrian grand prix in june .\"]\n", + "=======================\n", + "['sergio perez admits force india are relying on june upgrade to improvemexican fears very painful year if upgrade fails to raise competitivenessforce india missed much of pre-season testing and are well off the pace']\n", + "sergio perez fears ' a very painful year ' lies ahead if force india 's roll out of their upgraded car this season proves a dud .sergio perez walks through the paddock in shanghai ahead of sunday 's chinese grand prixthe additional knock-on effect means a delay in the introduction of the team 's b-spec model , which is now not due to be unveiled until the austrian grand prix in june .\n", + "sergio perez admits force india are relying on june upgrade to improvemexican fears very painful year if upgrade fails to raise competitivenessforce india missed much of pre-season testing and are well off the pace\n", + "[1.185756 1.4534427 1.3416934 1.415678 1.3138683 1.0705411 1.2684301\n", + " 1.0728241 1.0116574 1.0644711 1.0096111 1.0352767 1.0146359 1.0103394\n", + " 1.2597659 1.1920547 1.0491124 1.0072192 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 6 14 15 0 7 5 9 16 11 12 8 13 10 17 18 19 20]\n", + "=======================\n", + "['amanda casey , also of north carolina , was married to michael wilkie for four years and had a daughter with him before the couple divorced .michael wilkie was found guilty of first-degree murder in january for the 2012 killing of shelby wilkie and is serving a life sentence without parole .he went on to marry his third wife , shelby wilkie .']\n", + "=======================\n", + "['michael wilkie was found guilty in january of first-degree murder in january for the 2012 killing of his third wife , shelby wilkiehis second wife , amanda casey , has opened up about the abuse she faced before divorcingcasey said that he controlled aspects of her life and was physically abusive , particularly when she was pregnantshe even said she feared that michael wilkie would kill hershe said she never warned shelby wilkie , but told her she was there if she needed someone to talk to shortly before she disappeared']\n", + "amanda casey , also of north carolina , was married to michael wilkie for four years and had a daughter with him before the couple divorced .michael wilkie was found guilty of first-degree murder in january for the 2012 killing of shelby wilkie and is serving a life sentence without parole .he went on to marry his third wife , shelby wilkie .\n", + "michael wilkie was found guilty in january of first-degree murder in january for the 2012 killing of his third wife , shelby wilkiehis second wife , amanda casey , has opened up about the abuse she faced before divorcingcasey said that he controlled aspects of her life and was physically abusive , particularly when she was pregnantshe even said she feared that michael wilkie would kill hershe said she never warned shelby wilkie , but told her she was there if she needed someone to talk to shortly before she disappeared\n", + "[1.2387564 1.3651326 1.2354814 1.1493189 1.1542654 1.1447871 1.0680265\n", + " 1.1050092 1.0963805 1.0289478 1.0470698 1.1024014 1.084957 1.0346398\n", + " 1.0388523 1.0181872 1.0390186 1.0421327 1.0658171 1.0668162 1.0439404]\n", + "\n", + "[ 1 0 2 4 3 5 7 11 8 12 6 19 18 10 20 17 16 14 13 9 15]\n", + "=======================\n", + "['in the footage , released by police , deputies are filmed chasing after eric harris , first by car then on foot , in tulsa , oklahoma , on april 2 after he fled during a sting operation in a nearby parking lot .these are the horrific final moments of a 44-year-old suspect who was apparently accidentally shot dead by a 73-year-old reserve deputy last week after he fired his handgun instead of his taser .once they catch up to harris , they tackle him to the ground and order him to lie on his stomach .']\n", + "=======================\n", + "[\"warning : graphic videovideo of eric harris 's shooting released by tulsa county sheriff 's officeshows deputies chasing harris , 44 , through tulsa , oklahoma , on april 2they tackle him to ground ; reserve deputy robert bates shouts ` taser ! 'but instead of pulling out taser , he takes out service weapon and firesbates says , ' i shot him !suspect , being held down by his neck , then says : ` i 'm losing my breath 'other unidentified cops tell him , ` f *** your breath , ' and ` shut the f *** up 'harris was later hospitalized , died an hour later ; investigation ongoing\"]\n", + "in the footage , released by police , deputies are filmed chasing after eric harris , first by car then on foot , in tulsa , oklahoma , on april 2 after he fled during a sting operation in a nearby parking lot .these are the horrific final moments of a 44-year-old suspect who was apparently accidentally shot dead by a 73-year-old reserve deputy last week after he fired his handgun instead of his taser .once they catch up to harris , they tackle him to the ground and order him to lie on his stomach .\n", + "warning : graphic videovideo of eric harris 's shooting released by tulsa county sheriff 's officeshows deputies chasing harris , 44 , through tulsa , oklahoma , on april 2they tackle him to ground ; reserve deputy robert bates shouts ` taser ! 'but instead of pulling out taser , he takes out service weapon and firesbates says , ' i shot him !suspect , being held down by his neck , then says : ` i 'm losing my breath 'other unidentified cops tell him , ` f *** your breath , ' and ` shut the f *** up 'harris was later hospitalized , died an hour later ; investigation ongoing\n", + "[1.0617198 1.4906659 1.3162012 1.2176423 1.3388034 1.0682116 1.1726391\n", + " 1.0997801 1.052692 1.046871 1.0323577 1.17926 1.046005 1.0200186\n", + " 1.0958493 1.0418003 1.0196539 1.0256426 1.0518692 0. 0. ]\n", + "\n", + "[ 1 4 2 3 11 6 7 14 5 0 8 18 9 12 15 10 17 13 16 19 20]\n", + "=======================\n", + "['more than 600 people are part of the havasupai tribe , which is the smallest indian nation in america .visitors can reach the mysterious tribe on foot or by helicopter or mule , and experience life in the village of supai , which has a cafe , general stores , a lodge , post office , school , lds chapel , and a small christian church .millions travel to witness the spectacular grand canyon every year , but few know that this arizona landscape is home to a secret tribe , hidden away in its depths .']\n", + "=======================\n", + "['the havasupai tribe are the smallest indian nation in america , with just over 600 village inhabitantsthey live in the village of supai which can be visited by helicopter or mule , as it is eight miles from the nearest roadvisitors can stay overnight with the tribe and experience the incredible havasu falls']\n", + "more than 600 people are part of the havasupai tribe , which is the smallest indian nation in america .visitors can reach the mysterious tribe on foot or by helicopter or mule , and experience life in the village of supai , which has a cafe , general stores , a lodge , post office , school , lds chapel , and a small christian church .millions travel to witness the spectacular grand canyon every year , but few know that this arizona landscape is home to a secret tribe , hidden away in its depths .\n", + "the havasupai tribe are the smallest indian nation in america , with just over 600 village inhabitantsthey live in the village of supai which can be visited by helicopter or mule , as it is eight miles from the nearest roadvisitors can stay overnight with the tribe and experience the incredible havasu falls\n", + "[1.1126044 1.1888515 1.1871221 1.3139448 1.2161517 1.2295156 1.1189934\n", + " 1.0624216 1.0802912 1.1127654 1.0655752 1.0820843 1.065263 1.0477242\n", + " 1.0967832 1.0895319 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 5 4 1 2 6 9 0 14 15 11 8 10 12 7 13 19 16 17 18 20]\n", + "=======================\n", + "[\"jamaica , colombia and saint lucia , all relatively close to each other , have the highest percentage of female managers in the worldthe caribbean island had the world 's highest percentage , at nearly 60 per cent .there are only three countries in the entire world where you are more likely to have a female boss than a male boss .\"]\n", + "=======================\n", + "['108 countries were ranked according to percentage of female managersover half of bosses are women in colombia , jamaica and saint luciabritain comes in at 41 out of 108 countries , with only 34.2 % women bosses']\n", + "jamaica , colombia and saint lucia , all relatively close to each other , have the highest percentage of female managers in the worldthe caribbean island had the world 's highest percentage , at nearly 60 per cent .there are only three countries in the entire world where you are more likely to have a female boss than a male boss .\n", + "108 countries were ranked according to percentage of female managersover half of bosses are women in colombia , jamaica and saint luciabritain comes in at 41 out of 108 countries , with only 34.2 % women bosses\n", + "[1.1218543 1.4737139 1.2378798 1.3944851 1.1656686 1.0786287 1.0199785\n", + " 1.2145466 1.131837 1.126629 1.2039685 1.0334383 1.0099839 1.059901\n", + " 1.0239964 1.0181652 1.0130209 1.0284482]\n", + "\n", + "[ 1 3 2 7 10 4 8 9 0 5 13 11 17 14 6 15 16 12]\n", + "=======================\n", + "['the 36-year-old is gearing up for his $ 300million welterweight showdown with floyd mayweather on may 2 - in what is set to become the richest bout in boxing history .manny pacquiao took to instagram to thank spike lee and tito mikey ahead of his bout vs floyd mayweatherthe 36-year-old also posted a photo thanking nba legend karl malone ( centre left ) for visiting him at the gym']\n", + "=======================\n", + "['manny pacquiao fights floyd mayweather at the mgm grand on may 2pacquiao took to instagram on thursday to thank spike lee and tito mikey36-year-old was also visited by nba legend karl malone at his boxing gym']\n", + "the 36-year-old is gearing up for his $ 300million welterweight showdown with floyd mayweather on may 2 - in what is set to become the richest bout in boxing history .manny pacquiao took to instagram to thank spike lee and tito mikey ahead of his bout vs floyd mayweatherthe 36-year-old also posted a photo thanking nba legend karl malone ( centre left ) for visiting him at the gym\n", + "manny pacquiao fights floyd mayweather at the mgm grand on may 2pacquiao took to instagram on thursday to thank spike lee and tito mikey36-year-old was also visited by nba legend karl malone at his boxing gym\n", + "[1.5353509 1.0727458 1.2019106 1.1618705 1.1259631 1.0694798 1.1290851\n", + " 1.1099392 1.0834421 1.0725302 1.0702503 1.1427143 1.0569673 1.0226635\n", + " 1.0545313 1.0414649 0. 0. ]\n", + "\n", + "[ 0 2 3 11 6 4 7 8 1 9 10 5 12 14 15 13 16 17]\n", + "=======================\n", + "[\"( cnn ) anthony ray hinton is thankful to be free after nearly 30 years on alabama 's death row for murders he says he did n't commit .hinton , 58 , looked up , took in the sunshine and thanked god and his lawyers friday morning outside the county jail in birmingham , minutes after taking his first steps as a free man since 1985 .hinton was 29 at the time of the killings and had always maintained his innocence , said the equal justice initiative , a group that helped win his release .\"]\n", + "=======================\n", + "['anthony ray hinton goes free friday , decades after conviction for two murderscourt ordered new trial in 2014 , years after gun experts testified on his behalfprosecution moved to dismiss charges this year']\n", + "( cnn ) anthony ray hinton is thankful to be free after nearly 30 years on alabama 's death row for murders he says he did n't commit .hinton , 58 , looked up , took in the sunshine and thanked god and his lawyers friday morning outside the county jail in birmingham , minutes after taking his first steps as a free man since 1985 .hinton was 29 at the time of the killings and had always maintained his innocence , said the equal justice initiative , a group that helped win his release .\n", + "anthony ray hinton goes free friday , decades after conviction for two murderscourt ordered new trial in 2014 , years after gun experts testified on his behalfprosecution moved to dismiss charges this year\n", + "[1.3955853 1.4540844 1.1047204 1.0495692 1.1305058 1.2195722 1.3102002\n", + " 1.1801063 1.0548062 1.0672457 1.0337955 1.095984 1.0981733 1.0374674\n", + " 1.1084758 1.0642437 1.0234382 1.0153235]\n", + "\n", + "[ 1 0 6 5 7 4 14 2 12 11 9 15 8 3 13 10 16 17]\n", + "=======================\n", + "['the tv presenter said her sister , debbie , had managed to contact the family to say she was safe after a 7.9-magnitude quake struck nepal on saturday , killing more than 4,000 people .amanda holden today revealed that her sister is trapped on mount everest after the devastating earthquake -- but said her life may have been saved because she had altitude sickness .in a fortunate twist , she said debbie had not yet reached everest base camp , where a deadly avalanche hit , because she was ill and had stopped off to recover .']\n", + "=======================\n", + "[\"tv presenter said sister debbie had contacted family to say she was safeshe said : ' i can barely speak and i 'm still quite numb .says her sister may have been airlifted from the mountain this morning\"]\n", + "the tv presenter said her sister , debbie , had managed to contact the family to say she was safe after a 7.9-magnitude quake struck nepal on saturday , killing more than 4,000 people .amanda holden today revealed that her sister is trapped on mount everest after the devastating earthquake -- but said her life may have been saved because she had altitude sickness .in a fortunate twist , she said debbie had not yet reached everest base camp , where a deadly avalanche hit , because she was ill and had stopped off to recover .\n", + "tv presenter said sister debbie had contacted family to say she was safeshe said : ' i can barely speak and i 'm still quite numb .says her sister may have been airlifted from the mountain this morning\n", + "[1.2043185 1.313041 1.4369155 1.1629219 1.1771641 1.1045387 1.1222947\n", + " 1.1057926 1.083281 1.2469195 1.1117463 1.0426576 1.0230887 1.0112906\n", + " 1.0465406 0. 0. 0. ]\n", + "\n", + "[ 2 1 9 0 4 3 6 10 7 5 8 14 11 12 13 15 16 17]\n", + "=======================\n", + "[\"the manmade cavern named the caverne du pont-d'arc has been built a few miles from the original site in vallon-pont-d'arc in southern france and contains 1,000 painstakingly-reproduced drawings as well as around 450 bones and other features .now , with the help of cutting-edge technology , those works of art in the chauvet-pont-d'arc cave have been reproduced to create the biggest replica cave in the world .prehistoric man sketched an incredible array of prehistoric beasts on the rough limestone walls of a cave in modern day france 36,000 years ago .\"]\n", + "=======================\n", + "[\"cave mimics famous caverne du pont-d'arc in france , the oldest cave decorated by man and the best preservedthe replica contains all 1,000 paintings which include 425 such as a woolly rhinoceros and mammothsminute details were copied using 3d modelling and anamorphic techniques , often used to shoot widescreen imagesthe modern cave also includes replica paw prints of bears , bones and details preserved in the original cave\"]\n", + "the manmade cavern named the caverne du pont-d'arc has been built a few miles from the original site in vallon-pont-d'arc in southern france and contains 1,000 painstakingly-reproduced drawings as well as around 450 bones and other features .now , with the help of cutting-edge technology , those works of art in the chauvet-pont-d'arc cave have been reproduced to create the biggest replica cave in the world .prehistoric man sketched an incredible array of prehistoric beasts on the rough limestone walls of a cave in modern day france 36,000 years ago .\n", + "cave mimics famous caverne du pont-d'arc in france , the oldest cave decorated by man and the best preservedthe replica contains all 1,000 paintings which include 425 such as a woolly rhinoceros and mammothsminute details were copied using 3d modelling and anamorphic techniques , often used to shoot widescreen imagesthe modern cave also includes replica paw prints of bears , bones and details preserved in the original cave\n", + "[1.2176691 1.2262242 1.1723073 1.2970405 1.3643621 1.1106668 1.2265718\n", + " 1.0524093 1.0387923 1.0641347 1.0326127 1.0510501 1.0865623 1.0425596\n", + " 1.0979396 0. 0. 0. ]\n", + "\n", + "[ 4 3 6 1 0 2 5 14 12 9 7 11 13 8 10 16 15 17]\n", + "=======================\n", + "[\"the first lady was on hand to present 15-time grammy winner alicia keys with the recording academy 's recording artists ' coalition award for her ongoing contribution to popular musicthe white house kitchen garden was full of school children on wednesday afternoon as flotus oversaw a session of planting spinach , broccoli , lettuce , radish and bok choy .not content with a busy afternoon in the garden , she then changed into a flawless black dress for the annual grammys on the hill awards which were held at hamilton live in washington , d.c. .\"]\n", + "=======================\n", + "[\"michelle obama combined an educational event with school children during the afternoon and a black tie event on wednesday eveningthe event at the white house kitchen garden was the latest part of her ongoing let 's move initiativeshe then changed into a flawless black dress for the annual grammys on the hill awards which were held at hamilton live in washington , d.c.the first lady was on hand to present 15-time grammy winner alicia keys with the recording academy 's recording artists ' coalition award\"]\n", + "the first lady was on hand to present 15-time grammy winner alicia keys with the recording academy 's recording artists ' coalition award for her ongoing contribution to popular musicthe white house kitchen garden was full of school children on wednesday afternoon as flotus oversaw a session of planting spinach , broccoli , lettuce , radish and bok choy .not content with a busy afternoon in the garden , she then changed into a flawless black dress for the annual grammys on the hill awards which were held at hamilton live in washington , d.c. .\n", + "michelle obama combined an educational event with school children during the afternoon and a black tie event on wednesday eveningthe event at the white house kitchen garden was the latest part of her ongoing let 's move initiativeshe then changed into a flawless black dress for the annual grammys on the hill awards which were held at hamilton live in washington , d.c.the first lady was on hand to present 15-time grammy winner alicia keys with the recording academy 's recording artists ' coalition award\n", + "[1.4436182 1.3027174 1.1986097 1.3779175 1.124301 1.0417705 1.1287943\n", + " 1.1646428 1.1155033 1.0477768 1.0137914 1.0956848 1.0988947 1.1083918\n", + " 1.04077 1.0381619 1.0363501 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 7 6 4 8 13 12 11 9 5 14 15 16 10 18 17 19]\n", + "=======================\n", + "[\"cbs correspondent lara logan , who was brutally sexually assaulted while reporting in egypt in 2011 , is back home and recovering after she reportedly checked into a dc hospital for at least the fourth time this year .she is said to be resting at her home in the washington dc area but working on upcoming storiesa close family friend of logan 's , financial pundit ed butowsky , confirmed late last month that the 43-year-old had been hospitalized and revealed the extent of the journalism heavy hitter 's suffering since the attack in cairo 's tahrir square .\"]\n", + "=======================\n", + "['the reporter , 43 , had been admitted to hospital for the fourth time this year relating to the sexual assault she suffered in 2011she is now back home and recoveringlogan was previously diagnosed with digestive disease diverticulitis , possibly aggravated by stress , and hospitalized in februarylast year , the married mother-of-two was quarantined in south africa after reporting from the ebola hot zone in liberia']\n", + "cbs correspondent lara logan , who was brutally sexually assaulted while reporting in egypt in 2011 , is back home and recovering after she reportedly checked into a dc hospital for at least the fourth time this year .she is said to be resting at her home in the washington dc area but working on upcoming storiesa close family friend of logan 's , financial pundit ed butowsky , confirmed late last month that the 43-year-old had been hospitalized and revealed the extent of the journalism heavy hitter 's suffering since the attack in cairo 's tahrir square .\n", + "the reporter , 43 , had been admitted to hospital for the fourth time this year relating to the sexual assault she suffered in 2011she is now back home and recoveringlogan was previously diagnosed with digestive disease diverticulitis , possibly aggravated by stress , and hospitalized in februarylast year , the married mother-of-two was quarantined in south africa after reporting from the ebola hot zone in liberia\n", + "[1.6021249 1.3016106 1.210939 1.4993815 1.3045671 1.1549209 1.0326889\n", + " 1.0198174 1.0141844 1.036781 1.0239904 1.0264958 1.1135396 1.0175067\n", + " 1.0270406 1.0125557 1.0899209 1.0091792 1.0095494 1.0082586]\n", + "\n", + "[ 0 3 4 1 2 5 12 16 9 6 14 11 10 7 13 8 15 18 17 19]\n", + "=======================\n", + "[\"world no 1 novak djokovic has apologised to the startled ball boy caught in the crossfire of a tirade at his support team during his win over andy murray in sunday 's miami open final .novak djokovic issued an apology via facebook to a ball boy he frightened during the miami opendjokovic shouted at his backroom team after he lost the second set of the final to andy murray\"]\n", + "=======================\n", + "['novak djokovic beat andy murray 7-6 4-6 6-0 in miami open 2015 finaldjokovic lost his cool after losing the second set to the brit in floridaworld no 1 djokovic shouted at his support team next to a scared ball boyafter seeing the replay , the serbian posted an apology video on facebookclick here for all the latest news from the world of tennis']\n", + "world no 1 novak djokovic has apologised to the startled ball boy caught in the crossfire of a tirade at his support team during his win over andy murray in sunday 's miami open final .novak djokovic issued an apology via facebook to a ball boy he frightened during the miami opendjokovic shouted at his backroom team after he lost the second set of the final to andy murray\n", + "novak djokovic beat andy murray 7-6 4-6 6-0 in miami open 2015 finaldjokovic lost his cool after losing the second set to the brit in floridaworld no 1 djokovic shouted at his support team next to a scared ball boyafter seeing the replay , the serbian posted an apology video on facebookclick here for all the latest news from the world of tennis\n", + "[1.213641 1.5341289 1.2977722 1.1483586 1.0749681 1.160163 1.2892525\n", + " 1.058605 1.0958567 1.0623254 1.0311068 1.0241421 1.0640105 1.0660731\n", + " 1.054953 1.0457102 1.0282105 1.039725 1.0429958 0. ]\n", + "\n", + "[ 1 2 6 0 5 3 8 4 13 12 9 7 14 15 18 17 10 16 11 19]\n", + "=======================\n", + "[\"catherine nevin was allowed out on day release on wednesday afternoon despite being jailed for life in april 2000 for arranging to having her publican husband tom shot dead .the 62-year-old was permitted to attend an addiction studies course and was pictured leaving mountjoy prison and making her way from dublin 's dochas centre to the oblates in the city 's inchicore suburb .out of prison and free to stroll around ireland 's capital , this is the notorious ` black widow ' killer who murdered her husband .\"]\n", + "=======================\n", + "[\"catherine nevin was allowed out despite being jailed for life in april 200062-year-old was seen on the bus , with a pal and walking around in dublinsat next to unsuspecting commuter on bus and went totally unnoticedireland 's most infamous female prisoner murdered husband tom in 1996\"]\n", + "catherine nevin was allowed out on day release on wednesday afternoon despite being jailed for life in april 2000 for arranging to having her publican husband tom shot dead .the 62-year-old was permitted to attend an addiction studies course and was pictured leaving mountjoy prison and making her way from dublin 's dochas centre to the oblates in the city 's inchicore suburb .out of prison and free to stroll around ireland 's capital , this is the notorious ` black widow ' killer who murdered her husband .\n", + "catherine nevin was allowed out despite being jailed for life in april 200062-year-old was seen on the bus , with a pal and walking around in dublinsat next to unsuspecting commuter on bus and went totally unnoticedireland 's most infamous female prisoner murdered husband tom in 1996\n", + "[1.3248888 1.3150988 1.0832392 1.5445945 1.2624683 1.1197597 1.1788027\n", + " 1.0148785 1.044097 1.0346972 1.0508964 1.0346191 1.1106569 1.0197102\n", + " 1.0345038 1.1616108 1.091381 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 6 15 5 12 16 2 10 8 9 11 14 13 7 18 17 19]\n", + "=======================\n", + "[\"theo walcott believes arsenal have been the ` best team in europe ' in the second half of the seasonthe gunners ' slim hopes of overhauling chelsea 's 10-point lead at the top of the barclays premier league were all but extinguished following a goalless draw at the emirates stadium on sunday .arsenal had earned eight successive premier league victories before the 0-0 draw against chelsea\"]\n", + "=======================\n", + "['theo walcott insists arsenal have shown the best form in europe this yeargunners earned eight successive premier league victories before 0-0 draw with chelseawalcott believes arsenal must stay injury-free to win title next seasonolivier giroud : i get p ***** about everyone talking about my hairstyleread : arsenal fan gives girlfriend written exam on the gunners']\n", + "theo walcott believes arsenal have been the ` best team in europe ' in the second half of the seasonthe gunners ' slim hopes of overhauling chelsea 's 10-point lead at the top of the barclays premier league were all but extinguished following a goalless draw at the emirates stadium on sunday .arsenal had earned eight successive premier league victories before the 0-0 draw against chelsea\n", + "theo walcott insists arsenal have shown the best form in europe this yeargunners earned eight successive premier league victories before 0-0 draw with chelseawalcott believes arsenal must stay injury-free to win title next seasonolivier giroud : i get p ***** about everyone talking about my hairstyleread : arsenal fan gives girlfriend written exam on the gunners\n", + "[1.230276 1.4123251 1.3324275 1.1514697 1.2165319 1.2051457 1.0917375\n", + " 1.1470823 1.0557835 1.0333449 1.0272799 1.0370545 1.0409628 1.1269817\n", + " 1.0383527 1.0745289 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 5 3 7 13 6 15 8 12 14 11 9 10 18 16 17 19]\n", + "=======================\n", + "[\"fashion conscious shanice farier , 22 , from derby , earned a ` decent salary ' and received handouts from her father but that was n't enough for her expensive taste , the court heard .she helped herself to money from kanoo travel in derby and spent it staying in hotels and living ` an opulent lifestyle ' , said judge john burgess .a ` greedy ' cashier who stole # 15,000 from a currency exchange and blew it on living a high-flying lifestyle was told by a judge it was time to ` get her hands dirty ' .\"]\n", + "=======================\n", + "[\"shanice farier , 22 , stole # 15,336 between october 2012 and february 2013court heard she was paid a decent salary and got handouts from her fatherfarier told her probation officers that taking the money was ` just too easy 'judge ordered her to do 240 hours of unpaid work in the derby community\"]\n", + "fashion conscious shanice farier , 22 , from derby , earned a ` decent salary ' and received handouts from her father but that was n't enough for her expensive taste , the court heard .she helped herself to money from kanoo travel in derby and spent it staying in hotels and living ` an opulent lifestyle ' , said judge john burgess .a ` greedy ' cashier who stole # 15,000 from a currency exchange and blew it on living a high-flying lifestyle was told by a judge it was time to ` get her hands dirty ' .\n", + "shanice farier , 22 , stole # 15,336 between october 2012 and february 2013court heard she was paid a decent salary and got handouts from her fatherfarier told her probation officers that taking the money was ` just too easy 'judge ordered her to do 240 hours of unpaid work in the derby community\n", + "[1.2038105 1.4104381 1.3038487 1.2646838 1.1650012 1.2064223 1.1668466\n", + " 1.0565012 1.0572509 1.1466452 1.0387987 1.0797641 1.0330565 1.112213\n", + " 1.0206653 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 5 0 6 4 9 13 11 8 7 10 12 14 17 15 16 18]\n", + "=======================\n", + "[\"alex oxlade-chamberlain 's father mark , the former england international , is acting as his representative since alex split from impact sports management , although raheem sterling 's adviser aidy ward is also involved .danny welbeck is looked after by his brothers chris and waynearsenal players are choosing to employ relatives as their agents after fifa washed their hands of attempts to regulate middle-men .\"]\n", + "=======================\n", + "['arsenal players are choosing to employ their relatives as agentsfifa have washed their hands of attempts to regulate middle-menalex oxlade-chamberlain , calum chambers , jack wilshere , kieran gibbs and danny welbeck are among those to use the policyliverpool club secretary stuart hayton is leaving anfield after two seasons']\n", + "alex oxlade-chamberlain 's father mark , the former england international , is acting as his representative since alex split from impact sports management , although raheem sterling 's adviser aidy ward is also involved .danny welbeck is looked after by his brothers chris and waynearsenal players are choosing to employ relatives as their agents after fifa washed their hands of attempts to regulate middle-men .\n", + "arsenal players are choosing to employ their relatives as agentsfifa have washed their hands of attempts to regulate middle-menalex oxlade-chamberlain , calum chambers , jack wilshere , kieran gibbs and danny welbeck are among those to use the policyliverpool club secretary stuart hayton is leaving anfield after two seasons\n", + "[1.2332332 1.5106809 1.2122283 1.2316911 1.0977557 1.08884 1.091799\n", + " 1.0495298 1.0275838 1.0157675 1.0214454 1.3051796 1.1448814 1.0726597\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 11 0 3 2 12 4 6 5 13 7 8 10 9 14 15 16 17 18]\n", + "=======================\n", + "['on wednesday , dc entertainment , warner bros. and mattel announced a partnership to launch dc super hero girls , featuring familiar superheroes and supervillains as \" relatable teens , \" according to a press release .( cnn ) it \\'s a girls \\' universe .the characters involved include wonder woman , supergirl , batgirl , harley quinn and poison ivy , among others .']\n", + "=======================\n", + "['dc , partners introduce dc super hero girls , intended for girls 6-12reaction mostly favorable -- but some caveats']\n", + "on wednesday , dc entertainment , warner bros. and mattel announced a partnership to launch dc super hero girls , featuring familiar superheroes and supervillains as \" relatable teens , \" according to a press release .( cnn ) it 's a girls ' universe .the characters involved include wonder woman , supergirl , batgirl , harley quinn and poison ivy , among others .\n", + "dc , partners introduce dc super hero girls , intended for girls 6-12reaction mostly favorable -- but some caveats\n", + "[1.4515017 1.3362286 1.2893535 1.2128955 1.156728 1.157695 1.1794126\n", + " 1.0914689 1.0709945 1.0652058 1.0801699 1.1283801 1.0255203 1.020577\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 6 5 4 11 7 10 8 9 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"cairo ( cnn ) at least 12 people were killed sunday , and more injured , in separate attacks on a police station , a checkpoint and along a highway in egypt 's northern sinai , authorities said .six people , including one civilian , were killed when a car bomb exploded near the police station in al-arish , capital of north sinai , health ministry spokesman hossam abdel-ghafar told ahram online .he said 40 people were injured .\"]\n", + "=======================\n", + "['six people , including one civilian , are killed when a car bomb explodes near a police stationsix others are killed when their armored vehicle is attacked on a highway in northern sinaiansar beit al-maqdis , an isis affiliate , claims responsibility']\n", + "cairo ( cnn ) at least 12 people were killed sunday , and more injured , in separate attacks on a police station , a checkpoint and along a highway in egypt 's northern sinai , authorities said .six people , including one civilian , were killed when a car bomb exploded near the police station in al-arish , capital of north sinai , health ministry spokesman hossam abdel-ghafar told ahram online .he said 40 people were injured .\n", + "six people , including one civilian , are killed when a car bomb explodes near a police stationsix others are killed when their armored vehicle is attacked on a highway in northern sinaiansar beit al-maqdis , an isis affiliate , claims responsibility\n", + "[1.1579307 1.1827483 1.3917431 1.1325107 1.246025 1.1157166 1.1032476\n", + " 1.0248312 1.0576286 1.1522323 1.1005738 1.0466137 1.0130562 1.0132983\n", + " 1.0268546 0. 0. 0. 0. ]\n", + "\n", + "[ 2 4 1 0 9 3 5 6 10 8 11 14 7 13 12 17 15 16 18]\n", + "=======================\n", + "[\"the first was wartime naval cryptographer and enigma codebreaker dillwyn knox , who bought it in 1921 and lived there until his death in 1943 .cournswood house is in the south of buckinghamshire -- in ten acres of secluded woodlands in the picturesque village of north deanso it is appropriate that at least two of cournswood 's long-term residents have had strong bletchley connections .\"]\n", + "=======================\n", + "[\"two of cournswood house 's owners had bletchley park connectionsfirst was naval cryptographer and enigma codebreaker dillwyn knoxsharon constancon is related to leon family who once owned bletchleycournswood house , in south buckinghamshire , has pool , lakes and gym\"]\n", + "the first was wartime naval cryptographer and enigma codebreaker dillwyn knox , who bought it in 1921 and lived there until his death in 1943 .cournswood house is in the south of buckinghamshire -- in ten acres of secluded woodlands in the picturesque village of north deanso it is appropriate that at least two of cournswood 's long-term residents have had strong bletchley connections .\n", + "two of cournswood house 's owners had bletchley park connectionsfirst was naval cryptographer and enigma codebreaker dillwyn knoxsharon constancon is related to leon family who once owned bletchleycournswood house , in south buckinghamshire , has pool , lakes and gym\n", + "[1.2826277 1.47107 1.2217057 1.3102618 1.3009102 1.2290268 1.1509627\n", + " 1.1258185 1.0301924 1.0189574 1.0769191 1.09757 1.0401798 1.0353829\n", + " 1.0479914 1.0649048 1.0268483 1.0354245 1.0698217]\n", + "\n", + "[ 1 3 4 0 5 2 6 7 11 10 18 15 14 12 17 13 8 16 9]\n", + "=======================\n", + "[\"italian model ambra battilana , 22 , told police weinstein groped her during a ` business meeting ' at his tribeca film center office in manhattan on march 27 .the manhattan district attorney concluded a criminal charge against harvey weinstein is ` not supported 'hollywood producer and studio executive harvey weinstein will not face criminal charges despite the groping allegations made against him by a former miss italy finalist .\"]\n", + "=======================\n", + "[\"manhattan district attorney concluded ` criminal charge is not supported '63-year-old was accused of grabbing model at tribeca film center officefather of five denied the claim but did face possible misdemeanor chargesbattilana , 22 , did n't cooperate with police for four days after allegationhas been claimed delay was because she wanted to try and land a film role\"]\n", + "italian model ambra battilana , 22 , told police weinstein groped her during a ` business meeting ' at his tribeca film center office in manhattan on march 27 .the manhattan district attorney concluded a criminal charge against harvey weinstein is ` not supported 'hollywood producer and studio executive harvey weinstein will not face criminal charges despite the groping allegations made against him by a former miss italy finalist .\n", + "manhattan district attorney concluded ` criminal charge is not supported '63-year-old was accused of grabbing model at tribeca film center officefather of five denied the claim but did face possible misdemeanor chargesbattilana , 22 , did n't cooperate with police for four days after allegationhas been claimed delay was because she wanted to try and land a film role\n", + "[1.145424 1.5095637 1.4116786 1.3429673 1.1237454 1.0276793 1.0261825\n", + " 1.0677671 1.0448078 1.1372479 1.0634689 1.1130823 1.0939867 1.0509752\n", + " 1.0190629 1.0246757 1.0339369 0. ]\n", + "\n", + "[ 1 2 3 0 9 4 11 12 7 10 13 8 16 5 6 15 14 17]\n", + "=======================\n", + "['18-year-old xie xu met his 19-year-old classmate zhang chi when the pair began attending school together at daxu high school in xuzhou , a large city in the northern province of jiangsu , in china .zhang suffers from muscular dystrophy , a condition that weakens skeletal muscle which often makes it very difficult for those with the disease to walk or carry their own weight .a high school student in china has spent three years literally shouldering the responsibility of ensuring that his physically disabled best friend gets to all his classes .']\n", + "=======================\n", + "['18-year-old xie xu met his 19-year-old classmate zhang chi at schoolzhang has muscular dystrophy , a condition which makes it difficult to walkxie has been carrying zhang to and from school each day for three yearshe helps him wash his clothes , get his meals , and get to classesboth boys are the top of their class and hope to go to university']\n", + "18-year-old xie xu met his 19-year-old classmate zhang chi when the pair began attending school together at daxu high school in xuzhou , a large city in the northern province of jiangsu , in china .zhang suffers from muscular dystrophy , a condition that weakens skeletal muscle which often makes it very difficult for those with the disease to walk or carry their own weight .a high school student in china has spent three years literally shouldering the responsibility of ensuring that his physically disabled best friend gets to all his classes .\n", + "18-year-old xie xu met his 19-year-old classmate zhang chi at schoolzhang has muscular dystrophy , a condition which makes it difficult to walkxie has been carrying zhang to and from school each day for three yearshe helps him wash his clothes , get his meals , and get to classesboth boys are the top of their class and hope to go to university\n", + "[1.2340904 1.3510756 1.2011937 1.3526673 1.2554934 1.1536978 1.1829143\n", + " 1.2103715 1.1772528 1.0143687 1.0448141 1.0575024 1.0862451 1.1082368\n", + " 1.1128907 1.0890315 0. 0. ]\n", + "\n", + "[ 3 1 4 0 7 2 6 8 5 14 13 15 12 11 10 9 16 17]\n", + "=======================\n", + "[\"crushed : bricks fell from the top of a building in cleveland on monday afternoon crushing a car belowfreak accident : cleveland fire spokesman larry gray told local media the falling bricks might have been a ` freak accident ' and said that the building was not under constructioncity officials are trying to determine what caused bricks to fall nine stories from the facade of a vacant building in downtown cleveland , crushing a minivan that was parked below .\"]\n", + "=======================\n", + "[\"bricks along the top of the former national city bank building collapsed and showered down onto the street and sidewalk at 4 p.m. on mondayno one was injured but a minivan was crushed belowcleveland fire spokesman larry gray said the falling bricks might have been a ` freak accident '\"]\n", + "crushed : bricks fell from the top of a building in cleveland on monday afternoon crushing a car belowfreak accident : cleveland fire spokesman larry gray told local media the falling bricks might have been a ` freak accident ' and said that the building was not under constructioncity officials are trying to determine what caused bricks to fall nine stories from the facade of a vacant building in downtown cleveland , crushing a minivan that was parked below .\n", + "bricks along the top of the former national city bank building collapsed and showered down onto the street and sidewalk at 4 p.m. on mondayno one was injured but a minivan was crushed belowcleveland fire spokesman larry gray said the falling bricks might have been a ` freak accident '\n", + "[1.2969038 1.3059801 1.2066367 1.1965975 1.2729743 1.1511178 1.0401412\n", + " 1.095722 1.0429552 1.0565513 1.0555812 1.0197383 1.04338 1.0442629\n", + " 1.1013186 1.0339704 1.0297384 1.0517025]\n", + "\n", + "[ 1 0 4 2 3 5 14 7 9 10 17 13 12 8 6 15 16 11]\n", + "=======================\n", + "['the clearings has been primed for redevelopment , with planning permission for 62 luxury flats , seven townhouses and an agreement to relocate marlborough primary school as part of the project .earlier this month the tracksuit tycoon mike ashley agreed to buy a plot of land in chelsea from the retailer john lewis for somewhere in the region of # 200million .the weekend defeat by swansea was a seventh straight premier league loss for the magpies']\n", + "=======================\n", + "['newcastle united have lost seven premier league games in a rowfans protested against mike ashley during the latest loss against swanseaashley does not appear to be listening - he is not a football manhis biggest weapon is ability to make money - club has # 34m in the bank']\n", + "the clearings has been primed for redevelopment , with planning permission for 62 luxury flats , seven townhouses and an agreement to relocate marlborough primary school as part of the project .earlier this month the tracksuit tycoon mike ashley agreed to buy a plot of land in chelsea from the retailer john lewis for somewhere in the region of # 200million .the weekend defeat by swansea was a seventh straight premier league loss for the magpies\n", + "newcastle united have lost seven premier league games in a rowfans protested against mike ashley during the latest loss against swanseaashley does not appear to be listening - he is not a football manhis biggest weapon is ability to make money - club has # 34m in the bank\n", + "[1.2268323 1.4774833 1.3087125 1.345058 1.3012495 1.1215452 1.0840954\n", + " 1.0493122 1.028896 1.0918757 1.0232744 1.0821023 1.1025223 1.0112518\n", + " 1.0156995 1.1369727 1.0904717 1.0865716]\n", + "\n", + "[ 1 3 2 4 0 15 5 12 9 16 17 6 11 7 8 10 14 13]\n", + "=======================\n", + "[\"the brightly coloured pedestrian crossing was due to be installed in totnes in devon - the first in europe - as a mark of the town 's pride for its gay community .plans for a ` rainbow ' zebra crossing to support gay rights in totnes , devon , could be abandoned amid fears it would cause hallucinations for dementia sufferersbut experts have warned that painting the road different colours could have side-effects for people with alzheimer 's .\"]\n", + "=======================\n", + "[\"the brightly coloured crossing was due to be installed in totnes in devonwas planned to be europe 's first rainbow crossing in support of gay rightsbut experts warn they could have side-effects for alzheimer 's sufferers\"]\n", + "the brightly coloured pedestrian crossing was due to be installed in totnes in devon - the first in europe - as a mark of the town 's pride for its gay community .plans for a ` rainbow ' zebra crossing to support gay rights in totnes , devon , could be abandoned amid fears it would cause hallucinations for dementia sufferersbut experts have warned that painting the road different colours could have side-effects for people with alzheimer 's .\n", + "the brightly coloured crossing was due to be installed in totnes in devonwas planned to be europe 's first rainbow crossing in support of gay rightsbut experts warn they could have side-effects for alzheimer 's sufferers\n", + "[1.2978687 1.2481209 1.2982147 1.2154686 1.2436516 1.1659436 1.0906872\n", + " 1.0745857 1.0613059 1.0812151 1.0611582 1.0223413 1.0297682 1.01595\n", + " 1.0801201 1.0216721 0. 0. ]\n", + "\n", + "[ 2 0 1 4 3 5 6 9 14 7 8 10 12 11 15 13 16 17]\n", + "=======================\n", + "[\"questions have also been raised about why the fees for the former labour prime minister -- who last week denied being in the ` league of the super-rich - are being paid by the united arab emirates , and not the colombian government .tony blair 's global money-making projects face fresh scrutiny today after publication of a bizarre deal to sell the theory of ` deliverology ' to colombia .mr blair last week defended earning money since leaving downing street , claiming it pays for the ` infrastructure ' around him .\"]\n", + "=======================\n", + "[\"former prime minister struck deal in 2013 to advise on mining industrycontracts boasts about his ` on-the-job experience and politician instincts 'critics question whether ex-premiers should work for other nationsblair 's office deny any conflict of interest involved in his business dealings\"]\n", + "questions have also been raised about why the fees for the former labour prime minister -- who last week denied being in the ` league of the super-rich - are being paid by the united arab emirates , and not the colombian government .tony blair 's global money-making projects face fresh scrutiny today after publication of a bizarre deal to sell the theory of ` deliverology ' to colombia .mr blair last week defended earning money since leaving downing street , claiming it pays for the ` infrastructure ' around him .\n", + "former prime minister struck deal in 2013 to advise on mining industrycontracts boasts about his ` on-the-job experience and politician instincts 'critics question whether ex-premiers should work for other nationsblair 's office deny any conflict of interest involved in his business dealings\n", + "[1.1838276 1.4261012 1.3549883 1.3136072 1.1645777 1.1664824 1.0831745\n", + " 1.1498903 1.1129372 1.0540786 1.1006492 1.0792485 1.0913522 1.0596439\n", + " 1.0119855 1.0074959 1.0095071 1.0717885 1.0528817 1.0099518 1.0190125\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 4 7 8 10 12 6 11 17 13 9 18 20 14 19 16 15 24 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"and over a year later gwyneth paltrow , 42 , and chris martin , 38 , have finalized their divorce , according to a report from tmz .the documents are reportedly signed and will be filed on monday .they announced they were ` consciously uncoupling ' in march 2014 .\"]\n", + "=======================\n", + "['gwyneth , 42 , and chris , 38 , consciously uncoupled in march 2014they married in december 2003 and have two children togetherhave used their business managers to work out a settlement agreement']\n", + "and over a year later gwyneth paltrow , 42 , and chris martin , 38 , have finalized their divorce , according to a report from tmz .the documents are reportedly signed and will be filed on monday .they announced they were ` consciously uncoupling ' in march 2014 .\n", + "gwyneth , 42 , and chris , 38 , consciously uncoupled in march 2014they married in december 2003 and have two children togetherhave used their business managers to work out a settlement agreement\n", + "[1.3250906 1.2917542 1.1588387 1.0791714 1.0607333 1.3430924 1.1570944\n", + " 1.1372504 1.1154848 1.0210955 1.163212 1.0429044 1.0535705 1.0551184\n", + " 1.0790285 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 5 0 1 10 2 6 7 8 3 14 4 13 12 11 9 15 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"major rebranding : controversial retailer american apparel debuted a new ` pro-women ' ad campaign featuring this image of three female employees from the companythe first print ad , which shows images of various female american apparel employees , who are identified by their first names and their start date at the company in small print below their pictures , has the words ` hello ladies ' emblazoned across the page and appeared in the latest issue of vice .smiling faces : according to the ad , 55per cent of american apparel 's staffers are women\"]\n", + "=======================\n", + "['the print ad ran in the most recent issue of vice magazinethe controversial company is looking to rebrand after founder and former ceo dov charney was ousted in december following a string of sexual harassment lawsuits']\n", + "major rebranding : controversial retailer american apparel debuted a new ` pro-women ' ad campaign featuring this image of three female employees from the companythe first print ad , which shows images of various female american apparel employees , who are identified by their first names and their start date at the company in small print below their pictures , has the words ` hello ladies ' emblazoned across the page and appeared in the latest issue of vice .smiling faces : according to the ad , 55per cent of american apparel 's staffers are women\n", + "the print ad ran in the most recent issue of vice magazinethe controversial company is looking to rebrand after founder and former ceo dov charney was ousted in december following a string of sexual harassment lawsuits\n", + "[1.2636616 1.4373066 1.2997687 1.3740116 1.1418501 1.1690552 1.0885304\n", + " 1.1004808 1.0473399 1.0832131 1.0476371 1.0342101 1.2017792 1.1412734\n", + " 1.1138477 1.0926667 1.031823 1.0477479 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 12 5 4 13 14 7 15 6 9 17 10 8 11 16 24 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"the midfielder 's contract expires in june and talks over his future will not commence until after the season .manager arsene wenger has hinted he could offer the frenchman a new contract - but only on a pay-as-you play basis given his poor injury record .arsenal will help abou diaby resurrect his playing career this summer whether or not he stays with the club .\"]\n", + "=======================\n", + "[\"abou diaby 's arsenal contract expires at the end of the seasonfrance international has suffered 42 injuries since signing for the gunnersarsene wenger hinted at an extended pay-as-you-play deal for diaby who will be allowed to train at the club even if he has to move on\"]\n", + "the midfielder 's contract expires in june and talks over his future will not commence until after the season .manager arsene wenger has hinted he could offer the frenchman a new contract - but only on a pay-as-you play basis given his poor injury record .arsenal will help abou diaby resurrect his playing career this summer whether or not he stays with the club .\n", + "abou diaby 's arsenal contract expires at the end of the seasonfrance international has suffered 42 injuries since signing for the gunnersarsene wenger hinted at an extended pay-as-you-play deal for diaby who will be allowed to train at the club even if he has to move on\n", + "[1.3093278 1.4656091 1.267515 1.149611 1.138074 1.0317976 1.1209664\n", + " 1.0872831 1.0449562 1.057454 1.0820819 1.0751048 1.0223895 1.0481279\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 6 7 10 11 9 13 8 5 12 14 15 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"andrew steele , 40 , has pleaded not guilty by reason of mental disease in the shooting deaths last august of his wife , 39-year-old ashlee steele , and her 38-year-old sister , kacee tollefsbol , of lake elmo , minnesota .a forensic psychiatrist has testified that lou gehrig 's disease is the reason a former sheriff 's deputy in wisconsin killed his wife and sister-in-law , whom the defendant described in a suicide note as his threesome partners .tucker said that was the reason steele killed the two and that he was ` unable to conform his conduct to the law . '\"]\n", + "=======================\n", + "[\"andrew steele , 40 , claims that the terminal disease affected his brainsteele is charged with first-degree intentional homicide for the murders of his wife , ashlee steele , 39 , and her sister , kacee tollefsbol , 38 , in 2014he has plead not guilty by reason of mental disease or defectjury was presented with steele 's letter written before slayings claiming he had had threesomes with ashlee and kaceehis attorney said steele 's last memory from day of killings was looking for scissors to cut zip tie from around his wife 's neck during bondage sex\"]\n", + "andrew steele , 40 , has pleaded not guilty by reason of mental disease in the shooting deaths last august of his wife , 39-year-old ashlee steele , and her 38-year-old sister , kacee tollefsbol , of lake elmo , minnesota .a forensic psychiatrist has testified that lou gehrig 's disease is the reason a former sheriff 's deputy in wisconsin killed his wife and sister-in-law , whom the defendant described in a suicide note as his threesome partners .tucker said that was the reason steele killed the two and that he was ` unable to conform his conduct to the law . '\n", + "andrew steele , 40 , claims that the terminal disease affected his brainsteele is charged with first-degree intentional homicide for the murders of his wife , ashlee steele , 39 , and her sister , kacee tollefsbol , 38 , in 2014he has plead not guilty by reason of mental disease or defectjury was presented with steele 's letter written before slayings claiming he had had threesomes with ashlee and kaceehis attorney said steele 's last memory from day of killings was looking for scissors to cut zip tie from around his wife 's neck during bondage sex\n", + "[1.4616702 1.4539478 1.3015798 1.3977255 1.3325273 1.0553073 1.024422\n", + " 1.0225569 1.0283318 1.02243 1.0188262 1.044833 1.0367209 1.0263567\n", + " 1.032279 1.0248619 1.1283236 1.0582778 1.0199726 1.022718 1.0117282\n", + " 1.0112457 1.0128297 1.0899785 1.0310372 1.0121582]\n", + "\n", + "[ 0 1 3 4 2 16 23 17 5 11 12 14 24 8 13 15 6 19 7 9 18 10 22 25\n", + " 20 21]\n", + "=======================\n", + "[\"franck ribery says he has no chance of playing against borussia dortmund this week after failing to recover from injury , and admits he ` ca n't even run ' .the bayern munich winger limped off against shakhtar donetsk after picking up an injury at the beginning of last month , in a game where bayern also lost fellow winger arjen robbenbut ribery is hopeful he could be back for the german cup quarter-finals against bayer leverkusen in midweek .\"]\n", + "=======================\n", + "[\"franck ribery hopes to be fit for next week 's german cup clashribery aggravated the injury picked up against shakhtar donetskfellow winger arjen robben also out of the weekend 's big game\"]\n", + "franck ribery says he has no chance of playing against borussia dortmund this week after failing to recover from injury , and admits he ` ca n't even run ' .the bayern munich winger limped off against shakhtar donetsk after picking up an injury at the beginning of last month , in a game where bayern also lost fellow winger arjen robbenbut ribery is hopeful he could be back for the german cup quarter-finals against bayer leverkusen in midweek .\n", + "franck ribery hopes to be fit for next week 's german cup clashribery aggravated the injury picked up against shakhtar donetskfellow winger arjen robben also out of the weekend 's big game\n", + "[1.4091841 1.3457873 1.2806594 1.1630847 1.3972802 1.3538778 1.1526875\n", + " 1.0630116 1.0563469 1.2019091 1.0177087 1.012811 1.0310731 1.0865391\n", + " 1.010673 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 4 5 1 2 9 3 6 13 7 8 12 10 11 14 20 15 16 17 18 19 21]\n", + "=======================\n", + "['newport county have sacked chris zebroski after the striker was jailed for four years and four months for robbery , attempted robbery and assault .the 28-year-old played for the league two side as recently as tuesday but now faces an uncertain future in football after admitting four charges relating to two incidents at swindon crown court .in the first instance , the court heard the former cheltenham , bristol rovers and millwall player crashed his bmw into a taxi in december and attacked another driver who attempted to film him , smashing his mobile phone .']\n", + "=======================\n", + "[\"chris zebroski attacked two taxi drivers in swindon in decembernewport county striker says he was ' a bit over the limit 'while he was on bail he assaulted and attempted to rob two menrecorder says four-year sentence will ` shatter professional football career 'newport terminate zebroski 's contract as a result\"]\n", + "newport county have sacked chris zebroski after the striker was jailed for four years and four months for robbery , attempted robbery and assault .the 28-year-old played for the league two side as recently as tuesday but now faces an uncertain future in football after admitting four charges relating to two incidents at swindon crown court .in the first instance , the court heard the former cheltenham , bristol rovers and millwall player crashed his bmw into a taxi in december and attacked another driver who attempted to film him , smashing his mobile phone .\n", + "chris zebroski attacked two taxi drivers in swindon in decembernewport county striker says he was ' a bit over the limit 'while he was on bail he assaulted and attempted to rob two menrecorder says four-year sentence will ` shatter professional football career 'newport terminate zebroski 's contract as a result\n", + "[1.19813 1.3360077 1.2657846 1.3390055 1.3770447 1.0807749 1.069091\n", + " 1.114325 1.0326266 1.0212615 1.1816503 1.064599 1.050173 1.0225427\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 4 3 1 2 0 10 7 5 6 11 12 8 13 9 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"the british no 1 is set to marry his long-term girlfriend kim sears in dunblane on saturdayandy murray celebrates taking a set against novak djokovic in the final of the miami openfor in the wake of amelie mauresmo 's announcement that she is pregnant , the world no 3 's trial with his prospective assistant coach jonas bjorkman has assumed a greater importance .\"]\n", + "=======================\n", + "['andy murray is getting married to long-term girlfriend kim searscoach amelie mauresmo recently announced that she is pregnantbritish no 1 is considering taking on jonas bjorkman as assistant coachclick here for our andy murray and kim sears picture special']\n", + "the british no 1 is set to marry his long-term girlfriend kim sears in dunblane on saturdayandy murray celebrates taking a set against novak djokovic in the final of the miami openfor in the wake of amelie mauresmo 's announcement that she is pregnant , the world no 3 's trial with his prospective assistant coach jonas bjorkman has assumed a greater importance .\n", + "andy murray is getting married to long-term girlfriend kim searscoach amelie mauresmo recently announced that she is pregnantbritish no 1 is considering taking on jonas bjorkman as assistant coachclick here for our andy murray and kim sears picture special\n", + "[1.2553337 1.1551602 1.391029 1.1427178 1.2448928 1.1292081 1.1195443\n", + " 1.0578091 1.1262934 1.0341145 1.0519221 1.0165403 1.0979844 1.0890361\n", + " 1.0905104 1.0224817 1.0260694 1.015421 1.0171647 1.0115473 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 4 1 3 5 8 6 12 14 13 7 10 9 16 15 18 11 17 19 20 21]\n", + "=======================\n", + "[\"just as david cameron and george osborne privately describe nick clegg as a ` closet conservative ' , they regard cable a closet labour politician .vince cable prides himself on being the tories ' bogeyman in the coalition cabinet .vince cable wants a substantial role in government and envisages working with the conservatives again\"]\n", + "=======================\n", + "[\"lib dem mp said he 's realised it 's ` possible to be business-like ' with toriesenvisaged scenario where he could ` stomach ' working with conservativesbut also quick to make clear he does not rule out working with labourthought he was most likely to remain in a government led by mr cameron\"]\n", + "just as david cameron and george osborne privately describe nick clegg as a ` closet conservative ' , they regard cable a closet labour politician .vince cable prides himself on being the tories ' bogeyman in the coalition cabinet .vince cable wants a substantial role in government and envisages working with the conservatives again\n", + "lib dem mp said he 's realised it 's ` possible to be business-like ' with toriesenvisaged scenario where he could ` stomach ' working with conservativesbut also quick to make clear he does not rule out working with labourthought he was most likely to remain in a government led by mr cameron\n", + "[1.3961979 1.4781575 1.2618119 1.2985973 1.1948175 1.1256592 1.1453404\n", + " 1.0283608 1.0189359 1.0460473 1.0898803 1.0457736 1.0436542 1.0423176\n", + " 1.0312304 1.0807501 1.0489812 1.0625443 1.039151 1.0475487 1.0290372\n", + " 1.0376779]\n", + "\n", + "[ 1 0 3 2 4 6 5 10 15 17 16 19 9 11 12 13 18 21 14 20 7 8]\n", + "=======================\n", + "[\"former model bianca was targeted by the gang of eight on tuesday afternoon as the 28-year-old talked on her mobile while walking in marylebone .paul gascoigne 's daughter bianca was mugged by a gang on bikes in central london and had her phone which reportedly had private texts from the former england midfielder stolen .the attackers are understood to have grabbed her phone and then attempted to snatch her bag , but ran away when she fought back .\"]\n", + "=======================\n", + "[\"bianca gascoigne was walking in marylebone when a gang appearedmuggers took her mobile phone before fleeing the scene on bikesthe phone reportedly had private texts from her troubled father paulbianca took to twitter to brand her attackers ` lowlifes '\"]\n", + "former model bianca was targeted by the gang of eight on tuesday afternoon as the 28-year-old talked on her mobile while walking in marylebone .paul gascoigne 's daughter bianca was mugged by a gang on bikes in central london and had her phone which reportedly had private texts from the former england midfielder stolen .the attackers are understood to have grabbed her phone and then attempted to snatch her bag , but ran away when she fought back .\n", + "bianca gascoigne was walking in marylebone when a gang appearedmuggers took her mobile phone before fleeing the scene on bikesthe phone reportedly had private texts from her troubled father paulbianca took to twitter to brand her attackers ` lowlifes '\n", + "[1.3118749 1.4020889 1.3136158 1.2676924 1.264401 1.2024776 1.102578\n", + " 1.0474178 1.093332 1.1176925 1.1282345 1.0295787 1.0294703 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 4 5 10 9 6 8 7 11 12 20 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "['the man , who has not been named , turned a gun on himself at the amusement park around 2:15 pm friday afternoon , not far from visiting children and families .he was standing in a smoking area behind the despicable me minion mayhem ride at the time , according to reports .a man shot himself dead at the universal studios theme park in hollywood , california .']\n", + "=======================\n", + "['man , who has not been named , turned gun on himself at 2:15 pmwas standing by new despicable me minion mayhem ride at the time']\n", + "the man , who has not been named , turned a gun on himself at the amusement park around 2:15 pm friday afternoon , not far from visiting children and families .he was standing in a smoking area behind the despicable me minion mayhem ride at the time , according to reports .a man shot himself dead at the universal studios theme park in hollywood , california .\n", + "man , who has not been named , turned gun on himself at 2:15 pmwas standing by new despicable me minion mayhem ride at the time\n", + "[1.2660625 1.3584839 1.2652318 1.3853943 1.1873373 1.1135004 1.0646086\n", + " 1.1098543 1.0733145 1.0783426 1.0485584 1.0209664 1.0310163 1.0859358\n", + " 1.0316718 1.0867559 1.0850087 1.034633 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 2 4 5 7 15 13 16 9 8 6 10 17 14 12 11 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"clark elmore 's conviction for killing and raping his 14-year-old stepdaughter in washington in 1995 was upheldelmore , who was convicted of killing kristy ohnstad in bellingham after he said she threatened to reveal he had molested her as a child , received the federal court 's ruling on wednesday .the 9th us circuit court of appeals confirmed the washington supreme court 's ( above ) decision was correct\"]\n", + "=======================\n", + "[\"9th us circuit court of appeals confirmed elmore 's conviction wednesdayappeals court rejected claim that constitutional rights were violated at trialconvicted in 1995 of killing and raping christy ohnstad in bellinghamsaid girl threatened to tell on him for molesting her when she was youngerelmore has been on death row since 1996 but executions are suspended\"]\n", + "clark elmore 's conviction for killing and raping his 14-year-old stepdaughter in washington in 1995 was upheldelmore , who was convicted of killing kristy ohnstad in bellingham after he said she threatened to reveal he had molested her as a child , received the federal court 's ruling on wednesday .the 9th us circuit court of appeals confirmed the washington supreme court 's ( above ) decision was correct\n", + "9th us circuit court of appeals confirmed elmore 's conviction wednesdayappeals court rejected claim that constitutional rights were violated at trialconvicted in 1995 of killing and raping christy ohnstad in bellinghamsaid girl threatened to tell on him for molesting her when she was youngerelmore has been on death row since 1996 but executions are suspended\n", + "[1.1779078 1.274559 1.2357405 1.2932606 1.2745712 1.1818216 1.1175964\n", + " 1.1664009 1.1609712 1.2390977 1.0397125 1.0821602 1.0222346 1.0363088\n", + " 1.0230341 1.0232159 1.0527403 1.0071783 1.01612 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 1 9 2 5 0 7 8 6 11 16 10 13 15 14 12 18 17 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "['now the u.s. bureau of land management is offering free food , housing a job to people willing to live in garnet and work as a tour operator , as the government prepares the village to become a new tourist stop .ghost town coming back to life : the former mining town of garnet in montana was deserted after a fire in 1912 .the tiny montana outpost was established in the 1860s by miners looking for gold and silver , but it was devastated by fire around 1912 and deserted a few years later .']\n", + "=======================\n", + "['the town of garnet in montana was established in the 1860s by miners looking for gold and silverat its peaked there were about 1,000 residents , but garnet was ravaged by fire in 1912 and later desertedlocals believe it is haunted with the spirits of former residents , especially childrenthe u.s. bureau of land management is looking for workers to operate garnet as a tourist stopthere is no electricity or plumbing , but they would be paid and given food and housingthe blm was inundated with responses after an ad was placed in the local newspaper']\n", + "now the u.s. bureau of land management is offering free food , housing a job to people willing to live in garnet and work as a tour operator , as the government prepares the village to become a new tourist stop .ghost town coming back to life : the former mining town of garnet in montana was deserted after a fire in 1912 .the tiny montana outpost was established in the 1860s by miners looking for gold and silver , but it was devastated by fire around 1912 and deserted a few years later .\n", + "the town of garnet in montana was established in the 1860s by miners looking for gold and silverat its peaked there were about 1,000 residents , but garnet was ravaged by fire in 1912 and later desertedlocals believe it is haunted with the spirits of former residents , especially childrenthe u.s. bureau of land management is looking for workers to operate garnet as a tourist stopthere is no electricity or plumbing , but they would be paid and given food and housingthe blm was inundated with responses after an ad was placed in the local newspaper\n", + "[1.3401414 1.3943717 1.2361764 1.1555176 1.117664 1.1103096 1.068715\n", + " 1.0333856 1.0344535 1.1272237 1.0948766 1.051044 1.0793835 1.0279994\n", + " 1.1495996 1.0876353 1.0585934 1.0483212 1.0551448 1.0718014 1.0425234\n", + " 1.0193416 1.0299852 1.0135727 1.029091 1.0609671]\n", + "\n", + "[ 1 0 2 3 14 9 4 5 10 15 12 19 6 25 16 18 11 17 20 8 7 22 24 13\n", + " 21 23]\n", + "=======================\n", + "[\"slager , 33 , has been fired , officials said wednesday .( cnn ) officer michael slager 's five-year career with the north charleston police department in south carolina ended after he resorted to deadly force following a routine traffic stop .his wife is eight months ' pregnant and the city will continue paying for her medical insurance until the baby is born , north charleston mayor keith summey told reporters .\"]\n", + "=======================\n", + "[\"officer michael slager 's mother says she could n't watch the video of the incidentslager was fired earlier this weekslager is charged with murder in the death of walter scott\"]\n", + "slager , 33 , has been fired , officials said wednesday .( cnn ) officer michael slager 's five-year career with the north charleston police department in south carolina ended after he resorted to deadly force following a routine traffic stop .his wife is eight months ' pregnant and the city will continue paying for her medical insurance until the baby is born , north charleston mayor keith summey told reporters .\n", + "officer michael slager 's mother says she could n't watch the video of the incidentslager was fired earlier this weekslager is charged with murder in the death of walter scott\n", + "[1.4535341 1.1022673 1.3230195 1.2461362 1.0263711 1.309716 1.0256085\n", + " 1.1557635 1.0260804 1.0387108 1.0436804 1.3291438 1.015801 1.0125937\n", + " 1.0126468 1.0187101 1.0101901 1.0133001 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 11 2 5 3 7 1 10 9 4 8 6 15 12 17 14 13 16 24 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"the champions of england were smashed into submission at stade marcel michelin on saturday night , to further expose the vast gulf in clout between the aviva premiership clubs and their rich french rivals .nick abendanon of clermont dives over to score a try at the stade marcel-michelinjim mallinder 's men are imperious in domestic rugby -- leading the league by 10 points -- but they were simply obliterated by the formidable top 14 giants .\"]\n", + "=======================\n", + "['northampton were 27-0 down at the break at the stade marcel-michelinnoa nakaitaci , wesley fofana and nick abendanon went over for clermontalex waller scored a late try for the visitors on saturday night']\n", + "the champions of england were smashed into submission at stade marcel michelin on saturday night , to further expose the vast gulf in clout between the aviva premiership clubs and their rich french rivals .nick abendanon of clermont dives over to score a try at the stade marcel-michelinjim mallinder 's men are imperious in domestic rugby -- leading the league by 10 points -- but they were simply obliterated by the formidable top 14 giants .\n", + "northampton were 27-0 down at the break at the stade marcel-michelinnoa nakaitaci , wesley fofana and nick abendanon went over for clermontalex waller scored a late try for the visitors on saturday night\n", + "[1.4699681 1.2782943 1.2446513 1.2828991 1.1839377 1.113735 1.1338809\n", + " 1.086776 1.0651323 1.1161771 1.043624 1.2732409 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 11 2 4 6 9 5 7 8 10 19 23 22 21 20 18 12 16 15 14 13 24\n", + " 17 25]\n", + "=======================\n", + "[\"utrecht has twelve players on the pitch at one stage during sunday 's 1-1 draw with ajax at the stadion galgenwaard .no , the home side were n't cheating but instead utrecht winger edouard duplan had no idea he had been substituted midway through the first-half .australia international tommy oar replaced team-mate duplan in the 24th minute of the eredivisie clash\"]\n", + "=======================\n", + "[\"utrecht briefly had twelve players on the pitch against ajax on sundaywinger edouard duplan had n't realised he had been substitutedfrenchman saw funny side and made his way off the pitch during 1-1 draw\"]\n", + "utrecht has twelve players on the pitch at one stage during sunday 's 1-1 draw with ajax at the stadion galgenwaard .no , the home side were n't cheating but instead utrecht winger edouard duplan had no idea he had been substituted midway through the first-half .australia international tommy oar replaced team-mate duplan in the 24th minute of the eredivisie clash\n", + "utrecht briefly had twelve players on the pitch against ajax on sundaywinger edouard duplan had n't realised he had been substitutedfrenchman saw funny side and made his way off the pitch during 1-1 draw\n", + "[1.0593431 1.439554 1.2729422 1.1096535 1.4957373 1.1593703 1.1323589\n", + " 1.1494387 1.1496274 1.0198325 1.0225184 1.0236615 1.0392903 1.0151688\n", + " 1.055293 1.0258898 1.055114 0. 0. 0. ]\n", + "\n", + "[ 4 1 2 5 8 7 6 3 0 14 16 12 15 11 10 9 13 18 17 19]\n", + "=======================\n", + "[\"vicious : espn sports reporter britt mchenry has been suspended for one week and could face further punishment after video surfaced of her berating an advanced towing employee in arlington , virginiacaught red-faced : incredibly , mchenry was warned that she was being filmed at the start of her ugly rant , however continued to insult the woman 's looks , education and job on-camerathe parking attendant can be heard in the video warning mchenry she is being filmed and threatens to ` play your video ' .\"]\n", + "=======================\n", + "[\"espn sports reporter britt mchenry suspended for one week from networkshe berated an advanced towing employee after her car was towed from a chinese restaurant in arlington , virginia , on april 6insulted the woman 's looks , education and job` lose some weight , baby girl , ' mchenry said as she walked awaymchenry apologized thursday after security footage surface onlinesaid it was ` an intense and stressful ' situation\"]\n", + "vicious : espn sports reporter britt mchenry has been suspended for one week and could face further punishment after video surfaced of her berating an advanced towing employee in arlington , virginiacaught red-faced : incredibly , mchenry was warned that she was being filmed at the start of her ugly rant , however continued to insult the woman 's looks , education and job on-camerathe parking attendant can be heard in the video warning mchenry she is being filmed and threatens to ` play your video ' .\n", + "espn sports reporter britt mchenry suspended for one week from networkshe berated an advanced towing employee after her car was towed from a chinese restaurant in arlington , virginia , on april 6insulted the woman 's looks , education and job` lose some weight , baby girl , ' mchenry said as she walked awaymchenry apologized thursday after security footage surface onlinesaid it was ` an intense and stressful ' situation\n", + "[1.1337856 1.5173001 1.2113161 1.3530728 1.1402745 1.1503985 1.105959\n", + " 1.107858 1.134936 1.1421624 1.0584743 1.1217786 1.0678382 1.0739244\n", + " 1.0405208 1.0796247 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 5 9 4 8 0 11 7 6 15 13 12 10 14 18 16 17 19]\n", + "=======================\n", + "[\"troy slezak from huntington beach , california , filmed his seven-month-old daughter stella playing with the giant pooch on the living room floor at home .footage shows the duo rolling around together and even stopping for nose rubs .but the friendly dog does n't bite and calmly gives the tot a loving lick back .\"]\n", + "=======================\n", + "[\"troy slezak from california filmed his seven-month-old daughter stella playing with the giant pooch on the living room floor at homefootage shows the duo rolling around together and stopping for nose rubsslezak says the canine is usually ` very hyper ' but as soon as she sees stella she is ` calm ' and ` careful '\"]\n", + "troy slezak from huntington beach , california , filmed his seven-month-old daughter stella playing with the giant pooch on the living room floor at home .footage shows the duo rolling around together and even stopping for nose rubs .but the friendly dog does n't bite and calmly gives the tot a loving lick back .\n", + "troy slezak from california filmed his seven-month-old daughter stella playing with the giant pooch on the living room floor at homefootage shows the duo rolling around together and stopping for nose rubsslezak says the canine is usually ` very hyper ' but as soon as she sees stella she is ` calm ' and ` careful '\n", + "[1.4164314 1.1706104 1.3552159 1.4123027 1.1502758 1.08834 1.0877334\n", + " 1.0979378 1.0762814 1.0847772 1.1025865 1.3015425 1.0102503 1.0223196\n", + " 1.0338571 1.0189872 1.008419 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 11 1 4 10 7 5 6 9 8 14 13 15 12 16 17 18 19]\n", + "=======================\n", + "['headmistress : valerie rutty stole thousands of pounds raised by her pupils from bake sales and fetes that was supposed to pay for new school kitthe 60-year-old stole almost # 3,500 from the fund raised by parents , teachers and pupils over a period of more than three years at irlam primary school in greater manchester .valerie rutty , of warrington , cheshire , altered invoices by increasing the prices of work she had commissioned - then paid the difference between the actual sums into her own bank account by cheque from the school fund .']\n", + "=======================\n", + "['valerie rutty altered invoices by raising prices of work she commissionedrutty then paid herself difference between actual sums from school fundshe stole # 3,500 from fund of school in greater manchester in three yearsavoids jail but receives suspended term and 70 hours of community work']\n", + "headmistress : valerie rutty stole thousands of pounds raised by her pupils from bake sales and fetes that was supposed to pay for new school kitthe 60-year-old stole almost # 3,500 from the fund raised by parents , teachers and pupils over a period of more than three years at irlam primary school in greater manchester .valerie rutty , of warrington , cheshire , altered invoices by increasing the prices of work she had commissioned - then paid the difference between the actual sums into her own bank account by cheque from the school fund .\n", + "valerie rutty altered invoices by raising prices of work she commissionedrutty then paid herself difference between actual sums from school fundshe stole # 3,500 from fund of school in greater manchester in three yearsavoids jail but receives suspended term and 70 hours of community work\n", + "[1.0512552 1.106433 1.2218306 1.4694782 1.4247446 1.1936097 1.2603823\n", + " 1.067566 1.1479477 1.0502077 1.0325137 1.0325913 1.0597587 1.0167351\n", + " 1.0218868 1.0307003 1.0326868 1.0188416 1.0155444 1.0306191]\n", + "\n", + "[ 3 4 6 2 5 8 1 7 12 0 9 16 11 10 15 19 14 17 13 18]\n", + "=======================\n", + "['it is the work of italian artist johannes stoetter .stoetter daubed water-based body paint on the naked models to create the multicoloured effect , then intertwined them to form the shape of a chameleon .featuring two carefully painted female models , it is a clever piece of sculpture designed to create an amazing illusion .']\n", + "=======================\n", + "[\"johannes stoetter 's artwork features two carefully painted female modelsthe 37-year-old has previously transformed models into frogs and parrotsdaubed water-based body paint on naked models to create the effectcompleting the deception , models rested on bench painted to match skin\"]\n", + "it is the work of italian artist johannes stoetter .stoetter daubed water-based body paint on the naked models to create the multicoloured effect , then intertwined them to form the shape of a chameleon .featuring two carefully painted female models , it is a clever piece of sculpture designed to create an amazing illusion .\n", + "johannes stoetter 's artwork features two carefully painted female modelsthe 37-year-old has previously transformed models into frogs and parrotsdaubed water-based body paint on naked models to create the effectcompleting the deception , models rested on bench painted to match skin\n", + "[1.3471289 1.1706712 1.2483946 1.3682781 1.2514637 1.0912555 1.2212106\n", + " 1.1796322 1.1252092 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 4 2 6 7 1 8 5 17 16 15 14 9 12 11 10 18 13 19]\n", + "=======================\n", + "[\"ryan bertrand poses with his daughter and their matching ferraris on instagramryan bertrand took to instagram to upload a snap of himself and his daughter in their matching cars - admittedly , however , one of them probably is n't road legal .he has been one of their stars of the season as ronald koeman 's side currently sit sixth in the premier league , an impressive feat considering they were widely tipped for relegation at the beginning of the campaign .\"]\n", + "=======================\n", + "['ryan bertrand takes to instagram to upload snap of his daughters toy car25-year-old southampton defender got her a red ferrari to match his ownbertrand has made 26 premier league appearances this season']\n", + "ryan bertrand poses with his daughter and their matching ferraris on instagramryan bertrand took to instagram to upload a snap of himself and his daughter in their matching cars - admittedly , however , one of them probably is n't road legal .he has been one of their stars of the season as ronald koeman 's side currently sit sixth in the premier league , an impressive feat considering they were widely tipped for relegation at the beginning of the campaign .\n", + "ryan bertrand takes to instagram to upload snap of his daughters toy car25-year-old southampton defender got her a red ferrari to match his ownbertrand has made 26 premier league appearances this season\n", + "[1.2079068 1.5197886 1.2401435 1.4195807 1.1880356 1.1069303 1.1009703\n", + " 1.0890945 1.0650427 1.093149 1.0555097 1.0481517 1.0476102 1.016254\n", + " 1.014759 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 6 9 7 8 10 11 12 13 14 18 15 16 17 19]\n", + "=======================\n", + "[\"david totton , 36 , admitted driving a hired white peugeot rcz into the doors of club liv , a nightspot popular with footballers in central manchester , at around 3am on august 31 last year .totton , who survived being shot in the head in 2006 as part of a suspected assassination attempt , tried to claim the attack had been meant as ' a joke ' , but a judge ruled otherwise .a notorious thug who once survived a gangland hit has been banned from every pub and club in manchester after ramming his car into nightclub doors when his friend was refused entry .\"]\n", + "=======================\n", + "[\"david totton , 36 , in central manchester when he saw friend in argumentwent over to act as ` peace-maker ' between the man and club bouncersclub liv security told totton his friend could n't come in as it was too latetotton the got into car , mounted pavement , and rammed front doorshe has now been banned from every pub and club in manchester\"]\n", + "david totton , 36 , admitted driving a hired white peugeot rcz into the doors of club liv , a nightspot popular with footballers in central manchester , at around 3am on august 31 last year .totton , who survived being shot in the head in 2006 as part of a suspected assassination attempt , tried to claim the attack had been meant as ' a joke ' , but a judge ruled otherwise .a notorious thug who once survived a gangland hit has been banned from every pub and club in manchester after ramming his car into nightclub doors when his friend was refused entry .\n", + "david totton , 36 , in central manchester when he saw friend in argumentwent over to act as ` peace-maker ' between the man and club bouncersclub liv security told totton his friend could n't come in as it was too latetotton the got into car , mounted pavement , and rammed front doorshe has now been banned from every pub and club in manchester\n", + "[1.3974036 1.3938298 1.1304349 1.4237591 1.2451367 1.111762 1.0287386\n", + " 1.0134386 1.0881388 1.092718 1.115576 1.0379798 1.1078379 1.136722\n", + " 1.108957 1.0894396 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 13 2 10 5 14 12 9 15 8 11 6 7 16 17 18 19]\n", + "=======================\n", + "[\"four-time olympic champion bradley wiggins will bid to break cycling 's hour record in junewiggins finished his team sky career in the paris-roubaix 253.5 km one-day race on sunday` the hour record is a holy grail for cyclists , ' wiggins said .\"]\n", + "=======================\n", + "[\"sir bradley wiggins will bid to break cycling 's hour record this yearhe will race at london 's olympic velodrome in front of 6,000 fans in junewiggins will ride in next month 's tour de yorkshirehe is also targeting his eighth olympic medal at the rio 2016 games\"]\n", + "four-time olympic champion bradley wiggins will bid to break cycling 's hour record in junewiggins finished his team sky career in the paris-roubaix 253.5 km one-day race on sunday` the hour record is a holy grail for cyclists , ' wiggins said .\n", + "sir bradley wiggins will bid to break cycling 's hour record this yearhe will race at london 's olympic velodrome in front of 6,000 fans in junewiggins will ride in next month 's tour de yorkshirehe is also targeting his eighth olympic medal at the rio 2016 games\n", + "[1.5098382 1.453838 1.1672038 1.4345635 1.1223658 1.096964 1.020109\n", + " 1.0212165 1.0157793 1.010672 1.2643781 1.1697227 1.0142219 1.0082014\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 10 11 2 4 5 7 6 8 12 9 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"crystal palace manager alan pardew insists he is better than many of the premier league 's big-name managers but has no immediate plans to leave selhurst park for a table-topping side .crystal palace boss alan pardew believes he has the ability to manage one of england 's top sidesmanchester city will provide a stern test of pardew 's managerial ability when they visit selhurst park on monday and pardew hopes his side 's teamwork can overcome the considerable technical ability of manuel pellegrini 's star-studded line-up .\"]\n", + "=======================\n", + "[\"alan pardew claims he has the ability to manage the league 's top sideshowever pardew insists he is content with life at selhurst parkthe eagles host premier league holders manchester city on monday night\"]\n", + "crystal palace manager alan pardew insists he is better than many of the premier league 's big-name managers but has no immediate plans to leave selhurst park for a table-topping side .crystal palace boss alan pardew believes he has the ability to manage one of england 's top sidesmanchester city will provide a stern test of pardew 's managerial ability when they visit selhurst park on monday and pardew hopes his side 's teamwork can overcome the considerable technical ability of manuel pellegrini 's star-studded line-up .\n", + "alan pardew claims he has the ability to manage the league 's top sideshowever pardew insists he is content with life at selhurst parkthe eagles host premier league holders manchester city on monday night\n", + "[1.2085056 1.4936284 1.3997818 1.3840914 1.2502968 1.1549957 1.1369004\n", + " 1.1040449 1.0952682 1.0363764 1.0082399 1.0185572 1.1713022 1.1222215\n", + " 1.0081655 1.0067881 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 12 5 6 13 7 8 9 11 10 14 15 18 16 17 19]\n", + "=======================\n", + "['corey edwards was born with a complex congenital heart defect and endured eight traumatic open heart surgeries in a bid to save his life .his greatest wish was for his parents jemma , 21 , and craig , 28 , to tie the knot , but despite getting engaged three years ago , his ill health put their plans on hold .corey edwards , five , has died five days after his final wish - to see his parents get married - was granted']\n", + "=======================\n", + "[\"corey edwards , five , was born with a complex congenital heart defecthis final wish - to see his parents get married - was granted last weekendthe boy held the rings and wore a suit as his parents wed at his bedsidecorey died last night , days after the ceremony at bristol children 's hospital\"]\n", + "corey edwards was born with a complex congenital heart defect and endured eight traumatic open heart surgeries in a bid to save his life .his greatest wish was for his parents jemma , 21 , and craig , 28 , to tie the knot , but despite getting engaged three years ago , his ill health put their plans on hold .corey edwards , five , has died five days after his final wish - to see his parents get married - was granted\n", + "corey edwards , five , was born with a complex congenital heart defecthis final wish - to see his parents get married - was granted last weekendthe boy held the rings and wore a suit as his parents wed at his bedsidecorey died last night , days after the ceremony at bristol children 's hospital\n", + "[1.2070999 1.3918569 1.2522435 1.297499 1.2536461 1.2356318 1.0400403\n", + " 1.0480599 1.1007495 1.1254963 1.0831884 1.0320102 1.0295595 1.0125419\n", + " 1.0301287 1.0970789 1.0864471 1.0249594 1.0249349 1.0165578]\n", + "\n", + "[ 1 3 4 2 5 0 9 8 15 16 10 7 6 11 14 12 17 18 19 13]\n", + "=======================\n", + "['it is the first in a series of maps of the cosmos that will eventually allow a 3d view of dark matter across one eighth of the night sky .university of manchester researchers have revealed an hd dark matter map ( shown ) .it shows clumps of mystery particles across 0.4 per cent of the sky .']\n", + "=======================\n", + "['university of manchester researchers reveal hd dark matter mapit shows clumps of mystery particles across 0.4 per cent of the skythe goal is to eventually map 12.5 per cent over five yearsresults could help reveal how galaxies form in the universe']\n", + "it is the first in a series of maps of the cosmos that will eventually allow a 3d view of dark matter across one eighth of the night sky .university of manchester researchers have revealed an hd dark matter map ( shown ) .it shows clumps of mystery particles across 0.4 per cent of the sky .\n", + "university of manchester researchers reveal hd dark matter mapit shows clumps of mystery particles across 0.4 per cent of the skythe goal is to eventually map 12.5 per cent over five yearsresults could help reveal how galaxies form in the universe\n", + "[1.2625942 1.3471794 1.3521615 1.2390343 1.1045122 1.1294173 1.1177149\n", + " 1.0668952 1.0216577 1.0405377 1.221449 1.033852 1.0193477 1.0194173\n", + " 1.0374256 1.0530844 1.0234543 1.0157297 1.0312355 1.0160269]\n", + "\n", + "[ 2 1 0 3 10 5 6 4 7 15 9 14 11 18 16 8 13 12 19 17]\n", + "=======================\n", + "[\"steven davis , 57 , of milton , and his relatives are sure bulger killed his sister , debra davis , in 1981 , despite the jury returning a ` no finding ' verdict .but ` black mass ' , the upcoming film starring johnny depp and dakota johnson , has already upset the families of some of bulger 's many victims ahead of its release in september .it 's the $ 65 million crime thriller that claims to tell the true story of the most infamous and violent criminal in the history of south boston , james ` whitey ' bulger .\"]\n", + "=======================\n", + "[\"` black mass ' is a $ 65 million crime thriller set to be released in septembersteven davis says it glamorizes bulger 's crimes and profits from the tragedy of his victimshis sister , debra davis , was allegedly killed by bulger in 1981however the jury returned a ` no finding ' verdict at bulger 's murder trial\"]\n", + "steven davis , 57 , of milton , and his relatives are sure bulger killed his sister , debra davis , in 1981 , despite the jury returning a ` no finding ' verdict .but ` black mass ' , the upcoming film starring johnny depp and dakota johnson , has already upset the families of some of bulger 's many victims ahead of its release in september .it 's the $ 65 million crime thriller that claims to tell the true story of the most infamous and violent criminal in the history of south boston , james ` whitey ' bulger .\n", + "` black mass ' is a $ 65 million crime thriller set to be released in septembersteven davis says it glamorizes bulger 's crimes and profits from the tragedy of his victimshis sister , debra davis , was allegedly killed by bulger in 1981however the jury returned a ` no finding ' verdict at bulger 's murder trial\n", + "[1.2095159 1.4367481 1.2407434 1.3488853 1.2676644 1.145547 1.1495583\n", + " 1.0293875 1.024886 1.0237007 1.0917408 1.0266737 1.0143522 1.0212606\n", + " 1.1036788 1.0796274 1.0602399 1.0135561 1.1355386 0. ]\n", + "\n", + "[ 1 3 4 2 0 6 5 18 14 10 15 16 7 11 8 9 13 12 17 19]\n", + "=======================\n", + "[\"valerie cadman-khan , 56 , from middlesbrough , appeared on this morning to talk about the incident in which a policeman took her in for questioning amid claims of child neglect .the council worker appeared visibly upset as she recalled the events of 2008 to presenter ruth langsford when her daughter aimee , now 19 , was just 12 .a mother has revealed that despite winning her wrongful arrest case against the police after she was handcuffed in front of her down syndrome daughter , she has n't had an apology .\"]\n", + "=======================\n", + "[\"valerie cadman-khan , 56 , appeared on this morning with daughter aimeedetective sergeant colin helyer accused her of child neglect in 2008mum was arrested amid claims she 'd left aimee outside for 45 minutesshe was ` humiliated ' after being led away from middlesborough homeno apology received yet , but she feels ` justice has been done '\"]\n", + "valerie cadman-khan , 56 , from middlesbrough , appeared on this morning to talk about the incident in which a policeman took her in for questioning amid claims of child neglect .the council worker appeared visibly upset as she recalled the events of 2008 to presenter ruth langsford when her daughter aimee , now 19 , was just 12 .a mother has revealed that despite winning her wrongful arrest case against the police after she was handcuffed in front of her down syndrome daughter , she has n't had an apology .\n", + "valerie cadman-khan , 56 , appeared on this morning with daughter aimeedetective sergeant colin helyer accused her of child neglect in 2008mum was arrested amid claims she 'd left aimee outside for 45 minutesshe was ` humiliated ' after being led away from middlesborough homeno apology received yet , but she feels ` justice has been done '\n", + "[1.2537233 1.4596674 1.3848119 1.3604294 1.2258655 1.0367787 1.1206911\n", + " 1.1762668 1.1255591 1.071237 1.0117509 1.0121896 1.0113314 1.0092204\n", + " 1.0136641 1.036635 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 7 8 6 9 5 15 14 11 10 12 13 18 16 17 19]\n", + "=======================\n", + "[\"for more than 30 years , pat senior , 66 , has shared her five-bedroom home in bolton , greater manchester , with the animals , taking in dogs from as far afield as romania and hungary .she estimates that she spends # 240 a week on food and treats for the dogs , with veterinary bills adding another # 17,000 to the yearly cost of caring for the pets .a grandmother nicknamed the ` fairy dogmother ' spends more than # 28,000 a year looking after the stray or abandoned dogs she has welcomed into her home .\"]\n", + "=======================\n", + "[\"pat senior runs rescue centre from her home in bolton , great manchestergrandmother , 66 , adopts pets from as far away as romania and hungaryshe spends # 240 a week on food , and # 17,000 a year on vet 's billsmrs senior started taking in dogs in 1981 and currently has 19 animals\"]\n", + "for more than 30 years , pat senior , 66 , has shared her five-bedroom home in bolton , greater manchester , with the animals , taking in dogs from as far afield as romania and hungary .she estimates that she spends # 240 a week on food and treats for the dogs , with veterinary bills adding another # 17,000 to the yearly cost of caring for the pets .a grandmother nicknamed the ` fairy dogmother ' spends more than # 28,000 a year looking after the stray or abandoned dogs she has welcomed into her home .\n", + "pat senior runs rescue centre from her home in bolton , great manchestergrandmother , 66 , adopts pets from as far away as romania and hungaryshe spends # 240 a week on food , and # 17,000 a year on vet 's billsmrs senior started taking in dogs in 1981 and currently has 19 animals\n", + "[1.4430352 1.1004968 1.1215549 1.1074857 1.1127173 1.1238225 1.0413693\n", + " 1.1864121 1.0362577 1.0288951 1.0273966 1.0289965 1.0495521 1.0551897\n", + " 1.0467312 1.020981 1.06916 1.0207912 1.0499381 1.01852 ]\n", + "\n", + "[ 0 7 5 2 4 3 1 16 13 18 12 14 6 8 11 9 10 15 17 19]\n", + "=======================\n", + "['poets house is a swish new hotel in ely , a three-minute walk from the cathedral , offering terrific value .there are 21 rooms , all with copper standalone baths placed near luxurious double beds .and which forever more is held as the gold standard for unadulterated bling .']\n", + "=======================\n", + "[\"poets house is a swish new hotel in ely , three minutes from the cathedralit comes complete with 21 chic rooms - and complimentary valet parkingit used to be an old people 's home , but is a world remove from this era\"]\n", + "poets house is a swish new hotel in ely , a three-minute walk from the cathedral , offering terrific value .there are 21 rooms , all with copper standalone baths placed near luxurious double beds .and which forever more is held as the gold standard for unadulterated bling .\n", + "poets house is a swish new hotel in ely , three minutes from the cathedralit comes complete with 21 chic rooms - and complimentary valet parkingit used to be an old people 's home , but is a world remove from this era\n", + "[1.3361566 1.4206372 1.2267896 1.2105355 1.166168 1.1046208 1.1307416\n", + " 1.0605509 1.0473651 1.0286747 1.1263362 1.1126329 1.1857886 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 12 4 6 10 11 5 7 8 9 13 14 15 16 17 18 19]\n", + "=======================\n", + "['patrons at a bar opening inside the resorts world casino , next to jfk airport , reportedly turned on one another around 10pm .a four hundred-person mass brawl broke out friday night at a casino in queens .video of the fight sees a crowd of people erupting from a bar area , punching , kicking , shouting and re-purposing casino decorations as weapons .']\n", + "=======================\n", + "['mass fight broke out around 10pm friday at resorts world casinopatrons at establishment next to jfk airport fought at bar openingvideo of the encounter - where patrons threw chairs - was tweetedpolice said four people were arrested and will be charged over fight']\n", + "patrons at a bar opening inside the resorts world casino , next to jfk airport , reportedly turned on one another around 10pm .a four hundred-person mass brawl broke out friday night at a casino in queens .video of the fight sees a crowd of people erupting from a bar area , punching , kicking , shouting and re-purposing casino decorations as weapons .\n", + "mass fight broke out around 10pm friday at resorts world casinopatrons at establishment next to jfk airport fought at bar openingvideo of the encounter - where patrons threw chairs - was tweetedpolice said four people were arrested and will be charged over fight\n", + "[1.5761908 1.3010391 1.3549639 1.0809895 1.1016116 1.0938647 1.3155012\n", + " 1.1841643 1.1626697 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 6 1 7 8 4 5 3 17 16 15 14 9 12 11 10 18 13 19]\n", + "=======================\n", + "[\"french giants paris saint-germain have been dealt a major blow with the news that david luiz will miss the champions league clash with barcelona .current french champions psg went on to win the game but the news of luiz ' injury came as a major worry .laurent blanc 's side are still fighting for the ligue one title and could be forced to play eight matches without the 27-year-old .\"]\n", + "=======================\n", + "['brazilian defender david luiz pulled up during win against marseilleformer chelsea man was substituted before half-time following injuryscans have since revealed luiz could miss up to eight psg matchesthose games include the champions league clash against barcelona']\n", + "french giants paris saint-germain have been dealt a major blow with the news that david luiz will miss the champions league clash with barcelona .current french champions psg went on to win the game but the news of luiz ' injury came as a major worry .laurent blanc 's side are still fighting for the ligue one title and could be forced to play eight matches without the 27-year-old .\n", + "brazilian defender david luiz pulled up during win against marseilleformer chelsea man was substituted before half-time following injuryscans have since revealed luiz could miss up to eight psg matchesthose games include the champions league clash against barcelona\n", + "[1.3212157 1.3714 1.3292027 1.3136289 1.2016447 1.1258569 1.1069402\n", + " 1.0805653 1.1558049 1.0993406 1.028799 1.0808784 1.0567955 1.0525469\n", + " 1.0983328 1.0404578 1.0203184 1.0254462 1.0182685 1.083689 ]\n", + "\n", + "[ 1 2 0 3 4 8 5 6 9 14 19 11 7 12 13 15 10 17 16 18]\n", + "=======================\n", + "[\"the brazilian supermodel -- seen partying at the coachella festival in california on sunday - underwent the procedure on tuesday .she is currently being monitored at ucla hospital in westwood , los angeles .victoria 's secret angel alessandra ambrosio is recovering at a hospital in los angeles following a ` medical procedure ' for ` constant headaches ' , daily mail online can reveal .\"]\n", + "=======================\n", + "[\"brazilian victoria 's secret angel underwent medical procedure and is still recovering in hospitalshe had been suffering ` constant headaches ' and had booked appointment two weeks ago , daily mail online told by a friendmother-of-two had appeared well as she spent time at coachella festival with celebrity friends including kylie jenner and gigi hadidprocedure at ucla 's ronald reagan medical center was successful and aides said she is ` fine 'ambrosio , 34 , had posted on instagram yesterday about how much she was enjoying coachella saying : ` what a wonderful world . '\"]\n", + "the brazilian supermodel -- seen partying at the coachella festival in california on sunday - underwent the procedure on tuesday .she is currently being monitored at ucla hospital in westwood , los angeles .victoria 's secret angel alessandra ambrosio is recovering at a hospital in los angeles following a ` medical procedure ' for ` constant headaches ' , daily mail online can reveal .\n", + "brazilian victoria 's secret angel underwent medical procedure and is still recovering in hospitalshe had been suffering ` constant headaches ' and had booked appointment two weeks ago , daily mail online told by a friendmother-of-two had appeared well as she spent time at coachella festival with celebrity friends including kylie jenner and gigi hadidprocedure at ucla 's ronald reagan medical center was successful and aides said she is ` fine 'ambrosio , 34 , had posted on instagram yesterday about how much she was enjoying coachella saying : ` what a wonderful world . '\n", + "[1.3565024 1.4037778 1.2611903 1.1684667 1.1738279 1.1346929 1.1945828\n", + " 1.1152506 1.0363966 1.0249013 1.124872 1.1042994 1.0658214 1.0501119\n", + " 1.1980507 1.1065055 1.1113293 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 14 6 4 3 5 10 7 16 15 11 12 13 8 9 17 18 19]\n", + "=======================\n", + "['flight 448 , which had been bound for los angeles , returned to seattle .( cnn ) an alaska airlines flight was forced to make an emergency landing monday after its pilot reported hearing unusual banging .upon landing , a ramp agent was discovered inside the front cargo hold , according to a statement from the airline .']\n", + "=======================\n", + "['agent was taken to an area hospital as a precaution .the cargo hold is pressurized and temperature controlled']\n", + "flight 448 , which had been bound for los angeles , returned to seattle .( cnn ) an alaska airlines flight was forced to make an emergency landing monday after its pilot reported hearing unusual banging .upon landing , a ramp agent was discovered inside the front cargo hold , according to a statement from the airline .\n", + "agent was taken to an area hospital as a precaution .the cargo hold is pressurized and temperature controlled\n", + "[1.2729921 1.3383509 1.1764153 1.2123079 1.2989755 1.2556039 1.16403\n", + " 1.0859206 1.1338862 1.1968985 1.0759003 1.1545844 1.055482 1.0737532\n", + " 1.0378957 1.0094261 1.0094577 1.0401292 1.0155576 1.004692 ]\n", + "\n", + "[ 1 4 0 5 3 9 2 6 11 8 7 10 13 12 17 14 18 16 15 19]\n", + "=======================\n", + "[\"the men - two 21-year-olds and a 25 and 22-year-old - collapsed on the vessel on good friday , forcing it to dock near the opera house .on friday afternoon , about 800 partygoers poured off the bella vista boat after the party came to an endfour men have been moved out of intensive care after suspected drug overdoses during a party cruise on sydney harbour , possibly due to a dangerous strain of ecstasy pills known as ` blue scissors ' .\"]\n", + "=======================\n", + "[\"two 21-year-olds and a 25 and 22-year-old collapsed on the vessel on good fridaythey were rushed to st vincent 's hospital in a critical condition but are now stableon friday afternoon , about 800 partygoers poured off the bella vista boat after the party came to an endthe boat , which was hosting a ` dirty funken beats ' party , left king street wharf at noonpolice say they discovered cocaine , marijuana and mdma before the boat left the wharf\"]\n", + "the men - two 21-year-olds and a 25 and 22-year-old - collapsed on the vessel on good friday , forcing it to dock near the opera house .on friday afternoon , about 800 partygoers poured off the bella vista boat after the party came to an endfour men have been moved out of intensive care after suspected drug overdoses during a party cruise on sydney harbour , possibly due to a dangerous strain of ecstasy pills known as ` blue scissors ' .\n", + "two 21-year-olds and a 25 and 22-year-old collapsed on the vessel on good fridaythey were rushed to st vincent 's hospital in a critical condition but are now stableon friday afternoon , about 800 partygoers poured off the bella vista boat after the party came to an endthe boat , which was hosting a ` dirty funken beats ' party , left king street wharf at noonpolice say they discovered cocaine , marijuana and mdma before the boat left the wharf\n", + "[1.1841277 1.2367319 1.2312586 1.5252434 1.3369097 1.4496677 1.1098381\n", + " 1.1547612 1.0228093 1.018927 1.0285611 1.022477 1.1282 1.0121831\n", + " 1.0155116 1.0134819 1.012744 1.0088303 0. 0. ]\n", + "\n", + "[ 3 5 4 1 2 0 7 12 6 10 8 11 9 14 15 16 13 17 18 19]\n", + "=======================\n", + "['stuart mccall believes his side now owe it to their fans to amend that record in their final chance of the regular season when hearts come calling on sunday .rangers boss stuart mccall wants to win one visit from an edinburgh club at ibrox this seasonthe tynecastle side won 2-1 on their previous trip to govan last august , while hibernian have racked up 3-1 and 2-0 victories .']\n", + "=======================\n", + "['rangers have been beaten three times by edinburgh clubs at ibrox thisseasonmanager stuart mccall wants victory over championship winners heartsrangers defeated edinburgh hibernian at easter road recently']\n", + "stuart mccall believes his side now owe it to their fans to amend that record in their final chance of the regular season when hearts come calling on sunday .rangers boss stuart mccall wants to win one visit from an edinburgh club at ibrox this seasonthe tynecastle side won 2-1 on their previous trip to govan last august , while hibernian have racked up 3-1 and 2-0 victories .\n", + "rangers have been beaten three times by edinburgh clubs at ibrox thisseasonmanager stuart mccall wants victory over championship winners heartsrangers defeated edinburgh hibernian at easter road recently\n", + "[1.2532406 1.247833 1.2683015 1.1408057 1.3613509 1.2700198 1.172968\n", + " 1.0357174 1.029078 1.027421 1.0142497 1.0310614 1.0862446 1.1590025\n", + " 1.1037008 1.0823759 1.119808 1.0341693 1.0196102 1.035923 1.0947199\n", + " 1.0451502]\n", + "\n", + "[ 4 5 2 0 1 6 13 3 16 14 20 12 15 21 19 7 17 11 8 9 18 10]\n", + "=======================\n", + "[\"for residents of celoron , n.y. , say a statue of hometown icon lucile ball is ` monstrous 'the statue is based on a famous moment from ball 's show ' i love lucy , ' in which she pitches an intoxicating health tonic while drunkthe depiction is so unflattering a facebook page called ` we love lucy !\"]\n", + "=======================\n", + "['the depiction is so unflattering a facebook page called ` we love lucy !it would cost an estimated $ 8,000 to $ 10,000 for the statue to be recastartist dave poulin has refused to comment on the controversy']\n", + "for residents of celoron , n.y. , say a statue of hometown icon lucile ball is ` monstrous 'the statue is based on a famous moment from ball 's show ' i love lucy , ' in which she pitches an intoxicating health tonic while drunkthe depiction is so unflattering a facebook page called ` we love lucy !\n", + "the depiction is so unflattering a facebook page called ` we love lucy !it would cost an estimated $ 8,000 to $ 10,000 for the statue to be recastartist dave poulin has refused to comment on the controversy\n", + "[1.3570848 1.41008 1.1604985 1.1494497 1.054751 1.0339439 1.0295924\n", + " 1.0970333 1.0844431 1.1460885 1.2117941 1.06764 1.1828636 1.1487076\n", + " 1.1187838 1.099684 1.1069359 1.0445137 1.0190938 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 10 12 2 3 13 9 14 16 15 7 8 11 4 17 5 6 18 20 19 21]\n", + "=======================\n", + "['the 47-year-old was invited to join other international celebrity guests onboard boats in the six-strong fleet for the start of the sixth leg , from itajaí to newport , rhode island , u.s. .comedian dom joly proved he still had work to do on his diving despite training from tom daley , after making a real splash in the round-the-world volvo ocean race in brazil .the comedian and travel writer joined up with team abu dhabi ocean racing for the world yacht race']\n", + "=======================\n", + "['the travel writer joins up with the abu dhabi ocean racing teamthe volvo ocean race is currently taking on the next stage in braziljoly was trained by tom daley in tv hit splash !']\n", + "the 47-year-old was invited to join other international celebrity guests onboard boats in the six-strong fleet for the start of the sixth leg , from itajaí to newport , rhode island , u.s. .comedian dom joly proved he still had work to do on his diving despite training from tom daley , after making a real splash in the round-the-world volvo ocean race in brazil .the comedian and travel writer joined up with team abu dhabi ocean racing for the world yacht race\n", + "the travel writer joins up with the abu dhabi ocean racing teamthe volvo ocean race is currently taking on the next stage in braziljoly was trained by tom daley in tv hit splash !\n", + "[1.2784519 1.445154 1.2219459 1.1610012 1.1488008 1.0998677 1.1029922\n", + " 1.1095581 1.0565348 1.047411 1.0811576 1.043412 1.055194 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 3 4 7 6 5 10 8 12 9 11 20 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "['more than 10,000 people have arrived from libya since last weekend alone , according to the italian coast guard .rome ( cnn ) a destination for the destitute , sicily is the \" promised land \" for thousands of migrants and refugees making the desperate journey from north africa to europe \\'s mediterranean coast .stories of death at sea and unimaginable suffering are nothing new in the waters between north africa and italy ; boat people have been arriving on italy \\'s islands for more than a decade .']\n", + "=======================\n", + "['tens of thousands of migrants and refugees risk the perilous journey across the mediterranean every yearmany make the trip in dangerous boats owned by people smugglers ; thousands have died along the way in recent years']\n", + "more than 10,000 people have arrived from libya since last weekend alone , according to the italian coast guard .rome ( cnn ) a destination for the destitute , sicily is the \" promised land \" for thousands of migrants and refugees making the desperate journey from north africa to europe 's mediterranean coast .stories of death at sea and unimaginable suffering are nothing new in the waters between north africa and italy ; boat people have been arriving on italy 's islands for more than a decade .\n", + "tens of thousands of migrants and refugees risk the perilous journey across the mediterranean every yearmany make the trip in dangerous boats owned by people smugglers ; thousands have died along the way in recent years\n", + "[1.5516119 1.3744664 1.2016065 1.3422468 1.2628412 1.0849794 1.1828732\n", + " 1.044864 1.065794 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 4 2 6 5 8 7 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", + "=======================\n", + "['denmark and brondby defender daniel agger has been banned for two games for violent conduct after elbowing mattias jorgensen in the head .the incident happened during the hotly-contested derby against copenhagen on monday .daniel agger ( right ) is involved in a physical battle with copenhagen striker andreas cornelius ( left )']\n", + "=======================\n", + "[\"daniel agger has been charged with violent conductthe brondby star appeared to elbow copenhagen 's mattias jorgensenagger rejoined first club brondby from liverpool in august 2014\"]\n", + "denmark and brondby defender daniel agger has been banned for two games for violent conduct after elbowing mattias jorgensen in the head .the incident happened during the hotly-contested derby against copenhagen on monday .daniel agger ( right ) is involved in a physical battle with copenhagen striker andreas cornelius ( left )\n", + "daniel agger has been charged with violent conductthe brondby star appeared to elbow copenhagen 's mattias jorgensenagger rejoined first club brondby from liverpool in august 2014\n", + "[1.258843 1.4654183 1.233985 1.3015282 1.09672 1.1775193 1.0527095\n", + " 1.1478635 1.0503645 1.0718044 1.0401043 1.0811787 1.0545621 1.0560782\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 2 5 7 4 11 9 13 12 6 8 10 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "['the barbaric terror group released photos show crates of chicken being set alight in a field near the city of aleppo even though the meat being was slaughtered according to islamic law and was perfectly fit for consumption .depraved islamic state militants have deliberately destroyed hundreds of boxes of american-produced halal chicken despite hundreds of thousands facing starvation in war-torn syria .the food was burned after the jihadis noticed labels on the boxes that suggested the birds had been reared and slaughtered in the united states - something isis considers so beyond the pale that hungry refugees on the brink of starving to death are banned from eating the meat .']\n", + "=======================\n", + "[\"hundreds of boxes of fresh meat was being taken to refugees in aleppobut isis militants spotted a label claiming the chickens were us-rearedthey declared the cargo ` unlawful ' and set light to hundreds of the crateswastage comes despite up to 650,000 facing starvation in war-torn syria\"]\n", + "the barbaric terror group released photos show crates of chicken being set alight in a field near the city of aleppo even though the meat being was slaughtered according to islamic law and was perfectly fit for consumption .depraved islamic state militants have deliberately destroyed hundreds of boxes of american-produced halal chicken despite hundreds of thousands facing starvation in war-torn syria .the food was burned after the jihadis noticed labels on the boxes that suggested the birds had been reared and slaughtered in the united states - something isis considers so beyond the pale that hungry refugees on the brink of starving to death are banned from eating the meat .\n", + "hundreds of boxes of fresh meat was being taken to refugees in aleppobut isis militants spotted a label claiming the chickens were us-rearedthey declared the cargo ` unlawful ' and set light to hundreds of the crateswastage comes despite up to 650,000 facing starvation in war-torn syria\n", + "[1.2535126 1.1443244 1.3461286 1.2817941 1.2577854 1.1200486 1.0249858\n", + " 1.1956483 1.0557585 1.2076924 1.1383063 1.0145262 1.166299 1.074842\n", + " 1.0407503 1.0274901 1.0184276 0. 0. 0. ]\n", + "\n", + "[ 2 3 4 0 9 7 12 1 10 5 13 8 14 15 6 16 11 18 17 19]\n", + "=======================\n", + "[\"geologist dr danny hilman believes that a site in west java is revered because it hides an ancient temple built between 9,000 and 20,000 years ago .the megalithic site of gunung padang was discovered in 1914 and is the largest site of its kind in indonesia .egypt 's oldest pyramid was built almost 5,000 years ago but a similar structure hidden beneath rubble could be up to four times older .\"]\n", + "=======================\n", + "['geologist claims the site in west java could be 9,000 to 20,000 years olddr danny hilman says man-made hillside hides a pyramid structuretests have established parts of the structure date to 7,000 bccould re-write pre-history , but other experts claim excavation is flawed']\n", + "geologist dr danny hilman believes that a site in west java is revered because it hides an ancient temple built between 9,000 and 20,000 years ago .the megalithic site of gunung padang was discovered in 1914 and is the largest site of its kind in indonesia .egypt 's oldest pyramid was built almost 5,000 years ago but a similar structure hidden beneath rubble could be up to four times older .\n", + "geologist claims the site in west java could be 9,000 to 20,000 years olddr danny hilman says man-made hillside hides a pyramid structuretests have established parts of the structure date to 7,000 bccould re-write pre-history , but other experts claim excavation is flawed\n", + "[1.0737675 1.2299018 1.4092976 1.4853988 1.1975653 1.2278888 1.0772519\n", + " 1.0532321 1.0991292 1.0395929 1.0408034 1.0337174 1.0386444 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 5 4 8 6 0 7 10 9 12 11 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"judy , 55 , does n't play tennis to stay in shape , ` because my life is saturated with it 'judy murray dazzled at her son andy 's wedding , wearing a belted dress-coat that accentuated her toned stomach .this week : judy murray 's waist .\"]\n", + "=======================\n", + "[\"judy murray wore a belted dress-coat to her son andy 's weddingshe stays toned by dancing , doing pilates , walking or gardeningtry the v-sit up to engage and firm your abdominal muscles\"]\n", + "judy , 55 , does n't play tennis to stay in shape , ` because my life is saturated with it 'judy murray dazzled at her son andy 's wedding , wearing a belted dress-coat that accentuated her toned stomach .this week : judy murray 's waist .\n", + "judy murray wore a belted dress-coat to her son andy 's weddingshe stays toned by dancing , doing pilates , walking or gardeningtry the v-sit up to engage and firm your abdominal muscles\n", + "[1.2466577 1.4672406 1.1194121 1.4705201 1.2394743 1.1230599 1.085453\n", + " 1.203362 1.1448493 1.0619651 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 4 7 8 5 2 6 9 10 11 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"tottenham midfielder christian eriksen was pictured kissing girlfriend sabrina kvist in central londontottenham 's danish star christian eriksen may not have found the net since january , but the midfielder still knows how to score when the opportunity presents itself .eriksen , who joined spurs in the summer of 2013 , has been with girlfriend kvist for almost three years\"]\n", + "=======================\n", + "['christian eriksen was spotted with girlfriend sabrina kvist jensenthe pair were pictured enjoying a kiss in outside in soho , londonthe tottenham midfielder has been dating kvist for almost three yearseriksen played the full game as spurs lost to aston villa on saturday']\n", + "tottenham midfielder christian eriksen was pictured kissing girlfriend sabrina kvist in central londontottenham 's danish star christian eriksen may not have found the net since january , but the midfielder still knows how to score when the opportunity presents itself .eriksen , who joined spurs in the summer of 2013 , has been with girlfriend kvist for almost three years\n", + "christian eriksen was spotted with girlfriend sabrina kvist jensenthe pair were pictured enjoying a kiss in outside in soho , londonthe tottenham midfielder has been dating kvist for almost three yearseriksen played the full game as spurs lost to aston villa on saturday\n", + "[1.2187048 1.5648024 1.4081066 1.4715563 1.1107529 1.0788903 1.0263938\n", + " 1.0280297 1.0299625 1.1938843 1.1170654 1.0335863 1.0106338 1.0149693\n", + " 1.0184095 1.0535221 1.1808366 1.0182817 1.0072862 1.007108 ]\n", + "\n", + "[ 1 3 2 0 9 16 10 4 5 15 11 8 7 6 14 17 13 12 18 19]\n", + "=======================\n", + "['tina campbell , from london , paid # 100 for the weave but was forced to seek urgent medical attention after her scalp became infected .however , tina , who spent the day of her 29th birthday in bandages , said the incident has not deterred her from hair hair extensions again .a woman who bought cheap hair extensions in a bid to look glamorous ended up with an infection and a hole in her head .']\n", + "=======================\n", + "['tina campbell paid # 100 for a weave at a salon in londonsays a few weeks later her head began itching and lumps appearednight before 29th birthday boils burst and began oozing pusdashed to hospital where doctors removed infection with scalpelthe writer says despite her experiences it has not put her off']\n", + "tina campbell , from london , paid # 100 for the weave but was forced to seek urgent medical attention after her scalp became infected .however , tina , who spent the day of her 29th birthday in bandages , said the incident has not deterred her from hair hair extensions again .a woman who bought cheap hair extensions in a bid to look glamorous ended up with an infection and a hole in her head .\n", + "tina campbell paid # 100 for a weave at a salon in londonsays a few weeks later her head began itching and lumps appearednight before 29th birthday boils burst and began oozing pusdashed to hospital where doctors removed infection with scalpelthe writer says despite her experiences it has not put her off\n", + "[1.3107145 1.4075936 1.286893 1.2921671 1.1140915 1.0823643 1.0638103\n", + " 1.0748312 1.0835906 1.0859796 1.0661895 1.0435065 1.0724057 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 9 8 5 7 12 10 6 11 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"the property , in north west london , which has ` superb views ' over a london park , was one of five properties which the successful property developer bought during the couple 's 14-year marriage .a 63-year-old former air hostess has won a # 14.5 m london mansion from her ` immensely wealthy ' 90-year-old saudi arabian ex-husband following a legal battle based on a victorian law .but , after their divorce , the woman - who did not have any financial input into the properties - moved into the townhouse , claiming her right to live there as one of their matrimonial homes .\"]\n", + "=======================\n", + "[\"house in london was one of five properties the man - worth # 600m - ownedtheir main home was # 26m ` palatial ' mansion in jeddah , which had 40 staffwife now given homes in london and cannes as part of legal settlementbut judge refused to give woman the # 205,000 she wanted to spend on jewellery , handbags and cars\"]\n", + "the property , in north west london , which has ` superb views ' over a london park , was one of five properties which the successful property developer bought during the couple 's 14-year marriage .a 63-year-old former air hostess has won a # 14.5 m london mansion from her ` immensely wealthy ' 90-year-old saudi arabian ex-husband following a legal battle based on a victorian law .but , after their divorce , the woman - who did not have any financial input into the properties - moved into the townhouse , claiming her right to live there as one of their matrimonial homes .\n", + "house in london was one of five properties the man - worth # 600m - ownedtheir main home was # 26m ` palatial ' mansion in jeddah , which had 40 staffwife now given homes in london and cannes as part of legal settlementbut judge refused to give woman the # 205,000 she wanted to spend on jewellery , handbags and cars\n", + "[1.1066945 1.2086592 1.5042017 1.2972039 1.1138338 1.0963578 1.1306446\n", + " 1.1581922 1.0749899 1.0781444 1.097522 1.0734587 1.0757306 1.0690382\n", + " 1.0228671 1.0152766 1.0386758 1.029502 ]\n", + "\n", + "[ 2 3 1 7 6 4 0 10 5 9 12 8 11 13 16 17 14 15]\n", + "=======================\n", + "[\"the new collagen-laced brew , created by japanese liquor company suntory , boasts a five per cent alcohol content level and claims to have two grams of collagen per can .that 's the bizarre tagline for a new brand of japanese beer that claims to make women beautiful .but before cancel the gym for a night out , rocketnews24 says the beer is currently on available in japan 's northern island of hokkaido .\"]\n", + "=======================\n", + "[\"` precious ' brew has been created by japanese liquor company suntoryit boasts a five per cent alcohol content level and 2g of collagen per cancollagen is a protein found in skin that provides structure and firmnessexperts are divided over how effective it is when drunk or eaten with food\"]\n", + "the new collagen-laced brew , created by japanese liquor company suntory , boasts a five per cent alcohol content level and claims to have two grams of collagen per can .that 's the bizarre tagline for a new brand of japanese beer that claims to make women beautiful .but before cancel the gym for a night out , rocketnews24 says the beer is currently on available in japan 's northern island of hokkaido .\n", + "` precious ' brew has been created by japanese liquor company suntoryit boasts a five per cent alcohol content level and 2g of collagen per cancollagen is a protein found in skin that provides structure and firmnessexperts are divided over how effective it is when drunk or eaten with food\n", + "[1.297523 1.2030888 1.2591103 1.3533081 1.2858248 1.1563343 1.1238998\n", + " 1.0485682 1.1293199 1.1013517 1.1127778 1.0313925 1.0167099 1.0132185\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + " 1.0130581 1.0871344 0. 0. ]\n", + "\n", + "[ 3 0 4 2 1 5 8 6 10 9 15 7 11 12 13 14 16 17]\n", + "=======================\n", + "[\"launching the party 's manifesto in manchester , mr miliband will claim ` not one policy ' in it would be funded through additional government borrowing .ed miliband , pictured arriving in manchester ahead of the manifesto launch , will today pledge to cut the deficit every year if labour wins the electionin a last-ditch attempt to steal the tories ' mantle as the party of economic responsibility , he will warn supporters that labour faces coming to power in a ` time of scarcity ' .\"]\n", + "=======================\n", + "[\"miliband will warn that the party faces coming to power in ` time of scarcity 'he will insist labour would have national debt falling ` as soon as possible 'manifesto also pledges ` budget responsibility lock ' for no more borrowingother policies include # 2.5 bn nhs fund paid for from a mansion tax and closing hedge fund tax avoidance loophole\"]\n", + "launching the party 's manifesto in manchester , mr miliband will claim ` not one policy ' in it would be funded through additional government borrowing .ed miliband , pictured arriving in manchester ahead of the manifesto launch , will today pledge to cut the deficit every year if labour wins the electionin a last-ditch attempt to steal the tories ' mantle as the party of economic responsibility , he will warn supporters that labour faces coming to power in a ` time of scarcity ' .\n", + "miliband will warn that the party faces coming to power in ` time of scarcity 'he will insist labour would have national debt falling ` as soon as possible 'manifesto also pledges ` budget responsibility lock ' for no more borrowingother policies include # 2.5 bn nhs fund paid for from a mansion tax and closing hedge fund tax avoidance loophole\n", + "[1.2538787 1.4176285 1.1752636 1.2118198 1.3130697 1.1218497 1.108203\n", + " 1.0410306 1.0510217 1.0520705 1.0865135 1.0276018 1.0959932 1.1094894\n", + " 1.011801 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 3 2 5 13 6 12 10 9 8 7 11 14 16 15 17]\n", + "=======================\n", + "[\"mackenzie moretter , who has a rare genetic disorder called sotos syndrome that has delayed her development , which makes it hard for her to socialize , told her parents she wanted a ` big-girl party ' for her tenth birthday .strangers from around minnesota flocked to a ten-year-old girl 's birthday party , after several of her classmates did n't respond to their invitations , in hopes of giving her a celebration she 'll never forget .jenny moretter went on facebook and posted in a few local groups asking families with girls around mackenzie 's age to stop by their shakopee home on saturday - and the response was overwhelming .\"]\n", + "=======================\n", + "[\"mackenzie moretter , of shakopee , minnesota , celebrated her tenth birthday on saturdaywhen none of her classmates could come to her party , mackenzie 's mother posted on facebook groups , inviting strangers to the celebrationsmore than 700 people joined a facebook event for the birthday partyhundreds of people flocked to a park in shakopee on saturdaythey brought mackenzie gifts and food and she made new friendsmackenzie was diagnosed with sotos syndrome when she was a year oldthe disorder delayed her development and makes it hard to socialize\"]\n", + "mackenzie moretter , who has a rare genetic disorder called sotos syndrome that has delayed her development , which makes it hard for her to socialize , told her parents she wanted a ` big-girl party ' for her tenth birthday .strangers from around minnesota flocked to a ten-year-old girl 's birthday party , after several of her classmates did n't respond to their invitations , in hopes of giving her a celebration she 'll never forget .jenny moretter went on facebook and posted in a few local groups asking families with girls around mackenzie 's age to stop by their shakopee home on saturday - and the response was overwhelming .\n", + "mackenzie moretter , of shakopee , minnesota , celebrated her tenth birthday on saturdaywhen none of her classmates could come to her party , mackenzie 's mother posted on facebook groups , inviting strangers to the celebrationsmore than 700 people joined a facebook event for the birthday partyhundreds of people flocked to a park in shakopee on saturdaythey brought mackenzie gifts and food and she made new friendsmackenzie was diagnosed with sotos syndrome when she was a year oldthe disorder delayed her development and makes it hard to socialize\n", + "[1.4154446 1.3824887 1.3729421 1.49734 1.1336827 1.1252775 1.0865103\n", + " 1.0145854 1.0257938 1.0205249 1.1398529 1.0135221 1.0109324 1.0131047\n", + " 1.0591822 1.0518994 1.0191566 0. ]\n", + "\n", + "[ 3 0 1 2 10 4 5 6 14 15 8 9 16 7 11 13 12 17]\n", + "=======================\n", + "['manchester united winger ashley young believes the club will be challenging for the title next seasonthe red devils have endured two mixed campaigns following the retirement of legendary manager sir alex ferguson in may 2013 .after finishing seventh last season , their lowest position since in the premier league era , united currently sit third in the table this term - 11 points behind leaders chelsea .']\n", + "=======================\n", + "['manchester united are currently third in the premier league standingsunited are 11 points behind league leaders chelsea with four games leftunited finished seventh last season - their lowest in the premier league era']\n", + "manchester united winger ashley young believes the club will be challenging for the title next seasonthe red devils have endured two mixed campaigns following the retirement of legendary manager sir alex ferguson in may 2013 .after finishing seventh last season , their lowest position since in the premier league era , united currently sit third in the table this term - 11 points behind leaders chelsea .\n", + "manchester united are currently third in the premier league standingsunited are 11 points behind league leaders chelsea with four games leftunited finished seventh last season - their lowest in the premier league era\n", + "[1.2061607 1.3571585 1.3675995 1.2568723 1.1738238 1.1442894 1.145846\n", + " 1.2807839 1.1303083 1.0442345 1.0228641 1.0238796 1.0127233 1.0752039\n", + " 1.0616242 1.1338532 1.0678968 1.0870789]\n", + "\n", + "[ 2 1 7 3 0 4 6 5 15 8 17 13 16 14 9 11 10 12]\n", + "=======================\n", + "['she was killed on impact after suffering horrific head injuries .cctv footage captured the tragic moment little nurhayada sofia , who was out shopping with her mother , suddenly disappeared through a gap and plunged five floors .this is the shocking moment nurhayada sofia fell to her death after being dragged by an escalator at a shopping centre in malaysia']\n", + "=======================\n", + "['nurhayada sofia fell to her death after being dragged by an escalatorthe 6-year-old was shopping with mother at the mall in pudu , malaysiacctv shows her playing with the handrail before she slips through gapher mother - who had been on the phone - was said to be inconsolable']\n", + "she was killed on impact after suffering horrific head injuries .cctv footage captured the tragic moment little nurhayada sofia , who was out shopping with her mother , suddenly disappeared through a gap and plunged five floors .this is the shocking moment nurhayada sofia fell to her death after being dragged by an escalator at a shopping centre in malaysia\n", + "nurhayada sofia fell to her death after being dragged by an escalatorthe 6-year-old was shopping with mother at the mall in pudu , malaysiacctv shows her playing with the handrail before she slips through gapher mother - who had been on the phone - was said to be inconsolable\n", + "[1.2343429 1.3049643 1.3608046 1.2265108 1.2386444 1.2512746 1.1424143\n", + " 1.1303495 1.0369285 1.1457736 1.0338135 1.0213892 1.0502137 1.0209795\n", + " 1.0332668 1.0255909 0. 0. 0. ]\n", + "\n", + "[ 2 1 5 4 0 3 9 6 7 12 8 10 14 15 11 13 17 16 18]\n", + "=======================\n", + "[\"the french alps tragedy which occurred on the flight between barcelona to dusseldorf has been widely blamed on co-pilot andreas lubitz , 28 .the theory has surfaced in a letter to the respected financial times newspaper from aviation boss matt andersson , president of chicago-based indigo aerospace .disaster : an aviation expert says an external factor like ` electronic hacking ' could have been to blame for the germanwings plane crash that claimed 150 lives\"]\n", + "=======================\n", + "[\"` electronic hacking ' could have caused the air disaster , aviation boss saysgermanwings tragedy has been widely blamed on co-pilot andreas lubitzbut matt andersson says investigators have yet to come to a final conclusionsays passenger planes do not have same level of protection as military jets\"]\n", + "the french alps tragedy which occurred on the flight between barcelona to dusseldorf has been widely blamed on co-pilot andreas lubitz , 28 .the theory has surfaced in a letter to the respected financial times newspaper from aviation boss matt andersson , president of chicago-based indigo aerospace .disaster : an aviation expert says an external factor like ` electronic hacking ' could have been to blame for the germanwings plane crash that claimed 150 lives\n", + "` electronic hacking ' could have caused the air disaster , aviation boss saysgermanwings tragedy has been widely blamed on co-pilot andreas lubitzbut matt andersson says investigators have yet to come to a final conclusionsays passenger planes do not have same level of protection as military jets\n", + "[1.15407 1.2757926 1.3630136 1.2423276 1.1924033 1.3444517 1.1003507\n", + " 1.2299864 1.0927466 1.0686816 1.02883 1.0359893 1.0466954 1.0281183\n", + " 1.0414009 1.0141295 0. 0. 0. ]\n", + "\n", + "[ 2 5 1 3 7 4 0 6 8 9 12 14 11 10 13 15 16 17 18]\n", + "=======================\n", + "[\"bmw group 's answer to google glass is designed to let drivers of its mini model see pop-up virtual displays for directions and other features -- and the elvis-esque glasses can also be worn out of the car .the augmented vision goggles will go on show at the auto shanghai show and generate ` screens ' showing information that only the wearer can see .but the vintage eyewear may be set to make a comeback in a new hi-tech form , because bmw mini has produced concept smart specs to give drivers super-human powers such as x-ray-like vision .\"]\n", + "=======================\n", + "[\"bmw mini made the concept augmented vision goggles with qualcommgive wearers x-ray vision when parking and pop-up data on the dashboardelvis-style glasses are also designed to be worn out of the carthere 's no news about whether the goggles will ever go on sale\"]\n", + "bmw group 's answer to google glass is designed to let drivers of its mini model see pop-up virtual displays for directions and other features -- and the elvis-esque glasses can also be worn out of the car .the augmented vision goggles will go on show at the auto shanghai show and generate ` screens ' showing information that only the wearer can see .but the vintage eyewear may be set to make a comeback in a new hi-tech form , because bmw mini has produced concept smart specs to give drivers super-human powers such as x-ray-like vision .\n", + "bmw mini made the concept augmented vision goggles with qualcommgive wearers x-ray vision when parking and pop-up data on the dashboardelvis-style glasses are also designed to be worn out of the carthere 's no news about whether the goggles will ever go on sale\n", + "[1.0969805 1.5315454 1.3460889 1.4060831 1.2588866 1.0356395 1.0391339\n", + " 1.0635597 1.1198977 1.0331777 1.0594263 1.2183311 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 11 8 0 7 10 6 5 9 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"streaming music service spotify believes it has identified the average age of midlife crises at 42 .staff analysed data and found users aged around 42 drop their usual playlists -- which usually contain hits from their youth -- in favour of today 's chart toppers from the likes of rihanna and sam smith .spotify and its rivals in the streaming music world are working hard to understand the tastes of their listeners , so they can make better recommendations for them ( file picture )\"]\n", + "=======================\n", + "[\"spotify believes it has identified the average age of midlife crises at 42staff analysed data and found users aged 42 drop their usual playlistsstart listening to today 's chart toppers , such as rihanna and sam smith\"]\n", + "streaming music service spotify believes it has identified the average age of midlife crises at 42 .staff analysed data and found users aged around 42 drop their usual playlists -- which usually contain hits from their youth -- in favour of today 's chart toppers from the likes of rihanna and sam smith .spotify and its rivals in the streaming music world are working hard to understand the tastes of their listeners , so they can make better recommendations for them ( file picture )\n", + "spotify believes it has identified the average age of midlife crises at 42staff analysed data and found users aged 42 drop their usual playlistsstart listening to today 's chart toppers , such as rihanna and sam smith\n", + "[1.0996714 1.5281975 1.2096822 1.1556692 1.223403 1.1241384 1.1033394\n", + " 1.0379 1.066843 1.1214615 1.1145989 1.1458492 1.0829217 1.0637107\n", + " 1.0300962 1.0373753 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 3 11 5 9 10 6 0 12 8 13 7 15 14 16 17 18]\n", + "=======================\n", + "[\"the dog named teeny is captured on video sat opposite eric ko -- a trainer with over ten years ' experience -- of the dogaroo centre in hong kong .on ` two ' the pair return to their original position before eric says ` three ' and ` four ' and the dog reaches out to high-five him with both paws .the pair hold onto push-up bars with their front paws and hands respectively and wait for the trainer 's command before getting into position .\"]\n", + "=======================\n", + "['dog named teeny works out alongside experienced trainer eric kotrainer counts to four while completing press-ups with dogteeny leans over and gives eric a kiss before starting againthe video was captured at the dogaroo pet centre in hong kong']\n", + "the dog named teeny is captured on video sat opposite eric ko -- a trainer with over ten years ' experience -- of the dogaroo centre in hong kong .on ` two ' the pair return to their original position before eric says ` three ' and ` four ' and the dog reaches out to high-five him with both paws .the pair hold onto push-up bars with their front paws and hands respectively and wait for the trainer 's command before getting into position .\n", + "dog named teeny works out alongside experienced trainer eric kotrainer counts to four while completing press-ups with dogteeny leans over and gives eric a kiss before starting againthe video was captured at the dogaroo pet centre in hong kong\n", + "[1.2033165 1.4309173 1.3913157 1.3591013 1.1204345 1.1372434 1.0749677\n", + " 1.0570338 1.0537671 1.0168494 1.0138755 1.189728 1.1232165 1.0191814\n", + " 1.0753217 1.0784671 1.0369973 1.0100936 1.007795 ]\n", + "\n", + "[ 1 2 3 0 11 5 12 4 15 14 6 7 8 16 13 9 10 17 18]\n", + "=======================\n", + "['kim hill , from suffolk , has bravely waived her right to anonymity and spoken about how she was abused by derek osborne from the age of four .kim hill ( left ) was abused for years by her step-father but never revealed her past until her partner rob ( right ) encouraged her to approach the police about her attacker .for years , kim bottled up the painful memories until she met her husband rob , 34 , who guessed that she had been abused and helped to put derek behind bars 20 years after the offences .']\n", + "=======================\n", + "[\"kim hill was abused by her step-father from a young agehe forced her to wear lingerie and watch ` sick porn ' films aged ninekim never revealed what had happened until she met her husband robwith his encouragement kim reported her abuser and saw him sentencedderek osborne was jailed for 21 years in 2013 aged 72he confessed to abusing other girls as well as raping another womankim has now set up a blog to help other victims of sexual assault\"]\n", + "kim hill , from suffolk , has bravely waived her right to anonymity and spoken about how she was abused by derek osborne from the age of four .kim hill ( left ) was abused for years by her step-father but never revealed her past until her partner rob ( right ) encouraged her to approach the police about her attacker .for years , kim bottled up the painful memories until she met her husband rob , 34 , who guessed that she had been abused and helped to put derek behind bars 20 years after the offences .\n", + "kim hill was abused by her step-father from a young agehe forced her to wear lingerie and watch ` sick porn ' films aged ninekim never revealed what had happened until she met her husband robwith his encouragement kim reported her abuser and saw him sentencedderek osborne was jailed for 21 years in 2013 aged 72he confessed to abusing other girls as well as raping another womankim has now set up a blog to help other victims of sexual assault\n", + "[1.1578784 1.4019132 1.3902754 1.252698 1.1922988 1.1849749 1.1346693\n", + " 1.0572747 1.2064581 1.0783603 1.053561 1.048982 1.0563576 1.0098723\n", + " 1.011582 1.0130978 1.0147457 1.0710876 1.0129617 1.0117812 1.0593922\n", + " 0. ]\n", + "\n", + "[ 1 2 3 8 4 5 0 6 9 17 20 7 12 10 11 16 15 18 19 14 13 21]\n", + "=======================\n", + "['the friends and family of courtney terry , 27 , are now furiously fundraising in a bid to fulfill her final wish of a dream wedding .courtney was just 19 when she was first diagnosed with the same disease that killed her 23-year-old brother jordan seven years ago .courtney and billy had been planning to marry in seven months time but have had to bring forward the wedding because her condition has worsened']\n", + "=======================\n", + "['courtney terry , 27 , from south-east london has a rare kidney cancerit is the same disease that killed her 23-year-old brother jordanshe needs strangers to fund wedding to her boyfriend before she passes']\n", + "the friends and family of courtney terry , 27 , are now furiously fundraising in a bid to fulfill her final wish of a dream wedding .courtney was just 19 when she was first diagnosed with the same disease that killed her 23-year-old brother jordan seven years ago .courtney and billy had been planning to marry in seven months time but have had to bring forward the wedding because her condition has worsened\n", + "courtney terry , 27 , from south-east london has a rare kidney cancerit is the same disease that killed her 23-year-old brother jordanshe needs strangers to fund wedding to her boyfriend before she passes\n", + "[1.3266841 1.3156143 1.224637 1.5151348 1.227326 1.0525037 1.137304\n", + " 1.0235455 1.0293403 1.0220497 1.0176568 1.0444565 1.1779475 1.0165088\n", + " 1.0200958 1.016752 1.0160961 1.021596 1.0170428 1.0162741 1.1168522\n", + " 1.0727861]\n", + "\n", + "[ 3 0 1 4 2 12 6 20 21 5 11 8 7 9 17 14 10 18 15 13 19 16]\n", + "=======================\n", + "[\"carl jenkinson ( left ) says jack grealish should follow his heart when choosing ireland or englandthat 's the advice of carl jenkinson to jack grealish as the young aston villa star weighs up his international future .in 2012 , a year after his big move from charlton to the club he supported as a boy - arsenal - the essex-born full-back chose the three lions despite having played for finland , the nation of his mother , at under 18 and under 21 level .\"]\n", + "=======================\n", + "['carl jenkinson says hot prospect jack grealish must follow his heartthe aston villa star is wanted by ireland and england for internationalsthe west ham full back had the option of playing for finland and englandgrealish has hit the headlines after impressing for the midlands sideclick here for all the latest west ham news']\n", + "carl jenkinson ( left ) says jack grealish should follow his heart when choosing ireland or englandthat 's the advice of carl jenkinson to jack grealish as the young aston villa star weighs up his international future .in 2012 , a year after his big move from charlton to the club he supported as a boy - arsenal - the essex-born full-back chose the three lions despite having played for finland , the nation of his mother , at under 18 and under 21 level .\n", + "carl jenkinson says hot prospect jack grealish must follow his heartthe aston villa star is wanted by ireland and england for internationalsthe west ham full back had the option of playing for finland and englandgrealish has hit the headlines after impressing for the midlands sideclick here for all the latest west ham news\n", + "[1.12696 1.2885239 1.1396427 1.4031651 1.244235 1.2018237 1.0590113\n", + " 1.0569403 1.1032712 1.0665791 1.0986379 1.149701 1.0300859 1.1033255\n", + " 1.0624849 1.0513256 1.0647594 1.0258621 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 4 5 11 2 0 13 8 10 9 16 14 6 7 15 12 17 20 18 19 21]\n", + "=======================\n", + "['a bold red fox spots a deer bone on a frozen lake in japan and begins to fight both a flock of crows and an eagle for the tasty lunchthe fox proudly holds the bone tight in its jaws as an eagle descends to challenge the animals over possession of the lunchthe large birds were photographed by japanese businessman sanin alexander as they swooped down with their claws bared at the fox as he boldly grasps the bone in his jaws .']\n", + "=======================\n", + "['red fox spots a deer bone among a group of black crows on a frozen lake in furen in japan and goes in to take itbut the animal is challenged by two advancing large eagles who surround him as he holds bone in his jawsas the fox and eagles clash , it becomes clear the young fox is destined to lose the battle against his larger foes']\n", + "a bold red fox spots a deer bone on a frozen lake in japan and begins to fight both a flock of crows and an eagle for the tasty lunchthe fox proudly holds the bone tight in its jaws as an eagle descends to challenge the animals over possession of the lunchthe large birds were photographed by japanese businessman sanin alexander as they swooped down with their claws bared at the fox as he boldly grasps the bone in his jaws .\n", + "red fox spots a deer bone among a group of black crows on a frozen lake in furen in japan and goes in to take itbut the animal is challenged by two advancing large eagles who surround him as he holds bone in his jawsas the fox and eagles clash , it becomes clear the young fox is destined to lose the battle against his larger foes\n", + "[1.1761792 1.0756418 1.2169083 1.1178744 1.5319 1.2130144 1.1065676\n", + " 1.0740634 1.0863943 1.0238754 1.0560366 1.0329248 1.0236794 1.044754\n", + " 1.0607911 1.0522021 1.0520817 1.0322129 1.0289906 1.2005762 1.0483955\n", + " 0. ]\n", + "\n", + "[ 4 2 5 19 0 3 6 8 1 7 14 10 15 16 20 13 11 17 18 9 12 21]\n", + "=======================\n", + "[\"steven gerrard was denied the chance of a happy ending as aston villa beat liverpool at wembleygerrard 's time at liverpool will now end in anti-climax .liverpool captain gerrard reacts as tom cleverley celebrates aston villa 's victory on sunday\"]\n", + "=======================\n", + "[\"wembley loss means steven gerrard 's liverpool career ends in anti-climaxhe was poor throughout , unable to raise performances of his team-matesgerrard will now say his farewells with a series of cameo appearancesbut , three years without a trophy means brendan rodgers is one to blame\"]\n", + "steven gerrard was denied the chance of a happy ending as aston villa beat liverpool at wembleygerrard 's time at liverpool will now end in anti-climax .liverpool captain gerrard reacts as tom cleverley celebrates aston villa 's victory on sunday\n", + "wembley loss means steven gerrard 's liverpool career ends in anti-climaxhe was poor throughout , unable to raise performances of his team-matesgerrard will now say his farewells with a series of cameo appearancesbut , three years without a trophy means brendan rodgers is one to blame\n", + "[1.1884565 1.4025192 1.247229 1.1715981 1.1040205 1.1313336 1.0914761\n", + " 1.1230239 1.136087 1.0852958 1.0643586 1.0783293 1.0594271 1.0929785\n", + " 1.0326095 1.0347755 1.0339335 1.0646037 1.047513 1.0698993 1.0414233\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 8 5 7 4 13 6 9 11 19 17 10 12 18 20 15 16 14 21]\n", + "=======================\n", + "['just 28 of 700,000 babies born in the uk in 2013 were given the name , data from the office of national statistics shows .that compares to 235 garys being born in 1996 , when the name was the 147th most popular in britain .the name gary - once one of the most popular name in britain - is now heading for extinction .']\n", + "=======================\n", + "['gary fell from 147th most popular british name in 1996 to 1,001 st in 2013reached height of its popularity in 1964 , when it was ranked 16thmeanwhile , names including dexter and jenson are now in the top 100']\n", + "just 28 of 700,000 babies born in the uk in 2013 were given the name , data from the office of national statistics shows .that compares to 235 garys being born in 1996 , when the name was the 147th most popular in britain .the name gary - once one of the most popular name in britain - is now heading for extinction .\n", + "gary fell from 147th most popular british name in 1996 to 1,001 st in 2013reached height of its popularity in 1964 , when it was ranked 16thmeanwhile , names including dexter and jenson are now in the top 100\n", + "[1.1157959 1.4606873 1.2818123 1.3173842 1.37058 1.0722021 1.0727665\n", + " 1.0711775 1.0526252 1.2030606 1.0808916 1.1189528 1.0722828 1.0659083\n", + " 1.0255562 1.0198249 1.0102922 1.0070717 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 2 9 11 0 10 6 12 5 7 13 8 14 15 16 17 19 18 20]\n", + "=======================\n", + "[\"forty-five per cent of britons have lied about their earnings , spending , bills or credit cards .and 41 per cent said they were in the dark about their partner 's finances .the research by financial guide money advice service also found that 24 per cent lied to their partners about what they spend on themselves .\"]\n", + "=======================\n", + "[\"poll found 45 per cent of briton lied about their spending to their partnerone in four people do n't admit how much they really spend on themselvesfinances ` should not be a taboo subject ' urges money advice service\"]\n", + "forty-five per cent of britons have lied about their earnings , spending , bills or credit cards .and 41 per cent said they were in the dark about their partner 's finances .the research by financial guide money advice service also found that 24 per cent lied to their partners about what they spend on themselves .\n", + "poll found 45 per cent of briton lied about their spending to their partnerone in four people do n't admit how much they really spend on themselvesfinances ` should not be a taboo subject ' urges money advice service\n", + "[1.2401271 1.5819757 1.2575903 1.3585765 1.3011644 1.0701318 1.0343179\n", + " 1.0277617 1.0331953 1.0151721 1.0144811 1.0255136 1.0205516 1.1700515\n", + " 1.0732592 1.2351394 1.0451477 1.0398239 1.0393865 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 15 13 14 5 16 17 18 6 8 7 11 12 9 10 19 20]\n", + "=======================\n", + "[\"curt almond , 26 , from bristol , spent at least # 40 a week buying new calvin klein boxers so that he could slip into a new ` crisp pair ' every day of the week .addicted : nando 's manager curt almond almost landed himself in debt after forking out # 2,000 on a bizarre addiction which meant he had to wear new underpants every daybut after wiping out most of his savings , mr almond realised that it was ` bankruptcy or boxers ' - and that he needed to wean himself off his addiction .\"]\n", + "=======================\n", + "[\"curt almond , from bristol , spent # 40 per week on new calvin klein boxersduring a year-long addiction , mr almond forked out # 2,000 on 365 pairshe threw them away after one wear so he could enjoy ` crisp pair ' each daymr almond , 26 , forced to curb habit after craze almost landed him in debt\"]\n", + "curt almond , 26 , from bristol , spent at least # 40 a week buying new calvin klein boxers so that he could slip into a new ` crisp pair ' every day of the week .addicted : nando 's manager curt almond almost landed himself in debt after forking out # 2,000 on a bizarre addiction which meant he had to wear new underpants every daybut after wiping out most of his savings , mr almond realised that it was ` bankruptcy or boxers ' - and that he needed to wean himself off his addiction .\n", + "curt almond , from bristol , spent # 40 per week on new calvin klein boxersduring a year-long addiction , mr almond forked out # 2,000 on 365 pairshe threw them away after one wear so he could enjoy ` crisp pair ' each daymr almond , 26 , forced to curb habit after craze almost landed him in debt\n", + "[1.0998217 1.0529529 1.0350457 1.3435287 1.3235526 1.0777152 1.0671827\n", + " 1.0343038 1.0726979 1.256047 1.2429202 1.051146 1.1681494 1.1598065\n", + " 1.0508481 1.1728619 1.0399461 1.0233492 1.0391761 0. 0. ]\n", + "\n", + "[ 3 4 9 10 15 12 13 0 5 8 6 1 11 14 16 18 2 7 17 19 20]\n", + "=======================\n", + "['helen flanagan stepped out recently to show off her burgeoning bump in a slinky clinging dress , red lips and heels , confirming that when it comes to maternity style there are distinctive camps .then and now : helen flanagan has changed her style dramatically for the birth of her first childdanielle lloyd , 31 , is another star who modified her wardrobe for the pregnancy of her third child in 2013']\n", + "=======================\n", + "[\"kate middleton is expecting her second child in the next weekin her first pregnancy , she chose to cover up bump with stylish coatssome choose comfort over style , while others ignore they 're pregnant at allkim kardashian remained glamorous in strappy heels and tight dresses\"]\n", + "helen flanagan stepped out recently to show off her burgeoning bump in a slinky clinging dress , red lips and heels , confirming that when it comes to maternity style there are distinctive camps .then and now : helen flanagan has changed her style dramatically for the birth of her first childdanielle lloyd , 31 , is another star who modified her wardrobe for the pregnancy of her third child in 2013\n", + "kate middleton is expecting her second child in the next weekin her first pregnancy , she chose to cover up bump with stylish coatssome choose comfort over style , while others ignore they 're pregnant at allkim kardashian remained glamorous in strappy heels and tight dresses\n", + "[1.514888 1.3959514 1.1867765 1.458798 1.219794 1.0465587 1.0219438\n", + " 1.0336409 1.1421024 1.0266323 1.0130117 1.051269 1.0121485 1.0124156\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 8 11 5 7 9 6 10 13 12 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"skipper john o'shea has challenged sunderland to keep their fate in their own hands by securing a fifth successive derby victory over newcastle .john o'shea , pictured playing for ireland at the weekend , wants a fifth straight derby win against newcastlethe wear-tyne rivals meet at the stadium of light on sunday with sunderland having won the last four meetings , but in grave need of three points to ease themselves away from the developing battle for barclays premier league survival .\"]\n", + "=======================\n", + "[\"sunderland face newcastle in the tyne-wear deerby on sundaycaptain john o'shea has targeted a fifth successive win over rivalsblack cats are in danger of falling into relegation zone over easter\"]\n", + "skipper john o'shea has challenged sunderland to keep their fate in their own hands by securing a fifth successive derby victory over newcastle .john o'shea , pictured playing for ireland at the weekend , wants a fifth straight derby win against newcastlethe wear-tyne rivals meet at the stadium of light on sunday with sunderland having won the last four meetings , but in grave need of three points to ease themselves away from the developing battle for barclays premier league survival .\n", + "sunderland face newcastle in the tyne-wear deerby on sundaycaptain john o'shea has targeted a fifth successive win over rivalsblack cats are in danger of falling into relegation zone over easter\n", + "[1.1373856 1.4670074 1.178066 1.158256 1.0110753 1.0133446 1.0201674\n", + " 1.0430564 1.084292 1.0390059 1.0665329 1.040079 1.2833346 1.0380741\n", + " 1.0275246 1.0253286 1.0240642 1.0504595 1.027889 1.0226626 1.0583377]\n", + "\n", + "[ 1 12 2 3 0 8 10 20 17 7 11 9 13 18 14 15 16 19 6 5 4]\n", + "=======================\n", + "['the bbc is to air a two-hour , real-time documentary following a canalboat as it pootles its way along a british waterway at a leisurely 4mph .the film was shot on a sunny day last month and will air on may 5 as part of the bbc four goes slow series of deliberately unrushed programmes .for many , the languid film will be as interesting as watching paint dry , but the corporation hopes many viewers will find it a refreshing change from the usual frenetic pace of modern tv .']\n", + "=======================\n", + "[\"the bbc is set to air a two-hour , real-time documentary following a boatfor many , the languid film will be as interesting as watching paint drycorporation hopes it 'll be a change of pace from usual frenetic pace of tv\"]\n", + "the bbc is to air a two-hour , real-time documentary following a canalboat as it pootles its way along a british waterway at a leisurely 4mph .the film was shot on a sunny day last month and will air on may 5 as part of the bbc four goes slow series of deliberately unrushed programmes .for many , the languid film will be as interesting as watching paint dry , but the corporation hopes many viewers will find it a refreshing change from the usual frenetic pace of modern tv .\n", + "the bbc is set to air a two-hour , real-time documentary following a boatfor many , the languid film will be as interesting as watching paint drycorporation hopes it 'll be a change of pace from usual frenetic pace of tv\n", + "[1.0542188 1.1990734 1.2598212 1.3265437 1.2353458 1.2215178 1.0896401\n", + " 1.1998249 1.0414453 1.0958307 1.1769041 1.0664244 1.1018887 1.0701746\n", + " 1.0805972 1.0742241 1.0086226 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 4 5 7 1 10 12 9 6 14 15 13 11 0 8 16 17 18 19 20]\n", + "=======================\n", + "['london-based keyboard app firm swiftkey analysed more than one billion sets of emoji data to learn how 16 different languages and regions use emoji .study found that the french are the most loved-up , sending more hearts than any other region , while australians use double the average amount of alcohol-themed emoji .happy faces , including winks , kisses , smiles and grins were the most popular across all regions , making up 45 per cent of all the messages studied']\n", + "=======================\n", + "['swiftkey analysed one billion sets of emoji data across 60 categoriesus uses lgbt emoji - such as men holding hands - 30 % more than averagerussians use three times more romantic emoji including the kiss markwhile australians use double the average amount of alcohol-themed emoji']\n", + "london-based keyboard app firm swiftkey analysed more than one billion sets of emoji data to learn how 16 different languages and regions use emoji .study found that the french are the most loved-up , sending more hearts than any other region , while australians use double the average amount of alcohol-themed emoji .happy faces , including winks , kisses , smiles and grins were the most popular across all regions , making up 45 per cent of all the messages studied\n", + "swiftkey analysed one billion sets of emoji data across 60 categoriesus uses lgbt emoji - such as men holding hands - 30 % more than averagerussians use three times more romantic emoji including the kiss markwhile australians use double the average amount of alcohol-themed emoji\n", + "[1.0837964 1.3053944 1.2940626 1.0804136 1.1655097 1.2076048 1.2035975\n", + " 1.2012738 1.0275718 1.0685387 1.1234702 1.0662245 1.1173774 1.132932\n", + " 1.0240088 1.0711911 1.0420245 1.0367712 1.065978 1.0553616 1.0556265]\n", + "\n", + "[ 1 2 5 6 7 4 13 10 12 0 3 15 9 11 18 20 19 16 17 8 14]\n", + "=======================\n", + "[\"that 's apparently what happened in tulsa , oklahoma , when a 73-year-old reserve deputy , robert bates , killed eric harris .bates said he meant to use his stun gun but ended up firing his handgun instead .in a well-publicized 2009 case , a bay area rapid transit police officer fired his gun instead of his taser , killing 22-year-old oscar grant in oakland , california .\"]\n", + "=======================\n", + "['attorney : robert bates assumed the gun was a taser because he saw a laser sight on itharris family lawyers say there are stark differences between the gun and taser usedin 2009 , an officer in california also said he mistakenly used his gun instead of a taser']\n", + "that 's apparently what happened in tulsa , oklahoma , when a 73-year-old reserve deputy , robert bates , killed eric harris .bates said he meant to use his stun gun but ended up firing his handgun instead .in a well-publicized 2009 case , a bay area rapid transit police officer fired his gun instead of his taser , killing 22-year-old oscar grant in oakland , california .\n", + "attorney : robert bates assumed the gun was a taser because he saw a laser sight on itharris family lawyers say there are stark differences between the gun and taser usedin 2009 , an officer in california also said he mistakenly used his gun instead of a taser\n", + "[1.0533733 1.1206908 1.4930346 1.0601988 1.0501875 1.2532067 1.236809\n", + " 1.1053443 1.128416 1.139444 1.0419844 1.0578266 1.0654557 1.0420709\n", + " 1.1273569 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 5 6 9 8 14 1 7 12 3 11 0 4 13 10 15 16 17 18 19 20]\n", + "=======================\n", + "[\"punting analyst mike steward has outlined an approach , known in gambling parlance as the martingale betting strategy.the staking plan is outlined in the table below , but seems simple enough to follow for even a first-time two up player .scenes like these will be repeated across australia on anzac day this saturday , heaving crowds of punters betting on the toss of coins in games of two uptwo up is one of australia 's longest lasting traditions , it dates back to australia 's goldfields and the first recorded games are believed to have taken place in the late 1790s .\"]\n", + "=======================\n", + "[\"punting aces say they have found a way to beat the odds in australia 's iconic game of chanceif you lose a bet then keep doubling up until the coins fall your waygambling experts say it is not vital to stick to your original callmost rsls and pubs across australia will feature games of two upthe game of two up can be traced back to the 1790s\"]\n", + "punting analyst mike steward has outlined an approach , known in gambling parlance as the martingale betting strategy.the staking plan is outlined in the table below , but seems simple enough to follow for even a first-time two up player .scenes like these will be repeated across australia on anzac day this saturday , heaving crowds of punters betting on the toss of coins in games of two uptwo up is one of australia 's longest lasting traditions , it dates back to australia 's goldfields and the first recorded games are believed to have taken place in the late 1790s .\n", + "punting aces say they have found a way to beat the odds in australia 's iconic game of chanceif you lose a bet then keep doubling up until the coins fall your waygambling experts say it is not vital to stick to your original callmost rsls and pubs across australia will feature games of two upthe game of two up can be traced back to the 1790s\n", + "[1.2319684 1.4839988 1.2865837 1.3266628 1.3126392 1.1694939 1.0548502\n", + " 1.0200037 1.11092 1.0509354 1.086088 1.0547757 1.0568303 1.0806216\n", + " 1.2023822 1.082462 1.0460136 1.0118281 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 14 5 8 10 15 13 12 6 11 9 16 7 17 19 18 20]\n", + "=======================\n", + "[\"the 75-year-old man reportedly believes he accidentally stood on the saltwater crocodile while looking from his golf ball near the 11th hole at the palmer sea reef golf course at port douglas in far north queensland .the victim received a deep laceration to his shin and puncture wounds to his calf .the elderly man drove himself back to the clubhouse in a buggy after the 1.2 metre reptile ` nipped ' him , according to the courier mail .\"]\n", + "=======================\n", + "['an elderly man has reportedly been attacked by a crocodile in queenslandthe man was playing golf at the palmer sea reef golf course on mondaygolf owner clive palmer sent his well wishes to the man after the attackparamedics treated the man who suffered a bite wound to his lower leghe has been taken to mossiman district hospital in a stable condition']\n", + "the 75-year-old man reportedly believes he accidentally stood on the saltwater crocodile while looking from his golf ball near the 11th hole at the palmer sea reef golf course at port douglas in far north queensland .the victim received a deep laceration to his shin and puncture wounds to his calf .the elderly man drove himself back to the clubhouse in a buggy after the 1.2 metre reptile ` nipped ' him , according to the courier mail .\n", + "an elderly man has reportedly been attacked by a crocodile in queenslandthe man was playing golf at the palmer sea reef golf course on mondaygolf owner clive palmer sent his well wishes to the man after the attackparamedics treated the man who suffered a bite wound to his lower leghe has been taken to mossiman district hospital in a stable condition\n", + "[1.1709179 1.3126636 1.3718137 1.23276 1.303956 1.162147 1.1600133\n", + " 1.0774821 1.0473639 1.0568355 1.063598 1.0336635 1.0279819 1.0290698\n", + " 1.0174068 1.0312485 1.0204861 1.0130903 1.019313 1.0248494 0. ]\n", + "\n", + "[ 2 1 4 3 0 5 6 7 10 9 8 11 15 13 12 19 16 18 14 17 20]\n", + "=======================\n", + "[\"the short film has been developed on an oculus rift - a virtual reality headset - by italy 's university of udine 's hci lab .a dramatic virtual environment has been created using a headset that shows how passengers would survive a plane crash landing on water .this is one safety video you wo n't be able to take your eyes off .\"]\n", + "=======================\n", + "['simulation available on oculus rift shows plane crashing on watercries , screams and shouting heard as plane rapidly descendsshows what happens if you make attempts to grab your luggagebased on actual incident in 2009 when u.s. airways airbus a320 made successful landing in hudson river with no casualties']\n", + "the short film has been developed on an oculus rift - a virtual reality headset - by italy 's university of udine 's hci lab .a dramatic virtual environment has been created using a headset that shows how passengers would survive a plane crash landing on water .this is one safety video you wo n't be able to take your eyes off .\n", + "simulation available on oculus rift shows plane crashing on watercries , screams and shouting heard as plane rapidly descendsshows what happens if you make attempts to grab your luggagebased on actual incident in 2009 when u.s. airways airbus a320 made successful landing in hudson river with no casualties\n", + "[1.0499773 1.1178522 1.103574 1.3370712 1.2093302 1.1421313 1.1269442\n", + " 1.0888098 1.0330824 1.0938283 1.0408982 1.0485834 1.0319654 1.0400565\n", + " 1.0551703 1.0815821 1.0150493 1.101663 1.0248029 1.0312084]\n", + "\n", + "[ 3 4 5 6 1 2 17 9 7 15 14 0 11 10 13 8 12 19 18 16]\n", + "=======================\n", + "[\"the island is known for its zesty spices and self-sufficiency - the only food it imports is milk .heading west : rosemary spent a week on grenada , where fresh foodstuffs like cocoa fruit are easily availablemeat and fish are plentiful and , because the soil is very fertile , the vegetables , fruit and salads are the glossiest you 'll ever see .\"]\n", + "=======================\n", + "[\"grenada is known as the ` island of spice ' , and is full of foodie flavourscelebrity chef rosemary shrager spent a week on the caribbean islandfavourite local dishes include goat 's cheese and salt fish fritters\"]\n", + "the island is known for its zesty spices and self-sufficiency - the only food it imports is milk .heading west : rosemary spent a week on grenada , where fresh foodstuffs like cocoa fruit are easily availablemeat and fish are plentiful and , because the soil is very fertile , the vegetables , fruit and salads are the glossiest you 'll ever see .\n", + "grenada is known as the ` island of spice ' , and is full of foodie flavourscelebrity chef rosemary shrager spent a week on the caribbean islandfavourite local dishes include goat 's cheese and salt fish fritters\n", + "[1.0749006 1.0755484 1.1679882 1.2447311 1.1446649 1.1198584 1.1521716\n", + " 1.1105525 1.0879529 1.1197728 1.083828 1.0791638 1.0513377 1.0531143\n", + " 1.0160756 1.0131534 1.0347943 1.042957 1.0222553 1.0169426]\n", + "\n", + "[ 3 2 6 4 5 9 7 8 10 11 1 0 13 12 17 16 18 19 14 15]\n", + "=======================\n", + "['for \" mad men , \" the \" end of an era , \" as its slogan has it , begins sunday .for the 1960s , the end arrived with -- depending on your ideals and your tribe -- either the rolling stones \\' altamont fiasco in december 1969 , the kent state shootings in may 1970 or richard nixon \\'s 1972 re-election .don draper , the creative director played by jon hamm , has become a symbol of the times -- his and , sometimes , ours .']\n", + "=======================\n", + "['\" mad men \\'s \" final seven episodes begin airing april 5the show has never had high ratings but is considered one of the great tv seriesit \\'s unknown what will happen to characters , but we can always guess']\n", + "for \" mad men , \" the \" end of an era , \" as its slogan has it , begins sunday .for the 1960s , the end arrived with -- depending on your ideals and your tribe -- either the rolling stones ' altamont fiasco in december 1969 , the kent state shootings in may 1970 or richard nixon 's 1972 re-election .don draper , the creative director played by jon hamm , has become a symbol of the times -- his and , sometimes , ours .\n", + "\" mad men 's \" final seven episodes begin airing april 5the show has never had high ratings but is considered one of the great tv seriesit 's unknown what will happen to characters , but we can always guess\n", + "[1.2678465 1.1306307 1.2611288 1.2011558 1.1327763 1.1722411 1.0791622\n", + " 1.2317681 1.0559498 1.0252345 1.0116202 1.0723711 1.1002568 1.0815651\n", + " 1.0515255 1.0110315 1.0210708 1.1632587 0. 0. ]\n", + "\n", + "[ 0 2 7 3 5 17 4 1 12 13 6 11 8 14 9 16 10 15 18 19]\n", + "=======================\n", + "['with a net worth of # 260million , hollywood power couple brad pitt and angelina jolie are in no danger of having to endure a night at the holiday inn .there have even been reports that brangelina , and their six children , have shut down whole hotel floors and chartering entire trains for a bit of privacy .but the couple , whose combined salary comes from starring in over seventy box office hits , often opt for surprisingly low key accommodation , affordable for mere mortals like the rest of us .']\n", + "=======================\n", + "[\"globe trotting couple do n't always opt for super exclusive design hotelsdespite their millions brangelina often stay in affordable accommodationlist includes hilton , park hyatt , intercontinental and hard rock hotels\"]\n", + "with a net worth of # 260million , hollywood power couple brad pitt and angelina jolie are in no danger of having to endure a night at the holiday inn .there have even been reports that brangelina , and their six children , have shut down whole hotel floors and chartering entire trains for a bit of privacy .but the couple , whose combined salary comes from starring in over seventy box office hits , often opt for surprisingly low key accommodation , affordable for mere mortals like the rest of us .\n", + "globe trotting couple do n't always opt for super exclusive design hotelsdespite their millions brangelina often stay in affordable accommodationlist includes hilton , park hyatt , intercontinental and hard rock hotels\n", + "[1.2942728 1.5332599 1.0879076 1.3261604 1.0727755 1.1393454 1.0177317\n", + " 1.117351 1.1100757 1.233504 1.109801 1.0489717 1.1131985 1.0492374\n", + " 1.0623797 1.0826527 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 9 5 7 12 8 10 2 15 4 14 13 11 6 18 16 17 19]\n", + "=======================\n", + "['the eight-inch leather dildo with a wooden head was discovered during an excavation at an old school of swordsmanship in the coastal city of gdansk .a 250-year-old sex toy has been found by archaeologists during a dig of an ancient toilet in poland .it was probably dropped by someone in the toilet .']\n", + "=======================\n", + "['the 250-year-old toy was made from leather with a wooden headit was found during excavation of an ancient toilet in gdanskarchaeologists also discovered swords during the dig']\n", + "the eight-inch leather dildo with a wooden head was discovered during an excavation at an old school of swordsmanship in the coastal city of gdansk .a 250-year-old sex toy has been found by archaeologists during a dig of an ancient toilet in poland .it was probably dropped by someone in the toilet .\n", + "the 250-year-old toy was made from leather with a wooden headit was found during excavation of an ancient toilet in gdanskarchaeologists also discovered swords during the dig\n", + "[1.4112227 1.2210113 1.3352473 1.2053303 1.1684314 1.2179531 1.1312077\n", + " 1.1033632 1.0575839 1.1101611 1.0767207 1.0259477 1.0303761 1.0654736\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 5 3 4 6 9 7 10 13 8 12 11 18 14 15 16 17 19]\n", + "=======================\n", + "[\"deputy pm nick clegg said control of the department for education would be a key demand of any new power-sharing dealmr gove was demoted from running the ministry in last year 's cabinet reshuffle to become tory chief whip .mr clegg said he wanted to avoid a repeat of battling against the ` ideological gimmicks ' of mr gove , who was the first tory education secretary when the coalition was formed in 2010 .\"]\n", + "=======================\n", + "[\"lib dem leader makes a promise to take ` politics out of the classroom 'in last government lib dems ran business , energy and scotlandbut clegg reveals plan to demand control of major public policy areaaccuses tory minister michael gove of imposing ` ideological gimmicks '\"]\n", + "deputy pm nick clegg said control of the department for education would be a key demand of any new power-sharing dealmr gove was demoted from running the ministry in last year 's cabinet reshuffle to become tory chief whip .mr clegg said he wanted to avoid a repeat of battling against the ` ideological gimmicks ' of mr gove , who was the first tory education secretary when the coalition was formed in 2010 .\n", + "lib dem leader makes a promise to take ` politics out of the classroom 'in last government lib dems ran business , energy and scotlandbut clegg reveals plan to demand control of major public policy areaaccuses tory minister michael gove of imposing ` ideological gimmicks '\n", + "[1.2182045 1.5282636 1.2768124 1.3674471 1.3815815 1.0456626 1.0557865\n", + " 1.0260767 1.0242311 1.0664518 1.039518 1.0164518 1.0137298 1.1304898\n", + " 1.048617 1.2311689 1.040059 1.0638411 0. 0. ]\n", + "\n", + "[ 1 4 3 2 15 0 13 9 17 6 14 5 16 10 7 8 11 12 18 19]\n", + "=======================\n", + "[\"domanik green , 14 , has been accused of accessing the staff member 's laptop at paul r. smith middle school in holiday , florida , without permission by using an administrator 's password to alter the image to two men kissing .he was arrested on wednesday and detained at the land o'lakes detention center until he was released into the custody of his mother later the same day .the pasco county sheriff 's office have claimed he illicitly made his way into the encrypted system , had access to personal files and could have altered his classmates ' grades , but the youngster maintains it was an innocent prank .\"]\n", + "=======================\n", + "[\"domanik green , 14 , altered the background on the laptop at paul r. smith middle school in holiday , floridapasco county sheriff 's office said he hacked into an encrypted systemyoungster had access to tests and could have altered classmates ' gradeshe has been charged with a 3rd degree felony and has been suspended from school for 10 days\"]\n", + "domanik green , 14 , has been accused of accessing the staff member 's laptop at paul r. smith middle school in holiday , florida , without permission by using an administrator 's password to alter the image to two men kissing .he was arrested on wednesday and detained at the land o'lakes detention center until he was released into the custody of his mother later the same day .the pasco county sheriff 's office have claimed he illicitly made his way into the encrypted system , had access to personal files and could have altered his classmates ' grades , but the youngster maintains it was an innocent prank .\n", + "domanik green , 14 , altered the background on the laptop at paul r. smith middle school in holiday , floridapasco county sheriff 's office said he hacked into an encrypted systemyoungster had access to tests and could have altered classmates ' gradeshe has been charged with a 3rd degree felony and has been suspended from school for 10 days\n", + "[1.3936704 1.3273728 1.2134019 1.0830718 1.3388631 1.1777774 1.0817292\n", + " 1.0843487 1.1146295 1.0592933 1.1215862 1.1054878 1.0506628 1.0118043\n", + " 1.1269826 1.155586 1.0177788 1.0242608 1.0094625 1.0511467]\n", + "\n", + "[ 0 4 1 2 5 15 14 10 8 11 7 3 6 9 19 12 17 16 13 18]\n", + "=======================\n", + "['arnold palmer defied his age and a shoulder injury to hit the ceremonial opening drive of the 79th masters and provide the first storyline at augusta national this year .palmer , the seven-time major champion and now 85 years old , has been struggling in his recovery from a dislocated shoulder , which kept him out of the par 3 contest on wednesday .but he ignored the pain to take his place alongside jack nicklaus and gary player as the honorary starters on thursday morning .']\n", + "=======================\n", + "['arnold palmer has been struggling with a shoulder injurybut the 85-year-old legend hit the first drive of the 2015 mastersgary player , 79 , and jack nicklaus , 75 , also hit ceremonial opening drivesplayer took the bragging rights with a 240-yard tee shotclick here for the masters 2015 leaderboard']\n", + "arnold palmer defied his age and a shoulder injury to hit the ceremonial opening drive of the 79th masters and provide the first storyline at augusta national this year .palmer , the seven-time major champion and now 85 years old , has been struggling in his recovery from a dislocated shoulder , which kept him out of the par 3 contest on wednesday .but he ignored the pain to take his place alongside jack nicklaus and gary player as the honorary starters on thursday morning .\n", + "arnold palmer has been struggling with a shoulder injurybut the 85-year-old legend hit the first drive of the 2015 mastersgary player , 79 , and jack nicklaus , 75 , also hit ceremonial opening drivesplayer took the bragging rights with a 240-yard tee shotclick here for the masters 2015 leaderboard\n", + "[1.2473373 1.2811804 1.2046843 1.3286322 1.1904671 1.0717939 1.0204128\n", + " 1.0968205 1.1280731 1.0710108 1.077489 1.0934039 1.035517 1.0758189\n", + " 1.0486805 1.0142702 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 2 4 8 7 11 10 13 5 9 14 12 6 15 16 17 18 19]\n", + "=======================\n", + "['experts from centre for international research in the humanities and social sciences ( cirhus ) in new york city studied neolithic ornaments ( pictured ) to understand how farming spread .but northern europeans during the neolithic period , initially rejected the practice of farming , which was spreading throughout the rest of the continent , researchers claim .the first farmers came to europe 8,000 years ago and spread early agricultural practices , starting in greece .']\n", + "=======================\n", + "['experts from centre for international research in the humanities and social sciences ( cirhus ) in new york city studied neolithic ornamentsnecklaces made from shells and teeth date from 5,000 to 8,000 years agospread of early jewellery found to correspond to the spread of farmingexperts found farming spread more quickly in southern europe than north']\n", + "experts from centre for international research in the humanities and social sciences ( cirhus ) in new york city studied neolithic ornaments ( pictured ) to understand how farming spread .but northern europeans during the neolithic period , initially rejected the practice of farming , which was spreading throughout the rest of the continent , researchers claim .the first farmers came to europe 8,000 years ago and spread early agricultural practices , starting in greece .\n", + "experts from centre for international research in the humanities and social sciences ( cirhus ) in new york city studied neolithic ornamentsnecklaces made from shells and teeth date from 5,000 to 8,000 years agospread of early jewellery found to correspond to the spread of farmingexperts found farming spread more quickly in southern europe than north\n", + "[1.2767751 1.272575 1.1969671 1.2593973 1.1805366 1.2077454 1.1055827\n", + " 1.1004561 1.1860276 1.0581738 1.048637 1.0939174 1.0237544 1.0514867\n", + " 1.0614444 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 5 2 8 4 6 7 11 14 9 13 10 12 18 15 16 17 19]\n", + "=======================\n", + "[\"a family overheard a terrifying message on their young son 's baby monitor after the device and its camera were hacked .when the washington couple 's three-year-old had first began complaining of someone talking to him at night , his parents had put it down to their toddler 's over-active imagination , reported cbs new york .they believe the stranger has also got into the camera on the device .\"]\n", + "=======================\n", + "[\"washington couple 's son began complaining of someone talking to himone night they heard : ` wake up little boy daddy 's looking for you 'also believe hacker has infiltrated the device 's camera to watch their sontech experts warned baby monitors linked to internet are more vulnerable\"]\n", + "a family overheard a terrifying message on their young son 's baby monitor after the device and its camera were hacked .when the washington couple 's three-year-old had first began complaining of someone talking to him at night , his parents had put it down to their toddler 's over-active imagination , reported cbs new york .they believe the stranger has also got into the camera on the device .\n", + "washington couple 's son began complaining of someone talking to himone night they heard : ` wake up little boy daddy 's looking for you 'also believe hacker has infiltrated the device 's camera to watch their sontech experts warned baby monitors linked to internet are more vulnerable\n", + "[1.2761304 1.2225242 1.2892748 1.1093763 1.2193177 1.2622261 1.1289556\n", + " 1.0558947 1.0768174 1.1126145 1.0801312 1.0529795 1.0194802 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 5 1 4 6 9 3 10 8 7 11 12 18 13 14 15 16 17 19]\n", + "=======================\n", + "['in 2013 , he was diagnosed with a tumor in his esophagus that had spread to his lymph nodes and began treatment .the rev. robert h. schuller , the southern california televangelist and author who beamed his upbeat messages on faith and redemption to millions from his landmark crystal cathedral only to see his empire crumble in his waning years , has died .schuller died early thursday at a care facility in artesia , daughter carol schuller milner said .']\n", + "=======================\n", + "[\"the rev. robert h. schuller died early thursday at a care facility in artesia , daughter carol schuller milner saidhe and his late wife started a ministry in 1955 with $ 500 when he began preaching from the roof of a concession stand at a drive-in movie theater southeast of los angelesby 1961 , the church had a brick-and-mortar home -- a ` walk-in/drive-in church ' -- and schuller began broadcasting the ` hour of power ' in 1970in 1980 , he built the towering glass-and-steel crystal cathedral to house his booming tv ministryat its peak , in the 1990s , the program had 20 million viewers in about 180 countries\"]\n", + "in 2013 , he was diagnosed with a tumor in his esophagus that had spread to his lymph nodes and began treatment .the rev. robert h. schuller , the southern california televangelist and author who beamed his upbeat messages on faith and redemption to millions from his landmark crystal cathedral only to see his empire crumble in his waning years , has died .schuller died early thursday at a care facility in artesia , daughter carol schuller milner said .\n", + "the rev. robert h. schuller died early thursday at a care facility in artesia , daughter carol schuller milner saidhe and his late wife started a ministry in 1955 with $ 500 when he began preaching from the roof of a concession stand at a drive-in movie theater southeast of los angelesby 1961 , the church had a brick-and-mortar home -- a ` walk-in/drive-in church ' -- and schuller began broadcasting the ` hour of power ' in 1970in 1980 , he built the towering glass-and-steel crystal cathedral to house his booming tv ministryat its peak , in the 1990s , the program had 20 million viewers in about 180 countries\n", + "[1.3615042 1.4960823 1.2801746 1.0582601 1.0573243 1.0725266 1.02716\n", + " 1.162202 1.1513907 1.0686675 1.2794938 1.2176472 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 10 11 7 8 5 9 3 4 6 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"gunners goalkeeper deyan iliev was sent off inside 15 minutes after he scythed down boro 's harry chapman in the box , having failed to clear george dobson 's back pass .despite their best efforts , a 10-man arsenal under-21s side fell to a 3-2 defeat by middlesbrough at the riverside stadium on monday night .emmanuel ledesma converted the resulting penalty past substitute stopper matt macey .\"]\n", + "=======================\n", + "['arsenal under-21s fell to a 3-2 defeat at middlesbrough on monday nightthe gunners had goalkeeper deyan iliev sent off early onhe had brought down harry chapman in the box and a penalty was givenemmanuel ledesma scored from the spot before alex iwobi equalisedboro scored two first-half screamers to lead 3-1 through lewis maloney and yanic wildschut before daniel crowley scored on the hour mark']\n", + "gunners goalkeeper deyan iliev was sent off inside 15 minutes after he scythed down boro 's harry chapman in the box , having failed to clear george dobson 's back pass .despite their best efforts , a 10-man arsenal under-21s side fell to a 3-2 defeat by middlesbrough at the riverside stadium on monday night .emmanuel ledesma converted the resulting penalty past substitute stopper matt macey .\n", + "arsenal under-21s fell to a 3-2 defeat at middlesbrough on monday nightthe gunners had goalkeeper deyan iliev sent off early onhe had brought down harry chapman in the box and a penalty was givenemmanuel ledesma scored from the spot before alex iwobi equalisedboro scored two first-half screamers to lead 3-1 through lewis maloney and yanic wildschut before daniel crowley scored on the hour mark\n", + "[1.1933745 1.4128413 1.3049464 1.3593576 1.1170632 1.1123556 1.090425\n", + " 1.2111214 1.0861144 1.065882 1.0737916 1.0474074 1.0419343 1.1332651\n", + " 1.0479447 1.0556023 1.0303103 1.0510596 1.0952275 1.0543844]\n", + "\n", + "[ 1 3 2 7 0 13 4 5 18 6 8 10 9 15 19 17 14 11 12 16]\n", + "=======================\n", + "[\"one house was filmed as it was carried along a street in dungog , in the hunter valley , north of sydney .a house in dungog in nsw 's hunter valley is seen washing away and was captured on a smartphonea dungog resident filmed the half-submerged property drifting down the main drag as floodwater laps at its sides on his smartphone .\"]\n", + "=======================\n", + "[\"a house in dungog , in nsw 's hunter valley , is filmed being swept away by floodwaterthe footage , taken on a camera phone , shows the house narrowly avoiding power lines as it travels through the wild watera local dungog woman described how she had minutes to evacuate from the propertyin another incident , a second house was seen floating on a nearby lake\"]\n", + "one house was filmed as it was carried along a street in dungog , in the hunter valley , north of sydney .a house in dungog in nsw 's hunter valley is seen washing away and was captured on a smartphonea dungog resident filmed the half-submerged property drifting down the main drag as floodwater laps at its sides on his smartphone .\n", + "a house in dungog , in nsw 's hunter valley , is filmed being swept away by floodwaterthe footage , taken on a camera phone , shows the house narrowly avoiding power lines as it travels through the wild watera local dungog woman described how she had minutes to evacuate from the propertyin another incident , a second house was seen floating on a nearby lake\n", + "[1.4575055 1.2339599 1.5045292 1.249823 1.1555896 1.073966 1.1734656\n", + " 1.1154178 1.0396906 1.0243337 1.0213751 1.0320066 1.0242146 1.0573527\n", + " 1.0657609 1.0559942 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 1 6 4 7 5 14 13 15 8 11 9 12 10 18 16 17 19]\n", + "=======================\n", + "[\"rajul patel , 35 , targeted wealthy victims as they worked out at virgin active health clubs across london after obtaining memberships using the stolen driving licence of a gym-going doctor .rajul patel ( pictured ) has been jailed for stealing # 30,000 worth of jewellery and valuables from members of gyms across londonin one spree , patel stole a man 's platinum wedding ring , first-year anniversary ring , and a 40th birthday bracelet , isleworth crown court was told .\"]\n", + "=======================\n", + "['rajul patel stole # 30,000 worth of valuables from london gym memberstoday he was jailed for 32 months for carrying out eight burglaries in 2014the married father-of-one took wedding rings , phones and rolex watcheshe was caught when he returned to locker room just after starting workoutpatel tried to escape arrest by hiding behind a clothes rack in nearby shop']\n", + "rajul patel , 35 , targeted wealthy victims as they worked out at virgin active health clubs across london after obtaining memberships using the stolen driving licence of a gym-going doctor .rajul patel ( pictured ) has been jailed for stealing # 30,000 worth of jewellery and valuables from members of gyms across londonin one spree , patel stole a man 's platinum wedding ring , first-year anniversary ring , and a 40th birthday bracelet , isleworth crown court was told .\n", + "rajul patel stole # 30,000 worth of valuables from london gym memberstoday he was jailed for 32 months for carrying out eight burglaries in 2014the married father-of-one took wedding rings , phones and rolex watcheshe was caught when he returned to locker room just after starting workoutpatel tried to escape arrest by hiding behind a clothes rack in nearby shop\n", + "[1.2782166 1.3227994 1.2152027 1.2612022 1.0963049 1.1424805 1.0586641\n", + " 1.1122715 1.0339596 1.1039248 1.061614 1.0716726 1.0930406 1.0519515\n", + " 1.0394574 1.0486708 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 5 7 9 4 12 11 10 6 13 15 14 8 18 16 17 19]\n", + "=======================\n", + "['lifetime has its follow-up to its \" unauthorized saved by the bell \" tv movie : the network is now taking on full house .( cnn ) have mercy !the female-skewing cable network has greenlit \" the unauthorized full house story \" ( working title ) , the hollywood reporter has learned .']\n", + "=======================\n", + "['the network has reportedly greenlit the tell-alllifetime previously did an unauthorized movie on \" saved by the bell \"']\n", + "lifetime has its follow-up to its \" unauthorized saved by the bell \" tv movie : the network is now taking on full house .( cnn ) have mercy !the female-skewing cable network has greenlit \" the unauthorized full house story \" ( working title ) , the hollywood reporter has learned .\n", + "the network has reportedly greenlit the tell-alllifetime previously did an unauthorized movie on \" saved by the bell \"\n", + "[1.5950676 1.3422332 1.2902894 1.1208758 1.0330466 1.0319839 1.488447\n", + " 1.0228306 1.0331662 1.0195224 1.026221 1.0299369 1.0162734 1.0958979\n", + " 1.1062068 1.085362 1.0108151 1.0134702 1.0178981 0. ]\n", + "\n", + "[ 0 6 1 2 3 14 13 15 8 4 5 11 10 7 9 18 12 17 16 19]\n", + "=======================\n", + "[\"ronny deila hailed ultimate impact sub leigh griffiths for his hat-trick performance in celtic 's comeback premiership win over kilmarnock .ronny deila celebrates after celtic came from behind to beat kilmarnock at parkhead on wednesdayand then parkhead manager said the striker 's desire to prove him wrong should serve as an example to any player left out of his starting xi .\"]\n", + "=======================\n", + "['leigh griffiths came off the bench to score a hat-trick at parkheadthe striker helped celtic come from behind to beat kilmarnockceltic manager ronny deila hailed the substitute for his impactceltic eight points clear from aberdeen at top of scottish premiership']\n", + "ronny deila hailed ultimate impact sub leigh griffiths for his hat-trick performance in celtic 's comeback premiership win over kilmarnock .ronny deila celebrates after celtic came from behind to beat kilmarnock at parkhead on wednesdayand then parkhead manager said the striker 's desire to prove him wrong should serve as an example to any player left out of his starting xi .\n", + "leigh griffiths came off the bench to score a hat-trick at parkheadthe striker helped celtic come from behind to beat kilmarnockceltic manager ronny deila hailed the substitute for his impactceltic eight points clear from aberdeen at top of scottish premiership\n", + "[1.450282 1.092914 1.4410913 1.5349596 1.1756556 1.0898575 1.0564749\n", + " 1.0267012 1.0219479 1.0214704 1.0125259 1.0144796 1.0139861 1.1737708\n", + " 1.1643721 1.0958947 1.1058223 1.0139285 1.0123378 1.0103613 1.0192484]\n", + "\n", + "[ 3 0 2 4 13 14 16 15 1 5 6 7 8 9 20 11 12 17 10 18 19]\n", + "=======================\n", + "[\"west brom manager tony pulis led his side to a 2-0 victory over his former employers crystal palacewest bromwich albion had just produced a typical tony pulis performance to beat his former club crystal palace 2-0 when he claimed he will never change .james morrison headed in within two minutes and craig gardner added a stunning 30-yard strike in the second half , but alan pardew 's side dominated the remainder of the game only to be met by west brom 's stubborn doggedness .\"]\n", + "=======================\n", + "[\"tony pulis led west brom to 2-0 win over his former club crystal palacewest brom 's performance was typically disciplined of a pulis sidepulis has insisted that his signature style will never change\"]\n", + "west brom manager tony pulis led his side to a 2-0 victory over his former employers crystal palacewest bromwich albion had just produced a typical tony pulis performance to beat his former club crystal palace 2-0 when he claimed he will never change .james morrison headed in within two minutes and craig gardner added a stunning 30-yard strike in the second half , but alan pardew 's side dominated the remainder of the game only to be met by west brom 's stubborn doggedness .\n", + "tony pulis led west brom to 2-0 win over his former club crystal palacewest brom 's performance was typically disciplined of a pulis sidepulis has insisted that his signature style will never change\n", + "[1.2574992 1.4624676 1.3781416 1.4089643 1.1493356 1.0788428 1.0874718\n", + " 1.1568137 1.0635673 1.0673635 1.0931858 1.039847 1.0088872 1.0152032\n", + " 1.0265179 1.0294547 1.0577192 1.012882 1.0102993 0. 0. ]\n", + "\n", + "[ 1 3 2 0 7 4 10 6 5 9 8 16 11 15 14 13 17 18 12 19 20]\n", + "=======================\n", + "[\"lisa morgan , 40 , a legal secretary , amended the site she had set up for former boyfriend sean meade , 45 , to claim he had been unfaithful .visitors to the top of the world roofing website are told it has ` ceased trading at present ' as the boss was ` unfortunately found out to be cheating yet again ' .a roofing boss has alleged to be a love cheat on his own company website - when his furious ex-girlfriend altered the page to shame him .\"]\n", + "=======================\n", + "[\"lisa morgan , 40 , amended site to claim her boyfriend had been unfaithfultop of the world roofing website says it 's ` ceased trading at present 'site now claims boss was ` unfortunately found out to be cheating again 'met sean meade , 45 , in august but soon grew wary when he was never incontacted his estranged wife , jo , who told her he had cheated on her too\"]\n", + "lisa morgan , 40 , a legal secretary , amended the site she had set up for former boyfriend sean meade , 45 , to claim he had been unfaithful .visitors to the top of the world roofing website are told it has ` ceased trading at present ' as the boss was ` unfortunately found out to be cheating yet again ' .a roofing boss has alleged to be a love cheat on his own company website - when his furious ex-girlfriend altered the page to shame him .\n", + "lisa morgan , 40 , amended site to claim her boyfriend had been unfaithfultop of the world roofing website says it 's ` ceased trading at present 'site now claims boss was ` unfortunately found out to be cheating again 'met sean meade , 45 , in august but soon grew wary when he was never incontacted his estranged wife , jo , who told her he had cheated on her too\n", + "[1.4098122 1.410917 1.4353522 1.3104899 1.1190808 1.0965912 1.1217104\n", + " 1.0163133 1.0164275 1.118901 1.160547 1.0678195 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 10 6 4 9 5 11 8 7 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "['the former world no1 has returned to action after taking a break from golf to recover from a series of niggling injuries and rediscover his form .he was also joined on the course by long-term skier girlfriend lindsey vonn .tiger woods was pictured giving his children hugs during the second day of practice at augusta national golf club ahead of the masters 2015 .']\n", + "=======================\n", + "[\"tiger woods was joined on the course at augusta national golf club by his young children and girlfriend lindsey vonnwoods has returned to action following a self-imposed break from the sport to work on his game and recover from niggling injurieshe is bidding to win the 15th major of his career at this year 's masters\"]\n", + "the former world no1 has returned to action after taking a break from golf to recover from a series of niggling injuries and rediscover his form .he was also joined on the course by long-term skier girlfriend lindsey vonn .tiger woods was pictured giving his children hugs during the second day of practice at augusta national golf club ahead of the masters 2015 .\n", + "tiger woods was joined on the course at augusta national golf club by his young children and girlfriend lindsey vonnwoods has returned to action following a self-imposed break from the sport to work on his game and recover from niggling injurieshe is bidding to win the 15th major of his career at this year 's masters\n", + "[1.5225329 1.3599305 1.2445049 1.4105554 1.1643374 1.0656072 1.1738539\n", + " 1.0755712 1.0607903 1.1078358 1.1186969 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 6 4 10 9 7 5 8 19 11 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"club tijuana star juan arango conjured memories luis suarez in his team 's 4-3 defeat by monterrey in the mexican league - but it was not through prodigious scoring .juan arango ( left ) bites the shoulder of opponent jesus zavela in a moment of madnesshe was not booked by the referee but could face a heavy retrospective ban .\"]\n", + "=======================\n", + "[\"juan arango escaped punishment from the referee for biting jesus zavelahe could face a retrospective punishment for the incidentarango had earlier scored a free kick in his team 's 4-3 defeat\"]\n", + "club tijuana star juan arango conjured memories luis suarez in his team 's 4-3 defeat by monterrey in the mexican league - but it was not through prodigious scoring .juan arango ( left ) bites the shoulder of opponent jesus zavela in a moment of madnesshe was not booked by the referee but could face a heavy retrospective ban .\n", + "juan arango escaped punishment from the referee for biting jesus zavelahe could face a retrospective punishment for the incidentarango had earlier scored a free kick in his team 's 4-3 defeat\n", + "[1.5122156 1.3873328 1.1455257 1.1364667 1.1257966 1.0883125 1.042813\n", + " 1.1148691 1.2414824 1.069332 1.1081538 1.0775906 1.0733697 1.077545\n", + " 1.2063112 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 8 14 2 3 4 7 10 5 11 13 12 9 6 19 15 16 17 18 20]\n", + "=======================\n", + "[\"( cnn ) lady antebellum singer hillary scott 's tour bus caught fire on a texas freeway thursday morning , but everyone on board was safely evacuated .michael barnett captured dramatic video of the fire , on interstate 30 just northeast of dallas , and uploaded it to cnn ireport .hillary scott , co-lead singer for the band , posted a photo of the charred bus on instagram and noted that she , her husband , the tour manager and the driver were all evacuated safely .\"]\n", + "=======================\n", + "[\"country band lady antebellum 's bus caught fire thursday on a texas freewaya cnn ireporter captured the dramatic scene on videosinger hillary scott shared a pic of the charred bus on instagram\"]\n", + "( cnn ) lady antebellum singer hillary scott 's tour bus caught fire on a texas freeway thursday morning , but everyone on board was safely evacuated .michael barnett captured dramatic video of the fire , on interstate 30 just northeast of dallas , and uploaded it to cnn ireport .hillary scott , co-lead singer for the band , posted a photo of the charred bus on instagram and noted that she , her husband , the tour manager and the driver were all evacuated safely .\n", + "country band lady antebellum 's bus caught fire thursday on a texas freewaya cnn ireporter captured the dramatic scene on videosinger hillary scott shared a pic of the charred bus on instagram\n", + "[1.3566766 1.3287473 1.2646216 1.3072779 1.2035733 1.2870448 1.1076266\n", + " 1.0807645 1.2089485 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 5 2 8 4 6 7 17 16 15 14 9 12 11 10 18 13 19]\n", + "=======================\n", + "[\"spartak moscow have been fined and their fans barred from two away games after the club lost its appeal against sanctions for a racist banner .the russian football union said spartak fans displayed ' a banner of discriminatory content with a racist symbol , ' specifically a celtic cross , typically used in russia as a symbol for white supremacist groups .spartak was fined 200,000 rubles ( # 2,500 ) over the incident , which took place during the team 's 1-0 russian premier league loss to arsenal tula earlier this month .\"]\n", + "=======================\n", + "[\"spartak moscow appealed against sanctions for a racist bannerthe russian football union rejected and fined the club # 2,500only women and children are allowed to spartak 's next two away games\"]\n", + "spartak moscow have been fined and their fans barred from two away games after the club lost its appeal against sanctions for a racist banner .the russian football union said spartak fans displayed ' a banner of discriminatory content with a racist symbol , ' specifically a celtic cross , typically used in russia as a symbol for white supremacist groups .spartak was fined 200,000 rubles ( # 2,500 ) over the incident , which took place during the team 's 1-0 russian premier league loss to arsenal tula earlier this month .\n", + "spartak moscow appealed against sanctions for a racist bannerthe russian football union rejected and fined the club # 2,500only women and children are allowed to spartak 's next two away games\n", + "[1.1161387 1.2030329 1.222895 1.2502793 1.0702084 1.0973927 1.2663562\n", + " 1.125424 1.024467 1.0830274 1.0992306 1.0533378 1.093891 1.0813982\n", + " 1.0916698 1.0769933 1.0325679 1.0152721 1.0180055 0. ]\n", + "\n", + "[ 6 3 2 1 7 0 10 5 12 14 9 13 15 4 11 16 8 18 17 19]\n", + "=======================\n", + "[\"starting a plane is ` a little more complicated ' than starting a car , said captain piers applegarth , a representative of the british airline pilots association ( balpa ) .once a pilot initiates the sequence to start a modern plane , the remaining steps are done automaticallymailonline travel spoke to a number of experts to debunk some of the myths that exist and answer some of travellers ' frequently asked questions about planes .\"]\n", + "=======================\n", + "[\"flying is a thrilling experience but is full of mystery for most passengersmailonline travel spoke to experts to answer common questionsto reduce the risk of food poisoning , pilots do not eat the same mealslarger planes have private sleeping quarters for flight attendants` the world 's strongest man ' would n't be able to open a door mid-flight\"]\n", + "starting a plane is ` a little more complicated ' than starting a car , said captain piers applegarth , a representative of the british airline pilots association ( balpa ) .once a pilot initiates the sequence to start a modern plane , the remaining steps are done automaticallymailonline travel spoke to a number of experts to debunk some of the myths that exist and answer some of travellers ' frequently asked questions about planes .\n", + "flying is a thrilling experience but is full of mystery for most passengersmailonline travel spoke to experts to answer common questionsto reduce the risk of food poisoning , pilots do not eat the same mealslarger planes have private sleeping quarters for flight attendants` the world 's strongest man ' would n't be able to open a door mid-flight\n", + "[1.145192 1.5423212 1.2764268 1.4490054 1.156929 1.1459986 1.0378684\n", + " 1.0375706 1.0928314 1.0234275 1.0771471 1.0238106 1.0407699 1.0369747\n", + " 1.1672014 1.087976 1.1392136 1.0931482 1.0333122 1.0478734]\n", + "\n", + "[ 1 3 2 14 4 5 0 16 17 8 15 10 19 12 6 7 13 18 11 9]\n", + "=======================\n", + "['marina lyons , 80 , took her beloved dog rosie to the pdsa petaid hospital in hull for an operation to remove her spleen after a scan detected a tumour .the operation , carried out three weeks ago , was successful but when marina returned home with the ten-year-old lhasa apso dog , she noticed lots of bruising on the its back .rosie had to have treatment to remove dead skin from the burn , and is expected to have a skin graft .']\n", + "=======================\n", + "[\"marina lyons , 80 , took pet dog rosie for operation to remove her spleenafter successful surgery noticed dark bruising along the dog 's backwas told damage was from surgery , but took pet for a second opinionsecond vet discovered burns , and had to operate to remove dead skinwarning graphic content\"]\n", + "marina lyons , 80 , took her beloved dog rosie to the pdsa petaid hospital in hull for an operation to remove her spleen after a scan detected a tumour .the operation , carried out three weeks ago , was successful but when marina returned home with the ten-year-old lhasa apso dog , she noticed lots of bruising on the its back .rosie had to have treatment to remove dead skin from the burn , and is expected to have a skin graft .\n", + "marina lyons , 80 , took pet dog rosie for operation to remove her spleenafter successful surgery noticed dark bruising along the dog 's backwas told damage was from surgery , but took pet for a second opinionsecond vet discovered burns , and had to operate to remove dead skinwarning graphic content\n", + "[1.1799126 1.2549728 1.2624853 1.2776418 1.1405795 1.0338253 1.0541013\n", + " 1.1754954 1.1015294 1.0258667 1.0350603 1.0190665 1.1083441 1.0448252\n", + " 1.050948 1.0185611 1.0204422 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 0 7 4 12 8 6 14 13 10 5 9 16 11 15 18 17 19]\n", + "=======================\n", + "['the hunger games book ( left ) , the main character , katniss everdeen ( played by jennifer lawrence in the film - pictured right ) deals with exciting scenarios but never from any teenage ailments such as acne or bracesteenagers have taken to the social media site to hilariously voice their frustrations between the fantastical lives in the pages of books and in films , and reality using the hashtag #realisticya .however , the rise of the young adult heroine has prompted a backlash on twitter , as more people compare the fictional portrayals with the mediocrity of their own lives .']\n", + "=======================\n", + "['young adult novels regularly feature teen heroines saving the worldbooks like the hunger games and divergent show unrealistic portrayalsadolescents have used hashtag to voice frustrations about real teenage life']\n", + "the hunger games book ( left ) , the main character , katniss everdeen ( played by jennifer lawrence in the film - pictured right ) deals with exciting scenarios but never from any teenage ailments such as acne or bracesteenagers have taken to the social media site to hilariously voice their frustrations between the fantastical lives in the pages of books and in films , and reality using the hashtag #realisticya .however , the rise of the young adult heroine has prompted a backlash on twitter , as more people compare the fictional portrayals with the mediocrity of their own lives .\n", + "young adult novels regularly feature teen heroines saving the worldbooks like the hunger games and divergent show unrealistic portrayalsadolescents have used hashtag to voice frustrations about real teenage life\n", + "[1.416798 1.2448896 1.3825814 1.4046781 1.1295688 1.1167426 1.2096393\n", + " 1.0299077 1.024811 1.0415789 1.0171291 1.1069194 1.139158 1.2526927\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 13 1 6 12 4 5 11 9 7 8 10 18 14 15 16 17 19]\n", + "=======================\n", + "[\"manchester united have put forward an opening # 21.5 million offer for dortmund captain mats hummels , according to german newspaper bild .manchester united are reported to have put in a # 21.5 m bid for dortmund defender mats hummels ( left )dortmund are keen to bring in sami khedira from real madrid as their new captain amid a summer of big changes following jurgen klopp 's announcement that he will leave the club at the end of the season .\"]\n", + "=======================\n", + "['dortmund value defender mats hummels at # 35millionmanchester united could take advantage of sea of change at dortmundjurgen klopp is leaving dortmund and host of stars are expected to followman utd also identify ilkay gundogan as replacement for michael carrickman united fan provides louis van gaal with # 300m transfer wish list']\n", + "manchester united have put forward an opening # 21.5 million offer for dortmund captain mats hummels , according to german newspaper bild .manchester united are reported to have put in a # 21.5 m bid for dortmund defender mats hummels ( left )dortmund are keen to bring in sami khedira from real madrid as their new captain amid a summer of big changes following jurgen klopp 's announcement that he will leave the club at the end of the season .\n", + "dortmund value defender mats hummels at # 35millionmanchester united could take advantage of sea of change at dortmundjurgen klopp is leaving dortmund and host of stars are expected to followman utd also identify ilkay gundogan as replacement for michael carrickman united fan provides louis van gaal with # 300m transfer wish list\n", + "[1.3694242 1.3619144 1.1239527 1.2961197 1.3919185 1.2127295 1.1024911\n", + " 1.1568522 1.0367519 1.0602496 1.0563375 1.0117382 1.0084393 1.0348974\n", + " 1.0094328 1.0153162 1.1538503 1.0500487 1.0356733 1.0097191 0. ]\n", + "\n", + "[ 4 0 1 3 5 7 16 2 6 9 10 17 8 18 13 15 11 19 14 12 20]\n", + "=======================\n", + "[\"ennis-hill will compete against katarina johnson-thompson in austria at the end of mayjessica ennis-hill has revealed she faces her ` biggest challenge ever ' as she attempts to juggle being a mother with winning gold at next year 's rio olympics .britain 's golden girl of athletics is ready to step back on the track nine months after the birth of son reggie and next month she will take on katarina-johnson thompson , 22 , who has risen to prominence in ennis-hill 's absence , winning pentathlon gold at the european indoor championships last month and taking her british record .\"]\n", + "=======================\n", + "['jessica ennis-hill is juggling motherhood with aiming for a gold medalshe begins her comeback in may and targets glory at rio olympicsennis-hill admires katarina johnson-thompson but wants to beat her']\n", + "ennis-hill will compete against katarina johnson-thompson in austria at the end of mayjessica ennis-hill has revealed she faces her ` biggest challenge ever ' as she attempts to juggle being a mother with winning gold at next year 's rio olympics .britain 's golden girl of athletics is ready to step back on the track nine months after the birth of son reggie and next month she will take on katarina-johnson thompson , 22 , who has risen to prominence in ennis-hill 's absence , winning pentathlon gold at the european indoor championships last month and taking her british record .\n", + "jessica ennis-hill is juggling motherhood with aiming for a gold medalshe begins her comeback in may and targets glory at rio olympicsennis-hill admires katarina johnson-thompson but wants to beat her\n", + "[1.1028767 1.4247147 1.1431701 1.3915281 1.2530637 1.0618304 1.05466\n", + " 1.0519962 1.150169 1.1161834 1.0876871 1.0559683 1.0299095 1.05962\n", + " 1.0549088 1.0479181 1.0523164 1.0692934 1.0368564 0. 0. ]\n", + "\n", + "[ 1 3 4 8 2 9 0 10 17 5 13 11 14 6 16 7 15 18 12 19 20]\n", + "=======================\n", + "[\"now it has been reported that the korean tech giant will be the main supplier of the a9 chips in apple 's upcoming iphone range .samsung has previously supplied apple with various iphone parts , but following legal disputes , apple shifted away from its rival and signed a monopoly deal with taiwan semiconductor manufacturing ( tsmc ) in 2013although this is n't the first time samsung has manufactured parts for iphones , it signals that the frosty partnership between the two may be thawing .\"]\n", + "=======================\n", + "[\"reports claim samsung will make the a9 chips for apple 's next iphonea7 and a8 were mostly made by taiwanese semiconductor manufacturingapple moved away from samsung as a substantial chip partner in 2013samsung has previously made flash and working memory for iphones\"]\n", + "now it has been reported that the korean tech giant will be the main supplier of the a9 chips in apple 's upcoming iphone range .samsung has previously supplied apple with various iphone parts , but following legal disputes , apple shifted away from its rival and signed a monopoly deal with taiwan semiconductor manufacturing ( tsmc ) in 2013although this is n't the first time samsung has manufactured parts for iphones , it signals that the frosty partnership between the two may be thawing .\n", + "reports claim samsung will make the a9 chips for apple 's next iphonea7 and a8 were mostly made by taiwanese semiconductor manufacturingapple moved away from samsung as a substantial chip partner in 2013samsung has previously made flash and working memory for iphones\n", + "[1.2316898 1.4615912 1.2329407 1.2112925 1.2151742 1.3642429 1.2140486\n", + " 1.0295064 1.0228367 1.0266165 1.0211076 1.013234 1.1516477 1.1852617\n", + " 1.0864047 1.129129 1.0360202 1.0094913 1.0069422 1.0074911 1.0591301]\n", + "\n", + "[ 1 5 2 0 4 6 3 13 12 15 14 20 16 7 9 8 10 11 17 19 18]\n", + "=======================\n", + "[\"danny nickerson , six , who loved to receive mail , was diagnosed with an inoperable brain tumor in october 2013 .last july , his birthday request for cards with his name on them went viral .a massachusetts boy who received more than 150,000 letters and packages after requesting ' a box of cards ' for his sixth birthday has died after his battle with a rare brain tumor .\"]\n", + "=======================\n", + "[\"danny nickerson was diagnosed with an inoperable brain tumor in 2013he received more than 150,000 birthday cards and packages after requesting a ` box of cards ' for his birthday last julyhis mother , carley nickerson , shared the news of his passing on fridaynickerson fought through 33 radiation treatments and two clinical trials which consisted of chemotherapy during his battle with dipg\"]\n", + "danny nickerson , six , who loved to receive mail , was diagnosed with an inoperable brain tumor in october 2013 .last july , his birthday request for cards with his name on them went viral .a massachusetts boy who received more than 150,000 letters and packages after requesting ' a box of cards ' for his sixth birthday has died after his battle with a rare brain tumor .\n", + "danny nickerson was diagnosed with an inoperable brain tumor in 2013he received more than 150,000 birthday cards and packages after requesting a ` box of cards ' for his birthday last julyhis mother , carley nickerson , shared the news of his passing on fridaynickerson fought through 33 radiation treatments and two clinical trials which consisted of chemotherapy during his battle with dipg\n", + "[1.2456385 1.1348162 1.443728 1.2752126 1.2284222 1.1868101 1.0721685\n", + " 1.1659532 1.1002326 1.0525986 1.1270738 1.0964397 1.0395893 1.0628325\n", + " 1.0249038 1.0132134 1.0067785 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 4 5 7 1 10 8 11 6 13 9 12 14 15 16 19 17 18 20]\n", + "=======================\n", + "['the predicted life spans of women aged 65 , 75 , 85 and 95 fell in 2012 -- the first time since 1995 that falls in all four age groups were recorded .by 2013 , the average 75-year-old woman could expect to live another 13 years and five weeks -- five weeks less than in 2011 , a government report shows .life expectancy for older women has fallen after decades of rises as unhealthy lifestyles and cuts to social care take their toll']\n", + "=======================\n", + "['predicted life spans of women aged 65 , 75 , 85 and 95 fell in 2012also found increasing life expectancy for men in 60s and 70s had stalledlife expectancy for english women already among worst in west europe']\n", + "the predicted life spans of women aged 65 , 75 , 85 and 95 fell in 2012 -- the first time since 1995 that falls in all four age groups were recorded .by 2013 , the average 75-year-old woman could expect to live another 13 years and five weeks -- five weeks less than in 2011 , a government report shows .life expectancy for older women has fallen after decades of rises as unhealthy lifestyles and cuts to social care take their toll\n", + "predicted life spans of women aged 65 , 75 , 85 and 95 fell in 2012also found increasing life expectancy for men in 60s and 70s had stalledlife expectancy for english women already among worst in west europe\n", + "[1.3162163 1.5406867 1.2885392 1.1937134 1.3619597 1.0355613 1.0280174\n", + " 1.0247278 1.0360703 1.0498294 1.0218322 1.1764183 1.0647932 1.0496836\n", + " 1.0953736 1.0150266 1.0078651 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 2 3 11 14 12 9 13 8 5 6 7 10 15 16 17 18 19 20]\n", + "=======================\n", + "[\"in total , six tigers , a bear , a lion , a cougar , a black leopard and a liger ( part lion , part tiger ) were taken from kenny hetrick 's stony ridge farm after it was found he did not have the correct permit and cages were ` unsafe ' .feeling lost : kenny hetrick is campaigning for his tigers , leopards and bears to be returned after they were seized by the state in januaryauthorities have also started cracking down on the owners of wild creatures following an incident in 2011 where a man in eastern ohio released 56 exotic animals - including lions and tigers - then killed himself .\"]\n", + "=======================\n", + "[\"in total , six tigers , a bear , a lion , a cougar , a black leopard and a liger ( part lion , part tiger ) were taken from kenny hetrick 's stony ridge farmstate officials found he did n't have the right permit and cages were ` unsafe 'but now the 72-year-old is fighting to overturn the seizure , backed by neighbors who insist his menagerie does n't pose a threat` he 's lost without them , ' said josh large , who lives four houses away\"]\n", + "in total , six tigers , a bear , a lion , a cougar , a black leopard and a liger ( part lion , part tiger ) were taken from kenny hetrick 's stony ridge farm after it was found he did not have the correct permit and cages were ` unsafe ' .feeling lost : kenny hetrick is campaigning for his tigers , leopards and bears to be returned after they were seized by the state in januaryauthorities have also started cracking down on the owners of wild creatures following an incident in 2011 where a man in eastern ohio released 56 exotic animals - including lions and tigers - then killed himself .\n", + "in total , six tigers , a bear , a lion , a cougar , a black leopard and a liger ( part lion , part tiger ) were taken from kenny hetrick 's stony ridge farmstate officials found he did n't have the right permit and cages were ` unsafe 'but now the 72-year-old is fighting to overturn the seizure , backed by neighbors who insist his menagerie does n't pose a threat` he 's lost without them , ' said josh large , who lives four houses away\n", + "[1.1944681 1.3558102 1.3687683 1.1776003 1.1798328 1.1313307 1.194069\n", + " 1.1790172 1.1484206 1.0622909 1.0177385 1.0899378 1.0338076 1.0094796\n", + " 1.0130081 1.0099535 1.0100365 1.010109 1.0332915 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 6 4 7 3 8 5 11 9 12 18 10 14 17 16 15 13 22 19 20 21 23]\n", + "=======================\n", + "[\"alabama-born mom-of-two elisha wilson beach , is pictured breastfeeding her daughter in the image .originally posted on instagram and then shared on the facebook page of life of dad , which describes itself as ` the social network for dads ' , the picture has now been shared more than 25,000 times and has been liked on facebook more than 211,000 times .an image of a woman breastfeeding her toddler while sitting on the toilet with her trousers around her ankles has caused a storm on the internet .\"]\n", + "=======================\n", + "[\"picture shows elisha wilson beach nursing her child while on the toiletthe photo has gone viral with more than 211,000 likes on facebookbut many have criticized the mom of two for her bathroom breastfeedingla-based wilson beach says ` motherhood ai n't pretty '\"]\n", + "alabama-born mom-of-two elisha wilson beach , is pictured breastfeeding her daughter in the image .originally posted on instagram and then shared on the facebook page of life of dad , which describes itself as ` the social network for dads ' , the picture has now been shared more than 25,000 times and has been liked on facebook more than 211,000 times .an image of a woman breastfeeding her toddler while sitting on the toilet with her trousers around her ankles has caused a storm on the internet .\n", + "picture shows elisha wilson beach nursing her child while on the toiletthe photo has gone viral with more than 211,000 likes on facebookbut many have criticized the mom of two for her bathroom breastfeedingla-based wilson beach says ` motherhood ai n't pretty '\n", + "[1.2692455 1.2633278 1.1821687 1.2145762 1.2181185 1.1599444 1.184325\n", + " 1.1620905 1.0785294 1.0940611 1.1580914 1.0702429 1.0245168 1.0790431\n", + " 1.0754071 1.0141033 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 3 6 2 7 5 10 9 13 8 14 11 12 15 22 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"the 100th anniversary of the landing of anzac troops at gallipoli during world war i has been commemorated by the creation of a freshly minted $ 2 coin .the coin has an image of poppies - symbolic of remembrance - among crosses similar to those that mark the graves of fallen soldiers , and the words ` lest we forget ' .they will be in circulation from monday , but an artist 's impression of the coin clearly shows the craftsmanship involved .\"]\n", + "=======================\n", + "[\"new $ 2 coin minted to mark the 100th anniversary of gallipoli landingsymbolic red poppy design used with the words ` lest we forget 'one and a half million coins released into circulation over coming weekscoin part of australian mint 's official anzac centenary coin programmint is one of two in the world which produces colour print on coins\"]\n", + "the 100th anniversary of the landing of anzac troops at gallipoli during world war i has been commemorated by the creation of a freshly minted $ 2 coin .the coin has an image of poppies - symbolic of remembrance - among crosses similar to those that mark the graves of fallen soldiers , and the words ` lest we forget ' .they will be in circulation from monday , but an artist 's impression of the coin clearly shows the craftsmanship involved .\n", + "new $ 2 coin minted to mark the 100th anniversary of gallipoli landingsymbolic red poppy design used with the words ` lest we forget 'one and a half million coins released into circulation over coming weekscoin part of australian mint 's official anzac centenary coin programmint is one of two in the world which produces colour print on coins\n", + "[1.1339208 1.0824256 1.1506262 1.0783112 1.0560546 1.0614136 1.0245346\n", + " 1.0184608 1.0170037 1.0402862 1.4302633 1.261503 1.3212638 1.098255\n", + " 1.1134269 1.0500383 1.0331151 1.0321347 1.0186415 1.0143397 1.0214012\n", + " 1.0253049 1.017517 1.0184867]\n", + "\n", + "[10 12 11 2 0 14 13 1 3 5 4 15 9 16 17 21 6 20 18 23 7 22 8 19]\n", + "=======================\n", + "[\"manchester city goalkeeper joe hart insists his side are still capable of winning the premier league titlechelsea are nine points clear of manchester city` it 's kind of how we do it , ' said hart , when asked about city 's need to overcome a nine-point deficit .\"]\n", + "=======================\n", + "['manchester city are currently nine points behind league leaders chelseacity face crystal palace at selhurst park on monday eveningjoe hart has said his side will not give up on retaining the title']\n", + "manchester city goalkeeper joe hart insists his side are still capable of winning the premier league titlechelsea are nine points clear of manchester city` it 's kind of how we do it , ' said hart , when asked about city 's need to overcome a nine-point deficit .\n", + "manchester city are currently nine points behind league leaders chelseacity face crystal palace at selhurst park on monday eveningjoe hart has said his side will not give up on retaining the title\n", + "[1.4256392 1.2237442 1.4125423 1.1912465 1.1730611 1.1097293 1.1110367\n", + " 1.1126708 1.0294619 1.0798153 1.0775338 1.0293249 1.08588 1.0702771\n", + " 1.1039811 1.0669072 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 4 7 6 5 14 12 9 10 13 15 8 11 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"tragic : joshua vaughan , 17 , died in january this year when he was struck by a trainshortly before his death , his girlfriend had sent his mother a message on facebook , saying the teen was on a platform and that ` he was going to end it ' .his mother stacey vaughan told the inquest how she had immediately phoned joshua , an apprentice at an insurance firm , and found that he was crying .\"]\n", + "=======================\n", + "[\"joshua vaughan ` stepped in front of a train ' in sheffield in januaryjoshua , 17 , had suffered issues with ` on-off ' girlfriend , inquest heardhis girlfriend messaged his mother that ` he was going to end it 'for confidential support call the samaritans in the uk on 08457 90 90 90 , visit a local samaritans branch or click here for details\"]\n", + "tragic : joshua vaughan , 17 , died in january this year when he was struck by a trainshortly before his death , his girlfriend had sent his mother a message on facebook , saying the teen was on a platform and that ` he was going to end it ' .his mother stacey vaughan told the inquest how she had immediately phoned joshua , an apprentice at an insurance firm , and found that he was crying .\n", + "joshua vaughan ` stepped in front of a train ' in sheffield in januaryjoshua , 17 , had suffered issues with ` on-off ' girlfriend , inquest heardhis girlfriend messaged his mother that ` he was going to end it 'for confidential support call the samaritans in the uk on 08457 90 90 90 , visit a local samaritans branch or click here for details\n", + "[1.1812049 1.3830633 1.3837626 1.2447457 1.159383 1.1537545 1.093838\n", + " 1.0356408 1.0581214 1.0183215 1.0212216 1.0213017 1.0812219 1.0244833\n", + " 1.0270798 1.1142931 1.0368284 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 0 4 5 15 6 12 8 16 7 14 13 11 10 9 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"the consultants drafted in by the labour leader claim to work with politicians to build ` leadership skills ' using ` neuroscience ' and ` business psychology ' .now ed miliband has hired a leadership coaching firm that helps people overcome anxiety and find their ` inner voice ' .he has long struggled to convince voters that he is a suitable choice for prime minister .\"]\n", + "=======================\n", + "[\"ed miliband is trying to build his ` leadership skills ' using psychologyhe has hired a leadership coaching firm to help him feel less anxiousthe firm extendedmind also tries to make its clients seem ` more authentic 'miliband had a note to remind him to be a ` happy warrior ' during a debate\"]\n", + "the consultants drafted in by the labour leader claim to work with politicians to build ` leadership skills ' using ` neuroscience ' and ` business psychology ' .now ed miliband has hired a leadership coaching firm that helps people overcome anxiety and find their ` inner voice ' .he has long struggled to convince voters that he is a suitable choice for prime minister .\n", + "ed miliband is trying to build his ` leadership skills ' using psychologyhe has hired a leadership coaching firm to help him feel less anxiousthe firm extendedmind also tries to make its clients seem ` more authentic 'miliband had a note to remind him to be a ` happy warrior ' during a debate\n", + "[1.2469108 1.2692852 1.1178782 1.1925619 1.1485102 1.2895217 1.2105446\n", + " 1.033921 1.024489 1.105562 1.092919 1.0873007 1.0879586 1.0527711\n", + " 1.035117 1.0653161 1.0419455 1.0454392 1.0223962 1.0840359 0. ]\n", + "\n", + "[ 5 1 0 6 3 4 2 9 10 12 11 19 15 13 17 16 14 7 8 18 20]\n", + "=======================\n", + "['its 2,000 employees have a median salary of $ 180,000 nowthe other boldface name in the group is google , which comes in at no. 13 and pays an median of $ 143,000 a year .nine of the top 15 companies are in the tech sector , according to salary data compiled by the recruiting company glassdoor.com .']\n", + "=======================\n", + "['netflix offers median salary of $ 180,000corporate law firm skadden arps came in on top with $ 182,000 median salary for 4,500 employeesgoogle , the by far the biggest employer , ranks 13th']\n", + "its 2,000 employees have a median salary of $ 180,000 nowthe other boldface name in the group is google , which comes in at no. 13 and pays an median of $ 143,000 a year .nine of the top 15 companies are in the tech sector , according to salary data compiled by the recruiting company glassdoor.com .\n", + "netflix offers median salary of $ 180,000corporate law firm skadden arps came in on top with $ 182,000 median salary for 4,500 employeesgoogle , the by far the biggest employer , ranks 13th\n", + "[1.3141336 1.3194933 1.3514148 1.1863638 1.2619824 1.0551803 1.0194981\n", + " 1.1169204 1.0299503 1.2600865 1.0252024 1.0577596 1.1083356 1.1046656\n", + " 1.0421606 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 4 9 3 7 12 13 11 5 14 8 10 6 15 16 17 18 19 20]\n", + "=======================\n", + "[\"wonga 's revenues fell by nearly # 100million last year to a total of # 217.2 million , it was announced today - months after the company wrote off the debts of 300,000 customers .the firm has been hit by new rules on payday lending , as well as being forced to pay compensation to customers who were sent fake legal letters .controversial payday lender wonga could change its name in a desperate attempt to regain credibility after a string of scandals caused the firm to lose # 37.3 million .\"]\n", + "=======================\n", + "['the firm lost # 37.3 million after revenues fell by a third over the past yearwonga has been hit by public controversy and forced to compensate customers over fake legal lettersnew cap on payday loan interest rates is set to damage company further']\n", + "wonga 's revenues fell by nearly # 100million last year to a total of # 217.2 million , it was announced today - months after the company wrote off the debts of 300,000 customers .the firm has been hit by new rules on payday lending , as well as being forced to pay compensation to customers who were sent fake legal letters .controversial payday lender wonga could change its name in a desperate attempt to regain credibility after a string of scandals caused the firm to lose # 37.3 million .\n", + "the firm lost # 37.3 million after revenues fell by a third over the past yearwonga has been hit by public controversy and forced to compensate customers over fake legal lettersnew cap on payday loan interest rates is set to damage company further\n", + "[1.2359577 1.3077468 1.290483 1.3555547 1.1327529 1.1210308 1.1360544\n", + " 1.0901873 1.0802608 1.0546004 1.0511974 1.0833528 1.0360203 1.0553149\n", + " 1.076268 1.051419 1.0587367 1.0838921 1.014808 1.0771809 1.0239851]\n", + "\n", + "[ 3 1 2 0 6 4 5 7 17 11 8 19 14 16 13 9 15 10 12 20 18]\n", + "=======================\n", + "['at least five tornadoes were spotted across north and central texas sunday evening as part of a severe storm system sweeping the region .the storm started sunday evening in comanche county , texas and moved northeast towards the dallas/fort worth for the next several hours .above , one of the tornadoes spotted in stephenville , texas - about 70 miles southeast of fort worth']\n", + "=======================\n", + "['severe storms swept north and central texas sunday eveningat least five tornadoes were spotted - some as close as just 25 miles from fort worthbaseball size hail and high winds also battered the region']\n", + "at least five tornadoes were spotted across north and central texas sunday evening as part of a severe storm system sweeping the region .the storm started sunday evening in comanche county , texas and moved northeast towards the dallas/fort worth for the next several hours .above , one of the tornadoes spotted in stephenville , texas - about 70 miles southeast of fort worth\n", + "severe storms swept north and central texas sunday eveningat least five tornadoes were spotted - some as close as just 25 miles from fort worthbaseball size hail and high winds also battered the region\n", + "[1.2975743 1.4429717 1.2545123 1.1802539 1.2390459 1.3246711 1.1386309\n", + " 1.0330381 1.1212345 1.0174251 1.0151247 1.0133125 1.1469756 1.191028\n", + " 1.1287315 1.075361 1.0748652 1.0410254 0. 0. 0. ]\n", + "\n", + "[ 1 5 0 2 4 13 3 12 6 14 8 15 16 17 7 9 10 11 19 18 20]\n", + "=======================\n", + "[\"a 27-year-old man , believed to be her boyfriend , has been charged with her murder after fleeing from officers when they stopped the car and made the grim discovery on wednesday night , in bermagui , on the nsw south coast .missing 35-year-old public servant daniela d'addario has been found dead in her carms d'addario , a former teacher at canberra high school , had been in a ` very tumultuous relationship ' with josaia ` joey ' vosikata , 27 , for about four months friends say .\"]\n", + "=======================\n", + "[\"police arrested a 27-year-old man on thursday on the nsw south coasthe had been on the run since wednesday after police pulled over a cardaniela d'addario 's body was found in the boot of the blue carshe was reported missing by worried family members on mondayshe vanished along with her boyfriend josaia ( joey ) vosikata , 27vosikata had a wife and children back in fiji , ms d'addario 's friend saysmr vosikata will face court on friday after being extradited to the act\"]\n", + "a 27-year-old man , believed to be her boyfriend , has been charged with her murder after fleeing from officers when they stopped the car and made the grim discovery on wednesday night , in bermagui , on the nsw south coast .missing 35-year-old public servant daniela d'addario has been found dead in her carms d'addario , a former teacher at canberra high school , had been in a ` very tumultuous relationship ' with josaia ` joey ' vosikata , 27 , for about four months friends say .\n", + "police arrested a 27-year-old man on thursday on the nsw south coasthe had been on the run since wednesday after police pulled over a cardaniela d'addario 's body was found in the boot of the blue carshe was reported missing by worried family members on mondayshe vanished along with her boyfriend josaia ( joey ) vosikata , 27vosikata had a wife and children back in fiji , ms d'addario 's friend saysmr vosikata will face court on friday after being extradited to the act\n", + "[1.4558542 1.2133275 1.3821554 1.1990665 1.1254574 1.1135465 1.0920974\n", + " 1.0720067 1.207749 1.0343215 1.048822 1.03949 1.023456 1.0139236\n", + " 1.0146837 1.0098063 1.1043676 1.042744 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 8 3 4 5 16 6 7 10 17 11 9 12 14 13 15 18 19 20]\n", + "=======================\n", + "[\"fraser ross , who founded the kitson fashion brand , is caught up in a $ 1million legal wrangle after being accused of swearing at staff in a los angeles storekitson , which has shops in california and the far east , is hugely popular with celebrities including victoria beckham , lady gaga and kylie and kendall jenner , who have all been spotted with the brand 's blue bags .the multi-millionaire , from aberdeen , is in the midst of an ugly public battle over allegations he swore at workers at the lax outlet .\"]\n", + "=======================\n", + "['kitson fashion brand founder allegedly swore at employees in la storefraser ross , from aberdeen , faces $ 1million lawsuit following disputefirm running his store at la airport want to end their business relationshipstores popular with celebrities including victoria beckham and lady gaga']\n", + "fraser ross , who founded the kitson fashion brand , is caught up in a $ 1million legal wrangle after being accused of swearing at staff in a los angeles storekitson , which has shops in california and the far east , is hugely popular with celebrities including victoria beckham , lady gaga and kylie and kendall jenner , who have all been spotted with the brand 's blue bags .the multi-millionaire , from aberdeen , is in the midst of an ugly public battle over allegations he swore at workers at the lax outlet .\n", + "kitson fashion brand founder allegedly swore at employees in la storefraser ross , from aberdeen , faces $ 1million lawsuit following disputefirm running his store at la airport want to end their business relationshipstores popular with celebrities including victoria beckham and lady gaga\n", + "[1.6582416 1.3500946 1.184575 1.1708798 1.3564521 1.0155597 1.0153431\n", + " 1.014323 1.0129395 1.0128709 1.0275197 1.0802307 1.072784 1.0336624\n", + " 1.048486 1.0796971 1.0394212 0. ]\n", + "\n", + "[ 0 4 1 2 3 11 15 12 14 16 13 10 5 6 7 8 9 17]\n", + "=======================\n", + "[\"leeds midfielder rudi austin was sent off in the first half as blackburn warmed up for wednesday 's home fa cup quarter-final replay against liverpool with a 3-0 win .tom cairney ( right ) opened the scoring for blackburn rovers against leeds united at elland roadaustin saw red in the 39th minute for elbowing ben marshall off the ball and though leeds resisted strongly until just after the hour mark , second-half goals by tom cairney , jordan rhodes and jay spearing settled the match\"]\n", + "=======================\n", + "['blackburn secure easy win over 10-man leeds united at elland roadmidfielder rudi austin sent off in first half for the home sidetom cairney , jordan rhodes and jay spearing strike for rovers']\n", + "leeds midfielder rudi austin was sent off in the first half as blackburn warmed up for wednesday 's home fa cup quarter-final replay against liverpool with a 3-0 win .tom cairney ( right ) opened the scoring for blackburn rovers against leeds united at elland roadaustin saw red in the 39th minute for elbowing ben marshall off the ball and though leeds resisted strongly until just after the hour mark , second-half goals by tom cairney , jordan rhodes and jay spearing settled the match\n", + "blackburn secure easy win over 10-man leeds united at elland roadmidfielder rudi austin sent off in first half for the home sidetom cairney , jordan rhodes and jay spearing strike for rovers\n", + "[1.1251353 1.0570474 1.0398036 1.3881946 1.0568202 1.3509853 1.0369662\n", + " 1.3677822 1.0440677 1.072209 1.1059972 1.0847213 1.0550013 1.0248942\n", + " 1.0575058 1.0214057 1.0328962 0. ]\n", + "\n", + "[ 3 7 5 0 10 11 9 14 1 4 12 8 2 6 16 13 15 17]\n", + "=======================\n", + "[\"formed in 2006 , the daxing internet addiction treatment centre ( iatc ) has so far welcomed 6,000 mostly young , mostly male patients -- and claims to have ` cured ' 75 per cent of them .the country 's government said internet addiction affects 24 million of its 632 million internet usersthe centre believes internet addiction leads to brain problems similar to those from taking heroin\"]\n", + "=======================\n", + "[\"dax internet addiction treatment centre in beijing has welcomed 6,000 patients since it opened its doors in 2006the military-style bootcamp claims to have cured 75 per cent of their addiction to electronic gadgetsinternet addiction or wangyin is said to affect 24 million of the china 's 632 million web users\"]\n", + "formed in 2006 , the daxing internet addiction treatment centre ( iatc ) has so far welcomed 6,000 mostly young , mostly male patients -- and claims to have ` cured ' 75 per cent of them .the country 's government said internet addiction affects 24 million of its 632 million internet usersthe centre believes internet addiction leads to brain problems similar to those from taking heroin\n", + "dax internet addiction treatment centre in beijing has welcomed 6,000 patients since it opened its doors in 2006the military-style bootcamp claims to have cured 75 per cent of their addiction to electronic gadgetsinternet addiction or wangyin is said to affect 24 million of the china 's 632 million web users\n", + "[1.2095575 1.4046757 1.2654545 1.3235629 1.1992033 1.1765721 1.1105282\n", + " 1.1066694 1.1348512 1.0509111 1.0148923 1.026006 1.0189342 1.0199376\n", + " 1.0239974 1.0716587 1.1390618 1.1036121]\n", + "\n", + "[ 1 3 2 0 4 5 16 8 6 7 17 15 9 11 14 13 12 10]\n", + "=======================\n", + "[\"defence secretary michael fallon claimed the labour leader was willing to trade away britain 's nuclear deterrent in order to secure power in a backroom deal with the scottish nationalists .mr miliband said the conservative campaign had ` descended into the gutter ' and claimed david cameron ` should be ashamed ' .the tories today launched an extraordinary attack on ed miliband , claiming that after stabbing his brother in the back he now wants to do the same to britain .\"]\n", + "=======================\n", + "[\"defence secretary michael fallon launches personal attack on milibandclaims labour leader would bow to snp 's demands to scrap tridentfallon says ` snp 's childlike world view would sacrifice uk 's security 'miliband claims the conservative campaign has ` descended into the gutter '\"]\n", + "defence secretary michael fallon claimed the labour leader was willing to trade away britain 's nuclear deterrent in order to secure power in a backroom deal with the scottish nationalists .mr miliband said the conservative campaign had ` descended into the gutter ' and claimed david cameron ` should be ashamed ' .the tories today launched an extraordinary attack on ed miliband , claiming that after stabbing his brother in the back he now wants to do the same to britain .\n", + "defence secretary michael fallon launches personal attack on milibandclaims labour leader would bow to snp 's demands to scrap tridentfallon says ` snp 's childlike world view would sacrifice uk 's security 'miliband claims the conservative campaign has ` descended into the gutter '\n", + "[1.3390929 1.3823636 1.2252865 1.1604267 1.1637104 1.0871506 1.1162726\n", + " 1.0578002 1.0787022 1.1775916 1.0301162 1.0323321 1.0780847 1.0277343\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 9 4 3 6 5 8 12 7 11 10 13 14 15 16 17]\n", + "=======================\n", + "[\"the inscriptions were found in naours - a two-hour drive north of paris - and left for posterity by young men facing the horror of trench warfare a few dozen miles away at the somme .historians have unearthed nearly 2,000 perfectly preserved examples of poignant graffiti written on the walls of a cave 100 feet beneath the french countryside by doomed first world war soldiers just weeks before they were to join the fighting on the western front .the site 's proximity to the battlefields , where more than a million men were killed or wounded , adds to the discovery 's importance , with experts saying : ` it provides insight into how they found a sense of meaning in the conflict . '\"]\n", + "=======================\n", + "['more than 2,000 perfectly preserved inscriptions were found on the walls of an underground cave in naours , francethey were left for posterity by young men facing the horror of trench warfare a few dozen miles away at the sommeexperts believe the bored young soldiers used their spare time to visit the caves , which are well known locallyonly weeks later they were sent to the somme battlefields , where more than a million men were killed or injured']\n", + "the inscriptions were found in naours - a two-hour drive north of paris - and left for posterity by young men facing the horror of trench warfare a few dozen miles away at the somme .historians have unearthed nearly 2,000 perfectly preserved examples of poignant graffiti written on the walls of a cave 100 feet beneath the french countryside by doomed first world war soldiers just weeks before they were to join the fighting on the western front .the site 's proximity to the battlefields , where more than a million men were killed or wounded , adds to the discovery 's importance , with experts saying : ` it provides insight into how they found a sense of meaning in the conflict . '\n", + "more than 2,000 perfectly preserved inscriptions were found on the walls of an underground cave in naours , francethey were left for posterity by young men facing the horror of trench warfare a few dozen miles away at the sommeexperts believe the bored young soldiers used their spare time to visit the caves , which are well known locallyonly weeks later they were sent to the somme battlefields , where more than a million men were killed or injured\n", + "[1.0555836 1.2413807 1.4623053 1.316589 1.4192455 1.1738605 1.1716738\n", + " 1.098926 1.0285382 1.0229671 1.0189855 1.0481585 1.0565252 1.0822682\n", + " 1.0370852 1.0477318 1.0147392 1.0095713]\n", + "\n", + "[ 2 4 3 1 5 6 7 13 12 0 11 15 14 8 9 10 16 17]\n", + "=======================\n", + "[\"millie marotta , 36 , is giving colouring books an adult twist with her sellout volume animal kingdom , filled with intricate and designs of animals filled with stylised flower shapes , patterns and shapes .embellished elephant : millie marotta 's colouring book features an array of intricate designs , including this elephantbut now thanks to an illustrator and designer from tenby , west wales , colouring in is the latest stress-busting hobby for adults .\"]\n", + "=======================\n", + "[\"millie marotta 's book , animal kingdom , features detailed line illustrationsthe # 3.99 book is currently # 1 on amazon 's top 100 books listthe 36-year-old illustrator resides and works in tenby , wales\"]\n", + "millie marotta , 36 , is giving colouring books an adult twist with her sellout volume animal kingdom , filled with intricate and designs of animals filled with stylised flower shapes , patterns and shapes .embellished elephant : millie marotta 's colouring book features an array of intricate designs , including this elephantbut now thanks to an illustrator and designer from tenby , west wales , colouring in is the latest stress-busting hobby for adults .\n", + "millie marotta 's book , animal kingdom , features detailed line illustrationsthe # 3.99 book is currently # 1 on amazon 's top 100 books listthe 36-year-old illustrator resides and works in tenby , wales\n", + "[1.1250225 1.1663567 1.1374874 1.147737 1.1094724 1.2685456 1.1930377\n", + " 1.0793823 1.0505933 1.1284333 1.0309883 1.1305442 1.0563521 1.0501136\n", + " 1.01559 1.0800301 1.1357458 1.04153 1.0659015 1.0428627]\n", + "\n", + "[ 5 6 1 3 2 16 11 9 0 4 15 7 18 12 8 13 19 17 10 14]\n", + "=======================\n", + "['new research indicates that \" double falsehood , \" a play first published in 1728 by lewis theobald , was actually written more than a century earlier by shakespeare himself with help from his friend john fletcher .the findings were published this week by two scholars who used computer software to analyze the writings of the three men and compare it with the language of the \" newer \" play .\" romeo and juliet . \"']\n", + "=======================\n", + "['new research indicates that a play published in 1728 was written by william shakespearescholar lewis theobald had passed the work off as his owntexas researchers used software to analyze and compare the language of the men']\n", + "new research indicates that \" double falsehood , \" a play first published in 1728 by lewis theobald , was actually written more than a century earlier by shakespeare himself with help from his friend john fletcher .the findings were published this week by two scholars who used computer software to analyze the writings of the three men and compare it with the language of the \" newer \" play .\" romeo and juliet . \"\n", + "new research indicates that a play published in 1728 was written by william shakespearescholar lewis theobald had passed the work off as his owntexas researchers used software to analyze and compare the language of the men\n", + "[1.1554911 1.4261426 1.3452966 1.2861689 1.269951 1.1013484 1.0468576\n", + " 1.0733271 1.0745629 1.1579958 1.1758102 1.0477109 1.0392976 1.0362145\n", + " 1.0526325 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 10 9 0 5 8 7 14 11 6 12 13 18 15 16 17 19]\n", + "=======================\n", + "[\"simona trasca , 34 , known as ` romania 's pamela anderson ' , said in an interview on national television that her latest boob job was so cheap her surgeon could not have paid tax on it .plastic surgeon marek valcu claimed ms trasca 's comments were defamatory and sued the model and presenter .a romanian television presenter has been forced to pay compensation to her plastic surgeon after making a joke on-air that he was a tax dodger .\"]\n", + "=======================\n", + "['simona trasca , 34 , made a joke about cheap boob job on romanian tvthe joke implied that her plastic surgeon must be avoiding taxsurgeon dr marek valcu successfully sued ms trasca for # 1,500']\n", + "simona trasca , 34 , known as ` romania 's pamela anderson ' , said in an interview on national television that her latest boob job was so cheap her surgeon could not have paid tax on it .plastic surgeon marek valcu claimed ms trasca 's comments were defamatory and sued the model and presenter .a romanian television presenter has been forced to pay compensation to her plastic surgeon after making a joke on-air that he was a tax dodger .\n", + "simona trasca , 34 , made a joke about cheap boob job on romanian tvthe joke implied that her plastic surgeon must be avoiding taxsurgeon dr marek valcu successfully sued ms trasca for # 1,500\n", + "[1.2939905 1.3100772 1.3248959 1.1350772 1.1097754 1.2142892 1.1093559\n", + " 1.0943087 1.13502 1.0438367 1.0236608 1.0452193 1.0628221 1.0610615\n", + " 1.0458008 1.0635241 1.0470356 1.0265821 1.0278679 0. ]\n", + "\n", + "[ 2 1 0 5 3 8 4 6 7 15 12 13 16 14 11 9 18 17 10 19]\n", + "=======================\n", + "[\"it will help astrophysicists understand how matter is distributed in the universe and provide key insights into dark matter -- one of physics ' greatest mysteries .the innovative spherical map of galaxy superclusters is the most complete picture of our cosmic neighbourhood to date .university of waterloo astrophysicists have created a 3d master map of the universe spanning nearly two billion light years .\"]\n", + "=======================\n", + "[\"map spans nearly two billion light yearswill help astrophysicists predict the universe 's expansioncould help identify where , and how much dark matter exists\"]\n", + "it will help astrophysicists understand how matter is distributed in the universe and provide key insights into dark matter -- one of physics ' greatest mysteries .the innovative spherical map of galaxy superclusters is the most complete picture of our cosmic neighbourhood to date .university of waterloo astrophysicists have created a 3d master map of the universe spanning nearly two billion light years .\n", + "map spans nearly two billion light yearswill help astrophysicists predict the universe 's expansioncould help identify where , and how much dark matter exists\n", + "[1.0936981 1.156637 1.122239 1.4571657 1.0566438 1.0526437 1.4643492\n", + " 1.0648462 1.0517364 1.0411885 1.0471686 1.1099052 1.0508561 1.0409131\n", + " 1.1125231 1.042071 1.0520973 1.0155236 1.0457959 0. ]\n", + "\n", + "[ 6 3 1 2 14 11 0 7 4 5 16 8 12 10 18 15 9 13 17 19]\n", + "=======================\n", + "['uk stylist and blogger lily melrose has come up with 15 style hacks to transform your 2014 wardrobe into 2015 style , without breaking the bank .lily melrose is a fashion blogger who has 137,000 followers on instagramin the springtime , the shops are full of new season clothes that are just waiting for a sunny day but still unsuitable for the ever-changing british weather .']\n", + "=======================\n", + "['stylist lily melrose has imaginative ways to update your wardrobeuk blogger shares diy tips to take winter clothes into spring on the cheapthey include bejewelling sunglasses and fringing boots']\n", + "uk stylist and blogger lily melrose has come up with 15 style hacks to transform your 2014 wardrobe into 2015 style , without breaking the bank .lily melrose is a fashion blogger who has 137,000 followers on instagramin the springtime , the shops are full of new season clothes that are just waiting for a sunny day but still unsuitable for the ever-changing british weather .\n", + "stylist lily melrose has imaginative ways to update your wardrobeuk blogger shares diy tips to take winter clothes into spring on the cheapthey include bejewelling sunglasses and fringing boots\n", + "[1.5246278 1.4368215 1.4507699 1.2832272 1.3503072 1.201617 1.0654044\n", + " 1.022196 1.0197532 1.0107005 1.0174088 1.0274584 1.0090857 1.0827419\n", + " 1.0622423 1.0106858 1.0103376 1.0075358 1.0130618 0. ]\n", + "\n", + "[ 0 2 1 4 3 5 13 6 14 11 7 8 10 18 9 15 16 12 17 19]\n", + "=======================\n", + "[\"chris smalling says manchester united have arsenal and chelsea in their sights following their resounding victory over champions manchester city .smalling scored united 's fourth goal in their 4-2 derby demolition .united are third , eight points behind leaders chelsea , who they face on saturday and play second placed arsenal in their penultimate league game .\"]\n", + "=======================\n", + "[\"chris smalling scored as manchester united beat rivals manchester citywin sends louis van gaal 's side four points clear of the citizens in thirdmanchester united now sit just one point of arsenal who occupy secondsmalling is confident of chasing down both them and leaders chelsearead : five things van gaal has done to transform united 's results\"]\n", + "chris smalling says manchester united have arsenal and chelsea in their sights following their resounding victory over champions manchester city .smalling scored united 's fourth goal in their 4-2 derby demolition .united are third , eight points behind leaders chelsea , who they face on saturday and play second placed arsenal in their penultimate league game .\n", + "chris smalling scored as manchester united beat rivals manchester citywin sends louis van gaal 's side four points clear of the citizens in thirdmanchester united now sit just one point of arsenal who occupy secondsmalling is confident of chasing down both them and leaders chelsearead : five things van gaal has done to transform united 's results\n", + "[1.0699419 1.2107438 1.3318603 1.4041255 1.1895845 1.3596803 1.2647822\n", + " 1.0072756 1.2507758 1.1414073 1.1850505 1.1082653 1.0076332 1.0079824\n", + " 1.0127774 1.0157531 0. 0. 0. ]\n", + "\n", + "[ 3 5 2 6 8 1 4 10 9 11 0 15 14 13 12 7 16 17 18]\n", + "=======================\n", + "[\"west brom 's craig dawson is suspended for the visit of qpr after he was awarded the red card wrongly given to gareth mcauley against manchester city .craig dawson ( right ) will serve a suspension for his challenge on wilfried bony following retrospective actionwest bromwich albion vs queens park rangers ( the hawthorns )\"]\n", + "=======================\n", + "[\"craig dawson to serve ban following gareth mcauley 's incorrect red cardwba keeper ben foster ruled out for six months with knee injuryqpr have no fresh injury concerns with richard dunne and leroy fer outqueens park rangers teenager darnell furlong also ruled out\"]\n", + "west brom 's craig dawson is suspended for the visit of qpr after he was awarded the red card wrongly given to gareth mcauley against manchester city .craig dawson ( right ) will serve a suspension for his challenge on wilfried bony following retrospective actionwest bromwich albion vs queens park rangers ( the hawthorns )\n", + "craig dawson to serve ban following gareth mcauley 's incorrect red cardwba keeper ben foster ruled out for six months with knee injuryqpr have no fresh injury concerns with richard dunne and leroy fer outqueens park rangers teenager darnell furlong also ruled out\n", + "[1.4662619 1.526035 1.2361772 1.4156842 1.2768084 1.0338048 1.0239862\n", + " 1.0244448 1.0500735 1.0230434 1.1191669 1.0197142 1.026369 1.3040115\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 13 4 2 10 8 5 12 7 6 9 11 17 14 15 16 18]\n", + "=======================\n", + "[\"the midfielder had n't played for the bayern since march in 2014 , when he suffered a serious knee injury against hoffenheim , but came on for philipp lahm in the 1-0 win at the westfalenstadion on saturday .bayern munich playmaker thiago admits coming on against borussia dortmund to make his first appearance in a year was an emotional moment and has thanked the german club .and spain international thiago said that after seeing the reaction of the fans it has reminded him of the joy in the sport and admitted : ` football is my life ' .\"]\n", + "=======================\n", + "[\"thiago alcantara had n't played for bayern munich since march 2014midfielder plays 10 minutes in 1-0 victory against borussia dortmund\"]\n", + "the midfielder had n't played for the bayern since march in 2014 , when he suffered a serious knee injury against hoffenheim , but came on for philipp lahm in the 1-0 win at the westfalenstadion on saturday .bayern munich playmaker thiago admits coming on against borussia dortmund to make his first appearance in a year was an emotional moment and has thanked the german club .and spain international thiago said that after seeing the reaction of the fans it has reminded him of the joy in the sport and admitted : ` football is my life ' .\n", + "thiago alcantara had n't played for bayern munich since march 2014midfielder plays 10 minutes in 1-0 victory against borussia dortmund\n", + "[1.0589292 1.4075974 1.0908655 1.0701612 1.0649452 1.3386664 1.1252857\n", + " 1.1672702 1.05903 1.1656017 1.0606755 1.1684982 1.2559998 1.0888189\n", + " 1.0439665 1.0587803 1.0299747 1.0098538 1.010418 ]\n", + "\n", + "[ 1 5 12 11 7 9 6 2 13 3 4 10 8 0 15 14 16 18 17]\n", + "=======================\n", + "['finder.com.au money and real estate expert michelle hutchison says there are easy ways to improve the look and feel of your home for prospective buyers - and they need not cost thousands .the house on the market and last sold four years ago for $ 5.5 mmichelle hutchison ( right ) is a money expert from finder.com.au who insists that de-cluttering and reworking the wardrobes to look as presentable as those featured on the block ( left ) will add cash to your sale']\n", + "=======================\n", + "['money expert says spending a few hours and a bit of cash can add tens of thousands to your property value at saleamong her tips are things simple as changing door handles and curtainsmichelle hutchison says paint the walls and the kitchen cupboardsother tips include : clear the clutter to make you home appear bigger']\n", + "finder.com.au money and real estate expert michelle hutchison says there are easy ways to improve the look and feel of your home for prospective buyers - and they need not cost thousands .the house on the market and last sold four years ago for $ 5.5 mmichelle hutchison ( right ) is a money expert from finder.com.au who insists that de-cluttering and reworking the wardrobes to look as presentable as those featured on the block ( left ) will add cash to your sale\n", + "money expert says spending a few hours and a bit of cash can add tens of thousands to your property value at saleamong her tips are things simple as changing door handles and curtainsmichelle hutchison says paint the walls and the kitchen cupboardsother tips include : clear the clutter to make you home appear bigger\n", + "[1.0879226 1.0977393 1.1872597 1.1201234 1.3349267 1.2890399 1.14153\n", + " 1.0990405 1.1658466 1.0700146 1.0540413 1.0886011 1.1302453 1.1152719\n", + " 1.0847399 1.0596466 1.0667291 0. 0. ]\n", + "\n", + "[ 4 5 2 8 6 12 3 13 7 1 11 0 14 9 16 15 10 17 18]\n", + "=======================\n", + "[\"luxury ski company bramble ski created a private ice bar for guests at one of its chalets in verbier ( stock image )the live-in tailor was demanded to make all the ski and apres ski outfits to a group of guests ' personal tastes and cost # 1,700 to hire .these are just some of the requests made by guests staying with high-end ski-tour company haute montagne .\"]\n", + "=======================\n", + "[\"horse and carriage drained the customer 's account of # 20,000the live-in tailor was demanded to make ski and apres ski outfitsthis came at a cost of # 1700 for the extremely wealthy skiersanother group of guests asked for two grand pianos to be flown indemands were made to high-end firms haute montagne and bramble ski\"]\n", + "luxury ski company bramble ski created a private ice bar for guests at one of its chalets in verbier ( stock image )the live-in tailor was demanded to make all the ski and apres ski outfits to a group of guests ' personal tastes and cost # 1,700 to hire .these are just some of the requests made by guests staying with high-end ski-tour company haute montagne .\n", + "horse and carriage drained the customer 's account of # 20,000the live-in tailor was demanded to make ski and apres ski outfitsthis came at a cost of # 1700 for the extremely wealthy skiersanother group of guests asked for two grand pianos to be flown indemands were made to high-end firms haute montagne and bramble ski\n", + "[1.3230109 1.4985327 1.1208563 1.2674978 1.0792333 1.3759468 1.1115308\n", + " 1.1136518 1.028464 1.0575657 1.0646073 1.0434042 1.0322043 1.0221568\n", + " 1.0468057 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 0 3 2 7 6 4 10 9 14 11 12 8 13 15 16 17 18]\n", + "=======================\n", + "[\"the transport workers ' union 's national secretary tony sheldon condemned the requested change to the fair work act and accused aldi of trying to reintroduce serfdom .a union secretary has slammed supermarket chain aldi for trying to overturn workplace laws and gain the right to force employees to work more than 38 hours a week .aldi 's last attempt to increase workers hours in 2012 failed despite the supermarket chain arguing that their employees ` overwhelmingly supported ' and ` preferred ' the proposals .\"]\n", + "=======================\n", + "[\"aldi has requested the ability to make employees work more than 38 hours in a submission to workplace relations productivity commissionsupermarket giant was slammed by union secretary tony sheldonhe accused aldi of reintroducing serfdom and ` trying to strip workers of their rights '\"]\n", + "the transport workers ' union 's national secretary tony sheldon condemned the requested change to the fair work act and accused aldi of trying to reintroduce serfdom .a union secretary has slammed supermarket chain aldi for trying to overturn workplace laws and gain the right to force employees to work more than 38 hours a week .aldi 's last attempt to increase workers hours in 2012 failed despite the supermarket chain arguing that their employees ` overwhelmingly supported ' and ` preferred ' the proposals .\n", + "aldi has requested the ability to make employees work more than 38 hours in a submission to workplace relations productivity commissionsupermarket giant was slammed by union secretary tony sheldonhe accused aldi of reintroducing serfdom and ` trying to strip workers of their rights '\n", + "[1.2358729 1.5207298 1.290657 1.3723164 1.1303606 1.0329174 1.0213064\n", + " 1.0181109 1.014729 1.1931361 1.0951716 1.0468503 1.0970485 1.1116716\n", + " 1.0545056 1.0662868 1.0330422 1.0378646 1.04022 0. ]\n", + "\n", + "[ 1 3 2 0 9 4 13 12 10 15 14 11 18 17 16 5 6 7 8 19]\n", + "=======================\n", + "[\"jessica howard , 23 , denounced ` night stalker ' clive howard , 57 , for his string of assaults on six women over 28 years .she told him that the catastrophic impact of his attack could never be put into words and has destroyed her life .the dramatic confrontation came as howard was jailed for a minimum of ten years and three months after admitting seven rapes , one attempted rape and three kidnappings .\"]\n", + "=======================\n", + "['clive howard , 57 , preyed on lone women on norfolk and cambridge streetshe was jailed for life after final victim was able to describe his volvo carjessica howard , 23 , was returning from a night out when he raped hersince he was found guilty 15 more potential victims have come forward']\n", + "jessica howard , 23 , denounced ` night stalker ' clive howard , 57 , for his string of assaults on six women over 28 years .she told him that the catastrophic impact of his attack could never be put into words and has destroyed her life .the dramatic confrontation came as howard was jailed for a minimum of ten years and three months after admitting seven rapes , one attempted rape and three kidnappings .\n", + "clive howard , 57 , preyed on lone women on norfolk and cambridge streetshe was jailed for life after final victim was able to describe his volvo carjessica howard , 23 , was returning from a night out when he raped hersince he was found guilty 15 more potential victims have come forward\n", + "[1.2913129 1.1868459 1.1899967 1.3038006 1.1539161 1.1526127 1.1084255\n", + " 1.180675 1.0742724 1.0366662 1.0173281 1.0709214 1.1004201 1.0378014\n", + " 1.1157278 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 1 7 4 5 14 6 12 8 11 13 9 10 18 15 16 17 19]\n", + "=======================\n", + "[\"when she was a size 18 , julie was told she was too fat to run but she completed a marathon , left , and has done numerous races since , including one at the london 2012 olympic park , rightwith stories like this , it is perhaps no surprise that a new survey has found two thirds of women believe they ca n't run - despite being desperate to be fitter and healthier .she appeared on today 's this morning with sub-three hour marathoner nell mcandrew to launch the itv show 's run for your life campaign .\"]\n", + "=======================\n", + "[\"julie creffield was told she was ` too fat to run ' when she was a size 18but she still completed a marathonnow encouraging other women to run whatever their sizelaunched this morning 's run for your life campaign with nell mcandrewpoll carried out by show found two thirds of women think they ca n't run\"]\n", + "when she was a size 18 , julie was told she was too fat to run but she completed a marathon , left , and has done numerous races since , including one at the london 2012 olympic park , rightwith stories like this , it is perhaps no surprise that a new survey has found two thirds of women believe they ca n't run - despite being desperate to be fitter and healthier .she appeared on today 's this morning with sub-three hour marathoner nell mcandrew to launch the itv show 's run for your life campaign .\n", + "julie creffield was told she was ` too fat to run ' when she was a size 18but she still completed a marathonnow encouraging other women to run whatever their sizelaunched this morning 's run for your life campaign with nell mcandrewpoll carried out by show found two thirds of women think they ca n't run\n", + "[1.2510321 1.3539146 1.2835383 1.3014534 1.1057627 1.1949296 1.0292497\n", + " 1.2010825 1.1386278 1.1863742 1.1209304 1.044155 1.0810214 1.0607495\n", + " 1.0241644 1.0237132 1.011671 1.0302366 1.0447809 1.0256494]\n", + "\n", + "[ 1 3 2 0 7 5 9 8 10 4 12 13 18 11 17 6 19 14 15 16]\n", + "=======================\n", + "[\"with 342,969 photos , it trumps sydney 's popular bondi beach which has been ranked second with 261,911 photos .the famous tourist attractions were listed in the 20 most ` instagrammed ' places in australia as part of research released by love home swap on wednesday , based on hashtag usage on images shared on instagram .it is then followed by the world heritage listed sydney opera house with 134,641 .\"]\n", + "=======================\n", + "[\"sydney harbour bridge is the most ` instagrammed ' aussie landmark while the second is bondi beachthe sydney opera house ranks third in the top 20 list , released by love home swap on wednesdayother attractions include the twelve apostles in victoria and the big banana in coffs harbour , nswthe home-swapping site says nearly 60 million photos are uploaded to instagram each day\"]\n", + "with 342,969 photos , it trumps sydney 's popular bondi beach which has been ranked second with 261,911 photos .the famous tourist attractions were listed in the 20 most ` instagrammed ' places in australia as part of research released by love home swap on wednesday , based on hashtag usage on images shared on instagram .it is then followed by the world heritage listed sydney opera house with 134,641 .\n", + "sydney harbour bridge is the most ` instagrammed ' aussie landmark while the second is bondi beachthe sydney opera house ranks third in the top 20 list , released by love home swap on wednesdayother attractions include the twelve apostles in victoria and the big banana in coffs harbour , nswthe home-swapping site says nearly 60 million photos are uploaded to instagram each day\n", + "[1.4141045 1.3873796 1.3236866 1.2551849 1.1514491 1.3269376 1.1129067\n", + " 1.1196115 1.0380971 1.0204498 1.0885394 1.0898993 1.0387625 1.0308343\n", + " 1.0072727 1.06604 1.077229 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 2 3 4 7 6 11 10 16 15 12 8 13 9 14 18 17 19]\n", + "=======================\n", + "[\"ufc light-heavyweight jon jones is currently wanted as a suspect in connection with a hit-and-run accident on sunday morning , amid reports police found marijuana in his car .the 27-year-old is facing a misdemeanour hit-and-run charge related to an accident involving a pregnant woman , according to albuquerque pd spokesman simon drobik .the pregnant woman was sent to hospital with ` non life-threatening injuries ' , drobnik said following a collision with another vehicle .\"]\n", + "=======================\n", + "[\"jon jones is wanted as a suspect in connection with sunday 's accidenta pregnant woman was sent to hospital with ` non life-threatening injuries ' , according to albuquerque police department spokesman simon drobikmarijuana and a pipe reportedly found in star 's car by policejones would be liable for damages to the vehicles involved and medical costs of the 20-something woman if he was found to have caused crash27-year-old is set to defend his light-heavyweight title against anthony johnson in las vegas at ufc 187 next monthclick here for all the latest ufc news\"]\n", + "ufc light-heavyweight jon jones is currently wanted as a suspect in connection with a hit-and-run accident on sunday morning , amid reports police found marijuana in his car .the 27-year-old is facing a misdemeanour hit-and-run charge related to an accident involving a pregnant woman , according to albuquerque pd spokesman simon drobik .the pregnant woman was sent to hospital with ` non life-threatening injuries ' , drobnik said following a collision with another vehicle .\n", + "jon jones is wanted as a suspect in connection with sunday 's accidenta pregnant woman was sent to hospital with ` non life-threatening injuries ' , according to albuquerque police department spokesman simon drobikmarijuana and a pipe reportedly found in star 's car by policejones would be liable for damages to the vehicles involved and medical costs of the 20-something woman if he was found to have caused crash27-year-old is set to defend his light-heavyweight title against anthony johnson in las vegas at ufc 187 next monthclick here for all the latest ufc news\n", + "[1.3698509 1.2255807 1.3942832 1.1536299 1.4012302 1.1000686 1.144207\n", + " 1.1139559 1.1068367 1.1548123 1.0300468 1.0074642 1.0124898 1.1101943\n", + " 1.0313593 1.072231 1.013267 1.0170313 1.0116493 0. ]\n", + "\n", + "[ 4 2 0 1 9 3 6 7 13 8 5 15 14 10 17 16 12 18 11 19]\n", + "=======================\n", + "[\"lebron james and kyrie irving scored 23 points apiece as the cleveland cavaliers won in miamithe cleveland forward , who won two nba titles with miami before moving back to ohio , helped his team to a 114-88 win at the american airlines arena .james , meanwhile , passed patrick ewing ( 24,815 ) into 20th place on the nba 's all-time scoring list .\"]\n", + "=======================\n", + "[\"lebron james scored 23 points against his former side on thursdaymiami heat 's dwayne wade injured his knee as his side lost to clevelandgolden state made it 11 straight wins after harrison barnes ' late scorehouston beat texas rivals dallas thanks to 24 points from james harden\"]\n", + "lebron james and kyrie irving scored 23 points apiece as the cleveland cavaliers won in miamithe cleveland forward , who won two nba titles with miami before moving back to ohio , helped his team to a 114-88 win at the american airlines arena .james , meanwhile , passed patrick ewing ( 24,815 ) into 20th place on the nba 's all-time scoring list .\n", + "lebron james scored 23 points against his former side on thursdaymiami heat 's dwayne wade injured his knee as his side lost to clevelandgolden state made it 11 straight wins after harrison barnes ' late scorehouston beat texas rivals dallas thanks to 24 points from james harden\n", + "[1.5202127 1.2614293 1.2808688 1.4142432 1.2023841 1.1039896 1.1025488\n", + " 1.0338217 1.014634 1.0213958 1.031591 1.015604 1.0174592 1.0135957\n", + " 1.0424315 1.0219231 1.0280421 1.1059096 1.0857037 1.0126204 1.0257219\n", + " 0. ]\n", + "\n", + "[ 0 3 2 1 4 17 5 6 18 14 7 10 16 20 15 9 12 11 8 13 19 21]\n", + "=======================\n", + "[\"eddie howe was at a loss as to why his bournemouth side were not awarded a ` clear-cut ' penalty in their 2-2 draw with sheffield wednesday .but it was the failure of referee paul tierney not to give the hosts their 16th spot-kick of the campaign in the 65th minute for a foul on striker callum wilson that left howe frustrated .callum wilson is brought down by a sheffield wednesday defender during the draw at dean court\"]\n", + "=======================\n", + "[\"eddie howe was left to rue the decisions of referee paul tierneybournemouth manager feels his side should 've been awarded a penaltycallum wilson was sent flying in the 65th minute of the draw at dean courthowe also believes the owls defender deserved to see red for the foul\"]\n", + "eddie howe was at a loss as to why his bournemouth side were not awarded a ` clear-cut ' penalty in their 2-2 draw with sheffield wednesday .but it was the failure of referee paul tierney not to give the hosts their 16th spot-kick of the campaign in the 65th minute for a foul on striker callum wilson that left howe frustrated .callum wilson is brought down by a sheffield wednesday defender during the draw at dean court\n", + "eddie howe was left to rue the decisions of referee paul tierneybournemouth manager feels his side should 've been awarded a penaltycallum wilson was sent flying in the 65th minute of the draw at dean courthowe also believes the owls defender deserved to see red for the foul\n", + "[1.0474149 1.1878757 1.1155034 1.2499956 1.2330872 1.1484318 1.0704918\n", + " 1.0394142 1.0376552 1.0653315 1.0805507 1.1126356 1.1996499 1.1261023\n", + " 1.0392817 1.100747 1.0714688 1.0127836 1.0111444 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 4 12 1 5 13 2 11 15 10 16 6 9 0 7 14 8 17 18 19 20 21]\n", + "=======================\n", + "['and sure enough , in the end , sunday \\'s contest at big texan steak ranch in amarillo , texas , was n\\'t even close .molly schuyler scarfed down three 72-ounce steaks , three baked potatoes , three side salads , three rolls and three shrimp cocktails -- far outpacing her heftier rivals .she also broke her own big texan record of two 72-ounce steaks and sides , set last year , when she bested previous record-holder joey \" jaws \" chestnut .']\n", + "=======================\n", + "['molly schuyler scarfed down three 72-ounce steaks sunday in amarillo , texasthe sacramento woman , 35 , is a professional on the competitive-eating circuit']\n", + "and sure enough , in the end , sunday 's contest at big texan steak ranch in amarillo , texas , was n't even close .molly schuyler scarfed down three 72-ounce steaks , three baked potatoes , three side salads , three rolls and three shrimp cocktails -- far outpacing her heftier rivals .she also broke her own big texan record of two 72-ounce steaks and sides , set last year , when she bested previous record-holder joey \" jaws \" chestnut .\n", + "molly schuyler scarfed down three 72-ounce steaks sunday in amarillo , texasthe sacramento woman , 35 , is a professional on the competitive-eating circuit\n", + "[1.3690674 1.2903224 1.2329576 1.3011602 1.1931297 1.1254131 1.0476346\n", + " 1.0277468 1.018905 1.0434955 1.0220085 1.1286727 1.1160058 1.0702184\n", + " 1.083129 1.117053 1.0090252 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 2 4 11 5 15 12 14 13 6 9 7 10 8 16 17 18 19 20 21]\n", + "=======================\n", + "[\"tv celebrity dr mehmet oz will take on his detractors in the medical community head-on during a special episode of his daytime talk show thursday , sending a strong message that he will not be silenced .oz , 54 , found himself at the center of a firestorm last week when 10 prominent doctors sent a letter to columbia university , where he serves as vice chairman and professor of surgery at college of physicians , calling for his resignation because he is a ` charlatan who promotes ` quack treatments . 'according to a spokesperson for the dr oz show , about two-thirds of this week 's episode will be devoted to the controversy .\"]\n", + "=======================\n", + "[\"dr mehmet oz is vice chairman at columbia 's college of physicians and surgeons and is a professor of surgeryhe said in a statement that his show provides ` multiple points of view ' , including his , ` which is offered without conflict of interest 'comes after ten top doctors sent letter to school urging for oz 's dismissalsaid there 's no scientific proof his ` miracle ' weight-loss supplements workthe dr oz show will air a special episode thursday , most of which will be dedicated to his rebuttal\"]\n", + "tv celebrity dr mehmet oz will take on his detractors in the medical community head-on during a special episode of his daytime talk show thursday , sending a strong message that he will not be silenced .oz , 54 , found himself at the center of a firestorm last week when 10 prominent doctors sent a letter to columbia university , where he serves as vice chairman and professor of surgery at college of physicians , calling for his resignation because he is a ` charlatan who promotes ` quack treatments . 'according to a spokesperson for the dr oz show , about two-thirds of this week 's episode will be devoted to the controversy .\n", + "dr mehmet oz is vice chairman at columbia 's college of physicians and surgeons and is a professor of surgeryhe said in a statement that his show provides ` multiple points of view ' , including his , ` which is offered without conflict of interest 'comes after ten top doctors sent letter to school urging for oz 's dismissalsaid there 's no scientific proof his ` miracle ' weight-loss supplements workthe dr oz show will air a special episode thursday , most of which will be dedicated to his rebuttal\n", + "[1.0542977 1.2893459 1.2187326 1.3906484 1.1767737 1.1203052 1.1040157\n", + " 1.0531027 1.0928911 1.0583881 1.0521067 1.0535916 1.0383022 1.0525377\n", + " 1.0365475 1.0318401 1.043173 1.0918374 1.0427403 1.064935 1.0500907\n", + " 1.0414453]\n", + "\n", + "[ 3 1 2 4 5 6 8 17 19 9 0 11 7 13 10 20 16 18 21 12 14 15]\n", + "=======================\n", + "[\"ikea 's new service , wedding online , allows couples to get virtually hitched and have guests attending from all over the worldikea may be better known for their home furnishings ( left ) , but now , the company also hosts legally-binding weddingseven better , guests from all around the world can view the proceedings , as long as they have a webcam handy .\"]\n", + "=======================\n", + "[\"swedish home furnishings company have launched ` wedding online 'guests need webcams and their faces are pasted on to virtual bodiescouples choose wedding themes including fairy tale , beach , high society\"]\n", + "ikea 's new service , wedding online , allows couples to get virtually hitched and have guests attending from all over the worldikea may be better known for their home furnishings ( left ) , but now , the company also hosts legally-binding weddingseven better , guests from all around the world can view the proceedings , as long as they have a webcam handy .\n", + "swedish home furnishings company have launched ` wedding online 'guests need webcams and their faces are pasted on to virtual bodiescouples choose wedding themes including fairy tale , beach , high society\n", + "[1.293667 1.358073 1.2269936 1.3420879 1.2507647 1.2333041 1.0979254\n", + " 1.0803993 1.0903494 1.108979 1.0760999 1.018947 1.0178616 1.0161191\n", + " 1.022369 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 4 5 2 9 6 8 7 10 14 11 12 13 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the party 's deputy leader harriet harman , in an interview with the daily mail , said grandparents would be allowed to take up to four unpaid weeks off per year in order to help with childcare .labour would introduce a new legal right to ` granny leave ' to allow working grandparents to take time off to help care for their grandchildren .more than half of mothers rely on grandparents for childcare when they first go back to work after maternity leave , and two-thirds of grandparents with grandchildren aged under 16 provide some childcare .\"]\n", + "=======================\n", + "['deputy leader harriet harman said policy would help millions of familiesbut proposal is likely to meet with backlash from some business leaderscritics will argue firms can not cope with more rights for employees']\n", + "the party 's deputy leader harriet harman , in an interview with the daily mail , said grandparents would be allowed to take up to four unpaid weeks off per year in order to help with childcare .labour would introduce a new legal right to ` granny leave ' to allow working grandparents to take time off to help care for their grandchildren .more than half of mothers rely on grandparents for childcare when they first go back to work after maternity leave , and two-thirds of grandparents with grandchildren aged under 16 provide some childcare .\n", + "deputy leader harriet harman said policy would help millions of familiesbut proposal is likely to meet with backlash from some business leaderscritics will argue firms can not cope with more rights for employees\n", + "[1.3497541 1.293437 1.2519457 1.2335316 1.1628815 1.0538007 1.0889767\n", + " 1.0355968 1.0350668 1.0277085 1.1402149 1.1757022 1.0347486 1.0175866\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 11 4 10 6 5 7 8 12 9 13 14 15 16 17 18]\n", + "=======================\n", + "[\"tensions between marine le pen , the leader of the french national front , and her father have escalated , as the 86-year-old founder of the far-right party defended having described nazi gas chambers as a ` detail of history ' .during an interview on bfm tv in paris , mr le pen said ` the truth ' should ` not shock anyone ' , and that historical reality should not be used to portray him as anti-jewish .` the gas chambers were a detail of the war , unless we admit that the war was a detail of the gas chambers ! '\"]\n", + "=======================\n", + "[\"jean-marie le pen reignites tensions after defending view of gas chambershe claimed they were a ` detail of the war ' and should ` not shock anyone 'le pen 's comments likely to revive allegations far right party is anti-semiticdaughter and current fn leader marine le pen said she ` deeply disagrees '\"]\n", + "tensions between marine le pen , the leader of the french national front , and her father have escalated , as the 86-year-old founder of the far-right party defended having described nazi gas chambers as a ` detail of history ' .during an interview on bfm tv in paris , mr le pen said ` the truth ' should ` not shock anyone ' , and that historical reality should not be used to portray him as anti-jewish .` the gas chambers were a detail of the war , unless we admit that the war was a detail of the gas chambers ! '\n", + "jean-marie le pen reignites tensions after defending view of gas chambershe claimed they were a ` detail of the war ' and should ` not shock anyone 'le pen 's comments likely to revive allegations far right party is anti-semiticdaughter and current fn leader marine le pen said she ` deeply disagrees '\n", + "[1.2795774 1.4548821 1.1732997 1.3212165 1.1962042 1.151242 1.0404695\n", + " 1.0684246 1.0918341 1.0313035 1.0449686 1.066653 1.0230561 1.065102\n", + " 1.1135737 1.031692 1.0370381 1.0858318 0. ]\n", + "\n", + "[ 1 3 0 4 2 5 14 8 17 7 11 13 10 6 16 15 9 12 18]\n", + "=======================\n", + "[\"the clip , uploaded to youtube , looks to have been taken after sunday 's manchester derby which united won 4-2 .manchester city fans were filmed singing a vile song about the munich disaster outside old traffordapparently taken by a city fan , it then appears to capture city supporters singing the song which mocks the 1958 tragedy in which 23 people died including manchester united players .\"]\n", + "=======================\n", + "['manchester united defeated city 4-2 in the premier league on sundaya youtube video has emerged of blues fans taunting their rivals with disgraceful songs about the munich air disaster23 people were killed in the 1958 tragedy , including former city keeper frank swift']\n", + "the clip , uploaded to youtube , looks to have been taken after sunday 's manchester derby which united won 4-2 .manchester city fans were filmed singing a vile song about the munich disaster outside old traffordapparently taken by a city fan , it then appears to capture city supporters singing the song which mocks the 1958 tragedy in which 23 people died including manchester united players .\n", + "manchester united defeated city 4-2 in the premier league on sundaya youtube video has emerged of blues fans taunting their rivals with disgraceful songs about the munich air disaster23 people were killed in the 1958 tragedy , including former city keeper frank swift\n", + "[1.0225142 1.0357637 1.456557 1.4495697 1.331582 1.3272494 1.1443232\n", + " 1.248556 1.1112163 1.0762249 1.1161277 1.1065269 1.0847028 1.1056828\n", + " 1.0489669 1.0488073 1.0294372 1.0327237 1.0086722]\n", + "\n", + "[ 2 3 4 5 7 6 10 8 11 13 12 9 14 15 1 17 16 0 18]\n", + "=======================\n", + "['an idyllic two-bedroom log cabin , nestled down a private country lane in the heart of the new forest , has gone on the market for # 350,000 .the 76sq ft hideaway , based near the tiny hampshire hamlet of newgrounds , near godshill , is made entirely from timber imported from norway .it has 141,000 acres of forest surrounding the cabin']\n", + "=======================\n", + "['idyllic two-bed log cabin nestled down private country lane in new forestthe 76sq ft hideaway is made entirely from timber imported from norwaycabin encircled by 141,000 acres of forest and can be lived in all-year roundits location near godshill , hants , means the cabin is worth more than twice what it would be worth elsewhere']\n", + "an idyllic two-bedroom log cabin , nestled down a private country lane in the heart of the new forest , has gone on the market for # 350,000 .the 76sq ft hideaway , based near the tiny hampshire hamlet of newgrounds , near godshill , is made entirely from timber imported from norway .it has 141,000 acres of forest surrounding the cabin\n", + "idyllic two-bed log cabin nestled down private country lane in new forestthe 76sq ft hideaway is made entirely from timber imported from norwaycabin encircled by 141,000 acres of forest and can be lived in all-year roundits location near godshill , hants , means the cabin is worth more than twice what it would be worth elsewhere\n", + "[1.3718257 1.434557 1.2991763 1.2064804 1.2734745 1.2029407 1.1217532\n", + " 1.1466181 1.1089759 1.1025697 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 3 5 7 6 8 9 10 11 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"manchester united and real madrid agreed a potential deal last season worth around # 15m to include the mexican 's season loan .real madrid will not take up their # 7.5 million purchase option on javier hernandez despite his winning goal against atletico madrid on wednesday .lazio , valencia , dinamo moscow , newcastle , west ham and southampton are among clubs interested in the 26-year-old .\"]\n", + "=======================\n", + "['javier hernandez scored winner against atletico madrid on wednesdaymexican is on a season-long loan at real madrid from manchester unitedreal will not take up option to buy the striker at the end of the seasonhernandez is wanted by a host of premier league and european clubs']\n", + "manchester united and real madrid agreed a potential deal last season worth around # 15m to include the mexican 's season loan .real madrid will not take up their # 7.5 million purchase option on javier hernandez despite his winning goal against atletico madrid on wednesday .lazio , valencia , dinamo moscow , newcastle , west ham and southampton are among clubs interested in the 26-year-old .\n", + "javier hernandez scored winner against atletico madrid on wednesdaymexican is on a season-long loan at real madrid from manchester unitedreal will not take up option to buy the striker at the end of the seasonhernandez is wanted by a host of premier league and european clubs\n", + "[1.2759733 1.4856199 1.2689017 1.227955 1.1373408 1.0452557 1.07597\n", + " 1.0745091 1.0183609 1.2014136 1.0954127 1.0621336 1.0492544 1.0462878\n", + " 1.0546902 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 9 4 10 6 7 11 14 12 13 5 8 17 15 16 18]\n", + "=======================\n", + "['davon durant , a promising linebacker at asu , was arrested on domestic violence charges after his girlfriend of 18 months , kelsi langley , claimed that he hit her in the face and grabbed her neck during an argument in his car march 7 .the girlfriend of an arizona state university football player who has been suspended after she accused him of abuse has now publicly recanted her story , claiming that mood swings made her lie about being assaulted .davon durant pleaded not guilty to one felony count of aggravated assault and three misdemeanor counts of disorderly conduct .']\n", + "=======================\n", + "['asu linebacker davon durant , 19 , was arrested last month after he allegedly hit his girlfriend of 18 months in the face and choked herkelsi langley , 19 , posted his bail and recanted her story to police the next daywitness called 911 on the day of alleged attack saying he had seen a man hit a woman in a cardurant pleaded not guilty to aggravated assault and disorderly conduct , and has been suspended indefinitely from the teamlangley later claimed she got angry with durant and lied to policesaid finger marks on her neck were hickeys and her eyes were red from crying , not bruisedthe female asu student and a civil rights activist accused police of making durant out to be a thug']\n", + "davon durant , a promising linebacker at asu , was arrested on domestic violence charges after his girlfriend of 18 months , kelsi langley , claimed that he hit her in the face and grabbed her neck during an argument in his car march 7 .the girlfriend of an arizona state university football player who has been suspended after she accused him of abuse has now publicly recanted her story , claiming that mood swings made her lie about being assaulted .davon durant pleaded not guilty to one felony count of aggravated assault and three misdemeanor counts of disorderly conduct .\n", + "asu linebacker davon durant , 19 , was arrested last month after he allegedly hit his girlfriend of 18 months in the face and choked herkelsi langley , 19 , posted his bail and recanted her story to police the next daywitness called 911 on the day of alleged attack saying he had seen a man hit a woman in a cardurant pleaded not guilty to aggravated assault and disorderly conduct , and has been suspended indefinitely from the teamlangley later claimed she got angry with durant and lied to policesaid finger marks on her neck were hickeys and her eyes were red from crying , not bruisedthe female asu student and a civil rights activist accused police of making durant out to be a thug\n", + "[1.2082953 1.2905504 1.3651607 1.2539401 1.2400048 1.1635783 1.1938792\n", + " 1.051472 1.0138977 1.2374706 1.0973644 1.015332 1.0328747 1.0342739\n", + " 1.0098158 1.0659915 1.02166 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 1 3 4 9 0 6 5 10 15 7 13 12 16 11 8 14 21 17 18 19 20 22]\n", + "=======================\n", + "['now a silicon valley-based start-up is offering an at-home dna saliva test that detects the same gene mutations but is priced at only $ 249 ( # 167 ) .the actress , who underwent a double mastectomy in 2013 , was referring to a genetic test that currently costs more than $ 3,000 ( # 2,000 ) .it tests for mutations in brca1 and brca2']\n", + "=======================\n", + "['test is being offered by silicon valley-based start up color genomicsit tests for 19 gene mutations linked to ovarian and breast cancerworks by asking patients to send back a sample of saliva to a central labtest is available in 45 us states and needs to be ordered by a physician']\n", + "now a silicon valley-based start-up is offering an at-home dna saliva test that detects the same gene mutations but is priced at only $ 249 ( # 167 ) .the actress , who underwent a double mastectomy in 2013 , was referring to a genetic test that currently costs more than $ 3,000 ( # 2,000 ) .it tests for mutations in brca1 and brca2\n", + "test is being offered by silicon valley-based start up color genomicsit tests for 19 gene mutations linked to ovarian and breast cancerworks by asking patients to send back a sample of saliva to a central labtest is available in 45 us states and needs to be ordered by a physician\n", + "[1.4393755 1.4953728 1.1951851 1.404464 1.2098202 1.2153103 1.2104075\n", + " 1.047327 1.159792 1.0593262 1.0749485 1.0315272 1.0139183 1.0095549\n", + " 1.0091717 1.0093235 1.0305297 1.0261008 1.009261 1.0476758 1.0276028\n", + " 1.0066592 0. ]\n", + "\n", + "[ 1 0 3 5 6 4 2 8 10 9 19 7 11 16 20 17 12 13 15 18 14 21 22]\n", + "=======================\n", + "[\"dimitar berbatov and co were put through their paces ahead of the clash at stade louis ii on wednesday with the bulgarian striker insisting a place in the last four is within their reach .monaco coach leonardo jardim put the finishing touches to his squad 's preparation on tuesday as the french club geared up for the second leg of their champions league quarter-final against juventus .dimitar berbatov is convinced monaco can reach champions league semi-final at the expense of juventus\"]\n", + "=======================\n", + "['monaco host juventus in the quarter-final second leg on wednesday nightthe italians hold a slender 1-0 lead from the first leg in turin last weekthe squad were put through their paces on tuesday ahead of the clashdimitar berbatov is confident monaco can progress to the semi-final']\n", + "dimitar berbatov and co were put through their paces ahead of the clash at stade louis ii on wednesday with the bulgarian striker insisting a place in the last four is within their reach .monaco coach leonardo jardim put the finishing touches to his squad 's preparation on tuesday as the french club geared up for the second leg of their champions league quarter-final against juventus .dimitar berbatov is convinced monaco can reach champions league semi-final at the expense of juventus\n", + "monaco host juventus in the quarter-final second leg on wednesday nightthe italians hold a slender 1-0 lead from the first leg in turin last weekthe squad were put through their paces on tuesday ahead of the clashdimitar berbatov is confident monaco can progress to the semi-final\n", + "[1.093198 1.1509979 1.2278297 1.4064164 1.0751554 1.1968768 1.1243222\n", + " 1.1278688 1.0433156 1.0340312 1.0851585 1.064422 1.1486285 1.1614646\n", + " 1.0972499 1.1016037 1.1370685 1.0776352 1.0364293 1.0126221 1.0139327\n", + " 1.0427938 1.010731 ]\n", + "\n", + "[ 3 2 5 13 1 12 16 7 6 15 14 0 10 17 4 11 8 21 18 9 20 19 22]\n", + "=======================\n", + "[\"border collie ace is seen on top of his owner and trainer dai aoki 's lapusing a human as their base , pooches ace and holly stood up high on their hind legs , with their front paws up .soon , holly the border collie hops onto aoki 's legs\"]\n", + "=======================\n", + "['border collies ace and holly were caught on camera performing a gravity-defying feat togetherthe two pooches stood up on their hind legs while balancing on their owner and trainer dai aokithey have appeared in a number of videos showing off their tricks']\n", + "border collie ace is seen on top of his owner and trainer dai aoki 's lapusing a human as their base , pooches ace and holly stood up high on their hind legs , with their front paws up .soon , holly the border collie hops onto aoki 's legs\n", + "border collies ace and holly were caught on camera performing a gravity-defying feat togetherthe two pooches stood up on their hind legs while balancing on their owner and trainer dai aokithey have appeared in a number of videos showing off their tricks\n", + "[1.3376366 1.3168724 1.2062441 1.0924621 1.1138707 1.1501329 1.1295719\n", + " 1.1866448 1.0835192 1.0711757 1.0674311 1.0494022 1.0206984 1.0358708\n", + " 1.0471855 1.0452513 1.0915506 1.1041737 1.0432998 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 7 5 6 4 17 3 16 8 9 10 11 14 15 18 13 12 21 19 20 22]\n", + "=======================\n", + "[\"iran has forbidden its citizens from travelling to saudia arabia 's holy sites over claims two teenaged boys were abused by saudi airport officials while returning from a pilgrimage .the announcement comes amid escalating tensions between the two regional powers , particularly over saudi-led airstrikes in yemen .sunni saudi arabia has led the bombing campaign against yemeni shiite rebels , the houthis , much to the anger of iran .\"]\n", + "=======================\n", + "['iranians ban saudi pilgrimage following claims of abuse on two teenagersthe boys , 14 and 15 , say abuse occurred as they were searched at airportinternational incident sparked protests outside saudi embassy in tehranban comes amid escalating tensions over saudi-led bombing in yemen']\n", + "iran has forbidden its citizens from travelling to saudia arabia 's holy sites over claims two teenaged boys were abused by saudi airport officials while returning from a pilgrimage .the announcement comes amid escalating tensions between the two regional powers , particularly over saudi-led airstrikes in yemen .sunni saudi arabia has led the bombing campaign against yemeni shiite rebels , the houthis , much to the anger of iran .\n", + "iranians ban saudi pilgrimage following claims of abuse on two teenagersthe boys , 14 and 15 , say abuse occurred as they were searched at airportinternational incident sparked protests outside saudi embassy in tehranban comes amid escalating tensions over saudi-led bombing in yemen\n", + "[1.4245284 1.2806718 1.2046896 1.079263 1.135971 1.1035969 1.1052808\n", + " 1.1277355 1.0882895 1.1293601 1.0658079 1.0097648 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 4 9 7 6 5 8 3 10 11 12 13 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"( cnn ) pope francis reminded the world of the vatican 's status as a state and his role as a moral diplomat in his traditional speech given at the end of easter mass. .the pontiff lamented the suffering of people in the conflicts currently making headlines and called for violence everywhere to end .foremost , he asked that bloodshed end in iraq and syria and that humanitarian aid get to those in need .\"]\n", + "=======================\n", + "['the pontiff laments the suffering of people in conflicts currently making headlinesforemost , he asks that bloodshed end in iraq and syria']\n", + "( cnn ) pope francis reminded the world of the vatican 's status as a state and his role as a moral diplomat in his traditional speech given at the end of easter mass. .the pontiff lamented the suffering of people in the conflicts currently making headlines and called for violence everywhere to end .foremost , he asked that bloodshed end in iraq and syria and that humanitarian aid get to those in need .\n", + "the pontiff laments the suffering of people in conflicts currently making headlinesforemost , he asks that bloodshed end in iraq and syria\n", + "[1.2737508 1.4152501 1.1878226 1.2890983 1.1527469 1.1357083 1.1215582\n", + " 1.0777841 1.1069158 1.0738196 1.0702662 1.1014419 1.0894526 1.0397738\n", + " 1.0357736 1.0336678 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 5 6 8 11 12 7 9 10 13 14 15 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"the chancellor said labour had ` form ' on jacking up income tax and national insurance and insisted ed balls and ed miliband would do the same if given the chance after may 7 .taxes on earnings went up by nearly # 1,900 under 13 years of labour , figures have revealed -- as george osborne warned ` they 'll do it all again ' .today , as he begins a tour of all four nations of the uk , david cameron will say there is just one month to save britain from the ` disaster ' of a miliband government .\"]\n", + "=======================\n", + "[\"george osborne has warned that taxes will rise under labour governmentchancellor claimed labour has ` done it before and will do it all over again 'taxes on earnings rose nearly # 1,900 under 13 years of labour , stats show\"]\n", + "the chancellor said labour had ` form ' on jacking up income tax and national insurance and insisted ed balls and ed miliband would do the same if given the chance after may 7 .taxes on earnings went up by nearly # 1,900 under 13 years of labour , figures have revealed -- as george osborne warned ` they 'll do it all again ' .today , as he begins a tour of all four nations of the uk , david cameron will say there is just one month to save britain from the ` disaster ' of a miliband government .\n", + "george osborne has warned that taxes will rise under labour governmentchancellor claimed labour has ` done it before and will do it all over again 'taxes on earnings rose nearly # 1,900 under 13 years of labour , stats show\n", + "[1.3279868 1.1179476 1.2694087 1.3350844 1.0917381 1.0572773 1.0209694\n", + " 1.2213472 1.1747501 1.1210784 1.0604084 1.0227723 1.0256749 1.0601751\n", + " 1.0686779 1.0092667 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 0 2 7 8 9 1 4 14 10 13 5 12 11 6 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"luis suarez curls the ball home for his second and barcelona 's third against paris saint-germainhe scored the two goals at the etihad that saw off manchester city in the last 16 , he scored in the clasico to leave the league title in barcelona 's hands , and with two more goals on wednesday in the parc des princes , luis suarez put his team practically in the champions league semi-finals .the spanish call the nutmeg a ` tunnel ' and in catalonia they are hailing the ` eurotunnels ' that have led barcelona to within two games of the berlin final on june 6 .\"]\n", + "=======================\n", + "['luis suarez scored twice as barcelona beat paris saint-germain 3-1the uruguayan had a slow start at the club but is now in impressive formhe has scored 13 goals in his last 14 games and six from six in europehis relationship with lionel messi and neymar has reaped rewards']\n", + "luis suarez curls the ball home for his second and barcelona 's third against paris saint-germainhe scored the two goals at the etihad that saw off manchester city in the last 16 , he scored in the clasico to leave the league title in barcelona 's hands , and with two more goals on wednesday in the parc des princes , luis suarez put his team practically in the champions league semi-finals .the spanish call the nutmeg a ` tunnel ' and in catalonia they are hailing the ` eurotunnels ' that have led barcelona to within two games of the berlin final on june 6 .\n", + "luis suarez scored twice as barcelona beat paris saint-germain 3-1the uruguayan had a slow start at the club but is now in impressive formhe has scored 13 goals in his last 14 games and six from six in europehis relationship with lionel messi and neymar has reaped rewards\n", + "[1.3121578 1.4909648 1.1720866 1.2908565 1.3714147 1.2150217 1.1450038\n", + " 1.0211241 1.0268787 1.0182476 1.0205562 1.0622722 1.0398241 1.1391962\n", + " 1.129729 1.1200122 1.0404665 1.0077866 1.0269855 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 0 3 5 2 6 13 14 15 11 16 12 18 8 7 10 9 17 21 19 20 22]\n", + "=======================\n", + "['wendell steiner , his wife , and their four children were stopped by police in akron , ohio during their 300-mile journey from nova , ohio to pennsylvania .four very terrified puppies strapped in a cage to the roof of a van moving on the freeway were rescued after dozens of concerned drivers called 911 and police pulled over the car .mitt romney ( left ) came under fire when it was revealed he once drove for 12 hours with his dog on his car']\n", + "=======================\n", + "[\"the puppies were being transported by an ohio mennonite family of sixwendell steiner said he offered to bring the puppies to his wife 's family in pennsylvania because his father could no longer take care of themhe said he was unaware it was illegal to transport animals on the roof a carthe puppies were handed over to police , who let family go with a warningromney admitted to driving 12 hours with his dog in carrier on top of his car\"]\n", + "wendell steiner , his wife , and their four children were stopped by police in akron , ohio during their 300-mile journey from nova , ohio to pennsylvania .four very terrified puppies strapped in a cage to the roof of a van moving on the freeway were rescued after dozens of concerned drivers called 911 and police pulled over the car .mitt romney ( left ) came under fire when it was revealed he once drove for 12 hours with his dog on his car\n", + "the puppies were being transported by an ohio mennonite family of sixwendell steiner said he offered to bring the puppies to his wife 's family in pennsylvania because his father could no longer take care of themhe said he was unaware it was illegal to transport animals on the roof a carthe puppies were handed over to police , who let family go with a warningromney admitted to driving 12 hours with his dog in carrier on top of his car\n", + "[1.1258295 1.156491 1.4455713 1.3855588 1.3150204 1.2812846 1.1804457\n", + " 1.0999224 1.0472397 1.013833 1.0143871 1.0270165 1.0153991 1.018276\n", + " 1.0264578 1.0998895 1.0709982 1.0570385 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 3 4 5 6 1 0 7 15 16 17 8 11 14 13 12 10 9 21 18 19 20 22]\n", + "=======================\n", + "[\"the 2013 wimbledon champion and olympic gold medalist has revealed he has left the vast majority of planning next week 's wedding to his fiancée , kim sears .miss sears , 27 , pictured in miami , has been been entrusted with planning the pair 's wedding next weekbut when it comes to the biggest event in his life , andy murray is happy to take a back seat .\"]\n", + "=======================\n", + "[\"murray says he has left majority of planning the day to fiancée , kim searshas said ` it 's just better to let the woman have it how she would like 'admits he ` could n't care less ' about flowers and colours schemesbut has been involved in food and cake tasting , saying ' i like good food 'wedding held next week at dunblane cathedral , murray 's home town\"]\n", + "the 2013 wimbledon champion and olympic gold medalist has revealed he has left the vast majority of planning next week 's wedding to his fiancée , kim sears .miss sears , 27 , pictured in miami , has been been entrusted with planning the pair 's wedding next weekbut when it comes to the biggest event in his life , andy murray is happy to take a back seat .\n", + "murray says he has left majority of planning the day to fiancée , kim searshas said ` it 's just better to let the woman have it how she would like 'admits he ` could n't care less ' about flowers and colours schemesbut has been involved in food and cake tasting , saying ' i like good food 'wedding held next week at dunblane cathedral , murray 's home town\n", + "[1.5073965 1.2182642 1.1687384 1.0380507 1.0418615 1.0477995 1.2172889\n", + " 1.248129 1.0954823 1.092578 1.0700668 1.0249174 1.0187817 1.0366162\n", + " 1.0613092 1.039356 1.0832269 1.0604514 1.0276196 1.2777672 1.1563969\n", + " 1.2072657 1.0292434]\n", + "\n", + "[ 0 19 7 1 6 21 2 20 8 9 16 10 14 17 5 4 15 3 13 22 18 11 12]\n", + "=======================\n", + "['lionel messi is not the best player in the world , neither is cristiano ronaldo - that title belongs to paris saint-germain forward javier pastore , according to eric cantona .javier pastore ( right ) celebrates after winning the french league cup with psg last saturdaybarcelona forward lionel messi has also been overlooked by cantona despite netting 45 times this season']\n", + "=======================\n", + "[\"eric cantona says psg midfielder javier pastore is world 's best playerpastore cost the french champions # 29million from palermo in 2011argentine has scored three goals and made five more this seasonpastore is the most creative player in the world according to cantonafrenchman also says spain only won world cup because of barcelona\"]\n", + "lionel messi is not the best player in the world , neither is cristiano ronaldo - that title belongs to paris saint-germain forward javier pastore , according to eric cantona .javier pastore ( right ) celebrates after winning the french league cup with psg last saturdaybarcelona forward lionel messi has also been overlooked by cantona despite netting 45 times this season\n", + "eric cantona says psg midfielder javier pastore is world 's best playerpastore cost the french champions # 29million from palermo in 2011argentine has scored three goals and made five more this seasonpastore is the most creative player in the world according to cantonafrenchman also says spain only won world cup because of barcelona\n", + "[1.2887927 1.2605653 1.3753237 1.2833073 1.2735779 1.2055805 1.1642202\n", + " 1.1147354 1.064603 1.0192311 1.0278289 1.0463684 1.0179223 1.0876645\n", + " 1.1569743 1.0834175 1.0267844 1.0725287 1.0237507]\n", + "\n", + "[ 2 0 3 4 1 5 6 14 7 13 15 17 8 11 10 16 18 9 12]\n", + "=======================\n", + "['durst , 72 , who faces a murder charge in an unrelated california case , remains jailed without bond in louisiana .he will now face federal charges , which lawyers believe he can win , before a murder trial in californiahe was arrested at a hotel in the new orleans capital in march a day before the finale of his hbo docu-series the jinx .']\n", + "=======================\n", + "[\"jailed millionaire arrested in march for ` gun and marijuana possession 'on thursday , a louisiana state judge threw out the caselawyers believe he will win federal case with similar chargesdurst is also charged with murder in california\"]\n", + "durst , 72 , who faces a murder charge in an unrelated california case , remains jailed without bond in louisiana .he will now face federal charges , which lawyers believe he can win , before a murder trial in californiahe was arrested at a hotel in the new orleans capital in march a day before the finale of his hbo docu-series the jinx .\n", + "jailed millionaire arrested in march for ` gun and marijuana possession 'on thursday , a louisiana state judge threw out the caselawyers believe he will win federal case with similar chargesdurst is also charged with murder in california\n", + "[1.2494475 1.4206827 1.2555335 1.3997474 1.386457 1.2706585 1.0189389\n", + " 1.0240865 1.2032071 1.0956695 1.0352757 1.0121183 1.0080892 1.0082835\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 5 2 0 8 9 10 7 6 11 13 12 17 14 15 16 18]\n", + "=======================\n", + "[\"szczesny has found himself demoted to the substitutes ' bench in recent months due to a combination of poor performances and the form of david ospina since the new year .wojciech szczesny has n't played a premier league game since the 2-0 defeat to southampton in januarydavid ospina boasts the highest win ratio of any premier league player to make more than 10 appearances\"]\n", + "=======================\n", + "['wojciech szczesny has watched on from the sidelines in recent monthsform of david ospina has lifted arsenal to second in the premier leagueseaman gives poland keeper confidence boost ahead of fa cup semi-finalread : alexis sanchez would grace the great arsenal teams']\n", + "szczesny has found himself demoted to the substitutes ' bench in recent months due to a combination of poor performances and the form of david ospina since the new year .wojciech szczesny has n't played a premier league game since the 2-0 defeat to southampton in januarydavid ospina boasts the highest win ratio of any premier league player to make more than 10 appearances\n", + "wojciech szczesny has watched on from the sidelines in recent monthsform of david ospina has lifted arsenal to second in the premier leagueseaman gives poland keeper confidence boost ahead of fa cup semi-finalread : alexis sanchez would grace the great arsenal teams\n", + "[1.4996145 1.1992109 1.2188413 1.2472446 1.1888473 1.1783483 1.2474217\n", + " 1.1574341 1.0374001 1.0357689 1.0256503 1.0136664 1.0641072 1.0427736\n", + " 1.0644146 1.0446265 0. 0. 0. ]\n", + "\n", + "[ 0 6 3 2 1 4 5 7 14 12 15 13 8 9 10 11 17 16 18]\n", + "=======================\n", + "[\"the nhs handed out 404,500 prescriptions for suncream at a cost of # 13million in 2014 and 4.7 million prescriptions for indigestion pills costing # 29million , damning analysis has found ( file image )critics said it was ` ludicrous ' that such items were being handed out when the nhs was rationing routine treatments .some patients are even being given hangover tablets and yakult yogurt drinks .\"]\n", + "=======================\n", + "[\"nhs gave out 404,500 prescriptions for suncream at a cost of # 13m in 2014also handed out 4.7 million prescriptions for indigestion pills costing # 29mother items routinely prescribed include vitamins , vaseline and toothpastecritics branded prescriptions ` ludicrous ' at time of financial crisis for nhs\"]\n", + "the nhs handed out 404,500 prescriptions for suncream at a cost of # 13million in 2014 and 4.7 million prescriptions for indigestion pills costing # 29million , damning analysis has found ( file image )critics said it was ` ludicrous ' that such items were being handed out when the nhs was rationing routine treatments .some patients are even being given hangover tablets and yakult yogurt drinks .\n", + "nhs gave out 404,500 prescriptions for suncream at a cost of # 13m in 2014also handed out 4.7 million prescriptions for indigestion pills costing # 29mother items routinely prescribed include vitamins , vaseline and toothpastecritics branded prescriptions ` ludicrous ' at time of financial crisis for nhs\n", + "[1.2509639 1.0670196 1.3971311 1.2539616 1.210306 1.1738113 1.0884899\n", + " 1.0562117 1.0522745 1.1324182 1.0405096 1.0204409 1.101898 1.1627555\n", + " 1.1486987 1.1365545 1.0184027 1.019694 1.0994902]\n", + "\n", + "[ 2 3 0 4 5 13 14 15 9 12 18 6 1 7 8 10 11 17 16]\n", + "=======================\n", + "['american jennifer stewart says she was devastated to learn that etihad airways lost her most important baggage following a recent trip from abu dhabi to new york city : her 2-year-old pet cat , felix .abu dhabi , united arab emirates ( cnn ) lost luggage after a long flight is a common , frustrating occurrence of modern air travel .shortly after the plane arrived in new york that evening , felix went missing somewhere on the grounds of kennedy airport , according to etihad airways .']\n", + "=======================\n", + "['couple spends $ 1,200 to ship their cat , felix , on a flight from the united arab emiratesfelix went missing somewhere at john f. kennedy international airport , airline sayspets are \" treated no differently than a free piece of checked luggage , \" jennifer stewart says']\n", + "american jennifer stewart says she was devastated to learn that etihad airways lost her most important baggage following a recent trip from abu dhabi to new york city : her 2-year-old pet cat , felix .abu dhabi , united arab emirates ( cnn ) lost luggage after a long flight is a common , frustrating occurrence of modern air travel .shortly after the plane arrived in new york that evening , felix went missing somewhere on the grounds of kennedy airport , according to etihad airways .\n", + "couple spends $ 1,200 to ship their cat , felix , on a flight from the united arab emiratesfelix went missing somewhere at john f. kennedy international airport , airline sayspets are \" treated no differently than a free piece of checked luggage , \" jennifer stewart says\n", + "[1.3011533 1.4453857 1.3245946 1.3392127 1.2527674 1.2647686 1.0516583\n", + " 1.0147434 1.0194192 1.2420162 1.044054 1.0348535 1.0615993 1.0651903\n", + " 1.0106838 1.0128781 1.0095509 0. 0. ]\n", + "\n", + "[ 1 3 2 0 5 4 9 13 12 6 10 11 8 7 15 14 16 17 18]\n", + "=======================\n", + "[\"psv eindhoven have confirmed united have made enquiries for holland international depay as have paris st germain but liverpool have also spoken to the player 's representatives .liverpool are making a rival push for manchester united target memphis depayliverpool hope to convince depay , 21 , that he would get more regular football with them but their qualification for the champions league could be crucial to the 23-goal winger choosing them over united .\"]\n", + "=======================\n", + "['liverpool and manchester united set to battle for psv ace memphis depayholland international depay has scored 23 goals for the club this seasonliverpool hope lure of first-team action will convince him to choose themread : liverpool set for summer overhaul with ten kop stars on way outread : the areas liverpool must address if they want to avoid mediocrity']\n", + "psv eindhoven have confirmed united have made enquiries for holland international depay as have paris st germain but liverpool have also spoken to the player 's representatives .liverpool are making a rival push for manchester united target memphis depayliverpool hope to convince depay , 21 , that he would get more regular football with them but their qualification for the champions league could be crucial to the 23-goal winger choosing them over united .\n", + "liverpool and manchester united set to battle for psv ace memphis depayholland international depay has scored 23 goals for the club this seasonliverpool hope lure of first-team action will convince him to choose themread : liverpool set for summer overhaul with ten kop stars on way outread : the areas liverpool must address if they want to avoid mediocrity\n", + "[1.2225672 1.3037 1.2656088 1.1857281 1.1419693 1.053482 1.0349873\n", + " 1.0856364 1.1344451 1.2509505 1.0117661 1.0353694 1.0991217 1.0415941\n", + " 1.0365489 1.0263218 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 9 0 3 4 8 12 7 5 13 14 11 6 15 10 23 22 21 20 16 18 17 24\n", + " 19 25]\n", + "=======================\n", + "[\"a state investigation was launched following complaints from two large agencies that supply water to arid farmland in the central valley and to millions of residents as far south as san diego .delta farmers do n't deny using as much water as they need .delta farmer rudy mussi says he has senior water rights , putting him in line ahead of those with lower ranking , or junior , water rights .\"]\n", + "=======================\n", + "[\"as california struggles with a devastating drought , huge amounts of water are mysteriously vanishing from the sacramento-san joaquin deltathe prime suspects are farmers whose families have tilled fertile soil there for generationsdelta farmers say they 're not stealing it because their history of living at the water 's edge gives them that rightcalifornia 's water rights system has historically given senior water rights holders the ability to use as much water as they need , even in droughtgov. jerry brown has said that if drought continues this system built into california 's legal framework could be changed\"]\n", + "a state investigation was launched following complaints from two large agencies that supply water to arid farmland in the central valley and to millions of residents as far south as san diego .delta farmers do n't deny using as much water as they need .delta farmer rudy mussi says he has senior water rights , putting him in line ahead of those with lower ranking , or junior , water rights .\n", + "as california struggles with a devastating drought , huge amounts of water are mysteriously vanishing from the sacramento-san joaquin deltathe prime suspects are farmers whose families have tilled fertile soil there for generationsdelta farmers say they 're not stealing it because their history of living at the water 's edge gives them that rightcalifornia 's water rights system has historically given senior water rights holders the ability to use as much water as they need , even in droughtgov. jerry brown has said that if drought continues this system built into california 's legal framework could be changed\n", + "[1.3360767 1.0937934 1.2393848 1.2781504 1.0389978 1.1201905 1.1005355\n", + " 1.181461 1.0515316 1.0518631 1.0311446 1.0260873 1.0256373 1.0684277\n", + " 1.0174711 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 7 5 6 1 13 9 8 4 10 11 12 14 15 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"comedian jenny eclair travelled with her other half on a painting in venus break with flavoursthis is the time when the ` alternative holiday experience ' tickles your holiday tastebuds and you find yourself looking at brochures for nordic cruises .being control freaks , most fifty-something females find ` doing nothing ' a bit boring -- after all , there are only so many hours one can spend on a kindle , and woman can not live by fiction alone .\"]\n", + "=======================\n", + "['the comedian stayed with flavours who offer a painting in venice breakjenny and her partner geof stayed at the farmhouse villa bianchidays involved sitting in medieval market towns with a brush and prosecco']\n", + "comedian jenny eclair travelled with her other half on a painting in venus break with flavoursthis is the time when the ` alternative holiday experience ' tickles your holiday tastebuds and you find yourself looking at brochures for nordic cruises .being control freaks , most fifty-something females find ` doing nothing ' a bit boring -- after all , there are only so many hours one can spend on a kindle , and woman can not live by fiction alone .\n", + "the comedian stayed with flavours who offer a painting in venice breakjenny and her partner geof stayed at the farmhouse villa bianchidays involved sitting in medieval market towns with a brush and prosecco\n", + "[1.3795031 1.1468208 1.2441897 1.1857021 1.1108978 1.1904728 1.2270553\n", + " 1.1138247 1.0570635 1.0552838 1.0346626 1.0317707 1.035334 1.0376097\n", + " 1.020386 1.0182701 1.0185908 1.0170379 1.0245293 1.0510807 1.0124197\n", + " 1.1129909 1.0174555 1.0217599 1.0177625 1.0194818]\n", + "\n", + "[ 0 2 6 5 3 1 7 21 4 8 9 19 13 12 10 11 18 23 14 25 16 15 24 22\n", + " 17 20]\n", + "=======================\n", + "['( cnn ) on the eve of the one-year mark since nearly 300 schoolgirls were abducted by boko haram in nigeria , malala yousafzai released an \" open letter \" to the girls monday .the 17-year-old nobel peace prize winner survived an attack by the taliban , which had singled her out for blogging from pakistan about the importance of staying in school .on monday , unicef announced a new campaign for the 800,000 children who have been displaced in northeast nigeria , using the hashtag #bringbackourchildhood .']\n", + "=======================\n", + "['malala yousafzai tells the girls she associates with themshe writes a message of \" solidarity , love and hope \"she calls on nigeria and the international community to do more to rescue the girls']\n", + "( cnn ) on the eve of the one-year mark since nearly 300 schoolgirls were abducted by boko haram in nigeria , malala yousafzai released an \" open letter \" to the girls monday .the 17-year-old nobel peace prize winner survived an attack by the taliban , which had singled her out for blogging from pakistan about the importance of staying in school .on monday , unicef announced a new campaign for the 800,000 children who have been displaced in northeast nigeria , using the hashtag #bringbackourchildhood .\n", + "malala yousafzai tells the girls she associates with themshe writes a message of \" solidarity , love and hope \"she calls on nigeria and the international community to do more to rescue the girls\n", + "[1.5872924 1.2009839 1.156005 1.317717 1.2483362 1.0755899 1.0241133\n", + " 1.1522639 1.0471389 1.0138485 1.0145577 1.0197891 1.019229 1.1427383\n", + " 1.0936842 1.0738472 1.0515071 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 1 2 7 13 14 5 15 16 8 6 11 12 10 9 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"kurt zouma was deployed in a defensive midfield role against manchester united specifically to stop marouane fellaini from continuing his good form at stamford bridge , according to jose mourinho .the big belgian has shone under louis van gaal in recent weeks but he endured an evening to forget as the 20-year-old man-marked him superbly during the blues ' 1-0 victory .mourinho gave an insight into his instructions to zouma after the game , explaining that he 'd asked the young frenchman to turn the match into a '10 against 10 ' clash .\"]\n", + "=======================\n", + "[\"kurt zouma kept an eye on marouane fellaini during chelsea 's 1-0 winthe french defender played as a defensive midfielder against man unitedjose mourinho wanted the 20-year-old to keep fellaini out of the gamechelsea boss impressed with zouma 's form during first season at the clubread : mourinho critics do n't have leg to stand on as he is getting job done\"]\n", + "kurt zouma was deployed in a defensive midfield role against manchester united specifically to stop marouane fellaini from continuing his good form at stamford bridge , according to jose mourinho .the big belgian has shone under louis van gaal in recent weeks but he endured an evening to forget as the 20-year-old man-marked him superbly during the blues ' 1-0 victory .mourinho gave an insight into his instructions to zouma after the game , explaining that he 'd asked the young frenchman to turn the match into a '10 against 10 ' clash .\n", + "kurt zouma kept an eye on marouane fellaini during chelsea 's 1-0 winthe french defender played as a defensive midfielder against man unitedjose mourinho wanted the 20-year-old to keep fellaini out of the gamechelsea boss impressed with zouma 's form during first season at the clubread : mourinho critics do n't have leg to stand on as he is getting job done\n", + "[1.2175905 1.3168505 1.1458148 1.3623555 1.2437018 1.0350155 1.0246334\n", + " 1.0136765 1.0159774 1.0972766 1.11765 1.1749339 1.0267082 1.0246574\n", + " 1.0673814 1.0666915 1.0759674 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 4 0 11 2 10 9 16 14 15 5 12 13 6 8 7 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"revelation : actress paula duncan revealed her battle with depression and attempt to take her own life in an interview with studio 10however , despite the glossy , upbeat image portrayed on our screens , duncan , now 62 , has revealed she attempted to commit suicide at age 43 , and that her teenage daughter jessica orcsik was the one who found her . 'she 's a household name and has graced australian tv screens throughout the early seventies and eighties , but it 's her appearance as a bubbly , upbeat housewife on the ajax spray 'n' wipe advertisements that is perhaps paula duncan 's most famous role .\"]\n", + "=======================\n", + "[\"paula duncan is an australian actress famous for ` ajax spray 'n' wipe ' adpreviously starred in seventies shows ` the young doctors ' and ` cop shop 'jessica orcsik , daughter of duncan , found her after suicide attemptduncan talks candidly about feeling rejected and attempting to take her life\"]\n", + "revelation : actress paula duncan revealed her battle with depression and attempt to take her own life in an interview with studio 10however , despite the glossy , upbeat image portrayed on our screens , duncan , now 62 , has revealed she attempted to commit suicide at age 43 , and that her teenage daughter jessica orcsik was the one who found her . 'she 's a household name and has graced australian tv screens throughout the early seventies and eighties , but it 's her appearance as a bubbly , upbeat housewife on the ajax spray 'n' wipe advertisements that is perhaps paula duncan 's most famous role .\n", + "paula duncan is an australian actress famous for ` ajax spray 'n' wipe ' adpreviously starred in seventies shows ` the young doctors ' and ` cop shop 'jessica orcsik , daughter of duncan , found her after suicide attemptduncan talks candidly about feeling rejected and attempting to take her life\n", + "[1.3540261 1.4086925 1.2173805 1.3067142 1.3453456 1.1806085 1.2340077\n", + " 1.0291889 1.0192837 1.0140122 1.0697452 1.0660235 1.2358166 1.010067\n", + " 1.0186695 1.0114912 1.0103568 1.009627 0. 0. ]\n", + "\n", + "[ 1 0 4 3 12 6 2 5 10 11 7 8 14 9 15 16 13 17 18 19]\n", + "=======================\n", + "[\"sterling , the england international who will lead liverpool 's line at wembley on sunday in the absence of the injured daniel sturridge , was exposed for inhaling the legal high nitrous oxide on monday .liverpool manager brendan rodgers has reminded raheem sterling and jordon ibe about their professional responsibilities and urged them to learn from a chastening week .liverpool boss brendan rodgers ( left ) has n't disciplined sterling ( pictured ) or ibe for the incident\"]\n", + "=======================\n", + "['liverpool face aston villa in their fa cup semi-final at wembley on sundayliverpool forwards raheem sterling and jordon ibe were pictured with a shisha pipe earlier this seasonneither have been disciplined by reds boss brendan rodgers for incident']\n", + "sterling , the england international who will lead liverpool 's line at wembley on sunday in the absence of the injured daniel sturridge , was exposed for inhaling the legal high nitrous oxide on monday .liverpool manager brendan rodgers has reminded raheem sterling and jordon ibe about their professional responsibilities and urged them to learn from a chastening week .liverpool boss brendan rodgers ( left ) has n't disciplined sterling ( pictured ) or ibe for the incident\n", + "liverpool face aston villa in their fa cup semi-final at wembley on sundayliverpool forwards raheem sterling and jordon ibe were pictured with a shisha pipe earlier this seasonneither have been disciplined by reds boss brendan rodgers for incident\n", + "[1.2404579 1.1690964 1.1502566 1.2971846 1.2689933 1.1553421 1.1317117\n", + " 1.1035562 1.1425118 1.0650859 1.1124796 1.0384699 1.0365136 1.0287399\n", + " 1.0384847 1.0171664 1.0552013 1.0672587 1.0332077 1.0494373]\n", + "\n", + "[ 3 4 0 1 5 2 8 6 10 7 17 9 16 19 14 11 12 18 13 15]\n", + "=======================\n", + "[\"swiss researchers measured the temperature of ` hot jupiter ' hd 189733b .they found the temperature reaches up to 3,000 °c in the atmosphere ( shown in diagram ) .welcome to the exoplanet hd 189733b , where temperatures reach 3,000 °c ( 5,400 °f ) and winds are in excess of 620mph ( 1,000 km/h ) .\"]\n", + "=======================\n", + "[\"swiss researchers examined the ` hot jupiter ' planet hd 189733btemperatures reach 3,000 °c in the atmosphere and wind speed is 620mphfindings were comparable in quality to the hubble space telescopebut the researchers used a ` relatively dinky ' telescope , suggesting the method could be replicated by other astronomers to study exoplaents\"]\n", + "swiss researchers measured the temperature of ` hot jupiter ' hd 189733b .they found the temperature reaches up to 3,000 °c in the atmosphere ( shown in diagram ) .welcome to the exoplanet hd 189733b , where temperatures reach 3,000 °c ( 5,400 °f ) and winds are in excess of 620mph ( 1,000 km/h ) .\n", + "swiss researchers examined the ` hot jupiter ' planet hd 189733btemperatures reach 3,000 °c in the atmosphere and wind speed is 620mphfindings were comparable in quality to the hubble space telescopebut the researchers used a ` relatively dinky ' telescope , suggesting the method could be replicated by other astronomers to study exoplaents\n", + "[1.526952 1.5657736 1.316998 1.3772628 1.1079233 1.0559758 1.0228069\n", + " 1.0126411 1.0111759 1.0737587 1.0182073 1.138273 1.0237037 1.0532724\n", + " 1.1165578 1.1782641 1.0543696 1.0086933 1.0310125 1.0131179]\n", + "\n", + "[ 1 0 3 2 15 11 14 4 9 5 16 13 18 12 6 10 19 7 8 17]\n", + "=======================\n", + "[\"tim sherwood 's team were set to drop into the bottom three when charlie austin scored his 17th premier league goal of the season 12 minutes from the end , before benteke 's intervention five minutes later to cap off a pulsating game .christian benteke rescued aston villa from the drop zone with a brilliant late free-kick to seal his hat-trick and salvage a point against relegation rivals queens park rangers .tim sherwood was disappointed that aston villa 's domination of qpr did not result in three points for his side\"]\n", + "=======================\n", + "[\"aston villa draw 3-3 with qpr with christian benteke scoring a hat-tricktim sherwood felt his side should have got more than a draw from clashvilla dominated for long periods but almost lost to fall into bottom threebenteke 's late free-kick rescued them from that fate at villa parkchris ramsey praises the belgian for being a ` formidable player '\"]\n", + "tim sherwood 's team were set to drop into the bottom three when charlie austin scored his 17th premier league goal of the season 12 minutes from the end , before benteke 's intervention five minutes later to cap off a pulsating game .christian benteke rescued aston villa from the drop zone with a brilliant late free-kick to seal his hat-trick and salvage a point against relegation rivals queens park rangers .tim sherwood was disappointed that aston villa 's domination of qpr did not result in three points for his side\n", + "aston villa draw 3-3 with qpr with christian benteke scoring a hat-tricktim sherwood felt his side should have got more than a draw from clashvilla dominated for long periods but almost lost to fall into bottom threebenteke 's late free-kick rescued them from that fate at villa parkchris ramsey praises the belgian for being a ` formidable player '\n", + "[1.3274597 1.1304059 1.2927148 1.2404661 1.2120581 1.1767036 1.1595707\n", + " 1.052218 1.1114757 1.1678985 1.1106328 1.094945 1.0189915 1.0195358\n", + " 1.0365165 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 4 5 9 6 1 8 10 11 7 14 13 12 18 15 16 17 19]\n", + "=======================\n", + "['the vaccine , known as rts , s , took 30 years to develop but it is now hoped it can be used to save millions of livestests were carried out on 15,500 toddlers and babies in sub-saharan africa .a new jab against malaria could prevent millions of cases , scientists claim .']\n", + "=======================\n", + "[\"vaccine named rts , s could be available by october , scientists believewill become the first approved vaccine for the world 's deadliest diseasedesigned for use in children in africa , it can prevent up to half of casesexperts hail ` extraordinary achievement ' for british firm that developed it\"]\n", + "the vaccine , known as rts , s , took 30 years to develop but it is now hoped it can be used to save millions of livestests were carried out on 15,500 toddlers and babies in sub-saharan africa .a new jab against malaria could prevent millions of cases , scientists claim .\n", + "vaccine named rts , s could be available by october , scientists believewill become the first approved vaccine for the world 's deadliest diseasedesigned for use in children in africa , it can prevent up to half of casesexperts hail ` extraordinary achievement ' for british firm that developed it\n", + "[1.2728205 1.4184217 1.2674508 1.2250279 1.2244078 1.0638973 1.063025\n", + " 1.0978531 1.1561921 1.0198954 1.019505 1.0194486 1.0908158 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 8 7 12 5 6 9 10 11 18 13 14 15 16 17 19]\n", + "=======================\n", + "['amanda goff , known to her clients as samantha x , is a former journalist wrote a book about her experience after becoming a global sensation .a mother of two who works as a high-class escort has told how she received \\' a torrent of abuse from the thinly pursed lips of apparently \" better \" mothers \\' when she revealed her double life on national television .after being labelled ` a whore and a s *** and an anti-feminist \\' , ms goff said the most troubling part of her ` coming out \\' experience was the response she received from other mothers , who expected her children to ` endure a life of misery \\' because of her abnormal profession .']\n", + "=======================\n", + "[\"former journalist amanda goff has spoken out about her life as an escortin a tell all book the mother of two revealed the abuse she was faced withshe told the world about her x-rated career on national televisionsince then she 's received a combination of hate and kindness from mothers , people in the sex industry and those aspiring to be sex workersms goff charges clients $ 800 an hour or $ 5,000 a night for her time\"]\n", + "amanda goff , known to her clients as samantha x , is a former journalist wrote a book about her experience after becoming a global sensation .a mother of two who works as a high-class escort has told how she received ' a torrent of abuse from the thinly pursed lips of apparently \" better \" mothers ' when she revealed her double life on national television .after being labelled ` a whore and a s *** and an anti-feminist ' , ms goff said the most troubling part of her ` coming out ' experience was the response she received from other mothers , who expected her children to ` endure a life of misery ' because of her abnormal profession .\n", + "former journalist amanda goff has spoken out about her life as an escortin a tell all book the mother of two revealed the abuse she was faced withshe told the world about her x-rated career on national televisionsince then she 's received a combination of hate and kindness from mothers , people in the sex industry and those aspiring to be sex workersms goff charges clients $ 800 an hour or $ 5,000 a night for her time\n", + "[1.386144 1.3996136 1.1821799 1.2361919 1.1074666 1.1246113 1.0989323\n", + " 1.085356 1.0326343 1.0220966 1.0699226 1.0933887 1.054508 1.0583484\n", + " 1.0653349 1.0536362 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 5 4 6 11 7 10 14 13 12 15 8 9 19 16 17 18 20]\n", + "=======================\n", + "[\"the person responsible is the man 's mother , who on sunday faced a host of charges after allegedly abandoning her son and catching a bus to maryland to see her boyfriend , said philadelphia police lt. john walker .( cnn ) for more than four days , police say , a 21-year-old quadriplegic with cerebral palsy was left lying in the woods of philadelphia 's cobbs creek park with only a blanket and a bible .low temperatures reached the mid-30s during the week , and rain was reported in the area wednesday and thursday .\"]\n", + "=======================\n", + "['temperatures dipped into the mid-30s during 4 days man lay in woods of philadelphia parkmom told police son was with her in maryland , but he was found friday with blanket , biblevictim being treated for malnutrition , dehydration ; mother faces host of charges after extradition']\n", + "the person responsible is the man 's mother , who on sunday faced a host of charges after allegedly abandoning her son and catching a bus to maryland to see her boyfriend , said philadelphia police lt. john walker .( cnn ) for more than four days , police say , a 21-year-old quadriplegic with cerebral palsy was left lying in the woods of philadelphia 's cobbs creek park with only a blanket and a bible .low temperatures reached the mid-30s during the week , and rain was reported in the area wednesday and thursday .\n", + "temperatures dipped into the mid-30s during 4 days man lay in woods of philadelphia parkmom told police son was with her in maryland , but he was found friday with blanket , biblevictim being treated for malnutrition , dehydration ; mother faces host of charges after extradition\n", + "[1.166477 1.1104324 1.4753722 1.300705 1.1000949 1.1628039 1.1183113\n", + " 1.208835 1.2398012 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 8 7 0 5 6 1 4 18 17 16 15 14 10 12 11 19 9 13 20]\n", + "=======================\n", + "[\"on thursday 's edition of the popular game show , model manuela arbelaez accidentally revealed the correct answer to a guessing game for a new hyundai sonata .host drew carey could n't stop laughing .on wednesday , former host bob barker , 91 , showed up to run his old show .\"]\n", + "=======================\n", + "['\" the price is right \" gives away a car ... accidentallya model makes a big mistake during a gamehost drew carey thought the error was hilarious']\n", + "on thursday 's edition of the popular game show , model manuela arbelaez accidentally revealed the correct answer to a guessing game for a new hyundai sonata .host drew carey could n't stop laughing .on wednesday , former host bob barker , 91 , showed up to run his old show .\n", + "\" the price is right \" gives away a car ... accidentallya model makes a big mistake during a gamehost drew carey thought the error was hilarious\n", + "[1.2931678 1.3752995 1.3568767 1.059737 1.0466207 1.2544976 1.1628668\n", + " 1.1436589 1.1729664 1.1153227 1.1157304 1.0203987 1.1008929 1.031835\n", + " 1.0187051 1.0771611 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 5 8 6 7 10 9 12 15 3 4 13 11 14 19 16 17 18 20]\n", + "=======================\n", + "[\"a bizarre search is now unfolding on queensland 's gold coast as authorities try to locate the reptile which could pose a threat to local wildlife and even people 's pet cats and dogs .snake catcher tony harrison warned that if the large-predatory boa has inclusion body disease ` it can be unbelievably contagious if that gets loose in australia ' .a two-metre south american boa constrictor is on the loose after police mistakenly believed it was a harmless python and set it free .\"]\n", + "=======================\n", + "[\"the boa constrictor is on the loose on queensland 's gold coastpolice released it into the wild because they thought it was a pythonsnake catcher tony harrison said it was probably imported illegallyfears that if the snake is pregnant up to 30 live young could also be loose\"]\n", + "a bizarre search is now unfolding on queensland 's gold coast as authorities try to locate the reptile which could pose a threat to local wildlife and even people 's pet cats and dogs .snake catcher tony harrison warned that if the large-predatory boa has inclusion body disease ` it can be unbelievably contagious if that gets loose in australia ' .a two-metre south american boa constrictor is on the loose after police mistakenly believed it was a harmless python and set it free .\n", + "the boa constrictor is on the loose on queensland 's gold coastpolice released it into the wild because they thought it was a pythonsnake catcher tony harrison said it was probably imported illegallyfears that if the snake is pregnant up to 30 live young could also be loose\n", + "[1.3493296 1.2229658 1.2100204 1.182641 1.4413729 1.2293245 1.2856212\n", + " 1.087827 1.0135696 1.0589767 1.0400945 1.0259808 1.0349307 1.370432\n", + " 1.0107048 1.0107428 1.0092756 1.009041 1.0511346 0. 0. ]\n", + "\n", + "[ 4 13 0 6 5 1 2 3 7 9 18 10 12 11 8 15 14 16 17 19 20]\n", + "=======================\n", + "[\"newcastle boss john carver insists his side have ` got six cup finals ' left to play during the current campaignengland winger raheem sterling scored in liverpool 's 2-0 win over newcastle at anfield on monday nightnewcastle are just nine points above qpr\"]\n", + "=======================\n", + "[\"john carver 's newcastle united have lost their last five matchesnewcastle are nine points above 18th-placed queens park rangerscarver has warned his side that they must start to pick up points\"]\n", + "newcastle boss john carver insists his side have ` got six cup finals ' left to play during the current campaignengland winger raheem sterling scored in liverpool 's 2-0 win over newcastle at anfield on monday nightnewcastle are just nine points above qpr\n", + "john carver 's newcastle united have lost their last five matchesnewcastle are nine points above 18th-placed queens park rangerscarver has warned his side that they must start to pick up points\n", + "[1.3897562 1.0964342 1.2044381 1.4428962 1.1723955 1.1380637 1.1363797\n", + " 1.0834566 1.2228738 1.1040006 1.1453629 1.0178232 1.0108738 1.0107388\n", + " 1.1756076 1.1958942 1.147868 1.0134361 1.0088024 1.0094482 1.0094025]\n", + "\n", + "[ 3 0 8 2 15 14 4 16 10 5 6 9 1 7 11 17 12 13 19 20 18]\n", + "=======================\n", + "['brazilian ace neymar aims a knee at the groin area of fellow south american striker luis suarezluis enrique will be hoping the embarrassing pain wears off before the catalans line up against paris saint-germain at the nou camp on tuesday night .suarez ( left ) scores his second goal of the night as barcelona go 3-0 against psg on april 15']\n", + "=======================\n", + "[\"luis suarez receives a painful knee where it hurts from team-mate neymarsouth american duo shared a joke in training ahead of champions leaguebarcelona face paris saint-germain at the nou camp on tuesday nightsuarez admits he was timid at the thought of playing alongside neymarread : psg coach admits getting past barca is ` practically impossible '\"]\n", + "brazilian ace neymar aims a knee at the groin area of fellow south american striker luis suarezluis enrique will be hoping the embarrassing pain wears off before the catalans line up against paris saint-germain at the nou camp on tuesday night .suarez ( left ) scores his second goal of the night as barcelona go 3-0 against psg on april 15\n", + "luis suarez receives a painful knee where it hurts from team-mate neymarsouth american duo shared a joke in training ahead of champions leaguebarcelona face paris saint-germain at the nou camp on tuesday nightsuarez admits he was timid at the thought of playing alongside neymarread : psg coach admits getting past barca is ` practically impossible '\n", + "[1.3029282 1.3681676 1.1944342 1.1564496 1.1994698 1.3824067 1.0979335\n", + " 1.067452 1.0639783 1.0759048 1.056403 1.0144935 1.029474 1.0146536\n", + " 1.0255437 1.1155099 1.1127269 1.1057861 0. 0. ]\n", + "\n", + "[ 5 1 0 4 2 3 15 16 17 6 9 7 8 10 12 14 13 11 18 19]\n", + "=======================\n", + "[\"former goldman sachs managing director jason lee , 38 , faces charges of allegedly raping a 20-year-old irish woman in the hamptons in august 2013jason lee forced himself on the 20-year-old in a bathroom and told her to ` shut the f *** up ' so her friends in the next room would not hear .a wall street banker raped an irish student in a ` disgusting , violent attack ' because he was determined to have sex on his birthday , a court heard on wednesday .\"]\n", + "=======================\n", + "['jason lee , 38 , was arrested in august 2013 after a woman accused him of attacking her at the home he and his wife rented in east hamptonlee invited the woman , her brother and friends back to the house after they met at trendy restauranthe allegedly forced his way into the bathroom while the girl was inside , then undressed and pinned her to the floorhe was found by police allegedly hiding in a car with tinted windows in his drivewaylee walked hand in hand into court with his wife for trial on wednesday']\n", + "former goldman sachs managing director jason lee , 38 , faces charges of allegedly raping a 20-year-old irish woman in the hamptons in august 2013jason lee forced himself on the 20-year-old in a bathroom and told her to ` shut the f *** up ' so her friends in the next room would not hear .a wall street banker raped an irish student in a ` disgusting , violent attack ' because he was determined to have sex on his birthday , a court heard on wednesday .\n", + "jason lee , 38 , was arrested in august 2013 after a woman accused him of attacking her at the home he and his wife rented in east hamptonlee invited the woman , her brother and friends back to the house after they met at trendy restauranthe allegedly forced his way into the bathroom while the girl was inside , then undressed and pinned her to the floorhe was found by police allegedly hiding in a car with tinted windows in his drivewaylee walked hand in hand into court with his wife for trial on wednesday\n", + "[1.5324776 1.179491 1.1079868 1.2150714 1.3754091 1.1668553 1.044439\n", + " 1.1023461 1.22475 1.1357902 1.0933975 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 8 3 1 5 9 2 7 10 6 18 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"bastia president pierre-marie geronimi has called for french league ( lfp ) president frederic thiriez to step down after he did not come down to the pitch to shake the players ' hands ahead of saturday 's league cup final .bastia lost 4-0 to paris st germain , who claimed their fifth league cup trophy with doubles by zlatan ibrahimovic and edinson cavani .sporting [ bastia ] demands that he goes . '\"]\n", + "=======================\n", + "[\"french league president frederic thiriez did not shake players hands ahead of the league cup finalbastia lost 4-0 to psg thanks to zlatan ibrahimovic and edinson cavaniin 2012 , thiriez did not hand bastia their ligue 2 champions ' trophysaturday 's win led the parisian club to lift their fifth league cup trophy\"]\n", + "bastia president pierre-marie geronimi has called for french league ( lfp ) president frederic thiriez to step down after he did not come down to the pitch to shake the players ' hands ahead of saturday 's league cup final .bastia lost 4-0 to paris st germain , who claimed their fifth league cup trophy with doubles by zlatan ibrahimovic and edinson cavani .sporting [ bastia ] demands that he goes . '\n", + "french league president frederic thiriez did not shake players hands ahead of the league cup finalbastia lost 4-0 to psg thanks to zlatan ibrahimovic and edinson cavaniin 2012 , thiriez did not hand bastia their ligue 2 champions ' trophysaturday 's win led the parisian club to lift their fifth league cup trophy\n", + "[1.2504005 1.5618014 1.2219574 1.4110047 1.2789047 1.0726634 1.0321591\n", + " 1.0181161 1.0332891 1.05075 1.1045322 1.0304433 1.0178108 1.0277133\n", + " 1.2058244 1.1214259 1.0742192 1.0281978 1.0130695 0. ]\n", + "\n", + "[ 1 3 4 0 2 14 15 10 16 5 9 8 6 11 17 13 7 12 18 19]\n", + "=======================\n", + "[\"craig roberts , 36 , from chadderton , manchester , walked into his town 's post office and an employee shouted from behind the counter that he would have to leave his guide dog bruce outside if he wanted to be served .he said he was left feeling ` angry and shocked 'even when mr roberts explained his two-year-old golden labrador retriever cross was a guide dog , the employee allegedly still insisted he should be left outside .\"]\n", + "=======================\n", + "['craig roberts , 36 , went to chadderton post office to top up electric meterbut staff said he would not be served unless he left his guide dog outsidemr roberts was born with glaucoma and has 30 per cent vision in one eyehe was eventually served after a ten minute standoff with an employee']\n", + "craig roberts , 36 , from chadderton , manchester , walked into his town 's post office and an employee shouted from behind the counter that he would have to leave his guide dog bruce outside if he wanted to be served .he said he was left feeling ` angry and shocked 'even when mr roberts explained his two-year-old golden labrador retriever cross was a guide dog , the employee allegedly still insisted he should be left outside .\n", + "craig roberts , 36 , went to chadderton post office to top up electric meterbut staff said he would not be served unless he left his guide dog outsidemr roberts was born with glaucoma and has 30 per cent vision in one eyehe was eventually served after a ten minute standoff with an employee\n", + "[1.3459929 1.6019067 1.2670449 1.4868982 1.0867447 1.0282526 1.0245113\n", + " 1.0282855 1.0151255 1.0242041 1.2417039 1.0641065 1.0221778 1.0100461\n", + " 1.011643 1.012248 1.0091687 1.0104043 1.2436349 1.1209421]\n", + "\n", + "[ 1 3 0 2 18 10 19 4 11 7 5 6 9 12 8 15 14 17 13 16]\n", + "=======================\n", + "[\"stuart lancaster 's side will take on the south sea islanders in the world cup curtain-raiser on september 18 at england hq in a tournament that will encompass 48 matches spread across 44 days of action .it may be another 149 days until england begin their world cup campaign against fiji at twickenham , but england assistant coach andy farrell can already feel the excitement building across the country .england came within six points of claiming the rbs 6 nations following their pulsating 55-35 victory against france on the final day of the championship -- as ireland secured a second successive title on points difference .\"]\n", + "=======================\n", + "[\"england begin their world cup campaign against fiji on september 18stuart lancaster 's side will also face australia and wales in pool aengland will play final pool game against uruguay at the etihad stadiumlancaster must name his 31-man world cup squad before august 31\"]\n", + "stuart lancaster 's side will take on the south sea islanders in the world cup curtain-raiser on september 18 at england hq in a tournament that will encompass 48 matches spread across 44 days of action .it may be another 149 days until england begin their world cup campaign against fiji at twickenham , but england assistant coach andy farrell can already feel the excitement building across the country .england came within six points of claiming the rbs 6 nations following their pulsating 55-35 victory against france on the final day of the championship -- as ireland secured a second successive title on points difference .\n", + "england begin their world cup campaign against fiji on september 18stuart lancaster 's side will also face australia and wales in pool aengland will play final pool game against uruguay at the etihad stadiumlancaster must name his 31-man world cup squad before august 31\n", + "[1.185669 1.458997 1.3273025 1.323369 1.1697809 1.0293252 1.0327946\n", + " 1.0276531 1.0319659 1.0394412 1.0527004 1.0857568 1.0247538 1.088068\n", + " 1.1405249 1.0419257 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 14 13 11 10 15 9 6 8 5 7 12 16 17 18 19]\n", + "=======================\n", + "['married to both george harrison and eric clapton , model pattie boyd was one of the most envied women in the world .yesterday at the age of 71 , she wed for a third time -- with a soundtrack provided by her irish terrier freddie who did his best to upstage the bride and her new groom , property developer rod weston .pattie boyd has tied the knot for the third time , this time with rod weston at chelsea registry office , chelsea old town hall , in london']\n", + "=======================\n", + "[\"pattie boyd and rod weston , 61 , have been together for almost 25 yearspair were accompanied by their dog freddie at chelsea register officethis is pattie 's third marriage - her first was to george harrison in 1966bentley took couple to wedding breakfast at beaumont hotel in mayfair\"]\n", + "married to both george harrison and eric clapton , model pattie boyd was one of the most envied women in the world .yesterday at the age of 71 , she wed for a third time -- with a soundtrack provided by her irish terrier freddie who did his best to upstage the bride and her new groom , property developer rod weston .pattie boyd has tied the knot for the third time , this time with rod weston at chelsea registry office , chelsea old town hall , in london\n", + "pattie boyd and rod weston , 61 , have been together for almost 25 yearspair were accompanied by their dog freddie at chelsea register officethis is pattie 's third marriage - her first was to george harrison in 1966bentley took couple to wedding breakfast at beaumont hotel in mayfair\n", + "[1.3486605 1.4414268 1.3106992 1.3336216 1.1540565 1.1057894 1.0495504\n", + " 1.019125 1.0738916 1.0733634 1.0211681 1.079378 1.152598 1.1033573\n", + " 1.0124705 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 12 5 13 11 8 9 6 10 7 14 18 15 16 17 19]\n", + "=======================\n", + "[\"the senior tory said nigel farage is ` not my cup of tea ' and would question whether she was ` happy to serve ' with the ukip leader .education secretary nicky morgan today signalled she would quit the cabinet if the tories entered a power-sharing deal with ukip .david cameron has urged ukip supporters to ` come home ' to the conservatives , but has stopped short of ruling out having to rely on the eurosceptic party if he falls short of a majority .\"]\n", + "=======================\n", + "[\"education secretary suggests she would not be ` happy to serve ' with ukipcondemns farage over his attack on migrants with hiv coming to ukukip leader admits support for his party has ` slipped back ' in recent weekscameron urges ukip supporters to ` come home ' to the conservatives\"]\n", + "the senior tory said nigel farage is ` not my cup of tea ' and would question whether she was ` happy to serve ' with the ukip leader .education secretary nicky morgan today signalled she would quit the cabinet if the tories entered a power-sharing deal with ukip .david cameron has urged ukip supporters to ` come home ' to the conservatives , but has stopped short of ruling out having to rely on the eurosceptic party if he falls short of a majority .\n", + "education secretary suggests she would not be ` happy to serve ' with ukipcondemns farage over his attack on migrants with hiv coming to ukukip leader admits support for his party has ` slipped back ' in recent weekscameron urges ukip supporters to ` come home ' to the conservatives\n", + "[1.2930584 1.4192026 1.2824395 1.0417476 1.0523872 1.2452193 1.359531\n", + " 1.1150823 1.0441602 1.057572 1.1419489 1.1075983 1.0772431 1.0878979\n", + " 1.0503066 1.0341777 1.0867425 1.0611215 1.0262707 1.0152423]\n", + "\n", + "[ 1 6 0 2 5 10 7 11 13 16 12 17 9 4 14 8 3 15 18 19]\n", + "=======================\n", + "[\"lacey spears of scottsville , kentucky , who was spared the maximum 25 years to life , appeared emotionless as the verdict was read in the death of her son garnett-paul spears .the boy 's father , chris hill , was not emotionless however and wrote of his wife 's sentence ; ` please put her in general population !the new york judge who sentenced spears on wednesday said she suffers from a mental illness and said the crime was still ` unfathomable in its cruelty . '\"]\n", + "=======================\n", + "[\"lacey spears of scottsville , kentucky , was found guilty last month of second-degree murder in the death of garnett-paul spearsthe 27-year-old spears force-fed heavy concentrations of sodium through the boy 's stomach tubejudge who sentenced spears on wednesday said she suffers from a mental illness and said the crime was still ` unfathomable in its cruelty 'she showed no emotion when she was sentenced to 20 years in prisonthe boy 's father chris hill wrote on his facebook account of spears : ` crazy a ** woman needs to be beat to death in prison '\"]\n", + "lacey spears of scottsville , kentucky , who was spared the maximum 25 years to life , appeared emotionless as the verdict was read in the death of her son garnett-paul spears .the boy 's father , chris hill , was not emotionless however and wrote of his wife 's sentence ; ` please put her in general population !the new york judge who sentenced spears on wednesday said she suffers from a mental illness and said the crime was still ` unfathomable in its cruelty . '\n", + "lacey spears of scottsville , kentucky , was found guilty last month of second-degree murder in the death of garnett-paul spearsthe 27-year-old spears force-fed heavy concentrations of sodium through the boy 's stomach tubejudge who sentenced spears on wednesday said she suffers from a mental illness and said the crime was still ` unfathomable in its cruelty 'she showed no emotion when she was sentenced to 20 years in prisonthe boy 's father chris hill wrote on his facebook account of spears : ` crazy a ** woman needs to be beat to death in prison '\n", + "[1.3923383 1.1895618 1.5015733 1.2676227 1.1850529 1.2824327 1.0856147\n", + " 1.0335361 1.0548508 1.0202378 1.0115283 1.0278308 1.1408167 1.1365646\n", + " 1.0696796 1.0580318 1.0766628 1.0931376 0. 0. ]\n", + "\n", + "[ 2 0 5 3 1 4 12 13 17 6 16 14 15 8 7 11 9 10 18 19]\n", + "=======================\n", + "[\"tara mcintyre , 24 , was left virtually wheelchair-bound after ben hagon 's high-powered mercedes sports car crashed into her at up to 75mph , a court heard .judge david turner branded hagon 's driving ` madness ' - and accused him of changing miss mcintyre 's life for the worse for ever .she had just popped out to the shops in her small ka when she was hit by the drunk-driver and suffered the life-changing injuries which included a fractured spine and pelvis .\"]\n", + "=======================\n", + "['tara mcintyre , 24 , was left with life-changing injuries after horrifying smashben hagon had been more than double legal alcohol limit when he crashedwitnesses claimed his mercedes was speeding up to 75mph in 40mph zonevictim suffered fractured spine and pelvis leaving her wheelchair-bound']\n", + "tara mcintyre , 24 , was left virtually wheelchair-bound after ben hagon 's high-powered mercedes sports car crashed into her at up to 75mph , a court heard .judge david turner branded hagon 's driving ` madness ' - and accused him of changing miss mcintyre 's life for the worse for ever .she had just popped out to the shops in her small ka when she was hit by the drunk-driver and suffered the life-changing injuries which included a fractured spine and pelvis .\n", + "tara mcintyre , 24 , was left with life-changing injuries after horrifying smashben hagon had been more than double legal alcohol limit when he crashedwitnesses claimed his mercedes was speeding up to 75mph in 40mph zonevictim suffered fractured spine and pelvis leaving her wheelchair-bound\n", + "[1.287214 1.3575395 1.2928855 1.0713714 1.2875074 1.061296 1.114838\n", + " 1.1232603 1.1035532 1.056671 1.0217632 1.0604613 1.0421315 1.0273534\n", + " 1.1184697 1.045448 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 0 7 14 6 8 3 5 11 9 15 12 13 10 18 16 17 19]\n", + "=======================\n", + "[\"the pariah state may also have the capability to produce enough weapons-grade uranium to double its arsenal by next year , the wall street journal has reported .chinese estimates of pyongyang 's nuclear production , relayed to us nuclear specialists , exceed most previous us forecasts of between 10 to 16 bombs , said the report , which cited people briefed on the matter .north korea may already have 20 nuclear warheads - double as many as previously thought , chinese nuclear experts have warned .\"]\n", + "=======================\n", + "['pariah state may have 20 warheads not 10 as previous us forecasts heldstockpile of weapons could grow to 50 or even 100 within next five yearsus military believes secretive country has ability to miniaturise warhead and mount it on ballistic missile , though there have been no such tests yet']\n", + "the pariah state may also have the capability to produce enough weapons-grade uranium to double its arsenal by next year , the wall street journal has reported .chinese estimates of pyongyang 's nuclear production , relayed to us nuclear specialists , exceed most previous us forecasts of between 10 to 16 bombs , said the report , which cited people briefed on the matter .north korea may already have 20 nuclear warheads - double as many as previously thought , chinese nuclear experts have warned .\n", + "pariah state may have 20 warheads not 10 as previous us forecasts heldstockpile of weapons could grow to 50 or even 100 within next five yearsus military believes secretive country has ability to miniaturise warhead and mount it on ballistic missile , though there have been no such tests yet\n", + "[1.1831839 1.2044698 1.1568433 1.1130555 1.1481476 1.1235038 1.0957686\n", + " 1.0945911 1.0364577 1.0476276 1.0445664 1.0789058 1.112295 1.0601588\n", + " 1.0288231 1.0438457 1.0393406 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 5 3 12 6 7 11 13 9 10 15 16 8 14 18 17 19]\n", + "=======================\n", + "[\"we are all familiar with the brutality of isis , the self-anointed islamic state , or boko haram , the nigerian terrorists who have pledged allegiance to isis .( cnn ) there is a special kind of hell reserved for the women who fall into the clutches of today 's jihadi fighters .this new wave of violent islamist groups proudly brandishes medieval methods of cruelty through modern technology as a tool of recruitment and intimidation .\"]\n", + "=======================\n", + "['frida ghitis : isis and other jihadi groups see women as crucial in role of caliphate they want to createshe says the groups want to enslave women , tie them to a long outdated view of how society should work']\n", + "we are all familiar with the brutality of isis , the self-anointed islamic state , or boko haram , the nigerian terrorists who have pledged allegiance to isis .( cnn ) there is a special kind of hell reserved for the women who fall into the clutches of today 's jihadi fighters .this new wave of violent islamist groups proudly brandishes medieval methods of cruelty through modern technology as a tool of recruitment and intimidation .\n", + "frida ghitis : isis and other jihadi groups see women as crucial in role of caliphate they want to createshe says the groups want to enslave women , tie them to a long outdated view of how society should work\n", + "[1.516803 1.4099407 1.3131896 1.3413258 1.0938363 1.2059855 1.0239103\n", + " 1.0206454 1.0771408 1.0696009 1.0393116 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 5 4 8 9 10 6 7 18 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"celtic have hit out at the sfa over ticket prices for their scottish cup semi-final against inverness later this month at hampden .the game 's governing body has already come under fire from caley thistle fans for scheduling the match for 12.15 pm on sunday , april 18 - before the first trains from inverness arrive in glasgow .now the parkhead club have made their feeling known after ticket prices were set at # 23 for the north and south stands , with the east stand being # 15 for adults and # 5 for concessions .\"]\n", + "=======================\n", + "['celtic are outraged by the proposed ticket prices for their scottish cup semi-final later this month at hampdenthe sfa had already been criticised for scheduling the match as an early kick-off , before the first trains from inverness arrive in glasgowadult ticket prices are # 23 for the north and south stands , while the east stand will be charged at # 15']\n", + "celtic have hit out at the sfa over ticket prices for their scottish cup semi-final against inverness later this month at hampden .the game 's governing body has already come under fire from caley thistle fans for scheduling the match for 12.15 pm on sunday , april 18 - before the first trains from inverness arrive in glasgow .now the parkhead club have made their feeling known after ticket prices were set at # 23 for the north and south stands , with the east stand being # 15 for adults and # 5 for concessions .\n", + "celtic are outraged by the proposed ticket prices for their scottish cup semi-final later this month at hampdenthe sfa had already been criticised for scheduling the match as an early kick-off , before the first trains from inverness arrive in glasgowadult ticket prices are # 23 for the north and south stands , while the east stand will be charged at # 15\n", + "[1.4774567 1.2174597 1.141988 1.4026436 1.316917 1.0869668 1.1238178\n", + " 1.0589635 1.0586579 1.0317776 1.0479417 1.0561128 1.0687343 1.0800116\n", + " 1.0493588 1.0575341 1.0216178 1.0238873 0. 0. ]\n", + "\n", + "[ 0 3 4 1 2 6 5 13 12 7 8 15 11 14 10 9 17 16 18 19]\n", + "=======================\n", + "[\"fast bowler jimmy anderson made cricket history in the caribbean on friday by beating the great sir ian botham 's all-time england wicket-taking record with his 384th victim in his hundredth test .jimmy anderson celebrates taking his record 384th wicket in test cricket for englandanderson 's marquee moment in his landmark test arrived in his 21st over when , crucially for his team , he had west indies captain dennis ramdin caught by captain alastair cook after a partnership of 105 with jason holder had frustrated england .\"]\n", + "=======================\n", + "[\"jimmy anderson becomes england 's leading test match wicket-takerthe 32-year-old surpassed the record held by sir ian botham ( 383 )anderson picked up his 384th wicket during first test against west indieshe took the wicket of denesh ramdin , caught behind by alastair cookhe drew level with botham on 383 when marlon samuels edged to gully\"]\n", + "fast bowler jimmy anderson made cricket history in the caribbean on friday by beating the great sir ian botham 's all-time england wicket-taking record with his 384th victim in his hundredth test .jimmy anderson celebrates taking his record 384th wicket in test cricket for englandanderson 's marquee moment in his landmark test arrived in his 21st over when , crucially for his team , he had west indies captain dennis ramdin caught by captain alastair cook after a partnership of 105 with jason holder had frustrated england .\n", + "jimmy anderson becomes england 's leading test match wicket-takerthe 32-year-old surpassed the record held by sir ian botham ( 383 )anderson picked up his 384th wicket during first test against west indieshe took the wicket of denesh ramdin , caught behind by alastair cookhe drew level with botham on 383 when marlon samuels edged to gully\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[1.15486 1.1287894 1.3496677 1.1903793 1.2230403 1.1288922 1.0940788\n", + " 1.0765817 1.0359963 1.0334086 1.029311 1.024334 1.0255018 1.0708895\n", + " 1.1825631 1.1260991 1.1185899 1.0474625 0. 0. ]\n", + "\n", + "[ 2 4 3 14 0 5 1 15 16 6 7 13 17 8 9 10 12 11 18 19]\n", + "=======================\n", + "[\"shot by adoring dad , called barles charkley on the site , who is based in baltimore , maryland , the video stars his toddler daughter viktoria , as she comes to terms with the tragedy that is the death of simba the lion 's father , mufasa .mr charkley posted the brief video , which has so far garnered more than four million views , to his facebook page on saturday .tear-jerker : viktoria 's crestfallen reaction ( pictured ) as she witnessed a sad scene from disney 's the lion king for the first time was captured on camera by her father barles charkley\"]\n", + "=======================\n", + "[\"dad barles charkley , based in maryland , shot the videoit shows his daughter watching disney 's 1994 hit for the first timetoddler visibly distraught when mufasa is killed and simba left fatherless\"]\n", + "shot by adoring dad , called barles charkley on the site , who is based in baltimore , maryland , the video stars his toddler daughter viktoria , as she comes to terms with the tragedy that is the death of simba the lion 's father , mufasa .mr charkley posted the brief video , which has so far garnered more than four million views , to his facebook page on saturday .tear-jerker : viktoria 's crestfallen reaction ( pictured ) as she witnessed a sad scene from disney 's the lion king for the first time was captured on camera by her father barles charkley\n", + "dad barles charkley , based in maryland , shot the videoit shows his daughter watching disney 's 1994 hit for the first timetoddler visibly distraught when mufasa is killed and simba left fatherless\n", + "[1.219987 1.4822621 1.3847117 1.2893152 1.2337102 1.0999781 1.060599\n", + " 1.0621209 1.0701852 1.0418158 1.1023936 1.0265826 1.1198555 1.042592\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 12 10 5 8 7 6 13 9 11 18 14 15 16 17 19]\n", + "=======================\n", + "[\"cheryl heineman , 45 , from st cloud , was arrested wednesday at central avenue elementary school in kissimmee on multiple counts of sale and delivery of narcotics .the woman 's suspected accomplice and lover , 20-year-old jack lindsey , is facing the same charges .a third-grade teacher and married mother of three from florida has been charged with selling acid and xanax pills to an undercover officer with her 20-year-old boyfriend .\"]\n", + "=======================\n", + "['third-grade teacher cheryl heineman , 45 , accused of selling narcotics to undercover officer with her 20-year-old lover , jack lindseycouple were arrested wednesday after six-week investigation sparked by tip from informantheineman and lindsey allegedly had been peddling xanax , acid , ecstasy , and various prescription painkillersveteran teacher is married and has three sons']\n", + "cheryl heineman , 45 , from st cloud , was arrested wednesday at central avenue elementary school in kissimmee on multiple counts of sale and delivery of narcotics .the woman 's suspected accomplice and lover , 20-year-old jack lindsey , is facing the same charges .a third-grade teacher and married mother of three from florida has been charged with selling acid and xanax pills to an undercover officer with her 20-year-old boyfriend .\n", + "third-grade teacher cheryl heineman , 45 , accused of selling narcotics to undercover officer with her 20-year-old lover , jack lindseycouple were arrested wednesday after six-week investigation sparked by tip from informantheineman and lindsey allegedly had been peddling xanax , acid , ecstasy , and various prescription painkillersveteran teacher is married and has three sons\n", + "[1.0796497 1.4006332 1.3297225 1.2463226 1.1089222 1.167027 1.2323784\n", + " 1.1758363 1.0270592 1.0368595 1.0657456 1.0768551 1.065678 1.0731845\n", + " 1.0221984 1.025573 1.0281096 1.0764973 1.0418339 1.0312405]\n", + "\n", + "[ 1 2 3 6 7 5 4 0 11 17 13 10 12 18 9 19 16 8 15 14]\n", + "=======================\n", + "[\"starbucks announced late friday night that a computer outage that affected registers at 8,000 stores in the us and canada , prompting baristas to give away free drinks , has now been resolved .the global coffeehouse chain said in an update on its site that stores are expected to open for ` business as usual ' saturday .no coffee here : a starbucks store closes friday in phoenix because of computer issues .\"]\n", + "=======================\n", + "[\"point-of-sale shutdown is effecting 8,000 starbucks locations in us and canadacompany said in statement glitch was caused by a failure during a daily system refreshglitch also affected starbucks ' evolution fresh and teavana storesmany starbucks locations closed their doors so as not to give away free drinkscoffeehouse chain said in update on its site stores are expected to open for ` business as usual ' saturday\"]\n", + "starbucks announced late friday night that a computer outage that affected registers at 8,000 stores in the us and canada , prompting baristas to give away free drinks , has now been resolved .the global coffeehouse chain said in an update on its site that stores are expected to open for ` business as usual ' saturday .no coffee here : a starbucks store closes friday in phoenix because of computer issues .\n", + "point-of-sale shutdown is effecting 8,000 starbucks locations in us and canadacompany said in statement glitch was caused by a failure during a daily system refreshglitch also affected starbucks ' evolution fresh and teavana storesmany starbucks locations closed their doors so as not to give away free drinkscoffeehouse chain said in update on its site stores are expected to open for ` business as usual ' saturday\n", + "[1.2751379 1.3881291 1.2085114 1.4138532 1.2444855 1.115975 1.0884645\n", + " 1.1096115 1.0485817 1.0365257 1.061538 1.0801338 1.0813812 1.0316845\n", + " 1.0241697 1.0759866 1.0354123 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 4 2 5 7 6 12 11 15 10 8 9 16 13 14 18 17 19]\n", + "=======================\n", + "[\"temitope adebamiro , 35 , was charged with murder on friday after her husband 's death was ruled a homicdepolice in delaware charged a woman with fatally stabbing her husband in their home after an argument about him cheating on her with own her sister and their nanny 's daughter .police were called to a home in bear , delaware , early on thursday and found adeyinka adebamiro stabbed\"]\n", + "=======================\n", + "[\"temitope adebamiro arrested friday and charged with first-degree murderpolice called to home in bear , delaware , on thursday and found husbandadeyinka adebamiro stabbed in upper body and wife wore bloody clothesinitially claimed death was a suicide but her story changed several timessuspect told police husband abused her even while she was pregnantnow held without bail at delores j baylor women 's correctional institution\"]\n", + "temitope adebamiro , 35 , was charged with murder on friday after her husband 's death was ruled a homicdepolice in delaware charged a woman with fatally stabbing her husband in their home after an argument about him cheating on her with own her sister and their nanny 's daughter .police were called to a home in bear , delaware , early on thursday and found adeyinka adebamiro stabbed\n", + "temitope adebamiro arrested friday and charged with first-degree murderpolice called to home in bear , delaware , on thursday and found husbandadeyinka adebamiro stabbed in upper body and wife wore bloody clothesinitially claimed death was a suicide but her story changed several timessuspect told police husband abused her even while she was pregnantnow held without bail at delores j baylor women 's correctional institution\n", + "[1.3658146 1.4300249 1.192352 1.3453925 1.0436804 1.2658873 1.0330215\n", + " 1.0447973 1.0641025 1.1196762 1.0336893 1.0514314 1.1333584 1.0099248\n", + " 1.0221761 1.0149994 1.0254799 1.0180236 1.0647031 1.0249363]\n", + "\n", + "[ 1 0 3 5 2 12 9 18 8 11 7 4 10 6 16 19 14 17 15 13]\n", + "=======================\n", + "['goals from neymar and a double from luis suarez , made sure the la liga leaders travel back to spain delighted with the result and their performance .barcelona scored three crucial away goals and all but ended the tie after easing to a 3-1 win over paris saint-germain at the parc des princes .luis suarez was the star man for barcelona and scored a brilliant second-half double to put them in control']\n", + "=======================\n", + "[\"barcelona outclassed psg to win 3-1 in the champions league quartersneymar scored the opener after brilliant work from lionel messiluis suarez netted a fabulous second half double for luis enrique 's sidegregory van der wiel 's deflected effort gave psg some hope\"]\n", + "goals from neymar and a double from luis suarez , made sure the la liga leaders travel back to spain delighted with the result and their performance .barcelona scored three crucial away goals and all but ended the tie after easing to a 3-1 win over paris saint-germain at the parc des princes .luis suarez was the star man for barcelona and scored a brilliant second-half double to put them in control\n", + "barcelona outclassed psg to win 3-1 in the champions league quartersneymar scored the opener after brilliant work from lionel messiluis suarez netted a fabulous second half double for luis enrique 's sidegregory van der wiel 's deflected effort gave psg some hope\n", + "[1.2323692 1.4344039 1.3326912 1.279385 1.1248492 1.0673681 1.1142706\n", + " 1.264538 1.0285041 1.030885 1.0205529 1.0538914 1.1363635 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 7 0 12 4 6 5 11 9 8 10 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"when police in the southern state of santa catarina busted the gang 's lair , the loyal canine laid down alongside its owner and rolled over on its back .the picture showing the line of gang members and their guard dog surrendering to police has since gone viral in brazil .drugs bust : police recovered a substantial quantity of cocaine , as well as weighing scales , guns and ammunition , at the scene ( stock image )\"]\n", + "=======================\n", + "[\"dog pictured ` surrendering ' alongside its drug gang ownerspolice took amusing snap during a drugs bust in south brazilpicture showing gang members and their dog has since gone viral\"]\n", + "when police in the southern state of santa catarina busted the gang 's lair , the loyal canine laid down alongside its owner and rolled over on its back .the picture showing the line of gang members and their guard dog surrendering to police has since gone viral in brazil .drugs bust : police recovered a substantial quantity of cocaine , as well as weighing scales , guns and ammunition , at the scene ( stock image )\n", + "dog pictured ` surrendering ' alongside its drug gang ownerspolice took amusing snap during a drugs bust in south brazilpicture showing gang members and their dog has since gone viral\n", + "[1.2961704 1.3383387 1.272621 1.2919835 1.1422048 1.0793681 1.1335052\n", + " 1.0281347 1.0191047 1.1401983 1.0512434 1.1403477 1.0723841 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 11 9 6 5 12 10 7 8 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"in a bold pitch to working class voters , the prime minister said the tories would offer discounts of up to 70 per cent to 1.3 million families in housing association properties to buy their home .david cameron 's manifesto pledge to dramatically extend margaret thatcher 's right-to-buy policy was this morning attacked as a ` deeply unfair ' bribe which will cost taxpayers billions of pounds .the chartered institute of housing , meanwhile , said the move would do nothing to tackle the housing crisis - and could even make it worse by cutting the number of low-cost social homes available for poor families .\"]\n", + "=======================\n", + "['david cameron announces extension to right-to-buy housing policypm promises to extend right to buy to all housing association tenantsdiscounts of up to 70 % to allow 1.3 million families to buy their homenational housing federation said the subsidy will cost taxpayers # 5.8 bnclaimed it was effectively worth # 100,000 for each family who benefitedbut the tories said it would be funded by making councils sell off homes']\n", + "in a bold pitch to working class voters , the prime minister said the tories would offer discounts of up to 70 per cent to 1.3 million families in housing association properties to buy their home .david cameron 's manifesto pledge to dramatically extend margaret thatcher 's right-to-buy policy was this morning attacked as a ` deeply unfair ' bribe which will cost taxpayers billions of pounds .the chartered institute of housing , meanwhile , said the move would do nothing to tackle the housing crisis - and could even make it worse by cutting the number of low-cost social homes available for poor families .\n", + "david cameron announces extension to right-to-buy housing policypm promises to extend right to buy to all housing association tenantsdiscounts of up to 70 % to allow 1.3 million families to buy their homenational housing federation said the subsidy will cost taxpayers # 5.8 bnclaimed it was effectively worth # 100,000 for each family who benefitedbut the tories said it would be funded by making councils sell off homes\n", + "[1.409622 1.2933238 1.1170067 1.369894 1.1723542 1.1558205 1.0643896\n", + " 1.053771 1.0506421 1.0721087 1.0438061 1.1372612 1.1218399 1.0710262\n", + " 1.0517956 1.0488806 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 5 11 12 2 9 13 6 7 14 8 15 10 18 16 17 19]\n", + "=======================\n", + "[\"ed balls was left briefly stumped by a basic maths question today after he gave a speech in leeds .asked what seven times six equals , labour 's shadow chancellor looked down at his feet and laughed nervously before eventually answering correctly following a ten second pause .he was asked to work out the multiplication at the q&a after he last month revealed that he still relies on his mother-in-law for help with maths .\"]\n", + "=======================\n", + "[\"labour 's shadow chancellor got the right answer after a ten second pausehe said it was ` always dangerous to answer those sorts of questions 'comes after he revealed he did not want to answer maths questions on tvtold susanna reid that the maths brain in his family was his mother in law\"]\n", + "ed balls was left briefly stumped by a basic maths question today after he gave a speech in leeds .asked what seven times six equals , labour 's shadow chancellor looked down at his feet and laughed nervously before eventually answering correctly following a ten second pause .he was asked to work out the multiplication at the q&a after he last month revealed that he still relies on his mother-in-law for help with maths .\n", + "labour 's shadow chancellor got the right answer after a ten second pausehe said it was ` always dangerous to answer those sorts of questions 'comes after he revealed he did not want to answer maths questions on tvtold susanna reid that the maths brain in his family was his mother in law\n", + "[1.0788174 1.3037126 1.4756671 1.3963218 1.2133274 1.0556154 1.0289962\n", + " 1.0301872 1.0263951 1.0238479 1.1617988 1.0394871 1.0275989 1.0232904\n", + " 1.0715909 1.0164169 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 4 10 0 14 5 11 7 6 12 8 9 13 15 23 16 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"the britain 's got talent judge is presenting a new series on itv which will highlight the plight of the animals arriving at the rspca 's newbrook farm animal centre in birmingham .but now , thanks to amanda holden , the rspca and , just possibly , you , many of these long-suffering animals could be given happy new homes .on give a pet a home , amanda and her co-stars -- including loose women 's coleen nolan , olympic gold medallist denise lewis and former pussycat dolls singer kimberly wyatt -- will appeal to members of the public to take in the animals featured .\"]\n", + "=======================\n", + "[\"amanda holden is presenting news heartbreaking series on itvshow highlights plight of rspca 's newbrook farm animal centrehopes animals featured will find new homes each week\"]\n", + "the britain 's got talent judge is presenting a new series on itv which will highlight the plight of the animals arriving at the rspca 's newbrook farm animal centre in birmingham .but now , thanks to amanda holden , the rspca and , just possibly , you , many of these long-suffering animals could be given happy new homes .on give a pet a home , amanda and her co-stars -- including loose women 's coleen nolan , olympic gold medallist denise lewis and former pussycat dolls singer kimberly wyatt -- will appeal to members of the public to take in the animals featured .\n", + "amanda holden is presenting news heartbreaking series on itvshow highlights plight of rspca 's newbrook farm animal centrehopes animals featured will find new homes each week\n", + "[1.0767499 1.1275493 1.1540489 1.1789825 1.1661216 1.1741333 1.0828787\n", + " 1.1440446 1.1358931 1.1199228 1.0451007 1.0577463 1.0636152 1.026457\n", + " 1.0224729 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 5 4 2 7 8 1 9 6 0 12 11 10 13 14 23 15 16 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "['indeed , for congress , it became the rationale behind a ban implemented in 1988 that prohibits the use of federal funds for these programs .as a result of the recent spikes in hiv and hepatitis c infections among injecting drug users in rural indiana and kentucky , the controversial topic of syringe exchange programs has come to the fore again .but an overwhelming body of scientific evidence continues to show that this is simply not true .']\n", + "=======================\n", + "['an estimated 50,000 americans are newly infected with hiv each year , cdc sayskevin robert frost : syringe exchange programs save millions in hiv treatment costs']\n", + "indeed , for congress , it became the rationale behind a ban implemented in 1988 that prohibits the use of federal funds for these programs .as a result of the recent spikes in hiv and hepatitis c infections among injecting drug users in rural indiana and kentucky , the controversial topic of syringe exchange programs has come to the fore again .but an overwhelming body of scientific evidence continues to show that this is simply not true .\n", + "an estimated 50,000 americans are newly infected with hiv each year , cdc sayskevin robert frost : syringe exchange programs save millions in hiv treatment costs\n", + "[1.2643272 1.513566 1.3109337 1.3688312 1.2360883 1.1240747 1.0425698\n", + " 1.0566711 1.0675628 1.0576227 1.0651047 1.0785178 1.023952 1.0262984\n", + " 1.0795459 1.0268427 1.0214683 1.0374802 1.0754473 1.0423594 1.0559094\n", + " 1.0311356 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 14 11 18 8 10 9 7 20 6 19 17 21 15 13 12 16 23 22\n", + " 24]\n", + "=======================\n", + "[\"yvonne camargo , 39 , of victorville , was arrested on suspicion of willful cruelty to a child on april 3 but it is unknown as to if she was charged .the video was filmed april 1 in a parking lot after a man identifying as edward moneyhanz on youtube saw the woman ` pulling this kid by his hair out of the khols store ' , according to the posting 's description .a california woman was arrested after a video was posted on youtube that showed her striking a young , crying child in the face with what appeared to be a ipad-like tablet .\"]\n", + "=======================\n", + "[\"yvonne camargo , of victorville , california , was arrested after she was identified from the videothe cameraman films camargo for more than a minute before she noticeshe then asks what she 's doing but camargo does not respondthe cameraman said he started filming after seeing the woman ` pulling this kid by his hair ' out of a kohl 's\"]\n", + "yvonne camargo , 39 , of victorville , was arrested on suspicion of willful cruelty to a child on april 3 but it is unknown as to if she was charged .the video was filmed april 1 in a parking lot after a man identifying as edward moneyhanz on youtube saw the woman ` pulling this kid by his hair out of the khols store ' , according to the posting 's description .a california woman was arrested after a video was posted on youtube that showed her striking a young , crying child in the face with what appeared to be a ipad-like tablet .\n", + "yvonne camargo , of victorville , california , was arrested after she was identified from the videothe cameraman films camargo for more than a minute before she noticeshe then asks what she 's doing but camargo does not respondthe cameraman said he started filming after seeing the woman ` pulling this kid by his hair ' out of a kohl 's\n", + "[1.253089 1.0625329 1.0899366 1.0836436 1.214642 1.1196649 1.0485934\n", + " 1.0409987 1.0470332 1.2093848 1.1353036 1.054127 1.1550301 1.0396197\n", + " 1.0826181 1.0368395 1.061881 1.0182335 1.0384331 1.0422103 1.0418705\n", + " 1.0506905 0. 0. 0. ]\n", + "\n", + "[ 0 4 9 12 10 5 2 3 14 1 16 11 21 6 8 19 20 7 13 18 15 17 23 22\n", + " 24]\n", + "=======================\n", + "[\"richie benaud made commentary look easy .i had the great honour of doing a stint on channel 9 in australia during an ashes test a few years ago .richie benaud was one of cricket 's great personalities and will be remembered for his dry wit and knowledge\"]\n", + "=======================\n", + "[\"former australia captain and commentator benaud passed away aged 84david lloyd had the privilege of commentating alongside benaudbenaud 's attention to detail was second to none , says lloydhe had an incredible relationship with tony greig and bill lawryread : benaud 's family offered state funeral by tony abbott\"]\n", + "richie benaud made commentary look easy .i had the great honour of doing a stint on channel 9 in australia during an ashes test a few years ago .richie benaud was one of cricket 's great personalities and will be remembered for his dry wit and knowledge\n", + "former australia captain and commentator benaud passed away aged 84david lloyd had the privilege of commentating alongside benaudbenaud 's attention to detail was second to none , says lloydhe had an incredible relationship with tony greig and bill lawryread : benaud 's family offered state funeral by tony abbott\n", + "[1.5294628 1.0392768 1.0297318 1.0934416 1.1310902 1.2103951 1.31859\n", + " 1.053395 1.0515225 1.0191607 1.0293019 1.0613908 1.0246017 1.1668513\n", + " 1.0648811 1.0509423 1.0360755 1.0400673 1.036265 1.0368783 1.0224731\n", + " 1.0340683 1.0500923 1.0528464 1.020586 ]\n", + "\n", + "[ 0 6 5 13 4 3 14 11 7 23 8 15 22 17 1 19 18 16 21 2 10 12 20 24\n", + " 9]\n", + "=======================\n", + "['( cnn ) this is week two of an ongoing series : a catholic reads the bible this week covers the book of genesis , chapters 1-11 .the bible i \\'m reading is \" the deluxe catholic bible , \" published in 1986 by world bible publishing .as i mentioned in the first installment of this series , i \\'m a lifelong catholic who finally plans to read the bible from cover to cover .']\n", + "=======================\n", + "['laura bernardini , a lifelong catholic , has decided to finally read the bible from cover to cover .some surprises : two creation stories , seth , and what on earth are the \" men of heaven \" ?']\n", + "( cnn ) this is week two of an ongoing series : a catholic reads the bible this week covers the book of genesis , chapters 1-11 .the bible i 'm reading is \" the deluxe catholic bible , \" published in 1986 by world bible publishing .as i mentioned in the first installment of this series , i 'm a lifelong catholic who finally plans to read the bible from cover to cover .\n", + "laura bernardini , a lifelong catholic , has decided to finally read the bible from cover to cover .some surprises : two creation stories , seth , and what on earth are the \" men of heaven \" ?\n", + "[1.3821014 1.425094 1.1674688 1.1445019 1.1749837 1.0283648 1.1708515\n", + " 1.121288 1.1248219 1.0619861 1.0635535 1.0544477 1.0593126 1.0745082\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 6 2 3 8 7 13 10 9 12 11 5 14 15 16 17 18 19]\n", + "=======================\n", + "[\"a dominican news report says the power couple spent part of their trip staying with sugar barons alfy and pepe fanjul at casa de campo , a private dominican resort they own .bill and hillary clinton spent $ 104,000 in taxpayer money on hotel rooms for secret service agents when they vacationed in the dominican republic over the new year 's holiday .indicted : new jersey sen. bob menendez ( left ) and his wealthy donor dr. salomon melgen ( right ) are both accused of multiple federal crimes including bribery and honest services fraud\"]\n", + "=======================\n", + "[\"clintons ' new year 's vacation included stay at casa de campo , where sen. bob menendez spent time with salomon melgen , the wealthy donor at the center of his criminal chargesbill clinton 's previous visits to casa de campo included at least one trip where he stayed with melgen , according to the doctor 's former secretarypower couple stayed there with alfy fanjul , a billionaire sugar baron who owns the resort and played a small part in the monica lewinsky scandaldominican newspaper reported that they discussed hillary 's presidential ambitionsmelgen has contributed $ 8,600 to hillary clinton 's senate and presidential campaigns\"]\n", + "a dominican news report says the power couple spent part of their trip staying with sugar barons alfy and pepe fanjul at casa de campo , a private dominican resort they own .bill and hillary clinton spent $ 104,000 in taxpayer money on hotel rooms for secret service agents when they vacationed in the dominican republic over the new year 's holiday .indicted : new jersey sen. bob menendez ( left ) and his wealthy donor dr. salomon melgen ( right ) are both accused of multiple federal crimes including bribery and honest services fraud\n", + "clintons ' new year 's vacation included stay at casa de campo , where sen. bob menendez spent time with salomon melgen , the wealthy donor at the center of his criminal chargesbill clinton 's previous visits to casa de campo included at least one trip where he stayed with melgen , according to the doctor 's former secretarypower couple stayed there with alfy fanjul , a billionaire sugar baron who owns the resort and played a small part in the monica lewinsky scandaldominican newspaper reported that they discussed hillary 's presidential ambitionsmelgen has contributed $ 8,600 to hillary clinton 's senate and presidential campaigns\n", + "[1.1917229 1.3222418 1.1926382 1.4777472 1.2226263 1.2347167 1.0864439\n", + " 1.0277429 1.035412 1.0781972 1.0312161 1.031386 1.0797698 1.0604931\n", + " 1.075816 1.0282122 1.0961416 1.017357 1.0160899 1.0222018]\n", + "\n", + "[ 3 1 5 4 2 0 16 6 12 9 14 13 8 11 10 15 7 19 17 18]\n", + "=======================\n", + "[\"cristiano ronaldo has scored 300 goals for real madrid in just six years with the la liga giantsronaldo heads home his 300th goal for the club - against rayo vallecano at the vallecas stadium in madridthe portuguese forward is catching raul 's ( l ) club record and is just seven goals shy of alfredo di stefano ( r )\"]\n", + "=======================\n", + "['cristiano ronaldo scored 300th goal for real madrid on wednesday nightportuguese star headed home against rayo vallecano in 2-0 victorywho else have made their mark with goals at one particular club ?pele and gerd muller lead the way , while lionel messi makes the top 10read : ronaldo scoring breakdown shows just how ruthless he is']\n", + "cristiano ronaldo has scored 300 goals for real madrid in just six years with the la liga giantsronaldo heads home his 300th goal for the club - against rayo vallecano at the vallecas stadium in madridthe portuguese forward is catching raul 's ( l ) club record and is just seven goals shy of alfredo di stefano ( r )\n", + "cristiano ronaldo scored 300th goal for real madrid on wednesday nightportuguese star headed home against rayo vallecano in 2-0 victorywho else have made their mark with goals at one particular club ?pele and gerd muller lead the way , while lionel messi makes the top 10read : ronaldo scoring breakdown shows just how ruthless he is\n", + "[1.2558386 1.3973613 1.4073098 1.3224653 1.1788316 1.0527693 1.0198166\n", + " 1.172729 1.1090037 1.2033176 1.0745605 1.1032387 1.0062343 1.007674\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 0 9 4 7 8 11 10 5 6 13 12 18 14 15 16 17 19]\n", + "=======================\n", + "[\"the cash will be put towards the abbey 's restoration fund , which is aiming to raise # 20million to repair the collapsing floor , fit heating powered by the bath springs , and expand the building .the donor , who is known to church officials but has asked not to be named , sent the money along with a note , saying they wanted to help safeguard the church ` for the next hundred years ' .a mysterious benefactor posted the plain brown envelope to officials at bath abbey , pledging # 1.5 million to the church 's # 20million restoration fund\"]\n", + "=======================\n", + "[\"anonymous benefactor donated money to # 20million restoration fundidentity of donor is known to church officials , but is being kept a secretlaura brown , head of restoration , had to ` sit down ' after reading letter\"]\n", + "the cash will be put towards the abbey 's restoration fund , which is aiming to raise # 20million to repair the collapsing floor , fit heating powered by the bath springs , and expand the building .the donor , who is known to church officials but has asked not to be named , sent the money along with a note , saying they wanted to help safeguard the church ` for the next hundred years ' .a mysterious benefactor posted the plain brown envelope to officials at bath abbey , pledging # 1.5 million to the church 's # 20million restoration fund\n", + "anonymous benefactor donated money to # 20million restoration fundidentity of donor is known to church officials , but is being kept a secretlaura brown , head of restoration , had to ` sit down ' after reading letter\n", + "[1.2279991 1.422046 1.2961991 1.4016175 1.2503337 1.168399 1.0211426\n", + " 1.0608194 1.0199225 1.0724982 1.0487251 1.1886785 1.1517144 1.0400993\n", + " 1.0181316 1.0080383 1.0056053 1.0061755 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 11 5 12 9 7 10 13 6 8 14 15 17 16 18 19]\n", + "=======================\n", + "[\"fresh from being beaten by ferrari driver sebastian vettel at the malaysian grand prix on march 29 , the mercedes team-mates have been collaborating with their team to ensure the prancing horse does n't gallop to victory at the next race in china .nico rosberg ( left ) and lewis hamilton visited mercedes ' brackley base on thursdaythe four-time world champion beat hamilton by 8.5 seconds , with team-mate nico rosberg a further four seconds adrift in third .\"]\n", + "=======================\n", + "['ferrari driver sebastian vettel won the malaysian grand prix on march 29mercedes duo lewis hamilton and nico rosberg came second and thirdchinese grand prix takes place on april 12 in shanghai']\n", + "fresh from being beaten by ferrari driver sebastian vettel at the malaysian grand prix on march 29 , the mercedes team-mates have been collaborating with their team to ensure the prancing horse does n't gallop to victory at the next race in china .nico rosberg ( left ) and lewis hamilton visited mercedes ' brackley base on thursdaythe four-time world champion beat hamilton by 8.5 seconds , with team-mate nico rosberg a further four seconds adrift in third .\n", + "ferrari driver sebastian vettel won the malaysian grand prix on march 29mercedes duo lewis hamilton and nico rosberg came second and thirdchinese grand prix takes place on april 12 in shanghai\n", + "[1.2211982 1.5225668 1.300367 1.3987114 1.145011 1.1373314 1.0982062\n", + " 1.0760537 1.105136 1.0804818 1.0438986 1.043889 1.0762879 1.018393\n", + " 1.024799 1.0127302 1.050011 1.0691774 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 8 6 9 12 7 17 16 10 11 14 13 15 18 19]\n", + "=======================\n", + "[\"elena curtin of portland was seven-months pregnant when she was charged with second-degree assault after she struck her boyfriend 's ex in the head and arm with a crowbar in november 2014 .she was set to go to trial in multnomah county circuit court this week , but prosecutors dropped the charge on monday because curtin , 23 , was ` completely justified in her outrage ' .curtin gave birth in january .\"]\n", + "=======================\n", + "[\"elena curtin was seven-months pregnant during portland , oregon , incidentboyfriend 's ex was injecting drugs in her bathroom when she came homecurtin , 23 , was scheduled to go to trial on second-degree assault chargeshe hit boyfriend 's ex on head and arm but prosecutors dropped chargeoregon law allows for physical force against an intruder who wo n't leaveconviction would have resulted in mandatory six-year prison sentence\"]\n", + "elena curtin of portland was seven-months pregnant when she was charged with second-degree assault after she struck her boyfriend 's ex in the head and arm with a crowbar in november 2014 .she was set to go to trial in multnomah county circuit court this week , but prosecutors dropped the charge on monday because curtin , 23 , was ` completely justified in her outrage ' .curtin gave birth in january .\n", + "elena curtin was seven-months pregnant during portland , oregon , incidentboyfriend 's ex was injecting drugs in her bathroom when she came homecurtin , 23 , was scheduled to go to trial on second-degree assault chargeshe hit boyfriend 's ex on head and arm but prosecutors dropped chargeoregon law allows for physical force against an intruder who wo n't leaveconviction would have resulted in mandatory six-year prison sentence\n", + "[1.4540977 1.4137127 1.3107303 1.1974269 1.2656676 1.1694996 1.0990859\n", + " 1.1888222 1.073547 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 4 3 7 5 6 8 16 15 14 13 9 11 10 17 12 18]\n", + "=======================\n", + "['former holland forward and assistant coach patrick kluivert has made a winning start in world cup qualifying as coach of curacao .the caribbean island team advanced to the second qualifying round in concacaf for the 2018 tournament late tuesday .curacao drew 2-2 in a second-leg match at montserrat to win 4-3 on aggregate .']\n", + "=======================\n", + "[\"curacao have advanced to the second qualifying round for 2018 world cuppatrick kluivert 's side won 4-3 on aggregate to set up match against cubacuracao will face cuba in next round on june 8 and 16\"]\n", + "former holland forward and assistant coach patrick kluivert has made a winning start in world cup qualifying as coach of curacao .the caribbean island team advanced to the second qualifying round in concacaf for the 2018 tournament late tuesday .curacao drew 2-2 in a second-leg match at montserrat to win 4-3 on aggregate .\n", + "curacao have advanced to the second qualifying round for 2018 world cuppatrick kluivert 's side won 4-3 on aggregate to set up match against cubacuracao will face cuba in next round on june 8 and 16\n", + "[1.243403 1.2921879 1.3235558 1.185619 1.26633 1.2051005 1.1842126\n", + " 1.1092687 1.0477449 1.0401757 1.028581 1.0382326 1.179178 1.0274173\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 4 0 5 3 6 12 7 8 9 11 10 13 17 14 15 16 18]\n", + "=======================\n", + "[\"blagojevich was infamously caught trying to sell barack obama 's u.s. senate seat when he was elected president in 2008 .the former illinois governor has return to his roots while inside and has been photographed with his still full head of hair a shocking white color rather than the boot polish black that was his trademark as a politician .once famed for his mop of blacker than black hair , disgraced democrat rod blagojevich , 58 , has really let his haircare regime go while he serves his prison time .\"]\n", + "=======================\n", + "[\"the former illinois governor has been photographed in prison for the first time since starting his 14 year sentence in 2012as a politican he was famed for his boot polish black hair , but nowadays he has let his hair return to its natural white colorblagojevich was infamously caught trying to sell barack obama 's u.s. senate seat when he was elected president in 2008he continues to await word of a last-ditch appeal and teaches the history of war battles to other inmates\"]\n", + "blagojevich was infamously caught trying to sell barack obama 's u.s. senate seat when he was elected president in 2008 .the former illinois governor has return to his roots while inside and has been photographed with his still full head of hair a shocking white color rather than the boot polish black that was his trademark as a politician .once famed for his mop of blacker than black hair , disgraced democrat rod blagojevich , 58 , has really let his haircare regime go while he serves his prison time .\n", + "the former illinois governor has been photographed in prison for the first time since starting his 14 year sentence in 2012as a politican he was famed for his boot polish black hair , but nowadays he has let his hair return to its natural white colorblagojevich was infamously caught trying to sell barack obama 's u.s. senate seat when he was elected president in 2008he continues to await word of a last-ditch appeal and teaches the history of war battles to other inmates\n", + "[1.3078941 1.4364642 1.2298555 1.1922319 1.0580016 1.03891 1.0767897\n", + " 1.1023891 1.1404461 1.0754554 1.0812948 1.0802943 1.0614376 1.0349047\n", + " 1.0532484 1.1178752 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 8 15 7 10 11 6 9 12 4 14 5 13 16 17 18]\n", + "=======================\n", + "[\"kim disbanded the group of hand-picked teenagers shortly after the death of his father in the north korean capital pyongyang in december 2011 .kim jong-un has ordered the recreation of the famous ` pleasure troupe ' of young women that north korean leaders have traditionally employed to entertain them .but now that the country 's official three-year mourning period for kim jong-il has concluded , the eccentric autocrat has demanded his advisers find suitable new women for the role , as the previous members retired and were married off to military generals when they hit their early 20s .\"]\n", + "=======================\n", + "[\"kim jong-un dismantled the group of teenagers after his father 's deathbut now three years of mourning has expired he has demanded they returngroup are traditionally private dancers and maids for north korean leadersthe girls are usually married off to top officials once they reach their 20s\"]\n", + "kim disbanded the group of hand-picked teenagers shortly after the death of his father in the north korean capital pyongyang in december 2011 .kim jong-un has ordered the recreation of the famous ` pleasure troupe ' of young women that north korean leaders have traditionally employed to entertain them .but now that the country 's official three-year mourning period for kim jong-il has concluded , the eccentric autocrat has demanded his advisers find suitable new women for the role , as the previous members retired and were married off to military generals when they hit their early 20s .\n", + "kim jong-un dismantled the group of teenagers after his father 's deathbut now three years of mourning has expired he has demanded they returngroup are traditionally private dancers and maids for north korean leadersthe girls are usually married off to top officials once they reach their 20s\n", + "[1.2661159 1.3329287 1.1684467 1.196744 1.1513438 1.3465114 1.0744591\n", + " 1.0652788 1.214561 1.0755919 1.0316164 1.03799 1.0214471 1.0214325\n", + " 1.0115652 1.0645564 1.0465043 1.0564091 1.1688614]\n", + "\n", + "[ 5 1 0 8 3 18 2 4 9 6 7 15 17 16 11 10 12 13 14]\n", + "=======================\n", + "['republican lawmaker henry rayhons , 78 , is preparing to stand trial in iowa for sexually assaulting his wife , who died last august , days before he was formally chargedwhen henry and donna lou rayhons married seven years ago in their northern iowa hometown , it was a second chance at love for the devoted couple , both previously widowed .an iowa politician is on trial this week accused of sexually abusing his wife after doctors said she was no longer mentally capable of legally consenting to have sex .']\n", + "=======================\n", + "['henry rayhons , 78 , is preparing to stand trial in iowa for sexually assaulting his wife donna lou rayhonssuffering from dementia and alzheimers , she had been moved into a nursing home by her daughters from a previous marriage last yeardoctors had told rayhons that his wife of seven years was no longer mentally capable of legally consenting to have sexhe ignored the request and charges were filed against him days after his wife died last augustrayhons faces 10 years in prison if he is found guilty of sexual abuse charges']\n", + "republican lawmaker henry rayhons , 78 , is preparing to stand trial in iowa for sexually assaulting his wife , who died last august , days before he was formally chargedwhen henry and donna lou rayhons married seven years ago in their northern iowa hometown , it was a second chance at love for the devoted couple , both previously widowed .an iowa politician is on trial this week accused of sexually abusing his wife after doctors said she was no longer mentally capable of legally consenting to have sex .\n", + "henry rayhons , 78 , is preparing to stand trial in iowa for sexually assaulting his wife donna lou rayhonssuffering from dementia and alzheimers , she had been moved into a nursing home by her daughters from a previous marriage last yeardoctors had told rayhons that his wife of seven years was no longer mentally capable of legally consenting to have sexhe ignored the request and charges were filed against him days after his wife died last augustrayhons faces 10 years in prison if he is found guilty of sexual abuse charges\n", + "[1.25467 1.2186713 1.1433047 1.2313335 1.1140902 1.1476384 1.1963009\n", + " 1.086081 1.1508476 1.0716381 1.1469417 1.0604202 1.096113 1.0334352\n", + " 1.021942 1.0172981 1.0085183 1.0132645 0. ]\n", + "\n", + "[ 0 3 1 6 8 5 10 2 4 12 7 9 11 13 14 15 17 16 18]\n", + "=======================\n", + "['by the time he reached 17 , there was no room for geoff johnson at home .now , two decades later , he and his younger sister jennifer mcshea have returned to the family home in omaha , nebraska - and nothing has changed .his mother started compulsively hoarding when he was a young boy , refusing to trash anything ; unable to fix anything .']\n", + "=======================\n", + "[\"geoff johnson and jennifer mcshea both grew up with a mother who compulsively hoarded thingsrefrigerator did n't work , trash piled up , but nothing was fixed .two decades after they left , their mother died and the house was passed to themthey have revisited and created a photo series , superimposing their children onto photos of the house to show the uneasy sight of youngsters growing up in that environment\"]\n", + "by the time he reached 17 , there was no room for geoff johnson at home .now , two decades later , he and his younger sister jennifer mcshea have returned to the family home in omaha , nebraska - and nothing has changed .his mother started compulsively hoarding when he was a young boy , refusing to trash anything ; unable to fix anything .\n", + "geoff johnson and jennifer mcshea both grew up with a mother who compulsively hoarded thingsrefrigerator did n't work , trash piled up , but nothing was fixed .two decades after they left , their mother died and the house was passed to themthey have revisited and created a photo series , superimposing their children onto photos of the house to show the uneasy sight of youngsters growing up in that environment\n", + "[1.1421448 1.4959853 1.3477639 1.2002416 1.157838 1.2181014 1.0896113\n", + " 1.0254755 1.018488 1.0184774 1.049287 1.217618 1.0543485 1.0290272\n", + " 1.0161326 1.0161958 1.0512644 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 5 11 3 4 0 6 12 16 10 13 7 8 9 15 14 21 17 18 19 20 22]\n", + "=======================\n", + "['starting in may , scott turner schofield will become the first transgender man to have a recurring role on a daytime soap opera when he appears on the bold and the beautiful .it will mark the television acting debut of schofield , who is a performer , speaker and author known for his one-person shows that address transgender issues .the new york daily news reports that schofield will be playing nick , a mentor of sorts to the character of maya avant , played by karla mosley .']\n", + "=======================\n", + "['scott turner schofield has landed a role on the popular soap opera the bold and the beautifulschofield is now the first transgender male to score a major role on a daytime television showhe will make his first appearance on may 8schofield is a speaker and author known for his one-person shows that address transgender issues']\n", + "starting in may , scott turner schofield will become the first transgender man to have a recurring role on a daytime soap opera when he appears on the bold and the beautiful .it will mark the television acting debut of schofield , who is a performer , speaker and author known for his one-person shows that address transgender issues .the new york daily news reports that schofield will be playing nick , a mentor of sorts to the character of maya avant , played by karla mosley .\n", + "scott turner schofield has landed a role on the popular soap opera the bold and the beautifulschofield is now the first transgender male to score a major role on a daytime television showhe will make his first appearance on may 8schofield is a speaker and author known for his one-person shows that address transgender issues\n", + "[1.2788056 1.3579792 1.283729 1.1259007 1.2831848 1.1341794 1.0375845\n", + " 1.0816994 1.0866811 1.070116 1.1070613 1.0800338 1.0600322 1.0190688\n", + " 1.0157553 1.0370988 1.0077832 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 4 0 5 3 10 8 7 11 9 12 6 15 13 14 16 21 17 18 19 20 22]\n", + "=======================\n", + "[\"the unemployment rate remained at 5.5 percent , the labor department said in its monthly report friday .the march jobs data raised uncertainties about the world 's largest economy , which for months has been the envy of other industrialized nations for its steadily robust hiring and growth .numbers : labor department data shows the us economy generated a disappointing 126,000 net new jobs in march , half of what was expected and the worst month since december 2013\"]\n", + "=======================\n", + "[\"official unemployment rate -- which does n't count people who have dropped out of the labor force -- stands at 5.5 per centmanufacturing , construction and government sectors all cut jobs in marchother sectors , including health care , lawyers , engineers , accountants and retailers , grew their workforcescould be a temporary blip as the us recovers from an unseasonably cold march that may have tamped down hiring\"]\n", + "the unemployment rate remained at 5.5 percent , the labor department said in its monthly report friday .the march jobs data raised uncertainties about the world 's largest economy , which for months has been the envy of other industrialized nations for its steadily robust hiring and growth .numbers : labor department data shows the us economy generated a disappointing 126,000 net new jobs in march , half of what was expected and the worst month since december 2013\n", + "official unemployment rate -- which does n't count people who have dropped out of the labor force -- stands at 5.5 per centmanufacturing , construction and government sectors all cut jobs in marchother sectors , including health care , lawyers , engineers , accountants and retailers , grew their workforcescould be a temporary blip as the us recovers from an unseasonably cold march that may have tamped down hiring\n", + "[1.4789114 1.1995052 1.2542682 1.1588644 1.227202 1.1226839 1.1569113\n", + " 1.0971304 1.1343571 1.0546709 1.0904801 1.0826228 1.0576671 1.0999382\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 4 1 3 6 8 5 13 7 10 11 12 9 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"manny pacquiao decided to train on the streets of los angeles on friday as he ran along the trail at griffith park ahead of his highly-anticipated fight against floyd mayweather .pacquiao was spotted with several fitness fanatics during his run around one of the north america 's largest urban parks .the filipino swapped the gym for the great outdoors as he worked on his fitness and stamina in preparation for what could be a lengthy bout against his welterweight rival .\"]\n", + "=======================\n", + "['manny pacquiao ran along griffith park trail as he worked on his fitnessthe filipino was accompanied by his pet dog pacman during jogpacquiao goes toe-to-toe with floyd mayweather in las vegas on may 2read : pacquiao reveals his colourful mouth guard ahead of his bout']\n", + "manny pacquiao decided to train on the streets of los angeles on friday as he ran along the trail at griffith park ahead of his highly-anticipated fight against floyd mayweather .pacquiao was spotted with several fitness fanatics during his run around one of the north america 's largest urban parks .the filipino swapped the gym for the great outdoors as he worked on his fitness and stamina in preparation for what could be a lengthy bout against his welterweight rival .\n", + "manny pacquiao ran along griffith park trail as he worked on his fitnessthe filipino was accompanied by his pet dog pacman during jogpacquiao goes toe-to-toe with floyd mayweather in las vegas on may 2read : pacquiao reveals his colourful mouth guard ahead of his bout\n", + "[1.0276908 1.2341365 1.0392797 1.5580187 1.4614329 1.2267103 1.1785978\n", + " 1.0899138 1.0258957 1.1455401 1.088983 1.1011841 1.0866454 1.0239888\n", + " 1.01422 1.0111151 1.015357 1.0159199 1.0169404 1.0155668 1.0145823\n", + " 1.015746 1.0147382]\n", + "\n", + "[ 3 4 1 5 6 9 11 7 10 12 2 0 8 13 18 17 21 19 16 22 20 14 15]\n", + "=======================\n", + "[\"the n-222 road from peso de regua to pinhao in portugal has been awarded the prestigious honour .the world 's best road has just been announced .the highway has been named the best in the world for its location , cutting through the heart of the stunning douro valley and the spectacular views it provides of the wine region below .\"]\n", + "=======================\n", + "[\"world 's best road is n-222 from peso de regua to pinhao in portugalthe uk 's best road is deemed to be a591 from kendal to keswicksecond came the a3515 in somerset and third was a535 in chshire\"]\n", + "the n-222 road from peso de regua to pinhao in portugal has been awarded the prestigious honour .the world 's best road has just been announced .the highway has been named the best in the world for its location , cutting through the heart of the stunning douro valley and the spectacular views it provides of the wine region below .\n", + "world 's best road is n-222 from peso de regua to pinhao in portugalthe uk 's best road is deemed to be a591 from kendal to keswicksecond came the a3515 in somerset and third was a535 in chshire\n", + "[1.1400371 1.4806349 1.4051347 1.3004001 1.3011861 1.0654348 1.0408443\n", + " 1.0624124 1.1902118 1.0543566 1.0571786 1.0240953 1.027716 1.0331259\n", + " 1.0608776 1.0637126 1.0713228 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 4 3 8 0 16 5 15 7 14 10 9 6 13 12 11 17 18 19 20 21 22]\n", + "=======================\n", + "[\"the seven-car maglev - short for ` magnetic levitation ' - hit a top speed of 375mph ( 603 km/h ) and travelled for almost 11 seconds at speeds above 373mph ( 600km/h ) during a test run near mount fuji .the run beat last week 's speeds of 366mph ( 590kph ) , which in turn beat the train 's previous 12-year record of 361mph ( 581km/h ) .owner central japan railway plans to have a train in service in 2027 to join tokyo and the central city of nagoya - a distance of 177 miles ( 286km ) .\"]\n", + "=======================\n", + "[\"maglev hit 375mph ( 603 km/h ) and travelled for 11 seconds at speeds above 373mph ( 600km/h ) on an experimental track in tsurulatest test run beat last thursday 's top speeds of 366mph ( 590km/h )maglev trains hover and are propelled by electrically charged magnetscentral japan railway plans to have the train in service in 2027\"]\n", + "the seven-car maglev - short for ` magnetic levitation ' - hit a top speed of 375mph ( 603 km/h ) and travelled for almost 11 seconds at speeds above 373mph ( 600km/h ) during a test run near mount fuji .the run beat last week 's speeds of 366mph ( 590kph ) , which in turn beat the train 's previous 12-year record of 361mph ( 581km/h ) .owner central japan railway plans to have a train in service in 2027 to join tokyo and the central city of nagoya - a distance of 177 miles ( 286km ) .\n", + "maglev hit 375mph ( 603 km/h ) and travelled for 11 seconds at speeds above 373mph ( 600km/h ) on an experimental track in tsurulatest test run beat last thursday 's top speeds of 366mph ( 590km/h )maglev trains hover and are propelled by electrically charged magnetscentral japan railway plans to have the train in service in 2027\n", + "[1.2512476 1.5149791 1.3021289 1.1801909 1.0864102 1.2540169 1.1776088\n", + " 1.0489577 1.0962583 1.0301363 1.0338205 1.0187404 1.0272135 1.0207902\n", + " 1.1439703 1.1144651 1.0312748 1.071363 1.0286207 1.0096774 1.0434551]\n", + "\n", + "[ 1 2 5 0 3 6 14 15 8 4 17 7 20 10 16 9 18 12 13 11 19]\n", + "=======================\n", + "['more than 72,000 camp inmates and prisoners of war died at the nazi camp including diarist anne frank and her older sister margot .british soldiers liberated the camp on april 15 , 1945 .it was held to mark the 70th anniversary of the liberation of the bergen-belsen concentration camp in northern germany']\n", + "=======================\n", + "['around 200,000 people were deported to the nazi camp in northern germany during world war twobritish soldiers took over the camp on april 15 , 1945 and found tens of thousands of dead bodiestheir intervention came just two months after diarist anne frank , who was held at the camp , died']\n", + "more than 72,000 camp inmates and prisoners of war died at the nazi camp including diarist anne frank and her older sister margot .british soldiers liberated the camp on april 15 , 1945 .it was held to mark the 70th anniversary of the liberation of the bergen-belsen concentration camp in northern germany\n", + "around 200,000 people were deported to the nazi camp in northern germany during world war twobritish soldiers took over the camp on april 15 , 1945 and found tens of thousands of dead bodiestheir intervention came just two months after diarist anne frank , who was held at the camp , died\n", + "[1.3847404 1.1784639 1.315092 1.3174154 1.2501761 1.2022611 1.1774775\n", + " 1.1106452 1.0327063 1.012033 1.022924 1.022942 1.0534284 1.0620247\n", + " 1.0340353 1.0119488 1.1651632 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 4 5 1 6 16 7 13 12 14 8 11 10 9 15 17 18 19 20]\n", + "=======================\n", + "[\"channel ten show the project has apologised after mistakenly using footage of the wrong african-american comic when promoting upcoming guest on the show , saturday night live star michael che .waleed aly apologised for the embarrassing mistake , admitting ` we stuffed up ' later on during the program after the mistake was flagged by gobsmacked twitter users .che and pharoah are both in australia to perform a string of shows at melbourne 's international comedy festival .\"]\n", + "=======================\n", + "['the project accidentally mistook one african-american comic for anotherthey used footage of jay pharoah when promoting michael che interviewviewers of twitter were quick to point out the embarrassing mix-uppresenter waleed aly apologised for the mistake later in the programironically , aly was the subject of a strikingly similar mix-up this year']\n", + "channel ten show the project has apologised after mistakenly using footage of the wrong african-american comic when promoting upcoming guest on the show , saturday night live star michael che .waleed aly apologised for the embarrassing mistake , admitting ` we stuffed up ' later on during the program after the mistake was flagged by gobsmacked twitter users .che and pharoah are both in australia to perform a string of shows at melbourne 's international comedy festival .\n", + "the project accidentally mistook one african-american comic for anotherthey used footage of jay pharoah when promoting michael che interviewviewers of twitter were quick to point out the embarrassing mix-uppresenter waleed aly apologised for the mistake later in the programironically , aly was the subject of a strikingly similar mix-up this year\n", + "[1.0510576 1.0730408 1.678535 1.2587526 1.1857247 1.1379421 1.0646203\n", + " 1.4552369 1.1843171 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 7 3 4 8 5 1 6 0 18 17 16 15 14 10 12 11 19 9 13 20]\n", + "=======================\n", + "['shaheen pirouz from denton , texas , filmed her tiny pet canine being propped up and repeatedly falling forwards .footage shows him being positioned on his back legs , with his eyes immediately starting to close .he then flops over to one side as he falls into a deep sleep .']\n", + "=======================\n", + "['shaheen pirouz from denton , texas , filmed her tiny pet canine being propped up and repeatedly falling forwards']\n", + "shaheen pirouz from denton , texas , filmed her tiny pet canine being propped up and repeatedly falling forwards .footage shows him being positioned on his back legs , with his eyes immediately starting to close .he then flops over to one side as he falls into a deep sleep .\n", + "shaheen pirouz from denton , texas , filmed her tiny pet canine being propped up and repeatedly falling forwards\n", + "[1.2818973 1.4226053 1.3265185 1.1901314 1.1212242 1.1122959 1.1957911\n", + " 1.1345255 1.0840533 1.0933604 1.0728351 1.0376687 1.095857 1.0669304\n", + " 1.1146497 1.0192277 1.0134879 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 6 3 7 4 14 5 12 9 8 10 13 11 15 16 19 17 18 20]\n", + "=======================\n", + "['the french military said the rescue of sjaak rijke took place at 5am today in the far north of the african country .french president francois hollande said some militants were killed and others captured .a dutchman abducted by al qaeda in mali nearly four years ago has been freed after a raid by french special forces .']\n", + "=======================\n", + "[\"sjaak rijke saved by french troops who captured jihadis and killed othersno word on two other men including south african with british citizenshipdutch minister : ` i 'm happy this terrible period has been brought to an end '\"]\n", + "the french military said the rescue of sjaak rijke took place at 5am today in the far north of the african country .french president francois hollande said some militants were killed and others captured .a dutchman abducted by al qaeda in mali nearly four years ago has been freed after a raid by french special forces .\n", + "sjaak rijke saved by french troops who captured jihadis and killed othersno word on two other men including south african with british citizenshipdutch minister : ` i 'm happy this terrible period has been brought to an end '\n", + "[1.4047439 1.1502316 1.1725674 1.3203042 1.183219 1.250766 1.0813892\n", + " 1.149521 1.0513096 1.0759798 1.0737162 1.0957513 1.0971038 1.0399723\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 5 4 2 1 7 12 11 6 9 10 8 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"real madrid are desperate to land manchester united goalkeeper david de gea , but they are prepared to wait until next summer if louis van gaal wo n't negotiate , according to reports in spain .de gea 's contract is up at old trafford in the summer of 2016 , and he is yet to sign a new deal , with united still uncertain of champions league football for next season .in a move that spanish paper as calls ` operation de gea ' , the paper claims real are only prepared to pay for the keeper if united ` fix a reasonable price ' - otherwise they will nab him for free in a year .\"]\n", + "=======================\n", + "[\"david de gea is yet to extend his contract beyond 2016real madrid want the spanish goalkeeper to replace iker casillasas claim real will wait for contract to run down if they ca n't sign himcarlo ancelotti wants petr cech as a stop-gap if he has to wait until 2016\"]\n", + "real madrid are desperate to land manchester united goalkeeper david de gea , but they are prepared to wait until next summer if louis van gaal wo n't negotiate , according to reports in spain .de gea 's contract is up at old trafford in the summer of 2016 , and he is yet to sign a new deal , with united still uncertain of champions league football for next season .in a move that spanish paper as calls ` operation de gea ' , the paper claims real are only prepared to pay for the keeper if united ` fix a reasonable price ' - otherwise they will nab him for free in a year .\n", + "david de gea is yet to extend his contract beyond 2016real madrid want the spanish goalkeeper to replace iker casillasas claim real will wait for contract to run down if they ca n't sign himcarlo ancelotti wants petr cech as a stop-gap if he has to wait until 2016\n", + "[1.0569922 1.4990448 1.2478988 1.1493238 1.1599886 1.2208422 1.1381103\n", + " 1.0977155 1.2417992 1.0926822 1.281703 1.0675337 1.0473382 1.0817325\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 10 2 8 5 4 3 6 7 9 13 11 0 12 24 30 29 28 27 26 25 23 16 21\n", + " 20 19 18 17 31 15 14 22 32]\n", + "=======================\n", + "['baron the german shepherd was filmed as he helped get the dishes done at home in california .footage shows the pup reaching up and grabbing rinsed goods between his teeth from the sink , before loading them into the dishwasher .to date the clip of baron dishwashing has been watched more than 27,000 times .']\n", + "=======================\n", + "[\"baron the german shepard was filmed as he helped get the dishes done at home in californiathe pup was professionally trained at the hill country k9 schoolto date the clip of baron dishwashing has been watched over 27,000 timesmany viewers have deemed the dog 's cleaning antics ` cute ' and adorable '\"]\n", + "baron the german shepherd was filmed as he helped get the dishes done at home in california .footage shows the pup reaching up and grabbing rinsed goods between his teeth from the sink , before loading them into the dishwasher .to date the clip of baron dishwashing has been watched more than 27,000 times .\n", + "baron the german shepard was filmed as he helped get the dishes done at home in californiathe pup was professionally trained at the hill country k9 schoolto date the clip of baron dishwashing has been watched over 27,000 timesmany viewers have deemed the dog 's cleaning antics ` cute ' and adorable '\n", + "[1.3121085 1.4937534 1.2255188 1.2136033 1.1827949 1.1171658 1.1418301\n", + " 1.1015406 1.0593426 1.0846559 1.0414 1.0629131 1.0241607 1.0315845\n", + " 1.0534953 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 6 5 7 9 11 8 14 10 13 12 24 30 29 28 27 26 25 23 16\n", + " 21 20 19 18 17 31 15 22 32]\n", + "=======================\n", + "['brett robinson will now stand trial next week on 12 charges related to sexual misconduct and official misconduct , on allegations that she let the inmate out of his cell multiple times and engaging in sex acts between march and july last year .a 33-year-old woman on trial for having sex with a male inmate at washington county jail six times over four months while working as a services technician cried in court wednesday as a judge rejected her request to use an insanity defense .robinson was hoping to present a psychologists report as evidence of mental disease or defect .']\n", + "=======================\n", + "[\"brett robinson , 33 , facing 12 charges after allegedly letting an inmate out of his cell and engaging in sex acts between march and july last yearallegedly brought him into the control room where she worked at washing county jail and had sex with him on his birthday under a blanketrelationship continued and robinson wrote inmate a love letter saying he was ' a constant presence in my thoughts , fantasies and dreams 'was caught during an investigation into colleague jill curry , 39judge ruled wednesday that robinson 's lawyers waited too long to file an insanity defense earlier this month , with her trial set to start next weeka psychologists report that she suffers from mental illness has been ruled insufficient\"]\n", + "brett robinson will now stand trial next week on 12 charges related to sexual misconduct and official misconduct , on allegations that she let the inmate out of his cell multiple times and engaging in sex acts between march and july last year .a 33-year-old woman on trial for having sex with a male inmate at washington county jail six times over four months while working as a services technician cried in court wednesday as a judge rejected her request to use an insanity defense .robinson was hoping to present a psychologists report as evidence of mental disease or defect .\n", + "brett robinson , 33 , facing 12 charges after allegedly letting an inmate out of his cell and engaging in sex acts between march and july last yearallegedly brought him into the control room where she worked at washing county jail and had sex with him on his birthday under a blanketrelationship continued and robinson wrote inmate a love letter saying he was ' a constant presence in my thoughts , fantasies and dreams 'was caught during an investigation into colleague jill curry , 39judge ruled wednesday that robinson 's lawyers waited too long to file an insanity defense earlier this month , with her trial set to start next weeka psychologists report that she suffers from mental illness has been ruled insufficient\n", + "[1.4202018 1.2150942 1.4386054 1.3184092 1.133706 1.1283314 1.0591291\n", + " 1.0270324 1.0481935 1.1247683 1.0962794 1.0458143 1.0144415 1.0455836\n", + " 1.0366627 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 1 4 5 9 10 6 8 11 13 14 7 12 24 30 29 28 27 26 25 23 16\n", + " 21 20 19 18 17 31 15 22 32]\n", + "=======================\n", + "[\"jay rutland , 34 , who is married to the 30-year-old daughter of formula one boss bernie ecclestone , saw his company bring in just # 3,378 over the 12 months to july 2014 .the training consultant 's firm brigante business developments , based in battersea , south-west london , is listed in company records as providing ` management consultancy activities ' .the husband of billionaire heiress tamara ecclestone earned just # 65 a week from his firm last year , it was revealed today .\"]\n", + "=======================\n", + "['jay rutland , 34 , is married to 30-year-old daughter of bernie ecclestonehis company had total net assets of # 3,378 last year , down from # 18,131former stockbroker lives with his wife and daughter in # 45million housebrigante business developments is management consultancy company']\n", + "jay rutland , 34 , who is married to the 30-year-old daughter of formula one boss bernie ecclestone , saw his company bring in just # 3,378 over the 12 months to july 2014 .the training consultant 's firm brigante business developments , based in battersea , south-west london , is listed in company records as providing ` management consultancy activities ' .the husband of billionaire heiress tamara ecclestone earned just # 65 a week from his firm last year , it was revealed today .\n", + "jay rutland , 34 , is married to 30-year-old daughter of bernie ecclestonehis company had total net assets of # 3,378 last year , down from # 18,131former stockbroker lives with his wife and daughter in # 45million housebrigante business developments is management consultancy company\n", + "[1.1588134 1.1447726 1.3038998 1.194061 1.1004939 1.1999497 1.0584873\n", + " 1.0815549 1.1442182 1.1368719 1.1194929 1.0555415 1.0277202 1.0135657\n", + " 1.0164269 1.0132065 1.012952 1.0249177 1.0311717 1.025338 1.0312828\n", + " 1.0621327 1.0368807 1.0512911 1.1058476 1.0293146 1.0409234 1.0145309\n", + " 1.012469 1.034638 1.012852 1.0063807 1.025946 ]\n", + "\n", + "[ 2 5 3 0 1 8 9 10 24 4 7 21 6 11 23 26 22 29 20 18 25 12 32 19\n", + " 17 14 27 13 15 16 30 28 31]\n", + "=======================\n", + "['the film has also established a new high-water mark for the month ofninth among the top ten openings in history .april , blowing past the $ 95 million debut of captain america :']\n", + "=======================\n", + "[\"the latest installment in the fast and furious franchise has smashed box office records for the month of aprilit ranks ninth among the top ten openings in cinema history with audiences flocking to paul walker in one of his final roles before his death in 2013analysts had estimated that it would open in the $ 115 million range , but it managed to earn almost $ 30m morewalker was killed in a single-car accident when his friend roger rodas 's red 2005 porsche carrera gt hit a lamppost and burst into flames\"]\n", + "the film has also established a new high-water mark for the month ofninth among the top ten openings in history .april , blowing past the $ 95 million debut of captain america :\n", + "the latest installment in the fast and furious franchise has smashed box office records for the month of aprilit ranks ninth among the top ten openings in cinema history with audiences flocking to paul walker in one of his final roles before his death in 2013analysts had estimated that it would open in the $ 115 million range , but it managed to earn almost $ 30m morewalker was killed in a single-car accident when his friend roger rodas 's red 2005 porsche carrera gt hit a lamppost and burst into flames\n", + "[1.262126 1.337406 1.2062321 1.3821837 1.2047054 1.2004589 1.1858974\n", + " 1.067252 1.0822536 1.0954994 1.0559851 1.0566226 1.0129424 1.0100057\n", + " 1.0117106 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 2 4 5 6 9 8 7 11 10 12 14 13 24 30 29 28 27 26 25 23 16\n", + " 21 20 19 18 17 31 15 22 32]\n", + "=======================\n", + "[\"transgender teen chase culpepper , 17 , who was born male but identifies as female , was told by dmv officials that she had to remove make-up ( left ) for her license photo last year ( after taking off make-up right ) .under the terms of the settlement , the state dmv is changing its policy on how male and female license applicants may dress or wear makeup in their official photos .a transgender south carolina teenager who was told to remove her makeup for a driver 's license photo has settled her lawsuit over the incident and a state agency has agreed to handle such cases differently , according to court documents .\"]\n", + "=======================\n", + "[\"chase culpepper , 17 , who was born male , regularly wears makeup and androgynous or women 's clothingafter passing a driving test last year , she was told by officials at a dmv office in anderson , sc , to remove her makeup because of a ` policy '\"]\n", + "transgender teen chase culpepper , 17 , who was born male but identifies as female , was told by dmv officials that she had to remove make-up ( left ) for her license photo last year ( after taking off make-up right ) .under the terms of the settlement , the state dmv is changing its policy on how male and female license applicants may dress or wear makeup in their official photos .a transgender south carolina teenager who was told to remove her makeup for a driver 's license photo has settled her lawsuit over the incident and a state agency has agreed to handle such cases differently , according to court documents .\n", + "chase culpepper , 17 , who was born male , regularly wears makeup and androgynous or women 's clothingafter passing a driving test last year , she was told by officials at a dmv office in anderson , sc , to remove her makeup because of a ` policy '\n", + "[1.2172501 1.441874 1.3204217 1.0726991 1.2170988 1.348655 1.1858315\n", + " 1.0905658 1.0285164 1.0322487 1.0447495 1.0685284 1.0162289 1.0596275\n", + " 1.0872861 1.0689263 1.0490607 1.1196219 1.0868098 1.0631994]\n", + "\n", + "[ 1 5 2 0 4 6 17 7 14 18 3 15 11 19 13 16 10 9 8 12]\n", + "=======================\n", + "[\"julie merner 's heavy drinking has resulted in her being admitted to hospital 13 times in the last six years .julie merner , 39 , has revealed her alcoholism has cost the nhs # 100,000 .in january , following her latest admission , the 39-year-old vowed to quit the habit , which has ravaged her liver , causing her to suffer severe cirrhosis . '\"]\n", + "=======================\n", + "['at the height of her addiction julie merner drank a bottle of vodka a day39-year-old has been admitted to hospital 13 times in six yearsmother-of-three has been told one more drop of alcohol will kill heradmits she is to blame but does not feel bad about # 100,000 nhs care bill']\n", + "julie merner 's heavy drinking has resulted in her being admitted to hospital 13 times in the last six years .julie merner , 39 , has revealed her alcoholism has cost the nhs # 100,000 .in january , following her latest admission , the 39-year-old vowed to quit the habit , which has ravaged her liver , causing her to suffer severe cirrhosis . '\n", + "at the height of her addiction julie merner drank a bottle of vodka a day39-year-old has been admitted to hospital 13 times in six yearsmother-of-three has been told one more drop of alcohol will kill heradmits she is to blame but does not feel bad about # 100,000 nhs care bill\n", + "[1.3092427 1.4005524 1.2338539 1.2363791 1.120904 1.0566118 1.0819285\n", + " 1.1110737 1.0409241 1.1580653 1.1163278 1.0336456 1.0899013 1.0208545\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 9 4 10 7 12 6 5 8 11 13 18 14 15 16 17 19]\n", + "=======================\n", + "[\"the cause of controversy came when the 37-year-old interviewed non-identical twins from the uk , lucy and maria aylmer , who have become a sensation around the world due to their opposite skin tones .a petition has been launched asking for sunrise 's samantha armytage to apologise for comments she made on-air last month , dubbed by some viewers as ` racist ' .controversy : sunrise host samantha armytage has come under fire for a comment made during a sunrise broadcast last month\"]\n", + "=======================\n", + "[\"a petition launched on monday demanding samantha armytage apologise for ` racist ' remark made last monthpresenter was interviewing mixed race twins lucy and maria aylmer on sunriseduring introduction she said ` good on ' lucy for getting ` her dad 's fair skin 'video of the interview has popped up on social media and sparked change.org petitiona seven spokesperson said the comment was sam ` taking a dig at herself '\"]\n", + "the cause of controversy came when the 37-year-old interviewed non-identical twins from the uk , lucy and maria aylmer , who have become a sensation around the world due to their opposite skin tones .a petition has been launched asking for sunrise 's samantha armytage to apologise for comments she made on-air last month , dubbed by some viewers as ` racist ' .controversy : sunrise host samantha armytage has come under fire for a comment made during a sunrise broadcast last month\n", + "a petition launched on monday demanding samantha armytage apologise for ` racist ' remark made last monthpresenter was interviewing mixed race twins lucy and maria aylmer on sunriseduring introduction she said ` good on ' lucy for getting ` her dad 's fair skin 'video of the interview has popped up on social media and sparked change.org petitiona seven spokesperson said the comment was sam ` taking a dig at herself '\n", + "[1.1100131 1.6033313 1.2507954 1.1720052 1.108139 1.1536279 1.2124527\n", + " 1.1698313 1.0981736 1.0668573 1.0414084 1.2268658 1.024412 1.026769\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 11 6 3 7 5 0 4 8 9 10 13 12 18 14 15 16 17 19]\n", + "=======================\n", + "[\"sam the german shepherd was filmed at home in pennsylvania as he struggled to keep his eyes open while lying on the couch .footage shows his head slowly dipping down before he suddenly wakes up and refocuses his energy on the screen .to date the video of sam in sleeping mode has been watched more than 100,000 times with many deeming the scene ` cute ' and ` adorable ' .\"]\n", + "=======================\n", + "['the five-year-old pooch was filmed at home in pennsylvania as he struggled to keep his eyes open while sitting on the couchadding to the comedy , some smooth jazz was dubbed over the final video edit']\n", + "sam the german shepherd was filmed at home in pennsylvania as he struggled to keep his eyes open while lying on the couch .footage shows his head slowly dipping down before he suddenly wakes up and refocuses his energy on the screen .to date the video of sam in sleeping mode has been watched more than 100,000 times with many deeming the scene ` cute ' and ` adorable ' .\n", + "the five-year-old pooch was filmed at home in pennsylvania as he struggled to keep his eyes open while sitting on the couchadding to the comedy , some smooth jazz was dubbed over the final video edit\n", + "[1.367851 1.3934767 1.1140834 1.3553882 1.2383014 1.0670317 1.0190961\n", + " 1.018641 1.0163115 1.2067735 1.0962585 1.0532075 1.087989 1.1103468\n", + " 1.022401 1.0116733 1.0193999 1.0993389 1.0623206 1.0876575]\n", + "\n", + "[ 1 0 3 4 9 2 13 17 10 12 19 5 18 11 14 16 6 7 8 15]\n", + "=======================\n", + "['the 40-year-old former channel 9 host said she barely recognised herself in the drawing , and was horrified to think her sons harry , 4 , and bert , 2 , saw her that way .tv presenter lisa oldfield decided she had to make a change to tackle her weight after her son sketched an unflattering portrait of her .oldfield shared with daily mail australia a picture of her stomach when she removed bandages after the surgery']\n", + "=======================\n", + "[\"tv presenter lisa oldfield had 5.5 litres of fat removed by liposuctionoldfield got surgery after her son drew an unflattering picture of her` it was a giant tummy and stick arms and legs ' she said of the drawing` now i have a waist ! 'oldfield is married to radio host and former one nation politician david\"]\n", + "the 40-year-old former channel 9 host said she barely recognised herself in the drawing , and was horrified to think her sons harry , 4 , and bert , 2 , saw her that way .tv presenter lisa oldfield decided she had to make a change to tackle her weight after her son sketched an unflattering portrait of her .oldfield shared with daily mail australia a picture of her stomach when she removed bandages after the surgery\n", + "tv presenter lisa oldfield had 5.5 litres of fat removed by liposuctionoldfield got surgery after her son drew an unflattering picture of her` it was a giant tummy and stick arms and legs ' she said of the drawing` now i have a waist ! 'oldfield is married to radio host and former one nation politician david\n", + "[1.4534044 1.4533529 1.1644666 1.1204599 1.0899991 1.2913146 1.0857195\n", + " 1.1616018 1.1818113 1.0871415 1.0565572 1.0306528 1.039053 1.0295868\n", + " 1.0168692 1.0720046 1.1351552 1.0765743 0. 0. ]\n", + "\n", + "[ 0 1 5 8 2 7 16 3 4 9 6 17 15 10 12 11 13 14 18 19]\n", + "=======================\n", + "[\"nathan hughes on friday night had his ban for accidentally knocking out george north sensationally over-turned on appeal , following an outcry on his behalf .the wasps no 8 was initially suspended for three matches , after a disciplinary panel ruled he had been ` reckless ' for failing to prevent his knee colliding with the head of the welsh lion , as he scored a try for northampton on march 27 .nathan hughes 's knee collided with george north 's head as he crossed the line to score for northampton\"]\n", + "=======================\n", + "[\"nathan hughes accidentally knocked out george north during northampton 's 52-30 victory against wasps on march 27the wasps no 8 was initially suspended for three matcheshughes missed his side 's champions cup defeat against toulonit was north 's third blow to the head in the space of two monthsthe welsh winger has been advised to take a month off from playing\"]\n", + "nathan hughes on friday night had his ban for accidentally knocking out george north sensationally over-turned on appeal , following an outcry on his behalf .the wasps no 8 was initially suspended for three matches , after a disciplinary panel ruled he had been ` reckless ' for failing to prevent his knee colliding with the head of the welsh lion , as he scored a try for northampton on march 27 .nathan hughes 's knee collided with george north 's head as he crossed the line to score for northampton\n", + "nathan hughes accidentally knocked out george north during northampton 's 52-30 victory against wasps on march 27the wasps no 8 was initially suspended for three matcheshughes missed his side 's champions cup defeat against toulonit was north 's third blow to the head in the space of two monthsthe welsh winger has been advised to take a month off from playing\n", + "[1.5444617 1.391437 1.2383652 1.1217327 1.207816 1.0751204 1.0644115\n", + " 1.0292634 1.0107412 1.0096443 1.1219054 1.1433653 1.0116081 1.008378\n", + " 1.0103155 1.0117141 1.1808378 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 4 16 11 10 3 5 6 7 15 12 8 14 9 13 18 17 19]\n", + "=======================\n", + "[\"south korea 's kim sei-young spectacularly eagled the par-five 18th to surge into a two-shot lead in the second round of the ana inspiration on friday as lydia ko 's record-equalling run came to an end .the 22-year-old kim , who won her maiden lpga tour title at the pure silk-bahamas lpga classic in february , struck a superb second shot to six feet on her final hole and knocked in the putt to card a seven-under-par 65 at mission hills country club .that left the korean at seven-under 137 in the first women 's major of the season , two ahead of overnight leader morgan pressel , who followed her opening 67 with a 72 .\"]\n", + "=======================\n", + "['lydia ko is seven shots behind leader kim sei-youngko had been aiming for a 30th consecutive under-par roundbut the world no 1 could only finish on one-over par']\n", + "south korea 's kim sei-young spectacularly eagled the par-five 18th to surge into a two-shot lead in the second round of the ana inspiration on friday as lydia ko 's record-equalling run came to an end .the 22-year-old kim , who won her maiden lpga tour title at the pure silk-bahamas lpga classic in february , struck a superb second shot to six feet on her final hole and knocked in the putt to card a seven-under-par 65 at mission hills country club .that left the korean at seven-under 137 in the first women 's major of the season , two ahead of overnight leader morgan pressel , who followed her opening 67 with a 72 .\n", + "lydia ko is seven shots behind leader kim sei-youngko had been aiming for a 30th consecutive under-par roundbut the world no 1 could only finish on one-over par\n", + "[1.314902 1.4295031 1.1074061 1.2421248 1.0782955 1.1291021 1.0630711\n", + " 1.0343703 1.0285677 1.0597491 1.0604883 1.0877696 1.1912799 1.0831869\n", + " 1.1342264 1.1668421 1.1140742 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 12 15 14 5 16 2 11 13 4 6 10 9 7 8 17 18 19]\n", + "=======================\n", + "[\"the four fans labelled themselves the ` c-team ' while wearing jose mourinho , diego costa , didier drogba and cesc fabregas masks to hide their identity before parking up outside arsenal 's north london home .a group of chelsea fans stormed arsenal 's emirates stadium this week in a lighthearted attempt to lay a blue marker down as the premier league clubs prepare to do battle on sunday .the chelsea fans channel prank comes just days before mourinho 's side travel to the emirates in search of what will be a crucial three points .\"]\n", + "=======================\n", + "[\"chelsea pranksters play practical joke outside the emirates stadiumfour masked men replace arsenal sign with blue and white letterschelsea signing is removed by club staff after just 10 minutespremier league rivals go head-to-head at the emirates on sundaychelsea are currently 10 points clear at premier league 's summit\"]\n", + "the four fans labelled themselves the ` c-team ' while wearing jose mourinho , diego costa , didier drogba and cesc fabregas masks to hide their identity before parking up outside arsenal 's north london home .a group of chelsea fans stormed arsenal 's emirates stadium this week in a lighthearted attempt to lay a blue marker down as the premier league clubs prepare to do battle on sunday .the chelsea fans channel prank comes just days before mourinho 's side travel to the emirates in search of what will be a crucial three points .\n", + "chelsea pranksters play practical joke outside the emirates stadiumfour masked men replace arsenal sign with blue and white letterschelsea signing is removed by club staff after just 10 minutespremier league rivals go head-to-head at the emirates on sundaychelsea are currently 10 points clear at premier league 's summit\n", + "[1.2975388 1.1893686 1.3017502 1.2384547 1.2273746 1.1171887 1.1448587\n", + " 1.0991555 1.0471557 1.0899638 1.1071782 1.013324 1.0110902 1.1191385\n", + " 1.0446031 1.0334582 1.0267028 1.0762961 1.0763799 1.0262095]\n", + "\n", + "[ 2 0 3 4 1 6 13 5 10 7 9 18 17 8 14 15 16 19 11 12]\n", + "=======================\n", + "[\"publication of sir john chilcot 's inquiry , which began in 2009 and has cost the taxpayer almost # 10million , had already been pushed back until after the election .bereaved families say the report is being dragged out so figures like tony blair can rebut its findingsyesterday it emerged it is unlikely to be published until next year at the earliest .\"]\n", + "=======================\n", + "[\"sir john chilcot 's inquiry began in 2009 .yesterday it emerged it is unlikely to be published until 2016 at the earliestbereaved parents are disgusted that their suffering is being dragged outdelay is so figures like tony blair can rebut inquiry 's findings , families say\"]\n", + "publication of sir john chilcot 's inquiry , which began in 2009 and has cost the taxpayer almost # 10million , had already been pushed back until after the election .bereaved families say the report is being dragged out so figures like tony blair can rebut its findingsyesterday it emerged it is unlikely to be published until next year at the earliest .\n", + "sir john chilcot 's inquiry began in 2009 .yesterday it emerged it is unlikely to be published until 2016 at the earliestbereaved parents are disgusted that their suffering is being dragged outdelay is so figures like tony blair can rebut inquiry 's findings , families say\n", + "[1.4805094 1.1833539 1.3723937 1.3487587 1.161702 1.1663527 1.1347345\n", + " 1.0713971 1.0400641 1.054759 1.0294958 1.0215307 1.0332365 1.0383098\n", + " 1.0158981 1.1821533 1.12277 1.0620017 0. 0. ]\n", + "\n", + "[ 0 2 3 1 15 5 4 6 16 7 17 9 8 13 12 10 11 14 18 19]\n", + "=======================\n", + "['lix bussey , 23 , from durham was hit by a car and died on holiday in mexico with her boyfriendshe was just coming to the end of her holiday with boyfriend jonathan boyle , also 23 , in the resort of riviera maya .it their first trip abroad together .']\n", + "=======================\n", + "[\"alix bussey , 23 , from durham was hit by a car and died on mexican holidayshe was visiting resort of riviera maya and said it was the ` best time ever 'family led tributes said alix had ` lived life to the full and loved to party 'her primary school students are said to be devastated by news of her loss\"]\n", + "lix bussey , 23 , from durham was hit by a car and died on holiday in mexico with her boyfriendshe was just coming to the end of her holiday with boyfriend jonathan boyle , also 23 , in the resort of riviera maya .it their first trip abroad together .\n", + "alix bussey , 23 , from durham was hit by a car and died on mexican holidayshe was visiting resort of riviera maya and said it was the ` best time ever 'family led tributes said alix had ` lived life to the full and loved to party 'her primary school students are said to be devastated by news of her loss\n", + "[1.3320994 1.2411497 1.1351199 1.1595609 1.1162368 1.1340925 1.237686\n", + " 1.1195835 1.080495 1.0825537 1.046081 1.0357404 1.029306 1.0437974\n", + " 1.0183756 1.0264766 1.0269941 1.0234687 1.0133827 1.0156391]\n", + "\n", + "[ 0 1 6 3 2 5 7 4 9 8 10 13 11 12 16 15 17 14 19 18]\n", + "=======================\n", + "['kathmandu , nepal ( cnn ) more than 4,600 people dead .eight million affected across nepal .as the country coped with the fallout of the quake , another natural disaster struck tuesday afternoon in a popular trekking area north of kathmandu , and up to 200 people were feared missing as a result of a landslide , a trekking association official said .']\n", + "=======================\n", + "['death toll in nepal climbs above 4,600 , officials say , with more than 9,000 injuredshattered villages near epicenter are hard to reach , says aid worker in the areamore bad weather is forecast for the region in the coming days']\n", + "kathmandu , nepal ( cnn ) more than 4,600 people dead .eight million affected across nepal .as the country coped with the fallout of the quake , another natural disaster struck tuesday afternoon in a popular trekking area north of kathmandu , and up to 200 people were feared missing as a result of a landslide , a trekking association official said .\n", + "death toll in nepal climbs above 4,600 , officials say , with more than 9,000 injuredshattered villages near epicenter are hard to reach , says aid worker in the areamore bad weather is forecast for the region in the coming days\n", + "[1.4490232 1.3815012 1.1542029 1.3619789 1.188504 1.129954 1.1104263\n", + " 1.072256 1.0491163 1.0588614 1.0312735 1.1453373 1.0410613 1.1155525\n", + " 1.1292531 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 4 2 11 5 14 13 6 7 9 8 12 10 17 15 16 18]\n", + "=======================\n", + "[\"fulham will sound out brentford manager mark warburton about taking over at craven cottage with owner shahid khan planning to release a budget of # 20million to spend on new players .the championship strugglers are deliberating over the future of kit symons who replaced felix magath in september but has won only one of his last eight games .warburton 's impressive record at west london rivals brentford has made him a leading contender alongside ipswich town manager mick mccarthy .\"]\n", + "=======================\n", + "['fulham are planning to swoop for brentford boss mark warburtonowner shahid khan is planning for next seasonwarburton has led brentford to seventh in the championship']\n", + "fulham will sound out brentford manager mark warburton about taking over at craven cottage with owner shahid khan planning to release a budget of # 20million to spend on new players .the championship strugglers are deliberating over the future of kit symons who replaced felix magath in september but has won only one of his last eight games .warburton 's impressive record at west london rivals brentford has made him a leading contender alongside ipswich town manager mick mccarthy .\n", + "fulham are planning to swoop for brentford boss mark warburtonowner shahid khan is planning for next seasonwarburton has led brentford to seventh in the championship\n", + "[1.3670305 1.3583301 1.3265944 1.2895609 1.2082747 1.1207004 1.0310439\n", + " 1.1138352 1.0304997 1.253944 1.1296871 1.0152186 1.0269594 1.0168912\n", + " 1.023399 1.0340916 1.0340108 0. 0. ]\n", + "\n", + "[ 0 1 2 3 9 4 10 5 7 15 16 6 8 12 14 13 11 17 18]\n", + "=======================\n", + "['manchester united and chelsea will be taking part in the international champions cup in the us this summer .the pre-season tournament , which is now in its third year , is set to be played between july 11 and august 5 with chelsea revealing the full details will be revealed at a press conference in new york on april 28 .the likes of diego costa , john terry and gary cahill will be representing chelsea in north america']\n", + "=======================\n", + "['manchester united and chelsea to take part in summer tournamentpsg and barcelona also set to play in international champions cupdetails to be revealed during press conference in new york on april 28united won the icc last year after a 3-1 final victory against liverpoolthe tournament is set to be played between july 11 and august 5steven gerrard could also feature for la galaxy in north america']\n", + "manchester united and chelsea will be taking part in the international champions cup in the us this summer .the pre-season tournament , which is now in its third year , is set to be played between july 11 and august 5 with chelsea revealing the full details will be revealed at a press conference in new york on april 28 .the likes of diego costa , john terry and gary cahill will be representing chelsea in north america\n", + "manchester united and chelsea to take part in summer tournamentpsg and barcelona also set to play in international champions cupdetails to be revealed during press conference in new york on april 28united won the icc last year after a 3-1 final victory against liverpoolthe tournament is set to be played between july 11 and august 5steven gerrard could also feature for la galaxy in north america\n", + "[1.2048888 1.380918 1.2312983 1.3105588 1.290118 1.1385341 1.14264\n", + " 1.0347841 1.0240375 1.1084489 1.0723782 1.086242 1.0556822 1.0239037\n", + " 1.0108638 1.1475031 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 15 6 5 9 11 10 12 7 8 13 14 17 16 18]\n", + "=======================\n", + "['a study found that britons selling their properties refuse to admit the housing market has cooled and mistakenly believe they are sitting on a goldmine .sellers are now wildly over-valuing their houses by around # 74,000 -- forcing buyers to barter them down , analysis showswhile average sale prices are about # 207,000 in the uk , advertised asking prices are typically # 74,000 higher at # 281,000 .']\n", + "=======================\n", + "['study shows uk sellers refuse to admit the housing market has cooledbuyers increasingly treat asking price as starting point for negotiationaverage sales price is # 207,000 but average asking price is # 281,000']\n", + "a study found that britons selling their properties refuse to admit the housing market has cooled and mistakenly believe they are sitting on a goldmine .sellers are now wildly over-valuing their houses by around # 74,000 -- forcing buyers to barter them down , analysis showswhile average sale prices are about # 207,000 in the uk , advertised asking prices are typically # 74,000 higher at # 281,000 .\n", + "study shows uk sellers refuse to admit the housing market has cooledbuyers increasingly treat asking price as starting point for negotiationaverage sales price is # 207,000 but average asking price is # 281,000\n", + "[1.2665759 1.3376083 1.2099347 1.1466116 1.1957893 1.1405058 1.166591\n", + " 1.1312526 1.0436192 1.1610794 1.0561928 1.054769 1.0978861 1.1364113\n", + " 1.1274612 1.0431311 1.0589924 1.0101022 0. ]\n", + "\n", + "[ 1 0 2 4 6 9 3 5 13 7 14 12 16 10 11 8 15 17 18]\n", + "=======================\n", + "['a dramatic rescue earlier in the week led to 210 mainly-burmese nationals being identified , the vast majority of whom said they were desperate to leave the island village of benjina .investigators have now rescued 550 fisherman slaves from a remote indonesian island after returning to the scene of an earlier rescue to check nobody was left behind .those who said they wanted to stay did so because they claimed they were owed years of back pay from their bosses .']\n", + "=======================\n", + "['dramatic rescue led to the mainly-burmese nationals being identifiedvast majority of them said they were desperate to leave benjina islandsome wanted to stay - but only to demand their bosses hand over moneymen said they were kidnapped or tricked into becoming fisherman slaves']\n", + "a dramatic rescue earlier in the week led to 210 mainly-burmese nationals being identified , the vast majority of whom said they were desperate to leave the island village of benjina .investigators have now rescued 550 fisherman slaves from a remote indonesian island after returning to the scene of an earlier rescue to check nobody was left behind .those who said they wanted to stay did so because they claimed they were owed years of back pay from their bosses .\n", + "dramatic rescue led to the mainly-burmese nationals being identifiedvast majority of them said they were desperate to leave benjina islandsome wanted to stay - but only to demand their bosses hand over moneymen said they were kidnapped or tricked into becoming fisherman slaves\n", + "[1.5350335 1.4224105 1.3974924 1.3833206 1.06186 1.023748 1.0492421\n", + " 1.0261008 1.113396 1.0210268 1.0133841 1.0104369 1.0615914 1.229929\n", + " 1.2394199 1.0122985 1.0101023 1.0092936 1.0353345]\n", + "\n", + "[ 0 1 2 3 14 13 8 4 12 6 18 7 5 9 10 15 11 16 17]\n", + "=======================\n", + "['rafa benitez has admitted he tried to raid former club chelsea to sign andre schurrle before the midfielder joined wolfsburg in january .the napoli manager , who won the europa league as blues boss in 2013 , will see his side line up against the german outfit in the quarter-finals of the competition on thursday .as well as schurrle , benitez also admitted to trying to sign ivan perisic and luiz gustavo before their january departures to wolfsburg from borussia dortmund and bayern munich respectively .']\n", + "=======================\n", + "['andre schurrle joined wolfsburg from chelsea in january for # 24mrafa benitez admitted he wanted to sign germany internationalex chelsea and liverpool boss also tracked luiz gustavo & ivan perisicnapoli face wolfsburg in europa league quarter-finals on thursday']\n", + "rafa benitez has admitted he tried to raid former club chelsea to sign andre schurrle before the midfielder joined wolfsburg in january .the napoli manager , who won the europa league as blues boss in 2013 , will see his side line up against the german outfit in the quarter-finals of the competition on thursday .as well as schurrle , benitez also admitted to trying to sign ivan perisic and luiz gustavo before their january departures to wolfsburg from borussia dortmund and bayern munich respectively .\n", + "andre schurrle joined wolfsburg from chelsea in january for # 24mrafa benitez admitted he wanted to sign germany internationalex chelsea and liverpool boss also tracked luiz gustavo & ivan perisicnapoli face wolfsburg in europa league quarter-finals on thursday\n", + "[1.2529484 1.4467304 1.2261089 1.2121665 1.3161184 1.0563693 1.0378608\n", + " 1.0195652 1.036721 1.2311897 1.0616174 1.0955085 1.0991988 1.1129643\n", + " 1.0435295 1.0373489 1.0561024 1.1538465 1.0342765 1.0274485 1.0136065]\n", + "\n", + "[ 1 4 0 9 2 3 17 13 12 11 10 5 16 14 6 15 8 18 19 7 20]\n", + "=======================\n", + "[\"doctors are still trying to find out what the future holds for 17-year-old natasha willard after she was diagnosed with inflammation of the brain when she fell ill while studying for her a-levels in cwmbran in wales .a teenager who fell ill with flu four months ago is unable to move her arms and legs and can barely eat or talk .miss willard 's family are unsure how the teenager became ill so suddenly , just four days after she returned her feeling unwell .\"]\n", + "=======================\n", + "['natasha willard appeared to be suffering from flu just before christmasbut four months later the teenager can barely move her limbs or talkshe has been diagnosed with encephalitis , or swelling , of the braindoctors are unsure whether miss willard , 17 , will be able to fully recover']\n", + "doctors are still trying to find out what the future holds for 17-year-old natasha willard after she was diagnosed with inflammation of the brain when she fell ill while studying for her a-levels in cwmbran in wales .a teenager who fell ill with flu four months ago is unable to move her arms and legs and can barely eat or talk .miss willard 's family are unsure how the teenager became ill so suddenly , just four days after she returned her feeling unwell .\n", + "natasha willard appeared to be suffering from flu just before christmasbut four months later the teenager can barely move her limbs or talkshe has been diagnosed with encephalitis , or swelling , of the braindoctors are unsure whether miss willard , 17 , will be able to fully recover\n", + "[1.5143752 1.2598155 1.1876087 1.4105692 1.1649789 1.176342 1.1338708\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 5 4 6 18 17 16 15 14 13 10 11 19 9 8 7 12 20]\n", + "=======================\n", + "[\"salford half-back rangi chase faces the threat of a four to eight-match ban after he was charged with making a grade e dangerous throw on good friday .salford 's rangi chase could face a ban of up to eight matches following a dangerous tacklethe red devils went on to beat huddersfield 18-12 to continue their recent good form , but they could now be without their mercurial stand-off for a lengthy period .\"]\n", + "=======================\n", + "[\"chase faces prospect of 4-8 match ban after grade e ` dangerous throw 'tackle happened during salford 's 18-12 win at huddersfieldrfl 's match review panel viewed tackle on ferres as dangerous\"]\n", + "salford half-back rangi chase faces the threat of a four to eight-match ban after he was charged with making a grade e dangerous throw on good friday .salford 's rangi chase could face a ban of up to eight matches following a dangerous tacklethe red devils went on to beat huddersfield 18-12 to continue their recent good form , but they could now be without their mercurial stand-off for a lengthy period .\n", + "chase faces prospect of 4-8 match ban after grade e ` dangerous throw 'tackle happened during salford 's 18-12 win at huddersfieldrfl 's match review panel viewed tackle on ferres as dangerous\n", + "[1.3601145 1.2108164 1.3130798 1.2828989 1.2131983 1.1837293 1.0950177\n", + " 1.0381119 1.1005282 1.0467765 1.0728468 1.072833 1.059199 1.0857875\n", + " 1.1147693 1.0219835 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 4 1 5 14 8 6 13 10 11 12 9 7 15 16 17 18 19 20]\n", + "=======================\n", + "[\"arrest : tabitha bennett allegedly drove her daughter to fight another girl and then encouraged the fightbennett , who is unemployed , was arrested and charged with child abuse , assault and battery offenses , pasco county sheriff 's officials said .she claimed that the 14-year-old girl had been bullying her daughter .\"]\n", + "=======================\n", + "[\"tabitha anne bennett ` messaged a 14-year-old girl on facebook and told her that she would be bringing her daughter to fight the girl 'she ` drove her daughter to the meeting place and emerged with a knife - which made the 14-year-old girl think she was going to die 'she ` yelled at her daughter to fight the other teenager and pulled the other girl to the ground by her hair 'she has been charged with child abuse and assault and battery\"]\n", + "arrest : tabitha bennett allegedly drove her daughter to fight another girl and then encouraged the fightbennett , who is unemployed , was arrested and charged with child abuse , assault and battery offenses , pasco county sheriff 's officials said .she claimed that the 14-year-old girl had been bullying her daughter .\n", + "tabitha anne bennett ` messaged a 14-year-old girl on facebook and told her that she would be bringing her daughter to fight the girl 'she ` drove her daughter to the meeting place and emerged with a knife - which made the 14-year-old girl think she was going to die 'she ` yelled at her daughter to fight the other teenager and pulled the other girl to the ground by her hair 'she has been charged with child abuse and assault and battery\n", + "[1.3239617 1.2805077 1.3380075 1.3410175 1.1066394 1.1238788 1.0884764\n", + " 1.0235935 1.01748 1.0176275 1.1523749 1.0416234 1.2563242 1.0432543\n", + " 1.0313473 1.0463986 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 0 1 12 10 5 4 6 15 13 11 14 7 9 8 19 16 17 18 20]\n", + "=======================\n", + "[\"controversy : uber drivers in oklahoma now have a right to refuse gay , lesbian , bisexual and transgender customers who use the ride-sharing app 'however , sen. jason smalley has revealed he rewrote the bill to eliminate that language and allow private businesses to establish their own policies regarding discrimination .the state of oklahoma has removed protection for gay people who use ride-sharing services uber and lyft .\"]\n", + "=======================\n", + "['initially , the transport bill included language that protected lgbt usersbut senator jason smalley rewrote the bill to allow drivers to discriminate']\n", + "controversy : uber drivers in oklahoma now have a right to refuse gay , lesbian , bisexual and transgender customers who use the ride-sharing app 'however , sen. jason smalley has revealed he rewrote the bill to eliminate that language and allow private businesses to establish their own policies regarding discrimination .the state of oklahoma has removed protection for gay people who use ride-sharing services uber and lyft .\n", + "initially , the transport bill included language that protected lgbt usersbut senator jason smalley rewrote the bill to allow drivers to discriminate\n", + "[1.1054987 1.4307853 1.2831258 1.2646115 1.2342777 1.1995072 1.108101\n", + " 1.0981488 1.1100332 1.1716813 1.1398308 1.0432279 1.0437088 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 5 9 10 8 6 0 7 12 11 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "['a study claims that britons spend an average of # 62 a week on rewarding themselves , with retail therapy reaching a high at lunchtime today .treats can range from as little as a bar of chocolate or a glass of wine to designer clothes and shoes , according to research by website vouchercodes.co.uk .and surprisingly , men spend a third more a month than women on treating themselves .']\n", + "=======================\n", + "['britons spend an average of # 62 a week on treats , a new study claimsrewards range from bar of chocolate to glass of wine to pair of shoes']\n", + "a study claims that britons spend an average of # 62 a week on rewarding themselves , with retail therapy reaching a high at lunchtime today .treats can range from as little as a bar of chocolate or a glass of wine to designer clothes and shoes , according to research by website vouchercodes.co.uk .and surprisingly , men spend a third more a month than women on treating themselves .\n", + "britons spend an average of # 62 a week on treats , a new study claimsrewards range from bar of chocolate to glass of wine to pair of shoes\n", + "[1.376718 1.367872 1.1912457 1.2802125 1.2738473 1.1099184 1.1062652\n", + " 1.0277859 1.0335588 1.092505 1.0943564 1.0156215 1.0334123 1.1150813\n", + " 1.0336931 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 4 2 13 5 6 10 9 14 8 12 7 11 15 16 17 18 19]\n", + "=======================\n", + "[\"joko widodo 's chief political rival reportedly promised to publicly support the indonesian president if he granted clemency to australians andrew chan and myuran sukumaran .former indonesian army general prabowo subianto twice privately assured mr joko there would be no political consequences if the bali nine ringleaders and others on death row were reprieved , the west australian reported .it 's understood mr prabowo penned a letter to mr joko at the weekend in which he said that if the president were to ` postpone the executions indefinitely ' , he would come out in support of the decision .\"]\n", + "=======================\n", + "[\"joko widodo 's chief political rival promised to support clemencyprabowo subianto twice privately assured mr joko there would be no political consequences if the bali nine ringleaders were reprievedandrew chan and myuran sukumaran were killed on wednesday morning\"]\n", + "joko widodo 's chief political rival reportedly promised to publicly support the indonesian president if he granted clemency to australians andrew chan and myuran sukumaran .former indonesian army general prabowo subianto twice privately assured mr joko there would be no political consequences if the bali nine ringleaders and others on death row were reprieved , the west australian reported .it 's understood mr prabowo penned a letter to mr joko at the weekend in which he said that if the president were to ` postpone the executions indefinitely ' , he would come out in support of the decision .\n", + "joko widodo 's chief political rival promised to support clemencyprabowo subianto twice privately assured mr joko there would be no political consequences if the bali nine ringleaders were reprievedandrew chan and myuran sukumaran were killed on wednesday morning\n", + "[1.1096196 1.1634389 1.3723439 1.3021879 1.3594825 1.1874527 1.0658302\n", + " 1.0715736 1.0786948 1.0953513 1.0724568 1.1338462 1.0683211 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 4 3 5 1 11 0 9 8 10 7 12 6 18 13 14 15 16 17 19]\n", + "=======================\n", + "['they topped a table of the most-loathed fees and charges in the poll by insurer direct line , followed by atm cash withdrawal fees and debit and credit card surcharges for booking items such as air travel .a total of 48 per cent thought they should be free , while 31 per cent said they are too highbut of all the fees consumers have to fork out for the ones they hate the most are unreasonable parking charges , a survey found .']\n", + "=======================\n", + "[\"48 per cent of people surveyed said that parking charges should be freethey topped a table of consumers ' most-loathed fees and chargesatm cash withdrawal fees and debit and credit card charges also high upparking charges and fines made councils in england # 667million last year\"]\n", + "they topped a table of the most-loathed fees and charges in the poll by insurer direct line , followed by atm cash withdrawal fees and debit and credit card surcharges for booking items such as air travel .a total of 48 per cent thought they should be free , while 31 per cent said they are too highbut of all the fees consumers have to fork out for the ones they hate the most are unreasonable parking charges , a survey found .\n", + "48 per cent of people surveyed said that parking charges should be freethey topped a table of consumers ' most-loathed fees and chargesatm cash withdrawal fees and debit and credit card charges also high upparking charges and fines made councils in england # 667million last year\n", + "[1.1649328 1.482201 1.2249773 1.2942218 1.0683019 1.0493042 1.1048689\n", + " 1.0678799 1.0762947 1.0327991 1.076185 1.0400913 1.0625409 1.0729687\n", + " 1.0508746 1.0315719 1.0362291 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 6 8 10 13 4 7 12 14 5 11 16 9 15 18 17 19]\n", + "=======================\n", + "[\"baltimore investigators handed their files on freddie gray 's death over to prosecutors thursday , but the public should n't expect much .it 's largely a procedural step , and given the overtures from baltimore officials , the state 's attorney 's decision on whether to file charges against the six officers involved in the arrest will not be immediate .( cnn ) it came a day early .\"]\n", + "=======================\n", + "['prosecutors get investigative report a day early , but do n\\'t expect immediate word on chargesattorney general : we \\'re continuing \" careful and deliberate examination of the facts \"gray family was told \" answers were not going to come quickly , \" and that \\'s fine , attorney says']\n", + "baltimore investigators handed their files on freddie gray 's death over to prosecutors thursday , but the public should n't expect much .it 's largely a procedural step , and given the overtures from baltimore officials , the state 's attorney 's decision on whether to file charges against the six officers involved in the arrest will not be immediate .( cnn ) it came a day early .\n", + "prosecutors get investigative report a day early , but do n't expect immediate word on chargesattorney general : we 're continuing \" careful and deliberate examination of the facts \"gray family was told \" answers were not going to come quickly , \" and that 's fine , attorney says\n", + "[1.3490943 1.3907092 1.3481495 1.3130449 1.1889671 1.1280328 1.2903597\n", + " 1.0929592 1.053622 1.0171341 1.0125774 1.034808 1.0167782 1.0125014\n", + " 1.0292435 1.0119526 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 6 4 5 7 8 11 14 9 12 10 13 15 18 16 17 19]\n", + "=======================\n", + "[\"the comment was said while on a visit to oklahoma city and is the first he 's made about his wife 's second presidential campaign , according to cnn .former president bill clinton said he is ` proud ' of wife hillary rodham clinton 's presidential bid for the 2016 election .the former secretary of state and first lady kicked off her campaign , which was launched last week , in iowa and will move on to new hampshire on monday .\"]\n", + "=======================\n", + "[\"while visiting oklahoma city , bill clinton said ` i 'm proud of her ' , in reference to hillary clinton 's presidential bidthis is the first comment he 's made about his wife 's campaignbill clinton was in oklahoma city to mark the 20th anniversary of the bombing that 168 people including 19 toddlers in federal buildinghillary clinton kicked off her campaign in iowa last week and will move on to new hampshire on monday\"]\n", + "the comment was said while on a visit to oklahoma city and is the first he 's made about his wife 's second presidential campaign , according to cnn .former president bill clinton said he is ` proud ' of wife hillary rodham clinton 's presidential bid for the 2016 election .the former secretary of state and first lady kicked off her campaign , which was launched last week , in iowa and will move on to new hampshire on monday .\n", + "while visiting oklahoma city , bill clinton said ` i 'm proud of her ' , in reference to hillary clinton 's presidential bidthis is the first comment he 's made about his wife 's campaignbill clinton was in oklahoma city to mark the 20th anniversary of the bombing that 168 people including 19 toddlers in federal buildinghillary clinton kicked off her campaign in iowa last week and will move on to new hampshire on monday\n", + "[1.2676679 1.4916569 1.1978261 1.2379568 1.3724946 1.2242829 1.1277453\n", + " 1.044113 1.0433598 1.0405111 1.1567261 1.0863516 1.0611596 1.0359566\n", + " 1.0207198 1.018653 1.0497653 1.0880265 1.0542014 1.0133878]\n", + "\n", + "[ 1 4 0 3 5 2 10 6 17 11 12 18 16 7 8 9 13 14 15 19]\n", + "=======================\n", + "['justus howell , 17 , died when officers fired one bullet into his heart and another through his shoulder .a teenager killed by police in illinois on saturday afternoon was shot twice in the back , an autopsy has revealed .the high school senior , who had moved to the area from wisconsin in february , was pronounced dead at the scene .']\n", + "=======================\n", + "[\"justus howell , 17 , was running from scene of an ` argument ' on saturdaypolice chased him down , shot him twice in the back , according to autopsyhe was pronounced dead at the scene in zion , il , at 2pm\"]\n", + "justus howell , 17 , died when officers fired one bullet into his heart and another through his shoulder .a teenager killed by police in illinois on saturday afternoon was shot twice in the back , an autopsy has revealed .the high school senior , who had moved to the area from wisconsin in february , was pronounced dead at the scene .\n", + "justus howell , 17 , was running from scene of an ` argument ' on saturdaypolice chased him down , shot him twice in the back , according to autopsyhe was pronounced dead at the scene in zion , il , at 2pm\n", + "[1.2638028 1.4524329 1.2683476 1.3412613 1.1929665 1.1991128 1.1661258\n", + " 1.0230196 1.2179567 1.0345908 1.0114923 1.0314384 1.0468893 1.0835961\n", + " 1.0377666 1.0378801 1.186106 1.0963401 1.0311787 0. 0. ]\n", + "\n", + "[ 1 3 2 0 8 5 4 16 6 17 13 12 15 14 9 11 18 7 10 19 20]\n", + "=======================\n", + "[\"the toddler suffered horrific facial injuries after the alaskan malamute crossed with a siberian huskey clamped its jaws around her head at their home in neyland , pembrokeshire .a three-year-old girl was airlifted to morriston hospital ( pictured ) in swansea after being mauled in the face by her family 's pet dogshe was playing in the garden on thursday afternoon when her family heard screams and ran to find their eight-year-old dog ` gripping ' the three-year-old by her head .\"]\n", + "=======================\n", + "[\"three-year-old girl was mauled in the face by her family 's dog at hometoddler suffered horrific facial injuries and was airlifted to hospitalfamily heard screams and found dog ` gripping ' toddler by her headthey gave permission for the alaskan malamute to be destroyed\"]\n", + "the toddler suffered horrific facial injuries after the alaskan malamute crossed with a siberian huskey clamped its jaws around her head at their home in neyland , pembrokeshire .a three-year-old girl was airlifted to morriston hospital ( pictured ) in swansea after being mauled in the face by her family 's pet dogshe was playing in the garden on thursday afternoon when her family heard screams and ran to find their eight-year-old dog ` gripping ' the three-year-old by her head .\n", + "three-year-old girl was mauled in the face by her family 's dog at hometoddler suffered horrific facial injuries and was airlifted to hospitalfamily heard screams and found dog ` gripping ' toddler by her headthey gave permission for the alaskan malamute to be destroyed\n", + "[1.2509774 1.4533093 1.2115796 1.4081028 1.2159286 1.1984546 1.0918589\n", + " 1.179149 1.1206417 1.1524744 1.0401196 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 5 7 9 8 6 10 11 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the 50-foot whale was still on the pacifica state beach on wednesday after washing up on the sand the week before .the body of a dead sperm whale that washed up on a california beach last week was covered in graffiti spelling out the name of a bay area motorcycle gang .it 's unclear how the whale died but it does n't appear to have broken bones or signs of blunt force trauma\"]\n", + "=======================\n", + "[\"50-foot whale washed up on pacifica state beach in california last weekit was sprayed with name of east bay rats motorcycle club at some pointit is unknown how the whale died and results of an autopsy are pendingwitness said ` whoever did this , stinks more than whale 's rotting flesh '\"]\n", + "the 50-foot whale was still on the pacifica state beach on wednesday after washing up on the sand the week before .the body of a dead sperm whale that washed up on a california beach last week was covered in graffiti spelling out the name of a bay area motorcycle gang .it 's unclear how the whale died but it does n't appear to have broken bones or signs of blunt force trauma\n", + "50-foot whale washed up on pacifica state beach in california last weekit was sprayed with name of east bay rats motorcycle club at some pointit is unknown how the whale died and results of an autopsy are pendingwitness said ` whoever did this , stinks more than whale 's rotting flesh '\n", + "[1.2664995 1.507626 1.3064004 1.3610774 1.1499379 1.1440139 1.0893568\n", + " 1.2366476 1.0813488 1.0520638 1.0232009 1.0235416 1.0384078 1.0124893\n", + " 1.0208788 1.0218925 1.2027066 1.030301 1.0174066 1.0101502 1.0066493]\n", + "\n", + "[ 1 3 2 0 7 16 4 5 6 8 9 12 17 11 10 15 14 18 13 19 20]\n", + "=======================\n", + "[\"the oil painting - which measures nine inches by seven - of a catholic saint was believed to be the work of a ` follower ' of 16th century renaissance master el greco .auctioneer richard bromell ( pictured ) gave the tiny painting an estimated value of about # 300 to # 400 but it ended up selling for more than # 120,000but the selling price suggests the untitled , undated and unsigned painting may actually have been done by the artist himself .\"]\n", + "=======================\n", + "[\"auctioneer gave painting an estimated value of between # 300 and # 400it was thought to be the work of a follower of renaissance master el grecobut final price suggests unsigned work may have been done by the artistpainting of saint was acquired by owner 's father in the 1970s for very little\"]\n", + "the oil painting - which measures nine inches by seven - of a catholic saint was believed to be the work of a ` follower ' of 16th century renaissance master el greco .auctioneer richard bromell ( pictured ) gave the tiny painting an estimated value of about # 300 to # 400 but it ended up selling for more than # 120,000but the selling price suggests the untitled , undated and unsigned painting may actually have been done by the artist himself .\n", + "auctioneer gave painting an estimated value of between # 300 and # 400it was thought to be the work of a follower of renaissance master el grecobut final price suggests unsigned work may have been done by the artistpainting of saint was acquired by owner 's father in the 1970s for very little\n", + "[1.1701118 1.3277292 1.2494364 1.228219 1.1799302 1.1327603 1.0346268\n", + " 1.0898244 1.2550893 1.1173537 1.0789503 1.0196851 1.041811 1.056256\n", + " 1.0578536 1.1109967 1.0503098 0. 0. 0. 0. ]\n", + "\n", + "[ 1 8 2 3 4 0 5 9 15 7 10 14 13 16 12 6 11 17 18 19 20]\n", + "=======================\n", + "['the ink illustration appears to show the jedi knight yoda on the pages of a religious document .the yoda like image comes from a 14th-century manuscript known as the smithfield decretals .but in fact , the drawing is part of a bizarre representation of the biblical story of samson , one expert claims .']\n", + "=======================\n", + "[\"manuscript showing the green tinged figure was drawn in around 1340it bears a striking resemblance to yoda in the star wars filmsbritish library expert says it 's actually an illustration to tie in with the biblical story of samson , but it 's not known who the character represents\"]\n", + "the ink illustration appears to show the jedi knight yoda on the pages of a religious document .the yoda like image comes from a 14th-century manuscript known as the smithfield decretals .but in fact , the drawing is part of a bizarre representation of the biblical story of samson , one expert claims .\n", + "manuscript showing the green tinged figure was drawn in around 1340it bears a striking resemblance to yoda in the star wars filmsbritish library expert says it 's actually an illustration to tie in with the biblical story of samson , but it 's not known who the character represents\n", + "[1.3724539 1.2266486 1.3134545 1.0609099 1.168867 1.1755496 1.1437197\n", + " 1.176075 1.136287 1.0488074 1.0993068 1.0856652 1.056584 1.0352764\n", + " 1.1095014 1.0906223 1.1104856 1.0195935 1.0096765 1.0122857 0. ]\n", + "\n", + "[ 0 2 1 7 5 4 6 8 16 14 10 15 11 3 12 9 13 17 19 18 20]\n", + "=======================\n", + "['andrew hennells , pictured , posted a message on facebook admitting his plans to rob a tesco supermarket 15 minutes before holding up staffandrew hennells posted details of his plan to the social networking site - stating he was ` doing .a man who boasted about plans for an armed robbery on facebook minutes before he threatened staff in tesco has been jailed for four years .']\n", + "=======================\n", + "[\"andrew hennells threatened staff in tesco with a knife of february 13fifteen minutes before the raid he posted details of his plan on facebooknorfolk crown court judge deems 31-year-old ` high risk ' to the public\"]\n", + "andrew hennells , pictured , posted a message on facebook admitting his plans to rob a tesco supermarket 15 minutes before holding up staffandrew hennells posted details of his plan to the social networking site - stating he was ` doing .a man who boasted about plans for an armed robbery on facebook minutes before he threatened staff in tesco has been jailed for four years .\n", + "andrew hennells threatened staff in tesco with a knife of february 13fifteen minutes before the raid he posted details of his plan on facebooknorfolk crown court judge deems 31-year-old ` high risk ' to the public\n", + "[1.3003821 1.3237901 1.3201487 1.3076229 1.306984 1.1118226 1.08982\n", + " 1.051545 1.0687664 1.0444885 1.0630934 1.064671 1.0777351 1.0702688\n", + " 1.06008 1.0334604 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 4 0 5 6 12 13 8 11 10 14 7 9 15 16 17 18 19 20 21]\n", + "=======================\n", + "['carwyn scott-howell got lost on the slopes and left the piste before walking through a treacherously steep wooded area , according to a source .the welsh schoolboy , who was formally named by police today , was holidaying in the french resort of flaine with his mother ceri , elder brother gerwyn , 19 , and nine-year-old sister antonia when the accident took place .he fell down a 160ft cliff after trying to find his parents']\n", + "=======================\n", + "['seven-year-old boy has died on family skiing holiday in flaine , french alpspolice believe carwyn scott-howell fell to his death after leaving ski slopeit is understood he was looking for his parents when he took a wrong turngot lost on piste and fell down cliff after taking off skis to try and find them']\n", + "carwyn scott-howell got lost on the slopes and left the piste before walking through a treacherously steep wooded area , according to a source .the welsh schoolboy , who was formally named by police today , was holidaying in the french resort of flaine with his mother ceri , elder brother gerwyn , 19 , and nine-year-old sister antonia when the accident took place .he fell down a 160ft cliff after trying to find his parents\n", + "seven-year-old boy has died on family skiing holiday in flaine , french alpspolice believe carwyn scott-howell fell to his death after leaving ski slopeit is understood he was looking for his parents when he took a wrong turngot lost on piste and fell down cliff after taking off skis to try and find them\n", + "[1.3526589 1.254709 1.2771922 1.257432 1.0634923 1.0879252 1.0917648\n", + " 1.3414016 1.0477896 1.0818166 1.0559034 1.0222429 1.0208374 1.0236926\n", + " 1.0267084 1.1706406 1.1144761 1.1498296 1.0333765 1.033321 1.0168055\n", + " 1.01508 ]\n", + "\n", + "[ 0 7 2 3 1 15 17 16 6 5 9 4 10 8 18 19 14 13 11 12 20 21]\n", + "=======================\n", + "[\"rangers kept the pressure on hibernian in the race for second spot in the championship with a comfortable 4-0 win over raith rovers .stuart mccall had suffered his first defeat as rangers manager against queens last week .they bounced back from thursday 's defeat by queen of the south , with nicky clark and haris vuckic claiming a goal apiece and nicky law grabbing a double .\"]\n", + "=======================\n", + "[\"nicky law scored two goals as rangers comfortably beat raith roversharis vuckic and nicky clark also got on the scoresheet at ibroxrangers had suffered defeat by queen of the south on thursdaybut stuart mccall 's side recovered to keep up the pressure on hibernian\"]\n", + "rangers kept the pressure on hibernian in the race for second spot in the championship with a comfortable 4-0 win over raith rovers .stuart mccall had suffered his first defeat as rangers manager against queens last week .they bounced back from thursday 's defeat by queen of the south , with nicky clark and haris vuckic claiming a goal apiece and nicky law grabbing a double .\n", + "nicky law scored two goals as rangers comfortably beat raith roversharis vuckic and nicky clark also got on the scoresheet at ibroxrangers had suffered defeat by queen of the south on thursdaybut stuart mccall 's side recovered to keep up the pressure on hibernian\n", + "[1.5494592 1.4640098 1.1271114 1.0429884 1.052663 1.261343 1.1155571\n", + " 1.045886 1.0336757 1.0284828 1.0573645 1.0182792 1.0211352 1.0520337\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 5 2 6 10 4 13 7 3 8 9 12 11 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"the stars of martin scorsese 's classic 1990 gangster film goodfellas reunited in new york on saturday night for a very special 25th anniversary screening of the movie which brought the 14th annual tribeca film festival to a close .stars ray liotta , robert de niro , lorraine bracco and paul sorvino were all in attendance although director scorsese was filming in taiwan and joe pesci , who won an oscar for best supporting actor in 1991 for his turn as tommy devito , did n't show .released in 1990 , goodfellas charts the rise and fall of lucchese crime family associate henry hill , played by liotta , and his friends over a period from 1955 to 1980\"]\n", + "=======================\n", + "[\"stars ray liotta , robert de niro , lorraine bracco and paul sorvino were all in attendance for saturday 's special 25th anniversary screeningnot in attendance were director martin scorsese , who was filming in taiwan , and joe pesci who had won an oscar for his role in the 1990 movie` joe pesci could n't be here , but he sent this email : ` f *** , f *** , f *** , f *** ity f *** , f *** ' read de niroscorsese sent a video message and recalled how the movie upset the owner of his then favorite nyc italian restaurantthroughout the two-and-a-half-hour screening the audience cheered each major character 's first appearancejon stewart then held a q&a with the actors and liotta recalled henry hill thanking him for ` not making me look like a s *** bag '\"]\n", + "the stars of martin scorsese 's classic 1990 gangster film goodfellas reunited in new york on saturday night for a very special 25th anniversary screening of the movie which brought the 14th annual tribeca film festival to a close .stars ray liotta , robert de niro , lorraine bracco and paul sorvino were all in attendance although director scorsese was filming in taiwan and joe pesci , who won an oscar for best supporting actor in 1991 for his turn as tommy devito , did n't show .released in 1990 , goodfellas charts the rise and fall of lucchese crime family associate henry hill , played by liotta , and his friends over a period from 1955 to 1980\n", + "stars ray liotta , robert de niro , lorraine bracco and paul sorvino were all in attendance for saturday 's special 25th anniversary screeningnot in attendance were director martin scorsese , who was filming in taiwan , and joe pesci who had won an oscar for his role in the 1990 movie` joe pesci could n't be here , but he sent this email : ` f *** , f *** , f *** , f *** ity f *** , f *** ' read de niroscorsese sent a video message and recalled how the movie upset the owner of his then favorite nyc italian restaurantthroughout the two-and-a-half-hour screening the audience cheered each major character 's first appearancejon stewart then held a q&a with the actors and liotta recalled henry hill thanking him for ` not making me look like a s *** bag '\n", + "[1.4776697 1.4706655 1.137849 1.0621296 1.0371668 1.381052 1.1413412\n", + " 1.1690695 1.1347232 1.1476604 1.0743841 1.1519583 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 5 7 11 9 6 2 8 10 3 4 20 12 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"england cricket star moeen ali has been named as an honorary ambassador for liverpool 's fan club in pakistan .the lifelong liverpool fan , 27 , who has been called up for england 's final two tests in the west indies , made the announcement on friday .the cricketer was recently at anfield for the lfc all-stars match and had his photograph taken with raheem sterling and emre can .\"]\n", + "=======================\n", + "['spinner named as new ambassador for liverpool fan group pak redsthe england star has been called up for last two tests in west indiespak reds group was founded in 2011 and attained official status in 2013it has six different branches across pakistan']\n", + "england cricket star moeen ali has been named as an honorary ambassador for liverpool 's fan club in pakistan .the lifelong liverpool fan , 27 , who has been called up for england 's final two tests in the west indies , made the announcement on friday .the cricketer was recently at anfield for the lfc all-stars match and had his photograph taken with raheem sterling and emre can .\n", + "spinner named as new ambassador for liverpool fan group pak redsthe england star has been called up for last two tests in west indiespak reds group was founded in 2011 and attained official status in 2013it has six different branches across pakistan\n", + "[1.2603889 1.333446 1.227446 1.1790408 1.1379646 1.2107046 1.1166753\n", + " 1.1298851 1.0832883 1.0143815 1.035984 1.1208972 1.1625401 1.0679979\n", + " 1.1083441 1.0692971 1.0429642 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 5 3 12 4 7 11 6 14 8 15 13 16 10 9 17 18 19 20 21]\n", + "=======================\n", + "[\"the waitress told the new zealand herald that she published the details of john key 's behaviour , which she experienced while she was working at a cafe in auckland , as she ` expected more from him ' and wanted ` the public to be aware ' .the 26-year-old , an employee at rosie cafe which is frequented by mr key and his wife , recounted on the daily blog how the prime minister kept playfully pulling her hair despite being told to stop during election time last year .but following the publication of the blog on wednesday , mr key defended his pranks as ' a bit of banter ' and said he had already apologised for his actions , stuff.co.nz reports .\"]\n", + "=======================\n", + "[\"amanda bailey , 26 , says she does n't regret going public with her storythe waitress revealed in a blog how john key kept pulling her hairshe wrote that she gained unwanted attention from him last year at a cafems bailey said mr key kept touching her hair despite being told to stopowners say they were disappointed she never told them of her concernsthey further stated mr key is popular among the cafe staffthe prime minister defended his actions , saying he had already apologisedhe also said his pranks were ` all in the context of a bit of banter 'the waitress was working at a cafe called rosie in parnell , east of auckland\"]\n", + "the waitress told the new zealand herald that she published the details of john key 's behaviour , which she experienced while she was working at a cafe in auckland , as she ` expected more from him ' and wanted ` the public to be aware ' .the 26-year-old , an employee at rosie cafe which is frequented by mr key and his wife , recounted on the daily blog how the prime minister kept playfully pulling her hair despite being told to stop during election time last year .but following the publication of the blog on wednesday , mr key defended his pranks as ' a bit of banter ' and said he had already apologised for his actions , stuff.co.nz reports .\n", + "amanda bailey , 26 , says she does n't regret going public with her storythe waitress revealed in a blog how john key kept pulling her hairshe wrote that she gained unwanted attention from him last year at a cafems bailey said mr key kept touching her hair despite being told to stopowners say they were disappointed she never told them of her concernsthey further stated mr key is popular among the cafe staffthe prime minister defended his actions , saying he had already apologisedhe also said his pranks were ` all in the context of a bit of banter 'the waitress was working at a cafe called rosie in parnell , east of auckland\n", + "[1.1796141 1.4588127 1.3282939 1.2890887 1.1783805 1.0668113 1.0479729\n", + " 1.1677574 1.136487 1.1275367 1.0763571 1.0752419 1.05247 1.0871685\n", + " 1.0441566 1.0531745 1.0625954 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 7 8 9 13 10 11 5 16 15 12 6 14 19 17 18 20]\n", + "=======================\n", + "[\"the edwardian-style building and shopfront on brunswick street in fitzroy was once owned by wei tang who was convicted in 2006 of keeping five thai women as sex slaves .the brothel , formerly known as club 417 , has six bedrooms each with its own shower or spa , as well as a large lounge with a bar and a sitting room .a notorious brothel at the centre of australia 's first ever sex slavery case has gone on sale in a trendy melbourne suburb .\"]\n", + "=======================\n", + "[\"six-bedroom brothel in melbourne 's fitzroy will go up for auction on may 1edwardian-style shopfront was owned by wei tang who was jailed for keeping five thai women as sex slavesproperty , formerly known as club 417 , comes with a brothel licencetang was convicted in 2006 for forcing women to work off debts incurred by bringing them from thailand to australiait stopped operating as a brothel in 2013 and has been vacant ever since\"]\n", + "the edwardian-style building and shopfront on brunswick street in fitzroy was once owned by wei tang who was convicted in 2006 of keeping five thai women as sex slaves .the brothel , formerly known as club 417 , has six bedrooms each with its own shower or spa , as well as a large lounge with a bar and a sitting room .a notorious brothel at the centre of australia 's first ever sex slavery case has gone on sale in a trendy melbourne suburb .\n", + "six-bedroom brothel in melbourne 's fitzroy will go up for auction on may 1edwardian-style shopfront was owned by wei tang who was jailed for keeping five thai women as sex slavesproperty , formerly known as club 417 , comes with a brothel licencetang was convicted in 2006 for forcing women to work off debts incurred by bringing them from thailand to australiait stopped operating as a brothel in 2013 and has been vacant ever since\n", + "[1.424633 1.4478172 1.2082982 1.4274005 1.3822685 1.2425934 1.0651035\n", + " 1.0293801 1.0233994 1.02507 1.0495347 1.0187992 1.0153714 1.1843779\n", + " 1.0130557 1.0118016 1.1383259 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 5 2 13 16 6 10 7 9 8 11 12 14 15 19 17 18 20]\n", + "=======================\n", + "[\"smith suffered a broken leg and a dislocated ankle while attempting to block a john arne riise free-kick during the fifth round clash at anfield in february 2006 .alan smith has denied claims that liverpool fans attacked the ambulance he was travelling to hospital in during manchester united 's fa cup fifth round exit nine years agothe dislocated ankle was worse than the leg break because i snapped ligaments and there were complications . '\"]\n", + "=======================\n", + "['liverpool beat manchester united 1-0 in the fa cup fifth round in 2006alan smith suffered a broken leg and a dislocated ankle during the gamereports claimed liverpool fans attacked the ambulance with smith in']\n", + "smith suffered a broken leg and a dislocated ankle while attempting to block a john arne riise free-kick during the fifth round clash at anfield in february 2006 .alan smith has denied claims that liverpool fans attacked the ambulance he was travelling to hospital in during manchester united 's fa cup fifth round exit nine years agothe dislocated ankle was worse than the leg break because i snapped ligaments and there were complications . '\n", + "liverpool beat manchester united 1-0 in the fa cup fifth round in 2006alan smith suffered a broken leg and a dislocated ankle during the gamereports claimed liverpool fans attacked the ambulance with smith in\n", + "[1.0915966 1.3028381 1.2863084 1.3611081 1.1148372 1.1898222 1.1983552\n", + " 1.0876179 1.110212 1.0308417 1.0723109 1.1133053 1.0278589 1.0180641\n", + " 1.0372006 1.0291462 1.1094261 1.0581738 1.021895 1.0625049 1.0168288]\n", + "\n", + "[ 3 1 2 6 5 4 11 8 16 0 7 10 19 17 14 9 15 12 18 13 20]\n", + "=======================\n", + "[\"some of the hens found at wagner 's poultry farm were ravaged and dyingthe photographs they took at the yarra valley farm give a chilling insight into the bleak world of caged chicken factories .activists said they found birds living in terrible conditions .\"]\n", + "=======================\n", + "[\"animal liberation victoria activists who broke into wagner 's poultry farmactivists found birds sick and dying in terrible living conditionshens were in such a bad state they had to be removed from the cageswagner 's poultry farm denied they had done anything unethicalgovernment department found no breaches under animal cruelty laws\"]\n", + "some of the hens found at wagner 's poultry farm were ravaged and dyingthe photographs they took at the yarra valley farm give a chilling insight into the bleak world of caged chicken factories .activists said they found birds living in terrible conditions .\n", + "animal liberation victoria activists who broke into wagner 's poultry farmactivists found birds sick and dying in terrible living conditionshens were in such a bad state they had to be removed from the cageswagner 's poultry farm denied they had done anything unethicalgovernment department found no breaches under animal cruelty laws\n", + "[1.2390369 1.2951169 1.2786881 1.1663258 1.1486139 1.2338526 1.0735795\n", + " 1.161717 1.1375177 1.0727199 1.1028324 1.0223695 1.011806 1.0863305\n", + " 1.0630527 1.127574 1.1089272 1.0865456 1.024029 1.0573537 0. ]\n", + "\n", + "[ 1 2 0 5 3 7 4 8 15 16 10 17 13 6 9 14 19 18 11 12 20]\n", + "=======================\n", + "['under the pact , no public holiday is triggered when anzac day falls on a saturday , as it does this year .the agreement was designed to provide uniformity of public holidays across the nation .an obscure agreement struck by state governments in 1993 means the vast majority of australians will not get a day off this anzac weekend .']\n", + "=======================\n", + "['there is no anzac day holiday for most states as it falls on a saturdayonly western australia and some canberra bureaucrats will get day offfirst time since 2009 anzac day has fallen on a saturdayexperts predict rise of up to 25 per cent of people calling in sick on mondaysome businesses told staff they risk their job if they fake a sick daylosses from absent employees estimated at $ 7.5 m in queensland alone']\n", + "under the pact , no public holiday is triggered when anzac day falls on a saturday , as it does this year .the agreement was designed to provide uniformity of public holidays across the nation .an obscure agreement struck by state governments in 1993 means the vast majority of australians will not get a day off this anzac weekend .\n", + "there is no anzac day holiday for most states as it falls on a saturdayonly western australia and some canberra bureaucrats will get day offfirst time since 2009 anzac day has fallen on a saturdayexperts predict rise of up to 25 per cent of people calling in sick on mondaysome businesses told staff they risk their job if they fake a sick daylosses from absent employees estimated at $ 7.5 m in queensland alone\n", + "[1.1843097 1.5545056 1.3171325 1.4285527 1.1958342 1.1335586 1.054031\n", + " 1.0655555 1.0199499 1.0139126 1.2132676 1.1785566 1.0144491 1.018457\n", + " 1.0132664 1.0614386 1.0116723 1.0673532 1.0910635 1.0308726 0. ]\n", + "\n", + "[ 1 3 2 10 4 0 11 5 18 17 7 15 6 19 8 13 12 9 14 16 20]\n", + "=======================\n", + "['tibor racsits , 42 , had gone to pick up his daughter kiara from the movies at charlestown square in newcastle , north of sydney , on sunday night when they were attacked .vision of the disturbing attack showed mr racsits being dragged across the road by at least three young men before being kicked in the stomach and head .his daughter can be heard screaming as she runs to help , but she is pushed from behind by a young girl and slams face-first into the concrete .']\n", + "=======================\n", + "[\"tibor racsits , 42 , and daughter kiara , 13 , were attacked on sunday nighthe 'd gone to pick her up from the movies in newcastle , north of sydneyfootage shows group of boys kicking mr racsits in the stomach and headkiara ran to help her father but was slammed face-first into the concrete\"]\n", + "tibor racsits , 42 , had gone to pick up his daughter kiara from the movies at charlestown square in newcastle , north of sydney , on sunday night when they were attacked .vision of the disturbing attack showed mr racsits being dragged across the road by at least three young men before being kicked in the stomach and head .his daughter can be heard screaming as she runs to help , but she is pushed from behind by a young girl and slams face-first into the concrete .\n", + "tibor racsits , 42 , and daughter kiara , 13 , were attacked on sunday nighthe 'd gone to pick her up from the movies in newcastle , north of sydneyfootage shows group of boys kicking mr racsits in the stomach and headkiara ran to help her father but was slammed face-first into the concrete\n", + "[1.2671133 1.3990686 1.3926904 1.2193496 1.1698599 1.140282 1.129286\n", + " 1.0875118 1.0221591 1.0415672 1.0752435 1.028349 1.1929612 1.212959\n", + " 1.0158491 1.0298891 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 13 12 4 5 6 7 10 9 15 11 8 14 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the teenager from blackburn , lancashire , who can not be named but is thought to be the youngest person charged with islamist-related terror offences in the uk , was arrested last weekend .he is said to have incited an australian teenager , sevdet besim , to behead , run over or shoot a police officer in a ` lee rigby style ' massacre during a ceremony for fallen soldiers .a 14-year-old british boy has been remanded in custody after appearing in court charged with plotting to carry out a terror attack during the anzac day commemorations in australia .\"]\n", + "=======================\n", + "[\"teenager is believed to be youngest charged with terror offences in ukhe is accused of plotting a ` lee rigby-style ' massacre during anzac dayalleged to have encouraged sevdet besim to behead a member of publiche was remanded in custody and will appear before court in manchester\"]\n", + "the teenager from blackburn , lancashire , who can not be named but is thought to be the youngest person charged with islamist-related terror offences in the uk , was arrested last weekend .he is said to have incited an australian teenager , sevdet besim , to behead , run over or shoot a police officer in a ` lee rigby style ' massacre during a ceremony for fallen soldiers .a 14-year-old british boy has been remanded in custody after appearing in court charged with plotting to carry out a terror attack during the anzac day commemorations in australia .\n", + "teenager is believed to be youngest charged with terror offences in ukhe is accused of plotting a ` lee rigby-style ' massacre during anzac dayalleged to have encouraged sevdet besim to behead a member of publiche was remanded in custody and will appear before court in manchester\n", + "[1.3349061 1.4104178 1.240504 1.2392254 1.063004 1.1914742 1.0380462\n", + " 1.1226777 1.1111399 1.0794101 1.0680426 1.1268227 1.0160768 1.0542763\n", + " 1.1380078 1.0780545 1.0542027 1.0083994 1.0095868 1.0337257 1.0595\n", + " 0. ]\n", + "\n", + "[ 1 0 2 3 5 14 11 7 8 9 15 10 4 20 13 16 6 19 12 18 17 21]\n", + "=======================\n", + "['the clip , posted on instagram and quickly deleted , show the 27-year-old singer sitting at a table with what looks like a slim white tube in her hands as her pals dance around her .a new video of rihanna at the coachella music festival appears to show the star preparing a suspicious substance and holding her nose .in this video , posted to instagram , rihanna can be seen holding a suspicious object']\n", + "=======================\n", + "[\"singer was partying with pals at coachella music and arts festival over the weekendvideo posted on instagram appears to show the singer preparing a suspicious substance and then holding her nosespeculation has been rife as to what exactly is going on in the videoa comment on instagram , believed to be from rihanna , claims it was a jointthis is not the first time rihanna has found herself mired in controversy at coachellain 2012 she posted a picture of herself ` cutting up ' a white powered substance on the top of a man 's head\"]\n", + "the clip , posted on instagram and quickly deleted , show the 27-year-old singer sitting at a table with what looks like a slim white tube in her hands as her pals dance around her .a new video of rihanna at the coachella music festival appears to show the star preparing a suspicious substance and holding her nose .in this video , posted to instagram , rihanna can be seen holding a suspicious object\n", + "singer was partying with pals at coachella music and arts festival over the weekendvideo posted on instagram appears to show the singer preparing a suspicious substance and then holding her nosespeculation has been rife as to what exactly is going on in the videoa comment on instagram , believed to be from rihanna , claims it was a jointthis is not the first time rihanna has found herself mired in controversy at coachellain 2012 she posted a picture of herself ` cutting up ' a white powered substance on the top of a man 's head\n", + "[1.3506706 1.3979859 1.2850777 1.2642983 1.1856323 1.1260781 1.0589403\n", + " 1.094372 1.0611697 1.0589917 1.1362014 1.092126 1.0469171 1.0461361\n", + " 1.0372515 1.0465583 1.0392644 1.0114937 1.0304085 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 3 4 10 5 7 11 8 9 6 12 15 13 16 14 18 17 20 19 21]\n", + "=======================\n", + "['the service is available in the us for $ 14.99 ( # 9.90 ) a month , and will includes all past , present and future hbo programming .hbo has launched its hbo now channel on the apple tv set-top box , iphone and ipad ahead of the series premiere of hbo hit show game of thrones on april 12 .it comes as apple is believed to be preparing a new version of the tv box that can run apps for a june launch .']\n", + "=======================\n", + "['hbo is the us network behind game of thrones and the sopranosservice is available on apple tv and ios exclusively for three monthsapple has also cut the price of apple tv system from $ 99 ( # 65 ) to $ 69']\n", + "the service is available in the us for $ 14.99 ( # 9.90 ) a month , and will includes all past , present and future hbo programming .hbo has launched its hbo now channel on the apple tv set-top box , iphone and ipad ahead of the series premiere of hbo hit show game of thrones on april 12 .it comes as apple is believed to be preparing a new version of the tv box that can run apps for a june launch .\n", + "hbo is the us network behind game of thrones and the sopranosservice is available on apple tv and ios exclusively for three monthsapple has also cut the price of apple tv system from $ 99 ( # 65 ) to $ 69\n", + "[1.2087454 1.4740076 1.2711794 1.2883663 1.2580616 1.2213923 1.1797937\n", + " 1.1100464 1.1050847 1.0782168 1.0571201 1.0499213 1.0081605 1.1024623\n", + " 1.014652 1.0384954 1.0530615 1.0867277 1.108107 1.0243992 1.0069585\n", + " 1.0087994]\n", + "\n", + "[ 1 3 2 4 5 0 6 7 18 8 13 17 9 10 16 11 15 19 14 21 12 20]\n", + "=======================\n", + "['west spruill has been charged with murdering ann charle , 36 , on monday evening in the bronx .the mother-of-two was walking towards her car at about 5:45 p.m. when spruill allegedly pulled out a gun and ordered her into her honda .police say spruill sexually assaulted charle in her car , but she managed to escape and ran naked down the street .']\n", + "=======================\n", + "['west spruill , 39 , has been charged with murdering ann charle , 36 , on monday evening in the bronxspruill allegedly ordered her to undress at gun point and sexually assaulted heras she escaped , he chased her and then allegedly shot the mother-of-two deadthe 39-year-old lived at the 108-bed center from last june until january']\n", + "west spruill has been charged with murdering ann charle , 36 , on monday evening in the bronx .the mother-of-two was walking towards her car at about 5:45 p.m. when spruill allegedly pulled out a gun and ordered her into her honda .police say spruill sexually assaulted charle in her car , but she managed to escape and ran naked down the street .\n", + "west spruill , 39 , has been charged with murdering ann charle , 36 , on monday evening in the bronxspruill allegedly ordered her to undress at gun point and sexually assaulted heras she escaped , he chased her and then allegedly shot the mother-of-two deadthe 39-year-old lived at the 108-bed center from last june until january\n", + "[1.2399858 1.4991071 1.3139024 1.392566 1.2246809 1.1641234 1.1692592\n", + " 1.0367358 1.0148958 1.0211791 1.0261917 1.147229 1.0200789 1.0393037\n", + " 1.0146974 1.0322526 1.0935378 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 4 6 5 11 16 13 7 15 10 9 12 8 14 20 17 18 19 21]\n", + "=======================\n", + "[\"christine lillico , 47 , from heddon-on-the-wall , northumberland , was trusted with looking after her elderly parents ' bank accounts as their health deteriorated with age .but instead of using the money to care for john and audrey air she plundered their life savings to bankroll her own lifestyle .a mother-of-two has been jailed after stealing almost # 80,000 from her dying parents to go on shopping sprees - leaving her elderly father in debt and too poor to afford a telephone .\"]\n", + "=======================\n", + "['christine lillico , 47 , stole almost # 80,000 from her parents over six yearsfrail father left so poor before his death he was forced to go without phoneshe spent the money on xbox , shopping sprees and photography serviceslillico has now been jailed for 20 months after pleading guilty to fraud']\n", + "christine lillico , 47 , from heddon-on-the-wall , northumberland , was trusted with looking after her elderly parents ' bank accounts as their health deteriorated with age .but instead of using the money to care for john and audrey air she plundered their life savings to bankroll her own lifestyle .a mother-of-two has been jailed after stealing almost # 80,000 from her dying parents to go on shopping sprees - leaving her elderly father in debt and too poor to afford a telephone .\n", + "christine lillico , 47 , stole almost # 80,000 from her parents over six yearsfrail father left so poor before his death he was forced to go without phoneshe spent the money on xbox , shopping sprees and photography serviceslillico has now been jailed for 20 months after pleading guilty to fraud\n", + "[1.3407298 1.1936251 1.3052423 1.3228434 1.2019372 1.2048302 1.1175494\n", + " 1.1221566 1.111402 1.0264803 1.0649595 1.0758542 1.0252025 1.0587521\n", + " 1.0152248 1.0146337 1.0491452 1.043879 ]\n", + "\n", + "[ 0 3 2 5 4 1 7 6 8 11 10 13 16 17 9 12 14 15]\n", + "=======================\n", + "[\"ipsa chief sir ian kennedy launched a bid to keep mps ' receipts privatebut the court of appeal ruled today that it must release all the copies of receipts and invoices which have been submitted by politicians .the legal action centred on whether copies of original documents should be published - rather than a summary of the claim put in by mps .\"]\n", + "=======================\n", + "[\"commons expenses watchdog launched bid to keep mps ' claims privatecourt of appeal ruled it must release all the copies of receipts submittedit means voters will be able to check over mps ' original expenses claims\"]\n", + "ipsa chief sir ian kennedy launched a bid to keep mps ' receipts privatebut the court of appeal ruled today that it must release all the copies of receipts and invoices which have been submitted by politicians .the legal action centred on whether copies of original documents should be published - rather than a summary of the claim put in by mps .\n", + "commons expenses watchdog launched bid to keep mps ' claims privatecourt of appeal ruled it must release all the copies of receipts submittedit means voters will be able to check over mps ' original expenses claims\n", + "[1.4230293 1.3756737 1.3208951 1.3377982 1.1300368 1.0645221 1.0954152\n", + " 1.112841 1.0778853 1.2141354 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 9 4 7 6 8 5 10 11 12 13 14 15 16 17]\n", + "=======================\n", + "[\"arsenal supremo dick law has flown to argentina in an attempt to rubber-stamp the capture of maxi romero .the club 's chief negotiator has jetted to south america to finalise a deal for the 16-year-old forward - who has been compared to lionel messi .arsenal are close to signing 16-year-old maxi romero from velez sarsfield for # 4.5 million\"]\n", + "=======================\n", + "['arsenal are in advanced talks with velez sarsfield over a # 4.5 million swoopmaxi romero , 16 , has been compared to barcelona star lionel messideal has been held up by red-tape over the make-up of ownership rightsclick here for all the latest arsenal news']\n", + "arsenal supremo dick law has flown to argentina in an attempt to rubber-stamp the capture of maxi romero .the club 's chief negotiator has jetted to south america to finalise a deal for the 16-year-old forward - who has been compared to lionel messi .arsenal are close to signing 16-year-old maxi romero from velez sarsfield for # 4.5 million\n", + "arsenal are in advanced talks with velez sarsfield over a # 4.5 million swoopmaxi romero , 16 , has been compared to barcelona star lionel messideal has been held up by red-tape over the make-up of ownership rightsclick here for all the latest arsenal news\n", + "[1.1544808 1.1363287 1.1527762 1.4156566 1.3160678 1.1931235 1.1070234\n", + " 1.1094735 1.0449836 1.1169199 1.1084294 1.0767322 1.0191553 1.0833986\n", + " 1.087602 1.1009606 1.0133312 0. ]\n", + "\n", + "[ 3 4 5 0 2 1 9 7 10 6 15 14 13 11 8 12 16 17]\n", + "=======================\n", + "['space lasers : dr adrian quarterman has suggested space lasers could be used to power homes in the future - but says the beams will be nowhere near as powerful as imagined in films like star wars ( pictured )the satellites will orbit the earth , covered in mirrors to help it harvest the sunlight and convert it into laser light .space lasers are best known for blowing people - and planets - up in science fiction , and even the odd bond movie .']\n", + "=======================\n", + "['dr adrian quarterman has suggested mirrored satellites to collect sunlightthe beams can then be converted into laser light and sent down to earththe physicist believes it could even make solar power feasible in scotlandbut he admits you might need to worry about who is in control of them']\n", + "space lasers : dr adrian quarterman has suggested space lasers could be used to power homes in the future - but says the beams will be nowhere near as powerful as imagined in films like star wars ( pictured )the satellites will orbit the earth , covered in mirrors to help it harvest the sunlight and convert it into laser light .space lasers are best known for blowing people - and planets - up in science fiction , and even the odd bond movie .\n", + "dr adrian quarterman has suggested mirrored satellites to collect sunlightthe beams can then be converted into laser light and sent down to earththe physicist believes it could even make solar power feasible in scotlandbut he admits you might need to worry about who is in control of them\n", + "[1.3591831 1.4469204 1.5019958 1.314862 1.1176634 1.0285536 1.0150055\n", + " 1.0879974 1.0756227 1.0547044 1.0637436 1.0522696 1.0637382 1.0776032\n", + " 1.0287056 1.0529562 0. 0. ]\n", + "\n", + "[ 2 1 0 3 4 7 13 8 10 12 9 15 11 14 5 6 16 17]\n", + "=======================\n", + "[\"caley thistle went on to win the game 3-2 after extra-time and denied rory delia 's men the chance to secure a domestic treble this season .the hoops were left outraged by referee steven mclean 's failure to award a penalty or red card for a clear handball in the box by josh meekings to deny leigh griffith 's goal-bound shot during the first-half .celtic have written to the scottish football association in order to gain an ` understanding ' of the refereeing decisions during their scottish cup semi-final defeat by inverness on sunday .\"]\n", + "=======================\n", + "[\"celtic were defeated 3-2 after extra-time in the scottish cup semi-finalleigh griffiths had a goal-bound shot blocked by a clear handballhowever , no action was taken against offender josh meekingsthe hoops have written the sfa for an ` understanding ' of the decision\"]\n", + "caley thistle went on to win the game 3-2 after extra-time and denied rory delia 's men the chance to secure a domestic treble this season .the hoops were left outraged by referee steven mclean 's failure to award a penalty or red card for a clear handball in the box by josh meekings to deny leigh griffith 's goal-bound shot during the first-half .celtic have written to the scottish football association in order to gain an ` understanding ' of the refereeing decisions during their scottish cup semi-final defeat by inverness on sunday .\n", + "celtic were defeated 3-2 after extra-time in the scottish cup semi-finalleigh griffiths had a goal-bound shot blocked by a clear handballhowever , no action was taken against offender josh meekingsthe hoops have written the sfa for an ` understanding ' of the decision\n", + "[1.4247637 1.1898293 1.4785038 1.227962 1.1826277 1.078581 1.0885895\n", + " 1.1101596 1.0602603 1.087923 1.0400044 1.0897598 1.0294693 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 1 4 7 11 6 9 5 8 10 12 16 13 14 15 17]\n", + "=======================\n", + "[\"victoria wasteney , 38 , says she was branded a ` religious nutcase ' when she was suspended from her job as a senior occupational therapist , after her colleague enya nawaz , then aged 25 , accused her of trying to convert her to christianity .born-again christian victoria wasteney has launched an appeal after she was given a written warning for praying for a muslim colleague and inviting her to church eventsher lawyers have now submitted a challenge to an employment tribunal , arguing that they broke the law by restricting her freedom of conscience and religion - enshrined in article nine of the european convention of human rights .\"]\n", + "=======================\n", + "['victoria wasteney argues tribunal decision was against her human rightsdisciplined after muslim colleague claimed she was trying to convert herappeal backed by christian legal centre and human rights barrister']\n", + "victoria wasteney , 38 , says she was branded a ` religious nutcase ' when she was suspended from her job as a senior occupational therapist , after her colleague enya nawaz , then aged 25 , accused her of trying to convert her to christianity .born-again christian victoria wasteney has launched an appeal after she was given a written warning for praying for a muslim colleague and inviting her to church eventsher lawyers have now submitted a challenge to an employment tribunal , arguing that they broke the law by restricting her freedom of conscience and religion - enshrined in article nine of the european convention of human rights .\n", + "victoria wasteney argues tribunal decision was against her human rightsdisciplined after muslim colleague claimed she was trying to convert herappeal backed by christian legal centre and human rights barrister\n", + "[1.1408975 1.5343034 1.3061166 1.2453598 1.2828729 1.1708561 1.0957435\n", + " 1.0616603 1.1391451 1.0521302 1.018315 1.021808 1.0485883 1.0451989\n", + " 1.0851084 1.1140381 1.0339569 1.0457485 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 4 3 5 0 8 15 6 14 7 9 12 17 13 16 11 10 18 19 20 21]\n", + "=======================\n", + "['chandni nigam , 19 , spent six years battling demons which spawned from an obsession to do well at school , an inquest into her death was told .miss nigam would stay up late studying , resulting in sleep deprivation and a negative impact on her performance at school - which caused further depression and anxiety .berkshire coroner peter bedford heard the teenager , who had been a volunteer at the london olympics in 2012 , was also worried about her appearance .']\n", + "=======================\n", + "[\"chandni nigam was struck by a train at tywford railway station last yearteenager 's inquest heard she was obsessed with performing well at schoolcourt told she would stay up late studying resulting in sleep deprivationher father said she first told her parents she was suicidal in october 2013\"]\n", + "chandni nigam , 19 , spent six years battling demons which spawned from an obsession to do well at school , an inquest into her death was told .miss nigam would stay up late studying , resulting in sleep deprivation and a negative impact on her performance at school - which caused further depression and anxiety .berkshire coroner peter bedford heard the teenager , who had been a volunteer at the london olympics in 2012 , was also worried about her appearance .\n", + "chandni nigam was struck by a train at tywford railway station last yearteenager 's inquest heard she was obsessed with performing well at schoolcourt told she would stay up late studying resulting in sleep deprivationher father said she first told her parents she was suicidal in october 2013\n", + "[1.1775799 1.4701995 1.1323647 1.1238621 1.3955845 1.3403897 1.0657082\n", + " 1.1722713 1.0236285 1.0570742 1.1051126 1.1176323 1.0885322 1.063817\n", + " 1.0756043 1.0260804 1.0369191 1.0879103 1.0424975 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 5 0 7 2 3 11 10 12 17 14 6 13 9 18 16 15 8 20 19 21]\n", + "=======================\n", + "['the millers fielded derby defender farrend rawson in their 1-0 win against brighton on easter monday after his youth loan had expired .rotherham manager steve evans has seen his side deducted three points by the football leaguerotherham were on 44 points ( left ) but are now just one point above the relegation zone after the deduction']\n", + "=======================\n", + "[\"the millers fielded on-loan farrend rawson in 1-0 win against brightonderby defender 's youth loan extension was n't handled correctlyrotherham now just one point ahead of the championship bottom three\"]\n", + "the millers fielded derby defender farrend rawson in their 1-0 win against brighton on easter monday after his youth loan had expired .rotherham manager steve evans has seen his side deducted three points by the football leaguerotherham were on 44 points ( left ) but are now just one point above the relegation zone after the deduction\n", + "the millers fielded on-loan farrend rawson in 1-0 win against brightonderby defender 's youth loan extension was n't handled correctlyrotherham now just one point ahead of the championship bottom three\n", + "[1.3169997 1.3189474 1.187566 1.1998724 1.3507586 1.1686778 1.0929774\n", + " 1.0511352 1.045748 1.0385242 1.0417793 1.037652 1.0964754 1.1027204\n", + " 1.0931293 1.0725775 1.0557162 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 4 1 0 3 2 5 13 12 14 6 15 16 7 8 10 9 11 20 17 18 19 21]\n", + "=======================\n", + "['pledge : home secretary theresa may said police will have to record islamophobic attacks as a separate categoryevery police force in england and wales will be required to record anti-muslim hate crimes and treat them as seriously as anti-semitic attacks if the tories win the next general election , theresa may has announced .other forces categorise them as hate crimes or specific offences such as assault or grievous bodily harm .']\n", + "=======================\n", + "['all police would record anti-muslim hate crimes if tories win the electionislamophobic attacks would be separate category , like anti-semitic crimesat present some police forces , including met , record these crimes as suchwould create accurate picture of the extent of these hate crimes in britain']\n", + "pledge : home secretary theresa may said police will have to record islamophobic attacks as a separate categoryevery police force in england and wales will be required to record anti-muslim hate crimes and treat them as seriously as anti-semitic attacks if the tories win the next general election , theresa may has announced .other forces categorise them as hate crimes or specific offences such as assault or grievous bodily harm .\n", + "all police would record anti-muslim hate crimes if tories win the electionislamophobic attacks would be separate category , like anti-semitic crimesat present some police forces , including met , record these crimes as suchwould create accurate picture of the extent of these hate crimes in britain\n", + "[1.1509925 1.0522221 1.192635 1.1582146 1.3451414 1.3489609 1.2181\n", + " 1.213114 1.0809478 1.0694433 1.0753019 1.0478762 1.0799179 1.0542156\n", + " 1.0507934 1.0222455 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 5 4 6 7 2 3 0 8 12 10 9 13 1 14 11 15 20 16 17 18 19 21]\n", + "=======================\n", + "[\"russell henley tweeted his frustration to united airlines , who misplaced his golf clubs when he was en route to the master 's tournament this weekproving that stars are n't immune to the everyday problems the average traveller faces , professional golfer russell henley received a lot of sympathy when united airlines - the official carrier of the pga - apparently ` lost ' his clubs .he is not the only one to have had a less-than-ideal experience , with kim kardashian , colleen rooney and maisie williams joining the ranks of irritated travellers .\"]\n", + "=======================\n", + "[\"celebrities can make travel seem effortless and glamorous on social mediastars experience the same airport mishaps regardless what they paythe rooney 's luggage was ransacked and naomi campbell 's was lost\"]\n", + "russell henley tweeted his frustration to united airlines , who misplaced his golf clubs when he was en route to the master 's tournament this weekproving that stars are n't immune to the everyday problems the average traveller faces , professional golfer russell henley received a lot of sympathy when united airlines - the official carrier of the pga - apparently ` lost ' his clubs .he is not the only one to have had a less-than-ideal experience , with kim kardashian , colleen rooney and maisie williams joining the ranks of irritated travellers .\n", + "celebrities can make travel seem effortless and glamorous on social mediastars experience the same airport mishaps regardless what they paythe rooney 's luggage was ransacked and naomi campbell 's was lost\n", + "[1.4466891 1.1787933 1.4802951 1.3108933 1.2808454 1.2072852 1.1309607\n", + " 1.0494299 1.0216001 1.0140762 1.0160284 1.0134773 1.0234603 1.0259465\n", + " 1.1292458 1.2750263 1.0141019 1.0127021 1.0128024 1.0147444 1.0622603\n", + " 1.0824455]\n", + "\n", + "[ 2 0 3 4 15 5 1 6 14 21 20 7 13 12 8 10 19 16 9 11 18 17]\n", + "=======================\n", + "['miracle godson , from marsh green in wigan , was reported missing on friday afternoon after he jumped into deep waters at east quarry in appley bridge near the town and failed to surface .friends desperately tried to save him but his lifeless body was found by police divers at about 5pm that day .lancashire police say his death is not being treated as suspicious but an inquest will be held in due course .']\n", + "=======================\n", + "[\"miracle godson was reported missing on friday afternoon after jumping inhe was swimming at east quarry in appley bridge near wigan with friendsteenagers desperately tried saving him but police found lifeless body laterbosses at wigan st judes rugby league club said he had ` great potential '\"]\n", + "miracle godson , from marsh green in wigan , was reported missing on friday afternoon after he jumped into deep waters at east quarry in appley bridge near the town and failed to surface .friends desperately tried to save him but his lifeless body was found by police divers at about 5pm that day .lancashire police say his death is not being treated as suspicious but an inquest will be held in due course .\n", + "miracle godson was reported missing on friday afternoon after jumping inhe was swimming at east quarry in appley bridge near wigan with friendsteenagers desperately tried saving him but police found lifeless body laterbosses at wigan st judes rugby league club said he had ` great potential '\n", + "[1.4048942 1.210452 1.2959477 1.565424 1.3223851 1.0324775 1.029164\n", + " 1.0277505 1.0395511 1.050229 1.0193125 1.0263467 1.1113853 1.1064951\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 0 4 2 1 12 13 9 8 5 6 7 11 10 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"juan mata ( right ) says manchester united need to look at the next seven premier league games as ` finals 'after manchester united eased past aston villa to make it five premier league wins on the bounce , juan mata admitted his side still have work to do and must take every game as a ` final . 'the 26-year-old has been in fine form for louis van gaal 's side during their five game winning run\"]\n", + "=======================\n", + "[\"juan mata says his side must look at their next seven games as ` finals 'manchester united comfortably dispatched of aston villa 3-1 on saturdaymata 's side are currently third and a point ahead of rivals manchester citythey face their big rivals in a crucial clash at old trafford on april 12click here for all the latest manchester united news\"]\n", + "juan mata ( right ) says manchester united need to look at the next seven premier league games as ` finals 'after manchester united eased past aston villa to make it five premier league wins on the bounce , juan mata admitted his side still have work to do and must take every game as a ` final . 'the 26-year-old has been in fine form for louis van gaal 's side during their five game winning run\n", + "juan mata says his side must look at their next seven games as ` finals 'manchester united comfortably dispatched of aston villa 3-1 on saturdaymata 's side are currently third and a point ahead of rivals manchester citythey face their big rivals in a crucial clash at old trafford on april 12click here for all the latest manchester united news\n", + "[1.1423416 1.4917145 1.1920238 1.0948397 1.2354666 1.1736038 1.0750511\n", + " 1.0867299 1.1866535 1.1717303 1.0691373 1.1855288 1.1113874 1.0339973\n", + " 1.0340028 1.0171559 1.0551919 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 2 8 11 5 9 0 12 3 7 6 10 16 14 13 15 21 17 18 19 20 22]\n", + "=======================\n", + "[\"liz the bearded dragon , who lives with owner shannen hussein , 21 , on her hobby farm in melbourne , is the star of a recent video taken at mealtime .shannen can be heard asking liz : ` are you hungry ? 'according to shannen liz will do ` anything for one ' of the little larvae .\"]\n", + "=======================\n", + "[\"liz the bearded dragon appears to understand the english languagethe cheeky reptile nods when asked ` are you hungry ? 'shannen hussein has a number of pets on her hobby farm in melbourne\"]\n", + "liz the bearded dragon , who lives with owner shannen hussein , 21 , on her hobby farm in melbourne , is the star of a recent video taken at mealtime .shannen can be heard asking liz : ` are you hungry ? 'according to shannen liz will do ` anything for one ' of the little larvae .\n", + "liz the bearded dragon appears to understand the english languagethe cheeky reptile nods when asked ` are you hungry ? 'shannen hussein has a number of pets on her hobby farm in melbourne\n", + "[1.2581359 1.3856232 1.2195226 1.1152332 1.0540737 1.3271343 1.2214314\n", + " 1.1277595 1.1165198 1.0647264 1.0629984 1.0706015 1.042474 1.0269353\n", + " 1.0521817 1.0426897 1.0199254 1.1157103 1.0706636 1.0373151 1.1128051\n", + " 1.0130379 1.014252 ]\n", + "\n", + "[ 1 5 0 6 2 7 8 17 3 20 18 11 9 10 4 14 15 12 19 13 16 22 21]\n", + "=======================\n", + "['robert bates , from tulsa , oklahoma , spoke at length about the deadly incident for the first time on the today show on friday , where he was flanked by his lawyer and family members .apology : robert bates became emotional as he apologized to the family of the man he shot dead during a botched sting operation on april 2 .the 73-year-old reserve deputy who mistakenly pulled out his gun instead of a taser and shot dead a fleeing suspect says the mix-up could have happened to anyone .']\n", + "=======================\n", + "[\"tulsa county sheriff 's office reserve deputy robert bates faces a charge of second-degree manslaughter for the april 2 shooting of eric harrisin an interview on the today show on friday , he described his shock and remorse at the shooting and how he never intended to kill anyonehe demonstrated that he kept his taser near his chest and his gun on his right side - but insisted the mix-up could have happened to anyonebates said he had completed all proper training and was not allowed to ` play cop ' just because he had donated equipment to the sheriff 's office\"]\n", + "robert bates , from tulsa , oklahoma , spoke at length about the deadly incident for the first time on the today show on friday , where he was flanked by his lawyer and family members .apology : robert bates became emotional as he apologized to the family of the man he shot dead during a botched sting operation on april 2 .the 73-year-old reserve deputy who mistakenly pulled out his gun instead of a taser and shot dead a fleeing suspect says the mix-up could have happened to anyone .\n", + "tulsa county sheriff 's office reserve deputy robert bates faces a charge of second-degree manslaughter for the april 2 shooting of eric harrisin an interview on the today show on friday , he described his shock and remorse at the shooting and how he never intended to kill anyonehe demonstrated that he kept his taser near his chest and his gun on his right side - but insisted the mix-up could have happened to anyonebates said he had completed all proper training and was not allowed to ` play cop ' just because he had donated equipment to the sheriff 's office\n", + "[1.3401635 1.4161625 1.241813 1.1777977 1.1695452 1.2455059 1.0948684\n", + " 1.166963 1.0890428 1.0434089 1.016658 1.0499549 1.0349804 1.0808789\n", + " 1.0289006 1.0541571 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 5 2 3 4 7 6 8 13 15 11 9 12 14 10 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"amedy coulibaly stormed into the hyper cacher jewish store , killing four and taking others captive before being shot dead in a hail of gunfire by french special forces .six hostages who hid in a supermarket freezer during january 's islamist attacks in paris have sued french media for broadcasting their location live during the siege .the heavily televised events in eastern paris came two days after cherif and said kouachi shot 12 people at the offices of satirical magazine charlie hebdo .\"]\n", + "=======================\n", + "['amedy coulibaly stormed jewish store before being shot dead by policehostages - including child , 3 , and baby - survived by hiding in cold storelawyer claims broadcasters endangered their lives by revealing locationhe said jihadist was following coverage of his raid on different channels']\n", + "amedy coulibaly stormed into the hyper cacher jewish store , killing four and taking others captive before being shot dead in a hail of gunfire by french special forces .six hostages who hid in a supermarket freezer during january 's islamist attacks in paris have sued french media for broadcasting their location live during the siege .the heavily televised events in eastern paris came two days after cherif and said kouachi shot 12 people at the offices of satirical magazine charlie hebdo .\n", + "amedy coulibaly stormed jewish store before being shot dead by policehostages - including child , 3 , and baby - survived by hiding in cold storelawyer claims broadcasters endangered their lives by revealing locationhe said jihadist was following coverage of his raid on different channels\n", + "[1.2649113 1.4604863 1.1679659 1.3121853 1.0612329 1.0832087 1.292775\n", + " 1.232162 1.1069813 1.118256 1.0980384 1.0203221 1.0159171 1.0094281\n", + " 1.0370777 1.0187259 1.0505755 1.0220584 1.0079111 1.0099777 1.0310664\n", + " 1.0379268 1.0093349]\n", + "\n", + "[ 1 3 6 0 7 2 9 8 10 5 4 16 21 14 20 17 11 15 12 19 13 22 18]\n", + "=======================\n", + "[\"slavisa jokanovic 's men beat brighton 2-0 at the amex stadium in the early kick-off and were hoping that middlesbrough lost plus norwich failing to win .watford have secured promotion back to the premier league after their 2-0 win away at brightondefender tommie hoban has called the club 's promotion an ` unbelievable achievement '\"]\n", + "=======================\n", + "[\"watford have sealed an automatic return to the premier league following their 2-0 win at brighton and middlesbrough 's 4-3 loss at fulhamplayers celebrated wildly on the team-bus as the news came indefender tommie hoban is confident that the team has what it takes to stay up next season and insists they already have a strong squad to build on\"]\n", + "slavisa jokanovic 's men beat brighton 2-0 at the amex stadium in the early kick-off and were hoping that middlesbrough lost plus norwich failing to win .watford have secured promotion back to the premier league after their 2-0 win away at brightondefender tommie hoban has called the club 's promotion an ` unbelievable achievement '\n", + "watford have sealed an automatic return to the premier league following their 2-0 win at brighton and middlesbrough 's 4-3 loss at fulhamplayers celebrated wildly on the team-bus as the news came indefender tommie hoban is confident that the team has what it takes to stay up next season and insists they already have a strong squad to build on\n", + "[1.3536595 1.4401522 1.2271808 1.1257573 1.1173998 1.072135 1.0235038\n", + " 1.1650794 1.088069 1.1384104 1.1067799 1.0154899 1.0518633 1.0576907\n", + " 1.0733674 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 7 9 3 4 10 8 14 5 13 12 6 11 18 15 16 17 19]\n", + "=======================\n", + "[\"as orthodox easter sunday was held , thousands of homemade rockets were aimed at church towers in the aegean island of chios by rival parishioners in their traditional ` mock war ' .while easter in the uk is celebrated with chocolate eggs and a roast lamb , in greece they mark the day slightly differently - and a week later .dozens of brave souls even attend the late-night services inside the churches of aghios markos and panaghia erithiani while the annual battle is held -- even when the structures and surrounding homes are ringed in defensive veils of chicken wire .\"]\n", + "=======================\n", + "[\"stunning pictures show men firing rockets at rival churches ' bell towers in annual ` war ' , as part of age-old traditionpresident putin attends solemn mass in moscow with the country 's prime minister and the mayor of the citypope francis , head of roman catholic church , marks 100 years since armenian genocide with special service\"]\n", + "as orthodox easter sunday was held , thousands of homemade rockets were aimed at church towers in the aegean island of chios by rival parishioners in their traditional ` mock war ' .while easter in the uk is celebrated with chocolate eggs and a roast lamb , in greece they mark the day slightly differently - and a week later .dozens of brave souls even attend the late-night services inside the churches of aghios markos and panaghia erithiani while the annual battle is held -- even when the structures and surrounding homes are ringed in defensive veils of chicken wire .\n", + "stunning pictures show men firing rockets at rival churches ' bell towers in annual ` war ' , as part of age-old traditionpresident putin attends solemn mass in moscow with the country 's prime minister and the mayor of the citypope francis , head of roman catholic church , marks 100 years since armenian genocide with special service\n", + "[1.253519 1.4512559 1.2317214 1.3002759 1.158931 1.036512 1.0605899\n", + " 1.0657611 1.0274414 1.1362938 1.1774708 1.023879 1.0332631 1.0132234\n", + " 1.0274189 1.0427109 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 10 4 9 7 6 15 5 12 8 14 11 13 18 16 17 19]\n", + "=======================\n", + "[\"the group , calling themselves hookers for hillary , all work at dennis hof 's infamous moonlite bunny ranch in carson city .a group of nevada sex workers have come out in favor of democratic contender hillary clinton for president .the legal brothel , which was the subject of hbo 's cathouse series , has drafted a four-point platform explaining their endorsement .\"]\n", + "=======================\n", + "[\"a group of nevada sex workers , hookers for hillary , have come out in favor of the democratic contender for presidentthe hookers all work at dennis hof 's moonlite bunny ranch , a legal brothel in carson citythe group cite clinton 's work on health care reform , foreign experience , tax reform and responsible government oversight on public health issues\"]\n", + "the group , calling themselves hookers for hillary , all work at dennis hof 's infamous moonlite bunny ranch in carson city .a group of nevada sex workers have come out in favor of democratic contender hillary clinton for president .the legal brothel , which was the subject of hbo 's cathouse series , has drafted a four-point platform explaining their endorsement .\n", + "a group of nevada sex workers , hookers for hillary , have come out in favor of the democratic contender for presidentthe hookers all work at dennis hof 's moonlite bunny ranch , a legal brothel in carson citythe group cite clinton 's work on health care reform , foreign experience , tax reform and responsible government oversight on public health issues\n", + "[1.197901 1.1324581 1.2305015 1.2880654 1.1562779 1.1415423 1.0630188\n", + " 1.0873325 1.0917385 1.1174455 1.0840343 1.0535713 1.0556321 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 0 4 5 1 9 8 7 10 6 12 11 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"devastated : zeke celello burst into tears when hillary clinton announced that she was runningzeke celello , who appears to be around two years old , was overcome with emotion when clinton declared her second presidential bid , and insisted to his mother that 2016 is his year to shine .many rejoiced yesterday as hillary clinton finally announced her long-awaited campaign to be president of the united states , marking the start of her fight ` to earn your vote ' .\"]\n", + "=======================\n", + "[\"zeke celello was devastated by clinton campaign and burst into tearszeke , who appears to be around two , insists he would be better candidatehis mother , erin , eventually persuades him to go ahead with the run anywaypolicies are unclear , but he 'd like win the white house to ` play ... with toys 'unfortunately , u.s. constitution states that presidents must be at least 35\"]\n", + "devastated : zeke celello burst into tears when hillary clinton announced that she was runningzeke celello , who appears to be around two years old , was overcome with emotion when clinton declared her second presidential bid , and insisted to his mother that 2016 is his year to shine .many rejoiced yesterday as hillary clinton finally announced her long-awaited campaign to be president of the united states , marking the start of her fight ` to earn your vote ' .\n", + "zeke celello was devastated by clinton campaign and burst into tearszeke , who appears to be around two , insists he would be better candidatehis mother , erin , eventually persuades him to go ahead with the run anywaypolicies are unclear , but he 'd like win the white house to ` play ... with toys 'unfortunately , u.s. constitution states that presidents must be at least 35\n", + "[1.212685 1.5011706 1.4418199 1.3619906 1.0898271 1.0673918 1.041057\n", + " 1.0184376 1.0172378 1.106739 1.0736738 1.2046657 1.0970925 1.0636876\n", + " 1.0200773 1.0283281 1.0114359 1.0117918 1.0100418 1.0394474]\n", + "\n", + "[ 1 2 3 0 11 9 12 4 10 5 13 6 19 15 14 7 8 17 16 18]\n", + "=======================\n", + "[\"joanne bolton told how she thought she was going to die at the hands of steven young during the ` brutal and merciless ' seven hour long ordeal .the 35-year-old was stabbed over 14 times before being knocked out with a mental bar after being held captive in her own home .a mother-of-three repeatedly knifed in the head by her violent boyfriend has revealed how she begged him to put her to bed so she did n't die on the floor .\"]\n", + "=======================\n", + "['joanne bolton was stabbed over 14 times before being battered with a barstabbed in the head with a knife so violently the blade snapped so he grabbed a bigger weapon to carry on attackshe was left with mild brain damage and needing over 100 stitchessteven young admitted attempted murder and was jailed for 18 years']\n", + "joanne bolton told how she thought she was going to die at the hands of steven young during the ` brutal and merciless ' seven hour long ordeal .the 35-year-old was stabbed over 14 times before being knocked out with a mental bar after being held captive in her own home .a mother-of-three repeatedly knifed in the head by her violent boyfriend has revealed how she begged him to put her to bed so she did n't die on the floor .\n", + "joanne bolton was stabbed over 14 times before being battered with a barstabbed in the head with a knife so violently the blade snapped so he grabbed a bigger weapon to carry on attackshe was left with mild brain damage and needing over 100 stitchessteven young admitted attempted murder and was jailed for 18 years\n", + "[1.2567235 1.3782159 1.1496279 1.2984368 1.1681838 1.165547 1.0814844\n", + " 1.0550716 1.0405421 1.0566741 1.17126 1.1551721 1.019001 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 10 4 5 11 2 6 9 7 8 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"after extensive chemical tests , dr arye shimron says he has linked the james ossuary -- a 1st-century chalk box that some believe hold the bones of jesus ' brother -- to the long disputed ` jesus family tomb ' in the city 's east talpiot neighbourhood .an israeli geologist claims he has ` confirmed ' the existence and authenticity of a tomb belonging to jesus and his son in jerusalem .dr shimron 's work has renewed the controversy over the talpiot tomb , which was found in 1980 and dates back to the second temple period and the time of jesus ( a portrait is pictured )\"]\n", + "=======================\n", + "[\"geologist ran 150 chemical tests on ossuaries and ` jesus family tomb 'claims chemical signature proves james ossuary was at jerusalem sitechalk box bears inscription ` james , son of joseph , brother of jesus 'find suggests jesus fathered a child and was married\"]\n", + "after extensive chemical tests , dr arye shimron says he has linked the james ossuary -- a 1st-century chalk box that some believe hold the bones of jesus ' brother -- to the long disputed ` jesus family tomb ' in the city 's east talpiot neighbourhood .an israeli geologist claims he has ` confirmed ' the existence and authenticity of a tomb belonging to jesus and his son in jerusalem .dr shimron 's work has renewed the controversy over the talpiot tomb , which was found in 1980 and dates back to the second temple period and the time of jesus ( a portrait is pictured )\n", + "geologist ran 150 chemical tests on ossuaries and ` jesus family tomb 'claims chemical signature proves james ossuary was at jerusalem sitechalk box bears inscription ` james , son of joseph , brother of jesus 'find suggests jesus fathered a child and was married\n", + "[1.2094584 1.5793607 1.3486338 1.2268649 1.1874843 1.1095622 1.1026249\n", + " 1.1088306 1.067216 1.0493107 1.0652409 1.0766037 1.0692799 1.09956\n", + " 1.0345836 1.0866446 1.1267569 1.0336653 1.0755444 1.0467519 1.0352697]\n", + "\n", + "[ 1 2 3 0 4 16 5 7 6 13 15 11 18 12 8 10 9 19 20 14 17]\n", + "=======================\n", + "['ben hiscox , 30 , was playing a home game for stoke gifford united in bristol on saturday when he slipped on the wet ground following the tackle and crashed into the building .the striker was knocked unconscious and rushed to intensive care for urgent treatment .but , three days later , he suffered two seizures and died in hospital .']\n", + "=======================\n", + "['ben hiscox , 30 , was playing for stoke gifford united in bristol on saturdayhe slid on wet ground and ploughed into the building after going for a ballstriker was rushed to intensive care but died three days later from seizuresclub spokesman said : ` no one is blaming anyone .']\n", + "ben hiscox , 30 , was playing a home game for stoke gifford united in bristol on saturday when he slipped on the wet ground following the tackle and crashed into the building .the striker was knocked unconscious and rushed to intensive care for urgent treatment .but , three days later , he suffered two seizures and died in hospital .\n", + "ben hiscox , 30 , was playing for stoke gifford united in bristol on saturdayhe slid on wet ground and ploughed into the building after going for a ballstriker was rushed to intensive care but died three days later from seizuresclub spokesman said : ` no one is blaming anyone .\n", + "[1.2435104 1.2751207 1.3719807 1.2616981 1.1448092 1.0181853 1.025862\n", + " 1.0503776 1.0915601 1.1336309 1.2171344 1.1718037 1.0994977 1.0460211\n", + " 1.0401272 1.0386392 1.0601124 1.0170149 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 0 10 11 4 9 12 8 16 7 13 14 15 6 5 17 19 18 20]\n", + "=======================\n", + "[\"billed by the brand as ` perfect for every blushing bride ' , the underwear and loungewear collection comes in soft palettes of ivory and nude , and is not without a raunchy streak .and here , emma louise connolly shows off her incredible figure as she models ann summers ' first bridal wear lingerie .ann summers , known best for its mainstream erotic lingerie and toys , has unveiled its very first foray into bridal wear ( pictured )\"]\n", + "=======================\n", + "[\"this is emma louise connolly 's second campaign for ann summersthe erotic bridal range is priced between # 14 and # 85it features cut-out bras and a peek-a-boo thong\"]\n", + "billed by the brand as ` perfect for every blushing bride ' , the underwear and loungewear collection comes in soft palettes of ivory and nude , and is not without a raunchy streak .and here , emma louise connolly shows off her incredible figure as she models ann summers ' first bridal wear lingerie .ann summers , known best for its mainstream erotic lingerie and toys , has unveiled its very first foray into bridal wear ( pictured )\n", + "this is emma louise connolly 's second campaign for ann summersthe erotic bridal range is priced between # 14 and # 85it features cut-out bras and a peek-a-boo thong\n", + "[1.0602416 1.0389748 1.3659556 1.3810036 1.2942737 1.0945765 1.1419482\n", + " 1.1088159 1.0933695 1.0528035 1.1616213 1.1208133 1.0326422 1.0097266\n", + " 1.0126705 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 4 10 6 11 7 5 8 0 9 1 12 14 13 19 15 16 17 18 20]\n", + "=======================\n", + "[\"the 29-year-old 's brand elliott label is suddenly the hit of hollywood , and is adorning the backs of stars including kourtney kardashian , drew barrymore , cameron diaz and pop group grl .kylie gulliver , a former model and actress ( with appearances on neighbours , offspring and winners and losers on her resume ) from melbourne had been toiling away at her small leather brand for three years , before a very modern encounter - via instagram - changed her fortune .elliott entourage : melbourne brand ` elliott label ' is hitting the big time in hollywood with drew barrymore a fan\"]\n", + "=======================\n", + "[\"melbourne based fashion brand elliott label makes it in hollywoodfounder kylie gulliver has partnered with pussycat dolls ' robin antinthe pair initially met through instagramstars including drew barrymore and mimie elashiry attended us launchthe luxe label features leather staples and tailored pieces in rangenext the design duo are set to launch sport range\"]\n", + "the 29-year-old 's brand elliott label is suddenly the hit of hollywood , and is adorning the backs of stars including kourtney kardashian , drew barrymore , cameron diaz and pop group grl .kylie gulliver , a former model and actress ( with appearances on neighbours , offspring and winners and losers on her resume ) from melbourne had been toiling away at her small leather brand for three years , before a very modern encounter - via instagram - changed her fortune .elliott entourage : melbourne brand ` elliott label ' is hitting the big time in hollywood with drew barrymore a fan\n", + "melbourne based fashion brand elliott label makes it in hollywoodfounder kylie gulliver has partnered with pussycat dolls ' robin antinthe pair initially met through instagramstars including drew barrymore and mimie elashiry attended us launchthe luxe label features leather staples and tailored pieces in rangenext the design duo are set to launch sport range\n", + "[1.2445531 1.3520418 1.2629391 1.2640005 1.2700043 1.0619864 1.0152537\n", + " 1.0122194 1.1696038 1.1501088 1.073842 1.0566012 1.145494 1.0387465\n", + " 1.0582039 1.05615 1.0802974 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 2 0 8 9 12 16 10 5 14 11 15 13 6 7 19 17 18 20]\n", + "=======================\n", + "[\"insurance giant admiral said many youngsters addicted to their mobile phones lose out at the very beginning of looking for work - because they failed to string a normal sentence together .the cardiff-based insurer with more than 5,000 staff voiced their fears in evidence to the welsh assembly 's enterprise and business committee that many youngsters failed at the application form stage .young job seekers fill forms with text speak such as ' u r a gr8 company 2 work 4 ' and ` btw am out of work atm '\"]\n", + "=======================\n", + "[\"admiral insurance has complained about use of text speak in applicationsu r a gr8 company 2 work 4 ' just one example of the poorly worded formswelsh assembly asked companies to say why school leavers out of work\"]\n", + "insurance giant admiral said many youngsters addicted to their mobile phones lose out at the very beginning of looking for work - because they failed to string a normal sentence together .the cardiff-based insurer with more than 5,000 staff voiced their fears in evidence to the welsh assembly 's enterprise and business committee that many youngsters failed at the application form stage .young job seekers fill forms with text speak such as ' u r a gr8 company 2 work 4 ' and ` btw am out of work atm '\n", + "admiral insurance has complained about use of text speak in applicationsu r a gr8 company 2 work 4 ' just one example of the poorly worded formswelsh assembly asked companies to say why school leavers out of work\n", + "[1.0991373 1.3069494 1.4291385 1.1429076 1.2759066 1.0898724 1.1615535\n", + " 1.223115 1.0648566 1.1703945 1.0828735 1.0225511 1.0711422 1.0150685\n", + " 1.1449236 1.0112364 1.029933 1.0231001 1.0122647 0. 0. ]\n", + "\n", + "[ 2 1 4 7 9 6 14 3 0 5 10 12 8 16 17 11 13 18 15 19 20]\n", + "=======================\n", + "['the nocturnal shopping sprees are likely down to the 86 per cent of those surveyed who admit to turning to online retailers to purchase items that they are too embarrassed to buy in stores .one in five admit to doing a spot of online shopping in bed at night , according to a new study .the study , released by the startrack online retail industry awards , found work will often take a back seat when online shopping is only a click away .']\n", + "=======================\n", + "['one in five australians admit to shopping in bed with the lights out27 per cent confess to sneakily shopping online at workthree to four times a day is the regular amount people surf the shopsembarrassing items purchased online include underwear , personal hygiene and action figures']\n", + "the nocturnal shopping sprees are likely down to the 86 per cent of those surveyed who admit to turning to online retailers to purchase items that they are too embarrassed to buy in stores .one in five admit to doing a spot of online shopping in bed at night , according to a new study .the study , released by the startrack online retail industry awards , found work will often take a back seat when online shopping is only a click away .\n", + "one in five australians admit to shopping in bed with the lights out27 per cent confess to sneakily shopping online at workthree to four times a day is the regular amount people surf the shopsembarrassing items purchased online include underwear , personal hygiene and action figures\n", + "[1.0597574 1.4287297 1.3855534 1.10964 1.1481768 1.2795177 1.3039068\n", + " 1.0744666 1.0262138 1.0345175 1.1264405 1.0364348 1.0167545 1.1856245\n", + " 1.0459754 1.1017942 1.0518155 1.0577856 1.0405449]\n", + "\n", + "[ 1 2 6 5 13 4 10 3 15 7 0 17 16 14 18 11 9 8 12]\n", + "=======================\n", + "[\"but with the cost of maintenance and repairs to damaged public housing nearing $ 13 million a year in nsw alone , the state government has had enough and is planning to make tenants pay a bond before they move in .communities minister brad hazzard said it was a ` very likely possibility ' the plan would be implemented in the near future .the minister said it would most likely be a one month bond , paid off over six months to a year .\"]\n", + "=======================\n", + "['public housing tenants will pay a bond under a nsw government plancommunity services minister brad hazzard said the annual bill for repairs and maintenance on taxpayer-funded housing had hit $ 12 millionmr hazzard said the bond would be able to be paid in instalments']\n", + "but with the cost of maintenance and repairs to damaged public housing nearing $ 13 million a year in nsw alone , the state government has had enough and is planning to make tenants pay a bond before they move in .communities minister brad hazzard said it was a ` very likely possibility ' the plan would be implemented in the near future .the minister said it would most likely be a one month bond , paid off over six months to a year .\n", + "public housing tenants will pay a bond under a nsw government plancommunity services minister brad hazzard said the annual bill for repairs and maintenance on taxpayer-funded housing had hit $ 12 millionmr hazzard said the bond would be able to be paid in instalments\n", + "[1.4040252 1.4479989 1.3982608 1.1921935 1.3276337 1.0370831 1.0184684\n", + " 1.0275166 1.0364898 1.0177656 1.3487866 1.0254228 1.0337142 1.0160962\n", + " 1.0106901 1.0248632 1.3060263 1.0081041 1.0099385]\n", + "\n", + "[ 1 0 2 10 4 16 3 5 8 12 7 11 15 6 9 13 14 18 17]\n", + "=======================\n", + "[\"last week red bull owner dietrich mateschitz warned renault to solve their problems otherwise he would consider pulling his teams out of formula one .renault managing director cyril abiteboul has boldly declared to red bull team principal christian horner his aim that come late may there will be no further power-unit issues .a few days later renault endured a chinese grand prix to forget as daniil kvyat 's red bull and the toro rosso of max verstappen both suffered a power-unit failure .\"]\n", + "=======================\n", + "[\"renault have promised red bull that they will resolve power-unit problemsred bull owner dietrich mateschitz threatened to pull out of f1daniil kvyat 's red bull and max verstappen ' toro rosso both suffered a power-unit failure at chinese grand prix in shanghai\"]\n", + "last week red bull owner dietrich mateschitz warned renault to solve their problems otherwise he would consider pulling his teams out of formula one .renault managing director cyril abiteboul has boldly declared to red bull team principal christian horner his aim that come late may there will be no further power-unit issues .a few days later renault endured a chinese grand prix to forget as daniil kvyat 's red bull and the toro rosso of max verstappen both suffered a power-unit failure .\n", + "renault have promised red bull that they will resolve power-unit problemsred bull owner dietrich mateschitz threatened to pull out of f1daniil kvyat 's red bull and max verstappen ' toro rosso both suffered a power-unit failure at chinese grand prix in shanghai\n", + "[1.077664 1.1396896 1.3261647 1.2620747 1.2907797 1.1226444 1.2112087\n", + " 1.1058004 1.1214426 1.0508069 1.0523034 1.0342952 1.0752316 1.0377722\n", + " 1.1068212 1.0932128 1.0626881 1.0500395 0. ]\n", + "\n", + "[ 2 4 3 6 1 5 8 14 7 15 0 12 16 10 9 17 13 11 18]\n", + "=======================\n", + "[\"this so-called ` snowball earth ' theory suggests that our planet was once entirely frozen over - and it could have implications for finding life on other frozen worlds like europa and enceladus .it suggests temperatures at earth 's equator were -40 °c ( -40 °f ) 2.4 billion years ago ( artist 's illustration shown ) .a university of cologne scientist led research proposing a new theory .\"]\n", + "=======================\n", + "['university of cologne scientist led research proposing new theoryit suggests temperatures at the equator were -40 °c 2.4 billion years agothe reasons why the whole planet was frozen are not understoodbut it could have implications for finding life on frozen moons like europa']\n", + "this so-called ` snowball earth ' theory suggests that our planet was once entirely frozen over - and it could have implications for finding life on other frozen worlds like europa and enceladus .it suggests temperatures at earth 's equator were -40 °c ( -40 °f ) 2.4 billion years ago ( artist 's illustration shown ) .a university of cologne scientist led research proposing a new theory .\n", + "university of cologne scientist led research proposing new theoryit suggests temperatures at the equator were -40 °c 2.4 billion years agothe reasons why the whole planet was frozen are not understoodbut it could have implications for finding life on frozen moons like europa\n", + "[1.295299 1.2729995 1.3457894 1.1063106 1.1956552 1.1558218 1.2673507\n", + " 1.106526 1.126367 1.1079391 1.0340728 1.0779961 1.0490841 1.0594633\n", + " 1.0802081 1.1258795 1.0516337 1.0127891 1.0120841]\n", + "\n", + "[ 2 0 1 6 4 5 8 15 9 7 3 14 11 13 16 12 10 17 18]\n", + "=======================\n", + "['it is used in britain by counterterrorism police .off target : it has been claimed the g36 ( pictured ) does not shoot straight when it overheats at 30cthe g36 was created for the requirements of the german armed forces but it is also used as an infantry weapon in around 50 countries .']\n", + "=======================\n", + "['leaked report suggests g36 rifle did not shoot straight when it overheatedgerman army carried out tests and none of the 304 assault rifles passedthe weapon is used by british counterterrorism officers across the ukan urgent home office review has been called for in light of the findings']\n", + "it is used in britain by counterterrorism police .off target : it has been claimed the g36 ( pictured ) does not shoot straight when it overheats at 30cthe g36 was created for the requirements of the german armed forces but it is also used as an infantry weapon in around 50 countries .\n", + "leaked report suggests g36 rifle did not shoot straight when it overheatedgerman army carried out tests and none of the 304 assault rifles passedthe weapon is used by british counterterrorism officers across the ukan urgent home office review has been called for in light of the findings\n", + "[1.4760183 1.276737 1.3026698 1.3819039 1.279959 1.0546182 1.0297489\n", + " 1.0257919 1.0251554 1.0264368 1.0816445 1.0557525 1.0637652 1.1755874\n", + " 1.0507138 1.0733742 1.128037 0. 0. ]\n", + "\n", + "[ 0 3 2 4 1 13 16 10 15 12 11 5 14 6 9 7 8 17 18]\n", + "=======================\n", + "[\"martina hingis will play her first singles match since 2007 on saturday when they faces poland 's agnieszka radwanksa in the fed cup for switzerland .the 34-year-old was ranked no 1 in the world for 209 weeks - the fourth all-time behind steffi graf , martina navratilova and chris evert - and is poised to return .hingis won all five of her grand slam titles by the age of 18 and had the world at her feet , before retiring at the age of 22 in february 2003 due to injuries .\"]\n", + "=======================\n", + "[\"martina hingis faces poland 's agnieszka radwanksa in the fed cupsaturday 's tie will be her first singles match since 2007hingis won all five of her grand slam titles by the age of 18the now-34-year-old retired at the age of 22 in february 2003 citing injuries\"]\n", + "martina hingis will play her first singles match since 2007 on saturday when they faces poland 's agnieszka radwanksa in the fed cup for switzerland .the 34-year-old was ranked no 1 in the world for 209 weeks - the fourth all-time behind steffi graf , martina navratilova and chris evert - and is poised to return .hingis won all five of her grand slam titles by the age of 18 and had the world at her feet , before retiring at the age of 22 in february 2003 due to injuries .\n", + "martina hingis faces poland 's agnieszka radwanksa in the fed cupsaturday 's tie will be her first singles match since 2007hingis won all five of her grand slam titles by the age of 18the now-34-year-old retired at the age of 22 in february 2003 citing injuries\n", + "[1.4688158 1.1785637 1.1030504 1.4848521 1.2431079 1.1047497 1.2090763\n", + " 1.157711 1.0833633 1.0323205 1.0173182 1.0843828 1.0761955 1.0684236\n", + " 1.0168414 1.0105269 1.0111758 1.0648955]\n", + "\n", + "[ 3 0 4 6 1 7 5 2 11 8 12 13 17 9 10 14 16 15]\n", + "=======================\n", + "['felice herrig and paige vanzant face off during the weigh-inpaige vanzant and felice herrig had to be pulled apart as they squared off ahead of their strawweight clash in new jersey .herrig and vanzant will face each other in the octagon on saturday night']\n", + "=======================\n", + "['paige vanzant takes on felice herrig in new jersey on saturdaythe 21-year-old has only had five fights but is the latest ufc starshe is one of a select few to have an individual contract with reebokvanzant could realistically become the youngest-ever ufc champion']\n", + "felice herrig and paige vanzant face off during the weigh-inpaige vanzant and felice herrig had to be pulled apart as they squared off ahead of their strawweight clash in new jersey .herrig and vanzant will face each other in the octagon on saturday night\n", + "paige vanzant takes on felice herrig in new jersey on saturdaythe 21-year-old has only had five fights but is the latest ufc starshe is one of a select few to have an individual contract with reebokvanzant could realistically become the youngest-ever ufc champion\n", + "[1.1229012 1.1700908 1.3316298 1.2110053 1.3072414 1.1323045 1.1233841\n", + " 1.1618502 1.1023676 1.0523343 1.0335766 1.0180382 1.0168005 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 4 3 1 7 5 6 0 8 9 10 11 12 13 14 15 16 17]\n", + "=======================\n", + "[\"executives at coronation street have reportedly just overturned a ban on their cast offering their dulcet tones to radio advertising campaigns after rumours of a near-mutiny among its actors , the catalyst for which was katy 's extensive voiceover work .complaints from actors have led bosses to revise the banput a sock in it : in the past corrie has reportedly tried to silence its stars when they 've asked to do voiceover work for television adverts .\"]\n", + "=======================\n", + "[\"coronation street execs have ditched a ban on talent doing voiceover workformer star katy cavanagh had been ticked off for doing bbc iplayer adshow 's other actors staged a ` mutiny ' , forcing ban to be overturnedother actors who 've cashed in include benedict cumberbatch ( pedigree ) , olivia colman ( andrex ) , shane richie ( plenty kitchen roll )\"]\n", + "executives at coronation street have reportedly just overturned a ban on their cast offering their dulcet tones to radio advertising campaigns after rumours of a near-mutiny among its actors , the catalyst for which was katy 's extensive voiceover work .complaints from actors have led bosses to revise the banput a sock in it : in the past corrie has reportedly tried to silence its stars when they 've asked to do voiceover work for television adverts .\n", + "coronation street execs have ditched a ban on talent doing voiceover workformer star katy cavanagh had been ticked off for doing bbc iplayer adshow 's other actors staged a ` mutiny ' , forcing ban to be overturnedother actors who 've cashed in include benedict cumberbatch ( pedigree ) , olivia colman ( andrex ) , shane richie ( plenty kitchen roll )\n", + "[1.4065422 1.3447468 1.3276097 1.1524885 1.1445118 1.1028599 1.0392561\n", + " 1.0244805 1.1109027 1.1088663 1.1268673 1.0723184 1.1311111 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 12 10 8 9 5 11 6 7 16 13 14 15 17]\n", + "=======================\n", + "['kano , nigeria ( cnn ) an explosion late thursday outside a bus station in the northeast nigerian city of gombe killed at least five people and injured more than a dozen others , witnesses said .the explosion outside the bauchi motor park happened around 8:30 p.m. after a woman left her explosives-laden handbag near a bus filling up with passengers .\" there has been an explosion just outside the motor park and five people have been killed while more than 12 others have been seriously injured , \" said adamu saidu , an employee at the bus station .']\n", + "=======================\n", + "['woman leaves explosives-laden handbag beside bus during boardingno group has claimed responsibility , but boko haram is suspected']\n", + "kano , nigeria ( cnn ) an explosion late thursday outside a bus station in the northeast nigerian city of gombe killed at least five people and injured more than a dozen others , witnesses said .the explosion outside the bauchi motor park happened around 8:30 p.m. after a woman left her explosives-laden handbag near a bus filling up with passengers .\" there has been an explosion just outside the motor park and five people have been killed while more than 12 others have been seriously injured , \" said adamu saidu , an employee at the bus station .\n", + "woman leaves explosives-laden handbag beside bus during boardingno group has claimed responsibility , but boko haram is suspected\n", + "[1.6150432 1.3243599 1.1546344 1.1739843 1.1896942 1.1977894 1.064798\n", + " 1.0781273 1.0725057 1.0510207 1.0294342 1.0806686 1.0421585 1.0514538\n", + " 1.0180011 1.0119833 1.0304449 0. ]\n", + "\n", + "[ 0 1 5 4 3 2 11 7 8 6 13 9 12 16 10 14 15 17]\n", + "=======================\n", + "[\"ben jones-bishop scored a spectacular solo try as the salford red devils ended a run of 17 defeats in a row by wigan after a thrilling 24-18 contest which saw both players finish with 12 men .jones-bishop , snapped up from leeds rhinos in the close-season , extended his lead as salford 's leading scorer with his seventh of the campaign .salford 's last win against wigan was a 16-4 challenge cup fifth-round victory at the willows in 2006 .\"]\n", + "=======================\n", + "[\"ben jones-bishop impressed by scoring solo try against the warriorsjones-bishop extended lead as salford 's leading scorer of the campaignboth salford and wigan finished the match with 12 men\"]\n", + "ben jones-bishop scored a spectacular solo try as the salford red devils ended a run of 17 defeats in a row by wigan after a thrilling 24-18 contest which saw both players finish with 12 men .jones-bishop , snapped up from leeds rhinos in the close-season , extended his lead as salford 's leading scorer with his seventh of the campaign .salford 's last win against wigan was a 16-4 challenge cup fifth-round victory at the willows in 2006 .\n", + "ben jones-bishop impressed by scoring solo try against the warriorsjones-bishop extended lead as salford 's leading scorer of the campaignboth salford and wigan finished the match with 12 men\n", + "[1.4974208 1.3107975 1.2491893 1.2621725 1.2421681 1.2080252 1.1508019\n", + " 1.156873 1.0157361 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 5 7 6 8 9 10 11 12 13 14 15 16 17]\n", + "=======================\n", + "['uncapped duo shai hope and carlos brathwaite have been included in a 14-man west indies squad for the first test against england .the islanders have cut six names from their first training camp under new coach phil simmons , who began work last week .jason holder , the west indies one-day captain , takes his place in the test squad to face england']\n", + "=======================\n", + "['islanders have cut six names from squad for first training campuncapped duo hope and brathwaite have made 14-man squadfirst test against england start in antigua on monday']\n", + "uncapped duo shai hope and carlos brathwaite have been included in a 14-man west indies squad for the first test against england .the islanders have cut six names from their first training camp under new coach phil simmons , who began work last week .jason holder , the west indies one-day captain , takes his place in the test squad to face england\n", + "islanders have cut six names from squad for first training campuncapped duo hope and brathwaite have made 14-man squadfirst test against england start in antigua on monday\n", + "[1.1375333 1.0570359 1.0466802 1.3661321 1.3712871 1.3129239 1.1810949\n", + " 1.0826219 1.1329305 1.0310189 1.1181891 1.042663 1.0184227 1.0402445\n", + " 1.0152259 1.0377114 1.1233703 1.0396519 1.0599065 1.0244317 1.032678\n", + " 1.0494299]\n", + "\n", + "[ 4 3 5 6 0 8 16 10 7 18 1 21 2 11 13 17 15 20 9 19 12 14]\n", + "=======================\n", + "['several places like hong kong , singapore and taiwan have rates in the 80 % .the rates of myopia have doubled , even tripled , in most of east asia over the last 40 years , researchers say .in south korea , myopia rates among 20-year-olds have leaped from 18 % in 1955 to over 96 % myopia in 2011 .']\n", + "=======================\n", + "['east asia sees soaring rates of myopia , with 80-90 % of young adult population affectedevidence that myopia rates are increasing in europe and the u.s.scientists advice for kids : go outside and play']\n", + "several places like hong kong , singapore and taiwan have rates in the 80 % .the rates of myopia have doubled , even tripled , in most of east asia over the last 40 years , researchers say .in south korea , myopia rates among 20-year-olds have leaped from 18 % in 1955 to over 96 % myopia in 2011 .\n", + "east asia sees soaring rates of myopia , with 80-90 % of young adult population affectedevidence that myopia rates are increasing in europe and the u.s.scientists advice for kids : go outside and play\n", + "[1.2329464 1.2396387 1.3307874 1.2771728 1.1239185 1.2568071 1.2073736\n", + " 1.0970699 1.147375 1.1729286 1.0511736 1.0709125 1.049127 1.0159267\n", + " 1.0084922 1.070887 1.1406448 1.084699 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 3 5 1 0 6 9 8 16 4 7 17 11 15 10 12 13 14 20 18 19 21]\n", + "=======================\n", + "[\"the 53-year-old was arrested after her teenage daughter , blanca cousins , fell from the 19th floor of their luxury apartment in hong kong on tuesday .mr cousins was also arrested on suspicion of ` ill treatment ' after it emerged blanca 's birth had not been registered , but he has not been charged and is on bailmanaging director nick cousins looked visibly upset and his filipino wife herminia garcia was shaking when they emerged from the court in the sai wai ho suburb of hong kong , after she was granted bail .\"]\n", + "=======================\n", + "[\"pair ` visibly upset and shaking ' as they left the hong kong court togetherherminia garcia charged with ` wilful neglect ' after death of daughterblanca cousins , 15 , plunged to her death from luxury apartment blockbirths of her and her sister never registered and girls ` did not go to school '\"]\n", + "the 53-year-old was arrested after her teenage daughter , blanca cousins , fell from the 19th floor of their luxury apartment in hong kong on tuesday .mr cousins was also arrested on suspicion of ` ill treatment ' after it emerged blanca 's birth had not been registered , but he has not been charged and is on bailmanaging director nick cousins looked visibly upset and his filipino wife herminia garcia was shaking when they emerged from the court in the sai wai ho suburb of hong kong , after she was granted bail .\n", + "pair ` visibly upset and shaking ' as they left the hong kong court togetherherminia garcia charged with ` wilful neglect ' after death of daughterblanca cousins , 15 , plunged to her death from luxury apartment blockbirths of her and her sister never registered and girls ` did not go to school '\n", + "[1.1651645 1.4803014 1.3316886 1.3727809 1.2264506 1.1496471 1.0572171\n", + " 1.0490708 1.0319899 1.0242283 1.0404477 1.0546949 1.1163523 1.1294612\n", + " 1.0173095 1.0116785 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 4 0 5 13 12 6 11 7 10 8 9 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"olly taylor , 27 , is offering his version the easter feast , which is stuffed with the equivalent of almost 100 teaspoons of sugar , at his black milk cafe in manchester 's northern quarter .the breakfast includes two types of cereal served in half an easter egg , with brownies , marshmallows and mini eggs , topped off with three different types of flavoured milk .up for the challenge : customer glen keogh attemps the 4,000-calorie meal which has 388g of sugar\"]\n", + "=======================\n", + "[\"two types of cereal in an easter egg with marshmallows and browniesserved at black milk cafe in manchester 's northern quarter` easter is less about what is used to mean , ' cafe owner olly taylor said\"]\n", + "olly taylor , 27 , is offering his version the easter feast , which is stuffed with the equivalent of almost 100 teaspoons of sugar , at his black milk cafe in manchester 's northern quarter .the breakfast includes two types of cereal served in half an easter egg , with brownies , marshmallows and mini eggs , topped off with three different types of flavoured milk .up for the challenge : customer glen keogh attemps the 4,000-calorie meal which has 388g of sugar\n", + "two types of cereal in an easter egg with marshmallows and browniesserved at black milk cafe in manchester 's northern quarter` easter is less about what is used to mean , ' cafe owner olly taylor said\n", + "[1.4325758 1.3776051 1.3775487 1.1946567 1.1092116 1.1437472 1.0661707\n", + " 1.0456042 1.0912656 1.0563707 1.0430374 1.0362512 1.034162 1.0411501\n", + " 1.0270771 1.0148927 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 3 5 4 8 6 9 7 10 13 11 12 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"fran kirby staked an impressive claim for a world cup starting role with england women as she created the first goal and scored a brilliant second in a 2-1 win over china .england began in thrilling style , with kirby fashioning the opener for strike partner jodie taylor after just a minute of play .reading striker kirby then fired home the second goal of her short international career - this was her eighth cap - to put the home side in apparently full control at manchester city 's academy stadium .\"]\n", + "=======================\n", + "[\"jodie taylor fired england into the lead in the opening minutereading striker fran kirby doubled england 's advantagewang shanshan pulled a goal back for china in the 16th minute\"]\n", + "fran kirby staked an impressive claim for a world cup starting role with england women as she created the first goal and scored a brilliant second in a 2-1 win over china .england began in thrilling style , with kirby fashioning the opener for strike partner jodie taylor after just a minute of play .reading striker kirby then fired home the second goal of her short international career - this was her eighth cap - to put the home side in apparently full control at manchester city 's academy stadium .\n", + "jodie taylor fired england into the lead in the opening minutereading striker fran kirby doubled england 's advantagewang shanshan pulled a goal back for china in the 16th minute\n", + "[1.5906787 1.282516 1.1679872 1.1119936 1.0641767 1.0906768 1.1150075\n", + " 1.2724541 1.1039581 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 7 2 6 3 8 5 4 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", + "=======================\n", + "['( cnn ) just weeks after marvel \\'s \" daredevil \" premiered its first season on netflix , the company confirmed tuesday that a second season will be coming in 2016 .the show focuses on attorney matt murdock ( played by charlie cox ) , who was blinded as a child , as he fights injustice by day using the law .by night , he continues the fight , becoming the superhero daredevil and using his powers to protect the new york neighborhood of hell \\'s kitchen .']\n", + "=======================\n", + "['the critically acclaimed \" daredevil \" will be back for season 2charlie cox plays a blind attorney by day who is a superhero by night']\n", + "( cnn ) just weeks after marvel 's \" daredevil \" premiered its first season on netflix , the company confirmed tuesday that a second season will be coming in 2016 .the show focuses on attorney matt murdock ( played by charlie cox ) , who was blinded as a child , as he fights injustice by day using the law .by night , he continues the fight , becoming the superhero daredevil and using his powers to protect the new york neighborhood of hell 's kitchen .\n", + "the critically acclaimed \" daredevil \" will be back for season 2charlie cox plays a blind attorney by day who is a superhero by night\n", + "[1.4105779 1.261385 1.2823704 1.4199262 1.2388237 1.1327615 1.0371975\n", + " 1.113402 1.0565501 1.0444403 1.0621004 1.10682 1.0087376 1.0190349\n", + " 1.0197066 1.0107853 1.0423595 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 0 2 1 4 5 7 11 10 8 9 16 6 14 13 15 12 20 17 18 19 21]\n", + "=======================\n", + "['andy murray celebrates winning a point in the second set against novak djokovic in the mens finalandy murray arrived back in britain on monday restored as world no 3 in the new rankings -- but set aside thoughts of that to focus on his wedding in dunblane this weekend .there are believed to be well over 100 people attending , but star spotters will find celebrities in short supply as the couple focus on celebrating with family and genuine friends .']\n", + "=======================\n", + "[\"tournament performances have restored andy murray to world no 3but it 's wedding to kim sears that takes murray 's no 1 spot this weekmurray is due to marry fiancée sears in dunblane this coming saturdaythere are believed to be well over 100 names on down-to-earth guest list\"]\n", + "andy murray celebrates winning a point in the second set against novak djokovic in the mens finalandy murray arrived back in britain on monday restored as world no 3 in the new rankings -- but set aside thoughts of that to focus on his wedding in dunblane this weekend .there are believed to be well over 100 people attending , but star spotters will find celebrities in short supply as the couple focus on celebrating with family and genuine friends .\n", + "tournament performances have restored andy murray to world no 3but it 's wedding to kim sears that takes murray 's no 1 spot this weekmurray is due to marry fiancée sears in dunblane this coming saturdaythere are believed to be well over 100 names on down-to-earth guest list\n", + "[1.2745205 1.4680473 1.0937414 1.43146 1.3374043 1.2932161 1.0189929\n", + " 1.1609485 1.2511991 1.1884797 1.0087626 1.013226 1.0097165 1.0162579\n", + " 1.0114138 1.0234332 1.0223893 1.0189047 1.0093726 1.0098789 1.0115885\n", + " 1.0708733]\n", + "\n", + "[ 1 3 4 5 0 8 9 7 2 21 15 16 6 17 13 11 20 14 19 12 18 10]\n", + "=======================\n", + "['the 25-year-old is out of their pivotal champions league quarter-final second leg at the santiago bernabeu after suffering a calf injury early on in their 3-1 win against malaga at the weekend .gareth bale took to facebook on wednesday to wish real madrid good luck against city rivals atleticoalong with bale , real boss carlo ancelotti will also be without first-team regulars karim benzema and luka modric for the tie .']\n", + "=======================\n", + "['real madrid face atletico madrid in the champions league on wednesdayquarter-final second leg at the santiago bernabeu is tightly-poised at 0-0real forward gareth bale will miss the clash due to calf injuryread : ancelotti has a poor record against simeone ... but he must advance']\n", + "the 25-year-old is out of their pivotal champions league quarter-final second leg at the santiago bernabeu after suffering a calf injury early on in their 3-1 win against malaga at the weekend .gareth bale took to facebook on wednesday to wish real madrid good luck against city rivals atleticoalong with bale , real boss carlo ancelotti will also be without first-team regulars karim benzema and luka modric for the tie .\n", + "real madrid face atletico madrid in the champions league on wednesdayquarter-final second leg at the santiago bernabeu is tightly-poised at 0-0real forward gareth bale will miss the clash due to calf injuryread : ancelotti has a poor record against simeone ... but he must advance\n", + "[1.3321288 1.4771028 1.3023136 1.2097847 1.0313717 1.309455 1.164299\n", + " 1.0252798 1.2535354 1.0274714 1.0126562 1.012301 1.0452765 1.1332096\n", + " 1.0146191 1.041576 1.0097699 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 5 2 8 3 6 13 12 15 4 9 7 14 10 11 16 20 17 18 19 21]\n", + "=======================\n", + "[\"ms ainscough , 30 , died in late february following a lengthy fight with a rare and aggressive form of cancer known as epithelioid sarcoma .the devastated fiance of the late ` wellness warrior ' jessica ainscough has written an emotional letter to her followers , revealing she was undergoing radiation treatment in her final weeks and ` giggling and drinking green smoothies ' in her hospital bed until the day she died .jessica ainscough ( left ) was planning to marry her partner tallon pamenter this year .\"]\n", + "=======================\n", + "[\"devastated fiance of late ` wellness warrior ' jessica ainscough writes touching tribute to followersainscough , 30 , died in february following a lengthy fight with a rare and aggressive form of cancershe advocated treating cancer with a vegan diet and coffee enemaspartner tallon pamenter , who she was to marry this year , said : ` my heart is in a million pieces '` this year has stripped me from the one thing that brought magic to every aspect of my life 'mr pamenter also revealed she underwent radiation in her final weeks\"]\n", + "ms ainscough , 30 , died in late february following a lengthy fight with a rare and aggressive form of cancer known as epithelioid sarcoma .the devastated fiance of the late ` wellness warrior ' jessica ainscough has written an emotional letter to her followers , revealing she was undergoing radiation treatment in her final weeks and ` giggling and drinking green smoothies ' in her hospital bed until the day she died .jessica ainscough ( left ) was planning to marry her partner tallon pamenter this year .\n", + "devastated fiance of late ` wellness warrior ' jessica ainscough writes touching tribute to followersainscough , 30 , died in february following a lengthy fight with a rare and aggressive form of cancershe advocated treating cancer with a vegan diet and coffee enemaspartner tallon pamenter , who she was to marry this year , said : ` my heart is in a million pieces '` this year has stripped me from the one thing that brought magic to every aspect of my life 'mr pamenter also revealed she underwent radiation in her final weeks\n", + "[1.5884023 1.4888704 1.2836213 1.4990501 1.0797503 1.0308907 1.0258673\n", + " 1.0205449 1.0154629 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 2 4 5 6 7 8 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", + "=======================\n", + "[\"british world dressage champion charlotte dujardin won the grand prix at the world cup in las vegas .the 29-year-old , and her horse valegro , who won the world title in lyon last year , recorded a score of 85.414 percent to finish clear of dutchman edward gal with american steffen peters in third .` las vegas is everything i ever thought it would be so i 've not been disappointed , ' said dujardin .\"]\n", + "=======================\n", + "['british world dressage champion charlotte dujardin wins at world cup29-year-old victorious on horse valegro at grand prix in las vegas']\n", + "british world dressage champion charlotte dujardin won the grand prix at the world cup in las vegas .the 29-year-old , and her horse valegro , who won the world title in lyon last year , recorded a score of 85.414 percent to finish clear of dutchman edward gal with american steffen peters in third .` las vegas is everything i ever thought it would be so i 've not been disappointed , ' said dujardin .\n", + "british world dressage champion charlotte dujardin wins at world cup29-year-old victorious on horse valegro at grand prix in las vegas\n", + "[1.2298306 1.4906293 1.4169918 1.2098489 1.2021275 1.0454813 1.1434696\n", + " 1.0924354 1.0827131 1.0606246 1.0245938 1.0809895 1.0570978 1.060785\n", + " 1.1142039 1.0890803 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 4 6 14 7 15 8 11 13 9 12 5 10 16 17 18 19 20 21]\n", + "=======================\n", + "['dias costa , 49 , slashed the face , arms , and necks of the raiders , who fled the property in a getaway car while dripping with blood .the burglary took place late at night in the cerro norte neighbourhood of cordoba , in central argentina - and all of the men are currently in intensive care .a man defended his home from four armed burglars by hacking pieces out of them with a samurai sword .']\n", + "=======================\n", + "['warning : graphic contentdias costa , 49 , slashed the face , arms , and necks of the four raidersthe men , armed with guns , had broken into his home in central argentinaraiders were forced to flee in getaway car and they are all in intensive care']\n", + "dias costa , 49 , slashed the face , arms , and necks of the raiders , who fled the property in a getaway car while dripping with blood .the burglary took place late at night in the cerro norte neighbourhood of cordoba , in central argentina - and all of the men are currently in intensive care .a man defended his home from four armed burglars by hacking pieces out of them with a samurai sword .\n", + "warning : graphic contentdias costa , 49 , slashed the face , arms , and necks of the four raidersthe men , armed with guns , had broken into his home in central argentinaraiders were forced to flee in getaway car and they are all in intensive care\n", + "[1.2249277 1.3962592 1.3036655 1.2852256 1.2696147 1.2144893 1.0908453\n", + " 1.0878822 1.0343021 1.0352135 1.0256566 1.0380499 1.0645957 1.0773356\n", + " 1.0389231 1.0681646 1.0653809 1.0508877 1.0293599 1.0308216 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 4 0 5 6 7 13 15 16 12 17 14 11 9 8 19 18 10 20 21]\n", + "=======================\n", + "[\"alinea , run by the talented grant achatz has retained its crown as the best restaurant in the world , the annual poll by luxury magazine elite traveler revealed .the eatery , which is chicago 's only three-michelin-starred restaurant , is the brainchild of culinary prodigy grant achatz and features taffy balloons , edible tablecloths and cinnamon bark chopsticks .the top 10 featured four american restaurants which are all in new york .\"]\n", + "=======================\n", + "[\"best restaurant in the world is grant achatz 's alinea , chicagothe awards are voted for by readers of elite traveler magazinethe us has 19 of the best restaurants in the world , followed by france which boasts 14 and the uk , which has a mere eight\"]\n", + "alinea , run by the talented grant achatz has retained its crown as the best restaurant in the world , the annual poll by luxury magazine elite traveler revealed .the eatery , which is chicago 's only three-michelin-starred restaurant , is the brainchild of culinary prodigy grant achatz and features taffy balloons , edible tablecloths and cinnamon bark chopsticks .the top 10 featured four american restaurants which are all in new york .\n", + "best restaurant in the world is grant achatz 's alinea , chicagothe awards are voted for by readers of elite traveler magazinethe us has 19 of the best restaurants in the world , followed by france which boasts 14 and the uk , which has a mere eight\n", + "[1.3106353 1.2979152 1.2818258 1.1302748 1.1852384 1.2690065 1.203927\n", + " 1.1253982 1.0265261 1.08422 1.1070286 1.0656414 1.106102 1.0350821\n", + " 1.0285856 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 5 6 4 3 7 10 12 9 11 13 14 8 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"a body found in the mississippi river over the weekend has been identified as minnesota fourth-grader barway edwin collins who has been missing for nearly four weeks .authorities said the body of the ten-year-old was found on saturday around 1pm by searchers from a boy scout troop - about ten feet from the river 's edge in brooklyn center .crystal police chief stephanie revering said authorities have electronic evidence that shows the boy 's father , pierre collins , 33 , was in that area at the time the boy disappeared .\"]\n", + "=======================\n", + "[\"barway edwin collins , 10 , went missing from his crystal , minnesota apartment complex march 18 after schoolon saturday , searchers from boy scout troop found a body ten feet from mississippi river 's edge which was identified as barwaycrystal police chief said electronic evidence shows boy 's father pierre collins , 33 , was in area where body was found at time he disappearedhennepin county medical examiner said the cause and manner of barway 's death are still being investigated\"]\n", + "a body found in the mississippi river over the weekend has been identified as minnesota fourth-grader barway edwin collins who has been missing for nearly four weeks .authorities said the body of the ten-year-old was found on saturday around 1pm by searchers from a boy scout troop - about ten feet from the river 's edge in brooklyn center .crystal police chief stephanie revering said authorities have electronic evidence that shows the boy 's father , pierre collins , 33 , was in that area at the time the boy disappeared .\n", + "barway edwin collins , 10 , went missing from his crystal , minnesota apartment complex march 18 after schoolon saturday , searchers from boy scout troop found a body ten feet from mississippi river 's edge which was identified as barwaycrystal police chief said electronic evidence shows boy 's father pierre collins , 33 , was in area where body was found at time he disappearedhennepin county medical examiner said the cause and manner of barway 's death are still being investigated\n", + "[1.2671002 1.4725366 1.1736062 1.1023386 1.3306954 1.0654557 1.0477412\n", + " 1.1049305 1.1077408 1.095217 1.0878356 1.0614643 1.1416028 1.063413\n", + " 1.0530779 1.0528264 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 0 2 12 8 7 3 9 10 5 13 11 14 15 6 20 16 17 18 19 21]\n", + "=======================\n", + "[\"the horse , charly , was patrolling venice beach with his minders on tuesday when the vandalism incident occurred .the lapd for searching for the person who tagged a police horse with graffiti this week - but the answer may be in the so-called ` art ' .it was broad daylight , and somehow the person managed to spray charlie without the handlers seeing - a move that taggers pride themselves on , but usually with stationary objects and facades . '\"]\n", + "=======================\n", + "[\"charly was patrolling venice beach with his minders tuesdaysomehow a tagger managed to write ` rbs ' and an arrow on his flankthe silver paint was easily cleaned offbut police want to find the person responsible and have appealed for help\"]\n", + "the horse , charly , was patrolling venice beach with his minders on tuesday when the vandalism incident occurred .the lapd for searching for the person who tagged a police horse with graffiti this week - but the answer may be in the so-called ` art ' .it was broad daylight , and somehow the person managed to spray charlie without the handlers seeing - a move that taggers pride themselves on , but usually with stationary objects and facades . '\n", + "charly was patrolling venice beach with his minders tuesdaysomehow a tagger managed to write ` rbs ' and an arrow on his flankthe silver paint was easily cleaned offbut police want to find the person responsible and have appealed for help\n", + "[1.2853312 1.0852427 1.3950022 1.1190294 1.3662112 1.0495151 1.0805382\n", + " 1.0507125 1.0485846 1.0730481 1.0908846 1.0822892 1.0930575 1.0327231\n", + " 1.073565 1.038827 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 4 0 3 12 10 1 11 6 14 9 7 5 8 15 13 20 16 17 18 19 21]\n", + "=======================\n", + "[\"the 47-year-old grandson of john paul getty , once the world 's richest man , andrew was an heir to the vast getty oil fortune .the body of andrew getty , naked from the waist down , was discovered in a bathroom at his gated , three-storey # 2.6 million villa in the hollywood hills on tuesday afternoon .lurid early reports of his death and troubled past suggest a new chapter has opened in the tragic history of a family that epitomises , like no other , the saying that money does n't bring you happiness .\"]\n", + "=======================\n", + "[\"body of andrew getty found in a bathroom at his # 2.6 m villa on tuesdayfamily history epitomises saying that money does n't bring you happinessgettys have died from overdoses , one never recovered from a kidnappingother members of the family were embroiled in lawsuits and divorces\"]\n", + "the 47-year-old grandson of john paul getty , once the world 's richest man , andrew was an heir to the vast getty oil fortune .the body of andrew getty , naked from the waist down , was discovered in a bathroom at his gated , three-storey # 2.6 million villa in the hollywood hills on tuesday afternoon .lurid early reports of his death and troubled past suggest a new chapter has opened in the tragic history of a family that epitomises , like no other , the saying that money does n't bring you happiness .\n", + "body of andrew getty found in a bathroom at his # 2.6 m villa on tuesdayfamily history epitomises saying that money does n't bring you happinessgettys have died from overdoses , one never recovered from a kidnappingother members of the family were embroiled in lawsuits and divorces\n", + "[1.2651583 1.2498952 1.236565 1.1077286 1.1660028 1.0900067 1.0420321\n", + " 1.072398 1.3450487 1.035568 1.0599741 1.0312469 1.0570223 1.0807887\n", + " 1.0152359 1.0599616 1.0188413 1.0199211 1.0206459 1.033769 1.0139557\n", + " 1.0121628]\n", + "\n", + "[ 8 0 1 2 4 3 5 13 7 10 15 12 6 9 19 11 18 17 16 14 20 21]\n", + "=======================\n", + "[\"martin allen believes it is important for troops to follow order during this crucial stage of the season .martin ` mad dog ' allen returns with his latest column for sportsmail .just a few days ago an old friend of mine jimmy carter , the winger who played for millwall , liverpool and arsenal not the us president , visited barnet and left me a nice packet of milk chocolate biscuits in my office .\"]\n", + "=======================\n", + "[\"martin allen believes it 's a crucial time for troops to follow ordersplayers like john terry ensure whole squad is pulling in same directionperceptions in football need to change and they need to change quicklybirmingham boss garry rowett is heading all the way to the very top\"]\n", + "martin allen believes it is important for troops to follow order during this crucial stage of the season .martin ` mad dog ' allen returns with his latest column for sportsmail .just a few days ago an old friend of mine jimmy carter , the winger who played for millwall , liverpool and arsenal not the us president , visited barnet and left me a nice packet of milk chocolate biscuits in my office .\n", + "martin allen believes it 's a crucial time for troops to follow ordersplayers like john terry ensure whole squad is pulling in same directionperceptions in football need to change and they need to change quicklybirmingham boss garry rowett is heading all the way to the very top\n", + "[1.5472964 1.4312164 1.2620533 1.1546627 1.1337404 1.080808 1.2392323\n", + " 1.0806029 1.026421 1.0660232 1.0389304 1.0532852 1.3031778 1.0470784\n", + " 1.0190012 1.1050243 1.0470396 1.0083218 1.0099392 1.0119338]\n", + "\n", + "[ 0 1 12 2 6 3 4 15 5 7 9 11 13 16 10 8 14 19 18 17]\n", + "=======================\n", + "[\"arsenal midfielder santi cazorla is among a number of players to have offered support to villarreal defender mateo musacchio following his gruesome leg injury .the argentinian fractured his fibula and dislocated his left ankle during his side 's 1-1 draw at getafe in the primera division on sunday .santi cazorla played with musacchio for villarreal before joining arsenal , tweeted support for the defender\"]\n", + "=======================\n", + "[\"mateo musacchio fractured fibula and dislocated ankle during getafe drawsanti cazorla tweeted : ' a lot of best wishes to my friend mateo 'arsenal midfielder cazorla and musacchio played together at villarreal\"]\n", + "arsenal midfielder santi cazorla is among a number of players to have offered support to villarreal defender mateo musacchio following his gruesome leg injury .the argentinian fractured his fibula and dislocated his left ankle during his side 's 1-1 draw at getafe in the primera division on sunday .santi cazorla played with musacchio for villarreal before joining arsenal , tweeted support for the defender\n", + "mateo musacchio fractured fibula and dislocated ankle during getafe drawsanti cazorla tweeted : ' a lot of best wishes to my friend mateo 'arsenal midfielder cazorla and musacchio played together at villarreal\n", + "[1.3005555 1.2598956 1.327788 1.1431488 1.195859 1.0843455 1.0661578\n", + " 1.0589678 1.0453534 1.1332524 1.0441772 1.0245608 1.1026206 1.1059994\n", + " 1.038879 1.0294108 1.1009661 1.0402026 0. 0. ]\n", + "\n", + "[ 2 0 1 4 3 9 13 12 16 5 6 7 8 10 17 14 15 11 18 19]\n", + "=======================\n", + "['khim hang , 22 , displayed a bold collection with brooding models donning stocking caps and attire that could be likened to that of war soldiers .adding a gritty edge to tuesday at mercedes benz fashion week australia , phoenix keating , alice mccall , zhivago and khim hangall embraced a raw , punk style on the catwalk .eighties revival : fishnets were brought back into fashion in the new phoenix keating collection']\n", + "=======================\n", + "['punk-glam stars at fashion week on tuesday bringing an edge to the showphoenix keating , zhivago , khim hang and alice mccall rocked punk glamwhile others like maticevski , ginger and smart and brunsdon play safecollections featured metallics , jewel tones , rigid lines and new textures']\n", + "khim hang , 22 , displayed a bold collection with brooding models donning stocking caps and attire that could be likened to that of war soldiers .adding a gritty edge to tuesday at mercedes benz fashion week australia , phoenix keating , alice mccall , zhivago and khim hangall embraced a raw , punk style on the catwalk .eighties revival : fishnets were brought back into fashion in the new phoenix keating collection\n", + "punk-glam stars at fashion week on tuesday bringing an edge to the showphoenix keating , zhivago , khim hang and alice mccall rocked punk glamwhile others like maticevski , ginger and smart and brunsdon play safecollections featured metallics , jewel tones , rigid lines and new textures\n", + "[1.3184768 1.1196661 1.3849111 1.1576843 1.0914865 1.1013106 1.120857\n", + " 1.058118 1.0415757 1.0386115 1.0638651 1.0246856 1.0491872 1.0774739\n", + " 1.0633202 1.0607706 1.0640949 1.0189077 1.0167855 1.0153391]\n", + "\n", + "[ 2 0 3 6 1 5 4 13 16 10 14 15 7 12 8 9 11 17 18 19]\n", + "=======================\n", + "['exactly 365 days have passed since the girls were snatched from their boarding school dormitories in the dead of night in chibok , northeastern nigeria .( cnn ) how can more than 200 nigerian schoolgirls simply disappear ?for this we should all feel shame : shame that we live in a world where the lives of young girls can be shattered with impunity by fanatical thugs .']\n", + "=======================\n", + "['some 276 girls were kidnapped from their school in northeastern nigeria by boko haram a year agodespite a global outcry , one year on , only a handful have escaped and returned homeisha sesay : we should all feel shame that our collective attention span is so fleeting']\n", + "exactly 365 days have passed since the girls were snatched from their boarding school dormitories in the dead of night in chibok , northeastern nigeria .( cnn ) how can more than 200 nigerian schoolgirls simply disappear ?for this we should all feel shame : shame that we live in a world where the lives of young girls can be shattered with impunity by fanatical thugs .\n", + "some 276 girls were kidnapped from their school in northeastern nigeria by boko haram a year agodespite a global outcry , one year on , only a handful have escaped and returned homeisha sesay : we should all feel shame that our collective attention span is so fleeting\n", + "[1.2336258 1.435221 1.2241905 1.340899 1.1724889 1.1508844 1.0820189\n", + " 1.0301251 1.0722916 1.1014476 1.0797908 1.0762727 1.0852246 1.0485183\n", + " 1.0488162 1.1000843 1.0682918 1.0570416 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 5 9 15 12 6 10 11 8 16 17 14 13 7 18 19]\n", + "=======================\n", + "['1st lt michael alonso and 1st lt lantz balthazar have been charged in cases stemming from an investigation that led to the disclosure last year of a separate exam-cheating scandal .two air force nuclear missile launch officers who are facing drug charges related to ecstasy , cocaine and bath salts now face hearings to determine whether they will be court-martialed .one of their fellow missile officers who was a target of the same investigation pleaded guilty to illegal drug use in january and was kicked out of the service , the air force said on friday .']\n", + "=======================\n", + "['1st lt michael alonso and 1st lt lantz balthazar have both been chargedmembers of missile squadron at malmstrom air force base in montanamalmstrom missile wing operates missiles armed with nuclear warheadshearing will see if enough criminal evidence to warrant a court-martialthird officer was charged in december and court-martialed in january']\n", + "1st lt michael alonso and 1st lt lantz balthazar have been charged in cases stemming from an investigation that led to the disclosure last year of a separate exam-cheating scandal .two air force nuclear missile launch officers who are facing drug charges related to ecstasy , cocaine and bath salts now face hearings to determine whether they will be court-martialed .one of their fellow missile officers who was a target of the same investigation pleaded guilty to illegal drug use in january and was kicked out of the service , the air force said on friday .\n", + "1st lt michael alonso and 1st lt lantz balthazar have both been chargedmembers of missile squadron at malmstrom air force base in montanamalmstrom missile wing operates missiles armed with nuclear warheadshearing will see if enough criminal evidence to warrant a court-martialthird officer was charged in december and court-martialed in january\n", + "[1.1832173 1.5070219 1.2031121 1.2407446 1.1853893 1.0660927 1.0795102\n", + " 1.1371466 1.060049 1.0815264 1.0951458 1.0687199 1.0655124 1.0517735\n", + " 1.0354278 1.0439191 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 7 10 9 6 11 5 12 8 13 15 14 18 16 17 19]\n", + "=======================\n", + "['the monarch , 88 , was spotted trotting through windsor great park aboard her faithful black fell pony , carltonlima emma .enjoying the sunshine : the queen enjoys a ride on her fell pony carltonlima emmajoined by a groom on another of her fell ponies , the queen cut a relaxed figure as she enjoyed her ride but , as is her wont , eschewed a helmet in favour of one of her silk scarves .']\n", + "=======================\n", + "['the queen was spotted enjoying a ride in windsor great park todayrode her favourite fell pony , a mare named carltonlima emmaleft hard hats at home and opted for one of her favourite scarves instead']\n", + "the monarch , 88 , was spotted trotting through windsor great park aboard her faithful black fell pony , carltonlima emma .enjoying the sunshine : the queen enjoys a ride on her fell pony carltonlima emmajoined by a groom on another of her fell ponies , the queen cut a relaxed figure as she enjoyed her ride but , as is her wont , eschewed a helmet in favour of one of her silk scarves .\n", + "the queen was spotted enjoying a ride in windsor great park todayrode her favourite fell pony , a mare named carltonlima emmaleft hard hats at home and opted for one of her favourite scarves instead\n", + "[1.3162174 1.4336413 1.2551516 1.0872526 1.0397551 1.218985 1.0639875\n", + " 1.0318305 1.0233264 1.0534909 1.0990428 1.1392361 1.1022393 1.1236973\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 2 5 11 13 12 10 3 6 9 4 7 8 21 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"for author lisa erspamer 's third collection of tributes , celebrities such as melissa rivers , shania twain , will.i.am , christy turlington burns , and kristin chenoweth all composed messages of love and gratitude to the women who raised them .kelly osbourne did n't always want to grow up to be like her famous mom - but in a letter published in the new book a letter to my mom , the tv personality admitted that she is now proud to be sharon osbourne 's daughter .and the heartwarming epistolary book , which was published last week , has arrived just in time for mother 's day on may 10 .\"]\n", + "=======================\n", + "['author lisa erspamer invited celebrities and a number of other people to write heartfelt notes to their mothers for her new book a letter to my momstars such as melissa rivers , will.i.am , and christy turlington participated in the moving project']\n", + "for author lisa erspamer 's third collection of tributes , celebrities such as melissa rivers , shania twain , will.i.am , christy turlington burns , and kristin chenoweth all composed messages of love and gratitude to the women who raised them .kelly osbourne did n't always want to grow up to be like her famous mom - but in a letter published in the new book a letter to my mom , the tv personality admitted that she is now proud to be sharon osbourne 's daughter .and the heartwarming epistolary book , which was published last week , has arrived just in time for mother 's day on may 10 .\n", + "author lisa erspamer invited celebrities and a number of other people to write heartfelt notes to their mothers for her new book a letter to my momstars such as melissa rivers , will.i.am , and christy turlington participated in the moving project\n", + "[1.1823864 1.120547 1.1178669 1.2245584 1.2652087 1.191228 1.1803168\n", + " 1.1174247 1.1232952 1.0680767 1.0821198 1.0435805 1.0545042 1.057816\n", + " 1.0265819 1.0492833 1.0294849 1.0722139 1.0376575 1.0474106 0.\n", + " 0. 0. ]\n", + "\n", + "[ 4 3 5 0 6 8 1 2 7 10 17 9 13 12 15 19 11 18 16 14 21 20 22]\n", + "=======================\n", + "['however the rise of the mobile phone and music on the ipod means young people are less likely to whistle now .all children used to be told to whistle while they work by the classic disney animation snow white .cultural historian at syracuse university , london , chris cook , told the sunday times that whistling has all but disappeared over the last few decades .']\n", + "=======================\n", + "['once heard on stage , in the street and at work , whistling is on the declineend of variety shows , working class jobs and rise of mobiles contributedpoll shows 70 percent heard more whistling twenty or thirty years agopopular in the life of brian and 1980s pop songs , now the whistle is out']\n", + "however the rise of the mobile phone and music on the ipod means young people are less likely to whistle now .all children used to be told to whistle while they work by the classic disney animation snow white .cultural historian at syracuse university , london , chris cook , told the sunday times that whistling has all but disappeared over the last few decades .\n", + "once heard on stage , in the street and at work , whistling is on the declineend of variety shows , working class jobs and rise of mobiles contributedpoll shows 70 percent heard more whistling twenty or thirty years agopopular in the life of brian and 1980s pop songs , now the whistle is out\n", + "[1.4486659 1.1489751 1.1564938 1.0456076 1.2137433 1.2880417 1.1156863\n", + " 1.2094674 1.1216557 1.1134074 1.039727 1.0292054 1.0306786 1.0346795\n", + " 1.0732403 1.0159242 1.0190855 1.0861518 1.0210512 1.0177228 1.0219012\n", + " 0. 0. ]\n", + "\n", + "[ 0 5 4 7 2 1 8 6 9 17 14 3 10 13 12 11 20 18 16 19 15 21 22]\n", + "=======================\n", + "[\"peerless champion jockey ap mccoy described the final day of his record-breaking career as ` the hardest day ' of his life as he left sandown on saturday night and headed into retirement .ap mccoy was reduced to tears as he competed as a professional jockey for the last-ever time on saturdaymccoy said : ` someone will break my records .\"]\n", + "=======================\n", + "['ian wright presented tony mccoy with champion jockey trophymccoy finished third on box office in last-ever race on saturdaythe 40-year-old also finished third on mr mole in penultimate racemccoy was reduced to tears as he competed professionally for last timeracing legend has been champion jockey 20 timessandown filled with punters to bid mccoy farewell']\n", + "peerless champion jockey ap mccoy described the final day of his record-breaking career as ` the hardest day ' of his life as he left sandown on saturday night and headed into retirement .ap mccoy was reduced to tears as he competed as a professional jockey for the last-ever time on saturdaymccoy said : ` someone will break my records .\n", + "ian wright presented tony mccoy with champion jockey trophymccoy finished third on box office in last-ever race on saturdaythe 40-year-old also finished third on mr mole in penultimate racemccoy was reduced to tears as he competed professionally for last timeracing legend has been champion jockey 20 timessandown filled with punters to bid mccoy farewell\n", + "[1.273762 1.0500923 1.0447468 1.1594845 1.1263428 1.1381812 1.2456013\n", + " 1.1637715 1.0605545 1.042757 1.2517307 1.1378286 1.0206236 1.0248667\n", + " 1.0213655 1.0166712 1.0147113 1.0220448 1.0199364 1.0457665 1.1052186\n", + " 1.0527097 1.1768036]\n", + "\n", + "[ 0 10 6 22 7 3 5 11 4 20 8 21 1 19 2 9 13 17 14 12 18 15 16]\n", + "=======================\n", + "[\"keith curle tells the kind of stories about management that might explain why retiring players are stampeding towards the pundits ' couch .keith curle insists football management was always his priority after ending his playing careerbut there is no escaping the fact that curle is in a shrinking minority , being one of only four managers in the country 's top 92 clubs who has played for england .\"]\n", + "=======================\n", + "[\"keith curle is one of only four england players to currently manageformer manchester city player has managed clubs including mansfield , chester , torquay and notts county before ending up at carlislecurle turned his back on a career in punditry to remain on the sidelinesi have done a bit for sky and i really enjoyed it but first and foremost i am a coach and manager , ' he said\"]\n", + "keith curle tells the kind of stories about management that might explain why retiring players are stampeding towards the pundits ' couch .keith curle insists football management was always his priority after ending his playing careerbut there is no escaping the fact that curle is in a shrinking minority , being one of only four managers in the country 's top 92 clubs who has played for england .\n", + "keith curle is one of only four england players to currently manageformer manchester city player has managed clubs including mansfield , chester , torquay and notts county before ending up at carlislecurle turned his back on a career in punditry to remain on the sidelinesi have done a bit for sky and i really enjoyed it but first and foremost i am a coach and manager , ' he said\n", + "[1.1459719 1.4371997 1.2558724 1.2802012 1.2949957 1.1078113 1.1303289\n", + " 1.0726228 1.0856122 1.046667 1.0130043 1.0128345 1.1921701 1.0558826\n", + " 1.0436265 1.0538617 1.1973938 1.0531579 1.052247 1.0518901 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 3 2 16 12 0 6 5 8 7 13 15 17 18 19 9 14 10 11 20 21 22]\n", + "=======================\n", + "[\"david duane watson , a 46-year-old tucson firefighter , was arrested without incident saturday on charges he killed his ex-wife linda watson , 35 , in what detectives say motivated by a custody dispute over their daughter .three years after her daughter went missing , cox and her neighbor renee farnsworth , 53 , were shot dead in the driveway of linda watson 's home .police say the dispute continued after watson 's murder as her mother marilyn cox , 63 , tried to obtain visitation rights .\"]\n", + "=======================\n", + "['pima county sheriffs say david watson , 46 , killed his ex linda watson while they fought over custody of their daughter in 2000three years later , police say watson murdered his ex mother-in-law in a drive-by shooting at the very home where linda watson first vanishedmarilyn cox had been fighting for visitation rights over her granddaughter - she was gunned down alongside her neighbor renee farnsworth in 2003']\n", + "david duane watson , a 46-year-old tucson firefighter , was arrested without incident saturday on charges he killed his ex-wife linda watson , 35 , in what detectives say motivated by a custody dispute over their daughter .three years after her daughter went missing , cox and her neighbor renee farnsworth , 53 , were shot dead in the driveway of linda watson 's home .police say the dispute continued after watson 's murder as her mother marilyn cox , 63 , tried to obtain visitation rights .\n", + "pima county sheriffs say david watson , 46 , killed his ex linda watson while they fought over custody of their daughter in 2000three years later , police say watson murdered his ex mother-in-law in a drive-by shooting at the very home where linda watson first vanishedmarilyn cox had been fighting for visitation rights over her granddaughter - she was gunned down alongside her neighbor renee farnsworth in 2003\n", + "[1.4493136 1.1996279 1.1345206 1.181965 1.074948 1.1086956 1.0921075\n", + " 1.0436357 1.0412838 1.1083537 1.0873848 1.0228324 1.0775679 1.0212344\n", + " 1.0276359 1.0308483 1.046693 1.0172048 1.0477 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 5 9 6 10 12 4 18 16 7 8 15 14 11 13 17 23 19 20 21 22\n", + " 24]\n", + "=======================\n", + "['( billboard ) from channing tatum twerking for jennifer lopez to host amy schumer \\'s archery fail , there were plenty of highlights and misfires from the 2015 mtv movie awards .here are the jokes , performances and moments that hit the target and the ones and missed it .channing tatum doing his thing : when the cast of \" magic mike xxl \" presented j.lo with the scared as shit performance award , she asked them exactly what we were all thinking : \" why are n\\'t you dancing ? \"']\n", + "=======================\n", + "['mtv movie awards host amy schumer had some hits and misses during the showrebel wilson tossed in a censor-worthy joke']\n", + "( billboard ) from channing tatum twerking for jennifer lopez to host amy schumer 's archery fail , there were plenty of highlights and misfires from the 2015 mtv movie awards .here are the jokes , performances and moments that hit the target and the ones and missed it .channing tatum doing his thing : when the cast of \" magic mike xxl \" presented j.lo with the scared as shit performance award , she asked them exactly what we were all thinking : \" why are n't you dancing ? \"\n", + "mtv movie awards host amy schumer had some hits and misses during the showrebel wilson tossed in a censor-worthy joke\n", + "[1.1913786 1.4367094 1.2371384 1.2333757 1.2688187 1.190527 1.2036942\n", + " 1.1229678 1.1528435 1.1099186 1.0288807 1.0141793 1.012639 1.0220851\n", + " 1.0113554 1.0973117 1.0815867 1.097031 1.0694447 1.029158 1.0429977\n", + " 1.0193971 1.0127484 1.0491332 1.041446 ]\n", + "\n", + "[ 1 4 2 3 6 0 5 8 7 9 15 17 16 18 23 20 24 19 10 13 21 11 22 12\n", + " 14]\n", + "=======================\n", + "['the video shows donald allen , 66 , pointing a loaded , 22-caliber pistol at officer brian barnett on april 11 .then shoots allen dead after he comes at him with the gun , making threatening statements as he does.warning : graphic contentbodycam footage released this week shows a police officer in sand springs , oklahoma , fatally shooting a man']\n", + "=======================\n", + "['police officer in sand springs , oklahoma , shot donald allen on april 11brian barnett , 25 , killed allen , 66 , after man made threatening statementsbodycam footage showed allen advancing with loaded , 22-caliber pistolsand springs police department turned findings over to tulsa county davideo was released after being recovered from a malfunctioning camera']\n", + "the video shows donald allen , 66 , pointing a loaded , 22-caliber pistol at officer brian barnett on april 11 .then shoots allen dead after he comes at him with the gun , making threatening statements as he does.warning : graphic contentbodycam footage released this week shows a police officer in sand springs , oklahoma , fatally shooting a man\n", + "police officer in sand springs , oklahoma , shot donald allen on april 11brian barnett , 25 , killed allen , 66 , after man made threatening statementsbodycam footage showed allen advancing with loaded , 22-caliber pistolsand springs police department turned findings over to tulsa county davideo was released after being recovered from a malfunctioning camera\n", + "[1.36052 1.4209156 1.2237207 1.1427062 1.3424692 1.1775973 1.1020626\n", + " 1.0666834 1.0339845 1.1054499 1.0320843 1.0315957 1.0379975 1.0208532\n", + " 1.1158456 1.0697047 1.090561 1.0393282 1.0197883 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 5 3 14 9 6 16 15 7 17 12 8 10 11 13 18 23 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"fourteen soldiers dispatched to restore order after a 2013 coup have been accused of abusing children as young as nine as they begged for something to eat , according to a french judicial source .francois hollande has vowed to ` show no mercy ' if french peacekeepers are found guilty of sexual assaulting starving children in the central african republic .the investigation has been underway since last year but was only made public yesterday .\"]\n", + "=======================\n", + "['14 soldiers have been accused of abusing children as young as nineinvestigation was started last year but was only made public yesterdayfrench defence ministry has denied covering up the scandal']\n", + "fourteen soldiers dispatched to restore order after a 2013 coup have been accused of abusing children as young as nine as they begged for something to eat , according to a french judicial source .francois hollande has vowed to ` show no mercy ' if french peacekeepers are found guilty of sexual assaulting starving children in the central african republic .the investigation has been underway since last year but was only made public yesterday .\n", + "14 soldiers have been accused of abusing children as young as nineinvestigation was started last year but was only made public yesterdayfrench defence ministry has denied covering up the scandal\n", + "[1.2581282 1.4463224 1.2915813 1.3902439 1.1425226 1.0966128 1.0835305\n", + " 1.0293927 1.0199043 1.0756805 1.0455809 1.0296389 1.0218483 1.0546384\n", + " 1.0966368 1.1206334 1.0092622 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 15 14 5 6 9 13 10 11 7 12 8 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"the first minister was forced to admit her mps would vote for fiscal autonomy as early as next year , despite the catastrophic collapse in north sea oil revenues .nicola sturgeon said she would back calls for all tax powers to be devolved to scotland ` as soon as possible ' , but labour leader jim murphy ( right ) warned this would leave a catastrophic hole in the country 's budgetmiss sturgeon struggled once again in a tv election clash screened by the bbc , just a day after she faced an audience backlash by refusing to rule out a snap second referendum on independence .\"]\n", + "=======================\n", + "[\"miss sturgeon made the call in debate at king 's college , aberdeen , tonightsaid she wants powers ` as quickly as the other parties agree to give them 'scots labour leader jim murphy said move would ruin country 's financesdrop in value of north sea oil would mean a # 7.6 bn hole in the budgetmr rennie , who openly admitted the libdems had broken a promise not to raise tuition fees , cautioned miss sturgeon against breaking her promise that last year 's referendum was a ` once-in-a-generation ' vote .miss davidson was forced to accept the uk government could not stand in the way of another referendum .mr harvie called for the end of north sea oil extraction -- in a city where thousands of workers rely on its future .\"]\n", + "the first minister was forced to admit her mps would vote for fiscal autonomy as early as next year , despite the catastrophic collapse in north sea oil revenues .nicola sturgeon said she would back calls for all tax powers to be devolved to scotland ` as soon as possible ' , but labour leader jim murphy ( right ) warned this would leave a catastrophic hole in the country 's budgetmiss sturgeon struggled once again in a tv election clash screened by the bbc , just a day after she faced an audience backlash by refusing to rule out a snap second referendum on independence .\n", + "miss sturgeon made the call in debate at king 's college , aberdeen , tonightsaid she wants powers ` as quickly as the other parties agree to give them 'scots labour leader jim murphy said move would ruin country 's financesdrop in value of north sea oil would mean a # 7.6 bn hole in the budgetmr rennie , who openly admitted the libdems had broken a promise not to raise tuition fees , cautioned miss sturgeon against breaking her promise that last year 's referendum was a ` once-in-a-generation ' vote .miss davidson was forced to accept the uk government could not stand in the way of another referendum .mr harvie called for the end of north sea oil extraction -- in a city where thousands of workers rely on its future .\n", + "[1.3972787 1.2335356 1.2513134 1.2784029 1.1919699 1.1989167 1.0448219\n", + " 1.0740949 1.0260394 1.0187477 1.0975918 1.20585 1.0602412 1.0646057\n", + " 1.0392594 1.0526217 1.0309466 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 11 5 4 10 7 13 12 15 6 14 16 8 9 23 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"( cnn ) yemeni officials said saudi airstrikes targeting a military base on tuesday hit a nearby school , injuring at least a half dozen students .the officials from ibb 's governor 's office said the al hamza military base was targeted because houthis have been sending reinforcements from ibb to nearby provinces .a third source , with the education ministry in ibb , said three students had been killed at the al bastain school in maitam , in southwestern yemen , as a result of an airstrike .\"]\n", + "=======================\n", + "[\"saudi military official accuses iran of training and arming rebelsyemeni officials say school hit by airstrikes ; one source says three students killednoncombatants are caught up in yemen 's fighting\"]\n", + "( cnn ) yemeni officials said saudi airstrikes targeting a military base on tuesday hit a nearby school , injuring at least a half dozen students .the officials from ibb 's governor 's office said the al hamza military base was targeted because houthis have been sending reinforcements from ibb to nearby provinces .a third source , with the education ministry in ibb , said three students had been killed at the al bastain school in maitam , in southwestern yemen , as a result of an airstrike .\n", + "saudi military official accuses iran of training and arming rebelsyemeni officials say school hit by airstrikes ; one source says three students killednoncombatants are caught up in yemen 's fighting\n", + "[1.2540157 1.3520896 1.2800905 1.235052 1.1806476 1.1805962 1.1044103\n", + " 1.0909003 1.0929644 1.1359994 1.1104804 1.0145752 1.0238429 1.0453461\n", + " 1.0360826 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 5 9 10 6 8 7 13 14 12 11 17 15 16 18]\n", + "=======================\n", + "[\"many were sacked , stripped of their savings and even jailed after cash shortfalls were recorded at some branches -- despite claims that a faulty it system was to blame .the post office failed to properly investigate why money had gone missing from branches before launching court proceedings against subpostmasters , a report revealed yesterday .now a leaked copy of the accountants ' independent report has suggested that the discrepancies could have been caused by computer failures , cyber criminals or human error .\"]\n", + "=======================\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[\"the post office failed to properly investigate why money went missingmany subpostmasters were sacked , stripped of savings and even jailedleaked report says discrepancies could have been caused by it systemsformer tory mp says post office workers were ` dragged through the mud '\"]\n", + "many were sacked , stripped of their savings and even jailed after cash shortfalls were recorded at some branches -- despite claims that a faulty it system was to blame .the post office failed to properly investigate why money had gone missing from branches before launching court proceedings against subpostmasters , a report revealed yesterday .now a leaked copy of the accountants ' independent report has suggested that the discrepancies could have been caused by computer failures , cyber criminals or human error .\n", + "the post office failed to properly investigate why money went missingmany subpostmasters were sacked , stripped of savings and even jailedleaked report says discrepancies could have been caused by it systemsformer tory mp says post office workers were ` dragged through the mud '\n", + "[1.4040862 1.2961041 1.2324448 1.3468667 1.3041117 1.0746715 1.0864568\n", + " 1.0159075 1.0328171 1.0653789 1.1758358 1.2094169 1.0403744 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 1 2 11 10 6 5 9 12 8 7 13 14 15 16 17 18]\n", + "=======================\n", + "[\"zlatan ibrahimovic would have been idolised at the stade velodrome if he had followed in the same footsteps at eric cantona , according to former marseille boss jose anigo .sweden captain ibrahimovic scored in sweden 's 3-1 international friendly win over iran on tuesday nightthe paris saint-germain forward has been compared with cantona for the second time in the space of a few days following peter schmeichel 's comments regarding the 33-year-old .\"]\n", + "=======================\n", + "['jose anigo insists marseille fans would have loved to have seen zlatan ibrahimovic at the stade velodromeanigo compared ibrahimovic to former man united striker eric cantonacantona played at french outfit marseille between 1988 and 1991read : man united should sign ibrahimovic , says peter schmeichel']\n", + "zlatan ibrahimovic would have been idolised at the stade velodrome if he had followed in the same footsteps at eric cantona , according to former marseille boss jose anigo .sweden captain ibrahimovic scored in sweden 's 3-1 international friendly win over iran on tuesday nightthe paris saint-germain forward has been compared with cantona for the second time in the space of a few days following peter schmeichel 's comments regarding the 33-year-old .\n", + "jose anigo insists marseille fans would have loved to have seen zlatan ibrahimovic at the stade velodromeanigo compared ibrahimovic to former man united striker eric cantonacantona played at french outfit marseille between 1988 and 1991read : man united should sign ibrahimovic , says peter schmeichel\n", + "[1.0930147 1.150784 1.3880849 1.204926 1.1980064 1.1570692 1.1662546\n", + " 1.1111231 1.0719627 1.0390162 1.0685124 1.0353664 1.0616654 1.0750271\n", + " 1.0253991 1.0156696 1.0280012 1.0430759 1.0944769]\n", + "\n", + "[ 2 3 4 6 5 1 7 18 0 13 8 10 12 17 9 11 16 14 15]\n", + "=======================\n", + "[\"the area in question -- aptly named carlsberg city -- has been home to the famous carlsberg brewery since 1847 , and with it a big slice of danish cultural history .but the brewery has moved on and the future is moving in .amidst the district 's historic treasure trove of protected architectural buildings will be some 600,000 square meters ( 6.4 million sq ft ) of residential , business , sporting , cultural , and educational space .\"]\n", + "=======================\n", + "[\"new neighborhood named carlsberg city set to emerge in copenhagen , denmarkdistrict has been built on site of beer company 's former brewery\"]\n", + "the area in question -- aptly named carlsberg city -- has been home to the famous carlsberg brewery since 1847 , and with it a big slice of danish cultural history .but the brewery has moved on and the future is moving in .amidst the district 's historic treasure trove of protected architectural buildings will be some 600,000 square meters ( 6.4 million sq ft ) of residential , business , sporting , cultural , and educational space .\n", + "new neighborhood named carlsberg city set to emerge in copenhagen , denmarkdistrict has been built on site of beer company 's former brewery\n", + "[1.3169003 1.2728734 1.2871468 1.2329996 1.2713709 1.128372 1.0872915\n", + " 1.1367857 1.0225325 1.1059235 1.0233234 1.015208 1.0684903 1.0811038\n", + " 1.0805936 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 4 3 7 5 9 6 13 14 12 10 8 11 17 15 16 18]\n", + "=======================\n", + "['with broadcasters demanding hefty fees to watch floyd mayweather take on manny pacquiao next saturday , many boxing fans could turn towards social media to illegally watch the richest fight in history for free .launched by twitter , periscope allows users to broadcast a live stream to their social media followers .the recent explosion of live video streaming apps such as periscope and meerkat have raised the realistic prospect that sky and us broadcasters showtime and hbo could miss out on millions as viewers stream the content between their devices without paying .']\n", + "=======================\n", + "['floyd mayweather and manny pacquiao meet in las vegas on may 2fight is being shown on pay-per-view , with sky sports offering it in the uk for # 20 while us broadcasters showtime and hbo are charging # 59 - # 66fans could turn to social media using new live video streaming apps such as periscope and meerkat to watch the fight illegally for freeread : mayweather vs pacquiao tickets sell out within 60 secondsclick here for all the latest floyd mayweather vs manny pacquiao news']\n", + "with broadcasters demanding hefty fees to watch floyd mayweather take on manny pacquiao next saturday , many boxing fans could turn towards social media to illegally watch the richest fight in history for free .launched by twitter , periscope allows users to broadcast a live stream to their social media followers .the recent explosion of live video streaming apps such as periscope and meerkat have raised the realistic prospect that sky and us broadcasters showtime and hbo could miss out on millions as viewers stream the content between their devices without paying .\n", + "floyd mayweather and manny pacquiao meet in las vegas on may 2fight is being shown on pay-per-view , with sky sports offering it in the uk for # 20 while us broadcasters showtime and hbo are charging # 59 - # 66fans could turn to social media using new live video streaming apps such as periscope and meerkat to watch the fight illegally for freeread : mayweather vs pacquiao tickets sell out within 60 secondsclick here for all the latest floyd mayweather vs manny pacquiao news\n", + "[1.2960358 1.2224251 1.3664558 1.0986277 1.1998534 1.1466802 1.0381219\n", + " 1.0561459 1.0866379 1.0501633 1.0226659 1.0647715 1.1272836 1.028818\n", + " 1.0867201 1.0545816 1.0701782 1.048053 0. ]\n", + "\n", + "[ 2 0 1 4 5 12 3 14 8 16 11 7 15 9 17 6 13 10 18]\n", + "=======================\n", + "[\"samantha wills , from williamstown in south australia , welcomed the joey dubbed ` crash ' into her family after he was thrown from his mother 's pouch when she was hit by a car .meet the australian families who take their pet kangaroos on walks to the beach , go away on holidays and even attend weddings with their owners as their plus-one .they eat and live like cats and dogs , grow up learning how to hop , let their owners give them regular baths , sneak into the kitchen for snacks , take naps and mingle with other pets .\"]\n", + "=======================\n", + "[\"meet the australian families who have pet kangaroos in their homessamantha wills rescued the joey from the side of a road nine months agoshe welcomed ` crash ' into her family and he goes to events with themanother owner , suzie nellist also found a roo when his mother diedshe said they are like ` naughty toddlers ' but they make ` great pets '\"]\n", + "samantha wills , from williamstown in south australia , welcomed the joey dubbed ` crash ' into her family after he was thrown from his mother 's pouch when she was hit by a car .meet the australian families who take their pet kangaroos on walks to the beach , go away on holidays and even attend weddings with their owners as their plus-one .they eat and live like cats and dogs , grow up learning how to hop , let their owners give them regular baths , sneak into the kitchen for snacks , take naps and mingle with other pets .\n", + "meet the australian families who have pet kangaroos in their homessamantha wills rescued the joey from the side of a road nine months agoshe welcomed ` crash ' into her family and he goes to events with themanother owner , suzie nellist also found a roo when his mother diedshe said they are like ` naughty toddlers ' but they make ` great pets '\n", + "[1.1821803 1.5061823 1.2052733 1.4032394 1.1135421 1.157112 1.2184548\n", + " 1.0321529 1.0255911 1.0475848 1.0556817 1.1843988 1.1028616 1.1279076\n", + " 1.0597516 1.0836922 1.0553768 1.043138 1.0830221]\n", + "\n", + "[ 1 3 6 2 11 0 5 13 4 12 15 18 14 10 16 9 17 7 8]\n", + "=======================\n", + "['kim pappas , 25 , was two hours into her working day at ceva logistics in wyandotte , michigan , on march 31 when she disappeared to the bathroom to deliver the boy - and cut the umbilical cord with cuticle scissors .pappas has been charged with premeditated murder .nobody knew she was pregnant .']\n", + "=======================\n", + "['kim pappas did not tell anybody she was pregnant before giving birthshe gave birth standing up in bathroom at ceva logistics in michigancut umbilical cord with cuticle scissors , wrapped baby in plastic bag , put that in a tote bag , then returned to her desk and put it in a drawerco-workers had heard moaning then saw blood on restroom floorthey spotted blood on pappas then found the baby dead in the drawershe claimed she had a miscarriage but autopsy shows suffocationpappas faces charges of premeditated murder and child abuse , denied bail']\n", + "kim pappas , 25 , was two hours into her working day at ceva logistics in wyandotte , michigan , on march 31 when she disappeared to the bathroom to deliver the boy - and cut the umbilical cord with cuticle scissors .pappas has been charged with premeditated murder .nobody knew she was pregnant .\n", + "kim pappas did not tell anybody she was pregnant before giving birthshe gave birth standing up in bathroom at ceva logistics in michigancut umbilical cord with cuticle scissors , wrapped baby in plastic bag , put that in a tote bag , then returned to her desk and put it in a drawerco-workers had heard moaning then saw blood on restroom floorthey spotted blood on pappas then found the baby dead in the drawershe claimed she had a miscarriage but autopsy shows suffocationpappas faces charges of premeditated murder and child abuse , denied bail\n", + "[1.2411067 1.3891678 1.2736406 1.3352059 1.2222366 1.0934342 1.0767838\n", + " 1.1031194 1.0893867 1.0344101 1.0590377 1.1150601 1.1025519 1.0284936\n", + " 1.0297204 1.0834057 1.0997452 1.0478868 1.02946 ]\n", + "\n", + "[ 1 3 2 0 4 11 7 12 16 5 8 15 6 10 17 9 14 18 13]\n", + "=======================\n", + "['the 18-year-old reportedly fled to the toilet in tears and afterwards told police that the # 55,000-a-week tottenham winger had left her with a bruise below her eye .a teenage waitress claims england footballer aaron lennon ( pictured playing for everton ) grabbed her , slapped her and ripped her topthe 28-year-old , who is on loan to everton , was reportedly interviewed by officers under caution over the alleged assault earlier this month .']\n", + "=======================\n", + "['lennon reportedly partied at suede nightclub in manchester on april 4venue packed with hundreds who had come to see trey songz performalleged victim says # 55,000-a-week star left her with bruise below her eyetottenham winger , on loan to everton , interviewed on suspicion of assaultgreater manchester police spokesperson said no arrests have been made']\n", + "the 18-year-old reportedly fled to the toilet in tears and afterwards told police that the # 55,000-a-week tottenham winger had left her with a bruise below her eye .a teenage waitress claims england footballer aaron lennon ( pictured playing for everton ) grabbed her , slapped her and ripped her topthe 28-year-old , who is on loan to everton , was reportedly interviewed by officers under caution over the alleged assault earlier this month .\n", + "lennon reportedly partied at suede nightclub in manchester on april 4venue packed with hundreds who had come to see trey songz performalleged victim says # 55,000-a-week star left her with bruise below her eyetottenham winger , on loan to everton , interviewed on suspicion of assaultgreater manchester police spokesperson said no arrests have been made\n", + "[1.1716973 1.406941 1.288146 1.3092384 1.2937293 1.1235495 1.1620475\n", + " 1.065687 1.0975754 1.0376365 1.0119169 1.0727085 1.0518953 1.1067768\n", + " 1.0632526 1.0474583 1.0130979 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 6 5 13 8 11 7 14 12 15 9 16 10 17 18]\n", + "=======================\n", + "['attorney-turned-cook and activist joan cheever has spent the past decade feeding the homeless from the back of her charity food truck , until earlier this month she was slapped with a $ 2,000 fine for her charitable efforts .cheever founded the chow train non-profit organization in 2005 , preparing hot meals in her licensed mobile kitchen and serving them at city parks out of her personal pickup , which she has been using as a delivery truck because it is more maneuverable .san antonio city officials have messed with the wrong texas chef .']\n", + "=======================\n", + "[\"san antonio police officers issued a fine to local chef and activist joan cheever for feeding the homeless at maverick park april 7cheever founded the chow train non-profit food truck in 2005 to feed the city 's poorhas a commercially licensed mobile food truck where she prepares her meals , but she serves them out of her personal pickup truckcheever accused city officials of violating her freedom of religion because she considers cooking and feeding the poor a free exercise of her faith\"]\n", + "attorney-turned-cook and activist joan cheever has spent the past decade feeding the homeless from the back of her charity food truck , until earlier this month she was slapped with a $ 2,000 fine for her charitable efforts .cheever founded the chow train non-profit organization in 2005 , preparing hot meals in her licensed mobile kitchen and serving them at city parks out of her personal pickup , which she has been using as a delivery truck because it is more maneuverable .san antonio city officials have messed with the wrong texas chef .\n", + "san antonio police officers issued a fine to local chef and activist joan cheever for feeding the homeless at maverick park april 7cheever founded the chow train non-profit food truck in 2005 to feed the city 's poorhas a commercially licensed mobile food truck where she prepares her meals , but she serves them out of her personal pickup truckcheever accused city officials of violating her freedom of religion because she considers cooking and feeding the poor a free exercise of her faith\n", + "[1.3735613 1.1918015 1.3140154 1.1434867 1.1870725 1.2214661 1.1479075\n", + " 1.1575711 1.0659903 1.0810399 1.0408959 1.0649887 1.0740197 1.0809712\n", + " 1.1672571 1.0104649 1.0092962 1.0081574 0. ]\n", + "\n", + "[ 0 2 5 1 4 14 7 6 3 9 13 12 8 11 10 15 16 17 18]\n", + "=======================\n", + "[\"lord janner sent a ` thank you ' christmas card to a detective after learning he would escape child sex abuse charges , it emerged yesterdaythe officer said he was appalled by the labour peer 's note after his superiors forced him to drop his inquiries into janner 's alleged sex abuse .the revelation of janner 's apparent attempt to influence the police came amid fresh concerns about the establishment cover-up of the labour grandee 's alleged paedophilia .\"]\n", + "=======================\n", + "[\"janner sent the card to detective after learning he would not be chargedchristmas card even invited retired kelvyn ashby to dinner at parliamentformer policeman said he was appalled by the labour peer 's noteofficer says superiors forced him to drop inquiries into alleged sex abusefour medical experts who examined the peer did not all agree on the nature and extent of his dementia , as outlined by mrs saunders ;janner 's own barrister was surprised he escaped charges in 1991 , and suspected attempts to influence the prosecutors ' decision ;the director of public prosecutions in charge at the time said he could not even remember seeing the politician 's file .\"]\n", + "lord janner sent a ` thank you ' christmas card to a detective after learning he would escape child sex abuse charges , it emerged yesterdaythe officer said he was appalled by the labour peer 's note after his superiors forced him to drop his inquiries into janner 's alleged sex abuse .the revelation of janner 's apparent attempt to influence the police came amid fresh concerns about the establishment cover-up of the labour grandee 's alleged paedophilia .\n", + "janner sent the card to detective after learning he would not be chargedchristmas card even invited retired kelvyn ashby to dinner at parliamentformer policeman said he was appalled by the labour peer 's noteofficer says superiors forced him to drop inquiries into alleged sex abusefour medical experts who examined the peer did not all agree on the nature and extent of his dementia , as outlined by mrs saunders ;janner 's own barrister was surprised he escaped charges in 1991 , and suspected attempts to influence the prosecutors ' decision ;the director of public prosecutions in charge at the time said he could not even remember seeing the politician 's file .\n", + "[1.2600491 1.4158816 1.270263 1.3780634 1.1728657 1.1692427 1.0324036\n", + " 1.0227723 1.0937276 1.0814416 1.0302399 1.0283211 1.134848 1.0206921\n", + " 1.010053 1.0131301 1.0096564 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 12 8 9 6 10 11 7 13 15 14 16 17 18]\n", + "=======================\n", + "[\"the 15-year-old , from whitley bay , was left on a heart machine after she collapsed through starvation but has now spoken about pressures put on teenagers to be a ` size zero ' .laura became so obsessed with having the perfect figure she would hide food down the side of her bed , lying to her mother about eating and sometimes surviving on just a piece of fruit a day .but her dramatic weight loss led to horrific consequences when she suddenly collapsed at her family home and was rushed to intensive care .\"]\n", + "=======================\n", + "['at 13 , laura scurr went on a diet which would turn into a scary obsessionlaura developed anorexia and would survive on one piece of fruit a daynow 15 she has overcome the disorder and is battling backlaura has spoken of the pressures on young girls to be a size zero']\n", + "the 15-year-old , from whitley bay , was left on a heart machine after she collapsed through starvation but has now spoken about pressures put on teenagers to be a ` size zero ' .laura became so obsessed with having the perfect figure she would hide food down the side of her bed , lying to her mother about eating and sometimes surviving on just a piece of fruit a day .but her dramatic weight loss led to horrific consequences when she suddenly collapsed at her family home and was rushed to intensive care .\n", + "at 13 , laura scurr went on a diet which would turn into a scary obsessionlaura developed anorexia and would survive on one piece of fruit a daynow 15 she has overcome the disorder and is battling backlaura has spoken of the pressures on young girls to be a size zero\n", + "[1.4240406 1.2441465 1.1904931 1.0910283 1.1725276 1.077003 1.0723618\n", + " 1.041458 1.074058 1.0707406 1.1377395 1.103413 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 4 10 11 3 5 8 6 9 7 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "['the vatican says pope francis may add another leg to his trip to the united states this september , visiting cuba just months after he helped negotiate a diplomatic thaw between the two nations .the possibility , which would add a dimension of international intrigue to an already highly anticipated trip , was first reported thursday by the wall street journal .the pope is expected to continue his international activism this july with a trip to south america , where he will visit ecuador , bolivia and paraguay .']\n", + "=======================\n", + "['pope francis played key role in re-establishing diplomatic ties between cuba and u.s.\" contacts with the cuban authorities are still in too early a phase , \" vatican spokesman says']\n", + "the vatican says pope francis may add another leg to his trip to the united states this september , visiting cuba just months after he helped negotiate a diplomatic thaw between the two nations .the possibility , which would add a dimension of international intrigue to an already highly anticipated trip , was first reported thursday by the wall street journal .the pope is expected to continue his international activism this july with a trip to south america , where he will visit ecuador , bolivia and paraguay .\n", + "pope francis played key role in re-establishing diplomatic ties between cuba and u.s.\" contacts with the cuban authorities are still in too early a phase , \" vatican spokesman says\n", + "[1.2068746 1.1763479 1.1125505 1.3417099 1.1726954 1.1634969 1.1837331\n", + " 1.1482334 1.0872005 1.0459179 1.0600811 1.0610427 1.1644905 1.0723785\n", + " 1.0709528 1.0191286 1.0388293 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 6 1 4 12 5 7 2 8 13 14 11 10 9 16 15 17 18 19 20]\n", + "=======================\n", + "[\"national grid has revealed the uk 's first new pylon for nearly 90 years .it has been almost 90 years since the electricity pylon as we know it was introduced into the uk .it is designed to be less obtrusive and will be used for clean energy purposes\"]\n", + "=======================\n", + "[\"national grid has revealed the uk 's first new pylon for nearly 90 yearscalled the t-pylon it is a third shorter than the old lattice pylonsbut it is able to carry just as much power - 400,000 voltsit is designed to be less obtrusive and will be used for clean energy\"]\n", + "national grid has revealed the uk 's first new pylon for nearly 90 years .it has been almost 90 years since the electricity pylon as we know it was introduced into the uk .it is designed to be less obtrusive and will be used for clean energy purposes\n", + "national grid has revealed the uk 's first new pylon for nearly 90 yearscalled the t-pylon it is a third shorter than the old lattice pylonsbut it is able to carry just as much power - 400,000 voltsit is designed to be less obtrusive and will be used for clean energy\n", + "[1.4163193 1.3348753 1.2310348 1.4977378 1.2227323 1.0846049 1.1050498\n", + " 1.109131 1.1448152 1.0430603 1.0348603 1.014542 1.0147027 1.0094042\n", + " 1.0248941 1.010881 1.0937812 1.0986825 1.1094316 1.039535 1.053549 ]\n", + "\n", + "[ 3 0 1 2 4 8 18 7 6 17 16 5 20 9 19 10 14 12 11 15 13]\n", + "=======================\n", + "[\"stoke city midfielder charlie adam scored the goal of his career during stoke city 's defeat to chelseathe scotland international picked the ball up inside his own half and stunned blues goalkeeper thibaut courtois with a sensational 66-yard effort .courtois scrambled and was left on his back after adam 's spectacular strike sailed into the back of the net\"]\n", + "=======================\n", + "[\"charlie adam scored goal of his career in stoke city 's defeat to chelseaadam beat thibaut courtois from all of 65-yards at stamford bridgecourtois scrambled back but was unable to deny the scottish internationaladam though was left with mixed feelings as chelsea earned three points\"]\n", + "stoke city midfielder charlie adam scored the goal of his career during stoke city 's defeat to chelseathe scotland international picked the ball up inside his own half and stunned blues goalkeeper thibaut courtois with a sensational 66-yard effort .courtois scrambled and was left on his back after adam 's spectacular strike sailed into the back of the net\n", + "charlie adam scored goal of his career in stoke city 's defeat to chelseaadam beat thibaut courtois from all of 65-yards at stamford bridgecourtois scrambled back but was unable to deny the scottish internationaladam though was left with mixed feelings as chelsea earned three points\n", + "[1.3378899 1.4328268 1.3966154 1.3083934 1.2105271 1.1267395 1.0869838\n", + " 1.1094445 1.0728133 1.0889089 1.1977509 1.0115465 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 10 5 7 9 6 8 11 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"five men and one woman were detained at approximately 8am this morning in the departure zone of the south coast port , according to the force 's twitter feed .four of the men , all in their 20s , are from birmingham , west midlands , while a 26-year-old man and a 23-year-old woman of no fixed abode were also held .they are currently being questioned at a police station in the west midlands area .\"]\n", + "=======================\n", + "[\"five men and one woman were arrested at 8am in the port 's departure zonethe group , all in their 20s , are currently being questioned at police stationsearches taking place at a number of addresses in birmingham , west midssuspects are not a family group and were not accompanied by children\"]\n", + "five men and one woman were detained at approximately 8am this morning in the departure zone of the south coast port , according to the force 's twitter feed .four of the men , all in their 20s , are from birmingham , west midlands , while a 26-year-old man and a 23-year-old woman of no fixed abode were also held .they are currently being questioned at a police station in the west midlands area .\n", + "five men and one woman were arrested at 8am in the port 's departure zonethe group , all in their 20s , are currently being questioned at police stationsearches taking place at a number of addresses in birmingham , west midssuspects are not a family group and were not accompanied by children\n", + "[1.4540083 1.1890478 1.4718903 1.2941276 1.1964837 1.1235065 1.0881515\n", + " 1.1340243 1.0798944 1.0465568 1.0161924 1.0256845 1.1403869 1.0366977\n", + " 1.1908813 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 4 14 1 12 7 5 6 8 9 13 11 10 15 16 17 18 19 20]\n", + "=======================\n", + "[\"john coyne , 56 , who ran the prince of wales pub in harrow road , central london , attacked his 25-year-old victim who had fallen unconscious after a night of drinking in october last year .coyne was convicted of rape and engaging in sexual activity without consent and jailed at blackfriars crown court yesterday .the jury heard the victim , who is heterosexual , had been on a night out with friends after finishing work and ended the night at coyne 's pub where he fell asleep on a sofa .\"]\n", + "=======================\n", + "[\"john coyne 's victim , 25 , woke to find the pub landlord raping him on sofadetectives seized cctv of coyne attacking drinker but he still denied crimejailed for 9 years after jury found him guilty of rape and other sex offencepolice urge anyone who may have been abused by coyne to come forward\"]\n", + "john coyne , 56 , who ran the prince of wales pub in harrow road , central london , attacked his 25-year-old victim who had fallen unconscious after a night of drinking in october last year .coyne was convicted of rape and engaging in sexual activity without consent and jailed at blackfriars crown court yesterday .the jury heard the victim , who is heterosexual , had been on a night out with friends after finishing work and ended the night at coyne 's pub where he fell asleep on a sofa .\n", + "john coyne 's victim , 25 , woke to find the pub landlord raping him on sofadetectives seized cctv of coyne attacking drinker but he still denied crimejailed for 9 years after jury found him guilty of rape and other sex offencepolice urge anyone who may have been abused by coyne to come forward\n", + "[1.1269709 1.0407807 1.0513097 1.1274216 1.1768054 1.1179907 1.1702019\n", + " 1.1332346 1.0395862 1.0483673 1.0923299 1.0696976 1.0875058 1.0787206\n", + " 1.0933778 1.0672894 1.0405933 1.0165826 0. ]\n", + "\n", + "[ 4 6 7 3 0 5 14 10 12 13 11 15 2 9 1 16 8 17 18]\n", + "=======================\n", + "[\"the man is peter greste .it 's easy to lead a horse to water when , in the centenary year of the gallipoli campaign , our nation is at saturation point with battlefield remembrance .the sum total of television programming , beer advertising , political grandstanding and opportunistic marketing suggests that the historical legacy of australia 's involvement in the first world war boils down to a simple equation : young ( white ) man plus distant beach equals sacrifice .\"]\n", + "=======================\n", + "['april 25 , 2015 marks the centenary of the start of the gallipoli campaign in turkey during wwianzac troops stormed the beaches at gallipoli , beginning a bloody eight-month campaign']\n", + "the man is peter greste .it 's easy to lead a horse to water when , in the centenary year of the gallipoli campaign , our nation is at saturation point with battlefield remembrance .the sum total of television programming , beer advertising , political grandstanding and opportunistic marketing suggests that the historical legacy of australia 's involvement in the first world war boils down to a simple equation : young ( white ) man plus distant beach equals sacrifice .\n", + "april 25 , 2015 marks the centenary of the start of the gallipoli campaign in turkey during wwianzac troops stormed the beaches at gallipoli , beginning a bloody eight-month campaign\n", + "[1.3811196 1.2514787 1.3529911 1.2203121 1.1849835 1.1794978 1.1111417\n", + " 1.08395 1.0133486 1.0143425 1.025303 1.2649026 1.151673 1.0670458\n", + " 1.0324386 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 11 1 3 4 5 12 6 7 13 14 10 9 8 15 16 17 18]\n", + "=======================\n", + "[\"claim : murder suspect dmitri kovtun says that alexander litvinenko killed himself by mistakedmitri kovtun , who is wanted for the dissident 's murder , insisted that he was not involved in mr litvinenko 's death and suggested that he had poisoned himself without knowing it .killed : litvinenko died of radiation poisoning in november 2006 after meeting kovtun and alexander lugovoi\"]\n", + "=======================\n", + "[\"dmitri kovtun claims alexander litvinenko was carrying around polonium without knowing itsays the ex-spy 's death was ` accidental suicide ' during press conferencekovtun denies murdering litvinenko , but has agreed to give evidence at the public inquiry into his death\"]\n", + "claim : murder suspect dmitri kovtun says that alexander litvinenko killed himself by mistakedmitri kovtun , who is wanted for the dissident 's murder , insisted that he was not involved in mr litvinenko 's death and suggested that he had poisoned himself without knowing it .killed : litvinenko died of radiation poisoning in november 2006 after meeting kovtun and alexander lugovoi\n", + "dmitri kovtun claims alexander litvinenko was carrying around polonium without knowing itsays the ex-spy 's death was ` accidental suicide ' during press conferencekovtun denies murdering litvinenko , but has agreed to give evidence at the public inquiry into his death\n", + "[1.4386401 1.3215078 1.1240412 1.4604673 1.110366 1.1315944 1.1648573\n", + " 1.0783366 1.0472034 1.0217112 1.0218306 1.0110565 1.1803297 1.1686746\n", + " 1.0113337 1.010481 1.0104904 1.0110325 1.011682 ]\n", + "\n", + "[ 3 0 1 12 13 6 5 2 4 7 8 10 9 18 14 11 17 16 15]\n", + "=======================\n", + "['lewis hamilton celebrates his victory at the bahrain grand prix ahead of the ferrari of kimi raikkonenferrari team principal maurizio arrivabene has revealed to using a carrot-and-stick method with kimi raikkonen to keep his desire to remain with the maranello marque high .with lewis hamilton yet to sign his new contract as he negotiates the finer details with mercedes , it has been suggested that the 30-year-old will replace raikkonen at ferrari for next season .']\n", + "=======================\n", + "[\"lewis hamilton won sunday 's barhain grand prix ahead of kimi raikkonenhamilton is out of contract at the end of the year and is yet to sign new dealit has been suggested that hamilton could replace raikkonen at ferraribut team principal maurizio arrivabene says he is happy with driver line-up\"]\n", + "lewis hamilton celebrates his victory at the bahrain grand prix ahead of the ferrari of kimi raikkonenferrari team principal maurizio arrivabene has revealed to using a carrot-and-stick method with kimi raikkonen to keep his desire to remain with the maranello marque high .with lewis hamilton yet to sign his new contract as he negotiates the finer details with mercedes , it has been suggested that the 30-year-old will replace raikkonen at ferrari for next season .\n", + "lewis hamilton won sunday 's barhain grand prix ahead of kimi raikkonenhamilton is out of contract at the end of the year and is yet to sign new dealit has been suggested that hamilton could replace raikkonen at ferraribut team principal maurizio arrivabene says he is happy with driver line-up\n", + "[1.2499933 1.3163152 1.2633715 1.4008633 1.1942934 1.0826569 1.1098819\n", + " 1.0374231 1.1808639 1.0927142 1.0410335 1.0336366 1.0509866 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 0 4 8 6 9 5 12 10 7 11 17 13 14 15 16 18]\n", + "=======================\n", + "['the bell 525 relentless is due to make its maiden flight this year with purchasers forking out $ 15million ( # 10.12 m ) for their ownonce it flies for the first time a little behind schedule , the helicopter will cruise at a maximum of 178 miles per hour and with its 2,4000-litre fuel capacity be able to fly up to 575 miles without stopping .the commercial helicopter has a luxurious 88-square-foot cabin and space to fit 20 passengers in boardroom-style comfort']\n", + "=======================\n", + "['the bell 525 relentless boasts an 88-square-foot cabin and space to fit 20 passengers in boardroom-style comfortthe craft , by textron , will make its maiden flight this year and is aimed at the rich offshore oil and gas marketit will cruise at a maximum of 178 miles per hour and with its 2,4000-litre fuel capacity fly 575 miles without stopping']\n", + "the bell 525 relentless is due to make its maiden flight this year with purchasers forking out $ 15million ( # 10.12 m ) for their ownonce it flies for the first time a little behind schedule , the helicopter will cruise at a maximum of 178 miles per hour and with its 2,4000-litre fuel capacity be able to fly up to 575 miles without stopping .the commercial helicopter has a luxurious 88-square-foot cabin and space to fit 20 passengers in boardroom-style comfort\n", + "the bell 525 relentless boasts an 88-square-foot cabin and space to fit 20 passengers in boardroom-style comfortthe craft , by textron , will make its maiden flight this year and is aimed at the rich offshore oil and gas marketit will cruise at a maximum of 178 miles per hour and with its 2,4000-litre fuel capacity fly 575 miles without stopping\n", + "[1.2414236 1.1642773 1.1149786 1.0902954 1.0504005 1.0392376 1.1189855\n", + " 1.0869756 1.1550243 1.1046103 1.0708352 1.0574785 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 8 6 2 9 3 7 10 11 4 5 17 12 13 14 15 16 18]\n", + "=======================\n", + "['( cnn ) i do n\\'t always talk about news events with my daughters , but there was something about the story of espn reporter britt mchenry and the wildly offensive way she spoke to that towing company employee that made me bring it up .one of the main things i preach to my girls , ages 7 and 9 , is the importance of respecting other people , no matter who you are and what you go on to accomplish .mchenry has since apologized on twitter , saying she said \" some insulting and regrettable things , \" and that as frustrated as she was during an experience at a towing company in virginia , she should \" always choose to be respectful and take the high road . \"']\n", + "=======================\n", + "[\"espn reporter britt mchenry caught on video berating a towing company employeecnn 's kelly wallace used the story as a teachable moment for her daughterswallace : mchenry could learn from other celebrities who responded gracefully in stressful situations\"]\n", + "( cnn ) i do n't always talk about news events with my daughters , but there was something about the story of espn reporter britt mchenry and the wildly offensive way she spoke to that towing company employee that made me bring it up .one of the main things i preach to my girls , ages 7 and 9 , is the importance of respecting other people , no matter who you are and what you go on to accomplish .mchenry has since apologized on twitter , saying she said \" some insulting and regrettable things , \" and that as frustrated as she was during an experience at a towing company in virginia , she should \" always choose to be respectful and take the high road . \"\n", + "espn reporter britt mchenry caught on video berating a towing company employeecnn 's kelly wallace used the story as a teachable moment for her daughterswallace : mchenry could learn from other celebrities who responded gracefully in stressful situations\n", + "[1.1439698 1.2991536 1.1716232 1.328712 1.2943556 1.0661825 1.0635973\n", + " 1.083053 1.0741276 1.0574006 1.0531741 1.1284596 1.1103839 1.1495886\n", + " 1.0208192 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 1 4 2 13 0 11 12 7 8 5 6 9 10 14 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"spanish papers report on the attacking selection that real madrid boss carlo ancelotti now has at the clubfor the first time since november midfield quartet isco , toni kroos , luka modric and james rodriguez are all fit and available alongside famed ` bbc ' triumvirate of gareth bale , karim benzema and cristiano ronaldo .however , as spanish paper as reports seven players into six spots does n't go - with one set to be upset at being left out of his preferred 4-3-3 formation .\"]\n", + "=======================\n", + "['real madrid thrashed granada 9-1 in la liga at home on sundayfor the first time since november real have all seven attacking stars fitfiorentina host juventus in coppa italia semi-final second leg on tuesday']\n", + "spanish papers report on the attacking selection that real madrid boss carlo ancelotti now has at the clubfor the first time since november midfield quartet isco , toni kroos , luka modric and james rodriguez are all fit and available alongside famed ` bbc ' triumvirate of gareth bale , karim benzema and cristiano ronaldo .however , as spanish paper as reports seven players into six spots does n't go - with one set to be upset at being left out of his preferred 4-3-3 formation .\n", + "real madrid thrashed granada 9-1 in la liga at home on sundayfor the first time since november real have all seven attacking stars fitfiorentina host juventus in coppa italia semi-final second leg on tuesday\n", + "[1.264261 1.3434254 1.2596005 1.1582079 1.0810735 1.0724443 1.08694\n", + " 1.1030899 1.0279534 1.2574605 1.1216762 1.0541188 1.0144192 1.0156823\n", + " 1.012625 1.1293099 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 2 9 3 15 10 7 6 4 5 11 8 13 12 14 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"but in 2011 , dr shannon was trapped in his burning suv after it was t-boned by a semi-truck , when trokey , now an orange county fire authority paramedic , worked to pull him out alive .when dr michael shannon saved chris trokey 's life when he was born premature more than 30 years ago , he could never have known that the favor would one day be returned .their incredible story was shared by ktla after the pair both participated in a fundraiser for childhood cancer in rancho santa margarita , california on sunday .\"]\n", + "=======================\n", + "[\"orange county fire authority paramedic chris trokey was part of a team that saved a driver 's life after his car was hit by a truck in 2011when he went to the hospital , he learned the man was dr michael shannon - the same man who saved his life when he was born weighing 3lbsthe two men reunited this weekend at a fundraising event\"]\n", + "but in 2011 , dr shannon was trapped in his burning suv after it was t-boned by a semi-truck , when trokey , now an orange county fire authority paramedic , worked to pull him out alive .when dr michael shannon saved chris trokey 's life when he was born premature more than 30 years ago , he could never have known that the favor would one day be returned .their incredible story was shared by ktla after the pair both participated in a fundraiser for childhood cancer in rancho santa margarita , california on sunday .\n", + "orange county fire authority paramedic chris trokey was part of a team that saved a driver 's life after his car was hit by a truck in 2011when he went to the hospital , he learned the man was dr michael shannon - the same man who saved his life when he was born weighing 3lbsthe two men reunited this weekend at a fundraising event\n", + "[1.0404471 1.2518665 1.3121059 1.4577751 1.099215 1.1267893 1.0688958\n", + " 1.1142453 1.1126809 1.0619919 1.0268404 1.1192999 1.0523913 1.066365\n", + " 1.1542048 1.0598004 1.0415775 1.0164465 1.0068007 1.0068163 1.0077899\n", + " 1.0135009 1.1038468]\n", + "\n", + "[ 3 2 1 14 5 11 7 8 22 4 6 13 9 15 12 16 0 10 17 21 20 19 18]\n", + "=======================\n", + "[\"leah williamson ( centre ) stepped up again to take the penalty during the 18-second rematch against norwayleah williamson stood up , a player for arsenal ladies but virtually anonymous in wider conversations about football .that was the surreal upshot of one of the shortest international matches in history on thursday night , when 22 women from england and norway 's under 19 sides got together for a couple of minutes of football .\"]\n", + "=======================\n", + "[\"leah williamson scores penalty as england earn 2-2 against norwayuefa ordered the final 18 seconds of the qualifier to be replayed after a refereeing mistakethe action lasted 65 seconds from point whistle was blown to full-timereferee marija kurtes incorrectly awarded an indirect free-kick to norway for encroachment after disallowing england 's penalty on saturdayengland were 2-1 down to norway at the time in the 96th minutegerman kurtes , 28 , has been sent home following her errorthree lions earn 3-1 victory against switzerland meaning a 2-2 will be enough for european championship qualificationnorway beat northern ireland 8-1 to keep things tight in group 4it is the first time ever that a decision like this has been taken by uefawatch video below of the controversial penalty incidentread : graham poll 's expert verdict on uefa 's bizarre decision\"]\n", + "leah williamson ( centre ) stepped up again to take the penalty during the 18-second rematch against norwayleah williamson stood up , a player for arsenal ladies but virtually anonymous in wider conversations about football .that was the surreal upshot of one of the shortest international matches in history on thursday night , when 22 women from england and norway 's under 19 sides got together for a couple of minutes of football .\n", + "leah williamson scores penalty as england earn 2-2 against norwayuefa ordered the final 18 seconds of the qualifier to be replayed after a refereeing mistakethe action lasted 65 seconds from point whistle was blown to full-timereferee marija kurtes incorrectly awarded an indirect free-kick to norway for encroachment after disallowing england 's penalty on saturdayengland were 2-1 down to norway at the time in the 96th minutegerman kurtes , 28 , has been sent home following her errorthree lions earn 3-1 victory against switzerland meaning a 2-2 will be enough for european championship qualificationnorway beat northern ireland 8-1 to keep things tight in group 4it is the first time ever that a decision like this has been taken by uefawatch video below of the controversial penalty incidentread : graham poll 's expert verdict on uefa 's bizarre decision\n", + "[1.2389615 1.3903055 1.3422137 1.1737816 1.3380439 1.0567665 1.0502006\n", + " 1.0455872 1.0673414 1.1617525 1.0636953 1.1143844 1.0494479 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 4 0 3 9 11 8 10 5 6 12 7 21 13 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"an administrative law judge said that sweet cakes by melissa , in the portland suburb of gresham , discriminated against rachel bowman-cryer and her wife laurel and caused them emotional suffering .melissa klein and her husband aaron refused to make the couple , who held a commitment ceremony in june 2013 , a cake after learning that they were lesbians in january of that year because they disapprove of gay marriage for religious reasons .the kleins were able to raise more than $ 100,000 from anonymous donors on a fundraising page before it was shut down for violating gofundme 's terms of service .\"]\n", + "=======================\n", + "[\"sweet cakes by melissa in oregon found to have discriminated against lesbian couple by refusing them wedding cake in january 2013melissa and aaron klein ordered to pay fine that they say will ` ruin ' themrachel bowman-cryer and her wife laurel said to have suffered emotional distress from case , which prompted death threatsfine of $ 135,000 may be increased or decreased by state labor headfundraising page for bakery raised $ 100,000 before it was shut it downbakers said ` satan 's really at work ' and urged donations on christian site\"]\n", + "an administrative law judge said that sweet cakes by melissa , in the portland suburb of gresham , discriminated against rachel bowman-cryer and her wife laurel and caused them emotional suffering .melissa klein and her husband aaron refused to make the couple , who held a commitment ceremony in june 2013 , a cake after learning that they were lesbians in january of that year because they disapprove of gay marriage for religious reasons .the kleins were able to raise more than $ 100,000 from anonymous donors on a fundraising page before it was shut down for violating gofundme 's terms of service .\n", + "sweet cakes by melissa in oregon found to have discriminated against lesbian couple by refusing them wedding cake in january 2013melissa and aaron klein ordered to pay fine that they say will ` ruin ' themrachel bowman-cryer and her wife laurel said to have suffered emotional distress from case , which prompted death threatsfine of $ 135,000 may be increased or decreased by state labor headfundraising page for bakery raised $ 100,000 before it was shut it downbakers said ` satan 's really at work ' and urged donations on christian site\n", + "[1.1452558 1.3499206 1.1968658 1.071749 1.1942673 1.2452041 1.147673\n", + " 1.066335 1.0323699 1.0474734 1.0474862 1.0345447 1.0753399 1.0771455\n", + " 1.0406067 1.0188568 1.0377051 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 5 2 4 6 0 13 12 3 7 10 9 14 16 11 8 15 17 18 19 20 21 22]\n", + "=======================\n", + "['ancient civilisations such as the romans , greeks and egyptians have had to deal with rowdy , drunken behaviour in public for thousands of years .mark bellis , who is honorary professor of public health at bangor university , is giving a talk at a conference in las vegas this week about the history of binge drinking .now one academic suggests that modern authorities should take a lead from their forebears as they attempt to mitigate the impact of our boozy culture .']\n", + "=======================\n", + "['health expert mark bellis says alcohol abuse goes back as far as ancient civilisations such as the greeks and mesopotamiansthe egyptians used to warn against mixing alcoholic drinks with drugsauthorities tackled public drunkenness with street lights and advertising']\n", + "ancient civilisations such as the romans , greeks and egyptians have had to deal with rowdy , drunken behaviour in public for thousands of years .mark bellis , who is honorary professor of public health at bangor university , is giving a talk at a conference in las vegas this week about the history of binge drinking .now one academic suggests that modern authorities should take a lead from their forebears as they attempt to mitigate the impact of our boozy culture .\n", + "health expert mark bellis says alcohol abuse goes back as far as ancient civilisations such as the greeks and mesopotamiansthe egyptians used to warn against mixing alcoholic drinks with drugsauthorities tackled public drunkenness with street lights and advertising\n", + "[1.1588812 1.4791496 1.2488309 1.1562055 1.1713111 1.3474057 1.1546055\n", + " 1.1781763 1.0795815 1.0741216 1.086927 1.0659792 1.0826522 1.0301205\n", + " 1.0150317 1.0157641 1.0232569 1.013892 1.0098277 1.0066048 1.1423136\n", + " 1.0625129]\n", + "\n", + "[ 1 5 2 7 4 0 3 6 20 10 12 8 9 11 21 13 16 15 14 17 18 19]\n", + "=======================\n", + "[\"doctors told cara newton , 32 , from fleet , hampshire , she had a zero per cent chance of conceiving naturally after being diagnosed with bone cancer in 2009 .while mrs newton and her husband , chris , 34 , were relieved that chemotherapy had worked , they were devastated to be told they would never have a family of their own .mrs newton was diagnosed with ewing 's sarcoma - a rare type of bone cancer - in april 2009 .\"]\n", + "=======================\n", + "[\"cara newton , 32 , was told she was infertile after undergoing chemotherapywas diagnosed with the rare bone cancer ewing 's sarcoma in 2009some chemotherapy drugs permanently stop the ovaries producing eggsafter ivf failed , she was overjoyed to conceive baby sebastian naturally\"]\n", + "doctors told cara newton , 32 , from fleet , hampshire , she had a zero per cent chance of conceiving naturally after being diagnosed with bone cancer in 2009 .while mrs newton and her husband , chris , 34 , were relieved that chemotherapy had worked , they were devastated to be told they would never have a family of their own .mrs newton was diagnosed with ewing 's sarcoma - a rare type of bone cancer - in april 2009 .\n", + "cara newton , 32 , was told she was infertile after undergoing chemotherapywas diagnosed with the rare bone cancer ewing 's sarcoma in 2009some chemotherapy drugs permanently stop the ovaries producing eggsafter ivf failed , she was overjoyed to conceive baby sebastian naturally\n", + "[1.1348218 1.4168606 1.3069017 1.0659243 1.2459822 1.2116499 1.1686524\n", + " 1.1518583 1.1318591 1.0717238 1.048394 1.1388786 1.105456 1.0679686\n", + " 1.0310695 1.030246 1.0443016 1.0184745 1.0172654 1.0141118 1.0227121\n", + " 0. ]\n", + "\n", + "[ 1 2 4 5 6 7 11 0 8 12 9 13 3 10 16 14 15 20 17 18 19 21]\n", + "=======================\n", + "[\"researchers from london and edinburgh are developing a computer that can collate meteorological information and then produce forecasts as if they were written by a human .useing a process known as ` natural language generation ' ( nlg ) , it has the potential to one day be used in humanoid robots on our tv screens .these computer-generated weather updates are being being tested by scientists at heriot-watt university and university college london .\"]\n", + "=======================\n", + "[\"researchers are developing a computer that can write weather forecastsit takes meteorological data and writes a report designed to mimic a humanthis process is known as ` natural language generation ' ( nlg )a prototype system will be tested on the bbc website later this year\"]\n", + "researchers from london and edinburgh are developing a computer that can collate meteorological information and then produce forecasts as if they were written by a human .useing a process known as ` natural language generation ' ( nlg ) , it has the potential to one day be used in humanoid robots on our tv screens .these computer-generated weather updates are being being tested by scientists at heriot-watt university and university college london .\n", + "researchers are developing a computer that can write weather forecastsit takes meteorological data and writes a report designed to mimic a humanthis process is known as ` natural language generation ' ( nlg )a prototype system will be tested on the bbc website later this year\n", + "[1.2873832 1.4074483 1.2891219 1.2234966 1.1849394 1.1692133 1.1226355\n", + " 1.0967162 1.1158152 1.074626 1.1668203 1.0504222 1.0122585 1.0280915\n", + " 1.0751535 1.0386176 1.0262643 1.0080228 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 4 5 10 6 8 7 14 9 11 15 13 16 12 17 20 18 19 21]\n", + "=======================\n", + "[\"a drone carrying traces of a radioactive material was found on the rooftop of japan 's equivalent to the white house on wednesday , police and government officials said .the discovery came on the same day a japanese court approved a government plan to restart two reactors at the sendai nuclear power plant in kagoshima prefecture , more than four years after the fukushima daiichi nuclear disaster .tokyo ( cnn ) a bizarre and alarming discovery is raising concerns in japan about the potential for terrorism involving drones .\"]\n", + "=======================\n", + "['the drone is sparking terrorism concerns , authorities sayit was equipped with a bottle containing radioactive materialit was discovered as a court approved a plan to restart two japanese nuclear reactors']\n", + "a drone carrying traces of a radioactive material was found on the rooftop of japan 's equivalent to the white house on wednesday , police and government officials said .the discovery came on the same day a japanese court approved a government plan to restart two reactors at the sendai nuclear power plant in kagoshima prefecture , more than four years after the fukushima daiichi nuclear disaster .tokyo ( cnn ) a bizarre and alarming discovery is raising concerns in japan about the potential for terrorism involving drones .\n", + "the drone is sparking terrorism concerns , authorities sayit was equipped with a bottle containing radioactive materialit was discovered as a court approved a plan to restart two japanese nuclear reactors\n", + "[1.3245007 1.269409 1.1726668 1.2860755 1.1074677 1.1376529 1.0972697\n", + " 1.1464844 1.0704842 1.078486 1.0382869 1.0744492 1.0854667 1.0830503\n", + " 1.0507219 1.012377 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 2 7 5 4 6 12 13 9 11 8 14 10 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"hillary rodham clinton 's presidential campaign will center on boosting economic security for the middle class and expanding opportunities for working families , while casting the former senator and secretary of state as a ` tenacious fighter ' able to get results , two senior advisers said on saturday .president barack obama all but endorsed her saying ' i think she would be an excellent president . 'the senior advisers provided the first preview of the message clinton planned to convey when she launches her long-anticipated campaign on sunday with an online video .\"]\n", + "=======================\n", + "[\"ahead of launching her anticipated campaign on sunday , two senior advisers said strategy has echoes of obama 's 2012 re-election campaignshe is expected to reach out to donors in coming weeks , but does not plan to headline many fundraising events over the next monthadvisers said she planned to talk about ways families can increase take-home pay and making higher education more affordableshe intends to sell herself as being able to work with congress , businesses and world leaderspresident barack obama said on saturday ' i think she would be an excellent president 'clinton 's growing team of staffers began working friday out of a new campaign headquarters in brooklyn\"]\n", + "hillary rodham clinton 's presidential campaign will center on boosting economic security for the middle class and expanding opportunities for working families , while casting the former senator and secretary of state as a ` tenacious fighter ' able to get results , two senior advisers said on saturday .president barack obama all but endorsed her saying ' i think she would be an excellent president . 'the senior advisers provided the first preview of the message clinton planned to convey when she launches her long-anticipated campaign on sunday with an online video .\n", + "ahead of launching her anticipated campaign on sunday , two senior advisers said strategy has echoes of obama 's 2012 re-election campaignshe is expected to reach out to donors in coming weeks , but does not plan to headline many fundraising events over the next monthadvisers said she planned to talk about ways families can increase take-home pay and making higher education more affordableshe intends to sell herself as being able to work with congress , businesses and world leaderspresident barack obama said on saturday ' i think she would be an excellent president 'clinton 's growing team of staffers began working friday out of a new campaign headquarters in brooklyn\n", + "[1.5339098 1.1348795 1.0695813 1.0848955 1.0853043 1.1322803 1.1896985\n", + " 1.1174387 1.0750127 1.024231 1.0221331 1.185543 1.0575794 1.0761498\n", + " 1.0622836 1.1420175 1.0213096 1.0145192 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 6 11 15 1 5 7 4 3 13 8 2 14 12 9 10 16 17 18 19 20 21]\n", + "=======================\n", + "[\"five time emmy-winning actress candice bergen , now 68 , confesses she was the highest paid actor in television for a lot of years after playing the title role in the hit cbs sitcom , murphy brown that ran for ten years starting in 1988 .financial secrets prevailed in her upbringing by her model / actress mother and her famous father , edgar bergen , best known for as ventriloquist who 's sidekick was dummy charlie mccarthy .success : candice starred in the long-running tv hit murphy brown , here with costar grant shaud\"]\n", + "=======================\n", + "[\"candice bergen 's competition for her dad 's affection was not with a sibling - it was with his iconic sidekick dummy charlie mccarthy` charlie had his own bedroom next to mine -- and his was bigger 'she and french director louis malle had been ` crazy in love 'her role on murphy brown made her a fortunereal estate developer second husband was suffocating and she reacted with tiny tantrums .she 's packed on 30 pound and says ` no carb is safe -- no fat either '\"]\n", + "five time emmy-winning actress candice bergen , now 68 , confesses she was the highest paid actor in television for a lot of years after playing the title role in the hit cbs sitcom , murphy brown that ran for ten years starting in 1988 .financial secrets prevailed in her upbringing by her model / actress mother and her famous father , edgar bergen , best known for as ventriloquist who 's sidekick was dummy charlie mccarthy .success : candice starred in the long-running tv hit murphy brown , here with costar grant shaud\n", + "candice bergen 's competition for her dad 's affection was not with a sibling - it was with his iconic sidekick dummy charlie mccarthy` charlie had his own bedroom next to mine -- and his was bigger 'she and french director louis malle had been ` crazy in love 'her role on murphy brown made her a fortunereal estate developer second husband was suffocating and she reacted with tiny tantrums .she 's packed on 30 pound and says ` no carb is safe -- no fat either '\n", + "[1.2128255 1.3818486 1.3133471 1.3235784 1.1941615 1.1972127 1.1404959\n", + " 1.0268657 1.0162821 1.1135437 1.0348347 1.0105487 1.1146295 1.040639\n", + " 1.1541612 1.0263056 1.011747 1.0124016 0. 0. ]\n", + "\n", + "[ 1 3 2 0 5 4 14 6 12 9 13 10 7 15 8 17 16 11 18 19]\n", + "=======================\n", + "[\"the conservative leader set out an ambition that three in five new jobs should be created outside london and the south east to prevent a ` reckless ' economy booming in the capital .tory leader david cameron says that the recovery must be seen in every part of the country and not just ` on the screens of the traders in the city of london 'britain could face another devastating economic crash unless more jobs are created outside the m25 , david cameron warned today .\"]\n", + "=======================\n", + "['conservative leader promises to help create 2million new jobs by 2020warns they must be outside london and the south east to prevent a crash']\n", + "the conservative leader set out an ambition that three in five new jobs should be created outside london and the south east to prevent a ` reckless ' economy booming in the capital .tory leader david cameron says that the recovery must be seen in every part of the country and not just ` on the screens of the traders in the city of london 'britain could face another devastating economic crash unless more jobs are created outside the m25 , david cameron warned today .\n", + "conservative leader promises to help create 2million new jobs by 2020warns they must be outside london and the south east to prevent a crash\n", + "[1.5161226 1.1879071 1.154174 1.2782098 1.2571638 1.2017415 1.1346486\n", + " 1.0700521 1.0782628 1.0784881 1.0408934 1.0196977 1.1209679 1.039586\n", + " 1.0624566 1.1339172 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 5 1 2 6 15 12 9 8 7 14 10 13 11 16 17 18 19]\n", + "=======================\n", + "[\"canadian pop sensation justin bieber is will carry floyd mayweather 's championship belts into the ring ahead of his $ 300million las vegas mega-fight with manny pacquiao on saturday .floyd mayweather poses for photos with justin bieber after defeating alvarez in las vegas back in 2013 .the pop singer is set to accompany mayweather again in his bout against manny pacquiao this weekend\"]\n", + "=======================\n", + "[\"justin bieber is a good friend of floyd mayweatherbieber revealed in a video that he will walk mayweather into his mega-fightmayweather faces manny pacquiao in the $ 300million bout in las vegasbieber has accompanied ` money ' mayweather into the ring several timesclick here for all the latest floyd mayweather vs manny pacquiao news\"]\n", + "canadian pop sensation justin bieber is will carry floyd mayweather 's championship belts into the ring ahead of his $ 300million las vegas mega-fight with manny pacquiao on saturday .floyd mayweather poses for photos with justin bieber after defeating alvarez in las vegas back in 2013 .the pop singer is set to accompany mayweather again in his bout against manny pacquiao this weekend\n", + "justin bieber is a good friend of floyd mayweatherbieber revealed in a video that he will walk mayweather into his mega-fightmayweather faces manny pacquiao in the $ 300million bout in las vegasbieber has accompanied ` money ' mayweather into the ring several timesclick here for all the latest floyd mayweather vs manny pacquiao news\n", + "[1.3826246 1.0594527 1.0842028 1.1843659 1.1345415 1.1249627 1.2274675\n", + " 1.0361835 1.2024893 1.0964782 1.0535625 1.0731716 1.0624429 1.0234076\n", + " 1.1174936 1.0714709 1.028656 1.0131928 1.0315319 1.0103916]\n", + "\n", + "[ 0 6 8 3 4 5 14 9 2 11 15 12 1 10 7 18 16 13 17 19]\n", + "=======================\n", + "[\"manchester united 's humiliation of their noisy neighbours city at old trafford led the club 's official website to claim the city was turned red once more in the space of 90 minutes .united 's website declared this to be the case and they will rightly revel in sunday 's victory for a while .manuel pellegrini and his players began this season with aspirations of defending their barclays premier league title and making an impact on the champions league .\"]\n", + "=======================\n", + "[\"manchester united beat their rivals city 4-2 at old trafford on sundayit led to supporters claiming manchester had been turned red once moreunited had lost their four previous derbies against their great rivals citylouis van gaal appears to have turned united 's fortunes round this yearsportsmail 's ian ladyman examines the issues after the fierce derbyread : five things van gaal has done to transform results at man utd\"]\n", + "manchester united 's humiliation of their noisy neighbours city at old trafford led the club 's official website to claim the city was turned red once more in the space of 90 minutes .united 's website declared this to be the case and they will rightly revel in sunday 's victory for a while .manuel pellegrini and his players began this season with aspirations of defending their barclays premier league title and making an impact on the champions league .\n", + "manchester united beat their rivals city 4-2 at old trafford on sundayit led to supporters claiming manchester had been turned red once moreunited had lost their four previous derbies against their great rivals citylouis van gaal appears to have turned united 's fortunes round this yearsportsmail 's ian ladyman examines the issues after the fierce derbyread : five things van gaal has done to transform results at man utd\n", + "[1.1879971 1.408109 1.3507833 1.1296333 1.209353 1.2260293 1.1732459\n", + " 1.175478 1.1201239 1.0353178 1.0311939 1.1033871 1.0743159 1.0249856\n", + " 1.0104476 1.0210671 1.0128086 0. 0. 0. ]\n", + "\n", + "[ 1 2 5 4 0 7 6 3 8 11 12 9 10 13 15 16 14 18 17 19]\n", + "=======================\n", + "[\"the lincolnshire resort , famous for its giant butlin 's holiday camp and sprawling caravan parks , joins picturesque places such as st ives and windermere in the top ten league of towns for holiday property .billy butlin located his first holiday park at skegness in 1936 and it still attracts 400,000 visitors a year .popular : skegness ( pictured ) is one of the most popular places in britain to own a holiday home , according to new figures out today\"]\n", + "=======================\n", + "[\"skegness featured among picturesque places like windermere and cornwalllincolnshire town famous for its butlin 's attracts over 400,000 visitors a yearresearch revealed 165,000 people in england and wales have holiday homes\"]\n", + "the lincolnshire resort , famous for its giant butlin 's holiday camp and sprawling caravan parks , joins picturesque places such as st ives and windermere in the top ten league of towns for holiday property .billy butlin located his first holiday park at skegness in 1936 and it still attracts 400,000 visitors a year .popular : skegness ( pictured ) is one of the most popular places in britain to own a holiday home , according to new figures out today\n", + "skegness featured among picturesque places like windermere and cornwalllincolnshire town famous for its butlin 's attracts over 400,000 visitors a yearresearch revealed 165,000 people in england and wales have holiday homes\n", + "[1.3427064 1.3025668 1.2598796 1.2174904 1.1712457 1.1551843 1.1046184\n", + " 1.125128 1.0582179 1.1195617 1.0827426 1.1120834 1.0600517 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 5 7 9 11 6 10 12 8 18 13 14 15 16 17 19]\n", + "=======================\n", + "['( cnn ) imprisoned soldier chelsea manning can now communicate with the world -- in 140 characters or less .manning , who is serving a 35-year prison sentence for leaking thousands of classified documents , appears to have joined twitter this week .in a series of tweets , the prisoner formerly known as bradley manning said she will be using a voice phone to dictate her tweets to communications firm fitzgibbon media , which will post them on her behalf .']\n", + "=======================\n", + "['manning is serving a 35-year sentence for leaking thousands of classified documentsshe says she will be using a voice phone to dictate her tweets']\n", + "( cnn ) imprisoned soldier chelsea manning can now communicate with the world -- in 140 characters or less .manning , who is serving a 35-year prison sentence for leaking thousands of classified documents , appears to have joined twitter this week .in a series of tweets , the prisoner formerly known as bradley manning said she will be using a voice phone to dictate her tweets to communications firm fitzgibbon media , which will post them on her behalf .\n", + "manning is serving a 35-year sentence for leaking thousands of classified documentsshe says she will be using a voice phone to dictate her tweets\n", + "[1.1459272 1.4625475 1.3870544 1.3762339 1.057601 1.0788684 1.0508753\n", + " 1.0681016 1.0308375 1.0268998 1.0355716 1.0317886 1.0356276 1.0772052\n", + " 1.062289 1.0142784 1.0228454 1.0130613 1.2413102 1.0976188 1.0121455\n", + " 1.0163114 1.0355545]\n", + "\n", + "[ 1 2 3 18 0 19 5 13 7 14 4 6 12 10 22 11 8 9 16 21 15 17 20]\n", + "=======================\n", + "['john chapple has captured all types of landscapes , including grassy fields in england , major us cities , and sandy beaches in australia .chapple , originally from north devon , first worked as a news and show business photographer before he got into landscape photography , his website says .photographer john chapple captured this shot of the santa monica pier in santa monica , california']\n", + "=======================\n", + "['english photographer john chapple has traveled all over the world - and along the way created stunning panoramic images using a film camerachapple , originally from north devon , first worked as a news and show business photographer before he got into landscape photographyhe has captured grassy fields in england , major us cities , and sandy beaches in australiachapple often takes landscapes with a linhof technorama 617s iii camera']\n", + "john chapple has captured all types of landscapes , including grassy fields in england , major us cities , and sandy beaches in australia .chapple , originally from north devon , first worked as a news and show business photographer before he got into landscape photography , his website says .photographer john chapple captured this shot of the santa monica pier in santa monica , california\n", + "english photographer john chapple has traveled all over the world - and along the way created stunning panoramic images using a film camerachapple , originally from north devon , first worked as a news and show business photographer before he got into landscape photographyhe has captured grassy fields in england , major us cities , and sandy beaches in australiachapple often takes landscapes with a linhof technorama 617s iii camera\n", + "[1.471926 1.1395499 1.4077867 1.2467506 1.228259 1.0580771 1.1487792\n", + " 1.0757382 1.0776309 1.07217 1.0556852 1.0465461 1.1033363 1.0967553\n", + " 1.0623418 1.0268323 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 3 4 6 1 12 13 8 7 9 14 5 10 11 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"scott kelley , now 50 , has been arrested a decade after he fled the u.s with stepdaughter mary nunes , and her mother genevieve kelleythe pair fled new hampshire in 2004 along with genevieve kelley , mary 's mother , during a custody dispute with mark nunes , genevieve 's former husband and mary 's father .he is now facing a charge of custodial interference , the same charge his wife is due to face in court next month .\"]\n", + "=======================\n", + "[\"scott kelley , now 50 , and mary nunes , now 19 , went missing in fall 2004genevieve kelley , mary 's mom , fled during custody fight with girl 's dadfamily hid in costa rica for ten years until genevieve emerged last yearscott and mary were stopped on monday as they tried to enter the u.s.\"]\n", + "scott kelley , now 50 , has been arrested a decade after he fled the u.s with stepdaughter mary nunes , and her mother genevieve kelleythe pair fled new hampshire in 2004 along with genevieve kelley , mary 's mother , during a custody dispute with mark nunes , genevieve 's former husband and mary 's father .he is now facing a charge of custodial interference , the same charge his wife is due to face in court next month .\n", + "scott kelley , now 50 , and mary nunes , now 19 , went missing in fall 2004genevieve kelley , mary 's mom , fled during custody fight with girl 's dadfamily hid in costa rica for ten years until genevieve emerged last yearscott and mary were stopped on monday as they tried to enter the u.s.\n", + "[1.3067483 1.4277118 1.2723086 1.2390869 1.2047439 1.1416607 1.1295989\n", + " 1.2604343 1.0536112 1.0785718 1.0775683 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 2 7 3 4 5 6 9 10 8 20 19 18 17 16 11 14 13 12 21 15 22]\n", + "=======================\n", + "[\"the cases have all occurred in nigeria 's ondo state since april 13 , health officials said sunday .( cnn ) a mysterious affliction has killed as many as 18 people in southwestern nigeria , leaving health officials scrambling to determine its cause .dr. dayo adeyanju , ondo 's state commissioner for health , said 18 people have died and five people are being treated .\"]\n", + "=======================\n", + "['18 dead and 5 being treated , nigeria sayslocally brewed alcohol is suspectedsome patients have died within hours']\n", + "the cases have all occurred in nigeria 's ondo state since april 13 , health officials said sunday .( cnn ) a mysterious affliction has killed as many as 18 people in southwestern nigeria , leaving health officials scrambling to determine its cause .dr. dayo adeyanju , ondo 's state commissioner for health , said 18 people have died and five people are being treated .\n", + "18 dead and 5 being treated , nigeria sayslocally brewed alcohol is suspectedsome patients have died within hours\n", + "[1.3124645 1.2338272 1.1994823 1.1936289 1.3335502 1.3437116 1.3329298\n", + " 1.3327265 1.1217885 1.0480611 1.0156823 1.0117371 1.0155095 1.018162\n", + " 1.0299934 1.013282 1.1496928 1.0584706 1.0234395 1.0566089 0.\n", + " 0. 0. ]\n", + "\n", + "[ 5 4 6 7 0 1 2 3 16 8 17 19 9 14 18 13 10 12 15 11 20 21 22]\n", + "=======================\n", + "['jose mourinho insists that he would sell any of his chelsea players if they did not want to play for the clubraheem sterling , pictured in training on thursday , has rejected a new # 100,000-a-week deal with liverpoolliverpool boss brendan rodgers is adamant that sterling will not be sold in the summer transfer window']\n", + "=======================\n", + "['raheem sterling has rejected a new # 100,000-a-week deal at liverpoolchelsea , arsenal and bayern munich are interested in the 20-year-oldjose mourinho says he would sell any player who did not want to staybrendan rodgers has confirmed that sterling will start against arsenalkolo toure believes his team-mate should remain at anfield']\n", + "jose mourinho insists that he would sell any of his chelsea players if they did not want to play for the clubraheem sterling , pictured in training on thursday , has rejected a new # 100,000-a-week deal with liverpoolliverpool boss brendan rodgers is adamant that sterling will not be sold in the summer transfer window\n", + "raheem sterling has rejected a new # 100,000-a-week deal at liverpoolchelsea , arsenal and bayern munich are interested in the 20-year-oldjose mourinho says he would sell any player who did not want to staybrendan rodgers has confirmed that sterling will start against arsenalkolo toure believes his team-mate should remain at anfield\n", + "[1.3777776 1.2940352 1.2859818 1.2817097 1.192191 1.2568301 1.2359307\n", + " 1.11043 1.0803546 1.1020476 1.0637306 1.0098821 1.0088277 1.1350642\n", + " 1.0484079 1.1426034 1.1143588 1.106643 1.0704279 1.0083462 1.0062714\n", + " 1.0061398 0. ]\n", + "\n", + "[ 0 1 2 3 5 6 4 15 13 16 7 17 9 8 18 10 14 11 12 19 20 21 22]\n", + "=======================\n", + "[\"leroy j. toppins went missing on friday night while playing with siblings in the front yard of his family 's home in washington court house , ohio .his parents worriedly reported him missing after he disappeared about 6pm .more than 100 locals joined a search for the toddler that lasted all day saturday .\"]\n", + "=======================\n", + "[\"leroy j. toppins went missing 6pm friday from his parents ' front yardmajor search was launched , with 100 locals joining in to helpdivers found the boy 's body in a run-off pond at 7pm saturdaythe quarry was adjacent to the family 's homepolice do not suspect foul play\"]\n", + "leroy j. toppins went missing on friday night while playing with siblings in the front yard of his family 's home in washington court house , ohio .his parents worriedly reported him missing after he disappeared about 6pm .more than 100 locals joined a search for the toddler that lasted all day saturday .\n", + "leroy j. toppins went missing 6pm friday from his parents ' front yardmajor search was launched , with 100 locals joining in to helpdivers found the boy 's body in a run-off pond at 7pm saturdaythe quarry was adjacent to the family 's homepolice do not suspect foul play\n", + "[1.2073872 1.3592612 1.2866863 1.2579662 1.129649 1.1631 1.1128694\n", + " 1.1393671 1.1157542 1.0908021 1.0384792 1.0496666 1.0974314 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 7 4 8 6 12 9 11 10 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"footage shows exotic pet owner kayonna cole holding her female rose hair spider up to the camera as it digs its fangs into her skin .kayonna , who filmed the moment at her home in los angeles , remains calm throughout the video , but later suffered a reaction to the spider 's venom .kayonna holds her hand steady and remains calm as the tarantula removes its fangs from her skin\"]\n", + "=======================\n", + "['kayonna cole holds her female rose hair spider to the camerathe exotic pet owner is bitten numerous times by the tarantulathe video was recorded by kayonna at her home in los angeles']\n", + "footage shows exotic pet owner kayonna cole holding her female rose hair spider up to the camera as it digs its fangs into her skin .kayonna , who filmed the moment at her home in los angeles , remains calm throughout the video , but later suffered a reaction to the spider 's venom .kayonna holds her hand steady and remains calm as the tarantula removes its fangs from her skin\n", + "kayonna cole holds her female rose hair spider to the camerathe exotic pet owner is bitten numerous times by the tarantulathe video was recorded by kayonna at her home in los angeles\n", + "[1.3122406 1.4377728 1.2576785 1.3223537 1.1538876 1.1838765 1.1896906\n", + " 1.0415999 1.0678145 1.0766596 1.0216488 1.0591619 1.1055068 1.057072\n", + " 1.0838994 1.0521009 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 6 5 4 12 14 9 8 11 13 15 7 10 16 17 18 19 20]\n", + "=======================\n", + "[\"the golfer 's girlfriend , bikini model alexis randock , had posted a photo on her instagram account of her and sister nicole on the beach last week .rickie fowler has earned extra brownie points with his growing legion of fans after calling out an online hater who accused his girlfriend of being a ` gold digger . 'randock ( centre ) was criticised by an online troll for not working due to her relationship with fowler ( right )\"]\n", + "=======================\n", + "[\"rickie fowler responded to online troll who abused his girlfriendbikini model alexis randock had posted a photo on her instagram accountrandock was pictured on the beach alongside her sister nicolea troll called ` fatalsplash ' then accused alexis of being a ` gold digger 'fowler told the hater to ` get your facts straight ' following comment\"]\n", + "the golfer 's girlfriend , bikini model alexis randock , had posted a photo on her instagram account of her and sister nicole on the beach last week .rickie fowler has earned extra brownie points with his growing legion of fans after calling out an online hater who accused his girlfriend of being a ` gold digger . 'randock ( centre ) was criticised by an online troll for not working due to her relationship with fowler ( right )\n", + "rickie fowler responded to online troll who abused his girlfriendbikini model alexis randock had posted a photo on her instagram accountrandock was pictured on the beach alongside her sister nicolea troll called ` fatalsplash ' then accused alexis of being a ` gold digger 'fowler told the hater to ` get your facts straight ' following comment\n", + "[1.2890531 1.4593668 1.2078097 1.1598136 1.3629881 1.1295761 1.0894547\n", + " 1.0298389 1.0228288 1.0400821 1.0257095 1.1890045 1.2023219 1.034743\n", + " 1.0370766 1.0935872 1.0134026 1.0092728 1.0816934 1.010736 0. ]\n", + "\n", + "[ 1 4 0 2 12 11 3 5 15 6 18 9 14 13 7 10 8 16 19 17 20]\n", + "=======================\n", + "[\"the 23-year-old , who impressed for northern ireland in the week , scored two quite stunning goals as brentford demolished fulham 4-1 on good friday .stuart dallas has come a long way since mark warburton plucked him from a glorified park and # 70-a-week .they go into monday 's game against nottingham forest eyeing more than just a play-off spot .\"]\n", + "=======================\n", + "['stuart dallas , 23 , was playing for crusaders just three years agoafter a tough start to life at brentford , he was loaned out to northamptonsince returning to brentford , he has become a star in promotion push']\n", + "the 23-year-old , who impressed for northern ireland in the week , scored two quite stunning goals as brentford demolished fulham 4-1 on good friday .stuart dallas has come a long way since mark warburton plucked him from a glorified park and # 70-a-week .they go into monday 's game against nottingham forest eyeing more than just a play-off spot .\n", + "stuart dallas , 23 , was playing for crusaders just three years agoafter a tough start to life at brentford , he was loaned out to northamptonsince returning to brentford , he has become a star in promotion push\n", + "[1.2385136 1.5974267 1.2905972 1.4022446 1.0620449 1.1283393 1.0903139\n", + " 1.0821214 1.0902269 1.0167571 1.018538 1.0220356 1.017813 1.0326654\n", + " 1.025787 1.0576866 1.0212139 1.0151037 1.0413051 1.023678 1.0488325]\n", + "\n", + "[ 1 3 2 0 5 6 8 7 4 15 20 18 13 14 19 11 16 10 12 9 17]\n", + "=======================\n", + "['the man , who has been named locally as 62-year-old richard clements , is believed to have been mowing grass outside his property in wattisham , suffolk , when the machine toppled down a bank into the water and trapped him .his family managed to drag him from the pond and made frantic efforts to save him but he was pronounced dead at the scene .friends today told of their shock at the incident , which occurred in the quiet village just before 5.15 pm yesterday .']\n", + "=======================\n", + "['man was cutting the grass with a ride-on lawnmower when it overturnedrichard clements was trapped under machine in pond outside farmhousefamily pulled him from water but he died at the scene after cardiac arrestit comes just two years after man died in similar circumstances in village']\n", + "the man , who has been named locally as 62-year-old richard clements , is believed to have been mowing grass outside his property in wattisham , suffolk , when the machine toppled down a bank into the water and trapped him .his family managed to drag him from the pond and made frantic efforts to save him but he was pronounced dead at the scene .friends today told of their shock at the incident , which occurred in the quiet village just before 5.15 pm yesterday .\n", + "man was cutting the grass with a ride-on lawnmower when it overturnedrichard clements was trapped under machine in pond outside farmhousefamily pulled him from water but he died at the scene after cardiac arrestit comes just two years after man died in similar circumstances in village\n", + "[1.2032956 1.2451546 1.1295338 1.3972657 1.1709535 1.06663 1.2795506\n", + " 1.0627704 1.1562258 1.0507841 1.1200558 1.0518912 1.0950111 1.0182575\n", + " 1.018395 1.0399215 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 6 1 0 4 8 2 10 12 5 7 11 9 15 14 13 19 16 17 18 20]\n", + "=======================\n", + "[\"vlad tarasov could n't resist filming himself ski down the slopes at boston 's largest snow farm located in the city 's seaport districtthe shere volume of snow that fell earlier this year , nearly 65 inches fell in february alone , means that huge piles of the white stuff still remain .the winter of 2014-15 wo n't be easily forgotten in boston after the endless snow broke countless records and the city had to pay volunteers $ 30 an hour to help dig out the battered city .\"]\n", + "=======================\n", + "[\"vlad tarasov could n't resist filming himself ski down the slopes at boston 's largest snow farm located in the city 's seaport districthis one-minute video gives a first-person perspective of pushing through the filthy , trash-filled ice pile that served as a dumping ground for the snow` i 've been skiing for 20 years , but never like this , ' he said about the ` surreal ' experiencejunk in the filthy snow included rusted lawn chairs , parking cones , broken bottles and even a dead seagull\"]\n", + "vlad tarasov could n't resist filming himself ski down the slopes at boston 's largest snow farm located in the city 's seaport districtthe shere volume of snow that fell earlier this year , nearly 65 inches fell in february alone , means that huge piles of the white stuff still remain .the winter of 2014-15 wo n't be easily forgotten in boston after the endless snow broke countless records and the city had to pay volunteers $ 30 an hour to help dig out the battered city .\n", + "vlad tarasov could n't resist filming himself ski down the slopes at boston 's largest snow farm located in the city 's seaport districthis one-minute video gives a first-person perspective of pushing through the filthy , trash-filled ice pile that served as a dumping ground for the snow` i 've been skiing for 20 years , but never like this , ' he said about the ` surreal ' experiencejunk in the filthy snow included rusted lawn chairs , parking cones , broken bottles and even a dead seagull\n", + "[1.281927 1.3520472 1.3354748 1.1793312 1.101227 1.0303501 1.0659965\n", + " 1.0513147 1.0219738 1.1443477 1.0644498 1.1429224 1.0442301 1.1125755\n", + " 1.1435478 1.0812732 1.0817788 1.0666587 1.0401762 1.03213 ]\n", + "\n", + "[ 1 2 0 3 9 14 11 13 4 16 15 17 6 10 7 12 18 19 5 8]\n", + "=======================\n", + "[\"during tense exchanges with the bbc 's andrew marr , the chancellor repeatedly ducked questions about exactly how the massive cash boost would be paid for .mr osborne said it would come from the conservatives ' ` balanced plan ' for the economy , but declined to go into further detail .george osborne was challenged 18 times yesterday to explain where the next tory government would find the extra # 8billion it has promised the nhs .\"]\n", + "=======================\n", + "[\"during exchanges with marr , chancellor repeatedly ducked questionsmr osborne only said it would come from conservatives ' ` balanced plan 'labour deputy leader harriet harman said the promise was ` illusory '\"]\n", + "during tense exchanges with the bbc 's andrew marr , the chancellor repeatedly ducked questions about exactly how the massive cash boost would be paid for .mr osborne said it would come from the conservatives ' ` balanced plan ' for the economy , but declined to go into further detail .george osborne was challenged 18 times yesterday to explain where the next tory government would find the extra # 8billion it has promised the nhs .\n", + "during exchanges with marr , chancellor repeatedly ducked questionsmr osborne only said it would come from conservatives ' ` balanced plan 'labour deputy leader harriet harman said the promise was ` illusory '\n", + "[1.0734123 1.4722649 1.2988515 1.3085661 1.0628576 1.0348756 1.0403671\n", + " 1.0287205 1.1649084 1.0401356 1.1119598 1.0869917 1.0759137 1.1056575\n", + " 1.173502 1.1329417 1.123835 1.1208781 1.0136372 1.0183425]\n", + "\n", + "[ 1 3 2 14 8 15 16 17 10 13 11 12 0 4 6 9 5 7 19 18]\n", + "=======================\n", + "['oscar hübinette shredded through the snow on the tolbachik volcano on the kamchatka peninsula in russia while his friend fredrik schenholm photographed his exploits .adventure photographer fredrik schenholm looked on in amazement as oscar hübinette flew down the icy slopes , while lava from the 12,000 foot tall volcano bubbled furiously behind himtolbachick is one of 160 volcanoes on the island , 29 of which are still active .']\n", + "=======================\n", + "['images show oscar hübinette skiing on the tolbachik volcano on the kamchatka peninsula in russialava bubbles from the active volcano as oscar skis pastphotographer fredrik schenholm tried for five years to take these spectacular imageslava flowed 100 metres from their tent during the shoot']\n", + "oscar hübinette shredded through the snow on the tolbachik volcano on the kamchatka peninsula in russia while his friend fredrik schenholm photographed his exploits .adventure photographer fredrik schenholm looked on in amazement as oscar hübinette flew down the icy slopes , while lava from the 12,000 foot tall volcano bubbled furiously behind himtolbachick is one of 160 volcanoes on the island , 29 of which are still active .\n", + "images show oscar hübinette skiing on the tolbachik volcano on the kamchatka peninsula in russialava bubbles from the active volcano as oscar skis pastphotographer fredrik schenholm tried for five years to take these spectacular imageslava flowed 100 metres from their tent during the shoot\n", + "[1.107914 1.4329716 1.2144414 1.3061333 1.0599421 1.0977918 1.0592936\n", + " 1.1338608 1.1146144 1.0229983 1.026682 1.108578 1.0714011 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 7 8 11 0 5 12 4 6 10 9 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"raquel d'apice , a comedian and mother-of-one from new jersey , has put her own personal spin on crowd-sourced assessments by creating yelp reviews of newborns , an entertaining collection of spoof critiques that highlight the real struggles plaguing new parents today .raquel , who posts the reviews on her humorous parenting blog the ugly volvo , told today that she came up with the idea of the parody posts after she was searching for something on yelp and realized that there were reviews for everything except babies .the new mom , who gave motherhood one star out of five , added : ` if i could give it zero stars i would . '\"]\n", + "=======================\n", + "[\"raquel d'apice , a comedian and mother-of-one from new jersey , has created a series of comedy posts called yelp reviews of newborns\"]\n", + "raquel d'apice , a comedian and mother-of-one from new jersey , has put her own personal spin on crowd-sourced assessments by creating yelp reviews of newborns , an entertaining collection of spoof critiques that highlight the real struggles plaguing new parents today .raquel , who posts the reviews on her humorous parenting blog the ugly volvo , told today that she came up with the idea of the parody posts after she was searching for something on yelp and realized that there were reviews for everything except babies .the new mom , who gave motherhood one star out of five , added : ` if i could give it zero stars i would . '\n", + "raquel d'apice , a comedian and mother-of-one from new jersey , has created a series of comedy posts called yelp reviews of newborns\n", + "[1.3203176 1.5039152 1.4073393 1.4278344 1.2712903 1.0439183 1.0234816\n", + " 1.0267732 1.0570381 1.1359259 1.0896125 1.1066471 1.0638125 1.1598082\n", + " 1.1362798 1.0347478 1.1136413 1.0104678 1.0051634 0. ]\n", + "\n", + "[ 1 3 2 0 4 13 14 9 16 11 10 12 8 5 15 7 6 17 18 19]\n", + "=======================\n", + "['oxlade-chamberlain is struggling to recover from a groin problem and has been ruled out of the fa cup semi-final against reading at wembley .arsenal midfielder alex oxlade-chamberlain could miss the remainder of the season with a groin injuryarsenal boss arsene wenger hopes he could be back in full training by the end of next week but is not certain and admits the england midfielder may not play again this season .']\n", + "=======================\n", + "[\"arsenal midfielder alex oxlade-chamberlain could miss the remainder of the season with a groin injuryhe will definitely miss the gunners ' fa cup semi-final with readingclub captain mikel arteta is also on the arsenal injury listhowever , jack wilshere looks set to return to the first-team squad shortly\"]\n", + "oxlade-chamberlain is struggling to recover from a groin problem and has been ruled out of the fa cup semi-final against reading at wembley .arsenal midfielder alex oxlade-chamberlain could miss the remainder of the season with a groin injuryarsenal boss arsene wenger hopes he could be back in full training by the end of next week but is not certain and admits the england midfielder may not play again this season .\n", + "arsenal midfielder alex oxlade-chamberlain could miss the remainder of the season with a groin injuryhe will definitely miss the gunners ' fa cup semi-final with readingclub captain mikel arteta is also on the arsenal injury listhowever , jack wilshere looks set to return to the first-team squad shortly\n", + "[1.2408322 1.1275339 1.1968755 1.0427938 1.059122 1.2894986 1.3659153\n", + " 1.0239775 1.0544262 1.1259692 1.2095678 1.0774238 1.033816 1.0960592\n", + " 1.0706817 1.0776896 0. 0. 0. 0. ]\n", + "\n", + "[ 6 5 0 10 2 1 9 13 15 11 14 4 8 3 12 7 18 16 17 19]\n", + "=======================\n", + "['troy deeney scores as watford beat middlesbrough on monday in a crucial clash in the championshiphere are eight players - one each from bournemouth , norwich , watford , middlesbrough , derby , wolves , brentford and ipswich - that could well be playing in the top flight next season regardless of whether their club goes up or not .the top of the championship with five games to go']\n", + "=======================\n", + "['championship top eight separated by just nine points with game to gothree teams will be promoted to the premier league , with five missing outsportsmail picks out eight players who should be in the premier league next season whether their club is promoted or notwe have also compiled a composite xi made up from the eight teams']\n", + "troy deeney scores as watford beat middlesbrough on monday in a crucial clash in the championshiphere are eight players - one each from bournemouth , norwich , watford , middlesbrough , derby , wolves , brentford and ipswich - that could well be playing in the top flight next season regardless of whether their club goes up or not .the top of the championship with five games to go\n", + "championship top eight separated by just nine points with game to gothree teams will be promoted to the premier league , with five missing outsportsmail picks out eight players who should be in the premier league next season whether their club is promoted or notwe have also compiled a composite xi made up from the eight teams\n", + "[1.1831086 1.3183388 1.2887647 1.2932891 1.0443165 1.0840207 1.2259257\n", + " 1.0756992 1.0456119 1.0585907 1.0757015 1.0197214 1.0407143 1.0202011\n", + " 1.0166869 1.0753185 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 6 0 5 10 7 15 9 8 4 12 13 11 14 19 16 17 18 20]\n", + "=======================\n", + "[\"today , it 's on the rise again after the taliban declared the vaccine to be a ` western conspiracy ' and a ` bio-weapon ' that would actually make children sick , and waged violent attacks against those found to be supplying it .mother-of-three farhina touseef ( pictured ) is risking her life by leading a team of medics as they travel door-to-door through dangerous taliban strongholds offering the free vaccines to parentsthree years ago , pakistan had almost completely eradicated polio , a devastating disease which paralyses its victims ' legs but is preventable with a simple injection .\"]\n", + "=======================\n", + "[\"farhina touseef travels the country administering the free vaccine to kidsthe taliban has labelled it a ` bio-weapon ' and attacks those who supply itpolio , which was once almost eradicated in pakistan , is on the rise again\"]\n", + "today , it 's on the rise again after the taliban declared the vaccine to be a ` western conspiracy ' and a ` bio-weapon ' that would actually make children sick , and waged violent attacks against those found to be supplying it .mother-of-three farhina touseef ( pictured ) is risking her life by leading a team of medics as they travel door-to-door through dangerous taliban strongholds offering the free vaccines to parentsthree years ago , pakistan had almost completely eradicated polio , a devastating disease which paralyses its victims ' legs but is preventable with a simple injection .\n", + "farhina touseef travels the country administering the free vaccine to kidsthe taliban has labelled it a ` bio-weapon ' and attacks those who supply itpolio , which was once almost eradicated in pakistan , is on the rise again\n", + "[1.4785502 1.3897681 1.3028318 1.4235587 1.2458414 1.1590142 1.0703831\n", + " 1.0290433 1.0268272 1.0227339 1.0152423 1.0174365 1.0148615 1.011849\n", + " 1.0264051 1.0140519 1.0115404 1.0195239 1.2072117 1.277694 0. ]\n", + "\n", + "[ 0 3 1 2 19 4 18 5 6 7 8 14 9 17 11 10 12 15 13 16 20]\n", + "=======================\n", + "[\"tottenham manager mauricio pochettino insists he has no desire to be popular among southampton fans as he prepares for his first return to the south coast .the argentine will be given a hostile reception at st mary 's on saturday , with saints fans still angered by his decision to leave for white hart lane last summer .southampton supporters are planning to show support for their dutch manager ronald koeman , his brother and assistant head coach erwin koeman and fitness coach jan kluitenberg by wearing orange instead of the usual red and white club colours .\"]\n", + "=======================\n", + "[\"mauricio pochettino returns to st mary 's for first time since his departurethe argentine left southampton in order to take up reins at tottenhampochettino admits he could be jeered on return to former stomping ground\"]\n", + "tottenham manager mauricio pochettino insists he has no desire to be popular among southampton fans as he prepares for his first return to the south coast .the argentine will be given a hostile reception at st mary 's on saturday , with saints fans still angered by his decision to leave for white hart lane last summer .southampton supporters are planning to show support for their dutch manager ronald koeman , his brother and assistant head coach erwin koeman and fitness coach jan kluitenberg by wearing orange instead of the usual red and white club colours .\n", + "mauricio pochettino returns to st mary 's for first time since his departurethe argentine left southampton in order to take up reins at tottenhampochettino admits he could be jeered on return to former stomping ground\n", + "[1.3169786 1.4260708 1.2359304 1.2501491 1.2521415 1.1920875 1.0588562\n", + " 1.1307046 1.0307944 1.0635189 1.0720279 1.0334759 1.0187658 1.0575843\n", + " 1.0723429 1.0938531 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 3 2 5 7 15 14 10 9 6 13 11 8 12 19 16 17 18 20]\n", + "=======================\n", + "['idc said samsung sold 82.4 million smartphones in the first three months of the year , for a 24.5 percent market share .however , samsung said its first quarter net profit plunged 39 percent as consumers switched to bigger iphones , squeezing earnings from its mobile business to less than half what they were a year earlier .in the fourth quarter , apple and samsung were virtually tied with around 20 percent of the market each , according to several surveys .']\n", + "=======================\n", + "['samsung sold 82.4 m smartphones in the first three months of the year , for a 24.5 percent market shareapple held an 18.2 percent market share after selling 61.2 million iphonesapple and samsung virtually tied with 20 % of the market in latest quarter']\n", + "idc said samsung sold 82.4 million smartphones in the first three months of the year , for a 24.5 percent market share .however , samsung said its first quarter net profit plunged 39 percent as consumers switched to bigger iphones , squeezing earnings from its mobile business to less than half what they were a year earlier .in the fourth quarter , apple and samsung were virtually tied with around 20 percent of the market each , according to several surveys .\n", + "samsung sold 82.4 m smartphones in the first three months of the year , for a 24.5 percent market shareapple held an 18.2 percent market share after selling 61.2 million iphonesapple and samsung virtually tied with 20 % of the market in latest quarter\n", + "[1.2576259 1.1556429 1.2485441 1.1991596 1.2618792 1.1337528 1.0423867\n", + " 1.0651548 1.1289747 1.0210851 1.0687463 1.1008439 1.0455439 1.0347192\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 0 2 3 1 5 8 11 10 7 12 6 13 9 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"arkansas gov. asa hutchinson signs a reworked religious freedom bill into law on thursday evening .two states at the center of gay rights protests over laws designed to ` uphold religious freedom ' engaged in hurried climbdowns yesterday , with both approving alterations to legislation that critics said legalized discrimination on the basis of sexual orientation .the arkansas legislature also passed changes to its legislation at the behest of the state 's republican governor asa hutchinson , who rejected a previous version of the bill at the last minute on wednesday following public uproar and a personal plea from his son .\"]\n", + "=======================\n", + "[\"new indiana law : no one has the legal right to ` refuse to offer or provide ' goods , services , facilities or employment to anyone in previously protected classes or based on sexual orientation or gender identity` it was never intended to discriminate against anyone , ' indiana senate president pro tem david long said this morning at a press conferencearkansas legislature also passed changes to its legislation at the behest of the state 's republican governor asa hutchinsonaltered law more closely mirror federal legislation ; it passed the senate last night and is now under consideration in the house\"]\n", + "arkansas gov. asa hutchinson signs a reworked religious freedom bill into law on thursday evening .two states at the center of gay rights protests over laws designed to ` uphold religious freedom ' engaged in hurried climbdowns yesterday , with both approving alterations to legislation that critics said legalized discrimination on the basis of sexual orientation .the arkansas legislature also passed changes to its legislation at the behest of the state 's republican governor asa hutchinson , who rejected a previous version of the bill at the last minute on wednesday following public uproar and a personal plea from his son .\n", + "new indiana law : no one has the legal right to ` refuse to offer or provide ' goods , services , facilities or employment to anyone in previously protected classes or based on sexual orientation or gender identity` it was never intended to discriminate against anyone , ' indiana senate president pro tem david long said this morning at a press conferencearkansas legislature also passed changes to its legislation at the behest of the state 's republican governor asa hutchinsonaltered law more closely mirror federal legislation ; it passed the senate last night and is now under consideration in the house\n", + "[1.3028815 1.4263321 1.3916839 1.2998239 1.2192941 1.1057321 1.0391711\n", + " 1.0219524 1.0262024 1.0261964 1.0690253 1.0461502 1.0157306 1.0257312\n", + " 1.0257161 1.0609694 1.043532 1.1604406 1.0340779 1.0096883 1.0210665]\n", + "\n", + "[ 1 2 0 3 4 17 5 10 15 11 16 6 18 8 9 13 14 7 20 12 19]\n", + "=======================\n", + "['the disgusting symbol of racial hatred is now under investigation by duke university and the police who are attempting to work out who hung the rope on the tree .police said the thin yellow rope was tied into a noose at about 2 a.m. wednesday on the bryan center plaza in durham , north carolina .a noose was discovered hanging from a tree at duke university outside a building that houses several offices focused on diversity on the campus .']\n", + "=======================\n", + "['duke officials are attempting to work out who hung the noose on the treeofficials said the rope was tied into a noose at about 2 a.m. wednesdaythe shocking incident comes just two weeks after another race attackofficials said anyone found responsible will be held accountable']\n", + "the disgusting symbol of racial hatred is now under investigation by duke university and the police who are attempting to work out who hung the rope on the tree .police said the thin yellow rope was tied into a noose at about 2 a.m. wednesday on the bryan center plaza in durham , north carolina .a noose was discovered hanging from a tree at duke university outside a building that houses several offices focused on diversity on the campus .\n", + "duke officials are attempting to work out who hung the noose on the treeofficials said the rope was tied into a noose at about 2 a.m. wednesdaythe shocking incident comes just two weeks after another race attackofficials said anyone found responsible will be held accountable\n", + "[1.2625405 1.2956235 1.2763442 1.3253379 1.1738296 1.182884 1.1695318\n", + " 1.0929283 1.0313972 1.0193009 1.0230546 1.1487613 1.0188283 1.0167118\n", + " 1.145391 1.0623956 1.0336756]\n", + "\n", + "[ 3 1 2 0 5 4 6 11 14 7 15 16 8 10 9 12 13]\n", + "=======================\n", + "[\"thousands of organs are being harvested from political prisoners in china with the falungong group a key target , it is claimed .some patients were still alive as they were secretly placed into incinerators in hospital boiler rooms after parts of their bodies had been removed , it has been claimed .the harrowing details were revealed in the sbs dateline documentary human harvest : china 's organ trafficking which charted an eight year investigation in to what is said to be a multi-billion pound ` organs-on-demand ' transplant programme .\"]\n", + "=======================\n", + "[\"eight year investigation claims thousands had organs removed in chinabanned religious group falun gong is key target , documentary claimsjust 37 registered organ donors in china but country has the world 's second highest rate of transplantsone surgeon is said to have removed corneas from 2,000 living peoplechinese government denies allegations claiming donors are volunteers\"]\n", + "thousands of organs are being harvested from political prisoners in china with the falungong group a key target , it is claimed .some patients were still alive as they were secretly placed into incinerators in hospital boiler rooms after parts of their bodies had been removed , it has been claimed .the harrowing details were revealed in the sbs dateline documentary human harvest : china 's organ trafficking which charted an eight year investigation in to what is said to be a multi-billion pound ` organs-on-demand ' transplant programme .\n", + "eight year investigation claims thousands had organs removed in chinabanned religious group falun gong is key target , documentary claimsjust 37 registered organ donors in china but country has the world 's second highest rate of transplantsone surgeon is said to have removed corneas from 2,000 living peoplechinese government denies allegations claiming donors are volunteers\n", + "[1.4031394 1.1651546 1.0744462 1.1793705 1.1231248 1.3343481 1.10184\n", + " 1.0449257 1.1538315 1.1179657 1.0189978 1.1103595 1.0562077 1.0162027\n", + " 1.0185534 1.0241333 0. ]\n", + "\n", + "[ 0 5 3 1 8 4 9 11 6 2 12 7 15 10 14 13 16]\n", + "=======================\n", + "[\"republican presidential candidate rand paul , on the defensive after a set of acrimonious exchanges with female journalists including , is denying that he has a problem with women . 'paul , who announced his bid for the oval office on tuesday , admitted that he needs to ` have more patience ' with reporters , even if he 's ` annoyed ' with them while maintaining that ` interviews should be questions and not editorializing . 'i think i have been universally short-tempered and testy with both male and female reporters .\"]\n", + "=======================\n", + "[\"` why do n't we let me explain instead of talking over me , ok ? 'paul unleashed on on a female cnbc anchor during a line of questioning he considered ` slanted ' ; he shushed her and told to ` calm down a bit 'i think i have been universally short-tempered and testy with both male and female reporters .admission summed up the freshman lawmaker 's second day as an official 2016 contestant - a day that also included a confrontation with the chairwoman of the democratic party over late-term abortionpaul declared that she seems to be ` ok with killing a 7-pound baby '\"]\n", + "republican presidential candidate rand paul , on the defensive after a set of acrimonious exchanges with female journalists including , is denying that he has a problem with women . 'paul , who announced his bid for the oval office on tuesday , admitted that he needs to ` have more patience ' with reporters , even if he 's ` annoyed ' with them while maintaining that ` interviews should be questions and not editorializing . 'i think i have been universally short-tempered and testy with both male and female reporters .\n", + "` why do n't we let me explain instead of talking over me , ok ? 'paul unleashed on on a female cnbc anchor during a line of questioning he considered ` slanted ' ; he shushed her and told to ` calm down a bit 'i think i have been universally short-tempered and testy with both male and female reporters .admission summed up the freshman lawmaker 's second day as an official 2016 contestant - a day that also included a confrontation with the chairwoman of the democratic party over late-term abortionpaul declared that she seems to be ` ok with killing a 7-pound baby '\n", + "[1.2587281 1.3149955 1.2331244 1.3302491 1.2843207 1.136303 1.0700942\n", + " 1.0887897 1.0794343 1.048328 1.1018872 1.0757672 1.1050857 1.0719212\n", + " 1.0116074 1.0078894 0. ]\n", + "\n", + "[ 3 1 4 0 2 5 12 10 7 8 11 13 6 9 14 15 16]\n", + "=======================\n", + "['the brothers of men convicted of sex offences are five times more likely than average to commit similar crimes , a study found .johnny savile ( left ) is accused of abusing seven women , while jimmy savile ( right ) raped and sexually assaulted patients in 41 hospitals during a 24 year reign of abusethe biggest study of its kind suggests sex offending could run in the family along the male genetic line .']\n", + "=======================\n", + "['swedish research finds tendency to sex offences passed down male linesons of fathers who commit sex crimes four times likely to be convictedresearchers explain brothers and sons do not inevitably go on to offend']\n", + "the brothers of men convicted of sex offences are five times more likely than average to commit similar crimes , a study found .johnny savile ( left ) is accused of abusing seven women , while jimmy savile ( right ) raped and sexually assaulted patients in 41 hospitals during a 24 year reign of abusethe biggest study of its kind suggests sex offending could run in the family along the male genetic line .\n", + "swedish research finds tendency to sex offences passed down male linesons of fathers who commit sex crimes four times likely to be convictedresearchers explain brothers and sons do not inevitably go on to offend\n", + "[1.0538913 1.2009763 1.351195 1.2054279 1.2870214 1.1362138 1.129154\n", + " 1.0722004 1.1355816 1.0349576 1.1306652 1.0556408 1.0267311 1.0616014\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 4 3 1 5 8 10 6 7 13 11 0 9 12 15 14 16]\n", + "=======================\n", + "['o.c. marsh first named the brontosaurus in 1879 , after he received 25 crates of bones discovered at como bluff , wyoming , according to the yale peabody museum of natural history .similar to , though not as large as the apatosaurus discovered a couple of years prior , marsh named the dinosaur , \" brontosaurus , \" or \" thunder lizard . \"after its name was booted from science books for more than a century , a new study suggests that the brontosaurus belongs to its own genera , and therefore deserves its own name .']\n", + "=======================\n", + "['scientist : fossils once renamed should again be classified as brontosaurusstudy took five years and involved visits to 20 museums worldwide']\n", + "o.c. marsh first named the brontosaurus in 1879 , after he received 25 crates of bones discovered at como bluff , wyoming , according to the yale peabody museum of natural history .similar to , though not as large as the apatosaurus discovered a couple of years prior , marsh named the dinosaur , \" brontosaurus , \" or \" thunder lizard . \"after its name was booted from science books for more than a century , a new study suggests that the brontosaurus belongs to its own genera , and therefore deserves its own name .\n", + "scientist : fossils once renamed should again be classified as brontosaurusstudy took five years and involved visits to 20 museums worldwide\n", + "[1.1989601 1.5658555 1.2629541 1.3888437 1.2614994 1.0580904 1.1140404\n", + " 1.0652093 1.1025753 1.0810508 1.0191953 1.0292493 1.026598 1.0682968\n", + " 1.0824679 1.203465 0. ]\n", + "\n", + "[ 1 3 2 4 15 0 6 8 14 9 13 7 5 11 12 10 16]\n", + "=======================\n", + "['american eagle flight 2536 was scheduled to fly about 125 miles from dallas-fort worth international airport to wichita falls , texas , on sunday night .wichita falls officials first said that the eagle pilot had the wrong radio frequency to turn on the lights on the main , 13,000-foot runway .a passenger plane trying to land at a texas airport turned back when the pilot discovered that the runway lights had been switched off .']\n", + "=======================\n", + "[\"american eagle flight 2536 was scheduled to fly from dallas-fort worth international airport to wichita falls , texas , on sunday nightthe plane was nearly a half-hour late in taking offwhen it got to wichita falls , the pilot told passengers that the runway lights were turned off and there was nobody at the airport to turn them onthe city 's aviation director said pilots were notified of the closure and the jet could have landed on an adjacent , 10,000-foot runway that was lit\"]\n", + "american eagle flight 2536 was scheduled to fly about 125 miles from dallas-fort worth international airport to wichita falls , texas , on sunday night .wichita falls officials first said that the eagle pilot had the wrong radio frequency to turn on the lights on the main , 13,000-foot runway .a passenger plane trying to land at a texas airport turned back when the pilot discovered that the runway lights had been switched off .\n", + "american eagle flight 2536 was scheduled to fly from dallas-fort worth international airport to wichita falls , texas , on sunday nightthe plane was nearly a half-hour late in taking offwhen it got to wichita falls , the pilot told passengers that the runway lights were turned off and there was nobody at the airport to turn them onthe city 's aviation director said pilots were notified of the closure and the jet could have landed on an adjacent , 10,000-foot runway that was lit\n", + "[1.3920301 1.2411622 1.3327374 1.2083395 1.1415561 1.2356445 1.1226853\n", + " 1.058537 1.0717095 1.123566 1.0639268 1.0416707 1.0993981 1.0317168\n", + " 1.0097739 1.0099629 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 5 3 4 9 6 12 8 10 7 11 13 15 14 17 16 18]\n", + "=======================\n", + "[\"no blame : baroness hale of richmond said that she wanted to see the bitterness taken out of most matrimonial disputesdivorce laws in england and wales should remove the need for allegations of adultery and blame , britain 's most senior female judge has said .divorcing couples currently have to cite one of five reasons : adultery ; unreasonable behaviour ; desertion for two or more years ; two years ' separation with consent ; or five years ' separation without consent .\"]\n", + "=======================\n", + "[\"baroness hale of richmond wants to see ` bitterness ' taken out of disputesthe current system means one person must be ` at fault ' in a divorcelady hale suggests year 's ` cooling off ' after declaring relationship 's endshe also wants plans for children and money sorted before divorce is given\"]\n", + "no blame : baroness hale of richmond said that she wanted to see the bitterness taken out of most matrimonial disputesdivorce laws in england and wales should remove the need for allegations of adultery and blame , britain 's most senior female judge has said .divorcing couples currently have to cite one of five reasons : adultery ; unreasonable behaviour ; desertion for two or more years ; two years ' separation with consent ; or five years ' separation without consent .\n", + "baroness hale of richmond wants to see ` bitterness ' taken out of disputesthe current system means one person must be ` at fault ' in a divorcelady hale suggests year 's ` cooling off ' after declaring relationship 's endshe also wants plans for children and money sorted before divorce is given\n", + "[1.3296894 1.4120888 1.1318032 1.416684 1.2293158 1.1933823 1.0670904\n", + " 1.0201268 1.0160867 1.0846283 1.1767004 1.012278 1.0154673 1.0155134\n", + " 1.1039354 1.1196085 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 4 5 10 2 15 14 9 6 7 8 13 12 11 16 17 18]\n", + "=======================\n", + "[\"wayne rooney celebrates his side scoring during united 's 4-2 derby defeat of city on sundayas it emerged city have decided to listen to offers for star names yaya toure and samir nasri this summer , united 's captain said his team 's 4-2 win at old trafford was based on identifying fundamental flaws in manuel pellegrini 's team .wayne rooney has rubbed salt into manchester city 's derby day wounds by revealing that united set out to exploit the lack of willing workers in the barclays premier league champions ' midfield on sunday .\"]\n", + "=======================\n", + "[\"manchester united defeated city 4-2 in the premier league on sundaywayne rooney has revealed plans to exploit blues ' work-shy midfieldchampions are considering selling the likes of yaya toure and samir nasri\"]\n", + "wayne rooney celebrates his side scoring during united 's 4-2 derby defeat of city on sundayas it emerged city have decided to listen to offers for star names yaya toure and samir nasri this summer , united 's captain said his team 's 4-2 win at old trafford was based on identifying fundamental flaws in manuel pellegrini 's team .wayne rooney has rubbed salt into manchester city 's derby day wounds by revealing that united set out to exploit the lack of willing workers in the barclays premier league champions ' midfield on sunday .\n", + "manchester united defeated city 4-2 in the premier league on sundaywayne rooney has revealed plans to exploit blues ' work-shy midfieldchampions are considering selling the likes of yaya toure and samir nasri\n", + "[1.1700615 1.2951314 1.2505621 1.2884876 1.2612991 1.1614757 1.0981565\n", + " 1.1877176 1.093859 1.1137714 1.0275564 1.097314 1.0983602 1.0901537\n", + " 1.0166272 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 7 0 5 9 12 6 11 8 13 10 14 17 15 16 18]\n", + "=======================\n", + "[\"while the drinks are said to have health benefits , some brands contain more than a day 's recommended intake of sugar in a single 300ml serving .ocean spray cranberry classic juice drink ( pictured left ) was found to have 11g of sugar per 100ml , which is more than the amount in a can of coca-cola ( right )it said children under the age of ten get almost a fifth of their sugar intake from soft drinks .\"]\n", + "=======================\n", + "[\"fruit juices made from so-called superfoods such as cranberries and pomegranates are lauded for health benefitsbut ome brands contain more than a day 's recommended intake of sugar in a single 300ml servinglocal government association accused soft drink firms of ` dragging their heels ' when it comes to minimising sugar in their productsit said children under ten get almost a fifth of sugar intake from soft drinks\"]\n", + "while the drinks are said to have health benefits , some brands contain more than a day 's recommended intake of sugar in a single 300ml serving .ocean spray cranberry classic juice drink ( pictured left ) was found to have 11g of sugar per 100ml , which is more than the amount in a can of coca-cola ( right )it said children under the age of ten get almost a fifth of their sugar intake from soft drinks .\n", + "fruit juices made from so-called superfoods such as cranberries and pomegranates are lauded for health benefitsbut ome brands contain more than a day 's recommended intake of sugar in a single 300ml servinglocal government association accused soft drink firms of ` dragging their heels ' when it comes to minimising sugar in their productsit said children under ten get almost a fifth of sugar intake from soft drinks\n", + "[1.2336938 1.4823806 1.271129 1.1082973 1.1045969 1.180471 1.1772124\n", + " 1.0743618 1.0817267 1.0779479 1.1104337 1.0916293 1.0954173 1.1223971\n", + " 1.1090782 1.0883343 1.0408964 1.0271386 1.0182201]\n", + "\n", + "[ 1 2 0 5 6 13 10 14 3 4 12 11 15 8 9 7 16 17 18]\n", + "=======================\n", + "['the man , believed to be mentally disturbed , was caught on video at pearson international airport in ontario trying to enter a restricted area but refusing to abide by security protocol .police in canada have said the man was told he would not be allowed to board a turkish airlines flight and was then tasered while attempting to get on the plane anyway .this is the moment a man who refused to comply with security staff at a toronto airport was tasered and brought to the ground .']\n", + "=======================\n", + "['man brought down at pearson international when he did not communicatetried to board turkish airlines plane after being denied access to the flightwas carrying a case through the security gate which he refused to drop']\n", + "the man , believed to be mentally disturbed , was caught on video at pearson international airport in ontario trying to enter a restricted area but refusing to abide by security protocol .police in canada have said the man was told he would not be allowed to board a turkish airlines flight and was then tasered while attempting to get on the plane anyway .this is the moment a man who refused to comply with security staff at a toronto airport was tasered and brought to the ground .\n", + "man brought down at pearson international when he did not communicatetried to board turkish airlines plane after being denied access to the flightwas carrying a case through the security gate which he refused to drop\n", + "[1.3228276 1.2586613 1.2993302 1.3099701 1.1261972 1.0681714 1.095995\n", + " 1.1369663 1.0417722 1.0809109 1.1538614 1.0598205 1.0249048 1.0435958\n", + " 1.1134311 1.0580368 1.014747 1.0182621 0. ]\n", + "\n", + "[ 0 3 2 1 10 7 4 14 6 9 5 11 15 13 8 12 17 16 18]\n", + "=======================\n", + "['veteran actor robert hardy is selling his enormous collection of antiques in a # 100,000 auction after deciding to downsize his home .mr hardy , 89 , is a keen military historian who studied english with j.r.r. tolkien and is now an expert on the medieval longbow .the star , known for appearing in all creatures great and small and playing winston churchill several times , is auctioning off more than 200 items he has collected over his career .']\n", + "=======================\n", + "['robert hardy , 89 , is a military enthusiast who studied english literature under j.r.r. tolkienhe is selling off a huge collection of books , artwork and furnitureamong the objects which have gone up for auction are a huge 3d diorama of the battle of agincourt']\n", + "veteran actor robert hardy is selling his enormous collection of antiques in a # 100,000 auction after deciding to downsize his home .mr hardy , 89 , is a keen military historian who studied english with j.r.r. tolkien and is now an expert on the medieval longbow .the star , known for appearing in all creatures great and small and playing winston churchill several times , is auctioning off more than 200 items he has collected over his career .\n", + "robert hardy , 89 , is a military enthusiast who studied english literature under j.r.r. tolkienhe is selling off a huge collection of books , artwork and furnitureamong the objects which have gone up for auction are a huge 3d diorama of the battle of agincourt\n", + "[1.0768843 1.457952 1.4104195 1.1797274 1.2022399 1.0414939 1.0806555\n", + " 1.1008806 1.1018707 1.1052672 1.0257345 1.0604765 1.0915897 1.054847\n", + " 1.0476781 1.0541469 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 9 8 7 12 6 0 11 13 15 14 5 10 16 17 18 19]\n", + "=======================\n", + "[\"researchers have isolated bacterial dna of several strains of the disease from the bodies of mummies found in the crypt of a church in the city of vác in hungary .they found 14 different strains of tb bacteria that had infected eight of the bodies in the tomb and traced them all back to a single source .while estimates vary , it is thought that 95 per cent of the 20 million people living in the americas before the europeans arrived were killed by ` new ' diseases carried by explorers .\"]\n", + "=======================\n", + "['more than 200 mummified bodies were found in a hidden crypt of the dominican church in the city of vác in hungary during restoration workgeneticists led by scientists at the university of warwick studied samples from 26 of the bodies and found that eight of them had died of tuberculosisthey discovered dna of 14 different strains of tb bacteria in the mummiesanalysis showed the strains all descended from a single strain that begun causing infections during the late roman empire between 396ce-470ce']\n", + "researchers have isolated bacterial dna of several strains of the disease from the bodies of mummies found in the crypt of a church in the city of vác in hungary .they found 14 different strains of tb bacteria that had infected eight of the bodies in the tomb and traced them all back to a single source .while estimates vary , it is thought that 95 per cent of the 20 million people living in the americas before the europeans arrived were killed by ` new ' diseases carried by explorers .\n", + "more than 200 mummified bodies were found in a hidden crypt of the dominican church in the city of vác in hungary during restoration workgeneticists led by scientists at the university of warwick studied samples from 26 of the bodies and found that eight of them had died of tuberculosisthey discovered dna of 14 different strains of tb bacteria in the mummiesanalysis showed the strains all descended from a single strain that begun causing infections during the late roman empire between 396ce-470ce\n", + "[1.370173 1.3904805 1.314811 1.3386439 1.106701 1.0408162 1.037829\n", + " 1.0439333 1.1200107 1.2532977 1.0695379 1.086197 1.0197778 1.0218818\n", + " 1.0275992 1.013855 1.0325 1.0157502 1.0198036 1.104889 ]\n", + "\n", + "[ 1 0 3 2 9 8 4 19 11 10 7 5 6 16 14 13 18 12 17 15]\n", + "=======================\n", + "['mr howard was photographed standing on the footpath outside the sydney conservatorium of music in the heart of the city as his driver got down on his knees to jack up the flash car .felicity waterford was waiting in the car for her daughter to finish a concert at the conservatorium in when she noticed the vehicle and got out to offer some assistance .the pair pulled off and into the conservatorium to change it .']\n", + "=======================\n", + "[\"former pm john howard 's car was left with a flat tyre recently in sydneyfelicity waterford was waiting at the sydney conservatorium of music when she spotted the black car in frontshe hopped out to offer assistance when she realised it was mr howardbefore they raced off ms waterford convinced him to pose for a selfieit comes weeks after education minister christopher pyne was challenged to change car tyre on live television after claiming to be a ` fixer '\"]\n", + "mr howard was photographed standing on the footpath outside the sydney conservatorium of music in the heart of the city as his driver got down on his knees to jack up the flash car .felicity waterford was waiting in the car for her daughter to finish a concert at the conservatorium in when she noticed the vehicle and got out to offer some assistance .the pair pulled off and into the conservatorium to change it .\n", + "former pm john howard 's car was left with a flat tyre recently in sydneyfelicity waterford was waiting at the sydney conservatorium of music when she spotted the black car in frontshe hopped out to offer assistance when she realised it was mr howardbefore they raced off ms waterford convinced him to pose for a selfieit comes weeks after education minister christopher pyne was challenged to change car tyre on live television after claiming to be a ` fixer '\n", + "[1.3192866 1.2743425 1.2076484 1.3135927 1.1849697 1.0521472 1.0721937\n", + " 1.1034414 1.0803878 1.0893717 1.0742791 1.052529 1.037621 1.1708623\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 13 7 9 8 10 6 11 5 12 18 14 15 16 17 19]\n", + "=======================\n", + "[\"bbc programmes are set to move online as part of a new ` internet first ' strategy designed to compete with web services such as netflix and amazon .corporation bosses fear they could be losing younger viewers who are used to watching video online rather than through their tvs , and are promoting digital services in a bid to tackle the problem .but the revelation could spark controversy over the future of the licence fee , because viewers are currently able to use the bbc 's online services without paying for them .\"]\n", + "=======================\n", + "[\"bbc is aiming to compete with internet services which have captured younger generation of viewersnew technology boss vows to make the corporation ` internet first 'but the move will raise questions over the future of the tv licence fee\"]\n", + "bbc programmes are set to move online as part of a new ` internet first ' strategy designed to compete with web services such as netflix and amazon .corporation bosses fear they could be losing younger viewers who are used to watching video online rather than through their tvs , and are promoting digital services in a bid to tackle the problem .but the revelation could spark controversy over the future of the licence fee , because viewers are currently able to use the bbc 's online services without paying for them .\n", + "bbc is aiming to compete with internet services which have captured younger generation of viewersnew technology boss vows to make the corporation ` internet first 'but the move will raise questions over the future of the tv licence fee\n", + "[1.49492 1.5034409 1.3825831 1.2901063 1.1775453 1.0681098 1.0240585\n", + " 1.0231155 1.0352067 1.1372532 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 9 5 8 6 7 18 10 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"bosch , 31 , was the hero of saracens ' european champions cup quarter-final victory over racing metro 11 days ago , booting a penalty with the game 's final kick to secure a 12-11 success in paris .saracens have announced that argentina centre marcelo bosch has signed a contract extension at allianz park .the 33 times-capped international joined saracens from biarritz in 2013 .\"]\n", + "=======================\n", + "[\"argentina international marcelo bosch joined saracens in october 2013bosch signs contract extension ahead of champions cup semi-finalsbosch 's last-minute penalty at racing metro sent sarries through\"]\n", + "bosch , 31 , was the hero of saracens ' european champions cup quarter-final victory over racing metro 11 days ago , booting a penalty with the game 's final kick to secure a 12-11 success in paris .saracens have announced that argentina centre marcelo bosch has signed a contract extension at allianz park .the 33 times-capped international joined saracens from biarritz in 2013 .\n", + "argentina international marcelo bosch joined saracens in october 2013bosch signs contract extension ahead of champions cup semi-finalsbosch 's last-minute penalty at racing metro sent sarries through\n", + "[1.2794241 1.3061407 1.38887 1.2627057 1.1529396 1.0882266 1.042452\n", + " 1.0897464 1.0841528 1.0512786 1.18472 1.1005218 1.0181153 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 10 4 11 7 5 8 9 6 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"earlier this month , aaron hernandez , 25 , was sentenced to life in prison without the possibility of parole for first-degree murder of the semi-professional football player in 2013 .oscar ` papoo ' hernandez jr - no relation to the disgraced nfl player - has pleaded guilty to weapons charges in connection to his infamous namesake 's murder case .a gun trafficker for convicted killer aaron hernandez said he was ` awed ' by the former new england patriots star when he sent him an assault rifle and a pair of handguns a month before odin lloyd 's killing .\"]\n", + "=======================\n", + "[\"oscar hernandez jr has pleaded guilty to transporting firearms , obstruction of justice , lying to a federal grand jury and witness tamperingconfessed to shipping aaron hernandez three weapons a month before odin lloyd 's killing june 2013hernandez jr said he was blinded by new england patriot 's fame and ` grateful to be noticed 'aaron hernandez has been convicted of first-degree murder and sentenced to life in prison without parole\"]\n", + "earlier this month , aaron hernandez , 25 , was sentenced to life in prison without the possibility of parole for first-degree murder of the semi-professional football player in 2013 .oscar ` papoo ' hernandez jr - no relation to the disgraced nfl player - has pleaded guilty to weapons charges in connection to his infamous namesake 's murder case .a gun trafficker for convicted killer aaron hernandez said he was ` awed ' by the former new england patriots star when he sent him an assault rifle and a pair of handguns a month before odin lloyd 's killing .\n", + "oscar hernandez jr has pleaded guilty to transporting firearms , obstruction of justice , lying to a federal grand jury and witness tamperingconfessed to shipping aaron hernandez three weapons a month before odin lloyd 's killing june 2013hernandez jr said he was blinded by new england patriot 's fame and ` grateful to be noticed 'aaron hernandez has been convicted of first-degree murder and sentenced to life in prison without parole\n", + "[1.2083205 1.0814112 1.3632073 1.262434 1.1127738 1.068503 1.1487994\n", + " 1.1106516 1.1108667 1.0959388 1.0342144 1.0803442 1.0360405 1.0347788\n", + " 1.0398514 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 6 4 8 7 9 1 11 5 14 12 13 10 15 16 17 18 19 20]\n", + "=======================\n", + "['the nigerian city is among african metropolises which have seen some of the highest growth in the number of millionaires on the continent .others include luanda , dar es salaam and accra , which is predicted to nearly double its millionaire count from 800 in 2012 to 1,500 in 2020 .( cnn ) wealthy nigerians used to travel abroad to get their fix of luxury goods .']\n", + "=======================\n", + "['the city with most multimillionaires in africa is johannesburghowever a crop of new pretenders have been expanding their millionaire count']\n", + "the nigerian city is among african metropolises which have seen some of the highest growth in the number of millionaires on the continent .others include luanda , dar es salaam and accra , which is predicted to nearly double its millionaire count from 800 in 2012 to 1,500 in 2020 .( cnn ) wealthy nigerians used to travel abroad to get their fix of luxury goods .\n", + "the city with most multimillionaires in africa is johannesburghowever a crop of new pretenders have been expanding their millionaire count\n", + "[1.1960255 1.4157311 1.263726 1.4750681 1.1978807 1.1808672 1.0970849\n", + " 1.0151776 1.0130764 1.0145457 1.0156392 1.0365405 1.015925 1.0114386\n", + " 1.0132431 1.0117772 1.0157955 1.0497165 1.06521 1.0486103 1.0409204]\n", + "\n", + "[ 3 1 2 4 0 5 6 18 17 19 20 11 12 16 10 7 9 14 8 15 13]\n", + "=======================\n", + "['david zaslav ( above ) was compensated $ 156.1 million for his role as ceo of discovery communications it was revealed on fridaythis amount , thanks to the success of television events like shark week , shows like the once popular here comes honey boo boo and his running of networks like own , makes him one of the highest paid television executives .it seems that 2014 was a very , very good year to be discovery communications ceo david zaslav .']\n", + "=======================\n", + "[\"david zaslav was compensated $ 156.1 million for his role as ceo of discovery communications in 2014 it was revealed on fridaythis amount is thanks to the success of television events like shark week and shows like the once popular here comes honey boo boohe also helps to run oprah winfrey 's network , ownthis amount is far , far greater than the $ 93million cbs chairman sumner redstone made in 2013 , the highest paid television executiveof this money , $ 144million is in stocks\"]\n", + "david zaslav ( above ) was compensated $ 156.1 million for his role as ceo of discovery communications it was revealed on fridaythis amount , thanks to the success of television events like shark week , shows like the once popular here comes honey boo boo and his running of networks like own , makes him one of the highest paid television executives .it seems that 2014 was a very , very good year to be discovery communications ceo david zaslav .\n", + "david zaslav was compensated $ 156.1 million for his role as ceo of discovery communications in 2014 it was revealed on fridaythis amount is thanks to the success of television events like shark week and shows like the once popular here comes honey boo boohe also helps to run oprah winfrey 's network , ownthis amount is far , far greater than the $ 93million cbs chairman sumner redstone made in 2013 , the highest paid television executiveof this money , $ 144million is in stocks\n", + "[1.5306206 1.60093 1.0582345 1.0333256 1.0901694 1.0460907 1.2763342\n", + " 1.2509836 1.0298401 1.0216184 1.2950335 1.1898285 1.0513015 1.0265552\n", + " 1.0129013 1.0148866 1.0154321 1.0470784 1.0647094 0. 0. ]\n", + "\n", + "[ 1 0 10 6 7 11 4 18 2 12 17 5 3 8 13 9 16 15 14 19 20]\n", + "=======================\n", + "[\"jose mourinho 's side are 10 points clear of second-placed arsenal , who they play at the weekend , and brazil international oscar has aspirations of further success in the coming seasons .chelsea midfielder oscar hopes that winning the premier league title this season can kick-start a period of dominance in english football for the blues .the blues have already won the capital one cup this season and are close to securing the league title\"]\n", + "=======================\n", + "[\"chelsea are 10 points clear at the top of the barclay 's premier league tablethey face second-placed arsenal on sunday , and can open up a huge gaposcar believes that winning the title can push chelsea to further successhe admits that an in-form arsenal will pose a tough test for chelseawatch : chelsea fans storm emirates stadium to play practical joke\"]\n", + "jose mourinho 's side are 10 points clear of second-placed arsenal , who they play at the weekend , and brazil international oscar has aspirations of further success in the coming seasons .chelsea midfielder oscar hopes that winning the premier league title this season can kick-start a period of dominance in english football for the blues .the blues have already won the capital one cup this season and are close to securing the league title\n", + "chelsea are 10 points clear at the top of the barclay 's premier league tablethey face second-placed arsenal on sunday , and can open up a huge gaposcar believes that winning the title can push chelsea to further successhe admits that an in-form arsenal will pose a tough test for chelseawatch : chelsea fans storm emirates stadium to play practical joke\n", + "[1.5961206 1.4072865 1.1560146 1.3642617 1.115557 1.0455173 1.118797\n", + " 1.1078569 1.231634 1.1313351 1.1029475 1.0803108 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 8 2 9 6 4 7 10 11 5 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"bayern munich central defender medhi benatia could miss both legs of their champions league quarter-final against porto due to a muscle injury .the 27-year-old was taken off in the first half of their victory on penalties over bayer leverkusen in the german cup last eight on wednesday .the morocco international said on his twitter account that a medical examination suggested he would be out for between ` two and four weeks ' .\"]\n", + "=======================\n", + "[\"medhi benatia was taken off against bayern leverkusen on wednesdaythe bayern munich defender will be out for between two and four weeksbayern face porto in the champions league on april 15 and april 21benatia described his injury as an ` occupational hazard ' on twitter\"]\n", + "bayern munich central defender medhi benatia could miss both legs of their champions league quarter-final against porto due to a muscle injury .the 27-year-old was taken off in the first half of their victory on penalties over bayer leverkusen in the german cup last eight on wednesday .the morocco international said on his twitter account that a medical examination suggested he would be out for between ` two and four weeks ' .\n", + "medhi benatia was taken off against bayern leverkusen on wednesdaythe bayern munich defender will be out for between two and four weeksbayern face porto in the champions league on april 15 and april 21benatia described his injury as an ` occupational hazard ' on twitter\n", + "[1.1357082 1.1987288 1.2219487 1.1537062 1.3596358 1.1555358 1.1368707\n", + " 1.1619462 1.1016723 1.0573069 1.0776504 1.016925 1.0577632 1.1024169\n", + " 1.0392352 1.0260123 1.0142846 1.0139124 1.0147358 1.0564222 0. ]\n", + "\n", + "[ 4 2 1 7 5 3 6 0 13 8 10 12 9 19 14 15 11 18 16 17 20]\n", + "=======================\n", + "['manchester united captain wayne rooney has been returned to his preferred position up frontunited were poor that night in the fa cup at deepdale , coming from behind to win .the truth is that a dark , cold night at preston north end in mid-february is more significant .']\n", + "=======================\n", + "[\"wayne rooney has returned to his preferred striking positionhe had been deployed in midfield earlier this seasonmanager louis van gaal has restored his captain to leading the linerooney 's return up front has coincided with united 's stunning formunited are slight favourites for sunday 's derby with manchester city\"]\n", + "manchester united captain wayne rooney has been returned to his preferred position up frontunited were poor that night in the fa cup at deepdale , coming from behind to win .the truth is that a dark , cold night at preston north end in mid-february is more significant .\n", + "wayne rooney has returned to his preferred striking positionhe had been deployed in midfield earlier this seasonmanager louis van gaal has restored his captain to leading the linerooney 's return up front has coincided with united 's stunning formunited are slight favourites for sunday 's derby with manchester city\n", + "[1.3114324 1.4967076 1.3226316 1.2636158 1.0818033 1.0537267 1.3710786\n", + " 1.1364431 1.0252624 1.0228078 1.0222491 1.0797873 1.1026633 1.0235177\n", + " 1.0654991 1.0265378 1.0512912 1.0695469 1.1304506 1.0415341 1.1012013]\n", + "\n", + "[ 1 6 2 0 3 7 18 12 20 4 11 17 14 5 16 19 15 8 13 9 10]\n", + "=======================\n", + "['at least 55 carcasses were found in the coonarr area , near bundaberg , on tuesday .a joint rspca and queensland police taskforce is now investigating .more than 50 dead greyhounds have been found dumped in queensland bushland , with a taskforce set up to probe live-baiting in the state now investigating the grim find .']\n", + "=======================\n", + "[\"55 dead greyhound carcasses found dumped in coonar , queenslanda joint rspca and queensland police task force is investigatingearly investigations suggest the dogs were young dogs that were killed as they were too slowthey were found in various states of decomposition in an area with no other training facilities or connections to the industryrspca spokesperson says they believe they may be young dogs that were n't fast enough\"]\n", + "at least 55 carcasses were found in the coonarr area , near bundaberg , on tuesday .a joint rspca and queensland police taskforce is now investigating .more than 50 dead greyhounds have been found dumped in queensland bushland , with a taskforce set up to probe live-baiting in the state now investigating the grim find .\n", + "55 dead greyhound carcasses found dumped in coonar , queenslanda joint rspca and queensland police task force is investigatingearly investigations suggest the dogs were young dogs that were killed as they were too slowthey were found in various states of decomposition in an area with no other training facilities or connections to the industryrspca spokesperson says they believe they may be young dogs that were n't fast enough\n", + "[1.3193734 1.3229585 1.4938707 1.3380744 1.2969408 1.0886577 1.0254759\n", + " 1.0188811 1.0190902 1.0256509 1.0300727 1.06856 1.02737 1.0144845\n", + " 1.128957 1.0526342 1.0601891 1.111172 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 0 4 14 17 5 11 16 15 10 12 9 6 8 7 13 18 19 20]\n", + "=======================\n", + "[\"sir bruce 's first wife , penny calvert , was moved into a care home with dementia in 2008 , and he visited regularly to help care for her until her death last year .sir bruce forsyth has said that sometimes it can be ` more cruel to do nothing ' than to let someone die , as he spoke out today in support of assisted dyingsir bruce said his experience of nursing first wife penny calvert ( pictured here with the couple 's three children ) as she suffered with dementia had convinced him of a need for a change in the law\"]\n", + "=======================\n", + "[\"sir bruce said it can be ` more cruel to do nothing ' than to let someone diesaid he would like the right to be able to chose the timing of his own deathhe cared for first wife penny calvert after she was moved into care in 2008ms calvert , whom he divorced in 1973 , died in 2014 after battling dementia\"]\n", + "sir bruce 's first wife , penny calvert , was moved into a care home with dementia in 2008 , and he visited regularly to help care for her until her death last year .sir bruce forsyth has said that sometimes it can be ` more cruel to do nothing ' than to let someone die , as he spoke out today in support of assisted dyingsir bruce said his experience of nursing first wife penny calvert ( pictured here with the couple 's three children ) as she suffered with dementia had convinced him of a need for a change in the law\n", + "sir bruce said it can be ` more cruel to do nothing ' than to let someone diesaid he would like the right to be able to chose the timing of his own deathhe cared for first wife penny calvert after she was moved into care in 2008ms calvert , whom he divorced in 1973 , died in 2014 after battling dementia\n", + "[1.273369 1.2276468 1.1475128 1.4433333 1.2465848 1.1604232 1.1045148\n", + " 1.019288 1.1487867 1.0558813 1.1619081 1.0592428 1.0666158 1.0524297\n", + " 1.0263665 1.0727059 1.0770954 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 4 1 10 5 8 2 6 16 15 12 11 9 13 14 7 19 17 18 20]\n", + "=======================\n", + "[\"porto and brazil right back danilo will join real madrid in the summer in a deal worth # 23millionwith the confirmation of danilo 's summer switch to real madrid , porto have now received a whopping # 440million from player sales in the last 11 years .jose mourinho celebrates winning the 2004 champions league with the portuguese club\"]\n", + "=======================\n", + "['danilo this week agreed to join real madrid in the summer for # 23milliontransfer will take total raised from player sales to # 440m since 2004james rodriguez , pepe and radamel falcao among those sold by portoclick here for all the latest real madrid news']\n", + "porto and brazil right back danilo will join real madrid in the summer in a deal worth # 23millionwith the confirmation of danilo 's summer switch to real madrid , porto have now received a whopping # 440million from player sales in the last 11 years .jose mourinho celebrates winning the 2004 champions league with the portuguese club\n", + "danilo this week agreed to join real madrid in the summer for # 23milliontransfer will take total raised from player sales to # 440m since 2004james rodriguez , pepe and radamel falcao among those sold by portoclick here for all the latest real madrid news\n", + "[1.2156143 1.2812176 1.332138 1.360755 1.2397511 1.227469 1.1000248\n", + " 1.1545316 1.1076728 1.1178234 1.0343351 1.0240399 1.0808471 1.0131779\n", + " 1.0084484 1.0296798 1.0142868 1.0522995 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 4 5 0 7 9 8 6 12 17 10 15 11 16 13 14 19 18 20]\n", + "=======================\n", + "[\"emily and byron schlenker are the world record holders for having the widest female and male tounguesbyron 's buds measure a whopping 8.6 cm across - the same width as a beer mat and 2cm wider than an iphone 6 .byron only found out he was a world-beater when he picked up a guinness world records book at the library while helping his daughter with a school project\"]\n", + "=======================\n", + "['byron schlenker and daughter emily , 14 , are both world record holders47-year-old from syracuse , new york , has tongue wider than an iphone 6is now a celebrity in hometown since winning guinness world record crown']\n", + "emily and byron schlenker are the world record holders for having the widest female and male tounguesbyron 's buds measure a whopping 8.6 cm across - the same width as a beer mat and 2cm wider than an iphone 6 .byron only found out he was a world-beater when he picked up a guinness world records book at the library while helping his daughter with a school project\n", + "byron schlenker and daughter emily , 14 , are both world record holders47-year-old from syracuse , new york , has tongue wider than an iphone 6is now a celebrity in hometown since winning guinness world record crown\n", + "[1.3733399 1.4128374 1.2462457 1.1605077 1.1276472 1.1087227 1.1113877\n", + " 1.0549996 1.0642742 1.0477713 1.0447576 1.1134032 1.1249254 1.1486349\n", + " 1.0741061 1.0657325 1.0251553 1.0700172 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 13 4 12 11 6 5 14 17 15 8 7 9 10 16 19 18 20]\n", + "=======================\n", + "[\"arthur baldwin , 29 , was arrested at a woman 's residence in southeast washington , according to documents provided by the police department .washington ( cnn ) an off-duty member of the uniformed division of secret service was arrested friday in washington and charged with first-degree attempted burglary , a felony , and one misdemeanor count for destruction of property , the d.c. metropolitan police department reported .he has been placed on administrative leave and his security clearance has been suspended , the secret service said .\"]\n", + "=======================\n", + "[\"off-duty member of the uniformed division of secret service arrested fridaypolice said he was charged with trying to break into a woman 's residence\"]\n", + "arthur baldwin , 29 , was arrested at a woman 's residence in southeast washington , according to documents provided by the police department .washington ( cnn ) an off-duty member of the uniformed division of secret service was arrested friday in washington and charged with first-degree attempted burglary , a felony , and one misdemeanor count for destruction of property , the d.c. metropolitan police department reported .he has been placed on administrative leave and his security clearance has been suspended , the secret service said .\n", + "off-duty member of the uniformed division of secret service arrested fridaypolice said he was charged with trying to break into a woman 's residence\n", + "[1.3769995 1.4785509 1.2673388 1.4328 1.1036956 1.0885118 1.1263075\n", + " 1.0248339 1.0193914 1.1200458 1.0294348 1.0130942 1.0117799 1.0100399\n", + " 1.014591 1.1473423 1.0138541 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 15 6 9 4 5 10 7 8 14 16 11 12 13 19 17 18 20]\n", + "=======================\n", + "[\"manor driver stevens was introduced to st george 's park by michael johnson performance , the training company founded by the four-time olympic champion and which has a partnership with the burton-based centre where all 24 england teams train ahead of international fixtures .the 23-year-old was a regular visitor last year as he looked to step up his fitness in preparation for a potential f1 drive , which came his way with now-defunct caterham in the final race in abu dhabi .stevens has access to an exercise bike , treadmill and rowing machine , located in the altitude chamber\"]\n", + "=======================\n", + "[\"manor driver will stevens has been using the facilities at st george 's parkthe state-of-the-art centre is used by the senior england football teamstevens is preparing to race in the bahrain grand prix on sunday\"]\n", + "manor driver stevens was introduced to st george 's park by michael johnson performance , the training company founded by the four-time olympic champion and which has a partnership with the burton-based centre where all 24 england teams train ahead of international fixtures .the 23-year-old was a regular visitor last year as he looked to step up his fitness in preparation for a potential f1 drive , which came his way with now-defunct caterham in the final race in abu dhabi .stevens has access to an exercise bike , treadmill and rowing machine , located in the altitude chamber\n", + "manor driver will stevens has been using the facilities at st george 's parkthe state-of-the-art centre is used by the senior england football teamstevens is preparing to race in the bahrain grand prix on sunday\n", + "[1.3008364 1.3502293 1.0512757 1.1683543 1.0860152 1.218566 1.2247052\n", + " 1.138 1.0444723 1.0757275 1.0895218 1.1082582 1.1493932 1.1912308\n", + " 1.0282125 1.0531535 1.0182184 1.0186148 1.0165498 1.1203111 1.0197892]\n", + "\n", + "[ 1 0 6 5 13 3 12 7 19 11 10 4 9 15 2 8 14 20 17 16 18]\n", + "=======================\n", + "[\"during the encounter on thursday , obama spoke about the six-time olympic champion saying ` nobody 's ever been faster than this guy .when president obama met usain bolt he could not resist joining the world-class sprinter in striking his trademark ` lightning pose ' .he then told bolt ` wait , wait should we get a pose here ?\"]\n", + "=======================\n", + "['president barack obama became the first president to visit jamaica since president ronald reagan in 1982 on thursdayhe met the world-class sprinter when they did his signature poseobama also gave a special mention to triple-world champion shelly-ann fraser-pryce and bolt while speaking during town hall meeting']\n", + "during the encounter on thursday , obama spoke about the six-time olympic champion saying ` nobody 's ever been faster than this guy .when president obama met usain bolt he could not resist joining the world-class sprinter in striking his trademark ` lightning pose ' .he then told bolt ` wait , wait should we get a pose here ?\n", + "president barack obama became the first president to visit jamaica since president ronald reagan in 1982 on thursdayhe met the world-class sprinter when they did his signature poseobama also gave a special mention to triple-world champion shelly-ann fraser-pryce and bolt while speaking during town hall meeting\n", + "[1.6201913 1.3379176 1.145584 1.2795305 1.1262598 1.0284641 1.0289382\n", + " 1.2353226 1.0967913 1.1843852 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 7 9 2 4 8 6 5 18 17 16 15 10 13 12 11 19 14 20]\n", + "=======================\n", + "[\"real madrid 's spanish star isco admitted he is unhappy with life at the bernabeu , after losing his place in the starting line-up in recent weeks .despite being one of real 's best players this season , in the absence of injured colombian playmaker james rodriguez , isco fell straight back out of the team when rodriguez returned to fitness .isco ( left ) returned to the real madrid starting xi for the champions league semi-final , but only due to injuries\"]\n", + "=======================\n", + "['midfielder had been a key performer while james rodriguez was outbut isco lost his place in the team when the colombian returned to fitnessinjuries to luka modric and gareth bale saw isco return against atletico']\n", + "real madrid 's spanish star isco admitted he is unhappy with life at the bernabeu , after losing his place in the starting line-up in recent weeks .despite being one of real 's best players this season , in the absence of injured colombian playmaker james rodriguez , isco fell straight back out of the team when rodriguez returned to fitness .isco ( left ) returned to the real madrid starting xi for the champions league semi-final , but only due to injuries\n", + "midfielder had been a key performer while james rodriguez was outbut isco lost his place in the team when the colombian returned to fitnessinjuries to luka modric and gareth bale saw isco return against atletico\n", + "[1.3733613 1.3100163 1.2605555 1.2943993 1.1231111 1.4036149 1.246144\n", + " 1.1253843 1.0688702 1.0249342 1.0131742 1.0355045 1.0118946 1.01791\n", + " 1.0855659 1.2458905 1.018346 1.010426 1.0107108 1.0095012 0. ]\n", + "\n", + "[ 5 0 1 3 2 6 15 7 4 14 8 11 9 16 13 10 12 18 17 19 20]\n", + "=======================\n", + "[\"derby manager steve mcclaren has called speculation linking him with the newcastle job as ` disrespectful 'mcclaren admitted there had been interest in him from newcastle around the turn of the year , when alan pardew left as manager to take over at crystal palace .mcclaren is understood to be one of two people on newcastle 's short list for the head coach role at st james ' park next season , according to reports in the north east .\"]\n", + "=======================\n", + "['steve mcclaren says newcastle were interested in him to become their new manager after alan pardew left the club for crystal palacethe former england boss is believed to be on the shortlist for the newcastle job next termmcclaren is on course to reach the play-offs with derby this season']\n", + "derby manager steve mcclaren has called speculation linking him with the newcastle job as ` disrespectful 'mcclaren admitted there had been interest in him from newcastle around the turn of the year , when alan pardew left as manager to take over at crystal palace .mcclaren is understood to be one of two people on newcastle 's short list for the head coach role at st james ' park next season , according to reports in the north east .\n", + "steve mcclaren says newcastle were interested in him to become their new manager after alan pardew left the club for crystal palacethe former england boss is believed to be on the shortlist for the newcastle job next termmcclaren is on course to reach the play-offs with derby this season\n", + "[1.2440677 1.4445754 1.1002035 1.2703813 1.2178264 1.1968362 1.3050923\n", + " 1.0858698 1.0638067 1.0291427 1.01618 1.0717193 1.0871313 1.0174323\n", + " 1.0445803 1.0146034 1.0813898 1.2366761 1.1309869 0. 0. ]\n", + "\n", + "[ 1 6 3 0 17 4 5 18 2 12 7 16 11 8 14 9 13 10 15 19 20]\n", + "=======================\n", + "[\"the video shows how angelo west , 41 , immediately jumps out of the car and shoots officer john moynihan , 34 , under the eye at close range after the policeman opens the driver-side door .boston police commissioner william evans pointed out that he was firing ` under his arm ' at the other cops .a newly released video shows the shocking moment a boston police officer was shot in the face just seconds after approaching a driver who was stopped during a gunfire investigation .\"]\n", + "=======================\n", + "[\"video shows how john moynihan , 34 , was shot within seconds of opening angelo west 's car doorwest , 41 , immediately jumps out of the car and shoots the officervideo then shows west shooting at officers as he runs across the streetwest was fatally shot by moynihan 's colleagues during the shoot-outpolice said they released the video to be transparent with the public and tamp down rumorsmoynihan was released from the hospital friday after weeks of recoverypolice said his current condition is ` serious but improving '\"]\n", + "the video shows how angelo west , 41 , immediately jumps out of the car and shoots officer john moynihan , 34 , under the eye at close range after the policeman opens the driver-side door .boston police commissioner william evans pointed out that he was firing ` under his arm ' at the other cops .a newly released video shows the shocking moment a boston police officer was shot in the face just seconds after approaching a driver who was stopped during a gunfire investigation .\n", + "video shows how john moynihan , 34 , was shot within seconds of opening angelo west 's car doorwest , 41 , immediately jumps out of the car and shoots the officervideo then shows west shooting at officers as he runs across the streetwest was fatally shot by moynihan 's colleagues during the shoot-outpolice said they released the video to be transparent with the public and tamp down rumorsmoynihan was released from the hospital friday after weeks of recoverypolice said his current condition is ` serious but improving '\n", + "[1.2134266 1.4689065 1.3241827 1.2425796 1.1918671 1.058925 1.0795394\n", + " 1.0350561 1.1070942 1.1864222 1.1056411 1.028805 1.008239 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 9 8 10 6 5 7 11 12 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"those living in the esher and walton parliamentary constituency -- home to gary lineker , frank lampard , mick hucknall and chris tarrant -- have seen average income tax bills jump by 8 per cent in a year .they paid the most income tax in 2012/13 , with bills averaging # 16,900 , almost four times the national average of # 4,363 , a study by accountancy group uhy hacker young found .celebrity residents and good commuter links to the city have made esher in surrey the country 's number one income tax hotspot , research shows\"]\n", + "=======================\n", + "['bills averaged # 16,900 - almost four times the national average of # 4,363people also paid more in windsor , beaconsfield , chesham and amershamstoke-on-trent central had the lowest bills at # 2,100 per year']\n", + "those living in the esher and walton parliamentary constituency -- home to gary lineker , frank lampard , mick hucknall and chris tarrant -- have seen average income tax bills jump by 8 per cent in a year .they paid the most income tax in 2012/13 , with bills averaging # 16,900 , almost four times the national average of # 4,363 , a study by accountancy group uhy hacker young found .celebrity residents and good commuter links to the city have made esher in surrey the country 's number one income tax hotspot , research shows\n", + "bills averaged # 16,900 - almost four times the national average of # 4,363people also paid more in windsor , beaconsfield , chesham and amershamstoke-on-trent central had the lowest bills at # 2,100 per year\n", + "[1.4141091 1.2433274 1.2566164 1.1629716 1.1623178 1.1552339 1.0311362\n", + " 1.0638562 1.0581738 1.0264286 1.0177119 1.0291499 1.0129023 1.1268747\n", + " 1.0549754 1.0757793 1.0124881 1.0329075 1.0288856 1.0291555]\n", + "\n", + "[ 0 2 1 3 4 5 13 15 7 8 14 17 6 19 11 18 9 10 12 16]\n", + "=======================\n", + "[\"durham , north carolina ( cnn ) president obama 's nomination of loretta lynch to become the country 's first african-american woman attorney general is a historic pick .the period between the senate judiciary committee 's vote to confirm and the full senate vote -- which in lynch 's case has not been scheduled -- has lasted longer for her than for any attorney general nominee in recent history .by the time the senate returns from easter recess on monday , it 'll have been longer than the eight previous nominees for the job -- combined .\"]\n", + "=======================\n", + "[\"the nomination of loretta lynch as u.s. attorney general was announced in novembershe would be the country 's first african-american woman attorney generalbut as her confirmation process drags on , her supporters wonder why\"]\n", + "durham , north carolina ( cnn ) president obama 's nomination of loretta lynch to become the country 's first african-american woman attorney general is a historic pick .the period between the senate judiciary committee 's vote to confirm and the full senate vote -- which in lynch 's case has not been scheduled -- has lasted longer for her than for any attorney general nominee in recent history .by the time the senate returns from easter recess on monday , it 'll have been longer than the eight previous nominees for the job -- combined .\n", + "the nomination of loretta lynch as u.s. attorney general was announced in novembershe would be the country 's first african-american woman attorney generalbut as her confirmation process drags on , her supporters wonder why\n", + "[1.1187536 1.0413741 1.2520264 1.1946344 1.3895552 1.354936 1.2699997\n", + " 1.1003451 1.0230557 1.0895058 1.0702399 1.0526651 1.1889926 1.0330544\n", + " 1.108342 1.0185338 1.0098615 1.0175747 0. 0. ]\n", + "\n", + "[ 4 5 6 2 3 12 0 14 7 9 10 11 1 13 8 15 17 16 18 19]\n", + "=======================\n", + "[\"new instagram account hot dudes with dogs features men looking hot while posing with dogsthe account was started by writer kaylin pound and relies on submissions via direct messageswe 've seen hot dudes reading , hot dudes drinking coffee , and even hot dudes posing like cats ( yes this is a real thing , ask google .\"]\n", + "=======================\n", + "[\"new instagram account showcases buff , often topless , men cuddling their adorable pet pupslaunched one month ago , it boasts 148,000 followers and relies on submissions via direct messagesowned and run by elite daily 's staff writer kaylin pound , who also created rich dogs of instagram\"]\n", + "new instagram account hot dudes with dogs features men looking hot while posing with dogsthe account was started by writer kaylin pound and relies on submissions via direct messageswe 've seen hot dudes reading , hot dudes drinking coffee , and even hot dudes posing like cats ( yes this is a real thing , ask google .\n", + "new instagram account showcases buff , often topless , men cuddling their adorable pet pupslaunched one month ago , it boasts 148,000 followers and relies on submissions via direct messagesowned and run by elite daily 's staff writer kaylin pound , who also created rich dogs of instagram\n", + "[1.3209583 1.3133215 1.2283695 1.152652 1.0719368 1.0615028 1.0660359\n", + " 1.0672263 1.0395513 1.0291771 1.0588102 1.0461577 1.0965401 1.0806602\n", + " 1.0451117 1.0558108 1.0541658 1.032792 1.0483816 1.0396098]\n", + "\n", + "[ 0 1 2 3 12 13 4 7 6 5 10 15 16 18 11 14 19 8 17 9]\n", + "=======================\n", + "[\"after experiencing major devastation and loss of life in the april 25 earthquake , nepal was left with an unsavoury taste in its mouth after receiving packets of ` beef masala ' as part of the relief package from pakistan .since the majority-hindu country treats cows as sacred and there is a blanket ban on slaughtering the animal , the development has the potential to trigger diplomatic acrimony between the south asian association for regional cooperation ( saarc ) member countries .these doctors -- drawn from ram manohar lohia ( rml ) hospital , safdarjung hospital and all india institute of medical sciences ( aiims ) -- are members of a 34-member medical team sent to nepal for treating the survivors .\"]\n", + "=======================\n", + "[\"cows are treated as sacred in nepal , where the majority are hinduskilling a cow used to be punishable by death , but now carries a 12-year jail termnepalese government officials have informed the country 's pman internal inquiry is underway and the matter will be raised with pakistan\"]\n", + "after experiencing major devastation and loss of life in the april 25 earthquake , nepal was left with an unsavoury taste in its mouth after receiving packets of ` beef masala ' as part of the relief package from pakistan .since the majority-hindu country treats cows as sacred and there is a blanket ban on slaughtering the animal , the development has the potential to trigger diplomatic acrimony between the south asian association for regional cooperation ( saarc ) member countries .these doctors -- drawn from ram manohar lohia ( rml ) hospital , safdarjung hospital and all india institute of medical sciences ( aiims ) -- are members of a 34-member medical team sent to nepal for treating the survivors .\n", + "cows are treated as sacred in nepal , where the majority are hinduskilling a cow used to be punishable by death , but now carries a 12-year jail termnepalese government officials have informed the country 's pman internal inquiry is underway and the matter will be raised with pakistan\n", + "[1.3959761 1.4035174 1.2413485 1.1896492 1.0941887 1.1076566 1.1600922\n", + " 1.1082048 1.052701 1.0409062 1.0439744 1.0957863 1.0544084 1.0577451\n", + " 1.0104597 1.038354 1.118134 1.051681 0. 0. ]\n", + "\n", + "[ 1 0 2 3 6 16 7 5 11 4 13 12 8 17 10 9 15 14 18 19]\n", + "=======================\n", + "['a video shows officer michael slager , who is white , firing eight shots at 50-year-old walter scott as scott has his back to him and is running away .( cnn ) the officer charged with murder in the shooting death of an unarmed black man in south carolina has been fired as anger continues to build around his case .scott , who was unarmed , was struck five times .']\n", + "=======================\n", + "['witness who took the video says \" mr. scott did n\\'t deserve this \"north charleston police officer michael slager is firedthe city orders an additional 150 body cameras']\n", + "a video shows officer michael slager , who is white , firing eight shots at 50-year-old walter scott as scott has his back to him and is running away .( cnn ) the officer charged with murder in the shooting death of an unarmed black man in south carolina has been fired as anger continues to build around his case .scott , who was unarmed , was struck five times .\n", + "witness who took the video says \" mr. scott did n't deserve this \"north charleston police officer michael slager is firedthe city orders an additional 150 body cameras\n", + "[1.4108411 1.1929584 1.2864509 1.1576648 1.1542375 1.1463695 1.2591016\n", + " 1.1427913 1.0694219 1.078481 1.0389671 1.0589625 1.1017588 1.1192791\n", + " 1.0343313 1.161548 1.0997075 1.0348706 1.0282842]\n", + "\n", + "[ 0 2 6 1 15 3 4 5 7 13 12 16 9 8 11 10 17 14 18]\n", + "=======================\n", + "['charged : rejean hermel perron ( pictured ) has been accused of holding a woman captive for five days and subjecting her to multiple sexual assaultsthe 27-year-old sex trade worker emerged from a home in toronto , canada , bound by handcuffs , badly bruised and naked from the waist down begging for help .peter hamilton heard her cries as he was passing by and desperately tried to free her from her restraints .']\n", + "=======================\n", + "['peter hamilton intervened after woman emerged from a home in torontoshe said a man armed with a gun and a knife had held her for five daysvictim started screaming for help when the suspect fell asleep inside43-year-old rejean hermel perron has been charged with multiple offencesdetectives working on the case believe there could be further victims']\n", + "charged : rejean hermel perron ( pictured ) has been accused of holding a woman captive for five days and subjecting her to multiple sexual assaultsthe 27-year-old sex trade worker emerged from a home in toronto , canada , bound by handcuffs , badly bruised and naked from the waist down begging for help .peter hamilton heard her cries as he was passing by and desperately tried to free her from her restraints .\n", + "peter hamilton intervened after woman emerged from a home in torontoshe said a man armed with a gun and a knife had held her for five daysvictim started screaming for help when the suspect fell asleep inside43-year-old rejean hermel perron has been charged with multiple offencesdetectives working on the case believe there could be further victims\n", + "[1.4241724 1.3118023 1.2508373 1.2994901 1.1223228 1.15379 1.0799286\n", + " 1.0871559 1.0713702 1.0554506 1.0413966 1.0506622 1.1034278 1.1073217\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 5 4 13 12 7 6 8 9 11 10 17 14 15 16 18]\n", + "=======================\n", + "[\"facing investigation : rifaat al-assad , 77 , is being probed by french police over his # 64million fortuneprosecutors in paris have revealed details of the year-long probe into rifaat al-assad 's finances .the inquiry into the former syrian vice president 's finances was triggered by sherpa , an activist group representing the victims of financial crime , which claims his fortune was stolen during his time at the heart of the syrian regime .\"]\n", + "=======================\n", + "[\"rifaat al assad is facing criminal probe over how he amassed huge fortuneactivists say it was stolen from syria when he was at heart of its regimerifaat , 77 , is brother of late hafez al assad - syria 's president for 29 yearshe headed notorious internal security forces during 1982 hama massacreand was later exiled to europe after attempting to seize power from brother\"]\n", + "facing investigation : rifaat al-assad , 77 , is being probed by french police over his # 64million fortuneprosecutors in paris have revealed details of the year-long probe into rifaat al-assad 's finances .the inquiry into the former syrian vice president 's finances was triggered by sherpa , an activist group representing the victims of financial crime , which claims his fortune was stolen during his time at the heart of the syrian regime .\n", + "rifaat al assad is facing criminal probe over how he amassed huge fortuneactivists say it was stolen from syria when he was at heart of its regimerifaat , 77 , is brother of late hafez al assad - syria 's president for 29 yearshe headed notorious internal security forces during 1982 hama massacreand was later exiled to europe after attempting to seize power from brother\n", + "[1.3377755 1.236694 1.1766474 1.3295615 1.1435288 1.1030294 1.1195636\n", + " 1.0400399 1.111409 1.0482755 1.1060946 1.0706829 1.0687085 1.06962\n", + " 1.0592592 1.0514076 1.0429559 1.0359097 0. ]\n", + "\n", + "[ 0 3 1 2 4 6 8 10 5 11 13 12 14 15 9 16 7 17 18]\n", + "=======================\n", + "[\"two gunmen have assassinated prominent pakistani women 's rights activist sabeen mahmud by pulling up next to her vehicle at a traffic light and spraying it with bullets .photographs taken of her vehicle show her sandals remained resting in the footwell of the driver 's seat , while the exterior of the white vehicle was left stained with her blood .while investigators declined to speculate on a motive for the killing , friends and colleagues immediately described her death as a targeted assassination in pakistan - a country with a nascent democracy where the military and intelligence services still hold tremendous sway .\"]\n", + "=======================\n", + "[\"pakistani women 's rights activist sabeen mahmud gunned down in her carfriends and family claim her brutal killing was a ` targeted assassination 'she was shot by two men on a motorcycle while idling at a traffic light\"]\n", + "two gunmen have assassinated prominent pakistani women 's rights activist sabeen mahmud by pulling up next to her vehicle at a traffic light and spraying it with bullets .photographs taken of her vehicle show her sandals remained resting in the footwell of the driver 's seat , while the exterior of the white vehicle was left stained with her blood .while investigators declined to speculate on a motive for the killing , friends and colleagues immediately described her death as a targeted assassination in pakistan - a country with a nascent democracy where the military and intelligence services still hold tremendous sway .\n", + "pakistani women 's rights activist sabeen mahmud gunned down in her carfriends and family claim her brutal killing was a ` targeted assassination 'she was shot by two men on a motorcycle while idling at a traffic light\n", + "[1.5428915 1.3696401 1.1629736 1.1586263 1.2704208 1.0615926 1.2120351\n", + " 1.0571107 1.08735 1.1283753 1.1895328 1.1715015 1.0220505 1.0064682\n", + " 1.0072863 1.0065051 1.0052403 0. 0. ]\n", + "\n", + "[ 0 1 4 6 10 11 2 3 9 8 5 7 12 14 15 13 16 17 18]\n", + "=======================\n", + "[\"luis suarez scored barcelona 's 1,000 th goal in european competition as the catalan giants claimed a 3-1 victory over psg on wednesday night .the former liverpool star scored a brace as barcelona took charge of their champions league quarter-final tie against the french champions .luis suarez scores his second goal , sending psg goalkeeper salvatore sirigu the wrong way , to make it 3-0\"]\n", + "=======================\n", + "[\"luis suarez scored twice in barcelona 's 3-1 win over psg on wednesdayuruguay international posed with team-mate lionel messi after victorybarcelona have now scored 1,001 goals in european competition\"]\n", + "luis suarez scored barcelona 's 1,000 th goal in european competition as the catalan giants claimed a 3-1 victory over psg on wednesday night .the former liverpool star scored a brace as barcelona took charge of their champions league quarter-final tie against the french champions .luis suarez scores his second goal , sending psg goalkeeper salvatore sirigu the wrong way , to make it 3-0\n", + "luis suarez scored twice in barcelona 's 3-1 win over psg on wednesdayuruguay international posed with team-mate lionel messi after victorybarcelona have now scored 1,001 goals in european competition\n", + "[1.4272938 1.3751599 1.1811897 1.3559875 1.267107 1.1937537 1.0786896\n", + " 1.0514764 1.0465982 1.0206516 1.0176873 1.0100144 1.0098283 1.0132979\n", + " 1.248532 1.1278037 1.1052811 1.0348668 1.1012726]\n", + "\n", + "[ 0 1 3 4 14 5 2 15 16 18 6 7 8 17 9 10 13 11 12]\n", + "=======================\n", + "[\"manchester united players wayne rooney and david de gea made the time to meet some sick supporters alongside manager louis van gaal on monday .the trio , along with other squad members such as ashley young and michael carrick , met the fans at their training complex as part of the manchester united foundation ` dream day ' .michael carrick ( left ) and ashley young also visited the sick children and adults on monday\"]\n", + "=======================\n", + "[\"wayne rooney , david de gea and louis van gaal greeted unwell fansmichael carrick and ashley young were also in attendancethe ` dream day ' was organised by the manchester united foundation\"]\n", + "manchester united players wayne rooney and david de gea made the time to meet some sick supporters alongside manager louis van gaal on monday .the trio , along with other squad members such as ashley young and michael carrick , met the fans at their training complex as part of the manchester united foundation ` dream day ' .michael carrick ( left ) and ashley young also visited the sick children and adults on monday\n", + "wayne rooney , david de gea and louis van gaal greeted unwell fansmichael carrick and ashley young were also in attendancethe ` dream day ' was organised by the manchester united foundation\n", + "[1.3860859 1.30478 1.2408642 1.1483562 1.2471824 1.2848086 1.1875783\n", + " 1.1610061 1.1353886 1.0248744 1.0344081 1.0325577 1.0191991 1.0757262\n", + " 1.0879722 1.0365876 1.0499961 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 5 4 2 6 7 3 8 14 13 16 15 10 11 9 12 20 17 18 19 21]\n", + "=======================\n", + "['the fbi and nypd said on wednesday that a reward of up to $ 115,000 is being offered for information leading to an arrest and conviction in the march 2008 bombing at the times square military recruitment station .but police commissioner william bratton says people had walked past just moments before the device detonated in the early hours of march 6 .a bomb explodes outside the u.s. armed forces recruiting station in times square , new york on march 6 , 2008 .']\n", + "=======================\n", + "['no one was injured in the attack on the times square military recruitment station in march 2008officials said the explosion may be connected to earlier unsolved bombings at the british and mexican consulatesfbi footage showed the times square suspect placing the bomb and riding away on a bike']\n", + "the fbi and nypd said on wednesday that a reward of up to $ 115,000 is being offered for information leading to an arrest and conviction in the march 2008 bombing at the times square military recruitment station .but police commissioner william bratton says people had walked past just moments before the device detonated in the early hours of march 6 .a bomb explodes outside the u.s. armed forces recruiting station in times square , new york on march 6 , 2008 .\n", + "no one was injured in the attack on the times square military recruitment station in march 2008officials said the explosion may be connected to earlier unsolved bombings at the british and mexican consulatesfbi footage showed the times square suspect placing the bomb and riding away on a bike\n", + "[1.2559937 1.4176412 1.362647 1.2505871 1.0883195 1.2771208 1.0438036\n", + " 1.0257165 1.0995537 1.1108458 1.1659893 1.0272396 1.0146688 1.0264199\n", + " 1.0227876 1.080147 1.0777005 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 5 0 3 10 9 8 4 15 16 6 11 13 7 14 12 20 17 18 19 21]\n", + "=======================\n", + "['easyjet and ba are among a host of major airlines expected to scrap hundreds of flights thanks to the walk-out , which will start at 5am tomorrow and run for 48 hours - with considerable knock-on disruption expected .experts fear up to half of all flights between the uk and france could be axed , depending on how strongly the strike holds .easyjet is cancelling 118 flights to and from france , including 10 which either start or finish at british airports .']\n", + "=======================\n", + "['strike is set to begin at 5am tomorrow and continue for two daysup to half of all flights to and from france will be cancelled this weekba and easyjet have warned passengers to expect severe delays']\n", + "easyjet and ba are among a host of major airlines expected to scrap hundreds of flights thanks to the walk-out , which will start at 5am tomorrow and run for 48 hours - with considerable knock-on disruption expected .experts fear up to half of all flights between the uk and france could be axed , depending on how strongly the strike holds .easyjet is cancelling 118 flights to and from france , including 10 which either start or finish at british airports .\n", + "strike is set to begin at 5am tomorrow and continue for two daysup to half of all flights to and from france will be cancelled this weekba and easyjet have warned passengers to expect severe delays\n", + "[1.1464863 1.3436909 1.3586595 1.2637739 1.2138965 1.1045183 1.0648004\n", + " 1.0276978 1.0524071 1.0507215 1.0276762 1.1316421 1.0368448 1.0490519\n", + " 1.0303762 1.057954 1.0299939 1.0619743 1.0657296 1.0544364 1.0165173\n", + " 1.015972 ]\n", + "\n", + "[ 2 1 3 4 0 11 5 18 6 17 15 19 8 9 13 12 14 16 7 10 20 21]\n", + "=======================\n", + "[\"nearly 2 1/2 million americans are in prison .america has the highest incarceration rate in the world , with 5 % of the world 's population and 25 % of its prisoners .( cnn ) criminal justice reform is rapidly becoming one of the few bipartisan issues of our time .\"]\n", + "=======================\n", + "[\"america has the highest incarceration rate in the world , holding 25 % of the world 's prisonersevan feinberg : we must change the dismal status quo with specific solutions\"]\n", + "nearly 2 1/2 million americans are in prison .america has the highest incarceration rate in the world , with 5 % of the world 's population and 25 % of its prisoners .( cnn ) criminal justice reform is rapidly becoming one of the few bipartisan issues of our time .\n", + "america has the highest incarceration rate in the world , holding 25 % of the world 's prisonersevan feinberg : we must change the dismal status quo with specific solutions\n", + "[1.2342262 1.4184133 1.1930115 1.2104423 1.3267591 1.1268958 1.0998762\n", + " 1.0718724 1.0483752 1.1239059 1.1782789 1.1342723 1.1236856 1.0996187\n", + " 1.0347799 1.0506701 1.0146879 1.0077626 1.0091861 1.0639942 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 0 3 2 10 11 5 9 12 6 13 7 19 15 8 14 16 18 17 20 21]\n", + "=======================\n", + "[\"gainesville police said jerald christopher ` jc ' jackson , of immokalee , florida , entered an acquaintance 's apartment saturday with two men .a university of florida redshirt freshman football player faces charges after a robbery at a gainesville apartment .police said they took two video game consoles , marijuana and $ 382 from the apartment 's three residents .\"]\n", + "=======================\n", + "[\"redshirt freshman jc jackson , 19 , was arrested on saturday in gainsvillehe and two men entered an acquaintance 's apartment , but jackson left after the other men pulled out a gun and demanded money and drugsjackson turned himself in after being identified in the police reporthe was booked into alachua county jail and held on a $ 150,000 bondpolice are still investigating the identities of the other suspects\"]\n", + "gainesville police said jerald christopher ` jc ' jackson , of immokalee , florida , entered an acquaintance 's apartment saturday with two men .a university of florida redshirt freshman football player faces charges after a robbery at a gainesville apartment .police said they took two video game consoles , marijuana and $ 382 from the apartment 's three residents .\n", + "redshirt freshman jc jackson , 19 , was arrested on saturday in gainsvillehe and two men entered an acquaintance 's apartment , but jackson left after the other men pulled out a gun and demanded money and drugsjackson turned himself in after being identified in the police reporthe was booked into alachua county jail and held on a $ 150,000 bondpolice are still investigating the identities of the other suspects\n", + "[1.314024 1.3107201 1.2702597 1.3987813 1.2129718 1.1569371 1.0425113\n", + " 1.0254683 1.028553 1.125728 1.1340382 1.0674345 1.087481 1.1170269\n", + " 1.0788108 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 0 1 2 4 5 10 9 13 12 14 11 6 8 7 20 15 16 17 18 19 21]\n", + "=======================\n", + "['the bodies of two people have been discovered amid wreckage after a small aircraft was reported missing around 30 miles east of oban this afternoonpolice began combing woodland in argyll this afternoon following reports of a small plane losing contact with ground control .at around 8pm this evening officers discovered the remains of the two passengers thought to have been on board .']\n", + "=======================\n", + "['the bodies of two passengers have been found amid wreckage in argyllsmall aircraft lost contact with ground control at around 1pm todayinvestigators believed it may have crashed some 30 miles east of oban']\n", + "the bodies of two people have been discovered amid wreckage after a small aircraft was reported missing around 30 miles east of oban this afternoonpolice began combing woodland in argyll this afternoon following reports of a small plane losing contact with ground control .at around 8pm this evening officers discovered the remains of the two passengers thought to have been on board .\n", + "the bodies of two passengers have been found amid wreckage in argyllsmall aircraft lost contact with ground control at around 1pm todayinvestigators believed it may have crashed some 30 miles east of oban\n", + "[1.509069 1.5301836 1.2867635 1.3941233 1.114269 1.0814297 1.0267664\n", + " 1.0737593 1.0252085 1.0361968 1.032699 1.0385448 1.0233337 1.0749454\n", + " 1.0654765 1.125843 ]\n", + "\n", + "[ 1 0 3 2 15 4 5 13 7 14 11 9 10 6 8 12]\n", + "=======================\n", + "[\"the uruguayan received a four-month ban for the incident and was condemned by world football but still completed a # 75million move from liverpool to the la liga side .luis suarez 's wife sofia has revealed that the barcelona star told her he did n't bite italy defender giorgio chiellini during the world cup in brazil - before admitting the truth 10 days later .his wife admits that suarez did n't believe that he had done anything but the television replays suggested otherwise and he then owned up .\"]\n", + "=======================\n", + "[\"luis suarez 's wife admits that her husband denied biting giorgio chiellinithe barcelona star was given a four-month ban following the incidentthe shocking bite was caught on television cameras during the world cupclick here to see who suarez will face in the champions leagueclick here for all the latest barcelona news\"]\n", + "the uruguayan received a four-month ban for the incident and was condemned by world football but still completed a # 75million move from liverpool to the la liga side .luis suarez 's wife sofia has revealed that the barcelona star told her he did n't bite italy defender giorgio chiellini during the world cup in brazil - before admitting the truth 10 days later .his wife admits that suarez did n't believe that he had done anything but the television replays suggested otherwise and he then owned up .\n", + "luis suarez 's wife admits that her husband denied biting giorgio chiellinithe barcelona star was given a four-month ban following the incidentthe shocking bite was caught on television cameras during the world cupclick here to see who suarez will face in the champions leagueclick here for all the latest barcelona news\n", + "[1.3648138 1.366267 1.3675183 1.3115339 1.2351148 1.2019237 1.263849\n", + " 1.04175 1.0402262 1.0303065 1.041753 1.0209585 1.0170894 1.0634314\n", + " 1.0284884 1.0125988]\n", + "\n", + "[ 2 1 0 3 6 4 5 13 10 7 8 9 14 11 12 15]\n", + "=======================\n", + "[\"mcdonald 's has defended the use of the spikes , claiming they were installed two years ago in an attempt to stop anti-social behaviour , not target the homeless .the fast food giant has caused fury after installing metal studs outside its branch in leeds city centre , which critics say are there to stop people sleeping rough .more than 70,000 people across the world have signed a petition demanding mcdonald 's remove spikes that deter the homeless from sleeping outside one of its restaurants .\"]\n", + "=======================\n", + "['78,000 sign petition to demand removal of spikes in leeds city centrefast food giant says that the spikes are to prevent anti-social behaviour']\n", + "mcdonald 's has defended the use of the spikes , claiming they were installed two years ago in an attempt to stop anti-social behaviour , not target the homeless .the fast food giant has caused fury after installing metal studs outside its branch in leeds city centre , which critics say are there to stop people sleeping rough .more than 70,000 people across the world have signed a petition demanding mcdonald 's remove spikes that deter the homeless from sleeping outside one of its restaurants .\n", + "78,000 sign petition to demand removal of spikes in leeds city centrefast food giant says that the spikes are to prevent anti-social behaviour\n", + "[1.1753594 1.2373713 1.2100551 1.173862 1.2768222 1.0397217 1.0732372\n", + " 1.1083288 1.0445149 1.0851153 1.0689559 1.0300673 1.0472857 1.037502\n", + " 1.0245382 0. ]\n", + "\n", + "[ 4 1 2 0 3 7 9 6 10 12 8 5 13 11 14 15]\n", + "=======================\n", + "['the gang got away with a haul worth around # 30 million ( the incident later formed the basis of the movie \" the bank job . \" )but last weekend \\'s raid in the heart of the city \\'s jewelry district feels like it has been taken from a movie like \" ocean 11 \" given its daring and planning .such robberies are rare : the gang did n\\'t follow the current criminal trend of manipulating digits in cyber space but instead went back to basics and committed their burglary in a way not seen in london for more than 40 years .']\n", + "=======================\n", + "['police in london are trying to catch the gang which staged a multi-million heist during the easter vacationformer police commander : such crimes require meticulous planning and use of information by criminalsthe masterminds behind such complicated crimes carefully assemble their gangs with men they can trust']\n", + "the gang got away with a haul worth around # 30 million ( the incident later formed the basis of the movie \" the bank job . \" )but last weekend 's raid in the heart of the city 's jewelry district feels like it has been taken from a movie like \" ocean 11 \" given its daring and planning .such robberies are rare : the gang did n't follow the current criminal trend of manipulating digits in cyber space but instead went back to basics and committed their burglary in a way not seen in london for more than 40 years .\n", + "police in london are trying to catch the gang which staged a multi-million heist during the easter vacationformer police commander : such crimes require meticulous planning and use of information by criminalsthe masterminds behind such complicated crimes carefully assemble their gangs with men they can trust\n", + "[1.0848328 1.0541571 1.059169 1.4435716 1.3712568 1.2830441 1.1384478\n", + " 1.0728626 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 4 5 6 0 7 2 1 8 9 10 11 12 13 14 15]\n", + "=======================\n", + "[\"leave it to google to make april fools ' day into throwback fun by combining google maps with pac-man .this year the company was a day early to the party , rolling out the pac-man game tuesday .it 's easy to play : simply pull up google maps on your desktop browser , click on the pac-man icon on the lower left , and your map suddenly becomes a pac-man course .\"]\n", + "=======================\n", + "[\"google maps has a temporary pac-man functiongoogle has long been fond of april fools ' day pranks and gamesmany people are turning their cities into pac-man courses\"]\n", + "leave it to google to make april fools ' day into throwback fun by combining google maps with pac-man .this year the company was a day early to the party , rolling out the pac-man game tuesday .it 's easy to play : simply pull up google maps on your desktop browser , click on the pac-man icon on the lower left , and your map suddenly becomes a pac-man course .\n", + "google maps has a temporary pac-man functiongoogle has long been fond of april fools ' day pranks and gamesmany people are turning their cities into pac-man courses\n", + "[1.0960269 1.2115633 1.3875234 1.1482375 1.4349746 1.3289429 1.1680593\n", + " 1.0936472 1.173897 1.0752013 1.0926222 1.1461009 1.0955846 0.\n", + " 0. 0. ]\n", + "\n", + "[ 4 2 5 1 8 6 3 11 0 12 7 10 9 13 14 15]\n", + "=======================\n", + "[\"andy murray ( left ) attended barcelona 's champions league quarter-final second leg clash against psgmurray watched lionel messi and co defeat their european counterparts with best man ross hutchinsit 's the second time murray has watched luis enrique 's side during his time in barcelona in less than a week .\"]\n", + "=======================\n", + "['the british no 1 attended his second barcelona match in less than a weekbarcelona beat psg 2-0 in the champions league quarter-final second legthe 27-year-old was at the nou camp with best man ross hutchinsmurray is in barcelona with jonas bjorkman training on clay courts']\n", + "andy murray ( left ) attended barcelona 's champions league quarter-final second leg clash against psgmurray watched lionel messi and co defeat their european counterparts with best man ross hutchinsit 's the second time murray has watched luis enrique 's side during his time in barcelona in less than a week .\n", + "the british no 1 attended his second barcelona match in less than a weekbarcelona beat psg 2-0 in the champions league quarter-final second legthe 27-year-old was at the nou camp with best man ross hutchinsmurray is in barcelona with jonas bjorkman training on clay courts\n", + "[1.2617453 1.3680185 1.3430215 1.1764238 1.172655 1.1287028 1.0626731\n", + " 1.0939883 1.050795 1.1126126 1.016993 1.0261447 1.0275123 1.0189805\n", + " 1.1069878 1.0767894 1.0233772 1.0419393 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 5 9 14 7 15 6 8 17 12 11 16 13 10 18 19]\n", + "=======================\n", + "[\"yaakov naumi 's fascinating photographs include a man lying in a grave to prolong life , a chicken being walked on a piece of string and men tying a rope to a bride and dancing around her .naumi , 32 , who was raised in the israeli town of bnei brak and educated in an ultra orthodox school , admitted that some of the rituals , when viewed with the eyes of an outsider , ` look strange ' .a jewish man lies in an open grave that 's had a body removed from it in a ritual that he believes will help prolong his life\"]\n", + "=======================\n", + "[\"yaakov naumi 's fascinating photographs include a man lying in an open grave in a ritual to prolong his lifethirty-two-year-old naumi was raised in the israeli town of bnei brak and educated an ultra orthodox schoolhe admitted some of the rituals , when viewed with the eyes of an outsider , ` look strange '\"]\n", + "yaakov naumi 's fascinating photographs include a man lying in a grave to prolong life , a chicken being walked on a piece of string and men tying a rope to a bride and dancing around her .naumi , 32 , who was raised in the israeli town of bnei brak and educated in an ultra orthodox school , admitted that some of the rituals , when viewed with the eyes of an outsider , ` look strange ' .a jewish man lies in an open grave that 's had a body removed from it in a ritual that he believes will help prolong his life\n", + "yaakov naumi 's fascinating photographs include a man lying in an open grave in a ritual to prolong his lifethirty-two-year-old naumi was raised in the israeli town of bnei brak and educated an ultra orthodox schoolhe admitted some of the rituals , when viewed with the eyes of an outsider , ` look strange '\n", + "[1.0742402 1.033239 1.0453466 1.2912463 1.1560361 1.2400173 1.2482786\n", + " 1.1604711 1.0721507 1.0738137 1.0205338 1.0247359 1.0882356 1.0542185\n", + " 1.0217835 1.0669397 1.0744649 1.0644116 1.0292591 1.0934336]\n", + "\n", + "[ 3 6 5 7 4 19 12 16 0 9 8 15 17 13 2 1 18 11 14 10]\n", + "=======================\n", + "[\"the shariya refugee camp opened around six months ago , made up of some 4,000 tents and counting .isis took thousands of yazidis captive .the vast majority of the camp 's occupants are from the town of sinjar , which is near the border with syrian kurdistan , and fled the isis assault there back in august .\"]\n", + "=======================\n", + "[\"the shariya refugee camp opened around six months ago , made up of 4,000 tents and countingthe vast majority of the camp 's occupants are from the town of sinjar and fled an isis assaultbut ahlam , her children and their grandparents were taken captive\"]\n", + "the shariya refugee camp opened around six months ago , made up of some 4,000 tents and counting .isis took thousands of yazidis captive .the vast majority of the camp 's occupants are from the town of sinjar , which is near the border with syrian kurdistan , and fled the isis assault there back in august .\n", + "the shariya refugee camp opened around six months ago , made up of 4,000 tents and countingthe vast majority of the camp 's occupants are from the town of sinjar and fled an isis assaultbut ahlam , her children and their grandparents were taken captive\n", + "[1.220433 1.4619933 1.1499882 1.2864084 1.232362 1.1631317 1.1351045\n", + " 1.1442765 1.1290855 1.0906538 1.0811164 1.0262018 1.023564 1.0241456\n", + " 1.0214407 1.0175452 1.0434139 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 0 5 2 7 6 8 9 10 16 11 13 12 14 15 17 18 19]\n", + "=======================\n", + "[\"the boy 's mother frantically tried to open the door when the keys to her range rover were locked inside and the eight-month-old boy was stuck in the car alone as temperatures hit almost 23c yesterday .the incident occurred when temperatures peaked at 22.8 c at st james 's park in london - making it the second hottest day of the year so far beaten only by today when temperatures soared in the capital to nearly 24c .` hero ' : kingston police published a photo of the incident on their twitter account , along with a caption hailing pc resteghini as a ` hero '\"]\n", + "=======================\n", + "[\"the eight-month-old baby 's mother frantically tried to open the door after the range rover 's keys were locked insideyoungster grew distressed as temperatures hit 23c in london and the heat inside the vehicle became unbearablepolice were called and an officer smashed the window with his baton to free the baby who was deemed uninjured\"]\n", + "the boy 's mother frantically tried to open the door when the keys to her range rover were locked inside and the eight-month-old boy was stuck in the car alone as temperatures hit almost 23c yesterday .the incident occurred when temperatures peaked at 22.8 c at st james 's park in london - making it the second hottest day of the year so far beaten only by today when temperatures soared in the capital to nearly 24c .` hero ' : kingston police published a photo of the incident on their twitter account , along with a caption hailing pc resteghini as a ` hero '\n", + "the eight-month-old baby 's mother frantically tried to open the door after the range rover 's keys were locked insideyoungster grew distressed as temperatures hit 23c in london and the heat inside the vehicle became unbearablepolice were called and an officer smashed the window with his baton to free the baby who was deemed uninjured\n", + "[1.2942508 1.1908519 1.2727913 1.3554498 1.2279254 1.0721182 1.2462306\n", + " 1.0222175 1.0202249 1.1345668 1.0275632 1.0933675 1.0395685 1.0839417\n", + " 1.0192633 1.0625443 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 6 4 1 9 11 13 5 15 12 10 7 8 14 18 16 17 19]\n", + "=======================\n", + "[\"a grand and colourful ceremony was held in honour of the ` yellow emperor ' huangdi in huangling county , shaanxi provincetens of millions of people in china marked the annual ` tomb sweeping festival ' this weekend by travelling home to their ancestral villages .as part of the qingming festival -- which means ` pure brightness ' -- china celebrates the coming spring and the beauty of nature , says people 's daily online .\"]\n", + "=======================\n", + "[\"millions of chinese enjoy the qingming festival - ` pure brightness festival ' - to celebrate the coming springlast day of festival sees chinese families visit their ancestors ' graves to clean , burn paper money and prayrecord number of journeys made by chinese over the three-day public holiday , which falls in april every year\"]\n", + "a grand and colourful ceremony was held in honour of the ` yellow emperor ' huangdi in huangling county , shaanxi provincetens of millions of people in china marked the annual ` tomb sweeping festival ' this weekend by travelling home to their ancestral villages .as part of the qingming festival -- which means ` pure brightness ' -- china celebrates the coming spring and the beauty of nature , says people 's daily online .\n", + "millions of chinese enjoy the qingming festival - ` pure brightness festival ' - to celebrate the coming springlast day of festival sees chinese families visit their ancestors ' graves to clean , burn paper money and prayrecord number of journeys made by chinese over the three-day public holiday , which falls in april every year\n", + "[1.4387507 1.3838737 1.1339831 1.4841614 1.2527909 1.1115254 1.1181886\n", + " 1.0534381 1.023143 1.015778 1.0173471 1.013931 1.0314958 1.092897\n", + " 1.289598 1.0149252 1.0112212 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 14 4 2 6 5 13 7 12 8 10 9 15 11 16 18 17 19]\n", + "=======================\n", + "[\"steven davis ( pictured against hull earlier this month ) says southampton have an advantage over spurssteven davis believes the fact so many southampton players worked under mauricio pochettino could give them the edge in this weekend 's vital match against tottenham .the former argentina defender last season led saints to their best ever premier league points tally during a memorable campaign at st mary 's .\"]\n", + "=======================\n", + "[\"mauricio pochettino 's tottenham travel to st mary 's on saturdaypochettino was hugely successful in charge at southamptonand saints midfielder steven davis is confident ahead of the clash\"]\n", + "steven davis ( pictured against hull earlier this month ) says southampton have an advantage over spurssteven davis believes the fact so many southampton players worked under mauricio pochettino could give them the edge in this weekend 's vital match against tottenham .the former argentina defender last season led saints to their best ever premier league points tally during a memorable campaign at st mary 's .\n", + "mauricio pochettino 's tottenham travel to st mary 's on saturdaypochettino was hugely successful in charge at southamptonand saints midfielder steven davis is confident ahead of the clash\n", + "[1.0394701 1.4633672 1.4255134 1.3567523 1.2054203 1.2434275 1.0532038\n", + " 1.0797535 1.1391909 1.0829436 1.0635324 1.0563362 1.0968025 1.1061465\n", + " 1.0086073 1.0339121 1.0410147 0. 0. ]\n", + "\n", + "[ 1 2 3 5 4 8 13 12 9 7 10 11 6 16 0 15 14 17 18]\n", + "=======================\n", + "['the eshima ohashi bridge in japan -- the third largest of its kind in the world -- rises sharply so ships can pass underneath .the concrete road bridge spans a mile across lake nakaumi , linking the cities of matsue and sakaiminato .the tallest concrete pylon on the millau viaduct is 800ft on its own - higher than most buildings']\n", + "=======================\n", + "['eshima ohashi bridge in japan is the third largest of its kind in the worldhas a gradient of 6.1 per cent on shimane side and 5.1 per cent on tottorispans mile across lake nakaumi linking cities of matsue and sakaiminato']\n", + "the eshima ohashi bridge in japan -- the third largest of its kind in the world -- rises sharply so ships can pass underneath .the concrete road bridge spans a mile across lake nakaumi , linking the cities of matsue and sakaiminato .the tallest concrete pylon on the millau viaduct is 800ft on its own - higher than most buildings\n", + "eshima ohashi bridge in japan is the third largest of its kind in the worldhas a gradient of 6.1 per cent on shimane side and 5.1 per cent on tottorispans mile across lake nakaumi linking cities of matsue and sakaiminato\n", + "[1.0891484 1.2123325 1.3402727 1.4211545 1.230296 1.0868576 1.1455197\n", + " 1.1663499 1.0659571 1.0821643 1.1240928 1.0336955 1.0422027 1.0739925\n", + " 1.038714 1.0760224 1.0522369 1.022212 0. ]\n", + "\n", + "[ 3 2 4 1 7 6 10 0 5 9 15 13 8 16 12 14 11 17 18]\n", + "=======================\n", + "['primatologists at iowa state university recorded 300 hunts by chimps in fongoli , sénégal , and found female chimps were using tools to capture prey in 60 per cent of the observations .researchers have found that female chimps are more likely to use the tools to help them hunt for food while males tend to prefer capturing prey with their hands .this female chimp has stripped a stick of leaves and uses it to flush out a bush baby from a hollow tree trunk']\n", + "=======================\n", + "['researchers recorded chimps hunting with tools at fongoli in sénégaltool use was spotted on 300 occasions and 60 % was by femalesmale chimps did more hunting but tended to capture prey with their handsthe findings may provide clues as to how humans first learned to use tools']\n", + "primatologists at iowa state university recorded 300 hunts by chimps in fongoli , sénégal , and found female chimps were using tools to capture prey in 60 per cent of the observations .researchers have found that female chimps are more likely to use the tools to help them hunt for food while males tend to prefer capturing prey with their hands .this female chimp has stripped a stick of leaves and uses it to flush out a bush baby from a hollow tree trunk\n", + "researchers recorded chimps hunting with tools at fongoli in sénégaltool use was spotted on 300 occasions and 60 % was by femalesmale chimps did more hunting but tended to capture prey with their handsthe findings may provide clues as to how humans first learned to use tools\n", + "[1.3039528 1.4308852 1.1714594 1.3614576 1.1192541 1.033372 1.047339\n", + " 1.0511006 1.0366349 1.169984 1.026251 1.009146 1.1178222 1.1542724\n", + " 1.0731962 1.0507979 1.0086592 1.0184021 1.0304571]\n", + "\n", + "[ 1 3 0 2 9 13 4 12 14 7 15 6 8 5 18 10 17 11 16]\n", + "=======================\n", + "[\"the day after brendan rodgers ' side secured an fa cup semi-final berth brad jones , glen johnson and fabio borini were among the local celebrities to turn out as the sun shone in liverpool .liverpool players declared an early ladies day at aintree as they suited up with their other halves to take in the opening day of the grand national meeting .the night before philippe coutinho 's 70th-minute strike in the replay with blackburn saw the reds through to the last four in their final chance for silverware for the season .\"]\n", + "=======================\n", + "[\"brad jones , glen johnson and fabio borini attended day one at aintreethe star accompanied their wives dani , laura and erin to the racesthe liverpool players turned out the day after making the fa cup semisclick here to print out sportsmail 's grand national sweepstake ahead of the big race on saturday\"]\n", + "the day after brendan rodgers ' side secured an fa cup semi-final berth brad jones , glen johnson and fabio borini were among the local celebrities to turn out as the sun shone in liverpool .liverpool players declared an early ladies day at aintree as they suited up with their other halves to take in the opening day of the grand national meeting .the night before philippe coutinho 's 70th-minute strike in the replay with blackburn saw the reds through to the last four in their final chance for silverware for the season .\n", + "brad jones , glen johnson and fabio borini attended day one at aintreethe star accompanied their wives dani , laura and erin to the racesthe liverpool players turned out the day after making the fa cup semisclick here to print out sportsmail 's grand national sweepstake ahead of the big race on saturday\n", + "[1.2289863 1.4250938 1.253275 1.3566699 1.2691787 1.0405979 1.0740368\n", + " 1.1191111 1.0853943 1.062551 1.027228 1.0708835 1.0565325 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 7 8 6 11 9 12 5 10 13 14 15 16 17 18]\n", + "=======================\n", + "[\"the lowenbrau keller , in sydney 's the rocks , has released a social media and bus campaign featuring the slogan ` wunderbra ' underneath a photograph of a woman in a low-cut lederhosen holding a tray of beer steins .campaign group collective shout has slammed sydney restaurant lowenbrau keller for an advertising campaign they claim sexually objectifies womenthe same campaign also features an image of two women in a similar state of dress with the caption ` make mein a dubbel ' , sparking outrage from collective shout , who claim the advertisements reinforces sexual objectification .\"]\n", + "=======================\n", + "[\"sydney cafe lowenbrau keller has released an advertising campaign which features the slogans ` wunderbra ' , ` make mein a dubbel ' and ` haus party 'the campaign has been slammed by activist group collective shout as objectifying women and opening staff to sexual harassmentlowenbrau keller 's parent body said that the ads use ` fun play-on words ' to portray of the typical bavarian cultural experience of oktoberfestthe eatery has further been slammed for directly comparing the serving size of food and drinks and the size of women 's breaststhe same group withdrew a campaign last year comparing women to meat using the slogan ` we 've got the best racks '\"]\n", + "the lowenbrau keller , in sydney 's the rocks , has released a social media and bus campaign featuring the slogan ` wunderbra ' underneath a photograph of a woman in a low-cut lederhosen holding a tray of beer steins .campaign group collective shout has slammed sydney restaurant lowenbrau keller for an advertising campaign they claim sexually objectifies womenthe same campaign also features an image of two women in a similar state of dress with the caption ` make mein a dubbel ' , sparking outrage from collective shout , who claim the advertisements reinforces sexual objectification .\n", + "sydney cafe lowenbrau keller has released an advertising campaign which features the slogans ` wunderbra ' , ` make mein a dubbel ' and ` haus party 'the campaign has been slammed by activist group collective shout as objectifying women and opening staff to sexual harassmentlowenbrau keller 's parent body said that the ads use ` fun play-on words ' to portray of the typical bavarian cultural experience of oktoberfestthe eatery has further been slammed for directly comparing the serving size of food and drinks and the size of women 's breaststhe same group withdrew a campaign last year comparing women to meat using the slogan ` we 've got the best racks '\n", + "[1.2424982 1.3900312 1.205418 1.3368194 1.0490723 1.0849845 1.0561614\n", + " 1.108627 1.1843065 1.0404346 1.0655481 1.0262933 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 8 7 5 10 6 4 9 11 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"the lingerie model and animal rights activist has been making waves online recently with her series of body-flaunting photos on instagram as she documents her first pregnancy -- prompting outcry from critics who claim that her incredibly trim and toned physique could be harming her unborn child .unbelievable : sarah stage , a los angeles-based lingerie model , has been documenting her changing pregnancy body and many of her 1.4 m instagram followers can not believe she is eight months pregnantshe 's less than a month from her due date , but mom-to-be and model sarah stage barely has a bump to show for it .\"]\n", + "=======================\n", + "[\"sarah , 30 , from los angeles , has come under fire for ` boasting ' about her toned figure throughout her pregnancyfollowers regularly share their disbelief at her photos -- while critics have warned her healthy regime could be harmful to the babybut sarah insists her frequent workouts and healthy eating are nothing but beneficial for her unborn child\"]\n", + "the lingerie model and animal rights activist has been making waves online recently with her series of body-flaunting photos on instagram as she documents her first pregnancy -- prompting outcry from critics who claim that her incredibly trim and toned physique could be harming her unborn child .unbelievable : sarah stage , a los angeles-based lingerie model , has been documenting her changing pregnancy body and many of her 1.4 m instagram followers can not believe she is eight months pregnantshe 's less than a month from her due date , but mom-to-be and model sarah stage barely has a bump to show for it .\n", + "sarah , 30 , from los angeles , has come under fire for ` boasting ' about her toned figure throughout her pregnancyfollowers regularly share their disbelief at her photos -- while critics have warned her healthy regime could be harmful to the babybut sarah insists her frequent workouts and healthy eating are nothing but beneficial for her unborn child\n", + "[1.3110242 1.473675 1.3311669 1.2860975 1.219271 1.2301362 1.0374322\n", + " 1.0173757 1.0176638 1.027798 1.0739945 1.0246474 1.1842818 1.0621096\n", + " 1.0995519 1.0566492 1.0609564 1.0242933 1.0338509 0. 0. ]\n", + "\n", + "[ 1 2 0 3 5 4 12 14 10 13 16 15 6 18 9 11 17 8 7 19 20]\n", + "=======================\n", + "['manuel delisle , the man accused of the road rage incident involving a chainsaw , has pleaded not guilty to armed assault on tuesday .karine cyr recorded the confrontation on sunday as she was vacationing with her husband alexandre hermenier and their two children .terrifying moment : manuel delisle ( pictured ) allegedly threatened a family with a chainsaw in a fit of road rage after the family attempted to follow him to record his license plate because he cut them off']\n", + "=======================\n", + "['manuel delisle , the man accused of the road rage incident involving a chainsaw , has pleaded not guilty to armed assault on tuesdaykarine cyr recorded the confrontation on sunday as she was vacationing with her husband alexandre hermenier and their two childrenthe family followed delisle because he was driving erratically and when they reached a dead end , delisle allegedly threatened them']\n", + "manuel delisle , the man accused of the road rage incident involving a chainsaw , has pleaded not guilty to armed assault on tuesday .karine cyr recorded the confrontation on sunday as she was vacationing with her husband alexandre hermenier and their two children .terrifying moment : manuel delisle ( pictured ) allegedly threatened a family with a chainsaw in a fit of road rage after the family attempted to follow him to record his license plate because he cut them off\n", + "manuel delisle , the man accused of the road rage incident involving a chainsaw , has pleaded not guilty to armed assault on tuesdaykarine cyr recorded the confrontation on sunday as she was vacationing with her husband alexandre hermenier and their two childrenthe family followed delisle because he was driving erratically and when they reached a dead end , delisle allegedly threatened them\n", + "[1.0863731 1.2282814 1.1607481 1.3076482 1.3199905 1.2865574 1.1653563\n", + " 1.1758153 1.0967078 1.1334494 1.0765953 1.0260271 1.0434495 1.0266955\n", + " 1.2086538 1.1541867 1.0867743 1.0279368 1.0267105 1.028307 1.0204904]\n", + "\n", + "[ 4 3 5 1 14 7 6 2 15 9 8 16 0 10 12 19 17 18 13 11 20]\n", + "=======================\n", + "[\"it has ` dragonfly ' swing doors that open upwards and ` crystal laser headlights 'general motors has unveiled the chevrolet-fnr car ( shown ) .the car was unveiled at the shanghai general motors gala night this week .\"]\n", + "=======================\n", + "[\"general motors unveiled their concept car at an event in shanghaichevrolet-fnr has ` dragonfly ' swing doors and ` crystal laser headlights 'it is self-driving , electric , and the front chairs can swivel roundand using iris recognition software you can start it using just your eyes\"]\n", + "it has ` dragonfly ' swing doors that open upwards and ` crystal laser headlights 'general motors has unveiled the chevrolet-fnr car ( shown ) .the car was unveiled at the shanghai general motors gala night this week .\n", + "general motors unveiled their concept car at an event in shanghaichevrolet-fnr has ` dragonfly ' swing doors and ` crystal laser headlights 'it is self-driving , electric , and the front chairs can swivel roundand using iris recognition software you can start it using just your eyes\n", + "[1.4419453 1.1816496 1.4285324 1.1950656 1.2213213 1.1808498 1.1608815\n", + " 1.1258286 1.1061659 1.0879068 1.028016 1.0170728 1.0233948 1.0165061\n", + " 1.0232893 1.0187087 1.0159582 1.0091988 1.0110224 0. 0. ]\n", + "\n", + "[ 0 2 4 3 1 5 6 7 8 9 10 12 14 15 11 13 16 18 17 19 20]\n", + "=======================\n", + "[\"supernan : eileen mason , 92 , saved her friend from a would-be robber by ramming him with her scootereileen mason and margaret seabrook had been to a lunch club meeting in swindon , wiltshire , when an ` evil looking ' man suddenly appeared from behind a fence .however , the would-be robber was soon to regret his action , as mrs mason shouted ` oh , no you do n't , ' and slammed on the accelerator of her scooter .\"]\n", + "=======================\n", + "[\"eileen mason , 92 , knocked would-be thief to the ground with her scootermrs mason and friend margaret seabrook , 75 , were attacked in swindon` evil looking man ' tried to steal contents of their scooters ' basketsthe great-grandmother-of-13 , accelerated , and rammed the attackerafter he was knocked to the ground , they sped off on their scooters\"]\n", + "supernan : eileen mason , 92 , saved her friend from a would-be robber by ramming him with her scootereileen mason and margaret seabrook had been to a lunch club meeting in swindon , wiltshire , when an ` evil looking ' man suddenly appeared from behind a fence .however , the would-be robber was soon to regret his action , as mrs mason shouted ` oh , no you do n't , ' and slammed on the accelerator of her scooter .\n", + "eileen mason , 92 , knocked would-be thief to the ground with her scootermrs mason and friend margaret seabrook , 75 , were attacked in swindon` evil looking man ' tried to steal contents of their scooters ' basketsthe great-grandmother-of-13 , accelerated , and rammed the attackerafter he was knocked to the ground , they sped off on their scooters\n", + "[1.2656538 1.5113261 1.237292 1.3400196 1.1672649 1.1529497 1.075297\n", + " 1.0881145 1.0622721 1.1156825 1.0470067 1.1753958 1.0874889 1.0757251\n", + " 1.066923 1.049675 1.0250412 1.0363986 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 11 4 5 9 7 12 13 6 14 8 15 10 17 16 18 19 20]\n", + "=======================\n", + "[\"the threat against flight 826 from cologne bonn to milan 's malpensa airport was received on sunday evening .a germanwings flight bound for italy from germany was evacuated last night due to a bomb threat , the airline said .the tower in cologne immediately alerted the pilot of the airbus a320 , which was taxiing toward the runway at the time , germanwings said .\"]\n", + "=======================\n", + "['germanwings plane was about to take off when bomb threat was receivedpilot was forced to evacuate the plane while police conducted searchsniffer dogs found no evidence of explosives and no one was hurtthreat comes less than a month after germanwings plane was deliberately crashed into mountain in the french alps killing all 150 people on board']\n", + "the threat against flight 826 from cologne bonn to milan 's malpensa airport was received on sunday evening .a germanwings flight bound for italy from germany was evacuated last night due to a bomb threat , the airline said .the tower in cologne immediately alerted the pilot of the airbus a320 , which was taxiing toward the runway at the time , germanwings said .\n", + "germanwings plane was about to take off when bomb threat was receivedpilot was forced to evacuate the plane while police conducted searchsniffer dogs found no evidence of explosives and no one was hurtthreat comes less than a month after germanwings plane was deliberately crashed into mountain in the french alps killing all 150 people on board\n", + "[1.2394366 1.4524637 1.2342865 1.3164119 1.2141596 1.0299008 1.1143061\n", + " 1.1526651 1.0627564 1.051163 1.0215198 1.0146308 1.0509865 1.0276204\n", + " 1.0901415 1.0251722 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 7 6 14 8 9 12 5 13 15 10 11 19 16 17 18 20]\n", + "=======================\n", + "[\"the panel , convened by the global warming policy foundation ( gwpf ) , the ` climate sceptic ' think-tank led by the former tory chancellor lord lawson , will focus on thousands of ` adjustments ' that have been made to temperature records kept at individual weather stations around the world .an international panel of scientists will today launch a major inquiry to discover whether official world temperature records have exaggerated the extent of global warming .sceptics have argued that the effect of such adjustments -- made when instruments are replaced or recalibrated , or heat-producing buildings are erected close to weather station sites -- has skewed the records .\"]\n", + "=======================\n", + "[\"climate sceptic group global warming policy foundation launch inquirypanel drawn from leading universities includes experts with differing viewswill look at whether ` adjustments ' made to records cancel each other outsays it hopes people from all areas of climate change will help the panel\"]\n", + "the panel , convened by the global warming policy foundation ( gwpf ) , the ` climate sceptic ' think-tank led by the former tory chancellor lord lawson , will focus on thousands of ` adjustments ' that have been made to temperature records kept at individual weather stations around the world .an international panel of scientists will today launch a major inquiry to discover whether official world temperature records have exaggerated the extent of global warming .sceptics have argued that the effect of such adjustments -- made when instruments are replaced or recalibrated , or heat-producing buildings are erected close to weather station sites -- has skewed the records .\n", + "climate sceptic group global warming policy foundation launch inquirypanel drawn from leading universities includes experts with differing viewswill look at whether ` adjustments ' made to records cancel each other outsays it hopes people from all areas of climate change will help the panel\n", + "[1.2690005 1.2577482 1.2845207 1.337128 1.100375 1.1898459 1.1003284\n", + " 1.0382279 1.095508 1.1668274 1.2156916 1.0414528 1.0193095 1.0820063\n", + " 1.0448895 1.0115308 1.0150896 0. ]\n", + "\n", + "[ 3 2 0 1 10 5 9 4 6 8 13 14 11 7 12 16 15 17]\n", + "=======================\n", + "[\"the duchess of cambridge revealed her baby is due ` mid to late april ' during a visit last monthaccording to one well-placed source , kate 's real due date is today or tomorrow - which would tie in with comments made by the duchess herself .popular : the 25th is the favourite but the palace says neither that date or any other has been confirmed\"]\n", + "=======================\n", + "[\"sources have hinted that the duchess ' real due date is today or tomorrowthe duchess herself has said that her due date is ` mid to late april 'although the 25th is favourite , the palace says no date has been confirmedprince william is due to be at the cenotaph for anzac day on saturdayprince harry will also be in london this weekend for the london marathon\"]\n", + "the duchess of cambridge revealed her baby is due ` mid to late april ' during a visit last monthaccording to one well-placed source , kate 's real due date is today or tomorrow - which would tie in with comments made by the duchess herself .popular : the 25th is the favourite but the palace says neither that date or any other has been confirmed\n", + "sources have hinted that the duchess ' real due date is today or tomorrowthe duchess herself has said that her due date is ` mid to late april 'although the 25th is favourite , the palace says no date has been confirmedprince william is due to be at the cenotaph for anzac day on saturdayprince harry will also be in london this weekend for the london marathon\n", + "[1.230968 1.489814 1.2024238 1.319325 1.2225188 1.0922549 1.130313\n", + " 1.0415381 1.0320404 1.0294286 1.1237254 1.0570931 1.0238577 1.0638976\n", + " 1.119208 1.1142528 1.0683393 1.0645816]\n", + "\n", + "[ 1 3 0 4 2 6 10 14 15 5 16 17 13 11 7 8 9 12]\n", + "=======================\n", + "['the picture , taken by a person who claims to be a student at geelong college , south-west of melbourne , is believed to show disgraced principal andrew barr surfing for pornography while on-the-clock .mr barr resigned from his position at the geelong college after an investigation , which included a search of his computer , after the photograph appeared on snapchat .in the picture taken through a window , the man has his back to the camera and graphic images can be seen on his computer screen .']\n", + "=======================\n", + "[\"principal andrew barr was caught viewing porn at worka student took a photo of him watching pornography in his officean investigation was launched after the photo was shared on snapchatthe geelong college principal has now resignedthe college council called his actions ' a breach of our standards '\"]\n", + "the picture , taken by a person who claims to be a student at geelong college , south-west of melbourne , is believed to show disgraced principal andrew barr surfing for pornography while on-the-clock .mr barr resigned from his position at the geelong college after an investigation , which included a search of his computer , after the photograph appeared on snapchat .in the picture taken through a window , the man has his back to the camera and graphic images can be seen on his computer screen .\n", + "principal andrew barr was caught viewing porn at worka student took a photo of him watching pornography in his officean investigation was launched after the photo was shared on snapchatthe geelong college principal has now resignedthe college council called his actions ' a breach of our standards '\n", + "[1.5262723 1.3243325 1.1658248 1.1581799 1.0572087 1.0819542 1.0294011\n", + " 1.1812508 1.0279325 1.2151498 1.0388114 1.0254052 1.0554042 1.0680876\n", + " 1.0240465 1.0482701 1.0234209 0. ]\n", + "\n", + "[ 0 1 9 7 2 3 5 13 4 12 15 10 6 8 11 14 16 17]\n", + "=======================\n", + "[\"arkansas republican gov. asa hutchinson said wednesday that he wo n't sign a religious freedom bill that his state 's legislature sent to him on tuesday , citing influence from his politically liberal son .he is sending it back to lawmakers , he told reporters , for amendments that will bring it more in line with the 1993 federal religious freedom restoration act -- which critics say better protected the rights of gays and lesbians .the republican governor 's son seth , pictured in a barack obama shirt , signed a petition asking his dad to veto the religious freedom law\"]\n", + "=======================\n", + "[\"` my son seth , signed the petition asking me , dad , the governor , to veto this bill , ' republican gov. asa hutchinson said wednesdayseth told daily mail online that ' i love and respect my father very much , but sometimes we have political disagreements 'he 's sending the ` religious freedom restoration act ' back to the state legislature because it strays too far from the federal law that inspired ithutchinson does n't risk a veto-override from lawmakers since he has n't technically vetoed the bill` this is a bill that in ordinary times would not be controversial , but these are not ordinary times , ' he said\"]\n", + "arkansas republican gov. asa hutchinson said wednesday that he wo n't sign a religious freedom bill that his state 's legislature sent to him on tuesday , citing influence from his politically liberal son .he is sending it back to lawmakers , he told reporters , for amendments that will bring it more in line with the 1993 federal religious freedom restoration act -- which critics say better protected the rights of gays and lesbians .the republican governor 's son seth , pictured in a barack obama shirt , signed a petition asking his dad to veto the religious freedom law\n", + "` my son seth , signed the petition asking me , dad , the governor , to veto this bill , ' republican gov. asa hutchinson said wednesdayseth told daily mail online that ' i love and respect my father very much , but sometimes we have political disagreements 'he 's sending the ` religious freedom restoration act ' back to the state legislature because it strays too far from the federal law that inspired ithutchinson does n't risk a veto-override from lawmakers since he has n't technically vetoed the bill` this is a bill that in ordinary times would not be controversial , but these are not ordinary times , ' he said\n", + "[1.203685 1.4138091 1.3113115 1.3827502 1.078154 1.0906231 1.0820843\n", + " 1.0374361 1.1281595 1.1571468 1.079228 1.0989794 1.0462493 1.0405914\n", + " 1.0128977 1.0258983 1.0349243 0. ]\n", + "\n", + "[ 1 3 2 0 9 8 11 5 6 10 4 12 13 7 16 15 14 17]\n", + "=======================\n", + "[\"jurors in decatur county , georgia ruled on thursday that the suv manufacturer , chrysler , acted with reckless disregard for human life in selling the family of remington ` remi ' walden a 1999 jeep with a gas tank mounted behind the rear axle .walden , of bainbridge , georgia , was killed when the jeep driven by his aunt was hit from behind by a pickup truck in march 2012 .the jury of 11 women and one man , ruled after a nine-day trial that chrysler was 99 per cent at fault for the crash and the pickup driver was 1 per cent at fault .\"]\n", + "=======================\n", + "[\"remington ` remi ' walden , four , was killed three years ago when his family 's jeep grand cherokee exploded when it was rear-endedjurors in georgia ruled that chrysler acted with reckless disregard for human lifejeep grand cherokee exploded when it was rear-ended , causing the gas tank to ignite\"]\n", + "jurors in decatur county , georgia ruled on thursday that the suv manufacturer , chrysler , acted with reckless disregard for human life in selling the family of remington ` remi ' walden a 1999 jeep with a gas tank mounted behind the rear axle .walden , of bainbridge , georgia , was killed when the jeep driven by his aunt was hit from behind by a pickup truck in march 2012 .the jury of 11 women and one man , ruled after a nine-day trial that chrysler was 99 per cent at fault for the crash and the pickup driver was 1 per cent at fault .\n", + "remington ` remi ' walden , four , was killed three years ago when his family 's jeep grand cherokee exploded when it was rear-endedjurors in georgia ruled that chrysler acted with reckless disregard for human lifejeep grand cherokee exploded when it was rear-ended , causing the gas tank to ignite\n", + "[1.0966147 1.3629026 1.2285382 1.3776245 1.21096 1.2496737 1.2176253\n", + " 1.0777851 1.0783136 1.0775124 1.0991104 1.0731161 1.0506345 1.0620966\n", + " 1.0610384 1.0913517 1.0692194 0. ]\n", + "\n", + "[ 3 1 5 2 6 4 10 0 15 8 7 9 11 16 13 14 12 17]\n", + "=======================\n", + "['inspectors in welshpool and llandrindod wells have been accused of being too lax when it comes to giving out parking tickets for infringements ( file picture )an inspection in two welsh towns found officers there were reluctant to issue tickets , letting many locals get away with parking offences .powys council needs to issue 40 per cent more tickets just to break even .']\n", + "=======================\n", + "['probe carried out by powys council in welshpool and llandrindod wellscouncil needs to issue 40 per cent more parking tickets just to break evencouncillors shadowed wardens and found infringements going unticketed']\n", + "inspectors in welshpool and llandrindod wells have been accused of being too lax when it comes to giving out parking tickets for infringements ( file picture )an inspection in two welsh towns found officers there were reluctant to issue tickets , letting many locals get away with parking offences .powys council needs to issue 40 per cent more tickets just to break even .\n", + "probe carried out by powys council in welshpool and llandrindod wellscouncil needs to issue 40 per cent more parking tickets just to break evencouncillors shadowed wardens and found infringements going unticketed\n", + "[1.153804 1.4193742 1.2658517 1.2690179 1.2063346 1.0612614 1.1190666\n", + " 1.0885133 1.1996183 1.0371269 1.0215893 1.1702112 1.0431052 1.0860881\n", + " 1.011967 1.040457 1.0154449 1.0708588 1.0450641 1.06506 1.0909193\n", + " 1.0838938 1.0959942]\n", + "\n", + "[ 1 3 2 4 8 11 0 6 22 20 7 13 21 17 19 5 18 12 15 9 10 16 14]\n", + "=======================\n", + "['it was sniffed out by a police dog in tulsa county , oklahoma , and the intended recipient , carolyn ross , has now been arrested by police .when cops sliced open the bunny they found two condoms filled with the drugs .police say they got a tip and intercepted a package headed to a home in tahlequah']\n", + "=======================\n", + "[\"police say they found the drugs stuffed in an furry easter bunnycops say they got a tip and intercepted a package headed to a homethey found a pound of meth inside the bunny worth with an estimated street value of $ 30,000resident carolyn ross admitted to police she was expecting the packageshe 's being held on a $ 75,000 bond as the investigation continues\"]\n", + "it was sniffed out by a police dog in tulsa county , oklahoma , and the intended recipient , carolyn ross , has now been arrested by police .when cops sliced open the bunny they found two condoms filled with the drugs .police say they got a tip and intercepted a package headed to a home in tahlequah\n", + "police say they found the drugs stuffed in an furry easter bunnycops say they got a tip and intercepted a package headed to a homethey found a pound of meth inside the bunny worth with an estimated street value of $ 30,000resident carolyn ross admitted to police she was expecting the packageshe 's being held on a $ 75,000 bond as the investigation continues\n", + "[1.1975249 1.3986313 1.3349826 1.2817682 1.1693377 1.1866324 1.0729107\n", + " 1.1063843 1.1068358 1.0735596 1.0544417 1.0259786 1.0141418 1.0173806\n", + " 1.0296234 1.1053709 1.0429251 1.0304079 1.0235394 1.0901626 1.0422477\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 4 8 7 15 19 9 6 10 16 20 17 14 11 18 13 12 21 22]\n", + "=======================\n", + "['the fbi said friday that it will investigate whether civil rights were violated during the videotaped beating of a suspect in san bernardino .the suspect allegedly fled by car , foot and horseback when law enforcement officers tried to arrest him .earlier friday , san bernardino sheriff john mcmahon said criminal investigations have begun into the actions of deputies as well as the suspect .']\n", + "=======================\n", + "['san bernardino sheriff says 10 deputies have been put on leavevideo from a news helicopter shows deputies punching and kicking a man repeatedly']\n", + "the fbi said friday that it will investigate whether civil rights were violated during the videotaped beating of a suspect in san bernardino .the suspect allegedly fled by car , foot and horseback when law enforcement officers tried to arrest him .earlier friday , san bernardino sheriff john mcmahon said criminal investigations have begun into the actions of deputies as well as the suspect .\n", + "san bernardino sheriff says 10 deputies have been put on leavevideo from a news helicopter shows deputies punching and kicking a man repeatedly\n", + "[1.254896 1.3950514 1.305579 1.3587424 1.1572123 1.1180259 1.0438908\n", + " 1.0998971 1.0780325 1.0187154 1.0856082 1.0759043 1.0428782 1.0766641\n", + " 1.055662 1.0539584 1.066402 1.1345997 1.1206195 1.0558227 1.06926\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 17 18 5 7 10 8 13 11 20 16 19 14 15 6 12 9 21 22]\n", + "=======================\n", + "[\"last week gertrude weaver , who was already the oldest person in america , asked president barack obama to attend her birthday party on the fourth of july .the silver oaks health and rehabilitation center in camden , where weaver was a resident , confirmed her death and said they were ` devastated by her loss ' .a 116-year-old arkansas woman passed away on monday just six days after she was announced as the oldest living person in the world .\"]\n", + "=======================\n", + "[\"gertrude weaver became the world 's oldest person last week following the death of a 117-year-old woman in japanwaver died from complications due to pneumonia in camdenshe attributed her long life to treating others well and eating her own cookingweaver was born in arkansas in 1898 and worked as a domestic helper115-year-old jeralean talley , of detroit , is now the world 's oldest person\"]\n", + "last week gertrude weaver , who was already the oldest person in america , asked president barack obama to attend her birthday party on the fourth of july .the silver oaks health and rehabilitation center in camden , where weaver was a resident , confirmed her death and said they were ` devastated by her loss ' .a 116-year-old arkansas woman passed away on monday just six days after she was announced as the oldest living person in the world .\n", + "gertrude weaver became the world 's oldest person last week following the death of a 117-year-old woman in japanwaver died from complications due to pneumonia in camdenshe attributed her long life to treating others well and eating her own cookingweaver was born in arkansas in 1898 and worked as a domestic helper115-year-old jeralean talley , of detroit , is now the world 's oldest person\n", + "[1.4025186 1.3519235 1.3267419 1.3378632 1.2069967 1.0603957 1.026278\n", + " 1.0273293 1.0729651 1.1846149 1.0601882 1.0232677 1.014115 1.0182788\n", + " 1.0105449 1.0299022 1.0131086 1.2373155 1.0509064 1.1752472 1.1345637\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 3 2 17 4 9 19 20 8 5 10 18 15 7 6 11 13 12 16 14 21 22]\n", + "=======================\n", + "[\"paris saint-germain star javier pastore has dismissed eric cantona 's suggestion that he is the greatest footballer on the planet .cantona , the former manchester united forward , claimed earlier this month that pastore is ` the best player in the world ' .javier pastore addresses the world 's media ahead of paris saint-germain 's european clash in barcelona\"]\n", + "=======================\n", + "[\"eric cantona has claimed earlier that javier pastore is ` best in the world 'but pastore believes cristiano ronaldo and lionel messi are betterpsg face barcelona in the second leg of their last-eight champions league clash in the nou camp on tuesday ... they trail 3-1 in the tieread : laurent blanc admits getting past barca is ` practically impossible '\"]\n", + "paris saint-germain star javier pastore has dismissed eric cantona 's suggestion that he is the greatest footballer on the planet .cantona , the former manchester united forward , claimed earlier this month that pastore is ` the best player in the world ' .javier pastore addresses the world 's media ahead of paris saint-germain 's european clash in barcelona\n", + "eric cantona has claimed earlier that javier pastore is ` best in the world 'but pastore believes cristiano ronaldo and lionel messi are betterpsg face barcelona in the second leg of their last-eight champions league clash in the nou camp on tuesday ... they trail 3-1 in the tieread : laurent blanc admits getting past barca is ` practically impossible '\n", + "[1.0852144 1.3652742 1.3881607 1.0405166 1.388083 1.3220899 1.0412484\n", + " 1.0603194 1.2274156 1.0597966 1.078202 1.0380654 1.0600011 1.0883464\n", + " 1.0189742 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 4 1 5 8 13 0 10 7 12 9 6 3 11 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"the 0-0 draw at arsenal was the 20th time in 33 premier league games that the chelsea boss started with his favourite ` back seven ' of thibaut courtois in goal , with branislav ivanovic , gary cahill , john terry and cesar azpilicueta protected by nemanja matic and cesc fabregas .jose mourinho says injuries to his strikers have made him take a cautious approach to the last few games wrapping up the title , but the defensive side of his team has stayed remarkably settled all season .mario balotelli 's first start in a premier league game since the 2-1 defeat by chelsea in november was as frustrating as all the ones that went before .\"]\n", + "=======================\n", + "[\"jose mourinho 's defensive set-up has remained settled all seasonchelsea manager has relied on gary cahill , john terry and comario balotelli could n't make the most his latest liverpool startlouis van gaal blamed a lack of sharpness for united 's defeat at everton\"]\n", + "the 0-0 draw at arsenal was the 20th time in 33 premier league games that the chelsea boss started with his favourite ` back seven ' of thibaut courtois in goal , with branislav ivanovic , gary cahill , john terry and cesar azpilicueta protected by nemanja matic and cesc fabregas .jose mourinho says injuries to his strikers have made him take a cautious approach to the last few games wrapping up the title , but the defensive side of his team has stayed remarkably settled all season .mario balotelli 's first start in a premier league game since the 2-1 defeat by chelsea in november was as frustrating as all the ones that went before .\n", + "jose mourinho 's defensive set-up has remained settled all seasonchelsea manager has relied on gary cahill , john terry and comario balotelli could n't make the most his latest liverpool startlouis van gaal blamed a lack of sharpness for united 's defeat at everton\n", + "[1.1807592 1.2090368 1.1345456 1.1589682 1.2980126 1.0553765 1.0726137\n", + " 1.1316496 1.0437975 1.089122 1.0578927 1.0785744 1.1078982 1.0459318\n", + " 1.0246943 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 1 0 3 2 7 12 9 11 6 10 5 13 8 14 18 15 16 17 19]\n", + "=======================\n", + "[\"jonathan trott and alastair cook combine impressively as england produce dominant displayit must have seemed to trott that he would never again bat for england when he suffered that brutal dismantling at the hands of mitchell johnson during england 's ill-fated last ashes tour almost 18 months ago .this was as far away from the ashes cauldron as it is possible to be but a quiet day of run scoring against sub-standard opposition in picturesque basseterre at the start of england 's caribbean tour meant everything to jonathan trott .\"]\n", + "=======================\n", + "['jonathan trott hit an impressive 72 on england return in the carribeanengland captain alastair cook hit an unbeaten 95 on a dominant dayduo played at top order for first time since brief experiment five years agoengland barely broke sweat as they bowled a st kitts xi all out for 59']\n", + "jonathan trott and alastair cook combine impressively as england produce dominant displayit must have seemed to trott that he would never again bat for england when he suffered that brutal dismantling at the hands of mitchell johnson during england 's ill-fated last ashes tour almost 18 months ago .this was as far away from the ashes cauldron as it is possible to be but a quiet day of run scoring against sub-standard opposition in picturesque basseterre at the start of england 's caribbean tour meant everything to jonathan trott .\n", + "jonathan trott hit an impressive 72 on england return in the carribeanengland captain alastair cook hit an unbeaten 95 on a dominant dayduo played at top order for first time since brief experiment five years agoengland barely broke sweat as they bowled a st kitts xi all out for 59\n", + "[1.5239776 1.3449874 1.1980543 1.456414 1.3385726 1.0641699 1.0974426\n", + " 1.0273093 1.0790787 1.0128225 1.0356035 1.1696396 1.1218467 1.0228624\n", + " 1.0088547 1.0075468 1.0080351 1.0306561 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 11 12 6 8 5 10 17 7 13 9 14 16 15 18 19]\n", + "=======================\n", + "[\"blackburn rovers manager gary bowyer has hit out at fa cup rules which prevent him from fielding one of his own players against liverpool in wednesday night 's sixth round replay at ewood park because he was on loan when the first tie was played on march 9 .blackburn midfielder john o'sullivan ( right ) is ineligible to play in their fa cup fifth round replay vs liverpoolgary bowyer says it ` does n't make sense ' that he ca n't use o'sullivan , who 's been recalled from barnsley\"]\n", + "=======================\n", + "[\"liverpool go to blackburn for fa quarter-final replay on wednesdaygary bowyer 's recalled john o'sullivan from league one barnsleybecause the midfielder was on loan for first tie he ca n't play in replaybowyer 's squad have played 13 games in 43 days with a squad of 24\"]\n", + "blackburn rovers manager gary bowyer has hit out at fa cup rules which prevent him from fielding one of his own players against liverpool in wednesday night 's sixth round replay at ewood park because he was on loan when the first tie was played on march 9 .blackburn midfielder john o'sullivan ( right ) is ineligible to play in their fa cup fifth round replay vs liverpoolgary bowyer says it ` does n't make sense ' that he ca n't use o'sullivan , who 's been recalled from barnsley\n", + "liverpool go to blackburn for fa quarter-final replay on wednesdaygary bowyer 's recalled john o'sullivan from league one barnsleybecause the midfielder was on loan for first tie he ca n't play in replaybowyer 's squad have played 13 games in 43 days with a squad of 24\n", + "[1.3904378 1.3211427 1.2156793 1.3333464 1.1015538 1.0988874 1.0240033\n", + " 1.0727646 1.0911306 1.1101594 1.0893216 1.1165986 1.0267615 1.0554695\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 11 9 4 5 8 10 7 13 12 6 18 14 15 16 17 19]\n", + "=======================\n", + "[\"the daughter of chicago socialite sheila von wiese-mack accused of brutally murdering her mother during a bali vacation will turn over a ` significant percentage ' of her $ 1.3 million trust fund to care for her newborn daughter .child care : a us-based attorney for heather mack , 19 , who is accused of murdering her socialite mother in bali , has filed for about half a million dollars to be transferred to mack 's daughter stella from mack 's trust fundchief prosecutor eddy arta wijaya said mack ` committed sadistic acts to her own mother , ' but wanted her to be spared the death penalty ` because she repeatedly expressed remorse and has a newborn baby . '\"]\n", + "=======================\n", + "[\"heather mack , now 19 , is set to sign over a ` significant percentage ' of her trust for the care of daughter stellamack claimed in february her uncle denied her access to the $ 1.3 millionprosecutors in indonesia accused mack and boyfriend , 21-year-old tommy schaefer , of murdering sheila von wiese-mack at a luxury bali hotelofficials say the couple stuffed heather mack 's mother 's body into a suitcaseprosecutors have not sought the death penalty for mack or schaeferstella is currently staying with her mother in the kerobokan prison in bali\"]\n", + "the daughter of chicago socialite sheila von wiese-mack accused of brutally murdering her mother during a bali vacation will turn over a ` significant percentage ' of her $ 1.3 million trust fund to care for her newborn daughter .child care : a us-based attorney for heather mack , 19 , who is accused of murdering her socialite mother in bali , has filed for about half a million dollars to be transferred to mack 's daughter stella from mack 's trust fundchief prosecutor eddy arta wijaya said mack ` committed sadistic acts to her own mother , ' but wanted her to be spared the death penalty ` because she repeatedly expressed remorse and has a newborn baby . '\n", + "heather mack , now 19 , is set to sign over a ` significant percentage ' of her trust for the care of daughter stellamack claimed in february her uncle denied her access to the $ 1.3 millionprosecutors in indonesia accused mack and boyfriend , 21-year-old tommy schaefer , of murdering sheila von wiese-mack at a luxury bali hotelofficials say the couple stuffed heather mack 's mother 's body into a suitcaseprosecutors have not sought the death penalty for mack or schaeferstella is currently staying with her mother in the kerobokan prison in bali\n", + "[1.1367816 1.5114996 1.2299175 1.3642445 1.2260678 1.1615119 1.0823638\n", + " 1.0565602 1.0161746 1.0167866 1.0312678 1.1291363 1.0514094 1.0202116\n", + " 1.0170535 1.0299613 1.025651 1.0844222 1.1795456 1.1173257]\n", + "\n", + "[ 1 3 2 4 18 5 0 11 19 17 6 7 12 10 15 16 13 14 9 8]\n", + "=======================\n", + "[\"manchester united legend peter schmeichel and his bayern munich counterpart oliver kahn have come face-to-face once more - this time as actors .oliver kahn ( left ) and peter schmeichel star in tiplico 's latest advert where they renew their rivalryin a top trump style competition kahn lists his accolades including three world goalkeeper of the year titles\"]\n", + "=======================\n", + "[\"peter schmeichel and oliver kahn star in tipico 's latest advertduo square off in a top trump style competition of honours and accoladespair were involved in the dramatic 1999 champions league finalmanchester united came from a goal behind to beat bayern munich 2-1\"]\n", + "manchester united legend peter schmeichel and his bayern munich counterpart oliver kahn have come face-to-face once more - this time as actors .oliver kahn ( left ) and peter schmeichel star in tiplico 's latest advert where they renew their rivalryin a top trump style competition kahn lists his accolades including three world goalkeeper of the year titles\n", + "peter schmeichel and oliver kahn star in tipico 's latest advertduo square off in a top trump style competition of honours and accoladespair were involved in the dramatic 1999 champions league finalmanchester united came from a goal behind to beat bayern munich 2-1\n", + "[1.2391522 1.2884622 1.1995361 1.189192 1.1436199 1.0236515 1.128427\n", + " 1.0626409 1.0128001 1.2177137 1.1015756 1.0344571 1.0720302 1.0334113\n", + " 1.0877807 1.0392339 1.0286824 1.0650699 0. 0. ]\n", + "\n", + "[ 1 0 9 2 3 4 6 10 14 12 17 7 15 11 13 16 5 8 18 19]\n", + "=======================\n", + "[\"led magnificently by john terry , jose mourinho 's side have proved once again that a solid back four is the bedrock of any title challenge .chelsea drove themselves one step closer to the premier league title with another defensive masterclass at the emirates , shutting out arsenal just a week after doing the same to manchester united .( from left ) steve bould , tony adams , nigel winterburn and lee dixon celebrate the title\"]\n", + "=======================\n", + "[\"branislav ivanovic , john terry , gary cahill and cesar azpilicueta all starred in chelsea 's 0-0 draw against arsenal at the emirates stadiumchelsea have conceded only 26 goals this seasonthey are closing in on another premier league title under jose mourinhochelsea 's defence have proved that a solid back four is key to a chargejamie carragher : terry is the premier league 's greatest ever defenderterry on course to take part in all pl games for first time in his career\"]\n", + "led magnificently by john terry , jose mourinho 's side have proved once again that a solid back four is the bedrock of any title challenge .chelsea drove themselves one step closer to the premier league title with another defensive masterclass at the emirates , shutting out arsenal just a week after doing the same to manchester united .( from left ) steve bould , tony adams , nigel winterburn and lee dixon celebrate the title\n", + "branislav ivanovic , john terry , gary cahill and cesar azpilicueta all starred in chelsea 's 0-0 draw against arsenal at the emirates stadiumchelsea have conceded only 26 goals this seasonthey are closing in on another premier league title under jose mourinhochelsea 's defence have proved that a solid back four is key to a chargejamie carragher : terry is the premier league 's greatest ever defenderterry on course to take part in all pl games for first time in his career\n", + "[1.2111106 1.4968545 1.2113628 1.402718 1.2149653 1.2049929 1.2225504\n", + " 1.1731243 1.157016 1.0288641 1.0788802 1.0628662 1.0501491 1.0460217\n", + " 1.047329 1.0116613 1.0094762 1.0098045 1.0063745]\n", + "\n", + "[ 1 3 6 4 2 0 5 7 8 10 11 12 14 13 9 15 17 16 18]\n", + "=======================\n", + "['he is accused of attacking husband and wife ronald and june phillips while on board a cruise shipgraeme finlay , 53 , insisted he acted in self-defence after being attacked by ron phillips , 70 , wielding his crutch .the 16-stone british gas engineer , who was travelling alone , confronted mr phillips and his wife june , 69 , about their rudeness in ignoring him when he joined their table for dinner , a court heard .']\n", + "=======================\n", + "['graeme finlay allegedly attacked ronald and june phillips on a cruise shipthe couple were walking back to their cabin on the ship to drink cocoafinlay denies two charges of wounding and grievous bodily harmhe claims the couple ignored him after he sat with them at a dinner table']\n", + "he is accused of attacking husband and wife ronald and june phillips while on board a cruise shipgraeme finlay , 53 , insisted he acted in self-defence after being attacked by ron phillips , 70 , wielding his crutch .the 16-stone british gas engineer , who was travelling alone , confronted mr phillips and his wife june , 69 , about their rudeness in ignoring him when he joined their table for dinner , a court heard .\n", + "graeme finlay allegedly attacked ronald and june phillips on a cruise shipthe couple were walking back to their cabin on the ship to drink cocoafinlay denies two charges of wounding and grievous bodily harmhe claims the couple ignored him after he sat with them at a dinner table\n", + "[1.0603275 1.0529685 1.1013726 1.1098514 1.2255921 1.1423157 1.1010046\n", + " 1.086985 1.097059 1.1544614 1.0829434 1.0368276 1.0558325 1.0502152\n", + " 1.0662493 1.0886652 1.0838133 1.0703127 1.0293941]\n", + "\n", + "[ 4 9 5 3 2 6 8 15 7 16 10 17 14 0 12 1 13 11 18]\n", + "=======================\n", + "['ashley ( left ) and mary-kate olsen ( right ) are two of the most famous twins in the world and despite their very similar appearances they are not actually identical twinsnot all monozygotic twins ( i.e. twins born from a single fertilised egg ) are truly identical .take pre-colonial brazilians , who thought twins were a product of adultery , resulting in the poor innocent mother often being executed for her supposed infidelity .']\n", + "=======================\n", + "['pre-colonial brazilians thought twins were a product of adulterygreek mythology believed twins were the product of intercourse with godsmany of us remain baffled by the uncanny bond identical twins share']\n", + "ashley ( left ) and mary-kate olsen ( right ) are two of the most famous twins in the world and despite their very similar appearances they are not actually identical twinsnot all monozygotic twins ( i.e. twins born from a single fertilised egg ) are truly identical .take pre-colonial brazilians , who thought twins were a product of adultery , resulting in the poor innocent mother often being executed for her supposed infidelity .\n", + "pre-colonial brazilians thought twins were a product of adulterygreek mythology believed twins were the product of intercourse with godsmany of us remain baffled by the uncanny bond identical twins share\n", + "[1.3095351 1.4015512 1.3682121 1.1158079 1.2907286 1.3080564 1.0393659\n", + " 1.04485 1.023578 1.0699031 1.3012896 1.0529422 1.0108652 1.0083001\n", + " 1.0099382 1.0070219 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 5 10 4 3 9 11 7 6 8 12 14 13 15 17 16 18]\n", + "=======================\n", + "[\"ahead of their relocation to the olympic stadium in a year 's time , the hammers became the first club to drop the price of their season tickets off the back of the premier league 's record three-year , # 5.13 bn television deal , which comes into effect at the start of the 2016-17 season .west ham 's cheapest adult season ticket for that campaign will cost # 289 -- a considerable saving on the # 620 equivalent this season .after west ham announced a vast reduction in season ticket prices earlier this week , manager sam allardyce has labelled the move the best business by any premier league club in a long time .\"]\n", + "=======================\n", + "[\"west ham became first premier league club to drop prices since tv dealmanager sam allardyce believes it 's the best business done in a long timethe hammers move into the olympic stadium in 2016\"]\n", + "ahead of their relocation to the olympic stadium in a year 's time , the hammers became the first club to drop the price of their season tickets off the back of the premier league 's record three-year , # 5.13 bn television deal , which comes into effect at the start of the 2016-17 season .west ham 's cheapest adult season ticket for that campaign will cost # 289 -- a considerable saving on the # 620 equivalent this season .after west ham announced a vast reduction in season ticket prices earlier this week , manager sam allardyce has labelled the move the best business by any premier league club in a long time .\n", + "west ham became first premier league club to drop prices since tv dealmanager sam allardyce believes it 's the best business done in a long timethe hammers move into the olympic stadium in 2016\n", + "[1.1650957 1.369648 1.3128294 1.2717338 1.1858398 1.1186236 1.2041192\n", + " 1.0760119 1.0634934 1.083391 1.0783987 1.0229826 1.1260196 1.0991608\n", + " 1.1584512 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 6 4 0 14 12 5 13 9 10 7 8 11 17 15 16 18]\n", + "=======================\n", + "[\"supposed images of the club 's home , away and third strips for next season have leaked on to the internet , which is bound to excite many an united supporter .last summer the old trafford outfit announced that they had signed a # 750million deal with sportwear giant adidas to make their kits for 10 years starting from the 2015-16 campaign .are these the kits that manchester united fans will hope lead them to a prosperous 2015-16 campaign ?\"]\n", + "=======================\n", + "[\"manchester united signed a 10-year kit deal with adidas last seasonunited 's deal earns them # 750million in total with deal beginning next termadidas replaces nike who had supplied united for the previous 13 yearsread : manchester united to tour america for just 12 days in pre-seasonclick here for all the latest manchester united news\"]\n", + "supposed images of the club 's home , away and third strips for next season have leaked on to the internet , which is bound to excite many an united supporter .last summer the old trafford outfit announced that they had signed a # 750million deal with sportwear giant adidas to make their kits for 10 years starting from the 2015-16 campaign .are these the kits that manchester united fans will hope lead them to a prosperous 2015-16 campaign ?\n", + "manchester united signed a 10-year kit deal with adidas last seasonunited 's deal earns them # 750million in total with deal beginning next termadidas replaces nike who had supplied united for the previous 13 yearsread : manchester united to tour america for just 12 days in pre-seasonclick here for all the latest manchester united news\n", + "[1.0593258 1.5036104 1.1769271 1.3209735 1.1767086 1.1994219 1.1364285\n", + " 1.0989594 1.1705564 1.0989674 1.0582172 1.0831972 1.0441692 1.0497131\n", + " 1.0214752 1.0757996 1.051367 1.0187746 1.0179577]\n", + "\n", + "[ 1 3 5 2 4 8 6 9 7 11 15 0 10 16 13 12 14 17 18]\n", + "=======================\n", + "['celebrated australian designer akira isogawa sent models down the runway with faces covered in sequins at his show on wednesday morning at mercedes-benz fashion week australia .50 shades of pink : isogawa presented a collection full of bright pinks and redswhile some models were embellished with just sequinned brows , others sported an entire mask of face bling .']\n", + "=======================\n", + "['both designers sent models down runway with sequins glued to faceshighlight shows of wednesday included steven khalil and kate sylvestermanning cartell show to attract star front row in the evening']\n", + "celebrated australian designer akira isogawa sent models down the runway with faces covered in sequins at his show on wednesday morning at mercedes-benz fashion week australia .50 shades of pink : isogawa presented a collection full of bright pinks and redswhile some models were embellished with just sequinned brows , others sported an entire mask of face bling .\n", + "both designers sent models down runway with sequins glued to faceshighlight shows of wednesday included steven khalil and kate sylvestermanning cartell show to attract star front row in the evening\n", + "[1.1613678 1.32173 1.4211833 1.1755729 1.1776538 1.0243796 1.1632197\n", + " 1.0695322 1.014775 1.0152571 1.120097 1.1092914 1.1506487 1.0838921\n", + " 1.1099316 0. 0. 0. ]\n", + "\n", + "[ 2 1 4 3 6 0 12 10 14 11 13 7 5 9 8 15 16 17]\n", + "=======================\n", + "['the icefin was deployed ( and retrieved ) the vehicle through a 12-inch diameter hole through 20 meters of ice and another 500 meters of water to the sea floor .now , researchers have created a special robo-explorer to borrow into the ice and record the first footage of what lies on the seabed below the ross ice shelf .the technologies developed for icefin will also help in the search for life on other planets , namely europa , a moon of jupiter .']\n", + "=======================\n", + "['footage reveals huge variety of life on the seabedsea stars , sponges and anemones can be seen at the ocean bottomprobe could help in the search for life on europa , a moon of jupiter']\n", + "the icefin was deployed ( and retrieved ) the vehicle through a 12-inch diameter hole through 20 meters of ice and another 500 meters of water to the sea floor .now , researchers have created a special robo-explorer to borrow into the ice and record the first footage of what lies on the seabed below the ross ice shelf .the technologies developed for icefin will also help in the search for life on other planets , namely europa , a moon of jupiter .\n", + "footage reveals huge variety of life on the seabedsea stars , sponges and anemones can be seen at the ocean bottomprobe could help in the search for life on europa , a moon of jupiter\n", + "[1.2362942 1.4432778 1.409566 1.2506919 1.2647359 1.2793437 1.1258008\n", + " 1.0205885 1.0576456 1.1095175 1.082847 1.0386255 1.027179 1.0578805\n", + " 1.0821052 1.0359885 1.0306401 1.024405 ]\n", + "\n", + "[ 1 2 5 4 3 0 6 9 10 14 13 8 11 15 16 12 17 7]\n", + "=======================\n", + "[\"the 14-year-old is now fighting for her life in delhi 's safdarjung hospital with 70 per cent burns .she was allegedly gang-raped on sunday when she went outside her house in kosi kalan , in uttar pradesh 's mathura district , to relieve herself .a teenager set herself on fire after allegedly being raped by five men from her village in india .\"]\n", + "=======================\n", + "[\"she was allegedly attacked after leaving her house to relieve herselfthe attack is said to have taken place in india 's uttar pradesh regionvictim suffered 70 per cent burns after dousing herself in keroseneher brother apparently saw her covered in flames and threw water on her\"]\n", + "the 14-year-old is now fighting for her life in delhi 's safdarjung hospital with 70 per cent burns .she was allegedly gang-raped on sunday when she went outside her house in kosi kalan , in uttar pradesh 's mathura district , to relieve herself .a teenager set herself on fire after allegedly being raped by five men from her village in india .\n", + "she was allegedly attacked after leaving her house to relieve herselfthe attack is said to have taken place in india 's uttar pradesh regionvictim suffered 70 per cent burns after dousing herself in keroseneher brother apparently saw her covered in flames and threw water on her\n", + "[1.4148684 1.3039777 1.3891374 1.3682294 1.0952334 1.2096745 1.2126904\n", + " 1.0438169 1.0150427 1.0101625 1.0350691 1.0223056 1.1019399 1.0308168\n", + " 1.025469 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 6 5 12 4 7 10 13 14 11 8 9 16 15 17]\n", + "=======================\n", + "[\"jack wilshere has moved a step closer to recovery from the serious ankle injury that has wrecked his season after completing 90 minutes for arsenal 's under 21 side .he was joined by mikel arteta and abou diaby , recovering from ankle and calf injuries respectively , in the under 21 premier league fixture at the emirates stadium .the england midfielder came through the 4-1 win over stoke city unscathed as he pushes for a return to arsene wenger 's first team before the end of the campaign .\"]\n", + "=======================\n", + "[\"jack wilshere played 90 minutes for arsenal 's under 21 sidemikel arteta and abou diaby also played at the emirates against stokewilshere has been recovering from a serious ankle injury\"]\n", + "jack wilshere has moved a step closer to recovery from the serious ankle injury that has wrecked his season after completing 90 minutes for arsenal 's under 21 side .he was joined by mikel arteta and abou diaby , recovering from ankle and calf injuries respectively , in the under 21 premier league fixture at the emirates stadium .the england midfielder came through the 4-1 win over stoke city unscathed as he pushes for a return to arsene wenger 's first team before the end of the campaign .\n", + "jack wilshere played 90 minutes for arsenal 's under 21 sidemikel arteta and abou diaby also played at the emirates against stokewilshere has been recovering from a serious ankle injury\n", + "[1.2053226 1.461422 1.1911871 1.2756139 1.2647318 1.1956223 1.1648554\n", + " 1.0510361 1.0574862 1.0151143 1.1278342 1.0930074 1.0666643 1.023398\n", + " 1.0608721 1.0447667 1.1330947 0. ]\n", + "\n", + "[ 1 3 4 0 5 2 6 16 10 11 12 14 8 7 15 13 9 17]\n", + "=======================\n", + "[\"kamron taylor was caught in south side , chicago , with a loaded gun on friday night after police received a tip off describing a man with the name ` gertrude ' tattooed to his neck .he is being held on weapons charges until he can be turned over to the kankakee county sheriff 's office , chicago police said .recaptured : kamron taylor is in custody after breaking free from jail by beating a guard unconscious and fleeing in his uniform .\"]\n", + "=======================\n", + "[\"kamron taylor was waiting to be sentenced for the 2013 murder of nelson williams jr , 21recaptured on friday with loaded gun in chicago after police tip-offhe fled illinois prison on wednesday after being guard unconsciouswas seen on cctv wearing guard 's uniform and driving his suvfears he was hunting down victims family after shouting threat in courthe is now in custody on weapons charges\"]\n", + "kamron taylor was caught in south side , chicago , with a loaded gun on friday night after police received a tip off describing a man with the name ` gertrude ' tattooed to his neck .he is being held on weapons charges until he can be turned over to the kankakee county sheriff 's office , chicago police said .recaptured : kamron taylor is in custody after breaking free from jail by beating a guard unconscious and fleeing in his uniform .\n", + "kamron taylor was waiting to be sentenced for the 2013 murder of nelson williams jr , 21recaptured on friday with loaded gun in chicago after police tip-offhe fled illinois prison on wednesday after being guard unconsciouswas seen on cctv wearing guard 's uniform and driving his suvfears he was hunting down victims family after shouting threat in courthe is now in custody on weapons charges\n", + "[1.552062 1.081424 1.1980006 1.1988405 1.200772 1.0855718 1.1030821\n", + " 1.0475146 1.1292365 1.0816116 1.0700338 1.0395066 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 3 2 8 6 5 9 1 10 7 11 16 12 13 14 15 17]\n", + "=======================\n", + "[\"( cnn ) warren weinstein , who appears to have been the only american citizen held hostage by al qaeda , was accidentally killed in a u.s. drone strike in january .a senior u.s. official familiar with the handling of the issue told cnn that the u.s. government made no serious effort to negotiate for the 73-year-old development expert 's release , either directly to al qaeda or through proxies in pakistan .the senior pakistani official says that during the past year pakistani soldiers , who were part of a military offensive in the tribal area of north waziristan near the afghan-pakistan border where weinstein was believed to be being held , went door-to-door looking for the american .\"]\n", + "=======================\n", + "['u.s. hostage warren weinstein is believed to have been accidentally killed in counter-terrorism strikepeter bergen : u.s. should rethink hostage policy to increase chances of freeing those held']\n", + "( cnn ) warren weinstein , who appears to have been the only american citizen held hostage by al qaeda , was accidentally killed in a u.s. drone strike in january .a senior u.s. official familiar with the handling of the issue told cnn that the u.s. government made no serious effort to negotiate for the 73-year-old development expert 's release , either directly to al qaeda or through proxies in pakistan .the senior pakistani official says that during the past year pakistani soldiers , who were part of a military offensive in the tribal area of north waziristan near the afghan-pakistan border where weinstein was believed to be being held , went door-to-door looking for the american .\n", + "u.s. hostage warren weinstein is believed to have been accidentally killed in counter-terrorism strikepeter bergen : u.s. should rethink hostage policy to increase chances of freeing those held\n", + "[1.3009745 1.4497981 1.3622999 1.3080299 1.104525 1.15998 1.1014237\n", + " 1.0248469 1.0257972 1.0343935 1.017634 1.0519075 1.0190282 1.0639762\n", + " 1.1150163 1.184867 1.016848 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 0 15 5 14 4 6 13 11 9 8 7 12 10 16 17 18 19 20 21]\n", + "=======================\n", + "[\"as the aircraft taxied on the runway at ben gurion airport in israel , bound for luton , sarina aziz became agitated after cabin crew asked that she sit on her parents ' lap .ariella and mark aziz , who live in north london , struggled to keep their daughter still after strapping her in the connector belt required for children under the age of two .a crying 19-month-old girl was removed from a plane and met by police after she was accused of causing a security breach .\"]\n", + "=======================\n", + "[\"sarina aziz was flying back from israel with parents mark and ariella azizbut girl became agitated after being placed on the parents ' lappilot turned plane around at ben gurion , and armed police ejected familyfather mark aziz insists family were being compliant and asking for helpmother speaks of her disbelief at how the incident was handled by staff\"]\n", + "as the aircraft taxied on the runway at ben gurion airport in israel , bound for luton , sarina aziz became agitated after cabin crew asked that she sit on her parents ' lap .ariella and mark aziz , who live in north london , struggled to keep their daughter still after strapping her in the connector belt required for children under the age of two .a crying 19-month-old girl was removed from a plane and met by police after she was accused of causing a security breach .\n", + "sarina aziz was flying back from israel with parents mark and ariella azizbut girl became agitated after being placed on the parents ' lappilot turned plane around at ben gurion , and armed police ejected familyfather mark aziz insists family were being compliant and asking for helpmother speaks of her disbelief at how the incident was handled by staff\n", + "[1.5457999 1.279661 1.2989419 1.4799674 1.1450272 1.0764803 1.028544\n", + " 1.0439222 1.0309949 1.0179257 1.0147902 1.0115169 1.0955607 1.0748292\n", + " 1.0500885 1.1476829 1.0143948 1.0094504 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 2 1 15 4 12 5 13 14 7 8 6 9 10 16 11 17 20 18 19 21]\n", + "=======================\n", + "[\"john terry warned arsenal that they will never win the barclays premier league by playing ` tippy-tappy football ' .mourinho 's team were booed off the pitch by home fans following their 0-0 draw at arsenal and left the field to chants of ` boring , boring chelsea ' .in a robust defence of chelsea 's recent tactics , the club 's captain admitted jose mourinho changed the way the league leaders approached games after christmas .\"]\n", + "=======================\n", + "[\"arsenal need to adapt their ways to win the league , believes john terrychelsea edged closer to title with a point but were booed off by home fanschants of ` boring , boring chelsea ' filled the emirates stadium at full-timebut , terry admits change of approach has helped blues close in on the titlethierry henry : arsenal need to sign four top players to win the league\"]\n", + "john terry warned arsenal that they will never win the barclays premier league by playing ` tippy-tappy football ' .mourinho 's team were booed off the pitch by home fans following their 0-0 draw at arsenal and left the field to chants of ` boring , boring chelsea ' .in a robust defence of chelsea 's recent tactics , the club 's captain admitted jose mourinho changed the way the league leaders approached games after christmas .\n", + "arsenal need to adapt their ways to win the league , believes john terrychelsea edged closer to title with a point but were booed off by home fanschants of ` boring , boring chelsea ' filled the emirates stadium at full-timebut , terry admits change of approach has helped blues close in on the titlethierry henry : arsenal need to sign four top players to win the league\n", + "[1.2363436 1.5120239 1.2654063 1.2026529 1.2526064 1.1384661 1.0935618\n", + " 1.130713 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 4 0 3 5 7 6 19 18 17 16 15 14 10 12 11 20 9 8 13 21]\n", + "=======================\n", + "['actress penelope cruz will appear in the upcoming sequel to the popular 2001 film , ben stiller announced friday .stiller , who plays the title role of male model derek zoolander , dropped the news by sharing a photo of \" little penny \" cruz as a child and saying he was \" excited \" to welcome her to the cast .it is scheduled for release in february 2016 .']\n", + "=======================\n", + "['ben stiller announces that penelope cruz will join cast of \" zoolander 2 \"\" zoolander 2 \" is scheduled for release in 2016']\n", + "actress penelope cruz will appear in the upcoming sequel to the popular 2001 film , ben stiller announced friday .stiller , who plays the title role of male model derek zoolander , dropped the news by sharing a photo of \" little penny \" cruz as a child and saying he was \" excited \" to welcome her to the cast .it is scheduled for release in february 2016 .\n", + "ben stiller announces that penelope cruz will join cast of \" zoolander 2 \"\" zoolander 2 \" is scheduled for release in 2016\n", + "[1.2642872 1.4808391 1.0971416 1.3130971 1.296131 1.1367433 1.1245914\n", + " 1.0544046 1.1249197 1.0606594 1.0648708 1.0627303 1.0150399 1.0574508\n", + " 1.0446855 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 4 0 5 8 6 2 10 11 9 13 7 14 12 20 15 16 17 18 19 21]\n", + "=======================\n", + "['ana granucci davis , 28 , wife of st petersburg chef aaron davis , 31 , gave birth to their son andrew aaron lawrence on tuesday .the wife of a florida chef who was killed by a suspected drunk driver on saturday has given birth his son , only three days following his death .mr davis , head chef at the kitchen , was walking on central avenue to a parking garage when he was fatally struck by 25-year-old jason lanard mitchell on saturday around 2am , police said .']\n", + "=======================\n", + "['aaron davis , head chef at the kitchen in florida , was killed while walking on saturday by suspected drunk driver jason lanard mitchell , police saidmitchell , 25 , sped through several red lights before striking davis and his co-worker brian lafrance , who was treated and released from hospitalana granucci davis , 28 , wife of aaron , had second child andrew aaron lawrence on tuesdaythe couple , who married in 2013 , met four years ago and also have a 21-month-old daughter audreymitchell faces several charges including dui manslaughter , vehicular homicide , aggravated fleeing and eluding and leaving scene of crash']\n", + "ana granucci davis , 28 , wife of st petersburg chef aaron davis , 31 , gave birth to their son andrew aaron lawrence on tuesday .the wife of a florida chef who was killed by a suspected drunk driver on saturday has given birth his son , only three days following his death .mr davis , head chef at the kitchen , was walking on central avenue to a parking garage when he was fatally struck by 25-year-old jason lanard mitchell on saturday around 2am , police said .\n", + "aaron davis , head chef at the kitchen in florida , was killed while walking on saturday by suspected drunk driver jason lanard mitchell , police saidmitchell , 25 , sped through several red lights before striking davis and his co-worker brian lafrance , who was treated and released from hospitalana granucci davis , 28 , wife of aaron , had second child andrew aaron lawrence on tuesdaythe couple , who married in 2013 , met four years ago and also have a 21-month-old daughter audreymitchell faces several charges including dui manslaughter , vehicular homicide , aggravated fleeing and eluding and leaving scene of crash\n", + "[1.0237895 1.4983854 1.4974011 1.3269185 1.1564428 1.0723214 1.1313013\n", + " 1.0934995 1.0337713 1.0155293 1.0396788 1.050015 1.0876179 1.1305946\n", + " 1.1679906 1.0394616 1.0356714 1.0398368 1.0727884 1.0773915 1.0261647\n", + " 1.0632232]\n", + "\n", + "[ 1 2 3 14 4 6 13 7 12 19 18 5 21 11 17 10 15 16 8 20 0 9]\n", + "=======================\n", + "[\"researchers in north carolina claim that zapping the brain with a mild electric current can boost creativity by nearly eight per cent .they tested their theory using a 10-hertz current on the brain 's of 20 volunteers to stimulate the brain 's natural alpha wave oscillations .as well as creativity , these oscillations - or the lack of them - are linked with depression .\"]\n", + "=======================\n", + "['researchers ran a 10-hertz current through brains of 20 volunteersthey wanted to stimulate alpha wave oscillations linked to creativitythese oscillations are thought to be impaired in people with depressionteam are now hoping to use the technique to treat depressed people']\n", + "researchers in north carolina claim that zapping the brain with a mild electric current can boost creativity by nearly eight per cent .they tested their theory using a 10-hertz current on the brain 's of 20 volunteers to stimulate the brain 's natural alpha wave oscillations .as well as creativity , these oscillations - or the lack of them - are linked with depression .\n", + "researchers ran a 10-hertz current through brains of 20 volunteersthey wanted to stimulate alpha wave oscillations linked to creativitythese oscillations are thought to be impaired in people with depressionteam are now hoping to use the technique to treat depressed people\n", + "[1.3649873 1.2710617 1.2414845 1.1695794 1.0973634 1.100814 1.2506709\n", + " 1.0799267 1.0510553 1.0257906 1.1696241 1.0834608 1.032847 1.1810951\n", + " 1.0386665 1.0115137 0. 0. ]\n", + "\n", + "[ 0 1 6 2 13 10 3 5 4 11 7 8 14 12 9 15 16 17]\n", + "=======================\n", + "[\"anger : the un said katie hopkins ( pictured ) used language similar to that of rwandan media in the run up the 1994 genocide and by nazis in the 1930sthe un 's rights chief has urged britain to crack down on tabloid newspapers inciting racial hatred after a columnist for the sun called migrants ` cockroaches ' .already , more than 1,750 people have died this year making the perilous sea crossing to try to reach europe - 30 times higher than the same period in 2014 .\"]\n", + "=======================\n", + "[\"un high commissioner for human rights condemned katie hopkins 'zeid ra'ad al husein urged britain to crack down on ` inciting racial hatred 'compared hopkins ' ` cockroaches ' comment to language employed by rwandan media outlets in the run-up to the 1994 genocidehe also likened her words to nazi propaganda during the 1930s\"]\n", + "anger : the un said katie hopkins ( pictured ) used language similar to that of rwandan media in the run up the 1994 genocide and by nazis in the 1930sthe un 's rights chief has urged britain to crack down on tabloid newspapers inciting racial hatred after a columnist for the sun called migrants ` cockroaches ' .already , more than 1,750 people have died this year making the perilous sea crossing to try to reach europe - 30 times higher than the same period in 2014 .\n", + "un high commissioner for human rights condemned katie hopkins 'zeid ra'ad al husein urged britain to crack down on ` inciting racial hatred 'compared hopkins ' ` cockroaches ' comment to language employed by rwandan media outlets in the run-up to the 1994 genocidehe also likened her words to nazi propaganda during the 1930s\n", + "[1.2424036 1.5177295 1.160733 1.3946948 1.0797465 1.0544267 1.0870459\n", + " 1.1595223 1.0900669 1.0855749 1.0369691 1.0520685 1.0806952 1.0716598\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + " 1.0192807 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 7 8 6 9 12 4 13 5 11 10 14 16 15 17]\n", + "=======================\n", + "[\"that is after crystal palace , managed by alan pardew , beat manchester city 2-1 at selhurst park on monday night , the english manager 's ninth win in south london since leaving his role at newcastle at the end of december .alan pardew could be a candidate for manager of the year with his record at newcastle and crystal palaceforget swansea , stoke city and west ham , the top seven would be seriously challenged by ` team pardew ' should this manager have had a full season in charge at one club .\"]\n", + "=======================\n", + "[\"crystal palace beat manchester city 2-1 at selhurst park on mondaysouth london side are 11th in premier league table and look to be safealan pardew left newcastle in 10th place when he departed in decemberjohn carver 's side have only picked up nine points since` team pardew ' would be eighth in the table five points behind southampton\"]\n", + "that is after crystal palace , managed by alan pardew , beat manchester city 2-1 at selhurst park on monday night , the english manager 's ninth win in south london since leaving his role at newcastle at the end of december .alan pardew could be a candidate for manager of the year with his record at newcastle and crystal palaceforget swansea , stoke city and west ham , the top seven would be seriously challenged by ` team pardew ' should this manager have had a full season in charge at one club .\n", + "crystal palace beat manchester city 2-1 at selhurst park on mondaysouth london side are 11th in premier league table and look to be safealan pardew left newcastle in 10th place when he departed in decemberjohn carver 's side have only picked up nine points since` team pardew ' would be eighth in the table five points behind southampton\n", + "[1.2976562 1.2773176 1.4332305 1.2844774 1.0273837 1.0206769 1.255047\n", + " 1.1761 1.1125693 1.1770102 1.1598164 1.0924175 1.0606581 1.04489\n", + " 1.0482328 1.0113114 1.02507 0. ]\n", + "\n", + "[ 2 0 3 1 6 9 7 10 8 11 12 14 13 4 16 5 15 17]\n", + "=======================\n", + "[\"the mother-of-three was held at gunpoint on march 31 , however she was fired when she refused to pay back the money that was stolen , with the store saying she should not have allowed so much cash to be in the till at one time .a woman who is five months pregnant and was fired from her job at popeyes after an armed robber made off with $ 400 on her shift says she has been offered her job .only marissa holcomb is n't so sure she wants to go back to the fried chicken chain in channelview , texas .\"]\n", + "=======================\n", + "[\"marissa holcomb was held up in channelview , texas , on march 31robber held her at gunpoint and emptied $ 400 from the tillshe was fired a day later after refusing to pay back the moneythe store said she broke their policy by having so much cash in the tillholcomb is five months pregnant with her fourth childthe store have apologized and offered her job back , with $ 2,000 backpaypopeyes ceo cheryl bachelder asked the owner to ` rectify ' the issue\"]\n", + "the mother-of-three was held at gunpoint on march 31 , however she was fired when she refused to pay back the money that was stolen , with the store saying she should not have allowed so much cash to be in the till at one time .a woman who is five months pregnant and was fired from her job at popeyes after an armed robber made off with $ 400 on her shift says she has been offered her job .only marissa holcomb is n't so sure she wants to go back to the fried chicken chain in channelview , texas .\n", + "marissa holcomb was held up in channelview , texas , on march 31robber held her at gunpoint and emptied $ 400 from the tillshe was fired a day later after refusing to pay back the moneythe store said she broke their policy by having so much cash in the tillholcomb is five months pregnant with her fourth childthe store have apologized and offered her job back , with $ 2,000 backpaypopeyes ceo cheryl bachelder asked the owner to ` rectify ' the issue\n", + "[1.4494095 1.4172592 1.3157828 1.2267559 1.2262499 1.0733294 1.0250585\n", + " 1.0273174 1.2317622 1.0614858 1.0213856 1.0441623 1.031287 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 8 3 4 5 9 11 12 7 6 10 16 13 14 15 17]\n", + "=======================\n", + "[\"zinedine zidane has sparked a potential transfer battle with chelsea after claiming that eden hazard excites him more than cristiano ronaldo and lionel messi .the real madrid reserve boss was unashamed in his praise for hazard , who could be named pfa player of the year this weekend .zidane 's comments are sure to agitate those at stamford bridge , who only tied the belgian down to a new five-year deal in february .\"]\n", + "=======================\n", + "[\"zinedine zidane has revealed his admiration for chelsea 's eden hazardzidane said he likes him more than cristiano ronaldo and lionel messihazard is one of the main reasons chelsea will win the league , says zidane\"]\n", + "zinedine zidane has sparked a potential transfer battle with chelsea after claiming that eden hazard excites him more than cristiano ronaldo and lionel messi .the real madrid reserve boss was unashamed in his praise for hazard , who could be named pfa player of the year this weekend .zidane 's comments are sure to agitate those at stamford bridge , who only tied the belgian down to a new five-year deal in february .\n", + "zinedine zidane has revealed his admiration for chelsea 's eden hazardzidane said he likes him more than cristiano ronaldo and lionel messihazard is one of the main reasons chelsea will win the league , says zidane\n", + "[1.4796195 1.3570453 1.1002537 1.1570692 1.1325366 1.145796 1.1435683\n", + " 1.0613981 1.0995451 1.1130292 1.0454091 1.0789548 1.059102 1.10133\n", + " 1.0748519 1.0677884 1.0571442 1.0726643]\n", + "\n", + "[ 0 1 3 5 6 4 9 13 2 8 11 14 17 15 7 12 16 10]\n", + "=======================\n", + "['( cnn ) the lawyer for robert bates , an oklahoma reserve deputy who fatally shot a man he meant to subdue with a taser , on saturday released documents that he says verify some of bates \\' training as a law enforcement officer .the documents show bates had one taser training class over a six-and-a-half-year period , took three firearms training classes and qualified 10 times , from 2009 to 2014 , to use a handgun .\" robert bates has met all the requisite training required by oklahoma to be a reserve deputy , \" said the lawyer , scott wood , in an interview with cnn .']\n", + "=======================\n", + "['reserve deputy robert bates said he meant to use a taser but accidentally shot and killed a manlawyer for slain man \\'s family says bates was n\\'t qualified to be on the force and received preferential treatment\" robert bates has met all the requisite training required by oklahoma to be a reserve deputy , \" bates \\' lawyer says']\n", + "( cnn ) the lawyer for robert bates , an oklahoma reserve deputy who fatally shot a man he meant to subdue with a taser , on saturday released documents that he says verify some of bates ' training as a law enforcement officer .the documents show bates had one taser training class over a six-and-a-half-year period , took three firearms training classes and qualified 10 times , from 2009 to 2014 , to use a handgun .\" robert bates has met all the requisite training required by oklahoma to be a reserve deputy , \" said the lawyer , scott wood , in an interview with cnn .\n", + "reserve deputy robert bates said he meant to use a taser but accidentally shot and killed a manlawyer for slain man 's family says bates was n't qualified to be on the force and received preferential treatment\" robert bates has met all the requisite training required by oklahoma to be a reserve deputy , \" bates ' lawyer says\n", + "[1.3374202 1.3971446 1.3118706 1.2995987 1.2022507 1.1594682 1.0970635\n", + " 1.021164 1.0348955 1.1083028 1.0228482 1.014245 1.0283133 1.1314496\n", + " 1.1315914 1.0623951 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 5 14 13 9 6 15 8 12 10 7 11 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"the party said schoolchildren were being exposed to ` propaganda ' from brussels in a bid to ` catch them young ' .sixteen and seventeen year olds should not be allowed to vote in a referendum on britain 's membership of the european union because they have been brainwashed with pro-eu colouring-in books , ukip has said .it came as ukip was accused of performing yet another u-turn on its immigration policy\"]\n", + "=======================\n", + "[\"ukip said schoolchildren brainwashed with pro-eu colouring-in booksparty said teens exposed to eu ` propaganda ' in a bid to ` catch them young 'it said it was ` strongly against ' lowering the voting age as under-18s\"]\n", + "the party said schoolchildren were being exposed to ` propaganda ' from brussels in a bid to ` catch them young ' .sixteen and seventeen year olds should not be allowed to vote in a referendum on britain 's membership of the european union because they have been brainwashed with pro-eu colouring-in books , ukip has said .it came as ukip was accused of performing yet another u-turn on its immigration policy\n", + "ukip said schoolchildren brainwashed with pro-eu colouring-in booksparty said teens exposed to eu ` propaganda ' in a bid to ` catch them young 'it said it was ` strongly against ' lowering the voting age as under-18s\n", + "[1.085381 1.1670697 1.0862396 1.3277583 1.2750487 1.1899005 1.0346014\n", + " 1.0263888 1.0325086 1.0273128 1.0183738 1.0234083 1.018525 1.0376339\n", + " 1.0301578 1.0288899 1.0954456 1.1168368 1.113343 1.1596978 1.0441754\n", + " 1.0214428 1.0616155]\n", + "\n", + "[ 3 4 5 1 19 17 18 16 2 0 22 20 13 6 8 14 15 9 7 11 21 12 10]\n", + "=======================\n", + "['born in california to a nigerian father and a mauritian mother , oduwole is often described as \" the world \\'s youngest filmmaker . \"aged 12 , she already has four documentaries under her belt -- all of which focus on african issues .it all started three years ago when oduwole decided to enter a school documentary-making competition with a film about the ghana revolution .']\n", + "=======================\n", + "['zuriel oduwole is a 12-year-old filmmakerto date , she has interviewed 14 heads of state']\n", + "born in california to a nigerian father and a mauritian mother , oduwole is often described as \" the world 's youngest filmmaker . \"aged 12 , she already has four documentaries under her belt -- all of which focus on african issues .it all started three years ago when oduwole decided to enter a school documentary-making competition with a film about the ghana revolution .\n", + "zuriel oduwole is a 12-year-old filmmakerto date , she has interviewed 14 heads of state\n", + "[1.305825 1.4976615 1.2553415 1.3653598 1.0939611 1.1601384 1.1776228\n", + " 1.0663068 1.0326761 1.1643311 1.0409589 1.0379258 1.1352428 1.0889394\n", + " 1.0814089 1.0406165 1.0172235 1.0072938 1.0080063 1.012771 1.0071961\n", + " 1.005682 0. ]\n", + "\n", + "[ 1 3 0 2 6 9 5 12 4 13 14 7 10 15 11 8 16 19 18 17 20 21 22]\n", + "=======================\n", + "[\"former world no 1 amelie mauresmo is expecting her baby in august , and will be heavily pregnant as she guides murray through wimbledon .amelie mauresmo was appointed as andy murray 's coach last summerthe openly gay 35-year-old broke the news on social media on thursday night .\"]\n", + "=======================\n", + "['andy murray appointed amelie mauresmo as his coach last summermauresmo is a former wimbledon and australian open singles championthe 35-year-old is also a former world no 1']\n", + "former world no 1 amelie mauresmo is expecting her baby in august , and will be heavily pregnant as she guides murray through wimbledon .amelie mauresmo was appointed as andy murray 's coach last summerthe openly gay 35-year-old broke the news on social media on thursday night .\n", + "andy murray appointed amelie mauresmo as his coach last summermauresmo is a former wimbledon and australian open singles championthe 35-year-old is also a former world no 1\n", + "[1.2297827 1.6027317 1.2203021 1.4481611 1.1117461 1.0745933 1.0942951\n", + " 1.0774604 1.1127772 1.0218666 1.0516664 1.2654395 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 11 0 2 8 4 6 7 5 10 9 20 19 18 17 13 15 14 12 21 16 22]\n", + "=======================\n", + "[\"ralph cramer , 70 , and his wife , lynn , 59 , were returning home from the creekside café in mount joy at about 9 p.m. on sunday when the accident occurred .the couple 's 1923 model t ford convertible , which had been rebuilt , skidded off the roadway and flipped over ( stock photo )first responders arrived to find that the couple had died from multiple traumatic injuries suffered in the crash .\"]\n", + "=======================\n", + "['ralph cramer , 70 , and his wife , lynn , 59 , were returning home from the creekside café at 9 p.m. on sunday when the crash occuredfirst responders arrived to find they had died from multiple traumatic injuriesthe vehicle started to skid at a slight left turn , then went off the road and hit an embankmentthe vehicle was a restored 1923 model t ford with new elements']\n", + "ralph cramer , 70 , and his wife , lynn , 59 , were returning home from the creekside café in mount joy at about 9 p.m. on sunday when the accident occurred .the couple 's 1923 model t ford convertible , which had been rebuilt , skidded off the roadway and flipped over ( stock photo )first responders arrived to find that the couple had died from multiple traumatic injuries suffered in the crash .\n", + "ralph cramer , 70 , and his wife , lynn , 59 , were returning home from the creekside café at 9 p.m. on sunday when the crash occuredfirst responders arrived to find they had died from multiple traumatic injuriesthe vehicle started to skid at a slight left turn , then went off the road and hit an embankmentthe vehicle was a restored 1923 model t ford with new elements\n", + "[1.2444512 1.3288175 1.2370825 1.2228997 1.1925105 1.208553 1.1311648\n", + " 1.1052607 1.148261 1.1070733 1.051816 1.0896437 1.0639741 1.0164347\n", + " 1.0141875 1.0092486 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 2 3 5 4 8 6 9 7 11 12 10 13 14 15 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"the store front of its brixton branch was covered in shattered glass while ` no evictions ' and ` yuppies ' was spray painted in black across their housing advertisements .protesters have demolished the front window of upmarket estate agents foxtons during a protest against the gentrification of south london .a police spokesman confirmed that one man has been arrested on suspicion of criminal damage .\"]\n", + "=======================\n", + "[\"vandal spray painted ` no evictions ' and ` yuppies ' across the store frontat least one person has been arrested on suspicion of criminal damagedemo organised by reclaim brixton was attended by thousands of people` we ca n't be held accountable for one lone idiot , ' organiser told mailonline\"]\n", + "the store front of its brixton branch was covered in shattered glass while ` no evictions ' and ` yuppies ' was spray painted in black across their housing advertisements .protesters have demolished the front window of upmarket estate agents foxtons during a protest against the gentrification of south london .a police spokesman confirmed that one man has been arrested on suspicion of criminal damage .\n", + "vandal spray painted ` no evictions ' and ` yuppies ' across the store frontat least one person has been arrested on suspicion of criminal damagedemo organised by reclaim brixton was attended by thousands of people` we ca n't be held accountable for one lone idiot , ' organiser told mailonline\n", + "[1.2627945 1.4236491 1.1551169 1.147904 1.1807231 1.0701259 1.0658551\n", + " 1.0564637 1.2502503 1.1288364 1.0623294 1.0675577 1.0824428 1.0720791\n", + " 1.0487756 1.010897 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 8 4 2 3 9 12 13 5 11 6 10 7 14 15 18 16 17 19]\n", + "=======================\n", + "['the remarkable images were shot by photographer victor albert prout , who developed the negatives in an improvised dark room on board his punt which he sailed along the river thames .some of the oldest surviving photographs of the houses of parliament and windsor castle , dating back more than 150 years , have been found .the pictures are to be sold as a collection at the oxford book fair and are estimated to sell for around # 30,000 .']\n", + "=======================\n", + "['victor prout created a makeshift dark room on board a boat he used to travel along stretch of the river thamesprout captured images of iconic landmarks in the 1850s , such as the houses of parliament and windsor castleimages are oldest surviving documented record along the river and are remarkably similar to those of todaycollection , contained in the book of the thames , is to be sold for almost # 30,000 at the oxford book fair']\n", + "the remarkable images were shot by photographer victor albert prout , who developed the negatives in an improvised dark room on board his punt which he sailed along the river thames .some of the oldest surviving photographs of the houses of parliament and windsor castle , dating back more than 150 years , have been found .the pictures are to be sold as a collection at the oxford book fair and are estimated to sell for around # 30,000 .\n", + "victor prout created a makeshift dark room on board a boat he used to travel along stretch of the river thamesprout captured images of iconic landmarks in the 1850s , such as the houses of parliament and windsor castleimages are oldest surviving documented record along the river and are remarkably similar to those of todaycollection , contained in the book of the thames , is to be sold for almost # 30,000 at the oxford book fair\n", + "[1.2803475 1.2799733 1.2190312 1.2131221 1.1665883 1.2238188 1.0340152\n", + " 1.1741586 1.1061082 1.0823444 1.0843378 1.223638 1.0161582 1.0886717\n", + " 1.0310959 1.0463593 1.0748881 1.0544406 1.0259788 0. ]\n", + "\n", + "[ 0 1 5 11 2 3 7 4 8 13 10 9 16 17 15 6 14 18 12 19]\n", + "=======================\n", + "['the finnish military says it has dropped depth charges onto a suspected submarine in the sea outside helsinki after twice detecting the presence of a foreign object .the navy said it noticed an underwater target yesterday and again this morning and fired some warning charges the size of grenades .finland defence minister carl haglund did not say whether russia was involved but told local media that it was extremely rare for the military to use such warning charges .']\n", + "=======================\n", + "['the finnish military has dropped depth charges on a possible submarineits navy twice detected a foreign object within helsinki territorial watersthe charges released were warning shots , about the size of hand grenadesexperts believe the object is likely to have been a russian submarine']\n", + "the finnish military says it has dropped depth charges onto a suspected submarine in the sea outside helsinki after twice detecting the presence of a foreign object .the navy said it noticed an underwater target yesterday and again this morning and fired some warning charges the size of grenades .finland defence minister carl haglund did not say whether russia was involved but told local media that it was extremely rare for the military to use such warning charges .\n", + "the finnish military has dropped depth charges on a possible submarineits navy twice detected a foreign object within helsinki territorial watersthe charges released were warning shots , about the size of hand grenadesexperts believe the object is likely to have been a russian submarine\n", + "[1.1589863 1.4599341 1.2985741 1.3716186 1.2276165 1.0881054 1.0369148\n", + " 1.0788689 1.1218771 1.078586 1.0641259 1.086402 1.0787718 1.1194927\n", + " 1.0758075 1.0848049 1.1205946 1.0750614 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 8 16 13 5 11 15 7 12 9 14 17 10 6 18 19]\n", + "=======================\n", + "['the creatures were discovered at blairgowrie pier but are fast on the move to their proper migration at rye pier in a few weeks time .1000 spider crabs were spotted by underwater divers in a moving migrating pyramidspider crabs migrate once a year in the port phillip bay area in southern victoria , piling on top of each other to create a moving mound .']\n", + "=======================\n", + "['the amazing moment over 1000 spider crabs formed a migrating pyramid has been caught on camera by an underwater photographerthe creatures were spotted at blairgowrie pier but are fast on the movethe video shows creatures crawling over each other in upward directionthey are expected to start their proper migration at rye pier in a few weeks']\n", + "the creatures were discovered at blairgowrie pier but are fast on the move to their proper migration at rye pier in a few weeks time .1000 spider crabs were spotted by underwater divers in a moving migrating pyramidspider crabs migrate once a year in the port phillip bay area in southern victoria , piling on top of each other to create a moving mound .\n", + "the amazing moment over 1000 spider crabs formed a migrating pyramid has been caught on camera by an underwater photographerthe creatures were spotted at blairgowrie pier but are fast on the movethe video shows creatures crawling over each other in upward directionthey are expected to start their proper migration at rye pier in a few weeks\n", + "[1.4354353 1.0985969 1.0947012 1.0926524 1.0669243 1.0455236 1.156905\n", + " 1.0320631 1.1599903 1.1515759 1.0233073 1.0964712 1.0198874 1.0821928\n", + " 1.1372275 1.0776672 1.132868 1.0838977 0. 0. ]\n", + "\n", + "[ 0 8 6 9 14 16 1 11 2 3 17 13 15 4 5 7 10 12 18 19]\n", + "=======================\n", + "['eric jackson took a bullet in the forearm during the deadliest mass shooting on a u.s. military base , and returned to fort hood five years later with other survivors on friday to receive purple heart medals .thirteen people were killed and 31 were injured in the 2009 attack carried out by an army psychiatrist who is now on military death row .following years of tension , the army gave the purple hearts to survivors and relatives of the dead in a somber ceremony on the texas military post , just two miles from where nidal hasan had opened fire in a room of unarmed soldiers .']\n", + "=======================\n", + "['some smiled over an honor they felt was overdue , but also clenched their teeth over needs they say the army has deniedi try not to be bitter .thirteen people were killed and 31 were injured in the 2009 attack carried out by an army psychiatrist who is now on military death row']\n", + "eric jackson took a bullet in the forearm during the deadliest mass shooting on a u.s. military base , and returned to fort hood five years later with other survivors on friday to receive purple heart medals .thirteen people were killed and 31 were injured in the 2009 attack carried out by an army psychiatrist who is now on military death row .following years of tension , the army gave the purple hearts to survivors and relatives of the dead in a somber ceremony on the texas military post , just two miles from where nidal hasan had opened fire in a room of unarmed soldiers .\n", + "some smiled over an honor they felt was overdue , but also clenched their teeth over needs they say the army has deniedi try not to be bitter .thirteen people were killed and 31 were injured in the 2009 attack carried out by an army psychiatrist who is now on military death row\n", + "[1.4376291 1.2057327 1.39456 1.1560535 1.100838 1.1035315 1.2198974\n", + " 1.1402997 1.1029503 1.0597703 1.0999483 1.172703 1.0166699 1.0163984\n", + " 1.0415425 1.0186659 1.059674 1.0298163 1.0583163 1.0423514]\n", + "\n", + "[ 0 2 6 1 11 3 7 5 8 4 10 9 16 18 19 14 17 15 12 13]\n", + "=======================\n", + "[\"michael scott shemansky is on the run after authorities named him as a suspect in the murder of his motheran attorney for his estranged wife confirmed shemansky 's failure to appear for the scheduled visit .neighbors at the winter garden rv resort believe divorce proceedings may have pushed shemansky over the edge\"]\n", + "=======================\n", + "['police say michael scott shemansky came to their attention after he failed to appear for a supervised visit with his son saturdaythat same day mother sandra shemansky , 57 , was found dead at the home they shared in winter garden , floridamichael shemansky was going through a difficult divorce and neighbors believe the stress may have caused him to snap']\n", + "michael scott shemansky is on the run after authorities named him as a suspect in the murder of his motheran attorney for his estranged wife confirmed shemansky 's failure to appear for the scheduled visit .neighbors at the winter garden rv resort believe divorce proceedings may have pushed shemansky over the edge\n", + "police say michael scott shemansky came to their attention after he failed to appear for a supervised visit with his son saturdaythat same day mother sandra shemansky , 57 , was found dead at the home they shared in winter garden , floridamichael shemansky was going through a difficult divorce and neighbors believe the stress may have caused him to snap\n", + "[1.2228442 1.3252738 1.2117059 1.1519489 1.0740268 1.085911 1.0526994\n", + " 1.1375299 1.1567966 1.1170368 1.0858462 1.0680627 1.0624967 1.0490234\n", + " 1.0169339 1.018726 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 8 3 7 9 5 10 4 11 12 6 13 15 14 17 16 18]\n", + "=======================\n", + "[\"taken in the capital tehran , the photographs show teenagers and people in their early 20s kissing in public , drinking alcohol and living openly gay lifestyles .these stunning images capture the way young people in iran are defying the country 's hardline islamic image to create a more westernised society .some of those pictured are even seen wearing clothing adorned with the stars and stripes - something previously unthinkable in a country where the conservative religious and political leadership still regularly leads chants of ` death to america ' at public meetings .\"]\n", + "=======================\n", + "[\"people aged under 30 currently represent a staggering 63 per cent of iran 's population of 73 million citizensthe westernised iranian youth is also among the most politically active groups within the islamic worldthe young also represent one of the greatest long-term threats to the current form of theocratic rule in iran\"]\n", + "taken in the capital tehran , the photographs show teenagers and people in their early 20s kissing in public , drinking alcohol and living openly gay lifestyles .these stunning images capture the way young people in iran are defying the country 's hardline islamic image to create a more westernised society .some of those pictured are even seen wearing clothing adorned with the stars and stripes - something previously unthinkable in a country where the conservative religious and political leadership still regularly leads chants of ` death to america ' at public meetings .\n", + "people aged under 30 currently represent a staggering 63 per cent of iran 's population of 73 million citizensthe westernised iranian youth is also among the most politically active groups within the islamic worldthe young also represent one of the greatest long-term threats to the current form of theocratic rule in iran\n", + "[1.3149669 1.2494097 1.2913721 1.2308143 1.2129854 1.164275 1.0719038\n", + " 1.0797391 1.0568678 1.095007 1.059998 1.1145401 1.0197929 1.020053\n", + " 1.0892342 1.0654476 1.0259403 1.1172867 1.087465 ]\n", + "\n", + "[ 0 2 1 3 4 5 17 11 9 14 18 7 6 15 10 8 16 13 12]\n", + "=======================\n", + "[\"police in hagerstown , maryland , are promising a thorough investigation into the death of a man in custody after officers shocked him with a stun gun outside a home he allegedly had broken into .chief mark holtzman says the man died either inside an ambulance , accompanied by two officers , or at the hospital where he was pronounced dead shortly early friday morning .hagerstown police have asked the washington county sheriff 's office to investigate the incident .\"]\n", + "=======================\n", + "[\"darrell brown , 31 , accused of breaking into house in hagerstown , marylandblack man was tasered outside of house and pronounced dead at hospitalpolice say he was under influence of drugs and ` agitated ' when approached\"]\n", + "police in hagerstown , maryland , are promising a thorough investigation into the death of a man in custody after officers shocked him with a stun gun outside a home he allegedly had broken into .chief mark holtzman says the man died either inside an ambulance , accompanied by two officers , or at the hospital where he was pronounced dead shortly early friday morning .hagerstown police have asked the washington county sheriff 's office to investigate the incident .\n", + "darrell brown , 31 , accused of breaking into house in hagerstown , marylandblack man was tasered outside of house and pronounced dead at hospitalpolice say he was under influence of drugs and ` agitated ' when approached\n", + "[1.2810076 1.5044682 1.2643365 1.362045 1.2327538 1.0682212 1.0216902\n", + " 1.1412404 1.0349334 1.2424641 1.1626699 1.0636225 1.0078596 1.0765575\n", + " 1.0324916 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 9 4 10 7 13 5 11 8 14 6 12 17 15 16 18]\n", + "=======================\n", + "[\"gerald whalen has visited the fast food outlet with his wife april and their two young children at around 9.30 pm last thursday .kfc has been forced to apologize to a shocked family after a restaurant broadcast a steamy sex scene while they were tucking into their dinner .but the family meal was interrupted by sounds of what appeared to be a pornographic film , being broadcast on the restaurant 's television .\"]\n", + "=======================\n", + "[\"whalen family 's dinner at kfc was interrupted by sounds of a sex scenegerald and april were with two young children at the oklahoma restaurantscene from risque show outlander was broadcast on kfc 's television set\"]\n", + "gerald whalen has visited the fast food outlet with his wife april and their two young children at around 9.30 pm last thursday .kfc has been forced to apologize to a shocked family after a restaurant broadcast a steamy sex scene while they were tucking into their dinner .but the family meal was interrupted by sounds of what appeared to be a pornographic film , being broadcast on the restaurant 's television .\n", + "whalen family 's dinner at kfc was interrupted by sounds of a sex scenegerald and april were with two young children at the oklahoma restaurantscene from risque show outlander was broadcast on kfc 's television set\n", + "[1.3385581 1.3178631 1.1547197 1.39071 1.2444956 1.0799562 1.1365466\n", + " 1.0822077 1.0200545 1.0533797 1.05413 1.0722892 1.047896 1.0548509\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 2 6 7 5 11 13 10 9 12 8 14 15 16 17 18]\n", + "=======================\n", + "[\"the chinese feminist activists ( all pictured ) have been detained by police for more than a month and face being jailed for up to five years if they are charged with ` picking quarrels and provoking trouble 'the female activists were arrested the weekend before international women 's day , as they were preparing to hand out leaflets about sexual harassment on public transport .the five women - li tingting , 25 , wei tingting , 26 , wang man , 32 , zheng churan , 25 , and wu rongrong , 30 - have been linked to several stunts over the last few years which aim to highlight issues such as domestic violence and the poor provision of women 's toilets in china .\"]\n", + "=======================\n", + "[\"five chinese feminists have been held by police for more than a monththey each face charges of ` picking quarrels and provoking trouble 'women activists linked to stunts which aim to highlight issues such as domestic violence and the poor provision of women 's toilets in chinau.s. vice president joe biden and others have called for their release\"]\n", + "the chinese feminist activists ( all pictured ) have been detained by police for more than a month and face being jailed for up to five years if they are charged with ` picking quarrels and provoking trouble 'the female activists were arrested the weekend before international women 's day , as they were preparing to hand out leaflets about sexual harassment on public transport .the five women - li tingting , 25 , wei tingting , 26 , wang man , 32 , zheng churan , 25 , and wu rongrong , 30 - have been linked to several stunts over the last few years which aim to highlight issues such as domestic violence and the poor provision of women 's toilets in china .\n", + "five chinese feminists have been held by police for more than a monththey each face charges of ` picking quarrels and provoking trouble 'women activists linked to stunts which aim to highlight issues such as domestic violence and the poor provision of women 's toilets in chinau.s. vice president joe biden and others have called for their release\n", + "[1.421737 1.3733784 1.3497753 1.3614135 1.1537882 1.0349797 1.0280399\n", + " 1.0289735 1.1421269 1.2639643 1.1034932 1.0881841 1.0990077 1.0124729\n", + " 1.126718 1.0163953 1.010911 1.05462 0. ]\n", + "\n", + "[ 0 1 3 2 9 4 8 14 10 12 11 17 5 7 6 15 13 16 18]\n", + "=======================\n", + "[\"burnley manager sean dyche has dismissed speculation linking him with derby .recent reports claimed dyche has been lined up as a possible successor to steve mcclaren , who is the bookmakers ' favourite to take over at newcastle .dyche says he remains committed to the task in hand at turf moor , though .\"]\n", + "=======================\n", + "[\"sean dyche has been tipped to replace steve mcclaren at derbyburnley boss insists he is enjoying the ` challenge ' at turf moordyche ca n't understand why arsene wenger gets stick from arsenal fans\"]\n", + "burnley manager sean dyche has dismissed speculation linking him with derby .recent reports claimed dyche has been lined up as a possible successor to steve mcclaren , who is the bookmakers ' favourite to take over at newcastle .dyche says he remains committed to the task in hand at turf moor , though .\n", + "sean dyche has been tipped to replace steve mcclaren at derbyburnley boss insists he is enjoying the ` challenge ' at turf moordyche ca n't understand why arsene wenger gets stick from arsenal fans\n", + "[1.0954007 1.3929627 1.1769099 1.1159912 1.1658493 1.2852557 1.0505036\n", + " 1.0492896 1.0745344 1.030261 1.0137788 1.0372676 1.2749066 1.3609825\n", + " 1.0306138 1.0248297 1.0108967 0. ]\n", + "\n", + "[ 1 13 5 12 2 4 3 0 8 6 7 11 14 9 15 10 16 17]\n", + "=======================\n", + "['the fierce rivalry between bayern munich and borussia dortmund has dominated german football for much of the past decade , reaching its crescendo when the two titans met in the 2013 champions league final at wembley .bayern munich defeated borussia dortmund 2-1 at wembley to win the champions league - a period in which der klassiker was one of the highlights on the european football calendararjen robben eventually grabbed the winner five minutes from time as bayern defeated dortmund 2-1']\n", + "=======================\n", + "[\"borussia dortmund host bayern munich on saturday at signal iduna parkteams contest germany 's biggest domestic game , der klassikerbut little is riding on it with bayern munich cruising to bundesliga titledortmund hope home win will keep them in shout of europa league spot\"]\n", + "the fierce rivalry between bayern munich and borussia dortmund has dominated german football for much of the past decade , reaching its crescendo when the two titans met in the 2013 champions league final at wembley .bayern munich defeated borussia dortmund 2-1 at wembley to win the champions league - a period in which der klassiker was one of the highlights on the european football calendararjen robben eventually grabbed the winner five minutes from time as bayern defeated dortmund 2-1\n", + "borussia dortmund host bayern munich on saturday at signal iduna parkteams contest germany 's biggest domestic game , der klassikerbut little is riding on it with bayern munich cruising to bundesliga titledortmund hope home win will keep them in shout of europa league spot\n", + "[1.217107 1.3104239 1.2045864 1.2047064 1.0571628 1.1750878 1.0921886\n", + " 1.2151984 1.0348324 1.0844004 1.027752 1.137777 1.111815 1.1316473\n", + " 1.0322835 0. 0. 0. ]\n", + "\n", + "[ 1 0 7 3 2 5 11 13 12 6 9 4 8 14 10 16 15 17]\n", + "=======================\n", + "[\"each winter since 2009 the city has come alight with mind-bending light shows projected onto iconic buildings such as the sydney harbour bridge , opera house , customs house and the museum of contemporary art .buildings draped in vibrant flowers , jagged shapes of light origami designed to trick the mind , and forests of floating white dresses are just some of the magical installations coming to this year 's vivid sydney festival .exhibits will still be found at circular quay , the rocks , darling harbour , pyrmont and martin place .\"]\n", + "=======================\n", + "['vivid art festival will light up sydney for the seventh year in a row this coming winterhas expanded beyond cbd to the newly erected central park in chippendale and north shore suburb of chatswoodwill feature customs house draped in flowers and translucent swings under the harbour bridgealso boasts a forest of eerie white gowns , a glowing bar in martin place and will light up sails of the opera house']\n", + "each winter since 2009 the city has come alight with mind-bending light shows projected onto iconic buildings such as the sydney harbour bridge , opera house , customs house and the museum of contemporary art .buildings draped in vibrant flowers , jagged shapes of light origami designed to trick the mind , and forests of floating white dresses are just some of the magical installations coming to this year 's vivid sydney festival .exhibits will still be found at circular quay , the rocks , darling harbour , pyrmont and martin place .\n", + "vivid art festival will light up sydney for the seventh year in a row this coming winterhas expanded beyond cbd to the newly erected central park in chippendale and north shore suburb of chatswoodwill feature customs house draped in flowers and translucent swings under the harbour bridgealso boasts a forest of eerie white gowns , a glowing bar in martin place and will light up sails of the opera house\n", + "[1.3406637 1.2664986 1.269731 1.0883486 1.0398995 1.2665799 1.157784\n", + " 1.0862596 1.0598441 1.0639969 1.1150506 1.0546517 1.1239942 1.0205637\n", + " 1.0230414 1.0166872 0. 0. ]\n", + "\n", + "[ 0 2 5 1 6 12 10 3 7 9 8 11 4 14 13 15 16 17]\n", + "=======================\n", + "['amid renewed calls for fifa to overturn the controversial decision to hand the 2022 world cup to qatar , new research by the mail on sunday has shown just how much the oil-rich middle east state spent on deals -- including legitimate trade deals -- in the course of lobbying in the run-up to the 2010 vote .the mos analysis suggests that qatar spent an astonishing # 17.2 billion directly and indirectly on the way to victory .qatar won the final round of voting 14-8 against the usa in the executive committee ballot .']\n", + "=======================\n", + "['calls have been made to overturn handing of the 2022 world cup to qatarnew mail on sunday research shows how much was spent in lobbyingmichel platini and jack warner are on a list of where the money went']\n", + "amid renewed calls for fifa to overturn the controversial decision to hand the 2022 world cup to qatar , new research by the mail on sunday has shown just how much the oil-rich middle east state spent on deals -- including legitimate trade deals -- in the course of lobbying in the run-up to the 2010 vote .the mos analysis suggests that qatar spent an astonishing # 17.2 billion directly and indirectly on the way to victory .qatar won the final round of voting 14-8 against the usa in the executive committee ballot .\n", + "calls have been made to overturn handing of the 2022 world cup to qatarnew mail on sunday research shows how much was spent in lobbyingmichel platini and jack warner are on a list of where the money went\n", + "[1.5495518 1.5213115 1.1038402 1.4844084 1.0407795 1.0366629 1.2068583\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 6 2 4 5 15 14 13 12 8 10 9 16 7 11 17]\n", + "=======================\n", + "[\"catalans dragons have suffered a blow after winger vincent duport was ruled out for the rest of the season with a shoulder injury .the france international , who scored three tries in the first six rounds of super league xx , suffered a ruptured tendon in the dragons ' 33-22 defeat at hull fc on march 20 which requires surgery .next up for the sixth-placed catalans is a trip to wigan on sunday .\"]\n", + "=======================\n", + "['french international vincent duport is out for the rest of the seasonwinger duport suffered ruptured tendon against hull fc defeat in marchthe shoulder injury picked up in the 33-22 defeat requires surgery']\n", + "catalans dragons have suffered a blow after winger vincent duport was ruled out for the rest of the season with a shoulder injury .the france international , who scored three tries in the first six rounds of super league xx , suffered a ruptured tendon in the dragons ' 33-22 defeat at hull fc on march 20 which requires surgery .next up for the sixth-placed catalans is a trip to wigan on sunday .\n", + "french international vincent duport is out for the rest of the seasonwinger duport suffered ruptured tendon against hull fc defeat in marchthe shoulder injury picked up in the 33-22 defeat requires surgery\n", + "[1.299485 1.2894969 1.2716501 1.2373242 1.1752292 1.1056756 1.1628318\n", + " 1.0887296 1.1106075 1.2029394 1.0469303 1.0485188 1.0276142 1.0481786\n", + " 1.0485245 1.0393082 1.0341623 1.054168 ]\n", + "\n", + "[ 0 1 2 3 9 4 6 8 5 7 17 14 11 13 10 15 16 12]\n", + "=======================\n", + "[\"some of the 2,500 police officers who were involved in tracking down the boston marathon bombers showed a lack of ` weapons discipline ' during two firefights with the brothers , a new report reveals .in the first standoff , the officers fired ` toward the vicinity ' of tamerlan and dzhokhar tsarnaev ` without necessarily having identified and lined up their target ' , the 130-page document states .they also reportedly failed to appropriately aim their guns .\"]\n", + "=======================\n", + "[\"massachusetts emergency management agency report states some cops showed lack of ` weapons discipline while hunting the tsarnaev brothers 'they fired at suspects without ` necessarily having identified their target 'also failed to appropriately aim weapons during april 19 , 2013 , shootoutshortly after , one officer ` mistakenly fired on an occupied police vehicle 'later in night , another cop ` fired weapon without appropriate authority 'however , report praises response of medical personnel after bombings` every patient that was transported to hospital from the scene survived 'three people were killed in april 15 attacks - a further 264 were injured\"]\n", + "some of the 2,500 police officers who were involved in tracking down the boston marathon bombers showed a lack of ` weapons discipline ' during two firefights with the brothers , a new report reveals .in the first standoff , the officers fired ` toward the vicinity ' of tamerlan and dzhokhar tsarnaev ` without necessarily having identified and lined up their target ' , the 130-page document states .they also reportedly failed to appropriately aim their guns .\n", + "massachusetts emergency management agency report states some cops showed lack of ` weapons discipline while hunting the tsarnaev brothers 'they fired at suspects without ` necessarily having identified their target 'also failed to appropriately aim weapons during april 19 , 2013 , shootoutshortly after , one officer ` mistakenly fired on an occupied police vehicle 'later in night , another cop ` fired weapon without appropriate authority 'however , report praises response of medical personnel after bombings` every patient that was transported to hospital from the scene survived 'three people were killed in april 15 attacks - a further 264 were injured\n", + "[1.1888788 1.3793188 1.2426578 1.209985 1.1816956 1.1254414 1.2000501\n", + " 1.126821 1.0668837 1.1089429 1.0185539 1.0471091 1.0889999 1.015842\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 6 0 4 7 5 9 12 8 11 10 13 17 14 15 16 18]\n", + "=======================\n", + "['david fitzgerald , a san francisco based author , believes he has compiled compelling evidence that proves jesus did not exist .he claims there are no contemporary mentions of jesus in historical accounts from the time when he was supposed to have lived , yet other jewish sect leaders from the time do appear .mystery : this painting depicts jesus christ as single person but writer david fitzgerald believes he was a literary invention that combined the stories from several cults and figures in judea during the first century']\n", + "=======================\n", + "['atheist writer david fitzgerald claims there is no evidence jesus existedthe san francisco based author instead says jesus was a literary allegory created by combining old jewish stories and rituals along with rival cultshe insists it is time to stop believing in jesus christ as a historical figure']\n", + "david fitzgerald , a san francisco based author , believes he has compiled compelling evidence that proves jesus did not exist .he claims there are no contemporary mentions of jesus in historical accounts from the time when he was supposed to have lived , yet other jewish sect leaders from the time do appear .mystery : this painting depicts jesus christ as single person but writer david fitzgerald believes he was a literary invention that combined the stories from several cults and figures in judea during the first century\n", + "atheist writer david fitzgerald claims there is no evidence jesus existedthe san francisco based author instead says jesus was a literary allegory created by combining old jewish stories and rituals along with rival cultshe insists it is time to stop believing in jesus christ as a historical figure\n", + "[1.2576833 1.4111495 1.2662573 1.3271521 1.1344397 1.0961739 1.0852336\n", + " 1.0872426 1.0355881 1.0571359 1.0856674 1.0398082 1.0203882 1.0651172\n", + " 1.0510385 1.016905 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 7 10 6 13 9 14 11 8 12 15 16 17 18]\n", + "=======================\n", + "[\"the mountain lion , known as p-22 , left the los feliz home in the early hours of tuesday , having created quite the media circus in the affluent hollywood suburb .his departure was announced on twitter by the california department of fish and wildlife , which tweeted ` the cougar has left the building ' at 9.28 am .gone : luckily for them , p-22 had moved away overnight , and was moving back towards the park\"]\n", + "=======================\n", + "['p-22 left his new den underneath a house in los feliz overnight tuesdayhas now headed back to griffith park , his home of more than three yearsrose to fame after a picture of him in front of the hollywood sign publishedbut most recent escapade has won the mountain lion a legion of new fans']\n", + "the mountain lion , known as p-22 , left the los feliz home in the early hours of tuesday , having created quite the media circus in the affluent hollywood suburb .his departure was announced on twitter by the california department of fish and wildlife , which tweeted ` the cougar has left the building ' at 9.28 am .gone : luckily for them , p-22 had moved away overnight , and was moving back towards the park\n", + "p-22 left his new den underneath a house in los feliz overnight tuesdayhas now headed back to griffith park , his home of more than three yearsrose to fame after a picture of him in front of the hollywood sign publishedbut most recent escapade has won the mountain lion a legion of new fans\n", + "[1.2725391 1.4465866 1.1562049 1.1115884 1.0507108 1.3507718 1.1714954\n", + " 1.0929061 1.0693264 1.0608287 1.0705315 1.0756768 1.1068605 1.0153306\n", + " 1.0190781 1.0215337 1.0768971 1.0508225 1.0331634]\n", + "\n", + "[ 1 5 0 6 2 3 12 7 16 11 10 8 9 17 4 18 15 14 13]\n", + "=======================\n", + "[\"brian klawiter posted a message on his company 's facebook page on tuesday in which he announced that openly gay people are not welcome at his business because he considers homosexuality to be wrong . 'the owner of an auto repair shop in michigan has become the latest business owner to claim his religious views should allow him to be able to refuse serving gay customers .klawiter , 35 , claims he has been surprised at how his message , which he said he only expected to be read by his friends and customers , has attracted national media attention .\"]\n", + "=======================\n", + "[\"brian klawiter posted a message on his company 's facebook page announcing that openly gay people are not welcome at his businesshe claims the decision is based on his religious views and michigan does n't currently have laws in place preventing such discriminationcritics have accused him of trying to cash in on the anti-gay backlash which netted an indiana pizzeria over $ 840,000 earlier this monthklawiter claims he does n't need the money and has a successful business but at least one manfacturer has asked him to remove its logo from his site\"]\n", + "brian klawiter posted a message on his company 's facebook page on tuesday in which he announced that openly gay people are not welcome at his business because he considers homosexuality to be wrong . 'the owner of an auto repair shop in michigan has become the latest business owner to claim his religious views should allow him to be able to refuse serving gay customers .klawiter , 35 , claims he has been surprised at how his message , which he said he only expected to be read by his friends and customers , has attracted national media attention .\n", + "brian klawiter posted a message on his company 's facebook page announcing that openly gay people are not welcome at his businesshe claims the decision is based on his religious views and michigan does n't currently have laws in place preventing such discriminationcritics have accused him of trying to cash in on the anti-gay backlash which netted an indiana pizzeria over $ 840,000 earlier this monthklawiter claims he does n't need the money and has a successful business but at least one manfacturer has asked him to remove its logo from his site\n", + "[1.3023467 1.165578 1.1859525 1.2717166 1.2681975 1.0826001 1.037926\n", + " 1.0664283 1.0243715 1.0465773 1.0215472 1.0325195 1.0267673 1.0309013\n", + " 1.053252 1.0292331 1.0226935 1.1020881 1.0511843]\n", + "\n", + "[ 0 3 4 2 1 17 5 7 14 18 9 6 11 13 15 12 8 16 10]\n", + "=======================\n", + "['four seasons set out to recreate their famed hotel experience in the sky in a bid to cater to the growing demand among modern luxury travellers .each four seasons journey includes air travel , ground transportation , planned excursions and all meals and beverages throughout the tripthe inside of the aircraft features leather flat-bed seats , which are the work of italian design iacobucci']\n", + "=======================\n", + "['four seasons set out to recreate their famed hotel experience in the skyjet features plush interior and leather flat-bed seats designed by iacobuccian all inclusive trip on private jet will set you back approximately # 63,000the plane , including the staff and crew , is also available for private charter']\n", + "four seasons set out to recreate their famed hotel experience in the sky in a bid to cater to the growing demand among modern luxury travellers .each four seasons journey includes air travel , ground transportation , planned excursions and all meals and beverages throughout the tripthe inside of the aircraft features leather flat-bed seats , which are the work of italian design iacobucci\n", + "four seasons set out to recreate their famed hotel experience in the skyjet features plush interior and leather flat-bed seats designed by iacobuccian all inclusive trip on private jet will set you back approximately # 63,000the plane , including the staff and crew , is also available for private charter\n", + "[1.1228076 1.4983091 1.39504 1.4202757 1.2259622 1.1223015 1.0542836\n", + " 1.0177453 1.0130159 1.1300195 1.0589654 1.0338678 1.0081336 1.0121908\n", + " 1.0327897 1.0638851 1.2572799 1.1802076 1.007826 ]\n", + "\n", + "[ 1 3 2 16 4 17 9 0 5 15 10 6 11 14 7 8 13 12 18]\n", + "=======================\n", + "[\"the 34-year-old star of the only way is essex has launched her updated fashion range for plus-size retailer evans .gemma collins launched several additions to her evans range today at the chain 's manchester storeshe showcased the collection this evening at one of the high street chain 's flagship stores in manchester .\"]\n", + "=======================\n", + "['gemma collins , 34 , launched several additions to her evans range todaythe star paid a nod to the summery weather in a floral dressnew additions to collection include a lacy lbd and a set of floral kimonos']\n", + "the 34-year-old star of the only way is essex has launched her updated fashion range for plus-size retailer evans .gemma collins launched several additions to her evans range today at the chain 's manchester storeshe showcased the collection this evening at one of the high street chain 's flagship stores in manchester .\n", + "gemma collins , 34 , launched several additions to her evans range todaythe star paid a nod to the summery weather in a floral dressnew additions to collection include a lacy lbd and a set of floral kimonos\n", + "[1.331642 1.2384491 1.279262 1.3242712 1.1756667 1.1645557 1.2052205\n", + " 1.1889682 1.0354882 1.0483738 1.0748487 1.0338664 1.0346143 1.0688715\n", + " 1.0679333 1.1035076 1.0172226 1.0245522]\n", + "\n", + "[ 0 3 2 1 6 7 4 5 15 10 13 14 9 8 12 11 17 16]\n", + "=======================\n", + "[\"cosmetic surgeon dr fredric brandt hanged himself on sunday at his miami mansion .abravanel said brandt , 65 , was ` devastated ' recently over rumors comparing him to a character on the netflix show , unbreakable kimmy schmidt .the city of miami police department confirmed that dr brandt 's death was a suicide by hanging on monday .\"]\n", + "=======================\n", + "[\"cosmetic dermatologist to the stars fredric brandt died at his coconut grove home in miami on sunday , aged 65the city of miami police department confirmed that dr brandt 's death was a suicide by hanging on mondaythe miami-dade county medical examiner department confirmed to daily mail online that an autopsy will be conducted on mondaybrandt was said to have been ` devastated ' over rumors comparing him to a character on the show , unbreakable kimmy schmidt\"]\n", + "cosmetic surgeon dr fredric brandt hanged himself on sunday at his miami mansion .abravanel said brandt , 65 , was ` devastated ' recently over rumors comparing him to a character on the netflix show , unbreakable kimmy schmidt .the city of miami police department confirmed that dr brandt 's death was a suicide by hanging on monday .\n", + "cosmetic dermatologist to the stars fredric brandt died at his coconut grove home in miami on sunday , aged 65the city of miami police department confirmed that dr brandt 's death was a suicide by hanging on mondaythe miami-dade county medical examiner department confirmed to daily mail online that an autopsy will be conducted on mondaybrandt was said to have been ` devastated ' over rumors comparing him to a character on the show , unbreakable kimmy schmidt\n", + "[1.3827693 1.2666683 1.20563 1.2385607 1.1064334 1.1013331 1.0643047\n", + " 1.0999557 1.0730075 1.0446057 1.0582299 1.0470675 1.0338289 1.0203669\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 5 7 8 6 10 11 9 12 13 16 14 15 17]\n", + "=======================\n", + "['( cnn ) in response to reports of big banks threatening to withhold campaign funds from senate democrats , sen. elizabeth warren last week offered a defiant response : \" bring it on . \"warren said she is n\\'t going to slack off on her calls for breaking up banks and other measures to rein in wall street .former maryland gov. martin o\\'malley , who is also running for the democratic nomination , is trying to steal clinton \\'s thunder by talking about the problems of disproportionate wealth .']\n", + "=======================\n", + "[\"julian zelizer : elizabeth warren was defiant about wall street , but hillary clinton likely wo n't bezelizer : the democrats need wall street 's campaign donations to be competitive in 2016\"]\n", + "( cnn ) in response to reports of big banks threatening to withhold campaign funds from senate democrats , sen. elizabeth warren last week offered a defiant response : \" bring it on . \"warren said she is n't going to slack off on her calls for breaking up banks and other measures to rein in wall street .former maryland gov. martin o'malley , who is also running for the democratic nomination , is trying to steal clinton 's thunder by talking about the problems of disproportionate wealth .\n", + "julian zelizer : elizabeth warren was defiant about wall street , but hillary clinton likely wo n't bezelizer : the democrats need wall street 's campaign donations to be competitive in 2016\n", + "[1.4621063 1.4165101 1.2870474 1.3564433 1.1985743 1.1114044 1.1646802\n", + " 1.0254666 1.0256026 1.0570809 1.0128157 1.0137808 1.1744959 1.0684338\n", + " 1.0265428 1.1011846 1.0129691 0. ]\n", + "\n", + "[ 0 1 3 2 4 12 6 5 15 13 9 14 8 7 11 16 10 17]\n", + "=======================\n", + "[\"super-fit amy hughes , 26 , decided to take on the incredible challenge of running 53 marathons in 53 days last year , to raise money for a friend 's daughter who was diagnosed with a brain tumour .the sports therapist started her first marathon in chester on august 6 and completed her 53rd consecutive run in manchester on september 27 .incredibly , the challenge saw amy pound out 1,388 miles and go through five different pairs of trainers as she smashed the world record .\"]\n", + "=======================\n", + "[\"amy hughes , 26 , broke the world record with her 53:53 challengethe sports therapist from shropshire has raised # 30,000 for charitynow she 's found love with the man who helped her see it all through\"]\n", + "super-fit amy hughes , 26 , decided to take on the incredible challenge of running 53 marathons in 53 days last year , to raise money for a friend 's daughter who was diagnosed with a brain tumour .the sports therapist started her first marathon in chester on august 6 and completed her 53rd consecutive run in manchester on september 27 .incredibly , the challenge saw amy pound out 1,388 miles and go through five different pairs of trainers as she smashed the world record .\n", + "amy hughes , 26 , broke the world record with her 53:53 challengethe sports therapist from shropshire has raised # 30,000 for charitynow she 's found love with the man who helped her see it all through\n", + "[1.0522755 1.1208035 1.1583531 1.2911336 1.137717 1.2964189 1.154633\n", + " 1.092913 1.1214968 1.1347252 1.0532119 1.0468175 1.0569808 1.0891252\n", + " 1.0274928 1.0830199 1.026167 1.0278608]\n", + "\n", + "[ 5 3 2 6 4 9 8 1 7 13 15 12 10 0 11 17 14 16]\n", + "=======================\n", + "['the famed egyptian beauty famously bathed in donkey-milk baths .the women of ancient history , including mary queen of scots , who washed herself in white wine , had some fascinating methods for beautifying themselvesher daily donkey-milk baths , which she believed had anti-ageing and skin smoothing properties thanks to the alpha hydroxy acids , apparently required over 700 donkeys to accomplish .']\n", + "=======================\n", + "['mary queen of scots washed herself in white wineancient indian women used cow dung and urine to boost their beautycleopatra bathed in donkey-milk to achieve smooth skin']\n", + "the famed egyptian beauty famously bathed in donkey-milk baths .the women of ancient history , including mary queen of scots , who washed herself in white wine , had some fascinating methods for beautifying themselvesher daily donkey-milk baths , which she believed had anti-ageing and skin smoothing properties thanks to the alpha hydroxy acids , apparently required over 700 donkeys to accomplish .\n", + "mary queen of scots washed herself in white wineancient indian women used cow dung and urine to boost their beautycleopatra bathed in donkey-milk to achieve smooth skin\n", + "[1.2119077 1.4890924 1.1337302 1.2778538 1.1672972 1.1563089 1.1536335\n", + " 1.1291955 1.0895481 1.1316688 1.0224324 1.0165176 1.0458729 1.234341\n", + " 1.09185 1.0929124 0. 0. ]\n", + "\n", + "[ 1 3 13 0 4 5 6 2 9 7 15 14 8 12 10 11 16 17]\n", + "=======================\n", + "[\"deputy michael hubbard from the spartanburg county sheriff 's office is seen approaching the woman sitting on overpass on the i-26 on monday .dramatic dashcam footage has captured the moment a south carolina police officer dragged a woman away from the edge of a bridge after threatening to jump .she struggles and tries to resist , but according to fox carolina the officer says : ` give me your hands , you 're not going out like this today . '\"]\n", + "=======================\n", + "[\"deputy michael hubbard spotted the woman on a highway overpasssouth carolina cop pulled over on the i-16 and tried to talk to hershe tells him : ` just looking for my way out and being at peace 'officer then grabs her and drags her away from the ledgehe says : ` give me your hands , you 're not going out like this today '\"]\n", + "deputy michael hubbard from the spartanburg county sheriff 's office is seen approaching the woman sitting on overpass on the i-26 on monday .dramatic dashcam footage has captured the moment a south carolina police officer dragged a woman away from the edge of a bridge after threatening to jump .she struggles and tries to resist , but according to fox carolina the officer says : ` give me your hands , you 're not going out like this today . '\n", + "deputy michael hubbard spotted the woman on a highway overpasssouth carolina cop pulled over on the i-16 and tried to talk to hershe tells him : ` just looking for my way out and being at peace 'officer then grabs her and drags her away from the ledgehe says : ` give me your hands , you 're not going out like this today '\n", + "[1.3531647 1.3982666 1.2375305 1.2826924 1.119001 1.1673177 1.1588719\n", + " 1.0371851 1.1201739 1.0981709 1.0792902 1.0149206 1.0473453 1.0214194\n", + " 1.0584209 1.022608 1.0074834 1.0148396 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 2 5 6 8 4 9 10 14 12 7 15 13 11 17 16 20 18 19 21]\n", + "=======================\n", + "['out of 384 applications that have inundated the department over the past 12 months about 80 per cent have been approved to use the word anzac , which stands for the australian and new zealand army corp. .the church of scientology is one on a long list of organisations that have been barred from using the anzac brand by the department of veteran affairs ahead of april 25 .forty-four items were rejected for a range of reasons , including it was too commercial or its name was inappropriate .']\n", + "=======================\n", + "['port , phone app and photo-sharing project were barred from using anzacthe church of scientology and woolworths used it without permissionthey were reprimanded by the department of veteran affairs for using itbut the afl and victoria bitter were permitted as they donated to the rslpenalties for misuse include 12 months imprisonment for serious breachesindividuals could be fined $ 10,200 , while organisations face a $ 51,000 fine']\n", + "out of 384 applications that have inundated the department over the past 12 months about 80 per cent have been approved to use the word anzac , which stands for the australian and new zealand army corp. .the church of scientology is one on a long list of organisations that have been barred from using the anzac brand by the department of veteran affairs ahead of april 25 .forty-four items were rejected for a range of reasons , including it was too commercial or its name was inappropriate .\n", + "port , phone app and photo-sharing project were barred from using anzacthe church of scientology and woolworths used it without permissionthey were reprimanded by the department of veteran affairs for using itbut the afl and victoria bitter were permitted as they donated to the rslpenalties for misuse include 12 months imprisonment for serious breachesindividuals could be fined $ 10,200 , while organisations face a $ 51,000 fine\n", + "[1.3848507 1.2491708 1.2826478 1.1990086 1.2394811 1.2024112 1.1704901\n", + " 1.1725594 1.089181 1.1217042 1.0419424 1.0785363 1.0723442 1.0825627\n", + " 1.0526167 1.0370495 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 4 5 3 7 6 9 8 13 11 12 14 10 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"( cnn ) a natural gas line explosion at a law enforcement shooting range in fresno , california , injured 11 people , including some inmates who were on a work detail there .the exact cause of friday 's blast is under investigation , mims said , but it happened at the spot where a county worker was operating a front loader .others being treated include a county road worker and two sheriff 's deputies , fresno county sheriff margaret mims said .\"]\n", + "=======================\n", + "['the cause of a gas line explosion in fresno , california , is unknowntwo of the injured were undergoing emergency surgery']\n", + "( cnn ) a natural gas line explosion at a law enforcement shooting range in fresno , california , injured 11 people , including some inmates who were on a work detail there .the exact cause of friday 's blast is under investigation , mims said , but it happened at the spot where a county worker was operating a front loader .others being treated include a county road worker and two sheriff 's deputies , fresno county sheriff margaret mims said .\n", + "the cause of a gas line explosion in fresno , california , is unknowntwo of the injured were undergoing emergency surgery\n", + "[1.3695272 1.1837735 1.1365035 1.4835446 1.3148823 1.2224869 1.0692219\n", + " 1.1629429 1.0553542 1.0183887 1.0204148 1.0358008 1.0791289 1.0711799\n", + " 1.0204405 1.0174106 1.1186999 1.0933214 1.0250793 1.0100155 0.\n", + " 0. ]\n", + "\n", + "[ 3 0 4 5 1 7 2 16 17 12 13 6 8 11 18 14 10 9 15 19 20 21]\n", + "=======================\n", + "[\"aston villa boss tim sherwood is hoping they can cause a fa cup semi-final shock vs liverpool on sundaytim sherwood wants to wipe any smile from raheem sterling 's face by causing an fa cup shock at wembley on sunday .raheem sterling ( right ) was pictured smoking a shisha pipe with team-mate jordon ibe earlier this season\"]\n", + "=======================\n", + "['aston villa play liverpool in their fa cup semi-final on sunday at wembleyraheem sterling was pictured smoking a shisha pipe earlier in the seasonsteven gerrard will be leaving liverpool at the end of the campaign']\n", + "aston villa boss tim sherwood is hoping they can cause a fa cup semi-final shock vs liverpool on sundaytim sherwood wants to wipe any smile from raheem sterling 's face by causing an fa cup shock at wembley on sunday .raheem sterling ( right ) was pictured smoking a shisha pipe with team-mate jordon ibe earlier this season\n", + "aston villa play liverpool in their fa cup semi-final on sunday at wembleyraheem sterling was pictured smoking a shisha pipe earlier in the seasonsteven gerrard will be leaving liverpool at the end of the campaign\n", + "[1.2157422 1.394381 1.2822846 1.2451894 1.3200387 1.2096608 1.1432035\n", + " 1.0465076 1.1141566 1.0514901 1.0303348 1.06097 1.0430927 1.045387\n", + " 1.0599031 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 2 3 0 5 6 8 11 14 9 7 13 12 10 15 16 17 18 19 20 21]\n", + "=======================\n", + "['tiffany sical , 21 , and her long-term boyfriend bryan rodriguez-solis , 23 , were driving along route 6 in providence , rhode island , on sunday after watching the box office hit on its opening weekend .but they were killed when 24-year-old joel norman reportedly entered an exit ramp while under the influence and collided head-on with their car , leaving their daughter , jaylene rodriguez , an orphan .film : sical and rodriguez-solis had been watching furious 7 , the latest installment in the fast and the furious franchise .']\n", + "=======================\n", + "[\"tiffany sical , 21 , and bryan rodriguez-solis , 23 , were driving on highwaythey were heading home after watching fast & furious 7 in rhode islandbut they died after ` drunk ' joel norman , 24 , reportedly drove up exit rampnorman ` drove wrong way up providence highway for 1.2 miles at 1.35 am 'he then smashed into couple 's car , leaving their daughter , six , an orphannow , suspect is facing charges of driving under influence , causing deathgrieving relatives said they did not know how to tell little girl about crashcomes nearly a year and a half after the fast and the furious star paul walker was killed when porshe he was traveling in crashed in california\"]\n", + "tiffany sical , 21 , and her long-term boyfriend bryan rodriguez-solis , 23 , were driving along route 6 in providence , rhode island , on sunday after watching the box office hit on its opening weekend .but they were killed when 24-year-old joel norman reportedly entered an exit ramp while under the influence and collided head-on with their car , leaving their daughter , jaylene rodriguez , an orphan .film : sical and rodriguez-solis had been watching furious 7 , the latest installment in the fast and the furious franchise .\n", + "tiffany sical , 21 , and bryan rodriguez-solis , 23 , were driving on highwaythey were heading home after watching fast & furious 7 in rhode islandbut they died after ` drunk ' joel norman , 24 , reportedly drove up exit rampnorman ` drove wrong way up providence highway for 1.2 miles at 1.35 am 'he then smashed into couple 's car , leaving their daughter , six , an orphannow , suspect is facing charges of driving under influence , causing deathgrieving relatives said they did not know how to tell little girl about crashcomes nearly a year and a half after the fast and the furious star paul walker was killed when porshe he was traveling in crashed in california\n", + "[1.2793528 1.5638864 1.2249544 1.4333997 1.2158992 1.0760033 1.0261574\n", + " 1.0334713 1.0354087 1.0740994 1.1139512 1.019005 1.0175647 1.0124601\n", + " 1.0144901 1.0176227 1.2614071 1.0636047 1.0472518 1.0113753 1.0603024\n", + " 1.019893 ]\n", + "\n", + "[ 1 3 0 16 2 4 10 5 9 17 20 18 8 7 6 21 11 15 12 14 13 19]\n", + "=======================\n", + "[\"richard howarth , 35 , says he gets so agitated when he sees mr farage that he has to immediately change the channel or he becomes ill .a father from milton keynes claims he has developed an allergy to nigel farage that leaves him sweating and shaking whenever he sees the ukip leader on tv .the medical recruitment consultant , who has always had a keen interest in politics , said hearing mr farage 's voice makes him ` physically sick ' .\"]\n", + "=======================\n", + "[\"father from milton keynes says he has a physical reaction to the politicianhe says he has to turn tv off when farage appears or he becomes sickwife tells how sufferer 's hands shake when he hears ukip leader 's voiceexpert says the symptoms are similar to that experienced in a phobia\"]\n", + "richard howarth , 35 , says he gets so agitated when he sees mr farage that he has to immediately change the channel or he becomes ill .a father from milton keynes claims he has developed an allergy to nigel farage that leaves him sweating and shaking whenever he sees the ukip leader on tv .the medical recruitment consultant , who has always had a keen interest in politics , said hearing mr farage 's voice makes him ` physically sick ' .\n", + "father from milton keynes says he has a physical reaction to the politicianhe says he has to turn tv off when farage appears or he becomes sickwife tells how sufferer 's hands shake when he hears ukip leader 's voiceexpert says the symptoms are similar to that experienced in a phobia\n", + "[1.067317 1.2657326 1.3491095 1.2421806 1.3236241 1.2436577 1.0305978\n", + " 1.0350523 1.0396898 1.0107678 1.346566 1.081491 1.0229205 1.01223\n", + " 1.0645005 1.0283685 1.0190912 1.0441014 1.0088851 1.2362927 1.1177438\n", + " 1.1546248 1.0155404 1.0075942 1.0065246 1.0109082]\n", + "\n", + "[ 2 10 4 1 5 3 19 21 20 11 0 14 17 8 7 6 15 12 16 22 13 25 9 18\n", + " 23 24]\n", + "=======================\n", + "[\"the winner 's share of the $ 10million pot worked out at # 1.23 m in our currency .ian poulter was dressed all in purple on sunday for his final round at augustajordan spieth collected # 1.23 million for winning the masters - as well as the coveted green jacket\"]\n", + "=======================\n", + "[\"ian poulter dressed all in purple for the final round at augustathe englishman finished tied for sixth on nine under parprize money for this year 's masters was $ 10m , a 10 per cent increasephil mickelson dressed all in black for his pursuit of a fourth green jacketrory mcilroy and tiger woods paired for final major round for first time\"]\n", + "the winner 's share of the $ 10million pot worked out at # 1.23 m in our currency .ian poulter was dressed all in purple on sunday for his final round at augustajordan spieth collected # 1.23 million for winning the masters - as well as the coveted green jacket\n", + "ian poulter dressed all in purple for the final round at augustathe englishman finished tied for sixth on nine under parprize money for this year 's masters was $ 10m , a 10 per cent increasephil mickelson dressed all in black for his pursuit of a fourth green jacketrory mcilroy and tiger woods paired for final major round for first time\n", + "[1.1870067 1.1865187 1.235328 1.2861135 1.0925535 1.1513833 1.2934376\n", + " 1.0454738 1.031831 1.0693882 1.0869673 1.0314867 1.032772 1.0381006\n", + " 1.0207607 1.0182904 1.0609328 1.0443375 1.0198174 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 6 3 2 0 1 5 4 10 9 16 7 17 13 12 8 11 14 18 15 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"the strictly come dancing star shot to fame after winning both a bronze and silver medal at the 2012 london olympic gamesyes , louis smith , mbe , is now also very good at exciting his fans with selfies .however , it appears the athlete , 25 , is gaining expertise in an area previously dominated by queen of the ` belfie ' , kim kardashian .\"]\n", + "=======================\n", + "[\"louis smith , mbe , admits he has a habit for posting saucy topless selfiesthe athlete says he works hard for his body and wants to show it offis he closing in on ` queen of the belfie ' kim kardashian ?\"]\n", + "the strictly come dancing star shot to fame after winning both a bronze and silver medal at the 2012 london olympic gamesyes , louis smith , mbe , is now also very good at exciting his fans with selfies .however , it appears the athlete , 25 , is gaining expertise in an area previously dominated by queen of the ` belfie ' , kim kardashian .\n", + "louis smith , mbe , admits he has a habit for posting saucy topless selfiesthe athlete says he works hard for his body and wants to show it offis he closing in on ` queen of the belfie ' kim kardashian ?\n", + "[1.228455 1.4771802 1.2628281 1.1374152 1.1353496 1.2740688 1.0353168\n", + " 1.0208607 1.0346476 1.0435106 1.154435 1.1010773 1.080349 1.0503602\n", + " 1.0294747 1.0719367 1.0838597 1.172288 1.1176116 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 2 0 17 10 3 4 18 11 16 12 15 13 9 6 8 14 7 24 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"bethany farrell , 23 , from essex , died on february 17 while in queensland 's whitsundays , a week into her dream gap-year when she went scuba diving for the first time .two people who were on the boat when ms farrell died have taken to tripadvisor to slam wings diving adventures for the way they handled the tragic circumstances .friends of a british backpacker who drowned during a diving trip on the great barrier reef claim staff deleted photos that were taken shortly before the doomed young woman left the boat .\"]\n", + "=======================\n", + "[\"bethany farrell , 23 , died during a scuba diving trip on february 17 , 2015young backpacker was in blue pearl bay off queensland 's hayman islandshe was on a wings diving adventure charter boat for her first scuba divefriends have claimed that staff on the boat deleted the last photos of herher family believe the images may have helped explain what went wrongpolice investigation is still underway and a report will be sent to coroner\"]\n", + "bethany farrell , 23 , from essex , died on february 17 while in queensland 's whitsundays , a week into her dream gap-year when she went scuba diving for the first time .two people who were on the boat when ms farrell died have taken to tripadvisor to slam wings diving adventures for the way they handled the tragic circumstances .friends of a british backpacker who drowned during a diving trip on the great barrier reef claim staff deleted photos that were taken shortly before the doomed young woman left the boat .\n", + "bethany farrell , 23 , died during a scuba diving trip on february 17 , 2015young backpacker was in blue pearl bay off queensland 's hayman islandshe was on a wings diving adventure charter boat for her first scuba divefriends have claimed that staff on the boat deleted the last photos of herher family believe the images may have helped explain what went wrongpolice investigation is still underway and a report will be sent to coroner\n", + "[1.2101611 1.4360539 1.3667446 1.2179757 1.0845463 1.3894271 1.1819434\n", + " 1.0682045 1.082118 1.088603 1.0532213 1.0909052 1.0961461 1.1271143\n", + " 1.0517812 1.0595275 1.0101167 1.0086795 1.008969 1.0072908 1.0851073\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 2 3 0 6 13 12 11 9 20 4 8 7 15 10 14 16 18 17 19 24 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"the incident occurred wednesday afternoon at alverta b. gray schultz middle school in hempstead .charged : police say annika mckenzie , 34 , attacked engelhardt because she believed the teacher had ` put her hands ' on her daughter .a middle school teacher is recovering in hospital in new york after being viciously assaulted by one of her student 's mothers and the woman 's 14-year-old niece .\"]\n", + "=======================\n", + "[\"attack occurred wednesday at alverta b. gray schultz middle school in hempstead , new yorkmother annika mckenzie , 34 , breached security by getting into buildingbelieved math teacher catherine engelhardt had touched her daughter , 12mckenzie allegedly attacked her , with students joiningone of them was allegedly mckenzie 's 14-year-old niecemckenzie and the niece were arrested at the scene and chargedengelhardt was unconscious for several minutes and taken to hospital\"]\n", + "the incident occurred wednesday afternoon at alverta b. gray schultz middle school in hempstead .charged : police say annika mckenzie , 34 , attacked engelhardt because she believed the teacher had ` put her hands ' on her daughter .a middle school teacher is recovering in hospital in new york after being viciously assaulted by one of her student 's mothers and the woman 's 14-year-old niece .\n", + "attack occurred wednesday at alverta b. gray schultz middle school in hempstead , new yorkmother annika mckenzie , 34 , breached security by getting into buildingbelieved math teacher catherine engelhardt had touched her daughter , 12mckenzie allegedly attacked her , with students joiningone of them was allegedly mckenzie 's 14-year-old niecemckenzie and the niece were arrested at the scene and chargedengelhardt was unconscious for several minutes and taken to hospital\n", + "[1.3329802 1.1628666 1.1964148 1.1045293 1.3401027 1.1051601 1.0326124\n", + " 1.0230671 1.0529996 1.0485364 1.036882 1.0401651 1.031607 1.0387261\n", + " 1.0233535 1.0898731 1.0284995 1.0328484 1.0328555 1.3929169 1.0118448\n", + " 1.0259717 0. 0. 0. 0. ]\n", + "\n", + "[19 4 0 2 1 5 3 15 8 9 11 13 10 18 17 6 12 16 21 14 7 20 24 22\n", + " 23 25]\n", + "=======================\n", + "['west indies batsman samuels grafted his way to 103 against england in the second testmarlon samuels ( right ) celebrates reaching his century for west indies in second testwhat jason holder did in antigua and marlon samuels managed here will do much for the culture phil simmons is trying to create as new west indies coach .']\n", + "=======================\n", + "['marlon samuels will inspire team-mates with discipline and applicationthe west indies batsman scored 103 in second test against england']\n", + "west indies batsman samuels grafted his way to 103 against england in the second testmarlon samuels ( right ) celebrates reaching his century for west indies in second testwhat jason holder did in antigua and marlon samuels managed here will do much for the culture phil simmons is trying to create as new west indies coach .\n", + "marlon samuels will inspire team-mates with discipline and applicationthe west indies batsman scored 103 in second test against england\n", + "[1.0943611 1.4334828 1.2249608 1.2850363 1.1616734 1.1551648 1.1665603\n", + " 1.1036187 1.1973605 1.038064 1.0662037 1.0944121 1.0220376 1.0413601\n", + " 1.0898958 1.0382367 1.0195178 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 8 6 4 5 7 11 0 14 10 13 15 9 12 16 18 17 19]\n", + "=======================\n", + "[\"homes with the upmarket store nearby cost 12 per cent more -- or # 38,831 -- than those in surrounding areas that were n't near a branch .but having a budget store such as an aldi or lidl on your doorstep means your house could be worth thousands of pounds less than others in your neighbourhood .in a study published today , lloyds bank investigated average house prices in postal districts that have chain supermarkets nearby , to see how they compared to the wider postal region .\"]\n", + "=======================\n", + "['homes with waitrose nearby cost 12 % more than those not near a branchstudy found houses cost # 38,831 more than homes without the shopbut having budget store like lidl nearby means house could be worth less']\n", + "homes with the upmarket store nearby cost 12 per cent more -- or # 38,831 -- than those in surrounding areas that were n't near a branch .but having a budget store such as an aldi or lidl on your doorstep means your house could be worth thousands of pounds less than others in your neighbourhood .in a study published today , lloyds bank investigated average house prices in postal districts that have chain supermarkets nearby , to see how they compared to the wider postal region .\n", + "homes with waitrose nearby cost 12 % more than those not near a branchstudy found houses cost # 38,831 more than homes without the shopbut having budget store like lidl nearby means house could be worth less\n", + "[1.3031238 1.3595039 1.3684247 1.2973328 1.1354797 1.0342638 1.078952\n", + " 1.0820698 1.1367959 1.1264943 1.0561981 1.0153285 1.0328535 1.1058311\n", + " 1.0708412 1.0723403 1.0643563 1.0353494 1.0868349 1.0313169]\n", + "\n", + "[ 2 1 0 3 8 4 9 13 18 7 6 15 14 16 10 17 5 12 19 11]\n", + "=======================\n", + "[\"the heartfelt message was posted by airline pilot jai dillon , who was shown the a4 by a colleague in the industry .a screenshot of the letter was shared on twitter , and in a matter of minutes amassed more than 2,000 shares .a handwritten note delivered to the pilots by a plane passenger thanking them for ` taking her home safely ' has gone viral , just a week after the germanwings tragedy that claimed 150 lives .\"]\n", + "=======================\n", + "[\"` bethanie 's ' heartfelt message to airline and pilots shared on twitterfemale writes how she wants to ` extend a compassionate hand 'thanks the pilots for allowing her to travel between spain and englandsays that they are ` the reason i can smile tonight 'letter shared on twitter by jai dillon , colleague of pilots who received the handwritten noteemotional message comes a week after germanwings disaster that saw andreas lubitz deliberately crash plane killing 150 people\"]\n", + "the heartfelt message was posted by airline pilot jai dillon , who was shown the a4 by a colleague in the industry .a screenshot of the letter was shared on twitter , and in a matter of minutes amassed more than 2,000 shares .a handwritten note delivered to the pilots by a plane passenger thanking them for ` taking her home safely ' has gone viral , just a week after the germanwings tragedy that claimed 150 lives .\n", + "` bethanie 's ' heartfelt message to airline and pilots shared on twitterfemale writes how she wants to ` extend a compassionate hand 'thanks the pilots for allowing her to travel between spain and englandsays that they are ` the reason i can smile tonight 'letter shared on twitter by jai dillon , colleague of pilots who received the handwritten noteemotional message comes a week after germanwings disaster that saw andreas lubitz deliberately crash plane killing 150 people\n", + "[1.4453652 1.4242108 1.189591 1.3127466 1.10705 1.0470974 1.0341698\n", + " 1.0468464 1.1438115 1.1047739 1.0451051 1.0803258 1.015176 1.0081826\n", + " 1.0089678 1.009024 1.0545628 1.068183 0. 0. ]\n", + "\n", + "[ 0 1 3 2 8 4 9 11 17 16 5 7 10 6 12 15 14 13 18 19]\n", + "=======================\n", + "[\"leighton aspell became the first jockey in more than 40 years to win back-to-back grand nationals when many clouds galloped to a famous victory in the aintree sunshine .the 25-1 shot , who was sixth in the cheltenham gold cup , is the first hennessy gold cup winner to land the prestigious prize and in the process ended his trainer oliver sherwood 's wretched record in the race .the lambourn handler had previously saddled four national runners and non of them had even completed the course prior to his eight-year-old 's hard-fought length-and-three quarter defeat of the gallant saint aire .\"]\n", + "=======================\n", + "[\"many clouds wins the 2015 grand national after leading ap mccoy 's shutthefrontdoor with one furlong to gohowever shutthefrontdoor tired on the final straight and mccoy was forced to settle for fifth on his swansongsaint are came in second after a hard-fought final straight but it was oliver sherwood 's horse that took the gloryjockey leighton aspell took his second consecutive national title after his 2014 win with pineau de re40-1 shot monbeg dude , ridden by liam treadwell came in third after a thrilling race\"]\n", + "leighton aspell became the first jockey in more than 40 years to win back-to-back grand nationals when many clouds galloped to a famous victory in the aintree sunshine .the 25-1 shot , who was sixth in the cheltenham gold cup , is the first hennessy gold cup winner to land the prestigious prize and in the process ended his trainer oliver sherwood 's wretched record in the race .the lambourn handler had previously saddled four national runners and non of them had even completed the course prior to his eight-year-old 's hard-fought length-and-three quarter defeat of the gallant saint aire .\n", + "many clouds wins the 2015 grand national after leading ap mccoy 's shutthefrontdoor with one furlong to gohowever shutthefrontdoor tired on the final straight and mccoy was forced to settle for fifth on his swansongsaint are came in second after a hard-fought final straight but it was oliver sherwood 's horse that took the gloryjockey leighton aspell took his second consecutive national title after his 2014 win with pineau de re40-1 shot monbeg dude , ridden by liam treadwell came in third after a thrilling race\n", + "[1.2731634 1.346718 1.2883334 1.2623577 1.1535407 1.1357641 1.0981325\n", + " 1.0800235 1.0847538 1.0730242 1.041992 1.1183329 1.0593432 1.0678284\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 5 11 6 8 7 9 13 12 10 18 14 15 16 17 19]\n", + "=======================\n", + "[\"campaign chiefs attempted to rebuff a letter from 100 business leaders that criticised the party by publishing its own message calling for a labour government signed by people ` from all walks of life ' .labour were left embarrassed tonight after it was forced to remove a signatory to a letter of support after she was exposed as a benefit cheat who had swindled nearly # 30,000 .but within hours the plan was in chaos as it was found the signatories included a benefit fraudster , trade unionists and the cigar-smoking children of millionaires .\"]\n", + "=======================\n", + "[\"signatory to letter backing labour was given suspended sentencecan not be named for legal reasons but labour has removed her from listarrived in uk in 2007 after ` marriage of convenience ' and claimed benefitsreceived # 30,000 in benefits even though she was barred from claiming\"]\n", + "campaign chiefs attempted to rebuff a letter from 100 business leaders that criticised the party by publishing its own message calling for a labour government signed by people ` from all walks of life ' .labour were left embarrassed tonight after it was forced to remove a signatory to a letter of support after she was exposed as a benefit cheat who had swindled nearly # 30,000 .but within hours the plan was in chaos as it was found the signatories included a benefit fraudster , trade unionists and the cigar-smoking children of millionaires .\n", + "signatory to letter backing labour was given suspended sentencecan not be named for legal reasons but labour has removed her from listarrived in uk in 2007 after ` marriage of convenience ' and claimed benefitsreceived # 30,000 in benefits even though she was barred from claiming\n", + "[1.4436448 1.2026296 1.2717617 1.2540772 1.2041719 1.1179702 1.0768903\n", + " 1.0214313 1.0563006 1.1093458 1.0932652 1.0550213 1.0663742 1.0397979\n", + " 1.087666 1.0145587 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 4 1 5 9 10 14 6 12 8 11 13 7 15 18 16 17 19]\n", + "=======================\n", + "['los angeles ( cnn ) former rap mogul marion \" suge \" knight was ordered thursday to stand trial for murder and other charges stemming from a deadly hit-and-run confrontation on the movie set of the biopic \" straight outta compton \" earlier this year .the judge also dismissed one of the two counts of hit-and-run against knight .in all , knight will stand trial on one count of murder , one count of attempted murder and one count of hit-and-run , the judge ruled after holding a two-day preliminary hearing this week that ended thursday .']\n", + "=======================\n", + "['former rap mogul marion \" suge \" knight will be tried for murder in a videotaped hit-and-runhis bail is reduced to $ 10 million from $ 25 milliona judge dismisses one of four charges against knight']\n", + "los angeles ( cnn ) former rap mogul marion \" suge \" knight was ordered thursday to stand trial for murder and other charges stemming from a deadly hit-and-run confrontation on the movie set of the biopic \" straight outta compton \" earlier this year .the judge also dismissed one of the two counts of hit-and-run against knight .in all , knight will stand trial on one count of murder , one count of attempted murder and one count of hit-and-run , the judge ruled after holding a two-day preliminary hearing this week that ended thursday .\n", + "former rap mogul marion \" suge \" knight will be tried for murder in a videotaped hit-and-runhis bail is reduced to $ 10 million from $ 25 milliona judge dismisses one of four charges against knight\n", + "[1.0338573 1.3048933 1.3879408 1.3215585 1.3697727 1.0707911 1.1851447\n", + " 1.111377 1.1685925 1.0398114 1.0378028 1.0272756 1.0155449 1.0347576\n", + " 1.0340655 1.0229005 1.0162145 1.0149373 1.021961 1.0473455]\n", + "\n", + "[ 2 4 3 1 6 8 7 5 19 9 10 13 14 0 11 15 18 16 12 17]\n", + "=======================\n", + "['the group of six completed the drive in three days crossing two canadian provinces including quebec and ontario , as well as five u.s. states - new york , pennsylvania , ohio , indiana and kentucky , according to the times tribune .two long-time friends and their four sons traveled from montreal , quebec to corbin , kentucky to eat at the original home of kentucky fried chicken ( above left to right : jason lutfy , sebastien lutfy , neil janna , jesse janna , josh janna and brian lutfy )for three of the sons , it was the first time they had tasted kfc .']\n", + "=======================\n", + "['trip included brian lufty , 52 , of montreal , his stepson sebastien and son jason , friend neil janna , 51 , and his two sons jesse and joshthey made the trip in three days crossing over five states to visit original home of kentucky fried chicken in corbin , kentuckylufty visited harland sanders cafe the first time in 1985 and again in 1995while at the restaurant they ordered their fried chicken and brought their own plates , silverware , glasses , artificial flowers and candles for the table']\n", + "the group of six completed the drive in three days crossing two canadian provinces including quebec and ontario , as well as five u.s. states - new york , pennsylvania , ohio , indiana and kentucky , according to the times tribune .two long-time friends and their four sons traveled from montreal , quebec to corbin , kentucky to eat at the original home of kentucky fried chicken ( above left to right : jason lutfy , sebastien lutfy , neil janna , jesse janna , josh janna and brian lutfy )for three of the sons , it was the first time they had tasted kfc .\n", + "trip included brian lufty , 52 , of montreal , his stepson sebastien and son jason , friend neil janna , 51 , and his two sons jesse and joshthey made the trip in three days crossing over five states to visit original home of kentucky fried chicken in corbin , kentuckylufty visited harland sanders cafe the first time in 1985 and again in 1995while at the restaurant they ordered their fried chicken and brought their own plates , silverware , glasses , artificial flowers and candles for the table\n", + "[1.3483495 1.3211912 1.2608542 1.1121924 1.2754934 1.2176406 1.1390263\n", + " 1.2063121 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 5 7 6 3 17 16 15 14 13 9 11 10 18 8 12 19]\n", + "=======================\n", + "[\"a 160kg man who fell down a stormwater drain has been rescued by 15 firefighters after an hour of trying to lift him out of the hole .rescue teams were called to meadowbank in sydney 's west about 11pm on wednesday with reports a man was trapped in a drain .firefighters , paramedics and police extracted the man from the hole using ropes and ladders due to injuries he sustained to his shoulder and leg .\"]\n", + "=======================\n", + "[\"man was trapped in stormwater drain in meadowbank in sydney 's westit took an hour to rescue him using ropes and laddersit 's unknown how the man ended up stuck in the two-metre deep drain\"]\n", + "a 160kg man who fell down a stormwater drain has been rescued by 15 firefighters after an hour of trying to lift him out of the hole .rescue teams were called to meadowbank in sydney 's west about 11pm on wednesday with reports a man was trapped in a drain .firefighters , paramedics and police extracted the man from the hole using ropes and ladders due to injuries he sustained to his shoulder and leg .\n", + "man was trapped in stormwater drain in meadowbank in sydney 's westit took an hour to rescue him using ropes and laddersit 's unknown how the man ended up stuck in the two-metre deep drain\n", + "[1.410391 1.3025838 1.0739669 1.1610634 1.2397 1.2466817 1.196913\n", + " 1.0473235 1.0278625 1.1374934 1.0173129 1.015971 1.0495881 1.0176957\n", + " 1.0547854 1.0282658 1.027197 1.0525105 1.0142217 0. ]\n", + "\n", + "[ 0 1 5 4 6 3 9 2 14 17 12 7 15 8 16 13 10 11 18 19]\n", + "=======================\n", + "[\"frances bean cobain has admitted she 's not a big fan of her dad 's music in a candid new interview .saint laurent babies 40 suede boots` sorry , promotional people , universal . '\"]\n", + "=======================\n", + "[\"tells rolling stone in revealing interview how she was never a fan of her father 's band , preferring oasisspeaking about the documentary film she executive produced montage of heck she says her dad ` never wanted to be the voice of a generation 'suggests he killed himself because ` the world demanded he sacrifice every bit of himself to his art 'says his former band mates are freaked out by how much she looks and sounds like himkurt cobain was found shot dead in his home exactly 21 years ago on wednesday , aged 27\"]\n", + "frances bean cobain has admitted she 's not a big fan of her dad 's music in a candid new interview .saint laurent babies 40 suede boots` sorry , promotional people , universal . '\n", + "tells rolling stone in revealing interview how she was never a fan of her father 's band , preferring oasisspeaking about the documentary film she executive produced montage of heck she says her dad ` never wanted to be the voice of a generation 'suggests he killed himself because ` the world demanded he sacrifice every bit of himself to his art 'says his former band mates are freaked out by how much she looks and sounds like himkurt cobain was found shot dead in his home exactly 21 years ago on wednesday , aged 27\n", + "[1.2485882 1.4453161 1.1756793 1.2651647 1.0953366 1.222239 1.310188\n", + " 1.0342224 1.0398031 1.0242857 1.0163803 1.0217936 1.0230869 1.0193001\n", + " 1.0161005 1.0227821 1.0259914 1.0343333 1.0546683 1.0270197]\n", + "\n", + "[ 1 6 3 0 5 2 4 18 8 17 7 19 16 9 12 15 11 13 10 14]\n", + "=======================\n", + "[\"the victorian building that houses it is built on the site of england 's first hospital for the mentally ill - the bethlehem royal hospital , which opened in 1247 and was often pronounced as ` bedlam ' .and instead of mental health patients , it 's the likes of beyonce , lil kim and lady gaga that stay here these days .the andaz liverpool street hotel in london used to be bedlam , but not through cavalier management , rebellious staff or disruptive guests .\"]\n", + "=======================\n", + "[\"andaz liverpool street is built on the site of the bethlehem hospital which housed the mentally illdating back to 1247 , most people will know the institution by the name ` bedlam 'these days it 's a swanky celebrity-baiting hotel with 267 rooms and celebrity guests including beyonce and lil kimfour of the king rooms are decorated with mesmerising murals created by artistshotel hosts a candlelit dinner in its 1901 restaurant once a month\"]\n", + "the victorian building that houses it is built on the site of england 's first hospital for the mentally ill - the bethlehem royal hospital , which opened in 1247 and was often pronounced as ` bedlam ' .and instead of mental health patients , it 's the likes of beyonce , lil kim and lady gaga that stay here these days .the andaz liverpool street hotel in london used to be bedlam , but not through cavalier management , rebellious staff or disruptive guests .\n", + "andaz liverpool street is built on the site of the bethlehem hospital which housed the mentally illdating back to 1247 , most people will know the institution by the name ` bedlam 'these days it 's a swanky celebrity-baiting hotel with 267 rooms and celebrity guests including beyonce and lil kimfour of the king rooms are decorated with mesmerising murals created by artistshotel hosts a candlelit dinner in its 1901 restaurant once a month\n", + "[1.2454103 1.4339843 1.3245025 1.3660672 1.2743818 1.1152264 1.0869033\n", + " 1.0297647 1.0602064 1.2195319 1.0184007 1.0253962 1.015474 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 9 5 6 8 7 11 10 12 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"the yougov poll of more than 2,000 britons revealed that we consume an average of 17 cups of tea each week .the poll also found that almost a third of women turn to a cuppa to make them feel better when they are unwell -- in comparison with only 16 per cent of men .and more than half of adults associated a cup of tea with ` comfort and relaxation ' -- confirming the results of a separate survey which yesterday revealed that sweet tea promotes relaxation and relieves stress .\"]\n", + "=======================\n", + "['poll reveals how britons consume an average of 17 cups of tea each weekalmost a third of women turn to tea to make them feel better when unwellsurvey of 2,000 britons found tea-drinking habits increase as we get older']\n", + "the yougov poll of more than 2,000 britons revealed that we consume an average of 17 cups of tea each week .the poll also found that almost a third of women turn to a cuppa to make them feel better when they are unwell -- in comparison with only 16 per cent of men .and more than half of adults associated a cup of tea with ` comfort and relaxation ' -- confirming the results of a separate survey which yesterday revealed that sweet tea promotes relaxation and relieves stress .\n", + "poll reveals how britons consume an average of 17 cups of tea each weekalmost a third of women turn to tea to make them feel better when unwellsurvey of 2,000 britons found tea-drinking habits increase as we get older\n", + "[1.2353836 1.4387685 1.4659615 1.1981523 1.1640872 1.1645703 1.2141719\n", + " 1.0930235 1.0564185 1.0221672 1.018955 1.0898654 1.0335525 1.0209903\n", + " 1.0353967 1.0305153 1.043124 1.0356575 1.0310086 0. 0. ]\n", + "\n", + "[ 2 1 0 6 3 5 4 7 11 8 16 17 14 12 18 15 9 13 10 19 20]\n", + "=======================\n", + "[\"his fellow soldier , welsh guard jason collins , 22 , rained blows with his fists on to the man 's body .during the drunken attack , which was caught on cctv , scots guard shaun smith , 25 , can be seen stamping 18 times on his victim 's head .two soldiers , one a buckingham palace guard , walked free from court yesterday despite inflicting a shocking beating on a helpless civilian .\"]\n", + "=======================\n", + "[\"warning graphic contentshaun smith and jason collins were filmed on cctv assaulting two menthe soldiers were drinking for hours before ` inexcusable ' attack last aprilthey chased one victim round a tree and onto a main road to beat himdespite brutal attack both were spared jail in ` exceptional ' sentencingthey could have faced sentences of up to 10 years each for their crimescollins , 22 , has since been stationed to guard buckingham palace\"]\n", + "his fellow soldier , welsh guard jason collins , 22 , rained blows with his fists on to the man 's body .during the drunken attack , which was caught on cctv , scots guard shaun smith , 25 , can be seen stamping 18 times on his victim 's head .two soldiers , one a buckingham palace guard , walked free from court yesterday despite inflicting a shocking beating on a helpless civilian .\n", + "warning graphic contentshaun smith and jason collins were filmed on cctv assaulting two menthe soldiers were drinking for hours before ` inexcusable ' attack last aprilthey chased one victim round a tree and onto a main road to beat himdespite brutal attack both were spared jail in ` exceptional ' sentencingthey could have faced sentences of up to 10 years each for their crimescollins , 22 , has since been stationed to guard buckingham palace\n", + "[1.2480717 1.1210878 1.4695656 1.1312779 1.1743753 1.0963689 1.063554\n", + " 1.0764043 1.0814196 1.026481 1.0690732 1.1253594 1.0422456 1.0672112\n", + " 1.0802002 1.0395254 1.0438912 1.0158603 1.0210015 0. 0. ]\n", + "\n", + "[ 2 0 4 3 11 1 5 8 14 7 10 13 6 16 12 15 9 18 17 19 20]\n", + "=======================\n", + "[\"after belting out human nature to drake at coachella on sunday night , madonna pulled the 28-year-old singer back to plant a kiss on his lips , making out with him for at least three seconds .she has been selling herself as a sex pot to push copies of her new album rebel heart .what the 56-year-old mother-of-four did n't see was that when she was finished , the musician looked horrified , even wiping his mouth .\"]\n", + "=======================\n", + "[\"the kiss took place after she sang three of her hits , hung up , express yourself and human naturesources insist drake liked the smooch but it was her ` glossy ' lipstick that made him recoil\"]\n", + "after belting out human nature to drake at coachella on sunday night , madonna pulled the 28-year-old singer back to plant a kiss on his lips , making out with him for at least three seconds .she has been selling herself as a sex pot to push copies of her new album rebel heart .what the 56-year-old mother-of-four did n't see was that when she was finished , the musician looked horrified , even wiping his mouth .\n", + "the kiss took place after she sang three of her hits , hung up , express yourself and human naturesources insist drake liked the smooch but it was her ` glossy ' lipstick that made him recoil\n", + "[1.1881051 1.5387225 1.2143825 1.2883945 1.2594157 1.26341 1.1615365\n", + " 1.0329226 1.2968891 1.0426347 1.0261048 1.0526291 1.106396 1.0104667\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 8 3 5 4 2 0 6 12 11 9 7 10 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"cara lee-fanus was rushed to st peter 's hospital in chertsey , surrey , but died from a head injury the next day despite the best effort of medical teams .the little girl 's mother , kirsty lee ( right in sunglasses behind a lawyer ) and lee 's ex boyfriend alistair wayne bowen ( left ) appeared at guildford magistrates ' court todaya mother and her former partner have appeared in court over the death of a toddler who suffered horrific injuries just before her second birthday .\"]\n", + "=======================\n", + "[\"cara lee-fanus died day after being rushed to hospital in churtsey , surreymedics found bruises all over her body and burn marks on head , court toldmother kirsty lee and lee 's ex boyfriend alistair wayne bowen appeared in court todayjointly charged with causing or allowing death of a child and causing or allowing serious physical harm to a child\"]\n", + "cara lee-fanus was rushed to st peter 's hospital in chertsey , surrey , but died from a head injury the next day despite the best effort of medical teams .the little girl 's mother , kirsty lee ( right in sunglasses behind a lawyer ) and lee 's ex boyfriend alistair wayne bowen ( left ) appeared at guildford magistrates ' court todaya mother and her former partner have appeared in court over the death of a toddler who suffered horrific injuries just before her second birthday .\n", + "cara lee-fanus died day after being rushed to hospital in churtsey , surreymedics found bruises all over her body and burn marks on head , court toldmother kirsty lee and lee 's ex boyfriend alistair wayne bowen appeared in court todayjointly charged with causing or allowing death of a child and causing or allowing serious physical harm to a child\n", + "[1.1808221 1.5055692 1.290704 1.4394759 1.2683707 1.0274901 1.0151013\n", + " 1.0136809 1.1223761 1.245697 1.0155624 1.1590087 1.0256492 1.0135007\n", + " 1.0201765 1.0279545 1.0460638 1.1006216 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 9 0 11 8 17 16 15 5 12 14 10 6 7 13 19 18 20]\n", + "=======================\n", + "[\"bill parker , 34 , of gulfport was mowing his lawn while at his family home last sunday when he thought a rock hit him in the face not realizing it was actually a metal fence wire .dr timothy haffey , who removed the wire which was as thick as a heavy-duty nail , said that it miraculously dodged all of parker 's important nerves and arteries .a ct scan revealed the metal wire had been shot up his left nostril and was lodged in parker 's sinus cavity beneath his eye socket and next to his jaw hinge .\"]\n", + "=======================\n", + "[\"warning graphic contentbill parker , 34 , of mississippi was mowing his lawn on april 19 when the wire shot up his left nostril and was lodged in his sinus cavitydr timothy haffey removed the wire through a 20-minute sinus surgery and said the wire miraculously dodged parker 's important nerves and arteriesthe wire was sent to a pathology lab and parker is taking antibioticsdr haffey said parker should not have any long-term effects\"]\n", + "bill parker , 34 , of gulfport was mowing his lawn while at his family home last sunday when he thought a rock hit him in the face not realizing it was actually a metal fence wire .dr timothy haffey , who removed the wire which was as thick as a heavy-duty nail , said that it miraculously dodged all of parker 's important nerves and arteries .a ct scan revealed the metal wire had been shot up his left nostril and was lodged in parker 's sinus cavity beneath his eye socket and next to his jaw hinge .\n", + "warning graphic contentbill parker , 34 , of mississippi was mowing his lawn on april 19 when the wire shot up his left nostril and was lodged in his sinus cavitydr timothy haffey removed the wire through a 20-minute sinus surgery and said the wire miraculously dodged parker 's important nerves and arteriesthe wire was sent to a pathology lab and parker is taking antibioticsdr haffey said parker should not have any long-term effects\n", + "[1.5558865 1.3030584 1.1708983 1.2882457 1.1195557 1.4020457 1.0147436\n", + " 1.0100307 1.0091006 1.0094076 1.0175965 1.1409442 1.0807906 1.0887083\n", + " 1.0463634 1.1097412 1.0353305 1.0788114 1.1086863 1.0431895 1.0507058]\n", + "\n", + "[ 0 5 1 3 2 11 4 15 18 13 12 17 20 14 19 16 10 6 7 9 8]\n", + "=======================\n", + "[\"badou jack outpointed anthony dirrell on friday night at the uic pavilion to take the wbc super-middleweight title , setting up a fight with mandatory challenger george groves .george groves will fight jack for the wbc world super-middleweight title as he is mandatory challenger 'jack ( 19-1-1 ) received winning of 116-112 and 115-113 , and the third had it even at 114-114 .\"]\n", + "=======================\n", + "['badou jack beat anthony dirrell on points at the uic pavilionit saw jack narrowly claim the wbc super-middleweight titlegeorge groves is the mandatory challenger for the title']\n", + "badou jack outpointed anthony dirrell on friday night at the uic pavilion to take the wbc super-middleweight title , setting up a fight with mandatory challenger george groves .george groves will fight jack for the wbc world super-middleweight title as he is mandatory challenger 'jack ( 19-1-1 ) received winning of 116-112 and 115-113 , and the third had it even at 114-114 .\n", + "badou jack beat anthony dirrell on points at the uic pavilionit saw jack narrowly claim the wbc super-middleweight titlegeorge groves is the mandatory challenger for the title\n", + "[1.1474061 1.509479 1.3137937 1.2362965 1.0521042 1.0752903 1.1022673\n", + " 1.0294092 1.0197899 1.017508 1.1245716 1.0727997 1.1600109 1.1386285\n", + " 1.1533633 1.0275517 1.0290339 1.0493001 1.0436974]\n", + "\n", + "[ 1 2 3 12 14 0 13 10 6 5 11 4 17 18 7 16 15 8 9]\n", + "=======================\n", + "[\"the neglected cat from sea isle city in new jersey was handed over to the rescue agency s.o.s sea isle cats by a family facing a foreclosure on their home .luckily for sprinkles who is too fat to even groom herself , she is being cared for by pet rescue volunteer stacy jones olandt .fat cat : sprinkles the 33-pound cat is so fat she ca n't even roll over and she 's equally as fat as a 700-pound human , say rescue workers\"]\n", + "=======================\n", + "[\"sprinkles the 33-pound cat is so fat she ca n't even roll over and she 's equally as fat as a 700-pound human , say rescue workersthe neglected cat from new jersey was handed over to the rescue agency s.o.s sea isle cats by a family facing a foreclosure on their homesprinkles will hopefully lose a pound a month and when she does she will be placed in a loving homea healthy weight for sprinkles is around 10 pounds\"]\n", + "the neglected cat from sea isle city in new jersey was handed over to the rescue agency s.o.s sea isle cats by a family facing a foreclosure on their home .luckily for sprinkles who is too fat to even groom herself , she is being cared for by pet rescue volunteer stacy jones olandt .fat cat : sprinkles the 33-pound cat is so fat she ca n't even roll over and she 's equally as fat as a 700-pound human , say rescue workers\n", + "sprinkles the 33-pound cat is so fat she ca n't even roll over and she 's equally as fat as a 700-pound human , say rescue workersthe neglected cat from new jersey was handed over to the rescue agency s.o.s sea isle cats by a family facing a foreclosure on their homesprinkles will hopefully lose a pound a month and when she does she will be placed in a loving homea healthy weight for sprinkles is around 10 pounds\n", + "[1.314255 1.3211662 1.262241 1.2265815 1.1066031 1.0534075 1.106536\n", + " 1.0546011 1.0999538 1.0637636 1.0738596 1.0867014 1.0688016 1.1465402\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 13 4 6 8 11 10 12 9 7 5 14 15 16 17 18]\n", + "=======================\n", + "[\"taken in isis ' northern stronghold of mosul , the photographs show four men being interviewed by the terrorists before they are dragged before bloodthirsty crowds eager to see their executions .depraved militants fighting for the islamic state in iraq have brutally beheaded four men accused of theft , before displaying their bodies on railings in a town square .the savage punishment is a significantly more extreme than isis ' usual punishment for theft - which typically sees the accused having their right hand hacked-off by machete-wielding jihadis who pump the men full of drugs to numb the limb before severing it from the victim 's body .\"]\n", + "=======================\n", + "['young victims were interviewed on a sofa before being savagely murderedfour men were dragged out before bloodthirsty crowds in central mosulmilitants forced them to their knees and read out the charges against themmasked jihadis then swarmed on the men and beheaded them with kniveslocals said the decapitated bodies were later displayed in a town square']\n", + "taken in isis ' northern stronghold of mosul , the photographs show four men being interviewed by the terrorists before they are dragged before bloodthirsty crowds eager to see their executions .depraved militants fighting for the islamic state in iraq have brutally beheaded four men accused of theft , before displaying their bodies on railings in a town square .the savage punishment is a significantly more extreme than isis ' usual punishment for theft - which typically sees the accused having their right hand hacked-off by machete-wielding jihadis who pump the men full of drugs to numb the limb before severing it from the victim 's body .\n", + "young victims were interviewed on a sofa before being savagely murderedfour men were dragged out before bloodthirsty crowds in central mosulmilitants forced them to their knees and read out the charges against themmasked jihadis then swarmed on the men and beheaded them with kniveslocals said the decapitated bodies were later displayed in a town square\n", + "[1.5885711 1.1168079 1.0793825 1.3378861 1.1585729 1.2531161 1.2062601\n", + " 1.1751776 1.1163486 1.023071 1.0337442 1.0113231 1.0883329 1.0719823\n", + " 1.0232177 1.0267287 1.0618234 0. 0. ]\n", + "\n", + "[ 0 3 5 6 7 4 1 8 12 2 13 16 10 15 14 9 11 17 18]\n", + "=======================\n", + "['bayern munich were crowned bundesliga champions for the third year running without even kicking a ball on sunday as their nearest rivals wolfsburg went down to a 1-0 defeat at borussia monchengladbach .max kruse ( centre ) celebrates his last-minute winner against wolfsburg on sunday in the bundesligathe result means bayern , who beat hertha berlin 1-0 on saturday to go 15 points clear , have taken the title for a record 25th time , while pep guardiola has his 19th major honour as a coach and fifth league title .']\n", + "=======================\n", + "[\"bayern munich crowned bundesliga champions for the 25th timepep guardiola 's side beat hertha berlin 1-0 on saturday at allianz arenawolfsburg fell to 1-0 defeat at borussia monchengladbach on sundaybayern are also in semi-finals of the german cup and champions league\"]\n", + "bayern munich were crowned bundesliga champions for the third year running without even kicking a ball on sunday as their nearest rivals wolfsburg went down to a 1-0 defeat at borussia monchengladbach .max kruse ( centre ) celebrates his last-minute winner against wolfsburg on sunday in the bundesligathe result means bayern , who beat hertha berlin 1-0 on saturday to go 15 points clear , have taken the title for a record 25th time , while pep guardiola has his 19th major honour as a coach and fifth league title .\n", + "bayern munich crowned bundesliga champions for the 25th timepep guardiola 's side beat hertha berlin 1-0 on saturday at allianz arenawolfsburg fell to 1-0 defeat at borussia monchengladbach on sundaybayern are also in semi-finals of the german cup and champions league\n", + "[1.3970917 1.1780107 1.2074698 1.4529812 1.3251189 1.1592305 1.0761266\n", + " 1.1351408 1.1575468 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 4 2 1 5 8 7 6 16 15 14 13 9 11 10 17 12 18]\n", + "=======================\n", + "['former middleweight world champion julio cesar chavez jr was stopped in nine rounds by andrzej fonfaracarl froch has expressed his desire to fight chavez jr ( right ) in las vegas but that now looks unlikelythe 37-year-old super-middleweight , who has not fought since knocking out george groves in their re-match at wembley last may , had hoped to be back in action last month against chavez but an elbow injury scuppered his plans .']\n", + "=======================\n", + "['andrzej fonfara stopped julio cesar chavez jr in nine roundscarl froch had hoped to fight chavez jr in las vegas in a final swansongfroch has not fought since knocking out george groves at wembley stadium']\n", + "former middleweight world champion julio cesar chavez jr was stopped in nine rounds by andrzej fonfaracarl froch has expressed his desire to fight chavez jr ( right ) in las vegas but that now looks unlikelythe 37-year-old super-middleweight , who has not fought since knocking out george groves in their re-match at wembley last may , had hoped to be back in action last month against chavez but an elbow injury scuppered his plans .\n", + "andrzej fonfara stopped julio cesar chavez jr in nine roundscarl froch had hoped to fight chavez jr in las vegas in a final swansongfroch has not fought since knocking out george groves at wembley stadium\n", + "[1.4129534 1.3447666 1.1632094 1.0728816 1.2191201 1.0168043 1.0265706\n", + " 1.0473524 1.1291958 1.1517565 1.0588425 1.0856385 1.1785195 1.2093301\n", + " 1.0877857 1.0869644 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 13 12 2 9 8 14 15 11 3 10 7 6 5 17 16 18]\n", + "=======================\n", + "[\"cosmopolitan editor bronwyn mccahon says she regrets that her magazine did n't more thoroughly investigate belle gibson before presenting her with its fun fearless female award in sydney last year .but she says the award - which is given to inspiring women in times of ` triumph and adversity ' - wo n't be taken off ms gibson , despite the whole pantry founder 's admission of lying about her cancers .` she was reader nominated and reader-voted , ' mccahon said on the dan and maz 2dayfm breakfast show this week following belle gibson 's australian women 's weekly interview in which she admitted she had lied , according to the daily telegraph .\"]\n", + "=======================\n", + "[\"belle gibson was awarded cosmo 's fun fearless female award last yearbronwyn mccahon wishes her magazine had better investigated ms gibsondespite her cancer lies , cosmo wo n't strip gibson of the prize` what she does n't need now is the whole of australia ganging up on her and bullying her , ' mccahon says\"]\n", + "cosmopolitan editor bronwyn mccahon says she regrets that her magazine did n't more thoroughly investigate belle gibson before presenting her with its fun fearless female award in sydney last year .but she says the award - which is given to inspiring women in times of ` triumph and adversity ' - wo n't be taken off ms gibson , despite the whole pantry founder 's admission of lying about her cancers .` she was reader nominated and reader-voted , ' mccahon said on the dan and maz 2dayfm breakfast show this week following belle gibson 's australian women 's weekly interview in which she admitted she had lied , according to the daily telegraph .\n", + "belle gibson was awarded cosmo 's fun fearless female award last yearbronwyn mccahon wishes her magazine had better investigated ms gibsondespite her cancer lies , cosmo wo n't strip gibson of the prize` what she does n't need now is the whole of australia ganging up on her and bullying her , ' mccahon says\n", + "[1.249742 1.1458001 1.3073263 1.375372 1.1858156 1.1820755 1.1237158\n", + " 1.0983738 1.0823649 1.1722013 1.1411108 1.0643091 1.0550913 1.0278494\n", + " 1.0455183 1.0094832 1.017368 1.0225338]\n", + "\n", + "[ 3 2 0 4 5 9 1 10 6 7 8 11 12 14 13 17 16 15]\n", + "=======================\n", + "[\"memphis city council agreed yesterday that hound dog ii and lisa marie -- named after the king of rock ` n ' roll 's daughter -- can be moved from his estate to a site nearby .but elvis presley 's planes are to be taken from the grounds of his former mansion after local officials signed off the controversial deal .jet-setter : elvis presley bought both planes in 1975\"]\n", + "=======================\n", + "[\"the two jets have been permanent fixtures at memphis estate for 30 yearsbut city council has agreed hound dog ii and lisa marie can be taken awaythey will form part of a new museum about the king of rock 'n' rolldecision follows a year of wrangling between planes ' owner and graceland\"]\n", + "memphis city council agreed yesterday that hound dog ii and lisa marie -- named after the king of rock ` n ' roll 's daughter -- can be moved from his estate to a site nearby .but elvis presley 's planes are to be taken from the grounds of his former mansion after local officials signed off the controversial deal .jet-setter : elvis presley bought both planes in 1975\n", + "the two jets have been permanent fixtures at memphis estate for 30 yearsbut city council has agreed hound dog ii and lisa marie can be taken awaythey will form part of a new museum about the king of rock 'n' rolldecision follows a year of wrangling between planes ' owner and graceland\n", + "[1.4178771 1.3357035 1.2649679 1.3312769 1.1935657 1.1544629 1.2441446\n", + " 1.0675364 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 6 4 5 7 15 14 13 12 8 10 9 16 11 17]\n", + "=======================\n", + "['( cnn ) sabra dipping co. is recalling 30,000 cases of hummus due to possible contamination with listeria , the u.s. food and drug administration said wednesday .the nationwide recall is voluntary .the potential for contamination was discovered when a routine , random sample collected at a michigan store on march 30 tested positive for listeria monocytogenes .']\n", + "=======================\n", + "['a random sample from a michigan store tested positive for listeria monocytogenesno illnesses caused by the hummus have been reported so far']\n", + "( cnn ) sabra dipping co. is recalling 30,000 cases of hummus due to possible contamination with listeria , the u.s. food and drug administration said wednesday .the nationwide recall is voluntary .the potential for contamination was discovered when a routine , random sample collected at a michigan store on march 30 tested positive for listeria monocytogenes .\n", + "a random sample from a michigan store tested positive for listeria monocytogenesno illnesses caused by the hummus have been reported so far\n", + "[1.4232252 1.3534365 1.2761571 1.1840065 1.1296055 1.037409 1.0857992\n", + " 1.1165062 1.0852938 1.1171162 1.0588108 1.1014917 1.0530827 1.0468243\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 9 7 11 6 8 10 12 13 5 14 15 16 17]\n", + "=======================\n", + "['( cnn ) as the model for norman rockwell \\'s \" rosie the riveter , \" mary doyle keefe became the symbol of american women working on the home front during world war ii .the 92-year-old died this week at her home in simsbury , connecticut .as a 19-year-old telephone operator , keefe posed for the famous painting that would become the cover of the saturday evening post on may 29 , 1943 .']\n", + "=======================\n", + "['\" rosie the riveter \" appeared on the cover of the saturday evening post on may 29 , 1943mary doyle keefe was a 19-year-old telephone operator at the time']\n", + "( cnn ) as the model for norman rockwell 's \" rosie the riveter , \" mary doyle keefe became the symbol of american women working on the home front during world war ii .the 92-year-old died this week at her home in simsbury , connecticut .as a 19-year-old telephone operator , keefe posed for the famous painting that would become the cover of the saturday evening post on may 29 , 1943 .\n", + "\" rosie the riveter \" appeared on the cover of the saturday evening post on may 29 , 1943mary doyle keefe was a 19-year-old telephone operator at the time\n", + "[1.36903 1.316816 1.3094919 1.3644735 1.2261336 1.1261525 1.0289634\n", + " 1.0373787 1.138056 1.0879475 1.0139015 1.1112932 1.0149097 1.0125474\n", + " 1.0149575 1.0173504 1.0261339 0. ]\n", + "\n", + "[ 0 3 1 2 4 8 5 11 9 7 6 16 15 14 12 10 13 17]\n", + "=======================\n", + "['comedian sarah silverman was forced to apologize after she was caught exaggerating a story about being paid less than a man for a gig - to highlight the gender pay gap .silverman has since publicly apologized to martin and revealed she fabricated the story .in the video , released on april 6 , silverman accused martin of paying her $ 50 less than barry to perform .']\n", + "=======================\n", + "[\"in campaign video silverman said she was paid six times less than her male counterpartbut the tale has been exposed as a fabrication by club owner al martinsilverman has been forced to apologize and admitted story was wrongshe was only paid less because she was a guest and man was bookedsaid called critics who used issue to blast pay gap campaign ` maniacs '\"]\n", + "comedian sarah silverman was forced to apologize after she was caught exaggerating a story about being paid less than a man for a gig - to highlight the gender pay gap .silverman has since publicly apologized to martin and revealed she fabricated the story .in the video , released on april 6 , silverman accused martin of paying her $ 50 less than barry to perform .\n", + "in campaign video silverman said she was paid six times less than her male counterpartbut the tale has been exposed as a fabrication by club owner al martinsilverman has been forced to apologize and admitted story was wrongshe was only paid less because she was a guest and man was bookedsaid called critics who used issue to blast pay gap campaign ` maniacs '\n", + "[1.3872705 1.2896793 1.2213973 1.1150038 1.0411783 1.0266893 1.0614425\n", + " 1.0656629 1.0556289 1.0655673 1.0639781 1.0468559 1.0329151 1.0654186\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 7 9 13 10 6 8 11 4 12 5 14 15 16 17]\n", + "=======================\n", + "['( cnn ) this is the time of the year when christians the world over -- more than 2 billion of us -- reflect upon the crucifixion and resurrection of our lord .countless lives have been utterly destroyed in nations such as iraq , syria , libya , pakistan , india , egypt , kenya and nigeria .in june 2012 , bishop shlemon warduni of iraq told the united states conference of catholic bishops , \" we beg you to help .']\n", + "=======================\n", + "[\"rarely since the first century have christians faced persecution on this scale , say dolan , downey and burnett .crisis escalated substantially as isis has swept through iraq 's nineveh province , the authors write .\"]\n", + "( cnn ) this is the time of the year when christians the world over -- more than 2 billion of us -- reflect upon the crucifixion and resurrection of our lord .countless lives have been utterly destroyed in nations such as iraq , syria , libya , pakistan , india , egypt , kenya and nigeria .in june 2012 , bishop shlemon warduni of iraq told the united states conference of catholic bishops , \" we beg you to help .\n", + "rarely since the first century have christians faced persecution on this scale , say dolan , downey and burnett .crisis escalated substantially as isis has swept through iraq 's nineveh province , the authors write .\n", + "[1.2423937 1.0610397 1.2910694 1.4103088 1.2897778 1.1604487 1.1212667\n", + " 1.1700224 1.0849962 1.0279403 1.0239288 1.0772324 1.0184239 1.041217\n", + " 1.0774537 1.0964404 1.0327338 1.0433652 1.0693852]\n", + "\n", + "[ 3 2 4 0 7 5 6 15 8 14 11 18 1 17 13 16 9 10 12]\n", + "=======================\n", + "['his dad , justin , needs a kidney transplant .success kid -- now an 8-year-old named sammy griner -- needs a little bit of that mojo to rub off on his family .( cnn ) \" success kid \" is likely the internet \\'s most famous baby .']\n", + "=======================\n", + "['the gofundme campaign has already topped its $ 75,000 goaljustin griner , the dad of \" success kid , \" needs a kidney transplant']\n", + "his dad , justin , needs a kidney transplant .success kid -- now an 8-year-old named sammy griner -- needs a little bit of that mojo to rub off on his family .( cnn ) \" success kid \" is likely the internet 's most famous baby .\n", + "the gofundme campaign has already topped its $ 75,000 goaljustin griner , the dad of \" success kid , \" needs a kidney transplant\n", + "[1.1342428 1.2113719 1.3633385 1.3347938 1.1284747 1.0476421 1.0463228\n", + " 1.0809134 1.0355418 1.0240862 1.1258312 1.1081978 1.0706618 1.0579659\n", + " 1.0280004 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 0 4 10 11 7 12 13 5 6 8 14 9 15 16 17 18]\n", + "=======================\n", + "[\"abi , 26 , from droitwich , worcestershire , works as a special effects make-up artist with the daily challenge of trying to find ways of slicing off fingers and impaling bodies in a completely pain-free way .make-up artist abi gordon-cody creates gruesome injuries using special effectsher instagram posts of severed fingers , rotting flesh and impaled limbs may seem like the work of an extremely violent ( or extremely clumsy ) person but abi 's injuries are , in fact , all a clever illusion .\"]\n", + "=======================\n", + "['abi gordon-cody creates gruesome injuries using special effects make-upher gory creations have earned her almost 3,000 followers on instagram26-year-old from droitwich watches horror films for inspiration']\n", + "abi , 26 , from droitwich , worcestershire , works as a special effects make-up artist with the daily challenge of trying to find ways of slicing off fingers and impaling bodies in a completely pain-free way .make-up artist abi gordon-cody creates gruesome injuries using special effectsher instagram posts of severed fingers , rotting flesh and impaled limbs may seem like the work of an extremely violent ( or extremely clumsy ) person but abi 's injuries are , in fact , all a clever illusion .\n", + "abi gordon-cody creates gruesome injuries using special effects make-upher gory creations have earned her almost 3,000 followers on instagram26-year-old from droitwich watches horror films for inspiration\n", + "[1.20041 1.3615199 1.3326589 1.3723545 1.2022108 1.1931481 1.2361141\n", + " 1.1940387 1.0413481 1.036651 1.024079 1.0097331 1.1821446 1.02036\n", + " 1.0140994 1.0096757 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 6 4 0 7 5 12 8 9 10 13 14 11 15 17 16 18]\n", + "=======================\n", + "['retro : the original 1959 barbie doll has been reproduced and goes back on sale this saturday in australiamyer have teamed up with mattel to re-produce the iconic dolls , which will be on sale at five of their stores across the country .the dolls are newly produced but modelled on the original barbie doll that was first released at the new york toy fair in 1959 .']\n", + "=======================\n", + "['original 1959 barbie has been reproduced and goes back on sale april 11myer have teamed up with mattel to re-release the iconic doll in australiathe first 500 dolls will be sold for the original 1959 price of $ 3.00the dolls will be sold for $ 34.95 after the promotional priced ones are gonepromotion is at sydney , melbourne , brisbane , perth , adelaide city stores']\n", + "retro : the original 1959 barbie doll has been reproduced and goes back on sale this saturday in australiamyer have teamed up with mattel to re-produce the iconic dolls , which will be on sale at five of their stores across the country .the dolls are newly produced but modelled on the original barbie doll that was first released at the new york toy fair in 1959 .\n", + "original 1959 barbie has been reproduced and goes back on sale april 11myer have teamed up with mattel to re-release the iconic doll in australiathe first 500 dolls will be sold for the original 1959 price of $ 3.00the dolls will be sold for $ 34.95 after the promotional priced ones are gonepromotion is at sydney , melbourne , brisbane , perth , adelaide city stores\n", + "[1.460177 1.2569842 1.1004922 1.1700444 1.0564444 1.2595427 1.1519839\n", + " 1.096157 1.121238 1.065143 1.0836936 1.0178514 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 5 1 3 6 8 2 7 10 9 4 11 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"four british sailors have been charged with sexual assault after an alleged attack on a woman in canada .the alleged attack is said to have taken place during a party at the military barracks where canada 's atlantic fleet are based .craig stoner , 24 , darren smalley , 35 , joshua finbow , 23 , and simon radford , 31 , were each charged with one count of sexual assault in connection with the alleged incident at a military base in shearwater , near halifax , nova scotia .\"]\n", + "=======================\n", + "['men were in canada playing a hockey tournament with canadian forcesalleged sex attack took place at military base in nova scotiasailors are being held and are due back in court on monday']\n", + "four british sailors have been charged with sexual assault after an alleged attack on a woman in canada .the alleged attack is said to have taken place during a party at the military barracks where canada 's atlantic fleet are based .craig stoner , 24 , darren smalley , 35 , joshua finbow , 23 , and simon radford , 31 , were each charged with one count of sexual assault in connection with the alleged incident at a military base in shearwater , near halifax , nova scotia .\n", + "men were in canada playing a hockey tournament with canadian forcesalleged sex attack took place at military base in nova scotiasailors are being held and are due back in court on monday\n", + "[1.1514603 1.4445094 1.3804842 1.2061156 1.3070378 1.1779104 1.1642495\n", + " 1.1024348 1.0606261 1.0438793 1.1064606 1.0312417 1.0122548 1.0074204\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 5 6 0 10 7 8 9 11 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"anna broom , of gillingham , in kent , has not worked since the age of 19 , during which time she has claimed more than # 100,000 in benefits .the jobless 33-year-old now wants an extra # 10,000 to fund her dream ` traditional english wedding and party in a castle ' .dream wedding : miss broom wants the government to loan her # 10,000 for her wedding to jordan burford\"]\n", + "=======================\n", + "['anna broom , 33 , not worked since 2001 and has claimed total of # 100,000declared unfit to work with depression and back pain due to her weightbride-to-be gets # 800 a month in benefits with fiancé jordan burford , 39wants # 10,000 loan to fund wedding , but unclear how she will pay it back']\n", + "anna broom , of gillingham , in kent , has not worked since the age of 19 , during which time she has claimed more than # 100,000 in benefits .the jobless 33-year-old now wants an extra # 10,000 to fund her dream ` traditional english wedding and party in a castle ' .dream wedding : miss broom wants the government to loan her # 10,000 for her wedding to jordan burford\n", + "anna broom , 33 , not worked since 2001 and has claimed total of # 100,000declared unfit to work with depression and back pain due to her weightbride-to-be gets # 800 a month in benefits with fiancé jordan burford , 39wants # 10,000 loan to fund wedding , but unclear how she will pay it back\n", + "[1.405513 1.1864249 1.3703268 1.207325 1.2146752 1.2378017 1.183835\n", + " 1.048537 1.0234818 1.025605 1.0399041 1.1813246 1.0184224 1.1166862\n", + " 1.0948716 1.0517972 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 5 4 3 1 6 11 13 14 15 7 10 9 8 12 18 16 17 19]\n", + "=======================\n", + "['the broccoli chemical sulforaphane is known to block the inflammation and damage to cartilage associated with arthritis ( file picture )but uk drug company evgen pharma has developed a stable synthetic version of the chemical that offers the potential of a pill treatment .sulforaphane in its natural form is also too unstable to turn into a medicine .']\n", + "=======================\n", + "['sulforaphane known to block inflammation and damage to the cartilagepeople would have to eat several pounds daily to derive significant benefitdrug company evgen pharma has developed synthetic version of chemical']\n", + "the broccoli chemical sulforaphane is known to block the inflammation and damage to cartilage associated with arthritis ( file picture )but uk drug company evgen pharma has developed a stable synthetic version of the chemical that offers the potential of a pill treatment .sulforaphane in its natural form is also too unstable to turn into a medicine .\n", + "sulforaphane known to block inflammation and damage to the cartilagepeople would have to eat several pounds daily to derive significant benefitdrug company evgen pharma has developed synthetic version of chemical\n", + "[1.2841984 1.3410705 1.2425743 1.2173779 1.362093 1.2009263 1.1412916\n", + " 1.0209558 1.0685337 1.0524342 1.022318 1.0195516 1.0689788 1.0407071\n", + " 1.0635499 1.0610822 1.0495872 1.1057065 1.0748968 1.0456464]\n", + "\n", + "[ 4 1 0 2 3 5 6 17 18 12 8 14 15 9 16 19 13 10 7 11]\n", + "=======================\n", + "[\"wayne heneker ( pictured ) recalled the day he was going about his usual drop off of funds at a local tavern in queensland during an interview with nine network 's a current affaira security guard who shot dead a masked gunman , only to find out seconds later the man was his friend , says he is still haunted by the attack which took place almost a year ago .during the attempted armed robbery , mr heneker says he felt he had no other choice but to shoot the bandit .\"]\n", + "=======================\n", + "['wayne heneker says the incident a year ago still haunts him todayhe was dropping off funds at a queensland tavern when he was ambushedmr heneker shot the masked gunman when he tried to tackle himseconds later , mr heneker discovered the man was an ex-colleaguemr heneker says he still struggles to cope with the fact he shot his friend']\n", + "wayne heneker ( pictured ) recalled the day he was going about his usual drop off of funds at a local tavern in queensland during an interview with nine network 's a current affaira security guard who shot dead a masked gunman , only to find out seconds later the man was his friend , says he is still haunted by the attack which took place almost a year ago .during the attempted armed robbery , mr heneker says he felt he had no other choice but to shoot the bandit .\n", + "wayne heneker says the incident a year ago still haunts him todayhe was dropping off funds at a queensland tavern when he was ambushedmr heneker shot the masked gunman when he tried to tackle himseconds later , mr heneker discovered the man was an ex-colleaguemr heneker says he still struggles to cope with the fact he shot his friend\n", + "[1.2376217 1.475391 1.217533 1.295396 1.1437652 1.1456852 1.1021821\n", + " 1.0591787 1.035464 1.0538257 1.0150782 1.0794083 1.0704505 1.0930691\n", + " 1.0920737 1.0307156 1.0160846 1.012207 1.0522952 0. ]\n", + "\n", + "[ 1 3 0 2 5 4 6 13 14 11 12 7 9 18 8 15 16 10 17 19]\n", + "=======================\n", + "[\"omar hussain , 27 , from high wycombe , first came to prominence when he appeared in a isis propaganda video , urging the west to send troops to fight isis , vowing ` we 'll send them back one by one in coffins . 'a british former supermarket security guard , who left his parents house and became an isis jihadist in syria , has been busy writing advice about ` dealing ' with wannabe jihadi brides .now the fighter has been promoting himself as an amateur islamic thinker , regularly attempting to write about daily issues faced by jihadists .\"]\n", + "=======================\n", + "[\"the lonely jihadi has been attempting to give advice on relationships with jihadi bridesthe extremists warns of ` temporary delight of sisters following you and praising you ' on social mediahussain initially joined jabhat al-nusra but switched to isis after just four months\"]\n", + "omar hussain , 27 , from high wycombe , first came to prominence when he appeared in a isis propaganda video , urging the west to send troops to fight isis , vowing ` we 'll send them back one by one in coffins . 'a british former supermarket security guard , who left his parents house and became an isis jihadist in syria , has been busy writing advice about ` dealing ' with wannabe jihadi brides .now the fighter has been promoting himself as an amateur islamic thinker , regularly attempting to write about daily issues faced by jihadists .\n", + "the lonely jihadi has been attempting to give advice on relationships with jihadi bridesthe extremists warns of ` temporary delight of sisters following you and praising you ' on social mediahussain initially joined jabhat al-nusra but switched to isis after just four months\n", + "[1.3687894 1.2288059 1.3274603 1.2600359 1.1788039 1.12356 1.0422136\n", + " 1.1122341 1.1087263 1.0626769 1.066791 1.1228446 1.1388097 1.0541847\n", + " 1.0259054 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 4 12 5 11 7 8 10 9 13 6 14 15 16 17 18 19]\n", + "=======================\n", + "[\"cabinet secretary sir jeremy heywood ordered an inquiry into claims that a leaked memo shows snp leader nicola sturgeon would prefer a tory general election victorythe investigation came after ms sturgeon claimed she was the victim of whitehall ` dirty tricks ' .the leaked memo , drafted by a british civil servant , reported ms sturgeon had privately told the diplomat ` she would n't want a formal coalition with labour ; that the snp would almost certainly have a large number of seats ... she 'd rather see david cameron remain as pm ' .\"]\n", + "=======================\n", + "['nicola sturgeon alleged to have made comments to french ambassadorsir jeremy heywood ordered probe after she dismissed memo as untrue']\n", + "cabinet secretary sir jeremy heywood ordered an inquiry into claims that a leaked memo shows snp leader nicola sturgeon would prefer a tory general election victorythe investigation came after ms sturgeon claimed she was the victim of whitehall ` dirty tricks ' .the leaked memo , drafted by a british civil servant , reported ms sturgeon had privately told the diplomat ` she would n't want a formal coalition with labour ; that the snp would almost certainly have a large number of seats ... she 'd rather see david cameron remain as pm ' .\n", + "nicola sturgeon alleged to have made comments to french ambassadorsir jeremy heywood ordered probe after she dismissed memo as untrue\n", + "[1.1706728 1.2424341 1.2572851 1.2136805 1.2416873 1.2285743 1.2910457\n", + " 1.0882834 1.0759189 1.0972534 1.1520395 1.0547119 1.0258049 1.0274664\n", + " 1.0357208 1.0184253 1.034408 1.0230091 1.0228375 1.0656248]\n", + "\n", + "[ 6 2 1 4 5 3 0 10 9 7 8 19 11 14 16 13 12 17 18 15]\n", + "=======================\n", + "[\"the patriots beat seattle seahawks 28-24 to win the nfl super bowl in glendale , arizona with brady named as mvp for the third time in his fourth super bowl victory .however , a spokesman for the patriots said ` prior family commitments ' were the reason why brady did n't attend the visit .but there was one notable absence from the patriots squad who visited on thursday , with quarterback tom brady nowhere to be seen .\"]\n", + "=======================\n", + "[\"new england patriots beat seattle seahawks 28-24 to win super bowl xlixpatriots visited the white house on thursday to meet president obamatom brady was nowhere to be seen , citing ` family commitments ' as reasonfebruary 's super bowl victory was brady 's fourth in a glittering career\"]\n", + "the patriots beat seattle seahawks 28-24 to win the nfl super bowl in glendale , arizona with brady named as mvp for the third time in his fourth super bowl victory .however , a spokesman for the patriots said ` prior family commitments ' were the reason why brady did n't attend the visit .but there was one notable absence from the patriots squad who visited on thursday , with quarterback tom brady nowhere to be seen .\n", + "new england patriots beat seattle seahawks 28-24 to win super bowl xlixpatriots visited the white house on thursday to meet president obamatom brady was nowhere to be seen , citing ` family commitments ' as reasonfebruary 's super bowl victory was brady 's fourth in a glittering career\n", + "[1.2556579 1.331964 1.2782854 1.2641168 1.2348067 1.0937926 1.0793877\n", + " 1.120618 1.0405214 1.0690001 1.1218989 1.1122466 1.138487 1.0675619\n", + " 1.0518216 1.034079 1.0307099 1.0229381 1.0157932 1.0829573 1.1050823]\n", + "\n", + "[ 1 2 3 0 4 12 10 7 11 20 5 19 6 9 13 14 8 15 16 17 18]\n", + "=======================\n", + "[\"police in shanghai revealed today that they had seized three million knock-off condoms - thought to be worth nearly # 1.3 million on the black market - after they broke up a large operation covering eight provinces .officers said the lubricating oil used on the condoms at one production line in henan province was so disgusting that it made them feel sick , according to the people 's daily online .dodgy work : fake condoms were made in a makeshift workshop in shanghai\"]\n", + "=======================\n", + "['three million condoms seized in shanghai , thought to be worth # 1.3 mtests found they contained toxic metals that could be danger to healthpolice uncovered a large network operating across eight provincesofficers said lubricating oil used at one workshop made them feel sick']\n", + "police in shanghai revealed today that they had seized three million knock-off condoms - thought to be worth nearly # 1.3 million on the black market - after they broke up a large operation covering eight provinces .officers said the lubricating oil used on the condoms at one production line in henan province was so disgusting that it made them feel sick , according to the people 's daily online .dodgy work : fake condoms were made in a makeshift workshop in shanghai\n", + "three million condoms seized in shanghai , thought to be worth # 1.3 mtests found they contained toxic metals that could be danger to healthpolice uncovered a large network operating across eight provincesofficers said lubricating oil used at one workshop made them feel sick\n", + "[1.2282829 1.4697589 1.3006139 1.2306613 1.2396514 1.0400411 1.030862\n", + " 1.0522159 1.1420676 1.0374113 1.1331601 1.0841459 1.193351 1.1150328\n", + " 1.0365599 1.2032839 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 0 15 12 8 10 13 11 7 5 9 14 6 19 16 17 18 20]\n", + "=======================\n", + "[\"the 20-day-old ` spider goat ' - as it has been ( inaccurately ) nicknamed by chinese web users - was born with four forelegs and two hind legs .xiao qibin , owner of the farm , said the baby goat is growing quickly and healthily with ` an extraordinary appetite ' , the people 's daily online reports .mr xiao started running his goat farm in chaohu in anhui province about a year ago and owns more than 400 goats .\"]\n", + "=======================\n", + "[\"farmer from eastern china confesses he 's puzzled by the newborn kidthe 20-day-old goat was born with four fore legs and two hind legsowner says unusual animal has an extraordinary appetite and is playfulextra legs wo n't be removed as farmer wants kid to grow up naturally\"]\n", + "the 20-day-old ` spider goat ' - as it has been ( inaccurately ) nicknamed by chinese web users - was born with four forelegs and two hind legs .xiao qibin , owner of the farm , said the baby goat is growing quickly and healthily with ` an extraordinary appetite ' , the people 's daily online reports .mr xiao started running his goat farm in chaohu in anhui province about a year ago and owns more than 400 goats .\n", + "farmer from eastern china confesses he 's puzzled by the newborn kidthe 20-day-old goat was born with four fore legs and two hind legsowner says unusual animal has an extraordinary appetite and is playfulextra legs wo n't be removed as farmer wants kid to grow up naturally\n", + "[1.1477886 1.2042136 1.5730343 1.1982912 1.2757075 1.2689557 1.1079831\n", + " 1.0717878 1.0465716 1.0252308 1.011887 1.1056347 1.148437 1.0190902\n", + " 1.0200347 1.0113078 1.0399495 1.0613284 1.0213958 1.0295237 0. ]\n", + "\n", + "[ 2 4 5 1 3 12 0 6 11 7 17 8 16 19 9 18 14 13 10 15 20]\n", + "=======================\n", + "['nico rosberg will start behind pole-sitter lewis hamilton with sebastian vettel third on the grid in chinasebastian vettel of ferrari is third , nearly a second adrift of hamilton .hamilton , the world champion , was relaxed and delighted having taken pole but rosberg , his team-mate , was grim-faced , demoralised and made his first public criticism of his team .']\n", + "=======================\n", + "[\"nico rosberg was the last driver out of the pit-lane and was forced to turn in a quicker out-lap than he would have liked ahead of his final shot at polethe german narrowly lost out to his team-mate lewis hamiltonrosberg was just 0.042 secs slower than his mercedes rivalrosberg also said : ` oh , come on , guys ' , over the team radio after he was informed he 'd missed out on pole for sunday 's chinese grand prix\"]\n", + "nico rosberg will start behind pole-sitter lewis hamilton with sebastian vettel third on the grid in chinasebastian vettel of ferrari is third , nearly a second adrift of hamilton .hamilton , the world champion , was relaxed and delighted having taken pole but rosberg , his team-mate , was grim-faced , demoralised and made his first public criticism of his team .\n", + "nico rosberg was the last driver out of the pit-lane and was forced to turn in a quicker out-lap than he would have liked ahead of his final shot at polethe german narrowly lost out to his team-mate lewis hamiltonrosberg was just 0.042 secs slower than his mercedes rivalrosberg also said : ` oh , come on , guys ' , over the team radio after he was informed he 'd missed out on pole for sunday 's chinese grand prix\n", + "[1.3914301 1.4679954 1.1220782 1.1248338 1.364219 1.3034809 1.1334617\n", + " 1.0773505 1.0855918 1.1574051 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 5 9 6 3 2 8 7 18 17 16 15 10 13 12 11 19 14 20]\n", + "=======================\n", + "[\"the colombia forward spent eight years with the argentine side before leaving for porto in 2009 and river plate are open to falcao returning .river plate vice president matias patanian admits the club ` dream of falcao ' and that ` the doors are open 'falcao scored 34 goals in 90 appearances for the argentine club during his four seasons in the first team\"]\n", + "=======================\n", + "[\"river plate admit they ` dream ' of manchester united striker radamel falcaothe colombia international spent eight years with the argentine clubfalcao has managed just four goals in 19 premier league appearancesread : falcao still ` has faith ' that he could continue at man utd next seasonclick here for the latest manchester united news\"]\n", + "the colombia forward spent eight years with the argentine side before leaving for porto in 2009 and river plate are open to falcao returning .river plate vice president matias patanian admits the club ` dream of falcao ' and that ` the doors are open 'falcao scored 34 goals in 90 appearances for the argentine club during his four seasons in the first team\n", + "river plate admit they ` dream ' of manchester united striker radamel falcaothe colombia international spent eight years with the argentine clubfalcao has managed just four goals in 19 premier league appearancesread : falcao still ` has faith ' that he could continue at man utd next seasonclick here for the latest manchester united news\n", + "[1.2603583 1.2708875 1.3742138 1.2441516 1.1691029 1.0395405 1.0695817\n", + " 1.1198423 1.1608565 1.0752418 1.0601974 1.0987453 1.0944494 1.044259\n", + " 1.0328467 1.0261247 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 4 8 7 11 12 9 6 10 13 5 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"miss campbell , 30 , was struck down with a condition that caused her stomach to rupture , leaving her fighting for her life in intensive care , and feared she would not be there to help lexi-river blow out the candles on her cake .but behind the joy of celebrating daughter lexi-river 's first birthday , the former army corporal has battled new agony after twice nearly dying from a mystery illness since the birth .blown up in iraq , hannah campbell defied the odds to have a miracle baby after shrapnel damaged her womb .\"]\n", + "=======================\n", + "[\"hannah campbell , 30 , had miracle baby after shrapnel damaged her wombbut since birth she has battled with a mystery illness - nearly dying twiceas she tried to recover her relationship with long-term partner broke downanthony mcmorrow , 32 , agreed new baby lexi-river will be their priorityshe will have tests next month to explore what is causing rare conditionmiss campbell 's pregnancy appears in my extraordinary pregnancy , starting on monday on tlc .\"]\n", + "miss campbell , 30 , was struck down with a condition that caused her stomach to rupture , leaving her fighting for her life in intensive care , and feared she would not be there to help lexi-river blow out the candles on her cake .but behind the joy of celebrating daughter lexi-river 's first birthday , the former army corporal has battled new agony after twice nearly dying from a mystery illness since the birth .blown up in iraq , hannah campbell defied the odds to have a miracle baby after shrapnel damaged her womb .\n", + "hannah campbell , 30 , had miracle baby after shrapnel damaged her wombbut since birth she has battled with a mystery illness - nearly dying twiceas she tried to recover her relationship with long-term partner broke downanthony mcmorrow , 32 , agreed new baby lexi-river will be their priorityshe will have tests next month to explore what is causing rare conditionmiss campbell 's pregnancy appears in my extraordinary pregnancy , starting on monday on tlc .\n", + "[1.3440857 1.2590787 1.2470704 1.2719268 1.2130425 1.1403364 1.0750109\n", + " 1.0812627 1.0912337 1.0243225 1.1824167 1.0384946 1.0149691 1.0586301\n", + " 1.0929494 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 10 5 14 8 7 6 13 11 9 12 19 15 16 17 18 20]\n", + "=======================\n", + "[\"a sheriff 's department in florida has released a video showing spring break revelers milling about on a beach not 10 feet from where an unconscious 19-year-old girl was being gang raped by a group of men .bay county sheriff frank mckeithen described the graphic video as the ` most disgusting , sickening thing ' he had ever seen likened the scene to ` wild animals preying on a carcass laying in the woods ' .the brief cellphone clip came to light as deputies continued searching for two additional suspects in the march attack in panama city beach that was witnessed by hundreds of people who failed to intervene .\"]\n", + "=======================\n", + "[\"troy university students delonte ' martistee , 22 , and ryan austin calhoun , 23 , have been suspended from the alabama schoolboth have been charged in connection to an alleged sexual attack on an unconscious woman during a spring break part in floridapolice in troy , alabama , found the video while investigating a shootingvideo ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervenetwo additional suspects are being sought in connection to the incident and more arrests are suspectedmartistee was a promising track star from bainbridge , georgia\"]\n", + "a sheriff 's department in florida has released a video showing spring break revelers milling about on a beach not 10 feet from where an unconscious 19-year-old girl was being gang raped by a group of men .bay county sheriff frank mckeithen described the graphic video as the ` most disgusting , sickening thing ' he had ever seen likened the scene to ` wild animals preying on a carcass laying in the woods ' .the brief cellphone clip came to light as deputies continued searching for two additional suspects in the march attack in panama city beach that was witnessed by hundreds of people who failed to intervene .\n", + "troy university students delonte ' martistee , 22 , and ryan austin calhoun , 23 , have been suspended from the alabama schoolboth have been charged in connection to an alleged sexual attack on an unconscious woman during a spring break part in floridapolice in troy , alabama , found the video while investigating a shootingvideo ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervenetwo additional suspects are being sought in connection to the incident and more arrests are suspectedmartistee was a promising track star from bainbridge , georgia\n", + "[1.4886651 1.4655786 1.3414631 1.362114 1.2072895 1.0572664 1.0166814\n", + " 1.0166758 1.2128503 1.1600181 1.0219307 1.0259565 1.0212872 1.0341184\n", + " 1.1042287 1.0242299 1.0244198 1.0109295 1.032578 1.0389903 1.0667253]\n", + "\n", + "[ 0 1 3 2 8 4 9 14 20 5 19 13 18 11 16 15 10 12 6 7 17]\n", + "=======================\n", + "['napoli coach rafa benitez on wednesday quashed speculation that he is to return to the premier league to take charge manchester city .the former liverpool and chelsea manager has yet to sign a contract extension with napoli , with his current deal ending this summer .napoli boss rafael benitez has dismissed reports linking him to the manchester city job']\n", + "=======================\n", + "['rafael benitez has dismissed speculation linking him to manchester citythe former chelsea and liverpool manager is being touted as a potential successor for under-pressure city boss manuel pellegrinibenitez insists he is fully focused on his job at napolihe won the coppa italia last season and has led napoli to brink of the europa league semi-finals this term']\n", + "napoli coach rafa benitez on wednesday quashed speculation that he is to return to the premier league to take charge manchester city .the former liverpool and chelsea manager has yet to sign a contract extension with napoli , with his current deal ending this summer .napoli boss rafael benitez has dismissed reports linking him to the manchester city job\n", + "rafael benitez has dismissed speculation linking him to manchester citythe former chelsea and liverpool manager is being touted as a potential successor for under-pressure city boss manuel pellegrinibenitez insists he is fully focused on his job at napolihe won the coppa italia last season and has led napoli to brink of the europa league semi-finals this term\n", + "[1.3153247 1.559896 1.3913652 1.3553326 1.095097 1.0383754 1.0322063\n", + " 1.0205423 1.0423614 1.0783781 1.0193994 1.0178064 1.2451226 1.157672\n", + " 1.0299829 1.2146715 1.1023828 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 12 15 13 16 4 9 8 5 6 14 7 10 11 19 17 18 20]\n", + "=======================\n", + "['the dual carriageway was shut for an hour on monday afternoon after she drove a red peugeot towards southend -- but on the london-bound stretch .some cars were forced into the central barrier and one man needed treatment for neck and back injuries .a woman driver in her 80s caused chaos when she drove the wrong way along the busy a13 in essex .']\n", + "=======================\n", + "['woman drove red peugeot towards southend on london-bound stretchseveral cars crashed as she drove wrong way on a13man was left with neck and back injuries after swerving out of the wayincident closed busy stretch for more than an hour causing big tailbacks']\n", + "the dual carriageway was shut for an hour on monday afternoon after she drove a red peugeot towards southend -- but on the london-bound stretch .some cars were forced into the central barrier and one man needed treatment for neck and back injuries .a woman driver in her 80s caused chaos when she drove the wrong way along the busy a13 in essex .\n", + "woman drove red peugeot towards southend on london-bound stretchseveral cars crashed as she drove wrong way on a13man was left with neck and back injuries after swerving out of the wayincident closed busy stretch for more than an hour causing big tailbacks\n", + "[1.3807926 1.1808734 1.2540197 1.2497168 1.1672218 1.2221591 1.0883348\n", + " 1.0818259 1.0625439 1.0582752 1.0486476 1.0879538 1.1366946 1.0492284\n", + " 1.0463543 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 5 1 4 12 6 11 7 8 9 13 10 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"corinthian colleges will shut down all of its remaining 28 ground campuses , displacing about 16,000 students less than two weeks after the us department of education announced it was fining the for-profit institution $ 30 million .the closures include heald college campuses in california , hawaii and oregon , as well as everest and wyotech schools in california , arizona and new york .corinthian was one of the country 's largest for-profit educational institutions .\"]\n", + "=======================\n", + "['for-profit school closing after being fined $ 30million by dept of educationcorinthian found to have misrepresented student job placement datacalifornia-based company closes schools , largely on the west coaststudents face thousands in student loan debts with no answers as to whether they will receive refundsinstitution generated $ 1.2 billion in government loans its final year']\n", + "corinthian colleges will shut down all of its remaining 28 ground campuses , displacing about 16,000 students less than two weeks after the us department of education announced it was fining the for-profit institution $ 30 million .the closures include heald college campuses in california , hawaii and oregon , as well as everest and wyotech schools in california , arizona and new york .corinthian was one of the country 's largest for-profit educational institutions .\n", + "for-profit school closing after being fined $ 30million by dept of educationcorinthian found to have misrepresented student job placement datacalifornia-based company closes schools , largely on the west coaststudents face thousands in student loan debts with no answers as to whether they will receive refundsinstitution generated $ 1.2 billion in government loans its final year\n", + "[1.3460455 1.2636807 1.2474092 1.3430005 1.0793641 1.1896148 1.0276746\n", + " 1.0141493 1.0171392 1.0667206 1.1721224 1.0339115 1.035393 1.0532646\n", + " 1.1663158 1.0200824 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 5 10 14 4 9 13 12 11 6 15 8 7 19 16 17 18 20]\n", + "=======================\n", + "[\"the kevin pietersen camp have scored a comprehensive win in the pr battle with the england and wales cricket board without calling on any outside assistance .kevin pietersen scored 170 for surrey in the parks as he bids to earn a recall to the england squadit has been assumed that the way kp outplayed the ecb 's army of media personnel at every turn was because his agents , mission sports management , had expert help guiding their strategy .\"]\n", + "=======================\n", + "[\"kevin pietersen has managed to outplay the ecb 's media personneladam wheatley says mission sports management had no outside helpandy flower 's job description is similar to new director of cricket roleformer glazer family spokesman tehsin nayani is releasing a bookwest indies ' shivnarine chanderpaul hoping to play with son tagenarine\"]\n", + "the kevin pietersen camp have scored a comprehensive win in the pr battle with the england and wales cricket board without calling on any outside assistance .kevin pietersen scored 170 for surrey in the parks as he bids to earn a recall to the england squadit has been assumed that the way kp outplayed the ecb 's army of media personnel at every turn was because his agents , mission sports management , had expert help guiding their strategy .\n", + "kevin pietersen has managed to outplay the ecb 's media personneladam wheatley says mission sports management had no outside helpandy flower 's job description is similar to new director of cricket roleformer glazer family spokesman tehsin nayani is releasing a bookwest indies ' shivnarine chanderpaul hoping to play with son tagenarine\n", + "[1.3969518 1.318657 1.1697326 1.1871905 1.1484988 1.2506952 1.1300473\n", + " 1.0650997 1.0261517 1.0282223 1.0294749 1.107178 1.0546842 1.2305915\n", + " 1.1375554 1.0128112 1.0222747 1.0609294 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 13 3 2 4 14 6 11 7 17 12 10 9 8 16 15 18 19 20 21 22 23\n", + " 24 25 26]\n", + "=======================\n", + "[\"lionel messi 's foot swelling is still a concern for barcelona after the argentine star missed both games for his country during the international break , and he now faces tests to determine whether he will be fit to tackle celta vigo on sunday .the worries about messi 's fitness make the front cover of spanish paper sport , who say that the four-time ballon d'or winner wants to play as his side look to close in on the la liga title .espn have claimed that messi 's injury was the result of a tackle by manchester city 's martin demichelis\"]\n", + "=======================\n", + "[\"lionel messi faces tests on thursday to see if he will be fit for barcelonaargentine star missed both games for his country with a swollen footchelsea and manchester city could be keen on valencia 's jose luis gayareal madrid 's signing of danilo shows an intention to gamble on the futurel'equipe speculates that radamel falcao could return to play for monaco\"]\n", + "lionel messi 's foot swelling is still a concern for barcelona after the argentine star missed both games for his country during the international break , and he now faces tests to determine whether he will be fit to tackle celta vigo on sunday .the worries about messi 's fitness make the front cover of spanish paper sport , who say that the four-time ballon d'or winner wants to play as his side look to close in on the la liga title .espn have claimed that messi 's injury was the result of a tackle by manchester city 's martin demichelis\n", + "lionel messi faces tests on thursday to see if he will be fit for barcelonaargentine star missed both games for his country with a swollen footchelsea and manchester city could be keen on valencia 's jose luis gayareal madrid 's signing of danilo shows an intention to gamble on the futurel'equipe speculates that radamel falcao could return to play for monaco\n", + "[1.5098374 1.2665005 1.3079964 1.4180762 1.3237911 1.353364 1.0631404\n", + " 1.0178466 1.0191846 1.015222 1.0192864 1.0258821 1.0130249 1.0201313\n", + " 1.0144452 1.0264001 1.0116776 1.0114846 1.0170951 1.0756311 1.0773164\n", + " 1.1227212 1.0424329 1.0107038 1.0102865 1.0076721 1.0100327]\n", + "\n", + "[ 0 3 5 4 2 1 21 20 19 6 22 15 11 13 10 8 7 18 9 14 12 16 17 23\n", + " 24 26 25]\n", + "=======================\n", + "[\"jose mourinho will play nemanja matic and cesc fabregas against queens park rangers , despite the threat of the duo missing the crunch clashes against arsenal and manchester united .chelsea 's cesc fabregas will start against qpr despite being one booking away from a two-game banchelsea boss jose mourinho is unwilling to look beyond sunday 's london derby at loftus road\"]\n", + "=======================\n", + "['cesc fabregas and nemanja matic will miss games against arsenal and manchester united if they are booked against qprjose mourinho will start the midfield duo despite the risks involvedchelsea boss expects a hostile atmosphere at loftus road on sunday']\n", + "jose mourinho will play nemanja matic and cesc fabregas against queens park rangers , despite the threat of the duo missing the crunch clashes against arsenal and manchester united .chelsea 's cesc fabregas will start against qpr despite being one booking away from a two-game banchelsea boss jose mourinho is unwilling to look beyond sunday 's london derby at loftus road\n", + "cesc fabregas and nemanja matic will miss games against arsenal and manchester united if they are booked against qprjose mourinho will start the midfield duo despite the risks involvedchelsea boss expects a hostile atmosphere at loftus road on sunday\n", + "[1.2727447 1.418782 1.1806839 1.3406823 1.220501 1.114776 1.1734806\n", + " 1.1523403 1.0223571 1.0237204 1.0841287 1.0476524 1.0200393 1.0188944\n", + " 1.1545205 1.020978 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 6 14 7 5 10 11 9 8 15 12 13 16 17 18 19 20 21 22 23\n", + " 24 25 26]\n", + "=======================\n", + "[\"the aid agency has been negotiating for a week to deliver life-saving supplies and equipment to yemen , where the coalition has conducted 11 days of air strikes against iran-backed shi'ite houthis .the un last week said that more than 500 people had been killed in two weeks of fighting in yemen .the red cross hopes to bring vital medical supplies and aid workers into yemen after receiving approval from the saudi-led military coalition , an icrc spokeswoman said .\"]\n", + "=======================\n", + "[\"aid agency received approval from saudi-led coalition to enter yemenit has been negotiating for weeks to deliver emergency food and supplies11 days of coalition airstrikes on iran-backed shi'ite houthi rebel positions have left more than 500 people dead and many more displacednews comes as pakistan begins talks to join the coalition of sunni nations\"]\n", + "the aid agency has been negotiating for a week to deliver life-saving supplies and equipment to yemen , where the coalition has conducted 11 days of air strikes against iran-backed shi'ite houthis .the un last week said that more than 500 people had been killed in two weeks of fighting in yemen .the red cross hopes to bring vital medical supplies and aid workers into yemen after receiving approval from the saudi-led military coalition , an icrc spokeswoman said .\n", + "aid agency received approval from saudi-led coalition to enter yemenit has been negotiating for weeks to deliver emergency food and supplies11 days of coalition airstrikes on iran-backed shi'ite houthi rebel positions have left more than 500 people dead and many more displacednews comes as pakistan begins talks to join the coalition of sunni nations\n", + "[1.3728293 1.3476704 1.3057034 1.1522758 1.3090892 1.1539284 1.1270546\n", + " 1.1660147 1.066263 1.0791446 1.1086215 1.0626755 1.010683 1.0087605\n", + " 1.0216994 1.0757155 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 7 5 3 6 10 9 15 8 11 14 12 13 16 17 18 19 20 21 22 23\n", + " 24 25 26]\n", + "=======================\n", + "['los angeles kings forward jarret stoll was arrested on friday in las vegas , nevada , on drug possession charges , and looked wide-eyed and alert in his mugshot .stoll , 32 , is the longtime boyfriend of dancing with the stars host erin andrews , a former espn employee who now works as an nfl sideline reporter for fox sports .the nhl player was arrested for possession of cocaine and mdma , also known as molly , at the wet republic pool at the mgm grand hotel shortly before 5pm .']\n", + "=======================\n", + "['los angeles kings forward arrested friday on drug possession chargeshockey player was busted at the wet republic pool at mgm grand hotelhe was booked at clark county detention center and posted $ 5,000 bailthe charges include possession of class 1 , 2 , 3 and 4 controlled substanceshe was in the news in 2013 when he had an unexplained seizure at his homestoll celebrated the end of both the 2012 and 2014 season at the mgm grand as well with his kings teammates']\n", + "los angeles kings forward jarret stoll was arrested on friday in las vegas , nevada , on drug possession charges , and looked wide-eyed and alert in his mugshot .stoll , 32 , is the longtime boyfriend of dancing with the stars host erin andrews , a former espn employee who now works as an nfl sideline reporter for fox sports .the nhl player was arrested for possession of cocaine and mdma , also known as molly , at the wet republic pool at the mgm grand hotel shortly before 5pm .\n", + "los angeles kings forward arrested friday on drug possession chargeshockey player was busted at the wet republic pool at mgm grand hotelhe was booked at clark county detention center and posted $ 5,000 bailthe charges include possession of class 1 , 2 , 3 and 4 controlled substanceshe was in the news in 2013 when he had an unexplained seizure at his homestoll celebrated the end of both the 2012 and 2014 season at the mgm grand as well with his kings teammates\n", + "[1.6038175 1.3905909 1.3829665 1.2505352 1.165817 1.2604474 1.0247465\n", + " 1.0255594 1.0198787 1.0992291 1.0189342 1.1222819 1.0588794 1.0113586\n", + " 1.0242364 1.0146338 1.0912235 1.0102221 1.0076319 1.0116732 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 5 3 4 11 9 16 12 7 6 14 8 10 15 19 13 17 18 25 20 21 22\n", + " 23 24 26]\n", + "=======================\n", + "[\"paris saint-germain forward edinson cavani has rejected rumours that he does not get on with team-mate zlatan ibrahimovic insisting the only issue he has is being played out of position .reports had suggested a breakdown in the pair 's relationship and earlier in the season coach laurent blanc even said they must improve their partnership on the pitch .former napoli forward cavani admits that he and ibrahimovic are not necessarily friends but dismissed speculation of a rift with the sweden international .\"]\n", + "=======================\n", + "['reports claim that edinson cavani and zlatan ibrahimovic do not get onuruguay striker says he and ibrahimovic have a respectful relationshipbut former napoli striker cavani admits the pair are not close friendscavani does , however , take issue with being played out of position']\n", + "paris saint-germain forward edinson cavani has rejected rumours that he does not get on with team-mate zlatan ibrahimovic insisting the only issue he has is being played out of position .reports had suggested a breakdown in the pair 's relationship and earlier in the season coach laurent blanc even said they must improve their partnership on the pitch .former napoli forward cavani admits that he and ibrahimovic are not necessarily friends but dismissed speculation of a rift with the sweden international .\n", + "reports claim that edinson cavani and zlatan ibrahimovic do not get onuruguay striker says he and ibrahimovic have a respectful relationshipbut former napoli striker cavani admits the pair are not close friendscavani does , however , take issue with being played out of position\n", + "[1.2558635 1.2702258 1.3765067 1.2939187 1.1934196 1.0947512 1.1046376\n", + " 1.0709165 1.1154668 1.0265087 1.1018696 1.021092 1.1179976 1.046483\n", + " 1.024821 1.0405085 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 0 4 12 8 6 10 5 7 13 15 9 14 11 18 16 17 19]\n", + "=======================\n", + "[\"new broadcasting house in central london covers half a million square feet , took a decade to build and was opened by the queen in 2013 -- four years behind schedule and at least # 55 million over budget .but in a development that could have come straight out of the sitcom , it has been revealed that the corporation is paying tens of thousands of pounds of taxpayers ' money to book meetings in nearby buildings because the headquarters lacks space .the huge steel-and-glass building has specially designed ` huddle zones ' and a ` meeting tower ' on stilts in the atrium .\"]\n", + "=======================\n", + "[\"new broadcasting house in central london took a decade to buildit was opened by the queen in 2013 at least # 55million over budgetbut the bbc has now admitted it ` occasionally ' runs out of meeting rooms\"]\n", + "new broadcasting house in central london covers half a million square feet , took a decade to build and was opened by the queen in 2013 -- four years behind schedule and at least # 55 million over budget .but in a development that could have come straight out of the sitcom , it has been revealed that the corporation is paying tens of thousands of pounds of taxpayers ' money to book meetings in nearby buildings because the headquarters lacks space .the huge steel-and-glass building has specially designed ` huddle zones ' and a ` meeting tower ' on stilts in the atrium .\n", + "new broadcasting house in central london took a decade to buildit was opened by the queen in 2013 at least # 55million over budgetbut the bbc has now admitted it ` occasionally ' runs out of meeting rooms\n", + "[1.0575992 1.4801817 1.4595233 1.42201 1.0927687 1.0234946 1.0325971\n", + " 1.1396443 1.2339865 1.2558203 1.1174777 1.0358047 1.0240176 1.0101953\n", + " 1.0138749 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 9 8 7 10 4 0 11 6 12 5 14 13 18 15 16 17 19]\n", + "=======================\n", + "[\"one-year-old anna and six-year-old indi have been thrilling crowds at surfing competitions for dogs after taking to the sport like a duck to water .with the help of their owner , zane jones , the four-legged surfers use their low centre of gravity to keep them stable while hanging ten off the coast of queensland , australia .indi , who won a runners-up medal at a competition , has been trained to lift her paw to ` hang five '\"]\n", + "=======================\n", + "[\"anna and indi have been surfing since they were about 10 weeks oldtheir best result to date is a runners-up medal won by indiindi has been trained to lift her paw to ` hang five ' while surfing\"]\n", + "one-year-old anna and six-year-old indi have been thrilling crowds at surfing competitions for dogs after taking to the sport like a duck to water .with the help of their owner , zane jones , the four-legged surfers use their low centre of gravity to keep them stable while hanging ten off the coast of queensland , australia .indi , who won a runners-up medal at a competition , has been trained to lift her paw to ` hang five '\n", + "anna and indi have been surfing since they were about 10 weeks oldtheir best result to date is a runners-up medal won by indiindi has been trained to lift her paw to ` hang five ' while surfing\n", + "[1.252063 1.3167093 1.2808614 1.1383293 1.4233258 1.1554939 1.0788615\n", + " 1.0492233 1.0310037 1.0618157 1.0392737 1.0460298 1.0588046 1.060684\n", + " 1.0145626 1.1978648 1.1137049 1.0746632 1.0876913 0. ]\n", + "\n", + "[ 4 1 2 0 15 5 3 16 18 6 17 9 13 12 7 11 10 8 14 19]\n", + "=======================\n", + "['ankit keshri had passed away after suffering a cardiac arrest following an on-field injury in kolkataaccording to reports , keshri collided with a team-mate as they both attempted to take a catch in a senior one-day match match in kolkata ( formerly calcutter ) on friday , and though he regained consciousness afterwards , he died in hospital on monday .former national team captain sachin tendulkar , the highest runscorer in test and one-day international history , was among several india stars to offer their condolences at the news .']\n", + "=======================\n", + "['ankit keshri , 20 , regained consciousness after colliding with team-matehowever , he died three days later in hospital after suffering cardiac arrestsachin tendulkar is one of several stars to give his condolencestragedy comes five months after australia batsman phillip hughes died']\n", + "ankit keshri had passed away after suffering a cardiac arrest following an on-field injury in kolkataaccording to reports , keshri collided with a team-mate as they both attempted to take a catch in a senior one-day match match in kolkata ( formerly calcutter ) on friday , and though he regained consciousness afterwards , he died in hospital on monday .former national team captain sachin tendulkar , the highest runscorer in test and one-day international history , was among several india stars to offer their condolences at the news .\n", + "ankit keshri , 20 , regained consciousness after colliding with team-matehowever , he died three days later in hospital after suffering cardiac arrestsachin tendulkar is one of several stars to give his condolencestragedy comes five months after australia batsman phillip hughes died\n", + "[1.2869093 1.2963707 1.3155516 1.2930607 1.2503233 1.1710122 1.0523441\n", + " 1.2381026 1.1997849 1.1194047 1.0578022 1.0346234 1.0123966 1.0857177\n", + " 1.0587649 1.1017686 1.0303884 1.0179787 1.0074923 1.0878364]\n", + "\n", + "[ 2 1 3 0 4 7 8 5 9 15 19 13 14 10 6 11 16 17 12 18]\n", + "=======================\n", + "[\"the cage was specifically designed for him to as a ` withdrawal space ' while in class .it was announced yesterday an investigation was underway after it emerged a 10-year-old autistic bot was put in a 2m by 2m structure by his teachers at a canberra school .the principal of a school in canberra has been suspended after it was revealed that an autistic boy was locked in a metal cage .\"]\n", + "=======================\n", + "[\"principal suspended after it emerged an autistic boy was locked in a cage10-year-old boy was forced into a ` withdrawal space ' inside the classroomact education minister joy burch said words can not describe the horrorissue raised after complaint was made to act human rights commissionshadow education minister kate ellis says incident ` deeply disturbing '\"]\n", + "the cage was specifically designed for him to as a ` withdrawal space ' while in class .it was announced yesterday an investigation was underway after it emerged a 10-year-old autistic bot was put in a 2m by 2m structure by his teachers at a canberra school .the principal of a school in canberra has been suspended after it was revealed that an autistic boy was locked in a metal cage .\n", + "principal suspended after it emerged an autistic boy was locked in a cage10-year-old boy was forced into a ` withdrawal space ' inside the classroomact education minister joy burch said words can not describe the horrorissue raised after complaint was made to act human rights commissionshadow education minister kate ellis says incident ` deeply disturbing '\n", + "[1.3091953 1.3359928 1.3441199 1.2821403 1.1285931 1.062616 1.0284041\n", + " 1.0365946 1.0260254 1.0601708 1.0301677 1.0864481 1.0208676 1.0436169\n", + " 1.0468059 1.0469078 1.0465674 1.0372912 1.0696695 1.0517163]\n", + "\n", + "[ 2 1 0 3 4 11 18 5 9 19 15 14 16 13 17 7 10 6 8 12]\n", + "=======================\n", + "[\"she accessorised her skinny jeans , leather jacket and ` team romeo ' t-shirt with a pair of alaïa boots , which retail at approximately # 1,500 .as one of the world 's most successful female designers , victoria beckham was unlikely to turn up at the london marathon in trainers .get a similar style at farfetch !\"]\n", + "=======================\n", + "['victoria beckham was at the london marathon to cheer on her son romeothe star wore a pair of alaïa boots , which retail at approximately # 1,500she was joined by husband david and sons brooklyn and cruz']\n", + "she accessorised her skinny jeans , leather jacket and ` team romeo ' t-shirt with a pair of alaïa boots , which retail at approximately # 1,500 .as one of the world 's most successful female designers , victoria beckham was unlikely to turn up at the london marathon in trainers .get a similar style at farfetch !\n", + "victoria beckham was at the london marathon to cheer on her son romeothe star wore a pair of alaïa boots , which retail at approximately # 1,500she was joined by husband david and sons brooklyn and cruz\n", + "[1.2489859 1.3272617 1.2936407 1.1678888 1.1248924 1.0997176 1.0720941\n", + " 1.1489702 1.1397629 1.1367579 1.0922362 1.0515304 1.0761634 1.0570666\n", + " 1.0584382 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 7 8 9 4 5 10 12 6 14 13 11 17 15 16 18]\n", + "=======================\n", + "[\"the mark 1 version of reginald mitchell 's famous design was among the first built in march 1940 but spitfire p9374 , once flown by an airman involved in the great escape , never made it to the battle of britain as it crash-landed in may 1940 .the fighter plane , dubbed the ballerina because of its grace in the skies , was being piloted by flying officer peter cazenove over dunkirk when it was hit by a single bullet from a german dornier bomber .one of the earliest spitfires ever to go into action has gone on sale for # 2.5 million after spending 40 years buried in sand on the french beach it crashed on .\"]\n", + "=======================\n", + "['the mark 1 version of the iconic plane was one of the first spitfires to go into action , and was built in march 1940but spitfire p9374 never made it to battle of britain as it crash-landed on french beach and lay hidden for 40 yearsat one point it was almost certainly flown by squadron leader roger bushell , later big x of the great escape famethe wreckage was discovered in 1980 and restored to its original condition .']\n", + "the mark 1 version of reginald mitchell 's famous design was among the first built in march 1940 but spitfire p9374 , once flown by an airman involved in the great escape , never made it to the battle of britain as it crash-landed in may 1940 .the fighter plane , dubbed the ballerina because of its grace in the skies , was being piloted by flying officer peter cazenove over dunkirk when it was hit by a single bullet from a german dornier bomber .one of the earliest spitfires ever to go into action has gone on sale for # 2.5 million after spending 40 years buried in sand on the french beach it crashed on .\n", + "the mark 1 version of the iconic plane was one of the first spitfires to go into action , and was built in march 1940but spitfire p9374 never made it to battle of britain as it crash-landed on french beach and lay hidden for 40 yearsat one point it was almost certainly flown by squadron leader roger bushell , later big x of the great escape famethe wreckage was discovered in 1980 and restored to its original condition .\n", + "[1.4390059 1.2469119 1.3289535 1.223627 1.1020817 1.1281853 1.1790321\n", + " 1.1576905 1.1025535 1.0568442 1.0606389 1.0638105 1.1084499 1.0788201\n", + " 1.0582434 1.0472457 1.0707896 0. 0. ]\n", + "\n", + "[ 0 2 1 3 6 7 5 12 8 4 13 16 11 10 14 9 15 17 18]\n", + "=======================\n", + "[\"russian premier league team torpedo moscow must play two home games in an empty stadium after fans displayed a banner with a nazi symbol , the club 's fourth racism-related punishment this season .sunday 's clash between torpedo moscow and arsenal tula was marred by violence and racismtorpedo was fined a total of 900,000 rubles ( # 11,000 ) for various offenses including the nazi banner , the fighting , use of pyrotechnics by fans , and insulting chants .\"]\n", + "=======================\n", + "[\"torpedo moscow fans displayed a nazi banner during sunday 's gamerussian club been ordered to play two home games behind closed doorsthe latest punishment is torpedo 's fourth relating to racism this seasonthey are already playing their next two home games in an empty stadiumafter supporters aimed monkey chants at zenit st petersburg forward hulksunday 's game against arsenal tula was also marred by violenceonly women and children under 13 can attend their next three away games\"]\n", + "russian premier league team torpedo moscow must play two home games in an empty stadium after fans displayed a banner with a nazi symbol , the club 's fourth racism-related punishment this season .sunday 's clash between torpedo moscow and arsenal tula was marred by violence and racismtorpedo was fined a total of 900,000 rubles ( # 11,000 ) for various offenses including the nazi banner , the fighting , use of pyrotechnics by fans , and insulting chants .\n", + "torpedo moscow fans displayed a nazi banner during sunday 's gamerussian club been ordered to play two home games behind closed doorsthe latest punishment is torpedo 's fourth relating to racism this seasonthey are already playing their next two home games in an empty stadiumafter supporters aimed monkey chants at zenit st petersburg forward hulksunday 's game against arsenal tula was also marred by violenceonly women and children under 13 can attend their next three away games\n", + "[1.3692613 1.163384 1.1916739 1.1941024 1.2324384 1.112081 1.0582582\n", + " 1.022112 1.0185543 1.1021688 1.0675118 1.0665548 1.014324 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 3 2 1 5 9 10 11 6 7 8 12 17 13 14 15 16 18]\n", + "=======================\n", + "['( cnn ) since the headline-grabbing murder of american journalist james foley by isis militants eight months ago , the world has been regularly confronted with a modern form of an ancient , primally horrifying method of execution .he says the spate of jihadist beheadings may be encouraging copy-cat acts or threats of decapitation -- not only from islamists , but from the \" disbelievers \" they target .these highly ritualized killings have galvanized international opposition to the group -- and helped attract a wave of foreign recruits to the isis cause .']\n", + "=======================\n", + "['the wave of isis beheadings has horrified people all over the worldit may also have contributed to isolated beheading incidents by non-jihadists , says an academicprofessor arie w. kruglanski says exposure to the videos could help \" prime \" some to emulate them']\n", + "( cnn ) since the headline-grabbing murder of american journalist james foley by isis militants eight months ago , the world has been regularly confronted with a modern form of an ancient , primally horrifying method of execution .he says the spate of jihadist beheadings may be encouraging copy-cat acts or threats of decapitation -- not only from islamists , but from the \" disbelievers \" they target .these highly ritualized killings have galvanized international opposition to the group -- and helped attract a wave of foreign recruits to the isis cause .\n", + "the wave of isis beheadings has horrified people all over the worldit may also have contributed to isolated beheading incidents by non-jihadists , says an academicprofessor arie w. kruglanski says exposure to the videos could help \" prime \" some to emulate them\n", + "[1.4398614 1.1053689 1.0782287 1.053018 1.2487559 1.1877035 1.1034449\n", + " 1.1475208 1.1326686 1.0474569 1.0676041 1.0349916 1.0564216 1.0337676\n", + " 1.037644 1.0930628 1.045066 1.0489609 1.0515321]\n", + "\n", + "[ 0 4 5 7 8 1 6 15 2 10 12 3 18 17 9 16 14 11 13]\n", + "=======================\n", + "[\"( billboard ) considering the academy of country music awards celebrated its 50th anniversary on sunday night at the dallas cowboys stadium , it was bound to be bigger than any previous year 's acms .here 's our breakdown of the 10 best and 5 worst moments at the 2015 acms .eric church & keith urban provide an opening wallop\"]\n", + "=======================\n", + "[\"acms celebrated 50 years sunday nightbest moments : garth brooks , reba mcentire , taylor swift 's mom\"]\n", + "( billboard ) considering the academy of country music awards celebrated its 50th anniversary on sunday night at the dallas cowboys stadium , it was bound to be bigger than any previous year 's acms .here 's our breakdown of the 10 best and 5 worst moments at the 2015 acms .eric church & keith urban provide an opening wallop\n", + "acms celebrated 50 years sunday nightbest moments : garth brooks , reba mcentire , taylor swift 's mom\n", + "[1.3012886 1.4093654 1.2249427 1.2441965 1.1612501 1.0780232 1.0958335\n", + " 1.10227 1.0949916 1.0699896 1.0711571 1.0331979 1.0508188 1.0250832\n", + " 1.0261207 1.0733187 1.0180442 1.0472149 0. ]\n", + "\n", + "[ 1 0 3 2 4 7 6 8 5 15 10 9 12 17 11 14 13 16 18]\n", + "=======================\n", + "['australian foreign minister julie bishop said the deal is \" an informal arrangement \" with an emphasis on tracking australians who go to iraq to fight for isis .( cnn ) australia , an important ally of the united states , has agreed to share some of its intelligence with iran .over the weekend , bishop became the first australian government minister to visit iran in 12 years , meeting with president hassan rouhani .']\n", + "=======================\n", + "['australian foreign minister says deal is to focus on tracking citizens who join isisbut one lawmaker describes it as \" dancing with the devil \"']\n", + "australian foreign minister julie bishop said the deal is \" an informal arrangement \" with an emphasis on tracking australians who go to iraq to fight for isis .( cnn ) australia , an important ally of the united states , has agreed to share some of its intelligence with iran .over the weekend , bishop became the first australian government minister to visit iran in 12 years , meeting with president hassan rouhani .\n", + "australian foreign minister says deal is to focus on tracking citizens who join isisbut one lawmaker describes it as \" dancing with the devil \"\n", + "[1.1198621 1.1065162 1.0375428 1.2592361 1.0664284 1.2098112 1.2718047\n", + " 1.036608 1.1199327 1.0617414 1.0877154 1.143051 1.0734633 1.053314\n", + " 1.044713 1.0944875 1.0586907 1.0953721 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 6 3 5 11 8 0 1 17 15 10 12 4 9 16 13 14 2 7 20 18 19 21]\n", + "=======================\n", + "['a university of washington climate scientist and his associates have been studying the blob -- a huge area of unusually warm water in the pacific -- for months .some scientists are saying \" the blob \" could be playing a factor .but if you \\'re a salmon fisherman in washington or a california resident hoping to see the end of the drought , the blob could become an enemy of top concern .']\n", + "=======================\n", + "['waters in a huge area of the pacific are running 5.5 degrees warmer than normalmarine life that likes cooler water has moved and others that like warm seas are seen in new places\" the blob \" might be having an effect on rain and snow -- and the west coast drought']\n", + "a university of washington climate scientist and his associates have been studying the blob -- a huge area of unusually warm water in the pacific -- for months .some scientists are saying \" the blob \" could be playing a factor .but if you 're a salmon fisherman in washington or a california resident hoping to see the end of the drought , the blob could become an enemy of top concern .\n", + "waters in a huge area of the pacific are running 5.5 degrees warmer than normalmarine life that likes cooler water has moved and others that like warm seas are seen in new places\" the blob \" might be having an effect on rain and snow -- and the west coast drought\n", + "[1.1814991 1.4625686 1.2593665 1.2633364 1.2825243 1.1147783 1.0335234\n", + " 1.0790536 1.1091366 1.0173802 1.0226868 1.1205779 1.1428123 1.0274359\n", + " 1.0182942 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 3 2 0 12 11 5 8 7 6 13 10 14 9 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"goldfish are being caught weighing up to 2kg and koi carp up to 8kg and one metre in length , in the waterways of western australia amongst other exotic introduced species . 'a lot of these fish are much larger than the native fish , so they prey on them and compete for habitat , ' dr david morgan , the director of the centre for fish and fisheries research at murdoch university , told daily mail australia .pet aquarium fish are being dumped in rivers where they damage unique local ecosystems by growing up to twenty times their regular size .\"]\n", + "=======================\n", + "['aquarium fish are being dumped in western australia rivers by pet ownersgoldfish are growing from the regular 100g to 2kg and koi carp to 8kgthe exotic species compete with 10cm long native fish for food and habitatthey also introduce devastating parasites and diseases onto local species']\n", + "goldfish are being caught weighing up to 2kg and koi carp up to 8kg and one metre in length , in the waterways of western australia amongst other exotic introduced species . 'a lot of these fish are much larger than the native fish , so they prey on them and compete for habitat , ' dr david morgan , the director of the centre for fish and fisheries research at murdoch university , told daily mail australia .pet aquarium fish are being dumped in rivers where they damage unique local ecosystems by growing up to twenty times their regular size .\n", + "aquarium fish are being dumped in western australia rivers by pet ownersgoldfish are growing from the regular 100g to 2kg and koi carp to 8kgthe exotic species compete with 10cm long native fish for food and habitatthey also introduce devastating parasites and diseases onto local species\n", + "[1.1746836 1.3328997 1.2226788 1.2291083 1.3543966 1.110678 1.0582757\n", + " 1.0747516 1.0996599 1.0397549 1.058017 1.0417861 1.020075 1.0261189\n", + " 1.0419523 1.0185336 1.089526 1.0093603 1.0245738 1.0908537 1.0492396\n", + " 1.0379187]\n", + "\n", + "[ 4 1 3 2 0 5 8 19 16 7 6 10 20 14 11 9 21 13 18 12 15 17]\n", + "=======================\n", + "[\"nearly 60 % of the people in america 's workforce are paid hourly and work part-time .despite recent gains , only 126,000 jobs were added , the lowest since december 2013 .low-wage workers have been the hardest hit since the onset of the financial crisis , and low-wage jobs remain a fixture of the new economy .\"]\n", + "=======================\n", + "[\"vijay das : so-so jobs numbers contain truth that worries labor experts : too much american job growth is in part-time low-income work .he says erratic work schedules tied to customer traffic wreaks havoc with low-wage workers ' lives .\"]\n", + "nearly 60 % of the people in america 's workforce are paid hourly and work part-time .despite recent gains , only 126,000 jobs were added , the lowest since december 2013 .low-wage workers have been the hardest hit since the onset of the financial crisis , and low-wage jobs remain a fixture of the new economy .\n", + "vijay das : so-so jobs numbers contain truth that worries labor experts : too much american job growth is in part-time low-income work .he says erratic work schedules tied to customer traffic wreaks havoc with low-wage workers ' lives .\n", + "[1.4617729 1.1313963 1.2035114 1.3306397 1.1740689 1.1594936 1.1406143\n", + " 1.381632 1.0509548 1.0207574 1.0135256 1.0225221 1.1543162 1.0149893\n", + " 1.0732627 1.0721085 1.1278698 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 7 3 2 4 5 12 6 1 16 14 15 8 11 9 13 10 17 18 19 20 21]\n", + "=======================\n", + "['more than 400 extra officers have been drafted in by british transport police with rivals manchester united , liverpool and leeds united all in london this weekend .united head to stamford bridge on saturday to take on chelsea in a 5pm kick-off while roses rivals leeds are at charlton athletic for a 3pm start .liverpool take on aston villa at wembley on sunday with thousands of fans of both sides expected to descend on the capital 24 hours earlier .']\n", + "=======================\n", + "['400 extra officers drafted in by the british transport police this weekendrivals manchester united , liverpool and leeds will all be in londonunited face chelsea and leeds travel to charlton athletic on saturdayliverpool face aston villa in the fa cup semi-final at wembley stadium']\n", + "more than 400 extra officers have been drafted in by british transport police with rivals manchester united , liverpool and leeds united all in london this weekend .united head to stamford bridge on saturday to take on chelsea in a 5pm kick-off while roses rivals leeds are at charlton athletic for a 3pm start .liverpool take on aston villa at wembley on sunday with thousands of fans of both sides expected to descend on the capital 24 hours earlier .\n", + "400 extra officers drafted in by the british transport police this weekendrivals manchester united , liverpool and leeds will all be in londonunited face chelsea and leeds travel to charlton athletic on saturdayliverpool face aston villa in the fa cup semi-final at wembley stadium\n", + "[1.2199395 1.4794904 1.2760897 1.3705119 1.2468086 1.1482418 1.0918214\n", + " 1.0608234 1.0507998 1.0256054 1.0200391 1.0887454 1.0737348 1.0288023\n", + " 1.0720567 1.0505893 1.0546912 1.0299745 1.0244818 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 4 0 5 6 11 12 14 7 16 8 15 17 13 9 18 10 19 20 21]\n", + "=======================\n", + "[\"john mccallum , 27 , was this week sentenced for a charge of second-degree murder after he broadsided francesca weatherhead , 25 , while fleeing police following a botched burglary .the crash at an intersection in redford , detroit , flipped mrs weatherhead 's vehicle and killed her on october 6 last year .her death caused outrage when it was revealed mccallum had been paroled not five months prior - despite being sentenced to a maximum of 20 years in prison on his latest break-in and drug possession arrest .\"]\n", + "=======================\n", + "[\"john mccallum has apologized for the death of francesca weatherheadhe was fleeing police when he ran a red light and crashed into her vehiclemrs weatherhead , a newlywed 25-year-old , was killed in the collisionit was later revealed mccallum was a recent parolee with a long rap sheethe apologized in court after he was sentenced to at least 20 years ' jail\"]\n", + "john mccallum , 27 , was this week sentenced for a charge of second-degree murder after he broadsided francesca weatherhead , 25 , while fleeing police following a botched burglary .the crash at an intersection in redford , detroit , flipped mrs weatherhead 's vehicle and killed her on october 6 last year .her death caused outrage when it was revealed mccallum had been paroled not five months prior - despite being sentenced to a maximum of 20 years in prison on his latest break-in and drug possession arrest .\n", + "john mccallum has apologized for the death of francesca weatherheadhe was fleeing police when he ran a red light and crashed into her vehiclemrs weatherhead , a newlywed 25-year-old , was killed in the collisionit was later revealed mccallum was a recent parolee with a long rap sheethe apologized in court after he was sentenced to at least 20 years ' jail\n", + "[1.3820032 1.4360862 1.3294775 1.1671555 1.2116915 1.2781229 1.1139555\n", + " 1.0651857 1.0224582 1.0200716 1.0386319 1.0715553 1.031309 1.017048\n", + " 1.113525 1.0384852 0. ]\n", + "\n", + "[ 1 0 2 5 4 3 6 14 11 7 10 15 12 8 9 13 16]\n", + "=======================\n", + "[\"the 25-times-capped centre is now also a doubt for september 's world cup after undergoing an operation on his left shoulder for the second time in a year .edinburgh 's european challenge cup hopes have been dealt a huge blow after scotland international centre matt scott was ruled out until at least the end of the season .mark bennett of glasgow will be first choice for outside-centre but it could be a fight between peter horne of warriors and duncan taylor of saracens , who missed the six nations through injury , for the inside-centre jersey .\"]\n", + "=======================\n", + "['centre matt scott will miss the rest of the season because of injuryscotland international needs more surgery on problematic shoulderscott went under the knife last week but has been told he needs morethe 24-year-old has played just 14 games for club and country in past year']\n", + "the 25-times-capped centre is now also a doubt for september 's world cup after undergoing an operation on his left shoulder for the second time in a year .edinburgh 's european challenge cup hopes have been dealt a huge blow after scotland international centre matt scott was ruled out until at least the end of the season .mark bennett of glasgow will be first choice for outside-centre but it could be a fight between peter horne of warriors and duncan taylor of saracens , who missed the six nations through injury , for the inside-centre jersey .\n", + "centre matt scott will miss the rest of the season because of injuryscotland international needs more surgery on problematic shoulderscott went under the knife last week but has been told he needs morethe 24-year-old has played just 14 games for club and country in past year\n", + "[1.2816224 1.3606086 1.3188504 1.3657658 1.1784716 1.137663 1.0620216\n", + " 1.0432916 1.0907303 1.130475 1.0211204 1.0798092 1.0273035 1.0311781\n", + " 1.0447693 1.0223578 0. ]\n", + "\n", + "[ 3 1 2 0 4 5 9 8 11 6 14 7 13 12 15 10 16]\n", + "=======================\n", + "[\"edward snowden is being ` exploited ' under a deal he made with the russians to guarantee him asylum , a leading spy analyst has claimedmr snowden may have been told not to speak out on russian surveillance but continue attacking america in order to save himself from jail in the us , andrei soldatov said .he accused the former us spy of not being ` transparent ' and said he was being ` secretive ' about his arrangements with the russian authorities .\"]\n", + "=======================\n", + "[\"analyst claims snowden under orders not to speak out against russiahe accused whistleblower of not being ` transparent ' and being ` secretive 'snowden fled to russia via hong kong after leaking classified documents\"]\n", + "edward snowden is being ` exploited ' under a deal he made with the russians to guarantee him asylum , a leading spy analyst has claimedmr snowden may have been told not to speak out on russian surveillance but continue attacking america in order to save himself from jail in the us , andrei soldatov said .he accused the former us spy of not being ` transparent ' and said he was being ` secretive ' about his arrangements with the russian authorities .\n", + "analyst claims snowden under orders not to speak out against russiahe accused whistleblower of not being ` transparent ' and being ` secretive 'snowden fled to russia via hong kong after leaking classified documents\n", + "[1.2345073 1.5331812 1.2948604 1.3276426 1.2358017 1.023151 1.0730692\n", + " 1.1235708 1.148615 1.0633478 1.0106018 1.1174363 1.1170366 1.097763\n", + " 1.0585295 1.0072795 0. ]\n", + "\n", + "[ 1 3 2 4 0 8 7 11 12 13 6 9 14 5 10 15 16]\n", + "=======================\n", + "['cecily hamilton , 16 , and her friend taylor swing , 18 , died on march 15 when their car plunged off the bridge in white county and into the water below .shannon hamilton was arrested on sunday attempting to build a barricade on a bridge in georgia where his 16-year-old daughter had diedshannon hamilton , who had grown fustrated waiting for the local authorites to act , was arrested by deputies on gene nix road on sunday .']\n", + "=======================\n", + "['shannon hamilton was arrested on sunday attempting to build a barricade on a bridge in georgia where his 16-year-old daughter had diedcecily and her friend taylor swing died just three weeks ago after their vehicle plunged off the bridge and into the riverhamilton , who had grown fustrated waiting for the local authorites to act , has been charged with interference with government propertywhite county commissioners have approved a motion to add guardrails , but there is no exact timetable for when construction will begin']\n", + "cecily hamilton , 16 , and her friend taylor swing , 18 , died on march 15 when their car plunged off the bridge in white county and into the water below .shannon hamilton was arrested on sunday attempting to build a barricade on a bridge in georgia where his 16-year-old daughter had diedshannon hamilton , who had grown fustrated waiting for the local authorites to act , was arrested by deputies on gene nix road on sunday .\n", + "shannon hamilton was arrested on sunday attempting to build a barricade on a bridge in georgia where his 16-year-old daughter had diedcecily and her friend taylor swing died just three weeks ago after their vehicle plunged off the bridge and into the riverhamilton , who had grown fustrated waiting for the local authorites to act , has been charged with interference with government propertywhite county commissioners have approved a motion to add guardrails , but there is no exact timetable for when construction will begin\n", + "[1.2186754 1.5481521 1.1463766 1.234415 1.1394986 1.2298381 1.0261047\n", + " 1.0228794 1.0210994 1.0173595 1.016316 1.0171798 1.0225946 1.0210816\n", + " 1.017405 1.1416656 1.0379316]\n", + "\n", + "[ 1 3 5 0 2 15 4 16 6 7 12 8 13 14 9 11 10]\n", + "=======================\n", + "[\"dai young 's side became the third of four english challengers to be dispatched from europe 's premier event over a punishing weekend , but this was no meek capitulation .ali williams crosses for a late try for toulon as they put victory over wasps on sunday beyond doubtwasps ' ashley johnson attempts to bust through the wall-like defence of european champions toulon\"]\n", + "=======================\n", + "['toulon beat wasps in their european rugby champions cup quarter-finaltoulon and wasps scored two tries each at the felix mayol stadiumno 10 frederic michalak kicked six penalties and two conversionswilliam helu scored two tries for the visitors in a gallant effortthey face leinster for a place in the european champions cup finalsaracens earlier defeated racing metro 92 by 12-11 in a thriller']\n", + "dai young 's side became the third of four english challengers to be dispatched from europe 's premier event over a punishing weekend , but this was no meek capitulation .ali williams crosses for a late try for toulon as they put victory over wasps on sunday beyond doubtwasps ' ashley johnson attempts to bust through the wall-like defence of european champions toulon\n", + "toulon beat wasps in their european rugby champions cup quarter-finaltoulon and wasps scored two tries each at the felix mayol stadiumno 10 frederic michalak kicked six penalties and two conversionswilliam helu scored two tries for the visitors in a gallant effortthey face leinster for a place in the european champions cup finalsaracens earlier defeated racing metro 92 by 12-11 in a thriller\n", + "[1.3180145 1.2436036 1.2048308 1.2890477 1.2247281 1.0479742 1.1372367\n", + " 1.1579239 1.0674644 1.0713494 1.0526797 1.0457226 1.0415452 1.1621218\n", + " 1.0536661 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 13 7 6 9 8 14 10 5 11 12 15 16]\n", + "=======================\n", + "[\"ed miliband last night repeatedly refused to admit he had got it wrong over the past five years about jobs , crime and the effect of tuition fees .the labour leader rejected a string of statistics read out by evan davis on how the situation in all three cases had improved -- saying these facts were not what voters were talking aboutlabour has previously confidently predicted that the coalition 's austerity programme would see unemployment and crime soar , and the number of poor students going to university fall .\"]\n", + "=======================\n", + "['ed miliband refused to accept he had been proved wrong in bbc interviewreject string of proposals read out to him by evan davis on newsnightmr davis told labour leader situation had improved in jobs , crime and feesmr miliband also refused to say how much labour would be borrowing']\n", + "ed miliband last night repeatedly refused to admit he had got it wrong over the past five years about jobs , crime and the effect of tuition fees .the labour leader rejected a string of statistics read out by evan davis on how the situation in all three cases had improved -- saying these facts were not what voters were talking aboutlabour has previously confidently predicted that the coalition 's austerity programme would see unemployment and crime soar , and the number of poor students going to university fall .\n", + "ed miliband refused to accept he had been proved wrong in bbc interviewreject string of proposals read out to him by evan davis on newsnightmr davis told labour leader situation had improved in jobs , crime and feesmr miliband also refused to say how much labour would be borrowing\n", + "[1.2118183 1.5422314 1.3142657 1.249475 1.1683531 1.1933517 1.0871112\n", + " 1.0739573 1.0293537 1.2176061 1.0178018 1.04612 1.0547549 1.0145943\n", + " 1.0219179 1.0229152 1.018186 1.0486432 1.0610676 1.083893 ]\n", + "\n", + "[ 1 2 3 9 0 5 4 6 19 7 18 12 17 11 8 15 14 16 10 13]\n", + "=======================\n", + "['student drew hollinshead , 21 , stopped in the first space available when he saw the pensioner collapse on the pavement .but as he helped her for less than a minute , a traffic warden put a # 70 ticket on his car -- because mr hollinshead had pulled into a bay for disabled drivers .angry : mr hollinshead , who is studying marketing and advertising at bournemouth university , said he was punished for trying to do something good']\n", + "=======================\n", + "['drew hollinshead , 21 , stopped as he thought an elderly woman was dyinghe pulled over in a space reserved for disabled people and ran to help herbut as he tended to pensioner a warden slapped a ticket on his windscreenbournemouth council say appeals procedure is available to mr hollinshead']\n", + "student drew hollinshead , 21 , stopped in the first space available when he saw the pensioner collapse on the pavement .but as he helped her for less than a minute , a traffic warden put a # 70 ticket on his car -- because mr hollinshead had pulled into a bay for disabled drivers .angry : mr hollinshead , who is studying marketing and advertising at bournemouth university , said he was punished for trying to do something good\n", + "drew hollinshead , 21 , stopped as he thought an elderly woman was dyinghe pulled over in a space reserved for disabled people and ran to help herbut as he tended to pensioner a warden slapped a ticket on his windscreenbournemouth council say appeals procedure is available to mr hollinshead\n", + "[1.0419471 1.0415565 1.3933148 1.3527911 1.3594458 1.2583709 1.1918957\n", + " 1.0825077 1.0506502 1.1252759 1.0629826 1.1229057 1.0933379 1.0953712\n", + " 1.0305691 1.0798309 1.0653467 1.1076827 0. 0. ]\n", + "\n", + "[ 2 4 3 5 6 9 11 17 13 12 7 15 16 10 8 0 1 14 18 19]\n", + "=======================\n", + "['a couple in oregon have been awarded $ 240,000 compensation for more than a decade of disquiet .dale and debra krein of rogue river filed a suit in 2012 against their neighbors and their giant tibetan mastiffs .overruled : john updegraff and karen szewc ( above ) tried to argue they needed the dogs for their livestock']\n", + "=======================\n", + "['dale and debra krein sued their neighbors in oregon over the noisethey claim the tibetan mastiffs have barked unnecessarily since 2002a jury has ruled in their favor , ordered the dogs to be debarked']\n", + "a couple in oregon have been awarded $ 240,000 compensation for more than a decade of disquiet .dale and debra krein of rogue river filed a suit in 2012 against their neighbors and their giant tibetan mastiffs .overruled : john updegraff and karen szewc ( above ) tried to argue they needed the dogs for their livestock\n", + "dale and debra krein sued their neighbors in oregon over the noisethey claim the tibetan mastiffs have barked unnecessarily since 2002a jury has ruled in their favor , ordered the dogs to be debarked\n", + "[1.1983317 1.4376053 1.3974524 1.2760566 1.3702042 1.1914474 1.1241343\n", + " 1.0255955 1.0167503 1.0287112 1.016788 1.0172855 1.0252984 1.137736\n", + " 1.1219544 1.0490512 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 0 5 13 6 14 15 9 7 12 11 10 8 18 16 17 19]\n", + "=======================\n", + "[\"natalie whitear , 35 , struggles to pick her husband and children out of a crowd - and walks past lifelong friends in the street .the mother-of-two suffers from prosopagnosia , also known as face blindness , which means she is able to recognise objects , but not faces .the condition is so severe that mrs whitear ca n't spot her own reflection or her children when picking them up from school .\"]\n", + "=======================\n", + "[\"natalie whitear , 35 , suffers from prosopagnosia : facial blindnessrare condition means she is unable to recognise faces , even her ownshe confuses her daughters and walks past lifelong friends in the streethas developed coping strategies like recognising people 's hairstyle or walk\"]\n", + "natalie whitear , 35 , struggles to pick her husband and children out of a crowd - and walks past lifelong friends in the street .the mother-of-two suffers from prosopagnosia , also known as face blindness , which means she is able to recognise objects , but not faces .the condition is so severe that mrs whitear ca n't spot her own reflection or her children when picking them up from school .\n", + "natalie whitear , 35 , suffers from prosopagnosia : facial blindnessrare condition means she is unable to recognise faces , even her ownshe confuses her daughters and walks past lifelong friends in the streethas developed coping strategies like recognising people 's hairstyle or walk\n", + "[1.2348787 1.2380885 1.099023 1.4268576 1.3099056 1.0739542 1.060666\n", + " 1.0723552 1.1016335 1.161669 1.1700984 1.0962312 1.123862 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 1 0 10 9 12 8 2 11 5 7 6 18 13 14 15 16 17 19]\n", + "=======================\n", + "['boyhood aston villa fan stan collymore covers the game against qpr on tuesday night at villa parkcollymore can not hide his delight when christian benteke scores to make it 2-1 to the home side against qprproud and unabashed , aston villa supporting talksport commentator stan collymore showed his true colours when he watched his boyhood club claw back a vital point against premier league relegation rivals qpr .']\n", + "=======================\n", + "[\"talksport commentator stan collymore grew up supporting aston villacovering villa 's 3-3 draw with qpr on tuesday , he could not hide his delight when christian benteke scoredhe was pictured leaping from his seat in the villa park press box\"]\n", + "boyhood aston villa fan stan collymore covers the game against qpr on tuesday night at villa parkcollymore can not hide his delight when christian benteke scores to make it 2-1 to the home side against qprproud and unabashed , aston villa supporting talksport commentator stan collymore showed his true colours when he watched his boyhood club claw back a vital point against premier league relegation rivals qpr .\n", + "talksport commentator stan collymore grew up supporting aston villacovering villa 's 3-3 draw with qpr on tuesday , he could not hide his delight when christian benteke scoredhe was pictured leaping from his seat in the villa park press box\n", + "[1.1955345 1.5266263 1.397443 1.1753223 1.0964723 1.0770336 1.0606182\n", + " 1.0954009 1.039142 1.2709721 1.096909 1.1266164 1.0416071 1.0705405\n", + " 1.0273345 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 9 0 3 11 10 4 7 5 13 6 12 8 14 18 15 16 17 19]\n", + "=======================\n", + "['roger , an alpha male at the alice springs kangaroo sanctuary in the northern territory , was gifted his new friend by a fan .sanctuary manager chris barnes said the kangaroo quickly became attached to the bunny , but soon tired of it .a photograph has been snapped of a man-sized kangaroo flexing his massive guns while hugging a soft toy bunny .']\n", + "=======================\n", + "['roger is an alpha male at the alice springs kangaroo sanctuary in the nthe was gifted the new stuffed toy bunny by a fan and grew attached to itmanager chris barnes said he tried to take it off roger and was attackedmr barnes adopted kangaroo after finding its mother dead on a highway']\n", + "roger , an alpha male at the alice springs kangaroo sanctuary in the northern territory , was gifted his new friend by a fan .sanctuary manager chris barnes said the kangaroo quickly became attached to the bunny , but soon tired of it .a photograph has been snapped of a man-sized kangaroo flexing his massive guns while hugging a soft toy bunny .\n", + "roger is an alpha male at the alice springs kangaroo sanctuary in the nthe was gifted the new stuffed toy bunny by a fan and grew attached to itmanager chris barnes said he tried to take it off roger and was attackedmr barnes adopted kangaroo after finding its mother dead on a highway\n", + "[1.395545 1.3950802 1.3224392 1.3934937 1.3026779 1.075761 1.1105682\n", + " 1.0267142 1.0109425 1.0590496 1.0906341 1.1325966 1.0094007 1.1930865\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 13 11 6 10 5 9 7 8 12 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"sam allardyce is already making plans for the summer and next season with west ham , but admits he still does not know whether he will be manager .allardyce 's contract expires at the end of the season and his future at the club under co-owners david gold and david sullivan remains unsure .west ham have already beaten their total in the barclays premier league season last year by two points with seven games to spare , but a run of poor form in 2015 has led to speculation allardyce will be shown the exit .\"]\n", + "=======================\n", + "[\"west ham 's poor 2015 form has led to rumours sam allardyce could exitbut allardyce has already led west ham past last season 's points totalallardyce is planning for next year but unsure if he will be at west ham\"]\n", + "sam allardyce is already making plans for the summer and next season with west ham , but admits he still does not know whether he will be manager .allardyce 's contract expires at the end of the season and his future at the club under co-owners david gold and david sullivan remains unsure .west ham have already beaten their total in the barclays premier league season last year by two points with seven games to spare , but a run of poor form in 2015 has led to speculation allardyce will be shown the exit .\n", + "west ham 's poor 2015 form has led to rumours sam allardyce could exitbut allardyce has already led west ham past last season 's points totalallardyce is planning for next year but unsure if he will be at west ham\n", + "[1.4012252 1.2770792 1.3676137 1.4229712 1.2916785 1.2787873 1.0249752\n", + " 1.0308244 1.0274156 1.0130962 1.0203738 1.0582219 1.1151147 1.0693837\n", + " 1.1621141 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 4 5 1 14 12 13 11 7 8 6 10 9 15 16 17 18 19 20]\n", + "=======================\n", + "[\"franck ribery was convinced to reject real madrid after being sold on his importance to bayern munichhe was told that he could be as vital to bayern as lionel messi is to barcelonaribery fell out with then-head coach louis van gaal and says real were willing to pay for him '\"]\n", + "=======================\n", + "['real madrid wanted to sign french winger franck ribery in 2009ribery had fallen out with then-bayern munich coach louis van gaalhe was convinced to stay as club told him he could be as important to them as lionel messi was to barcelona']\n", + "franck ribery was convinced to reject real madrid after being sold on his importance to bayern munichhe was told that he could be as vital to bayern as lionel messi is to barcelonaribery fell out with then-head coach louis van gaal and says real were willing to pay for him '\n", + "real madrid wanted to sign french winger franck ribery in 2009ribery had fallen out with then-bayern munich coach louis van gaalhe was convinced to stay as club told him he could be as important to them as lionel messi was to barcelona\n", + "[1.2473624 1.2295136 1.250886 1.1276746 1.2650956 1.1579506 1.07544\n", + " 1.1030183 1.1140754 1.0671383 1.053468 1.2430714 1.0380518 1.1558503\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 2 0 11 1 5 13 3 8 7 6 9 10 12 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"chelsea should have had a penalty when brazilian forward oscar nicked the ball past david ospinaoliver was more decisive when cesc fabregas went to ground after feeling contact from santi cazorla .the ` campaign ' continues against chelsea when it comes to penalties -- although in a first half with four penalty appeals it was clear that referee , michael oliver was only going to award what he felt was a stonewall spot kick and there was only one of those .\"]\n", + "=======================\n", + "['chelsea had three appeals for penalties turned down in first halfcesc fabregas was wrongly booked for diving , but no penalty was rightoscar should have been given a penalty for foul by david ospina']\n", + "chelsea should have had a penalty when brazilian forward oscar nicked the ball past david ospinaoliver was more decisive when cesc fabregas went to ground after feeling contact from santi cazorla .the ` campaign ' continues against chelsea when it comes to penalties -- although in a first half with four penalty appeals it was clear that referee , michael oliver was only going to award what he felt was a stonewall spot kick and there was only one of those .\n", + "chelsea had three appeals for penalties turned down in first halfcesc fabregas was wrongly booked for diving , but no penalty was rightoscar should have been given a penalty for foul by david ospina\n", + "[1.1086104 1.2836864 1.4147809 1.3553764 1.2503387 1.1196014 1.0595814\n", + " 1.1014116 1.1006804 1.0517744 1.0451558 1.0584852 1.0543779 1.0810304\n", + " 1.0446372 1.0316268 1.036416 1.0743141 1.0537099 1.0187354 1.031436 ]\n", + "\n", + "[ 2 3 1 4 5 0 7 8 13 17 6 11 12 18 9 10 14 16 15 20 19]\n", + "=======================\n", + "['brooke geherman , from alberta , canada , posted a video of her young son , kowen , sending off his beloved pet the right way : by flushing it down the toilet .young kowen is devastated by the loss of his pet goldfish , top , and holds a toilet funerala goldfish , named top .']\n", + "=======================\n", + "['brooke geherman posted video of her son , kowen on youtubeyoung boy , from alberta , canada , cradles his deceased goldfish , topkowen performs funeral by flushing goldfish before bursting into tears']\n", + "brooke geherman , from alberta , canada , posted a video of her young son , kowen , sending off his beloved pet the right way : by flushing it down the toilet .young kowen is devastated by the loss of his pet goldfish , top , and holds a toilet funerala goldfish , named top .\n", + "brooke geherman posted video of her son , kowen on youtubeyoung boy , from alberta , canada , cradles his deceased goldfish , topkowen performs funeral by flushing goldfish before bursting into tears\n", + "[1.1983787 1.1008248 1.1396217 1.3857536 1.205784 1.0753268 1.1090566\n", + " 1.0982119 1.058335 1.0480484 1.0484164 1.0669925 1.0706496 1.0390241\n", + " 1.0260246 1.0628357 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 0 2 6 1 7 5 12 11 15 8 10 9 13 14 16 17 18 19 20]\n", + "=======================\n", + "[\"related : amy 's kitchen recalls more than 70,000 cases of food due to fear of listeria contaminationthe first step , according to swartzberg , is to go to the food and drug administration 's website and find the official report for the recalled product you 're worried about .( cnn ) the question : how can i know if my food is safe to eat after a specific product recall ?\"]\n", + "=======================\n", + "[\"find the fda 's official report for the recalled productif the product is within the use-by date , it should still be recalled\"]\n", + "related : amy 's kitchen recalls more than 70,000 cases of food due to fear of listeria contaminationthe first step , according to swartzberg , is to go to the food and drug administration 's website and find the official report for the recalled product you 're worried about .( cnn ) the question : how can i know if my food is safe to eat after a specific product recall ?\n", + "find the fda 's official report for the recalled productif the product is within the use-by date , it should still be recalled\n", + "[1.028811 1.3197464 1.3969908 1.3510257 1.0828154 1.0427849 1.1932596\n", + " 1.0329026 1.1202003 1.212532 1.1301386 1.2017741 1.013459 1.0208024\n", + " 1.0954573 1.0576519 1.0445247 1.0207723 1.044076 1.0857875 1.1418556\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 3 1 9 11 6 20 10 8 14 19 4 15 16 18 5 7 0 13 17 12 27 21 22\n", + " 23 24 25 26 28]\n", + "=======================\n", + "[\"within an hour , the momentous donation to a kangaroo preservation project launched by ecologists euan ritchie and jen martin had vanished , and they still have n't been able to track down the would-be benefactor .a melbourne based couple learnt this the hard way after a crowdfunding page they launched received a baffling pledge for over $ 2 billion .the couple launched the crowdfunding page in a bid to track the numbers of kangaroos in the area\"]\n", + "=======================\n", + "[\"a melbourne based conservationist couple launched a crowd-funding pagewithin two days they received a $ 2 billion pledge which later disappearedthe site cancelled the pledge because it was deemed suspiciousthe baffled couple still have n't tracked down the would-be benefactor\"]\n", + "within an hour , the momentous donation to a kangaroo preservation project launched by ecologists euan ritchie and jen martin had vanished , and they still have n't been able to track down the would-be benefactor .a melbourne based couple learnt this the hard way after a crowdfunding page they launched received a baffling pledge for over $ 2 billion .the couple launched the crowdfunding page in a bid to track the numbers of kangaroos in the area\n", + "a melbourne based conservationist couple launched a crowd-funding pagewithin two days they received a $ 2 billion pledge which later disappearedthe site cancelled the pledge because it was deemed suspiciousthe baffled couple still have n't tracked down the would-be benefactor\n", + "[1.4392349 1.2267237 1.1824628 1.2805872 1.2316058 1.190061 1.0331901\n", + " 1.0238823 1.0927228 1.0388395 1.1414347 1.210042 1.1074436 1.0500796\n", + " 1.0258591 1.0848923 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 4 1 11 5 2 10 12 8 15 13 9 6 14 7 16 17 18 19 20 21 22 23\n", + " 24 25 26 27 28]\n", + "=======================\n", + "[\"manchester united striker james wilson has revealed that if he could take one quality from team-mate wayne rooney and add it to his own game , it would be the england captain 's ability to take free-kicks .wilson says england captain rooney practices his free kicks every day , and often hits the targetthe 19-year-old , speaking during an interview in may 's issue of inside united , added that he would want robin van persie 's movement and radamel falcao 's instincts .\"]\n", + "=======================\n", + "[\"james wilson reveals what he would take from each man united strikerthe 19-year-old would take wayne rooney 's free-kick taking abilitywilson would like to add robin van persie 's movement to his own gamewhile he would like to harness radamel falcao 's predatory instinctsman utd sacked moyes one year ago ... what has van gaal changed since ?read : manchester united gareth bale to give his side needed dynamism\"]\n", + "manchester united striker james wilson has revealed that if he could take one quality from team-mate wayne rooney and add it to his own game , it would be the england captain 's ability to take free-kicks .wilson says england captain rooney practices his free kicks every day , and often hits the targetthe 19-year-old , speaking during an interview in may 's issue of inside united , added that he would want robin van persie 's movement and radamel falcao 's instincts .\n", + "james wilson reveals what he would take from each man united strikerthe 19-year-old would take wayne rooney 's free-kick taking abilitywilson would like to add robin van persie 's movement to his own gamewhile he would like to harness radamel falcao 's predatory instinctsman utd sacked moyes one year ago ... what has van gaal changed since ?read : manchester united gareth bale to give his side needed dynamism\n", + "[1.1087458 1.0513688 1.029922 1.0769246 1.3535631 1.1150792 1.1156514\n", + " 1.1777626 1.0317028 1.0349294 1.1400691 1.0355351 1.0270414 1.0262483\n", + " 1.0177037 1.0470887 1.0292856 1.0455754 1.0527172 1.124036 1.0224402\n", + " 1.0759909 1.0117679 1.0191648 1.0208997 1.0340416 1.0415559 1.097997\n", + " 1.0892214]\n", + "\n", + "[ 4 7 10 19 6 5 0 27 28 3 21 18 1 15 17 26 11 9 25 8 2 16 12 13\n", + " 20 24 23 14 22]\n", + "=======================\n", + "[\"miracle mammals : you can spot dolphins at cardigan bay - the dolphin capital of britainthe miracle of a dolphin-sighting hits us humans at a profound level .it 's full of fish and 18 years ago ospreys were reintroduced , the first english ospreys for 150 years .\"]\n", + "=======================\n", + "['britain is home to a grand array of wildlife , from birds of prey to dolphinsyou can glimpse the most magical of marine mammals at cardigan bayyou can also glimpse the elusive red squirrel at formby in lancashire']\n", + "miracle mammals : you can spot dolphins at cardigan bay - the dolphin capital of britainthe miracle of a dolphin-sighting hits us humans at a profound level .it 's full of fish and 18 years ago ospreys were reintroduced , the first english ospreys for 150 years .\n", + "britain is home to a grand array of wildlife , from birds of prey to dolphinsyou can glimpse the most magical of marine mammals at cardigan bayyou can also glimpse the elusive red squirrel at formby in lancashire\n", + "[1.3835146 1.5899624 1.2405974 1.0671837 1.064173 1.0296912 1.0306811\n", + " 1.2209507 1.1220455 1.0705339 1.0384612 1.0709659 1.1290743 1.0894653\n", + " 1.0991117 1.034246 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 7 12 8 14 13 11 9 3 4 10 15 6 5 26 25 24 23 22 17 20 19\n", + " 18 16 27 21 28]\n", + "=======================\n", + "[\"alissa sizemore , from vernal , utah , was only seven-years-old when a truck ran over her foot and immediately severed it .an eight-year-old girl , who lost her leg in a terrible accident last year , has given her first solo dance performance since she became an amputee eleven months ago - earning a standing ovation for her moving routine .although the dancer , who has been taking lessons since she was four-years-old , had to have her right leg amputated below the knee , she was determined to get back in the dance studio as soon as possible . '\"]\n", + "=======================\n", + "['alissa sizemore , from vernal , utah , was only seven-years-old when her right leg had to be amputated below the knee after she was hit by a truckthe dancer removed her prosthetic leg midway though her emotional performancealissa recently starred in a music video for the utah-based musical trio gentri']\n", + "alissa sizemore , from vernal , utah , was only seven-years-old when a truck ran over her foot and immediately severed it .an eight-year-old girl , who lost her leg in a terrible accident last year , has given her first solo dance performance since she became an amputee eleven months ago - earning a standing ovation for her moving routine .although the dancer , who has been taking lessons since she was four-years-old , had to have her right leg amputated below the knee , she was determined to get back in the dance studio as soon as possible . '\n", + "alissa sizemore , from vernal , utah , was only seven-years-old when her right leg had to be amputated below the knee after she was hit by a truckthe dancer removed her prosthetic leg midway though her emotional performancealissa recently starred in a music video for the utah-based musical trio gentri\n", + "[1.2906431 1.4125338 1.2077973 1.1708645 1.2898717 1.1977715 1.1655123\n", + " 1.0439068 1.0657202 1.0245837 1.0183637 1.1162817 1.0842731 1.0411199\n", + " 1.0375009 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 4 2 5 3 6 11 12 8 7 13 14 9 10 27 15 16 17 18 19 20 21 22\n", + " 23 24 25 26 28]\n", + "=======================\n", + "[\"molly hennessey-fiske , a reporter for the los angeles times who has been covering proceedings against durst , 71 , after his mid-march arrest in louisiana , received a letter purporting to have been written by the suspect in state prison .real estate heir and suspected murderer robert durst has sent a bizarre letter to a reporter that shares no details about his alleged crime , but observations about life in los angeles .the letter , post-marked april 1st in baton rouge , specifically states that durst ` said nothing about charges , crimes or trials ' but rambles on about durst 's thoughts on life in southern california .\"]\n", + "=======================\n", + "[\"molly hennessey-fiske , los angeles times reporter , received lettermessages supposedly sent from durst at louisiana prisonmurder suspect discusses his time in la and the problems of trafficdurst blames ` politicos and business leaders ' for city 's lack of pro footballlawyer says it looks like his client 's handwriting , but it is different from ` cadaver ' letter after murder of susan berman , of which durst is accused\"]\n", + "molly hennessey-fiske , a reporter for the los angeles times who has been covering proceedings against durst , 71 , after his mid-march arrest in louisiana , received a letter purporting to have been written by the suspect in state prison .real estate heir and suspected murderer robert durst has sent a bizarre letter to a reporter that shares no details about his alleged crime , but observations about life in los angeles .the letter , post-marked april 1st in baton rouge , specifically states that durst ` said nothing about charges , crimes or trials ' but rambles on about durst 's thoughts on life in southern california .\n", + "molly hennessey-fiske , los angeles times reporter , received lettermessages supposedly sent from durst at louisiana prisonmurder suspect discusses his time in la and the problems of trafficdurst blames ` politicos and business leaders ' for city 's lack of pro footballlawyer says it looks like his client 's handwriting , but it is different from ` cadaver ' letter after murder of susan berman , of which durst is accused\n", + "[1.266946 1.4591643 1.1710386 1.1874009 1.2133125 1.0919203 1.0876043\n", + " 1.078171 1.0698929 1.0620208 1.0522649 1.0720685 1.211855 1.0556664\n", + " 1.0414262 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 12 3 2 5 6 7 11 8 9 13 10 14 18 15 16 17 19]\n", + "=======================\n", + "[\"nicole mcdonough , 32 , of mount olive , was arrested in december on suspicion of having sex with an 18-year-old student while employed as a teacher at mendham high school .a new jersey high school teacher who was indicted last month on charges that she had sex with one student and engaged in improper relationships with two others is now trying to avoid prison time by entering a diversion program .on monday , mcdonough applied for morris county 's pre-trial intervention ( pti ) program , which provides first-time , non-violent offenders with alternatives to traditional prosecution .\"]\n", + "=======================\n", + "[\"nicole mcdonough , of mount olive , new jersey , was indicted on three counts of official misconduct in marchthe 32-year-old married mother of two and english teacher at west morris mendham high school was arrested december 30allegedly had improper relations with two 18-year-old male students and a ` physical sexual relationship ' with a thirdmcdonough pleaded not guilty at her first court appearance in januaryshe is now applying for pre-trail intervention program in hopes of having her criminal record expunged\"]\n", + "nicole mcdonough , 32 , of mount olive , was arrested in december on suspicion of having sex with an 18-year-old student while employed as a teacher at mendham high school .a new jersey high school teacher who was indicted last month on charges that she had sex with one student and engaged in improper relationships with two others is now trying to avoid prison time by entering a diversion program .on monday , mcdonough applied for morris county 's pre-trial intervention ( pti ) program , which provides first-time , non-violent offenders with alternatives to traditional prosecution .\n", + "nicole mcdonough , of mount olive , new jersey , was indicted on three counts of official misconduct in marchthe 32-year-old married mother of two and english teacher at west morris mendham high school was arrested december 30allegedly had improper relations with two 18-year-old male students and a ` physical sexual relationship ' with a thirdmcdonough pleaded not guilty at her first court appearance in januaryshe is now applying for pre-trail intervention program in hopes of having her criminal record expunged\n", + "[1.2148256 1.4209943 1.3334794 1.3527169 1.2513425 1.1318493 1.0344368\n", + " 1.0134648 1.019863 1.0574824 1.0166959 1.017947 1.0178574 1.2027719\n", + " 1.1783423 1.1156899 1.0481414 1.0149819 1.0635128 0. ]\n", + "\n", + "[ 1 3 2 4 0 13 14 5 15 18 9 16 6 8 11 12 10 17 7 19]\n", + "=======================\n", + "[\"jennifer saunders , who wrote and starred in the series , confirmed yesterday the cast will begin filming in the autumn .jennifer saunders ( left ) and joanna lumley ( right ) are set to reunite for a film of absolutely fabulousshe revealed that joanna lumley , who plays patsy in the comedy ( pictured with saunders ) had told her to ` do it before we die ' and she was spurred on to finish the script by a # 10,000 bet with dawn french .\"]\n", + "=======================\n", + "[\"cast will become filming in london , france and bahamas in the autumnsaunders spurred on to write script after # 10,000 bet with dawn french56-year-old , who plays edina , said joanna lumley wanted to ` do it before we die '\"]\n", + "jennifer saunders , who wrote and starred in the series , confirmed yesterday the cast will begin filming in the autumn .jennifer saunders ( left ) and joanna lumley ( right ) are set to reunite for a film of absolutely fabulousshe revealed that joanna lumley , who plays patsy in the comedy ( pictured with saunders ) had told her to ` do it before we die ' and she was spurred on to finish the script by a # 10,000 bet with dawn french .\n", + "cast will become filming in london , france and bahamas in the autumnsaunders spurred on to write script after # 10,000 bet with dawn french56-year-old , who plays edina , said joanna lumley wanted to ` do it before we die '\n", + "[1.2831268 1.4713236 1.1744184 1.2544506 1.1184319 1.162304 1.2489164\n", + " 1.1153536 1.0637195 1.0486835 1.0557842 1.0366807 1.0553173 1.0184509\n", + " 1.1105572 1.0237838 1.0477496 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 6 2 5 4 7 14 8 10 12 9 16 11 15 13 18 17 19]\n", + "=======================\n", + "[\"freddie gray died sunday after he ` had his spine 80 per cent severed at his neck ' following his arrest by three bicycle officers for a violation that 's been kept ` secret ' until today .baltimore police who said a 25-year-old they arrested was taken into custody ` without incident ' are facing questions about what happened to lead to his death from a severed spine .gray , who was screaming in pain as he was taken to a police van , then lapsed into a coma and was taken to a university of maryland trauma center where he struggled to stay alive for seven days before his death .\"]\n", + "=======================\n", + "[\"freddie gray , 25 , died sunday a week after his arrest in baltimorefour officers arrested him for a violation now revealed to be switchbladehe was dragged during the arrest and witness said his legs ` looked broke 'gray was loaded into a transport van and put in restraints on way to stationgray lapsed into coma and underwent extensive surgery at trauma centerbaltimore mayor stephanie rawlings-blake promised thorough investigation` whatever happened happened in the back of the van , ' she said\"]\n", + "freddie gray died sunday after he ` had his spine 80 per cent severed at his neck ' following his arrest by three bicycle officers for a violation that 's been kept ` secret ' until today .baltimore police who said a 25-year-old they arrested was taken into custody ` without incident ' are facing questions about what happened to lead to his death from a severed spine .gray , who was screaming in pain as he was taken to a police van , then lapsed into a coma and was taken to a university of maryland trauma center where he struggled to stay alive for seven days before his death .\n", + "freddie gray , 25 , died sunday a week after his arrest in baltimorefour officers arrested him for a violation now revealed to be switchbladehe was dragged during the arrest and witness said his legs ` looked broke 'gray was loaded into a transport van and put in restraints on way to stationgray lapsed into coma and underwent extensive surgery at trauma centerbaltimore mayor stephanie rawlings-blake promised thorough investigation` whatever happened happened in the back of the van , ' she said\n", + "[1.2837987 1.4096191 1.3133409 1.371116 1.2171246 1.0360436 1.0682244\n", + " 1.0880983 1.0363281 1.0361123 1.0881848 1.0222063 1.014631 1.0539392\n", + " 1.0947798 1.0682085 1.0331453 1.0442047 1.0954617 1.027149 ]\n", + "\n", + "[ 1 3 2 0 4 18 14 10 7 6 15 13 17 8 9 5 16 19 11 12]\n", + "=======================\n", + "['the victims all believed they were involved in a relationship with a mormon man living in the same state - only to find out they were being duped by a woman named kayla in texas .seven women who were all believed to be in an online relationship with the same man found out that they had been catfished by a 24-year-old woman in texas named kaylaand the women had a chance to confront the woman , named kayla , on an episode of dr phil that aired on friday .']\n", + "=======================\n", + "[\"the victims confronted the woman , kayla , on an episode of dr philnone of the women had met impostor despite regular texts and conversationkayla said she is gay and mormon , but thought she ` could n't have both ' , and used catfishing to ` figure out ' who she was , which she said was wrongit emerged kayla was a catfish when one of her victims became suspicious and looked further into who she was talking with\"]\n", + "the victims all believed they were involved in a relationship with a mormon man living in the same state - only to find out they were being duped by a woman named kayla in texas .seven women who were all believed to be in an online relationship with the same man found out that they had been catfished by a 24-year-old woman in texas named kaylaand the women had a chance to confront the woman , named kayla , on an episode of dr phil that aired on friday .\n", + "the victims confronted the woman , kayla , on an episode of dr philnone of the women had met impostor despite regular texts and conversationkayla said she is gay and mormon , but thought she ` could n't have both ' , and used catfishing to ` figure out ' who she was , which she said was wrongit emerged kayla was a catfish when one of her victims became suspicious and looked further into who she was talking with\n", + "[1.2962929 1.4678408 1.234242 1.3386157 1.2201245 1.1661541 1.0545775\n", + " 1.0537977 1.0798582 1.0281059 1.0847996 1.0833493 1.0503665 1.0549749\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 5 10 11 8 13 6 7 12 9 14 15 16 17 18 19]\n", + "=======================\n", + "['the intricately-carved ornate bed was left in the car park of the former redland house hotel in hough green , chester , by builders who were renovating the property .a four-poster bed which was dumped in a hotel car park and sold for # 2,200 has been verified as once belonging to king henry vii -- and it could now be worth millions .oblivious to its true value and historical significance , the construction workers dismantled the piece of oak wood furniture and left it to be picked up by auctioneers .']\n", + "=======================\n", + "['four-poster bed dumped in a hotel car park and sold at auction for # 2,200owner suspected it had historic value and experts have been investigatinghistorian now claims dna from the timber proves it belonged to henry viiornate bed , now on display , was made for king and wife elizabeth of york']\n", + "the intricately-carved ornate bed was left in the car park of the former redland house hotel in hough green , chester , by builders who were renovating the property .a four-poster bed which was dumped in a hotel car park and sold for # 2,200 has been verified as once belonging to king henry vii -- and it could now be worth millions .oblivious to its true value and historical significance , the construction workers dismantled the piece of oak wood furniture and left it to be picked up by auctioneers .\n", + "four-poster bed dumped in a hotel car park and sold at auction for # 2,200owner suspected it had historic value and experts have been investigatinghistorian now claims dna from the timber proves it belonged to henry viiornate bed , now on display , was made for king and wife elizabeth of york\n", + "[1.2830389 1.4197445 1.2642081 1.1628059 1.186728 1.2604995 1.1489307\n", + " 1.1374652 1.1733547 1.0953737 1.040531 1.0158726 1.0460169 1.0156964\n", + " 1.0477648 1.0182585 1.0217429 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 5 4 8 3 6 7 9 14 12 10 16 15 11 13 17 18 19]\n", + "=======================\n", + "[\"the new york police department 's internal affairs bureau is investigating the incident after the footage was posted online involving detective patrick cherry .an undercover police officer who was captured on video ranting at an uber driver is assigned to the joint terrorism task force , it has emerged .one of the passengers in the car captured the exchange after the incident in west village .\"]\n", + "=======================\n", + "[\"the nypd detective has been accused of shouting abuse at an uber driverpatrick cherry of the joint terrorism task force is now under investigationdetective cherry was on his way back from visiting a colleague in hospitalthe uber driver ` honked ' det cherry as he reversed into a parking space\"]\n", + "the new york police department 's internal affairs bureau is investigating the incident after the footage was posted online involving detective patrick cherry .an undercover police officer who was captured on video ranting at an uber driver is assigned to the joint terrorism task force , it has emerged .one of the passengers in the car captured the exchange after the incident in west village .\n", + "the nypd detective has been accused of shouting abuse at an uber driverpatrick cherry of the joint terrorism task force is now under investigationdetective cherry was on his way back from visiting a colleague in hospitalthe uber driver ` honked ' det cherry as he reversed into a parking space\n", + "[1.3604902 1.1793644 1.4640986 1.2299709 1.1982701 1.1835353 1.168764\n", + " 1.1045882 1.1450174 1.0416292 1.0798723 1.0226052 1.0181214 1.1122588\n", + " 1.0825884 1.0785768 1.0374544 1.033873 1.010001 1.0225941]\n", + "\n", + "[ 2 0 3 4 5 1 6 8 13 7 14 10 15 9 16 17 11 19 12 18]\n", + "=======================\n", + "['no one was injured after the boy shot twice toward the ceiling in the school commons before classes began at north thurston high school in lacey , about 60 miles southwest of seattle , authorities said .brady olson , who teaches advanced placement government and civics at the school , knocked the armed student to the ground and kept him pinned down until authorities arrived , witnesses said .the shooter is in custody at the lacey police station .']\n", + "=======================\n", + "['a student walked into north thurston high school in lacey on monday morning with a gun and fired twice at the ceilingbrady olson , a government teacher , tackled the teenager to the ground and kept him pinned on the floor until authorities came and arrested the boythe unidentified shooter only transferred to the school a month agostudents praised the popular teacher for his quick-thinking and said they were not surprised that he had come to their rescue']\n", + "no one was injured after the boy shot twice toward the ceiling in the school commons before classes began at north thurston high school in lacey , about 60 miles southwest of seattle , authorities said .brady olson , who teaches advanced placement government and civics at the school , knocked the armed student to the ground and kept him pinned down until authorities arrived , witnesses said .the shooter is in custody at the lacey police station .\n", + "a student walked into north thurston high school in lacey on monday morning with a gun and fired twice at the ceilingbrady olson , a government teacher , tackled the teenager to the ground and kept him pinned on the floor until authorities came and arrested the boythe unidentified shooter only transferred to the school a month agostudents praised the popular teacher for his quick-thinking and said they were not surprised that he had come to their rescue\n", + "[1.204394 1.3369175 1.3901 1.2784243 1.2588614 1.1765498 1.1320935\n", + " 1.0925102 1.201096 1.0636379 1.0609925 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 4 0 8 5 6 7 9 10 11 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "['facebook consumes 40 per cent of the time young women spend online , psychologists at the university of new south wales in australia found .they use pictures on the social networking site to gauge their own appearance and see how they measure up against friends .comparison site : a study found women compared themselves to their friends on facebook rather than celebrities in magazines']\n", + "=======================\n", + "[\"australian study found women spend 40 % of online time on facebookcollege students aged 17 to 25 said they read magazines ` infrequently 'preferred facebook to compare looks and check appearances over time\"]\n", + "facebook consumes 40 per cent of the time young women spend online , psychologists at the university of new south wales in australia found .they use pictures on the social networking site to gauge their own appearance and see how they measure up against friends .comparison site : a study found women compared themselves to their friends on facebook rather than celebrities in magazines\n", + "australian study found women spend 40 % of online time on facebookcollege students aged 17 to 25 said they read magazines ` infrequently 'preferred facebook to compare looks and check appearances over time\n", + "[1.3546294 1.2912705 1.2698438 1.2840022 1.0839285 1.0830374 1.0356394\n", + " 1.064696 1.0865039 1.0480459 1.2015146 1.0632142 1.047524 1.0892295\n", + " 1.0595399 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 10 13 8 4 5 7 11 14 9 12 6 18 15 16 17 19]\n", + "=======================\n", + "[\"english essential : this laminated document announces the new isis nursing school and lists the language entry requirements for would-be nursesmilitants fighting for the islamic state terror group in syria have announced that all nurses working in areas under their control must speak english - something the nhs still has n't introduced .among them are rules that applicants are no more than 25 years of age , must be willing to work anywhere inside the territory controlled by the extremists , and must speak fluent english .\"]\n", + "=======================\n", + "['isis has announced that all nurses working for them must speak englishrule was one of the entry requirements for a new nursing school in raqqanhs has also attempted to introduce english language checks for nursesbut despite the law being approved , a lengthy consultation process means eu-trained nurses are still being employed without english tests']\n", + "english essential : this laminated document announces the new isis nursing school and lists the language entry requirements for would-be nursesmilitants fighting for the islamic state terror group in syria have announced that all nurses working in areas under their control must speak english - something the nhs still has n't introduced .among them are rules that applicants are no more than 25 years of age , must be willing to work anywhere inside the territory controlled by the extremists , and must speak fluent english .\n", + "isis has announced that all nurses working for them must speak englishrule was one of the entry requirements for a new nursing school in raqqanhs has also attempted to introduce english language checks for nursesbut despite the law being approved , a lengthy consultation process means eu-trained nurses are still being employed without english tests\n", + "[1.2687886 1.6039604 1.0957133 1.5302169 1.1119527 1.0537369 1.0348275\n", + " 1.0418965 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 5 7 6 17 16 15 14 13 9 11 10 18 8 12 19]\n", + "=======================\n", + "['the rotting remains of jose alberto , 58 , were discovered after neighbours called their local council to report the smell coming from his house in the city of san jose de balcare in eastern argentina .a lonely shepherd has been found dead alongside a scarecrow he had apparently had sex with after dressing it up in a long-haired wig and lipstick .` it was lying next to the deceased .']\n", + "=======================\n", + "['body of jose alberto , 58 , discovered at home in argentina by neighboursthey reported smell coming from his house in city of san jose de balcarewas found lying next to scarecrow wearing lipstick and long-haired wigprosecutor working on assumption he died during sex with the scarecrow']\n", + "the rotting remains of jose alberto , 58 , were discovered after neighbours called their local council to report the smell coming from his house in the city of san jose de balcare in eastern argentina .a lonely shepherd has been found dead alongside a scarecrow he had apparently had sex with after dressing it up in a long-haired wig and lipstick .` it was lying next to the deceased .\n", + "body of jose alberto , 58 , discovered at home in argentina by neighboursthey reported smell coming from his house in city of san jose de balcarewas found lying next to scarecrow wearing lipstick and long-haired wigprosecutor working on assumption he died during sex with the scarecrow\n", + "[1.3793652 1.335881 1.3237147 1.1353117 1.1416177 1.2741325 1.0474225\n", + " 1.0822723 1.1163809 1.1097345 1.0520134 1.0170013 1.044654 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 5 4 3 8 9 7 10 6 12 11 17 13 14 15 16 18]\n", + "=======================\n", + "['gary field , pictured , was seen at a ukip event in south thanet awaiting the arrival of nigel faragenigel farage was at the centre of fresh controversy last night after national front members turned up to campaign for him in the south thanet constituency .the row started after a group of far-right supporters calling themselves the east kent english patriots supported mr farage at an event in broadstairs on friday evening .']\n", + "=======================\n", + "[\"former edl organiser gary field was spotted at a ukip event in kentmr field was tagged after he was convicted in 2013 for an assaultone labour canvasser said that mr field sprayed her with deodorantmr field said he did spray her but claimed the incident was just ` banter '\"]\n", + "gary field , pictured , was seen at a ukip event in south thanet awaiting the arrival of nigel faragenigel farage was at the centre of fresh controversy last night after national front members turned up to campaign for him in the south thanet constituency .the row started after a group of far-right supporters calling themselves the east kent english patriots supported mr farage at an event in broadstairs on friday evening .\n", + "former edl organiser gary field was spotted at a ukip event in kentmr field was tagged after he was convicted in 2013 for an assaultone labour canvasser said that mr field sprayed her with deodorantmr field said he did spray her but claimed the incident was just ` banter '\n", + "[1.2520399 1.4415349 1.229909 1.1735406 1.1005789 1.318184 1.2045056\n", + " 1.0849721 1.0805691 1.1341217 1.1184566 1.0431353 1.016808 1.0210134\n", + " 1.0359404 1.0388601 0. 0. 0. ]\n", + "\n", + "[ 1 5 0 2 6 3 9 10 4 7 8 11 15 14 13 12 17 16 18]\n", + "=======================\n", + "['the deputy prime minister said he would not allow the lib dems to prop david cameron up in power if he insisted on pushing ahead with his plan to slash # 12billion from the benefits bill .nick clegg tonight vowed to block the tories imposing deep welfare cuts as the price of any future coalition deal .in an interview on the bbc , mr clegg also suggested he would veto a new deal unless the tories agreed new taxes on the rich .']\n", + "=======================\n", + "[\"deputy pm said he would block a new coalition deal over welfare cutshe pledged to force david cameron to impose new taxes on the wealthythe liberal democrats have called for # 3bn of new welfare savingscoalition has slashed # 20bn off the benefits bill in five years since 2010mr clegg said tories now ` lashing out ' because they know they are losingasked if he was proud of his record in power , he said : ` hell yes '\"]\n", + "the deputy prime minister said he would not allow the lib dems to prop david cameron up in power if he insisted on pushing ahead with his plan to slash # 12billion from the benefits bill .nick clegg tonight vowed to block the tories imposing deep welfare cuts as the price of any future coalition deal .in an interview on the bbc , mr clegg also suggested he would veto a new deal unless the tories agreed new taxes on the rich .\n", + "deputy pm said he would block a new coalition deal over welfare cutshe pledged to force david cameron to impose new taxes on the wealthythe liberal democrats have called for # 3bn of new welfare savingscoalition has slashed # 20bn off the benefits bill in five years since 2010mr clegg said tories now ` lashing out ' because they know they are losingasked if he was proud of his record in power , he said : ` hell yes '\n", + "[1.4187067 1.3259423 1.3767468 1.2126894 1.2163895 1.1420041 1.0929981\n", + " 1.1118793 1.0853896 1.1043934 1.054489 1.0462388 1.0350002 1.0413707\n", + " 1.0171341 1.069938 1.0591925 1.0440015 1.0109394]\n", + "\n", + "[ 0 2 1 4 3 5 7 9 6 8 15 16 10 11 17 13 12 14 18]\n", + "=======================\n", + "[\"( cnn ) isis claimed responsibility for a suicide car bomb attack friday near the u.s. consulate in the kurdish iraqi city of irbil , according to several twitter accounts linked to the terror group .at least four people were killed and 18 injured , police said .irbil is the capital of iraq 's semi-autonomous kurdistan regional government .\"]\n", + "=======================\n", + "['all u.s. consulate personnel safe after blast , state department spokeswoman sayssuicide bombers blow up car near the u.s. consulate in irbil , iraq']\n", + "( cnn ) isis claimed responsibility for a suicide car bomb attack friday near the u.s. consulate in the kurdish iraqi city of irbil , according to several twitter accounts linked to the terror group .at least four people were killed and 18 injured , police said .irbil is the capital of iraq 's semi-autonomous kurdistan regional government .\n", + "all u.s. consulate personnel safe after blast , state department spokeswoman sayssuicide bombers blow up car near the u.s. consulate in irbil , iraq\n", + "[1.3576939 1.184727 1.4382163 1.2590894 1.1406907 1.0395341 1.1042314\n", + " 1.0906445 1.0338361 1.0164229 1.0200853 1.1460444 1.0359423 1.0496489\n", + " 1.0454621 1.0349625 1.0141139 1.1288947 0. ]\n", + "\n", + "[ 2 0 3 1 11 4 17 6 7 13 14 5 12 15 8 10 9 16 18]\n", + "=======================\n", + "['ashley jiron , owner of p.b. jams in warr acres , oklahoma , noticed that someone had been looking for food in the bins behind her restaurant and decided try and get in contact with them .a sign on a diner window in oklahoma asking a homeless person who had been going through their rubbish to come for a free mealshe taped a sign to her diner window appealing to the person to come forward , so that she could give them a proper meal - free of charge .']\n", + "=======================\n", + "['ashley jiron , is the owner of p.b. jams in warr acres in oklahomashe noticed someone had been looking through her bins for foodshe posted a note on her diner window inviting them in for a free meal']\n", + "ashley jiron , owner of p.b. jams in warr acres , oklahoma , noticed that someone had been looking for food in the bins behind her restaurant and decided try and get in contact with them .a sign on a diner window in oklahoma asking a homeless person who had been going through their rubbish to come for a free mealshe taped a sign to her diner window appealing to the person to come forward , so that she could give them a proper meal - free of charge .\n", + "ashley jiron , is the owner of p.b. jams in warr acres in oklahomashe noticed someone had been looking through her bins for foodshe posted a note on her diner window inviting them in for a free meal\n", + "[1.2349188 1.3557667 1.3627939 1.3129334 1.2863805 1.1758707 1.1866803\n", + " 1.0712498 1.1821488 1.0387888 1.0455809 1.0127954 1.0099835 1.0200961\n", + " 1.0350754 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 4 0 6 8 5 7 10 9 14 13 11 12 15 16 17 18]\n", + "=======================\n", + "['moore died from bowel and liver cancer on february 4 , 1993 , at the age of 51 , and bianca westwood , rob lee and clare balding were among those showing their support on social media .fans were asked to unite against bowel cancer by donning a football shirt -- old or new -- in memory of 1966 world cup-winning captain bobby moore .bianca westwood shows off her kit for football shirt friday and urged those on twitter to donate']\n", + "=======================\n", + "['fans were asked to unite against cancer by donning a football shirtit is in support of the bobby moore fund for cancer research ukmoore died from bowel and liver cancer on february 4 , 1993']\n", + "moore died from bowel and liver cancer on february 4 , 1993 , at the age of 51 , and bianca westwood , rob lee and clare balding were among those showing their support on social media .fans were asked to unite against bowel cancer by donning a football shirt -- old or new -- in memory of 1966 world cup-winning captain bobby moore .bianca westwood shows off her kit for football shirt friday and urged those on twitter to donate\n", + "fans were asked to unite against cancer by donning a football shirtit is in support of the bobby moore fund for cancer research ukmoore died from bowel and liver cancer on february 4 , 1993\n", + "[1.2137296 1.0577058 1.1207191 1.2354631 1.1353161 1.1480516 1.0956922\n", + " 1.1465447 1.0838865 1.0566204 1.0989292 1.0634164 1.091743 1.04415\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 5 7 4 2 10 6 12 8 11 1 9 13 16 14 15 17]\n", + "=======================\n", + "[\"( affleck revealed cole 's name wednesday night . )( cnn ) would you want a tv program about your family history to include details of a distant , long-deceased relative who had owned slaves ?affleck 's attempt to alter the content of the program only publicly became known a few days ago after wikileaks released hacked emails revealing an exchange between gates and sony pictures chief michael lynton .\"]\n", + "=======================\n", + "['ben affleck admits he asked pbs show \" finding your roots \" to avoid mentioning his slave-owning ancestordean obeidallah says the actor and the show were right to leave the detail out']\n", + "( affleck revealed cole 's name wednesday night . )( cnn ) would you want a tv program about your family history to include details of a distant , long-deceased relative who had owned slaves ?affleck 's attempt to alter the content of the program only publicly became known a few days ago after wikileaks released hacked emails revealing an exchange between gates and sony pictures chief michael lynton .\n", + "ben affleck admits he asked pbs show \" finding your roots \" to avoid mentioning his slave-owning ancestordean obeidallah says the actor and the show were right to leave the detail out\n", + "[1.3011227 1.3699543 1.0994152 1.4117943 1.0705935 1.1232435 1.1077323\n", + " 1.0498458 1.085936 1.090762 1.0662225 1.0627182 1.0445485 1.0404077\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 5 6 2 9 8 4 10 11 7 12 13 16 14 15 17]\n", + "=======================\n", + "['tickled : toronto officer luke watson was more than happy to sport his new hot pink hair in support of the day of pink event held on april 8 across canadaa police officer in toronto , ontario , has dyed his hair hot pink in order to protest against homophobia , discrimination and any acts of bullying towards lgbt people .560 retweets later and luke arrived at the station to the news that he would have to dye his blonde locks a bright and bold shade of pink , all in the name of spreading a message of tolerance and acceptance to the community .']\n", + "=======================\n", + "['canadian policeman luke watson had his hair dyed as part of the day of pink event to fight against bullying in schoolsthe event was started after two students stopped bullies from harassing a gay classmate in nova scotia']\n", + "tickled : toronto officer luke watson was more than happy to sport his new hot pink hair in support of the day of pink event held on april 8 across canadaa police officer in toronto , ontario , has dyed his hair hot pink in order to protest against homophobia , discrimination and any acts of bullying towards lgbt people .560 retweets later and luke arrived at the station to the news that he would have to dye his blonde locks a bright and bold shade of pink , all in the name of spreading a message of tolerance and acceptance to the community .\n", + "canadian policeman luke watson had his hair dyed as part of the day of pink event to fight against bullying in schoolsthe event was started after two students stopped bullies from harassing a gay classmate in nova scotia\n", + "[1.0456691 1.2440717 1.3388736 1.2326863 1.1999006 1.1737686 1.2012886\n", + " 1.13828 1.0818542 1.0836713 1.0457213 1.044423 1.0373425 1.0815802\n", + " 1.1175735 1.0798999 1.0325034 1.0841676]\n", + "\n", + "[ 2 1 3 6 4 5 7 14 17 9 8 13 15 10 0 11 12 16]\n", + "=======================\n", + "['by far , the most searched for term globally is hiv and aids , followed by herpes and then human papilloma virus ( hpv ) which can cause cervical cancer .but analysis of popular search terms on google has revealed the areas around the world that seem to be most concerned with sexually transmitted diseases .the data was gathered using google trends']\n", + "=======================\n", + "['analysis of google search results has revealed the areas in europe and the united states most concerned with different sexually transmitted diseasesherpes are a concern in norway while finland searches most for chlamydiamississippi searched for gonorrhea and syphilis more than any other statewhile in the uk , chlamydia seemingly causes the most concern and is incidentally the most commonly diagnosed std in the country']\n", + "by far , the most searched for term globally is hiv and aids , followed by herpes and then human papilloma virus ( hpv ) which can cause cervical cancer .but analysis of popular search terms on google has revealed the areas around the world that seem to be most concerned with sexually transmitted diseases .the data was gathered using google trends\n", + "analysis of google search results has revealed the areas in europe and the united states most concerned with different sexually transmitted diseasesherpes are a concern in norway while finland searches most for chlamydiamississippi searched for gonorrhea and syphilis more than any other statewhile in the uk , chlamydia seemingly causes the most concern and is incidentally the most commonly diagnosed std in the country\n", + "[1.5802269 1.241089 1.2061956 1.3926678 1.2752984 1.0677592 1.071731\n", + " 1.0502288 1.0757405 1.0642855 1.0554808 1.0519605 1.0831596 1.0354685\n", + " 1.0357368 1.0183188 1.0714462 1.0161471]\n", + "\n", + "[ 0 3 4 1 2 12 8 6 16 5 9 10 11 7 14 13 15 17]\n", + "=======================\n", + "[\"in-form winger aaron murphy scored twice in a seven-try romp as huddersfield secured a 38-14 super league victory against catalans dragons to end a three-match losing run .former wakefield wildcats star murphy , 27 , has now scored six tries in his last five appearances .murphy , player of the month for february and march , went over in the left corner on 15 minutes from jake connor 's pass .\"]\n", + "=======================\n", + "[\"aaron murphy scored twice as huddersfield ended three-match losing runformer wakefield wildcats star has now scored six tries in his last fivemurphy went over in the left corner on 15 minutes from jake connor 's passhe was then on hand when ukuma ta'ai off-loaded kick from danny brough\"]\n", + "in-form winger aaron murphy scored twice in a seven-try romp as huddersfield secured a 38-14 super league victory against catalans dragons to end a three-match losing run .former wakefield wildcats star murphy , 27 , has now scored six tries in his last five appearances .murphy , player of the month for february and march , went over in the left corner on 15 minutes from jake connor 's pass .\n", + "aaron murphy scored twice as huddersfield ended three-match losing runformer wakefield wildcats star has now scored six tries in his last fivemurphy went over in the left corner on 15 minutes from jake connor 's passhe was then on hand when ukuma ta'ai off-loaded kick from danny brough\n", + "[1.4982458 1.2957888 1.2847923 1.2667176 1.202986 1.1228495 1.0629638\n", + " 1.0696839 1.0276346 1.0172784 1.0657618 1.067174 1.0836066 1.1151958\n", + " 1.0104023 1.0167317 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 5 13 12 7 11 10 6 8 9 15 14 16 17]\n", + "=======================\n", + "['( cnn ) a sexual harassment complaint has been filed against new zealand prime minister john key after a waitress complained about him repeatedly pulling her ponytail at an auckland cafe .cnn affiliate tvnz reported that the complaint was filed thursday morning by graham mccready , an accountant described in the new zealand press as a \" serial litigant , \" who has previously launched private prosecutions against key .mccready \\'s complaint claimed that key had breached a section of the country \\'s human rights act relating to sexual harassment , tvnz reported .']\n", + "=======================\n", + "['a sexual harassment complaint has been filed against pm john key after a waitress complained about him repeatedly pulling her ponytailkiwi prime minister accused of pulling a waitress \\' hair on several occasions despite her obvious discomfortpm key later apologized , but said that he was merely engaging in \" banter \"politicians and public figures have condemned his behavior']\n", + "( cnn ) a sexual harassment complaint has been filed against new zealand prime minister john key after a waitress complained about him repeatedly pulling her ponytail at an auckland cafe .cnn affiliate tvnz reported that the complaint was filed thursday morning by graham mccready , an accountant described in the new zealand press as a \" serial litigant , \" who has previously launched private prosecutions against key .mccready 's complaint claimed that key had breached a section of the country 's human rights act relating to sexual harassment , tvnz reported .\n", + "a sexual harassment complaint has been filed against pm john key after a waitress complained about him repeatedly pulling her ponytailkiwi prime minister accused of pulling a waitress ' hair on several occasions despite her obvious discomfortpm key later apologized , but said that he was merely engaging in \" banter \"politicians and public figures have condemned his behavior\n", + "[1.3035983 1.2877725 1.3115032 1.2624949 1.1385124 1.1916971 1.112031\n", + " 1.0614413 1.0651448 1.0912331 1.0692909 1.0266577 1.015867 1.0138073\n", + " 1.0925696 1.0594447 1.0654707 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 1 3 5 4 6 14 9 10 16 8 7 15 11 12 13 20 17 18 19 21]\n", + "=======================\n", + "[\"it comes after rbs was forced to put aside # 856million to cover lawsuits and fines still being decided , including an extra # 334million for its part in rigging the foreign exchange market with other banks .royal bank of scotland has racked up # 50billion in losses since it was bailed out by taxpayers and warned last night that it faces another ` tough year ' .the state-backed giant reached the milestone yesterday as it lurched to a # 446million loss for the first three months of the year .\"]\n", + "=======================\n", + "[\"rbs has racked up # 50billion in losses since it was bailed out by taxpayersstate-back giant warned that it faces ` another tough year ' to comelurched to a # 446million loss for the first three months of the year\"]\n", + "it comes after rbs was forced to put aside # 856million to cover lawsuits and fines still being decided , including an extra # 334million for its part in rigging the foreign exchange market with other banks .royal bank of scotland has racked up # 50billion in losses since it was bailed out by taxpayers and warned last night that it faces another ` tough year ' .the state-backed giant reached the milestone yesterday as it lurched to a # 446million loss for the first three months of the year .\n", + "rbs has racked up # 50billion in losses since it was bailed out by taxpayersstate-back giant warned that it faces ` another tough year ' to comelurched to a # 446million loss for the first three months of the year\n", + "[1.2445647 1.3776734 1.2880416 1.2366092 1.0923599 1.1929145 1.086897\n", + " 1.1122104 1.1403465 1.1422896 1.0885291 1.10811 1.059612 1.0416478\n", + " 1.0197546 1.0402788 1.0163364 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 5 9 8 7 11 4 10 6 12 13 15 14 16 17 18 19 20 21]\n", + "=======================\n", + "[\"progress m-27m appears to have suffered a major malfunction moments after launch at 3:09 am edt ( 07:09 gmt ) from kazakhstan .it was due to dock with the iss six hours after take off , but that plan has now been ` indefinitely abandoned ' .the russian space agency , roscosmos , is attempting to regain control of a spaceship that is spinning out of control in orbit .\"]\n", + "=======================\n", + "[\"progress m-27m suffered a glitch moments after launch this morningroscosmos says problem is with its antenna and propulsion systemspacecraft was scheduled to dock with the iss today to deliver foodplan is ` indefinitely abandoned ' as russia scrambles to gain control\"]\n", + "progress m-27m appears to have suffered a major malfunction moments after launch at 3:09 am edt ( 07:09 gmt ) from kazakhstan .it was due to dock with the iss six hours after take off , but that plan has now been ` indefinitely abandoned ' .the russian space agency , roscosmos , is attempting to regain control of a spaceship that is spinning out of control in orbit .\n", + "progress m-27m suffered a glitch moments after launch this morningroscosmos says problem is with its antenna and propulsion systemspacecraft was scheduled to dock with the iss today to deliver foodplan is ` indefinitely abandoned ' as russia scrambles to gain control\n", + "[1.4449463 1.2517599 1.5273609 1.2720878 1.3822185 1.0558817 1.0431646\n", + " 1.1067817 1.0267105 1.0194858 1.0175813 1.0462062 1.0166711 1.0098612\n", + " 1.0195509 1.2537189 1.0267422 1.0219561 1.0101198 1.0121222 1.0121927\n", + " 1.1510224]\n", + "\n", + "[ 2 0 4 3 15 1 21 7 5 11 6 16 8 17 14 9 10 12 20 19 18 13]\n", + "=======================\n", + "[\"courtney brain , 16 , was taken out of school at skegness academy when she visited her gp for treatment for a water infection .her mother jane burnham , 50 , criticised the ` mind-boggling ' decision last wednesday to punish courtney - who she claimed has a 98 per cent attendance record , although the school put this figure at 91 per cent - and accused the academy of being ` petty and unreasonable ' .but she was stunned upon her return to class in lincolnshire to be told she must make up the missed time for the ` unauthorised absence ' .\"]\n", + "=======================\n", + "[\"courtney brain left skegness academy to visited her gp for treatmentshe was later told to make up missed time for ` unauthorised absence 'mother criticises decision to punish her daughter as ` mind-boggling 'school claims detention was to give her best chance of good grades\"]\n", + "courtney brain , 16 , was taken out of school at skegness academy when she visited her gp for treatment for a water infection .her mother jane burnham , 50 , criticised the ` mind-boggling ' decision last wednesday to punish courtney - who she claimed has a 98 per cent attendance record , although the school put this figure at 91 per cent - and accused the academy of being ` petty and unreasonable ' .but she was stunned upon her return to class in lincolnshire to be told she must make up the missed time for the ` unauthorised absence ' .\n", + "courtney brain left skegness academy to visited her gp for treatmentshe was later told to make up missed time for ` unauthorised absence 'mother criticises decision to punish her daughter as ` mind-boggling 'school claims detention was to give her best chance of good grades\n", + "[1.2342225 1.182459 1.2590332 1.221197 1.3058009 1.2600446 1.0809075\n", + " 1.0355551 1.0931467 1.094332 1.0725981 1.0709865 1.0761497 1.0733286\n", + " 1.059221 1.0287104 1.0250132 1.0187358 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 4 5 2 0 3 1 9 8 6 12 13 10 11 14 7 15 16 17 20 18 19 21]\n", + "=======================\n", + "['monitoring by hebridean whale and dolphin trust teams has seen the number of encounters increase by 68 per cent over the past 12 yearscommon dolphins were once a rare sight in the hebrides , preferring warmer waters found further south , leading experts to believe that global warming has led to pods moving north .encounters with common dolphins off the west of scotland have more than doubled over a decade , according to experts .']\n", + "=======================\n", + "['common dolphins were once rare in the hebrides , preferring warmer waterbut their numbers have risen by 68 per cent over the last 12 yearsscientists believe this could be due to the waters warming by 0.5 °chebridean whale and dolphin trust is recruiting volunteers for monitoring']\n", + "monitoring by hebridean whale and dolphin trust teams has seen the number of encounters increase by 68 per cent over the past 12 yearscommon dolphins were once a rare sight in the hebrides , preferring warmer waters found further south , leading experts to believe that global warming has led to pods moving north .encounters with common dolphins off the west of scotland have more than doubled over a decade , according to experts .\n", + "common dolphins were once rare in the hebrides , preferring warmer waterbut their numbers have risen by 68 per cent over the last 12 yearsscientists believe this could be due to the waters warming by 0.5 °chebridean whale and dolphin trust is recruiting volunteers for monitoring\n", + "[1.3724706 1.4284668 1.3222325 1.3687694 1.2191812 1.2355648 1.0923338\n", + " 1.1387986 1.2077539 1.0178303 1.0120853 1.0071862 1.2003266 1.0138524\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "IOPub data rate exceeded.\n", + "The notebook server will temporarily stop sending output\n", + "to the client in order to avoid crashing it.\n", + "To change this limit, set the config variable\n", + "`--NotebookApp.iopub_data_rate_limit`.\n", + "\n", + "Current values:\n", + "NotebookApp.iopub_data_rate_limit=1000000.0 (bytes/sec)\n", + "NotebookApp.rate_limit_window=3.0 (secs)\n", + "\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['imam abdul hadi arwani called to a building job in the area he was killedpossible client appeared to back off when arwani arrived with his sonanti-assad activist found in the area days later , victim of a professional hitpolice look at personal and financial ties as possible motivation for killing']\n", + "arwani , 48 , was shot and killed in his car on a quiet street in north west london after being called there last tuesday , apparently to provide a quote for building work .sources close to the investigation , which is being led by the counter-terrorism unit , told the sunday times that abdul hadi arwani , an opponent of syrian president bahsar al-assad , had visited the area where he was killed with his son days before his death .the son of a syrian imam who was shot dead on a london street may have met his father 's killer just days before the murder .\n", + "imam abdul hadi arwani called to a building job in the area he was killedpossible client appeared to back off when arwani arrived with his sonanti-assad activist found in the area days later , victim of a professional hitpolice look at personal and financial ties as possible motivation for killing\n", + "[1.18865 1.2925197 1.1545321 1.2504697 1.1563194 1.4040436 1.1326885\n", + " 1.0616823 1.0978905 1.0673726 1.0627341 1.1280308 1.0263283 1.0183101\n", + " 1.0862398 1.1005028 1.062993 0. 0. 0. 0. ]\n", + "\n", + "[ 5 1 3 0 4 2 6 11 15 8 14 9 16 10 7 12 13 19 17 18 20]\n", + "=======================\n", + "[\"` deadly nickel ride ' : gray , 25 , was arrested on april 12 in baltimore and died a week later from a severe spinal injury that may have been caused when he was shackled and driven to the police station in a paddy wagon without being strapped into a seatbeltthe cause of his fatal spine injury has not been revealed .unbelted detainees have been paralyzed and even killed by rough rides in what used to be called ` paddy wagons . '\"]\n", + "=======================\n", + "[\"an attorney for at least one of the officers , michael davey , said thursday that gray was not strapped in during transportthe 25-year-old was cuffed at the wrists and shackled at the ankles - he was found to have a fatal spine injury , but the cause remains unknown` nickel rides ' have caused spinal injuries in the past .department rules were updated nine days before gray 's arrest stating that all detainees shall be strapped in by seat belts or other device\"]\n", + "` deadly nickel ride ' : gray , 25 , was arrested on april 12 in baltimore and died a week later from a severe spinal injury that may have been caused when he was shackled and driven to the police station in a paddy wagon without being strapped into a seatbeltthe cause of his fatal spine injury has not been revealed .unbelted detainees have been paralyzed and even killed by rough rides in what used to be called ` paddy wagons . '\n", + "an attorney for at least one of the officers , michael davey , said thursday that gray was not strapped in during transportthe 25-year-old was cuffed at the wrists and shackled at the ankles - he was found to have a fatal spine injury , but the cause remains unknown` nickel rides ' have caused spinal injuries in the past .department rules were updated nine days before gray 's arrest stating that all detainees shall be strapped in by seat belts or other device\n", + "[1.3165469 1.3529139 1.2049844 1.0577308 1.074071 1.1706208 1.1232033\n", + " 1.1112185 1.0650438 1.1634476 1.1761904 1.085723 1.123129 1.0691925\n", + " 1.0141113 1.0116378 1.0340711 1.0585519 1.0420508 1.0135775 1.0276769]\n", + "\n", + "[ 1 0 2 10 5 9 6 12 7 11 4 13 8 17 3 18 16 20 14 19 15]\n", + "=======================\n", + "['twelve jurors and twelve alternates are on the list .centennial , colorado ( cnn ) after months of intensive questioning , a jury has finally been picked for the trial of colorado movie theater massacre suspect james holmes .the group includes 19 women and five men .']\n", + "=======================\n", + "['in the murder trial of james holmes , 12 jurors and 12 alternates have been selectedthe mostly middle-aged group includes 19 women and five menjury selection started in january ; opening statements are scheduled to begin on april 27']\n", + "twelve jurors and twelve alternates are on the list .centennial , colorado ( cnn ) after months of intensive questioning , a jury has finally been picked for the trial of colorado movie theater massacre suspect james holmes .the group includes 19 women and five men .\n", + "in the murder trial of james holmes , 12 jurors and 12 alternates have been selectedthe mostly middle-aged group includes 19 women and five menjury selection started in january ; opening statements are scheduled to begin on april 27\n", + "[1.2476897 1.2086934 1.5093116 1.4735289 1.1575129 1.1368204 1.0640393\n", + " 1.0224565 1.0170676 1.0119241 1.0220602 1.0866982 1.0736505 1.1663917\n", + " 1.0888698 1.0907837 1.0522982 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 1 13 4 5 15 14 11 12 6 16 7 10 8 9 17 18 19 20]\n", + "=======================\n", + "['vanzant was declared the winner by lop-sided scores of 30-26 , 30-26 and 30-27 in just her second fight in the promotion .paige vanzant was never in trouble as she dominated felice herrig for he second ufc victorypaige vanzant proved she is more than just hype with a dominant performance over felice herrig .']\n", + "=======================\n", + "['paige vanzant won every round , recording a win by 30-27 , 30-26 and 30-26the 21-year-old was having just her second fight in the ufcvanzant has been tipped as one of the next stars of the promotionshe said it feels like her birthday whenever she walks out into the cage']\n", + "vanzant was declared the winner by lop-sided scores of 30-26 , 30-26 and 30-27 in just her second fight in the promotion .paige vanzant was never in trouble as she dominated felice herrig for he second ufc victorypaige vanzant proved she is more than just hype with a dominant performance over felice herrig .\n", + "paige vanzant won every round , recording a win by 30-27 , 30-26 and 30-26the 21-year-old was having just her second fight in the ufcvanzant has been tipped as one of the next stars of the promotionshe said it feels like her birthday whenever she walks out into the cage\n", + "[1.3936594 1.3837967 1.1216297 1.3121529 1.1761956 1.268495 1.1785094\n", + " 1.0984864 1.0889041 1.0506272 1.0855819 1.0674952 1.0204723 1.0640688\n", + " 1.0305396 0. 0. ]\n", + "\n", + "[ 0 1 3 5 6 4 2 7 8 10 11 13 9 14 12 15 16]\n", + "=======================\n", + "[\"( cnn ) an unmanned russian spacecraft originally bound for the international space station will re-enter the earth 's atmosphere after flight controllers lost contact with it , american astronaut scott kelly said wednesday .the progress resupply vehicle will come off its orbit and will begin its combustion in the atmosphere between may 5 and may 7 , according to roscosmos .the russia space agency said it is working on its next supply flight to the iss and expects to launch a new progress ship in the third quarter of this year .\"]\n", + "=======================\n", + "[\"progress 59 spacecraft will re-enter earth 's atmosphere in a week , russia space agency saysnasa : russian flight controllers have been trying to make contact with the unmanned space freighterspace station crew can manage without supplies carried by the spacecraft , nasa says\"]\n", + "( cnn ) an unmanned russian spacecraft originally bound for the international space station will re-enter the earth 's atmosphere after flight controllers lost contact with it , american astronaut scott kelly said wednesday .the progress resupply vehicle will come off its orbit and will begin its combustion in the atmosphere between may 5 and may 7 , according to roscosmos .the russia space agency said it is working on its next supply flight to the iss and expects to launch a new progress ship in the third quarter of this year .\n", + "progress 59 spacecraft will re-enter earth 's atmosphere in a week , russia space agency saysnasa : russian flight controllers have been trying to make contact with the unmanned space freighterspace station crew can manage without supplies carried by the spacecraft , nasa says\n", + "[1.2296891 1.2285614 1.126001 1.247324 1.2202401 1.1136949 1.0667145\n", + " 1.1043696 1.0800014 1.1280961 1.0524272 1.1063035 1.081168 1.080458\n", + " 1.0336251 0. 0. ]\n", + "\n", + "[ 3 0 1 4 9 2 5 11 7 12 13 8 6 10 14 15 16]\n", + "=======================\n", + "[\"cheese : keen to show he 's not out of touch , david cameron poses for a selfie in alnwick , northumberlandthe ` coupon election ' came in 1918 , while critics branded the 1929 vote - when women first had full suffrage - the ` flapper election ' .posing : nick clegg has also been getting in on the act with supporters in maidstone , kent\"]\n", + "=======================\n", + "['politicians have posed for as many selfies as possible on campaign trailpm stopped for selfies during visit to alnwick , northumberland , yesterdayfarage and clegg also set aside time for ubiquitous photos while canvassing in maidstone , kent , and south ockenden , essextory mps told to pose with voters to increase exposure on social media']\n", + "cheese : keen to show he 's not out of touch , david cameron poses for a selfie in alnwick , northumberlandthe ` coupon election ' came in 1918 , while critics branded the 1929 vote - when women first had full suffrage - the ` flapper election ' .posing : nick clegg has also been getting in on the act with supporters in maidstone , kent\n", + "politicians have posed for as many selfies as possible on campaign trailpm stopped for selfies during visit to alnwick , northumberland , yesterdayfarage and clegg also set aside time for ubiquitous photos while canvassing in maidstone , kent , and south ockenden , essextory mps told to pose with voters to increase exposure on social media\n", + "[1.2714647 1.2174258 1.5192075 1.2729001 1.2315259 1.0925697 1.0588871\n", + " 1.0502378 1.0147798 1.0700916 1.053533 1.013255 1.0807457 1.2549438\n", + " 1.0378046 1.0145509 1.0102701]\n", + "\n", + "[ 2 3 0 13 4 1 5 12 9 6 10 7 14 8 15 11 16]\n", + "=======================\n", + "[\"simon wood , 38 , battled it out against emma spitzer and tony rodd as they were challenged to cook judges john torode and gregg wallace a three-course meal in three hours .the final followed seven weeks of tough challenges , including the ` chef 's table ' , which involved cooking one of three courses on a menu set up by italian chef massimo bottura .winner : simon wood took home the tv crown\"]\n", + "=======================\n", + "['single father simon wood , 38 , fulfilled childhood dream of becoming a chefhe beat mother-of-four emma spitzer and tony rodd , 33 , from londonthree finalists were challenged to cook a three-course meal in three hours']\n", + "simon wood , 38 , battled it out against emma spitzer and tony rodd as they were challenged to cook judges john torode and gregg wallace a three-course meal in three hours .the final followed seven weeks of tough challenges , including the ` chef 's table ' , which involved cooking one of three courses on a menu set up by italian chef massimo bottura .winner : simon wood took home the tv crown\n", + "single father simon wood , 38 , fulfilled childhood dream of becoming a chefhe beat mother-of-four emma spitzer and tony rodd , 33 , from londonthree finalists were challenged to cook a three-course meal in three hours\n", + "[1.42026 1.3614239 1.1574128 1.3366702 1.1675764 1.1767967 1.063245\n", + " 1.134826 1.0535033 1.1551182 1.0831503 1.0469714 1.0470469 1.0340596\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 5 4 2 9 7 10 6 8 12 11 13 14 15 16]\n", + "=======================\n", + "['an air canada flight from germany to toronto was forced to divert to shannon airport in ireland last night after an 87-year-old woman caused a disturbance on board .the pensioner , who was travelling in first class on board the boeing 777-300 jet , was allegedly restrained by cabin crew until the plane was forced into the unplanned landing .mailonline travel have been advised by irish police that the woman has since been released without charge , and she will be undergoing a ` fit-to-fly - screening in the hope of continuing her journey .']\n", + "=======================\n", + "['air canada flight aca-877 set out from frankfurt airport , germanypilot contacted shannon after disturbance caused on boardirish police confirm 87-year-old woman was taken into custody and then released without charge this morning']\n", + "an air canada flight from germany to toronto was forced to divert to shannon airport in ireland last night after an 87-year-old woman caused a disturbance on board .the pensioner , who was travelling in first class on board the boeing 777-300 jet , was allegedly restrained by cabin crew until the plane was forced into the unplanned landing .mailonline travel have been advised by irish police that the woman has since been released without charge , and she will be undergoing a ` fit-to-fly - screening in the hope of continuing her journey .\n", + "air canada flight aca-877 set out from frankfurt airport , germanypilot contacted shannon after disturbance caused on boardirish police confirm 87-year-old woman was taken into custody and then released without charge this morning\n", + "[1.3373032 1.3525196 1.3588984 1.3417373 1.1380627 1.1952951 1.0858262\n", + " 1.1356702 1.0230585 1.0296004 1.0358524 1.0162379 1.0211587 1.012466\n", + " 1.0743526 1.0295976 0. ]\n", + "\n", + "[ 2 1 3 0 5 4 7 6 14 10 9 15 8 12 11 13 16]\n", + "=======================\n", + "[\"the fa and pfa promised a 10-year study to investigate the connection between head injuries and early on-set dementia after a coroner found astle 's brain ` resembled that of a boxer 's ' but a mail on sunday investigation last year revealed the research was never carried out .the football association chairman admits his organisation 's response to former west bromwich albion striker jeff astle 's death aged 59 in 2002 , from ` industrial disease ' linked to repetitive head injuries sustained playing football , was ` woefully inadequate ' .baggies striker saido berahino wore astle 's no 9 shirt during the premier league match at the hawthorns\"]\n", + "=======================\n", + "[\"former west brom forward jeff astle died ` from an industrial disease 'his death at the age of 59 in 2002 was linked to repetitive head injuriesgreg dyke has said fa 's reaction to his death was ` woefully inadequate 'west brom celebrated jeff astle 's career during defeat by leicester\"]\n", + "the fa and pfa promised a 10-year study to investigate the connection between head injuries and early on-set dementia after a coroner found astle 's brain ` resembled that of a boxer 's ' but a mail on sunday investigation last year revealed the research was never carried out .the football association chairman admits his organisation 's response to former west bromwich albion striker jeff astle 's death aged 59 in 2002 , from ` industrial disease ' linked to repetitive head injuries sustained playing football , was ` woefully inadequate ' .baggies striker saido berahino wore astle 's no 9 shirt during the premier league match at the hawthorns\n", + "former west brom forward jeff astle died ` from an industrial disease 'his death at the age of 59 in 2002 was linked to repetitive head injuriesgreg dyke has said fa 's reaction to his death was ` woefully inadequate 'west brom celebrated jeff astle 's career during defeat by leicester\n", + "[1.3028985 1.409029 1.3842652 1.2779557 1.2602148 1.1831449 1.1500374\n", + " 1.0384046 1.2651712 1.0352875 1.0561382 1.1253895 1.0083524 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 8 4 5 6 11 10 7 9 12 13 14 15 16 17 18]\n", + "=======================\n", + "['the boy was held in blackburn after police examined a number of electronic devices and raided a house in the town on thursday .a boy aged 14 and a girl of 16 have been arrested on suspicion of preparing acts of terrorism .both were bailed until may 28 .']\n", + "=======================\n", + "['two teenagers arrested on suspicion of preparing acts of terrorismboy , 14 , and girl , 16 , arrested after police raids on thursday and fridaygirl was arrested in longsight , manchester , and boy was held in blackburn']\n", + "the boy was held in blackburn after police examined a number of electronic devices and raided a house in the town on thursday .a boy aged 14 and a girl of 16 have been arrested on suspicion of preparing acts of terrorism .both were bailed until may 28 .\n", + "two teenagers arrested on suspicion of preparing acts of terrorismboy , 14 , and girl , 16 , arrested after police raids on thursday and fridaygirl was arrested in longsight , manchester , and boy was held in blackburn\n", + "[1.4999464 1.3624074 1.1632661 1.1228249 1.3849131 1.3989258 1.0374318\n", + " 1.099065 1.0154114 1.0273513 1.0491817 1.1368859 1.0104407 1.0092238\n", + " 1.0151296 1.0694798 1.1686934 1.0336913 1.0574749]\n", + "\n", + "[ 0 5 4 1 16 2 11 3 7 15 18 10 6 17 9 8 14 12 13]\n", + "=======================\n", + "[\"pep guardiola has denied claims of a dispute with former bayern munich club doctor hans-wilhelm muller-wohlfahrt , who quit the club on thursday after ` being blamed ' for the defeat by porto .bayern lost 3-1 against porto in the first leg of their champions league quarter final on wednesdaymuller-wohlfahrt 's decision came after bayern boss guardiola appeared to imply that wednesday 's defeat was down to a lack of available players , commenting post-match :\"]\n", + "=======================\n", + "[\"hans-wilhelm muller-wohlfahrt quit as bayern munich doctor this weekthe 72-year-old had worked at the bundesliga club for nearly 40 yearshe said the medical department had been blamed for porto defeatpep guardiola has denied there was a dispute and has taken responsibility for bayern munich 's champions league loss\"]\n", + "pep guardiola has denied claims of a dispute with former bayern munich club doctor hans-wilhelm muller-wohlfahrt , who quit the club on thursday after ` being blamed ' for the defeat by porto .bayern lost 3-1 against porto in the first leg of their champions league quarter final on wednesdaymuller-wohlfahrt 's decision came after bayern boss guardiola appeared to imply that wednesday 's defeat was down to a lack of available players , commenting post-match :\n", + "hans-wilhelm muller-wohlfahrt quit as bayern munich doctor this weekthe 72-year-old had worked at the bundesliga club for nearly 40 yearshe said the medical department had been blamed for porto defeatpep guardiola has denied there was a dispute and has taken responsibility for bayern munich 's champions league loss\n", + "[1.1567396 1.2876122 1.2517768 1.2602047 1.1696441 1.2172465 1.1334517\n", + " 1.1610461 1.2253839 1.0758623 1.0532558 1.0264035 1.0978318 1.128401\n", + " 1.0212866 1.010073 1.0138253 1.0106095 0. ]\n", + "\n", + "[ 1 3 2 8 5 4 7 0 6 13 12 9 10 11 14 16 17 15 18]\n", + "=======================\n", + "['videoed descending the crisp ski runs of the small resort of minschuns in val müstair , adrian schaffner is initially featured ascending the mountain on a button lift .the dog named sintha appears to be entirely at ease as it sits across its owners shouldersonce at the top , mr schaffner points his skis down the mountain and takes off at speed with the dog remaining calmly sat on his back .']\n", + "=======================\n", + "['adrian schaffner skis at speed with pet dog on his shouldersdog called sintha appears content and leans into the windvideo concludes with dog jumping off and running in snowfootage was captured in ski resort in val müstair , switzerland']\n", + "videoed descending the crisp ski runs of the small resort of minschuns in val müstair , adrian schaffner is initially featured ascending the mountain on a button lift .the dog named sintha appears to be entirely at ease as it sits across its owners shouldersonce at the top , mr schaffner points his skis down the mountain and takes off at speed with the dog remaining calmly sat on his back .\n", + "adrian schaffner skis at speed with pet dog on his shouldersdog called sintha appears content and leans into the windvideo concludes with dog jumping off and running in snowfootage was captured in ski resort in val müstair , switzerland\n", + "[1.1438422 1.0589484 1.1419923 1.1960497 1.2019342 1.0662665 1.0651839\n", + " 1.0516875 1.0963293 1.0928495 1.0972211 1.049057 1.0481037 1.0540081\n", + " 1.0219003 1.0755812 1.0215371 0. 0. ]\n", + "\n", + "[ 4 3 0 2 10 8 9 15 5 6 1 13 7 11 12 14 16 17 18]\n", + "=======================\n", + "[\"arsene wenger has a look in the direction of jose mourinho during the stalemate at the emiratesthis year , instead , once the actual race was run , all roads led to the emirates and a sky sports team all set to act as pacemaker for the afternoon .i hope when you were sitting at home in front of your tellies looking forward to the latest instalment of the arsene vs jose show that you remembered all important thing : this classic managerial match-up is no capital club sprint , it 's a london derby marathon .\"]\n", + "=======================\n", + "[\"wenger and mourinho faced off once more as arsenal and chelsea contested a 0-0 drawneither boss was in a combative mood before the game despite some fiery match-ups between the pair in the pastarsenal manager yet to record a win against the portuguese in 13 meetingsthe point is another significant step for chelsea in their inevitable march toward the titlemourinho hits out at ` boring ' criticism as he claims 11-year title wait for arsenal is the real tragedy\"]\n", + "arsene wenger has a look in the direction of jose mourinho during the stalemate at the emiratesthis year , instead , once the actual race was run , all roads led to the emirates and a sky sports team all set to act as pacemaker for the afternoon .i hope when you were sitting at home in front of your tellies looking forward to the latest instalment of the arsene vs jose show that you remembered all important thing : this classic managerial match-up is no capital club sprint , it 's a london derby marathon .\n", + "wenger and mourinho faced off once more as arsenal and chelsea contested a 0-0 drawneither boss was in a combative mood before the game despite some fiery match-ups between the pair in the pastarsenal manager yet to record a win against the portuguese in 13 meetingsthe point is another significant step for chelsea in their inevitable march toward the titlemourinho hits out at ` boring ' criticism as he claims 11-year title wait for arsenal is the real tragedy\n", + "[1.053034 1.1513956 1.5637169 1.1117477 1.0782899 1.1371645 1.0510516\n", + " 1.1486293 1.10752 1.079116 1.0384762 1.032037 1.0267117 1.0275522\n", + " 1.0299139 1.0242844 0. 0. 0. ]\n", + "\n", + "[ 2 1 7 5 3 8 9 4 0 6 10 11 14 13 12 15 17 16 18]\n", + "=======================\n", + "[\"the ` fullips ' device , a sort of suction-thimble , has already been seen at west end parties , and is going viral online .but according to a mother and daughter team behind this simple plastic device , it can achieve an angelina jolie-sized pout without resort to chemicals , needles or a hefty bill .a day later the enhancers arrived in a selection of three sizes , each one claiming to give a different shaped pout to a different sized mouth .\"]\n", + "=======================\n", + "['fullips device was created by linda gomez and her daughter krystleworks by creating a mini-vacuum while you suck on the apparatuscharlotte griffiths puts the suction-thimble that is sold for # 30 to the test']\n", + "the ` fullips ' device , a sort of suction-thimble , has already been seen at west end parties , and is going viral online .but according to a mother and daughter team behind this simple plastic device , it can achieve an angelina jolie-sized pout without resort to chemicals , needles or a hefty bill .a day later the enhancers arrived in a selection of three sizes , each one claiming to give a different shaped pout to a different sized mouth .\n", + "fullips device was created by linda gomez and her daughter krystleworks by creating a mini-vacuum while you suck on the apparatuscharlotte griffiths puts the suction-thimble that is sold for # 30 to the test\n", + "[1.1727928 1.4618527 1.3682526 1.3153985 1.1694955 1.1718023 1.0626525\n", + " 1.0118964 1.0435171 1.1812437 1.0734767 1.0658345 1.0809445 1.0113078\n", + " 1.0132637 1.0145494 1.0224516 1.1336945 1.0424842 1.0540078 1.0251421\n", + " 1.0211933]\n", + "\n", + "[ 1 2 3 9 0 5 4 17 12 10 11 6 19 8 18 20 16 21 15 14 7 13]\n", + "=======================\n", + "[\"star reader was diagnosed with biliary atresia within days of being born in barnsley , west yorkshire .after undergoing an operation to have her bile ducts unblocked , her parents , jade reader and matthew bygrave , were told the infant would need a liver transplant in order to survive .jade reader ( left ) said she was ` overcome with emotion ' when her twin sister shanell ( right ) gave up part of her liver to save niece star\"]\n", + "=======================\n", + "[\"star reader was diagnosed with biliary atresia within days of being bornthe baby 's bile ducts were blocked - a condition which can prove fatalneither of her parents were suitable candidates for partial liver transplanther maternal aunt shanell was the best chance she had at survivalstar underwent operation in leeds in november and has since recovered\"]\n", + "star reader was diagnosed with biliary atresia within days of being born in barnsley , west yorkshire .after undergoing an operation to have her bile ducts unblocked , her parents , jade reader and matthew bygrave , were told the infant would need a liver transplant in order to survive .jade reader ( left ) said she was ` overcome with emotion ' when her twin sister shanell ( right ) gave up part of her liver to save niece star\n", + "star reader was diagnosed with biliary atresia within days of being bornthe baby 's bile ducts were blocked - a condition which can prove fatalneither of her parents were suitable candidates for partial liver transplanther maternal aunt shanell was the best chance she had at survivalstar underwent operation in leeds in november and has since recovered\n", + "[1.2565966 1.5339463 1.272259 1.3603661 1.2363209 1.0481547 1.1570709\n", + " 1.1657983 1.099553 1.1485025 1.0549569 1.0117774 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 4 7 6 9 8 10 5 11 20 12 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"police arrested david powell after the pensioner 's body was discovered at her home in doncaster lane , penkhull , stoke-on-trent on thursday night .although the body has not yet been formally identified , she is understood to be his mother celilia powell .according to the independent , mr powell was arrested after detectives were called to his home on thursday .\"]\n", + "=======================\n", + "[\"body of woman believed to be celilia powell was discovered at her homeher son david powell , 73 , has been charged with the 95-year-old 's murderpolice called to the scene in stoke-on-trent on thursday at about 8pm\"]\n", + "police arrested david powell after the pensioner 's body was discovered at her home in doncaster lane , penkhull , stoke-on-trent on thursday night .although the body has not yet been formally identified , she is understood to be his mother celilia powell .according to the independent , mr powell was arrested after detectives were called to his home on thursday .\n", + "body of woman believed to be celilia powell was discovered at her homeher son david powell , 73 , has been charged with the 95-year-old 's murderpolice called to the scene in stoke-on-trent on thursday at about 8pm\n", + "[1.3649455 1.2978096 1.297214 1.1982936 1.1740906 1.2025166 1.245909\n", + " 1.0284727 1.1729189 1.0605646 1.1445377 1.0687969 1.0512508 1.0549417\n", + " 1.0423326 1.0045 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 6 5 3 4 8 10 11 9 13 12 14 7 15 20 16 17 18 19 21]\n", + "=======================\n", + "[\"west ham 's season tickets will cost as little as # 289 when they move to the olympic stadium in stratford .the hammers will have the cheapest pricing strategy in the barclays premier league in a bid to fill the 54,000 capacity stadium when they make the switch for the 2016-17 season .co-chairmen david gold and david sullivan are using the boost of the enhanced television revenue , which coincides with their move away from upton park , to pass on savings to fans .\"]\n", + "=======================\n", + "['west ham will move to the olympic stadium for the 2016-17 seasonseasons tickets will cost hammers supporters as little as # 289the club will have the cheapest pricing strategy in the premier leaguethe price of a season ticket for under 16s will be cut to just # 99family of four can purchase a season ticket for # 776 - # 41 per match']\n", + "west ham 's season tickets will cost as little as # 289 when they move to the olympic stadium in stratford .the hammers will have the cheapest pricing strategy in the barclays premier league in a bid to fill the 54,000 capacity stadium when they make the switch for the 2016-17 season .co-chairmen david gold and david sullivan are using the boost of the enhanced television revenue , which coincides with their move away from upton park , to pass on savings to fans .\n", + "west ham will move to the olympic stadium for the 2016-17 seasonseasons tickets will cost hammers supporters as little as # 289the club will have the cheapest pricing strategy in the premier leaguethe price of a season ticket for under 16s will be cut to just # 99family of four can purchase a season ticket for # 776 - # 41 per match\n", + "[1.174758 1.3715966 1.3186868 1.319448 1.2251668 1.2600331 1.108373\n", + " 1.0595009 1.2122692 1.0246397 1.0472968 1.097665 1.0160645 1.0237426\n", + " 1.0121891 1.0179282 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 5 4 8 0 6 11 7 10 9 13 15 12 14 16 17 18 19 20 21]\n", + "=======================\n", + "['a national driving survey analysed the travel habits of 3700 australian families which revealed four in five families use technology to deal with bored children , giving them a hand held computer game , like an ipad , while another 70 per cent said they give their kids treats to sweeten the ride .one in five nsw families have admitted to sedating their children before taking them on long car tripsalmost 20 per cent of nsw families use a more extreme technique , admitting they have used sedatives like the antihistamine phenergan to knock their kids out so their journey will be more pleasant .']\n", + "=======================\n", + "['a new national survey analysed the travel habits of australian parentsthe study revealed one in five nsw families sedate their kids on long tripsthe drug commonly used is known to cause breathing difficulties in kidsthe medical community said the practice is dangerous for children']\n", + "a national driving survey analysed the travel habits of 3700 australian families which revealed four in five families use technology to deal with bored children , giving them a hand held computer game , like an ipad , while another 70 per cent said they give their kids treats to sweeten the ride .one in five nsw families have admitted to sedating their children before taking them on long car tripsalmost 20 per cent of nsw families use a more extreme technique , admitting they have used sedatives like the antihistamine phenergan to knock their kids out so their journey will be more pleasant .\n", + "a new national survey analysed the travel habits of australian parentsthe study revealed one in five nsw families sedate their kids on long tripsthe drug commonly used is known to cause breathing difficulties in kidsthe medical community said the practice is dangerous for children\n", + "[1.366322 1.3139778 1.2336982 1.1382008 1.185036 1.0903774 1.0231028\n", + " 1.1321883 1.0371821 1.0721074 1.1209748 1.0165594 1.0130438 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 4 3 7 10 5 9 8 6 11 12 20 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"an editor for a los angeles-based fashion website has opened up about going from a super skinny size two to a ` healthy ' size ten , in a new article about body acceptance .being obsessed about having the perfect body is not exclusive to those working in fashion , but it is an industry that encourages it , and meghan blalock , managing editor of popular style website who what wear , is the first to admit that things can get carried away .ever-changing : the 29-year-old , pictured when she was somewhere between a size four and a size six , says she has been ` pretty much every size you can imagine '\"]\n", + "=======================\n", + "[\"meghan blalock , 29 , is the managing editor for popular style website who what wearshe says that her obsession with losing weight began when she was bullied as a young child and eventually it became an ` addiction '\"]\n", + "an editor for a los angeles-based fashion website has opened up about going from a super skinny size two to a ` healthy ' size ten , in a new article about body acceptance .being obsessed about having the perfect body is not exclusive to those working in fashion , but it is an industry that encourages it , and meghan blalock , managing editor of popular style website who what wear , is the first to admit that things can get carried away .ever-changing : the 29-year-old , pictured when she was somewhere between a size four and a size six , says she has been ` pretty much every size you can imagine '\n", + "meghan blalock , 29 , is the managing editor for popular style website who what wearshe says that her obsession with losing weight began when she was bullied as a young child and eventually it became an ` addiction '\n", + "[1.294383 1.286034 1.1964766 1.2570199 1.2309518 1.1577544 1.0474517\n", + " 1.101344 1.0296475 1.0241807 1.0462337 1.1326507 1.0335977 1.0413102\n", + " 1.0593425 1.0251431 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 4 2 5 11 7 14 6 10 13 12 8 15 9 16 17 18 19]\n", + "=======================\n", + "[\"following heavy defeats at tikrit in iraq and the appalling costly siege of kobane , islamic state have launched their own social media rules to censor coverage on its recent defeats .the image of the rules began to circulate on social media , two weeks after islamic state was forced to abandon the iraqi city of tikrit .the media crackdown appears to be an attempt by isis senior commanders to eradicate any knowledge of the extremist group 's defeats or internal problems .\"]\n", + "=======================\n", + "['embarrassing defeats at kobane and tikrit has left isis feeling under pressurefighters continue to join social media despite the threat of frequent suspensionsa series of social media blunders has previously led to fighters giving away their positions and tacticsislamic state have recently launched new offensives for the baiji oil fields and the iraqi city of ramadi']\n", + "following heavy defeats at tikrit in iraq and the appalling costly siege of kobane , islamic state have launched their own social media rules to censor coverage on its recent defeats .the image of the rules began to circulate on social media , two weeks after islamic state was forced to abandon the iraqi city of tikrit .the media crackdown appears to be an attempt by isis senior commanders to eradicate any knowledge of the extremist group 's defeats or internal problems .\n", + "embarrassing defeats at kobane and tikrit has left isis feeling under pressurefighters continue to join social media despite the threat of frequent suspensionsa series of social media blunders has previously led to fighters giving away their positions and tacticsislamic state have recently launched new offensives for the baiji oil fields and the iraqi city of ramadi\n", + "[1.4721701 1.2647209 1.443363 1.1849525 1.2342572 1.1195874 1.0980626\n", + " 1.0672983 1.1278784 1.0495936 1.0554742 1.0599339 1.2220876 1.0273927\n", + " 1.0085993 1.0110693 1.0085803 1.0082291 1.0367578 0. ]\n", + "\n", + "[ 0 2 1 4 12 3 8 5 6 7 11 10 9 18 13 15 14 16 17 19]\n", + "=======================\n", + "[\"tragedy : zachary cain stickler , 34 , died the day after he pleaded not guilty to hitting his partnerhe had been charged with felony count of making criminal threats and a misdemeanor battery charge , chief deputy district attorney stephanie bridgett said .crash : it is believed stickler intentionally crashed his cessna plane into a field in california on saturday , after texting family and friends that he was ` distraught ' and planned on taking his own life\"]\n", + "=======================\n", + "['pilot zachary cain stickler , 34 , charged with domestic violenceintentionally crashed plane into a field day after pleading not guiltytexted friends and family before crash of his plans to kill himselffor confidential help , call the national suicide prevention lifeline at 1-800-273-8255 or click herefor confidential support on suicide matters in the uk , call the samaritans on 08457 90 90 90 , visit a local samaritans branch or click here']\n", + "tragedy : zachary cain stickler , 34 , died the day after he pleaded not guilty to hitting his partnerhe had been charged with felony count of making criminal threats and a misdemeanor battery charge , chief deputy district attorney stephanie bridgett said .crash : it is believed stickler intentionally crashed his cessna plane into a field in california on saturday , after texting family and friends that he was ` distraught ' and planned on taking his own life\n", + "pilot zachary cain stickler , 34 , charged with domestic violenceintentionally crashed plane into a field day after pleading not guiltytexted friends and family before crash of his plans to kill himselffor confidential help , call the national suicide prevention lifeline at 1-800-273-8255 or click herefor confidential support on suicide matters in the uk , call the samaritans on 08457 90 90 90 , visit a local samaritans branch or click here\n", + "[1.171471 1.3726825 1.3051009 1.3497285 1.1386218 1.1067338 1.0278921\n", + " 1.0636421 1.0327656 1.0492455 1.0182025 1.0947344 1.1564072 1.1094202\n", + " 1.0590749 1.0467821 1.0815167 1.0279431 0. 0. ]\n", + "\n", + "[ 1 3 2 0 12 4 13 5 11 16 7 14 9 15 8 17 6 10 18 19]\n", + "=======================\n", + "[\"in 2008 , naomi jacobs - then aged 32 - woke up terrified of her son , in totally unrecognisable surroundings and thought she was 15 years old .naomi jacobs was 32 when she woke up one morning having lost her memory of the past 17 years of her lifeovernight , she had been struck with transient global amnesia , a form of memory loss brought on by stress that had wiped the ` episodic ' part of her memory .\"]\n", + "=======================\n", + "[\"naomi jacobs woke up one morning believing she was 15 years oldshe was in fact a 32-year-old mother of one running her own businessmiss jacobs had been struck by what is called transient global amnesiathe condition had wiped away the past 17 years of her memory overnightshe admits succumbing to ` total shock ' when her son called her ` mum '\"]\n", + "in 2008 , naomi jacobs - then aged 32 - woke up terrified of her son , in totally unrecognisable surroundings and thought she was 15 years old .naomi jacobs was 32 when she woke up one morning having lost her memory of the past 17 years of her lifeovernight , she had been struck with transient global amnesia , a form of memory loss brought on by stress that had wiped the ` episodic ' part of her memory .\n", + "naomi jacobs woke up one morning believing she was 15 years oldshe was in fact a 32-year-old mother of one running her own businessmiss jacobs had been struck by what is called transient global amnesiathe condition had wiped away the past 17 years of her memory overnightshe admits succumbing to ` total shock ' when her son called her ` mum '\n", + "[1.4743915 1.2362514 1.3459115 1.1742855 1.0788429 1.0630053 1.0975583\n", + " 1.0582172 1.0891409 1.095801 1.0512534 1.0816196 1.0711279 1.191026\n", + " 1.0562996 1.0556214 1.0130697 1.0866326 0. 0. ]\n", + "\n", + "[ 0 2 1 13 3 6 9 8 17 11 4 12 5 7 14 15 10 16 18 19]\n", + "=======================\n", + "[\"andrew sadek 's body was found in a river with a bullet to the head nearly two months after going missing in may 2014tammy sadek believes the answer is that her 20-year-old son signed his own death warrant when he agreed to become a confidential informant for police after they caught him selling marijuana .authorities say he knew what he was getting into and agreed to help them of his own free will .\"]\n", + "=======================\n", + "['andrew sadek , 20 , was working for a narcotics task force after being caught dealing small amounts of marijuana , according to a reporthe went missing in may 2014 and then turned up dead under suspicious circumstances in junehis death raises questions about the use of young , low-level drug offenders as confidential informantsofficials wonder if these people should be given more detailed information about the dangers of working as informants']\n", + "andrew sadek 's body was found in a river with a bullet to the head nearly two months after going missing in may 2014tammy sadek believes the answer is that her 20-year-old son signed his own death warrant when he agreed to become a confidential informant for police after they caught him selling marijuana .authorities say he knew what he was getting into and agreed to help them of his own free will .\n", + "andrew sadek , 20 , was working for a narcotics task force after being caught dealing small amounts of marijuana , according to a reporthe went missing in may 2014 and then turned up dead under suspicious circumstances in junehis death raises questions about the use of young , low-level drug offenders as confidential informantsofficials wonder if these people should be given more detailed information about the dangers of working as informants\n", + "[1.3783545 1.4500229 1.1937177 1.1497059 1.156652 1.2986987 1.1120031\n", + " 1.0600234 1.0924773 1.0558481 1.0958016 1.1150274 1.072567 1.0828779\n", + " 1.0213348 1.1429753 1.0420846 1.0297107 1.0279315 1.0128946]\n", + "\n", + "[ 1 0 5 2 4 3 15 11 6 10 8 13 12 7 9 16 17 18 14 19]\n", + "=======================\n", + "['johnson , 27 , has been bailed to appear before peterlee magistrates on may 20 -- the same day sunderland travel to arsenal -- where it is expected the case will be sent to the crown court .sunderland are under pressure to suspend england star adam johnson after he was charged with grooming and three counts of sexual activity with a 15-year-old girl .if found guilty , johnson faces a lengthy prison term .']\n", + "=======================\n", + "[\"adam johnson charged with three offences of sexual activity with girl , 15winger also facing charge of grooming and had been bailed until may 20sunderland chiefs held talks thursday night to discuss johnson 's futureread : johnson charged with three offences of sexual activity with a childread : johnson 's sunderland future in doubt\"]\n", + "johnson , 27 , has been bailed to appear before peterlee magistrates on may 20 -- the same day sunderland travel to arsenal -- where it is expected the case will be sent to the crown court .sunderland are under pressure to suspend england star adam johnson after he was charged with grooming and three counts of sexual activity with a 15-year-old girl .if found guilty , johnson faces a lengthy prison term .\n", + "adam johnson charged with three offences of sexual activity with girl , 15winger also facing charge of grooming and had been bailed until may 20sunderland chiefs held talks thursday night to discuss johnson 's futureread : johnson charged with three offences of sexual activity with a childread : johnson 's sunderland future in doubt\n", + "[1.2795773 1.3945459 1.3600378 1.2623913 1.2225932 1.1208985 1.0152805\n", + " 1.0245445 1.0162417 1.0380757 1.0496802 1.2503105 1.1512326 1.0359838\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 11 4 12 5 10 9 13 7 8 6 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"under the tough new ` no jab , no pay ' laws , social services minister scott morrison has announced on sunday that parents will no longer be able to access childcare benefits simply by signing a form that says they object to immunisation based on ` personal , philosophical or religious ' reasons .parents who refuse to immunised their children are set to lose up to $ 15,000 a year for every child when the changes come into force from january 1 , 2016 .the federal government has pledged to scrap the religious exemption from welfare benefits in an attempt to crackdown on parents who choose not to vaccinate their children .\"]\n", + "=======================\n", + "[\"the government will scrap the religious exemption from welfare benefitsscott morrison has announced parents will be cut from childcare benefits if they do n't immunise their childrenthe welfare ban comes into force from january 1 , 2016parents who refuse to immunised their kids are set to lose up to $ 15,000these include family tax benefit a as well as childcare assistancescott morrison said rules around welfare payments need to be ` tightened '\"]\n", + "under the tough new ` no jab , no pay ' laws , social services minister scott morrison has announced on sunday that parents will no longer be able to access childcare benefits simply by signing a form that says they object to immunisation based on ` personal , philosophical or religious ' reasons .parents who refuse to immunised their children are set to lose up to $ 15,000 a year for every child when the changes come into force from january 1 , 2016 .the federal government has pledged to scrap the religious exemption from welfare benefits in an attempt to crackdown on parents who choose not to vaccinate their children .\n", + "the government will scrap the religious exemption from welfare benefitsscott morrison has announced parents will be cut from childcare benefits if they do n't immunise their childrenthe welfare ban comes into force from january 1 , 2016parents who refuse to immunised their kids are set to lose up to $ 15,000these include family tax benefit a as well as childcare assistancescott morrison said rules around welfare payments need to be ` tightened '\n", + "[1.284318 1.3685721 1.1285231 1.3468866 1.181445 1.0180544 1.0237457\n", + " 1.0296857 1.104805 1.055133 1.133885 1.2113563 1.103881 1.1229413\n", + " 1.0245959 1.0378835 1.0116984 1.0106336 1.047593 0. 0. ]\n", + "\n", + "[ 1 3 0 11 4 10 2 13 8 12 9 18 15 7 14 6 5 16 17 19 20]\n", + "=======================\n", + "[\"the comments from sbs football reporter and presenter scott mcintyre incited a hashtag that called for him to be sacked , and even caught the disapproving attention of minister for communications malcolm turnbull , after tweeting them on the day of the centenary services .a sports journalist has outraged social media users after publishing ` inappropriate ' and ` despicable ' tweets in which he condemned the commemoration of anzac day , mocked the digger 's bravery and accused them of committing war crimes .mcintyre referred to the anzac 's landing on the gallipoli peninsula in turkey\"]\n", + "=======================\n", + "[\"sbs sports journalist scott mcintyre made the comments on the 100th anniversary of the gallipoli campaignhe accused anzac 's of war crimes and mocked their braveryoutraged social media users launched the hashtag #sackscottmcintyreminister for communications malcolm turnbull called the comments ` inappropriate ' and ` despicable ' and called for their condemnation\"]\n", + "the comments from sbs football reporter and presenter scott mcintyre incited a hashtag that called for him to be sacked , and even caught the disapproving attention of minister for communications malcolm turnbull , after tweeting them on the day of the centenary services .a sports journalist has outraged social media users after publishing ` inappropriate ' and ` despicable ' tweets in which he condemned the commemoration of anzac day , mocked the digger 's bravery and accused them of committing war crimes .mcintyre referred to the anzac 's landing on the gallipoli peninsula in turkey\n", + "sbs sports journalist scott mcintyre made the comments on the 100th anniversary of the gallipoli campaignhe accused anzac 's of war crimes and mocked their braveryoutraged social media users launched the hashtag #sackscottmcintyreminister for communications malcolm turnbull called the comments ` inappropriate ' and ` despicable ' and called for their condemnation\n", + "[1.2642722 1.5286794 1.3106871 1.0933954 1.1849655 1.3078836 1.0662868\n", + " 1.0127419 1.0246274 1.1896375 1.0395333 1.021568 1.1115898 1.1999434\n", + " 1.2220082 1.0166214 1.0145754 1.0167191 1.0154026 1.0475258 1.0081218]\n", + "\n", + "[ 1 2 5 0 14 13 9 4 12 3 6 19 10 8 11 17 15 18 16 7 20]\n", + "=======================\n", + "[\"the five-day suspension for ibrahim ahmad will prevent him from attending la center high 's dance saturday .ahmad says he was trying to go all out with his prom proposal and questions whether the decision to suspend him was based on his ethnicity .a washington teen who strapped fake explosives around his body in a stunt to ask a date to the prom has been suspended from school .\"]\n", + "=======================\n", + "[\"ibrahim ahmad , a senior at la center high in washington state , was suspended five days and will miss saturday 's prom\"]\n", + "the five-day suspension for ibrahim ahmad will prevent him from attending la center high 's dance saturday .ahmad says he was trying to go all out with his prom proposal and questions whether the decision to suspend him was based on his ethnicity .a washington teen who strapped fake explosives around his body in a stunt to ask a date to the prom has been suspended from school .\n", + "ibrahim ahmad , a senior at la center high in washington state , was suspended five days and will miss saturday 's prom\n", + "[1.2050556 1.4471258 1.1842453 1.1779555 1.1731253 1.199101 1.0331612\n", + " 1.0369462 1.0416695 1.0489019 1.0357951 1.0696341 1.0332109 1.0241281\n", + " 1.0178895 1.0478923 1.0218459 1.0320715 1.1218911 1.0487251 0. ]\n", + "\n", + "[ 1 0 5 2 3 4 18 11 9 19 15 8 7 10 12 6 17 13 16 14 20]\n", + "=======================\n", + "['show creator david chase went through the famous final scene for dga quarterly and revealed the reasoning behind each shot .( cnn ) \" sopranos \" theorists now have a little more to chew on .he picks a song on the jukebox : journey \\'s \" do n\\'t stop believin \\' . \"']\n", + "=======================\n", + "['david chase walks through the ending of \" the sopranos \"the use of particular shots and \" do n\\'t stop believin \\' \" build tensionchase still does n\\'t reveal tony soprano \\'s fate']\n", + "show creator david chase went through the famous final scene for dga quarterly and revealed the reasoning behind each shot .( cnn ) \" sopranos \" theorists now have a little more to chew on .he picks a song on the jukebox : journey 's \" do n't stop believin ' . \"\n", + "david chase walks through the ending of \" the sopranos \"the use of particular shots and \" do n't stop believin ' \" build tensionchase still does n't reveal tony soprano 's fate\n", + "[1.2489008 1.3908895 1.2209526 1.2451911 1.2154026 1.0689526 1.0396664\n", + " 1.1444693 1.0520037 1.0454152 1.0991867 1.0661893 1.0462384 1.0938933\n", + " 1.0922835 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 7 10 13 14 5 11 8 12 9 6 19 15 16 17 18 20]\n", + "=======================\n", + "['the controversial contest , held in the forests of the diamond-rich sakha republic , is celebrated in the region as a way of recognising the best canine bear hunter .these shocking pictures show a young bear being chained to a tree and attacked by dogs as part of a baiting competition to hone hunting skills in yakutsk , eastern russia .attacks by brown bears on humans are a danger in many parts of russia , particularly at this time of the year as they awake hungry following the long winter hibernation .']\n", + "=======================\n", + "[\"bear seen chained to a tree for baiting competition to hone dogs ' hunting skills in eastern russiamasha , a five-year-old bear , can be seen attacked by a pack of dogs as she is chained by her neckhunting contest is celebrated in the region as a way of recognising the best canine bear hunter\"]\n", + "the controversial contest , held in the forests of the diamond-rich sakha republic , is celebrated in the region as a way of recognising the best canine bear hunter .these shocking pictures show a young bear being chained to a tree and attacked by dogs as part of a baiting competition to hone hunting skills in yakutsk , eastern russia .attacks by brown bears on humans are a danger in many parts of russia , particularly at this time of the year as they awake hungry following the long winter hibernation .\n", + "bear seen chained to a tree for baiting competition to hone dogs ' hunting skills in eastern russiamasha , a five-year-old bear , can be seen attacked by a pack of dogs as she is chained by her neckhunting contest is celebrated in the region as a way of recognising the best canine bear hunter\n", + "[1.2346454 1.4547471 1.1746541 1.0844892 1.4041805 1.0979542 1.0321057\n", + " 1.1324632 1.1315312 1.0754715 1.033114 1.1629562 1.0720121 1.0167632\n", + " 1.0182599 1.0165738 1.1322143 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 0 2 11 7 16 8 5 3 9 12 10 6 14 13 15 17 18 19 20 21]\n", + "=======================\n", + "[\"christianne boudreau thought her son damien clairmont was going to egypt to study arabic in 2013 , but canadian authorities later told the calgary mother that her son had instead gone to turkey where he crossed the border into syria to join isis .a mother 's grief : christianne boudreau of calgary , canada lost her son last year when he was killed fighting for isis in syriaa canadian woman whose son died fighting for the islamic state is now working to stop the extremist group from taking advantage of more vulnerable young men and women in north america .\"]\n", + "=======================\n", + "[\"christianne boudreau 's son damien clairmont converted to islam at the age of 17 , after being bullied in high schooldamien eventually became radicalized and moved to syria to fight for isishe was killed in january 2014 in aleppomrs boudreau now helps other families whose children have become radicalized\"]\n", + "christianne boudreau thought her son damien clairmont was going to egypt to study arabic in 2013 , but canadian authorities later told the calgary mother that her son had instead gone to turkey where he crossed the border into syria to join isis .a mother 's grief : christianne boudreau of calgary , canada lost her son last year when he was killed fighting for isis in syriaa canadian woman whose son died fighting for the islamic state is now working to stop the extremist group from taking advantage of more vulnerable young men and women in north america .\n", + "christianne boudreau 's son damien clairmont converted to islam at the age of 17 , after being bullied in high schooldamien eventually became radicalized and moved to syria to fight for isishe was killed in january 2014 in aleppomrs boudreau now helps other families whose children have become radicalized\n", + "[1.284636 1.4237392 1.0904137 1.3558128 1.0303372 1.1600564 1.1637795\n", + " 1.0474895 1.0436789 1.1252629 1.1359242 1.0967853 1.0426629 1.14842\n", + " 1.2092811 1.0313429 1.040502 1.0091883 1.011417 1.0090237 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 14 6 5 13 10 9 11 2 7 8 12 16 15 4 18 17 19 20 21]\n", + "=======================\n", + "[\"the minister for investment and trade , who battled depression for 43 years , appeared on abc 's q&a program , and said he tried to trick himself into thinking he was happy with an unconventional approach .australian mp andrew robb bravely revealed one of the unusual methods he used for more a decade to stave of depression 'labor mp anna burke said it is key for australia to invest in prevention strategies for mental health .\"]\n", + "=======================\n", + "[\"australian mp andrew robb says he would put a pen in his mouth to smilegovernment minister did so to trick his brain into releases endorphinsmr robb battled depression much of his life , before seeking help in 2009prevention and treatment of mental illness is key , says labor 's anna burke\"]\n", + "the minister for investment and trade , who battled depression for 43 years , appeared on abc 's q&a program , and said he tried to trick himself into thinking he was happy with an unconventional approach .australian mp andrew robb bravely revealed one of the unusual methods he used for more a decade to stave of depression 'labor mp anna burke said it is key for australia to invest in prevention strategies for mental health .\n", + "australian mp andrew robb says he would put a pen in his mouth to smilegovernment minister did so to trick his brain into releases endorphinsmr robb battled depression much of his life , before seeking help in 2009prevention and treatment of mental illness is key , says labor 's anna burke\n", + "[1.1684306 1.1786764 1.3816942 1.3597356 1.2739091 1.0713716 1.2377201\n", + " 1.1260564 1.1075876 1.1072152 1.1366738 1.0142742 1.0097691 1.0107985\n", + " 1.0541589 1.038419 1.0465372 1.0662074 1.0218276 1.0121295 0.\n", + " 0. ]\n", + "\n", + "[ 2 3 4 6 1 0 10 7 8 9 5 17 14 16 15 18 11 19 13 12 20 21]\n", + "=======================\n", + "['benjamin was born 12 weeks early , weighing 1lb 3oz , little more than a bag of sugar .he suffered five cardiac arrests and was born with a bowel problem requiring two emergency operations .benjamin astbury , who doctors said would not survive after he was born , has defied the odds and is about to celebrate his first birthday .']\n", + "=======================\n", + "['benjamin astbury was born 12 weeks early , weighing just 1lb 3ozwas put into a paralysed state on a ventilator to help him breathedoctors told his parents he had just a 10 % chance of surviving']\n", + "benjamin was born 12 weeks early , weighing 1lb 3oz , little more than a bag of sugar .he suffered five cardiac arrests and was born with a bowel problem requiring two emergency operations .benjamin astbury , who doctors said would not survive after he was born , has defied the odds and is about to celebrate his first birthday .\n", + "benjamin astbury was born 12 weeks early , weighing just 1lb 3ozwas put into a paralysed state on a ventilator to help him breathedoctors told his parents he had just a 10 % chance of surviving\n", + "[1.2508241 1.2681917 1.1144173 1.2457026 1.1531891 1.0451466 1.0613587\n", + " 1.0908042 1.0952284 1.0255044 1.0831251 1.0903295 1.0814422 1.0206889\n", + " 1.0266229 1.0234168 1.0704323 1.0216435 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 4 2 8 7 11 10 12 16 6 5 14 9 15 17 13 20 18 19 21]\n", + "=======================\n", + "['as a co-owner of charmington \\'s , a cafe in the intersection of three major baltimore neighborhoods , rothschild knew that the cafe and its workers needed to support the city after all the unrest .( cnn ) monday night , as unrest raged across baltimore \\'s streets , amanda rothschild lay awake in her remington home , a neighborhood in the northern part of the city , thinking about what the next day would be like .\" there was some fear , but it was really mixed in with an overwhelming sense that everyone here needs help , \" she said .']\n", + "=======================\n", + "['some local businesses in baltimore are banding together to show support for changebusiness owners have given workers opportunities to peacefully demonstrateseveral businesses dealing with destruction , looting from monday riot']\n", + "as a co-owner of charmington 's , a cafe in the intersection of three major baltimore neighborhoods , rothschild knew that the cafe and its workers needed to support the city after all the unrest .( cnn ) monday night , as unrest raged across baltimore 's streets , amanda rothschild lay awake in her remington home , a neighborhood in the northern part of the city , thinking about what the next day would be like .\" there was some fear , but it was really mixed in with an overwhelming sense that everyone here needs help , \" she said .\n", + "some local businesses in baltimore are banding together to show support for changebusiness owners have given workers opportunities to peacefully demonstrateseveral businesses dealing with destruction , looting from monday riot\n", + "[1.2427163 1.4794523 1.2097723 1.2628822 1.2130389 1.2094637 1.0658817\n", + " 1.1198395 1.0876245 1.0835824 1.0516639 1.0251474 1.1003879 1.1325718\n", + " 1.0979602 1.0453651 1.0375315 1.0357693 1.0271654 1.0147728 1.0107785\n", + " 1.0847456]\n", + "\n", + "[ 1 3 0 4 2 5 13 7 12 14 8 21 9 6 10 15 16 17 18 11 19 20]\n", + "=======================\n", + "[\"dontrell stephens did n't die after he was shot by palm beach county sheriff 's office deputy adam lin , but the then-20-year-old was paralyzed from the waist down after the shooting .dashcam footage from a florida cop car taken in september of 2013 shows dontrell stephens being followeddeputy lin fired his gun four times at stephens even though the then-20-year-old had a cellphone , not a gun\"]\n", + "=======================\n", + "[\"dontrell stephens was paralyzed from waist down after the 2013 shootingshot by palm beach county sheriff 's office deputy adam lin in floridathen-20-year-old had nothing in his hand but a cellphone during incidentstate officials ruled the shooting was justified after an investigationlin returned to work just four days after the south florida shooting114 people shot at by a palm beach county sheriff 's deputy since 2000\"]\n", + "dontrell stephens did n't die after he was shot by palm beach county sheriff 's office deputy adam lin , but the then-20-year-old was paralyzed from the waist down after the shooting .dashcam footage from a florida cop car taken in september of 2013 shows dontrell stephens being followeddeputy lin fired his gun four times at stephens even though the then-20-year-old had a cellphone , not a gun\n", + "dontrell stephens was paralyzed from waist down after the 2013 shootingshot by palm beach county sheriff 's office deputy adam lin in floridathen-20-year-old had nothing in his hand but a cellphone during incidentstate officials ruled the shooting was justified after an investigationlin returned to work just four days after the south florida shooting114 people shot at by a palm beach county sheriff 's deputy since 2000\n", + "[1.2594349 1.5152909 1.2905872 1.3990101 1.0512601 1.0307708 1.1497282\n", + " 1.0235921 1.0319973 1.0304337 1.0902969 1.0952321 1.0634174 1.0301043\n", + " 1.0279808 1.0236442 1.0506728 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 6 11 10 12 4 16 8 5 9 13 14 15 7 19 17 18 20]\n", + "=======================\n", + "['kris wardle , who lives in leicester , thought his world was complete when he married his long-term girlfriend katrina in 2011 with her teenage son , mark , acting as best man .kris and tina wardle fell in love in 2002 and had planned a life togetherhowever , less than two years later , the hgv truck driver would be a widower , after his beloved wife was killed in a frenzied knife attack by now 21-year-old mark after a row over his cannabis use .']\n", + "=======================\n", + "[\"mark howe , 21 , researched what weapons his tv icon used on victimssent text messages to friends saying how much he hated mum tinathe 48-year-old tackled him over cannabis use at family home in leicesterfound lying dead inside flat by her father-in-law brian wardlekris wardle said he was devastated at death of his beloved wifekris wardle and his father brian appear on britain 's darkest taboos , sunday night at 9pm on ci\"]\n", + "kris wardle , who lives in leicester , thought his world was complete when he married his long-term girlfriend katrina in 2011 with her teenage son , mark , acting as best man .kris and tina wardle fell in love in 2002 and had planned a life togetherhowever , less than two years later , the hgv truck driver would be a widower , after his beloved wife was killed in a frenzied knife attack by now 21-year-old mark after a row over his cannabis use .\n", + "mark howe , 21 , researched what weapons his tv icon used on victimssent text messages to friends saying how much he hated mum tinathe 48-year-old tackled him over cannabis use at family home in leicesterfound lying dead inside flat by her father-in-law brian wardlekris wardle said he was devastated at death of his beloved wifekris wardle and his father brian appear on britain 's darkest taboos , sunday night at 9pm on ci\n", + "[1.4734635 1.2817345 1.1952223 1.1552379 1.1226317 1.1021581 1.0283996\n", + " 1.0170203 1.2860175 1.1117995 1.0789062 1.0713089 1.0598241 1.021421\n", + " 1.0647483 1.0144836 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 8 1 2 3 4 9 5 10 11 14 12 6 13 7 15 19 16 17 18 20]\n", + "=======================\n", + "[\"iranian supreme leader ayatollah ali khamenei on thursday demanded that all sanctions on iran be lifted at the same time as any final agreement with world powers on curbing tehran 's nuclear program is reached .khamenei , the islamic republic 's most powerful figure and who has the last say on all state matters , was making his first comments on the interim deal reached last week in the swiss city of lausanne .in remarks apparently meant to keep hardline loyalists in line , he warned about ` deceptive ' intentions of the united states .\"]\n", + "=======================\n", + "[\"iran 's president hassan rouhani assured the crowd that ` the iranian nation has been and will be the victor in the negotiations 'ayatollah khamenei said in a speech that ` sanctions must all be completely removed on the day of the agreement 'state department insisted hours later that ` sanctions will be suspended in a phased manner 'iranian ` supreme leader ' said white house 's public summary of talks ` was faulty , incorrect and contrary to the substance of the negotiations 'watchdog group warns obama administration is ` desperate for a nuclear deal ' and ` will give more concessions to tehran 'pro-israel advocate says iran has ' a 100 per cent record of forcing the americans to bow to their interpretation whenever there 's a dispute '\"]\n", + "iranian supreme leader ayatollah ali khamenei on thursday demanded that all sanctions on iran be lifted at the same time as any final agreement with world powers on curbing tehran 's nuclear program is reached .khamenei , the islamic republic 's most powerful figure and who has the last say on all state matters , was making his first comments on the interim deal reached last week in the swiss city of lausanne .in remarks apparently meant to keep hardline loyalists in line , he warned about ` deceptive ' intentions of the united states .\n", + "iran 's president hassan rouhani assured the crowd that ` the iranian nation has been and will be the victor in the negotiations 'ayatollah khamenei said in a speech that ` sanctions must all be completely removed on the day of the agreement 'state department insisted hours later that ` sanctions will be suspended in a phased manner 'iranian ` supreme leader ' said white house 's public summary of talks ` was faulty , incorrect and contrary to the substance of the negotiations 'watchdog group warns obama administration is ` desperate for a nuclear deal ' and ` will give more concessions to tehran 'pro-israel advocate says iran has ' a 100 per cent record of forcing the americans to bow to their interpretation whenever there 's a dispute '\n", + "[1.3815846 1.4527937 1.2814816 1.335492 1.0406011 1.0826051 1.1570361\n", + " 1.0226583 1.0157791 1.0863385 1.0286416 1.042898 1.2736137 1.0144972\n", + " 1.0191994 1.0562423 1.0505518 1.0762658 1.0387374 1.0214058 0. ]\n", + "\n", + "[ 1 0 3 2 12 6 9 5 17 15 16 11 4 18 10 7 19 14 8 13 20]\n", + "=======================\n", + "[\"the 18-year-old striker came off the bench to score an impressive first goal of his senior career at brentford on east monday .tyler walker is a player who could form nottingham forest 's attack for years to come , according to manager dougie freedman .tyler walker celebrates after scoring his first senior goal for nottingham forest away to brentford\"]\n", + "=======================\n", + "['tyler walker came off the bench to score his first goal against brentfordthe 18-year-old is son of former england international des walkermanager dougie freedman believes the forward has a bright future']\n", + "the 18-year-old striker came off the bench to score an impressive first goal of his senior career at brentford on east monday .tyler walker is a player who could form nottingham forest 's attack for years to come , according to manager dougie freedman .tyler walker celebrates after scoring his first senior goal for nottingham forest away to brentford\n", + "tyler walker came off the bench to score his first goal against brentfordthe 18-year-old is son of former england international des walkermanager dougie freedman believes the forward has a bright future\n", + "[1.110388 1.3547567 1.4309798 1.1109782 1.2346092 1.2029903 1.0508513\n", + " 1.0364661 1.1430161 1.0731223 1.1168039 1.0302231 1.0401632 1.0424644\n", + " 1.0371163 1.1364397 1.0362883 1.0518665 1.0908856 1.0337032 0. ]\n", + "\n", + "[ 2 1 4 5 8 15 10 3 0 18 9 17 6 13 12 14 7 16 19 11 20]\n", + "=======================\n", + "[\"his mother , laney griner from jacksonville , florida , set up a gofundme page to raise the $ 75,000 her husband , justin , needs for the kidney transplant and years of subsequent medications .but now sam griner is eight years old and is using his online fame to help out his sick dad .famous face : sammy is better known as the face of the ` success kid ' meme .\"]\n", + "=======================\n", + "[\"sam griner was just 11 months old when his mother snapped him clenching his fist on the beach and posted the image onlineyears later , she learned it had become the popular ` success kid ' memesammy 's father , justin , has been on dialysis for six years and is in need of a kidney transplant so the family is now appealing for helpthey have set up a gofundme page to try to find him a kidney and to raise the $ 75,000 he will need for the procedure and medication\"]\n", + "his mother , laney griner from jacksonville , florida , set up a gofundme page to raise the $ 75,000 her husband , justin , needs for the kidney transplant and years of subsequent medications .but now sam griner is eight years old and is using his online fame to help out his sick dad .famous face : sammy is better known as the face of the ` success kid ' meme .\n", + "sam griner was just 11 months old when his mother snapped him clenching his fist on the beach and posted the image onlineyears later , she learned it had become the popular ` success kid ' memesammy 's father , justin , has been on dialysis for six years and is in need of a kidney transplant so the family is now appealing for helpthey have set up a gofundme page to try to find him a kidney and to raise the $ 75,000 he will need for the procedure and medication\n", + "[1.1918324 1.499278 1.3617568 1.2317319 1.2004007 1.2172076 1.2791479\n", + " 1.1710892 1.0599245 1.0651469 1.0311399 1.0296328 1.0537362 1.0197498\n", + " 1.018602 1.1276659 1.0481133 1.0129714 1.010173 1.0557214 1.0499926]\n", + "\n", + "[ 1 2 6 3 5 4 0 7 15 9 8 19 12 20 16 10 11 13 14 17 18]\n", + "=======================\n", + "[\"gavin tobeck of lacey , washington suffered from a broken cheekbone , jaw and nose bridge , and needed sections of a rib to repair his eye sockets after the attack by their dog smash on april 1 .the boy also lost five baby teeth and three permanent tooth buds .in an effort to save her son , 29-year-old alissa evans ' friend threw hot coffee on the dog which led to the animal releasing his grip on gavin .\"]\n", + "=======================\n", + "[\"gavin tobeck of washington was attacked by one-and-a-half-year-old smash while in his backyard on april 1 ; he was released late on tuesdayduring the attack , his mother 's friend dumped a cup of hot coffee on the dog to get him to release his grip on gavinthe boy suffered from a broken cheekbone , jaw and nose bridge and lost five baby teeth and three permanent tooth budssmash is scheduled to be euthanized on saturday by thurston county animal service\"]\n", + "gavin tobeck of lacey , washington suffered from a broken cheekbone , jaw and nose bridge , and needed sections of a rib to repair his eye sockets after the attack by their dog smash on april 1 .the boy also lost five baby teeth and three permanent tooth buds .in an effort to save her son , 29-year-old alissa evans ' friend threw hot coffee on the dog which led to the animal releasing his grip on gavin .\n", + "gavin tobeck of washington was attacked by one-and-a-half-year-old smash while in his backyard on april 1 ; he was released late on tuesdayduring the attack , his mother 's friend dumped a cup of hot coffee on the dog to get him to release his grip on gavinthe boy suffered from a broken cheekbone , jaw and nose bridge and lost five baby teeth and three permanent tooth budssmash is scheduled to be euthanized on saturday by thurston county animal service\n", + "[1.254716 1.4321089 1.3349098 1.1434038 1.0979822 1.0610628 1.058478\n", + " 1.0894867 1.0769821 1.0856229 1.1309961 1.0754327 1.0281628 1.0570658\n", + " 1.0861412 1.095221 1.0692332 1.0848294 1.1020262 1.0614512 1.0580935]\n", + "\n", + "[ 1 2 0 3 10 18 4 15 7 14 9 17 8 11 16 19 5 6 20 13 12]\n", + "=======================\n", + "[\"the f1 world champion was spotted on the rome set for the comedy sequel , in a scene that looked like ben stiller 's male model was taking part in a catwalk show with owen wilson 's hansel .cameo : lewis hamilton and olivia munn film scenes in rome for zoolander 2looks like lewis hamilton has landed himself a cameo role in zoolander 2 .\"]\n", + "=======================\n", + "['lewis hamilton has landed himself a cameo role in zoolander 2the f1 world champion was spotted on the rome set of the filmthe comedy sequel stars ben stiller , owen wilson and billy zane']\n", + "the f1 world champion was spotted on the rome set for the comedy sequel , in a scene that looked like ben stiller 's male model was taking part in a catwalk show with owen wilson 's hansel .cameo : lewis hamilton and olivia munn film scenes in rome for zoolander 2looks like lewis hamilton has landed himself a cameo role in zoolander 2 .\n", + "lewis hamilton has landed himself a cameo role in zoolander 2the f1 world champion was spotted on the rome set of the filmthe comedy sequel stars ben stiller , owen wilson and billy zane\n", + "[1.3106483 1.1641357 1.2170509 1.3274747 1.111909 1.0456129 1.0947691\n", + " 1.0627795 1.0313277 1.1431209 1.0888494 1.0877864 1.0841435 1.0457652\n", + " 1.0557992 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 1 9 4 6 10 11 12 7 14 13 5 8 19 15 16 17 18 20]\n", + "=======================\n", + "[\"to celebrate the fifth series of game of thrones travel service zicasso is offering a luxury themed tour of southern spainwhile the programme has already filmed in some of the most picturesque places around the world - including croatia , iceland and the giant 's causeway in northern ireland - series five has opted for slightly warmer fare .in the andalusian capital , seville , travellers will spend three nights adhering to a full itinerary which includes a stop at the world 's largest gothic cathedral , registered by unesco as a world heritage site .\"]\n", + "=======================\n", + "[\"hbo 's hit series , game of thrones , set to return with its fifth season , which was filmed all over europeto celebrate , travel referral service , zicasso , is offering fans a luxury themed trip to visit all filming locationsmust-visit locations for game of thrones fans include spain , northern ireland , morocco , croatia and iceland\"]\n", + "to celebrate the fifth series of game of thrones travel service zicasso is offering a luxury themed tour of southern spainwhile the programme has already filmed in some of the most picturesque places around the world - including croatia , iceland and the giant 's causeway in northern ireland - series five has opted for slightly warmer fare .in the andalusian capital , seville , travellers will spend three nights adhering to a full itinerary which includes a stop at the world 's largest gothic cathedral , registered by unesco as a world heritage site .\n", + "hbo 's hit series , game of thrones , set to return with its fifth season , which was filmed all over europeto celebrate , travel referral service , zicasso , is offering fans a luxury themed trip to visit all filming locationsmust-visit locations for game of thrones fans include spain , northern ireland , morocco , croatia and iceland\n", + "[1.2471795 1.505771 1.1640038 1.2028469 1.0840529 1.0426147 1.0288622\n", + " 1.0187851 1.1981691 1.0981594 1.1604307 1.1831487 1.1038364 1.0199159\n", + " 1.0201067 1.010557 1.0135353 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 8 11 2 10 12 9 4 5 6 14 13 7 16 15 19 17 18 20]\n", + "=======================\n", + "['denise fedyszyn , from holmfirth , west yorkshire , tipped the scales at 20 stone 4lb - and wore dress size 26 - when she was left feeling mortified while on a family day out with her daughters anya and isla .an obese woman has lost half her body weight after being told in front of her children she was too large to go on a fairground ride .denise dressed as a troll in a charity parade before ( l ) and ms fedyszyn after having shed more than 10st ( r )']\n", + "=======================\n", + "[\"denise fedyszyn , 37 , from holmfirth , was told : ` you 're too fat to ride 'mother-of-two , who weighed 20st 4lb , joined a weight watchers groupstarted diet plan and regular runs , and lost more than 10st in 12 monthsdropped eight dress taking her from size 26 to a size 10inspired , her friend lisa walters lots 35lbs in two monthsthe pair had been mortified of pictures of them as bridesmaids\"]\n", + "denise fedyszyn , from holmfirth , west yorkshire , tipped the scales at 20 stone 4lb - and wore dress size 26 - when she was left feeling mortified while on a family day out with her daughters anya and isla .an obese woman has lost half her body weight after being told in front of her children she was too large to go on a fairground ride .denise dressed as a troll in a charity parade before ( l ) and ms fedyszyn after having shed more than 10st ( r )\n", + "denise fedyszyn , 37 , from holmfirth , was told : ` you 're too fat to ride 'mother-of-two , who weighed 20st 4lb , joined a weight watchers groupstarted diet plan and regular runs , and lost more than 10st in 12 monthsdropped eight dress taking her from size 26 to a size 10inspired , her friend lisa walters lots 35lbs in two monthsthe pair had been mortified of pictures of them as bridesmaids\n", + "[1.2822341 1.4098037 1.2384206 1.3208026 1.152608 1.1335913 1.0883604\n", + " 1.0879964 1.0676907 1.0948983 1.027021 1.0143983 1.0135329 1.04247\n", + " 1.0541927 1.0303292 1.0142283 1.0897778 1.1009773 1.0603414 0. ]\n", + "\n", + "[ 1 3 0 2 4 5 18 9 17 6 7 8 19 14 13 15 10 11 16 12 20]\n", + "=======================\n", + "[\"carter and jack hanson , who live in raleigh , north carolina , met their hero on the yorktown - a retired carrier in charleston , where mr harding served as an aircraft handler decades before , cbs reported .ten-year-old twin brothers obsessed with naval history had their passion come to life as they heard first-hand battle stories from their new best friend - 89-year-old world war ii veteran , robert harding .it was an emotional first meeting for the three friends who had been in contact for about a year via email after the twins learned about mr harding on their first trip to yorktown and the patriot 's point museum .\"]\n", + "=======================\n", + "['carter and jack hanson , who live in raleigh , north carolina , met their hero on the yorktown - a retired carrier in charleston , south carolinarobert harding traveled to meet the boys from his home in oklahoma after spending months exchanging daily emailsmr harding served as an aircraft handler on the yorktown during the second world war']\n", + "carter and jack hanson , who live in raleigh , north carolina , met their hero on the yorktown - a retired carrier in charleston , where mr harding served as an aircraft handler decades before , cbs reported .ten-year-old twin brothers obsessed with naval history had their passion come to life as they heard first-hand battle stories from their new best friend - 89-year-old world war ii veteran , robert harding .it was an emotional first meeting for the three friends who had been in contact for about a year via email after the twins learned about mr harding on their first trip to yorktown and the patriot 's point museum .\n", + "carter and jack hanson , who live in raleigh , north carolina , met their hero on the yorktown - a retired carrier in charleston , south carolinarobert harding traveled to meet the boys from his home in oklahoma after spending months exchanging daily emailsmr harding served as an aircraft handler on the yorktown during the second world war\n", + "[1.3666341 1.3492 1.1837492 1.1792388 1.1801374 1.1080829 1.0848513\n", + " 1.0732975 1.0379467 1.0573314 1.0617877 1.1708075 1.0797882 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 4 3 11 5 6 12 7 10 9 8 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the father of dave brockie , the late frontman of the eccentric heavy metal band gwar , has sued his son 's band mates , claiming they have stolen his son 's ashes , guitars and artwork .brockie , who was known onstage as the armor-clad demon oderus urungus , was found slumped in a chair at his richmond , virginia , home march 23 , 2014 .a medical examiner later determined that the 50-year-old musician died of accidental drug overdose .\"]\n", + "=======================\n", + "[\"dave brockie , 50 , was found dead on march 23 , 2014 , at his richmond , virginia homemedical examiner ruled brockie died of accidental acute heroin toxicityhis father , william brockie filed lawsuit against band seeking $ 1million in compensatory damages on top of unspecified punitive damagessuit alleges bandmates stole his remains , guitars , artwork and a gold recordwhen mr brockie demanded to have his son 's ashes back , gwar members allegedly gave him a small portion in a used plastic bag\"]\n", + "the father of dave brockie , the late frontman of the eccentric heavy metal band gwar , has sued his son 's band mates , claiming they have stolen his son 's ashes , guitars and artwork .brockie , who was known onstage as the armor-clad demon oderus urungus , was found slumped in a chair at his richmond , virginia , home march 23 , 2014 .a medical examiner later determined that the 50-year-old musician died of accidental drug overdose .\n", + "dave brockie , 50 , was found dead on march 23 , 2014 , at his richmond , virginia homemedical examiner ruled brockie died of accidental acute heroin toxicityhis father , william brockie filed lawsuit against band seeking $ 1million in compensatory damages on top of unspecified punitive damagessuit alleges bandmates stole his remains , guitars , artwork and a gold recordwhen mr brockie demanded to have his son 's ashes back , gwar members allegedly gave him a small portion in a used plastic bag\n", + "[1.569336 1.2028885 1.3611996 1.1831124 1.1028928 1.1501408 1.0541971\n", + " 1.0279094 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 5 4 6 7 17 16 15 14 13 9 11 10 18 8 12 19]\n", + "=======================\n", + "[\"peshawar , pakistan ( cnn ) ten people have been sentenced to life in prison for their roles in the 2012 attack on nobel peace prize-winning activist malala yousafzai , a judge announced thursday .the 10 were arrested in swat , a district of pakistan 's khyber pakhtunkhwa province , pakistani army spokesman maj. gen. asim bajwa said last september .the assailant 's conviction and sentences follow a trial that included testimony from both sides , according to pakistani antiterrorism judge mohammad amin kundi .\"]\n", + "=======================\n", + "['the sentences came after a trial in pakistan , a judge saysmalala yousafzai is an outspoken advocate for the education of girlsshe was attacked in pakistan in 2012']\n", + "peshawar , pakistan ( cnn ) ten people have been sentenced to life in prison for their roles in the 2012 attack on nobel peace prize-winning activist malala yousafzai , a judge announced thursday .the 10 were arrested in swat , a district of pakistan 's khyber pakhtunkhwa province , pakistani army spokesman maj. gen. asim bajwa said last september .the assailant 's conviction and sentences follow a trial that included testimony from both sides , according to pakistani antiterrorism judge mohammad amin kundi .\n", + "the sentences came after a trial in pakistan , a judge saysmalala yousafzai is an outspoken advocate for the education of girlsshe was attacked in pakistan in 2012\n", + "[1.1363361 1.1094654 1.1662228 1.4145566 1.1690292 1.1389492 1.0775237\n", + " 1.078807 1.0761609 1.1057075 1.108746 1.0722177 1.0914018 1.0319518\n", + " 1.0446639 1.0536561 1.093098 1.0163931 1.0180359 0. ]\n", + "\n", + "[ 3 4 2 5 0 1 10 9 16 12 7 6 8 11 15 14 13 18 17 19]\n", + "=======================\n", + "['the settlement of aogashima in the philippine sea , has 200 inhabitants who live in the middle of a volcanic craterthe secluded settlements are often cut off from the surrounding areas , but are each set in their own natural paradises .the last time the class-c volcano erupted was in the 1780s , and it proved fatal for half of the people living on the island .']\n", + "=======================\n", + "['some villages exist in what would be considered as uninhabitable places around the worldthey have thrived by adapting to the natural surroundings and some remain hidden away from the rest of the worldhidden villages can be found in the middle of the grand canyon , in clay structures on rock faces , and underground']\n", + "the settlement of aogashima in the philippine sea , has 200 inhabitants who live in the middle of a volcanic craterthe secluded settlements are often cut off from the surrounding areas , but are each set in their own natural paradises .the last time the class-c volcano erupted was in the 1780s , and it proved fatal for half of the people living on the island .\n", + "some villages exist in what would be considered as uninhabitable places around the worldthey have thrived by adapting to the natural surroundings and some remain hidden away from the rest of the worldhidden villages can be found in the middle of the grand canyon , in clay structures on rock faces , and underground\n", + "[1.4841045 1.4126204 1.1991242 1.3351113 1.2377735 1.2163787 1.0218962\n", + " 1.0154363 1.0146801 1.0241442 1.0266409 1.0136456 1.0305263 1.046671\n", + " 1.2962711 1.072912 1.0638652 1.1071652 0. 0. ]\n", + "\n", + "[ 0 1 3 14 4 5 2 17 15 16 13 12 10 9 6 7 8 11 18 19]\n", + "=======================\n", + "[\"fifa vice-president jim boyce claimed on wednesday night that the sfa were ` entirely wrong ' in their move to ban josh meekings from the scottish cup final .the inverness caley thistle centre-half will learn on thursday whether he has been successful in challenging the one-match suspension offered by compliance officer tony mcglennan .inverness defender josh meekings ' arm blocks the ball and prevents a goal to celtic on sunday\"]\n", + "=======================\n", + "[\"josh meekings was given a retrospective one-match ban for a handballthe incident was n't punished in inverness 's scottish cup win over celticthe ban , which is being appealed , would rule meekings out of the cup finalceltic wrote to the sfa asking why why no penalty or red card followedjim boyce said he was speaking in a personal capacity , not for fifa\"]\n", + "fifa vice-president jim boyce claimed on wednesday night that the sfa were ` entirely wrong ' in their move to ban josh meekings from the scottish cup final .the inverness caley thistle centre-half will learn on thursday whether he has been successful in challenging the one-match suspension offered by compliance officer tony mcglennan .inverness defender josh meekings ' arm blocks the ball and prevents a goal to celtic on sunday\n", + "josh meekings was given a retrospective one-match ban for a handballthe incident was n't punished in inverness 's scottish cup win over celticthe ban , which is being appealed , would rule meekings out of the cup finalceltic wrote to the sfa asking why why no penalty or red card followedjim boyce said he was speaking in a personal capacity , not for fifa\n", + "[1.3344263 1.3942051 1.131707 1.336771 1.323777 1.2296965 1.0883306\n", + " 1.0829558 1.0663702 1.1116173 1.0429566 1.0279458 1.0642202 1.0362817\n", + " 1.0401028 1.0184337 1.0101581 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 5 2 9 6 7 8 12 10 14 13 11 15 16 18 17 19]\n", + "=======================\n", + "[\"the red , worn chair will be removed from its enclosure at dearborn 's henry ford museum and displayed in an open plaza on april 15 as part of the museum 's observance of the assassination 's 150 anniversary .visitors to a metro-detroit museum have a chance to get an up-close look at the chair abraham lincoln was shot in at washington d.c. 's ford 's theatre in 1865 next week as the museum puts it center stage .two days earlier , it will be onstage when renowned historian and lincoln expert doris kearns goodwin delivers a sold-out lecture at the henry ford .\"]\n", + "=======================\n", + "[\"the henry ford museum in dearborn , michigan , has had chair for 85 yearsthe worn , red chair , from washington d.c. 's ford 's theatre , is usually kept in an enclosed case but will be put in an open plaza on april 15abraham lincoln was shot by john wilkes booth on april 14 , 1865the henry ford museum also holds the limo in which john f. kennedy was shot and the bus rosa parks rode when she refused to give up her seat\"]\n", + "the red , worn chair will be removed from its enclosure at dearborn 's henry ford museum and displayed in an open plaza on april 15 as part of the museum 's observance of the assassination 's 150 anniversary .visitors to a metro-detroit museum have a chance to get an up-close look at the chair abraham lincoln was shot in at washington d.c. 's ford 's theatre in 1865 next week as the museum puts it center stage .two days earlier , it will be onstage when renowned historian and lincoln expert doris kearns goodwin delivers a sold-out lecture at the henry ford .\n", + "the henry ford museum in dearborn , michigan , has had chair for 85 yearsthe worn , red chair , from washington d.c. 's ford 's theatre , is usually kept in an enclosed case but will be put in an open plaza on april 15abraham lincoln was shot by john wilkes booth on april 14 , 1865the henry ford museum also holds the limo in which john f. kennedy was shot and the bus rosa parks rode when she refused to give up her seat\n", + "[1.1652426 1.2317514 1.3150179 1.2201257 1.2910341 1.1158737 1.1605227\n", + " 1.0387565 1.0759691 1.2046179 1.1271851 1.05284 1.0326182 1.0312833\n", + " 1.0415025 1.0486444 1.0738671 1.0889299 1.0253664 1.0263985]\n", + "\n", + "[ 2 4 1 3 9 0 6 10 5 17 8 16 11 15 14 7 12 13 19 18]\n", + "=======================\n", + "['the drug already works for women with cancer fuelled by brca gene mutations , the defect that led to actress angelina jolie having her ovaries removed .up to 30 per cent of men with advanced prostate cancer have tumours that have dna defects and these respond particularly well to olaparib .clinical trials show that olaparib can delay the moment when the disease gets dangerously out of control .']\n", + "=======================\n", + "['olaparib is the first cancer drug to target inherited genetic mutationsup to 30 per cent of men with advanced prostate cancer have tumours with genetic defects - and they responded well to olaparibdrug prolongs time a sufferer can live without disease getting worse']\n", + "the drug already works for women with cancer fuelled by brca gene mutations , the defect that led to actress angelina jolie having her ovaries removed .up to 30 per cent of men with advanced prostate cancer have tumours that have dna defects and these respond particularly well to olaparib .clinical trials show that olaparib can delay the moment when the disease gets dangerously out of control .\n", + "olaparib is the first cancer drug to target inherited genetic mutationsup to 30 per cent of men with advanced prostate cancer have tumours with genetic defects - and they responded well to olaparibdrug prolongs time a sufferer can live without disease getting worse\n", + "[1.2618945 1.313307 1.2142758 1.2319069 1.3216904 1.2184424 1.0916425\n", + " 1.0242008 1.0504998 1.0378429 1.0801389 1.103555 1.1269324 1.112902\n", + " 1.0659384 1.041855 1.0622554 1.0317453 1.1297156 0. 0.\n", + " 0. ]\n", + "\n", + "[ 4 1 0 3 5 2 18 12 13 11 6 10 14 16 8 15 9 17 7 19 20 21]\n", + "=======================\n", + "['# 60 million of public money has been pledged by boris johnson and george osborne - # 30 million each -- for the project .local campaigners vigorously opposed to the bridge are calling for a parliamentary inquiry into the scheme ahead of a crucial judicial review next month , the observer reported .when the project first began it was promised it would be paid for in its entirety through private funds .']\n", + "=======================\n", + "[\"opposition to garden spanning the thames , favoured by boris johnson , gathers speed as use of funds criticisedgeorge osborne and the mayor have promised # 60 million in funds but opponents say the public wo n't have accesscritics want a parliamentary inquiry into the bridge ahead of a judicial review in may which could end the plans\"]\n", + "# 60 million of public money has been pledged by boris johnson and george osborne - # 30 million each -- for the project .local campaigners vigorously opposed to the bridge are calling for a parliamentary inquiry into the scheme ahead of a crucial judicial review next month , the observer reported .when the project first began it was promised it would be paid for in its entirety through private funds .\n", + "opposition to garden spanning the thames , favoured by boris johnson , gathers speed as use of funds criticisedgeorge osborne and the mayor have promised # 60 million in funds but opponents say the public wo n't have accesscritics want a parliamentary inquiry into the bridge ahead of a judicial review in may which could end the plans\n", + "[1.2331346 1.4217231 1.2760718 1.2213769 1.195991 1.204674 1.1398764\n", + " 1.2182903 1.0631633 1.1213082 1.1073226 1.0446622 1.1264559 1.0880696\n", + " 1.0510296 1.0292019 1.0200512 1.0346316 1.0295128 1.067395 1.0260643\n", + " 1.045432 ]\n", + "\n", + "[ 1 2 0 3 7 5 4 6 12 9 10 13 19 8 14 21 11 17 18 15 20 16]\n", + "=======================\n", + "[\"the 4wd , containing four children and an adult , crashed into a lake at wyndham vale in melbourne 's outer west , just before 4pm .police believe that all children are under the age of six .according to nine news reports , one child who died in hospital was aged seven .\"]\n", + "=======================\n", + "[\"the 4wd crashed into a lake in melbourne 's outer west just before 4pmthere were four children and an adult inside the vehicleall the children are aged under seven years oldthree children have been confirmed dead by victoria policea fourth child remains in a serious condition at hospitala woman has been transported to hospital and is under police guardpolice say they are yet to determine how the car went into the lake` police do not believe anyone is still in the lake , ' victoria police said\"]\n", + "the 4wd , containing four children and an adult , crashed into a lake at wyndham vale in melbourne 's outer west , just before 4pm .police believe that all children are under the age of six .according to nine news reports , one child who died in hospital was aged seven .\n", + "the 4wd crashed into a lake in melbourne 's outer west just before 4pmthere were four children and an adult inside the vehicleall the children are aged under seven years oldthree children have been confirmed dead by victoria policea fourth child remains in a serious condition at hospitala woman has been transported to hospital and is under police guardpolice say they are yet to determine how the car went into the lake` police do not believe anyone is still in the lake , ' victoria police said\n", + "[1.27566 1.4618921 1.2233508 1.2939835 1.1885467 1.1411756 1.156054\n", + " 1.0497553 1.0944064 1.1645687 1.0342091 1.0365381 1.1116728 1.0493829\n", + " 1.0918962 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 2 4 9 6 5 12 8 14 7 13 11 10 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the 35-year-old served a one-game ban after he admitted breaking the sfa 's zero-tolerance gambling rules by betting on a total of 50 games in a year .the scottish fa have failed in their attempt to further punish rangers ' goalkeeper steve simonsen for bettingbut sfa compliance officer tony mcglennan challenged that decision , claiming his punishment was ` unduly lenient ' .\"]\n", + "=======================\n", + "[\"the scottish fa have failed in their attempt to have the punishment handed to rangers ' steve simonsen for betting increasedsimonsen served a one-game ban after betting on a total of 50 games in a year , but the scottish fa felt this was too lenientthe goalkeeper 's legal team were able to construct an effective counter-case\"]\n", + "the 35-year-old served a one-game ban after he admitted breaking the sfa 's zero-tolerance gambling rules by betting on a total of 50 games in a year .the scottish fa have failed in their attempt to further punish rangers ' goalkeeper steve simonsen for bettingbut sfa compliance officer tony mcglennan challenged that decision , claiming his punishment was ` unduly lenient ' .\n", + "the scottish fa have failed in their attempt to have the punishment handed to rangers ' steve simonsen for betting increasedsimonsen served a one-game ban after betting on a total of 50 games in a year , but the scottish fa felt this was too lenientthe goalkeeper 's legal team were able to construct an effective counter-case\n", + "[1.400994 1.2946374 1.186937 1.111548 1.0868406 1.0600603 1.1261573\n", + " 1.0806317 1.0589765 1.063081 1.092691 1.0565464 1.115557 1.0417658\n", + " 1.0710205 1.0694475 1.0781883 1.073662 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 6 12 3 10 4 7 16 17 14 15 9 5 8 11 13 20 18 19 21]\n", + "=======================\n", + "[\"( cnn ) the red cross on saturday called for an immediate 24-hour ceasefire in battle-torn yemen , saying many more people recently wounded in airstrikes and ground fighting will die if not tended to soon .the call came just before the u.n. security council met late saturday morning to discuss the situation in the arabian peninsula nation , where shiite rebels are pitted against external arab air forces and fighters loyal to yemen 's displaced sunni president .another red cross official said people are running out of food , water and fuel .\"]\n", + "=======================\n", + "['saudi arabia airstrikes on the capital increase as jets hit military facilities in sanaathe u.n. security council meets to discuss the situationsocial media : a senior al qaeda commander stands in a presidential residence after a jail break']\n", + "( cnn ) the red cross on saturday called for an immediate 24-hour ceasefire in battle-torn yemen , saying many more people recently wounded in airstrikes and ground fighting will die if not tended to soon .the call came just before the u.n. security council met late saturday morning to discuss the situation in the arabian peninsula nation , where shiite rebels are pitted against external arab air forces and fighters loyal to yemen 's displaced sunni president .another red cross official said people are running out of food , water and fuel .\n", + "saudi arabia airstrikes on the capital increase as jets hit military facilities in sanaathe u.n. security council meets to discuss the situationsocial media : a senior al qaeda commander stands in a presidential residence after a jail break\n", + "[1.3617604 1.3700112 1.2422069 1.2535967 1.250544 1.0314817 1.1275214\n", + " 1.0829873 1.0377593 1.0261227 1.0497817 1.0606493 1.0541586 1.0530725\n", + " 1.113038 1.0309418 1.036836 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 4 2 6 14 7 11 12 13 10 8 16 5 15 9 17 18 19 20 21]\n", + "=======================\n", + "[\"the eu has been investigating the us search engine for five years following complaints that it abuses its dominance in the continent - but proceedings have stalled on three previous occasions .google is facing a fine of up to # 4billion as europe prepares to file a high-profile anti-competition lawsuit against the internet giant .if found to have been behaving unfairly , google could be fined ten per cent of its annual revenues , which would be more than # 4 billion based on last year 's performance .\"]\n", + "=======================\n", + "[\"eu has been investigating the us search giant 's practises for five years3 previous attempts to settle matter have stalled due to political pressureone complaint is that google search leads users on to the firm 's own sitescurrent case could result in google being fined 10 % of its annual revenues\"]\n", + "the eu has been investigating the us search engine for five years following complaints that it abuses its dominance in the continent - but proceedings have stalled on three previous occasions .google is facing a fine of up to # 4billion as europe prepares to file a high-profile anti-competition lawsuit against the internet giant .if found to have been behaving unfairly , google could be fined ten per cent of its annual revenues , which would be more than # 4 billion based on last year 's performance .\n", + "eu has been investigating the us search giant 's practises for five years3 previous attempts to settle matter have stalled due to political pressureone complaint is that google search leads users on to the firm 's own sitescurrent case could result in google being fined 10 % of its annual revenues\n", + "[1.1795894 1.2039844 1.2516716 1.1984909 1.2110536 1.1487185 1.0960902\n", + " 1.0607247 1.065282 1.1098075 1.0447793 1.0708512 1.0721701 1.0680634\n", + " 1.078854 1.0227263 1.0747275 1.0602032 0. ]\n", + "\n", + "[ 2 4 1 3 0 5 9 6 14 16 12 11 13 8 7 17 10 15 18]\n", + "=======================\n", + "[\"but now a team of researchers has studied millions of such online posts to identify common traits among these users .experts studied 40 million posts by 1.7 millions users on news site cnn.com , political news site breitbart.com and gaming site ign.com .these so-called ` trolls ' have even been known to cause mental distress to their victims .\"]\n", + "=======================\n", + "['researchers studied 40 million posts made by 1.7 million web usersfrom this they divided people into two groups - future-banned users ( fbus ) and never-banned users ( nbus )they built an algorithm that scans posts for signs of antisocial behaviourstudy shows this algorithm can identify potential trolls in 80 % of cases']\n", + "but now a team of researchers has studied millions of such online posts to identify common traits among these users .experts studied 40 million posts by 1.7 millions users on news site cnn.com , political news site breitbart.com and gaming site ign.com .these so-called ` trolls ' have even been known to cause mental distress to their victims .\n", + "researchers studied 40 million posts made by 1.7 million web usersfrom this they divided people into two groups - future-banned users ( fbus ) and never-banned users ( nbus )they built an algorithm that scans posts for signs of antisocial behaviourstudy shows this algorithm can identify potential trolls in 80 % of cases\n", + "[1.3126681 1.1433479 1.2561774 1.3448032 1.1318061 1.2537849 1.0376052\n", + " 1.0256338 1.0273173 1.0240743 1.0469756 1.0194018 1.0617719 1.1375809\n", + " 1.027301 1.0420485 1.0216012 1.0183737 1.0152506]\n", + "\n", + "[ 3 0 2 5 1 13 4 12 10 15 6 8 14 7 9 16 11 17 18]\n", + "=======================\n", + "[\"tracey cox says that gwyneth and chris ' amicable split is refreshing and something we can learn fromas gwyneth paltrow files for divorce from chris martin , the couple whose split made them ` closer than they ever have been ' are still confounding their critics by playing nicely .there are lessons to be learnt from the couple on how to split amicably - and how to stay friends with an ex .\"]\n", + "=======================\n", + "[\"gwyneth paltrow filed for divorce from chris martin a year after splittingour sexpert says there 's much to applaud in their civilised separationbut says aspects of their ` conscious uncoupling ' should be avoided\"]\n", + "tracey cox says that gwyneth and chris ' amicable split is refreshing and something we can learn fromas gwyneth paltrow files for divorce from chris martin , the couple whose split made them ` closer than they ever have been ' are still confounding their critics by playing nicely .there are lessons to be learnt from the couple on how to split amicably - and how to stay friends with an ex .\n", + "gwyneth paltrow filed for divorce from chris martin a year after splittingour sexpert says there 's much to applaud in their civilised separationbut says aspects of their ` conscious uncoupling ' should be avoided\n", + "[1.0830353 1.4715099 1.3851026 1.1073428 1.4975207 1.0448093 1.1249173\n", + " 1.0829535 1.0882186 1.0133541 1.0111334 1.0127153 1.00846 1.0145718\n", + " 1.0498 1.3481293 1.010003 0. 0. ]\n", + "\n", + "[ 4 1 2 15 6 3 8 0 7 14 5 13 9 11 10 16 12 17 18]\n", + "=======================\n", + "[\"aaron ramsey ( right ) fires arsenal into a 1-0 lead in the 12th minute as arsene wenger 's side fly out of the traps at turf moorarsenal have won at sunderland , newcastle , manchester city and now burnley , and picked up points at liverpool and everton , besides beating manchester united in the fa cup at old trafford .aaron ramsey gave arsenal an early 1-0 lead .\"]\n", + "=======================\n", + "['arsenal earn 1-0 premier league victory against burnley at turf mooraaron ramsey gives gunners an early lead with 12th minute strikegunners close to gap to four points behind premier league leaders chelseaburnley remain in the bottom three with fixtures against fellow strugglers leicester , hull and aston villa to comeclick here for full player ratings as francis coquelin shines for the gunners']\n", + "aaron ramsey ( right ) fires arsenal into a 1-0 lead in the 12th minute as arsene wenger 's side fly out of the traps at turf moorarsenal have won at sunderland , newcastle , manchester city and now burnley , and picked up points at liverpool and everton , besides beating manchester united in the fa cup at old trafford .aaron ramsey gave arsenal an early 1-0 lead .\n", + "arsenal earn 1-0 premier league victory against burnley at turf mooraaron ramsey gives gunners an early lead with 12th minute strikegunners close to gap to four points behind premier league leaders chelseaburnley remain in the bottom three with fixtures against fellow strugglers leicester , hull and aston villa to comeclick here for full player ratings as francis coquelin shines for the gunners\n", + "[1.3460793 1.2242442 1.3058408 1.4269829 1.2089887 1.1551132 1.1716049\n", + " 1.2209003 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 1 7 4 6 5 16 15 14 13 9 11 10 17 8 12 18]\n", + "=======================\n", + "[\"tottenham will offer nabil bentaleb a new deal in order to ward off interest from rival teamstottenham are pressing ahead with talks over a bumper new contact for midfielder nabil bentaleb .securing the future of the algerian international has moved up the spurs hierarchy 's agenda amid fears his performances will attract unwanted attention .\"]\n", + "=======================\n", + "[\"nabil bentaleb is locked in talks with tottenham over a new contracttottenham are keen on tying the algeria international to new dealspurs plan on offering bentaleb new # 35,000-per-week dealclubs from across europe are monitoring bentaleb 's situationread : danny rose wanted by man city but spurs will fight to keep him\"]\n", + "tottenham will offer nabil bentaleb a new deal in order to ward off interest from rival teamstottenham are pressing ahead with talks over a bumper new contact for midfielder nabil bentaleb .securing the future of the algerian international has moved up the spurs hierarchy 's agenda amid fears his performances will attract unwanted attention .\n", + "nabil bentaleb is locked in talks with tottenham over a new contracttottenham are keen on tying the algeria international to new dealspurs plan on offering bentaleb new # 35,000-per-week dealclubs from across europe are monitoring bentaleb 's situationread : danny rose wanted by man city but spurs will fight to keep him\n", + "[1.302481 1.5415175 1.2215581 1.3376967 1.1706179 1.2225474 1.2479342\n", + " 1.0231235 1.0198671 1.0337913 1.0243864 1.0184551 1.0203295 1.0150979\n", + " 1.2257358 1.0393364 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 6 14 5 2 4 15 9 10 7 12 8 11 13 16 17 18]\n", + "=======================\n", + "[\"wheelchair-bound christopher starrs , 50 , was allowed to go free from court with just a suspended jail sentence in january after admitting his part in a two-and-a-half year con against his employer bt .blasted : judge nicholas cooke qc ( left ) blasted his junior colleague recorder stuart trimmer qc ( right ) for ` taking his eye off the ball ' when he sentenced christopher starrs in january this yearstarrs , along with fellow bt openreach manager phillip tamplin , invented clamped cars , overtime hours and damage to home owners ' property during broadband installation , and paid off engineers to help them make the fake claims .\"]\n", + "=======================\n", + "[\"christopher starrs was spared jail in an ` act of mercy ' by judge in januarybut senior judge has now said his colleague took ` his eye off the ball 'nicholas cooke qc said wheelchair-bound starrs should have been jailedbut added starrs should thank his lucky stars as sentence allowed to stand\"]\n", + "wheelchair-bound christopher starrs , 50 , was allowed to go free from court with just a suspended jail sentence in january after admitting his part in a two-and-a-half year con against his employer bt .blasted : judge nicholas cooke qc ( left ) blasted his junior colleague recorder stuart trimmer qc ( right ) for ` taking his eye off the ball ' when he sentenced christopher starrs in january this yearstarrs , along with fellow bt openreach manager phillip tamplin , invented clamped cars , overtime hours and damage to home owners ' property during broadband installation , and paid off engineers to help them make the fake claims .\n", + "christopher starrs was spared jail in an ` act of mercy ' by judge in januarybut senior judge has now said his colleague took ` his eye off the ball 'nicholas cooke qc said wheelchair-bound starrs should have been jailedbut added starrs should thank his lucky stars as sentence allowed to stand\n", + "[1.2688106 1.3246475 1.1898226 1.0819666 1.0234705 1.0362039 1.0428334\n", + " 1.035471 1.0661197 1.1833469 1.1316259 1.1749438 1.0573512 1.0430009\n", + " 1.0223892 1.0350724 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 9 11 10 3 8 12 13 6 5 7 15 4 14 17 16 18]\n", + "=======================\n", + "[\"college juniors emily clark , 20 , of powder springs , morgan bass , 20 , of leesburg , abbie deloach , 21 , of savannah , catherine pittman , 21 , of alpharetta and caitlyn baggett , 21 , of millen , perished early wednesday morning on their way to school when a tractor-trailer plowed into traffic on interstate 16 , setting off a deadly chain reaction .thousands of sobbing students and teachers prayed and comforted one another on georgia southern university 's campus thursday night during an emotional memorial service for five nursing students who were killed in a fiery crash .fellow students brittney mcdaniel , of reidsville , and megan richards , of loganville , survived the crash but were hospitalized with injuries .\"]\n", + "=======================\n", + "['the women were traveling near savannah in two vehicles when a tractor-trailer plowed into an suv , then rolled over a small carkilled were emily clark , morgan bass , abbie deloach , catherine pittman and caitlyn baggett - all juniors at georgia southern universitythe georgia state patrol said three people also were injured and seven vehicles were damagedit could take investigators months to determine whether to file criminal charges against trucker john wayne johnsonjohnson was employed by trucking company based out of mississippi whose drivers have racked up 266 violations over past two years']\n", + "college juniors emily clark , 20 , of powder springs , morgan bass , 20 , of leesburg , abbie deloach , 21 , of savannah , catherine pittman , 21 , of alpharetta and caitlyn baggett , 21 , of millen , perished early wednesday morning on their way to school when a tractor-trailer plowed into traffic on interstate 16 , setting off a deadly chain reaction .thousands of sobbing students and teachers prayed and comforted one another on georgia southern university 's campus thursday night during an emotional memorial service for five nursing students who were killed in a fiery crash .fellow students brittney mcdaniel , of reidsville , and megan richards , of loganville , survived the crash but were hospitalized with injuries .\n", + "the women were traveling near savannah in two vehicles when a tractor-trailer plowed into an suv , then rolled over a small carkilled were emily clark , morgan bass , abbie deloach , catherine pittman and caitlyn baggett - all juniors at georgia southern universitythe georgia state patrol said three people also were injured and seven vehicles were damagedit could take investigators months to determine whether to file criminal charges against trucker john wayne johnsonjohnson was employed by trucking company based out of mississippi whose drivers have racked up 266 violations over past two years\n", + "[1.1655004 1.2652804 1.1517208 1.3630899 1.2925638 1.275749 1.2184172\n", + " 1.1960857 1.0714688 1.1019506 1.1162457 1.0253186 1.0223708 1.0186871\n", + " 1.0306958 1.0490211 1.0774047 1.0082115 1.0070195]\n", + "\n", + "[ 3 4 5 1 6 7 0 2 10 9 16 8 15 14 11 12 13 17 18]\n", + "=======================\n", + "[\"british physicist stephen hawking has sung monty python 's galaxy song ( clip from the video shown ) .the song is being released digitally and on vinyl for record store day 2015 .professor hawking , 73 , appeared on film alongside professor brian cox\"]\n", + "=======================\n", + "[\"british physicist stephen hawking has sung monty python 's galaxy songsong is being released digitally and on vinyl for record store day 2015it is a cover of the song from 1983 film monty python 's meaning of lifeprofessor hawking , 73 , appeared on film alongside professor brian cox\"]\n", + "british physicist stephen hawking has sung monty python 's galaxy song ( clip from the video shown ) .the song is being released digitally and on vinyl for record store day 2015 .professor hawking , 73 , appeared on film alongside professor brian cox\n", + "british physicist stephen hawking has sung monty python 's galaxy songsong is being released digitally and on vinyl for record store day 2015it is a cover of the song from 1983 film monty python 's meaning of lifeprofessor hawking , 73 , appeared on film alongside professor brian cox\n", + "[1.33566 1.3551857 1.1749634 1.1359969 1.16522 1.087147 1.1640368\n", + " 1.2487708 1.1144856 1.1399822 1.0430198 1.0330764 1.055633 1.078851\n", + " 1.0172182 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 7 2 4 6 9 3 8 5 13 12 10 11 14 17 15 16 18]\n", + "=======================\n", + "['early thursday he committed suicide , his sister madylin sweeten said in a statement .( cnn ) sawyer sweeten grew up before the eyes of millions as a child star on the endearing family sitcom \" everybody loves raymond . \"sawyer sweeten was born in may 1995 in brownwood , texas .']\n", + "=======================\n", + "['sawyer sweeten played across from his twin brother and their sister as the children of ray and patricia baronereport : sweeten was visiting family in texas and is believed to have shot himself']\n", + "early thursday he committed suicide , his sister madylin sweeten said in a statement .( cnn ) sawyer sweeten grew up before the eyes of millions as a child star on the endearing family sitcom \" everybody loves raymond . \"sawyer sweeten was born in may 1995 in brownwood , texas .\n", + "sawyer sweeten played across from his twin brother and their sister as the children of ray and patricia baronereport : sweeten was visiting family in texas and is believed to have shot himself\n", + "[1.2889392 1.3781343 1.3249375 1.3273889 1.1632309 1.0858296 1.1021359\n", + " 1.068363 1.103243 1.0519153 1.2410833 1.084191 1.0996115 1.0182717\n", + " 1.0120406 1.0072043 1.0146743 1.0665377 0. ]\n", + "\n", + "[ 1 3 2 0 10 4 8 6 12 5 11 7 17 9 13 16 14 15 18]\n", + "=======================\n", + "[\"grandfather peter mutty , from roseberry in sydney 's inner-west , was caught with two cartons of beer , one box of red wine and one box of white wine in his car on august 31 last year while driving home in riyadh .the possession of alcohol is illegal in saudi arabia .he was jailed for six months and 75 lashes , but only received 28 .\"]\n", + "=======================\n", + "['grandfather peter mutty was caught with alcohol on august 31 last yearthe sydney man was sentenced to six months jail and 75 lashes for crimehe was released on march 19 , but a travel ban prevents him from leavingdue to this ban , mutty is unable to work as an engineer in saudi arabiahe has hit out at the australian embassy who he says has not been helpfulsince speaking about his situation , mutty said they were finally listening']\n", + "grandfather peter mutty , from roseberry in sydney 's inner-west , was caught with two cartons of beer , one box of red wine and one box of white wine in his car on august 31 last year while driving home in riyadh .the possession of alcohol is illegal in saudi arabia .he was jailed for six months and 75 lashes , but only received 28 .\n", + "grandfather peter mutty was caught with alcohol on august 31 last yearthe sydney man was sentenced to six months jail and 75 lashes for crimehe was released on march 19 , but a travel ban prevents him from leavingdue to this ban , mutty is unable to work as an engineer in saudi arabiahe has hit out at the australian embassy who he says has not been helpfulsince speaking about his situation , mutty said they were finally listening\n", + "[1.2571381 1.4273981 1.2047354 1.3522333 1.3044125 1.1913651 1.0701911\n", + " 1.0209756 1.0169872 1.0147165 1.1106513 1.2718884 1.0261246 1.0118679\n", + " 1.0135669 1.0580374 1.0332042 0. 0. ]\n", + "\n", + "[ 1 3 4 11 0 2 5 10 6 15 16 12 7 8 9 14 13 17 18]\n", + "=======================\n", + "['paul childs , who is running in the liverpool riverside seat , said he burst into tears when he was diagnosed with the virus in 2011 following a routine test after starting a new relationship with a man .paul childs ( pictured canvassing ) is the second liberal democrat parliamentary candidate to reveal he is hiv positiveukip leader nigel farage attacked the high cost of health service treatment for foreigners with hiv in the television debate']\n", + "=======================\n", + "[\"parliamentary candidate paul childs , 34 , revealed that he is hiv positivelib dem felt compelled to speak after nigel farage 's comments on virusukip leader attacked high cost of treating foreigners with hiv during debatemr childs is the second lib dem candidate to go public on having hiv\"]\n", + "paul childs , who is running in the liverpool riverside seat , said he burst into tears when he was diagnosed with the virus in 2011 following a routine test after starting a new relationship with a man .paul childs ( pictured canvassing ) is the second liberal democrat parliamentary candidate to reveal he is hiv positiveukip leader nigel farage attacked the high cost of health service treatment for foreigners with hiv in the television debate\n", + "parliamentary candidate paul childs , 34 , revealed that he is hiv positivelib dem felt compelled to speak after nigel farage 's comments on virusukip leader attacked high cost of treating foreigners with hiv during debatemr childs is the second lib dem candidate to go public on having hiv\n", + "[1.2917724 1.4822179 1.2466302 1.2409036 1.2274822 1.0427849 1.0320808\n", + " 1.0826751 1.0222334 1.241113 1.0331974 1.0786083 1.0344458 1.0527575\n", + " 1.0449398 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 9 3 4 7 11 13 14 5 12 10 6 8 17 15 16 18]\n", + "=======================\n", + "[\"sales of books about the religion were three times higher in the first quarter of 2015 compared to the same time last year , according to the french national union of bookshops .it comes as a special magazine supplement from philosphie which focused in the koran also saw a spike in sales following the attacks on the french satirical magazine and a jewish supermarket , which left 17 dead .some of the books on sale at the ` librairie de l'orient ' bookstore on islam and interpretations of the koran , which are popular in france\"]\n", + "=======================\n", + "['sales of islamic books in france three times higher in first quarter of 2015increase coincides with the deadly paris terror attacks where 17 were killedpublisher specialising in islamic books says sales have shot up by 30 %company says same thing happened in the wake of the september 11 attacks']\n", + "sales of books about the religion were three times higher in the first quarter of 2015 compared to the same time last year , according to the french national union of bookshops .it comes as a special magazine supplement from philosphie which focused in the koran also saw a spike in sales following the attacks on the french satirical magazine and a jewish supermarket , which left 17 dead .some of the books on sale at the ` librairie de l'orient ' bookstore on islam and interpretations of the koran , which are popular in france\n", + "sales of islamic books in france three times higher in first quarter of 2015increase coincides with the deadly paris terror attacks where 17 were killedpublisher specialising in islamic books says sales have shot up by 30 %company says same thing happened in the wake of the september 11 attacks\n", + "[1.5444784 1.1891042 1.0916378 1.1232215 1.1080916 1.1727298 1.0738839\n", + " 1.2729058 1.0460396 1.3509598 1.1942582 1.0384316 1.0195304 1.076149\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 9 7 10 1 5 3 4 2 13 6 8 11 12 17 14 15 16 18]\n", + "=======================\n", + "[\"jockey blake shinn rode his pants off in the opening race of a meeting in sydney .blake shinn was forced to ride more than 200 metres to the finish line with his pants downacting chief steward greg rudolph said he had never seen anything like it in his time in racing . '\"]\n", + "=======================\n", + "[\"jockey blake shinn lost his pants while riding down the home straight` the pants went ... and there was nothing i could do , ' shinn saysshinn , atop miss royale , only managed to finish second in the raceacting chief steward greg rudolph said he had never seen anything like it\"]\n", + "jockey blake shinn rode his pants off in the opening race of a meeting in sydney .blake shinn was forced to ride more than 200 metres to the finish line with his pants downacting chief steward greg rudolph said he had never seen anything like it in his time in racing . '\n", + "jockey blake shinn lost his pants while riding down the home straight` the pants went ... and there was nothing i could do , ' shinn saysshinn , atop miss royale , only managed to finish second in the raceacting chief steward greg rudolph said he had never seen anything like it\n", + "[1.2949774 1.2643415 1.2029743 1.2626594 1.1739125 1.2130072 1.0755322\n", + " 1.0617343 1.101475 1.1943115 1.0823461 1.0384321 1.0964427 1.034654\n", + " 1.0403198 1.0256486 1.0166813 1.0227062 1.0468526]\n", + "\n", + "[ 0 1 3 5 2 9 4 8 12 10 6 7 18 14 11 13 15 17 16]\n", + "=======================\n", + "[\"on tuesday , spacex came incredibly close to landing its falcon 9 rocket booster on a barge in the middle of the atlantic .now , leaked footage reveals just how close elon musk 's firm came to success , with a close-up view of the daring attempt shot on a gopro camera .a deleted tweet by musk says that the rocket appeared to be suffering from ` stiction in the biprop throttle valve , resulting in control system phase lag . '\"]\n", + "=======================\n", + "['on tuesday , spacex made a third attempt to land booster on a bargebut the booster tipped over after hitting its target and was destroyednew footage reveals how rocket overcompensated for its extreme tiltfalcon 9 today reach the iss with supplies for the astronauts onboard']\n", + "on tuesday , spacex came incredibly close to landing its falcon 9 rocket booster on a barge in the middle of the atlantic .now , leaked footage reveals just how close elon musk 's firm came to success , with a close-up view of the daring attempt shot on a gopro camera .a deleted tweet by musk says that the rocket appeared to be suffering from ` stiction in the biprop throttle valve , resulting in control system phase lag . '\n", + "on tuesday , spacex made a third attempt to land booster on a bargebut the booster tipped over after hitting its target and was destroyednew footage reveals how rocket overcompensated for its extreme tiltfalcon 9 today reach the iss with supplies for the astronauts onboard\n", + "[1.1906474 1.5635465 1.2326789 1.4443645 1.2294009 1.0976794 1.0129995\n", + " 1.0156821 1.0171204 1.1232426 1.0679983 1.0825957 1.0420035 1.0208325\n", + " 1.0383984 1.1492251 1.0185305 1.0257312 1.0138971]\n", + "\n", + "[ 1 3 2 4 0 15 9 5 11 10 12 14 17 13 16 8 7 18 6]\n", + "=======================\n", + "[\"richard and angela maxwell , from coningsby in lincolnshire , became 10th on the national lottery rich list after they scooped # 53,193,914 on the draw on tuesday .the couple , both 67 , so far have only modest plans for what to do with the huge windfall - with mr maxwell planning to retire and play bowls .mrs maxwell said she thought her husband was playing an april fools ' day joke on her when he told her\"]\n", + "=======================\n", + "[\"couple from lincolnshire won the eight-figure sum on tuesdaythey become the tenth biggest british winners in lottery historythe husband said he thought the win was an april fools ' day trickcomes the day after a couple living nearby won for the second time\"]\n", + "richard and angela maxwell , from coningsby in lincolnshire , became 10th on the national lottery rich list after they scooped # 53,193,914 on the draw on tuesday .the couple , both 67 , so far have only modest plans for what to do with the huge windfall - with mr maxwell planning to retire and play bowls .mrs maxwell said she thought her husband was playing an april fools ' day joke on her when he told her\n", + "couple from lincolnshire won the eight-figure sum on tuesdaythey become the tenth biggest british winners in lottery historythe husband said he thought the win was an april fools ' day trickcomes the day after a couple living nearby won for the second time\n", + "[1.3482885 1.329678 1.3849659 1.228857 1.1599257 1.0855316 1.1260418\n", + " 1.0406208 1.0214962 1.0829699 1.0350214 1.028311 1.0514753 1.0520201\n", + " 1.0160407 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 3 4 6 5 9 13 12 7 10 11 8 14 17 15 16 18]\n", + "=======================\n", + "['the flows of migrants across the mediterranean are unlikely to stop -- italian authorities estimate that up to 200,000 migrants in libya are waiting to cross , following 170,000 refugees and migrants who arrived in italy last year .almost all the deaths have occurred in the perilous central mediterranean crossing from libya to italy .these flows reflect a significant increase in the number of refugees and internally displaced people across the world , with a total estimate of 51.2 million people .']\n", + "=======================\n", + "['the european union is trying to stop thousands of migrants from drowning at seamigrants risk their lives by paying people smugglers to get them to europeaustralia has successfully stopped the flow of migrant boats to its waters']\n", + "the flows of migrants across the mediterranean are unlikely to stop -- italian authorities estimate that up to 200,000 migrants in libya are waiting to cross , following 170,000 refugees and migrants who arrived in italy last year .almost all the deaths have occurred in the perilous central mediterranean crossing from libya to italy .these flows reflect a significant increase in the number of refugees and internally displaced people across the world , with a total estimate of 51.2 million people .\n", + "the european union is trying to stop thousands of migrants from drowning at seamigrants risk their lives by paying people smugglers to get them to europeaustralia has successfully stopped the flow of migrant boats to its waters\n", + "[1.1609418 1.2243613 1.2121228 1.3495085 1.0640247 1.0797753 1.1812092\n", + " 1.0283952 1.0699339 1.0530666 1.0494725 1.1307547 1.1476666 1.0298009\n", + " 1.0251521 1.104275 1.0396477 1.0543422 0. ]\n", + "\n", + "[ 3 1 2 6 0 12 11 15 5 8 4 17 9 10 16 13 7 14 18]\n", + "=======================\n", + "[\"the research focused on pomc neurons , which are a structure called the hypothalamus , that send and receive signals to regulate appetite .now scientists believe they have found tiny triggers inside those cells that give rise to this ` voice ' and ruin a dieter 's good intentions .the new research , done on fish and mice , could someday lead to pills that will be able to quieten that voice or increase its volume .\"]\n", + "=======================\n", + "[\"the research looked at pomc neurons that work toregulate appetitewhen pomc neurons are absent , animals and humans grow obesethis also happens when genes inside the pomc cells are n't working\"]\n", + "the research focused on pomc neurons , which are a structure called the hypothalamus , that send and receive signals to regulate appetite .now scientists believe they have found tiny triggers inside those cells that give rise to this ` voice ' and ruin a dieter 's good intentions .the new research , done on fish and mice , could someday lead to pills that will be able to quieten that voice or increase its volume .\n", + "the research looked at pomc neurons that work toregulate appetitewhen pomc neurons are absent , animals and humans grow obesethis also happens when genes inside the pomc cells are n't working\n", + "[1.2224295 1.4791381 1.339108 1.3038192 1.1958294 1.062108 1.0245316\n", + " 1.0248382 1.130153 1.0394626 1.160219 1.0880947 1.0308684 1.0151024\n", + " 1.010826 1.0127995 1.0107905 1.0316969 1.1276282]\n", + "\n", + "[ 1 2 3 0 4 10 8 18 11 5 9 17 12 7 6 13 15 14 16]\n", + "=======================\n", + "['transport for london has launched a campaign to tackle abuse on public transport , with a video in which a female commuter is groped while on the tube .the uncomfortable footage - which uses actors - sees the woman hounded by an increasingly persistent male , who looks her up and down , gets on to the same train carriage and then gropes her .women travelling on the london underground are being urged to report sexual assaults in a new initiative .']\n", + "=======================\n", + "['transport for london used actors in the uncomfortable campaign videoencourages women to report sexual harassment on public transportone in ten londoners have fallen victim and 90 % of cases are not reported']\n", + "transport for london has launched a campaign to tackle abuse on public transport , with a video in which a female commuter is groped while on the tube .the uncomfortable footage - which uses actors - sees the woman hounded by an increasingly persistent male , who looks her up and down , gets on to the same train carriage and then gropes her .women travelling on the london underground are being urged to report sexual assaults in a new initiative .\n", + "transport for london used actors in the uncomfortable campaign videoencourages women to report sexual harassment on public transportone in ten londoners have fallen victim and 90 % of cases are not reported\n", + "[1.2914746 1.2909563 1.4087906 1.2904994 1.3092273 1.1757548 1.025862\n", + " 1.0205963 1.04242 1.0954312 1.0173767 1.1014657 1.193374 1.1303157\n", + " 1.0599462 1.0752437 1.0123305 1.0128525 0. ]\n", + "\n", + "[ 2 4 0 1 3 12 5 13 11 9 15 14 8 6 7 10 17 16 18]\n", + "=======================\n", + "[\"many of those in the record crowd of 30,000 took to twitter to express their anger at the club interrupting the minute 's silence on at least five occasions .father arron cutugno said he was ` disgusted ' by the choice to play music during the minutes silencea contractor doing a sound check inside the exclusive club is believed to have been responsible for turning the music on .\"]\n", + "=======================\n", + "[\"ivy nightclub has come under fire for playing music during anzac day serviceirate crowds who attended the service said the loud dance music interrupted the service at least five timesthe club has blamed a contractor who was preparing for an event at the club later todaya spokesman for the club said the contractor was ` immediately terminated this morning '\"]\n", + "many of those in the record crowd of 30,000 took to twitter to express their anger at the club interrupting the minute 's silence on at least five occasions .father arron cutugno said he was ` disgusted ' by the choice to play music during the minutes silencea contractor doing a sound check inside the exclusive club is believed to have been responsible for turning the music on .\n", + "ivy nightclub has come under fire for playing music during anzac day serviceirate crowds who attended the service said the loud dance music interrupted the service at least five timesthe club has blamed a contractor who was preparing for an event at the club later todaya spokesman for the club said the contractor was ` immediately terminated this morning '\n", + "[1.1539754 1.3978939 1.1596788 1.2007686 1.2200602 1.2629799 1.2140543\n", + " 1.1243359 1.1670973 1.1635563 1.1226915 1.0456088 1.0571206 1.043456\n", + " 1.0406759 1.0523002 1.0792361 1.0792217 1.0357366]\n", + "\n", + "[ 1 5 4 6 3 8 9 2 0 7 10 16 17 12 15 11 13 14 18]\n", + "=======================\n", + "['the solar probe plus will carry four experiments into the corona and study the solar wind and energetic particles as they blast off the surface of the starover 24 orbits , the mission will use seven flybys of venus to reduce its distance from the sun .the launch window opens for 20 days starting on july 31 , 2018 .']\n", + "=======================\n", + "['temperatures outside the spacecraft will reach 2,500 degrees fahrenheitlaunch window opens for 20 days starting on july 31 , 2018']\n", + "the solar probe plus will carry four experiments into the corona and study the solar wind and energetic particles as they blast off the surface of the starover 24 orbits , the mission will use seven flybys of venus to reduce its distance from the sun .the launch window opens for 20 days starting on july 31 , 2018 .\n", + "temperatures outside the spacecraft will reach 2,500 degrees fahrenheitlaunch window opens for 20 days starting on july 31 , 2018\n", + "[1.242541 1.4764559 1.2200774 1.2883573 1.2048831 1.1329081 1.1651456\n", + " 1.0414492 1.0924478 1.0759401 1.0523373 1.1121266 1.0769258 1.0450982\n", + " 1.0296466 1.0797162 1.0238291 1.0670863 0. ]\n", + "\n", + "[ 1 3 0 2 4 6 5 11 8 15 12 9 17 10 13 7 14 16 18]\n", + "=======================\n", + "[\"janet brown was found naked , gagged with packing tape with her arms cuffed behind her back at the foot of the stairs of her family home in radnage , near chinnor in buckinghamshire .detectives investigating the cold-case murder of a mother-of-three who was battered to death in her own home in 1995 believe new dna evidence could help solve the mystery .mrs brown 's two daughters roxanne , 38 , and zara , 43 , described their hother as a ` kind and loving nurse ' claiming the horror of the crime ` stays with us every day .\"]\n", + "=======================\n", + "['janet brown was killed at her buckinghamshire home in april 1995she was beaten with an iron bar and left naked at the foot of her stairsdetectives at the time said there was no sign of any sexual assaultnow cold-case squad detectives said they have crucial new evidence']\n", + "janet brown was found naked , gagged with packing tape with her arms cuffed behind her back at the foot of the stairs of her family home in radnage , near chinnor in buckinghamshire .detectives investigating the cold-case murder of a mother-of-three who was battered to death in her own home in 1995 believe new dna evidence could help solve the mystery .mrs brown 's two daughters roxanne , 38 , and zara , 43 , described their hother as a ` kind and loving nurse ' claiming the horror of the crime ` stays with us every day .\n", + "janet brown was killed at her buckinghamshire home in april 1995she was beaten with an iron bar and left naked at the foot of her stairsdetectives at the time said there was no sign of any sexual assaultnow cold-case squad detectives said they have crucial new evidence\n", + "[1.141534 1.467006 1.2133625 1.377025 1.1352049 1.1423111 1.0849464\n", + " 1.0630167 1.2209303 1.1050601 1.0338105 1.0171068 1.055739 1.1607676\n", + " 1.0666169 1.1010851 1.0523571 0. 0. 0. ]\n", + "\n", + "[ 1 3 8 2 13 5 0 4 9 15 6 14 7 12 16 10 11 18 17 19]\n", + "=======================\n", + "[\"captured on camera by a visitor to the abq biopark zoo in albuquerque , the footage shows the youngster named jazmine approaching its mother rozie .with its front left leg already placed on its mother 's neck , the young elephant clambers onto her with its right leg .all the while the 22-year-old asian elephant remains incredibly docile .\"]\n", + "=======================\n", + "[\"the young elephant tramples its mother while attempt to climb herit then considers sitting on her before clambering off the other endthroughout the entire ordeal the 22-year-old mother remains docilevideo was captured by a visitor to albuquerque 's abq biopark zoo\"]\n", + "captured on camera by a visitor to the abq biopark zoo in albuquerque , the footage shows the youngster named jazmine approaching its mother rozie .with its front left leg already placed on its mother 's neck , the young elephant clambers onto her with its right leg .all the while the 22-year-old asian elephant remains incredibly docile .\n", + "the young elephant tramples its mother while attempt to climb herit then considers sitting on her before clambering off the other endthroughout the entire ordeal the 22-year-old mother remains docilevideo was captured by a visitor to albuquerque 's abq biopark zoo\n", + "[1.3117399 1.3504179 1.2595798 1.1460646 1.309447 1.1715972 1.1321055\n", + " 1.0979642 1.1060563 1.0572252 1.060734 1.1269484 1.0161163 1.0094976\n", + " 1.0095189 1.0226648 1.1659076 1.0174372 0. 0. ]\n", + "\n", + "[ 1 0 4 2 5 16 3 6 11 8 7 10 9 15 17 12 14 13 18 19]\n", + "=======================\n", + "['the museum yesterday handed over seven rare artifacts in its possession after authorities found , to the shock of museum officials , that they had been smuggled into the u.s. by former new york art dealer subhash kapoor .antiquities looted from ancient temples and buddhist sites in india have been found on display at the honolulu museum of art after a tourist spotted they were sourced from an art dealer facing charges in india .agents from the u.s. immigration and customs enforcement will take the items back to new york and , from there , eventually return them to the government of india .']\n", + "=======================\n", + "['seven artifacts were found to have come from an art dealer facing chargesunbeknownst to museum officials , they were looted from indian templesthe discredited source of the display items was noticed by visiting touristimmigration and customs agents will now return the artifacts to india']\n", + "the museum yesterday handed over seven rare artifacts in its possession after authorities found , to the shock of museum officials , that they had been smuggled into the u.s. by former new york art dealer subhash kapoor .antiquities looted from ancient temples and buddhist sites in india have been found on display at the honolulu museum of art after a tourist spotted they were sourced from an art dealer facing charges in india .agents from the u.s. immigration and customs enforcement will take the items back to new york and , from there , eventually return them to the government of india .\n", + "seven artifacts were found to have come from an art dealer facing chargesunbeknownst to museum officials , they were looted from indian templesthe discredited source of the display items was noticed by visiting touristimmigration and customs agents will now return the artifacts to india\n", + "[1.1457237 1.0955036 1.2121964 1.2193134 1.2193476 1.2241862 1.2104174\n", + " 1.107448 1.0251645 1.1174889 1.0724202 1.0754782 1.0602485 1.0598136\n", + " 1.0927906 1.0883802 1.0325986 1.0547733 1.1284196 1.0433946]\n", + "\n", + "[ 5 4 3 2 6 0 18 9 7 1 14 15 11 10 12 13 17 19 16 8]\n", + "=======================\n", + "['on board it had 4,000 lbs of supplies - including a coffee machine .together with nasa astronaut terry virts she captured the spacecraft .italian astronaut samantha cristoforetti wore the uniform on friday ( shown ) .']\n", + "=======================\n", + "['italian astronaut samantha cristoforetti wore the uniform on fridaytogether with nasa astronaut terry virts she captured the spacecrafton board it had 4,000 lbs of supplies - including a coffee machineit will remain at the iss for a month before returning to earth']\n", + "on board it had 4,000 lbs of supplies - including a coffee machine .together with nasa astronaut terry virts she captured the spacecraft .italian astronaut samantha cristoforetti wore the uniform on friday ( shown ) .\n", + "italian astronaut samantha cristoforetti wore the uniform on fridaytogether with nasa astronaut terry virts she captured the spacecrafton board it had 4,000 lbs of supplies - including a coffee machineit will remain at the iss for a month before returning to earth\n", + "[1.3691633 1.4417926 1.3487257 1.2655826 1.3512213 1.171494 1.12712\n", + " 1.1637349 1.0659776 1.0720237 1.1210152 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 5 7 6 10 9 8 11 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "['the winger has been on loan at stoke but damaged his hamstring in the 1-1 draw at west ham united on saturday and is expected to be out for six weeks .victor moses has returned to chelsea after being ruled out for the season .the 24-year-old has gone back to parent club chelsea for treatment following the results of a scan .']\n", + "=======================\n", + "['chelsea winger victor moses has spent the season on loan at stoke citynigeria international has returned to stamford bridge for injury treatmentpotters are chasing daniel wass , javier hernandez and lee cattermole']\n", + "the winger has been on loan at stoke but damaged his hamstring in the 1-1 draw at west ham united on saturday and is expected to be out for six weeks .victor moses has returned to chelsea after being ruled out for the season .the 24-year-old has gone back to parent club chelsea for treatment following the results of a scan .\n", + "chelsea winger victor moses has spent the season on loan at stoke citynigeria international has returned to stamford bridge for injury treatmentpotters are chasing daniel wass , javier hernandez and lee cattermole\n", + "[1.3040936 1.1458569 1.2119622 1.3240755 1.148184 1.1478579 1.2572649\n", + " 1.2029161 1.1621563 1.1019552 1.0868564 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 6 2 7 8 4 5 1 9 10 11 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "['manny pacquiao has shown off his musical talent by singing about the struggles in the philippinespacquiao will be hoping he is in the mood to sing after his highly-anticipated showdown with floyd mayweather on may 2 .the two star names of world boxing will go toe-to-toe in a $ 300million fight in las vegas .']\n", + "=======================\n", + "[\"manny pacquiao has released music video named ` i 'm fighting for filipinos 'the filipino boxer directed footage which shows poverty in the philippinespacquiao will go toe-to-toe with floyd mayweather in las vegas on may 2read : pacquiao takes his training to the great outdoors as he jogs in laread : mayweather vs pacquiao referee to earn $ 10,000 ( # 6,800 ) on may 2\"]\n", + "manny pacquiao has shown off his musical talent by singing about the struggles in the philippinespacquiao will be hoping he is in the mood to sing after his highly-anticipated showdown with floyd mayweather on may 2 .the two star names of world boxing will go toe-to-toe in a $ 300million fight in las vegas .\n", + "manny pacquiao has released music video named ` i 'm fighting for filipinos 'the filipino boxer directed footage which shows poverty in the philippinespacquiao will go toe-to-toe with floyd mayweather in las vegas on may 2read : pacquiao takes his training to the great outdoors as he jogs in laread : mayweather vs pacquiao referee to earn $ 10,000 ( # 6,800 ) on may 2\n", + "[1.0593547 1.2001345 1.4225091 1.2731614 1.3882595 1.2204502 1.0808058\n", + " 1.0977685 1.1188496 1.0697383 1.0731722 1.0840719 1.052518 1.020985\n", + " 1.0153189 1.0133381 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 4 3 5 1 8 7 11 6 10 9 0 12 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the researchers found that 40 to 50 per cent of the differences in children 's motivation to learn could be explained by their genetic inheritance from their parents .more than 13,000 twins aged nine to 16 took part in the research ( stock image shown )our willingness to learn is significantly influence by our genes , according to a study by goldsmiths university in london and ohio state university .\"]\n", + "=======================\n", + "['willingness to learn is significantly influence by our genesstudy was by goldsmiths university in london and ohio state universitymore than 13,000 twins aged nine to 16 took part in the researchbut there is no specific gene for how much children enjoy learning']\n", + "the researchers found that 40 to 50 per cent of the differences in children 's motivation to learn could be explained by their genetic inheritance from their parents .more than 13,000 twins aged nine to 16 took part in the research ( stock image shown )our willingness to learn is significantly influence by our genes , according to a study by goldsmiths university in london and ohio state university .\n", + "willingness to learn is significantly influence by our genesstudy was by goldsmiths university in london and ohio state universitymore than 13,000 twins aged nine to 16 took part in the researchbut there is no specific gene for how much children enjoy learning\n", + "[1.1253748 1.1532917 1.238813 1.0749965 1.1078432 1.2739286 1.1569089\n", + " 1.1872773 1.0178248 1.0287638 1.0271299 1.0625358 1.0482117 1.0411904\n", + " 1.0811257 1.0227349 1.0580122 1.0903822 1.0219138 1.1595242 1.0575678\n", + " 1.0399848]\n", + "\n", + "[ 5 2 7 19 6 1 0 4 17 14 3 11 16 20 12 13 21 9 10 15 18 8]\n", + "=======================\n", + "[\"david raven ( second right ) celebrates with his inverness team-mates following his extra-time winneron a fateful night in glasgow 15 years ago the highlanders inflicted the first of their damaging , deeply defeats on scotland 's champions .they will be back here in greater number for this club 's first ever scottish cup final against falkirk -- a former club of manager john hughes - on may 30 where they will be favourites to triumph .\"]\n", + "=======================\n", + "[\"virgil van dijk gave celtic the lead with a superb free-kickjosh meekings escaped a red card just before the break for a hand ballceltic keeper craig gordon was sent off early in the second halfgreg tansey 's penalty and edward ofere put inverness aheadjohn guidetti equalised , but david raven had the final say\"]\n", + "david raven ( second right ) celebrates with his inverness team-mates following his extra-time winneron a fateful night in glasgow 15 years ago the highlanders inflicted the first of their damaging , deeply defeats on scotland 's champions .they will be back here in greater number for this club 's first ever scottish cup final against falkirk -- a former club of manager john hughes - on may 30 where they will be favourites to triumph .\n", + "virgil van dijk gave celtic the lead with a superb free-kickjosh meekings escaped a red card just before the break for a hand ballceltic keeper craig gordon was sent off early in the second halfgreg tansey 's penalty and edward ofere put inverness aheadjohn guidetti equalised , but david raven had the final say\n", + "[1.1733946 1.3612022 1.4312551 1.2150486 1.1453371 1.1818727 1.0523348\n", + " 1.0253587 1.0218129 1.0210922 1.1351429 1.1157169 1.0681798 1.0502099\n", + " 1.0292706 1.029365 1.0121565 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 3 5 0 4 10 11 12 6 13 15 14 7 8 9 16 20 17 18 19 21]\n", + "=======================\n", + "['they found skin cells appear to attach to each other using tiny tubes that then pull them together so they interlock like a zip .biologists have studied the healing process at a molecular level using electron microscopes to examine skin as it repairs itself .this image on the left taken of skin cells healing a wound using an electron microscope show how cells on opposing sides ( coloured green and brown ) interlock together in a similar way to a zipper used on clothes .']\n", + "=======================\n", + "['biologists at goethe university frankfurt , germany , studied skin healing in fruit fly embryos using an electron microscope to watch what happenedskin cells use microscopic tubes to pull towards each other and interlockresearchers hope it may help develop new treatments to speed up healing']\n", + "they found skin cells appear to attach to each other using tiny tubes that then pull them together so they interlock like a zip .biologists have studied the healing process at a molecular level using electron microscopes to examine skin as it repairs itself .this image on the left taken of skin cells healing a wound using an electron microscope show how cells on opposing sides ( coloured green and brown ) interlock together in a similar way to a zipper used on clothes .\n", + "biologists at goethe university frankfurt , germany , studied skin healing in fruit fly embryos using an electron microscope to watch what happenedskin cells use microscopic tubes to pull towards each other and interlockresearchers hope it may help develop new treatments to speed up healing\n", + "[1.4009482 1.3334079 1.2882757 1.3923404 1.1337208 1.1573678 1.0740907\n", + " 1.0885869 1.1283251 1.0153259 1.0115517 1.04485 1.042611 1.0949781\n", + " 1.0949123 1.0204155 1.0204076 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 2 5 4 8 13 14 7 6 11 12 15 16 9 10 17 18 19 20 21]\n", + "=======================\n", + "['ringside tickets for the upcoming fight between floyd mayweather and manny pacquaio are fetching upwards of $ 130,000 online after official outlets sold out within minutes on thursday night .floyd mayweather ( left ) and manny pacquiao ( right ) will fight on saturday , may 2 , in las vegas , nevadadue to the high pay-per-view price of the fight ( $ 89.99 - $ 99.99 ) , its anticipated thousands of fight fans might try to watch the bout for free via a live video streaming app like periscope or meerkat .']\n", + "=======================\n", + "[\"mayweather and pacquiao will fight in las vegas , nevada , on may 2around 500 tickets for the welterweight unification clash sold out very fastthe high pay-per-view price may lead thousands to stream bout illegallylaunched by twitter , periscope used to stream hbo 's game of thronesbroadcasters showtime and hbo could miss out on millions to streaming\"]\n", + "ringside tickets for the upcoming fight between floyd mayweather and manny pacquaio are fetching upwards of $ 130,000 online after official outlets sold out within minutes on thursday night .floyd mayweather ( left ) and manny pacquiao ( right ) will fight on saturday , may 2 , in las vegas , nevadadue to the high pay-per-view price of the fight ( $ 89.99 - $ 99.99 ) , its anticipated thousands of fight fans might try to watch the bout for free via a live video streaming app like periscope or meerkat .\n", + "mayweather and pacquiao will fight in las vegas , nevada , on may 2around 500 tickets for the welterweight unification clash sold out very fastthe high pay-per-view price may lead thousands to stream bout illegallylaunched by twitter , periscope used to stream hbo 's game of thronesbroadcasters showtime and hbo could miss out on millions to streaming\n", + "[1.305356 1.3653493 1.170449 1.2319957 1.0825522 1.1214662 1.171004\n", + " 1.187432 1.1158035 1.0999724 1.0821761 1.0646865 1.1174929 1.0788829\n", + " 1.0329605 1.0108111 1.0113757 1.0090799 1.0095913 1.0161892 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 7 6 2 5 12 8 9 4 10 13 11 14 19 16 15 18 17 20 21]\n", + "=======================\n", + "[\"in an interview , the lib dem leader listed a range of reasons why different groups of former supporters are ` p ***** off ' and have deserted the party since 2010 .nick clegg has been accused of blaming ` everyone but himself ' after making a series of excuses for the party 's disastrous poll ratings .he blamed protest voters who supported the party but deserted it after it entered coalition because they did n't want to take any ` responsibility ' .\"]\n", + "=======================\n", + "[\"nick clegg lists why lib dem support ` collapsed ' in economist interviewblames ` protest voters ' who did n't want to take responsibility for collationclaimed public sector workers left because pensions hit and jobs cutsays those reasons were more important than policy decisions he madetory source says interview ` sums up ' clegg , who ` is like a petulant child '\"]\n", + "in an interview , the lib dem leader listed a range of reasons why different groups of former supporters are ` p ***** off ' and have deserted the party since 2010 .nick clegg has been accused of blaming ` everyone but himself ' after making a series of excuses for the party 's disastrous poll ratings .he blamed protest voters who supported the party but deserted it after it entered coalition because they did n't want to take any ` responsibility ' .\n", + "nick clegg lists why lib dem support ` collapsed ' in economist interviewblames ` protest voters ' who did n't want to take responsibility for collationclaimed public sector workers left because pensions hit and jobs cutsays those reasons were more important than policy decisions he madetory source says interview ` sums up ' clegg , who ` is like a petulant child '\n", + "[1.4489923 1.3291557 1.4259202 1.3623092 1.1991603 1.075777 1.0269849\n", + " 1.0227607 1.0156476 1.0183895 1.0228668 1.021663 1.0208943 1.0152302\n", + " 1.0159407 1.0192688 1.0297137 1.0507092 1.2835655 1.0801959 1.0109341\n", + " 1.1495875]\n", + "\n", + "[ 0 2 3 1 18 4 21 19 5 17 16 6 10 7 11 12 15 9 14 8 13 20]\n", + "=======================\n", + "[\"manchester united midfielder michael carrick has revealed he wants to take up a career in motorsport when his playing days are over .the former west ham and tottenham star , now 34 , is not planning to hang up his boots any time soon , but when he does he says he 'd like to try his hand behind the wheel of an f1 car .michael carrick celebrates after manchester united score , and hopes to be playing for many more years\"]\n", + "=======================\n", + "[\"manchester united midfielder admits he is ` hooked ' on formula onemichael carrick says he 'd ` love to have a go ' at the sport professionallybut carrick is convinced he still has years left in football\"]\n", + "manchester united midfielder michael carrick has revealed he wants to take up a career in motorsport when his playing days are over .the former west ham and tottenham star , now 34 , is not planning to hang up his boots any time soon , but when he does he says he 'd like to try his hand behind the wheel of an f1 car .michael carrick celebrates after manchester united score , and hopes to be playing for many more years\n", + "manchester united midfielder admits he is ` hooked ' on formula onemichael carrick says he 'd ` love to have a go ' at the sport professionallybut carrick is convinced he still has years left in football\n", + "[1.3708696 1.119655 1.0836307 1.1299585 1.1723046 1.2883747 1.171418\n", + " 1.1389343 1.089823 1.1342633 1.1028004 1.110395 1.0665774 1.0482631\n", + " 1.0235509 1.064671 1.1149901 1.0292944 1.0251786 1.1230571 1.0260627\n", + " 1.0122253]\n", + "\n", + "[ 0 5 4 6 7 9 3 19 1 16 11 10 8 2 12 15 13 17 20 18 14 21]\n", + "=======================\n", + "[\"jodi arias has reported to prison to begin serving her life sentence for murder , and she has a new mugshot .arias was convicted of murder and sentenced to life in prison - with no change of parole - on monday .she also figured the mugshot would be all over the internet , ` so why not ? '\"]\n", + "=======================\n", + "['the 34-year-old convicted murderer posed for a new mugshot this week after she was sentenced to life in prison for killing her ex-boyfriendin her first mugshot , taken after her arrest in 2008 , arias smiled and later said she did so on purpose because she knew it would be widely publishedarias plans to appeal her conviction']\n", + "jodi arias has reported to prison to begin serving her life sentence for murder , and she has a new mugshot .arias was convicted of murder and sentenced to life in prison - with no change of parole - on monday .she also figured the mugshot would be all over the internet , ` so why not ? '\n", + "the 34-year-old convicted murderer posed for a new mugshot this week after she was sentenced to life in prison for killing her ex-boyfriendin her first mugshot , taken after her arrest in 2008 , arias smiled and later said she did so on purpose because she knew it would be widely publishedarias plans to appeal her conviction\n", + "[1.4028666 1.2478248 1.3999321 1.2112174 1.1821226 1.2454791 1.0771006\n", + " 1.0512953 1.1577076 1.0361351 1.0653375 1.0356227 1.0475361 1.0172024\n", + " 1.0104527 1.0126868 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 5 3 4 8 6 10 7 12 9 11 13 15 14 20 16 17 18 19 21]\n", + "=======================\n", + "[\"stock market returns have averaged 16 per cent a year under david cameron 's conservatives party , compared to just under nine per cent under labourshares have performed nearly twice as well under conservative governments than under labour over the last 45 years , according to figures published today .a survey of ftse 100 bosses this weekend showed 70 per cent believe a labour government under mr miliband would be a ` catastrophe ' for the economy .\"]\n", + "=======================\n", + "['shares have performed nearly twice as well under tories , new figures showstock market returns averaged 16 per cent per year under conservativesreturns hovered around nine per cent under labour and current coalition']\n", + "stock market returns have averaged 16 per cent a year under david cameron 's conservatives party , compared to just under nine per cent under labourshares have performed nearly twice as well under conservative governments than under labour over the last 45 years , according to figures published today .a survey of ftse 100 bosses this weekend showed 70 per cent believe a labour government under mr miliband would be a ` catastrophe ' for the economy .\n", + "shares have performed nearly twice as well under tories , new figures showstock market returns averaged 16 per cent per year under conservativesreturns hovered around nine per cent under labour and current coalition\n", + "[1.3458151 1.2385826 1.2124883 1.2002364 1.0938765 1.1210752 1.1111\n", + " 1.1097695 1.1338078 1.1325892 1.1371597 1.0757972 1.0183549 1.1201149\n", + " 1.0225303 1.0171949 1.0715978 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 3 10 8 9 5 13 6 7 4 11 16 14 12 15 20 17 18 19 21]\n", + "=======================\n", + "[\"( cnn ) after a weekend shipwreck off the coast of italy that may have killed hundreds of migrants , the international organization for migrants said monday that there may be three more migrant boats in distress in international waters .authorities still do n't know the fate of many of the passengers , including children , who were on the large ship bound from libya to europe that capsized saturday night in the frigid waters of the mediterranean sea .that sinking may be the worst in a series of disasters in which migrants have lost their lives on vessels that are too rickety to survive long voyages .\"]\n", + "=======================\n", + "['two survivors were arrested on suspicion of human trafficking , police sayeuropean officials propose a 10-point plan meant to address the crisisa survivor tells authorities that migrants were trapped behind locked doors']\n", + "( cnn ) after a weekend shipwreck off the coast of italy that may have killed hundreds of migrants , the international organization for migrants said monday that there may be three more migrant boats in distress in international waters .authorities still do n't know the fate of many of the passengers , including children , who were on the large ship bound from libya to europe that capsized saturday night in the frigid waters of the mediterranean sea .that sinking may be the worst in a series of disasters in which migrants have lost their lives on vessels that are too rickety to survive long voyages .\n", + "two survivors were arrested on suspicion of human trafficking , police sayeuropean officials propose a 10-point plan meant to address the crisisa survivor tells authorities that migrants were trapped behind locked doors\n", + "[1.4462142 1.1616673 1.4146913 1.2908839 1.2062362 1.1913092 1.1303295\n", + " 1.1487019 1.037645 1.0572028 1.1629983 1.0487069 1.0356424 1.0229013\n", + " 1.0180053 1.0596958 1.0273635 1.0357547 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 3 4 5 10 1 7 6 15 9 11 8 17 12 16 13 14 20 18 19 21]\n", + "=======================\n", + "['attack : lee keeley , 38 , grabbed the unnamed woman and hit her head against a wall before stamping on her head and chest in a courtroomthe 38-year-old defendant chased her round the courtroom and tore out clumps of her hair after losing his temper in january .a court heard keeley launched a chair at his ex-girlfriend before he started attacking her and barristers had to step in to break the pair up .']\n", + "=======================\n", + "[\"lee keeley flew into a rage after a civil case in lincoln went against him38-year-old chased girlfriend around court and even threw a chair at herafter finally pinning her to the wall he hit her then stamped on her headjudge at crown court sentencing says his behaviour was ` outrageous '\"]\n", + "attack : lee keeley , 38 , grabbed the unnamed woman and hit her head against a wall before stamping on her head and chest in a courtroomthe 38-year-old defendant chased her round the courtroom and tore out clumps of her hair after losing his temper in january .a court heard keeley launched a chair at his ex-girlfriend before he started attacking her and barristers had to step in to break the pair up .\n", + "lee keeley flew into a rage after a civil case in lincoln went against him38-year-old chased girlfriend around court and even threw a chair at herafter finally pinning her to the wall he hit her then stamped on her headjudge at crown court sentencing says his behaviour was ` outrageous '\n", + "[1.2243439 1.3371325 1.210362 1.1640941 1.2079246 1.1261716 1.1084918\n", + " 1.0519648 1.0199115 1.105717 1.1144329 1.060779 1.0973046 1.0809418\n", + " 1.0767145 1.0658475 1.05389 1.058015 1.0346166 0. ]\n", + "\n", + "[ 1 0 2 4 3 5 10 6 9 12 13 14 15 11 17 16 7 18 8 19]\n", + "=======================\n", + "[\"in a direct appeal to voters who have shifted allegiance to nigel farage 's party , the prime minister vowed to ` do more ' to respond to concerns about immigration .david cameron yesterday made a last-ditch plea for ukip supporters to ` come home ' to the conservatives .with the election on a knife-edge , he warned that it is ` not the time to send a message or make a protest ' .\"]\n", + "=======================\n", + "[\"pm said he understood why tory supporters had backed nigel faragehe pledged to do more on immigration and europe if re-elected on may 7mr cameron has previously described ukip supporters as ` fruitcakes 'made the plea at campaign rally in which he warned over labour tax plans\"]\n", + "in a direct appeal to voters who have shifted allegiance to nigel farage 's party , the prime minister vowed to ` do more ' to respond to concerns about immigration .david cameron yesterday made a last-ditch plea for ukip supporters to ` come home ' to the conservatives .with the election on a knife-edge , he warned that it is ` not the time to send a message or make a protest ' .\n", + "pm said he understood why tory supporters had backed nigel faragehe pledged to do more on immigration and europe if re-elected on may 7mr cameron has previously described ukip supporters as ` fruitcakes 'made the plea at campaign rally in which he warned over labour tax plans\n", + "[1.1710514 1.4292518 1.3819156 1.1931858 1.0886574 1.2480506 1.217969\n", + " 1.0401993 1.0775573 1.139151 1.0282699 1.0856116 1.0272183 1.074065\n", + " 1.0496829 1.0516613 1.0164766 1.0530866 1.0508004 1.0281948]\n", + "\n", + "[ 1 2 5 6 3 0 9 4 11 8 13 17 15 18 14 7 10 19 12 16]\n", + "=======================\n", + "['glenna kohl of barnstable spent years in the sun as a cape cod lifeguard and countless hours laying in indoor tanning beds while at college .she was diagnosed with melanoma just after graduating from a rhode island college in 2005 .three years later , at just 26 years old , glenna would be dead after a painful cancer battle .']\n", + "=======================\n", + "['glenna kohl was a rhode island college student in 2005 when she was diagnosed with stage iii melanomakohl had been a devotee to both indoor and outdoor tanning since she was a high school student and life guard in massachusettsthree years after her shocking diagnosis , kohl died .']\n", + "glenna kohl of barnstable spent years in the sun as a cape cod lifeguard and countless hours laying in indoor tanning beds while at college .she was diagnosed with melanoma just after graduating from a rhode island college in 2005 .three years later , at just 26 years old , glenna would be dead after a painful cancer battle .\n", + "glenna kohl was a rhode island college student in 2005 when she was diagnosed with stage iii melanomakohl had been a devotee to both indoor and outdoor tanning since she was a high school student and life guard in massachusettsthree years after her shocking diagnosis , kohl died .\n", + "[1.2006263 1.4140896 1.3639325 1.3427169 1.1437647 1.2462708 1.1448431\n", + " 1.1018856 1.0407736 1.2252507 1.023061 1.022165 1.0135705 1.0154436\n", + " 1.0372792 1.0825335 1.0192618 1.0087888 0. 0. ]\n", + "\n", + "[ 1 2 3 5 9 0 6 4 7 15 8 14 10 11 16 13 12 17 18 19]\n", + "=======================\n", + "[\"education secretary nicky morgan revealed she has ordered officials to start ` mapping the pressures ' on the state schools system .it comes less than six months after she told the head of ofsted it was not ` helpful ' to warn that schools are struggling to cope with an ` influx ' of migrants .the tory leader vowed to cut the number below 100,000 ` no ifs , no buts ' , but latest figures show the number hit 298,000 in the year to september .\"]\n", + "=======================\n", + "[\"nicky morgan asks officials to start ` mapping the pressures ' on schoolseducation secretary says immigration is a ` big issue ' for voterslast year warned ofsted it was not ` helpful ' to talk about migrant ` influx '\"]\n", + "education secretary nicky morgan revealed she has ordered officials to start ` mapping the pressures ' on the state schools system .it comes less than six months after she told the head of ofsted it was not ` helpful ' to warn that schools are struggling to cope with an ` influx ' of migrants .the tory leader vowed to cut the number below 100,000 ` no ifs , no buts ' , but latest figures show the number hit 298,000 in the year to september .\n", + "nicky morgan asks officials to start ` mapping the pressures ' on schoolseducation secretary says immigration is a ` big issue ' for voterslast year warned ofsted it was not ` helpful ' to talk about migrant ` influx '\n", + "[1.2317467 1.0984999 1.3671278 1.1496087 1.0942616 1.0357274 1.2207628\n", + " 1.0425572 1.0788786 1.06511 1.0896337 1.0799096 1.0718822 1.03027\n", + " 1.0312574 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 6 3 1 4 10 11 8 12 9 7 5 14 13 15 16 17 18 19]\n", + "=======================\n", + "[\"bernard whalen 's new book ` the nypd 's first fifty years ' is a tale of kickbacks , mob violence and secret kkk members .at the helm of the nypd from 1934-45 was lewis valentine ( pictured ) , a stalwart of the force for more than 30 years who had a reputation for brutalitythe department 's first chief of police , william devery , who held the post from 1898-1901 , was known as the king of kickbacks .\"]\n", + "=======================\n", + "[\"nypd 's secret history from first 50 years unveiled in book about the forcelooking at men who led the police , book describes kickbacks and brutalityone chief of police led the mob to the whereabouts of his star detectiveanother failed to investigate kkk infiltration in the ranks of his department\"]\n", + "bernard whalen 's new book ` the nypd 's first fifty years ' is a tale of kickbacks , mob violence and secret kkk members .at the helm of the nypd from 1934-45 was lewis valentine ( pictured ) , a stalwart of the force for more than 30 years who had a reputation for brutalitythe department 's first chief of police , william devery , who held the post from 1898-1901 , was known as the king of kickbacks .\n", + "nypd 's secret history from first 50 years unveiled in book about the forcelooking at men who led the police , book describes kickbacks and brutalityone chief of police led the mob to the whereabouts of his star detectiveanother failed to investigate kkk infiltration in the ranks of his department\n", + "[1.2647468 1.3242316 1.4389417 1.187526 1.2022798 1.0876361 1.1229289\n", + " 1.1260939 1.074508 1.0421042 1.0087562 1.0198774 1.0605141 1.034765\n", + " 1.0356991 1.0456088 1.1590072 1.0828254 0. 0. ]\n", + "\n", + "[ 2 1 0 4 3 16 7 6 5 17 8 12 15 9 14 13 11 10 18 19]\n", + "=======================\n", + "[\"josi harrison , laura lefebvre , and hailey walden were all in eighth grade when they claim their high school-age boyfriends lured them into sending nude pictures to their phones .it marks the end of a six-year case , after the teenagers first reported their ordeal to officials at clatskanie middle school in oregon - only to be told to ` suck it up ' .ordeal : laura lefebvre ( left ) and josi harrison ( right ) are two of three girls who have won a civil claim against their school district for failing to support them after being bullied into sending naked pictures to boyfriends\"]\n", + "=======================\n", + "[\"josi harrison , laura lefebvre , and hailey walden were ` lured into taking naked pictures for their high school-age boyfriends ' in clatskanie , oregonthe photos were ` passed around like baseball cards ' in 2009but school officials told them to ` suck it up ' and warned they would be charged for ` creating and distributing child pornography 'now , 6 years later , they will each be paid $ 75,000 damages by the school\"]\n", + "josi harrison , laura lefebvre , and hailey walden were all in eighth grade when they claim their high school-age boyfriends lured them into sending nude pictures to their phones .it marks the end of a six-year case , after the teenagers first reported their ordeal to officials at clatskanie middle school in oregon - only to be told to ` suck it up ' .ordeal : laura lefebvre ( left ) and josi harrison ( right ) are two of three girls who have won a civil claim against their school district for failing to support them after being bullied into sending naked pictures to boyfriends\n", + "josi harrison , laura lefebvre , and hailey walden were ` lured into taking naked pictures for their high school-age boyfriends ' in clatskanie , oregonthe photos were ` passed around like baseball cards ' in 2009but school officials told them to ` suck it up ' and warned they would be charged for ` creating and distributing child pornography 'now , 6 years later , they will each be paid $ 75,000 damages by the school\n", + "[1.2291328 1.3413365 1.2058753 1.3762232 1.2020512 1.056735 1.099446\n", + " 1.0657547 1.0426837 1.0192678 1.0250021 1.2561331 1.0438868 1.0357935\n", + " 1.0527389 0. 0. 0. ]\n", + "\n", + "[ 3 1 11 0 2 4 6 7 5 14 12 8 13 10 9 16 15 17]\n", + "=======================\n", + "[\"ambush : rep steve knight ( left ) was accosted by activists rallying against amnesty for illegal immigrants outside his simi valley , california , office during an open house last fridayvoting record : knight was one of 75 house republicans who voted to pass a bill funding the department of homeland security after it had been stripped off provisions blocking obama 's immigration reformthe heated exchange between knight and the group of protesters carrying anti-immigration signs was captured on video and later uploaded onto youtube by a right-wing group called we the people rising .\"]\n", + "=======================\n", + "[\"rep steve knight representing 25th congressional district in california was confronted by activists from right-wing group fridayprotesters accused knight of voting for immigrant ` amnesty ' during congressional battle over homeland security funding billknight was one of 75 house republicans who eventually voted on ` clean ' funding bill devoid of provisions blocking obama 's immigration reformsave our state group that accosted knight has been linked to white supremacists\"]\n", + "ambush : rep steve knight ( left ) was accosted by activists rallying against amnesty for illegal immigrants outside his simi valley , california , office during an open house last fridayvoting record : knight was one of 75 house republicans who voted to pass a bill funding the department of homeland security after it had been stripped off provisions blocking obama 's immigration reformthe heated exchange between knight and the group of protesters carrying anti-immigration signs was captured on video and later uploaded onto youtube by a right-wing group called we the people rising .\n", + "rep steve knight representing 25th congressional district in california was confronted by activists from right-wing group fridayprotesters accused knight of voting for immigrant ` amnesty ' during congressional battle over homeland security funding billknight was one of 75 house republicans who eventually voted on ` clean ' funding bill devoid of provisions blocking obama 's immigration reformsave our state group that accosted knight has been linked to white supremacists\n", + "[1.2026769 1.340875 1.2569684 1.2505021 1.2088809 1.1941991 1.1225684\n", + " 1.1800575 1.079963 1.0716653 1.0425655 1.0780065 1.0416325 1.0543468\n", + " 1.0311555 1.1312188 1.0107521 0. ]\n", + "\n", + "[ 1 2 3 4 0 5 7 15 6 8 11 9 13 10 12 14 16 17]\n", + "=======================\n", + "['government officials have repeatedly insisted there is no evidence to support universal screening for group b strep , known as gbs .this is despite the fact it is carried by one in four women and infects as many as 400 newborns in the uk every year .one in ten will die .']\n", + "=======================\n", + "[\"officials have said no evidence to support screening for group b strepcurrent guidelines only recommend testing women deemed to be ` at risk 'but screening at northwick park nhs hospital , london , resulted in not a single case of the bacteria spreading to infantsonly recorded cases during the year affected babies of women who had not agreed to be tested\"]\n", + "government officials have repeatedly insisted there is no evidence to support universal screening for group b strep , known as gbs .this is despite the fact it is carried by one in four women and infects as many as 400 newborns in the uk every year .one in ten will die .\n", + "officials have said no evidence to support screening for group b strepcurrent guidelines only recommend testing women deemed to be ` at risk 'but screening at northwick park nhs hospital , london , resulted in not a single case of the bacteria spreading to infantsonly recorded cases during the year affected babies of women who had not agreed to be tested\n", + "[1.377952 1.4887325 1.177454 1.3319905 1.1659596 1.2125897 1.0246254\n", + " 1.0248424 1.0776223 1.0204147 1.018093 1.1717591 1.0411897 1.1263561\n", + " 1.0231372 1.0563662 1.0907711 1.1202496]\n", + "\n", + "[ 1 0 3 5 2 11 4 13 17 16 8 15 12 7 6 14 9 10]\n", + "=======================\n", + "[\"the incident occurred at el centro college and was captured on cell phone by student charles adams , who was smoking a cigarette when he witnessed the abuse at first hand last wednesday .two college campus police officers in dallas have been placed on administrative leave after shocking video footage surfaced of them harassing a group of four students and arresting one after first hitting him .the school reportedly wo n't say why the teens were stopped and frisked , but adams said he believes the officers totally overreacted .\"]\n", + "=======================\n", + "['the officers have been placed on administrative leave after shocking video footage surfaced of them harassing a group of four studentsthe incident occurred at el centro college in dallas and was captured on cell phone by student charles adamsfootage shows the young men being ordered to face a brick wall , while one cop searched , questioned , and even hit one of the teensel centro college president jose adames has said a full investigation is underway']\n", + "the incident occurred at el centro college and was captured on cell phone by student charles adams , who was smoking a cigarette when he witnessed the abuse at first hand last wednesday .two college campus police officers in dallas have been placed on administrative leave after shocking video footage surfaced of them harassing a group of four students and arresting one after first hitting him .the school reportedly wo n't say why the teens were stopped and frisked , but adams said he believes the officers totally overreacted .\n", + "the officers have been placed on administrative leave after shocking video footage surfaced of them harassing a group of four studentsthe incident occurred at el centro college in dallas and was captured on cell phone by student charles adamsfootage shows the young men being ordered to face a brick wall , while one cop searched , questioned , and even hit one of the teensel centro college president jose adames has said a full investigation is underway\n", + "[1.1218181 1.1707463 1.1216185 1.2763569 1.2248476 1.2521914 1.1207525\n", + " 1.0443661 1.0623356 1.101691 1.0499434 1.0493706 1.0648274 1.1272079\n", + " 1.0298243 1.0443732 1.0573707 1.0555055]\n", + "\n", + "[ 3 5 4 1 13 0 2 6 9 12 8 16 17 10 11 15 7 14]\n", + "=======================\n", + "['a huge concrete arrow is found in perfect condition in bloomington , washington county , utahthe concrete arrows were placed at the base of lit beacons near airways , showing pilots the direction they needed to fly in to reach the next stop-off to deliver mail .the bloomnigton arrow was one of 102 found by retired couple brian and charlotte smith , who have travelled across the us to photograph the monuments']\n", + "=======================\n", + "['hikers often stumble upon the unusual concrete markers and wonder why they were builtthe arrows directed the first air mail planes across the us to deliver postthey lay at the bottom of lit beacons and showed pilots the direction to fly in to arrive at the next air fieldwhile they are no longer used , many lie forgotten until they are found by arrow-hunting fans']\n", + "a huge concrete arrow is found in perfect condition in bloomington , washington county , utahthe concrete arrows were placed at the base of lit beacons near airways , showing pilots the direction they needed to fly in to reach the next stop-off to deliver mail .the bloomnigton arrow was one of 102 found by retired couple brian and charlotte smith , who have travelled across the us to photograph the monuments\n", + "hikers often stumble upon the unusual concrete markers and wonder why they were builtthe arrows directed the first air mail planes across the us to deliver postthey lay at the bottom of lit beacons and showed pilots the direction to fly in to arrive at the next air fieldwhile they are no longer used , many lie forgotten until they are found by arrow-hunting fans\n", + "[1.2937183 1.3510733 1.450131 1.3999543 1.1670084 1.090075 1.034756\n", + " 1.0201817 1.1207647 1.034457 1.0234582 1.0243496 1.0830915 1.1689348\n", + " 1.0243006 1.0094714 1.0127443 1.0119853]\n", + "\n", + "[ 2 3 1 0 13 4 8 5 12 6 9 11 14 10 7 16 17 15]\n", + "=======================\n", + "[\"rekha nagvanshi , 30 , had turned on her husband 's parents at the home she shared with husband deepak , 34 , in the district of indore in central india 's madhya pradesh state .angered that her in-laws had stopped her husband from doing chores around the home , she sought revenge by urinating in their cups of tea for more than a year .claiming she would rather live with her parents , she was said to be unhappy about her arranged marriage and felt she was being treated poorly .\"]\n", + "=======================\n", + "['rekha nagvanshi was angered that her in-laws interfered in her marriagethey had stopped her husband from doing chores around the marital homeshe then began urinating in the teapot from which she served them teabut she was caught when her mother-in-law found her squatting over pot']\n", + "rekha nagvanshi , 30 , had turned on her husband 's parents at the home she shared with husband deepak , 34 , in the district of indore in central india 's madhya pradesh state .angered that her in-laws had stopped her husband from doing chores around the home , she sought revenge by urinating in their cups of tea for more than a year .claiming she would rather live with her parents , she was said to be unhappy about her arranged marriage and felt she was being treated poorly .\n", + "rekha nagvanshi was angered that her in-laws interfered in her marriagethey had stopped her husband from doing chores around the marital homeshe then began urinating in the teapot from which she served them teabut she was caught when her mother-in-law found her squatting over pot\n", + "[1.2144995 1.3083535 1.2930276 1.2809223 1.1572078 1.1978514 1.1899037\n", + " 1.1283572 1.1369913 1.0346869 1.0278902 1.1671246 1.0190353 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 6 11 4 8 7 9 10 12 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"it has ` bullied ' experts who have tried to prove that a cancer drug can be used to treat one of the most common forms of blindness , according to the bmj .the respected medical journal says avastin is just as effective at tackling wet age-related macular degeneration ( amd ) as the current treatment , lucentis .drug company novartis has been accused of trying to block trials aimed at promoting a ` cheap , safe and effective ' treatment for sight loss which would save the nhs around # 102million a year\"]\n", + "=======================\n", + "[\"drug company accused of trying to block trials aimed at promoting a ` cheap , safe and effective ' treatment for sight loss on the nhsit ` bullied ' experts who tried to prove drug can be used to treat blindnessavastin is effective at tackling wet age-related macular degenerationcheaper than the current treatment it would save nhs # 102million a year\"]\n", + "it has ` bullied ' experts who have tried to prove that a cancer drug can be used to treat one of the most common forms of blindness , according to the bmj .the respected medical journal says avastin is just as effective at tackling wet age-related macular degeneration ( amd ) as the current treatment , lucentis .drug company novartis has been accused of trying to block trials aimed at promoting a ` cheap , safe and effective ' treatment for sight loss which would save the nhs around # 102million a year\n", + "drug company accused of trying to block trials aimed at promoting a ` cheap , safe and effective ' treatment for sight loss on the nhsit ` bullied ' experts who tried to prove drug can be used to treat blindnessavastin is effective at tackling wet age-related macular degenerationcheaper than the current treatment it would save nhs # 102million a year\n", + "[1.2113899 1.3992444 1.3125963 1.2206708 1.102653 1.1617833 1.0726098\n", + " 1.2599949 1.2044728 1.0277 1.0124025 1.0440693 1.1032089 1.0713388\n", + " 1.1816051 1.043765 1.0235269 1.0436183 0. 0. ]\n", + "\n", + "[ 1 2 7 3 0 8 14 5 12 4 6 13 11 15 17 9 16 10 18 19]\n", + "=======================\n", + "['with less than a day left to go before he is due to be operated on , 18-year-old jackson byrnes from northern new south wales has accumulated close to the target on hisgofundme page .three weeks ago mr byrnes was told by doctors that he had a stage four brain tumour that was too deep and aggressive to be safely operated on .a teenager with a deadly brain tumour has raised the majority of $ 80,000 needed to fund his life-saving surgery .']\n", + "=======================\n", + "['teen with deadly brain tumour has almost raised $ 80,000the money is needed to fund his life-saving brain surgery18-year-old jackson byrnes has stage four brain tumourhe was told by doctors it was too aggressive to operate oninstead he found a neurosurgeon who would do the operationhe must find $ 80,000 by tuesday night to pay the surgeon up frontjackson byrnes and his family have used crowd funding to raise money']\n", + "with less than a day left to go before he is due to be operated on , 18-year-old jackson byrnes from northern new south wales has accumulated close to the target on hisgofundme page .three weeks ago mr byrnes was told by doctors that he had a stage four brain tumour that was too deep and aggressive to be safely operated on .a teenager with a deadly brain tumour has raised the majority of $ 80,000 needed to fund his life-saving surgery .\n", + "teen with deadly brain tumour has almost raised $ 80,000the money is needed to fund his life-saving brain surgery18-year-old jackson byrnes has stage four brain tumourhe was told by doctors it was too aggressive to operate oninstead he found a neurosurgeon who would do the operationhe must find $ 80,000 by tuesday night to pay the surgeon up frontjackson byrnes and his family have used crowd funding to raise money\n", + "[1.375128 1.3791077 1.29018 1.2157156 1.1822461 1.1550862 1.1002686\n", + " 1.090239 1.0988202 1.0273798 1.0663971 1.0648909 1.0744252 1.0420191\n", + " 1.0249711 1.014596 1.0090557 1.0249999 1.0153868 1.1254314]\n", + "\n", + "[ 1 0 2 3 4 5 19 6 8 7 12 10 11 13 9 17 14 18 15 16]\n", + "=======================\n", + "['fredric brandt was suffering suicidal tendencies for just 10 days before he killed himself , revealed the police report into the tragic passing of the celebrity plastic surgeon .tragedy : dr. frederic brandt was battling with extreme depression before his suicide on sunday a police report revealed on tuesdaybrandt was discovered hanged inside the garage of his coconut grove home by his friend , john joseph hupert , at around 9.15 am on easter sunday morning .']\n", + "=======================\n", + "[\"fredric brandt had been suicidally depressed for 10 days before he took his own lifepolice report into the 65-year-old 's suicide reveals brandt was found on sunday morning by friend , john joseph hupert , inside his garagehupert was staying with the cosmetic surgeon on doctors orders to monitor brandt 's suicidal tendencieshupert revealed that brandt had been taking medication for his depressionparamedics declared the plastic surgeon dead at the scene after having found he hanged himselfbrandt 's psychiatrist , dr. saida koita , arrived soon afterwards and told police she had been treating brandt dailybrandt was reportedly devastated by parody character dr franff in hit netflix series unbreakable kimmy schmidt which debuted on march 6friends said that , though dr brandt was upset , show did n't cause his death\"]\n", + "fredric brandt was suffering suicidal tendencies for just 10 days before he killed himself , revealed the police report into the tragic passing of the celebrity plastic surgeon .tragedy : dr. frederic brandt was battling with extreme depression before his suicide on sunday a police report revealed on tuesdaybrandt was discovered hanged inside the garage of his coconut grove home by his friend , john joseph hupert , at around 9.15 am on easter sunday morning .\n", + "fredric brandt had been suicidally depressed for 10 days before he took his own lifepolice report into the 65-year-old 's suicide reveals brandt was found on sunday morning by friend , john joseph hupert , inside his garagehupert was staying with the cosmetic surgeon on doctors orders to monitor brandt 's suicidal tendencieshupert revealed that brandt had been taking medication for his depressionparamedics declared the plastic surgeon dead at the scene after having found he hanged himselfbrandt 's psychiatrist , dr. saida koita , arrived soon afterwards and told police she had been treating brandt dailybrandt was reportedly devastated by parody character dr franff in hit netflix series unbreakable kimmy schmidt which debuted on march 6friends said that , though dr brandt was upset , show did n't cause his death\n", + "[1.3032274 1.4095821 1.1306678 1.310722 1.0941843 1.1555209 1.0709409\n", + " 1.0353893 1.0274696 1.039133 1.0694295 1.0990037 1.0506029 1.0889137\n", + " 1.081533 1.0966308 1.1035029 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 5 2 16 11 15 4 13 14 6 10 12 9 7 8 17 18 19]\n", + "=======================\n", + "['the comedian was outraged when he came across the picture of american grandmother-of-nine rebecca francis , who won the reality tv show extreme huntress in 2010 .trophy : ricky gervais posted this picture of extreme huntress winner rebecca francis on his twitter feedproud : francis , a grandmother-of-nine , is passionate about hunting - and regularly posts pictures of her kills']\n", + "=======================\n", + "[\"comedian ricky gervais led an online charge against rebecca francisthe brit shared a picture of the grandmother lying next to her ` trophy 'caused to an online backlash against francis - with 14,543 retweeting postfrancis is proud of hunting and hopes to inspire more women to take part\"]\n", + "the comedian was outraged when he came across the picture of american grandmother-of-nine rebecca francis , who won the reality tv show extreme huntress in 2010 .trophy : ricky gervais posted this picture of extreme huntress winner rebecca francis on his twitter feedproud : francis , a grandmother-of-nine , is passionate about hunting - and regularly posts pictures of her kills\n", + "comedian ricky gervais led an online charge against rebecca francisthe brit shared a picture of the grandmother lying next to her ` trophy 'caused to an online backlash against francis - with 14,543 retweeting postfrancis is proud of hunting and hopes to inspire more women to take part\n", + "[1.3448238 1.2518678 1.3063431 1.5208614 1.4369562 1.0943104 1.0416648\n", + " 1.0575931 1.0192581 1.0158725 1.1877782 1.1290071 1.0437762 1.0418961\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 0 2 1 10 11 5 7 12 13 6 8 9 14 15 16 17 18 19]\n", + "=======================\n", + "['mario balotelli was not included in the liverpool squad to face arsenal after picking up a slight knockbrendan rodgers revealed that balotelli withdrew himself from the squad and did not travel to londonthe # 16million striker would only have been a substitute against arsenal and would even have been behind daniel sturridge , who also started on the bench , in the pecking order .']\n", + "=======================\n", + "['liverpool were beaten 4-1 by arsenal at the emirates stadium on saturdaymario balotelli was absent from the squad due to a training ground knockbrendan rodgers revealed balotelli withdrew himself from the teamthe italian did not even travel with the team for the premier league clash']\n", + "mario balotelli was not included in the liverpool squad to face arsenal after picking up a slight knockbrendan rodgers revealed that balotelli withdrew himself from the squad and did not travel to londonthe # 16million striker would only have been a substitute against arsenal and would even have been behind daniel sturridge , who also started on the bench , in the pecking order .\n", + "liverpool were beaten 4-1 by arsenal at the emirates stadium on saturdaymario balotelli was absent from the squad due to a training ground knockbrendan rodgers revealed balotelli withdrew himself from the teamthe italian did not even travel with the team for the premier league clash\n", + "[1.2514981 1.4257827 1.3557472 1.3269497 1.1704525 1.1216909 1.1244473\n", + " 1.1508965 1.0841283 1.0499536 1.0616088 1.2081162 1.061563 1.1344469\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 0 11 4 7 13 6 5 8 10 12 9 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the passenger was badly injured after the driver of the ferrari , reportedly purchased only a week ago , smashed into a tree in the adelaide suburb of north brighton .the crash involving the 1991 ferrari 348 , worth between $ 90k and $ 110k and sporting ` plesur ' number plates , took place at around 8.25 pm on king george avenue .despite the driver coming out of the accident unscathed , his male passenger suffered head and leg injuries .\"]\n", + "=======================\n", + "['driver crashed his uninsured sports car into a tree on wednesday nightthe ferrari was reportedly purchased by the owner only a week agoa male passenger was also seriously injured in the crashthe 1991 ferrari 348 is worth between $ 90k and $ 110kthe passenger was conscious and was taken to flinders medical centre']\n", + "the passenger was badly injured after the driver of the ferrari , reportedly purchased only a week ago , smashed into a tree in the adelaide suburb of north brighton .the crash involving the 1991 ferrari 348 , worth between $ 90k and $ 110k and sporting ` plesur ' number plates , took place at around 8.25 pm on king george avenue .despite the driver coming out of the accident unscathed , his male passenger suffered head and leg injuries .\n", + "driver crashed his uninsured sports car into a tree on wednesday nightthe ferrari was reportedly purchased by the owner only a week agoa male passenger was also seriously injured in the crashthe 1991 ferrari 348 is worth between $ 90k and $ 110kthe passenger was conscious and was taken to flinders medical centre\n", + "[1.1100913 1.4091562 1.3186226 1.1874151 1.1104407 1.0472863 1.1455505\n", + " 1.1158509 1.1715553 1.1186758 1.0947634 1.1209565 1.0376544 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 8 6 11 9 7 4 0 10 5 12 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"in sofia , a night 's stay in a four-star hotel , along with your room service order , will only set you back # 63.78 , which is more than four times cheaper than at the costliest destination examined , new york .tripadvisor 's annual cost comparison report compared the cost of hotel room service items in 48 popular holiday destinations around the world and found that guests could buy 16 bottles of vodka in kiev , ukraine , for the same price as a club sandwich in zurich .eastern europe boasts six of the world 's 10 best value destinations - sofia , kiev , warsaw , budapest , prague and moscow - while western europe , specifically scandinavia , is home to some of the world 's most expensive .\"]\n", + "=======================\n", + "['for the best bargain , head to eastern europe , specifically sofia , bulgariain new york city , the cost of a four-star hotel and room service is # 276.61meanwhile , the most expensive in-room club sandwich tallies # 21.73']\n", + "in sofia , a night 's stay in a four-star hotel , along with your room service order , will only set you back # 63.78 , which is more than four times cheaper than at the costliest destination examined , new york .tripadvisor 's annual cost comparison report compared the cost of hotel room service items in 48 popular holiday destinations around the world and found that guests could buy 16 bottles of vodka in kiev , ukraine , for the same price as a club sandwich in zurich .eastern europe boasts six of the world 's 10 best value destinations - sofia , kiev , warsaw , budapest , prague and moscow - while western europe , specifically scandinavia , is home to some of the world 's most expensive .\n", + "for the best bargain , head to eastern europe , specifically sofia , bulgariain new york city , the cost of a four-star hotel and room service is # 276.61meanwhile , the most expensive in-room club sandwich tallies # 21.73\n", + "[1.3418251 1.4331386 1.2798197 1.1759257 1.2026106 1.2116975 1.1340129\n", + " 1.0604547 1.0377977 1.038899 1.0226539 1.0202935 1.2670255 1.0379883\n", + " 1.0627925 1.0495998 1.0532589 1.0428925 1.0635766 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 12 5 4 3 6 18 14 7 16 15 17 9 13 8 10 11 20 19 21]\n", + "=======================\n", + "['the rap mogul was refused an appeal to have his bail reduced from $ 10 million to $ 5 million as he awaits trial for murder and attempted murder .suge knight laughed in court on thursday as he revealed he hopes floyd mayweather will bail him out after winning his next fight .despite walking confidently into court , he had to be carted out in a wheelchair as judge ronald coen rejected his pleas .']\n", + "=======================\n", + "['death row records mogul appealed to reduce $ 10m bail , was deniedbut he is sure floyd mayweather will win on saturday and bail him outthe boxer is already worth $ 420 million , set to get record pay this weekendknight had to be wheeled out of court after being denied bail cut']\n", + "the rap mogul was refused an appeal to have his bail reduced from $ 10 million to $ 5 million as he awaits trial for murder and attempted murder .suge knight laughed in court on thursday as he revealed he hopes floyd mayweather will bail him out after winning his next fight .despite walking confidently into court , he had to be carted out in a wheelchair as judge ronald coen rejected his pleas .\n", + "death row records mogul appealed to reduce $ 10m bail , was deniedbut he is sure floyd mayweather will win on saturday and bail him outthe boxer is already worth $ 420 million , set to get record pay this weekendknight had to be wheeled out of court after being denied bail cut\n", + "[1.4389597 1.1354022 1.1752627 1.2777134 1.3483187 1.1166093 1.121882\n", + " 1.0645146 1.1487389 1.0388125 1.0718201 1.04731 1.1251681 1.061604\n", + " 1.0338596 1.0096061 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 4 3 2 8 1 12 6 5 10 7 13 11 9 14 15 20 16 17 18 19 21]\n", + "=======================\n", + "['louis van gaal believes manchester united will hit the ground running in their attempt to win the barclays premier league next season after persuading the old trafford hierarchy to agree to a short and sharp pre-season tour of america in july .manchester united beat real madrid in michigan last summer in front of 109,000 fansthe trip will last in the region of 12 days -- a whole week shorter than last summer - and will be over by august 1 .']\n", + "=======================\n", + "['manchester united will embark on a short tour of america this summerthey are likely to spend 12 days on the west coast , staying in one placeunited will defend their international champions cup titlelouis van gaal has avoided a lengthy , energy-sapping tour this yearclick here for all the latest manchester united news']\n", + "louis van gaal believes manchester united will hit the ground running in their attempt to win the barclays premier league next season after persuading the old trafford hierarchy to agree to a short and sharp pre-season tour of america in july .manchester united beat real madrid in michigan last summer in front of 109,000 fansthe trip will last in the region of 12 days -- a whole week shorter than last summer - and will be over by august 1 .\n", + "manchester united will embark on a short tour of america this summerthey are likely to spend 12 days on the west coast , staying in one placeunited will defend their international champions cup titlelouis van gaal has avoided a lengthy , energy-sapping tour this yearclick here for all the latest manchester united news\n", + "[1.4617515 1.3526516 1.4897883 1.4372102 1.3106856 1.1387826 1.2170851\n", + " 1.0214424 1.0180478 1.0117992 1.0085536 1.0085763 1.0053413 1.0058653\n", + " 1.0060248 1.0049185 1.0046265 1.0038354 1.0035014 1.0051938 1.0053948\n", + " 1.0054759]\n", + "\n", + "[ 2 0 3 1 4 6 5 7 8 9 11 10 14 13 21 20 12 19 15 16 17 18]\n", + "=======================\n", + "[\"world no 1 rory mcilroy is paired with tiger woods in the final day 's most high-profile grouping , as both attempt to pull off what would be the most unlikely of their major wins .rose 's superb finish on saturday earned him a place in the last grouping with spieth ahead of phil mickelson and charley hoffman , who will tee off ten minutes earlier at 19.40 ( bst ) .there is one all-english pair , as paul casey and ian poulter , 11 and 12 shots back respectively , tee off at 19.00 .\"]\n", + "=======================\n", + "['justin rose goes into final day at 12 under par , four shots off the leadjordan spieth is out in front , looking to win his first majorrory mcilroy paired with tiger woods in third from last grouping']\n", + "world no 1 rory mcilroy is paired with tiger woods in the final day 's most high-profile grouping , as both attempt to pull off what would be the most unlikely of their major wins .rose 's superb finish on saturday earned him a place in the last grouping with spieth ahead of phil mickelson and charley hoffman , who will tee off ten minutes earlier at 19.40 ( bst ) .there is one all-english pair , as paul casey and ian poulter , 11 and 12 shots back respectively , tee off at 19.00 .\n", + "justin rose goes into final day at 12 under par , four shots off the leadjordan spieth is out in front , looking to win his first majorrory mcilroy paired with tiger woods in third from last grouping\n", + "[1.2990239 1.3691893 1.1446015 1.242653 1.2379146 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 4 2 23 22 21 20 19 18 17 16 15 12 13 24 11 10 9 8 7 6 5\n", + " 14 25]\n", + "=======================\n", + "['the celebrity couple announced the arrival of their son , silas randall timberlake , in statements to people .( cnn ) justin timberlake and jessica biel , welcome to parenthood .it is the first baby for both .']\n", + "=======================\n", + "['timberlake and biel welcome son silas randall timberlakethe couple announced the pregnancy in january']\n", + "the celebrity couple announced the arrival of their son , silas randall timberlake , in statements to people .( cnn ) justin timberlake and jessica biel , welcome to parenthood .it is the first baby for both .\n", + "timberlake and biel welcome son silas randall timberlakethe couple announced the pregnancy in january\n", + "[1.2420986 1.4700075 1.296923 1.161337 1.1686882 1.2071589 1.0146953\n", + " 1.156653 1.0746007 1.231176 1.039351 1.0613351 1.0616118 1.0496908\n", + " 1.0381567 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 9 5 4 3 7 8 12 11 13 10 14 6 24 15 16 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "['the towers , costing the polish government # 2.5 million , will range from 115ft to 164ft and help monitor the 124mile long border between the two countries using cctv .the increased border monitoring comes amid heightened tensions between russia and poland , a member of both nato and the european union , over the conflict in ukraine .poland is set to build watchtowers along the border to the russian exclave of kaliningrad , a local news agency reports .']\n", + "=======================\n", + "['cctv towers will monitor the border between poland and kaliningradtowers will range from 115ft to 164ft and cost # 2.5 million to buildmoscow has announced they are set to place missiles in the exclaveboth nato and russia are carrying out military exercises in the baltic']\n", + "the towers , costing the polish government # 2.5 million , will range from 115ft to 164ft and help monitor the 124mile long border between the two countries using cctv .the increased border monitoring comes amid heightened tensions between russia and poland , a member of both nato and the european union , over the conflict in ukraine .poland is set to build watchtowers along the border to the russian exclave of kaliningrad , a local news agency reports .\n", + "cctv towers will monitor the border between poland and kaliningradtowers will range from 115ft to 164ft and cost # 2.5 million to buildmoscow has announced they are set to place missiles in the exclaveboth nato and russia are carrying out military exercises in the baltic\n", + "[1.5749464 1.3412592 1.2521639 1.505207 1.1287045 1.0834407 1.0670784\n", + " 1.0228496 1.0366 1.0121882 1.0115578 1.1049585 1.0126176 1.0562991\n", + " 1.2114624 1.1038694 1.0142542 1.010916 1.0094202 1.0112253 1.0790362\n", + " 1.0108495 1.035722 1.0065447 1.0107052 1.0102924]\n", + "\n", + "[ 0 3 1 2 14 4 11 15 5 20 6 13 8 22 7 16 12 9 10 19 17 21 24 25\n", + " 18 23]\n", + "=======================\n", + "['diego simeone and carlo ancelotti both hailed atletico madrid goalkeeper jan oblak , who made a string of excellent saves to keep real madrid at bay .the champions league quarter-final first leg clash at the vicente calderon finished goalless and that was largely thanks to an outstanding performance from the slovenian goalkeeper .he made a phenomenal save to deny gareth bale in the fourth minute and another fantastic stop kept james rodriguez from opening the scoring in the first half .']\n", + "=======================\n", + "[\"jan oblak kept a clean sheet as atletico drew 0-0 with rivals real madridcarlo ancelotti admitted that oblak ` did a great job ' to keep his side outdiego simeone was also impressed with his goalkeeper 's performancesimeone refuses to blame sergio ramos for clash with mario mandzukicsecond leg of their champions league quarter-final takes place next week\"]\n", + "diego simeone and carlo ancelotti both hailed atletico madrid goalkeeper jan oblak , who made a string of excellent saves to keep real madrid at bay .the champions league quarter-final first leg clash at the vicente calderon finished goalless and that was largely thanks to an outstanding performance from the slovenian goalkeeper .he made a phenomenal save to deny gareth bale in the fourth minute and another fantastic stop kept james rodriguez from opening the scoring in the first half .\n", + "jan oblak kept a clean sheet as atletico drew 0-0 with rivals real madridcarlo ancelotti admitted that oblak ` did a great job ' to keep his side outdiego simeone was also impressed with his goalkeeper 's performancesimeone refuses to blame sergio ramos for clash with mario mandzukicsecond leg of their champions league quarter-final takes place next week\n", + "[1.294977 1.4705517 1.2256541 1.1813421 1.226897 1.369506 1.0816103\n", + " 1.1260849 1.0777248 1.044116 1.0607561 1.036788 1.0552375 1.0693414\n", + " 1.0243769 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 0 4 2 3 7 6 8 13 10 12 9 11 14 24 15 16 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"raymond frolander , 18 , was beaten to a pulp by the furious father after he walked in on the teenager performing a sexual act on his son at his home in daytona beach , florida , last july .the teenager who was famously pictured in a bloodied state in his mugshot after he sexually abused an 11-year-old boy and was beaten unconscious by the child 's father has been jailed for 25 years .now , the defendant has been sentenced to a quarter of a century in prison by circuit judge leah case after pleading no contest to lewd and lascivious molestation of a victim younger than 12 .\"]\n", + "=======================\n", + "[\"raymond frolander , 18 , sexually abused 11-year-old boy at florida homechild 's father walked in on assault and beat teen to pulp , then called 911father told the dispatcher : ` send an ambulance .after frolander 's arrest , police released bruised and bloodied mug shotit was widely shared online , with users congratulating father on actionsnow , frolander has been jailed for 25 years for molesting the youngsterwill be listed as sexual predator and be electronically monitored for life` he 's going to learn in next 25 years why i let him live , ' boy 's father said\"]\n", + "raymond frolander , 18 , was beaten to a pulp by the furious father after he walked in on the teenager performing a sexual act on his son at his home in daytona beach , florida , last july .the teenager who was famously pictured in a bloodied state in his mugshot after he sexually abused an 11-year-old boy and was beaten unconscious by the child 's father has been jailed for 25 years .now , the defendant has been sentenced to a quarter of a century in prison by circuit judge leah case after pleading no contest to lewd and lascivious molestation of a victim younger than 12 .\n", + "raymond frolander , 18 , sexually abused 11-year-old boy at florida homechild 's father walked in on assault and beat teen to pulp , then called 911father told the dispatcher : ` send an ambulance .after frolander 's arrest , police released bruised and bloodied mug shotit was widely shared online , with users congratulating father on actionsnow , frolander has been jailed for 25 years for molesting the youngsterwill be listed as sexual predator and be electronically monitored for life` he 's going to learn in next 25 years why i let him live , ' boy 's father said\n", + "[1.2116302 1.3683798 1.3504641 1.2291919 1.207961 1.0958521 1.2166811\n", + " 1.0913367 1.0712317 1.0665461 1.0348768 1.0348696 1.0663959 1.1721289\n", + " 1.0896775 1.0460494 1.0691811 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 6 0 4 13 5 7 14 8 16 9 12 15 10 11 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"joshua quincy burns , formerly of brighton , was sentenced to three years ' probation with the first served in livingston county jail for second-degree child abuse earlier this month .joshua burns and and his wife , brenda burns , say he is innocent , and that he grabbed their daughter naomi 's face when she slipped from his lap as he ended a phone call with his wife in march 2014 .he claims he was trying to save her from hitting her head on a coffee table in their home .\"]\n", + "=======================\n", + "[\"joshua burns was sentenced to three years ' probation with the first served in livingston county jail for second-degree child abuse earlier this monthhe and his wife , brenda burns , maintain that he 's innocent and that the 11-week-old baby slipped from his lap and he caught her by the facehe claims that he was trying to save his daughter , now one year old , from hitting her head on a coffee table in their homebrenda burns has fled michigan to colorado to escape what she believes is unconstitutional oversight by the department of human servicesa june hearing could potentially terminate joshua burns 's parental rightsthe couple will be featured on dr phil on monday to tell their story\"]\n", + "joshua quincy burns , formerly of brighton , was sentenced to three years ' probation with the first served in livingston county jail for second-degree child abuse earlier this month .joshua burns and and his wife , brenda burns , say he is innocent , and that he grabbed their daughter naomi 's face when she slipped from his lap as he ended a phone call with his wife in march 2014 .he claims he was trying to save her from hitting her head on a coffee table in their home .\n", + "joshua burns was sentenced to three years ' probation with the first served in livingston county jail for second-degree child abuse earlier this monthhe and his wife , brenda burns , maintain that he 's innocent and that the 11-week-old baby slipped from his lap and he caught her by the facehe claims that he was trying to save his daughter , now one year old , from hitting her head on a coffee table in their homebrenda burns has fled michigan to colorado to escape what she believes is unconstitutional oversight by the department of human servicesa june hearing could potentially terminate joshua burns 's parental rightsthe couple will be featured on dr phil on monday to tell their story\n", + "[1.274322 1.3461292 1.2751987 1.3020484 1.1380328 1.0867262 1.1115028\n", + " 1.1686982 1.2145357 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 8 7 4 6 5 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", + "=======================\n", + "[\"the arsenal winger has been pictured on a different kind of bench with his team-mates as he was pictured for a photoshoot with calum chambers , jack wilshere , mikel arteta , david ospina , mathieu flamini and mesut ozil .walcott and co , along with runway model olga sherer , have posed for an official portrait for paris ' oldest fashion house - lanvin - the club 's official tailor since 2013 .theo walcott sitting on a bench along with six of his arsenal colleagues is starting to become a familiar sight given the fact that he has been overlooked for the majority of the season .\"]\n", + "=======================\n", + "[\"arsenal winger theo walcott was joined by his team-mates for photoshootwalcott and six of his arsenal colleagues were showing off club suitsthe england ace was joined by calum chambers , jack wilshere , mikel arteta , david ospina , mathieu flamini and mesut ozilwalcott has been named on the bench for 17 of arsenal 's league gamesread : walcott needs to look wenger in the eye and discuss future\"]\n", + "the arsenal winger has been pictured on a different kind of bench with his team-mates as he was pictured for a photoshoot with calum chambers , jack wilshere , mikel arteta , david ospina , mathieu flamini and mesut ozil .walcott and co , along with runway model olga sherer , have posed for an official portrait for paris ' oldest fashion house - lanvin - the club 's official tailor since 2013 .theo walcott sitting on a bench along with six of his arsenal colleagues is starting to become a familiar sight given the fact that he has been overlooked for the majority of the season .\n", + "arsenal winger theo walcott was joined by his team-mates for photoshootwalcott and six of his arsenal colleagues were showing off club suitsthe england ace was joined by calum chambers , jack wilshere , mikel arteta , david ospina , mathieu flamini and mesut ozilwalcott has been named on the bench for 17 of arsenal 's league gamesread : walcott needs to look wenger in the eye and discuss future\n", + "[1.2140176 1.4873955 1.1946546 1.1909826 1.1915512 1.0969574 1.0742539\n", + " 1.0647602 1.061826 1.1303113 1.0345968 1.0567784 1.1382086 1.0902555\n", + " 1.0562034 1.1159437 1.0320294 1.0277998 1.0694481 1.0452185 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 4 3 12 9 15 5 13 6 18 7 8 11 14 19 10 16 17 20 21]\n", + "=======================\n", + "['more than 2,000 office workers had to be evacuated yesterday due to the fire in holborn which apparently started in a tunnel carrying electrical cables , causing flames to erupt from the pavement and filling the area with smoke .london commuters faced traffic chaos this morning while thousands are still without power as firefighters battle to extinguish an underground blaze that has been raging for more than 24 hours .although the blaze has now been brought under control it has not been put out entirely , and firefighters still do not know the cause of the fire .']\n", + "=======================\n", + "['main roads in holborn are closed more than 24 hours after fire broke outmore than 1,000 buildings remain without power as a result of the blazelocal businesses , government offices and tourist attractions are closedcommuters have been warned to avoid the area as witnesses describe long queues of buses']\n", + "more than 2,000 office workers had to be evacuated yesterday due to the fire in holborn which apparently started in a tunnel carrying electrical cables , causing flames to erupt from the pavement and filling the area with smoke .london commuters faced traffic chaos this morning while thousands are still without power as firefighters battle to extinguish an underground blaze that has been raging for more than 24 hours .although the blaze has now been brought under control it has not been put out entirely , and firefighters still do not know the cause of the fire .\n", + "main roads in holborn are closed more than 24 hours after fire broke outmore than 1,000 buildings remain without power as a result of the blazelocal businesses , government offices and tourist attractions are closedcommuters have been warned to avoid the area as witnesses describe long queues of buses\n", + "[1.2127874 1.551893 1.3773515 1.408999 1.1580333 1.1203053 1.0623474\n", + " 1.0235326 1.2476484 1.1261806 1.0108643 1.0139576 1.0260642 1.0357884\n", + " 1.0154363 1.0117794 1.0687757 1.029821 1.0101833 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 8 0 4 9 5 16 6 13 17 12 7 14 11 15 10 18 19 20 21]\n", + "=======================\n", + "['romantic ben parsons , 34 , of brighton , east sussex , stunned girlfriend anna jefferson , 36 , by getting down on one knee after running 24 and a half miles .she was watching her boyfriend run in the brighton marathon with their children nancy , three , and thomas , 11 months .ben parson had already run 24.5 miles of the 26.2-mile brighton marathon when he stopped to propose to girlfriend and mother of his two children , anna parsons']\n", + "=======================\n", + "['ben parsons , 34 , from brighton , proposed to girlfriend anna jefferson , 36parsons had already run 24.5 miles of the 26.2 mile marathonparson still managed to beat his personal best and finished in 3hrs 36mins']\n", + "romantic ben parsons , 34 , of brighton , east sussex , stunned girlfriend anna jefferson , 36 , by getting down on one knee after running 24 and a half miles .she was watching her boyfriend run in the brighton marathon with their children nancy , three , and thomas , 11 months .ben parson had already run 24.5 miles of the 26.2-mile brighton marathon when he stopped to propose to girlfriend and mother of his two children , anna parsons\n", + "ben parsons , 34 , from brighton , proposed to girlfriend anna jefferson , 36parsons had already run 24.5 miles of the 26.2 mile marathonparson still managed to beat his personal best and finished in 3hrs 36mins\n", + "[1.2286406 1.4047427 1.2765025 1.3627858 1.1899196 1.2676668 1.0606661\n", + " 1.0237591 1.0099071 1.126098 1.0300545 1.160663 1.1477209 1.1600187\n", + " 1.0229603 1.0142062 1.0589103 1.0387664 1.0260698 1.0532887 1.0189224\n", + " 1.0140562]\n", + "\n", + "[ 1 3 2 5 0 4 11 13 12 9 6 16 19 17 10 18 7 14 20 15 21 8]\n", + "=======================\n", + "[\"amanda peake glover was a devoted youth ministry teacher and choir singer who 'd only one month before had completed the myrtle beach marathon with her brother .glover was also a co-owner of an elgin fitness center , leaving her mourning friends and family all the more shocked at her sudden death following saturday 's race .amanda 's friend ashley blocker says benji was just behind his wife of nine years in the palmetto half marathon .\"]\n", + "=======================\n", + "['adam leheup ran fitness 535 in columbia , south carolina and was a devoted youth ministry teacher and worked as a property managerher husband benji was just minutes behind when she collapsed and was rushed to a hospital , where she died for reasons that remain unclearglover was an avid fitness fan who , only just a month ago had run the myrtle beach marathon']\n", + "amanda peake glover was a devoted youth ministry teacher and choir singer who 'd only one month before had completed the myrtle beach marathon with her brother .glover was also a co-owner of an elgin fitness center , leaving her mourning friends and family all the more shocked at her sudden death following saturday 's race .amanda 's friend ashley blocker says benji was just behind his wife of nine years in the palmetto half marathon .\n", + "adam leheup ran fitness 535 in columbia , south carolina and was a devoted youth ministry teacher and worked as a property managerher husband benji was just minutes behind when she collapsed and was rushed to a hospital , where she died for reasons that remain unclearglover was an avid fitness fan who , only just a month ago had run the myrtle beach marathon\n", + "[1.3923789 1.40359 1.0967929 1.3879638 1.2721895 1.2247483 1.0330238\n", + " 1.0198027 1.0200986 1.0185263 1.1332467 1.0825188 1.1496028 1.1436615\n", + " 1.0176153 1.0881093 1.007888 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 4 5 12 13 10 2 15 11 6 8 7 9 14 16 20 17 18 19 21]\n", + "=======================\n", + "[\"ramsey , the only black manager in the premier league , has been vocal on racism in football in the past and supports john barnes 's assertion that black managers find it difficult to get another job after being sacked .queens park rangers manager chris ramsey claims that covert racism still exists in football boardrooms and that the implementing of a rooney rule could help raise awareness of the issue .ramsey was without a job for seven months after leaving his coaching role at tottenham last season\"]\n", + "=======================\n", + "[\"qpr manager chris ramsey is the premier league 's only black managerhe supports john barnes ' claim that black bosses ca n't find second clubsramsey says he believes covert racism continues in football boardroomsrangers boss endorses rooney rule introduction to raise awareness\"]\n", + "ramsey , the only black manager in the premier league , has been vocal on racism in football in the past and supports john barnes 's assertion that black managers find it difficult to get another job after being sacked .queens park rangers manager chris ramsey claims that covert racism still exists in football boardrooms and that the implementing of a rooney rule could help raise awareness of the issue .ramsey was without a job for seven months after leaving his coaching role at tottenham last season\n", + "qpr manager chris ramsey is the premier league 's only black managerhe supports john barnes ' claim that black bosses ca n't find second clubsramsey says he believes covert racism continues in football boardroomsrangers boss endorses rooney rule introduction to raise awareness\n", + "[1.274462 1.5605215 1.3233615 1.3160027 1.0985042 1.0809995 1.1496582\n", + " 1.0604615 1.0133076 1.0485972 1.2406127 1.1743338 1.0726537 1.0150021\n", + " 1.0326046 1.0316489 1.022744 1.0208346 1.0223624 1.0413353 0. ]\n", + "\n", + "[ 1 2 3 0 10 11 6 4 5 12 7 9 19 14 15 16 18 17 13 8 20]\n", + "=======================\n", + "[\"the phone , which belonged to bella crooke from melbourne , was handed in to albury police station on the nsw-victoria border on sunday morning .a lost iphone was reunited with its owner after police posted a series of bizarre photos on the woman 's facebook page in a bid to track her down .bella lost her phone at a friend 's birthday party the night before and dialled her number as soon as she realised . '\"]\n", + "=======================\n", + "[\"lost phone was handed in to albury police station in nsw on sundaypolice used phone to post selfies and puns on owner 's facebook pagebella crooke lost the phone on saturday at a friend 's birthday partypolice have been hailed as ` legends ' by her friends for unusual approach\"]\n", + "the phone , which belonged to bella crooke from melbourne , was handed in to albury police station on the nsw-victoria border on sunday morning .a lost iphone was reunited with its owner after police posted a series of bizarre photos on the woman 's facebook page in a bid to track her down .bella lost her phone at a friend 's birthday party the night before and dialled her number as soon as she realised . '\n", + "lost phone was handed in to albury police station in nsw on sundaypolice used phone to post selfies and puns on owner 's facebook pagebella crooke lost the phone on saturday at a friend 's birthday partypolice have been hailed as ` legends ' by her friends for unusual approach\n", + "[1.4549325 1.2489277 1.311151 1.3937893 1.3579798 1.1812705 1.1427076\n", + " 1.0211301 1.025947 1.0094064 1.0400392 1.0281129 1.045892 1.2167121\n", + " 1.0667114 1.0186332 1.13881 1.038009 1.0512182 1.0123795 0. ]\n", + "\n", + "[ 0 3 4 2 1 13 5 6 16 14 18 12 10 17 11 8 7 15 19 9 20]\n", + "=======================\n", + "['former qpr manager harry redknapp says that tottenham have not made any progress under mauricio pochettino this season , insisting he has been rescued by the kids .argentine boss pochettino has put his faith in the likes of harry kane , nabil bentaleb and ryan mason , while more experienced , higher-profile players have been pushed out to the fringes .spurs are almost certain to miss out on champions league football again with club currently occupying a place only in the top six , although they did reach their first major final since 2009 this season .']\n", + "=======================\n", + "['harry redknapp says tottenham have not pulled up any trees this seasonredknapp insists club have not moved forward under mauricio pochettinoformer qpr boss says spurs have been rescued by the kids this season']\n", + "former qpr manager harry redknapp says that tottenham have not made any progress under mauricio pochettino this season , insisting he has been rescued by the kids .argentine boss pochettino has put his faith in the likes of harry kane , nabil bentaleb and ryan mason , while more experienced , higher-profile players have been pushed out to the fringes .spurs are almost certain to miss out on champions league football again with club currently occupying a place only in the top six , although they did reach their first major final since 2009 this season .\n", + "harry redknapp says tottenham have not pulled up any trees this seasonredknapp insists club have not moved forward under mauricio pochettinoformer qpr boss says spurs have been rescued by the kids this season\n", + "[1.3520031 1.4633627 1.4018002 1.3057486 1.0728215 1.0371692 1.084016\n", + " 1.0375832 1.1539496 1.1535903 1.0244942 1.022071 1.0183663 1.0187825\n", + " 1.1561394 1.1575513 1.0947909 1.0120823 1.0140661 1.0093429 1.1074593]\n", + "\n", + "[ 1 2 0 3 15 14 8 9 20 16 6 4 7 5 10 11 13 12 18 17 19]\n", + "=======================\n", + "['anne of green gables actor jonathan crombie died of a brain hemorrhage , aged 48 .toronto-born crombie died on wednesday in new york , his sister carrie crombie told cbc on saturday .he was discovered as an actor when he was 17 years old in a high-school production of the wizard of oz']\n", + "=======================\n", + "['jonathan crombie died of a brain hemorrhage on wednesday in new yorkhe played gilbert blythe in the anne of green gables filmsthe toronto actor went on to star in the drowsy chaperone on broadway']\n", + "anne of green gables actor jonathan crombie died of a brain hemorrhage , aged 48 .toronto-born crombie died on wednesday in new york , his sister carrie crombie told cbc on saturday .he was discovered as an actor when he was 17 years old in a high-school production of the wizard of oz\n", + "jonathan crombie died of a brain hemorrhage on wednesday in new yorkhe played gilbert blythe in the anne of green gables filmsthe toronto actor went on to star in the drowsy chaperone on broadway\n", + "[1.2974699 1.3339632 1.25142 1.1498045 1.3346708 1.294985 1.2458625\n", + " 1.0814891 1.0652996 1.0133555 1.0113426 1.0921378 1.0229769 1.0464576\n", + " 1.0261364 1.0359883 1.0167938 1.0591987 1.0938845 1.0467353 1.0636384]\n", + "\n", + "[ 4 1 0 5 2 6 3 18 11 7 8 20 17 19 13 15 14 12 16 9 10]\n", + "=======================\n", + "[\"premier league leaders chelsea are poised to join the battle for liverpool wideman raheem sterlingchelsea have made discreet overtures about sterling , despite liverpool manager brendan rodgers insisting on thursday that his 20-year-old striker is going nowhere this summer .sterling stunned liverpool earlier this week by giving an interview in which he claimed he is not motivated by money in stalling over a # 100,000-a-week contract and admitting he is ` quite flattered ' by interest from arsenal .\"]\n", + "=======================\n", + "[\"chelsea are poised to join arsenal in the hunt for raheem sterlingmanchester city are also interested in the 20-year-old liverpool starbrendan rodgers said reds winger is ` going nowhere ' this summer\"]\n", + "premier league leaders chelsea are poised to join the battle for liverpool wideman raheem sterlingchelsea have made discreet overtures about sterling , despite liverpool manager brendan rodgers insisting on thursday that his 20-year-old striker is going nowhere this summer .sterling stunned liverpool earlier this week by giving an interview in which he claimed he is not motivated by money in stalling over a # 100,000-a-week contract and admitting he is ` quite flattered ' by interest from arsenal .\n", + "chelsea are poised to join arsenal in the hunt for raheem sterlingmanchester city are also interested in the 20-year-old liverpool starbrendan rodgers said reds winger is ` going nowhere ' this summer\n", + "[1.3975279 1.2799332 1.1877215 1.1845313 1.2079206 1.1237137 1.0627407\n", + " 1.0472062 1.0661488 1.0927931 1.0664661 1.0755653 1.0946308 1.0632149\n", + " 1.0575794 1.0673323 1.0294148 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 3 5 12 9 11 15 10 8 13 6 14 7 16 17 18 19 20]\n", + "=======================\n", + "[\"washington ( cnn ) an iranian military observation aircraft flew within 50 yards of an armed u.s. navy helicopter over the persian gulf this month , sparking concern that top iranian commanders might not be in full control of local forces , cnn has learned .the incident , which has not been publicly disclosed , troubled u.s. military officials because the unsafe maneuver could have triggered a serious incident .the incident took place as the u.s. and other world powers meet with iran in switzerland to negotiate a deal limiting tehran 's nuclear program .\"]\n", + "=======================\n", + "['iranian plane came within 50 yards of u.s. navy sea hawk copternavy copter was on patrol in international airspaceu.s. official think iranian plane may have been under orders of local commander']\n", + "washington ( cnn ) an iranian military observation aircraft flew within 50 yards of an armed u.s. navy helicopter over the persian gulf this month , sparking concern that top iranian commanders might not be in full control of local forces , cnn has learned .the incident , which has not been publicly disclosed , troubled u.s. military officials because the unsafe maneuver could have triggered a serious incident .the incident took place as the u.s. and other world powers meet with iran in switzerland to negotiate a deal limiting tehran 's nuclear program .\n", + "iranian plane came within 50 yards of u.s. navy sea hawk copternavy copter was on patrol in international airspaceu.s. official think iranian plane may have been under orders of local commander\n", + "[1.373767 1.2898891 1.4143401 1.1785046 1.1528107 1.1404845 1.1308244\n", + " 1.0680526 1.0601114 1.0641809 1.0505381 1.2018781 1.0219867 1.0350423\n", + " 1.0790033 1.1076326 1.0499525 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 11 3 4 5 6 15 14 7 9 8 10 16 13 12 18 17 19]\n", + "=======================\n", + "['the syrian-born 48-year-old was lured to an upmarket street in london on the pretence of providing a quote for some building work .murdered preacher abdul hadi arwani ( above ) was killed by a hitman who climbed into the back of his car , it emerged last nightbut when the imam arrived , the killer got into the rear seat of his volkswagen passat and shot him several times .']\n", + "=======================\n", + "[\"abdul hadi arwani found dead in his ` perfectly parked ' car on tuesdaygunman probably used a silencer and chose an area away from cctvfather-of-six from acton , west london , had links to muslim brotherhood\"]\n", + "the syrian-born 48-year-old was lured to an upmarket street in london on the pretence of providing a quote for some building work .murdered preacher abdul hadi arwani ( above ) was killed by a hitman who climbed into the back of his car , it emerged last nightbut when the imam arrived , the killer got into the rear seat of his volkswagen passat and shot him several times .\n", + "abdul hadi arwani found dead in his ` perfectly parked ' car on tuesdaygunman probably used a silencer and chose an area away from cctvfather-of-six from acton , west london , had links to muslim brotherhood\n", + "[1.4607289 1.2985208 1.2853128 1.4432346 1.3877783 1.0689914 1.0489212\n", + " 1.0355034 1.0669663 1.0363843 1.1077633 1.0470006 1.0122987 1.0118945\n", + " 1.0097204 1.012103 1.0742534 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 1 2 10 16 5 8 6 11 9 7 12 15 13 14 17 18 19]\n", + "=======================\n", + "['arsenal defender per mertesacker has tipped compatriot jurgen klopp to make his mark in the barclays premier league if he opts to continue his career in england .jurgen klopp has revealed he will be vacating his role as borussia dortmund boss at the end of the seasonarsenal vice-captain per mertesacker says klopp would be a top manager in the premier league']\n", + "=======================\n", + "['jurgen klopp will leave borussia dortmund at the end of the seasongerman boss has enjoyed success with club during seven-year stinthe has been linked with manchester city , manchester united and arsenalper mertesacker says he would like to see klopp in the premier league']\n", + "arsenal defender per mertesacker has tipped compatriot jurgen klopp to make his mark in the barclays premier league if he opts to continue his career in england .jurgen klopp has revealed he will be vacating his role as borussia dortmund boss at the end of the seasonarsenal vice-captain per mertesacker says klopp would be a top manager in the premier league\n", + "jurgen klopp will leave borussia dortmund at the end of the seasongerman boss has enjoyed success with club during seven-year stinthe has been linked with manchester city , manchester united and arsenalper mertesacker says he would like to see klopp in the premier league\n", + "[1.2148802 1.1839275 1.1962727 1.2405863 1.2005237 1.2154918 1.0536287\n", + " 1.1248552 1.173701 1.114224 1.0759833 1.0973146 1.0606282 1.0632733\n", + " 1.0946332 1.0799172 1.0553681 1.0319995 1.0641559 0. ]\n", + "\n", + "[ 3 5 0 4 2 1 8 7 9 11 14 15 10 18 13 12 16 6 17 19]\n", + "=======================\n", + "['a supervolcano in yellowstone national park ( pictured ) releases around 45,000 metric tonnes of carbon dioxide each day .the yellowstone supervolcano is one of the largest active continental silicic volcanic fields in the world .a magma chamber beneath the surface is not considered large enough to produce these levels and now researchers have found the source in a secondary magma chamber deeper underground']\n", + "=======================\n", + "[\"researchers used seismic readings to map what is beneath yellowstonepartly-molten rock reservoir measures 11,035 cubic miles ( 46,000 cubic km )it sits 12 to 28 miles ( 19 to 45km ) beneath the national park 's supervolcanochamber is four times bigger than the magma chamber above it - but study said it is not posing any additional threat than it was before\"]\n", + "a supervolcano in yellowstone national park ( pictured ) releases around 45,000 metric tonnes of carbon dioxide each day .the yellowstone supervolcano is one of the largest active continental silicic volcanic fields in the world .a magma chamber beneath the surface is not considered large enough to produce these levels and now researchers have found the source in a secondary magma chamber deeper underground\n", + "researchers used seismic readings to map what is beneath yellowstonepartly-molten rock reservoir measures 11,035 cubic miles ( 46,000 cubic km )it sits 12 to 28 miles ( 19 to 45km ) beneath the national park 's supervolcanochamber is four times bigger than the magma chamber above it - but study said it is not posing any additional threat than it was before\n", + "[1.0444912 1.0504106 1.1198726 1.4410954 1.4203906 1.2071173 1.2048142\n", + " 1.2330298 1.0306427 1.0286833 1.0352757 1.0500065 1.0602466 1.0685626\n", + " 1.0319513 1.0463424 1.077519 1.0451404 1.0462687 1.0231148]\n", + "\n", + "[ 3 4 7 5 6 2 16 13 12 1 11 15 18 17 0 10 14 8 9 19]\n", + "=======================\n", + "['mandy francis tried out the best brands on the high street with some enthusiastic help from her children stanley , 13 , and florence , eight .the swan come dine with me ice cream & gelato maker is best for dinner partiesthe removable bowl -- which has an inner , freezable gel layer -- has to be frozen for eight hours before you put it back in the machine , then add the mixing arm , pop on the lid , and turn it on .']\n", + "=======================\n", + "['there are many different ice cream makers - from budget brand to retrobest rated machine is the chill factor ice cream maker from john lewisprices range from as little as # 12.99 to a luxury one for # 349.99']\n", + "mandy francis tried out the best brands on the high street with some enthusiastic help from her children stanley , 13 , and florence , eight .the swan come dine with me ice cream & gelato maker is best for dinner partiesthe removable bowl -- which has an inner , freezable gel layer -- has to be frozen for eight hours before you put it back in the machine , then add the mixing arm , pop on the lid , and turn it on .\n", + "there are many different ice cream makers - from budget brand to retrobest rated machine is the chill factor ice cream maker from john lewisprices range from as little as # 12.99 to a luxury one for # 349.99\n", + "[1.5178324 1.3912235 1.2167277 1.2966605 1.1557716 1.1211227 1.1223086\n", + " 1.1141888 1.10245 1.18866 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 9 4 6 5 7 8 18 10 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "['former manchester united and burnley full-back richard eckersley is training with la liga side elche .eckersley begun his career at the red devils but after failing to make an impact in manchester , he rejected the offer of a new contract and signed for premier league newcomers burnley .but an unsuccessful three years in lancashire , where eckersley failed to make a league appearance , saw him make a move to mls outfit toronto fc on loan .']\n", + "=======================\n", + "['richard eckersley started his career with manchester unitedbut the defender played only two premier league games for the red devilseckersley recently left new york red bulls and is training with elche']\n", + "former manchester united and burnley full-back richard eckersley is training with la liga side elche .eckersley begun his career at the red devils but after failing to make an impact in manchester , he rejected the offer of a new contract and signed for premier league newcomers burnley .but an unsuccessful three years in lancashire , where eckersley failed to make a league appearance , saw him make a move to mls outfit toronto fc on loan .\n", + "richard eckersley started his career with manchester unitedbut the defender played only two premier league games for the red devilseckersley recently left new york red bulls and is training with elche\n", + "[1.229782 1.5355068 1.2651749 1.2231785 1.3540583 1.126336 1.0724914\n", + " 1.0870113 1.0320821 1.0166494 1.1284162 1.1470046 1.0738853 1.0224735\n", + " 1.0692232 1.0183015 1.0093248 1.1259415 1.0397987 1.0677406 1.0249673]\n", + "\n", + "[ 1 4 2 0 3 11 10 5 17 7 12 6 14 19 18 8 20 13 15 9 16]\n", + "=======================\n", + "[\"david wihby , 61 , was arrested on friday in nashua on a misdemeanor charge for solicitation of prostitution and resigned on saturday , according to ayotte 's office .wihby has been the new hampshire republican 's state director for the last year and her number-two staffer behind the chief of staff .a senior aide to us senator kelly ayotte has resigned after he was arrested for allegedly soliciting a prostitute , the senator 's office said .\"]\n", + "=======================\n", + "[\"david wihby , 61 , has been new hampshire senator kelly ayotte 's state director for the last yearhe was arrested on friday on a misdemeanor charge for solicitation of prostitution and stepped down from his government role on saturdayhe was one of ten men arrested in the last week by nashua , new hampshire , police in prostitution stingayotte said in a statement that she was ` shocked and deeply saddened ' by wihby 's arrest\"]\n", + "david wihby , 61 , was arrested on friday in nashua on a misdemeanor charge for solicitation of prostitution and resigned on saturday , according to ayotte 's office .wihby has been the new hampshire republican 's state director for the last year and her number-two staffer behind the chief of staff .a senior aide to us senator kelly ayotte has resigned after he was arrested for allegedly soliciting a prostitute , the senator 's office said .\n", + "david wihby , 61 , has been new hampshire senator kelly ayotte 's state director for the last yearhe was arrested on friday on a misdemeanor charge for solicitation of prostitution and stepped down from his government role on saturdayhe was one of ten men arrested in the last week by nashua , new hampshire , police in prostitution stingayotte said in a statement that she was ` shocked and deeply saddened ' by wihby 's arrest\n", + "[1.2679138 1.2917421 1.245406 1.2819036 1.1890633 1.1941581 1.158679\n", + " 1.0456557 1.1298481 1.0943322 1.0251212 1.0521045 1.0660036 1.0992061\n", + " 1.1189504 1.0332787 1.0255724 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 5 4 6 8 14 13 9 12 11 7 15 16 10 17 18 19 20]\n", + "=======================\n", + "[\"the snp leader said her predecessor alex salmond did not have to field questions on why he has not started a family .scottish first minister nicola sturgeon has hit out at people questioning why she does n't have children -- and claimed she would never be asked if she was a manms sturgeon insisted she was not ` moaning ' but also attacked the criticism she and other female politicians ' have had to endure over their appearance .\"]\n", + "=======================\n", + "[\"snp leader said alex salmond did not field questions over his familysaid she was not ` moaning ' but also attacked criticism of women 's looksshe made the remarks in latest programme profiling the main party leadersms sturgeon also revealed her tv habits and recent image makeovershe said she relaxed by eating steak and chips on a saturday night\"]\n", + "the snp leader said her predecessor alex salmond did not have to field questions on why he has not started a family .scottish first minister nicola sturgeon has hit out at people questioning why she does n't have children -- and claimed she would never be asked if she was a manms sturgeon insisted she was not ` moaning ' but also attacked the criticism she and other female politicians ' have had to endure over their appearance .\n", + "snp leader said alex salmond did not field questions over his familysaid she was not ` moaning ' but also attacked criticism of women 's looksshe made the remarks in latest programme profiling the main party leadersms sturgeon also revealed her tv habits and recent image makeovershe said she relaxed by eating steak and chips on a saturday night\n", + "[1.1709647 1.4532855 1.3401558 1.4330591 1.2552195 1.0498612 1.0318379\n", + " 1.0175712 1.025457 1.0534649 1.1402364 1.1198986 1.0362705 1.0505555\n", + " 1.0751253 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 10 11 14 9 13 5 12 6 8 7 19 15 16 17 18 20]\n", + "=======================\n", + "[\"david rush , 33 , from lisburn , northern ireland , felt that he ` should n't go out ' because of his size but lost the weight after plucking up the courage to start cycling .at his heaviest , he weighed 34st and was forced to order specialist xxxxxl clothes on the internet - the result of topping up his takeaway-heavy diet with six bags of crisps and two bottles of full-fat coca-cola a day .mr rush , who now weighs a healthy 15st 4lbs , began shedding the pounds at the rate of a stone a week but , determined to speed up the process , took up cycling .\"]\n", + "=======================\n", + "[\"david rush , 33 , from lisburn , northern ireland , weighed 34stfelt that he ` should n't go out ' and had to order xxxxxl clothesgot to 26st then began cycling up to 85 miles a weeknow weighs 15st 4lbs and and is training for a half marathonhe is saving up to get around a stone of excess skin removed\"]\n", + "david rush , 33 , from lisburn , northern ireland , felt that he ` should n't go out ' because of his size but lost the weight after plucking up the courage to start cycling .at his heaviest , he weighed 34st and was forced to order specialist xxxxxl clothes on the internet - the result of topping up his takeaway-heavy diet with six bags of crisps and two bottles of full-fat coca-cola a day .mr rush , who now weighs a healthy 15st 4lbs , began shedding the pounds at the rate of a stone a week but , determined to speed up the process , took up cycling .\n", + "david rush , 33 , from lisburn , northern ireland , weighed 34stfelt that he ` should n't go out ' and had to order xxxxxl clothesgot to 26st then began cycling up to 85 miles a weeknow weighs 15st 4lbs and and is training for a half marathonhe is saving up to get around a stone of excess skin removed\n", + "[1.0425406 1.3823279 1.3949492 1.340262 1.2145054 1.333452 1.0337242\n", + " 1.0466615 1.1402464 1.0970327 1.094529 1.0661757 1.0710975 1.0944953\n", + " 1.0135374 1.0125638 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 5 4 8 9 10 13 12 11 7 0 6 14 15 16 17 18 19 20]\n", + "=======================\n", + "['ten per cent are even more relaxed about treasured photos , letters and mementos -- leaving them lying around in piles of paperwork .a third of adults shun the storage possibilities of the internet and still keep their most important papers in a shoebox , a poll has found .the survey of more than 2,000 britons found almost half ( 45 per cent ) rely on a safe or filing cabinet to store documents , from personal to official ones .']\n", + "=======================\n", + "['ten per cent leave their documents , letters and mementos around in pilessurvey of 2,000 britons found that only six per cent back up papers onlinejust under half asked said they used filing cabinets or safes for documents']\n", + "ten per cent are even more relaxed about treasured photos , letters and mementos -- leaving them lying around in piles of paperwork .a third of adults shun the storage possibilities of the internet and still keep their most important papers in a shoebox , a poll has found .the survey of more than 2,000 britons found almost half ( 45 per cent ) rely on a safe or filing cabinet to store documents , from personal to official ones .\n", + "ten per cent leave their documents , letters and mementos around in pilessurvey of 2,000 britons found that only six per cent back up papers onlinejust under half asked said they used filing cabinets or safes for documents\n", + "[1.1552302 1.2100397 1.148527 1.1322441 1.3176574 1.1786094 1.0821799\n", + " 1.1107364 1.1335537 1.1305306 1.0853229 1.1954066 1.052402 1.0282229\n", + " 1.0285448 1.0189954 1.0482969 1.0473754 1.0355257 1.0144455 1.0481961]\n", + "\n", + "[ 4 1 11 5 0 2 8 3 9 7 10 6 12 16 20 17 18 14 13 15 19]\n", + "=======================\n", + "['more than 100 people were arrested in new york during a \" nyc rise up & shut it down with baltimore \" rally wednesday night , new york police said .for the second night in a row , protesters peacefully dispersed wednesday night after a 10 p.m. curfew meant to prevent riots that tore up the city two days earlier .and denver police arrested 11 people for charges such as assaulting a police officer , robbery , resisting police , disobedience to lawful orders and obstructing roadways .']\n", + "=======================\n", + "['protests spread to new york and denver , with more scheduled for other citiesmore than 100 people arrested in baltimore this week are released']\n", + "more than 100 people were arrested in new york during a \" nyc rise up & shut it down with baltimore \" rally wednesday night , new york police said .for the second night in a row , protesters peacefully dispersed wednesday night after a 10 p.m. curfew meant to prevent riots that tore up the city two days earlier .and denver police arrested 11 people for charges such as assaulting a police officer , robbery , resisting police , disobedience to lawful orders and obstructing roadways .\n", + "protests spread to new york and denver , with more scheduled for other citiesmore than 100 people arrested in baltimore this week are released\n", + "[1.4840146 1.2051165 1.3269837 1.4423424 1.2772036 1.1379613 1.0898322\n", + " 1.0681777 1.1135727 1.1559598 1.058103 1.0716604 1.1014215 1.0304267\n", + " 1.0123732 1.0087451 0. 0. ]\n", + "\n", + "[ 0 3 2 4 1 9 5 8 12 6 11 7 10 13 14 15 16 17]\n", + "=======================\n", + "['aston villa manager tim sherwood will move for chris ramsey if the queens park rangers manager leaves the london club this summer .tim sherwood could move to get chris ramsey on his coaching staff if he leaves qpr in the summerramsey took over as qpr manager until the end of the season following the departure of harry redknapp in february .']\n", + "=======================\n", + "['tim sherwood has a close relationship with qpr manager chris ramseysherwood could ask ramsey to join him at villa if he departs qprsherwood also revealed his wish for darren bent to be at villa park']\n", + "aston villa manager tim sherwood will move for chris ramsey if the queens park rangers manager leaves the london club this summer .tim sherwood could move to get chris ramsey on his coaching staff if he leaves qpr in the summerramsey took over as qpr manager until the end of the season following the departure of harry redknapp in february .\n", + "tim sherwood has a close relationship with qpr manager chris ramseysherwood could ask ramsey to join him at villa if he departs qprsherwood also revealed his wish for darren bent to be at villa park\n", + "[1.253799 1.3792464 1.1585921 1.3334842 1.3097934 1.1950606 1.1270417\n", + " 1.0937295 1.0740964 1.0388556 1.016978 1.0961403 1.0793488 1.0646572\n", + " 1.0474674 1.0812914 1.0646589 1.0293641]\n", + "\n", + "[ 1 3 4 0 5 2 6 11 7 15 12 8 16 13 14 9 17 10]\n", + "=======================\n", + "[\"footage of hummelstown police officer lisa mearkle shooting two bullets into david kassick 's back as he lay face down on february 2 that was recorded by her stun gun has not been made public .the lawyers for a female pennsylvania police officer charged with criminal homicide last month are trying to keep a video of her fatally shooting an unarmed motorist in the back out of the courtroom .mearkle , 36 , claimed she shot kassick in self-defense because she saw him reach into his jacket for a weapon\"]\n", + "=======================\n", + "[\"pennsylvania police officer lisa mearkle charged with criminal homicidestun gun took video of her fatally shooting david kassick , 59 , in the backmearkle , 36 , has claimed to authorities the shooting was act of self-defenseher attorneys filed motion to prevent da from showing clip during hearinglawyer for kassick 's family said video ` leaves nothing to the imagination\"]\n", + "footage of hummelstown police officer lisa mearkle shooting two bullets into david kassick 's back as he lay face down on february 2 that was recorded by her stun gun has not been made public .the lawyers for a female pennsylvania police officer charged with criminal homicide last month are trying to keep a video of her fatally shooting an unarmed motorist in the back out of the courtroom .mearkle , 36 , claimed she shot kassick in self-defense because she saw him reach into his jacket for a weapon\n", + "pennsylvania police officer lisa mearkle charged with criminal homicidestun gun took video of her fatally shooting david kassick , 59 , in the backmearkle , 36 , has claimed to authorities the shooting was act of self-defenseher attorneys filed motion to prevent da from showing clip during hearinglawyer for kassick 's family said video ` leaves nothing to the imagination\n", + "[1.2996411 1.475907 1.2242675 1.3312603 1.0488386 1.2265068 1.136786\n", + " 1.0315102 1.0119785 1.0218228 1.0474619 1.0864831 1.0618286 1.0779042\n", + " 1.065751 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 5 2 6 11 13 14 12 4 10 7 9 8 15 16 17]\n", + "=======================\n", + "[\"liz norden 's adult sons , jp and paul , each lost their right leg when they were hit by the explosive mix of shrapnel and ball-bearings unleashing by the tsarnaevs ' primitive explosives in april 2013 .a mother whose two sons were mutilated by boston bombers dzhokhar and tamerlan tsarnaev has said it is ` way too soon ' for mark wahlberg to be turning the atrocity that maimed her family into a movie .the men , now in their mid-thirties , were received horrific wounds as they shielded friends from the second of two blasts which went off by the finish line at the boston marathon almost two years ago .\"]\n", + "=======================\n", + "['liz norden , whose sons paul and jp each lost right leg , blasted plansaid victims and families of 2013 bombing are still faced with daily painboston-born wahlberg announced film during trial of dzhokhar tsarnaevother bostonians weighed in on the planned dramatization']\n", + "liz norden 's adult sons , jp and paul , each lost their right leg when they were hit by the explosive mix of shrapnel and ball-bearings unleashing by the tsarnaevs ' primitive explosives in april 2013 .a mother whose two sons were mutilated by boston bombers dzhokhar and tamerlan tsarnaev has said it is ` way too soon ' for mark wahlberg to be turning the atrocity that maimed her family into a movie .the men , now in their mid-thirties , were received horrific wounds as they shielded friends from the second of two blasts which went off by the finish line at the boston marathon almost two years ago .\n", + "liz norden , whose sons paul and jp each lost right leg , blasted plansaid victims and families of 2013 bombing are still faced with daily painboston-born wahlberg announced film during trial of dzhokhar tsarnaevother bostonians weighed in on the planned dramatization\n", + "[1.2704374 1.2796401 1.4139333 1.2893023 1.192615 1.1371561 1.12464\n", + " 1.0356631 1.078938 1.0687962 1.1065372 1.0315945 1.0227381 1.0244468\n", + " 1.0151167 1.0103678 1.0340545 1.0124375]\n", + "\n", + "[ 2 3 1 0 4 5 6 10 8 9 7 16 11 13 12 14 17 15]\n", + "=======================\n", + "[\"photographs of this year 's commercial hunt off the coast of newfoundland were captured by animal rights charity humane society international ( hsi ) who say the baby animals ` are dying a violent death for fur products that nobody is buying ' .horrifying images taken only yesterday show seals being shot and wounded before they are dragged onto a vessel - where they clubbed to death for their fur .the blood of hundreds of baby seals has stained the pristine white snow of canada 's ice floes as the world 's largest annual marine mammal slaughter begins .\"]\n", + "=======================\n", + "[\"warning graphic contentmany seals who are just a few weeks old are shot , impaled and clubbed to death on ` sealing ' vessels for their fur` they are dying a violent death for fur products that nobody wants or needs , ' said sir paul mccartney who backs the charity who took chilling photographsdemand has diminished after purchase of seal products was banned by both european union and the united statesnewfoundland government has pledged millions of pounds worth of subsidies to prop up country 's ` dying industry '\"]\n", + "photographs of this year 's commercial hunt off the coast of newfoundland were captured by animal rights charity humane society international ( hsi ) who say the baby animals ` are dying a violent death for fur products that nobody is buying ' .horrifying images taken only yesterday show seals being shot and wounded before they are dragged onto a vessel - where they clubbed to death for their fur .the blood of hundreds of baby seals has stained the pristine white snow of canada 's ice floes as the world 's largest annual marine mammal slaughter begins .\n", + "warning graphic contentmany seals who are just a few weeks old are shot , impaled and clubbed to death on ` sealing ' vessels for their fur` they are dying a violent death for fur products that nobody wants or needs , ' said sir paul mccartney who backs the charity who took chilling photographsdemand has diminished after purchase of seal products was banned by both european union and the united statesnewfoundland government has pledged millions of pounds worth of subsidies to prop up country 's ` dying industry '\n", + "[1.3293254 1.3889363 1.2869534 1.3029606 1.1533704 1.0930276 1.1098037\n", + " 1.0797614 1.0227388 1.0209295 1.0191785 1.0120195 1.0169309 1.1473345\n", + " 1.0812384 1.1066511 1.074434 0. ]\n", + "\n", + "[ 1 0 3 2 4 13 6 15 5 14 7 16 8 9 10 12 11 17]\n", + "=======================\n", + "[\"daniel filmus , argentina 's secretary of state for the islands , told an event in london that britain 's decision to increase military spending in the south atlantic was ` gunboat diplomacy ' .argentina has branded british attempts to explore the seas around the falklands islands for oil ` illegitimate ' and says it will mount a legal challenge -- but has ruled out another conflict .mr filmus said military conflict ` belongs to the past ' and claimed : ` the united kingdom can count on argentina as an ally . '\"]\n", + "=======================\n", + "[\"argentina claims british exploration around falklands for oil is ` illegitimate 'the country says it will mount a legal challenge but has ruled out a conflictcomment sparks furious reaction from foreign secretary philip hammond\"]\n", + "daniel filmus , argentina 's secretary of state for the islands , told an event in london that britain 's decision to increase military spending in the south atlantic was ` gunboat diplomacy ' .argentina has branded british attempts to explore the seas around the falklands islands for oil ` illegitimate ' and says it will mount a legal challenge -- but has ruled out another conflict .mr filmus said military conflict ` belongs to the past ' and claimed : ` the united kingdom can count on argentina as an ally . '\n", + "argentina claims british exploration around falklands for oil is ` illegitimate 'the country says it will mount a legal challenge but has ruled out a conflictcomment sparks furious reaction from foreign secretary philip hammond\n", + "[1.0939949 1.1861722 1.1733527 1.2974892 1.2106134 1.193415 1.2330731\n", + " 1.0796126 1.1476827 1.0295831 1.0920107 1.0953012 1.0632608 1.0608586\n", + " 1.0408597 1.0345352 1.0269297 1.0133868 1.023945 1.0104818 1.0246203]\n", + "\n", + "[ 3 6 4 5 1 2 8 11 0 10 7 12 13 14 15 9 16 20 18 17 19]\n", + "=======================\n", + "['for the new one beautiful thought ad campaign , dove asked a group of women to write down every thought they had about themselves .the women filled in a notebook each , and handed it back to doveunbeknownst to the women , those negative remarks and self-body shaming were turned into a script']\n", + "=======================\n", + "[\"dove took self criticisms from real women and repeated them out loudcreated in france , campaign highlights the way we bully ourselves dailyi hope my daughter never speaks to herself like that '\"]\n", + "for the new one beautiful thought ad campaign , dove asked a group of women to write down every thought they had about themselves .the women filled in a notebook each , and handed it back to doveunbeknownst to the women , those negative remarks and self-body shaming were turned into a script\n", + "dove took self criticisms from real women and repeated them out loudcreated in france , campaign highlights the way we bully ourselves dailyi hope my daughter never speaks to herself like that '\n", + "[1.17784 1.401825 1.3685122 1.2845479 1.2995714 1.1243622 1.2763805\n", + " 1.057496 1.0232319 1.0147082 1.0322431 1.0397496 1.0230649 1.0200244\n", + " 1.0272989 1.052665 1.0208784 1.0189432 1.0397048 1.1148218 1.0479969]\n", + "\n", + "[ 1 2 4 3 6 0 5 19 7 15 20 11 18 10 14 8 12 16 13 17 9]\n", + "=======================\n", + "['the report into friendship showed that our social circle peaks at 26 years and seven months , at which we typically have five close friends .women are most popular at 25 years and 10 months , with men hitting the friendship high point a little later at 27 years and three months .the research , by greetings card firm forever friends , shows that a third of adults ( 36 per cent ) met their closest friends while at school with a fifth ( 22 per cent ) saying they met them at work .']\n", + "=======================\n", + "[\"new study reveals the average person 's friends circle peaks at age of 26women are most popular at 25 and men hit their friendship high at 27research also showed social networks facebook and twitter are crucial\"]\n", + "the report into friendship showed that our social circle peaks at 26 years and seven months , at which we typically have five close friends .women are most popular at 25 years and 10 months , with men hitting the friendship high point a little later at 27 years and three months .the research , by greetings card firm forever friends , shows that a third of adults ( 36 per cent ) met their closest friends while at school with a fifth ( 22 per cent ) saying they met them at work .\n", + "new study reveals the average person 's friends circle peaks at age of 26women are most popular at 25 and men hit their friendship high at 27research also showed social networks facebook and twitter are crucial\n", + "[1.106778 1.4928029 1.2345712 1.3905275 1.0496073 1.0225662 1.0888673\n", + " 1.1185926 1.0925308 1.0436199 1.1298295 1.1082484 1.0849376 1.0323204\n", + " 1.0184747 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 10 7 11 0 8 6 12 4 9 13 5 14 19 15 16 17 18 20]\n", + "=======================\n", + "[\"the statement nineties chop , made famous by jim carrey 's lloyd christmas in dumb and dumber , has graced the heads of celebrities far and wide in recent years - from rihanna and robert pattinson to lena dunham and miley cyrus - and is spreading like wildfire among hipsters .one chain of british barber shops has reported a whopping 200 per cent surge in requests for the almost universally unflattering cut , with men queuing around the corner for their turn to get the snip .headcase barbers ( pictured ) has tipped the style as a must-have look for summer 2015\"]\n", + "=======================\n", + "['the statement chop was made famous by jim carrey in dumb and dumberone british barber has seen a 200 % surge in demand for the stylestars from miley cyrus to lena dunham have all taken it ondumb and dumber to is out now on blu-ray and dvd']\n", + "the statement nineties chop , made famous by jim carrey 's lloyd christmas in dumb and dumber , has graced the heads of celebrities far and wide in recent years - from rihanna and robert pattinson to lena dunham and miley cyrus - and is spreading like wildfire among hipsters .one chain of british barber shops has reported a whopping 200 per cent surge in requests for the almost universally unflattering cut , with men queuing around the corner for their turn to get the snip .headcase barbers ( pictured ) has tipped the style as a must-have look for summer 2015\n", + "the statement chop was made famous by jim carrey in dumb and dumberone british barber has seen a 200 % surge in demand for the stylestars from miley cyrus to lena dunham have all taken it ondumb and dumber to is out now on blu-ray and dvd\n", + "[1.2260987 1.4447713 1.3003953 1.1764092 1.3538505 1.0508221 1.0402329\n", + " 1.0994209 1.1415882 1.0420815 1.0353664 1.1020634 1.1228895 1.043438\n", + " 1.0753171 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 0 3 8 12 11 7 14 5 13 9 6 10 15 16 17 18 19 20]\n", + "=======================\n", + "[\"stephen howells , 39 , and his 25-year-old girlfriend nicole vaisey , from hermon , new york , were charged last summer with sexually exploiting the amish girls and other children .they each face kidnapping and federal child exploitation charges after police say they abducted the girls , then seven and 12 , from their family 's farm roadside vegetable stand on august 13 .a couple accused of kidnapping two amish girls from a produce stand before shackling and sexually abusing them have been offered a plea deal that would spare the girls from testifying .\"]\n", + "=======================\n", + "[\"stephen howells and nicole vaisey , from albany , new york , were charged last summer with sexually exploiting the amish girls and other childrenthe amish girls , aged 7 and 12 , ` were abducted from a farm roadside stand , shackled and sexually abused before being released the next day '\"]\n", + "stephen howells , 39 , and his 25-year-old girlfriend nicole vaisey , from hermon , new york , were charged last summer with sexually exploiting the amish girls and other children .they each face kidnapping and federal child exploitation charges after police say they abducted the girls , then seven and 12 , from their family 's farm roadside vegetable stand on august 13 .a couple accused of kidnapping two amish girls from a produce stand before shackling and sexually abusing them have been offered a plea deal that would spare the girls from testifying .\n", + "stephen howells and nicole vaisey , from albany , new york , were charged last summer with sexually exploiting the amish girls and other childrenthe amish girls , aged 7 and 12 , ` were abducted from a farm roadside stand , shackled and sexually abused before being released the next day '\n", + "[1.0835943 1.3505616 1.4229362 1.1892302 1.0587358 1.0995808 1.0722748\n", + " 1.0589646 1.0379138 1.0437064 1.0898229 1.0375545 1.1052933 1.0916258\n", + " 1.0680978 1.0645504 1.0704795 1.0331149 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 12 5 13 10 0 6 16 14 15 7 4 9 8 11 17 19 18 20]\n", + "=======================\n", + "[\"it set sail in france on saturday for virginia to retrace a journey through american history .l'hermione , with three sail masts and bright royal blue and gold markings , is a painstaking replica of an 18th century french frigate that fought with the united states ' founding fathers in the war of independence .in 1780 , the original hermione was assigned to a french nobleman , who fought as a general in george washington 's army against the british .\"]\n", + "=======================\n", + "[\"l'hermione is a painstaking replica of an 18th century ship of the same namethe original fought with american colonists against the british in the revolutionary war\"]\n", + "it set sail in france on saturday for virginia to retrace a journey through american history .l'hermione , with three sail masts and bright royal blue and gold markings , is a painstaking replica of an 18th century french frigate that fought with the united states ' founding fathers in the war of independence .in 1780 , the original hermione was assigned to a french nobleman , who fought as a general in george washington 's army against the british .\n", + "l'hermione is a painstaking replica of an 18th century ship of the same namethe original fought with american colonists against the british in the revolutionary war\n", + "[1.2710934 1.2805917 1.3886168 1.3242185 1.2844741 1.2281353 1.133968\n", + " 1.0813544 1.069454 1.0976267 1.0270302 1.079287 1.0234704 1.0206944\n", + " 1.0158151 1.0164567 1.024361 0. ]\n", + "\n", + "[ 2 3 4 1 0 5 6 9 7 11 8 10 16 12 13 15 14 17]\n", + "=======================\n", + "['the foursome identified as harry childs , jack hutchins , dean foreman and bradley pack were sentenced for affray on friday , after being charged in july last year , due to their involvement in an act of violent disorder outside a west london pub .qpr fans harry childs ( left ) and jack hutchins have been jailed for football-related disorder last yearthe unsavoury scenes occurred on february 1 , 2014 following a 3-3 draw during their championship encounter at loftus road .']\n", + "=======================\n", + "['queens park rangers drew 3-3 with burnley in the championship last termqpr fans harry childs , jack hutchins , dean foreman and bradley pack have all been jailed for violent scenes with burnley supporters afterwardsthe quartet were involved in violence outside the plough and harrow pubthey then moved onto kings street in west london for further barbarity']\n", + "the foursome identified as harry childs , jack hutchins , dean foreman and bradley pack were sentenced for affray on friday , after being charged in july last year , due to their involvement in an act of violent disorder outside a west london pub .qpr fans harry childs ( left ) and jack hutchins have been jailed for football-related disorder last yearthe unsavoury scenes occurred on february 1 , 2014 following a 3-3 draw during their championship encounter at loftus road .\n", + "queens park rangers drew 3-3 with burnley in the championship last termqpr fans harry childs , jack hutchins , dean foreman and bradley pack have all been jailed for violent scenes with burnley supporters afterwardsthe quartet were involved in violence outside the plough and harrow pubthey then moved onto kings street in west london for further barbarity\n", + "[1.4714242 1.2489729 1.2117294 1.3870432 1.1513664 1.1513553 1.0874095\n", + " 1.2762091 1.0369236 1.014885 1.0186603 1.0132636 1.1346046 1.0121573\n", + " 1.0128607 1.0624799 0. 0. ]\n", + "\n", + "[ 0 3 7 1 2 4 5 12 6 15 8 10 9 11 14 13 16 17]\n", + "=======================\n", + "[\"mercedes motorsport boss toto wolff has revealed the team may have to make ` an unpopular call ' for their drivers in light of ferrari 's revival this season .toto wolff ( left ) says nico rosberg ( right ) and lewis hamilton will have to deal with some ` unpopular calls 'the british driver won the chinese grand prix but has come under fire from his mercedes team-mate\"]\n", + "=======================\n", + "['toto wolff says the mercedes drivers may be unhappy with some callslewis hamilton and nico rosberg have fallen out after the chinese gpferrari are proving tough competition and wolff says they must win']\n", + "mercedes motorsport boss toto wolff has revealed the team may have to make ` an unpopular call ' for their drivers in light of ferrari 's revival this season .toto wolff ( left ) says nico rosberg ( right ) and lewis hamilton will have to deal with some ` unpopular calls 'the british driver won the chinese grand prix but has come under fire from his mercedes team-mate\n", + "toto wolff says the mercedes drivers may be unhappy with some callslewis hamilton and nico rosberg have fallen out after the chinese gpferrari are proving tough competition and wolff says they must win\n", + "[1.3487256 1.3921815 1.1246862 1.2366388 1.1136096 1.1221585 1.018874\n", + " 1.0500115 1.2014143 1.0782044 1.1793655 1.0757084 1.0859731 1.0119591\n", + " 1.1016096 1.0546237 1.1879985 0. ]\n", + "\n", + "[ 1 0 3 8 16 10 2 5 4 14 12 9 11 15 7 6 13 17]\n", + "=======================\n", + "[\"hazard , being filmed as part of a feature for queens park rangers defender rio ferdinand 's ' 5 ' magazine , left a defender in knots with his fancy footwork as he handed out a lesson in ball control .eden hazard is seemingly days away from securing a barclays premier league and pfa player of the year double with chelsea , and the belgian star showed off exactly why with a series of tricks at their cobham training base .the 24-year-old will be a key man for jose mourinho 's side as they travel to the emirates stadium on sunday looking for a win that would put them within three points of the title .\"]\n", + "=======================\n", + "[\"eden hazard showed off his tricks for rio ferdinand 's ' 5 ' magazinechelsea star left his marker in knots on four occasions in a videohazard 's step-overs , turns and his sharp control are fully on displaybelgian star 's chelsea face arsenal at the emirates stadium on sundayread : chelsea fans storm emirates stadium to play practical joke\"]\n", + "hazard , being filmed as part of a feature for queens park rangers defender rio ferdinand 's ' 5 ' magazine , left a defender in knots with his fancy footwork as he handed out a lesson in ball control .eden hazard is seemingly days away from securing a barclays premier league and pfa player of the year double with chelsea , and the belgian star showed off exactly why with a series of tricks at their cobham training base .the 24-year-old will be a key man for jose mourinho 's side as they travel to the emirates stadium on sunday looking for a win that would put them within three points of the title .\n", + "eden hazard showed off his tricks for rio ferdinand 's ' 5 ' magazinechelsea star left his marker in knots on four occasions in a videohazard 's step-overs , turns and his sharp control are fully on displaybelgian star 's chelsea face arsenal at the emirates stadium on sundayread : chelsea fans storm emirates stadium to play practical joke\n", + "[1.2165086 1.5233614 1.3198912 1.2015182 1.3202422 1.248258 1.1688739\n", + " 1.074084 1.0345428 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 5 0 3 6 7 8 9 10 11 12 13 14 15 16 17]\n", + "=======================\n", + "[\"ulrike berger , 44 , is barred by a court order from leaving the country with seven-year-old kaia .it is believed the pair boarded a plane from new york to germany on march 22 , violating a custody court orderpolice say the pair were last seen at berger 's home in boerun hill , brooklyn , at 10am on march 21 , when kaia 's father dropped her off .\"]\n", + "=======================\n", + "[\"ulrike berger , 44 , ` flew to germany with daughter kaia on march 22 'the seven-year-old had been dropped off by her father the day beforecustody court order prevents berger , a german national , from leaving the country with kaia\"]\n", + "ulrike berger , 44 , is barred by a court order from leaving the country with seven-year-old kaia .it is believed the pair boarded a plane from new york to germany on march 22 , violating a custody court orderpolice say the pair were last seen at berger 's home in boerun hill , brooklyn , at 10am on march 21 , when kaia 's father dropped her off .\n", + "ulrike berger , 44 , ` flew to germany with daughter kaia on march 22 'the seven-year-old had been dropped off by her father the day beforecustody court order prevents berger , a german national , from leaving the country with kaia\n", + "[1.3558912 1.1012161 1.2410684 1.1077905 1.5011369 1.2210717 1.136013\n", + " 1.127593 1.088533 1.0709096 1.0158707 1.0388199 1.0237895 1.0182681\n", + " 1.0351521 1.0733923 1.0424738 1.0134616]\n", + "\n", + "[ 4 0 2 5 6 7 3 1 8 15 9 16 11 14 12 13 10 17]\n", + "=======================\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[\"middlesbrough defender ben gibson , 22 , is dreaming of a return to the premier league for his boyhood clubteenager ben gibson had just seen his middlesbrough side knocked out in the champions league group stage when the email landed from club chairman -- uncle steve -- that he had been fired .on friday , boro defender gibson -- now 22 - can help steer his uncle 's club back towards the big time for real .\"]\n", + "=======================\n", + "[\"middlesbrough 's ben gibson is nephew of club chairman steveas a teenager he used to play as middlesbrough on football managerthe teesiders have spent six consecutive seasons outside of top flightlifelong boro fan gibson believes the squad has what it takes to secure a return to the big time\"]\n", + "middlesbrough defender ben gibson , 22 , is dreaming of a return to the premier league for his boyhood clubteenager ben gibson had just seen his middlesbrough side knocked out in the champions league group stage when the email landed from club chairman -- uncle steve -- that he had been fired .on friday , boro defender gibson -- now 22 - can help steer his uncle 's club back towards the big time for real .\n", + "middlesbrough 's ben gibson is nephew of club chairman steveas a teenager he used to play as middlesbrough on football managerthe teesiders have spent six consecutive seasons outside of top flightlifelong boro fan gibson believes the squad has what it takes to secure a return to the big time\n", + "[1.3847535 1.4504629 1.2045255 1.4532433 1.3129495 1.0397389 1.0350429\n", + " 1.0128782 1.1381917 1.0578276 1.0384301 1.2011536 1.1273837 1.0141795\n", + " 1.013934 1.0115603 1.0099839 1.0099555 1.0075899 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 0 4 2 11 8 12 9 5 10 6 13 14 7 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"crystal palace are convinced yannick bolasie will learn from wilfried zaha 's mistakes and not jump shipthe electrifying winger has dazzled for the eagles since alan pardew took over in january and has been watched by liverpool and newcastle this season .bolasie has the opportunity to shine against manchester city on monday night and his manager - who was firm in the stance that it would take astronomical money to tempt palace into selling - wants the 25-year-old to continue honing his skills at selhurst park .\"]\n", + "=======================\n", + "['winger yannick bolasie has excelled under new manager alan pardewpardew is hoping winger will learn that the grass is not always greenerwilfried zaha left when he was handed dream move to manchester unitedbut that move went sour and pardew hopes bolasie will learn from zaha']\n", + "crystal palace are convinced yannick bolasie will learn from wilfried zaha 's mistakes and not jump shipthe electrifying winger has dazzled for the eagles since alan pardew took over in january and has been watched by liverpool and newcastle this season .bolasie has the opportunity to shine against manchester city on monday night and his manager - who was firm in the stance that it would take astronomical money to tempt palace into selling - wants the 25-year-old to continue honing his skills at selhurst park .\n", + "winger yannick bolasie has excelled under new manager alan pardewpardew is hoping winger will learn that the grass is not always greenerwilfried zaha left when he was handed dream move to manchester unitedbut that move went sour and pardew hopes bolasie will learn from zaha\n", + "[1.2759429 1.4830667 1.1290375 1.1061627 1.2746394 1.2571068 1.2188748\n", + " 1.1031704 1.1409655 1.0912607 1.079934 1.0678219 1.0278397 1.0092347\n", + " 1.0102838 1.0480999 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 4 5 6 8 2 3 7 9 10 11 15 12 14 13 16 17 18 19 20 21]\n", + "=======================\n", + "[\"summer elbardissy was partying at the beta theta pi fraternity house at wesleyan university in middletown , connecticut , last year when she reportedly tried to reach a makeshift roof deck .a 19-year-old girl was forced to relearn basic functional skills such as walking , swallowing food and getting dressed after she fell out a fraternity house 's window and suffered a traumatic brain injury .miss elbardissy was discovered lying unconscious on the floor , with her face covered in blood .\"]\n", + "=======================\n", + "[\"summer elbardissy was partying at the beta theta pi frat house last yearshe ` tried to reach makeshift roof deck ' , but fell out of third-floor windowrushed to hospital with brain injury , a broken skull and bruising on lungforced to relearn skills such as walking , swallowing food and dressingseven months on , 19-year-old is still recovering from traumatic injuriesshe has filed lawsuit against fraternity house , accusing it of negligencein 24-page document , she also accuses wesleyan university of ` failing to protect her from dangers at the frat house ' despite city officials ' reports\"]\n", + "summer elbardissy was partying at the beta theta pi fraternity house at wesleyan university in middletown , connecticut , last year when she reportedly tried to reach a makeshift roof deck .a 19-year-old girl was forced to relearn basic functional skills such as walking , swallowing food and getting dressed after she fell out a fraternity house 's window and suffered a traumatic brain injury .miss elbardissy was discovered lying unconscious on the floor , with her face covered in blood .\n", + "summer elbardissy was partying at the beta theta pi frat house last yearshe ` tried to reach makeshift roof deck ' , but fell out of third-floor windowrushed to hospital with brain injury , a broken skull and bruising on lungforced to relearn skills such as walking , swallowing food and dressingseven months on , 19-year-old is still recovering from traumatic injuriesshe has filed lawsuit against fraternity house , accusing it of negligencein 24-page document , she also accuses wesleyan university of ` failing to protect her from dangers at the frat house ' despite city officials ' reports\n", + "[1.2307068 1.5088186 1.2406061 1.3826813 1.150006 1.1852646 1.0391976\n", + " 1.0521469 1.0772103 1.1425388 1.0226799 1.1231515 1.1692371 1.0700772\n", + " 1.0100554 1.0782124 1.0616311 1.0324512 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 5 12 4 9 11 15 8 13 16 7 6 17 10 14 20 18 19 21]\n", + "=======================\n", + "['peter reece , his fiancee , baby daughter and mother from kent were parked on an ocean shores beach on thursday around 7pm in their new nissan infiniti when their tires got stuck in the sand .reece told police that he and his family had been driving on the beach when they stopped on the edge of the surf to look at the water .three generations of one family were saved from their car last week by a police officer seconds before the vehicle was pulled out to sea in washington state .']\n", + "=======================\n", + "[\"peter reece , his fiancee , baby and mother were parked on an ocean shores beach on thursday when the tide reached their vehiclethe car 's tires had sunk into the sand and they could n't drive awayreece and his fiancee got out of the car but his mother and six-month-old daughter were stuck in the carofficers pulled them out of the vehicle seconds before a wave flipped the vehicle , pulling it out into the water\"]\n", + "peter reece , his fiancee , baby daughter and mother from kent were parked on an ocean shores beach on thursday around 7pm in their new nissan infiniti when their tires got stuck in the sand .reece told police that he and his family had been driving on the beach when they stopped on the edge of the surf to look at the water .three generations of one family were saved from their car last week by a police officer seconds before the vehicle was pulled out to sea in washington state .\n", + "peter reece , his fiancee , baby and mother were parked on an ocean shores beach on thursday when the tide reached their vehiclethe car 's tires had sunk into the sand and they could n't drive awayreece and his fiancee got out of the car but his mother and six-month-old daughter were stuck in the carofficers pulled them out of the vehicle seconds before a wave flipped the vehicle , pulling it out into the water\n", + "[1.5218647 1.2226853 1.4459276 1.2875036 1.1299407 1.0492308 1.0744219\n", + " 1.0492531 1.0223914 1.1008059 1.0334555 1.0158263 1.0153155 1.0120603\n", + " 1.1492134 1.1086657 1.0841773 1.0710026 1.108627 1.1119578 1.0645624\n", + " 0. ]\n", + "\n", + "[ 0 2 3 1 14 4 19 15 18 9 16 6 17 20 7 5 10 8 11 12 13 21]\n", + "=======================\n", + "['kristen lindsey from brenham , texas , allegedly hunted the animal down and shot it with a bow believing it was feral and then posted the image on facebookbut a local rescue center say the cat , believed to be called tiger , was domesticated and had been missing for around two weeks .a veterinarian has been fired from her clinic after she posted a horrifying image of her holding a cat she had killed by firing an arrow into its head on facebook .']\n", + "=======================\n", + "[\"warning : graphic contentkristen lindsey of brenham , texas , believed the animal was non-domesticsaid the only good feral cat was one ` with an arrow through it 's head 'she then stated : ` vet of the year award ... gladly accepted 'local rescue center has since claimed the cat called tiger was n't feralcolorado state graduate has been fired from washington animal clinicprosecutors now considering whether she should face criminal charges\"]\n", + "kristen lindsey from brenham , texas , allegedly hunted the animal down and shot it with a bow believing it was feral and then posted the image on facebookbut a local rescue center say the cat , believed to be called tiger , was domesticated and had been missing for around two weeks .a veterinarian has been fired from her clinic after she posted a horrifying image of her holding a cat she had killed by firing an arrow into its head on facebook .\n", + "warning : graphic contentkristen lindsey of brenham , texas , believed the animal was non-domesticsaid the only good feral cat was one ` with an arrow through it 's head 'she then stated : ` vet of the year award ... gladly accepted 'local rescue center has since claimed the cat called tiger was n't feralcolorado state graduate has been fired from washington animal clinicprosecutors now considering whether she should face criminal charges\n", + "[1.3801724 1.4216083 1.2860222 1.2034918 1.1509902 1.1432298 1.0393558\n", + " 1.0207187 1.0207472 1.0158885 1.0745764 1.013141 1.018299 1.0508316\n", + " 1.1337085 1.0708296 1.0114797 1.209664 1.066974 1.0184269 1.0124582\n", + " 1.1378605]\n", + "\n", + "[ 1 0 2 17 3 4 5 21 14 10 15 18 13 6 8 7 19 12 9 11 20 16]\n", + "=======================\n", + "[\"saturday 's 4-1 defeat at the emirates left liverpool off the pace for the champions league places and it seems that wednesday 's fa cup quarter-final replay at blackburn now represents the merseyside club 's best chance of making tangible progress this season .liverpool manager brendan rodgers has claimed there is no crisis at anfield despite successive morale-sapping defeats by rivals manchester united and arsenal .but speaking at melwood on monday morning , rodgers denied suggestions that a training-ground meeting on sunday was designed to quell dissent among his players .\"]\n", + "=======================\n", + "['liverpool seven points off fourth place after 4-1 defeat by arsenalreds take on blackburn in fa cup quarter-final replay on tuesday nightmanager brendan rodgers insists the club are not in crisis']\n", + "saturday 's 4-1 defeat at the emirates left liverpool off the pace for the champions league places and it seems that wednesday 's fa cup quarter-final replay at blackburn now represents the merseyside club 's best chance of making tangible progress this season .liverpool manager brendan rodgers has claimed there is no crisis at anfield despite successive morale-sapping defeats by rivals manchester united and arsenal .but speaking at melwood on monday morning , rodgers denied suggestions that a training-ground meeting on sunday was designed to quell dissent among his players .\n", + "liverpool seven points off fourth place after 4-1 defeat by arsenalreds take on blackburn in fa cup quarter-final replay on tuesday nightmanager brendan rodgers insists the club are not in crisis\n", + "[1.2647045 1.2339373 1.2512846 1.330297 1.2481195 1.1702552 1.1024783\n", + " 1.1344991 1.0570812 1.0290155 1.082871 1.049149 1.090964 1.0561212\n", + " 1.0839512 1.032114 1.0467736 1.017099 1.0624876 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 0 2 4 1 5 7 6 12 14 10 18 8 13 11 16 15 9 17 19 20 21]\n", + "=======================\n", + "[\"delonte martistee , 22 , of bainbridge , georgia , and ryan calhoun , 23 , of mobile , alabama , were charged with sexual battery for the incident believed to have occurred between march 10 and 12 .a star college athlete and a classmate from alabama 's troy university have been suspended after authorities discovered a cellphone video that allegedly shows them sexually assaulting a woman at a beach while a large crowd of spring-break revelers watches .he says the footage shows several men surrounding an incapacitated woman on a beach chair .\"]\n", + "=======================\n", + "[\"troy university students delonte ' martistee , 22 , and ryan austin calhoun , 23 , have been suspended from the alabama schoolboth have been charged in connection to an alleged sexual attack on an unconscious woman during a spring break part in floridapolice in troy , alabama , found the video while investigating a shootingvideo ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervenetwo additional suspects are being sought in connection to the incident and more arrests are suspectedmartistee was a promising track star from bainbridge , georgia\"]\n", + "delonte martistee , 22 , of bainbridge , georgia , and ryan calhoun , 23 , of mobile , alabama , were charged with sexual battery for the incident believed to have occurred between march 10 and 12 .a star college athlete and a classmate from alabama 's troy university have been suspended after authorities discovered a cellphone video that allegedly shows them sexually assaulting a woman at a beach while a large crowd of spring-break revelers watches .he says the footage shows several men surrounding an incapacitated woman on a beach chair .\n", + "troy university students delonte ' martistee , 22 , and ryan austin calhoun , 23 , have been suspended from the alabama schoolboth have been charged in connection to an alleged sexual attack on an unconscious woman during a spring break part in floridapolice in troy , alabama , found the video while investigating a shootingvideo ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervenetwo additional suspects are being sought in connection to the incident and more arrests are suspectedmartistee was a promising track star from bainbridge , georgia\n", + "[1.2601093 1.2267424 1.4686561 1.120429 1.1622487 1.1017864 1.035201\n", + " 1.0291306 1.0386013 1.0803424 1.0314221 1.0488431 1.0156143 1.0163006\n", + " 1.0202434 1.0247643 1.0282322 1.0914676 1.0651011 1.4334018 1.1183586\n", + " 1.0984579]\n", + "\n", + "[ 2 19 0 1 4 3 20 5 21 17 9 18 11 8 6 10 7 16 15 14 13 12]\n", + "=======================\n", + "[\"david beckham did it against wimbledon in august 1996 , as did wayne rooney against west ham last march .charlie adam looked up , noticed thibaut courtois was off his line , and thought : ` why not ? 'the stoke city midfielder was 66 yards from goal but had the audacity to score what will surely be crowned the barclays premier league 's strike of the season .\"]\n", + "=======================\n", + "[\"charlie adam scored remarkable goal in defeat to league leaderseven chelsea boss jose mourinho full of praise for adam 's strikeadam 's goal compared to david beckham and xabi alonso goals\"]\n", + "david beckham did it against wimbledon in august 1996 , as did wayne rooney against west ham last march .charlie adam looked up , noticed thibaut courtois was off his line , and thought : ` why not ? 'the stoke city midfielder was 66 yards from goal but had the audacity to score what will surely be crowned the barclays premier league 's strike of the season .\n", + "charlie adam scored remarkable goal in defeat to league leaderseven chelsea boss jose mourinho full of praise for adam 's strikeadam 's goal compared to david beckham and xabi alonso goals\n", + "[1.4790306 1.196849 1.4482361 1.1802896 1.2058072 1.1250199 1.1722062\n", + " 1.0992117 1.0315037 1.0640204 1.0372163 1.0910327 1.0251034 1.0710837\n", + " 1.0364163 1.0856726 1.0197647 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 4 1 3 6 5 7 11 15 13 9 10 14 8 12 16 20 17 18 19 21]\n", + "=======================\n", + "[\"shaun bryan - who was the intended target of the shot which paralysed little thusha kamaleswaran in 2011 - was jailed for another crime this weekbryan has now been jailed for a separate crime in which he and an accomplice subjected two women to a ` ruthless attack ' in their home in croydon , south london on december 17 last year .they were both sentenced at croydon crown court after pleading guilty to aggravated burglary .\"]\n", + "=======================\n", + "['gang member was intended target of shooting which shocked uk in 2011rival criminals instead shot thusha kamaleswaran , who was paralysedfour years on , gang member admits horrific knife-point burglaryhe and an accomplice are locked up for targeting two women']\n", + "shaun bryan - who was the intended target of the shot which paralysed little thusha kamaleswaran in 2011 - was jailed for another crime this weekbryan has now been jailed for a separate crime in which he and an accomplice subjected two women to a ` ruthless attack ' in their home in croydon , south london on december 17 last year .they were both sentenced at croydon crown court after pleading guilty to aggravated burglary .\n", + "gang member was intended target of shooting which shocked uk in 2011rival criminals instead shot thusha kamaleswaran , who was paralysedfour years on , gang member admits horrific knife-point burglaryhe and an accomplice are locked up for targeting two women\n", + "[1.2440742 1.5403466 1.2582043 1.1491852 1.0818087 1.1422279 1.0832919\n", + " 1.2536116 1.0364457 1.0554762 1.057667 1.043968 1.0896562 1.052344\n", + " 1.0813867 1.0389973 1.0182838 1.1235574 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 7 0 3 5 17 12 6 4 14 10 9 13 11 15 8 16 20 18 19 21]\n", + "=======================\n", + "[\"italian model ambra battilana , 22 , has claimed the 63-year-old hollywood producer asked her for a kiss and groped her during a ` business meeting ' at his tribeca office in manhattan on friday night .but while weinstein has spoken to police and denied the accusations , a recorded conversation between him and battilana shows he did not deny the incident , it has been claimed .` he did n't deny doing what she said he did to her , ' the source told the new york daily news .\"]\n", + "=======================\n", + "[\"a sting set up by the nypd shows weinstein did n't deny touching italian model ambra battilana , it has been claimedshe alleges he asked her for a kiss and then groped her during a ` business meeting ' at his manhattan office on friday nighta source claimed during the recorded conversation set up under the watch of the nypd , he did not deny touching herthe hollywood producer has denied the allegations and has spoken to police , who have not filed charges\"]\n", + "italian model ambra battilana , 22 , has claimed the 63-year-old hollywood producer asked her for a kiss and groped her during a ` business meeting ' at his tribeca office in manhattan on friday night .but while weinstein has spoken to police and denied the accusations , a recorded conversation between him and battilana shows he did not deny the incident , it has been claimed .` he did n't deny doing what she said he did to her , ' the source told the new york daily news .\n", + "a sting set up by the nypd shows weinstein did n't deny touching italian model ambra battilana , it has been claimedshe alleges he asked her for a kiss and then groped her during a ` business meeting ' at his manhattan office on friday nighta source claimed during the recorded conversation set up under the watch of the nypd , he did not deny touching herthe hollywood producer has denied the allegations and has spoken to police , who have not filed charges\n", + "[1.3821523 1.2358332 1.2391729 1.3230175 1.23022 1.1575036 1.0652747\n", + " 1.0559001 1.0442607 1.0408871 1.073354 1.0634445 1.038766 1.0192523\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 2 1 4 5 10 6 11 7 8 9 12 13 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"david miscavige , the controversial leader of the church of scientology , allegedly had his apostate father followed for 18 months for fear he might reveal damaging information about the inner workings of the secretive organization .according to police records obtained by the los angeles times , the church paid a father-son team of detectives $ 10,000 a week to track ron miscavige 's every move , review his electronic correspondence and eavesdrop on his conversations .the allegations of surveillance targeting the renegade scientologist originally came to light two years ago following the arrest of florida-based private investigator dwayne powell .\"]\n", + "=======================\n", + "[\"wisconsin police arrested private investigator dwayne powell in 2013 who claimed he was hired by church of scientology to spy on ron miscavigedavid miscavige 's 79-year-old father had left the church a couple of years agopowell reportedly told police his job was to track miscavige 's movements , read his emails and listen in on his conversationsdavid miscavige allegedly prohibited the private investigator from helping his father during a medical emergencychurch of scientology and david miscavige 's attorneys vehemently denied powell 's claims\"]\n", + "david miscavige , the controversial leader of the church of scientology , allegedly had his apostate father followed for 18 months for fear he might reveal damaging information about the inner workings of the secretive organization .according to police records obtained by the los angeles times , the church paid a father-son team of detectives $ 10,000 a week to track ron miscavige 's every move , review his electronic correspondence and eavesdrop on his conversations .the allegations of surveillance targeting the renegade scientologist originally came to light two years ago following the arrest of florida-based private investigator dwayne powell .\n", + "wisconsin police arrested private investigator dwayne powell in 2013 who claimed he was hired by church of scientology to spy on ron miscavigedavid miscavige 's 79-year-old father had left the church a couple of years agopowell reportedly told police his job was to track miscavige 's movements , read his emails and listen in on his conversationsdavid miscavige allegedly prohibited the private investigator from helping his father during a medical emergencychurch of scientology and david miscavige 's attorneys vehemently denied powell 's claims\n", + "[1.3974869 1.1898102 1.3997041 1.1888379 1.3123288 1.1167067 1.0541391\n", + " 1.0621518 1.047554 1.0266215 1.0569026 1.0614065 1.0937477 1.1675825\n", + " 1.0821217 1.0707033 1.0598594 1.0493418 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 4 1 3 13 5 12 14 15 7 11 16 10 6 17 8 9 18 19 20 21]\n", + "=======================\n", + "[\"prasanna ` nick ' arulchelvam ran and jumped through an open side door of their van , but was pushed out and hit the ground as the vehicle sped away .today , the man who pushed mr prasanna to his death was jailed for 11 years after admitting all he wanted was ` a few cheap packets of cigarettes ' .a courageous shopkeeper was killed when he made a desperate attempt to stop a gang of thieves who had broken into his van in a cash and carry car park .\"]\n", + "=======================\n", + "[\"prasanna arulchelvam leapt into van as it sped away but was pushed outhis head hit the ground with a ` nasty crunch ' and he died 11 days latera gang tried to steal cigarettes from the victim 's van before he gave chaseall three have now been jailed , including the man who pushed mr prasanna\"]\n", + "prasanna ` nick ' arulchelvam ran and jumped through an open side door of their van , but was pushed out and hit the ground as the vehicle sped away .today , the man who pushed mr prasanna to his death was jailed for 11 years after admitting all he wanted was ` a few cheap packets of cigarettes ' .a courageous shopkeeper was killed when he made a desperate attempt to stop a gang of thieves who had broken into his van in a cash and carry car park .\n", + "prasanna arulchelvam leapt into van as it sped away but was pushed outhis head hit the ground with a ` nasty crunch ' and he died 11 days latera gang tried to steal cigarettes from the victim 's van before he gave chaseall three have now been jailed , including the man who pushed mr prasanna\n", + "[1.1753608 1.4321356 1.3969012 1.3603716 1.3125846 1.0622684 1.0279715\n", + " 1.0709803 1.0238596 1.039915 1.0690241 1.0452955 1.0602019 1.1523167\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 4 0 13 7 10 5 12 11 9 6 8 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"now new york governor andrew cuomo has issued a state health alert that the synthetic marijuana product known as ` spice ' is sweeping the city , and that 160 people have been hospitalized in nine days after using the drug .over 120 of those people were admitted to emergency rooms in the same week .the cannabinoid , also commonly called ` k2 ' or ` mojo ' , is predominantly abused by teenagers and typically sold over-the-counter as incense or potpourri .\"]\n", + "=======================\n", + "[\"cuomo issued a state health warning friday about the drugmore than 160 patients admitted in nine days across the statethe drug can have long-term effects on the brain , especially for the young people who are abusing itspice is bought over the counter , usually marketed as incense or potpourriit caused the death of a california teenager last yearon april 6 , two mississippi brothers were placed in medically-induced comasthey had smoked a ` bad batch ' of the synthetic cannabinoid\"]\n", + "now new york governor andrew cuomo has issued a state health alert that the synthetic marijuana product known as ` spice ' is sweeping the city , and that 160 people have been hospitalized in nine days after using the drug .over 120 of those people were admitted to emergency rooms in the same week .the cannabinoid , also commonly called ` k2 ' or ` mojo ' , is predominantly abused by teenagers and typically sold over-the-counter as incense or potpourri .\n", + "cuomo issued a state health warning friday about the drugmore than 160 patients admitted in nine days across the statethe drug can have long-term effects on the brain , especially for the young people who are abusing itspice is bought over the counter , usually marketed as incense or potpourriit caused the death of a california teenager last yearon april 6 , two mississippi brothers were placed in medically-induced comasthey had smoked a ` bad batch ' of the synthetic cannabinoid\n", + "[1.2631502 1.5085077 1.2842538 1.2193885 1.1207851 1.0718567 1.1148176\n", + " 1.0536973 1.2642922 1.0835956 1.0477018 1.01533 1.0765581 1.0700563\n", + " 1.0885022 1.0449394 1.0543162 1.0624561 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 8 0 3 4 6 14 9 12 5 13 17 16 7 10 15 11 20 18 19 21]\n", + "=======================\n", + "[\"laurent stefanini , 55 , was in january asked by french president francois hollande to represent their country at the holy see .but the controversial appointment was met ` with a stony silence ' , according to the french media .the catholic church has been accused of blocking the appointment of the first ever homosexual ambassador to vatican city .\"]\n", + "=======================\n", + "[\"laurent stefanini , 55 , asked to represent france to the catholic churchhomosexual diplomat 's appointment met with silence from the vaticancatholic , stefanini was number two at france 's vatican mission from 2001in 2013 the pope seemed to speak out against the vatican 's anti-gay stance\"]\n", + "laurent stefanini , 55 , was in january asked by french president francois hollande to represent their country at the holy see .but the controversial appointment was met ` with a stony silence ' , according to the french media .the catholic church has been accused of blocking the appointment of the first ever homosexual ambassador to vatican city .\n", + "laurent stefanini , 55 , asked to represent france to the catholic churchhomosexual diplomat 's appointment met with silence from the vaticancatholic , stefanini was number two at france 's vatican mission from 2001in 2013 the pope seemed to speak out against the vatican 's anti-gay stance\n", + "[1.3651134 1.1163607 1.0781494 1.0800117 1.0896078 1.0899082 1.0526305\n", + " 1.0253013 1.0368376 1.0233588 1.0825924 1.0304193 1.0449014 1.0309453\n", + " 1.0607312 1.0665329 1.0391773 1.019571 1.0917497 1.0212958 1.0186578\n", + " 1.0225468]\n", + "\n", + "[ 0 1 18 5 4 10 3 2 15 14 6 12 16 8 13 11 7 9 21 19 17 20]\n", + "=======================\n", + "[\"real madrid have n't got going tonight ( i was about to write a post about how barcelona were 5-0 up at this point ) but james rodriguez produces a bit of individual magic to opening the scoring .the ball bounces up to the colombian who unleashes a stunning left-footed volley , dipping over the goalkeeper and into the top corner at some speed .real have n't found their rhythm yet while almeria are just letting them pass from side to side .\"]\n", + "=======================\n", + "['martin odegaard may make real madrid debut after being named in squadiker casillas also on the bench for the european championsmadrid hope to narrow five point-gap to barcelona at top of la ligaclash against almeria at the bernabeu will kick off at 7pm']\n", + "real madrid have n't got going tonight ( i was about to write a post about how barcelona were 5-0 up at this point ) but james rodriguez produces a bit of individual magic to opening the scoring .the ball bounces up to the colombian who unleashes a stunning left-footed volley , dipping over the goalkeeper and into the top corner at some speed .real have n't found their rhythm yet while almeria are just letting them pass from side to side .\n", + "martin odegaard may make real madrid debut after being named in squadiker casillas also on the bench for the european championsmadrid hope to narrow five point-gap to barcelona at top of la ligaclash against almeria at the bernabeu will kick off at 7pm\n", + "[1.2957302 1.3729936 1.2260988 1.170897 1.2047905 1.0813015 1.0342429\n", + " 1.0401133 1.125508 1.1251907 1.0450935 1.0768503 1.1587998 1.0503271\n", + " 1.0991902 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 4 3 12 8 9 14 5 11 13 10 7 6 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the soldiers were given a burial with full military honours in an emotional ceremony which included the hymn jerusalem in flanders fields , belgium , this morning .six soldiers have finally been put to rest in a cemetery - more than 100 years after they were killed in the first months of world war one .little has been discovered about the soldiers , as no relatives have been found , and their graves will be labelled as ` known unto god ' - a description on headstones of all unknown soldiers , which was chosen by author rudyard kipling .\"]\n", + "=======================\n", + "[\"the bodies of the six soldiers were found buried in a farmer 's field in belgium in 2008 and 2010efforts to identify the men were unsuccessful so their gravestones will be marked ` known unto god 'the men , who died in october 1914 , were reburied in prowse point cemetery with full military honourstheir graves will sit alongside those of more than 200 other commonwealth soldiers in the cemetery\"]\n", + "the soldiers were given a burial with full military honours in an emotional ceremony which included the hymn jerusalem in flanders fields , belgium , this morning .six soldiers have finally been put to rest in a cemetery - more than 100 years after they were killed in the first months of world war one .little has been discovered about the soldiers , as no relatives have been found , and their graves will be labelled as ` known unto god ' - a description on headstones of all unknown soldiers , which was chosen by author rudyard kipling .\n", + "the bodies of the six soldiers were found buried in a farmer 's field in belgium in 2008 and 2010efforts to identify the men were unsuccessful so their gravestones will be marked ` known unto god 'the men , who died in october 1914 , were reburied in prowse point cemetery with full military honourstheir graves will sit alongside those of more than 200 other commonwealth soldiers in the cemetery\n", + "[1.2418548 1.3889983 1.37286 1.25486 1.2118669 1.1103761 1.0153866\n", + " 1.0180408 1.0601187 1.1337162 1.1356608 1.1262344 1.0246674 1.1260916\n", + " 1.0312581 1.0161637 1.0151727 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 0 4 10 9 11 13 5 8 14 12 7 15 6 16 20 17 18 19 21]\n", + "=======================\n", + "[\"this is according to a series of bronze artefacts found at the ` rising whale ' site in cape espenberg , alaska .archaeologists discovered what they believe to be a bronze and leather buckle and a bronze whistle , dating to around a.d. 600 .trade was taking place between east asia and the new world hundreds of years before christopher columbus ( left ) arrived in 1492 .\"]\n", + "=======================\n", + "[\"bronze buckle and whistle from ad 600 found in cape espenbergbut bronze-working had not been developed at this time in alaskascientists believe artefacts were created in china , korea or yakutiasite may have been home to ` birnirk ' culture , whose people travelled on both sides of the bering strait\"]\n", + "this is according to a series of bronze artefacts found at the ` rising whale ' site in cape espenberg , alaska .archaeologists discovered what they believe to be a bronze and leather buckle and a bronze whistle , dating to around a.d. 600 .trade was taking place between east asia and the new world hundreds of years before christopher columbus ( left ) arrived in 1492 .\n", + "bronze buckle and whistle from ad 600 found in cape espenbergbut bronze-working had not been developed at this time in alaskascientists believe artefacts were created in china , korea or yakutiasite may have been home to ` birnirk ' culture , whose people travelled on both sides of the bering strait\n", + "[1.1094681 1.3487434 1.3334361 1.1603774 1.1745256 1.0708643 1.141472\n", + " 1.041098 1.0499752 1.1165682 1.0292363 1.0807065 1.0478067 1.0521873\n", + " 1.0360295 1.21931 1.0497843 1.0241156 1.0172309 1.0162525 1.0169748\n", + " 1.0630157]\n", + "\n", + "[ 1 2 15 4 3 6 9 0 11 5 21 13 8 16 12 7 14 10 17 18 20 19]\n", + "=======================\n", + "['german photographer dieter klein travelled the world to find vintage cars left to crumble in leafy forests and fields .he came across a range of mysterious graveyards hosting all sorts of vehicles , including a rare jaguar xk120 , which , if restored , could be worth # 82,000 , and a fleet of vehicles used by the allies in the second world war .a jaguar xk120 abandoned at the park could fetch # 82,000 if restored']\n", + "=======================\n", + "['german photographer dieter klein travelled the world to find vintage cars left to crumble in leafy forests and fieldscame across range of graveyards hosting all sorts of vehicles , including jaguar xk120 worth # 82,000 if restoreddieter , 57 , from cologne , first came across a citroen truck dumped in a bush six years ago and became hooked']\n", + "german photographer dieter klein travelled the world to find vintage cars left to crumble in leafy forests and fields .he came across a range of mysterious graveyards hosting all sorts of vehicles , including a rare jaguar xk120 , which , if restored , could be worth # 82,000 , and a fleet of vehicles used by the allies in the second world war .a jaguar xk120 abandoned at the park could fetch # 82,000 if restored\n", + "german photographer dieter klein travelled the world to find vintage cars left to crumble in leafy forests and fieldscame across range of graveyards hosting all sorts of vehicles , including jaguar xk120 worth # 82,000 if restoreddieter , 57 , from cologne , first came across a citroen truck dumped in a bush six years ago and became hooked\n", + "[1.5768193 1.3326659 1.324033 1.4556067 1.029821 1.0242633 1.1173182\n", + " 1.1481833 1.0934814 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 2 7 6 8 4 5 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", + "=======================\n", + "[\"toby alderweireld will return to atletico madrid when his season-long loan finishes at southampton , according to the spanish club 's sporting director jose luis perez caminero .the belgian defender , 26 , has impressed this season on the south coast , and has hinted in the past that he would like to remain permanently in the premier league , with tottenham also believed to be admirers .but atletico say they are counting on aldeirwereld to return to la liga , as well as oliver torres who has been plying his trade in portugal with porto .\"]\n", + "=======================\n", + "[\"toby alderweireld has impressed during season-long loan at southamptonronald koeman 's side are challenging for champions league placesbut atletico madrid says they are counting on alderweireld for next seasonsporting director jose luis perez caminero praises belgian defender\"]\n", + "toby alderweireld will return to atletico madrid when his season-long loan finishes at southampton , according to the spanish club 's sporting director jose luis perez caminero .the belgian defender , 26 , has impressed this season on the south coast , and has hinted in the past that he would like to remain permanently in the premier league , with tottenham also believed to be admirers .but atletico say they are counting on aldeirwereld to return to la liga , as well as oliver torres who has been plying his trade in portugal with porto .\n", + "toby alderweireld has impressed during season-long loan at southamptonronald koeman 's side are challenging for champions league placesbut atletico madrid says they are counting on alderweireld for next seasonsporting director jose luis perez caminero praises belgian defender\n", + "[1.1370257 1.4457532 1.3388695 1.321419 1.1617211 1.2933376 1.1614078\n", + " 1.139528 1.1380669 1.0221999 1.0357658 1.0310944 1.0276148 1.1098244\n", + " 1.0814633 1.0691357 1.0499315 1.0194753 1.0143368 1.0555412 1.0312251\n", + " 1.0310717]\n", + "\n", + "[ 1 2 3 5 4 6 7 8 0 13 14 15 19 16 10 20 11 21 12 9 17 18]\n", + "=======================\n", + "['ronald pearson and his wife miriam met at an evening dance while he was serving in the raf police and she the auxiliary territorial service during the second world war .they married in 1943 and settled in broughton near chester , welcoming their daughter two years after celebrating ve day .after almost 72 years together , mrs pearson , 95 , died last month .']\n", + "=======================\n", + "[\"ronald pearson and his wife miriam met and were married during wwiihe was a sergeant in the raf police while she worked as a driver for atsthe ` inseparable ' couple settled in broughton near chester to raise familythey died last month within two days of each other at the ages of 94 and 95their marriage was described as ` greatest true love story ' at joint funeral\"]\n", + "ronald pearson and his wife miriam met at an evening dance while he was serving in the raf police and she the auxiliary territorial service during the second world war .they married in 1943 and settled in broughton near chester , welcoming their daughter two years after celebrating ve day .after almost 72 years together , mrs pearson , 95 , died last month .\n", + "ronald pearson and his wife miriam met and were married during wwiihe was a sergeant in the raf police while she worked as a driver for atsthe ` inseparable ' couple settled in broughton near chester to raise familythey died last month within two days of each other at the ages of 94 and 95their marriage was described as ` greatest true love story ' at joint funeral\n", + "[1.2801011 1.3264918 1.2647933 1.2311656 1.2037994 1.1243511 1.0890114\n", + " 1.1010599 1.0712719 1.1056802 1.0148422 1.0690771 1.0589379 1.0374895\n", + " 1.0111873 1.0102057 1.0097586 1.0089619 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 3 4 5 9 7 6 8 11 12 13 10 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"but despite the fact that blair has a record of three general election victories , only one shadow cabinet minister , chuka umunna , could be bothered to attend .after tony blair 's speech in his former constituency of sedgefield last week , the former pm made an appearance at a low-key private fundraising dinner for 15 labour target seats .during a dinner held in an indian banquet hall in morden , blair ( pictured last week in newton aycliffe , county durham ) name-checked ed miliband only once , devoting his speech instead to his own achievements\"]\n", + "=======================\n", + "[\"an earlier version of this article wrongly referred to erith and thamesmead 's conservative parliamentary candidate mrs anna firth posting pictures of litter in bromley to shame her political opponent .\"]\n", + "but despite the fact that blair has a record of three general election victories , only one shadow cabinet minister , chuka umunna , could be bothered to attend .after tony blair 's speech in his former constituency of sedgefield last week , the former pm made an appearance at a low-key private fundraising dinner for 15 labour target seats .during a dinner held in an indian banquet hall in morden , blair ( pictured last week in newton aycliffe , county durham ) name-checked ed miliband only once , devoting his speech instead to his own achievements\n", + "an earlier version of this article wrongly referred to erith and thamesmead 's conservative parliamentary candidate mrs anna firth posting pictures of litter in bromley to shame her political opponent .\n", + "[1.2214898 1.2734405 1.2628188 1.0667484 1.2116741 1.2604105 1.1296417\n", + " 1.1792758 1.0698955 1.0313665 1.0304466 1.0653106 1.088227 1.0463699\n", + " 1.037806 1.0329607 1.0128931 1.0321976 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 5 0 4 7 6 12 8 3 11 13 14 15 17 9 10 16 20 18 19 21]\n", + "=======================\n", + "['a new book has now archived the changing face of italian fashion , from the post-war years to the 21st century .the book was compiled by enrico quinto and paolo tinarelli - the two men who were the first to introduce the concept of vintage style in italyfamous italian designers like fendi , gucci and prada may be toted by celebrities such as rihanna , kate moss and katy perry , but few are probably aware of the history behind the brands they wear .']\n", + "=======================\n", + "[\"italian glamour : the essence of italian fashion , from the postwar years to the present day captures the rise of the country 's fashion powerhouseslooks at designers such as pucci in the 50s and prada in the 90shighlights key moments in fashion folklore including liz hurley wearing versace 's dress at the four weddings and a funeral premiere in 1994book written by enrico quinto , 51 , and paolo tinarelli , 49\"]\n", + "a new book has now archived the changing face of italian fashion , from the post-war years to the 21st century .the book was compiled by enrico quinto and paolo tinarelli - the two men who were the first to introduce the concept of vintage style in italyfamous italian designers like fendi , gucci and prada may be toted by celebrities such as rihanna , kate moss and katy perry , but few are probably aware of the history behind the brands they wear .\n", + "italian glamour : the essence of italian fashion , from the postwar years to the present day captures the rise of the country 's fashion powerhouseslooks at designers such as pucci in the 50s and prada in the 90shighlights key moments in fashion folklore including liz hurley wearing versace 's dress at the four weddings and a funeral premiere in 1994book written by enrico quinto , 51 , and paolo tinarelli , 49\n", + "[1.2331703 1.401068 1.2525887 1.3032072 1.1102983 1.1531575 1.086336\n", + " 1.0441372 1.0333966 1.0967733 1.0478644 1.0823852 1.0701828 1.0195086\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 5 4 9 6 11 12 10 7 8 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"since campaigning group getup launched the gender price gap website last week , members and everyday consumers have identified nine separate products that have identical female versions which cost more .bonds has been identified as one of the main culprits , advertising a button-up shirt , that comes in both ` summer blue ' and ` blue denim ' colour options , on their australian website for $ 59.95 .from identical shirts to shaving razors , deodorant and even children 's chocolate , a new website has exposed that australian women are paying more than men for the same everyday consumer goods .\"]\n", + "=======================\n", + "[\"the gender price gap website has exposed nine products that have identical female versions that cost morethese include shirts , disposable razors , deodorants and even chocolateswebsite encourages women to find and share other ` cost gap ' exampleswhile the difference is only small in the short term , getup argues that it accumulates to hundreds and even thousands of dollars more over years\"]\n", + "since campaigning group getup launched the gender price gap website last week , members and everyday consumers have identified nine separate products that have identical female versions which cost more .bonds has been identified as one of the main culprits , advertising a button-up shirt , that comes in both ` summer blue ' and ` blue denim ' colour options , on their australian website for $ 59.95 .from identical shirts to shaving razors , deodorant and even children 's chocolate , a new website has exposed that australian women are paying more than men for the same everyday consumer goods .\n", + "the gender price gap website has exposed nine products that have identical female versions that cost morethese include shirts , disposable razors , deodorants and even chocolateswebsite encourages women to find and share other ` cost gap ' exampleswhile the difference is only small in the short term , getup argues that it accumulates to hundreds and even thousands of dollars more over years\n", + "[1.4702011 1.3971146 1.2614866 1.2760656 1.1977438 1.0935322 1.04439\n", + " 1.0220336 1.0862031 1.0650692 1.036841 1.0129071 1.012655 1.0173732\n", + " 1.0958337 1.0400811 1.0301136 1.0386657 1.0306904 1.0477731 1.0759836\n", + " 1.0814444]\n", + "\n", + "[ 0 1 3 2 4 14 5 8 21 20 9 19 6 15 17 10 18 16 7 13 11 12]\n", + "=======================\n", + "['( cnn ) deputies rushed kenneth morgan stancil iii from court thursday after the 20-year-old murder suspect swore at a judge and tried to flip over a table .stancil is accused of killing an employee monday at wayne community college in goldsboro , north carolina .authorities arrested stancil after he was found sleeping on a florida beach on tuesday .']\n", + "=======================\n", + "['kenneth morgan stancil , charged with first-degree murder , swears at the judgedeputies escort him from court after he tries to flip over a tablestancil is accused of killing an employee at wayne community college']\n", + "( cnn ) deputies rushed kenneth morgan stancil iii from court thursday after the 20-year-old murder suspect swore at a judge and tried to flip over a table .stancil is accused of killing an employee monday at wayne community college in goldsboro , north carolina .authorities arrested stancil after he was found sleeping on a florida beach on tuesday .\n", + "kenneth morgan stancil , charged with first-degree murder , swears at the judgedeputies escort him from court after he tries to flip over a tablestancil is accused of killing an employee at wayne community college\n", + "[1.4115222 1.4946117 1.3273133 1.3358881 1.1097256 1.2639161 1.0288575\n", + " 1.0325674 1.0184095 1.0172458 1.0167769 1.0259632 1.0690676 1.144837\n", + " 1.0479734 1.0731261 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 2 5 13 4 15 12 14 7 6 11 8 9 10 16 17 18 19 20 21]\n", + "=======================\n", + "['the firm will show off the watch to the public for the first time from tomorrow at its retail stores and several special popup stores around the world .apple has revealed it will only accept online orders for its much-anticipated watch which goes on sale on the 24th april .apple watch , available for pre-order on friday , april 10 , 2015 , comes with a choice of watch case , band and size _ there are 54 possible configurations in all .']\n", + "=======================\n", + "['watch goes on sale on 24th april around the worldpre-orders begin april 10 at 8:01 a.m. bst through the online storeapple says it expects watch will sell out on its first day']\n", + "the firm will show off the watch to the public for the first time from tomorrow at its retail stores and several special popup stores around the world .apple has revealed it will only accept online orders for its much-anticipated watch which goes on sale on the 24th april .apple watch , available for pre-order on friday , april 10 , 2015 , comes with a choice of watch case , band and size _ there are 54 possible configurations in all .\n", + "watch goes on sale on 24th april around the worldpre-orders begin april 10 at 8:01 a.m. bst through the online storeapple says it expects watch will sell out on its first day\n", + "[1.3056304 1.3642629 1.2751596 1.276103 1.3404524 1.0889865 1.1171305\n", + " 1.0771551 1.0468543 1.0631504 1.0407664 1.0252597 1.1071382 1.0580258\n", + " 1.0374291 1.030208 1.0524071 1.0729129 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 0 3 2 6 12 5 7 17 9 13 16 8 10 14 15 11 20 18 19 21]\n", + "=======================\n", + "['police were called after kenneth crowder , 41 , was seen by a witness on friday running naked through a neighborhood calling himself god .a florida man believed to be high on flakka , a designer drug stronger than crystal meth , attacked a police officer after being shocked with a taser twice while claiming he was god , police said .crowder was arrested in melbourne , facing charges of battery on a law-enforcement officer , resisting with violence , and assault with a deadly weapon on a law-enforcement officer .']\n", + "=======================\n", + "['kenneth crowder , 41 , was arrested on friday in melbourne , floridahe was spotted running naked in a neighborhood shouting he was godpolice shocked him with a taser twice , but each time he pulled the probes out of his body and attempted to fight the officerhe was arrested on charges of battery on a law-enforcement officer and resisting with violence']\n", + "police were called after kenneth crowder , 41 , was seen by a witness on friday running naked through a neighborhood calling himself god .a florida man believed to be high on flakka , a designer drug stronger than crystal meth , attacked a police officer after being shocked with a taser twice while claiming he was god , police said .crowder was arrested in melbourne , facing charges of battery on a law-enforcement officer , resisting with violence , and assault with a deadly weapon on a law-enforcement officer .\n", + "kenneth crowder , 41 , was arrested on friday in melbourne , floridahe was spotted running naked in a neighborhood shouting he was godpolice shocked him with a taser twice , but each time he pulled the probes out of his body and attempted to fight the officerhe was arrested on charges of battery on a law-enforcement officer and resisting with violence\n", + "[1.2339878 1.3708739 1.3744483 1.1448064 1.0977509 1.0473541 1.0397961\n", + " 1.0351461 1.0343708 1.0318333 1.1012815 1.1540507 1.0441654 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 11 3 10 4 5 12 6 7 8 9 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"the 120 dairy workers can tuck into a fine-dining meal for as little as # 2 - all made from organic and locally sourced food , prepared by executive chef paul collins , who has spent 20 years working at various michelin-starred restaurants .but it is in fact one of the dishes on offer at the staff canteen at yoghurt maker yeo valley 's headquarters , which overlooks the blagdon countryside in north somerset .soft-poached quail egg , confit of tomato and deep fried polenta all prepared by a michelin-starred chef - you could be forgiven for thinking this is just a meal at another trendy gastro restaurant .\"]\n", + "=======================\n", + "['the yeo valley staff canteen is said to be best in the world and offers restaurant-quality food at subsidised pricesits 120 dairy workers can tuck into a meal for as little as # 2 and now the canteen has been opened up to the publiclocally-sourced food is prepared by michelin-trained chef paul collins against stunning backdrop of the mendipshow does your staff canteen measure up ?']\n", + "the 120 dairy workers can tuck into a fine-dining meal for as little as # 2 - all made from organic and locally sourced food , prepared by executive chef paul collins , who has spent 20 years working at various michelin-starred restaurants .but it is in fact one of the dishes on offer at the staff canteen at yoghurt maker yeo valley 's headquarters , which overlooks the blagdon countryside in north somerset .soft-poached quail egg , confit of tomato and deep fried polenta all prepared by a michelin-starred chef - you could be forgiven for thinking this is just a meal at another trendy gastro restaurant .\n", + "the yeo valley staff canteen is said to be best in the world and offers restaurant-quality food at subsidised pricesits 120 dairy workers can tuck into a meal for as little as # 2 and now the canteen has been opened up to the publiclocally-sourced food is prepared by michelin-trained chef paul collins against stunning backdrop of the mendipshow does your staff canteen measure up ?\n", + "[1.1600232 1.2594627 1.3630768 1.1470323 1.1152625 1.1965845 1.0309058\n", + " 1.0969448 1.092142 1.0441775 1.0303867 1.0943542 1.031732 1.0283887\n", + " 1.0440552 1.0272698 1.0135522 1.0178809 0. 0. ]\n", + "\n", + "[ 2 1 5 0 3 4 7 11 8 9 14 12 6 10 13 15 17 16 18 19]\n", + "=======================\n", + "[\"rupert brooke 's ( pictured ) poem the soldier made him famous outside of literary circlesbrooke 's death at 27 from blood poisoning en route to gallipoli duly cemented his image as the poster-boy of heroic self-sacrifice .( british library # 16.99 )\"]\n", + "=======================\n", + "[\"rupert brooke 's poem the soldier made him famous throughout englandhe died aged 27 from blood poisoning while en route to gallipoliin 2000 , love letters between brookes and phyllis gardner were discoveredit was then , 85 years after his death , that their love affair was revealed\"]\n", + "rupert brooke 's ( pictured ) poem the soldier made him famous outside of literary circlesbrooke 's death at 27 from blood poisoning en route to gallipoli duly cemented his image as the poster-boy of heroic self-sacrifice .( british library # 16.99 )\n", + "rupert brooke 's poem the soldier made him famous throughout englandhe died aged 27 from blood poisoning while en route to gallipoliin 2000 , love letters between brookes and phyllis gardner were discoveredit was then , 85 years after his death , that their love affair was revealed\n", + "[1.2601012 1.4593418 1.248254 1.2132348 1.1785457 1.2026789 1.2507284\n", + " 1.06951 1.0696996 1.0460039 1.0150584 1.0256066 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 6 2 3 5 4 8 7 9 11 10 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"amie cox , 33 , of victoria made the ready admission of the sensory bond she has for son alex , 5 , over her older boy william , 7 , while appearing on an sbs insight programme about sibling rivalry .a mother of two has openly admitted she prefers her younger son boy and says the special bond is caused by his ` special smell ' - and sniffs him all the time .since her revelations surfaced on the insight website , ms cox told daily mail australia she has been attacked and been called ' a freak ' , but that she is ' a normal loving mum ' .\"]\n", + "=======================\n", + "[\"a mother of two admits she has a favourite child because of his smellamie cox says son alex has had ' a smell since he was born 'she says ` there 's some sort of smell connection ' with himshe loves him and his brother equally but alex is the special oneamie says she could n't choose one over another to live or die but favours alexthe 33-year-old says she is being attacked and called ' a freak ' but she 's ' a normal loving mum 'sbs insight programme asks if sibling rivalry might lead to learning and mental health problems and whether family favouritism makes this worse\"]\n", + "amie cox , 33 , of victoria made the ready admission of the sensory bond she has for son alex , 5 , over her older boy william , 7 , while appearing on an sbs insight programme about sibling rivalry .a mother of two has openly admitted she prefers her younger son boy and says the special bond is caused by his ` special smell ' - and sniffs him all the time .since her revelations surfaced on the insight website , ms cox told daily mail australia she has been attacked and been called ' a freak ' , but that she is ' a normal loving mum ' .\n", + "a mother of two admits she has a favourite child because of his smellamie cox says son alex has had ' a smell since he was born 'she says ` there 's some sort of smell connection ' with himshe loves him and his brother equally but alex is the special oneamie says she could n't choose one over another to live or die but favours alexthe 33-year-old says she is being attacked and called ' a freak ' but she 's ' a normal loving mum 'sbs insight programme asks if sibling rivalry might lead to learning and mental health problems and whether family favouritism makes this worse\n", + "[1.1552966 1.0733327 1.0604787 1.0605724 1.2420757 1.0477521 1.0475307\n", + " 1.0309707 1.0375074 1.1407199 1.0413009 1.0358025 1.0361857 1.0591003\n", + " 1.0681428 1.076487 1.0834801 1.163406 1.0342242 1.0321007]\n", + "\n", + "[ 4 17 0 9 16 15 1 14 3 2 13 5 6 10 8 12 11 18 19 7]\n", + "=======================\n", + "[\"five years after the deepwater horizon oil rig disaster that killed 11 people , devastated livelihoods and wreaked havoc on the already fragile natural resources of the gulf of mexico region , it 's time to ask ourselves : what have we learned ?( cnn ) the other day , i searched through hundreds of photos hoping to find a starting point to write this article .the bp oil spill 's legacy continues to haunt this region like a recurring cancer .\"]\n", + "=======================\n", + "['\" out of sight , out of mind \" does n\\'t apply to communities along the gulf of mexico , philippe cousteau sayswe must take the time and effort needed to understand our natural resources , he sayshe says our understanding of how the gulf works remains limited']\n", + "five years after the deepwater horizon oil rig disaster that killed 11 people , devastated livelihoods and wreaked havoc on the already fragile natural resources of the gulf of mexico region , it 's time to ask ourselves : what have we learned ?( cnn ) the other day , i searched through hundreds of photos hoping to find a starting point to write this article .the bp oil spill 's legacy continues to haunt this region like a recurring cancer .\n", + "\" out of sight , out of mind \" does n't apply to communities along the gulf of mexico , philippe cousteau sayswe must take the time and effort needed to understand our natural resources , he sayshe says our understanding of how the gulf works remains limited\n", + "[1.1868786 1.3604472 1.2269431 1.3762105 1.2595181 1.291334 1.2384806\n", + " 1.0690495 1.0355062 1.0917315 1.0674404 1.0731442 1.0175185 1.0544255\n", + " 1.0733912 1.0295837 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 5 4 6 2 0 9 14 11 7 10 13 8 15 12 18 16 17 19]\n", + "=======================\n", + "[\"italian alex bellini will live atop an iceberg in greenland starting next year .the capsule will be 10ft ( three metres ) wide and could fit 10 people - but mr bellini will remove all of the seats apart from one , for himselfhe will live inside a contained ball ( artist 's illustration shown ) , with no means to escape for 12 months .\"]\n", + "=======================\n", + "['italian alex bellini will live atop an iceberg off the coast of north west greenland starting next yearhe will stay in isolation inside a contained ball without opening the hatch for 12 monthsthe capsule will contain supplies and equipment for his survival , and workout equipment to keep him fitits designed to survive harsh conditions - such as the iceberg flipping - and can also float in water']\n", + "italian alex bellini will live atop an iceberg in greenland starting next year .the capsule will be 10ft ( three metres ) wide and could fit 10 people - but mr bellini will remove all of the seats apart from one , for himselfhe will live inside a contained ball ( artist 's illustration shown ) , with no means to escape for 12 months .\n", + "italian alex bellini will live atop an iceberg off the coast of north west greenland starting next yearhe will stay in isolation inside a contained ball without opening the hatch for 12 monthsthe capsule will contain supplies and equipment for his survival , and workout equipment to keep him fitits designed to survive harsh conditions - such as the iceberg flipping - and can also float in water\n", + "[1.1420596 1.4837117 1.3422627 1.3559732 1.1380768 1.1021307 1.0790664\n", + " 1.1013833 1.146456 1.0720932 1.0944506 1.1258632 1.0483366 1.0872296\n", + " 1.0450311 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 8 0 4 11 5 7 10 13 6 9 12 14 18 15 16 17 19]\n", + "=======================\n", + "[\"jamie pettingill , who threatened to slice off a schoolboy 's face , was ordered to complete 350 hours of community service after being found guilty of stealing six mobile phones .pettingill robbed two women , a man and two schoolboys of their phones , and sold them to fund a gambling addiction he was hiding from his family , county court judge sandra davis said .a member of one of australia 's most notorious crime families has escaped jail thanks to his blood-soaked surname .\"]\n", + "=======================\n", + "[\"jamie pettingill avoids prison time after charged with armed robberypettingill threatened to slice off the face of one of the people he robbedjudge sandra davis did not jail pettingill , due to fears over his surnamepettingill 's father , trevor , linked to infamous walsh street murders in 1988the pettingill family inspired australian underworld film , animal kingdom\"]\n", + "jamie pettingill , who threatened to slice off a schoolboy 's face , was ordered to complete 350 hours of community service after being found guilty of stealing six mobile phones .pettingill robbed two women , a man and two schoolboys of their phones , and sold them to fund a gambling addiction he was hiding from his family , county court judge sandra davis said .a member of one of australia 's most notorious crime families has escaped jail thanks to his blood-soaked surname .\n", + "jamie pettingill avoids prison time after charged with armed robberypettingill threatened to slice off the face of one of the people he robbedjudge sandra davis did not jail pettingill , due to fears over his surnamepettingill 's father , trevor , linked to infamous walsh street murders in 1988the pettingill family inspired australian underworld film , animal kingdom\n", + "[1.1451255 1.4312938 1.2518888 1.2300388 1.3439776 1.2749819 1.2108799\n", + " 1.0975884 1.0363505 1.0534186 1.0751561 1.0595708 1.0636444 1.0407964\n", + " 1.0371038 1.0515748 1.144416 1.081765 1.0235732 1.0273576]\n", + "\n", + "[ 1 4 5 2 3 6 0 16 7 17 10 12 11 9 15 13 14 8 19 18]\n", + "=======================\n", + "[\"kathleen bailey , 70 , a church elder and avid charity fundraiser , was given power of attorney over her terminally ill 87-year-old friend 's finances .kathleen bailey ( pictured ) was given a suspended jail sentence after admitting stealing from her dying friend 's bank accountbailey later became a carer for her victim , who was battling breast cancer and had no children .\"]\n", + "=======================\n", + "[\"kathleen bailey , 70 , was given power of attorney over friend 's financesher 87-year-old victim was battling breast cancer and had no childrenbailey helped herself to at least # 1,500 and took trips to north walesshe was given suspended jail sentence after admitting one charge of theft\"]\n", + "kathleen bailey , 70 , a church elder and avid charity fundraiser , was given power of attorney over her terminally ill 87-year-old friend 's finances .kathleen bailey ( pictured ) was given a suspended jail sentence after admitting stealing from her dying friend 's bank accountbailey later became a carer for her victim , who was battling breast cancer and had no children .\n", + "kathleen bailey , 70 , was given power of attorney over friend 's financesher 87-year-old victim was battling breast cancer and had no childrenbailey helped herself to at least # 1,500 and took trips to north walesshe was given suspended jail sentence after admitting one charge of theft\n", + "[1.2366178 1.2732509 1.3846902 1.1186656 1.2165914 1.1102009 1.0807433\n", + " 1.1196767 1.0529859 1.0934762 1.1504017 1.1566904 1.066846 1.0428051\n", + " 1.0260923 1.040566 1.0514898 1.0554361 1.0324991 0. ]\n", + "\n", + "[ 2 1 0 4 11 10 7 3 5 9 6 12 17 8 16 13 15 18 14 19]\n", + "=======================\n", + "[\"according to britain 's sunday times , bloomberg , 73 , is ` considering ' the move , and has the backing of senior officials in britain 's conservative party .bloomberg , who was elected to the top big apple job three times in a row , has reportedly turned his sights across the atlantic , where he dreams of replacing incumbent boris johnson .michael bloomberg wants to be mayor again - but in london rather than new york city , according to reports .\"]\n", + "=======================\n", + "[\"three-time nyc mayor is rumored to be have his sights on londonsources in britain 's ruling conservative party said he could stand for thembloomberg has business interests , property and family in great britainincumbent boris johnson 's term will end in 2016\"]\n", + "according to britain 's sunday times , bloomberg , 73 , is ` considering ' the move , and has the backing of senior officials in britain 's conservative party .bloomberg , who was elected to the top big apple job three times in a row , has reportedly turned his sights across the atlantic , where he dreams of replacing incumbent boris johnson .michael bloomberg wants to be mayor again - but in london rather than new york city , according to reports .\n", + "three-time nyc mayor is rumored to be have his sights on londonsources in britain 's ruling conservative party said he could stand for thembloomberg has business interests , property and family in great britainincumbent boris johnson 's term will end in 2016\n", + "[1.4011832 1.2495341 1.2171785 1.1508046 1.1354194 1.292639 1.1618133\n", + " 1.1612295 1.0667274 1.1522396 1.03207 1.0451579 1.0809715 1.0510817\n", + " 1.0396783 1.0759366 0. 0. 0. 0. ]\n", + "\n", + "[ 0 5 1 2 6 7 9 3 4 12 15 8 13 11 14 10 18 16 17 19]\n", + "=======================\n", + "[\"james whitaker 's brief reign as the ecb 's head of selectors looks set to end when the new director of cricket is announced .it is expected the responsibilities of the chosen appointment will include being in overall charge of selection , leading to the end of whitaker 's stint .his position has looked untenable in any case since paul downton was axed as managing director of england cricket .\"]\n", + "=======================\n", + "[\"james whitaker 's brief reign as ecb head of selectors is coming to an endsam allardyce 's future as west ham boss is subject to speculation at a time when a letter sent by venky 's lawyers is doing the roundsthe letter , from december 2011 , makes numerous disputed claims about kentaro 's involvement in blackburn after venky 's bought the clubthe fa cup is set to be rebranded as the emirates fa cup\"]\n", + "james whitaker 's brief reign as the ecb 's head of selectors looks set to end when the new director of cricket is announced .it is expected the responsibilities of the chosen appointment will include being in overall charge of selection , leading to the end of whitaker 's stint .his position has looked untenable in any case since paul downton was axed as managing director of england cricket .\n", + "james whitaker 's brief reign as ecb head of selectors is coming to an endsam allardyce 's future as west ham boss is subject to speculation at a time when a letter sent by venky 's lawyers is doing the roundsthe letter , from december 2011 , makes numerous disputed claims about kentaro 's involvement in blackburn after venky 's bought the clubthe fa cup is set to be rebranded as the emirates fa cup\n", + "[1.1831691 1.5654981 1.3424938 1.3707652 1.0692207 1.0258095 1.0154306\n", + " 1.0186957 1.097381 1.1387339 1.1307153 1.1449759 1.0523977 1.0123783\n", + " 1.017391 1.0482215 1.0252131 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 11 9 10 8 4 12 15 5 16 7 14 6 13 18 17 19]\n", + "=======================\n", + "[\"mother-of-two kelly parsons , from morden , south west london , has already enabled two couples to have twins and another woman give birth to a boy , thanks to her willingness to go through the painful donation procedure .in the space of 11 months , the 35-year-old 's eggs have become twin girls , twin boys and a baby boy .a super-fertile dental nurse is being hailed a hero after helping scores of childless couples try to conceive - by donating 50 eggs .\"]\n", + "=======================\n", + "['kelly parsons injected herself twice a day with drugs for painful processher eggs have created five kids so far - twin girls , twin boys and a baby boy35-year-old also frozen a number of her eggs for future usemother-of-two has told her daughters they have brothers and sisters']\n", + "mother-of-two kelly parsons , from morden , south west london , has already enabled two couples to have twins and another woman give birth to a boy , thanks to her willingness to go through the painful donation procedure .in the space of 11 months , the 35-year-old 's eggs have become twin girls , twin boys and a baby boy .a super-fertile dental nurse is being hailed a hero after helping scores of childless couples try to conceive - by donating 50 eggs .\n", + "kelly parsons injected herself twice a day with drugs for painful processher eggs have created five kids so far - twin girls , twin boys and a baby boy35-year-old also frozen a number of her eggs for future usemother-of-two has told her daughters they have brothers and sisters\n", + "[1.0618606 1.4786577 1.3709829 1.4608182 1.1349479 1.0904626 1.0641508\n", + " 1.0310261 1.0687891 1.0196384 1.0187835 1.0200089 1.0154157 1.0205636\n", + " 1.0256286 1.2287492 1.0894383 1.021628 1.0165445]\n", + "\n", + "[ 1 3 2 15 4 5 16 8 6 0 7 14 17 13 11 9 10 18 12]\n", + "=======================\n", + "[\"but 17-year-old siobhan o'dell hit back after being sent a rejection letter from duke university , by sending the admissions office a message of her own , rejecting their rejection .siobahn o'dell , 17 , from north carolina , sent this response to an email from the admissions department at duke university telling her she had missed out on a placemiss o'dell 's letter has attracted nearly 100,000 likes and rebolgs since she posted it to her tumblr account , and will even feature in duke 's college newspaper\"]\n", + "=======================\n", + "[\"siobhan o'dell , 17 , had been hoping to get a place at duke universitywhen she got a rejection email she decided not to take no for an answersent college email of her own , saying she could n't accept their rejectionmessage has gone viral and will even feature in duke 's campus paper\"]\n", + "but 17-year-old siobhan o'dell hit back after being sent a rejection letter from duke university , by sending the admissions office a message of her own , rejecting their rejection .siobahn o'dell , 17 , from north carolina , sent this response to an email from the admissions department at duke university telling her she had missed out on a placemiss o'dell 's letter has attracted nearly 100,000 likes and rebolgs since she posted it to her tumblr account , and will even feature in duke 's college newspaper\n", + "siobhan o'dell , 17 , had been hoping to get a place at duke universitywhen she got a rejection email she decided not to take no for an answersent college email of her own , saying she could n't accept their rejectionmessage has gone viral and will even feature in duke 's campus paper\n", + "[1.2745111 1.4700694 1.3054465 1.2386186 1.2409363 1.1033787 1.0905844\n", + " 1.0713083 1.0472435 1.0821608 1.0462785 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 3 5 6 9 7 8 10 17 11 12 13 14 15 16 18]\n", + "=======================\n", + "[\"videos of the south korean defender kim min hyeok , who plays for sagan tosu , have gone viral after he allegedly brutally stamped on the face of opponent mu kanazaki .sagan are ninth in the j-league and furious claims have been made that the 23-year-old deliberately committed the horrific foul after being jostled by 11th-placed kashima antlers player kanazaki .japan 's j-league is just four games into a new season , but already the behaviour of its players is hitting the headlines for the wrong reasons after a player appeared to stamp on an opponent 's face .\"]\n", + "=======================\n", + "[\"kim min hyeok has been accused of stamping on an opponent 's facevideo footage appears to show hyeok 's foot scraping mu kanazaki 's facekanazaki was among the goals in a 3-1 win for his kashima antlers side\"]\n", + "videos of the south korean defender kim min hyeok , who plays for sagan tosu , have gone viral after he allegedly brutally stamped on the face of opponent mu kanazaki .sagan are ninth in the j-league and furious claims have been made that the 23-year-old deliberately committed the horrific foul after being jostled by 11th-placed kashima antlers player kanazaki .japan 's j-league is just four games into a new season , but already the behaviour of its players is hitting the headlines for the wrong reasons after a player appeared to stamp on an opponent 's face .\n", + "kim min hyeok has been accused of stamping on an opponent 's facevideo footage appears to show hyeok 's foot scraping mu kanazaki 's facekanazaki was among the goals in a 3-1 win for his kashima antlers side\n", + "[1.2569933 1.3321431 1.2626263 1.2416067 1.1231114 1.1541675 1.0739098\n", + " 1.1380181 1.0862752 1.0775124 1.0928502 1.0174093 1.0940539 1.0723089\n", + " 1.0177308 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 5 7 4 12 10 8 9 6 13 14 11 15 16 17 18]\n", + "=======================\n", + "[\"it has deployed the massive aircraft carrier uss theodore roosevelt and eight other combat vessels to waters off the embattled country to keep an eye on the shipment - and ` in response to the deteriorating security situation ' there .the cargo ships ' presence raised fears within the saudi-led coalition which is helping yemen 's government fight off iranian-backed rebels known as the houthis .the united states has issued a very ominous warning to nine iranian vessels suspected of carrying weapons to the houthi rebels in the besieged north-african nation of yemen .\"]\n", + "=======================\n", + "['united states has deployed the aircraft carrier uss theodore roosevelt and 11 other ships off the coast of yemennine combat vessels are monitoring iranian vessels suspected of carrying weapons to houthi rebels in the countrypentagon spokesman said they are monitoring the nine cargo ships but refused to say whether they would engagemeanwhile intense fighting between iranian-backed rebels and saudi-led coalition rages on in the embattled nation']\n", + "it has deployed the massive aircraft carrier uss theodore roosevelt and eight other combat vessels to waters off the embattled country to keep an eye on the shipment - and ` in response to the deteriorating security situation ' there .the cargo ships ' presence raised fears within the saudi-led coalition which is helping yemen 's government fight off iranian-backed rebels known as the houthis .the united states has issued a very ominous warning to nine iranian vessels suspected of carrying weapons to the houthi rebels in the besieged north-african nation of yemen .\n", + "united states has deployed the aircraft carrier uss theodore roosevelt and 11 other ships off the coast of yemennine combat vessels are monitoring iranian vessels suspected of carrying weapons to houthi rebels in the countrypentagon spokesman said they are monitoring the nine cargo ships but refused to say whether they would engagemeanwhile intense fighting between iranian-backed rebels and saudi-led coalition rages on in the embattled nation\n", + "[1.4561095 1.2666929 1.2528683 1.3902227 1.1826011 1.1176524 1.1405334\n", + " 1.0769631 1.0355545 1.1098295 1.0702478 1.083113 1.0508827 1.0619696\n", + " 1.0371798 1.1159881 1.0189999 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 6 5 15 9 11 7 10 13 12 14 8 16 17 18]\n", + "=======================\n", + "[\"cesc fabregas wore a special protective face mask on sunday as he scored the winning goal in chelsea 's 1-0 victory over qpr .having broken his nose last week , the spaniard netted with just two minutes to go following a poor clearance from qpr goalkeeper rob green before removing the mask to celebrate .fabregas suffered the break during chelsea 's win over stoke city last saturday , taking a hit to the face from charlie adam 's forearm minutes before the scot struck a 66-yard wondergoal at stamford bridge .\"]\n", + "=======================\n", + "['cesc fabregas wore protective face mask during chelsea clash with qprmidfielder scored the winning goal as chelsea claimed a 1-0 victoryspaniard broke his nose in a challenge with charlie adam last saturdaychelsea midfielder travelled to italy to have a protective mask fittedortholabsport have also made masks for petr cech and fernando torres']\n", + "cesc fabregas wore a special protective face mask on sunday as he scored the winning goal in chelsea 's 1-0 victory over qpr .having broken his nose last week , the spaniard netted with just two minutes to go following a poor clearance from qpr goalkeeper rob green before removing the mask to celebrate .fabregas suffered the break during chelsea 's win over stoke city last saturday , taking a hit to the face from charlie adam 's forearm minutes before the scot struck a 66-yard wondergoal at stamford bridge .\n", + "cesc fabregas wore protective face mask during chelsea clash with qprmidfielder scored the winning goal as chelsea claimed a 1-0 victoryspaniard broke his nose in a challenge with charlie adam last saturdaychelsea midfielder travelled to italy to have a protective mask fittedortholabsport have also made masks for petr cech and fernando torres\n", + "[1.2693765 1.4025089 1.2252868 1.1344697 1.1411884 1.075546 1.0961059\n", + " 1.0939602 1.0704958 1.0720384 1.0628386 1.0662594 1.0496076 1.1197149\n", + " 1.0811133 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 3 13 6 7 14 5 9 8 11 10 12 17 15 16 18]\n", + "=======================\n", + "[\"in a ` peculiar ' incident just one day before his death , the oscar-winning actor , who had been diagnosed with parkinson 's , stuffed his collection of watches into a sock and took it to a friend for safekeeping .robin williams spent his last days in a paranoid frenzy , aware that ` something else was wrong with him ' , a british television show will claim tonight .feud : mrs schneider williams , williams ' third wife , is in a battle with his three children from previous marriages -- zak , zelda and cody -- over his # 33million estate .\"]\n", + "=======================\n", + "['post-mortem examination showed the actor had undiagnosed dementiathe condition could explain his insomnia , anxiety and paranoid tendenciesinternet searches suggest he knew something else was wrong , expert sayshis wife described how he stuffed watches in socks shortly before deathautopsy : the last hours of robin williams airs tonight on channel 5 at 9pm .']\n", + "in a ` peculiar ' incident just one day before his death , the oscar-winning actor , who had been diagnosed with parkinson 's , stuffed his collection of watches into a sock and took it to a friend for safekeeping .robin williams spent his last days in a paranoid frenzy , aware that ` something else was wrong with him ' , a british television show will claim tonight .feud : mrs schneider williams , williams ' third wife , is in a battle with his three children from previous marriages -- zak , zelda and cody -- over his # 33million estate .\n", + "post-mortem examination showed the actor had undiagnosed dementiathe condition could explain his insomnia , anxiety and paranoid tendenciesinternet searches suggest he knew something else was wrong , expert sayshis wife described how he stuffed watches in socks shortly before deathautopsy : the last hours of robin williams airs tonight on channel 5 at 9pm .\n", + "[1.3845613 1.0427605 1.031199 1.1068392 1.289226 1.1842885 1.047088\n", + " 1.1617376 1.1282189 1.1292162 1.0252944 1.0214179 1.0158609 1.0173672\n", + " 1.0862993 1.0926019 1.0616876 1.0648147 1.0445896]\n", + "\n", + "[ 0 4 5 7 9 8 3 15 14 17 16 6 18 1 2 10 11 13 12]\n", + "=======================\n", + "['( cnn ) every week in the heart of nima , a slum in the ghanaian capital of accra , families congregate at a local mosque .agyare \\'s first visit to see the girls -- students at education project achievers ghana -- was in january 2014 .this was supposed to be a one-off seminar as part of her mentorship initiative \" tech needs girls \" -- however , the students proved quite a draw .']\n", + "=======================\n", + "[\"many girls in nima , one of accra 's poorest slums , receive little or no educationachievers ghana is a school funded by the community to give the next generation a better chance of successgirls are being taught to code by tech entrepreneur regina agyare , who believes her students will go far\"]\n", + "( cnn ) every week in the heart of nima , a slum in the ghanaian capital of accra , families congregate at a local mosque .agyare 's first visit to see the girls -- students at education project achievers ghana -- was in january 2014 .this was supposed to be a one-off seminar as part of her mentorship initiative \" tech needs girls \" -- however , the students proved quite a draw .\n", + "many girls in nima , one of accra 's poorest slums , receive little or no educationachievers ghana is a school funded by the community to give the next generation a better chance of successgirls are being taught to code by tech entrepreneur regina agyare , who believes her students will go far\n", + "[1.4118193 1.2713393 1.3317908 1.1930058 1.1802733 1.1429576 1.1037508\n", + " 1.066399 1.0869354 1.0660235 1.0985214 1.1227942 1.0400395 1.0323166\n", + " 1.0352294 1.0569844 1.0558376 1.0242734 0. ]\n", + "\n", + "[ 0 2 1 3 4 5 11 6 10 8 7 9 15 16 12 14 13 17 18]\n", + "=======================\n", + "['( cnn ) an egyptian court sentenced the leader of the muslim brotherhood , mohamed badie , on saturday to death by hanging , along with 13 members of his group .the criminal court sentenced 36 other defendants to life in prison on charges of plotting terrorist attacks against state facilities .the sentences will be appealed .']\n", + "=======================\n", + "['the death sentences will be appealedmohamed soltan , a 27-year-old u.s.-egyptian activist on a hunger strike , is sentenced to life in prisonletter from soltan \\'s sister : \" your face , with its beautiful smile ... now looks permanently in pain \"']\n", + "( cnn ) an egyptian court sentenced the leader of the muslim brotherhood , mohamed badie , on saturday to death by hanging , along with 13 members of his group .the criminal court sentenced 36 other defendants to life in prison on charges of plotting terrorist attacks against state facilities .the sentences will be appealed .\n", + "the death sentences will be appealedmohamed soltan , a 27-year-old u.s.-egyptian activist on a hunger strike , is sentenced to life in prisonletter from soltan 's sister : \" your face , with its beautiful smile ... now looks permanently in pain \"\n", + "[1.3663011 1.4292235 1.3746667 1.461627 1.2204301 1.0751864 1.0197268\n", + " 1.0227121 1.0149664 1.0217004 1.0419191 1.0194397 1.0151329 1.0553852\n", + " 1.2210463 1.1658646 1.027077 1.0224775 1.234551 ]\n", + "\n", + "[ 3 1 2 0 18 14 4 15 5 13 10 16 7 17 9 6 11 12 8]\n", + "=======================\n", + "[\"ronnie o'sullivan has admitted he would love to be the presenter of top gearo'sullivan , who begins his second-round match at the crucible against matthew stevens on saturday , has appeared as a guest on the show in the past .o'sullivan beat craig steadman 10-3 in the first round and will play matthew stevens in the last 16\"]\n", + "=======================\n", + "[\"ronnie o'sullivan says he would love to be new top gear presenterthe five-time world snooker champion has an affection for carso'sullivan has appeared as a guest on the show in the pastthe 39-year-old plays matthew stevens in the second round\"]\n", + "ronnie o'sullivan has admitted he would love to be the presenter of top gearo'sullivan , who begins his second-round match at the crucible against matthew stevens on saturday , has appeared as a guest on the show in the past .o'sullivan beat craig steadman 10-3 in the first round and will play matthew stevens in the last 16\n", + "ronnie o'sullivan says he would love to be new top gear presenterthe five-time world snooker champion has an affection for carso'sullivan has appeared as a guest on the show in the pastthe 39-year-old plays matthew stevens in the second round\n", + "[1.2674645 1.375905 1.3200154 1.1859554 1.223209 1.0375808 1.1853138\n", + " 1.134919 1.0639994 1.0587485 1.0307742 1.0298427 1.126498 1.0851547\n", + " 1.0607033 1.0587503 1.0317764 0. 0. ]\n", + "\n", + "[ 1 2 0 4 3 6 7 12 13 8 14 15 9 5 16 10 11 17 18]\n", + "=======================\n", + "[\"pitt , 51 , vowed to help ` make it right ' for the city 's thousands of displaced citizens by building eco-friendly homes to replace the ones destroyed .the star personally backed the building of 104 homes in the lower ninth quarter of the city , decimated in the 2005 storm , which killed almost 2,000 .a charity set up by brad pitt to build new houses for people made homeless when hurricane katrina ravaged new orleans a decade ago is embroiled in legal action -- after the new homes started to rot .\"]\n", + "=======================\n", + "[\"brad pitt set up charity to build new houses after hurricane katrina in 2005make it right foundation embroiled in legal action after homes began to rotclaims it was lured into buying the special wood only to discover it rottedcharity is suing timber treatment technologies for ` in excess ' of $ 500k\"]\n", + "pitt , 51 , vowed to help ` make it right ' for the city 's thousands of displaced citizens by building eco-friendly homes to replace the ones destroyed .the star personally backed the building of 104 homes in the lower ninth quarter of the city , decimated in the 2005 storm , which killed almost 2,000 .a charity set up by brad pitt to build new houses for people made homeless when hurricane katrina ravaged new orleans a decade ago is embroiled in legal action -- after the new homes started to rot .\n", + "brad pitt set up charity to build new houses after hurricane katrina in 2005make it right foundation embroiled in legal action after homes began to rotclaims it was lured into buying the special wood only to discover it rottedcharity is suing timber treatment technologies for ` in excess ' of $ 500k\n", + "[1.3407098 1.3362403 1.1151233 1.3554094 1.2846489 1.1313492 1.0483003\n", + " 1.0259678 1.0739411 1.1388267 1.0213865 1.0533172 1.132633 1.0984181\n", + " 1.0175507 1.0108793 1.0236787 0. 0. ]\n", + "\n", + "[ 3 0 1 4 9 12 5 2 13 8 11 6 7 16 10 14 15 17 18]\n", + "=======================\n", + "['asma fahmi was walking to her car with her family when they were attacked by three men from a balconywhen asma fahmi took her ill mother to a matinee screening of les miserables in sydney , the last thing she expected was a violent racial attack on her and her family in broad daylight .the 34-year-old was with her sister and ill mother when they had hard boiled eggs pelted at their heads']\n", + "=======================\n", + "['asma fahmi and her family had hard boiled easter eggs pelted at themthey had just been to see a theatre performance in haymarket , sydney3 british men hurled racial abuse from a balcony as they walked to the carthis is the second time asma has been racially attacked in three yearsher mother suffers from bells palsy and finds it hard to leave the house']\n", + "asma fahmi was walking to her car with her family when they were attacked by three men from a balconywhen asma fahmi took her ill mother to a matinee screening of les miserables in sydney , the last thing she expected was a violent racial attack on her and her family in broad daylight .the 34-year-old was with her sister and ill mother when they had hard boiled eggs pelted at their heads\n", + "asma fahmi and her family had hard boiled easter eggs pelted at themthey had just been to see a theatre performance in haymarket , sydney3 british men hurled racial abuse from a balcony as they walked to the carthis is the second time asma has been racially attacked in three yearsher mother suffers from bells palsy and finds it hard to leave the house\n", + "[1.3040719 1.4693849 1.267767 1.2653322 1.2869343 1.1855367 1.2561613\n", + " 1.093565 1.0695331 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 6 5 7 8 17 16 15 14 9 12 11 10 18 13 19]\n", + "=======================\n", + "[\"hernandez , 26 , is on loan at real from manchester united and scored a late winner in the champions league quarter-final against atletico madrid on wednesday .west ham are planning to move for real madrid 's european goal hero javier hernandez as part of an extensive summer recruitment programme .the striker will leave real at the end of this season and return to manchester united\"]\n", + "=======================\n", + "[\"javier hernandez scored winner against atletico madrid on wednesdaythe mexico international is on loan at real madrid from manchester unitedhernandez does not feature in louis van gaal 's plans for next seasonthe striker , who will have one year left on his contract , would cost # 7m\"]\n", + "hernandez , 26 , is on loan at real from manchester united and scored a late winner in the champions league quarter-final against atletico madrid on wednesday .west ham are planning to move for real madrid 's european goal hero javier hernandez as part of an extensive summer recruitment programme .the striker will leave real at the end of this season and return to manchester united\n", + "javier hernandez scored winner against atletico madrid on wednesdaythe mexico international is on loan at real madrid from manchester unitedhernandez does not feature in louis van gaal 's plans for next seasonthe striker , who will have one year left on his contract , would cost # 7m\n", + "[1.2322298 1.4188478 1.2764785 1.3945429 1.2249088 1.1731522 1.0342054\n", + " 1.0345033 1.0551443 1.0235751 1.0238465 1.0213212 1.0219072 1.1464207\n", + " 1.0169688 1.07464 1.0156507 1.0333602 1.0138823 1.0187104]\n", + "\n", + "[ 1 3 2 0 4 5 13 15 8 7 6 17 10 9 12 11 19 14 16 18]\n", + "=======================\n", + "[\"as renting in the capital soared to an average of more than # 1,100 per month , the second year history and politics student who attends a london university told how she took up sex work -- even visiting some clients at their workplace .a university student has revealed how she turned to sex work after her student loan failed to cover her rent ( picture posed by model )speaking through the english collective of prostitutes ' , the woman -- who asked to remain anonymous -- spoke after a research project revealed more than a fifth of students have thought about being involved in the sex industry .\"]\n", + "=======================\n", + "['a student has revealed she turned to sex work to cover the cost of living and studying in londonshe tried regular work but still struggled to pay the billsshe says that sex work is becoming common practice among students']\n", + "as renting in the capital soared to an average of more than # 1,100 per month , the second year history and politics student who attends a london university told how she took up sex work -- even visiting some clients at their workplace .a university student has revealed how she turned to sex work after her student loan failed to cover her rent ( picture posed by model )speaking through the english collective of prostitutes ' , the woman -- who asked to remain anonymous -- spoke after a research project revealed more than a fifth of students have thought about being involved in the sex industry .\n", + "a student has revealed she turned to sex work to cover the cost of living and studying in londonshe tried regular work but still struggled to pay the billsshe says that sex work is becoming common practice among students\n", + "[1.2713637 1.4369985 1.2085689 1.2887089 1.1306955 1.1379766 1.0223742\n", + " 1.0181072 1.1101376 1.1229537 1.1559912 1.0684128 1.0433189 1.0937598\n", + " 1.0425328 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 10 5 4 9 8 13 11 12 14 6 7 18 15 16 17 19]\n", + "=======================\n", + "[\"the 84-year-old former test captain and internationally renowned cricket commentator was to be farewelled by a group of just twelve people at a secret ceremony organised by his wife , daphne .quiet farewell : cricketing legend richie benaud ( pictured ) was farewelled at a quiet family funeral on wednesday , attended by only immediate relatives including his wife daphne and brother john benauddaphne benaud had kept the details of where and when his funeral service service would be held so under wraps that even immediate family members said they did n't know the location .\"]\n", + "=======================\n", + "['cricketing great richie benaud has been farewelled at small private funeralthe sydney service was attended only by immediate familyrichie benaud died aged 84 last friday from cancercommentary box colleagues and cricketing greats gathered afterwards for memorial']\n", + "the 84-year-old former test captain and internationally renowned cricket commentator was to be farewelled by a group of just twelve people at a secret ceremony organised by his wife , daphne .quiet farewell : cricketing legend richie benaud ( pictured ) was farewelled at a quiet family funeral on wednesday , attended by only immediate relatives including his wife daphne and brother john benauddaphne benaud had kept the details of where and when his funeral service service would be held so under wraps that even immediate family members said they did n't know the location .\n", + "cricketing great richie benaud has been farewelled at small private funeralthe sydney service was attended only by immediate familyrichie benaud died aged 84 last friday from cancercommentary box colleagues and cricketing greats gathered afterwards for memorial\n", + "[1.4492937 1.3523932 1.3237054 1.2927303 1.2373613 1.0739024 1.1070361\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 6 5 17 16 15 14 13 9 11 10 18 8 7 12 19]\n", + "=======================\n", + "['( cnn ) one israeli citizen was killed and another injured in what police are calling a suspected terror attack wednesday night near hebrew university in jerusalem .israel police spokesman micky rosenfeld said a 37-year-old arab motorist from east jerusalem struck two people standing at a bus stop in the french hill section of the city .one victim , identified by police as shalom yohai cherki , 26 , died at the hospital .']\n", + "=======================\n", + "['incident occurred wednesday night near hebrew university in jerusalem , police sayone victim , a 26-year-old man , has died ; a 20-year-old woman is in serious conditionthe suspect is a 37-year-old arab from east jerusalem , israeli police say']\n", + "( cnn ) one israeli citizen was killed and another injured in what police are calling a suspected terror attack wednesday night near hebrew university in jerusalem .israel police spokesman micky rosenfeld said a 37-year-old arab motorist from east jerusalem struck two people standing at a bus stop in the french hill section of the city .one victim , identified by police as shalom yohai cherki , 26 , died at the hospital .\n", + "incident occurred wednesday night near hebrew university in jerusalem , police sayone victim , a 26-year-old man , has died ; a 20-year-old woman is in serious conditionthe suspect is a 37-year-old arab from east jerusalem , israeli police say\n", + "[1.1710165 1.230095 1.2023716 1.2781166 1.1483015 1.1129124 1.0753734\n", + " 1.0931112 1.0491264 1.0313793 1.1151263 1.0388031 1.0282586 1.1973157\n", + " 1.0311314 1.0188913 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 13 0 4 10 5 7 6 8 11 9 14 12 15 18 16 17 19]\n", + "=======================\n", + "[\"benitez famously guided liverpool to the champions league in 2005 as he enjoyed cup successeshe proved this yet again on thursday , when his napoli side blitzed past europa league favourites wolfsburg by four goals to one on the germans ' home turf .but despite managing some of the continent 's most established clubs since leaving valencia just over a decade ago - liverpool , inter , chelsea ( albeit on an interim basis ) and napoli - he has amassed a grand total of zero league titles .\"]\n", + "=======================\n", + "[\"rafa benitez won the champions league and fa cup with liverpoolbut the spaniard is little more than a cup manager , lacking league titlesliverpool fans are grateful to benitez for his successesbut the kop faithful wo n't mind him coming back to england with new club\"]\n", + "benitez famously guided liverpool to the champions league in 2005 as he enjoyed cup successeshe proved this yet again on thursday , when his napoli side blitzed past europa league favourites wolfsburg by four goals to one on the germans ' home turf .but despite managing some of the continent 's most established clubs since leaving valencia just over a decade ago - liverpool , inter , chelsea ( albeit on an interim basis ) and napoli - he has amassed a grand total of zero league titles .\n", + "rafa benitez won the champions league and fa cup with liverpoolbut the spaniard is little more than a cup manager , lacking league titlesliverpool fans are grateful to benitez for his successesbut the kop faithful wo n't mind him coming back to england with new club\n", + "[1.2100668 1.3365766 1.264049 1.3035778 1.109896 1.0329577 1.196348\n", + " 1.1360095 1.1039861 1.0510275 1.1469249 1.0883969 1.0405219 1.0546734\n", + " 1.0588655 1.0492699 1.06592 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 6 10 7 4 8 11 16 14 13 9 15 12 5 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "['alondra luna nunez can be seen screaming and fighting with every ounce of her energy as she is dragged out of her school in front of her mother in guanajuato in central mexico last week .alondra is now back with her real family after a dna test proved that she was not the daughter of houston resident dorotea garcia .she pleaded with the officers , who were working for interpol , not to take her from her parents .']\n", + "=======================\n", + "[\"alondra luna nunez 's case drew international attention after a video of her being forced into a police vehicle last week appeared onlinethere was no immediate explanation of why authorities did not confirm her identity before sending her out of the countrythe foreign ministry said mexican officials were carrying out a court order to send alondra to dorotea garcia , a houston woman\"]\n", + "alondra luna nunez can be seen screaming and fighting with every ounce of her energy as she is dragged out of her school in front of her mother in guanajuato in central mexico last week .alondra is now back with her real family after a dna test proved that she was not the daughter of houston resident dorotea garcia .she pleaded with the officers , who were working for interpol , not to take her from her parents .\n", + "alondra luna nunez 's case drew international attention after a video of her being forced into a police vehicle last week appeared onlinethere was no immediate explanation of why authorities did not confirm her identity before sending her out of the countrythe foreign ministry said mexican officials were carrying out a court order to send alondra to dorotea garcia , a houston woman\n", + "[1.4003056 1.3969433 1.2758671 1.377059 1.3592024 1.0650651 1.0275626\n", + " 1.0266154 1.032938 1.0319806 1.0248221 1.0338342 1.0181563 1.0158503\n", + " 1.0171719 1.0233946 1.0603694 1.0154693 1.0114746 1.0131786 1.0121508\n", + " 1.0131367 1.1392703 1.0950989 1.0196313]\n", + "\n", + "[ 0 1 3 4 2 22 23 5 16 11 8 9 6 7 10 15 24 12 14 13 17 19 21 20\n", + " 18]\n", + "=======================\n", + "[\"jack grealish must concentrate on his aston villa career rather than his international future , according to tim sherwood .sherwood has been impressed with the 19-year-old who starred for villa in their fa cup semi-final win over liverpool on sunday and is now at the centre of a tug of war between the republic of ireland and england .jack grealish takes on liverpool 's emre can at wembley during aston villa 's 2-1 victory at wembley\"]\n", + "=======================\n", + "['jack grealish is wanted by the republic of ireland and englandtim sherwood wants the 19-year-old to focus on playing more for villagrealish will make a decision over international future at end of the season']\n", + "jack grealish must concentrate on his aston villa career rather than his international future , according to tim sherwood .sherwood has been impressed with the 19-year-old who starred for villa in their fa cup semi-final win over liverpool on sunday and is now at the centre of a tug of war between the republic of ireland and england .jack grealish takes on liverpool 's emre can at wembley during aston villa 's 2-1 victory at wembley\n", + "jack grealish is wanted by the republic of ireland and englandtim sherwood wants the 19-year-old to focus on playing more for villagrealish will make a decision over international future at end of the season\n", + "[1.4445921 1.4139141 1.2003444 1.3529301 1.1141341 1.04335 1.2632573\n", + " 1.1286644 1.2019125 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 6 8 2 7 4 5 22 21 20 19 18 17 16 12 14 13 23 11 10 9 15\n", + " 24]\n", + "=======================\n", + "['inter milan will propose a loan with view to a permanent # 15million deal for manchester city misfit stevan jovetic .the 25-year-old striker is keen to return to italy after making just 39 appearances since his # 22million move from fiorentina in 2013 .former manchester city boss roberto mancini is keen on bringing stevan jovetic and yaya toure to inter']\n", + "=======================\n", + "[\"inter milan are keen on signing man city 's stevan jovetic on loan dealthe italian outfit want to have option of signing jovetic for # 15mroberto mancini is also keen on sealing reunion with yaya toureread : manchester city will miss toure when he decides to leave\"]\n", + "inter milan will propose a loan with view to a permanent # 15million deal for manchester city misfit stevan jovetic .the 25-year-old striker is keen to return to italy after making just 39 appearances since his # 22million move from fiorentina in 2013 .former manchester city boss roberto mancini is keen on bringing stevan jovetic and yaya toure to inter\n", + "inter milan are keen on signing man city 's stevan jovetic on loan dealthe italian outfit want to have option of signing jovetic for # 15mroberto mancini is also keen on sealing reunion with yaya toureread : manchester city will miss toure when he decides to leave\n", + "[1.1643212 1.5287614 1.4227039 1.0802798 1.0259832 1.0241536 1.0220947\n", + " 1.0947027 1.2499968 1.1608768 1.1283503 1.2101505 1.1153584 1.0990613\n", + " 1.0181384 1.1591974 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 8 11 0 9 15 10 12 13 7 3 4 5 6 14 23 16 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "['the mountain bike athletes were captured taking huge leaps as the sun went down over portland rock , an island off the coast of weymouth , dorset , on sunday by photographer jack davies .the group included renowned professional trial bike riders jack gear , 25 , andrei burton , 29 , and joe seddon , 19 , who were unfazed by the choppy waters just 10 metres below .these stunning pictures show a trio of daredevil bikers dicing with death as they leap over huge jagged rocks metres above crashing waves .']\n", + "=======================\n", + "['mountain bike athletes were captured as they took giant leaps at portland rock , near weymouth in dorsetgroup are made up of renowned professional trial bike riders , jack gear , 25 , andrei burton , 29 and joe seddon , 19bikers seemed unfazed as sea crashed 10 metres below them while they jumped from one jagged rock to another']\n", + "the mountain bike athletes were captured taking huge leaps as the sun went down over portland rock , an island off the coast of weymouth , dorset , on sunday by photographer jack davies .the group included renowned professional trial bike riders jack gear , 25 , andrei burton , 29 , and joe seddon , 19 , who were unfazed by the choppy waters just 10 metres below .these stunning pictures show a trio of daredevil bikers dicing with death as they leap over huge jagged rocks metres above crashing waves .\n", + "mountain bike athletes were captured as they took giant leaps at portland rock , near weymouth in dorsetgroup are made up of renowned professional trial bike riders , jack gear , 25 , andrei burton , 29 and joe seddon , 19bikers seemed unfazed as sea crashed 10 metres below them while they jumped from one jagged rock to another\n", + "[1.3714793 1.4280537 1.0815674 1.088204 1.1743388 1.1587293 1.2599802\n", + " 1.1307222 1.0758145 1.060541 1.1285499 1.0961094 1.119473 1.0928525\n", + " 1.0243318 1.0120709 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 6 4 5 7 10 12 11 13 3 2 8 9 14 15 22 21 20 16 18 17 23 19\n", + " 24]\n", + "=======================\n", + "[\"investigators say the location the bar was found - somewhere in south florida - has provided them with a big break in the case .the fbi have recovered one of the gold bars stolen in a $ 5 million armored truck robbery in north carolina last month .the highway heist occurred on march 1 in wilson county , almost halfway into the truck 's journey from miami to boston .\"]\n", + "=======================\n", + "['heist occurred march 1 in wilson county , north carolinaarmored truck traveling from miami to boston was robbed by three men275 pounds of gold worth nearly $ 5 million stolena 26-pound gold bar worth $ 500,000 now recovered in south floridapolice previously suspected it was an inside jobthe guards had pulled over because one felt sickgoods transported with company , transvalue , insured up to $ 100 million']\n", + "investigators say the location the bar was found - somewhere in south florida - has provided them with a big break in the case .the fbi have recovered one of the gold bars stolen in a $ 5 million armored truck robbery in north carolina last month .the highway heist occurred on march 1 in wilson county , almost halfway into the truck 's journey from miami to boston .\n", + "heist occurred march 1 in wilson county , north carolinaarmored truck traveling from miami to boston was robbed by three men275 pounds of gold worth nearly $ 5 million stolena 26-pound gold bar worth $ 500,000 now recovered in south floridapolice previously suspected it was an inside jobthe guards had pulled over because one felt sickgoods transported with company , transvalue , insured up to $ 100 million\n", + "[1.2848874 1.4296101 1.3204241 1.3322158 1.2516412 1.2112292 1.0983921\n", + " 1.1204664 1.1086245 1.1092129 1.0095999 1.0216898 1.064428 1.0715704\n", + " 1.0133787 1.0094662 1.007997 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 7 9 8 6 13 12 11 14 10 15 16 17 18]\n", + "=======================\n", + "['the number of australians visiting bali over the past two months was up 16.7 per cent from the same period last year , with more arriving than any other nationality .a proposed ban on alcohol in indonesia could deter australians from holidaying in baliindonesia institute president ross taylor says it is unfortunate the fate of bali nine drug smugglers is probably third on the list of concerns about indonesia among fellow nationals .']\n", + "=======================\n", + "['a proposed ban on alcohol in indonesia could deter australians from balithe number of aussie tourists visiting the island continues to risemini marts would be the initial focus of the alcohol banbut it will not apply to certain tourist locations including five-star hotelsthe proposal could become law as early as the end of this year if backed by president joko widodo']\n", + "the number of australians visiting bali over the past two months was up 16.7 per cent from the same period last year , with more arriving than any other nationality .a proposed ban on alcohol in indonesia could deter australians from holidaying in baliindonesia institute president ross taylor says it is unfortunate the fate of bali nine drug smugglers is probably third on the list of concerns about indonesia among fellow nationals .\n", + "a proposed ban on alcohol in indonesia could deter australians from balithe number of aussie tourists visiting the island continues to risemini marts would be the initial focus of the alcohol banbut it will not apply to certain tourist locations including five-star hotelsthe proposal could become law as early as the end of this year if backed by president joko widodo\n", + "[1.4917252 1.437225 1.3747861 1.4562199 1.2424412 1.0789496 1.0302012\n", + " 1.0219243 1.0251167 1.0355797 1.0183363 1.0173 1.1256319 1.2821851\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 13 4 12 5 9 6 8 7 10 11 17 14 15 16 18]\n", + "=======================\n", + "[\"gregory van der wiel has denied claims that he is set to leave paris saint-germain in the summer and instead reiterated his ` love ' for the club .the dutchman recently had a falling out with his boss laurent blanc after the decision to drop the full back for the champions league clash against chelsea .he told l'equipe : ' i am genuinely happy at psg . '\"]\n", + "=======================\n", + "[\"gregory van der wiel does n't want to leave psg in the summer windowthe dutchman revealed his ` love ' for the club and his team-matespsg continue to be linked with a move for barcelona full back dani alves\"]\n", + "gregory van der wiel has denied claims that he is set to leave paris saint-germain in the summer and instead reiterated his ` love ' for the club .the dutchman recently had a falling out with his boss laurent blanc after the decision to drop the full back for the champions league clash against chelsea .he told l'equipe : ' i am genuinely happy at psg . '\n", + "gregory van der wiel does n't want to leave psg in the summer windowthe dutchman revealed his ` love ' for the club and his team-matespsg continue to be linked with a move for barcelona full back dani alves\n", + "[1.2112584 1.4336617 1.3263884 1.3875682 1.2075884 1.2176565 1.2161759\n", + " 1.1088091 1.0376788 1.010457 1.0120953 1.0109336 1.0088753 1.0671809\n", + " 1.1898317 1.1302782 1.0793805 1.0539114 1.0105475]\n", + "\n", + "[ 1 3 2 5 6 0 4 14 15 7 16 13 17 8 10 11 18 9 12]\n", + "=======================\n", + "['argentinian con-artist sofia davila posted raunchy pictures or herself online and then flirted with unsuspecting men she had contacted on the social network , suggesting they meet up for sex .but after meeting her victims , the 21-year-old from buenos aires , would spike their drinks and wait for them to fall unconscious , before ransacking their homes .she was caught after trying to trick police that she was an innocent bystanders in the robberies']\n", + "=======================\n", + "[\"sofia davila , 21 , nicknamed the ` black widow of facebook ' over crimescaught after going to police , claiming she was forced out her victim 's flatshe has admitted bedding and robbing 15 men after spiking their drinks\"]\n", + "argentinian con-artist sofia davila posted raunchy pictures or herself online and then flirted with unsuspecting men she had contacted on the social network , suggesting they meet up for sex .but after meeting her victims , the 21-year-old from buenos aires , would spike their drinks and wait for them to fall unconscious , before ransacking their homes .she was caught after trying to trick police that she was an innocent bystanders in the robberies\n", + "sofia davila , 21 , nicknamed the ` black widow of facebook ' over crimescaught after going to police , claiming she was forced out her victim 's flatshe has admitted bedding and robbing 15 men after spiking their drinks\n", + "[1.2948358 1.3669224 1.2447413 1.2153902 1.1185284 1.2058237 1.104347\n", + " 1.0402694 1.0974143 1.0619645 1.0694871 1.0536908 1.0510751 1.0857472\n", + " 1.0300077 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 5 4 6 8 13 10 9 11 12 7 14 15 16 17 18]\n", + "=======================\n", + "[\"they reveal the country 's rapid progress in constructing the runway on the contested fiery cross reef which the philippines , vietnam , malaysia , brunei and taiwan all claim .new satellite images have revealed that china has constructed an airstrip on a stretch of disputed territory in the south china sea - and could be planning to build another .china 's building activity in the spratly islands has infuriated neighbouring countries and the united states whose leadership accused the country of bullying others with its ` military muscle ' .\"]\n", + "=======================\n", + "['reveals a massive construction effort on fiery cross reef in spratly islandsthe region is claimed by philippines , vietnam , malaysia , brunei and taiwanchina could use runway to carry out military operations , experts have saidfollows other images of chinese construction in disputed south china sea']\n", + "they reveal the country 's rapid progress in constructing the runway on the contested fiery cross reef which the philippines , vietnam , malaysia , brunei and taiwan all claim .new satellite images have revealed that china has constructed an airstrip on a stretch of disputed territory in the south china sea - and could be planning to build another .china 's building activity in the spratly islands has infuriated neighbouring countries and the united states whose leadership accused the country of bullying others with its ` military muscle ' .\n", + "reveals a massive construction effort on fiery cross reef in spratly islandsthe region is claimed by philippines , vietnam , malaysia , brunei and taiwanchina could use runway to carry out military operations , experts have saidfollows other images of chinese construction in disputed south china sea\n", + "[1.5650927 1.2934109 1.1699442 1.2107344 1.4442948 1.1562178 1.0340956\n", + " 1.1017196 1.0768461 1.0434208 1.0280865 1.0164526 1.0414581 1.0495094\n", + " 1.0917916 1.0190482 1.0395564 1.0450436 0. ]\n", + "\n", + "[ 0 4 1 3 2 5 7 14 8 13 17 9 12 16 6 10 15 11 18]\n", + "=======================\n", + "[\"former world champion ken doherty launched a spirited fightback to lead snooker 's top woman player reanne evans 5-4 at the interval of their world championship first qualifying round match in sheffield .doherty , who won the title in 1997 , won four of the final five frames of the morning session after trailing 3-1 at one stage against 29-year-old evans , a single mum from dudley who is bidding to become the first woman to appear in the main stages of the world finals at the crucible .in total , 128 players are involved in qualifying , including legendary names steve davis and jimmy white .\"]\n", + "=======================\n", + "['reanne evans faces ken doherty in world championship qualifiershe lost the first frame 71-15 against the 1997 world championevans replied well , winning the next three before the mid-session intervalbut doherty fought back and leads 5-4 at the midway pointclick here to follow reanne evans vs ken doherty live']\n", + "former world champion ken doherty launched a spirited fightback to lead snooker 's top woman player reanne evans 5-4 at the interval of their world championship first qualifying round match in sheffield .doherty , who won the title in 1997 , won four of the final five frames of the morning session after trailing 3-1 at one stage against 29-year-old evans , a single mum from dudley who is bidding to become the first woman to appear in the main stages of the world finals at the crucible .in total , 128 players are involved in qualifying , including legendary names steve davis and jimmy white .\n", + "reanne evans faces ken doherty in world championship qualifiershe lost the first frame 71-15 against the 1997 world championevans replied well , winning the next three before the mid-session intervalbut doherty fought back and leads 5-4 at the midway pointclick here to follow reanne evans vs ken doherty live\n", + "[1.3316734 1.3588965 1.1975721 1.2693071 1.18129 1.1233696 1.0778697\n", + " 1.1819763 1.0902481 1.0495013 1.1018003 1.0667579 1.037947 1.0334895\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 7 4 5 10 8 6 11 9 12 13 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"host nick hewer faced a conundrum of his own as he tried , and failed , to stifle his giggles as a blushing ms riley spelt out the word ` erection ' .countdown co-presenter rachel riley was left embarrassed on a recent episode of the show when contestants offered up a rather rude eight-letter word as their answer to the word game .hewer , who first found fame as lord sugar 's sidekick in the apprentice , was clearly trying not to laugh when dubliner gerry tynan and anne lewin , from brighton , both offered up the double entendre .\"]\n", + "=======================\n", + "[\"two contestants on countdown came up with the same word during gameco-presenter rachel riley looked embarrassed as she spelt out ` erection 'host nick hewer failed to stifle his laughter during the awkward moment\"]\n", + "host nick hewer faced a conundrum of his own as he tried , and failed , to stifle his giggles as a blushing ms riley spelt out the word ` erection ' .countdown co-presenter rachel riley was left embarrassed on a recent episode of the show when contestants offered up a rather rude eight-letter word as their answer to the word game .hewer , who first found fame as lord sugar 's sidekick in the apprentice , was clearly trying not to laugh when dubliner gerry tynan and anne lewin , from brighton , both offered up the double entendre .\n", + "two contestants on countdown came up with the same word during gameco-presenter rachel riley looked embarrassed as she spelt out ` erection 'host nick hewer failed to stifle his laughter during the awkward moment\n", + "[1.269135 1.4102544 1.3337293 1.299993 1.3015878 1.0655618 1.0327272\n", + " 1.0443375 1.0784086 1.1394392 1.0582876 1.1901515 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 0 11 9 8 5 10 7 6 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"the intention is to build a single new structure in their place , with more than 5,500 seats , in the south-western corner of the home of cricket - to raise the ground 's overall capacity to almost 30,000 .mcc is operating to a projected budget of # 80million , and hopes work can begin in autumn 2017 - subject to planning permission , consultation with nearby residents and the approval of club members .mcc reveals plans to replace the ` tired ' tavern and allen stands at lord 's , with completion scheduled for 2019\"]\n", + "=======================\n", + "[\"mcc reveals plans to replace the ` tired ' tavern and allen stands at lord 'sthe redevelopment will increase the overall capacity to almost 30,000completion is scheduled for 2019 , in time for the world cup and ashes\"]\n", + "the intention is to build a single new structure in their place , with more than 5,500 seats , in the south-western corner of the home of cricket - to raise the ground 's overall capacity to almost 30,000 .mcc is operating to a projected budget of # 80million , and hopes work can begin in autumn 2017 - subject to planning permission , consultation with nearby residents and the approval of club members .mcc reveals plans to replace the ` tired ' tavern and allen stands at lord 's , with completion scheduled for 2019\n", + "mcc reveals plans to replace the ` tired ' tavern and allen stands at lord 'sthe redevelopment will increase the overall capacity to almost 30,000completion is scheduled for 2019 , in time for the world cup and ashes\n", + "[1.2575481 1.5482786 1.3484399 1.3821725 1.1189457 1.1365918 1.1339713\n", + " 1.0234926 1.036133 1.0290378 1.0204972 1.0390228 1.0187968 1.2144572\n", + " 1.0824682 1.0646182 1.0805606 1.0386282 1.127465 1.0167017 1.0165545]\n", + "\n", + "[ 1 3 2 0 13 5 6 18 4 14 16 15 11 17 8 9 7 10 12 19 20]\n", + "=======================\n", + "[\"louise nesbitt was employed at perth mining exploration company dragon mountain gold .a perth office bookkeeper was fired from her job after she called her boss ' a complete d *** ' in a text messageon january 12 last year , she mistakenly sent a text to her boss meant for her daughter 's boyfriend who was engaged as a contact plumber for the firm .\"]\n", + "=======================\n", + "[\"louise nesbitt was employed as an office bookkeeper at a perth companyshe mistakenly sent a text message to boss calling him ' a complete d *** 'it was sent on january 12 last year and she was fired for gross misconductthe long-time employee claims it was meant to be a ` light-hearted insult 'but the fair work commission ruled against her , saying text was ` hurtful '\"]\n", + "louise nesbitt was employed at perth mining exploration company dragon mountain gold .a perth office bookkeeper was fired from her job after she called her boss ' a complete d *** ' in a text messageon january 12 last year , she mistakenly sent a text to her boss meant for her daughter 's boyfriend who was engaged as a contact plumber for the firm .\n", + "louise nesbitt was employed as an office bookkeeper at a perth companyshe mistakenly sent a text message to boss calling him ' a complete d *** 'it was sent on january 12 last year and she was fired for gross misconductthe long-time employee claims it was meant to be a ` light-hearted insult 'but the fair work commission ruled against her , saying text was ` hurtful '\n", + "[1.2179743 1.4225975 1.3274552 1.3595847 1.2634319 1.0883013 1.0382752\n", + " 1.1034939 1.1317858 1.0296187 1.0455536 1.0335265 1.055066 1.0969912\n", + " 1.0194019 1.0114288 1.0284294 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 8 7 13 5 12 10 6 11 9 16 14 15 17 18 19 20]\n", + "=======================\n", + "['the gold and silver bars had been loaded in murmansk onto a former irish sea ferry , converted into a battle cruiser with her superstructure stripped to take part in a dangerous arctic convoy .the bullion was loaded onto the hms ulster queen ( pictured ) in 1942 and was being transferred to the u.s. as payment for weapons when the case of precious metals was lost overboardevidence has emerged of a wartime blunder that resulted in millions of pounds of russian bullion , supposedly bound for america , being lost in the river clyde .']\n", + "=======================\n", + "['edinburgh engineer detailed how bullion was lost during secret missionleonard h. thomas served on hms ulster queen during arctic convoyshis secret diaries reveal a crate of bullion was lost while being transferredmr thomas wrote it fell into river clyde while being moved to another shipthe mission was so secretive it is not known if bullion was ever recovered']\n", + "the gold and silver bars had been loaded in murmansk onto a former irish sea ferry , converted into a battle cruiser with her superstructure stripped to take part in a dangerous arctic convoy .the bullion was loaded onto the hms ulster queen ( pictured ) in 1942 and was being transferred to the u.s. as payment for weapons when the case of precious metals was lost overboardevidence has emerged of a wartime blunder that resulted in millions of pounds of russian bullion , supposedly bound for america , being lost in the river clyde .\n", + "edinburgh engineer detailed how bullion was lost during secret missionleonard h. thomas served on hms ulster queen during arctic convoyshis secret diaries reveal a crate of bullion was lost while being transferredmr thomas wrote it fell into river clyde while being moved to another shipthe mission was so secretive it is not known if bullion was ever recovered\n", + "[1.3622341 1.5652435 1.2740669 1.2639182 1.2283691 1.1463413 1.034489\n", + " 1.0168079 1.0211836 1.0421852 1.0287966 1.031252 1.1792879 1.1341462\n", + " 1.0652902 1.0205746 1.0092691 1.0125005 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 12 5 13 14 9 6 11 10 8 15 7 17 16 18 19 20]\n", + "=======================\n", + "[\"wilshere was on the bench against reading at wembley on saturday after five months out through injury .jack wilshere can be the future of arsenal 's midfield , but his injury record could turn him into another abou diaby , fears club legend ray parlour .and parlour believes that the 23-year-old 's fitness record is the one thing holding him back from reaching his undoubted potential .\"]\n", + "=======================\n", + "[\"jack wilshere has not played for arsenal since november after limping off at the emirates following a tackle from manchester united 's paddy mcnairhis career has been plagued by injuries , but former arsenal midfielder ray parlour believes he is the future of the clubparlour also reckons arsenal can push chelsea for the title next seasonread : arsenal will help abou diaby get back on track , even if he leaveswinterburn : klopp is perfect for arsenal but give wenger is the right man\"]\n", + "wilshere was on the bench against reading at wembley on saturday after five months out through injury .jack wilshere can be the future of arsenal 's midfield , but his injury record could turn him into another abou diaby , fears club legend ray parlour .and parlour believes that the 23-year-old 's fitness record is the one thing holding him back from reaching his undoubted potential .\n", + "jack wilshere has not played for arsenal since november after limping off at the emirates following a tackle from manchester united 's paddy mcnairhis career has been plagued by injuries , but former arsenal midfielder ray parlour believes he is the future of the clubparlour also reckons arsenal can push chelsea for the title next seasonread : arsenal will help abou diaby get back on track , even if he leaveswinterburn : klopp is perfect for arsenal but give wenger is the right man\n", + "[1.4133987 1.440807 1.0987593 1.4990549 1.0997803 1.1954184 1.1982429\n", + " 1.07092 1.0247452 1.034572 1.0183282 1.0235134 1.0109719 1.1076776\n", + " 1.128446 1.0521402 1.0166098 1.0100836 1.0101829 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 6 5 14 13 4 2 7 15 9 8 11 10 16 12 18 17 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"jolyon palmer will drive in every friday practice session for lotus this seasonfor the first time the enstone-based marque are providing their test and reserve driver with a number of outings in friday 's first practice session ahead of grand prix weekends .jolyon palmer is determined to claim a place in formula one next year after being given the perfect opportunity by lotus to prove himself worthy .\"]\n", + "=======================\n", + "['jolyon palmer will drive in every friday practice session for lotusthe bit is determined to seize his chance with the teamin china , he was only 0.6 seconds behind pastor maldonado']\n", + "jolyon palmer will drive in every friday practice session for lotus this seasonfor the first time the enstone-based marque are providing their test and reserve driver with a number of outings in friday 's first practice session ahead of grand prix weekends .jolyon palmer is determined to claim a place in formula one next year after being given the perfect opportunity by lotus to prove himself worthy .\n", + "jolyon palmer will drive in every friday practice session for lotusthe bit is determined to seize his chance with the teamin china , he was only 0.6 seconds behind pastor maldonado\n", + "[1.294483 1.3636267 1.1874833 1.2632797 1.211809 1.2393936 1.1285461\n", + " 1.0874988 1.0881052 1.1555542 1.0339257 1.1089311 1.0186337 1.0168087\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 5 4 2 9 6 11 8 7 10 12 13 14 15 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"the snp leader insisted she would call the shots in the event of a hung parliament , even though she is not even standing for election to the commons .nicola sturgeon today threatened to ` change the direction ' of the uk parliament without even becoming an mp as the snp stepped up its demands on labour .ms sturgeon has made clear she would act to ` lock ' the tories out of power and prop up a labour government .\"]\n", + "=======================\n", + "[\"snp leader says she will hold talks with westminster parties after may 8first minister is not standing for election and will not be in commonsvows to use fix term parliament act to ` change direction ' of governmentmandelson 's firm says the snp will emerge as the winners of the electiontns poll puts snp up two points on 54 % , with labour down two to 22 %\"]\n", + "the snp leader insisted she would call the shots in the event of a hung parliament , even though she is not even standing for election to the commons .nicola sturgeon today threatened to ` change the direction ' of the uk parliament without even becoming an mp as the snp stepped up its demands on labour .ms sturgeon has made clear she would act to ` lock ' the tories out of power and prop up a labour government .\n", + "snp leader says she will hold talks with westminster parties after may 8first minister is not standing for election and will not be in commonsvows to use fix term parliament act to ` change direction ' of governmentmandelson 's firm says the snp will emerge as the winners of the electiontns poll puts snp up two points on 54 % , with labour down two to 22 %\n", + "[1.2017436 1.4432104 1.3638353 1.2626705 1.1518387 1.1531968 1.1303904\n", + " 1.1749043 1.1353501 1.0910921 1.0678949 1.0228671 1.0654612 1.0699846\n", + " 1.0477405 1.0273443 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 7 5 4 8 6 9 13 10 12 14 15 11 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "['the 48-year-old tourist was stopped by police after she wrote her name and the date on the dome of the florence cathedral .she used an eyeliner pencil to leave her mark on the marble on monday morning , but it did not leave any permanent damage , italian newspaper la nazione reported .a japanese woman has become the latest holidaymaker to face criminal charges in italy for defacing a historic landmark .']\n", + "=======================\n", + "[\"tourist used an eyeliner pencil to write her name and the day 's dateitalian media said the pencil did not leave any permanent marksfamous renaissance dome was designed by architect filippo brunelleschilast month two americans were charged for defacing the colosseum\"]\n", + "the 48-year-old tourist was stopped by police after she wrote her name and the date on the dome of the florence cathedral .she used an eyeliner pencil to leave her mark on the marble on monday morning , but it did not leave any permanent damage , italian newspaper la nazione reported .a japanese woman has become the latest holidaymaker to face criminal charges in italy for defacing a historic landmark .\n", + "tourist used an eyeliner pencil to write her name and the day 's dateitalian media said the pencil did not leave any permanent marksfamous renaissance dome was designed by architect filippo brunelleschilast month two americans were charged for defacing the colosseum\n", + "[1.1887329 1.319051 1.2459414 1.1923709 1.156579 1.2059718 1.1464862\n", + " 1.0869613 1.0701926 1.109721 1.0571955 1.0672923 1.0482545 1.0123937\n", + " 1.0282323 1.0449344 1.0501097 1.0173746 1.0262178 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 5 3 0 4 6 9 7 8 11 10 16 12 15 14 18 17 13 24 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "['the health reforms , which include fining agencies employing models with a bmi under 18 and criminalising pro-anorexia web content , have now passed through the upper house of parliament .an analysis of the reforms by sarah jackson , a research psychologist at university college london , suggested that censoring images of ultra-thin models may ease their adverse effects on young women , such as concerns about body image and behaviours such as unhealthy eating .but rachel cole-fletcher , of durham university says it is not a lifestyle choice and personality traits are to blame ( file photo )']\n", + "=======================\n", + "['rachel cole-fletcher is a teaching fellow at durham university - and works with students looking at cognitive traits associated with anorexia riskargues that rather than skinny models being to blame , other factors arestates that people with anorexia tend to have a certain personality typeand that images of thin women are unlikely to have much of an effect']\n", + "the health reforms , which include fining agencies employing models with a bmi under 18 and criminalising pro-anorexia web content , have now passed through the upper house of parliament .an analysis of the reforms by sarah jackson , a research psychologist at university college london , suggested that censoring images of ultra-thin models may ease their adverse effects on young women , such as concerns about body image and behaviours such as unhealthy eating .but rachel cole-fletcher , of durham university says it is not a lifestyle choice and personality traits are to blame ( file photo )\n", + "rachel cole-fletcher is a teaching fellow at durham university - and works with students looking at cognitive traits associated with anorexia riskargues that rather than skinny models being to blame , other factors arestates that people with anorexia tend to have a certain personality typeand that images of thin women are unlikely to have much of an effect\n", + "[1.4789733 1.1428415 1.1093581 1.1984382 1.1731526 1.1156499 1.1184859\n", + " 1.0779727 1.0198373 1.0196613 1.0507165 1.0392649 1.0724012 1.045237\n", + " 1.0463809 1.0444664 1.0672059 1.055315 1.1592015 1.0664725 1.1411892\n", + " 1.0318698 1.068888 1.0903028 1.0624695 1.0406404]\n", + "\n", + "[ 0 3 4 18 1 20 6 5 2 23 7 12 22 16 19 24 17 10 14 13 15 25 11 21\n", + " 8 9]\n", + "=======================\n", + "[\"michael vaughan , alec stewart and andrew strauss are three former captains bidding to lead england 's reform after paul downton was sacked as managing director .alec stewart ( age 52 )current job : director of cricket at surrey .\"]\n", + "=======================\n", + "['three former captains in the frame to lead english cricketpaul downton was sacked as managing director on wednesdaymichael vaughan has emerged as a leading candidate for the rolealec stewart said he would consider taking up the positionandrew strauss is also well respected within the game of cricket']\n", + "michael vaughan , alec stewart and andrew strauss are three former captains bidding to lead england 's reform after paul downton was sacked as managing director .alec stewart ( age 52 )current job : director of cricket at surrey .\n", + "three former captains in the frame to lead english cricketpaul downton was sacked as managing director on wednesdaymichael vaughan has emerged as a leading candidate for the rolealec stewart said he would consider taking up the positionandrew strauss is also well respected within the game of cricket\n", + "[1.2964668 1.108067 1.0516105 1.4237624 1.1415412 1.2955008 1.1825178\n", + " 1.106566 1.0369656 1.0546013 1.0363748 1.03448 1.0291107 1.0383915\n", + " 1.0575597 1.0320607 1.0392396 1.0202197 1.0293691 1.0263835 1.0339351\n", + " 0. 0. ]\n", + "\n", + "[ 3 0 5 6 4 1 7 14 9 2 16 13 8 10 11 20 15 18 12 19 17 21 22]\n", + "=======================\n", + "['tiger woods returns to action at augusta national golf club to practice ahead of the masters 2015woods was making his first public appearance in 60 days since announcing a hiatus from golfwoods is given a warm welcome from the crowd and soon stops to sign autographs for some of his fans']\n", + "=======================\n", + "['both tiger woods and rory mcilroy took part in the practice session at augusta national golf club ahead of the masters 2015woods was making his return to action and his first appearance for 60 days since taking a break from golf to regain formhe was given a warm welcome by the crowd and looked confident as he made his way around the coursemcilroy , meanwhile , teed off with promising young british starlet bradley neil']\n", + "tiger woods returns to action at augusta national golf club to practice ahead of the masters 2015woods was making his first public appearance in 60 days since announcing a hiatus from golfwoods is given a warm welcome from the crowd and soon stops to sign autographs for some of his fans\n", + "both tiger woods and rory mcilroy took part in the practice session at augusta national golf club ahead of the masters 2015woods was making his return to action and his first appearance for 60 days since taking a break from golf to regain formhe was given a warm welcome by the crowd and looked confident as he made his way around the coursemcilroy , meanwhile , teed off with promising young british starlet bradley neil\n", + "[1.3095832 1.5007977 1.2465092 1.2464453 1.2684596 1.1230117 1.0491406\n", + " 1.1051093 1.0349551 1.0201652 1.0740511 1.0876328 1.0772914 1.0217077\n", + " 1.0159935 1.0331378 1.105537 1.0617198 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 5 16 7 11 12 10 17 6 8 15 13 9 14 21 18 19 20 22]\n", + "=======================\n", + "['mr yuan , from changsha , was involved in the accident on march 24 and has been in hospital ever since .a chinese man recovering in hospital after a car crash had a shock - when all 17 of his girlfriends turned up to see him .none of the women knew he had been seeing anyone else - some for up to nine years - and one even had a son with him .']\n", + "=======================\n", + "['mr yuan was in the accident on march 24 and has been in hospital sinceone girl had been dating him for nine years and another had a son with himpolice have now launched an investigation into allegations of fraud']\n", + "mr yuan , from changsha , was involved in the accident on march 24 and has been in hospital ever since .a chinese man recovering in hospital after a car crash had a shock - when all 17 of his girlfriends turned up to see him .none of the women knew he had been seeing anyone else - some for up to nine years - and one even had a son with him .\n", + "mr yuan was in the accident on march 24 and has been in hospital sinceone girl had been dating him for nine years and another had a son with himpolice have now launched an investigation into allegations of fraud\n", + "[1.2316206 1.5379908 1.2942857 1.4028418 1.2835121 1.1105448 1.0323708\n", + " 1.0408521 1.0204968 1.0209184 1.0255377 1.0299177 1.1729506 1.0916255\n", + " 1.1528927 1.0403054 1.0190694 1.0245742 1.0162051 1.0158262 1.0105469\n", + " 1.0122892 1.0128481]\n", + "\n", + "[ 1 3 2 4 0 12 14 5 13 7 15 6 11 10 17 9 8 16 18 19 22 21 20]\n", + "=======================\n", + "['shocked terry cooper , 79 , was enjoying the sunshine in his garden with his dog sam when the huge animal burst through a hedge with two cubs .mr cooper , from curry rivel , somerset said his dog dragged him back indoors and fears he could have been attacked if his pet had not been there .a pensioner is living in fear after his jack russell saved him from a badger the size of a large pig with six-inch teeth .']\n", + "=======================\n", + "[\"terry cooper , 79 , said a badger the size of a large pig burst through hedgethe pensioner from somerset said his jack russell dragged him indoorsfears he may have been attacked by the badger if his pet had n't been there\"]\n", + "shocked terry cooper , 79 , was enjoying the sunshine in his garden with his dog sam when the huge animal burst through a hedge with two cubs .mr cooper , from curry rivel , somerset said his dog dragged him back indoors and fears he could have been attacked if his pet had not been there .a pensioner is living in fear after his jack russell saved him from a badger the size of a large pig with six-inch teeth .\n", + "terry cooper , 79 , said a badger the size of a large pig burst through hedgethe pensioner from somerset said his jack russell dragged him indoorsfears he may have been attacked by the badger if his pet had n't been there\n", + "[1.2502668 1.5081098 1.2261622 1.4083469 1.1027914 1.0700278 1.0914645\n", + " 1.0964092 1.1410677 1.0566704 1.0306014 1.0328147 1.0629467 1.0455589\n", + " 1.0579684 1.0392169 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 2 8 4 7 6 5 12 14 9 13 15 11 10 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"alassan gobitaca , known as al the jumper , is a swedish guinness world record holder who has jumped over everything from a lamborghini travelling at a speed of 80mph to a pair of moving motorbikes .a daredevil risked life and limb for the opportunity to be named world 's most talented by jumping over a sports car that travelled towards him at 60mph .his stunt driver , hassan explains his thought process when approaching the stunt and states that he considers both the speed and position of his car .\"]\n", + "=======================\n", + "[\"alassan gobitaca , known as al the jumper , completed the stuntgobitaca has previously jumped a lamborghini and a motorbikethe daredevil jumper is a swedish guinness world record holdergobitaca represented sweden in tv show world 's most talented\"]\n", + "alassan gobitaca , known as al the jumper , is a swedish guinness world record holder who has jumped over everything from a lamborghini travelling at a speed of 80mph to a pair of moving motorbikes .a daredevil risked life and limb for the opportunity to be named world 's most talented by jumping over a sports car that travelled towards him at 60mph .his stunt driver , hassan explains his thought process when approaching the stunt and states that he considers both the speed and position of his car .\n", + "alassan gobitaca , known as al the jumper , completed the stuntgobitaca has previously jumped a lamborghini and a motorbikethe daredevil jumper is a swedish guinness world record holdergobitaca represented sweden in tv show world 's most talented\n", + "[1.5865895 1.3009918 1.1532938 1.2329698 1.1396384 1.2215167 1.0567828\n", + " 1.1103137 1.1284237 1.2435497 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 9 3 5 2 4 8 7 6 20 19 18 17 16 11 14 13 12 21 10 15 22]\n", + "=======================\n", + "[\"saracens no 8 billy vunipola , toulon flanker steffon armitage and clermont full back nick abendanon have all been shortlisted for the european player of the year award following their superb performances in this season 's european champions cup .vunipola starred for mark mccall 's side throughout the pool stages and was named man-of-the-match following his side 's 33-10 demolition of munster in round five .the toulon back rower was named on the bench for last sunday 's quarter-final against leinster .\"]\n", + "=======================\n", + "[\"steffon armitage was named european player of the year last seasonbilly vunipola was superb for saracens during his season 's tournamentnick abendanon has starred for 2015 finalists clermont\"]\n", + "saracens no 8 billy vunipola , toulon flanker steffon armitage and clermont full back nick abendanon have all been shortlisted for the european player of the year award following their superb performances in this season 's european champions cup .vunipola starred for mark mccall 's side throughout the pool stages and was named man-of-the-match following his side 's 33-10 demolition of munster in round five .the toulon back rower was named on the bench for last sunday 's quarter-final against leinster .\n", + "steffon armitage was named european player of the year last seasonbilly vunipola was superb for saracens during his season 's tournamentnick abendanon has starred for 2015 finalists clermont\n", + "[1.3845694 1.2449524 1.2441115 1.1766211 1.1805308 1.1602482 1.1019492\n", + " 1.1824732 1.1455728 1.0550438 1.0276624 1.0782645 1.0406232 1.0332357\n", + " 1.0371953 1.0650587 1.051974 1.1013916 1.0884256 1.0978771 1.1044321]\n", + "\n", + "[ 0 1 2 7 4 3 5 8 20 6 17 19 18 11 15 9 16 12 14 13 10]\n", + "=======================\n", + "['( cnn ) a california woman who was recording police activity said she was terrified when a deputy u.s. marshal walked toward her , grabbed her cell phone out of her hands and smashed it with his foot .the incident was recorded by another woman with a smartphone camera across the street .beatriz paez filed a complaint wednesday with police in south gate , just south of los angeles .']\n", + "=======================\n", + "['beatriz paez was walking sunday when she saw police activityshe says marshals told her to stop recording but she refusedmarshals service said it is looking into incident after man took her phone and smashed it']\n", + "( cnn ) a california woman who was recording police activity said she was terrified when a deputy u.s. marshal walked toward her , grabbed her cell phone out of her hands and smashed it with his foot .the incident was recorded by another woman with a smartphone camera across the street .beatriz paez filed a complaint wednesday with police in south gate , just south of los angeles .\n", + "beatriz paez was walking sunday when she saw police activityshe says marshals told her to stop recording but she refusedmarshals service said it is looking into incident after man took her phone and smashed it\n", + "[1.2092863 1.4959877 1.3155776 1.3221899 1.2112814 1.1265903 1.0893526\n", + " 1.128011 1.1560454 1.0578723 1.0336236 1.0119872 1.0331987 1.059282\n", + " 1.0665973 1.0502186 1.1224344 1.0338712 1.0249394 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 8 7 5 16 6 14 13 9 15 17 10 12 18 11 19 20]\n", + "=======================\n", + "['the two-bedroom terraced property in snodland , kent , was first rented by len and beatrice barnes in november 1915 .a house used by five generations of the same family has been put on the market for the first time in 100 years .the couple raised their son gordon and three daughters , freda , hilda and gwendoline , in the property , which used to have an outside bathroom .']\n", + "=======================\n", + "['two-bedroom property first rented by len and beatrice barnes in 1915brought it 40 years later for # 350 before passing it to daughter fredafamily have now all moved away and house is on market for # 164,500']\n", + "the two-bedroom terraced property in snodland , kent , was first rented by len and beatrice barnes in november 1915 .a house used by five generations of the same family has been put on the market for the first time in 100 years .the couple raised their son gordon and three daughters , freda , hilda and gwendoline , in the property , which used to have an outside bathroom .\n", + "two-bedroom property first rented by len and beatrice barnes in 1915brought it 40 years later for # 350 before passing it to daughter fredafamily have now all moved away and house is on market for # 164,500\n", + "[1.2745378 1.5185485 1.106953 1.3925662 1.0476687 1.213179 1.0711138\n", + " 1.0170529 1.0245509 1.1067517 1.0457385 1.2036319 1.0278941 1.0159221\n", + " 1.0142363 1.013807 1.0094774 1.0821905 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 5 11 2 9 17 6 4 10 12 8 7 13 14 15 16 18 19 20]\n", + "=======================\n", + "[\"sydney electronic duo the presets , made up of julian hamilton and kim moyes , published a series of posts on its facebook page on saturday night and sunday morning , hours after it was announced andrew chan and myuran sukumaran would be executed this week .` if you agree with murder , lack compassion and openly display those views on our page then yes , you are a total c *** and can f *** off , ' one post read .one of the posts told fans who disagreed with the band 's stance to ` unfollow us , delete all our music and stop listening to us altogether '\"]\n", + "=======================\n", + "[\"australian band , the presets , shared a number of posts on facebookattacked fans who supported the execution of bali nine duo in indonesia` please unfollow us , delete all our music and stop listening ' , one readfans were divided as some supported the band while others did not\"]\n", + "sydney electronic duo the presets , made up of julian hamilton and kim moyes , published a series of posts on its facebook page on saturday night and sunday morning , hours after it was announced andrew chan and myuran sukumaran would be executed this week .` if you agree with murder , lack compassion and openly display those views on our page then yes , you are a total c *** and can f *** off , ' one post read .one of the posts told fans who disagreed with the band 's stance to ` unfollow us , delete all our music and stop listening to us altogether '\n", + "australian band , the presets , shared a number of posts on facebookattacked fans who supported the execution of bali nine duo in indonesia` please unfollow us , delete all our music and stop listening ' , one readfans were divided as some supported the band while others did not\n", + "[1.134675 1.5974333 1.361083 1.0895691 1.0836077 1.0701702 1.0494096\n", + " 1.0962085 1.1403387 1.0928564 1.0269142 1.3246775 1.0176747 1.1684223\n", + " 1.0646554 1.0771695 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 11 13 8 0 7 9 3 4 15 5 14 6 10 12 19 16 17 18 20]\n", + "=======================\n", + "['angelina santini from san diego , california , filmed her nine-month-old son marcus getting carried away in his bouncer one day .the comical clip shows the youngster lurching back and forth with the device almost touching the floor .at the one-minute-30-second mark , marcus shows no sign of slowing down .']\n", + "=======================\n", + "['angelina santini from san diego , california , filmed her son marcus getting carried away in his bouncer one daythe comical clip shows the youngster lurching back and forth with the device almost touching the floor']\n", + "angelina santini from san diego , california , filmed her nine-month-old son marcus getting carried away in his bouncer one day .the comical clip shows the youngster lurching back and forth with the device almost touching the floor .at the one-minute-30-second mark , marcus shows no sign of slowing down .\n", + "angelina santini from san diego , california , filmed her son marcus getting carried away in his bouncer one daythe comical clip shows the youngster lurching back and forth with the device almost touching the floor\n", + "[1.32168 1.4031479 1.2205496 1.2164553 1.1226383 1.2500063 1.111248\n", + " 1.0711337 1.2174321 1.1547374 1.1423564 1.1010301 1.0085247 1.0239335\n", + " 1.0076596 1.0226823 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 5 2 8 3 9 10 4 6 11 7 13 15 12 14 19 16 17 18 20]\n", + "=======================\n", + "[\"the banner , displayed during roma 's 1-0 defeat of napoli on saturday , caused outcry for insulting the mother of a napoli fan who was killed in violent clashes between supporters last year .roma have been ordered to close part of their stadium for their next home game after supporters were sanctioned for showing an offensive banner over the weekend .roma 's stadio olimpico stadium will be part closed for game against atalanta on april 19 .\"]\n", + "=======================\n", + "['roma stadium will be part closed for game against atalanta april 19supporters displayed banner taunting mother whose son died in clashes between napoli and roma fans after coppa italia final last yearantonella leardi started a campaign against football violence after the death of her son ciro esposito']\n", + "the banner , displayed during roma 's 1-0 defeat of napoli on saturday , caused outcry for insulting the mother of a napoli fan who was killed in violent clashes between supporters last year .roma have been ordered to close part of their stadium for their next home game after supporters were sanctioned for showing an offensive banner over the weekend .roma 's stadio olimpico stadium will be part closed for game against atalanta on april 19 .\n", + "roma stadium will be part closed for game against atalanta april 19supporters displayed banner taunting mother whose son died in clashes between napoli and roma fans after coppa italia final last yearantonella leardi started a campaign against football violence after the death of her son ciro esposito\n", + "[1.189996 1.5412261 1.2569216 1.423017 1.1667424 1.2068634 1.1301074\n", + " 1.1083819 1.1405396 1.0467254 1.016782 1.0123968 1.0181179 1.0473609\n", + " 1.0242832 1.0809011 1.0835707 1.133903 ]\n", + "\n", + "[ 1 3 2 5 0 4 8 17 6 7 16 15 13 9 14 12 10 11]\n", + "=======================\n", + "[\"tom moffatt , 27 , from ashton-under-lyne in tameside , greater manchester , was meant to ink ` riley ' - the name of his four-year-old son - into his left arm .but instead of the letter ` l' , mr moffatt started needling the letter p - and had to urgently ` scribble ' over the mistake .he also attempted to mark himself with riley 's nickname ` sonny boy ' - but ended up scratching ` sony boy ' instead ( right )\"]\n", + "=======================\n", + "[\"tom moffatt , 27 , from ashton-under lyne , tried to ink ` riley ' into left armbut instead of ` l' , he started needling letter ` p ' - and had to scribble it outhe also attempted to write riley 's nickname ` sonny boy ' - but ended up scratching ` sony boy ' across knuckles insteadnhs worker is having laser removal to try and rid of the botched inkwork\"]\n", + "tom moffatt , 27 , from ashton-under-lyne in tameside , greater manchester , was meant to ink ` riley ' - the name of his four-year-old son - into his left arm .but instead of the letter ` l' , mr moffatt started needling the letter p - and had to urgently ` scribble ' over the mistake .he also attempted to mark himself with riley 's nickname ` sonny boy ' - but ended up scratching ` sony boy ' instead ( right )\n", + "tom moffatt , 27 , from ashton-under lyne , tried to ink ` riley ' into left armbut instead of ` l' , he started needling letter ` p ' - and had to scribble it outhe also attempted to write riley 's nickname ` sonny boy ' - but ended up scratching ` sony boy ' across knuckles insteadnhs worker is having laser removal to try and rid of the botched inkwork\n", + "[1.1088666 1.2865852 1.5435493 1.0870425 1.0497134 1.4598858 1.2418009\n", + " 1.0504743 1.0211787 1.044339 1.0171009 1.2091811 1.0284352 1.0194343\n", + " 1.0217406 1.0151983 1.027744 1.0217979]\n", + "\n", + "[ 2 5 1 6 11 0 3 7 4 9 12 16 17 14 8 13 10 15]\n", + "=======================\n", + "[\"jade ruthven , 33 , of perth , western australia , was shocked when she found the scathing note claiming to be from ` a few of the girls ' , cruelly criticising her for posting photos of her six-month-old daughter addison on facebook .but one group of women were so fed up with their friend 's ` running commentary ' they went to the extreme measure of putting an anonymous letter in her mailbox demanding she give everyone ' a break ' .the author claims the rant was written on behalf of everyone who views jade 's facebook posts .\"]\n", + "=======================\n", + "['a new mother was shocked to receive a scathing letterunsigned letter slammed her for posting too much on facebook about her babyletter to jade ruthven claimed to come from her friendsshe chose to respond by posting even more photos of her baby to take a stand against the bulliesshe has no idea who sent the cruel letter or why they chose to be so mean']\n", + "jade ruthven , 33 , of perth , western australia , was shocked when she found the scathing note claiming to be from ` a few of the girls ' , cruelly criticising her for posting photos of her six-month-old daughter addison on facebook .but one group of women were so fed up with their friend 's ` running commentary ' they went to the extreme measure of putting an anonymous letter in her mailbox demanding she give everyone ' a break ' .the author claims the rant was written on behalf of everyone who views jade 's facebook posts .\n", + "a new mother was shocked to receive a scathing letterunsigned letter slammed her for posting too much on facebook about her babyletter to jade ruthven claimed to come from her friendsshe chose to respond by posting even more photos of her baby to take a stand against the bulliesshe has no idea who sent the cruel letter or why they chose to be so mean\n", + "[1.0561051 1.3237674 1.1896994 1.393437 1.2952883 1.105694 1.2119505\n", + " 1.1465857 1.074469 1.1307598 1.1095616 1.1078753 1.1061437 1.022942\n", + " 1.0247164 1.0453802 1.0106196 0. ]\n", + "\n", + "[ 3 1 4 6 2 7 9 10 11 12 5 8 0 15 14 13 16 17]\n", + "=======================\n", + "[\"a small chocolate bunny contains 2212 kjs and would take an hour and ten minutes of swimming to work offaccording to the abc , the key is to maintain an even balance of ` energy in ' and ` energy out . 'this means that the energy we put into our bodies through food and drink must be equated with exercise to burn the energy and avoid gaining weight .\"]\n", + "=======================\n", + "[\"the key for easter indulgence is noting our ` energy in ' and ` energy out 'for four mini easter eggs it would take 30-40 minutes of walking to work offtwo hot cross buns without butter take up to 50 minutes of runningit is advised that we manage our energy consumption instead of working it off after it has been taken in\"]\n", + "a small chocolate bunny contains 2212 kjs and would take an hour and ten minutes of swimming to work offaccording to the abc , the key is to maintain an even balance of ` energy in ' and ` energy out . 'this means that the energy we put into our bodies through food and drink must be equated with exercise to burn the energy and avoid gaining weight .\n", + "the key for easter indulgence is noting our ` energy in ' and ` energy out 'for four mini easter eggs it would take 30-40 minutes of walking to work offtwo hot cross buns without butter take up to 50 minutes of runningit is advised that we manage our energy consumption instead of working it off after it has been taken in\n", + "[1.4454813 1.4699401 1.2822161 1.2046171 1.1178039 1.2413061 1.1825914\n", + " 1.1304593 1.0747494 1.1500242 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 5 3 6 9 7 4 8 10 11 12 13 14 15 16 17]\n", + "=======================\n", + "[\"carroll , who is on loan from tottenham , was hurt during england under 21s ' 1-0 victory over the czech republic last friday .swansea 's england under 21 international tom carroll faces up to six weeks on the sidelines due to ankle ligament damage .he scored the only goal as england triumphed in prague .\"]\n", + "=======================\n", + "[\"swansea midfielder tom carroll is on a season-long loan from tottenhamthe 22-year-old has featured 18 times for the swans this seasoncarroll could be out for up to six weeks after injuring his anklehe scored the only goal during england u21s ' win against czech republic\"]\n", + "carroll , who is on loan from tottenham , was hurt during england under 21s ' 1-0 victory over the czech republic last friday .swansea 's england under 21 international tom carroll faces up to six weeks on the sidelines due to ankle ligament damage .he scored the only goal as england triumphed in prague .\n", + "swansea midfielder tom carroll is on a season-long loan from tottenhamthe 22-year-old has featured 18 times for the swans this seasoncarroll could be out for up to six weeks after injuring his anklehe scored the only goal during england u21s ' win against czech republic\n", + "[1.3771089 1.3192648 1.2051232 1.168822 1.2234198 1.0870587 1.0544536\n", + " 1.1042889 1.1098332 1.1450613 1.099486 1.082499 1.0885956 1.1187205\n", + " 1.0644889 1.0386499 1.0073453 1.0111712]\n", + "\n", + "[ 0 1 4 2 3 9 13 8 7 10 12 5 11 14 6 15 17 16]\n", + "=======================\n", + "[\"brendan rodgers has insisted that raheem sterling will be going nowhere this summer and that he is ` relaxed ' about the star 's stalled contract talks .raheem sterling looks relaxed during liverpool 's training session on thursday morning despite uncertainty over his future at the club following revelations made in a tv interviewbut although rodgers admitted the interview was conducted without the club 's consent and ` surprised us all ' , he said sterling was still young and ` sometimes makes mistakes ' .\"]\n", + "=======================\n", + "[\"liverpool manager said raheem sterling is ` going nowhere ' this summerbrendan rodgers said club are a ` superpower ' and do n't have to sell starssterling in relaxed mood as liverpool trained on thursday morningengland star joked with daniel sturridge and shook hands with rodgerssterling said on tv he is not ready to sign a # 100,000-a-week contractrodgers said the bbc interview took everyone at club by surprisecontract talks look set to be dragged out to the summersterling admitted in interview he is ` flattered ' by interest from arsenal\"]\n", + "brendan rodgers has insisted that raheem sterling will be going nowhere this summer and that he is ` relaxed ' about the star 's stalled contract talks .raheem sterling looks relaxed during liverpool 's training session on thursday morning despite uncertainty over his future at the club following revelations made in a tv interviewbut although rodgers admitted the interview was conducted without the club 's consent and ` surprised us all ' , he said sterling was still young and ` sometimes makes mistakes ' .\n", + "liverpool manager said raheem sterling is ` going nowhere ' this summerbrendan rodgers said club are a ` superpower ' and do n't have to sell starssterling in relaxed mood as liverpool trained on thursday morningengland star joked with daniel sturridge and shook hands with rodgerssterling said on tv he is not ready to sign a # 100,000-a-week contractrodgers said the bbc interview took everyone at club by surprisecontract talks look set to be dragged out to the summersterling admitted in interview he is ` flattered ' by interest from arsenal\n", + "[1.2306423 1.1066445 1.1064174 1.1618314 1.0649337 1.0626197 1.2486942\n", + " 1.0879362 1.1193432 1.2141088 1.0235856 1.0290619 1.0288686 1.0282389\n", + " 1.1306515 1.1204805 1.1012771 1.0869347 1.1122603 1.1091446 0.\n", + " 0. ]\n", + "\n", + "[ 6 0 9 3 14 15 8 18 19 1 2 16 7 17 4 5 11 12 13 10 20 21]\n", + "=======================\n", + "[\"heavy : the gorilla throws his entire weight at the pane of glass at omaha 's henry doorley zooplayful : the little girl can be seen in the window beating her chest at one of the gorillashorror : the family 's terrified reactions were captured in the glass the moment they gorilla hit\"]\n", + "=======================\n", + "[\"toddler filmed beating her chest at the silverback at a nebraska zoogorilla then takes a run at the glass - and hits it with such force it cracksthe footage captures the terrified family running for their livesvideo of thursday 's incident has got 126,000 views since it was uploaded\"]\n", + "heavy : the gorilla throws his entire weight at the pane of glass at omaha 's henry doorley zooplayful : the little girl can be seen in the window beating her chest at one of the gorillashorror : the family 's terrified reactions were captured in the glass the moment they gorilla hit\n", + "toddler filmed beating her chest at the silverback at a nebraska zoogorilla then takes a run at the glass - and hits it with such force it cracksthe footage captures the terrified family running for their livesvideo of thursday 's incident has got 126,000 views since it was uploaded\n", + "[1.5050728 1.37694 1.1210263 1.2097536 1.1400143 1.3361003 1.0765996\n", + " 1.0406201 1.0310558 1.0192008 1.0112131 1.1518358 1.1998118 1.1894995\n", + " 1.0187833 1.0089468 1.0103258 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 5 3 12 13 11 4 2 6 7 8 9 14 10 16 15 17 18 19 20 21]\n", + "=======================\n", + "['stoke midfielder charlie adam was left with mixed emotions after scoring the best goal of his career only to end up a loser at stamford bridge .adam netted one of the most memorable goals in premier league history as he lobbed chelsea goalkeeper thibaut courtois from 66 yards on the stroke of half-time .stoke manager mark hughes has seen his side lose in their last three premier league encounters']\n", + "=======================\n", + "[\"charlie adam scored stoke 's equaliser against chelsea from 66 yards outstoke ended up losing 2-1 against chelsea at stamford bridge on saturdaythe loss was stoke 's third in a row but adam backs them to return to form\"]\n", + "stoke midfielder charlie adam was left with mixed emotions after scoring the best goal of his career only to end up a loser at stamford bridge .adam netted one of the most memorable goals in premier league history as he lobbed chelsea goalkeeper thibaut courtois from 66 yards on the stroke of half-time .stoke manager mark hughes has seen his side lose in their last three premier league encounters\n", + "charlie adam scored stoke 's equaliser against chelsea from 66 yards outstoke ended up losing 2-1 against chelsea at stamford bridge on saturdaythe loss was stoke 's third in a row but adam backs them to return to form\n", + "[1.3048464 1.3251702 1.1719794 1.0761361 1.0237435 1.3426093 1.1338639\n", + " 1.1169795 1.0896851 1.0948964 1.0747421 1.0839254 1.1420656 1.0847583\n", + " 1.1195369 1.0642521 1.031345 1.086163 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 5 1 0 2 12 6 14 7 9 8 17 13 11 3 10 15 16 4 18 19 20 21]\n", + "=======================\n", + "[\"dean nicole p. eramo blasted rolling stone in an open letter on wednesday over its retracted campus rape storyan associate dean of students at the university of virginia said wednesday a widely discredited rolling stone article caused her professional and personal harm by portraying her as insensitive and unresponsive to an alleged victim of a gang rape .` rolling stone has deeply damaged me both personally and professionally , ' eramo wrote .\"]\n", + "=======================\n", + "[\"nicole p. eramo was ` deeply damaged ' by the article , she says , which portrayed her as the as ` the personification of a heartless administration 'eramo said in an open letter wednesday to publisher jann s. wenner that the magazine has not done enough to make amends\"]\n", + "dean nicole p. eramo blasted rolling stone in an open letter on wednesday over its retracted campus rape storyan associate dean of students at the university of virginia said wednesday a widely discredited rolling stone article caused her professional and personal harm by portraying her as insensitive and unresponsive to an alleged victim of a gang rape .` rolling stone has deeply damaged me both personally and professionally , ' eramo wrote .\n", + "nicole p. eramo was ` deeply damaged ' by the article , she says , which portrayed her as the as ` the personification of a heartless administration 'eramo said in an open letter wednesday to publisher jann s. wenner that the magazine has not done enough to make amends\n", + "[1.3473577 1.3165656 1.2001795 1.1527833 1.2590063 1.3427455 1.0989392\n", + " 1.1205214 1.2512611 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 5 1 4 8 2 3 7 6 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", + "=======================\n", + "['the french rugby federation is looking for candidates to replace france coach philippe saint-andre following the world cup .saint-andre has struggled as head coach of les bleus winning just 15 of his 37 games in chargesaint-andre succeeded marc lievremont ( above ) following the 2011 world cup in new zealand']\n", + "=======================\n", + "['philippe saint-andre succeeded marc lievremont as france coach in 2011lievremont had led les bleus to the world cup final that yearsince taking charge , saint-andre has won just 15 of his 37 gamessaint-andre will remain in charge for the forthcoming world cupbegles-bordeaux coach rapahael ibanez is favourite for the job']\n", + "the french rugby federation is looking for candidates to replace france coach philippe saint-andre following the world cup .saint-andre has struggled as head coach of les bleus winning just 15 of his 37 games in chargesaint-andre succeeded marc lievremont ( above ) following the 2011 world cup in new zealand\n", + "philippe saint-andre succeeded marc lievremont as france coach in 2011lievremont had led les bleus to the world cup final that yearsince taking charge , saint-andre has won just 15 of his 37 gamessaint-andre will remain in charge for the forthcoming world cupbegles-bordeaux coach rapahael ibanez is favourite for the job\n", + "[1.1732367 1.1382084 1.1666855 1.1924912 1.1756667 1.2390096 1.1278112\n", + " 1.031743 1.084286 1.1125163 1.0872111 1.0291219 1.0767738 1.0259849\n", + " 1.0283971 1.0298364 1.0196806 1.0587041 1.032315 1.0451057 1.085078\n", + " 1.117768 ]\n", + "\n", + "[ 5 3 4 0 2 1 6 21 9 10 20 8 12 17 19 18 7 15 11 14 13 16]\n", + "=======================\n", + "['the finale is titled \" march 8 , 1983 . \"critics continue to praise \" the americans \" as one of the best series on tv , and every finale has delivered in a big way .season 3 has seen a battle for the soul of daughter paige , the return of fan favorite margo martindale and soviet agent nina getting back in the game .']\n", + "=======================\n", + "['\" the americans \" ends a critically acclaimed third season wednesdayacademy of country music awards holds its 50th ceremony sunday on cbs']\n", + "the finale is titled \" march 8 , 1983 . \"critics continue to praise \" the americans \" as one of the best series on tv , and every finale has delivered in a big way .season 3 has seen a battle for the soul of daughter paige , the return of fan favorite margo martindale and soviet agent nina getting back in the game .\n", + "\" the americans \" ends a critically acclaimed third season wednesdayacademy of country music awards holds its 50th ceremony sunday on cbs\n", + "[1.0431607 1.0877632 1.4496909 1.1321014 1.1416386 1.1161346 1.09172\n", + " 1.091826 1.1015605 1.0749091 1.0938423 1.1242483 1.0497587 1.0443376\n", + " 1.019585 1.0554034 1.0167031 1.0298808 1.0979114 1.0427637 1.0465633\n", + " 1.0618085 1.0919521 1.0326073 1.018104 ]\n", + "\n", + "[ 2 4 3 11 5 8 18 10 22 7 6 1 9 21 15 12 20 13 0 19 23 17 14 24\n", + " 16]\n", + "=======================\n", + "['dr. kristen lindsey allegedly shot an arrow into the back of an orange tabby \\'s head and posted a proud photo this week on facebook of herself smiling , as she dangled its limp body by the arrow \\'s shaft .\" my first bow kill , lol .lindsey added a comment , cnn affiliate kbtx reported .']\n", + "=======================\n", + "[\"dr. kristen lindsey has since removed the post of her holding the dead cat by an arrowher employer fired her ; the sheriff 's office is investigatingactivist offers $ 7,500 reward\"]\n", + "dr. kristen lindsey allegedly shot an arrow into the back of an orange tabby 's head and posted a proud photo this week on facebook of herself smiling , as she dangled its limp body by the arrow 's shaft .\" my first bow kill , lol .lindsey added a comment , cnn affiliate kbtx reported .\n", + "dr. kristen lindsey has since removed the post of her holding the dead cat by an arrowher employer fired her ; the sheriff 's office is investigatingactivist offers $ 7,500 reward\n", + "[1.2266542 1.4775252 1.2339792 1.3813169 1.3052788 1.1631515 1.1219178\n", + " 1.0237523 1.0793316 1.1626563 1.0374762 1.0168226 1.0146993 1.0882893\n", + " 1.0234091 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 5 9 6 13 8 10 7 14 11 12 15 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "['karen catherall , 45 , was viciously beaten and strangled to death by darren jeffreys , who she met only weeks earlier on dating site plenty of fish .he was jailed for a minimum of 17 and a half years in februarythe pair had been drinking at the pub before she returned to her home in gwernaffield near mold , flintshire , north wales , when jeffreys , 47 , followed and attacked in an alcohol-fuelled rage .']\n", + "=======================\n", + "['karen catherall , 45 , was beaten and strangled to death by darren jefferysthey met weeks earlier on dating site plenty of fish before he killed herpolice revealed the mother-of-two tried to call 999 on night of her murdercall handler got no response and so the call was not connected to police']\n", + "karen catherall , 45 , was viciously beaten and strangled to death by darren jeffreys , who she met only weeks earlier on dating site plenty of fish .he was jailed for a minimum of 17 and a half years in februarythe pair had been drinking at the pub before she returned to her home in gwernaffield near mold , flintshire , north wales , when jeffreys , 47 , followed and attacked in an alcohol-fuelled rage .\n", + "karen catherall , 45 , was beaten and strangled to death by darren jefferysthey met weeks earlier on dating site plenty of fish before he killed herpolice revealed the mother-of-two tried to call 999 on night of her murdercall handler got no response and so the call was not connected to police\n", + "[1.1593497 1.0863059 1.0580565 1.2120321 1.1942103 1.4944398 1.252393\n", + " 1.0193809 1.0226068 1.020176 1.027922 1.0570023 1.0548705 1.093526\n", + " 1.0183544 1.0148458 1.0717113 1.1401356 1.1831597 1.036507 1.0646311\n", + " 1.0770541 1.0284066 0. 0. ]\n", + "\n", + "[ 5 6 3 4 18 0 17 13 1 21 16 20 2 11 12 19 22 10 8 9 7 14 15 23\n", + " 24]\n", + "=======================\n", + "['scott quigg is desperate to fight carl frampton and has offered him # 1.5 million to do so on july 18promoter eddie hearn produced a cheque for # 1.5 m live on television on tuesdaynow it is up to frampton and his people to decide if they really want it .']\n", + "=======================\n", + "[\"scott quigg and i have taken all the risks - carl frampton must step upwe 've written him a cheque for # 1.5 million so what is stopping them ?i 've also held talks with kiko martinez and nonito donaire for july 18kell brook vs frankie gavin under strong consideration for may 30anthony joshua will probably fight again on may 9 in birmingham\"]\n", + "scott quigg is desperate to fight carl frampton and has offered him # 1.5 million to do so on july 18promoter eddie hearn produced a cheque for # 1.5 m live on television on tuesdaynow it is up to frampton and his people to decide if they really want it .\n", + "scott quigg and i have taken all the risks - carl frampton must step upwe 've written him a cheque for # 1.5 million so what is stopping them ?i 've also held talks with kiko martinez and nonito donaire for july 18kell brook vs frankie gavin under strong consideration for may 30anthony joshua will probably fight again on may 9 in birmingham\n", + "[1.3599843 1.2520771 1.3961407 1.3405422 1.2023664 1.2227999 1.126086\n", + " 1.058893 1.0265915 1.0340697 1.0396526 1.06505 1.0370204 1.0712105\n", + " 1.2115954 1.0386668 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 1 5 14 4 6 13 11 7 10 15 12 9 8 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"chantelle doherty , 21 , of prestwich , greater manchester , was involved in a raid on the home of a 92-year-old man in which she and another man bluffed their way in and stole several bottles of whisky , a decanter and a phone .her friend martin lawrence , 27 , also targeted a man aged 99 claiming he owed him money for non existing paving work .the niece of gypsy weddings star paddy doherty has been jailed for two years after she and an accomplice preyed on elderly people in their homes in ` cruel and heinous raids ' .\"]\n", + "=======================\n", + "['chantelle doherty , 21 , jailed for preying on elderly people in their homesaccomplice martin lawrence tricked elderly man and pair returned to his home days later and stole bottles of whisky , a phone and a credit carddoherty jailed for two years after she pleaded guilty to burglary and fraudshe previously led a gypsy girl gang who carried out campaign of terrorlawrence jailed for 5 years for burglary , fraud , robbery and attempted theft']\n", + "chantelle doherty , 21 , of prestwich , greater manchester , was involved in a raid on the home of a 92-year-old man in which she and another man bluffed their way in and stole several bottles of whisky , a decanter and a phone .her friend martin lawrence , 27 , also targeted a man aged 99 claiming he owed him money for non existing paving work .the niece of gypsy weddings star paddy doherty has been jailed for two years after she and an accomplice preyed on elderly people in their homes in ` cruel and heinous raids ' .\n", + "chantelle doherty , 21 , jailed for preying on elderly people in their homesaccomplice martin lawrence tricked elderly man and pair returned to his home days later and stole bottles of whisky , a phone and a credit carddoherty jailed for two years after she pleaded guilty to burglary and fraudshe previously led a gypsy girl gang who carried out campaign of terrorlawrence jailed for 5 years for burglary , fraud , robbery and attempted theft\n", + "[1.1236821 1.0540398 1.5077088 1.4010332 1.2510756 1.1286113 1.1059711\n", + " 1.1132503 1.1416626 1.0885388 1.0980604 1.0578864 1.0244019 1.0106406\n", + " 1.0508001 1.0513055 1.0412796 1.0510029 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 4 8 5 0 7 6 10 9 11 1 15 17 14 16 12 13 23 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"the number of bottles of fake tan sold in 2014 fell by nearly a quarter ( 24.1 per cent ) from the year before , bringing the value of sales down by 19.3 per cent to # 14.5 million .the product used to be a favourite of many celebrities including victoria beckham ( left ) and sam faiers ( right )fake tanning had become part of many women 's regular beauty regime thanks to its popularity among celebrities such as former spice girl victoria beckham , the stars on strictly come dancing and the cast -- both male and female -- of reality tv show the only way is essex .\"]\n", + "=======================\n", + "['the value of sales fell by 19.3 per cent to around # 14.5 million last yearpale skin icons include the likes of keira knightley and cara delevingne']\n", + "the number of bottles of fake tan sold in 2014 fell by nearly a quarter ( 24.1 per cent ) from the year before , bringing the value of sales down by 19.3 per cent to # 14.5 million .the product used to be a favourite of many celebrities including victoria beckham ( left ) and sam faiers ( right )fake tanning had become part of many women 's regular beauty regime thanks to its popularity among celebrities such as former spice girl victoria beckham , the stars on strictly come dancing and the cast -- both male and female -- of reality tv show the only way is essex .\n", + "the value of sales fell by 19.3 per cent to around # 14.5 million last yearpale skin icons include the likes of keira knightley and cara delevingne\n", + "[1.1437126 1.1120092 1.0540045 1.0975418 1.0816269 1.1537033 1.3812903\n", + " 1.0473921 1.1450398 1.0755249 1.083906 1.0674319 1.0819426 1.0535274\n", + " 1.0500727 1.0322114 1.0209391 1.0237709 0. 0. ]\n", + "\n", + "[ 6 5 8 0 1 3 10 12 4 9 11 2 13 14 7 15 17 16 18 19]\n", + "=======================\n", + "[\"clare goldwin ( pictured ) admits that she will sometimes fork out for boden 's brightly printed clothes for her daughter but not herself as she does n't want to be labelled a boden ` yummy mummy 'their traditional and instantly recognisable staples of cotton shifts and ` mumsy ' jersey dresses , not to mention ` jaunty ' prints in eye-catching colours , have always been a big no-no for me .for many years , boden -- which launched in 1991 -- made a success of its appeal to the ` sloane ' market .\"]\n", + "=======================\n", + "[\"clare goldwin has forked out for pricey boden clothes for her daughterbut she has never wanted to be labelled a boden ` yummy mummy ' herselfthe brand seems to have its style and the fashion world is impressedclare put a selection of their latest outfits to the test for femail\"]\n", + "clare goldwin ( pictured ) admits that she will sometimes fork out for boden 's brightly printed clothes for her daughter but not herself as she does n't want to be labelled a boden ` yummy mummy 'their traditional and instantly recognisable staples of cotton shifts and ` mumsy ' jersey dresses , not to mention ` jaunty ' prints in eye-catching colours , have always been a big no-no for me .for many years , boden -- which launched in 1991 -- made a success of its appeal to the ` sloane ' market .\n", + "clare goldwin has forked out for pricey boden clothes for her daughterbut she has never wanted to be labelled a boden ` yummy mummy ' herselfthe brand seems to have its style and the fashion world is impressedclare put a selection of their latest outfits to the test for femail\n", + "[1.2894785 1.4116123 1.2803882 1.1526899 1.2819885 1.2555414 1.1052632\n", + " 1.0831633 1.0403526 1.0276761 1.0273988 1.1002097 1.0140918 1.0316839\n", + " 1.0178046 1.0548772 1.0162237 1.0202354 1.021308 0. ]\n", + "\n", + "[ 1 0 4 2 5 3 6 11 7 15 8 13 9 10 18 17 14 16 12 19]\n", + "=======================\n", + "[\"the prime minister said he will amend the working times regulations so for three days people can volunteer or serve as a school governor , and get paid in addition to their 28 days of paid holiday .david cameron today announced plans to give millions of workers three days paid leave a year to do volunteer work .prime minister david cameron 's big society good deeds scheme will only affect firms with 250 or more staff\"]\n", + "=======================\n", + "[\"prime minister announced plan to amend working times regulationsmr cameron wants workers to have three paid days off to do good deedshe described announcement as demonstration of the big society in actionimmediately afterwards eric pickles suggested it would n't be enforcedjohn prescott described mr pickles ' interview as a ` car-crash '\"]\n", + "the prime minister said he will amend the working times regulations so for three days people can volunteer or serve as a school governor , and get paid in addition to their 28 days of paid holiday .david cameron today announced plans to give millions of workers three days paid leave a year to do volunteer work .prime minister david cameron 's big society good deeds scheme will only affect firms with 250 or more staff\n", + "prime minister announced plan to amend working times regulationsmr cameron wants workers to have three paid days off to do good deedshe described announcement as demonstration of the big society in actionimmediately afterwards eric pickles suggested it would n't be enforcedjohn prescott described mr pickles ' interview as a ` car-crash '\n", + "[1.190016 1.300225 1.3139484 1.373611 1.2161782 1.1157176 1.2111508\n", + " 1.071705 1.0460553 1.0535706 1.0748601 1.0422115 1.0246513 1.0855982\n", + " 1.1648396 1.0904518 1.0106801 1.0312436 1.1401591 1.0301764]\n", + "\n", + "[ 3 2 1 4 6 0 14 18 5 15 13 10 7 9 8 11 17 19 12 16]\n", + "=======================\n", + "[\"enoch gaver , 21 , was killed in the fight and suspect david gaver , 28 , was shot in the stomach and taken into custody .the gaver family had allegedly been camping outside the store for a few days when they had the confrontation with police .the video taken from a patrol car dashcam captures the ` end of days ' group brawling with cops in cottonwood , arizona , on march 21 just moments before a deadly gunfight .\"]\n", + "=======================\n", + "['video captures brawl between officers and family in cottonwood , arizonapolice fire tasers and use pepper spray as they try to separate the groupone of the officers is put into a headlock during the violent confrontationmoments later an officer is shot and enoch garver , 21 , is killedmembers of the band , called matthew 24 now , have since been jailed']\n", + "enoch gaver , 21 , was killed in the fight and suspect david gaver , 28 , was shot in the stomach and taken into custody .the gaver family had allegedly been camping outside the store for a few days when they had the confrontation with police .the video taken from a patrol car dashcam captures the ` end of days ' group brawling with cops in cottonwood , arizona , on march 21 just moments before a deadly gunfight .\n", + "video captures brawl between officers and family in cottonwood , arizonapolice fire tasers and use pepper spray as they try to separate the groupone of the officers is put into a headlock during the violent confrontationmoments later an officer is shot and enoch garver , 21 , is killedmembers of the band , called matthew 24 now , have since been jailed\n", + "[1.279728 1.4447737 1.3532772 1.2367411 1.059322 1.0371666 1.043832\n", + " 1.0885947 1.0710934 1.1385714 1.0542978 1.1201432 1.0514132 1.068415\n", + " 1.0369714 1.0418503 1.0185541 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 9 11 7 8 13 4 10 12 6 15 5 14 16 18 17 19]\n", + "=======================\n", + "[\"joined by handsome husband king felipe , 47 , the elegant royal was all smiles as she welcomed award-winning writer juan goytisolo to the casa real for a lunch in his honour .today 's lunch is the second literary event in less than 24 hours for the spanish queen , who last night found herself on the receiving end of an unexpected kiss courtesy of another prize-winning author .spain 's queen letizia was back to the day job today , following two consecutive evenings at glamorous awards shows .\"]\n", + "=======================\n", + "['letizia attended a lunch reception with king felipe todayyesterday , author pedro manas planted a kiss on her cheekmoment came during a literary awards ceremony in madrid42-year-old spanish royal had just presented him with a prizeroyal looked glamorous in a # 49.99 blue jumpsuit by mango']\n", + "joined by handsome husband king felipe , 47 , the elegant royal was all smiles as she welcomed award-winning writer juan goytisolo to the casa real for a lunch in his honour .today 's lunch is the second literary event in less than 24 hours for the spanish queen , who last night found herself on the receiving end of an unexpected kiss courtesy of another prize-winning author .spain 's queen letizia was back to the day job today , following two consecutive evenings at glamorous awards shows .\n", + "letizia attended a lunch reception with king felipe todayyesterday , author pedro manas planted a kiss on her cheekmoment came during a literary awards ceremony in madrid42-year-old spanish royal had just presented him with a prizeroyal looked glamorous in a # 49.99 blue jumpsuit by mango\n", + "[1.5237184 1.3231324 1.210132 1.3930918 1.1249928 1.0686394 1.1187373\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 6 5 17 16 15 14 13 9 11 10 18 8 7 12 19]\n", + "=======================\n", + "[\"michael phelps is entered in five events at this week 's arena pro swim series in mesa , arizona , which will be his first meet since serving a six-month ban following a drunk-driving conviction .it will be familiar surroundings for phelps , an 18-time olympic gold medallist who ended his two-year retirement in 2014 at mesa , sparking speculation that he is considering an olympic comeback at the 2016 rio games .phelps has won 22 olympic medals , 18 golds , but was banned from swimming in september\"]\n", + "=======================\n", + "[\"michael phelps was suspended by usa swimming following arrestamerican is entered in five events at this week 's arena pro swim seriesphelps ' rival ryan lochte has entered into the same five events\"]\n", + "michael phelps is entered in five events at this week 's arena pro swim series in mesa , arizona , which will be his first meet since serving a six-month ban following a drunk-driving conviction .it will be familiar surroundings for phelps , an 18-time olympic gold medallist who ended his two-year retirement in 2014 at mesa , sparking speculation that he is considering an olympic comeback at the 2016 rio games .phelps has won 22 olympic medals , 18 golds , but was banned from swimming in september\n", + "michael phelps was suspended by usa swimming following arrestamerican is entered in five events at this week 's arena pro swim seriesphelps ' rival ryan lochte has entered into the same five events\n", + "[1.267238 1.3873185 1.0824589 1.306694 1.1097083 1.2555078 1.2172918\n", + " 1.0685319 1.0272734 1.1173131 1.1166371 1.1352528 1.0649946 1.0290334\n", + " 1.0471196 1.0339943 1.0310677 1.0144368 0. ]\n", + "\n", + "[ 1 3 0 5 6 11 9 10 4 2 7 12 14 15 16 13 8 17 18]\n", + "=======================\n", + "[\"the 56-page book bought in cambridge contains turing 's thoughts on the clearly tricky ` leibniz notation dx/dy ' . 'a handwritten notebook in which britain 's enigma machine genius alan turing admits he is baffled by an equation could fetch up to $ 1million ( # 690,000 ) .it was written at the bletchley park code-breaking headquarters in 1942 and paved the way for computer science .\"]\n", + "=======================\n", + "[\"56-page book contains turing 's thoughts on tricky ` leibniz notation dx/dy 'it was written at the bletchley park code-breaking headquarters in 1942only extensive turing manuscript thought to exist , the auctioneer saidit will be sold by an anonymous seller by bonhams in new york on monday\"]\n", + "the 56-page book bought in cambridge contains turing 's thoughts on the clearly tricky ` leibniz notation dx/dy ' . 'a handwritten notebook in which britain 's enigma machine genius alan turing admits he is baffled by an equation could fetch up to $ 1million ( # 690,000 ) .it was written at the bletchley park code-breaking headquarters in 1942 and paved the way for computer science .\n", + "56-page book contains turing 's thoughts on tricky ` leibniz notation dx/dy 'it was written at the bletchley park code-breaking headquarters in 1942only extensive turing manuscript thought to exist , the auctioneer saidit will be sold by an anonymous seller by bonhams in new york on monday\n", + "[1.442244 1.4591043 1.2559592 1.2034141 1.1711557 1.0423236 1.0268975\n", + " 1.0665772 1.128972 1.107719 1.152282 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 10 8 9 7 5 6 17 11 12 13 14 15 16 18]\n", + "=======================\n", + "['people magazine reports that jill ( duggar ) dillard gave birth monday to a 9-pound , 10-ounce son she and husband derick have named israel david .( cnn ) the first daughter to be married from the hit reality show \" 19 kids and counting \" has also become the first mother .jill \\'s parents , jim bob and michelle duggar , posted a video of the new family on their official facebook page .']\n", + "=======================\n", + "['dillard was the first of the duggar daughters to be marriedher 9-pound , 10-ounce son was overdue']\n", + "people magazine reports that jill ( duggar ) dillard gave birth monday to a 9-pound , 10-ounce son she and husband derick have named israel david .( cnn ) the first daughter to be married from the hit reality show \" 19 kids and counting \" has also become the first mother .jill 's parents , jim bob and michelle duggar , posted a video of the new family on their official facebook page .\n", + "dillard was the first of the duggar daughters to be marriedher 9-pound , 10-ounce son was overdue\n", + "[1.05436 1.4884254 1.4178883 1.2371894 1.1381418 1.1571821 1.0462027\n", + " 1.033681 1.0317819 1.0521338 1.1362151 1.0873823 1.1253098 1.0746474\n", + " 1.0359113 1.0396346 1.0487067 1.1387231 1.0159413]\n", + "\n", + "[ 1 2 3 5 17 4 10 12 11 13 0 9 16 6 15 14 7 8 18]\n", + "=======================\n", + "[\"the first set of female quintuplets in the world since 1969 was born in houston on april 8 , and the parents are blogging about their unique experience .danielle busby delivered all five girls at the woman 's hospital of texas via c-section at 28 weeks and two days , according to cnn affiliate kprc .parents danielle and adam and big sister blayke are now a family of eight .\"]\n", + "=======================\n", + "['rare set of female quintuplets was born this month in houston , texasthe girls were born via c-section at 28 weeks and two daysanother family kept the news of twins secret until birth']\n", + "the first set of female quintuplets in the world since 1969 was born in houston on april 8 , and the parents are blogging about their unique experience .danielle busby delivered all five girls at the woman 's hospital of texas via c-section at 28 weeks and two days , according to cnn affiliate kprc .parents danielle and adam and big sister blayke are now a family of eight .\n", + "rare set of female quintuplets was born this month in houston , texasthe girls were born via c-section at 28 weeks and two daysanother family kept the news of twins secret until birth\n", + "[1.2505677 1.4093653 1.2983799 1.4207962 1.3215071 1.0619763 1.0335617\n", + " 1.0762131 1.0676115 1.0537932 1.046721 1.0811883 1.0613577 1.0477235\n", + " 1.1016005 1.0924896 1.0259861 1.1639531 0. ]\n", + "\n", + "[ 3 1 4 2 0 17 14 15 11 7 8 5 12 9 13 10 6 16 18]\n", + "=======================\n", + "[\"an aer lingus flight was forced to return to the dublin airport less than an hour into its journey after it had ` technical issues 'the incident was the second one of the day for dublin airport , after two ryanair planes collided while taxiing on the runway causing part of one of the winglets to be ripped off .it was confirmed that the landing was not an emergency , and the aircraft is undergoing an inspection to determine the cause .\"]\n", + "=======================\n", + "[\"aer lingus flight ei 660 to vienna was forced to return to dublin mid-airthe event happened yesterday just after two ryanair planes had collidedit was confirmed to be due to ` technical issues ' and no one was harmed\"]\n", + "an aer lingus flight was forced to return to the dublin airport less than an hour into its journey after it had ` technical issues 'the incident was the second one of the day for dublin airport , after two ryanair planes collided while taxiing on the runway causing part of one of the winglets to be ripped off .it was confirmed that the landing was not an emergency , and the aircraft is undergoing an inspection to determine the cause .\n", + "aer lingus flight ei 660 to vienna was forced to return to dublin mid-airthe event happened yesterday just after two ryanair planes had collidedit was confirmed to be due to ` technical issues ' and no one was harmed\n", + "[1.222362 1.2023715 1.3695428 1.3522364 1.3380235 1.1375269 1.1627398\n", + " 1.0911717 1.0284865 1.0320424 1.017895 1.0919837 1.0282315 1.0249099\n", + " 1.0283749 1.0150101 1.0149342 1.0108023 1.0151777]\n", + "\n", + "[ 2 3 4 0 1 6 5 11 7 9 8 14 12 13 10 18 15 16 17]\n", + "=======================\n", + "['as a junior at jesuit high school in dallas , the grateful golfer wrote the letter to the murphy family who had funded the scholarship that helped pay for his tuition .america celebrated the coming of age of a new sporting hero on sunday when jordan spieth , 21 , showed true grace under pressure to win the masters .as people clamor to find out about this humble champ from texas , a letter penned six years ago when he was still in high school has surfaced which only reinforces his nice guy image .']\n", + "=======================\n", + "[\"a letter of thanks penned by masters champion jordan spieth when he was 16-years-old has surfaced which reinforces his nice guy imagesix years ago the pga golfer was on a scholarship at jesuit high school in dallas , which was funded by the murphy family who he thanks in his letter` thanks again for your kindness , ' wrote the then number one junior golfer in the country in his best handwritingspieth won countless plaudits following sunday 's masters victory not just for his golf but also his humble attitude\"]\n", + "as a junior at jesuit high school in dallas , the grateful golfer wrote the letter to the murphy family who had funded the scholarship that helped pay for his tuition .america celebrated the coming of age of a new sporting hero on sunday when jordan spieth , 21 , showed true grace under pressure to win the masters .as people clamor to find out about this humble champ from texas , a letter penned six years ago when he was still in high school has surfaced which only reinforces his nice guy image .\n", + "a letter of thanks penned by masters champion jordan spieth when he was 16-years-old has surfaced which reinforces his nice guy imagesix years ago the pga golfer was on a scholarship at jesuit high school in dallas , which was funded by the murphy family who he thanks in his letter` thanks again for your kindness , ' wrote the then number one junior golfer in the country in his best handwritingspieth won countless plaudits following sunday 's masters victory not just for his golf but also his humble attitude\n", + "[1.2287614 1.3420237 1.3388566 1.2450109 1.1103599 1.0871047 1.1170466\n", + " 1.1870497 1.1159236 1.0835862 1.0529941 1.0395317 1.0383769 1.0194559\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 7 6 8 4 5 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23\n", + " 24 25 26]\n", + "=======================\n", + "[\"harrowing images of the killing are being shared by bloodthirsty supporters of the terror group on social media and show the victim lying in a pool of blood with his severed head resting on his back .the gruesome photographs are understood to have been taken near tikrit in iraq 's salah al-din province , where members of the iraqi army and allied shiite volunteer militias have had great success in forcing the terrorists to withdraw in recent weeks .depraved militants fighting for the islamic state in iraq have savagely beheaded a man accused of practising sorcery and witchcraft .\"]\n", + "=======================\n", + "[\"terrorists beheaded the man in a public square in salah al-din provincehuge crowds gathered in the streets to watch the group 's latest atrocitythe victim is believed to have been killed after he was accused of sorcerygruesome image shows victim 's dead body surrounded by prayer beads\"]\n", + "harrowing images of the killing are being shared by bloodthirsty supporters of the terror group on social media and show the victim lying in a pool of blood with his severed head resting on his back .the gruesome photographs are understood to have been taken near tikrit in iraq 's salah al-din province , where members of the iraqi army and allied shiite volunteer militias have had great success in forcing the terrorists to withdraw in recent weeks .depraved militants fighting for the islamic state in iraq have savagely beheaded a man accused of practising sorcery and witchcraft .\n", + "terrorists beheaded the man in a public square in salah al-din provincehuge crowds gathered in the streets to watch the group 's latest atrocitythe victim is believed to have been killed after he was accused of sorcerygruesome image shows victim 's dead body surrounded by prayer beads\n", + "[1.3810918 1.4893106 1.2680862 1.1532098 1.1137316 1.1300005 1.1553724\n", + " 1.0878874 1.0307189 1.090778 1.0673525 1.0421262 1.0244493 1.014379\n", + " 1.2267457 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 14 6 3 5 4 9 7 10 11 8 12 13 15 16 17 18 19 20 21 22 23\n", + " 24 25 26]\n", + "=======================\n", + "[\"mr miliband said he would have to pay the proposed # 250 a month ` mansion tax ' on homes worth more than # 2million but claimed this did not mean he actually lived in one .labour leader ed miliband has insisted he does not live in a ` mansion ' -- despite admitting it is worth ` between # 2million and # 3million ' .the claim comes despite revelations that his four-storey victorian town house has two kitchens -- including one for the family 's live-in nanny .\"]\n", + "=======================\n", + "[\"ed miliband said he would have to pay labour 's proposed ` mansion tax 'but the labour leader insisted that did not mean he lived in a mansionmr miliband lives in a four-storey victorian town house worth # 2.7 millioncomes after he faced ridicule over revelations that he had two kitchensthe downstairs kitchen is used by the family 's live-in nanny\"]\n", + "mr miliband said he would have to pay the proposed # 250 a month ` mansion tax ' on homes worth more than # 2million but claimed this did not mean he actually lived in one .labour leader ed miliband has insisted he does not live in a ` mansion ' -- despite admitting it is worth ` between # 2million and # 3million ' .the claim comes despite revelations that his four-storey victorian town house has two kitchens -- including one for the family 's live-in nanny .\n", + "ed miliband said he would have to pay labour 's proposed ` mansion tax 'but the labour leader insisted that did not mean he lived in a mansionmr miliband lives in a four-storey victorian town house worth # 2.7 millioncomes after he faced ridicule over revelations that he had two kitchensthe downstairs kitchen is used by the family 's live-in nanny\n", + "[1.2670711 1.4989661 1.3768343 1.1806009 1.1550603 1.0486808 1.021589\n", + " 1.0184625 1.0137879 1.0914346 1.0287085 1.186015 1.0175103 1.0248865\n", + " 1.0186689 1.0386453 1.0249156 1.0995938 1.041269 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 11 3 4 17 9 5 18 15 10 16 13 6 14 7 12 8 19 20 21 22 23\n", + " 24 25 26]\n", + "=======================\n", + "[\"frankie ruttledge , from strensall , yorkshire , weighed 18 stone 7lbs and had struggled with her weight all her life before dieting to a svelte size 10/12 .the 24-year-old , who has been a ` fat bridesmaid ' three times , ditched her diet of crisps for breakfast , pork pies for lunch and frozen pizza for dinner and dropped to 12 stone in less than two years .a size 28 woman who was a bridesmaid three times is celebrating shedding six stone - and is planning to walk down the aisle as a bride .\"]\n", + "=======================\n", + "[\"frankie ruttledge was always the ` fat bridesmaid ' for her friendsthe 24-year-old has since lost six stone after adopting a healthy dietfrankie , from yorkshire , is now planning her own wedding next year\"]\n", + "frankie ruttledge , from strensall , yorkshire , weighed 18 stone 7lbs and had struggled with her weight all her life before dieting to a svelte size 10/12 .the 24-year-old , who has been a ` fat bridesmaid ' three times , ditched her diet of crisps for breakfast , pork pies for lunch and frozen pizza for dinner and dropped to 12 stone in less than two years .a size 28 woman who was a bridesmaid three times is celebrating shedding six stone - and is planning to walk down the aisle as a bride .\n", + "frankie ruttledge was always the ` fat bridesmaid ' for her friendsthe 24-year-old has since lost six stone after adopting a healthy dietfrankie , from yorkshire , is now planning her own wedding next year\n", + "[1.2959222 1.2797645 1.2464571 1.2770069 1.1003513 1.0467306 1.0544381\n", + " 1.2235476 1.1364155 1.0538039 1.0212841 1.018126 1.0450386 1.0316697\n", + " 1.0985072 1.0532751 1.0368128 1.0220367 1.0231142 1.047584 1.0700659\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 7 8 4 14 20 6 9 15 19 5 12 16 13 18 17 10 11 21 22 23\n", + " 24 25 26]\n", + "=======================\n", + "[\"david cameron this afternoon hit back at growing criticism over his election campaign -- vowing to carry on warning about labour 's threat to the economy .the prime minister this morning faced the first serious criticism of the campaign so far , as tory donors rounded on the party 's lacklustre message and failure to pull away in the polls .mr cameron insisted the economy ` excites ' millions of people .\"]\n", + "=======================\n", + "['prime minister insists he will carry on focussing on economic messagemr cameron has been criticised for running a lacklustre campaigntory donors have backed boris johnson to take over if the pm falls short']\n", + "david cameron this afternoon hit back at growing criticism over his election campaign -- vowing to carry on warning about labour 's threat to the economy .the prime minister this morning faced the first serious criticism of the campaign so far , as tory donors rounded on the party 's lacklustre message and failure to pull away in the polls .mr cameron insisted the economy ` excites ' millions of people .\n", + "prime minister insists he will carry on focussing on economic messagemr cameron has been criticised for running a lacklustre campaigntory donors have backed boris johnson to take over if the pm falls short\n", + "[1.3589209 1.1777833 1.3910406 1.2471104 1.2335097 1.1996212 1.1276165\n", + " 1.1496418 1.1045948 1.0498292 1.0562683 1.0860693 1.0743906 1.0870084\n", + " 1.1203843 1.0162032 1.0181146 1.0297043 1.0103426 1.0273361 1.009543\n", + " 1.0082465 1.011949 1.0118986 1.0106746 1.0257425 1.0267712]\n", + "\n", + "[ 2 0 3 4 5 1 7 6 14 8 13 11 12 10 9 17 19 26 25 16 15 22 23 24\n", + " 18 20 21]\n", + "=======================\n", + "['habeeb latheef , 48 , told them he needed to place objects in their hands to gauge their level of feeling .dr habeeb latheef is accused of sexually assaulting three women patients during consultationsinstead the family gp allegedly unzipped his trousers and placed his penis in their grip .']\n", + "=======================\n", + "['dr habeeb latheef is accused of sexually assaulting three of his patientsassaults allegedly happened at hendford medical centre in yeovilone woman patient , 37 , went to see gp with a stiff neck and headache']\n", + "habeeb latheef , 48 , told them he needed to place objects in their hands to gauge their level of feeling .dr habeeb latheef is accused of sexually assaulting three women patients during consultationsinstead the family gp allegedly unzipped his trousers and placed his penis in their grip .\n", + "dr habeeb latheef is accused of sexually assaulting three of his patientsassaults allegedly happened at hendford medical centre in yeovilone woman patient , 37 , went to see gp with a stiff neck and headache\n", + "[1.2544274 1.1388736 1.0414717 1.1129986 1.0533766 1.2750229 1.1685023\n", + " 1.313889 1.09159 1.0324036 1.1072992 1.0841149 1.1681818 1.2292639\n", + " 1.0270449 1.01946 1.0148479 1.0130891 1.0473049 1.0657179 1.0324293\n", + " 1.0233188 1.0162092 1.0183438 1.0275018]\n", + "\n", + "[ 7 5 0 13 6 12 1 3 10 8 11 19 4 18 2 20 9 24 14 21 15 23 22 16\n", + " 17]\n", + "=======================\n", + "['the boragaon landfill is located in the city of guwahati , about 300 miles from bangladesh near the bhutanese border .the dirty , wet conditions of the landfill attracted the endangered stork , and the stork attracted bouldry .( cnn ) the greater adjutant stork is a majestic bird .']\n", + "=======================\n", + "['photographer timothy bouldry spent time at a massive landfill in guwahati , indiaabout 100 families live inside the boragaon landfill , but bouldry said they are \" content \"']\n", + "the boragaon landfill is located in the city of guwahati , about 300 miles from bangladesh near the bhutanese border .the dirty , wet conditions of the landfill attracted the endangered stork , and the stork attracted bouldry .( cnn ) the greater adjutant stork is a majestic bird .\n", + "photographer timothy bouldry spent time at a massive landfill in guwahati , indiaabout 100 families live inside the boragaon landfill , but bouldry said they are \" content \"\n", + "[1.3547058 1.2899407 1.2808442 1.2518281 1.1700661 1.0553185 1.0417769\n", + " 1.030147 1.0799506 1.031161 1.0363511 1.0433192 1.0428815 1.0537835\n", + " 1.0944059 1.0828693 1.082146 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 14 15 16 8 5 13 11 12 6 10 9 7 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"( cnn ) just about now , north korea 's enigmatic ruler was expected to be preparing to emerge from his fortified country for a visit to moscow to join celebrations next week marking the 70th anniversary of the end of world war ii in europe .the trip was highly anticipated .after all , this was to have been kim 's first official international trip since he came to power in 2011 following his father 's death , and it would have provided a fascinating opportunity for the world to get a closer look at a young leader and a regime still largely shrouded in mystery .\"]\n", + "=======================\n", + "[\"russia says kim jong un has canceled trip to moscowfrida ghitis : gauging kim 's state of mind no easy task\"]\n", + "( cnn ) just about now , north korea 's enigmatic ruler was expected to be preparing to emerge from his fortified country for a visit to moscow to join celebrations next week marking the 70th anniversary of the end of world war ii in europe .the trip was highly anticipated .after all , this was to have been kim 's first official international trip since he came to power in 2011 following his father 's death , and it would have provided a fascinating opportunity for the world to get a closer look at a young leader and a regime still largely shrouded in mystery .\n", + "russia says kim jong un has canceled trip to moscowfrida ghitis : gauging kim 's state of mind no easy task\n", + "[1.3628321 1.4319365 1.3501428 1.442323 1.2533045 1.0350165 1.0339386\n", + " 1.0298756 1.1357666 1.1109823 1.0689265 1.0729626 1.0676101 1.0917554\n", + " 1.0797056 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 2 4 8 9 13 14 11 10 12 5 6 7 23 15 16 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "['michael phelps has won 22 olympic medals , 18 golds , but was banned from swimming in septembermichael phelps is to return to competition following the end of his six-month ban for drink-driving .phelps was suspended by usa swimming following his drink-driving arrest in september when police caught him travelling at 84mph in a 45mph zone in baltimore , maryland .']\n", + "=======================\n", + "['michael phelps is the most successful ever olympian with 18 gold medalsphelps was banned from swimming in september following arrestamerican swimmer will compete in arizona next week in comeback']\n", + "michael phelps has won 22 olympic medals , 18 golds , but was banned from swimming in septembermichael phelps is to return to competition following the end of his six-month ban for drink-driving .phelps was suspended by usa swimming following his drink-driving arrest in september when police caught him travelling at 84mph in a 45mph zone in baltimore , maryland .\n", + "michael phelps is the most successful ever olympian with 18 gold medalsphelps was banned from swimming in september following arrestamerican swimmer will compete in arizona next week in comeback\n", + "[1.4320108 1.4128876 1.1036177 1.1053073 1.1236627 1.0974964 1.2255816\n", + " 1.0320281 1.0174984 1.0188246 1.1116195 1.0612266 1.0460467 1.0467141\n", + " 1.0572258 1.0290442 1.0208296 1.0367947 1.0361159 1.0225241 1.036431\n", + " 1.0225406 1.0140411 1.0102974 0. ]\n", + "\n", + "[ 0 1 6 4 10 3 2 5 11 14 13 12 17 20 18 7 15 21 19 16 9 8 22 23\n", + " 24]\n", + "=======================\n", + "['dongguan , china ( cnn ) for a decade , the new south china mall -- the biggest shopping mall in the world -- has been an embarrassment for its owners and china .opened to the public in 2005 in dongguan in the south of the country , the goal was to attract 100,000 visitors a day with an array of entertainment , shops and eateries .but despite the grand plans neither stores nor shoppers came .']\n", + "=======================\n", + "['for a decade , the new south china mall has lain emptyit was labeled a \" ghost mall \" -- symbol of china \\'s runaway speculation on real estatehowever , a recent visit showed it may be springing back to life']\n", + "dongguan , china ( cnn ) for a decade , the new south china mall -- the biggest shopping mall in the world -- has been an embarrassment for its owners and china .opened to the public in 2005 in dongguan in the south of the country , the goal was to attract 100,000 visitors a day with an array of entertainment , shops and eateries .but despite the grand plans neither stores nor shoppers came .\n", + "for a decade , the new south china mall has lain emptyit was labeled a \" ghost mall \" -- symbol of china 's runaway speculation on real estatehowever , a recent visit showed it may be springing back to life\n", + "[1.2768509 1.2429805 1.2024201 1.1752251 1.2387087 1.172072 1.0905358\n", + " 1.068137 1.101164 1.13591 1.0793135 1.0527714 1.0823289 1.045455\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 3 5 9 8 6 12 10 7 11 13 23 14 15 16 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"greece warned it will go bankrupt next week after failing to stump up enough cash to pay millions of public sector workers and its international debts .deputy finance minister dimitras mardas set alarm bells ringing yesterday when he declared the country had been ` running on empty ' since february .at a summit in brussels today , prime minister alexis tsipras is expected to appeal to german chancellor angela merkel for more aid to avoid going bust and a potential exit from the euro .\"]\n", + "=======================\n", + "['greece could go bust next week as salaries and eu debt repayments loomfailing to pay workers will be humiliating for left-wing syriza governmentbut default on $ 200m imf payment in may would plunge eu into new crisisuefa threatens to ban greece from international football in row over law']\n", + "greece warned it will go bankrupt next week after failing to stump up enough cash to pay millions of public sector workers and its international debts .deputy finance minister dimitras mardas set alarm bells ringing yesterday when he declared the country had been ` running on empty ' since february .at a summit in brussels today , prime minister alexis tsipras is expected to appeal to german chancellor angela merkel for more aid to avoid going bust and a potential exit from the euro .\n", + "greece could go bust next week as salaries and eu debt repayments loomfailing to pay workers will be humiliating for left-wing syriza governmentbut default on $ 200m imf payment in may would plunge eu into new crisisuefa threatens to ban greece from international football in row over law\n", + "[1.4361426 1.1846672 1.3961688 1.1385541 1.1284528 1.1025575 1.0948201\n", + " 1.0790029 1.0464399 1.0370789 1.3176241 1.1199538 1.0789349 1.0532763\n", + " 1.0228195 1.0260448 1.0365812]\n", + "\n", + "[ 0 2 10 1 3 4 11 5 6 7 12 13 8 9 16 15 14]\n", + "=======================\n", + "[\"accused : officer aaron stringer , from bakersfield , california , allegedly pulled on the toes and ` tickled ' the feet of a man whom police had recently killedshot dead : ramiro james villegas , 22 , had been shot dead on november 13 by bakersfield police after a car chase .according to the bakersfield californian , he then said that he ` loves playing with dead bodies ' and later told her to lie about what she 'd seen .\"]\n", + "=======================\n", + "[\"officer aaron stringer , of bakersfield , california , accused by trainee copsaid to have played around with corpse of ramiro james villegas , 22villegas had been shot dead by police earlier that day after a car chasetrainee officer lindy degeare said stringer took her into a morgueallegedly said he ` loves playing with dead bodies ' and asked her not to tellstringer , who was put on leave , was ultimately not charged by prosecutorshowever , family of villegas said they are close to filing a suit of their own\"]\n", + "accused : officer aaron stringer , from bakersfield , california , allegedly pulled on the toes and ` tickled ' the feet of a man whom police had recently killedshot dead : ramiro james villegas , 22 , had been shot dead on november 13 by bakersfield police after a car chase .according to the bakersfield californian , he then said that he ` loves playing with dead bodies ' and later told her to lie about what she 'd seen .\n", + "officer aaron stringer , of bakersfield , california , accused by trainee copsaid to have played around with corpse of ramiro james villegas , 22villegas had been shot dead by police earlier that day after a car chasetrainee officer lindy degeare said stringer took her into a morgueallegedly said he ` loves playing with dead bodies ' and asked her not to tellstringer , who was put on leave , was ultimately not charged by prosecutorshowever , family of villegas said they are close to filing a suit of their own\n", + "[1.4650862 1.4178866 1.2533314 1.1937971 1.3869953 1.2105787 1.1227171\n", + " 1.1111497 1.1004405 1.1198387 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 5 3 6 9 7 8 10 11 12 13 14 15 16]\n", + "=======================\n", + "['tottenham are confident kyle walker has not broken his foot following a scan on tuesday .there were fears the england defender may have fractured his right foot after taking a hefty blow from a collision with kieran trippier during the draw at burnley on sunday .tottenham defender kyle walker receives treatment from medical staff during the 0-0 draw with burnley']\n", + "=======================\n", + "[\"tottenham full-back kyle walker sustained a foot injury following a collision with burnley 's kieran trippier during the draw at turf moor on sundayearly fears that the foot was broken have been allayed following scansspurs are hopeful that the england international will return soon\"]\n", + "tottenham are confident kyle walker has not broken his foot following a scan on tuesday .there were fears the england defender may have fractured his right foot after taking a hefty blow from a collision with kieran trippier during the draw at burnley on sunday .tottenham defender kyle walker receives treatment from medical staff during the 0-0 draw with burnley\n", + "tottenham full-back kyle walker sustained a foot injury following a collision with burnley 's kieran trippier during the draw at turf moor on sundayearly fears that the foot was broken have been allayed following scansspurs are hopeful that the england international will return soon\n", + "[1.2958792 1.2147896 1.247886 1.3218474 1.1616824 1.0891653 1.1018136\n", + " 1.0466194 1.0213932 1.1643921 1.0336354 1.0808632 1.0795288 1.0949304\n", + " 1.050807 1.0438775 1.0145997]\n", + "\n", + "[ 3 0 2 1 9 4 6 13 5 11 12 14 7 15 10 8 16]\n", + "=======================\n", + "['scientists believe the first complex conversation between humans gradually took place around 50,000 to 100,000 years ago .but in a new study , one linguist argues that human language developed rapidly with people quickly using complex sentences that sound like our own .much of it , they say , involved cavemen grunting , or hunter-gatherers mumbling and pointing , before learning to speak in a detailed way .']\n", + "=======================\n", + "[\"complex human conversation began around 50,000 to 100,000 years agoprofessor shigeru miyagawa notes single words bear traces of syntaxhe says this shows the words came from an older , syntax-laden systemhe believes humans combined an ` expressive ' layer of language , as seen in birdsong , with a ` lexical ' layer , as seen in monkeys\"]\n", + "scientists believe the first complex conversation between humans gradually took place around 50,000 to 100,000 years ago .but in a new study , one linguist argues that human language developed rapidly with people quickly using complex sentences that sound like our own .much of it , they say , involved cavemen grunting , or hunter-gatherers mumbling and pointing , before learning to speak in a detailed way .\n", + "complex human conversation began around 50,000 to 100,000 years agoprofessor shigeru miyagawa notes single words bear traces of syntaxhe says this shows the words came from an older , syntax-laden systemhe believes humans combined an ` expressive ' layer of language , as seen in birdsong , with a ` lexical ' layer , as seen in monkeys\n", + "[1.3188547 1.3632424 1.2938789 1.1820023 1.2159549 1.061068 1.1763637\n", + " 1.0878471 1.0918509 1.0434346 1.0197896 1.0893611 1.2046273 1.0393867\n", + " 1.0583352 1.0467834 0. ]\n", + "\n", + "[ 1 0 2 4 12 3 6 8 11 7 5 14 15 9 13 10 16]\n", + "=======================\n", + "[\"the thief scaled a two-storey antique market before breaking into a rooftop vent and squeezing down a narrow shaft to reach the store .a masked burglar stole vintage watches worth more than # 200,000 from an antiques shop in a mission impossible-style raid by crawling along the floor to avoid setting off the infrared beams .he picked three sets of locks and crawled on the floor ` like a snake ' to avoid triggering infrared security beams .\"]\n", + "=======================\n", + "['thief stole 124 watches from vintage watch shop in hampstead , londonhe scaled two-storey building before slipping through a 4sq ft roof ventthen squeezed down narrow chute and snaked along floor to avoid beamowner simon drachman compared saturday night heist to tom cruise film']\n", + "the thief scaled a two-storey antique market before breaking into a rooftop vent and squeezing down a narrow shaft to reach the store .a masked burglar stole vintage watches worth more than # 200,000 from an antiques shop in a mission impossible-style raid by crawling along the floor to avoid setting off the infrared beams .he picked three sets of locks and crawled on the floor ` like a snake ' to avoid triggering infrared security beams .\n", + "thief stole 124 watches from vintage watch shop in hampstead , londonhe scaled two-storey building before slipping through a 4sq ft roof ventthen squeezed down narrow chute and snaked along floor to avoid beamowner simon drachman compared saturday night heist to tom cruise film\n", + "[1.0832059 1.074928 1.547404 1.2922587 1.3219025 1.1618907 1.0939678\n", + " 1.0862305 1.0854721 1.100565 1.0612726 1.0501357 1.0346799 1.0303861\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 4 3 5 9 6 7 8 0 1 10 11 12 13 14 15 16]\n", + "=======================\n", + "[\"for korea 's ssangyong is launching a new sports utility vehicle from under # 13,000 that promises value for money motoring for drivers who believe in watching their pennies .but ssangyong ( korean for ` two dragons ' ) has given its new sporty five-door family runaround a very european name - tivoli - after the stylish italian town near rome , home to the villa d'este , a unesco world heritage site famed for its renaissance architecture and garden .pitched to take on the pumpedup nissan juke , the tivoli suv is powered by 1.6 litre euro 6 petrol and diesel engines with six speed manual and automatic transmissions .\"]\n", + "=======================\n", + "[\"ssangyong ( korean for ` two dragons ' ) is launching a sports utility vehiclenew sporty five-door family runaround has a very european name - tivolisuv is powered by 1.6 litre euro 6 petrol and diesel engines\"]\n", + "for korea 's ssangyong is launching a new sports utility vehicle from under # 13,000 that promises value for money motoring for drivers who believe in watching their pennies .but ssangyong ( korean for ` two dragons ' ) has given its new sporty five-door family runaround a very european name - tivoli - after the stylish italian town near rome , home to the villa d'este , a unesco world heritage site famed for its renaissance architecture and garden .pitched to take on the pumpedup nissan juke , the tivoli suv is powered by 1.6 litre euro 6 petrol and diesel engines with six speed manual and automatic transmissions .\n", + "ssangyong ( korean for ` two dragons ' ) is launching a sports utility vehiclenew sporty five-door family runaround has a very european name - tivolisuv is powered by 1.6 litre euro 6 petrol and diesel engines\n", + "[1.1964594 1.323234 1.3188728 1.2528455 1.1078005 1.1374419 1.2065716\n", + " 1.1227262 1.0253428 1.0175264 1.0135189 1.0255218 1.2165356 1.0208052\n", + " 1.0939507 1.0743554 1.0551199 1.0535316 0. 0. ]\n", + "\n", + "[ 1 2 3 12 6 0 5 7 4 14 15 16 17 11 8 13 9 10 18 19]\n", + "=======================\n", + "['progressive education experts in the uk have long pushed for our system to emulate the group work and independent study that is popular in finland , which has regularly topped international league tables .but a new analysis of finnish education suggests pupil aptitude has actually declined since the country embraced fashionable teaching methods .former education secretary : the findings will add weight to arguments by michael gove ( pictured ) that a return to traditional teacher-led lessons are the way to raise standards in schools']\n", + "=======================\n", + "['finnish methods include pupils working in small groups or independentlyin 2006 finland was second in world for maths , but down to 12th by 2012during period its test scores dropped 29 points in maths and 23 in readingmichael gove has argued for return to traditional teacher-led lessons']\n", + "progressive education experts in the uk have long pushed for our system to emulate the group work and independent study that is popular in finland , which has regularly topped international league tables .but a new analysis of finnish education suggests pupil aptitude has actually declined since the country embraced fashionable teaching methods .former education secretary : the findings will add weight to arguments by michael gove ( pictured ) that a return to traditional teacher-led lessons are the way to raise standards in schools\n", + "finnish methods include pupils working in small groups or independentlyin 2006 finland was second in world for maths , but down to 12th by 2012during period its test scores dropped 29 points in maths and 23 in readingmichael gove has argued for return to traditional teacher-led lessons\n", + "[1.1320196 1.5437939 1.1721388 1.3478651 1.2291489 1.1461215 1.0604167\n", + " 1.0685201 1.0654099 1.0639988 1.0475118 1.0484593 1.1335999 1.0746906\n", + " 1.0898204 1.0747635 1.034456 1.0181825 0. 0. ]\n", + "\n", + "[ 1 3 4 2 5 12 0 14 15 13 7 8 9 6 11 10 16 17 18 19]\n", + "=======================\n", + "[\"attractive yan tai weighed just over seven stone when she began dating you pan in south china 's guangdong province .yan 's weight had almost doubled - after she ballooned up to 14 stone 2lbs .but two years on when you asked her to marry him she was almost unrecognizable , according to the people 's daily .\"]\n", + "=======================\n", + "['yan tai weighed just over seven stone when she began dating you panbut two years on and she has ballooned to almost double her weightyou splashed out on meals everyday in a plan to keep her by his sidehe has now proposed to yan and promised to keep on feeding her']\n", + "attractive yan tai weighed just over seven stone when she began dating you pan in south china 's guangdong province .yan 's weight had almost doubled - after she ballooned up to 14 stone 2lbs .but two years on when you asked her to marry him she was almost unrecognizable , according to the people 's daily .\n", + "yan tai weighed just over seven stone when she began dating you panbut two years on and she has ballooned to almost double her weightyou splashed out on meals everyday in a plan to keep her by his sidehe has now proposed to yan and promised to keep on feeding her\n", + "[1.1744742 1.2858934 1.2598987 1.3466482 1.2056261 1.1307912 1.0786333\n", + " 1.0675011 1.0663731 1.1294649 1.123043 1.0231376 1.0222616 1.071431\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 4 0 5 9 10 6 13 7 8 11 12 18 14 15 16 17 19]\n", + "=======================\n", + "[\"the rubber bowl in akron , ohio , was built in 1939 and it served as the home for the university of akron 's football team for 68 yearsan ohio stadium that hosted rock and roll legends and football games for decades after it was built during the second world war now sits abandoned and in the midst of decay in the northeast corner of the buckeye state .the stadium , which can now hold more than 35,000 people , was closed in 2009 when the zips moved into infocision stadium .\"]\n", + "=======================\n", + "[\"the rubber bowl in akron , ohio , built in 1939 and served as home for the university of akron 's football teamthe zips played at the field for more than 65 years before finishing their run there with a game in november of 2008the stadium , which can hold more than 35,000 people , was sold to team1 properties for $ 38,000 in 2013group wanted to refurbish the stadium into a home for a united states football league team but plan fell apart\"]\n", + "the rubber bowl in akron , ohio , was built in 1939 and it served as the home for the university of akron 's football team for 68 yearsan ohio stadium that hosted rock and roll legends and football games for decades after it was built during the second world war now sits abandoned and in the midst of decay in the northeast corner of the buckeye state .the stadium , which can now hold more than 35,000 people , was closed in 2009 when the zips moved into infocision stadium .\n", + "the rubber bowl in akron , ohio , built in 1939 and served as home for the university of akron 's football teamthe zips played at the field for more than 65 years before finishing their run there with a game in november of 2008the stadium , which can hold more than 35,000 people , was sold to team1 properties for $ 38,000 in 2013group wanted to refurbish the stadium into a home for a united states football league team but plan fell apart\n", + "[1.2537618 1.3702776 1.2097157 1.2826704 1.1445564 1.115758 1.07067\n", + " 1.0993031 1.0717763 1.0705616 1.0245191 1.0412368 1.0166035 1.0206372\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 5 7 8 6 9 11 10 13 12 14 15 16 17 18 19]\n", + "=======================\n", + "[\"it claims that branded painkillers that say they specifically treat certain types of pain are just using ` clever marketing ' to make patients spend up to ten times more than they would on unbranded products , and that some manufacturers simply use the same pills in different packaging throughout their ranges .the uk over-the-counter medicines market , which also includes painkillers and anti-fungal creams , is worth # 2.5 billion , with brands vying for attention with brightly coloured packaging and promises that are questionable under scrutiny , claims dr chris van tulleken .britons spend an astonishing # 100 million a year on cough syrup -- when a glass of honey and lemon could work just as well , according to a new bbc television investigation .\"]\n", + "=======================\n", + "[\"` clever marketing ' makes patients spend up to ten times more , say expertsan investigation found britons spend # 100million on cough syrup a yearbut some doctors say there is no need to spend so much on remediesthe truth about medicine , 9pm bbc1 , april 9\"]\n", + "it claims that branded painkillers that say they specifically treat certain types of pain are just using ` clever marketing ' to make patients spend up to ten times more than they would on unbranded products , and that some manufacturers simply use the same pills in different packaging throughout their ranges .the uk over-the-counter medicines market , which also includes painkillers and anti-fungal creams , is worth # 2.5 billion , with brands vying for attention with brightly coloured packaging and promises that are questionable under scrutiny , claims dr chris van tulleken .britons spend an astonishing # 100 million a year on cough syrup -- when a glass of honey and lemon could work just as well , according to a new bbc television investigation .\n", + "` clever marketing ' makes patients spend up to ten times more , say expertsan investigation found britons spend # 100million on cough syrup a yearbut some doctors say there is no need to spend so much on remediesthe truth about medicine , 9pm bbc1 , april 9\n", + "[1.301478 1.3690994 1.343365 1.2900233 1.2171853 1.1125512 1.0685493\n", + " 1.0211356 1.0843958 1.0379975 1.0844165 1.0187155 1.0909793 1.0708184\n", + " 1.0665772 1.110142 1.1195476 1.085804 1.021486 1.0204059]\n", + "\n", + "[ 1 2 0 3 4 16 5 15 12 17 10 8 13 6 14 9 18 7 19 11]\n", + "=======================\n", + "['the tasmanian-born royal looked appropriately sombre in a chic black ensemble paired with grey accessories to mark the 75th anniversary of the occupation of aabenraa .the crown princess stepped out solo for her royal duties , following a week of family celebrations honouring the 75th birthday of queen margarethe ii .crown princess mary of denmark cut a stylish figure as she attended a remembrance ceremony in denmark on thursday .']\n", + "=======================\n", + "['crown princess mary was in aabenraa in southern denmark on thursdayevent marked the 75th anniversary of the invasion by germany in 1940tasmanian-born royal wore chic black ensemble with grey accessoriesbusy week for royals with birthday celebrations for queen margarethe ii']\n", + "the tasmanian-born royal looked appropriately sombre in a chic black ensemble paired with grey accessories to mark the 75th anniversary of the occupation of aabenraa .the crown princess stepped out solo for her royal duties , following a week of family celebrations honouring the 75th birthday of queen margarethe ii .crown princess mary of denmark cut a stylish figure as she attended a remembrance ceremony in denmark on thursday .\n", + "crown princess mary was in aabenraa in southern denmark on thursdayevent marked the 75th anniversary of the invasion by germany in 1940tasmanian-born royal wore chic black ensemble with grey accessoriesbusy week for royals with birthday celebrations for queen margarethe ii\n", + "[1.2231956 1.4925208 1.3245656 1.2933806 1.283396 1.1335802 1.1201358\n", + " 1.0939561 1.0857933 1.0882688 1.0542723 1.0269793 1.0553448 1.0523757\n", + " 1.1238639 1.0532621 1.0978457 1.0635067 1.0317135 1.0183634]\n", + "\n", + "[ 1 2 3 4 0 5 14 6 16 7 9 8 17 12 10 15 13 18 11 19]\n", + "=======================\n", + "['iain mackay , 40 , is believed to have argued with his thai girlfriend moments before his death .he is also understood to have clashed with a man who was seen talking to his girlfriend at a bar .the incidents happened in hua hin , a coastal town and beach resort 120 miles south-west of bangkok .']\n", + "=======================\n", + "['iain mackay , 40 , saw his thai girlfriend talking to another man in a bartrio reportedly got into a furious argument at the coastal hua hin resortshortly afterwards mr mackay appeared in a nearby shop bleeding heavilywas suffering injuries caused by shards of glass from a smashed mirrorparamedics were called to the scene but he died in hospital hours later']\n", + "iain mackay , 40 , is believed to have argued with his thai girlfriend moments before his death .he is also understood to have clashed with a man who was seen talking to his girlfriend at a bar .the incidents happened in hua hin , a coastal town and beach resort 120 miles south-west of bangkok .\n", + "iain mackay , 40 , saw his thai girlfriend talking to another man in a bartrio reportedly got into a furious argument at the coastal hua hin resortshortly afterwards mr mackay appeared in a nearby shop bleeding heavilywas suffering injuries caused by shards of glass from a smashed mirrorparamedics were called to the scene but he died in hospital hours later\n", + "[1.4434874 1.2569112 1.4044715 1.3371534 1.2865634 1.0369663 1.049331\n", + " 1.0276021 1.0513085 1.0990863 1.0494987 1.0612767 1.0276213 1.0184572\n", + " 1.0226594 1.0291874 1.0157074 1.2287893 1.0748618 0. ]\n", + "\n", + "[ 0 2 3 4 1 17 9 18 11 8 10 6 5 15 12 7 14 13 16 19]\n", + "=======================\n", + "['amy murray ( pictured ) assaulted a woman during a screening of fifty shades of grey after people became annoyed with her for laughing at the sex scenesan argument broke out and murray hit jessica deadman , 23 , while drunkenly gesturing with her hand .police were called to the century cinema in clacton-on-sea , essex , on february 18 just before the end of the film .']\n", + "=======================\n", + "['mother amy murray , 23 , was arrested in cinema after assaulting film-goershe and friend were drunk when they went to see fifty shades of greyrow broke out when others became annoyed with pair for laughingmurray has admitted charges of assault and being drunk and disorderly']\n", + "amy murray ( pictured ) assaulted a woman during a screening of fifty shades of grey after people became annoyed with her for laughing at the sex scenesan argument broke out and murray hit jessica deadman , 23 , while drunkenly gesturing with her hand .police were called to the century cinema in clacton-on-sea , essex , on february 18 just before the end of the film .\n", + "mother amy murray , 23 , was arrested in cinema after assaulting film-goershe and friend were drunk when they went to see fifty shades of greyrow broke out when others became annoyed with pair for laughingmurray has admitted charges of assault and being drunk and disorderly\n", + "[1.2816226 1.4011128 1.2154042 1.3558023 1.0443075 1.1450099 1.0921863\n", + " 1.063412 1.0647709 1.0717244 1.1527951 1.0882884 1.0500251 1.0146459\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 10 5 6 11 9 8 7 12 4 13 18 14 15 16 17 19]\n", + "=======================\n", + "[\"former destrehan high school teacher shelley dufresne was arrested in september after the teen in question started bragging to friends at the st charles parish , louisiana school that he had slept with two teachers .` free ' woman : shelley dufresne , 32 , confessed in court thursday to having sex with a 16-year-old english student in exchange for a plea deal that gets her out of prison time .an investigation later revealed that the unidentified teen had sex with both his current english teacher at the time , dufresne , and his english teacher from the prior year , 24-year-old rachel respess - including an alleged a threesome with both at respess 's house .\"]\n", + "=======================\n", + "[\"shelley dufresne was arrested in september when a student at the high school she taught at started bragging about sleeping with two teachersit was later revealed that the 16-year-old had sex with both dufresne and his former english teacher , 24-year-old rachel respessdufresne , 32 , pleaded not guilty to charges in november , but changed course on thursday when she admitted having sex with the teenin a forgiving plea deal , dufresne will only have to attend a 90-day therapy program , stay away from the victim and turn in her teacher 's licensein exchange , the charge of carnal knowledge of a child will be dropped after her probation and she wo n't have to register as a sex offenderhowever , dufresne is still awaiting an arraignment on charges for having a threesome with the same student and respess in a different parish\"]\n", + "former destrehan high school teacher shelley dufresne was arrested in september after the teen in question started bragging to friends at the st charles parish , louisiana school that he had slept with two teachers .` free ' woman : shelley dufresne , 32 , confessed in court thursday to having sex with a 16-year-old english student in exchange for a plea deal that gets her out of prison time .an investigation later revealed that the unidentified teen had sex with both his current english teacher at the time , dufresne , and his english teacher from the prior year , 24-year-old rachel respess - including an alleged a threesome with both at respess 's house .\n", + "shelley dufresne was arrested in september when a student at the high school she taught at started bragging about sleeping with two teachersit was later revealed that the 16-year-old had sex with both dufresne and his former english teacher , 24-year-old rachel respessdufresne , 32 , pleaded not guilty to charges in november , but changed course on thursday when she admitted having sex with the teenin a forgiving plea deal , dufresne will only have to attend a 90-day therapy program , stay away from the victim and turn in her teacher 's licensein exchange , the charge of carnal knowledge of a child will be dropped after her probation and she wo n't have to register as a sex offenderhowever , dufresne is still awaiting an arraignment on charges for having a threesome with the same student and respess in a different parish\n", + "[1.259024 1.2601547 1.2764415 1.301629 1.2871757 1.1817079 1.0345438\n", + " 1.0358014 1.1020817 1.1278375 1.0628448 1.0327984 1.0837526 1.0319172\n", + " 1.0187396 1.013011 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 2 1 0 5 9 8 12 10 7 6 11 13 14 15 18 16 17 19]\n", + "=======================\n", + "[\"google partnered with catlin seaview survey and adrian shine from the loch ness and morar project to capture the street view images ( loch ness and urquhart castle pictured ) .the site has launched to mark the 81st anniversary of the ` surgeon 's photograph ' - an image of the mythical monster from 1934 - and it lets people virtually explore above and beneath the water of the attraction to the southwest of invernessthe tech giant has also released a google doodle to commemorate the anniversary and changed the yellow pegman to a nessie peg-monster .\"]\n", + "=======================\n", + "[\"google partnered with catlin seaview survey and the loch ness and morar project to capture the street view shotssite has launched to mark the 81st anniversary of the ` surgeon 's photograph ' - an image of the mythical monsterit lets people virtually explore above and beneath the water of the iconic waterway to the southwest of invernessthere are more searches for loch ness than any other uk institution , and google 's doodle also marks the occasion\"]\n", + "google partnered with catlin seaview survey and adrian shine from the loch ness and morar project to capture the street view images ( loch ness and urquhart castle pictured ) .the site has launched to mark the 81st anniversary of the ` surgeon 's photograph ' - an image of the mythical monster from 1934 - and it lets people virtually explore above and beneath the water of the attraction to the southwest of invernessthe tech giant has also released a google doodle to commemorate the anniversary and changed the yellow pegman to a nessie peg-monster .\n", + "google partnered with catlin seaview survey and the loch ness and morar project to capture the street view shotssite has launched to mark the 81st anniversary of the ` surgeon 's photograph ' - an image of the mythical monsterit lets people virtually explore above and beneath the water of the iconic waterway to the southwest of invernessthere are more searches for loch ness than any other uk institution , and google 's doodle also marks the occasion\n", + "[1.1004473 1.2206686 1.3482034 1.2056382 1.2168212 1.2148294 1.2040687\n", + " 1.1090734 1.0660936 1.068954 1.0449783 1.0650374 1.0429326 1.0451605\n", + " 1.0507814 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 4 5 3 6 7 0 9 8 11 14 13 10 12 18 15 16 17 19]\n", + "=======================\n", + "[\"party chiefs had scrambled to shore up support for ed miliband after it emerged that dozens of labour councils and mps employ staff on the controversial contracts , which he has pledged to ban .labour 's efforts to fight off accusations of hypocrisy on zero-hours contracts were in chaos last night .and labour 's biggest donor unite also lost a humiliating tribunal ruling over an employee who claims he was sacked for complaining about being employed on a zero-hours basis .\"]\n", + "=======================\n", + "[\"ed miliband accused of ` hypocrisy ' after 68 mps used zero-hour contracts100 workers and employers from ` all walks of life ' signed letter backing edbut signatories included affluent students and union and party activistsjohn-jo pierce and rory somerville both pictured in black tie with cigarswayne hemingway , red or dead co-founder , has used zero-hour contractsa picture caption in an earlier version of this article wrongly stated that rory somerville is 31 years old .\"]\n", + "party chiefs had scrambled to shore up support for ed miliband after it emerged that dozens of labour councils and mps employ staff on the controversial contracts , which he has pledged to ban .labour 's efforts to fight off accusations of hypocrisy on zero-hours contracts were in chaos last night .and labour 's biggest donor unite also lost a humiliating tribunal ruling over an employee who claims he was sacked for complaining about being employed on a zero-hours basis .\n", + "ed miliband accused of ` hypocrisy ' after 68 mps used zero-hour contracts100 workers and employers from ` all walks of life ' signed letter backing edbut signatories included affluent students and union and party activistsjohn-jo pierce and rory somerville both pictured in black tie with cigarswayne hemingway , red or dead co-founder , has used zero-hour contractsa picture caption in an earlier version of this article wrongly stated that rory somerville is 31 years old .\n", + "[1.2375106 1.2548004 1.1336832 1.1999316 1.2787379 1.0370853 1.0292059\n", + " 1.1431191 1.0643744 1.0613166 1.0591083 1.0456823 1.0883521 1.0477735\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 1 0 3 7 2 12 8 9 10 13 11 5 6 17 14 15 16 18]\n", + "=======================\n", + "['as one headline blared this week , \" baby girl could be worth $ 1.5 billion to the country . \"as of today , 70 % of those laying down their hard earned cash are convinced the world is on the verge of welcoming a new princess .( cnn ) as the great kate wait of 2015 drags on , giving a whole new meaning to kate \\'s somewhat unfair noughties nickname , \" waity katie , \" bets on the arrival of a new baby a girl continue to be placed at a feverish rate .']\n", + "=======================\n", + "[\"british monarchy 's 1,000-year history has seen 34 kings and just 6 queens on the thronevictoria arbiter argues the royal family needs a baby girl to fill the female void of future generations\"]\n", + "as one headline blared this week , \" baby girl could be worth $ 1.5 billion to the country . \"as of today , 70 % of those laying down their hard earned cash are convinced the world is on the verge of welcoming a new princess .( cnn ) as the great kate wait of 2015 drags on , giving a whole new meaning to kate 's somewhat unfair noughties nickname , \" waity katie , \" bets on the arrival of a new baby a girl continue to be placed at a feverish rate .\n", + "british monarchy 's 1,000-year history has seen 34 kings and just 6 queens on the thronevictoria arbiter argues the royal family needs a baby girl to fill the female void of future generations\n", + "[1.3594333 1.320722 1.2626159 1.3023728 1.2694771 1.1977849 1.1138062\n", + " 1.0671324 1.0981683 1.0744535 1.0749128 1.1176805 1.0659212 1.0160061\n", + " 1.0081052 1.0071061 1.0066437 0. 0. ]\n", + "\n", + "[ 0 1 3 4 2 5 11 6 8 10 9 7 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"hundreds of staff at the royal courts of justice and london school of economics were evacuated again today after a building due to be demolished collapsed ` like a pancake ' injuring a 56-year-old workman .workers underneath the six-storey structure fled for their lives after the fifth , fourth and third floors crashed down on to the rest of the building - sending a huge cloud of dust into the air .injury : police said a 56-year-old man was being treated for injuries this afternoon following the disaster\"]\n", + "=======================\n", + "[\"six-storey structure collapsed this afternoon in holborn , central londonsite is just yards from where cable fire caused chaos earlier this monthon both occasions university and court staff have had to be evacuatednot yet known whether today 's incident is connected to underground blaze\"]\n", + "hundreds of staff at the royal courts of justice and london school of economics were evacuated again today after a building due to be demolished collapsed ` like a pancake ' injuring a 56-year-old workman .workers underneath the six-storey structure fled for their lives after the fifth , fourth and third floors crashed down on to the rest of the building - sending a huge cloud of dust into the air .injury : police said a 56-year-old man was being treated for injuries this afternoon following the disaster\n", + "six-storey structure collapsed this afternoon in holborn , central londonsite is just yards from where cable fire caused chaos earlier this monthon both occasions university and court staff have had to be evacuatednot yet known whether today 's incident is connected to underground blaze\n", + "[1.1676913 1.404311 1.2273562 1.3346999 1.1763091 1.1981851 1.0887488\n", + " 1.185196 1.0562283 1.0528156 1.0805037 1.0412657 1.100001 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 5 7 4 0 12 6 10 8 9 11 17 13 14 15 16 18]\n", + "=======================\n", + "[\"according to a saturday report by nbc affiliate 11alive , the 46-year-old singer has filed for guardianship over daughter bobbi kristina 's estate .this news comes just days after the 22-year-old 's loved ones were split over whether she had awoken from her coma as her father had claimed .the daughter of whitney houston was recently moved from emory university hospital - where she had been treated since being found unresponsive on january 31 - so she could be provided with long term care .\"]\n", + "=======================\n", + "[\"bobby brown has filed for guardianship over his daughter 's estatehe has maintained bobbi kristina is awake from her comamaternal grandmother cissy houston updated fans clarifying that her grandchild is ` no longer in a medically induced coma 'but cissy explained that her granddaughter is irreversibly brain damaged and unresponsivethe hospitalised woman 's 46-year-old father told fans at a dallas concert last saturday that ` bobbi is awake .on monday , his wife alicia tried to clarify bobby 's statement saying ` she has made it out of icu and opened her eyes 'a source close to the houston family shared that they ` have no idea where bobby is getting his information 'the 22-year-old only child of the late whitney houston was first hospitalized on january 31 after being found face down and unconscious in a bathtub at her georgia home\"]\n", + "according to a saturday report by nbc affiliate 11alive , the 46-year-old singer has filed for guardianship over daughter bobbi kristina 's estate .this news comes just days after the 22-year-old 's loved ones were split over whether she had awoken from her coma as her father had claimed .the daughter of whitney houston was recently moved from emory university hospital - where she had been treated since being found unresponsive on january 31 - so she could be provided with long term care .\n", + "bobby brown has filed for guardianship over his daughter 's estatehe has maintained bobbi kristina is awake from her comamaternal grandmother cissy houston updated fans clarifying that her grandchild is ` no longer in a medically induced coma 'but cissy explained that her granddaughter is irreversibly brain damaged and unresponsivethe hospitalised woman 's 46-year-old father told fans at a dallas concert last saturday that ` bobbi is awake .on monday , his wife alicia tried to clarify bobby 's statement saying ` she has made it out of icu and opened her eyes 'a source close to the houston family shared that they ` have no idea where bobby is getting his information 'the 22-year-old only child of the late whitney houston was first hospitalized on january 31 after being found face down and unconscious in a bathtub at her georgia home\n", + "[1.4860342 1.1148458 1.424675 1.3248072 1.1126336 1.0417787 1.0251426\n", + " 1.0396329 1.0316328 1.1456046 1.0993596 1.058279 1.1222322 1.0729271\n", + " 1.0292455 1.1263413 1.0538045 0. 0. ]\n", + "\n", + "[ 0 2 3 9 15 12 1 4 10 13 11 16 5 7 8 14 6 17 18]\n", + "=======================\n", + "[\"the wi has been told it must pay the royal albert hall thousands of pounds if it wants to serve the cakes to 5,000 women attending centenary celebrations at the venue in junethe idea was that the 5,000 members attending the national federation of the women 's institute 's agm , which this year celebrates the anniversary , would find a box of centenary cake on their seats .under the hall 's booking conditions , extra fees are liable if products of commercial sponsors are promoted inside the building .\"]\n", + "=======================\n", + "[\"women 's institute centenary celebrations will be held at the venue in junetold they must pay extra money because some ingredients were donatedextra fees are liable if products of commercial sponsors are promoted\"]\n", + "the wi has been told it must pay the royal albert hall thousands of pounds if it wants to serve the cakes to 5,000 women attending centenary celebrations at the venue in junethe idea was that the 5,000 members attending the national federation of the women 's institute 's agm , which this year celebrates the anniversary , would find a box of centenary cake on their seats .under the hall 's booking conditions , extra fees are liable if products of commercial sponsors are promoted inside the building .\n", + "women 's institute centenary celebrations will be held at the venue in junetold they must pay extra money because some ingredients were donatedextra fees are liable if products of commercial sponsors are promoted\n", + "[1.2856438 1.3562751 1.3398385 1.2362795 1.1590794 1.1439217 1.1175494\n", + " 1.1121012 1.0681677 1.0669771 1.0775123 1.0705485 1.0916862 1.0331036\n", + " 1.0987116 1.0549097 1.0839499 1.0427594 1.0211717]\n", + "\n", + "[ 1 2 0 3 4 5 6 7 14 12 16 10 11 8 9 15 17 13 18]\n", + "=======================\n", + "['the isis terrorist group claimed responsibility for the attack .the explosion killed at least 33 people and injured more than 100 others , public health spokesman najibullah kamawal said .kabul , afghanistan ( cnn ) a suicide bomber on a motorbike blew himself up in front of the kabul bank in jalalabad early saturday , a local government spokesman said .']\n", + "=======================\n", + "['u.n. says suicide attacks on mass groups of civilians may be labeled as war crimestaliban condemns the attack , which isis took credit forthe bomber targeted government workers picking up their pay , isis said in a statement']\n", + "the isis terrorist group claimed responsibility for the attack .the explosion killed at least 33 people and injured more than 100 others , public health spokesman najibullah kamawal said .kabul , afghanistan ( cnn ) a suicide bomber on a motorbike blew himself up in front of the kabul bank in jalalabad early saturday , a local government spokesman said .\n", + "u.n. says suicide attacks on mass groups of civilians may be labeled as war crimestaliban condemns the attack , which isis took credit forthe bomber targeted government workers picking up their pay , isis said in a statement\n", + "[1.1430526 1.5300368 1.3357767 1.1388295 1.1469467 1.0711372 1.066889\n", + " 1.0298527 1.0485814 1.1049676 1.097102 1.0838293 1.069891 1.0863719\n", + " 1.0662806 1.0637553 1.0568018 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 0 3 9 10 13 11 5 12 6 14 15 16 8 7 23 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"at least five women got into a large-scale brawl that lasted for multiple minutes at a zara clothing store on friday afternoon .the fight broke out at a store location in the city 's rittenhouse square neighborhood .a women wearing a pink top and underwear spent most of the brawl with her shirt being pulled\"]\n", + "=======================\n", + "[\"the fight broke out at store in the city 's rittenhouse square neighborhoodit went on for several minutes while witnesses both watched and filmedthe police were called but all the women had departed by time they arrivedan investigation is ongoing and the cause of the fight remains unclear\"]\n", + "at least five women got into a large-scale brawl that lasted for multiple minutes at a zara clothing store on friday afternoon .the fight broke out at a store location in the city 's rittenhouse square neighborhood .a women wearing a pink top and underwear spent most of the brawl with her shirt being pulled\n", + "the fight broke out at store in the city 's rittenhouse square neighborhoodit went on for several minutes while witnesses both watched and filmedthe police were called but all the women had departed by time they arrivedan investigation is ongoing and the cause of the fight remains unclear\n", + "[1.1612309 1.54529 1.2731392 1.4187834 1.0703979 1.0465231 1.0250332\n", + " 1.0672634 1.1117961 1.1249434 1.0209215 1.0142155 1.0200803 1.0352869\n", + " 1.046848 1.0213827 1.0303141 1.0292093 1.0473325 1.082076 1.036516\n", + " 1.0153332 1.0112308 1.030928 1.0450249]\n", + "\n", + "[ 1 3 2 0 9 8 19 4 7 18 14 5 24 20 13 23 16 17 6 15 10 12 21 11\n", + " 22]\n", + "=======================\n", + "[\"husband and wife david and sandra greatrex , 53 and 52 , from plymouth , have told their shocking story of harassment , which culminated in david 's sister anne cancelling the couple 's wedding using a fake email address just weeks before the big day .the couple have spoken about their family feud on channel 5 documentary , family secrets and lies , which airs tonight .a woman who successfully set up her brother with one of her best friends ended up becoming so jealous of their relationship she tried to wreck their marriage .\"]\n", + "=======================\n", + "[\"sandra and david greatrex were introduced by david 's sister , anne duffysoon anne started sending threatening text messages to sandrarift got so bad she stopped tried to cancel their wedding using fake email\"]\n", + "husband and wife david and sandra greatrex , 53 and 52 , from plymouth , have told their shocking story of harassment , which culminated in david 's sister anne cancelling the couple 's wedding using a fake email address just weeks before the big day .the couple have spoken about their family feud on channel 5 documentary , family secrets and lies , which airs tonight .a woman who successfully set up her brother with one of her best friends ended up becoming so jealous of their relationship she tried to wreck their marriage .\n", + "sandra and david greatrex were introduced by david 's sister , anne duffysoon anne started sending threatening text messages to sandrarift got so bad she stopped tried to cancel their wedding using fake email\n", + "[1.1770256 1.4363453 1.1737111 1.3082868 1.2621919 1.0254279 1.0386978\n", + " 1.0688936 1.298768 1.0342147 1.0311552 1.1239325 1.0263481 1.0423334\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 8 4 0 2 11 7 13 6 9 10 12 5 14 15 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"in an article by the australian written on monday , jim carroll , the news and current affairs director of sbs , was reported to be taking a more ` commercial ' approach to the network by hiring ` good-looking , female , anglo-celtic ' journalists .` never mind the fact that i work damned hard ' : sbs reporter ellie laing has launched a scathing attack on an article in the australian that suggested she and other journalists were hired for being young , white and femalediversity : the sbs was criticised for hiring young attractive reporters , with sarah abo one of the journalists mentioned in the article\"]\n", + "=======================\n", + "[\"ellie laing spoke out against claims of being hired for looks alonethe australian claimed jim carroll only employed pretty , anglo-celtic girlsthe article claims sbs is having an ` attractive ' overhaul to boost ratingsit 's believed karen middleton sbs political reporter 's departure comes after she did n't ` fit the bill 'laing said article did not take into account decade of working ` damn hard 'told daily mail australia that reaction to her letter has been supportive\"]\n", + "in an article by the australian written on monday , jim carroll , the news and current affairs director of sbs , was reported to be taking a more ` commercial ' approach to the network by hiring ` good-looking , female , anglo-celtic ' journalists .` never mind the fact that i work damned hard ' : sbs reporter ellie laing has launched a scathing attack on an article in the australian that suggested she and other journalists were hired for being young , white and femalediversity : the sbs was criticised for hiring young attractive reporters , with sarah abo one of the journalists mentioned in the article\n", + "ellie laing spoke out against claims of being hired for looks alonethe australian claimed jim carroll only employed pretty , anglo-celtic girlsthe article claims sbs is having an ` attractive ' overhaul to boost ratingsit 's believed karen middleton sbs political reporter 's departure comes after she did n't ` fit the bill 'laing said article did not take into account decade of working ` damn hard 'told daily mail australia that reaction to her letter has been supportive\n", + "[1.082837 1.4595395 1.3297088 1.0544251 1.0403222 1.0584372 1.1572325\n", + " 1.1811422 1.0492669 1.2992935 1.0381781 1.0788502 1.0256001 1.1598303\n", + " 1.1012983 1.0124216 1.0099238 1.0160857 1.1687276 1.0117705 1.0108155\n", + " 1.0107832 1.0089957 1.0133547 0. ]\n", + "\n", + "[ 1 2 9 7 18 13 6 14 0 11 5 3 8 4 10 12 17 23 15 19 20 21 16 22\n", + " 24]\n", + "=======================\n", + "['at the end of march , leicester were bottom of the table with 19 points , seven off safety .win on saturday and they will be out of the relegation zone .leicester players are full of confidence after three successive victories in the premier league']\n", + "=======================\n", + "[\"leicester can move out of the drop zone by beating burnley on saturdaynigel pearson 's side were bottom of the table on christmas daythe foxes have won last three league games on the bounce\"]\n", + "at the end of march , leicester were bottom of the table with 19 points , seven off safety .win on saturday and they will be out of the relegation zone .leicester players are full of confidence after three successive victories in the premier league\n", + "leicester can move out of the drop zone by beating burnley on saturdaynigel pearson 's side were bottom of the table on christmas daythe foxes have won last three league games on the bounce\n", + "[1.3648454 1.3105677 1.2470899 1.1778667 1.1642946 1.1090188 1.1059597\n", + " 1.1045208 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 5 6 7 22 21 20 19 18 17 16 12 14 13 23 11 10 9 8 15\n", + " 24]\n", + "=======================\n", + "['( cnn ) with help from some filmmakers , 102-year-old alice barker went back in time .barker was a dancer in such new york nightspots as the cotton club and the cafe zanzibar in the 1930s and 1940s , part of chorus lines that entertained alongside notables including bill \" bojangles \" robinson and frank sinatra .there were motion pictures made of barker , but she had never seen any of them .']\n", + "=======================\n", + "[\"alice barker was a dancer in the 1930s and '40sthanks to filmmakers , barker -- now 102 -- finally saw herself dance\"]\n", + "( cnn ) with help from some filmmakers , 102-year-old alice barker went back in time .barker was a dancer in such new york nightspots as the cotton club and the cafe zanzibar in the 1930s and 1940s , part of chorus lines that entertained alongside notables including bill \" bojangles \" robinson and frank sinatra .there were motion pictures made of barker , but she had never seen any of them .\n", + "alice barker was a dancer in the 1930s and '40sthanks to filmmakers , barker -- now 102 -- finally saw herself dance\n", + "[1.2857424 1.3137866 1.4587994 1.2932496 1.1681187 1.0536748 1.0179601\n", + " 1.0202707 1.1333694 1.1058646 1.0231663 1.041262 1.0160307 1.1057866\n", + " 1.2102057 1.1480435 1.1658661 1.0648309 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 0 14 4 16 15 8 9 13 17 5 11 10 7 6 12 19 18 20]\n", + "=======================\n", + "['david priestley called 999 three times and had to wait an hour for an ambulance to reach his wife diane , who was struggling to breathe and whose tongue and lips had turned blue .an ambulance service has apologised to the family of a woman who died after errors by emergency call operators meant she was not classed as having a life-threatening condition .an investigation has found that an ambulance should have been given a response priority of eight minutes to reach the 57-year-old at her home in shildon , county durham .']\n", + "=======================\n", + "['david priestley called 999 three times and waited an hour for ambulancehis wife diane was struggling to breathe and was starting to turn blueambulance trust admitted delay due to incorrect priority by call-handlermr priestley said he is tormented by thought his wife may have survived']\n", + "david priestley called 999 three times and had to wait an hour for an ambulance to reach his wife diane , who was struggling to breathe and whose tongue and lips had turned blue .an ambulance service has apologised to the family of a woman who died after errors by emergency call operators meant she was not classed as having a life-threatening condition .an investigation has found that an ambulance should have been given a response priority of eight minutes to reach the 57-year-old at her home in shildon , county durham .\n", + "david priestley called 999 three times and waited an hour for ambulancehis wife diane was struggling to breathe and was starting to turn blueambulance trust admitted delay due to incorrect priority by call-handlermr priestley said he is tormented by thought his wife may have survived\n", + "[1.1742964 1.4138914 1.1988779 1.1877272 1.3669953 1.0714927 1.0414593\n", + " 1.0754848 1.0698655 1.0455796 1.0707045 1.1387532 1.1237465 1.1454912\n", + " 1.1452489 1.093764 1.0277848 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 3 0 13 14 11 12 15 7 5 10 8 9 6 16 17 18 19 20]\n", + "=======================\n", + "[\"young alexis douglas was playing at her sister 's friend 's house in melbourne earlier this year , when a neighbour 's pitbull attacked the little girl .left with deep gashes of up to 10cm , her mother monique douglas told daily mail australia that not a day goes by that she cries for her daughter who has been left so traumatised that she is unable to play outside by herself .but what has outraged mrs douglas even more is that the dog 's owner escaped without a conviction for not registering his pitbull and was instead handed a $ 1500 fine by the court .\"]\n", + "=======================\n", + "[\"alexis douglas was outside a friend 's house when a pitbull attacked herthe five-year-old required 50 stitches after the dog mauled her faceshe is too afraid to go outside her home without her mother or teachersthe dog 's owner put down the pitbull and escaped any convictionsedward powell did not register his dog and the court gave him a $ 1500 finemonique douglas , alexis 's mother , is outraged with the verdict handed down on thursday\"]\n", + "young alexis douglas was playing at her sister 's friend 's house in melbourne earlier this year , when a neighbour 's pitbull attacked the little girl .left with deep gashes of up to 10cm , her mother monique douglas told daily mail australia that not a day goes by that she cries for her daughter who has been left so traumatised that she is unable to play outside by herself .but what has outraged mrs douglas even more is that the dog 's owner escaped without a conviction for not registering his pitbull and was instead handed a $ 1500 fine by the court .\n", + "alexis douglas was outside a friend 's house when a pitbull attacked herthe five-year-old required 50 stitches after the dog mauled her faceshe is too afraid to go outside her home without her mother or teachersthe dog 's owner put down the pitbull and escaped any convictionsedward powell did not register his dog and the court gave him a $ 1500 finemonique douglas , alexis 's mother , is outraged with the verdict handed down on thursday\n", + "[1.3248305 1.4904735 1.2619503 1.021578 1.2014842 1.0666208 1.225621\n", + " 1.0371156 1.1436198 1.1066462 1.1338902 1.0769587 1.0760436 1.0846244\n", + " 1.0191324 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 6 4 8 10 9 13 11 12 5 7 3 14 19 15 16 17 18 20]\n", + "=======================\n", + "[\"the toffees have been sponsored by thai beverage chang beer for over 11 years and jagielka , who scored the winner against southampton on saturday , was on hand to visit chaophraya restaurant in liverpool for a special cookery lesson .phil jagielka swapped everton 's training ground for a kitchen earlier this week as he learned to cook a traditional thai dish to celebrate the sacred festival of songkran .having teamed up with expert chef kim kaewkraikhot , everton 's captain prepared some pad thai - a stir-fried noodle dish - before taste testing his own food .\"]\n", + "=======================\n", + "[\"phil jagielka visited chaophraya restaurant with sponsors chang beerthe everton skipper had a cookery lesson with thai chef kim kaewkraikhotengland defender jagielka was pleased that he ` did n't burn anything down 'the toffees take on swansea on saturday looking for a fourth win in a row\"]\n", + "the toffees have been sponsored by thai beverage chang beer for over 11 years and jagielka , who scored the winner against southampton on saturday , was on hand to visit chaophraya restaurant in liverpool for a special cookery lesson .phil jagielka swapped everton 's training ground for a kitchen earlier this week as he learned to cook a traditional thai dish to celebrate the sacred festival of songkran .having teamed up with expert chef kim kaewkraikhot , everton 's captain prepared some pad thai - a stir-fried noodle dish - before taste testing his own food .\n", + "phil jagielka visited chaophraya restaurant with sponsors chang beerthe everton skipper had a cookery lesson with thai chef kim kaewkraikhotengland defender jagielka was pleased that he ` did n't burn anything down 'the toffees take on swansea on saturday looking for a fourth win in a row\n", + "[1.2909083 1.2978135 1.2847302 1.2555978 1.1892358 1.176545 1.1083201\n", + " 1.0788084 1.0679625 1.0834099 1.0410534 1.0514679 1.102208 1.0436339\n", + " 1.0686398 1.0960208 1.0763065 1.0578985 1.1346537 1.0712955 1.023138 ]\n", + "\n", + "[ 1 0 2 3 4 5 18 6 12 15 9 7 16 19 14 8 17 11 13 10 20]\n", + "=======================\n", + "['somalia \\'s president called it \" an attack against the future of our country . \"( cnn ) an improvised bomb exploded near a u.n. vehicle traveling near the northeastern somali city of garowe on monday morning , killing six people -- including four aid workers for the international children \\'s agency unicef .the attack follows a separate incident sunday in which three african union troops died in an ambush in the lower shabelle region of somalia .']\n", + "=======================\n", + "['the bombing is \" an attack against the future of our country , \" somalia \\'s president saysunicef says the staff members \\' vehicle was hit by an explosion on its way to their officefour wounded staff members are in serious condition , the agency says']\n", + "somalia 's president called it \" an attack against the future of our country . \"( cnn ) an improvised bomb exploded near a u.n. vehicle traveling near the northeastern somali city of garowe on monday morning , killing six people -- including four aid workers for the international children 's agency unicef .the attack follows a separate incident sunday in which three african union troops died in an ambush in the lower shabelle region of somalia .\n", + "the bombing is \" an attack against the future of our country , \" somalia 's president saysunicef says the staff members ' vehicle was hit by an explosion on its way to their officefour wounded staff members are in serious condition , the agency says\n", + "[1.4459311 1.3984064 1.2092538 1.1516991 1.075189 1.0584155 1.0192242\n", + " 1.0258576 1.0220536 1.1182681 1.2073027 1.1905812 1.0966151 1.0787102\n", + " 1.0149995 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 10 11 3 9 12 13 4 5 7 8 6 14 19 15 16 17 18 20]\n", + "=======================\n", + "[\"amir khan believes kell brook has called him out so that he can have the ` one big payday ' which has so far eluded him during his 10-and-a-half year career .brook , who defeated jo jo dan to retain his ibf welterweight title last month , immediately challenged khan in a post-fight interview but the bolton-born boxer has instead agreed a bout on may 30 , with his opponent yet to be confirmed .khan has reiterated his intention to take on brook within the next 12 months , although he insists that the undefeated 28-year-old only wants the fight because of the money it will earn him .\"]\n", + "=======================\n", + "[\"amir khan has rejected a # 5million fight with kell brook in junekhan claims that brook only wants to fight him for ` one big payday 'brook will struggle to fight one of boxing 's big names , according to khankhan says brook is nowhere near floyd mayweather and manny pacquiaowatch here : mayweather vs pacquiao official advert releasedfreddie roach : pacquiao better equipped to beat mayweather than in 2010click here for all the latest news from the world of boxing\"]\n", + "amir khan believes kell brook has called him out so that he can have the ` one big payday ' which has so far eluded him during his 10-and-a-half year career .brook , who defeated jo jo dan to retain his ibf welterweight title last month , immediately challenged khan in a post-fight interview but the bolton-born boxer has instead agreed a bout on may 30 , with his opponent yet to be confirmed .khan has reiterated his intention to take on brook within the next 12 months , although he insists that the undefeated 28-year-old only wants the fight because of the money it will earn him .\n", + "amir khan has rejected a # 5million fight with kell brook in junekhan claims that brook only wants to fight him for ` one big payday 'brook will struggle to fight one of boxing 's big names , according to khankhan says brook is nowhere near floyd mayweather and manny pacquiaowatch here : mayweather vs pacquiao official advert releasedfreddie roach : pacquiao better equipped to beat mayweather than in 2010click here for all the latest news from the world of boxing\n", + "[1.2411602 1.5395758 1.2144935 1.0893296 1.0265043 1.0385836 1.1771381\n", + " 1.1574262 1.2078758 1.108123 1.0435541 1.022494 1.1691097 1.1525891\n", + " 1.0311058 1.0433596 1.0317005 1.0248302 1.0464106 1.022241 1.05111\n", + " 1.0238739 1.0516033 0. ]\n", + "\n", + "[ 1 0 2 8 6 12 7 13 9 3 22 20 18 10 15 5 16 14 4 17 21 11 19 23]\n", + "=======================\n", + "[\"alaska airlines flight 448 bound for los angeles was forced to return to seattle-tacoma international airport monday when passengers heard banging and pleas for help coming from beneath the aircraft .the baggage handler who woke up from a nap inside the cargo hold of a flying plane did not realize until a piece of luggage fell on top of him .today , the unnamed seattle airport employee revealed he might have slept much longer if it had n't been for the passengers ' bags .\"]\n", + "=======================\n", + "['flight 448 had just taken off monday when the pilot heard banging from beneathla-bound plane was forced to return to seattle for emergency landingworker dialed 911 asking dispatcher to call someone and stop the planehe later emerged calm but was taken to hospital as a precautioncargo hold was pressurized and temperature controlled , so the man was not in danger']\n", + "alaska airlines flight 448 bound for los angeles was forced to return to seattle-tacoma international airport monday when passengers heard banging and pleas for help coming from beneath the aircraft .the baggage handler who woke up from a nap inside the cargo hold of a flying plane did not realize until a piece of luggage fell on top of him .today , the unnamed seattle airport employee revealed he might have slept much longer if it had n't been for the passengers ' bags .\n", + "flight 448 had just taken off monday when the pilot heard banging from beneathla-bound plane was forced to return to seattle for emergency landingworker dialed 911 asking dispatcher to call someone and stop the planehe later emerged calm but was taken to hospital as a precautioncargo hold was pressurized and temperature controlled , so the man was not in danger\n", + "[1.214121 1.4040306 1.2999331 1.1746496 1.2383971 1.1624408 1.0215027\n", + " 1.1226887 1.1201465 1.1092819 1.121106 1.0680696 1.1237222 1.0787734\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 0 3 5 12 7 10 8 9 13 11 6 14 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "['the knightsbridge flat , london , which is on sale for a fraction of the price of neighbouring homes , has just three years left on the lease .the cost would work out at # 191,000 per year , or # 15,000 per month - which is around the going rate for renting a three-bedroom flat in the area .but if any buyer decides to extend the lease , the property could be worth upwards of # 6 million .']\n", + "=======================\n", + "['the knightsbridge flat has been put on the market for a fraction of the price of neighbouring homes , at # 575,000it has only three years left on lease putting cost at # 15,000 a month - going rate for renting a three-bed in the areaproperty experts said if a buyer decides to extend the lease , the property could be worth upwards of # 6 millionbut renewal would not come cheap with the cost for a new 90-year lease estimated at between # 3.35 and # 4.5 million']\n", + "the knightsbridge flat , london , which is on sale for a fraction of the price of neighbouring homes , has just three years left on the lease .the cost would work out at # 191,000 per year , or # 15,000 per month - which is around the going rate for renting a three-bedroom flat in the area .but if any buyer decides to extend the lease , the property could be worth upwards of # 6 million .\n", + "the knightsbridge flat has been put on the market for a fraction of the price of neighbouring homes , at # 575,000it has only three years left on lease putting cost at # 15,000 a month - going rate for renting a three-bed in the areaproperty experts said if a buyer decides to extend the lease , the property could be worth upwards of # 6 millionbut renewal would not come cheap with the cost for a new 90-year lease estimated at between # 3.35 and # 4.5 million\n", + "[1.2201005 1.4763258 1.4083433 1.3015314 1.0291262 1.1460544 1.2141099\n", + " 1.1404184 1.1179615 1.0265288 1.0096043 1.0128859 1.1201689 1.1455967\n", + " 1.0291035 1.0608807 1.029712 1.0072339 1.0128436 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 6 5 13 7 12 8 15 16 4 14 9 11 18 10 17 19 20 21 22 23]\n", + "=======================\n", + "['the whole damn farm , which costs # 13.50 , is the creation of sam longhurst , head chef of splendid kitchen , manchester .he devised the mega meal - which contains two beef patties and a whole fried chicken thigh - after he was challenged by diners to create a burger containing three kinds of meat .a chef has created a 10in-tall , half-kilogram burger piled with six forms of three different meats and containing a whopping 2,000 calories .']\n", + "=======================\n", + "['chef sam longhurst of splendid kitchen manchester created the burgerthe 10-inch tall whole damn farm burger weighs half a kilogramtwo beef burgers , chicken thigh , pulled pork , bacon , ham and bacon jam']\n", + "the whole damn farm , which costs # 13.50 , is the creation of sam longhurst , head chef of splendid kitchen , manchester .he devised the mega meal - which contains two beef patties and a whole fried chicken thigh - after he was challenged by diners to create a burger containing three kinds of meat .a chef has created a 10in-tall , half-kilogram burger piled with six forms of three different meats and containing a whopping 2,000 calories .\n", + "chef sam longhurst of splendid kitchen manchester created the burgerthe 10-inch tall whole damn farm burger weighs half a kilogramtwo beef burgers , chicken thigh , pulled pork , bacon , ham and bacon jam\n", + "[1.084446 1.1223309 1.3653443 1.1968286 1.2615595 1.3857409 1.1953443\n", + " 1.140547 1.2281332 1.1388516 1.0545448 1.0133096 1.0415014 1.014238\n", + " 1.0189327 1.0125678 1.0116998 1.0145389 1.011088 1.0125736 1.0169767\n", + " 1.0162058 1.0127727 1.0101861]\n", + "\n", + "[ 5 2 4 8 3 6 7 9 1 0 10 12 14 20 21 17 13 11 22 19 15 16 18 23]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "=======================\n", + "[\"shanna mccormick , 31 , whose weight had ballooned to nearly 28st ( left ) managed to lose 16.5 st in two years so she can walk down the aisle with prideweighing 28st , the 31-year-old , feared she would not live to see her wedding day .doctors warned the strain of being overweight would kill her if she did n't slim down - and fast .\"]\n", + "=======================\n", + "['shanna mccormick was 27.5 st and had life-threatening asthma attackswas engaged to her partner who feared she would die in her sleepmiss mccormick decided to put off the wedding to lose weight over 2 yearslost 16.5 st with meal replacements and has now set a date for the wedding']\n", + "shanna mccormick , 31 , whose weight had ballooned to nearly 28st ( left ) managed to lose 16.5 st in two years so she can walk down the aisle with prideweighing 28st , the 31-year-old , feared she would not live to see her wedding day .doctors warned the strain of being overweight would kill her if she did n't slim down - and fast .\n", + "shanna mccormick was 27.5 st and had life-threatening asthma attackswas engaged to her partner who feared she would die in her sleepmiss mccormick decided to put off the wedding to lose weight over 2 yearslost 16.5 st with meal replacements and has now set a date for the wedding\n", + "[1.4877906 1.3030127 1.2356923 1.205056 1.2371626 1.0990651 1.1125925\n", + " 1.0661155 1.0154326 1.0105994 1.181303 1.1728649 1.036216 1.0705184\n", + " 1.0129937 1.0086643 1.0829049 1.0411992 1.0382656 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 3 10 11 6 5 16 13 7 17 18 12 8 14 9 15 19 20 21 22 23]\n", + "=======================\n", + "[\"fernando torres has hailed manager diego simeone as the reason behind atletico madrid 's success ahead of their champions league quarter-final meeting with real madrid .the reigning la liga champions have surpassed expectations with the former argentina midfielder in charge to become one of the most respected sides in europe - where they reached last season 's champions league final before losing to their city rivals .since then , atletico have not been beaten by cristiano ronaldo and co in six matches with victories in this season 's super cup , king 's cup and both league clashes .\"]\n", + "=======================\n", + "[\"atletico madrid host real madrid in champions league quarter-finaldiego simeone 's side have not lost to their city rivals in six gamesformer chelsea striker fernando torres has hailed manager 's influence\"]\n", + "fernando torres has hailed manager diego simeone as the reason behind atletico madrid 's success ahead of their champions league quarter-final meeting with real madrid .the reigning la liga champions have surpassed expectations with the former argentina midfielder in charge to become one of the most respected sides in europe - where they reached last season 's champions league final before losing to their city rivals .since then , atletico have not been beaten by cristiano ronaldo and co in six matches with victories in this season 's super cup , king 's cup and both league clashes .\n", + "atletico madrid host real madrid in champions league quarter-finaldiego simeone 's side have not lost to their city rivals in six gamesformer chelsea striker fernando torres has hailed manager 's influence\n", + "[1.1608508 1.0922351 1.1195769 1.106844 1.0972457 1.2209548 1.1260045\n", + " 1.2320583 1.1272132 1.1021205 1.0177985 1.0165218 1.0533718 1.0199009\n", + " 1.0430355 1.0825654 1.0150001 1.1181307 1.0218464 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 7 5 0 8 6 2 17 3 9 4 1 15 12 14 18 13 10 11 16 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"spain won the european championships for a second time in a row in 2012 before their world cup failurespain lift the trophy at euro 2008 , but their fans had booed them before , not recognising a great teamit is legendary now that when the spanish national team was coming to the boil and about to scald world football for six years , la roja 's own fans did n't even know the water was hot .\"]\n", + "=======================\n", + "[\"when spain first became a real power , their own fans did n't know at firstthe european champions won three trophies on the spin , but need a rebootlikes of xavi , carles puyol , david villa and fernando torres can hand overjuan bernat 's champions league performance signalled part of the new eraspain still have a golden harvest to bring in from the country 's youthformer under 21 coach julen lopetegui downed bayern munich this weekalmost all of their former youth side are playing in european competitions\"]\n", + "spain won the european championships for a second time in a row in 2012 before their world cup failurespain lift the trophy at euro 2008 , but their fans had booed them before , not recognising a great teamit is legendary now that when the spanish national team was coming to the boil and about to scald world football for six years , la roja 's own fans did n't even know the water was hot .\n", + "when spain first became a real power , their own fans did n't know at firstthe european champions won three trophies on the spin , but need a rebootlikes of xavi , carles puyol , david villa and fernando torres can hand overjuan bernat 's champions league performance signalled part of the new eraspain still have a golden harvest to bring in from the country 's youthformer under 21 coach julen lopetegui downed bayern munich this weekalmost all of their former youth side are playing in european competitions\n", + "[1.1653953 1.4390943 1.3913878 1.3838458 1.2356683 1.0795393 1.1108121\n", + " 1.0498215 1.1995168 1.125282 1.0275373 1.0479828 1.018152 1.0104254\n", + " 1.0326973 1.0092607 1.091035 1.0235937 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 8 0 9 6 16 5 7 11 14 10 17 12 13 15 23 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"the 29-year-old has been announced as the face ( and body ) of ann summers ' swimwear and beachwear campaign , hotel summers .the towie star is the first ever celebrity to front an ann summers campaign and has been selected for not only her stunning figure but her ` fun , fearless attitude and fashion business credentials ' .the campaign sees jess showcase her incredible figure in the resort collection which includes 15 swimwear pieces , including plunge , bandeau and boost bikinis as well as curve-enhancing monokinis .\"]\n", + "=======================\n", + "[\"jessica wright stars in the lingerie brand 's resort collectionhotel summers includes several colourful swimwear piecescurvy jess is the first celebrity to front an ann summers campaign\"]\n", + "the 29-year-old has been announced as the face ( and body ) of ann summers ' swimwear and beachwear campaign , hotel summers .the towie star is the first ever celebrity to front an ann summers campaign and has been selected for not only her stunning figure but her ` fun , fearless attitude and fashion business credentials ' .the campaign sees jess showcase her incredible figure in the resort collection which includes 15 swimwear pieces , including plunge , bandeau and boost bikinis as well as curve-enhancing monokinis .\n", + "jessica wright stars in the lingerie brand 's resort collectionhotel summers includes several colourful swimwear piecescurvy jess is the first celebrity to front an ann summers campaign\n", + "[1.3265773 1.410286 1.1470922 1.2645316 1.0786968 1.086843 1.0371252\n", + " 1.3217881 1.0316079 1.014138 1.0179199 1.0936983 1.0317658 1.0487682\n", + " 1.0099015 1.0101469 1.0788683 1.1658964 1.0325205 1.0116338 1.0403765\n", + " 1.0081986 1.025406 1.1673133 1.0230892]\n", + "\n", + "[ 1 0 7 3 23 17 2 11 5 16 4 13 20 6 18 12 8 22 24 10 9 19 15 14\n", + " 21]\n", + "=======================\n", + "[\"scheduled to return to action in july , the former ac milan and roma forward has been keeping a close eye on england 's top-flight as he recovers in barcelona .a serious knee injury may have cruelly ended bojan krkic 's season in january but it has n't stopped the stoke striker keeping up-to-date with the premier league .bojan krkic , pictured celebrating a goal against rochdale , has picked his premier league team of the season\"]\n", + "=======================\n", + "[\"bojan krkic has picked his best premier league xi of the seasonthe stoke striker is currently battling back to fitness after a knee injurybojan includes compatriots david de gea and santi cazorlathere is room for chelsea 's john terry and striker sergio aguerobojan also opts for two of his stoke team-mates in his team\"]\n", + "scheduled to return to action in july , the former ac milan and roma forward has been keeping a close eye on england 's top-flight as he recovers in barcelona .a serious knee injury may have cruelly ended bojan krkic 's season in january but it has n't stopped the stoke striker keeping up-to-date with the premier league .bojan krkic , pictured celebrating a goal against rochdale , has picked his premier league team of the season\n", + "bojan krkic has picked his best premier league xi of the seasonthe stoke striker is currently battling back to fitness after a knee injurybojan includes compatriots david de gea and santi cazorlathere is room for chelsea 's john terry and striker sergio aguerobojan also opts for two of his stoke team-mates in his team\n", + "[1.2021469 1.1654708 1.2839537 1.0609138 1.0867891 1.0391701 1.1658036\n", + " 1.0925632 1.1396425 1.098048 1.1410421 1.072735 1.06647 1.0396677\n", + " 1.0369068 1.0460477 1.0342407 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 6 1 10 8 9 7 4 11 12 3 15 13 5 14 16 23 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"dubbed earth 's real ` final frontier ' , the oceans are still so little-explored that billionaires are queuing up to buy vessels that give them a glimpse of the dramatic seascapes and incredible wildlife of the world 's oceans .` if you can find my submarine , it 's yours , ' russian oil billionaire roman abramovich once said .the streamlined vessel was built with the intention of allowing explorers to come eye to eye with the creatures of the deep without scaring them off .\"]\n", + "=======================\n", + "[\"feel like a james bond villain with the most advanced submerged ocean vehiclessome convert from a yacht into a submarine , and others detached off for a speedy explorationoliver 's travels offers a mile low package on its submarine , complete with chef and butler for # 175,000 a night\"]\n", + "dubbed earth 's real ` final frontier ' , the oceans are still so little-explored that billionaires are queuing up to buy vessels that give them a glimpse of the dramatic seascapes and incredible wildlife of the world 's oceans .` if you can find my submarine , it 's yours , ' russian oil billionaire roman abramovich once said .the streamlined vessel was built with the intention of allowing explorers to come eye to eye with the creatures of the deep without scaring them off .\n", + "feel like a james bond villain with the most advanced submerged ocean vehiclessome convert from a yacht into a submarine , and others detached off for a speedy explorationoliver 's travels offers a mile low package on its submarine , complete with chef and butler for # 175,000 a night\n", + "[1.4336429 1.3210213 1.2001877 1.3117869 1.3865247 1.0598059 1.0311005\n", + " 1.0183601 1.0187302 1.1441978 1.1496487 1.148906 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 3 2 10 11 9 5 6 8 7 22 21 20 19 18 12 16 15 14 13 23 17\n", + " 24]\n", + "=======================\n", + "[\"fernando torres has played with some great players over the years but the on-loan atletico madrid striker regards steven gerrard as the best .fernando torres ( left ) and steven gerrard became good friends during his successful career at liverpooltorres spent three-and-half-seasons at the english club and struck up a close friendship with the former england captain , even returning to anfield to play in his charity match against jamie carragher 's side .\"]\n", + "=======================\n", + "['fernando torres hailed steven gerrard as the best he ever played withthe 31-year-old struck up a friendship with gerrard while at liverpooltorres has never quite rekindled his top form since leaving anfieldclick here for all the latest liverpool news']\n", + "fernando torres has played with some great players over the years but the on-loan atletico madrid striker regards steven gerrard as the best .fernando torres ( left ) and steven gerrard became good friends during his successful career at liverpooltorres spent three-and-half-seasons at the english club and struck up a close friendship with the former england captain , even returning to anfield to play in his charity match against jamie carragher 's side .\n", + "fernando torres hailed steven gerrard as the best he ever played withthe 31-year-old struck up a friendship with gerrard while at liverpooltorres has never quite rekindled his top form since leaving anfieldclick here for all the latest liverpool news\n", + "[1.2652056 1.4493387 1.2807878 1.3822683 1.2481065 1.1037124 1.0856614\n", + " 1.1746818 1.092775 1.0265934 1.0212542 1.0302067 1.0884967 1.1060469\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 7 13 5 8 12 6 11 9 10 17 14 15 16 18]\n", + "=======================\n", + "['the man , found on the streets of gniezno in western poland in february , told police that he has no memory of who he is or where he is from .polish police are asking for help identifying a mystery man claiming to have suffered memory loss and only speaks english .the man was spotted in gniezno , a historic city which used to be the capital of poland in the 10th century , on february 28th .']\n", + "=======================\n", + "['man found on the street in western poland who only speaks englishthe 6ft3in ginger-haired man has no memory of where he is fromhe told police he has no idea why he is in poland or how he got there']\n", + "the man , found on the streets of gniezno in western poland in february , told police that he has no memory of who he is or where he is from .polish police are asking for help identifying a mystery man claiming to have suffered memory loss and only speaks english .the man was spotted in gniezno , a historic city which used to be the capital of poland in the 10th century , on february 28th .\n", + "man found on the street in western poland who only speaks englishthe 6ft3in ginger-haired man has no memory of where he is fromhe told police he has no idea why he is in poland or how he got there\n", + "[1.2299885 1.4066299 1.162353 1.1181068 1.1304421 1.1188344 1.1056222\n", + " 1.088183 1.0554799 1.1284436 1.0639652 1.0874536 1.0240614 1.0236043\n", + " 1.0622631 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 9 5 3 6 7 11 10 14 8 12 13 17 15 16 18]\n", + "=======================\n", + "['the former secretary of state confirmed on sunday what the political world has expected for months -- eight years after her first failed white house bid , clinton will once again seek the democratic party \\'s nomination for president .new york ( cnn ) wall street is more than ready for hillary clinton .\" i \\'m hitting the road to earn your vote , because it \\'s your time , \" clinton said in a video released sunday afternoon officially kicking off her campaign .']\n", + "=======================\n", + "[\"hillary clinton developed a close relationship with the financial world as a new york senatorclinton 's allies there are eager to galvanize a broad network of potential donorsher coziness with wall street irritates liberal activists , who are a growing influence in the democratic party\"]\n", + "the former secretary of state confirmed on sunday what the political world has expected for months -- eight years after her first failed white house bid , clinton will once again seek the democratic party 's nomination for president .new york ( cnn ) wall street is more than ready for hillary clinton .\" i 'm hitting the road to earn your vote , because it 's your time , \" clinton said in a video released sunday afternoon officially kicking off her campaign .\n", + "hillary clinton developed a close relationship with the financial world as a new york senatorclinton 's allies there are eager to galvanize a broad network of potential donorsher coziness with wall street irritates liberal activists , who are a growing influence in the democratic party\n", + "[1.1916049 1.3965133 1.1229401 1.2114015 1.2521582 1.2672461 1.0434452\n", + " 1.0960473 1.1255096 1.0609928 1.073391 1.0641953 1.0744511 1.0933487\n", + " 1.015545 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 4 3 0 8 2 7 13 12 10 11 9 6 14 15 16 17 18]\n", + "=======================\n", + "[\"but the unknown digger has been drawn into the centre of an anzac day controversy after his image was used to front woolworths ' ` fresh in our memories ' ad campaign , which has been slammed for commercialising the centenary of anzac and forcibly shut down by the government .the studio portrait of the handsome man was featured in a 2008 australian war memorial ( awm ) exhibition titled icon and archive , with the awm appealing to the public to help identify him .he was a soldier of the first australian imperial force , and his photograph was taken sometime between 1915 and 1918 in sydney , before he embarked for service .\"]\n", + "=======================\n", + "[\"the woolworths ` fresh in our memories ' campaign launched last weekit invited customers to upload images to remember australian soldiersthe supermarket then added a woolworths logo and slogan to the imagecustomers took to social media to mock the campaign and express their anger with what they saw as a marketing ploy by the companythe soldier whose image was used to plug the campaign is unidentifiedall that is know about the young man is that his photo was taken sometime between 1915 and 1918 before the he embarked from australia for service\"]\n", + "but the unknown digger has been drawn into the centre of an anzac day controversy after his image was used to front woolworths ' ` fresh in our memories ' ad campaign , which has been slammed for commercialising the centenary of anzac and forcibly shut down by the government .the studio portrait of the handsome man was featured in a 2008 australian war memorial ( awm ) exhibition titled icon and archive , with the awm appealing to the public to help identify him .he was a soldier of the first australian imperial force , and his photograph was taken sometime between 1915 and 1918 in sydney , before he embarked for service .\n", + "the woolworths ` fresh in our memories ' campaign launched last weekit invited customers to upload images to remember australian soldiersthe supermarket then added a woolworths logo and slogan to the imagecustomers took to social media to mock the campaign and express their anger with what they saw as a marketing ploy by the companythe soldier whose image was used to plug the campaign is unidentifiedall that is know about the young man is that his photo was taken sometime between 1915 and 1918 before the he embarked from australia for service\n", + "[1.4728793 1.2823919 1.2850305 1.4979675 1.3037783 1.156519 1.034425\n", + " 1.0221926 1.0234462 1.0183468 1.0196347 1.0129577 1.0142715 1.0841447\n", + " 1.1404071 1.0434511 1.020296 1.0153986 1.010931 ]\n", + "\n", + "[ 3 0 4 2 1 5 14 13 15 6 8 7 16 10 9 17 12 11 18]\n", + "=======================\n", + "[\"ronald koeman says his southampton players must remain focused on european qualificationronald koeman called for southampton 's players to show maturity , nous and respect after victor wanyama 's future came under question .koeman spoke to victor wanyama and his other players to refocus them on the last five league games\"]\n", + "=======================\n", + "['ronald koeman has urged his team to focus on european qualificationkoeman is trying to ignore media speculation about his playersthe saints manager rubbished claims about victor wanyama leavingboss says he is not surprised his players want champions league football']\n", + "ronald koeman says his southampton players must remain focused on european qualificationronald koeman called for southampton 's players to show maturity , nous and respect after victor wanyama 's future came under question .koeman spoke to victor wanyama and his other players to refocus them on the last five league games\n", + "ronald koeman has urged his team to focus on european qualificationkoeman is trying to ignore media speculation about his playersthe saints manager rubbished claims about victor wanyama leavingboss says he is not surprised his players want champions league football\n", + "[1.4085373 1.1912395 1.3309319 1.2583818 1.1130341 1.0998085 1.0292525\n", + " 1.1167531 1.1148348 1.063083 1.0848912 1.07722 1.2063726 1.1784091\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 12 1 13 7 8 4 5 10 11 9 6 14 15 16 17 18]\n", + "=======================\n", + "[\"drive-by death : cassandra cassidy was fatally wounded as she tried to help two women ` afraid of men in a car ' outside a rehab centrethe fashion design student was shot as a car occupied by multiple people drove past while she was talking to the women , and died in hospital shortly afterwards .a 24-year-old rehab worker killed in a drive-by shooting in las vegas was an ` innocent bystander ' who had been trying to aid two women who had approached her in the street .\"]\n", + "=======================\n", + "[\"cassandra cassidy , 24 , shot outside rehab centre where she workedshe had stopped to help two women who were ` afraid of men in a car 'fashion student was shot as a car with ` multiple occupants ' drove pastboyfriend of two years describes her as ` avid supporter of human rights '\"]\n", + "drive-by death : cassandra cassidy was fatally wounded as she tried to help two women ` afraid of men in a car ' outside a rehab centrethe fashion design student was shot as a car occupied by multiple people drove past while she was talking to the women , and died in hospital shortly afterwards .a 24-year-old rehab worker killed in a drive-by shooting in las vegas was an ` innocent bystander ' who had been trying to aid two women who had approached her in the street .\n", + "cassandra cassidy , 24 , shot outside rehab centre where she workedshe had stopped to help two women who were ` afraid of men in a car 'fashion student was shot as a car with ` multiple occupants ' drove pastboyfriend of two years describes her as ` avid supporter of human rights '\n", + "[1.5197589 1.210395 1.4845766 1.3394816 1.2594959 1.0522966 1.0201272\n", + " 1.022946 1.0164797 1.0194625 1.1106809 1.0947436 1.0787325 1.1158954\n", + " 1.0224888 1.0153677 1.1419241 1.0293981 1.0245962 1.0111778 0. ]\n", + "\n", + "[ 0 2 3 4 1 16 13 10 11 12 5 17 18 7 14 6 9 8 15 19 20]\n", + "=======================\n", + "[\"david curry ( pictured ) was asked to leave the wallow wetherspoon pub in blyth , northumberland because he was wearing tracksuit bottomsthe pub chain has apologised to mr curry , from ashington , but said a no-tracksuit policy had been in place at the bar since 2013 . 'when mr curry arrived at the pub with his wife and stepdaughter he was told he could not order a drink because of his attire\"]\n", + "=======================\n", + "['david curry visited the wallow in blyth , northumberland with his familyhe walked into the bar but was told to leave by a member of staffthe pub chain has apologised , but said branch has a no tracksuit policymr curry often wears sportswear because he runs 20 miles a day']\n", + "david curry ( pictured ) was asked to leave the wallow wetherspoon pub in blyth , northumberland because he was wearing tracksuit bottomsthe pub chain has apologised to mr curry , from ashington , but said a no-tracksuit policy had been in place at the bar since 2013 . 'when mr curry arrived at the pub with his wife and stepdaughter he was told he could not order a drink because of his attire\n", + "david curry visited the wallow in blyth , northumberland with his familyhe walked into the bar but was told to leave by a member of staffthe pub chain has apologised , but said branch has a no tracksuit policymr curry often wears sportswear because he runs 20 miles a day\n", + "[1.2969514 1.3852072 1.2616911 1.3037566 1.2315241 1.1565765 1.067304\n", + " 1.0636321 1.0792012 1.2002727 1.0321817 1.0390829 1.0330904 1.0333709\n", + " 1.031249 1.073215 1.022078 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 9 5 8 15 6 7 11 13 12 10 14 16 19 17 18 20]\n", + "=======================\n", + "[\"dozens of people who visited the cooden beach hotel earlier this month came down with vomiting , diarrhoea and other symptoms of the highly-contagious airborne bug .health officials said it is believed that 100 people have been affected by the ` winter vomiting bug 'the owner of a british seaside hotel says it is virus-free after 100 holidaymakers were struck down by what health officials have described as a norovirus outbreak .\"]\n", + "=======================\n", + "['the owner of the cooden beach hotel has apologised to guests and staffalmost everyone who has visited in the last two weeks has fallen illa warning sign has been posted on the door of the hotel in bexhill-on-seahealth officials said they have eight confirmed cases of norovirus']\n", + "dozens of people who visited the cooden beach hotel earlier this month came down with vomiting , diarrhoea and other symptoms of the highly-contagious airborne bug .health officials said it is believed that 100 people have been affected by the ` winter vomiting bug 'the owner of a british seaside hotel says it is virus-free after 100 holidaymakers were struck down by what health officials have described as a norovirus outbreak .\n", + "the owner of the cooden beach hotel has apologised to guests and staffalmost everyone who has visited in the last two weeks has fallen illa warning sign has been posted on the door of the hotel in bexhill-on-seahealth officials said they have eight confirmed cases of norovirus\n", + "[1.2939684 1.2483071 1.2779386 1.1758528 1.3232652 1.2462006 1.0678762\n", + " 1.1366763 1.0834028 1.0671172 1.0825429 1.123392 1.0425303 1.0079044\n", + " 1.1064894 1.1682172 1.0305828 1.044645 1.0060741 0. 0. ]\n", + "\n", + "[ 4 0 2 1 5 3 15 7 11 14 8 10 6 9 17 12 16 13 18 19 20]\n", + "=======================\n", + "['the dog , theia , survived being run over , beaten with a hammer and buried , and now needs surgerythe stray dog was hit by a car , clubbed in the head and left for dead in a ditch in washington state .now , the dog that defied death is recovering with the help of good samaritans and veterinarians at washington state university .']\n", + "=======================\n", + "['a beloved dog was believed to be killed by a driver , but days later , she showed upleft injured after being run over , someone attempted a misguided mercy killing and beat the dog in the head with a hammernow named theia , her surgery will cost upward of $ 9,000']\n", + "the dog , theia , survived being run over , beaten with a hammer and buried , and now needs surgerythe stray dog was hit by a car , clubbed in the head and left for dead in a ditch in washington state .now , the dog that defied death is recovering with the help of good samaritans and veterinarians at washington state university .\n", + "a beloved dog was believed to be killed by a driver , but days later , she showed upleft injured after being run over , someone attempted a misguided mercy killing and beat the dog in the head with a hammernow named theia , her surgery will cost upward of $ 9,000\n", + "[1.4464886 1.2971263 1.1903343 1.2344751 1.1705258 1.1379206 1.0376967\n", + " 1.030859 1.0723653 1.0543811 1.0527974 1.055714 1.089744 1.0493658\n", + " 1.0704287 1.0218694 1.0183897 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 5 12 8 14 11 9 10 13 6 7 15 16 17 18 19 20]\n", + "=======================\n", + "[\"when destiny 's child reunited at the stellar gospel awards in las vegas last weekend , it was the first time beyoncé , kelly rowland and michelle williams performed together since appearing during the halftime show at super bowl in 2013 in new orleans .beyoncé and kelly joined michelle to surprise the crowd , and opened the broadcast with a gospel medley that included the song ` alpha & omega ' and the hit single ` say yes ' from michelle 's ` journey to freedom ' cd .mathew 's marriage to beyoncé 's mother tina knowles ended after it surfaced he had gotten a woman named alexsandra wright pregnant .\"]\n", + "=======================\n", + "[\"destiny 's child reunited at the stellar gospel awards in las vegas last weekend .it was the first time beyoncé , kelly rowland and michelle williams performed together since super bowl in new orleansbut they did n't perform as destiny 's childbeyoncé 's dad mathew knowles has a 25 percent interest in the group but the singers do n't want him involvedthe 2005 destiny fulfilled reunion tour grossed approximately $ 70.8 million in the us aloneknowles is the one obstacle to a sensational new reunion tour and album\"]\n", + "when destiny 's child reunited at the stellar gospel awards in las vegas last weekend , it was the first time beyoncé , kelly rowland and michelle williams performed together since appearing during the halftime show at super bowl in 2013 in new orleans .beyoncé and kelly joined michelle to surprise the crowd , and opened the broadcast with a gospel medley that included the song ` alpha & omega ' and the hit single ` say yes ' from michelle 's ` journey to freedom ' cd .mathew 's marriage to beyoncé 's mother tina knowles ended after it surfaced he had gotten a woman named alexsandra wright pregnant .\n", + "destiny 's child reunited at the stellar gospel awards in las vegas last weekend .it was the first time beyoncé , kelly rowland and michelle williams performed together since super bowl in new orleansbut they did n't perform as destiny 's childbeyoncé 's dad mathew knowles has a 25 percent interest in the group but the singers do n't want him involvedthe 2005 destiny fulfilled reunion tour grossed approximately $ 70.8 million in the us aloneknowles is the one obstacle to a sensational new reunion tour and album\n", + "[1.3069843 1.4079709 1.2613287 1.3169203 1.0532206 1.0256433 1.0334303\n", + " 1.0546651 1.2044647 1.1237334 1.1027449 1.0310158 1.0133613 1.1286553\n", + " 1.0289515 1.0243086 1.0277982 1.0999093 1.2291807 1.0648097 1.1156021]\n", + "\n", + "[ 1 3 0 2 18 8 13 9 20 10 17 19 7 4 6 11 14 16 5 15 12]\n", + "=======================\n", + "['many operators across the country will face penalty rates of up to two-and-a-half times regular pay that would allow young workers to earn around $ 50 an hour as a casual .the too big to ignore campaign will allow small retailers and hospitality businesses to put up posters in their windows explaining why they are closed .small businesses and restaurants will be forced to close over the easter long weekend as they struggle to cover the costs of penalty rates on public holidays .']\n", + "=======================\n", + "['small businesses will be forced to close over the easter long weekendpenalty rates of up to two-and-a-half times pay are affecting employeesthe inflated penalty rates allow casual workers to earn up to $ 50 an hourthe australian chamber of commerce has called on the federal government to make changes to the penalty rates to help small operatorsbut unions has claimed workers are being subjected to a false and misleading campaign']\n", + "many operators across the country will face penalty rates of up to two-and-a-half times regular pay that would allow young workers to earn around $ 50 an hour as a casual .the too big to ignore campaign will allow small retailers and hospitality businesses to put up posters in their windows explaining why they are closed .small businesses and restaurants will be forced to close over the easter long weekend as they struggle to cover the costs of penalty rates on public holidays .\n", + "small businesses will be forced to close over the easter long weekendpenalty rates of up to two-and-a-half times pay are affecting employeesthe inflated penalty rates allow casual workers to earn up to $ 50 an hourthe australian chamber of commerce has called on the federal government to make changes to the penalty rates to help small operatorsbut unions has claimed workers are being subjected to a false and misleading campaign\n", + "[1.4450412 1.4202706 1.1431723 1.2814534 1.1680858 1.207717 1.1588907\n", + " 1.1365509 1.0460476 1.0464914 1.1079429 1.0379784 1.0843475 1.2039932\n", + " 1.0614738 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 5 13 4 6 2 7 10 12 14 9 8 11 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"barcelona 's 1-0 la liga victory against celta vigo on sunday evening featured one of the most bizarre incidents of the season so far .with the score at 1-0 following jeremy mathieu 's 73rd minute header , tempers flared between celta striker fabian orellana and sergio busquets as the barcelona midfielder attempted to waste time during the closing stages .fabian orellana collects a lump of grass from the ground before throwing it towards sergio busquets\"]\n", + "=======================\n", + "[\"fabian orellana was angered by sergio busquets ' time-wasting tacticscelta vigo striker threw lump of turf towards the barcelona starbarcelona needed a jeremy mathieu header to earn 1-0 win\"]\n", + "barcelona 's 1-0 la liga victory against celta vigo on sunday evening featured one of the most bizarre incidents of the season so far .with the score at 1-0 following jeremy mathieu 's 73rd minute header , tempers flared between celta striker fabian orellana and sergio busquets as the barcelona midfielder attempted to waste time during the closing stages .fabian orellana collects a lump of grass from the ground before throwing it towards sergio busquets\n", + "fabian orellana was angered by sergio busquets ' time-wasting tacticscelta vigo striker threw lump of turf towards the barcelona starbarcelona needed a jeremy mathieu header to earn 1-0 win\n", + "[1.366297 1.383135 1.238023 1.1721386 1.3030636 1.1513098 1.071824\n", + " 1.0572368 1.0584502 1.0387137 1.0145769 1.1614546 1.0963836 1.0164727\n", + " 1.014924 1.0145804 1.0306492 1.036826 1.0101978 1.0348237 1.0087714\n", + " 0. ]\n", + "\n", + "[ 1 0 4 2 3 11 5 12 6 8 7 9 17 19 16 13 14 15 10 18 20 21]\n", + "=======================\n", + "[\"supporters from both clubs say they are ` disgusted ' at the continuing rise of ticket prices , with the protest coming in the aftermath of the announcement of the premier league 's # 5.14 billion tv rights deal with banners held up inside and outside the ground .a section of arsenal and liverpool fans left their seats empty at the emirates stadium for the first 10 minutes of their lunchtime barclays premier league clash in a protest against ticket prices .with tickets at the sold-out emirates starting from # 64 for the 12.45 pm kick-off , protesters hope the image of empty seats around the ground will raise awareness of the struggles fans face to meet the rising costs of following their clubs .\"]\n", + "=======================\n", + "['arsenal and liverpool fans left seats empty at kick-off as part of a protestsupporter groups say they are disgusted at premier league ticket pricesmore protests are expected after the lunchtime kick-off at the emirates']\n", + "supporters from both clubs say they are ` disgusted ' at the continuing rise of ticket prices , with the protest coming in the aftermath of the announcement of the premier league 's # 5.14 billion tv rights deal with banners held up inside and outside the ground .a section of arsenal and liverpool fans left their seats empty at the emirates stadium for the first 10 minutes of their lunchtime barclays premier league clash in a protest against ticket prices .with tickets at the sold-out emirates starting from # 64 for the 12.45 pm kick-off , protesters hope the image of empty seats around the ground will raise awareness of the struggles fans face to meet the rising costs of following their clubs .\n", + "arsenal and liverpool fans left seats empty at kick-off as part of a protestsupporter groups say they are disgusted at premier league ticket pricesmore protests are expected after the lunchtime kick-off at the emirates\n", + "[1.2820122 1.3634214 1.2152998 1.2453722 1.3174442 1.2140429 1.1698382\n", + " 1.0366453 1.0787433 1.0951161 1.0989051 1.0920016 1.0672064 1.0447712\n", + " 1.039366 1.0117474 1.0692432 1.036092 1.0434192 1.0303137 1.0197248\n", + " 1.0254318]\n", + "\n", + "[ 1 4 0 3 2 5 6 10 9 11 8 16 12 13 18 14 7 17 19 21 20 15]\n", + "=======================\n", + "['the unidentified man and woman were in their 50s and from cleveland , police sgt. ricardo cruz told the associated press .the bodies were taken off the ship thursday night by a team of fbi crime scene investigators .an ohio couple have been found dead in an apparent murder-suicide in their stateroom aboard a holland america cruise ship docked in puerto rico .']\n", + "=======================\n", + "['the couple are in their 50s and from cleveland , ohioship with 1,500 passengers aboard left tampa , florida , for a two-week caribbean cruise on sundaythe bodies were discovered thursday when crew members checked on the couple in their stateroom']\n", + "the unidentified man and woman were in their 50s and from cleveland , police sgt. ricardo cruz told the associated press .the bodies were taken off the ship thursday night by a team of fbi crime scene investigators .an ohio couple have been found dead in an apparent murder-suicide in their stateroom aboard a holland america cruise ship docked in puerto rico .\n", + "the couple are in their 50s and from cleveland , ohioship with 1,500 passengers aboard left tampa , florida , for a two-week caribbean cruise on sundaythe bodies were discovered thursday when crew members checked on the couple in their stateroom\n", + "[1.2781559 1.2864668 1.175784 1.1944562 1.1157559 1.0832188 1.1284518\n", + " 1.0510297 1.0321171 1.01246 1.120413 1.1352321 1.0708575 1.0661922\n", + " 1.0579485 1.0344597 1.115258 1.0251944 1.1460558 1.1655657 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 2 19 18 11 6 10 4 16 5 12 13 14 7 15 8 17 9 20 21]\n", + "=======================\n", + "[\"hundreds of patrons hoping for an iced daiquiri at the debut of a fat tuesdays bar inside the resort world casino ended up at each other 's throats when the party went sour .the mass brawl which broke out at a bar opening inside a queens casino friday night was allegedly caused by an argument in an enormous line for drinks .according to a casino worker , the fighting goes back to two women who clashed during the long wait for alcohol , dragging their group of friends into the conflict .\"]\n", + "=======================\n", + "['hundreds of patrons at resort world casino started brawling friday nightfists , metal poles and chairs flew as gangs tore around the premisesfight reportedly broke out at 10.30 pm after two women clashed in a lineqthree people were arrested in the aftermath of the brawl']\n", + "hundreds of patrons hoping for an iced daiquiri at the debut of a fat tuesdays bar inside the resort world casino ended up at each other 's throats when the party went sour .the mass brawl which broke out at a bar opening inside a queens casino friday night was allegedly caused by an argument in an enormous line for drinks .according to a casino worker , the fighting goes back to two women who clashed during the long wait for alcohol , dragging their group of friends into the conflict .\n", + "hundreds of patrons at resort world casino started brawling friday nightfists , metal poles and chairs flew as gangs tore around the premisesfight reportedly broke out at 10.30 pm after two women clashed in a lineqthree people were arrested in the aftermath of the brawl\n", + "[1.3679874 1.391876 1.2890215 1.3314407 1.0676866 1.1547127 1.0918872\n", + " 1.0833296 1.1254776 1.1380155 1.1224872 1.1373286 1.0353138 1.0316392\n", + " 1.1161095 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 2 5 9 11 8 10 14 6 7 4 12 13 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"the two members of the navy 's elite sea , air , land teams were found at the bottom of the pool by another service member around 3pm local time at joint expeditionary base little creek-fort story .one us navy seal died and another was critically injured on friday while training in a pool at a virginia military base , a navy spokesman said .the names of the seals were withheld pending notification of next of kin .\"]\n", + "=======================\n", + "[\"seals were at joint expeditionary base little creek-fort story in virginiathey were found at bottom of the pool by another service member at 3pmpersonnel use base 's combat swimmer training facility for fitness trainingsailor pronounced dead at hospital and other is listed in critical condition\"]\n", + "the two members of the navy 's elite sea , air , land teams were found at the bottom of the pool by another service member around 3pm local time at joint expeditionary base little creek-fort story .one us navy seal died and another was critically injured on friday while training in a pool at a virginia military base , a navy spokesman said .the names of the seals were withheld pending notification of next of kin .\n", + "seals were at joint expeditionary base little creek-fort story in virginiathey were found at bottom of the pool by another service member at 3pmpersonnel use base 's combat swimmer training facility for fitness trainingsailor pronounced dead at hospital and other is listed in critical condition\n", + "[1.275323 1.3007187 1.1668987 1.1363994 1.2292864 1.3035791 1.0984334\n", + " 1.1558849 1.0848491 1.0330927 1.0595145 1.1721225 1.0514011 1.0803709\n", + " 1.0315151 1.0477806 1.0676483 0. 0. 0. 0. ]\n", + "\n", + "[ 5 1 0 4 11 2 7 3 6 8 13 16 10 12 15 9 14 19 17 18 20]\n", + "=======================\n", + "['unorthodox : a cop ordered a woman in this ohio shopping center to sit in her hot car this month after officers discovered her dog locked inside her nissan sentra as she shopped in walmartthe strongsville pet owner was inside a walmart as the dog sat in the parking lot .an ohio woman was shocked this month when an officer cited her for leaving her dog in a hot car but , instead of writing a ticket , the cop forced her to sit inside to see how it feels .']\n", + "=======================\n", + "['a woman at an ohio walmart says an officer forced her to sit in her car after she left her dog sitting in the parking lot april 12last year , a truth or consequences , new mexico woman filed a complaint alleging a similar mistreatment']\n", + "unorthodox : a cop ordered a woman in this ohio shopping center to sit in her hot car this month after officers discovered her dog locked inside her nissan sentra as she shopped in walmartthe strongsville pet owner was inside a walmart as the dog sat in the parking lot .an ohio woman was shocked this month when an officer cited her for leaving her dog in a hot car but , instead of writing a ticket , the cop forced her to sit inside to see how it feels .\n", + "a woman at an ohio walmart says an officer forced her to sit in her car after she left her dog sitting in the parking lot april 12last year , a truth or consequences , new mexico woman filed a complaint alleging a similar mistreatment\n", + "[1.4446787 1.4063667 1.314949 1.5909318 1.0627093 1.0182335 1.0109013\n", + " 1.013664 1.0140655 1.0336714 1.0273238 1.0318702 1.0271243 1.0343179\n", + " 1.0323439 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 2 4 13 9 14 11 10 12 5 8 7 6 19 15 16 17 18 20]\n", + "=======================\n", + "[\"lee tomlin ( centre ) scored the opening goal in middlesbrough 's 2-0 win at home to rotherham on saturdaymiddlesbrough bounced back from defeat to watford with a convincing 2-0 win over struggling rotherham united .after losing by the same scoreline on easter monday , aitor karanka 's kept their automatic promotion hopes alive with their 14th home win of the season thanks to second-half goals by lee tomlin and patrick bamford , who also missed a late penalty .\"]\n", + "=======================\n", + "[\"lee tomlin 's superb solo effort gave middlesbrough a 50th minute leadpatrick bamford doubled the hosts lead on 66 minutesbamford could have made it 3-0 but saw his penalty saved late onwin moves middlesbrough on to 78 points in the championship in fourth\"]\n", + "lee tomlin ( centre ) scored the opening goal in middlesbrough 's 2-0 win at home to rotherham on saturdaymiddlesbrough bounced back from defeat to watford with a convincing 2-0 win over struggling rotherham united .after losing by the same scoreline on easter monday , aitor karanka 's kept their automatic promotion hopes alive with their 14th home win of the season thanks to second-half goals by lee tomlin and patrick bamford , who also missed a late penalty .\n", + "lee tomlin 's superb solo effort gave middlesbrough a 50th minute leadpatrick bamford doubled the hosts lead on 66 minutesbamford could have made it 3-0 but saw his penalty saved late onwin moves middlesbrough on to 78 points in the championship in fourth\n", + "[1.4125164 1.342582 1.3123035 1.3389374 1.3350887 1.2979605 1.0704714\n", + " 1.0171578 1.0178429 1.0097708 1.0162715 1.1745181 1.124753 1.1504365\n", + " 1.0112356 1.0105515 1.0691147 1.0158868 1.0069406 1.0109534 0. ]\n", + "\n", + "[ 0 1 3 4 2 5 11 13 12 6 16 8 7 10 17 14 19 15 9 18 20]\n", + "=======================\n", + "[\"harry redknapp has revealed he was attacked with coins and verbally abused by arsenal fans as he left the emirates stadium after the gunners ' 4-1 win over liverpool .currently out of work after leaving his position at queens park rangers , the former tottenham boss was at the emirates as a spectator on april 4 when some fans turned against him .harry redknapp appeared on sky sports ' show the fantasy football club with paul merson ( centre )\"]\n", + "=======================\n", + "['harry redknapp left his position as qpr manager in februaryhe went to the emirates to watch arsenal v liverpool as a spectatorafter the game , he was attacked with coins and verbally abused by arsenal fans while he was stuck in traffic trying to leave the stadiumredknapp claims the small minority of fans spoil it for the rest']\n", + "harry redknapp has revealed he was attacked with coins and verbally abused by arsenal fans as he left the emirates stadium after the gunners ' 4-1 win over liverpool .currently out of work after leaving his position at queens park rangers , the former tottenham boss was at the emirates as a spectator on april 4 when some fans turned against him .harry redknapp appeared on sky sports ' show the fantasy football club with paul merson ( centre )\n", + "harry redknapp left his position as qpr manager in februaryhe went to the emirates to watch arsenal v liverpool as a spectatorafter the game , he was attacked with coins and verbally abused by arsenal fans while he was stuck in traffic trying to leave the stadiumredknapp claims the small minority of fans spoil it for the rest\n", + "[1.1809525 1.156059 1.448188 1.149987 1.1922626 1.1341652 1.2520559\n", + " 1.1337432 1.1966528 1.0583344 1.0683815 1.0727262 1.084232 1.0236367\n", + " 1.057413 1.0095675 1.155534 0. 0. 0. 0. ]\n", + "\n", + "[ 2 6 8 4 0 1 16 3 5 7 12 11 10 9 14 13 15 17 18 19 20]\n", + "=======================\n", + "[\"rodney stover , 48 , was arraigned on thursday for rape , predatory sex assault and other charges for last saturday 's attack in the bathroom at the turnmill bar on east 27th street .stover allegedly grabbed the victim , a long island student , by the throat , forced her into a stall and attacked her before fleeing the bar .a homeless convicted sex-offender screamed , ` i 'm going to rape you ! '\"]\n", + "=======================\n", + "[\"a homeless convicted sex-offender screamed , ` i 'm going to rape you ! 'a 23-year old woman was allegedly raped in the bathroom stall of a bar in manhattan 's posh gramercy park neighborhood on saturdayrodney stover , 48 , was arrested on wednesday in connection to the rapenypd released surveillance footage of the suspect on tuesday and a bartender recognized the man as stoverstover had allegedly hid inside one of the bathroom stalls at turnmill bar at around 7.50 pm on saturday then ambushed the young womanhe was arrested in 1992 for raping and sodomizing a woman he did not know and was released from prison on valentine 's day of this year\"]\n", + "rodney stover , 48 , was arraigned on thursday for rape , predatory sex assault and other charges for last saturday 's attack in the bathroom at the turnmill bar on east 27th street .stover allegedly grabbed the victim , a long island student , by the throat , forced her into a stall and attacked her before fleeing the bar .a homeless convicted sex-offender screamed , ` i 'm going to rape you ! '\n", + "a homeless convicted sex-offender screamed , ` i 'm going to rape you ! 'a 23-year old woman was allegedly raped in the bathroom stall of a bar in manhattan 's posh gramercy park neighborhood on saturdayrodney stover , 48 , was arrested on wednesday in connection to the rapenypd released surveillance footage of the suspect on tuesday and a bartender recognized the man as stoverstover had allegedly hid inside one of the bathroom stalls at turnmill bar at around 7.50 pm on saturday then ambushed the young womanhe was arrested in 1992 for raping and sodomizing a woman he did not know and was released from prison on valentine 's day of this year\n", + "[1.1624702 1.4893373 1.3724144 1.1850725 1.1461692 1.2495093 1.1424654\n", + " 1.1165082 1.1293217 1.0504713 1.0589963 1.0417275 1.0117309 1.0943227\n", + " 1.1092062 1.0359737 1.057109 1.0686417 1.0794456 1.0179485 1.0326718]\n", + "\n", + "[ 1 2 5 3 0 4 6 8 7 14 13 18 17 10 16 9 11 15 20 19 12]\n", + "=======================\n", + "['doug gregory , 92 , had popped out for his daily newspaper when he was struck by a car outside a petrol station .the ex-spitfire pilot suffered a serious head injury and was flown to hospital by air ambulance , but died two weeks later .he was awarded the distinguished flying cross after surviving almost 70 missions over nazi-occupied europe']\n", + "=======================\n", + "[\"doug gregory flew beaufighters and mosquitoes in the second world warthe war hero survived 67 missions flying over nazi-controlled europehe later became britain 's oldest stunt pilot and only retired two years agono-one has been arrested or charged in connection with the hit-and-run\"]\n", + "doug gregory , 92 , had popped out for his daily newspaper when he was struck by a car outside a petrol station .the ex-spitfire pilot suffered a serious head injury and was flown to hospital by air ambulance , but died two weeks later .he was awarded the distinguished flying cross after surviving almost 70 missions over nazi-occupied europe\n", + "doug gregory flew beaufighters and mosquitoes in the second world warthe war hero survived 67 missions flying over nazi-controlled europehe later became britain 's oldest stunt pilot and only retired two years agono-one has been arrested or charged in connection with the hit-and-run\n", + "[1.4063883 1.4677975 1.087943 1.5272049 1.1920882 1.0373963 1.1000394\n", + " 1.0453639 1.06566 1.0413548 1.212708 1.0317343 1.010191 1.0107342\n", + " 1.0514343 1.0641322 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 0 10 4 6 2 8 15 14 7 9 5 11 13 12 16 17 18 19 20 21]\n", + "=======================\n", + "[\"everton midfielder james mccarthy believes ross barkley is capable of handling the pressure on himthe 1-0 victory over southampton , courtesy of captain phil jagielka 's fifth goal of the season , was a case in point .barkley was withdrawn with 20 minutes to go at goodison park , a decision that brought boos from the crowd\"]\n", + "=======================\n", + "['everton beat southamton 1-0 at goodison park on saturday afternoonross barkley showed his skill but made an error that saw the crowd groanteam-mate james mccarthy is confident he can deal with the pressure']\n", + "everton midfielder james mccarthy believes ross barkley is capable of handling the pressure on himthe 1-0 victory over southampton , courtesy of captain phil jagielka 's fifth goal of the season , was a case in point .barkley was withdrawn with 20 minutes to go at goodison park , a decision that brought boos from the crowd\n", + "everton beat southamton 1-0 at goodison park on saturday afternoonross barkley showed his skill but made an error that saw the crowd groanteam-mate james mccarthy is confident he can deal with the pressure\n", + "[1.2335217 1.3284278 1.3818434 1.4015415 1.252069 1.124092 1.1627026\n", + " 1.0836203 1.1340587 1.017214 1.0124115 1.019723 1.0170379 1.0075029\n", + " 1.0261617 1.030482 1.0170165 1.0565131 1.059404 1.0545992 1.1592686\n", + " 1.1499525]\n", + "\n", + "[ 3 2 1 4 0 6 20 21 8 5 7 18 17 19 15 14 11 9 12 16 10 13]\n", + "=======================\n", + "[\"there are believed to be up to 100 americans still missing following the disaster on saturday .four us citizens who were on mount everest are confirmed to have died along with 15 other climbers and sherpas .ellen gallant , a cardiologist from utah , was attempting to climb the world 's tallest mountain when the 7.8 magnitude earthquake struck , sparking an avalanche that killed 18 people .\"]\n", + "=======================\n", + "['dr ellen gallant battled to save the lives of those injured in avalanchespoke of her devastation seeing a 25-year-old sherpa die in front of herearthquake sparked by devastating 7.8 magnitude earthquake in nepalfour americans among 18 people dead after huge avalanche on everest']\n", + "there are believed to be up to 100 americans still missing following the disaster on saturday .four us citizens who were on mount everest are confirmed to have died along with 15 other climbers and sherpas .ellen gallant , a cardiologist from utah , was attempting to climb the world 's tallest mountain when the 7.8 magnitude earthquake struck , sparking an avalanche that killed 18 people .\n", + "dr ellen gallant battled to save the lives of those injured in avalanchespoke of her devastation seeing a 25-year-old sherpa die in front of herearthquake sparked by devastating 7.8 magnitude earthquake in nepalfour americans among 18 people dead after huge avalanche on everest\n", + "[1.0848702 1.1946478 1.3330266 1.1030835 1.0814102 1.3800379 1.1587117\n", + " 1.1846641 1.176399 1.2135735 1.0239215 1.0538903 1.1347376 1.0516753\n", + " 1.0311757 1.0627723 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 5 2 9 1 7 8 6 12 3 0 4 15 11 13 14 10 16 17 18 19 20 21]\n", + "=======================\n", + "[\"yannick bolasie raced past lee cattermole before scoring his hat-trick goal against sunderlandthe official sprinted more than half the length of the field to be 10 yards from yannick bolasie when he completed his hat-trick for crystal palace in the 4-1 demolition of sunderland .gary cahill has responded to the challenge of fighting kurt zouma for his place in chelsea 's defence and looks to be winning the battle .\"]\n", + "=======================\n", + "[\"yannick bolasie raced past lee cattermole to claim his hat-trickreferee anthony taylor was closer to bolasie than cattermole for final goalgary cahill has won back his starting spot after brief spell on sidelinesvincent kompany failed to impress in man city 's defeat by man unitedarsene wenger 's decision to drop wojciech szczesny has been justified\"]\n", + "yannick bolasie raced past lee cattermole before scoring his hat-trick goal against sunderlandthe official sprinted more than half the length of the field to be 10 yards from yannick bolasie when he completed his hat-trick for crystal palace in the 4-1 demolition of sunderland .gary cahill has responded to the challenge of fighting kurt zouma for his place in chelsea 's defence and looks to be winning the battle .\n", + "yannick bolasie raced past lee cattermole to claim his hat-trickreferee anthony taylor was closer to bolasie than cattermole for final goalgary cahill has won back his starting spot after brief spell on sidelinesvincent kompany failed to impress in man city 's defeat by man unitedarsene wenger 's decision to drop wojciech szczesny has been justified\n", + "[1.2987728 1.2543507 1.2992085 1.3125117 1.2279661 1.1409961 1.1792839\n", + " 1.1087389 1.1022226 1.0900345 1.0301946 1.1994222 1.0327749 1.013864\n", + " 1.0127437 1.0090019 1.0100284 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 2 0 1 4 11 6 5 7 8 9 12 10 13 14 16 15 17 18 19 20 21]\n", + "=======================\n", + "[\"two ambulances were sent to epping forest after a caller told crews ` someone ' had been run down , only for the ` victim ' to turn out to be a squirrel .the report forms just part of a long list released by east of england ambulance service detailing their most bizarre , and irritating , call outs .another man said he had dropped his burger and it was ` bleeding '\"]\n", + "=======================\n", + "[\"woman reported ` someone ' had been run over , but victim was a squirrelanother man dialled 999 to say he dropped a burger which was ` bleeding 'east of england ambulance service warned hoax calls can cost lives\"]\n", + "two ambulances were sent to epping forest after a caller told crews ` someone ' had been run down , only for the ` victim ' to turn out to be a squirrel .the report forms just part of a long list released by east of england ambulance service detailing their most bizarre , and irritating , call outs .another man said he had dropped his burger and it was ` bleeding '\n", + "woman reported ` someone ' had been run over , but victim was a squirrelanother man dialled 999 to say he dropped a burger which was ` bleeding 'east of england ambulance service warned hoax calls can cost lives\n", + "[1.3902751 1.518868 1.4663028 1.3536935 1.1273901 1.0282999 1.0341115\n", + " 1.0198547 1.0115808 1.0875235 1.1256509 1.2567581 1.0175539 1.058104\n", + " 1.0109782 1.0108714 1.009689 1.0456493 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 11 4 10 9 13 17 6 5 7 12 8 14 15 16 20 18 19 21]\n", + "=======================\n", + "[\"the chelsea star reached 100 premier league appearances for the blues at qpr on sunday and has been lauded for his fine performances for jose mourinho 's side this season .sky sports pundit souness believes hazard , who has 35 goals and 25 assists in his century of premier league games , will be named the pfa player of the year .eden hazard is reaching the incredible standards of lionel messi and cristiano ronaldo with his ` dancing feet ' , says graeme souness .\"]\n", + "=======================\n", + "[\"chelsea star eden hazard made his 100th top-flight appearance at qprhe 's scored 35 league goals and assisted 25 times since signing in 2012jose mourinho insists hazard must win pfa player of the year award\"]\n", + "the chelsea star reached 100 premier league appearances for the blues at qpr on sunday and has been lauded for his fine performances for jose mourinho 's side this season .sky sports pundit souness believes hazard , who has 35 goals and 25 assists in his century of premier league games , will be named the pfa player of the year .eden hazard is reaching the incredible standards of lionel messi and cristiano ronaldo with his ` dancing feet ' , says graeme souness .\n", + "chelsea star eden hazard made his 100th top-flight appearance at qprhe 's scored 35 league goals and assisted 25 times since signing in 2012jose mourinho insists hazard must win pfa player of the year award\n", + "[1.1852424 1.4102106 1.3556387 1.2371773 1.3141851 1.0343707 1.0210732\n", + " 1.0613211 1.0360652 1.0296469 1.1704049 1.0647008 1.0233779 1.1955414\n", + " 1.0639096 1.0235771 1.0122123 1.0425541 0. ]\n", + "\n", + "[ 1 2 4 3 13 0 10 11 14 7 17 8 5 9 15 12 6 16 18]\n", + "=======================\n", + "['the actress is selling the manhattan penthouse she once shared with ex-husband bruce willis with an asking price of $ 75million which is exactly half of her total estimated fortune of $ 150million .and if the penthouse sells for that much , it will break the record for the most expensive co-op apartment ever sold on the upper west side .moore and willis purchased the south tower penthouse on the 28th floor of the historic san remo apartment building in 1990 from saturday night fever producer robert stigwood , in addition to a two-bedroom maisonette on the lobby floor .']\n", + "=======================\n", + "[\"demi moore and bruce willis purchased the south tower penthouse at the san remo in 1990 , in addition to a maisonette on the lobby floormoore appears to have won the penthouse in the couple 's 2000 splitshe is now selling the 14-room penthouse at a $ 75million asking price , since she does n't spend much time at the home anymoreif it sells at that price , it will break the record for most expensive upper west side co-op ever soldmoore and willis were married for 13 years and share three daughters\"]\n", + "the actress is selling the manhattan penthouse she once shared with ex-husband bruce willis with an asking price of $ 75million which is exactly half of her total estimated fortune of $ 150million .and if the penthouse sells for that much , it will break the record for the most expensive co-op apartment ever sold on the upper west side .moore and willis purchased the south tower penthouse on the 28th floor of the historic san remo apartment building in 1990 from saturday night fever producer robert stigwood , in addition to a two-bedroom maisonette on the lobby floor .\n", + "demi moore and bruce willis purchased the south tower penthouse at the san remo in 1990 , in addition to a maisonette on the lobby floormoore appears to have won the penthouse in the couple 's 2000 splitshe is now selling the 14-room penthouse at a $ 75million asking price , since she does n't spend much time at the home anymoreif it sells at that price , it will break the record for most expensive upper west side co-op ever soldmoore and willis were married for 13 years and share three daughters\n", + "[1.3147044 1.2931614 1.3588462 1.3056471 1.2436535 1.1598455 1.0437577\n", + " 1.0296862 1.029893 1.1617951 1.0179632 1.0792174 1.0134271 1.0155201\n", + " 1.1086123 1.065456 1.0758282 1.0495172 0. ]\n", + "\n", + "[ 2 0 3 1 4 9 5 14 11 16 15 17 6 8 7 10 13 12 18]\n", + "=======================\n", + "['now there are calls for criminal charges to be brought over an extraordinary cover-up lasting more than two years at clydesdale and yorkshire banks .apology : clydesdale chief debbie crosbie whose rogue staff misled the financial ombudsmana high street bank has been hit with a record # 21million fine after being caught falsifying documents to avoid compensating victims of mis-selling .']\n", + "=======================\n", + "['staff at clydesdale and yorkshire banks misled the financial ombudsmanthey obstructed investigation into ppi complaints by tampering evidencepoliticians called for enquiry into wrong-doing between 2011 and 2013mp john mann said those who falsified documents could be guilty of fraud']\n", + "now there are calls for criminal charges to be brought over an extraordinary cover-up lasting more than two years at clydesdale and yorkshire banks .apology : clydesdale chief debbie crosbie whose rogue staff misled the financial ombudsmana high street bank has been hit with a record # 21million fine after being caught falsifying documents to avoid compensating victims of mis-selling .\n", + "staff at clydesdale and yorkshire banks misled the financial ombudsmanthey obstructed investigation into ppi complaints by tampering evidencepoliticians called for enquiry into wrong-doing between 2011 and 2013mp john mann said those who falsified documents could be guilty of fraud\n", + "[1.2921122 1.3305066 1.1548781 1.3133887 1.2602978 1.0532651 1.0539287\n", + " 1.044234 1.0556997 1.1257513 1.1669067 1.087678 1.0451978 1.0480794\n", + " 1.0257893 1.0138148 1.0564747 0. 0. ]\n", + "\n", + "[ 1 3 0 4 10 2 9 11 16 8 6 5 13 12 7 14 15 17 18]\n", + "=======================\n", + "[\"when the man , named by chinese media as mr zhang , arrived at his mother 's house and found that she was n't home , neighbours told him that she had left early that morning with the intention of meeting him .a motorist in china who was driving to visit his mother saw an injured woman lying by the side of a motorway but decided stopping to help would be too much inconvenience .he called police but his mother , from wuhu , in anhui province , died on the way to hospital , it was reported .\"]\n", + "=======================\n", + "[\"man was driving to visit his elderly mother when he saw injured womansaid he did n't stop because he did n't want the inconveniencereturned to find that woman was his mother , and she died from her injuriesdrivers in china often reluctant to stop at accidents for fear of getting sued themselves\"]\n", + "when the man , named by chinese media as mr zhang , arrived at his mother 's house and found that she was n't home , neighbours told him that she had left early that morning with the intention of meeting him .a motorist in china who was driving to visit his mother saw an injured woman lying by the side of a motorway but decided stopping to help would be too much inconvenience .he called police but his mother , from wuhu , in anhui province , died on the way to hospital , it was reported .\n", + "man was driving to visit his elderly mother when he saw injured womansaid he did n't stop because he did n't want the inconveniencereturned to find that woman was his mother , and she died from her injuriesdrivers in china often reluctant to stop at accidents for fear of getting sued themselves\n", + "[1.2152703 1.3338987 1.3156223 1.2997663 1.2106066 1.1825923 1.1161509\n", + " 1.0998024 1.0892433 1.0688474 1.0514661 1.0252092 1.1100672 1.0437728\n", + " 1.0402426 1.0629891 1.0290393 1.0191178 1.0217539]\n", + "\n", + "[ 1 2 3 0 4 5 6 12 7 8 9 15 10 13 14 16 11 18 17]\n", + "=======================\n", + "[\"the lowy institute report , released on thursday , says the large number of australians fighting in syria and iraq represents a ` serious national security threat ' but that the risk of an attack on home soil could be mitigated by the right policy response .the new report comes just a day after the news of the death of melbourne model-turned-jihadist sharky jama .the australian was reportedly killed in syria while fighting with terrorist organisation islamic state .\"]\n", + "=======================\n", + "[\"report into threat posed by foreign fighters blamed australian governmentthe lowy institute report says australians fight in syria and iraq represent ' a serious national security threat 'the report claims the right policy response could mitigate potential disasterit comes a day after melbourne model-turned-terrorist sharky jama was reportedly killed fighting with the islamic state in syriafamily were told on monday by friends via a text message and phone call\"]\n", + "the lowy institute report , released on thursday , says the large number of australians fighting in syria and iraq represents a ` serious national security threat ' but that the risk of an attack on home soil could be mitigated by the right policy response .the new report comes just a day after the news of the death of melbourne model-turned-jihadist sharky jama .the australian was reportedly killed in syria while fighting with terrorist organisation islamic state .\n", + "report into threat posed by foreign fighters blamed australian governmentthe lowy institute report says australians fight in syria and iraq represent ' a serious national security threat 'the report claims the right policy response could mitigate potential disasterit comes a day after melbourne model-turned-terrorist sharky jama was reportedly killed fighting with the islamic state in syriafamily were told on monday by friends via a text message and phone call\n", + "[1.2378771 1.319369 1.3458092 1.284247 1.102745 1.1715666 1.0863297\n", + " 1.1857231 1.0536995 1.010069 1.2162606 1.0578469 1.1009425 1.0135704\n", + " 1.0082637 1.1579244 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 0 10 7 5 15 4 12 6 11 8 13 9 14 17 16 18]\n", + "=======================\n", + "[\"there are 74 known cases of progeria around the world and only 4 in the uk - it causes people to age eight times faster than the usual rate .in a letter to hayley okines 's grieving parents charles described the 17-year-old progeria sufferer , who died earlier this month , as ` an inspiration to millions ' .prince charles ' letter was read at hayley 's funeral by father michael bailey at all saints church in sidley , bexhill-on-sea , east sussex .\"]\n", + "=======================\n", + "[\"girl dubbed ' 100-year-old teenager ' hayley okines died earlier this monthshe suffered from progeria which ages body eight times the normal rateprince charles sent letter to her parents which was read at her funeralin it he called the brave teenager ` an inspiration to millions '\"]\n", + "there are 74 known cases of progeria around the world and only 4 in the uk - it causes people to age eight times faster than the usual rate .in a letter to hayley okines 's grieving parents charles described the 17-year-old progeria sufferer , who died earlier this month , as ` an inspiration to millions ' .prince charles ' letter was read at hayley 's funeral by father michael bailey at all saints church in sidley , bexhill-on-sea , east sussex .\n", + "girl dubbed ' 100-year-old teenager ' hayley okines died earlier this monthshe suffered from progeria which ages body eight times the normal rateprince charles sent letter to her parents which was read at her funeralin it he called the brave teenager ` an inspiration to millions '\n", + "[1.2654159 1.3461285 1.1850661 1.1034669 1.0689687 1.1561263 1.184645\n", + " 1.1245044 1.1697671 1.0961591 1.0528351 1.0594758 1.0371058 1.0351787\n", + " 1.1008612 1.0702789 1.0924397 0. 0. ]\n", + "\n", + "[ 1 0 2 6 8 5 7 3 14 9 16 15 4 11 10 12 13 17 18]\n", + "=======================\n", + "['this season , for the second time in three years , there were no english clubs in the quarter-finals of the champions league , while none of our clubs have reached the last eight in the europa league either .england are in danger of losing their fourth champions league spot in the coming years , as poor performances from premier league clubs in europe take their toll .if juventus , napoli and fiorentina win all their remaining games possible , italy will go into next season within 0.1 points of england .']\n", + "=======================\n", + "['premier league clubs have been outperformed by european rivalsbundesliga set to move above premier league next seasonserie a could also overtake england , if italian successes continuenapoli , juventus and fiorentina are still in contention for european gloryall english clubs have been eliminated already this seasonone more bad season would see england lose a champions league spot']\n", + "this season , for the second time in three years , there were no english clubs in the quarter-finals of the champions league , while none of our clubs have reached the last eight in the europa league either .england are in danger of losing their fourth champions league spot in the coming years , as poor performances from premier league clubs in europe take their toll .if juventus , napoli and fiorentina win all their remaining games possible , italy will go into next season within 0.1 points of england .\n", + "premier league clubs have been outperformed by european rivalsbundesliga set to move above premier league next seasonserie a could also overtake england , if italian successes continuenapoli , juventus and fiorentina are still in contention for european gloryall english clubs have been eliminated already this seasonone more bad season would see england lose a champions league spot\n", + "[1.333503 1.2411586 1.4657905 1.1427416 1.1027893 1.2541461 1.1935663\n", + " 1.1812199 1.0603304 1.054856 1.0152425 1.0127285 1.0724213 1.0301485\n", + " 1.0530167 1.0440156 1.0746154 0. 0. ]\n", + "\n", + "[ 2 0 5 1 6 7 3 4 16 12 8 9 14 15 13 10 11 17 18]\n", + "=======================\n", + "['graeme finlay , 53 , went on trial after retired engineer ron phillips , 70 , and his wife june , 69 , were knocked unconscious in the incident outside their cabin on board the thomson celebration luxury liner .a cruise ship passenger was yesterday cleared of beating up two elderly holidaymakers in a row over rudeness at the dinner table .but the 16-stone gas worker insisted he only acted in self-defence when hit by mr phillips wielding his crutch and denied attacking his wife .']\n", + "=======================\n", + "['elderly couple accused graeme finlay of knocking them unconscious on boatthey claimed the attack on thomson celebration cruise ship was unprovokedfinlay , 36 , claimed he was the one being assaulted and was defended himselfteesside crown court jury took less than an hour to give not-guilty verdicts']\n", + "graeme finlay , 53 , went on trial after retired engineer ron phillips , 70 , and his wife june , 69 , were knocked unconscious in the incident outside their cabin on board the thomson celebration luxury liner .a cruise ship passenger was yesterday cleared of beating up two elderly holidaymakers in a row over rudeness at the dinner table .but the 16-stone gas worker insisted he only acted in self-defence when hit by mr phillips wielding his crutch and denied attacking his wife .\n", + "elderly couple accused graeme finlay of knocking them unconscious on boatthey claimed the attack on thomson celebration cruise ship was unprovokedfinlay , 36 , claimed he was the one being assaulted and was defended himselfteesside crown court jury took less than an hour to give not-guilty verdicts\n", + "[1.170151 1.4617422 1.3152297 1.2878458 1.35181 1.1308556 1.0378559\n", + " 1.0331752 1.0198343 1.0719404 1.0642898 1.1424139 1.1032476 1.0207487\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 3 0 11 5 12 9 10 6 7 13 8 17 14 15 16 18]\n", + "=======================\n", + "[\"cathleen hackney allegedly told two different funeral directors that there were no objections , including from her former spouse , to her son being cremated after his death .cathleen hackney , 56 , is on trial at stoke-on-trent crown court , pictured , in relation to the cremation of her sonas a result no-one attended the early morning cremation of paul moreland in december 2010 after it happened without his father 's knowledge , jurors heard .\"]\n", + "=======================\n", + "[\"cathleen hackney accused of lying to undertakers ahead of cremationalleged to have claimed there were no objections to funeral taking placecourt heard her ex-partner was not told when and where the cremation was happeningpaul barber only learned about his son 's funeral after it had taken place\"]\n", + "cathleen hackney allegedly told two different funeral directors that there were no objections , including from her former spouse , to her son being cremated after his death .cathleen hackney , 56 , is on trial at stoke-on-trent crown court , pictured , in relation to the cremation of her sonas a result no-one attended the early morning cremation of paul moreland in december 2010 after it happened without his father 's knowledge , jurors heard .\n", + "cathleen hackney accused of lying to undertakers ahead of cremationalleged to have claimed there were no objections to funeral taking placecourt heard her ex-partner was not told when and where the cremation was happeningpaul barber only learned about his son 's funeral after it had taken place\n", + "[1.4942461 1.1368785 1.136601 1.4695168 1.2562313 1.2435713 1.1007597\n", + " 1.0218884 1.0282826 1.0182012 1.0291722 1.2415082 1.0642638 1.0173881\n", + " 1.0146964 1.01389 1.104028 0. 0. ]\n", + "\n", + "[ 0 3 4 5 11 1 2 16 6 12 10 8 7 9 13 14 15 17 18]\n", + "=======================\n", + "['andy king thinks his 50th goal for leicester city could prove to be his most important yet .andy king was the hero as premier league strugglers leicester city struck late to earn a vital three pointsking is joined by david nugent to celebrate his goal , the 50th he has scored for his club']\n", + "=======================\n", + "[\"andy king scored his 50th goal to earn leicester three pointsestaban cambiasso 's goal had been cancelled out by cheick kouyatenigel pearson praises his goalscorer who he brought of the bench\"]\n", + "andy king thinks his 50th goal for leicester city could prove to be his most important yet .andy king was the hero as premier league strugglers leicester city struck late to earn a vital three pointsking is joined by david nugent to celebrate his goal , the 50th he has scored for his club\n", + "andy king scored his 50th goal to earn leicester three pointsestaban cambiasso 's goal had been cancelled out by cheick kouyatenigel pearson praises his goalscorer who he brought of the bench\n", + "[1.3513808 1.18867 1.4228249 1.3472152 1.1866164 1.1201432 1.086481\n", + " 1.0868855 1.0850403 1.0724127 1.0528778 1.079838 1.0459032 1.0481702\n", + " 1.0745598 1.0399243 1.0528566 1.0328873 1.0177544]\n", + "\n", + "[ 2 0 3 1 4 5 7 6 8 11 14 9 10 16 13 12 15 17 18]\n", + "=======================\n", + "['the driver , known as salim , is alleged to have assaulted the tourist in jaipur on friday evening .a 20-year-old british tourist has claimed she was molested by a taxi driver in jaipur , who has now been arrested ( pictured posed by model )the man , from todabhim in karauli district of rajasthan , is accused of assaulting the 20-year-old woman and is being held in custody .']\n", + "=======================\n", + "['taxi driver has been arrested on suspicion of molesting a british womanman , known as salim , is accused of assaulting tourist in jaipur , indiapolice confirmed he is being held after statement taken from alleged victimincident follows a number of sexual attacks in india , on locals and tourists']\n", + "the driver , known as salim , is alleged to have assaulted the tourist in jaipur on friday evening .a 20-year-old british tourist has claimed she was molested by a taxi driver in jaipur , who has now been arrested ( pictured posed by model )the man , from todabhim in karauli district of rajasthan , is accused of assaulting the 20-year-old woman and is being held in custody .\n", + "taxi driver has been arrested on suspicion of molesting a british womanman , known as salim , is accused of assaulting tourist in jaipur , indiapolice confirmed he is being held after statement taken from alleged victimincident follows a number of sexual attacks in india , on locals and tourists\n", + "[1.3669765 1.4167118 1.1979007 1.3376112 1.1361684 1.031824 1.0430197\n", + " 1.1310501 1.0693334 1.0583694 1.0922827 1.0406456 1.1802026 1.0876101\n", + " 1.0532726 1.0433505 1.0534265 1.057604 0. 0. ]\n", + "\n", + "[ 1 0 3 2 12 4 7 10 13 8 9 17 16 14 15 6 11 5 18 19]\n", + "=======================\n", + "[\"the 29-year-old seemed in high spirits as she was seen laughing and joking with friend , irene forte , at the launch party for new london restaurant , the ivy chelsea garden .prince harry 's former girlfriend chelsy davy debuted a grown-up and glamorous style as she stepped out in a sophisticated summer outfit for a london restaurant launch on tuesday .zimbabwean davy wore a white layered chiffon top , as well as flattering navy trousers with zip-detail on the ankles .\"]\n", + "=======================\n", + "[\"the 29-year-old attended the ivy chelsea garden launch party with friendprince harry 's ex looked fresh-faced and in high spirits at the london partypaired chiffon top with slim-fitting navy trousers and tan wedges\"]\n", + "the 29-year-old seemed in high spirits as she was seen laughing and joking with friend , irene forte , at the launch party for new london restaurant , the ivy chelsea garden .prince harry 's former girlfriend chelsy davy debuted a grown-up and glamorous style as she stepped out in a sophisticated summer outfit for a london restaurant launch on tuesday .zimbabwean davy wore a white layered chiffon top , as well as flattering navy trousers with zip-detail on the ankles .\n", + "the 29-year-old attended the ivy chelsea garden launch party with friendprince harry 's ex looked fresh-faced and in high spirits at the london partypaired chiffon top with slim-fitting navy trousers and tan wedges\n", + "[1.2272892 1.0722255 1.1114857 1.4079518 1.1843488 1.1678619 1.0496573\n", + " 1.0507601 1.0227987 1.0834273 1.053183 1.0704769 1.0242611 1.019963\n", + " 1.0326015 1.0361277 1.0538441 1.110511 0. 0. ]\n", + "\n", + "[ 3 0 4 5 2 17 9 1 11 16 10 7 6 15 14 12 8 13 18 19]\n", + "=======================\n", + "[\"macau has 26 casinos , including the largest in the world , the venetianwith its blend of portuguese and chinese culture , it did n't take us long to discover the unique appeal of macau .located at the mouth of the pearl river delta at the southern tip of china , macau comprises a peninsula and two islands -- taipa and coloane -- connected by three dramatic bridges .\"]\n", + "=======================\n", + "['macau in china offers a whirlwind of activities and attractionsfrom the 764ft bungee jump to the 26 casinos , thrillseekers will be satisfiednearby the sleepy island of coloane is waiting to be discovered']\n", + "macau has 26 casinos , including the largest in the world , the venetianwith its blend of portuguese and chinese culture , it did n't take us long to discover the unique appeal of macau .located at the mouth of the pearl river delta at the southern tip of china , macau comprises a peninsula and two islands -- taipa and coloane -- connected by three dramatic bridges .\n", + "macau in china offers a whirlwind of activities and attractionsfrom the 764ft bungee jump to the 26 casinos , thrillseekers will be satisfiednearby the sleepy island of coloane is waiting to be discovered\n", + "[1.31677 1.1189891 1.1828154 1.400187 1.3397608 1.2054809 1.1965629\n", + " 1.1179122 1.1084373 1.0267261 1.0562192 1.1809667 1.0728405 1.0183033\n", + " 1.0106642 1.0111352 1.0065622 0. 0. 0. ]\n", + "\n", + "[ 3 4 0 5 6 2 11 1 7 8 12 10 9 13 15 14 16 17 18 19]\n", + "=======================\n", + "['stacey tipler , 33 , used her job to steal # 642,000 from the royal marsden nhs trust which she spent on designer shopping sprees , mortgage payments and her planned wedding .but she and partner scott chaplin , 34 , who was the ringleader of the plot , were caught and both jailed last summer .nhs worker stacey tipler embezzled nearly # 650,000 from a cancer hospital .']\n", + "=======================\n", + "[\"stacey tipler , 33 , and partner scott chaplin , 34 , are already in jail for theftstipler stole money from royal marsden nhs trust over several monthscash she spent on designer handbags and wedding was for cancer drugstipler was ordered to pay pay back just # 28,737 within six months or spend another 18 months in prison .chaplin claimed he ` made nothing ' but was ordered to repay # 115,000\"]\n", + "stacey tipler , 33 , used her job to steal # 642,000 from the royal marsden nhs trust which she spent on designer shopping sprees , mortgage payments and her planned wedding .but she and partner scott chaplin , 34 , who was the ringleader of the plot , were caught and both jailed last summer .nhs worker stacey tipler embezzled nearly # 650,000 from a cancer hospital .\n", + "stacey tipler , 33 , and partner scott chaplin , 34 , are already in jail for theftstipler stole money from royal marsden nhs trust over several monthscash she spent on designer handbags and wedding was for cancer drugstipler was ordered to pay pay back just # 28,737 within six months or spend another 18 months in prison .chaplin claimed he ` made nothing ' but was ordered to repay # 115,000\n", + "[1.4493396 1.2465743 1.1550435 1.2401346 1.1858876 1.0372471 1.3110266\n", + " 1.1127702 1.0805104 1.0687511 1.0391951 1.0554863 1.0618703 1.0734272\n", + " 1.1273866 1.1064738 1.0421199 1.0691607 1.0131841 1.017161 ]\n", + "\n", + "[ 0 6 1 3 4 2 14 7 15 8 13 17 9 12 11 16 10 5 19 18]\n", + "=======================\n", + "[\"gemma redhead was left terrified after her former partner telephoned her after he was released from prison , following a conviction for raping herbrutally raped at knifepoint and left fearing for her life , gemma redhead believed her ordeal was over after her attacker was jailed .miss redhead said the 46-second call ` reawakened all of the fear and terror of the attack ' , leaving her unable to sleep or eat .\"]\n", + "=======================\n", + "['philip kirby was jailed for eight years in 2011 for raping gemma redheadthe 32-year-old raped his former partner and mother of his child at knifepoint and was jailed and banned from contacting her for lifehe was released from prison after three years and phoned ms redhead , who was left terrified and feeling trapped by call from her former partnerkirby has been returned to prison and will not be released until 2023']\n", + "gemma redhead was left terrified after her former partner telephoned her after he was released from prison , following a conviction for raping herbrutally raped at knifepoint and left fearing for her life , gemma redhead believed her ordeal was over after her attacker was jailed .miss redhead said the 46-second call ` reawakened all of the fear and terror of the attack ' , leaving her unable to sleep or eat .\n", + "philip kirby was jailed for eight years in 2011 for raping gemma redheadthe 32-year-old raped his former partner and mother of his child at knifepoint and was jailed and banned from contacting her for lifehe was released from prison after three years and phoned ms redhead , who was left terrified and feeling trapped by call from her former partnerkirby has been returned to prison and will not be released until 2023\n", + "[1.4078301 1.3044479 1.2540872 1.4543499 1.1793613 1.0531377 1.0253514\n", + " 1.0250295 1.0205544 1.2457683 1.1441072 1.0722132 1.0223981 1.0139614\n", + " 1.012857 1.0118704 1.1424515 1.008891 1.007631 0. ]\n", + "\n", + "[ 3 0 1 2 9 4 10 16 11 5 6 7 12 8 13 14 15 17 18 19]\n", + "=======================\n", + "[\"mk dons teenager dele alli picked up the young player of the year award on sunday nightdele alli is excited by the prospect of playing under mauricio pochettino next season and believes tottenham are the ` perfect ' club for him .this has been a whirlwind season for the 19-year-old , with his exceptional performances for mk dons earning a # 5million move to white hart lane in february .\"]\n", + "=======================\n", + "['dele alli signed for tottenham in the january transfer window for # 5millionmidfielder was loaned straight back to mk dons for the rest of the seasonthe 19-year-old was crowned football league young player of the yearalli wants to help get mk dons promoted to the championshipengland under 19 international says spurs are the perfect club for himalli is excited by the prospect of working under mauricio pochettino']\n", + "mk dons teenager dele alli picked up the young player of the year award on sunday nightdele alli is excited by the prospect of playing under mauricio pochettino next season and believes tottenham are the ` perfect ' club for him .this has been a whirlwind season for the 19-year-old , with his exceptional performances for mk dons earning a # 5million move to white hart lane in february .\n", + "dele alli signed for tottenham in the january transfer window for # 5millionmidfielder was loaned straight back to mk dons for the rest of the seasonthe 19-year-old was crowned football league young player of the yearalli wants to help get mk dons promoted to the championshipengland under 19 international says spurs are the perfect club for himalli is excited by the prospect of working under mauricio pochettino\n", + "[1.2455715 1.5035391 1.2659874 1.3646088 1.1965222 1.0674477 1.1067015\n", + " 1.0986795 1.0408492 1.0739812 1.0316632 1.0314748 1.045697 1.0252951\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 6 7 9 5 12 8 10 11 13 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"chief executive mike coupe , 53 , was convicted of embezzlement last september after former sansbury 's business partner amr el-nasharty accused him of trying to illegally seize cheques .now a court has sentenced him to two years behind bars for the crime , which relates to sainbury 's joint venture with local supermarket chain edge , owned by mr el-nashartymr coupe is believed to have travelled to the middle eastern country last sunday to appeal the conviction , which dates back to a time when he did n't work at the firm , but this was unsuccessful , reports the times .\"]\n", + "=======================\n", + "[\"sainsbury 's ceo mike coupe handed two year jail term by egyptian courtembezzlement claim was brought by former sainsbury 's business partnerbusinessman amr el-nasharty helped to launch chain in egypt in 1999however venture fell apart and chain left middle east with losses of # 110mmr el-nasharty claims mr coupe tried to seize cheques from him last julysainsbury 's supermarket strongly refutes all the claims against it\"]\n", + "chief executive mike coupe , 53 , was convicted of embezzlement last september after former sansbury 's business partner amr el-nasharty accused him of trying to illegally seize cheques .now a court has sentenced him to two years behind bars for the crime , which relates to sainbury 's joint venture with local supermarket chain edge , owned by mr el-nashartymr coupe is believed to have travelled to the middle eastern country last sunday to appeal the conviction , which dates back to a time when he did n't work at the firm , but this was unsuccessful , reports the times .\n", + "sainsbury 's ceo mike coupe handed two year jail term by egyptian courtembezzlement claim was brought by former sainsbury 's business partnerbusinessman amr el-nasharty helped to launch chain in egypt in 1999however venture fell apart and chain left middle east with losses of # 110mmr el-nasharty claims mr coupe tried to seize cheques from him last julysainsbury 's supermarket strongly refutes all the claims against it\n", + "[1.4356786 1.2313303 1.2042807 1.1850414 1.1620154 1.1481801 1.2454545\n", + " 1.0254135 1.0288525 1.0635648 1.0785478 1.0511153 1.0248854 1.0464357\n", + " 1.058729 1.076868 1.0399098 1.0124524 1.0184299 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 6 1 2 3 4 5 10 15 9 14 11 13 16 8 7 12 18 17 19 20 21 22]\n", + "=======================\n", + "['robin , now 73 , was diagnosed with type 2 diabetes by chance in 1999 , aged 58robin ellis shot to fame in the seventies as the original dashing hero ross poldark .at the time , he was as much a heart throb as aidan turner , star of the hugely successful bbc remake of the cornish epic that concludes on sunday .']\n", + "=======================\n", + "[\"robin ellis , now 73 , was diagnosed with type 2 diabetes by chance in 1999poldark star read michel montignac 's book , dine out and lose weightadvocates giving up white carbohydrates rather than counting caloriesrobin has since written a number of cookbooks for people with diabeteshe eats oats , walnuts , apricots and prunes with almond milk for breakfast\"]\n", + "robin , now 73 , was diagnosed with type 2 diabetes by chance in 1999 , aged 58robin ellis shot to fame in the seventies as the original dashing hero ross poldark .at the time , he was as much a heart throb as aidan turner , star of the hugely successful bbc remake of the cornish epic that concludes on sunday .\n", + "robin ellis , now 73 , was diagnosed with type 2 diabetes by chance in 1999poldark star read michel montignac 's book , dine out and lose weightadvocates giving up white carbohydrates rather than counting caloriesrobin has since written a number of cookbooks for people with diabeteshe eats oats , walnuts , apricots and prunes with almond milk for breakfast\n", + "[1.1835139 1.0810589 1.0541891 1.0932001 1.045988 1.0443488 1.0896438\n", + " 1.1853585 1.2162826 1.1206986 1.1317036 1.0662631 1.0953397 1.0733428\n", + " 1.0287498 1.0177946 1.0507349 1.0380973 1.0464498 1.0218374 1.1776943\n", + " 1.0330983 1.0228858]\n", + "\n", + "[ 8 7 0 20 10 9 12 3 6 1 13 11 2 16 18 4 5 17 21 14 22 19 15]\n", + "=======================\n", + "['her family is among the dozens of americans caught in the crossfire of warring parties in yemen .muna is from buffalo in upstate new york .( cnn ) \" my son served in the army for four years .']\n", + "=======================\n", + "['no official way out for americans stranded amid fighting in yemenu.s. deputy chief of mission says situation is very dangerous so no mass evacuation is planned']\n", + "her family is among the dozens of americans caught in the crossfire of warring parties in yemen .muna is from buffalo in upstate new york .( cnn ) \" my son served in the army for four years .\n", + "no official way out for americans stranded amid fighting in yemenu.s. deputy chief of mission says situation is very dangerous so no mass evacuation is planned\n", + "[1.5599442 1.3482077 1.1708502 1.0803565 1.1902589 1.2860309 1.1298944\n", + " 1.1669238 1.0341314 1.0494581 1.1573284 1.2360396 1.1676136 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 5 11 4 2 12 7 10 6 3 9 8 20 19 18 17 13 15 14 21 16 22]\n", + "=======================\n", + "[\"bayern munich will be without midfielders bastian schweinsteiger and franck ribery when they travel to porto for wednesday 's champions league quarter-final first leg .frenchman ribery is not yet fully fit following a five-week absence with an ankle injury while schweinsteiger has had a virus for the past few days .bastian schweinsteiger lies injured on the pitch during bayern 's 1-0 win against borussia dortmund on april 4\"]\n", + "=======================\n", + "[\"bastian schweinsteiger has been suffering with a virusfranck ribery is n't yet fully fit after five-week absence with ankle injuryarjen robben , medhi benatia and david alaba are all sidelined\"]\n", + "bayern munich will be without midfielders bastian schweinsteiger and franck ribery when they travel to porto for wednesday 's champions league quarter-final first leg .frenchman ribery is not yet fully fit following a five-week absence with an ankle injury while schweinsteiger has had a virus for the past few days .bastian schweinsteiger lies injured on the pitch during bayern 's 1-0 win against borussia dortmund on april 4\n", + "bastian schweinsteiger has been suffering with a virusfranck ribery is n't yet fully fit after five-week absence with ankle injuryarjen robben , medhi benatia and david alaba are all sidelined\n", + "[1.0613971 1.0720842 1.2305048 1.3170741 1.1447304 1.1029261 1.0308251\n", + " 1.1481836 1.0597043 1.1891812 1.0977004 1.0652256 1.0316081 1.028581\n", + " 1.0692292 1.047839 1.1124855 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 2 9 7 4 16 5 10 1 14 11 0 8 15 12 6 13 17 18 19 20 21 22]\n", + "=======================\n", + "['pilots give their insider tips on where passengers should sit to get the best view of their destination on arrivalno one gets a better seat to view the world than the pilots who are lucky enough to frequent these scenes for a living , and they have revealed their expert guides to which routes and seats can offer these front row experiences .the harbour is the largest natural harbour in the world and flyers will be able to get unbeatable aerial shots of world-famous sydney harbour bridge and the sydney opera house .']\n", + "=======================\n", + "['british airways pilots reveal their favourite plane views and where to sitexperience aerial shots of the grand canyon without forking out for expensive helicopter tourssit on the right to see the incredible sydney harbour as you leave the city']\n", + "pilots give their insider tips on where passengers should sit to get the best view of their destination on arrivalno one gets a better seat to view the world than the pilots who are lucky enough to frequent these scenes for a living , and they have revealed their expert guides to which routes and seats can offer these front row experiences .the harbour is the largest natural harbour in the world and flyers will be able to get unbeatable aerial shots of world-famous sydney harbour bridge and the sydney opera house .\n", + "british airways pilots reveal their favourite plane views and where to sitexperience aerial shots of the grand canyon without forking out for expensive helicopter tourssit on the right to see the incredible sydney harbour as you leave the city\n", + "[1.5278814 1.4184524 1.1649613 1.4186069 1.2814691 1.0572425 1.1550896\n", + " 1.1253055 1.1059211 1.0342516 1.0504392 1.0387397 1.0111369 1.0149149\n", + " 1.0096807 1.010764 0. ]\n", + "\n", + "[ 0 3 1 4 2 6 7 8 5 10 11 9 13 12 15 14 16]\n", + "=======================\n", + "[\"livingston boss mark burchill believes heartbroken midfielder darren cole wants to play in sunday 's petrofac cup final despite the game coming just a week after the tragic death of his cousin in america .the ex-rangers youth has been mourning the loss of shaun cole , 22 , who was found dead in a miami street last weekend and is thought to have been the victim of a hit-and-run driver .livingston star cole , 23 , was close to shaun and paid tribute to the army private on his twitter account this week .\"]\n", + "=======================\n", + "['livingston stake on alloa athletic in the final of the petrofac cup on sundaymidfielder darren cole is in mourning after the recent death of his cousin shaun , who died in miami from a suspected hit-and-runlivingston boss mark burchill believes that cole can overcome his heartbreak to play for his side against alloa']\n", + "livingston boss mark burchill believes heartbroken midfielder darren cole wants to play in sunday 's petrofac cup final despite the game coming just a week after the tragic death of his cousin in america .the ex-rangers youth has been mourning the loss of shaun cole , 22 , who was found dead in a miami street last weekend and is thought to have been the victim of a hit-and-run driver .livingston star cole , 23 , was close to shaun and paid tribute to the army private on his twitter account this week .\n", + "livingston stake on alloa athletic in the final of the petrofac cup on sundaymidfielder darren cole is in mourning after the recent death of his cousin shaun , who died in miami from a suspected hit-and-runlivingston boss mark burchill believes that cole can overcome his heartbreak to play for his side against alloa\n", + "[1.5143635 1.2396275 1.4847616 1.199001 1.1177223 1.0734665 1.0987215\n", + " 1.0724604 1.1417271 1.104703 1.0286059 1.0393087 1.0615268 1.0668497\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 8 4 9 6 5 7 13 12 11 10 15 14 16]\n", + "=======================\n", + "['kevin rebbie , 56 , of limerick township , pennsylvania , was arrested after a 15-year-old girl found a hidden camera in her bathroom that police were able to trace back to the manthe videos were captured over a three - or four-year time period , according to prosecutors .she told investigators that rebbie had been watching her for years when she was undressing and when he believed she was asleep .']\n", + "=======================\n", + "[\"kevin rebbie , 56 , of limerick township , pennsylvania , has been arrestedhe allegedly sexually abused a girl in her home and filmed her in bathroomthe girl also claims rebbie watched her undress and when he thought she was sleepinginvestigators found 41 videos , 34 of which showed victims as they showeredrebbie said that he purchased the camera specifically to watch the 15-year-old girl but captured other victims on film , toorebbie 's is being held on a $ 500,000 bail and will appear in court on may 1\"]\n", + "kevin rebbie , 56 , of limerick township , pennsylvania , was arrested after a 15-year-old girl found a hidden camera in her bathroom that police were able to trace back to the manthe videos were captured over a three - or four-year time period , according to prosecutors .she told investigators that rebbie had been watching her for years when she was undressing and when he believed she was asleep .\n", + "kevin rebbie , 56 , of limerick township , pennsylvania , has been arrestedhe allegedly sexually abused a girl in her home and filmed her in bathroomthe girl also claims rebbie watched her undress and when he thought she was sleepinginvestigators found 41 videos , 34 of which showed victims as they showeredrebbie said that he purchased the camera specifically to watch the 15-year-old girl but captured other victims on film , toorebbie 's is being held on a $ 500,000 bail and will appear in court on may 1\n", + "[1.4536213 1.546063 1.2539585 1.1902647 1.2258313 1.0771399 1.026315\n", + " 1.01556 1.0192596 1.0152302 1.0135393 1.1697435 1.1057998 1.018381\n", + " 1.0162631 1.0108387 1.010229 ]\n", + "\n", + "[ 1 0 2 4 3 11 12 5 6 8 13 14 7 9 10 15 16]\n", + "=======================\n", + "[\"the middlesex seamer admitted he finds it ` baffling ' he faces criticism for not hitting the highly-prized 90mph mark , vowing to chase an england recall despite missing the west indies tour .steven finn believes pace does not matter in his quest to break back into england 's test squad .the 26-year-old was one of the few pluses of a dismal world cup run , and is now intent on forcing his way into the reckoning for next summer 's test challenges against new zealand and australia .\"]\n", + "=======================\n", + "[\"finn says it is ` baffling ' he faces criticism for not hitting 90mph markmiddlesex seamer was left out of england 's tour of west indiesthis was despite being one of the team 's better players at world cup26-year-old will chase an england recall through good county form\"]\n", + "the middlesex seamer admitted he finds it ` baffling ' he faces criticism for not hitting the highly-prized 90mph mark , vowing to chase an england recall despite missing the west indies tour .steven finn believes pace does not matter in his quest to break back into england 's test squad .the 26-year-old was one of the few pluses of a dismal world cup run , and is now intent on forcing his way into the reckoning for next summer 's test challenges against new zealand and australia .\n", + "finn says it is ` baffling ' he faces criticism for not hitting 90mph markmiddlesex seamer was left out of england 's tour of west indiesthis was despite being one of the team 's better players at world cup26-year-old will chase an england recall through good county form\n", + "[1.2654012 1.2957588 1.1892457 1.3784232 1.2035952 1.0586493 1.0497166\n", + " 1.0380323 1.0273072 1.1091094 1.0775329 1.2871703 1.0207037 1.0237012\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 1 11 0 4 2 9 10 5 6 7 8 13 12 14 15 16]\n", + "=======================\n", + "[\"manny pacquiao answers questions from the assembled media at his open workout day last weekbob arum , the pacman 's veteran promoter , ordered an end to the discussion when he realised that many more than the promised tight-knit group of leading sportswriters were jamming the lines .floyd mayweather is due for his final conference call this wednesday .\"]\n", + "=======================\n", + "[\"bob arum pulls plug on phone interview after too many people on the callmanny pacquiao answers ` very good ' to a question before interview endedfloyd mayweather is due for his final conference call this wednesdaymayweather : i am better than muhammad ali and sugar ray robinsonread : mayweather-pacquiao weigh-in will be first ever with paid-for tickets\"]\n", + "manny pacquiao answers questions from the assembled media at his open workout day last weekbob arum , the pacman 's veteran promoter , ordered an end to the discussion when he realised that many more than the promised tight-knit group of leading sportswriters were jamming the lines .floyd mayweather is due for his final conference call this wednesday .\n", + "bob arum pulls plug on phone interview after too many people on the callmanny pacquiao answers ` very good ' to a question before interview endedfloyd mayweather is due for his final conference call this wednesdaymayweather : i am better than muhammad ali and sugar ray robinsonread : mayweather-pacquiao weigh-in will be first ever with paid-for tickets\n", + "[1.198875 1.4419146 1.2492068 1.1912352 1.2398806 1.260035 1.0943675\n", + " 1.0740114 1.0603286 1.0623378 1.0301516 1.0429585 1.0511175 1.1875988\n", + " 1.0366725 1.027145 0. ]\n", + "\n", + "[ 1 5 2 4 0 3 13 6 7 9 8 12 11 14 10 15 16]\n", + "=======================\n", + "['raymond lee fryberg jr. was arraigned in seattle on thursday , nearly six months after his son jaylen fryberg killed four students at marysville pilchuck high school then himself .fryberg had been the subject of a permanent domestic violence protection order that prohibited him from ever having firearms when he allegedly bought a beretta pistol in january 2013 .a father today pleaded not guilty to illegally buying a firearm his 15-year-old son then took to school to kill four of his classmates and take his own life .']\n", + "=======================\n", + "[\"raymond lee fryberg jr. ` bought a gun in 2013 despite a domestic violence protection order against him banning him from doing so 'he ` said he had no restraining orders out against him when he filled out his federal form and the system did not pick up the error 'he was arraigned on thursday and faces 10 years behind bars if guiltylast october , his son jaylen , 15 , shot dead four of his classmates in the cafeteria at their seattle high school before taking his own life\"]\n", + "raymond lee fryberg jr. was arraigned in seattle on thursday , nearly six months after his son jaylen fryberg killed four students at marysville pilchuck high school then himself .fryberg had been the subject of a permanent domestic violence protection order that prohibited him from ever having firearms when he allegedly bought a beretta pistol in january 2013 .a father today pleaded not guilty to illegally buying a firearm his 15-year-old son then took to school to kill four of his classmates and take his own life .\n", + "raymond lee fryberg jr. ` bought a gun in 2013 despite a domestic violence protection order against him banning him from doing so 'he ` said he had no restraining orders out against him when he filled out his federal form and the system did not pick up the error 'he was arraigned on thursday and faces 10 years behind bars if guiltylast october , his son jaylen , 15 , shot dead four of his classmates in the cafeteria at their seattle high school before taking his own life\n", + "[1.0967647 1.1459556 1.0539974 1.142926 1.1102991 1.1602526 1.3056837\n", + " 1.0281396 1.0783817 1.028148 1.0297403 1.1110559 1.0579497 1.0388727\n", + " 1.2250198 1.0774095 1.0744419 1.0811805 1.0299532 1.0386132 1.020412 ]\n", + "\n", + "[ 6 14 5 1 3 11 4 0 17 8 15 16 12 2 13 19 18 10 9 7 20]\n", + "=======================\n", + "['on arrival , we head for ashvem beach , in the north , for three nights at yab yum resorts .goa has 11 hours of sunshine a day at this time of year .my friend alex and i find direct flights for # 348 return through thomson .']\n", + "=======================\n", + "[\"goa is india 's smallest state but one of its most popular travel destinationsit offers bargain beach breaks ( and luxury too ) in the west of the countryweak rouble means there are currently fewer russian visitors than usual\"]\n", + "on arrival , we head for ashvem beach , in the north , for three nights at yab yum resorts .goa has 11 hours of sunshine a day at this time of year .my friend alex and i find direct flights for # 348 return through thomson .\n", + "goa is india 's smallest state but one of its most popular travel destinationsit offers bargain beach breaks ( and luxury too ) in the west of the countryweak rouble means there are currently fewer russian visitors than usual\n", + "[1.2925063 1.5081831 1.2091241 1.2955356 1.1122345 1.1510129 1.017723\n", + " 1.0192283 1.0162966 1.0901701 1.0510006 1.0862232 1.1328224 1.0720956\n", + " 1.0207138 1.0741359 1.2523255 1.0105736 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 16 2 5 12 4 9 11 15 13 10 14 7 6 8 17 18 19 20]\n", + "=======================\n", + "['the federal government will give shoshana hebshi $ 40,000 as compensation for being humiliated on the 10th anniversary of the 9/11 terrorist attacks after armed agents forced her from a plane at detroit metropolitan airport , made her undress during a search and held her for hours .a woman of arab and jewish descent who was strip-searched at a detroit-area airport has reached a settlement in a lawsuit filed on her behalf , the american civil liberties union said tuesday .frontier airlines , the transportation security administration and wayne county airport authority were named in the federal lawsuit .']\n", + "=======================\n", + "[\"the federal government will give shoshana hebshi $ 40,000 as compensation for being ethnically profiledhebshi , who has a jewish mother and saudi arabian father , has said she was discriminated against based on her dark complexionhebshi was detained along with two indian men she was seated next to` people do not forfeit their constitutional rights when they step onto an airplane , ' said aclu attorney rachel goodman\"]\n", + "the federal government will give shoshana hebshi $ 40,000 as compensation for being humiliated on the 10th anniversary of the 9/11 terrorist attacks after armed agents forced her from a plane at detroit metropolitan airport , made her undress during a search and held her for hours .a woman of arab and jewish descent who was strip-searched at a detroit-area airport has reached a settlement in a lawsuit filed on her behalf , the american civil liberties union said tuesday .frontier airlines , the transportation security administration and wayne county airport authority were named in the federal lawsuit .\n", + "the federal government will give shoshana hebshi $ 40,000 as compensation for being ethnically profiledhebshi , who has a jewish mother and saudi arabian father , has said she was discriminated against based on her dark complexionhebshi was detained along with two indian men she was seated next to` people do not forfeit their constitutional rights when they step onto an airplane , ' said aclu attorney rachel goodman\n", + "[1.5049212 1.1965419 1.247525 1.4017205 1.1063179 1.0694696 1.0258672\n", + " 1.0714687 1.2358409 1.0391008 1.1330173 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 8 1 10 4 7 5 9 6 19 11 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"ludogorets player cosmin moti is guilty of producing one of the worst tackles you 're likely to see this season after his kung-fu style tackle on a cska sofia player - but unbelievably the referee waved play on .cosmin moti ( centre right ) kung-fu tacklesstefan nikolic during ludogorets clash with cska sofiathe defender made the headlines for the right reasons during ludogorets champions league play-off against steaua bucharest back in august , when he saved two penalties during the shoot-out - after their goalkeeper had been sent off .\"]\n", + "=======================\n", + "[\"cosmin moti kung-fu kicked stefan nikolic during a bulgarian league gamethe ludogorets defender was n't punished as the referee waved played onmoti is also well known for saving two penalties in the champions league\"]\n", + "ludogorets player cosmin moti is guilty of producing one of the worst tackles you 're likely to see this season after his kung-fu style tackle on a cska sofia player - but unbelievably the referee waved play on .cosmin moti ( centre right ) kung-fu tacklesstefan nikolic during ludogorets clash with cska sofiathe defender made the headlines for the right reasons during ludogorets champions league play-off against steaua bucharest back in august , when he saved two penalties during the shoot-out - after their goalkeeper had been sent off .\n", + "cosmin moti kung-fu kicked stefan nikolic during a bulgarian league gamethe ludogorets defender was n't punished as the referee waved played onmoti is also well known for saving two penalties in the champions league\n", + "[1.2034014 1.4860669 1.2482116 1.3699007 1.1488827 1.0946074 1.0951946\n", + " 1.053217 1.0575125 1.0979033 1.0653245 1.1246829 1.0806726 1.0895705\n", + " 1.0218775 1.0170239 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 11 9 6 5 13 12 10 8 7 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"depressed donna oettinger , 41 , had sought urgent psychiatric help in the months before she and her son zaki died on train tracks in south london in march 2013 , croydon coroner 's court heard .she had attempted to kill herself three months before the tragedy but was unable to receive the treatment recommended to her by doctors .a mother who cradled her three-year-old son while she lay down in front of a train killed them both after finding out her husband had a second family in egypt , an inquest has heard .\"]\n", + "=======================\n", + "['donna and zaki oettinger died on train tracks in south london in 2013inquest heard mother had taken an overdose three months earliershe hoped for home psychiatric help , but was later told not availablea coroner has recorded she unlawfully killed her son and killed herselffor confidential support call the samaritans in the uk on 08457 90 90 90 , visit a local samaritans branch or click here .']\n", + "depressed donna oettinger , 41 , had sought urgent psychiatric help in the months before she and her son zaki died on train tracks in south london in march 2013 , croydon coroner 's court heard .she had attempted to kill herself three months before the tragedy but was unable to receive the treatment recommended to her by doctors .a mother who cradled her three-year-old son while she lay down in front of a train killed them both after finding out her husband had a second family in egypt , an inquest has heard .\n", + "donna and zaki oettinger died on train tracks in south london in 2013inquest heard mother had taken an overdose three months earliershe hoped for home psychiatric help , but was later told not availablea coroner has recorded she unlawfully killed her son and killed herselffor confidential support call the samaritans in the uk on 08457 90 90 90 , visit a local samaritans branch or click here .\n", + "[1.4239576 1.2087625 1.4120694 1.1613216 1.2897594 1.2660993 1.1597484\n", + " 1.0517757 1.0247626 1.0209835 1.1082271 1.0200089 1.0527455 1.0348004\n", + " 1.0459682 1.1557343 1.1496749 1.0464195 1.03144 0. 0. ]\n", + "\n", + "[ 0 2 4 5 1 3 6 15 16 10 12 7 17 14 13 18 8 9 11 19 20]\n", + "=======================\n", + "[\"stephen akers-belcher said he needed time off for compassionate reasons - but was pictured the same day aboard hms warriorfollowing a disciplinary hearing the mayor of hartlepool was dismissed from his care manager role with newcastle city council for gross misconduct .akers-belcher claims he has actually been sacked for whistle blowing after he made a series of allegations involving the authority 's protection of vulnerable adults .\"]\n", + "=======================\n", + "['stephen akers-belcher said he needed time off for compassionate reasonsbut the council leader was pictured the same day aboard hms warriorthe mayor was dismissed for his care manager role for gross misconductakers-belcher claims he has actually been sacked for whistle blowing']\n", + "stephen akers-belcher said he needed time off for compassionate reasons - but was pictured the same day aboard hms warriorfollowing a disciplinary hearing the mayor of hartlepool was dismissed from his care manager role with newcastle city council for gross misconduct .akers-belcher claims he has actually been sacked for whistle blowing after he made a series of allegations involving the authority 's protection of vulnerable adults .\n", + "stephen akers-belcher said he needed time off for compassionate reasonsbut the council leader was pictured the same day aboard hms warriorthe mayor was dismissed for his care manager role for gross misconductakers-belcher claims he has actually been sacked for whistle blowing\n", + "[1.250365 1.5044582 1.2229606 1.2890768 1.2414308 1.1712314 1.0444134\n", + " 1.0503567 1.0187361 1.0181817 1.0162128 1.0669172 1.0430619 1.0538399\n", + " 1.2079664 1.1263051 1.0997115 1.0148934 1.0190564 1.0107315]\n", + "\n", + "[ 1 3 0 4 2 14 5 15 16 11 13 7 6 12 18 8 9 10 17 19]\n", + "=======================\n", + "[\"shaun ingram booked his ford focus st in for a major service and mot at halfords autocentre in plymouth last month , costing # 255 .this is the shocking dashcam footage which shows a halford 's mechanic taking a customer 's car for a joyride at almost double the speed limit when he took it in for an mot .shaun ingram , from saltash in cornwall , who discovered the footage , says it shows it was a pre-planned thing , not spur of the moment\"]\n", + "=======================\n", + "['shaun ingram booked his ford focus st for an mot at halfords , plymouthwent to collect his car and realised his dashcam had been recordingsaw a mechanic take the car for a joyride doing 57mph in a 30mph zonealso discovered the mechanic swearing and boasting about test driving the car']\n", + "shaun ingram booked his ford focus st in for a major service and mot at halfords autocentre in plymouth last month , costing # 255 .this is the shocking dashcam footage which shows a halford 's mechanic taking a customer 's car for a joyride at almost double the speed limit when he took it in for an mot .shaun ingram , from saltash in cornwall , who discovered the footage , says it shows it was a pre-planned thing , not spur of the moment\n", + "shaun ingram booked his ford focus st for an mot at halfords , plymouthwent to collect his car and realised his dashcam had been recordingsaw a mechanic take the car for a joyride doing 57mph in a 30mph zonealso discovered the mechanic swearing and boasting about test driving the car\n", + "[1.3283774 1.3442445 1.2100616 1.2598377 1.0590506 1.2405381 1.1232545\n", + " 1.0868034 1.1023436 1.1203372 1.1406667 1.0576531 1.0553446 1.0326725\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 5 2 10 6 9 8 7 4 11 12 13 18 14 15 16 17 19]\n", + "=======================\n", + "['prisoner syed viqaruddin - who had links to a network of feared terrorist groups - is understood to have asked the police van to stop in a deserted area , claiming he needed a toilet break , while they were en route to a court in hyderabad .five prisoners - including an islamic extremist who allegedly shot dead two police officers - have been killed as they tried to escape from a van taking them to court in southern india .shoot out : the five suspects were killed this morning after allegedly trying to escape police custody']\n", + "=======================\n", + "['the van had stopped after syed viqaruddin asked for a toilet breakonce stopped , another prisoner tried to take a gun off one of the officersa scuffle ensued and the 17 policemen guarding the group opened firethe prisoners - thought to be part of the same terrorist group - all diedleader viqaruddin is alleged to have killed two police officers']\n", + "prisoner syed viqaruddin - who had links to a network of feared terrorist groups - is understood to have asked the police van to stop in a deserted area , claiming he needed a toilet break , while they were en route to a court in hyderabad .five prisoners - including an islamic extremist who allegedly shot dead two police officers - have been killed as they tried to escape from a van taking them to court in southern india .shoot out : the five suspects were killed this morning after allegedly trying to escape police custody\n", + "the van had stopped after syed viqaruddin asked for a toilet breakonce stopped , another prisoner tried to take a gun off one of the officersa scuffle ensued and the 17 policemen guarding the group opened firethe prisoners - thought to be part of the same terrorist group - all diedleader viqaruddin is alleged to have killed two police officers\n", + "[1.0718502 1.0975667 1.3443841 1.4557422 1.3326204 1.1549704 1.0911237\n", + " 1.1336397 1.1258156 1.0934701 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 4 5 7 8 1 9 6 0 10 11 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "['a survey of 600 employers and senior executives has revealed that the biggest cv blunder is spelling or grammar mistakesother high ranking errors are incorrect personal information ( wrong contact names and companies ) , and also if key information such as contact details are missing .the survey also revealed that employers prefer a professional quality to a cv , with nearly half ( 44 per cent ) disliking if the tone seemed too informal or casual .']\n", + "=======================\n", + "['a poll of 600 executives was conducted by yougov for gsm londonthe biggest pet peeve was spelling or grammatical errors on the cvbrevity is valued , with employers disliking waffling resumes']\n", + "a survey of 600 employers and senior executives has revealed that the biggest cv blunder is spelling or grammar mistakesother high ranking errors are incorrect personal information ( wrong contact names and companies ) , and also if key information such as contact details are missing .the survey also revealed that employers prefer a professional quality to a cv , with nearly half ( 44 per cent ) disliking if the tone seemed too informal or casual .\n", + "a poll of 600 executives was conducted by yougov for gsm londonthe biggest pet peeve was spelling or grammatical errors on the cvbrevity is valued , with employers disliking waffling resumes\n", + "[1.4243004 1.2846096 1.2620414 1.2399276 1.0984334 1.1360945 1.0770036\n", + " 1.2174075 1.0502999 1.1196159 1.1188781 1.0086384 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 7 5 9 10 4 6 8 11 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "['( cnn ) a tv series based on the 1999 sci-fi film \" galaxy quest \" is in the works at paramount television .the dreamworks film centered on the cast of a canceled space tv show who are accidentally sent to a spaceship and must save an alien nation .tv land \\'s ` younger \\' renewed for second season']\n", + "=======================\n", + "['\" galaxy quest \" tv series in the worksshow would be based on the cult classic 1999 sci-fi comedy']\n", + "( cnn ) a tv series based on the 1999 sci-fi film \" galaxy quest \" is in the works at paramount television .the dreamworks film centered on the cast of a canceled space tv show who are accidentally sent to a spaceship and must save an alien nation .tv land 's ` younger ' renewed for second season\n", + "\" galaxy quest \" tv series in the worksshow would be based on the cult classic 1999 sci-fi comedy\n", + "[1.5598311 1.4659269 1.4079427 1.4934847 1.0375844 1.0293436 1.0157286\n", + " 1.0237234 1.0132685 1.2900708 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 9 4 5 7 6 8 18 10 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"aljaz bedene has won his first match since becoming a british citizen after the slovenian-born player won in the opening round of qualifying for the casablanca open .bedene , the 25-year-old who has lived in the united kingdom for seven years and is now a citizen , claimed a 6-3 6-2 victory over maxime chazal of france on the clay in morocco .bedene will now face either michael linzer of austria or france 's maxime texeira in the next round .\"]\n", + "=======================\n", + "['aljaz bedene wins first round of qualifying for casablanca openbeats frenchman maxime chazal in straight sets 6-3 6-2 in moroccobedene is now british no 2 behind andy murray after switch']\n", + "aljaz bedene has won his first match since becoming a british citizen after the slovenian-born player won in the opening round of qualifying for the casablanca open .bedene , the 25-year-old who has lived in the united kingdom for seven years and is now a citizen , claimed a 6-3 6-2 victory over maxime chazal of france on the clay in morocco .bedene will now face either michael linzer of austria or france 's maxime texeira in the next round .\n", + "aljaz bedene wins first round of qualifying for casablanca openbeats frenchman maxime chazal in straight sets 6-3 6-2 in moroccobedene is now british no 2 behind andy murray after switch\n", + "[1.161906 1.0845562 1.23629 1.3191353 1.2451509 1.1169837 1.0925375\n", + " 1.2536728 1.083531 1.089004 1.1885273 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 7 4 2 10 0 5 6 9 1 8 17 11 12 13 14 15 16 18]\n", + "=======================\n", + "['now , mega-fans of the hit show can experience \" adventure time \" in the skies .the adventure time plane is the result of a partnership between thai airways subsidiary thai smile and cartoon network amazone , a new water park near the thai resort city of pattaya featuring attractions based on shows that appear on the turner broadcasting system channel .thai smile , a subsidiary of thailand flag carrier thai airways , on thursday unveiled colorful new livery featuring jake , finn and the beloved princess bubblegum sprawled across an airbus a320 at bangkok \\'s suvarnabhumi international airport .']\n", + "=======================\n", + "['thai airways subsidiary thai smile features cartoon network paint job on a320 jetoverhead bins , head rests and air sick bags feature characters from cartoon network']\n", + "now , mega-fans of the hit show can experience \" adventure time \" in the skies .the adventure time plane is the result of a partnership between thai airways subsidiary thai smile and cartoon network amazone , a new water park near the thai resort city of pattaya featuring attractions based on shows that appear on the turner broadcasting system channel .thai smile , a subsidiary of thailand flag carrier thai airways , on thursday unveiled colorful new livery featuring jake , finn and the beloved princess bubblegum sprawled across an airbus a320 at bangkok 's suvarnabhumi international airport .\n", + "thai airways subsidiary thai smile features cartoon network paint job on a320 jetoverhead bins , head rests and air sick bags feature characters from cartoon network\n", + "[1.2891033 1.2831156 1.3228539 1.2014353 1.2940726 1.1163149 1.1603003\n", + " 1.0731293 1.0970496 1.0190814 1.0209407 1.0573326 1.1032624 1.0582968\n", + " 1.0882823 1.0290462 1.0104202 0. 0. ]\n", + "\n", + "[ 2 4 0 1 3 6 5 12 8 14 7 13 11 15 10 9 16 17 18]\n", + "=======================\n", + "[\"investigators found that a number of flavors were labeled ` healthy ' - brimming with fiber , protein and antioxidants , while being low in fat and sodium .the fda has ruled that kind bars are not as kind on the body as they purport to bethey 're the fastest-growing nutrition bar in the u.s. with sales topping $ 100 million .\"]\n", + "=======================\n", + "[\"fda investigators found that a number of flavors were labeled ` healthy ' - brimming with fiber and antioxidants , while being low in fat and sodiumhowever , upon closer inspection it was found that ` none of the products met the requirements to make such content claims 'daily mail online calculated that one kind bar flavor - not included in the fda investigation - contains more calories and fat than a snickers barnew york university nutritionist , marion nestle , likened kind bars to candy\"]\n", + "investigators found that a number of flavors were labeled ` healthy ' - brimming with fiber , protein and antioxidants , while being low in fat and sodium .the fda has ruled that kind bars are not as kind on the body as they purport to bethey 're the fastest-growing nutrition bar in the u.s. with sales topping $ 100 million .\n", + "fda investigators found that a number of flavors were labeled ` healthy ' - brimming with fiber and antioxidants , while being low in fat and sodiumhowever , upon closer inspection it was found that ` none of the products met the requirements to make such content claims 'daily mail online calculated that one kind bar flavor - not included in the fda investigation - contains more calories and fat than a snickers barnew york university nutritionist , marion nestle , likened kind bars to candy\n", + "[1.3334547 1.3950546 1.2233796 1.2581644 1.1844547 1.1549702 1.1669792\n", + " 1.0912935 1.0977609 1.0316609 1.0289514 1.0469701 1.0136517 1.0885252\n", + " 1.0335361 1.0181535 1.0139945 1.0911325 1.0258267]\n", + "\n", + "[ 1 0 3 2 4 6 5 8 7 17 13 11 14 9 10 18 15 16 12]\n", + "=======================\n", + "[\"the actor believes the controversial church is targeted ` because it 's not understood ' .john travolta claims scientology has helped him ` save lives ' , including his own .his words came in an interview with good morning america to promote his new thriller the forger about the world 's most infamous art plagiarist .\"]\n", + "=======================\n", + "[\"the actor , 61 , appeared on good morning america to promote the forgerwas asked about controversial scientology documentary going clearfilm alleges church elders hold a ` blackmail file ' to keep travolta with themtravolta insists he has ` loved every minute ' , it is ` misunderstood ' and it has helped him get through hard times over 40 yearstells his critics to ` read a book ' and not to ` speculate '\"]\n", + "the actor believes the controversial church is targeted ` because it 's not understood ' .john travolta claims scientology has helped him ` save lives ' , including his own .his words came in an interview with good morning america to promote his new thriller the forger about the world 's most infamous art plagiarist .\n", + "the actor , 61 , appeared on good morning america to promote the forgerwas asked about controversial scientology documentary going clearfilm alleges church elders hold a ` blackmail file ' to keep travolta with themtravolta insists he has ` loved every minute ' , it is ` misunderstood ' and it has helped him get through hard times over 40 yearstells his critics to ` read a book ' and not to ` speculate '\n", + "[1.5493274 1.1903731 1.2554517 1.2372564 1.337648 1.121039 1.0626397\n", + " 1.0862967 1.1832538 1.1755137 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 2 3 1 8 9 5 7 6 17 10 11 12 13 14 15 16 18]\n", + "=======================\n", + "[\"bayer leverkusen has released emir spahic from his contract with immediate effect following his fight with security personnel after the german cup defeat to bayern munich .emir spahic ( centre ) has been released by bayer leverkusen after being involved in a brawlspahic was filmed fighting the club 's security personnel , reportedly after they refused to allow his friends entry inside the locker room area .\"]\n", + "=======================\n", + "['emir spahic sacked with immediate effect by bayer leverkusenthe defender was seen brawling with security officials last weekendspahic has accepted responsibility and leaves the german side']\n", + "bayer leverkusen has released emir spahic from his contract with immediate effect following his fight with security personnel after the german cup defeat to bayern munich .emir spahic ( centre ) has been released by bayer leverkusen after being involved in a brawlspahic was filmed fighting the club 's security personnel , reportedly after they refused to allow his friends entry inside the locker room area .\n", + "emir spahic sacked with immediate effect by bayer leverkusenthe defender was seen brawling with security officials last weekendspahic has accepted responsibility and leaves the german side\n", + "[1.3074485 1.3920469 1.2390828 1.3865564 1.244305 1.2232325 1.1335638\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 5 6 16 15 14 13 12 9 10 17 8 7 11 18]\n", + "=======================\n", + "[\"the 19-year-old has been earning rave reviews in germany 's second division playing for 1860 munich and has a buy-out clause of # 2.5 million .1860 munich midfielder julian weigl is attracting interest from several european clubs - including tottenhamjuventus and borussia dortmund are also said to be keen on concluding a deal for the german starlet\"]\n", + "=======================\n", + "['several top sides are keen on signing german teenager julian weigltottenham have stepped up their interest in the 1860 munich midfielderhowever spurs face stiff competition from juventus and dortmund']\n", + "the 19-year-old has been earning rave reviews in germany 's second division playing for 1860 munich and has a buy-out clause of # 2.5 million .1860 munich midfielder julian weigl is attracting interest from several european clubs - including tottenhamjuventus and borussia dortmund are also said to be keen on concluding a deal for the german starlet\n", + "several top sides are keen on signing german teenager julian weigltottenham have stepped up their interest in the 1860 munich midfielderhowever spurs face stiff competition from juventus and dortmund\n", + "[1.0621105 1.2998668 1.2402062 1.295474 1.1192547 1.0873997 1.0488896\n", + " 1.0663067 1.0341893 1.029349 1.0884304 1.0371491 1.1105212 1.1384804\n", + " 1.0565528 1.0181364 1.0386147 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 13 4 12 10 5 7 0 14 6 16 11 8 9 15 24 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"the nbc sketch show parodied the daytime cnn newsroom , which turned into a series of let-downs when it emerged there was no footage for the stories they were covering .cutting edge : snl writers joked that cnn 's animations look like they belong in 1985 .but the ingenious producers for the skit managed to cover up with abysmal animations to illustrate the germanwings crash , u.s.-iran diplomacy , and domestic politics .\"]\n", + "=======================\n", + "[\"sketch mocked network 's coverage of air disaster and other major storiesbrooke baldwin stand-in admitted network had no actual footage of newsinstead played awful 80s cgi recreation of inside of doomed passenger jetillustrated iran nuclear talks with puppets , and danced out controversial indiana religious freedom law with don lemon chiming inaudience - including a cnn producer - tweeted their amusement\"]\n", + "the nbc sketch show parodied the daytime cnn newsroom , which turned into a series of let-downs when it emerged there was no footage for the stories they were covering .cutting edge : snl writers joked that cnn 's animations look like they belong in 1985 .but the ingenious producers for the skit managed to cover up with abysmal animations to illustrate the germanwings crash , u.s.-iran diplomacy , and domestic politics .\n", + "sketch mocked network 's coverage of air disaster and other major storiesbrooke baldwin stand-in admitted network had no actual footage of newsinstead played awful 80s cgi recreation of inside of doomed passenger jetillustrated iran nuclear talks with puppets , and danced out controversial indiana religious freedom law with don lemon chiming inaudience - including a cnn producer - tweeted their amusement\n", + "[1.1393292 1.1701577 1.2123699 1.1465462 1.0774708 1.1110082 1.1486979\n", + " 1.0798053 1.0660391 1.0728457 1.0974839 1.0919914 1.0988358 1.0574396\n", + " 1.1088784 1.0692396 1.0359387 1.0158474 1.022931 1.0173943 1.0423667\n", + " 1.0345011 1.0421119 1.0175052 1.0157404 1.0276152]\n", + "\n", + "[ 2 1 6 3 0 5 14 12 10 11 7 4 9 15 8 13 20 22 16 21 25 18 23 19\n", + " 17 24]\n", + "=======================\n", + "['these are the best videos of the week .and giving some lip -- like kylie jenner .the video is at the top of this story .']\n", + "=======================\n", + "[\"how does isis govern ?robert downey jr. is n't the only celebrity to walk out of an interview\"]\n", + "these are the best videos of the week .and giving some lip -- like kylie jenner .the video is at the top of this story .\n", + "how does isis govern ?robert downey jr. is n't the only celebrity to walk out of an interview\n", + "[1.1922278 1.0787482 1.166722 1.3668088 1.1170434 1.2449107 1.150404\n", + " 1.0584078 1.0725689 1.0382792 1.1026847 1.05248 1.0157297 1.0947264\n", + " 1.027196 1.0339525 1.0253851 1.0642421 1.04501 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 5 0 2 6 4 10 13 1 8 17 7 11 18 9 15 14 16 12 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"she 's bagged herself a modelling contract with mulberry , starred in a west end stage play and is now destined to act alongside dame judi dench .cressida dated prince harry for two years , after being introduced to him in 2012 by princess eugenie .since parting ways with prince harry and the royal family last year , it appears that actress cressida bonas has done anything but sit around and mope .\"]\n", + "=======================\n", + "[\"after splitting with prince harry last spring , cressida is happier than everwill star alongside judi dench and cara delevingne in upcoming filmclaims rumors she was engaged to marry the prince were just ` noise '\"]\n", + "she 's bagged herself a modelling contract with mulberry , starred in a west end stage play and is now destined to act alongside dame judi dench .cressida dated prince harry for two years , after being introduced to him in 2012 by princess eugenie .since parting ways with prince harry and the royal family last year , it appears that actress cressida bonas has done anything but sit around and mope .\n", + "after splitting with prince harry last spring , cressida is happier than everwill star alongside judi dench and cara delevingne in upcoming filmclaims rumors she was engaged to marry the prince were just ` noise '\n", + "[1.2713212 1.3355131 1.3357068 1.0763315 1.1490647 1.103031 1.1077424\n", + " 1.0587771 1.1698158 1.046018 1.0642351 1.038577 1.0773656 1.0413227\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 8 4 6 5 12 3 10 7 9 13 11 23 22 21 20 19 16 17 15 14 24\n", + " 18 25]\n", + "=======================\n", + "[\"60 minutes reporter tara brown interviewed the two eldest girls , emily and claire , who she described as elegant , gracious , reserved and studious , at their home near florence and they expressed their regret for the way they handled the dramatic exit .despite being embroiled in the very public and traumatic feud where the vinceni girls were dragged kicking and screaming from their mother 's home in the middle of the night to go back to live with their father in 2012 , the girls have established healthy and happy lives in italy and speak to their mum every night .the four sisters at the centre of australia 's largest abduction case have come through the ordeal as happy and well-adjusted children .\"]\n", + "=======================\n", + "['four sisters were at the centre of an international custody disputevinceni girls were sent back to live with their father in italy in 2012they were dragged kicking and screaming from their sunshine coast homedistressing scenes were shown on tv causing great hysteria and concern60 minutes exclusively interviewed the girls at their home near florencethe two eldest , emily and claire , speak of their regret of dramatic exittheir mother has not visited them in italy but speaks to them everyday60 minutes will screen nationally on channel 9 at 8.30 pm sunday , april 12']\n", + "60 minutes reporter tara brown interviewed the two eldest girls , emily and claire , who she described as elegant , gracious , reserved and studious , at their home near florence and they expressed their regret for the way they handled the dramatic exit .despite being embroiled in the very public and traumatic feud where the vinceni girls were dragged kicking and screaming from their mother 's home in the middle of the night to go back to live with their father in 2012 , the girls have established healthy and happy lives in italy and speak to their mum every night .the four sisters at the centre of australia 's largest abduction case have come through the ordeal as happy and well-adjusted children .\n", + "four sisters were at the centre of an international custody disputevinceni girls were sent back to live with their father in italy in 2012they were dragged kicking and screaming from their sunshine coast homedistressing scenes were shown on tv causing great hysteria and concern60 minutes exclusively interviewed the girls at their home near florencethe two eldest , emily and claire , speak of their regret of dramatic exittheir mother has not visited them in italy but speaks to them everyday60 minutes will screen nationally on channel 9 at 8.30 pm sunday , april 12\n", + "[1.3659343 1.2026563 1.3780842 1.2697912 1.1604781 1.16211 1.1721978\n", + " 1.0781766 1.054943 1.1113352 1.0784454 1.090873 1.0391288 1.0264218\n", + " 1.0206728 1.0180144 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 1 6 5 4 9 11 10 7 8 12 13 14 15 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"the pair from dewsbury , west yorkshire , have not been in contact with their families for several days and can not be reached on their mobile phones .one of two teenagers feared to have crossed into syria to join isis is believed to be a relative of hammaad munshi ( pictured ) , who became britain 's youngest convicted terrorist when he was found guilty of terror offences at the age of 18 in 2008he was locked up for two years under the terrorism act in 2008 .\"]\n", + "=======================\n", + "[\"two 17-year-olds have not been in contact with families for several days` told relatives they were going on a school trip during easter holidays 'one is ` relative of hammaad munshi , who joined islamic cell aged just 15 '\"]\n", + "the pair from dewsbury , west yorkshire , have not been in contact with their families for several days and can not be reached on their mobile phones .one of two teenagers feared to have crossed into syria to join isis is believed to be a relative of hammaad munshi ( pictured ) , who became britain 's youngest convicted terrorist when he was found guilty of terror offences at the age of 18 in 2008he was locked up for two years under the terrorism act in 2008 .\n", + "two 17-year-olds have not been in contact with families for several days` told relatives they were going on a school trip during easter holidays 'one is ` relative of hammaad munshi , who joined islamic cell aged just 15 '\n", + "[1.2544565 1.4672956 1.1691142 1.292084 1.1866719 1.1684767 1.1269239\n", + " 1.0658435 1.0582722 1.0855373 1.0527642 1.0527165 1.0540869 1.0227646\n", + " 1.1451063 1.0313268 1.0294919 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 5 14 6 9 7 8 12 10 11 15 16 13 18 17 19]\n", + "=======================\n", + "['neil bantleman , who also holds british nationality , was afforded one final kiss from his wife before being led away by police after the verdict was handed down .last embrace : canadian teacher neil bantleman kisses his wife tracy before being sentenced to ten years in prison for sexually abusing three young children at a prestigious international school in indonesia todaythe sentence sparked outrage from his supporters , including the school itself and the international community , who insist he is innocent and expressed concern over the rule of law in indonesia .']\n", + "=======================\n", + "[\"neil bantleman , also a british national , found guilty of abusing three boyssentence sparked outrage among supporters including the school itselfbritish embassy said there were ` concerns about irregularities in the case 'after verdict , bantleman vowed to ` continue to fight until truth comes out '\"]\n", + "neil bantleman , who also holds british nationality , was afforded one final kiss from his wife before being led away by police after the verdict was handed down .last embrace : canadian teacher neil bantleman kisses his wife tracy before being sentenced to ten years in prison for sexually abusing three young children at a prestigious international school in indonesia todaythe sentence sparked outrage from his supporters , including the school itself and the international community , who insist he is innocent and expressed concern over the rule of law in indonesia .\n", + "neil bantleman , also a british national , found guilty of abusing three boyssentence sparked outrage among supporters including the school itselfbritish embassy said there were ` concerns about irregularities in the case 'after verdict , bantleman vowed to ` continue to fight until truth comes out '\n", + "[1.8803484 1.102025 1.1780332 1.0887984 1.0564649 1.1183014 1.0133288\n", + " 1.0219343 1.1533823 1.0326841 1.0460604 1.009084 1.0097982 1.0071898\n", + " 1.049231 1.0828929 1.1016043 1.117077 0. 0. ]\n", + "\n", + "[ 0 2 8 5 17 1 16 3 15 4 14 10 9 7 6 12 11 13 18 19]\n", + "=======================\n", + "[\"( cnn ) novak djokovic extended his current winning streak to 17 matches after beating thomas berdych 7-5 , 4-6 , 6-3 in the rain-interrupted final of the monte carlo masters .djokovic edged a tight first set before losing the second after the czech sixth seed took advantage of the short rain delay and came back strongly .despite running djokovic close it was berdych 's third loss in a final this year .\"]\n", + "=======================\n", + "['djokovic wins monte carlo mastersdefeats berdych 7-5 , 4-6 , 6-3djokovic had earlier beaten clay expert nadal in semis']\n", + "( cnn ) novak djokovic extended his current winning streak to 17 matches after beating thomas berdych 7-5 , 4-6 , 6-3 in the rain-interrupted final of the monte carlo masters .djokovic edged a tight first set before losing the second after the czech sixth seed took advantage of the short rain delay and came back strongly .despite running djokovic close it was berdych 's third loss in a final this year .\n", + "djokovic wins monte carlo mastersdefeats berdych 7-5 , 4-6 , 6-3djokovic had earlier beaten clay expert nadal in semis\n", + "[1.2130275 1.3763437 1.1211216 1.3000011 1.0916975 1.0564443 1.0686136\n", + " 1.1810011 1.1913565 1.0295422 1.0586368 1.0822078 1.0965558 1.0182188\n", + " 1.0451193 1.0825087 1.0785911 1.0276091 1.0542142 0. ]\n", + "\n", + "[ 1 3 0 8 7 2 12 4 15 11 16 6 10 5 18 14 9 17 13 19]\n", + "=======================\n", + "[\"but shoppers at london 's westfield stratford city shopping centre looked more than a little surprised to discover a chocolate sculpture of benedict cumberbatch in their midst .it 's the ultimate treat for benedict cumberbatch fans and stands an imposing 6ft tall - just like the man himself .it took a crew of eight people to complete the sculpture , which took over 250 man hours to create and weighs 40kg\"]\n", + "=======================\n", + "[\"a 6ft chocolate sculpture of benedict cumberbatch has been unveiledtoothsome statue has been placed inside a london shopping centrebut shoppers reactions to the creations were decidedly unenthusiasticone woman glared at it while others just looked thoroughly baffledit did manage to win the approval of pair of police sniffer dogsit weighs 40kg and took eight people 250 man hours to createother celebrities to get culinary tributes include jennifer lawrenceher 6ft cake won an award - and the 24-year-old 's approvalactor kevin bacon has also been immortalised - in bacon\"]\n", + "but shoppers at london 's westfield stratford city shopping centre looked more than a little surprised to discover a chocolate sculpture of benedict cumberbatch in their midst .it 's the ultimate treat for benedict cumberbatch fans and stands an imposing 6ft tall - just like the man himself .it took a crew of eight people to complete the sculpture , which took over 250 man hours to create and weighs 40kg\n", + "a 6ft chocolate sculpture of benedict cumberbatch has been unveiledtoothsome statue has been placed inside a london shopping centrebut shoppers reactions to the creations were decidedly unenthusiasticone woman glared at it while others just looked thoroughly baffledit did manage to win the approval of pair of police sniffer dogsit weighs 40kg and took eight people 250 man hours to createother celebrities to get culinary tributes include jennifer lawrenceher 6ft cake won an award - and the 24-year-old 's approvalactor kevin bacon has also been immortalised - in bacon\n", + "[1.0882767 1.3466232 1.232785 1.3339224 1.272875 1.1440319 1.2607112\n", + " 1.0350599 1.0276601 1.0699775 1.0698811 1.0158046 1.0157403 1.0232133\n", + " 1.018963 1.0765806 1.0823056 1.0490665 1.1269103 1.0553011]\n", + "\n", + "[ 1 3 4 6 2 5 18 0 16 15 9 10 19 17 7 8 13 14 11 12]\n", + "=======================\n", + "['the 17-year-old albertville , alabama high school junior was proud to be escorted by her grandfather to the annual end-of-year dance this weekend .drain dropped out of school after the eighth grade and then enlisted in the navy in 1951 at age 17 - just in time to be shipped off to serve in the korea war .not your typical prom date : joy webb ( left ) took her 80-year-old grandfather james drain as her date to prom this past saturday night']\n", + "=======================\n", + "['albertville , alabama high school junior joy webb , 17 , took her grandfather james drain , 80 , as her date to prom last saturdaythe teen says she asked her grandfather to be her date because he never got to attend his own promdrain was 17 when he enlisted in the navy to serve in the korean war , so missed his own high school dance']\n", + "the 17-year-old albertville , alabama high school junior was proud to be escorted by her grandfather to the annual end-of-year dance this weekend .drain dropped out of school after the eighth grade and then enlisted in the navy in 1951 at age 17 - just in time to be shipped off to serve in the korea war .not your typical prom date : joy webb ( left ) took her 80-year-old grandfather james drain as her date to prom this past saturday night\n", + "albertville , alabama high school junior joy webb , 17 , took her grandfather james drain , 80 , as her date to prom last saturdaythe teen says she asked her grandfather to be her date because he never got to attend his own promdrain was 17 when he enlisted in the navy to serve in the korean war , so missed his own high school dance\n", + "[1.3191874 1.2154349 1.1799506 1.1614562 1.1642437 1.4140365 1.1265551\n", + " 1.0658153 1.0668266 1.0168048 1.0985625 1.0449959 1.0308493 1.0143541\n", + " 1.06515 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 5 0 1 2 4 3 6 10 8 7 14 11 12 9 13 18 15 16 17 19]\n", + "=======================\n", + "['jordan spieth sinks his birdie put on the 18th at augusta to take a three-shot lead into the second roundmark one up for the future of golf over its past and present as 21-year-old jordan spieth took the first-day honours with a stunning opening round of 64 on a spectacular day of scoring at the sun-baked 79th masters .for much of the day it looked as if he might have to share top billing with 34-year-old justin rose and 45-year-old ernie els , as the englishman and the south african posted scores of 67 to tie charley hoffman , an american representative of the rank and file .']\n", + "=======================\n", + "['jordan spieth carded a 64 to claim the lead on -8 after the first roundjason day , ernie els , justin rose and charley hoffman three shots behindrory mcilroy kept alive his hopes of claiming career grand slam with 71injury-hit tiger woods recorded a 73 in just his third start of the year']\n", + "jordan spieth sinks his birdie put on the 18th at augusta to take a three-shot lead into the second roundmark one up for the future of golf over its past and present as 21-year-old jordan spieth took the first-day honours with a stunning opening round of 64 on a spectacular day of scoring at the sun-baked 79th masters .for much of the day it looked as if he might have to share top billing with 34-year-old justin rose and 45-year-old ernie els , as the englishman and the south african posted scores of 67 to tie charley hoffman , an american representative of the rank and file .\n", + "jordan spieth carded a 64 to claim the lead on -8 after the first roundjason day , ernie els , justin rose and charley hoffman three shots behindrory mcilroy kept alive his hopes of claiming career grand slam with 71injury-hit tiger woods recorded a 73 in just his third start of the year\n", + "[1.2096167 1.4956627 1.2862118 1.150359 1.112587 1.0408581 1.3221841\n", + " 1.1201291 1.1570293 1.0719721 1.0374454 1.0355734 1.0326478 1.0575483\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 6 2 0 8 3 7 4 9 13 5 10 11 12 22 14 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"eastern sydney 's waverley mayor sally betts wrote a reference for luke lazarus ` out of loyalty to the family ' after he raped an 18-year-old woman in an alleyway outside his father 's soho nightclub , in sydney .now the controversial councillor is developing ' a new risky behaviour education program to try and help young women understand and better deal with being in vulnerable situations ' .a liberal mayor who wrote a glowing reference for a convicted rapist asking for him to be spared jail is developing a program to teach young women about ` risky behaviour ' .\"]\n", + "=======================\n", + "[\"luke lazarus was convicted of raping an 18-year-old at soho nightclubthe 23-year-old sydney man was sentenced to a minimum of three yearswaverley mayor sally betts wrote a reference for himshe asked for him not to receive a custodial sentencesays she is trying to ` close loophole ' of ` risky behaviour ' in young women\"]\n", + "eastern sydney 's waverley mayor sally betts wrote a reference for luke lazarus ` out of loyalty to the family ' after he raped an 18-year-old woman in an alleyway outside his father 's soho nightclub , in sydney .now the controversial councillor is developing ' a new risky behaviour education program to try and help young women understand and better deal with being in vulnerable situations ' .a liberal mayor who wrote a glowing reference for a convicted rapist asking for him to be spared jail is developing a program to teach young women about ` risky behaviour ' .\n", + "luke lazarus was convicted of raping an 18-year-old at soho nightclubthe 23-year-old sydney man was sentenced to a minimum of three yearswaverley mayor sally betts wrote a reference for himshe asked for him not to receive a custodial sentencesays she is trying to ` close loophole ' of ` risky behaviour ' in young women\n", + "[1.5113996 1.20906 1.4875598 1.345113 1.1393155 1.036224 1.0402248\n", + " 1.0193657 1.0178217 1.0202887 1.0296066 1.02498 1.0241253 1.0592108\n", + " 1.082916 1.047907 1.0485024 1.0762258 1.0565886 1.0877262 1.0658872\n", + " 1.0432328 1.0193475 0. ]\n", + "\n", + "[ 0 2 3 1 4 19 14 17 20 13 18 16 15 21 6 5 10 11 12 9 7 22 8 23]\n", + "=======================\n", + "[\"jason cotterill sent revenge porn to his jilted lover 's daughter and threatened to post a sex video on the mother 's facebook pagethe terrified woman said her life became a living ` hell ' when cotterill , who was jailed last week , sent an explicit photo of her to her own daughter .` it got so bad i considered suicide , ' the mother said .\"]\n", + "=======================\n", + "[\"jason cotterill bombarded his victim with abuse and threatening messageshe sent an explicit picture of the terrified woman to her own daughtermother says her life became a living ` hell ' as he plagued her with abusecotterill was jailed for 12 weeks and ordered to not contact woman again\"]\n", + "jason cotterill sent revenge porn to his jilted lover 's daughter and threatened to post a sex video on the mother 's facebook pagethe terrified woman said her life became a living ` hell ' when cotterill , who was jailed last week , sent an explicit photo of her to her own daughter .` it got so bad i considered suicide , ' the mother said .\n", + "jason cotterill bombarded his victim with abuse and threatening messageshe sent an explicit picture of the terrified woman to her own daughtermother says her life became a living ` hell ' as he plagued her with abusecotterill was jailed for 12 weeks and ordered to not contact woman again\n", + "[1.4874402 1.3298842 1.255606 1.2078465 1.0830026 1.1010162 1.1120048\n", + " 1.0530804 1.2233788 1.0940578 1.0360931 1.0265751 1.016005 1.020091\n", + " 1.0159864 1.0141472 1.1503487 1.0778675 1.1871974 1.0575633 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 8 3 18 16 6 5 9 4 17 19 7 10 11 13 12 14 15 22 20 21 23]\n", + "=======================\n", + "[\"former manchester united midfielder eric cantona has refuted claims he starred in a soft porn film , insisting you and the night is a ` piece of art ' .the french film has a number of racy scenes , and at one point sees cantona on his hands and knees in just his underwear .but the 48-year-old is adamant it is not pornography .\"]\n", + "=======================\n", + "[\"eric cantona stars in a french film called ` you and the night 'the film includes a scene with cantona on all fours in just his pantsthe former manchester united midfielder says it is not a porn filmcantona says of the film : ` it 's a piece of art ... it 's beautiful 'read : cantona whipped in film based around an orgycantona : man utd will be in title race next season under louis van gaal\"]\n", + "former manchester united midfielder eric cantona has refuted claims he starred in a soft porn film , insisting you and the night is a ` piece of art ' .the french film has a number of racy scenes , and at one point sees cantona on his hands and knees in just his underwear .but the 48-year-old is adamant it is not pornography .\n", + "eric cantona stars in a french film called ` you and the night 'the film includes a scene with cantona on all fours in just his pantsthe former manchester united midfielder says it is not a porn filmcantona says of the film : ` it 's a piece of art ... it 's beautiful 'read : cantona whipped in film based around an orgycantona : man utd will be in title race next season under louis van gaal\n", + "[1.3537275 1.2320282 1.2659346 1.2290947 1.2601461 1.1187398 1.0381023\n", + " 1.0343407 1.0313324 1.0685284 1.0680815 1.0271823 1.0216827 1.0185133\n", + " 1.0238204 1.0178639 1.0400614 1.0496514 1.0610485 1.0223831 1.0665781\n", + " 1.0439696 1.0347606 1.0200403]\n", + "\n", + "[ 0 2 4 1 3 5 9 10 20 18 17 21 16 6 22 7 8 11 14 19 12 23 13 15]\n", + "=======================\n", + "[\"kell brook could have had the blockbuster fight he craves against amir khan instead of treading water against frankie gavin , if only his promoter had minded his words .so says khan 's father shah as his son gets ready to finally confirm the over-criticised chris algieri as his opponent in new york on the same night when brook will be defending his world welterweight title against gavin at london 's o2 arena on may 20amir khan celebrates his victory over devon alexander at the mgm grand in las vegas last year\"]\n", + "=======================\n", + "[\"kell brook was keen to fight amir khan at wembley stadium this summerbut instead brook will take on frankie gavin at the o2 arena on may 20amir khan 's dad shah says brook could have had the fight he wantedbut khan snr claims that promoter eddie hearn has been ` disrespectful 'andre ward sees paul smith as an ideal opponent before a carl froch fight\"]\n", + "kell brook could have had the blockbuster fight he craves against amir khan instead of treading water against frankie gavin , if only his promoter had minded his words .so says khan 's father shah as his son gets ready to finally confirm the over-criticised chris algieri as his opponent in new york on the same night when brook will be defending his world welterweight title against gavin at london 's o2 arena on may 20amir khan celebrates his victory over devon alexander at the mgm grand in las vegas last year\n", + "kell brook was keen to fight amir khan at wembley stadium this summerbut instead brook will take on frankie gavin at the o2 arena on may 20amir khan 's dad shah says brook could have had the fight he wantedbut khan snr claims that promoter eddie hearn has been ` disrespectful 'andre ward sees paul smith as an ideal opponent before a carl froch fight\n", + "[1.1277975 1.2634494 1.2142639 1.2905804 1.3155099 1.2349224 1.0882884\n", + " 1.1310784 1.1501918 1.062279 1.0843573 1.0346152 1.070935 1.0552902\n", + " 1.0323071 1.0370275 1.0334282 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 4 3 1 5 2 8 7 0 6 10 12 9 13 15 11 16 14 22 17 18 19 20 21 23]\n", + "=======================\n", + "[\"get-up : david cameron stepped off the sleeper train at penzance this morning wearing jeans , smart shoes and a navy jacketbut mr cameron is still trailing ed miliband 's labour party nationally , with just 14 days to go until polling day .journey : the prime minister travelled for eight hours from paddington station to reach cornwall\"]\n", + "=======================\n", + "['the prime minister travelled from london to penzance on the sleeper trainhe looked stressed and exhausted as he got off the train this morningcameron was sporting jeans with smart black shoes and a navy jackettories are keen to drive the lib dems out of the south-west at the electionlabour are still ahead in the polls nationally , with 34 % set to back the partytories are 1 % behind , on 33 % , with the lib dems on 7 % and ukip on 14 %']\n", + "get-up : david cameron stepped off the sleeper train at penzance this morning wearing jeans , smart shoes and a navy jacketbut mr cameron is still trailing ed miliband 's labour party nationally , with just 14 days to go until polling day .journey : the prime minister travelled for eight hours from paddington station to reach cornwall\n", + "the prime minister travelled from london to penzance on the sleeper trainhe looked stressed and exhausted as he got off the train this morningcameron was sporting jeans with smart black shoes and a navy jackettories are keen to drive the lib dems out of the south-west at the electionlabour are still ahead in the polls nationally , with 34 % set to back the partytories are 1 % behind , on 33 % , with the lib dems on 7 % and ukip on 14 %\n", + "[1.1912647 1.1443942 1.1695571 1.1082046 1.2236011 1.050825 1.0978737\n", + " 1.103951 1.0806894 1.0818145 1.0334516 1.0533805 1.0852724 1.0722804\n", + " 1.0917544 0. 0. ]\n", + "\n", + "[ 4 0 2 1 3 7 6 14 12 9 8 13 11 5 10 15 16]\n", + "=======================\n", + "['cnn \\'s jeff zeleny says o\\'malley enjoys using youtube videos as a quick way to spread his opinion -- and question moves by clinton , like her reversal on the question of whether she supports allowing undocumented workers to obtain driver \\'s licenses .washington ( cnn ) early clinton campaign calculations , the favored way for one of her opponents to channel his concerns , a gop ticket for the generations , and republican calendar concerns filled our sunday trip around the \" inside politics \" table .slowly but clearly , former maryland gov. martin o\\'malley is intensifying his criticism of overwhelming democratic presidential front-runner hillary clinton .']\n", + "=======================\n", + "[\"o'malley using youtube to test out attack lineshow clinton 's new hire could help keep the obama coalition togetherrepublican concerns about the new 2016 primary calendar\"]\n", + "cnn 's jeff zeleny says o'malley enjoys using youtube videos as a quick way to spread his opinion -- and question moves by clinton , like her reversal on the question of whether she supports allowing undocumented workers to obtain driver 's licenses .washington ( cnn ) early clinton campaign calculations , the favored way for one of her opponents to channel his concerns , a gop ticket for the generations , and republican calendar concerns filled our sunday trip around the \" inside politics \" table .slowly but clearly , former maryland gov. martin o'malley is intensifying his criticism of overwhelming democratic presidential front-runner hillary clinton .\n", + "o'malley using youtube to test out attack lineshow clinton 's new hire could help keep the obama coalition togetherrepublican concerns about the new 2016 primary calendar\n", + "[1.6353288 1.3869779 1.1971467 1.1892573 1.1405611 1.0349766 1.0182842\n", + " 1.0652615 1.0265986 1.1403341 1.0482814 1.0645719 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 9 7 11 10 5 8 6 12 13 14 15 16]\n", + "=======================\n", + "[\"thailand 's kiradech aphibarnrat produced a brilliant finish to claim his second european tour title and break chinese hearts in the inaugural shenzhen international on sunday .teenager li hao-tong looked to have done enough to secure a hugely popular victory on home soil , the 19-year-old emerging from a crowded leaderboard to card a closing 67 to finish 12 under par .that left overnight leader aphibarnrat two shots behind with two holes to play , only for the 25-year-old to hole from 18 feet for an eagle on the 17th and then miss from 12 feet for what would have been a winning birdie on the last .\"]\n", + "=======================\n", + "['chinese teenager li hao-tong emerged to take the lead on 12 under parovernight leader kiradech aphibarnrat two shots behind with two to playaphibarnrat forced a play-off to take his second european tout title']\n", + "thailand 's kiradech aphibarnrat produced a brilliant finish to claim his second european tour title and break chinese hearts in the inaugural shenzhen international on sunday .teenager li hao-tong looked to have done enough to secure a hugely popular victory on home soil , the 19-year-old emerging from a crowded leaderboard to card a closing 67 to finish 12 under par .that left overnight leader aphibarnrat two shots behind with two holes to play , only for the 25-year-old to hole from 18 feet for an eagle on the 17th and then miss from 12 feet for what would have been a winning birdie on the last .\n", + "chinese teenager li hao-tong emerged to take the lead on 12 under parovernight leader kiradech aphibarnrat two shots behind with two to playaphibarnrat forced a play-off to take his second european tout title\n", + "[1.440006 1.1937361 1.1786764 1.4193364 1.0817704 1.1523892 1.0348716\n", + " 1.0326188 1.0378203 1.0358875 1.1228914 1.1565336 1.1015176 1.0922184\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 11 5 10 12 13 4 8 9 6 7 15 14 16]\n", + "=======================\n", + "[\"louis van gaal has a reputation as a no-nonsense disciplinarian but the manchester united manager punctured that image by revealing just how pleased he was with ander herrera 's first goal against aston villa .the dutchman explained he had been imploring the spanish midfielder to control the ball before shooting in order to demonstrate a greater level of composure .and van gaal 's emotions got the better of him when the players came in at half-time with a 1-0 advantage thanks to herrera 's 43rd minute strike .\"]\n", + "=======================\n", + "[\"louis van gaal wanted ander herrera to control the ball before shootingvan gaal was delighted by the composure for herrera 's first goalthe manchester united boss said he kissed herrera at half-time\"]\n", + "louis van gaal has a reputation as a no-nonsense disciplinarian but the manchester united manager punctured that image by revealing just how pleased he was with ander herrera 's first goal against aston villa .the dutchman explained he had been imploring the spanish midfielder to control the ball before shooting in order to demonstrate a greater level of composure .and van gaal 's emotions got the better of him when the players came in at half-time with a 1-0 advantage thanks to herrera 's 43rd minute strike .\n", + "louis van gaal wanted ander herrera to control the ball before shootingvan gaal was delighted by the composure for herrera 's first goalthe manchester united boss said he kissed herrera at half-time\n", + "[1.2768251 1.4322141 1.2775815 1.3885598 1.2265277 1.1086974 1.198345\n", + " 1.0636414 1.0382545 1.0115755 1.0161613 1.0193478 1.1954801 1.1943175\n", + " 1.0285114 1.0082076 1.0604672]\n", + "\n", + "[ 1 3 2 0 4 6 12 13 5 7 16 8 14 11 10 9 15]\n", + "=======================\n", + "[\"manziel and colleen crowley were spotted together in public for the first time since he entered rehab when they attended tuesday night 's texas rangers game .the pair appear to remain very much an item , but crowley has been taking heat on instagram for refusing to give up her wild ways while manziel was being treated for his unspecified problems .on tuesday , crowley posted a video on her instagram page of the texan socialite enjoying a drunken night out with friends\"]\n", + "=======================\n", + "[\"colleen crowley , the party-loving girlfriend of footballer johnny manziel , has come under fire on social media for refusing to give up going outthe cleveland browns quarterback entered rehab in january and only left on saturdayon tuesday , crowley posted a video on her instagram page of the texan socialite enjoying a drunken night out with friends` significant others are the # 1 reason that people fail outside rehab , ' warned one commenter offering some words of wisdom\"]\n", + "manziel and colleen crowley were spotted together in public for the first time since he entered rehab when they attended tuesday night 's texas rangers game .the pair appear to remain very much an item , but crowley has been taking heat on instagram for refusing to give up her wild ways while manziel was being treated for his unspecified problems .on tuesday , crowley posted a video on her instagram page of the texan socialite enjoying a drunken night out with friends\n", + "colleen crowley , the party-loving girlfriend of footballer johnny manziel , has come under fire on social media for refusing to give up going outthe cleveland browns quarterback entered rehab in january and only left on saturdayon tuesday , crowley posted a video on her instagram page of the texan socialite enjoying a drunken night out with friends` significant others are the # 1 reason that people fail outside rehab , ' warned one commenter offering some words of wisdom\n", + "[1.4799082 1.2649369 1.1174004 1.1455103 1.3250533 1.2794316 1.0500327\n", + " 1.2115 1.1223127 1.053671 1.1049098 1.1160351 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 4 5 1 7 3 8 2 11 10 9 6 15 12 13 14 16]\n", + "=======================\n", + "[\"ryan giggs , paul scholes , gary neville , nicky butt and andrew cole went out for dinner just hours after their former side 's 1-0 defeat by chelsea .former manchester united striker cole said he was in ` great company ' with ` great team-mates ' on saturdaychelsea playmaker eden hazard scored the only goal of the game in the 38th minute to put the blues 10 points clear at the top of the table .\"]\n", + "=======================\n", + "['andrew cole revealed he went out for dinner on saturday with four of his former manchester united team-matescole was joined by ryan giggs , paul scholes , gary neville and nicky buttmanchester united fell to a 1-0 defeat by premier league leaders chelsea']\n", + "ryan giggs , paul scholes , gary neville , nicky butt and andrew cole went out for dinner just hours after their former side 's 1-0 defeat by chelsea .former manchester united striker cole said he was in ` great company ' with ` great team-mates ' on saturdaychelsea playmaker eden hazard scored the only goal of the game in the 38th minute to put the blues 10 points clear at the top of the table .\n", + "andrew cole revealed he went out for dinner on saturday with four of his former manchester united team-matescole was joined by ryan giggs , paul scholes , gary neville and nicky buttmanchester united fell to a 1-0 defeat by premier league leaders chelsea\n", + "[1.1899248 1.5097699 1.2878438 1.3585402 1.1168355 1.1038979 1.0625793\n", + " 1.086328 1.1462793 1.2196891 1.094915 1.1276162 1.052349 1.0417799\n", + " 1.0231738 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 9 0 8 11 4 5 10 7 6 12 13 14 18 15 16 17 19]\n", + "=======================\n", + "['the black pooch was filmed in action as he took a rescue rope out to his owner at the clarence j. brown dam and reservoir in springfield , ohio , on saturday afternoon .he apparently got stuck waist-deep in mud while recovering some duck hunting gear .footage shows the unidentified man then being hauled to shore by firefighters after spending almost two hours in waters hovering around zero degrees celsius .']\n", + "=======================\n", + "['the black pooch was filmed in action as he took a rescue rope out to his owner at the clarence j. brown dam and reservoir in ohio on saturdayfootage shows the unidentified man then being hauled to shore by firefighters after spending almost two hours in cold waters']\n", + "the black pooch was filmed in action as he took a rescue rope out to his owner at the clarence j. brown dam and reservoir in springfield , ohio , on saturday afternoon .he apparently got stuck waist-deep in mud while recovering some duck hunting gear .footage shows the unidentified man then being hauled to shore by firefighters after spending almost two hours in waters hovering around zero degrees celsius .\n", + "the black pooch was filmed in action as he took a rescue rope out to his owner at the clarence j. brown dam and reservoir in ohio on saturdayfootage shows the unidentified man then being hauled to shore by firefighters after spending almost two hours in cold waters\n", + "[1.2083857 1.4279622 1.2032657 1.3223535 1.1320363 1.2198137 1.1463311\n", + " 1.061563 1.0656403 1.0621802 1.1076801 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 5 0 2 6 4 10 8 9 7 11 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "['landon carnie and his twin sister lorie were initially thought to have died with scores of other youngsters when the first flight of operation babylift -- an evacuation of vulnerable vietnamese orphans and children before the fall of saigon -- crashed minutes after take-off .now 41 , landon has visited the crash scene and is thought to be the first child survivor to return to the countryside on the outskirts of ho chi minh city where the c-5 military cargo plane crashed and broke up killing 78 children and 50 adults on april 4 , 1975 .incredibly , with wreckage and bodies strewn over miles of countryside , the terrified 17-month-old twins were found huddled together in a rice paddy more than a day after the crash and later taken to their adoptive parents in the u.s. who had earlier been told they were dead .']\n", + "=======================\n", + "['landon and lorie carnie were on first flight of operation babylift in 1975vietnamese orphans and children were evacuated before the fall of saigonplane crashed in one of the worst humanitarian disasters of vietnam war17-month-old twins thought to have died with 80 other babies and childrentaken to adoptive parents in u.s. , where they grew up in washington state']\n", + "landon carnie and his twin sister lorie were initially thought to have died with scores of other youngsters when the first flight of operation babylift -- an evacuation of vulnerable vietnamese orphans and children before the fall of saigon -- crashed minutes after take-off .now 41 , landon has visited the crash scene and is thought to be the first child survivor to return to the countryside on the outskirts of ho chi minh city where the c-5 military cargo plane crashed and broke up killing 78 children and 50 adults on april 4 , 1975 .incredibly , with wreckage and bodies strewn over miles of countryside , the terrified 17-month-old twins were found huddled together in a rice paddy more than a day after the crash and later taken to their adoptive parents in the u.s. who had earlier been told they were dead .\n", + "landon and lorie carnie were on first flight of operation babylift in 1975vietnamese orphans and children were evacuated before the fall of saigonplane crashed in one of the worst humanitarian disasters of vietnam war17-month-old twins thought to have died with 80 other babies and childrentaken to adoptive parents in u.s. , where they grew up in washington state\n", + "[1.0318549 1.0333861 1.1437602 1.3921413 1.3098862 1.2056956 1.1952643\n", + " 1.2823265 1.3140612 1.1425602 1.0330712 1.0471677 1.0302768 1.0923793\n", + " 1.0239823 1.0382092 1.017695 1.0343974 1.0130726 1.0155389]\n", + "\n", + "[ 3 8 4 7 5 6 2 9 13 11 15 17 1 10 0 12 14 16 19 18]\n", + "=======================\n", + "[\"in fact , it 's an advert from cosmetics giant revlon for their latest lipstick .revlon uk 's new global tag line , love is on , is the label 's first major relaunch in more than a decade .the stylish ad is filmed entirely in black and white , with just a slick of pink visible on the woman 's lips .\"]\n", + "=======================\n", + "[\"revlon 's new lipstick advert resembles a scene from 50 shades of greypartially dressed woman undresses man and blindfolds himfilm noir-style ad ` love is on ' was created by agency george patts y&r\"]\n", + "in fact , it 's an advert from cosmetics giant revlon for their latest lipstick .revlon uk 's new global tag line , love is on , is the label 's first major relaunch in more than a decade .the stylish ad is filmed entirely in black and white , with just a slick of pink visible on the woman 's lips .\n", + "revlon 's new lipstick advert resembles a scene from 50 shades of greypartially dressed woman undresses man and blindfolds himfilm noir-style ad ` love is on ' was created by agency george patts y&r\n", + "[1.1377118 1.4376601 1.2722623 1.2634121 1.1712642 1.1026186 1.1379539\n", + " 1.1152096 1.0466065 1.12355 1.0335253 1.1347666 1.117948 1.058597\n", + " 1.0403309 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 6 0 11 9 12 7 5 13 8 14 10 18 15 16 17 19]\n", + "=======================\n", + "['the classic steam engines took to the tracks of the north yorkshire moors railway today , hauling passengers between pickering and whitby .in scenes that harked back to a bygone age , the perfectly restored steam engines were out in force on the scenic railway for the three-day spring steam gala which saw crowds flock to witness the annual event .early this morning a team of firemen , fitters and cleaners lovingly polished the steam trains at grosmount engine shed in preparation']\n", + "=======================\n", + "[\"steam engines draw crowds at the world 's busiest heritage railway as north yorkshire moors begins its spring galatrain enthusiasts will ride aboard seven trains between pickering and whitby over the course of the three day eventteams of firemen , fitters and cleaners prepared the steam engines this morning ahead of the family favourite gala\"]\n", + "the classic steam engines took to the tracks of the north yorkshire moors railway today , hauling passengers between pickering and whitby .in scenes that harked back to a bygone age , the perfectly restored steam engines were out in force on the scenic railway for the three-day spring steam gala which saw crowds flock to witness the annual event .early this morning a team of firemen , fitters and cleaners lovingly polished the steam trains at grosmount engine shed in preparation\n", + "steam engines draw crowds at the world 's busiest heritage railway as north yorkshire moors begins its spring galatrain enthusiasts will ride aboard seven trains between pickering and whitby over the course of the three day eventteams of firemen , fitters and cleaners prepared the steam engines this morning ahead of the family favourite gala\n", + "[1.0857182 1.5101881 1.3072294 1.1512208 1.0955182 1.0577763 1.1688765\n", + " 1.0884931 1.0712397 1.1587245 1.2682186 1.1701958 1.1269612 1.0480862\n", + " 1.0418004 1.0467552 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 10 11 6 9 3 12 4 7 0 8 5 13 15 14 16 17 18 19]\n", + "=======================\n", + "[\"pekingese marley and mitzy had been left to play in the front garden by their owners adele and steven worgan .but they were snatched when the couple were n't looking -- and neighbours believe they have caught the culprit on cctv .the theft has been reported to the police and the pairs owners are offering a # 1,000 reward for information leading to their safe return\"]\n", + "=======================\n", + "['pekingese dogs marley and mitzy were taken from garden in doncastersuspected pet-napper caught on camera after the animals were snatchedtheft reported to the police and owners offer # 1,000 reward for their return']\n", + "pekingese marley and mitzy had been left to play in the front garden by their owners adele and steven worgan .but they were snatched when the couple were n't looking -- and neighbours believe they have caught the culprit on cctv .the theft has been reported to the police and the pairs owners are offering a # 1,000 reward for information leading to their safe return\n", + "pekingese dogs marley and mitzy were taken from garden in doncastersuspected pet-napper caught on camera after the animals were snatchedtheft reported to the police and owners offer # 1,000 reward for their return\n", + "[1.3293184 1.3897306 1.2559907 1.1417899 1.1131448 1.0646942 1.022997\n", + " 1.1514825 1.0781587 1.0304044 1.1444007 1.0912762 1.0250498 1.0427798\n", + " 1.081368 1.0785162 1.031973 1.0543482 1.020807 1.0427691]\n", + "\n", + "[ 1 0 2 7 10 3 4 11 14 15 8 5 17 13 19 16 9 12 6 18]\n", + "=======================\n", + "[\"yom hazikaron - or memorial day - is held the day before israel 's independence day , linking the sacrifice of soldiers with the creation and protection of the state .israel marked its annual day of remembrance for fallen troops and slain civilians on wednesday , with the country standing to attention for two minutes while sirens wailed .under law all places of entertainment , including cinemas , theatres and nightclubs are closed during the sombre day , and many israelis attend memorial services for relatives and friends who have died in conflict .\"]\n", + "=======================\n", + "[\"yom hazikaron , held this year on april 22 , is israel 's official memorial day traditionally dedicated to fallen soldierssirens blasted across the country at 11am marking a two-minute silence for people to pray and pay their respectsshoppers , drivers , classrooms and workplaces all come to standstill during emotional remembrance day\"]\n", + "yom hazikaron - or memorial day - is held the day before israel 's independence day , linking the sacrifice of soldiers with the creation and protection of the state .israel marked its annual day of remembrance for fallen troops and slain civilians on wednesday , with the country standing to attention for two minutes while sirens wailed .under law all places of entertainment , including cinemas , theatres and nightclubs are closed during the sombre day , and many israelis attend memorial services for relatives and friends who have died in conflict .\n", + "yom hazikaron , held this year on april 22 , is israel 's official memorial day traditionally dedicated to fallen soldierssirens blasted across the country at 11am marking a two-minute silence for people to pray and pay their respectsshoppers , drivers , classrooms and workplaces all come to standstill during emotional remembrance day\n", + "[1.0922693 1.3776724 1.307795 1.3021848 1.0859945 1.1471398 1.0407165\n", + " 1.0337774 1.0858434 1.2234917 1.0895637 1.0585073 1.1300902 1.0315448\n", + " 1.0186399 1.0655012 1.0900309 1.0144842 0. 0. ]\n", + "\n", + "[ 1 2 3 9 5 12 0 16 10 4 8 15 11 6 7 13 14 17 18 19]\n", + "=======================\n", + "[\"located in the centre of the city , the signature suite , which rents for a staggering aed 100,000 ( # 18,188 ) per night , hovers an impressive 200m ( 656ft ) above the ground .the hotel 's showpiece , the 1,120 sq metre room can only be accessed by a private elevator and , as you might expect , offers breathtaking views of the arabian gulf .the sprawling suite features three bedrooms , a pantry , a full dining room , library and cinema .\"]\n", + "=======================\n", + "['the luxurious hotel room is suspended 200m above the ground and offers stunning views of the arabian gulfmeasuring 1,120 sq metres , the massive suite rents for a staggering aed 100,000 or # 18,188 per nightin-room amenities include : separate elevator access , three bedrooms , library , cinema , and a private full-service spa']\n", + "located in the centre of the city , the signature suite , which rents for a staggering aed 100,000 ( # 18,188 ) per night , hovers an impressive 200m ( 656ft ) above the ground .the hotel 's showpiece , the 1,120 sq metre room can only be accessed by a private elevator and , as you might expect , offers breathtaking views of the arabian gulf .the sprawling suite features three bedrooms , a pantry , a full dining room , library and cinema .\n", + "the luxurious hotel room is suspended 200m above the ground and offers stunning views of the arabian gulfmeasuring 1,120 sq metres , the massive suite rents for a staggering aed 100,000 or # 18,188 per nightin-room amenities include : separate elevator access , three bedrooms , library , cinema , and a private full-service spa\n", + "[1.1120831 1.3646114 1.4034111 1.3769944 1.1793892 1.1731135 1.0619735\n", + " 1.0476301 1.0400666 1.1736974 1.2259086 1.0756533 1.0491811 1.0141112\n", + " 1.0128874 1.0143805 1.1891696 1.0547556 0. 0. ]\n", + "\n", + "[ 2 3 1 10 16 4 9 5 0 11 6 17 12 7 8 15 13 14 18 19]\n", + "=======================\n", + "['the cute moment was captured by 19-year-old student , ranajit roy in his hometown of bengaluru .the sleepy squirrel sticks out his tongue after waking up from a nap on a coconut leaf in indiathe indian palm squirrel , also known as three-striped palm squirrel , is found naturally in india and sri lanka .']\n", + "=======================\n", + "[\"adorable creature imitates a lizard after waking up from a nap in the sunphotographer ranajit roy spent five minutes taking the cute photographsi was definitely in the right place at the right time ' , says 19-year-old\"]\n", + "the cute moment was captured by 19-year-old student , ranajit roy in his hometown of bengaluru .the sleepy squirrel sticks out his tongue after waking up from a nap on a coconut leaf in indiathe indian palm squirrel , also known as three-striped palm squirrel , is found naturally in india and sri lanka .\n", + "adorable creature imitates a lizard after waking up from a nap in the sunphotographer ranajit roy spent five minutes taking the cute photographsi was definitely in the right place at the right time ' , says 19-year-old\n", + "[1.1869665 1.4913083 1.3074036 1.2446404 1.2593515 1.223325 1.2097486\n", + " 1.0541414 1.0480722 1.0532967 1.2486163 1.0206815 1.0641385 1.0277036\n", + " 1.0130651 1.0100054 1.058265 1.0103868 0. 0. ]\n", + "\n", + "[ 1 2 4 10 3 5 6 0 12 16 7 9 8 13 11 14 17 15 18 19]\n", + "=======================\n", + "['tracy stratton said her daughter , tianni , suffered physical attacks and verbal abuse at greenacres primary school in eltham , south east london .she claims the seven-year-old has been left so traumatised that she has almost stopped talking and is afraid to leave the house .a psychologist diagnosed tianni with ptsd , she added .']\n", + "=======================\n", + "[\"tianni stratton suffered physical and verbal abuse , her mother claimson one occasion the girl wore sun cream to make her skin look ` english 'mother tracy says tianni is so traumatised she is afraid to leave the houseshe is suing local council over claims it ignored complaints of bullyingtracy is trying to raise # 6600 for an autism service dog for tianni - more information may be found here : letsgofundraise-uk .\"]\n", + "tracy stratton said her daughter , tianni , suffered physical attacks and verbal abuse at greenacres primary school in eltham , south east london .she claims the seven-year-old has been left so traumatised that she has almost stopped talking and is afraid to leave the house .a psychologist diagnosed tianni with ptsd , she added .\n", + "tianni stratton suffered physical and verbal abuse , her mother claimson one occasion the girl wore sun cream to make her skin look ` english 'mother tracy says tianni is so traumatised she is afraid to leave the houseshe is suing local council over claims it ignored complaints of bullyingtracy is trying to raise # 6600 for an autism service dog for tianni - more information may be found here : letsgofundraise-uk .\n", + "[1.4376308 1.3251382 1.2749805 1.1199185 1.2224659 1.1210241 1.2463336\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 6 4 5 3 17 16 15 14 13 9 11 10 18 8 7 12 19]\n", + "=======================\n", + "[\"south africa 's sports minister says he has received assurances from fifa 's ethics committee that it will complete and present a report in june into allegations of match-fixing in the buildup to the 2010 world cup .fikile mbalula said he met with the chairman of the ethics committee 's investigatory chamber , cornel borbely , in zurich this week to seek clarity on the status of the long-awaited report .fifa said as far back as 2011 that it had strong suspicions that some of the south african national team 's warm-up games in the weeks before it hosted the world cup were fixed .\"]\n", + "=======================\n", + "['fifa have been investigating games from the run-up to 2010 world cupsouth african national team games under suspicion since 2011players not suspected of wrong-doing , but referees implicated']\n", + "south africa 's sports minister says he has received assurances from fifa 's ethics committee that it will complete and present a report in june into allegations of match-fixing in the buildup to the 2010 world cup .fikile mbalula said he met with the chairman of the ethics committee 's investigatory chamber , cornel borbely , in zurich this week to seek clarity on the status of the long-awaited report .fifa said as far back as 2011 that it had strong suspicions that some of the south african national team 's warm-up games in the weeks before it hosted the world cup were fixed .\n", + "fifa have been investigating games from the run-up to 2010 world cupsouth african national team games under suspicion since 2011players not suspected of wrong-doing , but referees implicated\n", + "[1.3987772 1.1621609 1.3753449 1.3094972 1.2677732 1.2474288 1.1833237\n", + " 1.1281123 1.1403059 1.0549446 1.0674324 1.0674438 1.0103785 1.0679879\n", + " 1.0926653 1.0186229 1.0183307 1.0176562 1.0076498 1.0122612 1.0455971\n", + " 1.0543704]\n", + "\n", + "[ 0 2 3 4 5 6 1 8 7 14 13 11 10 9 21 20 15 16 17 19 12 18]\n", + "=======================\n", + "[\"conrad clitheroe , left , and gary cooper , right , were thrown in jail after being arrested for writing down aircraft registration numbers in dubaibut the 54-year-old 's wife says he has now run out of a blood pressure medication - and claims guards ` do n't care ' .none of the men have been charged with any offence since they were transferred there from dubai .\"]\n", + "=======================\n", + "[\"conrad clitheroe is in a jail with friends gary cooper and neil munrothe 54-year-old says he has run out of a vital blood pressure medicinemen arrested at fujairah airport after ` spotting planes and taking notes 'they have not been charged with any offence since arrival from dubai\"]\n", + "conrad clitheroe , left , and gary cooper , right , were thrown in jail after being arrested for writing down aircraft registration numbers in dubaibut the 54-year-old 's wife says he has now run out of a blood pressure medication - and claims guards ` do n't care ' .none of the men have been charged with any offence since they were transferred there from dubai .\n", + "conrad clitheroe is in a jail with friends gary cooper and neil munrothe 54-year-old says he has run out of a vital blood pressure medicinemen arrested at fujairah airport after ` spotting planes and taking notes 'they have not been charged with any offence since arrival from dubai\n", + "[1.2487017 1.4978207 1.2478557 1.1493971 1.1951064 1.146364 1.1349729\n", + " 1.0919839 1.111925 1.0799899 1.0200543 1.0165412 1.020173 1.0161623\n", + " 1.0267003 1.0251814 1.1263187 1.1727703 1.0176356 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 4 17 3 5 6 16 8 7 9 14 15 12 10 18 11 13 20 19 21]\n", + "=======================\n", + "['brian and joan ogden , from wigan , had been out to eat and were on their way back into the hotel don pancho when the organised pair collaborated to take a wallet .an elderly british couple who fell victim to pickpockets as they returned to their hotel in benidorm incredibly got their belongings back after confronting the duo - and it was all caught on camera .cctv footage from the hotel shows the thief in a purple top reaching into the pocket of mr ogden , 80 , while her accomplice attempts to block the view of mrs ogden , 78 .']\n", + "=======================\n", + "['brian and joan ogden were robbed as they returned to their hoteltwo pickpockets worked together to snatch wallet from his pocketthe couple , aged 80 and 78 , followed thieves and confronted themthey were about to head home to wigan from hotel don pancho']\n", + "brian and joan ogden , from wigan , had been out to eat and were on their way back into the hotel don pancho when the organised pair collaborated to take a wallet .an elderly british couple who fell victim to pickpockets as they returned to their hotel in benidorm incredibly got their belongings back after confronting the duo - and it was all caught on camera .cctv footage from the hotel shows the thief in a purple top reaching into the pocket of mr ogden , 80 , while her accomplice attempts to block the view of mrs ogden , 78 .\n", + "brian and joan ogden were robbed as they returned to their hoteltwo pickpockets worked together to snatch wallet from his pocketthe couple , aged 80 and 78 , followed thieves and confronted themthey were about to head home to wigan from hotel don pancho\n", + "[1.4060003 1.4180863 1.1567625 1.2305808 1.3123531 1.1475877 1.0935125\n", + " 1.0659605 1.1061609 1.0858796 1.1192929 1.089979 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 4 3 2 5 10 8 6 11 9 7 20 12 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"the sports direct tycoon owns 9.82 per cent of the glasgow giants but is prohibited from going over 10 per cent by an agreement struck with hampden chiefs designed to limit his power at ibrox .rangers have been fined # 5,500 by the scottish football association after admitting the previous board breached ` dual ownership ' rules by allowing newcastle chief mike ashley into ibrox .newcastle owner mike ashley bought a 9.8 per cent stake in rangers and loaned the club # 5million\"]\n", + "=======================\n", + "['newcastle owner mike ashley owns 9.82 per cent stake in rangersrangers were fined # 5,500 by scottish fa for breaching two rulesashley was himself fined # 7,500 last month concerning dual ownership']\n", + "the sports direct tycoon owns 9.82 per cent of the glasgow giants but is prohibited from going over 10 per cent by an agreement struck with hampden chiefs designed to limit his power at ibrox .rangers have been fined # 5,500 by the scottish football association after admitting the previous board breached ` dual ownership ' rules by allowing newcastle chief mike ashley into ibrox .newcastle owner mike ashley bought a 9.8 per cent stake in rangers and loaned the club # 5million\n", + "newcastle owner mike ashley owns 9.82 per cent stake in rangersrangers were fined # 5,500 by scottish fa for breaching two rulesashley was himself fined # 7,500 last month concerning dual ownership\n", + "[1.3176553 1.471551 1.1964401 1.4014173 1.278503 1.0612776 1.0243897\n", + " 1.0109695 1.1689562 1.1066417 1.0663371 1.1145333 1.0235306 1.0169429\n", + " 1.0140402 1.0116872 1.1716832 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 4 2 16 8 11 9 10 5 6 12 13 14 15 7 20 17 18 19 21]\n", + "=======================\n", + "['sterling is stalling on a new # 100,000-a-week contract offer , although he insists it has nothing to do with money and he will reassess at the end of the season .raheem sterling ( left ) has revealed that he hopes liverpool fans create a chant for himraheem sterling has hinted that his long-term future remains at liverpool after revealing that he dreams of hearing anfield sing his name .']\n", + "=======================\n", + "[\"raheem sterling hopes the liverpool fans will soon be chanting his namesterling has been stalling on a new # 100,000-a-week contract offerthe 20-year-old admits he ` loved ' the song fans had for luis suarezread : sterling pictured smoking shisha pipe as star courts controversyread : jordon ibe on the verge of signing new liverpool contract\"]\n", + "sterling is stalling on a new # 100,000-a-week contract offer , although he insists it has nothing to do with money and he will reassess at the end of the season .raheem sterling ( left ) has revealed that he hopes liverpool fans create a chant for himraheem sterling has hinted that his long-term future remains at liverpool after revealing that he dreams of hearing anfield sing his name .\n", + "raheem sterling hopes the liverpool fans will soon be chanting his namesterling has been stalling on a new # 100,000-a-week contract offerthe 20-year-old admits he ` loved ' the song fans had for luis suarezread : sterling pictured smoking shisha pipe as star courts controversyread : jordon ibe on the verge of signing new liverpool contract\n", + "[1.2013223 1.2732619 1.3486148 1.2479515 1.0620792 1.058087 1.1929225\n", + " 1.101832 1.0609362 1.0501361 1.0626336 1.0499674 1.032799 1.0192984\n", + " 1.0470176 1.0583013 1.1124039 1.0313861 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 3 0 6 16 7 10 4 8 15 5 9 11 14 12 17 13 20 18 19 21]\n", + "=======================\n", + "[\"the prime minister made the gaffe on a campaign visit to devon , before risking the wrath of purists by claiming ` it all tastes the same ' .today david cameron waded into the long-running dispute , and quickly got into a muddle about the devon and cornish way of eating a cream tea .it is the biggest culinary question which divides the westcountry : when eating a scone , do you add jam or cream first ?\"]\n", + "=======================\n", + "['prime minister makes culinary blunder as he tries to woo devon voterschatting in a barnstaple cafe , he tried to guess jam or cream firstcornish use jam with cream on top , but people in devon do it in reverse']\n", + "the prime minister made the gaffe on a campaign visit to devon , before risking the wrath of purists by claiming ` it all tastes the same ' .today david cameron waded into the long-running dispute , and quickly got into a muddle about the devon and cornish way of eating a cream tea .it is the biggest culinary question which divides the westcountry : when eating a scone , do you add jam or cream first ?\n", + "prime minister makes culinary blunder as he tries to woo devon voterschatting in a barnstaple cafe , he tried to guess jam or cream firstcornish use jam with cream on top , but people in devon do it in reverse\n", + "[1.4054052 1.5084863 1.2470415 1.2240293 1.2657447 1.1810911 1.0799302\n", + " 1.0635725 1.1222702 1.1006191 1.1161803 1.0517238 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 5 8 10 9 6 7 11 12 13 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "['the toddlers are believed to have fallen in the water accidentally at 9.45 am on friday in yuma , arizona .twin 18-month-old boys were pronounced dead at a hospital after being pulled from a canal in arizona .after a police search that lasted more than an hour , the brothers were pulled from the water .']\n", + "=======================\n", + "['the brothers are believed to have fallen in the water by accidentpolice searched water from 9.45 am to 11.45 am before finding themthey were flown to yuma hospital where they were pronounced dead']\n", + "the toddlers are believed to have fallen in the water accidentally at 9.45 am on friday in yuma , arizona .twin 18-month-old boys were pronounced dead at a hospital after being pulled from a canal in arizona .after a police search that lasted more than an hour , the brothers were pulled from the water .\n", + "the brothers are believed to have fallen in the water by accidentpolice searched water from 9.45 am to 11.45 am before finding themthey were flown to yuma hospital where they were pronounced dead\n", + "[1.3602087 1.2953317 1.2647202 1.2163423 1.042463 1.1505114 1.1169105\n", + " 1.1164167 1.0428138 1.0955746 1.0437486 1.0488024 1.0570982 1.110112\n", + " 1.0344484 1.0285407 1.0185312 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 3 5 6 7 13 9 12 11 10 8 4 14 15 16 21 17 18 19 20 22]\n", + "=======================\n", + "[\"hillary clinton 's most trusted -- and most controversial -- campaign aide turned up on wednesday near des moines , iowa , where the former secretary of state sat for her second staged ` roundtable ' discussion in as many days .abedin had last surfaced on monday at an ohio chipotle restaurant when she and clinton popped in , both wearing sunglasses , for lunch .on tuesday she was photographed leaving a norwalk , iowa fruit processing company and walking toward ` scooby , ' the now-famous customized black van that secret service agents have driven more than 1,000 miles since sunday .\"]\n", + "=======================\n", + "[\"abedin was clinton 's deputy chief of staff at the state department and was her ` body woman ' during the 2008 presidential campaignstate department is investigating a special arrangement that allowed her to earn a second income at a clinton-linked consulting firm while she drew a government salaryabedin also used a private email address on hillary 's infamous home-brew private email server while she worked at stateshe is married to disgraced former congressman anthony weiner , and stood by him through a string of embarrassing sexting scandalshuma is a muslim whose mother teaches in saudi arabia , a country that donated millions to the clinton foundation while hillary ran the state dept.\"]\n", + "hillary clinton 's most trusted -- and most controversial -- campaign aide turned up on wednesday near des moines , iowa , where the former secretary of state sat for her second staged ` roundtable ' discussion in as many days .abedin had last surfaced on monday at an ohio chipotle restaurant when she and clinton popped in , both wearing sunglasses , for lunch .on tuesday she was photographed leaving a norwalk , iowa fruit processing company and walking toward ` scooby , ' the now-famous customized black van that secret service agents have driven more than 1,000 miles since sunday .\n", + "abedin was clinton 's deputy chief of staff at the state department and was her ` body woman ' during the 2008 presidential campaignstate department is investigating a special arrangement that allowed her to earn a second income at a clinton-linked consulting firm while she drew a government salaryabedin also used a private email address on hillary 's infamous home-brew private email server while she worked at stateshe is married to disgraced former congressman anthony weiner , and stood by him through a string of embarrassing sexting scandalshuma is a muslim whose mother teaches in saudi arabia , a country that donated millions to the clinton foundation while hillary ran the state dept.\n", + "[1.5371597 1.2858474 1.3713473 1.2036233 1.1596813 1.0659851 1.0270654\n", + " 1.1058867 1.0457022 1.0296792 1.0424306 1.1094526 1.0765145 1.1846159\n", + " 1.0573215 1.1034745 1.1057522 1.0064956 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 1 3 13 4 11 7 16 15 12 5 14 8 10 9 6 17 21 18 19 20 22]\n", + "=======================\n", + "['( cnn ) the california public utilities commission on thursday said it is ordering pacific gas & electric co. to pay a record $ 1.6 billion penalty for unsafe operation of its gas transmission system , including the pipeline rupture that killed eight people in san bruno in september 2010 .most of the penalty amounts to forced spending on improving pipeline safety .another $ 50 million will go toward \" other remedies to enhance pipeline safety , \" according to the commission .']\n", + "=======================\n", + "['the penalty is more than 10 times the previous record , according to a newspaper reportutility commission to force pacific gas & electric co. to make infrastructure improvementscompany apologizes for explosion that killed 8 , says it is using lessons learned to improve safety']\n", + "( cnn ) the california public utilities commission on thursday said it is ordering pacific gas & electric co. to pay a record $ 1.6 billion penalty for unsafe operation of its gas transmission system , including the pipeline rupture that killed eight people in san bruno in september 2010 .most of the penalty amounts to forced spending on improving pipeline safety .another $ 50 million will go toward \" other remedies to enhance pipeline safety , \" according to the commission .\n", + "the penalty is more than 10 times the previous record , according to a newspaper reportutility commission to force pacific gas & electric co. to make infrastructure improvementscompany apologizes for explosion that killed 8 , says it is using lessons learned to improve safety\n", + "[1.1932219 1.4125136 1.3343264 1.2300715 1.083667 1.0706402 1.0368527\n", + " 1.2046152 1.1735686 1.1108001 1.0172597 1.0133622 1.0158006 1.20287\n", + " 1.1414615 1.0547961 1.0658016 1.0411239 1.0282929 1.0188725 1.0163263\n", + " 1.0071614 1.0401349]\n", + "\n", + "[ 1 2 3 7 13 0 8 14 9 4 5 16 15 17 22 6 18 19 10 20 12 11 21]\n", + "=======================\n", + "[\"pj spraggins was delighted when he discovered he was a perfect match for wife tracy , who was told her life-long battle with lupus would kill her if she did n't get a transplant .the waiting list is seven years long .but the next day the couple from birmingham , alabama , were dealt a blow : his blood pressure was too high to perform the operation .\"]\n", + "=======================\n", + "['pj spraggins was perfect match for wife tracy , who suffers from lupusbut he was told he was not eligible as his blood pressure was too highshe was placed on the seven-year-long transplant list at end of 2013spraggins embarked on year-long fitness regime until he made the gradethey both underwent surgery in february 2015']\n", + "pj spraggins was delighted when he discovered he was a perfect match for wife tracy , who was told her life-long battle with lupus would kill her if she did n't get a transplant .the waiting list is seven years long .but the next day the couple from birmingham , alabama , were dealt a blow : his blood pressure was too high to perform the operation .\n", + "pj spraggins was perfect match for wife tracy , who suffers from lupusbut he was told he was not eligible as his blood pressure was too highshe was placed on the seven-year-long transplant list at end of 2013spraggins embarked on year-long fitness regime until he made the gradethey both underwent surgery in february 2015\n", + "[1.160702 1.2719474 1.204795 1.2433299 1.2089803 1.1895771 1.1002222\n", + " 1.1893321 1.1886882 1.2267861 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 9 4 2 5 7 8 0 6 20 19 18 17 16 11 14 13 12 21 10 15 22]\n", + "=======================\n", + "[\"the pair have been in scintillating form in recent games with both bagging braces in manchester united 's last two victories .ander herrera races away to celebrate after he scored his second goal against aston villa on saturdayjuan mata completed his brace against liverpool with a stunning volley on the hour mark at anfield\"]\n", + "=======================\n", + "['ander herrera and juan mata have both scored braces in recent gamesmata scored two goals in manchester united win over liverpoolherrera followed up with a two-goal haul against aston villa on saturdayas united and city go head-to-head , we ask : just how manc is the derby ?click here for all the latest manchester united news']\n", + "the pair have been in scintillating form in recent games with both bagging braces in manchester united 's last two victories .ander herrera races away to celebrate after he scored his second goal against aston villa on saturdayjuan mata completed his brace against liverpool with a stunning volley on the hour mark at anfield\n", + "ander herrera and juan mata have both scored braces in recent gamesmata scored two goals in manchester united win over liverpoolherrera followed up with a two-goal haul against aston villa on saturdayas united and city go head-to-head , we ask : just how manc is the derby ?click here for all the latest manchester united news\n", + "[1.3018851 1.6151271 1.0486494 1.0945216 1.1272597 1.4122304 1.1781924\n", + " 1.0717928 1.0439289 1.0189494 1.0136971 1.0312209 1.0192654 1.0478275\n", + " 1.0226014 1.0303851 1.0411803 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 0 6 4 3 7 2 13 8 16 11 15 14 12 9 10 17 18 19 20]\n", + "=======================\n", + "['full back david raven stabbed home the winner to take inverness caledonian thistle to the scottish cup final .a 30-year-old scouser released by shrewsbury and tranmere in recent years was the hero of scottish football at the weekend .raven celebrates with team-mate ryan christie as inverness knocked celtic out at hampden']\n", + "=======================\n", + "[\"celtic lost their scottish cup semi-final to inverness caledonian thistlethe glasgow club wrote to the sfa to complain about a penalty decisionthey were angered by the referee 's failure to award a penalty for handballceltic striker leigh griffiths complained they were ` robbed ' at hampdenadrian durham : man utd need gareth bale to give them needed dynamism\"]\n", + "full back david raven stabbed home the winner to take inverness caledonian thistle to the scottish cup final .a 30-year-old scouser released by shrewsbury and tranmere in recent years was the hero of scottish football at the weekend .raven celebrates with team-mate ryan christie as inverness knocked celtic out at hampden\n", + "celtic lost their scottish cup semi-final to inverness caledonian thistlethe glasgow club wrote to the sfa to complain about a penalty decisionthey were angered by the referee 's failure to award a penalty for handballceltic striker leigh griffiths complained they were ` robbed ' at hampdenadrian durham : man utd need gareth bale to give them needed dynamism\n", + "[1.480592 1.3291774 1.1623126 1.1331658 1.213929 1.0249085 1.0297465\n", + " 1.0637022 1.039203 1.0264189 1.0746044 1.0402845 1.0548079 1.0559428\n", + " 1.0477335 1.0211914 1.028896 1.0339272 1.0353788 1.0232857 1.0373439]\n", + "\n", + "[ 0 1 4 2 3 10 7 13 12 14 11 8 20 18 17 6 16 9 5 19 15]\n", + "=======================\n", + "['( cnn ) laying down tracks for their debut album in the recording studio in los angeles , iman hashi , 25 and her sister siham , 27 could not be further from their hometown of mogadishu .the sisters were born in the somali capital but were forced to flee after war broke out in 1991 .cnn \\'s african voices caught up with the sister act -- known collectively as faarrow ( combining the translation of their names into english -- iman means \" faith \" and siham means \" arrow \" ) to talk about music , aspirations and somalia .']\n", + "=======================\n", + "['somali sisters , iman and siham hashi , make up faarrowa fusion of hip-hop , world pop and afrobeats , they are currently finishing debut album']\n", + "( cnn ) laying down tracks for their debut album in the recording studio in los angeles , iman hashi , 25 and her sister siham , 27 could not be further from their hometown of mogadishu .the sisters were born in the somali capital but were forced to flee after war broke out in 1991 .cnn 's african voices caught up with the sister act -- known collectively as faarrow ( combining the translation of their names into english -- iman means \" faith \" and siham means \" arrow \" ) to talk about music , aspirations and somalia .\n", + "somali sisters , iman and siham hashi , make up faarrowa fusion of hip-hop , world pop and afrobeats , they are currently finishing debut album\n", + "[1.4383739 1.1314166 1.1437365 1.1734499 1.119457 1.2226094 1.0649673\n", + " 1.0415568 1.0311171 1.0173174 1.1612034 1.0498165 1.0454957 1.0472937\n", + " 1.0505683 1.0643585 1.117825 0. 0. 0. 0. ]\n", + "\n", + "[ 0 5 3 10 2 1 4 16 6 15 14 11 13 12 7 8 9 17 18 19 20]\n", + "=======================\n", + "[\"hillary rodham clinton took aim at republicans on monday for latching on to a new book that details sweetheart deals she allegedly made between foreign governments and the u.s. state department in exchange for speaking fees and donations to her family foundation .clinton dismissed the swirling questions as little more than political attacks from republicans eager to gain an early advantage in the 2016 presidential contest .she is making her first campaign visit this year to new hampshire , a state beloved by the clinton family for giving both her faltering 2008 effort and her husband 's struggling 1992 campaign a second wind .\"]\n", + "=======================\n", + "[\"` republicans seem to be talking only about me , ' hillary told reporters in new hampshirethat 's true : a forthcoming book claims she traded official favors at the state department for speaking fees and donations to her foundation` hopefully we 'll get on to the issues , ' she saidclinton has yet to publicly articulate her own platform of issues and policy goals as a presidential candidate\"]\n", + "hillary rodham clinton took aim at republicans on monday for latching on to a new book that details sweetheart deals she allegedly made between foreign governments and the u.s. state department in exchange for speaking fees and donations to her family foundation .clinton dismissed the swirling questions as little more than political attacks from republicans eager to gain an early advantage in the 2016 presidential contest .she is making her first campaign visit this year to new hampshire , a state beloved by the clinton family for giving both her faltering 2008 effort and her husband 's struggling 1992 campaign a second wind .\n", + "` republicans seem to be talking only about me , ' hillary told reporters in new hampshirethat 's true : a forthcoming book claims she traded official favors at the state department for speaking fees and donations to her foundation` hopefully we 'll get on to the issues , ' she saidclinton has yet to publicly articulate her own platform of issues and policy goals as a presidential candidate\n", + "[1.2006911 1.5535532 1.2032626 1.3565007 1.0805097 1.0731049 1.1080003\n", + " 1.0510639 1.0192223 1.0204244 1.013905 1.172554 1.1647179 1.0807958\n", + " 1.0681883 1.05796 1.0265847 1.0264895 1.0346609 1.0900747 0. ]\n", + "\n", + "[ 1 3 2 0 11 12 6 19 13 4 5 14 15 7 18 16 17 9 8 10 20]\n", + "=======================\n", + "[\"tianwen chen , 65 , and his wife gairen guo , 60 , found their first child in a box on the roadside and gradually took more and more disabled children into their two-bedroom home in rural shanxi province , central china .but the couple have faced a great deal of heartache over the years , and are only now living comfortably with 12 of the children with the help of donations by kind-hearted people , according to the people 's daily online .a remarkable farming couple have devoted their lives to adopting disabled orphans - taking in more than 40 children over the last 26 years .\"]\n", + "=======================\n", + "['tianwen chen and wife found a baby girl in a box by the road in 1989they carried her home , even though they had little money to live offsince then they have adopted more and more disabled childrensadly nine of the children died and the couple soon used up their savingsdonations from the public mean they now have a brand new home']\n", + "tianwen chen , 65 , and his wife gairen guo , 60 , found their first child in a box on the roadside and gradually took more and more disabled children into their two-bedroom home in rural shanxi province , central china .but the couple have faced a great deal of heartache over the years , and are only now living comfortably with 12 of the children with the help of donations by kind-hearted people , according to the people 's daily online .a remarkable farming couple have devoted their lives to adopting disabled orphans - taking in more than 40 children over the last 26 years .\n", + "tianwen chen and wife found a baby girl in a box by the road in 1989they carried her home , even though they had little money to live offsince then they have adopted more and more disabled childrensadly nine of the children died and the couple soon used up their savingsdonations from the public mean they now have a brand new home\n", + "[1.5002412 1.1690366 1.4852705 1.1778002 1.2962463 1.1498932 1.1082094\n", + " 1.028209 1.066971 1.0743943 1.0520688 1.0216856 1.0459507 1.026618\n", + " 1.0599209 1.0709229 1.0973887 1.0533801 1.0201783 1.0177742 0. ]\n", + "\n", + "[ 0 2 4 3 1 5 6 16 9 15 8 14 17 10 12 7 13 11 18 19 20]\n", + "=======================\n", + "[\"jamie robbins ( above ) handed himself into the police a year after he stole # 1,600 from a convenience store in birmingham with an accomplice because he preferred life in jailrobbins was jailed for four-and-a-half years after pleading guilty to robbery and possession of a bladed article at birmingham crown court on thursday .the case was not solved until the 35-year-old walked into a police station earlier this year and said : ` please arrest me . '\"]\n", + "=======================\n", + "[\"jamie robbins raided a select 'n' save shop in birmingham last januarycase was not solved until he walked into a police station and confessed35-year-old was sentenced to four-and-a-half years on thursday\"]\n", + "jamie robbins ( above ) handed himself into the police a year after he stole # 1,600 from a convenience store in birmingham with an accomplice because he preferred life in jailrobbins was jailed for four-and-a-half years after pleading guilty to robbery and possession of a bladed article at birmingham crown court on thursday .the case was not solved until the 35-year-old walked into a police station earlier this year and said : ` please arrest me . '\n", + "jamie robbins raided a select 'n' save shop in birmingham last januarycase was not solved until he walked into a police station and confessed35-year-old was sentenced to four-and-a-half years on thursday\n", + "[1.159012 1.5497603 1.2436962 1.2869234 1.2769905 1.1935053 1.0819024\n", + " 1.0132228 1.0159999 1.0152645 1.0236026 1.1715934 1.0777688 1.1158785\n", + " 1.1211432 1.0753704 1.0123835 1.0254668 1.0409695 1.026499 1.0285656]\n", + "\n", + "[ 1 3 4 2 5 11 0 14 13 6 12 15 18 20 19 17 10 8 9 7 16]\n", + "=======================\n", + "[\"kim callaghan , 39 , piled on the pounds after the birth of her two children , reaching a worrying 20st 3lb .kim callaghan became so worried that her weight was causing her to look like a man that she went on a dramatic diet that saw her lose half of her body weightkim 's weight loss saw her drop an incredible ten dress sizes to slim down to a slinky size eight .\"]\n", + "=======================\n", + "['kim callaghan , from ireland , piled on the pounds after having childrenlimited to size 28 clothing kim , 39 , worried she resembled a manshe joined slimming world and dropped ten dress sizes as well as 10st']\n", + "kim callaghan , 39 , piled on the pounds after the birth of her two children , reaching a worrying 20st 3lb .kim callaghan became so worried that her weight was causing her to look like a man that she went on a dramatic diet that saw her lose half of her body weightkim 's weight loss saw her drop an incredible ten dress sizes to slim down to a slinky size eight .\n", + "kim callaghan , from ireland , piled on the pounds after having childrenlimited to size 28 clothing kim , 39 , worried she resembled a manshe joined slimming world and dropped ten dress sizes as well as 10st\n", + "[1.289282 1.4488072 1.051545 1.1571085 1.3943915 1.2109089 1.1100491\n", + " 1.0396655 1.0675716 1.1211566 1.0761522 1.1222227 1.0795338 1.0275481\n", + " 1.0535578 1.0309927 1.0423707 1.034823 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 5 3 11 9 6 12 10 8 14 2 16 7 17 15 13 19 18 20]\n", + "=======================\n", + "[\"the narrabeen property began sliding down the hill it was built on after it was battered by the wild weather on tuesday , endangering neighbouring houses and forcing locals to evacuate . 'it took a team of firefighters , police and engineers , but a house on sydney 's northern beaches tragically damaged in the this week 's destructive storm in nsw has finally been demolished .a tree stump on the hill prevented the house from falling further down , but authorities feared it was only a matter of time before it caused further damage to surrounding properties .\"]\n", + "=======================\n", + "['a narrabeen house damaged in the sydney storms has been demolishedit began sliding down the hill it was built on , endangering homes nearbya team of firefighters , police , and engineers to bring the property downa cherry picker , four pressurised hoses , and a thick cable were usedneighbours clapped and cheered when it was destroyed']\n", + "the narrabeen property began sliding down the hill it was built on after it was battered by the wild weather on tuesday , endangering neighbouring houses and forcing locals to evacuate . 'it took a team of firefighters , police and engineers , but a house on sydney 's northern beaches tragically damaged in the this week 's destructive storm in nsw has finally been demolished .a tree stump on the hill prevented the house from falling further down , but authorities feared it was only a matter of time before it caused further damage to surrounding properties .\n", + "a narrabeen house damaged in the sydney storms has been demolishedit began sliding down the hill it was built on , endangering homes nearbya team of firefighters , police , and engineers to bring the property downa cherry picker , four pressurised hoses , and a thick cable were usedneighbours clapped and cheered when it was destroyed\n", + "[1.2197223 1.5341239 1.2212713 1.4378493 1.1591735 1.1287509 1.0639038\n", + " 1.0653661 1.0861461 1.1050204 1.1400727 1.0269287 1.0169661 1.0459621\n", + " 1.0681648 1.0460963 1.0344536 1.0195216 1.0099212 1.0093372 1.0259782]\n", + "\n", + "[ 1 3 2 0 4 10 5 9 8 14 7 6 15 13 16 11 20 17 12 18 19]\n", + "=======================\n", + "['mary murphy , 66 , is thought to have tried to grab hold of john wood , 67 , when he stumbled at the top of the stairs , but slipped herself and the pair fell to their deaths .their bodies were found by paramedics on wednesday in the hallway of their terraced home , after concerns were raised about their welfare .an elderly couple died in a freak accident after the woman fell down the stairs in a desperate attempt to save her partner who had also tripped .']\n", + "=======================\n", + "[\"mary murphy , 66 , and john wood ,67 , died falling down stairs at her homepensioner is believed to have come to aid of her partner , 67 , who trippeddetectives described the incident as ` extremely bizarre ' and ` tragic 'ms murphy , a regular worshipper , was described as ` kind and well-liked '\"]\n", + "mary murphy , 66 , is thought to have tried to grab hold of john wood , 67 , when he stumbled at the top of the stairs , but slipped herself and the pair fell to their deaths .their bodies were found by paramedics on wednesday in the hallway of their terraced home , after concerns were raised about their welfare .an elderly couple died in a freak accident after the woman fell down the stairs in a desperate attempt to save her partner who had also tripped .\n", + "mary murphy , 66 , and john wood ,67 , died falling down stairs at her homepensioner is believed to have come to aid of her partner , 67 , who trippeddetectives described the incident as ` extremely bizarre ' and ` tragic 'ms murphy , a regular worshipper , was described as ` kind and well-liked '\n", + "[1.243215 1.2257245 1.1899613 1.4804218 1.1072516 1.1987116 1.0860633\n", + " 1.0641829 1.1700976 1.0723114 1.0296273 1.0157584 1.0959119 1.011211\n", + " 1.0134639 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 5 2 8 4 12 6 9 7 10 11 14 13 19 15 16 17 18 20]\n", + "=======================\n", + "['19-year-old hattie gladwell was fitted with an ostomy bag after under-going surgery for ulcerative colitis , now she shares her experience on her blog morethanyourbag.comnow the pretty redhead from west sussex has shared her story with the world in a bid to rid the stigma around those living with a stoma ( a surgically created opening in the abdomen ) and a bag .hattie was admitted to hospital on january 26th of this year although she had long suffered from problems with her health after an inflammatory bowel condition was misdiagnosed .']\n", + "=======================\n", + "['hattie gladwell was fitted with an ileostomy bag in january this yearshe had undergone emergency surgery for ulcerative colitisthe 19-year-old blogs about her life with her bag fitted to small intestineshe reveals all about her sex life and the effect it has on her confidence']\n", + "19-year-old hattie gladwell was fitted with an ostomy bag after under-going surgery for ulcerative colitis , now she shares her experience on her blog morethanyourbag.comnow the pretty redhead from west sussex has shared her story with the world in a bid to rid the stigma around those living with a stoma ( a surgically created opening in the abdomen ) and a bag .hattie was admitted to hospital on january 26th of this year although she had long suffered from problems with her health after an inflammatory bowel condition was misdiagnosed .\n", + "hattie gladwell was fitted with an ileostomy bag in january this yearshe had undergone emergency surgery for ulcerative colitisthe 19-year-old blogs about her life with her bag fitted to small intestineshe reveals all about her sex life and the effect it has on her confidence\n", + "[1.4230871 1.4308965 1.2343838 1.4542162 1.2517809 1.0244855 1.0125576\n", + " 1.0272608 1.319537 1.1754649 1.0553273 1.097325 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 8 4 2 9 11 10 7 5 6 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"barcelona b winger moha el ouriachi is set to sign for stoke city , according to the player 's agentpotters manager mark hughes , the former barcelona striker , has already snapped up bojan krkic and marc muniesa from the nou camp and teenager el ouriachi now looks to be on his way to the britannia stadium this summer .the 19-year-old barcelona b player is apparently keen to seek first-team action rather than extend his contract with the spanish giants .\"]\n", + "=======================\n", + "[\"barcelona b winger moha el ouriachi set to reject a new deal at clubthe player 's agent says they have an irresistible offer from stoke citystoke have already signed bojan krkic and marc muniesa from catalanspacey winger el ouriachi , 19 , has represented spain at youth level\"]\n", + "barcelona b winger moha el ouriachi is set to sign for stoke city , according to the player 's agentpotters manager mark hughes , the former barcelona striker , has already snapped up bojan krkic and marc muniesa from the nou camp and teenager el ouriachi now looks to be on his way to the britannia stadium this summer .the 19-year-old barcelona b player is apparently keen to seek first-team action rather than extend his contract with the spanish giants .\n", + "barcelona b winger moha el ouriachi set to reject a new deal at clubthe player 's agent says they have an irresistible offer from stoke citystoke have already signed bojan krkic and marc muniesa from catalanspacey winger el ouriachi , 19 , has represented spain at youth level\n", + "[1.3481897 1.3353035 1.2077926 1.2034038 1.1102057 1.1541545 1.0961872\n", + " 1.0680248 1.0588996 1.0459622 1.0312792 1.0748081 1.0732666 1.0527744\n", + " 1.0546354 1.1058358 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 3 5 4 15 6 11 12 7 8 14 13 9 10 16 17 18 19 20 21]\n", + "=======================\n", + "['washington ( cnn ) in a broad bipartisan vote , the senate on tuesday gave final approval to a medicare reform bill that includes a permanent solution to the \" doc fix , \" a method the government has used to ensure payments to medicare providers will keep up with inflation .the bill , which passed 92 to 8 , also includes a two-year extension of a popular children \\'s health insurance program .senate finance committee chairman orrin hatch of utah called passage of the bill a \" major , major accomplishment . \"']\n", + "=======================\n", + "['bill passes 92 to 8 ; passage came just hours before cuts to physicians would have taken placegop presidential candidates ted cruz and marco rubio vote against the bill , candidate rand paul votes for it']\n", + "washington ( cnn ) in a broad bipartisan vote , the senate on tuesday gave final approval to a medicare reform bill that includes a permanent solution to the \" doc fix , \" a method the government has used to ensure payments to medicare providers will keep up with inflation .the bill , which passed 92 to 8 , also includes a two-year extension of a popular children 's health insurance program .senate finance committee chairman orrin hatch of utah called passage of the bill a \" major , major accomplishment . \"\n", + "bill passes 92 to 8 ; passage came just hours before cuts to physicians would have taken placegop presidential candidates ted cruz and marco rubio vote against the bill , candidate rand paul votes for it\n", + "[1.1584219 1.2425201 1.1165603 1.0635988 1.1645772 1.1549872 1.2113323\n", + " 1.2440784 1.1521375 1.0674144 1.0790256 1.0594141 1.0625639 1.0406166\n", + " 1.046633 1.0564747 1.0370648 1.0471578 1.0570449 1.0687 1.0672843\n", + " 1.0417863]\n", + "\n", + "[ 7 1 6 4 0 5 8 2 10 19 9 20 3 12 11 18 15 17 14 21 13 16]\n", + "=======================\n", + "['authorities allege the brothers are responsible for the 2013 boston marathon bombing , which left three people dead and more than 260 others injured .according to a criminal complaint , tsarnaeva threatened a woman in a phone call this summer , saying \" leave my man alone . \"tsarnaeva is the sister of dzhokhar and tamerlan tsarnaev .']\n", + "=======================\n", + "[\"dzhokhar tsarnaev is on trial for his alleged role in the boston marathon bombingstsarnaev 's sister , ailina , was in court in december related to aggravated harassment chargestsarnaev 's mother is wanted on felony charges of shoplifting and destruction of property\"]\n", + "authorities allege the brothers are responsible for the 2013 boston marathon bombing , which left three people dead and more than 260 others injured .according to a criminal complaint , tsarnaeva threatened a woman in a phone call this summer , saying \" leave my man alone . \"tsarnaeva is the sister of dzhokhar and tamerlan tsarnaev .\n", + "dzhokhar tsarnaev is on trial for his alleged role in the boston marathon bombingstsarnaev 's sister , ailina , was in court in december related to aggravated harassment chargestsarnaev 's mother is wanted on felony charges of shoplifting and destruction of property\n", + "[1.3421462 1.4790827 1.3353081 1.3214319 1.1034324 1.0410608 1.049151\n", + " 1.0916991 1.0199559 1.0220861 1.2975459 1.1296303 1.0695053 1.0233691\n", + " 1.0194296 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 3 10 11 4 7 12 6 5 13 9 8 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"speaking after his easter sunday mass , archbishop of brisbane phillip aspinall said he supported father paul kelly in his calls for the homosexual advance defence to be removed from queensland common law .the defence means a murder charge may be reduced to manslaughter if the defendant establishes their victim ` came on ' to them , and the killing was in self-defence .dr aspinall also appealed to those who resorted to violence at recent anti-islam rallies , as well as a individuals behind an apparent spate of church vandalism in melbourne .\"]\n", + "=======================\n", + "[\"a catholic priest has called for the ` gay panic ' laws to be removedan archbishop said he supports the homicide defence to be scrappedhomosexual advance defence means a murder charge may be reduced to manslaughter if the defendant establishes their victim ` came on ' to them\"]\n", + "speaking after his easter sunday mass , archbishop of brisbane phillip aspinall said he supported father paul kelly in his calls for the homosexual advance defence to be removed from queensland common law .the defence means a murder charge may be reduced to manslaughter if the defendant establishes their victim ` came on ' to them , and the killing was in self-defence .dr aspinall also appealed to those who resorted to violence at recent anti-islam rallies , as well as a individuals behind an apparent spate of church vandalism in melbourne .\n", + "a catholic priest has called for the ` gay panic ' laws to be removedan archbishop said he supports the homicide defence to be scrappedhomosexual advance defence means a murder charge may be reduced to manslaughter if the defendant establishes their victim ` came on ' to them\n", + "[1.4322828 1.1990092 1.551089 1.3926711 1.0939114 1.0250021 1.0152879\n", + " 1.0223422 1.0387359 1.1825597 1.0827463 1.0148264 1.0889143 1.0308317\n", + " 1.0234876 1.0207506 1.0137149 1.0208583 1.1724658 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 3 1 9 18 4 12 10 8 13 5 14 7 17 15 6 11 16 20 19 21]\n", + "=======================\n", + "[\"janet faal , 57 , was out with a friend in crawley , west sussex , as part of her rehabilitation when she moved a wooden pallet to help them reverse and plunged down into the open gap .she now has two black eyes and a suspected fractured leg after smashing her face on the pallet and was left in a ` splits ' position as only one of her legs went down the hole when she slipped .an agoraphobic grandmother who conquered her fear of open spaces and left home for the third time in 10 years only to fall down a manhole .\"]\n", + "=======================\n", + "[\"janet faal , 57 , was out with a friend as part of her rehabilitation in crawleyshe moved wooden pallet with foot to help friend reverse and slipped downgrandmother-of-two smashed face on pallet and left doing ` splits ' in holemiss faal says it has set her back in battle with debilitating agoraphobia\"]\n", + "janet faal , 57 , was out with a friend in crawley , west sussex , as part of her rehabilitation when she moved a wooden pallet to help them reverse and plunged down into the open gap .she now has two black eyes and a suspected fractured leg after smashing her face on the pallet and was left in a ` splits ' position as only one of her legs went down the hole when she slipped .an agoraphobic grandmother who conquered her fear of open spaces and left home for the third time in 10 years only to fall down a manhole .\n", + "janet faal , 57 , was out with a friend as part of her rehabilitation in crawleyshe moved wooden pallet with foot to help friend reverse and slipped downgrandmother-of-two smashed face on pallet and left doing ` splits ' in holemiss faal says it has set her back in battle with debilitating agoraphobia\n", + "[1.3831846 1.3964987 1.3024501 1.2514482 1.0489026 1.1644856 1.0270467\n", + " 1.02892 1.093168 1.0323615 1.0387077 1.0414271 1.0302204 1.0826514\n", + " 1.0831307 1.037782 1.0219549 1.0217066 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 3 5 8 14 13 4 11 10 15 9 12 7 6 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the governor is heading a delegation of 18 academics and business leaders visiting the island in the wake of the december announcement that the us and cuba would restore diplomatic relations after more than a half century of hostility and confrontation .new york governor andrew cuomo has become the first governor in five years to visit cuba , following president obama 's ease on trade and travel to the communist nation .today , cuomo met with cuba 's top officials for u.s. relations along with executives from jetblue , mastercard , pfizer and other new york-based companies .\"]\n", + "=======================\n", + "['cuomo first us governor to visit cuba since ease on trade and travelheads delegation of 18 new york academics and business leaderspresident obama eased trade and travel restrictions earlier this year']\n", + "the governor is heading a delegation of 18 academics and business leaders visiting the island in the wake of the december announcement that the us and cuba would restore diplomatic relations after more than a half century of hostility and confrontation .new york governor andrew cuomo has become the first governor in five years to visit cuba , following president obama 's ease on trade and travel to the communist nation .today , cuomo met with cuba 's top officials for u.s. relations along with executives from jetblue , mastercard , pfizer and other new york-based companies .\n", + "cuomo first us governor to visit cuba since ease on trade and travelheads delegation of 18 new york academics and business leaderspresident obama eased trade and travel restrictions earlier this year\n", + "[1.1739005 1.2587737 1.3910935 1.2973311 1.2544056 1.045957 1.0263104\n", + " 1.1342385 1.1068072 1.0894212 1.0565658 1.0387297 1.0744902 1.0664436\n", + " 1.0426954 1.0263687 1.024247 1.0278299]\n", + "\n", + "[ 2 3 1 4 0 7 8 9 12 13 10 5 14 11 17 15 6 16]\n", + "=======================\n", + "[\"the supermarket beat major hotel , restaurant and pub chains to achieve the title of britain 's best breakfast .morrisons has been named the best place to get breakfast in the uk - beating restaurants , pubs and hotels to win the title - with its big breakfast ( pictured ) one of the most popular items on its extensive morning menubut after fierce competition and testing , experts have ruled the the best breakfast is available from your local morrisons .\"]\n", + "=======================\n", + "['morrisons was awarded the title of serving the best breakfast in britainsupermarket chain beat hotels , pubs and restaurants to win the titleit achieved the accolade in the menu innovation and development awardsjudges sent mystery shoppers to try breakfasts nationwide to find winner']\n", + "the supermarket beat major hotel , restaurant and pub chains to achieve the title of britain 's best breakfast .morrisons has been named the best place to get breakfast in the uk - beating restaurants , pubs and hotels to win the title - with its big breakfast ( pictured ) one of the most popular items on its extensive morning menubut after fierce competition and testing , experts have ruled the the best breakfast is available from your local morrisons .\n", + "morrisons was awarded the title of serving the best breakfast in britainsupermarket chain beat hotels , pubs and restaurants to win the titleit achieved the accolade in the menu innovation and development awardsjudges sent mystery shoppers to try breakfasts nationwide to find winner\n", + "[1.0807345 1.0369142 1.062265 1.2760185 1.1743149 1.2554064 1.2149447\n", + " 1.182334 1.1851925 1.0837222 1.0220952 1.0183814 1.0266849 1.097134\n", + " 1.2095006 1.1479199 1.0313227 1.0469248]\n", + "\n", + "[ 3 5 6 14 8 7 4 15 13 9 0 2 17 1 16 12 10 11]\n", + "=======================\n", + "['it \\'s not just the fun activities that make locals and travelers to those countries happy , according to the third world happiness report , released by the sustainable development solutions network for the united nations on april 23 .recognizing \" happiness and well-being as universal goals and aspirations in the lives of human beings around the world , \" the u.n. general assembly declared march 20 as world happiness day in 2012 .this officially designated happy date marked its fourth year last month .']\n", + "=======================\n", + "['the world happiness report highlights the happiest countriespeople live longer and experience more generosity and social support in these countiesthe united nations first declared a world happiness day in 2012']\n", + "it 's not just the fun activities that make locals and travelers to those countries happy , according to the third world happiness report , released by the sustainable development solutions network for the united nations on april 23 .recognizing \" happiness and well-being as universal goals and aspirations in the lives of human beings around the world , \" the u.n. general assembly declared march 20 as world happiness day in 2012 .this officially designated happy date marked its fourth year last month .\n", + "the world happiness report highlights the happiest countriespeople live longer and experience more generosity and social support in these countiesthe united nations first declared a world happiness day in 2012\n", + "[1.3460636 1.214926 1.2935184 1.4294285 1.276812 1.3241336 1.0487905\n", + " 1.0270027 1.0211089 1.0879083 1.0840899 1.0238488 1.06909 1.0917026\n", + " 1.0407808 1.2059873 0. 0. ]\n", + "\n", + "[ 3 0 5 2 4 1 15 13 9 10 12 6 14 7 11 8 16 17]\n", + "=======================\n", + "['manchester city midfielder yaya toure has hinted that he is open to leaving manchester city this summeryaya toure wants to meet with manchester city to thrash out his future , according to his controversial agent .inter milan boss roberto mancini wants to be reunited with toure next season after managing him at city']\n", + "=======================\n", + "[\"yaya toure has been linked with a transfer with inter milan and psg keenthe manchester city midfielder has struggled for form this seasonagent dimitri seluk said club must make the ivory coast star feel wantedseluk said toure is a club legend and money is n't their motivationread : manchester city will miss yaya toure when he goes\"]\n", + "manchester city midfielder yaya toure has hinted that he is open to leaving manchester city this summeryaya toure wants to meet with manchester city to thrash out his future , according to his controversial agent .inter milan boss roberto mancini wants to be reunited with toure next season after managing him at city\n", + "yaya toure has been linked with a transfer with inter milan and psg keenthe manchester city midfielder has struggled for form this seasonagent dimitri seluk said club must make the ivory coast star feel wantedseluk said toure is a club legend and money is n't their motivationread : manchester city will miss yaya toure when he goes\n", + "[1.2506278 1.2845606 1.2341863 1.1302273 1.2904418 1.1971837 1.0624603\n", + " 1.0390856 1.0249318 1.1401734 1.1135253 1.0731494 1.0880543 1.0612603\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 4 1 0 2 5 9 3 10 12 11 6 13 7 8 14 15 16 17]\n", + "=======================\n", + "['the mail on sunday was voted sunday newspaper of the year for a third year in a row .a hat-trick in the prestigious london press club awards is unprecedented for a quality , family newspaper .they also praised our all-round quality that , week after week , sets the agenda and forces daily newspapers to chase our big exclusives .']\n", + "=======================\n", + "[\"hat-trick in the prestigious london press club awards is unprecedentedjudges said a rare feat was ` fully deserved ' and praised all-round qualityfront page which revealed truth about feminist t-shirts worn by ed miliband and harriet harman earned a nomination for scoop of the yearliterary critic craig brown was nominated as arts reviewer of the year\"]\n", + "the mail on sunday was voted sunday newspaper of the year for a third year in a row .a hat-trick in the prestigious london press club awards is unprecedented for a quality , family newspaper .they also praised our all-round quality that , week after week , sets the agenda and forces daily newspapers to chase our big exclusives .\n", + "hat-trick in the prestigious london press club awards is unprecedentedjudges said a rare feat was ` fully deserved ' and praised all-round qualityfront page which revealed truth about feminist t-shirts worn by ed miliband and harriet harman earned a nomination for scoop of the yearliterary critic craig brown was nominated as arts reviewer of the year\n", + "[1.1015407 1.0521295 1.2982936 1.3074642 1.2369331 1.157403 1.0755922\n", + " 1.0841578 1.1247075 1.0976096 1.0773337 1.0693142 1.0698507 1.1154424\n", + " 1.0809433 1.0833108 1.0523453 0. ]\n", + "\n", + "[ 3 2 4 5 8 13 0 9 7 15 14 10 6 12 11 16 1 17]\n", + "=======================\n", + "['fka twigs has been one of the main trendsetters when it comes to the septum ringin recent months , a whole host of stars have been wearing the body jewellery , including fka twigs , rihanna and lady gaga .it was a coming-of-age ritual for some north american tribes - the boys would be given the nose ring when they became a man , the shawnee leaders tecumseh and tenskwatawa both had them .']\n", + "=======================\n", + "['septum rings are a new craze among celebritiesfka twigs started the trend after appearing at red carpet events with oneit has been used in various asian and north american cultures for years']\n", + "fka twigs has been one of the main trendsetters when it comes to the septum ringin recent months , a whole host of stars have been wearing the body jewellery , including fka twigs , rihanna and lady gaga .it was a coming-of-age ritual for some north american tribes - the boys would be given the nose ring when they became a man , the shawnee leaders tecumseh and tenskwatawa both had them .\n", + "septum rings are a new craze among celebritiesfka twigs started the trend after appearing at red carpet events with oneit has been used in various asian and north american cultures for years\n", + "[1.2301189 1.3995208 1.1806427 1.2758297 1.0494876 1.1174184 1.080206\n", + " 1.0840478 1.256045 1.081355 1.0996622 1.0792282 1.0892649 1.044485\n", + " 1.0563631 0. ]\n", + "\n", + "[ 1 3 8 0 2 5 10 12 7 9 6 11 14 4 13 15]\n", + "=======================\n", + "['helicopter cameras caught a swarm of cops kicking and punching 30-year-old francis pusok more than 80 times on thursday , after he fled his southern california home when they tried to arrest him for identity theft charges .scarring experience : francis pusok ( left ) spoke for the first time on monday , four days after he was beaten up by cops in footage taken from a helicopter .just a day after being released from jail , the man who was beaten by cops following a two-and-a-half hour chase on horseback has spoken out to detail his painful arrest .']\n", + "=======================\n", + "['francis pusok , 30 , was arrested thursday after a hours long chase with police in san bernardino county , californiaa news helicopter following the chase recorded police tasering pusok , putting him in handcuffs and continuing to beat him after he was subduedthe father of three was released from jail on sunday and spoke out on monday about the scarring experiencein the wake of the attack , 10 officers have been placed on leave pending an investigation into whether excessive force was used against pusok']\n", + "helicopter cameras caught a swarm of cops kicking and punching 30-year-old francis pusok more than 80 times on thursday , after he fled his southern california home when they tried to arrest him for identity theft charges .scarring experience : francis pusok ( left ) spoke for the first time on monday , four days after he was beaten up by cops in footage taken from a helicopter .just a day after being released from jail , the man who was beaten by cops following a two-and-a-half hour chase on horseback has spoken out to detail his painful arrest .\n", + "francis pusok , 30 , was arrested thursday after a hours long chase with police in san bernardino county , californiaa news helicopter following the chase recorded police tasering pusok , putting him in handcuffs and continuing to beat him after he was subduedthe father of three was released from jail on sunday and spoke out on monday about the scarring experiencein the wake of the attack , 10 officers have been placed on leave pending an investigation into whether excessive force was used against pusok\n", + "[1.3692882 1.1940944 1.2459407 1.1540611 1.0471454 1.1188931 1.098838\n", + " 1.1153479 1.0770183 1.2032354 1.0850382 1.1130216 1.0883484 1.0253191\n", + " 1.0819756 1.0160743]\n", + "\n", + "[ 0 2 9 1 3 5 7 11 6 12 10 14 8 4 13 15]\n", + "=======================\n", + "[\"nicola sturgeon was booed last night as she refused to rule out holding a second independence vote in the next few years -- despite having earlier claimed 2014 's referendum was a ` once in a generation ' event .but last night , in an election debate on scottish tv , she said she respected last year 's result , and said she would not call for another plebiscite in the snp manifesto for the westminster election in may .support : asked by mr murphy ( left ) where she ` wanted ' mr miliband to be prime minister , ms sturgeon ( right ) said : ` i 'm offering to help make ed miliband prime minister .\"]\n", + "=======================\n", + "[\"nicola sturgeon took part in debate between leaders of scottish partiessnp leader said she is ` offering to help make ed miliband prime minister 'her failure to rule out another referendum was met with boos by audienceadded she would not support conservative government with snp mps\"]\n", + "nicola sturgeon was booed last night as she refused to rule out holding a second independence vote in the next few years -- despite having earlier claimed 2014 's referendum was a ` once in a generation ' event .but last night , in an election debate on scottish tv , she said she respected last year 's result , and said she would not call for another plebiscite in the snp manifesto for the westminster election in may .support : asked by mr murphy ( left ) where she ` wanted ' mr miliband to be prime minister , ms sturgeon ( right ) said : ` i 'm offering to help make ed miliband prime minister .\n", + "nicola sturgeon took part in debate between leaders of scottish partiessnp leader said she is ` offering to help make ed miliband prime minister 'her failure to rule out another referendum was met with boos by audienceadded she would not support conservative government with snp mps\n", + "[1.3137779 1.3925054 1.473108 1.280227 1.4167259 1.0614091 1.0661355\n", + " 1.0308946 1.0261558 1.0479746 1.0355511 1.043843 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 4 1 0 3 6 5 9 11 10 7 8 12 13 14 15]\n", + "=======================\n", + "[\"croft suffered a dislocated shoulder in the tigers ' victory over newcastle and , after surgery , he was left facing six months of rehabilitation .tom croft has signed a new deal with leicester which keeps him with the tigers despite his injury troublesthe club future of the england and lions flanker appeared to be in doubt last month when his cruel injury jinx struck again .\"]\n", + "=======================\n", + "['his cruel injury jinx struck again as the england and lions flanker dislocated his shoulder against newcastlethe injury will almost certainly rule him out of the world cupin 2012 , the 29-year-old suffered a broken neck and he missed most of last season with a knee injury']\n", + "croft suffered a dislocated shoulder in the tigers ' victory over newcastle and , after surgery , he was left facing six months of rehabilitation .tom croft has signed a new deal with leicester which keeps him with the tigers despite his injury troublesthe club future of the england and lions flanker appeared to be in doubt last month when his cruel injury jinx struck again .\n", + "his cruel injury jinx struck again as the england and lions flanker dislocated his shoulder against newcastlethe injury will almost certainly rule him out of the world cupin 2012 , the 29-year-old suffered a broken neck and he missed most of last season with a knee injury\n", + "[1.4696152 1.336662 1.2203351 1.1069113 1.1895392 1.0382692 1.1158462\n", + " 1.0450544 1.0612574 1.0647401 1.0608139 1.0682445 1.0390004 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 4 6 3 11 9 8 10 7 12 5 13 14 15]\n", + "=======================\n", + "[\"( cnn ) this week 's attack on garissa university college is al-shabaab 's fifth major assault in kenya in the past year and a half .the thursday massacre was the most deadly assault so far , with 147 dead , easily eclipsing the terrorist group 's most notorious attack , a four-day siege in late september 2013 at the westgate mall in nairobi in which 67 people were killed .after the westgate attack , al-shabaab unleashed a string of attacks in kenya that have killed more than 100 people -- assaulting the coastal town of mpeketoni on june 16 , 2014 ; shooting bus passengers who could not recite the quran on november 22 , 2014 ; and then , days later , executing christian quarry laborers .\"]\n", + "=======================\n", + "[\"al-shabaab 's attack on garissa university college is the group 's deadliest so far in kenyaauthors : the group is under pressure from african union forces and a covert u.s. war\"]\n", + "( cnn ) this week 's attack on garissa university college is al-shabaab 's fifth major assault in kenya in the past year and a half .the thursday massacre was the most deadly assault so far , with 147 dead , easily eclipsing the terrorist group 's most notorious attack , a four-day siege in late september 2013 at the westgate mall in nairobi in which 67 people were killed .after the westgate attack , al-shabaab unleashed a string of attacks in kenya that have killed more than 100 people -- assaulting the coastal town of mpeketoni on june 16 , 2014 ; shooting bus passengers who could not recite the quran on november 22 , 2014 ; and then , days later , executing christian quarry laborers .\n", + "al-shabaab 's attack on garissa university college is the group 's deadliest so far in kenyaauthors : the group is under pressure from african union forces and a covert u.s. war\n", + "[1.3675303 1.3357272 1.4133446 1.3199625 1.1789604 1.0854483 1.0855657\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 1 3 4 6 5 7 8 9 10 11 12 13 14 15]\n", + "=======================\n", + "[\"ap mccoy and mr mole will have six rivals in the grade one celebration chase at sandown on saturdaypaul nicholls-trained mr mole is bracketed with irish raider special tiara and nicky henderson 's sprinter sacre , who will be ridden by cheltenham gold cup winner nico de boinville in the absence of injured barry geraghty .his book of rides for his final day as a professional jockey will not be finalised until friday morning .\"]\n", + "=======================\n", + "[\"there are three 7-2 co-favourites for the grade one celebration chaseap mccoy 's mount mr mole is bracketed with special tiara and sprinter sacre for saturday 's raceit will be ap mccoy 's last ride in a grade one race\"]\n", + "ap mccoy and mr mole will have six rivals in the grade one celebration chase at sandown on saturdaypaul nicholls-trained mr mole is bracketed with irish raider special tiara and nicky henderson 's sprinter sacre , who will be ridden by cheltenham gold cup winner nico de boinville in the absence of injured barry geraghty .his book of rides for his final day as a professional jockey will not be finalised until friday morning .\n", + "there are three 7-2 co-favourites for the grade one celebration chaseap mccoy 's mount mr mole is bracketed with special tiara and sprinter sacre for saturday 's raceit will be ap mccoy 's last ride in a grade one race\n", + "[1.3220448 1.3067517 1.190223 1.1227862 1.1805849 1.0257119 1.0461104\n", + " 1.18919 1.1405078 1.079296 1.0684015 1.0261873 1.0204543 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 7 4 8 3 9 10 6 11 5 12 16 13 14 15 17]\n", + "=======================\n", + "[\"after nearly two years of jockeying with congress over the irs 's history of discriminating against conservative nonprofit groups , former official lois lerner wo n't be charged with a crime for defying a congressional subpoena and refusing to answer questions .u.s. attorney ronald machen , on his last day in office , told house speaker john boehner in a seven-page letter that lerner could wrap herself in the u.s. constitution 's fifth amendment , even though she offered a self-serving opening statement before clamming up during a may 22 , 2013 hearing .lerner has long been in the gop 's crosshairs because she led the irs department tasked with approving nonprofit groups ' applications for tax-exempt status .\"]\n", + "=======================\n", + "[\"justice dept. sent 7-page letter to house speaker john boehner explaining why the former irs official was allowed to plead the fifth amendmentfederal prosecutor in charge of the case sent his decision to capitol hill on the last day before his own resignation took effectlerner offered a self-serving opening statement during a 2013 hearing , but refused to take questions even though she was under subpoenahearing focused on the irs 's habit of targeting conservative groups with special scrutiny based on words like ` patriots ' or ` tea party ' in their namesthe doj says she ca n't be prosecuted for defying the subpoena ` because she made only general claims of innocence ' and offered few details\"]\n", + "after nearly two years of jockeying with congress over the irs 's history of discriminating against conservative nonprofit groups , former official lois lerner wo n't be charged with a crime for defying a congressional subpoena and refusing to answer questions .u.s. attorney ronald machen , on his last day in office , told house speaker john boehner in a seven-page letter that lerner could wrap herself in the u.s. constitution 's fifth amendment , even though she offered a self-serving opening statement before clamming up during a may 22 , 2013 hearing .lerner has long been in the gop 's crosshairs because she led the irs department tasked with approving nonprofit groups ' applications for tax-exempt status .\n", + "justice dept. sent 7-page letter to house speaker john boehner explaining why the former irs official was allowed to plead the fifth amendmentfederal prosecutor in charge of the case sent his decision to capitol hill on the last day before his own resignation took effectlerner offered a self-serving opening statement during a 2013 hearing , but refused to take questions even though she was under subpoenahearing focused on the irs 's habit of targeting conservative groups with special scrutiny based on words like ` patriots ' or ` tea party ' in their namesthe doj says she ca n't be prosecuted for defying the subpoena ` because she made only general claims of innocence ' and offered few details\n", + "[1.3082105 1.3076524 1.3223648 1.160705 1.2752047 1.2969615 1.2650154\n", + " 1.1776034 1.0829576 1.108776 1.0482566 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 5 4 6 7 3 9 8 10 11 12 13 14 15 16 17]\n", + "=======================\n", + "['psg are weighing up options with manchester united refusing to budge on angel di maria .paris saint-germain have held initial discussions over a possible move for dinamo kiev winger andriy yarmolenko .the ukraine flyer tormented everton in their europa league tie last month and has been watched by liverpool in recent seasons .']\n", + "=======================\n", + "[\"psg are considering a # 15m move for dynamo kiev and ukraine winger andriy yarmolenkothe 25-year-old is highly-rated on the continent and tormented everton during this season 's europa league campaignpsg are also interested in juventus midfielder paul pogba , but have been rebuffed in their pursuit of manchester united 's angel di maria\"]\n", + "psg are weighing up options with manchester united refusing to budge on angel di maria .paris saint-germain have held initial discussions over a possible move for dinamo kiev winger andriy yarmolenko .the ukraine flyer tormented everton in their europa league tie last month and has been watched by liverpool in recent seasons .\n", + "psg are considering a # 15m move for dynamo kiev and ukraine winger andriy yarmolenkothe 25-year-old is highly-rated on the continent and tormented everton during this season 's europa league campaignpsg are also interested in juventus midfielder paul pogba , but have been rebuffed in their pursuit of manchester united 's angel di maria\n", + "[1.3718226 1.3954377 1.228599 1.198761 1.1445357 1.1411226 1.0671692\n", + " 1.0612626 1.022887 1.0744427 1.0206559 1.0245222 1.0286222 1.1198431\n", + " 1.082335 1.0467681 1.1887192 1.0274217]\n", + "\n", + "[ 1 0 2 3 16 4 5 13 14 9 6 7 15 12 17 11 8 10]\n", + "=======================\n", + "[\"seven of slager 's fellow cops responded to his call forback-up after the shooting - as handcuffed walter scott lay dead or dying with five bullet wounds to the back .officers also told an internal report that they gave scott cpr , but the video only shows them checking his pulse and standing over his body .the video of the shooting shows officer clarence haberdasham was the first to arrive on scene as scott lay handcuffed on the ground .\"]\n", + "=======================\n", + "[\"growing questions over the conduct of michael slager 's fellow officersfew questions appear to have been initially raised about slager 's account of a struggleother discrepancies between witness video and internal police reportauthorities refuse to day if any other officers will be disciplinedcivil rights leaders say of slager 's actions ` this would have been another cover up '\"]\n", + "seven of slager 's fellow cops responded to his call forback-up after the shooting - as handcuffed walter scott lay dead or dying with five bullet wounds to the back .officers also told an internal report that they gave scott cpr , but the video only shows them checking his pulse and standing over his body .the video of the shooting shows officer clarence haberdasham was the first to arrive on scene as scott lay handcuffed on the ground .\n", + "growing questions over the conduct of michael slager 's fellow officersfew questions appear to have been initially raised about slager 's account of a struggleother discrepancies between witness video and internal police reportauthorities refuse to day if any other officers will be disciplinedcivil rights leaders say of slager 's actions ` this would have been another cover up '\n", + "[1.2241814 1.424576 1.2580187 1.3194524 1.281882 1.0221236 1.2339827\n", + " 1.0652264 1.0579559 1.1697041 1.0621564 1.0472106 1.0926462 1.0900754\n", + " 1.0655096 1.0207313 1.0338885 1.0279988]\n", + "\n", + "[ 1 3 4 2 6 0 9 12 13 14 7 10 8 11 16 17 5 15]\n", + "=======================\n", + "['a massive rescue operation involving more than 1,300 people is now underway after the ship , carrying an international crew of 132 , sank in the sea of okhotsk in just 15 minutes .the russian freezer trawler , called the dalny vostok , that sank while carrying 132 crew members at 4am on thursday morning local time .at least 54 bodies have been recovered in the huge rescue operation']\n", + "=======================\n", + "['trawler was carrying 132 crew members when it sank in sea of okhotskfishing boats in the area have helped emergency services with rescueat least 56 people have died after ship sank in just 15 minutessea is coldest in east asia with air temperatures of -20 degrees celsius']\n", + "a massive rescue operation involving more than 1,300 people is now underway after the ship , carrying an international crew of 132 , sank in the sea of okhotsk in just 15 minutes .the russian freezer trawler , called the dalny vostok , that sank while carrying 132 crew members at 4am on thursday morning local time .at least 54 bodies have been recovered in the huge rescue operation\n", + "trawler was carrying 132 crew members when it sank in sea of okhotskfishing boats in the area have helped emergency services with rescueat least 56 people have died after ship sank in just 15 minutessea is coldest in east asia with air temperatures of -20 degrees celsius\n", + "[1.2847316 1.3552661 1.1789409 1.4353758 1.2985498 1.2939647 1.1200862\n", + " 1.0509353 1.1186724 1.0385497 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 4 5 0 2 6 8 7 9 16 10 11 12 13 14 15 17]\n", + "=======================\n", + "['david villa cheers on former club atletico madrid during the champions league clash with real madridthe world cup-winning star , who spent a year at vicente calderon last season , joined mls newcomers new york city fc after struggling to secure a regular first-team spot in the spanish capital .the quarter-final first-leg tie finished goalless with real forward gareth bale missing a glorious chance']\n", + "=======================\n", + "[\"david villa had a season at atletico madrid before joining new york city fcthe former spain forward struggled for form at the vicente calderonvilla was watching tuesday 's nights champions league madrid derbydiego simeone 's men were held to a goalless draw by their neighbours\"]\n", + "david villa cheers on former club atletico madrid during the champions league clash with real madridthe world cup-winning star , who spent a year at vicente calderon last season , joined mls newcomers new york city fc after struggling to secure a regular first-team spot in the spanish capital .the quarter-final first-leg tie finished goalless with real forward gareth bale missing a glorious chance\n", + "david villa had a season at atletico madrid before joining new york city fcthe former spain forward struggled for form at the vicente calderonvilla was watching tuesday 's nights champions league madrid derbydiego simeone 's men were held to a goalless draw by their neighbours\n", + "[1.166105 1.1119598 1.2079077 1.1200805 1.2593043 1.1610107 1.1163019\n", + " 1.0453942 1.0280586 1.0235809 1.0819485 1.0783032 1.0555444 1.0906135\n", + " 1.0570298 1.0436386 1.0636686 1.0412047 1.0353453 1.0370549]\n", + "\n", + "[ 4 2 0 5 3 6 1 13 10 11 16 14 12 7 15 17 19 18 8 9]\n", + "=======================\n", + "[\"in 2011 , florida enacted the firearm owners ' privacy act , which threatens prosecution and loss of licensure for any physicians who dare ask their patients about gun ownership and gun safety .then there 's the approach being forged in florida and arizona : getting elected to a state legislature .( cnn ) there are two paths to practicing medicine in america .\"]\n", + "=======================\n", + "['ford vox : florida law keeps doctors from talking gun safety with patients ; arizona law forces doctors to promote disputed abortion claimhe says doctor organizations are failing to defend medical profession against politically motivated interference by clueless lawmakers']\n", + "in 2011 , florida enacted the firearm owners ' privacy act , which threatens prosecution and loss of licensure for any physicians who dare ask their patients about gun ownership and gun safety .then there 's the approach being forged in florida and arizona : getting elected to a state legislature .( cnn ) there are two paths to practicing medicine in america .\n", + "ford vox : florida law keeps doctors from talking gun safety with patients ; arizona law forces doctors to promote disputed abortion claimhe says doctor organizations are failing to defend medical profession against politically motivated interference by clueless lawmakers\n", + "[1.4414672 1.3581355 1.2490327 1.310595 1.3650656 1.2098421 1.0733702\n", + " 1.0548385 1.0251609 1.0161614 1.0140115 1.0130599 1.1065329 1.0805411\n", + " 1.1851465 1.1718231 1.0426265 1.0267226 0. 0. ]\n", + "\n", + "[ 0 4 1 3 2 5 14 15 12 13 6 7 16 17 8 9 10 11 18 19]\n", + "=======================\n", + "['michael owen has warned raheem sterling that life after liverpool may not be all he hopes it to be after the england youngster revealed this week that he had rejected a # 100,000-a-week deal at anfield .owen , like sterling , started his senior career at liverpool but eventually moved on to real madrid in 2004 .chelsea , arsenal and manchester city are all said to be interested in the hottest property in english football , but liverpool are determined not to let one of their star players leave , even with his contract expiring at the end of next season .']\n", + "=======================\n", + "['raheem sterling has stalled over signing a new contract with liverpoolmichael owen says any viable move for winger would be a sideways oneowen left liverpool for real madrid in a # 16.8 million move in 2004he says sterling does not owe his career to the anfield club']\n", + "michael owen has warned raheem sterling that life after liverpool may not be all he hopes it to be after the england youngster revealed this week that he had rejected a # 100,000-a-week deal at anfield .owen , like sterling , started his senior career at liverpool but eventually moved on to real madrid in 2004 .chelsea , arsenal and manchester city are all said to be interested in the hottest property in english football , but liverpool are determined not to let one of their star players leave , even with his contract expiring at the end of next season .\n", + "raheem sterling has stalled over signing a new contract with liverpoolmichael owen says any viable move for winger would be a sideways oneowen left liverpool for real madrid in a # 16.8 million move in 2004he says sterling does not owe his career to the anfield club\n", + "[1.2157718 1.2032882 1.4398612 1.2815112 1.165439 1.1192768 1.1340847\n", + " 1.1585128 1.0743424 1.0434043 1.0550834 1.0746099 1.0431228 1.0465698\n", + " 1.0543545 1.1804905 1.083996 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 1 15 4 7 6 5 16 11 8 10 14 13 9 12 18 17 19]\n", + "=======================\n", + "[\"sonia pereiro-mendez says she was denied millions in pay and bonuses when she announced she was expecting her first child .male colleagues at the bank were promoted ahead of her and she was ` mocked ' and subjected to ` gratuitous derogatory ' comments about her childcare arrangements , she alleges .second child : mrs pereiro-mendez arrives yesterday\"]\n", + "=======================\n", + "[\"sonia pereiro-mendez says she was treated unfairly after getting pregnantmother-of-two claims she missed out on bonuses worth millionssenior banker says she was told she was n't ' a significant long-term player 'she is suing goldman sachs for sexism and maternity discrimination\"]\n", + "sonia pereiro-mendez says she was denied millions in pay and bonuses when she announced she was expecting her first child .male colleagues at the bank were promoted ahead of her and she was ` mocked ' and subjected to ` gratuitous derogatory ' comments about her childcare arrangements , she alleges .second child : mrs pereiro-mendez arrives yesterday\n", + "sonia pereiro-mendez says she was treated unfairly after getting pregnantmother-of-two claims she missed out on bonuses worth millionssenior banker says she was told she was n't ' a significant long-term player 'she is suing goldman sachs for sexism and maternity discrimination\n", + "[1.2348359 1.4125462 1.2193102 1.3398232 1.1206731 1.1685865 1.1452188\n", + " 1.04119 1.0235132 1.0459079 1.0285208 1.0587151 1.027572 1.058595\n", + " 1.0777253 1.0266141 1.0615288 1.0498755 1.0430158 0. ]\n", + "\n", + "[ 1 3 0 2 5 6 4 14 16 11 13 17 9 18 7 10 12 15 8 19]\n", + "=======================\n", + "[\"during the course of her harassment , pauline bruce 's neighbour yvonne ireland evans plagued her with silent calls , taunted her dying husband and attacked her son with secateurs .pauline and her son john were terrorised by their next door neighbour for seven yearspauline reveals on channel 5 's the nightmare neighbour next door how yvonne turned on her after finding out she had struck up a friendship with another woman on the community park .\"]\n", + "=======================\n", + "[\"pauline bruce 's neighbour yvonne plagued her for seven yearsyvonne made silent phone calls day and night and shouted abusetaunted her husband , tony , when he was diagnosed with terminal canceri was frightened for our lives , ' said pauline , from ludlow , shropshire\"]\n", + "during the course of her harassment , pauline bruce 's neighbour yvonne ireland evans plagued her with silent calls , taunted her dying husband and attacked her son with secateurs .pauline and her son john were terrorised by their next door neighbour for seven yearspauline reveals on channel 5 's the nightmare neighbour next door how yvonne turned on her after finding out she had struck up a friendship with another woman on the community park .\n", + "pauline bruce 's neighbour yvonne plagued her for seven yearsyvonne made silent phone calls day and night and shouted abusetaunted her husband , tony , when he was diagnosed with terminal canceri was frightened for our lives , ' said pauline , from ludlow , shropshire\n", + "[1.1285713 1.49299 1.2543635 1.3490984 1.1231095 1.179131 1.1129795\n", + " 1.0885344 1.1361511 1.0241796 1.0232126 1.0229855 1.0939542 1.151763\n", + " 1.0579472 1.1122742 1.0502224 1.0293065 1.0239651 0. ]\n", + "\n", + "[ 1 3 2 5 13 8 0 4 6 15 12 7 14 16 17 9 18 10 11 19]\n", + "=======================\n", + "['kim davies bought the elizabethan manor in rural wales where cecil frances alexander wrote the lyrics to all things bright and beautiful .alterations : kim davies has admitted illegally altering llanwenarth house by installing chandeliers and other gaudy modern touchesbut he then made dozens of illegal alterations , including installing a whirlpool bath with shiny mosaic tiles , crystal chandeliers and spotlights in the ceiling .']\n", + "=======================\n", + "['businessman kim davies bought llanwenarth house in monmouthshire in 2006 and spent # 1million on renovationshe installed a whirlbooth bath with shiny tiles , put up gaudy chandeliers and ripped out antique timber windowsdavies has now pleaded guilty to breaking planning laws by altering the historic grade ii-listed homepoet cecil frances alexander wrote all things bright and beautiful while staying at the house in 1848']\n", + "kim davies bought the elizabethan manor in rural wales where cecil frances alexander wrote the lyrics to all things bright and beautiful .alterations : kim davies has admitted illegally altering llanwenarth house by installing chandeliers and other gaudy modern touchesbut he then made dozens of illegal alterations , including installing a whirlpool bath with shiny mosaic tiles , crystal chandeliers and spotlights in the ceiling .\n", + "businessman kim davies bought llanwenarth house in monmouthshire in 2006 and spent # 1million on renovationshe installed a whirlbooth bath with shiny tiles , put up gaudy chandeliers and ripped out antique timber windowsdavies has now pleaded guilty to breaking planning laws by altering the historic grade ii-listed homepoet cecil frances alexander wrote all things bright and beautiful while staying at the house in 1848\n", + "[1.2977757 1.3646183 1.2405306 1.3352122 1.107903 1.1134 1.080313\n", + " 1.0622025 1.1833125 1.0838399 1.0727443 1.0499482 1.0685571 1.0486449\n", + " 1.063782 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 8 5 4 9 6 10 12 14 7 11 13 18 15 16 17 19]\n", + "=======================\n", + "['the hmas choules , which has previously been used to provide offshore accommodation to manus island detainees , has been employed by the navy to hand the vietnamese nationals back to their communist government in an operation which could cost $ 2.8 million of tax payers money .the australian navy has allegedly returned up to 50 asylum seekers to vietnam in a secret operationit is understood that the asylum seekers were intercepted earlier in april , and are being returned through the port of vung tau , south of ho chi minh city .']\n", + "=======================\n", + "['50 vietnamese asylum seekers are allegedly being returned to vietnamreports claim australian vessel hmas choules transferred them on fridaythe secret voyage would cost $ 2.8 million of taypayer money15 asylum boats and 429 asylum seekers have been stopped since 2013abbott government claims a 90 % reduction of illegal maritime arrivals under operation sovereign borders']\n", + "the hmas choules , which has previously been used to provide offshore accommodation to manus island detainees , has been employed by the navy to hand the vietnamese nationals back to their communist government in an operation which could cost $ 2.8 million of tax payers money .the australian navy has allegedly returned up to 50 asylum seekers to vietnam in a secret operationit is understood that the asylum seekers were intercepted earlier in april , and are being returned through the port of vung tau , south of ho chi minh city .\n", + "50 vietnamese asylum seekers are allegedly being returned to vietnamreports claim australian vessel hmas choules transferred them on fridaythe secret voyage would cost $ 2.8 million of taypayer money15 asylum boats and 429 asylum seekers have been stopped since 2013abbott government claims a 90 % reduction of illegal maritime arrivals under operation sovereign borders\n", + "[1.2761638 1.2454503 1.2508957 1.3753603 1.143298 1.1290959 1.1274757\n", + " 1.0308205 1.0296226 1.0650206 1.0564656 1.0814451 1.052891 1.0196606\n", + " 1.0366824 1.0166485 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 1 4 5 6 11 9 10 12 14 7 8 13 15 18 16 17 19]\n", + "=======================\n", + "['more like iggy pop : scything expert chris riley says his own physique is more like rocker iggy pophis penchant for topless scything has proved a hit with housewives around the uk - and sent many rushing to social media to declare their love for actor aidan turner , 31 .turner set hearts aflutter when he stripped off to manfully mow a hay field with a scythe , an ancient cutting tool used for centuries prior to horse drawn and modern mowing machinery .']\n", + "=======================\n", + "[\"chris riley , 56 , from dorset , says turner has the technique all wrongmr riley , who says his look is more iggy pop , says being topless is a no-nomeanwhile fans have complained about lack of shirtless scenes last nightpoldark kept his shirt on for the whole of sunday night 's episodedisappointed fans complained about the oversight on twitter\"]\n", + "more like iggy pop : scything expert chris riley says his own physique is more like rocker iggy pophis penchant for topless scything has proved a hit with housewives around the uk - and sent many rushing to social media to declare their love for actor aidan turner , 31 .turner set hearts aflutter when he stripped off to manfully mow a hay field with a scythe , an ancient cutting tool used for centuries prior to horse drawn and modern mowing machinery .\n", + "chris riley , 56 , from dorset , says turner has the technique all wrongmr riley , who says his look is more iggy pop , says being topless is a no-nomeanwhile fans have complained about lack of shirtless scenes last nightpoldark kept his shirt on for the whole of sunday night 's episodedisappointed fans complained about the oversight on twitter\n", + "[1.4265897 1.2066319 1.1386554 1.2239139 1.1705697 1.1644278 1.2140753\n", + " 1.1562053 1.0653297 1.0841554 1.0765972 1.0707389 1.0478463 1.0373931\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 6 1 4 5 7 2 9 10 11 8 12 13 18 14 15 16 17 19]\n", + "=======================\n", + "['washington ( cnn ) a shooting that prompted the lockdown of the u.s. capitol for several hours saturday was a suicide and does not have an apparent connection to terrorism , capitol police chief kim dine said in a news conference .dine said there was \" no nexus to terrorism \" apparent so far in this incident .an unidentified male walked through a public area on the west front of the capitol early saturday afternoon and shot himself , dine told reporters .']\n", + "=======================\n", + "['capitol police said a male shot himself as shocked onlookers watchedthe incident appears to have no connection to terrorism , police said']\n", + "washington ( cnn ) a shooting that prompted the lockdown of the u.s. capitol for several hours saturday was a suicide and does not have an apparent connection to terrorism , capitol police chief kim dine said in a news conference .dine said there was \" no nexus to terrorism \" apparent so far in this incident .an unidentified male walked through a public area on the west front of the capitol early saturday afternoon and shot himself , dine told reporters .\n", + "capitol police said a male shot himself as shocked onlookers watchedthe incident appears to have no connection to terrorism , police said\n", + "[1.1786258 1.1999786 1.3141944 1.2725115 1.27512 1.2470156 1.1353519\n", + " 1.1589239 1.0783154 1.1209415 1.0779462 1.0440953 1.0414599 1.0279733\n", + " 1.0278864 1.0371335 1.0746235 1.0112679 1.0094252 0. ]\n", + "\n", + "[ 2 4 3 5 1 0 7 6 9 8 10 16 11 12 15 13 14 17 18 19]\n", + "=======================\n", + "[\"the intriguing research says that a beam fired from the machine would create artificial auroras -- and it could even create lightning in the atmosphere .they said a particle accelerator could be sent 185 miles ( 300km ) up into space ( illustration of a satellite in orbit shown ) .it would then fire high-energy beams back at earth 's atmosphere\"]\n", + "=======================\n", + "[\"scientists in california described how to create artificial auroras on earththey said a particle accelerator could be sent 185 miles up into spaceit would then fire high-energy beams back at earth 's atmospherethis would create auroras to study - and even types of lightning\"]\n", + "the intriguing research says that a beam fired from the machine would create artificial auroras -- and it could even create lightning in the atmosphere .they said a particle accelerator could be sent 185 miles ( 300km ) up into space ( illustration of a satellite in orbit shown ) .it would then fire high-energy beams back at earth 's atmosphere\n", + "scientists in california described how to create artificial auroras on earththey said a particle accelerator could be sent 185 miles up into spaceit would then fire high-energy beams back at earth 's atmospherethis would create auroras to study - and even types of lightning\n", + "[1.3109109 1.4695498 1.367799 1.3347697 1.1349571 1.1597171 1.108259\n", + " 1.0745975 1.1152722 1.1933405 1.0761244 1.0279554 1.0127093 1.0128258\n", + " 1.0250794 1.074088 1.0643228 1.0099223 1.0074602 1.0126312]\n", + "\n", + "[ 1 2 3 0 9 5 4 8 6 10 7 15 16 11 14 13 12 19 17 18]\n", + "=======================\n", + "[\"the freezer trawler with an international crew of 132 sank this morning in the freezing waters of the sea of okhotsk 205 miles off russia 's kamchatka peninsula .emergency services in kamchatka said 63 crew members of the dalny vostok were rescued with the sea 's temperature near zero degrees celsius ( 32 degrees fahrenheit ) - but a further 15 are still missing .at least 54 sailors are dead and 63 have been rescued after a trawler sank off the russian coast north of japan .\"]\n", + "=======================\n", + "['freezer trawler with crew of 132 sank 205 miles off kamchatka peninsulaat least 54 of the sailors are dead and a further 63 have been rescuedreports suggest dalny vostok may have hit drifting ice in pacific waters']\n", + "the freezer trawler with an international crew of 132 sank this morning in the freezing waters of the sea of okhotsk 205 miles off russia 's kamchatka peninsula .emergency services in kamchatka said 63 crew members of the dalny vostok were rescued with the sea 's temperature near zero degrees celsius ( 32 degrees fahrenheit ) - but a further 15 are still missing .at least 54 sailors are dead and 63 have been rescued after a trawler sank off the russian coast north of japan .\n", + "freezer trawler with crew of 132 sank 205 miles off kamchatka peninsulaat least 54 of the sailors are dead and a further 63 have been rescuedreports suggest dalny vostok may have hit drifting ice in pacific waters\n", + "[1.2219113 1.3422316 1.3316531 1.2475629 1.2368876 1.1887834 1.1029905\n", + " 1.0553323 1.1385301 1.0861921 1.0524646 1.0307686 1.0303111 1.1520514\n", + " 1.0375491 1.0121362]\n", + "\n", + "[ 1 2 3 4 0 5 13 8 6 9 7 10 14 11 12 15]\n", + "=======================\n", + "[\"health experts have warned that being socially isolated can be as harmful as smoking 15 cigarettes a day , leading to an increased risk of problems such as dementia and high blood pressure .now campaigners say that local councils should draw up maps of the places where pensioners and others are most likely to suffer from social isolation .map : this ` loneliness map ' was drawn up by essex county council showing the areas where residents are most vulnerable to becoming socially isolated\"]\n", + "=======================\n", + "[\"local councils are urged to draw up maps of the residents who are at riskessex and gloucestershire have already made ` loneliness maps 'experts warn that being lonely can lead to serious health problems\"]\n", + "health experts have warned that being socially isolated can be as harmful as smoking 15 cigarettes a day , leading to an increased risk of problems such as dementia and high blood pressure .now campaigners say that local councils should draw up maps of the places where pensioners and others are most likely to suffer from social isolation .map : this ` loneliness map ' was drawn up by essex county council showing the areas where residents are most vulnerable to becoming socially isolated\n", + "local councils are urged to draw up maps of the residents who are at riskessex and gloucestershire have already made ` loneliness maps 'experts warn that being lonely can lead to serious health problems\n", + "[1.2473707 1.3681095 1.334087 1.2635987 1.2291279 1.0963961 1.1142273\n", + " 1.0857717 1.0892658 1.0825703 1.062488 1.0442373 1.0340877 1.0446657\n", + " 1.0834639 1.0294461]\n", + "\n", + "[ 1 2 3 0 4 6 5 8 7 14 9 10 13 11 12 15]\n", + "=======================\n", + "[\"officers searched the an noor community centre in west london last night after a businessman appeared in court charged with murdering abdul hadi arwani , and another man was arrested over his death .they also visited the wembley home of burnell mitchell , 61 , who is a director at the community centre where mr arwani used to preach .counter-terrorism police have searched a community centre and a man 's home as part of the investigation into the killing of a syrian imam found shot dead on a london street .\"]\n", + "=======================\n", + "[\"police search an noor community centre in west london and burnell mitchell 's home in wembleymitchell , 61 , is trustee of the community centre and director of company that owns itjamaican businessman leslie cooper , 36 , appeared in court yesterday charged with murdering arwania 61-year-old man has been arrested on suspicion of conspiracy to murder\"]\n", + "officers searched the an noor community centre in west london last night after a businessman appeared in court charged with murdering abdul hadi arwani , and another man was arrested over his death .they also visited the wembley home of burnell mitchell , 61 , who is a director at the community centre where mr arwani used to preach .counter-terrorism police have searched a community centre and a man 's home as part of the investigation into the killing of a syrian imam found shot dead on a london street .\n", + "police search an noor community centre in west london and burnell mitchell 's home in wembleymitchell , 61 , is trustee of the community centre and director of company that owns itjamaican businessman leslie cooper , 36 , appeared in court yesterday charged with murdering arwania 61-year-old man has been arrested on suspicion of conspiracy to murder\n", + "[1.1730722 1.4694039 1.2795529 1.2401874 1.1757153 1.2031054 1.1685376\n", + " 1.0572891 1.1061385 1.0607377 1.0442668 1.142993 1.0532541 1.0302153\n", + " 1.0757625 0. ]\n", + "\n", + "[ 1 2 3 5 4 0 6 11 8 14 9 7 12 10 13 15]\n", + "=======================\n", + "[\"the buyer , wendy wei mei wu , is reportedly yet to decide what she wants to do with slipper island , which is located 4 km off the coast of the new zealand 's north island .it boasts two airstrips and six houses , all with nearby beaches and sweeping ocean views .the nz $ 7.5 million ( aud $ 6.765 million ) sale has divided the family who own the island , with some of them claiming it represents ' the loss of the family 's legacy ' , reports stuff nz .\"]\n", + "=======================\n", + "['wendy wei mei wu has purchased the private 217 hectare slipper islandher daughter claims her mother is undecided on future plans for the islandit offers two airstrips and six houses with ocean views and nearby beachesthe sale divided the needham family , who owned the island for 45 years']\n", + "the buyer , wendy wei mei wu , is reportedly yet to decide what she wants to do with slipper island , which is located 4 km off the coast of the new zealand 's north island .it boasts two airstrips and six houses , all with nearby beaches and sweeping ocean views .the nz $ 7.5 million ( aud $ 6.765 million ) sale has divided the family who own the island , with some of them claiming it represents ' the loss of the family 's legacy ' , reports stuff nz .\n", + "wendy wei mei wu has purchased the private 217 hectare slipper islandher daughter claims her mother is undecided on future plans for the islandit offers two airstrips and six houses with ocean views and nearby beachesthe sale divided the needham family , who owned the island for 45 years\n", + "[1.4767221 1.2353002 1.2706805 1.2216707 1.178131 1.242559 1.0569133\n", + " 1.070203 1.1001793 1.0684712 1.0683272 1.0303607 1.0410042 1.0330721\n", + " 1.0090834 0. ]\n", + "\n", + "[ 0 2 5 1 3 4 8 7 9 10 6 12 13 11 14 15]\n", + "=======================\n", + "['ian joll was missing presumed dead after he was forced to crash land his plane on a dutch beach , but survived the incident to make it home to gravesendwhen mabel joll opened the front door to see her son ian she fainted , believing she must have seen a ghost .however sq ldr joll had survived the crash and after trekking miles along a beach and persuading a ship to take him back to england , he had dropped in on his parents to say hello .']\n", + "=======================\n", + "['ian joll was a squadron leader who flew a bristol blenheim light bomberwas shot down during strafing attack on german aircraft and crash landedjoll was missing presumed dead , and his mother was sent a telegrambut minutes later he appeared at her front door after having survived the crash and made his way back to english shores to see his parents']\n", + "ian joll was missing presumed dead after he was forced to crash land his plane on a dutch beach , but survived the incident to make it home to gravesendwhen mabel joll opened the front door to see her son ian she fainted , believing she must have seen a ghost .however sq ldr joll had survived the crash and after trekking miles along a beach and persuading a ship to take him back to england , he had dropped in on his parents to say hello .\n", + "ian joll was a squadron leader who flew a bristol blenheim light bomberwas shot down during strafing attack on german aircraft and crash landedjoll was missing presumed dead , and his mother was sent a telegrambut minutes later he appeared at her front door after having survived the crash and made his way back to english shores to see his parents\n", + "[1.2183007 1.3998733 1.3111601 1.3681538 1.1447006 1.0596044 1.0294994\n", + " 1.0799954 1.0699617 1.0654707 1.0269881 1.040236 1.0707536 1.0903589\n", + " 1.0108489 0. ]\n", + "\n", + "[ 1 3 2 0 4 13 7 12 8 9 5 11 6 10 14 15]\n", + "=======================\n", + "[\"millie-belle diamond , the proud owner of louis vuitton and chanel purses and pint-sized burberry jackets , has become a money-making social media celebrity after her mother schye fox started posting cute photos of her online .the mum , from warriewood , in northern sydney , originally set up an instagram account for millie-belle when she was two months old so that their family in wa and queensland could see her grow .she 's got the designer threads , a sparkling mini mercedes car and a staggering 115,000 instagram followers and she 's not even two-years-old .\"]\n", + "=======================\n", + "[\"millie-belle diamond is just 14 months old but has 115,000 instagram fansher mother schye fox styles her outfits and snaps photos with her iphonems fox first set up her baby 's instagram account to share pics with familythe mum , from sydney 's northern beaches , wanted to let her family in wa and queensland see how millie-belle was growingmillie-belle is now sent designer garbs to wear in her photos\"]\n", + "millie-belle diamond , the proud owner of louis vuitton and chanel purses and pint-sized burberry jackets , has become a money-making social media celebrity after her mother schye fox started posting cute photos of her online .the mum , from warriewood , in northern sydney , originally set up an instagram account for millie-belle when she was two months old so that their family in wa and queensland could see her grow .she 's got the designer threads , a sparkling mini mercedes car and a staggering 115,000 instagram followers and she 's not even two-years-old .\n", + "millie-belle diamond is just 14 months old but has 115,000 instagram fansher mother schye fox styles her outfits and snaps photos with her iphonems fox first set up her baby 's instagram account to share pics with familythe mum , from sydney 's northern beaches , wanted to let her family in wa and queensland see how millie-belle was growingmillie-belle is now sent designer garbs to wear in her photos\n", + "[1.2683036 1.1607753 1.1365101 1.1319337 1.1618203 1.2154545 1.1792011\n", + " 1.1440988 1.1185716 1.0844272 1.1076311 1.0621617 1.1031954 1.0734288\n", + " 1.0272145 1.0470315 1.0500267 1.0457568 1.0369294 1.092096 1.100821 ]\n", + "\n", + "[ 0 5 6 4 1 7 2 3 8 10 12 20 19 9 13 11 16 15 17 18 14]\n", + "=======================\n", + "['new york ( cnn ) when liana barrientos was 23 years old , she got married in westchester county , new york .in an application for a marriage license , she stated it was her \" first and only \" marriage .barrientos , now 39 , is facing two criminal counts of \" offering a false instrument for filing in the first degree , \" referring to her false statements on the 2010 marriage license application , according to court documents .']\n", + "=======================\n", + "['liana barrientos , 39 , re-arrested after court appearance for alleged fare beatingshe has married 10 times as part of an immigration scam , prosecutors saybarrientos pleaded not guilty friday to misdemeanor charges']\n", + "new york ( cnn ) when liana barrientos was 23 years old , she got married in westchester county , new york .in an application for a marriage license , she stated it was her \" first and only \" marriage .barrientos , now 39 , is facing two criminal counts of \" offering a false instrument for filing in the first degree , \" referring to her false statements on the 2010 marriage license application , according to court documents .\n", + "liana barrientos , 39 , re-arrested after court appearance for alleged fare beatingshe has married 10 times as part of an immigration scam , prosecutors saybarrientos pleaded not guilty friday to misdemeanor charges\n", + "[1.3521888 1.3282831 1.2030442 1.441046 1.2404101 1.0928588 1.071907\n", + " 1.0280831 1.2108521 1.1826615 1.0279998 1.033209 1.0317892 1.0177137\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 8 2 9 5 6 11 12 7 10 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"jonathan trott failed twice with the bat during england 's warm-up for the first test in basseterrejonathan trott prepared for his first test appearance since leaving the ashes tour in turmoil 18 months ago with back-to-back failures in st kitts .england completed four days of low-key , uncompetitive warm-up action in basseterre on thursday\"]\n", + "=======================\n", + "[\"jonathan trott out cheaply twice in basseterrethe england batsman preparing for his first test since ashes turmoilengland 's low-key warm-up week in st kitts drew to a closeian bell retired on 43 and alastair cook after making 22\"]\n", + "jonathan trott failed twice with the bat during england 's warm-up for the first test in basseterrejonathan trott prepared for his first test appearance since leaving the ashes tour in turmoil 18 months ago with back-to-back failures in st kitts .england completed four days of low-key , uncompetitive warm-up action in basseterre on thursday\n", + "jonathan trott out cheaply twice in basseterrethe england batsman preparing for his first test since ashes turmoilengland 's low-key warm-up week in st kitts drew to a closeian bell retired on 43 and alastair cook after making 22\n", + "[1.2300538 1.4171193 1.2459873 1.4156579 1.1603842 1.0461098 1.0513393\n", + " 1.0970453 1.1393813 1.0262592 1.0375557 1.1285084 1.0483049 1.0419114\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 8 11 7 6 12 5 13 10 9 14 15 16 17 18 19 20]\n", + "=======================\n", + "['abdirahman sheik mohamud , a naturalized american citizen of somali descent , had been instructed by a cleric to return to the united states and carry out an act of terrorism , the indictment said .the justice department stated that mohamud was also an islamic state sympathizer , and that his brother , abdifatah aden , was killed fighting with the group in syria in 2013 .according to court documents , mohamud left the us a year ago with the intent to go to syria and train with a terrorist group linked to al qaeda in iraq .']\n", + "=======================\n", + "[\"abdirahman sheik mohamud , 23 , from columbus , said he got training from terror group linked to al qaeda in syriawas instructed by cleric to return to us and carry out terror attackhis suspected plan was to go to a military base and kill three-four soldiers ` execution-style 'mohamud was arrested in february on state charges of money laundering and providing support for terrorismif convicted in federal case , the 3-year-old could face up to 40 years in prison\"]\n", + "abdirahman sheik mohamud , a naturalized american citizen of somali descent , had been instructed by a cleric to return to the united states and carry out an act of terrorism , the indictment said .the justice department stated that mohamud was also an islamic state sympathizer , and that his brother , abdifatah aden , was killed fighting with the group in syria in 2013 .according to court documents , mohamud left the us a year ago with the intent to go to syria and train with a terrorist group linked to al qaeda in iraq .\n", + "abdirahman sheik mohamud , 23 , from columbus , said he got training from terror group linked to al qaeda in syriawas instructed by cleric to return to us and carry out terror attackhis suspected plan was to go to a military base and kill three-four soldiers ` execution-style 'mohamud was arrested in february on state charges of money laundering and providing support for terrorismif convicted in federal case , the 3-year-old could face up to 40 years in prison\n", + "[1.2793283 1.5569804 1.238691 1.0565321 1.0655724 1.086178 1.1077509\n", + " 1.2148188 1.1463796 1.1331307 1.0626184 1.0259068 1.0223544 1.0226077\n", + " 1.0815852 1.026307 1.0474883 1.0517524 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 7 8 9 6 5 14 4 10 3 17 16 15 11 13 12 18 19 20]\n", + "=======================\n", + "[\"sabrina broadbent tetzner , 32 , fled the sect headed by convicted rapist warren jeffs eight years ago and finally gained full custody of her children ( ages 8 to 13 ) last week .a 32-year-old woman was harassed and intimidated last week when she tried to pick up her four children from the fundamentalist mormon sect she bravely left to escape an abusive husband .they even tried to put a cow and chickens into her vehicle , ' ex-cult member flora jessop , who helped tetzner through her legal battle , told ksl .\"]\n", + "=======================\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[\"sabrina broadbent tetzner escaped the colorado city , arizona fundamentalist mormon sect headed by warren jeffs eight years agolast week , the 32-year-old mother gained full custody of her four children , ages 8 to 13when she tried to pick up the kids from their aunt 's house , she was physically barred by hundreds of cult memberssheriff 's deputies had to take out a search warrant to reunite the mother with her two daughters and two sons\"]\n", + "sabrina broadbent tetzner , 32 , fled the sect headed by convicted rapist warren jeffs eight years ago and finally gained full custody of her children ( ages 8 to 13 ) last week .a 32-year-old woman was harassed and intimidated last week when she tried to pick up her four children from the fundamentalist mormon sect she bravely left to escape an abusive husband .they even tried to put a cow and chickens into her vehicle , ' ex-cult member flora jessop , who helped tetzner through her legal battle , told ksl .\n", + "sabrina broadbent tetzner escaped the colorado city , arizona fundamentalist mormon sect headed by warren jeffs eight years agolast week , the 32-year-old mother gained full custody of her four children , ages 8 to 13when she tried to pick up the kids from their aunt 's house , she was physically barred by hundreds of cult memberssheriff 's deputies had to take out a search warrant to reunite the mother with her two daughters and two sons\n", + "[1.3506224 1.3433832 1.1778458 1.0825806 1.1064267 1.1964945 1.0905247\n", + " 1.0992275 1.0722497 1.1046355 1.0289311 1.0410303 1.0523529 1.0451677\n", + " 1.0313194 1.0225368 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 2 4 9 7 6 3 8 12 13 11 14 10 15 16 17 18 19 20]\n", + "=======================\n", + "['( cnn ) in the hours after the funeral of freddie gray , a community center and apartment complex that local leaders expected to serve as a catalyst for the rebuilding of a long blighted east baltimore neighborhood went up in flames .the $ 16 million mary harvin transformation center was being built in a part of town where half the properties are vacant buildings or barren lots , where unemployment rates reach 25 % and poverty and despair is rampant .\" disheartened and bewildered \" was how the rev. donte hickman , pastor of east baltimore \\'s southern baptist church , described feeling tuesday as he surveyed the still-smoldering ruins of the centerpiece of a community rebuilding effort led by his church and a coalition of other congregations .']\n", + "=======================\n", + "['mary harvin transformation center was to house 60 senior-citizen apartments , community centerit burned down during baltimore riots']\n", + "( cnn ) in the hours after the funeral of freddie gray , a community center and apartment complex that local leaders expected to serve as a catalyst for the rebuilding of a long blighted east baltimore neighborhood went up in flames .the $ 16 million mary harvin transformation center was being built in a part of town where half the properties are vacant buildings or barren lots , where unemployment rates reach 25 % and poverty and despair is rampant .\" disheartened and bewildered \" was how the rev. donte hickman , pastor of east baltimore 's southern baptist church , described feeling tuesday as he surveyed the still-smoldering ruins of the centerpiece of a community rebuilding effort led by his church and a coalition of other congregations .\n", + "mary harvin transformation center was to house 60 senior-citizen apartments , community centerit burned down during baltimore riots\n", + "[1.6623588 1.2851055 1.1482747 1.0523347 1.0666325 1.0626326 1.1883509\n", + " 1.2009124 1.1532398 1.0570378 1.0505638 1.045647 1.0329868 1.0942252\n", + " 1.0713131 1.0192013 1.0209543 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 7 6 8 2 13 14 4 5 9 3 10 11 12 16 15 20 17 18 19 21]\n", + "=======================\n", + "[\"denis suarez scored a late winner for sevilla as they came from behind to take control of the europa league quarter-final tie against zenit st petersburg 2-1 .winger aleksandr ryazantsev had given the visitors the lead in the first-half , scoring off his own rebound , before forward carlos bacca drew the home side level with a close-range header from a set-piece .meanwhile , in ukraine , fiorentina rescued a 1-1 draw away to dynamo kiev , with khouma babacar 's stoppage-time leveler saving the italian team from a third straight defeat in all competitions .\"]\n", + "=======================\n", + "['denis suarez scored an 87th minute winner to make it 2-1 to sevilla in the first-leg of the europa league quarter-final against zenitkhouma babacar scored a late equaliser for fiorentina to secure a vital away goal against dynamo kievclub brugge and dnipro played out a tense goalless draw']\n", + "denis suarez scored a late winner for sevilla as they came from behind to take control of the europa league quarter-final tie against zenit st petersburg 2-1 .winger aleksandr ryazantsev had given the visitors the lead in the first-half , scoring off his own rebound , before forward carlos bacca drew the home side level with a close-range header from a set-piece .meanwhile , in ukraine , fiorentina rescued a 1-1 draw away to dynamo kiev , with khouma babacar 's stoppage-time leveler saving the italian team from a third straight defeat in all competitions .\n", + "denis suarez scored an 87th minute winner to make it 2-1 to sevilla in the first-leg of the europa league quarter-final against zenitkhouma babacar scored a late equaliser for fiorentina to secure a vital away goal against dynamo kievclub brugge and dnipro played out a tense goalless draw\n", + "[1.4817159 1.2831416 1.209292 1.3934487 1.4022521 1.0820909 1.028956\n", + " 1.0173072 1.0166683 1.0177481 1.0656404 1.0133481 1.0141605 1.0089316\n", + " 1.0120099 1.0366328 1.0714115 1.0480269 1.0588824 1.3501661 0.\n", + " 0. ]\n", + "\n", + "[ 0 4 3 19 1 2 5 16 10 18 17 15 6 9 7 8 12 11 14 13 20 21]\n", + "=======================\n", + "['wigan chairman david sharpe is adamant the decision to axe malky mackay in favour of rookie boss gary caldwell less than 24 hours later was the right call .gary caldwell has been officially unveiled as the new wigan athletic manager at the dw stadiummalky mackay was sacked as wigan manager on monday following their 2-0 loss to derby county']\n", + "=======================\n", + "[\"caldwell was unveiled as the new wigan athletic manager on wednesdaythe 32-year-old is the football league 's youngest managerformer defender replaces malky mackay , who was sacked on mondaylatics are seven points from safety in the championship table\"]\n", + "wigan chairman david sharpe is adamant the decision to axe malky mackay in favour of rookie boss gary caldwell less than 24 hours later was the right call .gary caldwell has been officially unveiled as the new wigan athletic manager at the dw stadiummalky mackay was sacked as wigan manager on monday following their 2-0 loss to derby county\n", + "caldwell was unveiled as the new wigan athletic manager on wednesdaythe 32-year-old is the football league 's youngest managerformer defender replaces malky mackay , who was sacked on mondaylatics are seven points from safety in the championship table\n", + "[1.224634 1.454759 1.2396812 1.1388564 1.3187165 1.1258676 1.0934322\n", + " 1.058627 1.1222968 1.0623053 1.0754989 1.0946112 1.041003 1.0813725\n", + " 1.0412661 1.0127964 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 2 0 3 5 8 11 6 13 10 9 7 14 12 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the prime minister , who insists he has been an aston villa fan ` all his life ' , was giving a campaign speech in south london on saturday when he joked that everyone should back his team -- but then named west ham instead of the west midlands giants .david cameron , appearing on itv 's lorraine this morning , was ridiculed after appearing to forget which football team he supportedan embarrassed mr cameron this morning admitted he could n't explain what happened - but said it must have been because he had been past west ham 's famous upton park ground in east london on friday .\"]\n", + "=======================\n", + "[\"david cameron this weekend forgot which football team he supportedthe pm named west ham as his team , despite supporting aston villalabour said the gaffe exposed mr cameron as a ` phoney ' leaderthe pm today said it was because he had been past west ham 's groundtories later confirm the pm returned to london on friday in a helicopter\"]\n", + "the prime minister , who insists he has been an aston villa fan ` all his life ' , was giving a campaign speech in south london on saturday when he joked that everyone should back his team -- but then named west ham instead of the west midlands giants .david cameron , appearing on itv 's lorraine this morning , was ridiculed after appearing to forget which football team he supportedan embarrassed mr cameron this morning admitted he could n't explain what happened - but said it must have been because he had been past west ham 's famous upton park ground in east london on friday .\n", + "david cameron this weekend forgot which football team he supportedthe pm named west ham as his team , despite supporting aston villalabour said the gaffe exposed mr cameron as a ` phoney ' leaderthe pm today said it was because he had been past west ham 's groundtories later confirm the pm returned to london on friday in a helicopter\n", + "[1.2709063 1.468832 1.3838964 1.2127665 1.3460351 1.1241164 1.1421297\n", + " 1.063033 1.042507 1.0883352 1.0360179 1.0417873 1.0437076 1.0481043\n", + " 1.0697285 1.0624357 1.0340234 1.0354146 1.0178647 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 4 0 3 6 5 9 14 7 15 13 12 8 11 10 17 16 18 19 20 21]\n", + "=======================\n", + "[\"amber anderson , 27 , has since been relieved of her duties at christian life academy in baton rouge .she was booked into prison on tuesday and is facing a charge of felony carnal knowledge of a juvenile .a teacher at a louisiana high school arrested on suspicion of having sex with a 15-year-old freshman two years ago has admitted to the relationship and apologized for ` taking the victim 's innocence , ' according to an affidavit .\"]\n", + "=======================\n", + "[\"amber anderson , 27 , has been arrested on suspicion of having sex with a 15-year-old freshman two years agoduring questioning by detectives she admitted to the relationship and apologized for ` taking the victim 's innocence 'the victim 's mother contacted authorities earlier this month after a former student told her what had happenedshe had seen suspicious texts in 2013 and had approached the school , christian life academy in baton rouge , at that timeanderson is facing a charge of felony carnal knowledge of a juvenile over the sexual relationship which took place in july and august of 2013\"]\n", + "amber anderson , 27 , has since been relieved of her duties at christian life academy in baton rouge .she was booked into prison on tuesday and is facing a charge of felony carnal knowledge of a juvenile .a teacher at a louisiana high school arrested on suspicion of having sex with a 15-year-old freshman two years ago has admitted to the relationship and apologized for ` taking the victim 's innocence , ' according to an affidavit .\n", + "amber anderson , 27 , has been arrested on suspicion of having sex with a 15-year-old freshman two years agoduring questioning by detectives she admitted to the relationship and apologized for ` taking the victim 's innocence 'the victim 's mother contacted authorities earlier this month after a former student told her what had happenedshe had seen suspicious texts in 2013 and had approached the school , christian life academy in baton rouge , at that timeanderson is facing a charge of felony carnal knowledge of a juvenile over the sexual relationship which took place in july and august of 2013\n", + "[1.2087011 1.4020534 1.2747394 1.2752618 1.0695343 1.0819312 1.2167094\n", + " 1.2400047 1.0914707 1.0162576 1.0167145 1.092681 1.0776768 1.03073\n", + " 1.0509591 1.0802467 1.0184511 1.018691 1.0569886 1.0294185 1.0276204\n", + " 1.0449817]\n", + "\n", + "[ 1 3 2 7 6 0 11 8 5 15 12 4 18 14 21 13 19 20 17 16 10 9]\n", + "=======================\n", + "[\"when sonia morales was pregnant , her daughter angela was diagnosed with anencephaly , a birth defect in which babies are born without parts of their brain and skull .a couple who were told their severely disabled baby may die within hours of being born are celebrating her first birthday .but sonia and her husband rony , who live in providence , rhode island , decided to ` keep her no matter what . '\"]\n", + "=======================\n", + "['when sonia morales was pregnant , her daughter angela was diagnosed with anencephalyit is a birth defect in which babies are born without parts of their brain and skull - many newborns with the condition die soon after birthangela celebrated her first birthday on march 23the family are celebrating every day they have with angela']\n", + "when sonia morales was pregnant , her daughter angela was diagnosed with anencephaly , a birth defect in which babies are born without parts of their brain and skull .a couple who were told their severely disabled baby may die within hours of being born are celebrating her first birthday .but sonia and her husband rony , who live in providence , rhode island , decided to ` keep her no matter what . '\n", + "when sonia morales was pregnant , her daughter angela was diagnosed with anencephalyit is a birth defect in which babies are born without parts of their brain and skull - many newborns with the condition die soon after birthangela celebrated her first birthday on march 23the family are celebrating every day they have with angela\n", + "[1.2898715 1.5770863 1.0793033 1.297583 1.365773 1.0568006 1.1112655\n", + " 1.1176689 1.0642202 1.0317891 1.0199542 1.0160599 1.0546025 1.0713192\n", + " 1.0574998 1.0868143 1.0192775 1.0183711 1.0113515 1.0106936 1.1155446]\n", + "\n", + "[ 1 4 3 0 7 20 6 15 2 13 8 14 5 12 9 10 16 17 11 18 19]\n", + "=======================\n", + "['max verschuuren , 21 , was bent over emptying rocks out of his boot on his way to a felled deer in the te urewera forest , north island , on saturday night when his mate blasted his back open .grisly photographs snapped in hospital show the gaping , bloody wound it left .a new zealand hunter is lucky to be alive after a friend mistook him for a deer and shot him in the back with a .270 rifle .']\n", + "=======================\n", + "['graphic image warningmax verschuuren , 21 , is lucky to be alive after friend mistook him for a deergrisly photographs show his gaping , bloody gunshot woundhis hunting mate believed his dim headlight was the glint of a deer \\'s eyesi said , \" f *** en \\' stop , that \\'s me ! \" \\'']\n", + "max verschuuren , 21 , was bent over emptying rocks out of his boot on his way to a felled deer in the te urewera forest , north island , on saturday night when his mate blasted his back open .grisly photographs snapped in hospital show the gaping , bloody wound it left .a new zealand hunter is lucky to be alive after a friend mistook him for a deer and shot him in the back with a .270 rifle .\n", + "graphic image warningmax verschuuren , 21 , is lucky to be alive after friend mistook him for a deergrisly photographs show his gaping , bloody gunshot woundhis hunting mate believed his dim headlight was the glint of a deer 's eyesi said , \" f *** en ' stop , that 's me ! \" '\n", + "[1.4772819 1.4719669 1.3269665 1.4364042 1.3824362 1.0561723 1.0243194\n", + " 1.014562 1.0177081 1.0131611 1.010868 1.1393915 1.1813877 1.2981676\n", + " 1.0192769 1.0153291 1.0081334 1.0131679 1.0630046 0. 0. ]\n", + "\n", + "[ 0 1 3 4 2 13 12 11 18 5 6 14 8 15 7 17 9 10 16 19 20]\n", + "=======================\n", + "[\"bayern munich winger arjen robben has said he has ` felt disabled ' during his latest spell on the sidelines with a troublesome abdominal injury .the holland international has missed his side 's last three games for bayern munich and is expected to miss the upcoming champions league tie against porto .robben , who is close to returning to full fitness , has revealed he will be able to start running again in a few days and plans on returning for bayern 's cup match against borussia dortmund .\"]\n", + "=======================\n", + "[\"arjen robben has missed his side 's last three games through injurythe bayern munich winger is expected to miss match against portorobben has said it ` is the worst situation for a footballer ' to be in\"]\n", + "bayern munich winger arjen robben has said he has ` felt disabled ' during his latest spell on the sidelines with a troublesome abdominal injury .the holland international has missed his side 's last three games for bayern munich and is expected to miss the upcoming champions league tie against porto .robben , who is close to returning to full fitness , has revealed he will be able to start running again in a few days and plans on returning for bayern 's cup match against borussia dortmund .\n", + "arjen robben has missed his side 's last three games through injurythe bayern munich winger is expected to miss match against portorobben has said it ` is the worst situation for a footballer ' to be in\n", + "[1.3736169 1.3367066 1.2573621 1.1755881 1.1693534 1.2379194 1.0628979\n", + " 1.0804516 1.087105 1.0370117 1.0438882 1.0524396 1.0324562 1.0480478\n", + " 1.0396622 1.0569525 1.0960596 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 5 3 4 16 8 7 6 15 11 13 10 14 9 12 19 17 18 20]\n", + "=======================\n", + "['a student expelled from george mason university for violating its sexual misconduct policy is suing in federal court to clear his name , arguing that an encounter with a girlfriend was sadomasochistic role playing , not sexual assault .a hearing in the case is scheduled for friday in alexandria .the ex-student has sued under a pseudonym to protect his privacy .']\n", + "=======================\n", + "[\"a student expelled from george mason university for violating its sexual misconduct policy is suing in federal court to clear his namethe man is arguing an encounter with a girlfriend was sadomasochistic role playing , not sexual assaultthe sexual misconduct allegations stem from an october 2013 encounter with the couple in the male student 's dorm room on the fairfax campusat one point , according to the lawsuit , she pushed him away but did n't invoke her safe wordlater that night , the two engaged in a second sex act , in which the male student asked her if she was interested , and she replied , ' i do n't know 'the lawsuit claims the woman only filed a complaint months later , after the couple broke up and she had found out the man was cheating on her\"]\n", + "a student expelled from george mason university for violating its sexual misconduct policy is suing in federal court to clear his name , arguing that an encounter with a girlfriend was sadomasochistic role playing , not sexual assault .a hearing in the case is scheduled for friday in alexandria .the ex-student has sued under a pseudonym to protect his privacy .\n", + "a student expelled from george mason university for violating its sexual misconduct policy is suing in federal court to clear his namethe man is arguing an encounter with a girlfriend was sadomasochistic role playing , not sexual assaultthe sexual misconduct allegations stem from an october 2013 encounter with the couple in the male student 's dorm room on the fairfax campusat one point , according to the lawsuit , she pushed him away but did n't invoke her safe wordlater that night , the two engaged in a second sex act , in which the male student asked her if she was interested , and she replied , ' i do n't know 'the lawsuit claims the woman only filed a complaint months later , after the couple broke up and she had found out the man was cheating on her\n", + "[1.4374387 1.4411783 1.5064924 1.213867 1.0796717 1.0207528 1.0146134\n", + " 1.1133244 1.0381341 1.0319722 1.0231453 1.016564 1.350699 1.0389037\n", + " 1.0122111 1.0291885 1.0345254 1.0226741 1.0089755 0. 0. ]\n", + "\n", + "[ 2 1 0 12 3 7 4 13 8 16 9 15 10 17 5 11 6 14 18 19 20]\n", + "=======================\n", + "[\"jonathan joseph will be among bath 's england contingent in dublin on saturdaygeorge ford , dave attwood , jonathan joseph and anthony watson all return to the scene of the 19-9 defeat by ireland which halted another grand slam crusade , and their club 's head coach feels that setback could prove beneficial in their champions cup quarter-final .bath will look to their england contingent to lead the charge against leinster in dublin as they attempt to make amends for their six nations defeat at the aviva stadium last month .\"]\n", + "=======================\n", + "[\"bath 's england contingent return for champions cup quarter-finalpremiership side face leinster at the aviva stadium on saturdayquartet will be seeking to make amends for six nations defeat\"]\n", + "jonathan joseph will be among bath 's england contingent in dublin on saturdaygeorge ford , dave attwood , jonathan joseph and anthony watson all return to the scene of the 19-9 defeat by ireland which halted another grand slam crusade , and their club 's head coach feels that setback could prove beneficial in their champions cup quarter-final .bath will look to their england contingent to lead the charge against leinster in dublin as they attempt to make amends for their six nations defeat at the aviva stadium last month .\n", + "bath 's england contingent return for champions cup quarter-finalpremiership side face leinster at the aviva stadium on saturdayquartet will be seeking to make amends for six nations defeat\n", + "[1.3233814 1.4137151 1.1166087 1.1957074 1.0949621 1.0626656 1.024341\n", + " 1.0302472 1.0708061 1.1234604 1.1286267 1.1526951 1.0485027 1.0814111\n", + " 1.0659022 1.0758673 1.0431813 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 11 10 9 2 4 13 15 8 14 5 12 16 7 6 19 17 18 20]\n", + "=======================\n", + "[\"the london mayor claimed ukip supporters are in ` increasing psychological conflict ' as they realise a vote for nigel farage 's party is a ` vote for ed miliband ' . 'boris johnson last night urged ukip voters to ` swing behind the conservatives ' to avoid the ` nightmare ' of a ` backward-looking labour government ' propped up by an ` even more left-wing ' snp .any gain by ukip is a gain by miliband , ' he told the daily mail as he campaigned in the thanet south , the kent seat where mr farage is standing .\"]\n", + "=======================\n", + "[\"london mayor boris johnson has urged ukip supporters to vote toryhe said ukip supporters realise a vote for ukip is a ` vote for ed miliband 'conservative votes would avoid the ` nightmare ' of snp propping up labourmr johnson yesterday campaigned in kent , where nigel farage is standing\"]\n", + "the london mayor claimed ukip supporters are in ` increasing psychological conflict ' as they realise a vote for nigel farage 's party is a ` vote for ed miliband ' . 'boris johnson last night urged ukip voters to ` swing behind the conservatives ' to avoid the ` nightmare ' of a ` backward-looking labour government ' propped up by an ` even more left-wing ' snp .any gain by ukip is a gain by miliband , ' he told the daily mail as he campaigned in the thanet south , the kent seat where mr farage is standing .\n", + "london mayor boris johnson has urged ukip supporters to vote toryhe said ukip supporters realise a vote for ukip is a ` vote for ed miliband 'conservative votes would avoid the ` nightmare ' of snp propping up labourmr johnson yesterday campaigned in kent , where nigel farage is standing\n", + "[1.1812598 1.3896946 1.3924398 1.2491856 1.2633413 1.2992394 1.1760031\n", + " 1.0305815 1.0149211 1.0225313 1.1670096 1.1295305 1.0374085 1.0647242\n", + " 1.1310252 1.0373634 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 5 4 3 0 6 10 14 11 13 12 15 7 9 8 19 16 17 18 20]\n", + "=======================\n", + "['owner freddy ali discovered the carnage when he returned to work at the la marina auto sales , in dearborn heights , michigan , after the easter break .the violent thugs were caught on camera as they roamed through the parked vehicles kicking off wing mirrors , destroying headlights and smashing windscreens with a large cinder block .this is the moment that three teenage vandals went on a rampage through a car dealership causing thousands of dollars worth of damage .']\n", + "=======================\n", + "['gang target car dealership in dearborn heights , michigan , in early hourskicked off wing mirrors and smashed windscreens during violent outburstbill for damage to la marina auto sales said to be several thousand dollarssame gang believed to have also hit neighboring businesses during spree']\n", + "owner freddy ali discovered the carnage when he returned to work at the la marina auto sales , in dearborn heights , michigan , after the easter break .the violent thugs were caught on camera as they roamed through the parked vehicles kicking off wing mirrors , destroying headlights and smashing windscreens with a large cinder block .this is the moment that three teenage vandals went on a rampage through a car dealership causing thousands of dollars worth of damage .\n", + "gang target car dealership in dearborn heights , michigan , in early hourskicked off wing mirrors and smashed windscreens during violent outburstbill for damage to la marina auto sales said to be several thousand dollarssame gang believed to have also hit neighboring businesses during spree\n", + "[1.0496428 1.1082287 1.3655362 1.1635951 1.3000048 1.2627873 1.1645948\n", + " 1.1007172 1.1165512 1.1160084 1.0673239 1.0559824 1.0873882 1.0612241\n", + " 1.0989554 1.0296065 1.1004539 1.0216357 0. 0. 0. ]\n", + "\n", + "[ 2 4 5 6 3 8 9 1 7 16 14 12 10 13 11 0 15 17 19 18 20]\n", + "=======================\n", + "['debenhams and mothercare have called a halt to long-running promotions which fail to excite shoppers , replacing them with shorter events that have more impact .experts claim prolonged sales can devalue products and encourage shoppers to delay buying an item until it is reduced .high street chains , including mothercare , are calling time on cut-price promotions that seem to go on forever']\n", + "=======================\n", + "['debenhams and mothercare have called a halt to long-running promotionsand both stores have announced revived figures since making the changeexperts claim prolonged sales can devalue products and encourage shoppers to delay buying an item until it is reducedfigures show a third of all fashion purchases are now made in a sale']\n", + "debenhams and mothercare have called a halt to long-running promotions which fail to excite shoppers , replacing them with shorter events that have more impact .experts claim prolonged sales can devalue products and encourage shoppers to delay buying an item until it is reduced .high street chains , including mothercare , are calling time on cut-price promotions that seem to go on forever\n", + "debenhams and mothercare have called a halt to long-running promotionsand both stores have announced revived figures since making the changeexperts claim prolonged sales can devalue products and encourage shoppers to delay buying an item until it is reducedfigures show a third of all fashion purchases are now made in a sale\n", + "[1.1183183 1.343801 1.4265261 1.1443173 1.0946575 1.1124954 1.0993578\n", + " 1.1036386 1.0672024 1.0675161 1.0962543 1.1691825 1.0723611 1.0253218\n", + " 1.0334421 1.0502341 1.0442135 1.0538449 1.042255 1.0217668 0. ]\n", + "\n", + "[ 2 1 11 3 0 5 7 6 10 4 12 9 8 17 15 16 18 14 13 19 20]\n", + "=======================\n", + "['the rv flip does not have its own engine and has to be towed to the location of scientific study , where it turns 90 degrees , leaving just 50 feet above the surface .but the 355-foot scientific platform is genuine and has been used by the us office for naval research for more than 50 years .the vessel can accommodate five crew and up to eleven researchers for up to 30 days .']\n", + "=======================\n", + "['the rv flip looks like it might be an april fool , but it as been working hard for more than 50 yearsthe 355-foot vessel can flip 90 degrees in 20 minutes allowing researchers a unique opportunity to study the oceanthe vessel does not have its own form or propulsion and relies on tugs to tow it to the area of studythe rv flip was commissioned in 1962 and can sit still in heavy seas with more than 300 feet beneath the waves']\n", + "the rv flip does not have its own engine and has to be towed to the location of scientific study , where it turns 90 degrees , leaving just 50 feet above the surface .but the 355-foot scientific platform is genuine and has been used by the us office for naval research for more than 50 years .the vessel can accommodate five crew and up to eleven researchers for up to 30 days .\n", + "the rv flip looks like it might be an april fool , but it as been working hard for more than 50 yearsthe 355-foot vessel can flip 90 degrees in 20 minutes allowing researchers a unique opportunity to study the oceanthe vessel does not have its own form or propulsion and relies on tugs to tow it to the area of studythe rv flip was commissioned in 1962 and can sit still in heavy seas with more than 300 feet beneath the waves\n", + "[1.493025 1.225455 1.4144787 1.0773543 1.1040717 1.0637833 1.1563935\n", + " 1.0836163 1.0357319 1.0686122 1.0435826 1.0645934 1.045708 1.0191336\n", + " 1.0531958 1.0834256 1.0448134 1.042101 1.0792183 1.044245 1.0200897]\n", + "\n", + "[ 0 2 1 6 4 7 15 18 3 9 11 5 14 12 16 19 10 17 8 20 13]\n", + "=======================\n", + "[\"( cnn ) it took prosecutors months to present 131 witnesses to support their claim that former nfl star aaron hernandez killed semi-pro player odin lloyd .hernandez , 25 , is on trial for the shooting death of lloyd , whose body was found in a massachusetts industrial park in june 2013 .on monday , hernandez 's defense gave its side of the story , wrapping up its witnesses in less than a day .\"]\n", + "=======================\n", + "['closing arguments in the case are set for tuesdayaaron hernandez is charged with first-degree murder in the killing of odin lloydhis defense lawyers made their case on monday']\n", + "( cnn ) it took prosecutors months to present 131 witnesses to support their claim that former nfl star aaron hernandez killed semi-pro player odin lloyd .hernandez , 25 , is on trial for the shooting death of lloyd , whose body was found in a massachusetts industrial park in june 2013 .on monday , hernandez 's defense gave its side of the story , wrapping up its witnesses in less than a day .\n", + "closing arguments in the case are set for tuesdayaaron hernandez is charged with first-degree murder in the killing of odin lloydhis defense lawyers made their case on monday\n", + "[1.5336696 1.342365 1.2032063 1.6299129 1.0475912 1.0200492 1.0199134\n", + " 1.0232284 1.0304306 1.0208181 1.0130653 1.1249528 1.1695998 1.016709\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 2 12 11 4 8 7 9 5 6 13 10 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"mick mccarthy 's ipswich were denied three points as rivals wolves fought back to draw 1-1 on saturdayipswich boss mick mccarthy hailed the ` belligerent , stubborn and hard working ' qualities of his ` horrible bunch ' of players after a determined 1-1 draw at his former club wolves moved town closer to securing a place in the skybet championship play-offs .despite wolves bouncing back to take a point through benik afobe 's 31st goal of the season in the 50th minute after a richard stearman own goal had given ipswich a first-half lead , town 's play-off hopes are now in their own hands with two games remaining .\"]\n", + "=======================\n", + "[\"ipswich denied three points as wolves fight back to draw 1-1 on saturdaymanager mick mccarthy hails qualities of ` horrible bunch ' of playersrichard stearman 's own goal had given ipswich an early lead at molineuxbut benik afobe equalised on 50 minutes with close-range volley\"]\n", + "mick mccarthy 's ipswich were denied three points as rivals wolves fought back to draw 1-1 on saturdayipswich boss mick mccarthy hailed the ` belligerent , stubborn and hard working ' qualities of his ` horrible bunch ' of players after a determined 1-1 draw at his former club wolves moved town closer to securing a place in the skybet championship play-offs .despite wolves bouncing back to take a point through benik afobe 's 31st goal of the season in the 50th minute after a richard stearman own goal had given ipswich a first-half lead , town 's play-off hopes are now in their own hands with two games remaining .\n", + "ipswich denied three points as wolves fight back to draw 1-1 on saturdaymanager mick mccarthy hails qualities of ` horrible bunch ' of playersrichard stearman 's own goal had given ipswich an early lead at molineuxbut benik afobe equalised on 50 minutes with close-range volley\n", + "[1.2844462 1.454837 1.1987891 1.1049067 1.0777712 1.1491879 1.1118488\n", + " 1.0518858 1.0371569 1.0235826 1.0288289 1.0359526 1.0629185 1.0667613\n", + " 1.0476413 1.0762365 1.051283 1.0258638 1.0939074 1.0572935 0. ]\n", + "\n", + "[ 1 0 2 5 6 3 18 4 15 13 12 19 7 16 14 8 11 10 17 9 20]\n", + "=======================\n", + "[\"warnock was driving through a canyon in lewiston , idaho , on wednesday when he saw the tree , then looked up to see an suv dangling over the edge of a cliff .( cnn ) a freshly fallen tree in the roadway was jason warnock 's first clue .the only thing holding the gmc yukon and its terrified driver from a 30-foot drop was a crumpled chain-link fence , still clinging to the earth above bryden canyon road .\"]\n", + "=======================\n", + "['jason warnock rescued a man whose suv was dangling off the edge of a cliffwarnock : \" i do n\\'t feel like i deserve any credit ... i just did what anyone would do \"']\n", + "warnock was driving through a canyon in lewiston , idaho , on wednesday when he saw the tree , then looked up to see an suv dangling over the edge of a cliff .( cnn ) a freshly fallen tree in the roadway was jason warnock 's first clue .the only thing holding the gmc yukon and its terrified driver from a 30-foot drop was a crumpled chain-link fence , still clinging to the earth above bryden canyon road .\n", + "jason warnock rescued a man whose suv was dangling off the edge of a cliffwarnock : \" i do n't feel like i deserve any credit ... i just did what anyone would do \"\n", + "[1.4287522 1.1914151 1.470228 1.2679696 1.1861991 1.1671734 1.2193434\n", + " 1.126429 1.048316 1.0187348 1.0150626 1.0289079 1.0238646 1.0198998\n", + " 1.0745695 1.0912933 1.0523291 1.0384558 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 6 1 4 5 7 15 14 16 8 17 11 12 13 9 10 18 19 20]\n", + "=======================\n", + "[\"holly littlefield , 16 , was arrested and held in a police cell for 14 hours after zoe gregory , 26 , hijacked her email account to issue the threat to blow up the school .she was too scared to return to school for two days and when she did she was taunted by classmates .another pupil , vicky francis , 15 , was also arrested after police were told she had access to holly 's email account .\"]\n", + "=======================\n", + "[\"zoe gregory , 26 , hijacked pupil 's email and threatened to blow up schoolholly littlefield , 16 , was arrested and held in a police cell for 14 hoursanother pupil was arrested because she had access to the email accountmarried mother-of-two gregory is now likely to receive a lengthy jail term\"]\n", + "holly littlefield , 16 , was arrested and held in a police cell for 14 hours after zoe gregory , 26 , hijacked her email account to issue the threat to blow up the school .she was too scared to return to school for two days and when she did she was taunted by classmates .another pupil , vicky francis , 15 , was also arrested after police were told she had access to holly 's email account .\n", + "zoe gregory , 26 , hijacked pupil 's email and threatened to blow up schoolholly littlefield , 16 , was arrested and held in a police cell for 14 hoursanother pupil was arrested because she had access to the email accountmarried mother-of-two gregory is now likely to receive a lengthy jail term\n", + "[1.2362018 1.4831083 1.2578071 1.3526844 1.1469346 1.0245516 1.0340803\n", + " 1.0214571 1.0206779 1.0195745 1.0148464 1.085844 1.1294557 1.1590414\n", + " 1.1417655 1.1005665 1.0721511 1.0721016 1.1210599 1.0150542 0. ]\n", + "\n", + "[ 1 3 2 0 13 4 14 12 18 15 11 16 17 6 5 7 8 9 19 10 20]\n", + "=======================\n", + "[\"the london-born beauty is the new face of maybelline new york , she was british vogue 's february 2015 cover star , and also the first black model to walk for prada in a decade .jourdan dunn has revealed in an interview that she was severely bullied at school , which led to her suffering from incredibly low self-esteembut the 24-year-old has now revealed that as a teenager her life was made a misery by cruel bullies who taunted her for her striking looks to the extent that she felt physically ill .\"]\n", + "=======================\n", + "['stunning beauty , 24 , was bullied throughout school for her striking looksnew face of maybelline new york and first black model to walk for pradashe talks about caring for her son , riley , five , who has sickle cell anaemia']\n", + "the london-born beauty is the new face of maybelline new york , she was british vogue 's february 2015 cover star , and also the first black model to walk for prada in a decade .jourdan dunn has revealed in an interview that she was severely bullied at school , which led to her suffering from incredibly low self-esteembut the 24-year-old has now revealed that as a teenager her life was made a misery by cruel bullies who taunted her for her striking looks to the extent that she felt physically ill .\n", + "stunning beauty , 24 , was bullied throughout school for her striking looksnew face of maybelline new york and first black model to walk for pradashe talks about caring for her son , riley , five , who has sickle cell anaemia\n", + "[1.1933565 1.4076388 1.2937953 1.3893015 1.1761066 1.1423717 1.1081414\n", + " 1.082662 1.0374088 1.1037412 1.0342782 1.0181344 1.0132895 1.0763992\n", + " 1.0521595 1.0699575 1.0341206 1.1039392 1.0179309 1.012408 1.0093043]\n", + "\n", + "[ 1 3 2 0 4 5 6 17 9 7 13 15 14 8 10 16 11 18 12 19 20]\n", + "=======================\n", + "['at least 17 climbers , including three americans , and many sherpas died as a result of the earthquake that has killed 2,500 people across the himalayas .jon reiter , a contractor from kenwood , california , was attempting his third ascent to the summit when the avalanche hit .some people managed to survive , but others are still trapped on the mountain waiting to be rescued .']\n", + "=======================\n", + "['jon reiter was attempting his first climb to the summit at the timesurvived the avalanche but then helped to distribute medicine to the hurtmanaged to contact his wife susan by satellite phone in the aftermaththree americans who were on the mountain at the time were killedthey were among 18 mountaineers and many sherpas who perished']\n", + "at least 17 climbers , including three americans , and many sherpas died as a result of the earthquake that has killed 2,500 people across the himalayas .jon reiter , a contractor from kenwood , california , was attempting his third ascent to the summit when the avalanche hit .some people managed to survive , but others are still trapped on the mountain waiting to be rescued .\n", + "jon reiter was attempting his first climb to the summit at the timesurvived the avalanche but then helped to distribute medicine to the hurtmanaged to contact his wife susan by satellite phone in the aftermaththree americans who were on the mountain at the time were killedthey were among 18 mountaineers and many sherpas who perished\n", + "[1.0853944 1.1540141 1.3255076 1.4041011 1.1789113 1.3922875 1.1426623\n", + " 1.0126687 1.3258718 1.1003095 1.214355 1.0726486 1.0138415 1.0058994\n", + " 1.0069479 1.0117941 1.0149289 1.0114852 0. 0. 0. ]\n", + "\n", + "[ 3 5 8 2 10 4 1 6 9 0 11 16 12 7 15 17 14 13 19 18 20]\n", + "=======================\n", + "[\"arsenal forward danny welbeck will face a fitness test on the knee injury picked up during international duty with england ahead of saturday 's barclays premier league clash against liverpool .liverpool striker daniel sturridge is expected to have recovered from a hip injury to face arsenal on saturday .arsenal vs liverpool ( emirates stadium )\"]\n", + "=======================\n", + "['danny welbeck faces fitness test for arsenal following england dutygunners are without alex oxlade-chamberlain due to hamstring complaintdaniel sturridge & adam lallana may be fit after pulling out england squaddejan lovren set to replace suspended martin skrtel in defencesteven gerrard also ruled out following red card vsmanchester united']\n", + "arsenal forward danny welbeck will face a fitness test on the knee injury picked up during international duty with england ahead of saturday 's barclays premier league clash against liverpool .liverpool striker daniel sturridge is expected to have recovered from a hip injury to face arsenal on saturday .arsenal vs liverpool ( emirates stadium )\n", + "danny welbeck faces fitness test for arsenal following england dutygunners are without alex oxlade-chamberlain due to hamstring complaintdaniel sturridge & adam lallana may be fit after pulling out england squaddejan lovren set to replace suspended martin skrtel in defencesteven gerrard also ruled out following red card vsmanchester united\n", + "[1.0876904 1.0913339 1.1498297 1.4696859 1.1567956 1.1034615 1.0394369\n", + " 1.0690572 1.194338 1.0441096 1.07217 1.1969454 1.0254232 1.0221905\n", + " 1.0666168 1.0473424 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 11 8 4 2 5 1 0 10 7 14 15 9 6 12 13 22 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"teresa james , 40 ( pictured ) , believes the discomfort involved with teeth whitening is worth it for the end result of a bright smilealmost a third of britons are now preoccupied with whitening their teeth , and research this week revealed the highest-earning cosmetic dentists made a collective turnover of # 1 billion last year -- a 22 per cent increase from 2010 .in america , sales of tooth whitening products have risen 300 per cent since 1996 , and the trend for excessive bleaching has grown so commonplace there that dentists have coined a new word for it -- ` bleachorexia ' .\"]\n", + "=======================\n", + "['teresa james , 40 , believes the pain involved is worth it for a bright smilelisa arbiter , 33 , has bought high-strength bleach from america for 13 yearsdonna billson started before her wedding last year and is already a convert']\n", + "teresa james , 40 ( pictured ) , believes the discomfort involved with teeth whitening is worth it for the end result of a bright smilealmost a third of britons are now preoccupied with whitening their teeth , and research this week revealed the highest-earning cosmetic dentists made a collective turnover of # 1 billion last year -- a 22 per cent increase from 2010 .in america , sales of tooth whitening products have risen 300 per cent since 1996 , and the trend for excessive bleaching has grown so commonplace there that dentists have coined a new word for it -- ` bleachorexia ' .\n", + "teresa james , 40 , believes the pain involved is worth it for a bright smilelisa arbiter , 33 , has bought high-strength bleach from america for 13 yearsdonna billson started before her wedding last year and is already a convert\n", + "[1.1017926 1.0630105 1.0440273 1.0531714 1.097955 1.1106658 1.1230448\n", + " 1.1887641 1.0933665 1.1470327 1.0634878 1.0640581 1.0542802 1.032558\n", + " 1.0231562 1.0442386 1.0360811 1.0412225 1.0503887 1.0763595 1.0314041\n", + " 1.0265788 1.0375632 0. ]\n", + "\n", + "[ 7 9 6 5 0 4 8 19 11 10 1 12 3 18 15 2 17 22 16 13 20 21 14 23]\n", + "=======================\n", + "[\"but syrians do n't need visas to get into turkey , so turkey it was .while in istanbul , i discovered many facebook pages about illegal smuggling from turkey to italy by sea .i 'm syrian , and returning to syria was n't an option -- going back means you either have to kill or be killed .\"]\n", + "=======================\n", + "['moutassem yazbek describes harrowing 12-day journey from turkey to italyyazbek , a syrian refugee , paid a smuggler $ 6,500 to get him to italy in december']\n", + "but syrians do n't need visas to get into turkey , so turkey it was .while in istanbul , i discovered many facebook pages about illegal smuggling from turkey to italy by sea .i 'm syrian , and returning to syria was n't an option -- going back means you either have to kill or be killed .\n", + "moutassem yazbek describes harrowing 12-day journey from turkey to italyyazbek , a syrian refugee , paid a smuggler $ 6,500 to get him to italy in december\n", + "[1.244819 1.0752686 1.3866825 1.1251813 1.4511445 1.1506814 1.1264161\n", + " 1.0090203 1.0026075 1.0041982 1.0064844 1.1163653 1.0071673 1.0143131\n", + " 1.0672367 1.055797 1.2478516 1.0582947 1.0092018 1.0040784 1.0184959\n", + " 1.0074133 1.0496321 1.0153773]\n", + "\n", + "[ 4 2 16 0 5 6 3 11 1 14 17 15 22 20 23 13 18 7 21 12 10 9 19 8]\n", + "=======================\n", + "[\"ashley young ( right ) wants to avoid a fifth successive derby defeat by neighbours manchester citylast november 's 1-0 victory at the etihad stadium was the fourth successive derby win for city .the champions defeat by crystal palace was manchester city 's third loss in five games\"]\n", + "=======================\n", + "[\"manchester united have lost the last four derbies to manchester cityashley young is desperate to put that run to an end on sundaylouis van gaal 's side lead their local rivals by one point in premier league\"]\n", + "ashley young ( right ) wants to avoid a fifth successive derby defeat by neighbours manchester citylast november 's 1-0 victory at the etihad stadium was the fourth successive derby win for city .the champions defeat by crystal palace was manchester city 's third loss in five games\n", + "manchester united have lost the last four derbies to manchester cityashley young is desperate to put that run to an end on sundaylouis van gaal 's side lead their local rivals by one point in premier league\n", + "[1.3845232 1.4033235 1.2594604 1.347485 1.0996934 1.0843042 1.0349337\n", + " 1.013531 1.0107051 1.1422936 1.1145062 1.0220779 1.1379716 1.0444477\n", + " 1.045615 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 9 12 10 4 5 14 13 6 11 7 8 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"the 33-year-old , who presents speed with guy martin on channel 4 , wrote a review of the vanquish carbon edition supercar , which costs # 203,000 , after test driving it on the isle of man 's tt course .tv presenter and motorcycle racer guy martin is facing a police probe after boasting of reaching speeds of up to 180mph in a 40mph zone while reviewing the new aston martin .he wrote of how he pressed the accelerator ` flat to the floor ' before seeing the speedometer reach 180mph as he entered the village of sulby , which is part of the tt race and has a speed limit of 40mph .\"]\n", + "=======================\n", + "['guy martin reviewed the aston martin vanquish while on the isle of manwrote how he reached up to 180mph in a small village with a 40mph limitsaid he completed the tt course around the island in the car in 22 minutesisle of man police has confirmed that they are looking into the incident']\n", + "the 33-year-old , who presents speed with guy martin on channel 4 , wrote a review of the vanquish carbon edition supercar , which costs # 203,000 , after test driving it on the isle of man 's tt course .tv presenter and motorcycle racer guy martin is facing a police probe after boasting of reaching speeds of up to 180mph in a 40mph zone while reviewing the new aston martin .he wrote of how he pressed the accelerator ` flat to the floor ' before seeing the speedometer reach 180mph as he entered the village of sulby , which is part of the tt race and has a speed limit of 40mph .\n", + "guy martin reviewed the aston martin vanquish while on the isle of manwrote how he reached up to 180mph in a small village with a 40mph limitsaid he completed the tt course around the island in the car in 22 minutesisle of man police has confirmed that they are looking into the incident\n", + "[1.3729876 1.2551297 1.2035992 1.3349923 1.0976307 1.2684157 1.2041242\n", + " 1.0978706 1.0788815 1.0637364 1.0414696 1.0453205 1.1462381 1.1067688\n", + " 1.04749 1.0144292 1.0342813 1.0442115 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 5 1 6 2 12 13 7 4 8 9 14 11 17 10 16 15 18 19 20 21 22 23]\n", + "=======================\n", + "[\"england midfielders jordan henderson and jack wilshere are the surprise names on manchester city 's summer shopping list .liverpool 's jordan henderson is another surprise name among targets of manchester city for this summerthe struggling barclays premier league champions know they need more english players in their starting line-up -- goalkeeper joe hart has often been the only one this season -- and liverpool 's henderson and arsenal 's wilshere are deemed to be realistic targets .\"]\n", + "=======================\n", + "[\"manchester city know they need more english players in their line-upcity goalkeeper joe hart has often been the only one this seasonengland 's jordan henderson and jack wilshere are on their wishlistcity deem the liverpool and arsenal stars as realistic targetscity also maintain an interest in liverpool forward raheem sterling\"]\n", + "england midfielders jordan henderson and jack wilshere are the surprise names on manchester city 's summer shopping list .liverpool 's jordan henderson is another surprise name among targets of manchester city for this summerthe struggling barclays premier league champions know they need more english players in their starting line-up -- goalkeeper joe hart has often been the only one this season -- and liverpool 's henderson and arsenal 's wilshere are deemed to be realistic targets .\n", + "manchester city know they need more english players in their line-upcity goalkeeper joe hart has often been the only one this seasonengland 's jordan henderson and jack wilshere are on their wishlistcity deem the liverpool and arsenal stars as realistic targetscity also maintain an interest in liverpool forward raheem sterling\n", + "[1.3426455 1.4007095 1.0955265 1.1058998 1.3047922 1.1975251 1.0449413\n", + " 1.176781 1.097272 1.0739994 1.0518894 1.0996152 1.0606036 1.086456\n", + " 1.0241771 1.0142468 1.0248572 1.0842787 1.0766115 1.0605407 1.0550357\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 4 5 7 3 11 8 2 13 17 18 9 12 19 20 10 6 16 14 15 21 22]\n", + "=======================\n", + "['the bodies of a 37-year-old woman , a 2-year-old girl and an 8-year-old boy were discovered by police monday night , eastpointe police lt. neil childs said , and investigators were trying to determine the circumstances surrounding the deaths .a 37-year-old man was in custody tuesday following the deaths of his wife and their two children at their home in suburban detroit , police said .the victims have been identified as christie fradeneck , her daughter celeste fradeneck and her son timothy fradeneck , wxyz reported .']\n", + "=======================\n", + "[\"police said a 37-year-old man was in custody tuesday following the deaths of his wife and their two children at their home in suburban detroitthe victims have been identified as christie fradeneck , her daughter celeste fradeneck and her son timothy fradeneckthe man was held for questioning and the causes of the deaths have n't been released , a police spokesman has saidofficers discovered the bodies at the home in the eastern suburb after the woman 's sister called policepolice went inside and found the woman and children deadthe children 's birthdays were less than two weeks away\"]\n", + "the bodies of a 37-year-old woman , a 2-year-old girl and an 8-year-old boy were discovered by police monday night , eastpointe police lt. neil childs said , and investigators were trying to determine the circumstances surrounding the deaths .a 37-year-old man was in custody tuesday following the deaths of his wife and their two children at their home in suburban detroit , police said .the victims have been identified as christie fradeneck , her daughter celeste fradeneck and her son timothy fradeneck , wxyz reported .\n", + "police said a 37-year-old man was in custody tuesday following the deaths of his wife and their two children at their home in suburban detroitthe victims have been identified as christie fradeneck , her daughter celeste fradeneck and her son timothy fradeneckthe man was held for questioning and the causes of the deaths have n't been released , a police spokesman has saidofficers discovered the bodies at the home in the eastern suburb after the woman 's sister called policepolice went inside and found the woman and children deadthe children 's birthdays were less than two weeks away\n", + "[1.2362995 1.4127985 1.2542999 1.3366938 1.096211 1.4443216 1.1091502\n", + " 1.0231487 1.1161573 1.2615612 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 5 1 3 9 2 0 8 6 4 7 20 19 18 17 16 11 14 13 12 21 10 15 22]\n", + "=======================\n", + "[\"fabio borini came on as a second-half substitute during liverpool 's 2-0 win against newcastle on mondaythe former swansea striker made the most of the warm weather as he spent the day at adventure park go ape at the cheshire forest .fabio borini enjoys a day out at go ape in delamere forest park on tuesday\"]\n", + "=======================\n", + "['fabio borini visited go ape adventure park in delamere forest on tuesaythe liverpool striker shared instagram pictures from his day outborini came on as a substitute for liverpool against newcastle on monday']\n", + "fabio borini came on as a second-half substitute during liverpool 's 2-0 win against newcastle on mondaythe former swansea striker made the most of the warm weather as he spent the day at adventure park go ape at the cheshire forest .fabio borini enjoys a day out at go ape in delamere forest park on tuesday\n", + "fabio borini visited go ape adventure park in delamere forest on tuesaythe liverpool striker shared instagram pictures from his day outborini came on as a substitute for liverpool against newcastle on monday\n", + "[1.0809342 1.5754843 1.3451266 1.076437 1.144895 1.0359075 1.028134\n", + " 1.0561645 1.0743204 1.3217041 1.0242181 1.0464483 1.0286307 1.048756\n", + " 1.044825 1.0419117 1.0519273 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 9 4 0 3 8 7 16 13 11 14 15 5 12 6 10 21 17 18 19 20 22]\n", + "=======================\n", + "['last year hawaiian-born photographer dustin wong , 31 , abandoned his job as an engineer to travel the world with only his camera for company .faced with the rapid destruction of habitats through pollution and overpopulation , the photographer hopes his images will inspire the viewer with awe at the intricate and diverse world we live in and encourage them to protect the planet .a single bikini-clad woman silhouetted against a spectacular sunset , a tiny figure facing a swirl of stars , a hot spring whose improbably lurid hues seem like something from another planet - these stunning images combine colour and light to capture the wonders of the natural world .']\n", + "=======================\n", + "['photographer dustin wong , 31 , travels the world with no company but his camerathe hawaiian-born photographerhis images are inspired by ancient hawaiian beliefs in the sacredness of naturehe aims to encourage viewers to interact with nature and help save the planetimages range from the national parks of the usa to the snow of norway and australian caves']\n", + "last year hawaiian-born photographer dustin wong , 31 , abandoned his job as an engineer to travel the world with only his camera for company .faced with the rapid destruction of habitats through pollution and overpopulation , the photographer hopes his images will inspire the viewer with awe at the intricate and diverse world we live in and encourage them to protect the planet .a single bikini-clad woman silhouetted against a spectacular sunset , a tiny figure facing a swirl of stars , a hot spring whose improbably lurid hues seem like something from another planet - these stunning images combine colour and light to capture the wonders of the natural world .\n", + "photographer dustin wong , 31 , travels the world with no company but his camerathe hawaiian-born photographerhis images are inspired by ancient hawaiian beliefs in the sacredness of naturehe aims to encourage viewers to interact with nature and help save the planetimages range from the national parks of the usa to the snow of norway and australian caves\n", + "[1.2285144 1.0666184 1.0742192 1.0482198 1.0649599 1.0629823 1.0549791\n", + " 1.0469499 1.125558 1.0976012 1.0455207 1.0644399 1.0524832 1.0826994\n", + " 1.2221882 1.034228 1.1744654 1.1095848 1.0726211 1.0399575 1.0230275\n", + " 1.0343813 1.0220783]\n", + "\n", + "[ 0 14 16 8 17 9 13 2 18 1 4 11 5 6 12 3 7 10 19 21 15 20 22]\n", + "=======================\n", + "[\"easley , south carolina ( cnn ) the cracker or the bite of ice cream -- brynn duncan still is n't sure which one sent her into anaphylactic shock that day .melissa duncan , a paralegal by day , dons a mask and surgical gloves before disinfecting the area around the tube that 's connected to brynn 's jugular vein .on that particular day in march , multiple epipens did n't slow the reaction .\"]\n", + "=======================\n", + "['brynn duncan has mast cell disease , which causes her to be allergic to almost everythingduncan has a feeding tube and is on constant doses of antihistamine']\n", + "easley , south carolina ( cnn ) the cracker or the bite of ice cream -- brynn duncan still is n't sure which one sent her into anaphylactic shock that day .melissa duncan , a paralegal by day , dons a mask and surgical gloves before disinfecting the area around the tube that 's connected to brynn 's jugular vein .on that particular day in march , multiple epipens did n't slow the reaction .\n", + "brynn duncan has mast cell disease , which causes her to be allergic to almost everythingduncan has a feeding tube and is on constant doses of antihistamine\n", + "[1.0848969 1.459579 1.2605066 1.2460049 1.0577273 1.3029068 1.1140095\n", + " 1.1021749 1.0423422 1.1331326 1.0258199 1.115957 1.0543097 1.0465225\n", + " 1.0849748 1.0238917 1.0126195 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 5 2 3 9 11 6 7 14 0 4 12 13 8 10 15 16 21 17 18 19 20 22]\n", + "=======================\n", + "['scientists have used a new technique to reconstrcut the colourful patterns on 28 fossilised cone snail shells that are up to 6.6 million years old .the technique has allowed researchers to look millions of years into the past to see how these once elaborately decorated shells would have once looked .c. geographus is one of the most venomous creatures on earth , and known to have killed dozens of people in accidental encounters .']\n", + "=======================\n", + "['fossilised cone snail shells found in cibao valley of dominican republicin visible light they appear to be a plain white colour as the pigments fadedunder ultraviolet light , however , the vivid patterns and colours fluorescescientists were able to reconstruct how the ancient species once looked']\n", + "scientists have used a new technique to reconstrcut the colourful patterns on 28 fossilised cone snail shells that are up to 6.6 million years old .the technique has allowed researchers to look millions of years into the past to see how these once elaborately decorated shells would have once looked .c. geographus is one of the most venomous creatures on earth , and known to have killed dozens of people in accidental encounters .\n", + "fossilised cone snail shells found in cibao valley of dominican republicin visible light they appear to be a plain white colour as the pigments fadedunder ultraviolet light , however , the vivid patterns and colours fluorescescientists were able to reconstruct how the ancient species once looked\n", + "[1.4219362 1.4649737 1.4004585 1.0787877 1.1127232 1.1461383 1.3784846\n", + " 1.0357981 1.0171819 1.01425 1.1105046 1.0531946 1.0121336 1.0090518\n", + " 1.0172942 1.1787848 1.1331156 1.0185902 1.2066389 1.0113068 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 6 18 15 5 16 4 10 3 11 7 17 14 8 9 12 19 13 20 21 22 23]\n", + "=======================\n", + "[\"palace beat manchester city on monday night and have ambitions of finishing in the barclays premier league 's top 10 this season .alan pardew says sunderland should be more concerned about his in-form crystal palace side than his past as newcastle manager this saturday .pardew was the first newcastle boss to suffer four successive defeats to sunderland , who last weekend won a fifth tyne-wear derby in a row , but is now only thinking about palace .\"]\n", + "=======================\n", + "['crystal palace face sunderland at the stadium of light on saturdayex-newcastle boss alan pardew is prepared for a frosty receptionbut he believes black cats fans should be more concerned about his sidesunderland are 15th in the table and three points clear of the drop zone']\n", + "palace beat manchester city on monday night and have ambitions of finishing in the barclays premier league 's top 10 this season .alan pardew says sunderland should be more concerned about his in-form crystal palace side than his past as newcastle manager this saturday .pardew was the first newcastle boss to suffer four successive defeats to sunderland , who last weekend won a fifth tyne-wear derby in a row , but is now only thinking about palace .\n", + "crystal palace face sunderland at the stadium of light on saturdayex-newcastle boss alan pardew is prepared for a frosty receptionbut he believes black cats fans should be more concerned about his sidesunderland are 15th in the table and three points clear of the drop zone\n", + "[1.1184598 1.4029262 1.4381516 1.2548938 1.1161793 1.0297287 1.0287051\n", + " 1.0114013 1.260982 1.1503408 1.03911 1.1159583 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 1 8 3 9 0 4 11 10 5 6 7 22 12 13 14 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"the british sandwich chain 's new concept is called ` good evenings ' , and runs from 6pm until 11pm every night , but only ( for now ) at its branch on the strand in london .burger king , which has launched its summer menu , has branched out from run-of-the-mill sundaes by offering a pina colada smoothie , while pret a manger has gone the whole hog and started serving sit-down dinners with wine .grub : burger king 's new party in the park menu consists of three new burgers , the mushroom swiss steakhouse , the pulled pork bbq whopper and the ciabatta chicken tendercrisp ( pictured )\"]\n", + "=======================\n", + "['burger king is now offering alcohol-free pina colada smoothiespret a manger has launched wine-accompanied sit-down dinnersnandos has introduced a quinoa salad and a posh new coleslawstarbucks is also trialling a dinner service with wine']\n", + "the british sandwich chain 's new concept is called ` good evenings ' , and runs from 6pm until 11pm every night , but only ( for now ) at its branch on the strand in london .burger king , which has launched its summer menu , has branched out from run-of-the-mill sundaes by offering a pina colada smoothie , while pret a manger has gone the whole hog and started serving sit-down dinners with wine .grub : burger king 's new party in the park menu consists of three new burgers , the mushroom swiss steakhouse , the pulled pork bbq whopper and the ciabatta chicken tendercrisp ( pictured )\n", + "burger king is now offering alcohol-free pina colada smoothiespret a manger has launched wine-accompanied sit-down dinnersnandos has introduced a quinoa salad and a posh new coleslawstarbucks is also trialling a dinner service with wine\n", + "[1.3677069 1.4559838 1.3965864 1.4062196 1.3513235 1.2453071 1.0710644\n", + " 1.0273803 1.0123773 1.0137223 1.0271908 1.1556091 1.0550237 1.0873022\n", + " 1.0146888 1.0138241 1.0084394 1.0084265 1.0088732 1.0858617 1.0917935\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 11 20 13 19 6 12 7 10 14 15 9 8 18 16 17 21 22 23]\n", + "=======================\n", + "[\"nine weeks after being knocked out in the rbs 6 nations test against italy , brown is still suffering from headaches and has taken no part in training or team meetings since he returned to harlequins .england star mike brown could miss the rest of the season after failing to recover from concussionconor o'shea , harlequins director of rugby , has ruled the 29-year-old out of saturday 's aviva premiership match against sale and he is not expected to face bath the following week .\"]\n", + "=======================\n", + "[\"harlequins and england full-back mike brown may not play again this season due to on-going concussion issuesthe 29-year-old has not played since returning from international duty last month after being knocked out in a six nations game against italynine weeks later , brown is still suffering from headaches and nauseaharlequins director of rugby conor o'shea has insisted that he does not blame the england set-up for brown 's injury\"]\n", + "nine weeks after being knocked out in the rbs 6 nations test against italy , brown is still suffering from headaches and has taken no part in training or team meetings since he returned to harlequins .england star mike brown could miss the rest of the season after failing to recover from concussionconor o'shea , harlequins director of rugby , has ruled the 29-year-old out of saturday 's aviva premiership match against sale and he is not expected to face bath the following week .\n", + "harlequins and england full-back mike brown may not play again this season due to on-going concussion issuesthe 29-year-old has not played since returning from international duty last month after being knocked out in a six nations game against italynine weeks later , brown is still suffering from headaches and nauseaharlequins director of rugby conor o'shea has insisted that he does not blame the england set-up for brown 's injury\n", + "[1.1692939 1.4976056 1.3562467 1.2780764 1.3340555 1.0842706 1.1938341\n", + " 1.1356869 1.1264944 1.211359 1.1043189 1.0742041 1.0260489 1.030126\n", + " 1.0195591 1.0237658 1.1033156 1.0367372 1.0197673 1.0068972 1.0082338\n", + " 1.0050809 1.009102 1.0083817]\n", + "\n", + "[ 1 2 4 3 9 6 0 7 8 10 16 5 11 17 13 12 15 18 14 22 23 20 19 21]\n", + "=======================\n", + "[\"tomas driukas was arrested after paramedics were called to his home in birmingham in the early hours of wednesday morning .his daughter was taken to birmingham children 's hospital with breathing difficulties .the infant , who is believed to be a twin , died later that day after suffering ` several injuries ' , police said .\"]\n", + "=======================\n", + "[\"tomas driukas was arrested after paramedics were called to his homehis infant daughter was taken to hospital with breathing difficultiesfive-month-old , believed to be a twin , died after suffering ` several injuries 'baby 's mother was also arrested but has since been released on bail\"]\n", + "tomas driukas was arrested after paramedics were called to his home in birmingham in the early hours of wednesday morning .his daughter was taken to birmingham children 's hospital with breathing difficulties .the infant , who is believed to be a twin , died later that day after suffering ` several injuries ' , police said .\n", + "tomas driukas was arrested after paramedics were called to his homehis infant daughter was taken to hospital with breathing difficultiesfive-month-old , believed to be a twin , died after suffering ` several injuries 'baby 's mother was also arrested but has since been released on bail\n", + "[1.3911641 1.43697 1.262833 1.4240096 1.1788979 1.0749855 1.0697955\n", + " 1.0239604 1.0233467 1.0253562 1.0270976 1.0324132 1.0236348 1.0609082\n", + " 1.1202294 1.0973365 1.072757 1.0129756 1.0186353 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 14 15 5 16 6 13 11 10 9 7 12 8 18 17 19 20 21 22 23]\n", + "=======================\n", + "[\"the premier league champions were last year deemed to have breached ffp regulations , before being fined # 50million and ordered to operate with a # 49m transfer kitty this season .manchester city captain vincent kompany has slammed ffp for protecting the established order of clubscity are debt-free , mainly thanks to the vast wealth of owner sheikh mansour 's heavy personal investment , whereas manchester united were able to splash out # 150m on new talent in the summer , despite being in the region of # 400m in the red .\"]\n", + "=======================\n", + "['manchester city fined # 50million for breaking ffp regulations in 2014vincent kompany insists the rulings only help the elite clubscity take on neighbours manchester united in the derby on sunday']\n", + "the premier league champions were last year deemed to have breached ffp regulations , before being fined # 50million and ordered to operate with a # 49m transfer kitty this season .manchester city captain vincent kompany has slammed ffp for protecting the established order of clubscity are debt-free , mainly thanks to the vast wealth of owner sheikh mansour 's heavy personal investment , whereas manchester united were able to splash out # 150m on new talent in the summer , despite being in the region of # 400m in the red .\n", + "manchester city fined # 50million for breaking ffp regulations in 2014vincent kompany insists the rulings only help the elite clubscity take on neighbours manchester united in the derby on sunday\n", + "[1.4315041 1.4926732 1.1620162 1.3854749 1.222153 1.0724733 1.0448915\n", + " 1.0717292 1.0489696 1.0524327 1.1069758 1.0712655 1.0161697 1.0733702\n", + " 1.0086986 1.0084318 1.01068 1.0854614 1.0334153 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 4 2 10 17 13 5 7 11 9 8 6 18 12 16 14 15 20 19 21]\n", + "=======================\n", + "['england finished on 116-3 to lead by 220 runs at the end of the third day in antigua with seven second-innings wickets standing .the west indies believe they now dominate england captain alastair cook whose nightmare start to the series saw him fail in both innings of the first test - along with opening partner jonathan trott .captain cook also fell cheaply as he was out for 13 after edging a taylor delivery into the slips']\n", + "=======================\n", + "[\"alastair cook 's old failing against the full ball just outside off stump was again exploited by west indiesbbc 's test match special pundit geoff boycott questioned wisdom of jonathan trott returning to the england sideengland recovered from a shaky start to end third day of first test on 116-3 in their second innings , a lead of 220\"]\n", + "england finished on 116-3 to lead by 220 runs at the end of the third day in antigua with seven second-innings wickets standing .the west indies believe they now dominate england captain alastair cook whose nightmare start to the series saw him fail in both innings of the first test - along with opening partner jonathan trott .captain cook also fell cheaply as he was out for 13 after edging a taylor delivery into the slips\n", + "alastair cook 's old failing against the full ball just outside off stump was again exploited by west indiesbbc 's test match special pundit geoff boycott questioned wisdom of jonathan trott returning to the england sideengland recovered from a shaky start to end third day of first test on 116-3 in their second innings , a lead of 220\n", + "[1.1433728 1.2913779 1.1743385 1.260748 1.1064466 1.1173844 1.1220015\n", + " 1.0544056 1.0556854 1.0705769 1.11728 1.0399692 1.05688 1.0552659\n", + " 1.0914867 1.0369946 1.0260262 1.025296 1.0719662 1.0141618 1.0756781\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 6 5 10 4 14 20 18 9 12 8 13 7 11 15 16 17 19 21]\n", + "=======================\n", + "['these three mormons , all from utah , have realized that they are transgender - a designation not officially recognized by the church of latter day saints .however , in the case of annabel jensen , grayson moore and sara jade woodhouse , they have found a way to exist within the mormon universe - often with the help of local mormon leaders .indeed , church doctrine states that anybody who takes their transgender identity to the extent of gender reassignment surgery can not be baptized - and could face discipline from church elders if they are already a member of the religion .']\n", + "=======================\n", + "['grayson moore , annabel jensen and sara woodhouse are transgendermoore , formerly grace , realized in high school and takes testosteronejensen , who was born christopher , also takes hormone treatmentsmormon church will not baptize anybody who has sex change procedureswoodhouse transitioned later in life - he was married with a daughterthe three have found varying degrees of acceptance into mormon life']\n", + "these three mormons , all from utah , have realized that they are transgender - a designation not officially recognized by the church of latter day saints .however , in the case of annabel jensen , grayson moore and sara jade woodhouse , they have found a way to exist within the mormon universe - often with the help of local mormon leaders .indeed , church doctrine states that anybody who takes their transgender identity to the extent of gender reassignment surgery can not be baptized - and could face discipline from church elders if they are already a member of the religion .\n", + "grayson moore , annabel jensen and sara woodhouse are transgendermoore , formerly grace , realized in high school and takes testosteronejensen , who was born christopher , also takes hormone treatmentsmormon church will not baptize anybody who has sex change procedureswoodhouse transitioned later in life - he was married with a daughterthe three have found varying degrees of acceptance into mormon life\n", + "[1.373958 1.2385136 1.3605227 1.2218817 1.3055933 1.1086719 1.1273391\n", + " 1.0232644 1.0346416 1.0119971 1.2295902 1.051313 1.0212204 1.0539392\n", + " 1.0775876 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 4 1 10 3 6 5 14 13 11 8 7 12 9 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"ahmed gaddaf al-dam , a former minister and the late muammar gaddafi 's cousinabout 800 people are believed to have died when a fishing boat carrying migrants overturned off libyan waters , south of the italian island of lampedusa , shortly after midnight on sunday .the most senior member of the gaddafi clan has laid the blame of the migrant shipwreck that killed about 950 people on the western countries which helped overthrow colonel gaddafi .\"]\n", + "=======================\n", + "[\"ahmed gaddaf al-dam says the west is to blame for the ` chaos ' in libyahe 's a senior member of gaddafi clan and late muammar gaddafi 's cousinmr gaddaf al-dam blames western countries for the migrant shipwreckthe uk government has defended its role in helping to overthrow dictator\"]\n", + "ahmed gaddaf al-dam , a former minister and the late muammar gaddafi 's cousinabout 800 people are believed to have died when a fishing boat carrying migrants overturned off libyan waters , south of the italian island of lampedusa , shortly after midnight on sunday .the most senior member of the gaddafi clan has laid the blame of the migrant shipwreck that killed about 950 people on the western countries which helped overthrow colonel gaddafi .\n", + "ahmed gaddaf al-dam says the west is to blame for the ` chaos ' in libyahe 's a senior member of gaddafi clan and late muammar gaddafi 's cousinmr gaddaf al-dam blames western countries for the migrant shipwreckthe uk government has defended its role in helping to overthrow dictator\n", + "[1.4376879 1.324196 1.1000525 1.0349871 1.0401785 1.5628376 1.0836143\n", + " 1.0690675 1.13715 1.02635 1.0211393 1.0667102 1.0993087 1.0750824\n", + " 1.1754816 1.1468635 1.0287936 1.0127223 1.0139942 1.0708077 1.0441992\n", + " 1.033104 ]\n", + "\n", + "[ 5 0 1 14 15 8 2 12 6 13 19 7 11 20 4 3 21 16 9 10 18 17]\n", + "=======================\n", + "['ian bell scored 143 on the first day of the first test against west indies in antigua on mondayafter his classy 143 had steered england to 341 for five , after they had been 34 for three , bell said that thoughts of him losing his place in 2009 was a big motivating factor .bell was dropped from the side on his last visit to the caribbean in 2009']\n", + "=======================\n", + "[\"ian bell hit 143 on the opening day of the first test in antiguabell came in with england struggling , but took them to 341 for fivethe 33-year-old was dropped during the 2009 series in the caribbeanbell says it was ` nice to come back and put things right '\"]\n", + "ian bell scored 143 on the first day of the first test against west indies in antigua on mondayafter his classy 143 had steered england to 341 for five , after they had been 34 for three , bell said that thoughts of him losing his place in 2009 was a big motivating factor .bell was dropped from the side on his last visit to the caribbean in 2009\n", + "ian bell hit 143 on the opening day of the first test in antiguabell came in with england struggling , but took them to 341 for fivethe 33-year-old was dropped during the 2009 series in the caribbeanbell says it was ` nice to come back and put things right '\n", + "[1.3271054 1.4664359 1.4045123 1.3333077 1.0877715 1.0824504 1.1372571\n", + " 1.0206074 1.0328331 1.1360623 1.0867479 1.0190122 1.0749302 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 0 6 9 4 10 5 12 8 7 11 20 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"the top two sides in group b meet at the cardiff city stadium on june 12 with wales in their best position to qualify for a major tournament since the 1958 world cup finals in sweden .belgium and wales both have 11 points from five games with marc wilmots ' side - ranked fourth in the world - on top spot because of a superior goal difference .wales ' euro 2016 qualifier with belgium this summer has been declared a 33,000 sell-out\"]\n", + "=======================\n", + "[\"wales ' euro 2016 qualifier with belgium has been declared a sell-outgareth bale and co currently top the group b table on goal differencebelgium and wales both on 11 points ahead of clash\"]\n", + "the top two sides in group b meet at the cardiff city stadium on june 12 with wales in their best position to qualify for a major tournament since the 1958 world cup finals in sweden .belgium and wales both have 11 points from five games with marc wilmots ' side - ranked fourth in the world - on top spot because of a superior goal difference .wales ' euro 2016 qualifier with belgium this summer has been declared a 33,000 sell-out\n", + "wales ' euro 2016 qualifier with belgium has been declared a sell-outgareth bale and co currently top the group b table on goal differencebelgium and wales both on 11 points ahead of clash\n", + "[1.0808232 1.1141282 1.3151538 1.3806739 1.2694168 1.3439867 1.187014\n", + " 1.013364 1.2643651 1.1396328 1.093764 1.0811574 1.0255662 1.008052\n", + " 1.0157863 1.0163636 1.0497482 1.0994184 1.0712203]\n", + "\n", + "[ 3 5 2 4 8 6 9 1 17 10 11 0 18 16 12 15 14 7 13]\n", + "=======================\n", + "['everton striker romelu lukaku will have a late fitness test on a hamstring problem ahead of the visit of southampton on saturday .everton vs southampton ( goodison park )the belgium international withdrew from the national squad because of the injury and needs to be assessed .']\n", + "=======================\n", + "['romelu lukaku to have late fitness test on hamstring complaintkevin mirallas and steven pienaar in contention to feature for toffeessteven davis a doubt for southampton with groin injurysaints striker jay rodriguez working way back to full fitness']\n", + "everton striker romelu lukaku will have a late fitness test on a hamstring problem ahead of the visit of southampton on saturday .everton vs southampton ( goodison park )the belgium international withdrew from the national squad because of the injury and needs to be assessed .\n", + "romelu lukaku to have late fitness test on hamstring complaintkevin mirallas and steven pienaar in contention to feature for toffeessteven davis a doubt for southampton with groin injurysaints striker jay rodriguez working way back to full fitness\n", + "[1.4192243 1.1760982 1.2280906 1.2466336 1.2841758 1.141602 1.0724591\n", + " 1.0609282 1.0208004 1.1486278 1.0611972 1.0492625 1.0985014 1.0274875\n", + " 1.0495538 1.0135821 1.0284665 1.0369037 0. ]\n", + "\n", + "[ 0 4 3 2 1 9 5 12 6 10 7 14 11 17 16 13 8 15 18]\n", + "=======================\n", + "[\"clay aiken , the loser in a november contest to represent the second district of north carolina in congress , uncorked some show-biz venom monday on the election 's winner , rep. renee ellmers .the show is called ` the runner-up , ' a reference both to ths election and to his second-place finish in the second season of american idol .aiken told siriusxm radio host howard stern , discussing his esquire network documetary program that chronicles his failed bid for a seat in the house of representatives .\"]\n", + "=======================\n", + "[\"north carolina political also-ran also called rep. renee ellmers an ` idiot 'aiken also placed second on the second season of american idolellmers ' spokeswoman says his ` crude language ' shows ` why he is a runner-up 'entertainer also vented about finding gay lovers in new york city and claimed he has slept with at least one fellow celebritypromised to run for office again ` within the next decade '\"]\n", + "clay aiken , the loser in a november contest to represent the second district of north carolina in congress , uncorked some show-biz venom monday on the election 's winner , rep. renee ellmers .the show is called ` the runner-up , ' a reference both to ths election and to his second-place finish in the second season of american idol .aiken told siriusxm radio host howard stern , discussing his esquire network documetary program that chronicles his failed bid for a seat in the house of representatives .\n", + "north carolina political also-ran also called rep. renee ellmers an ` idiot 'aiken also placed second on the second season of american idolellmers ' spokeswoman says his ` crude language ' shows ` why he is a runner-up 'entertainer also vented about finding gay lovers in new york city and claimed he has slept with at least one fellow celebritypromised to run for office again ` within the next decade '\n", + "[1.3388951 1.2828373 1.1435499 1.273531 1.1148852 1.1094471 1.0621581\n", + " 1.0577319 1.1409329 1.1002203 1.089607 1.0563315 1.0198513 1.1018368\n", + " 1.0908241 1.0452749 1.0411516 1.0450563 0. ]\n", + "\n", + "[ 0 1 3 2 8 4 5 13 9 14 10 6 7 11 15 17 16 12 18]\n", + "=======================\n", + "[\"president barack obama made an unscheduled stop to the bob marley museum in jamaica last night while on a visit to the country for a meeting with caribbean leaders .the first president to visit jamaica in three decades , obama arrived in kingston yesterday evening and was met by prime minister portia simpson-miller , u.s. ambassador to jamaica luis moreno and a dozen other dignitaries .one of the rooms obama explored held the late reggae star 's platinum records and a grammy award .\"]\n", + "=======================\n", + "[\"president barack obama in jamaica for a meeting with caribbean leadershe made an unscheduled visit to the bob marley museum in kingstonsaid the museum was ` wonderful ' - and he still owns all of marley 's recordshe is first u.s president to visit the country since ronald reagan in 1982\"]\n", + "president barack obama made an unscheduled stop to the bob marley museum in jamaica last night while on a visit to the country for a meeting with caribbean leaders .the first president to visit jamaica in three decades , obama arrived in kingston yesterday evening and was met by prime minister portia simpson-miller , u.s. ambassador to jamaica luis moreno and a dozen other dignitaries .one of the rooms obama explored held the late reggae star 's platinum records and a grammy award .\n", + "president barack obama in jamaica for a meeting with caribbean leadershe made an unscheduled visit to the bob marley museum in kingstonsaid the museum was ` wonderful ' - and he still owns all of marley 's recordshe is first u.s president to visit the country since ronald reagan in 1982\n", + "[1.351892 1.323265 1.1966944 1.1466777 1.1179318 1.1416612 1.1512573\n", + " 1.0683398 1.0573885 1.1217985 1.0660096 1.022682 1.0674059 1.0419015\n", + " 1.1213398 1.0779443 1.0517422 1.0258765 0. ]\n", + "\n", + "[ 0 1 2 6 3 5 9 14 4 15 7 12 10 8 16 13 17 11 18]\n", + "=======================\n", + "[\"mogadishu , somalia ( cnn ) gunmen stormed the headquarters of somalia 's education ministry in the country 's capital on tuesday after a suicide car bombing , a two-pronged attack that killed at least 12 people and injured 16 others , officials said .the islamist militant group al-shabaab is responsible for the attack in the center of mogadishu , group spokesman abu musab said .the attack began when two suicide bombers detonated their car at the entrance of the two-story building housing the ministry of education , culture & higher education , somali national security ministry spokesman mohamed yusuf said .\"]\n", + "=======================\n", + "['al-shabaab claims responsibility for the attacka car bomb explodes outside the front gate of the education ministry building in mogadishuassailants storm the building and engage in a gunbattle with guards']\n", + "mogadishu , somalia ( cnn ) gunmen stormed the headquarters of somalia 's education ministry in the country 's capital on tuesday after a suicide car bombing , a two-pronged attack that killed at least 12 people and injured 16 others , officials said .the islamist militant group al-shabaab is responsible for the attack in the center of mogadishu , group spokesman abu musab said .the attack began when two suicide bombers detonated their car at the entrance of the two-story building housing the ministry of education , culture & higher education , somali national security ministry spokesman mohamed yusuf said .\n", + "al-shabaab claims responsibility for the attacka car bomb explodes outside the front gate of the education ministry building in mogadishuassailants storm the building and engage in a gunbattle with guards\n", + "[1.5074357 1.129581 1.0344194 1.0713924 1.2915491 1.127681 1.1671362\n", + " 1.0907952 1.2742691 1.203146 1.0511799 1.0574118 1.0553664 1.174679\n", + " 1.0731637 1.0598233 1.0780053 0. 0. ]\n", + "\n", + "[ 0 4 8 9 13 6 1 5 7 16 14 3 15 11 12 10 2 17 18]\n", + "=======================\n", + "[\"louis van gaal blamed himself for manchester united finishing the game with 10 men , using all his substitutes before michael carrick came off as a precaution with a tight calf .sergio aguero ( centre ) celebrates after scoring the opening goal at old trafford on sunday afternoonit was aguero 's first goal since he scored for city against barcelona at the etihad back in february\"]\n", + "=======================\n", + "['united finished the game with 10 men after michael carrick came offsergio aguero reached the 100-goal mark faster than any other city playerjames milner hurled an energy pouch to the floor in frustration after he was replaced by samir nasriunited felt that martin demichelis overreacted when caught by a flailing arm from marouane fellaini']\n", + "louis van gaal blamed himself for manchester united finishing the game with 10 men , using all his substitutes before michael carrick came off as a precaution with a tight calf .sergio aguero ( centre ) celebrates after scoring the opening goal at old trafford on sunday afternoonit was aguero 's first goal since he scored for city against barcelona at the etihad back in february\n", + "united finished the game with 10 men after michael carrick came offsergio aguero reached the 100-goal mark faster than any other city playerjames milner hurled an energy pouch to the floor in frustration after he was replaced by samir nasriunited felt that martin demichelis overreacted when caught by a flailing arm from marouane fellaini\n", + "[1.3307037 1.5681118 1.297276 1.306623 1.1141016 1.2084571 1.0353585\n", + " 1.0271028 1.0253034 1.0258299 1.3350582 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 10 0 3 2 5 4 6 7 9 8 19 18 17 16 12 14 13 11 20 15 21]\n", + "=======================\n", + "['nicholas james langan , 24 , from townsville , was arrested about 1.00 am on january 27 at a beach in canggu , north of kuta , for smoking a marijuana joint .bali prosecutors want an australian man allegedly caught smoking a joint on the beach to serve up to 12 years in jail .police seized the 0.1 gram joint and a small bag of marijuana weighing 0.86 grams .']\n", + "=======================\n", + "['bali prosecutors want an australian man allegedly caught smoking a joint on the beach to serve up to 12 years in jailnicholas james langan , 24 , from townsville , was arrested about 1.00 am on january 27 at a beach in canggu , north of kutapolice allege he was smoking a joint at the time of the arrestprosecutors said he possessed a small bag of marijuana weighing 0.86 grams']\n", + "nicholas james langan , 24 , from townsville , was arrested about 1.00 am on january 27 at a beach in canggu , north of kuta , for smoking a marijuana joint .bali prosecutors want an australian man allegedly caught smoking a joint on the beach to serve up to 12 years in jail .police seized the 0.1 gram joint and a small bag of marijuana weighing 0.86 grams .\n", + "bali prosecutors want an australian man allegedly caught smoking a joint on the beach to serve up to 12 years in jailnicholas james langan , 24 , from townsville , was arrested about 1.00 am on january 27 at a beach in canggu , north of kutapolice allege he was smoking a joint at the time of the arrestprosecutors said he possessed a small bag of marijuana weighing 0.86 grams\n", + "[1.4991664 1.2177583 1.3067199 1.1892867 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 3 19 18 17 16 15 14 13 12 10 20 9 8 7 6 5 4 11 21]\n", + "=======================\n", + "[\"kabul , afghanistan ( cnn ) three people were killed and five others were wounded thursday afternoon when a group of armed assailants stormed into the attorney general 's office in balkh province , northern afghanistan , according to a press release from the provincial governor 's office .although most staff members and civilians have been rescued , an exchange of fire between afghan security forces and the assailants is ongoing , the statement says .\"]\n", + "=======================\n", + "[\"three people killed ; five wounded in attack on attorney general 's office in balkh provincestaff and civilians have been rescued as gunmen engaged afghan security forces\"]\n", + "kabul , afghanistan ( cnn ) three people were killed and five others were wounded thursday afternoon when a group of armed assailants stormed into the attorney general 's office in balkh province , northern afghanistan , according to a press release from the provincial governor 's office .although most staff members and civilians have been rescued , an exchange of fire between afghan security forces and the assailants is ongoing , the statement says .\n", + "three people killed ; five wounded in attack on attorney general 's office in balkh provincestaff and civilians have been rescued as gunmen engaged afghan security forces\n", + "[1.1752913 1.2073799 1.0832181 1.2204078 1.2230017 1.1789743 1.2312424\n", + " 1.1912099 1.1844361 1.1955451 1.0982474 1.049239 1.0432076 1.0494053\n", + " 1.1257482 1.1418428 1.054369 1.0435954 1.0376651 1.020247 1.0236043\n", + " 1.0103917]\n", + "\n", + "[ 6 4 3 1 9 7 8 5 0 15 14 10 2 16 13 11 17 12 18 20 19 21]\n", + "=======================\n", + "[\"the dramatic scenes were witnessed by researcher brent stapelkamp in hwange national parkthe lioness eventually locked on to the giraffe 's throat to kill itdetermined : incredible pictures show a lone lioness bringing down a towering giraffe all by herself\"]\n", + "=======================\n", + "['epic struggle between lioness and giraffe in zimbabwe caught on camerathe lioness was pictured battling the animal in hwange national parkpredator was very lucky to survive as a kick from a giraffe can be lethal']\n", + "the dramatic scenes were witnessed by researcher brent stapelkamp in hwange national parkthe lioness eventually locked on to the giraffe 's throat to kill itdetermined : incredible pictures show a lone lioness bringing down a towering giraffe all by herself\n", + "epic struggle between lioness and giraffe in zimbabwe caught on camerathe lioness was pictured battling the animal in hwange national parkpredator was very lucky to survive as a kick from a giraffe can be lethal\n", + "[1.4915484 1.4252695 1.3153138 1.5492698 1.063872 1.0219909 1.0651939\n", + " 1.0232711 1.0168734 1.0168169 1.0259026 1.1861284 1.0893458 1.0698676\n", + " 1.0660338 1.0137401 1.0112232 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 0 1 2 11 12 13 14 6 4 10 7 5 8 9 15 16 17 18 19 20 21]\n", + "=======================\n", + "['kevin pietersen scored 170 in his first outing for surrey this season but scored just 19 against glamorganpietersen has returned to the lv = county championship in a bid to stake a claim for an england recall , although the 34-year-old only managed 19 runs against glamorgan on sunday .england were held to a draw in the opening test of a three-match series against west indies last week , and calls for a pietersen comeback continue to linger ahead of the ashes this summer .']\n", + "=======================\n", + "['kevin pietersen scored 19 runs for surrey against glamorganmike gatting says if players are doing well for england then they should keep their placepietersen was sacked by england following the 2013/14 ashes tour']\n", + "kevin pietersen scored 170 in his first outing for surrey this season but scored just 19 against glamorganpietersen has returned to the lv = county championship in a bid to stake a claim for an england recall , although the 34-year-old only managed 19 runs against glamorgan on sunday .england were held to a draw in the opening test of a three-match series against west indies last week , and calls for a pietersen comeback continue to linger ahead of the ashes this summer .\n", + "kevin pietersen scored 19 runs for surrey against glamorganmike gatting says if players are doing well for england then they should keep their placepietersen was sacked by england following the 2013/14 ashes tour\n", + "[1.3846245 1.2126427 1.2934818 1.383369 1.3906882 1.0810937 1.0181906\n", + " 1.0112038 1.0153214 1.013694 1.0557404 1.123744 1.0200249 1.0139519\n", + " 1.0243121 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 4 0 3 2 1 11 5 10 14 12 6 8 13 9 7 20 15 16 17 18 19 21]\n", + "=======================\n", + "['yann kermorgant fires bournemouth into the lead with sweetly-taken free-kick in the 70th minutebournemouth moved four points clear at the top of the championship with a win against brighton as manager eddie howe set club records tumbling .callum wilson puts the cherries 2-0 ahead with a sublime finish in the 81st minute']\n", + "=======================\n", + "[\"bournemouth lead the championship by four points with four games leftyann kermorgant fired the cherries into the lead in the 70th minutecallum wilson doubled the visitors ' advantage 10 minutes latereddie howe 's side have set a club record 106 goals in all competitions\"]\n", + "yann kermorgant fires bournemouth into the lead with sweetly-taken free-kick in the 70th minutebournemouth moved four points clear at the top of the championship with a win against brighton as manager eddie howe set club records tumbling .callum wilson puts the cherries 2-0 ahead with a sublime finish in the 81st minute\n", + "bournemouth lead the championship by four points with four games leftyann kermorgant fired the cherries into the lead in the 70th minutecallum wilson doubled the visitors ' advantage 10 minutes latereddie howe 's side have set a club record 106 goals in all competitions\n", + "[1.302399 1.4323158 1.2322206 1.2651403 1.3232412 1.107371 1.0492401\n", + " 1.0572417 1.0606607 1.1071737 1.045846 1.0424565 1.073902 1.0351025\n", + " 1.0385661 1.0373331 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 0 3 2 5 9 12 8 7 6 10 11 14 15 13 20 16 17 18 19 21]\n", + "=======================\n", + "[\"may pat christie , 51 , a managing director at new york city finance firm angelo gordon & co , ditched her $ 475,000-a-year position this week , a family spokesman confirmed .chris christie 's wife has quit her big-money job on wall street in what could be a sign her husband has decided to run for president in 2016 .but many will see the move as a sign that new jersey governor christie , 52 , is coming closer to seeking the republican nomination for the 2016 presidential election .\"]\n", + "=======================\n", + "['mary pat christie , 51 , quit her position at finance firm angleo gordon & coreportedly told colleagues the move would precede a christie campaignmrs christie earns almost three times as much as her husbandhas accompanied new jersey governor on putative campaign trail']\n", + "may pat christie , 51 , a managing director at new york city finance firm angelo gordon & co , ditched her $ 475,000-a-year position this week , a family spokesman confirmed .chris christie 's wife has quit her big-money job on wall street in what could be a sign her husband has decided to run for president in 2016 .but many will see the move as a sign that new jersey governor christie , 52 , is coming closer to seeking the republican nomination for the 2016 presidential election .\n", + "mary pat christie , 51 , quit her position at finance firm angleo gordon & coreportedly told colleagues the move would precede a christie campaignmrs christie earns almost three times as much as her husbandhas accompanied new jersey governor on putative campaign trail\n", + "[1.2415761 1.3484436 1.2819769 1.22258 1.2952616 1.1071999 1.1708913\n", + " 1.1765714 1.0680335 1.0189797 1.0417944 1.1622918 1.0986786 1.1024201\n", + " 1.0894496 1.0425786 1.0064454 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 2 0 3 7 6 11 5 13 12 14 8 15 10 9 16 17 18 19 20 21]\n", + "=======================\n", + "[\"in the bag , carried in the hold of the aircraft , there were 55 snakes , 35 lizards , seven turtles , six lemurs , two monkeys and even a suspected leopard cub .cruel cargo : more than 100 exotic animals were found stuffed in this suitcase belonging to a female passenger travelling on a flight from indonesia to russia 's domodedovo airporttwo baby crocodiles died on the journey from jakarta to moscow and all the survivors appeared terrified when they were found after the 6,515-mile ordeal .\"]\n", + "=======================\n", + "['passenger accused of smuggling 108 exotic animals on flight from jakartatwo baby crocodiles died on the journey to russia after 6,515-mile ordealwoman faces up to seven years in jail if found guilty of smuggling leopard']\n", + "in the bag , carried in the hold of the aircraft , there were 55 snakes , 35 lizards , seven turtles , six lemurs , two monkeys and even a suspected leopard cub .cruel cargo : more than 100 exotic animals were found stuffed in this suitcase belonging to a female passenger travelling on a flight from indonesia to russia 's domodedovo airporttwo baby crocodiles died on the journey from jakarta to moscow and all the survivors appeared terrified when they were found after the 6,515-mile ordeal .\n", + "passenger accused of smuggling 108 exotic animals on flight from jakartatwo baby crocodiles died on the journey to russia after 6,515-mile ordealwoman faces up to seven years in jail if found guilty of smuggling leopard\n", + "[1.142482 1.2295623 1.333694 1.3949758 1.2461654 1.2701743 1.2224814\n", + " 1.1096036 1.1351699 1.0575252 1.0382361 1.0087985 1.0448028 1.0411161\n", + " 1.0272532 1.0257411 1.0949858 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 2 5 4 1 6 0 8 7 16 9 12 13 10 14 15 11 20 17 18 19 21]\n", + "=======================\n", + "[\"chloe jackson , 19 , appeared on today 's this morning to talk about how facebook makes her feel lonelythe survey , funded by the big lottery , found that more than 80 per cent of young people feel lonely at some point .the research revealed that half of those aged 55 and over said they never felt lonely .\"]\n", + "=======================\n", + "[\"younger people feeling lonelier than older generations according to report43 % of 18 to 34-year-old wish they had more friendsmany only interact with friends onlinechloe jackson , 19 , said facebook makes her feel lonelyfeels left out when she sees friends ' posts when they 're out having fun\"]\n", + "chloe jackson , 19 , appeared on today 's this morning to talk about how facebook makes her feel lonelythe survey , funded by the big lottery , found that more than 80 per cent of young people feel lonely at some point .the research revealed that half of those aged 55 and over said they never felt lonely .\n", + "younger people feeling lonelier than older generations according to report43 % of 18 to 34-year-old wish they had more friendsmany only interact with friends onlinechloe jackson , 19 , said facebook makes her feel lonelyfeels left out when she sees friends ' posts when they 're out having fun\n", + "[1.1965337 1.4048946 1.4290906 1.112088 1.1117581 1.1978738 1.1165819\n", + " 1.0184504 1.0276955 1.0902061 1.0709915 1.1098287 1.0356985 1.0256175\n", + " 1.0266788 1.091524 1.102456 1.0348805 1.0626249 1.047413 1.0279188\n", + " 1.0755559]\n", + "\n", + "[ 2 1 5 0 6 3 4 11 16 15 9 21 10 18 19 12 17 20 8 14 13 7]\n", + "=======================\n", + "[\"the mother-of-five sent the fruit of to queensland environmental health branch for testing , but their first round of scientific tests were to no avail .angela postle , from maroochydore in southeast queensland , stumbled upon the bizarre spectacle last month after slicing some oranges she bought from a local supermarket .the oranges that turned an inexplicable hue of purple in queensland mother angela postle 's house\"]\n", + "=======================\n", + "['queensland mother angela postle discovered the phenomenon last monthshe sliced some oranges and found they turned purple in her kitchenms postle sent them to health authorities but they have failed to explain itthe samples have been sent to a molecular laboratory for further testsfood experts have voiced their bewilderment at the images of the fruit']\n", + "the mother-of-five sent the fruit of to queensland environmental health branch for testing , but their first round of scientific tests were to no avail .angela postle , from maroochydore in southeast queensland , stumbled upon the bizarre spectacle last month after slicing some oranges she bought from a local supermarket .the oranges that turned an inexplicable hue of purple in queensland mother angela postle 's house\n", + "queensland mother angela postle discovered the phenomenon last monthshe sliced some oranges and found they turned purple in her kitchenms postle sent them to health authorities but they have failed to explain itthe samples have been sent to a molecular laboratory for further testsfood experts have voiced their bewilderment at the images of the fruit\n", + "[1.4558221 1.1550612 1.1952475 1.1322484 1.2666886 1.147168 1.1480197\n", + " 1.0654898 1.1368212 1.0633298 1.0689434 1.0622324 1.0114385 1.0382756\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 4 2 1 6 5 8 3 10 7 9 11 13 12 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"shanghai , china ( cnn ) when china 's biggest auto show opens in shanghai this week , the only models on display will be the ones with four wheels .however , the show comes at a turning point for china 's auto market , which is facing a second year of slower growth in 2015 after a decade-long sales and production frenzy .vehicle sales in china totaled 23.5 million units last year , almost a third more than in the united states .\"]\n", + "=======================\n", + "['organizers want to ban scantily-clad models at car showthe shanghai auto show is a key event for global automakerscars are no longer the status symbol they once were in china']\n", + "shanghai , china ( cnn ) when china 's biggest auto show opens in shanghai this week , the only models on display will be the ones with four wheels .however , the show comes at a turning point for china 's auto market , which is facing a second year of slower growth in 2015 after a decade-long sales and production frenzy .vehicle sales in china totaled 23.5 million units last year , almost a third more than in the united states .\n", + "organizers want to ban scantily-clad models at car showthe shanghai auto show is a key event for global automakerscars are no longer the status symbol they once were in china\n", + "[1.196006 1.4636557 1.2680053 1.0841995 1.2744693 1.0809935 1.0984662\n", + " 1.0606003 1.0593165 1.0582263 1.1218389 1.0855372 1.0550326 1.0351294\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 0 10 6 11 3 5 7 8 9 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"almost half of 1,000 british companies questioned said they are less inclined to recruit an applicant after interview if they are obese or overweight .among the reasons given were that overweight workers ` are unable to play a full role in the business ' , ` they 're lazy ' , and ` they would n't be able to do the job required ' , the research shows .obese workers are ` lazy ' and ` unable to fulfil their roles ' and as a result are less likely to be hired , a new survey has revealed .\"]\n", + "=======================\n", + "[\"survey of 1,000 firms showed half are less inclined to recruit obese peoplebelieve they are ` lazy ' and ` unable to fulfil their roles as required 'comes after european court ruled obesity is a disability after 25st danish childminder claimed he was sacked by local authority because he was fatspecialist furniture such as larger chairsparking spaces next to the workplacedietary advice to overweight staffgym membershipsopportunities to work from home\"]\n", + "almost half of 1,000 british companies questioned said they are less inclined to recruit an applicant after interview if they are obese or overweight .among the reasons given were that overweight workers ` are unable to play a full role in the business ' , ` they 're lazy ' , and ` they would n't be able to do the job required ' , the research shows .obese workers are ` lazy ' and ` unable to fulfil their roles ' and as a result are less likely to be hired , a new survey has revealed .\n", + "survey of 1,000 firms showed half are less inclined to recruit obese peoplebelieve they are ` lazy ' and ` unable to fulfil their roles as required 'comes after european court ruled obesity is a disability after 25st danish childminder claimed he was sacked by local authority because he was fatspecialist furniture such as larger chairsparking spaces next to the workplacedietary advice to overweight staffgym membershipsopportunities to work from home\n", + "[1.213251 1.4059424 1.2137867 1.3609943 1.2163908 1.0596956 1.1117394\n", + " 1.1393008 1.0789764 1.0873163 1.2021832 1.073009 1.0437776 1.0120006\n", + " 1.0141441 1.0091182 1.0095645 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 10 7 6 9 8 11 5 12 14 13 16 15 17 18]\n", + "=======================\n", + "['the shcherbakov family has been caring for the cub , which is unable to survive on its own , since it wandered up to their house gate three weeks ago .the family matriarch ( pictured ) feeds the bear porridge and milk from a refashioned beer bottlea family in far eastern russia has adopted an orphaned bear cub which was found alone after its mother was likely killed by poachers .']\n", + "=======================\n", + "['shcherbakov family has been caring for the cub after finding it alonecub wandered up to their gate in tulun and is unable to survive on its ownfamily is hoping to find it a permanent home as it will grow into a beastlocal expert cautions against bringing wild animals into the home']\n", + "the shcherbakov family has been caring for the cub , which is unable to survive on its own , since it wandered up to their house gate three weeks ago .the family matriarch ( pictured ) feeds the bear porridge and milk from a refashioned beer bottlea family in far eastern russia has adopted an orphaned bear cub which was found alone after its mother was likely killed by poachers .\n", + "shcherbakov family has been caring for the cub after finding it alonecub wandered up to their gate in tulun and is unable to survive on its ownfamily is hoping to find it a permanent home as it will grow into a beastlocal expert cautions against bringing wild animals into the home\n", + "[1.4643981 1.4625733 1.139611 1.2319069 1.1506971 1.0983946 1.0386446\n", + " 1.1002665 1.1411031 1.036582 1.01525 1.014845 1.010047 1.2623453\n", + " 1.0709409 1.1310952 1.0844227 1.2409 1.0082405]\n", + "\n", + "[ 0 1 13 17 3 4 8 2 15 7 5 16 14 6 9 10 11 12 18]\n", + "=======================\n", + "[\"wallace , the chelsea defender on-loan at vitesse arnhem , has been released without charge after being questioned by police on ` suspicion of a sexual offence ' .the 20-year-old , who has been loaned out to fluminense and inter milan since he signed for chelsea in january 2013 , was with vitesse 's squad for their trip to excelsior and fined by the dutch club .wallace is on a season-long loan at vitesse .\"]\n", + "=======================\n", + "[\"wallace , who signed for chelsea in 2013 , is on loan at vitesse arnhemhe has been pulled out of their squad for the trip to excelsior on saturdaythe 20-year-old has also been handed the maximum fine by the dutch sidewallace , a brazilian under-20 international , made his debut for jose mourinho 's side during their summer tour of asia in 2013click here for all the latest chelsea news\"]\n", + "wallace , the chelsea defender on-loan at vitesse arnhem , has been released without charge after being questioned by police on ` suspicion of a sexual offence ' .the 20-year-old , who has been loaned out to fluminense and inter milan since he signed for chelsea in january 2013 , was with vitesse 's squad for their trip to excelsior and fined by the dutch club .wallace is on a season-long loan at vitesse .\n", + "wallace , who signed for chelsea in 2013 , is on loan at vitesse arnhemhe has been pulled out of their squad for the trip to excelsior on saturdaythe 20-year-old has also been handed the maximum fine by the dutch sidewallace , a brazilian under-20 international , made his debut for jose mourinho 's side during their summer tour of asia in 2013click here for all the latest chelsea news\n", + "[1.3001649 1.3258219 1.3288486 1.3240799 1.1609764 1.2678223 1.2695838\n", + " 1.0249826 1.0347772 1.0303104 1.0306497 1.1079297 1.0387046 1.136289\n", + " 1.0482136 1.01384 1.0117031 1.0405761 1.0362889]\n", + "\n", + "[ 2 1 3 0 6 5 4 13 11 14 17 12 18 8 10 9 7 15 16]\n", + "=======================\n", + "[\"that painting , titled ` bomb damage , ' was drawn on the metal door that formed the last remaining part of a two-story house belonging to the dardouna family in northern gaza .the popular street artist is believed to have ventured into gaza earlier this year , leaving behind four murals - including an image depicting the greek goddess niobe cowering amid the rubble .but unaware that banksy 's works are usually valued at hundreds of thousands of pounds , rabie dardouna said he has been tricked into selling the door to a local artist for just # 100 .\"]\n", + "=======================\n", + "['british graffiti artist painted mural on metal door of dardouna family homeit was the only part of the two-storey building to survive bombing last yearlocal artist belal khaled convinced homeowner to sell door for just # 100but now that he knows banksy murals are valued at hundreds of thousands of pounds , rabie dardouna is demanding the door is returned']\n", + "that painting , titled ` bomb damage , ' was drawn on the metal door that formed the last remaining part of a two-story house belonging to the dardouna family in northern gaza .the popular street artist is believed to have ventured into gaza earlier this year , leaving behind four murals - including an image depicting the greek goddess niobe cowering amid the rubble .but unaware that banksy 's works are usually valued at hundreds of thousands of pounds , rabie dardouna said he has been tricked into selling the door to a local artist for just # 100 .\n", + "british graffiti artist painted mural on metal door of dardouna family homeit was the only part of the two-storey building to survive bombing last yearlocal artist belal khaled convinced homeowner to sell door for just # 100but now that he knows banksy murals are valued at hundreds of thousands of pounds , rabie dardouna is demanding the door is returned\n", + "[1.3937353 1.2493178 1.3285595 1.1609011 1.0786812 1.0520934 1.0549445\n", + " 1.0300132 1.1283883 1.0734681 1.0544307 1.0842521 1.0672454 1.0303694\n", + " 1.0249066 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 8 11 4 9 12 6 10 5 13 7 14 17 15 16 18]\n", + "=======================\n", + "[\"hadas from eritrea , africa , talks about her experience of being circumcised ( picture posed by model )hadas ( not her real name to protect her identity ) , who now lives in the uk , had ` the cut ' in eritrea , where circumcision for girls is widely practiced , when she was just a few months old .she said : ` in my culture , it is believed that when the vagina is cut , the desire to have sex is cut as well and that sex is only something a woman does with her husband to have children . '\"]\n", + "=======================\n", + "[\"hadas had the barbaric practice in eritrea , africa , where fgm is commonher mother believed putting her through the ordeal as a baby was bestin her village ` uncut ' women will be sluts and even grow up to be clumsywoman , who wants to remain anonymous , was sex trafficked to the uk\"]\n", + "hadas from eritrea , africa , talks about her experience of being circumcised ( picture posed by model )hadas ( not her real name to protect her identity ) , who now lives in the uk , had ` the cut ' in eritrea , where circumcision for girls is widely practiced , when she was just a few months old .she said : ` in my culture , it is believed that when the vagina is cut , the desire to have sex is cut as well and that sex is only something a woman does with her husband to have children . '\n", + "hadas had the barbaric practice in eritrea , africa , where fgm is commonher mother believed putting her through the ordeal as a baby was bestin her village ` uncut ' women will be sluts and even grow up to be clumsywoman , who wants to remain anonymous , was sex trafficked to the uk\n", + "[1.319576 1.0720232 1.2672777 1.0494448 1.1607375 1.3593622 1.2594239\n", + " 1.023059 1.0344772 1.0265049 1.1805091 1.1033798 1.0222982 1.0595282\n", + " 1.0689858 1.0654649 1.0705752 1.0546447]\n", + "\n", + "[ 5 0 2 6 10 4 11 1 16 14 15 13 17 3 8 9 7 12]\n", + "=======================\n", + "[\"arsenal players have revealed their ultimate pre-game playlist ahead of their premier league tie with burnleyarsenal are the form team in europe at present , winning 10 games out of their last 11 , including seven in a row .players have returned from injury at the right time , olivier giroud ca n't stop scoring , hector bellerin and francis coquelin have emerged , while arsene wenger seems to have found his drive once again .\"]\n", + "=======================\n", + "['arsenal face burnley in evening fixture at turf moor on saturdaygunners are 2nd in the premier league while hosts are in relegation zonearsenal partner europcar reveal playlist players will listen to on the busolivier giroud picks coldplay , danny welbeck opts for chase and statustheo walcott is an ll cool j fan , nacho monreal goes for david guettaread : arsenal stars in good spirits as they bid to win eighth straight game']\n", + "arsenal players have revealed their ultimate pre-game playlist ahead of their premier league tie with burnleyarsenal are the form team in europe at present , winning 10 games out of their last 11 , including seven in a row .players have returned from injury at the right time , olivier giroud ca n't stop scoring , hector bellerin and francis coquelin have emerged , while arsene wenger seems to have found his drive once again .\n", + "arsenal face burnley in evening fixture at turf moor on saturdaygunners are 2nd in the premier league while hosts are in relegation zonearsenal partner europcar reveal playlist players will listen to on the busolivier giroud picks coldplay , danny welbeck opts for chase and statustheo walcott is an ll cool j fan , nacho monreal goes for david guettaread : arsenal stars in good spirits as they bid to win eighth straight game\n", + "[1.2435488 1.4332914 1.2931865 1.2742394 1.3279102 1.144208 1.040326\n", + " 1.0360719 1.1028044 1.0152755 1.0354894 1.0384456 1.0139487 1.0239944\n", + " 1.0846204 1.0684674 0. 0. ]\n", + "\n", + "[ 1 4 2 3 0 5 8 14 15 6 11 7 10 13 9 12 16 17]\n", + "=======================\n", + "[\"actor ricky dearman said his reputation was shattered after being branded the leader of a london satanic cult who trafficked of children into the uk to be tortured and killed on video .scotland yard investigated the ` baseless ' claims but found they had been made by his children after they were tortured by their mother and her partner , who attacked them and fed them drugs .police are now hunting for ella draper and abraham christie , who may have fled abroad , and mr dearman now hopes to win custody of his children , who are eight and nine and currently in care .\"]\n", + "=======================\n", + "[\"ricky dearman was branded cult leader in bitter battle over his childrenhe said : ` they 'd said we were killing babies , i was shipping them in , we would cut the babies ' throats and then would drink the blood .judge found mother forced children to lie about sexual abuse and tortureella draper and abraham christie wanted by police but have fled abroad\"]\n", + "actor ricky dearman said his reputation was shattered after being branded the leader of a london satanic cult who trafficked of children into the uk to be tortured and killed on video .scotland yard investigated the ` baseless ' claims but found they had been made by his children after they were tortured by their mother and her partner , who attacked them and fed them drugs .police are now hunting for ella draper and abraham christie , who may have fled abroad , and mr dearman now hopes to win custody of his children , who are eight and nine and currently in care .\n", + "ricky dearman was branded cult leader in bitter battle over his childrenhe said : ` they 'd said we were killing babies , i was shipping them in , we would cut the babies ' throats and then would drink the blood .judge found mother forced children to lie about sexual abuse and tortureella draper and abraham christie wanted by police but have fled abroad\n", + "[1.126988 1.4133894 1.251525 1.2110937 1.1186384 1.0819852 1.2353243\n", + " 1.1507665 1.0681493 1.0611016 1.1984588 1.1053063 1.0517687 1.0668873\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 6 3 10 7 0 4 11 5 8 13 9 12 16 14 15 17]\n", + "=======================\n", + "['a video uploaded by youtube user shkesi shows a baby girl mesmerized by a toy mothering hen .as the motorized plush bird bounces up and down and pops out an egg , the infant can barely believe her eyes .when the first egg emerges she cries for joy and when the third comes she lets out a shriek with her arms waving around .']\n", + "=======================\n", + "['a video uploaded by youtube user shkesi shows a baby girl mesmerized by the mothering henas the plush bird bounces up and down and pops out an egg the infant can barely believe her eyes']\n", + "a video uploaded by youtube user shkesi shows a baby girl mesmerized by a toy mothering hen .as the motorized plush bird bounces up and down and pops out an egg , the infant can barely believe her eyes .when the first egg emerges she cries for joy and when the third comes she lets out a shriek with her arms waving around .\n", + "a video uploaded by youtube user shkesi shows a baby girl mesmerized by the mothering henas the plush bird bounces up and down and pops out an egg the infant can barely believe her eyes\n", + "[1.3246928 1.5372083 1.1698403 1.3506056 1.2273139 1.1624057 1.0862026\n", + " 1.0515094 1.1095372 1.0345023 1.0123044 1.0145761 1.1081833 1.0664237\n", + " 1.0444672 1.0444399 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 5 8 12 6 13 7 14 15 9 11 10 16 17]\n", + "=======================\n", + "['audrey pekin , 19 , says she was attacked by a man , henry alafu , who she had met with other friends a few days earlier when he lured her to his remote home - and then assaulted her again in a taxi as she tried to flee .audrey pekin has detailed the alleged rape and attack she suffered while on a christmas holiday to bali with her familyalafu lured ms pekin back to where his property away from the bustling tourist centre of the city , and brutally raped her on two separate occasions .']\n", + "=======================\n", + "[\"audrey pekin says she was brutally raped while on family holiday to balims pekin claims she was raped by nigerian national henry alafupekin family has questioned why mr alafu was not arrested by police` he went from a man to a monster , ' ms pekin says of her alleged attackermr alafu allegedly raped ms pekin twice , once in a home and once in a cab\"]\n", + "audrey pekin , 19 , says she was attacked by a man , henry alafu , who she had met with other friends a few days earlier when he lured her to his remote home - and then assaulted her again in a taxi as she tried to flee .audrey pekin has detailed the alleged rape and attack she suffered while on a christmas holiday to bali with her familyalafu lured ms pekin back to where his property away from the bustling tourist centre of the city , and brutally raped her on two separate occasions .\n", + "audrey pekin says she was brutally raped while on family holiday to balims pekin claims she was raped by nigerian national henry alafupekin family has questioned why mr alafu was not arrested by police` he went from a man to a monster , ' ms pekin says of her alleged attackermr alafu allegedly raped ms pekin twice , once in a home and once in a cab\n", + "[1.1966695 1.4827762 1.2636087 1.2286388 1.3235341 1.1720471 1.0866107\n", + " 1.0611987 1.0314599 1.0932068 1.0914084 1.0585988 1.0708412 1.0478306\n", + " 1.0390267 1.0214084 1.0242171 0. ]\n", + "\n", + "[ 1 4 2 3 0 5 9 10 6 12 7 11 13 14 8 16 15 17]\n", + "=======================\n", + "[\"matheryn naovaratpong , from thailand , is thought to be the youngest person ever cryogenically preserved .the toddler was diagnosed with an aggressive form of cancer last april after she failed to wake up one morning , motherboard 's brian merchant reportsafter being admitted to a bangkok hospital , tests revealed she had a 11cm tumour in the left side of her brain .\"]\n", + "=======================\n", + "['two-year-old matheryn naovaratpong , from thailand , died in januaryhad battled a very rare brain cancer that affects very young childrenher brain and body have been frozen by arizona-based firm alcorfamily hopes body can be used for research - or she can one day live again']\n", + "matheryn naovaratpong , from thailand , is thought to be the youngest person ever cryogenically preserved .the toddler was diagnosed with an aggressive form of cancer last april after she failed to wake up one morning , motherboard 's brian merchant reportsafter being admitted to a bangkok hospital , tests revealed she had a 11cm tumour in the left side of her brain .\n", + "two-year-old matheryn naovaratpong , from thailand , died in januaryhad battled a very rare brain cancer that affects very young childrenher brain and body have been frozen by arizona-based firm alcorfamily hopes body can be used for research - or she can one day live again\n", + "[1.3336189 1.1968325 1.1470276 1.187248 1.1666552 1.173261 1.118552\n", + " 1.0662875 1.0209714 1.0453732 1.0858123 1.0694786 1.050391 1.1101694\n", + " 1.0481359 1.1019655 1.0419158 1.0325712 1.0298953 1.0226659 1.013003\n", + " 1.028825 ]\n", + "\n", + "[ 0 1 3 5 4 2 6 13 15 10 11 7 12 14 9 16 17 18 21 19 8 20]\n", + "=======================\n", + "['( cnn ) the baltimore mother who slapped her son several times and pulled him out of a protest told cnn on wednesday she was n\\'t concerned that she might be embarrassing her son .\" not at all , \" toya graham told cnn \\'s \" anderson cooper 360 ˚ \" in an interview that aired wednesday night .the video of graham yanking her son , michael singleton , and slapping him with a right hand as cnn affiliate wmar recorded has led to the internet calling graham #motheroftheyear .']\n", + "=======================\n", + "[\"video of toya graham going to a protest and forcefully removing her son went viral , drew a lot of praisethe single mother of six tells cnn her son was scolded that he was n't brought up that waymichael singleton says he knows his mom was trying to protect him\"]\n", + "( cnn ) the baltimore mother who slapped her son several times and pulled him out of a protest told cnn on wednesday she was n't concerned that she might be embarrassing her son .\" not at all , \" toya graham told cnn 's \" anderson cooper 360 ˚ \" in an interview that aired wednesday night .the video of graham yanking her son , michael singleton , and slapping him with a right hand as cnn affiliate wmar recorded has led to the internet calling graham #motheroftheyear .\n", + "video of toya graham going to a protest and forcefully removing her son went viral , drew a lot of praisethe single mother of six tells cnn her son was scolded that he was n't brought up that waymichael singleton says he knows his mom was trying to protect him\n", + "[1.4235097 1.290962 1.281024 1.3901149 1.2950625 1.14792 1.064457\n", + " 1.0570445 1.0263478 1.0159221 1.0277357 1.0174209 1.2013348 1.075792\n", + " 1.0612664 1.0198166 1.013697 1.0336986 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 4 1 2 12 5 13 6 14 7 17 10 8 15 11 9 16 20 18 19 21]\n", + "=======================\n", + "[\"jack grealish feels ashamed about inhaling nitrous oxide through a balloon and has assured aston villa manager tim sherwood he will not repeat his mistake .grealish starred for aston villa in their fa cup semi-final win over liverpool on sunday at wembleygrealish , 19 , was pictured taking so-called ` hippy crack ' , a legal high , after a night out nearly a year ago , with the image published in the sun on thursday .\"]\n", + "=======================\n", + "[\"jack grealish was pictured inhaling nitrous oxide through a balloontim sherwood has told him such behaviour will not be tolerated at the clubgrealish has assured the aston villa manager ` it wo n't happen again 'the young winger inspired aston villa to victory over liverpool on sundaygrealish seeks assurances from roy hodgson before playing for england\"]\n", + "jack grealish feels ashamed about inhaling nitrous oxide through a balloon and has assured aston villa manager tim sherwood he will not repeat his mistake .grealish starred for aston villa in their fa cup semi-final win over liverpool on sunday at wembleygrealish , 19 , was pictured taking so-called ` hippy crack ' , a legal high , after a night out nearly a year ago , with the image published in the sun on thursday .\n", + "jack grealish was pictured inhaling nitrous oxide through a balloontim sherwood has told him such behaviour will not be tolerated at the clubgrealish has assured the aston villa manager ` it wo n't happen again 'the young winger inspired aston villa to victory over liverpool on sundaygrealish seeks assurances from roy hodgson before playing for england\n", + "[1.2078294 1.39781 1.2475569 1.132796 1.0696671 1.0795575 1.0930195\n", + " 1.1458039 1.0674362 1.1036906 1.0505711 1.029397 1.1025268 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 7 3 9 12 6 5 4 8 10 11 20 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"although he had never run a marathon before , callum ryan , 21 , committed himself to the daunting challenge of running eight of them between january and september 2015 - covering a total distance of 337.5 kilometres .his ` eight great states ' campaign is driven by his passion to make a difference after the loss of his friend , malachy frawley who died from heart disease in 2013 when he was just 14 years old .from the dry , relentless heat of alice springs to the icy cold hills of canberra , a university student will push his body to the limit , running a marathon in each of australia 's eight states and territories to honour the memory of his late , treasured childhood friend .\"]\n", + "=======================\n", + "[\"callum ryan , 21 , will run eight marathons in each of australia 's states and territories between january and september this yearcallum is running to honour the memory of his late friend , malachy frawleymalachy passed away when he was just 14 from a congenital heart diseasecallum wants to raise funds for heartkids australia and awareness of the impact of children 's heart diseasehe had never run a marathon before when he set himself the challenge\"]\n", + "although he had never run a marathon before , callum ryan , 21 , committed himself to the daunting challenge of running eight of them between january and september 2015 - covering a total distance of 337.5 kilometres .his ` eight great states ' campaign is driven by his passion to make a difference after the loss of his friend , malachy frawley who died from heart disease in 2013 when he was just 14 years old .from the dry , relentless heat of alice springs to the icy cold hills of canberra , a university student will push his body to the limit , running a marathon in each of australia 's eight states and territories to honour the memory of his late , treasured childhood friend .\n", + "callum ryan , 21 , will run eight marathons in each of australia 's states and territories between january and september this yearcallum is running to honour the memory of his late friend , malachy frawleymalachy passed away when he was just 14 from a congenital heart diseasecallum wants to raise funds for heartkids australia and awareness of the impact of children 's heart diseasehe had never run a marathon before when he set himself the challenge\n", + "[1.2862871 1.2923951 1.2425942 1.3021666 1.2226481 1.1154354 1.062766\n", + " 1.0486652 1.0648471 1.0990766 1.0967616 1.0520066 1.1515197 1.014688\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 0 2 4 12 5 9 10 8 6 11 7 13 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "['more than 50 teachers - called the park view brotherhood - also alleged exchanged as many as 3,000 messages in a whatsapp group which included offensive comments about british soldiers and claimed the murder of soldier lee rigby was a hoax .it is understood a teaching watchdog is working on possible disciplinary cases against current and former staff members at some schools in birmingham where extremist islamic views were being forced on pupils and staff .up to 100 islamic teachers could be banned from working in schools for life following an investigation into their alleged links to the trojan horse scandal .']\n", + "=======================\n", + "['teaching watchdog investigating some 100 staff with links to the scandalin some birmingham schools , islamic views forced on staff and pupilsalleged al-qaeda style video with masked gunmen copied in a classroomalso claimed teachers punished children by making them kneel on tilesstaff members also alleged sent offensive messages in a whatsapp groupmessages claimed murder of lee rigby and boston bombings were a hoax']\n", + "more than 50 teachers - called the park view brotherhood - also alleged exchanged as many as 3,000 messages in a whatsapp group which included offensive comments about british soldiers and claimed the murder of soldier lee rigby was a hoax .it is understood a teaching watchdog is working on possible disciplinary cases against current and former staff members at some schools in birmingham where extremist islamic views were being forced on pupils and staff .up to 100 islamic teachers could be banned from working in schools for life following an investigation into their alleged links to the trojan horse scandal .\n", + "teaching watchdog investigating some 100 staff with links to the scandalin some birmingham schools , islamic views forced on staff and pupilsalleged al-qaeda style video with masked gunmen copied in a classroomalso claimed teachers punished children by making them kneel on tilesstaff members also alleged sent offensive messages in a whatsapp groupmessages claimed murder of lee rigby and boston bombings were a hoax\n", + "[1.208595 1.1198983 1.0583553 1.152671 1.2398988 1.2834141 1.0583122\n", + " 1.1799241 1.0864617 1.1457237 1.1432335 1.0769378 1.0635135 1.0401776\n", + " 1.0885454 1.0786544 1.0502663 1.0208188 1.0336763 1.0295522 1.0102853\n", + " 1.0154485]\n", + "\n", + "[ 5 4 0 7 3 9 10 1 14 8 15 11 12 2 6 16 13 18 19 17 21 20]\n", + "=======================\n", + "['if convicted , holmes could be sentenced to death .the third day of the trial against suspected aurora , colorado movie theater shooter james holmes continued on wednesday .officers who rushed to the scene of the colorado theater shooting entered a hellish world of bloody victims , noxious smells and blaring sounds - a gloomy darkness pierced by bright flashes from a fire alarm , police testified wednesday .']\n", + "=======================\n", + "['victims of the 2012 colorado movie theater shooting testified in court on wednesday as the trial of suspect james holmes continuedpolice officers who responded to the scene also spoke in court about the incident which resulted in the deaths of 12 moviegoersif convicted , holmes could face the death penaltyhis defense attorneys argue that he was insane']\n", + "if convicted , holmes could be sentenced to death .the third day of the trial against suspected aurora , colorado movie theater shooter james holmes continued on wednesday .officers who rushed to the scene of the colorado theater shooting entered a hellish world of bloody victims , noxious smells and blaring sounds - a gloomy darkness pierced by bright flashes from a fire alarm , police testified wednesday .\n", + "victims of the 2012 colorado movie theater shooting testified in court on wednesday as the trial of suspect james holmes continuedpolice officers who responded to the scene also spoke in court about the incident which resulted in the deaths of 12 moviegoersif convicted , holmes could face the death penaltyhis defense attorneys argue that he was insane\n", + "[1.2683518 1.5105839 1.2969881 1.22649 1.161566 1.2116634 1.1932346\n", + " 1.096444 1.1527362 1.0329095 1.0884596 1.1715335 1.0322459 1.019503\n", + " 1.0223384 1.0163933 1.0079085 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 5 6 11 4 8 7 10 9 12 14 13 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the man posed as a member of the congregation of st james ' church in the gorton area of manchester to carry out the crime .as well as taking one bag , he tried to steal the contents of two other elderly women 's bags before fleeing .police are hunting a thief who stole an 86-year old woman 's handbag while she prayed at church on good friday .\"]\n", + "=======================\n", + "[\"man sat next to the 86-year-old woman in church pew in manchesterhe then stole her handbag and tried to snatch two other women 's bagspolice investigating have described the april 3 incident as ` appalling 'they have released an e-fit of the man and are appealing for information\"]\n", + "the man posed as a member of the congregation of st james ' church in the gorton area of manchester to carry out the crime .as well as taking one bag , he tried to steal the contents of two other elderly women 's bags before fleeing .police are hunting a thief who stole an 86-year old woman 's handbag while she prayed at church on good friday .\n", + "man sat next to the 86-year-old woman in church pew in manchesterhe then stole her handbag and tried to snatch two other women 's bagspolice investigating have described the april 3 incident as ` appalling 'they have released an e-fit of the man and are appealing for information\n", + "[1.368737 1.3297149 1.2310421 1.1961552 1.1345904 1.03961 1.0898769\n", + " 1.0762992 1.0221835 1.0950657 1.0496957 1.0312366 1.0343513 1.0255952\n", + " 1.0443908 1.0140054 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 9 6 7 10 14 5 12 11 13 8 15 19 16 17 18 20]\n", + "=======================\n", + "['( cnn ) saturday \\'s deadly earthquake in nepal was the \" big one \" experts were waiting for based on the region \\'s history .earthquakes are a fact of life in the south asian country , with tremors of magnitude 4 or 5 occurring several times each year , geologist and science journalist kate ravilious said .with the last major earthquake in 1934 , the concern was not if , but when the next \" great \" earthquake would hit , said ravilious , author of the 2014 article , \" kathmandu \\'s earthquake nightmare . \"']\n", + "=======================\n", + "['earthquake scientists have been expecting major event in nepal since 1934population density , weak building infrastructure amplified damage , usgs spokesman says\" this event , while large and tragic , is not unusual \" in region , geological engineer says']\n", + "( cnn ) saturday 's deadly earthquake in nepal was the \" big one \" experts were waiting for based on the region 's history .earthquakes are a fact of life in the south asian country , with tremors of magnitude 4 or 5 occurring several times each year , geologist and science journalist kate ravilious said .with the last major earthquake in 1934 , the concern was not if , but when the next \" great \" earthquake would hit , said ravilious , author of the 2014 article , \" kathmandu 's earthquake nightmare . \"\n", + "earthquake scientists have been expecting major event in nepal since 1934population density , weak building infrastructure amplified damage , usgs spokesman says\" this event , while large and tragic , is not unusual \" in region , geological engineer says\n", + "[1.2823623 1.354389 1.2776551 1.276804 1.2508471 1.0299113 1.0264107\n", + " 1.065734 1.1514846 1.1707058 1.1223713 1.1516308 1.097233 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 9 11 8 10 12 7 5 6 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"the jaguars , who are committed to playing one home game each year in london until 2015 , have opened a competition for uk-based fans via nfluk.com , and the winner will announce the draft picks live on sky sports in the uk and the nfl network in the united states .the british nfl fan could announce 2015 's answer to 2014 no 3 pick blake bortles to the worldthe first three rounds of this year 's draft will take place in chicago , with each nfl team then announcing their picks for rounds four to seven from their own headquarters .\"]\n", + "=======================\n", + "['jacksonville jaguars will get a uk fan to announce their nfl draft pickstheir sixth and seventh round selections will be revealed live on televisionit will be the first time part of the nfl draft has taken place outside the us']\n", + "the jaguars , who are committed to playing one home game each year in london until 2015 , have opened a competition for uk-based fans via nfluk.com , and the winner will announce the draft picks live on sky sports in the uk and the nfl network in the united states .the british nfl fan could announce 2015 's answer to 2014 no 3 pick blake bortles to the worldthe first three rounds of this year 's draft will take place in chicago , with each nfl team then announcing their picks for rounds four to seven from their own headquarters .\n", + "jacksonville jaguars will get a uk fan to announce their nfl draft pickstheir sixth and seventh round selections will be revealed live on televisionit will be the first time part of the nfl draft has taken place outside the us\n", + "[1.277416 1.3671474 1.1675301 1.1018105 1.1654564 1.3015116 1.2294613\n", + " 1.0434017 1.031658 1.0393087 1.0201312 1.1432618 1.1217806 1.0776722\n", + " 1.0589083 1.0997895 1.0323828 1.0344247 1.027915 1.0468811 0. ]\n", + "\n", + "[ 1 5 0 6 2 4 11 12 3 15 13 14 19 7 9 17 16 8 18 10 20]\n", + "=======================\n", + "[\"ms jobs , 51 , called former first lady hillary a ` revolutionary ' woman , and added that it 's not just because she 's a woman - but ` the type of woman she is ' .laurene jobs , pictured , widow of apple 's steve , has strongly backed hillary clinton for presidentapple founder steve jobs ' widow laurene has told of her admiration for democratic white house front-runner hillary clinton .\"]\n", + "=======================\n", + "[\"laurene jobs praised former first lady hillary clintonsteve jobs ' widow claimed the democratic front-runner is ` revolutionary 'mrs clinton has announced her candidacy and began campaigning in iowashe described mrs clinton as ` america 's greatest modern creation '\"]\n", + "ms jobs , 51 , called former first lady hillary a ` revolutionary ' woman , and added that it 's not just because she 's a woman - but ` the type of woman she is ' .laurene jobs , pictured , widow of apple 's steve , has strongly backed hillary clinton for presidentapple founder steve jobs ' widow laurene has told of her admiration for democratic white house front-runner hillary clinton .\n", + "laurene jobs praised former first lady hillary clintonsteve jobs ' widow claimed the democratic front-runner is ` revolutionary 'mrs clinton has announced her candidacy and began campaigning in iowashe described mrs clinton as ` america 's greatest modern creation '\n", + "[1.2574078 1.1555681 1.1983941 1.1586013 1.1306452 1.1252714 1.1908036\n", + " 1.0810715 1.1358647 1.1324053 1.0637426 1.0296087 1.0814214 1.063611\n", + " 1.0233871 1.016715 1.0189476 1.0131849 1.0108802 1.0297529 1.0642521]\n", + "\n", + "[ 0 2 6 3 1 8 9 4 5 12 7 20 10 13 19 11 14 16 15 17 18]\n", + "=======================\n", + "[\"those surprised at yaya toure 's apparent desire to talk himself in to a transfer from manchester city this week should not be .toure , for example , left home as a teenager to play in the belgian second division .following that came some formative years playing for metalurh donetsk in eastern ukraine .\"]\n", + "=======================\n", + "['yaya toure arrived at manchester city in 2010 from barcelonahe has led city to two premier league titles , an fa cup and a league cupif he departs city in the summer , the club will find it hard to replace him']\n", + "those surprised at yaya toure 's apparent desire to talk himself in to a transfer from manchester city this week should not be .toure , for example , left home as a teenager to play in the belgian second division .following that came some formative years playing for metalurh donetsk in eastern ukraine .\n", + "yaya toure arrived at manchester city in 2010 from barcelonahe has led city to two premier league titles , an fa cup and a league cupif he departs city in the summer , the club will find it hard to replace him\n", + "[1.2557535 1.4517536 1.4420748 1.3385246 1.2436042 1.1224985 1.0796529\n", + " 1.1255054 1.0356275 1.0660341 1.0257525 1.0322307 1.0185341 1.0221885\n", + " 1.0370554 1.1868572 1.1075594 1.0703865 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 15 7 5 16 6 17 9 14 8 11 10 13 12 19 18 20]\n", + "=======================\n", + "['the crash happened on easter sunday night on warringah road in frenchs forest , northern sydney at a traffic light intersection .the 1973 e-type jaguar , which is thought to be worth over $ 120,000 was completely written off when it came up against the toyota kluger on their sunday drive .three people have been taken to hospital following a head-on collision between a vintage sports car and a 4wd .']\n", + "=======================\n", + "['three adults taken to hospital after head on collision at frenchs forestthe crash was between a toyota klugger and e-type jaguarnobody was injured in the crash and it is being investigatedit comes after police warned motorists to obey road rules over easter']\n", + "the crash happened on easter sunday night on warringah road in frenchs forest , northern sydney at a traffic light intersection .the 1973 e-type jaguar , which is thought to be worth over $ 120,000 was completely written off when it came up against the toyota kluger on their sunday drive .three people have been taken to hospital following a head-on collision between a vintage sports car and a 4wd .\n", + "three adults taken to hospital after head on collision at frenchs forestthe crash was between a toyota klugger and e-type jaguarnobody was injured in the crash and it is being investigatedit comes after police warned motorists to obey road rules over easter\n", + "[1.1702839 1.4921734 1.3972316 1.0783415 1.0335029 1.0276409 1.186325\n", + " 1.1490194 1.0492342 1.0167925 1.0204873 1.2058697 1.0380987 1.095665\n", + " 1.0328063 1.1556422 1.0525684 1.1759415 1.0242609 1.0631448 1.0665104]\n", + "\n", + "[ 1 2 11 6 17 0 15 7 13 3 20 19 16 8 12 4 14 5 18 10 9]\n", + "=======================\n", + "['anthony barbour , 33 , from liverpool , takes his camera everywhere and his pictures showcase sefton park and one shopping centre in liverpool , mudeford beach and durdle door in dorset , burley village in the new forest and north wales , among others .once he finds the right location , he will spend hours slowly rotating in one spot taking the 50 pictures he needs to create just one image .he uses a canon 1100d dslr with either a 18-55mm kit lens or a tokina 11-16mm to shoot the photographs and then uses photoshop to stitch and layer the photos together .']\n", + "=======================\n", + "[\"photographer anthony barbour , 33 , from liverpool , turns parks , village and beaches into their own little worldshe spends hours slowly rotating in one spot taking the 50 pictures he needs to create just one ` planet 'uses a canon 1100d dslr with either a 18-55mm kit lens or a tokina 11-16mm to shoot the photographsthen uses photoshop to stitch and layer the photos together to create incredible and mind-bending shots\"]\n", + "anthony barbour , 33 , from liverpool , takes his camera everywhere and his pictures showcase sefton park and one shopping centre in liverpool , mudeford beach and durdle door in dorset , burley village in the new forest and north wales , among others .once he finds the right location , he will spend hours slowly rotating in one spot taking the 50 pictures he needs to create just one image .he uses a canon 1100d dslr with either a 18-55mm kit lens or a tokina 11-16mm to shoot the photographs and then uses photoshop to stitch and layer the photos together .\n", + "photographer anthony barbour , 33 , from liverpool , turns parks , village and beaches into their own little worldshe spends hours slowly rotating in one spot taking the 50 pictures he needs to create just one ` planet 'uses a canon 1100d dslr with either a 18-55mm kit lens or a tokina 11-16mm to shoot the photographsthen uses photoshop to stitch and layer the photos together to create incredible and mind-bending shots\n", + "[1.2874978 1.5329235 1.2706728 1.2319576 1.136594 1.0504253 1.0822523\n", + " 1.0485123 1.2738066 1.084754 1.0555526 1.0486922 1.0459365 1.0958414\n", + " 1.0130677 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 8 2 3 4 13 9 6 10 5 11 7 12 14 19 15 16 17 18 20]\n", + "=======================\n", + "[\"the fast-casual chain will work with the postmates app to begin offering delivery for online and mobile orders in 67 cities , according to a report in nation 's restaurant news .mexican restaurant chipotle has decided to tap into the $ 70 billion food delivery market by teaming up with an app to bring burritos straight to customers ' doors .but mexican food fans should know that the restaurant plans to add a nine per cent service charge - with the delivery fees for postmates beginning at $ 5 and up , depending on distance and demand .\"]\n", + "=======================\n", + "[\"mexican restaurant has decided to tap into $ 70 billion food delivery marketfast-casual chain will work with the postmates app to allow mobile ordersapp works in similar way to uber , using hired drivers to deliver the foodbut the chain will add a 9 % service charge - on top of postmates ' $ 5 rate\"]\n", + "the fast-casual chain will work with the postmates app to begin offering delivery for online and mobile orders in 67 cities , according to a report in nation 's restaurant news .mexican restaurant chipotle has decided to tap into the $ 70 billion food delivery market by teaming up with an app to bring burritos straight to customers ' doors .but mexican food fans should know that the restaurant plans to add a nine per cent service charge - with the delivery fees for postmates beginning at $ 5 and up , depending on distance and demand .\n", + "mexican restaurant has decided to tap into $ 70 billion food delivery marketfast-casual chain will work with the postmates app to allow mobile ordersapp works in similar way to uber , using hired drivers to deliver the foodbut the chain will add a 9 % service charge - on top of postmates ' $ 5 rate\n", + "[1.2025213 1.5072415 1.163594 1.3570774 1.1884913 1.1967727 1.1296533\n", + " 1.1236978 1.1154398 1.0878166 1.0577626 1.0853927 1.0556171 1.0896444\n", + " 1.0327374 1.0634855 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 5 4 2 6 7 8 13 9 11 15 10 12 14 19 16 17 18 20]\n", + "=======================\n", + "[\"kenneth wanamaker jr , 37 , pleaded guilty on friday , weeks before a scheduled trial in the northhampton county , pennsylvania , case against him after the vast majority of his daughter 's teeth were found to be abscessed .the father of a 6-year-old girl whose teeth were so rotten her life was endangered pleaded guilty to reckless endangerment .she had been scheduled for surgery in march but did not have the procedure because her parents did not set up a pre-operation examination\"]\n", + "=======================\n", + "[\"kenneth wanamaker jr , 37 , pleaded guilty and received up to year in prisonfather let daughter 's teeth fall degenerate into near fatal conditionhe and partner also being investigated for death of 7-month-old in 2011wanamaker did not enroll himself in addiction program and mother tested positive for methamphetamine when she was pregnant\"]\n", + "kenneth wanamaker jr , 37 , pleaded guilty on friday , weeks before a scheduled trial in the northhampton county , pennsylvania , case against him after the vast majority of his daughter 's teeth were found to be abscessed .the father of a 6-year-old girl whose teeth were so rotten her life was endangered pleaded guilty to reckless endangerment .she had been scheduled for surgery in march but did not have the procedure because her parents did not set up a pre-operation examination\n", + "kenneth wanamaker jr , 37 , pleaded guilty and received up to year in prisonfather let daughter 's teeth fall degenerate into near fatal conditionhe and partner also being investigated for death of 7-month-old in 2011wanamaker did not enroll himself in addiction program and mother tested positive for methamphetamine when she was pregnant\n", + "[1.0794617 1.3433849 1.3450708 1.2147648 1.3237616 1.1718246 1.0868891\n", + " 1.0472405 1.032342 1.2145916 1.192708 1.0494431 1.0387588 1.082873\n", + " 1.0430518 1.0411096 1.007109 1.0894204 0. 0. 0. ]\n", + "\n", + "[ 2 1 4 3 9 10 5 17 6 13 0 11 7 14 15 12 8 16 18 19 20]\n", + "=======================\n", + "[\"named hyperion , the moon 's porous surface can be seen in incredible detail in this image taken by cassini as it performed a flyby of the satellite .but this crumpet-like rock is in fact one of saturn 's outer moons , measuring 255 by 161 miles ( 410 by 260km ) .cassini was around 38,500 miles ( 62,000 km ) from hyperion when the image was taken\"]\n", + "=======================\n", + "[\"esa has released an image of one of saturn 's outer moons , hyperionits bubbly appearance is due to it having a very low density for its sizescientists believe 40 per cent of the moon is made up of empty spacehyperion has been known to unleash huge bursts of charged particles\"]\n", + "named hyperion , the moon 's porous surface can be seen in incredible detail in this image taken by cassini as it performed a flyby of the satellite .but this crumpet-like rock is in fact one of saturn 's outer moons , measuring 255 by 161 miles ( 410 by 260km ) .cassini was around 38,500 miles ( 62,000 km ) from hyperion when the image was taken\n", + "esa has released an image of one of saturn 's outer moons , hyperionits bubbly appearance is due to it having a very low density for its sizescientists believe 40 per cent of the moon is made up of empty spacehyperion has been known to unleash huge bursts of charged particles\n", + "[1.241011 1.311802 1.1952543 1.0977753 1.3914067 1.2522918 1.1867208\n", + " 1.1165215 1.0578878 1.1071249 1.1676874 1.1320304 1.0623586 1.163828\n", + " 1.0319232 1.0738648 1.019113 1.0098156 1.0095797 1.00629 1.0072742\n", + " 1.0124238 0. 0. ]\n", + "\n", + "[ 4 1 5 0 2 6 10 13 11 7 9 3 15 12 8 14 16 21 17 18 20 19 22 23]\n", + "=======================\n", + "['jeremy clarkson talked himself out of a parking ticket in london today after leaving his green lamborghini parked on yellow linesdespite his recent woes , he was seen laughing with a traffic warden in london , who had tried to put a ticket on his borrowed supercar .after spending 15 minutes inspecting a black ferrari , clarkson drove off in his eye-catching supercar']\n", + "=======================\n", + "['axed top gear presenter was seen laughing with traffic warden in londonthe warden had tried to leave a parking ticket on his borrowed supercarafter a friendly chat , the warden walks away forgetting to leave the ticketclarkson had parked his car to inspect a black ferrari pininfarina 275']\n", + "jeremy clarkson talked himself out of a parking ticket in london today after leaving his green lamborghini parked on yellow linesdespite his recent woes , he was seen laughing with a traffic warden in london , who had tried to put a ticket on his borrowed supercar .after spending 15 minutes inspecting a black ferrari , clarkson drove off in his eye-catching supercar\n", + "axed top gear presenter was seen laughing with traffic warden in londonthe warden had tried to leave a parking ticket on his borrowed supercarafter a friendly chat , the warden walks away forgetting to leave the ticketclarkson had parked his car to inspect a black ferrari pininfarina 275\n", + "[1.3297691 1.2811176 1.2288653 1.0864915 1.168031 1.0383637 1.0403507\n", + " 1.1783525 1.1194402 1.0444529 1.0888857 1.0594205 1.0805198 1.0465417\n", + " 1.0314759 1.0791728 1.0414639 1.0256298 1.0162547 1.0360245 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 7 4 8 10 3 12 15 11 13 9 16 6 5 19 14 17 18 22 20 21 23]\n", + "=======================\n", + "[\"( cnn ) recently , nashville 's district attorney banned prosecutors from offering female sterilization in plea deals .believe it or not , nashville prosecutors have offered this option four times in the past five years .there has been public outrage at the notion that a defendant in america in 2015 would be offered a choice of sterilization as part of a plea deal .\"]\n", + "=======================\n", + "[\"nashville 's district attorney banned prosecutors from offering female sterilization in plea dealsdanny cevallos : present-day sterilization plea deals are voluntary and unlike creepy antiquated practices\"]\n", + "( cnn ) recently , nashville 's district attorney banned prosecutors from offering female sterilization in plea deals .believe it or not , nashville prosecutors have offered this option four times in the past five years .there has been public outrage at the notion that a defendant in america in 2015 would be offered a choice of sterilization as part of a plea deal .\n", + "nashville 's district attorney banned prosecutors from offering female sterilization in plea dealsdanny cevallos : present-day sterilization plea deals are voluntary and unlike creepy antiquated practices\n", + "[1.060702 1.127903 1.076977 1.1284162 1.1737814 1.073617 1.2596891\n", + " 1.1147431 1.0679052 1.1413754 1.1958423 1.1623273 1.1336981 1.0243669\n", + " 1.0207545 1.0594814 1.082797 1.0187292 1.0582799 1.0424492 1.030815\n", + " 0. 0. 0. ]\n", + "\n", + "[ 6 10 4 11 9 12 3 1 7 16 2 5 8 0 15 18 19 20 13 14 17 22 21 23]\n", + "=======================\n", + "['prince harry was greeted by an enthusiastic crowd at the australian war memorial in canberra , all keen to catch a glimpse of the royalhe offered handshakes and high fives .the prince is in australia to report for official military duty but he enjoyed his interaction with excited fans']\n", + "=======================\n", + "[\"prince harry arrived in canberra and visited the australian war memorial in his only official public appearanceduring this visit , he told a teenage admirer to give up the trend of snapping self-portraits , saying ` selfies are bad 'the prince , who is in australia for a four-week secondment with australian defence force , then reported for dutythe 30-year-old touched in sydney on monday at 8.30 am , before travelling to canberra in the act on a raaf jetdressed in his white tropical dress uniform of the british army , he also visited the australian war memorial\"]\n", + "prince harry was greeted by an enthusiastic crowd at the australian war memorial in canberra , all keen to catch a glimpse of the royalhe offered handshakes and high fives .the prince is in australia to report for official military duty but he enjoyed his interaction with excited fans\n", + "prince harry arrived in canberra and visited the australian war memorial in his only official public appearanceduring this visit , he told a teenage admirer to give up the trend of snapping self-portraits , saying ` selfies are bad 'the prince , who is in australia for a four-week secondment with australian defence force , then reported for dutythe 30-year-old touched in sydney on monday at 8.30 am , before travelling to canberra in the act on a raaf jetdressed in his white tropical dress uniform of the british army , he also visited the australian war memorial\n", + "[1.10139 1.3249135 1.5233141 1.1909842 1.052338 1.0736649 1.0813638\n", + " 1.0356268 1.1179733 1.1832771 1.0457699 1.0589807 1.0708017 1.0577914\n", + " 1.0700203 1.0870103 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 9 8 0 15 6 5 12 14 11 13 4 10 7 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"sir ian botham was tempted to bet on jimmy anderson breaking his record on the third morning in antiguaafter spotting that skybet were offering 9/4 on the lancashire seamer to take four wickets in the first innings on wednesday morning , beefy , who remains england 's leading wicket-taker for the time being with 383 , tweeted : ` i 'll have a go at that price !!! 'with botham 's record in his sights , all eyes at the sir vivian richards stadium were on anderson -- including those of his wife daniella and daughter ruby luxe .\"]\n", + "=======================\n", + "[\"jimmy anderson moved to within one of sir ian botham 's recordthe 32-year-old 's wife and daughter were watching in antiguabotham tempted to bet on anderson claiming record on wednesdaymoeen ali called up to england squad for second and third testsjermaine blackwood scores first test ton , and frustrates ben stokes\"]\n", + "sir ian botham was tempted to bet on jimmy anderson breaking his record on the third morning in antiguaafter spotting that skybet were offering 9/4 on the lancashire seamer to take four wickets in the first innings on wednesday morning , beefy , who remains england 's leading wicket-taker for the time being with 383 , tweeted : ` i 'll have a go at that price !!! 'with botham 's record in his sights , all eyes at the sir vivian richards stadium were on anderson -- including those of his wife daniella and daughter ruby luxe .\n", + "jimmy anderson moved to within one of sir ian botham 's recordthe 32-year-old 's wife and daughter were watching in antiguabotham tempted to bet on anderson claiming record on wednesdaymoeen ali called up to england squad for second and third testsjermaine blackwood scores first test ton , and frustrates ben stokes\n", + "[1.342216 1.5013976 1.2767005 1.5168836 1.1170105 1.0509876 1.027094\n", + " 1.0245723 1.0212036 1.0216548 1.020479 1.0430261 1.0463327 1.0307589\n", + " 1.1312492 1.2704023 1.0336894 1.022167 1.0158241 1.0194474 1.0139208\n", + " 1.010094 1.0202698 1.0136514]\n", + "\n", + "[ 3 1 0 2 15 14 4 5 12 11 16 13 6 7 17 9 8 10 22 19 18 20 23 21]\n", + "=======================\n", + "[\"quinton ` rampage ' jackson and fabio maldonado face off during the ufc 186 weigh-in on fridayjackson returns to the ufc after two years with bellator when he takes on fabio maldonado in montreal on saturday night .but he had to first endure a protracted legal battle before he was permitted to feature at ufc 186 .\"]\n", + "=======================\n", + "[\"quinton ` rampage ' jackson returns to the ufc after two year absenceformer light-heavyweight champion takes on fabio maldonado in montrealhe had to come through protracted legal battle to feature at ufc 186\"]\n", + "quinton ` rampage ' jackson and fabio maldonado face off during the ufc 186 weigh-in on fridayjackson returns to the ufc after two years with bellator when he takes on fabio maldonado in montreal on saturday night .but he had to first endure a protracted legal battle before he was permitted to feature at ufc 186 .\n", + "quinton ` rampage ' jackson returns to the ufc after two year absenceformer light-heavyweight champion takes on fabio maldonado in montrealhe had to come through protracted legal battle to feature at ufc 186\n", + "[1.1296386 1.2268363 1.1589289 1.2901335 1.187858 1.1896696 1.1665094\n", + " 1.1521509 1.0785857 1.0952337 1.04302 1.0336928 1.0326126 1.1010592\n", + " 1.0893579 1.0726334 1.0493249 1.0560625 1.0593096 1.0778819]\n", + "\n", + "[ 3 1 5 4 6 2 7 0 13 9 14 8 19 15 18 17 16 10 11 12]\n", + "=======================\n", + "[\"scientists in belgium say all sweet potatoes ( stock image shown ) contain ` foreign dna ' .but new research has found that mother nature might be making its own gm food , as sweet potatoes have been found to genetically modify themselves .this makes sweet potatoes a ` natural genetically modified organism ' .\"]\n", + "=======================\n", + "[\"scientists in belgium say all sweet potatoes contain ` foreign dna 'agrobacterium bacteria in the crop exchanges genes between speciesthis makes sweet potatoes a ` natural genetically modified organism 'and humans have been eating it for thousands of years\"]\n", + "scientists in belgium say all sweet potatoes ( stock image shown ) contain ` foreign dna ' .but new research has found that mother nature might be making its own gm food , as sweet potatoes have been found to genetically modify themselves .this makes sweet potatoes a ` natural genetically modified organism ' .\n", + "scientists in belgium say all sweet potatoes contain ` foreign dna 'agrobacterium bacteria in the crop exchanges genes between speciesthis makes sweet potatoes a ` natural genetically modified organism 'and humans have been eating it for thousands of years\n", + "[1.3615096 1.3859199 1.3128012 1.3872408 1.1933671 1.0735056 1.1129599\n", + " 1.091191 1.0190978 1.0187204 1.0150496 1.0332316 1.024103 1.0297415\n", + " 1.035134 1.2118872 1.0597429 1.0464346 1.0160986 0. ]\n", + "\n", + "[ 3 1 0 2 15 4 6 7 5 16 17 14 11 13 12 8 9 18 10 19]\n", + "=======================\n", + "[\"veteran broadcaster peter alliss ( second right ) claimed gender equality laws have ` b ***** ed up the game 'recent legislation has given women more rights in golf clubs , while st andrews and royal st george 's have both voted to admit female members for the first time .alliss ' comments come as the 2016 open championship will be the last to be broadcast live on the bbc before sky sports takes over .\"]\n", + "=======================\n", + "['bbc commentator peter alliss hits out at new equality rulesalliss claims ladies golf union has lost 150,000 members from changesveteran broadcaster also hits out at bbc for failing to keep the open']\n", + "veteran broadcaster peter alliss ( second right ) claimed gender equality laws have ` b ***** ed up the game 'recent legislation has given women more rights in golf clubs , while st andrews and royal st george 's have both voted to admit female members for the first time .alliss ' comments come as the 2016 open championship will be the last to be broadcast live on the bbc before sky sports takes over .\n", + "bbc commentator peter alliss hits out at new equality rulesalliss claims ladies golf union has lost 150,000 members from changesveteran broadcaster also hits out at bbc for failing to keep the open\n", + "[1.2193131 1.3928401 1.3768343 1.1798439 1.0942427 1.0970136 1.1092703\n", + " 1.1363328 1.0928609 1.088382 1.1160682 1.0423244 1.0581872 1.0608687\n", + " 1.022861 1.0557544 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 7 10 6 5 4 8 9 13 12 15 11 14 16 17 18 19]\n", + "=======================\n", + "[\"palaeontologists say the four feet ( 1.2 metres ) tall bird is the most complete skeletons of a ` terror bird ' - a group of flightless prehistoric meat-eating birds - to be discovered .the south american bird has been named llallawavis scagliai - meaning scaglia 's magnificent bird after one of argentina 's famous naturalists galileo juan scaglia .the skeleton of a new species of giant predatory bird that terrorised the earth 3.5 million years ago has been discovered and is helping to reveal how these creatures would have sounded .\"]\n", + "=======================\n", + "[\"the four feet tall species of terror bird has been named llallawavis scagliaiit was discovered in a crumpling cliff on a beach close to mar del plata citypalaeontologists say it is the most complete terror bird skeleton ever foundthey have used 3d scanning to reconstruct the bird 's range of hearing\"]\n", + "palaeontologists say the four feet ( 1.2 metres ) tall bird is the most complete skeletons of a ` terror bird ' - a group of flightless prehistoric meat-eating birds - to be discovered .the south american bird has been named llallawavis scagliai - meaning scaglia 's magnificent bird after one of argentina 's famous naturalists galileo juan scaglia .the skeleton of a new species of giant predatory bird that terrorised the earth 3.5 million years ago has been discovered and is helping to reveal how these creatures would have sounded .\n", + "the four feet tall species of terror bird has been named llallawavis scagliaiit was discovered in a crumpling cliff on a beach close to mar del plata citypalaeontologists say it is the most complete terror bird skeleton ever foundthey have used 3d scanning to reconstruct the bird 's range of hearing\n", + "[1.2645942 1.2698205 1.2024478 1.1845068 1.2977959 1.1213571 1.2000383\n", + " 1.1316499 1.1513134 1.163914 1.0933405 1.0127629 1.0235571 1.0837485\n", + " 1.0304489 1.0300808 1.0416443 0. 0. 0. ]\n", + "\n", + "[ 4 1 0 2 6 3 9 8 7 5 10 13 16 14 15 12 11 18 17 19]\n", + "=======================\n", + "[\"the replica of an 18th century french navy frigate l'hermione , set sail on its maiden voyage to the united states off the coast of fouras , southwestern france on saturdaylafayette crossed the atlantic on the original hermione in 1780 to tell his friend george washington , commander of the american insurgents against british imperial rule , that france was sending a strong military force to help them .the replica fired its cannons as it sailed up the french river charente on saturday to the military shipyards of rochefort , where both vessels were built .\"]\n", + "=======================\n", + "[\"the hermione carried france 's marquis de lafayette to america in 1780was sent to warn george washington french troops were being sentthey were being deployed to help the revolutionaries defeat red coatsthe replica set sail on saturday for it 's maiden voyage across the atlantic\"]\n", + "the replica of an 18th century french navy frigate l'hermione , set sail on its maiden voyage to the united states off the coast of fouras , southwestern france on saturdaylafayette crossed the atlantic on the original hermione in 1780 to tell his friend george washington , commander of the american insurgents against british imperial rule , that france was sending a strong military force to help them .the replica fired its cannons as it sailed up the french river charente on saturday to the military shipyards of rochefort , where both vessels were built .\n", + "the hermione carried france 's marquis de lafayette to america in 1780was sent to warn george washington french troops were being sentthey were being deployed to help the revolutionaries defeat red coatsthe replica set sail on saturday for it 's maiden voyage across the atlantic\n", + "[1.3208133 1.2939011 1.3019948 1.3961425 1.1980582 1.1915723 1.0624955\n", + " 1.0950152 1.1380942 1.125132 1.076553 1.0465199 1.0170679 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 1 4 5 8 9 7 10 6 11 12 18 13 14 15 16 17 19]\n", + "=======================\n", + "['rory mcilroy ( left ) battled with fifty shades of grey star jamie dornan at a game of circular soccerthe world no 1 golfer defeated the film star 2-1 to take the crown , with the deciding goal coming from an impressive long-range finish .the duo were taking part in the first circular soccer showdown of 2015 which mcilroy won 2-1']\n", + "=======================\n", + "[\"rory mcilroy faced with fifty shades of grey 's jamie dornanmcilroy and dornan took part in the first circular soccer showdown of 2015mcilroy finished strongly to finish an impressive fourth at the mastersread : it wo n't be too long before mcilroy wins a masters\"]\n", + "rory mcilroy ( left ) battled with fifty shades of grey star jamie dornan at a game of circular soccerthe world no 1 golfer defeated the film star 2-1 to take the crown , with the deciding goal coming from an impressive long-range finish .the duo were taking part in the first circular soccer showdown of 2015 which mcilroy won 2-1\n", + "rory mcilroy faced with fifty shades of grey 's jamie dornanmcilroy and dornan took part in the first circular soccer showdown of 2015mcilroy finished strongly to finish an impressive fourth at the mastersread : it wo n't be too long before mcilroy wins a masters\n", + "[1.1531494 1.5144851 1.3277448 1.092697 1.2629958 1.203046 1.2257661\n", + " 1.0991209 1.0826606 1.08955 1.0807774 1.1442876 1.1998383 1.0458677\n", + " 1.0384542 1.0109851 1.0116688 1.0105853 1.008021 1.0374533 1.0439639\n", + " 1.0489717 1.0522976]\n", + "\n", + "[ 1 2 4 6 5 12 0 11 7 3 9 8 10 22 21 13 20 14 19 16 15 17 18]\n", + "=======================\n", + "[\"monica mcdermott , 41 , could not walk straight when police stopped her black lexus on a road in macclesfield , cheshire .the mother-of-one refused to give a breath sample after coming to a halt on churchill way and had to be restrained when she tried to climb out of a police patrol car , a court heard .mcdermott , now aged 41 , pleaded guilty to drink driving at macclesfield magistrates ' court .\"]\n", + "=======================\n", + "[\"monica mcdermott could not walk straight after car was stopped , court toldformer model was restrained after trying to get out of the police patrol cartells court she was ` lonely ' and was on her way round to stay with a friendthe 41-year-old , of macclesfield , cheshire , pleaded guilty to drink driving\"]\n", + "monica mcdermott , 41 , could not walk straight when police stopped her black lexus on a road in macclesfield , cheshire .the mother-of-one refused to give a breath sample after coming to a halt on churchill way and had to be restrained when she tried to climb out of a police patrol car , a court heard .mcdermott , now aged 41 , pleaded guilty to drink driving at macclesfield magistrates ' court .\n", + "monica mcdermott could not walk straight after car was stopped , court toldformer model was restrained after trying to get out of the police patrol cartells court she was ` lonely ' and was on her way round to stay with a friendthe 41-year-old , of macclesfield , cheshire , pleaded guilty to drink driving\n", + "[1.4123708 1.44601 1.1941187 1.1309084 1.3593475 1.1664321 1.0746021\n", + " 1.1463976 1.1378081 1.1109604 1.1439273 1.0847952 1.1129292 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 4 2 5 7 10 8 3 12 9 11 6 13 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "['the 22-year-old romanian has scored six goals in 16 games for the struggling spanish side who are rooted to the bottom of la liga .aston villa are chasing cordoba striker florin andone .although born in romania , andone moved to spain when he was 12 .']\n", + "=======================\n", + "[\"aston villa have sent scouts to watch cordoba striker florin andonethe romanian has been the bright spark for la liga 's bottom sidebakary sako and tom carroll are also another targets for tim sherwoodclick here for all the latest aston villa news\"]\n", + "the 22-year-old romanian has scored six goals in 16 games for the struggling spanish side who are rooted to the bottom of la liga .aston villa are chasing cordoba striker florin andone .although born in romania , andone moved to spain when he was 12 .\n", + "aston villa have sent scouts to watch cordoba striker florin andonethe romanian has been the bright spark for la liga 's bottom sidebakary sako and tom carroll are also another targets for tim sherwoodclick here for all the latest aston villa news\n", + "[1.20675 1.0446668 1.2679391 1.1773914 1.2859924 1.1485316 1.1144464\n", + " 1.0290663 1.018246 1.2182385 1.0982114 1.0658264 1.1427728 1.0456097\n", + " 1.0148227 1.0260915 1.1247877 1.0821848 1.0735381 1.033962 0.\n", + " 0. 0. ]\n", + "\n", + "[ 4 2 9 0 3 5 12 16 6 10 17 18 11 13 1 19 7 15 8 14 20 21 22]\n", + "=======================\n", + "[\"eight months pregnant rebecca adlington ca n't wait to ` feel myself again ' after her daughter is bornrebecca married fellow swimmer harry needs , 23 , in september 2014 and discovered she was pregnant soon after their honeymoon .with seven gold medals , two olympic games , an obe and a stint in the i 'm a celebrity !\"]\n", + "=======================\n", + "[\"pregnant rebecca adlington , 26 , has struggled with her changing shapeshe ca n't wait to regain her pre-pregnancy figure and feel herself againthe gold medal swimmer also revealed she is planning a water birth\"]\n", + "eight months pregnant rebecca adlington ca n't wait to ` feel myself again ' after her daughter is bornrebecca married fellow swimmer harry needs , 23 , in september 2014 and discovered she was pregnant soon after their honeymoon .with seven gold medals , two olympic games , an obe and a stint in the i 'm a celebrity !\n", + "pregnant rebecca adlington , 26 , has struggled with her changing shapeshe ca n't wait to regain her pre-pregnancy figure and feel herself againthe gold medal swimmer also revealed she is planning a water birth\n", + "[1.2334361 1.4167182 1.1725135 1.3245354 1.0587122 1.17516 1.1337842\n", + " 1.103849 1.2025307 1.167905 1.0634483 1.0403712 1.0771668 1.1280963\n", + " 1.160786 1.05446 1.0208263 1.0777749 1.0435814 1.0151018 1.0528066\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 8 5 2 9 14 6 13 7 17 12 10 4 15 20 18 11 16 19 21 22]\n", + "=======================\n", + "['the orbiting spacecraft captured a shot of curiosity near the base of mount sharp in gale crater .the hirise camera is able to take images of the surface with a resolution of 10 inches ( 25cm ) per pixel , allowing it to spot the rover on the surface .curiosity is the fourth rover to visit mars .']\n", + "=======================\n", + "[\"nasa scientists in california have revealed a distant image of curiosity taken by the mars reconnaissance orbiterit was taken from an altitude of 187 miles ( 300km ) up , revealing where the rover is heading towardsone interesting aspect is that the rover 's tracks can not be seen behind it in the imagethis may be due to martian weather or that they are the same colour as the surrounding surface\"]\n", + "the orbiting spacecraft captured a shot of curiosity near the base of mount sharp in gale crater .the hirise camera is able to take images of the surface with a resolution of 10 inches ( 25cm ) per pixel , allowing it to spot the rover on the surface .curiosity is the fourth rover to visit mars .\n", + "nasa scientists in california have revealed a distant image of curiosity taken by the mars reconnaissance orbiterit was taken from an altitude of 187 miles ( 300km ) up , revealing where the rover is heading towardsone interesting aspect is that the rover 's tracks can not be seen behind it in the imagethis may be due to martian weather or that they are the same colour as the surrounding surface\n", + "[1.2047402 1.3300965 1.1561747 1.1440498 1.281859 1.0837624 1.0911082\n", + " 1.0621952 1.0394379 1.0832171 1.0954136 1.0787153 1.0875485 1.0253537\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 0 2 3 10 6 12 5 9 11 7 8 13 21 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"while the honeymoon period comes to an end for the couples on tonight 's episode of the hit fyi reality series , as they all return home to celebrate the holidays with their spouses , whom they 've known for a total of seven days , it seems that , for jaclyn methuen and ryan ranellone , the romance has only just begun .the married at first sight star who tried to leave her groom at the altar after deciding he was too ` unattractive ' for her has finally admitted to having romantic feelings towards him .` day one , i was freaking out .\"]\n", + "=======================\n", + "[\"jaclyn methuen and ryan ranellone return home for the holidays after their honeymoon in puerto rico on tonight 's episode of the reality showthe 30-year-old , from union , new jersey , nearly left her new husband at the altar because she was n't physically attracted to him\"]\n", + "while the honeymoon period comes to an end for the couples on tonight 's episode of the hit fyi reality series , as they all return home to celebrate the holidays with their spouses , whom they 've known for a total of seven days , it seems that , for jaclyn methuen and ryan ranellone , the romance has only just begun .the married at first sight star who tried to leave her groom at the altar after deciding he was too ` unattractive ' for her has finally admitted to having romantic feelings towards him .` day one , i was freaking out .\n", + "jaclyn methuen and ryan ranellone return home for the holidays after their honeymoon in puerto rico on tonight 's episode of the reality showthe 30-year-old , from union , new jersey , nearly left her new husband at the altar because she was n't physically attracted to him\n", + "[1.3130088 1.2423459 1.398 1.2403412 1.2063931 1.0964767 1.1922264\n", + " 1.1967249 1.0636244 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 3 4 7 6 5 8 16 15 14 13 9 11 10 17 12 18]\n", + "=======================\n", + "[\"louis van gaal 's team sit top of the pile with an average of two points per game after 10 matches , while chelsea ( 1.56 ) and city ( 1.5 ) sit second and third respectively .manchester united 's humiliation of their neighbours city continued their outstanding record against the barclays premier league 's top seven this season .sportsmail 's alternative table shows every club 's total points gained against the current top seven teams -- chelsea , united , city , liverpool , arsenal , tottenham hotspur and southampton .\"]\n", + "=======================\n", + "[\"manchester united beat city 4-2 at old trafford on sunday afternoonman utd have the most impressive record against the top seven clubslouis van gaal has averaged two points per game against the top sevenchelsea ( 1.56 ) are second in the premier league in an alternative tableread : ashley young laughs at city as united silence ` noisy neighbours '\"]\n", + "louis van gaal 's team sit top of the pile with an average of two points per game after 10 matches , while chelsea ( 1.56 ) and city ( 1.5 ) sit second and third respectively .manchester united 's humiliation of their neighbours city continued their outstanding record against the barclays premier league 's top seven this season .sportsmail 's alternative table shows every club 's total points gained against the current top seven teams -- chelsea , united , city , liverpool , arsenal , tottenham hotspur and southampton .\n", + "manchester united beat city 4-2 at old trafford on sunday afternoonman utd have the most impressive record against the top seven clubslouis van gaal has averaged two points per game against the top sevenchelsea ( 1.56 ) are second in the premier league in an alternative tableread : ashley young laughs at city as united silence ` noisy neighbours '\n", + "[1.2554545 1.2521518 1.4146717 1.3190315 1.1757692 1.1614542 1.1159497\n", + " 1.1205816 1.0468713 1.1799545 1.1030663 1.096861 1.0199196 1.0306468\n", + " 1.0172174 1.0076526 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 1 9 4 5 7 6 10 11 8 13 12 14 15 17 16 18]\n", + "=======================\n", + "[\"zermatt in the upper valais area of switzerland has imposed the ban after a report from an animal welfare charity alleged the dogs were kept in ` miserable conditions ' .posing with dogs like these st bernards has now been banned by the swiss town of zermatta picture posing with a st bernard dog in front of the snowy peak of the matterhorn must top the list for the ultimate swiss souvenir .\"]\n", + "=======================\n", + "['swiss town of zermatt bans tourists taking pictures of st bernard dogscomes after swiss animal protection agency into miserable conditions the dogs are kept inthe report says they are locked up in a condemned building or made to stand in the cold for hours at a time']\n", + "zermatt in the upper valais area of switzerland has imposed the ban after a report from an animal welfare charity alleged the dogs were kept in ` miserable conditions ' .posing with dogs like these st bernards has now been banned by the swiss town of zermatta picture posing with a st bernard dog in front of the snowy peak of the matterhorn must top the list for the ultimate swiss souvenir .\n", + "swiss town of zermatt bans tourists taking pictures of st bernard dogscomes after swiss animal protection agency into miserable conditions the dogs are kept inthe report says they are locked up in a condemned building or made to stand in the cold for hours at a time\n", + "[1.3160725 1.2732925 1.1458135 1.3673053 1.2252808 1.1918943 1.0645276\n", + " 1.064431 1.0509949 1.12734 1.0426317 1.019626 1.0898207 1.0269986\n", + " 1.0953062 1.0985976 1.0598689 1.019283 1.0408096]\n", + "\n", + "[ 3 0 1 4 5 2 9 15 14 12 6 7 16 8 10 18 13 11 17]\n", + "=======================\n", + "[\"a man stormed the runway at ellery 's mercedes-benz fashion week australia show at carriageworks in sydney on sunday nightas designer kym ellery made her way down the catwalk to take her bow , a furious man understood to be a neighbour of the carriageworks venue at eveleigh made a very public complaint about the music .disgruntled : the man was overheard to tell security that the music was a ` disgrace ' , and that show organisers had ` no respect for the local community '\"]\n", + "=======================\n", + "['local man ran onto catwalk as designer kym ellery took her bowhe was seen holding hands over his ears and shouting at security guardneighbour overheard saying organisers had no respect for communityballet performance on the runway kicked off first show of mbfwa']\n", + "a man stormed the runway at ellery 's mercedes-benz fashion week australia show at carriageworks in sydney on sunday nightas designer kym ellery made her way down the catwalk to take her bow , a furious man understood to be a neighbour of the carriageworks venue at eveleigh made a very public complaint about the music .disgruntled : the man was overheard to tell security that the music was a ` disgrace ' , and that show organisers had ` no respect for the local community '\n", + "local man ran onto catwalk as designer kym ellery took her bowhe was seen holding hands over his ears and shouting at security guardneighbour overheard saying organisers had no respect for communityballet performance on the runway kicked off first show of mbfwa\n", + "[1.4654098 1.3222873 1.1493704 1.206381 1.1194595 1.0867642 1.1645525\n", + " 1.0437101 1.0416987 1.0898378 1.033572 1.0370474 1.0206467 1.0180378\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 6 2 4 9 5 7 8 11 10 12 13 17 14 15 16 18]\n", + "=======================\n", + "['( cnn ) last month wu rongrong was taken into custody for planning to protest on international women \\'s day against sexual harassment in china .since then , the chinese authorities have formally detained her and four other activists for \" creating disturbances . \"the fate of the five will be revealed by april 13 , as their case reaches the legal time limit when they must either be released or \" formally arrested , \" which almost always leads to conviction in china \\'s legal system .']\n", + "=======================\n", + "[\"maya wang : 5 women held by china authorities after planning international women 's day protests on sex harassment remain detainedshe says in a year when country poised to adopt anti-domestic violence law , beijing also sending chilling message on women 's activism\"]\n", + "( cnn ) last month wu rongrong was taken into custody for planning to protest on international women 's day against sexual harassment in china .since then , the chinese authorities have formally detained her and four other activists for \" creating disturbances . \"the fate of the five will be revealed by april 13 , as their case reaches the legal time limit when they must either be released or \" formally arrested , \" which almost always leads to conviction in china 's legal system .\n", + "maya wang : 5 women held by china authorities after planning international women 's day protests on sex harassment remain detainedshe says in a year when country poised to adopt anti-domestic violence law , beijing also sending chilling message on women 's activism\n", + "[1.3618851 1.1962304 1.4272376 1.1187193 1.1097329 1.2200509 1.0293144\n", + " 1.0437659 1.0975634 1.1558682 1.0496548 1.0224493 1.0868785 1.0127033\n", + " 1.0529765 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 5 1 9 3 4 8 12 14 10 7 6 11 13 17 15 16 18]\n", + "=======================\n", + "[\"a federal court of appeals threw out the career home run leader 's obstruction of justice conviction on wednesday , ruling 10-1 that his meandering answer before a grand jury in 2003 was not material to the government 's investigation into illegal steroids distribution .barry bonds has been cleared legally after 11 1/2 years in court .his reputation remains tainted in the mind of many baseball fans .\"]\n", + "=======================\n", + "[\"barry bonds has been cleared legally after 11 1/2 years in courtwhen he answered a question about steroid injections by saying he was ' a celebrity child , ' he was convicted of obstruction of justicea federal court ruled his meandering answer before a grand jury in 2003 was not material to the government 's investigation into illegal steroids\"]\n", + "a federal court of appeals threw out the career home run leader 's obstruction of justice conviction on wednesday , ruling 10-1 that his meandering answer before a grand jury in 2003 was not material to the government 's investigation into illegal steroids distribution .barry bonds has been cleared legally after 11 1/2 years in court .his reputation remains tainted in the mind of many baseball fans .\n", + "barry bonds has been cleared legally after 11 1/2 years in courtwhen he answered a question about steroid injections by saying he was ' a celebrity child , ' he was convicted of obstruction of justicea federal court ruled his meandering answer before a grand jury in 2003 was not material to the government 's investigation into illegal steroids\n", + "[1.2327874 1.3816124 1.297271 1.1650106 1.2489644 1.2469839 1.1432747\n", + " 1.0272456 1.1107943 1.184054 1.0178627 1.0161198 1.0113901 1.1558075\n", + " 1.1898608 1.0137104 1.0170658 1.0112886 1.1011587 1.1710594]\n", + "\n", + "[ 1 2 4 5 0 14 9 19 3 13 6 8 18 7 10 16 11 15 12 17]\n", + "=======================\n", + "['visitors at cleveland metroparks zoo in ohio heard a scream as the toddler tumbled into the pit at 3pm on saturday .his parents jumped in and pulled him to safety before paramedics arrived to treat the boy for a leg injury .the boy was rescued by his parents from the pit ( pictured ) before firefighters and paramedics arrived on the scene .']\n", + "=======================\n", + "['the child was held by his mother when he slipped and fell between 10 and 12ft into the pit on saturday around 3pm at the cleveland metroparks zoohe was rescued by his parents before emergency responders arrived on the scene ; he suffered from minor bruises and bumpsthe cheetahs seemed to ignore the boy and his parents while in the pitzoo plans to press child endangerment charges']\n", + "visitors at cleveland metroparks zoo in ohio heard a scream as the toddler tumbled into the pit at 3pm on saturday .his parents jumped in and pulled him to safety before paramedics arrived to treat the boy for a leg injury .the boy was rescued by his parents from the pit ( pictured ) before firefighters and paramedics arrived on the scene .\n", + "the child was held by his mother when he slipped and fell between 10 and 12ft into the pit on saturday around 3pm at the cleveland metroparks zoohe was rescued by his parents before emergency responders arrived on the scene ; he suffered from minor bruises and bumpsthe cheetahs seemed to ignore the boy and his parents while in the pitzoo plans to press child endangerment charges\n", + "[1.2362738 1.5269215 1.2499251 1.3058786 1.0944135 1.2562425 1.175096\n", + " 1.0951445 1.0402578 1.0217161 1.0228862 1.0230889 1.0539676 1.085734\n", + " 1.071131 1.0345725 1.0268438 1.017759 1.0221314 1.0091444]\n", + "\n", + "[ 1 3 5 2 0 6 7 4 13 14 12 8 15 16 11 10 18 9 17 19]\n", + "=======================\n", + "['the uco stormproof matches are made using an incredibly tough coating that smoulders no matter what happens to them and will start burning again once they come into contact with oxygen .the unique matches have to go through rigorous testing to make sure they keep alight in even the most difficult situations .a company has released matches that continue to burn even when submerged in water or buried underground in dirt .']\n", + "=======================\n", + "['washington company unveils matches that burn in testing conditionsthe # 5.47 uco stormproof matches use a coating that always smouldersthey will start burning again once they comes into contact with oxygenrigorous tests have drenched the matches in buckets , buried them in mud , and blown them with a compressed air hose']\n", + "the uco stormproof matches are made using an incredibly tough coating that smoulders no matter what happens to them and will start burning again once they come into contact with oxygen .the unique matches have to go through rigorous testing to make sure they keep alight in even the most difficult situations .a company has released matches that continue to burn even when submerged in water or buried underground in dirt .\n", + "washington company unveils matches that burn in testing conditionsthe # 5.47 uco stormproof matches use a coating that always smouldersthey will start burning again once they comes into contact with oxygenrigorous tests have drenched the matches in buckets , buried them in mud , and blown them with a compressed air hose\n", + "[1.3281578 1.4578731 1.1804252 1.2580523 1.1861233 1.3143995 1.0849459\n", + " 1.0631871 1.0809785 1.052878 1.0351657 1.0152022 1.1318355 1.0210098\n", + " 1.0256828 1.0448855 1.0817554 1.0213175 0. 0. ]\n", + "\n", + "[ 1 0 5 3 4 2 12 6 16 8 7 9 15 10 14 17 13 11 18 19]\n", + "=======================\n", + "[\"fashion designer georgina chapman , 38 , said she does not want the accusations tied to ambra battilana and her husband to further embarrass their children or interrupt her business , a source told the new york daily news .harvey weinstein 's wife of eight years is furious and humiliated by the allegations that he groped a 22-year-old italian model , according to a new report .weinstein , 63 , has emphatically denied sexually assaulting battilana during a march 27 business meeting at his tribeca office .\"]\n", + "=======================\n", + "[\"weinstein 's wife georgina chapman , 38 , is seeking to find a resolution to the allegations as soon as possible , according to one of the sourceson friday it emerged a sting set up by the nypd shows weinstein did n't deny touching italian model ambra battilana - and apologized to hershe alleges he asked her for a kiss and then groped her during a ` business meeting ' at his manhattan office on friday nighta source claimed during the recorded conversation set up under the watch of the nypd , he did not deny touching herthe hollywood producer has denied the allegations and has spoken to police , who have not filed chargesbut a spokesman for chapman denied the marriage was in trouble and said they had spent the weekend together\"]\n", + "fashion designer georgina chapman , 38 , said she does not want the accusations tied to ambra battilana and her husband to further embarrass their children or interrupt her business , a source told the new york daily news .harvey weinstein 's wife of eight years is furious and humiliated by the allegations that he groped a 22-year-old italian model , according to a new report .weinstein , 63 , has emphatically denied sexually assaulting battilana during a march 27 business meeting at his tribeca office .\n", + "weinstein 's wife georgina chapman , 38 , is seeking to find a resolution to the allegations as soon as possible , according to one of the sourceson friday it emerged a sting set up by the nypd shows weinstein did n't deny touching italian model ambra battilana - and apologized to hershe alleges he asked her for a kiss and then groped her during a ` business meeting ' at his manhattan office on friday nighta source claimed during the recorded conversation set up under the watch of the nypd , he did not deny touching herthe hollywood producer has denied the allegations and has spoken to police , who have not filed chargesbut a spokesman for chapman denied the marriage was in trouble and said they had spent the weekend together\n", + "[1.2493802 1.3081605 1.3295141 1.2710406 1.1228458 1.126782 1.1383979\n", + " 1.1439112 1.034725 1.1038702 1.117565 1.0991727 1.0489656 1.0595229\n", + " 1.0661287 1.0293207 1.0667529 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 0 7 6 5 4 10 9 11 16 14 13 12 8 15 17 18 19]\n", + "=======================\n", + "['this is nearly half the recommended annual limit of exposure for a person .soil underneath a slide at the park in the toshima ward in the north-east of the japanese capital , showed radiation readings of up to 480 microsieverts per hour .danger : japanese authorities detected an unusually high level of radiation around playground equipment in this tokyo park ( pictured )']\n", + "=======================\n", + "[\"soil underneath a slide in the park showed extremely high radiation levelshas raised fears for the health of children in the toshima ward of tokyodays after traces of radiation found at prime minister shinzo abe 's office\"]\n", + "this is nearly half the recommended annual limit of exposure for a person .soil underneath a slide at the park in the toshima ward in the north-east of the japanese capital , showed radiation readings of up to 480 microsieverts per hour .danger : japanese authorities detected an unusually high level of radiation around playground equipment in this tokyo park ( pictured )\n", + "soil underneath a slide in the park showed extremely high radiation levelshas raised fears for the health of children in the toshima ward of tokyodays after traces of radiation found at prime minister shinzo abe 's office\n", + "[1.2182039 1.3236446 1.2165744 1.217967 1.3771861 1.195354 1.1342143\n", + " 1.0996144 1.1001632 1.0620399 1.0936921 1.0609735 1.0646852 1.051277\n", + " 1.0477469 1.0794773 1.084024 0. 0. 0. ]\n", + "\n", + "[ 4 1 0 3 2 5 6 8 7 10 16 15 12 9 11 13 14 18 17 19]\n", + "=======================\n", + "[\"greg gibbins , 28 , went into cardiac arrest after he was seriously stabbed but later died in hospital on mondayit is believed greg gibbins had helped a woman when she was being harassed earlier in the night , news.com.au reports .the ` spontaneous ' knife attack which killed a young man outside a pizza store in the early hours of easter monday could have been related to an earlier incident , police say .\"]\n", + "=======================\n", + "[\"a young man has died after he was stabbed during a violent brawlgreg gibbins and his friends were at a central coast hotel on sunday nightthe 28-year-old was stabbed and killed outside a pizza store on mondayhis 25-year-old friend was also attacked when he tried to help mr gibbinshe remains in a serious condition and is expected to undergo surgerythe offender fled the scene and police have n't found a weaponinvestigations are continuing and police are appealing for any witnesses\"]\n", + "greg gibbins , 28 , went into cardiac arrest after he was seriously stabbed but later died in hospital on mondayit is believed greg gibbins had helped a woman when she was being harassed earlier in the night , news.com.au reports .the ` spontaneous ' knife attack which killed a young man outside a pizza store in the early hours of easter monday could have been related to an earlier incident , police say .\n", + "a young man has died after he was stabbed during a violent brawlgreg gibbins and his friends were at a central coast hotel on sunday nightthe 28-year-old was stabbed and killed outside a pizza store on mondayhis 25-year-old friend was also attacked when he tried to help mr gibbinshe remains in a serious condition and is expected to undergo surgerythe offender fled the scene and police have n't found a weaponinvestigations are continuing and police are appealing for any witnesses\n", + "[1.0624899 1.393172 1.3563057 1.117924 1.2499871 1.2787887 1.163442\n", + " 1.1090916 1.0700176 1.1166283 1.2098222 1.0960094 1.0578585 1.0544862\n", + " 1.021495 1.0459126 1.052432 0. ]\n", + "\n", + "[ 1 2 5 4 10 6 3 9 7 11 8 0 12 13 16 15 14 17]\n", + "=======================\n", + "[\"the description for the unsettling video - uploaded to youtube last week by raymond yeung -- claims it was captured in the shenzhen reservoir in china 's sand bay .the clawed creature - which some say is a rare bear - can be seen aggressively biting through the cage with a visibly bleeding mouth before ripping the metal wire apart with its limbs .it was reportedly fished out of the water by workers from the department of drainage , who later captured the animal in a steel cage .\"]\n", + "=======================\n", + "[\"the disturbing video was uploaded last week by raymond yeungthe description claims it was captured in china 's shenzhen reservoirthe video has sparked online debates over the species of the creaturesome have claimed the hairless animal is a mythical ` water monster 'others believe it is a malaysian bear suffering from a skin disease\"]\n", + "the description for the unsettling video - uploaded to youtube last week by raymond yeung -- claims it was captured in the shenzhen reservoir in china 's sand bay .the clawed creature - which some say is a rare bear - can be seen aggressively biting through the cage with a visibly bleeding mouth before ripping the metal wire apart with its limbs .it was reportedly fished out of the water by workers from the department of drainage , who later captured the animal in a steel cage .\n", + "the disturbing video was uploaded last week by raymond yeungthe description claims it was captured in china 's shenzhen reservoirthe video has sparked online debates over the species of the creaturesome have claimed the hairless animal is a mythical ` water monster 'others believe it is a malaysian bear suffering from a skin disease\n", + "[1.3180197 1.4124491 1.3428771 1.3225039 1.274147 1.3849517 1.0268229\n", + " 1.0206591 1.0153502 1.0133041 1.0219408 1.1026428 1.1434971 1.0692062\n", + " 1.0132332 1.0129513 0. 0. ]\n", + "\n", + "[ 1 5 2 3 0 4 12 11 13 6 10 7 8 9 14 15 16 17]\n", + "=======================\n", + "['the reds made three trips to the national stadium in 2012 after winning the league cup and losing the fa cup to chelsea , but the brazil international missed all of them with a serious knee injury sustained in the previous november .lucas can play his first game at wembley in a liverpool shirt when they meet aston villa in the semi-finalbut having played his part in the 1-0 quarter-final win at blackburn , lucas is hoping to get his chance in the last-four encounter with aston villa on april 19 .']\n", + "=======================\n", + "[\"lucas leiva was injured for liverpool 's three wembley games in 2012he hopes to feature in the semi-final against aston villa on april 19simon mignolet believes victory over blackburn vital after two defeatsread : steven gerrard 's fa cup dream at wembley remains a realityclick here for all the latest liverpool news\"]\n", + "the reds made three trips to the national stadium in 2012 after winning the league cup and losing the fa cup to chelsea , but the brazil international missed all of them with a serious knee injury sustained in the previous november .lucas can play his first game at wembley in a liverpool shirt when they meet aston villa in the semi-finalbut having played his part in the 1-0 quarter-final win at blackburn , lucas is hoping to get his chance in the last-four encounter with aston villa on april 19 .\n", + "lucas leiva was injured for liverpool 's three wembley games in 2012he hopes to feature in the semi-final against aston villa on april 19simon mignolet believes victory over blackburn vital after two defeatsread : steven gerrard 's fa cup dream at wembley remains a realityclick here for all the latest liverpool news\n", + "[1.3290832 1.2980487 1.2075698 1.2158407 1.294342 1.06374 1.0317091\n", + " 1.0411904 1.0919912 1.0847317 1.0394837 1.0920446 1.0811341 1.0368925\n", + " 1.0465811 1.0515616 1.0524899 1.0483809]\n", + "\n", + "[ 0 1 4 3 2 11 8 9 12 5 16 15 17 14 7 10 13 6]\n", + "=======================\n", + "[\"( cnn ) the racist and offensive emails that resulted in three ferguson , missouri , city employees either resigning or being fired have been released .the exchanges between the city 's top court clerk and two police officers were discovered during a u.s. justice department investigation of racial prejudice in the city 's police and judicial system .police capt. rick henke and sgt. william mudd resigned early last month after the emails were discovered as part of the evidence in the justice department 's scathing ferguson report .\"]\n", + "=======================\n", + "[\"racially-charged and offensive emails from ferguson released after public records requesttwo ferguson police officers resigned over racist emailscity 's top court clerk was fired\"]\n", + "( cnn ) the racist and offensive emails that resulted in three ferguson , missouri , city employees either resigning or being fired have been released .the exchanges between the city 's top court clerk and two police officers were discovered during a u.s. justice department investigation of racial prejudice in the city 's police and judicial system .police capt. rick henke and sgt. william mudd resigned early last month after the emails were discovered as part of the evidence in the justice department 's scathing ferguson report .\n", + "racially-charged and offensive emails from ferguson released after public records requesttwo ferguson police officers resigned over racist emailscity 's top court clerk was fired\n", + "[1.2897853 1.3159039 1.2742296 1.2116709 1.1780164 1.1371207 1.1093907\n", + " 1.056377 1.1237447 1.0579674 1.0574641 1.0424684 1.0309508 1.0190594\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 5 8 6 9 10 7 11 12 13 16 14 15 17]\n", + "=======================\n", + "[\"her secret service-provided ` scooby ' van motored from concord to boston logan international airport , escorted by troopers from both new hampshire and massachusetts .hillary clinton ended her whirlwind new hampshire campaign swing on tuesday afternoon in another state entirely , taking taxpayers for an 80 miles-per-hour ride all the way to boston -- to catch a flight with first class seats .she arrived in time to take a 7:00 p.m. us airways shuttle to washington , d.c. on the way , her motorcade passed exits to the manchester , n.h. airport , which was 55 miles closer and offered a 5:16 p.m. flight to the same destination .\"]\n", + "=======================\n", + "[\"speedometer-busting race to boston logan international airport hit 80 in a 55 mph zoneclinton and her entourage took us airways shuttle flight 2120 to washington reagan international airport near dc -- and sat in first classfirst class seating came after campaign trip where she said of rich : ` the deck is stacked in their favor .the manchester , nh airport would have been 55 miles closer and had a flight two hours earlier -- but it was on smaller plane with only coach seatsclinton insisted she did n't personally book the tickets , but stared ahead and said nothing when asked about the benghazi terror attacksnascar-like trip down i-93 came less than 24 hours after clinton 's secret service detail raced down rain-slicked new hampshire freeways at 92 mph\"]\n", + "her secret service-provided ` scooby ' van motored from concord to boston logan international airport , escorted by troopers from both new hampshire and massachusetts .hillary clinton ended her whirlwind new hampshire campaign swing on tuesday afternoon in another state entirely , taking taxpayers for an 80 miles-per-hour ride all the way to boston -- to catch a flight with first class seats .she arrived in time to take a 7:00 p.m. us airways shuttle to washington , d.c. on the way , her motorcade passed exits to the manchester , n.h. airport , which was 55 miles closer and offered a 5:16 p.m. flight to the same destination .\n", + "speedometer-busting race to boston logan international airport hit 80 in a 55 mph zoneclinton and her entourage took us airways shuttle flight 2120 to washington reagan international airport near dc -- and sat in first classfirst class seating came after campaign trip where she said of rich : ` the deck is stacked in their favor .the manchester , nh airport would have been 55 miles closer and had a flight two hours earlier -- but it was on smaller plane with only coach seatsclinton insisted she did n't personally book the tickets , but stared ahead and said nothing when asked about the benghazi terror attacksnascar-like trip down i-93 came less than 24 hours after clinton 's secret service detail raced down rain-slicked new hampshire freeways at 92 mph\n", + "[1.5451852 1.1635932 1.4296057 1.0763664 1.0833955 1.125646 1.2402254\n", + " 1.0963653 1.1004727 1.1059246 1.0564022 1.0171524 1.0416367 1.032957\n", + " 1.0738803 1.0203032 1.0263456 0. ]\n", + "\n", + "[ 0 2 6 1 5 9 8 7 4 3 14 10 12 13 16 15 11 17]\n", + "=======================\n", + "[\"matthew hall , 25 , climbed onto the balconies in of his victims in manchester 's fashionable northern quarter district and hidjailing him for two years after he admitted two attempted burglaries and one burglary , judge martin rudland said he had ` deliberately targeted vulnerable women ' scaling the walls of buildings ` like a cat burglar of old ' in a series of ` highly suspicious offences ' .hall now risks arrest if he enters the area , where each of his terrified victims lived , at any time in the next five years .\"]\n", + "=======================\n", + "['matthew hall , 25 , from manchester got off on terrorising female victimshe targeted single women in their homes in an upscale manchester areajailed two years after pleading guilty to burglary and attempted burglaryhall , repeat offender , climbed balconies and hid himself in their bedrooms']\n", + "matthew hall , 25 , climbed onto the balconies in of his victims in manchester 's fashionable northern quarter district and hidjailing him for two years after he admitted two attempted burglaries and one burglary , judge martin rudland said he had ` deliberately targeted vulnerable women ' scaling the walls of buildings ` like a cat burglar of old ' in a series of ` highly suspicious offences ' .hall now risks arrest if he enters the area , where each of his terrified victims lived , at any time in the next five years .\n", + "matthew hall , 25 , from manchester got off on terrorising female victimshe targeted single women in their homes in an upscale manchester areajailed two years after pleading guilty to burglary and attempted burglaryhall , repeat offender , climbed balconies and hid himself in their bedrooms\n", + "[1.2120075 1.3406711 1.3110418 1.3338628 1.1659567 1.0391464 1.0240344\n", + " 1.039594 1.1230582 1.1133221 1.1046246 1.0582727 1.0394764 1.0280511\n", + " 1.0437168 1.0273854 1.0924109 1.0900108 1.0295757]\n", + "\n", + "[ 1 3 2 0 4 8 9 10 16 17 11 14 7 12 5 18 13 15 6]\n", + "=======================\n", + "[\"new indie music was first piped into the cabin - during boarding and disembarking - a few months ago and has quickly become a hit with passengers .american airlines is targeting a younger demographic with the introduction of their new ` indie ' cabin playlistsin fact , many have taken to twitter to share their approval of the new on board playlists , which feature rockers such as the xx , haim , phantogram and hozier .\"]\n", + "=======================\n", + "['new on board playlists include rockers such as the xx , haim and hozierunfavourable customer feedback about previous music prompted switchso far , all mainline and some regional aircraft have adopted the change']\n", + "new indie music was first piped into the cabin - during boarding and disembarking - a few months ago and has quickly become a hit with passengers .american airlines is targeting a younger demographic with the introduction of their new ` indie ' cabin playlistsin fact , many have taken to twitter to share their approval of the new on board playlists , which feature rockers such as the xx , haim , phantogram and hozier .\n", + "new on board playlists include rockers such as the xx , haim and hozierunfavourable customer feedback about previous music prompted switchso far , all mainline and some regional aircraft have adopted the change\n", + "[1.2713237 1.4075873 1.3441334 1.2919126 1.2213179 1.2242488 1.1592662\n", + " 1.0353268 1.0291473 1.024485 1.0818771 1.1231453 1.0324111 1.1245393\n", + " 1.1899376 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 4 14 6 13 11 10 7 12 8 9 15 16 17 18]\n", + "=======================\n", + "['the driver of the car , who has not been identified , said he got into an argument with the suspects while he was pumping gas at a 76 station in south los angeles around 12:15 am on saturday .the group covered his white dodge charger in gasoline and lit it ablaze while there were two passengers inside .a gang of at least three people poured gasoline on a car that stopped to fill up at california gas station early on saturday morning and set the vehicle on fire .']\n", + "=======================\n", + "['gang of at least three poured gasoline on a car at south la gas stationbefore the fire was started , the gang attempted to rob the driver of his cartwo people were inside white dodge charger when it went up in flamesno one was hurt and la fire department is investigating crime as arson']\n", + "the driver of the car , who has not been identified , said he got into an argument with the suspects while he was pumping gas at a 76 station in south los angeles around 12:15 am on saturday .the group covered his white dodge charger in gasoline and lit it ablaze while there were two passengers inside .a gang of at least three people poured gasoline on a car that stopped to fill up at california gas station early on saturday morning and set the vehicle on fire .\n", + "gang of at least three poured gasoline on a car at south la gas stationbefore the fire was started , the gang attempted to rob the driver of his cartwo people were inside white dodge charger when it went up in flamesno one was hurt and la fire department is investigating crime as arson\n", + "[1.5072532 1.5942507 1.0556588 1.1251988 1.3366251 1.1092418 1.0261348\n", + " 1.0175779 1.0236785 1.0202078 1.0269902 1.0193112 1.3914164 1.0481879\n", + " 1.0162994 1.1037363 1.0509391 1.073383 0. ]\n", + "\n", + "[ 1 0 12 4 3 5 15 17 2 16 13 10 6 8 9 11 7 14 18]\n", + "=======================\n", + "[\"mcdowell carded a final round of 73 on sunday to finish six over par and is now a combined 24 over for his eight appearances in the year 's first major championship . 'graeme mcdowell insisted he would never consider not playing the masters despite another frustrating experience at augusta national .graeme mcdowell tees off on the third hole during the third round at augusta on saturday\"]\n", + "=======================\n", + "['graeme mcdowell carded a final round of 73 on sundaymcdowell thinks his style of putting is not suited to augustathe former us open could have had a worse scoremcdowell was initally give a one-shot penalty for moving his marker as he was attempting to swap a bee away from his ball on the third greenbut the penalty was rescinded later in the day']\n", + "mcdowell carded a final round of 73 on sunday to finish six over par and is now a combined 24 over for his eight appearances in the year 's first major championship . 'graeme mcdowell insisted he would never consider not playing the masters despite another frustrating experience at augusta national .graeme mcdowell tees off on the third hole during the third round at augusta on saturday\n", + "graeme mcdowell carded a final round of 73 on sundaymcdowell thinks his style of putting is not suited to augustathe former us open could have had a worse scoremcdowell was initally give a one-shot penalty for moving his marker as he was attempting to swap a bee away from his ball on the third greenbut the penalty was rescinded later in the day\n", + "[1.0833797 1.4519438 1.2988336 1.1376247 1.0884268 1.0535009 1.0330033\n", + " 1.0382056 1.0941542 1.0337237 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 8 4 0 5 7 9 6 17 10 11 12 13 14 15 16 18]\n", + "=======================\n", + "[\"but sunday 's party marking the 150th anniversary of the end of the american civil war took about 5,000 miles ( 8,000 kilometers ) south of the south , in a rural brazilian town colonized by families fleeing reconstruction .for many of the residents of santa barbara d'oeste and neighboring americana in brazil 's southeastern sao paulo state , having confederate ancestry is a point of pride that 's celebrated in high style at the annual ` festa dos confederados , ' or ` confederates party ' in portuguese .thousands turn out every year , including many who trace their ancestry back to the dozens of families who , enticed by the brazilian government 's offers of land grants , settled here from 1865 to around 1875 .\"]\n", + "=======================\n", + "[\"sunday 's party marked the 150th anniversary of the end of the american civil war and was held in a rural brazilian town colonized by families fleeing reconstructionthousands turn out every year , including many who trace their ancestry back to the dozens of families who , enticed by the brazilian government 's offers of land grants , settled here from 1865 to around 1875amid food and beer stands bedecked with red-white-and-blue ribbons , extended families tucked into diet-busting barbecue and hamburger lunches as ` dixie ' played on a loop\"]\n", + "but sunday 's party marking the 150th anniversary of the end of the american civil war took about 5,000 miles ( 8,000 kilometers ) south of the south , in a rural brazilian town colonized by families fleeing reconstruction .for many of the residents of santa barbara d'oeste and neighboring americana in brazil 's southeastern sao paulo state , having confederate ancestry is a point of pride that 's celebrated in high style at the annual ` festa dos confederados , ' or ` confederates party ' in portuguese .thousands turn out every year , including many who trace their ancestry back to the dozens of families who , enticed by the brazilian government 's offers of land grants , settled here from 1865 to around 1875 .\n", + "sunday 's party marked the 150th anniversary of the end of the american civil war and was held in a rural brazilian town colonized by families fleeing reconstructionthousands turn out every year , including many who trace their ancestry back to the dozens of families who , enticed by the brazilian government 's offers of land grants , settled here from 1865 to around 1875amid food and beer stands bedecked with red-white-and-blue ribbons , extended families tucked into diet-busting barbecue and hamburger lunches as ` dixie ' played on a loop\n", + "[1.3406136 1.2968732 1.234933 1.2264931 1.0567563 1.180253 1.0241324\n", + " 1.0603328 1.0185333 1.0853695 1.0608342 1.1327474 1.1311225 1.0679958\n", + " 1.0372733 1.0153834 1.0246143 0. 0. ]\n", + "\n", + "[ 0 1 2 3 5 11 12 9 13 10 7 4 14 16 6 8 15 17 18]\n", + "=======================\n", + "[\"stars have flocked to twitter to praise tom hanks ' wife rita wilson for revealing that she was recently diagnosed with breast cancer and has undergone a double mastectomy and reconstructive surgery .the 58-year-old actress , who took a leave of absence from broadway play ` fish in the dark ' earlier this month , shared the news through a statement published by people magazine on tuesday .following her announcement , famous friends passed on their best wishes to the actress as katie couric wrote : ` sending the wonderful rita wilson my love and best wishes for a speedy recovery and good health . '\"]\n", + "=======================\n", + "[\"stars such as katie couric and christina applegate praised the 58-year-old actress for revealing her diagnosis in a statement on tuesdayshe explained that doctors initially failed to find the cancer but that it was discovered after she sought out a second opinionshe underwent surgery last week with hanks by her side and she is expected to make a full recoverywilson took medical from the broadway play ` fish in the dark ' earlier this month but is expected back on stage in may\"]\n", + "stars have flocked to twitter to praise tom hanks ' wife rita wilson for revealing that she was recently diagnosed with breast cancer and has undergone a double mastectomy and reconstructive surgery .the 58-year-old actress , who took a leave of absence from broadway play ` fish in the dark ' earlier this month , shared the news through a statement published by people magazine on tuesday .following her announcement , famous friends passed on their best wishes to the actress as katie couric wrote : ` sending the wonderful rita wilson my love and best wishes for a speedy recovery and good health . '\n", + "stars such as katie couric and christina applegate praised the 58-year-old actress for revealing her diagnosis in a statement on tuesdayshe explained that doctors initially failed to find the cancer but that it was discovered after she sought out a second opinionshe underwent surgery last week with hanks by her side and she is expected to make a full recoverywilson took medical from the broadway play ` fish in the dark ' earlier this month but is expected back on stage in may\n", + "[1.4674376 1.2648219 1.169512 1.3278807 1.2499733 1.1500597 1.1703182\n", + " 1.1023048 1.05043 1.2471032 1.2279785 1.1125323 1.0519078 1.0182931\n", + " 1.0102072 1.0097702 0. 0. ]\n", + "\n", + "[ 0 3 1 4 9 10 6 2 5 11 7 12 8 13 14 15 16 17]\n", + "=======================\n", + "[\"tottenham hotspur goalkeeper hugo lloris will miss sunday 's premier league trip to struggling burnley as he recovers from a gashed knee suffered two weeks ago against leicester city .harry kane is one of four tottenham players who will return after playing for england against italymauricio pochettino could be without striker roberto soldado at turf moor on sunday\"]\n", + "=======================\n", + "[\"hugo lloris suffered a gashed knee in tottenham 's win against leicestermichel vorm will start at turf moor as lloris continues his recoveryroberto soldado is doubtful for sunday 's clash with burnleymauricio pochettino hopes spurs ' england contingent will return on a high\"]\n", + "tottenham hotspur goalkeeper hugo lloris will miss sunday 's premier league trip to struggling burnley as he recovers from a gashed knee suffered two weeks ago against leicester city .harry kane is one of four tottenham players who will return after playing for england against italymauricio pochettino could be without striker roberto soldado at turf moor on sunday\n", + "hugo lloris suffered a gashed knee in tottenham 's win against leicestermichel vorm will start at turf moor as lloris continues his recoveryroberto soldado is doubtful for sunday 's clash with burnleymauricio pochettino hopes spurs ' england contingent will return on a high\n", + "[1.324333 1.4576141 1.2242007 1.2314211 1.116217 1.3255705 1.0691551\n", + " 1.0676228 1.0482116 1.0306157 1.0957625 1.0817379 1.0834041 1.0606104\n", + " 1.0464115 1.1239501 0. 0. ]\n", + "\n", + "[ 1 5 0 3 2 15 4 10 12 11 6 7 13 8 14 9 16 17]\n", + "=======================\n", + "[\"the child , whose name has not been released , suffered fatal injuries in the incident at grant elementary school in dumont , new jersey on march 6 and died later that day .a 10-year-old boy climbed through a school window and jumped to his death after his chess opponent failed to say ` checkmate ' after beating him , a police report has revealed .on wednesday , police released a report after an investigation into his death , the record reported .\"]\n", + "=======================\n", + "[\"the child , who has not been named , suffered fatal injuries after jumping from a second-story window in dumont , new jersey last montha report into the incident has revealed he became angry after a classmate failed to say ` checkmate ' after beating him in a match at recesshe then cried in a corner and wrote a note to his opponent , but told him to wait to open it ; the contents of the note have not been sharedan aide then saw the boy climbing on shelves and out a windowthe boy 's classmate revealed that he had said on several occasions that he was going to jump from the window - but he thought he was joking\"]\n", + "the child , whose name has not been released , suffered fatal injuries in the incident at grant elementary school in dumont , new jersey on march 6 and died later that day .a 10-year-old boy climbed through a school window and jumped to his death after his chess opponent failed to say ` checkmate ' after beating him , a police report has revealed .on wednesday , police released a report after an investigation into his death , the record reported .\n", + "the child , who has not been named , suffered fatal injuries after jumping from a second-story window in dumont , new jersey last montha report into the incident has revealed he became angry after a classmate failed to say ` checkmate ' after beating him in a match at recesshe then cried in a corner and wrote a note to his opponent , but told him to wait to open it ; the contents of the note have not been sharedan aide then saw the boy climbing on shelves and out a windowthe boy 's classmate revealed that he had said on several occasions that he was going to jump from the window - but he thought he was joking\n", + "[1.267896 1.3291597 1.3186612 1.1575477 1.1562558 1.0364527 1.1026814\n", + " 1.1735828 1.0337375 1.1047916 1.0757293 1.0579165 1.07219 1.0571251\n", + " 1.0365007 1.0312316 0. 0. ]\n", + "\n", + "[ 1 2 0 7 3 4 9 6 10 12 11 13 14 5 8 15 16 17]\n", + "=======================\n", + "[\"internet star zoella , real name zoe elizabeth sugg , has enjoyed meteoric success after her blog and video posts amassed a huge teen following on social media .jamie oliver 's company , an enduring advocate for promoting healthy eating , has warned that young stars such as zoella , 25 , and fellow vlogger and boyfriend alfie deyes , 21 , should be more aware of the adverts that appear alongside their posts .on sunday , brighton-based zoella posted a video entitled ` stuff your mouth ' with thatcherjoe ( my brother ) .\"]\n", + "=======================\n", + "[\"the chef and healthy food campaigner 's company said influential stars should be careful about adverts appearing next to their video postsjamie oliver 's food tube channel has a ` firm agreement ' with youtube to stop ads for unhealthy foods running next to his own poststhe advertising standards authority currently does n't safeguard against unhealthy ads appearing on online videos , just television programmes\"]\n", + "internet star zoella , real name zoe elizabeth sugg , has enjoyed meteoric success after her blog and video posts amassed a huge teen following on social media .jamie oliver 's company , an enduring advocate for promoting healthy eating , has warned that young stars such as zoella , 25 , and fellow vlogger and boyfriend alfie deyes , 21 , should be more aware of the adverts that appear alongside their posts .on sunday , brighton-based zoella posted a video entitled ` stuff your mouth ' with thatcherjoe ( my brother ) .\n", + "the chef and healthy food campaigner 's company said influential stars should be careful about adverts appearing next to their video postsjamie oliver 's food tube channel has a ` firm agreement ' with youtube to stop ads for unhealthy foods running next to his own poststhe advertising standards authority currently does n't safeguard against unhealthy ads appearing on online videos , just television programmes\n", + "[1.4563913 1.1453866 1.399219 1.2559327 1.1457472 1.2758157 1.0503286\n", + " 1.1188492 1.1656804 1.1192256 1.0747203 1.0174669 1.0721903 1.1184518\n", + " 1.0494391 1.0067776 0. 0. ]\n", + "\n", + "[ 0 2 5 3 8 4 1 9 7 13 10 12 6 14 11 15 16 17]\n", + "=======================\n", + "[\"teacher carol chandler , 53 , ( pictured outside court ) is accused of indecently assaulting a boy under the age of 16 in the 1980s at a top independent schoolshe was charged as part of the metropolitan police 's operation winthorpe , scotland yard 's investigation into allegations of sex abuse at st paul 's school in barnes , south west london - where former pupils include chancellor george osborne .a total of five people have now been charged by officers from operation winthorpe .\"]\n", + "=======================\n", + "[\"teacher carol chandler , 53 , accused of indecently assaulting boy in 1980sshe taught at george osborne 's london school st paul 's in barnescharged as part of an investigation into child sex abuse at the schoolfive people have now been charged by officers from operation winthorpe\"]\n", + "teacher carol chandler , 53 , ( pictured outside court ) is accused of indecently assaulting a boy under the age of 16 in the 1980s at a top independent schoolshe was charged as part of the metropolitan police 's operation winthorpe , scotland yard 's investigation into allegations of sex abuse at st paul 's school in barnes , south west london - where former pupils include chancellor george osborne .a total of five people have now been charged by officers from operation winthorpe .\n", + "teacher carol chandler , 53 , accused of indecently assaulting boy in 1980sshe taught at george osborne 's london school st paul 's in barnescharged as part of an investigation into child sex abuse at the schoolfive people have now been charged by officers from operation winthorpe\n", + "[1.3867967 1.4780244 1.3663808 1.3929863 1.1256183 1.1642499 1.0616126\n", + " 1.0351541 1.0679693 1.0374893 1.0122837 1.0460862 1.0112592 1.0448074\n", + " 1.2133592 1.0298917 1.0170108 1.0223601]\n", + "\n", + "[ 1 3 0 2 14 5 4 8 6 11 13 9 7 15 17 16 10 12]\n", + "=======================\n", + "[\"the ukip leader made the remarks after being asked at his manifesto launch last week to justify the scarcity of black and asian faces in the ukip manifesto .nigel farage has dismissed criticism of the lack of diversity in ukip 's manifesto by claiming there was a ` half black ' party spokesman featured prominently - and ` one fully black person 'it includes several photographs of the party 's top team although it was suggested the only black face in the document appeared on a page about overseas aid .\"]\n", + "=======================\n", + "[\"ukip leader asked to justify lack of black and asian faces in manifestobut he said there was one ` half black ' person and one ` fully black person 'ukip 's immigration spokesman steven woolfe has mixed heritageincluded in the manifesto was also a photo of an african receiving aid\"]\n", + "the ukip leader made the remarks after being asked at his manifesto launch last week to justify the scarcity of black and asian faces in the ukip manifesto .nigel farage has dismissed criticism of the lack of diversity in ukip 's manifesto by claiming there was a ` half black ' party spokesman featured prominently - and ` one fully black person 'it includes several photographs of the party 's top team although it was suggested the only black face in the document appeared on a page about overseas aid .\n", + "ukip leader asked to justify lack of black and asian faces in manifestobut he said there was one ` half black ' person and one ` fully black person 'ukip 's immigration spokesman steven woolfe has mixed heritageincluded in the manifesto was also a photo of an african receiving aid\n", + "[1.486628 1.3308896 1.1303633 1.3673263 1.246372 1.0872953 1.0520501\n", + " 1.1001662 1.2148933 1.1414249 1.1082418 1.0443135 1.016319 1.0413957\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 8 9 2 10 7 5 6 11 13 12 14 15 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"thailand 's kiradech aphibarnrat fired six birdies in the space of nine holes to surge into the lead at the shenzhen international in china on saturday .aphibarnrat began the third round one shot behind american peter uihlein but birdied his first three holes before carding what would prove to be his only par on the front nine on the fourth .double masters champion bubba watson struggled to his second consecutive round of 74 to finish two over par .\"]\n", + "=======================\n", + "[\"thailand 's kiradech aphibarnrat takes lead at the shenzhen internationalaphibarnrat fired six birdies in the space of nine holes on saturdaybubba watson struggled to his second consecutive round of 74the double masters champion finished 38th in augusta this year\"]\n", + "thailand 's kiradech aphibarnrat fired six birdies in the space of nine holes to surge into the lead at the shenzhen international in china on saturday .aphibarnrat began the third round one shot behind american peter uihlein but birdied his first three holes before carding what would prove to be his only par on the front nine on the fourth .double masters champion bubba watson struggled to his second consecutive round of 74 to finish two over par .\n", + "thailand 's kiradech aphibarnrat takes lead at the shenzhen internationalaphibarnrat fired six birdies in the space of nine holes on saturdaybubba watson struggled to his second consecutive round of 74the double masters champion finished 38th in augusta this year\n", + "[1.1955122 1.0680479 1.2921349 1.3904766 1.2341844 1.2542908 1.1313585\n", + " 1.0345801 1.0476043 1.1922715 1.138593 1.1073947 1.0189977 1.0077909\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 5 4 0 9 10 6 11 1 8 7 12 13 14 15 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"george at asda has created its ` luxury christening range ' just in time for the birth of the royal baby - and say its gowns and rompers allow mothers to buy a traditional christening outfit for a fraction of the price .hot on the heels of releasing its budget bridesmaid range , the supermarket giant has unveiled garments for babies being christened .research has revealed that the average price of a christening has hit # 300 .\"]\n", + "=======================\n", + "['cost of christenings are now upwards of # 30063 per cent of mothers worry about the mounting costs for the dayasda launches christening collection in time for second royal baby']\n", + "george at asda has created its ` luxury christening range ' just in time for the birth of the royal baby - and say its gowns and rompers allow mothers to buy a traditional christening outfit for a fraction of the price .hot on the heels of releasing its budget bridesmaid range , the supermarket giant has unveiled garments for babies being christened .research has revealed that the average price of a christening has hit # 300 .\n", + "cost of christenings are now upwards of # 30063 per cent of mothers worry about the mounting costs for the dayasda launches christening collection in time for second royal baby\n", + "[1.1966171 1.2126658 1.147815 1.3759902 1.1361653 1.1087236 1.2124593\n", + " 1.1408335 1.1320935 1.0551628 1.0510961 1.0306528 1.0497373 1.0474646\n", + " 1.0302113 1.0249814 1.0601685 1.0278567 1.02095 1.019513 1.0247924\n", + " 1.0940541 1.080778 1.06794 1.0234188]\n", + "\n", + "[ 3 1 6 0 2 7 4 8 5 21 22 23 16 9 10 12 13 11 14 17 15 20 24 18\n", + " 19]\n", + "=======================\n", + "['douglas mark hughes , 61 , created a security scare when he violated national airspace and has prompted a full-scale security review in washington .week said he fully expected to be intercepteda small gyrocopter past washington , dc , landmarks last']\n", + "=======================\n", + "[\"doug hughes landed a gyrocopter on the us capitol lawn on wednesdaycharged with multiple offenses and is under house arrest until court datehe spent two years planning stunt to protest campaign-finance lawswill appear in court on may 8 and is facing up to four years in prisonhughes thought he 'd make it after leaving gettysburg , pennsylvania\"]\n", + "douglas mark hughes , 61 , created a security scare when he violated national airspace and has prompted a full-scale security review in washington .week said he fully expected to be intercepteda small gyrocopter past washington , dc , landmarks last\n", + "doug hughes landed a gyrocopter on the us capitol lawn on wednesdaycharged with multiple offenses and is under house arrest until court datehe spent two years planning stunt to protest campaign-finance lawswill appear in court on may 8 and is facing up to four years in prisonhughes thought he 'd make it after leaving gettysburg , pennsylvania\n", + "[1.1045558 1.5423337 1.2057936 1.3103777 1.3040025 1.1189508 1.1068931\n", + " 1.0636252 1.0933195 1.0638717 1.0430031 1.0439069 1.047618 1.0885537\n", + " 1.087341 1.1299852 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 15 5 6 0 8 13 14 9 7 12 11 10 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"liam sandham , of fleetwood , has gone viral with a work place prank that involves burning his unsuspecting friend in a van .capturing the video from his camera phone , the plasterer initially films himself and the vehicle 's wing mirror through a magnifying glass , which he moves back and forwards .the video , which was uploaded to youtube with the title ` burning people with magnifying glass ' , has been viewed over a million times .\"]\n", + "=======================\n", + "[\"liam sandham , of fleetwood , has gone viral with the prankplasterer holds magnifying glass to friend 's hand in a vanhe concentrates light onto an area on work mate 's knucklehis friend reacts in shock and swears after being burntvideo has been watched over one million times online\"]\n", + "liam sandham , of fleetwood , has gone viral with a work place prank that involves burning his unsuspecting friend in a van .capturing the video from his camera phone , the plasterer initially films himself and the vehicle 's wing mirror through a magnifying glass , which he moves back and forwards .the video , which was uploaded to youtube with the title ` burning people with magnifying glass ' , has been viewed over a million times .\n", + "liam sandham , of fleetwood , has gone viral with the prankplasterer holds magnifying glass to friend 's hand in a vanhe concentrates light onto an area on work mate 's knucklehis friend reacts in shock and swears after being burntvideo has been watched over one million times online\n", + "[1.2929442 1.10655 1.3107175 1.2058201 1.140088 1.0532362 1.0839003\n", + " 1.2284793 1.0791359 1.0233811 1.0707377 1.1238539 1.0959276 1.0862409\n", + " 1.0239146 1.0527115 1.0492882 1.0705127 1.0400963 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 7 3 4 11 1 12 13 6 8 10 17 5 15 16 18 14 9 23 19 20 21 22\n", + " 24]\n", + "=======================\n", + "['a united airlines regional jet carried her back to the east coast on thursday from the omaha , nebraska airport .the secret service will have to drive scooby one and scooby two back to chappaqua without hillary clinton riding shotgun .her flight was bound for newark , new jersey , the major airport most convenient to her spacious chappaqua , new york home .']\n", + "=======================\n", + "[\"united flight 3954 carried clinton from omaha , nebraska to newark , new jersey on thursdaymet by a town car and a police escort -- on the tarmac -- for what 's likely a short trip back to her chappaqua , new york estatefollows iowa campaign swing full of controlled interactions , staged conversations and little interaction with real peopleclinton was , however , photographed pulling her own suitcase down an airport concourse\"]\n", + "a united airlines regional jet carried her back to the east coast on thursday from the omaha , nebraska airport .the secret service will have to drive scooby one and scooby two back to chappaqua without hillary clinton riding shotgun .her flight was bound for newark , new jersey , the major airport most convenient to her spacious chappaqua , new york home .\n", + "united flight 3954 carried clinton from omaha , nebraska to newark , new jersey on thursdaymet by a town car and a police escort -- on the tarmac -- for what 's likely a short trip back to her chappaqua , new york estatefollows iowa campaign swing full of controlled interactions , staged conversations and little interaction with real peopleclinton was , however , photographed pulling her own suitcase down an airport concourse\n", + "[1.2380778 1.50824 1.1909848 1.1985104 1.2776755 1.3162401 1.1536789\n", + " 1.1131079 1.0316906 1.0489976 1.0881598 1.036798 1.0229936 1.0284889\n", + " 1.1037273 1.0673978 1.0246059 0. ]\n", + "\n", + "[ 1 5 4 0 3 2 6 7 14 10 15 9 11 8 13 16 12 17]\n", + "=======================\n", + "['bhadreshkumar chetanbhai patel , 24 , faces a federal charge of fleeing to avoid prosecution and the fbi announced on wednesday that a $ 20,000 reward is being offered for information that leads to his arrest .patel is to believed to have beat his 21-year-old wife , palak bhadreskumar patel , to death with a knife inside the fast-food chain .he reportedly has his india-issued passport with him .']\n", + "=======================\n", + "[\"fbi is offering a $ 20,000 reward for information about bhadreshkumar chetanbhai patel 's whereaboutshe allegedly killed his wife , palak bhadreskumar patel , on april 12 in hanover , marylandtaxi driver told investigators she drove him to a hotel in newark , new jerseypatel was last seen in surveillance footage at a best western near newark liberty international airport on april 13police believe that he is still in the u.s. and is considered to be dangerous\"]\n", + "bhadreshkumar chetanbhai patel , 24 , faces a federal charge of fleeing to avoid prosecution and the fbi announced on wednesday that a $ 20,000 reward is being offered for information that leads to his arrest .patel is to believed to have beat his 21-year-old wife , palak bhadreskumar patel , to death with a knife inside the fast-food chain .he reportedly has his india-issued passport with him .\n", + "fbi is offering a $ 20,000 reward for information about bhadreshkumar chetanbhai patel 's whereaboutshe allegedly killed his wife , palak bhadreskumar patel , on april 12 in hanover , marylandtaxi driver told investigators she drove him to a hotel in newark , new jerseypatel was last seen in surveillance footage at a best western near newark liberty international airport on april 13police believe that he is still in the u.s. and is considered to be dangerous\n", + "[1.2165661 1.5318707 1.2319722 1.1913382 1.2891704 1.0686736 1.0524825\n", + " 1.0558158 1.0436325 1.0632234 1.0384681 1.062181 1.1052003 1.0475698\n", + " 1.0573996 1.0615686 0. 0. ]\n", + "\n", + "[ 1 4 2 0 3 12 5 9 11 15 14 7 6 13 8 10 16 17]\n", + "=======================\n", + "['brett matthew paul thomas , now 56 , and his friend , mark titch , were convicted in 1977 after committing the murders during robbery or burglary attempts in orange county .thomas , who was 18 at the time , and titch , who was 17 , were both sentenced to life with the possibility of parole .a convicted california serial killer who went on a nine-day rampage that claimed the lives of four people has been denied parole and can not reapply for seven years .']\n", + "=======================\n", + "[\"convicted killer brett matthew paul thomas , now 56 , has been denied parole and can not reapply for seven yearsbrett matthew paul thomas and his friend mark titch were convicted in 1977 after committing four murders during robbery attemptslynette duncan , one of the surviving daughters of a victim said that the day her mother died she learned that ` the boogeyman was real '\"]\n", + "brett matthew paul thomas , now 56 , and his friend , mark titch , were convicted in 1977 after committing the murders during robbery or burglary attempts in orange county .thomas , who was 18 at the time , and titch , who was 17 , were both sentenced to life with the possibility of parole .a convicted california serial killer who went on a nine-day rampage that claimed the lives of four people has been denied parole and can not reapply for seven years .\n", + "convicted killer brett matthew paul thomas , now 56 , has been denied parole and can not reapply for seven yearsbrett matthew paul thomas and his friend mark titch were convicted in 1977 after committing four murders during robbery attemptslynette duncan , one of the surviving daughters of a victim said that the day her mother died she learned that ` the boogeyman was real '\n", + "[1.3090327 1.3300433 1.2448077 1.3496817 1.2974755 1.0638336 1.2960955\n", + " 1.1268708 1.0251706 1.0922139 1.0181848 1.0976574 1.1335801 1.0514868\n", + " 1.0109886 1.0070721 1.0068314 1.0867627]\n", + "\n", + "[ 3 1 0 4 6 2 12 7 11 9 17 5 13 8 10 14 15 16]\n", + "=======================\n", + "[\"golf 's former world no 1 is dwarfed by the 7ft 6in former houston rockets centrethe 14-time major winner has played just three tournaments so far this year , which included a return to some form at the us masters , but took a break to offer the retired chinese basketball star a few golfing tips .tiger woods ( left ) gives yao ming a golfing lesson at the nike headquarters in shanghai , china\"]\n", + "=======================\n", + "['tiger woods gave former nba star yao ming a few tips on his swingthe 7ft 6in chinese athlete retired from houston rockets in 201114-time major winner woods will return to competition at tpc sawgrass']\n", + "golf 's former world no 1 is dwarfed by the 7ft 6in former houston rockets centrethe 14-time major winner has played just three tournaments so far this year , which included a return to some form at the us masters , but took a break to offer the retired chinese basketball star a few golfing tips .tiger woods ( left ) gives yao ming a golfing lesson at the nike headquarters in shanghai , china\n", + "tiger woods gave former nba star yao ming a few tips on his swingthe 7ft 6in chinese athlete retired from houston rockets in 201114-time major winner woods will return to competition at tpc sawgrass\n", + "[1.3100934 1.2197887 1.2816095 1.0503652 1.1026005 1.2022011 1.0478559\n", + " 1.034021 1.1362613 1.0527557 1.0512791 1.056706 1.0321931 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 5 8 4 11 9 10 3 6 7 12 16 13 14 15 17]\n", + "=======================\n", + "[\"in 1982 , hollywood-born chanteuse charlene had a surprise worldwide hit with i 've never been to me .one of the most irritating lyrics in the song - it has many - is when she sings about the ` isle of greece ' , as if she were discussing the isle of man or the isle of wight .` i 've moved like harlow in monte carlo , ' she sang , ` and showed 'em what i got ... ' ( actually , when the song became a hit she was in straitened financial circumstances and working in a sweetshop in ilford , essex , so instead of moving like harlow she could have been singing about moving to harlow . )\"]\n", + "=======================\n", + "[\"kefalonia is stunning and does n't play the captain corelli 's mandolin cardisland has n't been tainted by the crowds its greek counterparts getit 's a quarter of the size of spain 's majorca but with a 20th of the touriststhe one must-do outing in kefalonia is to fiskardo , a lovely harbour\"]\n", + "in 1982 , hollywood-born chanteuse charlene had a surprise worldwide hit with i 've never been to me .one of the most irritating lyrics in the song - it has many - is when she sings about the ` isle of greece ' , as if she were discussing the isle of man or the isle of wight .` i 've moved like harlow in monte carlo , ' she sang , ` and showed 'em what i got ... ' ( actually , when the song became a hit she was in straitened financial circumstances and working in a sweetshop in ilford , essex , so instead of moving like harlow she could have been singing about moving to harlow . )\n", + "kefalonia is stunning and does n't play the captain corelli 's mandolin cardisland has n't been tainted by the crowds its greek counterparts getit 's a quarter of the size of spain 's majorca but with a 20th of the touriststhe one must-do outing in kefalonia is to fiskardo , a lovely harbour\n", + "[1.385395 1.3083615 1.1471711 1.1478374 1.073307 1.3039517 1.1788567\n", + " 1.1089524 1.1494755 1.0561852 1.0407797 1.09266 1.1157111 1.0678502\n", + " 1.0653129 1.020639 1.056434 1.0227553]\n", + "\n", + "[ 0 1 5 6 8 3 2 12 7 11 4 13 14 16 9 10 17 15]\n", + "=======================\n", + "[\"former afl star ben cousins left court with a smug smirk on his face following a morning spent in handcuffs and in police custody before he finally fronted court .cousins smiled as he left fremantle magistrates court , despite the magistrate labelling him ' a risk to the public ' and warning him that he now faces a jail term for the ` serious ' offences he has committed .cousins was supposed to appear in court to face reckless driving charges on wednesday morning but he failed to show up .\"]\n", + "=======================\n", + "['ben cousins , 36 , has handed himself in at fremantle police stationarrest warrant was issued a day earlier after he failed to show up in courtcousins was on bail for an alleged low speed police chase on march 11charged with reckless driving , failing to stop and refusing a breath testcousins has been involved in a string of bizarre incidents in the weeks since which have seen him hospitalised for mental health checks']\n", + "former afl star ben cousins left court with a smug smirk on his face following a morning spent in handcuffs and in police custody before he finally fronted court .cousins smiled as he left fremantle magistrates court , despite the magistrate labelling him ' a risk to the public ' and warning him that he now faces a jail term for the ` serious ' offences he has committed .cousins was supposed to appear in court to face reckless driving charges on wednesday morning but he failed to show up .\n", + "ben cousins , 36 , has handed himself in at fremantle police stationarrest warrant was issued a day earlier after he failed to show up in courtcousins was on bail for an alleged low speed police chase on march 11charged with reckless driving , failing to stop and refusing a breath testcousins has been involved in a string of bizarre incidents in the weeks since which have seen him hospitalised for mental health checks\n", + "[1.0793664 1.2178581 1.250168 1.1879485 1.260055 1.2232121 1.156667\n", + " 1.0702852 1.0889784 1.0582292 1.07863 1.0623555 1.04345 1.0384315\n", + " 1.0400975 1.0512502 1.0327997 1.0388719 1.1345809 1.0287002]\n", + "\n", + "[ 4 2 5 1 3 6 18 8 0 10 7 11 9 15 12 14 17 13 16 19]\n", + "=======================\n", + "['the aim was to explore how much nature and nurture influence our party political allegiances and potential voting preferencesto put this to the test , the department of twin research , which hosts the biggest adult twin registry in the uk , recently performed a poll of voting preferences .but research with twins suggests picking who to vote for in an election might have more to do with your genes than the policies of the parties .']\n", + "=======================\n", + "['study of twins in the uk found voting conservative tends to run in familiesvoting ukip , labour and the greens also had moderate levels of heritabilityhowever , voting for the liberal democrats is determined by environmentthe study suggests there may be an underlying genetic element to politics']\n", + "the aim was to explore how much nature and nurture influence our party political allegiances and potential voting preferencesto put this to the test , the department of twin research , which hosts the biggest adult twin registry in the uk , recently performed a poll of voting preferences .but research with twins suggests picking who to vote for in an election might have more to do with your genes than the policies of the parties .\n", + "study of twins in the uk found voting conservative tends to run in familiesvoting ukip , labour and the greens also had moderate levels of heritabilityhowever , voting for the liberal democrats is determined by environmentthe study suggests there may be an underlying genetic element to politics\n", + "[1.5357563 1.296628 1.214625 1.2119812 1.2766575 1.1399963 1.3151333\n", + " 1.1046675 1.0563103 1.0416352 1.010833 1.0159684 1.0935007 1.019278\n", + " 1.0183625 1.0110704 1.0091994 1.0098524 1.1172078 1.1380861]\n", + "\n", + "[ 0 6 1 4 2 3 5 19 18 7 12 8 9 13 14 11 15 10 17 16]\n", + "=======================\n", + "[\"liverpool goalkeeper simon mignolet took the time to pose for pictures with pilots in an aeroplane cockpit as he returned to england after serving on international duty with belgium in euro 2016 qualifiers against cyprus and israel .the 27-year-old is back in england ahead of liverpool 's crucial premier league game with top-four rivals arsenal at the emirates on saturday .although mignolet was included in marc wilmots ' match-day squads for both games , he was denied the chance to add to his 14 international caps in either , with chelsea stopper thibaut courtois preferred instead .\"]\n", + "=======================\n", + "[\"liverpool goalkeeper simon mignolet has returned to england after serving on international duty with belgiumhe was an unused substitute in belgium 's euro 2016 qualifiers against cyprus and israel with chelsea 's thibaut courtois playing insteadmignolet posed for photos with pilots in the cockpit of the plane on the way back to england and posted them on his official facebook accountthe 27-year-old was in the cockpit as the plane landed\"]\n", + "liverpool goalkeeper simon mignolet took the time to pose for pictures with pilots in an aeroplane cockpit as he returned to england after serving on international duty with belgium in euro 2016 qualifiers against cyprus and israel .the 27-year-old is back in england ahead of liverpool 's crucial premier league game with top-four rivals arsenal at the emirates on saturday .although mignolet was included in marc wilmots ' match-day squads for both games , he was denied the chance to add to his 14 international caps in either , with chelsea stopper thibaut courtois preferred instead .\n", + "liverpool goalkeeper simon mignolet has returned to england after serving on international duty with belgiumhe was an unused substitute in belgium 's euro 2016 qualifiers against cyprus and israel with chelsea 's thibaut courtois playing insteadmignolet posed for photos with pilots in the cockpit of the plane on the way back to england and posted them on his official facebook accountthe 27-year-old was in the cockpit as the plane landed\n", + "[1.354275 1.0610623 1.2823459 1.2155354 1.0508476 1.0635612 1.0678461\n", + " 1.2532487 1.0946896 1.0621222 1.0347697 1.043142 1.0277516 1.1669555\n", + " 1.2357761 1.0324643 1.0256724 0. 0. 0. ]\n", + "\n", + "[ 0 2 7 14 3 13 8 6 5 9 1 4 11 10 15 12 16 17 18 19]\n", + "=======================\n", + "[\"wedding season is fast upon us , but with the average cost of the big day hitting # 25,000 , thrifty brides are on the hunt for ways to budget .from scrimping on bar costs to avoiding hefty food bills , femail has compiled the best budgeting tips for brides-to-be .black vases will be on sale after halloween , red and gold after christmas and pink after valentine 's day .\"]\n", + "=======================\n", + "['femail has compiled the best budgeting tips for brides-to-beseat guests on larger tables to save decor costsopt for family-sized meals on the table rather than three-course mealsoffer a signature cocktail menu rather than an open bar']\n", + "wedding season is fast upon us , but with the average cost of the big day hitting # 25,000 , thrifty brides are on the hunt for ways to budget .from scrimping on bar costs to avoiding hefty food bills , femail has compiled the best budgeting tips for brides-to-be .black vases will be on sale after halloween , red and gold after christmas and pink after valentine 's day .\n", + "femail has compiled the best budgeting tips for brides-to-beseat guests on larger tables to save decor costsopt for family-sized meals on the table rather than three-course mealsoffer a signature cocktail menu rather than an open bar\n", + "[1.2114551 1.3086681 1.25923 1.2962554 1.2400836 1.1185864 1.0941715\n", + " 1.0763978 1.1072977 1.148327 1.0857806 1.0836216 1.091783 1.0350994\n", + " 1.0653712 1.038092 1.0514624 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 9 5 8 6 12 10 11 7 14 16 15 13 18 17 19]\n", + "=======================\n", + "[\"according to a new survey by student newspaper the tab , 11 percent of computer scientists currently in higher education have n't had sex .a new study says students on computer science and dentistry courses at british universities are much less likely to have had sex ( picture posed by models )11,549 students were asked about their bedroom habits for the study , which then broke down the statistics in terms of which courses each person was enrolled on .\"]\n", + "=======================\n", + "['survey by student news website the tab looked into university sex habitsit found that scientists and dentists were most likely to be virginssociologists and artists were least likely to still have their virginity']\n", + "according to a new survey by student newspaper the tab , 11 percent of computer scientists currently in higher education have n't had sex .a new study says students on computer science and dentistry courses at british universities are much less likely to have had sex ( picture posed by models )11,549 students were asked about their bedroom habits for the study , which then broke down the statistics in terms of which courses each person was enrolled on .\n", + "survey by student news website the tab looked into university sex habitsit found that scientists and dentists were most likely to be virginssociologists and artists were least likely to still have their virginity\n", + "[1.2587277 1.5314204 1.362476 1.3658398 1.1171525 1.115313 1.0452013\n", + " 1.0265454 1.0293003 1.1751049 1.0330693 1.0711757 1.0140314 1.1669917\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 9 13 4 5 11 6 10 8 7 12 18 14 15 16 17 19]\n", + "=======================\n", + "[\"the bizarre incident was caught on cctv and shows a man trying to lift the exit barrier at nottingham train station 's multi-storey car park , damaging it in the process .briitish transport police have released a cctv image of the man in the hope he will be recognised by members of the publicpolice are searching for a vandal who damaged a car park barrier while showing off his weightlifting moves .\"]\n", + "=======================\n", + "['man caught on cctv using weightlifting move to push car park barriernot clear if he was trying to avoid paying ticket or just showing offbritish transport police have released his picture in bid to identify himdo you know the weightlifter ?']\n", + "the bizarre incident was caught on cctv and shows a man trying to lift the exit barrier at nottingham train station 's multi-storey car park , damaging it in the process .briitish transport police have released a cctv image of the man in the hope he will be recognised by members of the publicpolice are searching for a vandal who damaged a car park barrier while showing off his weightlifting moves .\n", + "man caught on cctv using weightlifting move to push car park barriernot clear if he was trying to avoid paying ticket or just showing offbritish transport police have released his picture in bid to identify himdo you know the weightlifter ?\n", + "[1.2261647 1.3806058 1.2412843 1.2602313 1.1937953 1.191693 1.0819854\n", + " 1.0338539 1.0334039 1.0250851 1.1630042 1.0667793 1.1688092 1.0903774\n", + " 1.0596912 1.0090616 1.0130357 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 12 10 13 6 11 14 7 8 9 16 15 19 17 18 20]\n", + "=======================\n", + "['the man was located after operation resolve launched the appeal on thursday morning in the hope that the supporters might be able to supply crucial evidence for the ongoing inquest .they form part of an ongoing home office inquiry aiming to establish whether any individual or organisation was to blame for the disaster which claimed the lives of 96 liverpool fans .photographs which show the men and woman rushing towards those crushed in the tragedy were released , with investigators urging anyone who recognises them to come forward .']\n", + "=======================\n", + "['investigators have released a handful of photographs to help inquiriesthey show fans rushing to tend to the dying as they lay on football pitchpolice say the people photographed could address unanswered questionsa home office probe into 1989 disaster which claimed 96 lives is ongoinganyone with information is urged to call 08000 283 284 or visit www.operationresolve.co.ukanyone who can identify any of the people in the images should call operation resolve on 08000 283 284 or via the website www.operationresolve.co.uk']\n", + "the man was located after operation resolve launched the appeal on thursday morning in the hope that the supporters might be able to supply crucial evidence for the ongoing inquest .they form part of an ongoing home office inquiry aiming to establish whether any individual or organisation was to blame for the disaster which claimed the lives of 96 liverpool fans .photographs which show the men and woman rushing towards those crushed in the tragedy were released , with investigators urging anyone who recognises them to come forward .\n", + "investigators have released a handful of photographs to help inquiriesthey show fans rushing to tend to the dying as they lay on football pitchpolice say the people photographed could address unanswered questionsa home office probe into 1989 disaster which claimed 96 lives is ongoinganyone with information is urged to call 08000 283 284 or visit www.operationresolve.co.ukanyone who can identify any of the people in the images should call operation resolve on 08000 283 284 or via the website www.operationresolve.co.uk\n", + "[1.2043493 1.4485174 1.384834 1.2829207 1.3272247 1.0521808 1.1418597\n", + " 1.0821062 1.0303259 1.026315 1.0158125 1.0130332 1.0144851 1.1497288\n", + " 1.1211711 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 0 13 6 14 7 5 8 9 10 12 11 19 15 16 17 18 20]\n", + "=======================\n", + "[\"in a court case likely to cost # 150,000 , st john 's college and a 74-year-old businessman have been locked in a battle over an unkempt hedgerow between their properties in warwickshire .the bizarre dispute began when anthony bethell decided he would pay for work to restore the ancient 180-yard hedge , which marks the boundary between his home and the college 's land .a crown court judge said the bushes were quickly becoming ` the most expensive hedge in warwickshire '\"]\n", + "=======================\n", + "[\"anthony bethell has taken st john 's college , oxford to court over a hedgebushes divide his home in warwickshire from college 's 1,200-acre plothe claims college refused to meet to discuss replanting ancient hedgerowdispute over ` most expensive hedge ' could cost # 150,000 in legal fees\"]\n", + "in a court case likely to cost # 150,000 , st john 's college and a 74-year-old businessman have been locked in a battle over an unkempt hedgerow between their properties in warwickshire .the bizarre dispute began when anthony bethell decided he would pay for work to restore the ancient 180-yard hedge , which marks the boundary between his home and the college 's land .a crown court judge said the bushes were quickly becoming ` the most expensive hedge in warwickshire '\n", + "anthony bethell has taken st john 's college , oxford to court over a hedgebushes divide his home in warwickshire from college 's 1,200-acre plothe claims college refused to meet to discuss replanting ancient hedgerowdispute over ` most expensive hedge ' could cost # 150,000 in legal fees\n", + "[1.2067343 1.4913684 1.2378287 1.3603346 1.2824519 1.1773205 1.0941844\n", + " 1.1245137 1.1132687 1.0160025 1.0312935 1.0266163 1.0882516 1.0680275\n", + " 1.0244671 1.0188159 1.0083294 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 5 7 8 6 12 13 10 11 14 15 9 16 19 17 18 20]\n", + "=======================\n", + "[\"mohammed dahbi discriminated against actress kassie thornton and her tv executive partner christy spitzer after ordering them to ` keep that behavior for the bedroom ' .he was ordered to pay the couple $ 10,000 in fineshe warned that if they ignored his request during the trip on september 18 , 2011 , he would throw them out .\"]\n", + "=======================\n", + "[\"mohammaed dahbi barked orders at kassie thornton and christy spitzertold pair he would throw them out of new york cab if they continuedthey accused him of discriminating against them because they were gayyellowcab driver told them not to ` make me out to be an a ** hole '\"]\n", + "mohammed dahbi discriminated against actress kassie thornton and her tv executive partner christy spitzer after ordering them to ` keep that behavior for the bedroom ' .he was ordered to pay the couple $ 10,000 in fineshe warned that if they ignored his request during the trip on september 18 , 2011 , he would throw them out .\n", + "mohammaed dahbi barked orders at kassie thornton and christy spitzertold pair he would throw them out of new york cab if they continuedthey accused him of discriminating against them because they were gayyellowcab driver told them not to ` make me out to be an a ** hole '\n", + "[1.0975609 1.2109894 1.4512799 1.3239876 1.403046 1.1577278 1.0645071\n", + " 1.1343346 1.0377095 1.0229757 1.2122582 1.0127653 1.0164669 1.1117774\n", + " 1.0119354 1.0168895 1.0124606 1.055242 1.0103261 1.0203493 1.0122001]\n", + "\n", + "[ 2 4 3 10 1 5 7 13 0 6 17 8 9 19 15 12 11 16 20 14 18]\n", + "=======================\n", + "[\"ellie , 10 , and taylor , five , lost their eight-year-old brother harvey last year to a mystery illness , and when easter approached they decided to donate all their eggs to the patients at sheffield children 's hospital where he was cared for .lian marshall - pictured among the treats - has two chocolate-loving daughters but this incredible bounty is not for them .once the family , from furness vale , derbyshire , posted on facebook , kind strangers began to send eggs - and now there are more than 1,000 .\"]\n", + "=======================\n", + "['ellie , ten , and taylor , five , advertised about collecting eggs on facebookwanted treats to give to hospital in sheffield in memory of their brother']\n", + "ellie , 10 , and taylor , five , lost their eight-year-old brother harvey last year to a mystery illness , and when easter approached they decided to donate all their eggs to the patients at sheffield children 's hospital where he was cared for .lian marshall - pictured among the treats - has two chocolate-loving daughters but this incredible bounty is not for them .once the family , from furness vale , derbyshire , posted on facebook , kind strangers began to send eggs - and now there are more than 1,000 .\n", + "ellie , ten , and taylor , five , advertised about collecting eggs on facebookwanted treats to give to hospital in sheffield in memory of their brother\n", + "[1.2412786 1.5248616 1.2065835 1.1054525 1.3521061 1.2067988 1.103368\n", + " 1.069932 1.1495166 1.0741102 1.0880318 1.0974889 1.0689577 1.0752528\n", + " 1.131507 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 5 2 8 14 3 6 11 10 13 9 7 12 15 16 17 18 19 20]\n", + "=======================\n", + "[\"brittany lyn hilbert of orlando , florida was charged with domestic violence battery and battery of a person over 65-years-old .a woman , 23 , was arrested on wednesday after she allegedly hit her 67-year-old boyfriend in the face so hard that she knocked out one of his contact lenses .the victim 's identity has not been released .\"]\n", + "=======================\n", + "['brittany lyn hilbert of orlando , florida was charged with domestic violence battery and battery of a person over 65-years-oldhilbert allegedly hit her boyfriend and knocked out one of his contact lenses during an argument over a friend he did not want her to seehilbert told police her boyfriend body bumped herhilbert has been arrested a total of five times and her charges include possession of pot and xanax and also failure to appear in court']\n", + "brittany lyn hilbert of orlando , florida was charged with domestic violence battery and battery of a person over 65-years-old .a woman , 23 , was arrested on wednesday after she allegedly hit her 67-year-old boyfriend in the face so hard that she knocked out one of his contact lenses .the victim 's identity has not been released .\n", + "brittany lyn hilbert of orlando , florida was charged with domestic violence battery and battery of a person over 65-years-oldhilbert allegedly hit her boyfriend and knocked out one of his contact lenses during an argument over a friend he did not want her to seehilbert told police her boyfriend body bumped herhilbert has been arrested a total of five times and her charges include possession of pot and xanax and also failure to appear in court\n", + "[1.2169975 1.2888906 1.3890203 1.1945555 1.3122448 1.1516597 1.1289647\n", + " 1.1038405 1.068184 1.0726217 1.071305 1.0255698 1.0491037 1.0769602\n", + " 1.0469713 1.0494106 1.0715067 1.0555222 1.0503829 1.0385271 0. ]\n", + "\n", + "[ 2 4 1 0 3 5 6 7 13 9 16 10 8 17 18 15 12 14 19 11 20]\n", + "=======================\n", + "['he was born at the luton and dunstable hospital in september 1989 , but was readmitted three months later , suffering a serious brain haemorrhage .the young man , who can not be identified for legal reasons , now relies on 24-hour care .a 25-year-old man left brain damaged as a baby after a blunder by doctors has today won his 23-year battle for # 7.3 million compensation .']\n", + "=======================\n", + "['25-year-old was left brain damaged after doctors failed to administer vitamin k shortly after he was born at luton and dunstable hospitalvitamin k helps the blood clot and prevents bleeding in young babiesman suffered a brain haemorrhage and now needs 24-hour carejudge awarded him # 7.3 million to pay for his ongoing treatment and care']\n", + "he was born at the luton and dunstable hospital in september 1989 , but was readmitted three months later , suffering a serious brain haemorrhage .the young man , who can not be identified for legal reasons , now relies on 24-hour care .a 25-year-old man left brain damaged as a baby after a blunder by doctors has today won his 23-year battle for # 7.3 million compensation .\n", + "25-year-old was left brain damaged after doctors failed to administer vitamin k shortly after he was born at luton and dunstable hospitalvitamin k helps the blood clot and prevents bleeding in young babiesman suffered a brain haemorrhage and now needs 24-hour carejudge awarded him # 7.3 million to pay for his ongoing treatment and care\n", + "[1.1286955 1.3314428 1.3563213 1.2833235 1.1067692 1.1339184 1.0818845\n", + " 1.047465 1.0112149 1.0121973 1.0644143 1.084963 1.1385608 1.0816913\n", + " 1.1178316 1.1642877 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 15 12 5 0 14 4 11 6 13 10 7 9 8 16 17 18 19 20]\n", + "=======================\n", + "[\"the paper 's powerful photo series entitled 'till death do us part , ' on domestic violence scooped the top award for its exploration into why south carolina is among the deadliest states for women .and today , the pulitzer prize for journalism went to the post and courier newspaper of charleston , south carolina - which has a tiny staff of just 80 and a daily circulation of 85,000 .winner : this iconic photo by new york times photographer daniel berehulak , was part of a winning series , and shows james dorbor , 8 , suspected of being infected with ebola , being carried by medical staff to an ebola treatment center in monrovia , liberia\"]\n", + "=======================\n", + "['the post and courier newspaper of charleston , south carolina was awarded the gold medal for public servicemeanwhile , the new york times won three pulitzer prizes for international reporting and feature photography for its ebola coverage in west africathe pulitzer prizes , awarded annually by columbia university recognize extraordinary work in u.s. journalism , literature , and dramaother winners included : the st. louis post-dispatch , the seattle times and the wall street journal for their contributions']\n", + "the paper 's powerful photo series entitled 'till death do us part , ' on domestic violence scooped the top award for its exploration into why south carolina is among the deadliest states for women .and today , the pulitzer prize for journalism went to the post and courier newspaper of charleston , south carolina - which has a tiny staff of just 80 and a daily circulation of 85,000 .winner : this iconic photo by new york times photographer daniel berehulak , was part of a winning series , and shows james dorbor , 8 , suspected of being infected with ebola , being carried by medical staff to an ebola treatment center in monrovia , liberia\n", + "the post and courier newspaper of charleston , south carolina was awarded the gold medal for public servicemeanwhile , the new york times won three pulitzer prizes for international reporting and feature photography for its ebola coverage in west africathe pulitzer prizes , awarded annually by columbia university recognize extraordinary work in u.s. journalism , literature , and dramaother winners included : the st. louis post-dispatch , the seattle times and the wall street journal for their contributions\n", + "[1.4670396 1.3166666 1.0502683 1.0617146 1.0291169 1.0213641 1.041033\n", + " 1.0277272 1.1121104 1.1123114 1.2007576 1.1910422 1.1468103 1.077149\n", + " 1.083402 1.2124548 1.0985128 1.0400742 1.2275896 0. 0. ]\n", + "\n", + "[ 0 1 18 15 10 11 12 9 8 16 14 13 3 2 6 17 4 7 5 19 20]\n", + "=======================\n", + "[\"retiring 20-time jump jockey ap mccoy has fired a borrowed phrase from great olympian sir steve redgrave back at those who think he might perform a u-turn and reverse his plans to walk away from the sport .the 40-year-old rider , who has two final rides at sandown on saturday , said : ` to be fair to steve redgrave , you have to put your body through physical torture to try and win a fifth gold medal in boat . 'the 20-time champion jockey will ride his last two races at sandown racecourse on saturday\"]\n", + "=======================\n", + "[\"retiring jockey ap mccoy has vowed to never return to professional ridingthe 40-year-old rider said : ` shoot me if i ride professionally again 'olympian sir steve redgrave said similar phrase when he retiredbut , redgrave returned to claim olympic gold four years later in sydney\"]\n", + "retiring 20-time jump jockey ap mccoy has fired a borrowed phrase from great olympian sir steve redgrave back at those who think he might perform a u-turn and reverse his plans to walk away from the sport .the 40-year-old rider , who has two final rides at sandown on saturday , said : ` to be fair to steve redgrave , you have to put your body through physical torture to try and win a fifth gold medal in boat . 'the 20-time champion jockey will ride his last two races at sandown racecourse on saturday\n", + "retiring jockey ap mccoy has vowed to never return to professional ridingthe 40-year-old rider said : ` shoot me if i ride professionally again 'olympian sir steve redgrave said similar phrase when he retiredbut , redgrave returned to claim olympic gold four years later in sydney\n", + "[1.2837737 1.3186368 1.1882639 1.2482408 1.188525 1.1544424 1.0888027\n", + " 1.0407312 1.1423067 1.0986427 1.0234404 1.1099938 1.0503526 1.0364976\n", + " 1.0400237 1.0519267 1.0115123 1.0428019 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 4 2 5 8 11 9 6 15 12 17 7 14 13 10 16 19 18 20]\n", + "=======================\n", + "['the tragic incident took place in princess anne - a community of 3,260 in somerset county , maryland .a maryland father and his seven children were discovered dead monday afternoon from carbon monoxide poisoning caused by a generator they were using after the power company had cut off their electricity , according to relatives .deceased father : relatives have identified the adult victim as father of seven rodney todd sr , 36 , pictured left and right']\n", + "=======================\n", + "['victims were found inside home in princess anne , maryland , monday afternoondead children range in age from six to 16 and were all brothers and sistersrelatives named the adult victim as 36-year-old rodney todd srtodd and his children - five daughters and two sons - had not been seen or heard from since march 28grandmother named the children as cameron , 13 ; zycheim , 7 ; tynijuiza , 15 ; tykira , 12 ; tybree , 10 ; tyania , 9 ; and tybria todd , 6']\n", + "the tragic incident took place in princess anne - a community of 3,260 in somerset county , maryland .a maryland father and his seven children were discovered dead monday afternoon from carbon monoxide poisoning caused by a generator they were using after the power company had cut off their electricity , according to relatives .deceased father : relatives have identified the adult victim as father of seven rodney todd sr , 36 , pictured left and right\n", + "victims were found inside home in princess anne , maryland , monday afternoondead children range in age from six to 16 and were all brothers and sistersrelatives named the adult victim as 36-year-old rodney todd srtodd and his children - five daughters and two sons - had not been seen or heard from since march 28grandmother named the children as cameron , 13 ; zycheim , 7 ; tynijuiza , 15 ; tykira , 12 ; tybree , 10 ; tyania , 9 ; and tybria todd , 6\n", + "[1.212295 1.4522239 1.1125225 1.0734892 1.3239247 1.1594899 1.0504868\n", + " 1.0371495 1.118339 1.1158913 1.0429006 1.0377296 1.0958551 1.0348659\n", + " 1.1219974 1.0248119 1.1069312 1.158799 1.0419707 1.0292602 1.11288 ]\n", + "\n", + "[ 1 4 0 5 17 14 8 9 20 2 16 12 3 6 10 18 11 7 13 19 15]\n", + "=======================\n", + "['father-of-one szilveszter , 24 , who now lives in bolton , feared he would never be able to have more children after the diy procedure left him unable to have sex .father-of-one szilveszter injected petroleum jelly into his penis as he wanted to make it bigger .a man was left with a swollen and painful penis thanks to injecting himself with petroleum jelly in the hope it would make his manhood bigger .']\n", + "=======================\n", + "[\"szilveszter , 24 , had petroleum jelly injected into penis by a friendtold it would make him biggerit left him swollen and in constant pain so he could n't have sexcosmetic surgeon admitted ` his penis is a disaster 'he needed hours of surgery in order to recover\"]\n", + "father-of-one szilveszter , 24 , who now lives in bolton , feared he would never be able to have more children after the diy procedure left him unable to have sex .father-of-one szilveszter injected petroleum jelly into his penis as he wanted to make it bigger .a man was left with a swollen and painful penis thanks to injecting himself with petroleum jelly in the hope it would make his manhood bigger .\n", + "szilveszter , 24 , had petroleum jelly injected into penis by a friendtold it would make him biggerit left him swollen and in constant pain so he could n't have sexcosmetic surgeon admitted ` his penis is a disaster 'he needed hours of surgery in order to recover\n", + "[1.1001116 1.3730993 1.1978248 1.2821932 1.1582851 1.0803647 1.1016805\n", + " 1.1615157 1.121763 1.0467162 1.1399868 1.1325179 1.0283954 1.0637748\n", + " 1.0428795 1.0570958 1.0405858 1.0916744 1.0531605]\n", + "\n", + "[ 1 3 2 7 4 10 11 8 6 0 17 5 13 15 18 9 14 16 12]\n", + "=======================\n", + "[\"the likes of morgan schneiderlin , yannick bolasie and nathaniel clyne are wanted men as champions league heavyweights like arsenal and manchester united circle like vultures .wanted by : arsenal , spurs , chelsea valued at : # 25msportsmail looks at 10 players who could be taking a ` step up ' this summer .\"]\n", + "=======================\n", + "['champions league-chasing clubs looking to hoover up talentarsenal , manchester united , liverpool and chelsea all in the huntsouthampton , burnley and everton could suffer at the hands of top clubs']\n", + "the likes of morgan schneiderlin , yannick bolasie and nathaniel clyne are wanted men as champions league heavyweights like arsenal and manchester united circle like vultures .wanted by : arsenal , spurs , chelsea valued at : # 25msportsmail looks at 10 players who could be taking a ` step up ' this summer .\n", + "champions league-chasing clubs looking to hoover up talentarsenal , manchester united , liverpool and chelsea all in the huntsouthampton , burnley and everton could suffer at the hands of top clubs\n", + "[1.219678 1.3629568 1.2921195 1.3508211 1.1749189 1.154102 1.1319866\n", + " 1.0429835 1.0403203 1.0159824 1.094747 1.0561104 1.0641983 1.0747952\n", + " 1.0341547 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 6 10 13 12 11 7 8 14 9 15 16 17 18]\n", + "=======================\n", + "[\"the snp leader said the ` direction of travel ' was towards independence , as she set out her demands for her to support ed miliband if labour falls short of a majority .but david cameron warned of the ` frightening ' prospect of the snp holding labour to ransom and demanding they ditch new roads and hospitals in england , wales and northern ireland .scotland will definitely become independent one day , nicola sturgeon vowed today as she again refused to rule out a second referendum on breaking up the union .\"]\n", + "=======================\n", + "[\"snp leader says she is not planning second referendum ` at this stage 'forced to deny her mps will wreak havoc in westminster after the electioncameron warns labour already punishing areas where they have no seatssnp holding labour to ransom means rest of uk ` would n't get a look in 'cameron urges tactical voting from ukip and lib dems to block labour\"]\n", + "the snp leader said the ` direction of travel ' was towards independence , as she set out her demands for her to support ed miliband if labour falls short of a majority .but david cameron warned of the ` frightening ' prospect of the snp holding labour to ransom and demanding they ditch new roads and hospitals in england , wales and northern ireland .scotland will definitely become independent one day , nicola sturgeon vowed today as she again refused to rule out a second referendum on breaking up the union .\n", + "snp leader says she is not planning second referendum ` at this stage 'forced to deny her mps will wreak havoc in westminster after the electioncameron warns labour already punishing areas where they have no seatssnp holding labour to ransom means rest of uk ` would n't get a look in 'cameron urges tactical voting from ukip and lib dems to block labour\n", + "[1.320103 1.2612455 1.3793428 1.1159798 1.113039 1.0724157 1.0974944\n", + " 1.1141679 1.0371602 1.0775536 1.1007553 1.039706 1.0340241 1.0379052\n", + " 1.0490317 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 3 7 4 10 6 9 5 14 11 13 8 12 17 15 16 18]\n", + "=======================\n", + "['heads of state from 35 countries in the western hemisphere have met every three years to discuss economic , social or political issues since the creation of the summit in 1994 .( cnn ) the vii summit of the americas was supposed to be all about the symbolic handshake between the united states and cuba .but insert venezuela into the mix and panama city , panama , quickly turns into a \" triangle of tension . \"']\n", + "=======================\n", + "['u.s. , venezuelan relations threaten to overshadow obama , castro meetingvenezuelan president says united states moved to oust him ; he has the support of the cuban foreign minister']\n", + "heads of state from 35 countries in the western hemisphere have met every three years to discuss economic , social or political issues since the creation of the summit in 1994 .( cnn ) the vii summit of the americas was supposed to be all about the symbolic handshake between the united states and cuba .but insert venezuela into the mix and panama city , panama , quickly turns into a \" triangle of tension . \"\n", + "u.s. , venezuelan relations threaten to overshadow obama , castro meetingvenezuelan president says united states moved to oust him ; he has the support of the cuban foreign minister\n", + "[1.4095998 1.5280561 1.2681756 1.3011801 1.0393733 1.0371118 1.1212667\n", + " 1.152141 1.122575 1.0360041 1.0797008 1.04406 1.0380534 1.0270712\n", + " 1.0903803 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 7 8 6 14 10 11 4 12 5 9 13 17 15 16 18]\n", + "=======================\n", + "[\"cristiano ronaldo returned to the club 's valdebebas training ground after helping portugal go top of euro 2016 qualifying group i with a 2-1 win against serbia on sunday evening .real madrid 's international stars were reunited on wednesday as they took part in their first training session since losing el clasico to fierce rivals barcelona .he was pictured greeting fellow galactico gareth bale , who also enjoyed a successful weekend with his country as he scored twice in wales ' 3-0 victory against israel in haifa .\"]\n", + "=======================\n", + "[\"real madrid host granada at the bernabeu on sunday , kick-off 11amthe match will be real 's first since their el clasico defeat at barcelonacristiano ronaldo and gareth bale are both back from international dutymartin odegaard took part in the first-team session with carlo ancelotti\"]\n", + "cristiano ronaldo returned to the club 's valdebebas training ground after helping portugal go top of euro 2016 qualifying group i with a 2-1 win against serbia on sunday evening .real madrid 's international stars were reunited on wednesday as they took part in their first training session since losing el clasico to fierce rivals barcelona .he was pictured greeting fellow galactico gareth bale , who also enjoyed a successful weekend with his country as he scored twice in wales ' 3-0 victory against israel in haifa .\n", + "real madrid host granada at the bernabeu on sunday , kick-off 11amthe match will be real 's first since their el clasico defeat at barcelonacristiano ronaldo and gareth bale are both back from international dutymartin odegaard took part in the first-team session with carlo ancelotti\n", + "[1.1637449 1.1758324 1.4355645 1.3669722 1.2516048 1.2632185 1.0841633\n", + " 1.1442089 1.0597211 1.0555344 1.0695007 1.048079 1.0379113 1.0168102\n", + " 1.0174358 1.0204705 1.0240171 1.0912342 0. ]\n", + "\n", + "[ 2 3 5 4 1 0 7 17 6 10 8 9 11 12 16 15 14 13 18]\n", + "=======================\n", + "[\"labour 's football-mad scottish leader jim murphy scored the winning goal in the friendly match against the tories in edinburgh .the match was organised to help motor neurone disease campaigner gordon aikman in his fight against the terminal condition .with the nationalists on course to win up to 50 seats in may , labour finally had something to celebrate today -- but only in a charity penalty shoot out .\"]\n", + "=======================\n", + "['jim murphy scored winning penalty in charity shootout in edinburghgame put on for terminal motor neurone disease sufferer gordon aikmanmr aikman was diagnosed with the terminal condition less than a year agohe has raised over # 250,000 for research into a cure through his campaign']\n", + "labour 's football-mad scottish leader jim murphy scored the winning goal in the friendly match against the tories in edinburgh .the match was organised to help motor neurone disease campaigner gordon aikman in his fight against the terminal condition .with the nationalists on course to win up to 50 seats in may , labour finally had something to celebrate today -- but only in a charity penalty shoot out .\n", + "jim murphy scored winning penalty in charity shootout in edinburghgame put on for terminal motor neurone disease sufferer gordon aikmanmr aikman was diagnosed with the terminal condition less than a year agohe has raised over # 250,000 for research into a cure through his campaign\n", + "[1.3696415 1.388782 1.2643715 1.192764 1.2984312 1.0303574 1.0611956\n", + " 1.0563147 1.029857 1.1237434 1.0687951 1.0402356 1.058264 1.0273329\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 9 10 6 12 7 11 5 8 13 23 22 21 20 19 17 16 15 14 24\n", + " 18 25]\n", + "=======================\n", + "[\"loretta burroughs , 63 , sobbed throughout her sentencing as relatives of her late husband , danny , talked about the horror of losing him and finding out that she chopped up his body and took his remains with her when she moved .a new jersey woman convicted of killing her husband and hiding his remains in storage containers wept in court wednesday as a judge sentenced her to 55 years in prison after comparing the grisly murder to al capone 's st valentine 's day massacre .victim : daniel burroughs was missing for six years before his chopped up remains were found at his wife 's home in ventnor , new jersey , in 2013\"]\n", + "=======================\n", + "[\"warning : graphic contentloretta burroughs , 63 , from new jersey , was convicted of first-degree murder last month for stabbing her husband daniel to death in 2007grandmother concealed body parts in two large boxes and when they were opened his skull and jawbone were in an olive-colored handbagnew jersey judge compared grisly murder to al capone 's st valentine 's day massacreburroughs insisted the killing was not planned , but friends had said she killed him because she did n't want to relocate to florida\"]\n", + "loretta burroughs , 63 , sobbed throughout her sentencing as relatives of her late husband , danny , talked about the horror of losing him and finding out that she chopped up his body and took his remains with her when she moved .a new jersey woman convicted of killing her husband and hiding his remains in storage containers wept in court wednesday as a judge sentenced her to 55 years in prison after comparing the grisly murder to al capone 's st valentine 's day massacre .victim : daniel burroughs was missing for six years before his chopped up remains were found at his wife 's home in ventnor , new jersey , in 2013\n", + "warning : graphic contentloretta burroughs , 63 , from new jersey , was convicted of first-degree murder last month for stabbing her husband daniel to death in 2007grandmother concealed body parts in two large boxes and when they were opened his skull and jawbone were in an olive-colored handbagnew jersey judge compared grisly murder to al capone 's st valentine 's day massacreburroughs insisted the killing was not planned , but friends had said she killed him because she did n't want to relocate to florida\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[1.580215 1.3800427 1.0885067 1.0896969 1.2767599 1.05664 1.0526829\n", + " 1.0231781 1.2734214 1.0859355 1.0283144 1.0120333 1.0174807 1.0152004\n", + " 1.0132113 1.2449789 1.0635633 1.3175648 1.0088454 1.0111493 1.1194199\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 17 4 8 15 20 3 2 9 16 5 6 10 7 12 13 14 11 19 18 24 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"arsene wenger admits he did not expect arsenal 's late charge for the top of the barclays premier league to be powered by hector bellerin and francis coquelin .spanish full-back bellerin scored his second arsenal goal against liverpool , on saturday , a wonderful curling left-footer to break the deadlock and launch his team towards a 4-1 win .hector bellerin celebrates scoring arsenal 's first goal during the 4-1 victory against liverpool\"]\n", + "=======================\n", + "[\"hector bellerin scored arsenal 's first goal in the 4-1 win against liverpoolfranci coquelin has been a revelation in front of arsenal 's back fourarsene wenger admits he did n't expect the duo to become so vital\"]\n", + "arsene wenger admits he did not expect arsenal 's late charge for the top of the barclays premier league to be powered by hector bellerin and francis coquelin .spanish full-back bellerin scored his second arsenal goal against liverpool , on saturday , a wonderful curling left-footer to break the deadlock and launch his team towards a 4-1 win .hector bellerin celebrates scoring arsenal 's first goal during the 4-1 victory against liverpool\n", + "hector bellerin scored arsenal 's first goal in the 4-1 win against liverpoolfranci coquelin has been a revelation in front of arsenal 's back fourarsene wenger admits he did n't expect the duo to become so vital\n", + "[1.1991215 1.4215463 1.381792 1.2889714 1.2728201 1.0633152 1.0289972\n", + " 1.0295924 1.0749172 1.0861781 1.0517434 1.0458124 1.0477157 1.0916528\n", + " 1.0661416 1.0502284 1.0425575 1.0587796 1.0410048 1.0275388 1.0969781\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 20 13 9 8 14 5 17 10 15 12 11 16 18 7 6 19 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"the mother-to-be , whose name is injaz , was cloned from the ovarian cells of a slaughtered camel in 2009 and born from a surrogate mother .injaz was six years old this week and is said to have conceived naturally .the world 's first cloned camel is pregnant , scientists claim .\"]\n", + "=======================\n", + "[\"cloned camel was born in 2009 and called inzaz , which means achievementshe was cloned from ovarian cells and born by surrogate motherinjaz is now six years old and is said to have conceived naturallyshe 's expected to give birth late this year , proving cloned animals ' fertility\"]\n", + "the mother-to-be , whose name is injaz , was cloned from the ovarian cells of a slaughtered camel in 2009 and born from a surrogate mother .injaz was six years old this week and is said to have conceived naturally .the world 's first cloned camel is pregnant , scientists claim .\n", + "cloned camel was born in 2009 and called inzaz , which means achievementshe was cloned from ovarian cells and born by surrogate motherinjaz is now six years old and is said to have conceived naturallyshe 's expected to give birth late this year , proving cloned animals ' fertility\n", + "[1.2247118 1.1037816 1.0987904 1.298259 1.1116124 1.1669259 1.0760291\n", + " 1.1546675 1.0905232 1.1519828 1.0625823 1.0589404 1.0765308 1.0375679\n", + " 1.0332026 1.0185866 1.0257763 1.0302614 1.0190086 1.0254366 1.1196203\n", + " 1.1604626 1.0882521 1.0797685 1.0432901 1.0182455]\n", + "\n", + "[ 3 0 5 21 7 9 20 4 1 2 8 22 23 12 6 10 11 24 13 14 17 16 19 18\n", + " 15 25]\n", + "=======================\n", + "[\"gray wavered in and out of a coma and died sunday , one week after his arrest .( cnn ) the bizarre circumstances surrounding freddie gray 's death have inflamed tensions across the country .but gray is far from the only suspect who died under questionable circumstances after he was already in custody .\"]\n", + "=======================\n", + "[\"police say victor white iii and jesus huerta shot themselves while handcuffed in carsreport : police ignored jorge azucena 's complaints that he had asthma and could n't breathekelly thomas died five days after he was beaten by police in fullerton , california\"]\n", + "gray wavered in and out of a coma and died sunday , one week after his arrest .( cnn ) the bizarre circumstances surrounding freddie gray 's death have inflamed tensions across the country .but gray is far from the only suspect who died under questionable circumstances after he was already in custody .\n", + "police say victor white iii and jesus huerta shot themselves while handcuffed in carsreport : police ignored jorge azucena 's complaints that he had asthma and could n't breathekelly thomas died five days after he was beaten by police in fullerton , california\n", + "[1.1350541 1.3918118 1.2869433 1.0576555 1.1519518 1.25419 1.1586483\n", + " 1.092932 1.0926081 1.1411135 1.1511292 1.0127684 1.155457 1.0675782\n", + " 1.0407243 1.0080426 1.0198164 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 5 6 12 4 10 9 0 7 8 13 3 14 16 11 15 23 22 21 17 19 18 24\n", + " 20 25]\n", + "=======================\n", + "[\"teachers say that youngsters have been playing truant as they attempt to find instant stardom on the itv talent show .as a result , for the first time producers have held auditions at dozens of secondary schools and colleges around the uk for the new series .teacher angela butler said britain 's got talent spent two hours at her school -- newtown high school , in powys , mid-wales -- and a local sixth-form college in november .\"]\n", + "=======================\n", + "[\"itv 's britain 's got talent is returning on saturday for its ninth seriesteacher 's say kids have bunked off school in the past to attend auditionsso for first time ever producers are holding auditions at dozens of schoolsmove has helped reduce unauthorised absence levels in several schools\"]\n", + "teachers say that youngsters have been playing truant as they attempt to find instant stardom on the itv talent show .as a result , for the first time producers have held auditions at dozens of secondary schools and colleges around the uk for the new series .teacher angela butler said britain 's got talent spent two hours at her school -- newtown high school , in powys , mid-wales -- and a local sixth-form college in november .\n", + "itv 's britain 's got talent is returning on saturday for its ninth seriesteacher 's say kids have bunked off school in the past to attend auditionsso for first time ever producers are holding auditions at dozens of schoolsmove has helped reduce unauthorised absence levels in several schools\n", + "[1.2653506 1.4965668 1.2088858 1.3479104 1.2437341 1.11668 1.1101146\n", + " 1.1936469 1.1941389 1.1445997 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 8 7 9 5 6 17 10 11 12 13 14 15 16 18]\n", + "=======================\n", + "[\"the 25-year-old striker came off after 58 minutes of saturday 's 1-1 draw at home to stoke with a thigh strain .the west ham striker has scored 12 goals this season , but could be out for the rest of the campaignhe was sent for scans on monday amid fears he may have a minor tear and club physios are hopeful it is not as severe as first thought .\"]\n", + "=======================\n", + "['diafra sakho could miss the rest of the season due to injurythe west ham striker picked up thigh strain in game against stokethe 25-year-old was taken off after 58 minutes and went for scans']\n", + "the 25-year-old striker came off after 58 minutes of saturday 's 1-1 draw at home to stoke with a thigh strain .the west ham striker has scored 12 goals this season , but could be out for the rest of the campaignhe was sent for scans on monday amid fears he may have a minor tear and club physios are hopeful it is not as severe as first thought .\n", + "diafra sakho could miss the rest of the season due to injurythe west ham striker picked up thigh strain in game against stokethe 25-year-old was taken off after 58 minutes and went for scans\n", + "[1.2317982 1.4233804 1.236724 1.3361557 1.2359931 1.1085517 1.0377234\n", + " 1.0619284 1.0319421 1.1637757 1.0728555 1.0355402 1.0121053 1.058773\n", + " 1.0831252 1.1432047 1.0757425 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 9 15 5 14 16 10 7 13 6 11 8 12 17 18]\n", + "=======================\n", + "[\"the child 's infectious giggles can be heard after r2d2 followed him around star wars celebration convention in anaheim , california and the pair began spinning around each other in circles .a young star wars fan giggled in delight when he was approached by his favourite character r2d2clearly a fan , the boy was dressed in a star wars t-shirt and had merchandise fixed to his wheelchair to promote the new film , the force awakens .\"]\n", + "=======================\n", + "['star wars fan went to a star wars convention for new force awakens filmhe met his hero r2d2 who began spinning around with the childboy can be heard giggling uncontrollably as r2d2 mirrors and follows himchild was at a convention in anaheim , dressed in star wars merchandise']\n", + "the child 's infectious giggles can be heard after r2d2 followed him around star wars celebration convention in anaheim , california and the pair began spinning around each other in circles .a young star wars fan giggled in delight when he was approached by his favourite character r2d2clearly a fan , the boy was dressed in a star wars t-shirt and had merchandise fixed to his wheelchair to promote the new film , the force awakens .\n", + "star wars fan went to a star wars convention for new force awakens filmhe met his hero r2d2 who began spinning around with the childboy can be heard giggling uncontrollably as r2d2 mirrors and follows himchild was at a convention in anaheim , dressed in star wars merchandise\n", + "[1.3067803 1.3934431 1.1967976 1.0798492 1.2462494 1.1267021 1.0700635\n", + " 1.0173762 1.1604116 1.0637709 1.0484341 1.0779545 1.024546 1.0624578\n", + " 1.2388353 1.0859412 1.0709009 1.0251647 1.0116869]\n", + "\n", + "[ 1 0 4 14 2 8 5 15 3 11 16 6 9 13 10 17 12 7 18]\n", + "=======================\n", + "[\"the hollywood legend , 71 , who has been a long-time supporter of the democratic party , said if the former secretary of state is voted into the white house there will be ` no surprises ' .robert de niro has said hillary clinton should be president , insisting she has ` earned the right ' to be elected .in an interview with the daily beast , the goodfellas star said she had paid her dues , adding : ` it 's that simple .\"]\n", + "=======================\n", + "[\"actor thinks the former secretary of state has ` paid her dues 'revealed his choice for the nomination at the tribeca film festivalsaid in 2006 both she and obama would one day be in the white houseadded that if she is president there will be ` surprises '\"]\n", + "the hollywood legend , 71 , who has been a long-time supporter of the democratic party , said if the former secretary of state is voted into the white house there will be ` no surprises ' .robert de niro has said hillary clinton should be president , insisting she has ` earned the right ' to be elected .in an interview with the daily beast , the goodfellas star said she had paid her dues , adding : ` it 's that simple .\n", + "actor thinks the former secretary of state has ` paid her dues 'revealed his choice for the nomination at the tribeca film festivalsaid in 2006 both she and obama would one day be in the white houseadded that if she is president there will be ` surprises '\n", + "[1.49091 1.4469168 1.2160898 1.4143236 1.1533935 1.2909702 1.0299098\n", + " 1.0155971 1.0219641 1.0205295 1.0398445 1.024948 1.0786034 1.0133026\n", + " 1.0243131 1.1349773 1.2220886 1.0184498 0. ]\n", + "\n", + "[ 0 1 3 5 16 2 4 15 12 10 6 11 14 8 9 17 7 13 18]\n", + "=======================\n", + "[\"arsenal boss arsene wenger has branded the obsession with jurgen klopp 's next move as a ` ridiculous circus ' .klopp confirmed on wednesday that his intention was to leave borussia dortmund at the end of the season after seven years in which the club won two bundesliga titles and reached the champions league final .arsene wenger branded the ` circus ' surrounding klopp 's departure as ` ridiculous '\"]\n", + "=======================\n", + "[\"jurgen klopp will leave borussia dortmund at the end of the seasonspeculation has been rife that his next job will be in the premier leaguehe has been linked with taking over at arsenal or manchester citybut gunners boss arsene wenger said the talk was ` ridiculous '\"]\n", + "arsenal boss arsene wenger has branded the obsession with jurgen klopp 's next move as a ` ridiculous circus ' .klopp confirmed on wednesday that his intention was to leave borussia dortmund at the end of the season after seven years in which the club won two bundesliga titles and reached the champions league final .arsene wenger branded the ` circus ' surrounding klopp 's departure as ` ridiculous '\n", + "jurgen klopp will leave borussia dortmund at the end of the seasonspeculation has been rife that his next job will be in the premier leaguehe has been linked with taking over at arsenal or manchester citybut gunners boss arsene wenger said the talk was ` ridiculous '\n", + "[1.1538633 1.3314692 1.3810754 1.3176999 1.3560345 1.287374 1.0388296\n", + " 1.0581031 1.0264962 1.0268027 1.0438802 1.014727 1.0963824 1.1074102\n", + " 1.0730503 1.0793366 1.0201291 1.0156314 0. ]\n", + "\n", + "[ 2 4 1 3 5 0 13 12 15 14 7 10 6 9 8 16 17 11 18]\n", + "=======================\n", + "[\"researchers have discovered about half of people with rbd will develop parkinson 's disease or another neurological disorder within a decade of being diagnosed , livescience reports .moving around in sleep , and seeming to ` act out ' dreams is a characteristic of a condition called rapid eye movement sleep behaviour disorder ( rbd ) .ultimately , 81 to 90 per cent of patients with rbg with develop a neurodegenerative disorder , they found .\"]\n", + "=======================\n", + "[\"lashing out in sleep is a sign of ` rapid eye movement behaviour disorder 'half of people with this condition will go on to develop parkinson 's diseaseup to 90 % of people will develop another neurological disorder within 10 yearssleep disorder occurs due to a brain malfunction - meaning the brain does n't paralyse the body 's muscles during the period of sleep when people dream\"]\n", + "researchers have discovered about half of people with rbd will develop parkinson 's disease or another neurological disorder within a decade of being diagnosed , livescience reports .moving around in sleep , and seeming to ` act out ' dreams is a characteristic of a condition called rapid eye movement sleep behaviour disorder ( rbd ) .ultimately , 81 to 90 per cent of patients with rbg with develop a neurodegenerative disorder , they found .\n", + "lashing out in sleep is a sign of ` rapid eye movement behaviour disorder 'half of people with this condition will go on to develop parkinson 's diseaseup to 90 % of people will develop another neurological disorder within 10 yearssleep disorder occurs due to a brain malfunction - meaning the brain does n't paralyse the body 's muscles during the period of sleep when people dream\n", + "[1.3602831 1.1959224 1.3331504 1.3596448 1.4221938 1.260333 1.0724664\n", + " 1.0804002 1.0206459 1.0150975 1.0120267 1.0128939 1.199729 1.2100742\n", + " 1.0140941 1.0158267 1.0816141 1.0079535 0. 0. ]\n", + "\n", + "[ 4 0 3 2 5 13 12 1 16 7 6 8 15 9 14 11 10 17 18 19]\n", + "=======================\n", + "[\"burton albion 's manager jimmy floyd hasselbaink is happy to be promoted , but wants to finish on tophasselbaink 's team beat morecambe 2-1 on saturday thanks to two goals from lucas akins , then the players heard that wycombe could only draw at wimbledon -- and the brewers were up .the burton albion players celebrate their win against morecambe which confirmed promotion\"]\n", + "=======================\n", + "[\"lucas akins scored twice as burton albion were promoted to league onemorecambe victory secured jimmy floyd hasselbaink 's side promotionhasselbaink says the season is n't over , despite already being up\"]\n", + "burton albion 's manager jimmy floyd hasselbaink is happy to be promoted , but wants to finish on tophasselbaink 's team beat morecambe 2-1 on saturday thanks to two goals from lucas akins , then the players heard that wycombe could only draw at wimbledon -- and the brewers were up .the burton albion players celebrate their win against morecambe which confirmed promotion\n", + "lucas akins scored twice as burton albion were promoted to league onemorecambe victory secured jimmy floyd hasselbaink 's side promotionhasselbaink says the season is n't over , despite already being up\n", + "[1.2514384 1.0987153 1.0911152 1.2256603 1.376866 1.1840316 1.0254152\n", + " 1.107822 1.1842381 1.1088455 1.0711564 1.1243651 1.0197084 1.0462729\n", + " 1.0354369 1.0284607 1.1402943 0. 0. 0. ]\n", + "\n", + "[ 4 0 3 8 5 16 11 9 7 1 2 10 13 14 15 6 12 18 17 19]\n", + "=======================\n", + "[\"stan collymore ( third left ) smashes home liverpool 's fourth past newcastle goalkeeper pavel srnicekmartin tyler has been in the commentary game for 40 years , so it 's safe to say he 's witnessed his fair share of blockbusters .` liverpool 4 , newcastle 3 . '\"]\n", + "=======================\n", + "[\"martin tyler revealed 1996 anfield thriller is his favourite game of all timethe iconic commentator says the winning goal still gives him goosebumpsliverpool opened the scoring on two minutes through robbie fowlernewcastle equalised eight minutes later after les ferdinand 's strikewhat followed was a seven goal thriller that went right to the wireit was a chance for both teams to put pressure on league leaders manchester united\"]\n", + "stan collymore ( third left ) smashes home liverpool 's fourth past newcastle goalkeeper pavel srnicekmartin tyler has been in the commentary game for 40 years , so it 's safe to say he 's witnessed his fair share of blockbusters .` liverpool 4 , newcastle 3 . '\n", + "martin tyler revealed 1996 anfield thriller is his favourite game of all timethe iconic commentator says the winning goal still gives him goosebumpsliverpool opened the scoring on two minutes through robbie fowlernewcastle equalised eight minutes later after les ferdinand 's strikewhat followed was a seven goal thriller that went right to the wireit was a chance for both teams to put pressure on league leaders manchester united\n", + "[1.4199278 1.3834223 1.1960218 1.4332682 1.1716756 1.1400392 1.0658097\n", + " 1.0530431 1.0841353 1.035112 1.0392568 1.0655308 1.1503576 1.0300483\n", + " 1.0354656 1.0526344 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 2 4 12 5 8 6 11 7 15 10 14 9 13 18 16 17 19]\n", + "=======================\n", + "[\"gerry pickens , 28 , was fired by the chief of police in orting , washington , after just under a year on the town 's police force - an act he claims is motivated by racism .he decided to file a suit after vandals sprayed racist graffiti on his carthe first black man ever to be hired as a police officer in a small northwestern town had his suv sprayed with the n-word over a planned racial discrimination case against town authorities .\"]\n", + "=======================\n", + "[\"gerry pickens , 28 , was the first black police officer in orting , washingtonwas fired after just under a year - which he says is because of racismvandals sprayed ` n **** r ' on his ford explorer earlier this yearseemed to be attempt to dissuade him from suing over his dismissalsince then , pickens has launched $ 5million legal claim against the town\"]\n", + "gerry pickens , 28 , was fired by the chief of police in orting , washington , after just under a year on the town 's police force - an act he claims is motivated by racism .he decided to file a suit after vandals sprayed racist graffiti on his carthe first black man ever to be hired as a police officer in a small northwestern town had his suv sprayed with the n-word over a planned racial discrimination case against town authorities .\n", + "gerry pickens , 28 , was the first black police officer in orting , washingtonwas fired after just under a year - which he says is because of racismvandals sprayed ` n **** r ' on his ford explorer earlier this yearseemed to be attempt to dissuade him from suing over his dismissalsince then , pickens has launched $ 5million legal claim against the town\n", + "[1.3524032 1.2143886 1.0731995 1.0981287 1.0994681 1.1285845 1.0793806\n", + " 1.3823152 1.1867487 1.2272847 1.0335095 1.0153766 1.0248572 1.0222136\n", + " 1.0645646 1.077297 1.0927262 1.0620673 1.1001273 1.0469657]\n", + "\n", + "[ 7 0 9 1 8 5 18 4 3 16 6 15 2 14 17 19 10 12 13 11]\n", + "=======================\n", + "['jackson byrnes , 18 , underwent a risky operation to remove the tumour on his brain on wednesday .when 18-year-old jackson byrnes was told he had only weeks to live , only one surgeon in australia was willing to perform the surgery that would either save his life , leave him paralysed or worse .incredibly , the teenager has woken up from having his catastrophic brain tumour removed with the ability to move his body , thank his surgeon and even to ask his relieved mother for food .']\n", + "=======================\n", + "[\"doctors found jackson byrnes ' aggressive brain tumour three weeks agoonly one surgeon in australia , dr charlie teo , was willing to operatemore than $ 95,000 was raised for jackson by strangers to pay for the $ 80,000 surgery and help fund his treatmentit was expected jackson would wake paralysed from the extremely risky opinstead , he woke up and moved his arms , head and thanked dr teoit 's hoped the operation has bought him more time\"]\n", + "jackson byrnes , 18 , underwent a risky operation to remove the tumour on his brain on wednesday .when 18-year-old jackson byrnes was told he had only weeks to live , only one surgeon in australia was willing to perform the surgery that would either save his life , leave him paralysed or worse .incredibly , the teenager has woken up from having his catastrophic brain tumour removed with the ability to move his body , thank his surgeon and even to ask his relieved mother for food .\n", + "doctors found jackson byrnes ' aggressive brain tumour three weeks agoonly one surgeon in australia , dr charlie teo , was willing to operatemore than $ 95,000 was raised for jackson by strangers to pay for the $ 80,000 surgery and help fund his treatmentit was expected jackson would wake paralysed from the extremely risky opinstead , he woke up and moved his arms , head and thanked dr teoit 's hoped the operation has bought him more time\n", + "[1.2799603 1.3788207 1.3071835 1.2061337 1.2866769 1.1116254 1.0582048\n", + " 1.023149 1.044263 1.0868217 1.0297052 1.0405933 1.027064 1.060385\n", + " 1.1246587 1.0922797 1.0343487 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 0 3 14 5 15 9 13 6 8 11 16 10 12 7 18 17 19]\n", + "=======================\n", + "[\"the 4th district court of appeal in san diego upheld a lower court ruling that tossed out a family 's lawsuit trying to block the encinitas union school district from teaching yoga as an alternative to traditional gym classes .the lawsuit brought by stephen and jennifer sedlock and their two children claimed the school district 's yoga classes promoted hinduism and inhibited christianity .a california appeals court ruled yoga classes taught at capri do not violate students ' right to religious freedom\"]\n", + "=======================\n", + "[\"lawsuit tried to block encinitas union school district from teaching yogafamily 's lawsuit said yoga promoted hinduism and inhibited christianity4th district court of appeal in san diego upheld court ruling against suitdistrict said yoga taught in secular way to promote flexibility and balanceyoga taught to district 's 5,600 students at twice-weekly , 30-minute classes\"]\n", + "the 4th district court of appeal in san diego upheld a lower court ruling that tossed out a family 's lawsuit trying to block the encinitas union school district from teaching yoga as an alternative to traditional gym classes .the lawsuit brought by stephen and jennifer sedlock and their two children claimed the school district 's yoga classes promoted hinduism and inhibited christianity .a california appeals court ruled yoga classes taught at capri do not violate students ' right to religious freedom\n", + "lawsuit tried to block encinitas union school district from teaching yogafamily 's lawsuit said yoga promoted hinduism and inhibited christianity4th district court of appeal in san diego upheld court ruling against suitdistrict said yoga taught in secular way to promote flexibility and balanceyoga taught to district 's 5,600 students at twice-weekly , 30-minute classes\n", + "[1.4760668 1.437766 1.101859 1.3781712 1.2468474 1.1173571 1.033634\n", + " 1.0350313 1.0195775 1.1846666 1.0682902 1.0944997 1.0239408 1.1519456\n", + " 1.3150572 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 14 4 9 13 5 2 11 10 7 6 12 8 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"former premier league referee mark halsey has slammed the fa 's decision to put jon moss in charge of the fa cup final instead of mark clattenburg .halsey said the english game would be a ` laughing stock ' over the decision to ignore clattenburg , one of only two english referees in the uefa elite ranks -- for the final between aston villa and arsenal on may 30 .` i do n't blame jon moss .\"]\n", + "=======================\n", + "[\"jon moss will take charge of fa cup final between arsenal and aston villamark halsey has slammed the fa for overlooking mark clattenburgformer premier league referee halsey has called the decision ' a joke '\"]\n", + "former premier league referee mark halsey has slammed the fa 's decision to put jon moss in charge of the fa cup final instead of mark clattenburg .halsey said the english game would be a ` laughing stock ' over the decision to ignore clattenburg , one of only two english referees in the uefa elite ranks -- for the final between aston villa and arsenal on may 30 .` i do n't blame jon moss .\n", + "jon moss will take charge of fa cup final between arsenal and aston villamark halsey has slammed the fa for overlooking mark clattenburgformer premier league referee halsey has called the decision ' a joke '\n", + "[1.2209498 1.0460774 1.0863147 1.1077234 1.0465168 1.1023852 1.0613911\n", + " 1.0581386 1.2458761 1.0445634 1.023369 1.0220605 1.1044834 1.2156271\n", + " 1.1383727 1.1991776 1.1293306 1.1112881 1.0277343 1.0363463 1.0560215\n", + " 1.0647238]\n", + "\n", + "[ 8 0 13 15 14 16 17 3 12 5 2 21 6 7 20 4 1 9 19 18 10 11]\n", + "=======================\n", + "['nearly 4,000 dead in nepal earthquake( cnn ) a mammoth wave of snow darkens the sky over everest base camp .at least 17 people have been killed , with dozens injured and several missing -- likely buried beneath the snow and ice .']\n", + "=======================\n", + "['a youtube video shows the scale of an avalanche on mount everest on saturdayeight nepalis are dead at everest , but not identified ; three americans are also deadhelicopter rescues are underway to retrieve climbers stranded on everest']\n", + "nearly 4,000 dead in nepal earthquake( cnn ) a mammoth wave of snow darkens the sky over everest base camp .at least 17 people have been killed , with dozens injured and several missing -- likely buried beneath the snow and ice .\n", + "a youtube video shows the scale of an avalanche on mount everest on saturdayeight nepalis are dead at everest , but not identified ; three americans are also deadhelicopter rescues are underway to retrieve climbers stranded on everest\n", + "[1.3970146 1.3858054 1.1485931 1.0666583 1.0707542 1.0400082 1.2726895\n", + " 1.0610613 1.0808804 1.1563302 1.0822121 1.2099683 1.036412 1.0275615\n", + " 1.1193275 1.1073581 1.0427867 1.0240927 1.0640675 1.0479301 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 6 11 9 2 14 15 10 8 4 3 18 7 19 16 5 12 13 17 20 21]\n", + "=======================\n", + "['tiger woods ended a week of speculation and debate over the state of his game by announcing on friday that he will play next week in the masters .the 39-year-old played an 18-hole practice round on tuesday at augusta national , and golf channel said he was seen on the practice range friday morning at the club .he will have gone nine weeks without competition when he hits his opening tee shot on thursday at the masters , which is not unprecedented for woods .']\n", + "=======================\n", + "['four-time masters champion made the announcement on fridayhe said he has worked a lot on his game and is excited to competewoods last competed on february 5 at the farmers insurance open when he walked off the course because of tightness in his lower back']\n", + "tiger woods ended a week of speculation and debate over the state of his game by announcing on friday that he will play next week in the masters .the 39-year-old played an 18-hole practice round on tuesday at augusta national , and golf channel said he was seen on the practice range friday morning at the club .he will have gone nine weeks without competition when he hits his opening tee shot on thursday at the masters , which is not unprecedented for woods .\n", + "four-time masters champion made the announcement on fridayhe said he has worked a lot on his game and is excited to competewoods last competed on february 5 at the farmers insurance open when he walked off the course because of tightness in his lower back\n", + "[1.3464742 1.3302376 1.3954654 1.2426584 1.277474 1.1481141 1.1306813\n", + " 1.0697054 1.1646053 1.022207 1.0362679 1.0142847 1.011443 1.1046392\n", + " 1.0766835 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 1 4 3 8 5 6 13 14 7 10 9 11 12 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"the # 18-a-bottle wine is produced at the couple 's chateau miraval estate , where they married in august last year after having purchased it for # 41million in 2012 .brad pitt and angelina jolie 's wine from their french vineyard has gone on sale in a british supermarket for the first time after winning rave reviews from critics .marks and spencer is stocking a limited supply of the 2014 miraval rose and has urged those seeking a taste of the superstars ' provence vineyard to ` get in quick ' .\"]\n", + "=======================\n", + "['brad pitt and angelina jolie bought the french wine making estate in 2012they enlisted the help of famous winemaker marc perrin and his familytheir miraval rose has received rave reviews from leading wine criticsit is now available to buy from marks and spencer for # 18 a bottle']\n", + "the # 18-a-bottle wine is produced at the couple 's chateau miraval estate , where they married in august last year after having purchased it for # 41million in 2012 .brad pitt and angelina jolie 's wine from their french vineyard has gone on sale in a british supermarket for the first time after winning rave reviews from critics .marks and spencer is stocking a limited supply of the 2014 miraval rose and has urged those seeking a taste of the superstars ' provence vineyard to ` get in quick ' .\n", + "brad pitt and angelina jolie bought the french wine making estate in 2012they enlisted the help of famous winemaker marc perrin and his familytheir miraval rose has received rave reviews from leading wine criticsit is now available to buy from marks and spencer for # 18 a bottle\n", + "[1.2258617 1.3435401 1.2614657 1.3011605 1.18768 1.1499299 1.1765572\n", + " 1.0989181 1.156979 1.0953684 1.0989321 1.0653028 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 4 6 8 5 10 7 9 11 20 12 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"filing an official complaint to russia , the state department alleges a u.s. rc-135u reconnaissance aircraft was flying near the baltic sea in international airspace when a russian su-27 flanker cut into its path .pentagon officials have slammed the move as ` unprofessional ' and ` unsafe ' .in a maneuver with ominous echoes of the cold war , a russian fighter jet ` aggressively ' intercepted an american plane over poland , the pentagon claims .\"]\n", + "=======================\n", + "[\"u.s. rc-135u plane was flying near poland when russian jet ` cut across 'pentagon says russian su-27 flanker made ` aggressive maneuvers 'russia insists they were trying to identify the plane by circling it\"]\n", + "filing an official complaint to russia , the state department alleges a u.s. rc-135u reconnaissance aircraft was flying near the baltic sea in international airspace when a russian su-27 flanker cut into its path .pentagon officials have slammed the move as ` unprofessional ' and ` unsafe ' .in a maneuver with ominous echoes of the cold war , a russian fighter jet ` aggressively ' intercepted an american plane over poland , the pentagon claims .\n", + "u.s. rc-135u plane was flying near poland when russian jet ` cut across 'pentagon says russian su-27 flanker made ` aggressive maneuvers 'russia insists they were trying to identify the plane by circling it\n", + "[1.1886921 1.4634681 1.2591004 1.2544539 1.2589995 1.1723695 1.095291\n", + " 1.1575793 1.0784047 1.01661 1.068296 1.1031165 1.0933379 1.1006373\n", + " 1.0114788 1.0326109 1.0073879 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 4 3 0 5 7 11 13 6 12 8 10 15 9 14 16 21 17 18 19 20 22]\n", + "=======================\n", + "[\"christopher annan , 24 , and tyrone wright , 20 , took part in a gun attack on tottenham turks gang member inan eren .the 35-year-old victim , who survived , was ambushed as he arrived home on the evening of 30 december 2012 , shot three times in the arm , stomach and buttock .jamie marsh-smith ( left ) known as ` freddy ' after the nightmare on elm street character , executed gang boss zafer eren ( right ) .\"]\n", + "=======================\n", + "[\"christopher annan , 24 , and tyrone wright , 20 , jailed for attempted murdertook part in gun attack on tottenham turks gang member inan eren , 35he was shot three times in the arm , stomach and buttock but still survivedbrutal attack was led by hitman jamie marsh-smith , 23 , nicknamed ` freddy 'he was jailed for 38 years for the shooting , the murder of eren 's cousin and crime boss zafer eren and a botched attempt to kill his own getaway driver\"]\n", + "christopher annan , 24 , and tyrone wright , 20 , took part in a gun attack on tottenham turks gang member inan eren .the 35-year-old victim , who survived , was ambushed as he arrived home on the evening of 30 december 2012 , shot three times in the arm , stomach and buttock .jamie marsh-smith ( left ) known as ` freddy ' after the nightmare on elm street character , executed gang boss zafer eren ( right ) .\n", + "christopher annan , 24 , and tyrone wright , 20 , jailed for attempted murdertook part in gun attack on tottenham turks gang member inan eren , 35he was shot three times in the arm , stomach and buttock but still survivedbrutal attack was led by hitman jamie marsh-smith , 23 , nicknamed ` freddy 'he was jailed for 38 years for the shooting , the murder of eren 's cousin and crime boss zafer eren and a botched attempt to kill his own getaway driver\n", + "[1.4871607 1.4098458 1.101907 1.1615695 1.1409562 1.1045784 1.1910293\n", + " 1.0691421 1.0254643 1.0400637 1.0635045 1.027238 1.0274926 1.0398781\n", + " 1.0198961 1.0727272 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 6 3 4 5 2 15 7 10 9 13 12 11 8 14 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"steven gerrard 's hopes of a fairytale ending to his liverpool career were shattered as his side suffered a 2-1 defeat to aston villa in the semi-finals of the fa cup .the final on may 30 , also by coincidence gerrard 's 35th birthday , would have been the midfielder 's final game in a liverpool shirt before he leaves for the los angeles galaxy in the summer , but - although he was handed a starting role by manager brendan rodgers - he was unable to influence the outcome .gerrard controls possession under pressure from villa 's ashley westwood at wembley\"]\n", + "=======================\n", + "[\"liverpool lost 2-1 to aston villa in the fa cup semi-final at wembleysteven gerrard 's dream of making the fa cup final were shatteredgerrard started the game in an advanced role behind raheem sterlingthe first half largely passed gerrard by at wembleythe reds midfielder , however , almost snatched an equaliser at the death\"]\n", + "steven gerrard 's hopes of a fairytale ending to his liverpool career were shattered as his side suffered a 2-1 defeat to aston villa in the semi-finals of the fa cup .the final on may 30 , also by coincidence gerrard 's 35th birthday , would have been the midfielder 's final game in a liverpool shirt before he leaves for the los angeles galaxy in the summer , but - although he was handed a starting role by manager brendan rodgers - he was unable to influence the outcome .gerrard controls possession under pressure from villa 's ashley westwood at wembley\n", + "liverpool lost 2-1 to aston villa in the fa cup semi-final at wembleysteven gerrard 's dream of making the fa cup final were shatteredgerrard started the game in an advanced role behind raheem sterlingthe first half largely passed gerrard by at wembleythe reds midfielder , however , almost snatched an equaliser at the death\n", + "[1.3029668 1.3367237 1.2764117 1.1369596 1.2994444 1.265315 1.1495181\n", + " 1.0642576 1.0293034 1.0242884 1.0277041 1.0274472 1.0395527 1.1783253\n", + " 1.1066582 1.0982963 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 4 2 5 13 6 3 14 15 7 12 8 10 11 9 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"jim ratcliffe , founder and chairman of chemical company ineos , has applied to planning officials in the new forest to seek to demolish an existing beach hut and replace it with a ` carbon neutral ' mansion .a billionaire tycoon wants planning authorities to grant permission for his new # 4 million beachfront mansion which can jack itself up in the case of flooding which heats itself using the outside air in temperatures as low as -25 c.the high-tech planned mansion will be virtually ` carbon-zero ' and uses renewable energy such as solar power\"]\n", + "=======================\n", + "[\"jim ratcliffe is the founder and chairman of chemical giant ineosthe swiss-based billionaire said the house would be his only uk homethe house features several revolutionary energy saving measuresthe home 's heating and hot water systems all use renewable energy\"]\n", + "jim ratcliffe , founder and chairman of chemical company ineos , has applied to planning officials in the new forest to seek to demolish an existing beach hut and replace it with a ` carbon neutral ' mansion .a billionaire tycoon wants planning authorities to grant permission for his new # 4 million beachfront mansion which can jack itself up in the case of flooding which heats itself using the outside air in temperatures as low as -25 c.the high-tech planned mansion will be virtually ` carbon-zero ' and uses renewable energy such as solar power\n", + "jim ratcliffe is the founder and chairman of chemical giant ineosthe swiss-based billionaire said the house would be his only uk homethe house features several revolutionary energy saving measuresthe home 's heating and hot water systems all use renewable energy\n", + "[1.5053141 1.3250235 1.2394632 1.4724858 1.2226353 1.2173826 1.0231094\n", + " 1.013272 1.0175443 1.0102465 1.0174913 1.1031415 1.0123315 1.201646\n", + " 1.1611669 1.0079541 1.0201616 1.0531582 1.0175703 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 5 13 14 11 17 6 16 18 8 10 7 12 9 15 21 19 20 22]\n", + "=======================\n", + "['iker casillas insists he will stay at real madrid even if david de gea arrives to displace him as first choice keeper at the bernabeu .however , the 33-year-old claims he is willing to fight for the jersey he went on to make his own after breaking in to the side as a 16-year-old in 1996 - before becoming the youngest champions league keeper in 2000 .manchester united loanee javier hernandez celebrates scoring a late winner against atletico madrid']\n", + "=======================\n", + "['iker casillas insists he will not leave real madrid if a new keeper arrivesla liga giants have been linked with manchester united no 1 david de geaspain star will face either barcelona , bayern munich or juventus in champions league semi-finalsread : barcelona vs real madrid is the dream champions league final']\n", + "iker casillas insists he will stay at real madrid even if david de gea arrives to displace him as first choice keeper at the bernabeu .however , the 33-year-old claims he is willing to fight for the jersey he went on to make his own after breaking in to the side as a 16-year-old in 1996 - before becoming the youngest champions league keeper in 2000 .manchester united loanee javier hernandez celebrates scoring a late winner against atletico madrid\n", + "iker casillas insists he will not leave real madrid if a new keeper arrivesla liga giants have been linked with manchester united no 1 david de geaspain star will face either barcelona , bayern munich or juventus in champions league semi-finalsread : barcelona vs real madrid is the dream champions league final\n", + "[1.2146851 1.0675331 1.3466456 1.2885993 1.098889 1.1589605 1.0917816\n", + " 1.0399693 1.028825 1.0353667 1.0680311 1.0385396 1.0414613 1.0201664\n", + " 1.0276939 1.0260829 1.0334177 1.0201333 1.0357782 1.0160948 1.0182701\n", + " 1.0229325 1.0219362]\n", + "\n", + "[ 2 3 0 5 4 6 10 1 12 7 11 18 9 16 8 14 15 21 22 13 17 20 19]\n", + "=======================\n", + "[\"the wooden vessel was called mecca -- after the holy city .we were told we 'd be at the port in aden by the next morning , but as the hours ticked by it soon became apparent that that was wildly optimistic .aden , yemen ( cnn ) it did n't look like much , but we 'd been told it was typical of the kind of craft ferrying the route between djibouti and aden .\"]\n", + "=======================\n", + "[\"cnn 's nima elbagir describes the boat journey from djbouti to adenvessel returned with 60 refugees desperate to flee fighting in yemen\"]\n", + "the wooden vessel was called mecca -- after the holy city .we were told we 'd be at the port in aden by the next morning , but as the hours ticked by it soon became apparent that that was wildly optimistic .aden , yemen ( cnn ) it did n't look like much , but we 'd been told it was typical of the kind of craft ferrying the route between djibouti and aden .\n", + "cnn 's nima elbagir describes the boat journey from djbouti to adenvessel returned with 60 refugees desperate to flee fighting in yemen\n", + "[1.1164322 1.1956046 1.172882 1.1065599 1.1115637 1.4240918 1.0789262\n", + " 1.0464782 1.1761003 1.1927447 1.1791319 1.0258613 1.0261191 1.0163395\n", + " 1.0222363 1.0136669 1.0252281 1.13025 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 5 1 9 10 8 2 17 0 4 3 6 7 12 11 16 14 13 15 21 18 19 20 22]\n", + "=======================\n", + "[\"alexis sanchez and harry kane were the heroes as the southern all-stars came out on top in our simulated clash between the premier league 's best players from the north and south .manchester city hotshot sergio aguero gave the northern combined xi the lead after less than a minute , but his team were still beatenon monday , rob draper revealed who he 'd select in the southern xi and on tuesday , joe bernstein did likewise for the north .\"]\n", + "=======================\n", + "[\"sportsmail has simulated an all-star battle between the premier league 's best talent from north and southmanchester city 's sergio aguero gave joe bernstein 's northern all-stars the lead in the opening minutearsenal ace alexis sanchez scored a double in the 29th and 72nd minute , either side of a harry kane goalsanchez was man of the match while liverpool 's martin skrtel was the game 's poorest playerthe match powered by football manager was played in front of 90,000 people at wembley\"]\n", + "alexis sanchez and harry kane were the heroes as the southern all-stars came out on top in our simulated clash between the premier league 's best players from the north and south .manchester city hotshot sergio aguero gave the northern combined xi the lead after less than a minute , but his team were still beatenon monday , rob draper revealed who he 'd select in the southern xi and on tuesday , joe bernstein did likewise for the north .\n", + "sportsmail has simulated an all-star battle between the premier league 's best talent from north and southmanchester city 's sergio aguero gave joe bernstein 's northern all-stars the lead in the opening minutearsenal ace alexis sanchez scored a double in the 29th and 72nd minute , either side of a harry kane goalsanchez was man of the match while liverpool 's martin skrtel was the game 's poorest playerthe match powered by football manager was played in front of 90,000 people at wembley\n", + "[1.4607654 1.2114689 1.5483263 1.2271847 1.2646079 1.1410496 1.0528822\n", + " 1.0249097 1.0162328 1.0151894 1.0199035 1.0180326 1.0153321 1.022072\n", + " 1.1114016 1.0300943 1.0178124 1.0415826 1.2519063 1.1323572 1.0595039\n", + " 1.0836749 1.0734954]\n", + "\n", + "[ 2 0 4 18 3 1 5 19 14 21 22 20 6 17 15 7 13 10 11 16 8 12 9]\n", + "=======================\n", + "[\"edmund echukwu , 35 , was pulled from the water at a james bond-themed sex party at a # 3million mansion in radlett , hertfordshire last friday night .edmund echukwu collapsed in a swimming pool and died at a 007-themed sex party last fridayit is believed mr echukwu is a nigerian from north london who was at his first swingers ' party at the eight-bedroom house .\"]\n", + "=======================\n", + "[\"edmund echukwu died in pool at swingers ' party in hertfordshire on friday35-year-old believed to be a nigerian father-of-three from north londonowner of mansion says he may have suffered heart attack in watera post-mortem examination is due to be held today ahead of an inquest\"]\n", + "edmund echukwu , 35 , was pulled from the water at a james bond-themed sex party at a # 3million mansion in radlett , hertfordshire last friday night .edmund echukwu collapsed in a swimming pool and died at a 007-themed sex party last fridayit is believed mr echukwu is a nigerian from north london who was at his first swingers ' party at the eight-bedroom house .\n", + "edmund echukwu died in pool at swingers ' party in hertfordshire on friday35-year-old believed to be a nigerian father-of-three from north londonowner of mansion says he may have suffered heart attack in watera post-mortem examination is due to be held today ahead of an inquest\n", + "[1.3398778 1.3143471 1.2751145 1.2677522 1.2023758 1.0921973 1.0331109\n", + " 1.0898155 1.0519489 1.0398663 1.0884305 1.0678194 1.1577286 1.0624838\n", + " 1.1042718 1.0781685 1.039999 1.0085614 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 12 14 5 7 10 15 11 13 8 16 9 6 17 18 19 20 21 22]\n", + "=======================\n", + "['tyra banks made her awards ceremony hosting debut on sunday at the daytime emmy awards in burbank , california and delivered on her promise of multiple outfits .the 41-year-old model and television personality also premiered a new short hairdo at the awards ceremony honouring the best in daytime television .matt lauer received plenty of thanks during the two-hour broadcast on the pop basic cable network after a comedy bit featuring pasties and black stockings .']\n", + "=======================\n", + "['matt lauer donates $ 1,000 to charity for each thank you in racy bit with ellen degeneresbetty white honoured with a lifetime achievement awardcraig ferguson wins for outstanding game show hostentertainment tonight wins outstanding entertainment news program']\n", + "tyra banks made her awards ceremony hosting debut on sunday at the daytime emmy awards in burbank , california and delivered on her promise of multiple outfits .the 41-year-old model and television personality also premiered a new short hairdo at the awards ceremony honouring the best in daytime television .matt lauer received plenty of thanks during the two-hour broadcast on the pop basic cable network after a comedy bit featuring pasties and black stockings .\n", + "matt lauer donates $ 1,000 to charity for each thank you in racy bit with ellen degeneresbetty white honoured with a lifetime achievement awardcraig ferguson wins for outstanding game show hostentertainment tonight wins outstanding entertainment news program\n", + "[1.2453898 1.4092224 1.2026788 1.1609783 1.2905062 1.2179172 1.094238\n", + " 1.0735334 1.1196771 1.0554069 1.0315621 1.0465995 1.0467272 1.1405567\n", + " 1.0977578 1.067727 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 0 5 2 3 13 8 14 6 7 15 9 12 11 10 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"as david cameron tried to answer a question victoria prosser , 33 , stood up and heckled him about homeless people who had served in the armed forces .the prime minister was dramatically interrupted by a ` health and wellbeing ' worker in the audience during the general election tv debate last night , who shouted : ` i have to speak out ' .outspoken : ms prosser later told reporters that she challenged mr cameron because she wanted people to question ` the 1 per cent at the top ' who she claimed were not working in the country 's interests\"]\n", + "=======================\n", + "[\"victoria prosser , 33 , stood up and heckled david cameron during debateshe spoke about homeless people who had served in the armed forcesclaimed she heckled him because she wanted people to question ` the 1 % 'ms prosser is said to be a ` health and wellbeing ' worker who votes green\"]\n", + "as david cameron tried to answer a question victoria prosser , 33 , stood up and heckled him about homeless people who had served in the armed forces .the prime minister was dramatically interrupted by a ` health and wellbeing ' worker in the audience during the general election tv debate last night , who shouted : ` i have to speak out ' .outspoken : ms prosser later told reporters that she challenged mr cameron because she wanted people to question ` the 1 per cent at the top ' who she claimed were not working in the country 's interests\n", + "victoria prosser , 33 , stood up and heckled david cameron during debateshe spoke about homeless people who had served in the armed forcesclaimed she heckled him because she wanted people to question ` the 1 % 'ms prosser is said to be a ` health and wellbeing ' worker who votes green\n", + "[1.2722758 1.2776337 1.287607 1.3193018 1.1649842 1.2407446 1.1486306\n", + " 1.0641011 1.0241936 1.0464658 1.0791425 1.0233967 1.1067785 1.074694\n", + " 1.0506202 1.0950541 1.0231638 1.0345942 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 2 1 0 5 4 6 12 15 10 13 7 14 9 17 8 11 16 21 18 19 20 22]\n", + "=======================\n", + "[\"the creative prank was executed by the ecuadorean airline tame , ecuador 's tourism ministry and ministry of transport and public worksthe publicity stunt saw the tourists enjoy white water rafting , swimming near waterfalls and hiking , but it seems that costa rica was not amused by the ruse .but in fact , the group of tourists were exploring the activities on offer in the country 's napo province , in the amazon rainforest .\"]\n", + "=======================\n", + "['the stunt was pulled by local tourism groups and an ecuador airlinefake signs , passport control , posters and adverts were created in the ruseit sparked outrage from costa rican officials prompting a formal apologythe video was taken down , but was reuploaded by la nación']\n", + "the creative prank was executed by the ecuadorean airline tame , ecuador 's tourism ministry and ministry of transport and public worksthe publicity stunt saw the tourists enjoy white water rafting , swimming near waterfalls and hiking , but it seems that costa rica was not amused by the ruse .but in fact , the group of tourists were exploring the activities on offer in the country 's napo province , in the amazon rainforest .\n", + "the stunt was pulled by local tourism groups and an ecuador airlinefake signs , passport control , posters and adverts were created in the ruseit sparked outrage from costa rican officials prompting a formal apologythe video was taken down , but was reuploaded by la nación\n", + "[1.1516161 1.2894208 1.3645756 1.2715898 1.290911 1.0721058 1.0724391\n", + " 1.0621036 1.0285707 1.0210136 1.0188729 1.046499 1.0234604 1.0119305\n", + " 1.0123653 1.2971542 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 15 4 1 3 0 6 5 7 11 8 12 9 10 14 13 19 16 17 18 20]\n", + "=======================\n", + "[\"but we could save up to # 1,300 a year if we just prepared our lunch at home .food website food52 's ` not sad desk lunch ' series demonstrates just how simple it can be to bring healthy , cost-effective , and delicious lunches to work .the ` meal deal ' ( which is not always a meal , or a deal ) has seen us stave off the hunger pangs with soggy sandwiches , slimy salads and salty soups , spending an average of # 1,840 a year .\"]\n", + "=======================\n", + "[\"food52 's not sad desk lunch series has inspiring midday meal ideassimple crackers and cheese or go complicated with stuffed steamed bunsbritish workers spend an average of of # 1,840 a year on takeaway lunchpreparing your lunch at home could see a saving of up to # 1,300 a year\"]\n", + "but we could save up to # 1,300 a year if we just prepared our lunch at home .food website food52 's ` not sad desk lunch ' series demonstrates just how simple it can be to bring healthy , cost-effective , and delicious lunches to work .the ` meal deal ' ( which is not always a meal , or a deal ) has seen us stave off the hunger pangs with soggy sandwiches , slimy salads and salty soups , spending an average of # 1,840 a year .\n", + "food52 's not sad desk lunch series has inspiring midday meal ideassimple crackers and cheese or go complicated with stuffed steamed bunsbritish workers spend an average of of # 1,840 a year on takeaway lunchpreparing your lunch at home could see a saving of up to # 1,300 a year\n", + "[1.2233162 1.393811 1.2029834 1.1810521 1.0995836 1.2224356 1.1114404\n", + " 1.0393007 1.0617692 1.0409976 1.070999 1.0360307 1.1015815 1.0684297\n", + " 1.0338819 1.0289006 1.1377331 1.0855861 1.0512805 0. 0. ]\n", + "\n", + "[ 1 0 5 2 3 16 6 12 4 17 10 13 8 18 9 7 11 14 15 19 20]\n", + "=======================\n", + "[\"ebony dickens of east point , georgia , posted her facebook rant under the name tiffany milan , police said .atlanta ( cnn ) a fake name on a facebook post can still get you in real trouble , especially when you 're threatening to shoot every white cop you see .the post was removed a day later , just before dickens was arrested , cnn affiliate wsb reported .\"]\n", + "=======================\n", + "[\"sheriff 's spokeswoman : ebony dickens is out of jail after posting $ 10,000 bondpolice : authorities found a firearm , three computers in her east point residencedickens is accused of posting her facebook rant under the name tiffany milan\"]\n", + "ebony dickens of east point , georgia , posted her facebook rant under the name tiffany milan , police said .atlanta ( cnn ) a fake name on a facebook post can still get you in real trouble , especially when you 're threatening to shoot every white cop you see .the post was removed a day later , just before dickens was arrested , cnn affiliate wsb reported .\n", + "sheriff 's spokeswoman : ebony dickens is out of jail after posting $ 10,000 bondpolice : authorities found a firearm , three computers in her east point residencedickens is accused of posting her facebook rant under the name tiffany milan\n", + "[1.2061846 1.2129261 1.4089631 1.0734828 1.0246946 1.0529603 1.144361\n", + " 1.0375507 1.2386203 1.2370354 1.1564013 1.1325688 1.0299827 1.0534201\n", + " 1.0342685 1.0226879 1.0085509 1.0097531 1.0244653 0. 0. ]\n", + "\n", + "[ 2 8 9 1 0 10 6 11 3 13 5 7 14 12 4 18 15 17 16 19 20]\n", + "=======================\n", + "[\"for the umpteenth time , the rfu and stuart lancaster are being urged to invoke the ` exceptional circumstances ' get-out clause .former bath full back nick abendanon was outstanding for clermont as they tore saracens to shredstoulon flanker steffon armitage has been one of the standout forwards in europe in recent seasons\"]\n", + "=======================\n", + "[\"nick abendanon was sublime in clermont 's 37-5 win against northamptonabendanon is ineligible for england because he is playing overseastoulon flanker steffon armitage is in the same predicamentthe rfu can invoke an ` exceptional ' clause to select overseas playersbut this clause could create tension in the england camp\"]\n", + "for the umpteenth time , the rfu and stuart lancaster are being urged to invoke the ` exceptional circumstances ' get-out clause .former bath full back nick abendanon was outstanding for clermont as they tore saracens to shredstoulon flanker steffon armitage has been one of the standout forwards in europe in recent seasons\n", + "nick abendanon was sublime in clermont 's 37-5 win against northamptonabendanon is ineligible for england because he is playing overseastoulon flanker steffon armitage is in the same predicamentthe rfu can invoke an ` exceptional ' clause to select overseas playersbut this clause could create tension in the england camp\n", + "[1.2998188 1.3554447 1.3091571 1.2730141 1.24807 1.0609611 1.0317199\n", + " 1.0273266 1.014039 1.01665 1.0201594 1.0802107 1.0311408 1.236656\n", + " 1.0822191 1.1509674 1.1194398 1.0587907 1.0185515 1.0569936 1.0422723]\n", + "\n", + "[ 1 2 0 3 4 13 15 16 14 11 5 17 19 20 6 12 7 10 18 9 8]\n", + "=======================\n", + "[\"boris milat detailed how his brother , ivan , shot and paralysed a taxi driver in 1962 , more then 25 years before he went on a backpacker killing spree , according to channel 7 's sunday night .neville knight was shot on march 6 , 1962 , by a 17-year-old milat who was riding in the back of his taxi .the brother of australia 's most notorious serial killer has confessed to knowing of his evil sibling 's first victim - and to hiding the truth for 50 years as the ` wrong man ' was convicted and behind bars .\"]\n", + "=======================\n", + "[\"report claims ivan milat shot first victim years before backpacker murdersthe ` wrong man ' jailed for attack , which left milat free to kill , report saysmilat 's brother , boris , says he has kept the shocking secret for 52 yearsreport claims milat shot and paralysed neville knight in march , 1962` ivan shot him - he told me the next day , ' mr bilat said of the shootingmilat brutally murdered seven backpackers between 1989 and 1992he is serving seven consecutive life sentences at goulburn supermax jail\"]\n", + "boris milat detailed how his brother , ivan , shot and paralysed a taxi driver in 1962 , more then 25 years before he went on a backpacker killing spree , according to channel 7 's sunday night .neville knight was shot on march 6 , 1962 , by a 17-year-old milat who was riding in the back of his taxi .the brother of australia 's most notorious serial killer has confessed to knowing of his evil sibling 's first victim - and to hiding the truth for 50 years as the ` wrong man ' was convicted and behind bars .\n", + "report claims ivan milat shot first victim years before backpacker murdersthe ` wrong man ' jailed for attack , which left milat free to kill , report saysmilat 's brother , boris , says he has kept the shocking secret for 52 yearsreport claims milat shot and paralysed neville knight in march , 1962` ivan shot him - he told me the next day , ' mr bilat said of the shootingmilat brutally murdered seven backpackers between 1989 and 1992he is serving seven consecutive life sentences at goulburn supermax jail\n", + "[1.232914 1.4212649 1.2009116 1.3504796 1.2558076 1.0766981 1.1383146\n", + " 1.0842098 1.0722289 1.0557495 1.1066105 1.1112138 1.0295563 1.0660638\n", + " 1.075952 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 0 2 6 11 10 7 5 14 8 13 9 12 19 15 16 17 18 20]\n", + "=======================\n", + "[\"the unnamed man was sprinting ahead of the animal , trying to make it to the safety behind a set of iron bars when the angry animal sent him sprawling to the floor .this unlucky man was gored during a bullrunning event in teulada , a small coastal town on spain 's costa blanca , after falling over in front of the beastand despite his desperate efforts to climb back up , the bull appeared to hit him right in the bottom with one of its horns as he tried to scramble away .\"]\n", + "=======================\n", + "[\"man was fleeing bull during fiesta celebrations in teulada , eastern spainwas knocked to the ground before crawling towards safety of bull barshowever he could n't make it before horn caught him between the legsseen limping towards medics , but was not thought to be seriously hurt\"]\n", + "the unnamed man was sprinting ahead of the animal , trying to make it to the safety behind a set of iron bars when the angry animal sent him sprawling to the floor .this unlucky man was gored during a bullrunning event in teulada , a small coastal town on spain 's costa blanca , after falling over in front of the beastand despite his desperate efforts to climb back up , the bull appeared to hit him right in the bottom with one of its horns as he tried to scramble away .\n", + "man was fleeing bull during fiesta celebrations in teulada , eastern spainwas knocked to the ground before crawling towards safety of bull barshowever he could n't make it before horn caught him between the legsseen limping towards medics , but was not thought to be seriously hurt\n", + "[1.6256112 1.2179556 1.223034 1.3082104 1.1101352 1.0429215 1.0414312\n", + " 1.0196441 1.0283726 1.0127403 1.0653515 1.0315198 1.0612271 1.0630611\n", + " 1.3681563 1.1969612 1.0986079 1.0262852 0. 0. ]\n", + "\n", + "[ 0 14 3 2 1 15 4 16 10 13 12 5 6 11 8 17 7 9 18 19]\n", + "=======================\n", + "[\"liverpool boss brendan rodgers believes a ` very poor decision ' by michael oliver 's assistant referee was one of the reason 's liverpool were knocked out of the fa cup semi-final by aston villa on sunday night .mario balotelli ( circled ) is clearly onside as steven gerrard looks to play him through on goalreplays clearly showed that villa defender leandro bacuna was playing balotelli onside before the italian slid the ball past shay given .\"]\n", + "=======================\n", + "[\"aston villa earn 2-1 fa cup semi-final victory over liverpoolmario balotelli 's late goal was incorrectly ruled out for offsidebrendan rodgers believes the goal should have stood\"]\n", + "liverpool boss brendan rodgers believes a ` very poor decision ' by michael oliver 's assistant referee was one of the reason 's liverpool were knocked out of the fa cup semi-final by aston villa on sunday night .mario balotelli ( circled ) is clearly onside as steven gerrard looks to play him through on goalreplays clearly showed that villa defender leandro bacuna was playing balotelli onside before the italian slid the ball past shay given .\n", + "aston villa earn 2-1 fa cup semi-final victory over liverpoolmario balotelli 's late goal was incorrectly ruled out for offsidebrendan rodgers believes the goal should have stood\n", + "[1.3535837 1.2892123 1.1966978 1.5020778 1.2711401 1.0930619 1.094762\n", + " 1.148754 1.0769315 1.0519605 1.1129711 1.0600089 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 2 7 10 6 5 8 11 9 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"bayern munich manager pep guardiola ripped a hole during the champions league match in germanyguardiola managed to tear the left trouser leg of his grey garments during an incredibly exciting night for bayern , who led their opponents 5-0 at half-time .guardiola 's underwear were on show after the bayern boss managed to rip a small hole in his trousers\"]\n", + "=======================\n", + "['bayern munich boss pep guardiola ripped a hole in his trouser leghis underwear were on show during the european match in germanythe german giants booked place in the semi-finals thanks to 6-1 rout']\n", + "bayern munich manager pep guardiola ripped a hole during the champions league match in germanyguardiola managed to tear the left trouser leg of his grey garments during an incredibly exciting night for bayern , who led their opponents 5-0 at half-time .guardiola 's underwear were on show after the bayern boss managed to rip a small hole in his trousers\n", + "bayern munich boss pep guardiola ripped a hole in his trouser leghis underwear were on show during the european match in germanythe german giants booked place in the semi-finals thanks to 6-1 rout\n", + "[1.4629886 1.3531691 1.1535048 1.155273 1.1525956 1.2845304 1.1256298\n", + " 1.2135055 1.0850248 1.0837152 1.0591122 1.035545 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 7 3 2 4 6 8 9 10 11 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "['( cnn ) more than 500 houthi rebels have been killed since the start of saudi-led military operations against yemeni shia fighters , a saudi defense ministry official said saturday , according to the state-run saudi press agency .a saudi general said saturday the nine-nation coalition has undertaken 1,200 airstrikes since they began on march 26 .clashes took place friday near the saudi-yemeni border , in the najran region .']\n", + "=======================\n", + "['saudi general says more than 1,200 airstrikes since campaign began march 26three saudis were killed in attack on border position , source tells cnn']\n", + "( cnn ) more than 500 houthi rebels have been killed since the start of saudi-led military operations against yemeni shia fighters , a saudi defense ministry official said saturday , according to the state-run saudi press agency .a saudi general said saturday the nine-nation coalition has undertaken 1,200 airstrikes since they began on march 26 .clashes took place friday near the saudi-yemeni border , in the najran region .\n", + "saudi general says more than 1,200 airstrikes since campaign began march 26three saudis were killed in attack on border position , source tells cnn\n", + "[1.4124639 1.3283379 1.101418 1.2247434 1.3580205 1.1773534 1.1170344\n", + " 1.0923566 1.0832655 1.0627117 1.0574251 1.0732813 1.076294 1.0664104\n", + " 1.0337929 1.011317 1.0124401 1.00916 0. 0. ]\n", + "\n", + "[ 0 4 1 3 5 6 2 7 8 12 11 13 9 10 14 16 15 17 18 19]\n", + "=======================\n", + "['javier hernandez scored the goal of his life on wednesday night but real madrid are unlikely to take up their option to buy the player .javier hernandez wheels away after scoring against atletico madrid in the champions league quarter-finalthey agreed an option with manchester united last summer that would # 7.5 million of a final sum of around # 15million paid at the end of the season , but real want to place their money elsewhere .']\n", + "=======================\n", + "['javier hernandez scored the winner in the champions league quarter-final against atletico madridreal madrid still unlikely to take up option to sign manchester united starmexico international has attracted interest from dinamo moscow , lazio , everton , newcastle , west ham and stoke']\n", + "javier hernandez scored the goal of his life on wednesday night but real madrid are unlikely to take up their option to buy the player .javier hernandez wheels away after scoring against atletico madrid in the champions league quarter-finalthey agreed an option with manchester united last summer that would # 7.5 million of a final sum of around # 15million paid at the end of the season , but real want to place their money elsewhere .\n", + "javier hernandez scored the winner in the champions league quarter-final against atletico madridreal madrid still unlikely to take up option to sign manchester united starmexico international has attracted interest from dinamo moscow , lazio , everton , newcastle , west ham and stoke\n", + "[1.4461969 1.4632049 1.1400249 1.2069438 1.162586 1.1424431 1.0765816\n", + " 1.0287508 1.0375484 1.0275767 1.0707028 1.0586768 1.0203589 1.0435127\n", + " 1.0824783 1.0553327 1.0258812 1.0440495 1.0118409 1.0788194]\n", + "\n", + "[ 1 0 3 4 5 2 14 19 6 10 11 15 17 13 8 7 9 16 12 18]\n", + "=======================\n", + "[\"the filipino superstar took a break from preparations for his $ 300million superfight against floyd mayweather on may 2 to be interviewed at the show 's base at universal studios .manny pacquiao traded hill runs and graft in the wild card boxing gym for a touch of hollywood glamour as he appeared on friend mario lopez 's extra programme on wednesday .manny pacquiao ( left ) and mario lopez smile for the cameras during filming of extra in los angeles\"]\n", + "=======================\n", + "[\"manny pacquiao appeared on mario lopez 's extra show on wednesdaythat morning his hill runs and bag work were posted on instagramthe pair , who are friends , also sang a duet of lionel ritchie hellothe filipino champion takes on floyd mayweather jr on may 2\"]\n", + "the filipino superstar took a break from preparations for his $ 300million superfight against floyd mayweather on may 2 to be interviewed at the show 's base at universal studios .manny pacquiao traded hill runs and graft in the wild card boxing gym for a touch of hollywood glamour as he appeared on friend mario lopez 's extra programme on wednesday .manny pacquiao ( left ) and mario lopez smile for the cameras during filming of extra in los angeles\n", + "manny pacquiao appeared on mario lopez 's extra show on wednesdaythat morning his hill runs and bag work were posted on instagramthe pair , who are friends , also sang a duet of lionel ritchie hellothe filipino champion takes on floyd mayweather jr on may 2\n", + "[1.5456481 1.2045177 1.1199454 1.2069277 1.1675327 1.0725753 1.0782231\n", + " 1.1010194 1.1634315 1.1380037 1.087937 1.07278 1.0352626 1.017908\n", + " 1.1296252 1.0176784 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 1 4 8 9 14 2 7 10 6 11 5 12 13 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "['( the hollywood reporter ) oscar-winning rapper-turned-actor common has closed a deal to join the cast of \" suicide squad , \" warner bros. \\' all-star action movie featuring dc entertainment super-villains .there will also possibly be cameos of jesse eisenberg who plays lex luthor and ben affleck as batman in \" batman v superman : dawn of justice , \" who are rumored to appear as warners builds its own cinematic universe .david ayer is directing the feature , which already boasts actors jared leto as the joker , will smith as deadshot and margot robbie as harley quinn .']\n", + "=======================\n", + "['common joins \" suicide squad \" cast , which already includes will smith , jared letofilm is about supervillains who team up']\n", + "( the hollywood reporter ) oscar-winning rapper-turned-actor common has closed a deal to join the cast of \" suicide squad , \" warner bros. ' all-star action movie featuring dc entertainment super-villains .there will also possibly be cameos of jesse eisenberg who plays lex luthor and ben affleck as batman in \" batman v superman : dawn of justice , \" who are rumored to appear as warners builds its own cinematic universe .david ayer is directing the feature , which already boasts actors jared leto as the joker , will smith as deadshot and margot robbie as harley quinn .\n", + "common joins \" suicide squad \" cast , which already includes will smith , jared letofilm is about supervillains who team up\n", + "[1.2574284 1.3742275 1.2774403 1.306519 1.1664351 1.1112419 1.0765907\n", + " 1.136419 1.0144354 1.0274822 1.134381 1.1331729 1.0795 1.0879568\n", + " 1.0596156 1.0381429 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 7 10 11 5 13 12 6 14 15 9 8 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"residents of beckley club estates in dallas , texas , say that they saw a man approach a male peacock , who was in the middle of its mating ritual and had unfurled its full plumage , before quickly snatching him up on saturday .footage from the home of lisa solis shows the thief grab the animal by both its claws before shoving him in his black suv around 7pm .an unknown man 's theft of a texas neighborhood 's wild peacock was caught on camera by surveillance video as he roughly handled the beautiful bird .\"]\n", + "=======================\n", + "['residents of beckley club estates saw man steal bird on saturdaywild peacocks have lived in the dallas neighborhood for two decadesunidentified man seen on video stalking the bird for 20 minutes']\n", + "residents of beckley club estates in dallas , texas , say that they saw a man approach a male peacock , who was in the middle of its mating ritual and had unfurled its full plumage , before quickly snatching him up on saturday .footage from the home of lisa solis shows the thief grab the animal by both its claws before shoving him in his black suv around 7pm .an unknown man 's theft of a texas neighborhood 's wild peacock was caught on camera by surveillance video as he roughly handled the beautiful bird .\n", + "residents of beckley club estates saw man steal bird on saturdaywild peacocks have lived in the dallas neighborhood for two decadesunidentified man seen on video stalking the bird for 20 minutes\n", + "[1.1518573 1.5618994 1.2650023 1.074657 1.1229523 1.3141713 1.0968449\n", + " 1.1514665 1.0715228 1.096223 1.0519379 1.1198698 1.0664145 1.0817033\n", + " 1.1507037 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 5 2 0 7 14 4 11 6 9 13 3 8 12 10 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"shannon hayes , 12 , believes one of them has laid the smallest chicken egg in the world .after doing some research on the internet , she thinks its length of 1.8 cm -- smaller than a 5p coin -- shaves two millimetres off the previous title-holder .it would n't make much of a breakfast , but this tiny egg could give a schoolgirl and her pet hens a place in the guinness book of records .\"]\n", + "=======================\n", + "['shannon hayes spotted the tiny egg at her home in carmarthenshireshe rescued it fearing it was going to be crushed by the regular eggsthe 12-year-old measured the egg and discovered it was just 1.9 cm longit is believed the previous record holder was a 2.1 cm egg laid in somerset']\n", + "shannon hayes , 12 , believes one of them has laid the smallest chicken egg in the world .after doing some research on the internet , she thinks its length of 1.8 cm -- smaller than a 5p coin -- shaves two millimetres off the previous title-holder .it would n't make much of a breakfast , but this tiny egg could give a schoolgirl and her pet hens a place in the guinness book of records .\n", + "shannon hayes spotted the tiny egg at her home in carmarthenshireshe rescued it fearing it was going to be crushed by the regular eggsthe 12-year-old measured the egg and discovered it was just 1.9 cm longit is believed the previous record holder was a 2.1 cm egg laid in somerset\n", + "[1.2369326 1.4700869 1.2717719 1.1336851 1.1122077 1.187056 1.1340281\n", + " 1.0708321 1.1342561 1.0542997 1.0653033 1.0643802 1.0242729 1.0854812\n", + " 1.0181803 1.1049957 1.0127442 1.0213658 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 5 8 6 3 4 15 13 7 10 11 9 12 17 14 16 21 18 19 20 22]\n", + "=======================\n", + "['the tunnels were dug into sandstone cliffs along the river mersey in stockport in the 1930s , and were originally intended to provide car parking spaces .but following the outbreak of the second world war , the space was redeveloped as an air raid shelter where residents of lancashire and cheshire could hide from nazi bombs .tunnels : a total of 6,500 people could fit into the shelter , which was made up of a network of interconnecting passages']\n", + "=======================\n", + "['air raid shelter in stockport was dug out of caves along the river mersey and intended to be a car parkwith the advent of the second world war , the space became a shelter which could hide thousands of peoplethe air raid shelter was so popular the authorities had to issue season tickets in order to control numbers']\n", + "the tunnels were dug into sandstone cliffs along the river mersey in stockport in the 1930s , and were originally intended to provide car parking spaces .but following the outbreak of the second world war , the space was redeveloped as an air raid shelter where residents of lancashire and cheshire could hide from nazi bombs .tunnels : a total of 6,500 people could fit into the shelter , which was made up of a network of interconnecting passages\n", + "air raid shelter in stockport was dug out of caves along the river mersey and intended to be a car parkwith the advent of the second world war , the space became a shelter which could hide thousands of peoplethe air raid shelter was so popular the authorities had to issue season tickets in order to control numbers\n", + "[1.1632117 1.4593847 1.3569682 1.0373194 1.093516 1.0847147 1.0447655\n", + " 1.0521845 1.223922 1.1927346 1.0314194 1.0228467 1.026374 1.0950236\n", + " 1.0198313 1.0238442 1.041035 1.0165514 1.0305213 1.0322849 1.0907434\n", + " 1.0769646 1.0305836]\n", + "\n", + "[ 1 2 8 9 0 13 4 20 5 21 7 6 16 3 19 10 22 18 12 15 11 14 17]\n", + "=======================\n", + "[\"today 's nominee is petra wetzel , 40 , a divorcee who lives in glasgow with her son , noah , nine .she set up her own business , the west brewery , in 2006 ...the mail is asking you to nominate mothers who have created businesses from scratch , while also caring for their children , for our first ever mumpreneur of the year award , in association with natwest everywoman awards .\"]\n", + "=======================\n", + "[\"there are more and more mothers setting up thriving small businessesthe mail is asking readers to nominate successful mothers they knowthis week 's nominee is petra wetzel who set up the west brewery in 2006petra , 40 , lives in glasgow with her nine-year-old son , noah\"]\n", + "today 's nominee is petra wetzel , 40 , a divorcee who lives in glasgow with her son , noah , nine .she set up her own business , the west brewery , in 2006 ...the mail is asking you to nominate mothers who have created businesses from scratch , while also caring for their children , for our first ever mumpreneur of the year award , in association with natwest everywoman awards .\n", + "there are more and more mothers setting up thriving small businessesthe mail is asking readers to nominate successful mothers they knowthis week 's nominee is petra wetzel who set up the west brewery in 2006petra , 40 , lives in glasgow with her nine-year-old son , noah\n", + "[1.1500951 1.4457197 1.1438292 1.1184922 1.16436 1.1061765 1.0628096\n", + " 1.070473 1.0934656 1.0260087 1.0951571 1.0627341 1.0191764 1.0596974\n", + " 1.1021637 1.0393224 1.0289968 1.0449442 1.0329281 1.0212364 1.0237366]\n", + "\n", + "[ 1 4 0 2 3 5 14 10 8 7 6 11 13 17 15 18 16 9 20 19 12]\n", + "=======================\n", + "['every year , denver teacher kyle schwartz passes out post-it notes to her third grade students and asks them to complete the sentence , \" i wish my teacher knew ... \"there \\'s a student who misses her father : \" i have n\\'t seen him in six years . \"( cnn ) it \\'s the simplest possible assignment , but it always teaches a huge lesson .']\n", + "=======================\n", + "['denver teacher kyle schwartz asked students to share what they wish she knewtheir honest answers moved schwartz and sparked a discussion online']\n", + "every year , denver teacher kyle schwartz passes out post-it notes to her third grade students and asks them to complete the sentence , \" i wish my teacher knew ... \"there 's a student who misses her father : \" i have n't seen him in six years . \"( cnn ) it 's the simplest possible assignment , but it always teaches a huge lesson .\n", + "denver teacher kyle schwartz asked students to share what they wish she knewtheir honest answers moved schwartz and sparked a discussion online\n", + "[1.3871567 1.4684583 1.1422468 1.3485829 1.2406518 1.1386368 1.124432\n", + " 1.0615159 1.0516264 1.0823106 1.0666414 1.0574291 1.0607325 1.0379983\n", + " 1.0215296 1.0757368 1.0171133 1.1647071 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 4 17 2 5 6 9 15 10 7 12 11 8 13 14 16 18 19 20]\n", + "=======================\n", + "['authorities said the northern california boy fell asleep in the backseat of the car and was kidnapped when the vehicle was stolensleepy kid : brock guzman , 8 , was last seen inside his parents silver 2001 toyota corolla .brock guzman was found safe and well about two miles away from his northern californian home in the abandoned car following a frantic search for him .']\n", + "=======================\n", + "[\"brock guzman , was found safe two miles from his californian homepolice said a thief likely stole the car after the boy 's father left it runningthe car was found less than four hours later , after a resident spotted itpolice have not yet released a description of the suspect who stole the carbrock was unharmed and appeared to have slept through the entire ordeal\"]\n", + "authorities said the northern california boy fell asleep in the backseat of the car and was kidnapped when the vehicle was stolensleepy kid : brock guzman , 8 , was last seen inside his parents silver 2001 toyota corolla .brock guzman was found safe and well about two miles away from his northern californian home in the abandoned car following a frantic search for him .\n", + "brock guzman , was found safe two miles from his californian homepolice said a thief likely stole the car after the boy 's father left it runningthe car was found less than four hours later , after a resident spotted itpolice have not yet released a description of the suspect who stole the carbrock was unharmed and appeared to have slept through the entire ordeal\n", + "[1.3570848 1.4102536 1.2214993 1.126247 1.3644278 1.0319446 1.084246\n", + " 1.03085 1.1050459 1.0166416 1.1264518 1.1859902 1.0746434 1.0566112\n", + " 1.0496893 1.0820513 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 2 11 10 3 8 6 15 12 13 14 5 7 9 19 16 17 18 20]\n", + "=======================\n", + "['the new south wales ombudsman is investigating how bill spedding , 63 , who has been charged with five counts of child sexual assault and two counts of common assault , was able to live with children despite claims being made against him .bill spedding was arrested and charged on wednesday for the sexual assault of two girls in sydney in 1987the man named as a person of interest in the disappearance of william tyrrell was living with three young boys at the time the toddler vanished - despite authorities being aware of allegations he raped two young girls in 1987 .']\n", + "=======================\n", + "[\"bill spedding , the person of interest in the william tyrrell case , has been charged with five counts of child sex abusehe was living with three boys at the time william vanished - despite authorities being aware of the claims against himthe nsw ombudsman confirmed they are ` making inquiries ' into how the boys came to be living with spedding` someone needs to be held accountable , ' the boys ' mother saidvictoria police are investigating his alleged involvement in a paedophile ring and expect to lay more chargesspedding has denied any involvement in william 's disappearancehe was refused bail on thursday after a brief court appearance\"]\n", + "the new south wales ombudsman is investigating how bill spedding , 63 , who has been charged with five counts of child sexual assault and two counts of common assault , was able to live with children despite claims being made against him .bill spedding was arrested and charged on wednesday for the sexual assault of two girls in sydney in 1987the man named as a person of interest in the disappearance of william tyrrell was living with three young boys at the time the toddler vanished - despite authorities being aware of allegations he raped two young girls in 1987 .\n", + "bill spedding , the person of interest in the william tyrrell case , has been charged with five counts of child sex abusehe was living with three boys at the time william vanished - despite authorities being aware of the claims against himthe nsw ombudsman confirmed they are ` making inquiries ' into how the boys came to be living with spedding` someone needs to be held accountable , ' the boys ' mother saidvictoria police are investigating his alleged involvement in a paedophile ring and expect to lay more chargesspedding has denied any involvement in william 's disappearancehe was refused bail on thursday after a brief court appearance\n", + "[1.2184289 1.3704839 1.3710259 1.2751288 1.0712135 1.1974162 1.1056261\n", + " 1.172601 1.1398864 1.111459 1.0730611 1.1490597 1.0252806 1.0169408\n", + " 1.0580629 1.0301781 1.0254838 1.023037 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 0 5 7 11 8 9 6 10 4 14 15 16 12 17 13 18 19 20]\n", + "=======================\n", + "[\"the number of muslims will increase at more than double the rate of the world 's population , which is expected to rise by 35 per cent in the next four decades .there will be more muslims than christians in the world in less than sixty years , the pew research center has claimed .less than 50 per cent of the population will be christian in the united kingdom , australia , benin , bosnia-herzegovina , france , the netherlands , new zealand and the republic of macedonia .\"]\n", + "=======================\n", + "[\"muslims will increase at more than double the rate of world 's populationlargest proportion of muslims likely to be in india , data showedresearch was completed by the pew research center in america\"]\n", + "the number of muslims will increase at more than double the rate of the world 's population , which is expected to rise by 35 per cent in the next four decades .there will be more muslims than christians in the world in less than sixty years , the pew research center has claimed .less than 50 per cent of the population will be christian in the united kingdom , australia , benin , bosnia-herzegovina , france , the netherlands , new zealand and the republic of macedonia .\n", + "muslims will increase at more than double the rate of world 's populationlargest proportion of muslims likely to be in india , data showedresearch was completed by the pew research center in america\n", + "[1.3418444 1.3769459 1.233901 1.3172369 1.3185109 1.0774457 1.0127314\n", + " 1.0231773 1.138501 1.0660574 1.1064645 1.1330599 1.0372785 1.1328393\n", + " 1.0824703 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 3 2 8 11 13 10 14 5 9 12 7 6 19 15 16 17 18 20]\n", + "=======================\n", + "[\"at the finish line of the six-day 256km race through the moroccan desert , the 71-year-old , who has previously suffered two heart attacks and underwent a double heart bypass in 2003 , said the event is ` not set for old geriatrics like me ' .explorer sir ranulph fiennes has become the oldest briton to complete the punishing marathon des sables with just 13 minutes to spare .there were fears sir ranulph would not be able to finish the event after the 91km fourth stage , when he ran for more than 30 hours in temperatures topping 50c having had just one hour of sleep .\"]\n", + "=======================\n", + "[\"sir ranulph fiennes is the oldest briton to complete marathon des sablesveteran explorer , 71 , said the 256km race is n't set for old geriatrics like me 'he has raised almost # 1million for marie curie by completing six-day event\"]\n", + "at the finish line of the six-day 256km race through the moroccan desert , the 71-year-old , who has previously suffered two heart attacks and underwent a double heart bypass in 2003 , said the event is ` not set for old geriatrics like me ' .explorer sir ranulph fiennes has become the oldest briton to complete the punishing marathon des sables with just 13 minutes to spare .there were fears sir ranulph would not be able to finish the event after the 91km fourth stage , when he ran for more than 30 hours in temperatures topping 50c having had just one hour of sleep .\n", + "sir ranulph fiennes is the oldest briton to complete marathon des sablesveteran explorer , 71 , said the 256km race is n't set for old geriatrics like me 'he has raised almost # 1million for marie curie by completing six-day event\n", + "[1.1710676 1.506465 1.2888168 1.123318 1.2617494 1.2155194 1.1764736\n", + " 1.1160028 1.0375359 1.0919791 1.073351 1.0462234 1.0331745 1.0523021\n", + " 1.2426398 1.0193552 1.0099807 1.0108469 1.0731101]\n", + "\n", + "[ 1 2 4 14 5 6 0 3 7 9 10 18 13 11 8 12 15 17 16]\n", + "=======================\n", + "['the former wimbledon champion is marrying his long-term girlfriend kim sears in his hometown of dunblane on saturday and visited the cathedral to run through the service with friends , family and his fiancee .the pair have been together for 10 years after meeting at the 2005 us open .andy murray looked understandably nervous as he arrived for his wedding rehearsal']\n", + "=======================\n", + "['andy murray is getting married to kim sears in dunblane on saturdaybritish no 1 looked a little apprehensive at the wedding rehearsalformer wimbledon champion is set to jet off after the wedding to take a look at prospective new assistant coach jonas bjorkman']\n", + "the former wimbledon champion is marrying his long-term girlfriend kim sears in his hometown of dunblane on saturday and visited the cathedral to run through the service with friends , family and his fiancee .the pair have been together for 10 years after meeting at the 2005 us open .andy murray looked understandably nervous as he arrived for his wedding rehearsal\n", + "andy murray is getting married to kim sears in dunblane on saturdaybritish no 1 looked a little apprehensive at the wedding rehearsalformer wimbledon champion is set to jet off after the wedding to take a look at prospective new assistant coach jonas bjorkman\n", + "[1.3251586 1.4515381 1.4074489 1.2118754 1.0648003 1.0655346 1.0526686\n", + " 1.0491079 1.0350626 1.027109 1.0220801 1.0707247 1.1857641 1.0188346\n", + " 1.0493968 1.0346086 1.058315 0. 0. ]\n", + "\n", + "[ 1 2 0 3 12 11 5 4 16 6 14 7 8 15 9 10 13 17 18]\n", + "=======================\n", + "['those taking the elevator to the observation deck will watch an incredible time lapse video of the growth of lower manhattan from the 1500s to the present day as they ascend to the top .the video , shared by the new york times on monday , will play during the 47 seconds it will take visitors to reach the 102nd floor observatory .visitors will be able to travel through time when one world trade center opens next month .']\n", + "=======================\n", + "['elevators at the world trade center will show visitors the growth of lower manhattan as they travel to the observatory when it opens next monthit will take visitors just 47 seconds to reach the 102nd floor observatory']\n", + "those taking the elevator to the observation deck will watch an incredible time lapse video of the growth of lower manhattan from the 1500s to the present day as they ascend to the top .the video , shared by the new york times on monday , will play during the 47 seconds it will take visitors to reach the 102nd floor observatory .visitors will be able to travel through time when one world trade center opens next month .\n", + "elevators at the world trade center will show visitors the growth of lower manhattan as they travel to the observatory when it opens next monthit will take visitors just 47 seconds to reach the 102nd floor observatory\n", + "[1.404068 1.0599107 1.1022209 1.3000621 1.2128885 1.205167 1.1187793\n", + " 1.0906346 1.0744356 1.0283685 1.1114386 1.036778 1.0580459 1.0311062\n", + " 1.1068419 1.0436597 1.0784831 1.0209911 1.0264826]\n", + "\n", + "[ 0 3 4 5 6 10 14 2 7 16 8 1 12 15 11 13 9 18 17]\n", + "=======================\n", + "['james staring , a london-based personal trainer , says there are four simple ways to banish belly fatfrom writing a food diary to doing short burst of tough exercise , he reveals the best ways to burn away belly fat ...avoid white bread and pasta and only eat carbohydrates after exercise']\n", + "=======================\n", + "[\"personal trainer james staring advises how to achieve a flat stomachsays eating carbohydrates after exercise will stop them being stored as fatexercises that use more muscle groups will help speed up the metabolismwriting down how a you feel after food stops you eating mindlesslywhat is my energy level like ?how full do i feel ?i have a high energy level/i feel satisfied and not hungryi have a moderate energy level/i feel just a bit peckishi have no energy/i could easily gnaw off my own arm i 'm so hungry\"]\n", + "james staring , a london-based personal trainer , says there are four simple ways to banish belly fatfrom writing a food diary to doing short burst of tough exercise , he reveals the best ways to burn away belly fat ...avoid white bread and pasta and only eat carbohydrates after exercise\n", + "personal trainer james staring advises how to achieve a flat stomachsays eating carbohydrates after exercise will stop them being stored as fatexercises that use more muscle groups will help speed up the metabolismwriting down how a you feel after food stops you eating mindlesslywhat is my energy level like ?how full do i feel ?i have a high energy level/i feel satisfied and not hungryi have a moderate energy level/i feel just a bit peckishi have no energy/i could easily gnaw off my own arm i 'm so hungry\n", + "[1.237268 1.4297225 1.2517931 1.3398695 1.2781153 1.218005 1.0801889\n", + " 1.1029681 1.0568205 1.1555991 1.0158058 1.0660537 1.0135207 1.0131251\n", + " 1.0112913 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 5 9 7 6 11 8 10 12 13 14 17 15 16 18]\n", + "=======================\n", + "[\"officials with the lamar consolidated independent school district say the eight-page handout , which included references to terrorism and beheadings , was n't approved by administrators .the handout , entitled islam/radical islam ( did you know ) , made unsubstantiated claims like : '38 percent of muslims believe people that leave the faith should be executed 'an unnamed teacher at foster high school in richmond , texas , is facing disciplinary proceedings for allegedly giving his students anti-muslim propaganda during class\"]\n", + "=======================\n", + "[\"unnamed teacher at foster high school in richmond , texas , allegedly gave his students anti-muslim propaganda during classthe eight-page handout , entitled islam/radical islam ( did you know ) , included references to terrorism and beheadingsthe lamar consolidated independent school district has admitted that it was n't approved by administratorsa muslim student showed the document to her parents who contacted the council of american islamic relations and they complained to the school\"]\n", + "officials with the lamar consolidated independent school district say the eight-page handout , which included references to terrorism and beheadings , was n't approved by administrators .the handout , entitled islam/radical islam ( did you know ) , made unsubstantiated claims like : '38 percent of muslims believe people that leave the faith should be executed 'an unnamed teacher at foster high school in richmond , texas , is facing disciplinary proceedings for allegedly giving his students anti-muslim propaganda during class\n", + "unnamed teacher at foster high school in richmond , texas , allegedly gave his students anti-muslim propaganda during classthe eight-page handout , entitled islam/radical islam ( did you know ) , included references to terrorism and beheadingsthe lamar consolidated independent school district has admitted that it was n't approved by administratorsa muslim student showed the document to her parents who contacted the council of american islamic relations and they complained to the school\n", + "[1.1902055 1.450656 1.2982275 1.1791847 1.2311964 1.1993988 1.1897858\n", + " 1.0718117 1.0345453 1.0901631 1.0384463 1.031816 1.0443459 1.0309722\n", + " 1.2109578 1.198888 1.1513077 1.0187631 0. ]\n", + "\n", + "[ 1 2 4 14 5 15 0 6 3 16 9 7 12 10 8 11 13 17 18]\n", + "=======================\n", + "[\"the self-made multi-millionaire bought the glasgow property off-plan in the city 's upmarket park circus area after splitting from husband michael in december 2011 .she paid # 780,700 for the duplex and had extensive works done before moving into it in 2013 .for sale : michelle and michael mone , left together in 2011 , put their mansion on the market after their 2011 split .\"]\n", + "=======================\n", + "[\"michelle mone bought glasgow duplex after split with ex-husband michaeltycoon had extensive work done and the home is now worth # 1millionshe is selling and will move back into mansion she shared with michaelcouple put the five-bedroom ` dream home ' on market following 2011 split\"]\n", + "the self-made multi-millionaire bought the glasgow property off-plan in the city 's upmarket park circus area after splitting from husband michael in december 2011 .she paid # 780,700 for the duplex and had extensive works done before moving into it in 2013 .for sale : michelle and michael mone , left together in 2011 , put their mansion on the market after their 2011 split .\n", + "michelle mone bought glasgow duplex after split with ex-husband michaeltycoon had extensive work done and the home is now worth # 1millionshe is selling and will move back into mansion she shared with michaelcouple put the five-bedroom ` dream home ' on market following 2011 split\n", + "[1.2304775 1.2935212 1.1139026 1.1094795 1.0983471 1.12726 1.2287803\n", + " 1.1471908 1.0334767 1.1003247 1.0422693 1.1240458 1.035865 1.09249\n", + " 1.0239061 1.0431367 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 6 7 5 11 2 3 9 4 13 15 10 12 8 14 20 16 17 18 19 21]\n", + "=======================\n", + "[\"revellers at the arts and music extravaganza in the californian desert are known for their ` out there ' outfit choices but this year festival-goers wore ever more outlandish looks .it 's the festival that fashion forgot - and this weekend celebrities were leading the bad-taste brigade at coachella .jaden smith , 16 , wore a floral-print tunic that seemed to resemble a tiered dress\"]\n", + "=======================\n", + "['various fashion faux pas committed at the arts and music festivaljaden smith wore a tunic dress , paris hilton donned cat-ear headbandrevellers wore neon swimsuits , a peter pan costume and garish leggings']\n", + "revellers at the arts and music extravaganza in the californian desert are known for their ` out there ' outfit choices but this year festival-goers wore ever more outlandish looks .it 's the festival that fashion forgot - and this weekend celebrities were leading the bad-taste brigade at coachella .jaden smith , 16 , wore a floral-print tunic that seemed to resemble a tiered dress\n", + "various fashion faux pas committed at the arts and music festivaljaden smith wore a tunic dress , paris hilton donned cat-ear headbandrevellers wore neon swimsuits , a peter pan costume and garish leggings\n", + "[1.3176912 1.1431386 1.1912717 1.1405594 1.2037098 1.1708727 1.1566615\n", + " 1.0796765 1.0424697 1.0679619 1.0695087 1.032592 1.0318385 1.063264\n", + " 1.1100595 1.0627749 1.0442663 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 4 2 5 6 1 3 14 7 10 9 13 15 16 8 11 12 20 17 18 19 21]\n", + "=======================\n", + "['tehran , iran ( cnn ) the basij is a militia made up of fighters loyal to iran \\'s religious leaders ; their mission is to protect the country \\'s islamic order .the commander says that , so far , the basij has not been caught up in the fight against the feared islamic extremists currently waging war in parts of iraq and syria .\" we all are prepared to go and destroy isis totally , \" one basij commander told cnn .']\n", + "=======================\n", + "[\"iran 's elite quds force is training , advising and supporting iraqi shia militias in their fight against isis .iranian officials say they would like better cooperation with the u.s. , but say trust between the nations is lacking\"]\n", + "tehran , iran ( cnn ) the basij is a militia made up of fighters loyal to iran 's religious leaders ; their mission is to protect the country 's islamic order .the commander says that , so far , the basij has not been caught up in the fight against the feared islamic extremists currently waging war in parts of iraq and syria .\" we all are prepared to go and destroy isis totally , \" one basij commander told cnn .\n", + "iran 's elite quds force is training , advising and supporting iraqi shia militias in their fight against isis .iranian officials say they would like better cooperation with the u.s. , but say trust between the nations is lacking\n", + "[1.4869869 1.3068526 1.3297849 1.160139 1.4003059 1.3426242 1.024591\n", + " 1.0175959 1.0232149 1.1665692 1.1092883 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 4 5 2 1 9 3 10 6 8 7 20 11 12 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"crystal palace manager alan pardew insists manchester city can come from behind again to snatch the barclays premier league title from chelsea .chelsea are currently six points clear at the top of the table with a game in hand but pardew , whose palace side host city on monday , believes the race is far from over .city overtook liverpool with one match to go before being crowned champions last season and in 2012 , sergio aguero 's injury-time strike in the final game sank manchester united on goal difference .\"]\n", + "=======================\n", + "[\"crystal palace host manchester city on monday night footballeagles boss alan pardew refuses to write off city 's title chancespalace have no new injury concerns ahead of the selhurst park clash\"]\n", + "crystal palace manager alan pardew insists manchester city can come from behind again to snatch the barclays premier league title from chelsea .chelsea are currently six points clear at the top of the table with a game in hand but pardew , whose palace side host city on monday , believes the race is far from over .city overtook liverpool with one match to go before being crowned champions last season and in 2012 , sergio aguero 's injury-time strike in the final game sank manchester united on goal difference .\n", + "crystal palace host manchester city on monday night footballeagles boss alan pardew refuses to write off city 's title chancespalace have no new injury concerns ahead of the selhurst park clash\n", + "[1.4512054 1.4476706 1.2451805 1.1218623 1.1968682 1.1557151 1.2067802\n", + " 1.1433433 1.0384154 1.0175242 1.027817 1.0243871 1.0297705 1.0114685\n", + " 1.0142107 1.0168957 1.0279456 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 6 4 5 7 3 8 12 16 10 11 9 15 14 13 20 17 18 19 21]\n", + "=======================\n", + "[\"jockey aidan coleman is hoping he has received the call up for the ride that will finally help him banish his crabbie 's grand national blues at aintree on saturday .the 26-year-old rides well-backed the druids nephew , stepping in for broken leg victim barry geraghty on the neil mulholland-trained gelding which won on the opening day of last month 's cheltenham festival .the eight-year-old is a 12-1 shot for the # 1million steeplechase but coleman knows more than most how fickle fortune can be in the biggest steeplechase in the world .\"]\n", + "=======================\n", + "[\"jockey aidan coleman wants to right past wrongs at the grand nationalcoleman prepares to ride the well-backed the druids nephewthe eight-year-old is a 12-1 shot for the # 1million steeplechase this yearcoleman rode the seventh fence faller stan six years agoclick here for sportsmail 's 2015 grand national sweepstake kit\"]\n", + "jockey aidan coleman is hoping he has received the call up for the ride that will finally help him banish his crabbie 's grand national blues at aintree on saturday .the 26-year-old rides well-backed the druids nephew , stepping in for broken leg victim barry geraghty on the neil mulholland-trained gelding which won on the opening day of last month 's cheltenham festival .the eight-year-old is a 12-1 shot for the # 1million steeplechase but coleman knows more than most how fickle fortune can be in the biggest steeplechase in the world .\n", + "jockey aidan coleman wants to right past wrongs at the grand nationalcoleman prepares to ride the well-backed the druids nephewthe eight-year-old is a 12-1 shot for the # 1million steeplechase this yearcoleman rode the seventh fence faller stan six years agoclick here for sportsmail 's 2015 grand national sweepstake kit\n", + "[1.1575276 1.0580747 1.081565 1.2060353 1.1459955 1.1843786 1.1643809\n", + " 1.138711 1.064461 1.0306745 1.0846874 1.0811942 1.0500354 1.0207378\n", + " 1.025865 1.1031748 1.0629226 1.0885692 1.0259326 1.0232885 1.0403075\n", + " 1.0861789]\n", + "\n", + "[ 3 5 6 0 4 7 15 17 21 10 2 11 8 16 1 12 20 9 18 14 19 13]\n", + "=======================\n", + "[\"amanda curtis , ceo of a fashion company , snapped the lucky shot .families will have to find a new way to cheer up mourners , because the strippers are the latest focus of the country 's crackdown on vice .rdj grew increasingly agitated as a channel 4 interviewer from the uk asked about his private life on tuesday .\"]\n", + "=======================\n", + "['what do funeral strippers , a quadruple rainbow and kylie jenner have in common ?']\n", + "amanda curtis , ceo of a fashion company , snapped the lucky shot .families will have to find a new way to cheer up mourners , because the strippers are the latest focus of the country 's crackdown on vice .rdj grew increasingly agitated as a channel 4 interviewer from the uk asked about his private life on tuesday .\n", + "what do funeral strippers , a quadruple rainbow and kylie jenner have in common ?\n", + "[1.2006081 1.486254 1.2508264 1.3532789 1.2332509 1.1307383 1.1197821\n", + " 1.1081035 1.0545154 1.0505291 1.1375653 1.0494359 1.0475045 1.0196171\n", + " 1.0463536 1.0436682 0. ]\n", + "\n", + "[ 1 3 2 4 0 10 5 6 7 8 9 11 12 14 15 13 16]\n", + "=======================\n", + "[\"john lord , 86 , went missing from his home on april 6 less than a week after his beloved wife june , 81 , died from a ` catastrophic bleed ' to the brain .his family feared the worst after discovering a note describing how much he missed his wife of 63 years and how he could not live without her .a heartbroken pensioner is believed to have killed himself six days after his wife 's death by jumping from a bridge at their ` special place ' where they used to take romantic walks together .\"]\n", + "=======================\n", + "[\"john lord , 86 , was found dead close to where he and wife june , 81 , walkedhis family said he had left a note before he disappeared on april 6wife of 63 years died from ` catastrophic bleed ' to the brain six days earlierpolice found mr lord 's body in river trent near couple 's favourite beauty spot\"]\n", + "john lord , 86 , went missing from his home on april 6 less than a week after his beloved wife june , 81 , died from a ` catastrophic bleed ' to the brain .his family feared the worst after discovering a note describing how much he missed his wife of 63 years and how he could not live without her .a heartbroken pensioner is believed to have killed himself six days after his wife 's death by jumping from a bridge at their ` special place ' where they used to take romantic walks together .\n", + "john lord , 86 , was found dead close to where he and wife june , 81 , walkedhis family said he had left a note before he disappeared on april 6wife of 63 years died from ` catastrophic bleed ' to the brain six days earlierpolice found mr lord 's body in river trent near couple 's favourite beauty spot\n", + "[1.4143825 1.4792119 1.1992399 1.4151285 1.3790956 1.3663464 1.1577135\n", + " 1.0281439 1.0320556 1.0262516 1.0156333 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 5 2 6 8 7 9 10 15 11 12 13 14 16]\n", + "=======================\n", + "[\"gerrard was suspended for the quarter-final replay following his red card for a stamp on manchester united 's ander herrera at anfield on march 22 .steven gerrard 's dream of featuring in the fa cup final at wembley on his 35th birthday remains a realityyet philippe coutinho came to the rescue for liverpool by scoring the game 's only goal at ewood park to book their place in the semi-final with aston villa .\"]\n", + "=======================\n", + "[\"liverpool beat blackburn rovers 1-0 at ewood park in the fa cupsteven gerrard turns 35 on the day of the fa cup final at wembleyblackburn 's gary bowyer feels it would be fitting for gerrard to lift fa cupread : liverpool need philippe coutinho to shine to get into the top fourclick here for the latest liverpool news after wednesday 's fa cup win\"]\n", + "gerrard was suspended for the quarter-final replay following his red card for a stamp on manchester united 's ander herrera at anfield on march 22 .steven gerrard 's dream of featuring in the fa cup final at wembley on his 35th birthday remains a realityyet philippe coutinho came to the rescue for liverpool by scoring the game 's only goal at ewood park to book their place in the semi-final with aston villa .\n", + "liverpool beat blackburn rovers 1-0 at ewood park in the fa cupsteven gerrard turns 35 on the day of the fa cup final at wembleyblackburn 's gary bowyer feels it would be fitting for gerrard to lift fa cupread : liverpool need philippe coutinho to shine to get into the top fourclick here for the latest liverpool news after wednesday 's fa cup win\n", + "[1.4155483 1.2999836 1.2862728 1.1722409 1.2217369 1.0913955 1.1875212\n", + " 1.20815 1.2733238 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 8 4 7 6 3 5 15 9 10 11 12 13 14 16]\n", + "=======================\n", + "['stoke city are challenging west ham for sampdoria midfielder pedro obiang .chief executive tony scholes was understood to be in the stands as sampdoria played out a 1-1 draw with verona on wednesday night .the 23-year-old spaniard , who started out at atletico madrid , is available for around # 6million .']\n", + "=======================\n", + "[\"chief executive tony scholes apparently watched sampdoria this weekstoke city are said to be monitoring sampdoria 's pedro obiangwest ham are also interested in the midfielder , available for about # 6m\"]\n", + "stoke city are challenging west ham for sampdoria midfielder pedro obiang .chief executive tony scholes was understood to be in the stands as sampdoria played out a 1-1 draw with verona on wednesday night .the 23-year-old spaniard , who started out at atletico madrid , is available for around # 6million .\n", + "chief executive tony scholes apparently watched sampdoria this weekstoke city are said to be monitoring sampdoria 's pedro obiangwest ham are also interested in the midfielder , available for about # 6m\n", + "[1.1850294 1.3594239 1.3492396 1.2738192 1.2264758 1.1140639 1.1741194\n", + " 1.053843 1.0152574 1.0465077 1.0458356 1.0269626 1.211616 1.0814441\n", + " 1.0586243 1.0517523 1.0197983]\n", + "\n", + "[ 1 2 3 4 12 0 6 5 13 14 7 15 9 10 11 16 8]\n", + "=======================\n", + "[\"analysts from the institute for fiscal studies said none of the major parties had given ` anything like full details ' on how they will tackle the nations ' debts after the election .the tories were accused of giving ` no detail ' about their deficit reduction plan , which relies on # 30billion of cuts , while labour has left the door open to borrowing an extra # 26billion-a-year .the ifs warned that the promise of tackling the deficit in the next parliament is based on ` almost entirely unspecified spending cuts and tax increases ' .\"]\n", + "=======================\n", + "[\"institute for fiscal studies says no party has given ` anything like full detail 'labour has left the door open to borrowing an extra # 26billion-a-yeartories were accused of giving ` no detail ' about # 30billion of spending cutsboost for osborne as he beats borrowing target by # 3billion in last year\"]\n", + "analysts from the institute for fiscal studies said none of the major parties had given ` anything like full details ' on how they will tackle the nations ' debts after the election .the tories were accused of giving ` no detail ' about their deficit reduction plan , which relies on # 30billion of cuts , while labour has left the door open to borrowing an extra # 26billion-a-year .the ifs warned that the promise of tackling the deficit in the next parliament is based on ` almost entirely unspecified spending cuts and tax increases ' .\n", + "institute for fiscal studies says no party has given ` anything like full detail 'labour has left the door open to borrowing an extra # 26billion-a-yeartories were accused of giving ` no detail ' about # 30billion of spending cutsboost for osborne as he beats borrowing target by # 3billion in last year\n", + "[1.415842 1.3752129 1.347013 1.3633054 1.2394266 1.0607349 1.016086\n", + " 1.0658808 1.0454977 1.1641687 1.0205886 1.0380156 1.0464942 1.0677356\n", + " 1.0397056 1.0322678 1.0160569]\n", + "\n", + "[ 0 1 3 2 4 9 13 7 5 12 8 14 11 15 10 6 16]\n", + "=======================\n", + "['jordan spieth admitted he would probably sleep in the green jacket after claiming his first major title in record-breaking fashion in the 79th masters .spieth became the first player ever to reach 19 under par at augusta and only a bogey on the 18th prevented him from adding the 72-hole scoring record to the 36 and 54-hole records he set on friday and saturday .the 21-year-old also became the second youngest champion behind tiger woods - whose 18-under total he equalled - after a closing 70 left him four shots ahead of justin rose and phil mickelson .']\n", + "=======================\n", + "['jordan spieth won the 2015 masters by four shots on sundaythe 21-year-old american led all week at the augusta national golf clubhe shot final-round 70 to finish on 18 under par and take the green jacket']\n", + "jordan spieth admitted he would probably sleep in the green jacket after claiming his first major title in record-breaking fashion in the 79th masters .spieth became the first player ever to reach 19 under par at augusta and only a bogey on the 18th prevented him from adding the 72-hole scoring record to the 36 and 54-hole records he set on friday and saturday .the 21-year-old also became the second youngest champion behind tiger woods - whose 18-under total he equalled - after a closing 70 left him four shots ahead of justin rose and phil mickelson .\n", + "jordan spieth won the 2015 masters by four shots on sundaythe 21-year-old american led all week at the augusta national golf clubhe shot final-round 70 to finish on 18 under par and take the green jacket\n", + "[1.1997627 1.3191936 1.2030292 1.1395116 1.1019069 1.1397543 1.1387079\n", + " 1.1787722 1.1415801 1.0606749 1.028182 1.0724505 1.0513115 1.1580565\n", + " 1.0509179 1.0159289 1.0305723 1.0531393 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 7 13 8 5 3 6 4 11 9 17 12 14 16 10 15 20 18 19 21]\n", + "=======================\n", + "[\"the royal arrived in florence yesterday for a fashion conference and has spent much of the past 24 hours partying with fashion 's biggest names .today , a businesslike beatrice was all ears as she listened to the speakers at the condé nast international luxury conference .she spent last weekend hobnobbing with middle eastern royals in bahrain , but that clearly is n't enough for jetsetting princess beatrice .\"]\n", + "=======================\n", + "[\"princess beatrice is at the condé nast international luxury conferenceshe watched a lecture by vogue 's suzy menkes and karl lagerfeldfirst night spent partying at a palazzo with ralph lauren 's sonreturned to the lecture room for a second day in a row today\"]\n", + "the royal arrived in florence yesterday for a fashion conference and has spent much of the past 24 hours partying with fashion 's biggest names .today , a businesslike beatrice was all ears as she listened to the speakers at the condé nast international luxury conference .she spent last weekend hobnobbing with middle eastern royals in bahrain , but that clearly is n't enough for jetsetting princess beatrice .\n", + "princess beatrice is at the condé nast international luxury conferenceshe watched a lecture by vogue 's suzy menkes and karl lagerfeldfirst night spent partying at a palazzo with ralph lauren 's sonreturned to the lecture room for a second day in a row today\n", + "[1.4183505 1.4203523 1.2759515 1.1733966 1.1935171 1.1249316 1.1385559\n", + " 1.0618322 1.1275492 1.0948751 1.0672169 1.035636 1.1552879 1.0686021\n", + " 1.0274516 1.0166416 1.0113797 1.0109445 1.0196058 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 4 3 12 6 8 5 9 13 10 7 11 14 18 15 16 17 20 19 21]\n", + "=======================\n", + "['police say robert ( bob ) bates , 73 , thought he pulled out his taser during an arrest , but instead shot the suspect , who later died at a local hospital .( cnn ) a tulsa county reserve deputy is on administrative leave after \" inadvertently \" shooting a suspect with his gun .the shooting happened after an apparent drug and gun selling operation by the tulsa violent crimes task force thursday .']\n", + "=======================\n", + "['police say robert bates , 73 , thought he pulled out his taser during an arrestinstead , he shot the suspect , who later died at a local hospital']\n", + "police say robert ( bob ) bates , 73 , thought he pulled out his taser during an arrest , but instead shot the suspect , who later died at a local hospital .( cnn ) a tulsa county reserve deputy is on administrative leave after \" inadvertently \" shooting a suspect with his gun .the shooting happened after an apparent drug and gun selling operation by the tulsa violent crimes task force thursday .\n", + "police say robert bates , 73 , thought he pulled out his taser during an arrestinstead , he shot the suspect , who later died at a local hospital\n", + "[1.161329 1.1535411 1.1582897 1.1544471 1.2368493 1.2538242 1.0698916\n", + " 1.1184092 1.0388665 1.0499357 1.0899621 1.0618535 1.0274394 1.0333431\n", + " 1.0359617 1.0423496 1.1043584 1.018227 1.055692 1.0329778 1.0321355\n", + " 1.0166794]\n", + "\n", + "[ 5 4 0 2 3 1 7 16 10 6 11 18 9 15 8 14 13 19 20 12 17 21]\n", + "=======================\n", + "[\"in south carolina earlier this month , walter scott was the subject of a bench warrant for over $ 18,000 in unpaid child support , according to court records .and an arrest , we know , can have fatal results .( cnn ) it wo n't come as news to anyone in america today that the authority to make an arrest carries with it the potential to escalate to lethal force .\"]\n", + "=======================\n", + "['walter scott was killed by a south carolina police officer in aprildanny cevallos : failure to pay child support should be a civil matter , not a crime']\n", + "in south carolina earlier this month , walter scott was the subject of a bench warrant for over $ 18,000 in unpaid child support , according to court records .and an arrest , we know , can have fatal results .( cnn ) it wo n't come as news to anyone in america today that the authority to make an arrest carries with it the potential to escalate to lethal force .\n", + "walter scott was killed by a south carolina police officer in aprildanny cevallos : failure to pay child support should be a civil matter , not a crime\n", + "[1.3345759 1.3682957 1.3729157 1.2938833 1.1252141 1.1016384 1.064812\n", + " 1.0709991 1.0740898 1.077146 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 0 3 4 5 9 8 7 6 19 18 17 16 15 10 13 12 11 20 14 21]\n", + "=======================\n", + "['the book , which told of the life and loves of an angst-ridden teenager , was followed by seven sequels , selling in total more than eight million copies .the novelist , who died aged 68 in april last year , achieved huge success with the secret diary of adrian mole , aged 133⁄4 , when it was published in 1982 .sue townsend , author of the bestselling adrian mole books , left # 1,106,163 in her will .']\n", + "=======================\n", + "['novelist , who died last year , had huge success with adrian mole booksthe eight-book series sold more than eight million copies worldwideshe left the bulk of her estate to her second husband colin broadway']\n", + "the book , which told of the life and loves of an angst-ridden teenager , was followed by seven sequels , selling in total more than eight million copies .the novelist , who died aged 68 in april last year , achieved huge success with the secret diary of adrian mole , aged 133⁄4 , when it was published in 1982 .sue townsend , author of the bestselling adrian mole books , left # 1,106,163 in her will .\n", + "novelist , who died last year , had huge success with adrian mole booksthe eight-book series sold more than eight million copies worldwideshe left the bulk of her estate to her second husband colin broadway\n", + "[1.4858205 1.4305034 1.2916019 1.3549678 1.068424 1.142593 1.0454617\n", + " 1.068153 1.1094091 1.0294263 1.0149688 1.0293714 1.0442469 1.2079037\n", + " 1.0436822 1.0507302 1.0120695 1.0170485 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 2 13 5 8 4 7 15 6 12 14 9 11 17 10 16 20 18 19 21]\n", + "=======================\n", + "[\"thomas muller became the leading german scorer in the champions league on tuesday night and engaged in a raucous exchange with bayern munich supporters as pep guardiola 's side celebrated a famous win .it was the world cup winner 's 27th champions league goal , taking him past former bayern team-mate mario gomez and making him the highest-scoring german since the tournament took its current shape in 1992 .but five first-half goals by thiago alcantara , jerome boateng , robert lewandowski ( two ) and muller ensured bayern 's safe passage into the semi-final .\"]\n", + "=======================\n", + "[\"bayern munich beat porto 6-1 in the champions league on tuesdaypep guardiola 's side progressed 7-4 on aggregate to reach semi-finalsthomas muller scored 27th champions league goal to pass mario gomezmuller is now the leading german scorer in the competitionafter game muller led the celebrations with supporters using a megaphone\"]\n", + "thomas muller became the leading german scorer in the champions league on tuesday night and engaged in a raucous exchange with bayern munich supporters as pep guardiola 's side celebrated a famous win .it was the world cup winner 's 27th champions league goal , taking him past former bayern team-mate mario gomez and making him the highest-scoring german since the tournament took its current shape in 1992 .but five first-half goals by thiago alcantara , jerome boateng , robert lewandowski ( two ) and muller ensured bayern 's safe passage into the semi-final .\n", + "bayern munich beat porto 6-1 in the champions league on tuesdaypep guardiola 's side progressed 7-4 on aggregate to reach semi-finalsthomas muller scored 27th champions league goal to pass mario gomezmuller is now the leading german scorer in the competitionafter game muller led the celebrations with supporters using a megaphone\n", + "[1.3349136 1.1950085 1.2896984 1.2347645 1.2010318 1.1628578 1.0831509\n", + " 1.1731552 1.0410283 1.0490081 1.0228126 1.0589358 1.0534608 1.0720545\n", + " 1.0641627 1.0809995 1.0409061 1.0628253 1.1708251]\n", + "\n", + "[ 0 2 3 4 1 7 18 5 6 15 13 14 17 11 12 9 8 16 10]\n", + "=======================\n", + "['the home office was warned that lord janner was abusing young boys two decades ago but did nothing about itan mp passed a dossier of information to the department in the hope it would kick-start a fresh police investigation .but instead the paperwork was shelved by officials until it was discovered in 2013 and belatedly passed to leicestershire police .']\n", + "=======================\n", + "[\"mp handed dossier of information to the department to kick-start a probethe dossier was shelved by officials and only discovered by police in 2013revelation heightens fears he was beneficiary of establishment cover uplabour mp simon danczuk said the home office ought to ` come clean '\"]\n", + "the home office was warned that lord janner was abusing young boys two decades ago but did nothing about itan mp passed a dossier of information to the department in the hope it would kick-start a fresh police investigation .but instead the paperwork was shelved by officials until it was discovered in 2013 and belatedly passed to leicestershire police .\n", + "mp handed dossier of information to the department to kick-start a probethe dossier was shelved by officials and only discovered by police in 2013revelation heightens fears he was beneficiary of establishment cover uplabour mp simon danczuk said the home office ought to ` come clean '\n", + "[1.2492174 1.4520481 1.2651196 1.2192278 1.1710413 1.130109 1.1964421\n", + " 1.0586753 1.1161256 1.0764252 1.0553727 1.0421036 1.050203 1.0333986\n", + " 1.1615977 1.1182824 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 6 4 14 5 15 8 9 7 10 12 11 13 17 16 18]\n", + "=======================\n", + "['students at wellington college , in berkshire , spent the last year studying a different classic book for their imminent as-level exam .the mistake only came to light when mock papers arrived and no exam questions related to the taught text .an investigation has been launched at a # 33,000-a-year school after students were taught the wrong exam text .']\n", + "=======================\n", + "[\"teacher blunder revealed when mock exam arrived and text did n't featurestudents now having to cram to learn new text in a few weeksextra english lessons put on at wellington college in berkshireschool apologised and said investigation has been launched\"]\n", + "students at wellington college , in berkshire , spent the last year studying a different classic book for their imminent as-level exam .the mistake only came to light when mock papers arrived and no exam questions related to the taught text .an investigation has been launched at a # 33,000-a-year school after students were taught the wrong exam text .\n", + "teacher blunder revealed when mock exam arrived and text did n't featurestudents now having to cram to learn new text in a few weeksextra english lessons put on at wellington college in berkshireschool apologised and said investigation has been launched\n", + "[1.4631552 1.5045989 1.3427613 1.3860004 1.1406298 1.0641904 1.0341003\n", + " 1.0795987 1.0257794 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 7 5 6 8 16 15 14 13 9 11 10 17 12 18]\n", + "=======================\n", + "['the england captain has already talked to andrew strauss and lawrence dallaglio about the pressures of being in the spotlight in world cup year .chris robshaw is braced for further scrutiny after he was caught on camera holidaying in barbados with girlfriend camilla kerslake .chris robshaw and camilla kerslake shared this boating picture via instagram while on holiday in barbados']\n", + "=======================\n", + "['england rugby captain chris robshaw photographed on holiday in barbados with girlfriend camilla kerslakerobshaw admits he did not welcome or enjoy the experiencehe has spoken with former england captains about media scrutiny']\n", + "the england captain has already talked to andrew strauss and lawrence dallaglio about the pressures of being in the spotlight in world cup year .chris robshaw is braced for further scrutiny after he was caught on camera holidaying in barbados with girlfriend camilla kerslake .chris robshaw and camilla kerslake shared this boating picture via instagram while on holiday in barbados\n", + "england rugby captain chris robshaw photographed on holiday in barbados with girlfriend camilla kerslakerobshaw admits he did not welcome or enjoy the experiencehe has spoken with former england captains about media scrutiny\n", + "[1.1933326 1.1395094 1.5104495 1.19567 1.1264889 1.2824271 1.0430801\n", + " 1.0295969 1.1307263 1.0977368 1.0372444 1.10878 1.0361862 1.0895982\n", + " 1.0411229 0. 0. 0. 0. ]\n", + "\n", + "[ 2 5 3 0 1 8 4 11 9 13 6 14 10 12 7 17 15 16 18]\n", + "=======================\n", + "['experts in america found that more than 50 per cent of pensioners with investments during the 2007 and 2008 global financial crisis panicked and sold them after the stock market fell by 30 per cent .it comes just days before retirees in britain are given the power to decide how to spend their life savings for the first time ever in the biggest shake-up of pensions for almost a century .research carried out by scientists at texas tech university showed how those who did follow that path and sold at the lowest point eight years ago with a pension of # 100,000 would only have # 63,000 today .']\n", + "=======================\n", + "['half of pensioners in us with investments during 2007 financial crisis sold them at wrong time , research findsexperts analysed 1,204 retirees with investments between 2006 and 2008findings come days before uk retirees are given power to decide how to spend life savings']\n", + "experts in america found that more than 50 per cent of pensioners with investments during the 2007 and 2008 global financial crisis panicked and sold them after the stock market fell by 30 per cent .it comes just days before retirees in britain are given the power to decide how to spend their life savings for the first time ever in the biggest shake-up of pensions for almost a century .research carried out by scientists at texas tech university showed how those who did follow that path and sold at the lowest point eight years ago with a pension of # 100,000 would only have # 63,000 today .\n", + "half of pensioners in us with investments during 2007 financial crisis sold them at wrong time , research findsexperts analysed 1,204 retirees with investments between 2006 and 2008findings come days before uk retirees are given power to decide how to spend life savings\n", + "[1.1557854 1.4649106 1.1829228 1.2063012 1.2291596 1.2115601 1.1665689\n", + " 1.0901055 1.0505129 1.0240769 1.1584557 1.1757497 1.1556484 1.053811\n", + " 1.031203 1.0217383 1.0371127 1.0703354 0. ]\n", + "\n", + "[ 1 4 5 3 2 11 6 10 0 12 7 17 13 8 16 14 9 15 18]\n", + "=======================\n", + "[\"the karen was towed at 10 knots during yesterday 's incident 18 miles from ardglass on the south-east shore of northern ireland and the vessel was badly damaged .the damage is thought to have been caused by a russian submarineviolently dragged : captain paul murphy of the karen , a fishing trawler , holds up a snapped steel cable aboard his boat .\"]\n", + "=======================\n", + "[\"the karen was towed at 10 knots during yesterday 's alarming incidenttook place 18 miles from ardglass on southeast shore of northern irelandofficials believe nato drills may have attracted the interest of the russiansjust three days ago , raf typhoons were sent to intercept two russian aircraft near uk air space\"]\n", + "the karen was towed at 10 knots during yesterday 's incident 18 miles from ardglass on the south-east shore of northern ireland and the vessel was badly damaged .the damage is thought to have been caused by a russian submarineviolently dragged : captain paul murphy of the karen , a fishing trawler , holds up a snapped steel cable aboard his boat .\n", + "the karen was towed at 10 knots during yesterday 's alarming incidenttook place 18 miles from ardglass on southeast shore of northern irelandofficials believe nato drills may have attracted the interest of the russiansjust three days ago , raf typhoons were sent to intercept two russian aircraft near uk air space\n", + "[1.2200358 1.3513047 1.3550155 1.0618147 1.0411738 1.1574564 1.166841\n", + " 1.0959288 1.0948478 1.1165912 1.1216948 1.0389975 1.1276075 1.0266906\n", + " 1.0405246 1.1179186 1.1025181 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 6 5 12 10 15 9 16 7 8 3 4 14 11 13 18 17 19]\n", + "=======================\n", + "[\"cumnock resident christine weston says the rent-a-farmhouse initiative she set up in 2008 brought new life to her town of 280 people near orange the town 's population increased 30 per cent but those families are growing up and moving on .residents of rural towns like cumnock , errowanbang and molong in nsw and wicheproof in victoria hope the bargain rentals will entice families with young children who can help populate their schools , save the local bus run and keep businesses open .farmers in country australia are renting their empty properties for $ 1 a week in an attempt to attract young families from the big smoke to invigorate their communities .\"]\n", + "=======================\n", + "[\"farmers in struggling country towns are renting properties for $ 1 a weekresidents of rural communities are hoping to attract young familiesit 's hoped more young families will help keep local schools open20 townships across australia have adopted the rent-a-farmhouse model\"]\n", + "cumnock resident christine weston says the rent-a-farmhouse initiative she set up in 2008 brought new life to her town of 280 people near orange the town 's population increased 30 per cent but those families are growing up and moving on .residents of rural towns like cumnock , errowanbang and molong in nsw and wicheproof in victoria hope the bargain rentals will entice families with young children who can help populate their schools , save the local bus run and keep businesses open .farmers in country australia are renting their empty properties for $ 1 a week in an attempt to attract young families from the big smoke to invigorate their communities .\n", + "farmers in struggling country towns are renting properties for $ 1 a weekresidents of rural communities are hoping to attract young familiesit 's hoped more young families will help keep local schools open20 townships across australia have adopted the rent-a-farmhouse model\n", + "[1.2273009 1.514863 1.3863149 1.1657073 1.1192082 1.3520807 1.0289983\n", + " 1.0226368 1.0322852 1.0202295 1.0851766 1.1130142 1.1072361 1.0990863\n", + " 1.0492631 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 5 0 3 4 11 12 13 10 14 8 6 7 9 15 16 17 18 19]\n", + "=======================\n", + "[\"marli van breda , who used to live with her family in perth , western australia , was released from hospital last month after she was struck several times on the head and her throat was slashed during an attack in january .the attack took place in her family 's south african home on january 27 and marli is now suffering from retrograde amnesia .the 16-year-old girl who survived a deadly axe attack that claimed the lives of three of her family , has absolutely no recollection of the horrific incident .\"]\n", + "=======================\n", + "[\"marli van breda , 16 , suffered serious head injuries in january attackshe was moved to a rehabilitation clinic after six weeks in hospitalnow released , marli has no recollection of the horrendous ordealbut she can walk and talk - and her sense of humour is intactparents and eldest brother were killed in axe attack at south african homeher other brother , henri , escaped with light injuries and rang the policehenri has been kept away from sister over fears he may traumatise herthe 22-year-old apparently ` giggled ' as he reported his family 's murder\"]\n", + "marli van breda , who used to live with her family in perth , western australia , was released from hospital last month after she was struck several times on the head and her throat was slashed during an attack in january .the attack took place in her family 's south african home on january 27 and marli is now suffering from retrograde amnesia .the 16-year-old girl who survived a deadly axe attack that claimed the lives of three of her family , has absolutely no recollection of the horrific incident .\n", + "marli van breda , 16 , suffered serious head injuries in january attackshe was moved to a rehabilitation clinic after six weeks in hospitalnow released , marli has no recollection of the horrendous ordealbut she can walk and talk - and her sense of humour is intactparents and eldest brother were killed in axe attack at south african homeher other brother , henri , escaped with light injuries and rang the policehenri has been kept away from sister over fears he may traumatise herthe 22-year-old apparently ` giggled ' as he reported his family 's murder\n", + "[1.3046486 1.5076715 1.3046387 1.4050637 1.0589244 1.0285767 1.0343494\n", + " 1.0855526 1.0265844 1.0194721 1.0143677 1.163327 1.0968245 1.0724403\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 11 12 7 13 4 6 5 8 9 10 18 14 15 16 17 19]\n", + "=======================\n", + "[\"perak mufti tan sri harussani zakaria claims that , according to the prophet mohammed , a wife can only refuse her husband sex if she is menstruating , sick or just given birth .a muslim cleric has issued a fatwa ordering a woman to agree to sex with her husband even if they are on the back of a camel , as he denounces the idea of marital rape as ` made up by european people ' .her right to say no , he asserted , was lost the moment her father handed her to her new husband .\"]\n", + "=======================\n", + "[\"malaysian cleric claims marital rape is ` made up by european people 'comments came after the launch of country 's ` no excuses ' rape campaignbut another islamic scholar has now said men are also banned from refusing their wives - nor are they allowed to leave them ` unsatisfied '\"]\n", + "perak mufti tan sri harussani zakaria claims that , according to the prophet mohammed , a wife can only refuse her husband sex if she is menstruating , sick or just given birth .a muslim cleric has issued a fatwa ordering a woman to agree to sex with her husband even if they are on the back of a camel , as he denounces the idea of marital rape as ` made up by european people ' .her right to say no , he asserted , was lost the moment her father handed her to her new husband .\n", + "malaysian cleric claims marital rape is ` made up by european people 'comments came after the launch of country 's ` no excuses ' rape campaignbut another islamic scholar has now said men are also banned from refusing their wives - nor are they allowed to leave them ` unsatisfied '\n", + "[1.3220478 1.4006226 1.2443383 1.1730036 1.1829045 1.2216182 1.2056743\n", + " 1.1856889 1.1906598 1.0270181 1.0384275 1.2403826 1.0408967 1.0131408\n", + " 1.0285401 1.0116403 1.0098605 1.0096986 1.011174 1.0072081]\n", + "\n", + "[ 1 0 2 11 5 6 8 7 4 3 12 10 14 9 13 15 18 16 17 19]\n", + "=======================\n", + "['the official number was issued to hernandez as he started the rest of his life in jail , at cedar junction state prison in massachusetts .nfl murderer aaron hernandez is no longer no 81 - he is prisoner w106228 , daily mail online can reveal .he was being moved to the maximum security souza-baranowski correctional center near shirley today .']\n", + "=======================\n", + "[\"new england patriots no 81 is starting whole life term for murder of odin lloyd - and will now go by his prison numberhe is being moved from the state prison at cedar junction to the souza-baranowski maximum security facility today where he 's on suicide watchman who knew hernandez well reveals how he smoked marijuana mixed with ` angel dust ' - the dangerous illegal substance pcpaddictive substance is known to lead to violent mood swingshernandez is still facing another double murder trial\"]\n", + "the official number was issued to hernandez as he started the rest of his life in jail , at cedar junction state prison in massachusetts .nfl murderer aaron hernandez is no longer no 81 - he is prisoner w106228 , daily mail online can reveal .he was being moved to the maximum security souza-baranowski correctional center near shirley today .\n", + "new england patriots no 81 is starting whole life term for murder of odin lloyd - and will now go by his prison numberhe is being moved from the state prison at cedar junction to the souza-baranowski maximum security facility today where he 's on suicide watchman who knew hernandez well reveals how he smoked marijuana mixed with ` angel dust ' - the dangerous illegal substance pcpaddictive substance is known to lead to violent mood swingshernandez is still facing another double murder trial\n", + "[1.1133394 1.33737 1.2443858 1.2301593 1.2341424 1.2086835 1.2564542\n", + " 1.0346056 1.1097364 1.0685529 1.1890138 1.0487796 1.0591611 1.1108129\n", + " 1.0173419 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 6 2 4 3 5 10 0 13 8 9 12 11 7 14 15 16 17 18 19]\n", + "=======================\n", + "[\"but for one luxury south african resort , etali safari lodge , which offers game drives and walks to see the continent 's big five , one of the animals is often ticked off the list before leaving the hotel .troublesome is a regular visitor to etali in the madikwe game reserve and has become a regular visitor to the splash pools there over the past four years , much to guests ' amusement .one african elephant has take a particular liking to resort 's pool and deck area - so much so staff have nicknamed the elephant troublesome .\"]\n", + "=======================\n", + "[\"african elephant has regularly visited etali safari lodge for four yearshe 's earned the nickname troublesome for his regular poolside anticstroublesome empties the pools with drinking , playing and sprayinglodge manager said kristoff potgieter said they 've tried to deter himbut he said they 've been out-witted : ` troublesome is no ordinary elephant '\"]\n", + "but for one luxury south african resort , etali safari lodge , which offers game drives and walks to see the continent 's big five , one of the animals is often ticked off the list before leaving the hotel .troublesome is a regular visitor to etali in the madikwe game reserve and has become a regular visitor to the splash pools there over the past four years , much to guests ' amusement .one african elephant has take a particular liking to resort 's pool and deck area - so much so staff have nicknamed the elephant troublesome .\n", + "african elephant has regularly visited etali safari lodge for four yearshe 's earned the nickname troublesome for his regular poolside anticstroublesome empties the pools with drinking , playing and sprayinglodge manager said kristoff potgieter said they 've tried to deter himbut he said they 've been out-witted : ` troublesome is no ordinary elephant '\n", + "[1.2247313 1.4635992 1.2980156 1.2659371 1.2528802 1.0677243 1.0162168\n", + " 1.0158312 1.2995272 1.1188698 1.0836246 1.0608983 1.1193533 1.0117849\n", + " 1.0206492 1.0130259]\n", + "\n", + "[ 1 8 2 3 4 0 12 9 10 5 11 14 6 7 15 13]\n", + "=======================\n", + "[\"ian merrett , 28 , is astonished that poppy smart , 23 , did not take it as a compliment , which he says has helped him ` snog loads of girls ' in the past .the builder and his colleagues whistled at her every day for a month as she passed their worcester construction site .miss smart , who compared the wolf-whistling to racial discrimination , eventually filmed them and asked west mercia police to investigate alleged sexual harassment .\"]\n", + "=======================\n", + "[\"poppy smart , 23 , accused builders of sexual harassment for wolf-whistlingian merrett , 28 , says she was ` lucky ' and should take it as a complimenthe said : ` if she walks past again and is lucky she 'll get wolf-whistled again 'he accused her of damaging the reputation of men in the building trademiss smart went to police who sent officers to warn the builders involved\"]\n", + "ian merrett , 28 , is astonished that poppy smart , 23 , did not take it as a compliment , which he says has helped him ` snog loads of girls ' in the past .the builder and his colleagues whistled at her every day for a month as she passed their worcester construction site .miss smart , who compared the wolf-whistling to racial discrimination , eventually filmed them and asked west mercia police to investigate alleged sexual harassment .\n", + "poppy smart , 23 , accused builders of sexual harassment for wolf-whistlingian merrett , 28 , says she was ` lucky ' and should take it as a complimenthe said : ` if she walks past again and is lucky she 'll get wolf-whistled again 'he accused her of damaging the reputation of men in the building trademiss smart went to police who sent officers to warn the builders involved\n", + "[1.305055 1.3479456 1.109688 1.1013241 1.1409892 1.1497896 1.1205707\n", + " 1.0952363 1.0269481 1.0863156 1.1118138 1.0283502 1.0679252 1.0179269\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 5 4 6 10 2 3 7 9 12 11 8 13 14 15]\n", + "=======================\n", + "[\"the london-based lawyer 's wardrobe has gone from strength-to-strength since she tied the knot with george clooney in venice , italy , last september .she is one of the top human rights lawyers in the country and is married to one of the most famous men in the world , so it is no wonder amal clooney always looks effortlessly chic when she steps out into the public eye .several of the outfits she has been photographed in since her lavish wedding to the world-famous actor cost at least # 1,000 , with the star spending a whopping # 66,900 alone on the clothes she is pictured wearing in this feature .\"]\n", + "=======================\n", + "[\"a sneak peek at amal clooney 's wardrobe reveals she spends thousands of pounds on chic designer outfitsoutfits she is pictured in below cost at least # 66,900 but george clooney 's wife always appears effortlessly elegantlondon-based lawyer often spotted across europe in designer numbers including prada , d&g or stella mccartney\"]\n", + "the london-based lawyer 's wardrobe has gone from strength-to-strength since she tied the knot with george clooney in venice , italy , last september .she is one of the top human rights lawyers in the country and is married to one of the most famous men in the world , so it is no wonder amal clooney always looks effortlessly chic when she steps out into the public eye .several of the outfits she has been photographed in since her lavish wedding to the world-famous actor cost at least # 1,000 , with the star spending a whopping # 66,900 alone on the clothes she is pictured wearing in this feature .\n", + "a sneak peek at amal clooney 's wardrobe reveals she spends thousands of pounds on chic designer outfitsoutfits she is pictured in below cost at least # 66,900 but george clooney 's wife always appears effortlessly elegantlondon-based lawyer often spotted across europe in designer numbers including prada , d&g or stella mccartney\n", + "[1.5841521 1.4380598 1.1717563 1.1136432 1.1157775 1.2592351 1.17002\n", + " 1.1355084 1.1296552 1.054963 1.0769511 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 5 2 6 7 8 4 3 10 9 11 12 13 14 15]\n", + "=======================\n", + "[\"saracens flanker jacques burger has been cited for alleged foul play during last sunday 's european champions cup quarter-final game against racing metro in paris .european professional club rugby said that burger is alleged to have struck racing scrum-half maxime machenaud midway through the match at stade yves-du-manoir , which saracens won 12-11 .namibia international burger , 31 , will face a disciplinary hearing on thursday .\"]\n", + "=======================\n", + "['saracens beat racing metro 12-11 to advance to champions cup semisracing were unhappy about a challenge on maxime machenaudsaracens flanker jacques burger has been cited for the tackle']\n", + "saracens flanker jacques burger has been cited for alleged foul play during last sunday 's european champions cup quarter-final game against racing metro in paris .european professional club rugby said that burger is alleged to have struck racing scrum-half maxime machenaud midway through the match at stade yves-du-manoir , which saracens won 12-11 .namibia international burger , 31 , will face a disciplinary hearing on thursday .\n", + "saracens beat racing metro 12-11 to advance to champions cup semisracing were unhappy about a challenge on maxime machenaudsaracens flanker jacques burger has been cited for the tackle\n", + "[1.3236647 1.4239067 1.1961465 1.341809 1.2102109 1.0523428 1.0177324\n", + " 1.1108246 1.1684768 1.1937426 1.1200881 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 9 8 10 7 5 6 11 12 13 14 15]\n", + "=======================\n", + "[\"the fight takes place at the las vegas , mgm grand garden arena on may 2 - with the bout being billed as the biggest in the history of the sport .manny pacquiao used instagram to show his fans a photo of his ripped body as he continues his preparationwith just over two weeks to go until the $ 300million mega-fight , floyd mayweather and manny pacquiao have showed off their toned physique 's - as there preparations continue .\"]\n", + "=======================\n", + "[\"floyd mayweather and manny pacquiap showed off their ripped torso 'sthe fight is just over two weeks away on may 2 , at the mgm in las vegasthe $ 300million bout is touted as the biggest in the history of boxing\"]\n", + "the fight takes place at the las vegas , mgm grand garden arena on may 2 - with the bout being billed as the biggest in the history of the sport .manny pacquiao used instagram to show his fans a photo of his ripped body as he continues his preparationwith just over two weeks to go until the $ 300million mega-fight , floyd mayweather and manny pacquiao have showed off their toned physique 's - as there preparations continue .\n", + "floyd mayweather and manny pacquiap showed off their ripped torso 'sthe fight is just over two weeks away on may 2 , at the mgm in las vegasthe $ 300million bout is touted as the biggest in the history of boxing\n", + "[1.3826151 1.2811501 1.2422553 1.4214596 1.1286751 1.1291348 1.3011581\n", + " 1.0690349 1.099787 1.0519646 1.0543077 1.0987718 1.1974636 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 0 6 1 2 12 5 4 8 11 7 10 9 13 14 15]\n", + "=======================\n", + "[\"steven gerrard and frank lampard are to be honoured by the pfa before they leave the premier leagueliverpool captain gerrard is joining la galaxy , while lampard will meet up with new mls franchise new york city fc .the footballers ' union will pay tribute to the duo 's outstanding contribution to english football at their annual awards ceremony this weekend .\"]\n", + "=======================\n", + "['steven gerrard and frank lampard to be given special merit awardsgerrard is leaving to join la galaxy , lampard moving to new york city fcpfa will hand out the awards this weekend to acknowledge their careers']\n", + "steven gerrard and frank lampard are to be honoured by the pfa before they leave the premier leagueliverpool captain gerrard is joining la galaxy , while lampard will meet up with new mls franchise new york city fc .the footballers ' union will pay tribute to the duo 's outstanding contribution to english football at their annual awards ceremony this weekend .\n", + "steven gerrard and frank lampard to be given special merit awardsgerrard is leaving to join la galaxy , lampard moving to new york city fcpfa will hand out the awards this weekend to acknowledge their careers\n", + "[1.2000769 1.5113037 1.3024461 1.3263149 1.2683858 1.1651087 1.0685502\n", + " 1.0875306 1.1116375 1.024595 1.0104136 1.0104115 1.0665588 1.1470928\n", + " 1.0475041 1.0324608 1.0154266 1.0242274 1.0475142 1.0086931]\n", + "\n", + "[ 1 3 2 4 0 5 13 8 7 6 12 18 14 15 9 17 16 10 11 19]\n", + "=======================\n", + "['julia van herck , 42 , from fulham , west london , underwent surgery after ballooning to 23 stone after tying the knot with stefan in 1993 .she wore a size 26 to size 28 and would regularly comfort eat tubs of ice-cream and family-sized pizzas because she was scared that her husband might leave her .she has since slimmed down to 11 stone ( right )']\n", + "=======================\n", + "[\"julia van herck used to binge on tubs of ice cream and family-sized pizzasmum-of-three blamed post-natal blues and ` not talking ' to her husbandwake-up call came in 2011 when a bout of pneumonia knocked her for sixweight-loss surgery followed and now julia weighs just 11 stone\"]\n", + "julia van herck , 42 , from fulham , west london , underwent surgery after ballooning to 23 stone after tying the knot with stefan in 1993 .she wore a size 26 to size 28 and would regularly comfort eat tubs of ice-cream and family-sized pizzas because she was scared that her husband might leave her .she has since slimmed down to 11 stone ( right )\n", + "julia van herck used to binge on tubs of ice cream and family-sized pizzasmum-of-three blamed post-natal blues and ` not talking ' to her husbandwake-up call came in 2011 when a bout of pneumonia knocked her for sixweight-loss surgery followed and now julia weighs just 11 stone\n", + "[1.6090688 1.3750175 1.3171449 1.1128422 1.1036922 1.0956197 1.0488652\n", + " 1.043682 1.1499631 1.0994587 1.0971764 1.0411879 1.0291399 1.0776191\n", + " 1.0990438 1.0303506 1.0212835 1.0738897 1.0220125 1.0053315]\n", + "\n", + "[ 0 1 2 8 3 4 9 14 10 5 13 17 6 7 11 15 12 18 16 19]\n", + "=======================\n", + "['( cnn ) olivia wilde and garrett hedlund are set to return for disney \\'s \" tron 3 . \"\" legacy \" was the sequel to the 1982 sci-fi film that took place inside a computer world known as the grid and starred jeff bridges and bruce boxleitner .while not a hit at the time , it later drew a big cult following and became an influence on filmmakers and pop culture .']\n", + "=======================\n", + "['3rd \" tron \" is coming together with \" tron : legacy \" stars returningolivia wilde and garrett hedlund will reprise their roles\" tron : legacy \" grossed $ 400 million worldwide , after the 1982 original gained fans online']\n", + "( cnn ) olivia wilde and garrett hedlund are set to return for disney 's \" tron 3 . \"\" legacy \" was the sequel to the 1982 sci-fi film that took place inside a computer world known as the grid and starred jeff bridges and bruce boxleitner .while not a hit at the time , it later drew a big cult following and became an influence on filmmakers and pop culture .\n", + "3rd \" tron \" is coming together with \" tron : legacy \" stars returningolivia wilde and garrett hedlund will reprise their roles\" tron : legacy \" grossed $ 400 million worldwide , after the 1982 original gained fans online\n", + "[1.1360064 1.1661373 1.099656 1.0719497 1.427749 1.3458234 1.368714\n", + " 1.1569142 1.0360717 1.0367744 1.0754879 1.0400628 1.0378819 1.0410124\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 6 5 1 7 0 2 10 3 13 11 12 9 8 14 15 16 17 18 19]\n", + "=======================\n", + "[\"dundee united manager jackie mcnamara is under pressure following his side 's recent slumpscottish premiership outfit dundee united have failed to win any of their last 10 gamesdundee united failed to get their hands on the scottish league cup as they fell to a 2-0 defeat by celtic\"]\n", + "=======================\n", + "[\"jackie mcnamara 's dundee united have lost their last five gamesunited 's last defeat came against rivals dundee on wednesdaygoalkeeper radoslaw cierzniak tipped his side to win treble in januaryfans believe mcnamara 's position at the club is ` untenable '\"]\n", + "dundee united manager jackie mcnamara is under pressure following his side 's recent slumpscottish premiership outfit dundee united have failed to win any of their last 10 gamesdundee united failed to get their hands on the scottish league cup as they fell to a 2-0 defeat by celtic\n", + "jackie mcnamara 's dundee united have lost their last five gamesunited 's last defeat came against rivals dundee on wednesdaygoalkeeper radoslaw cierzniak tipped his side to win treble in januaryfans believe mcnamara 's position at the club is ` untenable '\n", + "[1.2014872 1.4692607 1.109413 1.0769691 1.1031177 1.188201 1.1897885\n", + " 1.1483569 1.0641817 1.0611119 1.2057393 1.0699254 1.1443099 1.0793015\n", + " 1.0413772 1.0662352 1.0587695 1.0103176 0. 0. ]\n", + "\n", + "[ 1 10 0 6 5 7 12 2 4 13 3 11 15 8 9 16 14 17 18 19]\n", + "=======================\n", + "[\"an account purporting to be sydney radio station 2ue sent out a tweet on thursday morning which appears to have come from a disgruntled former employee .the hashtag was in reference to the station 's former newsreader steve blanda , who had read the news at 2ue for over a decade .while the tweet has since been removed from the @ 2uenews twitter account , there is speculation online that it could have been sent by an employee displaced by the controversial merger .\"]\n", + "=======================\n", + "[\"a tweet was sent from an account claiming to be linked to 2ue newsthe sydney fairfax media station recently merged with rival station 2gbread ` we hope you like the sound of whinging hyenas reading the news 'jobs were lost at 2ue , and 4bc and magic 1278 in brisbane after merger\"]\n", + "an account purporting to be sydney radio station 2ue sent out a tweet on thursday morning which appears to have come from a disgruntled former employee .the hashtag was in reference to the station 's former newsreader steve blanda , who had read the news at 2ue for over a decade .while the tweet has since been removed from the @ 2uenews twitter account , there is speculation online that it could have been sent by an employee displaced by the controversial merger .\n", + "a tweet was sent from an account claiming to be linked to 2ue newsthe sydney fairfax media station recently merged with rival station 2gbread ` we hope you like the sound of whinging hyenas reading the news 'jobs were lost at 2ue , and 4bc and magic 1278 in brisbane after merger\n", + "[1.4079015 1.3618019 1.1628515 1.3033426 1.1436615 1.1196451 1.1034205\n", + " 1.0817934 1.1199572 1.0844733 1.0663508 1.0320804 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 8 5 6 9 7 10 11 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "['cairo ( cnn ) an egyptian court has sentenced 71 people to life in prison for their role in the august 2013 burning of a christian church in the giza province village of kafr hakim , state news reports .the virgin mary church was torched and looted by a mob , some of whom chanted against coptic christians and called for egypt to become an \" islamic state , \" one of at least 42 churches and many more businesses and homes targeted that august , the advocacy group human rights watch reports .in addition to those getting life sentences , two minors were sentenced to 10 years in prison and fined 10,000 egyptian pounds ( about $ 1,300 ) , egypt \\'s official egynews reported .']\n", + "=======================\n", + "['2 minors were sentenced to 10 years in prison , in addition to adults getting life52 of the 73 defendants were sentenced in absentiathe virgin mary church was burned along with dozens of others in august 2013']\n", + "cairo ( cnn ) an egyptian court has sentenced 71 people to life in prison for their role in the august 2013 burning of a christian church in the giza province village of kafr hakim , state news reports .the virgin mary church was torched and looted by a mob , some of whom chanted against coptic christians and called for egypt to become an \" islamic state , \" one of at least 42 churches and many more businesses and homes targeted that august , the advocacy group human rights watch reports .in addition to those getting life sentences , two minors were sentenced to 10 years in prison and fined 10,000 egyptian pounds ( about $ 1,300 ) , egypt 's official egynews reported .\n", + "2 minors were sentenced to 10 years in prison , in addition to adults getting life52 of the 73 defendants were sentenced in absentiathe virgin mary church was burned along with dozens of others in august 2013\n", + "[1.1339961 1.2277491 1.253176 1.1268 1.2745678 1.1249717 1.0437641\n", + " 1.1235616 1.06797 1.0308808 1.0209756 1.0442137 1.0761787 1.1217545\n", + " 1.0706904 1.0194126 1.0216079]\n", + "\n", + "[ 4 2 1 0 3 5 7 13 12 14 8 11 6 9 16 10 15]\n", + "=======================\n", + "[\"cuba is trying to re-establish itself at the two-day summit in panama , arriving with more than 100 government officials , diplomats , small business people and artists .and for the first time since 1962 , the u.s. has not blocked cuba 's attempt to join .cuba pulled off a diplomatic coup by marshaling the support of other regional countries to insist on their attendance at the summit of the americas .\"]\n", + "=======================\n", + "[\"cuba pulled off a diplomatic coup by gaining attendance at summit of the americasfirst time since 1962 , the u.s. has not blocked cuba 's attempt to joincuba is trying to re-establish itself at the two-day summit in panama\"]\n", + "cuba is trying to re-establish itself at the two-day summit in panama , arriving with more than 100 government officials , diplomats , small business people and artists .and for the first time since 1962 , the u.s. has not blocked cuba 's attempt to join .cuba pulled off a diplomatic coup by marshaling the support of other regional countries to insist on their attendance at the summit of the americas .\n", + "cuba pulled off a diplomatic coup by gaining attendance at summit of the americasfirst time since 1962 , the u.s. has not blocked cuba 's attempt to joincuba is trying to re-establish itself at the two-day summit in panama\n", + "[1.3813212 1.1534879 1.0981998 1.0696687 1.4039056 1.1918297 1.1634337\n", + " 1.1592901 1.0354083 1.0522242 1.0355022 1.0517011 1.0568389 1.0238475\n", + " 0. 0. 0. ]\n", + "\n", + "[ 4 0 5 6 7 1 2 3 12 9 11 10 8 13 14 15 16]\n", + "=======================\n", + "[\"labour leader ed miliband confessed that he ` blubbed ' during the british film pride that centres on the 1984 miners ' strikeneedless to say , the evil dictator who they 're fighting is margaret thatcher .miliband received a lot of praise for admitting that he had a weep\"]\n", + "=======================\n", + "[\"ed miliband has admitted that he cried watching the british film pridemovie centres on the 1984 miners ' strike and a group of gays and lesbiansbilly elliott and brassed off could also get the labour leader blubbing\"]\n", + "labour leader ed miliband confessed that he ` blubbed ' during the british film pride that centres on the 1984 miners ' strikeneedless to say , the evil dictator who they 're fighting is margaret thatcher .miliband received a lot of praise for admitting that he had a weep\n", + "ed miliband has admitted that he cried watching the british film pridemovie centres on the 1984 miners ' strike and a group of gays and lesbiansbilly elliott and brassed off could also get the labour leader blubbing\n", + "[1.3375038 1.3437153 1.1634072 1.1264338 1.371742 1.1250217 1.2576449\n", + " 1.1064596 1.0412835 1.0706006 1.0563534 1.2227858 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 4 1 0 6 11 2 3 5 7 9 10 8 12 13 14 15 16]\n", + "=======================\n", + "[\"former england full back mathew tait was caught by vunipola during the match at allianz parkthe 22-year-old faces an rfu disciplinary panel on tuesday afternoon and could face an immediate suspension following an accusation that he struck leicester 's mathew tait .saracens are sweating over the availability of billy vunipola for saturday 's champions cup semi-final against clermont after the no 8 was cited on monday night for an alleged butt .\"]\n", + "=======================\n", + "['billy vunipola was citied on monday night for an alleged buttthe saracens no 8 will face an rfu disciplinary panel on tuesdaytoulon are plotting a move for australia fly-half quade cooper']\n", + "former england full back mathew tait was caught by vunipola during the match at allianz parkthe 22-year-old faces an rfu disciplinary panel on tuesday afternoon and could face an immediate suspension following an accusation that he struck leicester 's mathew tait .saracens are sweating over the availability of billy vunipola for saturday 's champions cup semi-final against clermont after the no 8 was cited on monday night for an alleged butt .\n", + "billy vunipola was citied on monday night for an alleged buttthe saracens no 8 will face an rfu disciplinary panel on tuesdaytoulon are plotting a move for australia fly-half quade cooper\n", + "[1.3041856 1.3928324 1.3325801 1.1984786 1.1264584 1.3691897 1.1718204\n", + " 1.0552672 1.038027 1.146906 1.0252366 1.0248318 1.1026514 1.0410864\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 5 2 0 3 6 9 4 12 7 13 8 10 11 15 14 16]\n", + "=======================\n", + "[\"hundreds of people are seen watching without attempting to intervene during the alleged attack on panama city beach , authorities claim .troy university students delone ' martistee , 22 , and ryan austin calhoun , 23 , have been suspended from college while they are detained for questioning , wsfa reports .the footage was uncovered on a cell phone during an unconnected investigation into a shooting in troy , alabama .\"]\n", + "=======================\n", + "[\"police in troy , alabama , found the video while investigating a shootingvideo ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervenetroy university students delone ' martistee , 22 , and ryan austin calhoun , 23 , have been arrested in connection with the alleged incident\"]\n", + "hundreds of people are seen watching without attempting to intervene during the alleged attack on panama city beach , authorities claim .troy university students delone ' martistee , 22 , and ryan austin calhoun , 23 , have been suspended from college while they are detained for questioning , wsfa reports .the footage was uncovered on a cell phone during an unconnected investigation into a shooting in troy , alabama .\n", + "police in troy , alabama , found the video while investigating a shootingvideo ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervenetroy university students delone ' martistee , 22 , and ryan austin calhoun , 23 , have been arrested in connection with the alleged incident\n", + "[1.4975224 1.3750951 1.1013573 1.2218714 1.264315 1.2685604 1.0611658\n", + " 1.0534047 1.0318182 1.0248486 1.0290214 1.0514076 1.018097 1.0250444\n", + " 1.0181595 1.0320152 1.2485762]\n", + "\n", + "[ 0 1 5 4 16 3 2 6 7 11 15 8 10 13 9 14 12]\n", + "=======================\n", + "[\"paula creamer has called for a masters tournament for women at augusta national .creamer , who won the 2010 women 's us open , first floated the idea on twitter following jordan spieth 's stunning victory at the masters on april 14 stating : ' i hope the masters will consider a women 's masters soon .paula creamer plays her third shot on the 14th hole during the lpga lotte championship on april 17 '\"]\n", + "=======================\n", + "[\"paula creamer won the 2010 women 's us opencreamer suggested a women 's event could be staged the week following the men 's showpiece in apriljordan spieth stormed to his first masters title earlier this month\"]\n", + "paula creamer has called for a masters tournament for women at augusta national .creamer , who won the 2010 women 's us open , first floated the idea on twitter following jordan spieth 's stunning victory at the masters on april 14 stating : ' i hope the masters will consider a women 's masters soon .paula creamer plays her third shot on the 14th hole during the lpga lotte championship on april 17 '\n", + "paula creamer won the 2010 women 's us opencreamer suggested a women 's event could be staged the week following the men 's showpiece in apriljordan spieth stormed to his first masters title earlier this month\n", + "[1.2616907 1.4365679 1.3287966 1.241631 1.202931 1.1708863 1.1564908\n", + " 1.0786098 1.0366377 1.0279061 1.0690664 1.0427831 1.0259464 1.0351928\n", + " 1.010608 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 4 5 6 7 10 11 8 13 9 12 14 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"carrie fisher , 58 , who is reprising her role as princess leia , and mark hamill , 63 , who is luke skywalker , were arm-in-arm on the stage just before the second trailer for the december film was rolled out .the force was n't with everyone during the star wars : episode vii - the force awakens panel held at california 's anaheim convention center on thursday .producer kathleen kennedy explained the 72-year-old was ` resting ' after miraculously surviving a march plane crash in los angeles .\"]\n", + "=======================\n", + "[\"mark and carrie are reprising their roles as luke and leia , respectively , which were introduced in 1977harrison , 72 , was not at the star wars panel in anaheim but he did appear at the end of the episode vii trailerford crashed his vintage airplane on an la golf course in march and suffered several injuriesproducer kathleen kennedy said the veteran actor was a ` hero ' was at home ` resting '\"]\n", + "carrie fisher , 58 , who is reprising her role as princess leia , and mark hamill , 63 , who is luke skywalker , were arm-in-arm on the stage just before the second trailer for the december film was rolled out .the force was n't with everyone during the star wars : episode vii - the force awakens panel held at california 's anaheim convention center on thursday .producer kathleen kennedy explained the 72-year-old was ` resting ' after miraculously surviving a march plane crash in los angeles .\n", + "mark and carrie are reprising their roles as luke and leia , respectively , which were introduced in 1977harrison , 72 , was not at the star wars panel in anaheim but he did appear at the end of the episode vii trailerford crashed his vintage airplane on an la golf course in march and suffered several injuriesproducer kathleen kennedy said the veteran actor was a ` hero ' was at home ` resting '\n", + "[1.2393162 1.3602219 1.2947549 1.3296365 1.1901366 1.1516509 1.0916114\n", + " 1.0393503 1.0285343 1.2279546 1.0577054 1.0333554 1.0536828 1.0141327\n", + " 1.042669 1.0288551 1.0243856 1.0709435 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 9 4 5 6 17 10 12 14 7 11 15 8 16 13 20 18 19 21]\n", + "=======================\n", + "[\"harington , who plays the character jon snow , poked fun at belfast and tourism bosses when he appeared on a late-night chat show to promote the hbo series ' return to tv screens .game of thrones star kit harington told host seth myers that belfast is ` wonderful for two or three days 'tourism bosses have leveraged the show 's popularity to draw visitors and they said it has helped belfast to become one of the most popular city break destinations in the uk .\"]\n", + "=======================\n", + "[\"actor kit harington made the comments on late night with seth myershe said belfast is ` wonderful for two or three days ' , drawing laughterharington plays the character jon snow on the hit hbo programmehe appeared on the talk show to promote game of thrones ' new series\"]\n", + "harington , who plays the character jon snow , poked fun at belfast and tourism bosses when he appeared on a late-night chat show to promote the hbo series ' return to tv screens .game of thrones star kit harington told host seth myers that belfast is ` wonderful for two or three days 'tourism bosses have leveraged the show 's popularity to draw visitors and they said it has helped belfast to become one of the most popular city break destinations in the uk .\n", + "actor kit harington made the comments on late night with seth myershe said belfast is ` wonderful for two or three days ' , drawing laughterharington plays the character jon snow on the hit hbo programmehe appeared on the talk show to promote game of thrones ' new series\n", + "[1.2021798 1.5741751 1.2715029 1.1510861 1.2237046 1.1359838 1.1249535\n", + " 1.0809276 1.0695318 1.0237086 1.0272647 1.030543 1.0403423 1.1334995\n", + " 1.1678756 1.0558264 1.041582 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 4 0 14 3 5 13 6 7 8 15 16 12 11 10 9 17 18 19 20 21]\n", + "=======================\n", + "['louis jordan , 37 , who was stranded 200 miles off the coast of north carolina , suffered no sun damage , was not dehydrated and refused treatment when he was checked over in hospital , despite more than two months exposed to the elements .the coast guard crew who rescued him said he had a small smile on his face when they landed on his vessel , expecting him to be covered in blisters and have severe sunburn .he left hours later on friday in good health']\n", + "=======================\n", + "['louis jordan , 37 , was stranded 200 miles off the coast of north carolinarefused treatment when he was taken to hospital in norfolk , virginiacoast guard crew who rescued him said he was smiling when they arrivedgroup expected him to be severely sun burnt and covered in blistersrefused treatment at hospital and conducted tv interviews straight away']\n", + "louis jordan , 37 , who was stranded 200 miles off the coast of north carolina , suffered no sun damage , was not dehydrated and refused treatment when he was checked over in hospital , despite more than two months exposed to the elements .the coast guard crew who rescued him said he had a small smile on his face when they landed on his vessel , expecting him to be covered in blisters and have severe sunburn .he left hours later on friday in good health\n", + "louis jordan , 37 , was stranded 200 miles off the coast of north carolinarefused treatment when he was taken to hospital in norfolk , virginiacoast guard crew who rescued him said he was smiling when they arrivedgroup expected him to be severely sun burnt and covered in blistersrefused treatment at hospital and conducted tv interviews straight away\n", + "[1.3501419 1.3401157 1.1599783 1.1595286 1.2457179 1.078945 1.1117711\n", + " 1.1195612 1.1097339 1.1099527 1.0661297 1.0228621 1.0448178 1.0622504\n", + " 1.0618507 1.03742 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 4 2 3 7 6 9 8 5 10 13 14 12 15 11 16 17 18 19 20 21]\n", + "=======================\n", + "[\"jay z launched a stream of tweets defending his premium music streaming app tidal after the service , launched last month , was described as a flop .his social media diatribe comes as reports claim that tidal is being sabotaged by rivals as it attempts to take business away from more-established music outlets such as spotify and apple .` we may not be perfect - but we are determined , ' he said while claiming that there are ` many big companies that are spending millions on a smear campaign ' .\"]\n", + "=======================\n", + "[\"rapper says that his streaming service is ` here for the long haul 'report claims that app is being affected by delays from apple , which is launching its own music service this summerjay z claims that tidal already has more than 700,000 subscribersapp purchasing data shows that it has fallen out of top 750 downloads\"]\n", + "jay z launched a stream of tweets defending his premium music streaming app tidal after the service , launched last month , was described as a flop .his social media diatribe comes as reports claim that tidal is being sabotaged by rivals as it attempts to take business away from more-established music outlets such as spotify and apple .` we may not be perfect - but we are determined , ' he said while claiming that there are ` many big companies that are spending millions on a smear campaign ' .\n", + "rapper says that his streaming service is ` here for the long haul 'report claims that app is being affected by delays from apple , which is launching its own music service this summerjay z claims that tidal already has more than 700,000 subscribersapp purchasing data shows that it has fallen out of top 750 downloads\n", + "[1.3012253 1.2888315 1.4488819 1.2408279 1.1126829 1.0893874 1.0625608\n", + " 1.1357934 1.0190016 1.0776873 1.1071154 1.0294743 1.0874538 1.0543891\n", + " 1.0820258 1.049069 1.1112663 1.0667756 1.0418867 1.0516949 1.0110439\n", + " 1.0244609]\n", + "\n", + "[ 2 0 1 3 7 4 16 10 5 12 14 9 17 6 13 19 15 18 11 21 8 20]\n", + "=======================\n", + "['duncan burton , 57 , was released in november 2012 after 14-years behind bars but was allowed to work for uber despite city controls prohibiting drug felons driving cabs .unfit driver : according to houston city codes - duncan burton should not have been driving because of a prior drugs convictiona houston uber driver arrested and charged last week with sexually assaulting a female passenger was granted approval to drive for the car service despite being a convicted cocaine dealer .']\n", + "=======================\n", + "['duncan burton , 57 , was charged last week with rape in houston , texasreleased from jail in 2012 after serving 14-years of an 18-year sentence']\n", + "duncan burton , 57 , was released in november 2012 after 14-years behind bars but was allowed to work for uber despite city controls prohibiting drug felons driving cabs .unfit driver : according to houston city codes - duncan burton should not have been driving because of a prior drugs convictiona houston uber driver arrested and charged last week with sexually assaulting a female passenger was granted approval to drive for the car service despite being a convicted cocaine dealer .\n", + "duncan burton , 57 , was charged last week with rape in houston , texasreleased from jail in 2012 after serving 14-years of an 18-year sentence\n", + "[1.091391 1.526135 1.3580513 1.3059127 1.1621181 1.134778 1.0156149\n", + " 1.2728212 1.0929078 1.1090902 1.0351344 1.0330793 1.0241456 1.0795188\n", + " 1.0538042 1.0606542 1.0614741 0. ]\n", + "\n", + "[ 1 2 3 7 4 5 9 8 0 13 16 15 14 10 11 12 6 17]\n", + "=======================\n", + "[\"the boy , 14-year-old jack cordero , from portland , oregon , vomited all over the floor of a powell 's bookstore in the city in march .the manager said the mess was ` gigantic ' and had to clean it up , along with her assistant manager .the letter , which arrived at powell 's on april 1 and was marked ` attention barf cleaners ' , read : ` this ben and jerry 's card is for the people who cleaned up the throw-up of a kid on friday 28 .\"]\n", + "=======================\n", + "['jack cordero , 14 , from portland , has won praise for his etiquettehe was sick in a bookshop but handwrote staff there an apologythe manager of the shop , jennifer wicka , said that the note made her daya picture of the letter went viral after it was uploaded to twitter']\n", + "the boy , 14-year-old jack cordero , from portland , oregon , vomited all over the floor of a powell 's bookstore in the city in march .the manager said the mess was ` gigantic ' and had to clean it up , along with her assistant manager .the letter , which arrived at powell 's on april 1 and was marked ` attention barf cleaners ' , read : ` this ben and jerry 's card is for the people who cleaned up the throw-up of a kid on friday 28 .\n", + "jack cordero , 14 , from portland , has won praise for his etiquettehe was sick in a bookshop but handwrote staff there an apologythe manager of the shop , jennifer wicka , said that the note made her daya picture of the letter went viral after it was uploaded to twitter\n", + "[1.210618 1.4413933 1.1629833 1.209086 1.1508573 1.1193693 1.0925589\n", + " 1.0936917 1.0786448 1.0412785 1.0548711 1.0976803 1.0201901 1.0275204\n", + " 1.0788019 1.047652 1.0345216 1.0133998]\n", + "\n", + "[ 1 0 3 2 4 5 11 7 6 14 8 10 15 9 16 13 12 17]\n", + "=======================\n", + "[\"anil saxena , from mumbai , uses ingenious retouching to create pictures of anything from a woman hanging a zebra 's stripes on the line to dry to a pair of hands knitting a green field .an artist with a surreal take on the natural world uses photoshop to create whimsical , mind-bending pictures that would give salvador dali a run for his money .he prides himself on his digital manipulation techniques , saying : ` if the image is a success but my work goes unnoticed , i 'm doing my job well . '\"]\n", + "=======================\n", + "[\"digital artist anil saxena , from mumbai , creates surreal images out of pictures of the natural worlduses photoshop to turn pictures into flights of fancy that make viewers question what they 're seeingwhimsical surreal shots created thanks to painstaking doctoring using image editing software\"]\n", + "anil saxena , from mumbai , uses ingenious retouching to create pictures of anything from a woman hanging a zebra 's stripes on the line to dry to a pair of hands knitting a green field .an artist with a surreal take on the natural world uses photoshop to create whimsical , mind-bending pictures that would give salvador dali a run for his money .he prides himself on his digital manipulation techniques , saying : ` if the image is a success but my work goes unnoticed , i 'm doing my job well . '\n", + "digital artist anil saxena , from mumbai , creates surreal images out of pictures of the natural worlduses photoshop to turn pictures into flights of fancy that make viewers question what they 're seeingwhimsical surreal shots created thanks to painstaking doctoring using image editing software\n", + "[1.2109883 1.3630311 1.2581547 1.1722031 1.1738588 1.0795853 1.03927\n", + " 1.1840041 1.11538 1.030273 1.0384538 1.0347247 1.1352788 1.0297618\n", + " 1.048139 1.144403 1.0463092 1.0240827]\n", + "\n", + "[ 1 2 0 7 4 3 15 12 8 5 14 16 6 10 11 9 13 17]\n", + "=======================\n", + "[\"marble-sized hailstones , some up to 2cm in diameter pounded multiple suburbs in the city 's east and west on anzac day , coating streets and backyards in sleet despite only lasting for around three hours .saturday 's freak weather could be explained by constantly changing atmospheric conditions and bursts of ice-cold air , said bureau of meteorology nsw manager of weather services , andrew treloar .sydneysiders already reeling from a three day ` cyclone ' were hit again on saturday , as the city was pummelled by a massive hail storm .\"]\n", + "=======================\n", + "[\"after the ` storm of a century ' finally dissipated last week , sydneysiders believed the worst was overthen on anzac day large hailstones blanketed sydney and the blue mountains in a ferocious downpourhailstones of up to 2cm were reported in some areas , as the storm transformed parts of the city into ` snowfields 'the weird weather conditions can be attributed to some degree to climate change , according to csiroseven buildings , including five 200m long factories , collapsed under half a metre of hail in western sydneystate emergency services attended over 800 calls for help before the storm cleared at around 7pm\"]\n", + "marble-sized hailstones , some up to 2cm in diameter pounded multiple suburbs in the city 's east and west on anzac day , coating streets and backyards in sleet despite only lasting for around three hours .saturday 's freak weather could be explained by constantly changing atmospheric conditions and bursts of ice-cold air , said bureau of meteorology nsw manager of weather services , andrew treloar .sydneysiders already reeling from a three day ` cyclone ' were hit again on saturday , as the city was pummelled by a massive hail storm .\n", + "after the ` storm of a century ' finally dissipated last week , sydneysiders believed the worst was overthen on anzac day large hailstones blanketed sydney and the blue mountains in a ferocious downpourhailstones of up to 2cm were reported in some areas , as the storm transformed parts of the city into ` snowfields 'the weird weather conditions can be attributed to some degree to climate change , according to csiroseven buildings , including five 200m long factories , collapsed under half a metre of hail in western sydneystate emergency services attended over 800 calls for help before the storm cleared at around 7pm\n", + "[1.3167048 1.5167508 1.3182951 1.3045931 1.2798934 1.1316502 1.0534389\n", + " 1.029513 1.0147016 1.0486106 1.0647277 1.1181629 1.0389663 1.0345895\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 5 11 10 6 9 12 13 7 8 14 15 16 17]\n", + "=======================\n", + "[\"the airplane , which spectacularly vanished last year with 239 people on board , is believed to have crashed in the indian ocean off australia 's west coast .by expanding the search area for the downed plane , the mission to recover it could go on for another 12 months , according to government officials .the expanded search will ` cover the entire highest probability area identified by expert analysis ' , australian deputy prime minister warren truss .\"]\n", + "=======================\n", + "['search area for missing flight mh370 doubled by government officialsextended search area means hunt for plane could run for another yearcomes after maldives locals said they saw a low-flying jet on day of crashisland sighting more than 5,000 kilometres away from the then-search area']\n", + "the airplane , which spectacularly vanished last year with 239 people on board , is believed to have crashed in the indian ocean off australia 's west coast .by expanding the search area for the downed plane , the mission to recover it could go on for another 12 months , according to government officials .the expanded search will ` cover the entire highest probability area identified by expert analysis ' , australian deputy prime minister warren truss .\n", + "search area for missing flight mh370 doubled by government officialsextended search area means hunt for plane could run for another yearcomes after maldives locals said they saw a low-flying jet on day of crashisland sighting more than 5,000 kilometres away from the then-search area\n", + "[1.571656 1.1881565 1.1734289 1.1315461 1.4321369 1.2198272 1.0894051\n", + " 1.0583167 1.1082374 1.0550917 1.1678019 1.0335536 1.0059285 1.0122907\n", + " 1.1047958 0. 0. 0. ]\n", + "\n", + "[ 0 4 5 1 2 10 3 8 14 6 7 9 11 13 12 16 15 17]\n", + "=======================\n", + "[\"rafael nadal eased past spanish compatriot nicolas almagro 6-3 6-1 to reach the barcelona open third round on wednesday as he began his bid for a ninth title on the clay in the catalan capital .watched by barcelona forward neymar in the crowd , the world no 4 and second seed comfortably dismissed the unseeded almagro - who is battling back after foot surgery that sidelined him for the second half of last year and has dropped out of the top 100 .the pair met in the 2013 barcelona final , when nadal claimed his eighth title , before 2015 top seed kei nishikori of japan won last year 's event after almagro surprised nadal in the quarter-finals .\"]\n", + "=======================\n", + "[\"rafael nadal beat spanish compatriot nicolas almagro 6-3 6-1nadal exacted revenge on almagro - who beat him last year 's quarter-finalsworld no 4 is looking for his ninth career title on the catalan clay court\"]\n", + "rafael nadal eased past spanish compatriot nicolas almagro 6-3 6-1 to reach the barcelona open third round on wednesday as he began his bid for a ninth title on the clay in the catalan capital .watched by barcelona forward neymar in the crowd , the world no 4 and second seed comfortably dismissed the unseeded almagro - who is battling back after foot surgery that sidelined him for the second half of last year and has dropped out of the top 100 .the pair met in the 2013 barcelona final , when nadal claimed his eighth title , before 2015 top seed kei nishikori of japan won last year 's event after almagro surprised nadal in the quarter-finals .\n", + "rafael nadal beat spanish compatriot nicolas almagro 6-3 6-1nadal exacted revenge on almagro - who beat him last year 's quarter-finalsworld no 4 is looking for his ninth career title on the catalan clay court\n", + "[1.5125858 1.4541807 1.264241 1.523789 1.0976622 1.0199138 1.0156496\n", + " 1.0150919 1.0449016 1.0433606 1.1136198 1.0645089 1.2583516 1.0165458\n", + " 1.0149516 1.0154182 1.0087931 1.0103053 1.017583 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 0 1 2 12 10 4 11 8 9 5 18 13 6 15 7 14 17 16 21 19 20 22]\n", + "=======================\n", + "[\"jonathan davies says clermont are relishing champions cup semi-final against northamptonclermont thrashed the english champions 37-5 in the last-eight tie at the stade marcel-michelin and - with a place at the twickenham final in sight - the french outfit are now plotting the downfall of the aviva premiership 's second best side .both clubs are going in search of their first-ever european crown and , after leaving wales in search of continental success last summer , davies is determined to deliver another perfect performance in saint etienne .\"]\n", + "=======================\n", + "[\"clermont auvergne take on saracens in champions cup semi-finalfrench side aiming to make amends for last year 's exit at same stageclermont thrashed english champions northampton in the last-eight\"]\n", + "jonathan davies says clermont are relishing champions cup semi-final against northamptonclermont thrashed the english champions 37-5 in the last-eight tie at the stade marcel-michelin and - with a place at the twickenham final in sight - the french outfit are now plotting the downfall of the aviva premiership 's second best side .both clubs are going in search of their first-ever european crown and , after leaving wales in search of continental success last summer , davies is determined to deliver another perfect performance in saint etienne .\n", + "clermont auvergne take on saracens in champions cup semi-finalfrench side aiming to make amends for last year 's exit at same stageclermont thrashed english champions northampton in the last-eight\n", + "[1.1992444 1.4094299 1.3646755 1.1127356 1.0918907 1.1870155 1.2950084\n", + " 1.0454808 1.063614 1.0426377 1.2437975 1.0131716 1.0148889 1.0496552\n", + " 1.0371373 1.0622537 1.0303826 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 6 10 0 5 3 4 8 15 13 7 9 14 16 12 11 17 18 19 20 21 22]\n", + "=======================\n", + "['the government has approved funding for cambridgeshire-based mole solutions to develop the idea as an alternative to the conventional systems of transporting goods by road .the plan , called the mole urban project , aims to reduce the level of road freight within urban areas by using freight pipelines carrying goods in capsules to edge of town consolidation centres , where they would be collected .the development project is set to last nine months and if successful could be rolled out in other towns , although it is still a long way from fruition .']\n", + "=======================\n", + "['mole solutions is developing the idea as an alternative to road transportwould see capsules loaded with goods sent in underground pipelinesa test track has already been built for a nine month development projectthe project has approved some government funding from defra']\n", + "the government has approved funding for cambridgeshire-based mole solutions to develop the idea as an alternative to the conventional systems of transporting goods by road .the plan , called the mole urban project , aims to reduce the level of road freight within urban areas by using freight pipelines carrying goods in capsules to edge of town consolidation centres , where they would be collected .the development project is set to last nine months and if successful could be rolled out in other towns , although it is still a long way from fruition .\n", + "mole solutions is developing the idea as an alternative to road transportwould see capsules loaded with goods sent in underground pipelinesa test track has already been built for a nine month development projectthe project has approved some government funding from defra\n", + "[1.227283 1.4802492 1.3460299 1.2886353 1.1207242 1.0494357 1.0348039\n", + " 1.0430154 1.0984254 1.2767849 1.0989078 1.0550076 1.0205153 1.0185413\n", + " 1.0615367 1.0527833 1.0114627 1.0112398 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 9 0 4 10 8 14 11 15 5 7 6 12 13 16 17 21 18 19 20 22]\n", + "=======================\n", + "[\"italian musician andrea furlan was captured on camera by filmmaker friend irina niculescu standing in front of a river in stony stratford , milton keynes .he holds a ` butterfly landscape ' designed instrument to his mouth and plays a tune , while an unsuspecting herd of cows graze in the background .suddenly a cow steps out from behind the herd and with its ears lifted begins walking towards the river , which separates it from andrea .\"]\n", + "=======================\n", + "[\"italian musician andrea furlan was filmed playing in milton keyneshe holds a hand-made ` butterfly landscape ' designed didgeridooas he plays a tune some of the cows lift their heads and take notesuddenly the whole herd are compelled to run towards the soundthey stand rooted to the spot for the duration of the compositionandrea described moment as ` an amazing and humbling experience '\"]\n", + "italian musician andrea furlan was captured on camera by filmmaker friend irina niculescu standing in front of a river in stony stratford , milton keynes .he holds a ` butterfly landscape ' designed instrument to his mouth and plays a tune , while an unsuspecting herd of cows graze in the background .suddenly a cow steps out from behind the herd and with its ears lifted begins walking towards the river , which separates it from andrea .\n", + "italian musician andrea furlan was filmed playing in milton keyneshe holds a hand-made ` butterfly landscape ' designed didgeridooas he plays a tune some of the cows lift their heads and take notesuddenly the whole herd are compelled to run towards the soundthey stand rooted to the spot for the duration of the compositionandrea described moment as ` an amazing and humbling experience '\n", + "[1.2823159 1.4148198 1.3150826 1.2461466 1.0800956 1.1105917 1.0901076\n", + " 1.063014 1.0837566 1.1831279 1.093784 1.0245175 1.037607 1.0238668\n", + " 1.0316792 1.087004 1.0517621 1.0555185 1.0492766 1.0784339 1.0326301\n", + " 1.0296595 0. ]\n", + "\n", + "[ 1 2 0 3 9 5 10 6 15 8 4 19 7 17 16 18 12 20 14 21 11 13 22]\n", + "=======================\n", + "[\"the new tool lets users embed tweets within their own messages , meaning that users get an extra 116 characters to comment on a tweet .available on twitter 's website and the iphone app , the feature will roll out to android handsets soon .twitter has officially rolled out its ` retweet with comment ' feature , which , unsurprisingly lets people annotate the tweets of others .\"]\n", + "=======================\n", + "[\"new feature has been rolled out on twitter 's website and iphone applets users embed tweets within their own messages and comment on ittool means longer tweets , as a comment can be 116 characters longresponse has been mainly positive to the new feature online\"]\n", + "the new tool lets users embed tweets within their own messages , meaning that users get an extra 116 characters to comment on a tweet .available on twitter 's website and the iphone app , the feature will roll out to android handsets soon .twitter has officially rolled out its ` retweet with comment ' feature , which , unsurprisingly lets people annotate the tweets of others .\n", + "new feature has been rolled out on twitter 's website and iphone applets users embed tweets within their own messages and comment on ittool means longer tweets , as a comment can be 116 characters longresponse has been mainly positive to the new feature online\n", + "[1.0939 1.0670145 1.0639007 1.2241412 1.1907921 1.0848398 1.1168332\n", + " 1.18298 1.2316003 1.1051245 1.0492835 1.0911702 1.0391971 1.1371591\n", + " 1.0333365 1.0753325 1.0816958 1.0180607 1.0607523 1.0771377 1.0396178\n", + " 1.0310081 1.0523078]\n", + "\n", + "[ 8 3 4 7 13 6 9 0 11 5 16 19 15 1 2 18 22 10 20 12 14 21 17]\n", + "=======================\n", + "['freeze your cake for 24 hours straight from the oven and the sponge will be bouncier than everfrom cakes to curries , freezing brings out more of their flavour and boosts the texture .here , tessa cunningham puts a host of our favourite foods to the frozen test ...']\n", + "=======================\n", + "['everyone knows freezing is a great way of preserving different foodsbut there are a few types of food you may not have thought of freezinghere , tessa cunningham puts a host of our foods to the frozen test']\n", + "freeze your cake for 24 hours straight from the oven and the sponge will be bouncier than everfrom cakes to curries , freezing brings out more of their flavour and boosts the texture .here , tessa cunningham puts a host of our favourite foods to the frozen test ...\n", + "everyone knows freezing is a great way of preserving different foodsbut there are a few types of food you may not have thought of freezinghere , tessa cunningham puts a host of our foods to the frozen test\n", + "[1.3177927 1.332915 1.148437 1.1980988 1.274308 1.2881757 1.0842496\n", + " 1.082683 1.0292447 1.0615855 1.0515298 1.0701523 1.0843579 1.0845139\n", + " 1.1141094 1.0456778 1.0395794 0. 0. ]\n", + "\n", + "[ 1 0 5 4 3 2 14 13 12 6 7 11 9 10 15 16 8 17 18]\n", + "=======================\n", + "[\"mcilroy knew he was beaten even before he took the strain for an arm wrestle with the ripped high schooler who made short work of a strength test against the northern irishman .while rory mcilroy is no stranger to pumping iron , the world 's no 1 golfer will need more than a few extra sessions in the gym to get close to matching american teenager brad dalke .` look at this ... no chance , ' rory mcilroy says as he prepares to arm wrestle 17-year-old brad dalke\"]\n", + "=======================\n", + "[\"rory mcilroy was a guest at a nike-sponsored junior event in the usworld no 1 agreed to arm-wrestle 17-year-old player brad dalketeen dalke demolished mcilroy , who admitted he had ` no chance 'dalke verbally agreed to join oklahoma university when he was 12\"]\n", + "mcilroy knew he was beaten even before he took the strain for an arm wrestle with the ripped high schooler who made short work of a strength test against the northern irishman .while rory mcilroy is no stranger to pumping iron , the world 's no 1 golfer will need more than a few extra sessions in the gym to get close to matching american teenager brad dalke .` look at this ... no chance , ' rory mcilroy says as he prepares to arm wrestle 17-year-old brad dalke\n", + "rory mcilroy was a guest at a nike-sponsored junior event in the usworld no 1 agreed to arm-wrestle 17-year-old player brad dalketeen dalke demolished mcilroy , who admitted he had ` no chance 'dalke verbally agreed to join oklahoma university when he was 12\n", + "[1.3125874 1.366066 1.3273717 1.4582107 1.0804807 1.2006882 1.0590432\n", + " 1.1097349 1.046426 1.0484405 1.0591967 1.0843294 1.046864 1.0282192\n", + " 1.08873 1.0209581 1.0780172 1.0257072 0. ]\n", + "\n", + "[ 3 1 2 0 5 7 14 11 4 16 10 6 9 12 8 13 17 15 18]\n", + "=======================\n", + "['wigan manager malky mackay has been sacked after just five months in charge , with wigan facing relegationthe 43-year-old was told of the decision during a brief meeting with new chairman david sharpe after the latics lost 2-0 at home against derby county .mackay was handed the job by former owner dave whelan back in november to a backdrop of an fa investigation into a shocking series of text messages , exposed by sportsmail .']\n", + "=======================\n", + "['malky mackay had only been in charge since novemberunder mackay wigan have picked up just 19 points in 24 gameswigan are eight points from safety with five games to play']\n", + "wigan manager malky mackay has been sacked after just five months in charge , with wigan facing relegationthe 43-year-old was told of the decision during a brief meeting with new chairman david sharpe after the latics lost 2-0 at home against derby county .mackay was handed the job by former owner dave whelan back in november to a backdrop of an fa investigation into a shocking series of text messages , exposed by sportsmail .\n", + "malky mackay had only been in charge since novemberunder mackay wigan have picked up just 19 points in 24 gameswigan are eight points from safety with five games to play\n", + "[1.2613709 1.2805657 1.2835699 1.1992959 1.1220337 1.1148021 1.1375252\n", + " 1.0560597 1.0832148 1.0298948 1.0185242 1.0479714 1.1232724 1.0386544\n", + " 1.0528917 1.0434803 1.0620908 1.079685 0. ]\n", + "\n", + "[ 2 1 0 3 6 12 4 5 8 17 16 7 14 11 15 13 9 10 18]\n", + "=======================\n", + "[\"walters says that the former white house intern would be a ` run away success ' on the view , a network source tells daily mail online .barbara 's magic bullet : monica lewinsky .retired news legend barbara walters still has some clout - and a strong opinion about how abc can turn things around at the ratings-challenged show she created , the view .\"]\n", + "=======================\n", + "['the grand dame of broadcasters believes that monica lewinsky has the right stuff to bring the view back from the brinkthe former white house intern would also draw great guests - although probably not hillary or bill clintonher recent ted talk on ` the price of fame ` redefines her story as the first victim of cyber-bullyingin recent weeks nielsen ratings showed that the talk beat out the view for the first time but the view made a comeback']\n", + "walters says that the former white house intern would be a ` run away success ' on the view , a network source tells daily mail online .barbara 's magic bullet : monica lewinsky .retired news legend barbara walters still has some clout - and a strong opinion about how abc can turn things around at the ratings-challenged show she created , the view .\n", + "the grand dame of broadcasters believes that monica lewinsky has the right stuff to bring the view back from the brinkthe former white house intern would also draw great guests - although probably not hillary or bill clintonher recent ted talk on ` the price of fame ` redefines her story as the first victim of cyber-bullyingin recent weeks nielsen ratings showed that the talk beat out the view for the first time but the view made a comeback\n", + "[1.223271 1.4730421 1.2002364 1.2412261 1.2495648 1.1761208 1.0185196\n", + " 1.0960333 1.0738105 1.2407368 1.0331225 1.0711575 1.0588678 1.024257\n", + " 1.1069679 1.0762491 1.1448303 0. 0. ]\n", + "\n", + "[ 1 4 3 9 0 2 5 16 14 7 15 8 11 12 10 13 6 17 18]\n", + "=======================\n", + "['vonda thedford , 55 , told fox news that she was driving along a pittsburg county rural road earlier this month when she spotted the mysterious carcass lying on the ground .caught on camera : an oklahoma woman believes she has secured photographic evidence of the legendary blood sucking beast , el chupacabra ( above )in a bid to document the unusual-looking beast , she whipped out her camera phone .']\n", + "=======================\n", + "[\"vonda thedford , 55 , said she was driving along a pittsburg county rural road earlier this month when she spotted the mysterious carcasswhen she stopped to look at the dead creature , she was disturbed to see it had ' a little truck ' in place of a nose , ` little toes ' and ` hair on its tail 'the restaurant worker says the images have left people baffled and no-one has been able to identify the bloated and hairless critterhowever , wildlife experts who studied the animal 's skeleton told fox news it appears to be that of a young dog\"]\n", + "vonda thedford , 55 , told fox news that she was driving along a pittsburg county rural road earlier this month when she spotted the mysterious carcass lying on the ground .caught on camera : an oklahoma woman believes she has secured photographic evidence of the legendary blood sucking beast , el chupacabra ( above )in a bid to document the unusual-looking beast , she whipped out her camera phone .\n", + "vonda thedford , 55 , said she was driving along a pittsburg county rural road earlier this month when she spotted the mysterious carcasswhen she stopped to look at the dead creature , she was disturbed to see it had ' a little truck ' in place of a nose , ` little toes ' and ` hair on its tail 'the restaurant worker says the images have left people baffled and no-one has been able to identify the bloated and hairless critterhowever , wildlife experts who studied the animal 's skeleton told fox news it appears to be that of a young dog\n", + "[1.2527256 1.3398902 1.1485862 1.0850539 1.0583686 1.5424526 1.1245831\n", + " 1.1941167 1.0630753 1.1067882 1.1471248 1.082754 1.0599613 1.0226758\n", + " 1.0112218 1.0096475 1.0115331 1.0104437 1.0084286]\n", + "\n", + "[ 5 1 0 7 2 10 6 9 3 11 8 12 4 13 16 14 17 15 18]\n", + "=======================\n", + "[\"burnley veteran defender michael duff is preparing to take on tottenham in the premier league on sundayharry kane could n't be hotter right now and veteran burnley defender duff will need all his experience to put out the fire when tottenham come to town on sunday .at the age of 37 , and getting on for eight years after he was told that his career was over , michael duff probably had n't expected to be chasing the bright young hope of english football around turf moor this weekend .\"]\n", + "=======================\n", + "['burnley host tottenham in the premier league on sundaymichael duff is the only man to appear in all eight english divisionsthe 37-year-old can not wait to take on spurs sensation harry kane']\n", + "burnley veteran defender michael duff is preparing to take on tottenham in the premier league on sundayharry kane could n't be hotter right now and veteran burnley defender duff will need all his experience to put out the fire when tottenham come to town on sunday .at the age of 37 , and getting on for eight years after he was told that his career was over , michael duff probably had n't expected to be chasing the bright young hope of english football around turf moor this weekend .\n", + "burnley host tottenham in the premier league on sundaymichael duff is the only man to appear in all eight english divisionsthe 37-year-old can not wait to take on spurs sensation harry kane\n", + "[1.2254039 1.3095157 1.1407024 1.3413894 1.272075 1.2347541 1.1545187\n", + " 1.141913 1.1211239 1.0570128 1.0665109 1.0406516 1.0493745 1.0272988\n", + " 1.0887595 1.05227 1.0311445 1.0269115 1.0385139 1.0141596]\n", + "\n", + "[ 3 1 4 5 0 6 7 2 8 14 10 9 15 12 11 18 16 13 17 19]\n", + "=======================\n", + "['noaa fisheries in maryland says the humpback whale is no longer endangered .at one stage the worldwide population dropped to just a few thousand due to over-fishing and hunting , but it has now recovered to 90,000 .they want to break up global population into 14 sub-populations .']\n", + "=======================\n", + "[\"noaa fisheries in maryland says humpback whale is no longer endangeredthey want to break up global population into 14 sub-populationsten of these will be ` not at risk ' , two ` threatened ' and two still ` endangered 'follows conservation ` success story ' that raised numbers to 90,000\"]\n", + "noaa fisheries in maryland says the humpback whale is no longer endangered .at one stage the worldwide population dropped to just a few thousand due to over-fishing and hunting , but it has now recovered to 90,000 .they want to break up global population into 14 sub-populations .\n", + "noaa fisheries in maryland says humpback whale is no longer endangeredthey want to break up global population into 14 sub-populationsten of these will be ` not at risk ' , two ` threatened ' and two still ` endangered 'follows conservation ` success story ' that raised numbers to 90,000\n", + "[1.2737857 1.3679302 1.1931041 1.2890946 1.1727976 1.2025032 1.0578164\n", + " 1.0245639 1.2578658 1.0577223 1.1341437 1.069738 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 8 5 2 4 10 11 6 9 7 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "['the loophole came to light after trading standards officers raided restaurant the royal china club , on baker street in central london , and confiscated illegally imported fins .one in five chinese restaurants are believed to be serving shark fin soup exploiting a legal loophole allowing people to bring the meat to this country if it is for personal consumption , a charity claims .more than 70 million sharks are killed each year for their fins , often dying slow , painful deaths after being dumped back into the sea once their most valuable parts have been cut off .']\n", + "=======================\n", + "['up to one in five chinese eateries could be selling soup using illegal meatcharity says it is often disguised on menu or only offered if requestedloophole lets people bring 20 kg of meat into uk for personal consumption']\n", + "the loophole came to light after trading standards officers raided restaurant the royal china club , on baker street in central london , and confiscated illegally imported fins .one in five chinese restaurants are believed to be serving shark fin soup exploiting a legal loophole allowing people to bring the meat to this country if it is for personal consumption , a charity claims .more than 70 million sharks are killed each year for their fins , often dying slow , painful deaths after being dumped back into the sea once their most valuable parts have been cut off .\n", + "up to one in five chinese eateries could be selling soup using illegal meatcharity says it is often disguised on menu or only offered if requestedloophole lets people bring 20 kg of meat into uk for personal consumption\n", + "[1.577841 1.2278478 1.3830214 1.2277964 1.0922632 1.039356 1.0659246\n", + " 1.1235628 1.0774173 1.1510484 1.1059716 1.1393749 1.0688872 1.0147938\n", + " 1.011755 1.0114424 1.016981 1.0116194 0. 0. ]\n", + "\n", + "[ 0 2 1 3 9 11 7 10 4 8 12 6 5 16 13 14 17 15 18 19]\n", + "=======================\n", + "['( cnn ) nba player thabo sefolosha says police caused his season-ending leg injury when he was arrested last week after leaving a nightclub in new york .sefolosha suffered a fractured fibula and ligament damage when he and teammate pero antic were arrested near the scene of the stabbing of indiana pacers forward chris copeland and two other women early april 8 .in a statement tuesday , the guard/forward for the atlanta hawks described his injury as \" significant , \" and said it \" was caused by the police . \"']\n", + "=======================\n", + "['thabo sefolosha says he \" experienced a significant injury and ... the injury was caused by the police \"he and teammate pero antic were arrested near the scene of a stabbing early april 8they were not involved in the stabbing police said , but they were arrested for obstruction , other charges']\n", + "( cnn ) nba player thabo sefolosha says police caused his season-ending leg injury when he was arrested last week after leaving a nightclub in new york .sefolosha suffered a fractured fibula and ligament damage when he and teammate pero antic were arrested near the scene of the stabbing of indiana pacers forward chris copeland and two other women early april 8 .in a statement tuesday , the guard/forward for the atlanta hawks described his injury as \" significant , \" and said it \" was caused by the police . \"\n", + "thabo sefolosha says he \" experienced a significant injury and ... the injury was caused by the police \"he and teammate pero antic were arrested near the scene of a stabbing early april 8they were not involved in the stabbing police said , but they were arrested for obstruction , other charges\n", + "[1.2963755 1.190143 1.1830372 1.0630622 1.2284675 1.1355597 1.0636636\n", + " 1.2135096 1.0508535 1.1313264 1.0510209 1.0920632 1.2488693 1.0466188\n", + " 1.0807151 1.0608182 1.0433193 1.0539691 1.0280282 1.0236168]\n", + "\n", + "[ 0 12 4 7 1 2 5 9 11 14 6 3 15 17 10 8 13 16 18 19]\n", + "=======================\n", + "['just over 60 per cent of americans believe global warming is taking place and nearly half blame humans for the change .now a new interactive map has revealed public opinion in all 50 states , 435 congressional districts and more than 3,000 counties .but within the us , opinions on global warming vary wildly between states , local communities , and congressional districts .']\n", + "=======================\n", + "['the map , created by yale university , reveals public opinion in all 50 states , 435 districts and 3,000 countiesoverall , just over 60 per cent of americans believe global warming is taking place and nearly half blame humansclimate change concern ranges from 38 per cent in pickett county , tennessee , to 74 per cent in washington dc']\n", + "just over 60 per cent of americans believe global warming is taking place and nearly half blame humans for the change .now a new interactive map has revealed public opinion in all 50 states , 435 congressional districts and more than 3,000 counties .but within the us , opinions on global warming vary wildly between states , local communities , and congressional districts .\n", + "the map , created by yale university , reveals public opinion in all 50 states , 435 districts and 3,000 countiesoverall , just over 60 per cent of americans believe global warming is taking place and nearly half blame humansclimate change concern ranges from 38 per cent in pickett county , tennessee , to 74 per cent in washington dc\n", + "[1.278901 1.4595656 1.3525509 1.2950138 1.1783694 1.1996257 1.1486485\n", + " 1.1368971 1.1896962 1.0984817 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 8 4 6 7 9 10 11 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"the outdoor car park at the terminal was closed after authorities were alerted to the blaze just after 8am on thursday .the red 4wd was fully engulfed in flames when authorities arrived and witnesses reported seeing fire spewing from the bonnet of the vehicle .a 4wd has burst into flames in the middle of sydney airport 's busy international terminal car park covering the area in thick smoke .\"]\n", + "=======================\n", + "[\"car burst into flames at sydney airport 's international terminal on thursday4wd was completely destroyed when flames started spewing from enginefire crews worked to put out flames as smoke covered outdoor car parkvehicle was surrounded by other cars at busy terminal car park\"]\n", + "the outdoor car park at the terminal was closed after authorities were alerted to the blaze just after 8am on thursday .the red 4wd was fully engulfed in flames when authorities arrived and witnesses reported seeing fire spewing from the bonnet of the vehicle .a 4wd has burst into flames in the middle of sydney airport 's busy international terminal car park covering the area in thick smoke .\n", + "car burst into flames at sydney airport 's international terminal on thursday4wd was completely destroyed when flames started spewing from enginefire crews worked to put out flames as smoke covered outdoor car parkvehicle was surrounded by other cars at busy terminal car park\n", + "[1.4218848 1.4641279 1.3351133 1.1249996 1.0594529 1.0488138 1.0580547\n", + " 1.2078426 1.0275309 1.0481427 1.0386524 1.0191458 1.028655 1.0948964\n", + " 1.0295339 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 7 3 13 4 6 5 9 10 14 12 8 11 16 15 17]\n", + "=======================\n", + "[\"google introduced the app in february as a ` safer ' place for kids to explore videos because it was restricted to ` family-focused content . 'the new youtube kids mobile app targets young children with unfair and deceptive advertising and should be investigated , a group of consumer advocates told the federal trade commission in a letter tuesday .but the consumer activists say the app is so stuffed with advertisements and product placements that it 's hard to tell the difference between entertainment and commercials .\"]\n", + "=======================\n", + "['app collate child-friendly videos , songs and educational resourcescontent by dreamworks , national geographic and youtubersclaims the app has too many advertisements and product placements']\n", + "google introduced the app in february as a ` safer ' place for kids to explore videos because it was restricted to ` family-focused content . 'the new youtube kids mobile app targets young children with unfair and deceptive advertising and should be investigated , a group of consumer advocates told the federal trade commission in a letter tuesday .but the consumer activists say the app is so stuffed with advertisements and product placements that it 's hard to tell the difference between entertainment and commercials .\n", + "app collate child-friendly videos , songs and educational resourcescontent by dreamworks , national geographic and youtubersclaims the app has too many advertisements and product placements\n", + "[1.2120622 1.4397275 1.2676468 1.2809885 1.199891 1.1632589 1.1257997\n", + " 1.0749717 1.0150702 1.010345 1.1273781 1.0527897 1.0231028 1.0505141\n", + " 1.1217728 1.2015187 1.0599059 0. ]\n", + "\n", + "[ 1 3 2 0 15 4 5 10 6 14 7 16 11 13 12 8 9 17]\n", + "=======================\n", + "['researchers from texas a&m school of public health found that hospitalizations from car crashes dropped 7 percent between 2003 and 20010 in the 45 states with texting bans when compared to states with no restrictions .most states : most of the us has laws that ban drivers from texting while at the wheel to prevent accidentsbans on texting and driving may be preventing deadly car accidents in the united states , says a new study .']\n", + "=======================\n", + "['study found that hospitalizations from car crashes dropped 7 percent between 2003 and 20010 in the 45 states with texting bansarizona , texas , montana , missouri , and oklahoma are the only five states in america that do not have texting at the wheel bans for all driversthe study also found that older drivers were more likely to make a texting and driving mistake than a younger driver']\n", + "researchers from texas a&m school of public health found that hospitalizations from car crashes dropped 7 percent between 2003 and 20010 in the 45 states with texting bans when compared to states with no restrictions .most states : most of the us has laws that ban drivers from texting while at the wheel to prevent accidentsbans on texting and driving may be preventing deadly car accidents in the united states , says a new study .\n", + "study found that hospitalizations from car crashes dropped 7 percent between 2003 and 20010 in the 45 states with texting bansarizona , texas , montana , missouri , and oklahoma are the only five states in america that do not have texting at the wheel bans for all driversthe study also found that older drivers were more likely to make a texting and driving mistake than a younger driver\n", + "[1.2289882 1.3843607 1.3329837 1.2645284 1.24739 1.0928406 1.1509888\n", + " 1.1117438 1.0924505 1.1124873 1.0779294 1.0935018 1.033676 1.012664\n", + " 1.0129013 1.0506996 1.0355546 1.0478802]\n", + "\n", + "[ 1 2 3 4 0 6 9 7 11 5 8 10 15 17 16 12 14 13]\n", + "=======================\n", + "[\"thibaud jean leon vallet , 24 , and his cousin jean mickael batrikian , 18 , pleaded guilty to animal cruelty after footage emerged of the pair lighting the quokka on fire with an aerosol can and a lighter on rottnest island on april 3 .the pair appeared before fremantle magistrate 's court last friday and were ordered to pay $ 4000 and were told that they would be held behind bars for seven days if they fail to pay the fines .the two french tourists charged with setting fire to a quokka have been released from jail after spending a week behind bars\"]\n", + "=======================\n", + "['video emerged showing two french tourists torching a quokkafootage sees men laugh after igniting the creature with aerosol and lighterthe men were given the choice of paying $ 4000 or spending a week in jailthe pair were released from jail on thursday after choosing the latterthe stay cost taxpayers $ 1810 a day despite them having $ 12,000 savingsanimal rights activists have said that the punishment was too lenient']\n", + "thibaud jean leon vallet , 24 , and his cousin jean mickael batrikian , 18 , pleaded guilty to animal cruelty after footage emerged of the pair lighting the quokka on fire with an aerosol can and a lighter on rottnest island on april 3 .the pair appeared before fremantle magistrate 's court last friday and were ordered to pay $ 4000 and were told that they would be held behind bars for seven days if they fail to pay the fines .the two french tourists charged with setting fire to a quokka have been released from jail after spending a week behind bars\n", + "video emerged showing two french tourists torching a quokkafootage sees men laugh after igniting the creature with aerosol and lighterthe men were given the choice of paying $ 4000 or spending a week in jailthe pair were released from jail on thursday after choosing the latterthe stay cost taxpayers $ 1810 a day despite them having $ 12,000 savingsanimal rights activists have said that the punishment was too lenient\n", + "[1.3422647 1.1156448 1.2762427 1.2904452 1.2241391 1.2507741 1.277456\n", + " 1.0363374 1.1348685 1.0463669 1.1438334 1.0847293 1.0272152 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 6 2 5 4 10 8 1 11 9 7 12 16 13 14 15 17]\n", + "=======================\n", + "[\"the irs ' overloaded phone system hung up on more than eight million taxpayers this filing season as the agency cut millions of dollars from customer services .the agency 's budget has been cut by $ 1.2 billion since 2010 .many of those people had to wait on hold for more than 30 minutes , irs commissioner john koskinen said wednesday .\"]\n", + "=======================\n", + "[\"for those who were n't disconnected , only 40percent actually got throughmany of those people had to wait on hold for more than 30 minutes , irs commissioner john koskinen said wednesdayhe blamed budget cuts approved by congress for the phone problemsthe agency 's budget has been cut by $ 1.2 billion since 2010\"]\n", + "the irs ' overloaded phone system hung up on more than eight million taxpayers this filing season as the agency cut millions of dollars from customer services .the agency 's budget has been cut by $ 1.2 billion since 2010 .many of those people had to wait on hold for more than 30 minutes , irs commissioner john koskinen said wednesday .\n", + "for those who were n't disconnected , only 40percent actually got throughmany of those people had to wait on hold for more than 30 minutes , irs commissioner john koskinen said wednesdayhe blamed budget cuts approved by congress for the phone problemsthe agency 's budget has been cut by $ 1.2 billion since 2010\n", + "[1.1265614 1.3981287 1.4243118 1.2599245 1.0839503 1.0550973 1.0352371\n", + " 1.0446799 1.113679 1.086837 1.087235 1.0355572 1.1188376 1.1139312\n", + " 1.0850453 1.0225128 1.0172498 1.0570843]\n", + "\n", + "[ 2 1 3 0 12 13 8 10 9 14 4 17 5 7 11 6 15 16]\n", + "=======================\n", + "['exposure to the mould can cause mood swings , irrational anger and cognitive impairment .researchers claim that older buildings where hauntings are usually reported , often have poor air quality from pollutants like toxic mould , which can affect our brains .if you think you have seen a ghost , you may have been suffering the effects of exposure to mould , according to a group of scientists .']\n", + "=======================\n", + "[\"clarkson university experts are probing the link between mould and ghoststhey are carrying out their investigations in old buildings in new yorkthink spores in old ` haunted ' buildings may affect people 's brainspsychoactive effects of mould are unclear but cause cognitive impairment\"]\n", + "exposure to the mould can cause mood swings , irrational anger and cognitive impairment .researchers claim that older buildings where hauntings are usually reported , often have poor air quality from pollutants like toxic mould , which can affect our brains .if you think you have seen a ghost , you may have been suffering the effects of exposure to mould , according to a group of scientists .\n", + "clarkson university experts are probing the link between mould and ghoststhey are carrying out their investigations in old buildings in new yorkthink spores in old ` haunted ' buildings may affect people 's brainspsychoactive effects of mould are unclear but cause cognitive impairment\n", + "[1.2608175 1.3844833 1.2532605 1.1974398 1.1747422 1.3001674 1.1496578\n", + " 1.0137849 1.020166 1.0592443 1.1160134 1.0709136 1.0541677 1.235457\n", + " 1.0488935 1.0118552 1.0610796 1.1542348 1.033864 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 5 0 2 13 3 4 17 6 10 11 16 9 12 14 18 8 7 15 20 19 21]\n", + "=======================\n", + "['the fire began around 11:30 a.m. sunday on tupper street in downtown buffalo , wgrz reported .a buffalo fire department official told wgrz the second of three explosions sent one of the manhole covers 200 to 300 feet into the air .authorities have said an underground electrical fire is blamed for a explosion that sent a manhole cover flying more than 200 feet above a buffalo street in a blast that was captured by a television news photographer .']\n", + "=======================\n", + "['authorities have said an underground electrical fire is blamed for an explosion that sent a manhole cover flying more than 200 feetthe fire began around 11:30 a.m. sunday on tupper street in downtown buffalo , new yorkpolice evacuated two buildings as smoke came out of manholesa photojournalist was interviewing a man on the street when the second blast occurred about a half-block behind him and the manhole flew up']\n", + "the fire began around 11:30 a.m. sunday on tupper street in downtown buffalo , wgrz reported .a buffalo fire department official told wgrz the second of three explosions sent one of the manhole covers 200 to 300 feet into the air .authorities have said an underground electrical fire is blamed for a explosion that sent a manhole cover flying more than 200 feet above a buffalo street in a blast that was captured by a television news photographer .\n", + "authorities have said an underground electrical fire is blamed for an explosion that sent a manhole cover flying more than 200 feetthe fire began around 11:30 a.m. sunday on tupper street in downtown buffalo , new yorkpolice evacuated two buildings as smoke came out of manholesa photojournalist was interviewing a man on the street when the second blast occurred about a half-block behind him and the manhole flew up\n", + "[1.2230861 1.221558 1.0549554 1.2693713 1.3082002 1.2107347 1.1368003\n", + " 1.0677521 1.1147002 1.0436232 1.0325701 1.0288476 1.0721554 1.0331032\n", + " 1.0795127 1.0762582 1.0647247 1.0762788 1.0306668 1.0338861 1.1413066\n", + " 1.022484 ]\n", + "\n", + "[ 4 3 0 1 5 20 6 8 14 17 15 12 7 16 2 9 19 13 10 18 11 21]\n", + "=======================\n", + "['a new generation of suncreams promise to protect against the damage from infra-red a rays and others say they protect the skin from the inside .here , dr bav shergill , a consultant dermatologist at queen victoria hospital in east grinstead , offers his verdict .here , consultant dermatologist bav shergill gives his verdict']\n", + "=======================\n", + "[\"new range of suncreams claim to stop damage from infra-red a rays toosome even say they protect the skin from the inside , but what 's the truth ?consultant dermatologist bav shergill offers his expert verdict\"]\n", + "a new generation of suncreams promise to protect against the damage from infra-red a rays and others say they protect the skin from the inside .here , dr bav shergill , a consultant dermatologist at queen victoria hospital in east grinstead , offers his verdict .here , consultant dermatologist bav shergill gives his verdict\n", + "new range of suncreams claim to stop damage from infra-red a rays toosome even say they protect the skin from the inside , but what 's the truth ?consultant dermatologist bav shergill offers his expert verdict\n", + "[1.2779348 1.461443 1.3062305 1.4081591 1.20002 1.0712899 1.1115483\n", + " 1.0995501 1.0234152 1.0139173 1.0239435 1.064558 1.0327487 1.2301692\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 13 4 6 7 5 11 12 10 8 9 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"joseph o'riordan was sitting on polegate town council in east sussex when he grew suspicious his wife , amanda , 47 , was having an alleged affair and hired a private investigator to follow her .joseph o'riordan stabbed his wife of ten years amanda ( left ) with a seven inch kitchen knife eight timesbrighton magistrates ' court heard they agreed to stay together but o'riordan later attacked her - stabbing her in the chest , torso , arms and back .\"]\n", + "=======================\n", + "[\"joseph o'riordan allegedly grew suspicious of wife and hired investigatorthe town councillor found out amanda had an alleged affair with postmanhe 's said to have knifed her chest , torso and back telling her ` it 's your fault 'court heard 999 call where he admits attack but denied attempted murder\"]\n", + "joseph o'riordan was sitting on polegate town council in east sussex when he grew suspicious his wife , amanda , 47 , was having an alleged affair and hired a private investigator to follow her .joseph o'riordan stabbed his wife of ten years amanda ( left ) with a seven inch kitchen knife eight timesbrighton magistrates ' court heard they agreed to stay together but o'riordan later attacked her - stabbing her in the chest , torso , arms and back .\n", + "joseph o'riordan allegedly grew suspicious of wife and hired investigatorthe town councillor found out amanda had an alleged affair with postmanhe 's said to have knifed her chest , torso and back telling her ` it 's your fault 'court heard 999 call where he admits attack but denied attempted murder\n", + "[1.5586848 1.3619318 1.1187108 1.2374403 1.3932285 1.1650224 1.0938671\n", + " 1.0689418 1.067695 1.1308572 1.0569377 1.0200329 1.0285754 1.095747\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 4 1 3 5 9 2 13 6 7 8 10 12 11 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"former holland forward dirk kuyt is returning to feyenoord next season , aiming to end his professional playing days at the club that was a launching pad for nine years at liverpool and fenerbahce , the rotterdam club announced friday .kuyt signed a one-year contract with feyenoord , who are currently third in the top-flight eredivisie , but said his stay will likely be longer .he was the eredivisie 's top scorer in the 2004-2005 season and was named dutch footballer of the year in 2006 .\"]\n", + "=======================\n", + "['dirk kuyt agrees one-year-deal to move back to former club feyenoordthe dutchman left in 2006 to sign for liverpool before moving to turkeykuyt made 208 appearances for liverpool , scoring 51 goalsclick here for all the latest liverpool news']\n", + "former holland forward dirk kuyt is returning to feyenoord next season , aiming to end his professional playing days at the club that was a launching pad for nine years at liverpool and fenerbahce , the rotterdam club announced friday .kuyt signed a one-year contract with feyenoord , who are currently third in the top-flight eredivisie , but said his stay will likely be longer .he was the eredivisie 's top scorer in the 2004-2005 season and was named dutch footballer of the year in 2006 .\n", + "dirk kuyt agrees one-year-deal to move back to former club feyenoordthe dutchman left in 2006 to sign for liverpool before moving to turkeykuyt made 208 appearances for liverpool , scoring 51 goalsclick here for all the latest liverpool news\n", + "[1.1845556 1.295938 1.2835654 1.1909913 1.2991996 1.2667547 1.0974115\n", + " 1.0365314 1.0456871 1.0169115 1.0897061 1.0458262 1.078675 1.1087788\n", + " 1.1439424 1.0939951 1.0664406 1.0611851 1.0207049 1.0069653 1.009984\n", + " 0. ]\n", + "\n", + "[ 4 1 2 5 3 0 14 13 6 15 10 12 16 17 11 8 7 18 9 20 19 21]\n", + "=======================\n", + "['however , they discovered a cancer drug may reverse the damage .this is because drinking excessive amounts of alcohol when young can damage the brain and cause permanent changes to dna .this , in turn , can put teenagers at risk of anxiety disorders and alcoholism , researchers found .']\n", + "=======================\n", + "['binge drinking when young can cause changes in dna in brain cellsthe changes mean connections do not form as normal between the cellsthis alters the way genes are expressed and changes behaviourhowever , experts discovered a cancer drug can reverse the changes']\n", + "however , they discovered a cancer drug may reverse the damage .this is because drinking excessive amounts of alcohol when young can damage the brain and cause permanent changes to dna .this , in turn , can put teenagers at risk of anxiety disorders and alcoholism , researchers found .\n", + "binge drinking when young can cause changes in dna in brain cellsthe changes mean connections do not form as normal between the cellsthis alters the way genes are expressed and changes behaviourhowever , experts discovered a cancer drug can reverse the changes\n", + "[1.2302908 1.3740743 1.2310591 1.2569484 1.1327239 1.1038213 1.1045489\n", + " 1.1196369 1.0706744 1.1244577 1.0670868 1.0150937 1.0612507 1.0986476\n", + " 1.0768889 1.0533876 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 9 7 6 5 13 14 8 10 12 15 11 17 16 18]\n", + "=======================\n", + "['researchers examining the site where a series of tracks left by a barefooted early human in ileret , northwest kenya , have now found a total of 99 prints .the distinct tracks found at ileret in kenya ( like the one above ) are the oldest human footprints in the worldthey now believe that they belong to groups who all passed over the soft mud at the same time - perhaps even stalking some of the other animals whose prints are also preserved in the mud .']\n", + "=======================\n", + "['researchers at the american museum of natural history in new york have found 99 footprints that appear to have been left by male homo erectusthe footprints - the oldest human tracks in the world , found in in ileret , kenya - may have been left by group hunting antelope or wildebeestit suggests homo erectus were probably sophisticated and deadly hunters']\n", + "researchers examining the site where a series of tracks left by a barefooted early human in ileret , northwest kenya , have now found a total of 99 prints .the distinct tracks found at ileret in kenya ( like the one above ) are the oldest human footprints in the worldthey now believe that they belong to groups who all passed over the soft mud at the same time - perhaps even stalking some of the other animals whose prints are also preserved in the mud .\n", + "researchers at the american museum of natural history in new york have found 99 footprints that appear to have been left by male homo erectusthe footprints - the oldest human tracks in the world , found in in ileret , kenya - may have been left by group hunting antelope or wildebeestit suggests homo erectus were probably sophisticated and deadly hunters\n", + "[1.5032713 1.2877803 1.1736901 1.199779 1.1670026 1.1071144 1.110165\n", + " 1.1001561 1.0835449 1.0674138 1.06359 1.0754129 1.0704328 1.0808177\n", + " 1.0455483 1.035788 1.0235132 1.0503546 1.0381114]\n", + "\n", + "[ 0 1 3 2 4 6 5 7 8 13 11 12 9 10 17 14 18 15 16]\n", + "=======================\n", + "[\"( cnn ) freddie gray did not get timely medical care after he was arrested and was not buckled into a seat belt while being transported in a police van , baltimore police said friday .gray , who was stopped april 12 after a foot pursuit through several housing complexes , should have received medical attention at the scene of his arrest , said deputy police commissioner kevin davis .five days after gray 's death and amid ongoing protests , police officials acknowledged mistakes were made during and after his arrest .\"]\n", + "=======================\n", + "['attorney for the family of freddie gray says developments are step forward but another issue is more importantfamily will have a forensic pathologist do an independent autopsypolice say gray should have received medical care at different points before he got to a police station']\n", + "( cnn ) freddie gray did not get timely medical care after he was arrested and was not buckled into a seat belt while being transported in a police van , baltimore police said friday .gray , who was stopped april 12 after a foot pursuit through several housing complexes , should have received medical attention at the scene of his arrest , said deputy police commissioner kevin davis .five days after gray 's death and amid ongoing protests , police officials acknowledged mistakes were made during and after his arrest .\n", + "attorney for the family of freddie gray says developments are step forward but another issue is more importantfamily will have a forensic pathologist do an independent autopsypolice say gray should have received medical care at different points before he got to a police station\n", + "[1.3284461 1.3193012 1.0784922 1.2078639 1.0746114 1.2410754 1.0933713\n", + " 1.149 1.2098016 1.0321882 1.0168939 1.0186259 1.0949843 1.1225964\n", + " 1.0430299 1.1239169 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 8 3 7 15 13 12 6 2 4 14 9 11 10 17 16 18]\n", + "=======================\n", + "[\"the man whose father married tippi hedren and who spent years living with melanie griffith as her stepbrother is opening up about the infamous lion film the two made with their parents , roar .they worked , and lived , with lions for the 11 years they made the film , and now , john marshall , son of director noel marshall who was married to hedren , is saying of his father 's decision ; ` dad was a f**king ** hole to do that to his family . 'the film roar became infamous for the injuries received by 70 members of the cast and crew during production\"]\n", + "=======================\n", + "[\"roar , the film that took 11 years to create and was originally released in cinemas 1981 is being re-released at some cinemas in the us in aprilfilm features noel marshall , his real-life partner tippi hedren and their kids , james marshall and melanie griffithfamily lived alongside 150 untamed animals in order to make movie` dad was a f**king ** hole to do that to his family , ' says james in a new interviewinjuries to the crew included a broken leg , gangrene and large wounds , with james needing six men to pull a lion off him at one point\"]\n", + "the man whose father married tippi hedren and who spent years living with melanie griffith as her stepbrother is opening up about the infamous lion film the two made with their parents , roar .they worked , and lived , with lions for the 11 years they made the film , and now , john marshall , son of director noel marshall who was married to hedren , is saying of his father 's decision ; ` dad was a f**king ** hole to do that to his family . 'the film roar became infamous for the injuries received by 70 members of the cast and crew during production\n", + "roar , the film that took 11 years to create and was originally released in cinemas 1981 is being re-released at some cinemas in the us in aprilfilm features noel marshall , his real-life partner tippi hedren and their kids , james marshall and melanie griffithfamily lived alongside 150 untamed animals in order to make movie` dad was a f**king ** hole to do that to his family , ' says james in a new interviewinjuries to the crew included a broken leg , gangrene and large wounds , with james needing six men to pull a lion off him at one point\n", + "[1.3207573 1.4134394 1.2442528 1.3482786 1.106497 1.1602013 1.1126662\n", + " 1.1004993 1.0935383 1.0376079 1.0194972 1.0196915 1.0669574 1.0164502\n", + " 1.0157418 1.0499932 1.0218418 1.0078385 0. ]\n", + "\n", + "[ 1 3 0 2 5 6 4 7 8 12 15 9 16 11 10 13 14 17 18]\n", + "=======================\n", + "[\"u.s. district judge henry t. wingate on thursday sentenced shelbie brooke richards , 21 , of pearl to eight years in prison on one count each of conspiracy to commit a hate crime and concealing the crime by lying to police .two women who were part of a group that repeatedly searched mississippi 's capital city for black people to assault were sentenced thursday to multiple years in federal prison for their role in the 2011 hate killing of 47-year-old james craig anderson .james anderson was one of their victims .\"]\n", + "=======================\n", + "[\"sarah graves , 22 , and shelbie richards , 21 , pleaded guilty to conspiring to commit the 2011 hate crime - graves got five years , richards received eightthe women were among 10 white teens who left a party in rankin county to find black men to assault in jackson , which they called ` jafrica 'both women were in deryl dedmon 's truck when he fatally ran over james craig anderson , 47 , in june 2011\"]\n", + "u.s. district judge henry t. wingate on thursday sentenced shelbie brooke richards , 21 , of pearl to eight years in prison on one count each of conspiracy to commit a hate crime and concealing the crime by lying to police .two women who were part of a group that repeatedly searched mississippi 's capital city for black people to assault were sentenced thursday to multiple years in federal prison for their role in the 2011 hate killing of 47-year-old james craig anderson .james anderson was one of their victims .\n", + "sarah graves , 22 , and shelbie richards , 21 , pleaded guilty to conspiring to commit the 2011 hate crime - graves got five years , richards received eightthe women were among 10 white teens who left a party in rankin county to find black men to assault in jackson , which they called ` jafrica 'both women were in deryl dedmon 's truck when he fatally ran over james craig anderson , 47 , in june 2011\n", + "[1.310369 1.3414177 1.2074411 1.1678072 1.2534827 1.1428506 1.0710037\n", + " 1.2498735 1.0673275 1.0371373 1.0706484 1.0360329 1.0515113 1.0992557\n", + " 1.0497253 1.0241622 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 7 2 3 5 13 6 10 8 12 14 9 11 15 17 16 18]\n", + "=======================\n", + "[\"michelle carter , 18 , looked glum as she appeared in court in new bedford on thursday accused of encouraging the death of conrad roy iii , who gassed himself in his truck in fairhaven last july .lawyers for a high school honor student in massachusetts say the teen is ` bewildered ' over the involuntary manslaughter charges against her following the suicide of her friend , as they push to have the case moved to a different county due to ' a conflict of interest ' .during the hearing her defense attorney requested the case be moved out of bristol county , saying it 's ` impossible ' for carter to receive a fair trial in the area because the district attorney is the victim 's third cousin .\"]\n", + "=======================\n", + "[\"michelle carter , 18 , appeared in new bedford court thursday over the involuntary manslaughter of conrad roy ii , 18 , who killed himself last julycarter ` sent roy a series of texts encouraging him to take his own life 'her lawyers claim she is ` bewildered at the charges ' and have asked for the case to be moved because the district attorney is the victim 's third cousinthey claim she was actually trying to help royroy was found dead of carbon monoxide poisoning in his idling truckcarter told a friend she was worried that the police were checking his text messages , saying : ` i 'm done ... i could go to jail 'after he died , she raised money for suicide prevention and wrote on twitter about how much she missed himcarter , who was 17 at the time , is free on bail but ca n't text or use social media\"]\n", + "michelle carter , 18 , looked glum as she appeared in court in new bedford on thursday accused of encouraging the death of conrad roy iii , who gassed himself in his truck in fairhaven last july .lawyers for a high school honor student in massachusetts say the teen is ` bewildered ' over the involuntary manslaughter charges against her following the suicide of her friend , as they push to have the case moved to a different county due to ' a conflict of interest ' .during the hearing her defense attorney requested the case be moved out of bristol county , saying it 's ` impossible ' for carter to receive a fair trial in the area because the district attorney is the victim 's third cousin .\n", + "michelle carter , 18 , appeared in new bedford court thursday over the involuntary manslaughter of conrad roy ii , 18 , who killed himself last julycarter ` sent roy a series of texts encouraging him to take his own life 'her lawyers claim she is ` bewildered at the charges ' and have asked for the case to be moved because the district attorney is the victim 's third cousinthey claim she was actually trying to help royroy was found dead of carbon monoxide poisoning in his idling truckcarter told a friend she was worried that the police were checking his text messages , saying : ` i 'm done ... i could go to jail 'after he died , she raised money for suicide prevention and wrote on twitter about how much she missed himcarter , who was 17 at the time , is free on bail but ca n't text or use social media\n", + "[1.420673 1.671994 1.1800239 1.2891815 1.129849 1.1640856 1.0462825\n", + " 1.039413 1.0246674 1.020621 1.0166163 1.020906 1.0271866 1.2678664\n", + " 1.0389959 1.0994667 1.0144202 1.0150604 0. 0. ]\n", + "\n", + "[ 1 0 3 13 2 5 4 15 6 7 14 12 8 11 9 10 17 16 18 19]\n", + "=======================\n", + "[\"jose mourinho 's side moved 10 points clear at the top of the table after eden hazard 's goal was enough to beat manchester united , meaning they require two wins from their last six matches to claim the league .chelsea captain john terry is adamant that there is still work to be done if they are to clinch the premier league title .chelsea defender john terry celebrates with his fellow centre back gary cahil at the final whistle\"]\n", + "=======================\n", + "['chelsea defeated manchester united 1-0 at stamford bridgethe win moves the blues 10 points clear at the top of the tablechelsea require two wins from their last six matches to claim the title']\n", + "jose mourinho 's side moved 10 points clear at the top of the table after eden hazard 's goal was enough to beat manchester united , meaning they require two wins from their last six matches to claim the league .chelsea captain john terry is adamant that there is still work to be done if they are to clinch the premier league title .chelsea defender john terry celebrates with his fellow centre back gary cahil at the final whistle\n", + "chelsea defeated manchester united 1-0 at stamford bridgethe win moves the blues 10 points clear at the top of the tablechelsea require two wins from their last six matches to claim the title\n", + "[1.2465588 1.4080366 1.4075543 1.2912407 1.2165303 1.1136574 1.0427264\n", + " 1.0297258 1.0278567 1.0201062 1.0347242 1.1112256 1.0457308 1.0757589\n", + " 1.0226599 1.0437882 1.0203519 1.0154632 1.0178943 0. ]\n", + "\n", + "[ 1 2 3 0 4 5 11 13 12 15 6 10 7 8 14 16 9 18 17 19]\n", + "=======================\n", + "['a selection of 36 sweets - including liquorice sticks , cola bottles , jelly beans and gummy bears - are on sale , all guaranteed to be free of animal products or alcohol-based ingredients .the 10 stores trialling the scheme include blackburn , bolton , preston , bradford , west bromwich , birmingham , leamington spa and three in london .morrisons supermarket has brought in halal-only pick and mix counters to cater for muslim customers .']\n", + "=======================\n", + "['supermarket giant becomes first to introduce halal-only sweet countersmove being trialled in 10 stores around the uk based on local communitycounters will sell 36 types of gelatine-free and alcohol-free sweetsmuslim figures praise the move and say demand will be high']\n", + "a selection of 36 sweets - including liquorice sticks , cola bottles , jelly beans and gummy bears - are on sale , all guaranteed to be free of animal products or alcohol-based ingredients .the 10 stores trialling the scheme include blackburn , bolton , preston , bradford , west bromwich , birmingham , leamington spa and three in london .morrisons supermarket has brought in halal-only pick and mix counters to cater for muslim customers .\n", + "supermarket giant becomes first to introduce halal-only sweet countersmove being trialled in 10 stores around the uk based on local communitycounters will sell 36 types of gelatine-free and alcohol-free sweetsmuslim figures praise the move and say demand will be high\n", + "[1.2356926 1.3807274 1.2528969 1.279473 1.1192006 1.063586 1.0610913\n", + " 1.0861897 1.0515082 1.125807 1.1281999 1.109521 1.1269082 1.1129007\n", + " 1.0270674 1.0477709 1.0471253 1.0359626 0. 0. ]\n", + "\n", + "[ 1 3 2 0 10 12 9 4 13 11 7 5 6 8 15 16 17 14 18 19]\n", + "=======================\n", + "['stars such as angel di maria , pablo zabaleta and marcos rojo embraced as they dined at the popular san carlo italian restaurant .the united players had just returned from a disappointing 1-0 defeat by premier league leaders chelsea on saturday , while the city men were still on a high following a comfortable victory over west ham .argentina internationals from manchester city and manchester united looked delighted as they joined forces on sunday night , enjoying a meal with their partners in the city centre .']\n", + "=======================\n", + "[\"angel di maria and marcos rojo dine out together in manchestermanchester city stars martin demichelis and pablo zabaleta also attendunited 's spanish goalkeeper victor valdes joined the argentine contingentpremier league stars enjoyed meal at italian restaurant san carlo\"]\n", + "stars such as angel di maria , pablo zabaleta and marcos rojo embraced as they dined at the popular san carlo italian restaurant .the united players had just returned from a disappointing 1-0 defeat by premier league leaders chelsea on saturday , while the city men were still on a high following a comfortable victory over west ham .argentina internationals from manchester city and manchester united looked delighted as they joined forces on sunday night , enjoying a meal with their partners in the city centre .\n", + "angel di maria and marcos rojo dine out together in manchestermanchester city stars martin demichelis and pablo zabaleta also attendunited 's spanish goalkeeper victor valdes joined the argentine contingentpremier league stars enjoyed meal at italian restaurant san carlo\n", + "[1.4057732 1.2560077 1.2894721 1.160399 1.123932 1.1465001 1.0888841\n", + " 1.096876 1.0907646 1.0843896 1.0518397 1.0163308 1.0198233 1.0171416\n", + " 1.0907044 1.0475838 1.0599339 1.0172936 1.051547 1.0203269]\n", + "\n", + "[ 0 2 1 3 5 4 7 8 14 6 9 16 10 18 15 19 12 17 13 11]\n", + "=======================\n", + "['fall river , massachusetts ( cnn ) former new england patriots star aaron hernandez looked on impassively wednesday as he was sentenced to life without the possibility of parole , a new low for a young man who once enjoyed a $ 40 million pro-football contract and now stands convicted in the 2013 murder of onetime friend odin lloyd .he was also found guilty of unlawful possession of a firearm and unlawful possession of ammunition .hernandez , 25 , appeared to shake his head \" no \" earlier as jurors in the massachusetts trial found him guilty of first-degree murder .']\n", + "=======================\n", + "['\" they got it wrong , \" aaron hernandez says as he is transported to prisonthe jury deliberated for more than 35 hours over parts of seven daysmother of murder victim odin lloyd says she forgives those who played a role in her son \\'s death']\n", + "fall river , massachusetts ( cnn ) former new england patriots star aaron hernandez looked on impassively wednesday as he was sentenced to life without the possibility of parole , a new low for a young man who once enjoyed a $ 40 million pro-football contract and now stands convicted in the 2013 murder of onetime friend odin lloyd .he was also found guilty of unlawful possession of a firearm and unlawful possession of ammunition .hernandez , 25 , appeared to shake his head \" no \" earlier as jurors in the massachusetts trial found him guilty of first-degree murder .\n", + "\" they got it wrong , \" aaron hernandez says as he is transported to prisonthe jury deliberated for more than 35 hours over parts of seven daysmother of murder victim odin lloyd says she forgives those who played a role in her son 's death\n", + "[1.2367041 1.4102405 1.1878793 1.2167022 1.2998915 1.0995209 1.05604\n", + " 1.1328194 1.0913247 1.0778855 1.0629017 1.037899 1.0595247 1.0415899\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 3 2 7 5 8 9 10 12 6 13 11 18 14 15 16 17 19]\n", + "=======================\n", + "[\"egyptian-born hani al-sibai is believed to have influenced a number of young men , who then travelled abroad to join terror groups , including jihadi john , whose real name is mohammed emwazi .an extremist preacher who is suspected of radicalising jihadi john lives in a leafy west london street and can not be deported because of his human rights .now , security services are believed to be investigating al-sibai 's influence on the london boys terror cell of which enwazi was a part .\"]\n", + "=======================\n", + "[\"hani al-sibai is believed to have influenced a number of young muslim menlives in area where jihadi johnspent time with london boys terror cellsecurity services believed to be investigating cleric 's influence on networkal-sibai recently caused outrage for making sexist remarks to lebanese tv host live on air\"]\n", + "egyptian-born hani al-sibai is believed to have influenced a number of young men , who then travelled abroad to join terror groups , including jihadi john , whose real name is mohammed emwazi .an extremist preacher who is suspected of radicalising jihadi john lives in a leafy west london street and can not be deported because of his human rights .now , security services are believed to be investigating al-sibai 's influence on the london boys terror cell of which enwazi was a part .\n", + "hani al-sibai is believed to have influenced a number of young muslim menlives in area where jihadi johnspent time with london boys terror cellsecurity services believed to be investigating cleric 's influence on networkal-sibai recently caused outrage for making sexist remarks to lebanese tv host live on air\n", + "[1.2573696 1.4165502 1.4241108 1.192731 1.2019928 1.0235109 1.1292669\n", + " 1.0700856 1.1585366 1.0243657 1.019697 1.0200098 1.0658958 1.0213027\n", + " 1.0986277 1.0237365 1.1678877 1.0995368 1.0730395 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 1 0 4 3 16 8 6 17 14 18 7 12 9 15 5 13 11 10 19 20 21 22]\n", + "=======================\n", + "[\"earlier this week , more than 200 yazidi women , children and elderly were released near kirkuk , northern iraq after being taken by isis militants last june .the yazidi girl has recently been released after nearly a year as a prisoner in the islamic state , where women and young girls from the religious minority are known to be kept as ` sex slaves ' .a nine-year-old girl is pregnant after suffering horrific sexual abuse at the hands of isis militants in northern iraq , aid workers report .\"]\n", + "=======================\n", + "[\"female yazidi held prisoner by isis , suffered horrific sexual abusevictims include girl , nine , who is now ` pregnant by her abusers 'earlier this week , isis released 216 yazidi prisoners in northern iraqgroup , made up of 40 children , women and elderly , released after a year\"]\n", + "earlier this week , more than 200 yazidi women , children and elderly were released near kirkuk , northern iraq after being taken by isis militants last june .the yazidi girl has recently been released after nearly a year as a prisoner in the islamic state , where women and young girls from the religious minority are known to be kept as ` sex slaves ' .a nine-year-old girl is pregnant after suffering horrific sexual abuse at the hands of isis militants in northern iraq , aid workers report .\n", + "female yazidi held prisoner by isis , suffered horrific sexual abusevictims include girl , nine , who is now ` pregnant by her abusers 'earlier this week , isis released 216 yazidi prisoners in northern iraqgroup , made up of 40 children , women and elderly , released after a year\n", + "[1.2563137 1.5172341 1.2802434 1.2460442 1.2795718 1.0944269 1.0231469\n", + " 1.099359 1.1485505 1.0659007 1.1210926 1.0553485 1.0704136 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 4 0 3 8 10 7 5 12 9 11 6 13 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"the box truck collided with a car on interstate 93 southbound in the city 's dorchester neighborhood at about 6am , and both drivers were taken to hospital with non-life-threatening injuries .as officials did n't want to risk running trains under the over-hanging truck , replacement shuttle buses were run for southbound passengers with long queues forming .hundreds of morning commuters in boston were delayed today after a truck crashed on an elevated highway over subway and rail tracks .\"]\n", + "=======================\n", + "[\"the box truck collided with a car on interstate 93 southbound in the city 's dorchester neighborhood at about 6amboth drivers were taken to hospital with non-life-threatening injuriesas officials did n't want to risk running trains under the over-hanging truck , replacement shuttle buses were run for southbound passengerson the highway there were also massive delays\"]\n", + "the box truck collided with a car on interstate 93 southbound in the city 's dorchester neighborhood at about 6am , and both drivers were taken to hospital with non-life-threatening injuries .as officials did n't want to risk running trains under the over-hanging truck , replacement shuttle buses were run for southbound passengers with long queues forming .hundreds of morning commuters in boston were delayed today after a truck crashed on an elevated highway over subway and rail tracks .\n", + "the box truck collided with a car on interstate 93 southbound in the city 's dorchester neighborhood at about 6amboth drivers were taken to hospital with non-life-threatening injuriesas officials did n't want to risk running trains under the over-hanging truck , replacement shuttle buses were run for southbound passengerson the highway there were also massive delays\n", + "[1.4332938 1.2332993 1.1592721 1.3770242 1.1519673 1.2053373 1.1275586\n", + " 1.1460199 1.1718206 1.1274896 1.0909679 1.0171897 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 1 5 8 2 4 7 6 9 10 11 12 13 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "['( cnn ) a massive brawl involving two dozen people at a queens , new york , casino was captured on video friday night .the fight took place in the food court area of resorts world casino where approximately 300 people were still at the scene when police arrived , according to the new york police department .the cell phone video shows a number of men throwing punches and even chairs into crowds of people .']\n", + "=======================\n", + "['the video shows people throwing chairs and stanchionsfriday was the grand opening of fat tuesday at the casinothree men have been arrested']\n", + "( cnn ) a massive brawl involving two dozen people at a queens , new york , casino was captured on video friday night .the fight took place in the food court area of resorts world casino where approximately 300 people were still at the scene when police arrived , according to the new york police department .the cell phone video shows a number of men throwing punches and even chairs into crowds of people .\n", + "the video shows people throwing chairs and stanchionsfriday was the grand opening of fat tuesday at the casinothree men have been arrested\n", + "[1.1536129 1.0396 1.0825765 1.2306856 1.136184 1.3756645 1.1714482\n", + " 1.0782833 1.11811 1.165116 1.0189986 1.061415 1.0889808 1.0702778\n", + " 1.0825971 1.2252046 1.0930854 1.0977217 1.0772024 1.034602 1.0851207\n", + " 1.0377718 1.0772722]\n", + "\n", + "[ 5 3 15 6 9 0 4 8 17 16 12 20 14 2 7 22 18 13 11 1 21 19 10]\n", + "=======================\n", + "['sky and bt sports pay # 16million a year for live coverage of scottish football .the scottish game is engaged in a faustian pact .on saturday , hibernian and falkirk fans will be asked to travel to glasgow for a scottish cup semi-final which kicks off at 12.15 pm why ?']\n", + "=======================\n", + "[\"scottish football coverage is at the mercy of sky and bt 's schedulesyet , scottish football is never afforded the same precedence as england 'sthe demand for scottish football is nearing an all-time low\"]\n", + "sky and bt sports pay # 16million a year for live coverage of scottish football .the scottish game is engaged in a faustian pact .on saturday , hibernian and falkirk fans will be asked to travel to glasgow for a scottish cup semi-final which kicks off at 12.15 pm why ?\n", + "scottish football coverage is at the mercy of sky and bt 's schedulesyet , scottish football is never afforded the same precedence as england 'sthe demand for scottish football is nearing an all-time low\n", + "[1.4561954 1.4074857 1.286678 1.1097672 1.0437732 1.0454764 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 3 5 4 20 19 18 17 16 15 14 11 12 21 10 9 8 7 6 13 22]\n", + "=======================\n", + "[\"get ready for the grand national , the highlight of the racing year , with our must-watch preview from the paddock at aintree .sportsmail 's racing correspondent marcus townend and britain 's no 1 tipster sam turner cast their eye over the 39-strong field for the race and offer their predictions .will ap mccoy 's glittering career conclude with a fairytale victory for favourite shutthefrontdoor , a result that would cause 70,000 spectators to raise the roof and wipe out the bookies ?\"]\n", + "=======================\n", + "['daily mail racing correspondent marcus townend and tipster sam turner cast their eye over the field for the grand national in our preview videoshutthefrontdoor and ap mccoy will start the race as favourite']\n", + "get ready for the grand national , the highlight of the racing year , with our must-watch preview from the paddock at aintree .sportsmail 's racing correspondent marcus townend and britain 's no 1 tipster sam turner cast their eye over the 39-strong field for the race and offer their predictions .will ap mccoy 's glittering career conclude with a fairytale victory for favourite shutthefrontdoor , a result that would cause 70,000 spectators to raise the roof and wipe out the bookies ?\n", + "daily mail racing correspondent marcus townend and tipster sam turner cast their eye over the field for the grand national in our preview videoshutthefrontdoor and ap mccoy will start the race as favourite\n", + "[1.163721 1.3942006 1.0945516 1.0347134 1.0402551 1.1134605 1.2286682\n", + " 1.0967472 1.1289161 1.048064 1.0442103 1.0500971 1.120146 1.0853215\n", + " 1.0850203 1.0687724 1.0556525 1.0564803 1.0560651 1.0601915 1.0888042\n", + " 1.0561324 1.0669414 0. 0. ]\n", + "\n", + "[ 1 6 0 8 12 5 7 2 20 13 14 15 22 19 17 21 18 16 11 9 10 4 3 23\n", + " 24]\n", + "=======================\n", + "[\"exactly one week after being taken into police custody in baltimore , freddie gray died sunday under circumstances that are unclear .an attorney for gray 's family alleges that police are involved in a cover-up .( cnn ) a lot of questions .\"]\n", + "=======================\n", + "[\"an attorney for freddie gray 's family alleges that police are involved in a cover-upthere are ongoing administrative and criminal investigationsbaltimore 's mayor promises to get the bottom of what happened\"]\n", + "exactly one week after being taken into police custody in baltimore , freddie gray died sunday under circumstances that are unclear .an attorney for gray 's family alleges that police are involved in a cover-up .( cnn ) a lot of questions .\n", + "an attorney for freddie gray 's family alleges that police are involved in a cover-upthere are ongoing administrative and criminal investigationsbaltimore 's mayor promises to get the bottom of what happened\n", + "[1.2585349 1.3602157 1.3874056 1.4386429 1.1691746 1.1208324 1.0367405\n", + " 1.015003 1.0165638 1.0353554 1.011234 1.1811895 1.0820627 1.1473473\n", + " 1.0217724 1.0100449 1.010083 1.0428287 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 0 11 4 13 5 12 17 6 9 14 8 7 10 16 15 23 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"toby alderweireld has been in superb form this season at southampton since joining on loan from atleticoalderweireld 's form on the south coast has attracted interest from the likes of manchester city and tottenham , but ronald koeman 's side have the option to make the deal permanent for just # 6.8 million .eyebrows were raised last summer when the 26-year-old moved to st mary 's on a season-long loan , just months after playing for atletico madrid in the champions league final .\"]\n", + "=======================\n", + "['toby alderweireld is on loan at southampton from atletico madridbelgian defender can join permanently in the summer for just # 6.8 millionbut atletico may want to bring him back to the vicente calderonmanchester city and tottenham also interested in the defenderalderweireld focused on helping saints qualify for europe']\n", + "toby alderweireld has been in superb form this season at southampton since joining on loan from atleticoalderweireld 's form on the south coast has attracted interest from the likes of manchester city and tottenham , but ronald koeman 's side have the option to make the deal permanent for just # 6.8 million .eyebrows were raised last summer when the 26-year-old moved to st mary 's on a season-long loan , just months after playing for atletico madrid in the champions league final .\n", + "toby alderweireld is on loan at southampton from atletico madridbelgian defender can join permanently in the summer for just # 6.8 millionbut atletico may want to bring him back to the vicente calderonmanchester city and tottenham also interested in the defenderalderweireld focused on helping saints qualify for europe\n", + "[1.2193128 1.3567072 1.3739587 1.2931956 1.2221563 1.1362414 1.0565538\n", + " 1.0217961 1.1832931 1.1644645 1.1704367 1.0694102 1.0692629 1.0939723\n", + " 1.0339315 1.0336508 1.025971 1.0047684 1.0043528 1.0102696 1.0103396\n", + " 1.0530897 1.0047851 1.0215034 1.0092505]\n", + "\n", + "[ 2 1 3 4 0 8 10 9 5 13 11 12 6 21 14 15 16 7 23 20 19 24 22 17\n", + " 18]\n", + "=======================\n", + "[\"they will meet four-time national champ duke in monday night 's title game .the kentucky wildcats ' bid for perfection ended saturday night at the hands of the wisconsin badgers , who rallied for a tough 71-64 victory in the ncaa men 's basketball final four at indianapolis .the blue devils dominated michigan state 81-61 in the first contest of the night .\"]\n", + "=======================\n", + "['wisconsin , which last won a title in 1941 , was led by birthday boy frank kaminskyjustise winslow leads duke with 19 points , while jahlil okafor has 18coach k says his team \\'s defense was \" terrific \"']\n", + "they will meet four-time national champ duke in monday night 's title game .the kentucky wildcats ' bid for perfection ended saturday night at the hands of the wisconsin badgers , who rallied for a tough 71-64 victory in the ncaa men 's basketball final four at indianapolis .the blue devils dominated michigan state 81-61 in the first contest of the night .\n", + "wisconsin , which last won a title in 1941 , was led by birthday boy frank kaminskyjustise winslow leads duke with 19 points , while jahlil okafor has 18coach k says his team 's defense was \" terrific \"\n", + "[1.4978015 1.2206697 1.325869 1.3943617 1.4238899 1.0644766 1.018757\n", + " 1.016344 1.0204487 1.1228862 1.136947 1.0229952 1.0130228 1.0095834\n", + " 1.0615234 1.0216318 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 3 2 1 10 9 5 14 11 15 8 6 7 12 13 23 16 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"manchester city manager manuel pellegrini has the most difficult job in football , according to west ham boss sam allardyce .but allardyce believes the pressure of going for back-to-back barclays premier league titles , plus the introduction of financial fair play ( ffp ) rules , have made the chilean 's job the hardest in world football .city entertain the hammers at the etihad stadium on sunday with speculation over pellegrini 's future mounting after a difficult season and a run of six defeats in their last eight games .\"]\n", + "=======================\n", + "['sam allardyce believes manuel pellegrini has the toughest job in footballchilean manager is under pressure following their title race capitulationpellegrini was tasked with winning back-to-back league titles at the etihadbut , poor recent form has seen them tamely drop away from the pace']\n", + "manchester city manager manuel pellegrini has the most difficult job in football , according to west ham boss sam allardyce .but allardyce believes the pressure of going for back-to-back barclays premier league titles , plus the introduction of financial fair play ( ffp ) rules , have made the chilean 's job the hardest in world football .city entertain the hammers at the etihad stadium on sunday with speculation over pellegrini 's future mounting after a difficult season and a run of six defeats in their last eight games .\n", + "sam allardyce believes manuel pellegrini has the toughest job in footballchilean manager is under pressure following their title race capitulationpellegrini was tasked with winning back-to-back league titles at the etihadbut , poor recent form has seen them tamely drop away from the pace\n", + "[1.1649777 1.4145586 1.2664268 1.1687317 1.1141174 1.282809 1.0437111\n", + " 1.0178186 1.0389014 1.2023617 1.0567474 1.0179491 1.0949051 1.0946748\n", + " 1.1038697 1.0299859 1.0068344 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 2 9 3 0 4 14 12 13 10 6 8 15 11 7 16 23 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"the incredibly detailed works of art were inspired by faberge 's famous jewelled eggs , and painstakingly created by 14 of the uk 's top cake artists .the eggs were created as part of a feature for cake masters magazine - and feature in this month 's edition , with easter just around the corner .each of the intricate treats is entirely edible and were made using a range of decorating techniques and sugar work .\"]\n", + "=======================\n", + "[\"stunning creations made by uk 's top cake artists and shown at the cake international exhibition in londonbakers used a range of decorating techniques and detailed sugar work to make the stunning cakesevery part of the ornate bakes is edible from the hand moulded sugar beads to sugar-work figurineseach cake egg measures 30cm high and was created as part of a feature for cake masters magazine\"]\n", + "the incredibly detailed works of art were inspired by faberge 's famous jewelled eggs , and painstakingly created by 14 of the uk 's top cake artists .the eggs were created as part of a feature for cake masters magazine - and feature in this month 's edition , with easter just around the corner .each of the intricate treats is entirely edible and were made using a range of decorating techniques and sugar work .\n", + "stunning creations made by uk 's top cake artists and shown at the cake international exhibition in londonbakers used a range of decorating techniques and detailed sugar work to make the stunning cakesevery part of the ornate bakes is edible from the hand moulded sugar beads to sugar-work figurineseach cake egg measures 30cm high and was created as part of a feature for cake masters magazine\n", + "[1.3106596 1.3957118 1.222415 1.4513593 1.322693 1.1702037 1.1090155\n", + " 1.0930967 1.0231632 1.0125582 1.0336734 1.035191 1.1603293 1.0189143\n", + " 1.0106003 1.0080941 1.0077577 0. 0. ]\n", + "\n", + "[ 3 1 4 0 2 5 12 6 7 11 10 8 13 9 14 15 16 17 18]\n", + "=======================\n", + "[\"dele alli has set his sights on playing for england under 20s at the toulon tournament next monththe 19-year-old 's impressive performances for milton keynes dons earned him a dream move to the premier league with tottenham hotspur in a # 5million deal rubber-stamped in january .loaned back to the dons for the remainder of the season , alli 's 14 goals have helped keep them in touch with the automatic promotion places in league one .\"]\n", + "=======================\n", + "['dele alli is hoping to be selected to play for england under 20s next monththe midfielder was signed by tottenham in january for # 5millionalli was loaned back to former club mk dons for the rest of the season']\n", + "dele alli has set his sights on playing for england under 20s at the toulon tournament next monththe 19-year-old 's impressive performances for milton keynes dons earned him a dream move to the premier league with tottenham hotspur in a # 5million deal rubber-stamped in january .loaned back to the dons for the remainder of the season , alli 's 14 goals have helped keep them in touch with the automatic promotion places in league one .\n", + "dele alli is hoping to be selected to play for england under 20s next monththe midfielder was signed by tottenham in january for # 5millionalli was loaned back to former club mk dons for the rest of the season\n", + "[1.1749556 1.3702345 1.5048954 1.318935 1.1440479 1.0426633 1.0324388\n", + " 1.0352756 1.0381835 1.029901 1.0183697 1.0196068 1.0179311 1.0548046\n", + " 1.0317506 1.0229639 1.0264081 1.136948 1.0539144]\n", + "\n", + "[ 2 1 3 0 4 17 13 18 5 8 7 6 14 9 16 15 11 10 12]\n", + "=======================\n", + "[\"the british royal , who is currently working in new york , showcased her hipster style for the second day in a row wearing a black bowler hat , black leather top and a black and cream miniskirt .the 25-year-old cousin of princes william and harry was seen texting on her mobile as she navigated the concrete jungle on thursday .like the rest of the royals , princess eugenie must be counting down the days until the arrival of the duke and duchess of cambridge 's second baby .\"]\n", + "=======================\n", + "['princess , 25 , spotted in bowler hat on streets of new yorkcarried shopping bag from intermix - a designer brand storecousin of princes william and harry is working at auction house in city']\n", + "the british royal , who is currently working in new york , showcased her hipster style for the second day in a row wearing a black bowler hat , black leather top and a black and cream miniskirt .the 25-year-old cousin of princes william and harry was seen texting on her mobile as she navigated the concrete jungle on thursday .like the rest of the royals , princess eugenie must be counting down the days until the arrival of the duke and duchess of cambridge 's second baby .\n", + "princess , 25 , spotted in bowler hat on streets of new yorkcarried shopping bag from intermix - a designer brand storecousin of princes william and harry is working at auction house in city\n", + "[1.2514923 1.3590715 1.1095209 1.3624433 1.1069553 1.0391722 1.0255784\n", + " 1.0479648 1.1905043 1.2509027 1.1453108 1.0766382 1.0358278 1.0801414\n", + " 1.0666852 1.0232257 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 9 8 10 2 4 13 11 14 7 5 12 6 15 17 16 18]\n", + "=======================\n", + "[\"the short video was posted on the scientist 's brain talks website , which is designed to teach people about the different methods of studying the brain .the clip shows nancy kanwisher , a professor at the massachusetts institute of technology , chopping at her shoulder-length bob with scissors just a few seconds into a lecture .after the haircut the student used permanent markers to draw the different brain regions on ms kanwisher 's bare scalp .\"]\n", + "=======================\n", + "[\"nancy kanwisher works at the massachusetts institute of technologyshe used her bare scalp to explain what the different brain regions arethe short video was posted on the scientist 's brain talks website\"]\n", + "the short video was posted on the scientist 's brain talks website , which is designed to teach people about the different methods of studying the brain .the clip shows nancy kanwisher , a professor at the massachusetts institute of technology , chopping at her shoulder-length bob with scissors just a few seconds into a lecture .after the haircut the student used permanent markers to draw the different brain regions on ms kanwisher 's bare scalp .\n", + "nancy kanwisher works at the massachusetts institute of technologyshe used her bare scalp to explain what the different brain regions arethe short video was posted on the scientist 's brain talks website\n", + "[1.4767159 1.349618 1.1590759 1.1346633 1.1229951 1.0708895 1.0347531\n", + " 1.0478398 1.0438659 1.1498129 1.053702 1.119643 1.0770434 1.0713005\n", + " 1.0300725 1.1509471 1.1205635 1.0348393 1.0386729]\n", + "\n", + "[ 0 1 2 15 9 3 4 16 11 12 13 5 10 7 8 18 17 6 14]\n", + "=======================\n", + "['( cnn ) fifteen buffalo were shot and killed on friday after a day on the loose in upstate new york .the chase , which took farmers and police officers from five jurisdictions through forests and over the hudson river , ended with \" snipers \" from the animals \\' farm gunning down the buffalo from the side of the road , according to lt. thomas heffernan of the bethlehem police department .\" it was turning into the wild , wild , west , \" albany county sheriff craig apple told reporters on friday .']\n", + "=======================\n", + "['15 buffalo are shot on friday after escaping the day before from a farm in schodack , new yorkpolice helicopters fly overhead and nearby schools put on alert in the final moments of the chasethe herd breaks through three layers of barbed wire fencing and crosses the hudson river during the escape']\n", + "( cnn ) fifteen buffalo were shot and killed on friday after a day on the loose in upstate new york .the chase , which took farmers and police officers from five jurisdictions through forests and over the hudson river , ended with \" snipers \" from the animals ' farm gunning down the buffalo from the side of the road , according to lt. thomas heffernan of the bethlehem police department .\" it was turning into the wild , wild , west , \" albany county sheriff craig apple told reporters on friday .\n", + "15 buffalo are shot on friday after escaping the day before from a farm in schodack , new yorkpolice helicopters fly overhead and nearby schools put on alert in the final moments of the chasethe herd breaks through three layers of barbed wire fencing and crosses the hudson river during the escape\n", + "[1.3034242 1.382901 1.295366 1.2114787 1.211676 1.035067 1.0185902\n", + " 1.0276304 1.1655341 1.101025 1.1180055 1.1302769 1.1080648 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 3 8 11 10 12 9 5 7 6 13 14 15 16 17 18]\n", + "=======================\n", + "[\"the unnamed caller gave the operator a blow-by-blow account as he wandered behind rafi meitiv , 10 , and his sister dvora , 6 , in silver spring on sunday .authorities in montgomery county have released the 911 call that led to two ` free range ' getting picked up and held by police and maryland cps for five hours over the weekend .the 7-minute call would reignite a controversy focused on those kids and their scientist parents , danielle and alexander meitiv , who espouse the hands-off parenting style .\"]\n", + "=======================\n", + "[\"police seized rafi , 10 , and dvora , 6 , in a maryland park on sunday and their parents say they were n't reunited by cps for hoursscientists danielle and alexander meitiv believe in ` free range parenting ' meaning the children are afforded total independence from infancythe meitivs were found guilty of neglect in march .\"]\n", + "the unnamed caller gave the operator a blow-by-blow account as he wandered behind rafi meitiv , 10 , and his sister dvora , 6 , in silver spring on sunday .authorities in montgomery county have released the 911 call that led to two ` free range ' getting picked up and held by police and maryland cps for five hours over the weekend .the 7-minute call would reignite a controversy focused on those kids and their scientist parents , danielle and alexander meitiv , who espouse the hands-off parenting style .\n", + "police seized rafi , 10 , and dvora , 6 , in a maryland park on sunday and their parents say they were n't reunited by cps for hoursscientists danielle and alexander meitiv believe in ` free range parenting ' meaning the children are afforded total independence from infancythe meitivs were found guilty of neglect in march .\n", + "[1.2471265 1.2912464 1.1908853 1.1840165 1.188517 1.1458032 1.0703514\n", + " 1.1962303 1.0781939 1.0801274 1.0544462 1.0642521 1.0420771 1.0610931\n", + " 1.0431348 1.0392137 1.0166688 1.0887578 1.0371933 1.0519726 1.0146775]\n", + "\n", + "[ 1 0 7 2 4 3 5 17 9 8 6 11 13 10 19 14 12 15 18 16 20]\n", + "=======================\n", + "['the marches follow recent violent attacks on foreigners in the country that have claimed five lives .( cnn ) as thousands of south africans took to the streets of the city of durban to rally against violence and xenophobia , an online community has joined the protests .attacks this week in durban alone have killed two immigrants and three south africans , including a 14-year-old boy , authorities said .']\n", + "=======================\n", + "['more than 10,000 people marched in durban against violence , officials saytwitter followers voiced their support through hashtag campaignsa cape town resident tweets his complaints against a zulu king']\n", + "the marches follow recent violent attacks on foreigners in the country that have claimed five lives .( cnn ) as thousands of south africans took to the streets of the city of durban to rally against violence and xenophobia , an online community has joined the protests .attacks this week in durban alone have killed two immigrants and three south africans , including a 14-year-old boy , authorities said .\n", + "more than 10,000 people marched in durban against violence , officials saytwitter followers voiced their support through hashtag campaignsa cape town resident tweets his complaints against a zulu king\n", + "[1.1420695 1.3499184 1.4608952 1.0642483 1.0915571 1.4469371 1.1207548\n", + " 1.1566628 1.0186253 1.0106285 1.0100725 1.0120671 1.0136513 1.0097734\n", + " 1.0090336 1.0182931 1.0268989 1.0284057 1.1199186 1.1137837 0. ]\n", + "\n", + "[ 2 5 1 7 0 6 18 19 4 3 17 16 8 15 12 11 9 10 13 14 20]\n", + "=======================\n", + "[\"adlene guedioura seized on hesitant defending by craig forsyth with 15 minutes to go to slip a weighted pass to his watford team-mate , who poked the ball past lee grant to snatch an unlikely point .odion ighalo celebrates after scoring watford 's equaliser to secure them a point at the ipro stadiumlooking on course for a first victory in seven championship games against the 10 men of watford , they conceded an equaliser to odion ighalo that further undermines their promotion ambitions .\"]\n", + "=======================\n", + "[\"matej vydra opened the scoring with his fifth goal in seven matcheswatford could not hold on after marco motta gave away a penaltyhe was shown a straight red card and darren bent scored the spot kickin the second half , tom ince scored to complete derby 's comebackwatford were n't finished though , and odion ighalo levelled at 2-2\"]\n", + "adlene guedioura seized on hesitant defending by craig forsyth with 15 minutes to go to slip a weighted pass to his watford team-mate , who poked the ball past lee grant to snatch an unlikely point .odion ighalo celebrates after scoring watford 's equaliser to secure them a point at the ipro stadiumlooking on course for a first victory in seven championship games against the 10 men of watford , they conceded an equaliser to odion ighalo that further undermines their promotion ambitions .\n", + "matej vydra opened the scoring with his fifth goal in seven matcheswatford could not hold on after marco motta gave away a penaltyhe was shown a straight red card and darren bent scored the spot kickin the second half , tom ince scored to complete derby 's comebackwatford were n't finished though , and odion ighalo levelled at 2-2\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[1.2282447 1.3091638 1.076843 1.1217345 1.128855 1.1062433 1.2862704\n", + " 1.1477978 1.0794041 1.0251274 1.0935751 1.1145056 1.0731953 1.103093\n", + " 1.0375473 1.0326873 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 6 0 7 4 3 11 5 13 10 8 2 12 14 15 9 19 16 17 18 20]\n", + "=======================\n", + "[\"in a recent interview , david , 39 , explained how being a personal chef and graduate of the famed le cordon bleu cooking school has helped him to influence his children 's culinary tastes . 'say cheese : neil patrick harris and david burtka 's adorable twins love food and have unusually refined palates for four-year-olds , including a love for seafood and spicesshared duties : chef david does most of the cooking in the harris-burtka house , but neil serves as bartender for company and helps david create the perfect presentation\"]\n", + "=======================\n", + "[\"david says daughter harper and son gideon have incredibly sophisticated tastesthe 39-year-old actor has worked as a personal chef and attended le cordon bleu cooking schoolgideon eats everything , while harper favors ` strong ' flavors and ` anything chocolate 'though david is the cook in the family , neil is good at plating the food\"]\n", + "in a recent interview , david , 39 , explained how being a personal chef and graduate of the famed le cordon bleu cooking school has helped him to influence his children 's culinary tastes . 'say cheese : neil patrick harris and david burtka 's adorable twins love food and have unusually refined palates for four-year-olds , including a love for seafood and spicesshared duties : chef david does most of the cooking in the harris-burtka house , but neil serves as bartender for company and helps david create the perfect presentation\n", + "david says daughter harper and son gideon have incredibly sophisticated tastesthe 39-year-old actor has worked as a personal chef and attended le cordon bleu cooking schoolgideon eats everything , while harper favors ` strong ' flavors and ` anything chocolate 'though david is the cook in the family , neil is good at plating the food\n", + "[1.2376446 1.2783259 1.1741767 1.5162427 1.3279948 1.2091051 1.0646048\n", + " 1.0280843 1.0201128 1.1324425 1.0480964 1.0339711 1.0642139 1.0422052\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 1 0 5 2 9 6 12 10 13 11 7 8 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"pep guardiola will be reintroduced to barcelona in the champions league semi-finalsthe bayern munich coach must think of a way to stop the superb lionel messi next monthon the prospect of facing the greatest player in barcelona 's history , guardiola -- the greatest coach the club has had -- said : ` we will have to see what we can do in each of the two games and we will try to create the best defensive system possible to stop messi .\"]\n", + "=======================\n", + "['bayern munich face barcelona in the champions league semisit means pep guardiola will travel back to the nou campbayern boss guardiola wants to find a way of stopping lionel messiclick here for the uefa champions league draw']\n", + "pep guardiola will be reintroduced to barcelona in the champions league semi-finalsthe bayern munich coach must think of a way to stop the superb lionel messi next monthon the prospect of facing the greatest player in barcelona 's history , guardiola -- the greatest coach the club has had -- said : ` we will have to see what we can do in each of the two games and we will try to create the best defensive system possible to stop messi .\n", + "bayern munich face barcelona in the champions league semisit means pep guardiola will travel back to the nou campbayern boss guardiola wants to find a way of stopping lionel messiclick here for the uefa champions league draw\n", + "[1.1191177 1.106459 1.4209387 1.3176959 1.1974434 1.2380725 1.098497\n", + " 1.1319013 1.0803542 1.0236413 1.0277563 1.0356718 1.0985174 1.0381839\n", + " 1.1113896 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 5 4 7 0 14 1 12 6 8 13 11 10 9 15 16 17 18 19 20]\n", + "=======================\n", + "['in a joint interview with his high flying lawyer wife miriam gonzalez durantez , nick clegg revealed the balance of power lies where many long suspected : with her .after the last election , mr clegg was given the option of moving his family into a grace-and-favour government mansion - but the move was vetoed by his wife .home : in a revealing joint interview , liberal democrats leader nick clegg ( pictured ) admitted his wife miriam ( right ) makes the big decisions in their household']\n", + "=======================\n", + "[\"nick clegg made the admission in a rare joint interview with his wife miriamlib dem said she decided against moving into ` government mansion '` discussion 's a rather grand word for miriam basically saying no , ' he jokedmiriam claims he has put ` country above party ' at ` great personal cost 'tonight : spotlight nick clegg tonight ( thursday ) on itv at 7.30 pm\"]\n", + "in a joint interview with his high flying lawyer wife miriam gonzalez durantez , nick clegg revealed the balance of power lies where many long suspected : with her .after the last election , mr clegg was given the option of moving his family into a grace-and-favour government mansion - but the move was vetoed by his wife .home : in a revealing joint interview , liberal democrats leader nick clegg ( pictured ) admitted his wife miriam ( right ) makes the big decisions in their household\n", + "nick clegg made the admission in a rare joint interview with his wife miriamlib dem said she decided against moving into ` government mansion '` discussion 's a rather grand word for miriam basically saying no , ' he jokedmiriam claims he has put ` country above party ' at ` great personal cost 'tonight : spotlight nick clegg tonight ( thursday ) on itv at 7.30 pm\n", + "[1.1784815 1.4835676 1.3231366 1.2963262 1.1295203 1.1511536 1.0621513\n", + " 1.1406819 1.1698351 1.1839998 1.0941379 1.0311265 1.0139012 1.0387653\n", + " 1.0785416 1.0916969 1.0232677 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 9 0 8 5 7 4 10 15 14 6 13 11 16 12 20 17 18 19 21]\n", + "=======================\n", + "['29-year-old pankaj saw fell three storeys from a macquarie park balcony to his death on thursday , while talking to his wife in india .emergency services were called to the unit block on cottonwood crescent at 1am , however mr saw died at the scene from serious head and internal injuries .a man has died after falling from an apartment balcony while he was on the phone to his new wife .']\n", + "=======================\n", + "['29-year-old pankaj saw feel to his death from a macquarie park balconyhe was on the phone to his wife and had only been in australia for two weeksmr panjak died at the scene from serious head and internal injuriesa housing expert has said it was an accident waiting to happen']\n", + "29-year-old pankaj saw fell three storeys from a macquarie park balcony to his death on thursday , while talking to his wife in india .emergency services were called to the unit block on cottonwood crescent at 1am , however mr saw died at the scene from serious head and internal injuries .a man has died after falling from an apartment balcony while he was on the phone to his new wife .\n", + "29-year-old pankaj saw feel to his death from a macquarie park balconyhe was on the phone to his wife and had only been in australia for two weeksmr panjak died at the scene from serious head and internal injuriesa housing expert has said it was an accident waiting to happen\n", + "[1.3990735 1.4625612 1.4157407 1.4032393 1.3336693 1.076492 1.0106221\n", + " 1.0140499 1.1192341 1.0622597 1.0124794 1.1804625 1.1343586 1.0155398\n", + " 1.0095614 1.015391 1.0087074 1.0133975 1.0211922 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 0 4 11 12 8 5 9 18 13 15 7 17 10 6 14 16 20 19 21]\n", + "=======================\n", + "[\"berahino is likely to be away with gareth southgate 's england under 21 side in the czech republic until late june so pulis has begun his preparations early .west bromwich albion were open to bids of # 20million for berahino in january and the 21-year-old has said he would leave to fulfil his desire to play in champions league football .tony pulis has discussed pre-season plans with saido berahino in an indication he plans to keep the striker beyond the summer transfer window .\"]\n", + "=======================\n", + "['pulis has spoken with his striker about pre-season plansberahino is expected to be involved with england at under 21 euros21-year-old has made no secret of desire to play in champions leagueberahino shares same agent as liverpool winger raheem sterling']\n", + "berahino is likely to be away with gareth southgate 's england under 21 side in the czech republic until late june so pulis has begun his preparations early .west bromwich albion were open to bids of # 20million for berahino in january and the 21-year-old has said he would leave to fulfil his desire to play in champions league football .tony pulis has discussed pre-season plans with saido berahino in an indication he plans to keep the striker beyond the summer transfer window .\n", + "pulis has spoken with his striker about pre-season plansberahino is expected to be involved with england at under 21 euros21-year-old has made no secret of desire to play in champions leagueberahino shares same agent as liverpool winger raheem sterling\n", + "[1.2943524 1.4100307 1.1936868 1.267082 1.1873754 1.1305434 1.2566621\n", + " 1.1649241 1.1262789 1.0985161 1.1492662 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 6 2 4 7 10 5 8 9 20 11 12 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "['the crowd tried to storm the club tsunami in the chilean capital santiago .three people have been killed after clubbers stampeded into a nightclub to see a british punk band called doom .three people died after a crush developed outside tsunami nightclub santiago , pictured']\n", + "=======================\n", + "['three people were killed and seven were seriously injured in the crushthe music vans were trying to get into club tsunami in santiago , chilepolice confirmed they have arrested seven people following the incidentthe band , doom , are a crust punk band formed in britain in 1987']\n", + "the crowd tried to storm the club tsunami in the chilean capital santiago .three people have been killed after clubbers stampeded into a nightclub to see a british punk band called doom .three people died after a crush developed outside tsunami nightclub santiago , pictured\n", + "three people were killed and seven were seriously injured in the crushthe music vans were trying to get into club tsunami in santiago , chilepolice confirmed they have arrested seven people following the incidentthe band , doom , are a crust punk band formed in britain in 1987\n", + "[1.2030245 1.1634778 1.3340663 1.1656883 1.2985425 1.1336308 1.0532184\n", + " 1.0990216 1.105144 1.1042202 1.0776953 1.1010418 1.0631628 1.0335112\n", + " 1.0689442 1.1104387 1.063808 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 4 0 3 1 5 15 8 9 11 7 10 14 16 12 6 13 17 18 19 20 21]\n", + "=======================\n", + "[\"shocking : sky turned blood red for nearly an hour in aershan city in inner mongoliaresidents in a chinese city had a shock when they looked up and saw the sky glowing bright red - like something from a hollywood disaster movie .and if that was n't scary enough , people in the northern city of aershan feared the end was nigh when the heavens opened and out of the sky fell ... mud , covering them in a strange dark residue , according to the people 's daily online .\"]\n", + "=======================\n", + "['dramatic photos of the blood-red sky in aershan have gone viral in chinamud-like residue after the storm causes health concern with many citizensno comments been given by the authorities on the cause of the incidentweb users link the incident with the monster sandstorm attacking beijing']\n", + "shocking : sky turned blood red for nearly an hour in aershan city in inner mongoliaresidents in a chinese city had a shock when they looked up and saw the sky glowing bright red - like something from a hollywood disaster movie .and if that was n't scary enough , people in the northern city of aershan feared the end was nigh when the heavens opened and out of the sky fell ... mud , covering them in a strange dark residue , according to the people 's daily online .\n", + "dramatic photos of the blood-red sky in aershan have gone viral in chinamud-like residue after the storm causes health concern with many citizensno comments been given by the authorities on the cause of the incidentweb users link the incident with the monster sandstorm attacking beijing\n", + "[1.3721887 1.4789515 1.3043218 1.2524984 1.1637096 1.1648563 1.0547858\n", + " 1.0166078 1.0137801 1.0147799 1.1713983 1.0519516 1.0163463 1.0133749\n", + " 1.01394 1.2212279 1.0693974 1.0839404 1.009149 1.0091615 1.0114937\n", + " 1.0120414]\n", + "\n", + "[ 1 0 2 3 15 10 5 4 17 16 6 11 7 12 9 14 8 13 21 20 19 18]\n", + "=======================\n", + "[\"the norwegian blamed last summer 's money-spinning programme of games in the united states , austria , germany for a damaging 4-1 qualifying defeat to legia warsaw .ronny deila insists celtic will not risk their champions league aspirations by embarking on another gruelling pre-season travel schedule .celtic command lucrative fees for pre-season commitments and have also taken on trips to australia and the far east in recent seasons .\"]\n", + "=======================\n", + "['celtic travelled to the united states , austria and germany last pre-seasonthe scottish club were then beaten in the champions league by legia']\n", + "the norwegian blamed last summer 's money-spinning programme of games in the united states , austria , germany for a damaging 4-1 qualifying defeat to legia warsaw .ronny deila insists celtic will not risk their champions league aspirations by embarking on another gruelling pre-season travel schedule .celtic command lucrative fees for pre-season commitments and have also taken on trips to australia and the far east in recent seasons .\n", + "celtic travelled to the united states , austria and germany last pre-seasonthe scottish club were then beaten in the champions league by legia\n", + "[1.1652427 1.2663963 1.4598509 1.1829199 1.2233475 1.0377401 1.0399194\n", + " 1.0742238 1.2159905 1.1285682 1.0434097 1.0596961 1.0590243 1.0757513\n", + " 1.0465088 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 4 8 3 0 9 13 7 11 12 14 10 6 5 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the attraction , at fancesa limestone quarry in sucre , comprises some 462 trails made up of 5,055 prints - and frequent landslides reveal new ones , some of which belong to unknown species .and although the angle of the prints could suggest the lumbering reptiles were avid mountaineers , bolivia 's cal orcko paleontological site is the result of tectonic activity that forced the earth upwards .the wall , which is the largest dinosaur trackway in the world , is approximately 390 feet ( 120 metres ) tall and features tracks made by at least eight species of dinosaurs , the daily beast reported .\"]\n", + "=======================\n", + "[\"there are 462 trails of 5,055 prints on a vertical limestone slab in boliviarock was pushed upwards by tectonic movement , standing 390 feet tallsite 's thought to be the largest dinosaur trackway in the world and includes footprints made by numerous species and baby dinosaurs such as t.rexattraction is prone to landslide and is said to be under threat from humans\"]\n", + "the attraction , at fancesa limestone quarry in sucre , comprises some 462 trails made up of 5,055 prints - and frequent landslides reveal new ones , some of which belong to unknown species .and although the angle of the prints could suggest the lumbering reptiles were avid mountaineers , bolivia 's cal orcko paleontological site is the result of tectonic activity that forced the earth upwards .the wall , which is the largest dinosaur trackway in the world , is approximately 390 feet ( 120 metres ) tall and features tracks made by at least eight species of dinosaurs , the daily beast reported .\n", + "there are 462 trails of 5,055 prints on a vertical limestone slab in boliviarock was pushed upwards by tectonic movement , standing 390 feet tallsite 's thought to be the largest dinosaur trackway in the world and includes footprints made by numerous species and baby dinosaurs such as t.rexattraction is prone to landslide and is said to be under threat from humans\n", + "[1.2268274 1.3927648 1.1710575 1.1481526 1.1752262 1.1130147 1.0998113\n", + " 1.0669235 1.0748041 1.0731611 1.0793872 1.084177 1.075102 1.0651062\n", + " 1.0296084 1.0353951 1.0425384 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 5 6 11 10 12 8 9 7 13 16 15 14 19 17 18 20]\n", + "=======================\n", + "['wandering over to the protective glass , the youngster named gabriel is captured on camera standing next to the bear , which sits partially submerged in the water in a north american zoo .a young boy enjoyed a rare opportunity to interact with a brown bear when he was befriended by one at a zoo .the father then instructs his son to put his hand up against the glass and as he does so the bear moves towards him with its nose rubbing against the glass .']\n", + "=======================\n", + "[\"the boy named gabriel holds his hands up to the bear 's pawsbear follows him from left to right and rubs up against glasslater in the video the brown bear attempts to bite the youngster\"]\n", + "wandering over to the protective glass , the youngster named gabriel is captured on camera standing next to the bear , which sits partially submerged in the water in a north american zoo .a young boy enjoyed a rare opportunity to interact with a brown bear when he was befriended by one at a zoo .the father then instructs his son to put his hand up against the glass and as he does so the bear moves towards him with its nose rubbing against the glass .\n", + "the boy named gabriel holds his hands up to the bear 's pawsbear follows him from left to right and rubs up against glasslater in the video the brown bear attempts to bite the youngster\n", + "[1.134831 1.5787294 1.237712 1.3735601 1.094465 1.0231614 1.154456\n", + " 1.1903404 1.3078214 1.0380048 1.0496905 1.0719726 1.1785609 1.0365957\n", + " 1.0097178 1.015078 1.008218 1.0104386 1.0107249 1.0094866 1.0602425]\n", + "\n", + "[ 1 3 8 2 7 12 6 0 4 11 20 10 9 13 5 15 18 17 14 19 16]\n", + "=======================\n", + "[\"the custom-made piano features half a million swarovski crystals and was created following a request from an unnamed buyer described as an ` influential sheikh ' in doha , qatar .goldfinch , a cambridge-based piano maker , took six months to build it , with every crystal applied by hand .the piano was made in collaboration with british contemporary artist lauren baker .\"]\n", + "=======================\n", + "['the goldfinch piano took six months to build for a sheikh in doha , qatareach of the half a million crystals was applied by handthe instrument was designed in collaboration with artist lauren bakerit is said to be worth # 420,000']\n", + "the custom-made piano features half a million swarovski crystals and was created following a request from an unnamed buyer described as an ` influential sheikh ' in doha , qatar .goldfinch , a cambridge-based piano maker , took six months to build it , with every crystal applied by hand .the piano was made in collaboration with british contemporary artist lauren baker .\n", + "the goldfinch piano took six months to build for a sheikh in doha , qatareach of the half a million crystals was applied by handthe instrument was designed in collaboration with artist lauren bakerit is said to be worth # 420,000\n", + "[1.194992 1.516486 1.2530956 1.3845651 1.2325052 1.1536527 1.0778859\n", + " 1.1041964 1.104267 1.0182008 1.0497533 1.0407236 1.0423712 1.1203945\n", + " 1.0528065 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 5 13 8 7 6 14 10 12 11 9 19 15 16 17 18 20]\n", + "=======================\n", + "['preston wright , 23 , killed his girlfriend , sarah owen , 21 , after he stabbed her several times with a knife then turned the weapon on himself at a house in norman .eyewitnesses said that owen arrived at the house and was attempting to move her things out of a garage on 3417 madra street when the argument escalated .a couple died in an apparent murder suicide after they got into a violent confrontation which turned deadly inside a home in oklahoma .']\n", + "=======================\n", + "[\"preston wright , 23 , killed his girlfriend , sarah owen , 21 , with a knifewright then turned the weapon on himself inside the home in normanofficers were met by a boy , thought to be wright 's brother , at the househe said owen had been cleaning out the garage when she got into a fight with wrighteyewitnesses first saw the couple arguing outside of the homepolice found the couple dead inside the house with severe stab wounds\"]\n", + "preston wright , 23 , killed his girlfriend , sarah owen , 21 , after he stabbed her several times with a knife then turned the weapon on himself at a house in norman .eyewitnesses said that owen arrived at the house and was attempting to move her things out of a garage on 3417 madra street when the argument escalated .a couple died in an apparent murder suicide after they got into a violent confrontation which turned deadly inside a home in oklahoma .\n", + "preston wright , 23 , killed his girlfriend , sarah owen , 21 , with a knifewright then turned the weapon on himself inside the home in normanofficers were met by a boy , thought to be wright 's brother , at the househe said owen had been cleaning out the garage when she got into a fight with wrighteyewitnesses first saw the couple arguing outside of the homepolice found the couple dead inside the house with severe stab wounds\n", + "[1.1466558 1.3602546 1.3582594 1.0414814 1.0751615 1.0884845 1.2551035\n", + " 1.1009791 1.1649109 1.0901173 1.0318565 1.0541954 1.134728 1.0772204\n", + " 1.0529749 1.02418 1.0250243 1.0132792 0. 0. 0. ]\n", + "\n", + "[ 1 2 6 8 0 12 7 9 5 13 4 11 14 3 10 16 15 17 18 19 20]\n", + "=======================\n", + "[\"the second act of tony mccoy 's life .on saturday he will dismount from the bay gelding box office after the 4.25 pm at sandown park -- the bet365 handicap hurdle -- and it will begin .ap mccoy will race at sandown on saturday for the last time before he retires after a successful career\"]\n", + "=======================\n", + "['ap mccoy finished well ahead of rivals in jump jockeys championshipthere is no-one on his shoulder , no-one breathing down his neckhe will race at sandown for the last time before retiring on saturday']\n", + "the second act of tony mccoy 's life .on saturday he will dismount from the bay gelding box office after the 4.25 pm at sandown park -- the bet365 handicap hurdle -- and it will begin .ap mccoy will race at sandown on saturday for the last time before he retires after a successful career\n", + "ap mccoy finished well ahead of rivals in jump jockeys championshipthere is no-one on his shoulder , no-one breathing down his neckhe will race at sandown for the last time before retiring on saturday\n", + "[1.460771 1.355596 1.1803645 1.5230949 1.2832509 1.0216789 1.0182779\n", + " 1.0217655 1.0307294 1.0333366 1.0607138 1.0858808 1.0619951 1.0216783\n", + " 1.0162082 1.0235223 1.0307192 1.130493 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 2 17 11 12 10 9 8 16 15 7 5 13 6 14 19 18 20]\n", + "=======================\n", + "[\"arsene wenger has revealed the selection process he uses to pick his arsenal teamthe arsenal manager , who has taken charge of 1,056 matches since his appointment in september 1996 , has lifted the lid on his pre-match rituals in an interview with the official arsenal magazine .wenger lifts the fa cup following arsenal 's triumph over hull city at wembley last season\"]\n", + "=======================\n", + "['wenger has spoken about the process of selecting arsenal teamsthe arsenal manager has eight or nine of the team decided by matchdaybut the final decision is made in the hours immediately before kick-offsometimes the thought process to pick perfect xi takes all weekclick here for all the latest arsenal news']\n", + "arsene wenger has revealed the selection process he uses to pick his arsenal teamthe arsenal manager , who has taken charge of 1,056 matches since his appointment in september 1996 , has lifted the lid on his pre-match rituals in an interview with the official arsenal magazine .wenger lifts the fa cup following arsenal 's triumph over hull city at wembley last season\n", + "wenger has spoken about the process of selecting arsenal teamsthe arsenal manager has eight or nine of the team decided by matchdaybut the final decision is made in the hours immediately before kick-offsometimes the thought process to pick perfect xi takes all weekclick here for all the latest arsenal news\n", + "[1.5194173 1.4921046 1.1622096 1.3588146 1.2913369 1.178846 1.0118628\n", + " 1.0094347 1.0135767 1.0188233 1.1375715 1.07842 1.0111237 1.0108651\n", + " 1.0161557 1.2616897 1.2174542 1.0285212 1.0924543 1.0092919 1.006774 ]\n", + "\n", + "[ 0 1 3 4 15 16 5 2 10 18 11 17 9 14 8 6 12 13 7 19 20]\n", + "=======================\n", + "[\"bayern munich captain philipp lahm could make his first bundesliga start since returning from an ankle injury by appearing against borussia dortmund on saturday .midfielders franck ribery ( ankle ) , arjen robben ( stomach ) and javi martinez ( knee ) , and defender david alaba ( knee ) are all out , coach pep guardiola added on friday .pep guardiola will be without a number of his first-team stars for his side 's match against dortmund\"]\n", + "=======================\n", + "['philipp lahm is expected to start against dortmund at the weekendlahm has made two substitute appearances since his injury comebackfranck ribery , arjen robben and javi martinez will miss dortmund clashdavid alaba is expected to be out for the rest of the season']\n", + "bayern munich captain philipp lahm could make his first bundesliga start since returning from an ankle injury by appearing against borussia dortmund on saturday .midfielders franck ribery ( ankle ) , arjen robben ( stomach ) and javi martinez ( knee ) , and defender david alaba ( knee ) are all out , coach pep guardiola added on friday .pep guardiola will be without a number of his first-team stars for his side 's match against dortmund\n", + "philipp lahm is expected to start against dortmund at the weekendlahm has made two substitute appearances since his injury comebackfranck ribery , arjen robben and javi martinez will miss dortmund clashdavid alaba is expected to be out for the rest of the season\n", + "[1.3877769 1.4789529 1.1534276 1.4111506 1.334653 1.2009462 1.102895\n", + " 1.1118393 1.0288687 1.0108348 1.0195986 1.2297131 1.1038816 1.010858\n", + " 1.0170512 1.0158621 1.0063564 1.0084133 1.0102745 0. 0. ]\n", + "\n", + "[ 1 3 0 4 11 5 2 7 12 6 8 10 14 15 13 9 18 17 16 19 20]\n", + "=======================\n", + "[\"roberto martinez confirmed on thursday that the republic of ireland international will miss the final seven games of the season with metatarsal damage , but expects him to be ready for pre-season as he does not require surgery .everton midfielder darron gibson will not play again this season after damaging his metatarsaleverton will look to extend darron gibson 's contract this summer as he recovers from the latest injury setback of his career .\"]\n", + "=======================\n", + "['darron gibson has been ruled out for the rest of the season with injurygibson has a metatarsal problem but will be back for pre-seasonroberto martinez wants to extend his contract despite repeated injurieseverton will likely rekindle interest in tom cleverley in the summer']\n", + "roberto martinez confirmed on thursday that the republic of ireland international will miss the final seven games of the season with metatarsal damage , but expects him to be ready for pre-season as he does not require surgery .everton midfielder darron gibson will not play again this season after damaging his metatarsaleverton will look to extend darron gibson 's contract this summer as he recovers from the latest injury setback of his career .\n", + "darron gibson has been ruled out for the rest of the season with injurygibson has a metatarsal problem but will be back for pre-seasonroberto martinez wants to extend his contract despite repeated injurieseverton will likely rekindle interest in tom cleverley in the summer\n", + "[1.388156 1.4621432 1.3735503 1.2641395 1.0802166 1.0242373 1.0467032\n", + " 1.1202742 1.0547057 1.2256106 1.088713 1.0306156 1.0438029 1.0604115\n", + " 1.0153573 1.0724353 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 9 7 10 4 15 13 8 6 12 11 5 14 19 16 17 18 20]\n", + "=======================\n", + "[\"the ukip leader said he wanted to ` keep his mind as clear as possible ' before the two-hour live tv showdown .nigel farage has revealed his preparation technique for tonight 's crunch election debate -- no booze until 6pm .but he admitted that he would break his drink ban at 6pm before heading into the studio for the showdown against britain 's six other political party leaders .\"]\n", + "=======================\n", + "[\"the ukip leader said he wanted to ` keep his mind as clear as possible 'but he said he would break his drink ban at 6pm before going to the studioukip aide said he would have ' a couple of gin and tonics ' before the debatemr farage has been made the bookies favourite for tonight 's itv showdown\"]\n", + "the ukip leader said he wanted to ` keep his mind as clear as possible ' before the two-hour live tv showdown .nigel farage has revealed his preparation technique for tonight 's crunch election debate -- no booze until 6pm .but he admitted that he would break his drink ban at 6pm before heading into the studio for the showdown against britain 's six other political party leaders .\n", + "the ukip leader said he wanted to ` keep his mind as clear as possible 'but he said he would break his drink ban at 6pm before going to the studioukip aide said he would have ' a couple of gin and tonics ' before the debatemr farage has been made the bookies favourite for tonight 's itv showdown\n", + "[1.2752552 1.3630188 1.4390092 1.2836301 1.2755251 1.2943728 1.1089857\n", + " 1.0226126 1.0121362 1.0229837 1.012823 1.0755578 1.2180097 1.0502131\n", + " 1.0351732 1.054318 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 5 3 4 0 12 6 11 15 13 14 9 7 10 8 16 17 18 19 20]\n", + "=======================\n", + "['under existing rules , the spfl are entitled to take 50 per cent of the gate proceeds from the six play-off ties for redistribution among the clubs .and the fir park side are set to win powerful backing for their revolt from championship promotion challengers rangers and hibernian .motherwell general manager alan burrows told sportsmail his club will make a stand if they finish 11th']\n", + "=======================\n", + "[\"motherwell will offer free entry to their regular fans if they end up in play-offbut spfl are entitled to 50 per cent of gate proceeds from the gamesmotherwell will make stand and offer free tickets in event of finishing 11thrangers and hibernian will back the club 's stance against the spflâ\"]\n", + "under existing rules , the spfl are entitled to take 50 per cent of the gate proceeds from the six play-off ties for redistribution among the clubs .and the fir park side are set to win powerful backing for their revolt from championship promotion challengers rangers and hibernian .motherwell general manager alan burrows told sportsmail his club will make a stand if they finish 11th\n", + "motherwell will offer free entry to their regular fans if they end up in play-offbut spfl are entitled to 50 per cent of gate proceeds from the gamesmotherwell will make stand and offer free tickets in event of finishing 11thrangers and hibernian will back the club 's stance against the spflâ\n", + "[1.2023023 1.2864857 1.2807056 1.3589516 1.1127589 1.1310501 1.0371711\n", + " 1.111414 1.0517826 1.03404 1.0510793 1.0305595 1.0566016 1.0453511\n", + " 1.0781482 1.063669 1.011754 1.1112791 1.0823295]\n", + "\n", + "[ 3 1 2 0 5 4 7 17 18 14 15 12 8 10 13 6 9 11 16]\n", + "=======================\n", + "[\"cressida bonas , 26 , ( pictured ) says she is more than happy being single following her split from prince harry` i 'm a strong , independent woman , ' she says in a new interview to promote her role as mulberry 's new muse .she was catapulted into the limelight thanks to her relationship with prince harry .\"]\n", + "=======================\n", + "[\"cressida bonas says she is happy being single after prince harry splitdancer and mulberry 's new muse says : ` i 'm a strong , independent woman 'just finished playing cecily in the importance of being ernest in london\"]\n", + "cressida bonas , 26 , ( pictured ) says she is more than happy being single following her split from prince harry` i 'm a strong , independent woman , ' she says in a new interview to promote her role as mulberry 's new muse .she was catapulted into the limelight thanks to her relationship with prince harry .\n", + "cressida bonas says she is happy being single after prince harry splitdancer and mulberry 's new muse says : ` i 'm a strong , independent woman 'just finished playing cecily in the importance of being ernest in london\n", + "[1.2061396 1.2979184 1.2982721 1.2590253 1.2330842 1.1074402 1.0549456\n", + " 1.0855627 1.1299671 1.081734 1.0828326 1.0819713 1.059287 1.0471354\n", + " 1.033941 1.0150073 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 4 0 8 5 7 10 11 9 12 6 13 14 15 16 17 18]\n", + "=======================\n", + "[\"some experts have criticised the shutting down of olavsvern naval base - a huge complex buried in mountainous terrain near the town of tromsoe - which has been closed since 2009 .military leaders in norway are nervous about its powerful neighbour 's presence on its ` strategically important ' coastline following a spike in tensions between russia and nato nations .but fears have once again peaked after three russian ships spent the entire winter docked deep within the mountain hideaway which was once a heavily guarded military facility .\"]\n", + "=======================\n", + "[\"three russian ships that docked in olavsvern naval base for the entire winterbase which was shut down in 2009 is nestled deep inside mountainous regionnorway 's military fears russian presence on ` strategically important ' coastline\"]\n", + "some experts have criticised the shutting down of olavsvern naval base - a huge complex buried in mountainous terrain near the town of tromsoe - which has been closed since 2009 .military leaders in norway are nervous about its powerful neighbour 's presence on its ` strategically important ' coastline following a spike in tensions between russia and nato nations .but fears have once again peaked after three russian ships spent the entire winter docked deep within the mountain hideaway which was once a heavily guarded military facility .\n", + "three russian ships that docked in olavsvern naval base for the entire winterbase which was shut down in 2009 is nestled deep inside mountainous regionnorway 's military fears russian presence on ` strategically important ' coastline\n", + "[1.103729 1.3562272 1.3465232 1.3351164 1.2989916 1.1895258 1.1309483\n", + " 1.0288966 1.2514386 1.1181171 1.0588998 1.0245477 1.0514297 1.0330901\n", + " 1.0334138 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 8 5 6 9 0 10 12 14 13 7 11 17 15 16 18]\n", + "=======================\n", + "['but the discovery of cremated bone , thought to be the earliest ever identified in britain , could re-write the history of mesolithic , or middle stone age burial practices .the deposit containing the bone was discovered during excavations ahead of a new pipeline in landford , essex and is thought to date to 5,600 bc .it was placed into a pit with a diameter of about three feet ( one metre ) and then backfilled with soil .']\n", + "=======================\n", + "['bone from more than one human dates to the late mesolithic in 5,600 bcit was recovered from a pit with charcoal remains , in landford , essexevidence suggests ancient people respected and cremated their deadit was previously thought that nomadic people simply abandoned them']\n", + "but the discovery of cremated bone , thought to be the earliest ever identified in britain , could re-write the history of mesolithic , or middle stone age burial practices .the deposit containing the bone was discovered during excavations ahead of a new pipeline in landford , essex and is thought to date to 5,600 bc .it was placed into a pit with a diameter of about three feet ( one metre ) and then backfilled with soil .\n", + "bone from more than one human dates to the late mesolithic in 5,600 bcit was recovered from a pit with charcoal remains , in landford , essexevidence suggests ancient people respected and cremated their deadit was previously thought that nomadic people simply abandoned them\n", + "[1.4345663 1.4850154 1.2304096 1.0878757 1.2901089 1.1349329 1.0568744\n", + " 1.0453483 1.099627 1.0887208 1.124625 1.075694 1.100419 1.007452\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 5 10 12 8 9 3 11 6 7 13 17 14 15 16 18]\n", + "=======================\n", + "['the ship , the mu du bong , was detained after it ran aground off the coast of mexico in july .( cnn ) north korea accused mexico of illegally holding one of its cargo ships wednesday and demanded the release of the vessel and crew .in the case of the chong chon gang , panamanian authorities found it was carrying undeclared weaponry from cuba -- including mig fighter jets , anti-aircraft systems and explosives -- buried under thousands of bags of sugar .']\n", + "=======================\n", + "[\"the mu du bong was detained after it ran aground off mexico 's coast in julynorth korea says there 's no reason to hold the ship and accuses mexico of human rights violationsmexico says it followed proper protocol because the ship 's owner skirted u.n. sanctions\"]\n", + "the ship , the mu du bong , was detained after it ran aground off the coast of mexico in july .( cnn ) north korea accused mexico of illegally holding one of its cargo ships wednesday and demanded the release of the vessel and crew .in the case of the chong chon gang , panamanian authorities found it was carrying undeclared weaponry from cuba -- including mig fighter jets , anti-aircraft systems and explosives -- buried under thousands of bags of sugar .\n", + "the mu du bong was detained after it ran aground off mexico 's coast in julynorth korea says there 's no reason to hold the ship and accuses mexico of human rights violationsmexico says it followed proper protocol because the ship 's owner skirted u.n. sanctions\n", + "[1.4790653 1.3855499 1.1710451 1.3023264 1.3464448 1.1428728 1.0580174\n", + " 1.0636777 1.116682 1.112367 1.0182518 1.0478723 1.0353893 1.0221145\n", + " 1.0138322 1.0129817 1.0083756 1.0180202 0. ]\n", + "\n", + "[ 0 1 4 3 2 5 8 9 7 6 11 12 13 10 17 14 15 16 18]\n", + "=======================\n", + "[\"british olympic chief bill sweeney insists the association worked ` really hard ' to keep aaron cook on board - but the 24-year-old was set on changing his nationality and competing for moldova at the 2016 olympics .dorset-born cook who was overlooked for the great britain taekwondo squad at london 2012 , applied for citizenship earlier this month after receiving funding from moldovan billionaire igor iuzefovici and has already received his passport from the small eastern european state .three time european champion aaron cook ( right ) has refused to fight for great britain since may 2012\"]\n", + "=======================\n", + "['taekwondo star aaron cook has changed his nationality to moldovanhe is reported to have been aggrieved at being left out for london 2012british olympic chief bill sweeney says cook was set on switching']\n", + "british olympic chief bill sweeney insists the association worked ` really hard ' to keep aaron cook on board - but the 24-year-old was set on changing his nationality and competing for moldova at the 2016 olympics .dorset-born cook who was overlooked for the great britain taekwondo squad at london 2012 , applied for citizenship earlier this month after receiving funding from moldovan billionaire igor iuzefovici and has already received his passport from the small eastern european state .three time european champion aaron cook ( right ) has refused to fight for great britain since may 2012\n", + "taekwondo star aaron cook has changed his nationality to moldovanhe is reported to have been aggrieved at being left out for london 2012british olympic chief bill sweeney says cook was set on switching\n", + "[1.4486762 1.306638 1.1512946 1.1366978 1.1471452 1.1942382 1.0445864\n", + " 1.1043739 1.0607277 1.0631529 1.0346346 1.0429133 1.1240945 1.0476962\n", + " 1.0421703 1.0686574 1.024329 1.0311545]\n", + "\n", + "[ 0 1 5 2 4 3 12 7 15 9 8 13 6 11 14 10 17 16]\n", + "=======================\n", + "[\"illicit operation : chiropractor gertrude pitkanen would sell newborn babies to adoptive parents for as little as $ 100 in butte , montanathey have joined together to form a group called gertie 's babies who have been using dna to trace their biological families and search for their estranged siblings that are still alive .as the infants were driven to their new homes , the families were sometimes forced to throw their afterbirth out of the window because they were removed so quickly .\"]\n", + "=======================\n", + "[\"gertrude pitkanen started the illicit scheme in butte , montana in the 1920sfor around 30 years , she gave newborns to adoptive parents for cashchildren involved in the crimes have aged , and are looking for answersis only since the proliferation of dna that they have found lost relativesgroup called gertie 's babies believe there are more children out there\"]\n", + "illicit operation : chiropractor gertrude pitkanen would sell newborn babies to adoptive parents for as little as $ 100 in butte , montanathey have joined together to form a group called gertie 's babies who have been using dna to trace their biological families and search for their estranged siblings that are still alive .as the infants were driven to their new homes , the families were sometimes forced to throw their afterbirth out of the window because they were removed so quickly .\n", + "gertrude pitkanen started the illicit scheme in butte , montana in the 1920sfor around 30 years , she gave newborns to adoptive parents for cashchildren involved in the crimes have aged , and are looking for answersis only since the proliferation of dna that they have found lost relativesgroup called gertie 's babies believe there are more children out there\n", + "[1.5836682 1.4099156 1.45024 1.4125323 1.0554593 1.0962722 1.0289791\n", + " 1.0282943 1.0115035 1.0117638 1.0130002 1.0374683 1.0972857 1.1621246\n", + " 1.0790538 1.0210108 1.0100452 1.0110552]\n", + "\n", + "[ 0 2 3 1 13 12 5 14 4 11 6 7 15 10 9 8 17 16]\n", + "=======================\n", + "[\"swansea manager garry monk is out to claim a season-first against hull on saturday - pick up some points after an international break .swansea have eight more games to collect the five points needed to beat the 47-point mark posted in their inaugural premier league campaign in 2011-12 .monk 's men have enjoyed an excellent campaign by being in the top 10 all season and are currently in eighth place with the club 's best barclays premier league points total in sight .\"]\n", + "=======================\n", + "[\"swansea have lost all three games after an international break this seasonset to host hull city in the premier league on saturday afternoongarry monk 's side have been in the top 10 for the entire campaign so far\"]\n", + "swansea manager garry monk is out to claim a season-first against hull on saturday - pick up some points after an international break .swansea have eight more games to collect the five points needed to beat the 47-point mark posted in their inaugural premier league campaign in 2011-12 .monk 's men have enjoyed an excellent campaign by being in the top 10 all season and are currently in eighth place with the club 's best barclays premier league points total in sight .\n", + "swansea have lost all three games after an international break this seasonset to host hull city in the premier league on saturday afternoongarry monk 's side have been in the top 10 for the entire campaign so far\n", + "[1.521124 1.1505699 1.2092144 1.2496235 1.1677039 1.0670798 1.0611727\n", + " 1.0509206 1.0477912 1.0958209 1.0913827 1.0841143 1.1230676 1.0807005\n", + " 1.0193465 1.0581828 1.1023158 0. ]\n", + "\n", + "[ 0 3 2 4 1 12 16 9 10 11 13 5 6 15 7 8 14 17]\n", + "=======================\n", + "['( cnn ) australian prime minister tony abbott has been caught on camera guzzling a glass of beer in seven seconds amid raucous cheers from onlookers .abbott was in a sydney pub on saturday evening when a group of australian rules football players invited him to have a drink with them .and observers were quick to point out that abbott had previously criticized binge drinking in australia .']\n", + "=======================\n", + "[\"some observers applaud abbott 's beer swilling in a pub full of sportsmenthe prime minister last year criticized binge drinking culture in australia\"]\n", + "( cnn ) australian prime minister tony abbott has been caught on camera guzzling a glass of beer in seven seconds amid raucous cheers from onlookers .abbott was in a sydney pub on saturday evening when a group of australian rules football players invited him to have a drink with them .and observers were quick to point out that abbott had previously criticized binge drinking in australia .\n", + "some observers applaud abbott 's beer swilling in a pub full of sportsmenthe prime minister last year criticized binge drinking culture in australia\n", + "[1.3368282 1.2273134 1.2810295 1.1728234 1.0533769 1.0255046 1.1588744\n", + " 1.0962245 1.1206603 1.1169753 1.063324 1.0620658 1.1258124 1.1089427\n", + " 1.0542626 1.0267866 0. 0. ]\n", + "\n", + "[ 0 2 1 3 6 12 8 9 13 7 10 11 14 4 15 5 16 17]\n", + "=======================\n", + "['in 2018 , nasa will launch the orion spacecraft using the largest , most powerful rocket booster ever built ; the space launch system ( sls ) .now , the space agency has revealed three missions that will use these small satellites during the test flight to help develop technologies for astronauts travelling to deep space .tucked inside the stage adapter - the ring connecting orion to the top propulsion stage of the sls - will be 11 self-contained small satellites , each about the size of a large shoebox .']\n", + "=======================\n", + "[\"they will be included in 2018 flight of orion and space launch systemnea scout will fly by a small asteroid , taking pictures and getting datalunar flashlight will illuminate moon 's craters and measure surface icebiosentinel will use yeast to measure the impact of deep space radiation\"]\n", + "in 2018 , nasa will launch the orion spacecraft using the largest , most powerful rocket booster ever built ; the space launch system ( sls ) .now , the space agency has revealed three missions that will use these small satellites during the test flight to help develop technologies for astronauts travelling to deep space .tucked inside the stage adapter - the ring connecting orion to the top propulsion stage of the sls - will be 11 self-contained small satellites , each about the size of a large shoebox .\n", + "they will be included in 2018 flight of orion and space launch systemnea scout will fly by a small asteroid , taking pictures and getting datalunar flashlight will illuminate moon 's craters and measure surface icebiosentinel will use yeast to measure the impact of deep space radiation\n", + "[1.1331109 1.3470818 1.1559188 1.3054265 1.0885451 1.095783 1.1941605\n", + " 1.0829713 1.0464816 1.181806 1.0953641 1.111402 1.0623244 1.0439612\n", + " 1.0974525 1.0127966 1.0141696 0. ]\n", + "\n", + "[ 1 3 6 9 2 0 11 14 5 10 4 7 12 8 13 16 15 17]\n", + "=======================\n", + "[\"but researchers have found such a pattern in two apparently unrelated places - cells in human skin , and the mysterious fairy circles in namibia .desert fairy circles are considered one of nature 's greatest mysteries because no one knows how they form .patterns appearing on both the very large and very small scale are rare in nature .\"]\n", + "=======================\n", + "[\"it is not known how fairy circles in the namibian desert are madeclue may lie in the distribution of the barren circles of earth in grasslandresearchers in japan discovered their distribution is similar to skin cellslike human cells , the mysterious circles typically have six ` neighbours '\"]\n", + "but researchers have found such a pattern in two apparently unrelated places - cells in human skin , and the mysterious fairy circles in namibia .desert fairy circles are considered one of nature 's greatest mysteries because no one knows how they form .patterns appearing on both the very large and very small scale are rare in nature .\n", + "it is not known how fairy circles in the namibian desert are madeclue may lie in the distribution of the barren circles of earth in grasslandresearchers in japan discovered their distribution is similar to skin cellslike human cells , the mysterious circles typically have six ` neighbours '\n", + "[1.198957 1.4022634 1.3434105 1.4256133 1.0780927 1.1402138 1.1977382\n", + " 1.0963308 1.08052 1.0410858 1.0282179 1.0411154 1.0266428 1.0176196\n", + " 1.0143852 1.0288749 1.0129889 1.0114775 1.0162475 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 2 0 6 5 7 8 4 11 9 15 10 12 13 18 14 16 17 20 19 21]\n", + "=======================\n", + "['ariana miyamoto , 20 , was crowned miss japan last month , but has faced horrific racial abuse growing upariana miyamoto says it was often punishing growing up as the only black girl in her class in the port town of sasebo near nagasaki , where the us has a naval base and where her african-american father met her japanese mother .the 20-year-old was born and raised in japan , speaks fluent japanese , and was last month chosen to represent her country in the miss universe pageant .']\n", + "=======================\n", + "[\"ariana miyamoto was born and raised in japan and speaks fluent japanesebut 20-year-old found it tough growing up as only black girl in her classwas raised in sasebo near nagasaki where japanese mum met her fatherhas faced hostility for not being a ` pure japanese ' beauty pageant winnerfather bryant stanfield says japan will ` never be as proud of her as i am '\"]\n", + "ariana miyamoto , 20 , was crowned miss japan last month , but has faced horrific racial abuse growing upariana miyamoto says it was often punishing growing up as the only black girl in her class in the port town of sasebo near nagasaki , where the us has a naval base and where her african-american father met her japanese mother .the 20-year-old was born and raised in japan , speaks fluent japanese , and was last month chosen to represent her country in the miss universe pageant .\n", + "ariana miyamoto was born and raised in japan and speaks fluent japanesebut 20-year-old found it tough growing up as only black girl in her classwas raised in sasebo near nagasaki where japanese mum met her fatherhas faced hostility for not being a ` pure japanese ' beauty pageant winnerfather bryant stanfield says japan will ` never be as proud of her as i am '\n", + "[1.4366273 1.4808577 1.2098961 1.328229 1.2003984 1.0646071 1.020306\n", + " 1.0310601 1.0645097 1.0316858 1.0849022 1.0831071 1.114315 1.1370459\n", + " 1.0130733 1.01973 1.035345 1.0167497 1.0280471 1.1771384 1.0904008\n", + " 1.1020153]\n", + "\n", + "[ 1 0 3 2 4 19 13 12 21 20 10 11 5 8 16 9 7 18 6 15 17 14]\n", + "=======================\n", + "['khan has been criticised on social media after rejecting a potential # 5million pay day against kell brook at wembley on june 13 .amir khan has admitted he does not know who he will fight on may 30 , despite announcing chris algieri as his opponent last week .and reports in america suggested television network showtime were not interested in showing a fight between him and algieri .']\n", + "=======================\n", + "['amir khan released a video last week saying he would fight chris algierithe british star has since been criticised for his choice of opponentkhan also had the opportunity to fight kell brook at wembley in junebrook wants to return to action at the o2 in london on may 30']\n", + "khan has been criticised on social media after rejecting a potential # 5million pay day against kell brook at wembley on june 13 .amir khan has admitted he does not know who he will fight on may 30 , despite announcing chris algieri as his opponent last week .and reports in america suggested television network showtime were not interested in showing a fight between him and algieri .\n", + "amir khan released a video last week saying he would fight chris algierithe british star has since been criticised for his choice of opponentkhan also had the opportunity to fight kell brook at wembley in junebrook wants to return to action at the o2 in london on may 30\n", + "[1.5584357 1.3724091 1.1764976 1.5741806 1.2939632 1.0386425 1.0519123\n", + " 1.0174268 1.024627 1.0187361 1.0163968 1.018046 1.1012605 1.0511987\n", + " 1.0162078 1.0105585 1.0091999 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 0 1 4 2 12 6 13 5 8 9 11 7 10 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"garry monk wants swansea to continue their own impressive form with victory over everton on saturdayswansea manager garry monk believes a strong finish will put a different slant on everton 's season - but he is determined to stop his former manager roberto martinez profiting at his old liberty stadium stomping ground on saturday .martinez was lauded by everton fans last season as the club qualified for europe with a fifth-placed finish in the barclays premier league .\"]\n", + "=======================\n", + "[\"everton have won their last three games and visit swansea on saturdayswansea manager garry monk is hoping to stifle everton 's revivalswansea beat them in november and have been on a good run themselves\"]\n", + "garry monk wants swansea to continue their own impressive form with victory over everton on saturdayswansea manager garry monk believes a strong finish will put a different slant on everton 's season - but he is determined to stop his former manager roberto martinez profiting at his old liberty stadium stomping ground on saturday .martinez was lauded by everton fans last season as the club qualified for europe with a fifth-placed finish in the barclays premier league .\n", + "everton have won their last three games and visit swansea on saturdayswansea manager garry monk is hoping to stifle everton 's revivalswansea beat them in november and have been on a good run themselves\n", + "[1.2044314 1.4466944 1.3967496 1.2552884 1.204096 1.1489722 1.0860717\n", + " 1.0394828 1.0337005 1.0815685 1.0987866 1.0218536 1.0533459 1.0538306\n", + " 1.0278373 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 0 4 5 10 6 9 13 12 7 8 14 11 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"the institute for fiscal studies said ed miliband 's ` vague ' promise to balance the books would allow labour to borrow # 90billion more than the tories by 2020 .this would rise to # 280billion in extra debt by the end of the next decade if labour remained in power .david cameron said the assessment showed labour was ' a risk to our recovery , a risk to our economy , a risk to jobs '\"]\n", + "=======================\n", + "[\"institute for fiscal studies says taxes will be # 12b higher under laboursaid the gap ` between the parties ' was ` bigger than any time since 1992 'david cameron said assessment showed labour was ` risk to our recovery 'in withering verdict , think tank said parties were keeping voters in the dark\"]\n", + "the institute for fiscal studies said ed miliband 's ` vague ' promise to balance the books would allow labour to borrow # 90billion more than the tories by 2020 .this would rise to # 280billion in extra debt by the end of the next decade if labour remained in power .david cameron said the assessment showed labour was ' a risk to our recovery , a risk to our economy , a risk to jobs '\n", + "institute for fiscal studies says taxes will be # 12b higher under laboursaid the gap ` between the parties ' was ` bigger than any time since 1992 'david cameron said assessment showed labour was ` risk to our recovery 'in withering verdict , think tank said parties were keeping voters in the dark\n", + "[1.2059561 1.484088 1.2922118 1.3220546 1.2086754 1.2302115 1.0306351\n", + " 1.0102061 1.19203 1.0208457 1.0146788 1.1041168 1.1989837 1.0910392\n", + " 1.0212351 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 5 4 0 12 8 11 13 6 14 9 10 7 15 16 17 18 19 20 21]\n", + "=======================\n", + "['the enormous lump , which was 40 metres long and made up of fat and wet wipes , was so heavy that it caused the 1940s sewer in chelsea to break .utility companies , including thames water , discovered the fatberg when local residents and businesses on draycott avenue and walton street started to complain about the rancid smell coming from the sewer .now a # 400,000 repair is being carried out to repair the broken sewer and already 22 metres of new piping has been replaced with another 17 metres left to go .']\n", + "=======================\n", + "['residents in two exclusive chelsea streets complained of a rancid smellthames water investigated and discovered a 10 tonne fatberg in the sewerthe sewer which is 40 metres long was made up of fat and used wet wipesa # 400,000 repair is being carried out to rectify the damage underground']\n", + "the enormous lump , which was 40 metres long and made up of fat and wet wipes , was so heavy that it caused the 1940s sewer in chelsea to break .utility companies , including thames water , discovered the fatberg when local residents and businesses on draycott avenue and walton street started to complain about the rancid smell coming from the sewer .now a # 400,000 repair is being carried out to repair the broken sewer and already 22 metres of new piping has been replaced with another 17 metres left to go .\n", + "residents in two exclusive chelsea streets complained of a rancid smellthames water investigated and discovered a 10 tonne fatberg in the sewerthe sewer which is 40 metres long was made up of fat and used wet wipesa # 400,000 repair is being carried out to rectify the damage underground\n", + "[1.2797854 1.4060979 1.1530262 1.428855 1.2784232 1.1185137 1.1716014\n", + " 1.0969708 1.0383699 1.0155339 1.0127434 1.0151854 1.0648435 1.2598338\n", + " 1.0406164 1.0650449 1.0154113 1.00815 ]\n", + "\n", + "[ 3 1 0 4 13 6 2 5 7 15 12 14 8 9 16 11 10 17]\n", + "=======================\n", + "[\"murdered : the body parts of becky watts , 16 , were found at house in bristol on march 2 and police charged her stepbrother , nathan matthews , 28 , with murdertania watts is likely to see her at becky 's funeral , as ms galsworthy was also stepmother to the 16-year-old .dreading meeting : becky 's heartbroken mother tani watts said she fears coming face-to-face with anjie galsworthy , ( pictured with becky 's father darren ) whose son is accused of the teenager 's murder\"]\n", + "=======================\n", + "[\"tania watts has spoken of the ` hell ' she has endured since bristol murderbecky went missing in february and her body parts were found weeks laterher stepbrother nathan matthews , 28 , has been charged with killing hermr matthews is the son of anje galsworthy , who appeared in appeal videos\"]\n", + "murdered : the body parts of becky watts , 16 , were found at house in bristol on march 2 and police charged her stepbrother , nathan matthews , 28 , with murdertania watts is likely to see her at becky 's funeral , as ms galsworthy was also stepmother to the 16-year-old .dreading meeting : becky 's heartbroken mother tani watts said she fears coming face-to-face with anjie galsworthy , ( pictured with becky 's father darren ) whose son is accused of the teenager 's murder\n", + "tania watts has spoken of the ` hell ' she has endured since bristol murderbecky went missing in february and her body parts were found weeks laterher stepbrother nathan matthews , 28 , has been charged with killing hermr matthews is the son of anje galsworthy , who appeared in appeal videos\n", + "[1.274601 1.3743296 1.2499255 1.178479 1.0944916 1.2519839 1.0892243\n", + " 1.0897574 1.0708032 1.0439596 1.0552148 1.0249549 1.0523342 1.0121344\n", + " 1.0093546 1.0109019 1.0590477 1.07117 ]\n", + "\n", + "[ 1 0 5 2 3 4 7 6 17 8 16 10 12 9 11 13 15 14]\n", + "=======================\n", + "[\"and one of the millions lauren hill touched was lebron james , who posted an emotional farewell letter to the teenager via twitter on friday , just hours after she passed away from her rare tumor .she captured hearts across the nation as she realized her dream to play for mount st. joseph 's women 's basketball team in ohio and raised $ 1.5 million - all while battling inoperable brain cancer .in the letter , the basketball star , dubbed king james , praised the 19-year-old for the ` leadership ' , ` courage ' and ` strength ' she had shown while suffering from diffuse intrinsic pontine glioma ( dipg ) .\"]\n", + "=======================\n", + "[\"lauren hill was diagnosed with an inoperable form of brain cancer aged 18despite illness , she achieved dream to play college basketball in cincinnatialso raised a huge $ 1.5 million for diffuse intrinsic pontine glioma researchshe died in hospital on friday , aged 19 , after defying doctors ' expectationsnow , lebron james has penned a touching farewell letter to the teenagerin letter , he praises lauren for the ` leadership ' and ` strength ' she showedbasketball star tells her : ` you time spent on earth will never be forgotten '\"]\n", + "and one of the millions lauren hill touched was lebron james , who posted an emotional farewell letter to the teenager via twitter on friday , just hours after she passed away from her rare tumor .she captured hearts across the nation as she realized her dream to play for mount st. joseph 's women 's basketball team in ohio and raised $ 1.5 million - all while battling inoperable brain cancer .in the letter , the basketball star , dubbed king james , praised the 19-year-old for the ` leadership ' , ` courage ' and ` strength ' she had shown while suffering from diffuse intrinsic pontine glioma ( dipg ) .\n", + "lauren hill was diagnosed with an inoperable form of brain cancer aged 18despite illness , she achieved dream to play college basketball in cincinnatialso raised a huge $ 1.5 million for diffuse intrinsic pontine glioma researchshe died in hospital on friday , aged 19 , after defying doctors ' expectationsnow , lebron james has penned a touching farewell letter to the teenagerin letter , he praises lauren for the ` leadership ' and ` strength ' she showedbasketball star tells her : ` you time spent on earth will never be forgotten '\n", + "[1.4192368 1.0783435 1.2654412 1.3380247 1.1626713 1.1973128 1.117286\n", + " 1.0658708 1.0806556 1.0346406 1.0139692 1.1797898 1.0957707 1.049636\n", + " 1.1717005 1.1236992 1.1550527 1.0641493]\n", + "\n", + "[ 0 3 2 5 11 14 4 16 15 6 12 8 1 7 17 13 9 10]\n", + "=======================\n", + "[\"the red wings ' drew miller says he 's eager to hit the ice again just a day after receiving a cut that could have cost him his eyesight . 'gruesome : miller was left with a scar across his eye , but reportedly did n't suffer any damage to his eyesight after another player cut him across his faceskating with a full face mask during practice , the detroit forward openly bore a gruesome red wound that required 50 to 60 stitches to close along multiple layers of skin , the detroit free press reports .\"]\n", + "=======================\n", + "[\"detroit red wings ' drew miller was caught by a skate in the first period against the ottawa senatorsthe massive cut required 50 to 60 stitches to close , but did not damage miller 's eyethe red wings lost 2-1 but remained in third place in the atlantic division\"]\n", + "the red wings ' drew miller says he 's eager to hit the ice again just a day after receiving a cut that could have cost him his eyesight . 'gruesome : miller was left with a scar across his eye , but reportedly did n't suffer any damage to his eyesight after another player cut him across his faceskating with a full face mask during practice , the detroit forward openly bore a gruesome red wound that required 50 to 60 stitches to close along multiple layers of skin , the detroit free press reports .\n", + "detroit red wings ' drew miller was caught by a skate in the first period against the ottawa senatorsthe massive cut required 50 to 60 stitches to close , but did not damage miller 's eyethe red wings lost 2-1 but remained in third place in the atlantic division\n", + "[1.2605715 1.228769 1.3218397 1.1934303 1.3453325 1.2592297 1.2617846\n", + " 1.1086993 1.0538359 1.1921108 1.0412194 1.053736 1.0403154 1.0706891\n", + " 1.0638826 1.0370104 1.0159973 1.0078272]\n", + "\n", + "[ 4 2 6 0 5 1 3 9 7 13 14 8 11 10 12 15 16 17]\n", + "=======================\n", + "['a 23-year-old taylors hill man was arrested over the incident on thursday and charged with one count of armed robberyhe allegedly confronted a female cashier with what appeared to be a homemade machine gun he pulled out of a bag before making off with cash .he was remanded in custody to appear in melbourne magistrates court at a later date']\n", + "=======================\n", + "['the cross dressing robber from taylors hill is in police custodythe 23-year-old man was arrested and charged with armed robberythe robbery took place at a service station in watervale in marcha man dressed in female clothing produced a fake machine gunthe staff member handed over the cash which the robber placed in a bag']\n", + "a 23-year-old taylors hill man was arrested over the incident on thursday and charged with one count of armed robberyhe allegedly confronted a female cashier with what appeared to be a homemade machine gun he pulled out of a bag before making off with cash .he was remanded in custody to appear in melbourne magistrates court at a later date\n", + "the cross dressing robber from taylors hill is in police custodythe 23-year-old man was arrested and charged with armed robberythe robbery took place at a service station in watervale in marcha man dressed in female clothing produced a fake machine gunthe staff member handed over the cash which the robber placed in a bag\n", + "[1.5007203 1.4344957 1.1614696 1.4152751 1.1873864 1.0521891 1.0550008\n", + " 1.0241865 1.0319787 1.2266872 1.043956 1.01988 1.0170462 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 9 4 2 6 5 10 8 7 11 12 13 14 15 16 17]\n", + "=======================\n", + "[\"rory mcilroy 's powers of persuasion have resulted in us open champion martin kaymer , former world number one luke donald and american ryder cup star patrick reed confirming their participation in the dubai duty free irish open .luke donald is one star who mcilroy managed to persuade to take part in his foundations tournamentreed let the cat out of the bag on the final day of the masters at augusta national , also revealing he would compete in the bmw pga championship at wentworth the week before .\"]\n", + "=======================\n", + "['rory mcilroy has managed to persuade some high-profile golfers to take part in the dubai duty free irish open in maymartin kaymer , luke donald and patrick reed are all involved in the openryder cup captain darren clarke praised mcilroy for attracting the stars']\n", + "rory mcilroy 's powers of persuasion have resulted in us open champion martin kaymer , former world number one luke donald and american ryder cup star patrick reed confirming their participation in the dubai duty free irish open .luke donald is one star who mcilroy managed to persuade to take part in his foundations tournamentreed let the cat out of the bag on the final day of the masters at augusta national , also revealing he would compete in the bmw pga championship at wentworth the week before .\n", + "rory mcilroy has managed to persuade some high-profile golfers to take part in the dubai duty free irish open in maymartin kaymer , luke donald and patrick reed are all involved in the openryder cup captain darren clarke praised mcilroy for attracting the stars\n", + "[1.2336347 1.2999984 1.266314 1.2629128 1.1932819 1.0973082 1.2435976\n", + " 1.0788509 1.1322718 1.1059593 1.102668 1.0111674 1.047242 1.037897\n", + " 1.0538499 1.0206581 1.0137806 1.0255181]\n", + "\n", + "[ 1 2 3 6 0 4 8 9 10 5 7 14 12 13 17 15 16 11]\n", + "=======================\n", + "[\"discovered in 1974 , the 3.2 million-year-old skeleton stunned archaeologists who unearthed the fossil while digging in an isolated spot in the afar region of ethiopia .now , a new look at the ancient hominin 's skeleton suggests one of the bones may , in fact , belong to a baboon .lucy , the oldest and most complete fossil of an early human ever found , still has a few secrets to reveal .\"]\n", + "=======================\n", + "[\"baboon bone was spotted by the american museum of natural historyresearchers thought one of the vertebra bones was too small to fit lucythey say the baboon bone was somehow mixed up with lucy 's remainslucy is oldest and most complete fossil of an early human ever found\"]\n", + "discovered in 1974 , the 3.2 million-year-old skeleton stunned archaeologists who unearthed the fossil while digging in an isolated spot in the afar region of ethiopia .now , a new look at the ancient hominin 's skeleton suggests one of the bones may , in fact , belong to a baboon .lucy , the oldest and most complete fossil of an early human ever found , still has a few secrets to reveal .\n", + "baboon bone was spotted by the american museum of natural historyresearchers thought one of the vertebra bones was too small to fit lucythey say the baboon bone was somehow mixed up with lucy 's remainslucy is oldest and most complete fossil of an early human ever found\n", + "[1.2335048 1.0884751 1.075977 1.3078378 1.2898993 1.0639052 1.2133414\n", + " 1.0477868 1.0549254 1.07222 1.1021324 1.0851481 1.0374255 1.066858\n", + " 1.0981171 1.0833936 1.082956 1.0172541]\n", + "\n", + "[ 3 4 0 6 10 14 1 11 15 16 2 9 13 5 8 7 12 17]\n", + "=======================\n", + "[\"after reaching out to competitors only to receive a nasty response , catherine gerhardt now uses her experiences to educate other adults and children on how to deal with online ` flamers 'she teaches the children to follow ice : ignore , communicate and exit in order to deter bullieswhen catherine gerhardt got her business of the ground , she chose to reach out to her competitors and ask them if they were interested in collaborating .\"]\n", + "=======================\n", + "[\"catherine gerhardt reached out to competitors when she started businessshe was ignored by most but received one nasty email from a ` flamer 'ms gerhardt chose to employ ` ice ' and ignore , communicate and exitshe teaches this same policy to children through her company kidproofa flamer sends messages with intention to hurt the victim and get reaction\"]\n", + "after reaching out to competitors only to receive a nasty response , catherine gerhardt now uses her experiences to educate other adults and children on how to deal with online ` flamers 'she teaches the children to follow ice : ignore , communicate and exit in order to deter bullieswhen catherine gerhardt got her business of the ground , she chose to reach out to her competitors and ask them if they were interested in collaborating .\n", + "catherine gerhardt reached out to competitors when she started businessshe was ignored by most but received one nasty email from a ` flamer 'ms gerhardt chose to employ ` ice ' and ignore , communicate and exitshe teaches this same policy to children through her company kidproofa flamer sends messages with intention to hurt the victim and get reaction\n", + "[1.2503998 1.5382738 1.2071961 1.3876402 1.090511 1.0830269 1.0738921\n", + " 1.1050632 1.0825117 1.0832773 1.0371596 1.0315279 1.048555 1.0583786\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 7 4 9 5 8 6 13 12 10 11 14 15 16 17]\n", + "=======================\n", + "['william ziegler , now 39 , was initially convicted of capital murder in 2001 for killing russell allen baker , an acquaintance of his who was found dead next to his house in mobile the previous year .a man who spent 15 years on death row in alabama has been freed after his conviction was quashed and he struck a bargain with prosecutors .on april 3 anthony ray hinton was released after spending 30 years in jail for a 1985 shooting in which two fast food managers were shot dead .']\n", + "=======================\n", + "[\"william ziegler convicted of capital murder for 2001 killing of russell bakerwas sentenced to death , but had sentence quashed on appeal in 2012today pleaded guilty to aiding an abetting murder , and was sentenced to the 15 years he has already served , allowing him to walk freejudge sarah stewart said warned him against being bitter at hearingalso cautioned him that world is ` very different ' compared to 15 years ago\"]\n", + "william ziegler , now 39 , was initially convicted of capital murder in 2001 for killing russell allen baker , an acquaintance of his who was found dead next to his house in mobile the previous year .a man who spent 15 years on death row in alabama has been freed after his conviction was quashed and he struck a bargain with prosecutors .on april 3 anthony ray hinton was released after spending 30 years in jail for a 1985 shooting in which two fast food managers were shot dead .\n", + "william ziegler convicted of capital murder for 2001 killing of russell bakerwas sentenced to death , but had sentence quashed on appeal in 2012today pleaded guilty to aiding an abetting murder , and was sentenced to the 15 years he has already served , allowing him to walk freejudge sarah stewart said warned him against being bitter at hearingalso cautioned him that world is ` very different ' compared to 15 years ago\n", + "[1.1612258 1.1094688 1.3950224 1.1260304 1.126982 1.1323034 1.0643376\n", + " 1.0951877 1.1264768 1.1213207 1.0674995 1.0741757 1.0725749 1.0303154\n", + " 1.039081 1.0758759 0. 0. ]\n", + "\n", + "[ 2 0 5 4 8 3 9 1 7 15 11 12 10 6 14 13 16 17]\n", + "=======================\n", + "[\"the presentation of the award , which was bestowed on djokovic by the laureus sport for good foundation , came during the laureus world sports awards .she might be a new mother to twins but that did n't prevent a fresh-faced charlene of monaco from cutting a glamorous figure as she presented a sports prize this morning .among the big names celebrating with djokovic , albeit from a distance , were actors benedict cumberbatch and henry cavill and model karolina kurkova .\"]\n", + "=======================\n", + "['princess charlene presented novak djokovic with a sports awardcharlene was glamorous in navy as she handed over the gong in monacoaward was part of a ceremony taking place in shanghaiglitzy event was attended by benedict cumberbatch and henry cavill']\n", + "the presentation of the award , which was bestowed on djokovic by the laureus sport for good foundation , came during the laureus world sports awards .she might be a new mother to twins but that did n't prevent a fresh-faced charlene of monaco from cutting a glamorous figure as she presented a sports prize this morning .among the big names celebrating with djokovic , albeit from a distance , were actors benedict cumberbatch and henry cavill and model karolina kurkova .\n", + "princess charlene presented novak djokovic with a sports awardcharlene was glamorous in navy as she handed over the gong in monacoaward was part of a ceremony taking place in shanghaiglitzy event was attended by benedict cumberbatch and henry cavill\n", + "[1.2462921 1.2607856 1.452173 1.2646083 1.1207947 1.0764952 1.0290413\n", + " 1.0215107 1.05 1.0281299 1.0771832 1.2264645 1.091438 1.075427\n", + " 1.0658025 1.031738 1.0142955 1.0923852]\n", + "\n", + "[ 2 3 1 0 11 4 17 12 10 5 13 14 8 15 6 9 7 16]\n", + "=======================\n", + "['the short film was created by the next family , an organisation that supports diverse families .how life begins : seven-year-old sophia , the daughter of two moms , made a video to help others understand how her moms had a babysophia breaks down the issue simply for youngsters by explaining the baby-making process in a very cute way .']\n", + "=======================\n", + "['sophia , the daughter of a lesbian , explains how two mothers are able to have a babyvideo was posted on a lifestyle website for lesbian moms , gay dads , single parents and adoptive familiesthe first-grader also put together a series of illustrations to accompany the clip']\n", + "the short film was created by the next family , an organisation that supports diverse families .how life begins : seven-year-old sophia , the daughter of two moms , made a video to help others understand how her moms had a babysophia breaks down the issue simply for youngsters by explaining the baby-making process in a very cute way .\n", + "sophia , the daughter of a lesbian , explains how two mothers are able to have a babyvideo was posted on a lifestyle website for lesbian moms , gay dads , single parents and adoptive familiesthe first-grader also put together a series of illustrations to accompany the clip\n", + "[1.2643459 1.107304 1.0441496 1.2799673 1.2764578 1.0915774 1.110253\n", + " 1.1389867 1.0752634 1.0556184 1.1098027 1.0416143 1.0804527 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 0 7 6 10 1 5 12 8 9 2 11 13 14 15 16 17 18]\n", + "=======================\n", + "[\"the tiny village of jose ignacio is an understated getaway for the rich and famous , filed with pretty villas and sleek beach hutswith an area of just 68,000 square miles , the country 's sizeable atlantic coastline is home to pretty villages , two major cities - the capital montevideo and the glorious colonial portuguese town of colonia - while the interior is dotted with little more than estancia farms breeding cattle and growing wine .wedged between oversized neighbours argentina and brazil , uruguay has largely stayed off the radar for european and american travellers , but has long been a favourite summer spot for south americans thanks to its endless golden beaches and low prices .\"]\n", + "=======================\n", + "['jose ignacio is a tiny fishing village on the atlantic coast of uruguay - the smallest country in south americastars including shakira and ronnie wood have been spotted at resort alongside restaurateur giuseppe ciprianisandy lanes , understated boutiques and casual beach bars make up the small fishing villagethe key summer dates from travel are between christmas and easter']\n", + "the tiny village of jose ignacio is an understated getaway for the rich and famous , filed with pretty villas and sleek beach hutswith an area of just 68,000 square miles , the country 's sizeable atlantic coastline is home to pretty villages , two major cities - the capital montevideo and the glorious colonial portuguese town of colonia - while the interior is dotted with little more than estancia farms breeding cattle and growing wine .wedged between oversized neighbours argentina and brazil , uruguay has largely stayed off the radar for european and american travellers , but has long been a favourite summer spot for south americans thanks to its endless golden beaches and low prices .\n", + "jose ignacio is a tiny fishing village on the atlantic coast of uruguay - the smallest country in south americastars including shakira and ronnie wood have been spotted at resort alongside restaurateur giuseppe ciprianisandy lanes , understated boutiques and casual beach bars make up the small fishing villagethe key summer dates from travel are between christmas and easter\n", + "[1.2342881 1.5319304 1.4157767 1.1770827 1.155892 1.3589946 1.1294051\n", + " 1.1015588 1.186406 1.0464044 1.0353554 1.0246845 1.0449561 1.0077132\n", + " 1.0116208 1.0135734 0. 0. 0. ]\n", + "\n", + "[ 1 2 5 0 8 3 4 6 7 9 12 10 11 15 14 13 16 17 18]\n", + "=======================\n", + "['jenna louise driscoll , 25 , was due to face brisbane magistrates court on monday on seven charges of supplying or trafficking drugs , one charge of unlawful wounding and three charges of bestiality with her dog .police have issued a warrant for the arrest of a woman charged with bestiality after police found footage on her mobile phone of her allegedly having sex with a dog .she was remanded on bail to appear at the court last week , and did not show , and again on monday for the matters to he heard .']\n", + "=======================\n", + "[\"police have issued a warrant for the arrest of a woman charged with bestiality with her dogthe woman failed to appear twice in a brisbane court of a strong of chargesthe bestiality charges were laid after police checked jenna louise driscoll 's phone for suspected drug traffickingthey found three videos which allegedly show her having sex with a dogthe 25-year-old was due to appear at brisbane magistrates court on mondayshe failed for the second time and police issued the warrant\"]\n", + "jenna louise driscoll , 25 , was due to face brisbane magistrates court on monday on seven charges of supplying or trafficking drugs , one charge of unlawful wounding and three charges of bestiality with her dog .police have issued a warrant for the arrest of a woman charged with bestiality after police found footage on her mobile phone of her allegedly having sex with a dog .she was remanded on bail to appear at the court last week , and did not show , and again on monday for the matters to he heard .\n", + "police have issued a warrant for the arrest of a woman charged with bestiality with her dogthe woman failed to appear twice in a brisbane court of a strong of chargesthe bestiality charges were laid after police checked jenna louise driscoll 's phone for suspected drug traffickingthey found three videos which allegedly show her having sex with a dogthe 25-year-old was due to appear at brisbane magistrates court on mondayshe failed for the second time and police issued the warrant\n", + "[1.3378733 1.3801463 1.379654 1.2638059 1.175142 1.1290531 1.0617515\n", + " 1.0845081 1.0294106 1.0260112 1.0483916 1.0702226 1.0796125 1.0262492\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 5 7 12 11 6 10 8 13 9 14 15 16 17 18]\n", + "=======================\n", + "[\"they said they are now being forced to spy on children during sensitive discussions as a result of new-counter terrorism rules .the national union of teachers ( nut ) suggested that government strategies designed to tackle extremism and terrorism have instead ` shut down debate ' in schools .teachers said they now feel nervous discussing controversial issues over fears they will be pressured to report youngsters who share their opinions .\"]\n", + "=======================\n", + "[\"national union of teachers discuss government strategies on extremismsay it has ` shut down debate ' in the classroom on sensitive issuesclaim pupils feel censored and unable to express controversial viewsteachers also feel pressured to report youngsters for giving honest opinons\"]\n", + "they said they are now being forced to spy on children during sensitive discussions as a result of new-counter terrorism rules .the national union of teachers ( nut ) suggested that government strategies designed to tackle extremism and terrorism have instead ` shut down debate ' in schools .teachers said they now feel nervous discussing controversial issues over fears they will be pressured to report youngsters who share their opinions .\n", + "national union of teachers discuss government strategies on extremismsay it has ` shut down debate ' in the classroom on sensitive issuesclaim pupils feel censored and unable to express controversial viewsteachers also feel pressured to report youngsters for giving honest opinons\n", + "[1.10839 1.0255548 1.075503 1.3672814 1.2271929 1.1267737 1.380286\n", + " 1.2974652 1.3147409 1.0301335 1.0542822 1.0248306 1.0483503 1.0533459\n", + " 1.0595245 1.0569444 1.0123341 1.312101 1.0860198]\n", + "\n", + "[ 6 3 8 17 7 4 5 0 18 2 14 15 10 13 12 9 1 11 16]\n", + "=======================\n", + "[\"charlie austin is yet to receive an international call-up despite scoring 17 premier league goals for qprwayne rooney , the captain , poised to overtake sir bobby charlton as the greatest goal-scorer in england 's history ?daniel sturridge ( left ) and danny welbeck are also ahead of austin in roy hodgson 's pecking order\"]\n", + "=======================\n", + "['charlie austin is yet to receive england call-up despite impressing for qpraustin has scored 17 premier league goals for the relegation strugglersroy hodgson should not listen to those who say he favours big clubs']\n", + "charlie austin is yet to receive an international call-up despite scoring 17 premier league goals for qprwayne rooney , the captain , poised to overtake sir bobby charlton as the greatest goal-scorer in england 's history ?daniel sturridge ( left ) and danny welbeck are also ahead of austin in roy hodgson 's pecking order\n", + "charlie austin is yet to receive england call-up despite impressing for qpraustin has scored 17 premier league goals for the relegation strugglersroy hodgson should not listen to those who say he favours big clubs\n", + "[1.3105137 1.4271309 1.3406562 1.2907441 1.2655973 1.1307452 1.0603371\n", + " 1.026376 1.0231537 1.0540633 1.1313957 1.0494416 1.0926635 1.0215974\n", + " 1.1042613 1.1086978 1.0302947 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 10 5 15 14 12 6 9 11 16 7 8 13 17 18]\n", + "=======================\n", + "[\"the ukip leader said that his party is now the ` serious challenger ' to labour in northern seats .he accused the party of making claims ukip is racist because it is ` running scared ' .nigel farage has proclaimed that he will ` smash apart ' labour 's ` one-party state ' in the north at the election .\"]\n", + "=======================\n", + "[\"farage accused labour of claiming ukip is racist as it is ` running scared 'attacked labour of ` sneering ' at people who raise issues on immigrationaccused chuka umunna of making ` tired and old claims ' about his partyukip 's strategists believe they could come second in 100 seats in the north\"]\n", + "the ukip leader said that his party is now the ` serious challenger ' to labour in northern seats .he accused the party of making claims ukip is racist because it is ` running scared ' .nigel farage has proclaimed that he will ` smash apart ' labour 's ` one-party state ' in the north at the election .\n", + "farage accused labour of claiming ukip is racist as it is ` running scared 'attacked labour of ` sneering ' at people who raise issues on immigrationaccused chuka umunna of making ` tired and old claims ' about his partyukip 's strategists believe they could come second in 100 seats in the north\n", + "[1.3934908 1.4493681 1.3157642 1.4181995 1.3185798 1.0321014 1.0261331\n", + " 1.0221734 1.0226574 1.0365965 1.0291321 1.0215412 1.0114411 1.0156534\n", + " 1.1435454 1.1466819 1.0102633 1.0190706 1.0147976 1.008316 ]\n", + "\n", + "[ 1 3 0 4 2 15 14 9 5 10 6 8 7 11 17 13 18 12 16 19]\n", + "=======================\n", + "[\"the champions have creaked in recent weeks and england flanker wood , who claims saints ' opponents have ` smelt blood ' , is desperate to re-gather the momentum that was lost following the exodus of key international players during the rbs 6 nations .northampton flanker tom wood is keen for his side to regain their form following some recent poor resultsa bruising training session involving 50 scrums is how tom wood 's northampton prepared for saturday 's top-of-the-table meeting with saracens .\"]\n", + "=======================\n", + "[\"northampton face saracens at franklin 's gardens on saturdaythe reigning champions have creaked in recent weeksthe saints have lost crucial games to clermont and exeter\"]\n", + "the champions have creaked in recent weeks and england flanker wood , who claims saints ' opponents have ` smelt blood ' , is desperate to re-gather the momentum that was lost following the exodus of key international players during the rbs 6 nations .northampton flanker tom wood is keen for his side to regain their form following some recent poor resultsa bruising training session involving 50 scrums is how tom wood 's northampton prepared for saturday 's top-of-the-table meeting with saracens .\n", + "northampton face saracens at franklin 's gardens on saturdaythe reigning champions have creaked in recent weeksthe saints have lost crucial games to clermont and exeter\n", + "[1.2475338 1.404227 1.2725736 1.1864955 1.130058 1.277662 1.1923527\n", + " 1.156067 1.0803027 1.0626622 1.0913965 1.0363457 1.0327306 1.0346088\n", + " 1.0775028 1.0365435 1.0350549 1.0413715 1.1357203 0. ]\n", + "\n", + "[ 1 5 2 0 6 3 7 18 4 10 8 14 9 17 15 11 16 13 12 19]\n", + "=======================\n", + "[\"the suspect , who has not been identified , lives in gary , indiana , where the body of the victim , samantha fleming , was found friday wrapped up in plastic and doused with bleach .police believe the woman went to the home of 23-year-old fleming in anderson , 180 miles away , posing as a child protective services employee and convinced fleming to come with her to gary .a 36-year-old indiana woman now in police custody is suspected of carrying out a twisted plot of kidnapping and killing a young mother in order to steal the victim 's newborn baby and claim the child as her own .\"]\n", + "=======================\n", + "[\"samantha fleming , 23 , and newborn daughter , serenity , were last seen at their home in anderson , indiana , on april 5police believe a woman claiming to be a child protective services employee convinced fleming she had to attend a court hearing and kidnapped the twothe three-week-old infant was discovered unharmed in the woman 's gary , indiana , home , along with a body on fridayon saturday the body was identified as flemingthe alleged kidnapper was not at the home , but found at a hospital in texascharges are pending and she has not been identifiedpolice believe she faked a pregnancy and planned to keep the child\"]\n", + "the suspect , who has not been identified , lives in gary , indiana , where the body of the victim , samantha fleming , was found friday wrapped up in plastic and doused with bleach .police believe the woman went to the home of 23-year-old fleming in anderson , 180 miles away , posing as a child protective services employee and convinced fleming to come with her to gary .a 36-year-old indiana woman now in police custody is suspected of carrying out a twisted plot of kidnapping and killing a young mother in order to steal the victim 's newborn baby and claim the child as her own .\n", + "samantha fleming , 23 , and newborn daughter , serenity , were last seen at their home in anderson , indiana , on april 5police believe a woman claiming to be a child protective services employee convinced fleming she had to attend a court hearing and kidnapped the twothe three-week-old infant was discovered unharmed in the woman 's gary , indiana , home , along with a body on fridayon saturday the body was identified as flemingthe alleged kidnapper was not at the home , but found at a hospital in texascharges are pending and she has not been identifiedpolice believe she faked a pregnancy and planned to keep the child\n", + "[1.1708003 1.4280286 1.3392344 1.1811796 1.2896354 1.2201631 1.2015908\n", + " 1.0216384 1.017272 1.1353719 1.0405353 1.0586412 1.0868944 1.1020594\n", + " 1.0277761 1.0325104 1.0261971 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 5 6 3 0 9 13 12 11 10 15 14 16 7 8 18 17 19]\n", + "=======================\n", + "['capital one yesterday became the first provider to scrap its cashback offer for new customers because of restrictions that will squeeze profits .the company has also warned existing customers that the loyalty points they earn will be much lower from june 1 .the company scrapped the deal after the announcement last month of an eu cap -- due to be introduced in october -- limiting the fees retailers can be charged for processing payments .']\n", + "=======================\n", + "[\"capital one became the first provider to scrap cashback for new customersit said new restrictions will squeeze profits and other firms may follow suitan eu cap limits the fees retailers can be charged for processing paymentsperks ` no longer sustainable ' after it starts in october , capital one has said\"]\n", + "capital one yesterday became the first provider to scrap its cashback offer for new customers because of restrictions that will squeeze profits .the company has also warned existing customers that the loyalty points they earn will be much lower from june 1 .the company scrapped the deal after the announcement last month of an eu cap -- due to be introduced in october -- limiting the fees retailers can be charged for processing payments .\n", + "capital one became the first provider to scrap cashback for new customersit said new restrictions will squeeze profits and other firms may follow suitan eu cap limits the fees retailers can be charged for processing paymentsperks ` no longer sustainable ' after it starts in october , capital one has said\n", + "[1.2035837 1.4738048 1.3454058 1.2109965 1.3063318 1.1394774 1.185902\n", + " 1.0911549 1.0659429 1.1471725 1.151869 1.0944201 1.0734069 1.0446293\n", + " 1.0073746 1.0056318 1.0319837 1.0316136 1.0269719 0. ]\n", + "\n", + "[ 1 2 4 3 0 6 10 9 5 11 7 12 8 13 16 17 18 14 15 19]\n", + "=======================\n", + "[\"the model , georgina gosden , allegedly punched a 21-year-old woman at townsville 's mad cow tavern in on december 7 last year .she carried out a similar attack on a 25-year-old woman in the same nightclub last april .police are pursuing the charges against ms gosden , despite her most recent victim withdrawing the charges .\"]\n", + "=======================\n", + "['former playboy model georgina gosden is facing an assault chargems gosden allegedly punched two women in the face on separate occasions at the same north queensland pubshe was charged with assault occasioning bodily harm and being drunk and disorderly in a licensed venuepolice are pursuing the latest charge despite her victim withdrawing']\n", + "the model , georgina gosden , allegedly punched a 21-year-old woman at townsville 's mad cow tavern in on december 7 last year .she carried out a similar attack on a 25-year-old woman in the same nightclub last april .police are pursuing the charges against ms gosden , despite her most recent victim withdrawing the charges .\n", + "former playboy model georgina gosden is facing an assault chargems gosden allegedly punched two women in the face on separate occasions at the same north queensland pubshe was charged with assault occasioning bodily harm and being drunk and disorderly in a licensed venuepolice are pursuing the latest charge despite her victim withdrawing\n", + "[1.3115604 1.4524437 1.2381063 1.4162941 1.1981378 1.1079016 1.0479083\n", + " 1.1098331 1.1055797 1.0901822 1.0724416 1.085968 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 7 5 8 9 11 10 6 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "['scott kemery , 44 , was rushed by helicopter to stony brook university hospital on long island with first and second degree burns after accidentally setting himself on fire on tuesday .police in new york say a man seriously burned himself when he covered a rental car with alcohol to kill bedbugs and then lit a cigarette inside the car .police said that kemery , who is from bridgehampton , started the blaze with his ill-timed cigarette break in the parking lot of the king kullen supermarket in eastport .']\n", + "=======================\n", + "['scott kemery , 44 , was reliably told by a friend that rubbing alcohol was an effective way to kill bedbugs']\n", + "scott kemery , 44 , was rushed by helicopter to stony brook university hospital on long island with first and second degree burns after accidentally setting himself on fire on tuesday .police in new york say a man seriously burned himself when he covered a rental car with alcohol to kill bedbugs and then lit a cigarette inside the car .police said that kemery , who is from bridgehampton , started the blaze with his ill-timed cigarette break in the parking lot of the king kullen supermarket in eastport .\n", + "scott kemery , 44 , was reliably told by a friend that rubbing alcohol was an effective way to kill bedbugs\n", + "[1.2770224 1.541255 1.1649954 1.3100809 1.173808 1.1228442 1.0317613\n", + " 1.0353223 1.0238183 1.0204352 1.0979755 1.0863521 1.076135 1.0314292\n", + " 1.0239712 1.2407808 1.064011 1.0167706 1.0212122]\n", + "\n", + "[ 1 3 0 15 4 2 5 10 11 12 16 7 6 13 14 8 18 9 17]\n", + "=======================\n", + "[\"michelle woods , from norton in teesside , was told by her daughter elisha mann that ` something was moving ' in the bath .the four-foot red and orange corn snake , which michelle woods discovered slithering around in the bathroom of her new home .she believes it may belong to the property 's previous tenant\"]\n", + "=======================\n", + "[\"michelle woods told by her daughter of ` something moving ' in the bathwent to check and found a four-foot orange corn snake slithering aroundpanicking she posted an appeal on facebook for help to rescue the reptilebelieves her home 's previous tenant kept snakes as pets and may have lost it moving out\"]\n", + "michelle woods , from norton in teesside , was told by her daughter elisha mann that ` something was moving ' in the bath .the four-foot red and orange corn snake , which michelle woods discovered slithering around in the bathroom of her new home .she believes it may belong to the property 's previous tenant\n", + "michelle woods told by her daughter of ` something moving ' in the bathwent to check and found a four-foot orange corn snake slithering aroundpanicking she posted an appeal on facebook for help to rescue the reptilebelieves her home 's previous tenant kept snakes as pets and may have lost it moving out\n", + "[1.0567544 1.5400674 1.1181093 1.2199458 1.3394119 1.2099172 1.0597686\n", + " 1.091601 1.0604154 1.0213233 1.2522384 1.157561 1.0191654 1.0151516\n", + " 1.0101484 1.032635 0. 0. 0. ]\n", + "\n", + "[ 1 4 10 3 5 11 2 7 8 6 0 15 9 12 13 14 17 16 18]\n", + "=======================\n", + "['the quick silver p-51d mustang has been painstakingly restored by father-and-son team bill and scooter yoak as a tribute to american servicemen who have died in combat .the fighter jet is some 70 years old and was reconstructed from more than 200 parts by a father-and-son teamstunning video shows an american p-51d mustang fighter jet taking to skies after a painstaking restoration']\n", + "=======================\n", + "['jet named the resurrected veteran restored by u.s. father and son teamflown at air shows as tribute to all servicemen who have died in combat']\n", + "the quick silver p-51d mustang has been painstakingly restored by father-and-son team bill and scooter yoak as a tribute to american servicemen who have died in combat .the fighter jet is some 70 years old and was reconstructed from more than 200 parts by a father-and-son teamstunning video shows an american p-51d mustang fighter jet taking to skies after a painstaking restoration\n", + "jet named the resurrected veteran restored by u.s. father and son teamflown at air shows as tribute to all servicemen who have died in combat\n", + "[1.2878362 1.2901967 1.2905196 1.281675 1.2803277 1.1535819 1.1978021\n", + " 1.1777331 1.1001548 1.091077 1.0439901 1.1284505 1.1330466 1.1369824\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 4 6 7 5 13 12 11 8 9 10 17 14 15 16 18]\n", + "=======================\n", + "[\"an offer has been made to marseille 's andre ayew also but he remains a target for bigger clubs too .manager garry monk has made a striker his priority for the summer and club scouts have checked on aleksandar mitrovic at anderlecht and obbi oulare from club brugge .swansea city have revived their interest in blackburn rovers striker rudy gestede .\"]\n", + "=======================\n", + "[\"swansea city have made signing a striker a priority this summerthe club are weighing up a move for blackburn 's rudy gestedegestede , a benin international , is rated at # 7million by roversandlercht 's aleksandar mitrovic , club brugge 's obbi oulare and marseille 's andre ayew are also on swansea 's summer wish-list\"]\n", + "an offer has been made to marseille 's andre ayew also but he remains a target for bigger clubs too .manager garry monk has made a striker his priority for the summer and club scouts have checked on aleksandar mitrovic at anderlecht and obbi oulare from club brugge .swansea city have revived their interest in blackburn rovers striker rudy gestede .\n", + "swansea city have made signing a striker a priority this summerthe club are weighing up a move for blackburn 's rudy gestedegestede , a benin international , is rated at # 7million by roversandlercht 's aleksandar mitrovic , club brugge 's obbi oulare and marseille 's andre ayew are also on swansea 's summer wish-list\n", + "[1.2118428 1.4690022 1.3112959 1.2386492 1.1819527 1.1423637 1.1801666\n", + " 1.0522655 1.0507472 1.1117079 1.0414499 1.1841681 1.0385374 1.0248377\n", + " 1.0122389 1.0088651 1.0445657 1.0561986 0. ]\n", + "\n", + "[ 1 2 3 0 11 4 6 5 9 17 7 8 16 10 12 13 14 15 18]\n", + "=======================\n", + "['the image - showing geraldine schultz , 67 , was blown from the home where she died in fairdale , illinois , to the town of harvard , 35 miles away .it showed her alongside her husband clem schultz , 84 , and was taken around 1980 to feature in a church directory .reunion : widower clem schultz was miraculously reunited with his dog missy after she was spotted wandering']\n", + "=======================\n", + "['geraldine schultz , 67 , was killed last week by vortex in town of fairdaledestructive tornado also picked up 1980 photo of her with husband , 84photograph was carried 35 miles to harvard , illinois , where it was foundfound by alyssa murray , who posted online and was able to return itthe tornado carried some items further - one family photograph was found 70 miles away in racine , wisconsin']\n", + "the image - showing geraldine schultz , 67 , was blown from the home where she died in fairdale , illinois , to the town of harvard , 35 miles away .it showed her alongside her husband clem schultz , 84 , and was taken around 1980 to feature in a church directory .reunion : widower clem schultz was miraculously reunited with his dog missy after she was spotted wandering\n", + "geraldine schultz , 67 , was killed last week by vortex in town of fairdaledestructive tornado also picked up 1980 photo of her with husband , 84photograph was carried 35 miles to harvard , illinois , where it was foundfound by alyssa murray , who posted online and was able to return itthe tornado carried some items further - one family photograph was found 70 miles away in racine , wisconsin\n", + "[1.3043 1.3314946 1.2800919 1.2464062 1.139405 1.1665103 1.2330232\n", + " 1.026923 1.0719378 1.0887986 1.050417 1.0654799 1.0775778 1.1021935\n", + " 1.0470195 1.0661702 1.017711 1.0222125 0. ]\n", + "\n", + "[ 1 0 2 3 6 5 4 13 9 12 8 15 11 10 14 7 17 16 18]\n", + "=======================\n", + "['fox is developing a two-hour remake of the 1975 cult classic to be directed , executive-produced and choreographed by kenneth ortega ( \" high school musical \" ) .( the hollywood reporter ) \" the rocky horror picture show \" is the latest musical getting the small-screen treatment .the special will be filmed in advance and not air live , but few details beyond that are known .']\n", + "=======================\n", + "['fox plans to make a tv movie of \" the rocky horror picture show \"some of the producers behind the original film are involvedtv is in the midst of a musical craze']\n", + "fox is developing a two-hour remake of the 1975 cult classic to be directed , executive-produced and choreographed by kenneth ortega ( \" high school musical \" ) .( the hollywood reporter ) \" the rocky horror picture show \" is the latest musical getting the small-screen treatment .the special will be filmed in advance and not air live , but few details beyond that are known .\n", + "fox plans to make a tv movie of \" the rocky horror picture show \"some of the producers behind the original film are involvedtv is in the midst of a musical craze\n", + "[1.2481334 1.5339895 1.212161 1.3406056 1.0457218 1.0762724 1.0645353\n", + " 1.0671152 1.0553972 1.0720174 1.0894395 1.1877077 1.1435289 1.0681716\n", + " 1.0072508 1.0058414 0. ]\n", + "\n", + "[ 1 3 0 2 11 12 10 5 9 13 7 6 8 4 14 15 16]\n", + "=======================\n", + "[\"the driver , who is named ashley x after changing his surname by deed poll , was caught on camera driving his honda sports car at 67mph on a 50mph section of the m11 in essex in 2009 .a motorist known as mr x who spent five years trying to dodge a # 60 speeding fine has been jailed for perjury and perverting the course of justice .instead of coughing up a fixed penalty fine , he initially ignored essex police 's attempts to confirm who was driving the car before making up a series of stories to shift the blame , essex police said .\"]\n", + "=======================\n", + "['mr x was caught speeding along the m11 in essex in 2009 in his hondathe 35-year-old motorist denied that he was driving his car at the timeduring the course of his legal battle , he changed his name to ashley xmr x was jailed for nine months at ipswich crown court for perjury']\n", + "the driver , who is named ashley x after changing his surname by deed poll , was caught on camera driving his honda sports car at 67mph on a 50mph section of the m11 in essex in 2009 .a motorist known as mr x who spent five years trying to dodge a # 60 speeding fine has been jailed for perjury and perverting the course of justice .instead of coughing up a fixed penalty fine , he initially ignored essex police 's attempts to confirm who was driving the car before making up a series of stories to shift the blame , essex police said .\n", + "mr x was caught speeding along the m11 in essex in 2009 in his hondathe 35-year-old motorist denied that he was driving his car at the timeduring the course of his legal battle , he changed his name to ashley xmr x was jailed for nine months at ipswich crown court for perjury\n", + "[1.4177859 1.2183957 1.4907341 1.337225 1.2747201 1.1576897 1.1225677\n", + " 1.0320263 1.0245347 1.0315558 1.1442537 1.02004 1.0428271 1.0180497\n", + " 1.0132909 1.0514821 1.0502002]\n", + "\n", + "[ 2 0 3 4 1 5 10 6 15 16 12 7 9 8 11 13 14]\n", + "=======================\n", + "[\"moses yitzchok greenfeld , 19 , from stamford hill , london , had been swimming with four friends as temperatures reached 25c when he got into difficulty .an eyewitness has said at least seven police officers stood on a bank and watched as the boys dived in and out looking for their friend .police officers ` watched ' as a group of teenagers desperately tried to save their friend who drowned in hampstead heath pond , it has been claimed .\"]\n", + "=======================\n", + "[\"moses yitzchok greenfeld died while swimming in hampsteadhe was seen in difficulty in water at 5.30 pm and body recovered at 11pmeyewitnesses claim emergency services crew watched as boys dived infamily pay tribute to ` wonderful ' and ` friendly ' teenager\"]\n", + "moses yitzchok greenfeld , 19 , from stamford hill , london , had been swimming with four friends as temperatures reached 25c when he got into difficulty .an eyewitness has said at least seven police officers stood on a bank and watched as the boys dived in and out looking for their friend .police officers ` watched ' as a group of teenagers desperately tried to save their friend who drowned in hampstead heath pond , it has been claimed .\n", + "moses yitzchok greenfeld died while swimming in hampsteadhe was seen in difficulty in water at 5.30 pm and body recovered at 11pmeyewitnesses claim emergency services crew watched as boys dived infamily pay tribute to ` wonderful ' and ` friendly ' teenager\n", + "[1.2200284 1.4256762 1.4299603 1.1081496 1.1426027 1.0570439 1.0885417\n", + " 1.0973427 1.0806593 1.2801585 1.025363 1.0185794 1.0181614 1.0787276\n", + " 1.0101444 0. 0. ]\n", + "\n", + "[ 2 1 9 0 4 3 7 6 8 13 5 10 11 12 14 15 16]\n", + "=======================\n", + "['investigators believe co-pilot andreas lubitz locked his captain out of the cockpit and deliberately crashed the plane into a french mountainside on march 24 , killing all 150 people on board .klaus-dieter scheurle , head of the deutsche flugsicherung authority , urged the aviation industry to develop the system which could help prevent a repeat of the germanwings crash last month .german air traffic control officials today called for technology that ground staff could use in an emergency to take remote command of a plane .']\n", + "=======================\n", + "['deutsche flugsicherung urges aviation industry to develop safety systemsimilar technology is already available for piloting drones , but not planesco-pilot deliberately crashed jet last month in alps killing all 150 on boardseparate report says passengers could hack planes using in-flight tvs']\n", + "investigators believe co-pilot andreas lubitz locked his captain out of the cockpit and deliberately crashed the plane into a french mountainside on march 24 , killing all 150 people on board .klaus-dieter scheurle , head of the deutsche flugsicherung authority , urged the aviation industry to develop the system which could help prevent a repeat of the germanwings crash last month .german air traffic control officials today called for technology that ground staff could use in an emergency to take remote command of a plane .\n", + "deutsche flugsicherung urges aviation industry to develop safety systemsimilar technology is already available for piloting drones , but not planesco-pilot deliberately crashed jet last month in alps killing all 150 on boardseparate report says passengers could hack planes using in-flight tvs\n", + "[1.137924 1.4544506 1.2850337 1.2408338 1.099625 1.1090242 1.0613557\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 4 6 14 13 12 11 8 9 15 7 10 16]\n", + "=======================\n", + "['on tuesday night \\'s \" late late show \" on cbs , actor jon cryer reprised the character \\'s record-store dance to otis redding \\'s \" try a little tenderness , \" right down to the wall-dancing , the counter-bashing and , of course , the trademark white shoes .in the original scene , one of the best-loved bits from the 1986 john hughes film , cryer dances around a record store , lip-syncing the song as he tries to win the affection of molly ringwald \\'s andie .in tuesday \\'s recreation , he dances in tandem with host james corden , who tweeted that he \\'d \" fulfilled a childhood dream \" by re-creating the scene with cryer -- who turned 50 on thursday .']\n", + "=======================\n", + "['jon cryer revives \" pretty in pink \\'s \" duckie dance routine for \" the late late show \"host james corden tweets that the bit \" fulfilled a childhood dream \"']\n", + "on tuesday night 's \" late late show \" on cbs , actor jon cryer reprised the character 's record-store dance to otis redding 's \" try a little tenderness , \" right down to the wall-dancing , the counter-bashing and , of course , the trademark white shoes .in the original scene , one of the best-loved bits from the 1986 john hughes film , cryer dances around a record store , lip-syncing the song as he tries to win the affection of molly ringwald 's andie .in tuesday 's recreation , he dances in tandem with host james corden , who tweeted that he 'd \" fulfilled a childhood dream \" by re-creating the scene with cryer -- who turned 50 on thursday .\n", + "jon cryer revives \" pretty in pink 's \" duckie dance routine for \" the late late show \"host james corden tweets that the bit \" fulfilled a childhood dream \"\n", + "[1.319066 1.5112731 1.1700281 1.3838549 1.1874441 1.0638771 1.0265089\n", + " 1.1081289 1.0190023 1.0377078 1.1242669 1.063935 1.0142697 1.0567518\n", + " 1.0510514 1.0392778 0. ]\n", + "\n", + "[ 1 3 0 4 2 10 7 11 5 13 14 15 9 6 8 12 16]\n", + "=======================\n", + "['khim hang , 22 , displayed his bold collection han with brooding models donning stocking caps and attire that could be likened to that of war soldiers .hot right now : khim hang is thought to be the youngest designer to show at mercedes-benz fashion week australia at just 22 years of age ( pictured : his catwalk presentation this week )making a splash : the brisbane-based designer is heavily influenced by his cambodian heritage and committed to ethical production and looking after his factor workers']\n", + "=======================\n", + "[\"khim hang is the youngest designer to show an australian fashion weekthe 22-year-old 's collection han is a nod to his cambodian heritagekhim said his parent 's escape from the khmer rouge influenced himis paying workers in his cambodian factory double the minimum wage\"]\n", + "khim hang , 22 , displayed his bold collection han with brooding models donning stocking caps and attire that could be likened to that of war soldiers .hot right now : khim hang is thought to be the youngest designer to show at mercedes-benz fashion week australia at just 22 years of age ( pictured : his catwalk presentation this week )making a splash : the brisbane-based designer is heavily influenced by his cambodian heritage and committed to ethical production and looking after his factor workers\n", + "khim hang is the youngest designer to show an australian fashion weekthe 22-year-old 's collection han is a nod to his cambodian heritagekhim said his parent 's escape from the khmer rouge influenced himis paying workers in his cambodian factory double the minimum wage\n", + "[1.2964603 1.5323554 1.234793 1.2072365 1.1047982 1.2375458 1.0683354\n", + " 1.1259568 1.0712637 1.0392439 1.0325501 1.131483 1.0149703 1.0229436\n", + " 1.2436491 1.0629896 1.0963504 1.0346216 0. ]\n", + "\n", + "[ 1 0 14 5 2 3 11 7 4 16 8 6 15 9 17 10 13 12 18]\n", + "=======================\n", + "[\"aaron siler , 26 , was fatally shot after he ` armed himself with a weapon ' after being confronted by officer pablo torres on march 14 .family and friends of man shot dead by police last month are in shock after a billboard featuring the officer who pulled the trigger was erected in kenosham , wisconsin .torres is currently on leave pending the outcome of the investigation into the deadly shooting .\"]\n", + "=======================\n", + "[\"the billboard erected in kenosha , wisconsin , features the smiling face of officer pablo torres after he shot dead aaron siler , 26 , last monthtorres is currently on leave while an investigation is being held into the deadly shootingsiler 's family and friends have called the billboard ` disrespectful ' and are asking for it be taken downthe kenosha professional police association claims the billboard is simply to thank the local community for its supporttorres shot another men 10 days before siler killing\"]\n", + "aaron siler , 26 , was fatally shot after he ` armed himself with a weapon ' after being confronted by officer pablo torres on march 14 .family and friends of man shot dead by police last month are in shock after a billboard featuring the officer who pulled the trigger was erected in kenosham , wisconsin .torres is currently on leave pending the outcome of the investigation into the deadly shooting .\n", + "the billboard erected in kenosha , wisconsin , features the smiling face of officer pablo torres after he shot dead aaron siler , 26 , last monthtorres is currently on leave while an investigation is being held into the deadly shootingsiler 's family and friends have called the billboard ` disrespectful ' and are asking for it be taken downthe kenosha professional police association claims the billboard is simply to thank the local community for its supporttorres shot another men 10 days before siler killing\n", + "[1.5249882 1.341573 1.222091 1.094455 1.1012075 1.0990878 1.0648627\n", + " 1.1340767 1.0247567 1.1217831 1.1152216 1.0873572 1.0581071 1.0933846\n", + " 1.0326115 1.0553552 1.0462619 1.067606 0. ]\n", + "\n", + "[ 0 1 2 7 9 10 4 5 3 13 11 17 6 12 15 16 14 8 18]\n", + "=======================\n", + "[\"( cnn ) an oklahoma reserve sheriff 's deputy accused of fatally shooting a man he says he meant to subdue with a taser pleaded not guilty tuesday to a charge of second-degree manslaughter .at the hearing , the judge granted robert bates permission to go to the bahamas for a family vacation .that decision prompted a response from the family of eric harris , the man bates killed .\"]\n", + "=======================\n", + "['robert bates said he meant to subdue a suspect with a taser but accidentally shot himthe preliminary hearing is scheduled for july 2the judge said bates was free to travel to the bahamas for a family vacation']\n", + "( cnn ) an oklahoma reserve sheriff 's deputy accused of fatally shooting a man he says he meant to subdue with a taser pleaded not guilty tuesday to a charge of second-degree manslaughter .at the hearing , the judge granted robert bates permission to go to the bahamas for a family vacation .that decision prompted a response from the family of eric harris , the man bates killed .\n", + "robert bates said he meant to subdue a suspect with a taser but accidentally shot himthe preliminary hearing is scheduled for july 2the judge said bates was free to travel to the bahamas for a family vacation\n", + "[1.2460991 1.451939 1.1919903 1.2537371 1.2217321 1.191419 1.2577884\n", + " 1.180578 1.0236636 1.0125529 1.0226148 1.0275126 1.0267944 1.038394\n", + " 1.0160257 1.0223249 1.0161353 1.0150948 1.023237 ]\n", + "\n", + "[ 1 6 3 0 4 2 5 7 13 11 12 8 18 10 15 16 14 17 9]\n", + "=======================\n", + "[\"vit jedlicka , 31 , a member of the czech republic 's conservative party of free citizens , is the self-declared president of ` liberland ' , which is located on the banks of the danube river .mr jedlicka says that under international law he is now entitled to take control of the apparently ` unclaimed ' territory ' .a czech politician says he has created an entirely new country by claiming three-square-mile patch of land along the croatia-serbia border that neither country claims is theirs .\"]\n", + "=======================\n", + "[\"vít jedlicka researched unclaimed land in europe to launch a ` new ' nationczech politician named country ` liberland ' - saying citizens will decide tax and laws themselves and there will be minimal government involvementtiny ` country ' lies on the banks of the danube and has only one citizenbut legal experts believe the area is likely to already by part of serbia\"]\n", + "vit jedlicka , 31 , a member of the czech republic 's conservative party of free citizens , is the self-declared president of ` liberland ' , which is located on the banks of the danube river .mr jedlicka says that under international law he is now entitled to take control of the apparently ` unclaimed ' territory ' .a czech politician says he has created an entirely new country by claiming three-square-mile patch of land along the croatia-serbia border that neither country claims is theirs .\n", + "vít jedlicka researched unclaimed land in europe to launch a ` new ' nationczech politician named country ` liberland ' - saying citizens will decide tax and laws themselves and there will be minimal government involvementtiny ` country ' lies on the banks of the danube and has only one citizenbut legal experts believe the area is likely to already by part of serbia\n", + "[1.4024844 1.4104344 1.1433802 1.1255937 1.3794078 1.1744325 1.1130766\n", + " 1.1340218 1.1273465 1.0821178 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 5 2 7 8 3 6 9 10 11 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"watson , whose last game was as player-coach in the championship for swinton last june , has stepped up his training ahead of sunday 's home game against castleford after salford lost a fourth player to suspension and three more to injury .salford assistant coach ian watson is poised to come out of his playing retirement at the age of 38 to answer an sos from the red devils .salford are without rangi chase , weller hauraki , cory paterson and darrell griffin through suspension , while scrum-half michael dobson ( knee ) , centre junior sa'u and winger ben jones-bishop ( leg ) were all injured in saturday 's 22-18 challenge cup fifth-round defeat at leigh , joining josh griffin , tommy lee , jason walton and brothers jordan and adam walne on the sidelines .\"]\n", + "=======================\n", + "[\"ian watson is set to come out of playing retirement at the age of 38his last game was as player-coach in championship for swinton last junewatson stepped up his training ahead of sunday 's game against castleford\"]\n", + "watson , whose last game was as player-coach in the championship for swinton last june , has stepped up his training ahead of sunday 's home game against castleford after salford lost a fourth player to suspension and three more to injury .salford assistant coach ian watson is poised to come out of his playing retirement at the age of 38 to answer an sos from the red devils .salford are without rangi chase , weller hauraki , cory paterson and darrell griffin through suspension , while scrum-half michael dobson ( knee ) , centre junior sa'u and winger ben jones-bishop ( leg ) were all injured in saturday 's 22-18 challenge cup fifth-round defeat at leigh , joining josh griffin , tommy lee , jason walton and brothers jordan and adam walne on the sidelines .\n", + "ian watson is set to come out of playing retirement at the age of 38his last game was as player-coach in championship for swinton last junewatson stepped up his training ahead of sunday 's game against castleford\n", + "[1.5583065 1.3522902 1.1349283 1.2134291 1.3564061 1.1957787 1.0547793\n", + " 1.0292438 1.246778 1.0500958 1.0616059 1.0188689 1.0644026 1.0297494\n", + " 1.0314965 1.0114431 1.0136623 0. 0. ]\n", + "\n", + "[ 0 4 1 8 3 5 2 12 10 6 9 14 13 7 11 16 15 17 18]\n", + "=======================\n", + "[\"sam burgess starred for bath as mike ford 's men moved within one point of aviva premiership leaders northampton with a five-try hammering of london irish at the rec .london irish loosehead tom court burrows over for a try late in the first halfburgess , playing only his second game at blindside flanker , claimed the man-of-the-match award and was among the try-scorers along with leroy houston , jonathan joseph , matt banahan and semesa rokoduguni .\"]\n", + "=======================\n", + "['bath scored tries through leroy houston , jonathan joseph , matt banahan , sam burgess and semesi rokodugunifly half george ford added 18 points from the bootthe exiles replied with tries from tom court and blair cowan']\n", + "sam burgess starred for bath as mike ford 's men moved within one point of aviva premiership leaders northampton with a five-try hammering of london irish at the rec .london irish loosehead tom court burrows over for a try late in the first halfburgess , playing only his second game at blindside flanker , claimed the man-of-the-match award and was among the try-scorers along with leroy houston , jonathan joseph , matt banahan and semesa rokoduguni .\n", + "bath scored tries through leroy houston , jonathan joseph , matt banahan , sam burgess and semesi rokodugunifly half george ford added 18 points from the bootthe exiles replied with tries from tom court and blair cowan\n", + "[1.035836 1.0434439 1.2265166 1.2497683 1.2800353 1.3898442 1.181129\n", + " 1.0298934 1.035346 1.2468345 1.1058649 1.0310545 1.0398383 1.0181957\n", + " 1.0267208 1.0438001 1.0296868 1.0843321 1.11396 1.0402954 1.0840094]\n", + "\n", + "[ 5 4 3 9 2 6 18 10 17 20 15 1 19 12 0 8 11 7 16 14 13]\n", + "=======================\n", + "[\"no place like home : john warden , 52 , has turned his $ 200 vehicle into his home after his apartment burned down years agomeet bud dodson , 57 , and welcome to his home : an rv in seattle 's sodo where he watches over the parking lot in exchange for a spotthe unusual format has been captured in a series of photographs by visual journalist anna erickson .\"]\n", + "=======================\n", + "[\"around 30 people live a floating life in seattle 's sodo ( south of downtown ) area in their rvsthere is one parking lot in particular where the owner lets them act as watchmen in exchange for a spot to livevisual journalist anna erickson , who photographed the community , said they are just grateful to have a home\"]\n", + "no place like home : john warden , 52 , has turned his $ 200 vehicle into his home after his apartment burned down years agomeet bud dodson , 57 , and welcome to his home : an rv in seattle 's sodo where he watches over the parking lot in exchange for a spotthe unusual format has been captured in a series of photographs by visual journalist anna erickson .\n", + "around 30 people live a floating life in seattle 's sodo ( south of downtown ) area in their rvsthere is one parking lot in particular where the owner lets them act as watchmen in exchange for a spot to livevisual journalist anna erickson , who photographed the community , said they are just grateful to have a home\n", + "[1.2989396 1.3261318 1.1161565 1.2713704 1.222574 1.0427341 1.2729912\n", + " 1.1617059 1.0652097 1.1573782 1.1099675 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 6 3 4 7 9 2 10 8 5 19 11 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"the villa wide man turned up for training at the club 's bodymoor heath complex wearing an outrageously flamboyant shirt and trouser combo .tim sherwood 's penchant for a gilet has put the aston villa boss ' sense of fashion in the spotlight and it is n't hard to imagine what he thought about carles n'zogbia 's choice of attire on tuesday .tim sherwood became famous for wearing a gilet during his time as tottenham manager last season\"]\n", + "=======================\n", + "[\"charles n'zogbia turned up for training wearing flowery shirt and trousersshay given described it as worst outfit ever as he mocked him on twittervilla keeper posted a picture of n'zogbia 's outfit on social media\"]\n", + "the villa wide man turned up for training at the club 's bodymoor heath complex wearing an outrageously flamboyant shirt and trouser combo .tim sherwood 's penchant for a gilet has put the aston villa boss ' sense of fashion in the spotlight and it is n't hard to imagine what he thought about carles n'zogbia 's choice of attire on tuesday .tim sherwood became famous for wearing a gilet during his time as tottenham manager last season\n", + "charles n'zogbia turned up for training wearing flowery shirt and trousersshay given described it as worst outfit ever as he mocked him on twittervilla keeper posted a picture of n'zogbia 's outfit on social media\n", + "[1.3925016 1.4763759 1.2766523 1.3582624 1.3104223 1.216145 1.0452147\n", + " 1.0264736 1.0599481 1.1188625 1.0245895 1.0100534 1.1189829 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 4 2 5 12 9 8 6 7 10 11 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"on-loan defender farrend rawson played 90 minutes in the millers ' 1-0 win and boss steve evans claimed after the game that the derby man 's youth loan had been extended until the end of the season .rotherham have been charged with fielding an ineligible player in their sky bet championship meeting with brighton on easter monday .rotherham 's have been accused of fielding farrend rawson , on loan from derby , despite him being ineligible\"]\n", + "=======================\n", + "['farrend rawson played against brighton as rotherham confirmed his loan deal from derby had been extendedrawson missed defeat to middlesbrough however after being recalledfootball league have charged the club for rawson playing brighton game']\n", + "on-loan defender farrend rawson played 90 minutes in the millers ' 1-0 win and boss steve evans claimed after the game that the derby man 's youth loan had been extended until the end of the season .rotherham have been charged with fielding an ineligible player in their sky bet championship meeting with brighton on easter monday .rotherham 's have been accused of fielding farrend rawson , on loan from derby , despite him being ineligible\n", + "farrend rawson played against brighton as rotherham confirmed his loan deal from derby had been extendedrawson missed defeat to middlesbrough however after being recalledfootball league have charged the club for rawson playing brighton game\n", + "[1.2021858 1.4940546 1.1792262 1.2418977 1.152155 1.172071 1.1072243\n", + " 1.0252409 1.0786004 1.1228507 1.0532265 1.0376678 1.0722911 1.0826392\n", + " 1.0271941 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 5 4 9 6 13 8 12 10 11 14 7 19 15 16 17 18 20]\n", + "=======================\n", + "[\"locations in ceredigion , powys and pembrokeshire are also being used to radicalise muslims , according to an officer from the wales extremism and counter terrorism unit .terrorists are undergoing training in rural areas of west wales , it has emerged .those involved in such activities ` take part in seemingly ordinary activities ' in the community but ` have an ulterior motive ' , detective constable gareth jones said .\"]\n", + "=======================\n", + "[\"locations in ceredigion , powys and pembrokeshire being used for trainingalso used to radicalise mulsims , according to counter-terrorism officerhe said those involved are ` seemingly normal ' but have an ` ulterior motive '\"]\n", + "locations in ceredigion , powys and pembrokeshire are also being used to radicalise muslims , according to an officer from the wales extremism and counter terrorism unit .terrorists are undergoing training in rural areas of west wales , it has emerged .those involved in such activities ` take part in seemingly ordinary activities ' in the community but ` have an ulterior motive ' , detective constable gareth jones said .\n", + "locations in ceredigion , powys and pembrokeshire being used for trainingalso used to radicalise mulsims , according to counter-terrorism officerhe said those involved are ` seemingly normal ' but have an ` ulterior motive '\n", + "[1.6108027 1.1350758 1.1825252 1.1956897 1.1625326 1.0727745 1.0224952\n", + " 1.0660965 1.0512965 1.071613 1.0625687 1.102267 1.0718801 1.0938371\n", + " 1.0866683 1.1042613 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 4 1 15 11 13 14 5 12 9 7 10 8 6 16 17 18 19 20]\n", + "=======================\n", + "[\"pep guardiola went into bayern munich 's champions league second-leg against porto under intensifying pressure after a 3-1 defeat in the first encounter .bild ( left ) lead on pep guardiola 's trousers while kurier report on a ` fixed ' bayern munich after beating portoguardiola had a tear in his trousers as he orchestrated bayern 's big win from the sidelines against porto\"]\n", + "=======================\n", + "['bayern munich thrashed porto 6-1 in the champions league on tuesdaybayern trailed 3-1 after their first leg defeat in portugalmanager pep guardiola appeared with a tear in his trousers on the sideline']\n", + "pep guardiola went into bayern munich 's champions league second-leg against porto under intensifying pressure after a 3-1 defeat in the first encounter .bild ( left ) lead on pep guardiola 's trousers while kurier report on a ` fixed ' bayern munich after beating portoguardiola had a tear in his trousers as he orchestrated bayern 's big win from the sidelines against porto\n", + "bayern munich thrashed porto 6-1 in the champions league on tuesdaybayern trailed 3-1 after their first leg defeat in portugalmanager pep guardiola appeared with a tear in his trousers on the sideline\n", + "[1.2735415 1.3761048 1.3740568 1.2333392 1.1288034 1.0846142 1.1016028\n", + " 1.1427598 1.1254917 1.087901 1.039488 1.0619879 1.0140545 1.0461807\n", + " 1.1801771 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 14 7 4 8 6 9 5 11 13 10 12 15 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"the united states department of agriculture 's food safety and inspection service ( fsis ) revealed the recall on tuesday .the type of baby food being recalled is ` stage 2 beech-nut classics sweet potato & chicken , ' which is sold in 4-ounce glass jars , the federal agency said in a news release .a small piece of glass was discovered in a beech nut-nutrition baby food jar by a consumer - and now , the company is recalling 1,920 pounds of the product .\"]\n", + "=======================\n", + "[\"beech-nut nutrition is recalling 1,920 pounds of ` stage 2 beech-nut classics sweet potato & chicken ' baby fooda small piece of glass was discovered in a jar by a consumerjars with the product numbers ' 12395750815 ' and ending at ' 12395750821 ' are affected , all of which have the establishment number ` p-68a '\"]\n", + "the united states department of agriculture 's food safety and inspection service ( fsis ) revealed the recall on tuesday .the type of baby food being recalled is ` stage 2 beech-nut classics sweet potato & chicken , ' which is sold in 4-ounce glass jars , the federal agency said in a news release .a small piece of glass was discovered in a beech nut-nutrition baby food jar by a consumer - and now , the company is recalling 1,920 pounds of the product .\n", + "beech-nut nutrition is recalling 1,920 pounds of ` stage 2 beech-nut classics sweet potato & chicken ' baby fooda small piece of glass was discovered in a jar by a consumerjars with the product numbers ' 12395750815 ' and ending at ' 12395750821 ' are affected , all of which have the establishment number ` p-68a '\n", + "[1.0708284 1.1299373 1.1531606 1.506086 1.2635508 1.1641071 1.0913922\n", + " 1.0547785 1.141408 1.0749513 1.1233202 1.0650026 1.038486 1.0672594\n", + " 1.0199038 1.0106775 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 5 2 8 1 10 6 9 0 13 11 7 12 14 15 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "['visual health studios in colorado has developed a weight loss app called visualize you .it calculates what you would look like if you lost a specified amount weight .shown on the left is tv star james corden at his current weight , 210lbs ( 95kg ) , and on the right he is seen after digitally losing 60lbs ( 27kg )']\n", + "=======================\n", + "['visual health studios in colorado has developed a weight loss appit calculates what you would look like if you lost specified weightinputting your height , weight and target weight reveals you new lookthe app is available now for both ios and android']\n", + "visual health studios in colorado has developed a weight loss app called visualize you .it calculates what you would look like if you lost a specified amount weight .shown on the left is tv star james corden at his current weight , 210lbs ( 95kg ) , and on the right he is seen after digitally losing 60lbs ( 27kg )\n", + "visual health studios in colorado has developed a weight loss appit calculates what you would look like if you lost specified weightinputting your height , weight and target weight reveals you new lookthe app is available now for both ios and android\n", + "[1.1710681 1.3212335 1.1967922 1.2206 1.2601078 1.1268519 1.0726806\n", + " 1.0707775 1.0174142 1.181447 1.1577747 1.0971595 1.0649639 1.0169075\n", + " 1.0900537 1.0189527 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 2 9 0 10 5 11 14 6 7 12 15 8 13 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"however , a new documentary is about to blow the lid on the illegal organ trade that is now allegedly worth a staggering us$ 1 billion a year .` human harvest : china 's organ trafficking ' will show how once researchers around the world - including human rights lawyer david matas and former canadian member of parliament david kilgour - began to uncover the gory details , the true picture was soon uncovered .this despite the fact 10,000 organs are transplanted in china every year , yet there are only a tiny number of people on the official donor register .\"]\n", + "=======================\n", + "[\"a new documentary hopes to expose the illegal organ trade in chinachina 's organ trade is allegedly worth a massive us$ 1 billion a yearhuman rights lawyer david matas tells the gory details of what goes ontens of thousands of innocent people killed on demand it is claimedpolitical prisoners in particular being used as live organ donorsit 's believed most were members of the banned falun gong movementdocumentary will air on sbs one 's dateline program on tuesday night\"]\n", + "however , a new documentary is about to blow the lid on the illegal organ trade that is now allegedly worth a staggering us$ 1 billion a year .` human harvest : china 's organ trafficking ' will show how once researchers around the world - including human rights lawyer david matas and former canadian member of parliament david kilgour - began to uncover the gory details , the true picture was soon uncovered .this despite the fact 10,000 organs are transplanted in china every year , yet there are only a tiny number of people on the official donor register .\n", + "a new documentary hopes to expose the illegal organ trade in chinachina 's organ trade is allegedly worth a massive us$ 1 billion a yearhuman rights lawyer david matas tells the gory details of what goes ontens of thousands of innocent people killed on demand it is claimedpolitical prisoners in particular being used as live organ donorsit 's believed most were members of the banned falun gong movementdocumentary will air on sbs one 's dateline program on tuesday night\n", + "[1.4154903 1.2080662 1.3395897 1.1698054 1.0911357 1.0857643 1.0936276\n", + " 1.0563617 1.047103 1.0200841 1.0301404 1.0226597 1.0165972 1.0138164\n", + " 1.0143912 1.0124859 1.0179819 1.0166466 1.1118321 1.1196154 1.0813261\n", + " 1.0851176 1.2339271 1.0224568 1.0267818 1.0221941]\n", + "\n", + "[ 0 2 22 1 3 19 18 6 4 5 21 20 7 8 10 24 11 23 25 9 16 17 12 14\n", + " 13 15]\n", + "=======================\n", + "[\"( cnn ) lauren hill , who took her inspirational fight against brain cancer onto the basketball court and into the hearts of many , has died at age 19 .mount st. joseph university in cincinnati successfully petitioned the ncaa to move up the opening game of its schedule to accommodate her desire to play .the indiana woman 's story became known around the world last year when she was able to realize her dream of playing college basketball .\"]\n", + "=======================\n", + "['lauren hill \\'s coach says she was \" an unselfish angel \"after playing for her college , lauren hill helped raise money for cancer researchncaa president says she \" achieved a lasting and meaningful legacy \"']\n", + "( cnn ) lauren hill , who took her inspirational fight against brain cancer onto the basketball court and into the hearts of many , has died at age 19 .mount st. joseph university in cincinnati successfully petitioned the ncaa to move up the opening game of its schedule to accommodate her desire to play .the indiana woman 's story became known around the world last year when she was able to realize her dream of playing college basketball .\n", + "lauren hill 's coach says she was \" an unselfish angel \"after playing for her college , lauren hill helped raise money for cancer researchncaa president says she \" achieved a lasting and meaningful legacy \"\n", + "[1.3497137 1.3514236 1.1352814 1.2389592 1.1480701 1.1832798 1.2102343\n", + " 1.1068819 1.0816121 1.0778003 1.0526139 1.0618623 1.0731337 1.0367432\n", + " 1.0308168 1.0571411 1.055483 1.0573978 1.0535274 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 6 5 4 2 7 8 9 12 11 17 15 16 18 10 13 14 24 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "['public health officials warned consumers friday not to eat any blue bell-branded products made at the company \\'s broken arrow , oklahoma , plant .( cnn ) blue bell ice cream has temporarily shut down one of its manufacturing plants over the discovery of listeria contamination in a serving of ice cream originating from that plant .the company is shutting down the broken arrow facility \" out of an abundance of caution \" to search for a possible cause of contamination .']\n", + "=======================\n", + "['a test in kansas finds listeria in a blue bell ice cream cupthe company announces it is temporarily shutting a plant to check for the sourcethree people in kansas have died from a listeria outbreak']\n", + "public health officials warned consumers friday not to eat any blue bell-branded products made at the company 's broken arrow , oklahoma , plant .( cnn ) blue bell ice cream has temporarily shut down one of its manufacturing plants over the discovery of listeria contamination in a serving of ice cream originating from that plant .the company is shutting down the broken arrow facility \" out of an abundance of caution \" to search for a possible cause of contamination .\n", + "a test in kansas finds listeria in a blue bell ice cream cupthe company announces it is temporarily shutting a plant to check for the sourcethree people in kansas have died from a listeria outbreak\n", + "[1.2879555 1.3441786 1.2130885 1.2373533 1.2005575 1.1158733 1.0560521\n", + " 1.0224245 1.0223148 1.024251 1.0979733 1.0813537 1.0585088 1.0155524\n", + " 1.0711635 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 5 10 11 14 12 6 9 7 8 13 16 15 17]\n", + "=======================\n", + "['griffo , 42 , who is based in latina , led a group of her students to vik and hella in the south of iceland where they were fortunate enough to be blown away by what is said to have been the strongest geomagnetic storm in the current solar cycle .a flickering rainbow of colours came with the march solar storm that made the northern lights even more remarkable than usual , and italian photographer giovanna griffo was in iceland to capture them in all their glory .while giovanna takes and edits all manner of photographs , she has a particular affinity with the night sky - and not just the spectacular aurora borealis but locations in her own country too .']\n", + "=======================\n", + "['italian photographer giovanna griffo , 42 , shares her talents with images of the northern lights and other locationsthe teacher of photography and post-production teaches courses all over italy and recently visited icelandshe reveals some tips on the best way to capture the northern lights and night skies in all their glory']\n", + "griffo , 42 , who is based in latina , led a group of her students to vik and hella in the south of iceland where they were fortunate enough to be blown away by what is said to have been the strongest geomagnetic storm in the current solar cycle .a flickering rainbow of colours came with the march solar storm that made the northern lights even more remarkable than usual , and italian photographer giovanna griffo was in iceland to capture them in all their glory .while giovanna takes and edits all manner of photographs , she has a particular affinity with the night sky - and not just the spectacular aurora borealis but locations in her own country too .\n", + "italian photographer giovanna griffo , 42 , shares her talents with images of the northern lights and other locationsthe teacher of photography and post-production teaches courses all over italy and recently visited icelandshe reveals some tips on the best way to capture the northern lights and night skies in all their glory\n", + "[1.3653537 1.1782182 1.4464422 1.3760138 1.1414124 1.0361996 1.2669394\n", + " 1.0764465 1.029103 1.0150309 1.0741334 1.0978261 1.0572346 1.063991\n", + " 1.0265088 1.0141618 1.0962276 1.0684602]\n", + "\n", + "[ 2 3 0 6 1 4 11 16 7 10 17 13 12 5 8 14 9 15]\n", + "=======================\n", + "['but annegret raunigk is set to become the oldest woman in the world to have quadruplets -- at the age of 65 .the german primary school teacher will give birth in a matter of weeks to four babies , conceived following 18 months of fertility treatment .making medical history : mother-of-13 annegret raunigk , 65 , from berlin , who is due to give birth to quadruplets in weeks']\n", + "=======================\n", + "[\"german primary school teacher is in 21st week of pregnancy and ` feels fit 'she became pregnant through artificial insemination using eggs and spermin 2005 , she gave birth to her youngest daughter leila , at the age of 55children - eldest of whom is daughter antje , 44 - are by five different fathers\"]\n", + "but annegret raunigk is set to become the oldest woman in the world to have quadruplets -- at the age of 65 .the german primary school teacher will give birth in a matter of weeks to four babies , conceived following 18 months of fertility treatment .making medical history : mother-of-13 annegret raunigk , 65 , from berlin , who is due to give birth to quadruplets in weeks\n", + "german primary school teacher is in 21st week of pregnancy and ` feels fit 'she became pregnant through artificial insemination using eggs and spermin 2005 , she gave birth to her youngest daughter leila , at the age of 55children - eldest of whom is daughter antje , 44 - are by five different fathers\n", + "[1.100697 1.1740884 1.0464134 1.1667937 1.2257193 1.3911905 1.1669044\n", + " 1.0664774 1.0712835 1.0401461 1.0421171 1.0883679 1.0642402 1.0231299\n", + " 1.0181978 0. 0. 0. ]\n", + "\n", + "[ 5 4 1 6 3 0 11 8 7 12 2 10 9 13 14 16 15 17]\n", + "=======================\n", + "['on saturday , hundreds of music retailers will hold events to commemorate record store day , an annual celebration of , well , your neighborhood record store .but many of the remaining record stores are succeeding -- even thriving -- by catering to a passionate core of customers and collectors .corporate america has largely abandoned brick-and-mortar music retailing to a scattering of independent stores , many of them in scruffy urban neighborhoods .']\n", + "=======================\n", + "['saturday is record store day , celebrated at music stores around the worldmany stores will host live performances , drawings and special sales of rare vinyl']\n", + "on saturday , hundreds of music retailers will hold events to commemorate record store day , an annual celebration of , well , your neighborhood record store .but many of the remaining record stores are succeeding -- even thriving -- by catering to a passionate core of customers and collectors .corporate america has largely abandoned brick-and-mortar music retailing to a scattering of independent stores , many of them in scruffy urban neighborhoods .\n", + "saturday is record store day , celebrated at music stores around the worldmany stores will host live performances , drawings and special sales of rare vinyl\n", + "[1.3121645 1.2594283 1.1092956 1.3200903 1.2478435 1.0783598 1.1129032\n", + " 1.1181355 1.1140945 1.1015363 1.1048186 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 7 8 6 2 10 9 5 16 11 12 13 14 15 17]\n", + "=======================\n", + "[\"fifa president sepp blatter announces russia as the host nation for the 2018 world cupin a letter dated tuesday and released on wednesday , the 13 democratic and republican u.s. lawmakers said they ` strongly encourage ' fifa to move the global competition .republican john mccain is one of 13 us senators urging fifa to think again\"]\n", + "=======================\n", + "['russia won the vote to host the 2018 world cupus senators have asked fifa to reconsider because of ukraine crisisengland are planning to bid for euro 2028 after sepp blatter steps down']\n", + "fifa president sepp blatter announces russia as the host nation for the 2018 world cupin a letter dated tuesday and released on wednesday , the 13 democratic and republican u.s. lawmakers said they ` strongly encourage ' fifa to move the global competition .republican john mccain is one of 13 us senators urging fifa to think again\n", + "russia won the vote to host the 2018 world cupus senators have asked fifa to reconsider because of ukraine crisisengland are planning to bid for euro 2028 after sepp blatter steps down\n", + "[1.2856946 1.4321922 1.391207 1.2093004 1.1394718 1.2651436 1.1394581\n", + " 1.0830358 1.0502653 1.0297427 1.020536 1.0377022 1.0284278 1.0348383\n", + " 1.0266613 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 5 3 4 6 7 8 11 13 9 12 14 10 15 16 17]\n", + "=======================\n", + "[\"the terror group said it would also imprison anyone caught smoking or turning up late for prayer in further draconian crackdowns in its syrian stronghold of raqqa .violators will be jailed for ten days , during which time they will be made to take an ` islamic course ' , it was reported by anti-isis informants in the city .islamic state militants have imposed a new law threatening to jail any man caught wearing skinny jeans or having music on their mobile phones in an apparent crackdown on hipsters .\"]\n", + "=======================\n", + "[\"latest draconian crackdown by jihadis in syrian de facto capital of raqqaviolators will be jailed for ten days and made to take an ` islamic course 'raqqa resident : ` freedom of expression has become a crime under isis '\"]\n", + "the terror group said it would also imprison anyone caught smoking or turning up late for prayer in further draconian crackdowns in its syrian stronghold of raqqa .violators will be jailed for ten days , during which time they will be made to take an ` islamic course ' , it was reported by anti-isis informants in the city .islamic state militants have imposed a new law threatening to jail any man caught wearing skinny jeans or having music on their mobile phones in an apparent crackdown on hipsters .\n", + "latest draconian crackdown by jihadis in syrian de facto capital of raqqaviolators will be jailed for ten days and made to take an ` islamic course 'raqqa resident : ` freedom of expression has become a crime under isis '\n", + "[1.2157903 1.5728413 1.2110316 1.1670737 1.1646355 1.1238787 1.0396112\n", + " 1.0131577 1.1162139 1.030513 1.1710519 1.0214609 1.0158074 1.1012143\n", + " 1.0180069 1.0211023 1.1104194 1.0923581 1.0554321 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 2 10 3 4 5 8 16 13 17 18 6 9 11 15 14 12 7 21 19 20 22]\n", + "=======================\n", + "[\"sacha whitehead , 26 , received donations after posting a call to action on facebook saying she would pick up the much-needed items and drive them into sydney cbd .a sydney mother has braved this week 's horror sydney storm by hitting the streets and handing out waterproof clothing , blankets and sleeping bags to the homeless .whitehead was spurred into action after reading a friends facebook status about how the homeless would be suffering through the storm\"]\n", + "=======================\n", + "['sacha whitehead collected sleeping bags and clothing donationsshe braved the storm by delivering the donations to homeless peoplethe 26-year-old mother is collecting more donations to hand out tonight']\n", + "sacha whitehead , 26 , received donations after posting a call to action on facebook saying she would pick up the much-needed items and drive them into sydney cbd .a sydney mother has braved this week 's horror sydney storm by hitting the streets and handing out waterproof clothing , blankets and sleeping bags to the homeless .whitehead was spurred into action after reading a friends facebook status about how the homeless would be suffering through the storm\n", + "sacha whitehead collected sleeping bags and clothing donationsshe braved the storm by delivering the donations to homeless peoplethe 26-year-old mother is collecting more donations to hand out tonight\n", + "[1.2573934 1.335031 1.3174582 1.370716 1.1827514 1.0954558 1.0239847\n", + " 1.0302536 1.0855423 1.0555073 1.0807406 1.1428545 1.0824288 1.1110678\n", + " 1.1098546 1.0847619 1.0408196 1.0433398 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 1 2 0 4 11 13 14 5 8 15 12 10 9 17 16 7 6 18 19 20 21 22]\n", + "=======================\n", + "[\"the rodrigo de freitas lagoon will hold the brazil 2016 olympics rowing and canoe competitionsfish die-offs are a frequent occurrence in rio 's waterways , which are choked with raw sewage and rubbish .dead fish have continued to wash up on the banks of a rio de janeiro lake that is scheduled to hold olympic rowing competitions during the 2016 games .\"]\n", + "=======================\n", + "[\"the rodrigo de freitas lagoon will hold the 2016 olympic rowing racescurrently , the lake is filled with thousands of dead twaite shad fishrio 's waterways are choked with raw sewage and rubbish , and concerns have been raised over health and safety ahead of the olympicsofficials say the deaths are due to a plummet in the water temperature\"]\n", + "the rodrigo de freitas lagoon will hold the brazil 2016 olympics rowing and canoe competitionsfish die-offs are a frequent occurrence in rio 's waterways , which are choked with raw sewage and rubbish .dead fish have continued to wash up on the banks of a rio de janeiro lake that is scheduled to hold olympic rowing competitions during the 2016 games .\n", + "the rodrigo de freitas lagoon will hold the 2016 olympic rowing racescurrently , the lake is filled with thousands of dead twaite shad fishrio 's waterways are choked with raw sewage and rubbish , and concerns have been raised over health and safety ahead of the olympicsofficials say the deaths are due to a plummet in the water temperature\n", + "[1.2792927 1.1136799 1.0935198 1.2424935 1.0521095 1.2158631 1.1830882\n", + " 1.1433703 1.105973 1.0512173 1.0187926 1.055467 1.121342 1.0672665\n", + " 1.0588405 1.051639 1.0319396 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 5 6 7 12 1 8 2 13 14 11 4 15 9 16 10 17 18 19 20 21 22]\n", + "=======================\n", + "['wedding season is fast upon us , but with the average cost of the big day hitting # 25,000 , thrifty brides are on the hunt for ways to budget .debenhams vs white by vera wangdebenhams is one of the most popular dress vendors on the high street and the store has added a covetable bridal collection to its repertoire .']\n", + "=======================\n", + "['the average cost of the big day has hit # 25,000asos , monsoon and debenhams offering bridal and bridesmaid gownsfemail pits high-street offerings with designer dresses']\n", + "wedding season is fast upon us , but with the average cost of the big day hitting # 25,000 , thrifty brides are on the hunt for ways to budget .debenhams vs white by vera wangdebenhams is one of the most popular dress vendors on the high street and the store has added a covetable bridal collection to its repertoire .\n", + "the average cost of the big day has hit # 25,000asos , monsoon and debenhams offering bridal and bridesmaid gownsfemail pits high-street offerings with designer dresses\n", + "[1.3154544 1.4157289 1.331263 1.168174 1.0764533 1.0307349 1.1931446\n", + " 1.0781242 1.0845677 1.0592786 1.0427706 1.1218549 1.0793784 1.0367647\n", + " 1.0253656 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 6 3 11 8 12 7 4 9 10 13 5 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"governor jerry brown observed the survey on wednesday , which found the lowest water level in the sierra nevada snowpack since 1950 when records began .the fourth consecutive year of vanishing snow spells trouble as california depends on it to melt into rivers and replenish reservoirs .the governor 's order requires cities and towns to cut water use by 25 percent .\"]\n", + "=======================\n", + "[\"for the first time in 75 years the california department of water resources has found no snow during its survey of the sierra nevada in early aprilnasa images showing the snowpack across the tuolumne river basin show a marked decrease since last aprilcalifornia depends on the snow to melt into rivers and replenish reservoirsgov. brown ordered sweeping , unprecedented measures to save water in the state on wednesdaycemeteries , golf courses and business headquarters must significantly cut back on watering the large landscapesthe governor 's order contains no water reduction target for farmersinitiatives are part of the goal to reduce water use by 25 percent compared to levels in 2013\"]\n", + "governor jerry brown observed the survey on wednesday , which found the lowest water level in the sierra nevada snowpack since 1950 when records began .the fourth consecutive year of vanishing snow spells trouble as california depends on it to melt into rivers and replenish reservoirs .the governor 's order requires cities and towns to cut water use by 25 percent .\n", + "for the first time in 75 years the california department of water resources has found no snow during its survey of the sierra nevada in early aprilnasa images showing the snowpack across the tuolumne river basin show a marked decrease since last aprilcalifornia depends on the snow to melt into rivers and replenish reservoirsgov. brown ordered sweeping , unprecedented measures to save water in the state on wednesdaycemeteries , golf courses and business headquarters must significantly cut back on watering the large landscapesthe governor 's order contains no water reduction target for farmersinitiatives are part of the goal to reduce water use by 25 percent compared to levels in 2013\n", + "[1.2938324 1.106398 1.2365308 1.2234663 1.2231829 1.1772876 1.2964958\n", + " 1.0691651 1.051215 1.0167617 1.0162615 1.096454 1.1335729 1.0676064\n", + " 1.0765584 1.0465082 1.0274236 1.0296271 1.01812 1.0309274 1.0281483\n", + " 1.0200869 1.0209897]\n", + "\n", + "[ 6 0 2 3 4 5 12 1 11 14 7 13 8 15 19 17 20 16 22 21 18 9 10]\n", + "=======================\n", + "[\"now , at the age of ten , kai is set to undergo hormone treatment to halt puberty to stop him developing into a woman .support : kai windsor , now 10 , with his mother rachelchristened kaia , he would shun traditional girls ' toys in favour of kicking a ball around .\"]\n", + "=======================\n", + "[\"kai windsor knew from three that he had been born in the wrong bodyby four he would n't wear dresses and by six he wanted to cut his hair shortkai came out at school as a transgender and is now referred to as a boyat age of 10 he is set to undergo hormone treatment to halt puberty\"]\n", + "now , at the age of ten , kai is set to undergo hormone treatment to halt puberty to stop him developing into a woman .support : kai windsor , now 10 , with his mother rachelchristened kaia , he would shun traditional girls ' toys in favour of kicking a ball around .\n", + "kai windsor knew from three that he had been born in the wrong bodyby four he would n't wear dresses and by six he wanted to cut his hair shortkai came out at school as a transgender and is now referred to as a boyat age of 10 he is set to undergo hormone treatment to halt puberty\n", + "[1.1470103 1.4017544 1.1057526 1.0644953 1.0866326 1.378034 1.2884088\n", + " 1.0484686 1.1717032 1.0186985 1.027297 1.045587 1.0280592 1.0511212\n", + " 1.024723 1.0205238 1.0500156 0. 0. ]\n", + "\n", + "[ 1 5 6 8 0 2 4 3 13 16 7 11 12 10 14 15 9 17 18]\n", + "=======================\n", + "[\"abc2 's new show , tattoo tales , follows the journey of some of the customers of bondi ink , a busy tattoo parlour on sydney 's eastern beaches , including jan bearman , who was prompted by the death of her beloved daughter to make a decision that took the rest of her family and friends by surprise .for the past three years , jan bearman has had a new tattoo inked on her shoulder every birthday in memory of her daughter shell , who died of complications from diabetes inwhile many tattoos hold a certain symbolism to their bearer , the design chosen by someone getting their first ink at the age of 80 must have an incredibly special meaning .\"]\n", + "=======================\n", + "[\"jan bearman surprised her family and decided to get her first tattoo at the age of 80 after her daughter shelley died in 2011she has returned to the tattoo parlour twice on her birthday to have more tattoos inked in memory of her daughter and other childrenabc2 's tattoo tales followed jan as she went in for her third tattoojan said that she feels as though her tattoos are a memorial , and she is able to carry her daughter with her\"]\n", + "abc2 's new show , tattoo tales , follows the journey of some of the customers of bondi ink , a busy tattoo parlour on sydney 's eastern beaches , including jan bearman , who was prompted by the death of her beloved daughter to make a decision that took the rest of her family and friends by surprise .for the past three years , jan bearman has had a new tattoo inked on her shoulder every birthday in memory of her daughter shell , who died of complications from diabetes inwhile many tattoos hold a certain symbolism to their bearer , the design chosen by someone getting their first ink at the age of 80 must have an incredibly special meaning .\n", + "jan bearman surprised her family and decided to get her first tattoo at the age of 80 after her daughter shelley died in 2011she has returned to the tattoo parlour twice on her birthday to have more tattoos inked in memory of her daughter and other childrenabc2 's tattoo tales followed jan as she went in for her third tattoojan said that she feels as though her tattoos are a memorial , and she is able to carry her daughter with her\n", + "[1.2348847 1.2718186 1.1332138 1.3365936 1.2521937 1.2175452 1.0965426\n", + " 1.076711 1.0599877 1.0597608 1.0306875 1.0749798 1.0361999 1.0625947\n", + " 1.1254346 1.0418168 0. 0. 0. ]\n", + "\n", + "[ 3 1 4 0 5 2 14 6 7 11 13 8 9 15 12 10 17 16 18]\n", + "=======================\n", + "[\"on a visit to the scottish town of dornoch , tourists are pointed towards the local slaughterhouseso visitors to dornoch 's golf course or the sutherland town 's historic cathedral were surprised instead to be pointed in the direction of some toilets , the local gp ... and an abattoir .the familiar brown signs are set up to show tourists where to find an area 's finest attractions .\"]\n", + "=======================\n", + "[\"dornoch in scotland is pointing tourists towards the local abattoirthe attraction is listed beneath the toilet , doctor and the town 's museumvisitors hoping to experience the slaughterhouse face disappointmentthe abattoir has been closed for several years and is being demolished\"]\n", + "on a visit to the scottish town of dornoch , tourists are pointed towards the local slaughterhouseso visitors to dornoch 's golf course or the sutherland town 's historic cathedral were surprised instead to be pointed in the direction of some toilets , the local gp ... and an abattoir .the familiar brown signs are set up to show tourists where to find an area 's finest attractions .\n", + "dornoch in scotland is pointing tourists towards the local abattoirthe attraction is listed beneath the toilet , doctor and the town 's museumvisitors hoping to experience the slaughterhouse face disappointmentthe abattoir has been closed for several years and is being demolished\n", + "[1.2771496 1.4183447 1.2606544 1.0856698 1.088008 1.2605388 1.034056\n", + " 1.0661461 1.0857401 1.059276 1.0540122 1.0233326 1.0331311 1.0586534\n", + " 1.0961132 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 5 14 4 8 3 7 9 13 10 6 12 11 15 16 17 18]\n", + "=======================\n", + "[\"the large hadron collider ( lhc ) , a particle accelerator and the largest machine in the world , is ready for action following a two-year shutdown .( cnn ) the world 's biggest and most powerful physics experiment is taking place as you read this .after problems that delayed the restart in march , scientists at the european organization for nuclear research ( cern ) completed final tests , enabling the first beams to start circulating sunday inside the lhc 's 17 mile ( 27 km ) ring .\"]\n", + "=======================\n", + "['the large hadron collider ( lhc ) begins again after a two-year shutdownthe restart was delayed in march']\n", + "the large hadron collider ( lhc ) , a particle accelerator and the largest machine in the world , is ready for action following a two-year shutdown .( cnn ) the world 's biggest and most powerful physics experiment is taking place as you read this .after problems that delayed the restart in march , scientists at the european organization for nuclear research ( cern ) completed final tests , enabling the first beams to start circulating sunday inside the lhc 's 17 mile ( 27 km ) ring .\n", + "the large hadron collider ( lhc ) begins again after a two-year shutdownthe restart was delayed in march\n", + "[1.2047261 1.473897 1.357781 1.2018389 1.1970538 1.0558629 1.1882933\n", + " 1.0520838 1.056585 1.0695612 1.0619284 1.223561 1.0310159 1.0483685\n", + " 1.0493428 1.0382689 1.0169429 1.0167444 1.0407872]\n", + "\n", + "[ 1 2 11 0 3 4 6 9 10 8 5 7 14 13 18 15 12 16 17]\n", + "=======================\n", + "[\"a surgical unit at st mary 's hospital , london , has not accepted new patients in more than a week after eight were found to be carrying carbapenemase-producing enterobacteriaceae , or cpe .the antibiotic-resistant bacteria can cause potentially fatal infections in the bloodstream and urine .the hospital where the royal baby is due to be born was forced to close one of its wards after patients contracted a mutant superbug , it has emerged .\"]\n", + "=======================\n", + "[\"duchess of cambridge is due to give birth at st mary 's hospital , londona surgical unit has been closed after patients contracted mutant superbugbacteria , cpe , can cause potentially-fatal infections in blood and urine\"]\n", + "a surgical unit at st mary 's hospital , london , has not accepted new patients in more than a week after eight were found to be carrying carbapenemase-producing enterobacteriaceae , or cpe .the antibiotic-resistant bacteria can cause potentially fatal infections in the bloodstream and urine .the hospital where the royal baby is due to be born was forced to close one of its wards after patients contracted a mutant superbug , it has emerged .\n", + "duchess of cambridge is due to give birth at st mary 's hospital , londona surgical unit has been closed after patients contracted mutant superbugbacteria , cpe , can cause potentially-fatal infections in blood and urine\n", + "[1.121194 1.4346793 1.2883751 1.312871 1.2402059 1.187966 1.1017535\n", + " 1.0276144 1.0185066 1.019637 1.1182662 1.0803052 1.0700276 1.0927789\n", + " 1.0739506 1.0572753 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 5 0 10 6 13 11 14 12 15 7 9 8 16 17 18]\n", + "=======================\n", + "[\"in a survey of 1,000 people from across the country , conducted by personal budgeting software company youneedabudget.com , 64 per cent of adults confessed that they end up spending more money when they shop with friends .the main reasons for this were said to be ` showing off in front of friends ' and ` succumbing to peer pressure and buying things we would n't ordinary buy ' .in fact , nearly two-thirds of americans admit they would actually prefer to shop by themselves than with pals .\"]\n", + "=======================\n", + "['a new youneedabudget.com study found that 64 per cent of adults spend more money with friends due to peer pressure or the desire to show offthe top items americans overspend on are food and clothingfive per cent of those polled said they hide big purchases from their spouses or significant others']\n", + "in a survey of 1,000 people from across the country , conducted by personal budgeting software company youneedabudget.com , 64 per cent of adults confessed that they end up spending more money when they shop with friends .the main reasons for this were said to be ` showing off in front of friends ' and ` succumbing to peer pressure and buying things we would n't ordinary buy ' .in fact , nearly two-thirds of americans admit they would actually prefer to shop by themselves than with pals .\n", + "a new youneedabudget.com study found that 64 per cent of adults spend more money with friends due to peer pressure or the desire to show offthe top items americans overspend on are food and clothingfive per cent of those polled said they hide big purchases from their spouses or significant others\n", + "[1.1413834 1.3666046 1.1880999 1.2937692 1.2245867 1.1852219 1.0620817\n", + " 1.1574377 1.0921984 1.026669 1.0723563 1.0535709 1.0523106 1.0468012\n", + " 1.0680281 1.049766 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 4 2 5 7 0 8 10 14 6 11 12 15 13 9 20 16 17 18 19 21]\n", + "=======================\n", + "['the heart-warming moment occurred during a visit to the rheged centre in cumbria , where the prince of wales was meeting farmers and charity staff .the prince was making his first stop on a day-long tour of cumbria , with rural communities and businesses topping his agenda .charles , who is grandfather to 20-month-old prince george and has another grandchild on the way , looked delighted and bent down to talk to the little boy who was held by his mother , genevieve .']\n", + "=======================\n", + "[\"noah ginesi , 16 months , reached for a hug when prince charles appeareda delighted charles chatted appreciatively to the boy 's mother genevievethe encounter took place during a visit to the rheged centre in cumbriacharles is touring the county to promote his farming and rural charities\"]\n", + "the heart-warming moment occurred during a visit to the rheged centre in cumbria , where the prince of wales was meeting farmers and charity staff .the prince was making his first stop on a day-long tour of cumbria , with rural communities and businesses topping his agenda .charles , who is grandfather to 20-month-old prince george and has another grandchild on the way , looked delighted and bent down to talk to the little boy who was held by his mother , genevieve .\n", + "noah ginesi , 16 months , reached for a hug when prince charles appeareda delighted charles chatted appreciatively to the boy 's mother genevievethe encounter took place during a visit to the rheged centre in cumbriacharles is touring the county to promote his farming and rural charities\n", + "[1.317069 1.2775865 1.2348635 1.250201 1.1584802 1.0953807 1.0836029\n", + " 1.0768533 1.1314516 1.0367028 1.1711863 1.0512856 1.0447998 1.0174806\n", + " 1.0164658 1.0160769 1.0240138 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 2 10 4 8 5 6 7 11 12 9 16 13 14 15 20 17 18 19 21]\n", + "=======================\n", + "['tokyo ( cnn ) a week after a japanese court issued a landmark injunction halting plans to restart two nuclear reactors in a western prefecture , a different court has rejected a petition by residents to delay the reactivation of reactors in the country \\'s southwest .kagoshima district court found no \" irrationalities \" in new safety standards set out by the government in the wake of the 2011 fukushima meltdowns , japanese news agency kyodo reported .the first of two reactors is scheduled to go back online in july .']\n", + "=======================\n", + "[\"a japanese court has rejected a petition by residents to delay the reactivation of reactors in the country 's southwestthe reopening of two other nuclear reactors in fukui was recently blocked by a japanese court over safety fearsjapan 's 48 nuclear reactors have been offline in the wake of the 2011 fukushima disaster\"]\n", + "tokyo ( cnn ) a week after a japanese court issued a landmark injunction halting plans to restart two nuclear reactors in a western prefecture , a different court has rejected a petition by residents to delay the reactivation of reactors in the country 's southwest .kagoshima district court found no \" irrationalities \" in new safety standards set out by the government in the wake of the 2011 fukushima meltdowns , japanese news agency kyodo reported .the first of two reactors is scheduled to go back online in july .\n", + "a japanese court has rejected a petition by residents to delay the reactivation of reactors in the country 's southwestthe reopening of two other nuclear reactors in fukui was recently blocked by a japanese court over safety fearsjapan 's 48 nuclear reactors have been offline in the wake of the 2011 fukushima disaster\n", + "[1.3355119 1.2645178 1.4602407 1.2301471 1.2578968 1.0326452 1.0301877\n", + " 1.1312532 1.1145304 1.1537232 1.0640987 1.0149602 1.04036 1.039569\n", + " 1.0459741 1.0532604 1.0659724 1.025119 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 1 4 3 9 7 8 16 10 15 14 12 13 5 6 17 11 20 18 19 21]\n", + "=======================\n", + "['christine davidson , from adelaide , south australia , was diagnosed with terminal brain cancer in 2001 , and told she only had between nine months to three years to live .a brazen thief has allegedly taken a diamond engagement ring from christine davidson just days before she passed away on thursdayafter enduring an incredible 14 years of chemotherapy and radiation , the mother of two lost her battle to cancer last thursday morning at an adelaide nursing home at the age of 61 .']\n", + "=======================\n", + "['christine davidson lost her battle to cancer at an adelaide nursing homeher diamond ring was last seen three weeks before she passed awaythe family has claimed a brazen thief is behind the missing ringthe 61-year-old wanted to hand her ring down to her only granddaughterthe family have launched an emotional public appeal to get her ring backa local jewellery store has offered a $ 1000 reward for anyone providing information that leads to finding the missing ring']\n", + "christine davidson , from adelaide , south australia , was diagnosed with terminal brain cancer in 2001 , and told she only had between nine months to three years to live .a brazen thief has allegedly taken a diamond engagement ring from christine davidson just days before she passed away on thursdayafter enduring an incredible 14 years of chemotherapy and radiation , the mother of two lost her battle to cancer last thursday morning at an adelaide nursing home at the age of 61 .\n", + "christine davidson lost her battle to cancer at an adelaide nursing homeher diamond ring was last seen three weeks before she passed awaythe family has claimed a brazen thief is behind the missing ringthe 61-year-old wanted to hand her ring down to her only granddaughterthe family have launched an emotional public appeal to get her ring backa local jewellery store has offered a $ 1000 reward for anyone providing information that leads to finding the missing ring\n", + "[1.3919195 1.1929154 1.303194 1.3225918 1.0983778 1.0713159 1.0233566\n", + " 1.095277 1.0374388 1.117815 1.0719366 1.0815437 1.033885 1.1425912\n", + " 1.0338271 1.0140303 1.0157359 1.0569433 1.0116236 1.0114189 1.015484\n", + " 1.0532066]\n", + "\n", + "[ 0 3 2 1 13 9 4 7 11 10 5 17 21 8 12 14 6 16 20 15 18 19]\n", + "=======================\n", + "[\"( cnn ) it was all set for a fairytale ending for record breaking jockey ap mccoy .aspell won last year 's grand national too , making him the first jockey since the 1950s to ride back-to-back winners on different horses .25-1 outsider many clouds , who had shown little form going into the race , won by a length and a half , ridden by jockey leighton aspell .\"]\n", + "=======================\n", + "['25-1 shot many clouds wins grand nationalsecond win a row for jockey leighton aspellfirst jockey to win two in a row on different horses since 1950s']\n", + "( cnn ) it was all set for a fairytale ending for record breaking jockey ap mccoy .aspell won last year 's grand national too , making him the first jockey since the 1950s to ride back-to-back winners on different horses .25-1 outsider many clouds , who had shown little form going into the race , won by a length and a half , ridden by jockey leighton aspell .\n", + "25-1 shot many clouds wins grand nationalsecond win a row for jockey leighton aspellfirst jockey to win two in a row on different horses since 1950s\n", + "[1.3480573 1.2617623 1.315078 1.4143612 1.2444673 1.0967796 1.0651381\n", + " 1.0999738 1.2494818 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 0 2 1 8 4 7 5 6 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", + "=======================\n", + "[\"mark o'meara carded a 68 on day two and ensured he will still be in the running at the weekendmark o'meara rolled back the years with one of the standout rounds of the day to make the cut at the masters for the first time in 10 years .the 58-year-old american is the third oldest man in the field in 2015 , behind tom watson ( 65 ) and ben crenshaw ( 63 ) , but showed excellent form to hit his first round in the 60s at augusta since 2001 .\"]\n", + "=======================\n", + "[\"mark o'meara made the cut at the masters for the first time in 10 yearso'meara secured the title back in 1998the 58-year-old american is the third oldest man in the field in 2015\"]\n", + "mark o'meara carded a 68 on day two and ensured he will still be in the running at the weekendmark o'meara rolled back the years with one of the standout rounds of the day to make the cut at the masters for the first time in 10 years .the 58-year-old american is the third oldest man in the field in 2015 , behind tom watson ( 65 ) and ben crenshaw ( 63 ) , but showed excellent form to hit his first round in the 60s at augusta since 2001 .\n", + "mark o'meara made the cut at the masters for the first time in 10 yearso'meara secured the title back in 1998the 58-year-old american is the third oldest man in the field in 2015\n", + "[1.1369549 1.1451457 1.4833887 1.2628651 1.2232022 1.3137476 1.1649119\n", + " 1.0343755 1.0515844 1.0411658 1.0367785 1.0291182 1.0159029 1.0203645\n", + " 1.0190548 1.0824327 1.0242877 1.0172814 1.0231571 1.053342 1.0393761\n", + " 1.0927112 1.0448135 1.0346241 1.0734787 1.0463252]\n", + "\n", + "[ 2 5 3 4 6 1 0 21 15 24 19 8 25 22 9 20 10 23 7 11 16 18 13 14\n", + " 17 12]\n", + "=======================\n", + "[\"randy johnston , 68 , from dallas , texas , decided to leave two ` fake poops ' on his granddaughters ' beds .his son then went about filming the moment of discovery .but footage shows that the prank turned out to be decidedly disastrous , with randy 's six-year-old granddaughter porter getting red-faced and dramatically crying in horror .\"]\n", + "=======================\n", + "[\"randy johnston , 68 , from dallas , texas , decided to leave two ` fake feces ' on his granddaughters ' bedshis son then went about filming the moment of discoverybut footage shows that the prank turned out to be decidedly disastrous , with randy 's six-year-old granddaughter porter crying in horrorrandy , an attorney , told daily mail online that he staged the prank in revenge for one his granddaughters pulled on him earlier in the day\"]\n", + "randy johnston , 68 , from dallas , texas , decided to leave two ` fake poops ' on his granddaughters ' beds .his son then went about filming the moment of discovery .but footage shows that the prank turned out to be decidedly disastrous , with randy 's six-year-old granddaughter porter getting red-faced and dramatically crying in horror .\n", + "randy johnston , 68 , from dallas , texas , decided to leave two ` fake feces ' on his granddaughters ' bedshis son then went about filming the moment of discoverybut footage shows that the prank turned out to be decidedly disastrous , with randy 's six-year-old granddaughter porter crying in horrorrandy , an attorney , told daily mail online that he staged the prank in revenge for one his granddaughters pulled on him earlier in the day\n", + "[1.1283135 1.3855386 1.4255147 1.184941 1.1786964 1.1467731 1.0180886\n", + " 1.0230938 1.0749545 1.0363433 1.0210029 1.1385351 1.1158645 1.1573309\n", + " 1.1129097 1.1351765 1.0284991 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 4 13 5 11 15 0 12 14 8 9 16 7 10 6 24 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"suffolk black lamb jean is seven years old and an experienced mother but ben is twice the weight of all his brothers and sisters born before him , all weighing the average weight of 8-10lbs .he was so big that it took shepherd john hendy and a team of three helpers to help mother jean deliver the young lamb near melton mowbray , leicestershire , who they 've now named big ben .proud mum : jean with huge son big ben after a three-hour labour at a leicestershire farm\"]\n", + "=======================\n", + "['farmers named him big ben as he dwarfs other 85 ewes born this seasonmum is experienced seven-year-old but other offspring all weighed 8-10lbsborn two weeks after biggest ever lamb born in wales , weighing 24lbs']\n", + "suffolk black lamb jean is seven years old and an experienced mother but ben is twice the weight of all his brothers and sisters born before him , all weighing the average weight of 8-10lbs .he was so big that it took shepherd john hendy and a team of three helpers to help mother jean deliver the young lamb near melton mowbray , leicestershire , who they 've now named big ben .proud mum : jean with huge son big ben after a three-hour labour at a leicestershire farm\n", + "farmers named him big ben as he dwarfs other 85 ewes born this seasonmum is experienced seven-year-old but other offspring all weighed 8-10lbsborn two weeks after biggest ever lamb born in wales , weighing 24lbs\n", + "[1.3930088 1.4318861 1.3188324 1.2888298 1.2297026 1.1488067 1.103265\n", + " 1.0412893 1.1254499 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 5 8 6 7 23 22 21 20 19 18 17 12 15 14 13 24 11 10 9\n", + " 16 25]\n", + "=======================\n", + "[\"treadwell won the race on venetia williams-trained 100-1 shot mon mome in 2009 .liam treadwell has been booked for the ride on michael scudamore-trained monbeg dude in saturday 's crabbie 's grand national .scudamore rides soll for his boss david pipe and carberry , who rode monbeg dude to be seventh in last year 's national , is on gordon elliott 's cause of causes .\"]\n", + "=======================\n", + "[\"liam treadwell booked to ride monbeg dude in saturday 's grand nationalhe won on venetia williams-trained 100-1 shot mon mome in 2009monbeg dude is co-owned by rugby union star mike tindall\"]\n", + "treadwell won the race on venetia williams-trained 100-1 shot mon mome in 2009 .liam treadwell has been booked for the ride on michael scudamore-trained monbeg dude in saturday 's crabbie 's grand national .scudamore rides soll for his boss david pipe and carberry , who rode monbeg dude to be seventh in last year 's national , is on gordon elliott 's cause of causes .\n", + "liam treadwell booked to ride monbeg dude in saturday 's grand nationalhe won on venetia williams-trained 100-1 shot mon mome in 2009monbeg dude is co-owned by rugby union star mike tindall\n", + "[1.5789006 1.4291902 1.2538046 1.4894097 1.1705897 1.0558741 1.0536196\n", + " 1.0192885 1.0114299 1.01299 1.0392195 1.0098592 1.0064974 1.0108749\n", + " 1.0499895 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 5 6 14 10 7 9 8 13 11 12 15 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"cristiano ronaldo scored his first free-kick in 57 attempts to send real madrid on their way to a 3-0 victory over eibar .cristiano ronaldo ( right ) puts real madrid into a 1-0 lead against eibar with a 21st minute free-kickit was his 38th league goal of the season and with manchester united loanee javier ` chicharito ' hernandez scoring a second this was another win that real madrid had wrapped up before half time as they continue their pursuit of leaders barcelona .\"]\n", + "=======================\n", + "[\"real madrid earn 3-0 la liga victory against eibarcristiano ronaldo gives madrid the lead with first-half free kickjavier hernandez doubles home side 's lead with 31st minute headerjese completes 3-0 victory with brilliant strike in the closing stages\"]\n", + "cristiano ronaldo scored his first free-kick in 57 attempts to send real madrid on their way to a 3-0 victory over eibar .cristiano ronaldo ( right ) puts real madrid into a 1-0 lead against eibar with a 21st minute free-kickit was his 38th league goal of the season and with manchester united loanee javier ` chicharito ' hernandez scoring a second this was another win that real madrid had wrapped up before half time as they continue their pursuit of leaders barcelona .\n", + "real madrid earn 3-0 la liga victory against eibarcristiano ronaldo gives madrid the lead with first-half free kickjavier hernandez doubles home side 's lead with 31st minute headerjese completes 3-0 victory with brilliant strike in the closing stages\n", + "[1.1878111 1.3610197 1.2718177 1.2457772 1.3070875 1.2621343 1.2107782\n", + " 1.0559455 1.1117775 1.0736512 1.0781267 1.0145403 1.0085005 1.0261328\n", + " 1.0643358 1.0479727 1.1153284 1.0878505 1.0691265 1.0470458 1.0207943\n", + " 1.1118824 1.0542332 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 5 3 6 0 16 21 8 17 10 9 18 14 7 22 15 19 13 20 11 12 23\n", + " 24 25]\n", + "=======================\n", + "[\"royal caribbean 's legend of the seas reported 135 passengers took ill before it docked tuesday .just one day prior , the celebrity infinity cruise liner docked in the southern california city with 106 sick .both ships are owned by royal caribbean .\"]\n", + "=======================\n", + "[\"royal caribbean 's legend of the seas docked on tuesday in san diego with 135 sicken passengers aboardon monday , celebrity 's infinit docked with 106 ill peopleboth ships had sailed from fort lauderdale , florida , for a 15-night voyage\"]\n", + "royal caribbean 's legend of the seas reported 135 passengers took ill before it docked tuesday .just one day prior , the celebrity infinity cruise liner docked in the southern california city with 106 sick .both ships are owned by royal caribbean .\n", + "royal caribbean 's legend of the seas docked on tuesday in san diego with 135 sicken passengers aboardon monday , celebrity 's infinit docked with 106 ill peopleboth ships had sailed from fort lauderdale , florida , for a 15-night voyage\n", + "[1.3142087 1.3442405 1.2313623 1.2471769 1.2537003 1.2588701 1.0925347\n", + " 1.0993747 1.0452917 1.0328035 1.1240482 1.0509666 1.0542186 1.0096654\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 5 4 3 2 10 7 6 12 11 8 9 13 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"the cf-18 hornets bombed near isis ' de facto capital of raqqa , canada 's department of national defence said wednesday .( cnn ) canadian fighter jets have carried out their first airstrike against isis in syria , hitting one of the sunni militant group 's garrisons .canadian prime minister stephen harper announced plans last month to expand the airstrikes into syria .\"]\n", + "=======================\n", + "[\"cf-18 hornets bomb a garrison near isis ' de facto capital of raqqa , canada saysthe canadian military has conducted dozens of strikes against isis in iraq\"]\n", + "the cf-18 hornets bombed near isis ' de facto capital of raqqa , canada 's department of national defence said wednesday .( cnn ) canadian fighter jets have carried out their first airstrike against isis in syria , hitting one of the sunni militant group 's garrisons .canadian prime minister stephen harper announced plans last month to expand the airstrikes into syria .\n", + "cf-18 hornets bomb a garrison near isis ' de facto capital of raqqa , canada saysthe canadian military has conducted dozens of strikes against isis in iraq\n", + "[1.2760366 1.3083018 1.2422426 1.2248032 1.240724 1.1811368 1.1922151\n", + " 1.0338453 1.0133055 1.0265727 1.0363022 1.0206183 1.2339615 1.1224961\n", + " 1.0625063 1.0598042 1.1979474 1.0996606 1.0562243 1.0526367 1.015786 ]\n", + "\n", + "[ 1 0 2 4 12 3 16 6 5 13 17 14 15 18 19 10 7 9 11 20 8]\n", + "=======================\n", + "[\"charities last night welcomed the move to create a new generation of lifesavers , saying it could prevent hundreds of deaths every year .three more political parties have vowed to teach lifesaving skills in schools , backing the mail on sunday 's campaign to add first aid to the curriculum .previously , only the liberal democrats had promised to add the crucial lessons to the school curriculum .\"]\n", + "=======================\n", + "[\"parties back the mail on sunday 's campaign to add first aid to curriculumpreviously , only liberal democrats promised to add the crucial lessonsnow labour , ukip and the green party have added their supportconservatives are only major party not to make same manifesto pledge\"]\n", + "charities last night welcomed the move to create a new generation of lifesavers , saying it could prevent hundreds of deaths every year .three more political parties have vowed to teach lifesaving skills in schools , backing the mail on sunday 's campaign to add first aid to the curriculum .previously , only the liberal democrats had promised to add the crucial lessons to the school curriculum .\n", + "parties back the mail on sunday 's campaign to add first aid to curriculumpreviously , only liberal democrats promised to add the crucial lessonsnow labour , ukip and the green party have added their supportconservatives are only major party not to make same manifesto pledge\n", + "[1.2988623 1.4233265 1.2378368 1.2788833 1.2235825 1.2578624 1.1644152\n", + " 1.2872739 1.064257 1.0145627 1.0357981 1.1107678 1.0542545 1.0227938\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 7 3 5 2 4 6 11 8 12 10 13 9 14 15 16 17 18 19 20]\n", + "=======================\n", + "['programmer charanjeet kondal has used an application to create images of the new prince or princess .the duchess of cambridge is expected to go into labour any day now , but has a software designer predicted what the fourth in line to the throne will look like ?a software programmer has predicted the heir will have wispy blonde hair , dark brown eyes and a small nose when aged between two and four years old']\n", + "=======================\n", + "[\"software designer charanjeet kondal created images of new royal with appif he 's right , heir will have blonde hair , dark brown eyes and a small nosebetting public believe the royal baby will arrive into world on wednesday\"]\n", + "programmer charanjeet kondal has used an application to create images of the new prince or princess .the duchess of cambridge is expected to go into labour any day now , but has a software designer predicted what the fourth in line to the throne will look like ?a software programmer has predicted the heir will have wispy blonde hair , dark brown eyes and a small nose when aged between two and four years old\n", + "software designer charanjeet kondal created images of new royal with appif he 's right , heir will have blonde hair , dark brown eyes and a small nosebetting public believe the royal baby will arrive into world on wednesday\n", + "[1.2085342 1.5411212 1.1838014 1.307568 1.3815365 1.2379346 1.0787195\n", + " 1.0325934 1.0410657 1.0913005 1.068847 1.0935311 1.0664669 1.069963\n", + " 1.0463762 1.0647712 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 5 0 2 11 9 6 13 10 12 15 14 8 7 16 17 18 19 20]\n", + "=======================\n", + "[\"jiaro mendez and elias acevedo were both found to be ` highly intoxicated ' by tulsa police following the fight that broke out in the parking lot of their shared apartment on april 14 around 1am .the pair , covered in blood , were taken to hospital where they were treated for lacerations to their body , and acevedo , 21 , has since been arrested and charged with assault with a deadly weapon , according to the police report .a debate between two oklahoma roommates about whether an iphone is better than an android ended in a violent brawl with a stabbing and assault using beer bottles .\"]\n", + "=======================\n", + "[\"jiaro mendez and elias acevedo got into fight on april 14 just before 1ampolice said the men were taken to hospital with lacerations on their bodiesthe pair were found to be ` highly intoxicated ' as officers arrived at scenemendez said acevedo hit him in the head with beer bottle and stole his caracevedo , 21 , was arrested and charged with assault with a deadly weapon\"]\n", + "jiaro mendez and elias acevedo were both found to be ` highly intoxicated ' by tulsa police following the fight that broke out in the parking lot of their shared apartment on april 14 around 1am .the pair , covered in blood , were taken to hospital where they were treated for lacerations to their body , and acevedo , 21 , has since been arrested and charged with assault with a deadly weapon , according to the police report .a debate between two oklahoma roommates about whether an iphone is better than an android ended in a violent brawl with a stabbing and assault using beer bottles .\n", + "jiaro mendez and elias acevedo got into fight on april 14 just before 1ampolice said the men were taken to hospital with lacerations on their bodiesthe pair were found to be ` highly intoxicated ' as officers arrived at scenemendez said acevedo hit him in the head with beer bottle and stole his caracevedo , 21 , was arrested and charged with assault with a deadly weapon\n", + "[1.3150728 1.436738 1.2205908 1.3533783 1.1585585 1.0563728 1.0347328\n", + " 1.0797114 1.1395584 1.0462534 1.1106387 1.0118276 1.028494 1.1604683\n", + " 1.0658259 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 13 4 8 10 7 14 5 9 6 12 11 19 15 16 17 18 20]\n", + "=======================\n", + "[\"the shadow business secretary said nigel farage had ' a problem with race ' following his remarks last about ` fully black ' and ` half black ' ukip supporters .ukip ` hates modern britain ' and is infected with the ` virus of racism ' , rising labour star chuka umunna has claimed .mr umunna 's remarks come after mr farage dragged into a fresh racism storm after national front members turned up to campaign for him in his south thanet constituency .\"]\n", + "=======================\n", + "[\"shadow business secretary said nigel farage had ' a problem with race 'mr umunna claimed mr farage had failed to tackle the racists in his partyintervention comes after mr farage was dragged into a fresh race stormnational front members campaigned for him in south thanet constituency\"]\n", + "the shadow business secretary said nigel farage had ' a problem with race ' following his remarks last about ` fully black ' and ` half black ' ukip supporters .ukip ` hates modern britain ' and is infected with the ` virus of racism ' , rising labour star chuka umunna has claimed .mr umunna 's remarks come after mr farage dragged into a fresh racism storm after national front members turned up to campaign for him in his south thanet constituency .\n", + "shadow business secretary said nigel farage had ' a problem with race 'mr umunna claimed mr farage had failed to tackle the racists in his partyintervention comes after mr farage was dragged into a fresh race stormnational front members campaigned for him in south thanet constituency\n", + "[1.2651162 1.4474967 1.2153754 1.1785932 1.1488136 1.3184546 1.1249453\n", + " 1.0342622 1.037764 1.0666661 1.0151271 1.0495785 1.0548735 1.033211\n", + " 1.0870285 1.09883 1.0599263 1.1286882 0. ]\n", + "\n", + "[ 1 5 0 2 3 4 17 6 15 14 9 16 12 11 8 7 13 10 18]\n", + "=======================\n", + "['just three months after silver himself was arrested on corruption charges , his son-in-law marcello trebitsch , 37 , was accused of running a $ 7million ponzi scheme .the son in law of disgraced new york politician sheldon silver was indicted monday on two charges unrelated to the separate investigation into his famous power-broker relative .the brooklyn resident was in court on monday as prosecutors accused him of lying to investors about stock losses and pocketing most of the money entrusted to him for trading .']\n", + "=======================\n", + "['marcello trebitsch , 37 , was indicted monday on securities and wire fraud chargesthe brooklyn resident is married to the daughter of disgraced former new york state assembly speaker sheldon silverjust three months ago , the same prosecutor hit silver with corruption charges for allegedly taking $ 4million in bribes and kickbackssilver has fiercely denied the charges']\n", + "just three months after silver himself was arrested on corruption charges , his son-in-law marcello trebitsch , 37 , was accused of running a $ 7million ponzi scheme .the son in law of disgraced new york politician sheldon silver was indicted monday on two charges unrelated to the separate investigation into his famous power-broker relative .the brooklyn resident was in court on monday as prosecutors accused him of lying to investors about stock losses and pocketing most of the money entrusted to him for trading .\n", + "marcello trebitsch , 37 , was indicted monday on securities and wire fraud chargesthe brooklyn resident is married to the daughter of disgraced former new york state assembly speaker sheldon silverjust three months ago , the same prosecutor hit silver with corruption charges for allegedly taking $ 4million in bribes and kickbackssilver has fiercely denied the charges\n", + "[1.1224898 1.4370902 1.3828815 1.2986469 1.2253386 1.2331293 1.0485132\n", + " 1.1461722 1.0928569 1.1935956 1.0548581 1.0881516 1.0566493 1.0499907\n", + " 1.0200644 1.0071265 1.0062953 1.0126104 0. ]\n", + "\n", + "[ 1 2 3 5 4 9 7 0 8 11 12 10 13 6 14 17 15 16 18]\n", + "=======================\n", + "['the motorist attempted the dangerous manoeuvre on the a39 between street and glastonbury in somerset on tuesday morning after becoming stuck behind the hgv for several miles .the driver gambled on finally passing lorry driver , nick townley , at a set of lights but badly miscalculated as the road narrowed and lost control at 50mph .an impatient driver who attempted to overtake a lorry lost control and destroyed the caravan he was towing']\n", + "=======================\n", + "['motorist tried to overtake the lorry on a39 between street and glastonburyit had been stuck behind 22-tonne hgv for several miles after motorwaydriver misjudged gap as road narrowed and lost control of car at 50mphnick townley , 49 , who was driving lorry , captured moment on dash cam']\n", + "the motorist attempted the dangerous manoeuvre on the a39 between street and glastonbury in somerset on tuesday morning after becoming stuck behind the hgv for several miles .the driver gambled on finally passing lorry driver , nick townley , at a set of lights but badly miscalculated as the road narrowed and lost control at 50mph .an impatient driver who attempted to overtake a lorry lost control and destroyed the caravan he was towing\n", + "motorist tried to overtake the lorry on a39 between street and glastonburyit had been stuck behind 22-tonne hgv for several miles after motorwaydriver misjudged gap as road narrowed and lost control of car at 50mphnick townley , 49 , who was driving lorry , captured moment on dash cam\n", + "[1.2555505 1.2770203 1.2869971 1.2289162 1.195371 1.0414122 1.0301559\n", + " 1.0722188 1.0921648 1.2150733 1.0691148 1.107162 1.043109 1.0327122\n", + " 1.0780052 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 9 4 11 8 14 7 10 12 5 13 6 17 15 16 18]\n", + "=======================\n", + "[\"nakatani said the nation 's war planes can be scrambled whenever there is a report of an unidentified flying object but , so far , they had not encountered visitors from space .speaking in parliament earlier today , gen nakatani promised lawmakers that there had been no alien breach of japanese airspace , and that no government studies into extra-terrestrials were under way .japan 's defence minister has been forced to assure mps that the country has never been invaded by aliens .\"]\n", + "=======================\n", + "[\"japan 's defence minister forced to answer questions about ufosgen nakatani told parliament ` no alien 's have violate japan 's airspace 'came after mp asked if japan was carrying out alien studies\"]\n", + "nakatani said the nation 's war planes can be scrambled whenever there is a report of an unidentified flying object but , so far , they had not encountered visitors from space .speaking in parliament earlier today , gen nakatani promised lawmakers that there had been no alien breach of japanese airspace , and that no government studies into extra-terrestrials were under way .japan 's defence minister has been forced to assure mps that the country has never been invaded by aliens .\n", + "japan 's defence minister forced to answer questions about ufosgen nakatani told parliament ` no alien 's have violate japan 's airspace 'came after mp asked if japan was carrying out alien studies\n", + "[1.2732375 1.3463278 1.1860641 1.2809033 1.1457654 1.1505041 1.1351725\n", + " 1.0193629 1.0261091 1.1343418 1.1276412 1.0319604 1.029097 1.1330578\n", + " 1.0544717 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 5 4 6 9 13 10 14 11 12 8 7 17 15 16 18]\n", + "=======================\n", + "[\"six infrared cameras mounted around the aircraft allow its pilots to ` look through ' the air-frame , giving them a perfect 360 degree view of their surroundings and enemies .fighter pilots flying the deadly f-35 lightning ii jet have very special secret weapon - a $ 400,000 helmet that allows them to see through the plane .and all of the information they need to complete their mission - airspeed , altitude and even warnings systems - are projected straight onto the helmet 's visor rather than the traditional ` heads-up display ' .\"]\n", + "=======================\n", + "['six infrared cameras around the jet give pilots a complete 360 degree viewits price tag is millions over original budget due to development problemsstate-of-the-art helmet allows pilot to share information with nearby f-35sf-35 lightning ii one of the most complicated weapons systems ever builtprogrammed with over 8 million lines of code , four times more than f-22']\n", + "six infrared cameras mounted around the aircraft allow its pilots to ` look through ' the air-frame , giving them a perfect 360 degree view of their surroundings and enemies .fighter pilots flying the deadly f-35 lightning ii jet have very special secret weapon - a $ 400,000 helmet that allows them to see through the plane .and all of the information they need to complete their mission - airspeed , altitude and even warnings systems - are projected straight onto the helmet 's visor rather than the traditional ` heads-up display ' .\n", + "six infrared cameras around the jet give pilots a complete 360 degree viewits price tag is millions over original budget due to development problemsstate-of-the-art helmet allows pilot to share information with nearby f-35sf-35 lightning ii one of the most complicated weapons systems ever builtprogrammed with over 8 million lines of code , four times more than f-22\n", + "[1.5079036 1.3369967 1.1485645 1.3361399 1.1960821 1.1052016 1.1679034\n", + " 1.0189754 1.017445 1.0176392 1.0125637 1.0140487 1.0697099 1.1971948\n", + " 1.1227661 1.0829778 1.0139589 1.0137492 1.3807521]\n", + "\n", + "[ 0 18 1 3 13 4 6 2 14 5 15 12 7 9 8 11 16 17 10]\n", + "=======================\n", + "[\"blackburn boss gary bowyer was in ` shock ' as he watched his goalkeeper simon eastwood almost snatch a last-gasp draw for his side against liverpool .trailing 1-0 following philippe coutinho 's 70th-minute strike , eastwood left his post guarding the blackburn goal and arrived in the liverpool penalty area in a bid to help his side draw level with seconds of the contest remaining .meanwhile , jordan henderson believes liverpool 's 1-0 fa cup quarter-final victory at blackburn will give his team-mates a much-needed lift heading into the barclays premier league run-in .\"]\n", + "=======================\n", + "[\"philippe coutinho 's strike secured a 1-0 victory for liverpoolblackburn goalkeeper simon eastwood almost snatched a draweastwood drew a save from opposite number simon mignolet in the box\"]\n", + "blackburn boss gary bowyer was in ` shock ' as he watched his goalkeeper simon eastwood almost snatch a last-gasp draw for his side against liverpool .trailing 1-0 following philippe coutinho 's 70th-minute strike , eastwood left his post guarding the blackburn goal and arrived in the liverpool penalty area in a bid to help his side draw level with seconds of the contest remaining .meanwhile , jordan henderson believes liverpool 's 1-0 fa cup quarter-final victory at blackburn will give his team-mates a much-needed lift heading into the barclays premier league run-in .\n", + "philippe coutinho 's strike secured a 1-0 victory for liverpoolblackburn goalkeeper simon eastwood almost snatched a draweastwood drew a save from opposite number simon mignolet in the box\n", + "[1.3332982 1.3314475 1.4704229 1.5005316 1.3258481 1.0343431 1.0171988\n", + " 1.0195905 1.0123948 1.0288275 1.0221868 1.3034056 1.0462314 1.0797398\n", + " 1.0133916 1.0194823 1.0104482 1.0990496 1.0060221 1.0735617]\n", + "\n", + "[ 3 2 0 1 4 11 17 13 19 12 5 9 10 7 15 6 14 8 16 18]\n", + "=======================\n", + "['jack grealish made his first premier league start for aston villa against qpr on tuesday nightjack grealish wants to replace the wembley misery he suffered as a fan with joy as a player when aston villa face liverpool in the fa cup semi-final .wayne rooney scores for united as villa were beaten 2-1 in the 2010 league cup final at wembley']\n", + "=======================\n", + "['aston villa take on liverpool in the fa cup semi-final on april 19midfielder jack grealish watched villa as a fan at wembley twice in 2010they lost to man united and chelsea in the league cup and fa cupgrealish is hoping to replace that misery as a fan with joy as a playerliverpool set up the tie after beating blackburn 1-0 on wednesday night']\n", + "jack grealish made his first premier league start for aston villa against qpr on tuesday nightjack grealish wants to replace the wembley misery he suffered as a fan with joy as a player when aston villa face liverpool in the fa cup semi-final .wayne rooney scores for united as villa were beaten 2-1 in the 2010 league cup final at wembley\n", + "aston villa take on liverpool in the fa cup semi-final on april 19midfielder jack grealish watched villa as a fan at wembley twice in 2010they lost to man united and chelsea in the league cup and fa cupgrealish is hoping to replace that misery as a fan with joy as a playerliverpool set up the tie after beating blackburn 1-0 on wednesday night\n", + "[1.2483277 1.3721697 1.2099942 1.2587149 1.163275 1.0730193 1.028271\n", + " 1.029466 1.042895 1.0906351 1.1261966 1.1099582 1.1488347 1.0698018\n", + " 1.0515271 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 12 10 11 9 5 13 14 8 7 6 18 15 16 17 19]\n", + "=======================\n", + "['a campaign video sees dr vivek murthy and the sesame street favourite go through the process of getting vaccinated and explaining to children ( and parents ) why it is so important .the u.s surgeon general has enlisted elmo to urge american children to get vaccinated in the wake of recent national debate over the right to refuse immunization .in what appears to be a direct response to anti-vaccination campaigners , elmo and dr murthy questions why everybody does not get a shot .']\n", + "=======================\n", + "['surgeon general vivek murthy enlists elmo for pro-vaccine campaignvideo sees dr murthy explain to elmo why vaccines are importantreleased in the wake of recent measles outbreak in north americastarted at disneyland in california , and sickened 147 people in the u.s.']\n", + "a campaign video sees dr vivek murthy and the sesame street favourite go through the process of getting vaccinated and explaining to children ( and parents ) why it is so important .the u.s surgeon general has enlisted elmo to urge american children to get vaccinated in the wake of recent national debate over the right to refuse immunization .in what appears to be a direct response to anti-vaccination campaigners , elmo and dr murthy questions why everybody does not get a shot .\n", + "surgeon general vivek murthy enlists elmo for pro-vaccine campaignvideo sees dr murthy explain to elmo why vaccines are importantreleased in the wake of recent measles outbreak in north americastarted at disneyland in california , and sickened 147 people in the u.s.\n", + "[1.4527091 1.141906 1.4719676 1.2385966 1.1489025 1.2365108 1.1070908\n", + " 1.0500525 1.0857267 1.0604017 1.0222048 1.1018419 1.1447563 1.0215507\n", + " 1.0407072 1.0419991 1.0148286 1.068721 0. 0. ]\n", + "\n", + "[ 2 0 3 5 4 12 1 6 11 8 17 9 7 15 14 10 13 16 18 19]\n", + "=======================\n", + "['steven howie , 28 , of dunfermline , left his girlfriend karen murray , 31 , with 18 separate injuries after assaulting her over an hour .howie , a joiner , punched , kicked and kneed her during a prolonged assault , smashed furnishings , and pulled the door of their en-suite bathroom off its hinges .stirling sheriff court heard that howie and miss murray had been dating for about four months when they checked into the carronbridge hotel , in the campsie fells .']\n", + "=======================\n", + "[\"steven howie , 28 , attacked his girlfriend karen murray in a hotel bedroompunched and kicked her during the hour-long assault on new year 's evestirling sheriff court heard bedroom was a ` bloodbath ' following incidenthe was jailed for eight months but the couple plan to rekindle relationship\"]\n", + "steven howie , 28 , of dunfermline , left his girlfriend karen murray , 31 , with 18 separate injuries after assaulting her over an hour .howie , a joiner , punched , kicked and kneed her during a prolonged assault , smashed furnishings , and pulled the door of their en-suite bathroom off its hinges .stirling sheriff court heard that howie and miss murray had been dating for about four months when they checked into the carronbridge hotel , in the campsie fells .\n", + "steven howie , 28 , attacked his girlfriend karen murray in a hotel bedroompunched and kicked her during the hour-long assault on new year 's evestirling sheriff court heard bedroom was a ` bloodbath ' following incidenthe was jailed for eight months but the couple plan to rekindle relationship\n", + "[1.6048839 1.3342884 1.1846031 1.439166 1.064656 1.3725995 1.01544\n", + " 1.0385274 1.0141809 1.0157661 1.0492464 1.0304655 1.0580266 1.0904963\n", + " 1.073064 1.0908524 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 5 1 2 15 13 14 4 12 10 7 11 9 6 8 16 17 18 19]\n", + "=======================\n", + "[\"barcelona coach luis enrique has sought to play down neymar 's petulant reaction when the brazil forward was substituted in saturday 's 2-2 la liga draw at sevilla .barcelona face chelsea ' conquerors paris saint-germain on wednesday in the champions league 'neymar , who scored a superb free kick to make it 2-0 to barca after lionel messi 's opener , was clearly furious at being replaced by xavi with around 20 minutes left and spanish media speculated he might be dropped for wednesday 's champions league quarter-final , first leg at paris st germain .\"]\n", + "=======================\n", + "[\"barcelona boss luis enrique played down neymar 's angry reactionthe brazilian was unhappy to be taken off with 20 minutes to playenrique says that he makes the final decisions and they must be respectedclick here for all the latest barcelona news\"]\n", + "barcelona coach luis enrique has sought to play down neymar 's petulant reaction when the brazil forward was substituted in saturday 's 2-2 la liga draw at sevilla .barcelona face chelsea ' conquerors paris saint-germain on wednesday in the champions league 'neymar , who scored a superb free kick to make it 2-0 to barca after lionel messi 's opener , was clearly furious at being replaced by xavi with around 20 minutes left and spanish media speculated he might be dropped for wednesday 's champions league quarter-final , first leg at paris st germain .\n", + "barcelona boss luis enrique played down neymar 's angry reactionthe brazilian was unhappy to be taken off with 20 minutes to playenrique says that he makes the final decisions and they must be respectedclick here for all the latest barcelona news\n", + "[1.2590656 1.4023266 1.2029772 1.1550479 1.1253351 1.1572434 1.1824309\n", + " 1.0248471 1.1677818 1.2028987 1.0344856 1.091523 1.0283241 1.023877\n", + " 1.0126544 1.0282334 1.0172238 1.012382 0. 0. ]\n", + "\n", + "[ 1 0 2 9 6 8 5 3 4 11 10 12 15 7 13 16 14 17 18 19]\n", + "=======================\n", + "[\"her tuesday morning visit to a coffee shop in leclaire , iowa was staged from beginning to end , according to austin bird , one of the men pictured sitting at the table with mrs. clinton .hillary clinton 's astroturf candidacy is in full swing in iowa .bird told daily mail online that campaign staffer troy price called and asked him and two other young people to meet him tuesday morning at a restaurant in davenport , a nearby city .\"]\n", + "=======================\n", + "[\"austin bird sat for coffee on tuesday morning in the town of leclaire , iowa , chatting with hillary clinton as photographers snapped picturesnews reports called him a ` student ' and her campaign called it an unscripted eventbut clinton 's iowa political director troy price drove bird and two other people to the coffee housebird is a hospital government relations official who interned with barack obama 's 2012 presidential campaignthe iowa democratic party , which price ran until a month ago , tasked him to be joe biden 's driver during an october senate campaign trip in davenport\"]\n", + "her tuesday morning visit to a coffee shop in leclaire , iowa was staged from beginning to end , according to austin bird , one of the men pictured sitting at the table with mrs. clinton .hillary clinton 's astroturf candidacy is in full swing in iowa .bird told daily mail online that campaign staffer troy price called and asked him and two other young people to meet him tuesday morning at a restaurant in davenport , a nearby city .\n", + "austin bird sat for coffee on tuesday morning in the town of leclaire , iowa , chatting with hillary clinton as photographers snapped picturesnews reports called him a ` student ' and her campaign called it an unscripted eventbut clinton 's iowa political director troy price drove bird and two other people to the coffee housebird is a hospital government relations official who interned with barack obama 's 2012 presidential campaignthe iowa democratic party , which price ran until a month ago , tasked him to be joe biden 's driver during an october senate campaign trip in davenport\n", + "[1.2978984 1.4289628 1.2767948 1.2309728 1.1680119 1.1778926 1.0537381\n", + " 1.026072 1.0770196 1.1089047 1.0275828 1.1069378 1.089039 1.1015965\n", + " 1.1075484 1.0840006 1.0198572 1.0176063 1.0282382 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 2 3 5 4 9 14 11 13 12 15 8 6 18 10 7 16 17 21 19 20 22]\n", + "=======================\n", + "['all flights were halted for about 20 minutes after the potential drone sighting raised fears that the unmanned aerial vehicle ( uav ) could collide with a passenger jet .manchester airport was forced to temporarily suspend flights today after a drone was reported buzzing around the area , causing disruption for hundreds of travellers .some departing flights were delayed and some incoming flights were diverted to other airports while a police helicopter scoured the area shortly after 11:30 am .']\n", + "=======================\n", + "['manchester runway closure caused disruption for hundreds of travellerspolice helicopter scoured the area but was unable to locate a droneuk aviation authorities have successfully prosecuted two operators']\n", + "all flights were halted for about 20 minutes after the potential drone sighting raised fears that the unmanned aerial vehicle ( uav ) could collide with a passenger jet .manchester airport was forced to temporarily suspend flights today after a drone was reported buzzing around the area , causing disruption for hundreds of travellers .some departing flights were delayed and some incoming flights were diverted to other airports while a police helicopter scoured the area shortly after 11:30 am .\n", + "manchester runway closure caused disruption for hundreds of travellerspolice helicopter scoured the area but was unable to locate a droneuk aviation authorities have successfully prosecuted two operators\n", + "[1.2128208 1.4501507 1.2511195 1.3699869 1.2938708 1.1313281 1.0312027\n", + " 1.0216517 1.0690442 1.0715017 1.0801303 1.1850607 1.0742939 1.0198897\n", + " 1.027223 1.0109068 1.0251906 1.0129294 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 11 5 10 12 9 8 6 14 16 7 13 17 15 18 19 20 21 22]\n", + "=======================\n", + "[\"the 44-page document was commissioned by executives at the bbc who then hired an agency to research how smiley faces could be used in news stories and on social media .the bbc spent licence fee payers ' money on a 44-page guide on how to use emojis before using a ` sad face ' emoticon to describe the death of the world 's oldest womanemoji designers were also told to make graphics for the faces of popular stars such as gary lineker and graham norton .\"]\n", + "=======================\n", + "[\"bbc paid for research into how smiley faces could be used in news storieslicence fee payers ' money was spent on the ` ridiculous ' 44-page documentdesigners told to make emojis of gary lineker and graham norton 's faces\"]\n", + "the 44-page document was commissioned by executives at the bbc who then hired an agency to research how smiley faces could be used in news stories and on social media .the bbc spent licence fee payers ' money on a 44-page guide on how to use emojis before using a ` sad face ' emoticon to describe the death of the world 's oldest womanemoji designers were also told to make graphics for the faces of popular stars such as gary lineker and graham norton .\n", + "bbc paid for research into how smiley faces could be used in news storieslicence fee payers ' money was spent on the ` ridiculous ' 44-page documentdesigners told to make emojis of gary lineker and graham norton 's faces\n", + "[1.28301 1.2950989 1.3629029 1.3820884 1.2431587 1.1784397 1.0722444\n", + " 1.1396046 1.1805756 1.1003537 1.1345545 1.0289146 1.0147276 1.013495\n", + " 1.012698 1.0129101 1.038855 1.0328181 1.0128046 1.0092553 1.0089451\n", + " 0. 0. ]\n", + "\n", + "[ 3 2 1 0 4 8 5 7 10 9 6 16 17 11 12 13 15 18 14 19 20 21 22]\n", + "=======================\n", + "['the hudsonian godwit was spotted at the shapwick heath in somerset and drew scores of bird watchersit is believed the large shorebird - that was heading to its breeding grounds in canada and alaska - was last seen in the uk in 1988 .they descended on the west country when a hudsonian godwit made a 4,000 mile detour from south america .']\n", + "=======================\n", + "[\"rare bird was heading from south america to breeding grounds in alaskalarge shorebird - with long beak and spindly legs - last seen in uk in 1988over the weekend , more than 1,000 twitchers had lined the water 's edge\"]\n", + "the hudsonian godwit was spotted at the shapwick heath in somerset and drew scores of bird watchersit is believed the large shorebird - that was heading to its breeding grounds in canada and alaska - was last seen in the uk in 1988 .they descended on the west country when a hudsonian godwit made a 4,000 mile detour from south america .\n", + "rare bird was heading from south america to breeding grounds in alaskalarge shorebird - with long beak and spindly legs - last seen in uk in 1988over the weekend , more than 1,000 twitchers had lined the water 's edge\n", + "[1.3311166 1.078133 1.1595803 1.3192796 1.4048363 1.1799287 1.1718842\n", + " 1.0572076 1.082731 1.0603415 1.0546457 1.0436673 1.0447958 1.048962\n", + " 1.0352896 1.0233912 1.0237867 1.0257616 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 4 0 3 5 6 2 8 1 9 7 10 13 12 11 14 17 16 15 18 19 20 21 22]\n", + "=======================\n", + "[\"muhammadu buhari , 72 , won nigeria 's presidential election , defeating incumbent goodluck jonathan by about two million votes .( cnn ) the last time muhammadu buhari came to power in nigeria , it was by force .for the first time in nigeria 's history , the opposition defeated the ruling party in democratic elections .\"]\n", + "=======================\n", + "[\"muhammadu buhari 's win marks the first democratic transition of power from a ruling party to the oppositionnigeria , the most populous country in africa , is grappling with violent boko haram extremists\"]\n", + "muhammadu buhari , 72 , won nigeria 's presidential election , defeating incumbent goodluck jonathan by about two million votes .( cnn ) the last time muhammadu buhari came to power in nigeria , it was by force .for the first time in nigeria 's history , the opposition defeated the ruling party in democratic elections .\n", + "muhammadu buhari 's win marks the first democratic transition of power from a ruling party to the oppositionnigeria , the most populous country in africa , is grappling with violent boko haram extremists\n", + "[1.4588009 1.4119872 1.2054911 1.2096117 1.300125 1.1005371 1.3017379\n", + " 1.0699506 1.014457 1.0148072 1.0173283 1.0236727 1.017193 1.0092897\n", + " 1.3100367 1.2116597 1.0171376 1.0137184 1.0134064 1.0188545 1.0254879\n", + " 1.0418797 1.0272669]\n", + "\n", + "[ 0 1 14 6 4 15 3 2 5 7 21 22 20 11 19 10 12 16 9 8 17 18 13]\n", + "=======================\n", + "[\"tottenham chairman daniel levy tried to persuade tim sherwood to stay on at the club after sacking him from the head coach role , the aston villa manager has revealed .sherwood will return to white hart lane for the first time with his new team on saturday and said he would ` absolutely ' shake levy 's hand .levy sacked sherwood last may to bring in mauricio pochettino , ending the 46-year-old 's five-month stay\"]\n", + "=======================\n", + "[\"aston villa take on tottenham at white hart lane on saturdaythe match is tim sherwood 's first game back at spurs after being sackedsherwood is thankful for the opportunity he was given by daniel levyvilla boss claims levy wanted him to stay at spurs last seasonclick here for all the latest premier league news\"]\n", + "tottenham chairman daniel levy tried to persuade tim sherwood to stay on at the club after sacking him from the head coach role , the aston villa manager has revealed .sherwood will return to white hart lane for the first time with his new team on saturday and said he would ` absolutely ' shake levy 's hand .levy sacked sherwood last may to bring in mauricio pochettino , ending the 46-year-old 's five-month stay\n", + "aston villa take on tottenham at white hart lane on saturdaythe match is tim sherwood 's first game back at spurs after being sackedsherwood is thankful for the opportunity he was given by daniel levyvilla boss claims levy wanted him to stay at spurs last seasonclick here for all the latest premier league news\n", + "[1.5308079 1.2439755 1.3791339 1.0637183 1.0401843 1.0316893 1.0566933\n", + " 1.0561299 1.0163021 1.0303999 1.0245042 1.3004713 1.2965915 1.0487905\n", + " 1.044633 1.0163534 1.0114704 1.0112407 1.0220667 1.078222 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 11 12 1 19 3 6 7 13 14 4 5 9 10 18 15 8 16 17 20 21]\n", + "=======================\n", + "['manchester city manager manuel pellegrini accepts his side are now facing a fight to stay in the champions league places .the fading champions could even find themselves in fourth place before they next play - at crystal palace on monday - if results go against them over the weekend .manchester city have struggled to keep up with chelsea , who are closing in on the premier league trophy']\n", + "=======================\n", + "[\"manuel pellegrini says his side are in a fight for the champions leaguemanchester city have slipped further behind chelsea in the title racecity travel to alan pardew 's crystal palace on monday nightclick here for all the latest manchester city news\"]\n", + "manchester city manager manuel pellegrini accepts his side are now facing a fight to stay in the champions league places .the fading champions could even find themselves in fourth place before they next play - at crystal palace on monday - if results go against them over the weekend .manchester city have struggled to keep up with chelsea , who are closing in on the premier league trophy\n", + "manuel pellegrini says his side are in a fight for the champions leaguemanchester city have slipped further behind chelsea in the title racecity travel to alan pardew 's crystal palace on monday nightclick here for all the latest manchester city news\n", + "[1.2404373 1.0721389 1.048314 1.1893382 1.2456213 1.2933471 1.203715\n", + " 1.1097689 1.0850369 1.1387515 1.0406408 1.03582 1.0197402 1.0200752\n", + " 1.0600845 1.0244181 1.1505828 1.0418873 1.0254376 1.0558585 1.1088068\n", + " 1.0190492]\n", + "\n", + "[ 5 4 0 6 3 16 9 7 20 8 1 14 19 2 17 10 11 18 15 13 12 21]\n", + "=======================\n", + "['this month , kim and her husband kanye west made a high-profile tour of armenia and israel to baptise their daughter and retrace the kardashian roots .kim has long had her pick of holiday destinations - so how have her holiday tastes changed over the years ?paris is top of her travel-list and she has spent increasing amounts of time in the french capital with her husband .']\n", + "=======================\n", + "[\"kim and kanye west recently visited armenia to retrace her family 's rootsreality star used to favour miami beach and las vegas hotels and barsparis is also a new favourite destination , since her hen do there last year\"]\n", + "this month , kim and her husband kanye west made a high-profile tour of armenia and israel to baptise their daughter and retrace the kardashian roots .kim has long had her pick of holiday destinations - so how have her holiday tastes changed over the years ?paris is top of her travel-list and she has spent increasing amounts of time in the french capital with her husband .\n", + "kim and kanye west recently visited armenia to retrace her family 's rootsreality star used to favour miami beach and las vegas hotels and barsparis is also a new favourite destination , since her hen do there last year\n", + "[1.3652794 1.2663286 1.4017383 1.1704576 1.1549197 1.1703799 1.1279808\n", + " 1.0756207 1.0707184 1.0200324 1.1086165 1.2136402 1.0126178 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 1 11 3 5 4 6 10 7 8 9 12 20 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"justin welby will say in his easter sermon that 148 christian students slaughtered by somali gunmen on thursday were ` witnesses ' to their faith and suffered ` cruel deaths ' .hitting out : justin welby said the students killed in kenya by islamic militants were ` martyrs 'his comments follow pope francis 's denunciation of the ` senseless ' killings at garissa university college , in which christians were singled out and shot .\"]\n", + "=======================\n", + "[\"justin welby comments follow pope francis 's denunciation of the killingsdavid cameron used his easter message to brand killings ` truly shocking '148 christian students at garissa university college were slaughteredthree people have been arrested on suspicion of involvement in the attack\"]\n", + "justin welby will say in his easter sermon that 148 christian students slaughtered by somali gunmen on thursday were ` witnesses ' to their faith and suffered ` cruel deaths ' .hitting out : justin welby said the students killed in kenya by islamic militants were ` martyrs 'his comments follow pope francis 's denunciation of the ` senseless ' killings at garissa university college , in which christians were singled out and shot .\n", + "justin welby comments follow pope francis 's denunciation of the killingsdavid cameron used his easter message to brand killings ` truly shocking '148 christian students at garissa university college were slaughteredthree people have been arrested on suspicion of involvement in the attack\n", + "[1.3007594 1.3714858 1.3287197 1.1788146 1.2076302 1.2877297 1.1077379\n", + " 1.0233874 1.0568286 1.0309671 1.0258683 1.0671492 1.023039 1.016984\n", + " 1.023474 1.0397674 1.0604746 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 5 4 3 6 11 16 8 15 9 10 14 7 12 13 20 17 18 19 21]\n", + "=======================\n", + "[\"the defendants - including teachers , a principal and other administrators - were accused of falsifying test results to collect bonuses or keep their jobs in the 50,000-student atlanta school system .the educators fed answers to students or erased and changed the answers on tests after they were turned in to secure promotions or up to $ 5,000 each in bonuses , the court was told .in one of the biggest cheating scandals of its kind in the u.s. , 11 former atlanta public school educators were convicted wednesday of racketeering for their role in a scheme to inflate students ' scores on standardized exams .\"]\n", + "=======================\n", + "[\"the 11 teachers , testing coordinators and other administrators were convicted wednesday of racketeering after a five-year investigationevidence of cheating was found in 44 schools across the atlanta school system , with nearly 180 educators involveda racketeering charge could carry up to 20 years in prison and most of the defendants will be sentenced on april 8the cheating came to light after the atlanta journal-constitution reported in 2008 that some student 's scores were statistically improbableprosecutors said the educators were guaranteed bonuses by inflating scores , while improving the poor reputation of their school systemsuperintendent beverly hall , the alleged ringleader who received up to $ 500,000 in payouts , died of breast cancer as the scandal went to trialone principal would wear gloves to erase answers and write in new ones\"]\n", + "the defendants - including teachers , a principal and other administrators - were accused of falsifying test results to collect bonuses or keep their jobs in the 50,000-student atlanta school system .the educators fed answers to students or erased and changed the answers on tests after they were turned in to secure promotions or up to $ 5,000 each in bonuses , the court was told .in one of the biggest cheating scandals of its kind in the u.s. , 11 former atlanta public school educators were convicted wednesday of racketeering for their role in a scheme to inflate students ' scores on standardized exams .\n", + "the 11 teachers , testing coordinators and other administrators were convicted wednesday of racketeering after a five-year investigationevidence of cheating was found in 44 schools across the atlanta school system , with nearly 180 educators involveda racketeering charge could carry up to 20 years in prison and most of the defendants will be sentenced on april 8the cheating came to light after the atlanta journal-constitution reported in 2008 that some student 's scores were statistically improbableprosecutors said the educators were guaranteed bonuses by inflating scores , while improving the poor reputation of their school systemsuperintendent beverly hall , the alleged ringleader who received up to $ 500,000 in payouts , died of breast cancer as the scandal went to trialone principal would wear gloves to erase answers and write in new ones\n", + "[1.3684567 1.3309424 1.1440201 1.2355828 1.3780028 1.223412 1.0875474\n", + " 1.035681 1.0207003 1.1872528 1.056993 1.0359049 1.0584918 1.0179863\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 4 0 1 3 5 9 2 6 12 10 11 7 8 13 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "['jose mourinho has warned players and fans to concentrate on first beating crystal palace before celebratingboth chelsea and the premier league are furious with the bbc for allowing it to be known that the premier league trophy was being displayed on the centre circle at stamford bridge on tuesday .but it was on the strict understanding that the big prize was not seen at chelsea by members of the public , who would then assume the club were taking their premier league triumph for granted .']\n", + "=======================\n", + "['chelsea agreed to request from bbc to film the trophy at stamford bridgethe blues agreed on understanding public could not see the trophyhowever , a 20-strong stadium tour saw the silverware on the pitchchelsea can win the premier league with victory over crystal palace']\n", + "jose mourinho has warned players and fans to concentrate on first beating crystal palace before celebratingboth chelsea and the premier league are furious with the bbc for allowing it to be known that the premier league trophy was being displayed on the centre circle at stamford bridge on tuesday .but it was on the strict understanding that the big prize was not seen at chelsea by members of the public , who would then assume the club were taking their premier league triumph for granted .\n", + "chelsea agreed to request from bbc to film the trophy at stamford bridgethe blues agreed on understanding public could not see the trophyhowever , a 20-strong stadium tour saw the silverware on the pitchchelsea can win the premier league with victory over crystal palace\n", + "[1.2638608 1.3642988 1.1457858 1.1903411 1.2655956 1.1517462 1.1427177\n", + " 1.1537806 1.2264177 1.1154033 1.038276 1.0162232 1.0149585 1.0460885\n", + " 1.0967559 1.1020577 1.0168527 0. 0. ]\n", + "\n", + "[ 1 4 0 8 3 7 5 2 6 9 15 14 13 10 16 11 12 17 18]\n", + "=======================\n", + "[\"levar jones , 36 , who has no criminal record and was on his way home from his job at a subway café , said the horror of his own shooting was brought home by the death of walter scott last week .the horrifying incident was captured on the officer 's dash cam and has led to the policeman sean groubert , 31 , being fired and charged with a felony assault .a black man has come out in support of police body cameras after he was gunned down by a white officer during a traffic stop and writhed in agony on the ground saying : ` why did you shoot me sir ? '\"]\n", + "=======================\n", + "[\"levar jones was shot and wounded by police officer in columbia , south carolina , when he was stopped and told to produce a licensehe reached for his wallet and state trooper sean groubert opened fire , hitting him in the stomachjones writhed in agony on the ground and said : ` why was i shot ? 'jones tells daily mail online walter scott 's death should force rethink of police procedures with new non-lethal methods favoredcop was sacked and charged with felony assault and faces maximum 20 year sentence if guilty\"]\n", + "levar jones , 36 , who has no criminal record and was on his way home from his job at a subway café , said the horror of his own shooting was brought home by the death of walter scott last week .the horrifying incident was captured on the officer 's dash cam and has led to the policeman sean groubert , 31 , being fired and charged with a felony assault .a black man has come out in support of police body cameras after he was gunned down by a white officer during a traffic stop and writhed in agony on the ground saying : ` why did you shoot me sir ? '\n", + "levar jones was shot and wounded by police officer in columbia , south carolina , when he was stopped and told to produce a licensehe reached for his wallet and state trooper sean groubert opened fire , hitting him in the stomachjones writhed in agony on the ground and said : ` why was i shot ? 'jones tells daily mail online walter scott 's death should force rethink of police procedures with new non-lethal methods favoredcop was sacked and charged with felony assault and faces maximum 20 year sentence if guilty\n", + "[1.1186186 1.3650852 1.2100966 1.2683048 1.1839261 1.1800002 1.0895574\n", + " 1.0557964 1.0221307 1.0194349 1.1838412 1.0960958 1.0260514 1.0371383\n", + " 1.0119542 1.0740253 1.0283512 1.0147094 0. ]\n", + "\n", + "[ 1 3 2 4 10 5 0 11 6 15 7 13 16 12 8 9 17 14 18]\n", + "=======================\n", + "['but for entrepreneurs like robyn exton , who has launched a dating app for lesbians , making money means abandoning life in the uk to travel to san francisco to look for investment .how to be a young billionaire follows three young british adults as they attempt to make a success out of their apps in san francisco .pictured : robyn exton who is the founder of dattch ( her ) a lesbian dating app']\n", + "=======================\n", + "[\"how to be a young billionaire airs tonight on channel 4documentary features robyn exton , who 's launching a lesbian dating apptech entrepreneur josh buckley attempts to save his shrinking fortune\"]\n", + "but for entrepreneurs like robyn exton , who has launched a dating app for lesbians , making money means abandoning life in the uk to travel to san francisco to look for investment .how to be a young billionaire follows three young british adults as they attempt to make a success out of their apps in san francisco .pictured : robyn exton who is the founder of dattch ( her ) a lesbian dating app\n", + "how to be a young billionaire airs tonight on channel 4documentary features robyn exton , who 's launching a lesbian dating apptech entrepreneur josh buckley attempts to save his shrinking fortune\n", + "[1.2261589 1.4970534 1.2774332 1.3399744 1.2388247 1.2040199 1.1497587\n", + " 1.0534728 1.1011746 1.0279814 1.0535136 1.0401638 1.0548592 1.0589892\n", + " 1.0871347 1.0648521 1.0809115 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 5 6 8 14 16 15 13 12 10 7 11 9 17 18]\n", + "=======================\n", + "['andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .']\n", + "=======================\n", + "['andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge']\n", + "andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .\n", + "andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge\n", + "[1.1113977 1.0532135 1.2502445 1.1667382 1.1980712 1.1909566 1.1184714\n", + " 1.0259056 1.0882525 1.0878139 1.0929677 1.1276118 1.0616088 1.0625123\n", + " 1.0752016 1.049797 1.1795248 1.0168673 1.0157775]\n", + "\n", + "[ 2 4 5 16 3 11 6 0 10 8 9 14 13 12 1 15 7 17 18]\n", + "=======================\n", + "[\"whether you prefer the earthy aesthetic of the atomic age or the bold hues of the brit-pop '90s , airbnb rentals offers places that cater to interior decor of all tastes .it was the age of modernism , with an emphasis on open living spaces , and the landgate cottage in rye demonstrates this to a tee .the colour house in kendal , cumbria , is a 1960s-era dream with its bold hues and bright wall coverings\"]\n", + "=======================\n", + "['the landgate cottage in rye is outfitted in an earthy atomic age aesthetictravel to brighton to experience the era of brit-pop at wonderland cottageand nothing says 1970s nostalgia like renting your own vw campervan']\n", + "whether you prefer the earthy aesthetic of the atomic age or the bold hues of the brit-pop '90s , airbnb rentals offers places that cater to interior decor of all tastes .it was the age of modernism , with an emphasis on open living spaces , and the landgate cottage in rye demonstrates this to a tee .the colour house in kendal , cumbria , is a 1960s-era dream with its bold hues and bright wall coverings\n", + "the landgate cottage in rye is outfitted in an earthy atomic age aesthetictravel to brighton to experience the era of brit-pop at wonderland cottageand nothing says 1970s nostalgia like renting your own vw campervan\n", + "[1.124986 1.5025251 1.3257629 1.4634773 1.1464491 1.0232275 1.0635606\n", + " 1.0194147 1.0672009 1.0348727 1.0218722 1.0292506 1.0214524 1.0329854\n", + " 1.0479617 1.0808616 1.0890843 1.0650346 0. ]\n", + "\n", + "[ 1 3 2 4 0 16 15 8 17 6 14 9 13 11 5 10 12 7 18]\n", + "=======================\n", + "['the supermodel , who follows a strict clean and lean diet , showcases her super toned body in new imagery to promote her lingerie range for autograph at m&s .the 27-year-old models her new summer sleepwear collection , which is full of mix and match pieces featuring sophisticated hues of slate blue and silver with colour pops of peach and floral prints .rosie for autograph beau silk lingerie set']\n", + "=======================\n", + "['rosie , 27 , shows off her new lingerie and sleepwear rangeshares her daily diet and says eating organic is an important investmentstars in mad max - fury road film , which is out this year']\n", + "the supermodel , who follows a strict clean and lean diet , showcases her super toned body in new imagery to promote her lingerie range for autograph at m&s .the 27-year-old models her new summer sleepwear collection , which is full of mix and match pieces featuring sophisticated hues of slate blue and silver with colour pops of peach and floral prints .rosie for autograph beau silk lingerie set\n", + "rosie , 27 , shows off her new lingerie and sleepwear rangeshares her daily diet and says eating organic is an important investmentstars in mad max - fury road film , which is out this year\n", + "[1.2724031 1.4097091 1.427961 1.2106514 1.2701554 1.1701899 1.1006871\n", + " 1.1432762 1.0875169 1.0551666 1.1204149 1.0853858 1.0526389 1.0339142\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 4 3 5 7 10 6 8 11 9 12 13 16 14 15 17]\n", + "=======================\n", + "[\"harry kane and diego costa are locked on 19 goals in the race to finish as this season 's top scorer but rank fourth and fifth respectively , behind papiss cisse and olivier giroud .glenn murray has scored a goal on average every 91 minutes this season - giving him a better minutes-per-goal ratio than anyone else in the top flight .manchester city are coming up against statistically the deadliest striker in the premier league when they face crystal palace on easter monday .\"]\n", + "=======================\n", + "['glenn murray has scored four goals in 364 minutes this seasoncrystal palace striker has best minutes-per-goal ratio in premier leagueolivier giroud third on the list , harry kane fourth , diego costa fifth']\n", + "harry kane and diego costa are locked on 19 goals in the race to finish as this season 's top scorer but rank fourth and fifth respectively , behind papiss cisse and olivier giroud .glenn murray has scored a goal on average every 91 minutes this season - giving him a better minutes-per-goal ratio than anyone else in the top flight .manchester city are coming up against statistically the deadliest striker in the premier league when they face crystal palace on easter monday .\n", + "glenn murray has scored four goals in 364 minutes this seasoncrystal palace striker has best minutes-per-goal ratio in premier leagueolivier giroud third on the list , harry kane fourth , diego costa fifth\n", + "[1.1949909 1.3283687 1.2875291 1.149496 1.2374758 1.1018447 1.0605543\n", + " 1.0567384 1.0606622 1.1111665 1.1026391 1.0501212 1.0432236 1.0679458\n", + " 1.0492926 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 0 3 9 10 5 13 8 6 7 11 14 12 15 16 17]\n", + "=======================\n", + "[\"on a day when a new quinnipiac university poll found only 38 per cent of americans believe she is honest and trustworthy , the leading democratic party candidate for president has a mess to clean up .part of it will involve the bill , hillary and chelsea clinton foundation re-filing some of its annual tax returns to correct errors in how it has reported income from foreign governments .hillary clinton ( seen wednesday at georgetown university ) was helping approve russia 's purchase of us uranium production as her foundation received millions from executives tied to the deal\"]\n", + "=======================\n", + "[\"hillary clinton seen as honest and trustworthy by just 38 per cent of americans , new poll showsnew headaches include revelations about foreign funds flowing into the clintons ' family foundation while she was secretary of state$ 2.35 million came from family foundation of company chairman involved in selling canadian uranium company to russian state-owned firmhillary helped approve that $ 610 million sale in 2010 , which gave vladimir putin-linked company control over one-fifth of america 's uraniumbill clinton received $ 26 million in speaking fees from foundation donors , including $ 500,000 from an investment bank tied to putin and the kremlinchelsea clinton defended the foundation that now bears her name , saying it 's ` among the most transparent ' philanthropies in the us\"]\n", + "on a day when a new quinnipiac university poll found only 38 per cent of americans believe she is honest and trustworthy , the leading democratic party candidate for president has a mess to clean up .part of it will involve the bill , hillary and chelsea clinton foundation re-filing some of its annual tax returns to correct errors in how it has reported income from foreign governments .hillary clinton ( seen wednesday at georgetown university ) was helping approve russia 's purchase of us uranium production as her foundation received millions from executives tied to the deal\n", + "hillary clinton seen as honest and trustworthy by just 38 per cent of americans , new poll showsnew headaches include revelations about foreign funds flowing into the clintons ' family foundation while she was secretary of state$ 2.35 million came from family foundation of company chairman involved in selling canadian uranium company to russian state-owned firmhillary helped approve that $ 610 million sale in 2010 , which gave vladimir putin-linked company control over one-fifth of america 's uraniumbill clinton received $ 26 million in speaking fees from foundation donors , including $ 500,000 from an investment bank tied to putin and the kremlinchelsea clinton defended the foundation that now bears her name , saying it 's ` among the most transparent ' philanthropies in the us\n", + "[1.0764583 1.0831021 1.5040507 1.3816665 1.1223588 1.0642394 1.0475097\n", + " 1.2228549 1.1121459 1.0631323 1.1159847 1.0400248 1.0740312 1.0419452\n", + " 1.0309489 1.0143825 1.1651472 1.1860596]\n", + "\n", + "[ 2 3 7 17 16 4 10 8 1 0 12 5 9 6 13 11 14 15]\n", + "=======================\n", + "[\"nathan dailo , from sydney , uploaded a video to his youtube channel demonstrating how he gets his three-month-old son seth to drift off in just 42 seconds .the clip that has now received almost 26,000 views sees the father gliding a piece of white tissue paper over his son 's face repeatedly until he nods off .a father from sydney has worked out a way of making his baby fall asleep in 42 seconds\"]\n", + "=======================\n", + "[\"nathan dailo has found a way to get his son to sleep in 42 secondsin a youtube video he demonstrates how stroking his 3-month-old son 's face with a white piece of tissue paper sends him to sleepthe video has received almost 26,000 views in just two weeks\"]\n", + "nathan dailo , from sydney , uploaded a video to his youtube channel demonstrating how he gets his three-month-old son seth to drift off in just 42 seconds .the clip that has now received almost 26,000 views sees the father gliding a piece of white tissue paper over his son 's face repeatedly until he nods off .a father from sydney has worked out a way of making his baby fall asleep in 42 seconds\n", + "nathan dailo has found a way to get his son to sleep in 42 secondsin a youtube video he demonstrates how stroking his 3-month-old son 's face with a white piece of tissue paper sends him to sleepthe video has received almost 26,000 views in just two weeks\n", + "[1.2594024 1.4905384 1.0944282 1.4540359 1.1875165 1.19882 1.0640861\n", + " 1.0309755 1.0120081 1.0126989 1.0423383 1.0110658 1.0217654 1.1000743\n", + " 1.0477213 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 5 4 13 2 6 14 10 7 12 9 8 11 16 15 17]\n", + "=======================\n", + "['powering past aston villa was their 13th victory in 16 premier league matches at old trafford and they have accumulated more points on their own territory , 40 , than anyone else .wayne rooney ( centre ) scored a stunning half-volley as manchester united beat aston villa 3-1 in the premier league on saturdaylouis van gaal has found the best way to keep manchester united fans happy is to win at home .']\n", + "=======================\n", + "[\"ander herrera put manchester united ahead just before half-time with a low left-footed effortwayne rooney doubled united 's lead with a beautiful half-volley on 79 minutes at old traffordchristian benteke pulled one back for the visitors a minute later after a rare david de gea errorherrera added a third in the closing stages of the first half to complete the scoreline for the red devilsplayer ratings - herrera shines as louis van gaal 's side triumph to move above manchester city into third\"]\n", + "powering past aston villa was their 13th victory in 16 premier league matches at old trafford and they have accumulated more points on their own territory , 40 , than anyone else .wayne rooney ( centre ) scored a stunning half-volley as manchester united beat aston villa 3-1 in the premier league on saturdaylouis van gaal has found the best way to keep manchester united fans happy is to win at home .\n", + "ander herrera put manchester united ahead just before half-time with a low left-footed effortwayne rooney doubled united 's lead with a beautiful half-volley on 79 minutes at old traffordchristian benteke pulled one back for the visitors a minute later after a rare david de gea errorherrera added a third in the closing stages of the first half to complete the scoreline for the red devilsplayer ratings - herrera shines as louis van gaal 's side triumph to move above manchester city into third\n", + "[1.393407 1.2520804 1.1702644 1.2785178 1.142186 1.0799098 1.1057862\n", + " 1.0934331 1.0554558 1.0903553 1.1031111 1.0693188 1.0533844 1.0671558\n", + " 1.0181369 1.0121044 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 6 10 7 9 5 11 13 8 12 14 15 16 17]\n", + "=======================\n", + "['the only other prisoner who rode in a police van with freddie gray on april 12 told investigators that he believed the 25-year-old was trying to hurt himself , according to a leaked affidavitthe report was leaked to the washington post under the proviso that the prisoner remains anonymous - raising questions about its accuracy and the favorable light which it shines on the baltimore police forcehowever , he claims he could not see what gray was doing , since they were separated by a metal partition .']\n", + "=======================\n", + "[\"the prisoner who rode in a police van with freddie gray on april 12 in baltimore says gray was trying to hurt himselfprisoner 's statement to investigators was part of an affidavit obtained wednesday by the washington postgray was arrested on april 12 for carrying a switchblade and transported to the hospital shortly after arriving at jailhe died a week later from spinal injuries ; how he received the fatal trauma is still under investigationthe fellow prisoner 's statement is the first detail released about what happened during the ridereport was released as family member of one of the six suspended police officers came forward to defend the copthe anonymous relatives says she believes gray was injured before he was put in the van , and that not all six officers are to blame\"]\n", + "the only other prisoner who rode in a police van with freddie gray on april 12 told investigators that he believed the 25-year-old was trying to hurt himself , according to a leaked affidavitthe report was leaked to the washington post under the proviso that the prisoner remains anonymous - raising questions about its accuracy and the favorable light which it shines on the baltimore police forcehowever , he claims he could not see what gray was doing , since they were separated by a metal partition .\n", + "the prisoner who rode in a police van with freddie gray on april 12 in baltimore says gray was trying to hurt himselfprisoner 's statement to investigators was part of an affidavit obtained wednesday by the washington postgray was arrested on april 12 for carrying a switchblade and transported to the hospital shortly after arriving at jailhe died a week later from spinal injuries ; how he received the fatal trauma is still under investigationthe fellow prisoner 's statement is the first detail released about what happened during the ridereport was released as family member of one of the six suspended police officers came forward to defend the copthe anonymous relatives says she believes gray was injured before he was put in the van , and that not all six officers are to blame\n", + "[1.2424237 1.2527924 1.1295397 1.0858327 1.236456 1.2556754 1.1846354\n", + " 1.1955088 1.1067617 1.1470056 1.0638494 1.054557 1.0389974 1.0486432\n", + " 1.0497468 1.0737995 1.0764325 1.0098108 1.0087913 1.0517852 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 5 1 0 4 7 6 9 2 8 3 16 15 10 11 19 14 13 12 17 18 23 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"mel greig spoke on her blog about how she was now starting ivf treatmenton wednesday , mel posted a blog post on her website titled ` are we embarrassed of ivf ? 'radio host mel greig , who once hit the headlines for her involvement in an infamous royal prank call , has started a personal crusade to help remove the stigma attached with ivf treatment .\"]\n", + "=======================\n", + "[\"australian radio host stands up for women going through ivf treatmentmel started her own ivf treatment and was showing solidarity with othersshe uploaded photographs of injecting herself for the first time on her blogi joined a new club ... it 's the ivf baby club , ' the 33-year-old saidshe married her fiancé steven pollack at byron bay in november\"]\n", + "mel greig spoke on her blog about how she was now starting ivf treatmenton wednesday , mel posted a blog post on her website titled ` are we embarrassed of ivf ? 'radio host mel greig , who once hit the headlines for her involvement in an infamous royal prank call , has started a personal crusade to help remove the stigma attached with ivf treatment .\n", + "australian radio host stands up for women going through ivf treatmentmel started her own ivf treatment and was showing solidarity with othersshe uploaded photographs of injecting herself for the first time on her blogi joined a new club ... it 's the ivf baby club , ' the 33-year-old saidshe married her fiancé steven pollack at byron bay in november\n", + "[1.1817722 1.0998309 1.0577468 1.1522416 1.082085 1.1846375 1.0983225\n", + " 1.1097038 1.0706649 1.1170087 1.0864989 1.0926154 1.1127733 1.0615541\n", + " 1.0722094 1.0837775 1.0720906 1.077121 1.0422636 1.0253435 1.0159466\n", + " 1.0330478 1.1151046 1.0417092 1.0367877]\n", + "\n", + "[ 5 0 3 9 22 12 7 1 6 11 10 15 4 17 14 16 8 13 2 18 23 24 21 19\n", + " 20]\n", + "=======================\n", + "['it was the only death reported so far in two days of tornado touchdowns .( cnn ) in her 40 years living in rochelle , illinois , cathy olson had never seen a tornado that big .farther north , in the rural illinois hamlet of fairdale , one person died as a twister shredded homes and ripped trees bare of leaves and most limbs .']\n", + "=======================\n", + "['at least one person died as a result of storms in illinois , an official saysfire department : rescuers searching for trapped victims in kirkland , illinois']\n", + "it was the only death reported so far in two days of tornado touchdowns .( cnn ) in her 40 years living in rochelle , illinois , cathy olson had never seen a tornado that big .farther north , in the rural illinois hamlet of fairdale , one person died as a twister shredded homes and ripped trees bare of leaves and most limbs .\n", + "at least one person died as a result of storms in illinois , an official saysfire department : rescuers searching for trapped victims in kirkland , illinois\n", + "[1.4813919 1.476631 1.2849706 1.3337984 1.0503317 1.0232866 1.0186365\n", + " 1.0299544 1.2594982 1.1895235 1.0440545 1.0478356 1.0238183 1.014407\n", + " 1.0480162 1.097148 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 8 9 15 4 14 11 10 7 12 5 6 13 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"kevin de bruyne 's agent has denied a deal in his place for his client to leave wolfsburg in the summer but admitted that a number of clubs are keeping an eye on the belgian star .de bruyne has become one of the hottest prospects in european football after starring in the bundesliga - being linked with manchester city and bayern munich .speaking to focus online , patrick de koster revealed that the midfielder is a wanted man but no deal for a move away is in place .\"]\n", + "=======================\n", + "['kevin de bruyne has been linked with a transfer away from wolfsburghis agent patrick de koster says that clubs are watching the belgian but denies a deal is in place with any team to buy the talented playmakerde bruyne has starred for the german side this season in the bundesliga']\n", + "kevin de bruyne 's agent has denied a deal in his place for his client to leave wolfsburg in the summer but admitted that a number of clubs are keeping an eye on the belgian star .de bruyne has become one of the hottest prospects in european football after starring in the bundesliga - being linked with manchester city and bayern munich .speaking to focus online , patrick de koster revealed that the midfielder is a wanted man but no deal for a move away is in place .\n", + "kevin de bruyne has been linked with a transfer away from wolfsburghis agent patrick de koster says that clubs are watching the belgian but denies a deal is in place with any team to buy the talented playmakerde bruyne has starred for the german side this season in the bundesliga\n", + "[1.198634 1.1952999 1.1471364 1.1848629 1.1644176 1.2763131 1.1432841\n", + " 1.0358316 1.0675639 1.1107748 1.0438219 1.0532776 1.074366 1.0577682\n", + " 1.1313016 1.0710257 1.2097739 1.0082638 1.0077786 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 5 16 0 1 3 4 2 6 14 9 12 15 8 13 11 10 7 17 18 23 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"james mccarthy finishes past david de gea to put everton ahead in just the fifth minute , following a blistering counter-attackjames mccarthy 's goal came from a swift counter-attack after manchester united had a corner .this time there was no man in a grim reaper costume waiting for the manchester united manager behind the dug-out at goodison park .\"]\n", + "=======================\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[\"james mccarthy puts everton ahead after 5 minutes as everton counter-attack at speedjohn stones doubles host side 's advantage with brilliant header from a corner in 35th minutekevin mirallas takes advantage of poor manchester united defending to make it 3-0 late on\"]\n", + "james mccarthy finishes past david de gea to put everton ahead in just the fifth minute , following a blistering counter-attackjames mccarthy 's goal came from a swift counter-attack after manchester united had a corner .this time there was no man in a grim reaper costume waiting for the manchester united manager behind the dug-out at goodison park .\n", + "james mccarthy puts everton ahead after 5 minutes as everton counter-attack at speedjohn stones doubles host side 's advantage with brilliant header from a corner in 35th minutekevin mirallas takes advantage of poor manchester united defending to make it 3-0 late on\n", + "[1.315423 1.3733749 1.265341 1.374893 1.1446126 1.1780261 1.2143828\n", + " 1.2431049 1.0717505 1.0817566 1.1020311 1.0668195 1.0789669 1.0436957\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 2 7 6 5 4 10 9 12 8 11 13 23 14 15 16 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"andre ayew is out of contract at marseille this summer , and swansea have joined the chase for his signatureswansea have made a contract offer to marseille striker andre ayew .ayew , who scored for ghana against world champions germany and usa in last summer 's world cup , has also attracted offers from newcastle and everton while wolfsburg and borussia dortmund have expressed interest too .\"]\n", + "=======================\n", + "['andre ayew is free to talk to foreign clubs with his marseille contract expiring at the end of the seasonghana international has received offers from swansea , newcastle and everton while wolfsburg and borussia dortmund are interestedthe swans are also chasing schalke defender christian fuchs']\n", + "andre ayew is out of contract at marseille this summer , and swansea have joined the chase for his signatureswansea have made a contract offer to marseille striker andre ayew .ayew , who scored for ghana against world champions germany and usa in last summer 's world cup , has also attracted offers from newcastle and everton while wolfsburg and borussia dortmund have expressed interest too .\n", + "andre ayew is free to talk to foreign clubs with his marseille contract expiring at the end of the seasonghana international has received offers from swansea , newcastle and everton while wolfsburg and borussia dortmund are interestedthe swans are also chasing schalke defender christian fuchs\n", + "[1.1479834 1.3106081 1.1152662 1.1734192 1.0948633 1.5658239 1.1477945\n", + " 1.1466931 1.0190601 1.2247603 1.060038 1.024719 1.0172517 1.0089353\n", + " 1.0070319 1.0085442 1.2269534 1.0174755 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 5 1 16 9 3 0 6 7 2 4 10 11 8 17 12 13 15 14 18 19 20 21 22 23]\n", + "=======================\n", + "[\"justin rose hit 17 out of 18 greens in regulation and signed for a 69 at the shell houston opena bruising florida swing last month saw the englishman fall outside the world 's top 10 .phil mickelson enjoyed his best round in months with a 66 on thursday\"]\n", + "=======================\n", + "['justin rose bounced back from florida misery by carding 69 in houstonthree-time masters champion phil mickelson enjoyed return to formpaul casey celebrated last-gasp masters invitation with fine round of 68']\n", + "justin rose hit 17 out of 18 greens in regulation and signed for a 69 at the shell houston opena bruising florida swing last month saw the englishman fall outside the world 's top 10 .phil mickelson enjoyed his best round in months with a 66 on thursday\n", + "justin rose bounced back from florida misery by carding 69 in houstonthree-time masters champion phil mickelson enjoyed return to formpaul casey celebrated last-gasp masters invitation with fine round of 68\n", + "[1.1217871 1.2357123 1.3874162 1.19093 1.1393981 1.1498791 1.1098714\n", + " 1.1177787 1.2232726 1.0437758 1.0430374 1.1113724 1.0242621 1.1013938\n", + " 1.0821831 1.0499309 1.124187 1.0860955 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 1 8 3 5 4 16 0 7 11 6 13 17 14 15 9 10 12 22 18 19 20 21 23]\n", + "=======================\n", + "['footage shows the skater confidently sailing down a concrete slope in santa monica , los angeles , before he loses balance and falls headfirst .but this stomach-churning clip of a longboarder crashing downhill at high speed certainly serves as a warning to wear a helmet .for a short moment he scrapes along the ground on his stomach .']\n", + "=======================\n", + "['footage shows the skater confidently sailing down a concrete slope in santa monica , los angeles , before he loses balance and falls headfirstas his friends go to investigate , blood is seen pouring from his face']\n", + "footage shows the skater confidently sailing down a concrete slope in santa monica , los angeles , before he loses balance and falls headfirst .but this stomach-churning clip of a longboarder crashing downhill at high speed certainly serves as a warning to wear a helmet .for a short moment he scrapes along the ground on his stomach .\n", + "footage shows the skater confidently sailing down a concrete slope in santa monica , los angeles , before he loses balance and falls headfirstas his friends go to investigate , blood is seen pouring from his face\n", + "[1.2305386 1.464024 1.2509433 1.1652771 1.1622868 1.0388246 1.2140973\n", + " 1.102608 1.1007696 1.0304546 1.021436 1.0316257 1.055056 1.0701191\n", + " 1.0729016 1.0231065 1.0149981 1.051878 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 6 3 4 7 8 14 13 12 17 5 11 9 15 10 16 18 19 20 21 22 23]\n", + "=======================\n", + "[\"the disgraced espn sports reporter has been suspended for a week after footage emerged of her telling single mother-of-three gina michelle : ` i 'm on tv and you 're in a f -- ing trailer , honey . 'but just a month earlier she used similar language to berate an arkansas attorney and women 's rights campaigner on twitter .her vicious attack on a tow company clerk was not britt mchenry 's first brush with conflict .\"]\n", + "=======================\n", + "[\"arkansas attorney sarah sparkman observed women are sexualized on tvsomeone replied and mentioned britt mchenry , but did n't tag the reporterhowever , mchenry found the post and began lashing out at sparkmanshe called her a ` rando ' , insulted her appearance , and mocked her for ` bashing more successful ppl on twitter 'echoes how mchenry told tow clerk : ` i 'm on tv , you 're in a f -- ing trailer '\"]\n", + "the disgraced espn sports reporter has been suspended for a week after footage emerged of her telling single mother-of-three gina michelle : ` i 'm on tv and you 're in a f -- ing trailer , honey . 'but just a month earlier she used similar language to berate an arkansas attorney and women 's rights campaigner on twitter .her vicious attack on a tow company clerk was not britt mchenry 's first brush with conflict .\n", + "arkansas attorney sarah sparkman observed women are sexualized on tvsomeone replied and mentioned britt mchenry , but did n't tag the reporterhowever , mchenry found the post and began lashing out at sparkmanshe called her a ` rando ' , insulted her appearance , and mocked her for ` bashing more successful ppl on twitter 'echoes how mchenry told tow clerk : ` i 'm on tv , you 're in a f -- ing trailer '\n", + "[1.2383236 1.4944072 1.4778525 1.0434519 1.0318726 1.0854979 1.0703934\n", + " 1.2827735 1.0855477 1.0967495 1.0367723 1.1420363 1.0234603 1.0141253\n", + " 1.0289695 1.0595104 1.0207986 1.009362 1.0085807 1.043868 1.0480781\n", + " 1.0058537 1.018693 1.0071392]\n", + "\n", + "[ 1 2 7 0 11 9 8 5 6 15 20 19 3 10 4 14 12 16 22 13 17 18 23 21]\n", + "=======================\n", + "[\"goals from cristiano ronaldo ( five , yes , five ) , karim benzema ( two ) , gareth bale and a diego mainz own goal secure a huge win .robert ibanez scored granada 's consolation .final score , real madrid 9-1 granada .\"]\n", + "=======================\n", + "[\"real madrid take on granada in la liga early sunday kick-offcarlo ancelotti 's side four points off barcelona in the title racereal were beaten 2-1 in el clasico last time out before international break\"]\n", + "goals from cristiano ronaldo ( five , yes , five ) , karim benzema ( two ) , gareth bale and a diego mainz own goal secure a huge win .robert ibanez scored granada 's consolation .final score , real madrid 9-1 granada .\n", + "real madrid take on granada in la liga early sunday kick-offcarlo ancelotti 's side four points off barcelona in the title racereal were beaten 2-1 in el clasico last time out before international break\n", + "[1.1372489 1.4439305 1.1331879 1.2730463 1.1851797 1.0811754 1.0607575\n", + " 1.1253403 1.0247651 1.0801879 1.1801618 1.0625619 1.1296384 1.1103952\n", + " 1.0803336 1.0789192 1.0750194 1.0528305 1.0733645 1.0368305 1.0387838\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 10 0 2 12 7 13 5 14 9 15 16 18 11 6 17 20 19 8 21 22 23]\n", + "=======================\n", + "[\"madison avery crotty , from san diego , is seen screaming and crying until her doting dad decides to try out his terrifying impersonation .buddy had tried out several types of ` white noise ' sounds to try and get madison to sleep .it has been viewed more than 4,000 times .\"]\n", + "=======================\n", + "['madison crotty , from san diego in california , is seen screaming and cryingvideo posted online by her father buddy shows how he gets her to sleephe copies the scuba tank breathing made famous by villain darth vader']\n", + "madison avery crotty , from san diego , is seen screaming and crying until her doting dad decides to try out his terrifying impersonation .buddy had tried out several types of ` white noise ' sounds to try and get madison to sleep .it has been viewed more than 4,000 times .\n", + "madison crotty , from san diego in california , is seen screaming and cryingvideo posted online by her father buddy shows how he gets her to sleephe copies the scuba tank breathing made famous by villain darth vader\n", + "[1.2026743 1.49415 1.399169 1.2849646 1.2965117 1.127924 1.1457536\n", + " 1.0902207 1.0320846 1.0403272 1.1426438 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 0 6 10 5 7 9 8 11 12 13 14 15 16 17 18]\n", + "=======================\n", + "['cameron thomas philp was passing a crime scene at highgate hill in brisbane on may 3 , 2013 when he graffitied and spat on the side of the vehicle .mr philp fronted brisbane magistrates court on friday and pleaded guilty to wilful damage of police property .he was fined $ 300 but avoided a conviction , reports courier mail .']\n", + "=======================\n", + "['cameron thomas philp vandalised and spat on the vehicle in 2013the forensic officer swabbed the spit and found philp from his dnahe pleaded guilty to wilful damage of police property and was fined $ 300mr philp claimed it was out of character but he has similar convictions']\n", + "cameron thomas philp was passing a crime scene at highgate hill in brisbane on may 3 , 2013 when he graffitied and spat on the side of the vehicle .mr philp fronted brisbane magistrates court on friday and pleaded guilty to wilful damage of police property .he was fined $ 300 but avoided a conviction , reports courier mail .\n", + "cameron thomas philp vandalised and spat on the vehicle in 2013the forensic officer swabbed the spit and found philp from his dnahe pleaded guilty to wilful damage of police property and was fined $ 300mr philp claimed it was out of character but he has similar convictions\n", + "[1.4634527 1.2915254 1.3375877 1.5265808 1.208493 1.0381224 1.0285604\n", + " 1.0370326 1.0357122 1.0255686 1.0173521 1.0214065 1.0188828 1.0516568\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 1 4 13 5 7 8 6 9 11 12 10 17 14 15 16 18]\n", + "=======================\n", + "[\"dumbarton boss ian murray believes that rangers will struggle to maintain their pace through the run-inian murray reckons a supposedly easier run-in can swing second place hibs ' way ahead of rangers in the last month of the championship season .but while stuart mccall 's men have the momentum at present - beating hibs and cowdenbeath while alan stubbs ' men also lost to raith - murray would n't be surprised to see the balance of power swing back towards easter road before long .\"]\n", + "=======================\n", + "[\"dumbarton boss ian murray believes rangers ' tough run-in could mean they miss out on second place in the scottish championship to hibernianrangers face difficult fixtures against hearts and queen of the southmurray played for both rangers and hibs during his career\"]\n", + "dumbarton boss ian murray believes that rangers will struggle to maintain their pace through the run-inian murray reckons a supposedly easier run-in can swing second place hibs ' way ahead of rangers in the last month of the championship season .but while stuart mccall 's men have the momentum at present - beating hibs and cowdenbeath while alan stubbs ' men also lost to raith - murray would n't be surprised to see the balance of power swing back towards easter road before long .\n", + "dumbarton boss ian murray believes rangers ' tough run-in could mean they miss out on second place in the scottish championship to hibernianrangers face difficult fixtures against hearts and queen of the southmurray played for both rangers and hibs during his career\n", + "[1.5196161 1.3468959 1.3323281 1.2870666 1.4029076 1.3193719 1.0435585\n", + " 1.0366955 1.022047 1.0177423 1.0730757 1.0416037 1.0893013 1.0116051\n", + " 1.010697 1.0088797 1.0087898 1.007762 1.0100473]\n", + "\n", + "[ 0 4 1 2 5 3 12 10 6 11 7 8 9 13 14 18 15 16 17]\n", + "=======================\n", + "[\"kenny jackett has told his wolves players they must maintain their focus and follow up victory over nottingham forest with another over leeds united on monday .bakary sako celebrates after scoring wolves ' second goal in a 2-1 win at nottingham forest on good fridaythe wolves boss believes it is now just the top eight in the sky bet championship who are fighting it out for the play-off places , with their 2-1 success at the city ground all but ending the reds ' chances of making a late push .\"]\n", + "=======================\n", + "[\"wolves beat nottingham forest to continue their push towards the playoff places and all but end their opposition 's chances of promotionwolves are seventh , level on points with sixth-placed ipswichkenny jackett believes his side must maintain their focus to stay in touchthey face leeds united in their next encounter , on easter monday\"]\n", + "kenny jackett has told his wolves players they must maintain their focus and follow up victory over nottingham forest with another over leeds united on monday .bakary sako celebrates after scoring wolves ' second goal in a 2-1 win at nottingham forest on good fridaythe wolves boss believes it is now just the top eight in the sky bet championship who are fighting it out for the play-off places , with their 2-1 success at the city ground all but ending the reds ' chances of making a late push .\n", + "wolves beat nottingham forest to continue their push towards the playoff places and all but end their opposition 's chances of promotionwolves are seventh , level on points with sixth-placed ipswichkenny jackett believes his side must maintain their focus to stay in touchthey face leeds united in their next encounter , on easter monday\n", + "[1.1032357 1.1007538 1.15529 1.356431 1.2873135 1.2268776 1.2268633\n", + " 1.0623342 1.019299 1.0873036 1.1148857 1.0135623 1.09931 1.0532523\n", + " 1.0156978 1.0974203 1.0388219 1.0161438 0. ]\n", + "\n", + "[ 3 4 5 6 2 10 0 1 12 15 9 7 13 16 8 17 14 11 18]\n", + "=======================\n", + "[\"the website , called how old do i look , it allows people to analyse any image found on bing , microsoft 's search engine , or upload their own .it even allows users to search for celebrities - and see what microsoft thinks their real ages are .looking good : the app , by microsoft , believed that 69-year-old helen mirren - lauded for her youthful appearance and character - was actually 55\"]\n", + "=======================\n", + "['site can analyze any photo and will guess the age and sexsaid 30-year-old khloe kardashian looks 44microsoft app also determined obama looks the right age of 53users can search for photos on bing or upload their own']\n", + "the website , called how old do i look , it allows people to analyse any image found on bing , microsoft 's search engine , or upload their own .it even allows users to search for celebrities - and see what microsoft thinks their real ages are .looking good : the app , by microsoft , believed that 69-year-old helen mirren - lauded for her youthful appearance and character - was actually 55\n", + "site can analyze any photo and will guess the age and sexsaid 30-year-old khloe kardashian looks 44microsoft app also determined obama looks the right age of 53users can search for photos on bing or upload their own\n", + "[1.4440169 1.2312108 1.3900145 1.2059081 1.2737706 1.1190212 1.0865862\n", + " 1.1536331 1.0185797 1.017829 1.033421 1.0799841 1.0557687 1.0154471\n", + " 1.0118595 1.0092701 1.2340301 1.0351133 0. ]\n", + "\n", + "[ 0 2 4 16 1 3 7 5 6 11 12 17 10 8 9 13 14 15 18]\n", + "=======================\n", + "['mike and susan fortuna , of shelburne are accusing allergan of failing to warn of dangers , negligence and breach of the vermont consumer fraud act in treating their daughter , mandytheir lawyer said 7-year-old joshua drake developed epilepsy after getting botox injections for his leg spasms caused by cerebral palsy .off-label : mandy fortuna suffered from cerebral palsy and was treated for spasms using botox off-label']\n", + "=======================\n", + "['susan and mike fortuna of shelburne , vermont say their daughter mandy suffered an unexplained health deterioration soon after treatmentthe parents learned their daughter had been treated by the same doctor who previously caused a 7-year-old boy to overdose , lawyers sayin that case , botox maker allergan was forced to pay the family nearly $ 7million']\n", + "mike and susan fortuna , of shelburne are accusing allergan of failing to warn of dangers , negligence and breach of the vermont consumer fraud act in treating their daughter , mandytheir lawyer said 7-year-old joshua drake developed epilepsy after getting botox injections for his leg spasms caused by cerebral palsy .off-label : mandy fortuna suffered from cerebral palsy and was treated for spasms using botox off-label\n", + "susan and mike fortuna of shelburne , vermont say their daughter mandy suffered an unexplained health deterioration soon after treatmentthe parents learned their daughter had been treated by the same doctor who previously caused a 7-year-old boy to overdose , lawyers sayin that case , botox maker allergan was forced to pay the family nearly $ 7million\n", + "[1.3599777 1.1934011 1.4182194 1.2242479 1.1139144 1.1342801 1.0972078\n", + " 1.1139311 1.0820165 1.1318293 1.0669036 1.0254954 1.0504831 1.0670506\n", + " 1.0647743 1.0263805 1.04744 1.0551648 1.039564 1.1493979 1.0956254\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 3 1 19 5 9 7 4 6 20 8 13 10 14 17 12 16 18 15 11 21 22]\n", + "=======================\n", + "[\"elena udrea , 41 , was investigated over claims during her time as the country 's tourism minister that she had accepted bribes worth an estimated # 1.3 million .romania is regarded as one of the most corrupt countries in the european union .she is a close ally of former president traian basescu .\"]\n", + "=======================\n", + "['elena udrea , 41 , is accused of abusing her position in governmentudrea was a member of the romanian government for four years until 2012prosecutors claim she accepted bribes worth an estimated # 1.3 millionthe former presidential candidate strongly denies all of the allegations']\n", + "elena udrea , 41 , was investigated over claims during her time as the country 's tourism minister that she had accepted bribes worth an estimated # 1.3 million .romania is regarded as one of the most corrupt countries in the european union .she is a close ally of former president traian basescu .\n", + "elena udrea , 41 , is accused of abusing her position in governmentudrea was a member of the romanian government for four years until 2012prosecutors claim she accepted bribes worth an estimated # 1.3 millionthe former presidential candidate strongly denies all of the allegations\n", + "[1.0667869 1.0704288 1.0807203 1.059748 1.129725 1.3371369 1.1421461\n", + " 1.3091316 1.0292805 1.1066562 1.0342636 1.0204113 1.0220733 1.0184271\n", + " 1.0185102 1.1799847 1.0286554 1.0172362 1.0305457 1.045648 1.0196645\n", + " 0. 0. ]\n", + "\n", + "[ 5 7 15 6 4 9 2 1 0 3 19 10 18 8 16 12 11 20 14 13 17 21 22]\n", + "=======================\n", + "['the trail , which runs down the mountainous spine of the island , happens to be the toughest trek in europe .the golo valley , where the ancient sentiers de transhumance used for more than 1,000 years beginsthe corsican mouflon , or mountain sheep , make easy work of the tough gr20 hiking trail']\n", + "=======================\n", + "[\"sentiers de transhumance track 's been used by shepherd for centuriessign-posted route is an easier equivalent to the famed gr20 hiking trailaccommodation ranged from small auberges to family-run hotelsin the seaside resort of porto a 16th century genoese tower stands guard\"]\n", + "the trail , which runs down the mountainous spine of the island , happens to be the toughest trek in europe .the golo valley , where the ancient sentiers de transhumance used for more than 1,000 years beginsthe corsican mouflon , or mountain sheep , make easy work of the tough gr20 hiking trail\n", + "sentiers de transhumance track 's been used by shepherd for centuriessign-posted route is an easier equivalent to the famed gr20 hiking trailaccommodation ranged from small auberges to family-run hotelsin the seaside resort of porto a 16th century genoese tower stands guard\n", + "[1.397818 1.4037845 1.3730946 1.2528913 1.3680427 1.052213 1.0374638\n", + " 1.1112285 1.130301 1.1532296 1.1366316 1.0139998 1.0089194 1.0137221\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 2 4 3 9 10 8 7 5 6 11 13 12 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"despite widespread speculation about a pending deal with former mainz coach thomas tuchel , hamburg said they had agreed on a 15-month contract with labbadia , who had coached them in 2009-10 .struggling hamburg have appointed bruno labbadia as their new coach with immediate effect in a surprise decision with the former european champions anchored in last place with six matches left .the coach 's contract is also valid for the second division should hamburg be relegated .\"]\n", + "=======================\n", + "['hamburg sacked joe zinnbauer in march with peter knaebel taking overknaebel has now returned to his original post as sports directorclub has been in talks with thomas tuchel but could not reach agreementhamburg appointed former coach bruno labbadia on 15-month contract']\n", + "despite widespread speculation about a pending deal with former mainz coach thomas tuchel , hamburg said they had agreed on a 15-month contract with labbadia , who had coached them in 2009-10 .struggling hamburg have appointed bruno labbadia as their new coach with immediate effect in a surprise decision with the former european champions anchored in last place with six matches left .the coach 's contract is also valid for the second division should hamburg be relegated .\n", + "hamburg sacked joe zinnbauer in march with peter knaebel taking overknaebel has now returned to his original post as sports directorclub has been in talks with thomas tuchel but could not reach agreementhamburg appointed former coach bruno labbadia on 15-month contract\n", + "[1.1856506 1.4116969 1.2338842 1.3815894 1.335367 1.1477449 1.1848171\n", + " 1.0915265 1.0320903 1.0200627 1.0248001 1.0224746 1.0209266 1.0586741\n", + " 1.0198611 1.0313361 1.0130297 1.0115721 1.0103966 1.1010292 1.0438534\n", + " 1.1077173 1.0302519]\n", + "\n", + "[ 1 3 4 2 0 6 5 21 19 7 13 20 8 15 22 10 11 12 9 14 16 17 18]\n", + "=======================\n", + "['despite being morbidly obese , bettie jo , from houston , texas , lived off a diet of fried chicken and barbecue sauce , and was unable to care for herself , meaning josh had to do everything for her .at 47 stone ( 660lb ) bettie jo was housebound and unable to tend to her own needsbettie jo now weighs 35st 8lbs ( 500lbs ) .']\n", + "=======================\n", + "[\"bettie jo , 24 , from houston , was morbidly obese at almost 47st ( 660lbs )husband josh tended to her basic needs including showering and eatinglast year she was given bariatric surgeryhusband sabotaged her efforts to diet as still wanted to feel neededrelationship therapy and near death scare helped couple back on trackwith josh 's help bettie jo now weighs 35st 8lbs\"]\n", + "despite being morbidly obese , bettie jo , from houston , texas , lived off a diet of fried chicken and barbecue sauce , and was unable to care for herself , meaning josh had to do everything for her .at 47 stone ( 660lb ) bettie jo was housebound and unable to tend to her own needsbettie jo now weighs 35st 8lbs ( 500lbs ) .\n", + "bettie jo , 24 , from houston , was morbidly obese at almost 47st ( 660lbs )husband josh tended to her basic needs including showering and eatinglast year she was given bariatric surgeryhusband sabotaged her efforts to diet as still wanted to feel neededrelationship therapy and near death scare helped couple back on trackwith josh 's help bettie jo now weighs 35st 8lbs\n", + "[1.2070407 1.3831273 1.0520425 1.3292552 1.2312952 1.1646719 1.0873832\n", + " 1.0656465 1.0533644 1.0293643 1.1903358 1.0486884 1.0591469 1.021395\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 4 0 10 5 6 7 12 8 2 11 9 13 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"having won last year 's race on pineau de re , 38-year-old leighton aspell , who once walked away from the sport for 18 months after becoming disillusioned , became the first rider since bryan marshall , who won on royal tan and early mist in 1953 and 1954 , to land the biggest jumps race of the year in successive years on different horses .many clouds was a third winner of the race for owner trevor hemmings .the man who owns both blackpool tower and preston north end has also won the race with hedgehunter in 2005 and ballabriggs in 2011 .\"]\n", + "=======================\n", + "['cloud nine ridden by leighton aspell won the grand national at aintreeap mccoy finished fifth on shutthefrontdoor in his final ever nationalaspell has won two years running after 2014 success on pineau de resaint are finished second while monbeg dude made up the top threeaspell said mccoy is as good in defeat as he is when he is winning']\n", + "having won last year 's race on pineau de re , 38-year-old leighton aspell , who once walked away from the sport for 18 months after becoming disillusioned , became the first rider since bryan marshall , who won on royal tan and early mist in 1953 and 1954 , to land the biggest jumps race of the year in successive years on different horses .many clouds was a third winner of the race for owner trevor hemmings .the man who owns both blackpool tower and preston north end has also won the race with hedgehunter in 2005 and ballabriggs in 2011 .\n", + "cloud nine ridden by leighton aspell won the grand national at aintreeap mccoy finished fifth on shutthefrontdoor in his final ever nationalaspell has won two years running after 2014 success on pineau de resaint are finished second while monbeg dude made up the top threeaspell said mccoy is as good in defeat as he is when he is winning\n", + "[1.3354243 1.4116137 1.2295383 1.2077117 1.1873106 1.0430372 1.0169027\n", + " 1.0258645 1.0831311 1.0503775 1.1594623 1.0902852 1.1218652 1.0651431\n", + " 1.0344654 1.0512222 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 10 12 11 8 13 15 9 5 14 7 6 19 16 17 18 20]\n", + "=======================\n", + "['the son of the late attorney general robert kennedy is a vaccine critic and is currently trying to stop a bill in the state that would make childhood immunizations mandatoryvaccine critic : robert f kennedy jr spoke at a documentary screening in sacramento , california on tuesday .the documentary purports that there is a connection between thimerosal - a chemical found in several childhood vaccines - and a rise in autism among american children - despite the majority of the scientific community dismissing any connection .']\n", + "=======================\n", + "[\"the nephew of president john f kennedy attended the screening of a anti-vaccination documentary tuesday in sacramento , californiathe california state legislature is currently deciding a bill that would make vaccinations mandatory for all children - no matter their parents ' beliefsrfk jr is a vaccine skeptic and believes there is a connection between an immunization chemical called thimerosal and autismthe scientific community at large says vaccines are not dangerous\"]\n", + "the son of the late attorney general robert kennedy is a vaccine critic and is currently trying to stop a bill in the state that would make childhood immunizations mandatoryvaccine critic : robert f kennedy jr spoke at a documentary screening in sacramento , california on tuesday .the documentary purports that there is a connection between thimerosal - a chemical found in several childhood vaccines - and a rise in autism among american children - despite the majority of the scientific community dismissing any connection .\n", + "the nephew of president john f kennedy attended the screening of a anti-vaccination documentary tuesday in sacramento , californiathe california state legislature is currently deciding a bill that would make vaccinations mandatory for all children - no matter their parents ' beliefsrfk jr is a vaccine skeptic and believes there is a connection between an immunization chemical called thimerosal and autismthe scientific community at large says vaccines are not dangerous\n", + "[1.4044315 1.2200081 1.297266 1.2088213 1.3440188 1.1951048 1.1376904\n", + " 1.0441091 1.0884836 1.0649985 1.0575116 1.1932169 1.1589065 1.0687159\n", + " 1.0214744 1.0097637 1.0084033 1.0126042 1.0075043 1.0074054 1.0791311]\n", + "\n", + "[ 0 4 2 1 3 5 11 12 6 8 20 13 9 10 7 14 17 15 16 18 19]\n", + "=======================\n", + "['toxicology results released monday show linden , new jersey police officer pedro abad ( pictured ) had three times the legal limit of alcohol in his system when he crashed his car last monthlinden officer frank viggiano and friend joe rodriguez were killed ; abad and officer patrik kudlac were critically injured .toxicology results show that an off-duty new jersey officer was drunk when he caused a wrong-way crash that killed another officer and a friend on a new york city highway , a staten island prosecutor said monday .']\n", + "=======================\n", + "['pedro abad was driving with two fellow linden , new jersey police officers and a friend on march 20 when he crashed head-on with a tractor-trailertoxicology tests revealed monday show abad had a .24 blood-alcohol content - three times the legal limitabad and officer patrik kudlac were critically-injured in thecrash , while officer frank viggiano and friend joe rodriguez were killed']\n", + "toxicology results released monday show linden , new jersey police officer pedro abad ( pictured ) had three times the legal limit of alcohol in his system when he crashed his car last monthlinden officer frank viggiano and friend joe rodriguez were killed ; abad and officer patrik kudlac were critically injured .toxicology results show that an off-duty new jersey officer was drunk when he caused a wrong-way crash that killed another officer and a friend on a new york city highway , a staten island prosecutor said monday .\n", + "pedro abad was driving with two fellow linden , new jersey police officers and a friend on march 20 when he crashed head-on with a tractor-trailertoxicology tests revealed monday show abad had a .24 blood-alcohol content - three times the legal limitabad and officer patrik kudlac were critically-injured in thecrash , while officer frank viggiano and friend joe rodriguez were killed\n", + "[1.492609 1.4808422 1.2346147 1.134461 1.0487316 1.2405074 1.0740037\n", + " 1.0277771 1.0188582 1.0613087 1.0297165 1.0208755 1.0332869 1.1116275\n", + " 1.0968577 1.0651876 1.0798212 1.0931255 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 2 3 13 14 17 16 6 15 9 4 12 10 7 11 8 19 18 20]\n", + "=======================\n", + "[\"jose mourinho revealed he prepared his chelsea players to deal with the threat of manchester united 's marouane fellaini all week -- only to be told by a hotel doorman that the belgian was not playing .mourinho planned for kurt zouma to man mark fellaini - with teenager ruben loftus-cheek playing the 6ft 4in midfielder in training .chelsea manager jose mourinho has admitted his side were confused as to whether fellaini was playing\"]\n", + "=======================\n", + "[\"chelsea boss jose mourinho had prepared specific tactics for dealing with the threat of manchester united midfielder marouane fellainihowever , ahead of the game at stamford bridge , mourinho was told by a hotel doorman that fellaini would not be playingthe doorman had seen who he had thought was fellaini pick up some tickets from chelsea forward eden hazarda google images search revealed that person to be fellaini 's twin brotherfellaini did play against chelsea but was dealt with by kurt zouma\"]\n", + "jose mourinho revealed he prepared his chelsea players to deal with the threat of manchester united 's marouane fellaini all week -- only to be told by a hotel doorman that the belgian was not playing .mourinho planned for kurt zouma to man mark fellaini - with teenager ruben loftus-cheek playing the 6ft 4in midfielder in training .chelsea manager jose mourinho has admitted his side were confused as to whether fellaini was playing\n", + "chelsea boss jose mourinho had prepared specific tactics for dealing with the threat of manchester united midfielder marouane fellainihowever , ahead of the game at stamford bridge , mourinho was told by a hotel doorman that fellaini would not be playingthe doorman had seen who he had thought was fellaini pick up some tickets from chelsea forward eden hazarda google images search revealed that person to be fellaini 's twin brotherfellaini did play against chelsea but was dealt with by kurt zouma\n", + "[1.4454684 1.2193906 1.1303833 1.137418 1.1730343 1.1128106 1.0881088\n", + " 1.0911726 1.1006187 1.0475122 1.0740215 1.120503 1.0507926 1.1070468\n", + " 1.0412791 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 3 2 11 5 13 8 7 6 10 12 9 14 15 16 17 18 19 20]\n", + "=======================\n", + "['( cnn ) slamming world powers \\' framework nuclear deal with iran , israeli prime minister benjamin netanyahu on friday demanded that any final deal include a \" clear and unambiguous iranian recognition of israel \\'s right to exist . \"iranian president : we will stick to our promises on nuclear dealthere \\'s never been any dispute about his take , but the prime minister has sharpened his rhetoric in recent days , saying the deal increases the risk of a \" horrific war . \"']\n", + "=======================\n", + "[\"israeli prime minister benjamin netanyahu slams nuclear framework deal with iranhe says it would legitimize iran 's nuclear program and bolster its economy\"]\n", + "( cnn ) slamming world powers ' framework nuclear deal with iran , israeli prime minister benjamin netanyahu on friday demanded that any final deal include a \" clear and unambiguous iranian recognition of israel 's right to exist . \"iranian president : we will stick to our promises on nuclear dealthere 's never been any dispute about his take , but the prime minister has sharpened his rhetoric in recent days , saying the deal increases the risk of a \" horrific war . \"\n", + "israeli prime minister benjamin netanyahu slams nuclear framework deal with iranhe says it would legitimize iran 's nuclear program and bolster its economy\n", + "[1.2917916 1.3128363 1.2890754 1.179072 1.1019155 1.0839164 1.188864\n", + " 1.0259632 1.0905925 1.1347188 1.0960902 1.0489755 1.1479168 1.0671723\n", + " 1.0890219 1.1000271 1.076437 1.0562403 1.1082168 1.0455457 0. ]\n", + "\n", + "[ 1 0 2 6 3 12 9 18 4 15 10 8 14 5 16 13 17 11 19 7 20]\n", + "=======================\n", + "['it was also claimed the body of one migrant , who died on another boat making the perilous trip from north africa to italy , was tossed overboard by a trafficker to circling sharks .at least 400 migrants trying to reach europe from libya were killed after their boat capsized , it emerged tonight .the stories emerged after more than 8,000 migrants took advantage of calm weather to cross the mediterranean over the past weekend .']\n", + "=======================\n", + "['around 400 migrants trying to reach europe died when their boat capsizedbody of one migrant on another vessel was thrown overboard to sharksstories emerged after more than 8,000 crossed mediterranean at weekend']\n", + "it was also claimed the body of one migrant , who died on another boat making the perilous trip from north africa to italy , was tossed overboard by a trafficker to circling sharks .at least 400 migrants trying to reach europe from libya were killed after their boat capsized , it emerged tonight .the stories emerged after more than 8,000 migrants took advantage of calm weather to cross the mediterranean over the past weekend .\n", + "around 400 migrants trying to reach europe died when their boat capsizedbody of one migrant on another vessel was thrown overboard to sharksstories emerged after more than 8,000 crossed mediterranean at weekend\n", + "[1.3163252 1.4453076 1.3346671 1.2281225 1.1464986 1.0433096 1.0247542\n", + " 1.0533637 1.0355676 1.0717297 1.1999052 1.0195018 1.024821 1.0196489\n", + " 1.0260696 1.0102967 1.0395784 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 10 4 9 7 5 16 8 14 12 6 13 11 15 20 17 18 19 21]\n", + "=======================\n", + "['the actress and her fiance ashton kutcher responded to the impending lawsuit with a tongue-in-cheek video , claiming they were going to file a lawsuit against the accuser kristina karo , because of injuries suffered while being forced to watch her music video .on wednesday the story broke that the 31-year-old was being sued for $ 5,000 by a woman claiming to be her former childhood friend , who said she suffered emotional trauma when a seven-year-old kunis stole her pet foul .mila kunis is to counter-sue the woman who is suing her for stealing her chicken .']\n", + "=======================\n", + "[\"mila kunis and ashton kutcher respond to impending lawsuit in videokutcher claims kristina karo was one month old when the alleged incident occurredkunis says she will counter-sue because of injuries sustained while watching karo 's music videokaro claimed to be kunis 's ` childhood friend from ukraine ' and is suing her for $ 5,000claims kunis ` stole her pet chicken ' when they were childrenkaro , now in la , claims she has been traumatised by the event and is suing actress for emotional distress and therapy bills\"]\n", + "the actress and her fiance ashton kutcher responded to the impending lawsuit with a tongue-in-cheek video , claiming they were going to file a lawsuit against the accuser kristina karo , because of injuries suffered while being forced to watch her music video .on wednesday the story broke that the 31-year-old was being sued for $ 5,000 by a woman claiming to be her former childhood friend , who said she suffered emotional trauma when a seven-year-old kunis stole her pet foul .mila kunis is to counter-sue the woman who is suing her for stealing her chicken .\n", + "mila kunis and ashton kutcher respond to impending lawsuit in videokutcher claims kristina karo was one month old when the alleged incident occurredkunis says she will counter-sue because of injuries sustained while watching karo 's music videokaro claimed to be kunis 's ` childhood friend from ukraine ' and is suing her for $ 5,000claims kunis ` stole her pet chicken ' when they were childrenkaro , now in la , claims she has been traumatised by the event and is suing actress for emotional distress and therapy bills\n", + "[1.3274826 1.4764255 1.3303962 1.429784 1.1168073 1.1304027 1.1228768\n", + " 1.0618957 1.0145372 1.0156046 1.0180665 1.1323718 1.1203341 1.1243542\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 11 5 13 6 12 4 7 10 9 8 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the 24-year-old is fundamental to mauricio pochettino 's plans and was signed up to a five-year contract last summer .danny rose has attracted interest from manchester city after a strong season with tottenhammanchester city have considered attack-minded rose as they draw up an extensive list of potential homegrown signings ahead of the close season .\"]\n", + "=======================\n", + "[\"manchester city have identified danny rose as a transfer targetrose is a rising star and city 's squad is short of homegrown playersbut spus boss mauricio pochettino is a big fan of his left backtottenham will resist all summer offers for rose\"]\n", + "the 24-year-old is fundamental to mauricio pochettino 's plans and was signed up to a five-year contract last summer .danny rose has attracted interest from manchester city after a strong season with tottenhammanchester city have considered attack-minded rose as they draw up an extensive list of potential homegrown signings ahead of the close season .\n", + "manchester city have identified danny rose as a transfer targetrose is a rising star and city 's squad is short of homegrown playersbut spus boss mauricio pochettino is a big fan of his left backtottenham will resist all summer offers for rose\n", + "[1.22931 1.4192934 1.1961198 1.335591 1.0815401 1.1288481 1.0678911\n", + " 1.0444419 1.0193899 1.0932877 1.0929676 1.0785741 1.0216528 1.0146571\n", + " 1.014864 1.0176897 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 2 5 9 10 4 11 6 7 12 8 15 14 13 20 16 17 18 19 21]\n", + "=======================\n", + "[\"the scathing critics told the six-months pregnant meteorologist kristi gordon that her ` front end looks like the hindenburg and your rear end looks like a brick s *** house . 'australian presenter and model nicky buckley famously soldiered on with her presenting job on the sale of the century after falling pregnant in 1997 , continuing to wear the glamorous , figure-hugging gowns her job required of her .earlier this month , a pregnant canadian weather presenter received hate mail from viewers ` grossed out ' by her appearance on their screens .\"]\n", + "=======================\n", + "['nicky buckley has released a tell-all memoir of her lifethe book shares a candid insight into her career-defining momentsa whole chapter is dedicated to when she revealed her baby bump on tvbuckley now shares how she dealt with the abuse she faced being a pregnant presenter']\n", + "the scathing critics told the six-months pregnant meteorologist kristi gordon that her ` front end looks like the hindenburg and your rear end looks like a brick s *** house . 'australian presenter and model nicky buckley famously soldiered on with her presenting job on the sale of the century after falling pregnant in 1997 , continuing to wear the glamorous , figure-hugging gowns her job required of her .earlier this month , a pregnant canadian weather presenter received hate mail from viewers ` grossed out ' by her appearance on their screens .\n", + "nicky buckley has released a tell-all memoir of her lifethe book shares a candid insight into her career-defining momentsa whole chapter is dedicated to when she revealed her baby bump on tvbuckley now shares how she dealt with the abuse she faced being a pregnant presenter\n", + "[1.0290698 1.0287958 1.1262478 1.2761872 1.3233085 1.1743177 1.0902802\n", + " 1.2029034 1.0961971 1.0897115 1.157043 1.2048502 1.0225009 1.022302\n", + " 1.0670515 1.1190403 1.1668719 1.0702101 1.1335799 1.071712 1.245614\n", + " 1.0189688]\n", + "\n", + "[ 4 3 20 11 7 5 16 10 18 2 15 8 6 9 19 17 14 0 1 12 13 21]\n", + "=======================\n", + "[\"there were also 18 england caps and he had passed 50 career goals for liverpool .he had been named pfa young player of the year ( 1998 ) , scored one of the greatest world cup finals goals and won bbc sports personality of the year .steven gerrard 's first year out of his teens saw him collect the league cup , the fa cup and the uefa cup .\"]\n", + "=======================\n", + "[\"raheem sterling has rejected a new contract worth # 100,000-a-weekliverpool boss brendan rodgers says sterling wo n't be sold this summerhis achievements at 20 are not on the same level as some anfield greatssteven gerrard won three trophies in the first year out of his teensmichael owen had scored more than 50 career goals for liverpoolsterling has a long way to go if he is to fulfil his huge potential\"]\n", + "there were also 18 england caps and he had passed 50 career goals for liverpool .he had been named pfa young player of the year ( 1998 ) , scored one of the greatest world cup finals goals and won bbc sports personality of the year .steven gerrard 's first year out of his teens saw him collect the league cup , the fa cup and the uefa cup .\n", + "raheem sterling has rejected a new contract worth # 100,000-a-weekliverpool boss brendan rodgers says sterling wo n't be sold this summerhis achievements at 20 are not on the same level as some anfield greatssteven gerrard won three trophies in the first year out of his teensmichael owen had scored more than 50 career goals for liverpoolsterling has a long way to go if he is to fulfil his huge potential\n", + "[1.4461758 1.2045777 1.3019525 1.2176466 1.1597546 1.2105429 1.1529033\n", + " 1.1024846 1.1038404 1.0484121 1.0297658 1.0710324 1.0350975 1.0892229\n", + " 1.0318143 1.0356073 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 3 5 1 4 6 8 7 13 11 9 15 12 14 10 16 17 18 19 20 21]\n", + "=======================\n", + "[\"( cnn ) nasa says its messenger space probe crashed into mercury on thursday after running out of fuel , ending a nearly 11-year journey that provided valuable data and thousands of photos .nasa earlier said the probe was expected to hit the surface at 8,750 miles per hour and to create an impact crater 52 feet ( 16 meters ) in diameter .the crash was n't visible from earth because it occurred on the far side of mercury .\"]\n", + "=======================\n", + "[\"nasa 's messenger probe smashes into mercury , ending missionspace probe hit the planet 's surface at 8,750 mph\"]\n", + "( cnn ) nasa says its messenger space probe crashed into mercury on thursday after running out of fuel , ending a nearly 11-year journey that provided valuable data and thousands of photos .nasa earlier said the probe was expected to hit the surface at 8,750 miles per hour and to create an impact crater 52 feet ( 16 meters ) in diameter .the crash was n't visible from earth because it occurred on the far side of mercury .\n", + "nasa 's messenger probe smashes into mercury , ending missionspace probe hit the planet 's surface at 8,750 mph\n", + "[1.2504201 1.3841921 1.3297318 1.18541 1.264977 1.2051126 1.1022028\n", + " 1.0402284 1.0194217 1.1311892 1.0375482 1.0581524 1.052463 1.075248\n", + " 1.0900626 1.0509815 1.0193392 1.0185512 1.0288715 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 4 0 5 3 9 6 14 13 11 12 15 7 10 18 8 16 17 19 20 21]\n", + "=======================\n", + "['the move comes in response to an online petition posted on the white house website following the death of 17-year-old leelah alcorn .the petition currently has over 120,000 signatures .end to conversion therapy : president barack obama is calling for an end to psychiatric therapy treatments aimed at changing the sexual orientation or gender identity of gay , lesbian and transgender youth']\n", + "=======================\n", + "['president barack obama is calling for an end to psychiatric therapy treatments aimed at turning gays into heterosexualsthe move comes in response to an online petition posted on the white house website following the death of 17-year-old leelah alcornthe american psychiatric association has long opposed conversion therapy and says being gay is not a mental disorder']\n", + "the move comes in response to an online petition posted on the white house website following the death of 17-year-old leelah alcorn .the petition currently has over 120,000 signatures .end to conversion therapy : president barack obama is calling for an end to psychiatric therapy treatments aimed at changing the sexual orientation or gender identity of gay , lesbian and transgender youth\n", + "president barack obama is calling for an end to psychiatric therapy treatments aimed at turning gays into heterosexualsthe move comes in response to an online petition posted on the white house website following the death of 17-year-old leelah alcornthe american psychiatric association has long opposed conversion therapy and says being gay is not a mental disorder\n", + "[1.3327397 1.3722671 1.4273353 1.1360557 1.1591971 1.0484403 1.0184317\n", + " 1.0177941 1.0122966 1.0434893 1.2720065 1.2248529 1.1757977 1.0288637\n", + " 1.0190578 1.0600604 1.0667781 1.0671428 1.0298188 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 0 10 11 12 4 3 17 16 15 5 9 18 13 14 6 7 8 20 19 21]\n", + "=======================\n", + "[\"new zealander tim weston was on holiday in puerto vallarta with his wife when the attack happened and described how ` the crocodile kept the dog in its mouth for ages , not moving at all ' .a video of a menacing crocodile swimming through a public marina with a dead pet dog locked in between its jaws has been viewed more than half a million times online .the large croc proudly held on to its catch for hours as it lurked around the puerto vallarta marina , in mexico\"]\n", + "=======================\n", + "[\"a local bike shop owner 's dog was snatched by a crocodilethe crocodile was swimming through puerto vallarta marina , in mexiconew zealander tim weston was on holiday and saw the bizarre sighta video of the dog in the croc 's jaws has been viewed half a million times\"]\n", + "new zealander tim weston was on holiday in puerto vallarta with his wife when the attack happened and described how ` the crocodile kept the dog in its mouth for ages , not moving at all ' .a video of a menacing crocodile swimming through a public marina with a dead pet dog locked in between its jaws has been viewed more than half a million times online .the large croc proudly held on to its catch for hours as it lurked around the puerto vallarta marina , in mexico\n", + "a local bike shop owner 's dog was snatched by a crocodilethe crocodile was swimming through puerto vallarta marina , in mexiconew zealander tim weston was on holiday and saw the bizarre sighta video of the dog in the croc 's jaws has been viewed half a million times\n", + "[1.3703085 1.3505281 1.3061213 1.2863215 1.1435707 1.1634406 1.0395141\n", + " 1.0254135 1.0308594 1.0178651 1.1472123 1.0684859 1.0243534 1.0225881\n", + " 1.0113442 1.0503523 1.0341611 1.042495 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 3 5 10 4 11 15 17 6 16 8 7 12 13 9 14 20 18 19 21]\n", + "=======================\n", + "[\"incumbent chicago mayor rahm emanuel celebrated tuesday night a hard-fought victory in a tense run-off race against challenger jesus ` chuy ' garcia .emanuel , a former white house chief of staff notorious for his brusque management style , was forced to campaign furiously across the city to beat cook county commissioner garcia after failing to capture a majority against four other candidates in a february election .the mayoral runoff was the first since the city changed the way it conducts elections about 20 years ago .\"]\n", + "=======================\n", + "[\"with nearly all voting precincts reporting results , emanuel had 55.5 per cent of the vote compared to 44.5 per cent for his opponentmayoral candidate cook county commissioner jesus ` chuy ' garcia said he had called emanuel to concedemayoral runoff was the first since the city changed the way it conducts elections about 20 years ago\"]\n", + "incumbent chicago mayor rahm emanuel celebrated tuesday night a hard-fought victory in a tense run-off race against challenger jesus ` chuy ' garcia .emanuel , a former white house chief of staff notorious for his brusque management style , was forced to campaign furiously across the city to beat cook county commissioner garcia after failing to capture a majority against four other candidates in a february election .the mayoral runoff was the first since the city changed the way it conducts elections about 20 years ago .\n", + "with nearly all voting precincts reporting results , emanuel had 55.5 per cent of the vote compared to 44.5 per cent for his opponentmayoral candidate cook county commissioner jesus ` chuy ' garcia said he had called emanuel to concedemayoral runoff was the first since the city changed the way it conducts elections about 20 years ago\n", + "[1.5829024 1.2060415 1.0533459 1.080829 1.4484544 1.2034477 1.1016036\n", + " 1.131675 1.0790094 1.1587776 1.1068565 1.1401454 1.0604806 1.0306747\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 4 1 5 9 11 7 10 6 3 8 12 2 13 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"rafa nadal got his clay court season off to a perfect , confidence-boosting start with a 6-2 , 6-1 win over frenchman lucas pouille in the monte carlo masters .it was a businesslike display from the world no 5 .the spaniard is an eight-time champion in monte carlo , but has not won here since 2012 and said last week that he is ` not the favourite for anything ' at the moment .\"]\n", + "=======================\n", + "['rafa nadal beat lucas pouille 6-2 , 6-1 in the second round on wednesdayspaniard got his clay court season off to a perfect start with a routine winworld no 5 made just five unforced errors as he booked third round place']\n", + "rafa nadal got his clay court season off to a perfect , confidence-boosting start with a 6-2 , 6-1 win over frenchman lucas pouille in the monte carlo masters .it was a businesslike display from the world no 5 .the spaniard is an eight-time champion in monte carlo , but has not won here since 2012 and said last week that he is ` not the favourite for anything ' at the moment .\n", + "rafa nadal beat lucas pouille 6-2 , 6-1 in the second round on wednesdayspaniard got his clay court season off to a perfect start with a routine winworld no 5 made just five unforced errors as he booked third round place\n", + "[1.129581 1.1765938 1.0497849 1.0731633 1.1670853 1.2364025 1.0675029\n", + " 1.021361 1.0349491 1.2022314 1.0289737 1.0323257 1.0332873 1.0895238\n", + " 1.0300751 1.057191 1.0617356 1.0392219 1.0473616 1.0230883 1.0206503\n", + " 1.0172594]\n", + "\n", + "[ 5 9 1 4 0 13 3 6 16 15 2 18 17 8 12 11 14 10 19 7 20 21]\n", + "=======================\n", + "[\"sand as soft as flour and cerulean sea : penny is hard pushed to find fault with her week in the maldivesit 's hardly surprising the maldives have been on the top ten of honeymoon destinations for years .and then , just as we start our descent to the little resort of niyama , in the dhaalu atoll , a 40-minute seaplane flight from the capital malé , two yellow turtles swim sturdily towards a reef .\"]\n", + "=======================\n", + "['mail on sunday writer visits the resort of niyama , in the dhaalu atollspends her days relaxing in the lime spa and snorkellingfood at the resort is cooked by aussie chef geoff clark']\n", + "sand as soft as flour and cerulean sea : penny is hard pushed to find fault with her week in the maldivesit 's hardly surprising the maldives have been on the top ten of honeymoon destinations for years .and then , just as we start our descent to the little resort of niyama , in the dhaalu atoll , a 40-minute seaplane flight from the capital malé , two yellow turtles swim sturdily towards a reef .\n", + "mail on sunday writer visits the resort of niyama , in the dhaalu atollspends her days relaxing in the lime spa and snorkellingfood at the resort is cooked by aussie chef geoff clark\n", + "[1.2510686 1.4065245 1.2007983 1.1764243 1.3329946 1.07831 1.0725639\n", + " 1.044899 1.042592 1.1270398 1.1249504 1.1032494 1.0108176 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 2 3 9 10 11 5 6 7 8 12 17 13 14 15 16 18]\n", + "=======================\n", + "[\"a secret meeting between intelligence figures in moscow and washington reportedly revealed putin will consider any attempt to return the crimean peninsula to ukraine as declaration of war and will take any necessary step - including using nuclear weapons - to retain control of the region .vladimir putin is planning to exploit the threat of nuclear war to force nato out of countries bordering russia , it has been claimed .firepower : moscow described nato 's supply of weapons to ukrainian military ( pictured ) - who hope to defeat pro-russian rebels in the east of the country - as a ` further encroachment ' on the russian border\"]\n", + "=======================\n", + "[\"russian intelligence chiefs took part in secret meeting with u.s. officialsoutlined three potential flashpoints that could lead to all-out nuclear warsaid attempts to return crimea to ukraine will be dealt with as an invasionalso demanded nato breaks up so called ` rapid response force ' in the baltic and stops arming those fighting pro-russian separatists in ukraine\"]\n", + "a secret meeting between intelligence figures in moscow and washington reportedly revealed putin will consider any attempt to return the crimean peninsula to ukraine as declaration of war and will take any necessary step - including using nuclear weapons - to retain control of the region .vladimir putin is planning to exploit the threat of nuclear war to force nato out of countries bordering russia , it has been claimed .firepower : moscow described nato 's supply of weapons to ukrainian military ( pictured ) - who hope to defeat pro-russian rebels in the east of the country - as a ` further encroachment ' on the russian border\n", + "russian intelligence chiefs took part in secret meeting with u.s. officialsoutlined three potential flashpoints that could lead to all-out nuclear warsaid attempts to return crimea to ukraine will be dealt with as an invasionalso demanded nato breaks up so called ` rapid response force ' in the baltic and stops arming those fighting pro-russian separatists in ukraine\n", + "[1.1984217 1.4668475 1.2849706 1.2363007 1.1875547 1.1641794 1.1119714\n", + " 1.0807525 1.0545397 1.2206522 1.2237304 1.0309259 1.0121962 1.0140566\n", + " 1.0240414 1.0163682 1.0239877 0. 0. ]\n", + "\n", + "[ 1 2 3 10 9 0 4 5 6 7 8 11 14 16 15 13 12 17 18]\n", + "=======================\n", + "[\"lian doyle agreed to hide the trainers worn by justin robertson when he murdered pennie davis because he had been paid # 1,500 by the son of the victim 's ex-lover .she was today sentenced to 10 months in prison , but was released immediately because she has already spent six months on remand .killing : lian doyle , left , helped to cover up the murder of pennie davis , right , in september last year\"]\n", + "=======================\n", + "['lian doyle , 24 , hid a pair of trainers belonging to justin robertsonshe thought he wore them to carry out a burglary but confessed to police when she realised he had murdered pennie davisrobertson was paid # 1,500 by benjamin carr to kill the keen horsewomandoyle was given a 10-month jail sentence but has been released because of the time she has already served']\n", + "lian doyle agreed to hide the trainers worn by justin robertson when he murdered pennie davis because he had been paid # 1,500 by the son of the victim 's ex-lover .she was today sentenced to 10 months in prison , but was released immediately because she has already spent six months on remand .killing : lian doyle , left , helped to cover up the murder of pennie davis , right , in september last year\n", + "lian doyle , 24 , hid a pair of trainers belonging to justin robertsonshe thought he wore them to carry out a burglary but confessed to police when she realised he had murdered pennie davisrobertson was paid # 1,500 by benjamin carr to kill the keen horsewomandoyle was given a 10-month jail sentence but has been released because of the time she has already served\n", + "[1.2536213 1.3810567 1.1832428 1.3394337 1.2282369 1.1101059 1.0973653\n", + " 1.0681775 1.0647987 1.0625983 1.1479164 1.0749818 1.0788233 1.0463387\n", + " 1.0237348 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 10 5 6 12 11 7 8 9 13 14 15 16 17 18]\n", + "=======================\n", + "[\"fighters from 100 nations -- more than half the countries in the world -- have joined militant groups such as al qaeda and islamic state , according to research by the united nations .more than 20,000 foreign fighters have fled to syria and iraq , turning the region into an ` international finishing school ' for jihadists , an alarming report found .the number of foreign fighters worldwide soared by a staggering 71 per cent between the middle of 2014 and march 2015 after is gained significant territory .\"]\n", + "=======================\n", + "[\"number of foreign fighters worldwide soared by 71 % from mid-2014 to nowsyria and iraq were most popular regions - mainly for is and al-nusra frontunited nations report said fighters came from over half world 's countriesit warned if is was defeated foreign fighters could scatter across the globe\"]\n", + "fighters from 100 nations -- more than half the countries in the world -- have joined militant groups such as al qaeda and islamic state , according to research by the united nations .more than 20,000 foreign fighters have fled to syria and iraq , turning the region into an ` international finishing school ' for jihadists , an alarming report found .the number of foreign fighters worldwide soared by a staggering 71 per cent between the middle of 2014 and march 2015 after is gained significant territory .\n", + "number of foreign fighters worldwide soared by 71 % from mid-2014 to nowsyria and iraq were most popular regions - mainly for is and al-nusra frontunited nations report said fighters came from over half world 's countriesit warned if is was defeated foreign fighters could scatter across the globe\n", + "[1.3281225 1.4121504 1.1636246 1.1380605 1.1807002 1.3003283 1.210882\n", + " 1.1372705 1.1071756 1.1923177 1.0696218 1.0278492 1.032359 1.0218991\n", + " 1.0389802 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 5 6 9 4 2 3 7 8 10 14 12 11 13 17 15 16 18]\n", + "=======================\n", + "[\"the unnamed woman was discovered around 8.20 am sunday hanging from the third-floor fire escape of her apartment building on utica ave. near prospect place in crown heights , the new york post reports .the body of a new york woman was left dangling from a fire escape for more than an hour sunday after she hung herself , police say .witnesses say they were traumatized and one passer-by told the post she initially thought the body was fake and believed it was a ` halloween prank . '\"]\n", + "=======================\n", + "['the body of a new york woman was left dangling from a fire escape for more than an hour sunday after she hung herselfthe unnamed woman was discovered around 8.20 am sunday hanging from the third-floor fire escape of her apartment buildingone neighbor said the woman had mental health issues']\n", + "the unnamed woman was discovered around 8.20 am sunday hanging from the third-floor fire escape of her apartment building on utica ave. near prospect place in crown heights , the new york post reports .the body of a new york woman was left dangling from a fire escape for more than an hour sunday after she hung herself , police say .witnesses say they were traumatized and one passer-by told the post she initially thought the body was fake and believed it was a ` halloween prank . '\n", + "the body of a new york woman was left dangling from a fire escape for more than an hour sunday after she hung herselfthe unnamed woman was discovered around 8.20 am sunday hanging from the third-floor fire escape of her apartment buildingone neighbor said the woman had mental health issues\n", + "[1.2612765 1.1656151 1.2261171 1.3674235 1.2877796 1.246348 1.1313354\n", + " 1.1055982 1.1203216 1.0817462 1.083262 1.061821 1.0376475 1.0104911\n", + " 1.0456336 1.0302249 1.0156515 1.1466849 1.0641298]\n", + "\n", + "[ 3 4 0 5 2 1 17 6 8 7 10 9 18 11 14 12 15 16 13]\n", + "=======================\n", + "[\"almost half of headteachers have vacancies in english , maths and science departments amid a growing recruitment crisis in secondary schoolsoverall , 86 per cent had ` difficulty ' recruiting teachers for core subjects .school leaders warn the ` bleak ' situation is likely to worsen due to the rise in pupil numbers and ` greater competition ' for graduates among employers .\"]\n", + "=======================\n", + "[\"school leaders warn the ` bleak ' situation is likely to get even worsesay it is due to rise in pupil numbers and greater competition for graduateslondon schools have most problems , followed by north west and east\"]\n", + "almost half of headteachers have vacancies in english , maths and science departments amid a growing recruitment crisis in secondary schoolsoverall , 86 per cent had ` difficulty ' recruiting teachers for core subjects .school leaders warn the ` bleak ' situation is likely to worsen due to the rise in pupil numbers and ` greater competition ' for graduates among employers .\n", + "school leaders warn the ` bleak ' situation is likely to get even worsesay it is due to rise in pupil numbers and greater competition for graduateslondon schools have most problems , followed by north west and east\n", + "[1.2070773 1.2954974 1.2863389 1.1692766 1.250881 1.2480352 1.2304052\n", + " 1.0996495 1.0446717 1.0566705 1.0686699 1.0485488 1.0353032 1.0519557\n", + " 1.0469341 1.0621877 1.0518959 1.0203013 1.047092 ]\n", + "\n", + "[ 1 2 4 5 6 0 3 7 10 15 9 13 16 11 18 14 8 12 17]\n", + "=======================\n", + "['it is hoped the new approach will target cancer stem cells that evade conventional drugs and cause the tumour to re-grow .cancer that has spread and is incurable , known as secondary breast cancer , kills 1,000 women in britain every month .thousands of women whose breast cancer has become resistant to standard treatment could benefit from a new drug combination .']\n", + "=======================\n", + "['new approach targets cancer stem cells that evade conventional treatmentthe cells cause tumours to re-grow , causing secondary breast cancertreatment combines sulforadex with standard hormonal treatments']\n", + "it is hoped the new approach will target cancer stem cells that evade conventional drugs and cause the tumour to re-grow .cancer that has spread and is incurable , known as secondary breast cancer , kills 1,000 women in britain every month .thousands of women whose breast cancer has become resistant to standard treatment could benefit from a new drug combination .\n", + "new approach targets cancer stem cells that evade conventional treatmentthe cells cause tumours to re-grow , causing secondary breast cancertreatment combines sulforadex with standard hormonal treatments\n", + "[1.3112717 1.4278073 1.3206239 1.0978931 1.338146 1.1803298 1.0319785\n", + " 1.0235003 1.0941176 1.1085439 1.0622635 1.0736666 1.026005 1.0571535\n", + " 1.0599705 1.0148215 1.0215397 1.0146494 1.0739818]\n", + "\n", + "[ 1 4 2 0 5 9 3 8 18 11 10 14 13 6 12 7 16 15 17]\n", + "=======================\n", + "[\"the network handed williams a six-month suspension in february after he acknowledged he had lied about being on board a helicopter that came under fire while reporting from iraq in 2003 .clash : tom brokaw and brian williams are pictured in new york in 2004 - the year williams took over brokaw 's role on the nightly news .but according to a report in vanity fair , williams started exaggerating his stories because he felt insecure about brokaw , whom he succeeded at nightly news in 2004 . '\"]\n", + "=======================\n", + "[\"williams was suspended from nbc in february after it emerged he 'd lied about being in a helicopter that was shot down in iraq in 2003a new report in vanity fair claims williams lied because he felt insecure taking over from beloved anchor tom brokaw at the nightly newswhile some execs saw his lying as ` quirks ' of his personality , the tales left brokaw ` incensed ' and he ultimately did n't support williams in februaryafter he was accused of lying , williams wondered if he had a brain tumorbut other nbc employees said williams had always been out of his depth because of his lack of experience and disinterest in ` hard ' news\"]\n", + "the network handed williams a six-month suspension in february after he acknowledged he had lied about being on board a helicopter that came under fire while reporting from iraq in 2003 .clash : tom brokaw and brian williams are pictured in new york in 2004 - the year williams took over brokaw 's role on the nightly news .but according to a report in vanity fair , williams started exaggerating his stories because he felt insecure about brokaw , whom he succeeded at nightly news in 2004 . '\n", + "williams was suspended from nbc in february after it emerged he 'd lied about being in a helicopter that was shot down in iraq in 2003a new report in vanity fair claims williams lied because he felt insecure taking over from beloved anchor tom brokaw at the nightly newswhile some execs saw his lying as ` quirks ' of his personality , the tales left brokaw ` incensed ' and he ultimately did n't support williams in februaryafter he was accused of lying , williams wondered if he had a brain tumorbut other nbc employees said williams had always been out of his depth because of his lack of experience and disinterest in ` hard ' news\n", + "[1.2890043 1.3179493 1.3684933 1.0633038 1.1261592 1.2630919 1.0969872\n", + " 1.0848002 1.0695971 1.1809118 1.103191 1.0677416 1.0873193 1.03687\n", + " 1.0523534 1.0301938 1.0581129 0. 0. ]\n", + "\n", + "[ 2 1 0 5 9 4 10 6 12 7 8 11 3 16 14 13 15 17 18]\n", + "=======================\n", + "[\"the bubbler had been dispensing recycled water for 16 months -- from december 17 2013 until april 1 2015 .in a letter sent to all parents during the school holidays , the principal of st peter 's college in cranbourne east , tim hogan admitted that ` class a ' recycled water had been inadvertently connected to an outdoor drinking fountain .students , parents and staff at a melbourne high school are horrified after the discovery students have been drinking treated sewage water from a bubbler on campus for more than a year .\"]\n", + "=======================\n", + "[\"a bubbler at a melbourne high school has been dispensing recycled waterstudents at st peter 's college in melbourne may have been drinking treated sewage water for around 16 monthsthe horrific discovery was made by maintenance during school holidaysinvestigation is under way by the department of health and human servicesstudents were at risk of contracting gastro while drinking from the bubblerthe other 20 bubblers at the school have been tested and deemed safe\"]\n", + "the bubbler had been dispensing recycled water for 16 months -- from december 17 2013 until april 1 2015 .in a letter sent to all parents during the school holidays , the principal of st peter 's college in cranbourne east , tim hogan admitted that ` class a ' recycled water had been inadvertently connected to an outdoor drinking fountain .students , parents and staff at a melbourne high school are horrified after the discovery students have been drinking treated sewage water from a bubbler on campus for more than a year .\n", + "a bubbler at a melbourne high school has been dispensing recycled waterstudents at st peter 's college in melbourne may have been drinking treated sewage water for around 16 monthsthe horrific discovery was made by maintenance during school holidaysinvestigation is under way by the department of health and human servicesstudents were at risk of contracting gastro while drinking from the bubblerthe other 20 bubblers at the school have been tested and deemed safe\n", + "[1.2929827 1.3302082 1.2119601 1.229918 1.3516357 1.1802602 1.1094104\n", + " 1.0714288 1.1140714 1.1030194 1.0477707 1.0141768 1.0446823 1.0413731\n", + " 1.0400289 1.0439512 1.0502814 1.0409864 0. ]\n", + "\n", + "[ 4 1 0 3 2 5 8 6 9 7 16 10 12 15 13 17 14 11 18]\n", + "=======================\n", + "[\"maxwell morton ( left ) , 16 , has been charged with murder in the death of mangan ( right ) , 16 , after mangan was found with a single gunshot wound to the facedefense attorney patrick thomassey does n't deny that maxwell morton , of jeannette , killed 16-year-old ryan mangan at mangan 's home february 4 .the attorney representing a 16-year-old pennsylvania boy charged with fatally shooting a friend in the face and then taking a selfie with his lifeless body stated in court wednesday that the killing was an accident .\"]\n", + "=======================\n", + "[\"maxwell morton , 16 , from pennsylvania , will be tried as an adult for shooting ryan manganmother of morton 's friend told police her son received snapchat image of him with victim - message had maxwell written across ithe admitted to shooting mangan after police found 9mm handgun hidden in his houseboth teens were juniors at jeannette high schoolmorton was also charged with first-degree murder and one count of possession of a firearm by a minormorton 's lawyer and family said the two boys were friends and there was no bad blood between them\"]\n", + "maxwell morton ( left ) , 16 , has been charged with murder in the death of mangan ( right ) , 16 , after mangan was found with a single gunshot wound to the facedefense attorney patrick thomassey does n't deny that maxwell morton , of jeannette , killed 16-year-old ryan mangan at mangan 's home february 4 .the attorney representing a 16-year-old pennsylvania boy charged with fatally shooting a friend in the face and then taking a selfie with his lifeless body stated in court wednesday that the killing was an accident .\n", + "maxwell morton , 16 , from pennsylvania , will be tried as an adult for shooting ryan manganmother of morton 's friend told police her son received snapchat image of him with victim - message had maxwell written across ithe admitted to shooting mangan after police found 9mm handgun hidden in his houseboth teens were juniors at jeannette high schoolmorton was also charged with first-degree murder and one count of possession of a firearm by a minormorton 's lawyer and family said the two boys were friends and there was no bad blood between them\n", + "[1.1970214 1.4676349 1.3859286 1.246492 1.1695215 1.1657512 1.1119245\n", + " 1.216491 1.0627503 1.1080053 1.0826252 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 7 0 4 5 6 9 10 8 17 11 12 13 14 15 16 18]\n", + "=======================\n", + "['tens of thousands of teachers could strike in the autumn , potentially causing temporary school closures .the national union of teachers is expected to call for a vote on industrial action this weekend over the prospect of looming funding cuts .pupils could face disruption to classes as teachers prepare to vote on a national walkout over pay and conditions .']\n", + "=======================\n", + "['national union of teachers expected to call for a vote on industrial actionballot of its 300,000 members would take place after general electionfears funding cuts will lead to redundancies in schools']\n", + "tens of thousands of teachers could strike in the autumn , potentially causing temporary school closures .the national union of teachers is expected to call for a vote on industrial action this weekend over the prospect of looming funding cuts .pupils could face disruption to classes as teachers prepare to vote on a national walkout over pay and conditions .\n", + "national union of teachers expected to call for a vote on industrial actionballot of its 300,000 members would take place after general electionfears funding cuts will lead to redundancies in schools\n", + "[1.2151052 1.4576491 1.3133637 1.1943585 1.1709019 1.1322867 1.154816\n", + " 1.1663666 1.0420036 1.0884625 1.0249724 1.0536563 1.0659459 1.1178389\n", + " 1.1485221 1.0760667 1.1065915 1.0413297 1.0143476 1.0339216 1.0124538\n", + " 1.0851291]\n", + "\n", + "[ 1 2 0 3 4 7 6 14 5 13 16 9 21 15 12 11 8 17 19 10 18 20]\n", + "=======================\n", + "['the 5.45 acre estate in san clemente , california was bought by the former commander in chief in 1969 , six months into his presidency .nixon entertained 17 heads of state at the home , which was built in 1926 and overlooks the pacific ocean .a grand home owned by president richard nixon and dubbed the western white house has been put on sale for $ 75million .']\n", + "=======================\n", + "['former president bought the san clemente , california house in 1969paid $ 1.4 million for estate featuring main resident and satellite homehosted 17 heads of state there , including soviet leader leonid brezhnevmoved out in 1980 and sold it to pharmaceutical ceo gavin s. herbert']\n", + "the 5.45 acre estate in san clemente , california was bought by the former commander in chief in 1969 , six months into his presidency .nixon entertained 17 heads of state at the home , which was built in 1926 and overlooks the pacific ocean .a grand home owned by president richard nixon and dubbed the western white house has been put on sale for $ 75million .\n", + "former president bought the san clemente , california house in 1969paid $ 1.4 million for estate featuring main resident and satellite homehosted 17 heads of state there , including soviet leader leonid brezhnevmoved out in 1980 and sold it to pharmaceutical ceo gavin s. herbert\n", + "[1.3073621 1.3610495 1.1924382 1.4253125 1.2784443 1.1426758 1.0487698\n", + " 1.0968388 1.0293401 1.0280471 1.0669049 1.19925 1.0306437 1.0227664\n", + " 1.0158048 1.0102184 1.0578322 1.0556761 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 0 4 11 2 5 7 10 16 17 6 12 8 9 13 14 15 20 18 19 21]\n", + "=======================\n", + "[\"in her will , diana 's butler paul burrell was bequeathed the sum of # 50,000 , free of inheritance tax .diana 's final wishes for the disposal of her # 21.4 million estate are among a vast archive of wills dating back to 1858 now available to view online .the will of princess diana is among 41 million available to order at the click of a button .\"]\n", + "=======================\n", + "[\"diana 's will is among those stored in an archive which is to be put onlinein it she bequeathed # 50,000 free of tax to her former butler paul burrellthe rest of her estate was divvied up between princes william and harryinternet users can pay # 10 to view the documents and millions of others\"]\n", + "in her will , diana 's butler paul burrell was bequeathed the sum of # 50,000 , free of inheritance tax .diana 's final wishes for the disposal of her # 21.4 million estate are among a vast archive of wills dating back to 1858 now available to view online .the will of princess diana is among 41 million available to order at the click of a button .\n", + "diana 's will is among those stored in an archive which is to be put onlinein it she bequeathed # 50,000 free of tax to her former butler paul burrellthe rest of her estate was divvied up between princes william and harryinternet users can pay # 10 to view the documents and millions of others\n", + "[1.4370598 1.3211356 1.2241306 1.1449347 1.1507928 1.1301202 1.1043766\n", + " 1.072241 1.1000184 1.0906655 1.1106479 1.1126683 1.1504633 1.016493\n", + " 1.0494739 1.037586 1.0212475 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 4 12 3 5 11 10 6 8 9 7 14 15 16 13 20 17 18 19 21]\n", + "=======================\n", + "['atlanta ( cnn ) robert lewis burns jr. , the original drummer in southern rock band lynyrd skynyrd , died friday night in a car crash , a georgia state patrol spokesman said .burns , 64 , died after his car hit a mailbox and a tree in cartersville , spokesman james tallent said .no other cars were involved in the crash , which occurred shortly before midnight .']\n", + "=======================\n", + "[\"robert lewis burns jr. was part of lynyrd skynyrd 's original lineuphis car hit a mailbox and a tree just before midnight\"]\n", + "atlanta ( cnn ) robert lewis burns jr. , the original drummer in southern rock band lynyrd skynyrd , died friday night in a car crash , a georgia state patrol spokesman said .burns , 64 , died after his car hit a mailbox and a tree in cartersville , spokesman james tallent said .no other cars were involved in the crash , which occurred shortly before midnight .\n", + "robert lewis burns jr. was part of lynyrd skynyrd 's original lineuphis car hit a mailbox and a tree just before midnight\n", + "[1.1954303 1.2250556 1.1704924 1.2894682 1.0562273 1.3903642 1.0399873\n", + " 1.121224 1.0922318 1.0916213 1.0662922 1.0314778 1.0111816 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 5 3 1 0 2 7 8 9 10 4 6 11 12 20 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"tipper lewis , 43 , has been reaping the benefits of superfoods for twenty years and credits the likes of chia seeds , bee pollen and matcha green tea with her boundless energy and good healthindeed , acai berries have been linked to weight loss and cancer prevention , flax seeds are thought to help lower blood pressure and reduce the risk of heart disease , while coconut oil has been hailed as a weight loss aid .health bloggers and celebrities alike sing superfoods ' praises and scientists publish countless studies into their health benefits .\"]\n", + "=======================\n", + "['tipper lewis , 43 , has been consuming superfoods for over 20 yearshas glowing skin , high energy levels and no doctorwould love to see children in schools eating superfoods']\n", + "tipper lewis , 43 , has been reaping the benefits of superfoods for twenty years and credits the likes of chia seeds , bee pollen and matcha green tea with her boundless energy and good healthindeed , acai berries have been linked to weight loss and cancer prevention , flax seeds are thought to help lower blood pressure and reduce the risk of heart disease , while coconut oil has been hailed as a weight loss aid .health bloggers and celebrities alike sing superfoods ' praises and scientists publish countless studies into their health benefits .\n", + "tipper lewis , 43 , has been consuming superfoods for over 20 yearshas glowing skin , high energy levels and no doctorwould love to see children in schools eating superfoods\n", + "[1.2032562 1.0757413 1.2655807 1.4409006 1.1245104 1.3452868 1.2013813\n", + " 1.0294042 1.1323653 1.0722122 1.0287758 1.2201123 1.025156 1.1261191\n", + " 1.0673647 1.0278351 1.0138313 1.0546517 1.0165527 1.0133029 0.\n", + " 0. ]\n", + "\n", + "[ 3 5 2 11 0 6 8 13 4 1 9 14 17 7 10 15 12 18 16 19 20 21]\n", + "=======================\n", + "[\"his heartbroken mum jessica and dad andrew mccrae have pledged to do everything they can to make sure the little boy from penrith , in sydney 's west , lives a full life , compiling a 30-item bucket list for their son to complete before he passes away .little elijah suffers the fatal genetic disease type 1 spinal muscular atrophy ( sma ) .but doctors say he probably wo n't live to see his second birthday because of a fatal genetic illness .\"]\n", + "=======================\n", + "[\"five-month-old elijah 's parents have made him a bucket listmum jessica and dad andrew want him to see the worldlittle elijah suffers the fatal genetic disease type 1 spinal muscular atrophyhe was born strong but he is now ` very floppy ' and getting weakerthe list includes a trip to queensland , a ferry ride and watching the sunset` the hardest thing is seeing other happy families '\"]\n", + "his heartbroken mum jessica and dad andrew mccrae have pledged to do everything they can to make sure the little boy from penrith , in sydney 's west , lives a full life , compiling a 30-item bucket list for their son to complete before he passes away .little elijah suffers the fatal genetic disease type 1 spinal muscular atrophy ( sma ) .but doctors say he probably wo n't live to see his second birthday because of a fatal genetic illness .\n", + "five-month-old elijah 's parents have made him a bucket listmum jessica and dad andrew want him to see the worldlittle elijah suffers the fatal genetic disease type 1 spinal muscular atrophyhe was born strong but he is now ` very floppy ' and getting weakerthe list includes a trip to queensland , a ferry ride and watching the sunset` the hardest thing is seeing other happy families '\n", + "[1.2200137 1.3951426 1.2513152 1.2244279 1.35657 1.2305547 1.1218344\n", + " 1.073485 1.0581418 1.0850114 1.1261309 1.0625178 1.1325463 1.0103657\n", + " 1.0134257 1.0728686 1.0460042 1.0226929 0. ]\n", + "\n", + "[ 1 4 2 5 3 0 12 10 6 9 7 15 11 8 16 17 14 13 18]\n", + "=======================\n", + "[\"jenna louise driscoll was leaving a brisbane 's city watch house after fronting the court for failing to appear on april 7 .the 25-year-old lashed out and hit a photographer on the forehead with a plastic bottle before hurling abuse at him .ms driscoll was arrested on friday afternoon after she turned up at stafford police station to fulfill her regular bail conditions .\"]\n", + "=======================\n", + "['woman charged with having sex with a dog lashed out at a photographerjenna louise driscoll hit him over the head with a bottle outside of courtshe fronted brisbane court after she failed to appear on april 7she was arrested on friday afternoon by police after a warrant was issuedpolice allegedly found bestiality videos when investigating text messages on her mobile phone for allegedly dealing cannabis in october']\n", + "jenna louise driscoll was leaving a brisbane 's city watch house after fronting the court for failing to appear on april 7 .the 25-year-old lashed out and hit a photographer on the forehead with a plastic bottle before hurling abuse at him .ms driscoll was arrested on friday afternoon after she turned up at stafford police station to fulfill her regular bail conditions .\n", + "woman charged with having sex with a dog lashed out at a photographerjenna louise driscoll hit him over the head with a bottle outside of courtshe fronted brisbane court after she failed to appear on april 7she was arrested on friday afternoon by police after a warrant was issuedpolice allegedly found bestiality videos when investigating text messages on her mobile phone for allegedly dealing cannabis in october\n", + "[1.2158256 1.5846882 1.2820358 1.3839643 1.0663719 1.0346454 1.0186257\n", + " 1.0518348 1.0296682 1.027137 1.2444857 1.2308931 1.123089 1.0825694\n", + " 1.0301267 1.0144958 1.0078715 1.0077078 0. ]\n", + "\n", + "[ 1 3 2 10 11 0 12 13 4 7 5 14 8 9 6 15 16 17 18]\n", + "=======================\n", + "[\"barry selby , 54 , who lives with his dog in poole , dorset , was eating a bag of cheese and onion crisps when he made the bizarre discovery , which appears to be a profile of a human skull .the floor-fitter has decided to keep the two inches tall by two-and-a-half inches wide snack as he believes it is far more impressive than other oddly-shaped examples he has seen on the internet .comparison : the 54-year-old said he was ` shocked ' to make the discovery , although it is not his first .\"]\n", + "=======================\n", + "[\"barry selby from dorset was eating bag of tesco cheese and onion crispsthe 54-year-old discovered a snack shaped like profile of the human skullhe said he was ` shocked ' with the find and has decided to ` keep it forever 'it 's not his first weird food find - he once discovered a heart-shaped crisp\"]\n", + "barry selby , 54 , who lives with his dog in poole , dorset , was eating a bag of cheese and onion crisps when he made the bizarre discovery , which appears to be a profile of a human skull .the floor-fitter has decided to keep the two inches tall by two-and-a-half inches wide snack as he believes it is far more impressive than other oddly-shaped examples he has seen on the internet .comparison : the 54-year-old said he was ` shocked ' to make the discovery , although it is not his first .\n", + "barry selby from dorset was eating bag of tesco cheese and onion crispsthe 54-year-old discovered a snack shaped like profile of the human skullhe said he was ` shocked ' with the find and has decided to ` keep it forever 'it 's not his first weird food find - he once discovered a heart-shaped crisp\n", + "[1.4079014 1.1607057 1.1129469 1.2250509 1.3273977 1.2323264 1.2388157\n", + " 1.0460043 1.0479927 1.0484195 1.0980356 1.0594537 1.0574611 1.0941001\n", + " 1.0367489 1.0114428 1.0652959 0. 0. ]\n", + "\n", + "[ 0 4 6 5 3 1 2 10 13 16 11 12 9 8 7 14 15 17 18]\n", + "=======================\n", + "[\"at the ballon d'or ceremony in january carlo ancelotti and diego simeone were runners-up as joachim low won the best coach award for guiding germany to the world cup .ancelotti reportedly told diego simeone that life in madrid would be a lot easier if atletico were n't aroundhaving already lost the spanish super cup to simeone at the start of the season , and the first league meeting between the two teams , since the fifa gala ancelotti has been knocked out of the copa del rey by his nemesis and beaten 4-0 in the league .\"]\n", + "=======================\n", + "[\"real madrid host atletico in champions league quarter-final second legfirst leg at vicente calderon finished 0-0 after physical encountercarlo ancelotti reportedly spoke to diego simeone about life in madriditalian boss told him life would be a lot easier if atletico were n't aroundreal must win at the bernabeu to go through , and ancelotti may not lastwinning nothing at real madrid results in an automatic dismissalgalacticos are currently two points adrift of la liga leaders barcelonaancelotti has only won three times in 12 games against simeone 's atletico\"]\n", + "at the ballon d'or ceremony in january carlo ancelotti and diego simeone were runners-up as joachim low won the best coach award for guiding germany to the world cup .ancelotti reportedly told diego simeone that life in madrid would be a lot easier if atletico were n't aroundhaving already lost the spanish super cup to simeone at the start of the season , and the first league meeting between the two teams , since the fifa gala ancelotti has been knocked out of the copa del rey by his nemesis and beaten 4-0 in the league .\n", + "real madrid host atletico in champions league quarter-final second legfirst leg at vicente calderon finished 0-0 after physical encountercarlo ancelotti reportedly spoke to diego simeone about life in madriditalian boss told him life would be a lot easier if atletico were n't aroundreal must win at the bernabeu to go through , and ancelotti may not lastwinning nothing at real madrid results in an automatic dismissalgalacticos are currently two points adrift of la liga leaders barcelonaancelotti has only won three times in 12 games against simeone 's atletico\n", + "[1.278801 1.400272 1.3028197 1.3864381 1.222669 1.2513857 1.0889293\n", + " 1.0610259 1.1805731 1.1116384 1.0150628 1.0158908 1.0220741 1.0638403\n", + " 1.0107836 1.0683627 1.0420426 1.0538107 1.0594922]\n", + "\n", + "[ 1 3 2 0 5 4 8 9 6 15 13 7 18 17 16 12 11 10 14]\n", + "=======================\n", + "[\"the ex-tottenham and england star , 53 , was rushed to hospital after waking up at 1am to find that the leg had gone cold back in 2013 .gary mabbutt has been left with a 30inch scar on his left leg after his diabetes caused an artery to be cloggedmabbutt 's diabetes had led to a clogged artery in the limb and doctors warned him it was ` touch and go ' on whether it would have to be amputated .\"]\n", + "=======================\n", + "['spurs legend woke up in middle of the night to find his leg was coldmabbutt diagnosed with diabetes at 17 but complications had developedhe required the main artery to be replaced and almost lost his left legthe ex-spurs star wants to raise awareness of dangers relating to diabetes']\n", + "the ex-tottenham and england star , 53 , was rushed to hospital after waking up at 1am to find that the leg had gone cold back in 2013 .gary mabbutt has been left with a 30inch scar on his left leg after his diabetes caused an artery to be cloggedmabbutt 's diabetes had led to a clogged artery in the limb and doctors warned him it was ` touch and go ' on whether it would have to be amputated .\n", + "spurs legend woke up in middle of the night to find his leg was coldmabbutt diagnosed with diabetes at 17 but complications had developedhe required the main artery to be replaced and almost lost his left legthe ex-spurs star wants to raise awareness of dangers relating to diabetes\n", + "[1.1720366 1.5101637 1.2106838 1.260982 1.373798 1.0830755 1.1371778\n", + " 1.1168551 1.1560508 1.0778327 1.0796967 1.0255681 1.0644859 1.0449927\n", + " 1.0745314 1.0540608 1.0277877 0. 0. ]\n", + "\n", + "[ 1 4 3 2 0 8 6 7 5 10 9 14 12 15 13 16 11 17 18]\n", + "=======================\n", + "[\"stephen munden , 54 , described as having a ` fanatical obsession ' with small girls after he targeted a toddler on a bus , has been missing since 6.15 pm on tuesday and was last seen leaving a hospital , near hook , hampshire .a predatory convicted paedophile with an obsession with young girls has gone on the run after vanishing from a psychiatric unit .now officers have launched a manhunt to find munden - who was detained under the mental health act after sexually touching the three-year-old girl .\"]\n", + "=======================\n", + "[\"stephen munden , 54 , has absconded from hospital , near hook , hampshirehe was described as having a ` fanatical obsession ' with small girlsmunden was convicted of sexually touching a child under the age of 13the sex offender may have shaved off his thick beard , police say\"]\n", + "stephen munden , 54 , described as having a ` fanatical obsession ' with small girls after he targeted a toddler on a bus , has been missing since 6.15 pm on tuesday and was last seen leaving a hospital , near hook , hampshire .a predatory convicted paedophile with an obsession with young girls has gone on the run after vanishing from a psychiatric unit .now officers have launched a manhunt to find munden - who was detained under the mental health act after sexually touching the three-year-old girl .\n", + "stephen munden , 54 , has absconded from hospital , near hook , hampshirehe was described as having a ` fanatical obsession ' with small girlsmunden was convicted of sexually touching a child under the age of 13the sex offender may have shaved off his thick beard , police say\n", + "[1.2643715 1.2880356 1.2049794 1.2353489 1.2086811 1.1476384 1.0745335\n", + " 1.0958377 1.065745 1.0594728 1.0488713 1.119823 1.0768814 1.0659547\n", + " 1.0842296 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 4 2 5 11 7 14 12 6 13 8 9 10 17 15 16 18]\n", + "=======================\n", + "[\"a team at nbc tasked with delving into allegations that the former network star has misrepresented his experiences in war zones is looking at tales he 's told about the tahrir square anti-government uprising in early 2011 .investigative journalists looking into possible exaggerations told by brian williams about his reporting are focusing on another episode from the nbc broadcasters career , his time reporting in egypt .however , there is no footage of williams actually on the square during what he called the moment demonstrations ` turned sour ' and descended into violence .\"]\n", + "=======================\n", + "[\"anchor said that he ` made eye contact ' with egyptian government soldier on horse when the tahrir square protests became violentwilliams told jon stewart that soldier then beat protesters with whipdoubts raised about whether he was actually on the square in early 2011his dispatches from the time of the uprising were done at balcony above itnbc committee investigating williams is reportedly looking at the incidentreview of his reporting continues after iraq experiences were inflated\"]\n", + "a team at nbc tasked with delving into allegations that the former network star has misrepresented his experiences in war zones is looking at tales he 's told about the tahrir square anti-government uprising in early 2011 .investigative journalists looking into possible exaggerations told by brian williams about his reporting are focusing on another episode from the nbc broadcasters career , his time reporting in egypt .however , there is no footage of williams actually on the square during what he called the moment demonstrations ` turned sour ' and descended into violence .\n", + "anchor said that he ` made eye contact ' with egyptian government soldier on horse when the tahrir square protests became violentwilliams told jon stewart that soldier then beat protesters with whipdoubts raised about whether he was actually on the square in early 2011his dispatches from the time of the uprising were done at balcony above itnbc committee investigating williams is reportedly looking at the incidentreview of his reporting continues after iraq experiences were inflated\n", + "[1.4857442 1.2901404 1.2151351 1.3820068 1.3382142 1.0339338 1.0290855\n", + " 1.1303679 1.0985548 1.0242399 1.0708047 1.0741302 1.0590819 1.0253115\n", + " 1.0097132 1.1548424 1.190855 1.0262858 1.0417709]\n", + "\n", + "[ 0 3 4 1 2 16 15 7 8 11 10 12 18 5 6 17 13 9 14]\n", + "=======================\n", + "[\"manuel pellegrini has admitted he is disappointed in yaya toure but vowed to back the manchester city midfielder -- at least until the end of the season .toure is determined not to be forced out but the chilean , speaking ahead of sunday 's visit of west ham , acknowledged the midfielder had underperformed and dismissed claims he should be given a rest .sportsmail revealed that manchester city will listen to offers for toure in the summer\"]\n", + "=======================\n", + "[\"sportsmail revealed manchester city would listen to offers for yaya touremanuel pellegrini admitted he was not happy about toure 's performancesbut the city boss has vowed to support him until the end of the seasonmanchester city face west ham at upton park on sundaysam allardyce has warned aaron cresswell about joining manchester city\"]\n", + "manuel pellegrini has admitted he is disappointed in yaya toure but vowed to back the manchester city midfielder -- at least until the end of the season .toure is determined not to be forced out but the chilean , speaking ahead of sunday 's visit of west ham , acknowledged the midfielder had underperformed and dismissed claims he should be given a rest .sportsmail revealed that manchester city will listen to offers for toure in the summer\n", + "sportsmail revealed manchester city would listen to offers for yaya touremanuel pellegrini admitted he was not happy about toure 's performancesbut the city boss has vowed to support him until the end of the seasonmanchester city face west ham at upton park on sundaysam allardyce has warned aaron cresswell about joining manchester city\n", + "[1.2176739 1.3328795 1.2383488 1.2265049 1.3050083 1.1611212 1.149179\n", + " 1.0768645 1.0305612 1.0109656 1.1465782 1.093059 1.1277636 1.1310406\n", + " 1.0472696 1.0731268 1.0768243 0. 0. ]\n", + "\n", + "[ 1 4 2 3 0 5 6 10 13 12 11 7 16 15 14 8 9 17 18]\n", + "=======================\n", + "[\"sarah jewell , 25 , is still living and breathing , a fact she proved when , after the irs told her to contact her local social security office in sparta , she walked right in and announced ` i 'm alive ! 'the staff told jewell that someone had filed her social security number as deceased in november 2014 .jewell said the office implied she would be fine and that ` everything 's taken care of ' .\"]\n", + "=======================\n", + "[\"sarah jewell , 25 , went to local social security office to prove she 's aliveshe learned someone had filed her number as deceased in november 2014jewell said the office implied ` everything 's taken care of ' and she was finebut after three months her number has n't been reinstated , she has n't received her tax refund , and her driver 's license also lists her as deceasedand now she 's in jeopardy of losing her job as a licensed pharmacist\"]\n", + "sarah jewell , 25 , is still living and breathing , a fact she proved when , after the irs told her to contact her local social security office in sparta , she walked right in and announced ` i 'm alive ! 'the staff told jewell that someone had filed her social security number as deceased in november 2014 .jewell said the office implied she would be fine and that ` everything 's taken care of ' .\n", + "sarah jewell , 25 , went to local social security office to prove she 's aliveshe learned someone had filed her number as deceased in november 2014jewell said the office implied ` everything 's taken care of ' and she was finebut after three months her number has n't been reinstated , she has n't received her tax refund , and her driver 's license also lists her as deceasedand now she 's in jeopardy of losing her job as a licensed pharmacist\n", + "[1.2732598 1.34237 1.1876856 1.3605305 1.2378118 1.0876291 1.069038\n", + " 1.0327191 1.0573295 1.0383195 1.1424148 1.0462902 1.053896 1.1491796\n", + " 1.0402108 1.0413301 1.0115939 1.0349275 0. ]\n", + "\n", + "[ 3 1 0 4 2 13 10 5 6 8 12 11 15 14 9 17 7 16 18]\n", + "=======================\n", + "['alec stewart admitted he has had no contact with the ecb over the role of england cricket directorit was widely believed that the new ecb regime led by chief executive tom harrison and chairman colin graves would waste little time in appointing from a short list of former england captains michael vaughan , andrew strauss and alec stewart .the ecb are to spread the net far wider than expected in their search for the director of cricket to replace the axed paul downton .']\n", + "=======================\n", + "['the ecb were expected to appoint a former england captain for the rolethe job description for the new cricket role has yet to be fixedsport recruitment international expected to suggest overseas candidates']\n", + "alec stewart admitted he has had no contact with the ecb over the role of england cricket directorit was widely believed that the new ecb regime led by chief executive tom harrison and chairman colin graves would waste little time in appointing from a short list of former england captains michael vaughan , andrew strauss and alec stewart .the ecb are to spread the net far wider than expected in their search for the director of cricket to replace the axed paul downton .\n", + "the ecb were expected to appoint a former england captain for the rolethe job description for the new cricket role has yet to be fixedsport recruitment international expected to suggest overseas candidates\n", + "[1.3045001 1.3654007 1.232975 1.328272 1.0671116 1.098753 1.0730308\n", + " 1.0901011 1.0949895 1.0657971 1.0927794 1.0905675 1.0713186 1.147547\n", + " 1.0431299 1.0739584 1.026143 0. 0. ]\n", + "\n", + "[ 1 3 0 2 13 5 8 10 11 7 15 6 12 4 9 14 16 17 18]\n", + "=======================\n", + "[\"the celebrity chef 's iconic fat duck was named the eighth best restaurant in the world in the annual poll by luxury magazine elite traveler .and his london eatery , dinner by heston blumenthal , at the mandarin oriental hotel , also scraped through into the top 25 .young talent : chef grant achatz has three michelin stars for his chicago restaurant alinea\"]\n", + "=======================\n", + "[\"the fat duck in bray named as the eighth best restaurant in the worlddinner by heston at london 's mandarin oriental hotel makes it to top 25best restaurant in the world is grant achatz 's alinea , chicagothe awards are voted for by readers of elite traveler magazine\"]\n", + "the celebrity chef 's iconic fat duck was named the eighth best restaurant in the world in the annual poll by luxury magazine elite traveler .and his london eatery , dinner by heston blumenthal , at the mandarin oriental hotel , also scraped through into the top 25 .young talent : chef grant achatz has three michelin stars for his chicago restaurant alinea\n", + "the fat duck in bray named as the eighth best restaurant in the worlddinner by heston at london 's mandarin oriental hotel makes it to top 25best restaurant in the world is grant achatz 's alinea , chicagothe awards are voted for by readers of elite traveler magazine\n", + "[1.391274 1.1869627 1.2326218 1.2905446 1.1514618 1.2502079 1.1086891\n", + " 1.0296782 1.0746305 1.0970122 1.0585564 1.0900581 1.0337896 1.0417601\n", + " 1.0201509 1.0666248 1.0529408 1.0458634 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 5 2 1 4 6 9 11 8 15 10 16 17 13 12 7 14 26 18 19 20 21 22\n", + " 23 24 25 27]\n", + "=======================\n", + "[\"pensions minister steve webb has now urged people to not make rash decisionsyesterday the biggest pension reforms in a century were launched , allowing over-55s to cash in their pension pots rather than being forced to buy a fixed monthly income .mr webb said over-55s ` do n't have to rush this ' and insisted there was ` a case for waiting and seeing ' .\"]\n", + "=======================\n", + "[\"over-55s are now able to cash in their pensions instead of buying annuitypensions minister steve webb said people should buy whatever they wanthe said : ` if you want to enjoy it , why should n't you be able to do that ? 'now , mr webb is urging people to take time and not make rash decisions\"]\n", + "pensions minister steve webb has now urged people to not make rash decisionsyesterday the biggest pension reforms in a century were launched , allowing over-55s to cash in their pension pots rather than being forced to buy a fixed monthly income .mr webb said over-55s ` do n't have to rush this ' and insisted there was ` a case for waiting and seeing ' .\n", + "over-55s are now able to cash in their pensions instead of buying annuitypensions minister steve webb said people should buy whatever they wanthe said : ` if you want to enjoy it , why should n't you be able to do that ? 'now , mr webb is urging people to take time and not make rash decisions\n", + "[1.4501497 1.0843623 1.1982446 1.2058238 1.1518539 1.0301342 1.2276614\n", + " 1.0483057 1.0337291 1.0399362 1.1089467 1.0792902 1.1214957 1.0575544\n", + " 1.2828572 1.0612478 1.0320315 1.0130031 1.0522581 1.0305614 1.0884211\n", + " 1.0230938 1.0262066 1.2151303 0. 0. 0. 0. ]\n", + "\n", + "[ 0 14 6 23 3 2 4 12 10 20 1 11 15 13 18 7 9 8 16 19 5 22 21 17\n", + " 24 25 26 27]\n", + "=======================\n", + "['brendan rodgers has insisted that raheem sterling will not be sold this summer , even if he fails to agree a new long-term contract at anfield .sterling has rejected a contract worth # 100,000-a-week and could look to force a move away from liverpoolbayern munich boss pep guardiola is believed to be keen on sterling and could make a move for him']\n", + "=======================\n", + "['raheem sterling could leave liverpool in the summer transfer windowarsenal and manchester city are both interested in signing himchelsea could make a big money move if sterling becomes availablebayern munich boss pep guardiola is believed to be an admirer']\n", + "brendan rodgers has insisted that raheem sterling will not be sold this summer , even if he fails to agree a new long-term contract at anfield .sterling has rejected a contract worth # 100,000-a-week and could look to force a move away from liverpoolbayern munich boss pep guardiola is believed to be keen on sterling and could make a move for him\n", + "raheem sterling could leave liverpool in the summer transfer windowarsenal and manchester city are both interested in signing himchelsea could make a big money move if sterling becomes availablebayern munich boss pep guardiola is believed to be an admirer\n", + "[1.1735743 1.0692368 1.0559689 1.0459093 1.0456424 1.0447562 1.1171105\n", + " 1.1274195 1.119494 1.1717817 1.0657644 1.0261698 1.1994196 1.0767735\n", + " 1.1084557 1.0382746 1.0287963 1.0448498 1.0624375 1.0337076 1.0361944\n", + " 1.0333055 1.0193461 1.0450566 1.0132163 1.0193155 1.0224016 1.0204157]\n", + "\n", + "[12 0 9 7 8 6 14 13 1 10 18 2 3 4 23 17 5 15 20 19 21 16 11 26\n", + " 27 22 25 24]\n", + "=======================\n", + "[\"raheem sterling winces during liverpool 's 4-1 defeat at arsenal to complete a tough week for the 20-year-oldimagine if raheem sterling had actually done something wrong .sterling 's ability has been questioned and his contribution to liverpool has been mocked .\"]\n", + "=======================\n", + "['he has not signed the lucrative contract liverpool waved in front of him and he gave an interview to the bbc without clearing it with the clubbut imagine if raheem sterling had actually done something wronghe has been called avaricious , capricious , disloyal and impressionablewe talk about loyalty in football as if it is a one-way streetclubs generally have very little loyalty to players .if he asks for time to think before he commits himself , it is absurdly unjust that he should be pilloried for it']\n", + "raheem sterling winces during liverpool 's 4-1 defeat at arsenal to complete a tough week for the 20-year-oldimagine if raheem sterling had actually done something wrong .sterling 's ability has been questioned and his contribution to liverpool has been mocked .\n", + "he has not signed the lucrative contract liverpool waved in front of him and he gave an interview to the bbc without clearing it with the clubbut imagine if raheem sterling had actually done something wronghe has been called avaricious , capricious , disloyal and impressionablewe talk about loyalty in football as if it is a one-way streetclubs generally have very little loyalty to players .if he asks for time to think before he commits himself , it is absurdly unjust that he should be pilloried for it\n", + "[1.1846515 1.3880147 1.330865 1.2154247 1.1033995 1.1277117 1.1794876\n", + " 1.024332 1.0874523 1.1641625 1.1680259 1.019925 1.0391017 1.062999\n", + " 1.095479 1.057266 1.028524 1.0271196 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 6 10 9 5 4 14 8 13 15 12 16 17 7 11 26 18 19 20 21 22\n", + " 23 24 25 27]\n", + "=======================\n", + "[\"us researchers discovered that a single gene called tcsad1 is responsible for the melting point of cocoa butter .plant geneticists say their finding could also lead to new varieties of climate change-resistant cocoa plants , which could boost plants ' yields and the income of farmers .the world cocoa foundation puts annual cocoa production worldwide at 3.8 million tons , which is valued at $ 11.8 billion ( # 7.9 billion ) .\"]\n", + "=======================\n", + "['plant geneticists at pennsylvania state university discovered that a single gene called tcsad1 is responsible for the melting point of cocoa butterdiscovery could lead to chocolate with unique textures and new drugs tooresearch could also be used to create new varieties of cocoa plantsexperts hope find could profit the farmers who grow cocoa']\n", + "us researchers discovered that a single gene called tcsad1 is responsible for the melting point of cocoa butter .plant geneticists say their finding could also lead to new varieties of climate change-resistant cocoa plants , which could boost plants ' yields and the income of farmers .the world cocoa foundation puts annual cocoa production worldwide at 3.8 million tons , which is valued at $ 11.8 billion ( # 7.9 billion ) .\n", + "plant geneticists at pennsylvania state university discovered that a single gene called tcsad1 is responsible for the melting point of cocoa butterdiscovery could lead to chocolate with unique textures and new drugs tooresearch could also be used to create new varieties of cocoa plantsexperts hope find could profit the farmers who grow cocoa\n", + "[1.5223852 1.352126 1.2567177 1.5112503 1.3418552 1.0671474 1.0132785\n", + " 1.0149735 1.0193775 1.0222323 1.0270469 1.018734 1.1131461 1.0191215\n", + " 1.0175408 1.0169551 1.0128278 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 12 5 10 9 8 13 11 14 15 7 6 16 25 24 23 22 19 20 18\n", + " 17 26 21 27]\n", + "=======================\n", + "[\"manchester united and liverpool target danny ings insists his aim for next season is to play and develop wherever he ends up .the burnley striker 's future has been the subject of considerable speculation with the 22-year-old also linked with moves to borussia monchengladbach and david moyes ' real sociedad .however , ings - who has scored nine goals during his debut premier league season - is keen to keep his career moving forward and does not want sit on the bench .\"]\n", + "=======================\n", + "['danny ings is a target for manchester united and liverpool this summerthe burnley striker does not want to move just to sit on the benchings keen to work with a manager who will help him develop as a player']\n", + "manchester united and liverpool target danny ings insists his aim for next season is to play and develop wherever he ends up .the burnley striker 's future has been the subject of considerable speculation with the 22-year-old also linked with moves to borussia monchengladbach and david moyes ' real sociedad .however , ings - who has scored nine goals during his debut premier league season - is keen to keep his career moving forward and does not want sit on the bench .\n", + "danny ings is a target for manchester united and liverpool this summerthe burnley striker does not want to move just to sit on the benchings keen to work with a manager who will help him develop as a player\n", + "[1.4790354 1.1841173 1.1146111 1.4550297 1.2372636 1.2652271 1.0908474\n", + " 1.1090583 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 5 4 1 2 7 6 22 21 20 19 18 17 16 12 14 13 23 11 10 9 8 15\n", + " 24]\n", + "=======================\n", + "['david alaba has given bayern munich some good news after posting a video on his instagram of the cast being removed following his recent knee ligament damage .david alaba is looking to get back to fitness for bayern munich now his cast has been removedbayern thrashed shakhtar donetsk in the last round and will be looking for a repeat result when they line up on wednesday at the estadio do dragao .']\n", + "=======================\n", + "['david alaba posted video on his instagram of the cast being removedthe austrian is currently out after suffering knee ligament damagebayern munich face porto in the champions league on wednesday']\n", + "david alaba has given bayern munich some good news after posting a video on his instagram of the cast being removed following his recent knee ligament damage .david alaba is looking to get back to fitness for bayern munich now his cast has been removedbayern thrashed shakhtar donetsk in the last round and will be looking for a repeat result when they line up on wednesday at the estadio do dragao .\n", + "david alaba posted video on his instagram of the cast being removedthe austrian is currently out after suffering knee ligament damagebayern munich face porto in the champions league on wednesday\n", + "[1.1389611 1.1801592 1.283956 1.1602175 1.348127 1.053907 1.0722827\n", + " 1.0759871 1.1727645 1.1192216 1.1445255 1.0931253 1.0421429 1.0674527\n", + " 1.027812 1.0077242 1.0076703 1.0120318 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 4 2 1 8 3 10 0 9 11 7 6 13 5 12 14 17 15 16 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"eighteen people died in the avalanche , including four americans , and 61 were injured , according to nepal 's mountaineering department .the avalanche started on mount kumori , a 23,000-foot-high mountain just a few miles from everest , and gathered strength as it tore across the world 's highest peak .before and after images show how the wave of snow , ice and rock flattened the usually serene 18,000-foot-altitude base camp on saturday .\"]\n", + "=======================\n", + "['photographs taken after the 7.8-magnitude earthquake sparked an avalanche on mount everest on saturday show the campsite buried beneath snow and belongings strewn across the mountaineighteen people were killed in the avalanche , including three americans , and more than 60 were injuredsurvivors recalled harrowing tales of being pummeled by snow and rocks as they prayed for their livesthe massive earthquake is believed to have killed at least 4,352 people across the region']\n", + "eighteen people died in the avalanche , including four americans , and 61 were injured , according to nepal 's mountaineering department .the avalanche started on mount kumori , a 23,000-foot-high mountain just a few miles from everest , and gathered strength as it tore across the world 's highest peak .before and after images show how the wave of snow , ice and rock flattened the usually serene 18,000-foot-altitude base camp on saturday .\n", + "photographs taken after the 7.8-magnitude earthquake sparked an avalanche on mount everest on saturday show the campsite buried beneath snow and belongings strewn across the mountaineighteen people were killed in the avalanche , including three americans , and more than 60 were injuredsurvivors recalled harrowing tales of being pummeled by snow and rocks as they prayed for their livesthe massive earthquake is believed to have killed at least 4,352 people across the region\n", + "[1.1337404 1.3114963 1.1999078 1.4096905 1.2349445 1.0792916 1.1078787\n", + " 1.1463872 1.1133794 1.0708563 1.1015221 1.0818269 1.0295339 1.0718143\n", + " 1.0363858 1.015434 1.0405403 1.0489267 1.0791515 1.0448987 1.0421946\n", + " 1.0427816 1.026052 1.0445019 1.0436244]\n", + "\n", + "[ 3 1 4 2 7 0 8 6 10 11 5 18 13 9 17 19 23 24 21 20 16 14 12 22\n", + " 15]\n", + "=======================\n", + "[\"he is being fed three times a day at the dairy farm where he was born , in narnaul , northern india .the strange-looking baby opens all ten lips when he is sucking at his mother 's udders .on everyone 's lips : this calf in northern india has five mouths and is attracting a stream of human visitors\"]\n", + "=======================\n", + "['bizarre-looking creature can drink through two of his five mouthslocal people in narnaul are flocking to see him and pray at his hoovesthe calf , called nandi , is thought to have the most mouths of any bovine']\n", + "he is being fed three times a day at the dairy farm where he was born , in narnaul , northern india .the strange-looking baby opens all ten lips when he is sucking at his mother 's udders .on everyone 's lips : this calf in northern india has five mouths and is attracting a stream of human visitors\n", + "bizarre-looking creature can drink through two of his five mouthslocal people in narnaul are flocking to see him and pray at his hoovesthe calf , called nandi , is thought to have the most mouths of any bovine\n", + "[1.2671461 1.4753815 1.3620439 1.2713997 1.1212599 1.1462843 1.1095687\n", + " 1.1009791 1.1861613 1.0926601 1.0256435 1.0248303 1.125096 1.0139292\n", + " 1.0126175 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 8 5 12 4 6 7 9 10 11 13 14 22 21 20 19 15 17 16 23 18\n", + " 24]\n", + "=======================\n", + "['stocks of the influenza vaccine are arriving a month later than expected as scientists have included protection against influenza a strain h3n2 and influenza b strain b/phuket .the decision to include both was triggered by a spike in flu-related deaths in the northern hemisphere as the vaccine was not a good match to fight against the two types of flu .experts say the modified version of the vaccination is worth waiting for .']\n", + "=======================\n", + "['flu strains h3n2 and b/phuket triggered spike in deaths in u.s. and europemodified vaccine which includes these two strains is coming to australiaincluding the strains has delayed stocks of the vaccine arriving by a monthhigh-risk groups in australia will be able to get free flu shots from april 20']\n", + "stocks of the influenza vaccine are arriving a month later than expected as scientists have included protection against influenza a strain h3n2 and influenza b strain b/phuket .the decision to include both was triggered by a spike in flu-related deaths in the northern hemisphere as the vaccine was not a good match to fight against the two types of flu .experts say the modified version of the vaccination is worth waiting for .\n", + "flu strains h3n2 and b/phuket triggered spike in deaths in u.s. and europemodified vaccine which includes these two strains is coming to australiaincluding the strains has delayed stocks of the vaccine arriving by a monthhigh-risk groups in australia will be able to get free flu shots from april 20\n", + "[1.2694092 1.3457477 1.3635974 1.3323182 1.2944003 1.0745742 1.186712\n", + " 1.0719436 1.0217875 1.0338978 1.0818015 1.1342157 1.0311197 1.0157129\n", + " 1.0251467 1.0356656 1.0406407 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 4 0 6 11 10 5 7 16 15 9 12 14 8 13 23 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"the company has now responded with its own video , demonstrating a three-point bend test on both its galaxy s6 models .but now the south korean firm is facing a ` bendgate ' controversy of its own after a video emerged claiming to show a similar flaw on the galaxy s6 edge .the video was released by third-party warranty firm squaretrade , and has since been criticised by samsung\"]\n", + "=======================\n", + "[\"squaretrade 's video shows phone breaking under 110lbs of pressurebut samsung argues this is an unrealistic portrayal of everyday forcesit added that original test ` does not show the strength of the back side 'samsung last year poked fun at apple during its bendgate controversy\"]\n", + "the company has now responded with its own video , demonstrating a three-point bend test on both its galaxy s6 models .but now the south korean firm is facing a ` bendgate ' controversy of its own after a video emerged claiming to show a similar flaw on the galaxy s6 edge .the video was released by third-party warranty firm squaretrade , and has since been criticised by samsung\n", + "squaretrade 's video shows phone breaking under 110lbs of pressurebut samsung argues this is an unrealistic portrayal of everyday forcesit added that original test ` does not show the strength of the back side 'samsung last year poked fun at apple during its bendgate controversy\n", + "[1.1690148 1.406629 1.3306336 1.2437114 1.1796569 1.1665035 1.1691728\n", + " 1.0843701 1.0566025 1.0729176 1.1118872 1.1007411 1.0888389 1.0227201\n", + " 1.0149807 1.054619 1.0361998 0. ]\n", + "\n", + "[ 1 2 3 4 6 0 5 10 11 12 7 9 8 15 16 13 14 17]\n", + "=======================\n", + "['some 24 per cent of 13 to 17-year-olds admitted they were continuously checking their devices , including when they were at school .nine in teenagers also confessed to going online every day as they were unable to resist the lure of facebook and instagram .the study also looked at social media and found that middle class teenagers were more likely to use snapchat , the controversial message service where messages disappears seconds after they are sent']\n", + "=======================\n", + "['9 in 10 teens go online every day , unable to resist the lure of facebookparents also face a nightmare monitoring children as 71 % of teens use more than one social network , the pew research centre foundnearly three-quarters of teens have or have access to a smartphone']\n", + "some 24 per cent of 13 to 17-year-olds admitted they were continuously checking their devices , including when they were at school .nine in teenagers also confessed to going online every day as they were unable to resist the lure of facebook and instagram .the study also looked at social media and found that middle class teenagers were more likely to use snapchat , the controversial message service where messages disappears seconds after they are sent\n", + "9 in 10 teens go online every day , unable to resist the lure of facebookparents also face a nightmare monitoring children as 71 % of teens use more than one social network , the pew research centre foundnearly three-quarters of teens have or have access to a smartphone\n", + "[1.2961879 1.48677 1.194267 1.3969371 1.1266606 1.0659782 1.1594461\n", + " 1.0630169 1.0727755 1.0941727 1.0815861 1.0513364 1.0374007 1.018337\n", + " 1.0126051 1.0420048 0. 0. ]\n", + "\n", + "[ 1 3 0 2 6 4 9 10 8 5 7 11 15 12 13 14 16 17]\n", + "=======================\n", + "[\"jim jepps used a blog called the daily maybe to defend ` rape fantasies ' , describe paedophiles as ` complex human beings ' and question why teachers who have relationships with pupils are put on the sex offenders register .green party leader natalie bennett has distanced herself from the bizarre blog posts of her boyfriend jim jepps , insisting he is a ` private individual not involved in party politics 'the couple met five years ago when ms bennett contacted him to correct something he had written about her , but now the green party stresses they do not ` want to be associated ' with his internet rants .\"]\n", + "=======================\n", + "[\"jim jepps used site to describe paedophiles as ` complex human beings 'couple met in 2010 after she contacted him to complain about a blogpostdefended ` rape fantasies ' and discussed teachers having affairs with pupilsbennett distances herself from ` private individual not involved in politics '\"]\n", + "jim jepps used a blog called the daily maybe to defend ` rape fantasies ' , describe paedophiles as ` complex human beings ' and question why teachers who have relationships with pupils are put on the sex offenders register .green party leader natalie bennett has distanced herself from the bizarre blog posts of her boyfriend jim jepps , insisting he is a ` private individual not involved in party politics 'the couple met five years ago when ms bennett contacted him to correct something he had written about her , but now the green party stresses they do not ` want to be associated ' with his internet rants .\n", + "jim jepps used site to describe paedophiles as ` complex human beings 'couple met in 2010 after she contacted him to complain about a blogpostdefended ` rape fantasies ' and discussed teachers having affairs with pupilsbennett distances herself from ` private individual not involved in politics '\n", + "[1.2745605 1.1679698 1.1209216 1.0956131 1.083252 1.0839651 1.1796638\n", + " 1.1087375 1.053499 1.0652163 1.043777 1.0445329 1.066805 1.0763179\n", + " 1.0324218 1.0324403 1.0511597 1.0359634]\n", + "\n", + "[ 0 6 1 2 7 3 5 4 13 12 9 8 16 11 10 17 15 14]\n", + "=======================\n", + "['( cnn ) we might never truly comprehend what drove co-pilot andreas lubitz to crash germanwings flight 9525 into the french alps on march 24 , killing everyone on board .his case raises larger and important issues about people who are burdened with mental illness and the pressure of its stigma .the latest report shows that he sped up the descent of the plane to its doom .']\n", + "=======================\n", + "['andreas lubitz , the co-pilot who crashed the germanwings flight , battled with depressionjay ruderman and jo ann simons : society must talk about mental illness to help people cope with it better']\n", + "( cnn ) we might never truly comprehend what drove co-pilot andreas lubitz to crash germanwings flight 9525 into the french alps on march 24 , killing everyone on board .his case raises larger and important issues about people who are burdened with mental illness and the pressure of its stigma .the latest report shows that he sped up the descent of the plane to its doom .\n", + "andreas lubitz , the co-pilot who crashed the germanwings flight , battled with depressionjay ruderman and jo ann simons : society must talk about mental illness to help people cope with it better\n", + "[1.3434614 1.4140637 1.190564 1.1476183 1.1526716 1.3821952 1.0656866\n", + " 1.0298958 1.0398115 1.0460645 1.0152199 1.0179423 1.0148648 1.1348044\n", + " 1.1214945 1.0667706 0. 0. ]\n", + "\n", + "[ 1 5 0 2 4 3 13 14 15 6 9 8 7 11 10 12 16 17]\n", + "=======================\n", + "[\"arsenal head to turf moor in search of what would be an eighth straight league victory , following on from last weekend 's 4-1 triumph over liverpool .santi cazorla is set to make his 100th premier league appearance while abou diaby is back from injuryarsene wenger has challenged his squad to put any dreams of a late charge for the barclays premier league to bed and focus instead on the cold reality of winning at burnley on saturday .\"]\n", + "=======================\n", + "[\"arsenal face burnley at turf moor as they bid to keep pressure on chelseagunners are seven points behind the blues having played one game morearsene wenger has told his squad to put dreams of title charge on holdabou diaby , jack wilshere , mikel arteta and mathieu debuchy in line to return to first-team foldarsenal 's pre-game playlist : pharrell makes laurent koscielny happy\"]\n", + "arsenal head to turf moor in search of what would be an eighth straight league victory , following on from last weekend 's 4-1 triumph over liverpool .santi cazorla is set to make his 100th premier league appearance while abou diaby is back from injuryarsene wenger has challenged his squad to put any dreams of a late charge for the barclays premier league to bed and focus instead on the cold reality of winning at burnley on saturday .\n", + "arsenal face burnley at turf moor as they bid to keep pressure on chelseagunners are seven points behind the blues having played one game morearsene wenger has told his squad to put dreams of title charge on holdabou diaby , jack wilshere , mikel arteta and mathieu debuchy in line to return to first-team foldarsenal 's pre-game playlist : pharrell makes laurent koscielny happy\n", + "[1.3094009 1.337631 1.1550401 1.2146995 1.0603299 1.048455 1.0303257\n", + " 1.1230386 1.141026 1.143404 1.0716172 1.0492212 1.0671775 1.0391657\n", + " 1.0366627 1.0986148 0. 0. ]\n", + "\n", + "[ 1 0 3 2 9 8 7 15 10 12 4 11 5 13 14 6 16 17]\n", + "=======================\n", + "[\"according to a new book by a former royal correspondent , the former king juan carlos ii had a long-running affair with a german socialite during the final decade of his reign .spain 's king felipe and queen letizia put on a united front today , as they stepped out for the first time since explosive new claims about the 47-year-old monarch 's father emerged .but if felipe and letizia were upset about the revelations , they certainly were n't showing it as they arrived at the university of alcala de henares to present the cervantes prize for literature .\"]\n", + "=======================\n", + "['king felipe was making his first appearance since the claims emergednew book alleges his father had a 10-year affair with a german socialitecorinna zu sayn-wittgenstein claims juan-carlos wanted to marry herfelipe , 47 , was joined by wife letizia , 42 , at university of alcala de henares']\n", + "according to a new book by a former royal correspondent , the former king juan carlos ii had a long-running affair with a german socialite during the final decade of his reign .spain 's king felipe and queen letizia put on a united front today , as they stepped out for the first time since explosive new claims about the 47-year-old monarch 's father emerged .but if felipe and letizia were upset about the revelations , they certainly were n't showing it as they arrived at the university of alcala de henares to present the cervantes prize for literature .\n", + "king felipe was making his first appearance since the claims emergednew book alleges his father had a 10-year affair with a german socialitecorinna zu sayn-wittgenstein claims juan-carlos wanted to marry herfelipe , 47 , was joined by wife letizia , 42 , at university of alcala de henares\n", + "[1.206847 1.4888115 1.3248279 1.3608582 1.235111 1.2151854 1.0738763\n", + " 1.08157 1.2002372 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 5 0 8 7 6 18 17 16 15 14 10 12 11 19 9 13 20]\n", + "=======================\n", + "[\"sabrina osterkamp was last seen leaving her home in naracoorte at about midday on sunday when she was driving a friend 's car about 110km south to mount gambier in south australia 's southeast .a german tourist , who had been missing for almost 24 hours after her car was discovered abandoned on the side of the road , has been found after surviving the night in a national park .a police spokesman said it was not know why she was in the national park without the car .\"]\n", + "=======================\n", + "[\"sabrina osterkamp was last seen leaving home in naracoorte at 12pm on sundaythe german tourist was driving a friend 's car about 110km south to mount gambier in south australia 's southeastthe car was found abandoned on side of road in centre of mount gambierthe 25-year-old contacted authorities to say she was safe and well almost 24 hours later\"]\n", + "sabrina osterkamp was last seen leaving her home in naracoorte at about midday on sunday when she was driving a friend 's car about 110km south to mount gambier in south australia 's southeast .a german tourist , who had been missing for almost 24 hours after her car was discovered abandoned on the side of the road , has been found after surviving the night in a national park .a police spokesman said it was not know why she was in the national park without the car .\n", + "sabrina osterkamp was last seen leaving home in naracoorte at 12pm on sundaythe german tourist was driving a friend 's car about 110km south to mount gambier in south australia 's southeastthe car was found abandoned on side of road in centre of mount gambierthe 25-year-old contacted authorities to say she was safe and well almost 24 hours later\n", + "[1.2679349 1.5334926 1.2229071 1.2846146 1.2078846 1.0965538 1.3026127\n", + " 1.0458395 1.0257577 1.0322193 1.0378305 1.023228 1.015962 1.0620414\n", + " 1.0257087 1.0188675 1.0268207 1.0124446 1.0766622 1.0778959 1.1755685]\n", + "\n", + "[ 1 6 3 0 2 4 20 5 19 18 13 7 10 9 16 8 14 11 15 12 17]\n", + "=======================\n", + "[\"douglas murphy was cleaning up after a children 's picnic when he bumped his leg against a bin bag .a cut so small it was hardly visible , became infected , causing the rare condition necrotizing faciitis - a flesh-eating bug .though the 47-year-old barely registered it at the time , the scrape almost cost him his right leg .\"]\n", + "=======================\n", + "['douglas murphy scraped his leg on a bin bag while clearing up after party47-year-old father-of-two suffered a cut so small it was barely visibleit became infected , triggering the rare condition necrotizing faciitissurgeons were preparing to amputate when antibiotics began to work']\n", + "douglas murphy was cleaning up after a children 's picnic when he bumped his leg against a bin bag .a cut so small it was hardly visible , became infected , causing the rare condition necrotizing faciitis - a flesh-eating bug .though the 47-year-old barely registered it at the time , the scrape almost cost him his right leg .\n", + "douglas murphy scraped his leg on a bin bag while clearing up after party47-year-old father-of-two suffered a cut so small it was barely visibleit became infected , triggering the rare condition necrotizing faciitissurgeons were preparing to amputate when antibiotics began to work\n", + "[1.0739253 1.1469518 1.1226655 1.3347927 1.1261877 1.2623128 1.1264616\n", + " 1.0862129 1.1165832 1.0212393 1.014312 1.0140209 1.0202266 1.0138336\n", + " 1.0141728 1.0145646 1.1173483 1.3023918 1.0111033 1.0179203 0. ]\n", + "\n", + "[ 3 17 5 1 6 4 2 16 8 7 0 9 12 19 15 10 14 11 13 18 20]\n", + "=======================\n", + "['not when their final seven games include fixtures against southampton , liverpool , arsenal , tottenham and manchester united .bafetimbi gomis scored a spectacular overhead .bafetimbi gomis roars with celebration after giving swansea a 2-0 lead against hull at the liberty stadium on saturday']\n", + "=======================\n", + "[\"swansea city beat hull city 2-1 in the premier league at the liberty stadium on saturdayki sung-yueng fired the hosts into the lead after 18 minutes when he turned home jonjo shelvey 's parried effortbafetimbi gomis doubled the lead when he fired a volley into the roof of the net eight minutes before half-timepaul mcshane got a goal back for the visitors just five minutes after the restart , tapping in from close rangedavid meyley was given a straight red card three minutes after the goal when he lunged in on kyle naughtongomis made it 3-1 in injury time to grab his second of the match and restore the host 's two-goal advantage\"]\n", + "not when their final seven games include fixtures against southampton , liverpool , arsenal , tottenham and manchester united .bafetimbi gomis scored a spectacular overhead .bafetimbi gomis roars with celebration after giving swansea a 2-0 lead against hull at the liberty stadium on saturday\n", + "swansea city beat hull city 2-1 in the premier league at the liberty stadium on saturdayki sung-yueng fired the hosts into the lead after 18 minutes when he turned home jonjo shelvey 's parried effortbafetimbi gomis doubled the lead when he fired a volley into the roof of the net eight minutes before half-timepaul mcshane got a goal back for the visitors just five minutes after the restart , tapping in from close rangedavid meyley was given a straight red card three minutes after the goal when he lunged in on kyle naughtongomis made it 3-1 in injury time to grab his second of the match and restore the host 's two-goal advantage\n", + "[1.6412084 1.547971 1.2597822 1.0809438 1.0873275 1.0696834 1.075104\n", + " 1.1133299 1.1756729 1.0294229 1.1004235 1.0531173 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 8 7 10 4 3 6 5 11 9 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"david luiz could be a doubt for paris saint-germain 's champions league clash with barcelona after picking up a hamstring injury on sunday .the brazilian defender went off after 35 minutes of psg 's 3-2 win over marseille after suffering an injjury to his left leg .shortly after his side had fallen behind in their top of the table clash , the brazilian was running away from a marseille player , before being caught by a stray leg .\"]\n", + "=======================\n", + "[\"david luiz pulled up in the 35th minute of ligue 1 's le classiqueluiz was immediately replaced , and club confirmed a pulled hamstringpsg defender will have scans on monday , but could be out for weeksbarcelona meet psg on april 15 in the first leg of champions league tie\"]\n", + "david luiz could be a doubt for paris saint-germain 's champions league clash with barcelona after picking up a hamstring injury on sunday .the brazilian defender went off after 35 minutes of psg 's 3-2 win over marseille after suffering an injjury to his left leg .shortly after his side had fallen behind in their top of the table clash , the brazilian was running away from a marseille player , before being caught by a stray leg .\n", + "david luiz pulled up in the 35th minute of ligue 1 's le classiqueluiz was immediately replaced , and club confirmed a pulled hamstringpsg defender will have scans on monday , but could be out for weeksbarcelona meet psg on april 15 in the first leg of champions league tie\n", + "[1.4866071 1.4421214 1.1300714 1.3729863 1.1066796 1.18499 1.0220697\n", + " 1.0442612 1.1938336 1.0531362 1.0858309 1.0317483 1.0116415 1.0428355\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 8 5 2 4 10 9 7 13 11 6 12 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"as the countdown continues to floyd mayweather 's mega-fight with manny pacquiao in las vegas on may 2 , the money man 's daughter iyanna mayweather has shared her thoughts about life in training with her champion father .mayweather vs pacquiao will generate revenue upwards of $ 300 million in what is being billed as the most lucrative bout in boxing history and , ahead of the may showdown , iyanna mayweather offered some insight into her dad 's intense training regime .floyd mayweather and pacquiao have been keeping boxing fans updated daily on social media with their training schedules and iyanna mayweather explained how impressed she was with her father 's work ethic in the gym . '\"]\n", + "=======================\n", + "['floyd mayweather will fight manny pacquiao in las vegas on may 2the bout is expected to generate $ 300 million in revenueiyanna mayweather has been in training camp with her father floyd']\n", + "as the countdown continues to floyd mayweather 's mega-fight with manny pacquiao in las vegas on may 2 , the money man 's daughter iyanna mayweather has shared her thoughts about life in training with her champion father .mayweather vs pacquiao will generate revenue upwards of $ 300 million in what is being billed as the most lucrative bout in boxing history and , ahead of the may showdown , iyanna mayweather offered some insight into her dad 's intense training regime .floyd mayweather and pacquiao have been keeping boxing fans updated daily on social media with their training schedules and iyanna mayweather explained how impressed she was with her father 's work ethic in the gym . '\n", + "floyd mayweather will fight manny pacquiao in las vegas on may 2the bout is expected to generate $ 300 million in revenueiyanna mayweather has been in training camp with her father floyd\n", + "[1.1974465 1.4368275 1.1355731 1.2488328 1.3192089 1.1540531 1.1010629\n", + " 1.042677 1.1318105 1.0489045 1.0399086 1.1001142 1.0880494 1.0794605\n", + " 1.0871971 1.044679 1.027274 1.0222392 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 3 0 5 2 8 6 11 12 14 13 9 15 7 10 16 17 18 19 20 21]\n", + "=======================\n", + "[\"nicholas pence , 25 , and his father david , an oil company manager , had been celebrating a victorious football game in their garage in new orleans , louisiana , on wednesday .they were found by david 's wife , nicholas 's mother , who had been in a bedroom when she heard gun shots .a father and son were shot dead in an execution-style murder moments after party guests left their home in a quiet neighborhood .\"]\n", + "=======================\n", + "[\"nicholas pence , 25 , and his father david , 56 , had friends round to celebrate a victorious football game on wednesday in their rural new orleans hometheir guests left at midnight , moments later they were both shot deaddavid was shot three times in his chair and nicholas was shot twice with tactical shotgunquiet wealthy community reeling , said both men ` got on with everybody 'two teenagers , aged 17 and 18 , charged with the killingpolice believe it was a botched burglary , connected them to car break-ins\"]\n", + "nicholas pence , 25 , and his father david , an oil company manager , had been celebrating a victorious football game in their garage in new orleans , louisiana , on wednesday .they were found by david 's wife , nicholas 's mother , who had been in a bedroom when she heard gun shots .a father and son were shot dead in an execution-style murder moments after party guests left their home in a quiet neighborhood .\n", + "nicholas pence , 25 , and his father david , 56 , had friends round to celebrate a victorious football game on wednesday in their rural new orleans hometheir guests left at midnight , moments later they were both shot deaddavid was shot three times in his chair and nicholas was shot twice with tactical shotgunquiet wealthy community reeling , said both men ` got on with everybody 'two teenagers , aged 17 and 18 , charged with the killingpolice believe it was a botched burglary , connected them to car break-ins\n", + "[1.337093 1.4574869 1.2782197 1.2184075 1.0916473 1.0500292 1.0749205\n", + " 1.0787824 1.03116 1.0358667 1.0282371 1.0740448 1.020131 1.0775458\n", + " 1.0285728 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 3 4 7 13 6 11 5 9 8 14 10 12 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"a spring resurgence of five wins and a draw in their last six games has propelled roberto martinez 's side into the top half of the premier league , and the likes of leon osman , phil jagielka , ross barkley and romelu lukaku were all present to pass on advice to the next generation of talent .the feel-good factor at everton continued to grow after many of the club 's first-team players attended the annual ` academy day ' at finch farm on tuesday .players from the under-6 to under-11 age groups joined the blues ' senior stars for a training session at the halewood complex , with the fun-filled occasion including games of head tennis and shooting drills overseen by manager martinez and his coaching staff .\"]\n", + "=======================\n", + "['first-team squad play head tennis with future talent at academy daypresence of phil jagielka , james mccarthy and co proves a huge successroberto martinez and his staff also at finch farm for annual fun eventeverton are unbeaten in their last six premier league games , winning five']\n", + "a spring resurgence of five wins and a draw in their last six games has propelled roberto martinez 's side into the top half of the premier league , and the likes of leon osman , phil jagielka , ross barkley and romelu lukaku were all present to pass on advice to the next generation of talent .the feel-good factor at everton continued to grow after many of the club 's first-team players attended the annual ` academy day ' at finch farm on tuesday .players from the under-6 to under-11 age groups joined the blues ' senior stars for a training session at the halewood complex , with the fun-filled occasion including games of head tennis and shooting drills overseen by manager martinez and his coaching staff .\n", + "first-team squad play head tennis with future talent at academy daypresence of phil jagielka , james mccarthy and co proves a huge successroberto martinez and his staff also at finch farm for annual fun eventeverton are unbeaten in their last six premier league games , winning five\n", + "[1.0311735 1.0804195 1.4076247 1.3408532 1.2269703 1.2401934 1.2422417\n", + " 1.1004668 1.0998656 1.1203423 1.061694 1.0827104 1.1137111 1.09937\n", + " 1.0578713 1.0873356 1.1136415 1.0725287 1.0660764 1.0879202 1.0882921\n", + " 1.0218762]\n", + "\n", + "[ 2 3 6 5 4 9 12 16 7 8 13 20 19 15 11 1 17 18 10 14 0 21]\n", + "=======================\n", + "['called flashgap , all photos and videos taken using the app are added to a hidden album that only becomes visible the following day .the flashgap app ( pictured ) is free for ios and android devices .all attendees of the event can see this album , and users can only delete photos they took themselves']\n", + "=======================\n", + "['the flashgap app is free for ios and android devicesphotos and videos taken on the app disappear into a hidden albumthey only reappear at midday the next day and are shown to all attendeesapp was inspired by the film the hangover starring bradley cooper']\n", + "called flashgap , all photos and videos taken using the app are added to a hidden album that only becomes visible the following day .the flashgap app ( pictured ) is free for ios and android devices .all attendees of the event can see this album , and users can only delete photos they took themselves\n", + "the flashgap app is free for ios and android devicesphotos and videos taken on the app disappear into a hidden albumthey only reappear at midday the next day and are shown to all attendeesapp was inspired by the film the hangover starring bradley cooper\n", + "[1.6700671 1.3890738 1.3449464 1.3774536 1.1706034 1.0807099 1.0752536\n", + " 1.0377657 1.0231979 1.0333071 1.0542842 1.0345663 1.1003053 1.0183903\n", + " 1.059748 1.0259846 1.0362754 1.0250598 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 2 4 12 5 6 14 10 7 16 11 9 15 17 8 13 20 18 19 21]\n", + "=======================\n", + "[\"former huddersfield centre josh griffin scored a try and kicked three goals as improving salford secured back-to-back super league wins with an 18-12 triumph at the john smith 's stadium .griffin and ben jones-bishop scored tries in the first half , although jack hughes gave the giants hope .salford red devils secured a second win in a row with a 18-12 victory at huddersfield\"]\n", + "=======================\n", + "['salford sealed consecutive super league wins with victory at huddersfieldjosh griffin inspired red devils wita try and three kicked goalsben jones-bishop and carl forster scored the other tries for the visitors']\n", + "former huddersfield centre josh griffin scored a try and kicked three goals as improving salford secured back-to-back super league wins with an 18-12 triumph at the john smith 's stadium .griffin and ben jones-bishop scored tries in the first half , although jack hughes gave the giants hope .salford red devils secured a second win in a row with a 18-12 victory at huddersfield\n", + "salford sealed consecutive super league wins with victory at huddersfieldjosh griffin inspired red devils wita try and three kicked goalsben jones-bishop and carl forster scored the other tries for the visitors\n", + "[1.4041362 1.2117248 1.4364594 1.2560699 1.1818641 1.0834916 1.1210468\n", + " 1.093155 1.06886 1.012101 1.013355 1.0128374 1.1149004 1.0960648\n", + " 1.0573412 1.1574942 1.0689507 1.0294398 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 3 1 4 15 6 12 13 7 5 16 8 14 17 10 11 9 20 18 19 21]\n", + "=======================\n", + "[\"madoff is serving 150 years in prison for carrying out a $ 65 billion ponzi style fraud - which became the largest in financial history .bernie madoff allegedly tried to persuade his drug dealer 's girlfriend to become his mistressa new book about the financier claims he had put pressure on an israeli model who was working for him as a stock analyst and dating his dealer silvio eboli to sleep with him .\"]\n", + "=======================\n", + "[\"bernie madoff is serving 150 years in prison for $ 65billion ponzi style fraudfraudster is alleged to have tried to steal his drug dealer 's girlfriendit is claimed he put pressure on the israeli model to become his mistresshe apparently told her she had made a mistake when she became pregnant with dealer silvio eboli 's child , new book into his life claims\"]\n", + "madoff is serving 150 years in prison for carrying out a $ 65 billion ponzi style fraud - which became the largest in financial history .bernie madoff allegedly tried to persuade his drug dealer 's girlfriend to become his mistressa new book about the financier claims he had put pressure on an israeli model who was working for him as a stock analyst and dating his dealer silvio eboli to sleep with him .\n", + "bernie madoff is serving 150 years in prison for $ 65billion ponzi style fraudfraudster is alleged to have tried to steal his drug dealer 's girlfriendit is claimed he put pressure on the israeli model to become his mistresshe apparently told her she had made a mistake when she became pregnant with dealer silvio eboli 's child , new book into his life claims\n", + "[1.1752511 1.3994329 1.3364234 1.2406301 1.1971892 1.2323785 1.1287123\n", + " 1.1417564 1.0758137 1.0790337 1.1608511 1.1869351 1.0401447 1.0333607\n", + " 1.0174168 1.0087746 1.010821 0. 0. ]\n", + "\n", + "[ 1 2 3 5 4 11 0 10 7 6 9 8 12 13 14 16 15 17 18]\n", + "=======================\n", + "[\"in what has been described as a ` confronting case of animal cruelty ' , photos were released by rspca south australia which detailed how the cats at the property were in poor physical condition when they were seized by animal welfare .the resident pleaded guilty to a charge of failing to provide appropriate and adequate living conditions for his cats .these are the shocking images of a pet owner 's squalor living conditions in adelaide , where he raised his three cats\"]\n", + "=======================\n", + "[\"rspca south australia published photos of the poor living conditionsthe cat owner , who was prosecuted for animal cruelty , lives in adelaidethe pet owner has been fined $ 500 but his identity is yet to be revealedhe pleaded guilty to a charge of failing to provide appropriate and adequate living conditions for the cats at the propertythe court granted him the return of two of his cats but the third remains in the rspca 's care\"]\n", + "in what has been described as a ` confronting case of animal cruelty ' , photos were released by rspca south australia which detailed how the cats at the property were in poor physical condition when they were seized by animal welfare .the resident pleaded guilty to a charge of failing to provide appropriate and adequate living conditions for his cats .these are the shocking images of a pet owner 's squalor living conditions in adelaide , where he raised his three cats\n", + "rspca south australia published photos of the poor living conditionsthe cat owner , who was prosecuted for animal cruelty , lives in adelaidethe pet owner has been fined $ 500 but his identity is yet to be revealedhe pleaded guilty to a charge of failing to provide appropriate and adequate living conditions for the cats at the propertythe court granted him the return of two of his cats but the third remains in the rspca 's care\n", + "[1.2176539 1.2192278 1.3760731 1.3418688 1.1786914 1.1012049 1.1030782\n", + " 1.0182681 1.0215437 1.0227404 1.0272758 1.0926398 1.0349365 1.1039218\n", + " 1.0447745 1.0209796 1.0230622 1.0544674 1.0364758]\n", + "\n", + "[ 2 3 1 0 4 13 6 5 11 17 14 18 12 10 16 9 8 15 7]\n", + "=======================\n", + "['for silvia , star of the series my extraordinary pregnancy , suffered from pica , an eating disorder that makes people crave non-food substances .but one unlucky woman from new york had a craving for something rather unusual and potentially very damaging - rocks .some of the most common pregnancy cravings are chocolate , ice cream or even pickles .']\n", + "=======================\n", + "['silvia , from new york , developed a non-food craving while pregnantthe eating disorder , called pica , makes people crave inedible itemsboth she and partner estevan are worried about what it will do to the baby']\n", + "for silvia , star of the series my extraordinary pregnancy , suffered from pica , an eating disorder that makes people crave non-food substances .but one unlucky woman from new york had a craving for something rather unusual and potentially very damaging - rocks .some of the most common pregnancy cravings are chocolate , ice cream or even pickles .\n", + "silvia , from new york , developed a non-food craving while pregnantthe eating disorder , called pica , makes people crave inedible itemsboth she and partner estevan are worried about what it will do to the baby\n", + "[1.4727225 1.180537 1.4691311 1.2460945 1.1896774 1.0800933 1.0774047\n", + " 1.0710934 1.0727199 1.0733469 1.1780318 1.1302322 1.0647172 1.0500631\n", + " 1.0654268 1.0091226 1.0079137 0. 0. ]\n", + "\n", + "[ 0 2 3 4 1 10 11 5 6 9 8 7 14 12 13 15 16 17 18]\n", + "=======================\n", + "[\"jordan sharifi , 17 , confessed to giving a gun to friend raymond howell , who killed himselfon thursday , raymond was found in a ditch from a self-inflicted gunshot wound .sharifi discovered raymond 's body in a rain culvert after the boy 's mother called to ask him if he 'd seen her son , according to an affidavit , the dallas morning news reported .\"]\n", + "=======================\n", + "[\"jordan sharifi , 17 , ` gave raymond howell , jr. , 14 , a gun and ammunition to protect himself from bullies but raymond used the gun to take his life 'sharifi found his friend 's body in a rain culvert on thursday morning ` and threw the gun in a nearby drainage tunnel 'he was arrested by mckinney , texas police on friday and charged with theft of a firearm and making a firearm accessible to a childraymond left him a note before he took his life , sharifi saidthe school district says it has found no evidence that raymond or his family contacted them about bullying\"]\n", + "jordan sharifi , 17 , confessed to giving a gun to friend raymond howell , who killed himselfon thursday , raymond was found in a ditch from a self-inflicted gunshot wound .sharifi discovered raymond 's body in a rain culvert after the boy 's mother called to ask him if he 'd seen her son , according to an affidavit , the dallas morning news reported .\n", + "jordan sharifi , 17 , ` gave raymond howell , jr. , 14 , a gun and ammunition to protect himself from bullies but raymond used the gun to take his life 'sharifi found his friend 's body in a rain culvert on thursday morning ` and threw the gun in a nearby drainage tunnel 'he was arrested by mckinney , texas police on friday and charged with theft of a firearm and making a firearm accessible to a childraymond left him a note before he took his life , sharifi saidthe school district says it has found no evidence that raymond or his family contacted them about bullying\n", + "[1.3058901 1.1069535 1.0927838 1.193946 1.0617265 1.2068567 1.0675316\n", + " 1.057853 1.0433378 1.0238519 1.1735818 1.0443555 1.0498976 1.0584261\n", + " 1.113109 1.0537407 0. 0. 0. ]\n", + "\n", + "[ 0 5 3 10 14 1 2 6 4 13 7 15 12 11 8 9 16 17 18]\n", + "=======================\n", + "[\"all the smiles can not hide the reality that mccluskey and his union are a potent , sinister force in british politicsbut that did not stop ` red ' len mccluskey giving me the time of day on a street in neath as he conducted a two-day tour of the principality to drum up support for labour 's cause .the famously militant leader of unite asked me with a grin that was more genial than menacing .\"]\n", + "=======================\n", + "[\"the scale of influence unite holds is chilling given what it seeks to imposeit remains addicted to the failed socialist policies of britain 's pastmr mcclusky denies holding too much power over labour 's ed miliband\"]\n", + "all the smiles can not hide the reality that mccluskey and his union are a potent , sinister force in british politicsbut that did not stop ` red ' len mccluskey giving me the time of day on a street in neath as he conducted a two-day tour of the principality to drum up support for labour 's cause .the famously militant leader of unite asked me with a grin that was more genial than menacing .\n", + "the scale of influence unite holds is chilling given what it seeks to imposeit remains addicted to the failed socialist policies of britain 's pastmr mcclusky denies holding too much power over labour 's ed miliband\n", + "[1.2317259 1.38059 1.2432817 1.2358091 1.2548937 1.1980472 1.1753163\n", + " 1.1378233 1.0678416 1.0850774 1.1075754 1.0184537 1.0240685 1.0480584\n", + " 1.0841382 1.0371377 1.0407906 1.04177 1.033853 ]\n", + "\n", + "[ 1 4 2 3 0 5 6 7 10 9 14 8 13 17 16 15 18 12 11]\n", + "=======================\n", + "[\"burnell ` bernie ' mitchell - who changed his name to khalid rashad after converting to islam - has been held on suspicion of conspiracy to murder after the death of abdul hadi arwani , a syrian national .the brother of boney m 's lead singer liz mitchell has been arrested in connection with the killing of a syrian-born imam .his sister is liz mitchell ( right ) , lead singer of the 1970s band boney m\"]\n", + "=======================\n", + "[\"burnell mitchell held over conspiracy to murder and terrorism offencesthe 61-year-old muslim convert is brother of boney m singer liz mitchellhe was arrested by police investigating the death of abdul hadi arwanileslie cooper , 36 , has been charged with the syrian-national 's murdera 53-year-old woman was also arrested on suspicion of terrorism offences\"]\n", + "burnell ` bernie ' mitchell - who changed his name to khalid rashad after converting to islam - has been held on suspicion of conspiracy to murder after the death of abdul hadi arwani , a syrian national .the brother of boney m 's lead singer liz mitchell has been arrested in connection with the killing of a syrian-born imam .his sister is liz mitchell ( right ) , lead singer of the 1970s band boney m\n", + "burnell mitchell held over conspiracy to murder and terrorism offencesthe 61-year-old muslim convert is brother of boney m singer liz mitchellhe was arrested by police investigating the death of abdul hadi arwanileslie cooper , 36 , has been charged with the syrian-national 's murdera 53-year-old woman was also arrested on suspicion of terrorism offences\n", + "[1.6044546 1.095513 1.0886344 1.120653 1.151833 1.2626783 1.1215087\n", + " 1.0736378 1.0613788 1.0537446 1.0543876 1.05315 1.144366 1.0899342\n", + " 1.0749012 1.1235422 1.0357571 0. 0. 0. 0. ]\n", + "\n", + "[ 0 5 4 12 15 6 3 1 13 2 14 7 8 10 9 11 16 19 17 18 20]\n", + "=======================\n", + "[\"lindsey vonn made another appearance in augusta on thursday to cheer on her golfer boyfriend tiger woods while he goes after a fifth masters championship after back surgery temporarily put his career on ice last year .there for tiger : ski champ lindsey vonn looked a little teed off at the first day of the masters in augusta , georgia , on thursday as her beau tiger made some high profile mistakesshe 's also come roaring back from her own terrible injuries .\"]\n", + "=======================\n", + "[\"tiger woods , back in august , georgia , after missing the masters last year following surgery hopes to pull of a stunning return to greatnesshis girlfriend vonn managed to come back after surgery that followed a devastating knee injury and win her 18th world cup , a women 's record\"]\n", + "lindsey vonn made another appearance in augusta on thursday to cheer on her golfer boyfriend tiger woods while he goes after a fifth masters championship after back surgery temporarily put his career on ice last year .there for tiger : ski champ lindsey vonn looked a little teed off at the first day of the masters in augusta , georgia , on thursday as her beau tiger made some high profile mistakesshe 's also come roaring back from her own terrible injuries .\n", + "tiger woods , back in august , georgia , after missing the masters last year following surgery hopes to pull of a stunning return to greatnesshis girlfriend vonn managed to come back after surgery that followed a devastating knee injury and win her 18th world cup , a women 's record\n", + "[1.16678 1.5104461 1.265589 1.326581 1.0670159 1.1408564 1.025229\n", + " 1.0281905 1.1973917 1.215467 1.0481395 1.1679195 1.1925219 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 9 8 12 11 0 5 4 10 7 6 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"jordan waddingham scoured through bushland at karoola , north east of launceston in tasmania to unravel the plague of wasps after his mother stephanie offered him $ 20 to locate the nest .jordan waddingham made a startling discovery after finding the world 's largest european wasp nest 'young jordan 's discovery is currently on display at the queen victoria museum and art gallery in launceston\"]\n", + "=======================\n", + "[\"a 12-year-old boy found the world 's largest european wasp nest ever foundjordan waddingham made $ 20 from his mum for his startling discoveryit measures at one metre tall and a circumference of three metresthe nest was destroyed overnight when the wasps were dormantit took two days to remove the 90-kilogram nest from the groundthe nest is being displayed at the queen victoria museum and art gallery\"]\n", + "jordan waddingham scoured through bushland at karoola , north east of launceston in tasmania to unravel the plague of wasps after his mother stephanie offered him $ 20 to locate the nest .jordan waddingham made a startling discovery after finding the world 's largest european wasp nest 'young jordan 's discovery is currently on display at the queen victoria museum and art gallery in launceston\n", + "a 12-year-old boy found the world 's largest european wasp nest ever foundjordan waddingham made $ 20 from his mum for his startling discoveryit measures at one metre tall and a circumference of three metresthe nest was destroyed overnight when the wasps were dormantit took two days to remove the 90-kilogram nest from the groundthe nest is being displayed at the queen victoria museum and art gallery\n", + "[1.2512931 1.2860222 1.2329236 1.1723632 1.1487639 1.1641477 1.2038724\n", + " 1.2135692 1.1559919 1.1210908 1.1198784 1.0994585 1.0629584 1.0360601\n", + " 1.0326421 1.035924 1.0214721 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 7 6 3 5 8 4 9 10 11 12 13 15 14 16 17 18 19 20]\n", + "=======================\n", + "['cops began following the wild animal after it was spotted scurrying through battery park city at 6am , the new york post reported .police captured coyote who led them on a chase through downtown new york city on saturday .officers trailed it on foot and in patrol cars as it ran across roads and dipped between cars .']\n", + "=======================\n", + "['animal gave police a run-around in battery park city on saturdayofficers trailed the canine in patrol cars and on foot through the streetsit evaded capture for two hours while dipping in and out of trafficcops eventually cornered the coyote and shot it with a tranquilizer dart']\n", + "cops began following the wild animal after it was spotted scurrying through battery park city at 6am , the new york post reported .police captured coyote who led them on a chase through downtown new york city on saturday .officers trailed it on foot and in patrol cars as it ran across roads and dipped between cars .\n", + "animal gave police a run-around in battery park city on saturdayofficers trailed the canine in patrol cars and on foot through the streetsit evaded capture for two hours while dipping in and out of trafficcops eventually cornered the coyote and shot it with a tranquilizer dart\n", + "[1.107387 1.0889273 1.073817 1.190204 1.3171058 1.1878998 1.1006337\n", + " 1.0971768 1.0820633 1.0831469 1.0784272 1.0926802 1.0688572 1.0564512\n", + " 1.1174684 1.036793 1.0469764 1.0567851 1.0464524 1.0274327 1.0570635]\n", + "\n", + "[ 4 3 5 14 0 6 7 11 1 9 8 10 2 12 20 17 13 16 18 15 19]\n", + "=======================\n", + "['where chefs eat ( left ) has more than 3,000 chef recommendations .planning your meals need never be a chore again with these ten appslove food hate waste ( right ) will store details of all the foods you have at home and alerts you to duplicate buys']\n", + "=======================\n", + "['exchange facebook check-ins for free cocktails with drinkithousands of wine tasting notes at your fingertips with berry bros. appplan balanced meals with smartmeal which calculates nutritional content']\n", + "where chefs eat ( left ) has more than 3,000 chef recommendations .planning your meals need never be a chore again with these ten appslove food hate waste ( right ) will store details of all the foods you have at home and alerts you to duplicate buys\n", + "exchange facebook check-ins for free cocktails with drinkithousands of wine tasting notes at your fingertips with berry bros. appplan balanced meals with smartmeal which calculates nutritional content\n", + "[1.2121917 1.4753301 1.2045572 1.3919778 1.292 1.0439243 1.0257915\n", + " 1.0258979 1.0764693 1.1104691 1.0642368 1.0752347 1.0628121 1.0426886\n", + " 1.0351083 1.211671 1.0829533 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 0 15 2 9 16 8 11 10 12 5 13 14 7 6 17 18 19 20]\n", + "=======================\n", + "[\"patrick and valerie jubb are attempting to sell the four-bedroom property where they currently reside in jimena de la frontera , but it is now on the brink of being torn down .a pair of british expats say they are ` trapped ' in southern spain amid an ongoing legal battle with the local town hall over a luxury bed and breakfast they once operated .the retired couple told spain 's olive press news website that they have done nothing wrong but face losing the estate over illegal additions made by a previous owner .\"]\n", + "=======================\n", + "['patrick and valerie jubb purchased the property in andalusia in 2008they said the alterations had been legalised by land registry officialscouple also said a certificate listed no infractions at time of purchasewhen they tried to sell local authorities said the alterations were illegaltown hall said normal rules do not apply as estate is in a natural park']\n", + "patrick and valerie jubb are attempting to sell the four-bedroom property where they currently reside in jimena de la frontera , but it is now on the brink of being torn down .a pair of british expats say they are ` trapped ' in southern spain amid an ongoing legal battle with the local town hall over a luxury bed and breakfast they once operated .the retired couple told spain 's olive press news website that they have done nothing wrong but face losing the estate over illegal additions made by a previous owner .\n", + "patrick and valerie jubb purchased the property in andalusia in 2008they said the alterations had been legalised by land registry officialscouple also said a certificate listed no infractions at time of purchasewhen they tried to sell local authorities said the alterations were illegaltown hall said normal rules do not apply as estate is in a natural park\n", + "[1.1187593 1.1202834 1.100369 1.5615652 1.3990145 1.2192472 1.0211172\n", + " 1.0141916 1.0215781 1.0135753 1.040866 1.0799679 1.1366513 1.048384\n", + " 1.1071 1.0459279 1.084759 1.018682 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 4 5 12 1 0 14 2 16 11 13 15 10 8 6 17 7 9 18 19 20 21]\n", + "=======================\n", + "['harry kane was captain for tottenham hotspur in the premier league match against burnley at turf moortottenham striker kane became the youngest premier league player to be captain this season at the age of 21 years and 251 daysharry kane had a bad day at the office by his recent high standards :']\n", + "=======================\n", + "[\"harry kane became the youngest premier league player to be captain this season ( 21 years and 251 days )tottenham hotspur could not steal the win at turf moor against relegation-threatened burnleymauricio pochettino 's side failed to take advantage of liverpool 's loss in the race for the top fourtottenham are now seven points adrift of manchester city in fourth but have played a game more\"]\n", + "harry kane was captain for tottenham hotspur in the premier league match against burnley at turf moortottenham striker kane became the youngest premier league player to be captain this season at the age of 21 years and 251 daysharry kane had a bad day at the office by his recent high standards :\n", + "harry kane became the youngest premier league player to be captain this season ( 21 years and 251 days )tottenham hotspur could not steal the win at turf moor against relegation-threatened burnleymauricio pochettino 's side failed to take advantage of liverpool 's loss in the race for the top fourtottenham are now seven points adrift of manchester city in fourth but have played a game more\n", + "[1.3687712 1.3359592 1.3425049 1.26444 1.1192139 1.0405824 1.0817775\n", + " 1.0571533 1.0868561 1.0523146 1.0379939 1.0543292 1.1191188 1.0781814\n", + " 1.2273746 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 3 14 4 12 8 6 13 7 11 9 5 10 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"kevin pietersen 's attempt to impress the england selectors ended in failure in cardiff on sunday afternoon .pietersen was making his first lv = county championship appearance since june 2013 in the hope of finding a way back into the england set-up .in the same swalec stadium arena where pietersen hopes to be batting against australia in the first ashes test this summer , the surrey batsman fell for 19 after appearing to be ready to build on the 170 he made against the oxford students last week .\"]\n", + "=======================\n", + "['kevin pietersen playing his first county championship game for two yearspietersen was caught at slip off the bowling off craig meschede for 19kumar sangakkara scored a debut century for surrey after kp was outsurrey reach 363 for three at stumps on day one against glamorgan']\n", + "kevin pietersen 's attempt to impress the england selectors ended in failure in cardiff on sunday afternoon .pietersen was making his first lv = county championship appearance since june 2013 in the hope of finding a way back into the england set-up .in the same swalec stadium arena where pietersen hopes to be batting against australia in the first ashes test this summer , the surrey batsman fell for 19 after appearing to be ready to build on the 170 he made against the oxford students last week .\n", + "kevin pietersen playing his first county championship game for two yearspietersen was caught at slip off the bowling off craig meschede for 19kumar sangakkara scored a debut century for surrey after kp was outsurrey reach 363 for three at stumps on day one against glamorgan\n", + "[1.1080616 1.2734472 1.3412392 1.3077811 1.2019773 1.1789691 1.1132423\n", + " 1.0837926 1.1312519 1.0587105 1.0657501 1.0566328 1.0372465 1.0513983\n", + " 1.0309873 1.0338547 1.0315986 1.0313638 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 3 1 4 5 8 6 0 7 10 9 11 13 12 15 16 17 14 20 18 19 21]\n", + "=======================\n", + "[\"called amited , the case uses micro-fans to blow heat away from the device , or can heat a phone using resistance coils if it gets too cold .the optimal case ( pictured ) was designed by israel-based amited .now an israeli team of developers has built a ` thermal protection ' case that not only warns you when your phone is getting too hot , it will automatically cool it down .\"]\n", + "=======================\n", + "[\"sensors in the optimal case track subtle changes in a phone 's temperaturemicro-fans inside the case cool the phone down if it gets too hotwhile built-in resistance coils gently heat the device if it gets too coldcase is launching on indiegogo this week , but prices have n't been revealed\"]\n", + "called amited , the case uses micro-fans to blow heat away from the device , or can heat a phone using resistance coils if it gets too cold .the optimal case ( pictured ) was designed by israel-based amited .now an israeli team of developers has built a ` thermal protection ' case that not only warns you when your phone is getting too hot , it will automatically cool it down .\n", + "sensors in the optimal case track subtle changes in a phone 's temperaturemicro-fans inside the case cool the phone down if it gets too hotwhile built-in resistance coils gently heat the device if it gets too coldcase is launching on indiegogo this week , but prices have n't been revealed\n", + "[1.2381082 1.4620025 1.2086383 1.3509251 1.2690282 1.0510396 1.2067437\n", + " 1.1215944 1.0233809 1.1189659 1.045587 1.0305471 1.0791907 1.085269\n", + " 1.0655072 1.1144905 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 4 0 2 6 7 9 15 13 12 14 5 10 11 8 20 16 17 18 19 21]\n", + "=======================\n", + "['orrden williams jr. says he was outside a bp gas station in memphis , tennessee , when a crowd of loud and unruly teenagers suddenly descended upon the establishment .orden williams jr. ( above ) ended up covered in bruises because of the unprovoked attack , and his baby was also almost hit by the teensa gang of violent high school students were caught on camera as they brutally attacked a man .']\n", + "=======================\n", + "['a crowd of students from northwest prep academy descended on a gas station in memphis , tennessee on mondaythey began to yell and throw up gang signs and then attacked a man , orrden williams jr. .williams ended up covered in bruises because of the unprovoked attack , and his baby was also almost hit by the teenspolice are investigating and have made one arrest in the case , 19-year-old joe brittman']\n", + "orrden williams jr. says he was outside a bp gas station in memphis , tennessee , when a crowd of loud and unruly teenagers suddenly descended upon the establishment .orden williams jr. ( above ) ended up covered in bruises because of the unprovoked attack , and his baby was also almost hit by the teensa gang of violent high school students were caught on camera as they brutally attacked a man .\n", + "a crowd of students from northwest prep academy descended on a gas station in memphis , tennessee on mondaythey began to yell and throw up gang signs and then attacked a man , orrden williams jr. .williams ended up covered in bruises because of the unprovoked attack , and his baby was also almost hit by the teenspolice are investigating and have made one arrest in the case , 19-year-old joe brittman\n", + "[1.2805436 1.0763453 1.1866112 1.1663831 1.4404752 1.2628597 1.1840438\n", + " 1.1345571 1.0570536 1.0166609 1.0569516 1.0656905 1.0282247 1.0349687\n", + " 1.0335578 1.1982459 1.0787697 1.1145674 1.0192876 1.0297619 1.0275407\n", + " 1.0171986]\n", + "\n", + "[ 4 0 5 15 2 6 3 7 17 16 1 11 8 10 13 14 19 12 20 18 21 9]\n", + "=======================\n", + "[\"louis van gaal has identified michael carrick ( left ) and wayne rooney as two of his most bright playersvan gaal demands a level of ` football intelligence ' from his players at manchester unitedspanish midfielder juan mata is another cultured , classy player in united 's team\"]\n", + "=======================\n", + "[\"very few manchester united players possess the intelligence demandedmichael carrick , wayne rooney and juan mata can claim to have itthe dutchman suggested some of his other players lack brainsluke shaw was n't fit enough when he arrived last summerphil jones thunders senselessly into tackles and gets injuredeven ander herrera is guilty of playing senseless long ballsdurham : arsenal only turn it on when the pressure is offadrian durham : sterling would be earning the same as balotelli if he signed # 100,000-a-week deal at liverpool ... that 's the real issue hereclick here for all the latest manchester united news\"]\n", + "louis van gaal has identified michael carrick ( left ) and wayne rooney as two of his most bright playersvan gaal demands a level of ` football intelligence ' from his players at manchester unitedspanish midfielder juan mata is another cultured , classy player in united 's team\n", + "very few manchester united players possess the intelligence demandedmichael carrick , wayne rooney and juan mata can claim to have itthe dutchman suggested some of his other players lack brainsluke shaw was n't fit enough when he arrived last summerphil jones thunders senselessly into tackles and gets injuredeven ander herrera is guilty of playing senseless long ballsdurham : arsenal only turn it on when the pressure is offadrian durham : sterling would be earning the same as balotelli if he signed # 100,000-a-week deal at liverpool ... that 's the real issue hereclick here for all the latest manchester united news\n", + "[1.4239192 1.2857153 1.3840445 1.370749 1.2864671 1.0196664 1.0215518\n", + " 1.023941 1.1323583 1.1624345 1.0908082 1.2625484 1.1327308 1.013226\n", + " 1.0107249 1.0085267 1.0109051 1.0669992 1.071245 1.0902874]\n", + "\n", + "[ 0 2 3 4 1 11 9 12 8 10 19 18 17 7 6 5 13 16 14 15]\n", + "=======================\n", + "['manchester city midfielder yaya toure is a dream target for inter milan , according to general director marco fassone .gazzetta dello sport claim inter are prepared to submit an offer of 60million euros ( # 43million ) for the ivory coast international , who is under contract with the blues outfit until june 2017 .the italian giants are keen to sign the 31-year-old this summer , a player inter coach roberto mancini knows well having guided him from 2010 until 2013 at the barclays premier league club .']\n", + "=======================\n", + "[\"inter milan are hoping to sign manchester city 's yaya toure this summerbut marco fassone admits toure 's fee and wages might scupper a dealinter are working on new contracts for mauro icardi and mateo kovacicserie a club also hope to tie down goalkeeper samir handanovic\"]\n", + "manchester city midfielder yaya toure is a dream target for inter milan , according to general director marco fassone .gazzetta dello sport claim inter are prepared to submit an offer of 60million euros ( # 43million ) for the ivory coast international , who is under contract with the blues outfit until june 2017 .the italian giants are keen to sign the 31-year-old this summer , a player inter coach roberto mancini knows well having guided him from 2010 until 2013 at the barclays premier league club .\n", + "inter milan are hoping to sign manchester city 's yaya toure this summerbut marco fassone admits toure 's fee and wages might scupper a dealinter are working on new contracts for mauro icardi and mateo kovacicserie a club also hope to tie down goalkeeper samir handanovic\n", + "[1.211444 1.5228122 1.2906053 1.1764139 1.2299525 1.3268514 1.1812613\n", + " 1.0856357 1.0552492 1.0875233 1.0381193 1.0120867 1.0387728 1.0598873\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 2 4 0 6 3 9 7 13 8 12 10 11 18 14 15 16 17 19]\n", + "=======================\n", + "[\"jackson byrnes , 18 , has flown from lismore in northern new south wales to sydney to be operated on by renowned neurosurgeon dr charlie teo , the only surgeon in australia willing to perform the risky operation that will likely see jackson paralysed .for the past week jackson 's family and friends have been desperately trying to raise $ 80,000 needed to pay the hospital upfront by tuesday night , so that he can undergo the operation on wednesday morning .three weeks ago the 18-year-old was told by doctors that he had a stage four brain tumour that was too deep and aggressive to be safely operated on .\"]\n", + "=======================\n", + "['teen with deadly brain tumour has raised $ 80,000 for emergency surgery18-year-old jackson byrnes has stage four brain tumourhe was told by doctors it was too aggressive to operate oninstead he found a neurosurgeon who would do the operationhe had to find $ 80,000 by tuesday night to pay the surgeon up frontthe risky operation will likely see him end up paralysed down his left side']\n", + "jackson byrnes , 18 , has flown from lismore in northern new south wales to sydney to be operated on by renowned neurosurgeon dr charlie teo , the only surgeon in australia willing to perform the risky operation that will likely see jackson paralysed .for the past week jackson 's family and friends have been desperately trying to raise $ 80,000 needed to pay the hospital upfront by tuesday night , so that he can undergo the operation on wednesday morning .three weeks ago the 18-year-old was told by doctors that he had a stage four brain tumour that was too deep and aggressive to be safely operated on .\n", + "teen with deadly brain tumour has raised $ 80,000 for emergency surgery18-year-old jackson byrnes has stage four brain tumourhe was told by doctors it was too aggressive to operate oninstead he found a neurosurgeon who would do the operationhe had to find $ 80,000 by tuesday night to pay the surgeon up frontthe risky operation will likely see him end up paralysed down his left side\n", + "[1.4296293 1.3785732 1.2325265 1.2211258 1.2764556 1.1958339 1.1568255\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 3 5 6 17 16 15 14 13 9 11 10 18 8 7 12 19]\n", + "=======================\n", + "[\"west ham are discussing a deal for jamaican starlet deshane beckford after he impressed on trial .the skilful 17-year-old forward from montego bay united was invited to train with west ham 's academy earlier this month and has impressed coaches after spending two weeks with the club .beckford also has offers from clubs in belgium .\"]\n", + "=======================\n", + "['west ham are keen on concluding a deal for 17-year-old deshane beckfordjamaican starlet beckford has been linked with a host of european clubsread our exclusive : west ham season tickets to cost as little as # 289']\n", + "west ham are discussing a deal for jamaican starlet deshane beckford after he impressed on trial .the skilful 17-year-old forward from montego bay united was invited to train with west ham 's academy earlier this month and has impressed coaches after spending two weeks with the club .beckford also has offers from clubs in belgium .\n", + "west ham are keen on concluding a deal for 17-year-old deshane beckfordjamaican starlet beckford has been linked with a host of european clubsread our exclusive : west ham season tickets to cost as little as # 289\n", + "[1.3825889 1.3472171 1.3056605 1.3107029 1.0572071 1.096662 1.0962548\n", + " 1.1378057 1.1369443 1.0440117 1.0413566 1.0761894 1.0181906 1.0270061\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 7 8 5 6 11 4 9 10 13 12 18 14 15 16 17 19]\n", + "=======================\n", + "[\"nicola sturgeon scoffed at ed miliband 's attempts to rule out a post-election pact with the scottish national party last night as she said labour had no chance of winning a majority on its own .the scottish first minister , whose party is on course for a landslide north of the border , said the labour leader would soon ` change his tune ' .mr miliband yesterday insisted he would not agree to a ` confidence and supply ' deal with the snp , who look set to deprive his party of an outright win and could hold the balance of power .\"]\n", + "=======================\n", + "[\"scottish first minister 's party is on course for landslide north of bordermiliband says he wo n't agree to ` confidence and supply ' deal with snpbut he refuses to rule out relying on snp votes to pass key legislationparty could deprive labour of outright win and hold balance of power\"]\n", + "nicola sturgeon scoffed at ed miliband 's attempts to rule out a post-election pact with the scottish national party last night as she said labour had no chance of winning a majority on its own .the scottish first minister , whose party is on course for a landslide north of the border , said the labour leader would soon ` change his tune ' .mr miliband yesterday insisted he would not agree to a ` confidence and supply ' deal with the snp , who look set to deprive his party of an outright win and could hold the balance of power .\n", + "scottish first minister 's party is on course for landslide north of bordermiliband says he wo n't agree to ` confidence and supply ' deal with snpbut he refuses to rule out relying on snp votes to pass key legislationparty could deprive labour of outright win and hold balance of power\n", + "[1.595616 1.294641 1.275249 1.331907 1.1319835 1.1055824 1.1254947\n", + " 1.0467646 1.1069542 1.0529679 1.0851389 1.0816035 1.0335097 1.0122751\n", + " 1.0091962 1.0085874 1.007321 1.006807 1.0071801 0. ]\n", + "\n", + "[ 0 3 1 2 4 6 8 5 10 11 9 7 12 13 14 15 16 18 17 19]\n", + "=======================\n", + "[\"eugenie bouchard 's run of poor form continued as the top seed was beaten 6-3 , 6-1 by american lauren davis in the second round at the family circle cup in charleston on wednesday .davis , 21 , had lost her only career meeting with bouchard , but was in control this time against the world no 7 .davis won nine of the final 11 games of the match and broke bouchard 's serve twice in the final set to pull off the upset .\"]\n", + "=======================\n", + "['eugenie bouchard suffered her fourth defeat in six matchesthe canadian top seed lost to lauren davis at the family circle cupworld no 66 davis won 6-3 , 6-1 in the second round in charlestondavis won nine of the final 11 games of the match to seal victoryclick here for all the latest news from charleston']\n", + "eugenie bouchard 's run of poor form continued as the top seed was beaten 6-3 , 6-1 by american lauren davis in the second round at the family circle cup in charleston on wednesday .davis , 21 , had lost her only career meeting with bouchard , but was in control this time against the world no 7 .davis won nine of the final 11 games of the match and broke bouchard 's serve twice in the final set to pull off the upset .\n", + "eugenie bouchard suffered her fourth defeat in six matchesthe canadian top seed lost to lauren davis at the family circle cupworld no 66 davis won 6-3 , 6-1 in the second round in charlestondavis won nine of the final 11 games of the match to seal victoryclick here for all the latest news from charleston\n", + "[1.1890209 1.378524 1.1857704 1.3384395 1.1697637 1.0990323 1.1594594\n", + " 1.0997987 1.0424042 1.1812179 1.0128676 1.0156069 1.0226245 1.0274326\n", + " 1.039719 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 9 4 6 7 5 8 14 13 12 11 10 18 15 16 17 19]\n", + "=======================\n", + "['wilkins , 60 , made the pilgrimage to gallipoli on the eve of the centenary commemorations , to discover more of his grandfather , george william thomson , a qualified dentist , who toiled for many hours on end as part of the new zealand medical corps to mend broken bodies .richard wilkins is made of stern stuff , he \\'s had to be across almost 30 years of dealing with tantrums and egos as a television presenter and interviewer , but standing on anzac cove thinking of what his grandfather george had faced 100 years ago , reduced him to tears .he tells how having read excerpts from his \" papa \\'s \" war diary , lit \\' a flame of interest \\' to learn more of the world war one veteran .']\n", + "=======================\n", + "['veteran tv presenter richard wilkins was moved to tears as he retraced his grandfather \\'s anzac footstepsreading his \" papa \\'s \" war diaries ` lit a flame of interest \\' to head to gallipolihe cracked when standing on anzac cove thinking of how ` the poor buggers found themselves in hell \\'']\n", + "wilkins , 60 , made the pilgrimage to gallipoli on the eve of the centenary commemorations , to discover more of his grandfather , george william thomson , a qualified dentist , who toiled for many hours on end as part of the new zealand medical corps to mend broken bodies .richard wilkins is made of stern stuff , he 's had to be across almost 30 years of dealing with tantrums and egos as a television presenter and interviewer , but standing on anzac cove thinking of what his grandfather george had faced 100 years ago , reduced him to tears .he tells how having read excerpts from his \" papa 's \" war diary , lit ' a flame of interest ' to learn more of the world war one veteran .\n", + "veteran tv presenter richard wilkins was moved to tears as he retraced his grandfather 's anzac footstepsreading his \" papa 's \" war diaries ` lit a flame of interest ' to head to gallipolihe cracked when standing on anzac cove thinking of how ` the poor buggers found themselves in hell '\n", + "[1.2928848 1.4915968 1.229903 1.1539867 1.2576768 1.1688604 1.0986062\n", + " 1.0403683 1.0766686 1.0192075 1.0420216 1.0190532 1.0700651 1.012636\n", + " 1.0114588 1.2440201 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 15 2 5 3 6 8 12 10 7 9 11 13 14 18 16 17 19]\n", + "=======================\n", + "[\"the man 's sarcastic response comes after melbourne-based actor , lucy gransbury , wrote a two-page rant claiming her neighbours were keeping her awake at night .a woman 's noisy neighbour has issued a withering reply to her hand-written letter complaining about his hard-partying ways , claiming only the deaf and ` those buried in the cemetery ' would have any concerns with the noise coming for his home .but after a month of not hearing back from any of her boisterous neighbours , jershon witehira posted an equally cheeky reply on his facebook page opening with ' my dearest lucy ' .\"]\n", + "=======================\n", + "['lucy gransbury wrote a long handwritten letter to her noisy neighboursmelbourne-based actor finally erupted after four months of sleepless nightsalso a comedian , she used her humour to tell them what she thoughtphotos were taken of her throwing letter and over the fence and running offafter a week of peace and quiet , she decided to send another note and giftsdespite being woken by them talking twice the following sunday morningthe cabaret artist finally received a hilarious reply from one of rowdy lads']\n", + "the man 's sarcastic response comes after melbourne-based actor , lucy gransbury , wrote a two-page rant claiming her neighbours were keeping her awake at night .a woman 's noisy neighbour has issued a withering reply to her hand-written letter complaining about his hard-partying ways , claiming only the deaf and ` those buried in the cemetery ' would have any concerns with the noise coming for his home .but after a month of not hearing back from any of her boisterous neighbours , jershon witehira posted an equally cheeky reply on his facebook page opening with ' my dearest lucy ' .\n", + "lucy gransbury wrote a long handwritten letter to her noisy neighboursmelbourne-based actor finally erupted after four months of sleepless nightsalso a comedian , she used her humour to tell them what she thoughtphotos were taken of her throwing letter and over the fence and running offafter a week of peace and quiet , she decided to send another note and giftsdespite being woken by them talking twice the following sunday morningthe cabaret artist finally received a hilarious reply from one of rowdy lads\n", + "[1.5822436 1.5044489 1.247312 1.2797277 1.1466582 1.0688871 1.0905759\n", + " 1.0403525 1.0292654 1.0201864 1.0215456 1.0192032 1.0739787 1.0268738\n", + " 1.0587592 1.0647033 1.1353412 1.019796 1.011577 1.0095264]\n", + "\n", + "[ 0 1 3 2 4 16 6 12 5 15 14 7 8 13 10 9 17 11 18 19]\n", + "=======================\n", + "[\"tottenham boss mauricio pochettino is convinced there is more to come from striker harry kane after seeing him plunder his 30th goal of the season .kane became the first spurs player since gary lineker to reach the 30-mark with a late strike in his side 's 3-1 barclays premier league victory at newcastle on sunday .harry kane calmly slots tottenham 's third goal in time added on after coming one-on-one with krul\"]\n", + "=======================\n", + "['mauricio pochettino believes harry kane still has so much more to givekane scored against newcastle to take his season tally to the 30-markhe becomes first tottenham player since gary lineker to reach that tallypochettino is convinced 21-year-old england hitman can improve further']\n", + "tottenham boss mauricio pochettino is convinced there is more to come from striker harry kane after seeing him plunder his 30th goal of the season .kane became the first spurs player since gary lineker to reach the 30-mark with a late strike in his side 's 3-1 barclays premier league victory at newcastle on sunday .harry kane calmly slots tottenham 's third goal in time added on after coming one-on-one with krul\n", + "mauricio pochettino believes harry kane still has so much more to givekane scored against newcastle to take his season tally to the 30-markhe becomes first tottenham player since gary lineker to reach that tallypochettino is convinced 21-year-old england hitman can improve further\n", + "[1.4979645 1.4677391 1.2566104 1.4173204 1.1516873 1.2157298 1.0449873\n", + " 1.0178056 1.057452 1.2743913 1.0097846 1.015733 1.1048465 1.0154825\n", + " 1.0159686 1.0090286 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 9 2 5 4 12 8 6 7 14 11 13 10 15 18 16 17 19]\n", + "=======================\n", + "[\"liverpool keeper simon mignolet has backed belgian striker divock origi to be a success at anfield .the 19-year-old joined liverpool after impressing at last summer 's world cup but was loaned back to lille for this season .divock origi ( left ) was voted the second most overrated player in ligue one in a poll by france football\"]\n", + "=======================\n", + "['divock origi has scored just seven league goals this season for lillebelgium striker will join liverpool for start of next season after loan spellmignolet believes origi has all the qualities to succeed at anfieldread : jordon ibe on the verge of signing new liverpool contractclick here for all the latest liverpool news']\n", + "liverpool keeper simon mignolet has backed belgian striker divock origi to be a success at anfield .the 19-year-old joined liverpool after impressing at last summer 's world cup but was loaned back to lille for this season .divock origi ( left ) was voted the second most overrated player in ligue one in a poll by france football\n", + "divock origi has scored just seven league goals this season for lillebelgium striker will join liverpool for start of next season after loan spellmignolet believes origi has all the qualities to succeed at anfieldread : jordon ibe on the verge of signing new liverpool contractclick here for all the latest liverpool news\n", + "[1.4763644 1.3088923 1.2972288 1.2386302 1.074909 1.044057 1.0806599\n", + " 1.0262914 1.0407681 1.071852 1.049004 1.1114928 1.1592773 1.0442096\n", + " 1.0232008 1.0670692 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 12 11 6 4 9 15 10 13 5 8 7 14 18 16 17 19]\n", + "=======================\n", + "[\"schoolgirl killer zbigniew huminski ( pictured ) did not offer a word of remorse as he was indicted for kidnapping , raping and murdering a nine-year-olddespite being banned from france for earlier offences , zbigniew was on his way to england on wednesday from calais when he struck .huminski was supposed to be in prison in poland - but he exploited his home country 's lax justice system to travel to france instead .\"]\n", + "=======================\n", + "[\"zbigniew huminski charged with raping and murdering schoolgirl chloehe did not offer remorse for crimes which could seen him jailed for lifeprosecutors say there is evidence of ` strangulation and sexual violence 'polish immigrant , who was heading to england , has admitted to killing\"]\n", + "schoolgirl killer zbigniew huminski ( pictured ) did not offer a word of remorse as he was indicted for kidnapping , raping and murdering a nine-year-olddespite being banned from france for earlier offences , zbigniew was on his way to england on wednesday from calais when he struck .huminski was supposed to be in prison in poland - but he exploited his home country 's lax justice system to travel to france instead .\n", + "zbigniew huminski charged with raping and murdering schoolgirl chloehe did not offer remorse for crimes which could seen him jailed for lifeprosecutors say there is evidence of ` strangulation and sexual violence 'polish immigrant , who was heading to england , has admitted to killing\n", + "[1.2337943 1.4214171 1.2040168 1.1029037 1.2970124 1.0843377 1.113678\n", + " 1.0651183 1.0606543 1.0269225 1.0622783 1.0781486 1.0364922 1.0632972\n", + " 1.0564663 1.0533751 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 0 2 6 3 5 11 7 13 10 8 14 15 12 9 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"but the antics of 15-year-old marc and 17-year-old jean wabafiyebazu were brought to a sudden halt on march 30 when a drugs raid went wrong and the older brother was shot dead .indulgent life : jean wabafiyebazu , 17 , ( left ) and his 15-year-old brother marc ( right ) drove around canada raiding homes and buying drugs , the younger boy has told investigatorsdriving around in their mother 's consular bmw in miami to shoot up homes and steal hordes of marijuana : this was the indulgent life of two wealthy teenage sons of a canadian diplomat .\"]\n", + "=======================\n", + "[\"marc wabafiyebazu , 15 , bragged to officials that he and jean , 17 , would go on raids together around canadathe pair were ` buying $ 5,000 of marijuana ' when jean was shot deadmarc may be charged with his brother 's murder under florida lawdetails have emerged of their indulgent life driving mother 's bmw in miamitheir mother is roxanne dube , the recently appointed canadian consul general in miamithey had driven to a house with friend joshua white , 17 , who also diedgunfire erupted soon after they entered , marc was in the car at the timealleged dealer anthony rodriguez , 19 , was wounded .\"]\n", + "but the antics of 15-year-old marc and 17-year-old jean wabafiyebazu were brought to a sudden halt on march 30 when a drugs raid went wrong and the older brother was shot dead .indulgent life : jean wabafiyebazu , 17 , ( left ) and his 15-year-old brother marc ( right ) drove around canada raiding homes and buying drugs , the younger boy has told investigatorsdriving around in their mother 's consular bmw in miami to shoot up homes and steal hordes of marijuana : this was the indulgent life of two wealthy teenage sons of a canadian diplomat .\n", + "marc wabafiyebazu , 15 , bragged to officials that he and jean , 17 , would go on raids together around canadathe pair were ` buying $ 5,000 of marijuana ' when jean was shot deadmarc may be charged with his brother 's murder under florida lawdetails have emerged of their indulgent life driving mother 's bmw in miamitheir mother is roxanne dube , the recently appointed canadian consul general in miamithey had driven to a house with friend joshua white , 17 , who also diedgunfire erupted soon after they entered , marc was in the car at the timealleged dealer anthony rodriguez , 19 , was wounded .\n", + "[1.3544989 1.1172023 1.1768334 1.2489436 1.1621737 1.0627711 1.119826\n", + " 1.0919253 1.0967969 1.0550619 1.035224 1.0379853 1.029633 1.0524867\n", + " 1.093384 1.1360582 1.06459 1.0225763 1.0585914 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 2 4 15 6 1 8 14 7 16 5 18 9 13 11 10 12 17 21 19 20 22]\n", + "=======================\n", + "['washington ( cnn ) israeli prime minister benjamin netanyahu criticized the deal six world powers struck to thwart iran \\'s nuclear ambitions , saying he sees better options than \" this bad deal or war . \"president barack obama endorsed the deal , saying it was better than the alternatives .his comments come as democrats and republicans spar over the framework announced last week to lift western sanctions on iran in exchange for the country dropping from 19,000 to 5,060 active centrifuges , limiting its highly enriched uranium , and increasing inspections .']\n", + "=======================\n", + "['netanyahu says third option is \" standing firm \" to get a better dealpolitical sparring continues in u.s. over the deal with iran']\n", + "washington ( cnn ) israeli prime minister benjamin netanyahu criticized the deal six world powers struck to thwart iran 's nuclear ambitions , saying he sees better options than \" this bad deal or war . \"president barack obama endorsed the deal , saying it was better than the alternatives .his comments come as democrats and republicans spar over the framework announced last week to lift western sanctions on iran in exchange for the country dropping from 19,000 to 5,060 active centrifuges , limiting its highly enriched uranium , and increasing inspections .\n", + "netanyahu says third option is \" standing firm \" to get a better dealpolitical sparring continues in u.s. over the deal with iran\n", + "[1.3301136 1.4586222 1.2900685 1.1231629 1.0899143 1.1471211 1.146066\n", + " 1.1310841 1.0855554 1.074906 1.0184356 1.0524895 1.0281929 1.2623839\n", + " 1.058669 1.0217156 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 2 13 5 6 7 3 4 8 9 14 11 12 15 10 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"steve spowart dived down into the freezing cold water to cut the barbed wire and free the horses that had become tangled in fences amidst the floods .the owner of five horses rescued from rising flood waters during this week 's storm of a decade in new south wales has revealed the amazing lengths her brother-in-law went to over six terrifying hours to save her horses .the animals ' owner , sonia sharrock , praised her ` absolutely amazing ' brother-in-law , for his incredible feat , saying ` i do n't know what i would have done without him and my sister ' .\"]\n", + "=======================\n", + "[\"sonia sharrock 's stud farm near maitland , in the hunter region of new south wales , was badly floodedthe water rose rapidly and the horses became tangled in barbed wire when the could n't see the fencesher brother-in-law steve spowart decided to paddle out on his surfboard to rescue themhe plunged down into the freezing flood water to cut them free from the barbed wireit took six hours in total to bring the horses up to the safety of ms sharrock 's hilltop gardenmaitland was one of the areas hardest hit in the state by what 's being called the storm of the decade\"]\n", + "steve spowart dived down into the freezing cold water to cut the barbed wire and free the horses that had become tangled in fences amidst the floods .the owner of five horses rescued from rising flood waters during this week 's storm of a decade in new south wales has revealed the amazing lengths her brother-in-law went to over six terrifying hours to save her horses .the animals ' owner , sonia sharrock , praised her ` absolutely amazing ' brother-in-law , for his incredible feat , saying ` i do n't know what i would have done without him and my sister ' .\n", + "sonia sharrock 's stud farm near maitland , in the hunter region of new south wales , was badly floodedthe water rose rapidly and the horses became tangled in barbed wire when the could n't see the fencesher brother-in-law steve spowart decided to paddle out on his surfboard to rescue themhe plunged down into the freezing flood water to cut them free from the barbed wireit took six hours in total to bring the horses up to the safety of ms sharrock 's hilltop gardenmaitland was one of the areas hardest hit in the state by what 's being called the storm of the decade\n", + "[1.3654176 1.1654414 1.200969 1.2552876 1.1710867 1.1444591 1.0917245\n", + " 1.1304626 1.1336954 1.1311281 1.0277389 1.0757581 1.0859209 1.0602287\n", + " 1.027101 1.0606532 1.0468941 1.0220591 1.0150841 1.1359372 1.0232271\n", + " 1.0237281 1.0150408]\n", + "\n", + "[ 0 3 2 4 1 5 19 8 9 7 6 12 11 15 13 16 10 14 21 20 17 18 22]\n", + "=======================\n", + "['( cnn ) the accidental death of a 2-year-old boy in milwaukee on sunday triggered a violent chain of events , eventually claiming the lives of three more people .the distraught driver , archie brown jr. , 40 , immediately stopped and got out to tend to the boy .during the family gathering , he dashed out into the street and was struck and killed by a gmc van , according to milwaukee police .']\n", + "=======================\n", + "[\"ricky ricardo chiles iii was suspected in the shooting deaths of two peoplepolice say the chain of events started sunday when a 2-year-old dashed out in front a vehicle and was killedthe driver of the vehicle and the boy 's older brother died from gunshots\"]\n", + "( cnn ) the accidental death of a 2-year-old boy in milwaukee on sunday triggered a violent chain of events , eventually claiming the lives of three more people .the distraught driver , archie brown jr. , 40 , immediately stopped and got out to tend to the boy .during the family gathering , he dashed out into the street and was struck and killed by a gmc van , according to milwaukee police .\n", + "ricky ricardo chiles iii was suspected in the shooting deaths of two peoplepolice say the chain of events started sunday when a 2-year-old dashed out in front a vehicle and was killedthe driver of the vehicle and the boy 's older brother died from gunshots\n", + "[1.4897075 1.392874 1.317827 1.1199942 1.1688957 1.134846 1.1923304\n", + " 1.2251099 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 7 6 4 5 3 20 19 18 17 16 15 11 13 12 21 10 9 8 14 22]\n", + "=======================\n", + "['west ham are showing interest in crystal palace midfielder james mcarthur .the scotland international only joined palace last summer in a deal worth # 7million from wigan athletic .the 27-year-old ( centre ) has scored made 27 premier league appearances for the eagles this season']\n", + "=======================\n", + "[\"james mcarthur joined crystal palace for # 7m from wigan last summerwest ham have been impressed by his performances in midfield for palacehammers have concerns whether they 'll sign alex song permanently\"]\n", + "west ham are showing interest in crystal palace midfielder james mcarthur .the scotland international only joined palace last summer in a deal worth # 7million from wigan athletic .the 27-year-old ( centre ) has scored made 27 premier league appearances for the eagles this season\n", + "james mcarthur joined crystal palace for # 7m from wigan last summerwest ham have been impressed by his performances in midfield for palacehammers have concerns whether they 'll sign alex song permanently\n", + "[1.194575 1.4695369 1.2354964 1.3328968 1.110257 1.1885476 1.1375331\n", + " 1.051543 1.0864913 1.0651172 1.045264 1.0482078 1.1033373 1.0654294\n", + " 1.0316329 1.0343913 1.0486448 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 5 6 4 12 8 13 9 7 16 11 10 15 14 20 17 18 19 21]\n", + "=======================\n", + "['but the pound fell to near 1.46 against the us dollar , its lowest level since june 2010 - just after the last election when no party secured a majority .different polls have variously put the tories and labour narrowly ahead , with david cameron and ed miliband both facing the prospect of having to rely on smaller parties to form a government .the pound has slipped to a five-year low against the dollar amid growing uncertainty about the outcome of the general election .']\n", + "=======================\n", + "['pound near 1.46 against the us dollar , its lowest level since june 2010polls suggest neither tories or labour will manage to win a majorityfears the pound could fall another 10 % if a badly hung parliament']\n", + "but the pound fell to near 1.46 against the us dollar , its lowest level since june 2010 - just after the last election when no party secured a majority .different polls have variously put the tories and labour narrowly ahead , with david cameron and ed miliband both facing the prospect of having to rely on smaller parties to form a government .the pound has slipped to a five-year low against the dollar amid growing uncertainty about the outcome of the general election .\n", + "pound near 1.46 against the us dollar , its lowest level since june 2010polls suggest neither tories or labour will manage to win a majorityfears the pound could fall another 10 % if a badly hung parliament\n", + "[1.3536302 1.3717124 1.1746032 1.351736 1.3152837 1.115647 1.1576966\n", + " 1.0816269 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 4 2 6 5 7 19 18 17 16 15 14 10 12 11 20 9 8 13 21]\n", + "=======================\n", + "[\"the 24-year-old from dorset , ranked no 2 in the world in the sub-80kg class , has had his citizenship change ratified after the breakdown of his relationship with the british olympic association .great britain 's medal hopes at the 2016 olympics have taken a hit after potential gold-winning taekwondo fighter aaron cook 's switch to represent moldova was confirmed .cook , who has not competed for gb since missing out on selection for london 2012 , appears to have been taken under the wing of the moldovan taekwondo federation and its billionaire president igor iuzefovici .\"]\n", + "=======================\n", + "['aaron cook fought for great britain at the beijing olympics in 2008cook felt he was unfairly left out of the london 2012 olympics teambritish olympic association approved application for nationality changecook has received funding from moldovan billionaire igor iuzefovici']\n", + "the 24-year-old from dorset , ranked no 2 in the world in the sub-80kg class , has had his citizenship change ratified after the breakdown of his relationship with the british olympic association .great britain 's medal hopes at the 2016 olympics have taken a hit after potential gold-winning taekwondo fighter aaron cook 's switch to represent moldova was confirmed .cook , who has not competed for gb since missing out on selection for london 2012 , appears to have been taken under the wing of the moldovan taekwondo federation and its billionaire president igor iuzefovici .\n", + "aaron cook fought for great britain at the beijing olympics in 2008cook felt he was unfairly left out of the london 2012 olympics teambritish olympic association approved application for nationality changecook has received funding from moldovan billionaire igor iuzefovici\n", + "[1.2063768 1.3431406 1.3122029 1.2984645 1.2596396 1.1358981 1.1252456\n", + " 1.1417748 1.1693281 1.0603937 1.0183952 1.0120958 1.0199558 1.0230263\n", + " 1.1016966 1.0825677 1.0231422 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 4 0 8 7 5 6 14 15 9 16 13 12 10 11 20 17 18 19 21]\n", + "=======================\n", + "['despite the fact that the uk has now met the controversial target to spend 0.7 per cent of national income on overseas aid , changes to brussels accounting rules could bump up the bill even more .official figures released this week reveal that britain met the target last year , spending # 11.7 billion on foreign aid projects .the uk is now the second largest aid donor in the world .']\n", + "=======================\n", + "['uk spent # 11.7 billion on overseas aid last year but that is set to increasenew accounting rules could see budget increase by # 1bn over two yearschanges will bring britain in line with other eu nations who donate lessukip leader nigel farage last night called for a # 10billion cut in foreign aid']\n", + "despite the fact that the uk has now met the controversial target to spend 0.7 per cent of national income on overseas aid , changes to brussels accounting rules could bump up the bill even more .official figures released this week reveal that britain met the target last year , spending # 11.7 billion on foreign aid projects .the uk is now the second largest aid donor in the world .\n", + "uk spent # 11.7 billion on overseas aid last year but that is set to increasenew accounting rules could see budget increase by # 1bn over two yearschanges will bring britain in line with other eu nations who donate lessukip leader nigel farage last night called for a # 10billion cut in foreign aid\n", + "[1.5707932 1.4212637 1.1394778 1.0729839 1.475608 1.1418874 1.1455599\n", + " 1.0216047 1.0341498 1.1163466 1.023672 1.0168102 1.0115656 1.0203358\n", + " 1.0194514 1.0140859 1.2671397 1.1074269 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 4 1 16 6 5 2 9 17 3 8 10 7 13 14 11 15 12 20 18 19 21]\n", + "=======================\n", + "[\"tony pulis believes joey barton ` probably had a point ' when claiming west bromwich albion 's players 's *** themselves ' during defeat to queens park rangers earlier this season .in december west brom were two goals up but lost to a charlie austin hat-trick , leading to barton 's scathing judgement and plunging alan irvine to the brink of the sack .qpr striker charlie austin scores a header to seal a hat-trick and a comeback win against west brom\"]\n", + "=======================\n", + "[\"west brom lost 3-2 to qpr earlier in the season having led the game 2-0hoops midfielder joey barton accused the baggies of losing their cool in a result that would contribute to former manager alan irvine 's sackingnew boss tony pulis has admitted that barton ` probably had a point 'the two teams meet in the premier league on saturday at the hawthornspulis has steadied the ship at west brom since taking over in january and the club looks unlikely to be relegated this term\"]\n", + "tony pulis believes joey barton ` probably had a point ' when claiming west bromwich albion 's players 's *** themselves ' during defeat to queens park rangers earlier this season .in december west brom were two goals up but lost to a charlie austin hat-trick , leading to barton 's scathing judgement and plunging alan irvine to the brink of the sack .qpr striker charlie austin scores a header to seal a hat-trick and a comeback win against west brom\n", + "west brom lost 3-2 to qpr earlier in the season having led the game 2-0hoops midfielder joey barton accused the baggies of losing their cool in a result that would contribute to former manager alan irvine 's sackingnew boss tony pulis has admitted that barton ` probably had a point 'the two teams meet in the premier league on saturday at the hawthornspulis has steadied the ship at west brom since taking over in january and the club looks unlikely to be relegated this term\n", + "[1.1352385 1.5362307 1.2312913 1.4339206 1.1246791 1.0602487 1.0235564\n", + " 1.0278387 1.0866187 1.0217639 1.1652346 1.1227317 1.1260588 1.1286616\n", + " 1.0312761 1.017864 1.0210984 1.0156208 1.1171387 1.0667802 1.0340657\n", + " 1.0113962]\n", + "\n", + "[ 1 3 2 10 0 13 12 4 11 18 8 19 5 20 14 7 6 9 16 15 17 21]\n", + "=======================\n", + "[\"however , kimberley donoghue , 28 , from ponthenri near carmarthen , was forced to hobble down the aisle after breaking her leg and a bone in her foot just four days before her wedding .wearing the heavy white cast beneath her fairy tale dress , her father wheeled her into church and she sat down to say her vows .most brides spend months searching for the perfect accessories on their big day - but a knee-high cast and nhs-issue crutches are n't exactly on the list .\"]\n", + "=======================\n", + "[\"kimberley donoghue fell down stairs carrying a box of decorationsthe 28-year-old was put into a cast just four days before her weddingthe bride was wheeled into church by her dad , and sat to say her vowsafter a year of planning , she says she ` knew something had to go wrong '\"]\n", + "however , kimberley donoghue , 28 , from ponthenri near carmarthen , was forced to hobble down the aisle after breaking her leg and a bone in her foot just four days before her wedding .wearing the heavy white cast beneath her fairy tale dress , her father wheeled her into church and she sat down to say her vows .most brides spend months searching for the perfect accessories on their big day - but a knee-high cast and nhs-issue crutches are n't exactly on the list .\n", + "kimberley donoghue fell down stairs carrying a box of decorationsthe 28-year-old was put into a cast just four days before her weddingthe bride was wheeled into church by her dad , and sat to say her vowsafter a year of planning , she says she ` knew something had to go wrong '\n", + "[1.36968 1.4594972 1.2446913 1.4012814 1.2277896 1.0872028 1.0204389\n", + " 1.0217135 1.0149378 1.0218011 1.0727378 1.0205752 1.1273084 1.1842871\n", + " 1.0486494 1.0335166 1.0206195 1.0974923 1.0176265 1.009973 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 2 4 13 12 17 5 10 14 15 9 7 16 11 6 18 8 19 20 21]\n", + "=======================\n", + "[\"the reigning world champion won his second race in three to start the 2015 season , but his podium celebrations have drawn some criticism .lewis hamilton celebrates winning the chinese grand prix by spraying a hostess in the face with champagnea leading group which campaigns against sexism has condemned the behavior of the driver as ` selfish and inconsiderate ' , saying he should be forced to apologise for ` specially directing ' the bubbly into the woman 's face .\"]\n", + "=======================\n", + "['lewis hamilton won the chinese grand prix in shanghaithe brit celebrated by spraying champagne in face of a hostessobject , which campaigns against sexism , said he should apologise']\n", + "the reigning world champion won his second race in three to start the 2015 season , but his podium celebrations have drawn some criticism .lewis hamilton celebrates winning the chinese grand prix by spraying a hostess in the face with champagnea leading group which campaigns against sexism has condemned the behavior of the driver as ` selfish and inconsiderate ' , saying he should be forced to apologise for ` specially directing ' the bubbly into the woman 's face .\n", + "lewis hamilton won the chinese grand prix in shanghaithe brit celebrated by spraying champagne in face of a hostessobject , which campaigns against sexism , said he should apologise\n", + "[1.3355438 1.4605148 1.4059074 1.194102 1.1226058 1.0317951 1.0460795\n", + " 1.0162506 1.2216237 1.1229837 1.1012143 1.0372844 1.020999 1.1473222\n", + " 1.054049 1.0345011 1.1238441 1.0837221 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 8 3 13 16 9 4 10 17 14 6 11 15 5 12 7 20 18 19 21]\n", + "=======================\n", + "[\"the prodigious pumpkins displayed at this year 's show were cleverly recycled by being served to the asian elephants at the popular sydney zoo .the prize-winning pumpkins - including a 728kg monster that was the biggest pumpkin to ever grace a sydney royal easter show - were presented to the elephants on friday morning .taronga zoo 's elephants had a special treat for breakfast on friday -- a record sized 728kg pumpkin .\"]\n", + "=======================\n", + "['the prodigious pumpkins were transported to the zoo on wednesdayone 728kg pumpkin was the biggest to ever grace the easter showthe asian elephant herd were quick to pounce on the novelty breakfastthe zoo introduces new foods to challenge and stimulate their animals']\n", + "the prodigious pumpkins displayed at this year 's show were cleverly recycled by being served to the asian elephants at the popular sydney zoo .the prize-winning pumpkins - including a 728kg monster that was the biggest pumpkin to ever grace a sydney royal easter show - were presented to the elephants on friday morning .taronga zoo 's elephants had a special treat for breakfast on friday -- a record sized 728kg pumpkin .\n", + "the prodigious pumpkins were transported to the zoo on wednesdayone 728kg pumpkin was the biggest to ever grace the easter showthe asian elephant herd were quick to pounce on the novelty breakfastthe zoo introduces new foods to challenge and stimulate their animals\n", + "[1.1662889 1.3184767 1.2772473 1.403336 1.3057357 1.1502649 1.1192007\n", + " 1.1034284 1.186282 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 4 2 8 0 5 6 7 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", + "=======================\n", + "['angel di maria ( left ) has a new no 7 tattoo which stands out among others on his left armthe 27-year-old has endured a mixed start to his united career on-and-off the pitch since joining the club last summer - which has included an attempted burglary at his family home in cheshire back in february .di maria wears the no 7 shirt at manchester united following his # 60million from real madrid last summer']\n", + "=======================\n", + "['angel di maria joined manchester united from real madrid for # 60milliondi maria took the no 7 shirt upon his arrival at the english giants27-year-old also wears the no 7 jersey for argentina too']\n", + "angel di maria ( left ) has a new no 7 tattoo which stands out among others on his left armthe 27-year-old has endured a mixed start to his united career on-and-off the pitch since joining the club last summer - which has included an attempted burglary at his family home in cheshire back in february .di maria wears the no 7 shirt at manchester united following his # 60million from real madrid last summer\n", + "angel di maria joined manchester united from real madrid for # 60milliondi maria took the no 7 shirt upon his arrival at the english giants27-year-old also wears the no 7 jersey for argentina too\n", + "[1.5245494 1.3768773 1.4560493 1.4532118 1.1048445 1.1100657 1.0304404\n", + " 1.0153276 1.0189002 1.1213623 1.018946 1.0112511 1.0139222 1.0193479\n", + " 1.1762193 1.0730984 1.0115942 1.0111338 1.0059851 1.0072947 1.007417\n", + " 1.0635067]\n", + "\n", + "[ 0 2 3 1 14 9 5 4 15 21 6 13 10 8 7 12 16 11 17 20 19 18]\n", + "=======================\n", + "[\"sergio aguero wants to put pressure on premier league leaders chelsea by claiming victory in the manchester derby on sunday .manuel pellegrini 's team are nine points behind chelsea , who have a match in hand against bottom side leicester , but aguero knows better than most that city are not averse to an 11th-hour comeback .sergio aguero insists manchester city can retain the premier league despite defeat by crystal palace\"]\n", + "=======================\n", + "[\"manchester city can still mount a title challenge , insists sergio agueropremier league champions face manchester united in sunday 's derbyargentina ace has praised old trafford misfit radamel falcao\"]\n", + "sergio aguero wants to put pressure on premier league leaders chelsea by claiming victory in the manchester derby on sunday .manuel pellegrini 's team are nine points behind chelsea , who have a match in hand against bottom side leicester , but aguero knows better than most that city are not averse to an 11th-hour comeback .sergio aguero insists manchester city can retain the premier league despite defeat by crystal palace\n", + "manchester city can still mount a title challenge , insists sergio agueropremier league champions face manchester united in sunday 's derbyargentina ace has praised old trafford misfit radamel falcao\n", + "[1.2999784 1.5147896 1.2185843 1.2239951 1.2572453 1.1517357 1.0297623\n", + " 1.1194862 1.1406807 1.0687855 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 4 3 2 5 8 7 9 6 19 18 17 16 15 10 13 12 11 20 14 21]\n", + "=======================\n", + "['michael kimmel , 40 , was taken into custody by kentucky state police on monday evening after they received a 911 call about an intoxicated horse rider .a kentucky man has been arrested after police say he was found under the influence while riding a horse on us 23 .according to the arrest report , kimmel would not take a sobriety test and refused a breath and blood alcohol test .']\n", + "=======================\n", + "['michael kimmel was taken into custody wearing only boots , jeans and a cowboy hat']\n", + "michael kimmel , 40 , was taken into custody by kentucky state police on monday evening after they received a 911 call about an intoxicated horse rider .a kentucky man has been arrested after police say he was found under the influence while riding a horse on us 23 .according to the arrest report , kimmel would not take a sobriety test and refused a breath and blood alcohol test .\n", + "michael kimmel was taken into custody wearing only boots , jeans and a cowboy hat\n", + "[1.1491472 1.2107788 1.2002635 1.535592 1.262639 1.0703778 1.0747241\n", + " 1.020039 1.0249611 1.0162529 1.1203927 1.0448805 1.0325487 1.0170392\n", + " 1.1127285 1.0338358 1.1229401 1.0610353 1.0394223 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 4 1 2 0 16 10 14 6 5 17 11 18 15 12 8 7 13 9 19 20 21 22 23]\n", + "=======================\n", + "[\"manchester city risk losing star man sergio aguero should they slip out of the premier league 's top fouraguero scores the first of his two goals during city 's 4-2 defeat at the hands of rivals manchester unitedthen there is the inevitable speculation over the future of under-fire manager manuel pellegrini .\"]\n", + "=======================\n", + "[\"manchester city have slipped to fourth in the premier league tablesergio aguero may look elsewhere should city continue to struggleargentine striker has scored 19 premier league goals so far this seasonmanuel pellegrini 's future as city boss is also in doubtreal madrid and barcelona are both fans of the former atletico madrid star\"]\n", + "manchester city risk losing star man sergio aguero should they slip out of the premier league 's top fouraguero scores the first of his two goals during city 's 4-2 defeat at the hands of rivals manchester unitedthen there is the inevitable speculation over the future of under-fire manager manuel pellegrini .\n", + "manchester city have slipped to fourth in the premier league tablesergio aguero may look elsewhere should city continue to struggleargentine striker has scored 19 premier league goals so far this seasonmanuel pellegrini 's future as city boss is also in doubtreal madrid and barcelona are both fans of the former atletico madrid star\n", + "[1.3852714 1.4297338 1.2627761 1.3394558 1.1048875 1.296842 1.0581048\n", + " 1.2093143 1.0312046 1.0137134 1.0778227 1.0570611 1.0346632 1.0517412\n", + " 1.077432 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 5 2 7 4 10 14 6 11 13 12 8 9 22 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "['the driver , who has not been identified , was trapped under the car for more than four hours during the incident that occurred on wednesday , but miraculously suffered only minor injuries .three teenage girls were rescued after their car careened over a 100-foot cliff in arizona and landed upside down on top of the 16-year-old driver who was thrown from the vehicle .the girl was in stable condition and largely kept her cool during the ordeal , said fire capt. paul voakes of the pine-strawberry fire district .']\n", + "=======================\n", + "['the driver , 16 , of arizona who has not been identified was saved from full weight of car landing on her due to depression in roof of carit took five hours to pull her from wreckage on wednesdaythe passengers , aged 16 and 17 , also not identified were able to climb up to the road ; both were taken to hospital with non-life threatening injuriesdriver lost control of car after turning a curve too fast , according to police']\n", + "the driver , who has not been identified , was trapped under the car for more than four hours during the incident that occurred on wednesday , but miraculously suffered only minor injuries .three teenage girls were rescued after their car careened over a 100-foot cliff in arizona and landed upside down on top of the 16-year-old driver who was thrown from the vehicle .the girl was in stable condition and largely kept her cool during the ordeal , said fire capt. paul voakes of the pine-strawberry fire district .\n", + "the driver , 16 , of arizona who has not been identified was saved from full weight of car landing on her due to depression in roof of carit took five hours to pull her from wreckage on wednesdaythe passengers , aged 16 and 17 , also not identified were able to climb up to the road ; both were taken to hospital with non-life threatening injuriesdriver lost control of car after turning a curve too fast , according to police\n", + "[1.2029018 1.3875455 1.1478484 1.3847964 1.282748 1.1263204 1.1063156\n", + " 1.1287435 1.0795726 1.11375 1.0560205 1.0394924 1.0254059 1.0126013\n", + " 1.0239218 1.0124011 1.0586932 1.0805666 1.0747938 1.0424463 1.0655065\n", + " 1.0296177 0. 0. ]\n", + "\n", + "[ 1 3 4 0 2 7 5 9 6 17 8 18 20 16 10 19 11 21 12 14 13 15 22 23]\n", + "=======================\n", + "[\"cristina coria , a stay-at-home mom with a nine-month old child , helped police nab the 18-year-old suspect and get back the bed of her husband 's custom-painted blue 2003 chevy stepside .coria arranged to meet the suspect with her husband at a gas station parking lot near i-45 in houston , texasin order to make it happen , the houston resident got a little help from facebook .\"]\n", + "=======================\n", + "[\"cristina coria 's husband 's truck was stolen from home in houston , texasit was found the following day but its custom-painted bed had been takenshe went on facebook and saw an ad for a 2003 chevy stepside bedset up a meeting with the seller and then stalled until police showed upsuspect , 18 , is now facing charges for theft and unlawfully carrying a gun\"]\n", + "cristina coria , a stay-at-home mom with a nine-month old child , helped police nab the 18-year-old suspect and get back the bed of her husband 's custom-painted blue 2003 chevy stepside .coria arranged to meet the suspect with her husband at a gas station parking lot near i-45 in houston , texasin order to make it happen , the houston resident got a little help from facebook .\n", + "cristina coria 's husband 's truck was stolen from home in houston , texasit was found the following day but its custom-painted bed had been takenshe went on facebook and saw an ad for a 2003 chevy stepside bedset up a meeting with the seller and then stalled until police showed upsuspect , 18 , is now facing charges for theft and unlawfully carrying a gun\n", + "[1.1970925 1.2493485 1.2971017 1.1726929 1.2778273 1.1600112 1.0560213\n", + " 1.0565681 1.0555823 1.0285695 1.042585 1.0681043 1.0230973 1.0672917\n", + " 1.0790741 1.0804499 1.0203747 1.0151302 1.0220326 1.0534121 1.0736433\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 4 1 0 3 5 15 14 20 11 13 7 6 8 19 10 9 12 18 16 17 22 21 23]\n", + "=======================\n", + "[\"isis took thousands of yazidis captive .but the islamist militants separated the young women and girls to be sold as sex slaves .the vast majority of the camp 's occupants are from the town of sinjar and fled the isis assault there back in august .\"]\n", + "=======================\n", + "['hanan , 19 , was captured by isis when militants took the town of sinjarshe was among the women and girls separated to be sold as sex slaves']\n", + "isis took thousands of yazidis captive .but the islamist militants separated the young women and girls to be sold as sex slaves .the vast majority of the camp 's occupants are from the town of sinjar and fled the isis assault there back in august .\n", + "hanan , 19 , was captured by isis when militants took the town of sinjarshe was among the women and girls separated to be sold as sex slaves\n", + "[1.2558395 1.3687217 1.1654989 1.3796571 1.1787088 1.0355746 1.0477508\n", + " 1.0201019 1.0176631 1.105612 1.055439 1.015526 1.0215223 1.0194112\n", + " 1.0166466 1.0403489 1.0320339 1.0566068 1.0807896 1.0276027 1.1307557\n", + " 1.047511 1.2058234 1.0792532]\n", + "\n", + "[ 3 1 0 22 4 2 20 9 18 23 17 10 6 21 15 5 16 19 12 7 13 8 14 11]\n", + "=======================\n", + "[\"judge judy and jerry sheindlin have been married for 38 years - all told .the crusty judge , who 's emmy-winning show was recently renewed , and her husband were in a playful mood as they celebrated her award for her work on the bench at the annual women of the 21st century awards luncheon by the women 's guild cedars-sinai at the beverly wilshire hotel .things are going well in the courtroom - and the bedroom - for tv superstar judge judy , according to her husband of 38 years jerry sheindlin .\"]\n", + "=======================\n", + "[\"judge judy and her husband jerry sheindlin were particularly playful at the women 's guild cedars-sinai luncheon where she was the honoreethe emmy-winning tv judge just renewed her tv contract with cbs for another three yearsshe reportedly earns $ 47 million a year - the highest paid personality on television\"]\n", + "judge judy and jerry sheindlin have been married for 38 years - all told .the crusty judge , who 's emmy-winning show was recently renewed , and her husband were in a playful mood as they celebrated her award for her work on the bench at the annual women of the 21st century awards luncheon by the women 's guild cedars-sinai at the beverly wilshire hotel .things are going well in the courtroom - and the bedroom - for tv superstar judge judy , according to her husband of 38 years jerry sheindlin .\n", + "judge judy and her husband jerry sheindlin were particularly playful at the women 's guild cedars-sinai luncheon where she was the honoreethe emmy-winning tv judge just renewed her tv contract with cbs for another three yearsshe reportedly earns $ 47 million a year - the highest paid personality on television\n", + "[1.371757 1.1863841 1.112514 1.0981722 1.3603683 1.08887 1.1756406\n", + " 1.1076337 1.1000319 1.1124971 1.0934567 1.0602022 1.0559963 1.0531381\n", + " 1.0219493 1.0394682 1.0538433 1.0393003]\n", + "\n", + "[ 0 4 1 6 2 9 7 8 3 10 5 11 12 16 13 15 17 14]\n", + "=======================\n", + "[\"israeli prime minister benjamin netanyahu has slammed the iran nuclear deal , claiming it threatens the jewish state and puts his people in mortal danger .after speaking to president barack obama on the phone , he said in a televised statement just hours after the agreement was signed on thursday : ' a deal based on this framework would threaten the survival of israel .the preliminary agreement set out a framework where iran would scale down plans to enrich uranium and make weapons-grade plutonium in return for western powers dropping stringent economic sanctions .\"]\n", + "=======================\n", + "[\"israeli prime minister said agreement puts country in ` mortal danger 'he said during a statement the deal ` paves ' the way to the bomb for iranurged western powers to carry on putting pressure on tehranthe white house reiterated they remain committed to israel 's security\"]\n", + "israeli prime minister benjamin netanyahu has slammed the iran nuclear deal , claiming it threatens the jewish state and puts his people in mortal danger .after speaking to president barack obama on the phone , he said in a televised statement just hours after the agreement was signed on thursday : ' a deal based on this framework would threaten the survival of israel .the preliminary agreement set out a framework where iran would scale down plans to enrich uranium and make weapons-grade plutonium in return for western powers dropping stringent economic sanctions .\n", + "israeli prime minister said agreement puts country in ` mortal danger 'he said during a statement the deal ` paves ' the way to the bomb for iranurged western powers to carry on putting pressure on tehranthe white house reiterated they remain committed to israel 's security\n", + "[1.3024441 1.1869497 1.400975 1.1752638 1.1723907 1.068851 1.1860112\n", + " 1.0408247 1.0541493 1.0704726 1.0519507 1.0531682 1.0247972 1.0310342\n", + " 1.0350314 1.0306033 1.1271363 0. ]\n", + "\n", + "[ 2 0 1 6 3 4 16 9 5 8 11 10 7 14 13 15 12 17]\n", + "=======================\n", + "[\"a classmate , christopher plaskon , has been charged with murder .the life of a 16-year-old girl stabbed to death at a connecticut school a year ago on the day of prom was celebrated saturday by hundreds of people with a road race , fried food and live music .wearing shirts in maren sanchez 's favorite color of purple , the crowd filled a baseball field behind milford 's jonathan law high school , where she was attacked and killed in a hallway on april 25 , 2014 .\"]\n", + "=======================\n", + "[\"the life of 16-year-old maren sanchez stabbed to death a year ago on the day of prom was celebrated on saturday by hundreds of peoplei do n't think there 's anything sad about this .a classmate , christopher plaskon , has been charged with sanchez 's murder\"]\n", + "a classmate , christopher plaskon , has been charged with murder .the life of a 16-year-old girl stabbed to death at a connecticut school a year ago on the day of prom was celebrated saturday by hundreds of people with a road race , fried food and live music .wearing shirts in maren sanchez 's favorite color of purple , the crowd filled a baseball field behind milford 's jonathan law high school , where she was attacked and killed in a hallway on april 25 , 2014 .\n", + "the life of 16-year-old maren sanchez stabbed to death a year ago on the day of prom was celebrated on saturday by hundreds of peoplei do n't think there 's anything sad about this .a classmate , christopher plaskon , has been charged with sanchez 's murder\n", + "[1.4229065 1.3280419 1.0526673 1.2936289 1.2948395 1.1027646 1.0556284\n", + " 1.1843039 1.2074759 1.0894382 1.0641216 1.0892762 1.0278127 1.069239\n", + " 1.0768462 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 3 8 7 5 9 11 14 13 10 6 2 12 16 15 17]\n", + "=======================\n", + "['reigning champion novak djokovic dug deep to avoid a shock exit at the hands of alexandr dolgopolov before powering into the quarter-finals of the miami open .the unseeded dolgopolov - ranked 65th in the world , 64 places behind djokovic - surprised the serbian by winning a first-set tie-break and building a quick 4-2 lead in the second set .also through to the quarters are british number one andy murray and fourth seed kei nishikori .']\n", + "=======================\n", + "[\"novak djokovic came from a set down to beat alexandr dolgopolovthe world no 1 remains in contention for his fifth miami open windolgopolov became less mobile after receiving treatment to his feetdjokovic faces david ferrer next after spaniard beat gilles simonandy murray through after beating south africa 's kevin anderson\"]\n", + "reigning champion novak djokovic dug deep to avoid a shock exit at the hands of alexandr dolgopolov before powering into the quarter-finals of the miami open .the unseeded dolgopolov - ranked 65th in the world , 64 places behind djokovic - surprised the serbian by winning a first-set tie-break and building a quick 4-2 lead in the second set .also through to the quarters are british number one andy murray and fourth seed kei nishikori .\n", + "novak djokovic came from a set down to beat alexandr dolgopolovthe world no 1 remains in contention for his fifth miami open windolgopolov became less mobile after receiving treatment to his feetdjokovic faces david ferrer next after spaniard beat gilles simonandy murray through after beating south africa 's kevin anderson\n", + "[1.4148118 1.3910094 1.285738 1.1228509 1.082071 1.1078154 1.0381327\n", + " 1.1068813 1.1423869 1.0270877 1.0364534 1.1436257 1.052822 1.055945\n", + " 1.0343693 1.0238862 1.0797348 0. ]\n", + "\n", + "[ 0 1 2 11 8 3 5 7 4 16 13 12 6 10 14 9 15 17]\n", + "=======================\n", + "['lucky fans in the french city of saint-etienne were given a treat on monday night as brazilian ronaldo and zinedine zidane took part in the 12th annual match against poverty .footballing legends ronaldo and zidane were joined by a host of former greats including clarence seedorf , fabian barthez , jay-jay okocha and gianluca zambrotta to name a few .brazilian ace ronaldo had been rumoured to come out of retirement with american side fort lauderdale in recent times and the 38-year-old showed he still has what it takes with a hat trick .']\n", + "=======================\n", + "['a host of footballing legends graced the field to raise money for charitybazilian ronaldo and zinedine zidane were among the stars taking partclarence seedorf , fabian barthez and gianluca zambrotta also playedas did jay-jay okocha , david trezeguet and vladimir smicer']\n", + "lucky fans in the french city of saint-etienne were given a treat on monday night as brazilian ronaldo and zinedine zidane took part in the 12th annual match against poverty .footballing legends ronaldo and zidane were joined by a host of former greats including clarence seedorf , fabian barthez , jay-jay okocha and gianluca zambrotta to name a few .brazilian ace ronaldo had been rumoured to come out of retirement with american side fort lauderdale in recent times and the 38-year-old showed he still has what it takes with a hat trick .\n", + "a host of footballing legends graced the field to raise money for charitybazilian ronaldo and zinedine zidane were among the stars taking partclarence seedorf , fabian barthez and gianluca zambrotta also playedas did jay-jay okocha , david trezeguet and vladimir smicer\n", + "[1.1513766 1.3210357 1.2954507 1.2018883 1.2277334 1.1516122 1.1026751\n", + " 1.02163 1.0340757 1.2206755 1.1446606 1.0485073 1.0214585 1.014994\n", + " 1.0595826 1.066348 1.0067426 0. ]\n", + "\n", + "[ 1 2 4 9 3 5 0 10 6 15 14 11 8 7 12 13 16 17]\n", + "=======================\n", + "[\"the first name that comes to mind when thinking of aboriginal models for even the most die-hard of fashionistas is samantha harris who was one of the most prominent faces during mercedes-benz fashion week australia in sydney this week .the only other indigenous face to join the 24-year-old stunner at the biggest week on the country 's fashion calendar over the past two years is lauren feenstra .gaining ground : the agency started off with just five models and now has 40 including noreen carr ( pictured )\"]\n", + "=======================\n", + "['aboriginal model management australia has 40 female clients so farnew national casting call is now looking for both sexes aged up to 60founder is expecting the numbers to take off as interest rapidly growstarget , bonds and big w are very interested in hiring aboriginal modelskira-lea dargin says demand for indigenous models is slowly changing in the high fashion market but should be moving faster']\n", + "the first name that comes to mind when thinking of aboriginal models for even the most die-hard of fashionistas is samantha harris who was one of the most prominent faces during mercedes-benz fashion week australia in sydney this week .the only other indigenous face to join the 24-year-old stunner at the biggest week on the country 's fashion calendar over the past two years is lauren feenstra .gaining ground : the agency started off with just five models and now has 40 including noreen carr ( pictured )\n", + "aboriginal model management australia has 40 female clients so farnew national casting call is now looking for both sexes aged up to 60founder is expecting the numbers to take off as interest rapidly growstarget , bonds and big w are very interested in hiring aboriginal modelskira-lea dargin says demand for indigenous models is slowly changing in the high fashion market but should be moving faster\n", + "[1.4262753 1.1683463 1.4668894 1.3069663 1.1650963 1.1382246 1.0653898\n", + " 1.1063616 1.037136 1.0564387 1.0670267 1.0770499 1.0415535 1.0881851\n", + " 1.0578822 1.0169351 1.0670588 1.0535841 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 1 4 5 7 13 11 16 10 6 14 9 17 12 8 15 18 19 20]\n", + "=======================\n", + "[\"julie walters , 49 , has been jailed for two and a half years after she pretended to be a trusted official to dupe elderly victims out of cash .she was caught by police after she was spotted on cctv loitering in the communal hall of a retirement property near to the old trafford football ground in manchester before an 80-year-old man and an 81-year-old woman were fleeced in two separate attacks .a woman has been branded a ` menace to the community ' after she posed as both a council warden and a church official to bluff her way into sheltered housing complexes to steal from vulnerable residents .\"]\n", + "=======================\n", + "['julie walters pretended to be trusted official to gain access to care homesclaimed to be both a council warden and from church to steal cashfleeced three elderly residents of money in three separate attacksadmitted burglary and was jailed for two and a half years at minshull street crown court']\n", + "julie walters , 49 , has been jailed for two and a half years after she pretended to be a trusted official to dupe elderly victims out of cash .she was caught by police after she was spotted on cctv loitering in the communal hall of a retirement property near to the old trafford football ground in manchester before an 80-year-old man and an 81-year-old woman were fleeced in two separate attacks .a woman has been branded a ` menace to the community ' after she posed as both a council warden and a church official to bluff her way into sheltered housing complexes to steal from vulnerable residents .\n", + "julie walters pretended to be trusted official to gain access to care homesclaimed to be both a council warden and from church to steal cashfleeced three elderly residents of money in three separate attacksadmitted burglary and was jailed for two and a half years at minshull street crown court\n", + "[1.0535313 1.0507421 1.1567817 1.3393784 1.3525743 1.280746 1.3568417\n", + " 1.1212898 1.0986649 1.1211638 1.0456145 1.1397702 1.0849117 1.0527543\n", + " 1.0425873 1.0675054 1.120575 1.0786842 1.0226284 1.0625315 1.0469483]\n", + "\n", + "[ 6 4 3 5 2 11 7 9 16 8 12 17 15 19 0 13 1 20 10 14 18]\n", + "=======================\n", + "['just under half ( 47 per cent ) of women aged over 55 expressed disappointment over their decisions , compared to just 40 per cent of men .with 47 % compared to only 40 % of mena new survey has revealed that women regret their career choices more than men .']\n", + "=======================\n", + "['research conducted by planet cruise surveyed people aged 55 and overwomen were more likely to regret their career choices than menmen were more likely to suffer from mental illness as a result of regrets']\n", + "just under half ( 47 per cent ) of women aged over 55 expressed disappointment over their decisions , compared to just 40 per cent of men .with 47 % compared to only 40 % of mena new survey has revealed that women regret their career choices more than men .\n", + "research conducted by planet cruise surveyed people aged 55 and overwomen were more likely to regret their career choices than menmen were more likely to suffer from mental illness as a result of regrets\n", + "[1.4314145 1.3384445 1.1895803 1.3168733 1.14875 1.113295 1.0151926\n", + " 1.0260154 1.1262009 1.0353256 1.0912647 1.0430435 1.0273124 1.0839261\n", + " 1.0587307 1.0586865 1.054557 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 8 5 10 13 14 15 16 11 9 12 7 6 19 17 18 20]\n", + "=======================\n", + "[\"abc released a fourth promo video on thursday on the eve of bruce jenner 's sitdown interview with diane sawyer airing in which he is expected to talk about his gender transition .the 30-second clip opens with the 65-year-old former decathlete greeting sawyer at his home .bruce - the ex-husband of kardashian matriarch kris jenner - appears somewhat anxious as he tells the sawyer : ` it 's going to be an emotional rollercoaster , but somehow i 'm gon na get through it . '\"]\n", + "=======================\n", + "[\"abc has kept a tight lid on details but interview is expected to address bruce 's gender transitionnetwork has only released non-specific quotes so as to allow bruce to address topic in full context of friday 's interview\"]\n", + "abc released a fourth promo video on thursday on the eve of bruce jenner 's sitdown interview with diane sawyer airing in which he is expected to talk about his gender transition .the 30-second clip opens with the 65-year-old former decathlete greeting sawyer at his home .bruce - the ex-husband of kardashian matriarch kris jenner - appears somewhat anxious as he tells the sawyer : ` it 's going to be an emotional rollercoaster , but somehow i 'm gon na get through it . '\n", + "abc has kept a tight lid on details but interview is expected to address bruce 's gender transitionnetwork has only released non-specific quotes so as to allow bruce to address topic in full context of friday 's interview\n", + "[1.2579339 1.5388163 1.2690265 1.2530577 1.2084498 1.1933786 1.0443692\n", + " 1.0240618 1.0126655 1.0143318 1.1576115 1.1047314 1.0813643 1.076218\n", + " 1.1317146 1.0122015 1.017638 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 5 10 14 11 12 13 6 7 16 9 8 15 19 17 18 20]\n", + "=======================\n", + "['alan spencer , 67 , was tucking into his dinner when the pickled onion blocked his windpipe .he frantically tried to clear his throat , and after three minutes made his way to the door in a bid to get help from a passer-by .a pensioner who nearly choked to death on a pickled onion says his labrador saved his life -- after jumping on his back to dislodge it from his throat .']\n", + "=======================\n", + "[\"pensioner alan spencer 's life was saved by his 18-month old labrador lexithe 67-year-old began choking on pickled onion and felt life ` slipping away 'but lexi jumped on his back - dislodging the onion and saving his lifean earlier version of this article stated that lexi the labrador had saved mr spencer 's live by performing the heimlich manoeuvre .\"]\n", + "alan spencer , 67 , was tucking into his dinner when the pickled onion blocked his windpipe .he frantically tried to clear his throat , and after three minutes made his way to the door in a bid to get help from a passer-by .a pensioner who nearly choked to death on a pickled onion says his labrador saved his life -- after jumping on his back to dislodge it from his throat .\n", + "pensioner alan spencer 's life was saved by his 18-month old labrador lexithe 67-year-old began choking on pickled onion and felt life ` slipping away 'but lexi jumped on his back - dislodging the onion and saving his lifean earlier version of this article stated that lexi the labrador had saved mr spencer 's live by performing the heimlich manoeuvre .\n", + "[1.5772337 1.4716345 1.1776409 1.2337272 1.1610332 1.1169595 1.1038637\n", + " 1.0592575 1.0741032 1.1259686 1.0685396 1.0988353 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 9 5 6 11 8 10 7 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"crystal palace midfielder jason puncheon appeared to be struck by an object during his side 's 2-1 over manchester city .the 28-year-old was making his way to take a corner in front of the travelling manchester city fans when he was hit by the flying object during the second half .puncheon sarcastically puts his thumbs up towards city fans after objects were thrown in his direction\"]\n", + "=======================\n", + "[\"sweets were aimed at jason puncheon during crystal palace 's victorypuncheon appeared to be struck while making his way to take a cornerthe eagles playmaker scored in his side 's 2-1 home win at selhurst park\"]\n", + "crystal palace midfielder jason puncheon appeared to be struck by an object during his side 's 2-1 over manchester city .the 28-year-old was making his way to take a corner in front of the travelling manchester city fans when he was hit by the flying object during the second half .puncheon sarcastically puts his thumbs up towards city fans after objects were thrown in his direction\n", + "sweets were aimed at jason puncheon during crystal palace 's victorypuncheon appeared to be struck while making his way to take a cornerthe eagles playmaker scored in his side 's 2-1 home win at selhurst park\n", + "[1.2335992 1.2729244 1.3060652 1.3801098 1.1371585 1.1535178 1.1070929\n", + " 1.0759182 1.1073277 1.0658649 1.0870656 1.0578946 1.0769061 1.0143683\n", + " 1.1072441 1.0926111 1.0161146 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 0 5 4 8 14 6 15 10 12 7 9 11 16 13 22 17 18 19 20 21 23]\n", + "=======================\n", + "['ukip leader nigel farage had an awkward exchange with hungarian ivan loncsarevity at a hinge factory in essexnigel farage is touring the country hoping to show how britain can cope without europe .he wants an australian-style system to set targets for the level of skills needed for someone to come to britain in search of work .']\n", + "=======================\n", + "['ukip leader lost for words as he met ivan loncsarevity at the plant in essexstruggled for small talk because mr loncsarevity speaks little englishfarage insisted he did not want to deport migrants if britain left the eu']\n", + "ukip leader nigel farage had an awkward exchange with hungarian ivan loncsarevity at a hinge factory in essexnigel farage is touring the country hoping to show how britain can cope without europe .he wants an australian-style system to set targets for the level of skills needed for someone to come to britain in search of work .\n", + "ukip leader lost for words as he met ivan loncsarevity at the plant in essexstruggled for small talk because mr loncsarevity speaks little englishfarage insisted he did not want to deport migrants if britain left the eu\n", + "[1.1739427 1.4052433 1.382696 1.0830704 1.0593926 1.0682871 1.0471451\n", + " 1.1112663 1.0456128 1.0690894 1.0529157 1.0585196 1.0422736 1.056\n", + " 1.039636 1.0510501 1.0220464 1.0273073 1.0381563 1.0216043 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 7 3 9 5 4 11 13 10 15 6 8 12 14 18 17 16 19 22 20 21 23]\n", + "=======================\n", + "['the jury of seven women and five men listened to more than 130 witnesses and reviewed more than 400 pieces of evidence over the months-long trial .on wednesday , they convicted hernandez , who was sentenced to life in prison without the possibility of parole , after deliberating more than 35 hours over parts of seven days .( cnn ) from late january , when new england was living through one of its bleakest and snowiest winters , to a warm and sunny afternoon in april , the jurors in the first-degree murder trial of former nfl star aaron hernandez have considered how a promising young athlete who earned millions came to take the life of his onetime friend and future brother-in-law , odin lloyd .']\n", + "=======================\n", + "['female juror : \" everyone \\'s life changed because of this \"the jurors said they did n\\'t learn of the other charges against hernandez until after the verdictfor these jurors , the system worked : it \\'s \" designed to be fair to both sides \"']\n", + "the jury of seven women and five men listened to more than 130 witnesses and reviewed more than 400 pieces of evidence over the months-long trial .on wednesday , they convicted hernandez , who was sentenced to life in prison without the possibility of parole , after deliberating more than 35 hours over parts of seven days .( cnn ) from late january , when new england was living through one of its bleakest and snowiest winters , to a warm and sunny afternoon in april , the jurors in the first-degree murder trial of former nfl star aaron hernandez have considered how a promising young athlete who earned millions came to take the life of his onetime friend and future brother-in-law , odin lloyd .\n", + "female juror : \" everyone 's life changed because of this \"the jurors said they did n't learn of the other charges against hernandez until after the verdictfor these jurors , the system worked : it 's \" designed to be fair to both sides \"\n", + "[1.347486 1.4075547 1.1551987 1.530824 1.3547862 1.2951332 1.1081371\n", + " 1.0182338 1.0151712 1.0140355 1.0113454 1.0138515 1.0216992 1.1425543\n", + " 1.0500461 1.0088902 1.0090694 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 1 4 0 5 2 13 6 14 12 7 8 9 11 10 16 15 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"liam plunkett wants to use his pace to lead england to victory in the test series against west indiesthe 29-year-old england seamer is back in test contention in the caribbean after his comeback last summer was cut short by injury .liam plunkett has set his sights on the west indies batting line-up and is ready to ` rough them up ' with pace .\"]\n", + "=======================\n", + "['liam plunkett enjoyed a return to the england test fold last yearhe wants to continue his resurgence against the west indieshe has recovered from an ankle injury that hampered his pre-season']\n", + "liam plunkett wants to use his pace to lead england to victory in the test series against west indiesthe 29-year-old england seamer is back in test contention in the caribbean after his comeback last summer was cut short by injury .liam plunkett has set his sights on the west indies batting line-up and is ready to ` rough them up ' with pace .\n", + "liam plunkett enjoyed a return to the england test fold last yearhe wants to continue his resurgence against the west indieshe has recovered from an ankle injury that hampered his pre-season\n", + "[1.3115058 1.4679353 1.2685554 1.361628 1.3432273 1.3235149 1.0148561\n", + " 1.0122142 1.012047 1.0151485 1.0186708 1.0289525 1.0774205 1.0140139\n", + " 1.021559 1.0135758 1.0124512 1.0133411 1.0630283 1.0233351 1.0180768\n", + " 1.0126652 1.0463398 1.0369806]\n", + "\n", + "[ 1 3 4 5 0 2 12 18 22 23 11 19 14 10 20 9 6 13 15 17 21 16 7 8]\n", + "=======================\n", + "[\"the 27-year-old has been charged with three offences of sexual activity with a 15-year-old girl and one of grooming and could face a prison term of up to 14 years if found guilty .sunderland midfielder adam johnson leaves peterlee police station on thursday after being chargedsunderland have been branded ` disgraceful ' following their shock decision not to suspend adam johnson despite the player facing child sex charges .\"]\n", + "=======================\n", + "[\"adam johnson could feature against stoke on saturday afternoonread : johnson has been charged with three offences of sexual activity with a 15-year-old girlthe 27-year-old could face up to 14 years in prison if he is found guiltyjill saward , the first rape victim in england to waive her anonymity , has hit out at premier league outfit sunderlandsaward insists sunderland are sending out a ` very poor message '\"]\n", + "the 27-year-old has been charged with three offences of sexual activity with a 15-year-old girl and one of grooming and could face a prison term of up to 14 years if found guilty .sunderland midfielder adam johnson leaves peterlee police station on thursday after being chargedsunderland have been branded ` disgraceful ' following their shock decision not to suspend adam johnson despite the player facing child sex charges .\n", + "adam johnson could feature against stoke on saturday afternoonread : johnson has been charged with three offences of sexual activity with a 15-year-old girlthe 27-year-old could face up to 14 years in prison if he is found guiltyjill saward , the first rape victim in england to waive her anonymity , has hit out at premier league outfit sunderlandsaward insists sunderland are sending out a ` very poor message '\n", + "[1.220465 1.3869328 1.2248873 1.2045202 1.1954019 1.1900241 1.1442237\n", + " 1.0472078 1.1228302 1.1289376 1.069835 1.0358878 1.206068 1.0265714\n", + " 1.1058393 1.0294553 1.014593 1.0271331 1.0550729 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 12 3 4 5 6 9 8 14 10 18 7 11 15 17 13 16 22 19 20 21 23]\n", + "=======================\n", + "[\"the labour leader said a second independence poll ` ai n't going to happen ' even if he becomes prime minister with the support of snp mps next month .mr miliband 's intervention came as the former prime minister john major warned that the snp was ` merely waiting for a good excuse to put separation back on the agenda ' .ed miliband has explicitly ruled out allowing another scottish independence referendum , as he bids to ease voters ' concerns about the prospect of any future snp-labour alliance .\"]\n", + "=======================\n", + "[\"the labour leader said he would not grant the snp a second referendumhis remarks come amid growing warnings over an snp-labour alliancejohn major said the snp were ` waiting for a good excuse ' for a second poll\"]\n", + "the labour leader said a second independence poll ` ai n't going to happen ' even if he becomes prime minister with the support of snp mps next month .mr miliband 's intervention came as the former prime minister john major warned that the snp was ` merely waiting for a good excuse to put separation back on the agenda ' .ed miliband has explicitly ruled out allowing another scottish independence referendum , as he bids to ease voters ' concerns about the prospect of any future snp-labour alliance .\n", + "the labour leader said he would not grant the snp a second referendumhis remarks come amid growing warnings over an snp-labour alliancejohn major said the snp were ` waiting for a good excuse ' for a second poll\n", + "[1.380005 1.3683605 1.3118625 1.3946939 1.261728 1.2104644 1.1184375\n", + " 1.0511465 1.0522327 1.0403556 1.0803728 1.0332525 1.0142348 1.1214874\n", + " 1.0185527 1.0168965 1.0272868 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 0 1 2 4 5 13 6 10 8 7 9 11 16 14 15 12 20 17 18 19 21]\n", + "=======================\n", + "['the 12-year-old victim , who is yet to be named , was walking in a subway ( pictured ) underneath a road in newbury , berkshire , when two boys approached him , doused him in wd40 and vowed to set him alightthey sprayed the highly flammable wd40 , usually used on cars or locks , over him before producing a lighter and threatening to burn him .officers from thames valley police are now hunting the pair following their threats in broad daylight on easter monday afternoon .']\n", + "=======================\n", + "[\"two schoolboys approached 12-year-old and threatened to set him alightpair doused youngster in highly flammable wd40 in subway under roadvictim sustained minor injuries in broad daylight attack over easter breakpolice hunting the two suspects in connection with ` unprovoked ' attack\"]\n", + "the 12-year-old victim , who is yet to be named , was walking in a subway ( pictured ) underneath a road in newbury , berkshire , when two boys approached him , doused him in wd40 and vowed to set him alightthey sprayed the highly flammable wd40 , usually used on cars or locks , over him before producing a lighter and threatening to burn him .officers from thames valley police are now hunting the pair following their threats in broad daylight on easter monday afternoon .\n", + "two schoolboys approached 12-year-old and threatened to set him alightpair doused youngster in highly flammable wd40 in subway under roadvictim sustained minor injuries in broad daylight attack over easter breakpolice hunting the two suspects in connection with ` unprovoked ' attack\n", + "[1.2055962 1.5121919 1.3262453 1.1943536 1.2859972 1.2201644 1.1538184\n", + " 1.1659509 1.0612167 1.0204349 1.0144268 1.0880483 1.0599064 1.0222921\n", + " 1.0706289 1.0293435 1.0097078 1.0086511 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 4 5 0 3 7 6 11 14 8 12 15 13 9 10 16 17 18 19 20 21]\n", + "=======================\n", + "['terry mccarty was just six years old when he was engulfed with flames after his brothers filled a bowl with kerosene which was set alight and accidentally knocked on to him .the 29-year-old , from hawthorne , nevada , endured 58 operations as well as cruel taunts from bullies who called him freddy krueger because of the scars on his face , body and arms .an american who suffered third-degree burns to 70 per cent of his body in a childhood accident has faced his fears by becoming a firefighter .']\n", + "=======================\n", + "[\"terry mccarty , 29 , suffered burns to 70 % of his body in childhood accidentendured 58 operations and taunts from bullies calling him freddy kruegerfor years after accident he lived in ` constant state of fear and uncertainty 'he joined the fire service in 2012 after refusing to let ` fear take over my life '\"]\n", + "terry mccarty was just six years old when he was engulfed with flames after his brothers filled a bowl with kerosene which was set alight and accidentally knocked on to him .the 29-year-old , from hawthorne , nevada , endured 58 operations as well as cruel taunts from bullies who called him freddy krueger because of the scars on his face , body and arms .an american who suffered third-degree burns to 70 per cent of his body in a childhood accident has faced his fears by becoming a firefighter .\n", + "terry mccarty , 29 , suffered burns to 70 % of his body in childhood accidentendured 58 operations and taunts from bullies calling him freddy kruegerfor years after accident he lived in ` constant state of fear and uncertainty 'he joined the fire service in 2012 after refusing to let ` fear take over my life '\n", + "[1.2783424 1.4938484 1.1963695 1.183314 1.3400236 1.1936874 1.0428255\n", + " 1.0251675 1.0552205 1.157961 1.0126504 1.0142357 1.2313498 1.0598737\n", + " 1.05949 1.0645984 1.0551583 1.029278 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 0 12 2 5 3 9 15 13 14 8 16 6 17 7 11 10 18 19 20 21]\n", + "=======================\n", + "[\"jaime hessel said her driver had been on his phone , cut across lanes , and even driven down a bus lane during the 35 minute ` trip from hell ' from her east williamsburg apartment to midtown east .an uber customer was hit with a huge $ 16,000 bill for her 7-mile nightmare journey across new york .shock : ms hessel was horrified when uber billed her for $ 16,000 - with a $ 4,000 refund .\"]\n", + "=======================\n", + "[\"jaime hessel claimed her driver cut across lanes and drove in a bus lanethe terrified passenger ended up getting out early as she felt ` unsafe 'then found she 'd been charged thousands for the 35-minute 7-mile tripuber says the bill was a clerical error and claims hessel was never actually charged the eye-popping sum\"]\n", + "jaime hessel said her driver had been on his phone , cut across lanes , and even driven down a bus lane during the 35 minute ` trip from hell ' from her east williamsburg apartment to midtown east .an uber customer was hit with a huge $ 16,000 bill for her 7-mile nightmare journey across new york .shock : ms hessel was horrified when uber billed her for $ 16,000 - with a $ 4,000 refund .\n", + "jaime hessel claimed her driver cut across lanes and drove in a bus lanethe terrified passenger ended up getting out early as she felt ` unsafe 'then found she 'd been charged thousands for the 35-minute 7-mile tripuber says the bill was a clerical error and claims hessel was never actually charged the eye-popping sum\n", + "[1.2789065 1.4033619 1.1544454 1.3226914 1.1134132 1.1190379 1.0396749\n", + " 1.0584652 1.0809525 1.090924 1.1524316 1.098112 1.0451306 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 2 10 5 4 11 9 8 7 12 6 19 18 17 13 15 14 20 16 21]\n", + "=======================\n", + "[\"patricia jannuzzi was put on administrative leave last month and was asked to disable her facebook page when her comments drew wide publicity , in part after school alumnus scott lyons wrote a critical letter that was shared online by thelma & louise star susan sarandon , who 's his aunt .patricia jannuzzi , right , who wrote in a facebook post that gays were behind an ` agenda ' to ` reengineer western civ into slow extinction ' , has been reinstated at immaculata high school despite protests from the likes of susan sarandonanother one of jannuzzi 's posts compared a lesbian relationship to news of egyptian men being beheaded and she said that ` secular materialists ( are ) making our country so weak we can not fight the dictatorship of militant islam . '\"]\n", + "=======================\n", + "[\"patricia jannuzzi , wrote in a facebook post that gays were behind an ` agenda ' to ` reengineer western civ into slow extinction 'an outcry ensued - including from school alumnus scott lyons , who 's aunt is actress susan sarandonjannuzzi was put on administrative leave last month , but there was then a backlash from conservativesmonsignor seamus brennan said in the letter that catholic teachers should communicate the faith in ' a way that is positive and never hurtful '\"]\n", + "patricia jannuzzi was put on administrative leave last month and was asked to disable her facebook page when her comments drew wide publicity , in part after school alumnus scott lyons wrote a critical letter that was shared online by thelma & louise star susan sarandon , who 's his aunt .patricia jannuzzi , right , who wrote in a facebook post that gays were behind an ` agenda ' to ` reengineer western civ into slow extinction ' , has been reinstated at immaculata high school despite protests from the likes of susan sarandonanother one of jannuzzi 's posts compared a lesbian relationship to news of egyptian men being beheaded and she said that ` secular materialists ( are ) making our country so weak we can not fight the dictatorship of militant islam . '\n", + "patricia jannuzzi , wrote in a facebook post that gays were behind an ` agenda ' to ` reengineer western civ into slow extinction 'an outcry ensued - including from school alumnus scott lyons , who 's aunt is actress susan sarandonjannuzzi was put on administrative leave last month , but there was then a backlash from conservativesmonsignor seamus brennan said in the letter that catholic teachers should communicate the faith in ' a way that is positive and never hurtful '\n", + "[1.3633479 1.1884801 1.3832062 1.2174833 1.1544145 1.1044327 1.0348152\n", + " 1.169761 1.1469935 1.193941 1.0541921 1.0457191 1.0357577 1.121348\n", + " 1.0644542 1.0487113 1.0906466 1.0777961 1.0747054 1.0342425 1.0416253\n", + " 1.0367696]\n", + "\n", + "[ 2 0 3 9 1 7 4 8 13 5 16 17 18 14 10 15 11 20 21 12 6 19]\n", + "=======================\n", + "['paramedics found kyle hargreaves kissing a girl on a stretcher in the back of the vehicle , which had been called to an address in grimsby , lincolnshire .the ambulance crew had left the doors open while they collected a 92-year-old man with chest pain from inside the property .he was jailed for two years and eight months at grimsby crown court .']\n", + "=======================\n", + "[\"kyle hargreaves was caught kissing a girl on a stretcher in the ambulancewhen confronted , the 18-year-old replied ` we are just trying to have sex 'he punched paramedic michael newman three times and spat in his face\"]\n", + "paramedics found kyle hargreaves kissing a girl on a stretcher in the back of the vehicle , which had been called to an address in grimsby , lincolnshire .the ambulance crew had left the doors open while they collected a 92-year-old man with chest pain from inside the property .he was jailed for two years and eight months at grimsby crown court .\n", + "kyle hargreaves was caught kissing a girl on a stretcher in the ambulancewhen confronted , the 18-year-old replied ` we are just trying to have sex 'he punched paramedic michael newman three times and spat in his face\n", + "[1.2633817 1.366566 1.1762873 1.2391522 1.1552528 1.2111655 1.0650634\n", + " 1.1571724 1.1225878 1.1247171 1.0294371 1.0295362 1.0688677 1.0373005\n", + " 1.0661116 1.0508466 1.0501013 0. ]\n", + "\n", + "[ 1 0 3 5 2 7 4 9 8 12 14 6 15 16 13 11 10 17]\n", + "=======================\n", + "[\"gerard t. ` the frenchman ' ouimette was 75 .a former mob enforcer in rhode island with ties to late new england crime boss raymond l.s. patriarca has died in a federal prison in north carolina .ouimette was reportedly in control of a gangster network responsible for gambling , loansharking , extortion , and murder , among other crimes\"]\n", + "=======================\n", + "[\"gerard t. ouimette , 75 , known as ` the frenchman , ' died in medium security federal pen in his sleepformer mob enforcer had ties to new england crime boss raymond l.s. patriarca and was suspected of a role in as many as eight murderseven behind bars , police say ouimette kept his influence - accepting a weekly delivery of as much as $ 600 worth of booze and food to his cell\"]\n", + "gerard t. ` the frenchman ' ouimette was 75 .a former mob enforcer in rhode island with ties to late new england crime boss raymond l.s. patriarca has died in a federal prison in north carolina .ouimette was reportedly in control of a gangster network responsible for gambling , loansharking , extortion , and murder , among other crimes\n", + "gerard t. ouimette , 75 , known as ` the frenchman , ' died in medium security federal pen in his sleepformer mob enforcer had ties to new england crime boss raymond l.s. patriarca and was suspected of a role in as many as eight murderseven behind bars , police say ouimette kept his influence - accepting a weekly delivery of as much as $ 600 worth of booze and food to his cell\n", + "[1.1738466 1.4860007 1.4010404 1.3838396 1.1446524 1.0437557 1.0367924\n", + " 1.0524851 1.2385194 1.2103217 1.008881 1.0138154 1.0118492 1.106962\n", + " 1.0730946 1.0916251 1.0569788 1.0385836]\n", + "\n", + "[ 1 2 3 8 9 0 4 13 15 14 16 7 5 17 6 11 12 10]\n", + "=======================\n", + "[\"smita srivastava , of allahabad , in the indian state of uttar pradesh , currently holds the record for having the longest hair in india -- documented at 6ft ( 1.8 m ) in the limca book of records .her hair now stands at 7ft ( 2.1 m ) -- more than three inches longer than the height of the average basketball player .ms srivastava 's hair has made her a local celebrity and she is a regular jury member at a major beauty contest in her hometown\"]\n", + "=======================\n", + "['smita srivastava currently holds record for longest hair in indiaher hair was measured at 6ft ( 1.8 m ) in the limca book of recordsit now stands at 7ft ( 2.1 m ) and has made her a local celebritysmita has long way to go before she knocks current holder off her perch']\n", + "smita srivastava , of allahabad , in the indian state of uttar pradesh , currently holds the record for having the longest hair in india -- documented at 6ft ( 1.8 m ) in the limca book of records .her hair now stands at 7ft ( 2.1 m ) -- more than three inches longer than the height of the average basketball player .ms srivastava 's hair has made her a local celebrity and she is a regular jury member at a major beauty contest in her hometown\n", + "smita srivastava currently holds record for longest hair in indiaher hair was measured at 6ft ( 1.8 m ) in the limca book of recordsit now stands at 7ft ( 2.1 m ) and has made her a local celebritysmita has long way to go before she knocks current holder off her perch\n", + "[1.1439004 1.1796597 1.3299122 1.3468866 1.1700261 1.179924 1.0597421\n", + " 1.0404907 1.089787 1.1330138 1.05878 1.0422069 1.0394366 1.0963078\n", + " 1.0420941 1.0177493 1.0595343 0. ]\n", + "\n", + "[ 3 2 5 1 4 0 9 13 8 6 16 10 11 14 7 12 15 17]\n", + "=======================\n", + "['martin vargic used satellite data to chart how the constellation stars have shifted and will change in the futuremartin vargic , a graphic designer from slovakia , has created a chart that shows how the most famous of the constellations have changed from 50,000 bc to 100,000 ce .yet for anyone staring at the heavens 98,000 year from now , the constellations could look very different indeed .']\n", + "=======================\n", + "['new charts show how the constellations will look 98,000 years in the futuregraphic designer martin vargic created the charts using observation datathe big dipper , leo , cassiopeia and crux will change beyond recognitionthe stars will shift position as our solar system moves through the galaxy']\n", + "martin vargic used satellite data to chart how the constellation stars have shifted and will change in the futuremartin vargic , a graphic designer from slovakia , has created a chart that shows how the most famous of the constellations have changed from 50,000 bc to 100,000 ce .yet for anyone staring at the heavens 98,000 year from now , the constellations could look very different indeed .\n", + "new charts show how the constellations will look 98,000 years in the futuregraphic designer martin vargic created the charts using observation datathe big dipper , leo , cassiopeia and crux will change beyond recognitionthe stars will shift position as our solar system moves through the galaxy\n", + "[1.2069443 1.4781864 1.2109982 1.3494449 1.3227018 1.0414481 1.0987552\n", + " 1.0466675 1.0295726 1.0688627 1.2152349 1.0847769 1.0740579 1.0515398\n", + " 1.0227267 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 10 2 0 6 11 12 9 13 7 5 8 14 15 16 17]\n", + "=======================\n", + "[\"the four-bedroom 19th century sandstone property cost dinnigan $ 4.45 million back in 2009 , and is set to go under the hammer on may 23 .after purchasing a lavish $ 6.5 million watsons bay property just last month with husband bradley cocks , dinnigan is hoping for a cool $ 6 million when the lavishly renovated paddington house sells .renowned fashion designer collette dinnigan has placed her luxurious paddington home on the market after splashing out on a stylish waterfront home in one of sydney 's most exclusive suburbs .\"]\n", + "=======================\n", + "[\"collette dinnigan 's paddington $ 6 million home has hit the marketshe and her husband bradley cocks paid $ 4.45 million for it back in 2009the luxury house will go under the hammer on may 23the four-bedroom , two-storey sandstone property was built in 1880the fashionista and her husband have carefully renovated the property\"]\n", + "the four-bedroom 19th century sandstone property cost dinnigan $ 4.45 million back in 2009 , and is set to go under the hammer on may 23 .after purchasing a lavish $ 6.5 million watsons bay property just last month with husband bradley cocks , dinnigan is hoping for a cool $ 6 million when the lavishly renovated paddington house sells .renowned fashion designer collette dinnigan has placed her luxurious paddington home on the market after splashing out on a stylish waterfront home in one of sydney 's most exclusive suburbs .\n", + "collette dinnigan 's paddington $ 6 million home has hit the marketshe and her husband bradley cocks paid $ 4.45 million for it back in 2009the luxury house will go under the hammer on may 23the four-bedroom , two-storey sandstone property was built in 1880the fashionista and her husband have carefully renovated the property\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[1.2413601 1.1814128 1.505888 1.3962662 1.3958871 1.0491985 1.0241193\n", + " 1.0369384 1.0198071 1.0336328 1.1503538 1.0248538 1.0265398 1.0622846\n", + " 1.0523609 1.0378878 1.0857806 0. ]\n", + "\n", + "[ 2 3 4 0 1 10 16 13 14 5 15 7 9 12 11 6 8 17]\n", + "=======================\n", + "[\"fraudster richard williams , 54 , had spent # 50,000 of the cash turning a canal narrowboat into a replica german second world war submarine with torpedo tubes and a periscope .the captain birdseye lookalike was jailed at manchester crown court for a total of four years and eight months after admitting cheating the taxman out of over # 1million by reclaiming vat from three false businesses .his ex-wife laurel howarth , 28 , was jailed for 20 months for her part in the five-year scam which defrauded her majesty 's revenue and customs of # 1,017,505 .\"]\n", + "=======================\n", + "['captain birdseye lookalike richard williams spent # 50,000 on his u-boathe lived the high life splashing cash on jets and fast cars while on benefitslied that he was selling specially-adapted beds to people with disabilitiesthe 54-year-old was today jailed for a total of four years and eight months']\n", + "fraudster richard williams , 54 , had spent # 50,000 of the cash turning a canal narrowboat into a replica german second world war submarine with torpedo tubes and a periscope .the captain birdseye lookalike was jailed at manchester crown court for a total of four years and eight months after admitting cheating the taxman out of over # 1million by reclaiming vat from three false businesses .his ex-wife laurel howarth , 28 , was jailed for 20 months for her part in the five-year scam which defrauded her majesty 's revenue and customs of # 1,017,505 .\n", + "captain birdseye lookalike richard williams spent # 50,000 on his u-boathe lived the high life splashing cash on jets and fast cars while on benefitslied that he was selling specially-adapted beds to people with disabilitiesthe 54-year-old was today jailed for a total of four years and eight months\n", + "[1.1794748 1.430467 1.2777932 1.1750631 1.2048813 1.1114681 1.1121993\n", + " 1.0803534 1.0561017 1.0174155 1.0224222 1.0320585 1.1578588 1.0608248\n", + " 1.0452794 1.0406744 1.0410523 0. ]\n", + "\n", + "[ 1 2 4 0 3 12 6 5 7 13 8 14 16 15 11 10 9 17]\n", + "=======================\n", + "[\"and now even the sculptor of the i love lucy statue in celoron , new york , has called it ` by far my most unsettling sculpture ' and six years after it was unveiled has pledged to make a new one for free .but the statue of lucille ball - which was so offensive a facebook page called we love lucy !it sparked a hate campaign and was dubbed so terrifying , it was nicknamed scary lucy .\"]\n", + "=======================\n", + "['a statue of lucille ball in celeron , new york was dubbed so offensive the artist has offered to fix the statue for freehowever , there are unrecognisable celebrity effigies all over the worldfemail rounds up the very worst star statues , wax works and figurines']\n", + "and now even the sculptor of the i love lucy statue in celoron , new york , has called it ` by far my most unsettling sculpture ' and six years after it was unveiled has pledged to make a new one for free .but the statue of lucille ball - which was so offensive a facebook page called we love lucy !it sparked a hate campaign and was dubbed so terrifying , it was nicknamed scary lucy .\n", + "a statue of lucille ball in celeron , new york was dubbed so offensive the artist has offered to fix the statue for freehowever , there are unrecognisable celebrity effigies all over the worldfemail rounds up the very worst star statues , wax works and figurines\n", + "[1.5352037 1.3429222 1.0678873 1.2035545 1.0589054 1.0256339 1.0213305\n", + " 1.0174942 1.2892638 1.1011033 1.1894492 1.1329072 1.0658207 1.1211916\n", + " 1.1161474 1.1194749 0. 0. ]\n", + "\n", + "[ 0 1 8 3 10 11 13 15 14 9 2 12 4 5 6 7 16 17]\n", + "=======================\n", + "[\"jonathan brownlee backed up his win in auckland a fortnight ago by taking the gold coast triathlon in the itu world series on saturday .the yorkshireman moved amongst the leaders on the swim , remained at the front during the cycle and then broke clear in the run , seeing off mario mola by 19 seconds with a winning time of 1:46:53 . 'world champion javier gomez took third .\"]\n", + "=======================\n", + "['jonathan brownlee won the second race of the itu season in aucklandbrownlee also prevailed in australia , seeing off mario mola by 19 secondshis brother alistair is expected back from injury in cape town on april 25']\n", + "jonathan brownlee backed up his win in auckland a fortnight ago by taking the gold coast triathlon in the itu world series on saturday .the yorkshireman moved amongst the leaders on the swim , remained at the front during the cycle and then broke clear in the run , seeing off mario mola by 19 seconds with a winning time of 1:46:53 . 'world champion javier gomez took third .\n", + "jonathan brownlee won the second race of the itu season in aucklandbrownlee also prevailed in australia , seeing off mario mola by 19 secondshis brother alistair is expected back from injury in cape town on april 25\n", + "[1.2800366 1.3879079 1.2477702 1.182939 1.2775315 1.1092515 1.0739583\n", + " 1.0541722 1.0353596 1.0482303 1.0390351 1.0732915 1.1082401 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 5 12 6 11 7 9 10 8 13 14 15 16 17]\n", + "=======================\n", + "[\"three former managers of the aids healthcare foundation filed a suit last week alleging the company paid employees and patients kickbacks for patient referrals in an effort to boost funding from federal health programs .the nation 's largest suppliers of hiv and aids medical care is accused of bilking medicare and medicaid in an elaborate $ 20 million dollar scam that spanned 12-states , according to a lawsuit filed in south florida federal court .employees were paid $ 100 bonuses for referring patients with positive test results to its clinics and pharmacies .\"]\n", + "=======================\n", + "[\"three former managers of the aids healthcare foundation filed a suitthey alleged the company paid employees and patients kickbacks for patient referrals in an effort to boost funding from federal health programsemployees were paid $ 100 bonuses for referring patients with positive test results to its clinics and pharmaciesthe lawsuit alleges kickbacks started in 2010 at the company 's california headquarters and spread to programs in florida and several other locations .\"]\n", + "three former managers of the aids healthcare foundation filed a suit last week alleging the company paid employees and patients kickbacks for patient referrals in an effort to boost funding from federal health programs .the nation 's largest suppliers of hiv and aids medical care is accused of bilking medicare and medicaid in an elaborate $ 20 million dollar scam that spanned 12-states , according to a lawsuit filed in south florida federal court .employees were paid $ 100 bonuses for referring patients with positive test results to its clinics and pharmacies .\n", + "three former managers of the aids healthcare foundation filed a suitthey alleged the company paid employees and patients kickbacks for patient referrals in an effort to boost funding from federal health programsemployees were paid $ 100 bonuses for referring patients with positive test results to its clinics and pharmaciesthe lawsuit alleges kickbacks started in 2010 at the company 's california headquarters and spread to programs in florida and several other locations .\n", + "[1.2021788 1.4796001 1.2836121 1.35456 1.2499868 1.1716832 1.0873363\n", + " 1.0832309 1.1858497 1.0206465 1.0278894 1.092605 1.050811 1.0261272\n", + " 1.0354131 1.0160211 1.0742335 1.0093824]\n", + "\n", + "[ 1 3 2 4 0 8 5 11 6 7 16 12 14 10 13 9 15 17]\n", + "=======================\n", + "[\"cobbles on the road , which runs alongside the bristol floating harbour and dates back to the 19th century , will be lifted from their current place and cut in half before being relaid again .the council tested the technique on a small patch of paving and said the reaction had been ` overwhelmingly ' in support for the scheme from cyclists , pedestrians and wheelchair users .a council has been slammed for ripping up more than 12,000 cobbles from a historic road so it can relay them to make it a smoother surface for cyclists .\"]\n", + "=======================\n", + "[\"cobbles will be lifted from their current place , cut in half and relaid againthe paving stones run alongside the 19th century bristol floating harbourcouncil tested technique on small area and had ` overwhelming ' supportbristol industrial archaeological society claim it will change appearance\"]\n", + "cobbles on the road , which runs alongside the bristol floating harbour and dates back to the 19th century , will be lifted from their current place and cut in half before being relaid again .the council tested the technique on a small patch of paving and said the reaction had been ` overwhelmingly ' in support for the scheme from cyclists , pedestrians and wheelchair users .a council has been slammed for ripping up more than 12,000 cobbles from a historic road so it can relay them to make it a smoother surface for cyclists .\n", + "cobbles will be lifted from their current place , cut in half and relaid againthe paving stones run alongside the 19th century bristol floating harbourcouncil tested technique on small area and had ` overwhelming ' supportbristol industrial archaeological society claim it will change appearance\n", + "[1.3843899 1.4418378 1.363039 1.3809526 1.199328 1.1510204 1.023645\n", + " 1.0126683 1.0131042 1.028003 1.0265428 1.0124775 1.1525116 1.1853026\n", + " 1.1313145 1.010703 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 13 12 5 14 9 10 6 8 7 11 15 16 17]\n", + "=======================\n", + "[\"the 68-year-old handed in his resignation at loftus road in february , citing knee problems behind the decision to leave the barclays premier league strugglers , although he later claimed ` people with their own agendas ' had a hand in his departure and described the situation at the west london club as ' a bit of a soap opera ' .former qpr manager harry redknapp feels he still has plenty to offer football but only at the right club , having turned down a ` mind-blowing ' offer to coach abroad .redknapp will return to the dugout on sunday , may 31 when he leads a star-studded men united xi against leyton orient legends , as o 's youth coach and prostate cancer uk ambassador errol mckellar hosts a charity football match at the matchroom stadium .\"]\n", + "=======================\n", + "['harry redknapp quit as qpr manager in february due to knee surgeryredknapp will manage men united xi vs leyton orient legends on may 31charity match is to raise funds and awareness for prostate cancer']\n", + "the 68-year-old handed in his resignation at loftus road in february , citing knee problems behind the decision to leave the barclays premier league strugglers , although he later claimed ` people with their own agendas ' had a hand in his departure and described the situation at the west london club as ' a bit of a soap opera ' .former qpr manager harry redknapp feels he still has plenty to offer football but only at the right club , having turned down a ` mind-blowing ' offer to coach abroad .redknapp will return to the dugout on sunday , may 31 when he leads a star-studded men united xi against leyton orient legends , as o 's youth coach and prostate cancer uk ambassador errol mckellar hosts a charity football match at the matchroom stadium .\n", + "harry redknapp quit as qpr manager in february due to knee surgeryredknapp will manage men united xi vs leyton orient legends on may 31charity match is to raise funds and awareness for prostate cancer\n", + "[1.2218139 1.229428 1.4384387 1.2438282 1.2718104 1.1393682 1.164872\n", + " 1.1064514 1.0483977 1.0617026 1.0661234 1.0604674 1.0468289 1.0647718\n", + " 1.1366515 1.0583364 1.0948106 1.0895609 1.0611904]\n", + "\n", + "[ 2 4 3 1 0 6 5 14 7 16 17 10 13 9 18 11 15 8 12]\n", + "=======================\n", + "[\"faiz ikramulla , 35 , was arrested and charged on thursday with aggravated kidnapping .the little girl is believed to be named aliya .illinois department of children and family services spokesman andrew flach tells the chicago tribune that an initial investigation found that the girl 's father put her in a trash can and drove away .\"]\n", + "=======================\n", + "['faiz ikramulla , 35 , was charged on thursday with aggravated kidnappinghe allegedly dumped daughter aliya , 3 , in a trash can in a forest in prospect heights , illinoishis wife had just reported the girl missing when she was foundpasser-by found her wandering the streets crying and waving her handsauthorities say ilkramulla was trying to hide herhe was arrested in van buren county , michigan']\n", + "faiz ikramulla , 35 , was arrested and charged on thursday with aggravated kidnapping .the little girl is believed to be named aliya .illinois department of children and family services spokesman andrew flach tells the chicago tribune that an initial investigation found that the girl 's father put her in a trash can and drove away .\n", + "faiz ikramulla , 35 , was charged on thursday with aggravated kidnappinghe allegedly dumped daughter aliya , 3 , in a trash can in a forest in prospect heights , illinoishis wife had just reported the girl missing when she was foundpasser-by found her wandering the streets crying and waving her handsauthorities say ilkramulla was trying to hide herhe was arrested in van buren county , michigan\n", + "[1.3313396 1.1982925 1.3325385 1.2558318 1.1072437 1.1723403 1.1142975\n", + " 1.0808011 1.0852572 1.0255344 1.1283289 1.138099 1.097937 1.0425698\n", + " 1.0199858 1.0343376 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 1 5 11 10 6 4 12 8 7 13 15 9 14 17 16 18]\n", + "=======================\n", + "[\"dawn bainbridge , 47 , of west rainton , county durham , led a ` family business ' that saw her and her two daughters steal thousands of pounds worth of clothes from high street stores across the north and sell them online through facebook .their company ` designer goods north east ' took more than # 7,000 in online payments in just four months , had detailed sales records and even a debters ' book .a mother-of-two branded ` fagin ' made almost # 50,000 in a lucrative family shoplifting firm with her daughters - and now they have been told to pay back just # 1 each .\"]\n", + "=======================\n", + "[\"dawn bainbridge , 47 , and her daughters made # 50,000 from shopliftingthree women stole clothes and sold them on facebook page for profitbainbridge was described as ` fagin ' character and the ` villain of the piece 'women do n't own any assets so were ordered to pay back just # 1 each\"]\n", + "dawn bainbridge , 47 , of west rainton , county durham , led a ` family business ' that saw her and her two daughters steal thousands of pounds worth of clothes from high street stores across the north and sell them online through facebook .their company ` designer goods north east ' took more than # 7,000 in online payments in just four months , had detailed sales records and even a debters ' book .a mother-of-two branded ` fagin ' made almost # 50,000 in a lucrative family shoplifting firm with her daughters - and now they have been told to pay back just # 1 each .\n", + "dawn bainbridge , 47 , and her daughters made # 50,000 from shopliftingthree women stole clothes and sold them on facebook page for profitbainbridge was described as ` fagin ' character and the ` villain of the piece 'women do n't own any assets so were ordered to pay back just # 1 each\n", + "[1.2088622 1.3977277 1.2159996 1.2105975 1.2588427 1.1834598 1.1577522\n", + " 1.1522844 1.0614095 1.0626082 1.055637 1.0803616 1.0694035 1.0674683\n", + " 1.0787436 1.0867412 1.0351118 1.0070846 0. ]\n", + "\n", + "[ 1 4 2 3 0 5 6 7 15 11 14 12 13 9 8 10 16 17 18]\n", + "=======================\n", + "[\"jerry moon 's family only discovered the devastating blunder when they opened the casket to say their final goodbyes and found the other body wrapped in a plastic bag .a lawsuit filed by the family claims the brown mortuary put the body of 97-year-old robert petitclerc in the coffin by mistakethe family of jerry moon , pictured with his wife janice , were distraught when they found another man 's body in his coffin\"]\n", + "=======================\n", + "[\"jerry moon , 72 , had pre-arranged to be buried in a family plot in chehalisbut shocked relatives found his body had been replaced by a stranger 'smr moon - who was afraid of cremation - had been accidentally incineratedthe family are now suing brown mortuary service for the upsetting blunder\"]\n", + "jerry moon 's family only discovered the devastating blunder when they opened the casket to say their final goodbyes and found the other body wrapped in a plastic bag .a lawsuit filed by the family claims the brown mortuary put the body of 97-year-old robert petitclerc in the coffin by mistakethe family of jerry moon , pictured with his wife janice , were distraught when they found another man 's body in his coffin\n", + "jerry moon , 72 , had pre-arranged to be buried in a family plot in chehalisbut shocked relatives found his body had been replaced by a stranger 'smr moon - who was afraid of cremation - had been accidentally incineratedthe family are now suing brown mortuary service for the upsetting blunder\n", + "[1.0240664 1.4569976 1.2010816 1.3106465 1.39271 1.1744492 1.1020072\n", + " 1.0451617 1.225923 1.0586162 1.0725416 1.0790979 1.0962756 1.0179762\n", + " 1.1154155 1.0678953 1.0564115 1.0241896 1.0537194]\n", + "\n", + "[ 1 4 3 8 2 5 14 6 12 11 10 15 9 16 18 7 17 0 13]\n", + "=======================\n", + "['tiny robots , the size of an a4 sheet , are being programmed to lift cars that are up to two tonnes in weight .the robots , collectively called avert , are the creation of a european consortium led by the democritus university of thrace in greece .working together , these creepy machines are able to sneak up unnoticed and silently remove their target from the scene .']\n", + "=======================\n", + "['the robots , collectively called avert , are attached to a deployment unitunit is used to scan the area for obstacles and plan a route to the carit then releases bogies which travel to the car and dock onto the wheelssystem may help bomb disposal teams deal with suspicious vehicles']\n", + "tiny robots , the size of an a4 sheet , are being programmed to lift cars that are up to two tonnes in weight .the robots , collectively called avert , are the creation of a european consortium led by the democritus university of thrace in greece .working together , these creepy machines are able to sneak up unnoticed and silently remove their target from the scene .\n", + "the robots , collectively called avert , are attached to a deployment unitunit is used to scan the area for obstacles and plan a route to the carit then releases bogies which travel to the car and dock onto the wheelssystem may help bomb disposal teams deal with suspicious vehicles\n", + "[1.2455773 1.1546527 1.3597845 1.2397692 1.2506639 1.1703415 1.1231456\n", + " 1.0439917 1.0355487 1.0827137 1.062781 1.0593927 1.0376465 1.034809\n", + " 1.0324533 1.1234627 1.0289097 0. 0. ]\n", + "\n", + "[ 2 4 0 3 5 1 15 6 9 10 11 7 12 8 13 14 16 17 18]\n", + "=======================\n", + "[\"the crisis in a&e has led some to blame a lack of available gp appointments for people heading to emergency departments instead .gps are the gateway to nhs care -- nine out of 10 times , the first contact a patient has with the health system is through their gp .weekend opening hours for gps has been touted as one solution - by improving access , many patients wo n't need to take up other care services .\"]\n", + "=======================\n", + "['nine in 10 times , the first contact a patient has with the nhs is via a gpcrisis in a&e has led some to blame lack of gp appointmentsweekend opening hours have been suggested as one solutionvikram pathania is a lecturer in economics at the university of sussex']\n", + "the crisis in a&e has led some to blame a lack of available gp appointments for people heading to emergency departments instead .gps are the gateway to nhs care -- nine out of 10 times , the first contact a patient has with the health system is through their gp .weekend opening hours for gps has been touted as one solution - by improving access , many patients wo n't need to take up other care services .\n", + "nine in 10 times , the first contact a patient has with the nhs is via a gpcrisis in a&e has led some to blame lack of gp appointmentsweekend opening hours have been suggested as one solutionvikram pathania is a lecturer in economics at the university of sussex\n", + "[1.3999684 1.291061 1.301999 1.3841486 1.0484618 1.0281022 1.0481999\n", + " 1.1482232 1.033906 1.0190197 1.0373318 1.0161296 1.2563431 1.1873628\n", + " 1.152936 1.0388788 1.0508213 1.0979913 1.0750529]\n", + "\n", + "[ 0 3 2 1 12 13 14 7 17 18 16 4 6 15 10 8 5 9 11]\n", + "=======================\n", + "['the hometown of stephanie scott has paid tribute to the much-loved teacher who who was allegedly murdered on easter sundaymore than a dozen hot-air balloons took to the skies as hundreds of yellow helium balloons were released in the town where the 26-year-old grew up and met her fiance aaron leeson woolley .as the balloons hovered above the small community of canowindra in the central west region of nsw , hundreds gathered on sunday morning to mark the tragic death of the bride-to-be .']\n", + "=======================\n", + "['hometown of stephanie scott paid tribute to the murdered teacher with a stunning hot-air balloon displaymore than a dozen hot air balloons hovered above the small community in canowindrahundreds gathered to mourn the tragic death of the 26-year-old after she was murdered last weekfriends and family gathered for a memorial picnic on saturday -- the day she would have been married']\n", + "the hometown of stephanie scott has paid tribute to the much-loved teacher who who was allegedly murdered on easter sundaymore than a dozen hot-air balloons took to the skies as hundreds of yellow helium balloons were released in the town where the 26-year-old grew up and met her fiance aaron leeson woolley .as the balloons hovered above the small community of canowindra in the central west region of nsw , hundreds gathered on sunday morning to mark the tragic death of the bride-to-be .\n", + "hometown of stephanie scott paid tribute to the murdered teacher with a stunning hot-air balloon displaymore than a dozen hot air balloons hovered above the small community in canowindrahundreds gathered to mourn the tragic death of the 26-year-old after she was murdered last weekfriends and family gathered for a memorial picnic on saturday -- the day she would have been married\n", + "[1.2752146 1.4040387 1.2282861 1.0566528 1.2552128 1.0808125 1.1095858\n", + " 1.0990428 1.1428578 1.110643 1.033316 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 8 9 6 7 5 3 10 17 11 12 13 14 15 16 18]\n", + "=======================\n", + "[\"thomas hoey jr. , 43 , who was sentenced wednesday by u.s. district judge kevin castel in manhattan federal court , showed ` callousness and indifference ' during the party in january 2009 at midtown hotel the kitano and even more when the victim , kimberly calo , 41 , died from a lethal mix of cocaine and alcohol .a manhattan judge has delivered a blistering sentencing speech to a banana mogul who ignored a woman 's seizures after feeding her cocaine at an all-night three-way sex romp and then tried to cover up her death , while putting the ` selfish ' and ` self-pitying ' millionaire away for 12 and a half years .castel said that distributing cocaine to friends was ` integral to the lifestyle of cocaine , sex and parties ' of hoey , who ran a lucrative banana importing business on long island he inherited from his father and grandfather .\"]\n", + "=======================\n", + "[\"thomas hoey jr. , 43 , was sentenced to 12.5 years wednesday on charges of conspiracy to distribute cocaine , perjury and obstruction of justiceplead guilty in august that he ` refused to call for help ' in 2009 when sex partner kimberly caho , 41 , began seizing from snorting his cokethe mother-of-two died from a lethal mix of cocaine and alcoholhoey continued supplying cocaine to friends at wild parties after her deathhoey also admitted he coerced his other sex partner that night , nicole zobkiw , into lying about what happened to a grand jury` cocaine distribution was integral to his lifestyle of sex and parties , ' judge saidhoey ` used his wealth to fund a life in which his own pleasure was at the center '\"]\n", + "thomas hoey jr. , 43 , who was sentenced wednesday by u.s. district judge kevin castel in manhattan federal court , showed ` callousness and indifference ' during the party in january 2009 at midtown hotel the kitano and even more when the victim , kimberly calo , 41 , died from a lethal mix of cocaine and alcohol .a manhattan judge has delivered a blistering sentencing speech to a banana mogul who ignored a woman 's seizures after feeding her cocaine at an all-night three-way sex romp and then tried to cover up her death , while putting the ` selfish ' and ` self-pitying ' millionaire away for 12 and a half years .castel said that distributing cocaine to friends was ` integral to the lifestyle of cocaine , sex and parties ' of hoey , who ran a lucrative banana importing business on long island he inherited from his father and grandfather .\n", + "thomas hoey jr. , 43 , was sentenced to 12.5 years wednesday on charges of conspiracy to distribute cocaine , perjury and obstruction of justiceplead guilty in august that he ` refused to call for help ' in 2009 when sex partner kimberly caho , 41 , began seizing from snorting his cokethe mother-of-two died from a lethal mix of cocaine and alcoholhoey continued supplying cocaine to friends at wild parties after her deathhoey also admitted he coerced his other sex partner that night , nicole zobkiw , into lying about what happened to a grand jury` cocaine distribution was integral to his lifestyle of sex and parties , ' judge saidhoey ` used his wealth to fund a life in which his own pleasure was at the center '\n", + "[1.2407995 1.3348873 1.1742507 1.0432062 1.3153651 1.027008 1.2128757\n", + " 1.0529594 1.1120884 1.219692 1.2543275 1.080777 1.0153949 1.0364662\n", + " 1.0239666 1.0974572 1.0104349 1.0327126 1.0402683]\n", + "\n", + "[ 1 4 10 0 9 6 2 8 15 11 7 3 18 13 17 5 14 12 16]\n", + "=======================\n", + "['the french midfielder had just put in a dominant display at the emirates stadium as the ligue 1 side all-but-sealed their place in the quarter-finals of the champions league after a 3-1 first-leg win .monaco midfielder geoffrey kondogbia is a liverpool target and has also interested arsenal in recent yearsthe central midfielder was a key player for france alongside paul pogba at the under 20 world cup in 2013']\n", + "=======================\n", + "['geoffrey kondogbia impressed against arsenal in the champions leaguegunners have scouted french midfielder for some timebut now liverpool hold the main premier league interest in midfielder22-year-old is currently at monaco but has also played for lens and sevillajamie redknapp : arsenal should have signed kondogbia']\n", + "the french midfielder had just put in a dominant display at the emirates stadium as the ligue 1 side all-but-sealed their place in the quarter-finals of the champions league after a 3-1 first-leg win .monaco midfielder geoffrey kondogbia is a liverpool target and has also interested arsenal in recent yearsthe central midfielder was a key player for france alongside paul pogba at the under 20 world cup in 2013\n", + "geoffrey kondogbia impressed against arsenal in the champions leaguegunners have scouted french midfielder for some timebut now liverpool hold the main premier league interest in midfielder22-year-old is currently at monaco but has also played for lens and sevillajamie redknapp : arsenal should have signed kondogbia\n", + "[1.1757073 1.4300492 1.3051507 1.2735378 1.2574537 1.1216856 1.0523317\n", + " 1.0326449 1.0418597 1.0908564 1.0774894 1.1787032 1.1971068 1.1066313\n", + " 1.0440195 1.0130943 1.0818934 0. 0. ]\n", + "\n", + "[ 1 2 3 4 12 11 0 5 13 9 16 10 6 14 8 7 15 17 18]\n", + "=======================\n", + "['the footage , which was taken last monday in forrestville in northern sydney shows a driver behind the wheel of an ac & s truck tailgating , yelling and flashing his lights aggressively , nearly crashing into the back of a small subaru car .the incident started on warringah road and continued on for 8.5 km , with the passenger in the car claiming the truck driver was laughing and even spit on their car .a dramatic road rage incident between a truck driver and two young men has been caught on camera']\n", + "=======================\n", + "['a truck driver has been caught on camera intimidating road driversthe driver was laughing while tailgating the men and flashing his lightsthe incident started on warringah road and continued for 8.5 kmtruck company ac & s say they have disciplined the driver']\n", + "the footage , which was taken last monday in forrestville in northern sydney shows a driver behind the wheel of an ac & s truck tailgating , yelling and flashing his lights aggressively , nearly crashing into the back of a small subaru car .the incident started on warringah road and continued on for 8.5 km , with the passenger in the car claiming the truck driver was laughing and even spit on their car .a dramatic road rage incident between a truck driver and two young men has been caught on camera\n", + "a truck driver has been caught on camera intimidating road driversthe driver was laughing while tailgating the men and flashing his lightsthe incident started on warringah road and continued for 8.5 kmtruck company ac & s say they have disciplined the driver\n", + "[1.4111743 1.4235269 1.1285647 1.198837 1.1988088 1.1406415 1.120655\n", + " 1.0836587 1.038493 1.0933356 1.0476578 1.0321056 1.0290241 1.0376891\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 4 5 2 6 9 7 10 8 13 11 12 17 14 15 16 18]\n", + "=======================\n", + "[\"more than 250 fascinating and eclectic objects -- with estimated values of # 500 to # 30,000 -- will go under the hammer in the one-off , travel-themed auction at christie 's south kensington .rarely-seen photos of captain robert scott 's expedition to the south pole and an american civil war flag are among the items expected to fetch tens of thousands of pounds at a unique auction in london later this month .this 1838 map ( estimated value # 7,000 to # 10,000 ) was engraved by john dower and includes a list of the era 's major discoveries\"]\n", + "=======================\n", + "[\"more than 250 fascinating and eclectic items - with estimated values of # 500 to # 30,000 - will go under the hammerchristie 's has curated the collection , which is filled with historic artefacts , pricey art and travel souvenirsother items include a maori hei tiki pendant , a model of a british airways concorde and a section of elephant tusk\"]\n", + "more than 250 fascinating and eclectic objects -- with estimated values of # 500 to # 30,000 -- will go under the hammer in the one-off , travel-themed auction at christie 's south kensington .rarely-seen photos of captain robert scott 's expedition to the south pole and an american civil war flag are among the items expected to fetch tens of thousands of pounds at a unique auction in london later this month .this 1838 map ( estimated value # 7,000 to # 10,000 ) was engraved by john dower and includes a list of the era 's major discoveries\n", + "more than 250 fascinating and eclectic items - with estimated values of # 500 to # 30,000 - will go under the hammerchristie 's has curated the collection , which is filled with historic artefacts , pricey art and travel souvenirsother items include a maori hei tiki pendant , a model of a british airways concorde and a section of elephant tusk\n", + "[1.3775698 1.4496838 1.2888502 1.0939901 1.2385312 1.0878538 1.0413246\n", + " 1.0839744 1.0388261 1.0706618 1.0471228 1.0121441 1.2778758 1.0608805\n", + " 1.0164798 1.0729643 1.0197283 1.0367808 1.0187308]\n", + "\n", + "[ 1 0 2 12 4 3 5 7 15 9 13 10 6 8 17 16 18 14 11]\n", + "=======================\n", + "['one of the victims suffered critical head trauma as the stage fell half-way through a song during a sold-out showing of american pie at westfield high school .more than a dozen people were injured on thursday night after a stage collapsed during an indiana public high school theater performance , sending students plummeting 10 feet into an orchestra pit .the calamity occurred at the worst possible time - just as dozens walked on stage for the finale .']\n", + "=======================\n", + "['an indiana public school performance of american pie ended in tragedy wednesday when a riser buckled just as dozens danced on-stagemore than a dozen people were injured at the westfield high performance and one student was taken to a hospital in critical conditionstudents said there had been no issues when they previously practiced the song on the stage with the same number of people']\n", + "one of the victims suffered critical head trauma as the stage fell half-way through a song during a sold-out showing of american pie at westfield high school .more than a dozen people were injured on thursday night after a stage collapsed during an indiana public high school theater performance , sending students plummeting 10 feet into an orchestra pit .the calamity occurred at the worst possible time - just as dozens walked on stage for the finale .\n", + "an indiana public school performance of american pie ended in tragedy wednesday when a riser buckled just as dozens danced on-stagemore than a dozen people were injured at the westfield high performance and one student was taken to a hospital in critical conditionstudents said there had been no issues when they previously practiced the song on the stage with the same number of people\n", + "[1.3956516 1.2742906 1.249302 1.3868623 1.2042973 1.1201081 1.1423192\n", + " 1.0992665 1.18555 1.0320631 1.0080376 1.0109708 1.0872715 1.0837642\n", + " 1.0564494 1.0619581 1.0379546 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 8 6 5 7 12 13 15 14 16 9 11 10 17 18]\n", + "=======================\n", + "[\"rangers top scorer nicky law has emerged as a # 500,000 target for a trio of english championship clubs .rangers nicky law ( right ) scores one of his two goals against raith rovers on sundaysportsmail understands law 's representatives have fielded calls from no fewer than ten english clubs .\"]\n", + "=======================\n", + "[\"no fewer than ten english clubs have shown interest in nicky lawbrighton , birmingham and reading are showing the strongest interestmidfielder law is rangers ' top scorer with 12 goals this season\"]\n", + "rangers top scorer nicky law has emerged as a # 500,000 target for a trio of english championship clubs .rangers nicky law ( right ) scores one of his two goals against raith rovers on sundaysportsmail understands law 's representatives have fielded calls from no fewer than ten english clubs .\n", + "no fewer than ten english clubs have shown interest in nicky lawbrighton , birmingham and reading are showing the strongest interestmidfielder law is rangers ' top scorer with 12 goals this season\n", + "[1.3841407 1.4594326 1.2239875 1.1115849 1.0389844 1.0423938 1.1103698\n", + " 1.0816001 1.0857078 1.0482004 1.0585203 1.0894394 1.1324823 1.0631536\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 12 3 6 11 8 7 13 10 9 5 4 14 15 16 17 18]\n", + "=======================\n", + "[\"the uss independence was scuttled in january 1951 during weapons testing near california 's farallon islands .( cnn ) a former u.s. navy aircraft carrier that survived a japanese torpedo strike and was a massive guinea pig for two atomic bomb blasts looks remarkably intact at the bottom of the pacific , according to federal researchers who surveyed the wreck last month with an underwater drone .although its location was confirmed by a survey in 2009 , researchers from the national oceanic and atmospheric administration went looking for it again in march as part of a project to map about 300 wrecks that lie in and around the gulf of the farallones national marine sanctuary .\"]\n", + "=======================\n", + "['uss independence was sunk in 1951 after weapons testscarrier was close-in guinea pig to two atomic bomb testsagency : ship looks remarkably intact 2,600 feet below surface of the pacific ocean']\n", + "the uss independence was scuttled in january 1951 during weapons testing near california 's farallon islands .( cnn ) a former u.s. navy aircraft carrier that survived a japanese torpedo strike and was a massive guinea pig for two atomic bomb blasts looks remarkably intact at the bottom of the pacific , according to federal researchers who surveyed the wreck last month with an underwater drone .although its location was confirmed by a survey in 2009 , researchers from the national oceanic and atmospheric administration went looking for it again in march as part of a project to map about 300 wrecks that lie in and around the gulf of the farallones national marine sanctuary .\n", + "uss independence was sunk in 1951 after weapons testscarrier was close-in guinea pig to two atomic bomb testsagency : ship looks remarkably intact 2,600 feet below surface of the pacific ocean\n", + "[1.2631925 1.1844501 1.0674534 1.3226845 1.3100398 1.0529828 1.0303044\n", + " 1.0294789 1.1341076 1.0226132 1.067471 1.091138 1.0341917 1.0360222\n", + " 1.0247833 1.0517855 1.0250529 1.0471612 0. ]\n", + "\n", + "[ 3 4 0 1 8 11 10 2 5 15 17 13 12 6 7 16 14 9 18]\n", + "=======================\n", + "['pebble watch , from # 99 , getpebble.comthe pebble was one of the earliest smartwatches , and since it launched in 2013 , more than a million have been sold .last week , a handful of british tech fanatics took delivery of the first highly sought-after apple watches .']\n", + "=======================\n", + "[\"last week the apple watch went on sale to british tech fanaticsbut it 's not the only one of its kind on the market , there are many morenow there 's a watch for everyone and we 've had a look at what 's on offer\"]\n", + "pebble watch , from # 99 , getpebble.comthe pebble was one of the earliest smartwatches , and since it launched in 2013 , more than a million have been sold .last week , a handful of british tech fanatics took delivery of the first highly sought-after apple watches .\n", + "last week the apple watch went on sale to british tech fanaticsbut it 's not the only one of its kind on the market , there are many morenow there 's a watch for everyone and we 've had a look at what 's on offer\n", + "[1.193474 1.4953638 1.2674273 1.3975996 1.1601162 1.1226391 1.1802865\n", + " 1.0823698 1.1353239 1.0473706 1.07177 1.0653458 1.1088171 1.0592369\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 6 4 8 5 12 7 10 11 13 9 14 15 16 17 18]\n", + "=======================\n", + "[\"authorities say 75-year-old john goodwin , of atkinson , went on trial this week on six counts of aggravated felonious sexual assault .prosecutors said that atkinson , who pleaded not guilty , repeatedly sexually assaulted a student , who is now 24 years old , according to seacoastonline .a piano teacher awaiting a jury 's verdict on charges claiming he sexually assaulted an underage student has shot himself outside a new hampshire courthouse , court officials say .\"]\n", + "=======================\n", + "[\"john goodwin , 75 , of atkinson , new hampshire , went on trial this week on six counts of aggravated felonious sexual assaulthe had pleaded not guilty in the case in which prosecutors said he repeatedly sexually assaulted a student , who is now 24the former student said he did n't come forward until 2013 because he was embarrassedcourt officials said he shot himself outside his car while not in custodyhe was airlifted to a hospital with life-threatening injuries but his condition has not been disclosed\"]\n", + "authorities say 75-year-old john goodwin , of atkinson , went on trial this week on six counts of aggravated felonious sexual assault .prosecutors said that atkinson , who pleaded not guilty , repeatedly sexually assaulted a student , who is now 24 years old , according to seacoastonline .a piano teacher awaiting a jury 's verdict on charges claiming he sexually assaulted an underage student has shot himself outside a new hampshire courthouse , court officials say .\n", + "john goodwin , 75 , of atkinson , new hampshire , went on trial this week on six counts of aggravated felonious sexual assaulthe had pleaded not guilty in the case in which prosecutors said he repeatedly sexually assaulted a student , who is now 24the former student said he did n't come forward until 2013 because he was embarrassedcourt officials said he shot himself outside his car while not in custodyhe was airlifted to a hospital with life-threatening injuries but his condition has not been disclosed\n", + "[1.276165 1.4622482 1.338618 1.213432 1.187567 1.1344166 1.0734329\n", + " 1.0169525 1.014481 1.025347 1.0220892 1.0312884 1.0145764 1.0128437\n", + " 1.1951315 1.1283511 1.0593123 1.0677241 1.0578358 1.0814747 0. ]\n", + "\n", + "[ 1 2 0 3 14 4 5 15 19 6 17 16 18 11 9 10 7 12 8 13 20]\n", + "=======================\n", + "[\"jamie anderson said the cgi characters did not have the same charm as the ` lovingly detailed ' miniature puppets .thunderbirds will return to our screens tonight 50 years after the futuristic puppet show launched and landed all over the world .the son of gerry anderson , the brains behind the original thunderbirds , has criticised the computer-generated remake for lacking the ` magic ' of the classic show .\"]\n", + "=======================\n", + "[\"jamie anderson says cgi characters lack the ` magic ' of the iconic showsays he is ` very fond of puppets and practical effects ' rather than cg onesthunderbirds returns to our screens tonight 50 years since launch of showoriginal show aired between 1964 and 1966 and repeated in 1992 and 2002\"]\n", + "jamie anderson said the cgi characters did not have the same charm as the ` lovingly detailed ' miniature puppets .thunderbirds will return to our screens tonight 50 years after the futuristic puppet show launched and landed all over the world .the son of gerry anderson , the brains behind the original thunderbirds , has criticised the computer-generated remake for lacking the ` magic ' of the classic show .\n", + "jamie anderson says cgi characters lack the ` magic ' of the iconic showsays he is ` very fond of puppets and practical effects ' rather than cg onesthunderbirds returns to our screens tonight 50 years since launch of showoriginal show aired between 1964 and 1966 and repeated in 1992 and 2002\n", + "[1.1499974 1.227321 1.2578579 1.1980301 1.1529921 1.1870794 1.0940074\n", + " 1.0509458 1.0797943 1.0569513 1.0704014 1.054277 1.0683391 1.0902364\n", + " 1.1807878 1.0525011 1.0636922 1.0440586 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 5 14 4 0 6 13 8 10 12 16 9 11 15 7 17 18 19 20]\n", + "=======================\n", + "[\"it means that , if all ice were to be spread across the surface of mars , the entire planet would be covered in more than 3.3 ft ( one metre ) .that 's the surprising conclusion of a study that found that large amounts of ice were not just at the martian poles , but likely towards the equator as well .evidence of water on mars dates back to the mariner 9 mission , which arrived in 1971 .\"]\n", + "=======================\n", + "['danish scientists studied ice hidden under the surface of marsdust is thought to be covering huge glaciers on the surfaceand the researchers say there is more water-ice than anticipatedif spread out it would cover the surface in 3.6 ft ( 1.1 metres ) of ice']\n", + "it means that , if all ice were to be spread across the surface of mars , the entire planet would be covered in more than 3.3 ft ( one metre ) .that 's the surprising conclusion of a study that found that large amounts of ice were not just at the martian poles , but likely towards the equator as well .evidence of water on mars dates back to the mariner 9 mission , which arrived in 1971 .\n", + "danish scientists studied ice hidden under the surface of marsdust is thought to be covering huge glaciers on the surfaceand the researchers say there is more water-ice than anticipatedif spread out it would cover the surface in 3.6 ft ( 1.1 metres ) of ice\n", + "[1.233475 1.4702837 1.0770897 1.2525667 1.1510713 1.1267467 1.0185964\n", + " 1.0262052 1.0184417 1.110592 1.076091 1.0919559 1.0800147 1.1171598\n", + " 1.0339082 1.0393301 1.0280873 1.0223794 1.1543337 1.1082363 1.1725239]\n", + "\n", + "[ 1 3 0 20 18 4 5 13 9 19 11 12 2 10 15 14 16 7 17 6 8]\n", + "=======================\n", + "['no serious injuries were reported in the crashes on u.s. highway 36 between boulder and denver , but tow-truck drivers were kept busy hauling away damaged cars .a spring snowstorm and icy roads caught colorado drivers by surprise friday , causing a 39-vehicle pileup near boulder and other bad wrecks that shut down highways during the morning commute .a tow truck driver works to clear the scene of cleanup on the pileup on']\n", + "=======================\n", + "['no serious injuries were reported in the crashes on u.s. highway 36 between boulder and denver , but tow-truck drivers were kept busy hauling away damaged carsin the mountains , interstate 70 was temporarily closed after several trucks spun out on snowy vail passmeanwhile , lagging colorado river to keep relief from drought-weary californians']\n", + "no serious injuries were reported in the crashes on u.s. highway 36 between boulder and denver , but tow-truck drivers were kept busy hauling away damaged cars .a spring snowstorm and icy roads caught colorado drivers by surprise friday , causing a 39-vehicle pileup near boulder and other bad wrecks that shut down highways during the morning commute .a tow truck driver works to clear the scene of cleanup on the pileup on\n", + "no serious injuries were reported in the crashes on u.s. highway 36 between boulder and denver , but tow-truck drivers were kept busy hauling away damaged carsin the mountains , interstate 70 was temporarily closed after several trucks spun out on snowy vail passmeanwhile , lagging colorado river to keep relief from drought-weary californians\n", + "[1.295131 1.2949688 1.2115582 1.1498414 1.1856223 1.2118151 1.0238483\n", + " 1.1198232 1.0572838 1.182267 1.1476412 1.0446417 1.0602286 1.0603697\n", + " 1.0944214 1.0606486 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 2 4 9 3 10 7 14 15 13 12 8 11 6 19 16 17 18 20]\n", + "=======================\n", + "[\"this is the chilling message a mother wrote on facebook a day after allegedly abandoning her quadriplegic 21-year-old son in the pennsylvania woods with just a blanket and a bible .` i 'm so happy , ' nyia parler , 41 , commented under a new picture of her cuddling her boyfriend on tuesday .parler was admitted to a maryland facility on sunday for an ` undisclosed condition ' and faces charges including aggravated assault , reckless endangering , neglect of a care-dependent person , kidnapping , unlawful restraint and false imprisonment , according to police in pennsylvania .\"]\n", + "=======================\n", + "[\"nyia parler , 41 , allegedly left her 21-year-old son in woods on monday and traveled to marylandon tuesday , she wrote ` i 'm so happy ' on facebookallegedly left her disabled son to fend for himself while she traveled for a romantic getaway with new boyfriendher son was found under rain-soaked pile of leaves on friday night and police say he would have died if passers-by had n't spotted himhe was lying on the ground 10 feet from his wheelchair and a biblepolice have said that parler has been admitted to hospital for an ` undisclosed condition 'she will face extradition and arrest in pennsylvania on her release\"]\n", + "this is the chilling message a mother wrote on facebook a day after allegedly abandoning her quadriplegic 21-year-old son in the pennsylvania woods with just a blanket and a bible .` i 'm so happy , ' nyia parler , 41 , commented under a new picture of her cuddling her boyfriend on tuesday .parler was admitted to a maryland facility on sunday for an ` undisclosed condition ' and faces charges including aggravated assault , reckless endangering , neglect of a care-dependent person , kidnapping , unlawful restraint and false imprisonment , according to police in pennsylvania .\n", + "nyia parler , 41 , allegedly left her 21-year-old son in woods on monday and traveled to marylandon tuesday , she wrote ` i 'm so happy ' on facebookallegedly left her disabled son to fend for himself while she traveled for a romantic getaway with new boyfriendher son was found under rain-soaked pile of leaves on friday night and police say he would have died if passers-by had n't spotted himhe was lying on the ground 10 feet from his wheelchair and a biblepolice have said that parler has been admitted to hospital for an ` undisclosed condition 'she will face extradition and arrest in pennsylvania on her release\n", + "[1.2764995 1.2123344 1.2065232 1.2335136 1.1647439 1.2073667 1.1847864\n", + " 1.1593237 1.1650375 1.044638 1.0370231 1.147978 1.0552368 1.0366226\n", + " 1.0837172 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 5 2 6 8 4 7 11 14 12 9 10 13 19 15 16 17 18 20]\n", + "=======================\n", + "[\"( cnn ) gwyneth paltrow , the actress turned lifestyle guru , is known for promoting detoxes and health cleanses on her site , goop.com .the amount of supplemental nutrition assistance program benefits a person can get is based on the u.s. department of agriculture 's thrifty food plan .but she 's now bringing awareness to the difficulties of life on food stamps .\"]\n", + "=======================\n", + "[\"actress gwyneth paltrow is trying to live on $ 29 worth of food for one weekit 's a part of the #foodbanknycchallenge , which is bringing awareness to food povertypaltrow was nominated by her friend chef mario batali\"]\n", + "( cnn ) gwyneth paltrow , the actress turned lifestyle guru , is known for promoting detoxes and health cleanses on her site , goop.com .the amount of supplemental nutrition assistance program benefits a person can get is based on the u.s. department of agriculture 's thrifty food plan .but she 's now bringing awareness to the difficulties of life on food stamps .\n", + "actress gwyneth paltrow is trying to live on $ 29 worth of food for one weekit 's a part of the #foodbanknycchallenge , which is bringing awareness to food povertypaltrow was nominated by her friend chef mario batali\n", + "[1.195538 1.4147614 1.3448402 1.1766708 1.1206104 1.0285586 1.0484575\n", + " 1.0865811 1.0556521 1.0432377 1.0470653 1.0702095 1.0608877 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 4 7 11 12 8 6 10 9 5 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"scientists announced today that measurements made by the european space probe philae , which landed on comet 67p in november , show the comet 's core is n't magnetised .some astrophysicists have suggested that magnetism might have been responsible for aligning and then binding together rocks into larger boulders during the early stages of planet formation .whatever caused small space rocks to lump together billions of years ago , magnetism is unlikely to be the reason .\"]\n", + "=======================\n", + "[\"was thought magnetism was responsible for aligning and binding rocksthis could have led to early stages of planet formation , scientists saidrosetta results do not support theory as 67p 's core is not magnetised\"]\n", + "scientists announced today that measurements made by the european space probe philae , which landed on comet 67p in november , show the comet 's core is n't magnetised .some astrophysicists have suggested that magnetism might have been responsible for aligning and then binding together rocks into larger boulders during the early stages of planet formation .whatever caused small space rocks to lump together billions of years ago , magnetism is unlikely to be the reason .\n", + "was thought magnetism was responsible for aligning and binding rocksthis could have led to early stages of planet formation , scientists saidrosetta results do not support theory as 67p 's core is not magnetised\n", + "[1.2462084 1.4949622 1.2741342 1.249422 1.2977499 1.0768132 1.1289176\n", + " 1.0389414 1.0511584 1.0157552 1.0469841 1.0813 1.045623 1.1415983\n", + " 1.0891211 1.0593528 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 2 3 0 13 6 14 11 5 15 8 10 12 7 9 20 16 17 18 19 21]\n", + "=======================\n", + "[\"domenico rancadore , who has lived in britain for more than 20 years , was given a seven-year sentence by an italian court in 1999 for being a member of the cosa nostra .sentence dropped : domenico rancadore ( right and left ) fled to britain in the 1990s and was convicted in his absence in italy for his role as a ` man of honour 'in february he lost his year-and-a-half battle against extradition and was told he must return to italy to serve his sentence .\"]\n", + "=======================\n", + "[\"domenico rancadore given a seven-year sentence by italian court in 1999he was convicted for role as a ` man of honour ' , taking bribes from buildersin february the sicilian mafia fugitive lost battle against extradition to italytoday it emerged that the 65-year-old 's case expired in october last year\"]\n", + "domenico rancadore , who has lived in britain for more than 20 years , was given a seven-year sentence by an italian court in 1999 for being a member of the cosa nostra .sentence dropped : domenico rancadore ( right and left ) fled to britain in the 1990s and was convicted in his absence in italy for his role as a ` man of honour 'in february he lost his year-and-a-half battle against extradition and was told he must return to italy to serve his sentence .\n", + "domenico rancadore given a seven-year sentence by italian court in 1999he was convicted for role as a ` man of honour ' , taking bribes from buildersin february the sicilian mafia fugitive lost battle against extradition to italytoday it emerged that the 65-year-old 's case expired in october last year\n", + "[1.1496344 1.5076945 1.4090554 1.26151 1.3736582 1.3106816 1.0660847\n", + " 1.0350024 1.0204439 1.0162445 1.0616686 1.0330093 1.0306461 1.214381\n", + " 1.0291208 1.0179349 1.021858 1.0405073 1.0668188 1.0336561 1.124749\n", + " 1.0473905]\n", + "\n", + "[ 1 2 4 5 3 13 0 20 18 6 10 21 17 7 19 11 12 14 16 8 15 9]\n", + "=======================\n", + "[\"virginia trimble ritter 's daughter , marcia , was raped and choked to death by jerome sydney barrett in 1975 .marcia 's body was found 33 days after she disappeared and ritter 's then-husband advised her against seeing the body and the crime scene photos .jerome sidney barrett , 68 , was found guilty of second-degree murder six years ago and a davidson county criminal court jury imposed a sentence of 44 years ( pictured in 2009 )\"]\n", + "=======================\n", + "[\"virginia trimble ritter 's daughter , marcia , was raped and choked to death by jerome sydney barrett in 1975the case was nashville 's most notorious unsolved murder for 33 yearsritter , who did not see her daughter 's body at the time , recently asked to see the photos investigators took at the sceneafter seeing the photos , ritter said she shouted , ` if i had a gun i 'd kill him ! '\"]\n", + "virginia trimble ritter 's daughter , marcia , was raped and choked to death by jerome sydney barrett in 1975 .marcia 's body was found 33 days after she disappeared and ritter 's then-husband advised her against seeing the body and the crime scene photos .jerome sidney barrett , 68 , was found guilty of second-degree murder six years ago and a davidson county criminal court jury imposed a sentence of 44 years ( pictured in 2009 )\n", + "virginia trimble ritter 's daughter , marcia , was raped and choked to death by jerome sydney barrett in 1975the case was nashville 's most notorious unsolved murder for 33 yearsritter , who did not see her daughter 's body at the time , recently asked to see the photos investigators took at the sceneafter seeing the photos , ritter said she shouted , ` if i had a gun i 'd kill him ! '\n", + "[1.1779522 1.3468428 1.3532927 1.2032787 1.2244923 1.3187059 1.1134697\n", + " 1.125625 1.1035225 1.0842037 1.0619818 1.0397028 1.0267345 1.0107328\n", + " 1.0143447 1.0308541 1.0630243 1.0394386 1.0158553 1.0428615 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 5 4 3 0 7 6 8 9 16 10 19 11 17 15 12 18 14 13 20 21]\n", + "=======================\n", + "['the fa will then charge # 250 for every subsequent year of renewal .as of april 1 , the licensing system for agents is to change so that anyone can become a football agent as long as they pay # 500 for an initial one-year registration period .the fa is due to place a link on their website for intermediaries to register , but as of 1pm that was still not in place .']\n", + "=======================\n", + "[\"licensing system for new agents was due to change on april 1new rules allow anybody to become a football agentmel stein warns that new regulations will ` create anarchy '\"]\n", + "the fa will then charge # 250 for every subsequent year of renewal .as of april 1 , the licensing system for agents is to change so that anyone can become a football agent as long as they pay # 500 for an initial one-year registration period .the fa is due to place a link on their website for intermediaries to register , but as of 1pm that was still not in place .\n", + "licensing system for new agents was due to change on april 1new rules allow anybody to become a football agentmel stein warns that new regulations will ` create anarchy '\n", + "[1.104078 1.3828002 1.2750183 1.2945304 1.2193692 1.1493502 1.1643828\n", + " 1.0715306 1.0423553 1.1018536 1.1896662 1.069487 1.0972803 1.1614592\n", + " 1.0651311 1.0653467 1.0387642 1.0414542 1.0082749 1.0034094 1.0715992\n", + " 1.0556971]\n", + "\n", + "[ 1 3 2 4 10 6 13 5 0 9 12 20 7 11 15 14 21 8 17 16 18 19]\n", + "=======================\n", + "[\"australian josh kerr took home the prize for the most impressive crash when he put too much weight on the front of his board and flipped head first into the break , emerging bruised and beaten .the 31-year-old was attempting to surf the notorious ` box ' - a right hand barrel at margaret river 's main break on wednesday .adam melling , owen wright and john john florence also succumbed to the powerful break with extraordinary crashes .\"]\n", + "=======================\n", + "[\"world 's best surfers have taken to their boards for the margarent river prothe dangerous surf break , ` the box , ' has initiated spectacular wipeoutsaustralian josh kerr faceplanted into the reef when he lent too far forwardadam melling and owen wright also succumbed to the huge surf break\"]\n", + "australian josh kerr took home the prize for the most impressive crash when he put too much weight on the front of his board and flipped head first into the break , emerging bruised and beaten .the 31-year-old was attempting to surf the notorious ` box ' - a right hand barrel at margaret river 's main break on wednesday .adam melling , owen wright and john john florence also succumbed to the powerful break with extraordinary crashes .\n", + "world 's best surfers have taken to their boards for the margarent river prothe dangerous surf break , ` the box , ' has initiated spectacular wipeoutsaustralian josh kerr faceplanted into the reef when he lent too far forwardadam melling and owen wright also succumbed to the huge surf break\n", + "[1.2238433 1.376962 1.1771736 1.2493583 1.0417186 1.1042838 1.3553475\n", + " 1.203644 1.0477501 1.0258033 1.0236474 1.0359317 1.032264 1.0481067\n", + " 1.1836178 1.0454121 1.0200295 1.0118965 1.0259312 1.0875099 1.0614702\n", + " 1.0588504 1.1548111 1.0167246]\n", + "\n", + "[ 1 6 3 0 7 14 2 22 5 19 20 21 13 8 15 4 11 12 18 9 10 16 23 17]\n", + "=======================\n", + "[\"holland 's national team have already conceded more goals in five euro 2016 qualifiers than they lost in the entire qualifying campaign for the last world cup .virgil van dijk has been in fine form for celtic but was n't rewarded with a call-up to the holland national teamthe celtic defender made it into two squads last year .\"]\n", + "=======================\n", + "[\"virgil van dijk was on holiday in dubai while holland played two gamesyoung celtic defender has n't been called up since last yearronny deila says it is n't due to standard of scottish footballteam-mate jason denayer made his belgium debut against israel\"]\n", + "holland 's national team have already conceded more goals in five euro 2016 qualifiers than they lost in the entire qualifying campaign for the last world cup .virgil van dijk has been in fine form for celtic but was n't rewarded with a call-up to the holland national teamthe celtic defender made it into two squads last year .\n", + "virgil van dijk was on holiday in dubai while holland played two gamesyoung celtic defender has n't been called up since last yearronny deila says it is n't due to standard of scottish footballteam-mate jason denayer made his belgium debut against israel\n", + "[1.2056679 1.411044 1.2902566 1.3802783 1.1832352 1.166121 1.0605025\n", + " 1.0809983 1.0635574 1.0611042 1.0370244 1.0603006 1.1102736 1.0399367\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 12 7 8 9 6 11 13 10 14 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"oratilwe hlongwane , whose dj name is aj , is still learning to put together words but the toddler is already able to select and play music from a laptop and has become a phenomenon in south africa .his capabilities have even earned him special appearances and sponsorship deals with fans desperate to hear his bass-heavy house music .the world 's youngest dj who is just two years old has a dedicated following of thousands of fans thanks to his ability to work the decks .\"]\n", + "=======================\n", + "[\"two-year-old oratilwe hlongwane can wow fans by playing music on dj kitperforming under dj name of ` aj ' , toddler plays house music from a laptophe still wears nappies and ca n't yet talk but has a legion of fans for dj-ingparents believe his ability stemmed from dj app he taught himself to use\"]\n", + "oratilwe hlongwane , whose dj name is aj , is still learning to put together words but the toddler is already able to select and play music from a laptop and has become a phenomenon in south africa .his capabilities have even earned him special appearances and sponsorship deals with fans desperate to hear his bass-heavy house music .the world 's youngest dj who is just two years old has a dedicated following of thousands of fans thanks to his ability to work the decks .\n", + "two-year-old oratilwe hlongwane can wow fans by playing music on dj kitperforming under dj name of ` aj ' , toddler plays house music from a laptophe still wears nappies and ca n't yet talk but has a legion of fans for dj-ingparents believe his ability stemmed from dj app he taught himself to use\n", + "[1.1060616 1.2628251 1.3487598 1.4349698 1.0872728 1.2086244 1.2095146\n", + " 1.1161201 1.0326961 1.0328265 1.0196611 1.0579164 1.0436319 1.031138\n", + " 1.03571 1.0203855 1.0183839 1.0218799 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 6 5 7 0 4 11 12 14 9 8 13 17 15 10 16 22 18 19 20 21 23]\n", + "=======================\n", + "[\"new zealand couple justin and jola transformed a huge truck into colourful and cosy castle-homebut when it is unfolded , the vehicle transforms into a majestic but cosy home for justin , jola and their baby son piko .while driving along new zealand 's roads , the siezen family 's house appears to be nothing more than an oversized and strangely shaped truck .\"]\n", + "=======================\n", + "['a new zealand family has transformed an old truck into a travelling castleit comes complete with turrets that feature a toilet and a showerwhen packed away the compact vehicle meets minimum road requirementsjola siezen is an acrobat who performs around the country']\n", + "new zealand couple justin and jola transformed a huge truck into colourful and cosy castle-homebut when it is unfolded , the vehicle transforms into a majestic but cosy home for justin , jola and their baby son piko .while driving along new zealand 's roads , the siezen family 's house appears to be nothing more than an oversized and strangely shaped truck .\n", + "a new zealand family has transformed an old truck into a travelling castleit comes complete with turrets that feature a toilet and a showerwhen packed away the compact vehicle meets minimum road requirementsjola siezen is an acrobat who performs around the country\n", + "[1.1664438 1.4801513 1.1761528 1.2741836 1.3449383 1.0540719 1.045603\n", + " 1.0772979 1.0500584 1.1909572 1.0980815 1.1578659 1.0942224 1.0283033\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 9 2 0 11 10 12 7 5 8 6 13 21 20 19 18 15 16 14 22 17 23]\n", + "=======================\n", + "[\"a film crew shooting the documentary lair of the megashark were just off new zealand 's stewart island when they attempted to put a camera on the dorsal fin of the massive ocean predator who decided to nudge the boat and bite at the thin rope that tethered the dinghy to the main boat .they can be seen panicking as the great white uses it 's strong jaws and tail to shake the boat , causing it to sway dangerously .shocking footage has emerged of the terrifying moment two people stood in a tiny dinghy while a six metre great white shark charged them .\"]\n", + "=======================\n", + "[\"shocking footage has emerged of a great white charging a small dinghythe footage was taken when crew were shooting ` lair of the megashark 'they were trying to put a camera on shark in new zealand 's stewart islandimages of footage posted online by groups who want to ban shark divingthey think it 's causing sharks to associate humans and boats with food\"]\n", + "a film crew shooting the documentary lair of the megashark were just off new zealand 's stewart island when they attempted to put a camera on the dorsal fin of the massive ocean predator who decided to nudge the boat and bite at the thin rope that tethered the dinghy to the main boat .they can be seen panicking as the great white uses it 's strong jaws and tail to shake the boat , causing it to sway dangerously .shocking footage has emerged of the terrifying moment two people stood in a tiny dinghy while a six metre great white shark charged them .\n", + "shocking footage has emerged of a great white charging a small dinghythe footage was taken when crew were shooting ` lair of the megashark 'they were trying to put a camera on shark in new zealand 's stewart islandimages of footage posted online by groups who want to ban shark divingthey think it 's causing sharks to associate humans and boats with food\n", + "[1.39642 1.3556322 1.2374961 1.0470835 1.2636095 1.1339344 1.1596091\n", + " 1.0687451 1.069203 1.0735308 1.0776066 1.2506263 1.1052663 1.1238191\n", + " 1.0563205 1.013576 1.0439142 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 11 2 6 5 13 12 10 9 8 7 14 3 16 15 22 17 18 19 20 21 23]\n", + "=======================\n", + "[\"former dragons ' den star duncan bannatyne this morning announced he would back labour at the next election -- just a week after backing the tories .the millionaire businessman said ed miliband 's plan to scrap the controversial ` non-dom ' status had won him over .he tweeted : ` ed milliband says he will abolish non-dom status in uk .\"]\n", + "=======================\n", + "[\"millionaire businessman backs labour 's plan to scrap ` non-dom ' statushe said : ' i never thought any party would have courage to do this 'just last week he publicly backed the tories over their economic record\"]\n", + "former dragons ' den star duncan bannatyne this morning announced he would back labour at the next election -- just a week after backing the tories .the millionaire businessman said ed miliband 's plan to scrap the controversial ` non-dom ' status had won him over .he tweeted : ` ed milliband says he will abolish non-dom status in uk .\n", + "millionaire businessman backs labour 's plan to scrap ` non-dom ' statushe said : ' i never thought any party would have courage to do this 'just last week he publicly backed the tories over their economic record\n", + "[1.2186373 1.5154042 1.2680025 1.3308147 1.2434942 1.1997652 1.0489124\n", + " 1.0499437 1.0373402 1.1098642 1.0209168 1.0609608 1.0301137 1.0248334\n", + " 1.0169712 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 5 9 11 7 6 8 12 13 10 14 18 15 16 17 19]\n", + "=======================\n", + "[\"edwin ` jock ' mee , 46 , who now lives in scotland , allegedly targeted 11 cadets , aged between 15 and 25 , many of whom were young black women , on a military base in south london , during the army interview and screening process .it is claimed that the divorced father-of-five went on to rape one of the cadets at the mitcham barracks army careers and information office in croydon .a recruiting army sergeant raped a female cadet after telling her cousin ' i hope she is as sweet as she looks ' , a court heard today .\"]\n", + "=======================\n", + "[\"edwin ` jock ' mee , 45 , allegedly targeted 11 cadets aged between 15 and 25alleged he raped one of the cadets at the mitcham army careers officecousin of the alleged victim rang mee to voice her concerns about himhe is said to have told her he hoped her cousin was ` as sweet as she looks '\"]\n", + "edwin ` jock ' mee , 46 , who now lives in scotland , allegedly targeted 11 cadets , aged between 15 and 25 , many of whom were young black women , on a military base in south london , during the army interview and screening process .it is claimed that the divorced father-of-five went on to rape one of the cadets at the mitcham barracks army careers and information office in croydon .a recruiting army sergeant raped a female cadet after telling her cousin ' i hope she is as sweet as she looks ' , a court heard today .\n", + "edwin ` jock ' mee , 45 , allegedly targeted 11 cadets aged between 15 and 25alleged he raped one of the cadets at the mitcham army careers officecousin of the alleged victim rang mee to voice her concerns about himhe is said to have told her he hoped her cousin was ` as sweet as she looks '\n", + "[1.343194 1.389232 1.1704606 1.3794694 1.1474818 1.0868969 1.0397311\n", + " 1.0331081 1.0384549 1.0463127 1.0230861 1.0612681 1.0317631 1.2144691\n", + " 1.100605 1.02193 1.1853067 1.0318619 1.0125725 1.0285732]\n", + "\n", + "[ 1 3 0 13 16 2 4 14 5 11 9 6 8 7 17 12 19 10 15 18]\n", + "=======================\n", + "[\"the work and pensions secretary said ed miliband was standing on ` the most left-wing platform since michael foot ' and was ` peddling lies ' about the government 's record .iain duncan smith has launched a scathing attack on labour 's ` politics of hate and envy ' and claimed the conservatives are ` the real party of work ' .in an interview with the daily mail , the former conservative leader set out a powerful moral case for the party 's policies , which have reduced welfare dependency and got two million more into work .\"]\n", + "=======================\n", + "[\"work and pensions secretary hailed the tories as ` the real party of work 'said miliband is standing on ` most left-wing platform since michael foot 'urged fellow conservatives to champion the government 's achievements\"]\n", + "the work and pensions secretary said ed miliband was standing on ` the most left-wing platform since michael foot ' and was ` peddling lies ' about the government 's record .iain duncan smith has launched a scathing attack on labour 's ` politics of hate and envy ' and claimed the conservatives are ` the real party of work ' .in an interview with the daily mail , the former conservative leader set out a powerful moral case for the party 's policies , which have reduced welfare dependency and got two million more into work .\n", + "work and pensions secretary hailed the tories as ` the real party of work 'said miliband is standing on ` most left-wing platform since michael foot 'urged fellow conservatives to champion the government 's achievements\n", + "[1.077393 1.629911 1.3568459 1.2436085 1.1629877 1.1063714 1.0796916\n", + " 1.073282 1.0302174 1.0453944 1.0989283 1.0838763 1.0669701 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 5 10 11 6 0 7 12 9 8 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"crystal mcnaughton from long beach , california , filmed the moment her newborn son paul started welling up to a rousing song from glee .as the lea michele version of the track o holy night plays , footage shows a look of sadness spreading across the tiny infant 's face .when the chorus builds , tears appear in paul 's eyes and his lips start quivering .\"]\n", + "=======================\n", + "[\"crystal mcnaughton from long beach , california , filmed the moment her newborn son paul started welling up to a rousing song from gleeas the track o holy night plays , a look of sadness spreads across the tiny infant 's faceevery time lea michele sings the baby starts to cry\"]\n", + "crystal mcnaughton from long beach , california , filmed the moment her newborn son paul started welling up to a rousing song from glee .as the lea michele version of the track o holy night plays , footage shows a look of sadness spreading across the tiny infant 's face .when the chorus builds , tears appear in paul 's eyes and his lips start quivering .\n", + "crystal mcnaughton from long beach , california , filmed the moment her newborn son paul started welling up to a rousing song from gleeas the track o holy night plays , a look of sadness spreads across the tiny infant 's faceevery time lea michele sings the baby starts to cry\n", + "[1.4966719 1.3333282 1.119425 1.5090252 1.0505495 1.0473928 1.0281944\n", + " 1.0611037 1.0499759 1.0414656 1.0254318 1.0436339 1.0470493 1.0413274\n", + " 1.051526 1.024264 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 2 7 14 4 8 5 12 11 9 13 6 10 15 18 16 17 19]\n", + "=======================\n", + "['food-focused : actress-turned-lifestyle guru gwyneth paltrow will be living off $ 29 worth of food for a week as part of a charity challenge aimed at raising awareness about food banksthe 42-year-old mother-of-two , who founded popular lifestyle wesbite goop , posted a picture of her $ 29 grocery shop on her twitter account yesterday afternoon , showcasing a range of healthy options , including a variety of fresh vegetables , some brown rice and some black beans .the silken topper is great for an evening out and can be paired with cigarette trousers and strappy sandals for an elegant take on the menswear trend .']\n", + "=======================\n", + "[\"the 42-year-old mother-of-two tweeted a picture of her $ 29 grocery shop , which included eggs , vegetables , brown rice and black beansgwyneth is taking part in the new york city food bank challenge , which aims to raise awareness and funds for the city 's food banksthe city 's weekly food stamp allowance is just $ 29 per person per weekgwyneth 's healthy food choices have already come under fire from critics who claim they contain nowhere near enough calories for a whole week\"]\n", + "food-focused : actress-turned-lifestyle guru gwyneth paltrow will be living off $ 29 worth of food for a week as part of a charity challenge aimed at raising awareness about food banksthe 42-year-old mother-of-two , who founded popular lifestyle wesbite goop , posted a picture of her $ 29 grocery shop on her twitter account yesterday afternoon , showcasing a range of healthy options , including a variety of fresh vegetables , some brown rice and some black beans .the silken topper is great for an evening out and can be paired with cigarette trousers and strappy sandals for an elegant take on the menswear trend .\n", + "the 42-year-old mother-of-two tweeted a picture of her $ 29 grocery shop , which included eggs , vegetables , brown rice and black beansgwyneth is taking part in the new york city food bank challenge , which aims to raise awareness and funds for the city 's food banksthe city 's weekly food stamp allowance is just $ 29 per person per weekgwyneth 's healthy food choices have already come under fire from critics who claim they contain nowhere near enough calories for a whole week\n", + "[1.1526494 1.1790049 1.1964852 1.1337781 1.1009424 1.1892413 1.0699399\n", + " 1.0739111 1.071405 1.1212491 1.1002357 1.0763248 1.0550082 1.0987598\n", + " 1.074668 1.0433223 1.0235668 0. 0. 0. ]\n", + "\n", + "[ 2 5 1 0 3 9 4 10 13 11 14 7 8 6 12 15 16 18 17 19]\n", + "=======================\n", + "['from private islands and aston martins to castles and 75ft yachts , travelmail brings you an expert guide to holidaying like millionaire - no six-figure salary or coutts bank account necessary .jetsuite.com lets those with a far smaller bank balance book private jets for vastly reduced rates .if you know where to look , how to shop and when to book you can save thousands of pounds on exclusive travel deals .']\n", + "=======================\n", + "['charter a private jet in the us via jetsuite.com for as little as # 369airbnb , homeaway and vrbo offer budget stays in castles and mansionsgetmyboat.com has luxury yachts from # 125 per person all over the worlda specialist website lets car fans rent a porsche boxster s for # 175 per day']\n", + "from private islands and aston martins to castles and 75ft yachts , travelmail brings you an expert guide to holidaying like millionaire - no six-figure salary or coutts bank account necessary .jetsuite.com lets those with a far smaller bank balance book private jets for vastly reduced rates .if you know where to look , how to shop and when to book you can save thousands of pounds on exclusive travel deals .\n", + "charter a private jet in the us via jetsuite.com for as little as # 369airbnb , homeaway and vrbo offer budget stays in castles and mansionsgetmyboat.com has luxury yachts from # 125 per person all over the worlda specialist website lets car fans rent a porsche boxster s for # 175 per day\n", + "[1.5245444 1.3926206 1.1375962 1.1735767 1.1681162 1.1002268 1.0587693\n", + " 1.1451198 1.0945319 1.0743423 1.0781603 1.0892358 1.0794356 1.1440185\n", + " 1.0644723 1.0498288 0. ]\n", + "\n", + "[ 0 1 3 4 7 13 2 5 8 11 12 10 9 14 6 15 16]\n", + "=======================\n", + "['( cnn ) \" real housewives of beverly hills \" star and former child actress kim richards is accused of kicking a police officer after being arrested thursday morning .richards was taken into custody by police at the beverly hills hotel on accusations of trespassing , resisting arrest and public intoxication after security personnel complained that she was bothering hotel guests about 1:30 a.m.a police representative said richards was asked to leave but refused and then entered a restroom and would n\\'t come out .']\n", + "=======================\n", + "['\" real housewives of beverly hills \" star kim richards was arrested early thursday morningbeverly hills police say richards would n\\'t leave a hotel when asked and later struck an officer']\n", + "( cnn ) \" real housewives of beverly hills \" star and former child actress kim richards is accused of kicking a police officer after being arrested thursday morning .richards was taken into custody by police at the beverly hills hotel on accusations of trespassing , resisting arrest and public intoxication after security personnel complained that she was bothering hotel guests about 1:30 a.m.a police representative said richards was asked to leave but refused and then entered a restroom and would n't come out .\n", + "\" real housewives of beverly hills \" star kim richards was arrested early thursday morningbeverly hills police say richards would n't leave a hotel when asked and later struck an officer\n", + "[1.3700062 1.4216456 1.2882233 1.3084763 1.182496 1.1206799 1.029544\n", + " 1.0255328 1.1866547 1.0765312 1.0594665 1.0603837 1.0419744 1.0123249\n", + " 1.1695035 1.106846 0. ]\n", + "\n", + "[ 1 0 3 2 8 4 14 5 15 9 11 10 12 6 7 13 16]\n", + "=======================\n", + "[\"marcus and his nine-year-old sister aaliyah were trapped in a second-floor bedroom after the fire broke out on the first floor of their home in clinton .a 13-year-old maryland boy provided firefighters with instructions during a 911 call and got himself and his little sister rescued after his family 's home caught fire on sunday morning ,marcus was able to stay calm throughout the 11-minute call and he was rescued along with his 9-year-old sister\"]\n", + "=======================\n", + "[\"marcus , a 13-year-old maryland boy , provided firefighters with instructionssmelled smoke when family 's clinton home caught fire sunday morningwas trapped in a second-floor bedroom with nine-year-old sister during firesoothed his sister after she blurted out ` we 're going to die ' during the callsiblings saved and three other people in the home escaped without injury\"]\n", + "marcus and his nine-year-old sister aaliyah were trapped in a second-floor bedroom after the fire broke out on the first floor of their home in clinton .a 13-year-old maryland boy provided firefighters with instructions during a 911 call and got himself and his little sister rescued after his family 's home caught fire on sunday morning ,marcus was able to stay calm throughout the 11-minute call and he was rescued along with his 9-year-old sister\n", + "marcus , a 13-year-old maryland boy , provided firefighters with instructionssmelled smoke when family 's clinton home caught fire sunday morningwas trapped in a second-floor bedroom with nine-year-old sister during firesoothed his sister after she blurted out ` we 're going to die ' during the callsiblings saved and three other people in the home escaped without injury\n", + "[1.2147248 1.3980834 1.2633865 1.2018371 1.2923121 1.3263437 1.0695661\n", + " 1.04229 1.1263864 1.027467 1.0143116 1.0379704 1.0338279 1.1026396\n", + " 1.1493341 1.0480425 1.0321468]\n", + "\n", + "[ 1 5 4 2 0 3 14 8 13 6 15 7 11 12 16 9 10]\n", + "=======================\n", + "[\"these incredible pictures show the hungry three-year-old big cats attempting to hunt the much larger hippo in the depths of zimbabwe 's hwange national park .the hippo attempted to scare off the three-year-old lions as they tried to attack the mammal at the nature reserve in the west of zimbabweat first , as the lions approach the large mammal , the hippo tries to scare them off before wandering towards nearby water .\"]\n", + "=======================\n", + "['dramatic pictures show two three-year-old lions antagonising hippopotamus in zimbabwean national parkhippo initially avoided the big cats by walking towards nearby water before turning around and charging at themaltercation caught on camera by researcher brent stapelkamp , who has been studying lions in the reserve for years']\n", + "these incredible pictures show the hungry three-year-old big cats attempting to hunt the much larger hippo in the depths of zimbabwe 's hwange national park .the hippo attempted to scare off the three-year-old lions as they tried to attack the mammal at the nature reserve in the west of zimbabweat first , as the lions approach the large mammal , the hippo tries to scare them off before wandering towards nearby water .\n", + "dramatic pictures show two three-year-old lions antagonising hippopotamus in zimbabwean national parkhippo initially avoided the big cats by walking towards nearby water before turning around and charging at themaltercation caught on camera by researcher brent stapelkamp , who has been studying lions in the reserve for years\n", + "[1.2028029 1.3285978 1.2108809 1.362675 1.1520437 1.0783622 1.0405648\n", + " 1.0334771 1.0726867 1.0325619 1.0779129 1.0246558 1.2453742 1.045646\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 1 12 2 0 4 5 10 8 13 6 7 9 11 14 15 16]\n", + "=======================\n", + "['and it could date back to early human evolution in africa , where spiders with very strong venom have existed millions of years ago .dating back hundreds of thousands of years , the instinct to avoid arachnids developed as an evolutionary response to a dangerous threat , the academics suggest .it could mean that arachnophobia , one of the most crippling of phobias , represents a finely tuned survival instinct .']\n", + "=======================\n", + "['instinct to avoid arachnids developed as evolutionary response to threatscientists say it could mean arachnophobia represents survival instinctcould date back to early human evolution in africa , where spiders with very strong venom existed millions of years ago']\n", + "and it could date back to early human evolution in africa , where spiders with very strong venom have existed millions of years ago .dating back hundreds of thousands of years , the instinct to avoid arachnids developed as an evolutionary response to a dangerous threat , the academics suggest .it could mean that arachnophobia , one of the most crippling of phobias , represents a finely tuned survival instinct .\n", + "instinct to avoid arachnids developed as evolutionary response to threatscientists say it could mean arachnophobia represents survival instinctcould date back to early human evolution in africa , where spiders with very strong venom existed millions of years ago\n", + "[1.2581532 1.4805545 1.2481545 1.4460886 1.1524101 1.0840282 1.0251204\n", + " 1.0325384 1.0184325 1.0232852 1.01671 1.0140239 1.1680471 1.1570057\n", + " 1.0670263 1.0959866 1.0610683]\n", + "\n", + "[ 1 3 0 2 12 13 4 15 5 14 16 7 6 9 8 10 11]\n", + "=======================\n", + "[\"dave roberts , who is in the running to become the mayor of middlesbrough , followed in his great-great-uncle daniel mcallister 's footsteps by leaping off the transporter bridge over the river tees .a mayoral candidate has bungee jumped from a bridge where his ancestor plummeted 160ft to his death for a drunken bet worth just a sixpence .he died on may 4 , 1913 at the age of 30 .\"]\n", + "=======================\n", + "['dave roberts , 50 , bungee jumped from transporter bridge over river teeshis great-great-uncle daniel mcallister jumped to his death at same spotmr mcallister jumped off bridge in drunken bet for sixpence 100 years agomayoral candidate mr roberts successfully completed the jump for charity']\n", + "dave roberts , who is in the running to become the mayor of middlesbrough , followed in his great-great-uncle daniel mcallister 's footsteps by leaping off the transporter bridge over the river tees .a mayoral candidate has bungee jumped from a bridge where his ancestor plummeted 160ft to his death for a drunken bet worth just a sixpence .he died on may 4 , 1913 at the age of 30 .\n", + "dave roberts , 50 , bungee jumped from transporter bridge over river teeshis great-great-uncle daniel mcallister jumped to his death at same spotmr mcallister jumped off bridge in drunken bet for sixpence 100 years agomayoral candidate mr roberts successfully completed the jump for charity\n", + "[1.152744 1.337361 1.1951034 1.2844101 1.1383287 1.195057 1.1637032\n", + " 1.1402308 1.1160679 1.0372026 1.1087058 1.0486063 1.056032 1.1446245\n", + " 1.0926244 1.0453109 1.0471075 1.0511975 0. ]\n", + "\n", + "[ 1 3 2 5 6 0 13 7 4 8 10 14 12 17 11 16 15 9 18]\n", + "=======================\n", + "['videoed outside by its owner tracy , the young german shepherd named kali bounces about the decking playfully .and is at a complete contrast to its adopted mother , who watches the puppy while relaxing on the floor .its mother , after keeping a close eye on kali , then gets up and follows the young dog over to the corner of the decking .']\n", + "=======================\n", + "[\"the video was captured in california by the dogs ' owner tracyyoung german shepherd named kali jumps around playfullyadopted mother follows it and nudges it away from its ballolder dog then uses its paw to push the puppy onto the bed\"]\n", + "videoed outside by its owner tracy , the young german shepherd named kali bounces about the decking playfully .and is at a complete contrast to its adopted mother , who watches the puppy while relaxing on the floor .its mother , after keeping a close eye on kali , then gets up and follows the young dog over to the corner of the decking .\n", + "the video was captured in california by the dogs ' owner tracyyoung german shepherd named kali jumps around playfullyadopted mother follows it and nudges it away from its ballolder dog then uses its paw to push the puppy onto the bed\n", + "[1.3663284 1.2550322 1.3314879 1.3665211 1.2438384 1.1526821 1.0890272\n", + " 1.0760396 1.0213174 1.0738182 1.0980752 1.0445684 1.0556228 1.0802715\n", + " 1.0811154 1.0473111 1.0159308 0. 0. ]\n", + "\n", + "[ 3 0 2 1 4 5 10 6 14 13 7 9 12 15 11 8 16 17 18]\n", + "=======================\n", + "[\"atletico madrid are in talks to sign palermo 's paulo dybala , according to reports in asas report that a representative for palermo , gustavo mascardi , is in madrid and is set to meet the atletico hierarchy on friday .dybala , whom the serie a club value at # 29m , has also been linked with arsenal and chelsea but it seems the la liga side are in the box seat .\"]\n", + "=======================\n", + "['palermo representatives are in madrid to discuss a possible move# 29m-rated dybala is wanted by a host of leading european clubsarsenal and chelsea have been linked with the argentine strikerreal madrid coach carlo ancelotti has told isco to be more defensivebarcelona have been installed as the champions league favouritesnapoli beat wolfsburg 4-1 in uefa europa league sensation']\n", + "atletico madrid are in talks to sign palermo 's paulo dybala , according to reports in asas report that a representative for palermo , gustavo mascardi , is in madrid and is set to meet the atletico hierarchy on friday .dybala , whom the serie a club value at # 29m , has also been linked with arsenal and chelsea but it seems the la liga side are in the box seat .\n", + "palermo representatives are in madrid to discuss a possible move# 29m-rated dybala is wanted by a host of leading european clubsarsenal and chelsea have been linked with the argentine strikerreal madrid coach carlo ancelotti has told isco to be more defensivebarcelona have been installed as the champions league favouritesnapoli beat wolfsburg 4-1 in uefa europa league sensation\n", + "[1.5438147 1.4301589 1.1838835 1.1747217 1.0978729 1.2186749 1.0329366\n", + " 1.2351072 1.0477496 1.0216445 1.0245589 1.1159316 1.0147693 1.0137509\n", + " 1.0180005 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 7 5 2 3 11 4 8 6 10 9 14 12 13 15 16 17 18]\n", + "=======================\n", + "['luke shaw admitted he has struggled to cope with the demands of playing for manchester united after he returned to the team against chelsea .shaw has started seeing a psychologist in recent weeks as he comes to terms with his # 28million move from southampton to old trafford in the summer .shaw claims he had a minor back injury when he was substituted at half-time against arsenal in the fa cup quarter-final defeat at old trafford last month , but he was left out of the team by louis van gaal for the next four games .']\n", + "=======================\n", + "['luke shaw joined manchester united from southampton for # 28mthe young english defender feels he has struggled to live up to his valuation at the club so far and is seeing a psychologistshaw has played only 19 games for united this season']\n", + "luke shaw admitted he has struggled to cope with the demands of playing for manchester united after he returned to the team against chelsea .shaw has started seeing a psychologist in recent weeks as he comes to terms with his # 28million move from southampton to old trafford in the summer .shaw claims he had a minor back injury when he was substituted at half-time against arsenal in the fa cup quarter-final defeat at old trafford last month , but he was left out of the team by louis van gaal for the next four games .\n", + "luke shaw joined manchester united from southampton for # 28mthe young english defender feels he has struggled to live up to his valuation at the club so far and is seeing a psychologistshaw has played only 19 games for united this season\n", + "[1.1322728 1.1938497 1.3402789 1.2243912 1.1837738 1.091803 1.0853692\n", + " 1.1707332 1.168458 1.0572075 1.0793176 1.1222163 1.0920496 1.0236229\n", + " 1.0174675 1.0503865 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 4 7 8 0 11 12 5 6 10 9 15 13 14 16 17 18]\n", + "=======================\n", + "[\"the 19-year-old from hailsham , east sussex , surprised his partner emily-victoria canham , 18 , by telling her they would see niall horan , liam payne , harry styles and louis tomlinson in concert .but jake boys could have done better when it came to organising flights , because he ended up booking plane tickets to the republic of ireland - where he thought the welsh capital was located .arsenal supporter mr boys , who is originally from haywards heath , is now planning to buy a new pair of train tickets to cardiff for the band 's show this june .\"]\n", + "=======================\n", + "[\"jake boys , 19 , booked tickets for trip with emily-victoria canham , 18but blunder saw video blogger mr boys organise flights to dublinnow planning train trip to cardiff and admits he ` could see the problem '\"]\n", + "the 19-year-old from hailsham , east sussex , surprised his partner emily-victoria canham , 18 , by telling her they would see niall horan , liam payne , harry styles and louis tomlinson in concert .but jake boys could have done better when it came to organising flights , because he ended up booking plane tickets to the republic of ireland - where he thought the welsh capital was located .arsenal supporter mr boys , who is originally from haywards heath , is now planning to buy a new pair of train tickets to cardiff for the band 's show this june .\n", + "jake boys , 19 , booked tickets for trip with emily-victoria canham , 18but blunder saw video blogger mr boys organise flights to dublinnow planning train trip to cardiff and admits he ` could see the problem '\n", + "[1.376857 1.342471 1.2571777 1.2175844 1.1611837 1.1201448 1.0656409\n", + " 1.0200478 1.0615594 1.0444767 1.1177894 1.118069 1.0608171 1.016077\n", + " 1.0153712 1.068757 1.0512897 1.0269074 1.0998476]\n", + "\n", + "[ 0 1 2 3 4 5 11 10 18 15 6 8 12 16 9 17 7 13 14]\n", + "=======================\n", + "[\"ap mccoy landed the second win of his last aintree meeting thanks to a trainer he will be praying does n't win saturday 's crabbie 's grand national .irishman gordon elliott trains cause of causes , a gelding owned by mccoy 's boss jp mcmanus and one of the mounts he could have taken in the race instead of shutthefrontdoor .mccoy won on board elliott 's don cossack , who took apart a strong melling chase field with a 26-length defeat of cue card .\"]\n", + "=======================\n", + "['ap mccoy wins second feature race at grand national festivalrides don cossack to victory in melling chase on fridayset to ride favourite shutthefrontdoor at aintree on saturday']\n", + "ap mccoy landed the second win of his last aintree meeting thanks to a trainer he will be praying does n't win saturday 's crabbie 's grand national .irishman gordon elliott trains cause of causes , a gelding owned by mccoy 's boss jp mcmanus and one of the mounts he could have taken in the race instead of shutthefrontdoor .mccoy won on board elliott 's don cossack , who took apart a strong melling chase field with a 26-length defeat of cue card .\n", + "ap mccoy wins second feature race at grand national festivalrides don cossack to victory in melling chase on fridayset to ride favourite shutthefrontdoor at aintree on saturday\n", + "[1.1256742 1.2274213 1.144551 1.1179079 1.2195361 1.1833223 1.075578\n", + " 1.0815753 1.0175707 1.1590881 1.0361004 1.0501257 1.0391135 1.026599\n", + " 1.1008952 1.023922 1.0400302 1.025071 0. ]\n", + "\n", + "[ 1 4 5 9 2 0 3 14 7 6 11 16 12 10 13 17 15 8 18]\n", + "=======================\n", + "['from biometric scanning to ipad-controlled hotel rooms , glimpses into the future of travel have already begun popping up in airports and resorts around the world .think : biometric scanning , sustainable hotels and personalised bookingsin 15 years , digital advancements will have made the discovery , planning and booking of a journey into a seamless and intuitive experience .']\n", + "=======================\n", + "[\"skyscanner 's future of travel report predicts personalised hotel visitsbiometric scanning could revolutionise the airport check-in processunderwater hotels will become mainstream and space holidaying possibleairbus has developed renderings of their panoramic planes of the future\"]\n", + "from biometric scanning to ipad-controlled hotel rooms , glimpses into the future of travel have already begun popping up in airports and resorts around the world .think : biometric scanning , sustainable hotels and personalised bookingsin 15 years , digital advancements will have made the discovery , planning and booking of a journey into a seamless and intuitive experience .\n", + "skyscanner 's future of travel report predicts personalised hotel visitsbiometric scanning could revolutionise the airport check-in processunderwater hotels will become mainstream and space holidaying possibleairbus has developed renderings of their panoramic planes of the future\n", + "[1.3681444 1.4622818 1.1885456 1.1239846 1.2177883 1.4921038 1.1048096\n", + " 1.0418004 1.0233529 1.0171452 1.1688151 1.0178164 1.0211247 1.0918243\n", + " 1.0251127 1.0433071 1.0750663 1.0968248 0. ]\n", + "\n", + "[ 5 1 0 4 2 10 3 6 17 13 16 15 7 14 8 12 11 9 18]\n", + "=======================\n", + "[\"cleveland cavaliers forward kevin love injured his left shoulder during the first half in game four of the first round of the nba playoffs against the boston celtics on sundaycleveland 's power forward was injured in the first quarter of the cavaliers ' 101-93 victory that completed a four-game sweep when he and boston 's kelly olynyk chased a loose ball into the left corner after jae crowder of the celtics missed a 3-pointer .olynyk was charged with a non-shooting foul .\"]\n", + "=======================\n", + "[\"love dislocated his left shoulder on sunday during a tussle with boston 's kelly olynykolynyk 's right arm became entangled with love 's left arm while his shoulder suddenly popped outhe grabbed his arm and kept running toward the cleveland bench before going to the locker room , where he iced his shoulderi have no doubt in my mind that he did it on purpose , ' love said\"]\n", + "cleveland cavaliers forward kevin love injured his left shoulder during the first half in game four of the first round of the nba playoffs against the boston celtics on sundaycleveland 's power forward was injured in the first quarter of the cavaliers ' 101-93 victory that completed a four-game sweep when he and boston 's kelly olynyk chased a loose ball into the left corner after jae crowder of the celtics missed a 3-pointer .olynyk was charged with a non-shooting foul .\n", + "love dislocated his left shoulder on sunday during a tussle with boston 's kelly olynykolynyk 's right arm became entangled with love 's left arm while his shoulder suddenly popped outhe grabbed his arm and kept running toward the cleveland bench before going to the locker room , where he iced his shoulderi have no doubt in my mind that he did it on purpose , ' love said\n", + "[1.3248656 1.2661316 1.4246249 1.2628138 1.2196472 1.2658784 1.055413\n", + " 1.1453344 1.1211395 1.068842 1.0727392 1.1896296 1.0125378 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 5 3 4 11 7 8 10 9 6 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"arnold quintero , 21 , from san antonio , texas faces a string of charges after the girl told police she was punched and forced to undress in front of her attacker .a man has been arrested after a 13-year-old girl was imprisoned , beaten , sexually assaulted and burned with a lighter in america .she said she had been held in a ` trap ' house between january 21 and february 8 and was punched in the face , resulting in black eyes and a bleeding nose .\"]\n", + "=======================\n", + "['arnold quintero , 21 , from texas was arrested and faces a string of chargesteen , 13 , said she was imprisoned , beaten , sexually assaulted and burnedtold police a lighter was held to her face and she was forced to undressher attacker took photographs and had sex with her , she told detectives']\n", + "arnold quintero , 21 , from san antonio , texas faces a string of charges after the girl told police she was punched and forced to undress in front of her attacker .a man has been arrested after a 13-year-old girl was imprisoned , beaten , sexually assaulted and burned with a lighter in america .she said she had been held in a ` trap ' house between january 21 and february 8 and was punched in the face , resulting in black eyes and a bleeding nose .\n", + "arnold quintero , 21 , from texas was arrested and faces a string of chargesteen , 13 , said she was imprisoned , beaten , sexually assaulted and burnedtold police a lighter was held to her face and she was forced to undressher attacker took photographs and had sex with her , she told detectives\n", + "[1.1988758 1.3768432 1.2476879 1.3592868 1.2596737 1.1709929 1.1589239\n", + " 1.0767804 1.0864122 1.0374182 1.0385523 1.0382586 1.0336921 1.0502396\n", + " 1.0399256 1.0534056 1.0416632 1.0134737 1.0362347]\n", + "\n", + "[ 1 3 4 2 0 5 6 8 7 15 13 16 14 10 11 9 18 12 17]\n", + "=======================\n", + "[\"the experts were able to take control of a so-called telerobot during surgery by exploiting a simple programming trick .researchers at the university of washington studied the telerobot raven ii ( shown ) .they found that robots designed for surgery could be ` easily ' hacked in to .\"]\n", + "=======================\n", + "['researchers at the university of washington studied so-called telerobotsthey found robots designed for surgery could be hacked and manipulatedthis is because robots being tested were operated over public networksit allowed the researchers to access them and stop them working']\n", + "the experts were able to take control of a so-called telerobot during surgery by exploiting a simple programming trick .researchers at the university of washington studied the telerobot raven ii ( shown ) .they found that robots designed for surgery could be ` easily ' hacked in to .\n", + "researchers at the university of washington studied so-called telerobotsthey found robots designed for surgery could be hacked and manipulatedthis is because robots being tested were operated over public networksit allowed the researchers to access them and stop them working\n", + "[1.190643 1.38538 1.2954724 1.2121298 1.1470869 1.1905912 1.1315823\n", + " 1.1493576 1.1057171 1.1365277 1.0876712 1.0337827 1.0525216 1.0363095\n", + " 1.0473275 1.0121962 1.0058286 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 7 4 9 6 8 10 12 14 13 11 15 16 17 18]\n", + "=======================\n", + "[\", the app is officially described as the world 's first global social network for cannabis enthusiasts .the network is designed to let users meet one another online to make friends and form relationships without being judged for their habit or views .for people that like their dating chilled out , an app that 's been dubbed ` tinder for marijuana users ' has just gone global .\"]\n", + "=======================\n", + "['highthere !app lets people swipe profiles to start conversations , like tinderit began life limited to us states were cannabis is legal , but is now globaldenver-based founder insists high there is more than a dating site']\n", + ", the app is officially described as the world 's first global social network for cannabis enthusiasts .the network is designed to let users meet one another online to make friends and form relationships without being judged for their habit or views .for people that like their dating chilled out , an app that 's been dubbed ` tinder for marijuana users ' has just gone global .\n", + "highthere !app lets people swipe profiles to start conversations , like tinderit began life limited to us states were cannabis is legal , but is now globaldenver-based founder insists high there is more than a dating site\n", + "[1.6051834 1.0737247 1.0919335 1.0751841 1.0862008 1.043785 1.1638013\n", + " 1.174853 1.0906385 1.0292459 1.0265151 1.0245467 1.0290953 1.0269651\n", + " 1.0314223 1.0381385 1.0456767 1.0135881 1.0230339 1.0144653 1.0179173\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 7 6 2 8 4 3 1 16 5 15 14 9 12 13 10 11 18 20 19 17 21 22 23]\n", + "=======================\n", + "[\"inter owner erick thohir had warned both sets of players before the game that the ` eyes of the world ' would be fixed on the 214th derby della madonnina .philippe mexes thought he had scored an own goal , as did his keeper diego lopez , but it was ruled out and the game remained goallessformer chelsea defender alex sees his attempt blocked by inter keeper samir handanovic , in one of the game 's few clear-cut chances\"]\n", + "=======================\n", + "['philippe mexes own goal disallowed in controversial circumstancesmilan keeper diego lopez makes several good saves to keep scores leveldraw keeps both sides stuck in mid-table after disappointing seasonsmauro icardi misses late chance to win the game for inter as game ends goalless']\n", + "inter owner erick thohir had warned both sets of players before the game that the ` eyes of the world ' would be fixed on the 214th derby della madonnina .philippe mexes thought he had scored an own goal , as did his keeper diego lopez , but it was ruled out and the game remained goallessformer chelsea defender alex sees his attempt blocked by inter keeper samir handanovic , in one of the game 's few clear-cut chances\n", + "philippe mexes own goal disallowed in controversial circumstancesmilan keeper diego lopez makes several good saves to keep scores leveldraw keeps both sides stuck in mid-table after disappointing seasonsmauro icardi misses late chance to win the game for inter as game ends goalless\n", + "[1.4422905 1.1596403 1.4380515 1.1121007 1.0432965 1.0654699 1.2718816\n", + " 1.1397755 1.0735784 1.0414748 1.0365115 1.0290575 1.0469027 1.1539993\n", + " 1.1226432 1.0486649 1.086196 1.0374941 1.0873564 1.0807705 1.0487828\n", + " 1.0523572 1.0213256 1.0152233]\n", + "\n", + "[ 0 2 6 1 13 7 14 3 18 16 19 8 5 21 20 15 12 4 9 17 10 11 22 23]\n", + "=======================\n", + "[\"bitten : austin hatfield , 18 , found the venomous water moccasin , also known as a cottonmouth , near his wimauma home last week ( pictured is hatfield with the snake that is believed to have bit him )hatfield was rushed to a tampa hospital in critical condition .a florida teen who kept a deadly wild snake in his bedroom as a pet and bragged about how many times he 'd kissed it was bitten on the mouth and rushed to the hospital saturday .\"]\n", + "=======================\n", + "[\"austin hatfield of wimauma was keeping the potentially deadly snake , aka a cottonmouth , in a pillow case in his bedrooma friend said hatfield 's ` not afraid of death ' and the 18-year-old won himself the chance to face death down on saturdayhatfield was rushed to a tampa hospital in critical condition but has since improved and he 's expected to recover\"]\n", + "bitten : austin hatfield , 18 , found the venomous water moccasin , also known as a cottonmouth , near his wimauma home last week ( pictured is hatfield with the snake that is believed to have bit him )hatfield was rushed to a tampa hospital in critical condition .a florida teen who kept a deadly wild snake in his bedroom as a pet and bragged about how many times he 'd kissed it was bitten on the mouth and rushed to the hospital saturday .\n", + "austin hatfield of wimauma was keeping the potentially deadly snake , aka a cottonmouth , in a pillow case in his bedrooma friend said hatfield 's ` not afraid of death ' and the 18-year-old won himself the chance to face death down on saturdayhatfield was rushed to a tampa hospital in critical condition but has since improved and he 's expected to recover\n", + "[1.2445327 1.2805631 1.2922139 1.2008106 1.1946881 1.2437142 1.1241268\n", + " 1.1515847 1.1137844 1.1207078 1.0301342 1.1438749 1.0543177 1.0421429\n", + " 1.0527097 1.1064903 1.07307 1.0338134 1.0267256 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 5 3 4 7 11 6 9 8 15 16 12 14 13 17 10 18 22 19 20 21 23]\n", + "=======================\n", + "[\"neither the dubai carrier nor abu dhabi-based etihad airways would say how close the two planes came to each other .one of the carriers involved , dubai-based emirates , referred to the apparent near-miss as an ` air traffic control incident ' in a statement on wednesday .two passenger jets allegedly came within 25 seconds of a mid-air collision over the arabian sea .\"]\n", + "=======================\n", + "['incident occurred over the arabian sea in mumbai airspacea resolution advisory alarm is sounded if within 25 seconds of collisionboth emirates and etihad say safety of passengers was not compromisedindian officials are now investigating the incident as it was in its airspace']\n", + "neither the dubai carrier nor abu dhabi-based etihad airways would say how close the two planes came to each other .one of the carriers involved , dubai-based emirates , referred to the apparent near-miss as an ` air traffic control incident ' in a statement on wednesday .two passenger jets allegedly came within 25 seconds of a mid-air collision over the arabian sea .\n", + "incident occurred over the arabian sea in mumbai airspacea resolution advisory alarm is sounded if within 25 seconds of collisionboth emirates and etihad say safety of passengers was not compromisedindian officials are now investigating the incident as it was in its airspace\n", + "[1.1933463 1.446877 1.20193 1.2857336 1.1655431 1.1042392 1.1722943\n", + " 1.0866688 1.0856888 1.1087718 1.0722739 1.1380588 1.059631 1.0500268\n", + " 1.0485814 1.0180655 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 6 4 11 9 5 7 8 10 12 13 14 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "['with just over three weeks until polling day , 39 per cent of voters now say they will back the conservatives compared to just 33 per cent for labour , according to the pollsters icm .the shock poll , published this afternoon , comes after the tories unveiled their key election pledge to scrap inheritance tax on family homes worth up to # 1million .the tories have jumped to a six point lead over labour in the polls , putting david cameron within striking distance of an overhaul majority .']\n", + "=======================\n", + "['new polls shows 39 % of voters now say they will back the conservativesthis is compared to just 33 % for labour , according to the pollsters icmcomes after tories pledged to scrap inheritance tax on homes up to # 1mthe conservatives only scored 36 % in the general election in 2010a separate poll published today showed the parties tied on 33 % each']\n", + "with just over three weeks until polling day , 39 per cent of voters now say they will back the conservatives compared to just 33 per cent for labour , according to the pollsters icm .the shock poll , published this afternoon , comes after the tories unveiled their key election pledge to scrap inheritance tax on family homes worth up to # 1million .the tories have jumped to a six point lead over labour in the polls , putting david cameron within striking distance of an overhaul majority .\n", + "new polls shows 39 % of voters now say they will back the conservativesthis is compared to just 33 % for labour , according to the pollsters icmcomes after tories pledged to scrap inheritance tax on homes up to # 1mthe conservatives only scored 36 % in the general election in 2010a separate poll published today showed the parties tied on 33 % each\n", + "[1.3430429 1.331961 1.1749954 1.1583447 1.1214731 1.0350983 1.024514\n", + " 1.0580417 1.0653522 1.0577283 1.1351297 1.1534013 1.1415615 1.048161\n", + " 1.0723078 1.0196873 1.0195743 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 11 12 10 4 14 8 7 9 13 5 6 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"the justice department said tuesday it has opened a civil rights investigation into the death of freddie gray , a black man who suffered a fatal spinal-cord injury under mysterious circumstances after he was handcuffed and put in the back of a police van .baltimore police officials , meanwhile , released the names of six officers who were involved in the arrest and the van transport of the 25-year-old and who 've been suspended pending an investigation .but the developments were cold comfort to hundreds of residents who on tuesday evening took to the streets of west baltimore to protest the police force in gray 's name .\"]\n", + "=======================\n", + "[\"the feds on tuesday opened a civil rights investigation into the death of gray , a black man who suffered a spinal-cord injury while in a police vansix officers were suspended : lt. brian rice , sgt. alicia white , officers caesar goodson , william porter and edward nero and garrett millerhundreds swarmed the streets of west baltimore on tuesday at the site of gray 's arrest and then marched to a police department\"]\n", + "the justice department said tuesday it has opened a civil rights investigation into the death of freddie gray , a black man who suffered a fatal spinal-cord injury under mysterious circumstances after he was handcuffed and put in the back of a police van .baltimore police officials , meanwhile , released the names of six officers who were involved in the arrest and the van transport of the 25-year-old and who 've been suspended pending an investigation .but the developments were cold comfort to hundreds of residents who on tuesday evening took to the streets of west baltimore to protest the police force in gray 's name .\n", + "the feds on tuesday opened a civil rights investigation into the death of gray , a black man who suffered a spinal-cord injury while in a police vansix officers were suspended : lt. brian rice , sgt. alicia white , officers caesar goodson , william porter and edward nero and garrett millerhundreds swarmed the streets of west baltimore on tuesday at the site of gray 's arrest and then marched to a police department\n", + "[1.2933584 1.438755 1.2505515 1.3390989 1.1642454 1.1078124 1.103404\n", + " 1.1003616 1.1166584 1.0855459 1.0372 1.0504324 1.045456 1.0561467\n", + " 1.0767139 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 8 5 6 7 9 14 13 11 12 10 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"the incredible weather event took place in siberia 's third largest city , krasnoyarsk , and shows the moment snow and sleet plunge the yenisei river into darkness .the snowstorm moved at a speed of 45mph and engulfed the kommunalnyi bridge in a matter of secondsa video maker captured the storm , which initially it looks like a large white cloud , from the bank of a river .\"]\n", + "=======================\n", + "[\"the cyclone travelled through siberia 's third largest city , krasnoyarskvideo captures the snowstorm engulfing the kommunalnyi bridgeflakes of snow become bigger as visibility reduces drastically\"]\n", + "the incredible weather event took place in siberia 's third largest city , krasnoyarsk , and shows the moment snow and sleet plunge the yenisei river into darkness .the snowstorm moved at a speed of 45mph and engulfed the kommunalnyi bridge in a matter of secondsa video maker captured the storm , which initially it looks like a large white cloud , from the bank of a river .\n", + "the cyclone travelled through siberia 's third largest city , krasnoyarskvideo captures the snowstorm engulfing the kommunalnyi bridgeflakes of snow become bigger as visibility reduces drastically\n", + "[1.2466412 1.3772142 1.21558 1.2713366 1.078309 1.0426106 1.0316745\n", + " 1.0291857 1.0216601 1.0211054 1.0269487 1.030324 1.187314 1.0762831\n", + " 1.047337 1.0197167 1.0569755 1.0996839 1.1286523 1.089338 1.0960618\n", + " 1.0516422 1.0716839]\n", + "\n", + "[ 1 3 0 2 12 18 17 20 19 4 13 22 16 21 14 5 6 11 7 10 8 9 15]\n", + "=======================\n", + "[\"and not only did the airline come out on top , it scored a perfect 100 in the research by travel site wanderbat , which ranked the top 22 airlines around the world .travel site , wanderbat , has found qatar airways to be the world 's most reliable airlinefollowed closely by emirates and china eastern , the top three airlines showed how the gulf and asia are dominating the travel market .\"]\n", + "=======================\n", + "['travel site , wanderbat , evaluated the reliability of top international airlinesconsidered : on-time performance , flight record , checked baggage costsqatar airways received a perfect 100-point score , followed by emirates']\n", + "and not only did the airline come out on top , it scored a perfect 100 in the research by travel site wanderbat , which ranked the top 22 airlines around the world .travel site , wanderbat , has found qatar airways to be the world 's most reliable airlinefollowed closely by emirates and china eastern , the top three airlines showed how the gulf and asia are dominating the travel market .\n", + "travel site , wanderbat , evaluated the reliability of top international airlinesconsidered : on-time performance , flight record , checked baggage costsqatar airways received a perfect 100-point score , followed by emirates\n", + "[1.2560982 1.3235626 1.322018 1.2795635 1.2237189 1.2590606 1.1989694\n", + " 1.1373186 1.048275 1.0336549 1.0378109 1.0800393 1.0883517 1.0634799\n", + " 1.0848631 1.0513473 1.1128767 1.066556 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 5 0 4 6 7 16 12 14 11 17 13 15 8 10 9 18 19 20 21 22]\n", + "=======================\n", + "[\"at about 10.30 pm on saturday night , police received a number of complaints about a dangerously large party at an abandoned industrial area on mcpherson street in botany .on police officer was hit by a bottle and was taken to hospital to have glass removed from his headtwo police officers have sustained injuries after attempting to close down an enormous 1000 person rave in sydney 's east .\"]\n", + "=======================\n", + "[\"police officers have shut down an enormous 1000 rave in sydney 's eastthey were called to abandoned industrial area in botany on saturday nightpolice were forced to use capsicum spray on the group after back up cameone officer had glass removed from his head after the crowd threw bottlesa woman was arrested and is being questioned after assaulting an officer\"]\n", + "at about 10.30 pm on saturday night , police received a number of complaints about a dangerously large party at an abandoned industrial area on mcpherson street in botany .on police officer was hit by a bottle and was taken to hospital to have glass removed from his headtwo police officers have sustained injuries after attempting to close down an enormous 1000 person rave in sydney 's east .\n", + "police officers have shut down an enormous 1000 rave in sydney 's eastthey were called to abandoned industrial area in botany on saturday nightpolice were forced to use capsicum spray on the group after back up cameone officer had glass removed from his head after the crowd threw bottlesa woman was arrested and is being questioned after assaulting an officer\n", + "[1.1623158 1.5291791 1.1418447 1.2598722 1.1949421 1.1276851 1.0799667\n", + " 1.0180902 1.0171565 1.1470797 1.1719749 1.1739722 1.0823168 1.0782424\n", + " 1.0693527 1.0767922 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 4 11 10 0 9 2 5 12 6 13 15 14 7 8 16 17 18 19 20 21 22]\n", + "=======================\n", + "['the swimmer was in the water in florida when she was filmed screaming out in horror as a giant manatee floated past just inches away .harmless : manatees are plant-eating creatures that can grow up to 13ft and have a top speed of just 5mph ( file picture )frightened : the young swimmer managed to avoid coming into contact with the sea cow , which came in to view a number of times during the short clip']\n", + "=======================\n", + "['swimmer uses selfie-stick to film her reaction when manatee floats pastfrightened spring-breaker was in water in florida when she took footagethe short clip shows the giant herbivorous creature passing within inches']\n", + "the swimmer was in the water in florida when she was filmed screaming out in horror as a giant manatee floated past just inches away .harmless : manatees are plant-eating creatures that can grow up to 13ft and have a top speed of just 5mph ( file picture )frightened : the young swimmer managed to avoid coming into contact with the sea cow , which came in to view a number of times during the short clip\n", + "swimmer uses selfie-stick to film her reaction when manatee floats pastfrightened spring-breaker was in water in florida when she took footagethe short clip shows the giant herbivorous creature passing within inches\n", + "[1.0745547 1.1763567 1.0792316 1.2384589 1.1665754 1.376218 1.2347534\n", + " 1.0367163 1.0235056 1.0312428 1.0225035 1.0207319 1.0660753 1.2576339\n", + " 1.0211562 1.0171885 1.0201 1.0147865 1.0180683 1.0837517 1.113748\n", + " 0. 0. ]\n", + "\n", + "[ 5 13 3 6 1 4 20 19 2 0 12 7 9 8 10 14 11 16 18 15 17 21 22]\n", + "=======================\n", + "[\"callum wilson celebrates after opening the scoring for bournemouth in the fourth minutebut , as of yet , the cherries are n't choking , callum wilson 's 22nd goal of the season setting them on their way to a third successive win at the madejski stadium .manager eddie howe would testify to that .\"]\n", + "=======================\n", + "[\"callum wilson opened the scoring for bournemouth in the fourth minuteit was wilson 's 22nd goal of the season for the cherriesbournemouth are ahead of norwich at the top of the table by one point\"]\n", + "callum wilson celebrates after opening the scoring for bournemouth in the fourth minutebut , as of yet , the cherries are n't choking , callum wilson 's 22nd goal of the season setting them on their way to a third successive win at the madejski stadium .manager eddie howe would testify to that .\n", + "callum wilson opened the scoring for bournemouth in the fourth minuteit was wilson 's 22nd goal of the season for the cherriesbournemouth are ahead of norwich at the top of the table by one point\n", + "[1.3326538 1.3131001 1.1550976 1.0698291 1.1032829 1.0931898 1.0507427\n", + " 1.1849055 1.1630478 1.0596918 1.085586 1.0194248 1.0463854 1.0374243\n", + " 1.0435916 1.0234134 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 7 8 2 4 5 10 3 9 6 12 14 13 15 11 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"the surrender of confederate gen. robert e. lee to union lt. gen. ulysses s. grant 150 years ago on thursday was a milestone event in the end of the civil war .thursday 's commemoration in appomattox , virginia , included a reenactment of lee 's last clash with grant 's troops and of the confederate surrender in a virginia farmhouse on april 9 , 1865 .lee 's forces were in a state of growing disarray in the hours before lee formally called it quits .\"]\n", + "=======================\n", + "['confederate gen. robert e. lee surrendered to union lt. gen. ulysses s. grant on april 9 , 1865the surrender in appomattox , virginia , is considered a milestone event in the ending of the civil warre-enactors gathered in appomattax for a re-enactment of the battle of appomattox courthouse']\n", + "the surrender of confederate gen. robert e. lee to union lt. gen. ulysses s. grant 150 years ago on thursday was a milestone event in the end of the civil war .thursday 's commemoration in appomattox , virginia , included a reenactment of lee 's last clash with grant 's troops and of the confederate surrender in a virginia farmhouse on april 9 , 1865 .lee 's forces were in a state of growing disarray in the hours before lee formally called it quits .\n", + "confederate gen. robert e. lee surrendered to union lt. gen. ulysses s. grant on april 9 , 1865the surrender in appomattox , virginia , is considered a milestone event in the ending of the civil warre-enactors gathered in appomattax for a re-enactment of the battle of appomattox courthouse\n", + "[1.370297 1.3637525 1.3027235 1.4969879 1.1524041 1.0351505 1.0357928\n", + " 1.0150132 1.0301347 1.0151244 1.0755523 1.1448854 1.0801255 1.0841552\n", + " 1.0835555 1.0303358 1.0207909 1.0214653 1.015355 1.021787 1.0501287\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 2 4 11 13 14 12 10 20 6 5 15 8 19 17 16 18 9 7 21 22 23]\n", + "=======================\n", + "['xabi alonso could become only the second player to win the champions league with three different teamsif bayern munich manage to overturn the 3-1 champions league quarter-final first leg scoreline handed to them by porto last week , xabi alonso will have his eyes on a very special record .the only other player to have done so is ac milan legend clarence seedorf , who lifted the famous piece of silverware for ajax , real madrid and milan .']\n", + "=======================\n", + "[\"xabi alonso won uefa champions league with liverpool and real madridhe scored the vital equaliser for the reds in his first season at the clubthe spaniard was in real madrid 's triumphant side last seasonclarence seedorf won with ajax , real madrid and twice with ac milanbayern suffered 3-1 quarter-final first leg defeat against portothiago motta has also won european trophy with two different clubs\"]\n", + "xabi alonso could become only the second player to win the champions league with three different teamsif bayern munich manage to overturn the 3-1 champions league quarter-final first leg scoreline handed to them by porto last week , xabi alonso will have his eyes on a very special record .the only other player to have done so is ac milan legend clarence seedorf , who lifted the famous piece of silverware for ajax , real madrid and milan .\n", + "xabi alonso won uefa champions league with liverpool and real madridhe scored the vital equaliser for the reds in his first season at the clubthe spaniard was in real madrid 's triumphant side last seasonclarence seedorf won with ajax , real madrid and twice with ac milanbayern suffered 3-1 quarter-final first leg defeat against portothiago motta has also won european trophy with two different clubs\n", + "[1.0922391 1.115688 1.080445 1.1356306 1.3692148 1.2802541 1.0686353\n", + " 1.0328037 1.0276024 1.0381552 1.0224059 1.0869336 1.0534525 1.0828768\n", + " 1.0349091 1.0450305 1.0263898 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 4 5 3 1 0 11 13 2 6 12 15 9 14 7 8 16 10 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"but the fatal decision was to try and wash the children , toddler joe and five-year-old anna , after arriving in a tired and tetchy state at camping la chapelle .our journey to argeles-sur-mer on france 's mediterranean coast went without a hitch , despite being in the minority of travellers flying , then hiring a car , rather than driving all the way .my hazy memories of similar family holidays as a child were of slow days spent on pine-scented campsites , punctuated by trips to sun-soaked beaches .\"]\n", + "=======================\n", + "['chris greenwood travelled with his family to argeles-sur-mer , franceit offers water slides and a heated pool with a retractable roofport of collioure , located nearby , has a beach perfect for swimming']\n", + "but the fatal decision was to try and wash the children , toddler joe and five-year-old anna , after arriving in a tired and tetchy state at camping la chapelle .our journey to argeles-sur-mer on france 's mediterranean coast went without a hitch , despite being in the minority of travellers flying , then hiring a car , rather than driving all the way .my hazy memories of similar family holidays as a child were of slow days spent on pine-scented campsites , punctuated by trips to sun-soaked beaches .\n", + "chris greenwood travelled with his family to argeles-sur-mer , franceit offers water slides and a heated pool with a retractable roofport of collioure , located nearby , has a beach perfect for swimming\n", + "[1.2711017 1.5412505 1.2869112 1.3232577 1.0687457 1.1132984 1.037515\n", + " 1.0499104 1.1181005 1.0348257 1.0670096 1.0205282 1.0753698 1.0952507\n", + " 1.053348 1.0189091 1.0239408 1.0785522 1.1544224 1.0106281 1.0256664\n", + " 1.0199628 1.0164505 1.0811824]\n", + "\n", + "[ 1 3 2 0 18 8 5 13 23 17 12 4 10 14 7 6 9 20 16 11 21 15 22 19]\n", + "=======================\n", + "[\"qpr had lost 13 of 14 league away games before saturday 's vital 4-1 victory at west brom .chris ramsey urges his players to calm down during the 4-1 win against west brom on saturdaythe win also saw the west london club to end a five-game losing run , while they remain in 19th place just three points adrift of safety .\"]\n", + "=======================\n", + "[\"qpr beat west brom 4-1 away from home on saturday in bid to beat dropclub remain 19th in the premier league but are three points from safetychris ramsey 's side face aston villa in crunch match on tuesdayqpr manager says his players have belief that they can stay up\"]\n", + "qpr had lost 13 of 14 league away games before saturday 's vital 4-1 victory at west brom .chris ramsey urges his players to calm down during the 4-1 win against west brom on saturdaythe win also saw the west london club to end a five-game losing run , while they remain in 19th place just three points adrift of safety .\n", + "qpr beat west brom 4-1 away from home on saturday in bid to beat dropclub remain 19th in the premier league but are three points from safetychris ramsey 's side face aston villa in crunch match on tuesdayqpr manager says his players have belief that they can stay up\n", + "[1.216207 1.2524179 1.3119055 1.3010573 1.186309 1.1201453 1.0931616\n", + " 1.0598401 1.1084303 1.1354064 1.1026319 1.0574188 1.033645 1.0134553\n", + " 1.033033 1.0520092 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 0 4 9 5 8 10 6 7 11 15 12 14 13 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"now the pair , from buckinghamshire , who are now aged 11 and nine , have given an interview to children 's tv programme newsround , to talk about the video that changed their lives .the boys are they are not : harry ( left ) is now 11 , whilst his younger brother charlie ( right ) is now ninein it , a small boy named harry davies-carr is seen happily sitting with his baby brother charlie on his lap - until charlie painfully makes a snap for one of his older sibling 's digits .\"]\n", + "=======================\n", + "[\"harry and charlie davies-carr starred in the clip some eight years agoin the video charlie bites his older brother 's fingerthe film was originally made to send to the pairs ' godfather in americait has since amassed 816million views on youtube\"]\n", + "now the pair , from buckinghamshire , who are now aged 11 and nine , have given an interview to children 's tv programme newsround , to talk about the video that changed their lives .the boys are they are not : harry ( left ) is now 11 , whilst his younger brother charlie ( right ) is now ninein it , a small boy named harry davies-carr is seen happily sitting with his baby brother charlie on his lap - until charlie painfully makes a snap for one of his older sibling 's digits .\n", + "harry and charlie davies-carr starred in the clip some eight years agoin the video charlie bites his older brother 's fingerthe film was originally made to send to the pairs ' godfather in americait has since amassed 816million views on youtube\n", + "[1.2470527 1.4910977 1.1270275 1.1048028 1.2866095 1.2859081 1.1033934\n", + " 1.0614752 1.162443 1.0711998 1.045797 1.0527059 1.0475562 1.0500301\n", + " 1.0849729 1.0937737 1.1599332 1.1374408 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 5 0 8 16 17 2 3 6 15 14 9 7 11 13 12 10 26 25 24 23 20 21\n", + " 19 18 27 22 28]\n", + "=======================\n", + "['spencer gerlach , 20 , told police that he and his ex-wife keltsie gerlach were having a dispute on wednesday afternoon that escalated into murder .tragic murder : keltsie gerlach was found in the living room stabbed to death as her 15-month-old baby girl ( right ) was sleeping in the next rooma utah man confessed to stabbing his ex-wife to death on wednesday when he called 911 and turned himself in .']\n", + "=======================\n", + "['spencer gerlach , 20 , admitted to stabbing his ex-wife keltsie gerlach to death as their 15-month-old daughter slept in the next roomthe baby girl was unharmed and was taken into custody by child servicesthe cause of argument that led to the murder is unknownspencer faces first-degree murder charges and was booked at elder county jail']\n", + "spencer gerlach , 20 , told police that he and his ex-wife keltsie gerlach were having a dispute on wednesday afternoon that escalated into murder .tragic murder : keltsie gerlach was found in the living room stabbed to death as her 15-month-old baby girl ( right ) was sleeping in the next rooma utah man confessed to stabbing his ex-wife to death on wednesday when he called 911 and turned himself in .\n", + "spencer gerlach , 20 , admitted to stabbing his ex-wife keltsie gerlach to death as their 15-month-old daughter slept in the next roomthe baby girl was unharmed and was taken into custody by child servicesthe cause of argument that led to the murder is unknownspencer faces first-degree murder charges and was booked at elder county jail\n", + "[1.1201692 1.2711365 1.0374389 1.037551 1.048625 1.1715505 1.152563\n", + " 1.2619958 1.1565753 1.0484235 1.3534145 1.0491518 1.0262932 1.025379\n", + " 1.0249228 1.0376163 1.0760056 1.0357778 1.0708983 1.1335644 1.0909457\n", + " 1.0101602 1.0092711 1.0097584 1.007395 1.0077672 1.0078492 1.007793\n", + " 1.0110612]\n", + "\n", + "[10 1 7 5 8 6 19 0 20 16 18 11 4 9 15 3 2 17 12 13 14 28 21 23\n", + " 22 26 27 25 24]\n", + "=======================\n", + "['manchester city lead liverpool by four points and each has played 32 games .they are top of the league with six games to go and only manchester city are better placed , theoretically , with two games in hand to make up a four-point deficit .man city currently have a four-point lead over liverpool in the race for the final champions league place']\n", + "=======================\n", + "['12 months ago , it was man city who reeled in liverpool to win the leaguenow , the boot is on the other foot as reds hunt fourth placethe gap currently stands at four points but city are in freefallderby loss to man united has increased the pressure on manuel pellegriniliverpool , by contrast , may have come good at the perfect momentmissing out on champions league is unthinkable for both clubs']\n", + "manchester city lead liverpool by four points and each has played 32 games .they are top of the league with six games to go and only manchester city are better placed , theoretically , with two games in hand to make up a four-point deficit .man city currently have a four-point lead over liverpool in the race for the final champions league place\n", + "12 months ago , it was man city who reeled in liverpool to win the leaguenow , the boot is on the other foot as reds hunt fourth placethe gap currently stands at four points but city are in freefallderby loss to man united has increased the pressure on manuel pellegriniliverpool , by contrast , may have come good at the perfect momentmissing out on champions league is unthinkable for both clubs\n", + "[1.2330863 1.4297391 1.3269234 1.2873759 1.2503126 1.1924521 1.0479093\n", + " 1.0190992 1.0976021 1.0558629 1.0612217 1.0310017 1.1187363 1.0751001\n", + " 1.076227 1.043978 1.0561469 1.0603163 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 4 0 5 12 8 14 13 10 17 16 9 6 15 11 7 26 25 24 23 18 21\n", + " 20 19 27 22 28]\n", + "=======================\n", + "[\"clinicians are in an ` impossible situation ' as a result of the king family 's flight to spain after disagreeing with doctors who were treating him in the uk .doctors and nurses who treated ashya king have criticised his parents while speaking out for the first time in a bbc documentary .ashya was being treated in southampton when his parents took him from the hospital and fled abroad without telling staff last year .\"]\n", + "=======================\n", + "[\"doctors and nurses have criticised ashya 's parents in bbc documentaryconsultant warns case - which saw parents ignore medical advice to take ashya to prague for proton beam therapy - could set a worrying precedentnhs agreed to pay for ashya 's treatment , and family now say he is cured\"]\n", + "clinicians are in an ` impossible situation ' as a result of the king family 's flight to spain after disagreeing with doctors who were treating him in the uk .doctors and nurses who treated ashya king have criticised his parents while speaking out for the first time in a bbc documentary .ashya was being treated in southampton when his parents took him from the hospital and fled abroad without telling staff last year .\n", + "doctors and nurses have criticised ashya 's parents in bbc documentaryconsultant warns case - which saw parents ignore medical advice to take ashya to prague for proton beam therapy - could set a worrying precedentnhs agreed to pay for ashya 's treatment , and family now say he is cured\n", + "[1.3157263 1.2356149 1.1432682 1.3325366 1.2852733 1.2592728 1.1273065\n", + " 1.1469158 1.0549527 1.0089737 1.0119706 1.1029296 1.1094475 1.0391552\n", + " 1.0504302 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 0 4 5 1 7 2 6 12 11 8 14 13 10 9 26 25 24 23 22 21 20 18 17\n", + " 16 15 27 19 28]\n", + "=======================\n", + "[\"wayne rooney ( left ) and ashley young were among the manchester united stars who made the trip to london via train on friday ahead of this weekend 's premier league clash at chelseathey 've steamrolled past top-four rivals tottenham , liverpool and manchester city in their current six-game premier league winning streak , and manchester united are looking to make it seventh heaven when they travel to table-toppers chelsea on saturday .united boss louis van gaal faces a number of selection dilemmas ahead of their clash against the blues\"]\n", + "=======================\n", + "['manchester united travel to chelsea in the premier league on saturdayred devils squad head down to london on friday ahead of showdownunited have won six straight games prior to their meeting with the bluesbut louis van gaal will travel to stamford bridge without several key menphil jones , marcos rojo , michael carrick and daley blind are all sidelinedunited captain wayne rooney may have to revert back to holding midfield']\n", + "wayne rooney ( left ) and ashley young were among the manchester united stars who made the trip to london via train on friday ahead of this weekend 's premier league clash at chelseathey 've steamrolled past top-four rivals tottenham , liverpool and manchester city in their current six-game premier league winning streak , and manchester united are looking to make it seventh heaven when they travel to table-toppers chelsea on saturday .united boss louis van gaal faces a number of selection dilemmas ahead of their clash against the blues\n", + "manchester united travel to chelsea in the premier league on saturdayred devils squad head down to london on friday ahead of showdownunited have won six straight games prior to their meeting with the bluesbut louis van gaal will travel to stamford bridge without several key menphil jones , marcos rojo , michael carrick and daley blind are all sidelinedunited captain wayne rooney may have to revert back to holding midfield\n", + "[1.2413216 1.2899117 1.3509322 1.2767065 1.244124 1.1784014 1.1677207\n", + " 1.0611159 1.1047198 1.0935056 1.0810837 1.0120329 1.0263249 1.0559294\n", + " 1.120228 1.039753 1.0528146 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 3 4 0 5 6 14 8 9 10 7 13 16 15 12 11 26 25 24 23 22 18 20\n", + " 19 17 27 21 28]\n", + "=======================\n", + "['it comes almost one year after he was first hospitalized following a tragic accident which claimed the life of his friend james mcnair and injured three others .still , he appeared to strain and wince as he joined his fiancee megan wollover and their daughter maven as they did some shopping in new jersey .morgan suffered a traumatic brain injury as well as a broken leg , a broken nose and broken ribs in the accident .']\n", + "=======================\n", + "[\"tracy morgan was seen in public looking greatly improved as he walked with a cane on monday , almost a year after his horrific auto accidentthe actor , who suffered a traumatic brain injury as well as a broken leg , a broken nose and broken ribs , was seen walking with a slight limpmorgan was accompanied by his fiancee megan wollover and their daughter maven for a shopping trip in new jerseythis as his lawyer has revealed the actor may never return to ` the way he was ' as the extent of his brain injuries are still unknownthree of morgan 's friends were injured and one , james mcnair , was killed in the crash that occurred when their bus was rammed by a wal-mart truckthe driver of the truck , kevin roper , is facing a criminal case in new jersey , and morgan has filed a lawsuit against wal-mart\"]\n", + "it comes almost one year after he was first hospitalized following a tragic accident which claimed the life of his friend james mcnair and injured three others .still , he appeared to strain and wince as he joined his fiancee megan wollover and their daughter maven as they did some shopping in new jersey .morgan suffered a traumatic brain injury as well as a broken leg , a broken nose and broken ribs in the accident .\n", + "tracy morgan was seen in public looking greatly improved as he walked with a cane on monday , almost a year after his horrific auto accidentthe actor , who suffered a traumatic brain injury as well as a broken leg , a broken nose and broken ribs , was seen walking with a slight limpmorgan was accompanied by his fiancee megan wollover and their daughter maven for a shopping trip in new jerseythis as his lawyer has revealed the actor may never return to ` the way he was ' as the extent of his brain injuries are still unknownthree of morgan 's friends were injured and one , james mcnair , was killed in the crash that occurred when their bus was rammed by a wal-mart truckthe driver of the truck , kevin roper , is facing a criminal case in new jersey , and morgan has filed a lawsuit against wal-mart\n", + "[1.1361477 1.2203614 1.2382782 1.3257432 1.1543076 1.1365727 1.0592345\n", + " 1.0427421 1.196784 1.0887663 1.0460875 1.062701 1.0477118 1.1900042\n", + " 1.0613012 1.1246313 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 8 13 4 5 0 15 9 11 14 6 12 10 7 16 17 18 19 20]\n", + "=======================\n", + "['revealed : the 121-foot brig of the james mcbride , which ran aground during a storm on october 19 , 1857 , has been revealed following ice-melt in lake michiganthe soul-stirring images were snapped during a routine helicopter patrol by the u.s. coast guard , who had a perfect view of normally obscured wreckage in an area where many ships foundered in the 19th and early 20th centuries .the unusual transparency has been caused by surface ice melting , unveiling the boat graveyard at the bottom of the great lake , before organisms like plankton conceal them once more .']\n", + "=======================\n", + "['ice melt has revealed the wrecks of vessels including the james mcbride ( 1857 ) and the rising sun ( 1917 )beach erosion , waves , wind and variable water levels are said to be behind wrecks exposureeerie images were taken from a helicopter by the coast guard from traverse city during routine patrol']\n", + "revealed : the 121-foot brig of the james mcbride , which ran aground during a storm on october 19 , 1857 , has been revealed following ice-melt in lake michiganthe soul-stirring images were snapped during a routine helicopter patrol by the u.s. coast guard , who had a perfect view of normally obscured wreckage in an area where many ships foundered in the 19th and early 20th centuries .the unusual transparency has been caused by surface ice melting , unveiling the boat graveyard at the bottom of the great lake , before organisms like plankton conceal them once more .\n", + "ice melt has revealed the wrecks of vessels including the james mcbride ( 1857 ) and the rising sun ( 1917 )beach erosion , waves , wind and variable water levels are said to be behind wrecks exposureeerie images were taken from a helicopter by the coast guard from traverse city during routine patrol\n", + "[1.5229332 1.3572206 1.2483658 1.2182877 1.0874236 1.1391507 1.1225317\n", + " 1.1141785 1.112179 1.1290009 1.0377492 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 5 9 6 7 8 4 10 11 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "['( cnn ) chinese police have arrested more than 133,000 people and seized 43.3 tons of illegal narcotics during a six-month anti-drug campaign , the country \\'s ministry of public security has announced .the figures were nearly double the same period a year earlier , while the amount of narcotics seized was up by 44.9 % , according to the ministry .liu said drug trafficking groups have \" suffered a heavy blow \" and drug users have been \" forcefully regulated . \"']\n", + "=======================\n", + "[\"police arrest 133,000 people and seize 43.3 tons of narcotics in a six-month periodchina launches a new online campaign to crack down on online drug crimescelebrities have been embroiled in the nation 's intensifying anti-drug campaign\"]\n", + "( cnn ) chinese police have arrested more than 133,000 people and seized 43.3 tons of illegal narcotics during a six-month anti-drug campaign , the country 's ministry of public security has announced .the figures were nearly double the same period a year earlier , while the amount of narcotics seized was up by 44.9 % , according to the ministry .liu said drug trafficking groups have \" suffered a heavy blow \" and drug users have been \" forcefully regulated . \"\n", + "police arrest 133,000 people and seize 43.3 tons of narcotics in a six-month periodchina launches a new online campaign to crack down on online drug crimescelebrities have been embroiled in the nation 's intensifying anti-drug campaign\n", + "[1.1515361 1.234588 1.4353509 1.3022127 1.3889694 1.3127718 1.030078\n", + " 1.0549769 1.0264627 1.0310724 1.03565 1.017331 1.0248336 1.017944\n", + " 1.0821007 1.0615395 1.0681393 1.0507659 1.0482585 0. 0. ]\n", + "\n", + "[ 2 4 5 3 1 0 14 16 15 7 17 18 10 9 6 8 12 13 11 19 20]\n", + "=======================\n", + "[\"the shoe that grows uses adjustable buckles and a strap on the toe to expand by five sizes .kenton lee , from nampa , idaho , came up with the idea while working in nairobi in kenya after seeing children running around barefoot and in shoes several sizes too smallas any parent will know , children 's feet will often grow faster than it is possible to buy them new shoes to keep them shod .\"]\n", + "=======================\n", + "['sandal uses adjustable buckles and a strap on the toe to expand in sizekenton lee dreamt up the shoe after seeing children in kenya barefoothe hopes the shoes will help children in orphanages in poorer countrieschildren from one to six years old can go up a shoe size in a few months']\n", + "the shoe that grows uses adjustable buckles and a strap on the toe to expand by five sizes .kenton lee , from nampa , idaho , came up with the idea while working in nairobi in kenya after seeing children running around barefoot and in shoes several sizes too smallas any parent will know , children 's feet will often grow faster than it is possible to buy them new shoes to keep them shod .\n", + "sandal uses adjustable buckles and a strap on the toe to expand in sizekenton lee dreamt up the shoe after seeing children in kenya barefoothe hopes the shoes will help children in orphanages in poorer countrieschildren from one to six years old can go up a shoe size in a few months\n", + "[1.4825023 1.4253546 1.1604288 1.3451341 1.2230344 1.0909586 1.170034\n", + " 1.1821064 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 4 7 6 2 5 18 17 16 15 14 10 12 11 19 9 8 13 20]\n", + "=======================\n", + "[\"china 's ding junhui suffered a bizarre lapse of concentration which ended his chance of a rare maximum 147 break at the world snooker championship on tuesday .ding potted 12 reds and 12 blacks to rack up 96 points but after knocking in the 13th red he screwed back up the table to get position on the blue .ding jinhui was on for a maxumum break of 147 before screwing back for the blue instead of the black\"]\n", + "=======================\n", + "['ding jinhui potted 12 reds and 12 blacks to rack up 96 points in breakbut chinese star screwed back for the blue instead of the blackworld no 3 ding realised what he had done and held his head in his handshe then started to giggle along with his first-round opponent mark davisding would have pocketed # 30,000 for maximum 147 break at the crucibleworld snooker championships taking place in sheffield']\n", + "china 's ding junhui suffered a bizarre lapse of concentration which ended his chance of a rare maximum 147 break at the world snooker championship on tuesday .ding potted 12 reds and 12 blacks to rack up 96 points but after knocking in the 13th red he screwed back up the table to get position on the blue .ding jinhui was on for a maxumum break of 147 before screwing back for the blue instead of the black\n", + "ding jinhui potted 12 reds and 12 blacks to rack up 96 points in breakbut chinese star screwed back for the blue instead of the blackworld no 3 ding realised what he had done and held his head in his handshe then started to giggle along with his first-round opponent mark davisding would have pocketed # 30,000 for maximum 147 break at the crucibleworld snooker championships taking place in sheffield\n", + "[1.1718371 1.2205361 1.3475602 1.2626748 1.1963804 1.0156033 1.0970157\n", + " 1.2131652 1.1271765 1.1263721 1.092171 1.0788598 1.0395565 1.0399528\n", + " 1.0584927 1.0381627 1.0120987 1.0123152 1.0346897 1.0276754 1.0294029]\n", + "\n", + "[ 2 3 1 7 4 0 8 9 6 10 11 14 13 12 15 18 20 19 5 17 16]\n", + "=======================\n", + "['there are a rising number of firms in the us that sell biscuits containing cannabidiol extracted from hemp , believed to alleviate joint pains , treat mood disorders and even help animals lose weight .and now its medicinal properties are being used by pet owners to treat their cats and dogs .cannabis plants contain more than 60 unique compounds called cannabinoids .']\n", + "=======================\n", + "[\"dubbed ` pet-pot ' , snacks are used to treat joint pain and mood disordersthey are sold by a number of firms in the us such as auntie deloresbiscuits contain high levels of legal cannabidiol , also known as cbdit has been known to alleviate joint pains and treat mood disorders\"]\n", + "there are a rising number of firms in the us that sell biscuits containing cannabidiol extracted from hemp , believed to alleviate joint pains , treat mood disorders and even help animals lose weight .and now its medicinal properties are being used by pet owners to treat their cats and dogs .cannabis plants contain more than 60 unique compounds called cannabinoids .\n", + "dubbed ` pet-pot ' , snacks are used to treat joint pain and mood disordersthey are sold by a number of firms in the us such as auntie deloresbiscuits contain high levels of legal cannabidiol , also known as cbdit has been known to alleviate joint pains and treat mood disorders\n", + "[1.160984 1.5301207 1.3427387 1.3740613 1.271085 1.1804594 1.0797502\n", + " 1.0880951 1.0687987 1.1076441 1.067589 1.0334157 1.0761355 1.1112425\n", + " 1.0490962 1.0533626 1.0588826 1.0295894 1.0233415 1.0232742]\n", + "\n", + "[ 1 3 2 4 5 0 13 9 7 6 12 8 10 16 15 14 11 17 18 19]\n", + "=======================\n", + "['shannon carter , 21 , repeatedly struck 20-year-old amelia gledhill with the shoe after a row broke out between their friends on a night out in bradford .ms gledhill is said to have been left traumatised by the incident and is still having problems with her eyesight .ms gledhill still has a scar above her right eye']\n", + "=======================\n", + "['shannon carter , 21 , repeatedly hit amelia gledhill , 20 , in a bradford clubms gledhill left with blurred vision , wounds , bruises and scars , court heardcarter jailed for three-and-a-half years after pleading guilty to wounding']\n", + "shannon carter , 21 , repeatedly struck 20-year-old amelia gledhill with the shoe after a row broke out between their friends on a night out in bradford .ms gledhill is said to have been left traumatised by the incident and is still having problems with her eyesight .ms gledhill still has a scar above her right eye\n", + "shannon carter , 21 , repeatedly hit amelia gledhill , 20 , in a bradford clubms gledhill left with blurred vision , wounds , bruises and scars , court heardcarter jailed for three-and-a-half years after pleading guilty to wounding\n", + "[1.3434385 1.488384 1.1415745 1.2347182 1.3577629 1.0385906 1.1656199\n", + " 1.1733377 1.2453561 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 8 3 7 6 2 5 17 16 15 14 9 12 11 10 18 13 19]\n", + "=======================\n", + "['world no 2 sharapova rarely plays fed cup , citing a busy schedule , but will be part of the russian team facing germany on april 18-19 in sochi .maria sharapova has been confirmed to play for the russia team in the fed cup semi-finals next weekrussia captain anastasia myskina , a former french open champion , has also picked svetlana kuznetsova , anastasia pavlyuchenkova and elena vesnina .']\n", + "=======================\n", + "[\"maria sharapova will play for russia in the fed cup semi-finalsrussia host germany in the 2014 winter olympics host city of sochiplaying helps sharapova become eligible for next year 's summer olympics\"]\n", + "world no 2 sharapova rarely plays fed cup , citing a busy schedule , but will be part of the russian team facing germany on april 18-19 in sochi .maria sharapova has been confirmed to play for the russia team in the fed cup semi-finals next weekrussia captain anastasia myskina , a former french open champion , has also picked svetlana kuznetsova , anastasia pavlyuchenkova and elena vesnina .\n", + "maria sharapova will play for russia in the fed cup semi-finalsrussia host germany in the 2014 winter olympics host city of sochiplaying helps sharapova become eligible for next year 's summer olympics\n", + "[1.2768886 1.1743315 1.1200713 1.0734674 1.4476892 1.1093138 1.0334109\n", + " 1.2043126 1.1307857 1.0285443 1.030515 1.1486168 1.0207416 1.0554804\n", + " 1.0238571 1.0287647 0. 0. 0. 0. ]\n", + "\n", + "[ 4 0 7 1 11 8 2 5 3 13 6 10 15 9 14 12 18 16 17 19]\n", + "=======================\n", + "[\"matt phillips ( left ) headed queens park rangers into a seventh-minute lead , getting on the end of bobby zamora 's crosstim sherwood 's jacket did not survive beyond the first 10 minutes and after this astonishing contest it remains to be seen if either of these sides fare much better .but qpr were only ahead for three minutes after christian benteke equalised for the hosts at villa park\"]\n", + "=======================\n", + "[\"matt phillips gave qpr a seventh-minute lead in the crunch clash at villa parkbut that lead only lasted three minutes , with christian benteke equalising for the hostsbenteke then added a second after 33 minutes to nudge villa ahead in the relegation scrapclint hill was the unlikely man to level the scores after the break for chris ramsey 's sidecharlie austin looked to have scored a late winner in an entertaining game on tuesday nightbut benteke completed his hat-trick to earn a share of the spoils on 83 minutes\"]\n", + "matt phillips ( left ) headed queens park rangers into a seventh-minute lead , getting on the end of bobby zamora 's crosstim sherwood 's jacket did not survive beyond the first 10 minutes and after this astonishing contest it remains to be seen if either of these sides fare much better .but qpr were only ahead for three minutes after christian benteke equalised for the hosts at villa park\n", + "matt phillips gave qpr a seventh-minute lead in the crunch clash at villa parkbut that lead only lasted three minutes , with christian benteke equalising for the hostsbenteke then added a second after 33 minutes to nudge villa ahead in the relegation scrapclint hill was the unlikely man to level the scores after the break for chris ramsey 's sidecharlie austin looked to have scored a late winner in an entertaining game on tuesday nightbut benteke completed his hat-trick to earn a share of the spoils on 83 minutes\n", + "[1.3251369 1.4780794 1.3293521 1.448616 1.2460595 1.1106118 1.1362724\n", + " 1.0354943 1.0150895 1.0225291 1.0156348 1.0131271 1.1123813 1.0216632\n", + " 1.0130367 1.032449 1.0095627 1.0105182 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 6 12 5 7 15 9 13 10 8 11 14 17 16 18 19]\n", + "=======================\n", + "[\"the gloucester fly-half has a golden opportunity to showcase his undisputed ability in friday night 's european challenge cup final against edinburgh .but although 29-year-old hook has won 77 test caps , he can reflect on just two starts for wales - against the barbarians and tonga - since the last world cup in 2011 .james hook claims it will be ' a bonus ' if wales come calling for his services ahead of this year 's world cup .\"]\n", + "=======================\n", + "['gloucester fly-half james hook has won 77 test caps for walesbut he has only made two starts since the last world cup in 2011hoping to impress in european challenge cup final against edinburgh']\n", + "the gloucester fly-half has a golden opportunity to showcase his undisputed ability in friday night 's european challenge cup final against edinburgh .but although 29-year-old hook has won 77 test caps , he can reflect on just two starts for wales - against the barbarians and tonga - since the last world cup in 2011 .james hook claims it will be ' a bonus ' if wales come calling for his services ahead of this year 's world cup .\n", + "gloucester fly-half james hook has won 77 test caps for walesbut he has only made two starts since the last world cup in 2011hoping to impress in european challenge cup final against edinburgh\n", + "[1.2195841 1.530442 1.2494577 1.4007049 1.2393762 1.0826062 1.1789101\n", + " 1.131543 1.0715464 1.0307534 1.0323784 1.0189271 1.0252069 1.076587\n", + " 1.0683132 1.0523392 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 6 7 5 13 8 14 15 10 9 12 11 18 16 17 19]\n", + "=======================\n", + "['adam mcburney , who has been capped for the ireland under-20s and recently played in their six nations campaign , was not at his home in cromkill in county antrim , northern ireland when it was targeted on easter sunday .shocked neighbours said he could have been killed if he was in the property , after bullets tore through the windows and ended up embedded in the kitchen and bathroom walls .a young irish rugby star escaped serious injury when his home was targeted by a gunman who fired multiple bullets through his windows .']\n", + "=======================\n", + "[\"adam mcburney 's home targeted by gunman who fired through windowsyoung irish rugby star was not at county antrim property during attackat least 12 bullet holes counted at scene of home he shares with brothermcburney deemed bright prospect for irish rugby and plays for under-20s\"]\n", + "adam mcburney , who has been capped for the ireland under-20s and recently played in their six nations campaign , was not at his home in cromkill in county antrim , northern ireland when it was targeted on easter sunday .shocked neighbours said he could have been killed if he was in the property , after bullets tore through the windows and ended up embedded in the kitchen and bathroom walls .a young irish rugby star escaped serious injury when his home was targeted by a gunman who fired multiple bullets through his windows .\n", + "adam mcburney 's home targeted by gunman who fired through windowsyoung irish rugby star was not at county antrim property during attackat least 12 bullet holes counted at scene of home he shares with brothermcburney deemed bright prospect for irish rugby and plays for under-20s\n", + "[1.2354225 1.3885342 1.268557 1.319216 1.1396097 1.0392383 1.1120489\n", + " 1.0490286 1.0264618 1.0586094 1.1533475 1.1984775 1.0465925 1.0251219\n", + " 1.0628542 1.0122559 1.047893 1.0513084 1.0186579 0. ]\n", + "\n", + "[ 1 3 2 0 11 10 4 6 14 9 17 7 16 12 5 8 13 18 15 19]\n", + "=======================\n", + "[\"the champion leg spinner turned cricket commentating into an art form , earning him the title of ` the voice of cricket . '84-year-old cricket commentator richie benaud has passed away after a battle with skin cancerhis commentary was understated , measured and often extremely funny , and his one-liners were perfectly timed .\"]\n", + "=======================\n", + "[\"cricket commentator richie benaud has passed away after cancer battlethe 84-year-old will be remembered for his mastery of commentatingthe former leg spinner earned himself the title of the ` voice of cricket 'his trademark line was ` great shot that ' and ` marvellous '\"]\n", + "the champion leg spinner turned cricket commentating into an art form , earning him the title of ` the voice of cricket . '84-year-old cricket commentator richie benaud has passed away after a battle with skin cancerhis commentary was understated , measured and often extremely funny , and his one-liners were perfectly timed .\n", + "cricket commentator richie benaud has passed away after cancer battlethe 84-year-old will be remembered for his mastery of commentatingthe former leg spinner earned himself the title of the ` voice of cricket 'his trademark line was ` great shot that ' and ` marvellous '\n", + "[1.1812346 1.1846709 1.3510971 1.1352098 1.4987466 1.131286 1.0951651\n", + " 1.1051997 1.1112235 1.0977573 1.1160289 1.0252776 1.0117352 1.009034\n", + " 1.0115472 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 2 1 0 3 5 10 8 7 9 6 11 12 14 13 15 16 17 18 19]\n", + "=======================\n", + "[\"crystal palace winger yannick bolasie was the hero at the stadium of light having scored a hat-trick for the eagles against sunderlandfour times on the spin he suffered defeat as newcastle manager in tyne-wear derbies .the crystal palace boss would not admit as much , but the grin he wore in the wake of yannick bolasie 's hat-trick goal told of his satisfaction .\"]\n", + "=======================\n", + "[\"alan pardew 's side scored second-half treble within five minutes to secure the three pointsglenn murray fired the eagles ahead with his sixth goal in as many matches for the away sidecrystal palace winger yannick bolasie scored a hat-trick to keep sunderland in relegation troubleconnor wickham scored a late consolation for the home side , who remain just three points clear of safety\"]\n", + "crystal palace winger yannick bolasie was the hero at the stadium of light having scored a hat-trick for the eagles against sunderlandfour times on the spin he suffered defeat as newcastle manager in tyne-wear derbies .the crystal palace boss would not admit as much , but the grin he wore in the wake of yannick bolasie 's hat-trick goal told of his satisfaction .\n", + "alan pardew 's side scored second-half treble within five minutes to secure the three pointsglenn murray fired the eagles ahead with his sixth goal in as many matches for the away sidecrystal palace winger yannick bolasie scored a hat-trick to keep sunderland in relegation troubleconnor wickham scored a late consolation for the home side , who remain just three points clear of safety\n", + "[1.144883 1.0445971 1.0823913 1.0472591 1.294231 1.2350509 1.2072788\n", + " 1.1072367 1.0887619 1.0155542 1.081428 1.1663356 1.0536442 1.031707\n", + " 1.0464487 1.0792891 1.0757228 1.0833355 1.067461 1.0280448]\n", + "\n", + "[ 4 5 6 11 0 7 8 17 2 10 15 16 18 12 3 14 1 13 19 9]\n", + "=======================\n", + "['in the patently unfair , open air trial that followed , 55 people were found guilty of a range of offenses linked to violent attacks in the region and jailed .three were sentenced to death .the public mass sentencing was part a china \\'s \" strike hard \" campaign against unrest in xinjiang , a campaign the government claims was launched to combat \" terrorism \" and \" separatism . \"']\n", + "=======================\n", + "['amnesty international releases its annual review of the death penalty worldwide ; much of it makes for grim readingsalil shetty : countries that use executions to deal with problems are on the wrong side of history']\n", + "in the patently unfair , open air trial that followed , 55 people were found guilty of a range of offenses linked to violent attacks in the region and jailed .three were sentenced to death .the public mass sentencing was part a china 's \" strike hard \" campaign against unrest in xinjiang , a campaign the government claims was launched to combat \" terrorism \" and \" separatism . \"\n", + "amnesty international releases its annual review of the death penalty worldwide ; much of it makes for grim readingsalil shetty : countries that use executions to deal with problems are on the wrong side of history\n", + "[1.1539202 1.4839586 1.1421204 1.2785919 1.3722808 1.2143344 1.1219937\n", + " 1.0332807 1.1463091 1.1364383 1.0512947 1.0628349 1.1075151 1.1201453\n", + " 1.0369482 1.0278583 1.0430021 1.0124316 1.0082827 0. ]\n", + "\n", + "[ 1 4 3 5 0 8 2 9 6 13 12 11 10 16 14 7 15 17 18 19]\n", + "=======================\n", + "['rose devereux , 49 , was left in agony and disfigured after years of alleged incompetent treatment .she now faces a bill of # 30,000 to get her smile back .the general dental council has investigated the work of janakan siva at the menlove dental practice in allerton , liverpool .']\n", + "=======================\n", + "['warning graphic contentrose devereux was in agony after years of alleged incompetent treatment49-year-old had all her lower teeth removed and needed bone graftssays the treatment led to host of other health problems and paindentist , janakan siva , will go before a disciplinary committee']\n", + "rose devereux , 49 , was left in agony and disfigured after years of alleged incompetent treatment .she now faces a bill of # 30,000 to get her smile back .the general dental council has investigated the work of janakan siva at the menlove dental practice in allerton , liverpool .\n", + "warning graphic contentrose devereux was in agony after years of alleged incompetent treatment49-year-old had all her lower teeth removed and needed bone graftssays the treatment led to host of other health problems and paindentist , janakan siva , will go before a disciplinary committee\n", + "[1.1876204 1.4079705 1.1914139 1.3333786 1.1849258 1.1435788 1.0270844\n", + " 1.0567915 1.0735564 1.0636959 1.2068686 1.1059012 1.0110818 1.0529903\n", + " 1.0280484 1.0157046 1.0554557 1.0781265 0. 0. ]\n", + "\n", + "[ 1 3 10 2 0 4 5 11 17 8 9 7 16 13 14 6 15 12 18 19]\n", + "=======================\n", + "[\"alison , 43 , from gloucestershire , has since had to go under the knife a further 12 times but is still living with the damage that ensued following a breast augmentation operation six years ago .badly damaged : alison was left with a breast that resembled a croissant following an infectionhorrible : alison , who wants to ` feel normal again ' , has consulted plastic surgeon vik vijh\"]\n", + "=======================\n", + "[\"alison , 43 , from gloucestershire , had breast augmentation six years agoshe was initially pleased but an infection killed off some breast tissueleft with one large breast and another that was shrivelled and deformednow the 43-year-old says she is ` desperate to be normal again 'extreme beauty disasters is on tlc , thursdays at 8pm\"]\n", + "alison , 43 , from gloucestershire , has since had to go under the knife a further 12 times but is still living with the damage that ensued following a breast augmentation operation six years ago .badly damaged : alison was left with a breast that resembled a croissant following an infectionhorrible : alison , who wants to ` feel normal again ' , has consulted plastic surgeon vik vijh\n", + "alison , 43 , from gloucestershire , had breast augmentation six years agoshe was initially pleased but an infection killed off some breast tissueleft with one large breast and another that was shrivelled and deformednow the 43-year-old says she is ` desperate to be normal again 'extreme beauty disasters is on tlc , thursdays at 8pm\n", + "[1.3849378 1.2193729 1.3186057 1.205396 1.0725192 1.0204359 1.3546714\n", + " 1.085923 1.0830879 1.0761769 1.041948 1.0440245 1.1021799 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 6 2 1 3 12 7 8 9 4 11 10 5 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"it 's been just over three years since dana vulin was set alight at her perth home , resulting in horrific third degree burns to more than 60 per cent of her body and countless operations to reconstruct her scorched face , arms and torso .lawyers for natalie dimitrovska will on tuesday , in the supreme court of western australia , claim that ms vulin was not as badly injured as she stated in court , based on footage that shows her recovery filmed for channel 7 's sunday night program .now the woman who turned her into a ` human fireball ' , leaving her unable to make simple movements such as straightening her elbows due to the agonising scarring , will argue her 17-year jail sentence was too severe .\"]\n", + "=======================\n", + "[\"natalie dimitrovska set dana vulin on fire at her home in february 2012ms vulin suffered third degree burns to more than 60 per cent of her bodydimitrovska was sentenced to 17 years in jail for her drug affected crimelawyers argue her sentence was ` excessive ' for the harm causedher appeal will be heard in the supreme court of wa on tuesdaymeanwhile , ms vulin has countless more reconstruction operations to goher scarring is so bad she ca n't straighten her elbows or lift her arms up\"]\n", + "it 's been just over three years since dana vulin was set alight at her perth home , resulting in horrific third degree burns to more than 60 per cent of her body and countless operations to reconstruct her scorched face , arms and torso .lawyers for natalie dimitrovska will on tuesday , in the supreme court of western australia , claim that ms vulin was not as badly injured as she stated in court , based on footage that shows her recovery filmed for channel 7 's sunday night program .now the woman who turned her into a ` human fireball ' , leaving her unable to make simple movements such as straightening her elbows due to the agonising scarring , will argue her 17-year jail sentence was too severe .\n", + "natalie dimitrovska set dana vulin on fire at her home in february 2012ms vulin suffered third degree burns to more than 60 per cent of her bodydimitrovska was sentenced to 17 years in jail for her drug affected crimelawyers argue her sentence was ` excessive ' for the harm causedher appeal will be heard in the supreme court of wa on tuesdaymeanwhile , ms vulin has countless more reconstruction operations to goher scarring is so bad she ca n't straighten her elbows or lift her arms up\n", + "[1.3430104 1.4800661 1.1713843 1.3531417 1.1743215 1.0306307 1.0195979\n", + " 1.0361992 1.1842678 1.0251266 1.0324879 1.017516 1.0207868 1.1482955\n", + " 1.0989685 1.0537255 1.0164516 1.0191659 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 8 4 2 13 14 15 7 10 5 9 12 6 17 11 16 18 19 20]\n", + "=======================\n", + "[\"the pensioner , 71 , has been collecting royal-themed knick-knacks for more than 40 years and now boasts a collection worth # 10,000 .from solar-powered models of the queen to a # 1,200 wedgwood bust of prince charles , there 's no item of royal memorabilia too big or too small for royalist margaret tyler .as well as collecting royal memorabilia , mrs tyler , a retired charity worker , is also obsessed with meeting the real thing and says she spent six days outside the lindo wing at st. mary 's hospital in london when prince george was born . '\"]\n", + "=======================\n", + "[\"margaret tyler , 71 , has been collecting royal novelties for 40 yearsthe retired charity worker has amassed a collection worth # 10,000most of the items are novelties but there are more expensive piecesamong them are a # 1,200 wedgwood bust of the prince of walescollection is spread through four rooms , one of which is devoted to dianathe ` memorial room ' includes a special ceiling fresco and stained glassmargaret tyler appears on collectaholics , tonight at 7pm on bbc2\"]\n", + "the pensioner , 71 , has been collecting royal-themed knick-knacks for more than 40 years and now boasts a collection worth # 10,000 .from solar-powered models of the queen to a # 1,200 wedgwood bust of prince charles , there 's no item of royal memorabilia too big or too small for royalist margaret tyler .as well as collecting royal memorabilia , mrs tyler , a retired charity worker , is also obsessed with meeting the real thing and says she spent six days outside the lindo wing at st. mary 's hospital in london when prince george was born . '\n", + "margaret tyler , 71 , has been collecting royal novelties for 40 yearsthe retired charity worker has amassed a collection worth # 10,000most of the items are novelties but there are more expensive piecesamong them are a # 1,200 wedgwood bust of the prince of walescollection is spread through four rooms , one of which is devoted to dianathe ` memorial room ' includes a special ceiling fresco and stained glassmargaret tyler appears on collectaholics , tonight at 7pm on bbc2\n", + "[1.3397676 1.4279177 1.1477671 1.1234059 1.3514396 1.2430199 1.1430359\n", + " 1.1201643 1.0891454 1.0703123 1.0591173 1.0799379 1.0430224 1.0802283\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 5 2 6 3 7 8 13 11 9 10 12 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"the reigning champions have shelled out for six coaches to transport around 3,000 people to selhurst park , notoriously one of the most difficult top flight grounds for northern club fans to reach .while most football fans face travel misery over easter , manchester city have laid on free coaches to take their supporters to london for monday 's premier league clash with crystal palace .meanwhile , hundreds of thousands of football fans are facing a travel nightmare this weekend because of the easter rail shut down .\"]\n", + "=======================\n", + "[\"manchester city face crystal palace in the premier league on mondaychampions have put on free coaches to take fans to selhurst parkrail closures over easter will disrupt fans ' travel plans across country\"]\n", + "the reigning champions have shelled out for six coaches to transport around 3,000 people to selhurst park , notoriously one of the most difficult top flight grounds for northern club fans to reach .while most football fans face travel misery over easter , manchester city have laid on free coaches to take their supporters to london for monday 's premier league clash with crystal palace .meanwhile , hundreds of thousands of football fans are facing a travel nightmare this weekend because of the easter rail shut down .\n", + "manchester city face crystal palace in the premier league on mondaychampions have put on free coaches to take fans to selhurst parkrail closures over easter will disrupt fans ' travel plans across country\n", + "[1.2340751 1.2442019 1.2952693 1.2461368 1.1420574 1.2250086 1.1637058\n", + " 1.0920496 1.1317053 1.0804327 1.0631924 1.0857044 1.117077 1.065409\n", + " 1.0581796 1.0163794 1.0668845 1.043283 1.0362606 1.127282 1.026881 ]\n", + "\n", + "[ 2 3 1 0 5 6 4 8 19 12 7 11 9 16 13 10 14 17 18 20 15]\n", + "=======================\n", + "['the radical left syriza party says germany owes greece nearly 279billion euros , or # 204billion to compensate it for looting and war crimes .greek prime minister alexis tsipras raised the reparations issue when he met german chancellor angela merkel in berlin last monththe government yesterday unveiled its final calculation for the war reparations stemming from occupation by the third reich .']\n", + "=======================\n", + "['greek government has unveiled its final calculation for the war reparationsradical left syriza party says germany owes greece nearly 279billion eurosthe german government claims the issue was resolved legally years agoit comes days before greece is obliged to pay off 450million euros of debt']\n", + "the radical left syriza party says germany owes greece nearly 279billion euros , or # 204billion to compensate it for looting and war crimes .greek prime minister alexis tsipras raised the reparations issue when he met german chancellor angela merkel in berlin last monththe government yesterday unveiled its final calculation for the war reparations stemming from occupation by the third reich .\n", + "greek government has unveiled its final calculation for the war reparationsradical left syriza party says germany owes greece nearly 279billion eurosthe german government claims the issue was resolved legally years agoit comes days before greece is obliged to pay off 450million euros of debt\n", + "[1.1949885 1.4003046 1.1724565 1.264398 1.0629257 1.1643158 1.0673013\n", + " 1.1730844 1.1158581 1.0533766 1.115309 1.064681 1.0358549 1.0085341\n", + " 1.025729 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 7 2 5 8 10 6 11 4 9 12 14 13 19 15 16 17 18 20]\n", + "=======================\n", + "[\"it was home to the north american aerospace command ( norad ) , scanning the skies for russian missiles and the military command and control center of the united states in the event of world war three .secret : the cheyenne mountain complex in colorado was built for norad to direct the american response to a nuclear war with the ussr during the cold warthe high tech base entered popular culture with appearances in the 1983 cold war thriller war games and 1994 's stargate - which imagined the complex as a clandestine home for intergalactic travel .\"]\n", + "=======================\n", + "[\"cheyenne mountain complex being refurbished by pengatonhigh tech communications being installed that are impervious to electromagnetic pulsesthe bunker is build under 2,000 feet of the rocky mountains and is able to withstand a hit by a 30 megaton nuclear blastdecommissioned 10-years ago because ` the russians were no longer a threat '\"]\n", + "it was home to the north american aerospace command ( norad ) , scanning the skies for russian missiles and the military command and control center of the united states in the event of world war three .secret : the cheyenne mountain complex in colorado was built for norad to direct the american response to a nuclear war with the ussr during the cold warthe high tech base entered popular culture with appearances in the 1983 cold war thriller war games and 1994 's stargate - which imagined the complex as a clandestine home for intergalactic travel .\n", + "cheyenne mountain complex being refurbished by pengatonhigh tech communications being installed that are impervious to electromagnetic pulsesthe bunker is build under 2,000 feet of the rocky mountains and is able to withstand a hit by a 30 megaton nuclear blastdecommissioned 10-years ago because ` the russians were no longer a threat '\n", + "[1.243223 1.3956752 1.2072378 1.4404697 1.1077175 1.1062317 1.1070217\n", + " 1.1194434 1.0703523 1.0750601 1.04171 1.0834247 1.0916231 1.0417438\n", + " 1.0381225 1.0680271 1.0164329 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 2 7 4 6 5 12 11 9 8 15 13 10 14 16 17 18 19 20 21 22 23\n", + " 24 25 26 27]\n", + "=======================\n", + "[\"merry widow : angelika graswald ( left ) , 35 , has been charged with second-degree murder in the death of her missing fiance vincent viafore ( right )troopers have said viafore , also of poughkeepsie , was kayaking with graswald on the hudson river april 19 when his vessel flipped over near the town of cornwall-on-hudson .according to a criminal complaint unveiled thursday afternoon , prosecutors allege that graswald intentionally caused viafore 's death .\"]\n", + "=======================\n", + "[\"vincent viafore , 46 , from poughkeepsie was on the hudson river near newburgh , new york , with angelika graswald april 19he was thrown out of the boat when they hit rough watersshe was rescued by people in a nearby boat and made it to shorefiancee charged with second-degree murder for allegedly causing viafore 's death\"]\n", + "merry widow : angelika graswald ( left ) , 35 , has been charged with second-degree murder in the death of her missing fiance vincent viafore ( right )troopers have said viafore , also of poughkeepsie , was kayaking with graswald on the hudson river april 19 when his vessel flipped over near the town of cornwall-on-hudson .according to a criminal complaint unveiled thursday afternoon , prosecutors allege that graswald intentionally caused viafore 's death .\n", + "vincent viafore , 46 , from poughkeepsie was on the hudson river near newburgh , new york , with angelika graswald april 19he was thrown out of the boat when they hit rough watersshe was rescued by people in a nearby boat and made it to shorefiancee charged with second-degree murder for allegedly causing viafore 's death\n", + "[1.1901538 1.4132 1.37974 1.3400767 1.2704726 1.1590039 1.0185566\n", + " 1.1670372 1.1998739 1.1602058 1.0160891 1.0134586 1.0825444 1.0191555\n", + " 1.055728 1.1181321 1.0510223 1.0579551 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 8 0 7 9 5 15 12 17 14 16 13 6 10 11 18 19 20 21 22 23\n", + " 24 25 26 27]\n", + "=======================\n", + "['the 44-year-old , named by locals as donna christie , slipped and fell from hassans fall lookout at lithgow on tuesday afternoon , the abc reports .she was bushwalking with a male friend and her two children , aged 12 and 13 , when she dropped her phone at the lookout , which is almost 1,100 metres above sea level .she is believed to have suffered serious head , spinal and chest injuries when she plunged 30 metres .']\n", + "=======================\n", + "['woman slipped and fell from hassans fall lookout at lithgow on tuesdaythe 44-year-old was bushwalking with her two children and a male friendshe is believed to have suffered serious head , spinal and chest injuriesmother slipped and fell trying to retrieve her mobile phone at lookout']\n", + "the 44-year-old , named by locals as donna christie , slipped and fell from hassans fall lookout at lithgow on tuesday afternoon , the abc reports .she was bushwalking with a male friend and her two children , aged 12 and 13 , when she dropped her phone at the lookout , which is almost 1,100 metres above sea level .she is believed to have suffered serious head , spinal and chest injuries when she plunged 30 metres .\n", + "woman slipped and fell from hassans fall lookout at lithgow on tuesdaythe 44-year-old was bushwalking with her two children and a male friendshe is believed to have suffered serious head , spinal and chest injuriesmother slipped and fell trying to retrieve her mobile phone at lookout\n", + "[1.4989179 1.222912 1.3238596 1.2262739 1.101748 1.2645459 1.0545744\n", + " 1.1376532 1.0528257 1.0190629 1.0244075 1.0130838 1.0136988 1.0184346\n", + " 1.0819402 1.0246202 1.0138737 1.0616215 1.0350821 1.0151585 1.0141374\n", + " 1.0207924 1.0229317 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 5 3 1 7 4 14 17 6 8 18 15 10 22 21 9 13 19 20 16 12 11 26\n", + " 23 24 25 27]\n", + "=======================\n", + "['virgil van dijk believed he had sampled the worst refereeing decision of his career the night he landed an early red card against inter milan .in the aftermath of a contentious scottish cup semi-final defeat to inverness caledonian thistle , the dutchman found sleep elusive .the claims of referee steven mclean and his five assistants that they failed to see the handball by inverness player josh meekings which denied celtic a penalty , a red card , possibly even a crack at the treble , struck many at parkhead as dubious .']\n", + "=======================\n", + "['celtic crashed lost to 3-2 to inverness in the scottish cup semi-finalthe referee failed to spot a handball from inverness player josh meekingsthe decision denied celtic a penalty during a crucial point of the gamevan dijk was sent off against inter milan in the last 32 of the champions league in february']\n", + "virgil van dijk believed he had sampled the worst refereeing decision of his career the night he landed an early red card against inter milan .in the aftermath of a contentious scottish cup semi-final defeat to inverness caledonian thistle , the dutchman found sleep elusive .the claims of referee steven mclean and his five assistants that they failed to see the handball by inverness player josh meekings which denied celtic a penalty , a red card , possibly even a crack at the treble , struck many at parkhead as dubious .\n", + "celtic crashed lost to 3-2 to inverness in the scottish cup semi-finalthe referee failed to spot a handball from inverness player josh meekingsthe decision denied celtic a penalty during a crucial point of the gamevan dijk was sent off against inter milan in the last 32 of the champions league in february\n", + "[1.545664 1.3183059 1.1701328 1.094816 1.1100761 1.3061959 1.0235472\n", + " 1.0174844 1.0263005 1.0287166 1.0407041 1.0354755 1.1140485 1.0208087\n", + " 1.0185963 1.0337436 1.0140855 1.0128015 1.0214437 1.0197698 1.0134923\n", + " 1.0178186 1.0503632 1.040496 1.0326878 1.0090063 1.0732706 1.015002 ]\n", + "\n", + "[ 0 1 5 2 12 4 3 26 22 10 23 11 15 24 9 8 6 18 13 19 14 21 7 27\n", + " 16 20 17 25]\n", + "=======================\n", + "[\"a fumble from reading goalkeeper adam federici in extra time handed arsenal a 2-1 victory and a place in the fa cup final .the royals keeper , who had made some fine saves earlier in the match , allowed alexis sanchez 's low shot to squirm between his legs and over the line on 115 minutes , which was enough to see the gunners return to wembley on may 30 to try to defend the trophy .sanchez had swept the gunners into the lead on 39 minutes .\"]\n", + "=======================\n", + "['reading keeper adam federici made a string of saves before that howlerman of the match michael hector ( 8.5 ) was superb in the royals defencearsenal forward alexis sanchez ( 8 ) popped up with the two crucial goals']\n", + "a fumble from reading goalkeeper adam federici in extra time handed arsenal a 2-1 victory and a place in the fa cup final .the royals keeper , who had made some fine saves earlier in the match , allowed alexis sanchez 's low shot to squirm between his legs and over the line on 115 minutes , which was enough to see the gunners return to wembley on may 30 to try to defend the trophy .sanchez had swept the gunners into the lead on 39 minutes .\n", + "reading keeper adam federici made a string of saves before that howlerman of the match michael hector ( 8.5 ) was superb in the royals defencearsenal forward alexis sanchez ( 8 ) popped up with the two crucial goals\n", + "[1.326649 1.3568306 1.3677858 1.1537483 1.1471592 1.1767458 1.0455121\n", + " 1.1311859 1.1149855 1.1086911 1.0161282 1.0434946 1.0388912 1.0652901\n", + " 1.0568297 1.0171714 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 5 3 4 7 8 9 13 14 6 11 12 15 10 25 24 23 22 21 18 19 17\n", + " 16 26 20 27]\n", + "=======================\n", + "['it calculated that 94,872 residents and 42,424 employees live within the tsunami hazard zones of the three states .the new study highlights the areas in washington , oregon and california that would require more time to successfully evacuate for higher ground in the case of the next natural disaster .more than 100,000 people on the coast of the pacific northwest are in the path of a potentially deadly tsunami that could be similar to the one in 2011 that ravaged parts of japan .']\n", + "=======================\n", + "['also in danger are over 400 public venues and dependent care facilitiesstudy estimates 77 % of communities have the 15-25 minutes required to evacuate safely after an earthquake hitssome communities in washington , the most at-risk state , could increase chance of survival simply by walking fasterbut certain communities along the coast are too far from high ground for a safe evacuation - no matter how fast they walkthey will need to build special evacuation structures instead']\n", + "it calculated that 94,872 residents and 42,424 employees live within the tsunami hazard zones of the three states .the new study highlights the areas in washington , oregon and california that would require more time to successfully evacuate for higher ground in the case of the next natural disaster .more than 100,000 people on the coast of the pacific northwest are in the path of a potentially deadly tsunami that could be similar to the one in 2011 that ravaged parts of japan .\n", + "also in danger are over 400 public venues and dependent care facilitiesstudy estimates 77 % of communities have the 15-25 minutes required to evacuate safely after an earthquake hitssome communities in washington , the most at-risk state , could increase chance of survival simply by walking fasterbut certain communities along the coast are too far from high ground for a safe evacuation - no matter how fast they walkthey will need to build special evacuation structures instead\n", + "[1.3315984 1.4290191 1.2122078 1.3656498 1.1471093 1.0873132 1.1199062\n", + " 1.127674 1.0764964 1.1093148 1.0767877 1.07074 1.0419343 1.0166113\n", + " 1.1170645 1.0209459 1.0569377 1.1089193 1.0928777 1.0370134 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 7 6 14 9 17 18 5 10 8 11 16 12 19 15 13 28 20 21 22\n", + " 23 24 25 26 27 29]\n", + "=======================\n", + "[\"the england international is expected to meet liverpool manager brendan rodgers on thursday and he will be reminded of his professional responsibilities and warned about the consequences of taking a drug that has been called ` hippy crack ' .liverpool players raheem sterling and jordon ibe have been pictured smoking a shisha piperaheem sterling will escape a club punishment after the liverpool forward was caught on video inhaling the legal high nitrous oxide .\"]\n", + "=======================\n", + "[\"new pictures show raheem sterling and jordon ibe with shisha pipessterling will avoid punishment from liverpool after inhaling ` hippy crack 'arsenal and other clubs are getting cold feet over their interest in sterlingpictures emerged last week of liverpool star sterling smoking shishafootage also emerged of him inhaling nitrous oxide from a balloon\"]\n", + "the england international is expected to meet liverpool manager brendan rodgers on thursday and he will be reminded of his professional responsibilities and warned about the consequences of taking a drug that has been called ` hippy crack ' .liverpool players raheem sterling and jordon ibe have been pictured smoking a shisha piperaheem sterling will escape a club punishment after the liverpool forward was caught on video inhaling the legal high nitrous oxide .\n", + "new pictures show raheem sterling and jordon ibe with shisha pipessterling will avoid punishment from liverpool after inhaling ` hippy crack 'arsenal and other clubs are getting cold feet over their interest in sterlingpictures emerged last week of liverpool star sterling smoking shishafootage also emerged of him inhaling nitrous oxide from a balloon\n", + "[1.226924 1.4371233 1.31808 1.1217383 1.275261 1.1021792 1.170812\n", + " 1.064493 1.1202568 1.0705075 1.0683392 1.0512345 1.1088068 1.05919\n", + " 1.0158598 1.0150435 1.0302012 1.1105393 1.0785441 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 4 0 6 3 8 17 12 5 18 9 10 7 13 11 16 14 15 28 19 20 21 22\n", + " 23 24 25 26 27 29]\n", + "=======================\n", + "[\"elizabeth elena laguna salgado is from chiapas , mexico , and moved to provo about a month ago to study english .there is no evidence she was kidnapped , but she has n't made contact with anybody since she disappeared april 16 , provo police chief john king said .a 26-year-old mexico native vanished without a trace in utah a week ago , and now elizabeth smart and her father have joined the effort to find the missing woman .\"]\n", + "=======================\n", + "[\"elizabeth elena laguna salgado , 26 , from chiapas , mexico , was last seen leaving a language school in provo , utah , april 16she moved to provo a month ago after completing mormon mission to mexicoelizabeth smart and her father held a press conference friday to draw public 's attention to salgado 's missing person casewoman 's uncle said she has told him a young man had been pestering her to go out with him , forcing her to pretend having a boyfriend\"]\n", + "elizabeth elena laguna salgado is from chiapas , mexico , and moved to provo about a month ago to study english .there is no evidence she was kidnapped , but she has n't made contact with anybody since she disappeared april 16 , provo police chief john king said .a 26-year-old mexico native vanished without a trace in utah a week ago , and now elizabeth smart and her father have joined the effort to find the missing woman .\n", + "elizabeth elena laguna salgado , 26 , from chiapas , mexico , was last seen leaving a language school in provo , utah , april 16she moved to provo a month ago after completing mormon mission to mexicoelizabeth smart and her father held a press conference friday to draw public 's attention to salgado 's missing person casewoman 's uncle said she has told him a young man had been pestering her to go out with him , forcing her to pretend having a boyfriend\n", + "[1.3352113 1.4128482 1.1272736 1.0230323 1.0524653 1.0455645 1.135329\n", + " 1.2993492 1.1369035 1.0541182 1.0134847 1.1236492 1.0172943 1.041463\n", + " 1.026778 1.0343423 1.0886272 1.0373664 1.0210763 1.0146949 1.0082453\n", + " 1.0085621 1.0083151 1.0099345 1.0564747 1.0131588 1.010847 1.0333195\n", + " 1.0795314 1.0747619]\n", + "\n", + "[ 1 0 7 8 6 2 11 16 28 29 24 9 4 5 13 17 15 27 14 3 18 12 19 10\n", + " 25 26 23 21 22 20]\n", + "=======================\n", + "['jack grealish was fantastic but fabian delph was the best player on the pitch .aston villa deserved their victory at wembley on sunday and there were two players at the heart of it all .jack grealish , fabian delph and christian benteke celebrate as aston villa reached the fa cup final']\n", + "=======================\n", + "[\"fabian delph and jack grealish impressed for aston villa at wembleyvilla captain delph scored to send tim sherwood 's men to fa cup finalgrealish is a similar player to former england star steve mcmanamanvilla boss tim sherwood has got the club 's passion and excitement backleicester look the most likely of the promoted clubs to stay upthe foxes have six games remaining , four of which are at home\"]\n", + "jack grealish was fantastic but fabian delph was the best player on the pitch .aston villa deserved their victory at wembley on sunday and there were two players at the heart of it all .jack grealish , fabian delph and christian benteke celebrate as aston villa reached the fa cup final\n", + "fabian delph and jack grealish impressed for aston villa at wembleyvilla captain delph scored to send tim sherwood 's men to fa cup finalgrealish is a similar player to former england star steve mcmanamanvilla boss tim sherwood has got the club 's passion and excitement backleicester look the most likely of the promoted clubs to stay upthe foxes have six games remaining , four of which are at home\n", + "[1.4953737 1.4742739 1.3981838 1.3830589 1.123194 1.1860142 1.019203\n", + " 1.0128013 1.0287037 1.0230175 1.1437848 1.0183185 1.0306219 1.0484834\n", + " 1.0179325 1.02321 1.0453974 1.191874 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 3 17 5 10 4 13 16 12 8 15 9 6 11 14 7 18 19 20 21 22 23\n", + " 24 25 26 27 28 29]\n", + "=======================\n", + "['alvaro morata wants to continue his development at juventus and has no interest in rejoining real madrid , according to his agent beppe bozzo .the 22-year-old joined the italian giants for # 15.8 million last summer after failing to break into the real first-team on a regular basis .morata signed a five-year deal at the juventus stadium after starting just three games in la liga for real during the 20113-14 campaign .']\n", + "=======================\n", + "['alvaro morata started just three la liga games for real madrid last season22-year-old joined juventus in # 15.8 million transfer last summermorata has scored seven goals in 22 serie a matches so far this campaign']\n", + "alvaro morata wants to continue his development at juventus and has no interest in rejoining real madrid , according to his agent beppe bozzo .the 22-year-old joined the italian giants for # 15.8 million last summer after failing to break into the real first-team on a regular basis .morata signed a five-year deal at the juventus stadium after starting just three games in la liga for real during the 20113-14 campaign .\n", + "alvaro morata started just three la liga games for real madrid last season22-year-old joined juventus in # 15.8 million transfer last summermorata has scored seven goals in 22 serie a matches so far this campaign\n", + "[1.4257424 1.5196688 1.1592908 1.438484 1.3234364 1.0741161 1.0322199\n", + " 1.0296049 1.0252258 1.0155123 1.0208886 1.0171694 1.1018108 1.0383477\n", + " 1.0152423 1.0956805 1.0671588 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 12 15 5 16 13 6 7 8 10 11 9 14 17 18 19 20 21 22 23\n", + " 24 25 26 27 28 29]\n", + "=======================\n", + "[\"the 25-year-old holland full-back played the full 90 minutes of sunday 's 1-0 barclays premier league defeat at the stadium of light despite suffering a suspected tear in his calf muscle during the warm-up , but was unable to prevent the black cats running out winners as the magpies slipped to a record fifth successive defeat in the fixture .daryl janmaat ( left ) has admitted that newcastle united 's performance in their tyne-wear derby against sunderland was n't good enough and they got exactly what they deserved - nothingnewcastle created little of note on another poor day for john carver 's men , and janmaat was pulling no punches as he assessed the fall-out .\"]\n", + "=======================\n", + "[\"sunderland beat a lacklustre newcastle 1-0 in tyne-wear derbyjanmaat played the full 90 minutes despite suspected calf injurythe holland full-back admitted performance was n't up to standardblack cats have not taken 17 of last 21 point available in derby games\"]\n", + "the 25-year-old holland full-back played the full 90 minutes of sunday 's 1-0 barclays premier league defeat at the stadium of light despite suffering a suspected tear in his calf muscle during the warm-up , but was unable to prevent the black cats running out winners as the magpies slipped to a record fifth successive defeat in the fixture .daryl janmaat ( left ) has admitted that newcastle united 's performance in their tyne-wear derby against sunderland was n't good enough and they got exactly what they deserved - nothingnewcastle created little of note on another poor day for john carver 's men , and janmaat was pulling no punches as he assessed the fall-out .\n", + "sunderland beat a lacklustre newcastle 1-0 in tyne-wear derbyjanmaat played the full 90 minutes despite suspected calf injurythe holland full-back admitted performance was n't up to standardblack cats have not taken 17 of last 21 point available in derby games\n", + "[1.2859452 1.3590205 1.4099286 1.2756261 1.173858 1.0681716 1.0325806\n", + " 1.0215721 1.0162784 1.1301581 1.0367391 1.0260606 1.0237566 1.0359153\n", + " 1.0937065 1.0251842 1.1838504 1.0725225 1.1340659 1.0582172 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 0 3 16 4 18 9 14 17 5 19 10 13 6 11 15 12 7 8 20 21]\n", + "=======================\n", + "[\"at her heaviest , the now 29-year-old weighed 127.5 kgsspeaking on kiis 106.5 's the kyle and jackie o show on friday , the australian idol winner spoke out about her battle with mental health , and the surgery she had to help her lose a staggering 68kg .former young divas singer kate dearaugo has made the shock revelation she turned to drugs and took anything she could get her hands on to mask her crippling depression after gaining considerable weight .\"]\n", + "=======================\n", + "[\"australian idol winner spoke out about her battle with mental healthdabbled in ` drugs ' to mask her crippling depression after gaining weightat her heaviest , the now 29-year-old weighed 127.5 kgslost 68kgs after having gastric sleeve surgery in may 2012\"]\n", + "at her heaviest , the now 29-year-old weighed 127.5 kgsspeaking on kiis 106.5 's the kyle and jackie o show on friday , the australian idol winner spoke out about her battle with mental health , and the surgery she had to help her lose a staggering 68kg .former young divas singer kate dearaugo has made the shock revelation she turned to drugs and took anything she could get her hands on to mask her crippling depression after gaining considerable weight .\n", + "australian idol winner spoke out about her battle with mental healthdabbled in ` drugs ' to mask her crippling depression after gaining weightat her heaviest , the now 29-year-old weighed 127.5 kgslost 68kgs after having gastric sleeve surgery in may 2012\n", + "[1.2644635 1.4486697 1.2570763 1.196182 1.2163699 1.2670938 1.1133523\n", + " 1.0840892 1.1613653 1.0230603 1.0293269 1.0858657 1.0344772 1.0295625\n", + " 1.0293221 1.0436853 1.0311899 1.034142 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 5 0 2 4 3 8 6 11 7 15 12 17 16 13 10 14 9 20 18 19 21]\n", + "=======================\n", + "['brandon afoa , 33 , of puyallup , washington , was operating a tug to push aircraft at seattle-tacoma international airport when the brakes and steering failed , causing him to crash into a luggage lift .closure : an airport worker has been awarded $ 40 million in compensation for a freak runway accident which left him paralyzed from the waist down more than seven years agothe incident , which took place at 2am on december 26 , 2007 , left afoa unable to use his legs or right arm .']\n", + "=======================\n", + "[\"brandon afoa , 33 , of puyallup was operating a tug to push back aircraft at seattle-tacoma international airport when the brakes and steering failed , causing him to crash into a luggage liftthe incident , which took place on december 26 , 2007 , left afoa unable to use his legs or right armfor years the case was locked in courts because the port of seattle claimed it was n't liable as afoa worked for a private companyhowever , the state supreme court ruled the airport operator had a ` duty ' to provide a safe working environmenta jury awarded the judgment on tuesday\"]\n", + "brandon afoa , 33 , of puyallup , washington , was operating a tug to push aircraft at seattle-tacoma international airport when the brakes and steering failed , causing him to crash into a luggage lift .closure : an airport worker has been awarded $ 40 million in compensation for a freak runway accident which left him paralyzed from the waist down more than seven years agothe incident , which took place at 2am on december 26 , 2007 , left afoa unable to use his legs or right arm .\n", + "brandon afoa , 33 , of puyallup was operating a tug to push back aircraft at seattle-tacoma international airport when the brakes and steering failed , causing him to crash into a luggage liftthe incident , which took place on december 26 , 2007 , left afoa unable to use his legs or right armfor years the case was locked in courts because the port of seattle claimed it was n't liable as afoa worked for a private companyhowever , the state supreme court ruled the airport operator had a ` duty ' to provide a safe working environmenta jury awarded the judgment on tuesday\n", + "[1.2151061 1.1780773 1.0582292 1.1484033 1.3251431 1.081881 1.0636853\n", + " 1.0204848 1.0364169 1.03282 1.0452144 1.1358956 1.0621748 1.0314646\n", + " 1.056106 1.0271993 1.1936121 1.0962237 1.1013306 1.1223356 1.0158075\n", + " 1.0204242]\n", + "\n", + "[ 4 0 16 1 3 11 19 18 17 5 6 12 2 14 10 8 9 13 15 7 21 20]\n", + "=======================\n", + "[\"david cameron worked up a sweat as he made a visit to poole in dorset and sunny bristol .the day was hailed as ` money back monday ' because it was the start of the financial year and the new , more generous tax allowances for the low-paid meant an extra # 600 in people 's pockets .the pm was speaking in a rather peculiar building -- an almost empty science park on the city 's outskirts , its round atrium area filled with party activists .\"]\n", + "=======================\n", + "['david cameron enjoyed visit to bristol with chancellor george osbornevisited bristol and bath science park and earlier went to poole in dorset']\n", + "david cameron worked up a sweat as he made a visit to poole in dorset and sunny bristol .the day was hailed as ` money back monday ' because it was the start of the financial year and the new , more generous tax allowances for the low-paid meant an extra # 600 in people 's pockets .the pm was speaking in a rather peculiar building -- an almost empty science park on the city 's outskirts , its round atrium area filled with party activists .\n", + "david cameron enjoyed visit to bristol with chancellor george osbornevisited bristol and bath science park and earlier went to poole in dorset\n", + "[1.384804 1.2697673 1.2905582 1.1969972 1.184911 1.1784256 1.1174594\n", + " 1.0576634 1.0391893 1.0496606 1.1384352 1.0354892 1.0294 1.02538\n", + " 1.0587732 1.0177828 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 3 4 5 10 6 14 7 9 8 11 12 13 15 20 16 17 18 19 21]\n", + "=======================\n", + "[\"comments : veteran broadcaster peter alliss has sparked controversy by claiming gender equality laws have backfired and ` b ***** ed up the game 'alliss , 84 , has said that legislation designed to stop golf clubs from discriminating against female members has instead prompted a decline in women 's membership .some clubs had previously only allowed female members if they played at restricted times in return for a discounted membership fee .\"]\n", + "=======================\n", + "[\"peter alliss says anti-discrimination laws have caused membership fallsome clubs only allowed women at restricted times but for lower faresalliss says law change has made fees equal and many women ca n't payequality act applies to clubs with mixed memberships .\"]\n", + "comments : veteran broadcaster peter alliss has sparked controversy by claiming gender equality laws have backfired and ` b ***** ed up the game 'alliss , 84 , has said that legislation designed to stop golf clubs from discriminating against female members has instead prompted a decline in women 's membership .some clubs had previously only allowed female members if they played at restricted times in return for a discounted membership fee .\n", + "peter alliss says anti-discrimination laws have caused membership fallsome clubs only allowed women at restricted times but for lower faresalliss says law change has made fees equal and many women ca n't payequality act applies to clubs with mixed memberships .\n", + "[1.2290798 1.0539051 1.0755203 1.3895661 1.2483065 1.088469 1.0590158\n", + " 1.0598742 1.0287805 1.0410286 1.0326319 1.1751052 1.0255407 1.0174587\n", + " 1.0334204 1.0720237 1.0750884 1.062549 1.033945 1.0287342 1.1201203\n", + " 1.0649936]\n", + "\n", + "[ 3 4 0 11 20 5 2 16 15 21 17 7 6 1 9 18 14 10 8 19 12 13]\n", + "=======================\n", + "[\"joe root showed plenty of grit , as well as talent , in yet another big innings for englandroot has bounced back from a difficult ashes tour to prove himself as a quality test batsmanit is always revealing to see how players respond to adversity and joe root has reacted magnificently to being left out of last year 's sydney test .\"]\n", + "=======================\n", + "[\"joe root has been terrific to bounce back from a difficult time in australiaroot 's 182 * in the first innings in grenada showed he is a steely competitorhe looks a natural no 3 , but england should n't move him from current spotthe captaincy always wears players down , and it is n't his time yetben stokes is right to be passionate , but needs to keep his cool as well\"]\n", + "joe root showed plenty of grit , as well as talent , in yet another big innings for englandroot has bounced back from a difficult ashes tour to prove himself as a quality test batsmanit is always revealing to see how players respond to adversity and joe root has reacted magnificently to being left out of last year 's sydney test .\n", + "joe root has been terrific to bounce back from a difficult time in australiaroot 's 182 * in the first innings in grenada showed he is a steely competitorhe looks a natural no 3 , but england should n't move him from current spotthe captaincy always wears players down , and it is n't his time yetben stokes is right to be passionate , but needs to keep his cool as well\n", + "[1.0711048 1.566052 1.3874891 1.2077941 1.1652259 1.0995793 1.167199\n", + " 1.3598969 1.0884566 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 7 3 6 4 5 8 0 16 15 14 13 9 11 10 17 12 18]\n", + "=======================\n", + "['gemma the pit bull was filmed at home in california being fed some treats .but in a bid to trick her , her owner throws a broccoli spear into the mix .immediately the canine pulls a look of disgust as she chomps on the vegetable .']\n", + "=======================\n", + "['gemma the pit bull was filmed at home in california being fed some treatsbut in a bid to trick her , her owner throws a broccoli spear into the mix']\n", + "gemma the pit bull was filmed at home in california being fed some treats .but in a bid to trick her , her owner throws a broccoli spear into the mix .immediately the canine pulls a look of disgust as she chomps on the vegetable .\n", + "gemma the pit bull was filmed at home in california being fed some treatsbut in a bid to trick her , her owner throws a broccoli spear into the mix\n", + "[1.2183728 1.5016384 1.1801677 1.1777546 1.2281469 1.3415606 1.185581\n", + " 1.0493804 1.1881917 1.0620037 1.0201291 1.0237792 1.0512445 1.0163909\n", + " 1.0306184 1.0479046 1.0927016 1.0480584 1.0920966]\n", + "\n", + "[ 1 5 4 0 8 6 2 3 16 18 9 12 7 17 15 14 11 10 13]\n", + "=======================\n", + "['kaden lum was gunned down in bremerton , washington , on march 28 , in front of his mother by an unidentified suspect who is still on the run .it depicts kaden as an angel next to a caricature of a devil dressed as uncle sam .the family of a two-year-old boy shot and killed in his home have been left outraged after a local newspaper used his death for a political cartoon about gun culture .']\n", + "=======================\n", + "[\"kaden lum was shot at his home in bremerton , washington on march 28police have not made any arrests in the two weeks since the boy 's deathcontroversial illustration was published in the kitsap sun on sundaydepicts kaden as an angel next to a devil dressed as uncle samkanden 's grandfather jason trammel said the decision was ` disrespectful 'editor of the paper dave nelson has defended the move in an op-ed\"]\n", + "kaden lum was gunned down in bremerton , washington , on march 28 , in front of his mother by an unidentified suspect who is still on the run .it depicts kaden as an angel next to a caricature of a devil dressed as uncle sam .the family of a two-year-old boy shot and killed in his home have been left outraged after a local newspaper used his death for a political cartoon about gun culture .\n", + "kaden lum was shot at his home in bremerton , washington on march 28police have not made any arrests in the two weeks since the boy 's deathcontroversial illustration was published in the kitsap sun on sundaydepicts kaden as an angel next to a devil dressed as uncle samkanden 's grandfather jason trammel said the decision was ` disrespectful 'editor of the paper dave nelson has defended the move in an op-ed\n", + "[1.2962968 1.5032222 1.3679934 1.3976871 1.1268128 1.1513741 1.1104176\n", + " 1.178931 1.0213069 1.0391033 1.0147524 1.0242633 1.0157789 1.0151848\n", + " 1.0127262 1.0115926 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 7 5 4 6 9 11 8 12 13 10 14 15 17 16 18]\n", + "=======================\n", + "[\"donna hussey , 32 , has also been branded a ` bad mum ' by trolls on facebook over the death of her son freddie - who was killed when a huge portable cabin came loose from a passing land rover .mrs hussey , who had just dropped her eight-year-old son archie to school , was helpless as the runaway trailer mounted the pavement and crushed young freddie against a wall in bedminster , bristol .police investigators found the trailer had not been correctly attached to the land rover but driver tony davies avoided prison after admitting causing death by careless driving .\"]\n", + "=======================\n", + "[\"donna hussey , 32 , targeted by trolls online over three-year-old son 's deathyoung freddie died after being crushed against a wall by a runaway trailertony davies spared jail after admitting causing death by careless drivingmrs hussey branded ` bad mum ' by trolls who blame her for freddie 's death\"]\n", + "donna hussey , 32 , has also been branded a ` bad mum ' by trolls on facebook over the death of her son freddie - who was killed when a huge portable cabin came loose from a passing land rover .mrs hussey , who had just dropped her eight-year-old son archie to school , was helpless as the runaway trailer mounted the pavement and crushed young freddie against a wall in bedminster , bristol .police investigators found the trailer had not been correctly attached to the land rover but driver tony davies avoided prison after admitting causing death by careless driving .\n", + "donna hussey , 32 , targeted by trolls online over three-year-old son 's deathyoung freddie died after being crushed against a wall by a runaway trailertony davies spared jail after admitting causing death by careless drivingmrs hussey branded ` bad mum ' by trolls who blame her for freddie 's death\n", + "[1.3000255 1.477252 1.1688048 1.2355676 1.0656389 1.1431873 1.0965569\n", + " 1.0526125 1.1214001 1.0295848 1.0627302 1.1560221 1.1069064 1.084425\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 11 5 8 12 6 13 4 10 7 9 14 15 16 17 18]\n", + "=======================\n", + "[\"the ss city of cairo was travelling from bombay to england in 1942 when it was torpedoed by a u-boat 480 miles south of st helena , taking 100 tons of rupees with it to the bottom of the ocean .a hoard of silver coins worth # 34million that was sunk by the nazis on board a steamship has been salvaged by a british-led team at a record depth of 5,150 m ( 17,000 ft ) .it was long assumed that the vessel 's cargo , belonging to the uk treasury , would be lost forever such was the complexity of the task facing salvage experts .\"]\n", + "=======================\n", + "['ss city of cairo sunk by u-boat en route from bombay to england in 1942100 tons of rupees belonging to the uk treasury thought to be lost foreverfinally tracked down by british-led team using powerful sonar and roboticsrecovered from a depth of 17,000 ft -- some 4,500 ft deeper than the titanic']\n", + "the ss city of cairo was travelling from bombay to england in 1942 when it was torpedoed by a u-boat 480 miles south of st helena , taking 100 tons of rupees with it to the bottom of the ocean .a hoard of silver coins worth # 34million that was sunk by the nazis on board a steamship has been salvaged by a british-led team at a record depth of 5,150 m ( 17,000 ft ) .it was long assumed that the vessel 's cargo , belonging to the uk treasury , would be lost forever such was the complexity of the task facing salvage experts .\n", + "ss city of cairo sunk by u-boat en route from bombay to england in 1942100 tons of rupees belonging to the uk treasury thought to be lost foreverfinally tracked down by british-led team using powerful sonar and roboticsrecovered from a depth of 17,000 ft -- some 4,500 ft deeper than the titanic\n", + "[1.1714469 1.2435582 1.2111079 1.3180859 1.0986152 1.085728 1.0785072\n", + " 1.0845376 1.1285825 1.1396384 1.1017375 1.1877295 1.0379122 1.0451044\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 11 0 9 8 10 4 5 7 6 13 12 17 14 15 16 18]\n", + "=======================\n", + "[\"made in chelsea star mark-francis vandelli is a keen collector of expensive watchesbut if you were n't already envious of the reality star , he has now opened up his watch collection to the evening standard , showing off some of the 16 eye-wateringly expensive timepieces that he has been collecting since his teens .one of the flashiest watches in his collection is the bulgari bulgari chrono 42 , which he purchased on holiday in italy and can be bought secondhand on the internet for # 6,5000 .\"]\n", + "=======================\n", + "['mark-francis vandelli is a keen collector of expensive watchesthe made in chelsea star has 16 timepieces in his collectionthey come from high end businesses including cartier , rolex and bulgari']\n", + "made in chelsea star mark-francis vandelli is a keen collector of expensive watchesbut if you were n't already envious of the reality star , he has now opened up his watch collection to the evening standard , showing off some of the 16 eye-wateringly expensive timepieces that he has been collecting since his teens .one of the flashiest watches in his collection is the bulgari bulgari chrono 42 , which he purchased on holiday in italy and can be bought secondhand on the internet for # 6,5000 .\n", + "mark-francis vandelli is a keen collector of expensive watchesthe made in chelsea star has 16 timepieces in his collectionthey come from high end businesses including cartier , rolex and bulgari\n", + "[1.209919 1.5249279 1.1676259 1.339535 1.1684347 1.1852031 1.167884\n", + " 1.0884722 1.0746202 1.1848162 1.0456759 1.0801092 1.0569091 1.0191277\n", + " 1.0154817 1.0874751 1.0155733 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 5 9 4 6 2 7 15 11 8 12 10 13 16 14 18 17 19]\n", + "=======================\n", + "[\"ian guffick asked pupils to make changes to the the national curriculum tests for 11-year-olds , which assess english , maths and science at mitton manor primary school in tewskesbury , gloucestershire .a teacher has been banned from the classroom after he let pupils change their exam answers invalidating his whole school 's sats results .after the suspected breach of exam rules , school officials were tipped off , resulting in an investigation being launched in june .\"]\n", + "=======================\n", + "[\"ian guffick , 31 , allowed pupils to make changes outside exam conditionshe also made changes to the pupil 's work before the papers were sent offprobe was launched after officials were tipped off he breached exam rulesa disciplinary panel has now banned guffick from teaching for two years\"]\n", + "ian guffick asked pupils to make changes to the the national curriculum tests for 11-year-olds , which assess english , maths and science at mitton manor primary school in tewskesbury , gloucestershire .a teacher has been banned from the classroom after he let pupils change their exam answers invalidating his whole school 's sats results .after the suspected breach of exam rules , school officials were tipped off , resulting in an investigation being launched in june .\n", + "ian guffick , 31 , allowed pupils to make changes outside exam conditionshe also made changes to the pupil 's work before the papers were sent offprobe was launched after officials were tipped off he breached exam rulesa disciplinary panel has now banned guffick from teaching for two years\n", + "[1.1828775 1.3802222 1.3651378 1.2500736 1.1611998 1.0712591 1.0637298\n", + " 1.0813773 1.0566908 1.0633831 1.0659165 1.0464681 1.1245567 1.0500654\n", + " 1.0685925 1.0667741 1.0597137 1.029709 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 12 7 5 14 15 10 6 9 16 8 13 11 17 18 19]\n", + "=======================\n", + "[\"families in the uk are more indebted than those in many other major developed nations , said the international monetary fund -- mainly due to borrowing to buy expensive homes .the uk was singled out as having a problem with household debt , along with portugal -- lumping britain together with a country that was forced to seek emergency funding during the eurozone crisis .britain 's obsession with home ownership could be hindering the nation 's economic recovery , a leading global watchdog has said .\"]\n", + "=======================\n", + "[\"borrowing to buy has left uk more indebted than other developed nationsbritain and portugal - which had to seek emergency funds - singled outimf 's global financial report a stark reminder that recovery is still fragileinternational body says increasing the housing supply must be top priority\"]\n", + "families in the uk are more indebted than those in many other major developed nations , said the international monetary fund -- mainly due to borrowing to buy expensive homes .the uk was singled out as having a problem with household debt , along with portugal -- lumping britain together with a country that was forced to seek emergency funding during the eurozone crisis .britain 's obsession with home ownership could be hindering the nation 's economic recovery , a leading global watchdog has said .\n", + "borrowing to buy has left uk more indebted than other developed nationsbritain and portugal - which had to seek emergency funds - singled outimf 's global financial report a stark reminder that recovery is still fragileinternational body says increasing the housing supply must be top priority\n", + "[1.1616216 1.5328559 1.2735115 1.2524232 1.3619412 1.1034064 1.0157198\n", + " 1.0131719 1.0111618 1.2094144 1.0502338 1.0459583 1.0769876 1.0709006\n", + " 1.126188 1.0552866 1.0692946 1.0300093 1.1020443 1.0755447]\n", + "\n", + "[ 1 4 2 3 9 0 14 5 18 12 19 13 16 15 10 11 17 6 7 8]\n", + "=======================\n", + "[\"paul monk , 54 , from essex , was wanted by spanish police for questioning over the kidnap and murder of francis brennan , whose badly decomposed body washed up on a costa blanca beach in march last year .he was also wanted by the metropolitan police on drug offences and had been named on a list of fugitives published as part of the national crime agency 's operation captura campaign ahead of his detention .this is the dramatic moment that fugitive paul monk was arrested by heavily armed police in his alicante villa\"]\n", + "=======================\n", + "[\"paul monk , 54 , was wanted by spanish police in connection with a murderthe essex man is a suspect in the murder of francis brennanbrennan 's body washed up on a costa blanca beach in march last yearpolice released footage of their swoop on monk 's alicante villa\"]\n", + "paul monk , 54 , from essex , was wanted by spanish police for questioning over the kidnap and murder of francis brennan , whose badly decomposed body washed up on a costa blanca beach in march last year .he was also wanted by the metropolitan police on drug offences and had been named on a list of fugitives published as part of the national crime agency 's operation captura campaign ahead of his detention .this is the dramatic moment that fugitive paul monk was arrested by heavily armed police in his alicante villa\n", + "paul monk , 54 , was wanted by spanish police in connection with a murderthe essex man is a suspect in the murder of francis brennanbrennan 's body washed up on a costa blanca beach in march last yearpolice released footage of their swoop on monk 's alicante villa\n", + "[1.3022768 1.2409757 1.379483 1.1183323 1.1241914 1.1242858 1.1479212\n", + " 1.1298707 1.0633088 1.1558846 1.0776043 1.0303326 1.0623597 1.0571647\n", + " 1.0144292 1.0096883 1.0417464 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 9 6 7 5 4 3 10 8 12 13 16 11 14 15 18 17 19]\n", + "=======================\n", + "[\"farmers say the seal killings are essential to stop the animals from destroying fish stocks off the coast of scotland and northern england , but campaigners insist there are more humane methods of protecting fish .hundreds of seals are being killed in british waters in order to protect stocks of salmon and other fish which are destined for supermarket shelves .the seal cull even takes place during the animals ' breeding season - meaning that some cubs are being left to fend for themselves when their mothers are shot dead .\"]\n", + "=======================\n", + "['more than 200 seals were legally killed off the scottish coast last yearfishermen and farmers insist the animals are destroying salmon stocksbut campaigners have called for a more humane method of keeping seal away from farmed fishactivists say consumers should put pressure on supermarkets and fishmongers when they are buying scottish salmon']\n", + "farmers say the seal killings are essential to stop the animals from destroying fish stocks off the coast of scotland and northern england , but campaigners insist there are more humane methods of protecting fish .hundreds of seals are being killed in british waters in order to protect stocks of salmon and other fish which are destined for supermarket shelves .the seal cull even takes place during the animals ' breeding season - meaning that some cubs are being left to fend for themselves when their mothers are shot dead .\n", + "more than 200 seals were legally killed off the scottish coast last yearfishermen and farmers insist the animals are destroying salmon stocksbut campaigners have called for a more humane method of keeping seal away from farmed fishactivists say consumers should put pressure on supermarkets and fishmongers when they are buying scottish salmon\n", + "[1.1714952 1.4567555 1.2690394 1.2721901 1.2396098 1.25053 1.2375005\n", + " 1.0420219 1.1281842 1.0817157 1.0173571 1.0501066 1.0514151 1.0983653\n", + " 1.0657276 1.0647342 1.0778723 1.0716413 0. 0. ]\n", + "\n", + "[ 1 3 2 5 4 6 0 8 13 9 16 17 14 15 12 11 7 10 18 19]\n", + "=======================\n", + "['the coach erupted into flames on the a2 slip road to the m25 near dartford in kent this morning with only the driver on board .the blaze sent plumes of black smoke across the carriageway with footage taken by motorists showing the wreckage of the vehicle .kent firefighters were sent to tackle the fire and were forced to close the slip road while they doused the flames .']\n", + "=======================\n", + "['the coach burst into flames while on the a2 slip road to the m25 at dartfordthe blaze sent plumes of black smoke drifting across the carriagewayit is thought that the fire began in the engine and spread to the rest of the coach']\n", + "the coach erupted into flames on the a2 slip road to the m25 near dartford in kent this morning with only the driver on board .the blaze sent plumes of black smoke across the carriageway with footage taken by motorists showing the wreckage of the vehicle .kent firefighters were sent to tackle the fire and were forced to close the slip road while they doused the flames .\n", + "the coach burst into flames while on the a2 slip road to the m25 at dartfordthe blaze sent plumes of black smoke drifting across the carriagewayit is thought that the fire began in the engine and spread to the rest of the coach\n", + "[1.1869938 1.4023819 1.3002603 1.1631064 1.244953 1.0864923 1.0776172\n", + " 1.0239136 1.0190887 1.0207009 1.0356314 1.0406883 1.0524501 1.0308906\n", + " 1.0580416 1.0791032 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 0 3 5 15 6 14 12 11 10 13 7 9 8 16 17 18]\n", + "=======================\n", + "[\"rugby school is known as the spiritual home of the game , with the world cup trophy named the webb ellis cup in honour of the schoolboy called william who made the daring decision to disregard the rules in 1823 .today the school is still steeped in the traditions of the sport , alongside its own rich history of ` muscular christianity ' led by its most famous headmaster , dr thomas arnold who is credited with transforming rugby school 's values in an effort to build pupils ' characters .the inspiration : a statue at rugby school depicting the moment pupil william webb ellis picked up a football and ran with it during a match in 1823 , in an action said to be the beginning of the modern game of rugby after pupils wrote their own set of rules\"]\n", + "=======================\n", + "['rugby school in warwickshire known as the birthplace as modern rugby after celebrated incidentpupil webb ellis ran with a football during a match in 1823 , with the new game codified by pupils within decadesschool is steeped in tradition and maintains its historic link with sport of rugby on its playing fields and in museum']\n", + "rugby school is known as the spiritual home of the game , with the world cup trophy named the webb ellis cup in honour of the schoolboy called william who made the daring decision to disregard the rules in 1823 .today the school is still steeped in the traditions of the sport , alongside its own rich history of ` muscular christianity ' led by its most famous headmaster , dr thomas arnold who is credited with transforming rugby school 's values in an effort to build pupils ' characters .the inspiration : a statue at rugby school depicting the moment pupil william webb ellis picked up a football and ran with it during a match in 1823 , in an action said to be the beginning of the modern game of rugby after pupils wrote their own set of rules\n", + "rugby school in warwickshire known as the birthplace as modern rugby after celebrated incidentpupil webb ellis ran with a football during a match in 1823 , with the new game codified by pupils within decadesschool is steeped in tradition and maintains its historic link with sport of rugby on its playing fields and in museum\n", + "[1.2141727 1.4719615 1.2729709 1.3755114 1.2108679 1.1051549 1.1080155\n", + " 1.1356379 1.0225562 1.069763 1.095016 1.0547192 1.0732032 1.0379362\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 7 6 5 10 12 9 11 13 8 14 15 16 17 18]\n", + "=======================\n", + "[\"ambra battilana , 22 , told police weinstein asked her for a kiss and then groped her during a ` business meeting ' at his tribeca office in manhattan on friday night .however , the very next day she snapped a picture of her matinee ticket to a preview showing of finding neverland , which weinstein is producing , from the lunt-fontanne theater and posted it on her instagram .an italian model who accused harvey weinstein of groping her breasts and putting his hand up her skirt attended the hollywood mogul 's new broadway show just a day after his alleged attack .\"]\n", + "=======================\n", + "[\"ambra battilana , 22 , accused weinstein , 63 , of groping her at his manhattan office on friday nightthe next day she snapped a picture of her matinee ticket to a preview of finding neverland , the hollywood producer 's new showa movie industry source said weinstein gave battilana the ticket during their friday night meetingsource said weinstein also told her he 'd be backstage during the showthe married father-of-five has denied the model 's allegationsher ex-boyfriend says she is a ` victim of her beauty '\"]\n", + "ambra battilana , 22 , told police weinstein asked her for a kiss and then groped her during a ` business meeting ' at his tribeca office in manhattan on friday night .however , the very next day she snapped a picture of her matinee ticket to a preview showing of finding neverland , which weinstein is producing , from the lunt-fontanne theater and posted it on her instagram .an italian model who accused harvey weinstein of groping her breasts and putting his hand up her skirt attended the hollywood mogul 's new broadway show just a day after his alleged attack .\n", + "ambra battilana , 22 , accused weinstein , 63 , of groping her at his manhattan office on friday nightthe next day she snapped a picture of her matinee ticket to a preview of finding neverland , the hollywood producer 's new showa movie industry source said weinstein gave battilana the ticket during their friday night meetingsource said weinstein also told her he 'd be backstage during the showthe married father-of-five has denied the model 's allegationsher ex-boyfriend says she is a ` victim of her beauty '\n", + "[1.2898908 1.3623039 1.4153017 1.2800572 1.1518306 1.1451088 1.1564109\n", + " 1.0582509 1.1393801 1.0177128 1.1311566 1.0179979 1.0843183 1.012874\n", + " 1.0101216 1.0124972 1.0080574 1.0265844 0. ]\n", + "\n", + "[ 2 1 0 3 6 4 5 8 10 12 7 17 11 9 13 15 14 16 18]\n", + "=======================\n", + "['the number of people paying 40p tax has already risen from about 2million to 5million in two decades , but the tories have promised to lift the threshold if they are returned to power .in an interview the shadow chancellor repeatedly refused to rule out trying to balance the books by lowering the amount workers have to earn before they pay the higher income tax rate .labour has vowed not to increase vat or national insurance as part of measures to bring down the deficit if they win the election .']\n", + "=======================\n", + "['shadow chancellor refuses to rule out using threshold to raise moneyvows not to hike income tax rate but not trapping more people in 40p ratechancellor george osborne says balls has ` let the cat out of the bagtories promise to raise threshold from # 41,865 to # 50,000 by 2020labour says the plan amounts to a # 7billion unfunded commitment']\n", + "the number of people paying 40p tax has already risen from about 2million to 5million in two decades , but the tories have promised to lift the threshold if they are returned to power .in an interview the shadow chancellor repeatedly refused to rule out trying to balance the books by lowering the amount workers have to earn before they pay the higher income tax rate .labour has vowed not to increase vat or national insurance as part of measures to bring down the deficit if they win the election .\n", + "shadow chancellor refuses to rule out using threshold to raise moneyvows not to hike income tax rate but not trapping more people in 40p ratechancellor george osborne says balls has ` let the cat out of the bagtories promise to raise threshold from # 41,865 to # 50,000 by 2020labour says the plan amounts to a # 7billion unfunded commitment\n", + "[1.1074018 1.6660612 1.340694 1.0633378 1.0726463 1.1950984 1.0576694\n", + " 1.0833809 1.1652384 1.0171218 1.0119809 1.0103117 1.0088117 1.094099\n", + " 1.1683375 1.0227123 0. 0. 0. ]\n", + "\n", + "[ 1 2 5 14 8 0 13 7 4 3 6 15 9 10 11 12 17 16 18]\n", + "=======================\n", + "['leonardo ulloa was not supposed to be starting this match , left out in favour of andrej kramaric .but when david nugent suffered injury in the warm-up , ulloa was sent on .leicester city defender marcin wasilewsk ( left ) hassles swansea playmaker gylfi sigurdsson ( right ) for the ball at the king power stadium']\n", + "=======================\n", + "['leicester claimed three premier league victories in a row for the first time since september 2000argentine forward leonardo ulloa scored the opening goal on 15 minutes before andy king netted a second late ondespite the 2-0 win over swansea the foxes are still in the relegation places on goal difference']\n", + "leonardo ulloa was not supposed to be starting this match , left out in favour of andrej kramaric .but when david nugent suffered injury in the warm-up , ulloa was sent on .leicester city defender marcin wasilewsk ( left ) hassles swansea playmaker gylfi sigurdsson ( right ) for the ball at the king power stadium\n", + "leicester claimed three premier league victories in a row for the first time since september 2000argentine forward leonardo ulloa scored the opening goal on 15 minutes before andy king netted a second late ondespite the 2-0 win over swansea the foxes are still in the relegation places on goal difference\n", + "[1.0706073 1.0494165 1.1473167 1.326851 1.113036 1.0620471 1.2294645\n", + " 1.1863037 1.154514 1.0292714 1.1367495 1.0636115 1.0266922 1.0244762\n", + " 1.044591 1.0222983 1.0215936 1.0164455 1.0331047]\n", + "\n", + "[ 3 6 7 8 2 10 4 0 11 5 1 14 18 9 12 13 15 16 17]\n", + "=======================\n", + "[\"fashion retailers have started to get in on the beauty act with plenty of shops now offering their own make-up ranges as well as clothingclaire coleman put some of the biggest fashion beauty brands to the test ...the high street giant has all of this season 's beauty looks , from a rainbow of nail polishes ( # 6 ) to lip ombre ( # 9 ) -- sets of two cream-to-powder formulation lip colours to be worn in tandem ( caution : lips must be very well moisturised ) .\"]\n", + "=======================\n", + "['fashion retailers have started to produce their own make-up rangesyou no longer have to head across town to a chemist or department storebut are any of these high street ranges worth splashing your cash on ?']\n", + "fashion retailers have started to get in on the beauty act with plenty of shops now offering their own make-up ranges as well as clothingclaire coleman put some of the biggest fashion beauty brands to the test ...the high street giant has all of this season 's beauty looks , from a rainbow of nail polishes ( # 6 ) to lip ombre ( # 9 ) -- sets of two cream-to-powder formulation lip colours to be worn in tandem ( caution : lips must be very well moisturised ) .\n", + "fashion retailers have started to produce their own make-up rangesyou no longer have to head across town to a chemist or department storebut are any of these high street ranges worth splashing your cash on ?\n", + "[1.5134499 1.438859 1.1796951 1.4737424 1.155038 1.0567209 1.0182902\n", + " 1.0305834 1.01966 1.0392003 1.0363878 1.018618 1.0205151 1.0717285\n", + " 1.1596582 1.0214996 1.0143113 1.0143404 1.0131047 1.0161306 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 2 14 4 13 5 9 10 7 15 12 8 11 6 19 17 16 18 20 21]\n", + "=======================\n", + "[\"ian bell insists england did not underestimate the west indies ahead of the first test , despite some injudicious comments from the incoming chairman of the england and wales cricket board .but bell , after 106 tests and 11 years on the international circuit , never expected anything different .bell may have said all the right things but windies opener devon smith , who will become the first grenadan to play test cricket on the island , revealed that graves ' comments had not gone unnoticed .\"]\n", + "=======================\n", + "[\"incoming ecb chairman colin graves called west indies ` mediocre 'but england failed to win first test in antigua despite dominatingian bell insists his team did not underestimate west indieswest indies batsman devon smith says comments motivated the hosts\"]\n", + "ian bell insists england did not underestimate the west indies ahead of the first test , despite some injudicious comments from the incoming chairman of the england and wales cricket board .but bell , after 106 tests and 11 years on the international circuit , never expected anything different .bell may have said all the right things but windies opener devon smith , who will become the first grenadan to play test cricket on the island , revealed that graves ' comments had not gone unnoticed .\n", + "incoming ecb chairman colin graves called west indies ` mediocre 'but england failed to win first test in antigua despite dominatingian bell insists his team did not underestimate west indieswest indies batsman devon smith says comments motivated the hosts\n", + "[1.3783238 1.3253187 1.3430598 1.1921445 1.1069069 1.1013788 1.0454367\n", + " 1.1318469 1.0795746 1.0789251 1.1396979 1.0615833 1.0497965 1.084878\n", + " 1.0187533 1.0855755 1.0766015 1.0099703 1.0126188 1.0397254 1.1121013\n", + " 1.0236578]\n", + "\n", + "[ 0 2 1 3 10 7 20 4 5 15 13 8 9 16 11 12 6 19 21 14 18 17]\n", + "=======================\n", + "[\"former fbi director louis freeh nearly died last summer when he was involved in a car crash driving near his summer home in barnard , vermont .they say 64-year-old freeh severed an artery in one of his legs and would have bled to death in just 60 seconds if it were n't for the quick response from paramedics and an fbi agent on the scene .current fbi director james comey and vermont senator patrick leahy spoke about the accident for the first time last week , during an appearance at chaplain college .\"]\n", + "=======================\n", + "[\"officials spoke about the devastating single-vehicle crash in august for the first time last weekcurrent fbi director james comey and vermont senator patrick leahy say freeh severed a major artery in the crashparamedics and an fbi agent at the scene were able to stop the bleeding - saving freeh 's lifefreeh was the director of the fbi from 1993 until 2003\"]\n", + "former fbi director louis freeh nearly died last summer when he was involved in a car crash driving near his summer home in barnard , vermont .they say 64-year-old freeh severed an artery in one of his legs and would have bled to death in just 60 seconds if it were n't for the quick response from paramedics and an fbi agent on the scene .current fbi director james comey and vermont senator patrick leahy spoke about the accident for the first time last week , during an appearance at chaplain college .\n", + "officials spoke about the devastating single-vehicle crash in august for the first time last weekcurrent fbi director james comey and vermont senator patrick leahy say freeh severed a major artery in the crashparamedics and an fbi agent at the scene were able to stop the bleeding - saving freeh 's lifefreeh was the director of the fbi from 1993 until 2003\n", + "[1.4447142 1.417278 1.280855 1.2688216 1.4123774 1.1808774 1.0480554\n", + " 1.0159016 1.0152159 1.0178317 1.0133795 1.0278901 1.073275 1.0271367\n", + " 1.0259018 1.2772404 1.077131 1.0341282 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 4 2 15 3 5 16 12 6 17 11 13 14 9 7 8 10 18 19 20 21]\n", + "=======================\n", + "['south sydney hooker issac luke is at the centre of a homophobic accusation after posting an offensive comment on social media in response to attacks from canterbury bulldogs fans .the 27-year-old had made a heartfelt appeal on his official instagram account on saturday in a bid to track down the young rabbitohs fan who was allegedly attacked at anz stadium in sydney .south sydney star issac luke will be investigated by the nrl after posting a homophobic slur on instagram']\n", + "=======================\n", + "[\"souths hooker issac luke has become embroiled in a social media stormthe 27-year-old had posted a heartfelt appeal to find a young injured fanbut he was taunted by bulldog fans on instagram over his postshe lashed out at them , calling them ` lil poofters ' on saturdaythe offensive comment prompted an immediate social media backlashthe post was immediately deleted and luke has since apologisedthe rabbitohs star is now under investigation by the nrl integrity unitit comes after souths sealed a bitter win over the bulldogs on friday\"]\n", + "south sydney hooker issac luke is at the centre of a homophobic accusation after posting an offensive comment on social media in response to attacks from canterbury bulldogs fans .the 27-year-old had made a heartfelt appeal on his official instagram account on saturday in a bid to track down the young rabbitohs fan who was allegedly attacked at anz stadium in sydney .south sydney star issac luke will be investigated by the nrl after posting a homophobic slur on instagram\n", + "souths hooker issac luke has become embroiled in a social media stormthe 27-year-old had posted a heartfelt appeal to find a young injured fanbut he was taunted by bulldog fans on instagram over his postshe lashed out at them , calling them ` lil poofters ' on saturdaythe offensive comment prompted an immediate social media backlashthe post was immediately deleted and luke has since apologisedthe rabbitohs star is now under investigation by the nrl integrity unitit comes after souths sealed a bitter win over the bulldogs on friday\n", + "[1.4588153 1.1818802 1.3874993 1.4459258 1.2448123 1.0923536 1.0388473\n", + " 1.0239781 1.0157471 1.0183213 1.0258387 1.0958004 1.1591829 1.0562803\n", + " 1.0473881 1.0147641 1.0113075 1.0097022 1.1492578 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 2 4 1 12 18 11 5 13 14 6 10 7 9 8 15 16 17 19 20 21]\n", + "=======================\n", + "['tottenham head coach mauricio pochettino is unsure whether a planned boycott by newcastle fans will prove a help or hindrance to his side this weekend .tottenham boss mauricio pochettino ( right ) is in an upbeat mood ahead of the trip to newcastlea number of supporters plan to boycott the televised game in protest against owner mike ashley , which is likely to lead to a peculiar atmosphere in the north east .']\n", + "=======================\n", + "[\"tottenham travel to newcastle for their premier league clash on sundaymagpies supporters are planning a mass protest at st james ' parkspurs boss mauricio pochettino does n't know how this will affect players\"]\n", + "tottenham head coach mauricio pochettino is unsure whether a planned boycott by newcastle fans will prove a help or hindrance to his side this weekend .tottenham boss mauricio pochettino ( right ) is in an upbeat mood ahead of the trip to newcastlea number of supporters plan to boycott the televised game in protest against owner mike ashley , which is likely to lead to a peculiar atmosphere in the north east .\n", + "tottenham travel to newcastle for their premier league clash on sundaymagpies supporters are planning a mass protest at st james ' parkspurs boss mauricio pochettino does n't know how this will affect players\n", + "[1.1931311 1.5457517 1.2820666 1.3879101 1.0934815 1.1113671 1.2146206\n", + " 1.1108271 1.0893679 1.1018485 1.0468622 1.0496438 1.0204824 1.0123936\n", + " 1.0088186 1.0082328 1.0612757 1.0773594 1.074936 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 6 0 5 7 9 4 8 17 18 16 11 10 12 13 14 15 20 19 21]\n", + "=======================\n", + "['shauna mcglasson , 25 , from workington , was so overweight she got trapped in the turnstiles at the alice and wonderland ride at blackpool pleasure beach in august last year .shauna , who was a takeaway addict , was carrying her three-year-old daughter lacey in her arms at the time and the toddler started screaming after her mother tried to free herself .determined shauna has since dropped seven stone and now weighs in at just over 10 stone .']\n", + "=======================\n", + "['shauna mcglasson became trapped in the turnstiles of a fairground ridedetermined to make a change she swapped takeaways for the gymshe has now dropped 7st in as many months weighing in at 10st']\n", + "shauna mcglasson , 25 , from workington , was so overweight she got trapped in the turnstiles at the alice and wonderland ride at blackpool pleasure beach in august last year .shauna , who was a takeaway addict , was carrying her three-year-old daughter lacey in her arms at the time and the toddler started screaming after her mother tried to free herself .determined shauna has since dropped seven stone and now weighs in at just over 10 stone .\n", + "shauna mcglasson became trapped in the turnstiles of a fairground ridedetermined to make a change she swapped takeaways for the gymshe has now dropped 7st in as many months weighing in at 10st\n", + "[1.3374443 1.381614 1.2600491 1.1503509 1.2796336 1.2028825 1.0696384\n", + " 1.0429862 1.0382673 1.1372164 1.1083184 1.0447588 1.1327494 1.0287322\n", + " 1.0383277 1.0085835 1.0304152 0. ]\n", + "\n", + "[ 1 0 4 2 5 3 9 12 10 6 11 7 14 8 16 13 15 17]\n", + "=======================\n", + "['the london-based syrian observatory for human rights says isis and the al qaeda-affiliated al-nusra front took control of 90 % of the camp in southern damascus .( cnn ) thousands of palestinians are trapped in the devastated yarmouk refugee camp in syria , which has mostly been seized by groups including isis , activists report .calling the lives of yarmouk refugees \" profoundly threatened \" on sunday , the united nations relief and works agency issued a statement urging humanitarian aid access .']\n", + "=======================\n", + "['isis and other rebel groups control most of the refugee camp , activists say\" never has the hour been more desperate \" in the camp , u.n. says\" reports of kidnappings , beheadings and mass killings , \" plo official says']\n", + "the london-based syrian observatory for human rights says isis and the al qaeda-affiliated al-nusra front took control of 90 % of the camp in southern damascus .( cnn ) thousands of palestinians are trapped in the devastated yarmouk refugee camp in syria , which has mostly been seized by groups including isis , activists report .calling the lives of yarmouk refugees \" profoundly threatened \" on sunday , the united nations relief and works agency issued a statement urging humanitarian aid access .\n", + "isis and other rebel groups control most of the refugee camp , activists say\" never has the hour been more desperate \" in the camp , u.n. says\" reports of kidnappings , beheadings and mass killings , \" plo official says\n", + "[1.2660859 1.346352 1.4072449 1.261127 1.0365001 1.1636304 1.1059929\n", + " 1.1043319 1.050425 1.1487262 1.1162924 1.0473822 1.0758233 1.0839136\n", + " 1.045395 1.0462523 1.0480499 0. ]\n", + "\n", + "[ 2 1 0 3 5 9 10 6 7 13 12 8 16 11 15 14 4 17]\n", + "=======================\n", + "[\"a group of 15 men have now been arrested on suspicion of ` multiple aggravated murder motivated by religious hate , ' palermo police said in a statement .witnesses say a fight broke out on a rubber dinghy carrying more than 100 african migrants from libya to sicily , after which the men were thrown to their deaths .the 15 migrants arrested over the attack on their arrival in palermo are from the ivory coast , senegal , mali and guinea bissau .\"]\n", + "=======================\n", + "[\"migrants from nigeria and ghana drown after being thrown overboardfight broke out on rubber dinghy carrying 105 from libya to italythe men were thrown into sea ` for professing the christian faith '15 men arrested for ` aggravated murder motivated by religious hate '\"]\n", + "a group of 15 men have now been arrested on suspicion of ` multiple aggravated murder motivated by religious hate , ' palermo police said in a statement .witnesses say a fight broke out on a rubber dinghy carrying more than 100 african migrants from libya to sicily , after which the men were thrown to their deaths .the 15 migrants arrested over the attack on their arrival in palermo are from the ivory coast , senegal , mali and guinea bissau .\n", + "migrants from nigeria and ghana drown after being thrown overboardfight broke out on rubber dinghy carrying 105 from libya to italythe men were thrown into sea ` for professing the christian faith '15 men arrested for ` aggravated murder motivated by religious hate '\n", + "[1.4220471 1.2135447 1.1809256 1.1479201 1.3340997 1.0574024 1.099365\n", + " 1.0788739 1.0308467 1.0179088 1.0259235 1.1839831 1.0641625 1.0553728\n", + " 1.0634688 1.0372106 0. 0. ]\n", + "\n", + "[ 0 4 1 11 2 3 6 7 12 14 5 13 15 8 10 9 16 17]\n", + "=======================\n", + "[\"libertarian icon rand paul has beefed up his campaign store ahead of his announcement this morning that he would compete for the republican nomination for president next year .like paul , the kentucky senator who made a name for himself by championing issues not typically associated with the gop such as criminal justice reform and privacy protections , much of the ` rand ' 2016 swag is unconventional .rand fans will still find the usual array of yard signs and bumper stickers .\"]\n", + "=======================\n", + "[\"the freshman senator beefed up his campaign store ahead of his presidential announcement this morningrand fans will find the usual array of yard signs and bumper stickers - but they 'll also be able to sport their support with more unique itemsmacbook skins and woven blankets feature paul , flip-flops and car mats bear the slogan ` stand with rand ' and there 's branded cornhole boardsfor $ 1,000 supporters can buy pocket constitutions signed by paulpaul 's campaign store reflects the 52-year-old lawmaker 's efforts to appeal to a new generation of conservatives\"]\n", + "libertarian icon rand paul has beefed up his campaign store ahead of his announcement this morning that he would compete for the republican nomination for president next year .like paul , the kentucky senator who made a name for himself by championing issues not typically associated with the gop such as criminal justice reform and privacy protections , much of the ` rand ' 2016 swag is unconventional .rand fans will still find the usual array of yard signs and bumper stickers .\n", + "the freshman senator beefed up his campaign store ahead of his presidential announcement this morningrand fans will find the usual array of yard signs and bumper stickers - but they 'll also be able to sport their support with more unique itemsmacbook skins and woven blankets feature paul , flip-flops and car mats bear the slogan ` stand with rand ' and there 's branded cornhole boardsfor $ 1,000 supporters can buy pocket constitutions signed by paulpaul 's campaign store reflects the 52-year-old lawmaker 's efforts to appeal to a new generation of conservatives\n", + "[1.0516694 1.215304 1.0546719 1.0461565 1.1137971 1.1420779 1.0610418\n", + " 1.0389211 1.1737785 1.0434495 1.1609677 1.0512834 1.0225877 1.0517443\n", + " 1.0438733 1.0371348 1.034041 1.0188973]\n", + "\n", + "[ 1 8 10 5 4 6 2 13 0 11 3 14 9 7 15 16 12 17]\n", + "=======================\n", + "[\"famously and memorably , the poet philip larkin asked : ` why should i let the toad work / squat on my life ? 'joanna biggs offers an excellent contribution to our knowledge of the world of work in all its variety - not through tedious sociological analysis ( thank goodness ) , but through the stories of real people she has interviewed all over the country .joanna biggs makes it bleakly clear that for many people today , ` the idea that good work brings a good life no longer holds ' .\"]\n", + "=======================\n", + "['joanna biggs tells the stories of real people she has interviewedin the ukshe offers an excellent contribution to our knowledge of the world of workconfesses she hoped for more resistance to the way society is organised']\n", + "famously and memorably , the poet philip larkin asked : ` why should i let the toad work / squat on my life ? 'joanna biggs offers an excellent contribution to our knowledge of the world of work in all its variety - not through tedious sociological analysis ( thank goodness ) , but through the stories of real people she has interviewed all over the country .joanna biggs makes it bleakly clear that for many people today , ` the idea that good work brings a good life no longer holds ' .\n", + "joanna biggs tells the stories of real people she has interviewedin the ukshe offers an excellent contribution to our knowledge of the world of workconfesses she hoped for more resistance to the way society is organised\n", + "[1.2083106 1.2883539 1.2151645 1.2393006 1.2013731 1.0830435 1.0426779\n", + " 1.0589919 1.0952624 1.051059 1.1386219 1.1587391 1.1225295 1.0509247\n", + " 1.0721561 1.0103576 1.169529 0. ]\n", + "\n", + "[ 1 3 2 0 4 16 11 10 12 8 5 14 7 9 13 6 15 17]\n", + "=======================\n", + "['chelsea manning , the us army solider who was convicted of leaking thousands of secret diplomatic cables to wikileaks , has begun tweeting from behind bars at leavenworth military prison in kansas .within just a few hours @xychelsea racked up more than 16,000 followers .manning sent out 15 tweets on friday afternoon - mostly to thank her supporters , including the american civil liberties union , amnesty international and journalist glenn greenwald .']\n", + "=======================\n", + "['manning tweeted out thanks to her supporters - including rage against the machine frontman tom morelloshe is dictating the tweets over the phone to friends']\n", + "chelsea manning , the us army solider who was convicted of leaking thousands of secret diplomatic cables to wikileaks , has begun tweeting from behind bars at leavenworth military prison in kansas .within just a few hours @xychelsea racked up more than 16,000 followers .manning sent out 15 tweets on friday afternoon - mostly to thank her supporters , including the american civil liberties union , amnesty international and journalist glenn greenwald .\n", + "manning tweeted out thanks to her supporters - including rage against the machine frontman tom morelloshe is dictating the tweets over the phone to friends\n", + "[1.236355 1.3758199 1.072568 1.2841425 1.2290883 1.1135931 1.1765623\n", + " 1.300906 1.1261203 1.0732112 1.0523713 1.0927683 1.0272653 1.0171674\n", + " 1.0375645 1.0373462 1.0537928 1.0979317 1.0839374 1.0180645 1.0148433]\n", + "\n", + "[ 1 7 3 0 4 6 8 5 17 11 18 9 2 16 10 14 15 12 19 13 20]\n", + "=======================\n", + "[\"called eye2tv , it adjusts colours in the image so that shows look ` normal ' , even if features colours such as red and green that would otherwise not be visible .the team from the university of east anglia in norwich is seeking # 100,000 ( $ 150,000 ) of funding to get their project of the ground .norwich scientists have developed an adaptor for colour blindness .\"]\n", + "=======================\n", + "[\"norwich scientists have developed a # 50 adaptor for colour blindnessit can be plugged into any hdmi port on a tv or a computer monitora remote control or app then adjusts the colour adjustmentit allows colour blind people to watch shows they otherwise could n't\"]\n", + "called eye2tv , it adjusts colours in the image so that shows look ` normal ' , even if features colours such as red and green that would otherwise not be visible .the team from the university of east anglia in norwich is seeking # 100,000 ( $ 150,000 ) of funding to get their project of the ground .norwich scientists have developed an adaptor for colour blindness .\n", + "norwich scientists have developed a # 50 adaptor for colour blindnessit can be plugged into any hdmi port on a tv or a computer monitora remote control or app then adjusts the colour adjustmentit allows colour blind people to watch shows they otherwise could n't\n", + "[1.0735435 1.122463 1.2333305 1.1014577 1.2507632 1.1144054 1.0660563\n", + " 1.0658077 1.1461663 1.1124552 1.0769151 1.1119456 1.0441175 1.0694467\n", + " 1.124501 1.0972648 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 2 8 14 1 5 9 11 3 15 10 0 13 6 7 12 16 17 18 19 20]\n", + "=======================\n", + "[\"this week , a u.s consumer advisory group set up by the department of transportation said at a public hearing that while the government is happy to set standards for animals flying on planes , it does n't stipulate a minimum amount of space for humans .they say that the shrinking space on aeroplanes is not only uncomfortable - it 's putting our health and safety in danger .tests conducted by the faa use planes with a 31 inch pitch , a standard which on some airlines has decreased\"]\n", + "=======================\n", + "['experts question if packed out planes are putting passengers at risku.s consumer advisory group says minimum space must be stipulatedsafety tests conducted on planes with more leg room than airlines offer']\n", + "this week , a u.s consumer advisory group set up by the department of transportation said at a public hearing that while the government is happy to set standards for animals flying on planes , it does n't stipulate a minimum amount of space for humans .they say that the shrinking space on aeroplanes is not only uncomfortable - it 's putting our health and safety in danger .tests conducted by the faa use planes with a 31 inch pitch , a standard which on some airlines has decreased\n", + "experts question if packed out planes are putting passengers at risku.s consumer advisory group says minimum space must be stipulatedsafety tests conducted on planes with more leg room than airlines offer\n", + "[1.3335834 1.2911441 1.4224483 1.3328133 1.1802943 1.0390248 1.207277\n", + " 1.0655235 1.0661377 1.0842732 1.0355211 1.1377825 1.0333245 1.020206\n", + " 1.027235 1.0158188 1.0238909 1.1280892 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 1 6 4 11 17 9 8 7 5 10 12 14 16 13 15 19 18 20]\n", + "=======================\n", + "[\"the multi bafta-winning actress , 39 , wants to install a boulder and gravel seawall along the west sussex coast to protect her property .kate winslet faces a planning battle with natural england over plans to build sea defencesbut natural england has recommended the planning application be refused - citing concerns it may result in the ` direct loss ' of natural habitat designated for rare and vulnerable birds , trees and wetlands .\"]\n", + "=======================\n", + "['kate winslet submitted application for a sea wall along west sussex coastshe wants to build a 550ft-long sea wall to protect her home from floodingbut natural england has raised concerns about environmental impactit recommended her local council refuse the planning application because of concerns wall could destroy habitat for rare birds and wetlands']\n", + "the multi bafta-winning actress , 39 , wants to install a boulder and gravel seawall along the west sussex coast to protect her property .kate winslet faces a planning battle with natural england over plans to build sea defencesbut natural england has recommended the planning application be refused - citing concerns it may result in the ` direct loss ' of natural habitat designated for rare and vulnerable birds , trees and wetlands .\n", + "kate winslet submitted application for a sea wall along west sussex coastshe wants to build a 550ft-long sea wall to protect her home from floodingbut natural england has raised concerns about environmental impactit recommended her local council refuse the planning application because of concerns wall could destroy habitat for rare birds and wetlands\n", + "[1.3328085 1.4355888 1.2804697 1.3494194 1.2108827 1.0571723 1.0765505\n", + " 1.1045246 1.1089221 1.0371183 1.0875839 1.0515496 1.0183922 1.035432\n", + " 1.0981705 1.0579892 1.0479792 1.0092813 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 8 7 14 10 6 15 5 11 16 9 13 12 17 19 18 20]\n", + "=======================\n", + "[\"the 24-year-old pop star , whose real name was chris hardman , died on march 23 in his hometown of lowestoft after a long battle with depression .reality tv star and singer lil ' chris who died last month was found hanging at his home by a friend , the inquest into his death has been told .suffolk coroner peter dean today told the inquest that mr hardman 's that friend aj sutton later identified the body .\"]\n", + "=======================\n", + "['singer was found at home in lowestoft on march 23 and pronounced deadfriend aj sutton helped to identify the body , inquest into death was toldpathologist who confirmed cause of death extended sympathies to familyreality tv star had been struggling with depression and vowed to find curethe samaritans can be contacted by phone on 08457 909090 , email jo@samaritans.org , or you can find the details of your local branch at www.samaritans.org .']\n", + "the 24-year-old pop star , whose real name was chris hardman , died on march 23 in his hometown of lowestoft after a long battle with depression .reality tv star and singer lil ' chris who died last month was found hanging at his home by a friend , the inquest into his death has been told .suffolk coroner peter dean today told the inquest that mr hardman 's that friend aj sutton later identified the body .\n", + "singer was found at home in lowestoft on march 23 and pronounced deadfriend aj sutton helped to identify the body , inquest into death was toldpathologist who confirmed cause of death extended sympathies to familyreality tv star had been struggling with depression and vowed to find curethe samaritans can be contacted by phone on 08457 909090 , email jo@samaritans.org , or you can find the details of your local branch at www.samaritans.org .\n", + "[1.4953433 1.3066577 1.3598399 1.2691872 1.3127937 1.2877667 1.0283754\n", + " 1.0174128 1.018616 1.0199952 1.0326742 1.0215027 1.2122326 1.0555077\n", + " 1.0205861 1.0293441 1.2405369 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 4 1 5 3 16 12 13 10 15 6 11 14 9 8 7 19 17 18 20]\n", + "=======================\n", + "[\"atletico madrid centre back miranda has lambasted serbian referee milorad mazic following his side 's champions league encounter against real madrid .miranda and his atletico madrid team-mates were left riled when mazic , who refereed at the 2014 world cup , failed to punish sergio ramos for what appeared to be an elbow on mario mandzukic .the brazil defender has said officials from ` lower leagues ' should not be allowed to referee high-profile games\"]\n", + "=======================\n", + "[\"miranda was far from happy with milorad mazic 's display on tuesday nightthe brazil international believes officials from ` minor leagues ' should not officiate important champions league tiesmazic failed to penalise sergio ramos for elbow on mario mandzukicread : atletico ace mario suarez says referee mazic was ` very bad '\"]\n", + "atletico madrid centre back miranda has lambasted serbian referee milorad mazic following his side 's champions league encounter against real madrid .miranda and his atletico madrid team-mates were left riled when mazic , who refereed at the 2014 world cup , failed to punish sergio ramos for what appeared to be an elbow on mario mandzukic .the brazil defender has said officials from ` lower leagues ' should not be allowed to referee high-profile games\n", + "miranda was far from happy with milorad mazic 's display on tuesday nightthe brazil international believes officials from ` minor leagues ' should not officiate important champions league tiesmazic failed to penalise sergio ramos for elbow on mario mandzukicread : atletico ace mario suarez says referee mazic was ` very bad '\n", + "[1.4080837 1.273146 1.1605473 1.1264488 1.3272223 1.1436143 1.0517313\n", + " 1.2962857 1.0576127 1.030264 1.0305935 1.238991 1.0556169 1.11783\n", + " 1.0450279 1.0316093 0. 0. 0. ]\n", + "\n", + "[ 0 4 7 1 11 2 5 3 13 8 12 6 14 15 10 9 16 17 18]\n", + "=======================\n", + "[\"mario balotelli revealed his delight on twitter after manchester city forward sergio aguero struck early on against manchester united , even though city 's eventual defeat was good news for liverpool .argentine striker aguero opened the scoring after eight minutes at old trafford , and his controversial former city team-mate took the opportunity to lay into his biggest rivals from his time at the etihad stadium and at anfield .liverpool - and balotelli - face newcastle united on monday night with the chance of closing the gap on city in fourth to four points in the barclays premier league .\"]\n", + "=======================\n", + "['manchester united beat manchester city 4-2 at old trafford on sundaysergio aguero gave city the lead after just eight minutes in derbyhis former team-mate mario balotelli tweeted his delight after the goalbut the now-liverpool striker benefited more from city losing derbyhe and his anfield team-mates face newcastle on monday evening']\n", + "mario balotelli revealed his delight on twitter after manchester city forward sergio aguero struck early on against manchester united , even though city 's eventual defeat was good news for liverpool .argentine striker aguero opened the scoring after eight minutes at old trafford , and his controversial former city team-mate took the opportunity to lay into his biggest rivals from his time at the etihad stadium and at anfield .liverpool - and balotelli - face newcastle united on monday night with the chance of closing the gap on city in fourth to four points in the barclays premier league .\n", + "manchester united beat manchester city 4-2 at old trafford on sundaysergio aguero gave city the lead after just eight minutes in derbyhis former team-mate mario balotelli tweeted his delight after the goalbut the now-liverpool striker benefited more from city losing derbyhe and his anfield team-mates face newcastle on monday evening\n", + "[1.4225215 1.5567513 1.2077256 1.4905047 1.2996969 1.1193142 1.0199775\n", + " 1.0143042 1.0094781 1.0144236 1.0639105 1.0846628 1.0995238 1.2139504\n", + " 1.0696 1.0175339 1.0121586 1.0291253 1.134964 ]\n", + "\n", + "[ 1 3 0 4 13 2 18 5 12 11 14 10 17 6 15 9 7 16 8]\n", + "=======================\n", + "[\"rosberg will start sunday 's race behind team-mate lewis hamilton after he missed out on pole by just 0.042 secs in shanghai .nico rosberg has accused his own mercedes team of putting him ` under pressure ' during qualifying for the chinese grand prix .the german has now been out-qualified by hamilton at each of the three races this season\"]\n", + "=======================\n", + "[\"nico rosberg was the last driver out of the pit-lane and was forced to turn in a quicker out-lap than he would have liked ahead of his final shot at polethe german narrowly missed out to his team-mate lewis hamiltonrosberg was just 0.042 secs slower than his mercedes rivalrosberg also said : ` oh , come on , guys ' , over the team radio after he was informed he 'd missed out on pole for tomorrow 's chinese grand prix\"]\n", + "rosberg will start sunday 's race behind team-mate lewis hamilton after he missed out on pole by just 0.042 secs in shanghai .nico rosberg has accused his own mercedes team of putting him ` under pressure ' during qualifying for the chinese grand prix .the german has now been out-qualified by hamilton at each of the three races this season\n", + "nico rosberg was the last driver out of the pit-lane and was forced to turn in a quicker out-lap than he would have liked ahead of his final shot at polethe german narrowly missed out to his team-mate lewis hamiltonrosberg was just 0.042 secs slower than his mercedes rivalrosberg also said : ` oh , come on , guys ' , over the team radio after he was informed he 'd missed out on pole for tomorrow 's chinese grand prix\n", + "[1.3132951 1.3131998 1.2570844 1.3289368 1.1578084 1.0318816 1.0281445\n", + " 1.0912791 1.0207264 1.0210012 1.0428213 1.0831704 1.0212258 1.0969824\n", + " 1.2227552 1.072151 1.0606507 1.0511801 1.0352614]\n", + "\n", + "[ 3 0 1 2 14 4 13 7 11 15 16 17 10 18 5 6 12 9 8]\n", + "=======================\n", + "[\"plea : the mother of jihadi bride khadijah dare ( pictured ) has issued a plea for her to return homeshe was among the first britons to join the terrorists of islamic state and regularly takes to twitter to issue violent threats , including one in which she spoke of her wish to become the first woman to behead a westerner .but despite all that , khadijah dare 's heartbroken mother victoria has used her first ever interview to call upon her daughter to return and says she wants her only child in her life .\"]\n", + "=======================\n", + "[\"grace dare , who now uses the name khadijah , is with isis in syriaher heartbroken mother victoria , from lewisham , has spoken for first timehas issued a plea for her daughter and grandson to come homesays dare was a devout christian as a child and ` loved to pray 'her daughter has become a terrorist poster girl and regularly issues threatsdare has said she wants to become the first woman to behead a westernerher swedish husband abu bakr has reportedly been killedbritain 's jihadi brides , tonight at 9pm on bbc2\"]\n", + "plea : the mother of jihadi bride khadijah dare ( pictured ) has issued a plea for her to return homeshe was among the first britons to join the terrorists of islamic state and regularly takes to twitter to issue violent threats , including one in which she spoke of her wish to become the first woman to behead a westerner .but despite all that , khadijah dare 's heartbroken mother victoria has used her first ever interview to call upon her daughter to return and says she wants her only child in her life .\n", + "grace dare , who now uses the name khadijah , is with isis in syriaher heartbroken mother victoria , from lewisham , has spoken for first timehas issued a plea for her daughter and grandson to come homesays dare was a devout christian as a child and ` loved to pray 'her daughter has become a terrorist poster girl and regularly issues threatsdare has said she wants to become the first woman to behead a westernerher swedish husband abu bakr has reportedly been killedbritain 's jihadi brides , tonight at 9pm on bbc2\n", + "[1.3413681 1.4046031 1.1861398 1.1465888 1.2303476 1.2056139 1.1680353\n", + " 1.0462856 1.1181872 1.1228613 1.0626296 1.0462352 1.0307122 1.0348803\n", + " 1.0319118 1.0173709 1.0497568 0. 0. ]\n", + "\n", + "[ 1 0 4 5 2 6 3 9 8 10 16 7 11 13 14 12 15 17 18]\n", + "=======================\n", + "[\"the jet may have been caused by a wave of heat reaching ice trapped under the surface , causing an explosion of material .esa 's rosetta spacecraft has captured stunning images of a dust jet erupting from comet 67p churyumov-gerasimenko .the first image was taken at 7:13 am bst ( 2:13 am est ) on 12 march , and the second was taken two minutes later .\"]\n", + "=======================\n", + "['scientists in germany observed a jet erupting from comet 67pthe event was captured by the osiris camera on the rosetta spacecraftin images two minutes apart , the jet appears on the dark side of the cometit may have formed when melting ice caused an explosion of material']\n", + "the jet may have been caused by a wave of heat reaching ice trapped under the surface , causing an explosion of material .esa 's rosetta spacecraft has captured stunning images of a dust jet erupting from comet 67p churyumov-gerasimenko .the first image was taken at 7:13 am bst ( 2:13 am est ) on 12 march , and the second was taken two minutes later .\n", + "scientists in germany observed a jet erupting from comet 67pthe event was captured by the osiris camera on the rosetta spacecraftin images two minutes apart , the jet appears on the dark side of the cometit may have formed when melting ice caused an explosion of material\n", + "[1.2697903 1.4005426 1.334701 1.2938902 1.1904402 1.1190138 1.1112103\n", + " 1.1020446 1.0357143 1.039737 1.0528221 1.1525186 1.1535678 1.0351559\n", + " 1.0120262 1.0340203 1.0091345 1.0381846 1.0136596]\n", + "\n", + "[ 1 2 3 0 4 12 11 5 6 7 10 9 17 8 13 15 18 14 16]\n", + "=======================\n", + "[\"the tory leader hit back at presenter andrew marr , after being left baffled by questions during an interview on sunday .it came as mr cameron turned the clock back to ape john major 's election soapbox by climbing on to a wooden pallet to address the party faithful , but ended up being heckled by someone claiming ` the nhs is dying ' .david cameron today accused the bbc of peddling ` b ******* ' after claiming his favourite sport was foxhunting .\"]\n", + "=======================\n", + "[\"tory leader hits back at bbc 's andrew marr after interview on live tvmarr twice said the pm told a magazine foxhunting is his favourite sportpresenter has admitted mistake , insisting it was a ` cock up not conspiracy 'cameron climbs on to wooden pallet to address party faithful in yorkshirebut he was heckled by a factory worker who said the ` nhs is dying '\"]\n", + "the tory leader hit back at presenter andrew marr , after being left baffled by questions during an interview on sunday .it came as mr cameron turned the clock back to ape john major 's election soapbox by climbing on to a wooden pallet to address the party faithful , but ended up being heckled by someone claiming ` the nhs is dying ' .david cameron today accused the bbc of peddling ` b ******* ' after claiming his favourite sport was foxhunting .\n", + "tory leader hits back at bbc 's andrew marr after interview on live tvmarr twice said the pm told a magazine foxhunting is his favourite sportpresenter has admitted mistake , insisting it was a ` cock up not conspiracy 'cameron climbs on to wooden pallet to address party faithful in yorkshirebut he was heckled by a factory worker who said the ` nhs is dying '\n", + "[1.2135108 1.4830987 1.1920167 1.3400114 1.2649164 1.0739545 1.084978\n", + " 1.0359844 1.0960873 1.0823797 1.0487036 1.055409 1.0979894 1.0241787\n", + " 1.1254407 1.0862646 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 0 2 14 12 8 15 6 9 5 11 10 7 13 17 16 18]\n", + "=======================\n", + "[\"homaro cantu , 38 , was found hanging inside crooked fork brewery , the new restaurant he was opening up with his business partner on the north side of chicago .an autopsy has been scheduled for wednesday , but authorities have already said they are investigating the married father-of-two 's death as a suicide .strained : a month before his death , cantu was hit with a lawsuit from an former investor in moto and failed restaurant ing , who accused him of commingling moto 's funds to keep his other business ventures afloat\"]\n", + "=======================\n", + "[\"homaru cantu , 38 , was found dead inside his upcoming restaurant , crooked fork brewery , on tuesdayan autopsy has been scheduled for wednesday , though authorities are investigating cantu 's death as an apparent suicidecantu worked for famed chicago chef charlie trotter for four years before opening his own restaurant , motoa month ago , a former investor filed a lawsuit against cantu , accusing the chef of using moto 's bank account for personal expensesaccording to friends , cantu had become strained in recent days because of the lawsuit\"]\n", + "homaro cantu , 38 , was found hanging inside crooked fork brewery , the new restaurant he was opening up with his business partner on the north side of chicago .an autopsy has been scheduled for wednesday , but authorities have already said they are investigating the married father-of-two 's death as a suicide .strained : a month before his death , cantu was hit with a lawsuit from an former investor in moto and failed restaurant ing , who accused him of commingling moto 's funds to keep his other business ventures afloat\n", + "homaru cantu , 38 , was found dead inside his upcoming restaurant , crooked fork brewery , on tuesdayan autopsy has been scheduled for wednesday , though authorities are investigating cantu 's death as an apparent suicidecantu worked for famed chicago chef charlie trotter for four years before opening his own restaurant , motoa month ago , a former investor filed a lawsuit against cantu , accusing the chef of using moto 's bank account for personal expensesaccording to friends , cantu had become strained in recent days because of the lawsuit\n", + "[1.1361663 1.4448196 1.3107901 1.1387912 1.0403584 1.0510238 1.026677\n", + " 1.085642 1.0279806 1.0622292 1.053502 1.0719985 1.0415307 1.0136245\n", + " 1.015096 1.1406689 0. 0. 0. ]\n", + "\n", + "[ 1 2 15 3 0 7 11 9 10 5 12 4 8 6 14 13 17 16 18]\n", + "=======================\n", + "['but the story of viv nicholson -- who died on saturday aged 79 -- is an exuberant lesson in what happens when you ignore all the advice and just blow the lot .when viv , a cake-factory worker from castleford in yorkshire , and her coal miner husband keith won # 152,319 , 18 shillings and 8d on the littlewoods pools in 1961 -- the equivalent of around # 3 million today -- she announced that her life from now on would emphatically be neither sensible nor boring .in the money : viv and husbandkeith receiving their chequefrom bruce forsyth in 1961']\n", + "=======================\n", + "[\"viv won # 152,319 , 18 shillings and 8d on the littlewoods pools in 1961afterwards announced her life would no longer be sensible or boringsaid she would ` spend , spend spend ' in phrase that prase that became the title of a hit musical\"]\n", + "but the story of viv nicholson -- who died on saturday aged 79 -- is an exuberant lesson in what happens when you ignore all the advice and just blow the lot .when viv , a cake-factory worker from castleford in yorkshire , and her coal miner husband keith won # 152,319 , 18 shillings and 8d on the littlewoods pools in 1961 -- the equivalent of around # 3 million today -- she announced that her life from now on would emphatically be neither sensible nor boring .in the money : viv and husbandkeith receiving their chequefrom bruce forsyth in 1961\n", + "viv won # 152,319 , 18 shillings and 8d on the littlewoods pools in 1961afterwards announced her life would no longer be sensible or boringsaid she would ` spend , spend spend ' in phrase that prase that became the title of a hit musical\n", + "[1.2786887 1.5270133 1.1373882 1.2806504 1.1749264 1.1845291 1.141181\n", + " 1.0976002 1.0439748 1.0297664 1.0706489 1.0710635 1.084391 1.1261172\n", + " 1.056423 1.0295904 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 5 4 6 2 13 7 12 11 10 14 8 9 15 16 17 18]\n", + "=======================\n", + "['the three-year-old was killed by his mother rosdeep adekoya , who beat him for being sick and left him to die in agony for three days before hiding his body in a suitcase and dumping it in woods .nine council workers have been sacked for inappropriately accessing confidential social work files on tragic toddler mikaeel kular .it has now been revealed at least nine workers were subject to disciplinary action and subsequently dismissed after looking at documents relating to the high-profile case without permission .']\n", + "=======================\n", + "[\"fife council launched internal investigation following accusationsrosdeep adekoya beat son mikaeel to death then buried body in woodsfamily were known to social services in fife but had moved to edinburghpolice scotland investigated ` data management ' at the council\"]\n", + "the three-year-old was killed by his mother rosdeep adekoya , who beat him for being sick and left him to die in agony for three days before hiding his body in a suitcase and dumping it in woods .nine council workers have been sacked for inappropriately accessing confidential social work files on tragic toddler mikaeel kular .it has now been revealed at least nine workers were subject to disciplinary action and subsequently dismissed after looking at documents relating to the high-profile case without permission .\n", + "fife council launched internal investigation following accusationsrosdeep adekoya beat son mikaeel to death then buried body in woodsfamily were known to social services in fife but had moved to edinburghpolice scotland investigated ` data management ' at the council\n", + "[1.2434819 1.4186037 1.4313388 1.18549 1.2125387 1.1111934 1.343159\n", + " 1.0167483 1.0188287 1.0672017 1.073381 1.085739 1.0491894 1.043299\n", + " 1.1422436 1.0577046 1.0386512 0. 0. ]\n", + "\n", + "[ 2 1 6 0 4 3 14 5 11 10 9 15 12 13 16 8 7 17 18]\n", + "=======================\n", + "[\"he was released on licence in january after spending 17 years in jail for the murder of maureen comfort , who was found dead in 1996 .william kerr , 53 , is believed to have travelled to london after disappearing from approved premises in hull .police are offering a # 5,000 reward for information on the whereabouts of a ` very dangerous ' convicted murderer who is on the run after being released from jail on licence .\"]\n", + "=======================\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['william kerr , 53 , was convicted of murdering maureen comforthe was released from prison in january but has now disappeared from approved premises in hullcrimestoppers offer # 5,000 to find kerr , who is believed to be in london']\n", + "he was released on licence in january after spending 17 years in jail for the murder of maureen comfort , who was found dead in 1996 .william kerr , 53 , is believed to have travelled to london after disappearing from approved premises in hull .police are offering a # 5,000 reward for information on the whereabouts of a ` very dangerous ' convicted murderer who is on the run after being released from jail on licence .\n", + "william kerr , 53 , was convicted of murdering maureen comforthe was released from prison in january but has now disappeared from approved premises in hullcrimestoppers offer # 5,000 to find kerr , who is believed to be in london\n", + "[1.2237933 1.4831724 1.1627979 1.1873777 1.3449357 1.1604812 1.1228491\n", + " 1.1494828 1.135881 1.0311712 1.0486764 1.0791938 1.070629 1.0418334\n", + " 1.077693 1.0640498 1.0875846 1.1137646 1.0410407]\n", + "\n", + "[ 1 4 0 3 2 5 7 8 6 17 16 11 14 12 15 10 13 18 9]\n", + "=======================\n", + "['robert butler , 43 , was transported inside a shipping container from bannister house in providence , rhode island to the eleanor slater hospital in cranston .a 1,200lb-man forced to move from his financially-troubled nursing home was hoisted from the building by a crane and driven to his new residence on a flatbed truck .the operation took almost seven hours on sunday and involved the providence and cranston fire departments , lifespan , the hospital association of rhode island and bay crane northeast .']\n", + "=======================\n", + "['robert butler , 43 , transported inside a shipping container from bannister house in providence , rhode island , to eleanor slater hospital in cranstonthe complex operation on sunday took 7 hours and involved two local fire departmentsmr butler has had a decade-long battle with his weight and depression']\n", + "robert butler , 43 , was transported inside a shipping container from bannister house in providence , rhode island to the eleanor slater hospital in cranston .a 1,200lb-man forced to move from his financially-troubled nursing home was hoisted from the building by a crane and driven to his new residence on a flatbed truck .the operation took almost seven hours on sunday and involved the providence and cranston fire departments , lifespan , the hospital association of rhode island and bay crane northeast .\n", + "robert butler , 43 , transported inside a shipping container from bannister house in providence , rhode island , to eleanor slater hospital in cranstonthe complex operation on sunday took 7 hours and involved two local fire departmentsmr butler has had a decade-long battle with his weight and depression\n", + "[1.3055227 1.5011622 1.2288781 1.28622 1.1424778 1.132602 1.0679232\n", + " 1.0491223 1.0230548 1.0204129 1.0238687 1.0154394 1.0219072 1.0161197\n", + " 1.0313784 1.1150606 1.081307 1.0460267 1.0647681 1.2714269 1.0868857\n", + " 1.0290715]\n", + "\n", + "[ 1 0 3 19 2 4 5 15 20 16 6 18 7 17 14 21 10 8 12 9 13 11]\n", + "=======================\n", + "[\"caron wyn jones , father of welsh first minister carwyn jones , underwent a hip operation at a private clinic in bridgend .ed miliband 's strategy of attacking the tories for trying to ` privatise ' the nhs backfired last night after the father of a senior labour politician admitted he had paid for treatment .he paid because the welsh nhs could not perform the operation soon enough -- and he was keen to get it done before a holiday .\"]\n", + "=======================\n", + "[\"labour leader ed miliband attacked the tories for trying to ` privatise ' nhsstrategy backfired as welsh first minister 's father sought private treatmentcarwyn jones ' father caron has a hip operation at a private bridgend clinicsaid he paid because welsh nhs could not perform procedure soon enough\"]\n", + "caron wyn jones , father of welsh first minister carwyn jones , underwent a hip operation at a private clinic in bridgend .ed miliband 's strategy of attacking the tories for trying to ` privatise ' the nhs backfired last night after the father of a senior labour politician admitted he had paid for treatment .he paid because the welsh nhs could not perform the operation soon enough -- and he was keen to get it done before a holiday .\n", + "labour leader ed miliband attacked the tories for trying to ` privatise ' nhsstrategy backfired as welsh first minister 's father sought private treatmentcarwyn jones ' father caron has a hip operation at a private bridgend clinicsaid he paid because welsh nhs could not perform procedure soon enough\n", + "[1.3365111 1.201365 1.3171358 1.3684347 1.0823022 1.1302432 1.0845761\n", + " 1.0698997 1.1982162 1.0555497 1.0517808 1.0525944 1.0694541 1.0790399\n", + " 1.0469421 1.0263764 1.0213038 1.0104108 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 0 2 1 8 5 6 4 13 7 12 9 11 10 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "['instead , consumers willing to shell out between # 299 to # 13,500 - for the gold edition - have to pre-order the watches online and wait for their arrival until june .the apple watch is officially going on sale today - but none of its stores will have them in stockanalysts believe apple is sitting on some two million pre-orders and that sales could top 20 million this year .']\n", + "=======================\n", + "['apple launches its first smartwatch today - but its stores will not stock itonline consumers must shell out # 300 and then wait for a june deliveryanalysts believe apple feared queues may have been embarrassingly smallhowever , it is believed apple is sitting on some two million pre-orders']\n", + "instead , consumers willing to shell out between # 299 to # 13,500 - for the gold edition - have to pre-order the watches online and wait for their arrival until june .the apple watch is officially going on sale today - but none of its stores will have them in stockanalysts believe apple is sitting on some two million pre-orders and that sales could top 20 million this year .\n", + "apple launches its first smartwatch today - but its stores will not stock itonline consumers must shell out # 300 and then wait for a june deliveryanalysts believe apple feared queues may have been embarrassingly smallhowever , it is believed apple is sitting on some two million pre-orders\n", + "[1.3004632 1.3101978 1.2155948 1.4007215 1.1857983 1.1702598 1.112074\n", + " 1.0802362 1.0438329 1.0556011 1.0670478 1.0120772 1.054299 1.0254983\n", + " 1.1797147 1.0731386 1.0648024 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 0 2 4 14 5 6 7 15 10 16 9 12 8 13 11 17 18 19 20 21]\n", + "=======================\n", + "['cristiano ronaldo scored an incredible five goals against granada to lift his tally for the season to 36granada were torn to shreds by ronaldo and his real team-mates as the european champions won 9-1 at the bernabeu , and their portuguese talisman managed the first five-goal haul of his career .lionel messi and barcelona came out on top in el clasico but he has fewer league goals than ronaldo']\n", + "=======================\n", + "[\"real madrid beat granada 9-1 , with cristiano ronaldo scoring five goalsthe portuguese forward now has 36 goals this season in la ligathat league tally is more than the totals for 53 of europe 's top 98 teamsnine teams in the barclays premier league have fewer goals this season\"]\n", + "cristiano ronaldo scored an incredible five goals against granada to lift his tally for the season to 36granada were torn to shreds by ronaldo and his real team-mates as the european champions won 9-1 at the bernabeu , and their portuguese talisman managed the first five-goal haul of his career .lionel messi and barcelona came out on top in el clasico but he has fewer league goals than ronaldo\n", + "real madrid beat granada 9-1 , with cristiano ronaldo scoring five goalsthe portuguese forward now has 36 goals this season in la ligathat league tally is more than the totals for 53 of europe 's top 98 teamsnine teams in the barclays premier league have fewer goals this season\n", + "[1.3221018 1.3148425 1.2053454 1.1262908 1.2896725 1.1225966 1.189766\n", + " 1.0548189 1.0554088 1.1877583 1.0855086 1.0475076 1.0433345 1.0197233\n", + " 1.0450256 1.0485067 1.0650617 1.0591215 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 4 2 6 9 3 5 10 16 17 8 7 15 11 14 12 13 20 18 19 21]\n", + "=======================\n", + "[\"killer cop michael slager is not eligible for south carolina 's death penalty even if he is convicted of murder , according to local prosecutors .the north charleston police officer ca n't be executed for shooting walter scott in the back because the killing did not include any of a list of narrowly-defined ` aggravating circumstances ' which state law says are conditions of the death penalty .it came as evidence against slager continues to mount , the latest of which is dash cam footage of him discharging a taser into a black man 's back filed as part of an excessive force lawsuit .\"]\n", + "=======================\n", + "[\"michael slager , who shot scott in north charleston , is n't eligible for deathprosecutors said his actions do n't include the ` aggravating circumstances ' that south carolina law requires for executioncame as an excessive force lawsuit from 2014 was filed against officerjulius wilson is shown on dash cam being hit by taser after traffic stop\"]\n", + "killer cop michael slager is not eligible for south carolina 's death penalty even if he is convicted of murder , according to local prosecutors .the north charleston police officer ca n't be executed for shooting walter scott in the back because the killing did not include any of a list of narrowly-defined ` aggravating circumstances ' which state law says are conditions of the death penalty .it came as evidence against slager continues to mount , the latest of which is dash cam footage of him discharging a taser into a black man 's back filed as part of an excessive force lawsuit .\n", + "michael slager , who shot scott in north charleston , is n't eligible for deathprosecutors said his actions do n't include the ` aggravating circumstances ' that south carolina law requires for executioncame as an excessive force lawsuit from 2014 was filed against officerjulius wilson is shown on dash cam being hit by taser after traffic stop\n", + "[1.1673257 1.3562894 1.1461526 1.1202204 1.0759029 1.0822601 1.143875\n", + " 1.1255009 1.074878 1.1001261 1.0658231 1.0507809 1.0315694 1.0543189\n", + " 1.0472246 1.052738 1.070856 1.0226109 1.0961314 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 6 7 3 9 18 5 4 8 16 10 13 15 11 14 12 17 20 19 21]\n", + "=======================\n", + "[\"the low-key video she released on sunday announcing her run for the white house is filled with women -- young , old , black , white , asian and latina -- working in their gardens , taking care of their kids and getting ready for life in the working world .washington ( cnn ) it 's the mistake that hillary clinton wo n't make again : ignoring her gender .clinton , who made herself the center of her campaign announcement in 2007 , is barely in the video at all , appearing at the end as a kind of everywoman whose story and fight could be folded in with all the others .\"]\n", + "=======================\n", + "['hillary clinton could be helped by an improving climate for women in politicsrepublicans hope the gender play backfires and that voters are fatigued by identity politicsthe emphasis on women as a possible campaign theme is a reversal of her 2008 strategy']\n", + "the low-key video she released on sunday announcing her run for the white house is filled with women -- young , old , black , white , asian and latina -- working in their gardens , taking care of their kids and getting ready for life in the working world .washington ( cnn ) it 's the mistake that hillary clinton wo n't make again : ignoring her gender .clinton , who made herself the center of her campaign announcement in 2007 , is barely in the video at all , appearing at the end as a kind of everywoman whose story and fight could be folded in with all the others .\n", + "hillary clinton could be helped by an improving climate for women in politicsrepublicans hope the gender play backfires and that voters are fatigued by identity politicsthe emphasis on women as a possible campaign theme is a reversal of her 2008 strategy\n", + "[1.4120995 1.0759628 1.2457931 1.2578436 1.3385497 1.1628585 1.1963907\n", + " 1.0712117 1.1260003 1.0371232 1.1036301 1.0670252 1.083676 1.014742\n", + " 1.0777727 1.0511094 1.0765489 1.072588 ]\n", + "\n", + "[ 0 4 3 2 6 5 8 10 12 14 16 1 17 7 11 15 9 13]\n", + "=======================\n", + "['at 6-foot-5 and 289lb jj watt is a terror on the football field - recording more than 20 sacks and forcing four fumbles for the houston texans with his explosive speed and power last season .jj watt performed an incredible 61-inch box standing box jump .an impressive feat for a man who weighs nearly 300 pounds']\n", + "=======================\n", + "['the houston texans defensive end released the video as part of his announcement of signing a reebok endorsement dealwatt , 26 , is 6-foot-5 and 289lbs']\n", + "at 6-foot-5 and 289lb jj watt is a terror on the football field - recording more than 20 sacks and forcing four fumbles for the houston texans with his explosive speed and power last season .jj watt performed an incredible 61-inch box standing box jump .an impressive feat for a man who weighs nearly 300 pounds\n", + "the houston texans defensive end released the video as part of his announcement of signing a reebok endorsement dealwatt , 26 , is 6-foot-5 and 289lbs\n", + "[1.0568374 1.1490859 1.4743136 1.2948568 1.1773863 1.1407874 1.0977592\n", + " 1.0411758 1.1283557 1.2266909 1.047498 1.081087 1.0214695 1.0519007\n", + " 1.0465611 1.0134122 0. 0. ]\n", + "\n", + "[ 2 3 9 4 1 5 8 6 11 0 13 10 14 7 12 15 16 17]\n", + "=======================\n", + "[\"the quaint capital city put on one hell of a show last weekend for its inaugural cubadupa festival -- a colourful party that shut down streets and spanned several blocks .wellington batucada -- a community-based percussion group -- brought the flamboyant world of samba to cuba street with late night revellers eager to be part of the dancing street party unfoldingbut in actual fact it 's wellington in new zealand .\"]\n", + "=======================\n", + "[\"wellington held its inaugural cubadupa festival bringing in performers from across the worldnew zealand 's capital shut down several streets for the colourful party that spanned several blocksthe iconic and bohemian cuba street was the centre point of all activity and drew in thousands despite the rain\"]\n", + "the quaint capital city put on one hell of a show last weekend for its inaugural cubadupa festival -- a colourful party that shut down streets and spanned several blocks .wellington batucada -- a community-based percussion group -- brought the flamboyant world of samba to cuba street with late night revellers eager to be part of the dancing street party unfoldingbut in actual fact it 's wellington in new zealand .\n", + "wellington held its inaugural cubadupa festival bringing in performers from across the worldnew zealand 's capital shut down several streets for the colourful party that spanned several blocksthe iconic and bohemian cuba street was the centre point of all activity and drew in thousands despite the rain\n", + "[1.2938714 1.4076657 1.3501903 1.0968596 1.0453223 1.2250614 1.101301\n", + " 1.1285441 1.076267 1.0816978 1.1442174 1.1114762 1.05206 1.0147607\n", + " 1.1021328 1.018708 0. 0. ]\n", + "\n", + "[ 1 2 0 5 10 7 11 14 6 3 9 8 12 4 15 13 16 17]\n", + "=======================\n", + "[\"the bizarre search began on queensland 's gold coast as authorities tried to locate the reptile which could pose a threat to local wildlife and even people 's pet cats and dogs .snake catcher tony harrison warned that if the large-predatory boa has inclusion body disease ` it can be unbelievably contagious if that gets loose in australia ' .the search for a two-metre south american boa constrictor , on the loose after police mistakenly believed it was a harmless australian python and set it free , has been called off .\"]\n", + "=======================\n", + "[\"the boa constrictor is still on the loose on queensland 's gold coastpolice released it into the wild because they thought it was a pythonthe south american snake poses a biosecurity hazardsnake catcher tony harrison said it was probably imported illegallyfears that if the snake is pregnant up to 30 live young could also be loose\"]\n", + "the bizarre search began on queensland 's gold coast as authorities tried to locate the reptile which could pose a threat to local wildlife and even people 's pet cats and dogs .snake catcher tony harrison warned that if the large-predatory boa has inclusion body disease ` it can be unbelievably contagious if that gets loose in australia ' .the search for a two-metre south american boa constrictor , on the loose after police mistakenly believed it was a harmless australian python and set it free , has been called off .\n", + "the boa constrictor is still on the loose on queensland 's gold coastpolice released it into the wild because they thought it was a pythonthe south american snake poses a biosecurity hazardsnake catcher tony harrison said it was probably imported illegallyfears that if the snake is pregnant up to 30 live young could also be loose\n", + "[1.238094 1.5150297 1.1874537 1.1478505 1.2317173 1.2120333 1.1770567\n", + " 1.0556095 1.1102127 1.0478119 1.0827055 1.0720494 1.0882995 1.0710003\n", + " 1.0898912 1.0967605 0. 0. ]\n", + "\n", + "[ 1 0 4 5 2 6 3 8 15 14 12 10 11 13 7 9 16 17]\n", + "=======================\n", + "[\"jesse roepcke , 27 , from summerfield , was busted in ormond beach sunday on charges of pointing a laser at a driver or pilot and possession or use of narcotic paraphernalia .as he was been strip-searched , a bag of marijuana fell out of his rectumdangerous pastime : police say roepcke spent sunday evening riding around ormond beach , florida , with his fiancee brandie tate ( pictured ) and shining a light in other drivers ' faces\"]\n", + "=======================\n", + "[\"jesse roepcke , 27 , charged with pointing a laser at a driver or pilot and possession or use of narcotic paraphernaliahe is accused of riding around ormond beach , florida , with his fiancee and shining a laser at passing carsduring traffic stop , roepcke told police he was just having fun and did n't know shining a light in drivers ' faces was illegala strip search in jail revealed roepcke had 18-gram bag of marijuana in his rectum\"]\n", + "jesse roepcke , 27 , from summerfield , was busted in ormond beach sunday on charges of pointing a laser at a driver or pilot and possession or use of narcotic paraphernalia .as he was been strip-searched , a bag of marijuana fell out of his rectumdangerous pastime : police say roepcke spent sunday evening riding around ormond beach , florida , with his fiancee brandie tate ( pictured ) and shining a light in other drivers ' faces\n", + "jesse roepcke , 27 , charged with pointing a laser at a driver or pilot and possession or use of narcotic paraphernaliahe is accused of riding around ormond beach , florida , with his fiancee and shining a laser at passing carsduring traffic stop , roepcke told police he was just having fun and did n't know shining a light in drivers ' faces was illegala strip search in jail revealed roepcke had 18-gram bag of marijuana in his rectum\n", + "[1.1194034 1.2572143 1.2532519 1.3326787 1.2089826 1.1175964 1.1234804\n", + " 1.1147411 1.033586 1.0272797 1.0760967 1.1081272 1.0703603 1.0546985\n", + " 1.1195682 1.0603427 1.0508891 0. ]\n", + "\n", + "[ 3 1 2 4 6 14 0 5 7 11 10 12 15 13 16 8 9 17]\n", + "=======================\n", + "[\"the researchers studied stone tools that were used by people in the early ahmarian culture and the protoaurignacian culture , living in south and west europe and west asia around 40,000 years ago .one theory is that early modern humans ` bullied ' their neanderthal cousins to the point of extinction because they had better tools to survive .but a new study of ancient stone tools contradicts this theory by suggesting human weapons were no better than those created by neanderthals .\"]\n", + "=======================\n", + "['japanese researchers studied ancient stone weapons created by humansthey were no more effective than neanderthal-created tools of same erasuggests humans and neanderthals may not have behaved that differentlycontradicts theory that human hunting led to the demise of neanderthals']\n", + "the researchers studied stone tools that were used by people in the early ahmarian culture and the protoaurignacian culture , living in south and west europe and west asia around 40,000 years ago .one theory is that early modern humans ` bullied ' their neanderthal cousins to the point of extinction because they had better tools to survive .but a new study of ancient stone tools contradicts this theory by suggesting human weapons were no better than those created by neanderthals .\n", + "japanese researchers studied ancient stone weapons created by humansthey were no more effective than neanderthal-created tools of same erasuggests humans and neanderthals may not have behaved that differentlycontradicts theory that human hunting led to the demise of neanderthals\n", + "[1.3356568 1.2680032 1.2003579 1.2679973 1.2324891 1.1172278 1.1014934\n", + " 1.1029935 1.0365381 1.0448048 1.0917242 1.0517635 1.0573128 1.0632398\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 4 2 5 7 6 10 13 12 11 9 8 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"catholic bishops in america have denounced wolf hall as a ` prejudice-laden presentation of the past ' as the acclaimed bbc drama was broadcast in the u.s. for the first time .the review attacked the six-part series as ` a work of fiction that adopts a narrow , revisionist and anti-catholic point of view toward the religious turmoil of the tudor period in which it 's set ' .the audience is encouraged to support ` monster ' thomas cromwell , played by mark rylance in the hit series , a damning review by the catholic news service in america said after the first episode was aired in the usa\"]\n", + "=======================\n", + "[\"review by catholic news service says hit show is not historically accurateslams depiction of catholic saint sir thomas more as ` just plain rude 'audience encouraged to root for ` monster ' thomas cromwell , review addsprogramme starring damian lewis screened for first time in us on sunday\"]\n", + "catholic bishops in america have denounced wolf hall as a ` prejudice-laden presentation of the past ' as the acclaimed bbc drama was broadcast in the u.s. for the first time .the review attacked the six-part series as ` a work of fiction that adopts a narrow , revisionist and anti-catholic point of view toward the religious turmoil of the tudor period in which it 's set ' .the audience is encouraged to support ` monster ' thomas cromwell , played by mark rylance in the hit series , a damning review by the catholic news service in america said after the first episode was aired in the usa\n", + "review by catholic news service says hit show is not historically accurateslams depiction of catholic saint sir thomas more as ` just plain rude 'audience encouraged to root for ` monster ' thomas cromwell , review addsprogramme starring damian lewis screened for first time in us on sunday\n", + "[1.4353586 1.3646996 1.1423173 1.1134272 1.4208356 1.3183724 1.0287937\n", + " 1.0370954 1.1258278 1.1150461 1.1246072 1.0529935 1.1254635 1.100163\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 4 1 5 2 8 12 10 9 3 13 11 7 6 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "['manager micky adams has left tranmere by mutual consent with just two games of the season to play .rovers suffered a fourth consecutive defeat on saturday , leaving them bottom of sky bet league two and two points adrift of safety .fans of the league two side called for adams to leave the club after their 3-0 loss on saturday afternoon']\n", + "=======================\n", + "['micky adams has left role at prenton park with just two games left to playtranmere fans called for adams to leave the club after 3-0 loss by oxfordrovers are two points adrift of safety with just two games left to play']\n", + "manager micky adams has left tranmere by mutual consent with just two games of the season to play .rovers suffered a fourth consecutive defeat on saturday , leaving them bottom of sky bet league two and two points adrift of safety .fans of the league two side called for adams to leave the club after their 3-0 loss on saturday afternoon\n", + "micky adams has left role at prenton park with just two games left to playtranmere fans called for adams to leave the club after 3-0 loss by oxfordrovers are two points adrift of safety with just two games left to play\n", + "[1.5192624 1.3614695 1.1349914 1.4747452 1.3116063 1.0672804 1.0442244\n", + " 1.0575713 1.0415702 1.0295787 1.0237093 1.0436888 1.12134 1.1448535\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 4 13 2 12 5 7 6 11 8 9 10 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"paris saint-germain playmaker lucas moura has revealed he is ` obsessed ' with the way fellow south american lionel messi plays football .brazilians and argentines are known to be rivals when it comes to football , however moura has singled out messi for special praise ahead of his side 's champions league encounter against barcelona .psg go into their champions league clash against barcelona on the back of winning the french league cup\"]\n", + "=======================\n", + "[\"psg star lucas moura has lavished praise on barcelona star lionel messimoura has put brazil 's rivalry with argentina to one side to laud messipsg face barcelona at parc des princes on wednesday nightread : psg boss laurent blanc feels his side have hit momentum\"]\n", + "paris saint-germain playmaker lucas moura has revealed he is ` obsessed ' with the way fellow south american lionel messi plays football .brazilians and argentines are known to be rivals when it comes to football , however moura has singled out messi for special praise ahead of his side 's champions league encounter against barcelona .psg go into their champions league clash against barcelona on the back of winning the french league cup\n", + "psg star lucas moura has lavished praise on barcelona star lionel messimoura has put brazil 's rivalry with argentina to one side to laud messipsg face barcelona at parc des princes on wednesday nightread : psg boss laurent blanc feels his side have hit momentum\n", + "[1.334341 1.5805387 1.2288802 1.3003924 1.1594678 1.1389595 1.1773922\n", + " 1.0400051 1.0169423 1.0161175 1.0230193 1.0987703 1.017231 1.0183151\n", + " 1.051463 1.0340548 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 2 6 4 5 11 14 7 15 10 13 12 8 9 16 17 18 19 20 21]\n", + "=======================\n", + "[\"shane o'byrne and wife jaimie received the fine after they took their newborn baby cristabelle out for the first time in march 2013 .a couple spent two years battling the council over a # 2.20 parking ticket they say blew off their dashboard - and ended up having to pay # 400 .in the process of getting out of the car the ticket they had bought fell on the floor just underneath the driver 's seat - invisible to the warden who issued them with a penalty .\"]\n", + "=======================\n", + "[\"shane o'byrne and wife jaimie received the parking fine in march 2013couple , of portsmouth , had been taking newborn baby out for the first timeas they got out car the ticket they bought fell on floor below driver 's seatcouncil refused to let them off and initial # 25 fine escalated to # 400 bill\"]\n", + "shane o'byrne and wife jaimie received the fine after they took their newborn baby cristabelle out for the first time in march 2013 .a couple spent two years battling the council over a # 2.20 parking ticket they say blew off their dashboard - and ended up having to pay # 400 .in the process of getting out of the car the ticket they had bought fell on the floor just underneath the driver 's seat - invisible to the warden who issued them with a penalty .\n", + "shane o'byrne and wife jaimie received the parking fine in march 2013couple , of portsmouth , had been taking newborn baby out for the first timeas they got out car the ticket they bought fell on floor below driver 's seatcouncil refused to let them off and initial # 25 fine escalated to # 400 bill\n", + "[1.3795867 1.2111512 1.2304914 1.3533924 1.2539791 1.1704147 1.2017683\n", + " 1.1103317 1.0783014 1.0715281 1.0672143 1.0489653 1.0473611 1.0394644\n", + " 1.0346761 1.0398576 1.052603 1.052617 1.0265361 1.009642 1.0085827\n", + " 1.0066034]\n", + "\n", + "[ 0 3 4 2 1 6 5 7 8 9 10 17 16 11 12 15 13 14 18 19 20 21]\n", + "=======================\n", + "[\"tottenham striker harry kane capped off an ` unreal ' season as he beat off stiff competition to land the professional footballers ' association young player of the year 2015 on sunday .kane has scored 20 premier league goals for tottenham this year in a dream breakthrough seasonit 's been a memorable breakthrough year for kane , who spent time on loan at leyton orient , millwall , norwich city and leicester city before breaking into the spurs first-team under boss mauricio pochettino .\"]\n", + "=======================\n", + "['harry kane has scored 20 premier league goals for tottenham this seasonin a superb breakthrough year , kane also scored on senior england debutspurs striker beat off competition from david de gea and raheem sterlingchelsea playmaker eden hazard was crowned pfa player of the yearsteven gerrard and frank lampard share pfa merit awardthe pfa awards ceremony were held in london on sunday evening']\n", + "tottenham striker harry kane capped off an ` unreal ' season as he beat off stiff competition to land the professional footballers ' association young player of the year 2015 on sunday .kane has scored 20 premier league goals for tottenham this year in a dream breakthrough seasonit 's been a memorable breakthrough year for kane , who spent time on loan at leyton orient , millwall , norwich city and leicester city before breaking into the spurs first-team under boss mauricio pochettino .\n", + "harry kane has scored 20 premier league goals for tottenham this seasonin a superb breakthrough year , kane also scored on senior england debutspurs striker beat off competition from david de gea and raheem sterlingchelsea playmaker eden hazard was crowned pfa player of the yearsteven gerrard and frank lampard share pfa merit awardthe pfa awards ceremony were held in london on sunday evening\n", + "[1.2061127 1.3545467 1.168055 1.2125597 1.0384214 1.0969096 1.1272715\n", + " 1.1733128 1.0833747 1.0662773 1.0339346 1.0992799 1.0799673 1.0715257\n", + " 1.1050357 1.0654356 1.0451614 1.0246197 1.0483726 1.045479 1.024412 ]\n", + "\n", + "[ 1 3 0 7 2 6 14 11 5 8 12 13 9 15 18 19 16 4 10 17 20]\n", + "=======================\n", + "['roads around the missouri city were flooded in the intense downpour , with one town recording more than two inches of rain in half an hour .muds and floods : roads around st louis , missouri , were deluged with rainwater following fierce thunderstormslightning , floods and a deluge of hailstones descended on st louis tuesday as powerful storms pummeled the mid-united states .']\n", + "=======================\n", + "['st louis was hit tuesday by flash floodsa nearby town had more than two inches of rain in less than half an hour']\n", + "roads around the missouri city were flooded in the intense downpour , with one town recording more than two inches of rain in half an hour .muds and floods : roads around st louis , missouri , were deluged with rainwater following fierce thunderstormslightning , floods and a deluge of hailstones descended on st louis tuesday as powerful storms pummeled the mid-united states .\n", + "st louis was hit tuesday by flash floodsa nearby town had more than two inches of rain in less than half an hour\n", + "[1.4382802 1.278292 1.1361096 1.2593364 1.1223401 1.0798428 1.0405252\n", + " 1.1902803 1.1738077 1.0544984 1.0448011 1.0444533 1.069085 1.0416474\n", + " 1.0480323 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 7 8 2 4 5 12 9 14 10 11 13 6 19 15 16 17 18 20]\n", + "=======================\n", + "[\"in an effort to counter rival netflix 's entry into the australian market , cable tv 's foxtel will launch the third season of the critically acclaimed us women 's prison drama orange is the new black by screening every episode in a full season marathon .a kink in the agreement with us studio lionsgate - under which both foxtel and rival netflix share the rights - allows foxtel to offer episodes of the series as an on-demand streaming title as well .the established prison drama is currently one of netflix 's flagship tv shows\"]\n", + "=======================\n", + "[\"foxtel to screen critically acclaimed us women 's prison dramacable tv organisation will screen every episode in a full season marathona kink in the agreement with us studio lionsgate has created a loopholeit allows foxtel to offer episodes of the series as an on-demand option tooformer mtv australia and foxtel presenter ruby rose to appear in series\"]\n", + "in an effort to counter rival netflix 's entry into the australian market , cable tv 's foxtel will launch the third season of the critically acclaimed us women 's prison drama orange is the new black by screening every episode in a full season marathon .a kink in the agreement with us studio lionsgate - under which both foxtel and rival netflix share the rights - allows foxtel to offer episodes of the series as an on-demand streaming title as well .the established prison drama is currently one of netflix 's flagship tv shows\n", + "foxtel to screen critically acclaimed us women 's prison dramacable tv organisation will screen every episode in a full season marathona kink in the agreement with us studio lionsgate has created a loopholeit allows foxtel to offer episodes of the series as an on-demand option tooformer mtv australia and foxtel presenter ruby rose to appear in series\n", + "[1.3022699 1.2479799 1.3158176 1.2264605 1.2075531 1.2437298 1.1188201\n", + " 1.1341051 1.0866064 1.055443 1.0387895 1.0550072 1.1882092 1.0905901\n", + " 1.0601463 1.1454873 1.0276781 1.027221 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 5 3 4 12 15 7 6 13 8 14 9 11 10 16 17 18 19 20]\n", + "=======================\n", + "[\"the number of communications employees working for local government is more than two times that working across 20 central government departments .taxpayer money is being used to fund an ` army ' of spin doctors with more than 3,400 press officers employed by local councils across the uk .it has 77 individuals working for it in pr and similar areas .\"]\n", + "=======================\n", + "[\"taxpayer money used to pay for an ` army ' of spin doctors in local areasthe number of communications staff in local government more than 3,400total is more than double the number working across central governmentlondon has 425 members of pr staff working across its local authorities\"]\n", + "the number of communications employees working for local government is more than two times that working across 20 central government departments .taxpayer money is being used to fund an ` army ' of spin doctors with more than 3,400 press officers employed by local councils across the uk .it has 77 individuals working for it in pr and similar areas .\n", + "taxpayer money used to pay for an ` army ' of spin doctors in local areasthe number of communications staff in local government more than 3,400total is more than double the number working across central governmentlondon has 425 members of pr staff working across its local authorities\n", + "[1.2932894 1.34951 1.3884256 1.2683938 1.0846767 1.1599932 1.0269637\n", + " 1.0290967 1.0337839 1.0387499 1.0333507 1.0417165 1.2051301 1.1361074\n", + " 1.1022433 1.07757 1.0449377 1.0808815 1.0852711 0. 0. ]\n", + "\n", + "[ 2 1 0 3 12 5 13 14 18 4 17 15 16 11 9 8 10 7 6 19 20]\n", + "=======================\n", + "[\"police were called to disperse over 200 teenagers just before 10pm after members of the community centre unsuccessfully tried to break up the fight .the violent conflict was captured by queensland police helicopter , and shows the a small scuffle escalate into an all-in fight as more teenagers , who had gathered at the serbian community centre in willawong , join in the fray .shocking footage has been released by police of a brawl involving more than 70 teenagers , after a ` facebook ' party in brisbane 's south spiraled out of control on tuesday night .\"]\n", + "=======================\n", + "['footage of a brawl involving 70 teenagers has been releasedthe fight happened on tuesday outside a community centre in brisbaneowners were told that 30 people were attending but more than 200 arrivedthe violent fray was captured by police helicopter footagefour people have been arrested over the incident and will appear in court']\n", + "police were called to disperse over 200 teenagers just before 10pm after members of the community centre unsuccessfully tried to break up the fight .the violent conflict was captured by queensland police helicopter , and shows the a small scuffle escalate into an all-in fight as more teenagers , who had gathered at the serbian community centre in willawong , join in the fray .shocking footage has been released by police of a brawl involving more than 70 teenagers , after a ` facebook ' party in brisbane 's south spiraled out of control on tuesday night .\n", + "footage of a brawl involving 70 teenagers has been releasedthe fight happened on tuesday outside a community centre in brisbaneowners were told that 30 people were attending but more than 200 arrivedthe violent fray was captured by police helicopter footagefour people have been arrested over the incident and will appear in court\n", + "[1.215678 1.2843028 1.2092595 1.249629 1.1668868 1.0648828 1.0803272\n", + " 1.1107186 1.0862701 1.0865477 1.1141193 1.0359926 1.1286345 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 12 10 7 9 8 6 5 11 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"other images show scottish national party leader nicola sturgeon posing with a rather sceptical face , and mr miliband superimposed over london rapper plan b , issuing a call to ` come at me bruv ' .from david cameron and nick clegg sitting on the gogglebox sofa to ed miliband doing a kate winslet in titanic , these are some of the best memes posted in reference to the leaders ' debate .this is thought to reference how the labour leader posed a direct message to the prime minister , saying : ` david , if you think this election is about leadership , then debate me one-on-one . '\"]\n", + "=======================\n", + "['labour leader ed miliband is superimposed over london rapper plan ball five leaders become power rangers , but nigel farage is odd one outdavid cameron and nick clegg pictured as gogglebox viewers on sofamiliband poster compares him to kate asking jack to draw her in titanic']\n", + "other images show scottish national party leader nicola sturgeon posing with a rather sceptical face , and mr miliband superimposed over london rapper plan b , issuing a call to ` come at me bruv ' .from david cameron and nick clegg sitting on the gogglebox sofa to ed miliband doing a kate winslet in titanic , these are some of the best memes posted in reference to the leaders ' debate .this is thought to reference how the labour leader posed a direct message to the prime minister , saying : ` david , if you think this election is about leadership , then debate me one-on-one . '\n", + "labour leader ed miliband is superimposed over london rapper plan ball five leaders become power rangers , but nigel farage is odd one outdavid cameron and nick clegg pictured as gogglebox viewers on sofamiliband poster compares him to kate asking jack to draw her in titanic\n", + "[1.220968 1.5913608 1.2844157 1.1480188 1.2210145 1.0864234 1.0778389\n", + " 1.0525602 1.0312513 1.0210887 1.2077304 1.0315807 1.1727365 1.1014842\n", + " 1.0528886 1.1088606 1.0261683]\n", + "\n", + "[ 1 2 4 0 10 12 3 15 13 5 6 14 7 11 8 16 9]\n", + "=======================\n", + "[\"toni elliot , 53 , thought she had hurt a tooth when she sat for dinner at puckett 's boat house in franklin , tennessee , on thursday .however , when she spat out the mouthful she was chewing she discovered a pearl in the palm of her hand .one diner found her meal had extra crunch this week when she found 50 pearls inside the baked oyster she was feasting on .\"]\n", + "=======================\n", + "[\"toni elliot , 53 , thought she had hurt a tooth when she sat for dinner at puckett 's boat house in franklin , tennessee , on thursdayhowever , when she spat out the mouthful she was chewing she discovered a pearl in the palm of her handforty-nine precious stones followedas naturally-occurring pearls are rare , it 's expected that elliot 's stash could fetch a princely sum\"]\n", + "toni elliot , 53 , thought she had hurt a tooth when she sat for dinner at puckett 's boat house in franklin , tennessee , on thursday .however , when she spat out the mouthful she was chewing she discovered a pearl in the palm of her hand .one diner found her meal had extra crunch this week when she found 50 pearls inside the baked oyster she was feasting on .\n", + "toni elliot , 53 , thought she had hurt a tooth when she sat for dinner at puckett 's boat house in franklin , tennessee , on thursdayhowever , when she spat out the mouthful she was chewing she discovered a pearl in the palm of her handforty-nine precious stones followedas naturally-occurring pearls are rare , it 's expected that elliot 's stash could fetch a princely sum\n", + "[1.1989418 1.3413062 1.150218 1.3298584 1.2078508 1.1406761 1.1174204\n", + " 1.0720216 1.0600669 1.0205739 1.2217417 1.0139198 1.0209675 1.0531543\n", + " 1.0423957 0. 0. ]\n", + "\n", + "[ 1 3 10 4 0 2 5 6 7 8 13 14 12 9 11 15 16]\n", + "=======================\n", + "[\"the venue was renowned for its rock concerts but everything changed in 1984 when heavy metal band motorhead played a gig so loud it literally began to bring the house down .abandoned for 30 years : the variety theater in cleveland was once a buzzing music venue but was closed down after the ceiling cracked during a motorhead gig in 1984crumbling and rotting remains : the once-iconic ohio venue was sealed off on the order of a judge in 1986 , two years after motorhead 's gig\"]\n", + "=======================\n", + "[\"cleveland 's variety theater was a renowned rock venue that hosted the likes of metallica , rem and dead kennedy 'sbut as metal band motorhead performed in 1984 , the ceiling cracked and plaster began to fall on to the audiencethe gig was stopped and the theater was sealed off two years later - staying hidden from the public for 30 yearsnow a photojournalist has ventured into the building , capturing eery photos that offer a glimpse into music history\"]\n", + "the venue was renowned for its rock concerts but everything changed in 1984 when heavy metal band motorhead played a gig so loud it literally began to bring the house down .abandoned for 30 years : the variety theater in cleveland was once a buzzing music venue but was closed down after the ceiling cracked during a motorhead gig in 1984crumbling and rotting remains : the once-iconic ohio venue was sealed off on the order of a judge in 1986 , two years after motorhead 's gig\n", + "cleveland 's variety theater was a renowned rock venue that hosted the likes of metallica , rem and dead kennedy 'sbut as metal band motorhead performed in 1984 , the ceiling cracked and plaster began to fall on to the audiencethe gig was stopped and the theater was sealed off two years later - staying hidden from the public for 30 yearsnow a photojournalist has ventured into the building , capturing eery photos that offer a glimpse into music history\n", + "[1.4514102 1.1830442 1.4070777 1.3138506 1.2662234 1.0767756 1.0451545\n", + " 1.0817814 1.0545472 1.033842 1.0795991 1.0256019 1.0774696 1.0462102\n", + " 1.0442679 1.0386001 1.0606558]\n", + "\n", + "[ 0 2 3 4 1 7 10 12 5 16 8 13 6 14 15 9 11]\n", + "=======================\n", + "[\"crime and punishment : erica ginnetti , 35 , has been sentenced to 30 days , house arrest and probation for having sex with a 17-year-old studentthe former math and calculus teacher at lower moreland township school district had been facing seven to 14 years in prison , but on friday judge garrett page sentenced her to 3-23 months , including the first 30 days in jail and the next 60 on house arrest .she also faces three years ' probation , 100 hours of community service and will have to register as a sex offender for the next 25 years , according to the intelligencer .\"]\n", + "=======================\n", + "[\"erica ginnetti , 35 , was sentenced to 30 days in jail , 60 more under house arrest , 100 hours of community service and three years ' probationshe pleaded guilty in a pennsylvania court in december to having sex with a 17-year-old studentshe tearfully read an apology letter in court friday to provide closure for the teenmarried mother of three said she has mended fences with her family and became a fitness instructora judge told ginneti her ` sexual hunger ' had devastating consequences for two familiesshe first approached her victim in may 2013 when she chaperoned the senior prom and invited him to come work out at her gymtwo months later they met at starbucks and drove to an industrial park to have sex in her car\"]\n", + "crime and punishment : erica ginnetti , 35 , has been sentenced to 30 days , house arrest and probation for having sex with a 17-year-old studentthe former math and calculus teacher at lower moreland township school district had been facing seven to 14 years in prison , but on friday judge garrett page sentenced her to 3-23 months , including the first 30 days in jail and the next 60 on house arrest .she also faces three years ' probation , 100 hours of community service and will have to register as a sex offender for the next 25 years , according to the intelligencer .\n", + "erica ginnetti , 35 , was sentenced to 30 days in jail , 60 more under house arrest , 100 hours of community service and three years ' probationshe pleaded guilty in a pennsylvania court in december to having sex with a 17-year-old studentshe tearfully read an apology letter in court friday to provide closure for the teenmarried mother of three said she has mended fences with her family and became a fitness instructora judge told ginneti her ` sexual hunger ' had devastating consequences for two familiesshe first approached her victim in may 2013 when she chaperoned the senior prom and invited him to come work out at her gymtwo months later they met at starbucks and drove to an industrial park to have sex in her car\n", + "[1.2255601 1.5232025 1.176696 1.1041393 1.0929095 1.3989253 1.183523\n", + " 1.0460684 1.0456846 1.1091499 1.0579573 1.0398067 1.024966 1.0887176\n", + " 1.0307431 1.020534 0. ]\n", + "\n", + "[ 1 5 0 6 2 9 3 4 13 10 7 8 11 14 12 15 16]\n", + "=======================\n", + "[\"cook county judge dennis porter , cleared 46-year-old officer dante servin in the march 2012 shooting death of rekia boyd , 22 .a courtroom was thrown into chaos after a judge found a chicago detective not guilty of involuntary manslaughter after he shot an unarmed woman in the back of the head .she was gunned down on march 21 as she stood with friends outside a property in chicago 's lawndale neighbourhood .\"]\n", + "=======================\n", + "[\"dante servin , 46 , was found not guilty of involuntary manslaughter in the death of rekia boyd , 22 , in march 2012shot her in the back of the head as she stood outside a party with friendsjudge dennis porter asked her supporters to leave the courtroomhe feared there would be outbursts after the verdict was read outthe victim 's brother martinez sutton then screamed : ` you want me to be quiet ?\"]\n", + "cook county judge dennis porter , cleared 46-year-old officer dante servin in the march 2012 shooting death of rekia boyd , 22 .a courtroom was thrown into chaos after a judge found a chicago detective not guilty of involuntary manslaughter after he shot an unarmed woman in the back of the head .she was gunned down on march 21 as she stood with friends outside a property in chicago 's lawndale neighbourhood .\n", + "dante servin , 46 , was found not guilty of involuntary manslaughter in the death of rekia boyd , 22 , in march 2012shot her in the back of the head as she stood outside a party with friendsjudge dennis porter asked her supporters to leave the courtroomhe feared there would be outbursts after the verdict was read outthe victim 's brother martinez sutton then screamed : ` you want me to be quiet ?\n", + "[1.2984635 1.3437213 1.1990492 1.3145316 1.2850988 1.122289 1.1587404\n", + " 1.0881026 1.0941756 1.1561652 1.0408242 1.0126697 1.018881 1.0130057\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 6 9 5 8 7 10 12 13 11 14 15 16]\n", + "=======================\n", + "[\"on sunday , the new york post 's page six alleged that the marriage breakup was the result of flay having an affair with his assistant elyse tirrel , who 's 28 .the messy divorce between chef bobby flay and actress stephanie march just got uglier .but the celebrity chef 's business partner laurence kretchmer moved swiftly to dismiss the claims , saying that if flay , 50 , had been having an ongoing affair with an employee , he would know about it .\"]\n", + "=======================\n", + "[\"it was claimed sunday that the food network star has been cheating on his wife with assistant elyse tirrell for three yearsflay 's business partner lawrence kretchmar dismissed the report , saying he 'd have known if the chef was having an affair with an employeetirrell , who is 28 , used to work as a hostess at one of flay 's restaurants before being promoted to be his assistantthe celebrity chef has filed for divorce from march , 40 , after 10 years of marriage but she is contesting their prenup\"]\n", + "on sunday , the new york post 's page six alleged that the marriage breakup was the result of flay having an affair with his assistant elyse tirrel , who 's 28 .the messy divorce between chef bobby flay and actress stephanie march just got uglier .but the celebrity chef 's business partner laurence kretchmer moved swiftly to dismiss the claims , saying that if flay , 50 , had been having an ongoing affair with an employee , he would know about it .\n", + "it was claimed sunday that the food network star has been cheating on his wife with assistant elyse tirrell for three yearsflay 's business partner lawrence kretchmar dismissed the report , saying he 'd have known if the chef was having an affair with an employeetirrell , who is 28 , used to work as a hostess at one of flay 's restaurants before being promoted to be his assistantthe celebrity chef has filed for divorce from march , 40 , after 10 years of marriage but she is contesting their prenup\n", + "[1.5623845 1.4501077 1.2853513 1.4812638 1.0630889 1.0849494 1.0228273\n", + " 1.0194415 1.0217929 1.0236334 1.149607 1.1473649 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 10 11 5 4 9 6 8 7 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "['pablo osvaldo has urged italian legends andrea pirlo and francisco totti to move continents and join him at argentinian giants boca juniors .the 29-year-old moved to his current side on a loan deal from southampton and has become an instant hit - scoring three goals in six games .osvaldo believes that the duo would be a good fit for boca , and says the fans would love to have them line up on the la bombonera pitch .']\n", + "=======================\n", + "[\"pablo osvaldo says andrea pirlo and francesco totti should join bocathe 29-year-old is currently on loan at the club from southamptonosvaldo believes the boca fans ` would go crazy ' for the italian duo\"]\n", + "pablo osvaldo has urged italian legends andrea pirlo and francisco totti to move continents and join him at argentinian giants boca juniors .the 29-year-old moved to his current side on a loan deal from southampton and has become an instant hit - scoring three goals in six games .osvaldo believes that the duo would be a good fit for boca , and says the fans would love to have them line up on the la bombonera pitch .\n", + "pablo osvaldo says andrea pirlo and francesco totti should join bocathe 29-year-old is currently on loan at the club from southamptonosvaldo believes the boca fans ` would go crazy ' for the italian duo\n", + "[1.1914355 1.3732691 1.2420205 1.2258506 1.2636374 1.025331 1.22596\n", + " 1.1062782 1.0418824 1.1760366 1.0806675 1.0354152 1.0769916 1.0569012\n", + " 1.0405988 1.021706 1.0397109 1.0369612 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 6 3 0 9 7 10 12 13 8 14 16 17 11 5 15 19 18 20]\n", + "=======================\n", + "[\"the 21-year-old lives who on a 30-acre farm in rockbank , 34 kilometres north-west of melbourne , has spent her life hand-raising animals of all shapes and sizes .the young woman said she has always taken photos and recorded videos of her 150 pets , but since a clip of winter bouncing down her hallway went viral last year she 's sharing these moments with more people than she ever imagined .but her pets are often captured behaving like humans , from her lamb winter who loves to jump on the bed to her bearded dragon who can understand the english language .\"]\n", + "=======================\n", + "[\"shannen hussein lives on a farm in rockbank , north-west of melbourneshe has cats , dogs , birds , sheep , snakes , scorpions and many more petsthe 21-year-old 's animals shot to fame when one of her vines went viralit was shared by celebrities like taylor swift and ellen degeneres\"]\n", + "the 21-year-old lives who on a 30-acre farm in rockbank , 34 kilometres north-west of melbourne , has spent her life hand-raising animals of all shapes and sizes .the young woman said she has always taken photos and recorded videos of her 150 pets , but since a clip of winter bouncing down her hallway went viral last year she 's sharing these moments with more people than she ever imagined .but her pets are often captured behaving like humans , from her lamb winter who loves to jump on the bed to her bearded dragon who can understand the english language .\n", + "shannen hussein lives on a farm in rockbank , north-west of melbourneshe has cats , dogs , birds , sheep , snakes , scorpions and many more petsthe 21-year-old 's animals shot to fame when one of her vines went viralit was shared by celebrities like taylor swift and ellen degeneres\n", + "[1.4460069 1.1799159 1.2502595 1.1586583 1.1586089 1.1287359 1.1313972\n", + " 1.2102816 1.198455 1.1249477 1.0664698 1.0341576 1.0199695 1.0275766\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 7 8 1 3 4 6 5 9 10 11 13 12 14 15 16 17 18 19 20]\n", + "=======================\n", + "['( cnn ) andrew getty , the 47-year-old grandson of j. paul getty , died tuesday afternoon in his home in los angeles , according to a statement from his mother and father .getty \\'s death \" appears to be natural ( causes ) or an accident , \" ed winter , assistant chief in the los angeles county coroner \\'s office , told cnn affiliate ktla tuesday night .ann and gordon getty also \" requested that members of the media and the public respect ( the family \\'s ) privacy during this extremely difficult time , \" the statement added .']\n", + "=======================\n", + "[\"getty 's death appears to be natural causes or accident , coroner 's office saysmother and father of andrew getty confirm death , asks for privacy\"]\n", + "( cnn ) andrew getty , the 47-year-old grandson of j. paul getty , died tuesday afternoon in his home in los angeles , according to a statement from his mother and father .getty 's death \" appears to be natural ( causes ) or an accident , \" ed winter , assistant chief in the los angeles county coroner 's office , told cnn affiliate ktla tuesday night .ann and gordon getty also \" requested that members of the media and the public respect ( the family 's ) privacy during this extremely difficult time , \" the statement added .\n", + "getty 's death appears to be natural causes or accident , coroner 's office saysmother and father of andrew getty confirm death , asks for privacy\n", + "[1.2909007 1.5451527 1.2332147 1.2111692 1.1801759 1.1808399 1.0282604\n", + " 1.1057458 1.0761302 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 5 4 7 8 6 18 17 16 15 14 10 12 11 19 9 13 20]\n", + "=======================\n", + "['beginning friday , blue uniform shirts will be traded for white ones for command staff members of the indianapolis metropolitan police department ( impd ) .in a statement , the department said the change is being made as part of its constant effort to ensure \" accountability , professionalism and transparency ... at the forefront of our day-to-day activities . \"as police departments around the country see more protests over the use of lethal force , impd officials acknowledge that this is a time of \" increased scrutiny of police operations and tactics , \" but said the decision to change the uniform for certain ranks within the department is \" not related to any specific , individual incident occurring elsewhere in the united states . \"']\n", + "=======================\n", + "['beginning friday , some ranks of the indianapolis police department will wear white shirtspolice say the change in attire is not related to any specific incidentthe new uniform shirt color is aimed at ensuring accountability']\n", + "beginning friday , blue uniform shirts will be traded for white ones for command staff members of the indianapolis metropolitan police department ( impd ) .in a statement , the department said the change is being made as part of its constant effort to ensure \" accountability , professionalism and transparency ... at the forefront of our day-to-day activities . \"as police departments around the country see more protests over the use of lethal force , impd officials acknowledge that this is a time of \" increased scrutiny of police operations and tactics , \" but said the decision to change the uniform for certain ranks within the department is \" not related to any specific , individual incident occurring elsewhere in the united states . \"\n", + "beginning friday , some ranks of the indianapolis police department will wear white shirtspolice say the change in attire is not related to any specific incidentthe new uniform shirt color is aimed at ensuring accountability\n", + "[1.3330262 1.4791102 1.3656809 1.1643943 1.2640381 1.1445776 1.0275443\n", + " 1.0174142 1.0331752 1.0466843 1.0741725 1.0403075 1.0205108 1.0165682\n", + " 1.0350317 1.0335925 1.0230592 1.0226735 1.0137682 1.113809 1.1280699]\n", + "\n", + "[ 1 2 0 4 3 5 20 19 10 9 11 14 15 8 6 16 17 12 7 13 18]\n", + "=======================\n", + "[\"abdul hadi arwani , 48 , a fierce critic of president bashar al-assad , may have been assassinated by the governing regime in his home country , according to friends .the father of six was found slumped in a volkswagen passat with wounds to his chest on a street in wembley on tuesday morning .the family of a syrian imam who was shot dead on a london street have paid tribute to ` the most peaceful man you could ever wish to meet ' as counter-terror police continue to investigate his murder .\"]\n", + "=======================\n", + "['abdul hadi arwani was found dead in on a street in wembley on tuesdaycounter-terror police are investigating claims he was assassinated by the assad regime in syriafamily paid tribute to him claiming that he loved british democracymr arwani was a preacher at london mosque with extremist links']\n", + "abdul hadi arwani , 48 , a fierce critic of president bashar al-assad , may have been assassinated by the governing regime in his home country , according to friends .the father of six was found slumped in a volkswagen passat with wounds to his chest on a street in wembley on tuesday morning .the family of a syrian imam who was shot dead on a london street have paid tribute to ` the most peaceful man you could ever wish to meet ' as counter-terror police continue to investigate his murder .\n", + "abdul hadi arwani was found dead in on a street in wembley on tuesdaycounter-terror police are investigating claims he was assassinated by the assad regime in syriafamily paid tribute to him claiming that he loved british democracymr arwani was a preacher at london mosque with extremist links\n", + "[1.4625537 1.4891422 1.2383592 1.4901056 1.4192938 1.0371674 1.0191561\n", + " 1.0967824 1.0256261 1.0307013 1.0264679 1.0207527 1.2156022 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 0 4 2 12 7 5 9 10 8 11 6 20 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"roberto martinez will hold talks with romelu lukaku after the striker 's agent suggested he could leave evertonmino raiola , who has brokered big-money deals for zlatan ibrahimovic and mario balotelli , said he would have never sanctioned lukaku 's # 28million move to goodison park last summer .it has left the 21-year-old 's future on merseyside up in the air , even though he is only one season into a five-year contract .\"]\n", + "=======================\n", + "[\"roberto martinez has confirmed he will hold talks with romelu lukakustriker lukaku has been linked with a move away by new agent mino raiolaraiola said he would have never sanctioned lukaku 's # 28million movebelgian international is one year into a five-year-deal at goodison park\"]\n", + "roberto martinez will hold talks with romelu lukaku after the striker 's agent suggested he could leave evertonmino raiola , who has brokered big-money deals for zlatan ibrahimovic and mario balotelli , said he would have never sanctioned lukaku 's # 28million move to goodison park last summer .it has left the 21-year-old 's future on merseyside up in the air , even though he is only one season into a five-year contract .\n", + "roberto martinez has confirmed he will hold talks with romelu lukakustriker lukaku has been linked with a move away by new agent mino raiolaraiola said he would have never sanctioned lukaku 's # 28million movebelgian international is one year into a five-year-deal at goodison park\n", + "[1.5417528 1.2361149 1.3183209 1.0582919 1.0384488 1.0206205 1.40213\n", + " 1.1944227 1.1042355 1.142131 1.0832038 1.080083 1.0151579 1.0174527\n", + " 1.0438617 1.0108936 1.0120149 1.0130976 1.0241693 1.2443569 1.0597948\n", + " 1.0102699]\n", + "\n", + "[ 0 6 2 19 1 7 9 8 10 11 20 3 14 4 18 5 13 12 17 16 15 21]\n", + "=======================\n", + "[\"usain bolt walked into a small gym at the base of rio de janeiro 's mangueira favela on thursday , took three shots on the basketball court - at least one from 3-point range - and made all three .he won three in 2008 in beijing and three more in london in 2012 .jamaican sprinter bolt has admitted that the 2016 olympic games in rio will be his last\"]\n", + "=======================\n", + "[\"usain bolt is in brazil as olympic anticipation begins to risethe sprinter visited a favela and jogged with children training therehe spoke of his excitement at competing in rio for next year 's games\"]\n", + "usain bolt walked into a small gym at the base of rio de janeiro 's mangueira favela on thursday , took three shots on the basketball court - at least one from 3-point range - and made all three .he won three in 2008 in beijing and three more in london in 2012 .jamaican sprinter bolt has admitted that the 2016 olympic games in rio will be his last\n", + "usain bolt is in brazil as olympic anticipation begins to risethe sprinter visited a favela and jogged with children training therehe spoke of his excitement at competing in rio for next year 's games\n", + "[1.2943699 1.3914092 1.269474 1.3094487 1.2139684 1.1099461 1.0885963\n", + " 1.0923724 1.0944302 1.0741512 1.1001866 1.0918262 1.0305072 1.0108185\n", + " 1.0092999 1.0363523 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 2 4 5 10 8 7 11 6 9 15 12 13 14 20 16 17 18 19 21]\n", + "=======================\n", + "['the royal commission into institutional responses to child sex abuse in rockhampton has also heard a woman was gang raped by employees and then had a child at 14 years of age .victims at an australian orphanage have told of the horrific abuse they suffered at the hands of the priests and nuns who ran the institution from claims of being raped by a broom handle to being forced to drink their own urine .while a retired nurse , who was sent to neerkol orphanage near rockhampton , said she was punched and slapped repeatedly , and a third victim claimed she was raped more than 100 times by parish priest reginald durham , who is now dead , from when she was 11 .']\n", + "=======================\n", + "['claims of gang rape and physical abuse at qld orphanage have emergedallegations came out during royal commission hearing in rockhamptonone woman said she was allegedly raped with a broom handle by abusersame victim claimed she became pregnant at 14 after she was gang rapedwhile a retired nurse said she had been punched and slapped repeatedlya third victim said she was raped more than 100 times by a parish priest']\n", + "the royal commission into institutional responses to child sex abuse in rockhampton has also heard a woman was gang raped by employees and then had a child at 14 years of age .victims at an australian orphanage have told of the horrific abuse they suffered at the hands of the priests and nuns who ran the institution from claims of being raped by a broom handle to being forced to drink their own urine .while a retired nurse , who was sent to neerkol orphanage near rockhampton , said she was punched and slapped repeatedly , and a third victim claimed she was raped more than 100 times by parish priest reginald durham , who is now dead , from when she was 11 .\n", + "claims of gang rape and physical abuse at qld orphanage have emergedallegations came out during royal commission hearing in rockhamptonone woman said she was allegedly raped with a broom handle by abusersame victim claimed she became pregnant at 14 after she was gang rapedwhile a retired nurse said she had been punched and slapped repeatedlya third victim said she was raped more than 100 times by a parish priest\n", + "[1.3123134 1.261621 1.2154957 1.2789054 1.1851699 1.1511508 1.0399323\n", + " 1.0346513 1.1063247 1.096733 1.0452956 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 2 4 5 8 9 10 6 7 20 11 12 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"hong kong ( cnn ) there 's a booming black market in hong kong , but it 's not for fake apple watches , or the iphone .its popularity has spurred bakeries to make and sell knockoffs , and the original store has signs warning against buying ` fake ' jenny 's cookies .instead , people are going crazy for tins of butter cookies .\"]\n", + "=======================\n", + "[\"tourists and locals queue for several hours to get their hands on jenny 's butter cookiespeople are even hired to stand in line to buy the cookies , which are later sold at an up-to-70 % mark-upfood frenzies have also taken place in other parts of the world\"]\n", + "hong kong ( cnn ) there 's a booming black market in hong kong , but it 's not for fake apple watches , or the iphone .its popularity has spurred bakeries to make and sell knockoffs , and the original store has signs warning against buying ` fake ' jenny 's cookies .instead , people are going crazy for tins of butter cookies .\n", + "tourists and locals queue for several hours to get their hands on jenny 's butter cookiespeople are even hired to stand in line to buy the cookies , which are later sold at an up-to-70 % mark-upfood frenzies have also taken place in other parts of the world\n", + "[1.0668262 1.0247738 1.1838701 1.4890677 1.2276566 1.264252 1.0458077\n", + " 1.2930257 1.1732779 1.1296943 1.0644464 1.1463618 1.0237778 1.0454966\n", + " 1.0502852 1.0281509 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 7 5 4 2 8 11 9 0 10 14 6 13 15 1 12 20 16 17 18 19 21]\n", + "=======================\n", + "['scottish illustrator johanna basford has sold more than 1.4 million copies of her colouring-in book for grown-ups , secret garden .art and flowers : the book is the most popular in its genre and has now been translated into 22 languagesthe follow-up , enchanted forest , is expected to do just as well']\n", + "=======================\n", + "['johanna basford has sold 1.4 million copies of her book secret gardenthe trend for grown-ups colouring in is said to have started in francecraze has spread across the globe with fans starting colouring-in groupsexperts say the pursuit allows those doing it to rediscover their creativity']\n", + "scottish illustrator johanna basford has sold more than 1.4 million copies of her colouring-in book for grown-ups , secret garden .art and flowers : the book is the most popular in its genre and has now been translated into 22 languagesthe follow-up , enchanted forest , is expected to do just as well\n", + "johanna basford has sold 1.4 million copies of her book secret gardenthe trend for grown-ups colouring in is said to have started in francecraze has spread across the globe with fans starting colouring-in groupsexperts say the pursuit allows those doing it to rediscover their creativity\n", + "[1.2970433 1.4107602 1.063211 1.3124437 1.3264462 1.192742 1.1322612\n", + " 1.0482134 1.0194371 1.014892 1.0131706 1.0147121 1.021186 1.1238782\n", + " 1.0458987 1.0115415 1.013033 1.177379 1.1223819 1.0713977 1.0750064\n", + " 1.0575765 1.0350919]\n", + "\n", + "[ 1 4 3 0 5 17 6 13 18 20 19 2 21 7 14 22 12 8 9 11 10 16 15]\n", + "=======================\n", + "['the letter was spotted by twitter user plattsieplatts who posted it to her social media account writing : ` so this is the notice i saw today in the window of our local fish and chip shop .a hilarious note left by a chip shop owner for his customers when he went on holiday with his wife has gone viral .in black pen he writes : ` this shop will be closed for 1 week .']\n", + "=======================\n", + "[\"a hilarious note left by a chip shop owner has circulated on twitterin it the owner laments the fact that he has to go youth hostelinghe jokes that his wife would have been , ` better off with saga '\"]\n", + "the letter was spotted by twitter user plattsieplatts who posted it to her social media account writing : ` so this is the notice i saw today in the window of our local fish and chip shop .a hilarious note left by a chip shop owner for his customers when he went on holiday with his wife has gone viral .in black pen he writes : ` this shop will be closed for 1 week .\n", + "a hilarious note left by a chip shop owner has circulated on twitterin it the owner laments the fact that he has to go youth hostelinghe jokes that his wife would have been , ` better off with saga '\n", + "[1.4213016 1.3254286 1.3262397 1.6190631 1.1055887 1.0675173 1.0922657\n", + " 1.0877649 1.0842972 1.0681341 1.0518397 1.1114882 1.0109972 1.0106399\n", + " 1.0144163 1.0161153 1.0502412 1.0102575 1.0076157 1.0071872 1.0097063\n", + " 0. 0. ]\n", + "\n", + "[ 3 0 2 1 11 4 6 7 8 9 5 10 16 15 14 12 13 17 20 18 19 21 22]\n", + "=======================\n", + "['judd trump beat stuart carrington 10-6 on thursday in the first round of the world championshipthe 25-year-old closed with a century and will now face marco fu in the next round .trump led 7-2 overnight and many thought he would make light work of stuart carrington but he was made to battle before eventually securing a 10-6 victory .']\n", + "=======================\n", + "['judd trump beat stuart carrington 10-6 in the first round at the cucibletrump led 7-2 overnight but made hard work in finishing carrington offthe 25-year-old will face marco fu in second round of world championship']\n", + "judd trump beat stuart carrington 10-6 on thursday in the first round of the world championshipthe 25-year-old closed with a century and will now face marco fu in the next round .trump led 7-2 overnight and many thought he would make light work of stuart carrington but he was made to battle before eventually securing a 10-6 victory .\n", + "judd trump beat stuart carrington 10-6 in the first round at the cucibletrump led 7-2 overnight but made hard work in finishing carrington offthe 25-year-old will face marco fu in second round of world championship\n", + "[1.3452935 1.1799202 1.3473098 1.2980952 1.1167287 1.0951822 1.1541716\n", + " 1.034773 1.0721238 1.0458714 1.0614066 1.033581 1.0401574 1.0566068\n", + " 1.0123829 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 3 1 6 4 5 8 10 13 9 12 7 11 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"a reuters investigation that revealed the bill , hillary and chelsea clinton foundation had misreported millions of dollars in donations from foreign nations led the global charity to announce that it would refile more than five years of tax documents .two gop presidential hopefuls - ted cruz and ben carson - want the clinton foundation to return every dollar its received from foreign governments since it launched more than a decade ago .the bum rush on the non-profit came about after a report cast a new shadow over the charity 's fundraising practices while hillary clinton served as the united state 's chief diplomat .\"]\n", + "=======================\n", + "[\"ted cruz and ben carson want the charity to return every dollar its received from foreign governments since its launch in 2001bum rush came about after a report cast a new shadow over the charity 's fundraising practices while hillary clinton was the country 's chief diplomatcruz said : ` having raised tens of millions of dollars from foreign nations presents a clear conflict of interest for anyone running for president 'carson said they ` should they definitely give back the money and cease accepting foreign donations , but should also make every effort to find missing documents that would shed light if in fact they are innocent 'carly fiorina said , ` it 's the clinton way : raking in millions from foreign governments behind closed doors while making promises about transparency that they never intended to keep '\"]\n", + "a reuters investigation that revealed the bill , hillary and chelsea clinton foundation had misreported millions of dollars in donations from foreign nations led the global charity to announce that it would refile more than five years of tax documents .two gop presidential hopefuls - ted cruz and ben carson - want the clinton foundation to return every dollar its received from foreign governments since it launched more than a decade ago .the bum rush on the non-profit came about after a report cast a new shadow over the charity 's fundraising practices while hillary clinton served as the united state 's chief diplomat .\n", + "ted cruz and ben carson want the charity to return every dollar its received from foreign governments since its launch in 2001bum rush came about after a report cast a new shadow over the charity 's fundraising practices while hillary clinton was the country 's chief diplomatcruz said : ` having raised tens of millions of dollars from foreign nations presents a clear conflict of interest for anyone running for president 'carson said they ` should they definitely give back the money and cease accepting foreign donations , but should also make every effort to find missing documents that would shed light if in fact they are innocent 'carly fiorina said , ` it 's the clinton way : raking in millions from foreign governments behind closed doors while making promises about transparency that they never intended to keep '\n", + "[1.1098934 1.325681 1.29288 1.2605009 1.1099495 1.3023088 1.1690536\n", + " 1.242522 1.0241164 1.029048 1.0121795 1.0140429 1.2323153 1.054765\n", + " 1.0342565 1.0194088 1.058784 1.0470498 1.0459435 1.0451186 1.0347775\n", + " 1.0466877 0. ]\n", + "\n", + "[ 1 5 2 3 7 12 6 4 0 16 13 17 21 18 19 20 14 9 8 15 11 10 22]\n", + "=======================\n", + "['with 18 broken bones , a broken nose , a ruptured kidney , a ruptured liver , missing teeth , and a fractured rib , christy mack was unrecognisable as she fled her las vegas home on august 8 , 2014 .it was the climax , the former porn star claims , of an abusive on-off relationship with mma fighter jonathan paul koppenhaver , known professionally as war machine .now , nine months later , she has to wear a wig and glasses , and is still undergoing reparative dental work - while fighting to see koppenhaver convicted of attempted murder .']\n", + "=======================\n", + "[\"christy mack , 23 , claims ex-boyfriend jonathan paul koppenhaver , 33 , beat and raped her until she almost died at her home on august 8 , 2014she had been asleep next to a male friend when he ` burst in with a knife 'koppenhaver , who goes by the name war machine , claims to be innocentmack has opened up about her recovery , now needs glasses and a wigthe case against koppenhaver , who faces 26 charges , resumes this fall\"]\n", + "with 18 broken bones , a broken nose , a ruptured kidney , a ruptured liver , missing teeth , and a fractured rib , christy mack was unrecognisable as she fled her las vegas home on august 8 , 2014 .it was the climax , the former porn star claims , of an abusive on-off relationship with mma fighter jonathan paul koppenhaver , known professionally as war machine .now , nine months later , she has to wear a wig and glasses , and is still undergoing reparative dental work - while fighting to see koppenhaver convicted of attempted murder .\n", + "christy mack , 23 , claims ex-boyfriend jonathan paul koppenhaver , 33 , beat and raped her until she almost died at her home on august 8 , 2014she had been asleep next to a male friend when he ` burst in with a knife 'koppenhaver , who goes by the name war machine , claims to be innocentmack has opened up about her recovery , now needs glasses and a wigthe case against koppenhaver , who faces 26 charges , resumes this fall\n", + "[1.4462621 1.40136 1.3362288 1.1753467 1.424795 1.251529 1.1460459\n", + " 1.0147116 1.0105981 1.0108534 1.0916251 1.1777722 1.0924555 1.0277886\n", + " 1.0084543 1.0142277 1.0508155 1.0072744 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 4 1 2 5 11 3 6 12 10 16 13 7 15 9 8 14 17 18 19 20 21 22]\n", + "=======================\n", + "['chelsea defender gary cahill has backed captain john terry to shrug off a hostile reception when they head to loftus road to face qpr on sunday .john terry was caught up in a race controversy with then-qpr defender anton ferdinand in 2011anton may no longer be at loftus road , but brother rio could feature under chris ramsey .']\n", + "=======================\n", + "[\"john terry was involved in race controversy with anton ferdinand in 2011chelsea defender was banned for four matches and fined by faterry was cleared in court of racially abusing then-qpr defenderblues captain will face rio ferdinand 's qpr side at loftus road on sundayteam-mate gary cahill says he will be able to deal with hostile atmosphere\"]\n", + "chelsea defender gary cahill has backed captain john terry to shrug off a hostile reception when they head to loftus road to face qpr on sunday .john terry was caught up in a race controversy with then-qpr defender anton ferdinand in 2011anton may no longer be at loftus road , but brother rio could feature under chris ramsey .\n", + "john terry was involved in race controversy with anton ferdinand in 2011chelsea defender was banned for four matches and fined by faterry was cleared in court of racially abusing then-qpr defenderblues captain will face rio ferdinand 's qpr side at loftus road on sundayteam-mate gary cahill says he will be able to deal with hostile atmosphere\n", + "[1.3087251 1.2462262 1.0933998 1.0433416 1.0317065 1.0796951 1.3038535\n", + " 1.306241 1.2258244 1.0517797 1.0363207 1.0271245 1.1066657 1.0416714\n", + " 1.0183847 1.0156227 1.0165536 1.0496294 1.0200975 1.0375526 1.0477821\n", + " 1.0156531 1.0152432 0. ]\n", + "\n", + "[ 0 7 6 1 8 12 2 5 9 17 20 3 13 19 10 4 11 18 14 16 21 15 22 23]\n", + "=======================\n", + "[\"liverpool 's fa cup semi-final defeat has put the club under scrutiny and guaranteed this campaign will be judged a failure .christian benteke ( centre ) scores for aston villa to make it 1-1 and start tim sherwood 's side 's recoveryphilippe coutinho opens the scoring for liverpool against aston villa with a smart chipped finish at wembley\"]\n", + "=======================\n", + "[\"brendan rodgers needs a positive summer to restore confidence at anfieldliverpool 's transfer committee under pressure to sign better playersrodgers now also under scrutiny after being exposed in big matches\"]\n", + "liverpool 's fa cup semi-final defeat has put the club under scrutiny and guaranteed this campaign will be judged a failure .christian benteke ( centre ) scores for aston villa to make it 1-1 and start tim sherwood 's side 's recoveryphilippe coutinho opens the scoring for liverpool against aston villa with a smart chipped finish at wembley\n", + "brendan rodgers needs a positive summer to restore confidence at anfieldliverpool 's transfer committee under pressure to sign better playersrodgers now also under scrutiny after being exposed in big matches\n", + "[1.4311343 1.1008252 1.046404 1.2057167 1.121808 1.2039455 1.2626113\n", + " 1.1292932 1.1134946 1.169225 1.0391164 1.0204368 1.0170026 1.1144037\n", + " 1.1042129 1.036665 1.0316337 1.0463493 1.0225902 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 6 3 5 9 7 4 13 8 14 1 2 17 10 15 16 18 11 12 22 19 20 21 23]\n", + "=======================\n", + "[\"comcast today confirmed it has abandoned its bid to buy time warner cable for $ 45.2 billion and create a mega-size tv and internet provider .on wednesday night , it emerged that federal communications regulators decided that merger was n't in the public interest and threw up a regulatory roadblock that would have bogged the deal down for months and may have killed it entirely .the new company would have spun off or sold 3.9 million customers\"]\n", + "=======================\n", + "[\"merger between two largest cable companies have given the new firm control of 57percent of broadband internet market and 30percent of paid tv` today we move on , ' says comcast ceo brian robertscomcast has 30million subscribers and time warner cable boasts 11million ; new company would have spun off or sold 3.9 millionfcc staffers recommended the merger be sent to a judge for review - a significant regulatory hurdleregulators questioned whether merger was in the public interest\"]\n", + "comcast today confirmed it has abandoned its bid to buy time warner cable for $ 45.2 billion and create a mega-size tv and internet provider .on wednesday night , it emerged that federal communications regulators decided that merger was n't in the public interest and threw up a regulatory roadblock that would have bogged the deal down for months and may have killed it entirely .the new company would have spun off or sold 3.9 million customers\n", + "merger between two largest cable companies have given the new firm control of 57percent of broadband internet market and 30percent of paid tv` today we move on , ' says comcast ceo brian robertscomcast has 30million subscribers and time warner cable boasts 11million ; new company would have spun off or sold 3.9 millionfcc staffers recommended the merger be sent to a judge for review - a significant regulatory hurdleregulators questioned whether merger was in the public interest\n", + "[1.4593612 1.2832925 1.1705043 1.2407098 1.2184147 1.1220069 1.1234399\n", + " 1.1446334 1.022287 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 4 2 7 6 5 8 21 20 19 18 17 16 11 14 13 12 22 10 9 15 23]\n", + "=======================\n", + "[\"( cnn ) tobacco companies including philip morris and r.j. reynolds filed suit this week against the food and drug administration alleging that the fda is violating the companies ' free speech rights .in march , the fda issued guidance that if significant changes are made to a product 's label , like color or a logo , the product requires new approval from the administration .the suit , filed in u.s. district court in washington , argues that those guidelines go too far and are too vague .\"]\n", + "=======================\n", + "[\"companies including philip morris and r.j. reynolds in suit alleging violation of free speechin march , the fda issued guidance about changes to tobacco product labelsif significant changes are made to a product 's label , like color or a logo , the product requires new approval\"]\n", + "( cnn ) tobacco companies including philip morris and r.j. reynolds filed suit this week against the food and drug administration alleging that the fda is violating the companies ' free speech rights .in march , the fda issued guidance that if significant changes are made to a product 's label , like color or a logo , the product requires new approval from the administration .the suit , filed in u.s. district court in washington , argues that those guidelines go too far and are too vague .\n", + "companies including philip morris and r.j. reynolds in suit alleging violation of free speechin march , the fda issued guidance about changes to tobacco product labelsif significant changes are made to a product 's label , like color or a logo , the product requires new approval\n", + "[1.2831309 1.2234308 1.1943617 1.3450844 1.2662017 1.1686066 1.1432865\n", + " 1.1592674 1.0580692 1.1529155 1.095009 1.0620687 1.0393413 1.0451274\n", + " 1.0404043 1.0310445 1.0827793 1.0708135 1.0212034 1.0593132 1.0354931\n", + " 1.0188354 1.0446918 1.0605304]\n", + "\n", + "[ 3 0 4 1 2 5 7 9 6 10 16 17 11 23 19 8 13 22 14 12 20 15 18 21]\n", + "=======================\n", + "[\"veronica ` roni ' gonzalez and her fiance ely alba gonzalez were returning from their engagement party when they stopped on interstate 30 to help a group in trouble , the dallas news reported .four were killed instantly in the collision .of the 13 people injured , one later died in hospital from their wounds , tarrant county medical examiner has confirmed .\"]\n", + "=======================\n", + "[\"woman celebrating with her fiance was killed in fiery collision with truckthey had stopped with other victims to help those stranded at earlier crashfive killed and 12 injured in the accident on fort worth interstate highwayveronica ` roni ' gonzalez , 43 and her fiance 's sister killed in the collision\"]\n", + "veronica ` roni ' gonzalez and her fiance ely alba gonzalez were returning from their engagement party when they stopped on interstate 30 to help a group in trouble , the dallas news reported .four were killed instantly in the collision .of the 13 people injured , one later died in hospital from their wounds , tarrant county medical examiner has confirmed .\n", + "woman celebrating with her fiance was killed in fiery collision with truckthey had stopped with other victims to help those stranded at earlier crashfive killed and 12 injured in the accident on fort worth interstate highwayveronica ` roni ' gonzalez , 43 and her fiance 's sister killed in the collision\n", + "[1.439629 1.1940833 1.3094968 1.3209102 1.1541159 1.1297673 1.0779532\n", + " 1.0712165 1.082846 1.055677 1.0766816 1.0843129 1.0449742 1.0259436\n", + " 1.0675199 1.014859 1.032276 1.0167197 1.1039256 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 4 5 18 11 8 6 10 7 14 9 12 16 13 17 15 22 19 20 21 23]\n", + "=======================\n", + "['charles kane ( above ) was arrested thursday as he met up with a 14-year-old girl for sexhe was arrested when he arrived at the theater with a full box of condoms as the young girl was in fact an undercover police officer .charles kane of spencerport , new york had communicated with the girl online after posting a craigslist ad seeking a young girl for a daddy/daughter relationship and showed up to meet her at a local theater .']\n", + "=======================\n", + "[\"charles kane of spencerport , new york was arrested thursday as he met up with a 14-year-old girl for sexthe girl was in fact an undercover officer who had responded to kane 's online posting for sex with a young girl and a daddy/daughter relationshipkane , 46 , is a married middle school music teacher with two young daughtershe had been communicating with the officer for months before he planned the meeting at a local movie theaterkane had a full box of condoms on him at the time he was arrestedhe has been charged with enticement of a minor to engage in sexual activity and faces up to 10 years in prison and a $ 250,000 fine if convicted\"]\n", + "charles kane ( above ) was arrested thursday as he met up with a 14-year-old girl for sexhe was arrested when he arrived at the theater with a full box of condoms as the young girl was in fact an undercover police officer .charles kane of spencerport , new york had communicated with the girl online after posting a craigslist ad seeking a young girl for a daddy/daughter relationship and showed up to meet her at a local theater .\n", + "charles kane of spencerport , new york was arrested thursday as he met up with a 14-year-old girl for sexthe girl was in fact an undercover officer who had responded to kane 's online posting for sex with a young girl and a daddy/daughter relationshipkane , 46 , is a married middle school music teacher with two young daughtershe had been communicating with the officer for months before he planned the meeting at a local movie theaterkane had a full box of condoms on him at the time he was arrestedhe has been charged with enticement of a minor to engage in sexual activity and faces up to 10 years in prison and a $ 250,000 fine if convicted\n", + "[1.1632968 1.2358087 1.1827836 1.2728467 1.3102846 1.0756826 1.1026857\n", + " 1.0224483 1.101568 1.0310802 1.1273534 1.0807552 1.0898798 1.0774491\n", + " 1.0466425 1.0366132 1.0801575 0. ]\n", + "\n", + "[ 4 3 1 2 0 10 6 8 12 11 16 13 5 14 15 9 7 17]\n", + "=======================\n", + "[\"pippa middleton has been slammed for ` promoting the cruel and unnecessary whaling industry ' .she boasted of tucking into the delicacy in norway , to the horror of environmental campaigners who say she is helping promote an ` unimaginably cruel ' trade .so pippa middleton 's decision to enjoy a plate of whale meat on holiday may have been rather difficult for prince william to swallow .\"]\n", + "=======================\n", + "[\"middleton wrote about eating whale for a national newspaper travel storyshe described eating it at the # 123-a-night juvet landscape hotelwhale and dolphin conservation group said the news was ` disappointing 'the wdc said ms middleton should have gone whale watching instead\"]\n", + "pippa middleton has been slammed for ` promoting the cruel and unnecessary whaling industry ' .she boasted of tucking into the delicacy in norway , to the horror of environmental campaigners who say she is helping promote an ` unimaginably cruel ' trade .so pippa middleton 's decision to enjoy a plate of whale meat on holiday may have been rather difficult for prince william to swallow .\n", + "middleton wrote about eating whale for a national newspaper travel storyshe described eating it at the # 123-a-night juvet landscape hotelwhale and dolphin conservation group said the news was ` disappointing 'the wdc said ms middleton should have gone whale watching instead\n", + "[1.3639953 1.237765 1.181963 1.3940738 1.332721 1.1621208 1.0704165\n", + " 1.0615085 1.1068168 1.0719676 1.0176191 1.0111017 1.0107437 1.0109314\n", + " 1.2758228 1.1650666 0. 0. ]\n", + "\n", + "[ 3 0 4 14 1 2 15 5 8 9 6 7 10 11 13 12 16 17]\n", + "=======================\n", + "[\"jordon ibe in training for liverpool at melwood as he prepares to make a return from injuryjordon ibe is on the verge of signing a new long-term contract as brendan rodgers prepares to re-launch the exciting teenager 's season .liverpool offered ibe fresh terms in february after he had a deep impression in a sequence of games , particularly against everton and tottenham , that coincided with an improvement in the club 's fortunes .\"]\n", + "=======================\n", + "['jordon ibe to put pen to paper on a new long-term deal at liverpoolthe 19-year-old broke into the first team before falling injuredibe has been out since february after damaging his knee ligamentsthe youngster could make a return against newcastle on mondaybrendan rodgers concedes that daniel sturridge will not rediscover his best form this season after a number of injury problems']\n", + "jordon ibe in training for liverpool at melwood as he prepares to make a return from injuryjordon ibe is on the verge of signing a new long-term contract as brendan rodgers prepares to re-launch the exciting teenager 's season .liverpool offered ibe fresh terms in february after he had a deep impression in a sequence of games , particularly against everton and tottenham , that coincided with an improvement in the club 's fortunes .\n", + "jordon ibe to put pen to paper on a new long-term deal at liverpoolthe 19-year-old broke into the first team before falling injuredibe has been out since february after damaging his knee ligamentsthe youngster could make a return against newcastle on mondaybrendan rodgers concedes that daniel sturridge will not rediscover his best form this season after a number of injury problems\n", + "[1.2077001 1.2716367 1.4752698 1.2838596 1.1785063 1.0391248 1.0386074\n", + " 1.0226072 1.060039 1.0298846 1.0420887 1.0395951 1.0313414 1.0568919\n", + " 1.127802 1.0847358 1.1143992 1.0840911]\n", + "\n", + "[ 2 3 1 0 4 14 16 15 17 8 13 10 11 5 6 12 9 7]\n", + "=======================\n", + "['the mercury is expected to reach 25c ( 77f ) in the south east today .this will beat marseille at 22c ( 72f ) , athens at 21c ( 70f ) , rome at 19c ( 66f ) and madrid at 18c ( 64f ) .and keep those sunglasses at the ready -- the sunshine is forecast to last until the middle of next week .']\n", + "=======================\n", + "['yesterday was officially hottest day of 2015 with a high of 22.7 c - with temperatures rising to 25c todayweather caused by warm air from azores is creating conditions we might usually experience in july or augustit is set to get cooler later in the week but temperatures will remain higher than the average for this time of yearfamilies are warned to use suncream if they are relaxing outside while firefighters issue warning over fire risks']\n", + "the mercury is expected to reach 25c ( 77f ) in the south east today .this will beat marseille at 22c ( 72f ) , athens at 21c ( 70f ) , rome at 19c ( 66f ) and madrid at 18c ( 64f ) .and keep those sunglasses at the ready -- the sunshine is forecast to last until the middle of next week .\n", + "yesterday was officially hottest day of 2015 with a high of 22.7 c - with temperatures rising to 25c todayweather caused by warm air from azores is creating conditions we might usually experience in july or augustit is set to get cooler later in the week but temperatures will remain higher than the average for this time of yearfamilies are warned to use suncream if they are relaxing outside while firefighters issue warning over fire risks\n", + "[1.3909205 1.3362852 1.1825675 1.1139494 1.0243826 1.1618785 1.1026294\n", + " 1.0450225 1.0249519 1.030188 1.1751173 1.1246532 1.1100535 1.1334102\n", + " 1.167856 1.0938485 0. 0. ]\n", + "\n", + "[ 0 1 2 10 14 5 13 11 3 12 6 15 7 9 8 4 16 17]\n", + "=======================\n", + "[\"a newly-released film about manny pacquiao offers a look into the philippine boxer 's childhood ahead of his much anticipated fight against floyd mayweather jnr next month .` kid kulafu ' , named after a brand of wine whose bottles pacquiao collected as a child , charts his rise from humble beginnings to his first step into the boxing ring .` he 's just like every one of us , ' director paul soriano said at the film 's manila premiere on tuesday night .\"]\n", + "=======================\n", + "[\"manny pacquiao 's early life is portrayed in a new film called kid kulafuthe film is named after bottles of wine the boxer collected as a childit charts his rise from humble beginnings to his first steps in the ringpacquiao takes on floyd mayweather in las vegas on may 2\"]\n", + "a newly-released film about manny pacquiao offers a look into the philippine boxer 's childhood ahead of his much anticipated fight against floyd mayweather jnr next month .` kid kulafu ' , named after a brand of wine whose bottles pacquiao collected as a child , charts his rise from humble beginnings to his first step into the boxing ring .` he 's just like every one of us , ' director paul soriano said at the film 's manila premiere on tuesday night .\n", + "manny pacquiao 's early life is portrayed in a new film called kid kulafuthe film is named after bottles of wine the boxer collected as a childit charts his rise from humble beginnings to his first steps in the ringpacquiao takes on floyd mayweather in las vegas on may 2\n", + "[1.2028419 1.3537717 1.2033769 1.3544846 1.1660227 1.2050784 1.0676708\n", + " 1.2276269 1.160474 1.0377437 1.0311762 1.1351603 1.0378081 1.0258166\n", + " 1.0212051 1.0494733 1.0226214 0. ]\n", + "\n", + "[ 3 1 7 5 2 0 4 8 11 6 15 12 9 10 13 16 14 17]\n", + "=======================\n", + "[\"the light general aviation aircraft approaches the aero acres residential airpark and touches down without its landing gear deployedthe plane 's propellers can be heard ricocheting off the ground as the wings bounce up and down from the impactdespite the fact the aerostar plane travels at speed , its descent towards the landing strip appears normal until the video maker makes a startling observation .\"]\n", + "=======================\n", + "['video captures light general aviation aircraft approaching at speedfilmmaker points out that the pilot has not deployed the landing gearplane touches down onto the tarmac and skids along the runwayits propellers ricochet off the ground before pilot re-engages enginesaircraft takes off and flies 100 miles away to fort lauderdale , florida']\n", + "the light general aviation aircraft approaches the aero acres residential airpark and touches down without its landing gear deployedthe plane 's propellers can be heard ricocheting off the ground as the wings bounce up and down from the impactdespite the fact the aerostar plane travels at speed , its descent towards the landing strip appears normal until the video maker makes a startling observation .\n", + "video captures light general aviation aircraft approaching at speedfilmmaker points out that the pilot has not deployed the landing gearplane touches down onto the tarmac and skids along the runwayits propellers ricochet off the ground before pilot re-engages enginesaircraft takes off and flies 100 miles away to fort lauderdale , florida\n", + "[1.686541 1.3083496 1.1870633 1.1902058 1.0377617 1.0226992 1.021032\n", + " 1.0151467 1.1275321 1.0536397 1.0751268 1.1108756 1.0492451 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 8 11 10 9 12 4 5 6 7 17 13 14 15 16 18]\n", + "=======================\n", + "[\"darren bent pounced in stoppage time to rescue a 1-1 draw for derby against brentford at the ipro stadium .the bees controlled the game for long periods after going ahead through alex pritchard 's brilliant strike - but missed chances in the second half came back to haunt them when bent grabbed his 10th goal for the rams .alex pritchard celebrates his stunning strike with his brentford team-mates , after putting his side ahead\"]\n", + "=======================\n", + "['alex pritchard puts brentford ahead with stunning curling shotbrentford dominate but fail to take chances to add second goaldarren bent pokes home from close range in 92nd minute']\n", + "darren bent pounced in stoppage time to rescue a 1-1 draw for derby against brentford at the ipro stadium .the bees controlled the game for long periods after going ahead through alex pritchard 's brilliant strike - but missed chances in the second half came back to haunt them when bent grabbed his 10th goal for the rams .alex pritchard celebrates his stunning strike with his brentford team-mates , after putting his side ahead\n", + "alex pritchard puts brentford ahead with stunning curling shotbrentford dominate but fail to take chances to add second goaldarren bent pokes home from close range in 92nd minute\n", + "[1.2386755 1.3849924 1.2840573 1.1259601 1.1708897 1.1479509 1.1361316\n", + " 1.1635352 1.1500269 1.1002754 1.0738734 1.1094495 1.0649178 1.0297523\n", + " 1.0179231 1.01882 1.0234754 0. 0. ]\n", + "\n", + "[ 1 2 0 4 7 8 5 6 3 11 9 10 12 13 16 15 14 17 18]\n", + "=======================\n", + "[\"the image , which has not been verified , was re-posted to twitter on sunday by an anti-isis activist in syria with the warning : ` this child will be risk to you not just to us ' .abu ward al-raqqawi , a self proclaimed ` founder of the syrian revolution , ' believes the chilling image was released to radicalise the next generation of jihadis .a sickening propaganda image linked to the islamic state terrorist group has surfaced showing a newborn baby sleeping next to a grenade , a handgun and what appears to be a birth certificate .\"]\n", + "=======================\n", + "[\"it was posted to twitter on sunday by an anti-islamic state activist in syriait is believed to be the latest chapter in the group 's propaganda campaignit follows a series of shocking posts of young boys being radicalisedthe terror group grooms children to take part in jihad from a young age\"]\n", + "the image , which has not been verified , was re-posted to twitter on sunday by an anti-isis activist in syria with the warning : ` this child will be risk to you not just to us ' .abu ward al-raqqawi , a self proclaimed ` founder of the syrian revolution , ' believes the chilling image was released to radicalise the next generation of jihadis .a sickening propaganda image linked to the islamic state terrorist group has surfaced showing a newborn baby sleeping next to a grenade , a handgun and what appears to be a birth certificate .\n", + "it was posted to twitter on sunday by an anti-islamic state activist in syriait is believed to be the latest chapter in the group 's propaganda campaignit follows a series of shocking posts of young boys being radicalisedthe terror group grooms children to take part in jihad from a young age\n", + "[1.2249217 1.3890274 1.1783867 1.3361107 1.2182626 1.0564356 1.1121318\n", + " 1.1137034 1.0695558 1.1411295 1.1396508 1.0642552 1.1439506 1.0656322\n", + " 1.0771527 1.0629666 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 12 9 10 7 6 14 8 13 11 15 5 17 16 18]\n", + "=======================\n", + "[\"fabregas suffered the break during chelsea 's win over stoke city on saturday , taking a hit to the face from charlie adam 's forearm minutes before the scot struck a 66-yard wondergoal at stamford bridge .cesc fabregas will wear a special protective face mask for chelsea after breaking his nose , and this is itthe mask , branded with fabregas 's initial and squad number ` c4 ' , was made by the ortholabsport\"]\n", + "=======================\n", + "['cesc fabregas had his nose broken in a challenge with charlie adamchelsea midfielder has travelled to italy to have a protective mask fittedthe spaniard will wear guard branded with his initials and squad numberortholabsport have also made masks for petr cech and fernando torres']\n", + "fabregas suffered the break during chelsea 's win over stoke city on saturday , taking a hit to the face from charlie adam 's forearm minutes before the scot struck a 66-yard wondergoal at stamford bridge .cesc fabregas will wear a special protective face mask for chelsea after breaking his nose , and this is itthe mask , branded with fabregas 's initial and squad number ` c4 ' , was made by the ortholabsport\n", + "cesc fabregas had his nose broken in a challenge with charlie adamchelsea midfielder has travelled to italy to have a protective mask fittedthe spaniard will wear guard branded with his initials and squad numberortholabsport have also made masks for petr cech and fernando torres\n", + "[1.4395108 1.4362285 1.312284 1.1916363 1.2124355 1.1213262 1.0965451\n", + " 1.0665302 1.0770992 1.0187721 1.032636 1.1362429 1.0339586 1.0096625\n", + " 1.0214624 1.2222626 1.0413256 1.0205581 1.1300652]\n", + "\n", + "[ 0 1 2 15 4 3 11 18 5 6 8 7 16 12 10 14 17 9 13]\n", + "=======================\n", + "[\"bayern munich have joined manchester united and liverpool in the race to sign memphis depay .the psv eindhoven star 's talents have been compared to those of a young cristiano ronaldo by ronald de boer , who also claims united could have the edge over liverpool in a battle for the holland forward .the 21-year-old dutch international has played a starring role in psv 's eredivisie title success this season .\"]\n", + "=======================\n", + "['liverpool and manchester united are set to battle for memphis depaybut bayern munich have now joined the race for his signatureholland international depay has scored 23 goals for the club this seasonread : liverpool set for summer overhaul with ten kop stars on way out']\n", + "bayern munich have joined manchester united and liverpool in the race to sign memphis depay .the psv eindhoven star 's talents have been compared to those of a young cristiano ronaldo by ronald de boer , who also claims united could have the edge over liverpool in a battle for the holland forward .the 21-year-old dutch international has played a starring role in psv 's eredivisie title success this season .\n", + "liverpool and manchester united are set to battle for memphis depaybut bayern munich have now joined the race for his signatureholland international depay has scored 23 goals for the club this seasonread : liverpool set for summer overhaul with ten kop stars on way out\n", + "[1.428757 1.3284585 1.3082595 1.4040872 1.3030069 1.083744 1.1079509\n", + " 1.0542142 1.0103856 1.0119373 1.0208585 1.070792 1.1166983 1.0871137\n", + " 1.0133709 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 12 6 13 5 11 7 10 14 9 8 15 16 17 18]\n", + "=======================\n", + "[\"england under 21 captain jack butland has revealed voting for team-mate harry kane as this season 's pfa young player of the year and hopes the tottenham hotshot can help him emulate goalkeeping skipper iker casillas at the european championship in the czech republic this summer .butland joined his england manager gareth southgate and former world cup legend michael owen at st george 's park on st george 's day as around 35 local schoolchildren from the east midlands were put through their paces by fa skills coaches at england 's plush headquarters .the 22-year-old stoke city goalkeeper is bidding to be the first england captain to lift the european under 21 championship since dave sexton 's team won the trophy in 1984 and kane is expected to be a big part of their team as they attempt to end 31 years of hurt .\"]\n", + "=======================\n", + "[\"jack butland voted for harry kane to win young player of the yearstoke keeper says there is not a player of the same age on kane 's levelbutland is hoping kane can help fire england u21s to glory this summer\"]\n", + "england under 21 captain jack butland has revealed voting for team-mate harry kane as this season 's pfa young player of the year and hopes the tottenham hotshot can help him emulate goalkeeping skipper iker casillas at the european championship in the czech republic this summer .butland joined his england manager gareth southgate and former world cup legend michael owen at st george 's park on st george 's day as around 35 local schoolchildren from the east midlands were put through their paces by fa skills coaches at england 's plush headquarters .the 22-year-old stoke city goalkeeper is bidding to be the first england captain to lift the european under 21 championship since dave sexton 's team won the trophy in 1984 and kane is expected to be a big part of their team as they attempt to end 31 years of hurt .\n", + "jack butland voted for harry kane to win young player of the yearstoke keeper says there is not a player of the same age on kane 's levelbutland is hoping kane can help fire england u21s to glory this summer\n", + "[1.2173669 1.4834149 1.2847154 1.3783759 1.354356 1.2249119 1.1344048\n", + " 1.0935738 1.0875759 1.0497128 1.1005557 1.0443162 1.0344685 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 5 0 6 10 7 8 9 11 12 13 14 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"twenty-two-year-old rachel jaajaa and 29-year-old aaron tate 's daughter was found on friday night at a mcdonald 's in elyria when a patron called 911 after seeing the baby was left alone .police say rachel jaajaa , 22 , refused to take her daughter because it was the father 's ` turn to have the baby 'they were both arrested monday and charged with child endangering .\"]\n", + "=======================\n", + "[\"rachel jaajaa , 22 , and aaron tate , 29 , were arrested monday in elryia , ohiothey were charged with child endangering after infant was left on fridaypatron at mcdonald 's called 911 and jaajaa and tate were found fightingjaajaa 's sister is now caring for the baby\"]\n", + "twenty-two-year-old rachel jaajaa and 29-year-old aaron tate 's daughter was found on friday night at a mcdonald 's in elyria when a patron called 911 after seeing the baby was left alone .police say rachel jaajaa , 22 , refused to take her daughter because it was the father 's ` turn to have the baby 'they were both arrested monday and charged with child endangering .\n", + "rachel jaajaa , 22 , and aaron tate , 29 , were arrested monday in elryia , ohiothey were charged with child endangering after infant was left on fridaypatron at mcdonald 's called 911 and jaajaa and tate were found fightingjaajaa 's sister is now caring for the baby\n", + "[1.257693 1.5394874 1.3182757 1.4192661 1.2716619 1.0678644 1.0537536\n", + " 1.0317019 1.0544999 1.0407515 1.0178295 1.0442412 1.0167836 1.1002246\n", + " 1.1069908 1.0197127 1.0158498 1.0481951 1.0273727 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 14 13 5 8 6 17 11 9 7 18 15 10 12 16 19 20 21 22 23]\n", + "=======================\n", + "['scott shirley , his wife mayo and seven-year-old son phoenix , were travelling back to washington dc after a birthday trip to disney world , orlando , when they discovered the vomit and complained to cabin crew .after boarding the plane , the shirleys were storing their bags under their seats when they noticed their luggage was wet .after putting their luggage on the floor of the cabin , the family discovered the bags to be wet with vomit']\n", + "=======================\n", + "['scott shirley , his wife and son were returning from trip to disneylandbut mrs shirley made grim discovery on floor of united airlines planemr shirley claims staff refused to clean area and were offered blankets to cover area up']\n", + "scott shirley , his wife mayo and seven-year-old son phoenix , were travelling back to washington dc after a birthday trip to disney world , orlando , when they discovered the vomit and complained to cabin crew .after boarding the plane , the shirleys were storing their bags under their seats when they noticed their luggage was wet .after putting their luggage on the floor of the cabin , the family discovered the bags to be wet with vomit\n", + "scott shirley , his wife and son were returning from trip to disneylandbut mrs shirley made grim discovery on floor of united airlines planemr shirley claims staff refused to clean area and were offered blankets to cover area up\n", + "[1.3890781 1.2876549 1.2741406 1.2070597 1.1556363 1.0418223 1.1094798\n", + " 1.1560916 1.0881643 1.058315 1.0215495 1.0563183 1.2255741 1.0300908\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 12 3 7 4 6 8 9 11 5 13 10 22 14 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "['left his post : army sgt. bowe bergdahl walked away from the army and was captured by the taliban in june of 2009admiral mike mullen , former chairman of the joint chiefs of staff , allegedly told three comrades of bergdahl that the soldier was a deserterthe claims mean that mullen was in a position to tell the president his soldier had run away five years before national security adviser susan rice told the world that bergdahl served honorably .']\n", + "=======================\n", + "['former sgt. matt vierkant claims admiral mike mullen knew bergdhal desertedclaims the chairman of the joint chiefs told him this during private question and answer sessionex-white house aides have said it is inconceivable that president obama did not knowbergdahl is charged with desertion and misbehavior before the enemy']\n", + "left his post : army sgt. bowe bergdahl walked away from the army and was captured by the taliban in june of 2009admiral mike mullen , former chairman of the joint chiefs of staff , allegedly told three comrades of bergdahl that the soldier was a deserterthe claims mean that mullen was in a position to tell the president his soldier had run away five years before national security adviser susan rice told the world that bergdahl served honorably .\n", + "former sgt. matt vierkant claims admiral mike mullen knew bergdhal desertedclaims the chairman of the joint chiefs told him this during private question and answer sessionex-white house aides have said it is inconceivable that president obama did not knowbergdahl is charged with desertion and misbehavior before the enemy\n", + "[1.4830185 1.3461719 1.3377593 1.3858562 1.3148032 1.1074108 1.0177176\n", + " 1.0135818 1.0101558 1.2401067 1.0339345 1.0141249 1.0131209 1.0245012\n", + " 1.0285443 1.013199 1.0112408 1.0160054 1.0169857 1.0205929 1.0281634\n", + " 1.1523015 1.2077543 1.1273267]\n", + "\n", + "[ 0 3 1 2 4 9 22 21 23 5 10 14 20 13 19 6 18 17 11 7 15 12 16 8]\n", + "=======================\n", + "['fc tokyo forward yoshinori muto has admitted that he is still considering whether to join premier league leaders chelsea this summer .earlier this month club president naoki ogane claimed that the blues have made an offer - believed to be around # 4million - for the japan international .chelsea would look to loan muto to partner club vitesse arnhem next season but the 22-year-old is keen to join a club where he will play regularly and realise his potential .']\n", + "=======================\n", + "[\"naoki ogane claims that chelsea have made a bid for yoshinori mutothe fc tokyo forward says he is still considering a move to londonmuto 's former manager , ranko popovic , says his potential is ` amazing 'jose mourinho has admitted that he is aware of the japan international\"]\n", + "fc tokyo forward yoshinori muto has admitted that he is still considering whether to join premier league leaders chelsea this summer .earlier this month club president naoki ogane claimed that the blues have made an offer - believed to be around # 4million - for the japan international .chelsea would look to loan muto to partner club vitesse arnhem next season but the 22-year-old is keen to join a club where he will play regularly and realise his potential .\n", + "naoki ogane claims that chelsea have made a bid for yoshinori mutothe fc tokyo forward says he is still considering a move to londonmuto 's former manager , ranko popovic , says his potential is ` amazing 'jose mourinho has admitted that he is aware of the japan international\n", + "[1.5436512 1.2660218 1.2405388 1.4519198 1.3240092 1.1756705 1.0292808\n", + " 1.0135245 1.0120499 1.0153295 1.0156449 1.1887819 1.1543349 1.0784987\n", + " 1.0147761 1.013604 1.0530752 1.009174 1.0094053 1.0093205 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 1 2 11 5 12 13 16 6 10 9 14 15 7 8 18 19 17 20 21 22 23]\n", + "=======================\n", + "[\"arsenal midfielder santi cazorla has said he is happy to stay at arsenal despite interest from atletico madrid , although he admits that ` you never know what the future will bring ' .cazorla is enjoying one of the best periods of his career , having scored seven goals and provided eight assists in 29 barclays premier league appearances this season for arsenal .cazorla signed for arsenal in the summer of 2012 for a # 16.5 million transfer fee from malaga , and he has been a key man in arsene wenger 's squad ever since .\"]\n", + "=======================\n", + "[\"santi cazorla has been in the best form of his career for arsenal this yearspanish midfielder 's displays have seen him linked to atletico madridcazorla says he has heard of interest but is happy to stay in north londonread : arsene wenger reveals secrets of his team selection processclick here for the latest arsenal news\"]\n", + "arsenal midfielder santi cazorla has said he is happy to stay at arsenal despite interest from atletico madrid , although he admits that ` you never know what the future will bring ' .cazorla is enjoying one of the best periods of his career , having scored seven goals and provided eight assists in 29 barclays premier league appearances this season for arsenal .cazorla signed for arsenal in the summer of 2012 for a # 16.5 million transfer fee from malaga , and he has been a key man in arsene wenger 's squad ever since .\n", + "santi cazorla has been in the best form of his career for arsenal this yearspanish midfielder 's displays have seen him linked to atletico madridcazorla says he has heard of interest but is happy to stay in north londonread : arsene wenger reveals secrets of his team selection processclick here for the latest arsenal news\n", + "[1.4779226 1.2617549 1.200461 1.2058401 1.3057312 1.1172662 1.0647451\n", + " 1.0670406 1.0422485 1.054163 1.0564449 1.0404954 1.029081 1.0521637\n", + " 1.041622 1.0950161 1.0536733 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 3 2 5 15 7 6 10 9 16 13 8 14 11 12 17 18 19]\n", + "=======================\n", + "[\"andy hornby is non-executive chairman of pharmacy 2u , which was found to be selling nhs patients ' details on without their knowledgenow we can reveal that at its helm is the disgraced banker andy hornby , who was in charge of hbos when it collapsed in 2008 .many of those whose details he is selling on are some of the most vulnerable in society -- either too ill to travel to their nearest surgery or the disabled .\"]\n", + "=======================\n", + "[\"andy hornby is in charge of the disgraced online company pharmacy 2uit was revealed yesterday that service has been selling nhs patients ' datamany of which are the most vulnerable in society , who are ill or disabledthere are calls for him to step down and condemned for selling on details\"]\n", + "andy hornby is non-executive chairman of pharmacy 2u , which was found to be selling nhs patients ' details on without their knowledgenow we can reveal that at its helm is the disgraced banker andy hornby , who was in charge of hbos when it collapsed in 2008 .many of those whose details he is selling on are some of the most vulnerable in society -- either too ill to travel to their nearest surgery or the disabled .\n", + "andy hornby is in charge of the disgraced online company pharmacy 2uit was revealed yesterday that service has been selling nhs patients ' datamany of which are the most vulnerable in society , who are ill or disabledthere are calls for him to step down and condemned for selling on details\n", + "[1.49398 1.2667432 1.4294627 1.2481887 1.1995121 1.0740192 1.0277826\n", + " 1.0212978 1.0560995 1.0288594 1.0388622 1.1083715 1.1174191 1.142145\n", + " 1.0703506 1.0298215 1.014722 1.0668366 1.0559303 1.0271738]\n", + "\n", + "[ 0 2 1 3 4 13 12 11 5 14 17 8 18 10 15 9 6 19 7 16]\n", + "=======================\n", + "['jeffrey williams , 20 , is accused of shooting and wounding the officers on during a rally on march 12all inmates are informed their phone conversations while behind bars are recorded and can be used as evidence against them , but despite the warning williams spoke freely about the incident in calls made from the st. louis county justice center .in a conversation with his girlfriend , williams said he was being harassed by a group of people outside ferguson pd on the night of the shooting']\n", + "=======================\n", + "[\"jeffrey williams , 20 , is accused of shooting and wounding the officers on during a rally on march 12despite warnings at the start of prison phone calls that they can be used as evidence , he spoke free about the incident to his girlfriendwilliams said he was being harassed by a group of people outside ferguson pd and was n't aiming at the cops .` even though i was in the wrong , though , i should have just went the other way , ' he said .\"]\n", + "jeffrey williams , 20 , is accused of shooting and wounding the officers on during a rally on march 12all inmates are informed their phone conversations while behind bars are recorded and can be used as evidence against them , but despite the warning williams spoke freely about the incident in calls made from the st. louis county justice center .in a conversation with his girlfriend , williams said he was being harassed by a group of people outside ferguson pd on the night of the shooting\n", + "jeffrey williams , 20 , is accused of shooting and wounding the officers on during a rally on march 12despite warnings at the start of prison phone calls that they can be used as evidence , he spoke free about the incident to his girlfriendwilliams said he was being harassed by a group of people outside ferguson pd and was n't aiming at the cops .` even though i was in the wrong , though , i should have just went the other way , ' he said .\n", + "[1.3162795 1.1755413 1.2579937 1.1748915 1.1822546 1.1879073 1.0750422\n", + " 1.0689281 1.0354108 1.0772375 1.201684 1.094147 1.059043 1.0390217\n", + " 1.0607867 1.1678984 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 10 5 4 1 3 15 11 9 6 7 14 12 13 8 16 17 18 19]\n", + "=======================\n", + "[\"criticism : lord prescott suggested the signatories were ` tax dodgers , tory donors and non doms 'shadow cabinet ministers branded the industry leaders who signed an open letter backing the conservative economic plan as members of the ` 1 per cent ' .attack : labour 's business spokesman chuka umunna ( left ) suggested that former diageo boss paul walsh ( right ) should no longer take over as the head of the cbi\"]\n", + "=======================\n", + "['shadow cabinet ministers brand industry leaders as members of the \\' 1 % \\'lord prescott suggests they are ` tax dodgers , tory donors and non doms \\'one of them , diageo boss paul walsh , ` should no longer take over at cbi \\'103 corporate leaders declared government ` has been good for business \\'in september 2011 , miliband marks his first year as labour leader by threatening a more punitive system of tax and regulation for businesses that he considers to be ` predators \\' who are ` just interested in the fast buck \\' .the institute of directors says : ` we would like to know how he plans to identify and reward \" good \" companies over \" bad \" ones .in his 2013 conference speech he pledges an incoming labour government would freeze gas and electricity bills for 20 months .power firms say it will deter investment in much needed infrastructure .also that month miliband announces councils should be allowed to fine developers if they acquire land with planning permission but do not build on it immediately .the iod says the ` use it or lose it \\' declaration is a ` stalinist attack on property rights \\' .in january 2014 , labour vows it will reverse george osborne \\'s cut in the 50p rate of tax for anyone earning more than # 150,000 -- which , with disingenuous class war rhetoric , it dubs a ` tax cut for millionaires \\' .in a letter , the heads of 24 of britain \\'s most successful companies say this would put the economic recovery at risk .in september 2014 labour pledges to reverse a 1p cut in corporation tax .the iod hits back : ` it \\'s a dangerous move for labour to risk our business-friendly environment in this way . \\'in february miliband and his supporters turn on boots chief executive stefano pessina when he dares to say he fears labour \\'s business policies will be a catastrophe .appalled business chiefs accuse the labour leader of ` playing the man not the ball \\' .']\n", + "criticism : lord prescott suggested the signatories were ` tax dodgers , tory donors and non doms 'shadow cabinet ministers branded the industry leaders who signed an open letter backing the conservative economic plan as members of the ` 1 per cent ' .attack : labour 's business spokesman chuka umunna ( left ) suggested that former diageo boss paul walsh ( right ) should no longer take over as the head of the cbi\n", + "shadow cabinet ministers brand industry leaders as members of the ' 1 % 'lord prescott suggests they are ` tax dodgers , tory donors and non doms 'one of them , diageo boss paul walsh , ` should no longer take over at cbi '103 corporate leaders declared government ` has been good for business 'in september 2011 , miliband marks his first year as labour leader by threatening a more punitive system of tax and regulation for businesses that he considers to be ` predators ' who are ` just interested in the fast buck ' .the institute of directors says : ` we would like to know how he plans to identify and reward \" good \" companies over \" bad \" ones .in his 2013 conference speech he pledges an incoming labour government would freeze gas and electricity bills for 20 months .power firms say it will deter investment in much needed infrastructure .also that month miliband announces councils should be allowed to fine developers if they acquire land with planning permission but do not build on it immediately .the iod says the ` use it or lose it ' declaration is a ` stalinist attack on property rights ' .in january 2014 , labour vows it will reverse george osborne 's cut in the 50p rate of tax for anyone earning more than # 150,000 -- which , with disingenuous class war rhetoric , it dubs a ` tax cut for millionaires ' .in a letter , the heads of 24 of britain 's most successful companies say this would put the economic recovery at risk .in september 2014 labour pledges to reverse a 1p cut in corporation tax .the iod hits back : ` it 's a dangerous move for labour to risk our business-friendly environment in this way . 'in february miliband and his supporters turn on boots chief executive stefano pessina when he dares to say he fears labour 's business policies will be a catastrophe .appalled business chiefs accuse the labour leader of ` playing the man not the ball ' .\n", + "[1.4176799 1.4717745 1.2545272 1.4180595 1.1771264 1.1095506 1.030487\n", + " 1.0278584 1.0196729 1.0353103 1.0990044 1.1140859 1.1225321 1.0723553\n", + " 1.066357 1.0678425 1.011668 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 12 11 5 10 13 15 14 9 6 7 8 16 17 18 19]\n", + "=======================\n", + "[\"he was pronounced dead the next dayizaak gillen ( above ) , seven months , was taken to hospital on april 6 with a skull fracture while at his babysitter 's oregon city home .justin and stacy gillen , the boy 's parents , said on wednesday in a statement that they are deeply saddened by the loss of their son and that they plan to donate some of his organs .\"]\n", + "=======================\n", + "[\"izaak gillen of oregon was taken to randall children 's hospital on april 6 with the injury and was pronounced dead the following daydetectives said he was at the babysitter 's house when he had skull fracturemedical examiner determined child 's manner of death was a homicideparents justin and stacy gillen said they are deeply saddened by the lossno arrests have been made and investigators are still looking into incident\"]\n", + "he was pronounced dead the next dayizaak gillen ( above ) , seven months , was taken to hospital on april 6 with a skull fracture while at his babysitter 's oregon city home .justin and stacy gillen , the boy 's parents , said on wednesday in a statement that they are deeply saddened by the loss of their son and that they plan to donate some of his organs .\n", + "izaak gillen of oregon was taken to randall children 's hospital on april 6 with the injury and was pronounced dead the following daydetectives said he was at the babysitter 's house when he had skull fracturemedical examiner determined child 's manner of death was a homicideparents justin and stacy gillen said they are deeply saddened by the lossno arrests have been made and investigators are still looking into incident\n", + "[1.2534868 1.3270284 1.3144165 1.2421159 1.1572474 1.0458721 1.0991029\n", + " 1.1143316 1.2452495 1.0646033 1.0193566 1.0620806 1.0555081 1.0391415\n", + " 1.0346096 1.0198077 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 8 3 4 7 6 9 11 12 5 13 14 15 10 18 16 17 19]\n", + "=======================\n", + "[\"on monday , as the 22-year-old 's loved ones were split over whether she had awoken from her coma as her father had claimed , the 46-year-old signer spent time at the dekalb medical center in decatur , georgia , where his daughter is being cared for .the daughter of whitney houston was recently moved from emory university hospital - where she had been treated since being found unresponsive on january 31 - so she could be provided with long term care .as family infighting continues , bobby brown has visited his stricken daughter bobbi kristina in hospital .\"]\n", + "=======================\n", + "[\"bobby brown has maintained his daughter is awake from her comamaternal grandmother cissy houston updated fans clarifying that her grandchild is ` no longer in a medically induced coma 'but cissy explained that her granddaughter is irreversibly brain damaged and unresponsivethe hospitalised woman 's 46-year-old father told fans at a dallas concert on saturday that ` bobbi is awake .on monday , his wife alicia tried to clarify bobby 's statement saying ` she has made it out of icu and opened her eyes 'a source close to the houston family shared that they ` have no idea where bobby is getting his information 'the 22-year-old only child of the late whitney houston was first hospitalized on january 31 after being found face down and unconscious in a bathtub at her georgia home\"]\n", + "on monday , as the 22-year-old 's loved ones were split over whether she had awoken from her coma as her father had claimed , the 46-year-old signer spent time at the dekalb medical center in decatur , georgia , where his daughter is being cared for .the daughter of whitney houston was recently moved from emory university hospital - where she had been treated since being found unresponsive on january 31 - so she could be provided with long term care .as family infighting continues , bobby brown has visited his stricken daughter bobbi kristina in hospital .\n", + "bobby brown has maintained his daughter is awake from her comamaternal grandmother cissy houston updated fans clarifying that her grandchild is ` no longer in a medically induced coma 'but cissy explained that her granddaughter is irreversibly brain damaged and unresponsivethe hospitalised woman 's 46-year-old father told fans at a dallas concert on saturday that ` bobbi is awake .on monday , his wife alicia tried to clarify bobby 's statement saying ` she has made it out of icu and opened her eyes 'a source close to the houston family shared that they ` have no idea where bobby is getting his information 'the 22-year-old only child of the late whitney houston was first hospitalized on january 31 after being found face down and unconscious in a bathtub at her georgia home\n", + "[1.4801011 1.3407307 1.3193753 1.4357283 1.0857736 1.1961234 1.0882587\n", + " 1.0307299 1.0715332 1.0163211 1.1466619 1.1580442 1.0927488 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 5 11 10 12 6 4 8 7 9 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"siem de jong played 45 minutes for newcastle under 21s on his comeback from a collapsed lung .the 26-year-old made way at the break after coming through the first half of united 's 2-0 defeat to derby county at st james ' park .de jong has made just one premier league start since his # 6million arrival from ajax last summer .\"]\n", + "=======================\n", + "[\"siem de jong has made just one premier league start this seasonthe 26-year-old has been plagued by injuries since joining from ajaxhe played 45 minutes as newcastle lost 2-0 at home to derby countyloanee facundo ferreyra replaced de jong at half-timealefe santos and farrend rawson on target for the rams at st james ' park\"]\n", + "siem de jong played 45 minutes for newcastle under 21s on his comeback from a collapsed lung .the 26-year-old made way at the break after coming through the first half of united 's 2-0 defeat to derby county at st james ' park .de jong has made just one premier league start since his # 6million arrival from ajax last summer .\n", + "siem de jong has made just one premier league start this seasonthe 26-year-old has been plagued by injuries since joining from ajaxhe played 45 minutes as newcastle lost 2-0 at home to derby countyloanee facundo ferreyra replaced de jong at half-timealefe santos and farrend rawson on target for the rams at st james ' park\n", + "[1.2473861 1.382654 1.3733548 1.3172984 1.1266475 1.0419644 1.0887622\n", + " 1.188114 1.0780739 1.170295 1.0631965 1.0334822 1.0092281 1.0064678\n", + " 1.0082905 1.1197532 1.1482683 1.093651 1.0667628 0. ]\n", + "\n", + "[ 1 2 3 0 7 9 16 4 15 17 6 8 18 10 5 11 12 14 13 19]\n", + "=======================\n", + "[\"female crews representing oxford and cambridge universities rowed the same stretch of the river thames in london as the men for the first time in the 87 years they have competed .oxford claimed their fourth win in five years in a supreme show of strength in the 161st men 's boat race .president constantine louloudis claimed a fourth and final boat race victory for the dark blues , completing a clean sweep only interrupted by claiming bronze with team gb 's men 's eight at london 2012 .\"]\n", + "=======================\n", + "[\"double victory for oxford as both men and women 's teams won raceswomen competed on same course as men and on same day for first timeup to 300,000 expected to line the banks of the thames for historic raceoxford men 's rowing team claimed their fourth win in five years\"]\n", + "female crews representing oxford and cambridge universities rowed the same stretch of the river thames in london as the men for the first time in the 87 years they have competed .oxford claimed their fourth win in five years in a supreme show of strength in the 161st men 's boat race .president constantine louloudis claimed a fourth and final boat race victory for the dark blues , completing a clean sweep only interrupted by claiming bronze with team gb 's men 's eight at london 2012 .\n", + "double victory for oxford as both men and women 's teams won raceswomen competed on same course as men and on same day for first timeup to 300,000 expected to line the banks of the thames for historic raceoxford men 's rowing team claimed their fourth win in five years\n", + "[1.4672196 1.2765393 1.1923186 1.3762072 1.3416368 1.1031582 1.0800874\n", + " 1.0482051 1.063882 1.2464623 1.0599148 1.1131412 1.0137956 1.0099301\n", + " 1.0090383 1.0228535 1.0254682 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 1 9 2 11 5 6 8 10 7 16 15 12 13 14 18 17 19]\n", + "=======================\n", + "[\"harry kane scored his 30th goal in all competitions for tottenham this season on sunday and the pfa player of the year nominee tops this week 's ea sports ' performance index after another intriguing round of premier league action .chelsea star eden hazard completes the top three with a game index score of 38.5 - after proving the blues ' matchwinner in their 1-0 win over top four rivals manchester united on saturday evening .the ea sports ppi is the official player rating index of the premier league .\"]\n", + "=======================\n", + "['harry kane scored his 30th goal of the season for tottenham on sundaykane and christian eriksen both scored in their 3-1 win at newcastleeden hazard scored the only goal as chelsea beat manchester united 1-0']\n", + "harry kane scored his 30th goal in all competitions for tottenham this season on sunday and the pfa player of the year nominee tops this week 's ea sports ' performance index after another intriguing round of premier league action .chelsea star eden hazard completes the top three with a game index score of 38.5 - after proving the blues ' matchwinner in their 1-0 win over top four rivals manchester united on saturday evening .the ea sports ppi is the official player rating index of the premier league .\n", + "harry kane scored his 30th goal of the season for tottenham on sundaykane and christian eriksen both scored in their 3-1 win at newcastleeden hazard scored the only goal as chelsea beat manchester united 1-0\n", + "[1.213418 1.4262807 1.2344611 1.384213 1.1093221 1.1622739 1.1341546\n", + " 1.1204941 1.048866 1.0205039 1.1431007 1.1537322 1.0719403 1.1919397\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 13 5 11 10 6 7 4 12 8 9 14 15 16 17 18 19]\n", + "=======================\n", + "['new milford officer daniel demarco , of lodi , was arrested in an elmwood park car lot at 2.45 pm on friday for possession of one bag of crack cocaine , a hypodermic syringe and drug paraphernalia , elmwood park police said .police on scene believed demarco , 28 , looked suspicious as they were patrolling the area for narcotics travel , elmwood police chief michael foligno said .he is scheduled to appear in court on tuesday']\n", + "=======================\n", + "[\"new milford , new jersey , police officer daniel demarco was arrested fridayhe was spotted in an elmwood park car lot and was in possession of one bag of crack cocaine , a hypodermic syringe and drug paraphernaliahe was also charged with being under the influence of a controlled dangerous substance and dwinew milford police confirmed on monday that he 's still employed by the force\"]\n", + "new milford officer daniel demarco , of lodi , was arrested in an elmwood park car lot at 2.45 pm on friday for possession of one bag of crack cocaine , a hypodermic syringe and drug paraphernalia , elmwood park police said .police on scene believed demarco , 28 , looked suspicious as they were patrolling the area for narcotics travel , elmwood police chief michael foligno said .he is scheduled to appear in court on tuesday\n", + "new milford , new jersey , police officer daniel demarco was arrested fridayhe was spotted in an elmwood park car lot and was in possession of one bag of crack cocaine , a hypodermic syringe and drug paraphernaliahe was also charged with being under the influence of a controlled dangerous substance and dwinew milford police confirmed on monday that he 's still employed by the force\n", + "[1.1556176 1.1013197 1.1240067 1.0839713 1.0929286 1.1914996 1.208916\n", + " 1.0795653 1.2125502 1.0414816 1.0447633 1.0440718 1.0445873 1.0334598\n", + " 1.0339427 1.1295494 1.1108924 1.0297779 1.0345981 1.0414815]\n", + "\n", + "[ 8 6 5 0 15 2 16 1 4 3 7 10 12 11 9 19 18 14 13 17]\n", + "=======================\n", + "[\"with a 10-point advantage , even if jose mourinho loses to arsene wenger for the first time on sunday it wo n't stop his side becoming champions .arsenal players celebrate after their extra-time winner against reading in the fa cup semi-finals last weekchelsea were relentless from the first whistle and have had the title race firmly under control since before christmas .\"]\n", + "=======================\n", + "[\"it is not unusual to see arsenal finish the season with good resultsarsenal host chelsea at the emirates stadium on sundayan arsenal win will not stop chelsea from becoming championschelsea will not have it all their own way in the premier league next yearno team is better placed than arsenal to dislodge jose mourinho 's sidearsenal must go for it this summer and make the big additionsfabian delph has been aston villa 's best player for the last 18 monthsother premier league clubs missed their chance to sign delph for free\"]\n", + "with a 10-point advantage , even if jose mourinho loses to arsene wenger for the first time on sunday it wo n't stop his side becoming champions .arsenal players celebrate after their extra-time winner against reading in the fa cup semi-finals last weekchelsea were relentless from the first whistle and have had the title race firmly under control since before christmas .\n", + "it is not unusual to see arsenal finish the season with good resultsarsenal host chelsea at the emirates stadium on sundayan arsenal win will not stop chelsea from becoming championschelsea will not have it all their own way in the premier league next yearno team is better placed than arsenal to dislodge jose mourinho 's sidearsenal must go for it this summer and make the big additionsfabian delph has been aston villa 's best player for the last 18 monthsother premier league clubs missed their chance to sign delph for free\n", + "[1.4011996 1.4313488 1.2175103 1.4246533 1.1344873 1.056127 1.0180995\n", + " 1.014764 1.1658378 1.0175265 1.0110524 1.2029951 1.0129181 1.0196291\n", + " 1.0161809 1.1139196 1.1132363]\n", + "\n", + "[ 1 3 0 2 11 8 4 15 16 5 13 6 9 14 7 12 10]\n", + "=======================\n", + "[\"manuel pellegrini 's city were poor for all but the opening 15 minutes against louis van gaal 's side at old trafford and neville , speaking on sky sports , is certain big changes are afoot for the club .yaya toure 's defensive lapses are costing manchester city , claims sky sports pundit gary neville` it 's a crossroads for them now , ' neville said as city drifted four points behind their third-placed cross-city rivals who are now one point off arsenal in second .\"]\n", + "=======================\n", + "[\"manchester city lost 4-2 to manchester united at old trafford on sundayyaya toure was the subject of scathing criticism on sky sportsgary neville said toure can not handle central midfield against ` quality 'neville used ivorian as an example of ` weeds in the garden ' at city\"]\n", + "manuel pellegrini 's city were poor for all but the opening 15 minutes against louis van gaal 's side at old trafford and neville , speaking on sky sports , is certain big changes are afoot for the club .yaya toure 's defensive lapses are costing manchester city , claims sky sports pundit gary neville` it 's a crossroads for them now , ' neville said as city drifted four points behind their third-placed cross-city rivals who are now one point off arsenal in second .\n", + "manchester city lost 4-2 to manchester united at old trafford on sundayyaya toure was the subject of scathing criticism on sky sportsgary neville said toure can not handle central midfield against ` quality 'neville used ivorian as an example of ` weeds in the garden ' at city\n", + "[1.1527368 1.2667459 1.3720801 1.2329125 1.3277293 1.1531318 1.0911008\n", + " 1.1108663 1.0768644 1.1321216 1.0507092 1.0942836 1.0523864 1.0438429\n", + " 1.040971 1.2171972 1.017332 ]\n", + "\n", + "[ 2 4 1 3 15 5 0 9 7 11 6 8 12 10 13 14 16]\n", + "=======================\n", + "[\"the man was in fact alan rogers , 73 , who had smashed the skull of 76-year-old fred hatch .fred hatch , 76 , had bought his wife enid 50 yellow roses - her favourite flowers - to celebrate their golden wedding anniversary , telling her ` each one is for a year of happiness ' .enid hatch , 70 , told of the horror as she ran out to the communal hallway of their sheltered housing complex near cardiff to help what she thought was an injured man , only to discover blood splattered walls where her husband had been brutally beaten yards away .\"]\n", + "=======================\n", + "[\"enid hatch found blood splattered walls after going to look for her husbandhe had been beaten with a claw hammer by a crazed pensioner neighbouralan rogers sentenced under mental health act and may never be releasedmrs hatch 's sister betty was murdered in 1971 by mental health absconder\"]\n", + "the man was in fact alan rogers , 73 , who had smashed the skull of 76-year-old fred hatch .fred hatch , 76 , had bought his wife enid 50 yellow roses - her favourite flowers - to celebrate their golden wedding anniversary , telling her ` each one is for a year of happiness ' .enid hatch , 70 , told of the horror as she ran out to the communal hallway of their sheltered housing complex near cardiff to help what she thought was an injured man , only to discover blood splattered walls where her husband had been brutally beaten yards away .\n", + "enid hatch found blood splattered walls after going to look for her husbandhe had been beaten with a claw hammer by a crazed pensioner neighbouralan rogers sentenced under mental health act and may never be releasedmrs hatch 's sister betty was murdered in 1971 by mental health absconder\n", + "[1.2650604 1.5075796 1.2537365 1.1643517 1.347971 1.0752746 1.1032956\n", + " 1.042818 1.0848622 1.0430279 1.1062367 1.1249844 1.0595855 1.06282\n", + " 1.0503386 0. 0. ]\n", + "\n", + "[ 1 4 0 2 3 11 10 6 8 5 13 12 14 9 7 15 16]\n", + "=======================\n", + "['quincy hazel and sabrina golden-hazel , both 44 from riviera beach , also allegedly never took either of the children , a 17-year-old boy and a 12-year-old girl , to a doctor or dentist .a florida couple locked two of their children in a closet for days on end , forced them to eat from a bucket and never enrolled them in school , according to authorities .a 26-year-old relative told police that the family has 11 children but that the 17 - and 12-year-old were the only two subjected to the cruel treatment , the sun sentinel reported .']\n", + "=======================\n", + "[\"florida couple quincy hazel and sabrina golden-hazel ` locked up the 12-year-old girl and 17-year-old boy in a closet for days on end 'they ` were eventually allowed to sleep on the floor of a bedroom but were fed from a bucket or found food to eat in the trash 'their conditions emerged when the boy ran away from home last month and confided in a friend , who spoke to authoritiesgolden-hazel claimed she home schooled the children but there were no books in the home\"]\n", + "quincy hazel and sabrina golden-hazel , both 44 from riviera beach , also allegedly never took either of the children , a 17-year-old boy and a 12-year-old girl , to a doctor or dentist .a florida couple locked two of their children in a closet for days on end , forced them to eat from a bucket and never enrolled them in school , according to authorities .a 26-year-old relative told police that the family has 11 children but that the 17 - and 12-year-old were the only two subjected to the cruel treatment , the sun sentinel reported .\n", + "florida couple quincy hazel and sabrina golden-hazel ` locked up the 12-year-old girl and 17-year-old boy in a closet for days on end 'they ` were eventually allowed to sleep on the floor of a bedroom but were fed from a bucket or found food to eat in the trash 'their conditions emerged when the boy ran away from home last month and confided in a friend , who spoke to authoritiesgolden-hazel claimed she home schooled the children but there were no books in the home\n", + "[1.3487303 1.2834641 1.3312974 1.3486046 1.3211155 1.0944874 1.0723491\n", + " 1.0418003 1.0662373 1.0650079 1.070836 1.0197659 1.0117227 1.0255287\n", + " 1.0219392 1.0088991 0. ]\n", + "\n", + "[ 0 3 2 4 1 5 6 10 8 9 7 13 14 11 12 15 16]\n", + "=======================\n", + "['breast cancer is the second most common cause of death from cancer among american womenit is made up of $ 2.8 bn resulting from false-positive mammograms and another $ 1.2 bn attributed to breast cancer overdiagnosis - treatment of tumors that grow slowly or not at all and are unlikely to develop into life-threatening disease .the study , published in the health affairs journal on monday , has estimated the figure for women aged 40 to 59 .']\n", + "=======================\n", + "['study estimates yearly figure for women aged 40-59breast cancer is the second biggest cancer killer among american womena critic claims there was no attempt to balance the costs with the benefits']\n", + "breast cancer is the second most common cause of death from cancer among american womenit is made up of $ 2.8 bn resulting from false-positive mammograms and another $ 1.2 bn attributed to breast cancer overdiagnosis - treatment of tumors that grow slowly or not at all and are unlikely to develop into life-threatening disease .the study , published in the health affairs journal on monday , has estimated the figure for women aged 40 to 59 .\n", + "study estimates yearly figure for women aged 40-59breast cancer is the second biggest cancer killer among american womena critic claims there was no attempt to balance the costs with the benefits\n", + "[1.0685827 1.2910988 1.1270533 1.2185692 1.2275152 1.1521648 1.0405214\n", + " 1.0436198 1.0772264 1.060413 1.0611912 1.0984349 1.0503002 1.0829902\n", + " 1.0407491 1.0875161 1.0623564]\n", + "\n", + "[ 1 4 3 5 2 11 15 13 8 0 16 10 9 12 7 14 6]\n", + "=======================\n", + "['hillary clinton \\'s online declaration for president means the focus will now shift to the campaign and to what kind of president she might be .there \\'s another one , too : the first secretary of state to become president since james buchanan .should she win , clinton will add to her potential \" firsts \" : first woman president ; the first president who had been a first lady .']\n", + "=======================\n", + "[\"miller : the former secretary of state has to decide whether she 's going to differ with barack obama 's handling of foreign policyhe says her experience overseas could be an asset as long as she does n't get ensnared by controversy over obama policies\"]\n", + "hillary clinton 's online declaration for president means the focus will now shift to the campaign and to what kind of president she might be .there 's another one , too : the first secretary of state to become president since james buchanan .should she win , clinton will add to her potential \" firsts \" : first woman president ; the first president who had been a first lady .\n", + "miller : the former secretary of state has to decide whether she 's going to differ with barack obama 's handling of foreign policyhe says her experience overseas could be an asset as long as she does n't get ensnared by controversy over obama policies\n", + "[1.3790473 1.2133847 1.3803418 1.1673286 1.1861706 1.069403 1.0951256\n", + " 1.0659162 1.0327029 1.0697433 1.0855608 1.0965381 1.0432353 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 1 4 3 11 6 10 9 5 7 12 8 20 19 18 17 14 15 13 21 16 22]\n", + "=======================\n", + "[\"palaeontologists are referring to chilesaurus diegosuarezi as a ` platypus ' dinosaur because of its bizarre combination of characteristics , including its small skull and feet .a new lineage of dinosaur that grazed on plants , despite being closely related to notorious carnivore tyrannosaurus rex , has been discovered in chile .the animal is proving to be an evolutionary jigsaw puzzle because it belongs to the theropod group of dinosaurs - which includes the famous meat eaters velociraptor , carnotaurus and tyrannosaurus , from which birds today evolved - but was a vegetarian .\"]\n", + "=======================\n", + "['chilesaurus diegosuarezi was discovered by a child in southern chilelate jurassic dinosaur was a herbivore , causing experts to rethink the idea that vegetarian theropods were close relatives of birdsfossils reveal unusual features from various dinosaur groups , including short arms , a long neck , small head and leaf-shaped teethdinosaur has been liked to a platypus because of its mixture of traits']\n", + "palaeontologists are referring to chilesaurus diegosuarezi as a ` platypus ' dinosaur because of its bizarre combination of characteristics , including its small skull and feet .a new lineage of dinosaur that grazed on plants , despite being closely related to notorious carnivore tyrannosaurus rex , has been discovered in chile .the animal is proving to be an evolutionary jigsaw puzzle because it belongs to the theropod group of dinosaurs - which includes the famous meat eaters velociraptor , carnotaurus and tyrannosaurus , from which birds today evolved - but was a vegetarian .\n", + "chilesaurus diegosuarezi was discovered by a child in southern chilelate jurassic dinosaur was a herbivore , causing experts to rethink the idea that vegetarian theropods were close relatives of birdsfossils reveal unusual features from various dinosaur groups , including short arms , a long neck , small head and leaf-shaped teethdinosaur has been liked to a platypus because of its mixture of traits\n", + "[1.0747194 1.313485 1.514581 1.1028452 1.3301064 1.1041931 1.0609063\n", + " 1.0331649 1.1340005 1.1918665 1.0316672 1.0239035 1.0218495 1.0450406\n", + " 1.0139378 1.0147355 1.0251744 1.105712 1.0611441 1.0401087 1.1246564\n", + " 1.0563668 1.0253161]\n", + "\n", + "[ 2 4 1 9 8 20 17 5 3 0 18 6 21 13 19 7 10 22 16 11 12 15 14]\n", + "=======================\n", + "['mr rickard , 72 , and his wife brenda , 67 , were on holiday when daisy fell 10ft from a quay into the sea .daisy was pulled from the water by a passing fisherman on a boat who hooked a pole through her collar .the couple , from rugby , warwickshire , had been on holiday with their family in caernarfon , north wales , with their daughter karen , 36 , and two grandchildren .']\n", + "=======================\n", + "[\"daisy fell 10ft from quay into sea during holiday in caernarfon , north waleswestie was rescued by passing fisherman after disappearing below wavesowners dave rickard and his wife brenda gave lifeless pet the kiss of lifemr rickard , 72 , said he acted ` instinctively ' to save their beloved pet\"]\n", + "mr rickard , 72 , and his wife brenda , 67 , were on holiday when daisy fell 10ft from a quay into the sea .daisy was pulled from the water by a passing fisherman on a boat who hooked a pole through her collar .the couple , from rugby , warwickshire , had been on holiday with their family in caernarfon , north wales , with their daughter karen , 36 , and two grandchildren .\n", + "daisy fell 10ft from quay into sea during holiday in caernarfon , north waleswestie was rescued by passing fisherman after disappearing below wavesowners dave rickard and his wife brenda gave lifeless pet the kiss of lifemr rickard , 72 , said he acted ` instinctively ' to save their beloved pet\n", + "[1.1986132 1.354229 1.214418 1.0991718 1.1778604 1.1401765 1.140105\n", + " 1.1306353 1.0612413 1.094524 1.0927355 1.0591959 1.0403188 1.0269554\n", + " 1.0801934 1.0694509 1.0258816 1.0497477 1.0126377 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 4 5 6 7 3 9 10 14 15 8 11 17 12 13 16 18 21 19 20 22]\n", + "=======================\n", + "['the two sets of maps , compiled by cartographer trent hare , include image mosaics and topographical views of the lunar landscape taken over a period of four years .the grey and white areas reveal higher peaks , while darker blues show deep craters .from deep craters to basaltic plains , the varied surface of the moon has been revealed in stunning detail by the us geological survey .']\n", + "=======================\n", + "[\"the maps , compiled by us geological survey , include image mosaics and topographical views of the moonthey show features such as ` ocean of storms ' and mare orientale captured by lunar reconnaissance orbiterto create the maps , researchers used more than 6.5 billion measurements collected between 2009 and 2013\"]\n", + "the two sets of maps , compiled by cartographer trent hare , include image mosaics and topographical views of the lunar landscape taken over a period of four years .the grey and white areas reveal higher peaks , while darker blues show deep craters .from deep craters to basaltic plains , the varied surface of the moon has been revealed in stunning detail by the us geological survey .\n", + "the maps , compiled by us geological survey , include image mosaics and topographical views of the moonthey show features such as ` ocean of storms ' and mare orientale captured by lunar reconnaissance orbiterto create the maps , researchers used more than 6.5 billion measurements collected between 2009 and 2013\n", + "[1.2235948 1.5141766 1.2659689 1.2609606 1.2767683 1.1222823 1.034033\n", + " 1.0582867 1.0372088 1.0404707 1.0915096 1.0119005 1.1217189 1.1386417\n", + " 1.0727543 1.182331 1.1472872 1.057035 1.0364978 1.0070388 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 2 3 0 15 16 13 5 12 10 14 7 17 9 8 18 6 11 19 20 21 22]\n", + "=======================\n", + "[\"joan ashton has been a resident of aneurin bevan court in duffryn , newport for around eight months .this is the ` disgusting ' serving of baked potato and corned beef served to an 81-year-old woman living in sheltered housingthe elderly woman 's son , steve , visits her regularly there where he says his mother is well-looked after by carers who bring her meals .\"]\n", + "=======================\n", + "[\"steve ashton was horrified by the meal served to his mother joan , 81the elderly woman lives in aneurin bevan court in duffryn , newporther son is campaigning for changes to ensure better food standardsmr ashton 's photo of ` terrible ' serving of food was shared 129,000 timessend your photos to jennifer.smith@mailonline.co.uk or call 02036150193\"]\n", + "joan ashton has been a resident of aneurin bevan court in duffryn , newport for around eight months .this is the ` disgusting ' serving of baked potato and corned beef served to an 81-year-old woman living in sheltered housingthe elderly woman 's son , steve , visits her regularly there where he says his mother is well-looked after by carers who bring her meals .\n", + "steve ashton was horrified by the meal served to his mother joan , 81the elderly woman lives in aneurin bevan court in duffryn , newporther son is campaigning for changes to ensure better food standardsmr ashton 's photo of ` terrible ' serving of food was shared 129,000 timessend your photos to jennifer.smith@mailonline.co.uk or call 02036150193\n", + "[1.0637729 1.1980727 1.1483463 1.0800582 1.1942441 1.3191057 1.0802417\n", + " 1.0534371 1.0320392 1.0271184 1.1081573 1.2177465 1.0309867 1.0575372\n", + " 1.0291529 1.038257 1.0273263 1.0208136 1.0692302 1.0270079 1.0363083\n", + " 1.0249465 0. ]\n", + "\n", + "[ 5 11 1 4 2 10 6 3 18 0 13 7 15 20 8 12 14 16 9 19 21 17 22]\n", + "=======================\n", + "[\"half of three to six-year-olds say they worry about being fat , with a fifth of girls under 11 confessing to have even tried diets ( picture posed by model )` anna wright ' is the first of the 30 names on the list to be read out as if from a class register .in a pink-walled bedroom , decorated with posters of justin bieber , best friends zoe and eleanor settle themselves on to the bed and press play on the webcam of their computer .\"]\n", + "=======================\n", + "[\"school children as young as nine are posting public ` hot or not ' videossome more cutting clips can gather over 2,000 views onlinewhat effect will this new form of humiliation have on the next generation ?\"]\n", + "half of three to six-year-olds say they worry about being fat , with a fifth of girls under 11 confessing to have even tried diets ( picture posed by model )` anna wright ' is the first of the 30 names on the list to be read out as if from a class register .in a pink-walled bedroom , decorated with posters of justin bieber , best friends zoe and eleanor settle themselves on to the bed and press play on the webcam of their computer .\n", + "school children as young as nine are posting public ` hot or not ' videossome more cutting clips can gather over 2,000 views onlinewhat effect will this new form of humiliation have on the next generation ?\n", + "[1.3231015 1.1298379 1.030692 1.1237226 1.1368868 1.1597939 1.1347151\n", + " 1.0604934 1.0167134 1.024943 1.0541085 1.116149 1.0505627 1.1488051\n", + " 1.0949863 1.0570496 1.0264086 1.0193001 1.0535759 1.0360979 1.0252873\n", + " 1.0311849 1.0477432 1.0905735 1.0328927 1.0363792]\n", + "\n", + "[ 0 5 13 4 6 1 3 11 14 23 7 15 10 18 12 22 25 19 24 21 2 16 20 9\n", + " 17 8]\n", + "=======================\n", + "['( cnn ) when bruce jenner told abc \\'s diane sawyer and the world on friday night that \" yes , for all intents and purposes , i \\'m a woman , \" the declaration was n\\'t particularly surprising .\" so very proud of you , my hero , \" tweeted daughter kendall jenner .stepdaughters kim , khloé and kourtney kardashian also joined the family chorus .']\n", + "=======================\n", + "[\"social media largely supports jennermore people seemed intrigued that he 's a republican\"]\n", + "( cnn ) when bruce jenner told abc 's diane sawyer and the world on friday night that \" yes , for all intents and purposes , i 'm a woman , \" the declaration was n't particularly surprising .\" so very proud of you , my hero , \" tweeted daughter kendall jenner .stepdaughters kim , khloé and kourtney kardashian also joined the family chorus .\n", + "social media largely supports jennermore people seemed intrigued that he 's a republican\n", + "[1.1655418 1.2287436 1.1017237 1.1710786 1.4206707 1.159877 1.1384919\n", + " 1.0169803 1.1966181 1.1248614 1.0791819 1.0360005 1.0214815 1.0494285\n", + " 1.0248132 1.0321298 1.0351235 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 1 8 3 0 5 6 9 2 10 13 11 16 15 14 12 7 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"the line - part of the royal caribbean group - has two ships in its fleet , journey and quest , which each carry about 680 passengers .the founders took ` aza ' for ` blue ' - think azure ; and added ` mara ' , which has a hint of the maritime about it .the thinking behind ` club ' was that it suggested exclusivity .\"]\n", + "=======================\n", + "[\"writer took azamara club cruises ' quest vessel from monaco to romethe smaller ship proves more intimate and can access more portsstops included st tropez , porto vecchio , sardinia and amalfidrove along the amalfi coast to a buffalo farm in pontecagnano\"]\n", + "the line - part of the royal caribbean group - has two ships in its fleet , journey and quest , which each carry about 680 passengers .the founders took ` aza ' for ` blue ' - think azure ; and added ` mara ' , which has a hint of the maritime about it .the thinking behind ` club ' was that it suggested exclusivity .\n", + "writer took azamara club cruises ' quest vessel from monaco to romethe smaller ship proves more intimate and can access more portsstops included st tropez , porto vecchio , sardinia and amalfidrove along the amalfi coast to a buffalo farm in pontecagnano\n", + "[1.2806866 1.2857808 1.2342916 1.2131788 1.1912595 1.1728112 1.0418723\n", + " 1.2179079 1.1356546 1.0386949 1.0858119 1.0509125 1.0439981 1.0771117\n", + " 1.0429132 1.1048919 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 7 3 4 5 8 15 10 13 11 12 14 6 9 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "['\" around 800,000 children have been forced to flee their homes as a result of the conflict in northeast nigeria between boko haram , military forces and civilian self-defense groups , \" unicef said monday .( cnn ) the abduction of more than 200 schoolgirls a year ago this week captured global attention and inspired the hashtag #bringbackourgirls , but the horrors for nigeria \\'s children are widespread .the \" number of children running for their lives within nigeria , or crossing over the border to chad , niger and cameroon , has more than doubled in just less than a year . \"']\n", + "=======================\n", + "['more than 1.5 million people are displaced , including 800,000 children , unicef saysthe kidnappings that inspired #bringbackourgirls were a year ago this weekunicef is launching a #bringbackourchildhood campaign']\n", + "\" around 800,000 children have been forced to flee their homes as a result of the conflict in northeast nigeria between boko haram , military forces and civilian self-defense groups , \" unicef said monday .( cnn ) the abduction of more than 200 schoolgirls a year ago this week captured global attention and inspired the hashtag #bringbackourgirls , but the horrors for nigeria 's children are widespread .the \" number of children running for their lives within nigeria , or crossing over the border to chad , niger and cameroon , has more than doubled in just less than a year . \"\n", + "more than 1.5 million people are displaced , including 800,000 children , unicef saysthe kidnappings that inspired #bringbackourgirls were a year ago this weekunicef is launching a #bringbackourchildhood campaign\n", + "[1.0824727 1.0555162 1.0837433 1.1202427 1.1556668 1.04175 1.1043161\n", + " 1.0729672 1.0723712 1.0408597 1.0566596 1.1432071 1.031943 1.0711734\n", + " 1.1205889 1.090511 1.0794188 1.0539317 1.0667129 1.0380859 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 11 14 3 6 15 2 0 16 7 8 13 18 10 1 17 5 9 19 12 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "['( a researcher once caught 365,000 bloodthirsty bugs in a single trap in a single night . )a watershed built for 2 million people now supports nearly 8 million , and another 50 million tourists each year .after a century of development , half the everglades is dead and the other half is on life support .']\n", + "=======================\n", + "['the everglades were drained a century ago and are now being restored\" the wonder list \" season finale takes places in the everglades']\n", + "( a researcher once caught 365,000 bloodthirsty bugs in a single trap in a single night . )a watershed built for 2 million people now supports nearly 8 million , and another 50 million tourists each year .after a century of development , half the everglades is dead and the other half is on life support .\n", + "the everglades were drained a century ago and are now being restored\" the wonder list \" season finale takes places in the everglades\n", + "[1.1283817 1.1685767 1.2279829 1.2405924 1.1289037 1.0668247 1.0535284\n", + " 1.1001859 1.0865954 1.0960802 1.0622722 1.064082 1.1097484 1.0264567\n", + " 1.0458473 1.071047 1.0755605 1.0620606 1.0496855 1.0264919 1.0461497\n", + " 1.045454 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 4 0 12 7 9 8 16 15 5 11 10 17 6 18 20 14 21 19 13 24 22\n", + " 23 25]\n", + "=======================\n", + "['his research has resulted in three cnn documentaries , culminating with \" weed 3 : the marijuana revolution , \" airing at 9 p.m. et/pt sunday .he \\'s been investigating medical marijuana for the last couple of years .given the amount of questions and mystery surrounding the science behind it , dr. sanjay gupta wanted to provide some insight .']\n", + "=======================\n", + "[\"cnn 's dr. sanjay gupta answers questions about medical marijuanareaders wanted to know how medical marijuana could ease symptoms of illnesses\"]\n", + "his research has resulted in three cnn documentaries , culminating with \" weed 3 : the marijuana revolution , \" airing at 9 p.m. et/pt sunday .he 's been investigating medical marijuana for the last couple of years .given the amount of questions and mystery surrounding the science behind it , dr. sanjay gupta wanted to provide some insight .\n", + "cnn 's dr. sanjay gupta answers questions about medical marijuanareaders wanted to know how medical marijuana could ease symptoms of illnesses\n", + "[1.2128918 1.2779347 1.3679806 1.2175 1.1902852 1.1073022 1.0490506\n", + " 1.027668 1.1654737 1.0240111 1.1826428 1.0895153 1.109552 1.0986315\n", + " 1.0752714 1.0186552 1.0918039 1.006026 0. ]\n", + "\n", + "[ 2 1 3 0 4 10 8 12 5 13 16 11 14 6 7 9 15 17 18]\n", + "=======================\n", + "[\"extending au pairs on working holiday visas - who earn $ 250 a week as live-in nannies - to stay with one family for a year instead of the current six months is another option .instead of employing european students on working holidays to act as au pairs industry experts want to attract more workers from asia where wages are low .the introduction of asian nannies to australia would go some way to help address the childcare shortage it 's been argued\"]\n", + "=======================\n", + "[\"employing asia nannies would help save money in the long runextension of au pairs visa from six months to a year another optionopening up system to workers from indonesia could help solve crisishowever , opposition leader bill shorten does not agree with thismr shorten says it 's not the way to solve the big challenges in childcare\"]\n", + "extending au pairs on working holiday visas - who earn $ 250 a week as live-in nannies - to stay with one family for a year instead of the current six months is another option .instead of employing european students on working holidays to act as au pairs industry experts want to attract more workers from asia where wages are low .the introduction of asian nannies to australia would go some way to help address the childcare shortage it 's been argued\n", + "employing asia nannies would help save money in the long runextension of au pairs visa from six months to a year another optionopening up system to workers from indonesia could help solve crisishowever , opposition leader bill shorten does not agree with thismr shorten says it 's not the way to solve the big challenges in childcare\n", + "[1.323038 1.1731763 1.1119906 1.1026798 1.1779176 1.1875446 1.027935\n", + " 1.0336838 1.030538 1.0468925 1.0429623 1.1230811 1.1245514 1.0636545\n", + " 1.0634401 1.0637919 1.0782125 1.0487193 1.047401 ]\n", + "\n", + "[ 0 5 4 1 12 11 2 3 16 15 13 14 17 18 9 10 7 8 6]\n", + "=======================\n", + "[\"cardinal francis george was remembered thursday as a man of deep faith , intellect and compassion as catholics said their final goodbyes to the man who led the nation 's third-largest archdiocese and was known as a vigorous defender of roman catholic orthodoxy .george died friday , april 17 at age 78 after a long battle with cancergeorge also did n't hesitate to speak his mind , even if it was unscripted and , at times , controversial , said seattle archbishop j. peter sartain , who delivered the homily at a packed funeral mass at chicago 's holy name cathedral .\"]\n", + "=======================\n", + "[\"cardinal francis george , a chicago native , died fridayhe was to be buried thursday in his family 's plot at all saints cemetery in nearby des plaineshe was appointed by pope john paul ii in 1997 to lead the chicago archdiocesegeorge earned a reputation as an intellectual leader and a leading figure in some of the most prominent events in the u.s. church\"]\n", + "cardinal francis george was remembered thursday as a man of deep faith , intellect and compassion as catholics said their final goodbyes to the man who led the nation 's third-largest archdiocese and was known as a vigorous defender of roman catholic orthodoxy .george died friday , april 17 at age 78 after a long battle with cancergeorge also did n't hesitate to speak his mind , even if it was unscripted and , at times , controversial , said seattle archbishop j. peter sartain , who delivered the homily at a packed funeral mass at chicago 's holy name cathedral .\n", + "cardinal francis george , a chicago native , died fridayhe was to be buried thursday in his family 's plot at all saints cemetery in nearby des plaineshe was appointed by pope john paul ii in 1997 to lead the chicago archdiocesegeorge earned a reputation as an intellectual leader and a leading figure in some of the most prominent events in the u.s. church\n", + "[1.2865667 1.4960768 1.3365661 1.0273718 1.1958227 1.2359116 1.1977782\n", + " 1.0208821 1.1043957 1.0288459 1.0234503 1.1043122 1.0374725 1.0145246\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 5 6 4 8 11 12 9 3 10 7 13 14 15 16 17 18]\n", + "=======================\n", + "[\"the liquid is called shear-thickening fluid ( stf ) , and instantly hardens upon impact at any temperature .in a ` liquid armour ' this provides protection from penetration by high-speed projectiles and additionally dispersing energy over a larger area .scientists at a polish company that produce body armour systems are working to put a ` magic liquid ' that can harden on impact in their products .\"]\n", + "=======================\n", + "['clothing can include moratex pack which instantly hardens on impacthas been shown to stop bullets in lab tests - yet wearer can move around']\n", + "the liquid is called shear-thickening fluid ( stf ) , and instantly hardens upon impact at any temperature .in a ` liquid armour ' this provides protection from penetration by high-speed projectiles and additionally dispersing energy over a larger area .scientists at a polish company that produce body armour systems are working to put a ` magic liquid ' that can harden on impact in their products .\n", + "clothing can include moratex pack which instantly hardens on impacthas been shown to stop bullets in lab tests - yet wearer can move around\n", + "[1.2598772 1.5317452 1.3034935 1.3658876 1.1244732 1.1398073 1.0437807\n", + " 1.0349141 1.0318837 1.0870211 1.0962787 1.0403557 1.0265615 1.0583204\n", + " 1.0659885 1.0588266 1.0293038 1.0312493 0. ]\n", + "\n", + "[ 1 3 2 0 5 4 10 9 14 15 13 6 11 7 8 17 16 12 18]\n", + "=======================\n", + "[\"joseph o'riordan , 73 , stabbed his 47-year-old wife amanda eight times after he discovered she had been having an affair with a postman .joseph o'riordan stabbed his wife of ten years amanda ( left ) with a seven inch kitchen knife eight timesshe was left with life-threatening injuries to her torso , chest , arms and back .\"]\n", + "=======================\n", + "[\"joseph o'riordan , 73 , stabbed wife eight times after discovering her affairshe was left with life-threatening injuries to her torso , chest , arms and backo'riordan rang ambulance for amanda and admitted attack in the 999 callcourt heard while on remand he asked her to ` get things together ' for trial\"]\n", + "joseph o'riordan , 73 , stabbed his 47-year-old wife amanda eight times after he discovered she had been having an affair with a postman .joseph o'riordan stabbed his wife of ten years amanda ( left ) with a seven inch kitchen knife eight timesshe was left with life-threatening injuries to her torso , chest , arms and back .\n", + "joseph o'riordan , 73 , stabbed wife eight times after discovering her affairshe was left with life-threatening injuries to her torso , chest , arms and backo'riordan rang ambulance for amanda and admitted attack in the 999 callcourt heard while on remand he asked her to ` get things together ' for trial\n", + "[1.2539462 1.3929963 1.1941382 1.2237192 1.3144296 1.0454861 1.0289338\n", + " 1.07854 1.1032578 1.0476662 1.0693618 1.0680511 1.0812607 1.0646232\n", + " 1.0447706 1.0118861 1.049116 1.0981506 0. ]\n", + "\n", + "[ 1 4 0 3 2 8 17 12 7 10 11 13 16 9 5 14 6 15 18]\n", + "=======================\n", + "['hoda muthana , 20 , spoke out about her decision to ditch her life as a college student in hoover , alabama , after being persuaded by terrorists that it was her duty as a muslim .an american college student who abandoned the west to wage holy war in syria and call for homegrown attacks in the united states has told how she lied to her family and cashed in her tuition money to flee the west .mu muthana , who lived with her moderate muslim family until she fled to raqqa , syria , revealed her path to terror in an interview with buzzfeed news .']\n", + "=======================\n", + "['hoda muthana , 20 , left hoover , alabama , to join extremists in raqqa , syriabusiness student tricked her family to escape them and fly to middle easttold how she was helped to plan escape by jihadists she met onlinecashed in money meant for college courses to pay for her flight']\n", + "hoda muthana , 20 , spoke out about her decision to ditch her life as a college student in hoover , alabama , after being persuaded by terrorists that it was her duty as a muslim .an american college student who abandoned the west to wage holy war in syria and call for homegrown attacks in the united states has told how she lied to her family and cashed in her tuition money to flee the west .mu muthana , who lived with her moderate muslim family until she fled to raqqa , syria , revealed her path to terror in an interview with buzzfeed news .\n", + "hoda muthana , 20 , left hoover , alabama , to join extremists in raqqa , syriabusiness student tricked her family to escape them and fly to middle easttold how she was helped to plan escape by jihadists she met onlinecashed in money meant for college courses to pay for her flight\n", + "[1.3257582 1.345029 1.1541548 1.2959944 1.125833 1.0557334 1.0266021\n", + " 1.116433 1.0502219 1.1056321 1.069409 1.1148267 1.0913022 1.1382881\n", + " 1.0872409 1.0464194 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 13 4 7 11 9 12 14 10 5 8 15 6 17 16 18]\n", + "=======================\n", + "[\"if kellie cherie phillips , 38 , and jondrew megil lachaux , a 39-year-old ex-convict , are n't in nevada , they may be in the los angeles or oakland , california , areas , north las vegas police officer aaron patty said .patty told reporters that phillips and lachaux were sought for questioning , and that no amber alert or arrest warrant had been issued .a police swat team broke into the couple 's house thursday and discovered the body of the 3-year-old\"]\n", + "=======================\n", + "[\"kellie cherie phillips , 38 , and jondrew megil lachaux , are likely in nevada , los angeles or oakland , police saycouple left another 17-year-old daughter alone with her own baby and the couple 's daughter , 3police found dead girl after the 17-year-old brought the critically ill baby the hospital\"]\n", + "if kellie cherie phillips , 38 , and jondrew megil lachaux , a 39-year-old ex-convict , are n't in nevada , they may be in the los angeles or oakland , california , areas , north las vegas police officer aaron patty said .patty told reporters that phillips and lachaux were sought for questioning , and that no amber alert or arrest warrant had been issued .a police swat team broke into the couple 's house thursday and discovered the body of the 3-year-old\n", + "kellie cherie phillips , 38 , and jondrew megil lachaux , are likely in nevada , los angeles or oakland , police saycouple left another 17-year-old daughter alone with her own baby and the couple 's daughter , 3police found dead girl after the 17-year-old brought the critically ill baby the hospital\n", + "[1.1791568 1.2939744 1.1628555 1.3839617 1.1386795 1.2625949 1.1010494\n", + " 1.1395422 1.063275 1.111185 1.0164342 1.0095593 1.01608 1.0141053\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 5 0 2 7 4 9 6 8 10 12 13 11 17 14 15 16 18]\n", + "=======================\n", + "[\"the result leaves neil harris 's side four points adrift of fourth-bottom rotherham with two tough games remaining against promotion-chasing derby and wolves .one source of salvation could yet come in the form of a three-point deduction for rotherham when a football league disciplinary commission rules on whether they fielded an ineligible player against brighton on easter monday .rudy gestede ( centre ) scores the opening goal for blackburn as he fires past the helpless david forde\"]\n", + "=======================\n", + "[\"neil harris ' side look likely to be relegated from the sky bet championshipgoals from rudy gestede and jordan rhodes sealed the tiemillwall are now four points from safety with two games to playblackburn are currently ninth after a strong finish to the season\"]\n", + "the result leaves neil harris 's side four points adrift of fourth-bottom rotherham with two tough games remaining against promotion-chasing derby and wolves .one source of salvation could yet come in the form of a three-point deduction for rotherham when a football league disciplinary commission rules on whether they fielded an ineligible player against brighton on easter monday .rudy gestede ( centre ) scores the opening goal for blackburn as he fires past the helpless david forde\n", + "neil harris ' side look likely to be relegated from the sky bet championshipgoals from rudy gestede and jordan rhodes sealed the tiemillwall are now four points from safety with two games to playblackburn are currently ninth after a strong finish to the season\n", + "[1.2381753 1.4116983 1.2517427 1.3632576 1.0395957 1.1100373 1.1883677\n", + " 1.1755294 1.0549226 1.03298 1.0785128 1.0560396 1.1385127 1.1522915\n", + " 1.0282894 1.0735999 1.0162143 1.0577935 1.0556589]\n", + "\n", + "[ 1 3 2 0 6 7 13 12 5 10 15 17 11 18 8 4 9 14 16]\n", + "=======================\n", + "['mohammad qamaruzzaman was hanged around 10.30 pm on saturday inside a jail in dhaka .the assistant secretary general of the jamaat-e-islami party headed a militia group that collaborated with the pakistani army in the 1971 independence war and was behind the killing of around 120 unarmed farmers , prosecutors said .a senior islamist party official convicted of crimes against humanity has been executed in bangladesh .']\n", + "=======================\n", + "['mohammad qamaruzzaman was hanged around 10.30 pm on saturdayhe was the assistant secretary general of the jamaat-e-islami partymilitia group collaborated with pakistani army in 1971 independence warhis supporters slammed the decision and have called for a protest']\n", + "mohammad qamaruzzaman was hanged around 10.30 pm on saturday inside a jail in dhaka .the assistant secretary general of the jamaat-e-islami party headed a militia group that collaborated with the pakistani army in the 1971 independence war and was behind the killing of around 120 unarmed farmers , prosecutors said .a senior islamist party official convicted of crimes against humanity has been executed in bangladesh .\n", + "mohammad qamaruzzaman was hanged around 10.30 pm on saturdayhe was the assistant secretary general of the jamaat-e-islami partymilitia group collaborated with pakistani army in 1971 independence warhis supporters slammed the decision and have called for a protest\n", + "[1.3807263 1.2654619 1.2547724 1.3970466 1.2582306 1.3013588 1.1071224\n", + " 1.0527387 1.1159902 1.0886875 1.0736353 1.0342509 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 5 1 4 2 8 6 9 10 7 11 17 12 13 14 15 16 18]\n", + "=======================\n", + "['manchester city midfielder yaya toure remains a top target for serie a giants inter milaninter milan are prepared to offer yaya toure a five-year contract to lure him away from manchester city this summer .former manchester city manager roberto mancini is keen on bringing toure to the san siro']\n", + "=======================\n", + "[\"serie a giants inter milan are stepping up their efforts to sign yaya toureroberto mancini is keen on working with the midfielder once againmanchester city will offer toure new deal at the end of the seasontoure scored in manchester city 's 2-1 defeat at selhurst parkread : toure accused by carragher of ducking out of the way of puncheon 's free-kickclick here for all the latest manchester city news\"]\n", + "manchester city midfielder yaya toure remains a top target for serie a giants inter milaninter milan are prepared to offer yaya toure a five-year contract to lure him away from manchester city this summer .former manchester city manager roberto mancini is keen on bringing toure to the san siro\n", + "serie a giants inter milan are stepping up their efforts to sign yaya toureroberto mancini is keen on working with the midfielder once againmanchester city will offer toure new deal at the end of the seasontoure scored in manchester city 's 2-1 defeat at selhurst parkread : toure accused by carragher of ducking out of the way of puncheon 's free-kickclick here for all the latest manchester city news\n", + "[1.3194535 1.3632481 1.2016226 1.4615448 1.334316 1.1299404 1.0442407\n", + " 1.0204647 1.0167893 1.0387408 1.218835 1.085916 1.0483786 1.0706836\n", + " 1.0797182 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 4 0 10 2 5 11 14 13 12 6 9 7 8 15 16 17 18]\n", + "=======================\n", + "[\"ronnie o'sullivan moved into the second round of the world snooker championship on wednesdaythe five-time former champion was a 10-3 winner against craig steadman , a 32-year-old from manchester who endured a painful crucible debut .the five-time world champion beat craig steadman 10-3 in their first round contest at the crucible\"]\n", + "=======================\n", + "[\"ronnie o'sullivan beats craig steadman 10-3 at the cruciblethe five-time world champion was 7-2 ahead overnighto'sullivan won the final three frames he required on wednesday morningthe 39-year-old was forced to change his shoes on tuesday\"]\n", + "ronnie o'sullivan moved into the second round of the world snooker championship on wednesdaythe five-time former champion was a 10-3 winner against craig steadman , a 32-year-old from manchester who endured a painful crucible debut .the five-time world champion beat craig steadman 10-3 in their first round contest at the crucible\n", + "ronnie o'sullivan beats craig steadman 10-3 at the cruciblethe five-time world champion was 7-2 ahead overnighto'sullivan won the final three frames he required on wednesday morningthe 39-year-old was forced to change his shoes on tuesday\n", + "[1.3238502 1.2764935 1.2931039 1.212717 1.1215833 1.1137555 1.1183634\n", + " 1.025441 1.0236385 1.1805471 1.1125325 1.0682923 1.0505846 1.1419308\n", + " 1.0178645 1.017916 1.0520923 1.0632812 1.0091488 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 3 9 13 4 6 5 10 11 17 16 12 7 8 15 14 18 20 19 21]\n", + "=======================\n", + "[\"celebrity chef matt kemp 's anger management issues cost him his first marriage and his business .during an episode of sbs 's heat in the kitchen , kemp was so enraged he unleashed an expletive-ridden tirade on his then-wife lela radojkovic , who was carrying their first child , while filming at sydney 's restaurant balzac in 2004 .one of his most shameful moments was broadcast on national television when he labelled his pregnant wife a ` c *** ' .\"]\n", + "=======================\n", + "[\"chef matt kemp and former footballer mark geyer have spoken out about their anger issueskemp said his ` uncontrollable rage ' cost him his marriage and his businessonce , the celebrity chef called his ex-wife a ` c *** ' on national televisionwhile geyer said he would get into a lot of fights after drinking alcoholthe former nrl player said he turned it around after the birth of first child\"]\n", + "celebrity chef matt kemp 's anger management issues cost him his first marriage and his business .during an episode of sbs 's heat in the kitchen , kemp was so enraged he unleashed an expletive-ridden tirade on his then-wife lela radojkovic , who was carrying their first child , while filming at sydney 's restaurant balzac in 2004 .one of his most shameful moments was broadcast on national television when he labelled his pregnant wife a ` c *** ' .\n", + "chef matt kemp and former footballer mark geyer have spoken out about their anger issueskemp said his ` uncontrollable rage ' cost him his marriage and his businessonce , the celebrity chef called his ex-wife a ` c *** ' on national televisionwhile geyer said he would get into a lot of fights after drinking alcoholthe former nrl player said he turned it around after the birth of first child\n", + "[1.155105 1.5362366 1.0809721 1.2976096 1.1649277 1.0794535 1.1374838\n", + " 1.1162716 1.0562887 1.1459304 1.0399678 1.1208029 1.0557051 1.0546755\n", + " 1.0536569 1.0159274 1.0239441 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 4 0 9 6 11 7 2 5 8 12 13 14 10 16 15 17 18 19 20 21]\n", + "=======================\n", + "['the 1954 bentley r-type continental fastback was estimated to sell for around # 200,000 by auctioneers but ended up being sold for # 739,212 - a record for the auction house .the rare bentley needs a full restoration after it was allowed to gather dust in a barn over the past 15 yearsbut when it is ready , it could be worth more than # 1million - and would prove itself a wise investment for the anonymous british collector who bought it']\n", + "=======================\n", + "[\"the bentley r-type continental fastback was expected to sell for # 200,000but an anonymous car collector bought it for # 739,212 in surrey yesterdaywhen the vintage car is restored , it could be worth more than # 1milliondescribed as ` one of the rarest cars of its time ' as only 218 cars were made\"]\n", + "the 1954 bentley r-type continental fastback was estimated to sell for around # 200,000 by auctioneers but ended up being sold for # 739,212 - a record for the auction house .the rare bentley needs a full restoration after it was allowed to gather dust in a barn over the past 15 yearsbut when it is ready , it could be worth more than # 1million - and would prove itself a wise investment for the anonymous british collector who bought it\n", + "the bentley r-type continental fastback was expected to sell for # 200,000but an anonymous car collector bought it for # 739,212 in surrey yesterdaywhen the vintage car is restored , it could be worth more than # 1milliondescribed as ` one of the rarest cars of its time ' as only 218 cars were made\n", + "[1.271164 1.1263071 1.2460015 1.0897899 1.0989995 1.2954702 1.3292031\n", + " 1.3355901 1.1597594 1.036156 1.0195684 1.0184574 1.1242483 1.1055977\n", + " 1.0506048 1.1079972 1.0163915 1.0119644 1.0152425 1.0106546 1.010667\n", + " 1.0252272]\n", + "\n", + "[ 7 6 5 0 2 8 1 12 15 13 4 3 14 9 21 10 11 16 18 17 20 19]\n", + "=======================\n", + "['lee mcculloch , the rangers captain , was booed for an error that led to a goal against raith roversrangers manager stuart mccall has had to get used to his players being booed by supportersterry yorath had just taken over from billy bremner and it was boooooo ...']\n", + "=======================\n", + "['captain lee mcculloch was booed by rangers supporters last weekendmcculloch made an error that led to raith rovers hitting the back of the netrangers play league leaders hearts in the scottish championship saturday']\n", + "lee mcculloch , the rangers captain , was booed for an error that led to a goal against raith roversrangers manager stuart mccall has had to get used to his players being booed by supportersterry yorath had just taken over from billy bremner and it was boooooo ...\n", + "captain lee mcculloch was booed by rangers supporters last weekendmcculloch made an error that led to raith rovers hitting the back of the netrangers play league leaders hearts in the scottish championship saturday\n", + "[1.1729041 1.415697 1.2146282 1.2755775 1.3563004 1.2311606 1.0839554\n", + " 1.1319269 1.0256938 1.071714 1.0162393 1.0270138 1.120203 1.0441456\n", + " 1.1183139 1.0589427 1.0238781 1.0157495 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 3 5 2 0 7 12 14 6 9 15 13 11 8 16 10 17 18 19 20 21]\n", + "=======================\n", + "['brian bayers tearfully told wave how he was preparing to take his son back to day-care on february 13 when he went outside to warm up his truck and drive it closer to the house .shattered : brian and amanda bayers are heartbroken after accidentally killing their son jackson in februarycrushed : jackson was hit by the front wheels of the vehicle backing up and when the front wheels back around , he essentially walked right into the side of the vehicle']\n", + "=======================\n", + "[\"brian bayers tearfully told the story of how he accidentally ran over his son after leaving the door to his house openhe backed over his 18-month-old son jackson and killed himbrian bayers ' wife amanda rushed home and held her sons lifeless and bloodied body for hours\"]\n", + "brian bayers tearfully told wave how he was preparing to take his son back to day-care on february 13 when he went outside to warm up his truck and drive it closer to the house .shattered : brian and amanda bayers are heartbroken after accidentally killing their son jackson in februarycrushed : jackson was hit by the front wheels of the vehicle backing up and when the front wheels back around , he essentially walked right into the side of the vehicle\n", + "brian bayers tearfully told the story of how he accidentally ran over his son after leaving the door to his house openhe backed over his 18-month-old son jackson and killed himbrian bayers ' wife amanda rushed home and held her sons lifeless and bloodied body for hours\n", + "[1.2350985 1.4781603 1.3172197 1.2665529 1.1134117 1.1048208 1.0209826\n", + " 1.0169697 1.1260525 1.2534769 1.0394913 1.0481111 1.0571148 1.0257112\n", + " 1.0262631 1.0271093 1.0608376 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 9 0 8 4 5 16 12 11 10 15 14 13 6 7 17 18 19 20 21]\n", + "=======================\n", + "[\"the threat came as angela eagle , labour 's shadow leader of the commons , revealed it was prepared to speak to any other party in a hung parliament -- including the snp -- to ` try to build a majority ' .but the snp , forecast to hold the balance of power with 50 or more mps , suggested it would hold ed miliband to ransom if he refuses to scrap the trident nuclear defence programme .the scottish nationalists , led by nicola sturgeon , have threatened to paralyse the uk government by blocking ` any bit of spending ' they do not agree with\"]\n", + "=======================\n", + "[\"snp will vote against ` any bit of spending ' it disagrees with after electionnationalist mps could paralyse the uk government by blocking legislationthreat came as labour 's angela eagle said they would speak to any partysnp suggests it would hold ed miliband to ransom over trident if he is pm\"]\n", + "the threat came as angela eagle , labour 's shadow leader of the commons , revealed it was prepared to speak to any other party in a hung parliament -- including the snp -- to ` try to build a majority ' .but the snp , forecast to hold the balance of power with 50 or more mps , suggested it would hold ed miliband to ransom if he refuses to scrap the trident nuclear defence programme .the scottish nationalists , led by nicola sturgeon , have threatened to paralyse the uk government by blocking ` any bit of spending ' they do not agree with\n", + "snp will vote against ` any bit of spending ' it disagrees with after electionnationalist mps could paralyse the uk government by blocking legislationthreat came as labour 's angela eagle said they would speak to any partysnp suggests it would hold ed miliband to ransom over trident if he is pm\n", + "[1.2051934 1.2196376 1.3157022 1.3087744 1.0991995 1.0396094 1.0932496\n", + " 1.0854901 1.0451779 1.0499512 1.0301212 1.0255295 1.0356405 1.0979171\n", + " 1.0810475 1.0683683 1.042184 ]\n", + "\n", + "[ 2 3 1 0 4 13 6 7 14 15 9 8 16 5 12 10 11]\n", + "=======================\n", + "['miss middleton , 31 , who wore a low-key tailored cream blazer , a heart-print top and dark denim jeans , walked hand-in-hand with her boyfriend of two years before leaning in for a brief kiss .romantic evening : pippa middleton and boyfriend nico jackson share a kiss as they walk down the streetdespite reports earlier this year that claimed the pair were on the verge of a split , the two presented a united front as they left a restaurant in fulham last night .']\n", + "=======================\n", + "[\"pippa middleton , 31 , was spotted arm-in-arm with nico jackson , 36the two live in different countries but are clearly very much togetherearlier this year , it was reported they were on the verge of a splitmiss middleton will become an aunt for the second time within daysthe duchess of cambridge 's due date is thought to be this saturday\"]\n", + "miss middleton , 31 , who wore a low-key tailored cream blazer , a heart-print top and dark denim jeans , walked hand-in-hand with her boyfriend of two years before leaning in for a brief kiss .romantic evening : pippa middleton and boyfriend nico jackson share a kiss as they walk down the streetdespite reports earlier this year that claimed the pair were on the verge of a split , the two presented a united front as they left a restaurant in fulham last night .\n", + "pippa middleton , 31 , was spotted arm-in-arm with nico jackson , 36the two live in different countries but are clearly very much togetherearlier this year , it was reported they were on the verge of a splitmiss middleton will become an aunt for the second time within daysthe duchess of cambridge 's due date is thought to be this saturday\n", + "[1.5040885 1.2482642 1.289536 1.1373384 1.138073 1.1576347 1.1015351\n", + " 1.0919226 1.0982034 1.0584627 1.0241278 1.0716388 1.0888897 1.0484538\n", + " 1.0386839 0. 0. ]\n", + "\n", + "[ 0 2 1 5 4 3 6 8 7 12 11 9 13 14 10 15 16]\n", + "=======================\n", + "['( cnn ) irish betting company paddy power is backtracking after tweeting that \" newcastle have suffered more kop beatings over the last 20 years than an unarmed african-american male . \"paddy power -- well-known for its use of publicity stunts -- used it to link to a piece showing statistics for games between liverpool and newcastle united ahead of their english premier league match on monday .the tweet , a pun on the name of the famous home end at liverpool football club , alluded to recent controversial incidents in the united states in which unarmed african-american men have been killed by police .']\n", + "=======================\n", + "[\"company known for use of publicity stuntstweet contained pun on name of liverpool 's kop standit was used to link to liverpool-newcastle statssocial media backlash leads to apology\"]\n", + "( cnn ) irish betting company paddy power is backtracking after tweeting that \" newcastle have suffered more kop beatings over the last 20 years than an unarmed african-american male . \"paddy power -- well-known for its use of publicity stunts -- used it to link to a piece showing statistics for games between liverpool and newcastle united ahead of their english premier league match on monday .the tweet , a pun on the name of the famous home end at liverpool football club , alluded to recent controversial incidents in the united states in which unarmed african-american men have been killed by police .\n", + "company known for use of publicity stuntstweet contained pun on name of liverpool 's kop standit was used to link to liverpool-newcastle statssocial media backlash leads to apology\n", + "[1.5207331 1.178078 1.4686596 1.2674006 1.1158874 1.1373456 1.1922436\n", + " 1.1012253 1.0791517 1.021229 1.0095829 1.1655629 1.1679981 1.0652949\n", + " 1.014699 1.00761 0. ]\n", + "\n", + "[ 0 2 3 6 1 12 11 5 4 7 8 13 9 14 10 15 16]\n", + "=======================\n", + "['kaitlyn granado , 24 , was arrested on monday amid claims she had sex with pupil , 15 , in her car on consecutive nights in januarya texas math teacher has been accused of having sex with an underage pupil from a texas high school a month after she was arrested for letting another teenage touch her breasts .granado was booked into irving county jail for the second time on monday , and released after posting a $ 50,000 bail .']\n", + "=======================\n", + "['kaitlyn granado , 24 , first arrested march 19 for relationship with boy , 15admitting kissing and letting him touch her and was released on bailofficers quizzed another 15-year-old on march 24 over second relationshipgranado arrested again amid claims she had sex with second boy in car']\n", + "kaitlyn granado , 24 , was arrested on monday amid claims she had sex with pupil , 15 , in her car on consecutive nights in januarya texas math teacher has been accused of having sex with an underage pupil from a texas high school a month after she was arrested for letting another teenage touch her breasts .granado was booked into irving county jail for the second time on monday , and released after posting a $ 50,000 bail .\n", + "kaitlyn granado , 24 , first arrested march 19 for relationship with boy , 15admitting kissing and letting him touch her and was released on bailofficers quizzed another 15-year-old on march 24 over second relationshipgranado arrested again amid claims she had sex with second boy in car\n", + "[1.2052884 1.4425198 1.2891886 1.2403271 1.1954641 1.1812124 1.1233788\n", + " 1.0727725 1.0434293 1.0204173 1.0577 1.0696644 1.0632516 1.1840321\n", + " 1.0338581 1.034408 0. ]\n", + "\n", + "[ 1 2 3 0 4 13 5 6 7 11 12 10 8 15 14 9 16]\n", + "=======================\n", + "[\"the prime minister and the outgoing leader of the commons william hague will launch the english document , which follows traditional scottish , welsh and northern irish manifestos .its centrepiece will be a pledge to introduce a system of ` english votes for english laws ' -- giving english mps an effective veto over legislation applying only to their constituents .the tories will tomorrow inflame the row over a potential labour-snp power-sharing deal by unveiling the party 's first ` manifesto for england ' .\"]\n", + "=======================\n", + "[\"manifesto set to be launched by david cameron and william haguecentrepiece will be a pledge to introduce ` english votes for english laws 'hague expected to warn england risks being held to ransom by snpbut critics likely to say the document risks creating further divisions\"]\n", + "the prime minister and the outgoing leader of the commons william hague will launch the english document , which follows traditional scottish , welsh and northern irish manifestos .its centrepiece will be a pledge to introduce a system of ` english votes for english laws ' -- giving english mps an effective veto over legislation applying only to their constituents .the tories will tomorrow inflame the row over a potential labour-snp power-sharing deal by unveiling the party 's first ` manifesto for england ' .\n", + "manifesto set to be launched by david cameron and william haguecentrepiece will be a pledge to introduce ` english votes for english laws 'hague expected to warn england risks being held to ransom by snpbut critics likely to say the document risks creating further divisions\n", + "[1.2266761 1.3182437 1.3077544 1.2639564 1.2157412 1.0575385 1.0388386\n", + " 1.0858357 1.0531046 1.1160957 1.0717633 1.0404744 1.0350748 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 9 7 10 5 8 11 6 12 13 14 15 16]\n", + "=======================\n", + "[\"yesterday , allie , 21 , based in minneapolis , delivered her beau the ten-question document , which she dubbed ` the official allie davis relationship test ' , and informed him that he must score at least 60 per cent ` to stay in the relationship ' .she posted the results of the not-entirely-serious stunt on twitter , revealing that her boyfriend of two-and-a-half years had passed with a score of 80 per cent , for diligently answering questions mainly about beyonce 's songs .meet allie davis , a woman so obsessed with beyonce that she made her boyfriend take a written exam on the famous singer , along with questions about other pop stars , in order to stay with her .\"]\n", + "=======================\n", + "[\"allie davis , 21 , required her boyfriend to score at least 60 per cent to passshe posted questions and his results to twitter after he scored 80 per centallie insists the stunt was n't entirely serious\"]\n", + "yesterday , allie , 21 , based in minneapolis , delivered her beau the ten-question document , which she dubbed ` the official allie davis relationship test ' , and informed him that he must score at least 60 per cent ` to stay in the relationship ' .she posted the results of the not-entirely-serious stunt on twitter , revealing that her boyfriend of two-and-a-half years had passed with a score of 80 per cent , for diligently answering questions mainly about beyonce 's songs .meet allie davis , a woman so obsessed with beyonce that she made her boyfriend take a written exam on the famous singer , along with questions about other pop stars , in order to stay with her .\n", + "allie davis , 21 , required her boyfriend to score at least 60 per cent to passshe posted questions and his results to twitter after he scored 80 per centallie insists the stunt was n't entirely serious\n", + "[1.2344968 1.4341269 1.3417315 1.326513 1.1700156 1.2646459 1.10597\n", + " 1.1256648 1.0193025 1.1486045 1.0147415 1.0118445 1.0183575 1.0802354\n", + " 1.038004 1.0250647 1.0265207 1.0196288 1.0385017]\n", + "\n", + "[ 1 2 3 5 0 4 9 7 6 13 18 14 16 15 17 8 12 10 11]\n", + "=======================\n", + "['a clutch of sausages stuffed with poisons were found on the cuckoo trail , a path running from hampden park to heathfield near hailsham .the grim discovery comes after a spate of dog poisonings in nearby brighton and hove , and dog owners are now being warned by sussex police to be aware when they are out walking their animals .they were found hidden among grass on the trail .']\n", + "=======================\n", + "['a dog owner found cocktail sausages laced with poison when walking petthe clutch of sausages were hidden among the grass on the cuckoo traileach sausage packed with so much poison one could have killed a dogsussex police is warning dog owners about spate of poisonings in the area']\n", + "a clutch of sausages stuffed with poisons were found on the cuckoo trail , a path running from hampden park to heathfield near hailsham .the grim discovery comes after a spate of dog poisonings in nearby brighton and hove , and dog owners are now being warned by sussex police to be aware when they are out walking their animals .they were found hidden among grass on the trail .\n", + "a dog owner found cocktail sausages laced with poison when walking petthe clutch of sausages were hidden among the grass on the cuckoo traileach sausage packed with so much poison one could have killed a dogsussex police is warning dog owners about spate of poisonings in the area\n", + "[1.2911894 1.235528 1.4007504 1.1214409 1.083221 1.1118814 1.062602\n", + " 1.0948647 1.0692654 1.0183696 1.01675 1.066306 1.0865717 1.170699\n", + " 1.146312 1.0418918 1.0298268 0. 0. ]\n", + "\n", + "[ 2 0 1 13 14 3 5 7 12 4 8 11 6 15 16 9 10 17 18]\n", + "=======================\n", + "[\"inside the hq of global company moose toys , the cheltenham office in melbourne comes complete with toy testing rooms , table tennis table , aerobics room , gym and a custom staff lunch room .it 's described as the google-esque hq of australia .with a cubby-house meeting room at the top of a beanstalk and a basketball court and pinball machine for some down time - it 's where all the creativity and innovative ideas come to light .\"]\n", + "=======================\n", + "[\"the moose toys headquarters is located in the heart of melbournestaff can enjoy basketball , table tennis and yoga sessions during breaksthe team can scribble their ideas on whiteboard walls inside the cubbyemployee of the year gets a gold crown and a free holiday of their choicebut there 's one catch - no one is allowed to eat lunch at their desksother activities include a trip to an art exhibition and karaoke nights\"]\n", + "inside the hq of global company moose toys , the cheltenham office in melbourne comes complete with toy testing rooms , table tennis table , aerobics room , gym and a custom staff lunch room .it 's described as the google-esque hq of australia .with a cubby-house meeting room at the top of a beanstalk and a basketball court and pinball machine for some down time - it 's where all the creativity and innovative ideas come to light .\n", + "the moose toys headquarters is located in the heart of melbournestaff can enjoy basketball , table tennis and yoga sessions during breaksthe team can scribble their ideas on whiteboard walls inside the cubbyemployee of the year gets a gold crown and a free holiday of their choicebut there 's one catch - no one is allowed to eat lunch at their desksother activities include a trip to an art exhibition and karaoke nights\n", + "[1.2833414 1.5591507 1.1544784 1.3398172 1.260058 1.0961151 1.0308117\n", + " 1.0258006 1.0220095 1.2701851 1.0443903 1.0278976 1.0109309 1.0088694\n", + " 1.0134326 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 9 4 2 5 10 6 11 7 8 14 12 13 17 15 16 18]\n", + "=======================\n", + "[\"the footage of jesse o'brien was taken by his mother heidi , 37 , to encourage the brave youngster to take the vast volume of drugs he has to consume every single day to battle his terminal illness .a home video of a six-year-old boy taking his morning pills to treat cystic fibrosis has had more than one million hits in just a week -- with no sign of global interest waning .` i 've always wanted to be famous so this is just brilliant , ' says jesse , from kesgrave , suffolk , who is seen taking nine out of his daily dose of 45 pills .\"]\n", + "=======================\n", + "[\"jesse o'brien is seen swallowing nine of his daily dose of 45 pillshis mum hoped the footage would amuse and encourage himthe video is now helping other kids feel better about the daunting task\"]\n", + "the footage of jesse o'brien was taken by his mother heidi , 37 , to encourage the brave youngster to take the vast volume of drugs he has to consume every single day to battle his terminal illness .a home video of a six-year-old boy taking his morning pills to treat cystic fibrosis has had more than one million hits in just a week -- with no sign of global interest waning .` i 've always wanted to be famous so this is just brilliant , ' says jesse , from kesgrave , suffolk , who is seen taking nine out of his daily dose of 45 pills .\n", + "jesse o'brien is seen swallowing nine of his daily dose of 45 pillshis mum hoped the footage would amuse and encourage himthe video is now helping other kids feel better about the daunting task\n", + "[1.3475626 1.3276706 1.2352448 1.2459867 1.409464 1.2267854 1.0232462\n", + " 1.0321885 1.035298 1.0596887 1.1825007 1.095226 1.1493037 1.0177306\n", + " 1.0113968 0. 0. 0. 0. ]\n", + "\n", + "[ 4 0 1 3 2 5 10 12 11 9 8 7 6 13 14 15 16 17 18]\n", + "=======================\n", + "[\"accident : larry mcelroy shot carol johnson on sunday night after he tried to kill an armadillo in his backyardpolice in georgia say a man shot an armadillo , but ended up accidentally wounding his 74-year-old mother-in-law when the bullet ricocheted off the animal 's shell .according to police reports , mcelroy fired 100-yards away from johnson 's home .\"]\n", + "=======================\n", + "['larry mcelroy shot his 74-year-old mother-in-law carol johnson on sundayjohnson was sat inside her mobile home 100-yards away from mcelroy']\n", + "accident : larry mcelroy shot carol johnson on sunday night after he tried to kill an armadillo in his backyardpolice in georgia say a man shot an armadillo , but ended up accidentally wounding his 74-year-old mother-in-law when the bullet ricocheted off the animal 's shell .according to police reports , mcelroy fired 100-yards away from johnson 's home .\n", + "larry mcelroy shot his 74-year-old mother-in-law carol johnson on sundayjohnson was sat inside her mobile home 100-yards away from mcelroy\n", + "[1.3237786 1.4423736 1.1693401 1.3620785 1.1217653 1.0325048 1.1203084\n", + " 1.0602918 1.0360003 1.0542438 1.0868351 1.0610248 1.0145106 1.1832862\n", + " 1.1214588 1.0142556 1.099441 1.0136888 0. ]\n", + "\n", + "[ 1 3 0 13 2 4 14 6 16 10 11 7 9 8 5 12 15 17 18]\n", + "=======================\n", + "[\"dominic solanke scored late on to put a gloss on the scoreline after a tammy abraham double had seen chelsea take a first half lead .tammy abraham smashes chelsea into the lead with a fierce drive into the top cornerchelsea took a commanding 3-1 lead back to west london after a strong showing in manchester to see off city 's young side .\"]\n", + "=======================\n", + "[\"chelsea forward tammy abraham nets first-half double for chelseadominic solanke adds a third late on as chelsea look set to win trophymanchester city struggle without injured star thierry ambroseread : mourinho warns his young chelsea players he can not play them allclick here to read our match report from man city 's academy stadium\"]\n", + "dominic solanke scored late on to put a gloss on the scoreline after a tammy abraham double had seen chelsea take a first half lead .tammy abraham smashes chelsea into the lead with a fierce drive into the top cornerchelsea took a commanding 3-1 lead back to west london after a strong showing in manchester to see off city 's young side .\n", + "chelsea forward tammy abraham nets first-half double for chelseadominic solanke adds a third late on as chelsea look set to win trophymanchester city struggle without injured star thierry ambroseread : mourinho warns his young chelsea players he can not play them allclick here to read our match report from man city 's academy stadium\n", + "[1.1499996 1.3291756 1.2909827 1.1789153 1.1845417 1.1143008 1.1921737\n", + " 1.0339842 1.0322919 1.0489341 1.0947272 1.0828627 1.0892771 1.1422195\n", + " 1.1656213 1.103462 1.0407426 1.0102861 1.0197304 1.012803 ]\n", + "\n", + "[ 1 2 6 4 3 14 0 13 5 15 10 12 11 9 16 7 8 18 19 17]\n", + "=======================\n", + "[\"veteran parades and morris men were seen across the country , with spectators draped in flags cheering them on .described by the prime minister as ' a day to be celebrate all that makes england great ' , st george 's day takes place on april 23 every year .in the city of london , morris men brightened up leadenhall market , dancing through the shopping arcade to the amusement of workers on their lunch break .\"]\n", + "=======================\n", + "[\"revellers took part in outdoor parades and morris dancing to celebrate st george 's day across the countrytemperatures soared to 20.9 c in north yorkshire but forecasters warned colder , wetter weather was on the wayfrom tomorrow the weather will return to what is normal for this time of year with clouds and highs of around 12c\"]\n", + "veteran parades and morris men were seen across the country , with spectators draped in flags cheering them on .described by the prime minister as ' a day to be celebrate all that makes england great ' , st george 's day takes place on april 23 every year .in the city of london , morris men brightened up leadenhall market , dancing through the shopping arcade to the amusement of workers on their lunch break .\n", + "revellers took part in outdoor parades and morris dancing to celebrate st george 's day across the countrytemperatures soared to 20.9 c in north yorkshire but forecasters warned colder , wetter weather was on the wayfrom tomorrow the weather will return to what is normal for this time of year with clouds and highs of around 12c\n", + "[1.2881968 1.5460756 1.3692821 1.1828829 1.1236997 1.3133005 1.0843527\n", + " 1.089621 1.062959 1.0465999 1.1019136 1.051033 1.0382475 1.0676391\n", + " 1.0250993 1.0525519 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 5 0 3 4 10 7 6 13 8 15 11 9 12 14 18 16 17 19]\n", + "=======================\n", + "[\"barbara anne beam was being looked after by her elderly sister and nephew when she passed away in her bedroom in greenville on january 2 .the coroner 's office found she died from a blood clot in her lung and ruled that her death was homicide by neglect .scene : barbara beam died in her south carolina home in january after sitting for six months and prosecutors are considering charges against her caretakers .\"]\n", + "=======================\n", + "['barbara beam died in the home she shared with her sister and nephew in greenville , south carolina in januarya coroner ruled that she died from homicide by neglect and prosecutors are now deciding whether to charge her family membersher sister told officers that she had not been moved from her bedroom chair for six months , and beam had sores over her legswhen paramedics removed her from the chair and put her body on the ground , her legs stayed bent in a sitting position , police said']\n", + "barbara anne beam was being looked after by her elderly sister and nephew when she passed away in her bedroom in greenville on january 2 .the coroner 's office found she died from a blood clot in her lung and ruled that her death was homicide by neglect .scene : barbara beam died in her south carolina home in january after sitting for six months and prosecutors are considering charges against her caretakers .\n", + "barbara beam died in the home she shared with her sister and nephew in greenville , south carolina in januarya coroner ruled that she died from homicide by neglect and prosecutors are now deciding whether to charge her family membersher sister told officers that she had not been moved from her bedroom chair for six months , and beam had sores over her legswhen paramedics removed her from the chair and put her body on the ground , her legs stayed bent in a sitting position , police said\n", + "[1.4511456 1.2198557 1.1252632 1.1229348 1.1925012 1.2583984 1.2389114\n", + " 1.0378956 1.0344708 1.1287667 1.0941188 1.0353962 1.0811259 1.0740587\n", + " 1.1659775 1.0481492 1.0776999 1.0225307 1.0096809 0. ]\n", + "\n", + "[ 0 5 6 1 4 14 9 2 3 10 12 16 13 15 7 11 8 17 18 19]\n", + "=======================\n", + "[\"manchester united players hung a fake bird above ashley young 's peg in the dressing room after a bird pooed in his mouth during a top-flight match , luke shaw has revealed .shaw admits that ashley young is the biggest joker in the manchester united dressing roomas united kicked off their premier league season with a match against swansea in august , young received a surprise delivery from a bird mid-match , much to the amusement of his team-mates , who took advantage of the situation .\"]\n", + "=======================\n", + "[\"luke shaw joined manchester united for # 31.5 million in the summerthe 19-year-old admits ashley young is the biggest joker at the clubplayers hung a fake bird in the dressing room after young was hit in mouthshaw says united goalkeeper david de gea is the ` nicest guy in football 'read luke shaw : ` i 'd give myself a c - for my debut united season '\"]\n", + "manchester united players hung a fake bird above ashley young 's peg in the dressing room after a bird pooed in his mouth during a top-flight match , luke shaw has revealed .shaw admits that ashley young is the biggest joker in the manchester united dressing roomas united kicked off their premier league season with a match against swansea in august , young received a surprise delivery from a bird mid-match , much to the amusement of his team-mates , who took advantage of the situation .\n", + "luke shaw joined manchester united for # 31.5 million in the summerthe 19-year-old admits ashley young is the biggest joker at the clubplayers hung a fake bird in the dressing room after young was hit in mouthshaw says united goalkeeper david de gea is the ` nicest guy in football 'read luke shaw : ` i 'd give myself a c - for my debut united season '\n", + "[1.3720838 1.2275198 1.2991769 1.32228 1.2011596 1.3495173 1.1592531\n", + " 1.096702 1.0295912 1.0093222 1.1489693 1.2349635 1.0648429 1.0842643\n", + " 1.016431 1.0067266 1.0051451 1.0054551 1.1331422 1.0892936]\n", + "\n", + "[ 0 5 3 2 11 1 4 6 10 18 7 19 13 12 8 14 9 15 17 16]\n", + "=======================\n", + "['world boxing champion kell brook enjoyed an evening at the darts as he watched the premier league road show come to his home town of sheffield on thursday .kell brook is set to defend his title for a second time on may 30 against frankie gavin .brook watched on as dave chisnall was a winner twice on the same evening to catapult himself onto 17 points in second place in the table after 10 weeks .']\n", + "=======================\n", + "[\"kell brook enjoys evening at the darts in his home town of sheffieldworld boxing champion received a hero 's welcome when introduceddave chisnall won both his matches to move onto 17 pointsphil taylor lost his fourth in five with defeat by raymond van barneveldmichael van gerwen still top after 7-5 win over stephen bunting\"]\n", + "world boxing champion kell brook enjoyed an evening at the darts as he watched the premier league road show come to his home town of sheffield on thursday .kell brook is set to defend his title for a second time on may 30 against frankie gavin .brook watched on as dave chisnall was a winner twice on the same evening to catapult himself onto 17 points in second place in the table after 10 weeks .\n", + "kell brook enjoys evening at the darts in his home town of sheffieldworld boxing champion received a hero 's welcome when introduceddave chisnall won both his matches to move onto 17 pointsphil taylor lost his fourth in five with defeat by raymond van barneveldmichael van gerwen still top after 7-5 win over stephen bunting\n", + "[1.4600607 1.2563324 1.1992418 1.0688889 1.0312359 1.2970538 1.0712489\n", + " 1.1188022 1.0617553 1.1129615 1.1551294 1.1696668 1.0589789 1.1689016\n", + " 1.0550227 1.0353543 0. 0. 0. 0. ]\n", + "\n", + "[ 0 5 1 2 11 13 10 7 9 6 3 8 12 14 15 4 18 16 17 19]\n", + "=======================\n", + "[\"huddersfield ensured their status in the sky bet championship with three games remaining thanks to a goalless draw at brighton .birmingham 's highly-rated winger demarai gray was on target for the second successive game as his strike rescued a point in city 's 2-2 draw against blackburn at st andrew 's .the point for the seagulls ended a run of three successive defeats , but their goal drought continues and they are now without a goal from one of their own players for nine hours and 20 minutes .\"]\n", + "=======================\n", + "['huddersfield are now mathematically safe after a 0-0 draw with brightonadam le fondre earns bolton a point in 1-1 home draw with charltondemarai gray on target for birmingham as they draw 2-2 with blackburn']\n", + "huddersfield ensured their status in the sky bet championship with three games remaining thanks to a goalless draw at brighton .birmingham 's highly-rated winger demarai gray was on target for the second successive game as his strike rescued a point in city 's 2-2 draw against blackburn at st andrew 's .the point for the seagulls ended a run of three successive defeats , but their goal drought continues and they are now without a goal from one of their own players for nine hours and 20 minutes .\n", + "huddersfield are now mathematically safe after a 0-0 draw with brightonadam le fondre earns bolton a point in 1-1 home draw with charltondemarai gray on target for birmingham as they draw 2-2 with blackburn\n", + "[1.3822794 1.2526141 1.4751565 1.342813 1.1458696 1.0676872 1.0409265\n", + " 1.2116917 1.0653989 1.013145 1.017072 1.0374362 1.038791 1.0135916\n", + " 1.0129652 1.0646816 1.0566056 1.0665702 1.0790161 1.1382006 1.0117677]\n", + "\n", + "[ 2 0 3 1 7 4 19 18 5 17 8 15 16 6 12 11 10 13 9 14 20]\n", + "=======================\n", + "[\"jose mourinho claims it 's ` hard but more fun ' being chelsea manager in new fair play eramourinho has been forced to sell players to balance the books at chelseaunited boss louis van gaal will be without michael carrick , phil jones , marcos rojo and daley blind for the barclays premier league clash at stamford bridge today .\"]\n", + "=======================\n", + "[\"jose mourinho believes uefa 's financial fair play benefits rivalschelsea boss says manchester united can fund a massive squadthe blues have been forced to sell players to balance the books\"]\n", + "jose mourinho claims it 's ` hard but more fun ' being chelsea manager in new fair play eramourinho has been forced to sell players to balance the books at chelseaunited boss louis van gaal will be without michael carrick , phil jones , marcos rojo and daley blind for the barclays premier league clash at stamford bridge today .\n", + "jose mourinho believes uefa 's financial fair play benefits rivalschelsea boss says manchester united can fund a massive squadthe blues have been forced to sell players to balance the books\n", + "[1.2712022 1.3691859 1.2148678 1.4203012 1.3443218 1.2385556 1.1691542\n", + " 1.1082147 1.1885014 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 4 0 5 2 8 6 7 18 17 16 15 14 10 12 11 19 9 13 20]\n", + "=======================\n", + "['diego de girolamo ( right ) is leaving sheffield united at the end of the season when his contract expiresthe italy under 20 international is leaving bramall lane this summer as he is out of contract and has an offer from juventus also .celtic and southampton are also monitoring the situation of forward de girolamo']\n", + "=======================\n", + "[\"diego de girolamo 's sheffield united deal expires at the end of the seasonportuguese club benfica have asked about the italy under 20 forwardde girolamo is currently on loan at league two club northampton\"]\n", + "diego de girolamo ( right ) is leaving sheffield united at the end of the season when his contract expiresthe italy under 20 international is leaving bramall lane this summer as he is out of contract and has an offer from juventus also .celtic and southampton are also monitoring the situation of forward de girolamo\n", + "diego de girolamo 's sheffield united deal expires at the end of the seasonportuguese club benfica have asked about the italy under 20 forwardde girolamo is currently on loan at league two club northampton\n", + "[1.1640451 1.4956415 1.1263494 1.3439986 1.345067 1.092652 1.0899668\n", + " 1.102482 1.0522996 1.0703342 1.1976594 1.0519644 1.0869392 1.0437887\n", + " 1.0455148 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 10 0 2 7 5 6 12 9 8 11 14 13 19 15 16 17 18 20]\n", + "=======================\n", + "[\"misty machinshok , 33 , has been jailed for 15 to 30 years for the abuse in which she ` coached ' the pair on the best positions to conceive , and held her daughter 's hand ` the first few times ' .her 29-year-old husband gary machinshok , who she met through a website called onlinebootycall.com , will be sentenced this month after pleading no contest to raping the child ` every few days ' throughout 2013 .an infertile woman convinced her new husband to repeatedly rape her 15-year-old daughter so she could have another child .\"]\n", + "=======================\n", + "[\"misty machinshok of pennsylvania is no longer able to have childrenshe met gary machinshok on onlinebootycall.com , he moved in with herhe raped her 15-year-old daughter ` every few days ' throughout 2013 so misty could have another child , she ` coached ' them on the best positionsgary , 29 , also sexually assaulted her other daughter , 11the two girls are now in foster care , misty sentenced to 15-30 years\"]\n", + "misty machinshok , 33 , has been jailed for 15 to 30 years for the abuse in which she ` coached ' the pair on the best positions to conceive , and held her daughter 's hand ` the first few times ' .her 29-year-old husband gary machinshok , who she met through a website called onlinebootycall.com , will be sentenced this month after pleading no contest to raping the child ` every few days ' throughout 2013 .an infertile woman convinced her new husband to repeatedly rape her 15-year-old daughter so she could have another child .\n", + "misty machinshok of pennsylvania is no longer able to have childrenshe met gary machinshok on onlinebootycall.com , he moved in with herhe raped her 15-year-old daughter ` every few days ' throughout 2013 so misty could have another child , she ` coached ' them on the best positionsgary , 29 , also sexually assaulted her other daughter , 11the two girls are now in foster care , misty sentenced to 15-30 years\n", + "[1.118327 1.3045396 1.3028445 1.3595603 1.1939609 1.0405041 1.0438781\n", + " 1.0390916 1.0303444 1.0662838 1.074382 1.0332538 1.0986907 1.0595047\n", + " 1.0122182 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 4 0 12 10 9 13 6 5 7 11 8 14 19 15 16 17 18 20]\n", + "=======================\n", + "[\"david ` flats ' flatman has been driving around the rugby world cup venues preparing for the tournamenttwickenham , as the home of rugby , may be gearing up to embrace the sport 's biggest tournament , but on the other side of the capital , the olympic stadium -- built for athletics and destined to be a football ground - is also quietly preparing to get in the oval-ball act .london 's olympic stadium may not be a traditional rugby ground , but the buzz around the game is palpable\"]\n", + "=======================\n", + "[\"former england prop david ` flats ' flatman says the ` buzz ' around world cup is growingflats says with the right ` constructive noise ' , competition can build rugbyengland will need to play exciting rugby to capture public 's imaginationrecalling the likes of danny cipriani is a step in the right direction\"]\n", + "david ` flats ' flatman has been driving around the rugby world cup venues preparing for the tournamenttwickenham , as the home of rugby , may be gearing up to embrace the sport 's biggest tournament , but on the other side of the capital , the olympic stadium -- built for athletics and destined to be a football ground - is also quietly preparing to get in the oval-ball act .london 's olympic stadium may not be a traditional rugby ground , but the buzz around the game is palpable\n", + "former england prop david ` flats ' flatman says the ` buzz ' around world cup is growingflats says with the right ` constructive noise ' , competition can build rugbyengland will need to play exciting rugby to capture public 's imaginationrecalling the likes of danny cipriani is a step in the right direction\n", + "[1.2867602 1.0473635 1.3928127 1.1696168 1.2442309 1.1779139 1.0482652\n", + " 1.0253544 1.0768458 1.0771949 1.0440098 1.0369864 1.0309455 1.1569062\n", + " 1.1064472 1.0491837 1.1222714 1.0251745 0. 0. 0. ]\n", + "\n", + "[ 2 0 4 5 3 13 16 14 9 8 15 6 1 10 11 12 7 17 19 18 20]\n", + "=======================\n", + "['one company is offering the chance to dive 12,500 ft below the surface of the sea to explore the ship at the bottom of the atlantic .it is perhaps the most iconic ship of all time , but the closest most people will get to the titanic is a visit to the museum in belfast , or a viewing of the leonardo dicaprio and kate winslet blockbuster .the once-in-a-lifetime privilege is being offered by luxury concierge service , bluefish , and does not come cheap , setting you back a whopping # 41,000 ( $ 60,000 ) .']\n", + "=======================\n", + "['concierge service bluefish are offering dives to journey to the magnificent ship on the atlantic floorthe unique experience will let you see the famous grand staircase along with many other rooms and areasthe dives form part of valuable research , with data being relayed to scientists worldwideso far 40 people have done the service compared to over 500 people visiting space']\n", + "one company is offering the chance to dive 12,500 ft below the surface of the sea to explore the ship at the bottom of the atlantic .it is perhaps the most iconic ship of all time , but the closest most people will get to the titanic is a visit to the museum in belfast , or a viewing of the leonardo dicaprio and kate winslet blockbuster .the once-in-a-lifetime privilege is being offered by luxury concierge service , bluefish , and does not come cheap , setting you back a whopping # 41,000 ( $ 60,000 ) .\n", + "concierge service bluefish are offering dives to journey to the magnificent ship on the atlantic floorthe unique experience will let you see the famous grand staircase along with many other rooms and areasthe dives form part of valuable research , with data being relayed to scientists worldwideso far 40 people have done the service compared to over 500 people visiting space\n", + "[1.1981403 1.313831 1.3631878 1.1090811 1.140494 1.268517 1.1630362\n", + " 1.0898985 1.1227785 1.0512768 1.1409099 1.0418622 1.0696335 1.030001\n", + " 1.119458 1.0427699 1.0664183 1.0210238 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 5 0 6 10 4 8 14 3 7 12 16 9 15 11 13 17 20 18 19 21]\n", + "=======================\n", + "[\"the man in his 50s tragically died when it crashed just 50 metres from a group of people who were at a press day for the air show .smoke billows from david jenkins ' single-engine edge 360 plane above old buckenham airfield near attleborough , norfolk .a terrifying image reveals the moment a ` highly skilled ' pilot spun out of control during an aerobatic display - right before the plane crashed in front of horrified spectators this afternoon .\"]\n", + "=======================\n", + "[\"the edge 360 plane crashed in flames at old buckenham airfield in norfolkeyewitnesses saw single-engine aircraft go into a flat spin at about 2.45 pmpilot who died in the incident has been named locally as david jenkins` he was the best bloke i knew , ' said a friend who wished not to be named\"]\n", + "the man in his 50s tragically died when it crashed just 50 metres from a group of people who were at a press day for the air show .smoke billows from david jenkins ' single-engine edge 360 plane above old buckenham airfield near attleborough , norfolk .a terrifying image reveals the moment a ` highly skilled ' pilot spun out of control during an aerobatic display - right before the plane crashed in front of horrified spectators this afternoon .\n", + "the edge 360 plane crashed in flames at old buckenham airfield in norfolkeyewitnesses saw single-engine aircraft go into a flat spin at about 2.45 pmpilot who died in the incident has been named locally as david jenkins` he was the best bloke i knew , ' said a friend who wished not to be named\n", + "[1.375261 1.4972066 1.2742776 1.3656849 1.1673104 1.1036233 1.1076682\n", + " 1.0980173 1.0949606 1.056729 1.1547015 1.1790862 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 2 11 4 10 6 5 7 8 9 20 12 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "['the argentine is playing for werder bremen and has scored 13 goals in 22 games this season .sunderland are trailing former wigan striker franco di santo .the bundesliga side want # 8million for the 26-year-old who sunderland sporting director lee congerton knows well from his time at chelsea .']\n", + "=======================\n", + "['sunderland are interested in signing former chelsea and wigan forward franco di santo , who has recently hit form for werder bremendi santo is currently rated at # 8million by the bundesliga sideblack cats sporting director lee congerton knows di santo from their time together at chelsea']\n", + "the argentine is playing for werder bremen and has scored 13 goals in 22 games this season .sunderland are trailing former wigan striker franco di santo .the bundesliga side want # 8million for the 26-year-old who sunderland sporting director lee congerton knows well from his time at chelsea .\n", + "sunderland are interested in signing former chelsea and wigan forward franco di santo , who has recently hit form for werder bremendi santo is currently rated at # 8million by the bundesliga sideblack cats sporting director lee congerton knows di santo from their time together at chelsea\n", + "[1.221884 1.3087637 1.1754775 1.3557171 1.1728487 1.1831366 1.202828\n", + " 1.1912363 1.1688397 1.2001594 1.0425436 1.0233982 1.0982924 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 0 6 9 7 5 2 4 8 12 10 11 20 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"floyd mayweather jnr took to the swimming pool to continue his mega-fight preparationsmayweather jnr 's trainer looks on as the boxer finishes his swimming routine ahead of mega-fightthe fight on may 2 is expected to break the pay-per-view record of $ 152million set by that fight in 2013 , and is also expected to surpass the 2.5 million buys that mayweather 's fight against oscar de la hoya accumulated in 2007 .\"]\n", + "=======================\n", + "['floyd mayweather jnr hit the swimming pool as he continued his trainingboxer did laps of the pool as well as water resistance muscle workmayweather jnr is training ahead of mega-fight with manny pacquiaoit is now less than a month before boxing duo meet in las vegas']\n", + "floyd mayweather jnr took to the swimming pool to continue his mega-fight preparationsmayweather jnr 's trainer looks on as the boxer finishes his swimming routine ahead of mega-fightthe fight on may 2 is expected to break the pay-per-view record of $ 152million set by that fight in 2013 , and is also expected to surpass the 2.5 million buys that mayweather 's fight against oscar de la hoya accumulated in 2007 .\n", + "floyd mayweather jnr hit the swimming pool as he continued his trainingboxer did laps of the pool as well as water resistance muscle workmayweather jnr is training ahead of mega-fight with manny pacquiaoit is now less than a month before boxing duo meet in las vegas\n", + "[1.1009125 1.0855418 1.1547383 1.2104188 1.2132969 1.1399748 1.3268763\n", + " 1.1507081 1.0426956 1.0220817 1.0246178 1.0604877 1.038378 1.0274303\n", + " 1.0459228 1.0588269 1.0498977 1.0353266 1.034638 1.0424734 1.0204422\n", + " 1.0184697]\n", + "\n", + "[ 6 4 3 2 7 5 0 1 11 15 16 14 8 19 12 17 18 13 10 9 20 21]\n", + "=======================\n", + "['harriet arkell ( pictured ) has tested out the best hot cross buns on offer this easternowadays supermarkets bring out ever more permutations to tempt customers , from miniature sizes to new flavours like toffee fudge chunk and apple and cinnamon .the move was greeted with uproar , so she compromised , saying they could only be sold on good friday , at christmas and for burials -- and they have been prime easter fare ever since .']\n", + "=======================\n", + "['easter favourites , hot cross buns , used to be eaten all year roundqueen elizabeth i tried to ban them but allowed them to be eaten at easternow supermarkets are bringing out more varieties to tempt customers']\n", + "harriet arkell ( pictured ) has tested out the best hot cross buns on offer this easternowadays supermarkets bring out ever more permutations to tempt customers , from miniature sizes to new flavours like toffee fudge chunk and apple and cinnamon .the move was greeted with uproar , so she compromised , saying they could only be sold on good friday , at christmas and for burials -- and they have been prime easter fare ever since .\n", + "easter favourites , hot cross buns , used to be eaten all year roundqueen elizabeth i tried to ban them but allowed them to be eaten at easternow supermarkets are bringing out more varieties to tempt customers\n", + "[1.3581781 1.4356172 1.2444826 1.3628044 1.1882081 1.1740439 1.1383662\n", + " 1.157412 1.1162232 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 2 4 5 7 6 8 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", + "=======================\n", + "['the spain international was a target for arsenal a year ago when he left real madrid but opted for a move to italy instead .manchester city are keeping tabs on juventus striker alvaro morata ahead of possible summer bidreal have a buy-back option set at around # 15million but are unlikely to take that up .']\n", + "=======================\n", + "['alvaro morata had attracted interest from arsenal before joining juventusspain international made move to italy in # 15million deal from real madridmanchester city are monitoring the 22-year-old after impressive season']\n", + "the spain international was a target for arsenal a year ago when he left real madrid but opted for a move to italy instead .manchester city are keeping tabs on juventus striker alvaro morata ahead of possible summer bidreal have a buy-back option set at around # 15million but are unlikely to take that up .\n", + "alvaro morata had attracted interest from arsenal before joining juventusspain international made move to italy in # 15million deal from real madridmanchester city are monitoring the 22-year-old after impressive season\n", + "[1.4527906 1.3499128 1.1203347 1.3730018 1.136813 1.1547526 1.1759893\n", + " 1.1233243 1.1310056 1.0859463 1.1544484 1.0501288 1.0486143 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 6 5 10 4 8 7 2 9 11 12 13 14 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"martin odegaard 's week got worse when real madrid 's 16-year-old wonderkid who cost # 2.3 million was refused a rating by spanish newspaper as for his performance for the club 's b-team castilla .odegaard is understood to be on # 40,000 per week but has yet to become a cohesive part of zidane 's team as he struggles to find a balance between mixing with the first and second team .the madrid manager picked the 16-year-old for their champions league tie against schalke but decided against playing him , even though it would have made odegaard the youngest to have ever played in the competition .\"]\n", + "=======================\n", + "['martin odegaard was dropped by castilla boss zinedine zidane previouslyhe was substituted after 65 minutes against tudelano on sundaycastilla were a goal down at the time as odegaard was replacedclick here for all the latest real madrid news']\n", + "martin odegaard 's week got worse when real madrid 's 16-year-old wonderkid who cost # 2.3 million was refused a rating by spanish newspaper as for his performance for the club 's b-team castilla .odegaard is understood to be on # 40,000 per week but has yet to become a cohesive part of zidane 's team as he struggles to find a balance between mixing with the first and second team .the madrid manager picked the 16-year-old for their champions league tie against schalke but decided against playing him , even though it would have made odegaard the youngest to have ever played in the competition .\n", + "martin odegaard was dropped by castilla boss zinedine zidane previouslyhe was substituted after 65 minutes against tudelano on sundaycastilla were a goal down at the time as odegaard was replacedclick here for all the latest real madrid news\n", + "[1.6549075 1.4011514 1.3239846 1.1756952 1.1355783 1.0724015 1.0348547\n", + " 1.0151689 1.0159876 1.0387592 1.0494628 1.1226094 1.0962597 1.2064644\n", + " 1.0225781 1.0120559 1.0174948 1.0100031 1.0104954 1.0080354 1.0097401\n", + " 1.229643 1.0908252 0. ]\n", + "\n", + "[ 0 1 2 21 13 3 4 11 12 22 5 10 9 6 14 16 8 7 15 18 17 20 19 23]\n", + "=======================\n", + "[\"west ham manager sam allardyce has confirmed winston reid will be fit for saturday 's match with bottom-club leicester city , but enner valencia will not be available .reid has been out of action since injuring his hamstring in a 1-0 defeat by chelsea on march 4 , but the new zealand defender returned to full training during the international break .valencia missed west ham 's last two games against arsenal and sunderland following a bizarre toe injury suffered at home in mid-march , but allardyce says he is still not match fit .\"]\n", + "=======================\n", + "['winston reid has been out of action since injuring his hamstring in a 1-0 defeat by chelsea on march 4reid returned to full training during the international breakenner valencia will not be available for the clash with foxes']\n", + "west ham manager sam allardyce has confirmed winston reid will be fit for saturday 's match with bottom-club leicester city , but enner valencia will not be available .reid has been out of action since injuring his hamstring in a 1-0 defeat by chelsea on march 4 , but the new zealand defender returned to full training during the international break .valencia missed west ham 's last two games against arsenal and sunderland following a bizarre toe injury suffered at home in mid-march , but allardyce says he is still not match fit .\n", + "winston reid has been out of action since injuring his hamstring in a 1-0 defeat by chelsea on march 4reid returned to full training during the international breakenner valencia will not be available for the clash with foxes\n", + "[1.3919126 1.1537156 1.4363955 1.140176 1.2240465 1.2410787 1.0971591\n", + " 1.092868 1.0889784 1.0750136 1.0590177 1.202145 1.0288118 1.0728235\n", + " 1.0939779 1.0338991 1.0763576 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 0 5 4 11 1 3 6 14 7 8 16 9 13 10 15 12 22 17 18 19 20 21 23]\n", + "=======================\n", + "['andras janos vass , 25 , was found guilty of human trafficking and racketeering felonies this week after grooming fellow hungarians online then keeping them captive in new york city and miami .he faces a maximum sentence of 155 years in prison - and will spend at least 21 behind bars .lure : prosecutors said at least two of the victims were lured to america via the planet romeo gay dating website']\n", + "=======================\n", + "[\"andras janos vass , 25 , found guilty of human trafficking and racketeeringlured at least two young men to america via planet romeo dating sitethought they would be offered legal escort work , earning $ 5,000 a monthvictims said they had travel documents taken and were forced into sexvass 's sex ring , which he allegedly ran with two other men , started in nycmoved to miami in late 2012 , where vass has been standing trialhe faces up to 155 years in prison for his crime - with minimum of 21 years\"]\n", + "andras janos vass , 25 , was found guilty of human trafficking and racketeering felonies this week after grooming fellow hungarians online then keeping them captive in new york city and miami .he faces a maximum sentence of 155 years in prison - and will spend at least 21 behind bars .lure : prosecutors said at least two of the victims were lured to america via the planet romeo gay dating website\n", + "andras janos vass , 25 , found guilty of human trafficking and racketeeringlured at least two young men to america via planet romeo dating sitethought they would be offered legal escort work , earning $ 5,000 a monthvictims said they had travel documents taken and were forced into sexvass 's sex ring , which he allegedly ran with two other men , started in nycmoved to miami in late 2012 , where vass has been standing trialhe faces up to 155 years in prison for his crime - with minimum of 21 years\n", + "[1.2773042 1.1536611 1.0964514 1.1037375 1.0658365 1.0588408 1.0884333\n", + " 1.4157269 1.2364548 1.1327053 1.0251883 1.0191498 1.0174894 1.0257608\n", + " 1.0144775 1.0209773 1.0533257 1.0269147 1.0712764 1.0562004 1.1421175\n", + " 1.0500474 1.1464599 1.0125155]\n", + "\n", + "[ 7 0 8 1 22 20 9 3 2 6 18 4 5 19 16 21 17 13 10 15 11 12 14 23]\n", + "=======================\n", + "['christian benteke bends a free-kick over the qpr wall to rescue a point for aston villa last weekchristian benteke has revealed a secret .benteke jumps for joy after sealing his hat-trick in the relegation battle with qpr at villa park']\n", + "=======================\n", + "[\"aston villa face liverpool at wembley in the fa cup semi-final on sundayliverpool will have to keep villa 's in-form christian benteke quietthe belgium international has scored eight goals in six games for villastriker says that new manager tim sherwood has given him freedombenteke struggled for form earlier this season after recovering from injurya year ago he ruptured his achilles and missed the world cupbenteke returned in october but did not hit top gear straight away\"]\n", + "christian benteke bends a free-kick over the qpr wall to rescue a point for aston villa last weekchristian benteke has revealed a secret .benteke jumps for joy after sealing his hat-trick in the relegation battle with qpr at villa park\n", + "aston villa face liverpool at wembley in the fa cup semi-final on sundayliverpool will have to keep villa 's in-form christian benteke quietthe belgium international has scored eight goals in six games for villastriker says that new manager tim sherwood has given him freedombenteke struggled for form earlier this season after recovering from injurya year ago he ruptured his achilles and missed the world cupbenteke returned in october but did not hit top gear straight away\n", + "[1.2899635 1.5882947 1.1825132 1.5330944 1.0742357 1.0548128 1.0204637\n", + " 1.0122244 1.0201726 1.0289903 1.0159101 1.0210091 1.0897275 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 12 4 5 9 11 6 8 10 7 22 13 14 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"henrikh mkhitaryan , pierre-emerick aubameyang and shinji kagawa were on target as dortmund returned to winning ways with a comfortable victory against relegation-threatened paderborn at signal iduna park .pierre-emerick aubameyang makes it 2-0 to dortmund as the home side cruised to victory against paderbornif the borussia dortmund players had been shocked by wednesday 's news that manager jurgen klopp will quit the club at the end of the season , they showed no sign that it had affected them on saturday .\"]\n", + "=======================\n", + "[\"henrikh mkhitaryan opened scoring for borussia dortmund on 48 minutespierre-emerick aubameyang doubled the lead for jurgen klopp 's sideshinji kagawa completed the scoring in a comfortable victory for the hostsmanager klopp announced on wednesday that he will leave in the summer\"]\n", + "henrikh mkhitaryan , pierre-emerick aubameyang and shinji kagawa were on target as dortmund returned to winning ways with a comfortable victory against relegation-threatened paderborn at signal iduna park .pierre-emerick aubameyang makes it 2-0 to dortmund as the home side cruised to victory against paderbornif the borussia dortmund players had been shocked by wednesday 's news that manager jurgen klopp will quit the club at the end of the season , they showed no sign that it had affected them on saturday .\n", + "henrikh mkhitaryan opened scoring for borussia dortmund on 48 minutespierre-emerick aubameyang doubled the lead for jurgen klopp 's sideshinji kagawa completed the scoring in a comfortable victory for the hostsmanager klopp announced on wednesday that he will leave in the summer\n", + "[1.344303 1.3382432 1.4226112 1.145693 1.1067709 1.06167 1.0643414\n", + " 1.030167 1.044851 1.148839 1.1170164 1.0192058 1.1459975 1.049872\n", + " 1.1136318 1.031725 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 9 12 3 10 14 4 6 5 13 8 15 7 11 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"up to 18 were killed and more than 60 injured when the 7.8-magnitude quake set off a huge avalanche on the world 's highest peak .at least 65 british climbers and holidaymakers were feared missing yesterday as the death toll in the nepal earthquake reached 2,500 .on everest , survivors described running for their lives as a ` tsunami ' of snow and ice triggered by tremors descended on base camp .\"]\n", + "=======================\n", + "[\"65 british climbers feared missing as death toll in nepal reaches 2,500survivors on everest recall ` tsunami ' of snow and ice triggered by quakeclimbers left stranded by the tonnes of debris and ice blocking their routesin kathmandu and pokhara buildings were reduced to matchsticks\"]\n", + "up to 18 were killed and more than 60 injured when the 7.8-magnitude quake set off a huge avalanche on the world 's highest peak .at least 65 british climbers and holidaymakers were feared missing yesterday as the death toll in the nepal earthquake reached 2,500 .on everest , survivors described running for their lives as a ` tsunami ' of snow and ice triggered by tremors descended on base camp .\n", + "65 british climbers feared missing as death toll in nepal reaches 2,500survivors on everest recall ` tsunami ' of snow and ice triggered by quakeclimbers left stranded by the tonnes of debris and ice blocking their routesin kathmandu and pokhara buildings were reduced to matchsticks\n", + "[1.2615187 1.3635415 1.156011 1.2507606 1.0853794 1.1145462 1.1994538\n", + " 1.1121066 1.0794601 1.2052283 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 9 6 2 5 7 4 8 21 20 19 18 17 16 11 14 13 12 22 10 15 23]\n", + "=======================\n", + "[\"spanish beauty raquel mauri , whom the croatia international married in 2013 , posted an insight into the pair 's enviable lifestyle featuring a selfie of the two of them taking in some sun , surf and sand .he earns millions playing for a barcelona team regarded as one of the greatest in history and spends his time-off relaxing at the beach with his beautiful wife , is ivan rakitic living the dream of every sports fan ?lionel messi posted a picture on his instagram account of his wife having her stomach kissed by their son\"]\n", + "=======================\n", + "['ivan rakitic and wife raquel mauri shared instagram selfie from the beachbarcelona midfielder is hoping for la liga and champions league glorylionel messi is expecting a second child with antonella roccuzzo']\n", + "spanish beauty raquel mauri , whom the croatia international married in 2013 , posted an insight into the pair 's enviable lifestyle featuring a selfie of the two of them taking in some sun , surf and sand .he earns millions playing for a barcelona team regarded as one of the greatest in history and spends his time-off relaxing at the beach with his beautiful wife , is ivan rakitic living the dream of every sports fan ?lionel messi posted a picture on his instagram account of his wife having her stomach kissed by their son\n", + "ivan rakitic and wife raquel mauri shared instagram selfie from the beachbarcelona midfielder is hoping for la liga and champions league glorylionel messi is expecting a second child with antonella roccuzzo\n", + "[1.5552998 1.3428462 1.0793242 1.0518336 1.0310804 1.0321207 1.1110985\n", + " 1.0171688 1.0259966 1.0371194 1.3417829 1.1587443 1.1358888 1.0127089\n", + " 1.012309 1.0585694 1.0205126 1.0134174 1.0200305 1.0205501 1.0517093\n", + " 1.0135163 1.0207635 1.0200047]\n", + "\n", + "[ 0 1 10 11 12 6 2 15 3 20 9 5 4 8 22 19 16 18 23 7 21 17 13 14]\n", + "=======================\n", + "[\"portland timbers defender liam ridgewell writes his second column for sportsmail with the 2015 major league soccer season well under way in the united states .here , the 30-year-old from bexleyheath discusses his family 's visits to portland , coming up against orlando city 's brazilian star kaka and the upcoming clash against fierce rivals seattle sounders on monday morning at 2:30 am uk time .ridgewell ( right ) attempts to gee up his side during a match against new york city fc last week\"]\n", + "=======================\n", + "['liam ridgewell is currently playing for the portland timbers in mlsthe 30-year-old came up against brazilian kaka , who plays for orlando cityridgewell welcomed his family for a visit to the united states of americaportland take on fierce rivals seattle sounders on monday at 2:30 am uk']\n", + "portland timbers defender liam ridgewell writes his second column for sportsmail with the 2015 major league soccer season well under way in the united states .here , the 30-year-old from bexleyheath discusses his family 's visits to portland , coming up against orlando city 's brazilian star kaka and the upcoming clash against fierce rivals seattle sounders on monday morning at 2:30 am uk time .ridgewell ( right ) attempts to gee up his side during a match against new york city fc last week\n", + "liam ridgewell is currently playing for the portland timbers in mlsthe 30-year-old came up against brazilian kaka , who plays for orlando cityridgewell welcomed his family for a visit to the united states of americaportland take on fierce rivals seattle sounders on monday at 2:30 am uk\n", + "[1.4077927 1.5041387 1.2204746 1.3342586 1.4105173 1.0521094 1.0206734\n", + " 1.0273234 1.023511 1.0302356 1.0564924 1.0165207 1.050796 1.0197531\n", + " 1.1254419 1.0845731 1.0508099 1.0088643 1.008922 1.0087835 1.2564089\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 3 20 2 14 15 10 5 16 12 9 7 8 6 13 11 18 17 19 22 21 23]\n", + "=======================\n", + "[\"arsenal thrashed liverpool 4-1 at home with goals from hector bellerin , mesut ozil , alexis sanchez and olivier giroud and are seven points behind chelsea , with the premier league leaders having to visit the emirates in two weeks ' time -- although jose mourinho 's team still have a game in hand .hector bellerin celebrates after putting arsenal 1-0 ahead against liverpool in the first half on saturdayarsene wenger says that arsenal will have to be perfect until the end of the season if they want to challenge for the title -- but maintains that they will be ready if chelsea slip .\"]\n", + "=======================\n", + "[\"arsenal thrash liverpool 4-1 in dominant display to go secondgunners are still four points behind chelsea , who have a game in handarsene wenger says his side looking up , but remain focused on each gamebrendan rodgers praises ` outstanding ' raheem sterling despite defeat\"]\n", + "arsenal thrashed liverpool 4-1 at home with goals from hector bellerin , mesut ozil , alexis sanchez and olivier giroud and are seven points behind chelsea , with the premier league leaders having to visit the emirates in two weeks ' time -- although jose mourinho 's team still have a game in hand .hector bellerin celebrates after putting arsenal 1-0 ahead against liverpool in the first half on saturdayarsene wenger says that arsenal will have to be perfect until the end of the season if they want to challenge for the title -- but maintains that they will be ready if chelsea slip .\n", + "arsenal thrash liverpool 4-1 in dominant display to go secondgunners are still four points behind chelsea , who have a game in handarsene wenger says his side looking up , but remain focused on each gamebrendan rodgers praises ` outstanding ' raheem sterling despite defeat\n", + "[1.503515 1.2384866 1.4342918 1.206559 1.2264775 1.1705087 1.0807537\n", + " 1.0628818 1.0409217 1.0501317 1.071747 1.0762519 1.0722672 1.1498992\n", + " 1.0392174 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 4 3 5 13 6 11 12 10 7 9 8 14 22 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"dr unt tun maung , 43 , asked the vulnerable teen to remove her bra before cupping and squeezing each of her breasts , durham crown court hearda married gp who fondled a vulnerable teenager 's breasts when she came to him complaining of chest pains has been jailed for 18 months .the father-of-one , of chester-le-street , county durham , had spent 12 years working in the nhs , but has now lost everything because of a ` moment of madness ' , his lawyer told the court .\"]\n", + "=======================\n", + "[\"dr unt tun maung , 43 , working as a locum gp on teesside at time of attackhe asked vulnerable girl to remove her bra before cupping her breastscourt told he was a clever , respected man who had a ` moment of madness 'currently suspended and is facing general medical council investigation\"]\n", + "dr unt tun maung , 43 , asked the vulnerable teen to remove her bra before cupping and squeezing each of her breasts , durham crown court hearda married gp who fondled a vulnerable teenager 's breasts when she came to him complaining of chest pains has been jailed for 18 months .the father-of-one , of chester-le-street , county durham , had spent 12 years working in the nhs , but has now lost everything because of a ` moment of madness ' , his lawyer told the court .\n", + "dr unt tun maung , 43 , working as a locum gp on teesside at time of attackhe asked vulnerable girl to remove her bra before cupping her breastscourt told he was a clever , respected man who had a ` moment of madness 'currently suspended and is facing general medical council investigation\n", + "[1.1876209 1.4828658 1.3223739 1.3509505 1.1230897 1.2215244 1.092171\n", + " 1.1416159 1.0942494 1.0756522 1.0167704 1.0220827 1.0727987 1.0835329\n", + " 1.0540477 1.0151958 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 5 0 7 4 8 6 13 9 12 14 11 10 15 18 16 17 19]\n", + "=======================\n", + "['leanne kenny , 23 , from northwich , cheshire , reached almost 20 stone after repeatedly taking home end-of-the-line discounted junk food .leanne kenny ballooned to almost 20st after snacking on leftover goods at her place of work , but after ditching the snacks leanne has lost 7st and now weighs in at 13stthe supermarket worker would snack on bumper bars of chocolate , baked goods and fizzy drinks going cheap because of their sell-by dates .']\n", + "=======================\n", + "['leanne kenny reached 20st after starting work as a check out girlshe would take reduced products home and snack on them each nightshe has since joined weight watchers losing 7st and ten dress sizes']\n", + "leanne kenny , 23 , from northwich , cheshire , reached almost 20 stone after repeatedly taking home end-of-the-line discounted junk food .leanne kenny ballooned to almost 20st after snacking on leftover goods at her place of work , but after ditching the snacks leanne has lost 7st and now weighs in at 13stthe supermarket worker would snack on bumper bars of chocolate , baked goods and fizzy drinks going cheap because of their sell-by dates .\n", + "leanne kenny reached 20st after starting work as a check out girlshe would take reduced products home and snack on them each nightshe has since joined weight watchers losing 7st and ten dress sizes\n", + "[1.0746539 1.3874139 1.2661843 1.2232934 1.1673967 1.0605435 1.1392951\n", + " 1.1252177 1.1298575 1.078852 1.0219145 1.0642786 1.0261344 1.0533794\n", + " 1.0169313 1.0740117 1.0374514 1.1100968 1.0601666 1.0230117]\n", + "\n", + "[ 1 2 3 4 6 8 7 17 9 0 15 11 5 18 13 16 12 19 10 14]\n", + "=======================\n", + "[\"two weeks ago the prime minister let the bbc film him preparing lunch at his home in his oxfordshire constituency .then this weekend it was the no 10 kitchen that was the focus of attention as he made a pitch for the family vote by being pictured at breakfast with wife samantha and their three children .breakfast time : david and samantha cameron talk to their nine-year-old son elwen in tonight 's itv film\"]\n", + "=======================\n", + "[\"david cameron invited itv film crew into downing street kitchen for showinterview also featuring his wife samantha is to be shown on itv tonightin show , pm is teased for appearing to confuse hit film frozen for a booksamcam says family joke over breakfast as way of keeping pm ` grounded '\"]\n", + "two weeks ago the prime minister let the bbc film him preparing lunch at his home in his oxfordshire constituency .then this weekend it was the no 10 kitchen that was the focus of attention as he made a pitch for the family vote by being pictured at breakfast with wife samantha and their three children .breakfast time : david and samantha cameron talk to their nine-year-old son elwen in tonight 's itv film\n", + "david cameron invited itv film crew into downing street kitchen for showinterview also featuring his wife samantha is to be shown on itv tonightin show , pm is teased for appearing to confuse hit film frozen for a booksamcam says family joke over breakfast as way of keeping pm ` grounded '\n", + "[1.3711641 1.2551401 1.2469682 1.1259189 1.1491847 1.0980524 1.0445538\n", + " 1.031542 1.0364497 1.1883318 1.0505133 1.1109085 1.0850947 1.0603487\n", + " 1.1186883 1.0794001 1.0442346 1.0206262 1.0140339 0. ]\n", + "\n", + "[ 0 1 2 9 4 3 14 11 5 12 15 13 10 6 16 8 7 17 18 19]\n", + "=======================\n", + "[\"the archbishop of canterbury ( above ) yesterday called on christians to use non-violent means of resistance when faced with persecution by extremists - days after an attack in kenya killed 150 peoplein the wake of the slaughter of christian students in kenya and the barbarity of islamic state militants , the most reverend justin welby said the dead were ` martyrs ' .on maundy thursday , three days ago , around 150 kenyans were killed because of being christian .\"]\n", + "=======================\n", + "[\"archbishop of canterbury also said the dead were ` martyrs ' in speechpope francis called for governments to intervene in syria and iraq\"]\n", + "the archbishop of canterbury ( above ) yesterday called on christians to use non-violent means of resistance when faced with persecution by extremists - days after an attack in kenya killed 150 peoplein the wake of the slaughter of christian students in kenya and the barbarity of islamic state militants , the most reverend justin welby said the dead were ` martyrs ' .on maundy thursday , three days ago , around 150 kenyans were killed because of being christian .\n", + "archbishop of canterbury also said the dead were ` martyrs ' in speechpope francis called for governments to intervene in syria and iraq\n", + "[1.4347694 1.5267859 1.1567465 1.3396317 1.1023026 1.1143286 1.1088594\n", + " 1.0481436 1.2046738 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 8 2 5 6 4 7 17 16 15 14 9 12 11 10 18 13 19]\n", + "=======================\n", + "['first-half goals from carlos tevez - his 26th of the season in all competitions - and centre-back leonardo bonucci pushed juve 15 points clear of second place with only seven games remaining .juventus moved ever closer to clinching a fourth straight serie a title by beating nearest challengers lazio 2-0 in turin .carlos tevez opened the scoring for juventus after 17 minutes as they beat lazio on saturday']\n", + "=======================\n", + "['juventus beat lazio 2-0 on saturday to move 15 points clear in serie acarlos tevez and leonardo bonucci scored in the first half for old ladyearlier in the day sampdoria were held to a draw by lowly cesena']\n", + "first-half goals from carlos tevez - his 26th of the season in all competitions - and centre-back leonardo bonucci pushed juve 15 points clear of second place with only seven games remaining .juventus moved ever closer to clinching a fourth straight serie a title by beating nearest challengers lazio 2-0 in turin .carlos tevez opened the scoring for juventus after 17 minutes as they beat lazio on saturday\n", + "juventus beat lazio 2-0 on saturday to move 15 points clear in serie acarlos tevez and leonardo bonucci scored in the first half for old ladyearlier in the day sampdoria were held to a draw by lowly cesena\n", + "[1.3372302 1.4084624 1.1213189 1.1942945 1.0846533 1.0612036 1.123537\n", + " 1.0824814 1.1292795 1.0757538 1.0515462 1.0946739 1.0226654 1.0321239\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 8 6 2 11 4 7 9 5 10 13 12 14 15 16 17 18 19]\n", + "=======================\n", + "[\"the clip , which was created by the make it fair project , presents a string of statistics that highlight the disproportionate presence that men have in influential industries like hollywood , which means that , more often than not , males hold 70 to 95 per cent of the industry 's most important positions .rita wilson appears with an ensemble of actresses in a satirical new video promoting gender equality which ironically proclaims : ` it 's only fair that men should have it all . '` we wo n't relent 'til it 's 100 per cent , ' the women sing in a tongue-in-cheek refrain that repeats throughout the psa .\"]\n", + "=======================\n", + "[\"the psa spoof highlights a series of shocking statistics about the number of women working within the movie industryon broadway last year , '13 out of 13 ' plays were written by men , while 88 per cent of hit movies in 2014 starred menthe satirical video , which says it 's ` only fair ' that men ` have it all ' includes appearances from other actresses including mamie gummerin the clip , the women also point out several other areas in which men remain the dominant gender\"]\n", + "the clip , which was created by the make it fair project , presents a string of statistics that highlight the disproportionate presence that men have in influential industries like hollywood , which means that , more often than not , males hold 70 to 95 per cent of the industry 's most important positions .rita wilson appears with an ensemble of actresses in a satirical new video promoting gender equality which ironically proclaims : ` it 's only fair that men should have it all . '` we wo n't relent 'til it 's 100 per cent , ' the women sing in a tongue-in-cheek refrain that repeats throughout the psa .\n", + "the psa spoof highlights a series of shocking statistics about the number of women working within the movie industryon broadway last year , '13 out of 13 ' plays were written by men , while 88 per cent of hit movies in 2014 starred menthe satirical video , which says it 's ` only fair ' that men ` have it all ' includes appearances from other actresses including mamie gummerin the clip , the women also point out several other areas in which men remain the dominant gender\n", + "[1.0476336 1.1261225 1.2145786 1.454921 1.3129162 1.1138394 1.035402\n", + " 1.2069199 1.2904727 1.0453184 1.0955943 1.0690297 1.0268923 1.0507723\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 8 2 7 1 5 10 11 13 0 9 6 12 14 15 16 17 18]\n", + "=======================\n", + "[\"new hospitality : british scientists spent almost 18 years developing the robotic ` chef ' handsthey have come up with a set of robotic arms so sophisticated that they are capable of cooking meals from scratch .the device will be sold from as early as 2017 as part of a purpose-built high-tech kitchen , priced at around # 10,000 ( $ 14,000 ) , which includes an oven , hob , dishwasher and sink .\"]\n", + "=======================\n", + "['british scientists invents robotic hands able to cook a meal from scratchhands each governed by 24 motors , 26 micro-controllers and 129 sensorsthe # 10,000 ( $ 14,000 ) kitchen device will be sold from as early as 2017']\n", + "new hospitality : british scientists spent almost 18 years developing the robotic ` chef ' handsthey have come up with a set of robotic arms so sophisticated that they are capable of cooking meals from scratch .the device will be sold from as early as 2017 as part of a purpose-built high-tech kitchen , priced at around # 10,000 ( $ 14,000 ) , which includes an oven , hob , dishwasher and sink .\n", + "british scientists invents robotic hands able to cook a meal from scratchhands each governed by 24 motors , 26 micro-controllers and 129 sensorsthe # 10,000 ( $ 14,000 ) kitchen device will be sold from as early as 2017\n", + "[1.3419951 1.4575022 1.3139371 1.2626387 1.1511503 1.1193254 1.027568\n", + " 1.0386975 1.2064201 1.0389054 1.0675125 1.0275598 1.0237284 1.0226382\n", + " 1.0118946 1.0168697 1.013161 0. 0. ]\n", + "\n", + "[ 1 0 2 3 8 4 5 10 9 7 6 11 12 13 15 16 14 17 18]\n", + "=======================\n", + "['on monday night , pacquiao arrived in las vegas ahead of his mgm grand summit with mayweather .after two months since the official announcement , floyd mayweather and manny pacquiao are into the final few days of their preparation at camp ahead of their monumental bout on saturday .the 36-year-old was seen arriving on the world-famous strip in the nevada desert at the mandalay bay hotel , which will be his base for the week .']\n", + "=======================\n", + "['floyd mayweather will be fighting manny pacquiao in las vegas on may 2mayweather has been training at his mayweather boxing club in las vegaspacquiao has been preparing at the wild card gym in los angeles']\n", + "on monday night , pacquiao arrived in las vegas ahead of his mgm grand summit with mayweather .after two months since the official announcement , floyd mayweather and manny pacquiao are into the final few days of their preparation at camp ahead of their monumental bout on saturday .the 36-year-old was seen arriving on the world-famous strip in the nevada desert at the mandalay bay hotel , which will be his base for the week .\n", + "floyd mayweather will be fighting manny pacquiao in las vegas on may 2mayweather has been training at his mayweather boxing club in las vegaspacquiao has been preparing at the wild card gym in los angeles\n", + "[1.2420222 1.3000398 1.3670505 1.331164 1.2958398 1.161128 1.2542133\n", + " 1.1239477 1.0419439 1.0544486 1.032641 1.0477549 1.1242079 1.0202852\n", + " 1.035995 1.011389 1.013923 0. 0. ]\n", + "\n", + "[ 2 3 1 4 6 0 5 12 7 9 11 8 14 10 13 16 15 17 18]\n", + "=======================\n", + "['it comes less than a month after the death of 32-day-old riley who died after contracting whooping cough .his parents catherine and greg are now leading a campaign , urging adults to vaccinate themselves and their children to prevent more infant deaths from the terrible disease .however , medical professionals insist the resource shortage will not affect the immunisation programs for babies , children and pregnant women .']\n", + "=======================\n", + "[\"queensland health confirms there 's a shortage of whooping cough vaccinethere is an insufficient supply of a booster which is used for adultsmedical professionals insist the shortage will not affect immunisation program for babies , children and pregnant womenit 's australia 's least well-controlled of all vaccine-preventable diseasesriley hughes died in a perth hospital at just 32 days old on march 17his parents are campaigning for adults to vaccinate themselves and their children to avoid other preventable infant deathswhooping cough is ` highly infectious ' and lethal in babiesimmunisation against it is available for children from two months old\"]\n", + "it comes less than a month after the death of 32-day-old riley who died after contracting whooping cough .his parents catherine and greg are now leading a campaign , urging adults to vaccinate themselves and their children to prevent more infant deaths from the terrible disease .however , medical professionals insist the resource shortage will not affect the immunisation programs for babies , children and pregnant women .\n", + "queensland health confirms there 's a shortage of whooping cough vaccinethere is an insufficient supply of a booster which is used for adultsmedical professionals insist the shortage will not affect immunisation program for babies , children and pregnant womenit 's australia 's least well-controlled of all vaccine-preventable diseasesriley hughes died in a perth hospital at just 32 days old on march 17his parents are campaigning for adults to vaccinate themselves and their children to avoid other preventable infant deathswhooping cough is ` highly infectious ' and lethal in babiesimmunisation against it is available for children from two months old\n", + "[1.293397 1.5626583 1.3586013 1.3733029 1.0564916 1.2962891 1.1029485\n", + " 1.0230387 1.0324686 1.0243832 1.0149506 1.1004151 1.0173273 1.0506349\n", + " 1.0720315 1.0477953 1.0317245 1.0106001 1.0515163]\n", + "\n", + "[ 1 3 2 5 0 6 11 14 4 18 13 15 8 16 9 7 12 10 17]\n", + "=======================\n", + "[\"melbourne-born , paris-based martin grant will refresh the uniforms worn by qantas ' domestic and international pilots which have not been changed for more than a decade .a key focus of the redesign will be the female uniform , with ceo alan joyce saying there are an increasing number of women joining the ranks of qantas pilots .the fashion designer also created new qantas uniforms for cabin crew in 2013 , modelled by miranda kerr\"]\n", + "=======================\n", + "[\"melbourne-born designer martin grant will refresh qantas pilot uniformsa key focus of the redesign will be the female uniform , to cater for an increasing number of women joining the ranksthe focus will be on comfort and durability as pilots can spend up to 16 hours in the cockpit at any one timethe attire worn by the airline 's pilots has evolved significantly since 1935\"]\n", + "melbourne-born , paris-based martin grant will refresh the uniforms worn by qantas ' domestic and international pilots which have not been changed for more than a decade .a key focus of the redesign will be the female uniform , with ceo alan joyce saying there are an increasing number of women joining the ranks of qantas pilots .the fashion designer also created new qantas uniforms for cabin crew in 2013 , modelled by miranda kerr\n", + "melbourne-born designer martin grant will refresh qantas pilot uniformsa key focus of the redesign will be the female uniform , to cater for an increasing number of women joining the ranksthe focus will be on comfort and durability as pilots can spend up to 16 hours in the cockpit at any one timethe attire worn by the airline 's pilots has evolved significantly since 1935\n", + "[1.1915148 1.2070802 1.2476884 1.0704174 1.2741435 1.0955021 1.0882634\n", + " 1.0950265 1.0836279 1.0542578 1.047654 1.045289 1.0579993 1.032596\n", + " 1.0227163 1.021127 0. 0. 0. ]\n", + "\n", + "[ 4 2 1 0 5 7 6 8 3 12 9 10 11 13 14 15 17 16 18]\n", + "=======================\n", + "['but about 20,000 people died from execution , starvation or exhaustion during this exodus at gunpoint , according to war crimes prosecutors ; the others were subjected to slave labor in rural camps once they reached their destination , where many met similar fates .ly , then 13 , was separated from her mother and two of her sisters who , along with virtually the entire population of phnom penh -- about two million people -- were sent on a forced march into the countryside to work .( cnn ) on the stage of a tv studio in phnom penh , cambodian-american ly sivhong is telling an engrossed audience a tragic , but familiar , story .']\n", + "=======================\n", + "['phnom penh , the cambodian capital , fell to the genocidal khmer rouge 40 years ago todayat least 1.7 million people were killed in the subsequent four years , before the regime was driven outdecades on , the country is still struggling to gain justice for victims and heal from the genocide']\n", + "but about 20,000 people died from execution , starvation or exhaustion during this exodus at gunpoint , according to war crimes prosecutors ; the others were subjected to slave labor in rural camps once they reached their destination , where many met similar fates .ly , then 13 , was separated from her mother and two of her sisters who , along with virtually the entire population of phnom penh -- about two million people -- were sent on a forced march into the countryside to work .( cnn ) on the stage of a tv studio in phnom penh , cambodian-american ly sivhong is telling an engrossed audience a tragic , but familiar , story .\n", + "phnom penh , the cambodian capital , fell to the genocidal khmer rouge 40 years ago todayat least 1.7 million people were killed in the subsequent four years , before the regime was driven outdecades on , the country is still struggling to gain justice for victims and heal from the genocide\n", + "[1.1947877 1.2000036 1.2138407 1.138356 1.131037 1.0738583 1.2181542\n", + " 1.0339763 1.0309144 1.2489551 1.1851763 1.0540632 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 9 6 2 1 0 10 3 4 5 11 7 8 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"the term ` the prince george effect ' was coined just three days after his birth when the # 20 printed white aden + anais cloth in which the duke and duchess of cambridge wrapped their baby son before leaving the lindo wing of st mary 's hospital sold out almost instantlythe baby could generate a billion pounds over its lifetime .indeed , if prince george 's first year - which boosted the economy by # 247m - is anything to go by , anything that the second-born touches will turn to gold and copycat designs will bring a welcome boost to the high street .\"]\n", + "=======================\n", + "['cath kidston , aden + anais and les petites abeilles boosted by georgeeverything he has worn - and similar designs - sold out instantlygeorge effect has boosted high street copy-cat salesroyal baby number two , who is due within weeks , is likely to do the same']\n", + "the term ` the prince george effect ' was coined just three days after his birth when the # 20 printed white aden + anais cloth in which the duke and duchess of cambridge wrapped their baby son before leaving the lindo wing of st mary 's hospital sold out almost instantlythe baby could generate a billion pounds over its lifetime .indeed , if prince george 's first year - which boosted the economy by # 247m - is anything to go by , anything that the second-born touches will turn to gold and copycat designs will bring a welcome boost to the high street .\n", + "cath kidston , aden + anais and les petites abeilles boosted by georgeeverything he has worn - and similar designs - sold out instantlygeorge effect has boosted high street copy-cat salesroyal baby number two , who is due within weeks , is likely to do the same\n", + "[1.1319231 1.2004759 1.2070028 1.1540931 1.0312674 1.4785331 1.2187738\n", + " 1.0576825 1.034579 1.1187273 1.0575528 1.093966 1.0566489 1.0463601\n", + " 1.1324087 1.1291372 1.051065 1.0112576 1.0117139 1.012479 1.0117046]\n", + "\n", + "[ 5 6 2 1 3 14 0 15 9 11 7 10 12 16 13 8 4 19 18 20 17]\n", + "=======================\n", + "[\"jack grealish put in a dazzling performance as aston villa beat liverpool in an fa cup semi-final on sundayvilla fan grealish takes on liverpool 's emre can at wembley during the impressive 2-1 victory at wembleyon his debut for john mitchels , a gaa club in warwickshire , he received a mighty blow and appealed to the referee .\"]\n", + "=======================\n", + "[\"jack grealish impressed as aston villa beat liverpool at wembleya villa fan , grealish helped the club reach their first final since 2000the 19-year-old wears his socks down to show he is not afraid of tacklesgrealish 's great-great grandfather , billy garraty , won the fa cup in 1905tim sherwood : grealish must focus on aston villa not international futureread : grealish to decide international future at end of season\"]\n", + "jack grealish put in a dazzling performance as aston villa beat liverpool in an fa cup semi-final on sundayvilla fan grealish takes on liverpool 's emre can at wembley during the impressive 2-1 victory at wembleyon his debut for john mitchels , a gaa club in warwickshire , he received a mighty blow and appealed to the referee .\n", + "jack grealish impressed as aston villa beat liverpool at wembleya villa fan , grealish helped the club reach their first final since 2000the 19-year-old wears his socks down to show he is not afraid of tacklesgrealish 's great-great grandfather , billy garraty , won the fa cup in 1905tim sherwood : grealish must focus on aston villa not international futureread : grealish to decide international future at end of season\n", + "[1.5012484 1.3082246 1.1765807 1.4861064 1.1639619 1.0477959 1.0155017\n", + " 1.0322555 1.0139326 1.0217676 1.1312339 1.0740066 1.0689812 1.0971999\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 10 13 11 12 5 7 9 6 8 19 14 15 16 17 18 20]\n", + "=======================\n", + "['rangers boss stuart mccall says he is already working on a dossier of signing targets for next season - even though he may not be around to parade them .the interim ibrox manager still does not know if he will be in charge beyond the current campaign after being lured back to his old club to kick-start their faltering promotion bid .so far , everything is going to plan with gers second in the scottish championship table and destined for a semi-final play-off slot .']\n", + "=======================\n", + "[\"rangers are currently second in the scottish championshipstuart mccall 's side are in pole position to go up via the play-offsbut mccall is still not certain of his future at the club next seasonrangers boss says he is still trying to build the squad for next yearrangers have begun to expand their scouting after several poor years\"]\n", + "rangers boss stuart mccall says he is already working on a dossier of signing targets for next season - even though he may not be around to parade them .the interim ibrox manager still does not know if he will be in charge beyond the current campaign after being lured back to his old club to kick-start their faltering promotion bid .so far , everything is going to plan with gers second in the scottish championship table and destined for a semi-final play-off slot .\n", + "rangers are currently second in the scottish championshipstuart mccall 's side are in pole position to go up via the play-offsbut mccall is still not certain of his future at the club next seasonrangers boss says he is still trying to build the squad for next yearrangers have begun to expand their scouting after several poor years\n", + "[1.239628 1.5087042 1.1553413 1.1933467 1.3430959 1.0622783 1.1446445\n", + " 1.0795195 1.0989403 1.0216339 1.1814232 1.059013 1.0621673 1.0552558\n", + " 1.0319736 1.0516765 1.0133086 1.132867 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 3 10 2 6 17 8 7 5 12 11 13 15 14 9 16 19 18 20]\n", + "=======================\n", + "['jack henry doshay , 22 , appeared in court for the first time on friday as he pleaded not guilty to charges of kidnapping , false imprisonment with violence and child cruelty .the troubled son of an influential san diego businessman was arrested last week for allegedly attempting to kidnap a 7-year-old girl from a local elementary school .glenn doshay is a minority owner of the san diego padres and a former investment manager who focuses on charitable causes with his wife .']\n", + "=======================\n", + "['jack henry doshay , 22 , was arrested at a residential facility wednesday where he was receiving treatment for depressionauthorities say he tried to kidnap a 7-year-old girl from a solana beach , california elementary school on march 23on friday , doshay pleaded not guilty to charges of kidnapping , false imprisonment with violence and child cruelty in his first court appearancehe is the son of prominent san diego businessman glenn doshay , who is a minority owner of the san diego padres baseball team']\n", + "jack henry doshay , 22 , appeared in court for the first time on friday as he pleaded not guilty to charges of kidnapping , false imprisonment with violence and child cruelty .the troubled son of an influential san diego businessman was arrested last week for allegedly attempting to kidnap a 7-year-old girl from a local elementary school .glenn doshay is a minority owner of the san diego padres and a former investment manager who focuses on charitable causes with his wife .\n", + "jack henry doshay , 22 , was arrested at a residential facility wednesday where he was receiving treatment for depressionauthorities say he tried to kidnap a 7-year-old girl from a solana beach , california elementary school on march 23on friday , doshay pleaded not guilty to charges of kidnapping , false imprisonment with violence and child cruelty in his first court appearancehe is the son of prominent san diego businessman glenn doshay , who is a minority owner of the san diego padres baseball team\n", + "[1.5589383 1.4764493 1.3290917 1.4597964 1.1620541 1.0501543 1.0267891\n", + " 1.0275294 1.0347652 1.0152111 1.0353504 1.0123489 1.2447941 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 12 4 5 10 8 7 6 9 11 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "['sheffield wednesday are ready to offer new contracts to defender tom lees and goalkeeper keiren westwood .wednesday equalled their club record of 17 clean sheets in a season on tuesday night with a 1-0 win over promotion-chasing brentford .tom lees ( right ) is in line to offered a new deal at sheffield wednesday after impressing since joining the club']\n", + "=======================\n", + "[\"sheffield wednesday beat brentford 1-0 in the championship on tuesdaywednesday equalled club record of 17 clean sheets in a season with wintom lees and kieren westwood in mix for club 's player of the year award\"]\n", + "sheffield wednesday are ready to offer new contracts to defender tom lees and goalkeeper keiren westwood .wednesday equalled their club record of 17 clean sheets in a season on tuesday night with a 1-0 win over promotion-chasing brentford .tom lees ( right ) is in line to offered a new deal at sheffield wednesday after impressing since joining the club\n", + "sheffield wednesday beat brentford 1-0 in the championship on tuesdaywednesday equalled club record of 17 clean sheets in a season with wintom lees and kieren westwood in mix for club 's player of the year award\n", + "[1.511348 1.4210906 1.0676117 1.460501 1.0473567 1.0393407 1.0587987\n", + " 1.1965214 1.3312197 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 8 7 2 6 4 5 16 15 14 13 9 11 10 17 12 18]\n", + "=======================\n", + "['ben crenshaw will mark his 44th and last consecutive appearance in the masters by standing in for arnold palmer in the traditional par-three tournament at augusta national .palmer is unable to play alongside gary player and jack nicklaus in the curtain-raising event on wednesday afternoon as he recovers from a dislocated shoulder , although the 85-year-old will still act as honorary starter on thursday .the winner of the par three contest has never gone on to win the tournament proper in the same year .']\n", + "=======================\n", + "['ben crenshaw will replace arnold palmer for the par-three contestpalmer is recovering from dislocated shoulder but will be honorary startercrenshaw joins gary player and jack nicklaus for the event opener']\n", + "ben crenshaw will mark his 44th and last consecutive appearance in the masters by standing in for arnold palmer in the traditional par-three tournament at augusta national .palmer is unable to play alongside gary player and jack nicklaus in the curtain-raising event on wednesday afternoon as he recovers from a dislocated shoulder , although the 85-year-old will still act as honorary starter on thursday .the winner of the par three contest has never gone on to win the tournament proper in the same year .\n", + "ben crenshaw will replace arnold palmer for the par-three contestpalmer is recovering from dislocated shoulder but will be honorary startercrenshaw joins gary player and jack nicklaus for the event opener\n", + "[1.0921519 1.4263127 1.3368134 1.2914649 1.2009733 1.2526896 1.1610065\n", + " 1.090302 1.0819126 1.0338131 1.0616174 1.0584354 1.0561855 1.0238819\n", + " 1.0183445 1.0884396 1.0767893 1.0358552 1.0479509]\n", + "\n", + "[ 1 2 3 5 4 6 0 7 15 8 16 10 11 12 18 17 9 13 14]\n", + "=======================\n", + "['warner bros and dc entertainment attempted to set a world record for the largest gatherings of people dressed as dc comics superheroes within 24 hours .the april 18 event kicked off in queensland , australia , with a celebration at the movie world australia theme park and ended in los angeles , california , at the hollywood & highland center .comic book fans around the world dressed up in unison in an attempt to break the record on april 18 , 2015']\n", + "=======================\n", + "['warner bros and dc comics wanted to set world record for the largest gatherings of people dressed as dc comics superheroes within 24 hoursthe event kicked off on april 18 in queensland , australia , at movie worldus , uk , france , brazil , italy , spain , taiwan , mexico , philippines also hostedthe old world record set in 2010 at 1,580 so seems likely it was shattered']\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "warner bros and dc entertainment attempted to set a world record for the largest gatherings of people dressed as dc comics superheroes within 24 hours .the april 18 event kicked off in queensland , australia , with a celebration at the movie world australia theme park and ended in los angeles , california , at the hollywood & highland center .comic book fans around the world dressed up in unison in an attempt to break the record on april 18 , 2015\n", + "warner bros and dc comics wanted to set world record for the largest gatherings of people dressed as dc comics superheroes within 24 hoursthe event kicked off on april 18 in queensland , australia , at movie worldus , uk , france , brazil , italy , spain , taiwan , mexico , philippines also hostedthe old world record set in 2010 at 1,580 so seems likely it was shattered\n", + "[1.2008486 1.4300938 1.3512973 1.1662118 1.1742506 1.3360558 1.1098704\n", + " 1.0630183 1.0757009 1.0457745 1.057576 1.033658 1.0155976 1.0943235\n", + " 1.0901327 1.0713745 1.0410501 0. 0. ]\n", + "\n", + "[ 1 2 5 0 4 3 6 13 14 8 15 7 10 9 16 11 12 17 18]\n", + "=======================\n", + "[\"john t. booker jr , was detained in manhattan , kansas , on friday morning and charged with multiple terror offenses , including attempting to use a weapon of mass destruction .an islamic state sympathizer who was plotting to carry out an attack on a us military base similar to the deadly assault at fort hood in 2009 has been arrested .a religious leader who had counseled the ` troubled ' young man said that he was mentally ill .\"]\n", + "=======================\n", + "[\"james t. booker , 20 , of topeka , kansas , was arrested following fbi stinghis plan to join army was stopped last year after extremist facebook posthe faces terrorism charges , including using a weapon of mass destructionbooker arrested outside fort riley 's supposed ` secret gate ' with car bombimam says that suspect was mentally illalexander blair , 28 , arrested for failing to inform authorities about plan\"]\n", + "john t. booker jr , was detained in manhattan , kansas , on friday morning and charged with multiple terror offenses , including attempting to use a weapon of mass destruction .an islamic state sympathizer who was plotting to carry out an attack on a us military base similar to the deadly assault at fort hood in 2009 has been arrested .a religious leader who had counseled the ` troubled ' young man said that he was mentally ill .\n", + "james t. booker , 20 , of topeka , kansas , was arrested following fbi stinghis plan to join army was stopped last year after extremist facebook posthe faces terrorism charges , including using a weapon of mass destructionbooker arrested outside fort riley 's supposed ` secret gate ' with car bombimam says that suspect was mentally illalexander blair , 28 , arrested for failing to inform authorities about plan\n", + "[1.4187399 1.3804979 1.1496576 1.3876405 1.2551382 1.0668244 1.0536468\n", + " 1.0406747 1.0326098 1.0509847 1.035244 1.1209736 1.1806412 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 12 2 11 5 6 9 7 10 8 13 14 15 16 17 18]\n", + "=======================\n", + "[\"manchester city have already met jurgen klopp to assess him for the manager 's job -- but it was back in 2013 when they were seeking a replacement for roberto mancini .txiki begiristain , city 's director of football met the borussia dortmund manager and concluded that he was not the right fit for city -- and the club went on to appoint manuel pellegrini .the dortmund boss will leave the club at the end of this season , with suggestions he could take over at city\"]\n", + "=======================\n", + "[\"manuel pellegrini 's job at manchester city is precariousthe premier league champions have struggled this seasoncity met with jurgen klopp two years ago but opted for pellegrinithe dortmund manager will leave the club at the end of this campaign\"]\n", + "manchester city have already met jurgen klopp to assess him for the manager 's job -- but it was back in 2013 when they were seeking a replacement for roberto mancini .txiki begiristain , city 's director of football met the borussia dortmund manager and concluded that he was not the right fit for city -- and the club went on to appoint manuel pellegrini .the dortmund boss will leave the club at the end of this season , with suggestions he could take over at city\n", + "manuel pellegrini 's job at manchester city is precariousthe premier league champions have struggled this seasoncity met with jurgen klopp two years ago but opted for pellegrinithe dortmund manager will leave the club at the end of this campaign\n", + "[1.2216537 1.5426093 1.2795775 1.2448423 1.2269742 1.091059 1.0902109\n", + " 1.1462176 1.0701554 1.1058602 1.0304874 1.0907159 1.0592616 1.1841786\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 13 7 9 5 11 6 8 12 10 17 14 15 16 18]\n", + "=======================\n", + "['the incident took place in olani village , four kilometres from manpur , in central india and was recorded by terrified villagers from the relative safety of hut rooftops .to try and protect his fellow villagers , the fearless ward ran towards the leopard brandishing the weapon .the brave village watchman stands on guard with his stick as the leopard moves towards him']\n", + "=======================\n", + "['village watchman fought off a wild leopard armed with only a stick in indiamanaged to strike the big cat on the head before it dumped him to the floorbystanders could be heard screaming as it stood at the feet of the manmanaged to fend off the leopard with his stick while still on the ground']\n", + "the incident took place in olani village , four kilometres from manpur , in central india and was recorded by terrified villagers from the relative safety of hut rooftops .to try and protect his fellow villagers , the fearless ward ran towards the leopard brandishing the weapon .the brave village watchman stands on guard with his stick as the leopard moves towards him\n", + "village watchman fought off a wild leopard armed with only a stick in indiamanaged to strike the big cat on the head before it dumped him to the floorbystanders could be heard screaming as it stood at the feet of the manmanaged to fend off the leopard with his stick while still on the ground\n", + "[1.234061 1.1481049 1.2779138 1.3575336 1.137491 1.0447391 1.1330774\n", + " 1.1561246 1.0342809 1.0305238 1.0271299 1.064363 1.0517074 1.1361294\n", + " 1.1597366 1.1322248 0. 0. 0. ]\n", + "\n", + "[ 3 2 0 14 7 1 4 13 6 15 11 12 5 8 9 10 17 16 18]\n", + "=======================\n", + "[\"a dog shows off taiwan 's bizarre new pet-grooming trend after having his fur cut in a squarein a method reminiscent of edward scissorhands 's trimming of a hedge , canine hairdressers in the taiwanese capital taipei are giving particularly furry customers outlandish makeovers .it may look absurd , but a bizarre new dog grooming trend is beginning to take shape in taiwan .\"]\n", + "=======================\n", + "[\"craze has taken off thanks to owners posting pictures on social mediainitial idea was to give the pets a more eye-grabbing and clean-cut lookone dog salon worker in taipei has insisted that ` the dogs do n't mind '\"]\n", + "a dog shows off taiwan 's bizarre new pet-grooming trend after having his fur cut in a squarein a method reminiscent of edward scissorhands 's trimming of a hedge , canine hairdressers in the taiwanese capital taipei are giving particularly furry customers outlandish makeovers .it may look absurd , but a bizarre new dog grooming trend is beginning to take shape in taiwan .\n", + "craze has taken off thanks to owners posting pictures on social mediainitial idea was to give the pets a more eye-grabbing and clean-cut lookone dog salon worker in taipei has insisted that ` the dogs do n't mind '\n", + "[1.4750311 1.333334 1.1919383 1.1127236 1.1973968 1.1124693 1.1363052\n", + " 1.1077659 1.077011 1.0904031 1.031058 1.0309738 1.0140077 1.0212066\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 6 3 5 7 9 8 10 11 13 12 17 14 15 16 18]\n", + "=======================\n", + "['( cnn ) a columbia university student who was accused of rape is suing the new york city school for allowing his accuser to publicly brand him a \" serial rapist \"according to the lawsuit , paul nungesser was cleared of responsibility in emma sulkowicz \\'s 2013 rape claim , as well as others that came to light after sulkowicz went public with her allegations in various media interviews .her case drew national attention after she started carrying a mattress around campus to protest the school \\'s handling of the complaint , saying she hoped to show how \" flawed \" the university disciplinary system is when it comes to sexual misconduct cases .']\n", + "=======================\n", + "['paul nungesser says he was target of gender-based harassment campaignthe case drew national attention after his accuser started carrying a mattress around campus']\n", + "( cnn ) a columbia university student who was accused of rape is suing the new york city school for allowing his accuser to publicly brand him a \" serial rapist \"according to the lawsuit , paul nungesser was cleared of responsibility in emma sulkowicz 's 2013 rape claim , as well as others that came to light after sulkowicz went public with her allegations in various media interviews .her case drew national attention after she started carrying a mattress around campus to protest the school 's handling of the complaint , saying she hoped to show how \" flawed \" the university disciplinary system is when it comes to sexual misconduct cases .\n", + "paul nungesser says he was target of gender-based harassment campaignthe case drew national attention after his accuser started carrying a mattress around campus\n", + "[1.1906183 1.2927777 1.1934693 1.2802999 1.2066041 1.117104 1.0923598\n", + " 1.0817559 1.117434 1.059349 1.0324587 1.0156281 1.0506467 1.1109198\n", + " 1.0264117 1.142424 1.0374743 1.0318127 1.0271304]\n", + "\n", + "[ 1 3 4 2 0 15 8 5 13 6 7 9 12 16 10 17 18 14 11]\n", + "=======================\n", + "[\"they say the animal 's cerebral cortex is ` like a mini-internet ' .the internet has countless local area networks that then connect with larger , regional networks and ultimately with the backbone of the internet .the brain operates in a similar way , the researchers found .\"]\n", + "=======================\n", + "[\"researchers say the cerebral cortex of rats is ` like a mini-internet 'team planning to look at human brain in the same way\"]\n", + "they say the animal 's cerebral cortex is ` like a mini-internet ' .the internet has countless local area networks that then connect with larger , regional networks and ultimately with the backbone of the internet .the brain operates in a similar way , the researchers found .\n", + "researchers say the cerebral cortex of rats is ` like a mini-internet 'team planning to look at human brain in the same way\n", + "[1.3128972 1.4771171 1.2088115 1.2277883 1.1563464 1.0783455 1.1194952\n", + " 1.0690811 1.1874789 1.1176513 1.0393382 1.0606107 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 8 4 6 9 5 7 11 10 17 12 13 14 15 16 18]\n", + "=======================\n", + "[\"the whale , named varvara , swam nearly 14,000 miles ( 22,500 kilometers ) , according to a release from oregon state university , whose scientists helped conduct the whale-tracking study .( cnn ) a north pacific gray whale has earned a spot in the record books after completing the longest migration of a mammal ever recorded .varvara 's journey surpassed a record listed on the guinness worlds records website .\"]\n", + "=======================\n", + "['the whale , varvara , swam a round trip from russia to mexico , nearly 14,000 milesthe previous record was set by a humpback whale that migrated more than 10,000 miles']\n", + "the whale , named varvara , swam nearly 14,000 miles ( 22,500 kilometers ) , according to a release from oregon state university , whose scientists helped conduct the whale-tracking study .( cnn ) a north pacific gray whale has earned a spot in the record books after completing the longest migration of a mammal ever recorded .varvara 's journey surpassed a record listed on the guinness worlds records website .\n", + "the whale , varvara , swam a round trip from russia to mexico , nearly 14,000 milesthe previous record was set by a humpback whale that migrated more than 10,000 miles\n", + "[1.1292037 1.382355 1.2612519 1.2854102 1.1167543 1.1054957 1.0570996\n", + " 1.0717986 1.0656075 1.0615336 1.0967807 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 10 7 8 9 6 11 12 13 14 15 16 17 18]\n", + "=======================\n", + "['what andrew chan , then aged 21 , and myuran sukumaran , 24 , came to have in common was the belief that smuggling drugs would provide them with a short cut to the life of ease and glamour and - their biggest mistake - that they could get away with it .thirteen years since their fateful first meeting , after all their legal appeals and pleas for clemency have been rejected , the ringleaders of the infamous bali nine , who were caught trying to smuggle more than eight kilograms of heroin out of indonesia , are now dead .they were young men from stable families who believed they were stuck in dead end jobs and looked on with jealousy at the flashy lifestyles of others who had girls , money and fast cars at their fingertips .']\n", + "=======================\n", + "['andrew chan is the youngest of four children and the son of chinese immigrants who worked as a supervisor for a catering companymyuran sukumaran , a university drop-out and the eldest of three , lived with his parents while working in a mail roomboth men revealed that flashy lifestyles attracted them to drug smugglingthey were arrested in 2005 for organising eight kilos of heroin to be smuggled out of indonesia , and sentenced to death five months laterin nearly ten years on death row , chan found god and become a christian pastor ; sukumaran became an artist']\n", + "what andrew chan , then aged 21 , and myuran sukumaran , 24 , came to have in common was the belief that smuggling drugs would provide them with a short cut to the life of ease and glamour and - their biggest mistake - that they could get away with it .thirteen years since their fateful first meeting , after all their legal appeals and pleas for clemency have been rejected , the ringleaders of the infamous bali nine , who were caught trying to smuggle more than eight kilograms of heroin out of indonesia , are now dead .they were young men from stable families who believed they were stuck in dead end jobs and looked on with jealousy at the flashy lifestyles of others who had girls , money and fast cars at their fingertips .\n", + "andrew chan is the youngest of four children and the son of chinese immigrants who worked as a supervisor for a catering companymyuran sukumaran , a university drop-out and the eldest of three , lived with his parents while working in a mail roomboth men revealed that flashy lifestyles attracted them to drug smugglingthey were arrested in 2005 for organising eight kilos of heroin to be smuggled out of indonesia , and sentenced to death five months laterin nearly ten years on death row , chan found god and become a christian pastor ; sukumaran became an artist\n", + "[1.253377 1.3007338 1.3789421 1.2179825 1.0821986 1.0924755 1.0945122\n", + " 1.0643684 1.1397547 1.0553249 1.0415841 1.0473555 1.0432361 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 8 6 5 4 7 9 11 12 10 15 13 14 16]\n", + "=======================\n", + "['the claims against clinton , secretary of state from 2009-13 , are laid out in clinton cash , due to be published may 5th by harpercollins .according to author peter schweizer there is a clear trend of money flowing into the controversial clinton foundation and rewards emerging for donors - in forms such as free trade agreements and development projects .hillary clinton shaped state department policy to reward big money foreign donors to her family foundation , an explosive new book written by a political foe will claim .']\n", + "=======================\n", + "[\"new book , clinton cash , points to ` pattern ' of donations and rewardssays those who gave money to foundation saw favorable outcomeswriter peter szhweizer points to dealings in colombia , haiti , kazakhstanrevelations will be seized upon by republicans in white house raceclinton allies have written of the book as an ` absurd conspiracy theory 'white house declined to categorically rule out any occurrence of wrong doing but said there 's no ` tangible evidence to indicate that it did 'president 's spokesman said he 's not going to be in a position ` every time somebody raises a spurious claim ' to ` say that it 's not true '\"]\n", + "the claims against clinton , secretary of state from 2009-13 , are laid out in clinton cash , due to be published may 5th by harpercollins .according to author peter schweizer there is a clear trend of money flowing into the controversial clinton foundation and rewards emerging for donors - in forms such as free trade agreements and development projects .hillary clinton shaped state department policy to reward big money foreign donors to her family foundation , an explosive new book written by a political foe will claim .\n", + "new book , clinton cash , points to ` pattern ' of donations and rewardssays those who gave money to foundation saw favorable outcomeswriter peter szhweizer points to dealings in colombia , haiti , kazakhstanrevelations will be seized upon by republicans in white house raceclinton allies have written of the book as an ` absurd conspiracy theory 'white house declined to categorically rule out any occurrence of wrong doing but said there 's no ` tangible evidence to indicate that it did 'president 's spokesman said he 's not going to be in a position ` every time somebody raises a spurious claim ' to ` say that it 's not true '\n", + "[1.5278771 1.383757 1.0691905 1.1883844 1.1092753 1.0947703 1.2336731\n", + " 1.1131616 1.0851693 1.0767125 1.0879183 1.1036147 1.060264 1.2221998\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 6 13 3 7 4 11 5 10 8 9 2 12 15 14 16]\n", + "=======================\n", + "[\"former us president george h.w. bush looked in good health on friday as he accompanied australian tennis player roy emerson at the u.s. men 's clay court championship in houston , texas .bush , 90 , fell ill in december and was hospitalized after complaining of shortness of breath .roy emerson , 78 , who owns 28 major singles and doubles championships , is also a big fan and makes an annual appearance at the tournament .\"]\n", + "=======================\n", + "[\"former us president george h.w. bush looked in good health on friday as he accompanied australian tennis player roy emerson to a tennis gamebush , 90 , lives in the houston area with his wife barbara and has attended many atp fundraisers and charity events throughout the yearsback in december , bush , who suffers from parkinson 's , was hospitalized for shortness of breath for about a week\"]\n", + "former us president george h.w. bush looked in good health on friday as he accompanied australian tennis player roy emerson at the u.s. men 's clay court championship in houston , texas .bush , 90 , fell ill in december and was hospitalized after complaining of shortness of breath .roy emerson , 78 , who owns 28 major singles and doubles championships , is also a big fan and makes an annual appearance at the tournament .\n", + "former us president george h.w. bush looked in good health on friday as he accompanied australian tennis player roy emerson to a tennis gamebush , 90 , lives in the houston area with his wife barbara and has attended many atp fundraisers and charity events throughout the yearsback in december , bush , who suffers from parkinson 's , was hospitalized for shortness of breath for about a week\n", + "[1.3140776 1.2908807 1.2084104 1.1089576 1.4177601 1.1647089 1.2200483\n", + " 1.0530249 1.1119632 1.0518906 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 4 0 1 6 2 5 8 3 7 9 15 10 11 12 13 14 16]\n", + "=======================\n", + "[\"tyler macniven , who won the ninth season of the amazing race , filmed a save the date for his upcoming weddingmacniven and his fiancee , kelly hennigan , made a three-minute film to give friends and family a heads up on their fast approaching nuptials , and the two went all out in the process .the couple 's wedding will be on september 26 , 2015 , though the video fails to say where the ceremony will take place\"]\n", + "=======================\n", + "[\"tyler macniven , who won the ninth season of the amazing race , filmed a save the date for his upcoming weddingin the video , macniven and his fiancee kelly hennigan battle friends and in the end escape one very large explosionthe couple 's wedding will be on september 26 , 2015 , though the video fails to say where the ceremony will take place\"]\n", + "tyler macniven , who won the ninth season of the amazing race , filmed a save the date for his upcoming weddingmacniven and his fiancee , kelly hennigan , made a three-minute film to give friends and family a heads up on their fast approaching nuptials , and the two went all out in the process .the couple 's wedding will be on september 26 , 2015 , though the video fails to say where the ceremony will take place\n", + "tyler macniven , who won the ninth season of the amazing race , filmed a save the date for his upcoming weddingin the video , macniven and his fiancee kelly hennigan battle friends and in the end escape one very large explosionthe couple 's wedding will be on september 26 , 2015 , though the video fails to say where the ceremony will take place\n", + "[1.4271725 1.4012468 1.1868054 1.1823633 1.3134202 1.0180953 1.2010021\n", + " 1.1884859 1.0932101 1.1549419 1.039233 1.0464219 1.0182655 1.0103393\n", + " 1.0123972 1.0436933 1.0141526]\n", + "\n", + "[ 0 1 4 6 7 2 3 9 8 11 15 10 12 5 16 14 13]\n", + "=======================\n", + "[\"calfornia gov. jerry brown ordered a 25 percent overall cutback in water use by cities and towns in the golden state on wednesday but as these photos taken on saturday show , the ongoing drought is already taking its toll on once technicolor landscape of lush yards , emerald golf courses and aquamarine swimming pools .the crackdown comes as california and its nearly 40 million residents move toward a fourth summer of drought with no relief in sight .state reservoirs have a year 's worth of water , and with record low snowfall over the winter there wo n't be much to replenish them .\"]\n", + "=======================\n", + "[\"calfornia gov. jerry brown ordered a 25 percent overall cutback in water use by cities and towns in the state on wednesdaythis series of photos taken on saturday show the ongoing drought is already taking its toll on once technicolor landscape of lush yards , emerald golf courses and aquamarine swimming poolsthe crackdown comes as california and its nearly 40 million residents move toward a fourth summer of drought with no relief in sightstate reservoirs have a year 's worth of water and with record low snowfall over the winter there wo n't be much to replenish them\"]\n", + "calfornia gov. jerry brown ordered a 25 percent overall cutback in water use by cities and towns in the golden state on wednesday but as these photos taken on saturday show , the ongoing drought is already taking its toll on once technicolor landscape of lush yards , emerald golf courses and aquamarine swimming pools .the crackdown comes as california and its nearly 40 million residents move toward a fourth summer of drought with no relief in sight .state reservoirs have a year 's worth of water , and with record low snowfall over the winter there wo n't be much to replenish them .\n", + "calfornia gov. jerry brown ordered a 25 percent overall cutback in water use by cities and towns in the state on wednesdaythis series of photos taken on saturday show the ongoing drought is already taking its toll on once technicolor landscape of lush yards , emerald golf courses and aquamarine swimming poolsthe crackdown comes as california and its nearly 40 million residents move toward a fourth summer of drought with no relief in sightstate reservoirs have a year 's worth of water and with record low snowfall over the winter there wo n't be much to replenish them\n", + "[1.2761419 1.36776 1.2516387 1.176396 1.1905737 1.1439404 1.0808997\n", + " 1.062573 1.0595231 1.0363255 1.0342118 1.0324243 1.0402739 1.0253382\n", + " 1.0201982 0. 0. ]\n", + "\n", + "[ 1 0 2 4 3 5 6 7 8 12 9 10 11 13 14 15 16]\n", + "=======================\n", + "['the festival , which marks the trial , crucifixion and resurrection of jesus culminating in easter sunday , has been met with mesmerising religious parades across five continents .millions of devout christians around the world have been commemorating the final days of jesus christ by taking part in awe-inspiring and shocking holy week celebrations .in a diverse display of traditions , thousands of penitents have marched through streets in hooded cloaks while others have performed alarming religious self-flagellation in demonstrations of commitment to their faith .']\n", + "=======================\n", + "['warning : graphic contentthe week-long festival marks the trial , crucifixion and resurrection of jesus christ culminating in easter sundaythe event has been met with awe-inspiring and shocking displays of faith from christians across five continentsin philippines , the week sees thousands of penitents beaten bloody on the streets as part of 13th century tradition']\n", + "the festival , which marks the trial , crucifixion and resurrection of jesus culminating in easter sunday , has been met with mesmerising religious parades across five continents .millions of devout christians around the world have been commemorating the final days of jesus christ by taking part in awe-inspiring and shocking holy week celebrations .in a diverse display of traditions , thousands of penitents have marched through streets in hooded cloaks while others have performed alarming religious self-flagellation in demonstrations of commitment to their faith .\n", + "warning : graphic contentthe week-long festival marks the trial , crucifixion and resurrection of jesus christ culminating in easter sundaythe event has been met with awe-inspiring and shocking displays of faith from christians across five continentsin philippines , the week sees thousands of penitents beaten bloody on the streets as part of 13th century tradition\n", + "[1.2780089 1.4166348 1.2562478 1.2074331 1.1484426 1.2703044 1.0353597\n", + " 1.044243 1.1502852 1.1086236 1.0915356 1.0132282 1.0350747 1.0747261\n", + " 1.0542896 1.0756493 1.0226114 1.0276723 1.0537271 0. 0. ]\n", + "\n", + "[ 1 0 5 2 3 8 4 9 10 15 13 14 18 7 6 12 17 16 11 19 20]\n", + "=======================\n", + "['police believe that 50-year-old driss diaeddinn bought a semi-automatic handgun and shot his brothers , 38-year-old reda diaeddinn and 56-year-old dodi fayed , and their mother , 76-year-old kenza benzakour , on the ground floor of their phoenix , arizona home at 2pm on thursday .a moroccan limo company owner is believed to have shot four members of his family before taking his own life after a dispute over the business turned deadly .they believe the shooting occurred after a family dispute and believe one of the dead family members had shot their relatives before taking their own life .']\n", + "=======================\n", + "[\"driss diaeddinn , 50 , ` shot dead his two brothers , mother and his sister-in-law amid a dispute about the family business ' on thursday afternoonthe gunman 's wife escaped the home with their two toddlers and called 911 , and an hour later , his sister emerged saying she had been hiding\"]\n", + "police believe that 50-year-old driss diaeddinn bought a semi-automatic handgun and shot his brothers , 38-year-old reda diaeddinn and 56-year-old dodi fayed , and their mother , 76-year-old kenza benzakour , on the ground floor of their phoenix , arizona home at 2pm on thursday .a moroccan limo company owner is believed to have shot four members of his family before taking his own life after a dispute over the business turned deadly .they believe the shooting occurred after a family dispute and believe one of the dead family members had shot their relatives before taking their own life .\n", + "driss diaeddinn , 50 , ` shot dead his two brothers , mother and his sister-in-law amid a dispute about the family business ' on thursday afternoonthe gunman 's wife escaped the home with their two toddlers and called 911 , and an hour later , his sister emerged saying she had been hiding\n", + "[1.3199961 1.3913305 1.3131633 1.4111055 1.1213019 1.0859298 1.0999247\n", + " 1.0673497 1.0296725 1.0407696 1.0469037 1.0189283 1.1319612 1.0345643\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 2 12 4 6 5 7 10 9 13 8 11 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"labour candidate paul gilbert mocked ed miliband and then joked that he hoped his ` off-piste ' comment would not ` find it 's way back ' to the labour leadershiped miliband 's poor leadership has been mocked by a labour candidate , who said it was like having ' a manager of a football team that you do n't rate , but you still support the team ' .he also blasted labour 's ` entirely unsatisfactory ' policy on tuition fees and told voters at a university hustings : ' i do n't like where we are . '\"]\n", + "=======================\n", + "[\"paul gilbert jokes he hopes ` off-piste ' remark will not get back to milibandlabour candidate in cheltenham also blasts party 's policy on tuition feessays miliband vow to cut from # 9,000 to # 6,000 is ` entirely unsatisfactory '\"]\n", + "labour candidate paul gilbert mocked ed miliband and then joked that he hoped his ` off-piste ' comment would not ` find it 's way back ' to the labour leadershiped miliband 's poor leadership has been mocked by a labour candidate , who said it was like having ' a manager of a football team that you do n't rate , but you still support the team ' .he also blasted labour 's ` entirely unsatisfactory ' policy on tuition fees and told voters at a university hustings : ' i do n't like where we are . '\n", + "paul gilbert jokes he hopes ` off-piste ' remark will not get back to milibandlabour candidate in cheltenham also blasts party 's policy on tuition feessays miliband vow to cut from # 9,000 to # 6,000 is ` entirely unsatisfactory '\n", + "[1.3071363 1.1946604 1.2465717 1.183682 1.17444 1.0851672 1.073207\n", + " 1.0430466 1.0615896 1.0545633 1.0967088 1.0653547 1.0569919 1.0826205\n", + " 1.0407226 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 4 10 5 13 6 11 8 12 9 7 14 19 15 16 17 18 20]\n", + "=======================\n", + "[\"holmesburg prison 's 101-year history was filled with violent riots , bloody beatings and most shocking of all - the cruel chemical experimentation on its inmates .and haunting images published in 2011 proved that government doctors used the jail in philadelphia , pennsylvania to test chemical substances on inmates and disabled american citizens .since its construction in 1895 , its high walls housed some of the country 's most dangerous criminals whose uprisings ended in death and mass-injury .\"]\n", + "=======================\n", + "[\"haunting images show the decaying ruins of holmesburg prison where scientists experimented on its prisonersinmates were paid to test a variety of dangerous substances such as radioactive , hallucinogenic and toxic materialsrenowned dermatologist who experimented on prisoners has claimed no harm was done to any of the ` volunteers 'the prisoners who led a 38-day hunger strike in 1938 were locked in ` the bake ovens ' where four ` roasted to death '\"]\n", + "holmesburg prison 's 101-year history was filled with violent riots , bloody beatings and most shocking of all - the cruel chemical experimentation on its inmates .and haunting images published in 2011 proved that government doctors used the jail in philadelphia , pennsylvania to test chemical substances on inmates and disabled american citizens .since its construction in 1895 , its high walls housed some of the country 's most dangerous criminals whose uprisings ended in death and mass-injury .\n", + "haunting images show the decaying ruins of holmesburg prison where scientists experimented on its prisonersinmates were paid to test a variety of dangerous substances such as radioactive , hallucinogenic and toxic materialsrenowned dermatologist who experimented on prisoners has claimed no harm was done to any of the ` volunteers 'the prisoners who led a 38-day hunger strike in 1938 were locked in ` the bake ovens ' where four ` roasted to death '\n", + "[1.260474 1.3583348 1.2005495 1.302528 1.2621101 1.2025023 1.1702015\n", + " 1.1778302 1.0695372 1.0313449 1.0775903 1.0389651 1.0851955 1.0306684\n", + " 1.0737242 1.0593919 1.0727665 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 0 5 2 7 6 12 10 14 16 8 15 11 9 13 19 17 18 20]\n", + "=======================\n", + "[\"three years after the theft , police were investigating a car syndicate and executed a search warrant on a wiley park property .$ 2 million worth of stolen artwork has been found in a caretakers garage after disappearing from sydney homethe works were stolen in 2010 after being taken from property investor , peter o'mara 's home in darling point\"]\n", + "=======================\n", + "[\"$ 2 million worth of stolen artwork has been found in a caretakers garageworks were stolen in 2010 after being taken from home in darling pointthree luxury cars were also found during the police raidthe works belonged to property investor , peter o'marahis insurance company paid out $ 1million after the theft and will now claim the paintings\"]\n", + "three years after the theft , police were investigating a car syndicate and executed a search warrant on a wiley park property .$ 2 million worth of stolen artwork has been found in a caretakers garage after disappearing from sydney homethe works were stolen in 2010 after being taken from property investor , peter o'mara 's home in darling point\n", + "$ 2 million worth of stolen artwork has been found in a caretakers garageworks were stolen in 2010 after being taken from home in darling pointthree luxury cars were also found during the police raidthe works belonged to property investor , peter o'marahis insurance company paid out $ 1million after the theft and will now claim the paintings\n", + "[1.2416854 1.1252562 1.2319169 1.3408116 1.2892387 1.1287049 1.2650284\n", + " 1.1685562 1.0459155 1.0210853 1.0243933 1.0224737 1.0247676 1.0664978\n", + " 1.0830005 1.0255017 1.0500762 1.0181593 1.0147188 1.0451096 1.0155749]\n", + "\n", + "[ 3 4 6 0 2 7 5 1 14 13 16 8 19 15 12 10 11 9 17 20 18]\n", + "=======================\n", + "[\"linda thompson , now 64 , met bruce at the playboy mansion when he was separated from his first wife , chrystie crownover , the mother of his two eldest children .they fell in love and got married in hawaii when she was already pregnant with their son brandon .at his lowest point in the 1980s , bruce jenner wanted to flee to europe for gender reassignment surgery and return to america as his children 's aunt heather .\"]\n", + "=======================\n", + "[\"linda thompson , now 64 , was married to bruce jenner from 1981 to '86she has published blog detailing how he told her of his gender strugglesexplains how revelations led to their divorce following births of two sonsalso speaks of bruce 's painful electrolysis and surgeries to feminize faceyoung sons noticed father 's breasts once ; she lied to cover the changesthe pair , brandon and brody , now adults , supported bruce in abc tell-allthis is despite bruce having ` cut his sons out of his life for years ' after he stopped taking female hormones and married his third wife , kris jenner\"]\n", + "linda thompson , now 64 , met bruce at the playboy mansion when he was separated from his first wife , chrystie crownover , the mother of his two eldest children .they fell in love and got married in hawaii when she was already pregnant with their son brandon .at his lowest point in the 1980s , bruce jenner wanted to flee to europe for gender reassignment surgery and return to america as his children 's aunt heather .\n", + "linda thompson , now 64 , was married to bruce jenner from 1981 to '86she has published blog detailing how he told her of his gender strugglesexplains how revelations led to their divorce following births of two sonsalso speaks of bruce 's painful electrolysis and surgeries to feminize faceyoung sons noticed father 's breasts once ; she lied to cover the changesthe pair , brandon and brody , now adults , supported bruce in abc tell-allthis is despite bruce having ` cut his sons out of his life for years ' after he stopped taking female hormones and married his third wife , kris jenner\n", + "[1.3929131 1.2713828 1.1077327 1.1749214 1.3219545 1.1048656 1.102211\n", + " 1.0253941 1.0164148 1.1614591 1.0244141 1.0738634 1.0965102 1.0661844\n", + " 1.0796807 1.0910043 1.0779315 1.1552261]\n", + "\n", + "[ 0 4 1 3 9 17 2 5 6 12 15 14 16 11 13 7 10 8]\n", + "=======================\n", + "[\"sam reese , a male model who recently appeared on channel 4 's first dates reality match-making show , has received death threats over his behaviour on the programme .the 22-year-old 's crime was to ask his date kathleen to split the bill with him rather than pick up the tab himself - an action which sparked a slew of furious responses on twitter . 'i had death threats , one person said that the next time i come out in manchester i 'm dead . '\"]\n", + "=======================\n", + "['sam reese , 22 , appeared on the channel 4 show first datesthe male model suggested he split the # 350 dinner bill with his datehe claims he has received death threats over his behaviour']\n", + "sam reese , a male model who recently appeared on channel 4 's first dates reality match-making show , has received death threats over his behaviour on the programme .the 22-year-old 's crime was to ask his date kathleen to split the bill with him rather than pick up the tab himself - an action which sparked a slew of furious responses on twitter . 'i had death threats , one person said that the next time i come out in manchester i 'm dead . '\n", + "sam reese , 22 , appeared on the channel 4 show first datesthe male model suggested he split the # 350 dinner bill with his datehe claims he has received death threats over his behaviour\n", + "[1.1943451 1.5130098 1.1530247 1.2129182 1.3302253 1.2007469 1.0927792\n", + " 1.0787506 1.0805451 1.0642667 1.07082 1.0354422 1.0649507 1.0286018\n", + " 1.0136833 1.0123097 1.0105371 1.010976 ]\n", + "\n", + "[ 1 4 3 5 0 2 6 8 7 10 12 9 11 13 14 15 17 16]\n", + "=======================\n", + "[\"amy-beth ellice , 17 , from essex started baking at the age of three and landed her first book deal with her recipe collection amy 's baking year at just 14 .already baking at five years old amy-beth ( left ) is pictured with sister lara-jayne , 10amy-beth most recently hosted a cupcake-making class in harrods , london .\"]\n", + "=======================\n", + "[\"amy-beth ellice , 17 , from essex started baking at three years oldshe published her first cookbook , amy 's baking year , at age 14teen chef held recent cupcake masterclass in harrodsher second , entertaining-themed , book is set to come out in 2016\"]\n", + "amy-beth ellice , 17 , from essex started baking at the age of three and landed her first book deal with her recipe collection amy 's baking year at just 14 .already baking at five years old amy-beth ( left ) is pictured with sister lara-jayne , 10amy-beth most recently hosted a cupcake-making class in harrods , london .\n", + "amy-beth ellice , 17 , from essex started baking at three years oldshe published her first cookbook , amy 's baking year , at age 14teen chef held recent cupcake masterclass in harrodsher second , entertaining-themed , book is set to come out in 2016\n", + "[1.3569621 1.4133537 1.3379245 1.2473222 1.2415613 1.0392859 1.0496871\n", + " 1.0393118 1.0239044 1.1089451 1.1798005 1.0730892 1.0477829 1.0363258\n", + " 1.078398 1.0233958 1.0306098 0. ]\n", + "\n", + "[ 1 0 2 3 4 10 9 14 11 6 12 7 5 13 16 8 15 17]\n", + "=======================\n", + "[\"the securities and exchange commission announced the deal wednesday , saying the thermal-imaging company earned more than $ 7 million in profits from sales influenced by the gifts .the commission said two employees in flir 's dubai office gave luxury watches to five officials with the saudi arabia ministry of interior in 2009 .the company also arranged travel for saudi officials , including a 20-night trip with stops in beirut , casablanca , dubai , new york and paris .\"]\n", + "=======================\n", + "[\"flir systems inc. has agreed to pay $ 9.5 million to settle bribery charges filed by the securities and exchange commissionthe sec said the thermal-imaging company earned more than $ 7 million in profits from sales influenced by the giftsthe commission said two employees in flir 's dubai office gave luxury watches to five officials with the saudi arabia ministry of interior in 2009the company also arranged travel for saudi officials , including a 20-night trip with stops in beirut , casablanca , dubai , new york and paris\"]\n", + "the securities and exchange commission announced the deal wednesday , saying the thermal-imaging company earned more than $ 7 million in profits from sales influenced by the gifts .the commission said two employees in flir 's dubai office gave luxury watches to five officials with the saudi arabia ministry of interior in 2009 .the company also arranged travel for saudi officials , including a 20-night trip with stops in beirut , casablanca , dubai , new york and paris .\n", + "flir systems inc. has agreed to pay $ 9.5 million to settle bribery charges filed by the securities and exchange commissionthe sec said the thermal-imaging company earned more than $ 7 million in profits from sales influenced by the giftsthe commission said two employees in flir 's dubai office gave luxury watches to five officials with the saudi arabia ministry of interior in 2009the company also arranged travel for saudi officials , including a 20-night trip with stops in beirut , casablanca , dubai , new york and paris\n", + "[1.3311701 1.2853757 1.4039203 1.369587 1.0594211 1.0272183 1.0170391\n", + " 1.0317893 1.0148553 1.1378925 1.2020864 1.0881093 1.1613668 1.0784802\n", + " 1.0940497 1.016458 1.0072038 1.0077776]\n", + "\n", + "[ 2 3 0 1 10 12 9 14 11 13 4 7 5 6 15 8 17 16]\n", + "=======================\n", + "[\"the airport could also be called ` birmingham london ' as the hs2 rail link will make the hub just 38 minutes from the centre of the capital - only ten minutes further away than terminal 5 at heathrow .birmingham airport could be rebranded ` shakespeare 's airport ' in the u.s. to attract more tourists , but there are concerns that not enough americans will know who the playwright isbirmingham airport announced in march it would be re-branding in china as it revealed a run of flights to beijing .\"]\n", + "=======================\n", + "[\"airport bosses say re-branding in china has already brought more touristsif hs2 is built the hub could also be renamed ` birmingham london airport 'london would be 38 minutes away , ten minutes further than heathrow\"]\n", + "the airport could also be called ` birmingham london ' as the hs2 rail link will make the hub just 38 minutes from the centre of the capital - only ten minutes further away than terminal 5 at heathrow .birmingham airport could be rebranded ` shakespeare 's airport ' in the u.s. to attract more tourists , but there are concerns that not enough americans will know who the playwright isbirmingham airport announced in march it would be re-branding in china as it revealed a run of flights to beijing .\n", + "airport bosses say re-branding in china has already brought more touristsif hs2 is built the hub could also be renamed ` birmingham london airport 'london would be 38 minutes away , ten minutes further than heathrow\n", + "[1.2045434 1.5411153 1.3813745 1.3216001 1.1128807 1.0980377 1.0794502\n", + " 1.053648 1.0329431 1.1633136 1.0555633 1.0330486 1.0699487 1.0371903\n", + " 1.0309619 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 9 4 5 6 12 10 7 13 11 8 14 15 16 17]\n", + "=======================\n", + "['the adapted chair by sii deutschland , beat off competition from 21 finalists to win the passenger comfort hardware award at the crystal cabin awards in hamburg , germany .sitting at one-and-a-half times the width of a standard seat , the santo seat ( special accommodation needs for toddlers and overweight passengers ) aims to improve aircrew procedure and passenger safety .a plane seat specifically targeted at making plane travel more comfortable for obese passengers and small children has won a prize for its innovation vision this week .']\n", + "=======================\n", + "['the santo seat ( special accommodation needs for toddlers and overweight passengers ) won the prize for passenger comfort hardwarethe crystal cabin awards took place this week in hamburg , germanythe sii deutschland design is one-and-a-half times the usual chair width']\n", + "the adapted chair by sii deutschland , beat off competition from 21 finalists to win the passenger comfort hardware award at the crystal cabin awards in hamburg , germany .sitting at one-and-a-half times the width of a standard seat , the santo seat ( special accommodation needs for toddlers and overweight passengers ) aims to improve aircrew procedure and passenger safety .a plane seat specifically targeted at making plane travel more comfortable for obese passengers and small children has won a prize for its innovation vision this week .\n", + "the santo seat ( special accommodation needs for toddlers and overweight passengers ) won the prize for passenger comfort hardwarethe crystal cabin awards took place this week in hamburg , germanythe sii deutschland design is one-and-a-half times the usual chair width\n", + "[1.271738 1.2348919 1.0984889 1.2971535 1.2625148 1.110643 1.1941056\n", + " 1.1065414 1.0352519 1.0742197 1.1706493 1.083893 1.0194687 1.0097111\n", + " 1.0159332 1.0145141 1.116216 1.0729377 0. 0. ]\n", + "\n", + "[ 3 0 4 1 6 10 16 5 7 2 11 9 17 8 12 14 15 13 18 19]\n", + "=======================\n", + "[\"so a new initiative set up by prince ottaviano de'medici di toscana , representative of the historic house of the medici , is aiming to reclaim the city , saving it from the ruins of mass tourism .around 16 million tourists visit florence every year .it 's popularity is not surprising - the city contains over sixty per cent of the world 's art heritage .\"]\n", + "=======================\n", + "[\"around 16 million tourists visit florence - population 350,000 , every yearofficials worry the city 's cultural significance has been radically altereda new iniative aims to appeal to ` true travellers ' looking for soul of the city\"]\n", + "so a new initiative set up by prince ottaviano de'medici di toscana , representative of the historic house of the medici , is aiming to reclaim the city , saving it from the ruins of mass tourism .around 16 million tourists visit florence every year .it 's popularity is not surprising - the city contains over sixty per cent of the world 's art heritage .\n", + "around 16 million tourists visit florence - population 350,000 , every yearofficials worry the city 's cultural significance has been radically altereda new iniative aims to appeal to ` true travellers ' looking for soul of the city\n", + "[1.0693345 1.4306115 1.4164345 1.3847933 1.3582637 1.3228444 1.0425366\n", + " 1.0173404 1.011091 1.0103927 1.2842512 1.116283 1.0132517 1.056075\n", + " 1.1893739 1.1310576 1.0171967 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 5 10 14 15 11 0 13 6 7 16 12 8 9 17 18 19]\n", + "=======================\n", + "['the little blue and yellow bird made the most of a damaged street light by collecting moss , grass and straw to line her nest .the blue tit usually takes between one to two weeks to build a nest ready for the female to lay her eggs .jeanette rosenquist , 47 , was on her way to work from her home just outside copenhagen , denmark , when she spotted the bird flying out of the lamp post .']\n", + "=======================\n", + "['jeanette rosenquist spotted the bird just outside copenhagen , denmarkbird collected moss , grass and straw to line nest in damaged street lightblue tit usually takes between one to two weeks to ready a nest for eggsfemale usually builds nest by herself with little or no help from the male']\n", + "the little blue and yellow bird made the most of a damaged street light by collecting moss , grass and straw to line her nest .the blue tit usually takes between one to two weeks to build a nest ready for the female to lay her eggs .jeanette rosenquist , 47 , was on her way to work from her home just outside copenhagen , denmark , when she spotted the bird flying out of the lamp post .\n", + "jeanette rosenquist spotted the bird just outside copenhagen , denmarkbird collected moss , grass and straw to line nest in damaged street lightblue tit usually takes between one to two weeks to ready a nest for eggsfemale usually builds nest by herself with little or no help from the male\n", + "[1.2650315 1.3089404 1.115076 1.2678457 1.092656 1.0982296 1.1445824\n", + " 1.0660609 1.0533853 1.1075044 1.072524 1.0778903 1.071164 1.0236752\n", + " 1.0840387 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 6 2 9 5 4 14 11 10 12 7 8 13 18 15 16 17 19]\n", + "=======================\n", + "[\"everyone from apple ceo tim cook to the head of the ncaa slammed religious freedom laws being considered in several states this week , warning that they would open the door to discrimination against gay and lesbian customers .walmart 's staunch criticism of a religious freedom law in its home state of arkansas came after the company said in february it would boost pay for about 500,000 workers well above the federal minimum wage .( cnn ) as goes walmart , so goes the nation ?\"]\n", + "=======================\n", + "['while republican gov. asa hutchinson was weighing an arkansas religious freedom bill , walmart voiced its oppositionwalmart and other high-profile businesses are showing their support for gay and lesbian rightstheir stance puts them in conflict with socially conservative republicans , traditionally seen as allies']\n", + "everyone from apple ceo tim cook to the head of the ncaa slammed religious freedom laws being considered in several states this week , warning that they would open the door to discrimination against gay and lesbian customers .walmart 's staunch criticism of a religious freedom law in its home state of arkansas came after the company said in february it would boost pay for about 500,000 workers well above the federal minimum wage .( cnn ) as goes walmart , so goes the nation ?\n", + "while republican gov. asa hutchinson was weighing an arkansas religious freedom bill , walmart voiced its oppositionwalmart and other high-profile businesses are showing their support for gay and lesbian rightstheir stance puts them in conflict with socially conservative republicans , traditionally seen as allies\n", + "[1.3890553 1.374377 1.1113799 1.2450838 1.2101879 1.275903 1.0802163\n", + " 1.1576962 1.0253757 1.0245597 1.0812615 1.1086432 1.0415267 1.0322938\n", + " 1.0342661 1.0644969 1.0601851 1.1107379 1.0133772 1.0212815]\n", + "\n", + "[ 0 1 5 3 4 7 2 17 11 10 6 15 16 12 14 13 8 9 19 18]\n", + "=======================\n", + "[\"richie benaud 's family have been offered a state funeral after australian prime minister tony abbott called his death the ` greatest loss for cricket since the loss of don bradman ' .the former australia captain and legendary broadcaster died on wednesday at the age of 84 following a battle with skin cancer .richie benaud was one of cricket 's great personalities and will be remembered for his dry wit and knowledge\"]\n", + "=======================\n", + "['richie benaud passed away aged 84 on fridayaustralian prime minister tony abbott has paid tribute to richie benaudstate funerals in australia are usually reserved for politiciansbradman turned down opportunity to have state funeral before his deathclick here for more benaud tributes']\n", + "richie benaud 's family have been offered a state funeral after australian prime minister tony abbott called his death the ` greatest loss for cricket since the loss of don bradman ' .the former australia captain and legendary broadcaster died on wednesday at the age of 84 following a battle with skin cancer .richie benaud was one of cricket 's great personalities and will be remembered for his dry wit and knowledge\n", + "richie benaud passed away aged 84 on fridayaustralian prime minister tony abbott has paid tribute to richie benaudstate funerals in australia are usually reserved for politiciansbradman turned down opportunity to have state funeral before his deathclick here for more benaud tributes\n", + "[1.2457107 1.4164262 1.183507 1.2710683 1.1679237 1.1383433 1.1782582\n", + " 1.1030366 1.1263117 1.0606598 1.1412715 1.0719439 1.0663294 1.0389733\n", + " 1.0503381 1.0412298 1.0151668 1.0222306 1.0098941 0. ]\n", + "\n", + "[ 1 3 0 2 6 4 10 5 8 7 11 12 9 14 15 13 17 16 18 19]\n", + "=======================\n", + "['jared quirk , 18 , was in athens with classmates from rockland , massachusetts , to see the ancient world - but fell to the ground while walking through the city with friends , for reasons which are not yet clear .an athletic boston-area high school senior collapsed and died in greece this week , becoming the third student in his school year to die within six months .quirk , who played basketball , baseball , and football at rockland high school , died a hospital in the greek capital after being taken there by ambulance , the boston globe reported .']\n", + "=======================\n", + "['jared quirk , 18 , collapsed while walking through athens with classmatesdied in greek hospital on friday on third day of foreign school triphe is the third senior from rockland high school , massachusetts , to die since october']\n", + "jared quirk , 18 , was in athens with classmates from rockland , massachusetts , to see the ancient world - but fell to the ground while walking through the city with friends , for reasons which are not yet clear .an athletic boston-area high school senior collapsed and died in greece this week , becoming the third student in his school year to die within six months .quirk , who played basketball , baseball , and football at rockland high school , died a hospital in the greek capital after being taken there by ambulance , the boston globe reported .\n", + "jared quirk , 18 , collapsed while walking through athens with classmatesdied in greek hospital on friday on third day of foreign school triphe is the third senior from rockland high school , massachusetts , to die since october\n", + "[1.3613383 1.1153488 1.174452 1.1939678 1.3332766 1.0678502 1.0278486\n", + " 1.0540651 1.0503991 1.0843786 1.0316432 1.0718253 1.0259606 1.0219587\n", + " 1.0466439 1.0689956 1.0155706 1.0157099]\n", + "\n", + "[ 0 4 3 2 1 9 11 15 5 7 8 14 10 6 12 13 17 16]\n", + "=======================\n", + "[\"don mclean ( pictured ) is responsible american pie , the lyrics of which have been puzzled over for decadesand this week its lyrics , hand-written in 1971 by a young folk singer called don mclean , were sold at auction in new york for more than $ 1 million .argued over by generations of geeky fans , deciphered and re-deciphered by code-breaking rock nerds and considered to be poetic reflections on mid-20th century u.s. social history by even groovier academics , it 's called american pie .\"]\n", + "=======================\n", + "['for more than 40 years , the lyrics of american pie have been puzzled overthis week the handwritten lyrics sold for more than $ 1 million at auctionthe verses contain hidden references to seminal events of the 50s and 60sit includes nods to buddy holly , charles manson and martin luther king']\n", + "don mclean ( pictured ) is responsible american pie , the lyrics of which have been puzzled over for decadesand this week its lyrics , hand-written in 1971 by a young folk singer called don mclean , were sold at auction in new york for more than $ 1 million .argued over by generations of geeky fans , deciphered and re-deciphered by code-breaking rock nerds and considered to be poetic reflections on mid-20th century u.s. social history by even groovier academics , it 's called american pie .\n", + "for more than 40 years , the lyrics of american pie have been puzzled overthis week the handwritten lyrics sold for more than $ 1 million at auctionthe verses contain hidden references to seminal events of the 50s and 60sit includes nods to buddy holly , charles manson and martin luther king\n", + "[1.382053 1.2781633 1.432903 1.4588428 1.169087 1.0655127 1.0254722\n", + " 1.016683 1.1746976 1.0220083 1.0112096 1.045779 1.0486608 1.0574069\n", + " 1.0913683 1.0799044 1.0107529 1.0097673]\n", + "\n", + "[ 3 2 0 1 8 4 14 15 5 13 12 11 6 9 7 10 16 17]\n", + "=======================\n", + "[\"sean dyche believes his burnley side are more than capable of avoiding the premier league dropsean dyche 's squad - minus the four players on international duty - spent last week in spain preparing for a run-in that begins with sunday 's tricky visit of tottenham .burnley manager sean dyche has complete confidence that his side will beat relegation .\"]\n", + "=======================\n", + "[\"sean dyche says his side can avoid relegation from the premier leagueburnley host tottenham at turf moor in a game they ca n't afford to losethe clarets beat manchester city in their last home premier league gameclick here for all the latest burnley news\"]\n", + "sean dyche believes his burnley side are more than capable of avoiding the premier league dropsean dyche 's squad - minus the four players on international duty - spent last week in spain preparing for a run-in that begins with sunday 's tricky visit of tottenham .burnley manager sean dyche has complete confidence that his side will beat relegation .\n", + "sean dyche says his side can avoid relegation from the premier leagueburnley host tottenham at turf moor in a game they ca n't afford to losethe clarets beat manchester city in their last home premier league gameclick here for all the latest burnley news\n", + "[1.4359291 1.381709 1.3184335 1.3734331 1.1559403 1.1529335 1.0978261\n", + " 1.0502661 1.0084696 1.0243485 1.0252882 1.0317818 1.1188861 1.0876608\n", + " 1.231323 1.1911205 0. 0. ]\n", + "\n", + "[ 0 1 3 2 14 15 4 5 12 6 13 7 11 10 9 8 16 17]\n", + "=======================\n", + "[\"eintracht frankfurt forward alexander meier , the bundesliga 's leading goalscorer , is out for the season with a knee injury .the club says meier will have surgery on his patellar tendon on tuesday .meier tops the bundesliga with 19 goals , ahead of the bayern munich duo of arjen robben ( 17 ) and robert lewandowski ( 16 ) .\"]\n", + "=======================\n", + "['bundesliga top goalscorer alexander meier is out for the seasonthe eintracht frankfurt striker requires knee surgerymeier has scored 19 league goals this season , ahead of bayern munich duo arjen robben ( 17 ) and robert lewandowski ( 16 )but robben is also injured which could mean lewandowski securing the accolade for the second consecutive season']\n", + "eintracht frankfurt forward alexander meier , the bundesliga 's leading goalscorer , is out for the season with a knee injury .the club says meier will have surgery on his patellar tendon on tuesday .meier tops the bundesliga with 19 goals , ahead of the bayern munich duo of arjen robben ( 17 ) and robert lewandowski ( 16 ) .\n", + "bundesliga top goalscorer alexander meier is out for the seasonthe eintracht frankfurt striker requires knee surgerymeier has scored 19 league goals this season , ahead of bayern munich duo arjen robben ( 17 ) and robert lewandowski ( 16 )but robben is also injured which could mean lewandowski securing the accolade for the second consecutive season\n", + "[1.3626025 1.2256038 1.2263114 1.1696146 1.0907633 1.2078764 1.1734246\n", + " 1.1658173 1.0521607 1.0727708 1.2319471 1.0527638 1.0243142 1.0537153\n", + " 1.0139382 1.1051562 0. 0. ]\n", + "\n", + "[ 0 10 2 1 5 6 3 7 15 4 9 13 11 8 12 14 16 17]\n", + "=======================\n", + "[\"in true zlatan ibrahimovic style , he was not content with simply breaking the 100 goals barrier for paris saint-germain on wednesday evening .saint-etienne boss christophe galtier called ibrahimovic the ` best foreigner to ever play in france 'to put his remarkable goalscoring record at psg into perspective , he now trails only former portugal forward pedro pauleta in the all-time record books .\"]\n", + "=======================\n", + "['zlatan ibrahimovic scored a hat-trick for psg on wednesday nightit took his tally for the french club to 102 goals in less than three yearshe now trails only former portugal forward pedro pauleta in all-time listthe longest spell he has ever spent at one club is three seasonswould the sweden star choose the premier league for a last hurrah ?']\n", + "in true zlatan ibrahimovic style , he was not content with simply breaking the 100 goals barrier for paris saint-germain on wednesday evening .saint-etienne boss christophe galtier called ibrahimovic the ` best foreigner to ever play in france 'to put his remarkable goalscoring record at psg into perspective , he now trails only former portugal forward pedro pauleta in the all-time record books .\n", + "zlatan ibrahimovic scored a hat-trick for psg on wednesday nightit took his tally for the french club to 102 goals in less than three yearshe now trails only former portugal forward pedro pauleta in all-time listthe longest spell he has ever spent at one club is three seasonswould the sweden star choose the premier league for a last hurrah ?\n", + "[1.1857505 1.3930498 1.2503715 1.3173068 1.1908066 1.1682215 1.1218494\n", + " 1.0886738 1.1346592 1.1210759 1.09048 1.0732218 1.1547738 1.0402199\n", + " 1.0267465 1.0080427 1.005635 0. ]\n", + "\n", + "[ 1 3 2 4 0 5 12 8 6 9 10 7 11 13 14 15 16 17]\n", + "=======================\n", + "[\"sue sharp was shocked to find a stamp on the # 11 joint saying it had come from new zealand despite asda 's packaging claiming it was born , reared and slaughtered in the uk .mrs sharp , who runs a 1,600-acre sheep farm with her husband robert , had purposely sought out british produce in support of her fellow farmers .a sheep farmer has won an apology from supermarket giant asda after a leg of lamb she bought from them labelled as british turned out to be imported from the other side of the world .\"]\n", + "=======================\n", + "[\"sue sharp shocked to find ` home-grown ' leg of lamb from new zealandshe refuses to accept asda 's explanation that it was a one-off mistakethe sheep farmer has now warned shoppers to be extra vigilant\"]\n", + "sue sharp was shocked to find a stamp on the # 11 joint saying it had come from new zealand despite asda 's packaging claiming it was born , reared and slaughtered in the uk .mrs sharp , who runs a 1,600-acre sheep farm with her husband robert , had purposely sought out british produce in support of her fellow farmers .a sheep farmer has won an apology from supermarket giant asda after a leg of lamb she bought from them labelled as british turned out to be imported from the other side of the world .\n", + "sue sharp shocked to find ` home-grown ' leg of lamb from new zealandshe refuses to accept asda 's explanation that it was a one-off mistakethe sheep farmer has now warned shoppers to be extra vigilant\n", + "[1.3133619 1.3631923 1.1755579 1.236894 1.1656302 1.2060094 1.1150025\n", + " 1.0791755 1.1022627 1.0323563 1.0138438 1.0609006 1.1441016 1.1315855\n", + " 1.0506519 1.0772862 1.0304623 1.0270467 1.0441548 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 3 5 2 4 12 13 6 8 7 15 11 14 18 9 16 17 10 19 20 21 22]\n", + "=======================\n", + "[\"the white female student , who has not been identified , was captured in a snapchat photo detailing several ` reasons why usc wifi blows ' on the board at the university in columbia , south carolina .a university of south carolina ex-sorority girl has been suspended after she was pictured writing that ` n ***** s ' were to blame for the campus 's poor internet connection on a whiteboard in a study room .her reasons included ` incompetent ' professors , ` ratchets ' , an ` overpopulated campus ' and parking .\"]\n", + "=======================\n", + "[\"female student , who has not been identified , pictured in snapchat photodetailed ` reasons why usc wifi blows ' on board using a red marker penreasons included ` ratchets ' and ` parking ' , but top of the list was ` n ***** s 'student , formerly of kappa delta chapter sorority , has been suspendedalso facing university code of conduct investigation into the incident\"]\n", + "the white female student , who has not been identified , was captured in a snapchat photo detailing several ` reasons why usc wifi blows ' on the board at the university in columbia , south carolina .a university of south carolina ex-sorority girl has been suspended after she was pictured writing that ` n ***** s ' were to blame for the campus 's poor internet connection on a whiteboard in a study room .her reasons included ` incompetent ' professors , ` ratchets ' , an ` overpopulated campus ' and parking .\n", + "female student , who has not been identified , pictured in snapchat photodetailed ` reasons why usc wifi blows ' on board using a red marker penreasons included ` ratchets ' and ` parking ' , but top of the list was ` n ***** s 'student , formerly of kappa delta chapter sorority , has been suspendedalso facing university code of conduct investigation into the incident\n", + "[1.1906296 1.3046529 1.1595353 1.1876999 1.2160164 1.0903049 1.0664878\n", + " 1.2453083 1.1742947 1.1512109 1.1396676 1.0726155 1.0638696 1.0969235\n", + " 1.0530059 1.0267978 1.0462451 1.0355021 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 7 4 0 3 8 2 9 10 13 5 11 6 12 14 16 17 15 18 19 20 21 22]\n", + "=======================\n", + "[\"footage taken from the bus 's windscreen dash-cam captures the screams of 36 7th graders on board as a dodge durango swerves erratically in their direction at 60 mph .five of the 36 pupils were hospitalized with minor injuries and 11 were treated at the scene at 8.20 am in tulsa , oklahoma , on monday .this is the terrifying moment an suv hurtled head-on into a school bus full of students on monday morning .\"]\n", + "=======================\n", + "['dash-cam footage captures 36 screaming 7th graders on boarddodge durango can be seen hitting another suv then hurtling toward buspolice said the driver , a 44-year-old man , has a history of seizuresfive pupils were hospitalized , 11 treated at the scene on monday at 8amsuv driver is in serious condition in hospital']\n", + "footage taken from the bus 's windscreen dash-cam captures the screams of 36 7th graders on board as a dodge durango swerves erratically in their direction at 60 mph .five of the 36 pupils were hospitalized with minor injuries and 11 were treated at the scene at 8.20 am in tulsa , oklahoma , on monday .this is the terrifying moment an suv hurtled head-on into a school bus full of students on monday morning .\n", + "dash-cam footage captures 36 screaming 7th graders on boarddodge durango can be seen hitting another suv then hurtling toward buspolice said the driver , a 44-year-old man , has a history of seizuresfive pupils were hospitalized , 11 treated at the scene on monday at 8amsuv driver is in serious condition in hospital\n", + "[1.2911946 1.4338923 1.1782572 1.3445582 1.1718796 1.1292086 1.0548364\n", + " 1.0251412 1.0126489 1.0522578 1.1493442 1.1212115 1.0695349 1.0853617\n", + " 1.105085 1.1235235 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 10 5 15 11 14 13 12 6 9 7 8 21 16 17 18 19 20 22]\n", + "=======================\n", + "['the louisiana state university students were found with nearly 2,000 beers , ten liters of spirits and several litres of wine on the i-10 in mobile county .busted : four underage frat boys were busted in alabama , accused of towing nearly 2,000 cans of beer and ten litres of spirits to gulf shores for spring breakfour under-age fraternity members were busted by police on an alabama interstate with a trailer-load of alcohol , after being stopped for an expired tag .']\n", + "=======================\n", + "['four teens busted towing nearly 2,000 cans of beer and ten litres of spiritsstopped on interstate for driving pick-up and trailer with expired tagthey told deputies they were heading to gulf shores for spring break']\n", + "the louisiana state university students were found with nearly 2,000 beers , ten liters of spirits and several litres of wine on the i-10 in mobile county .busted : four underage frat boys were busted in alabama , accused of towing nearly 2,000 cans of beer and ten litres of spirits to gulf shores for spring breakfour under-age fraternity members were busted by police on an alabama interstate with a trailer-load of alcohol , after being stopped for an expired tag .\n", + "four teens busted towing nearly 2,000 cans of beer and ten litres of spiritsstopped on interstate for driving pick-up and trailer with expired tagthey told deputies they were heading to gulf shores for spring break\n", + "[1.3365896 1.3001904 1.2666825 1.2614132 1.1890208 1.0633013 1.0550423\n", + " 1.0403671 1.0877203 1.0930923 1.1045192 1.1099894 1.0796751 1.0465074\n", + " 1.0362012 1.0657257 1.0583597 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 11 10 9 8 12 15 5 16 6 13 7 14 17 18 19 20 21 22]\n", + "=======================\n", + "[\"on saturday , rosetta swooped to within just 8.6 miles ( 14 km ) of comet 67p 's surface .during this close flyby , the probe was able to capture a stunning four image montage showing the two lobes of the icy comet in incredible detail .the top right frame offers a stunning view onto hapi , the comet 's ` neck ' region that is littered with boulders .\"]\n", + "=======================\n", + "[\"on saturday , rosetta was just 8.6 miles ( 14 km ) of the comet 's surfaceimages reveal one of most detailed photos of the comet 's bump ` neck 'esa recently released a trove of images captured from rosetta 's journeyrosetta will make passes through comet geysers in the coming months\"]\n", + "on saturday , rosetta swooped to within just 8.6 miles ( 14 km ) of comet 67p 's surface .during this close flyby , the probe was able to capture a stunning four image montage showing the two lobes of the icy comet in incredible detail .the top right frame offers a stunning view onto hapi , the comet 's ` neck ' region that is littered with boulders .\n", + "on saturday , rosetta was just 8.6 miles ( 14 km ) of the comet 's surfaceimages reveal one of most detailed photos of the comet 's bump ` neck 'esa recently released a trove of images captured from rosetta 's journeyrosetta will make passes through comet geysers in the coming months\n", + "[1.3994728 1.4599605 1.3256775 1.4122963 1.2161632 1.0212868 1.0122987\n", + " 1.0180143 1.0145525 1.0251362 1.1098932 1.0252944 1.0236477 1.076359\n", + " 1.0530072 1.0084261 1.1869582 1.0176114 1.0153587 1.0583918 1.0148948\n", + " 1.0083541 1.0074476]\n", + "\n", + "[ 1 3 0 2 4 16 10 13 19 14 11 9 12 5 7 17 18 20 8 6 15 21 22]\n", + "=======================\n", + "[\"the frenchman believes arsenal need a goalkeeper , centre back , defensive midfielder and striker if they are to have any chance of winning the barclays premier league title .sky sports pundit thierry henry questioned whether arsenal can win the title with olivier giroud in attackthierry henry has criticised arsenal 's recent dealings in the transfer window and has urged his former side to purchase four top players in the summer .\"]\n", + "=======================\n", + "[\"thierry henry hit out at arsenal striker olivier giroud after chelsea drawthe sky sports pundit does not believe giroud can lead side to gloryarsenal need four ` top quality ' stars to challenge for premier league titlehenry 's former side drew 0-0 with chelsea at the emirates stadiumread : arsenal needed to ask different questions of the chelsea defence\"]\n", + "the frenchman believes arsenal need a goalkeeper , centre back , defensive midfielder and striker if they are to have any chance of winning the barclays premier league title .sky sports pundit thierry henry questioned whether arsenal can win the title with olivier giroud in attackthierry henry has criticised arsenal 's recent dealings in the transfer window and has urged his former side to purchase four top players in the summer .\n", + "thierry henry hit out at arsenal striker olivier giroud after chelsea drawthe sky sports pundit does not believe giroud can lead side to gloryarsenal need four ` top quality ' stars to challenge for premier league titlehenry 's former side drew 0-0 with chelsea at the emirates stadiumread : arsenal needed to ask different questions of the chelsea defence\n", + "[1.4625081 1.4069086 1.293169 1.4350219 1.2249411 1.1223451 1.054895\n", + " 1.0236553 1.0231861 1.0144026 1.0122082 1.0121038 1.0172116 1.3401532\n", + " 1.1324543 1.0782269 1.0901843 1.046074 1.0094686]\n", + "\n", + "[ 0 3 1 13 2 4 14 5 16 15 6 17 7 8 12 9 10 11 18]\n", + "=======================\n", + "['tony pulis insists west brom chairman jeremy peace has given him his word any takeover will not drag on .owner peace is open to offers for the baggies and is understood to want between # 150million and # 200million for the club .there is interest from groups from america , australia and china with peace setting a june deadline to seal any deal .']\n", + "=======================\n", + "[\"west brom owner jeremy peace is looking to sell the midlands clubhe is open to offers and is understood to want between # 150m and # 200mtony pulis says peace has given him his word that a takeover will not dragpulis also praised saido berahino 's impact at the club this season\"]\n", + "tony pulis insists west brom chairman jeremy peace has given him his word any takeover will not drag on .owner peace is open to offers for the baggies and is understood to want between # 150million and # 200million for the club .there is interest from groups from america , australia and china with peace setting a june deadline to seal any deal .\n", + "west brom owner jeremy peace is looking to sell the midlands clubhe is open to offers and is understood to want between # 150m and # 200mtony pulis says peace has given him his word that a takeover will not dragpulis also praised saido berahino 's impact at the club this season\n", + "[1.4398104 1.1506613 1.1454589 1.3072178 1.0577632 1.0718043 1.0504719\n", + " 1.0329106 1.0881759 1.0797396 1.2528907 1.0306294 1.1669271 1.170905\n", + " 1.028374 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 10 13 12 1 2 8 9 5 4 6 7 11 14 17 15 16 18]\n", + "=======================\n", + "[\"angus hawley 's brother has spoken of his shock after his brother , the ex-husband of antonia kidman , died of a suspected heart attack , age 46 , in new york on saturday .led an active lifestyle : mr hawley , 46 , is believed to have suffered a heart attack after returning from a swim .speaking to daily mail australia on monday , david hawley said : ` it 's a real shock , he was one of the fittest men i 've ever met -- he 's swimming everyday . '\"]\n", + "=======================\n", + "[\"angus hawley 's brother said his late sibling ` did n't have heart problems 'he is reported to have had a suspected heart attack in new yorkangus was a father of four children - lucia , hamish , james and sybellahe had all four with nicole kidman 's sister antonia before their 2007 splitboth 44-year-old antonia and angus , 46 , remarried following their divorceangus ' death comes seven months after dr. antony kidman 's deathnicole and antonia 's father also died of a heart attack in singapore\"]\n", + "angus hawley 's brother has spoken of his shock after his brother , the ex-husband of antonia kidman , died of a suspected heart attack , age 46 , in new york on saturday .led an active lifestyle : mr hawley , 46 , is believed to have suffered a heart attack after returning from a swim .speaking to daily mail australia on monday , david hawley said : ` it 's a real shock , he was one of the fittest men i 've ever met -- he 's swimming everyday . '\n", + "angus hawley 's brother said his late sibling ` did n't have heart problems 'he is reported to have had a suspected heart attack in new yorkangus was a father of four children - lucia , hamish , james and sybellahe had all four with nicole kidman 's sister antonia before their 2007 splitboth 44-year-old antonia and angus , 46 , remarried following their divorceangus ' death comes seven months after dr. antony kidman 's deathnicole and antonia 's father also died of a heart attack in singapore\n", + "[1.2168318 1.3051403 1.298362 1.516824 1.1827799 1.0743682 1.0422078\n", + " 1.0206628 1.0738323 1.0152148 1.0204315 1.0367862 1.1354796 1.2384052\n", + " 1.0373204 1.0180271 1.0091703 1.0181018 1.0669492]\n", + "\n", + "[ 3 1 2 13 0 4 12 5 8 18 6 14 11 7 10 17 15 9 16]\n", + "=======================\n", + "['sergio aguero ( left ) and marco reus went head-to-head to help the launch the new puma evospeed 1.3the manchester city star has been in good form this season despite his injury problems and showed his impressive close control against the borussia dortmund winger .the footwear brand are releasing the evospeed 1.3 graphic , which took inspiration from the japanese dragon .']\n", + "=======================\n", + "[\"sergio aguero went up against marco reus in an unusual head-to-headthe stars were helping promote puma 's newest football bootthe manchester city revealed that his side have n't given up on the leagueclick here for all the latest manchester city news\"]\n", + "sergio aguero ( left ) and marco reus went head-to-head to help the launch the new puma evospeed 1.3the manchester city star has been in good form this season despite his injury problems and showed his impressive close control against the borussia dortmund winger .the footwear brand are releasing the evospeed 1.3 graphic , which took inspiration from the japanese dragon .\n", + "sergio aguero went up against marco reus in an unusual head-to-headthe stars were helping promote puma 's newest football bootthe manchester city revealed that his side have n't given up on the leagueclick here for all the latest manchester city news\n", + "[1.4083462 1.4459617 1.1776255 1.1321429 1.416616 1.0806628 1.0346565\n", + " 1.0216174 1.0613043 1.268266 1.0381038 1.0232812 1.0218152 1.0119268\n", + " 1.0810003 1.0288279 1.0106637 1.013791 1.1215032]\n", + "\n", + "[ 1 4 0 9 2 3 18 14 5 8 10 6 15 11 12 7 17 13 16]\n", + "=======================\n", + "[\"the hoops boss criticised the playing surface at st mirren park following the hoops ' 2-0 scottish premiership win on friday night and said that artificial pitches would be an improvement at most of the grounds his team are asked to visit .ronny deila agrees with gary teale 's claim that st mirren have one of the best pitches in the divisionbuddies boss teale hit back , saying : ` it 's maybe a bit firm but it 's an excellent surface .\"]\n", + "=======================\n", + "['ronny deila criticised the playing surface at st mirren park on fridaydeila believes most clubs in division would benefit from artificial surfacesnorwegian boss believes pitches need to be more like those in englandfeels his side should be judged on their performance on poor pitches']\n", + "the hoops boss criticised the playing surface at st mirren park following the hoops ' 2-0 scottish premiership win on friday night and said that artificial pitches would be an improvement at most of the grounds his team are asked to visit .ronny deila agrees with gary teale 's claim that st mirren have one of the best pitches in the divisionbuddies boss teale hit back , saying : ` it 's maybe a bit firm but it 's an excellent surface .\n", + "ronny deila criticised the playing surface at st mirren park on fridaydeila believes most clubs in division would benefit from artificial surfacesnorwegian boss believes pitches need to be more like those in englandfeels his side should be judged on their performance on poor pitches\n", + "[1.2374538 1.0551842 1.1795578 1.4303151 1.159196 1.1838744 1.1558187\n", + " 1.1660329 1.2123271 1.1082116 1.0452276 1.0151492 1.0239426 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 8 5 2 7 4 6 9 1 10 12 11 17 13 14 15 16 18]\n", + "=======================\n", + "['research by asda has found that rump , fillet and t-bone are the most popular cuts of meat when eating out but when we cook at home the majority of us ( 55 per cent ) rely on burgers or mince .sirloin , topside and fillet are best saved for the roasting pan , chuck flank , rib-eye and skirt on the grill and when stewing go for brisket , shoulder and ribs .a fifth of 18-34-year-olds also admitted they find larger cuts of beef daunting to cook .']\n", + "=======================\n", + "['rump , fillet and t-bone most popular cuts of meat when dining outmince and burgers most used when cooking in our own kitchensyoung people avoid unusual cuts as they think it will be too expensive']\n", + "research by asda has found that rump , fillet and t-bone are the most popular cuts of meat when eating out but when we cook at home the majority of us ( 55 per cent ) rely on burgers or mince .sirloin , topside and fillet are best saved for the roasting pan , chuck flank , rib-eye and skirt on the grill and when stewing go for brisket , shoulder and ribs .a fifth of 18-34-year-olds also admitted they find larger cuts of beef daunting to cook .\n", + "rump , fillet and t-bone most popular cuts of meat when dining outmince and burgers most used when cooking in our own kitchensyoung people avoid unusual cuts as they think it will be too expensive\n", + "[1.4967531 1.2958223 1.2838894 1.1674088 1.2006321 1.208104 1.2366246\n", + " 1.0237551 1.0349604 1.1906056 1.0703107 1.113677 1.0273103 1.0301692\n", + " 1.0528458 1.0389628 1.0268593 1.0057636 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 6 5 4 9 3 11 10 14 15 8 13 12 16 7 17 20 18 19 21]\n", + "=======================\n", + "['jordan morris scored early in the second half and juan agudelo added his first international goal in four years as the united states beat mexico .morris , a 20-year-old thought to be the first university student to make the us side in at least two decades , pounced on a ball that ricocheted off defender mario osuna in the 49th minute and beat goalkeeper cirilo saucedo from close range .agudelo replaced morris in the 65th and scored seven minutes later with a low shot from just outside the penalty area , his third international goal and first since march 2011 .']\n", + "=======================\n", + "[\"jordan morris scored the first goal of the game after half timejuan agudelo scored for the usa for the first time since 2011jurgan klinsmann 's are preparing for the concacaf gold cup\"]\n", + "jordan morris scored early in the second half and juan agudelo added his first international goal in four years as the united states beat mexico .morris , a 20-year-old thought to be the first university student to make the us side in at least two decades , pounced on a ball that ricocheted off defender mario osuna in the 49th minute and beat goalkeeper cirilo saucedo from close range .agudelo replaced morris in the 65th and scored seven minutes later with a low shot from just outside the penalty area , his third international goal and first since march 2011 .\n", + "jordan morris scored the first goal of the game after half timejuan agudelo scored for the usa for the first time since 2011jurgan klinsmann 's are preparing for the concacaf gold cup\n", + "[1.3347969 1.3838037 1.358426 1.2521917 1.2703714 1.1218884 1.0474323\n", + " 1.0805756 1.0364265 1.0381465 1.0522188 1.0435607 1.0847487 1.1590021\n", + " 1.0364673 1.029993 1.0077705 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 4 3 13 5 12 7 10 6 11 9 14 8 15 16 20 17 18 19 21]\n", + "=======================\n", + "[\"the service to remember the life of the beloved teacher from leeton will tragically be held at the venue intended for her wedding which was due to take place six days after she disappeared .stephanie scott 's heartbroken family have shared a sweet photo of her as a little girl , giggling with her sisters in a bubble bath - as they invited all mourners to ` show their support of our beautiful steph ' for her funeral tomorrow .ms scott 's body was found by found by police in cocoparra national park , north of griffith , nsw , on april 10 .\"]\n", + "=======================\n", + "[\"stephanie scott 's devastated family are preparing for her funeral tomorrowthey say all are welcome to remember and show their support for ms scottthe 26-year-old teacher believed to have been murdered on easter sundayher accused murderer is the school cleaner , vincent stanfordleeton high school have reached out to the community to commend them for the strength they have shown in the face of immeasurable griefher funeral will be held 10 days after her intended wedding datethe funeral will take place at the same venue where she had planned to marry aaron leeson-woolley\"]\n", + "the service to remember the life of the beloved teacher from leeton will tragically be held at the venue intended for her wedding which was due to take place six days after she disappeared .stephanie scott 's heartbroken family have shared a sweet photo of her as a little girl , giggling with her sisters in a bubble bath - as they invited all mourners to ` show their support of our beautiful steph ' for her funeral tomorrow .ms scott 's body was found by found by police in cocoparra national park , north of griffith , nsw , on april 10 .\n", + "stephanie scott 's devastated family are preparing for her funeral tomorrowthey say all are welcome to remember and show their support for ms scottthe 26-year-old teacher believed to have been murdered on easter sundayher accused murderer is the school cleaner , vincent stanfordleeton high school have reached out to the community to commend them for the strength they have shown in the face of immeasurable griefher funeral will be held 10 days after her intended wedding datethe funeral will take place at the same venue where she had planned to marry aaron leeson-woolley\n", + "[1.0672499 1.2680782 1.115884 1.3416297 1.2081176 1.1532818 1.1265833\n", + " 1.0226195 1.03548 1.0465019 1.1014718 1.0427926 1.0647923 1.0652432\n", + " 1.0453935 1.0464933 1.0722578 1.0442303 1.0478472 1.0393996 1.0763179\n", + " 1.0605891]\n", + "\n", + "[ 3 1 4 5 6 2 10 20 16 0 13 12 21 18 9 15 14 17 11 19 8 7]\n", + "=======================\n", + "['timothy mcveigh and terry nichols , former u.s. army soldiers , were convicted of the attack .at 9:02 a.m. , the explosives detonated , killing 168 people , including 19 children .mcveigh was executed in 2001 , and nichols is serving a life sentence .']\n", + "=======================\n", + "[\"april 19 marks 20 years since the oklahoma city bombingthe bombing was carried out by domestic terroriststoday 's domestic terror threats range from eco-terrorists to anti-government extremists\"]\n", + "timothy mcveigh and terry nichols , former u.s. army soldiers , were convicted of the attack .at 9:02 a.m. , the explosives detonated , killing 168 people , including 19 children .mcveigh was executed in 2001 , and nichols is serving a life sentence .\n", + "april 19 marks 20 years since the oklahoma city bombingthe bombing was carried out by domestic terroriststoday 's domestic terror threats range from eco-terrorists to anti-government extremists\n", + "[1.3390828 1.3722433 1.1867206 1.1177995 1.0767813 1.3222566 1.3775817\n", + " 1.0841738 1.2196147 1.0795965 1.024588 1.0321727 1.0198822 1.0168643\n", + " 1.062744 1.0613378 1.0168598 1.011984 1.0093012 1.0168968 1.0109814\n", + " 0. ]\n", + "\n", + "[ 6 1 0 5 8 2 3 7 9 4 14 15 11 10 12 19 13 16 17 20 18 21]\n", + "=======================\n", + "[\"nsw ses have received more than 6500 requests for help since the storms began on monday , with flash flooding , trees down and power outages across the sydney , newcastle and hunter regionsthe public have been alerted to the heartless scheme via an important notice issued on the nsw ses facebook page .the nsw state emergency service ( ses ) are warning the public that scammers are making calls falsely claiming to fundraise , abusing people 's goodwill as nsw is ravaged by wild weather .\"]\n", + "=======================\n", + "[\"nsw ses warns scammers are phoning people claiming to fundraisethe state emergency service say they never call and ask for moneypeople have responded with disgust at the heartlesscon artists are taking advantage of people 's goodwill as nsw is facing severe weather conditionsnsw ses have received more than 6500 requests for help since monday\"]\n", + "nsw ses have received more than 6500 requests for help since the storms began on monday , with flash flooding , trees down and power outages across the sydney , newcastle and hunter regionsthe public have been alerted to the heartless scheme via an important notice issued on the nsw ses facebook page .the nsw state emergency service ( ses ) are warning the public that scammers are making calls falsely claiming to fundraise , abusing people 's goodwill as nsw is ravaged by wild weather .\n", + "nsw ses warns scammers are phoning people claiming to fundraisethe state emergency service say they never call and ask for moneypeople have responded with disgust at the heartlesscon artists are taking advantage of people 's goodwill as nsw is facing severe weather conditionsnsw ses have received more than 6500 requests for help since monday\n", + "[1.0460569 1.0932453 1.1782734 1.1916755 1.1081734 1.124417 1.3211229\n", + " 1.1944332 1.1363897 1.1701111 1.038067 1.0213381 1.0136013 1.0135577\n", + " 1.0152795 1.048447 1.0283394 1.0821539 1.0323799 1.0133456 1.0156564\n", + " 0. ]\n", + "\n", + "[ 6 7 3 2 9 8 5 4 1 17 15 0 10 18 16 11 20 14 12 13 19 21]\n", + "=======================\n", + "[\"steve davis ( left ) and dennis taylor pose with the trophy before their world snooker final in 1985davis was leading the final 8-0 when he missed a shot on the green that he has rued to this day` and so the lights go down , ' whispered commentator ted lowe to 18.5 million viewers .\"]\n", + "=======================\n", + "[\"snooker 's most dramatic final gripped 18.5 million viewers in 1985steve davis had an 8-0 advantage when he missed a green balldennis taylor fought back heroically and eventually won the final 18-17\"]\n", + "steve davis ( left ) and dennis taylor pose with the trophy before their world snooker final in 1985davis was leading the final 8-0 when he missed a shot on the green that he has rued to this day` and so the lights go down , ' whispered commentator ted lowe to 18.5 million viewers .\n", + "snooker 's most dramatic final gripped 18.5 million viewers in 1985steve davis had an 8-0 advantage when he missed a green balldennis taylor fought back heroically and eventually won the final 18-17\n", + "[1.1748302 1.499841 1.3147396 1.3539672 1.0678658 1.0869081 1.1736876\n", + " 1.0812483 1.1241131 1.0386853 1.0178074 1.039711 1.0183955 1.0165098\n", + " 1.0862113 1.015003 1.0196922 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 6 8 5 14 7 4 11 9 16 12 10 13 15 19 17 18 20]\n", + "=======================\n", + "[\"davion navar henry only , 16 , had spent his entire life in foster care after his mother gave birth to him behind bars .three years after his emotional plea at st mark missionary baptist church in st petersburg he has finally found a permanent home with the woman who first met him as a seven-year-old when she became his caseworker .on april 22 she will officially become davion 's mother .\"]\n", + "=======================\n", + "[\"davion only , 16 , captured hearts around the nation in 2013 when he made a plea for a family to ` love him forever 'later this month he will officially be adopted by his old caseworker connie bell going and her familydavion has been living with her two daughters and another adopted boy since decemberms going admitted it has not always been easy but says it is worth it and ` everyday it gets a little bit better '\"]\n", + "davion navar henry only , 16 , had spent his entire life in foster care after his mother gave birth to him behind bars .three years after his emotional plea at st mark missionary baptist church in st petersburg he has finally found a permanent home with the woman who first met him as a seven-year-old when she became his caseworker .on april 22 she will officially become davion 's mother .\n", + "davion only , 16 , captured hearts around the nation in 2013 when he made a plea for a family to ` love him forever 'later this month he will officially be adopted by his old caseworker connie bell going and her familydavion has been living with her two daughters and another adopted boy since decemberms going admitted it has not always been easy but says it is worth it and ` everyday it gets a little bit better '\n", + "[1.5190401 1.3728219 1.2926393 1.0810583 1.0763564 1.2558529 1.1516263\n", + " 1.1645421 1.1200665 1.12267 1.1011263 1.0874202 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 5 7 6 9 8 10 11 3 4 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"manchester united checked on lazio 's felipe anderson and gonzalo higuain of napoli on wednesday night .anderson set up lazio 's winner for senad lulic in the coppa italia semi-final second leg which sees them face juventus in the final .the 21-year-old brazilian midfielder has been in strong form this season and has drawn scouts from paris saint-germain , manchester city , liverpool and arsenal , with the french champions represented again at the san paolo stadium .\"]\n", + "=======================\n", + "[\"manchester united are set to strengthen their squad again this summerfelipe anderson has attracted interest from psg and manchester cityliverpool and arsenal are also keen on lazio 's brazilian midfielderlouis van gaal hopes to sign two strikers when the transfer window opensgonzalo higuain is unsettled at napoli with boss rafa benitez set to leave\"]\n", + "manchester united checked on lazio 's felipe anderson and gonzalo higuain of napoli on wednesday night .anderson set up lazio 's winner for senad lulic in the coppa italia semi-final second leg which sees them face juventus in the final .the 21-year-old brazilian midfielder has been in strong form this season and has drawn scouts from paris saint-germain , manchester city , liverpool and arsenal , with the french champions represented again at the san paolo stadium .\n", + "manchester united are set to strengthen their squad again this summerfelipe anderson has attracted interest from psg and manchester cityliverpool and arsenal are also keen on lazio 's brazilian midfielderlouis van gaal hopes to sign two strikers when the transfer window opensgonzalo higuain is unsettled at napoli with boss rafa benitez set to leave\n", + "[1.2698526 1.4240252 1.2172705 1.1828551 1.1599965 1.0825776 1.0982949\n", + " 1.0700225 1.1057374 1.0733316 1.023261 1.1174141 1.0333432 1.047022\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 11 8 6 5 9 7 13 12 10 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"abase hussen -- who blamed police for failing to stop his daughter fleeing to join is earlier this year -- conceded the teenager was ` maybe ' influenced by the rally organised by banned terror group al-muhajiroun .the flag-burning father of a runaway british jihadi schoolgirl yesterday admitted taking his daughter to an extremist rally when she was 13 .abase hussen , circled , marched at the head of a violent rally held by muslim extremists in london in 2012\"]\n", + "=======================\n", + "[\"abase hussen said maybe his daughter was influenced by attending a rallyamira abase was one of three teenage girls who fled to syria in februarymr hussen attended one rally alongside one of lee rigby 's killershe said he moved to britain in 1999 for freedom and democracy\"]\n", + "abase hussen -- who blamed police for failing to stop his daughter fleeing to join is earlier this year -- conceded the teenager was ` maybe ' influenced by the rally organised by banned terror group al-muhajiroun .the flag-burning father of a runaway british jihadi schoolgirl yesterday admitted taking his daughter to an extremist rally when she was 13 .abase hussen , circled , marched at the head of a violent rally held by muslim extremists in london in 2012\n", + "abase hussen said maybe his daughter was influenced by attending a rallyamira abase was one of three teenage girls who fled to syria in februarymr hussen attended one rally alongside one of lee rigby 's killershe said he moved to britain in 1999 for freedom and democracy\n", + "[1.4688996 1.280965 1.4714996 1.2732853 1.2139951 1.1709586 1.2004734\n", + " 1.044148 1.0394645 1.0146143 1.0190432 1.0159757 1.0115556 1.0115988\n", + " 1.0204976 1.0119271 1.0666237 1.1366589 1.0935721 1.060774 1.0353565]\n", + "\n", + "[ 2 0 1 3 4 6 5 17 18 16 19 7 8 20 14 10 11 9 15 13 12]\n", + "=======================\n", + "['conrad clitheroe , 54 and gary cooper , 45 , from stockport , along with their ex-pat friend neil munro were stopped by police for writing down aircraft registration numbers at fujairah airport .three british men who have spent two months in prisons in dubai and abu dhabi after they were seen plane spotting are to be freed .they were taken to a police station and despite being told they would not be detained , were put into prison .']\n", + "=======================\n", + "['conrad clitheroe , 54 , and gary cooper , 45 , were taken to a police stationthey were told they would be allowed to leave if they signed arabic formbut they were held in prison along with friend neil munro for two monthsofficials confirmed today that charges of espionage against them dropped']\n", + "conrad clitheroe , 54 and gary cooper , 45 , from stockport , along with their ex-pat friend neil munro were stopped by police for writing down aircraft registration numbers at fujairah airport .three british men who have spent two months in prisons in dubai and abu dhabi after they were seen plane spotting are to be freed .they were taken to a police station and despite being told they would not be detained , were put into prison .\n", + "conrad clitheroe , 54 , and gary cooper , 45 , were taken to a police stationthey were told they would be allowed to leave if they signed arabic formbut they were held in prison along with friend neil munro for two monthsofficials confirmed today that charges of espionage against them dropped\n", + "[1.2317326 1.4802922 1.218595 1.2205162 1.250437 1.1597753 1.0808146\n", + " 1.1308877 1.083698 1.0465257 1.0988619 1.0478749 1.0186267 1.0547472\n", + " 1.0747219 1.0334685 1.1033951 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 3 2 5 7 16 10 8 6 14 13 11 9 15 12 19 17 18 20]\n", + "=======================\n", + "['jackson byrnes from northern new south wales was told by doctors that he had a stage four brain tumour that was too deep and aggressive to be safely operated on .a teenager with a deadly brain tumour must raise $ 80,000 by tuesday night in order to pay for his surgeryafter seven days of desperate campaigning through facebook and the crowd funding page gofundme , the casino teenager is over halfway to his goal with $ 47,000 being raised .']\n", + "=======================\n", + "['teen with deadly brain tumour was told by doctors they would not operatejackson byrnes instead found a neurosurgeon who would do the operationhe must find $ 80,000 by tuesday night to pay the surgeon up frontjackson byrnes and his family have used crowd funding to raise money$ 47,000 has been donated but there are only 2 more days left in campaign']\n", + "jackson byrnes from northern new south wales was told by doctors that he had a stage four brain tumour that was too deep and aggressive to be safely operated on .a teenager with a deadly brain tumour must raise $ 80,000 by tuesday night in order to pay for his surgeryafter seven days of desperate campaigning through facebook and the crowd funding page gofundme , the casino teenager is over halfway to his goal with $ 47,000 being raised .\n", + "teen with deadly brain tumour was told by doctors they would not operatejackson byrnes instead found a neurosurgeon who would do the operationhe must find $ 80,000 by tuesday night to pay the surgeon up frontjackson byrnes and his family have used crowd funding to raise money$ 47,000 has been donated but there are only 2 more days left in campaign\n", + "[1.247067 1.4147629 1.365951 1.0872889 1.0796424 1.1938583 1.0890437\n", + " 1.0364195 1.0174487 1.0216236 1.0522654 1.0587406 1.0167869 1.0307621\n", + " 1.1123667 1.068406 1.0264813 1.0132612 1.0128363 1.0145197 1.0307043\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 5 14 6 3 4 15 11 10 7 13 20 16 9 8 12 19 17 18 21 22]\n", + "=======================\n", + "['now the adventure has been re-created in a new film , showing the young princesses elizabeth and margaret as they wander incognito through the city streets .and among the most curious viewers of a royal night out , released next month to coincide with the anniversary of ve day on may 8 , 1945 , will be a woman who knows better than anyone what really happened on that extraordinary night .it was a real-life fairytale -- the moment , 70 years ago , when two carefully guarded princesses were let loose to join the jubilant crowds in london celebrating the end of the second world war in europe .']\n", + "=======================\n", + "[\"princess elizabeth and margaret joined the crowds celebrating in londonqueen 's cousin margaret rhodes was with the young royals celebratingshe says the queen remembers the night with ` great happiness 'adventure has been recreated in new film a right royal night out\"]\n", + "now the adventure has been re-created in a new film , showing the young princesses elizabeth and margaret as they wander incognito through the city streets .and among the most curious viewers of a royal night out , released next month to coincide with the anniversary of ve day on may 8 , 1945 , will be a woman who knows better than anyone what really happened on that extraordinary night .it was a real-life fairytale -- the moment , 70 years ago , when two carefully guarded princesses were let loose to join the jubilant crowds in london celebrating the end of the second world war in europe .\n", + "princess elizabeth and margaret joined the crowds celebrating in londonqueen 's cousin margaret rhodes was with the young royals celebratingshe says the queen remembers the night with ` great happiness 'adventure has been recreated in new film a right royal night out\n", + "[1.1185703 1.4779919 1.1306021 1.2788427 1.4001045 1.2262511 1.1666689\n", + " 1.0493609 1.1082826 1.1314512 1.2756195 1.035932 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 3 10 5 6 9 2 0 8 7 11 12 13 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"just days after scoring the winner for sunderland in the tyne/wear derby , the striker received a somewhat mixed reception when he was introduced to the crowd at a wrestling event in newcastle .the wwe 's show in newcastle was their latest on their tour of the uk after wrestlemania .the sunderland striker was booed by some when he walked out at the wwe event on thursday\"]\n", + "=======================\n", + "['jermain defoe received a mixed reception from fans in newcastlethe 32-year-old was introduced to the crowd at a wwe eventdefoe scored the winner for sunderland in tyne/wear derby on sunday']\n", + "just days after scoring the winner for sunderland in the tyne/wear derby , the striker received a somewhat mixed reception when he was introduced to the crowd at a wrestling event in newcastle .the wwe 's show in newcastle was their latest on their tour of the uk after wrestlemania .the sunderland striker was booed by some when he walked out at the wwe event on thursday\n", + "jermain defoe received a mixed reception from fans in newcastlethe 32-year-old was introduced to the crowd at a wwe eventdefoe scored the winner for sunderland in tyne/wear derby on sunday\n", + "[1.2643434 1.1174135 1.1059271 1.1012802 1.1839823 1.1196557 1.0224364\n", + " 1.0908539 1.0407603 1.1195886 1.1208028 1.0520334 1.0451587 1.0268342\n", + " 1.0498905 1.1021187 1.0427848 1.079871 1.0509362 1.0403491 1.0379354\n", + " 1.0266249 1.0231276]\n", + "\n", + "[ 0 4 10 5 9 1 2 15 3 7 17 11 18 14 12 16 8 19 20 13 21 22 6]\n", + "=======================\n", + "[\"( cnn ) hillary clinton finally answered the question we 've all been asking for years : will she run for president in 2016 ?a win would mean a woman in the white house , which is a vital step in the march toward women 's full political inclusion .women will continue to be less likely than men even to consider running for office .\"]\n", + "=======================\n", + "[\"jennifer lawless : there 's a strong temptation to view hillary clinton 's candidacy as all about cracking the glass ceiling for womenshe says the reality is that most people will vote not on gender but on the economy and partisanship\"]\n", + "( cnn ) hillary clinton finally answered the question we 've all been asking for years : will she run for president in 2016 ?a win would mean a woman in the white house , which is a vital step in the march toward women 's full political inclusion .women will continue to be less likely than men even to consider running for office .\n", + "jennifer lawless : there 's a strong temptation to view hillary clinton 's candidacy as all about cracking the glass ceiling for womenshe says the reality is that most people will vote not on gender but on the economy and partisanship\n", + "[1.3274412 1.4577682 1.2382889 1.3193994 1.1040053 1.0739911 1.0976124\n", + " 1.061499 1.0518026 1.1972901 1.0508281 1.0346372 1.0639782 1.05823\n", + " 1.0570123 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 3 2 9 4 6 5 12 7 13 14 8 10 11 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"aaron kaufman , the former chief technology officer of blue shield , has been accused by his former employer of blowing thousands of dollars on vacations , hotel stays and lavish nights out with reid .tara reid 's boyfriend was reportedly fired from his high-flying job at a health insurance firm for cheating them out of more than $ 100,000 by wasting their money on his company credit card .blue shield also mentioned reid in their complaint , saying that at one event bankrolled by kaufman 's card she ` behaved inappropriately ' by posting raunchy images of herself at the event to social media .\"]\n", + "=======================\n", + "[\"aaron kaufman , former chief technology officer at blue shield , was firedcompany says it sacked him for blowing cash on company credit cardalso alleged that he brought tara reid to company-funded events , where she 'em barrassed ' members of staff by posting raunchy shots onlineother alleged expenditure includes florida vacation which cost $ 17,491\"]\n", + "aaron kaufman , the former chief technology officer of blue shield , has been accused by his former employer of blowing thousands of dollars on vacations , hotel stays and lavish nights out with reid .tara reid 's boyfriend was reportedly fired from his high-flying job at a health insurance firm for cheating them out of more than $ 100,000 by wasting their money on his company credit card .blue shield also mentioned reid in their complaint , saying that at one event bankrolled by kaufman 's card she ` behaved inappropriately ' by posting raunchy images of herself at the event to social media .\n", + "aaron kaufman , former chief technology officer at blue shield , was firedcompany says it sacked him for blowing cash on company credit cardalso alleged that he brought tara reid to company-funded events , where she 'em barrassed ' members of staff by posting raunchy shots onlineother alleged expenditure includes florida vacation which cost $ 17,491\n", + "[1.2010438 1.2237381 1.345576 1.1856757 1.2870768 1.1601051 1.1129459\n", + " 1.0781128 1.0765523 1.0789539 1.0298452 1.0440558 1.120933 1.0568047\n", + " 1.0718485 1.0349107 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 4 1 0 3 5 12 6 9 7 8 14 13 11 15 10 16 17 18 19 20 21 22]\n", + "=======================\n", + "['since monday , over-55s have been able to withdraw all or part of their pension pots instead of being forced to buy a regular pension income for life , known as an annuity .pension firms said britons remained baffled about how the radical changes worked , with many unaware of age restrictions or tax implications .the biggest pension reforms in a century have been met with confusion as customers as young as 23 try to cash in their retirement savings .']\n", + "=======================\n", + "['pension firms said britons remain baffled about how radical changes workover-55s are now able to withdraw all or part of their pension potssome customers in their 20s have been trying to withdraw retirement savings , despite being three decades too youngothers do not know they face hefty tax bill if they remove all cash at once']\n", + "since monday , over-55s have been able to withdraw all or part of their pension pots instead of being forced to buy a regular pension income for life , known as an annuity .pension firms said britons remained baffled about how the radical changes worked , with many unaware of age restrictions or tax implications .the biggest pension reforms in a century have been met with confusion as customers as young as 23 try to cash in their retirement savings .\n", + "pension firms said britons remain baffled about how radical changes workover-55s are now able to withdraw all or part of their pension potssome customers in their 20s have been trying to withdraw retirement savings , despite being three decades too youngothers do not know they face hefty tax bill if they remove all cash at once\n", + "[1.4379641 1.3477879 1.2091161 1.1303668 1.3162994 1.227149 1.1272707\n", + " 1.0396467 1.1973262 1.1189502 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 5 2 8 3 6 9 7 17 10 11 12 13 14 15 16 18]\n", + "=======================\n", + "['kevin pietersen has announced plans to begin his season with surrey against oxford mccu in the parks .pietersen , hoping to press for an england recall through weight of runs in the lv = county championship , signed a new contract with surrey last month .the record-breaking batsman is therefore expected to feature in his first championship match since 2013 , against glamorgan on april 19 .']\n", + "=======================\n", + "['kevin pietersen signed a new contract with surrey last monthhe has confirmed that he will play against oxford mccu later this monthpietersen is still hoping to win an england recall']\n", + "kevin pietersen has announced plans to begin his season with surrey against oxford mccu in the parks .pietersen , hoping to press for an england recall through weight of runs in the lv = county championship , signed a new contract with surrey last month .the record-breaking batsman is therefore expected to feature in his first championship match since 2013 , against glamorgan on april 19 .\n", + "kevin pietersen signed a new contract with surrey last monthhe has confirmed that he will play against oxford mccu later this monthpietersen is still hoping to win an england recall\n", + "[1.1906203 1.4350946 1.3384902 1.3518841 1.2133234 1.0773201 1.0226624\n", + " 1.0464712 1.0139847 1.0178235 1.0227904 1.0214186 1.1537175 1.0166618\n", + " 1.0239754 1.0553368 1.0917668 1.014 1.0854533]\n", + "\n", + "[ 1 3 2 4 0 12 16 18 5 15 7 14 10 6 11 9 13 17 8]\n", + "=======================\n", + "[\"in the hbo documentary thought crimes which premiered on thursday at tribeca film festival , valle talks about his 2012 arrest and the claims that allegedly plotted to kidnap , torture , and eat his wife and other women online .for those hungry to learn about valle and his stomach-churning fantasies , the film will also be shown on hbo in may .family time : gilberto valle , often at his mother 's house , is seen cooking in the film but he 's only making bacon and eggs and he makes jokes about people feeling afraid when they see him with a fork\"]\n", + "=======================\n", + "[\"` cannibal cop ' gilberto valle stars in an hbo documentary called thought crimes which premiered on thursday at the tribeca film festival` when you 're behind a computer screen late at night , no one knows who you are , where you are , ' valle says in the opening of the documentaryvalle insists throughout the film that he never intended to actually hurt anyone and says he just has dark fantasiesvalle was arrested in 2012 for plotting to kill and cook women but was released in july\"]\n", + "in the hbo documentary thought crimes which premiered on thursday at tribeca film festival , valle talks about his 2012 arrest and the claims that allegedly plotted to kidnap , torture , and eat his wife and other women online .for those hungry to learn about valle and his stomach-churning fantasies , the film will also be shown on hbo in may .family time : gilberto valle , often at his mother 's house , is seen cooking in the film but he 's only making bacon and eggs and he makes jokes about people feeling afraid when they see him with a fork\n", + "` cannibal cop ' gilberto valle stars in an hbo documentary called thought crimes which premiered on thursday at the tribeca film festival` when you 're behind a computer screen late at night , no one knows who you are , where you are , ' valle says in the opening of the documentaryvalle insists throughout the film that he never intended to actually hurt anyone and says he just has dark fantasiesvalle was arrested in 2012 for plotting to kill and cook women but was released in july\n", + "[1.5924764 1.5065944 1.2909434 1.2638314 1.0389068 1.0701691 1.3557774\n", + " 1.0340743 1.0170128 1.02604 1.0207111 1.07229 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 6 2 3 11 5 4 7 9 10 8 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"jacques burger will be available to play in saracens ' european champions cup semi-final against clermont auvergne in saint etienne on april 18 .the namibia flanker received a one-week ban after he appeared at a champions cup disciplinary hearing on thursday .burger , who will miss saracens ' aviva premiership appointment with play-off rivals leicester at allianz park on saturday , had been cited by the match commissioner for striking racing metro scrum-half maxime machenaud during last weekend 's champions cup quarter-final victory in paris .\"]\n", + "=======================\n", + "[\"jacques burger was cited for striking racing metro 's maxime machenaudsaracens defeated racing with the last kick of the game in the quarter-finalmark mccall 's side face leicester tigers on saturdayburger received a one-week ban for his strike on machenaudthe openside will miss the tigers game , but will be free to play clermont\"]\n", + "jacques burger will be available to play in saracens ' european champions cup semi-final against clermont auvergne in saint etienne on april 18 .the namibia flanker received a one-week ban after he appeared at a champions cup disciplinary hearing on thursday .burger , who will miss saracens ' aviva premiership appointment with play-off rivals leicester at allianz park on saturday , had been cited by the match commissioner for striking racing metro scrum-half maxime machenaud during last weekend 's champions cup quarter-final victory in paris .\n", + "jacques burger was cited for striking racing metro 's maxime machenaudsaracens defeated racing with the last kick of the game in the quarter-finalmark mccall 's side face leicester tigers on saturdayburger received a one-week ban for his strike on machenaudthe openside will miss the tigers game , but will be free to play clermont\n", + "[1.3117824 1.415638 1.2053328 1.2905121 1.2161356 1.0936012 1.1214833\n", + " 1.1437168 1.0567162 1.0703439 1.0782529 1.0984033 1.0681607 1.0408486\n", + " 1.0086863 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 4 2 7 6 11 5 10 9 12 8 13 14 15 16 17 18]\n", + "=======================\n", + "[\"if found guilty , 17-year-old chancey luna faces a maximum sentence of life in jail without the prospect of release .jury selection has begun in oklahoma for the murder trial of the teenager accused of shooting dead australian baseball player chris lane .in a tedious process that could last four days , district court judge ken graham , prosecutors and luna 's legal team have begun questioning a jury pool of 170 stephens county residents .\"]\n", + "=======================\n", + "['jury selection has begun in oklahoma for the murder trial of chancey lunaluna is accused of shooting dead australian baseball player chris lanelane , 22 , from melbourne , was jogging along a street in the rural southern oklahoma city of duncan in august 2013 when he was shot in the back']\n", + "if found guilty , 17-year-old chancey luna faces a maximum sentence of life in jail without the prospect of release .jury selection has begun in oklahoma for the murder trial of the teenager accused of shooting dead australian baseball player chris lane .in a tedious process that could last four days , district court judge ken graham , prosecutors and luna 's legal team have begun questioning a jury pool of 170 stephens county residents .\n", + "jury selection has begun in oklahoma for the murder trial of chancey lunaluna is accused of shooting dead australian baseball player chris lanelane , 22 , from melbourne , was jogging along a street in the rural southern oklahoma city of duncan in august 2013 when he was shot in the back\n", + "[1.0707284 1.1668092 1.1161143 1.4686768 1.3047504 1.2638047 1.0991846\n", + " 1.0378083 1.062631 1.1860065 1.0345879 1.081782 1.0881712 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 5 9 1 2 6 12 11 0 8 7 10 13 14 15 16 17 18]\n", + "=======================\n", + "['the 11-year-old boy with autism is seen drawing the intricate map of the world from scratcha professor in new york invited her 11-year-old autistic son to one of her classes , during which he got up on a chair and drew the world map from memory .a student took the photos and her father posted them on the online community , reddit , as user bobitis .']\n", + "=======================\n", + "['image went viral after it was posted by user bobitis on redditthe unnamed youth , from new york , knelt on a chair to reach whiteboardthe boy is the son of new york professor and drew map from memory']\n", + "the 11-year-old boy with autism is seen drawing the intricate map of the world from scratcha professor in new york invited her 11-year-old autistic son to one of her classes , during which he got up on a chair and drew the world map from memory .a student took the photos and her father posted them on the online community , reddit , as user bobitis .\n", + "image went viral after it was posted by user bobitis on redditthe unnamed youth , from new york , knelt on a chair to reach whiteboardthe boy is the son of new york professor and drew map from memory\n", + "[1.4026481 1.2695037 1.070504 1.1368141 1.2003433 1.1549125 1.172418\n", + " 1.0461864 1.1437161 1.1050419 1.0670539 1.0798169 1.0120739 1.0927776\n", + " 1.018868 1.0324178 1.0810778 1.0957053 1.0324503 0. ]\n", + "\n", + "[ 0 1 4 6 5 8 3 9 17 13 16 11 2 10 7 18 15 14 12 19]\n", + "=======================\n", + "['pretty spot : queen victoria spent her holidays in osborne house on the isle of wightshe would travel to portsmouth by train and then by ferry to ryde .so , in 1875 , a station was built at whippingham , the closest point on the line to osborne house -- just to serve the royal residence .']\n", + "=======================\n", + "[\"queen victoria 's holiday residence was osborne house on the isle of wightbut her journeys there involved train and ferry ride and then another train ride to a station more than two miles from the propertyin 1875 , a station was built at whippingham just to serve royal residencebuilding is now a five-bedroom home , currently on the market for # 625,000\"]\n", + "pretty spot : queen victoria spent her holidays in osborne house on the isle of wightshe would travel to portsmouth by train and then by ferry to ryde .so , in 1875 , a station was built at whippingham , the closest point on the line to osborne house -- just to serve the royal residence .\n", + "queen victoria 's holiday residence was osborne house on the isle of wightbut her journeys there involved train and ferry ride and then another train ride to a station more than two miles from the propertyin 1875 , a station was built at whippingham just to serve royal residencebuilding is now a five-bedroom home , currently on the market for # 625,000\n", + "[1.2870506 1.4915699 1.2579836 1.0895529 1.1023608 1.3247061 1.0206513\n", + " 1.0151232 1.1797369 1.103576 1.10734 1.1598642 1.2391068 1.046927\n", + " 1.0293121 1.0980387 1.0109094 1.0103428 1.0699857 1.0819541]\n", + "\n", + "[ 1 5 0 2 12 8 11 10 9 4 15 3 19 18 13 14 6 7 16 17]\n", + "=======================\n", + "[\"the british singer , who is currently touring new zealand , took time out of his schedule over the weekend to help jess knight celebrate her 20th birthday in auckland hospital .ed sheeran surprised a fan in hospital for her birthday after she had to give up her tickets to his concert when she was diagnosed with cancer .an ecstatic ms knight said she ` could n't stop smiling ' following the memorable visit .\"]\n", + "=======================\n", + "['jess knight , 20 , was surprised by ed sheeran at auckland hospitalshe had planned on being at his auckland concert at the weekendhowever , jess was diagnosed with leukemia two weeks after buying the tickets last octobershe launched a social media campaign to beg sheeran to visit herbritish singer spent 30 minutes with an ecstatic jess and her friends']\n", + "the british singer , who is currently touring new zealand , took time out of his schedule over the weekend to help jess knight celebrate her 20th birthday in auckland hospital .ed sheeran surprised a fan in hospital for her birthday after she had to give up her tickets to his concert when she was diagnosed with cancer .an ecstatic ms knight said she ` could n't stop smiling ' following the memorable visit .\n", + "jess knight , 20 , was surprised by ed sheeran at auckland hospitalshe had planned on being at his auckland concert at the weekendhowever , jess was diagnosed with leukemia two weeks after buying the tickets last octobershe launched a social media campaign to beg sheeran to visit herbritish singer spent 30 minutes with an ecstatic jess and her friends\n", + "[1.0941559 1.578043 1.1392612 1.145572 1.0346129 1.0239365 1.022379\n", + " 1.0164887 1.0652543 1.2024959 1.2162586 1.0587032 1.1937677 1.019993\n", + " 1.0362728 1.1284755 1.0636811 1.0239408 1.0351614 1.02817 ]\n", + "\n", + "[ 1 10 9 12 3 2 15 0 8 16 11 14 18 4 19 17 5 6 13 7]\n", + "=======================\n", + "[\"the world 's leading showjumping and dressage horses have reached las vegas for this week 's world cup finals .vegas is home to the finals for the sixth time since first hosting showjumping in 2000 .the flights are over and they 're in las vegas to work .\"]\n", + "=======================\n", + "[\"horses complete transatlantic trip to las vegas in ` business class ' luxury80,000 fans expected as organizers spend $ 8m bringing horses back to vegascelebrity chefs and legends of sport will mix with top jumping and dressage ridersworld cup final trophies to be won -- some of the most prestigious in the sport\"]\n", + "the world 's leading showjumping and dressage horses have reached las vegas for this week 's world cup finals .vegas is home to the finals for the sixth time since first hosting showjumping in 2000 .the flights are over and they 're in las vegas to work .\n", + "horses complete transatlantic trip to las vegas in ` business class ' luxury80,000 fans expected as organizers spend $ 8m bringing horses back to vegascelebrity chefs and legends of sport will mix with top jumping and dressage ridersworld cup final trophies to be won -- some of the most prestigious in the sport\n", + "[1.2766076 1.4246007 1.2318814 1.3254759 1.1566212 1.0902841 1.0652219\n", + " 1.0484796 1.1417358 1.1402642 1.1096933 1.0324888 1.0121758 1.0370723\n", + " 1.0412267 1.0179658 1.0454298 1.0224751 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 8 9 10 5 6 7 16 14 13 11 17 15 12 18 19]\n", + "=======================\n", + "[\"bishop robert finn , 62 , offered his resignation under the code of canon law that allows bishops to resign early for illness or some ` grave ' reason that makes them unfit for office .pope francis has accepted the resignation of an american bishop who pleaded guilty to failing to report a priest who was a suspected child abuser .but children 's rights advocates are urging pope francis to do much more to deal with clergy who become embroiled in child sex scandals .\"]\n", + "=======================\n", + "[\"bishop robert finn failed to notify police about a suspected child abuserhe waited months before telling authorities about reverend shawn ratiganin 2012 , finn plead guilty to a misdemeanor charge and was given probationhe is now the highest-ranking church official convicted of sex abuse-related chargeschildren 's rights advocates have called on pope francis to do even more\"]\n", + "bishop robert finn , 62 , offered his resignation under the code of canon law that allows bishops to resign early for illness or some ` grave ' reason that makes them unfit for office .pope francis has accepted the resignation of an american bishop who pleaded guilty to failing to report a priest who was a suspected child abuser .but children 's rights advocates are urging pope francis to do much more to deal with clergy who become embroiled in child sex scandals .\n", + "bishop robert finn failed to notify police about a suspected child abuserhe waited months before telling authorities about reverend shawn ratiganin 2012 , finn plead guilty to a misdemeanor charge and was given probationhe is now the highest-ranking church official convicted of sex abuse-related chargeschildren 's rights advocates have called on pope francis to do even more\n", + "[1.0863439 1.3941479 1.2279137 1.3219318 1.3173938 1.1756369 1.093805\n", + " 1.0640886 1.053219 1.0640888 1.1488429 1.122163 1.0733682 1.0474757\n", + " 1.0383517 1.0617832 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 5 10 11 6 0 12 9 7 15 8 13 14 16 17 18 19]\n", + "=======================\n", + "['those who frequently dine out or feast on takeaways are more likely to have pre-hypertension -- elevated blood pressure -- with just one extra meal out a week raising the odds by six per cent , a study found .a team at duke-nus graduate medical school in singapore found 27.4 per cent of the population suffered from pre-hypertension .eating out is associated with higher calorie , saturated fat and salt intake -- all causes of high blood pressure .']\n", + "=======================\n", + "[\"those who often dine out are more likely to have elevated blood pressureeating out is associated with higher calorie , saturated fat and salt intakeresearchers found 27.4 % of singapore 's population had pre-hypertensionof these , more than a third ate more than 12 meals out every week\"]\n", + "those who frequently dine out or feast on takeaways are more likely to have pre-hypertension -- elevated blood pressure -- with just one extra meal out a week raising the odds by six per cent , a study found .a team at duke-nus graduate medical school in singapore found 27.4 per cent of the population suffered from pre-hypertension .eating out is associated with higher calorie , saturated fat and salt intake -- all causes of high blood pressure .\n", + "those who often dine out are more likely to have elevated blood pressureeating out is associated with higher calorie , saturated fat and salt intakeresearchers found 27.4 % of singapore 's population had pre-hypertensionof these , more than a third ate more than 12 meals out every week\n", + "[1.3226781 1.2628967 1.3382424 1.2520306 1.1845217 1.2381545 1.1830758\n", + " 1.106252 1.0749042 1.024289 1.0236607 1.0295355 1.0305564 1.1267991\n", + " 1.1452836 1.0222526 1.0153105 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 3 5 4 6 14 13 7 8 12 11 9 10 15 16 24 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"music lovers paid nearly # 40 to see the singer perform in canterbury last night - only to wait for more than three hours for him to arrive .fans of rapper tinie tempah were left furious when the star turned up hours late to his own ` intimate gig ' and only performed two songs before leaving .he then spent just a few minutes on stage , playing two of his songs before telling the crowd ` see you on tour ' and leaving .\"]\n", + "=======================\n", + "[\"exclusive : rapper was booked to play ` intimate gig ' at club in canterburybut he turned up three hours after advertised start time and played just two songs before leavingclub has apologised and vowed to seek refund from the star 's management\"]\n", + "music lovers paid nearly # 40 to see the singer perform in canterbury last night - only to wait for more than three hours for him to arrive .fans of rapper tinie tempah were left furious when the star turned up hours late to his own ` intimate gig ' and only performed two songs before leaving .he then spent just a few minutes on stage , playing two of his songs before telling the crowd ` see you on tour ' and leaving .\n", + "exclusive : rapper was booked to play ` intimate gig ' at club in canterburybut he turned up three hours after advertised start time and played just two songs before leavingclub has apologised and vowed to seek refund from the star 's management\n", + "[1.2102575 1.1781871 1.2701707 1.2099924 1.0908705 1.0325241 1.0254103\n", + " 1.085979 1.1754767 1.0952085 1.0732685 1.0546745 1.0348898 1.0350368\n", + " 1.0451816 1.0689285 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 1 8 9 4 7 10 15 11 14 13 12 5 6 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"mirreyes , which refers to individuals who enjoy ` ostentatious spending , exhibitionism and narcissism ' and are ` placed above all others ' , post pictures of luxuries with a hashtag of the same name .every country in the world may have its rich kids of instagram , but in mexico the increasingly ostentatious displays of wealth by the young elite is taking on a political dimension .ballers and shotcallers : mirreyes are often the sons and daughters of the members of mexican high society\"]\n", + "=======================\n", + "[\"teens and young adults from mexico use social media to show off wealththey are known as mirreyes and are members of mexican high societyone such individual , jorge alberto lópez amores , dove off yacht in 2014lópez , 29 , asked friends to take video of stunt and was never seen againexpert : ` the economic wealth mirreyes use is the main marker of class 'households in mexico take in an average of $ 12,850 per year after taxes\"]\n", + "mirreyes , which refers to individuals who enjoy ` ostentatious spending , exhibitionism and narcissism ' and are ` placed above all others ' , post pictures of luxuries with a hashtag of the same name .every country in the world may have its rich kids of instagram , but in mexico the increasingly ostentatious displays of wealth by the young elite is taking on a political dimension .ballers and shotcallers : mirreyes are often the sons and daughters of the members of mexican high society\n", + "teens and young adults from mexico use social media to show off wealththey are known as mirreyes and are members of mexican high societyone such individual , jorge alberto lópez amores , dove off yacht in 2014lópez , 29 , asked friends to take video of stunt and was never seen againexpert : ` the economic wealth mirreyes use is the main marker of class 'households in mexico take in an average of $ 12,850 per year after taxes\n", + "[1.5078259 1.2635586 1.166259 1.1462607 1.2502385 1.2376493 1.0197122\n", + " 1.0268419 1.3607459 1.0294667 1.0353351 1.0414207 1.0594146 1.0089332\n", + " 1.0400808 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 8 1 4 5 2 3 12 11 14 10 9 7 6 13 23 22 21 20 16 18 17 15 24\n", + " 19 25]\n", + "=======================\n", + "[\"england test captain alastair cook feared jonathan trott 's international career was over 18 months ago , but feels he is now ready to face the ` pressure cooker ' once again .trott dramatically left the 2013/14 ashes trip after just one match at the gabba having struggled with what was initially labelled a ` stress-related condition ' and later diagnosed as situational anxiety .the pair are now heavy favourites to open the batting together in west indies this month and should get a first chance against a st kitts & nevis invitation xi on monday .\"]\n", + "=======================\n", + "[\"alastair cook feels jonathan trott is ready to return to the england squadtrott left the international stage last year with ` situational anxiety 'the batsman has been impressive for his side warwickshire\"]\n", + "england test captain alastair cook feared jonathan trott 's international career was over 18 months ago , but feels he is now ready to face the ` pressure cooker ' once again .trott dramatically left the 2013/14 ashes trip after just one match at the gabba having struggled with what was initially labelled a ` stress-related condition ' and later diagnosed as situational anxiety .the pair are now heavy favourites to open the batting together in west indies this month and should get a first chance against a st kitts & nevis invitation xi on monday .\n", + "alastair cook feels jonathan trott is ready to return to the england squadtrott left the international stage last year with ` situational anxiety 'the batsman has been impressive for his side warwickshire\n", + "[1.2531505 1.3565559 1.2006551 1.1149188 1.0816665 1.0599318 1.3262411\n", + " 1.2031869 1.1268337 1.1186138 1.1149163 1.0566396 1.0453777 1.0360379\n", + " 1.0108142 1.0861102 1.0206823 1.0155231 1.0338573 1.016832 1.0145591\n", + " 1.017651 1.0197915 1.0120069 1.0130239 1.0140194]\n", + "\n", + "[ 1 6 0 7 2 8 9 3 10 15 4 5 11 12 13 18 16 22 21 19 17 20 25 24\n", + " 23 14]\n", + "=======================\n", + "[\"danielle busby looked tired but ecstatic as she appeared on today for an interview just a week after giving birth .the nation 's first ever set of all-girl quintuplets is ` doing fabulous ' , according to their mother .` it was an emotional downpour ' : danielle described holding the first of her five all-girl babies\"]\n", + "=======================\n", + "[\"danielle and adam busby welcomed five girls into the world last weekshe has only held two but described the feeling as ` amazing 'born at houston 's woman 's hospital of texas the babies are healthythey are the first set of all-girl quintuplets born in the us and the first globally since 1969team of 12 doctors helped to deliver the babies by c-sectiondelivery was at 28 weeks and took the team less than four minutes\"]\n", + "danielle busby looked tired but ecstatic as she appeared on today for an interview just a week after giving birth .the nation 's first ever set of all-girl quintuplets is ` doing fabulous ' , according to their mother .` it was an emotional downpour ' : danielle described holding the first of her five all-girl babies\n", + "danielle and adam busby welcomed five girls into the world last weekshe has only held two but described the feeling as ` amazing 'born at houston 's woman 's hospital of texas the babies are healthythey are the first set of all-girl quintuplets born in the us and the first globally since 1969team of 12 doctors helped to deliver the babies by c-sectiondelivery was at 28 weeks and took the team less than four minutes\n", + "[1.1372641 1.0972419 1.0883836 1.0485619 1.2452369 1.0920581 1.5913496\n", + " 1.0347896 1.0289174 1.2143111 1.0701662 1.1513594 1.0207628 1.0296006\n", + " 1.0216769 1.0163695 1.0324949 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 6 4 9 11 0 1 5 2 10 3 7 16 13 8 14 12 15 24 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"stuart broad ( right ) was dismissed for a duck in england 's first innings against west indies in antiguafact is , in the last 14 tests broad has taken 63 wickets at 24 apiece which is pretty good considering he 's been carrying niggles and injuries .broad and jimmy anderson are an outstanding combination , taking 526 wickets between them in the 70 tests they have played together -- a record that has seen them stand comparison with the partnership of sir ian botham and bob willis .\"]\n", + "=======================\n", + "[\"stuart broad was dismissed for a duck in england 's first inningsthe 28-year-old has had a complete demise in his battingbroad must not let his batting woes must not affect his bowlinghe is still is the enforcer and combines well with james anderson\"]\n", + "stuart broad ( right ) was dismissed for a duck in england 's first innings against west indies in antiguafact is , in the last 14 tests broad has taken 63 wickets at 24 apiece which is pretty good considering he 's been carrying niggles and injuries .broad and jimmy anderson are an outstanding combination , taking 526 wickets between them in the 70 tests they have played together -- a record that has seen them stand comparison with the partnership of sir ian botham and bob willis .\n", + "stuart broad was dismissed for a duck in england 's first inningsthe 28-year-old has had a complete demise in his battingbroad must not let his batting woes must not affect his bowlinghe is still is the enforcer and combines well with james anderson\n", + "[1.2317456 1.542907 1.1253363 1.0728185 1.4362427 1.2668184 1.175535\n", + " 1.0416455 1.1363267 1.1155257 1.109893 1.0799102 1.080702 1.039729\n", + " 1.0178889 1.0102249 1.0130974 1.0109998 1.0453814 0. ]\n", + "\n", + "[ 1 4 5 0 6 8 2 9 10 12 11 3 18 7 13 14 16 17 15 19]\n", + "=======================\n", + "[\"lenny mordarski , 68 , was viciously poked with the blue ballpoint before take off on the southwest airlines flight from chicago to manchester , new hampshire on thursday .an airline passenger who was stabbed with a pen by a woman sitting next to him because he was snoring compared the bizarre attack to being ` stung by bees ' .the woman was removed from the flight following the air rage incident and put on a later flight out of chicago\"]\n", + "=======================\n", + "[\"lenny mordarski was rudely awakened when he fell asleep before take-off on a south west airlines flight on thursdaya female passenger sitting next to him was jabbing him with a ballpointhe said : ` imagine being asleep and then being stung by bees , and then waking up and going ` owww '\"]\n", + "lenny mordarski , 68 , was viciously poked with the blue ballpoint before take off on the southwest airlines flight from chicago to manchester , new hampshire on thursday .an airline passenger who was stabbed with a pen by a woman sitting next to him because he was snoring compared the bizarre attack to being ` stung by bees ' .the woman was removed from the flight following the air rage incident and put on a later flight out of chicago\n", + "lenny mordarski was rudely awakened when he fell asleep before take-off on a south west airlines flight on thursdaya female passenger sitting next to him was jabbing him with a ballpointhe said : ` imagine being asleep and then being stung by bees , and then waking up and going ` owww '\n", + "[1.2472348 1.5425515 1.1366569 1.0957755 1.0709814 1.1945535 1.2442127\n", + " 1.0264485 1.218576 1.0469574 1.0614161 1.0942498 1.0421721 1.1227908\n", + " 1.064297 1.0566448 1.0088674 1.0111246 1.0745194 0. ]\n", + "\n", + "[ 1 0 6 8 5 2 13 3 11 18 4 14 10 15 9 12 7 17 16 19]\n", + "=======================\n", + "[\"the smiley toddler - who has lived at the home of the innocents nursing facility in kentucky since she was three months old - was filmed as she perfectly lip-synced to miley cyrus ' wrecking ball .despite battling an a rare congenital condition two-year-old nathaly hernandez wo n't let things get her down , as a heartwarming new video shows .nathaly was born with a number of complications impacting her joints and movement .\"]\n", + "=======================\n", + "[\"nathaly hernandez has lived at the home of the innocents nursing facility in kentucky since she was three months oldshe was born with a rare condition that impacts her joints and movementher caregivers said she became obsessed with miley cyrus ' wrecking ball after her teenage roommate played the trackthey filmed her lip-syncing the track last friday with the video triggering a torrent of positive response\"]\n", + "the smiley toddler - who has lived at the home of the innocents nursing facility in kentucky since she was three months old - was filmed as she perfectly lip-synced to miley cyrus ' wrecking ball .despite battling an a rare congenital condition two-year-old nathaly hernandez wo n't let things get her down , as a heartwarming new video shows .nathaly was born with a number of complications impacting her joints and movement .\n", + "nathaly hernandez has lived at the home of the innocents nursing facility in kentucky since she was three months oldshe was born with a rare condition that impacts her joints and movementher caregivers said she became obsessed with miley cyrus ' wrecking ball after her teenage roommate played the trackthey filmed her lip-syncing the track last friday with the video triggering a torrent of positive response\n", + "[1.4249766 1.3996762 1.1734447 1.4141529 1.2233144 1.2133203 1.1361227\n", + " 1.0257496 1.0192984 1.0496423 1.0715604 1.1024536 1.0396754 1.0482516\n", + " 1.0726583 1.0114089 1.0075042 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 5 2 6 11 14 10 9 13 12 7 8 15 16 17 18 19]\n", + "=======================\n", + "['dallas cowboys defensive end greg hardy has been suspended without pay for 10 games for conduct detrimental to the national football league .the decision to ban hardy , who last played for the carolina panthers , followed a two-month nfl investigation that started after the dismissal of his domestic violence case in february .the jury trial for hardy had been set to begin in charlotte after he was accused of assaulting his former girlfriend , nicole holder , and threatening to kill her .']\n", + "=======================\n", + "[\"greg hardy 's league ban to begin on september 5hardy signed with the dallas cowboys in marchhardy was arrested and charged in may last year with assaulting and threatening to kill his ex-girlfriendthe case was dismissed in court in february after a lack of co-operation from the accuser\"]\n", + "dallas cowboys defensive end greg hardy has been suspended without pay for 10 games for conduct detrimental to the national football league .the decision to ban hardy , who last played for the carolina panthers , followed a two-month nfl investigation that started after the dismissal of his domestic violence case in february .the jury trial for hardy had been set to begin in charlotte after he was accused of assaulting his former girlfriend , nicole holder , and threatening to kill her .\n", + "greg hardy 's league ban to begin on september 5hardy signed with the dallas cowboys in marchhardy was arrested and charged in may last year with assaulting and threatening to kill his ex-girlfriendthe case was dismissed in court in february after a lack of co-operation from the accuser\n", + "[1.240238 1.4206386 1.2608612 1.2601656 1.3162931 1.238461 1.0461133\n", + " 1.0229121 1.0421894 1.0368629 1.0918019 1.0515984 1.0295521 1.0386409\n", + " 1.093261 1.0493947 1.0194755 1.0413177 1.0234454 1.0262282]\n", + "\n", + "[ 1 4 2 3 0 5 14 10 11 15 6 8 17 13 9 12 19 18 7 16]\n", + "=======================\n", + "['pleasaunce cottage in dormans park near east grinstead has been lovingly upheld to how its first owners intended it in the 19th century .with wood paneling on indoor ceilings and a large veranda at its front , the unique property is one of the first ever bungalows built in the country .it has gone on the market for # 985,000 , with historians eager to put it forward for listing to further protect its heritage .']\n", + "=======================\n", + "['pleasaunce cottage in dormans park near east grinstead has been lovingly maintained since the 19th centurythe unique property has a large veranda , original oak panelling , four bedrooms and stained glass windowsit is one of the last surviving bungalows in britain built in the same style as original properties found in indiain the victorian age bungalows were the reserve of the wealthy upper classes were used to escape heat of cities']\n", + "pleasaunce cottage in dormans park near east grinstead has been lovingly upheld to how its first owners intended it in the 19th century .with wood paneling on indoor ceilings and a large veranda at its front , the unique property is one of the first ever bungalows built in the country .it has gone on the market for # 985,000 , with historians eager to put it forward for listing to further protect its heritage .\n", + "pleasaunce cottage in dormans park near east grinstead has been lovingly maintained since the 19th centurythe unique property has a large veranda , original oak panelling , four bedrooms and stained glass windowsit is one of the last surviving bungalows in britain built in the same style as original properties found in indiain the victorian age bungalows were the reserve of the wealthy upper classes were used to escape heat of cities\n", + "[1.3256195 1.4832991 1.2605042 1.3336443 1.2633507 1.2411103 1.1816237\n", + " 1.0491147 1.0116715 1.0147747 1.0282782 1.0116513 1.0076942 1.0138134\n", + " 1.1483593 1.0803292 1.0516498 1.130627 1.1105249 0. ]\n", + "\n", + "[ 1 3 0 4 2 5 6 14 17 18 15 16 7 10 9 13 8 11 12 19]\n", + "=======================\n", + "['sir ranulph , 71 , completed the most gruelling stage of the desert race today , but was taken straight to the medical tent because the exertion had begun to take its toll on his heart .veteran explorer sir ranulph fiennes is receiving medical attention at the marathon des sables after running for 30 hours in temperatures topping 50c .heath : the explorer previously suffered two heart attacks and underwent a double heart bypass , a cancer operation and is in an ongoing fight with diabetes']\n", + "=======================\n", + "['sir ranulph fiennes is receiving medical attention at marathon des sablesveteran explorer , 71 , has completed most gruelling stage of the desert raceforced to lie down intermittently during last few hours so he could finishaiming to become the oldest briton to complete the six-day ultra-marathon']\n", + "sir ranulph , 71 , completed the most gruelling stage of the desert race today , but was taken straight to the medical tent because the exertion had begun to take its toll on his heart .veteran explorer sir ranulph fiennes is receiving medical attention at the marathon des sables after running for 30 hours in temperatures topping 50c .heath : the explorer previously suffered two heart attacks and underwent a double heart bypass , a cancer operation and is in an ongoing fight with diabetes\n", + "sir ranulph fiennes is receiving medical attention at marathon des sablesveteran explorer , 71 , has completed most gruelling stage of the desert raceforced to lie down intermittently during last few hours so he could finishaiming to become the oldest briton to complete the six-day ultra-marathon\n", + "[1.3922157 1.4422209 1.4519095 1.233899 1.051975 1.0335726 1.2112397\n", + " 1.18497 1.108533 1.0760591 1.0743158 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 6 7 8 9 10 4 5 18 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"mo farah will race in birmingham in the first time he 's competed in 1,500 m since 2013the double olympic champion over 5,000 m and 10,000 m will step down in distance for the diamond league event on june 7 as he looks to hone his finishing speed ahead of the world championships in beijing in august .jessica ennis-hill became a national hero when she won heptathlon gold at the london 2012 olympics\"]\n", + "=======================\n", + "[\"mo farah will compete at the birmingham grand prix in juneolympic gold medalist wants to prepare for world championshipsfarah will join jessica ennis-hill and greg rutherford for sainsbury 's anniversary games\"]\n", + "mo farah will race in birmingham in the first time he 's competed in 1,500 m since 2013the double olympic champion over 5,000 m and 10,000 m will step down in distance for the diamond league event on june 7 as he looks to hone his finishing speed ahead of the world championships in beijing in august .jessica ennis-hill became a national hero when she won heptathlon gold at the london 2012 olympics\n", + "mo farah will compete at the birmingham grand prix in juneolympic gold medalist wants to prepare for world championshipsfarah will join jessica ennis-hill and greg rutherford for sainsbury 's anniversary games\n", + "[1.3848519 1.2253145 1.3141532 1.1917897 1.2307453 1.1472386 1.0507287\n", + " 1.1054814 1.0723271 1.0346628 1.0747037 1.0561752 1.038583 1.0752504\n", + " 1.0633408 1.0841459 1.0239319 0. 0. 0. ]\n", + "\n", + "[ 0 2 4 1 3 5 7 15 13 10 8 14 11 6 12 9 16 17 18 19]\n", + "=======================\n", + "[\"kellogg 's is the latest us owned multinational to be embroiled in the controversy over tax avoidance in britainthe cereal giant warned shareholders its profits could be hit by government moves to close tax loopholes .its two main uk subsidiaries are owned by an operation based in the republic of ireland , where corporation tax is 12.5 per cent , compared with the uk 's 20 per cent .\"]\n", + "=======================\n", + "[\"kellogg 's makes hundreds of millions from annual sales to british familiesbut latest figures show it effectively paid no corporation tax in uk in 2013uses complex legal tax manoeuvres involving subsidiary companiesbut new measures introduced by george osborne set to close loophole\"]\n", + "kellogg 's is the latest us owned multinational to be embroiled in the controversy over tax avoidance in britainthe cereal giant warned shareholders its profits could be hit by government moves to close tax loopholes .its two main uk subsidiaries are owned by an operation based in the republic of ireland , where corporation tax is 12.5 per cent , compared with the uk 's 20 per cent .\n", + "kellogg 's makes hundreds of millions from annual sales to british familiesbut latest figures show it effectively paid no corporation tax in uk in 2013uses complex legal tax manoeuvres involving subsidiary companiesbut new measures introduced by george osborne set to close loophole\n", + "[1.1878209 1.4914287 1.142189 1.4015665 1.1785436 1.0892459 1.0601786\n", + " 1.2833278 1.095484 1.0524874 1.0363861 1.0542703 1.1085825 1.170871\n", + " 1.0624804 1.0125157 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 7 0 4 13 2 12 8 5 14 6 11 9 10 15 18 16 17 19]\n", + "=======================\n", + "[\"albert webb , 51 , and sons jimmy chuter , 26 , and jesse webb , 19 , followed people aged up to 97 home from the post office after they had collected their pensions before demanding the cash .a father and his two sons who accosted pensioners with dementia in the street asking for payment for roof repairs they had n't done have been jailed for a total of eight years .in total the family gang carried out 35 thefts , starting in february 2012 - when pensioners were still able to withdraw cash from their local post office .\"]\n", + "=======================\n", + "['albert webb , 51 , ran con with sons jimmy chuter , 26 , and jesse webb , 19trio targeted the elderly , accosting them in the street near their homesgang claimed they were coming to collect money for bogus roof repairsas victims suffered from dementia they often handed over the cash']\n", + "albert webb , 51 , and sons jimmy chuter , 26 , and jesse webb , 19 , followed people aged up to 97 home from the post office after they had collected their pensions before demanding the cash .a father and his two sons who accosted pensioners with dementia in the street asking for payment for roof repairs they had n't done have been jailed for a total of eight years .in total the family gang carried out 35 thefts , starting in february 2012 - when pensioners were still able to withdraw cash from their local post office .\n", + "albert webb , 51 , ran con with sons jimmy chuter , 26 , and jesse webb , 19trio targeted the elderly , accosting them in the street near their homesgang claimed they were coming to collect money for bogus roof repairsas victims suffered from dementia they often handed over the cash\n", + "[1.3365752 1.4778792 1.2192135 1.2763317 1.2459941 1.1414309 1.0641463\n", + " 1.0921128 1.019772 1.0268145 1.0549773 1.1743366 1.0939308 1.0557529\n", + " 1.0470444 1.0114818 1.0080734 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 4 2 11 5 12 7 6 13 10 14 9 8 15 16 17 18 19]\n", + "=======================\n", + "[\"prime minister john key said sorry to waitress amanda bailey , 26 , after she wrote a post on a blog site shaming him for his behaviour and saying it made her ` uncomfortable ' .awkward photos of the new zealand prime minister pulling multiple young girls ' ponytails are being posted on social media just days after he was forced to apologise to a waitress for touching her hair while she was at work .mr key defended his pranks as ' a bit of banter ' and said he had already apologised for his actions\"]\n", + "=======================\n", + "[\"waitress amanda bailey , 26 , said nz pm john key pulled her ponytailshe wrote that she gained unwanted attention from him last year at a cafems bailey said mr key kept touching her hair despite being told to stopthe prime minister apologised and said his actions were ` all in the context of a bit of banter 'social media users have posted other photos of mr key touching girls ' hair\"]\n", + "prime minister john key said sorry to waitress amanda bailey , 26 , after she wrote a post on a blog site shaming him for his behaviour and saying it made her ` uncomfortable ' .awkward photos of the new zealand prime minister pulling multiple young girls ' ponytails are being posted on social media just days after he was forced to apologise to a waitress for touching her hair while she was at work .mr key defended his pranks as ' a bit of banter ' and said he had already apologised for his actions\n", + "waitress amanda bailey , 26 , said nz pm john key pulled her ponytailshe wrote that she gained unwanted attention from him last year at a cafems bailey said mr key kept touching her hair despite being told to stopthe prime minister apologised and said his actions were ` all in the context of a bit of banter 'social media users have posted other photos of mr key touching girls ' hair\n", + "[1.3799276 1.3466716 1.2369348 1.1334306 1.1000322 1.0450307 1.3108333\n", + " 1.1251993 1.0189525 1.0877634 1.0385242 1.07182 1.1168423 1.0757568\n", + " 1.0690622 1.0560086 1.1327102 1.0164343 1.012032 1.0280335]\n", + "\n", + "[ 0 1 6 2 3 16 7 12 4 9 13 11 14 15 5 10 19 8 17 18]\n", + "=======================\n", + "[\"bruce jenner revealed he is a republican and a christian during the much-anticipated interview in which he revealed he is transitioning to be a woman .interviewer diane sawyer looked shocked when he made the revelation on her abc 20/20 special last night .jenner said ` i 've always been on the more conservative side ' when he was asked about lgbt issues - and replied ` yes ' when asked if he was a republican .\"]\n", + "=======================\n", + "['former olympian said he has ` always been on the conservative side \\' of lgbt issuessaid : \\' i would sit in church and always wonder , \" in god \\'s eyes , how does he see me ? \" \\'']\n", + "bruce jenner revealed he is a republican and a christian during the much-anticipated interview in which he revealed he is transitioning to be a woman .interviewer diane sawyer looked shocked when he made the revelation on her abc 20/20 special last night .jenner said ` i 've always been on the more conservative side ' when he was asked about lgbt issues - and replied ` yes ' when asked if he was a republican .\n", + "former olympian said he has ` always been on the conservative side ' of lgbt issuessaid : ' i would sit in church and always wonder , \" in god 's eyes , how does he see me ? \" '\n", + "[1.2143323 1.5106034 1.2266568 1.3380497 1.117219 1.2359506 1.2037153\n", + " 1.1015524 1.0812591 1.1021694 1.1524742 0. 0. 0. ]\n", + "\n", + "[ 1 3 5 2 0 6 10 4 9 7 8 11 12 13]\n", + "=======================\n", + "['diane blankenship , 45 , is accused of having sex with a 14-year-old boy in the backseat of her vehicle while her friend drove them about town in december last year .according to wtsp , blankenship was detained at her home in tampa , florida , on friday night .a female school worker has been arrested on suspicion of seducing at least two teenage boys as young as 14 .']\n", + "=======================\n", + "[\"diane blankenship , 45 , was arrested at her home in tampa on fridayshe is accused of having sex with a boy , 14 , in her carin another incident she ` had sex with a boy , 17 , at his house before school 'she is said to be a ` clerical worker ' at dayspring academy\"]\n", + "diane blankenship , 45 , is accused of having sex with a 14-year-old boy in the backseat of her vehicle while her friend drove them about town in december last year .according to wtsp , blankenship was detained at her home in tampa , florida , on friday night .a female school worker has been arrested on suspicion of seducing at least two teenage boys as young as 14 .\n", + "diane blankenship , 45 , was arrested at her home in tampa on fridayshe is accused of having sex with a boy , 14 , in her carin another incident she ` had sex with a boy , 17 , at his house before school 'she is said to be a ` clerical worker ' at dayspring academy\n", + "[1.3522267 1.394203 1.1247001 1.3516735 1.136087 1.0694855 1.0648305\n", + " 1.0809507 1.1123112 1.1603369 1.0388751 1.116718 1.0424887 1.0212151]\n", + "\n", + "[ 1 0 3 9 4 2 11 8 7 5 6 12 10 13]\n", + "=======================\n", + "[\"the venerable club in baron 's court will host britain 's biggest home tie in three decades from july 17-19 , after agreement was reached between its management and the lawn tennis association today .andy murray and his davis cup colleagues have got their preferred venue by securing london 's queen 's club as the place where they will take on france in their quarter final .the court at queen 's is at least the equal of wimbledon in terms of quality , and the atmosphere will be very different from the usually staid one that accompanies the principle warm-up event for the big fortnight .\"]\n", + "=======================\n", + "[\"queen 's club will host great britain 's quarter final against france in julyandy murray and gb captain leon smith were keen to play at queen 'stie is five days after wimbledon finishes so could not be played at sw19\"]\n", + "the venerable club in baron 's court will host britain 's biggest home tie in three decades from july 17-19 , after agreement was reached between its management and the lawn tennis association today .andy murray and his davis cup colleagues have got their preferred venue by securing london 's queen 's club as the place where they will take on france in their quarter final .the court at queen 's is at least the equal of wimbledon in terms of quality , and the atmosphere will be very different from the usually staid one that accompanies the principle warm-up event for the big fortnight .\n", + "queen 's club will host great britain 's quarter final against france in julyandy murray and gb captain leon smith were keen to play at queen 'stie is five days after wimbledon finishes so could not be played at sw19\n", + "[1.2685302 1.5833983 1.1194808 1.3449261 1.1405178 1.1109629 1.0312104\n", + " 1.0927203 1.1054553 1.0370911 1.1035278 1.1229798 1.265672 0. ]\n", + "\n", + "[ 1 3 0 12 4 11 2 5 8 10 7 9 6 13]\n", + "=======================\n", + "[\"the psg defender is out for at least four weeks after scans revealed that the 27-year-old suffered a torn hamstring in sunday 's 3-2 win at ligue 1 title rivals marseille .david luiz posted an instagram picture sporting a new hairdo in the style of a man bun on wednesdayit appears that david luiz has taken the phrase ` twiddling my hair ' literally judging by the injured paris saint-germain star 's latest instagram post .\"]\n", + "=======================\n", + "['paris saint-germain won 3-2 at ligue 1 title rivals marseille on sundaydavid luiz tore his hamstring during the stade velodrome encounterluiz will be out for at least four weeks after scans revealed the injury']\n", + "the psg defender is out for at least four weeks after scans revealed that the 27-year-old suffered a torn hamstring in sunday 's 3-2 win at ligue 1 title rivals marseille .david luiz posted an instagram picture sporting a new hairdo in the style of a man bun on wednesdayit appears that david luiz has taken the phrase ` twiddling my hair ' literally judging by the injured paris saint-germain star 's latest instagram post .\n", + "paris saint-germain won 3-2 at ligue 1 title rivals marseille on sundaydavid luiz tore his hamstring during the stade velodrome encounterluiz will be out for at least four weeks after scans revealed the injury\n", + "[1.4555416 1.3787252 1.1461457 1.2994853 1.1588345 1.1488047 1.1393752\n", + " 1.1992161 1.1147223 1.1733259 1.057845 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 7 9 4 5 2 6 8 10 11 12 13]\n", + "=======================\n", + "[\"jose mourinho has thickened up his chelsea midfield for sunday 's west london derby at qpr .the chelsea manager has been trialling a formation with ramires and nemanja matic in front of the back four as the league leaders head to loftus road .brazilian midfielder oscar has failed to complete 90 minutes in any of chelsea 's last 11 games\"]\n", + "=======================\n", + "[\"oscar was withdrawn at half-time in win over stoke city last weekendchelsea boss jose mourinho criticised oscar publicly after stoke gamebrazilian midfielder has not completed 90 minutes in last 11 gamesjose mourinho 's side visit qpr in the premier league on sunday\"]\n", + "jose mourinho has thickened up his chelsea midfield for sunday 's west london derby at qpr .the chelsea manager has been trialling a formation with ramires and nemanja matic in front of the back four as the league leaders head to loftus road .brazilian midfielder oscar has failed to complete 90 minutes in any of chelsea 's last 11 games\n", + "oscar was withdrawn at half-time in win over stoke city last weekendchelsea boss jose mourinho criticised oscar publicly after stoke gamebrazilian midfielder has not completed 90 minutes in last 11 gamesjose mourinho 's side visit qpr in the premier league on sunday\n", + "[1.5255649 1.541215 1.2324266 1.3514234 1.0961084 1.0439688 1.0304425\n", + " 1.0163805 1.0231003 1.1152576 1.1897717 1.0717871 1.2121344 1.1123655]\n", + "\n", + "[ 1 0 3 2 12 10 9 13 4 11 5 6 8 7]\n", + "=======================\n", + "['colombia striker falcao joined united on a one-year loan deal in september but has failed to shine during his time at old trafford - scoring just four goals in 25 appearances for the manchester club this season .monaco vice-president vadim vasilyev claims manchester united bosses have yet to decide whether they will sign radamel falcao on a permanent deal in the summer .radamel falcao takes aim at goal as chelsea goalkeeper thibaut courtois looks on at stamford bridge']\n", + "=======================\n", + "['radamel falcao could still earn permanent deal with manchester unitedcolombian striker joined united on a one-year loan deal in septemberfalcao has less than impressed during his time in the premier leaguemonaco vice-president vadim vasilyev claims club could still sign falcao']\n", + "colombia striker falcao joined united on a one-year loan deal in september but has failed to shine during his time at old trafford - scoring just four goals in 25 appearances for the manchester club this season .monaco vice-president vadim vasilyev claims manchester united bosses have yet to decide whether they will sign radamel falcao on a permanent deal in the summer .radamel falcao takes aim at goal as chelsea goalkeeper thibaut courtois looks on at stamford bridge\n", + "radamel falcao could still earn permanent deal with manchester unitedcolombian striker joined united on a one-year loan deal in septemberfalcao has less than impressed during his time in the premier leaguemonaco vice-president vadim vasilyev claims club could still sign falcao\n", + "[1.0637914 1.047181 1.5675685 1.1112081 1.2008388 1.1008595 1.0925292\n", + " 1.0395817 1.092792 1.1047118 1.0838743 1.0466322 1.0385762 1.0452014\n", + " 1.0351508 1.0948567 1.0569159 1.0200881]\n", + "\n", + "[ 2 4 3 9 5 15 8 6 10 0 16 1 11 13 7 12 14 17]\n", + "=======================\n", + "['british company swan , which sold its first iron in 1933 , has just released a top-of-the-range steam generator iron , for # 279.99 .but does it really make things easier ?the steam is forced out of the generator through a hose into the iron , shooting out at 90g per minute -- twice as fast as conventional steam irons ( think of the difference in power between jet-washing and using a hosepipe ) -- cutting through creases quicker .']\n", + "=======================\n", + "['british company swan has unveiled a new # 279.99 super steam ironbut can it really speed up the household chore everyone dreads ?tessa cunningham puts the best steam irons to the test']\n", + "british company swan , which sold its first iron in 1933 , has just released a top-of-the-range steam generator iron , for # 279.99 .but does it really make things easier ?the steam is forced out of the generator through a hose into the iron , shooting out at 90g per minute -- twice as fast as conventional steam irons ( think of the difference in power between jet-washing and using a hosepipe ) -- cutting through creases quicker .\n", + "british company swan has unveiled a new # 279.99 super steam ironbut can it really speed up the household chore everyone dreads ?tessa cunningham puts the best steam irons to the test\n", + "[1.192213 1.1489253 1.1334885 1.1857238 1.4081986 1.2729555 1.1779592\n", + " 1.2805755 1.0582284 1.0281583 1.0473878 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 4 7 5 0 3 6 1 2 8 10 9 11 12 13 14 15 16 17]\n", + "=======================\n", + "[\"the image was first shared on reddit under the headline ` dad security ' at the weekend .by wednesday , the image on his page had been liked by 370,000 facebook users and had been shared more than 45,000 times .a dad created this t-shirt to keep the boys away from his daughter - and she does n't look happy about it\"]\n", + "=======================\n", + "[\"a protective dad made a t-shirt for his daughter showing him with the message : ` stay clear boys , this is my dad ! 'the image was first posted to reddit and has since been shared tens of thousands of times\"]\n", + "the image was first shared on reddit under the headline ` dad security ' at the weekend .by wednesday , the image on his page had been liked by 370,000 facebook users and had been shared more than 45,000 times .a dad created this t-shirt to keep the boys away from his daughter - and she does n't look happy about it\n", + "a protective dad made a t-shirt for his daughter showing him with the message : ` stay clear boys , this is my dad ! 'the image was first posted to reddit and has since been shared tens of thousands of times\n", + "[1.2363782 1.1378356 1.2562281 1.2561953 1.1982388 1.1872405 1.181668\n", + " 1.0504665 1.0451962 1.0896482 1.1034502 1.0801617 1.1537949 1.0545031\n", + " 1.0911297 1.0269815 1.0431187 0. ]\n", + "\n", + "[ 2 3 0 4 5 6 12 1 10 14 9 11 13 7 8 16 15 17]\n", + "=======================\n", + "[\"the so-called ` boomerang generation ' are placing their parents under serious financial pressure by living at home even in their twenties and thirties .now , debt organisations have warned that parents should not be afraid to ask their children for rent and money towards household bills amid fears the british ` stiff upper lip ' makes them reluctant to admit when they need help .debt : parents are getting into debt by letting their adult children live at home for longer\"]\n", + "=======================\n", + "[\"75 % of parents with children over 18 have at least one still living with themless than half ask for rent as they feel too guilty to askthose that do , charge considerable less than the uk average8 out of 10 still buy their adult children 's groceries and cook dinner\"]\n", + "the so-called ` boomerang generation ' are placing their parents under serious financial pressure by living at home even in their twenties and thirties .now , debt organisations have warned that parents should not be afraid to ask their children for rent and money towards household bills amid fears the british ` stiff upper lip ' makes them reluctant to admit when they need help .debt : parents are getting into debt by letting their adult children live at home for longer\n", + "75 % of parents with children over 18 have at least one still living with themless than half ask for rent as they feel too guilty to askthose that do , charge considerable less than the uk average8 out of 10 still buy their adult children 's groceries and cook dinner\n", + "[1.2351533 1.1653153 1.1903234 1.4999609 1.0558052 1.1140307 1.069908\n", + " 1.0649042 1.0945215 1.0932356 1.1270881 1.1003433 1.0355283 1.0137333\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 1 10 5 11 8 9 6 7 4 12 13 16 14 15 17]\n", + "=======================\n", + "['tom sturridge the fiance of sienna miller could be set to overtake his partner in the fame stakes this year as he stars in the west end play american buffalo and is set to release a film with ryan goslinguntil now , tom sturridge has been best known as the long-haired hipster who finally tamed sienna miller .and later this year he will feature alongside ryan gosling , rooney mara and natalie portman in the new film weightless .']\n", + "=======================\n", + "[\"tom sturridge , 29 , will star in american buffalo alongside damian lewishe is fast becoming a critics ' favourite but is picky about his workengaged to sienna miller , the mother of daughter marloweborn into an acting family , he 's best friends with robert pattinson\"]\n", + "tom sturridge the fiance of sienna miller could be set to overtake his partner in the fame stakes this year as he stars in the west end play american buffalo and is set to release a film with ryan goslinguntil now , tom sturridge has been best known as the long-haired hipster who finally tamed sienna miller .and later this year he will feature alongside ryan gosling , rooney mara and natalie portman in the new film weightless .\n", + "tom sturridge , 29 , will star in american buffalo alongside damian lewishe is fast becoming a critics ' favourite but is picky about his workengaged to sienna miller , the mother of daughter marloweborn into an acting family , he 's best friends with robert pattinson\n", + "[1.2891126 1.3825171 1.2288104 1.2525051 1.0564246 1.281643 1.1666719\n", + " 1.0902295 1.1537416 1.1033767 1.0285708 1.0269451 1.028655 1.0202198\n", + " 1.044126 1.040377 1.0380096 1.0790881]\n", + "\n", + "[ 1 0 5 3 2 6 8 9 7 17 4 14 15 16 12 10 11 13]\n", + "=======================\n", + "[\"moses kipsiro , who successfully defended his commonwealth games 10,000 m title in glasgow last year , told sportsmail this week of the day five female runners came to him for help ; and the death threats he says he has subsequently received after reporting the allegations to his national federation and the police .one of the world 's leading distance runners and a regular training partner of mo farah 's claims to be living in fear of his life after raising allegations with the authorities in his native uganda that a coach has been sexually abusing female runners ; some as young as 15 .but he told me he will have to leave uganda with his wife and three children if the police fail to investigate his claims .\"]\n", + "=======================\n", + "['moses kipsiro says five female athletes came to him for helphe alerted his federation and police to the allegationsthe commonwealth champion has since received death threatskipsiro may have to leave uganda as he wants to protect his familyhe has passed details of the death threats to officers in kampala , ugandakipsiro , along with mo farah , is represented by pace sports management']\n", + "moses kipsiro , who successfully defended his commonwealth games 10,000 m title in glasgow last year , told sportsmail this week of the day five female runners came to him for help ; and the death threats he says he has subsequently received after reporting the allegations to his national federation and the police .one of the world 's leading distance runners and a regular training partner of mo farah 's claims to be living in fear of his life after raising allegations with the authorities in his native uganda that a coach has been sexually abusing female runners ; some as young as 15 .but he told me he will have to leave uganda with his wife and three children if the police fail to investigate his claims .\n", + "moses kipsiro says five female athletes came to him for helphe alerted his federation and police to the allegationsthe commonwealth champion has since received death threatskipsiro may have to leave uganda as he wants to protect his familyhe has passed details of the death threats to officers in kampala , ugandakipsiro , along with mo farah , is represented by pace sports management\n", + "[1.1829609 1.2961564 1.268841 1.2609918 1.2616906 1.1973896 1.0937235\n", + " 1.1773028 1.0882716 1.0452715 1.0295852 1.0193639 1.075767 1.0751998\n", + " 1.0536915 1.017291 1.0860759 1.0591252 0. 0. ]\n", + "\n", + "[ 1 2 4 3 5 0 7 6 8 16 12 13 17 14 9 10 11 15 18 19]\n", + "=======================\n", + "[\"in an emotional open letter , he told how the ` bright and beautiful ' gcse pupil started using a cocktail of banned substances including cocaine , ecstasy , methadone and ` party drug ' meow meow .the father -- identified only as john to protect his family 's privacy -- warned that class a drugs were widely available to children , and urged schools and police to get tough .a father has revealed that his teenage daughter became hooked on cocaine and ecstasy after buying the drugs in the school playground ( file pic posed by a model )\"]\n", + "=======================\n", + "['father , only known as john , noticed his daughter was acting strangelyconfronted her and she confessed taking cocaine , ecstasy and mcattold him drugs were available to buy at school , parks and youth groupsfather is now calling on local authority to take the issue more seriously']\n", + "in an emotional open letter , he told how the ` bright and beautiful ' gcse pupil started using a cocktail of banned substances including cocaine , ecstasy , methadone and ` party drug ' meow meow .the father -- identified only as john to protect his family 's privacy -- warned that class a drugs were widely available to children , and urged schools and police to get tough .a father has revealed that his teenage daughter became hooked on cocaine and ecstasy after buying the drugs in the school playground ( file pic posed by a model )\n", + "father , only known as john , noticed his daughter was acting strangelyconfronted her and she confessed taking cocaine , ecstasy and mcattold him drugs were available to buy at school , parks and youth groupsfather is now calling on local authority to take the issue more seriously\n", + "[1.5426252 1.3697636 1.1883662 1.1892729 1.2207566 1.0745096 1.0414536\n", + " 1.0258303 1.0908529 1.168516 1.1001313 1.1155021 1.006692 1.0134205\n", + " 1.0129758 1.0428295 1.0251573 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 3 2 9 11 10 8 5 15 6 7 16 13 14 12 18 17 19]\n", + "=======================\n", + "[\"chelsea will face paris saint-germain , the french team who knocked jose mourinho 's side out of the champions league this season , in a pre-season friendly in july .the blues , who were sent crashing out on away goals at the last-16 stage following a 2-2 draw at stamford bridge , will play psg in north carolina on july 25 .eden hazard , the pfa player of the year , will line-up for chelsea when they travel to the usa in the summer\"]\n", + "=======================\n", + "[\"chelsea to play three matches inside six days in the united statesthey will face new york red bulls , paris saint-germain and barcelonafiorentina will then travel to stamford bridge for friendly on august 5four matches will make up chelsea 's participation in champions cupread : chelsea interested in # 43m antoine griezmann\"]\n", + "chelsea will face paris saint-germain , the french team who knocked jose mourinho 's side out of the champions league this season , in a pre-season friendly in july .the blues , who were sent crashing out on away goals at the last-16 stage following a 2-2 draw at stamford bridge , will play psg in north carolina on july 25 .eden hazard , the pfa player of the year , will line-up for chelsea when they travel to the usa in the summer\n", + "chelsea to play three matches inside six days in the united statesthey will face new york red bulls , paris saint-germain and barcelonafiorentina will then travel to stamford bridge for friendly on august 5four matches will make up chelsea 's participation in champions cupread : chelsea interested in # 43m antoine griezmann\n", + "[1.3795626 1.2939823 1.3330829 1.2111678 1.2240412 1.1836312 1.0859513\n", + " 1.1102281 1.0399839 1.0257722 1.0930315 1.0403777 1.0127985 1.0833726\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 4 3 5 7 10 6 13 11 8 9 12 18 14 15 16 17 19]\n", + "=======================\n", + "[\"drugs kingpin gavin thorman ( pictured ) operated his empire from hmp altcourse where he boasted in welsh he would make ` millions ' when he got outthe kingpin of a violent drugs gang who planned to spend his money on new teeth , liposuction and a facelift has been jailed for 12 years after being caught out speaking about the illegal operation in welsh .thorman organised the supply of cocaine and cannabis from liverpool and manchester in one of the largest conspiracies of its kind in north wales .\"]\n", + "=======================\n", + "[\"father-of-four gavin thorman , 36 , was kingpin of a violent drugs gangdrugs worth # 200,000 seized by police following five year investigationplanned to spend ill-gotten money on new teeth , liposuction and a facelifthe has been jailed for 12 years after admitting conspiracy to supply drugs along with 25 other defendants involved in the north wales-based groupgavin thorman , 36 , of no fixed abode but formerly of caernarfon , pleaded guilty to conspiring to supply cocaine and cannabis - 12 yearsjames dylan davies , 41 , of cae mur , caernarfon , guilty to supplying cocaine - jailed eight years and six monthsrichard broadley , 34 , formerly of caernarfon and now of tarporley close , stockport , guilty to supplying cocaine and cannabis - jailed six years and eight monthsadam roberts , 33 , of lon eilian , caernarfon , guilty to supplying cocaine and cannabis - jailed for eight yearschristopher taylor , 29 , of pool street , caernarfon , guilty to supplying cocaine and cannabis - jailed for eight years and three monthsdylan rees hughes , 30 , of glan peris , caernarfon , guilty to supplying cocaine and cannabis - jailed for nine yearsjonathan white , 32 , of caernarfon , pleaded guilty to supplying cannabis and having an imitation gun , found guilty of supplying cocaine after a trial - 11 yearsgavin rees hughes , 29 , of ty 'n lon , llandwrog , caernarfon , guilty to supplying cocaine - six years and eight monthsmartin taylor , 26 , of pool street , caernarfon , guilty to supplying cannabis - 40 monthsgethin ellis , 23 , of cae bold , caernarfon , guilty to supplying cocaine and cannabis - four yearspaul hughes , 36 , of lon nant , caernarfon , guilty to supplying cocaine and cannabis - four years and eight monthsmartin shaw , 32 , of llanberis road , caernarfon , guilty to supplying cannabis - 20 monthsdawn williams , 47 , of lon eilian , caernarfon , allowing premises to be used for supply of cocaine and cannabis - 14 monthsjulian williams , 40 , of lon eilian , caernarfon , guilty to allowing premises to be used for supply of cocaine and cannabis - 40 weeksyasmin owen , 25 , of church drive , caernarfon , guilty to money laundering - 12 monthsryan williams , 34 , of caer saint , caernarfon , entering arrangement concerning criminal property - three and a half yearsnicole herbert , 30 , of llanddeiniolen , caernarfon , guilty to money laundering - 10 months suspended for 18 monthsrizwan hussain , 28 , of rochdale and formerly of caernarfon , found guilty of supplying cannabis after trial - six yearsjames whitworth , 30 , of manchester , pleaded guilty to cannabis , found guilty of supplying cocaine after trial - 12 yearsanthony ferguson , 20 , of tweedle hill road , blackley , manchester , guilty of supplying cocaine and cannabis - six years and eight monthsgregory appleby , 20 , of bromfield paark , middleton , manchester , guilty of supplying cannabis - two yearsian ogden , 26 , of hesford avenue , moston , manchester , guilty to supplying cannabis - 16 monthssamuel hughes , 34 , of white moss road , blackley , manchester , guilty to supplying cannabis - 18 monthsjake crookes , 23 , of selston road , blackley , manchester , guilty to supplying cannabis - 16 monthspatrick tynan , 23 , of alconbury walk , blackley , manchester , guilty to supplying cocaine and cannabis - four yearsanthony hunt , 30 , of rudston avenue , manchester , guilty to supplying cannabis - 16 months\"]\n", + "drugs kingpin gavin thorman ( pictured ) operated his empire from hmp altcourse where he boasted in welsh he would make ` millions ' when he got outthe kingpin of a violent drugs gang who planned to spend his money on new teeth , liposuction and a facelift has been jailed for 12 years after being caught out speaking about the illegal operation in welsh .thorman organised the supply of cocaine and cannabis from liverpool and manchester in one of the largest conspiracies of its kind in north wales .\n", + "father-of-four gavin thorman , 36 , was kingpin of a violent drugs gangdrugs worth # 200,000 seized by police following five year investigationplanned to spend ill-gotten money on new teeth , liposuction and a facelifthe has been jailed for 12 years after admitting conspiracy to supply drugs along with 25 other defendants involved in the north wales-based groupgavin thorman , 36 , of no fixed abode but formerly of caernarfon , pleaded guilty to conspiring to supply cocaine and cannabis - 12 yearsjames dylan davies , 41 , of cae mur , caernarfon , guilty to supplying cocaine - jailed eight years and six monthsrichard broadley , 34 , formerly of caernarfon and now of tarporley close , stockport , guilty to supplying cocaine and cannabis - jailed six years and eight monthsadam roberts , 33 , of lon eilian , caernarfon , guilty to supplying cocaine and cannabis - jailed for eight yearschristopher taylor , 29 , of pool street , caernarfon , guilty to supplying cocaine and cannabis - jailed for eight years and three monthsdylan rees hughes , 30 , of glan peris , caernarfon , guilty to supplying cocaine and cannabis - jailed for nine yearsjonathan white , 32 , of caernarfon , pleaded guilty to supplying cannabis and having an imitation gun , found guilty of supplying cocaine after a trial - 11 yearsgavin rees hughes , 29 , of ty 'n lon , llandwrog , caernarfon , guilty to supplying cocaine - six years and eight monthsmartin taylor , 26 , of pool street , caernarfon , guilty to supplying cannabis - 40 monthsgethin ellis , 23 , of cae bold , caernarfon , guilty to supplying cocaine and cannabis - four yearspaul hughes , 36 , of lon nant , caernarfon , guilty to supplying cocaine and cannabis - four years and eight monthsmartin shaw , 32 , of llanberis road , caernarfon , guilty to supplying cannabis - 20 monthsdawn williams , 47 , of lon eilian , caernarfon , allowing premises to be used for supply of cocaine and cannabis - 14 monthsjulian williams , 40 , of lon eilian , caernarfon , guilty to allowing premises to be used for supply of cocaine and cannabis - 40 weeksyasmin owen , 25 , of church drive , caernarfon , guilty to money laundering - 12 monthsryan williams , 34 , of caer saint , caernarfon , entering arrangement concerning criminal property - three and a half yearsnicole herbert , 30 , of llanddeiniolen , caernarfon , guilty to money laundering - 10 months suspended for 18 monthsrizwan hussain , 28 , of rochdale and formerly of caernarfon , found guilty of supplying cannabis after trial - six yearsjames whitworth , 30 , of manchester , pleaded guilty to cannabis , found guilty of supplying cocaine after trial - 12 yearsanthony ferguson , 20 , of tweedle hill road , blackley , manchester , guilty of supplying cocaine and cannabis - six years and eight monthsgregory appleby , 20 , of bromfield paark , middleton , manchester , guilty of supplying cannabis - two yearsian ogden , 26 , of hesford avenue , moston , manchester , guilty to supplying cannabis - 16 monthssamuel hughes , 34 , of white moss road , blackley , manchester , guilty to supplying cannabis - 18 monthsjake crookes , 23 , of selston road , blackley , manchester , guilty to supplying cannabis - 16 monthspatrick tynan , 23 , of alconbury walk , blackley , manchester , guilty to supplying cocaine and cannabis - four yearsanthony hunt , 30 , of rudston avenue , manchester , guilty to supplying cannabis - 16 months\n", + "[1.2393147 1.5244832 1.3036908 1.3580741 1.1997418 1.0715702 1.0721594\n", + " 1.1949811 1.0696404 1.0762061 1.0200884 1.0185053 1.0765495 1.0907525\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 7 13 12 9 6 5 8 10 11 18 14 15 16 17 19]\n", + "=======================\n", + "[\"anarda de la caridad perez friman , 37 , is said to have been ` suffering from post-natal depression ' when she allegedly stabbed john joseph shannon , 31 , the couple 's six-week-old baby and her daughter , four .a spanish woman found dead alongside her british partner and two children in gibraltar is believed to have killed her family before taking her own life .the couple and the two children , identified as eve shannon perez , and amanda kristoffersen perez , perez friman 's daughter from a previous relationship , were found dead earlier this week .\"]\n", + "=======================\n", + "[\"spanish woman allegedly stabbed british partner and two childrenthe family were found dead in a flat in gibraltar earlier this weekanarda de la caridad perez friman ` suffered from post-natal depression 'british man identified as john joseph shannon , 31 , from liverpool\"]\n", + "anarda de la caridad perez friman , 37 , is said to have been ` suffering from post-natal depression ' when she allegedly stabbed john joseph shannon , 31 , the couple 's six-week-old baby and her daughter , four .a spanish woman found dead alongside her british partner and two children in gibraltar is believed to have killed her family before taking her own life .the couple and the two children , identified as eve shannon perez , and amanda kristoffersen perez , perez friman 's daughter from a previous relationship , were found dead earlier this week .\n", + "spanish woman allegedly stabbed british partner and two childrenthe family were found dead in a flat in gibraltar earlier this weekanarda de la caridad perez friman ` suffered from post-natal depression 'british man identified as john joseph shannon , 31 , from liverpool\n", + "[1.1715693 1.3612701 1.3158967 1.263731 1.2832386 1.243643 1.1793804\n", + " 1.2489582 1.1237261 1.0951314 1.0677847 1.1190171 1.0682296 1.0629716\n", + " 1.0710381 1.1029828 1.0231683 1.0091602 1.0051988 1.0164704]\n", + "\n", + "[ 1 2 4 3 7 5 6 0 8 11 15 9 14 12 10 13 16 19 17 18]\n", + "=======================\n", + "['select prime customers will soon be given the option to have their goods delivered to the boot , or trunk , of their car without needing to be near the vehicle .the delivery driver is then given temporary keyless access to the car to drop off the items at any time of the day .the pilot scheme is launching in munich next month and amazon has teamed up with audi and dhl to run the initiative']\n", + "=======================\n", + "['pilot begins in may for prime customers who drive audis in germanyat the checkout , a customer pinpoints the location of their cara dhl delivery driver will then receive a temporary digital access codethis code gives the driver keyless access to the boot and as soon as it is closed the vehicle locks automatically and the code is revoked']\n", + "select prime customers will soon be given the option to have their goods delivered to the boot , or trunk , of their car without needing to be near the vehicle .the delivery driver is then given temporary keyless access to the car to drop off the items at any time of the day .the pilot scheme is launching in munich next month and amazon has teamed up with audi and dhl to run the initiative\n", + "pilot begins in may for prime customers who drive audis in germanyat the checkout , a customer pinpoints the location of their cara dhl delivery driver will then receive a temporary digital access codethis code gives the driver keyless access to the boot and as soon as it is closed the vehicle locks automatically and the code is revoked\n", + "[1.4188869 1.1881434 1.4413042 1.2219208 1.2134626 1.205102 1.2323177\n", + " 1.0843769 1.0227033 1.0272201 1.0156509 1.0593534 1.202127 1.066191\n", + " 1.0521302 1.0524983 0. 0. 0. ]\n", + "\n", + "[ 2 0 6 3 4 5 12 1 7 13 11 15 14 9 8 10 17 16 18]\n", + "=======================\n", + "[\"amy wilkinson , 28 , claimed housing benefit and council tax benefit even though she was living in a home owned by her mother and her partner , who was also working .her grandfather , tommy docherty , now 86 , was manager of manchester united from 1972 until 1977 .magistrates sentenced her to 24 weeks ' imprisonment suspended for 24 months and ordered her to pay costs of # 675 and a victim surcharge of # 50 .\"]\n", + "=======================\n", + "['amy wilkinson , 28 , falsely claimed housing benefit and council tax benefitcourt gives her suspended sentence and orders her to pay back # 18,000her grandfather tommy docherty managed man united from 1972 to 1977']\n", + "amy wilkinson , 28 , claimed housing benefit and council tax benefit even though she was living in a home owned by her mother and her partner , who was also working .her grandfather , tommy docherty , now 86 , was manager of manchester united from 1972 until 1977 .magistrates sentenced her to 24 weeks ' imprisonment suspended for 24 months and ordered her to pay costs of # 675 and a victim surcharge of # 50 .\n", + "amy wilkinson , 28 , falsely claimed housing benefit and council tax benefitcourt gives her suspended sentence and orders her to pay back # 18,000her grandfather tommy docherty managed man united from 1972 to 1977\n", + "[1.2912469 1.4338962 1.2751696 1.2011086 1.1248186 1.0653139 1.1249777\n", + " 1.0740972 1.0277104 1.1915944 1.1619425 1.0541564 1.0630194 1.0782013\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 9 10 6 4 13 7 5 12 11 8 17 14 15 16 18]\n", + "=======================\n", + "['a biology teacher discovered the worms on the surface of the snow while he was skiing in the mountains near bergen at the weekend .thousands of live earthworms have been falling from the sky in norway - a rare phenomenon being reported across large swathes of the south of the country .numerous reports have been coming in after he told his story , and there have been sightings of worm rainfall .']\n", + "=======================\n", + "[\"teacher karstein erstad found thousands of live worms on top of the snowthere have been reports of worm rainfall in norway following his reportmr erstad says the ` very rare phenomenon ' happened in sweden in 1920s\"]\n", + "a biology teacher discovered the worms on the surface of the snow while he was skiing in the mountains near bergen at the weekend .thousands of live earthworms have been falling from the sky in norway - a rare phenomenon being reported across large swathes of the south of the country .numerous reports have been coming in after he told his story , and there have been sightings of worm rainfall .\n", + "teacher karstein erstad found thousands of live worms on top of the snowthere have been reports of worm rainfall in norway following his reportmr erstad says the ` very rare phenomenon ' happened in sweden in 1920s\n", + "[1.2734599 1.2139951 1.124959 1.3047187 1.2612134 1.0995029 1.1499145\n", + " 1.0562077 1.068329 1.0425043 1.1082816 1.1845579 1.0655148 1.0456305\n", + " 1.0129598 1.0211409 1.0677135 0. 0. ]\n", + "\n", + "[ 3 0 4 1 11 6 2 10 5 8 16 12 7 13 9 15 14 17 18]\n", + "=======================\n", + "['charlie macdonald is still grieving for the son he lost eight years ago at the hands of his conman lovereight years after their son was brutally murdered by the man he loved , sue and charlie macdonald are still wondering what they could have done differently to prevent his death .gareth met glen rycroft , 37 , of salford , manchester , in a gay online chat room and they started a dating in 2005 .']\n", + "=======================\n", + "[\"gareth macdonald was murdered by glen rycroft in 2007fatally struck across head with fire extinguisher by his loverhe 'd discovered rycroft had been conning him and his family out of moneygareth 's parents wish they could have prevented their son 's death\"]\n", + "charlie macdonald is still grieving for the son he lost eight years ago at the hands of his conman lovereight years after their son was brutally murdered by the man he loved , sue and charlie macdonald are still wondering what they could have done differently to prevent his death .gareth met glen rycroft , 37 , of salford , manchester , in a gay online chat room and they started a dating in 2005 .\n", + "gareth macdonald was murdered by glen rycroft in 2007fatally struck across head with fire extinguisher by his loverhe 'd discovered rycroft had been conning him and his family out of moneygareth 's parents wish they could have prevented their son 's death\n", + "[1.3044243 1.481832 1.095254 1.2542156 1.1977583 1.0794911 1.0544336\n", + " 1.1043428 1.1216308 1.0559297 1.0583609 1.0710262 1.0450586 1.0896459\n", + " 1.0816448 1.1011043 1.0112268 1.0121108 1.015338 ]\n", + "\n", + "[ 1 0 3 4 8 7 15 2 13 14 5 11 10 9 6 12 18 17 16]\n", + "=======================\n", + "[\"kristen jarvis , 34 , is moving on from washington after seven years of acting as the first lady 's go-to gal and constant companion for nearly all her daily tasks .michelle obama 's loyal chief of staff , who 's been with her since she moved in to the white house , left the first family behind this month .solidcore 's website says it utilizes ` slow and controlled full-body movements with constant tension to work your muscle fibers to failure ... to rebuild a more sculpted , stronger and [ solid ] you . '\"]\n", + "=======================\n", + "[\"kristen jarvis , 34 , is moving on to become chief of staff to the ford foundation president darren walker in new yorkthe spelman college graduate decided to move on as the focus in washington has shifted from the obamas to the 2016 campaignjarvis first joined the obamas ' orbit in 2005 when she took a job in then senator obama 's office\"]\n", + "kristen jarvis , 34 , is moving on from washington after seven years of acting as the first lady 's go-to gal and constant companion for nearly all her daily tasks .michelle obama 's loyal chief of staff , who 's been with her since she moved in to the white house , left the first family behind this month .solidcore 's website says it utilizes ` slow and controlled full-body movements with constant tension to work your muscle fibers to failure ... to rebuild a more sculpted , stronger and [ solid ] you . '\n", + "kristen jarvis , 34 , is moving on to become chief of staff to the ford foundation president darren walker in new yorkthe spelman college graduate decided to move on as the focus in washington has shifted from the obamas to the 2016 campaignjarvis first joined the obamas ' orbit in 2005 when she took a job in then senator obama 's office\n", + "[1.1669219 1.358354 1.2124704 1.1592147 1.0925602 1.0980272 1.212329\n", + " 1.15694 1.1282086 1.094062 1.0631274 1.0399987 1.0648332 1.0618792\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 6 0 3 7 8 5 9 4 12 10 13 11 17 14 15 16 18]\n", + "=======================\n", + "[\"that 's one lesson to take away from a video posted by youtube user richard stewart showing a porsche cayman flying out of control as it speeds from a green light on prince edward island in canada .the sports car swerves wildly before smashing into the concrete median .wrote stewart on youtube about the crash .\"]\n", + "=======================\n", + "['video posted by youtube user richard stewart showing a porsche cayman flying out of controlpolice cited unidentified driver for the crashcar reportedly wrecked and needed to be towed from the scene']\n", + "that 's one lesson to take away from a video posted by youtube user richard stewart showing a porsche cayman flying out of control as it speeds from a green light on prince edward island in canada .the sports car swerves wildly before smashing into the concrete median .wrote stewart on youtube about the crash .\n", + "video posted by youtube user richard stewart showing a porsche cayman flying out of controlpolice cited unidentified driver for the crashcar reportedly wrecked and needed to be towed from the scene\n", + "[1.1169162 1.4633917 1.2666018 1.2596939 1.0874254 1.1377442 1.0641407\n", + " 1.0733988 1.0723717 1.0917845 1.0998962 1.05321 1.0114319 1.0749177\n", + " 1.1106728 1.046468 1.1030794 1.1579216 1.0881697 1.0233715 1.0381862\n", + " 0. ]\n", + "\n", + "[ 1 2 3 17 5 0 14 16 10 9 18 4 13 7 8 6 11 15 20 19 12 21]\n", + "=======================\n", + "['the annual water temple fair in jiangnan , china , sees thousands gather on boats to pray for good fortune for the upcoming year .locals dress up in traditional costumes , while boat races , drumming and dragon dances bring a carnival atmosphere to the town of jia xing .it will be the biggest net boat fair in 60 years']\n", + "=======================\n", + "['water temple fair held annually in jiangnan , china , where fishermen gather to pay homage to ancient herolocals dress up in their traditional costumes and perform local rituals with dances , boat races and songshonours general lui chengzhong , a hero of yuan dynasty ( 1279-1368 ) , who eliminated pests during drought']\n", + "the annual water temple fair in jiangnan , china , sees thousands gather on boats to pray for good fortune for the upcoming year .locals dress up in traditional costumes , while boat races , drumming and dragon dances bring a carnival atmosphere to the town of jia xing .it will be the biggest net boat fair in 60 years\n", + "water temple fair held annually in jiangnan , china , where fishermen gather to pay homage to ancient herolocals dress up in their traditional costumes and perform local rituals with dances , boat races and songshonours general lui chengzhong , a hero of yuan dynasty ( 1279-1368 ) , who eliminated pests during drought\n", + "[1.3579898 1.2799251 1.0881772 1.2426399 1.2107884 1.1283617 1.1008135\n", + " 1.1071074 1.1058518 1.067816 1.1184157 1.0391581 1.0375414 1.0710739\n", + " 1.0383747 1.0401034 1.0423295 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 4 5 10 7 8 6 2 13 9 16 15 11 14 12 20 17 18 19 21]\n", + "=======================\n", + "[\"us drug enforcement administration ( dea ) agents in colombia were taking part in alleged ` sex parties ' with prostitutes funded by drug cartels years earlier than previously known , u.s. lawmakers said on tuesday .several dea agents were participating in alleged sex parties in colombia starting in 2001 according to a new reportthis news comes two weeks after a report found that at least 7 agents admitted sleeping with prostitutes while on overseas assignments\"]\n", + "=======================\n", + "[\"several dea agents were participating in alleged sex parties in colombia starting in 2001 according to a new reportthe parties featured prostitutes paid for by drug cartelsthis news comes two weeks after a report found that at least 7 agents admitted sleeping with prostitutes while on overseas assignmentsinstead of firing or prosecuting agents , the dea treated prostitution cases as ` local management issue ' and suspended them for no more than 14 days\"]\n", + "us drug enforcement administration ( dea ) agents in colombia were taking part in alleged ` sex parties ' with prostitutes funded by drug cartels years earlier than previously known , u.s. lawmakers said on tuesday .several dea agents were participating in alleged sex parties in colombia starting in 2001 according to a new reportthis news comes two weeks after a report found that at least 7 agents admitted sleeping with prostitutes while on overseas assignments\n", + "several dea agents were participating in alleged sex parties in colombia starting in 2001 according to a new reportthe parties featured prostitutes paid for by drug cartelsthis news comes two weeks after a report found that at least 7 agents admitted sleeping with prostitutes while on overseas assignmentsinstead of firing or prosecuting agents , the dea treated prostitution cases as ` local management issue ' and suspended them for no more than 14 days\n", + "[1.2227725 1.1111282 1.4868705 1.3097243 1.2368947 1.1280173 1.1298527\n", + " 1.0633459 1.035749 1.1053522 1.0851971 1.0940496 1.071515 1.0309544\n", + " 1.064992 1.0163698 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 3 4 0 6 5 1 9 11 10 12 14 7 8 13 15 20 16 17 18 19 21]\n", + "=======================\n", + "['a los angeles judge has ordered v. stiviano to pay back more than $ 2.6 million in gifts after sterling \\'s wife sued her .in the lawsuit , rochelle \" shelly \" sterling accused stiviano of targeting extremely wealthy older men .she claimed donald sterling used the couple \\'s money to buy stiviano a ferrari , two bentleys and a range rover , and that he helped her get a $ 1.8 million duplex .']\n", + "=======================\n", + "[\"v. stiviano must pay back $ 2.6 million in gifts from donald sterlingsterling 's wife claimed the ex-clippers used the couple 's money for the giftsthe items included a ferrari , two bentleys and a range rover\"]\n", + "a los angeles judge has ordered v. stiviano to pay back more than $ 2.6 million in gifts after sterling 's wife sued her .in the lawsuit , rochelle \" shelly \" sterling accused stiviano of targeting extremely wealthy older men .she claimed donald sterling used the couple 's money to buy stiviano a ferrari , two bentleys and a range rover , and that he helped her get a $ 1.8 million duplex .\n", + "v. stiviano must pay back $ 2.6 million in gifts from donald sterlingsterling 's wife claimed the ex-clippers used the couple 's money for the giftsthe items included a ferrari , two bentleys and a range rover\n", + "[1.1864384 1.4667249 1.3923523 1.1398116 1.2481622 1.3269435 1.2085363\n", + " 1.0185531 1.0161664 1.219371 1.2023499 1.0072483 1.0118841 1.080982\n", + " 1.1701095 1.1535935 1.079101 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 5 4 9 6 10 0 14 15 3 13 16 7 8 12 11 20 17 18 19 21]\n", + "=======================\n", + "[\"in an enormous yield , four-metre long king cobra raja has delivered almost 500 milligrams of deadly toxin for veteran handler billy collett at gosford 's australian reptile park , north of sydney .the toxin is enough to fill a shot glass and 40 times the amount of venom of a brown snake .australia 's biggest venomous snake has produced a huge lethal ` shot ' for reptile wranglers on the nsw central coast\"]\n", + "=======================\n", + "[\"raja , the king cobra , has delivered almost 500 milligrams of deadly toxinthe snake , which is at gosford 's australian reptile park , weighs 8kg` he 's about as thick as my legs , ' veteran handler billy collett saidits venom will be distributed between research institutes across australia\"]\n", + "in an enormous yield , four-metre long king cobra raja has delivered almost 500 milligrams of deadly toxin for veteran handler billy collett at gosford 's australian reptile park , north of sydney .the toxin is enough to fill a shot glass and 40 times the amount of venom of a brown snake .australia 's biggest venomous snake has produced a huge lethal ` shot ' for reptile wranglers on the nsw central coast\n", + "raja , the king cobra , has delivered almost 500 milligrams of deadly toxinthe snake , which is at gosford 's australian reptile park , weighs 8kg` he 's about as thick as my legs , ' veteran handler billy collett saidits venom will be distributed between research institutes across australia\n", + "[1.0528187 1.0662289 1.3277384 1.1141475 1.0738019 1.0877341 1.0478604\n", + " 1.0385547 1.2730936 1.0467975 1.0398178 1.0208116 1.0241163 1.101082\n", + " 1.045434 1.122836 1.1070204 1.0444603 1.0797414 1.0334519 1.0964935\n", + " 1.0191584]\n", + "\n", + "[ 2 8 15 3 16 13 20 5 18 4 1 0 6 9 14 17 10 7 19 12 11 21]\n", + "=======================\n", + "['but poulter promises this break , just weeks before the first major of the year , means he will be fit and fresh for his latest assault on augusta national .ian poulter lines up his putt for birdie on the 18th hole during the first round of the arnold palmer invitationalsharing his holiday with the world on twitter comes third , of course .']\n", + "=======================\n", + "['ian poulter is on holiday just weeks before the first major of the yearbut poulter insists he will return fit and ready for assault on augustathe golfer has secured two top-10 finishes at augusta in the last five yearshe admits retiring without a major victory would leave him unfulfilled']\n", + "but poulter promises this break , just weeks before the first major of the year , means he will be fit and fresh for his latest assault on augusta national .ian poulter lines up his putt for birdie on the 18th hole during the first round of the arnold palmer invitationalsharing his holiday with the world on twitter comes third , of course .\n", + "ian poulter is on holiday just weeks before the first major of the yearbut poulter insists he will return fit and ready for assault on augustathe golfer has secured two top-10 finishes at augusta in the last five yearshe admits retiring without a major victory would leave him unfulfilled\n", + "[1.1837578 1.2827624 1.1812538 1.4004035 1.3073013 1.2558362 1.1268289\n", + " 1.0391245 1.0170617 1.0638723 1.0676062 1.0793227 1.0459472 1.0239028\n", + " 1.0188662 1.0387397 1.1104778 1.0977702 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 4 1 5 0 2 6 16 17 11 10 9 12 7 15 13 14 8 18 19 20 21]\n", + "=======================\n", + "[\"the only way is essex star lydia bright met labour leader ed miliband as part of the ` useyourvoice ' campaign encouraging young people to votethe reality tv star said mr miliband ` definitely ' topped her list of political leaders in a game of ` snog , marry or avoid 'first it was the ` milifandom ' -- with thousands of teenage girls allegedly swooning for the labour leader on twitter .\"]\n", + "=======================\n", + "[\"reality tv star said mr miliband ` definitely ' topped her list of politiciansshe was asked who she would pick in a game of ` snog , marry or avoid 'bright said mr miliband was ` good looking ' and had ` good dress sense 'it comes after the labour leader became an unlikely pin-up for teen girlsthousands of teenagers took to twitter claiming to be ` milifans '\"]\n", + "the only way is essex star lydia bright met labour leader ed miliband as part of the ` useyourvoice ' campaign encouraging young people to votethe reality tv star said mr miliband ` definitely ' topped her list of political leaders in a game of ` snog , marry or avoid 'first it was the ` milifandom ' -- with thousands of teenage girls allegedly swooning for the labour leader on twitter .\n", + "reality tv star said mr miliband ` definitely ' topped her list of politiciansshe was asked who she would pick in a game of ` snog , marry or avoid 'bright said mr miliband was ` good looking ' and had ` good dress sense 'it comes after the labour leader became an unlikely pin-up for teen girlsthousands of teenagers took to twitter claiming to be ` milifans '\n", + "[1.2039533 1.2278754 1.1422116 1.321553 1.4004761 1.0730698 1.0269785\n", + " 1.0272635 1.0383279 1.0396005 1.0208241 1.0260075 1.0247616 1.0294428\n", + " 1.0223958 1.0176826 1.0669761 1.0720345 1.0460048 1.1844064 1.0232891\n", + " 0. ]\n", + "\n", + "[ 4 3 1 0 19 2 5 17 16 18 9 8 13 7 6 11 12 20 14 10 15 21]\n", + "=======================\n", + "[\"on this page you will find today 's show transcript and a place for you to request to be on the cnn student news roll call .california 's historic drought is now hitting home for many residents and businesses , who 've been ordered to cut their water usage .we 're starting with some international headlines today , covering events in switzerland , kenya and the pacific ocean .\"]\n", + "=======================\n", + "[\"this page includes the show transcriptuse the transcript to help students with reading comprehension and vocabularyat the bottom of the page , comment for a chance to be mentioned on cnn student news .the weekly newsquiz tests students ' knowledge of events in the news\"]\n", + "on this page you will find today 's show transcript and a place for you to request to be on the cnn student news roll call .california 's historic drought is now hitting home for many residents and businesses , who 've been ordered to cut their water usage .we 're starting with some international headlines today , covering events in switzerland , kenya and the pacific ocean .\n", + "this page includes the show transcriptuse the transcript to help students with reading comprehension and vocabularyat the bottom of the page , comment for a chance to be mentioned on cnn student news .the weekly newsquiz tests students ' knowledge of events in the news\n", + "[1.3351368 1.2888352 1.4773793 1.1012189 1.0955838 1.1474332 1.1231734\n", + " 1.0570716 1.1279855 1.0762289 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 1 5 8 6 3 4 9 7 19 18 17 16 15 10 13 12 11 20 14 21]\n", + "=======================\n", + "['colin farrell , vince vaughn , rachel mcadams and taylor kitsch star in the new season , which premieres june 21 .( cnn ) hbo just whetted our appetite for a new season of \" true detective . \"the network released a teaser video for season 2 of the critically acclaimed show , and it looks intense .']\n", + "=======================\n", + "['hbo released a teaser video for the new season , starting june 21the series stars colin farrell and vince vaughn']\n", + "colin farrell , vince vaughn , rachel mcadams and taylor kitsch star in the new season , which premieres june 21 .( cnn ) hbo just whetted our appetite for a new season of \" true detective . \"the network released a teaser video for season 2 of the critically acclaimed show , and it looks intense .\n", + "hbo released a teaser video for the new season , starting june 21the series stars colin farrell and vince vaughn\n", + "[1.2349509 1.2506856 1.2261301 1.2633127 1.2352332 1.1437985 1.1126808\n", + " 1.0788796 1.0332186 1.2296994 1.1940472 1.0394439 1.0355114 1.0271093\n", + " 1.0287422 1.0127586 1.0226963 1.0297226 1.0298398 1.0195628 1.0173107\n", + " 1.0561057]\n", + "\n", + "[ 3 1 4 0 9 2 10 5 6 7 21 11 12 8 18 17 14 13 16 19 20 15]\n", + "=======================\n", + "['the robot sub was examining the depths of the gulf of mexico when the sperm whale suddenly appearedhowever , researchers were stunned when their underwater robosub had an unexpected encounter almost 2,000 feet under the ocean .sperm whales are listed as an endangered species under the u.s. endangered species act .']\n", + "=======================\n", + "[\"robosub was exploring the gulf of mexico off the coast of louisianaat 598 meters the sperm whale appeared in the robosub 's cameras\"]\n", + "the robot sub was examining the depths of the gulf of mexico when the sperm whale suddenly appearedhowever , researchers were stunned when their underwater robosub had an unexpected encounter almost 2,000 feet under the ocean .sperm whales are listed as an endangered species under the u.s. endangered species act .\n", + "robosub was exploring the gulf of mexico off the coast of louisianaat 598 meters the sperm whale appeared in the robosub 's cameras\n", + "[1.2982136 1.3837873 1.4192158 1.3386071 1.1527457 1.1510783 1.1517727\n", + " 1.0951633 1.0299131 1.0147413 1.0150458 1.0698148 1.0710509 1.0129939\n", + " 1.0106034 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 3 0 4 6 5 7 12 11 8 10 9 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "['the federal court ruled on tuesday that australian internet companies , including iinet and other isps , should hand over the names and residential addresses of 4,726 people who illegally shared the film .but internet law experts say the company behind the letters will have a hard time following through on the threats because it is very difficult to prove who is legally responsible for the downloading .a landmark ruling on piracy and privacy on the internet means thousands of australians could be getting letters threatening legally action if they illegally downloaded and shared hollywood film dallas buyers club .']\n", + "=======================\n", + "[\"companies will have to reveal names , ip addresses and residential addresses of 4,726 people who uploaded the film online illegallythis will allow the film 's copyright holders to seek damages or court actioninternet provider iinet warned they could demand up to $ 7000justice nye perram ruled that individuals ' privacy must be kept and all letters from the copyright holder must be sent to him first\"]\n", + "the federal court ruled on tuesday that australian internet companies , including iinet and other isps , should hand over the names and residential addresses of 4,726 people who illegally shared the film .but internet law experts say the company behind the letters will have a hard time following through on the threats because it is very difficult to prove who is legally responsible for the downloading .a landmark ruling on piracy and privacy on the internet means thousands of australians could be getting letters threatening legally action if they illegally downloaded and shared hollywood film dallas buyers club .\n", + "companies will have to reveal names , ip addresses and residential addresses of 4,726 people who uploaded the film online illegallythis will allow the film 's copyright holders to seek damages or court actioninternet provider iinet warned they could demand up to $ 7000justice nye perram ruled that individuals ' privacy must be kept and all letters from the copyright holder must be sent to him first\n", + "[1.1861115 1.2618113 1.2161789 1.2557986 1.1803857 1.1013863 1.1644361\n", + " 1.1144378 1.1654423 1.0866082 1.0519879 1.0694317 1.0538386 1.0943497\n", + " 1.0484333 1.0521418 1.0396918 1.0288252 1.0464348]\n", + "\n", + "[ 1 3 2 0 4 8 6 7 5 13 9 11 12 15 10 14 18 16 17]\n", + "=======================\n", + "[\"that 's according to one researcher who travelled to the country to study how the indian and eurasian plates are moving together .earth 's continents are slowly moving together ( left ) , and in 50 to 200 million years they are expected to form a new supercontinent called amasia ( right ) .and using new techniques , researchers can now start examining the changes due to take place over the next tens of millions of years like never before .\"]\n", + "=======================\n", + "['peter spinks from the sydney morning herald reported on amasiawithin 200 million years , he said the new supercontinent will formone researcher recently travelled to nepal to gather further informationhe spotted that india , eurasia and other plates are slowly moving together']\n", + "that 's according to one researcher who travelled to the country to study how the indian and eurasian plates are moving together .earth 's continents are slowly moving together ( left ) , and in 50 to 200 million years they are expected to form a new supercontinent called amasia ( right ) .and using new techniques , researchers can now start examining the changes due to take place over the next tens of millions of years like never before .\n", + "peter spinks from the sydney morning herald reported on amasiawithin 200 million years , he said the new supercontinent will formone researcher recently travelled to nepal to gather further informationhe spotted that india , eurasia and other plates are slowly moving together\n", + "[1.3084815 1.3960259 1.1531556 1.2686393 1.3490344 1.0910304 1.037481\n", + " 1.0385664 1.0297972 1.0516766 1.0195736 1.1153239 1.1164013 1.0507369\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 3 2 12 11 5 9 13 7 6 8 10 17 14 15 16 18]\n", + "=======================\n", + "[\"indianara carvalho , 23 - who had hymen surgery last year to ` restore ' her virginity so she could enjoy her first time all over again with ` someone special ' - accompanied the racy photo with the phrase : ` good friday .a brazilian model who shot to fame after winning the miss bumbum contest in 2014 has sparked outrage by posting a snap of her naked body painted with an image of the virgin mary to her instagram account , along with a special easter prayer .the image , just one of a series of nude body-painted shots she shared over the easter weekend , attracted more than 750 ` likes ' , as well as a tirade of disapproval from her followers over its sacrilegious nature .\"]\n", + "=======================\n", + "[\"indianara carvalho , 23 , triumphed in 2014 's miss bumbum contestshe posted the controversial nude to instragram snap on good fridayfans blasted the model for her lack of ` respect ' to godlast year , miss carvalho had vaginal surgery to ` restore ' her virginity\"]\n", + "indianara carvalho , 23 - who had hymen surgery last year to ` restore ' her virginity so she could enjoy her first time all over again with ` someone special ' - accompanied the racy photo with the phrase : ` good friday .a brazilian model who shot to fame after winning the miss bumbum contest in 2014 has sparked outrage by posting a snap of her naked body painted with an image of the virgin mary to her instagram account , along with a special easter prayer .the image , just one of a series of nude body-painted shots she shared over the easter weekend , attracted more than 750 ` likes ' , as well as a tirade of disapproval from her followers over its sacrilegious nature .\n", + "indianara carvalho , 23 , triumphed in 2014 's miss bumbum contestshe posted the controversial nude to instragram snap on good fridayfans blasted the model for her lack of ` respect ' to godlast year , miss carvalho had vaginal surgery to ` restore ' her virginity\n", + "[1.3045948 1.3129351 1.1220827 1.179877 1.133394 1.1351463 1.0961968\n", + " 1.1131812 1.1379337 1.0753496 1.0963731 1.082618 1.0839753 1.0597132\n", + " 1.0379626 1.0575774 1.1018825 1.0352147 0. ]\n", + "\n", + "[ 1 0 3 8 5 4 2 7 16 10 6 12 11 9 13 15 14 17 18]\n", + "=======================\n", + "[\"that 's the account one survivor of the deadly shipwreck gave to investigators , according to a statement released sunday by prosecutors in catania , italy .( cnn ) as a boat packed with hundreds of migrants capsized in mediterranean waters , many were trapped inside behind locked doors .as rescuers approached , authorities say migrants on the boat moved to one side , hoping to be saved .\"]\n", + "=======================\n", + "['a survivor tells authorities that migrants were trapped behind locked doorsrescuers say they have found scores of bodies in the waters off libya']\n", + "that 's the account one survivor of the deadly shipwreck gave to investigators , according to a statement released sunday by prosecutors in catania , italy .( cnn ) as a boat packed with hundreds of migrants capsized in mediterranean waters , many were trapped inside behind locked doors .as rescuers approached , authorities say migrants on the boat moved to one side , hoping to be saved .\n", + "a survivor tells authorities that migrants were trapped behind locked doorsrescuers say they have found scores of bodies in the waters off libya\n", + "[1.183185 1.432353 1.2263522 1.2711301 1.2137735 1.2619016 1.1668628\n", + " 1.0464418 1.0709659 1.1753078 1.0442601 1.0280479 1.0632129 1.0325625\n", + " 1.0186012 1.0090462 1.0175146 1.0719032 0. ]\n", + "\n", + "[ 1 3 5 2 4 0 9 6 17 8 12 7 10 13 11 14 16 15 18]\n", + "=======================\n", + "[\"kevin perz , 56 , a father-of-four and business owner , has been looking up the teachers he has the fondest memories of from his days at parkway central high school in chesterfield , missouri .it started in 1992 , when he sent a check to his calculus teacher made out for $ 5,000 .over the past few years he has been mailing them a ` gift ' .\"]\n", + "=======================\n", + "[\"kevin perz , 56 , owns a construction equipment business in kansas cityhe has spent time over the years tracking down high school teachers and sending them checks to thank them for making an impression on himmarilyn mecham taught perz home economics in 1977 at parkway central high school in chesterfield , missourihe sent her $ 10,000 and told her to spent it all on herself` gratitude is something in this society today that we just do n't do enough of , ' mecham said of the gesture\"]\n", + "kevin perz , 56 , a father-of-four and business owner , has been looking up the teachers he has the fondest memories of from his days at parkway central high school in chesterfield , missouri .it started in 1992 , when he sent a check to his calculus teacher made out for $ 5,000 .over the past few years he has been mailing them a ` gift ' .\n", + "kevin perz , 56 , owns a construction equipment business in kansas cityhe has spent time over the years tracking down high school teachers and sending them checks to thank them for making an impression on himmarilyn mecham taught perz home economics in 1977 at parkway central high school in chesterfield , missourihe sent her $ 10,000 and told her to spent it all on herself` gratitude is something in this society today that we just do n't do enough of , ' mecham said of the gesture\n", + "[1.2125812 1.445159 1.2496709 1.2652773 1.1365126 1.0712295 1.0803804\n", + " 1.094411 1.0807939 1.1369317 1.1637756 1.1489223 1.0776966 1.0534172\n", + " 1.0744731 1.0112542 1.0342978 0. 0. ]\n", + "\n", + "[ 1 3 2 0 10 11 9 4 7 8 6 12 14 5 13 16 15 17 18]\n", + "=======================\n", + "['waheed ahmed , the 21-year-old son of councillor shakil ahmed , was accused of trying to sneak into syria with eight of his relatives and was arrested when he landed in the uk earlier this week .greater manchester police confirmed that six people - a 21-year-old man arrested at birmingham airport , two women and two men aged between 22 and 47 held at manchester airport , plus a 30-year-old man arrested in the rochdale area , have been released without charge .waheed was deported by the turkish authorities and flown back to britain on a plane packed with holidaymakers on april 14 .']\n", + "=======================\n", + "['waheed ahmed , son of a labour councillor , was stopped at turkish borderthe 21-year-old was accused of trying to enter syria with family memberspolice released waheed , from rochdale , and five others without charge']\n", + "waheed ahmed , the 21-year-old son of councillor shakil ahmed , was accused of trying to sneak into syria with eight of his relatives and was arrested when he landed in the uk earlier this week .greater manchester police confirmed that six people - a 21-year-old man arrested at birmingham airport , two women and two men aged between 22 and 47 held at manchester airport , plus a 30-year-old man arrested in the rochdale area , have been released without charge .waheed was deported by the turkish authorities and flown back to britain on a plane packed with holidaymakers on april 14 .\n", + "waheed ahmed , son of a labour councillor , was stopped at turkish borderthe 21-year-old was accused of trying to enter syria with family memberspolice released waheed , from rochdale , and five others without charge\n", + "[1.1441057 1.158393 1.4717339 1.3641891 1.2740202 1.2135293 1.0439694\n", + " 1.0297395 1.0193588 1.1305052 1.0770123 1.049544 1.052924 1.0174751\n", + " 1.0304632 1.0466604 1.020368 1.0293773 1.0187118]\n", + "\n", + "[ 2 3 4 5 1 0 9 10 12 11 15 6 14 7 17 16 8 18 13]\n", + "=======================\n", + "['architect and photographer yener torun sought to challenge the one dimensional view of his changing city , and captures the new , minimalistic buildings that add a splash of colour to istanbul .yener spends his time wandering around the city looking for bold , geometric buildings to photograph , and documents his work to his instagram , which has over 50,000 followers .the photographer , who has lived in istanbul for 14 years , aims to show a clean minimalistic view of the city , as it contrasts with the ornate , ottoman architecture .']\n", + "=======================\n", + "['photographer yener torun sought to show a new side to istanbul , with the modern colourful buildingsminimalistic pictures with the traditional ornate buildings , mosques and palacesthe photographer has gained a large following for his vibrant pictures on instagram']\n", + "architect and photographer yener torun sought to challenge the one dimensional view of his changing city , and captures the new , minimalistic buildings that add a splash of colour to istanbul .yener spends his time wandering around the city looking for bold , geometric buildings to photograph , and documents his work to his instagram , which has over 50,000 followers .the photographer , who has lived in istanbul for 14 years , aims to show a clean minimalistic view of the city , as it contrasts with the ornate , ottoman architecture .\n", + "photographer yener torun sought to show a new side to istanbul , with the modern colourful buildingsminimalistic pictures with the traditional ornate buildings , mosques and palacesthe photographer has gained a large following for his vibrant pictures on instagram\n", + "[1.381686 1.2759526 1.1333294 1.3482523 1.2527328 1.2238182 1.1935887\n", + " 1.0914564 1.1040226 1.1179198 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 5 6 2 9 8 7 17 10 11 12 13 14 15 16 18]\n", + "=======================\n", + "['( cnn ) civil unions between people of the same sex will soon be recognized in chile .the new law will take effect in six months .the country joined several of its south american neighbors in allowing the unions when president michelle bachelet enacted a new law on monday .']\n", + "=======================\n", + "['president michelle bachelet signs law that will take effect in six monthschile joins several other south american nations that allow the unions']\n", + "( cnn ) civil unions between people of the same sex will soon be recognized in chile .the new law will take effect in six months .the country joined several of its south american neighbors in allowing the unions when president michelle bachelet enacted a new law on monday .\n", + "president michelle bachelet signs law that will take effect in six monthschile joins several other south american nations that allow the unions\n", + "[1.1576158 1.4965231 1.2432889 1.2716693 1.2720705 1.2525895 1.1375492\n", + " 1.0140306 1.0142932 1.0276269 1.0258567 1.0570898 1.1421249 1.0249336\n", + " 1.1502305 1.067482 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 5 2 0 14 12 6 15 11 9 10 13 8 7 17 16 18]\n", + "=======================\n", + "['sharon and nick chalwell put out a desperate call earlier this month after nine failed rounds of ivf and one failed egg donor attempt .thanks to shannon mann , 22 , who said she has wanted to be an egg donor for many years , that dream could soon be a reality .during their search they were put in touch with shannon mann ( pictured ) who has a two-year-old son , lucas']\n", + "=======================\n", + "['nick and sharon chalwell have been trying to start a family for seven yearsthe perth couple have gone through nine rounds of ivf treatmentturned to crowdsourcing to find an egg donor due to long waiting listsfound a mother-of-one called shannon willing to help them conceive']\n", + "sharon and nick chalwell put out a desperate call earlier this month after nine failed rounds of ivf and one failed egg donor attempt .thanks to shannon mann , 22 , who said she has wanted to be an egg donor for many years , that dream could soon be a reality .during their search they were put in touch with shannon mann ( pictured ) who has a two-year-old son , lucas\n", + "nick and sharon chalwell have been trying to start a family for seven yearsthe perth couple have gone through nine rounds of ivf treatmentturned to crowdsourcing to find an egg donor due to long waiting listsfound a mother-of-one called shannon willing to help them conceive\n", + "[1.1957325 1.2073216 1.3821867 1.1651638 1.1948092 1.1870468 1.135602\n", + " 1.2122291 1.0710347 1.0739771 1.0495638 1.036033 1.034855 1.0443159\n", + " 1.0538558 1.021127 0. 0. 0. ]\n", + "\n", + "[ 2 7 1 0 4 5 3 6 9 8 14 10 13 11 12 15 17 16 18]\n", + "=======================\n", + "['mr farage was out in thanet south today after polls showed he had fallen behind the tories in his campaign to be elected to parliament .the unlikely images of mr farage come after the prime minister and his lib dem deputy nick clegg were also snapped on the campaign trail posing for photographs with mothers and their babies .but with the general election getting ever closer , the ukip leader has resorted to traditional campaign methods to get out the vote .']\n", + "=======================\n", + "[\"ukip leader posed for tradition campaign photo while out in thanet , kentnick clegg also stopped for pictures with mothers and their babiesit comes after david cameron admitted he was ` broody ' for another babythe prime minister also posed feeding orphaned lambs on easter sunday\"]\n", + "mr farage was out in thanet south today after polls showed he had fallen behind the tories in his campaign to be elected to parliament .the unlikely images of mr farage come after the prime minister and his lib dem deputy nick clegg were also snapped on the campaign trail posing for photographs with mothers and their babies .but with the general election getting ever closer , the ukip leader has resorted to traditional campaign methods to get out the vote .\n", + "ukip leader posed for tradition campaign photo while out in thanet , kentnick clegg also stopped for pictures with mothers and their babiesit comes after david cameron admitted he was ` broody ' for another babythe prime minister also posed feeding orphaned lambs on easter sunday\n", + "[1.4074267 1.2850487 1.2131175 1.1923436 1.1975648 1.064291 1.1004493\n", + " 1.0435673 1.0217823 1.0378633 1.0817035 1.083559 1.0333462 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 4 3 6 11 10 5 7 9 12 8 13 14 15 16 17 18]\n", + "=======================\n", + "['washington ( cnn ) as the missouri national guard prepared to deploy to help quell riots in ferguson , missouri , that raged sporadically last year , the guard used highly militarized words such as \" enemy forces \" and \" adversaries \" to refer to protesters , according to documents obtained by cnn .the guard came to ferguson to support law enforcement officers , whom many community leaders and civil rights activists accused of using excessive force and inflaming an already tense situation in protests that flared sporadically from august through the end of the year .the national guard \\'s language , contained in internal mission briefings obtained through a freedom of information act request , is intensifying the concerns of some who objected to the police officers \\' actions in putting down riots .']\n", + "=======================\n", + "[\"the national guard 's language worries those who objected to the tactics used in quelling riotsthe language is contained in internal mission briefings\"]\n", + "washington ( cnn ) as the missouri national guard prepared to deploy to help quell riots in ferguson , missouri , that raged sporadically last year , the guard used highly militarized words such as \" enemy forces \" and \" adversaries \" to refer to protesters , according to documents obtained by cnn .the guard came to ferguson to support law enforcement officers , whom many community leaders and civil rights activists accused of using excessive force and inflaming an already tense situation in protests that flared sporadically from august through the end of the year .the national guard 's language , contained in internal mission briefings obtained through a freedom of information act request , is intensifying the concerns of some who objected to the police officers ' actions in putting down riots .\n", + "the national guard 's language worries those who objected to the tactics used in quelling riotsthe language is contained in internal mission briefings\n", + "[1.3138633 1.1648022 1.0949998 1.3371396 1.3913089 1.2405361 1.1253498\n", + " 1.1674857 1.1019812 1.0329584 1.0168694 1.0121837 1.009996 1.0205067\n", + " 1.2245259 1.1661978 1.040008 0. 0. 0. ]\n", + "\n", + "[ 4 3 0 5 14 7 15 1 6 8 2 16 9 13 10 11 12 18 17 19]\n", + "=======================\n", + "[\"world record holder paula radcliffe said she ` was close to pulling out ' of the london marathon on sundayinstead radcliffe turned to renowned german doctor hans-wilhelm muller-wohlfahrt , who has worked with the likes of ronaldo , michael owen and usain bolt .a celebrity doctor known as ` healing hans ' has played a key role in getting paula radcliffe to the start line for sunday 's london marathon .\"]\n", + "=======================\n", + "[\"hans-wilhelm muller-wohlfahrt has been working with paula radclifferadcliffe admits she was close to pulling out of sunday 's london marathonthe annual race will be radcliffe 's final competitive marathon of her careergerman doctor muller-wohlfahrt has previously worked with ronaldo\"]\n", + "world record holder paula radcliffe said she ` was close to pulling out ' of the london marathon on sundayinstead radcliffe turned to renowned german doctor hans-wilhelm muller-wohlfahrt , who has worked with the likes of ronaldo , michael owen and usain bolt .a celebrity doctor known as ` healing hans ' has played a key role in getting paula radcliffe to the start line for sunday 's london marathon .\n", + "hans-wilhelm muller-wohlfahrt has been working with paula radclifferadcliffe admits she was close to pulling out of sunday 's london marathonthe annual race will be radcliffe 's final competitive marathon of her careergerman doctor muller-wohlfahrt has previously worked with ronaldo\n", + "[1.284777 1.3409748 1.2706686 1.2235304 1.1622913 1.1844401 1.1725622\n", + " 1.0663314 1.0842142 1.0299532 1.0183804 1.0151176 1.0666078 1.0925875\n", + " 1.0607798 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 5 6 4 13 8 12 7 14 9 10 11 18 15 16 17 19]\n", + "=======================\n", + "[\"in the affidavit , timothy s. pappa , an fbi agent , claims that xiaoming gao was paid ` thousands of dollars to provide information on u.s. persons and a u.s. government employee . 'a recently released affidavit reveals that a chinese translator was accused of sharing government information with an alleged spy .that information was provided to individuals she thought to be chinese intelligence officers .\"]\n", + "=======================\n", + "[\"an fbi affidavit from november 2014 that was recently unsealed reveals translator xiaoming gao shared information with an alleged chinese spygao was paid ` thousands of dollars to provide information on u.s. persons and a u.s. government employee 'she also lived with a state department employee who had top-secret clearance and who revealed they spoke about work with the womandespite all this she was never prosecuted , and left her position at the office of language services in february 2014\"]\n", + "in the affidavit , timothy s. pappa , an fbi agent , claims that xiaoming gao was paid ` thousands of dollars to provide information on u.s. persons and a u.s. government employee . 'a recently released affidavit reveals that a chinese translator was accused of sharing government information with an alleged spy .that information was provided to individuals she thought to be chinese intelligence officers .\n", + "an fbi affidavit from november 2014 that was recently unsealed reveals translator xiaoming gao shared information with an alleged chinese spygao was paid ` thousands of dollars to provide information on u.s. persons and a u.s. government employee 'she also lived with a state department employee who had top-secret clearance and who revealed they spoke about work with the womandespite all this she was never prosecuted , and left her position at the office of language services in february 2014\n", + "[1.3809459 1.3970002 1.2369889 1.3865981 1.2466038 1.2124404 1.1165359\n", + " 1.1099735 1.1604118 1.0574126 1.0703533 1.0090824 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 5 8 6 7 10 9 11 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "['keane , 43 , is said to have behaved aggressively towards cabbie fateh kerar , 44 , near traffic lights in ashley road , altrincham , on january 30 .roy keane will stand trial in june after an alleged road-rage incident with a taxi driverhe is accused of causing harassment , alarm or distress to mr kerar - a section 4a public order offence .']\n", + "=======================\n", + "[\"roy keane pleads not guilty to committing a public order offencehe is alleged to have been involved in a road-rage incident with taxi driverkeane is accused of causing harassment , alarm or distress to the driverhe will face trial at manchester magistrates ' court on june 19\"]\n", + "keane , 43 , is said to have behaved aggressively towards cabbie fateh kerar , 44 , near traffic lights in ashley road , altrincham , on january 30 .roy keane will stand trial in june after an alleged road-rage incident with a taxi driverhe is accused of causing harassment , alarm or distress to mr kerar - a section 4a public order offence .\n", + "roy keane pleads not guilty to committing a public order offencehe is alleged to have been involved in a road-rage incident with taxi driverkeane is accused of causing harassment , alarm or distress to the driverhe will face trial at manchester magistrates ' court on june 19\n", + "[1.2753745 1.3955799 1.1605968 1.2351663 1.2446594 1.1988343 1.0893114\n", + " 1.1305602 1.1465924 1.0981239 1.0862311 1.0665141 1.015749 1.0308464\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 3 5 2 8 7 9 6 10 11 13 12 18 14 15 16 17 19]\n", + "=======================\n", + "['jerome r. hunt , of hayward , california , climbed the fence on the south side of the white house complex about 10:25 p.m. , said brian leary with the united states secret service .washington ( cnn ) a 54-year-old man carrying a suspicious package scaled a white house fence sunday night , but was quickly apprehended .the package was being examined and later deemed to be harmless , a secret service source told cnn .']\n", + "=======================\n", + "['the person climbed the fence on the south side of the white house complexcharges are pending']\n", + "jerome r. hunt , of hayward , california , climbed the fence on the south side of the white house complex about 10:25 p.m. , said brian leary with the united states secret service .washington ( cnn ) a 54-year-old man carrying a suspicious package scaled a white house fence sunday night , but was quickly apprehended .the package was being examined and later deemed to be harmless , a secret service source told cnn .\n", + "the person climbed the fence on the south side of the white house complexcharges are pending\n", + "[1.4007993 1.2351624 1.4019299 1.2238448 1.1062547 1.0627497 1.032409\n", + " 1.1540579 1.1273806 1.0916703 1.0507262 1.0303335 1.0183123 1.0604546\n", + " 1.0133582 1.011431 1.0318244 1.0197238 1.014927 1.1518879]\n", + "\n", + "[ 2 0 1 3 7 19 8 4 9 5 13 10 6 16 11 17 12 18 14 15]\n", + "=======================\n", + "[\"veteran presenter paul gambaccini has blasted the bbc for destroying the top 40 show by employing ` ignorant ' djs who are more interested in giving vacuous opinions than playing the records .paul gambaccini blamed the presenters ' obsession with discussing the sex appeal of pop stars for a slump in ratingsit has been a staple of sunday night listening for almost 50 years -- but now radio 1 's chart show has been branded a ` banal failure ' by one of the most respected voices in broadcasting .\"]\n", + "=======================\n", + "[\"paul gambaccini has blasted the bbc for destroying the top 40 showhe blamed presenters ' obsession with discussing pop stars ' sex appeal` the chart show has become an extension of its presenter 's personality '\"]\n", + "veteran presenter paul gambaccini has blasted the bbc for destroying the top 40 show by employing ` ignorant ' djs who are more interested in giving vacuous opinions than playing the records .paul gambaccini blamed the presenters ' obsession with discussing the sex appeal of pop stars for a slump in ratingsit has been a staple of sunday night listening for almost 50 years -- but now radio 1 's chart show has been branded a ` banal failure ' by one of the most respected voices in broadcasting .\n", + "paul gambaccini has blasted the bbc for destroying the top 40 showhe blamed presenters ' obsession with discussing pop stars ' sex appeal` the chart show has become an extension of its presenter 's personality '\n", + "[1.2683955 1.4344088 1.2755928 1.184719 1.1873701 1.1433837 1.1401032\n", + " 1.0804616 1.1148628 1.1704723 1.0299349 1.0098716 1.0628431 1.093111\n", + " 1.0460293 1.0284811 1.043574 0. 0. ]\n", + "\n", + "[ 1 2 0 4 3 9 5 6 8 13 7 12 14 16 10 15 11 17 18]\n", + "=======================\n", + "['the dutch-led team this week also found personal possessions including jewellery after the plane was downed by a suspected russian-made buk missile , killing all 298 passengers and crew on july 17 , 2014 .in all , 16 containers of fragments of the malaysia airlines plane were filled so far this week .air crash investigators have recovered more body parts from the site where mh17 fell in eastern ukraine after the boeing 777 was shot out of the sky nine months ago .']\n", + "=======================\n", + "['investigators have found more body parts from where mh17 fell in ukrainealso discovered personal possessions including jewellery and braceletsmailonline also found a charred passport of a malaysian mother killedplane downed on july 17 2014 killed all 298 passengers and crew on board']\n", + "the dutch-led team this week also found personal possessions including jewellery after the plane was downed by a suspected russian-made buk missile , killing all 298 passengers and crew on july 17 , 2014 .in all , 16 containers of fragments of the malaysia airlines plane were filled so far this week .air crash investigators have recovered more body parts from the site where mh17 fell in eastern ukraine after the boeing 777 was shot out of the sky nine months ago .\n", + "investigators have found more body parts from where mh17 fell in ukrainealso discovered personal possessions including jewellery and braceletsmailonline also found a charred passport of a malaysian mother killedplane downed on july 17 2014 killed all 298 passengers and crew on board\n", + "[1.0429062 1.0723394 1.5850389 1.2732038 1.1179209 1.0855799 1.0710571\n", + " 1.0731776 1.1288891 1.1218997 1.3509395 1.102387 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 10 3 8 9 4 11 5 7 1 6 0 12 13 14 15 16 17 18]\n", + "=======================\n", + "['lori smith filmed her pooch boomer being repeatedly hit as she lay with her head resting on the ledge of her electronic dog door .with the door jammed , it is seen constantly moving up and down hitting her skull each time .after more than 20 seconds and numerous head taps , boomer appears resting in the same position .']\n", + "=======================\n", + "['lori smith filmed her pooch boomer being repeatedly hit as she lay with her head resting on the ledge of her electronic dog doorafter more than 20 seconds and numerous head taps boomer appears resting in the same position']\n", + "lori smith filmed her pooch boomer being repeatedly hit as she lay with her head resting on the ledge of her electronic dog door .with the door jammed , it is seen constantly moving up and down hitting her skull each time .after more than 20 seconds and numerous head taps , boomer appears resting in the same position .\n", + "lori smith filmed her pooch boomer being repeatedly hit as she lay with her head resting on the ledge of her electronic dog doorafter more than 20 seconds and numerous head taps boomer appears resting in the same position\n", + "[1.4435525 1.1363277 1.2543596 1.5249181 1.2041215 1.0699415 1.0746732\n", + " 1.0899999 1.1030674 1.1562039 1.0523522 1.0687873 1.048467 1.0213919\n", + " 1.0075969 1.0064241 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 4 9 1 8 7 6 5 11 10 12 13 14 15 17 16 18]\n", + "=======================\n", + "['thomas tuchel ( left ) will replace borussia dortmund manager jurgen klopp at the start of julyborussia dortmund have moved swiftly to secure thomas tuchel as the successor to jurgen klopp , after he announced he was bringing the curtain down on his seven-year stay at the club this week .four days after klopp announced he believes he has taken the club as far as he can and is seeking pastures new , dortmund have revealed tomas tuchel will take over in july on a three-year deal .']\n", + "=======================\n", + "[\"thomas tuchel has signed a three-year deal to replace jurgen klopptuchel will officially take over at borussia dortmund on july 1the 41-year-old 's last job was at bundesliga side mainz\"]\n", + "thomas tuchel ( left ) will replace borussia dortmund manager jurgen klopp at the start of julyborussia dortmund have moved swiftly to secure thomas tuchel as the successor to jurgen klopp , after he announced he was bringing the curtain down on his seven-year stay at the club this week .four days after klopp announced he believes he has taken the club as far as he can and is seeking pastures new , dortmund have revealed tomas tuchel will take over in july on a three-year deal .\n", + "thomas tuchel has signed a three-year deal to replace jurgen klopptuchel will officially take over at borussia dortmund on july 1the 41-year-old 's last job was at bundesliga side mainz\n", + "[1.2429198 1.4451518 1.2504169 1.3512871 1.2728869 1.204954 1.1812494\n", + " 1.1502529 1.0397631 1.0335106 1.1541117 1.0305716 1.0185833 1.0157695\n", + " 1.0715659 1.0167339 1.0096525 1.0240005 1.0264682]\n", + "\n", + "[ 1 3 4 2 0 5 6 10 7 14 8 9 11 18 17 12 15 13 16]\n", + "=======================\n", + "['the female driver in a toyota aygo pulled in front of colin kay as he was driving his citroen picasso on the a586 in great eccleston in lancashire last year .colin kay captured the collision on a dashcam which showed how the toyota aygo driver veered across the roadthe collision was captured on film as mr kay had fitted a camera to his dashboard and revealed how he had no time to react and avoid the crash .']\n", + "=======================\n", + "['colin kay was driving on the a586 when another car ploughed into his carthe whole incident was captured on film by a dashcam on his dashboardhe has been told the driver will not face any action over crash last yearthis is because the police officer investigating the case had gone off sick']\n", + "the female driver in a toyota aygo pulled in front of colin kay as he was driving his citroen picasso on the a586 in great eccleston in lancashire last year .colin kay captured the collision on a dashcam which showed how the toyota aygo driver veered across the roadthe collision was captured on film as mr kay had fitted a camera to his dashboard and revealed how he had no time to react and avoid the crash .\n", + "colin kay was driving on the a586 when another car ploughed into his carthe whole incident was captured on film by a dashcam on his dashboardhe has been told the driver will not face any action over crash last yearthis is because the police officer investigating the case had gone off sick\n", + "[1.2379065 1.3647782 1.3164966 1.3764732 1.2827189 1.2319863 1.1135366\n", + " 1.1460365 1.0428693 1.0548522 1.0681915 1.0578609 1.0338641 1.013853\n", + " 1.0069201 1.0084279 1.008299 1.0843366 0. ]\n", + "\n", + "[ 3 1 2 4 0 5 7 6 17 10 11 9 8 12 13 15 16 14 18]\n", + "=======================\n", + "[\"the green lamborghini and red ferrari - which are worth a combined total of # 1.3 million - are believed to have been racing through the underpass in beijing when the drivers lost control and crashedthe spectacular crash on saturday wrote a green lamborghini off and wrecked a red ferrari .both drivers have now been charged by the local public security bureau with dangerous driving and have been detained , according to the people 's daily online .\"]\n", + "=======================\n", + "[\"outrage in china as ` two unemployed rich kids ' race and crash luxury carscars thought to be worth combined total of # 1.3 million were both wreckedresidents say people often race along stretch making the road dangerousinternet users have branded drivers as ` irresponsible ' and ` spoilt rich kids '\"]\n", + "the green lamborghini and red ferrari - which are worth a combined total of # 1.3 million - are believed to have been racing through the underpass in beijing when the drivers lost control and crashedthe spectacular crash on saturday wrote a green lamborghini off and wrecked a red ferrari .both drivers have now been charged by the local public security bureau with dangerous driving and have been detained , according to the people 's daily online .\n", + "outrage in china as ` two unemployed rich kids ' race and crash luxury carscars thought to be worth combined total of # 1.3 million were both wreckedresidents say people often race along stretch making the road dangerousinternet users have branded drivers as ` irresponsible ' and ` spoilt rich kids '\n", + "[1.3099704 1.4467711 1.2093214 1.1893959 1.0767285 1.1225905 1.147522\n", + " 1.1738406 1.0935509 1.0607839 1.0987562 1.0489104 1.0477437 1.0112209\n", + " 1.0253304 1.0095501 1.0129743 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 7 6 5 10 8 4 9 11 12 14 16 13 15 19 17 18 20]\n", + "=======================\n", + "[\"robert o'neill , who claims the distinction of personally shooting dead the al qaeda leader , will treat specially-invited guests to a weekend shooting retreat in jackson hole , wyoming .the former navy seal who killed osama bin laden will host a ` machine gun fun ' shooting competition at a conservative fundraising event which costs $ 50,000 a ticket .potential attendees were contacted by the right-leaning for america non-profit and told to write back by may 10 for a chance to open fire alongside o'neill .\"]\n", + "=======================\n", + "[\"robert o'neill revealed himself last year as soldier who killed bin ladensupporters of for america group were invited to shooting event with himwill stay in luxury jackson hole , wyoming , resort and shoot with o'neillformer seal has been speaking publicly about bin laden role since 2014is being investigated by navy police for allegedly revealing military secrets\"]\n", + "robert o'neill , who claims the distinction of personally shooting dead the al qaeda leader , will treat specially-invited guests to a weekend shooting retreat in jackson hole , wyoming .the former navy seal who killed osama bin laden will host a ` machine gun fun ' shooting competition at a conservative fundraising event which costs $ 50,000 a ticket .potential attendees were contacted by the right-leaning for america non-profit and told to write back by may 10 for a chance to open fire alongside o'neill .\n", + "robert o'neill revealed himself last year as soldier who killed bin ladensupporters of for america group were invited to shooting event with himwill stay in luxury jackson hole , wyoming , resort and shoot with o'neillformer seal has been speaking publicly about bin laden role since 2014is being investigated by navy police for allegedly revealing military secrets\n", + "[1.1935313 1.2830056 1.3173535 1.2228588 1.2459052 1.1485177 1.1617404\n", + " 1.0777165 1.074341 1.0847423 1.1018581 1.0825204 1.0356162 1.0818967\n", + " 1.0685264 1.0313348 1.0163543 1.0128402 1.0338776 0. 0. ]\n", + "\n", + "[ 2 1 4 3 0 6 5 10 9 11 13 7 8 14 12 18 15 16 17 19 20]\n", + "=======================\n", + "[\"the study suggests that as well as expressing their emotional state , the pained faces of rats may have a ` communicative function ' .now researchers have found that rats can recognise pain the faces of their fellow rodents .they may even use expressions to warn other rats of danger or ask for help .\"]\n", + "=======================\n", + "[\"researchers in tokyo placed rats in a cage with three compartmentsone room showed photos of rats in pain , and another with neutral facesrats spent more time in the ` neutral ' room suggesting they recognise fearexperts believe facial expressions are used to communicate with others\"]\n", + "the study suggests that as well as expressing their emotional state , the pained faces of rats may have a ` communicative function ' .now researchers have found that rats can recognise pain the faces of their fellow rodents .they may even use expressions to warn other rats of danger or ask for help .\n", + "researchers in tokyo placed rats in a cage with three compartmentsone room showed photos of rats in pain , and another with neutral facesrats spent more time in the ` neutral ' room suggesting they recognise fearexperts believe facial expressions are used to communicate with others\n", + "[1.1939182 1.4684119 1.4798918 1.2857385 1.4030681 1.11643 1.0668607\n", + " 1.0295889 1.0191072 1.0104979 1.1197704 1.0523992 1.0936162 1.0441626\n", + " 1.0297941 1.0229112 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 4 3 0 10 5 12 6 11 13 14 7 15 8 9 19 16 17 18 20]\n", + "=======================\n", + "[\"it will be piloted and powered by paracyclist liz mcternan and will need to travel in excess of 21.39 miles per hour ( 34.42 km/h ) over 656ft ( 200-metres ) to beat the record .a team of experts is hoping to enter the record books by building the world 's fastest bike powered by hand .the jivr bike , previously known as jive bike , is an electric bike with a chainless drivetrain .\"]\n", + "=======================\n", + "[\"engineers from plymouth have developed a human powered vehicle ( hpv )they hope it will break the women 's arm-powered record in nevadabike is made of lightweight aluminium and is steered using the rider 's headpiloted and powered by paracyclist liz mcternan , it needs to exceed 21.39 mph ( 34.42 km/h ) over 656ft ( 200-metres ) to beat the record\"]\n", + "it will be piloted and powered by paracyclist liz mcternan and will need to travel in excess of 21.39 miles per hour ( 34.42 km/h ) over 656ft ( 200-metres ) to beat the record .a team of experts is hoping to enter the record books by building the world 's fastest bike powered by hand .the jivr bike , previously known as jive bike , is an electric bike with a chainless drivetrain .\n", + "engineers from plymouth have developed a human powered vehicle ( hpv )they hope it will break the women 's arm-powered record in nevadabike is made of lightweight aluminium and is steered using the rider 's headpiloted and powered by paracyclist liz mcternan , it needs to exceed 21.39 mph ( 34.42 km/h ) over 656ft ( 200-metres ) to beat the record\n", + "[1.2045602 1.3312446 1.3453984 1.1449522 1.1960717 1.086255 1.1247181\n", + " 1.1416683 1.0557197 1.0474747 1.058993 1.0603188 1.165581 1.0326313\n", + " 1.0580542 1.043121 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 4 12 3 7 6 5 11 10 14 8 9 15 13 16 17 18 19 20]\n", + "=======================\n", + "[\"the crashes took place between october 2010 and january 2012 and earned ringleader john smith 45 , from connah 's quay , north wales , # 159,000 .the elaborate fraud involved cars and vans being driven into the side of first group buses so passengers - who were mainly friends and relatives complicit in the scam - could falsely claim from insurers .in each case , the driver of the car would admit full liability , allowing all of the passengers from the bus to submit personal injury claims .\"]\n", + "=======================\n", + "[\"` crash for cash ' fraud involved cars being deliberately driven into busespassengers - most of whom were friends and relatives - would then claimjohn smith , 45 , from connah 's quay , orchestrated crashes in chester areahe processed 218 bogus personal injury claims to no win no fee lawyersconvicted yesterday of fraud and conspiracy to commit fraud after trial\"]\n", + "the crashes took place between october 2010 and january 2012 and earned ringleader john smith 45 , from connah 's quay , north wales , # 159,000 .the elaborate fraud involved cars and vans being driven into the side of first group buses so passengers - who were mainly friends and relatives complicit in the scam - could falsely claim from insurers .in each case , the driver of the car would admit full liability , allowing all of the passengers from the bus to submit personal injury claims .\n", + "` crash for cash ' fraud involved cars being deliberately driven into busespassengers - most of whom were friends and relatives - would then claimjohn smith , 45 , from connah 's quay , orchestrated crashes in chester areahe processed 218 bogus personal injury claims to no win no fee lawyersconvicted yesterday of fraud and conspiracy to commit fraud after trial\n", + "[1.2318563 1.451903 1.3696291 1.1961863 1.2465553 1.2021749 1.2382488\n", + " 1.1391085 1.0844972 1.0802263 1.0526104 1.0400332 1.052549 1.0274311\n", + " 1.0261742 1.0687397 1.0496547 1.040278 1.0264624 1.0369762 1.0079455]\n", + "\n", + "[ 1 2 4 6 0 5 3 7 8 9 15 10 12 16 17 11 19 13 18 14 20]\n", + "=======================\n", + "['victoria police arrested 35-year-old abijath desikan following the 7.5 hour siege at riverside quay .mr desikan was charged with one count of armed robbery , false imprisonment and assault with a weapon .a man has been charged after he allegedly held a woman hostage at knifepoint for more than seven hours in a central melbourne restaurant .']\n", + "=======================\n", + "[\"woman emerged from restaurant where she was held hostage for 7.5 hourspolice were called to melbourne 's riverside quay after 10pm on sundaya ` disgruntled ' former employee entered the storeroom armed with a knifethe 35-year-old man has been arrested but had yet to be charged\"]\n", + "victoria police arrested 35-year-old abijath desikan following the 7.5 hour siege at riverside quay .mr desikan was charged with one count of armed robbery , false imprisonment and assault with a weapon .a man has been charged after he allegedly held a woman hostage at knifepoint for more than seven hours in a central melbourne restaurant .\n", + "woman emerged from restaurant where she was held hostage for 7.5 hourspolice were called to melbourne 's riverside quay after 10pm on sundaya ` disgruntled ' former employee entered the storeroom armed with a knifethe 35-year-old man has been arrested but had yet to be charged\n", + "[1.3047384 1.0644149 1.1315156 1.071591 1.1332312 1.1240804 1.0856556\n", + " 1.0984223 1.0784651 1.0501301 1.1567616 1.0921466 1.0298834 1.0323851\n", + " 1.0521048 1.0345943 1.0221583 1.0132366 1.106961 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 10 4 2 5 18 7 11 6 8 3 1 14 9 15 13 12 16 17 20 19 21]\n", + "=======================\n", + "[\"david cameron ( pictured ) said he knows that when it comes to immigration , ` fears and worries ' remaineconomic migration from outside the eu has been capped at 20,700 skilled professionals a year .i am not one of those politicians who says they ` get ' how people feel about immigration then speaks differently in private .\"]\n", + "=======================\n", + "[\"cameron said he knows that ` fear and worries ' remain over immigrationunder tories , two-thirds of uk job growth now benefits british citizenspm said he will continue ` serious , sustained attempt ' to control immigration\"]\n", + "david cameron ( pictured ) said he knows that when it comes to immigration , ` fears and worries ' remaineconomic migration from outside the eu has been capped at 20,700 skilled professionals a year .i am not one of those politicians who says they ` get ' how people feel about immigration then speaks differently in private .\n", + "cameron said he knows that ` fear and worries ' remain over immigrationunder tories , two-thirds of uk job growth now benefits british citizenspm said he will continue ` serious , sustained attempt ' to control immigration\n", + "[1.324405 1.2105914 1.2362797 1.2690006 1.1709038 1.1750474 1.0561965\n", + " 1.0503789 1.1770133 1.05777 1.0727533 1.0407778 1.018094 1.0394956\n", + " 1.0165591 1.0150367 1.0204507 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 2 1 8 5 4 10 9 6 7 11 13 16 12 14 15 20 17 18 19 21]\n", + "=======================\n", + "[\"women paid 62p an hour in mauritius to make ` feminist ' t-shirts have been beaten by police during protests over pay and conditions at their ` sweatshop ' factory .at the end of a peaceful three-day protest , bangladeshi migrant workers -- who produce clothes for whistles , topshop and next -- were surrounded by officers who charged at them , hitting out with batons , before dragging the screaming women away .dozens of workers at the factory -- exposed by the mail on sunday for its low wages and prison-like accommodation for women making the ` this is what a feminist looks like ' t-shirts -- have been sacked and deported for staging what bosses called ` an illegal strike ' .\"]\n", + "=======================\n", + "[\"women beaten by police during protests over pay and conditionsdozens of workers have been sacked and deported for ` illegal ' strikebangladeshi migrant workers had held peaceful three-day walkout\"]\n", + "women paid 62p an hour in mauritius to make ` feminist ' t-shirts have been beaten by police during protests over pay and conditions at their ` sweatshop ' factory .at the end of a peaceful three-day protest , bangladeshi migrant workers -- who produce clothes for whistles , topshop and next -- were surrounded by officers who charged at them , hitting out with batons , before dragging the screaming women away .dozens of workers at the factory -- exposed by the mail on sunday for its low wages and prison-like accommodation for women making the ` this is what a feminist looks like ' t-shirts -- have been sacked and deported for staging what bosses called ` an illegal strike ' .\n", + "women beaten by police during protests over pay and conditionsdozens of workers have been sacked and deported for ` illegal ' strikebangladeshi migrant workers had held peaceful three-day walkout\n", + "[1.172263 1.5119774 1.3292226 1.1630261 1.2296271 1.3690178 1.0390251\n", + " 1.0222454 1.0172151 1.0265976 1.19844 1.0792003 1.0269498 1.0737845\n", + " 1.0284426 1.0287609 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 5 2 4 10 0 3 11 13 6 15 14 12 9 7 8 20 16 17 18 19 21]\n", + "=======================\n", + "['betheny coyne , from wigan , lancashire , was diagnosed with a rare heart defect before she was born - and was never expected to reach her fourth birthday .but she defied medical predictions and now , aged 24 , she is mother to three healthy children .miss coyne was born with a heart condition known as coarctation of the aorta , which caused her need open heart surgery three times as a baby .']\n", + "=======================\n", + "['betheny coyne was diagnosed with the defect before she was bornwas not expected to live past her fourth birthday - but has defied the oddsis now trying to make as many memories as possible for her children']\n", + "betheny coyne , from wigan , lancashire , was diagnosed with a rare heart defect before she was born - and was never expected to reach her fourth birthday .but she defied medical predictions and now , aged 24 , she is mother to three healthy children .miss coyne was born with a heart condition known as coarctation of the aorta , which caused her need open heart surgery three times as a baby .\n", + "betheny coyne was diagnosed with the defect before she was bornwas not expected to live past her fourth birthday - but has defied the oddsis now trying to make as many memories as possible for her children\n", + "[1.0665641 1.4250314 1.3377683 1.275095 1.1162009 1.1740993 1.0431513\n", + " 1.0984446 1.0774395 1.1198478 1.0746547 1.1277202 1.0422237 1.0662407\n", + " 1.0920765 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 5 11 9 4 7 14 8 10 0 13 6 12 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"let 's start in spain , where marca and as report that real madrid are set to be without karim benzema for their champions league quarter-final second leg clash against rivals atletico madrid .the french striker , who has 15 la liga goals to his name this season , missed madrid 's 3-1 victory against malaga with a knee injury which he is struggling to recover from .spanish newspapers report that karim benzema will miss real madrid 's clash against atletico on wednesday\"]\n", + "=======================\n", + "[\"karim benzema missed real madrid 's win against malaga with knee injurycarlo ancelotti had hoped the french striker would n't be out for longwelsh forward gareth bale could also miss champions league clash\"]\n", + "let 's start in spain , where marca and as report that real madrid are set to be without karim benzema for their champions league quarter-final second leg clash against rivals atletico madrid .the french striker , who has 15 la liga goals to his name this season , missed madrid 's 3-1 victory against malaga with a knee injury which he is struggling to recover from .spanish newspapers report that karim benzema will miss real madrid 's clash against atletico on wednesday\n", + "karim benzema missed real madrid 's win against malaga with knee injurycarlo ancelotti had hoped the french striker would n't be out for longwelsh forward gareth bale could also miss champions league clash\n", + "[1.5583305 1.068721 1.0453236 1.0636337 1.0650315 1.0464371 1.5177215\n", + " 1.3840963 1.0232221 1.0165952 1.0259367 1.1554786 1.1378999 1.0736722\n", + " 1.1481285 1.0451871 1.0497957 1.0151157 1.0180403 1.0151231 1.0202285\n", + " 1.2719965]\n", + "\n", + "[ 0 6 7 21 11 14 12 13 1 4 3 16 5 2 15 10 8 20 18 9 19 17]\n", + "=======================\n", + "[\"daley blind has hailed a pre-match team talk from skipper wayne rooney about ending their run of four successive losses against city with giving the united players an extra edge on sunday .daley blind played his part in manchester united 's 4-2 derby win over city on sundayblind has urged manchester united to focus on their next premier league match against chelsea\"]\n", + "=======================\n", + "['manchester united have won six consecutive premier league gamesdaley blind wants red devils to focus on run-in starting with chelseaholland international credited wayne rooney for inspiring derby wingary neville : man united can beat anyone at the moment']\n", + "daley blind has hailed a pre-match team talk from skipper wayne rooney about ending their run of four successive losses against city with giving the united players an extra edge on sunday .daley blind played his part in manchester united 's 4-2 derby win over city on sundayblind has urged manchester united to focus on their next premier league match against chelsea\n", + "manchester united have won six consecutive premier league gamesdaley blind wants red devils to focus on run-in starting with chelseaholland international credited wayne rooney for inspiring derby wingary neville : man united can beat anyone at the moment\n", + "[1.3254774 1.4352158 1.1933966 1.1108779 1.1812984 1.0745618 1.0996827\n", + " 1.1167945 1.1863785 1.0585033 1.0332768 1.0343703 1.0148339 1.0425874\n", + " 1.0425825 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 8 4 7 3 6 5 9 13 14 11 10 12 16 15 17]\n", + "=======================\n", + "['the suspects , all of somali descent , were detained after months of being monitored by the government agency through one of their former allies .the families of four minnesota men charged with trying to join the islamic state have accused the fbi of paying an informant to set them up .on thursday , there were audible gasps in the court room as a government official revealed the informant , who once planned to travel to syria himself , has been paid at least $ 13,000 for providing tip-offs .']\n", + "=======================\n", + "[\"fbi revealed it has paid $ 13,000 to a man who once tried to flee to syria but was caught and agreed to cooperatehe has been protected from charges , six of his former allies are chargedfamilies screamed as lawyers questioned the mole 's reliabilityjudge overruled the appeals , ordered for 4 minnesota men to stay in jailthe other two suspects were arrested in san diego , remain in custody\"]\n", + "the suspects , all of somali descent , were detained after months of being monitored by the government agency through one of their former allies .the families of four minnesota men charged with trying to join the islamic state have accused the fbi of paying an informant to set them up .on thursday , there were audible gasps in the court room as a government official revealed the informant , who once planned to travel to syria himself , has been paid at least $ 13,000 for providing tip-offs .\n", + "fbi revealed it has paid $ 13,000 to a man who once tried to flee to syria but was caught and agreed to cooperatehe has been protected from charges , six of his former allies are chargedfamilies screamed as lawyers questioned the mole 's reliabilityjudge overruled the appeals , ordered for 4 minnesota men to stay in jailthe other two suspects were arrested in san diego , remain in custody\n", + "[1.4525416 1.4358256 1.2562455 1.3706396 1.1356323 1.0424613 1.0298344\n", + " 1.0431436 1.1394616 1.1442522 1.1066242 1.0383546 1.1242062 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 9 8 4 12 10 7 5 11 6 16 13 14 15 17]\n", + "=======================\n", + "[\"the executions of bali nine duo andrew chan and myuran sukumaran is ` only a matter of time ' , indonesian president joko widodo has confirmed .chan and sukumaran are set to face the firing squad alongside eight other drug felons as soon as all appeals have concluded .the pair lost their most recent appeal for clemency however three of the other death row prisoners are still awaiting the results of their appeals .\"]\n", + "=======================\n", + "[\"indonesian president widodo warned it wo n't be long until convicted drug smugglers andrew chan and myuran sukumaran face the firing squadthe two australians will be put to death along eight other drug felonsthree of them are currently awaiting the results of their appealspresident widodo said he will not get involved in outstanding appeals\"]\n", + "the executions of bali nine duo andrew chan and myuran sukumaran is ` only a matter of time ' , indonesian president joko widodo has confirmed .chan and sukumaran are set to face the firing squad alongside eight other drug felons as soon as all appeals have concluded .the pair lost their most recent appeal for clemency however three of the other death row prisoners are still awaiting the results of their appeals .\n", + "indonesian president widodo warned it wo n't be long until convicted drug smugglers andrew chan and myuran sukumaran face the firing squadthe two australians will be put to death along eight other drug felonsthree of them are currently awaiting the results of their appealspresident widodo said he will not get involved in outstanding appeals\n", + "[1.2683928 1.3937486 1.1436651 1.3927193 1.309895 1.1447722 1.169822\n", + " 1.1359209 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 0 6 5 2 7 15 14 13 12 8 10 9 16 11 17]\n", + "=======================\n", + "[\"part of the ` wing ' - the $ 40million ( # 27m ) , three-story corporate building at the host venue of formula one 's british grand prix - was affected by the winds on late sunday and monday .silverstone sporting director stuart pringle insists upcoming events will not be affected by recent damagework has started on repairing the roof of the silverstone motor racing circuit which was damaged by high winds during the last couple of days .\"]\n", + "=======================\n", + "['roof of silverstone race track was damaged by high windsa section of the # 27m building was affected by weather earlier this weekupcoming races and events at silverstone will not be affected']\n", + "part of the ` wing ' - the $ 40million ( # 27m ) , three-story corporate building at the host venue of formula one 's british grand prix - was affected by the winds on late sunday and monday .silverstone sporting director stuart pringle insists upcoming events will not be affected by recent damagework has started on repairing the roof of the silverstone motor racing circuit which was damaged by high winds during the last couple of days .\n", + "roof of silverstone race track was damaged by high windsa section of the # 27m building was affected by weather earlier this weekupcoming races and events at silverstone will not be affected\n", + "[1.195597 1.4209515 1.2825111 1.0845127 1.1470923 1.0933275 1.0273911\n", + " 1.0990658 1.1574653 1.0114435 1.1308466 1.0417737 1.0422158 1.040114\n", + " 1.0526483 1.0630732 1.1115762 1.0583153]\n", + "\n", + "[ 1 2 0 8 4 10 16 7 5 3 15 17 14 12 11 13 6 9]\n", + "=======================\n", + "['with the death toll now standing at more than 4,000 , mass cremations have been taking place next to the bagmati river , the waterway which divides the nepalese capital , as mourning families attempt to give their loved one the honourable send-off so revered in hindu tradition .today , plumes of white , acrid smoke could be seen floating across kathmandu , as hundreds of bodies were burned in the ghats beside the river .scores of dead children were wrapped in orange and gold cloth on the ground , as their relatives prayed for their souls in heartbreaking desperation .']\n", + "=======================\n", + "[\"mass cremations have been taking place next to the bagmati river , the waterway which divides the nepalese capitalplumes of white , acrid smoke were seen floating across kathmandu as hundreds of bodies were burned in pyrescity 's sacred temple overwhelmed with number of bodies while wood needed to make pyres is starting to run outalmost every space along the river 's banks is being used for rites , despite hundreds more bodies still being found\"]\n", + "with the death toll now standing at more than 4,000 , mass cremations have been taking place next to the bagmati river , the waterway which divides the nepalese capital , as mourning families attempt to give their loved one the honourable send-off so revered in hindu tradition .today , plumes of white , acrid smoke could be seen floating across kathmandu , as hundreds of bodies were burned in the ghats beside the river .scores of dead children were wrapped in orange and gold cloth on the ground , as their relatives prayed for their souls in heartbreaking desperation .\n", + "mass cremations have been taking place next to the bagmati river , the waterway which divides the nepalese capitalplumes of white , acrid smoke were seen floating across kathmandu as hundreds of bodies were burned in pyrescity 's sacred temple overwhelmed with number of bodies while wood needed to make pyres is starting to run outalmost every space along the river 's banks is being used for rites , despite hundreds more bodies still being found\n", + "[1.3287811 1.281647 1.2040026 1.1610492 1.0869242 1.1238894 1.0516934\n", + " 1.0492991 1.0388432 1.1302333 1.0993905 1.0779525 1.0348777 1.059659\n", + " 1.0663246 1.2121269 1.0523319 0. ]\n", + "\n", + "[ 0 1 15 2 3 9 5 10 4 11 14 13 16 6 7 8 12 17]\n", + "=======================\n", + "[\"the national rifle association gathered on saturday to condemn barack obama and hillary clinton as ` elitists ' who will ` dismantle our freedoms and reshape america into an america that you and i will not even recognize ' .in the annual meeting that attracts more than 70,000 people , ceo wayne lapierre celebrated the republican majority in the u.s. senate as evidence of the group 's political clout .warning : wayne lapierre told the convention people must stand up against gun-control efforts\"]\n", + "=======================\n", + "[\"70,000 people gathered in nashville for the annual conventionleaders celebrated the republican majority in the u.s. congressbut they warned obama is ` dismantling freedom ' and clinton would too\"]\n", + "the national rifle association gathered on saturday to condemn barack obama and hillary clinton as ` elitists ' who will ` dismantle our freedoms and reshape america into an america that you and i will not even recognize ' .in the annual meeting that attracts more than 70,000 people , ceo wayne lapierre celebrated the republican majority in the u.s. senate as evidence of the group 's political clout .warning : wayne lapierre told the convention people must stand up against gun-control efforts\n", + "70,000 people gathered in nashville for the annual conventionleaders celebrated the republican majority in the u.s. congressbut they warned obama is ` dismantling freedom ' and clinton would too\n", + "[1.4052471 1.3671007 1.1895552 1.4242947 1.2533156 1.0931897 1.0841957\n", + " 1.1519964 1.0943861 1.0750235 1.0876219 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 2 7 8 5 10 6 9 19 11 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"manchester city have decided to listen to offers for ivorian midfielder yaya toure this summercity manager manuel pellegrini is under intense scrutiny following sunday 's 4-2 defeat by neighbours manchester united .the premier league champions are also open to allowing samir nasri leave the etihad stadium\"]\n", + "=======================\n", + "['manchester city were beaten 4-2 by their rivals united at old traffordthe defending premier league champions will listen to offers for starsyaya toure and samir nasri are allowed to leave the etihad this summer']\n", + "manchester city have decided to listen to offers for ivorian midfielder yaya toure this summercity manager manuel pellegrini is under intense scrutiny following sunday 's 4-2 defeat by neighbours manchester united .the premier league champions are also open to allowing samir nasri leave the etihad stadium\n", + "manchester city were beaten 4-2 by their rivals united at old traffordthe defending premier league champions will listen to offers for starsyaya toure and samir nasri are allowed to leave the etihad this summer\n", + "[1.3034917 1.2288928 1.2767228 1.1459783 1.273699 1.1424074 1.1325128\n", + " 1.0586241 1.0871186 1.112117 1.0628765 1.0624957 1.0824847 1.0515684\n", + " 1.0504417 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 4 1 3 5 6 9 8 12 10 11 7 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"samantha fleming was asleep in the indiana apartment she shared with her boyfriend and newborn daughter when the doorbell rang on april 6 .but authorities say the woman , geraldine r. jones , never worked for the child-welfare agency and that her visit to fleming 's apartment in anderson , about 30 miles north of indianapolis , was part of an elaborate scheme to take the 17-day-old baby and claim the girl as her own .elaborate plot : geraldine jones , 36 , of gary , indiana ( left ) , has been charged with murder , kidnapping and criminal confinement over the death of new mom samantha fleming , 23 ( right )\"]\n", + "=======================\n", + "[\"geraldine jones charged with murder , kidnapping , criminal confinementgary , indiana , woman , 36 , charged in death of samantha fleming , 23posed as a social worker to lure fleming and her baby from their homehad called the victim 's mother and lied to her to get informationallegedly stabbed fleming to death and hid body in a closetjones had faked a pregnancy and planned to claim the baby girl , serenitypolice tracked her to a hospital in texas , where she was visiting her motherjones is now awaiting extradition to indiana\"]\n", + "samantha fleming was asleep in the indiana apartment she shared with her boyfriend and newborn daughter when the doorbell rang on april 6 .but authorities say the woman , geraldine r. jones , never worked for the child-welfare agency and that her visit to fleming 's apartment in anderson , about 30 miles north of indianapolis , was part of an elaborate scheme to take the 17-day-old baby and claim the girl as her own .elaborate plot : geraldine jones , 36 , of gary , indiana ( left ) , has been charged with murder , kidnapping and criminal confinement over the death of new mom samantha fleming , 23 ( right )\n", + "geraldine jones charged with murder , kidnapping , criminal confinementgary , indiana , woman , 36 , charged in death of samantha fleming , 23posed as a social worker to lure fleming and her baby from their homehad called the victim 's mother and lied to her to get informationallegedly stabbed fleming to death and hid body in a closetjones had faked a pregnancy and planned to claim the baby girl , serenitypolice tracked her to a hospital in texas , where she was visiting her motherjones is now awaiting extradition to indiana\n", + "[1.2322221 1.4660994 1.2047952 1.3062875 1.1862925 1.0989357 1.0290165\n", + " 1.1034012 1.2515347 1.0157971 1.0625421 1.049757 1.0625117 1.2421613\n", + " 1.0737339 1.178107 1.0639226 1.0167542 0. 0. 0. ]\n", + "\n", + "[ 1 3 8 13 0 2 4 15 7 5 14 16 10 12 11 6 17 9 19 18 20]\n", + "=======================\n", + "[\"vincent stanford , 24 , is accused of murdering ms scott , 26 , on easter sunday and dumping her body in bushland , just days before she was set to wed fiance aaron leeson-woolley .the family of stephanie scott 's accused murdered vincent stanford ( pictured ) have offered their condolences ahead of the leeton schoolteacher 's funeral on wednesdaymr stanford 's mother anika met with leeton mayor paul maytom last thursday , revealing her grief and horror at the situation , fairfax media reported .\"]\n", + "=======================\n", + "[\"stephanie scott 's family are preparing for her funeral on wednesdaythey say all are welcome to remember and show their support for ms scottthe 26-year-old teacher believed to have been murdered on easter sundayher accused murderer is the school cleaner , vincent stanfordstanford 's mother passed on her condolences to ms scott 's loved onesleeton high school have reached out to the community to commend them for the strength they have shown in the face of immeasurable griefher funeral will be held 10 days after her intended wedding datethe funeral will take place at the same venue where she had planned to marry aaron leeson-woolley\"]\n", + "vincent stanford , 24 , is accused of murdering ms scott , 26 , on easter sunday and dumping her body in bushland , just days before she was set to wed fiance aaron leeson-woolley .the family of stephanie scott 's accused murdered vincent stanford ( pictured ) have offered their condolences ahead of the leeton schoolteacher 's funeral on wednesdaymr stanford 's mother anika met with leeton mayor paul maytom last thursday , revealing her grief and horror at the situation , fairfax media reported .\n", + "stephanie scott 's family are preparing for her funeral on wednesdaythey say all are welcome to remember and show their support for ms scottthe 26-year-old teacher believed to have been murdered on easter sundayher accused murderer is the school cleaner , vincent stanfordstanford 's mother passed on her condolences to ms scott 's loved onesleeton high school have reached out to the community to commend them for the strength they have shown in the face of immeasurable griefher funeral will be held 10 days after her intended wedding datethe funeral will take place at the same venue where she had planned to marry aaron leeson-woolley\n", + "[1.135513 1.1425205 1.1593825 1.1957626 1.2809542 1.3800462 1.1835986\n", + " 1.135197 1.0870103 1.1440829 1.0371166 1.0776002 1.03815 1.0823903\n", + " 1.0716722 1.0811841 1.1135367 1.0459539 1.0256245 1.0214372 1.0384568]\n", + "\n", + "[ 5 4 3 6 2 9 1 0 7 16 8 13 15 11 14 17 20 12 10 18 19]\n", + "=======================\n", + "[\"more than 80 firefighters spent six hours tackling flames up to 35ft high at the st catherine 's hill nature reserve in dorset yesterdayfire investigators have confirmed the fire was started deliberately and three separate areas of heath - measuring half a hectare , one hectare and 70 hectares - were destroyedbut the 70 hectare area of dorset was tinderbox dry as much of it is on a hillside and water had run off down the slope .\"]\n", + "=======================\n", + "[\"flames up to 35ft high engulfed 70 hectres of the st catherine 's hill nature reserve in christchurch , dorseta lack of rain combined with strong 45mph winds saw the blaze spread across the heathland dangerously quicklymore than 80 firefighters spent six hours tackling the blaze which is thought to have wiped out thousands of animalsdorset police confirmed they are treating it as suspicious after evidence of three deliberate fires was discovered\"]\n", + "more than 80 firefighters spent six hours tackling flames up to 35ft high at the st catherine 's hill nature reserve in dorset yesterdayfire investigators have confirmed the fire was started deliberately and three separate areas of heath - measuring half a hectare , one hectare and 70 hectares - were destroyedbut the 70 hectare area of dorset was tinderbox dry as much of it is on a hillside and water had run off down the slope .\n", + "flames up to 35ft high engulfed 70 hectres of the st catherine 's hill nature reserve in christchurch , dorseta lack of rain combined with strong 45mph winds saw the blaze spread across the heathland dangerously quicklymore than 80 firefighters spent six hours tackling the blaze which is thought to have wiped out thousands of animalsdorset police confirmed they are treating it as suspicious after evidence of three deliberate fires was discovered\n", + "[1.2861528 1.4483788 1.1866148 1.3340516 1.074683 1.0583279 1.1070055\n", + " 1.0700549 1.0221776 1.020658 1.0360796 1.0806901 1.041612 1.1112692\n", + " 1.0301696 1.0263 1.0464563 1.0618523 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 13 6 11 4 7 17 5 16 12 10 14 15 8 9 18 19 20]\n", + "=======================\n", + "[\"honza and claudine lafond , who live in sydney , have posted pictures from all their athletic adventures on instagram , attracting more than 251,000 followers .a couple have taken their passion for yoga all over the world , striking gravity-defying poses in front of dozens of famous landmarks - from the colosseum in rome to the paris 's eiffel tower .in the mesmerising images , the pair , who run a worldwide studio called yogabeyond , do handstands and downward dogs against draw-dropping backgrounds , showing off their impressive physical prowess .\"]\n", + "=======================\n", + "['honza and claudine lafond are yoga teachers based in sydneythey travel the world to teach yoga , showing off their flexibility by striking impressive yoga poses wherever they gorun a worldwide studio called yogabeyond , specialising in acrovinyasa , which incorporates acrobatic flying']\n", + "honza and claudine lafond , who live in sydney , have posted pictures from all their athletic adventures on instagram , attracting more than 251,000 followers .a couple have taken their passion for yoga all over the world , striking gravity-defying poses in front of dozens of famous landmarks - from the colosseum in rome to the paris 's eiffel tower .in the mesmerising images , the pair , who run a worldwide studio called yogabeyond , do handstands and downward dogs against draw-dropping backgrounds , showing off their impressive physical prowess .\n", + "honza and claudine lafond are yoga teachers based in sydneythey travel the world to teach yoga , showing off their flexibility by striking impressive yoga poses wherever they gorun a worldwide studio called yogabeyond , specialising in acrovinyasa , which incorporates acrobatic flying\n", + "[1.0546131 1.1190625 1.4940609 1.2539895 1.1867318 1.0453534 1.322288\n", + " 1.3472265 1.0593294 1.0931324 1.064498 1.020692 1.0218637 1.1843215\n", + " 1.2052181 1.0221735 1.040467 1.0464436 1.0164022 1.0306462]\n", + "\n", + "[ 2 7 6 3 14 4 13 1 9 10 8 0 17 5 16 19 15 12 11 18]\n", + "=======================\n", + "[\"katie gallegos from clackamas county , oregon , decided to take the pooch to a mcdonald 's drive-thru for an ice cream with his pal daisy .to date the video of cooper 's ice cream outing has been watched more than seven million times .but while the small female pup takes a few ladylike licks , cooper gobbles the rest of the cone up in one bite .\"]\n", + "=======================\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "IOPub data rate exceeded.\n", + "The notebook server will temporarily stop sending output\n", + "to the client in order to avoid crashing it.\n", + "To change this limit, set the config variable\n", + "`--NotebookApp.iopub_data_rate_limit`.\n", + "\n", + "Current values:\n", + "NotebookApp.iopub_data_rate_limit=1000000.0 (bytes/sec)\n", + "NotebookApp.rate_limit_window=3.0 (secs)\n", + "\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[1.23606 1.4735767 1.4043653 1.2945232 1.1561927 1.32103 1.0880553\n", + " 1.0442176 1.1624539 1.0168252 1.0256383 1.0231181 1.0141935 1.044843\n", + " 1.0102679 1.0538864 1.2116725 1.1831393 1.0320834 1.0771765 1.0105113\n", + " 1.0088074]\n", + "\n", + "[ 1 2 5 3 0 16 17 8 4 6 19 15 13 7 18 10 11 9 12 20 14 21]\n", + "=======================\n", + "[\"the cricket commentator had been receiving radiation treatment for skin cancer since november when he was admitted to a sydney hospice on thursday .benaud died peacefully in his sleep overnight surrounded by his wife daphne and family members .a veteran of 63 test matches , benaud played a pivotal role in the formation of world series cricket in the 1970s and was one of the world 's most recognised commentators .\"]\n", + "=======================\n", + "['cricket commentator richie benaud has died overnight aged 84he had been receiving radiation treatment for skin cancer since novemberformer australian captain died peacefully in his sleep at a sydney hospicebenaud had witnessed - as both a player and commentator - more than 500 test matches throughout his careertributes flowed in on friday morning for the voice of australian cricketprime minister tony abbott also offered his family a state funeral']\n", + "the cricket commentator had been receiving radiation treatment for skin cancer since november when he was admitted to a sydney hospice on thursday .benaud died peacefully in his sleep overnight surrounded by his wife daphne and family members .a veteran of 63 test matches , benaud played a pivotal role in the formation of world series cricket in the 1970s and was one of the world 's most recognised commentators .\n", + "cricket commentator richie benaud has died overnight aged 84he had been receiving radiation treatment for skin cancer since novemberformer australian captain died peacefully in his sleep at a sydney hospicebenaud had witnessed - as both a player and commentator - more than 500 test matches throughout his careertributes flowed in on friday morning for the voice of australian cricketprime minister tony abbott also offered his family a state funeral\n", + "[1.2275578 1.53048 1.3370956 1.1975069 1.3507085 1.1365309 1.1362895\n", + " 1.0443819 1.081681 1.1085198 1.0793673 1.0372826 1.0615212 1.1007698\n", + " 1.0444533 1.0665051 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 2 0 3 5 6 9 13 8 10 15 12 14 7 11 16 17 18 19 20 21]\n", + "=======================\n", + "[\"haley fox , 24 , of turner , oregon , fractured 26-year-old samuel campbell 's skull with a baseball bat at her home last wednesday .she has been charged with first-degree assault .a woman allegedly beat her boyfriend with a bat at their first face-to-face meeting following two years of online dating .\"]\n", + "=======================\n", + "[\"haley fox , 24 , of turner , oregon , fractured 26-year-old samuel campbell 's skull with a baseball bat at her home last wednesdayshe offered him wine at her home and then told him to ` close his eyes 'fox and campbell , of adger , alabama , had been in a relationship for around two years after meeting online\"]\n", + "haley fox , 24 , of turner , oregon , fractured 26-year-old samuel campbell 's skull with a baseball bat at her home last wednesday .she has been charged with first-degree assault .a woman allegedly beat her boyfriend with a bat at their first face-to-face meeting following two years of online dating .\n", + "haley fox , 24 , of turner , oregon , fractured 26-year-old samuel campbell 's skull with a baseball bat at her home last wednesdayshe offered him wine at her home and then told him to ` close his eyes 'fox and campbell , of adger , alabama , had been in a relationship for around two years after meeting online\n", + "[1.2735376 1.2723835 1.4162453 1.3711807 1.123327 1.0587653 1.1511344\n", + " 1.0301167 1.0941582 1.0435722 1.0952986 1.0714813 1.0237683 1.023001\n", + " 1.0100493 1.0102181 1.0169806 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 3 0 1 6 4 10 8 11 5 9 7 12 13 16 15 14 20 17 18 19 21]\n", + "=======================\n", + "['the conservatives have pledged to reduce tax relief on pension contributions for people earning more than # 150,000 to fund additional free childcare places .david cameron , pictured , will today announce an extra 600,000 childcare spaces at a cost of # 350 milliondavid cameron will today promise extra free childcare for 600,000 children a year to counter spiralling costs .']\n", + "=======================\n", + "[\"david cameron will announce the new # 350 million childcare places todayhe will cut tax relief on pension contributions for those on more than # 150kmr cameron will tell his audience he wants to ` make hard work pay 'he will say that work rather than benefits is the best way to avoid poverty\"]\n", + "the conservatives have pledged to reduce tax relief on pension contributions for people earning more than # 150,000 to fund additional free childcare places .david cameron , pictured , will today announce an extra 600,000 childcare spaces at a cost of # 350 milliondavid cameron will today promise extra free childcare for 600,000 children a year to counter spiralling costs .\n", + "david cameron will announce the new # 350 million childcare places todayhe will cut tax relief on pension contributions for those on more than # 150kmr cameron will tell his audience he wants to ` make hard work pay 'he will say that work rather than benefits is the best way to avoid poverty\n", + "[1.2651169 1.4326706 1.3549013 1.370353 1.2734779 1.1080079 1.1241605\n", + " 1.0514886 1.0573874 1.0277209 1.1588933 1.1103135 1.0186188 1.0405697\n", + " 1.0335857 1.0175039 1.029532 1.019937 1.0260744 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 4 0 10 6 11 5 8 7 13 14 16 9 18 17 12 15 20 19 21]\n", + "=======================\n", + "['the chair was on the first class promenade deck when the liner sank after hitting an iceberg on its maiden voyage in 1912 .a 103-year-old deckchair recovered from the wreck of the titanic is expected to fetch around # 80,000 at auctionit was found bobbing on the surface of the atlantic by the crew of the mackay-bennett , who were sent to recover the bodies of the victims after the tragedy .']\n", + "=======================\n", + "['chair was on first class deck when ship hit an iceberg in april 1912mackay-bennett crew members found it while clearing up the wreckowned for last 15 years by english collector and will be auctioned on april 18']\n", + "the chair was on the first class promenade deck when the liner sank after hitting an iceberg on its maiden voyage in 1912 .a 103-year-old deckchair recovered from the wreck of the titanic is expected to fetch around # 80,000 at auctionit was found bobbing on the surface of the atlantic by the crew of the mackay-bennett , who were sent to recover the bodies of the victims after the tragedy .\n", + "chair was on first class deck when ship hit an iceberg in april 1912mackay-bennett crew members found it while clearing up the wreckowned for last 15 years by english collector and will be auctioned on april 18\n", + "[1.1570861 1.0605505 1.0560175 1.1510428 1.4078829 1.3093612 1.4673206\n", + " 1.0411291 1.0549058 1.0240769 1.0285232 1.0313596 1.0241953 1.0310014\n", + " 1.0285285 1.0406792 1.0513549 1.0201914 1.0200965 1.0192327]\n", + "\n", + "[ 6 4 5 0 3 1 2 8 16 7 15 11 13 14 10 12 9 17 18 19]\n", + "=======================\n", + "[\"british cyclist james supported boyfriend george north during wales ' six nations campaignsportsmail 's road to rio cyclist becky james is desperate to get back on to the track after her recent injuriesjames , pictured during a fashion shoot in manchester , has been sidelined for a whole year\"]\n", + "=======================\n", + "[\"becky james is in her last week of rehab following a serious knee injuryjames is hoping she can resume ` normal training ' in upcoming weeksthe 23-year-old supported boyfriend george north during six nations\"]\n", + "british cyclist james supported boyfriend george north during wales ' six nations campaignsportsmail 's road to rio cyclist becky james is desperate to get back on to the track after her recent injuriesjames , pictured during a fashion shoot in manchester , has been sidelined for a whole year\n", + "becky james is in her last week of rehab following a serious knee injuryjames is hoping she can resume ` normal training ' in upcoming weeksthe 23-year-old supported boyfriend george north during six nations\n", + "[1.1842388 1.0878628 1.088655 1.1086866 1.1527028 1.0906185 1.0252017\n", + " 1.0928999 1.1035386 1.0827732 1.0841546 1.1272932 1.0560195 1.0620079\n", + " 1.0755343 1.0577556 1.070831 1.0154861 0. 0. ]\n", + "\n", + "[ 0 4 11 3 8 7 5 2 1 10 9 14 16 13 15 12 6 17 18 19]\n", + "=======================\n", + "[\"( cnn ) in russia 's tightly-managed democracy , where being an opposition politician can seriously damage your health , chances to question the country 's leader are rare .that is why this annual q&a session -- in which putin will spend hours fielding questions from the general public on live television -- is such a widely anticipated event which provokes such excitement .the kremlin says they will have to sift through well over 1.7 million emails , video messages and texts to decide who gets to ask what on the big day .\"]\n", + "=======================\n", + "[\"putin to spend hours fielding questions from the general public on live televisionsanctions and russia 's deep economic crisis likely to be a major themecritics of the kremlin slam event as russia 's imitation of democracy in action\"]\n", + "( cnn ) in russia 's tightly-managed democracy , where being an opposition politician can seriously damage your health , chances to question the country 's leader are rare .that is why this annual q&a session -- in which putin will spend hours fielding questions from the general public on live television -- is such a widely anticipated event which provokes such excitement .the kremlin says they will have to sift through well over 1.7 million emails , video messages and texts to decide who gets to ask what on the big day .\n", + "putin to spend hours fielding questions from the general public on live televisionsanctions and russia 's deep economic crisis likely to be a major themecritics of the kremlin slam event as russia 's imitation of democracy in action\n", + "[1.0433273 1.0948129 1.3669715 1.5240071 1.2705482 1.1814077 1.0989039\n", + " 1.0693632 1.0193594 1.0477068 1.0680194 1.0350046 1.0314221 1.0511272\n", + " 1.0805064 1.0834024 1.0114545 1.015145 0. 0. ]\n", + "\n", + "[ 3 2 4 5 6 1 15 14 7 10 13 9 0 11 12 8 17 16 18 19]\n", + "=======================\n", + "['elderflower fields festival will be held in the idyllic setting of pippingford park for the second year runningthe independent festival was created in 2012 by a small team of friends to provide the perfect environment for kids and grown-ups to fully escape for a weekend .now entering its fourth year , elderflower fields builds upon the winning formula of a festival designed especially for families with children .']\n", + "=======================\n", + "[\"family festival is located in pippingford park in the ashdown forestmusic includes a wide range of local bands and dance tents in the woodsfood is locally sourced , and there 's a picnic on sunday with a free hamperstressed out parents can head for the woodland spa while their little ones play sport or do art classes\"]\n", + "elderflower fields festival will be held in the idyllic setting of pippingford park for the second year runningthe independent festival was created in 2012 by a small team of friends to provide the perfect environment for kids and grown-ups to fully escape for a weekend .now entering its fourth year , elderflower fields builds upon the winning formula of a festival designed especially for families with children .\n", + "family festival is located in pippingford park in the ashdown forestmusic includes a wide range of local bands and dance tents in the woodsfood is locally sourced , and there 's a picnic on sunday with a free hamperstressed out parents can head for the woodland spa while their little ones play sport or do art classes\n", + "[1.261707 1.0496615 1.3701468 1.0556738 1.5285702 1.0437182 1.0710101\n", + " 1.0581951 1.0343181 1.2467587 1.2675476 1.0442328 1.0339906 1.0193052\n", + " 1.0122108 1.0116655 1.0161883 1.0099521 1.0945113 0. ]\n", + "\n", + "[ 4 2 10 0 9 18 6 7 3 1 11 5 8 12 13 16 14 15 17 19]\n", + "=======================\n", + "['adrian heath is manager of the newest mls team orlando citymidfielder frank lampard has signed a two-year contract with new york citysteven gerrard will join la galaxy in the summer after spending 17 seasons at liverpool']\n", + "=======================\n", + "[\"former everton and manchester city midfielder adrian heath is now manager of the newest mls team orlando citythe 53-year-old has been has been in the united states for eight years and witnessed the boom of ` soccer 'heath says steven gerrard and frank lampard are in for a few culture shocks when they join the mls revolution\"]\n", + "adrian heath is manager of the newest mls team orlando citymidfielder frank lampard has signed a two-year contract with new york citysteven gerrard will join la galaxy in the summer after spending 17 seasons at liverpool\n", + "former everton and manchester city midfielder adrian heath is now manager of the newest mls team orlando citythe 53-year-old has been has been in the united states for eight years and witnessed the boom of ` soccer 'heath says steven gerrard and frank lampard are in for a few culture shocks when they join the mls revolution\n", + "[1.2492385 1.4042138 1.1633561 1.2953203 1.2590148 1.145379 1.0752234\n", + " 1.0882492 1.13117 1.151725 1.2174691 1.040168 1.0359765 1.0113881\n", + " 1.0105488 1.0106258 1.0736997 1.0132538 0. 0. ]\n", + "\n", + "[ 1 3 4 0 10 2 9 5 8 7 6 16 11 12 17 13 15 14 18 19]\n", + "=======================\n", + "[\"the post by lewis helget , 27 , appeared on darren goddard 's timeline when he logged into the social networking site with the intention of deleting his account .mr goddard ` cried himself to sleep ' when he parted ways with lewis in 1989 after his marriage broke down following a horrific car accident .a former soldier has been reunited with his long-lost son after 25 years - after he spotted his facebook page appealing for help finding his father .\"]\n", + "=======================\n", + "[\"darren goddard met first wife aggi while based in germany with the armythe pair had a son called lewis before their marriage broke downmr goddard , of hampshire , returned to uk and never had contact with sonbut lewis ' appeal to find father appeared on mr goddard 's facebook page\"]\n", + "the post by lewis helget , 27 , appeared on darren goddard 's timeline when he logged into the social networking site with the intention of deleting his account .mr goddard ` cried himself to sleep ' when he parted ways with lewis in 1989 after his marriage broke down following a horrific car accident .a former soldier has been reunited with his long-lost son after 25 years - after he spotted his facebook page appealing for help finding his father .\n", + "darren goddard met first wife aggi while based in germany with the armythe pair had a son called lewis before their marriage broke downmr goddard , of hampshire , returned to uk and never had contact with sonbut lewis ' appeal to find father appeared on mr goddard 's facebook page\n", + "[1.2148889 1.4987671 1.3098274 1.1777236 1.3050637 1.1171305 1.1707371\n", + " 1.128065 1.018266 1.0511512 1.0315549 1.1537917 1.033806 1.0857273\n", + " 1.0528052 1.0152911 1.0126319 1.0190492]\n", + "\n", + "[ 1 2 4 0 3 6 11 7 5 13 14 9 12 10 17 8 15 16]\n", + "=======================\n", + "[\"william smith was just 15 when he fell in love with his best friend 's mother , marilyn buttigieg , who was then 44 years old .the couple , from crawley , west sussex , shared their first date and kiss in september 2005 .a middle-aged grandmother and her husband are defying their critics by celebrating their tenth wedding anniversary , despite their 29-year age gap .\"]\n", + "=======================\n", + "[\"william smith was 15 when he fell in love with marilyn buttigieg , then 44met after he was invited round to play computer games with her sonpair , from crawley , west sussex , say they have proved their critics wrongmarilyn 's children have all but cut off contact with the loved-up pairmarilyn , now 54 , left her then husband to be with william , now 25\"]\n", + "william smith was just 15 when he fell in love with his best friend 's mother , marilyn buttigieg , who was then 44 years old .the couple , from crawley , west sussex , shared their first date and kiss in september 2005 .a middle-aged grandmother and her husband are defying their critics by celebrating their tenth wedding anniversary , despite their 29-year age gap .\n", + "william smith was 15 when he fell in love with marilyn buttigieg , then 44met after he was invited round to play computer games with her sonpair , from crawley , west sussex , say they have proved their critics wrongmarilyn 's children have all but cut off contact with the loved-up pairmarilyn , now 54 , left her then husband to be with william , now 25\n", + "[1.4764467 1.4038911 1.334744 1.3185418 1.1560096 1.2665168 1.0718064\n", + " 1.0240312 1.0143691 1.0145589 1.0514522 1.0489811 1.231319 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 5 12 4 6 10 11 7 9 8 13 14 15 16 17]\n", + "=======================\n", + "[\"wakefield coach james webster explained how tough his club were finding life after their 80-0 first utility super league thrashing by warrington wolves .the wildcats are rooted to the foot of the table after eight consecutive defeats .the rout saw a hat-trick of tries by wolves ' richie myler and a 28-point haul for stefan ratchford .\"]\n", + "=======================\n", + "['warrington wolves beat wakefield wildcats 80-0 on saturdaywildcats are rooted to foot of the table after eight consecutive defeatscoach james webster said he simply does not have enough players']\n", + "wakefield coach james webster explained how tough his club were finding life after their 80-0 first utility super league thrashing by warrington wolves .the wildcats are rooted to the foot of the table after eight consecutive defeats .the rout saw a hat-trick of tries by wolves ' richie myler and a 28-point haul for stefan ratchford .\n", + "warrington wolves beat wakefield wildcats 80-0 on saturdaywildcats are rooted to foot of the table after eight consecutive defeatscoach james webster said he simply does not have enough players\n", + "[1.3067627 1.4800229 1.3575331 1.2589506 1.1203034 1.0225155 1.0398662\n", + " 1.027364 1.0260826 1.0292988 1.021716 1.0378237 1.0497819 1.0721852\n", + " 1.2756659 1.0620524 1.0230341 1.0107776]\n", + "\n", + "[ 1 2 0 14 3 4 13 15 12 6 11 9 7 8 16 5 10 17]\n", + "=======================\n", + "[\"annegret raunigk , 65 , was plunged into a vortex of travel and trials thanks to the wish of daughter leila , who turns ten this year , but says she is not bothered about what people say about her decision to have more children so late in life .their scheduled births for the schoolteacher from spandau , berlin , is just weeks away - but there are major fears that the health risks for her unborn quads will spike massively if they are induced early .a german pensioner who is expecting quadruplets said she went in search of sperm and egg donors when her youngest of 13 children told her : ' i want to have a little brother or sister . '\"]\n", + "=======================\n", + "[\"german primary school teacher is in 21st week of pregnancy and ` feels fit 'pregnant through artificial insemination using donated eggs and spermin 2005 , she gave birth to her youngest daughter leila , at the age of 55children - eldest of whom is 44 - are by five different fathers\"]\n", + "annegret raunigk , 65 , was plunged into a vortex of travel and trials thanks to the wish of daughter leila , who turns ten this year , but says she is not bothered about what people say about her decision to have more children so late in life .their scheduled births for the schoolteacher from spandau , berlin , is just weeks away - but there are major fears that the health risks for her unborn quads will spike massively if they are induced early .a german pensioner who is expecting quadruplets said she went in search of sperm and egg donors when her youngest of 13 children told her : ' i want to have a little brother or sister . '\n", + "german primary school teacher is in 21st week of pregnancy and ` feels fit 'pregnant through artificial insemination using donated eggs and spermin 2005 , she gave birth to her youngest daughter leila , at the age of 55children - eldest of whom is 44 - are by five different fathers\n", + "[1.4482071 1.434563 1.2123238 1.4416057 1.1348244 1.0877364 1.0476522\n", + " 1.03117 1.0584984 1.1168643 1.0121573 1.0158794 1.0169148 1.0144653\n", + " 1.0245545 1.0152761 1.0586634 1.037464 ]\n", + "\n", + "[ 0 3 1 2 4 9 5 16 8 6 17 7 14 12 11 15 13 10]\n", + "=======================\n", + "[\"renault managing director cyril abiteboul can understand red bull owner dietrich mateschitz 's frustrations and has vowed there will be ` no surrender ' in a bid to right their current wretched wrongs .red bull team principal christian horner has been critical of renault this seasonin sunday 's chinese grand prix , renault suffered two blown engines as first red bull 's daniil kvyat was forced out of the race , followed late on by toro rosso 's max verstappen .\"]\n", + "=======================\n", + "['daniel ricciardo finished 9th while daniil kvyat retired with engine failurered bull on the backfoot this season after troubled opening three racesrenault boss cyril abiteboul has vowed engine supplier will improvered bull chief dietrich mateschitz has threatened to pull team out of f1']\n", + "renault managing director cyril abiteboul can understand red bull owner dietrich mateschitz 's frustrations and has vowed there will be ` no surrender ' in a bid to right their current wretched wrongs .red bull team principal christian horner has been critical of renault this seasonin sunday 's chinese grand prix , renault suffered two blown engines as first red bull 's daniil kvyat was forced out of the race , followed late on by toro rosso 's max verstappen .\n", + "daniel ricciardo finished 9th while daniil kvyat retired with engine failurered bull on the backfoot this season after troubled opening three racesrenault boss cyril abiteboul has vowed engine supplier will improvered bull chief dietrich mateschitz has threatened to pull team out of f1\n", + "[1.4624661 1.1665013 1.4167291 1.2082351 1.2115949 1.1632586 1.0620279\n", + " 1.030412 1.1373544 1.027415 1.1954257 1.1554136 1.0464355 1.0507674\n", + " 1.0669141 1.0586338 0. 0. ]\n", + "\n", + "[ 0 2 4 3 10 1 5 11 8 14 6 15 13 12 7 9 16 17]\n", + "=======================\n", + "[\"` heartless ' : alice kovach-suehn , 56 , was arrested last friday and charged with elderly neglect after police say they found the man in her care weighing only 89lbsaccording to an arrest report , the senior in kovach-suehn 's care was discovered covered in filth and severely emaciated .apopka police sgt ed chittenden said it was one of the worst cases of abuse he 's ever witnessed over the course of his 18-year career in law enforcement .\"]\n", + "=======================\n", + "[\"alice kovich-suehn , 53 , charged with elderly neglectelderly man in kovich-suehn 's care was brought to florida hospital weighing only 89lbsthe 96-year-old victim said kovich-suehn , his legal caretaker who has power-of-attorney , has been starving himwhen offered food , police said the skin-and-bones senior ` ate like a starving dog '\"]\n", + "` heartless ' : alice kovach-suehn , 56 , was arrested last friday and charged with elderly neglect after police say they found the man in her care weighing only 89lbsaccording to an arrest report , the senior in kovach-suehn 's care was discovered covered in filth and severely emaciated .apopka police sgt ed chittenden said it was one of the worst cases of abuse he 's ever witnessed over the course of his 18-year career in law enforcement .\n", + "alice kovich-suehn , 53 , charged with elderly neglectelderly man in kovich-suehn 's care was brought to florida hospital weighing only 89lbsthe 96-year-old victim said kovich-suehn , his legal caretaker who has power-of-attorney , has been starving himwhen offered food , police said the skin-and-bones senior ` ate like a starving dog '\n", + "[1.443564 1.148522 1.4040881 1.4289079 1.0489972 1.0950371 1.0457565\n", + " 1.0486081 1.051978 1.0384136 1.0272675 1.0412693 1.0457678 1.0307369\n", + " 1.0314713 1.0142498 1.0489264 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 5 8 4 16 7 12 6 11 9 14 13 10 15 18 17 19]\n", + "=======================\n", + "[\"stuart broad came through an injury scare and jonny bairstow fell just short of a century against his own team-mates as england 's test warm-ups descended into a glorified training drill .england paceman stuart broad ( left ) bowls at jonny bairstow on wednesdayjonathan trott ( nought ) and gary ballance ( 17 ) largely failed to do so , but bairstow made 98 and joe root ended the day 87 not out in a score of 303 for nine .\"]\n", + "=======================\n", + "[\"england 's stuart broad collapsed clutching his left ankle in second overfast bowler spent an hour off the field but later returned to the attackjonny bairstow made 98 and joe root ended the day 87 not out\"]\n", + "stuart broad came through an injury scare and jonny bairstow fell just short of a century against his own team-mates as england 's test warm-ups descended into a glorified training drill .england paceman stuart broad ( left ) bowls at jonny bairstow on wednesdayjonathan trott ( nought ) and gary ballance ( 17 ) largely failed to do so , but bairstow made 98 and joe root ended the day 87 not out in a score of 303 for nine .\n", + "england 's stuart broad collapsed clutching his left ankle in second overfast bowler spent an hour off the field but later returned to the attackjonny bairstow made 98 and joe root ended the day 87 not out\n", + "[1.4098961 1.3906418 1.1048825 1.3709887 1.2444663 1.1197333 1.1612701\n", + " 1.048632 1.0532273 1.0707766 1.1739123 1.0906534 1.0247936 1.0706385\n", + " 1.052792 1.008267 1.0120609 1.0077038 1.0140839 0. ]\n", + "\n", + "[ 0 1 3 4 10 6 5 2 11 9 13 8 14 7 12 18 16 15 17 19]\n", + "=======================\n", + "[\"leo bernal , 8 , is lucky to be alive after an intruder shot him in the head as he lay in bed at his home in culver city , california , over the weekend .on friday , five days after the shooting , the 8-year-old was released from the hospital with nearly two dozen medical staples holding his scalp together .scarred : doctors had to open the child 's skull to extract the bullet , leaving him with a partially shaved scalp and 23 staples\"]\n", + "=======================\n", + "[\"leo bernal , 8 , suffered gunshot wound to the head as he lay in bed in culver city , californiadoctors had to open his skull to save his life , leaving him with 23 staplesbernal 's mother say her son is not afraid to return home\"]\n", + "leo bernal , 8 , is lucky to be alive after an intruder shot him in the head as he lay in bed at his home in culver city , california , over the weekend .on friday , five days after the shooting , the 8-year-old was released from the hospital with nearly two dozen medical staples holding his scalp together .scarred : doctors had to open the child 's skull to extract the bullet , leaving him with a partially shaved scalp and 23 staples\n", + "leo bernal , 8 , suffered gunshot wound to the head as he lay in bed in culver city , californiadoctors had to open his skull to save his life , leaving him with 23 staplesbernal 's mother say her son is not afraid to return home\n", + "[1.6379422 1.5494735 1.2687185 1.4115949 1.101036 1.0361899 1.025308\n", + " 1.0241665 1.0174584 1.0198368 1.0167538 1.0161071 1.0435834 1.0128614\n", + " 1.0249033 1.1408135 1.0177444 1.0116814 1.1154668 0. ]\n", + "\n", + "[ 0 1 3 2 15 18 4 12 5 6 14 7 9 16 8 10 11 13 17 19]\n", + "=======================\n", + "[\"gary locke will be confirmed as kilmarnock 's permanent manager on friday - exactly eight weeks after he was asked to take charge until the end of the season .an announcement will be made by the rugby park club on friday morning , with the former hearts boss being given a three-year deal .and on thursday the 39-year-old paid tribute to the players whose efforts have helped him win favour with new chairman jim mann since he replaced allan johnston on a caretaker basis in february .\"]\n", + "=======================\n", + "[\"gary locke will be confirmed as kilmarnock boss on fridaythe club went unbeaten during locke 's first six games in chargethe 39-year-old former killie defender has paid tribute to his players\"]\n", + "gary locke will be confirmed as kilmarnock 's permanent manager on friday - exactly eight weeks after he was asked to take charge until the end of the season .an announcement will be made by the rugby park club on friday morning , with the former hearts boss being given a three-year deal .and on thursday the 39-year-old paid tribute to the players whose efforts have helped him win favour with new chairman jim mann since he replaced allan johnston on a caretaker basis in february .\n", + "gary locke will be confirmed as kilmarnock boss on fridaythe club went unbeaten during locke 's first six games in chargethe 39-year-old former killie defender has paid tribute to his players\n", + "[1.0560641 1.3833613 1.2166355 1.3839068 1.1478652 1.1369057 1.0221372\n", + " 1.0208837 1.1021538 1.0601307 1.1388137 1.1083827 1.0805975 1.026785\n", + " 1.0608331 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 4 10 5 11 8 12 14 9 0 13 6 7 15 16 17 18 19]\n", + "=======================\n", + "[\"mangu ram was 14 when he fled to kashmir as a refugee - now an old man , for the past 70 years he has been denied citizenship rightsit is almost 70 years since he fled the violence that followed the partition of india , and he is still regarded as a second class citizen in indian kashmir -- unable to own property or vote in state elections .but now ram and thousands like him are daring to hope they will finally be able to shed the refugee status that has plagued them for decades , after prime minister narendra modi 's hindu nationalist party won a share of power in india 's only muslim-majority state .\"]\n", + "=======================\n", + "['thousands of people caught in poverty because successive governments refuse to change their refugee statuslaws mean that the west pakistan refugees living in jammur and kashmir can not vote in elections or own propertyhopes that election of hindu nationalist party as a coalition partner could herald historic change for the community']\n", + "mangu ram was 14 when he fled to kashmir as a refugee - now an old man , for the past 70 years he has been denied citizenship rightsit is almost 70 years since he fled the violence that followed the partition of india , and he is still regarded as a second class citizen in indian kashmir -- unable to own property or vote in state elections .but now ram and thousands like him are daring to hope they will finally be able to shed the refugee status that has plagued them for decades , after prime minister narendra modi 's hindu nationalist party won a share of power in india 's only muslim-majority state .\n", + "thousands of people caught in poverty because successive governments refuse to change their refugee statuslaws mean that the west pakistan refugees living in jammur and kashmir can not vote in elections or own propertyhopes that election of hindu nationalist party as a coalition partner could herald historic change for the community\n", + "[1.2573291 1.4635221 1.3304344 1.3385683 1.2392001 1.0646867 1.0527493\n", + " 1.1404629 1.0503093 1.1807885 1.0423809 1.0308486 1.0280756 1.0148947\n", + " 1.0108927 1.0099293 1.0287561 1.0434788 1.0630571 1.0286955]\n", + "\n", + "[ 1 3 2 0 4 9 7 5 18 6 8 17 10 11 16 19 12 13 14 15]\n", + "=======================\n", + "[\"the queen 's guard was left red-faced after he slipped on a manhole cover during the popular changing of the guard - and unfortunately for him the entire incident was caught on camera .he lost his footing and slid sideways , knocking his bearskin on the side of the box and dropping his rifle .holidaymaker david meadwell recorded the unscheduled manouevre outside buckingham palace on thursday afternoon .\"]\n", + "=======================\n", + "[\"buckingham palace guard slipped and fell in front of hundreds of touriststhought to have stumbled on manhole cover during changing of the guardembarrassed young soldier ended up on the floor still clutching his rifleunfortunately for him the entire incident was caught on tourist 's camera\"]\n", + "the queen 's guard was left red-faced after he slipped on a manhole cover during the popular changing of the guard - and unfortunately for him the entire incident was caught on camera .he lost his footing and slid sideways , knocking his bearskin on the side of the box and dropping his rifle .holidaymaker david meadwell recorded the unscheduled manouevre outside buckingham palace on thursday afternoon .\n", + "buckingham palace guard slipped and fell in front of hundreds of touriststhought to have stumbled on manhole cover during changing of the guardembarrassed young soldier ended up on the floor still clutching his rifleunfortunately for him the entire incident was caught on tourist 's camera\n", + "[1.3189318 1.3330505 1.2817297 1.2059853 1.1886272 1.2037988 1.0329509\n", + " 1.0221629 1.0312251 1.1586357 1.0626786 1.1921083 1.0982878 1.1058786\n", + " 1.0156342 1.0191934 1.0097461 1.0081997 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 2 3 5 11 4 9 13 12 10 6 8 7 15 14 16 17 18 19 20 21 22]\n", + "=======================\n", + "['photographs which show the men and woman rushing towards those crushed in the tragedy have been released , with investigators urging anyone who recognises them to come forward .hillsborough investigators have launched an appeal to track down fans who tended to the wounded as they lay dying on the pitch at the 1989 disaster .they form part of an ongoing home office inquiry aiming to establish whether any individual or organisation was to blame for the disaster which claimed the lives of 96 liverpool fans .']\n", + "=======================\n", + "['investigators have released a handful of photographs to help inquiriesthey show fans rushing to tend to the dying as they lay on football pitchpolice say the people photographed could address unanswered questionsa home office probe into 1989 disaster which claimed 96 lives is ongoinganyone with information is urged to call 08000 283 284 or visit www.operationresolve.co.ukanyone who can identify any of the people in the images should call operation resolve on 08000 283 284 or via the website www.operationresolve.co.uk']\n", + "photographs which show the men and woman rushing towards those crushed in the tragedy have been released , with investigators urging anyone who recognises them to come forward .hillsborough investigators have launched an appeal to track down fans who tended to the wounded as they lay dying on the pitch at the 1989 disaster .they form part of an ongoing home office inquiry aiming to establish whether any individual or organisation was to blame for the disaster which claimed the lives of 96 liverpool fans .\n", + "investigators have released a handful of photographs to help inquiriesthey show fans rushing to tend to the dying as they lay on football pitchpolice say the people photographed could address unanswered questionsa home office probe into 1989 disaster which claimed 96 lives is ongoinganyone with information is urged to call 08000 283 284 or visit www.operationresolve.co.ukanyone who can identify any of the people in the images should call operation resolve on 08000 283 284 or via the website www.operationresolve.co.uk\n", + "[1.0509177 1.1303241 1.5178034 1.3520646 1.2862643 1.1628306 1.0292523\n", + " 1.0818 1.0885357 1.1516857 1.0772868 1.0848597 1.2397103 1.03822\n", + " 1.0396805 1.0174375 1.0067326 1.0836103 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 3 4 12 5 9 1 8 11 17 7 10 0 14 13 6 15 16 18 19 20 21 22]\n", + "=======================\n", + "[\"lisa courtney , of hertfordshire , has spent most of her life collecting pokemon memorabilia of all shapes and sizes .lisa 's mother had to move to the smallest room in the house to make room for her daughter 's collectionlisa courtney owns the world 's largest collection of pokemon memorabilia '\"]\n", + "=======================\n", + "['lisa courtney holds the guinness world record for largest collectionthe 26-year-old started amassing the items after being bullied aged ninespends seven hours a week surfing the internet looking for new charactersvast hoard ranges from cuddly toys to cornflakes made in japan']\n", + "lisa courtney , of hertfordshire , has spent most of her life collecting pokemon memorabilia of all shapes and sizes .lisa 's mother had to move to the smallest room in the house to make room for her daughter 's collectionlisa courtney owns the world 's largest collection of pokemon memorabilia '\n", + "lisa courtney holds the guinness world record for largest collectionthe 26-year-old started amassing the items after being bullied aged ninespends seven hours a week surfing the internet looking for new charactersvast hoard ranges from cuddly toys to cornflakes made in japan\n", + "[1.0970615 1.5481728 1.2506623 1.4213864 1.3170031 1.076228 1.3199196\n", + " 1.098102 1.1503336 1.257848 1.0305011 1.0093613 1.0095227 1.0072157\n", + " 1.009602 1.006941 1.0049126 1.0052897 1.0042248 1.005705 1.0229484\n", + " 1.0056033 1.0048598]\n", + "\n", + "[ 1 3 6 4 9 2 8 7 0 5 10 20 14 12 11 13 15 19 21 17 16 22 18]\n", + "=======================\n", + "[\"micky adams became the 42nd manager to be dismissed this season when he was fired on sunday by tranmere , rock bottom of the football league .malky mackay , fired by wigan this month , was the 17th to go in the second tier , where the average tenure is less than a year , thanks partly to trigger-happy clubs like leeds .forty sackings were recorded by the league managers ' association before the end of march , which was an all-time high , and the trend is set to smash its previous record of 46 , set in 2006-07 .\"]\n", + "=======================\n", + "['the most managerial sackings in a single season stands at 46 in 2006-07micky adams left tranmere on sunday with club bottom of league twoforty managers had left their posts by the end of march , a new record']\n", + "micky adams became the 42nd manager to be dismissed this season when he was fired on sunday by tranmere , rock bottom of the football league .malky mackay , fired by wigan this month , was the 17th to go in the second tier , where the average tenure is less than a year , thanks partly to trigger-happy clubs like leeds .forty sackings were recorded by the league managers ' association before the end of march , which was an all-time high , and the trend is set to smash its previous record of 46 , set in 2006-07 .\n", + "the most managerial sackings in a single season stands at 46 in 2006-07micky adams left tranmere on sunday with club bottom of league twoforty managers had left their posts by the end of march , a new record\n", + "[1.6056724 1.1712397 1.2222501 1.4434004 1.1780562 1.0190055 1.0755268\n", + " 1.1160179 1.19961 1.0389775 1.1167432 1.0973476 1.0580498 1.0933576\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 2 8 4 1 10 7 11 13 6 12 9 5 21 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"real madrid winger gareth bale will be rested for saturday 's la liga game at home to eibar , coach carlo ancelotti said on friday , meaning the welshman joins suspended midfielders toni kroos and james rodriguez on the sidelines .gareth bale ( centre ) is being rested by real madrid boss carlo ancelotti for the eibar clashasier illarramendi and isco will probably play alongside luka modric in midfield , with jese joining cristiano ronaldo and karim benzema up front .\"]\n", + "=======================\n", + "['carlo ancelotti confirms gareth bale will sit out of the eibar clashthe welshman will join suspended stars toni kroos and james rodriguezread : cristiano ronaldo will face eibar after yellow card is rescindedreal are four points behind barcelona in the race for the la liga titleclick here for all the latest real madrid news']\n", + "real madrid winger gareth bale will be rested for saturday 's la liga game at home to eibar , coach carlo ancelotti said on friday , meaning the welshman joins suspended midfielders toni kroos and james rodriguez on the sidelines .gareth bale ( centre ) is being rested by real madrid boss carlo ancelotti for the eibar clashasier illarramendi and isco will probably play alongside luka modric in midfield , with jese joining cristiano ronaldo and karim benzema up front .\n", + "carlo ancelotti confirms gareth bale will sit out of the eibar clashthe welshman will join suspended stars toni kroos and james rodriguezread : cristiano ronaldo will face eibar after yellow card is rescindedreal are four points behind barcelona in the race for the la liga titleclick here for all the latest real madrid news\n", + "[1.1694202 1.5774822 1.3488059 1.3253796 1.0938376 1.0670798 1.0606788\n", + " 1.0550689 1.1038008 1.0547686 1.0588148 1.0648001 1.0179559 1.0172824\n", + " 1.0135487 1.0119325 1.0517166 1.0272948 1.0129731 1.1042603 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 0 19 8 4 5 11 6 10 7 9 16 17 12 13 14 18 15 21 20 22]\n", + "=======================\n", + "['tanguy pepiot , a steeplechase runner for the university of oregon , had a clear lead on his rival meron simon , who competes for the university of washington .but at a track meet saturday in eugene , oregon , a crowd of more than 3,000 people saw the distance evaporate after pepiot raised his hands in pre-emptive joy , with less than 100m to go .tanguy pepiot celebrated his victory ( left ) before missing out to his rival on the finishing line ( right )']\n", + "=======================\n", + "[\"university of oregon 's tanguy pepiot had strong lead over meron simonhe raised his arms in triumph while running down the home straightsimon , of the university of washington , managed to close the gaphe beat pepiot by a tenth of a second at track event in eugene , oregon\"]\n", + "tanguy pepiot , a steeplechase runner for the university of oregon , had a clear lead on his rival meron simon , who competes for the university of washington .but at a track meet saturday in eugene , oregon , a crowd of more than 3,000 people saw the distance evaporate after pepiot raised his hands in pre-emptive joy , with less than 100m to go .tanguy pepiot celebrated his victory ( left ) before missing out to his rival on the finishing line ( right )\n", + "university of oregon 's tanguy pepiot had strong lead over meron simonhe raised his arms in triumph while running down the home straightsimon , of the university of washington , managed to close the gaphe beat pepiot by a tenth of a second at track event in eugene , oregon\n", + "[1.554484 1.2877561 1.2185602 1.5903063 1.2171323 1.1117332 1.0203001\n", + " 1.0358696 1.0154849 1.0148733 1.0184652 1.0723813 1.1479113 1.0375639\n", + " 1.0829494 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 2 4 12 5 14 11 13 7 6 10 8 9 16 15 17]\n", + "=======================\n", + "['west ham midfielder cheikhou kouyate is wary of facing champions manchester city on sundaythe barclays premier league champions have seen their title defence left in tatters following a run of four defeats in six matches , thrashed 4-2 at rivals united last weekend - a result which left the long-term future of manager pellegrini in doubt as city might now face a scrap with liverpool for a champions league qualifying spot .west ham are also in need a pick-me-up , having seen victory slip through their fingers when stoke netted a stoppage time equaliser at upton park .']\n", + "=======================\n", + "[\"west ham face manchester city at the etihad on sunday , ko at 1.30 pmcheikhou kouyate believes the hammers must not underestimate citymanuel pellegrini 's side have lost their last two premier league gamessam allardyce wants west ham to be defensively solid on sunday\"]\n", + "west ham midfielder cheikhou kouyate is wary of facing champions manchester city on sundaythe barclays premier league champions have seen their title defence left in tatters following a run of four defeats in six matches , thrashed 4-2 at rivals united last weekend - a result which left the long-term future of manager pellegrini in doubt as city might now face a scrap with liverpool for a champions league qualifying spot .west ham are also in need a pick-me-up , having seen victory slip through their fingers when stoke netted a stoppage time equaliser at upton park .\n", + "west ham face manchester city at the etihad on sunday , ko at 1.30 pmcheikhou kouyate believes the hammers must not underestimate citymanuel pellegrini 's side have lost their last two premier league gamessam allardyce wants west ham to be defensively solid on sunday\n", + "[1.2931836 1.3375524 1.1087248 1.1696961 1.2084473 1.3929323 1.1710179\n", + " 1.1611705 1.1255993 1.092218 1.153487 1.0270141 1.0225668 1.1095307\n", + " 1.092486 0. 0. 0. ]\n", + "\n", + "[ 5 1 0 4 6 3 7 10 8 13 2 14 9 11 12 15 16 17]\n", + "=======================\n", + "['cincinnati woman jacqueline carr , 65 , was killed when a tree smashed her vehiclethe cincinnati enquirer reports that the tree fell onto the car around 4 p.m. sunday .authorities say a tree has crashed into a car driven by a woman in her 60s , killing her .']\n", + "=======================\n", + "[\"the woman was later identified as jacqueline carr , age 65still uncertain who owns the tree or was responsible for its upkeepcarr was the vehicle 's only occupant\"]\n", + "cincinnati woman jacqueline carr , 65 , was killed when a tree smashed her vehiclethe cincinnati enquirer reports that the tree fell onto the car around 4 p.m. sunday .authorities say a tree has crashed into a car driven by a woman in her 60s , killing her .\n", + "the woman was later identified as jacqueline carr , age 65still uncertain who owns the tree or was responsible for its upkeepcarr was the vehicle 's only occupant\n", + "[1.3614336 1.4662762 1.2746998 1.3045135 1.1504996 1.1228074 1.1219659\n", + " 1.0489407 1.0163788 1.0976406 1.0443536 1.0773603 1.0496022 1.0334862\n", + " 1.017039 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 5 6 9 11 12 7 10 13 14 8 15 16 17]\n", + "=======================\n", + "['the blunder was believed to have been caused by a race marshal taking a toilet break during the event , missing 300 runners who should have been directed at a junction point .charity runners taking part in a 10km fun run at the weekend were left exhausted after being sent on an unscheduled two-mile detour .instead they continued past the unmanned marshall point and had to run for an extra three kilometres while the other 900 competitors followed the correct route .']\n", + "=======================\n", + "[\"up to 300 runners in yesterday 's bournemouth bay run sent wrong waysome of the racers were said to be ` in tears ' after the two-mile detourorganisation slammed as ` shambolic ' as there was also water shortage\"]\n", + "the blunder was believed to have been caused by a race marshal taking a toilet break during the event , missing 300 runners who should have been directed at a junction point .charity runners taking part in a 10km fun run at the weekend were left exhausted after being sent on an unscheduled two-mile detour .instead they continued past the unmanned marshall point and had to run for an extra three kilometres while the other 900 competitors followed the correct route .\n", + "up to 300 runners in yesterday 's bournemouth bay run sent wrong waysome of the racers were said to be ` in tears ' after the two-mile detourorganisation slammed as ` shambolic ' as there was also water shortage\n", + "[1.1727933 1.538957 1.3295729 1.1388383 1.4877006 1.0342249 1.1161877\n", + " 1.0756439 1.0168821 1.018479 1.0147626 1.0575552 1.0182062 1.0140649\n", + " 1.0133631 1.0164682 0. 0. ]\n", + "\n", + "[ 1 4 2 0 3 6 7 11 5 9 12 8 15 10 13 14 16 17]\n", + "=======================\n", + "[\"courtney lawes arrived in france with the saints , ahead of the champions cup quarter-final against mighty clermont auvergne , carrying notoriety as excess baggage .england lock courtney lawes made a trademark hit on france fly-half jules plissonnorthampton 's maligned hit man is primed to go big-game hunting again with no intention of toning down his use of legitimate force in the wake of renewed criticism .\"]\n", + "=======================\n", + "['courtney lawes has been derided as a thug across the channelfrance tried to get him banned for brutal tackle on jules plissonnorthampton take on clermont auvergne in the champions cup']\n", + "courtney lawes arrived in france with the saints , ahead of the champions cup quarter-final against mighty clermont auvergne , carrying notoriety as excess baggage .england lock courtney lawes made a trademark hit on france fly-half jules plissonnorthampton 's maligned hit man is primed to go big-game hunting again with no intention of toning down his use of legitimate force in the wake of renewed criticism .\n", + "courtney lawes has been derided as a thug across the channelfrance tried to get him banned for brutal tackle on jules plissonnorthampton take on clermont auvergne in the champions cup\n", + "[1.3272984 1.3672915 1.125349 1.1828394 1.161994 1.1849366 1.073169\n", + " 1.044407 1.1170453 1.1000177 1.084716 1.0378606 1.037236 1.0468456\n", + " 1.0380354 1.0482379 1.0470433 1.0409752]\n", + "\n", + "[ 1 0 5 3 4 2 8 9 10 6 15 16 13 7 17 14 11 12]\n", + "=======================\n", + "[\"the former army chief is currently staying in djibouti for over a week spearheading operation rahat .after drawing praise for india 's operation to rescue around 2,000 nationals by air and sea from war-hit yemen , minister of state for external affairs v.k singh , who is spearheading the rescue exercise , found himself in the thick of a controversy over an unsavoury remark made against the media .gen. singh tweeted last night in response to a channel quoting him saying that he found the evacuation assignment less exciting than his recent visit to the pakistan high commission on the occasion of pakistan 's national day .\"]\n", + "=======================\n", + "[\"v.k. singh is leading the operation to evacuate indians trapped in war-torn yementhe minister reportedly said the exercise was less exciting that visiting the pakistan high commissionangry singh branded a section of the media ` presstitutes ' after they quoted himcongress called his statement ` abusive ' and ` lamentable '\"]\n", + "the former army chief is currently staying in djibouti for over a week spearheading operation rahat .after drawing praise for india 's operation to rescue around 2,000 nationals by air and sea from war-hit yemen , minister of state for external affairs v.k singh , who is spearheading the rescue exercise , found himself in the thick of a controversy over an unsavoury remark made against the media .gen. singh tweeted last night in response to a channel quoting him saying that he found the evacuation assignment less exciting than his recent visit to the pakistan high commission on the occasion of pakistan 's national day .\n", + "v.k. singh is leading the operation to evacuate indians trapped in war-torn yementhe minister reportedly said the exercise was less exciting that visiting the pakistan high commissionangry singh branded a section of the media ` presstitutes ' after they quoted himcongress called his statement ` abusive ' and ` lamentable '\n", + "[1.2990254 1.3679813 1.3413246 1.2362621 1.1600642 1.2224758 1.1224085\n", + " 1.0283557 1.1111927 1.0851591 1.0140067 1.1086097 1.0310868 1.1285251\n", + " 1.0288385 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 5 4 13 6 8 11 9 12 14 7 10 22 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"as poor visibility struck between svalbard and ice camp barneo on saturday , the pilot made the decision to bring the plane down , and due to the bumpy landing the aircraft 's undercarriage was damaged .moody , 36 , who is undertaking a 100km trek to the north pole to raise # 250,000 for charity , and his fellow trekkers were unharmed in the incident .a plane carrying former england rugby captain lewis moody was forced to make an emergency landing in the arctic .\"]\n", + "=======================\n", + "['poor visibility caused the pilot to make the decision to land the planethe aircraft suffered a damaged undercarriage due to the bumpy descenta helicopter came to rescue the trekkers and no one was harmedthe former captain is undertaking a 100km trek to the north pole to raise # 250,000 for charity , along with nine sportsmen and royal marines']\n", + "as poor visibility struck between svalbard and ice camp barneo on saturday , the pilot made the decision to bring the plane down , and due to the bumpy landing the aircraft 's undercarriage was damaged .moody , 36 , who is undertaking a 100km trek to the north pole to raise # 250,000 for charity , and his fellow trekkers were unharmed in the incident .a plane carrying former england rugby captain lewis moody was forced to make an emergency landing in the arctic .\n", + "poor visibility caused the pilot to make the decision to land the planethe aircraft suffered a damaged undercarriage due to the bumpy descenta helicopter came to rescue the trekkers and no one was harmedthe former captain is undertaking a 100km trek to the north pole to raise # 250,000 for charity , along with nine sportsmen and royal marines\n", + "[1.3246319 1.2843753 1.3078326 1.1659108 1.3302451 1.1722404 1.1235573\n", + " 1.0229619 1.0757526 1.019767 1.0248522 1.0146881 1.0490028 1.0142748\n", + " 1.0377947 1.0293462 1.2153496 1.1635416 1.0710378 1.1652949 1.0889214\n", + " 1.0836049 1.0222231 0. ]\n", + "\n", + "[ 4 0 2 1 16 5 3 19 17 6 20 21 8 18 12 14 15 10 7 22 9 11 13 23]\n", + "=======================\n", + "['a plane was struck by lightning shortly after takeoff during a flight from reykjavik , iceland , to denver , colorado on tuesdaythe hole was at a point in the plane where weather radars are housed , but the plane landed safely in denver and no one was injured .the journey from reykjavik to denver is about 3,740 miles .']\n", + "=======================\n", + "[\"flight was traveling from reykjavik , iceland to denver when it was struckpassengers said it was hit by lightning shortly after the plane took offpilots reported the lighting and continued eight-hour flight to denverit was n't until they landed that pilots notice huge hole at the nose of planeno one on board was injured and the plane landed safely in denver\"]\n", + "a plane was struck by lightning shortly after takeoff during a flight from reykjavik , iceland , to denver , colorado on tuesdaythe hole was at a point in the plane where weather radars are housed , but the plane landed safely in denver and no one was injured .the journey from reykjavik to denver is about 3,740 miles .\n", + "flight was traveling from reykjavik , iceland to denver when it was struckpassengers said it was hit by lightning shortly after the plane took offpilots reported the lighting and continued eight-hour flight to denverit was n't until they landed that pilots notice huge hole at the nose of planeno one on board was injured and the plane landed safely in denver\n", + "[1.2017227 1.4293845 1.3089342 1.3066683 1.2421975 1.1562731 1.1169957\n", + " 1.0773994 1.0464059 1.1099954 1.0378093 1.0667491 1.06696 1.0407714\n", + " 1.0142648 1.0576501 1.0274642 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 5 6 9 7 12 11 15 8 13 10 16 14 22 17 18 19 20 21 23]\n", + "=======================\n", + "[\"the tech giant is said to be in talks with hutchison whampoa , the owner of the three network , to let its users make calls and send texts in any country at no extra cost .industry sources said the firms are discussing a ` wholesale access agreement ' that would help google create a global network .two months after it announced it was launching its own mobile network , google is now looking at ways to get rid of roaming fees .\"]\n", + "=======================\n", + "[\"google is said to be in talks with hutchison whampoa , which owns threeglobal network will let users make calls in any country at no extra costgoogle 's sundar pichai confirmed rumours of a network in februaryinstead of building masts google is said to be looking at becoming a mobile virtual network operator ( mvno )\"]\n", + "the tech giant is said to be in talks with hutchison whampoa , the owner of the three network , to let its users make calls and send texts in any country at no extra cost .industry sources said the firms are discussing a ` wholesale access agreement ' that would help google create a global network .two months after it announced it was launching its own mobile network , google is now looking at ways to get rid of roaming fees .\n", + "google is said to be in talks with hutchison whampoa , which owns threeglobal network will let users make calls in any country at no extra costgoogle 's sundar pichai confirmed rumours of a network in februaryinstead of building masts google is said to be looking at becoming a mobile virtual network operator ( mvno )\n", + "[1.3976678 1.312509 1.352688 1.2794852 1.2283267 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 4 21 20 19 18 17 16 15 14 11 12 22 10 9 8 7 6 5 13 23]\n", + "=======================\n", + "['blackpool are in talks to sign austria defender thomas piermayr .piermayr is a free agent and had been playing for colorado rapids .the 25-year-old has been training with the championship club this week and they are keen to get him on board for what is expected to be confirmed as a campaign in league one next season .']\n", + "=======================\n", + "['thomas piermayr has been training with blackpool this weekaustrian defender is a free agent after leaving mls side colorado rapidsblackpool are bottom of the championship and look set to be relegated']\n", + "blackpool are in talks to sign austria defender thomas piermayr .piermayr is a free agent and had been playing for colorado rapids .the 25-year-old has been training with the championship club this week and they are keen to get him on board for what is expected to be confirmed as a campaign in league one next season .\n", + "thomas piermayr has been training with blackpool this weekaustrian defender is a free agent after leaving mls side colorado rapidsblackpool are bottom of the championship and look set to be relegated\n", + "[1.2715437 1.1769731 1.2488655 1.1713653 1.1639895 1.2092847 1.0883791\n", + " 1.0245689 1.0232292 1.1447617 1.0840317 1.0565745 1.0794871 1.0459652\n", + " 1.0421274 1.0294499 1.1430998 1.0382411 1.0458826 1.0536984 1.053777\n", + " 1.0286963 1.0174139 1.0106758]\n", + "\n", + "[ 0 2 5 1 3 4 9 16 6 10 12 11 20 19 13 18 14 17 15 21 7 8 22 23]\n", + "=======================\n", + "[\"peter scudamore rode an incredible 1,678 winners but has seen his achievements dwarfed by ap mccoy .1 riding his 4,000 th winner at towcester on november 7 , 2013here , he identifies what he believes are the 10 finest achievements of saturday 's retiring champion .\"]\n", + "=======================\n", + "['ap mccoy has two rides at sandown before he retires from horse racingiron man mccoy will be awarded with his 20th champion jockey trophypeter scudamore lists his top 10 achievements by racing hero mccoy']\n", + "peter scudamore rode an incredible 1,678 winners but has seen his achievements dwarfed by ap mccoy .1 riding his 4,000 th winner at towcester on november 7 , 2013here , he identifies what he believes are the 10 finest achievements of saturday 's retiring champion .\n", + "ap mccoy has two rides at sandown before he retires from horse racingiron man mccoy will be awarded with his 20th champion jockey trophypeter scudamore lists his top 10 achievements by racing hero mccoy\n", + "[1.0799611 1.3158414 1.3919333 1.1824 1.2234312 1.1679231 1.0275706\n", + " 1.0418491 1.0665113 1.0348842 1.1653591 1.103505 1.0808058 1.0889881\n", + " 1.0392963 1.0502937 1.0542516 1.0383106 1.057369 ]\n", + "\n", + "[ 2 1 4 3 5 10 11 13 12 0 8 18 16 15 7 14 17 9 6]\n", + "=======================\n", + "['hernando rivera cervantes took the pictures as local authorities warned those living around the volcano , which is also known as the fire volcano , to prepare for a possible evacuation .the latests picture , captured by an amateur photographer as the colima volcano in mexico spews out a plume of ash and lava , reveals the raw power of a volcanic eruption .mr cervantes spent eight hours watching the volcano as it threw ash up to 1.8 miles ( three kilometres ) into the atmosphere before managing to capture the rare picture .']\n", + "=======================\n", + "['lightning flash spotted in the ash cloud of the colima volcano which is 301 miles west of mexico citystrikes caused by high levels of electric charge building up as ash particles rub togetherbolts can heat surrounding air to 3,000 °c and melt ash in the cloud into glassy spheres , scientists discovered']\n", + "hernando rivera cervantes took the pictures as local authorities warned those living around the volcano , which is also known as the fire volcano , to prepare for a possible evacuation .the latests picture , captured by an amateur photographer as the colima volcano in mexico spews out a plume of ash and lava , reveals the raw power of a volcanic eruption .mr cervantes spent eight hours watching the volcano as it threw ash up to 1.8 miles ( three kilometres ) into the atmosphere before managing to capture the rare picture .\n", + "lightning flash spotted in the ash cloud of the colima volcano which is 301 miles west of mexico citystrikes caused by high levels of electric charge building up as ash particles rub togetherbolts can heat surrounding air to 3,000 °c and melt ash in the cloud into glassy spheres , scientists discovered\n", + "[1.5904502 1.3160391 1.3215688 1.1133412 1.1643096 1.1261927 1.2381325\n", + " 1.0847728 1.0847658 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 6 4 5 3 7 8 16 15 14 13 9 11 10 17 12 18]\n", + "=======================\n", + "[\"brook lopez dominated twin brother robin with 32 points and nine rebounds as the brooklyn nets beat a weakened portland trail blazers on monday in the only game on the nba schedule .deron williams added 24 points and 10 assists for the nets , who closed in on a play-off spot in the eastern conference by winning for the ninth time in 11 games .the trail blazers left lamarcus aldridge and others home for the game that was postponed by bad weather on january 26 and could n't stop brook lopez , who shot 15 for 25 from the field .\"]\n", + "=======================\n", + "['brooklyn nets beat the portland trail blazers 106-96 in new yorkbrook lopez scored 32 points for the nets as they moved into seventhtrail blazers were without lamarcus aldridge and a number of others']\n", + "brook lopez dominated twin brother robin with 32 points and nine rebounds as the brooklyn nets beat a weakened portland trail blazers on monday in the only game on the nba schedule .deron williams added 24 points and 10 assists for the nets , who closed in on a play-off spot in the eastern conference by winning for the ninth time in 11 games .the trail blazers left lamarcus aldridge and others home for the game that was postponed by bad weather on january 26 and could n't stop brook lopez , who shot 15 for 25 from the field .\n", + "brooklyn nets beat the portland trail blazers 106-96 in new yorkbrook lopez scored 32 points for the nets as they moved into seventhtrail blazers were without lamarcus aldridge and a number of others\n", + "[1.3055866 1.0653411 1.2228221 1.2535594 1.0981479 1.1083686 1.2604568\n", + " 1.170154 1.0906451 1.0593429 1.0376859 1.0258034 1.0313362 1.0370448\n", + " 1.0392566 1.1215086 1.0862403 0. 0. ]\n", + "\n", + "[ 0 6 3 2 7 15 5 4 8 16 1 9 14 10 13 12 11 17 18]\n", + "=======================\n", + "[\"floyd mayweather vs manny pacquiao will be the biggest fight of all time financially and the most significant this century .jim jeffries came out of a six-year retirement to take on jack johnson , the first black heavyweight championhere are my 12 most significant fights in boxing 's history .\"]\n", + "=======================\n", + "[\"floyd mayweather jr and manny pacquiao 's fight will be the richest eversportmail 's jeff powell is counting down the ring 's most significant fightsfirst up is 1910 's fight for race - jack johnson v james j jeffries\"]\n", + "floyd mayweather vs manny pacquiao will be the biggest fight of all time financially and the most significant this century .jim jeffries came out of a six-year retirement to take on jack johnson , the first black heavyweight championhere are my 12 most significant fights in boxing 's history .\n", + "floyd mayweather jr and manny pacquiao 's fight will be the richest eversportmail 's jeff powell is counting down the ring 's most significant fightsfirst up is 1910 's fight for race - jack johnson v james j jeffries\n", + "[1.5110662 1.2508571 1.2901316 1.2188169 1.1830535 1.1365432 1.1453791\n", + " 1.1377633 1.0872234 1.0349386 1.1097577 1.0899214 1.016047 1.0143397\n", + " 1.0383795 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 4 6 7 5 10 11 8 14 9 12 13 17 15 16 18]\n", + "=======================\n", + "['( cnn ) universal \\'s \" furious 7 \" continues to build momentum at the friday box office for a weekend debut in the $ 135 million - $ 138 million range , the largest opening in north america since fall 2013 .domestically , it will be playing in 4,003 theaters by good friday .the current record-holder for top april opening domestically is \" captain america : the winter soldier , \" which debuted to $ 95 million from 3,928 theaters last year .']\n", + "=======================\n", + "['the final film featuring the late paul walker , \" furious 7 \" is opening around the globe this weekendit \\'s worldwide debut may approach or cross $ 300 million by the end of easter sunday']\n", + "( cnn ) universal 's \" furious 7 \" continues to build momentum at the friday box office for a weekend debut in the $ 135 million - $ 138 million range , the largest opening in north america since fall 2013 .domestically , it will be playing in 4,003 theaters by good friday .the current record-holder for top april opening domestically is \" captain america : the winter soldier , \" which debuted to $ 95 million from 3,928 theaters last year .\n", + "the final film featuring the late paul walker , \" furious 7 \" is opening around the globe this weekendit 's worldwide debut may approach or cross $ 300 million by the end of easter sunday\n", + "[1.2806054 1.4536724 1.2145556 1.2397988 1.0759413 1.2119054 1.1087036\n", + " 1.044474 1.0767882 1.0798252 1.0497085 1.1072401 1.0261346 1.1191564\n", + " 1.0539004 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 5 13 6 11 9 8 4 14 10 7 12 17 15 16 18]\n", + "=======================\n", + "[\"the network has asked big bang theory co-creator bill prady to mastermind the revival , which would see the return of kermit the frog , miss piggy , fozzie bear and other old favorites .abc is filming a pilot episode of the muppet show , in the hopes of bringing the beloved variety show back to the small screen .new muppets tv content has n't been since since muppets tonight ended in 1998 , though old episodes have been re-run extensively and several movies have been filmed .\"]\n", + "=======================\n", + "['bill prady has written a pilot episode to pitch to advertisersfilming will start in burbank , california , next weekendnew series set to see return of kermit , fozzie bear , gonzo and animalfirst episode revolves around luring an upset miss piggy back to the castit has been 17 years since the last muppets tv series ended']\n", + "the network has asked big bang theory co-creator bill prady to mastermind the revival , which would see the return of kermit the frog , miss piggy , fozzie bear and other old favorites .abc is filming a pilot episode of the muppet show , in the hopes of bringing the beloved variety show back to the small screen .new muppets tv content has n't been since since muppets tonight ended in 1998 , though old episodes have been re-run extensively and several movies have been filmed .\n", + "bill prady has written a pilot episode to pitch to advertisersfilming will start in burbank , california , next weekendnew series set to see return of kermit , fozzie bear , gonzo and animalfirst episode revolves around luring an upset miss piggy back to the castit has been 17 years since the last muppets tv series ended\n", + "[1.0314078 1.516069 1.3548875 1.3363657 1.3028302 1.3199332 1.1529164\n", + " 1.0430003 1.0662414 1.0577176 1.0514624 1.0417109 1.0202092 1.0423301\n", + " 1.1067935 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 5 4 6 14 8 9 10 7 13 11 0 12 16 15 17]\n", + "=======================\n", + "[\"for # 3,500 , tourists are being invited to book a trip to russia and sleep in the natural habitat of the siberian tiger , one of the world 's most endangered animals .bespoke tour operators natural world safaris is offering the rare trip which also gives guests a unique opportunity to view the big cat .the trip to durminskoye reserve in khabarovsk lasts seven days in total with guests spending time in the wild environs inhabited by the last remaining siberian tigers , and setting camera traps with the experts in the hope of catching an insight into the lives of these endangered predators .\"]\n", + "=======================\n", + "[\"natural world safaris offers tourists the opportunity to share space with the endangered speciesthe seven-day package includes ` basic accommodation ' and no guarantee you 'll see a rare tigerguests are guided by conservationist alexander batalov , who works tirelessly to protect siberian tigers\"]\n", + "for # 3,500 , tourists are being invited to book a trip to russia and sleep in the natural habitat of the siberian tiger , one of the world 's most endangered animals .bespoke tour operators natural world safaris is offering the rare trip which also gives guests a unique opportunity to view the big cat .the trip to durminskoye reserve in khabarovsk lasts seven days in total with guests spending time in the wild environs inhabited by the last remaining siberian tigers , and setting camera traps with the experts in the hope of catching an insight into the lives of these endangered predators .\n", + "natural world safaris offers tourists the opportunity to share space with the endangered speciesthe seven-day package includes ` basic accommodation ' and no guarantee you 'll see a rare tigerguests are guided by conservationist alexander batalov , who works tirelessly to protect siberian tigers\n", + "[1.4383152 1.5121121 1.2275661 1.2159939 1.1285324 1.1118189 1.0912801\n", + " 1.1240876 1.0276854 1.1227412 1.0843875 1.0239717 1.0215408 1.0116893\n", + " 1.0236446 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 7 9 5 6 10 8 11 14 12 13 15 16 17]\n", + "=======================\n", + "[\"the premier league champions have written to 300 fans who took them up on their offer of free transport for the bank holiday evening clash at selhurst park .manchester city have apologised to supporters and promised to hand out ticket refunds after coaches they laid on for free were delayed and missed the kick-off at crystal palace .palace 's south london home is notoriously difficult to get to and the club acted after the game was scheduled for an 8pm start , making it impossible for supporters to travel by train .\"]\n", + "=======================\n", + "['manchester city have apologised to supporters and promised refunds300 fans affected after six coaches were delayed and they missed kick-offthe move is likely to cost the premier league champions around # 12,000city lost the game at palace 2-1 to seemingly end their title aspirations']\n", + "the premier league champions have written to 300 fans who took them up on their offer of free transport for the bank holiday evening clash at selhurst park .manchester city have apologised to supporters and promised to hand out ticket refunds after coaches they laid on for free were delayed and missed the kick-off at crystal palace .palace 's south london home is notoriously difficult to get to and the club acted after the game was scheduled for an 8pm start , making it impossible for supporters to travel by train .\n", + "manchester city have apologised to supporters and promised refunds300 fans affected after six coaches were delayed and they missed kick-offthe move is likely to cost the premier league champions around # 12,000city lost the game at palace 2-1 to seemingly end their title aspirations\n", + "[1.3684795 1.132888 1.3815469 1.3491106 1.1180893 1.1124306 1.0359445\n", + " 1.1184415 1.1969643 1.1520032 1.0314987 1.0219806 1.0350456 1.0185213\n", + " 1.0156169 1.0220512 0. 0. ]\n", + "\n", + "[ 2 0 3 8 9 1 7 4 5 6 12 10 15 11 13 14 16 17]\n", + "=======================\n", + "[\"some are charging up to a ` shameful ' # 2,700 for one eye -- treble what it costs the health service -- raising suspicions that they are ripping off elderly patients .half of hospitals in england are allowing patients to jump nhs queues for cataract surgery if they pay for it themselves , new figures reveal ( file picture )cataract treatment is being rationed in england to save money , even though the nhs recently announced it would fund weight-loss surgery for 15,000 obese adults every year at a cost of # 6,000 each .\"]\n", + "=======================\n", + "['half of hospitals in england let patients jump queues if they pay for surgerycharging up to # 2,700 for cataract surgery on one eye - treble cost to nhscampaigners have accused hospitals of profiting from elderly patients']\n", + "some are charging up to a ` shameful ' # 2,700 for one eye -- treble what it costs the health service -- raising suspicions that they are ripping off elderly patients .half of hospitals in england are allowing patients to jump nhs queues for cataract surgery if they pay for it themselves , new figures reveal ( file picture )cataract treatment is being rationed in england to save money , even though the nhs recently announced it would fund weight-loss surgery for 15,000 obese adults every year at a cost of # 6,000 each .\n", + "half of hospitals in england let patients jump queues if they pay for surgerycharging up to # 2,700 for cataract surgery on one eye - treble cost to nhscampaigners have accused hospitals of profiting from elderly patients\n", + "[1.2127011 1.4147477 1.3860378 1.143566 1.2464294 1.2075039 1.1637027\n", + " 1.1303015 1.0496311 1.077379 1.0477446 1.0853574 1.0235797 1.0136288\n", + " 1.014463 1.0661324 1.0183257 0. ]\n", + "\n", + "[ 1 2 4 0 5 6 3 7 11 9 15 8 10 12 16 14 13 17]\n", + "=======================\n", + "[\"corey edwards , from teignmouth , devon more than anything wanted to see his parents craig , 28 , and jemma , 21 , tie the knot .the five-year-old was diagnosed with a complex congenital heart defect at the age of seven months and since then has undergone eight open-heart operations and other treatments .corey edwards ' job was to hold the rings for his parents during the marriage ceremony\"]\n", + "=======================\n", + "[\"five-year-old corey edwards often asked why his parents were not marriedcraig and jemma had put their wedding on hold to fight his heart defectthey decided to tie the knot when they discovered his illness was terminalthe edwards made history as the first couple to get married in the hospitalit required special written permission from the archbishop of canterburythey fulfilled corey 's dying wish by organising ceremony within 48 hourshe held the rings , while staff made a cake and the decorated hospital ward\"]\n", + "corey edwards , from teignmouth , devon more than anything wanted to see his parents craig , 28 , and jemma , 21 , tie the knot .the five-year-old was diagnosed with a complex congenital heart defect at the age of seven months and since then has undergone eight open-heart operations and other treatments .corey edwards ' job was to hold the rings for his parents during the marriage ceremony\n", + "five-year-old corey edwards often asked why his parents were not marriedcraig and jemma had put their wedding on hold to fight his heart defectthey decided to tie the knot when they discovered his illness was terminalthe edwards made history as the first couple to get married in the hospitalit required special written permission from the archbishop of canterburythey fulfilled corey 's dying wish by organising ceremony within 48 hourshe held the rings , while staff made a cake and the decorated hospital ward\n", + "[1.388616 1.170158 1.4908538 1.1779432 1.1200311 1.1041794 1.0725132\n", + " 1.1609074 1.1668338 1.0799296 1.0411108 1.0849249 1.0699905 1.0534903\n", + " 1.0893605 1.1468661 1.1214468 1.0739784]\n", + "\n", + "[ 2 0 3 1 8 7 15 16 4 5 14 11 9 17 6 12 13 10]\n", + "=======================\n", + "[\"tom ryan , 40 , was struck by a toyota while making deliveries on staten island , leaving the hanging by a thread .` screaming in agony ' : ups driver tom ryan ( pictured ) lost a leg after getting crushed against his own truck by a car swerving to miss a jaywalkeronlookers used a shirt as a tourniquet in a desperate attempt to stop the bleeding .\"]\n", + "=======================\n", + "['tom ryan , 40 , had one leg ripped off and the other left hanging by a threadonlookers used shirt as a tourniquet in desperate bid to stop the bleedingwitness : ` tom was screaming .']\n", + "tom ryan , 40 , was struck by a toyota while making deliveries on staten island , leaving the hanging by a thread .` screaming in agony ' : ups driver tom ryan ( pictured ) lost a leg after getting crushed against his own truck by a car swerving to miss a jaywalkeronlookers used a shirt as a tourniquet in a desperate attempt to stop the bleeding .\n", + "tom ryan , 40 , had one leg ripped off and the other left hanging by a threadonlookers used shirt as a tourniquet in desperate bid to stop the bleedingwitness : ` tom was screaming .\n", + "[1.2660041 1.2580976 1.341416 1.2697431 1.2491302 1.1944623 1.1705819\n", + " 1.2526021 1.1047653 1.0808458 1.0884271 1.11794 1.0790793 1.0255667\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 1 7 4 5 6 11 8 10 9 12 13 14 15 16 17 18]\n", + "=======================\n", + "['it was centered about four miles north of san fernando near interstate 210 .a magnitude 3.1 earthquake caused a sharp jolt to be felt across a well-populated area just north of los angeles .the us geological survey said in a preliminary report that the quake with a depth of about five miles happened just before 9pm last night , according to the associated press .']\n", + "=======================\n", + "['us geological survey said quake just before 9pm had depth of five mileswas centered about four miles north of san fernando near interstate 210jolt was felt across san fernando valley and parts of los angeles county']\n", + "it was centered about four miles north of san fernando near interstate 210 .a magnitude 3.1 earthquake caused a sharp jolt to be felt across a well-populated area just north of los angeles .the us geological survey said in a preliminary report that the quake with a depth of about five miles happened just before 9pm last night , according to the associated press .\n", + "us geological survey said quake just before 9pm had depth of five mileswas centered about four miles north of san fernando near interstate 210jolt was felt across san fernando valley and parts of los angeles county\n", + "[1.1273388 1.288244 1.2265358 1.4106063 1.1276892 1.1158514 1.1545564\n", + " 1.0946239 1.0824618 1.0975124 1.063303 1.0905125 1.0800565 1.0862818\n", + " 1.0586122 1.0142273 1.0134804 0. 0. ]\n", + "\n", + "[ 3 1 2 6 4 0 5 9 7 11 13 8 12 10 14 15 16 17 18]\n", + "=======================\n", + "['the researchers found that male 5,000 metre runners are more competitive than women .researchers have discovered that male athletes are more driven by the desire to beat the competition than female athletes .sportswomen tend to be more committed to aspects of their lives outside sport - such as their academic studies - than their male counterparts , the researchers say .']\n", + "=======================\n", + "['scientists at grand valley state university , michigan , studied elite runnersthey found the men tended to have greater competitive drive than womenwomen tend to prioritise other aspects of their lives like academic studies']\n", + "the researchers found that male 5,000 metre runners are more competitive than women .researchers have discovered that male athletes are more driven by the desire to beat the competition than female athletes .sportswomen tend to be more committed to aspects of their lives outside sport - such as their academic studies - than their male counterparts , the researchers say .\n", + "scientists at grand valley state university , michigan , studied elite runnersthey found the men tended to have greater competitive drive than womenwomen tend to prioritise other aspects of their lives like academic studies\n", + "[1.3203839 1.260855 1.275746 1.3710854 1.220672 1.0651592 1.0252788\n", + " 1.035543 1.0139465 1.0228487 1.2685674 1.0213735 1.1274023 1.081791\n", + " 1.0267643 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 10 1 4 12 13 5 7 14 6 9 11 8 17 15 16 18]\n", + "=======================\n", + "[\"outspoken : historian david starkey ( pictured ) says ethnic minority groups and disabled people should not ` assume the status of victim 'the outspoken 70-year-old said evidence suggested women tended to be of average intelligence , whereas men were either ` very , very bright or very thick ' , but denied he is sexist .the television presenter also gave his views on the current political class , claiming he did not believe any politician was equipped to be prime minister and the ` real talent has left politics ' .\"]\n", + "=======================\n", + "['the presenter said disabled people should not be portrayed as victims70-year-old also claimed fears of islamophobia were victimising muslimsdoes not believe any politician is currently equipped to be prime minister']\n", + "outspoken : historian david starkey ( pictured ) says ethnic minority groups and disabled people should not ` assume the status of victim 'the outspoken 70-year-old said evidence suggested women tended to be of average intelligence , whereas men were either ` very , very bright or very thick ' , but denied he is sexist .the television presenter also gave his views on the current political class , claiming he did not believe any politician was equipped to be prime minister and the ` real talent has left politics ' .\n", + "the presenter said disabled people should not be portrayed as victims70-year-old also claimed fears of islamophobia were victimising muslimsdoes not believe any politician is currently equipped to be prime minister\n", + "[1.1288075 1.1027349 1.3458087 1.405047 1.1552782 1.2472898 1.1144956\n", + " 1.0539594 1.0299629 1.0545007 1.0263935 1.1082348 1.0142812 1.1013402\n", + " 1.1030507 1.0662603 1.0175701 1.0278155 1.031666 ]\n", + "\n", + "[ 3 2 5 4 0 6 11 14 1 13 15 9 7 18 8 17 10 16 12]\n", + "=======================\n", + "['the kickoff to the new season leads the list of six things to watch in the week ahead .that was the big twist at the end of \" orphan black \\'s \" second season .the cloning cult sci-fi series remains one of the most critically acclaimed shows on tv , thanks in large part to the performance of tatiana maslany , who has taken on at least six roles on the show so far , including a newly introduced transgender clone .']\n", + "=======================\n", + "['critically acclaimed series \" orphan black \" returns\" turn : washington \\'s spies \" starts a second season\" game of thrones \" is back for season five']\n", + "the kickoff to the new season leads the list of six things to watch in the week ahead .that was the big twist at the end of \" orphan black 's \" second season .the cloning cult sci-fi series remains one of the most critically acclaimed shows on tv , thanks in large part to the performance of tatiana maslany , who has taken on at least six roles on the show so far , including a newly introduced transgender clone .\n", + "critically acclaimed series \" orphan black \" returns\" turn : washington 's spies \" starts a second season\" game of thrones \" is back for season five\n", + "[1.3464539 1.4073192 1.2129629 1.295593 1.0629215 1.1067833 1.1309388\n", + " 1.1258986 1.122243 1.0409585 1.0428128 1.0627673 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 6 7 8 5 4 11 10 9 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"witnesses told police that pastor aracely meza , 49 , and the boy 's parents believed he had a ` demon ' inside of him , and that he was starved for 25 days , being given only water four to five times a day .the chilling details of a ` resurrection ' ceremony held for a ` possessed ' two-year-old boy in a texas residence have emerged following the arrest of a pastor who is accused of helping starve the boy to rid him of a demon ( above aracely meza during the alleged resurrection holding the two-year-old boy )church member nazareth zurita said the toddler , whose name has not been released , fell and hit his head several times , but she hesitated to help him ` due to his demon possession . '\"]\n", + "=======================\n", + "['warning graphic contentaracely meza was charged with injury to child by omission on mondaypolice believe boy was dead during ceremony lasting for hourschild was only given water which ultimately caused him to die , police saidin ceremony caught on video , meza is seen using oils and reciting prayers while holding the child as she tries to revive himpolice went to the home on march 26 to do a welfare check and were told by residents that a two-year-old child had diedmeza along with husband daniel meza presided over church services held at a balch springs , texas residence where ceremony occurredmarch 22 ceremony was an attempt to resurrect the child , police claim']\n", + "witnesses told police that pastor aracely meza , 49 , and the boy 's parents believed he had a ` demon ' inside of him , and that he was starved for 25 days , being given only water four to five times a day .the chilling details of a ` resurrection ' ceremony held for a ` possessed ' two-year-old boy in a texas residence have emerged following the arrest of a pastor who is accused of helping starve the boy to rid him of a demon ( above aracely meza during the alleged resurrection holding the two-year-old boy )church member nazareth zurita said the toddler , whose name has not been released , fell and hit his head several times , but she hesitated to help him ` due to his demon possession . '\n", + "warning graphic contentaracely meza was charged with injury to child by omission on mondaypolice believe boy was dead during ceremony lasting for hourschild was only given water which ultimately caused him to die , police saidin ceremony caught on video , meza is seen using oils and reciting prayers while holding the child as she tries to revive himpolice went to the home on march 26 to do a welfare check and were told by residents that a two-year-old child had diedmeza along with husband daniel meza presided over church services held at a balch springs , texas residence where ceremony occurredmarch 22 ceremony was an attempt to resurrect the child , police claim\n", + "[1.2798231 1.4755833 1.175219 1.2972848 1.1448698 1.0493606 1.0505049\n", + " 1.0193337 1.1692617 1.1134119 1.1140621 1.14962 1.1434611 1.0338081\n", + " 1.0483266 1.0325725 1.0813041 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 2 8 11 4 12 10 9 16 6 5 14 13 15 7 21 17 18 19 20 22]\n", + "=======================\n", + "['an 18-month-old baby and three girls - aged three , six and eight - were trapped on a sandbank at blackpool beach while out walking during the school break .two mothers saved the lives of three girls and a baby after the youngsters were trapped by the rising tidetwo mothers who dramatically rescued a baby and group of young girls from rising tides were horrified to discover onlookers filming the incident instead of helping them .']\n", + "=======================\n", + "[\"two mothers held the children 's heads above water amid the rising tidesaged 18 months , three , six and eight , they were trapped on a sandbankbut onlookers ignored their cries for help and instead filmed the dramait comes days after boat race spectators were rescued from the thames\"]\n", + "an 18-month-old baby and three girls - aged three , six and eight - were trapped on a sandbank at blackpool beach while out walking during the school break .two mothers saved the lives of three girls and a baby after the youngsters were trapped by the rising tidetwo mothers who dramatically rescued a baby and group of young girls from rising tides were horrified to discover onlookers filming the incident instead of helping them .\n", + "two mothers held the children 's heads above water amid the rising tidesaged 18 months , three , six and eight , they were trapped on a sandbankbut onlookers ignored their cries for help and instead filmed the dramait comes days after boat race spectators were rescued from the thames\n", + "[1.5063858 1.3703401 1.1802611 1.225079 1.1642479 1.0812898 1.1062039\n", + " 1.0966696 1.0436314 1.0330533 1.1237422 1.0328256 1.050129 1.1315616\n", + " 1.1387134 1.0109491 1.0149338 1.0982337 1.0876117 1.0371547 1.0320795\n", + " 1.0608394 0. ]\n", + "\n", + "[ 0 1 3 2 4 14 13 10 6 17 7 18 5 21 12 8 19 9 11 20 16 15 22]\n", + "=======================\n", + "['( cnn ) erica kinsman , a former florida state university student who has accused star football player jameis winston of rape , has filed a lawsuit against the heisman trophy-winning quarterback , her lawyer said thursday .kinsman has said winston raped her in december 2012 .in the lawsuit filed thursday , kinsman alleges sexual battery , false imprisonment and intentional infliction of emotional distress .']\n", + "=======================\n", + "['winston \\'s lawyer : kinsman \\'s \" false accusations have already been exposed and rejected six times \"erica kinsman said jameis winston raped her in 2012 ; a prosecutor declined to bring criminal chargesher lawsuit alleges sexual battery and false imprisonment ; winston has said they had consensual sex']\n", + "( cnn ) erica kinsman , a former florida state university student who has accused star football player jameis winston of rape , has filed a lawsuit against the heisman trophy-winning quarterback , her lawyer said thursday .kinsman has said winston raped her in december 2012 .in the lawsuit filed thursday , kinsman alleges sexual battery , false imprisonment and intentional infliction of emotional distress .\n", + "winston 's lawyer : kinsman 's \" false accusations have already been exposed and rejected six times \"erica kinsman said jameis winston raped her in 2012 ; a prosecutor declined to bring criminal chargesher lawsuit alleges sexual battery and false imprisonment ; winston has said they had consensual sex\n", + "[1.4392874 1.3786901 1.241084 1.1807582 1.0966238 1.0328429 1.0724443\n", + " 1.0384446 1.0987034 1.0223898 1.0544306 1.1178178 1.0338451 1.056473\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 3 11 8 4 6 13 10 7 12 5 9 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"( cnn ) isis operatives have executed two groups of prisoners , believed to be ethiopian christians , in libya , according to a video released sunday by the terror network 's media arm .one group is beheaded on a beach along the mediterranean sea , while the other group is shot in southern libya , hundreds of miles away .earlier in the video , a different speaker says christians in the northern iraqi city of mosul were given the choice to embrace islam or maintain their christian faith and pay a tax .\"]\n", + "=======================\n", + "['footage shows groups of captives in jumpsuits executed at 2 locations , narrator saysvideo makes numerous references to christians failing to pay tax or tribute to muslims']\n", + "( cnn ) isis operatives have executed two groups of prisoners , believed to be ethiopian christians , in libya , according to a video released sunday by the terror network 's media arm .one group is beheaded on a beach along the mediterranean sea , while the other group is shot in southern libya , hundreds of miles away .earlier in the video , a different speaker says christians in the northern iraqi city of mosul were given the choice to embrace islam or maintain their christian faith and pay a tax .\n", + "footage shows groups of captives in jumpsuits executed at 2 locations , narrator saysvideo makes numerous references to christians failing to pay tax or tribute to muslims\n", + "[1.0840627 1.3291162 1.145788 1.1711528 1.269942 1.152688 1.1091423\n", + " 1.047648 1.0498244 1.1122941 1.0835255 1.0329562 1.0418845 1.0814109\n", + " 1.0926508 1.0363265 1.0946529 1.0624924 1.0317022 1.028784 1.0257741\n", + " 1.0322113 1.0224526]\n", + "\n", + "[ 1 4 3 5 2 9 6 16 14 0 10 13 17 8 7 12 15 11 21 18 19 20 22]\n", + "=======================\n", + "[\"however , this did not appear to cross the mind of teenager lily sharp , who lives in the uk , when she decided to prank her own mother .as mean-spirited as the joke appeared , lily certainly took the steps in order to make the prank as convincing as possible .she began by texting her mother a seemingly innocent message : ` you did n't tell me the decorator man was coming mate ! '\"]\n", + "=======================\n", + "['lily sharp convinced her mother that she had been kidnappedshe text her mum pretending to be a kidnapper demanding a ransomunsurprisingly her panicked parent did not find the trick funnytwitter post received 18,000 retweets and 25,000 favourites']\n", + "however , this did not appear to cross the mind of teenager lily sharp , who lives in the uk , when she decided to prank her own mother .as mean-spirited as the joke appeared , lily certainly took the steps in order to make the prank as convincing as possible .she began by texting her mother a seemingly innocent message : ` you did n't tell me the decorator man was coming mate ! '\n", + "lily sharp convinced her mother that she had been kidnappedshe text her mum pretending to be a kidnapper demanding a ransomunsurprisingly her panicked parent did not find the trick funnytwitter post received 18,000 retweets and 25,000 favourites\n", + "[1.3451295 1.213324 1.3505219 1.2834468 1.1638241 1.1782196 1.0233669\n", + " 1.0257077 1.028319 1.0554894 1.0883859 1.0574132 1.0436467 1.0376675\n", + " 1.0951494 1.0638604 1.0721521 1.0528556 1.0353082 1.0201666 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 3 1 5 4 14 10 16 15 11 9 17 12 13 18 8 7 6 19 21 20 22]\n", + "=======================\n", + "['new details have emerged about vincent stanford , who created an online alter ego to use in science fiction , gaming and fantasy forums characters .stephanie scott was allegedly murdered just days before she was due to walk down the aislethe man accused of the brutal murder of young teacher stephanie scott led a secret life online that included violent video games , a seeming obsession with fantasy worlds and rambling writings for a science fiction series .']\n", + "=======================\n", + "[\"police discovered the body of a female in bushland on friday afternoonstephanie scott was last seen on easter sunday which sparked a searchnew details revealed alleged killer vincent stanford reportedly had an obsession with online video games and neo-nazi propagandait comes as police will contact authorities in holland for a background check on 24-year-old stanford , who was charged with murderstanford 's family led police to cocoparra national park north of griffithforensic testing will be carried out on the remains of the body on monday\"]\n", + "new details have emerged about vincent stanford , who created an online alter ego to use in science fiction , gaming and fantasy forums characters .stephanie scott was allegedly murdered just days before she was due to walk down the aislethe man accused of the brutal murder of young teacher stephanie scott led a secret life online that included violent video games , a seeming obsession with fantasy worlds and rambling writings for a science fiction series .\n", + "police discovered the body of a female in bushland on friday afternoonstephanie scott was last seen on easter sunday which sparked a searchnew details revealed alleged killer vincent stanford reportedly had an obsession with online video games and neo-nazi propagandait comes as police will contact authorities in holland for a background check on 24-year-old stanford , who was charged with murderstanford 's family led police to cocoparra national park north of griffithforensic testing will be carried out on the remains of the body on monday\n", + "[1.3144904 1.2319508 1.1603391 1.1613475 1.0577599 1.1900371 1.164664\n", + " 1.0507051 1.0400395 1.1063367 1.1165658 1.0787761 1.0893 1.0136232\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 6 3 2 10 9 12 11 4 7 8 13 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"maiquetia , venezuela : it 's a long way from bundoran -- and a long way from the belfast homes of paddy barnes and michael conlan .the pair mischievously claimed that donegal 's seaside town was their destination of choice for a post-olympic break following their respective bronze medal wins at london 2012 , but they have certainly travelled far and wide during the current olympiad .on saturday night , the belfast boys are potentially both one win away from qualifying for next summer 's olympic games , with barnes needing to ensure victory while conlan must do likewise and depend on another result elsewhere .\"]\n", + "=======================\n", + "['paddy barnes and michael conlan are competing in maiquetia , northern venezuela on saturday nightthe duo are hoping to qualify for the 2016 games in riobarnes and conlan box for the italia thunder team']\n", + "maiquetia , venezuela : it 's a long way from bundoran -- and a long way from the belfast homes of paddy barnes and michael conlan .the pair mischievously claimed that donegal 's seaside town was their destination of choice for a post-olympic break following their respective bronze medal wins at london 2012 , but they have certainly travelled far and wide during the current olympiad .on saturday night , the belfast boys are potentially both one win away from qualifying for next summer 's olympic games , with barnes needing to ensure victory while conlan must do likewise and depend on another result elsewhere .\n", + "paddy barnes and michael conlan are competing in maiquetia , northern venezuela on saturday nightthe duo are hoping to qualify for the 2016 games in riobarnes and conlan box for the italia thunder team\n", + "[1.2666062 1.43275 1.1120238 1.0999537 1.2578614 1.2257142 1.0350084\n", + " 1.0465019 1.1382878 1.0970122 1.021792 1.0317898 1.1684384 1.082831\n", + " 1.1350787 1.0386087 1.1103745 1.0217081 1.0459 1.1289434 1.0681772]\n", + "\n", + "[ 1 0 4 5 12 8 14 19 2 16 3 9 13 20 7 18 15 6 11 10 17]\n", + "=======================\n", + "[\"pest control company mortein posted a picture to the account of its mascot , louie the fly , along with ' #putyourdressout ' , which was a widely shared hashtag in support of ms scott .a company has copped a spray after making the ` tasteless decision ' to link its product to the tragic murder of school teacher stephanie scott .the post was quickly attacked by people who dubbed it insensitive .\"]\n", + "=======================\n", + "[\"post on mortein 's facebook page linked to stephanie scott 's murderpicture of the brand 's mascot accompanied with #putyourdressoutslammed as a ` tasteless decision ' by some social media usersms scott was brutally murdered just days before her wedding\"]\n", + "pest control company mortein posted a picture to the account of its mascot , louie the fly , along with ' #putyourdressout ' , which was a widely shared hashtag in support of ms scott .a company has copped a spray after making the ` tasteless decision ' to link its product to the tragic murder of school teacher stephanie scott .the post was quickly attacked by people who dubbed it insensitive .\n", + "post on mortein 's facebook page linked to stephanie scott 's murderpicture of the brand 's mascot accompanied with #putyourdressoutslammed as a ` tasteless decision ' by some social media usersms scott was brutally murdered just days before her wedding\n", + "[1.2954603 1.3485445 1.3598393 1.124307 1.2426863 1.1356579 1.1316599\n", + " 1.1073349 1.0319842 1.0156949 1.023428 1.0861822 1.106139 1.0428145\n", + " 1.0300486 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 4 5 6 3 7 12 11 13 8 14 10 9 15 16 17 18 19 20]\n", + "=======================\n", + "[\"rutherford , 46 , claims her children were illegally deported to france when a california court awarded custody to her ex-husband daniel giersch , 40 , and she pleaded for the order to be reversed .the case was dismissed with a court order stating that it did not have the jurisdiction to force the kids , son hermes , 8 , and daughter helena , 5 , to come back to the united states .a lawsuit filed by former gossip girl actress kelly rutherford attempting to have a judge order her kids to return to the u.s. from their father 's custody in france has been dismissed once and for all .\"]\n", + "=======================\n", + "[\"she claims a california judge deported her children illegally in 2012california court ruled rutherford 's ex-husband daniel giersch could take the children to live in france and spend vacations with in the usher petition to custody battle was dismissed in court last augustbut in one final attempt she put in another appeal , which was dismissedcourt order states that it did ` nt have jurisdiction to force kids to live in usthe permanent dismissal says that rutherford failed to argue why the federal court should intervene in custody case\"]\n", + "rutherford , 46 , claims her children were illegally deported to france when a california court awarded custody to her ex-husband daniel giersch , 40 , and she pleaded for the order to be reversed .the case was dismissed with a court order stating that it did not have the jurisdiction to force the kids , son hermes , 8 , and daughter helena , 5 , to come back to the united states .a lawsuit filed by former gossip girl actress kelly rutherford attempting to have a judge order her kids to return to the u.s. from their father 's custody in france has been dismissed once and for all .\n", + "she claims a california judge deported her children illegally in 2012california court ruled rutherford 's ex-husband daniel giersch could take the children to live in france and spend vacations with in the usher petition to custody battle was dismissed in court last augustbut in one final attempt she put in another appeal , which was dismissedcourt order states that it did ` nt have jurisdiction to force kids to live in usthe permanent dismissal says that rutherford failed to argue why the federal court should intervene in custody case\n", + "[1.6238413 1.3854047 1.2394906 1.3713727 1.2139587 1.0499557 1.036005\n", + " 1.0344768 1.1679604 1.2080168 1.0993888 1.0318874 1.0148281 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 9 8 10 5 6 7 11 12 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "['second-half goals by mohamed yattara and alexandre lacazette helped olympique lyonnais go top of ligue 1 with a 2-0 home win against bastia on wednesday .substitute yattara opened the scoring in the 77th minute and ligue 1 top scorer lacazette took his tally to 25 eight minutes later to move lyon up to 64 points from 32 games .alexandre lacazette and mohamed yattara were both on the score sheet as lyon beat bastia']\n", + "=======================\n", + "['lyon leapfrog paris saint-germain to top french ligue 1les gones beat bastia 2-0 at stade de gerland on wednesdayalexandre lacazette and mohamed yattara score goalschampions psg in champions league action against barcelona']\n", + "second-half goals by mohamed yattara and alexandre lacazette helped olympique lyonnais go top of ligue 1 with a 2-0 home win against bastia on wednesday .substitute yattara opened the scoring in the 77th minute and ligue 1 top scorer lacazette took his tally to 25 eight minutes later to move lyon up to 64 points from 32 games .alexandre lacazette and mohamed yattara were both on the score sheet as lyon beat bastia\n", + "lyon leapfrog paris saint-germain to top french ligue 1les gones beat bastia 2-0 at stade de gerland on wednesdayalexandre lacazette and mohamed yattara score goalschampions psg in champions league action against barcelona\n", + "[1.2902682 1.3661399 1.2453868 1.3188531 1.205931 1.0811667 1.085615\n", + " 1.0997362 1.1088389 1.061453 1.0282812 1.0388767 1.1489638 1.0995555\n", + " 1.0698587 1.0824252 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 12 8 7 13 6 15 5 14 9 11 10 16 17 18 19 20]\n", + "=======================\n", + "[\"labour said the ` marie antoinette ' moment by the work and pensions secretary showed ` just how out of touch the tories are ' about the lives of working people .tory cabinet minister iain duncan smith came under fire today after suggesting that zero-hours contracts should be re-named ` flexible hours 'the future of zero-hours deals has become of the key issues of the election battle over jobs , with labour pledging to ban exploitative deals .\"]\n", + "=======================\n", + "[\"conservative work and pensions secretary likened to mary antoinettesays only 2 % of workers on zero-hours deals and most are carerslabour seizes on comments as proof the tories are ` out of touch '\"]\n", + "labour said the ` marie antoinette ' moment by the work and pensions secretary showed ` just how out of touch the tories are ' about the lives of working people .tory cabinet minister iain duncan smith came under fire today after suggesting that zero-hours contracts should be re-named ` flexible hours 'the future of zero-hours deals has become of the key issues of the election battle over jobs , with labour pledging to ban exploitative deals .\n", + "conservative work and pensions secretary likened to mary antoinettesays only 2 % of workers on zero-hours deals and most are carerslabour seizes on comments as proof the tories are ` out of touch '\n", + "[1.2251999 1.2088692 1.2260343 1.2592582 1.1374354 1.115219 1.0647755\n", + " 1.0857548 1.0706196 1.0671941 1.0547677 1.1893476 1.16395 1.0637589\n", + " 1.041882 1.0121777 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 0 1 11 12 4 5 7 8 9 6 13 10 14 15 18 16 17 19]\n", + "=======================\n", + "[\"wild weather : social media users have taken to snapchat to share their rainy day adventures , like this man windsurfing on his skateboardsnapchat 's sydney story - a compilation of videos people in the area have posted in the last day - also shows the soaking conditions endured by the cronulla sharks and south sydney rabbitohs .from a boat parked between two cars by someone who ` knew what was coming ' to a man making the most of the wind by using his umbrella as a sail while he skateboards down the street , sydneysiders are still managing to see the funny side of the storm .\"]\n", + "=======================\n", + "['parts of nsw are being hit with the worst weather in half a decadesocial media users have taken to snapchat to share their adventuressome are boogie boarding down floodwaters after beaches were closedothers decided to try their hand at windsurfing on a skateboard']\n", + "wild weather : social media users have taken to snapchat to share their rainy day adventures , like this man windsurfing on his skateboardsnapchat 's sydney story - a compilation of videos people in the area have posted in the last day - also shows the soaking conditions endured by the cronulla sharks and south sydney rabbitohs .from a boat parked between two cars by someone who ` knew what was coming ' to a man making the most of the wind by using his umbrella as a sail while he skateboards down the street , sydneysiders are still managing to see the funny side of the storm .\n", + "parts of nsw are being hit with the worst weather in half a decadesocial media users have taken to snapchat to share their adventuressome are boogie boarding down floodwaters after beaches were closedothers decided to try their hand at windsurfing on a skateboard\n", + "[1.1943421 1.4219881 1.2357335 1.2453209 1.2786145 1.1623812 1.1270638\n", + " 1.0868961 1.0680988 1.0902021 1.0709915 1.1199896 1.0265583 1.0320388\n", + " 1.0529495 1.0362269 1.0447338 1.0643455 1.0096264 0. ]\n", + "\n", + "[ 1 4 3 2 0 5 6 11 9 7 10 8 17 14 16 15 13 12 18 19]\n", + "=======================\n", + "[\"the teenager from the henan province in central china has been labelled ` too beautiful too look at ' .the woman who claims to be just 15-years-old has drastically transformed her appearancegoing by the name lee hee danae , she has a shocking 400,000 followers on her weibo account - a chinese social media platform - which states her birthday is may , 1999 .\"]\n", + "=======================\n", + "['the 15-year-old girl is said to have undergone the operations in chinathe teen has amassed a following of over 400,000 fans on social mediashe reportedly underwent the transformation to win back an ex boyfriendsome commentators say the images have been digitally exaggerated']\n", + "the teenager from the henan province in central china has been labelled ` too beautiful too look at ' .the woman who claims to be just 15-years-old has drastically transformed her appearancegoing by the name lee hee danae , she has a shocking 400,000 followers on her weibo account - a chinese social media platform - which states her birthday is may , 1999 .\n", + "the 15-year-old girl is said to have undergone the operations in chinathe teen has amassed a following of over 400,000 fans on social mediashe reportedly underwent the transformation to win back an ex boyfriendsome commentators say the images have been digitally exaggerated\n", + "[1.0953809 1.0539602 1.2243048 1.3742203 1.311255 1.0718315 1.1226817\n", + " 1.3413724 1.1224444 1.1212146 1.0640625 1.2625594 1.1197134 1.0429249\n", + " 1.058313 1.0274312 1.0491679 1.0161434 1.047671 1.0457207]\n", + "\n", + "[ 3 7 4 11 2 6 8 9 12 0 5 10 14 1 16 18 19 13 15 17]\n", + "=======================\n", + "[\"manchester city 's tenacious , creative and versatile midfielder james milner could leave as a free agentswansea 's gerhard tremmel , 36 , is the understudy for lukasz fabianski but has done well in the cupsgoalkeeper - gerhard tremmel ( swansea )\"]\n", + "=======================\n", + "[\"swansea 's gerhard tremmel in goal behind the free agents ' 4-4-2glen johnson , kolo toure , ron vlaar and luke garbutt at the backjames milner , mikel arteta , tom cleverley and jonas gutierrez in midfieldburnley 's danny ings and manchester united 's james wilson up front\"]\n", + "manchester city 's tenacious , creative and versatile midfielder james milner could leave as a free agentswansea 's gerhard tremmel , 36 , is the understudy for lukasz fabianski but has done well in the cupsgoalkeeper - gerhard tremmel ( swansea )\n", + "swansea 's gerhard tremmel in goal behind the free agents ' 4-4-2glen johnson , kolo toure , ron vlaar and luke garbutt at the backjames milner , mikel arteta , tom cleverley and jonas gutierrez in midfieldburnley 's danny ings and manchester united 's james wilson up front\n", + "[1.1436328 1.3892081 1.2659067 1.1453819 1.1514825 1.1575612 1.2539356\n", + " 1.1409256 1.1012101 1.0642809 1.0964603 1.0503151 1.101485 1.0713733\n", + " 1.0763646 1.0240122 1.0153317 1.0263988 1.0298805 0. ]\n", + "\n", + "[ 1 2 6 5 4 3 0 7 12 8 10 14 13 9 11 18 17 15 16 19]\n", + "=======================\n", + "['quarterback tom brady updated his facebook page on wednesday with a picture of himself lying in a hospital bed in a full body cast .he had shared a video on saturday of himself jumping off a cliff into a river during his vacation .tom brady posted a video of himself going cliff diving while he was vacationing during the nfl offseason last week']\n", + "=======================\n", + "[\"the patriots qb posted a picture of himself in a hospital bed on facebook and wrote : ` jordan 's crossover no joke 'brady and michael jordan spotted playing some pick-up ball few days agogoogle had a few bizarre treats for users along with domino 's pizza which apparently introduced the ` domi-no-driver '\"]\n", + "quarterback tom brady updated his facebook page on wednesday with a picture of himself lying in a hospital bed in a full body cast .he had shared a video on saturday of himself jumping off a cliff into a river during his vacation .tom brady posted a video of himself going cliff diving while he was vacationing during the nfl offseason last week\n", + "the patriots qb posted a picture of himself in a hospital bed on facebook and wrote : ` jordan 's crossover no joke 'brady and michael jordan spotted playing some pick-up ball few days agogoogle had a few bizarre treats for users along with domino 's pizza which apparently introduced the ` domi-no-driver '\n", + "[1.4622539 1.2402647 1.2243083 1.2018015 1.258982 1.0412197 1.0183532\n", + " 1.1020594 1.1249657 1.1481065 1.1764656 1.0547345 1.0164737 1.0733166\n", + " 1.2367201 1.1350411 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 14 2 3 10 9 15 8 7 13 11 5 6 12 18 16 17 19]\n", + "=======================\n", + "[\"manchester united 's pursuit of edinson cavani took another blow after the uruguayan striker insisted he will be staying at paris saint-germain until his contract expires .the uruguayan forward is a target for manchester united but looks set to stay in parisunited have been considering a bid for the forward as they look to freshen up their forward options , with radamel falcao expected to return to monaco , and robin van persie failing to hold down a starting place .\"]\n", + "=======================\n", + "[\"manchester united have shown interest in signing edinson cavanipsg striker has been out of favour at times in paris this seasoncavani bounced back to score in 4-0 win over bastia in league cup finalstriker says ` there is too much talk about my future but i will remain here '\"]\n", + "manchester united 's pursuit of edinson cavani took another blow after the uruguayan striker insisted he will be staying at paris saint-germain until his contract expires .the uruguayan forward is a target for manchester united but looks set to stay in parisunited have been considering a bid for the forward as they look to freshen up their forward options , with radamel falcao expected to return to monaco , and robin van persie failing to hold down a starting place .\n", + "manchester united have shown interest in signing edinson cavanipsg striker has been out of favour at times in paris this seasoncavani bounced back to score in 4-0 win over bastia in league cup finalstriker says ` there is too much talk about my future but i will remain here '\n", + "[1.3398163 1.3842149 1.159376 1.4033463 1.156556 1.0843579 1.1475012\n", + " 1.0952328 1.1337276 1.1328058 1.1583207 1.1791599 1.0510825 1.0505139\n", + " 1.0187155 1.0092589 1.0084897 1.0081356 1.0089204 1.0115238 1.0126854]\n", + "\n", + "[ 3 1 0 11 2 10 4 6 8 9 7 5 12 13 14 20 19 15 18 16 17]\n", + "=======================\n", + "[\"raheem sterling has been filmed apparently inhaling nitrous oxide - also known as ` hippy crack 'nitrous oxide , has been nicknamed ` laughing gas ' due to the euphoric and relaxed feeling people who inhale it can sometimes feel .in the footage sterling is seen sucking on an orange balloon then laughing and giggling before he asks one of his friends to give him another hit .\"]\n", + "=======================\n", + "['raheem sterling at the centre of a second drugs controversyliverpool forward videoed passing out after inhaling nitrous oxidefollows pictures on sunday of the 20-year-old puffing on a shisha piperead : arsenal have doubts over signing sterling after latest controversiesread : sterling pictured again with shisha pipe ... this time with jordan ibe']\n", + "raheem sterling has been filmed apparently inhaling nitrous oxide - also known as ` hippy crack 'nitrous oxide , has been nicknamed ` laughing gas ' due to the euphoric and relaxed feeling people who inhale it can sometimes feel .in the footage sterling is seen sucking on an orange balloon then laughing and giggling before he asks one of his friends to give him another hit .\n", + "raheem sterling at the centre of a second drugs controversyliverpool forward videoed passing out after inhaling nitrous oxidefollows pictures on sunday of the 20-year-old puffing on a shisha piperead : arsenal have doubts over signing sterling after latest controversiesread : sterling pictured again with shisha pipe ... this time with jordan ibe\n", + "[1.1141039 1.412631 1.2165391 1.3476212 1.288641 1.235141 1.2548693\n", + " 1.1845247 1.1690772 1.0371104 1.0399508 1.0349185 1.1281375 1.0218976\n", + " 1.0093732 1.0231884 1.0080091 1.0113591 1.1913047 1.067209 0. ]\n", + "\n", + "[ 1 3 4 6 5 2 18 7 8 12 0 19 10 9 11 15 13 17 14 16 20]\n", + "=======================\n", + "[\"burger king will be paying the expenses and providing gifts for the wedding of an illinois couple after joel burger and ashley king accepted the company 's payment proposal on monday .the couple has been known as burger-king since they were in the fifth grade together , in new berlin , illinoisthe popular fast food chain will also be providing personalized gift bags , mason jars and burger king crowns\"]\n", + "=======================\n", + "['joel burger and ashley king have known each other since kindergartenthey got engaged and announced with a photo taken at burger king signchain found out and contacted couple about paying for their july weddingbk will provide personalized gift bags , mason jars and crowns for event']\n", + "burger king will be paying the expenses and providing gifts for the wedding of an illinois couple after joel burger and ashley king accepted the company 's payment proposal on monday .the couple has been known as burger-king since they were in the fifth grade together , in new berlin , illinoisthe popular fast food chain will also be providing personalized gift bags , mason jars and burger king crowns\n", + "joel burger and ashley king have known each other since kindergartenthey got engaged and announced with a photo taken at burger king signchain found out and contacted couple about paying for their july weddingbk will provide personalized gift bags , mason jars and crowns for event\n", + "[1.1839217 1.4713902 1.4335122 1.2948017 1.2077019 1.1502515 1.1972549\n", + " 1.0337458 1.0210772 1.0940683 1.2008055 1.0972041 1.0163728 1.0147934\n", + " 1.0540613 1.0502075 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 10 6 0 5 11 9 14 15 7 8 12 13 19 16 17 18 20]\n", + "=======================\n", + "['simba was rescued by firefighters in meckenheim , near bonn , germany , after a neighbour heard scratching in her newly refitted bathroom .owners helga and eberhard henkel had lost their pet in early march and had looked everywhere - even hanging up notices in surrounding streets .lucky escape : simba the cat was freed by firefigthers after spending 27 days trapped under a bath tub']\n", + "=======================\n", + "[\"simba went missing in early march in the town of meckenheim , germanyhis owner 's neighbour heard scratching in her bathroom four weeks laterthe pet was freed by firefighters and is now starting to put weight back on\"]\n", + "simba was rescued by firefighters in meckenheim , near bonn , germany , after a neighbour heard scratching in her newly refitted bathroom .owners helga and eberhard henkel had lost their pet in early march and had looked everywhere - even hanging up notices in surrounding streets .lucky escape : simba the cat was freed by firefigthers after spending 27 days trapped under a bath tub\n", + "simba went missing in early march in the town of meckenheim , germanyhis owner 's neighbour heard scratching in her bathroom four weeks laterthe pet was freed by firefighters and is now starting to put weight back on\n", + "[1.136371 1.429364 1.2284436 1.1478245 1.1896855 1.3003213 1.0667903\n", + " 1.0693601 1.0652152 1.0956608 1.0773137 1.0497634 1.0548834 1.0529293\n", + " 1.0481263 1.0108944 1.0158721 1.0099963 1.0119206 1.0256947 0. ]\n", + "\n", + "[ 1 5 2 4 3 0 9 10 7 6 8 12 13 11 14 19 16 18 15 17 20]\n", + "=======================\n", + "[\"hillary clinton 's now-famous mystery mobile , an oversized , armored chevy van , stopped in iowa on tuesday long enough for photographers to catch a glimpse of the vehicle that hauled the former secretary of state from new york to the american midwest .unlike on monday when hillary stopped at an ohio chipotle for lunch , she popped into a coffee house in le claire , iowa , for a cup of joe - and of tea .and at tuesday 's stop people actually recognized her .\"]\n", + "=======================\n", + "[\"` we 're here to see the queen , ' one protester told daily mail online outside a rural community college in monticello , iowahe shouted ` give the saudi money back ! 'hillary clinton will visit the school on tuesday in the first semi-public event of her presidential campaignher armored campaign van , nicknamed ` scooby , ' has finally been photographed in the wilds of the american midwest after a 1,000-mile tripit arrived at her campaign stop tailed by a black humveereporters snapped pics of the former secretary of state at a coffee shop in le claire , iowa\"]\n", + "hillary clinton 's now-famous mystery mobile , an oversized , armored chevy van , stopped in iowa on tuesday long enough for photographers to catch a glimpse of the vehicle that hauled the former secretary of state from new york to the american midwest .unlike on monday when hillary stopped at an ohio chipotle for lunch , she popped into a coffee house in le claire , iowa , for a cup of joe - and of tea .and at tuesday 's stop people actually recognized her .\n", + "` we 're here to see the queen , ' one protester told daily mail online outside a rural community college in monticello , iowahe shouted ` give the saudi money back ! 'hillary clinton will visit the school on tuesday in the first semi-public event of her presidential campaignher armored campaign van , nicknamed ` scooby , ' has finally been photographed in the wilds of the american midwest after a 1,000-mile tripit arrived at her campaign stop tailed by a black humveereporters snapped pics of the former secretary of state at a coffee shop in le claire , iowa\n", + "[1.1422898 1.4432188 1.4462866 1.33296 1.2041775 1.2339844 1.1795894\n", + " 1.0716903 1.0303354 1.0150939 1.015902 1.0220668 1.0328941 1.0242505\n", + " 1.2329788 1.017172 1.0127577 1.0454171 1.0281922 0. 0. ]\n", + "\n", + "[ 2 1 3 5 14 4 6 0 7 17 12 8 18 13 11 15 10 9 16 19 20]\n", + "=======================\n", + "['the first of the aircraft - which can reach 1,370 mph - blasted them with the thrust from its engines , while as the second jet disappeared from view the video camera was knocked sideways .the video captured by william bird while out with his seven-year-old stepson alex shows the # 126million jets approaching raf lossiemouth in moray , scotland .the video was taken on the same day that typhoons were deployed by the royal air force as two russian long-range bear bombers , capable of carrying nuclear missiles , hugged british airspace .']\n", + "=======================\n", + "[\"william bird , 41 , captured footage as jets approached raf lossiemouthstood underneath # 126million aircraft with seven-year-old stepson alexvideo camera knocked sideways as second jet disappeared from viewhe says clip taken on tuesday was ` as close to action as you could get '\"]\n", + "the first of the aircraft - which can reach 1,370 mph - blasted them with the thrust from its engines , while as the second jet disappeared from view the video camera was knocked sideways .the video captured by william bird while out with his seven-year-old stepson alex shows the # 126million jets approaching raf lossiemouth in moray , scotland .the video was taken on the same day that typhoons were deployed by the royal air force as two russian long-range bear bombers , capable of carrying nuclear missiles , hugged british airspace .\n", + "william bird , 41 , captured footage as jets approached raf lossiemouthstood underneath # 126million aircraft with seven-year-old stepson alexvideo camera knocked sideways as second jet disappeared from viewhe says clip taken on tuesday was ` as close to action as you could get '\n", + "[1.2202489 1.3950393 1.4612544 1.473789 1.2269946 1.0783399 1.0302331\n", + " 1.0332808 1.02752 1.1000843 1.0205121 1.0478894 1.0241648 1.041253\n", + " 1.1276462 1.0315163 1.0822203 1.0287808 1.0199741 1.0222067 0.\n", + " 0. ]\n", + "\n", + "[ 3 2 1 4 0 14 9 16 5 11 13 7 15 6 17 8 12 19 10 18 20 21]\n", + "=======================\n", + "[\"spain and barcelona midfielder andrés iniesta is renting out his vineyard on airbnbthe world class midfielder took to twitter to advise that his the ` bodega iniesta ' vineyard he owns in castilla-la mancha can be rented out .he is a world cup winner , spanish football legend , and one of the most recognisable faces in the classy barcelona cf outfit .\"]\n", + "=======================\n", + "[\"spanish football legend took to twitter to announce the listingbodega iniesta ' vineyard is located in castilla-la mancha , spainproperty has one bedroom with double bed , and kitchen and lounge areaguests are warned not to be too physical with the vines\"]\n", + "spain and barcelona midfielder andrés iniesta is renting out his vineyard on airbnbthe world class midfielder took to twitter to advise that his the ` bodega iniesta ' vineyard he owns in castilla-la mancha can be rented out .he is a world cup winner , spanish football legend , and one of the most recognisable faces in the classy barcelona cf outfit .\n", + "spanish football legend took to twitter to announce the listingbodega iniesta ' vineyard is located in castilla-la mancha , spainproperty has one bedroom with double bed , and kitchen and lounge areaguests are warned not to be too physical with the vines\n", + "[1.2302834 1.5283523 1.2926326 1.3943807 1.1965618 1.0898266 1.1359562\n", + " 1.0311201 1.0258445 1.0303259 1.029393 1.0405077 1.2022324 1.109782\n", + " 1.0250078 1.0299627 1.0149821 1.0198985 1.010388 1.0119956 1.0121449\n", + " 1.016491 ]\n", + "\n", + "[ 1 3 2 0 12 4 6 13 5 11 7 9 15 10 8 14 17 21 16 20 19 18]\n", + "=======================\n", + "[\"henry howes narrowly failed to pick up a despicable me toy as he played the notoriously difficult claw game at his local swimming pool in tamworth , staffordshire .desperate to get to his hands on the teddy , he put his hand inside the machine 's hatch - but when he reached too far , he slipped under the trap door and was stuck inside .a four-year-old boy got trapped in an arcade game after climbing in to the ` claw ' machine when he failed to win a teddy .\"]\n", + "=======================\n", + "['henry howes was playing on arcade game after a swimming lesson at the snowdome in tamworthwhen he failed to pick up a teddy he reached inside the claw machinebut the four-year-old stretched too far and got trapped inside the gamestaff took half an hour to free henry as they searched for the keys']\n", + "henry howes narrowly failed to pick up a despicable me toy as he played the notoriously difficult claw game at his local swimming pool in tamworth , staffordshire .desperate to get to his hands on the teddy , he put his hand inside the machine 's hatch - but when he reached too far , he slipped under the trap door and was stuck inside .a four-year-old boy got trapped in an arcade game after climbing in to the ` claw ' machine when he failed to win a teddy .\n", + "henry howes was playing on arcade game after a swimming lesson at the snowdome in tamworthwhen he failed to pick up a teddy he reached inside the claw machinebut the four-year-old stretched too far and got trapped inside the gamestaff took half an hour to free henry as they searched for the keys\n", + "[1.160672 1.4533296 1.3469118 1.4019694 1.1839852 1.0529509 1.0308346\n", + " 1.0902628 1.0791992 1.0751077 1.0348245 1.0871443 1.1149831 1.0791492\n", + " 1.1238902 1.0244915 1.1261647 1.0099932 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 4 0 16 14 12 7 11 8 13 9 5 10 6 15 17 18 19 20 21]\n", + "=======================\n", + "['paul bakewell , 35 , from walsall , west mids , secretly designed a poster which he then had emblazoned on the 20ft-tall advertising hoarding and covered over .the dad-of-one arranged for his partner tara barber , 32 , to be driven past the billboard by her boss who pretended they were going to a business meeting on friday morning .hairdresser tara ( pictured left ) , was shocked when her car pulled up to the billboard and her partner , gas fitter paul ( pictured right ) got down on one knee']\n", + "=======================\n", + "['paul bakewell , 35 , arranged for partner tara barber , 32 , to drive bybakewell , from walsall , told friends and family to hide on other side of roadbillboard was 20ft-tall and 30ft-wide , on side of a34 in walsall , west mids']\n", + "paul bakewell , 35 , from walsall , west mids , secretly designed a poster which he then had emblazoned on the 20ft-tall advertising hoarding and covered over .the dad-of-one arranged for his partner tara barber , 32 , to be driven past the billboard by her boss who pretended they were going to a business meeting on friday morning .hairdresser tara ( pictured left ) , was shocked when her car pulled up to the billboard and her partner , gas fitter paul ( pictured right ) got down on one knee\n", + "paul bakewell , 35 , arranged for partner tara barber , 32 , to drive bybakewell , from walsall , told friends and family to hide on other side of roadbillboard was 20ft-tall and 30ft-wide , on side of a34 in walsall , west mids\n", + "[1.3931149 1.266051 1.1565126 1.1733478 1.1328746 1.2303255 1.0473785\n", + " 1.1004012 1.1229554 1.1247053 1.1198659 1.0721424 1.0319571 1.1197655\n", + " 1.0440023 1.044517 1.0215414 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 5 3 2 4 9 8 10 13 7 11 6 15 14 12 16 20 17 18 19 21]\n", + "=======================\n", + "[\"an american soldier was killed in a shooting incident wednesday in the eastern afghan city of jalalabad in which at least two other u.s. troops were wounded when an afghan soldier opened fire at them , a u.s. official said .the incident happened after a meeting between afghan provincial leaders and a u.s. embassy official in the compound of the provincial governor in jalalabad .nato confirmed one of its soldiers died in the attack , without providing the nationality of the slain soldier , as is the coalition 's policy .\"]\n", + "=======================\n", + "['the shooting happened immediately after a meeting between afghan provincial leaders and a u.s. embassy officialan afghan soldier , identified as abdul azim , opened fire on nato troops and killed one american soldier and wounded at least two othersu.s. troops returned fire to kill azim ; the motive of the attack has not yet been revealedthe u.s. soldier killed in the attack has not yet been identified']\n", + "an american soldier was killed in a shooting incident wednesday in the eastern afghan city of jalalabad in which at least two other u.s. troops were wounded when an afghan soldier opened fire at them , a u.s. official said .the incident happened after a meeting between afghan provincial leaders and a u.s. embassy official in the compound of the provincial governor in jalalabad .nato confirmed one of its soldiers died in the attack , without providing the nationality of the slain soldier , as is the coalition 's policy .\n", + "the shooting happened immediately after a meeting between afghan provincial leaders and a u.s. embassy officialan afghan soldier , identified as abdul azim , opened fire on nato troops and killed one american soldier and wounded at least two othersu.s. troops returned fire to kill azim ; the motive of the attack has not yet been revealedthe u.s. soldier killed in the attack has not yet been identified\n", + "[1.1136014 1.280942 1.1367114 1.129208 1.2616162 1.1788731 1.2577012\n", + " 1.0731949 1.0496559 1.0658165 1.0293281 1.0250602 1.0173544 1.0194755\n", + " 1.0539292 1.1291922 1.0683692 1.1174897 1.1434839 1.0941386 1.0323899\n", + " 1.02223 ]\n", + "\n", + "[ 1 4 6 5 18 2 3 15 17 0 19 7 16 9 14 8 20 10 11 21 13 12]\n", + "=======================\n", + "[\"asked about a setback that may yet cost brendan rodgers and his players a place in next season 's champions league , the club 's midfielder joe allen was rueful .joe allen battles it out with ander herrera during liverpool 's premier league defeat to man united at anfieldmidfielder allen believes liverpool have performed well against the big teams during the last two seasons\"]\n", + "=======================\n", + "[\"joe allen admits , at times , challenge of playing for liverpool felt too bighowever , reds midfielder has impressed in liverpool 's recent victoriesallen is disappointed at how he coped with things when he first signedwales international hopes he can stay fit and show fans the best of him\"]\n", + "asked about a setback that may yet cost brendan rodgers and his players a place in next season 's champions league , the club 's midfielder joe allen was rueful .joe allen battles it out with ander herrera during liverpool 's premier league defeat to man united at anfieldmidfielder allen believes liverpool have performed well against the big teams during the last two seasons\n", + "joe allen admits , at times , challenge of playing for liverpool felt too bighowever , reds midfielder has impressed in liverpool 's recent victoriesallen is disappointed at how he coped with things when he first signedwales international hopes he can stay fit and show fans the best of him\n", + "[1.0705299 1.1517305 1.4644785 1.3715913 1.2036781 1.3465317 1.3259388\n", + " 1.0386908 1.0480342 1.0199679 1.0146638 1.0131043 1.0121498 1.0150793\n", + " 1.1016284 1.0874712 1.1421409 1.0325208 1.0568421]\n", + "\n", + "[ 2 3 5 6 4 1 16 14 15 0 18 8 7 17 9 13 10 11 12]\n", + "=======================\n", + "['with the first models already shipped to china , the gt , will be unrolled across europe next year .while ford has refused to officially confirm its price , bosses have indicated it will run alongside the # 260,000 lamborghini aventador .the light sculpture was unveiled in the piazza de fidele on tuesday as part of milan design week']\n", + "=======================\n", + "[\"ford unveiled its gt earlier this year to the surprise of industry expertsthe supercar has 600 horsepower , up-swinging doors and a rear engineits design was showcased in a light installation at milan 's piazza de fideleit comes as bosses say autonomous car is '10 per cent ' from complete\"]\n", + "with the first models already shipped to china , the gt , will be unrolled across europe next year .while ford has refused to officially confirm its price , bosses have indicated it will run alongside the # 260,000 lamborghini aventador .the light sculpture was unveiled in the piazza de fidele on tuesday as part of milan design week\n", + "ford unveiled its gt earlier this year to the surprise of industry expertsthe supercar has 600 horsepower , up-swinging doors and a rear engineits design was showcased in a light installation at milan 's piazza de fideleit comes as bosses say autonomous car is '10 per cent ' from complete\n", + "[1.1769967 1.451876 1.1274283 1.0517063 1.324078 1.1558876 1.1134077\n", + " 1.0795081 1.0237088 1.0845577 1.1350187 1.0171351 1.1255221 1.0436558\n", + " 1.2242033 1.1654264 1.0243969 1.0243582 0. ]\n", + "\n", + "[ 1 4 14 0 15 5 10 2 12 6 9 7 3 13 16 17 8 11 18]\n", + "=======================\n", + "[\"sean crawford , from carterton , new zealand , said he picked up his distinctive style after his family taught him about hunting and taxidermy on the farm he grew up on .former plumber sean crawford made a splash at the australian traffic jam gallery with his taxidermy sculpturesmr crawford has three animal sculptures currently on display at traffic jam galleries at neutral bay on sydney 's lower north shore .\"]\n", + "=======================\n", + "['sean crawford has been criticised for using dead animals in his sculptureshis interest in taxidermy started through hunting on his farm as a childall the animals used were killed in new zealand as a part of pest controlhis work is currently on display at traffic jam galleries in neutral baymuseum curators said his work is being received well in australia']\n", + "sean crawford , from carterton , new zealand , said he picked up his distinctive style after his family taught him about hunting and taxidermy on the farm he grew up on .former plumber sean crawford made a splash at the australian traffic jam gallery with his taxidermy sculpturesmr crawford has three animal sculptures currently on display at traffic jam galleries at neutral bay on sydney 's lower north shore .\n", + "sean crawford has been criticised for using dead animals in his sculptureshis interest in taxidermy started through hunting on his farm as a childall the animals used were killed in new zealand as a part of pest controlhis work is currently on display at traffic jam galleries in neutral baymuseum curators said his work is being received well in australia\n", + "[1.3876979 1.1193646 1.0920346 1.1881132 1.2077342 1.060258 1.0541625\n", + " 1.0233799 1.1417933 1.07636 1.1385508 1.0740528 1.0726682 1.1032243\n", + " 1.0533426 1.039063 0. 0. 0. ]\n", + "\n", + "[ 0 4 3 8 10 1 13 2 9 11 12 5 6 14 15 7 17 16 18]\n", + "=======================\n", + "[\"allegations : veteran peer lord janner ( pictured in 2002 ) has repeatedly denied claims he abused young boys at care homes and is now not fit to stand trial despite ` credible evidence 'he has fought tirelessly for the return of jewish assets held in swiss banks by the nazis , and was made a life peer on his retirement from the commons in recognition of his achievements in public life .after training at the university of cambridge and harvard law school , he qualified as a barrister in 1954 and was appointed a qc in 1971 .\"]\n", + "=======================\n", + "[\"lord janner will not face prosecution despite facing credible evidencedirector of public prosecutions says decision comes with ` deep regret 'alison saunders tells of botched investigations in 1991 , 2002 and 2007former labour mp allegedly preyed on boys in 1960s , 1970s and 1980s\"]\n", + "allegations : veteran peer lord janner ( pictured in 2002 ) has repeatedly denied claims he abused young boys at care homes and is now not fit to stand trial despite ` credible evidence 'he has fought tirelessly for the return of jewish assets held in swiss banks by the nazis , and was made a life peer on his retirement from the commons in recognition of his achievements in public life .after training at the university of cambridge and harvard law school , he qualified as a barrister in 1954 and was appointed a qc in 1971 .\n", + "lord janner will not face prosecution despite facing credible evidencedirector of public prosecutions says decision comes with ` deep regret 'alison saunders tells of botched investigations in 1991 , 2002 and 2007former labour mp allegedly preyed on boys in 1960s , 1970s and 1980s\n", + "[1.2969823 1.2327964 1.3321605 1.1557922 1.2156254 1.3456827 1.0964764\n", + " 1.0321134 1.1261073 1.0731788 1.044395 1.0355761 1.0487797 1.0318941\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 5 2 0 1 4 3 8 6 9 12 10 11 7 13 17 14 15 16 18]\n", + "=======================\n", + "[\"spectacular : design duo luke sales and anna plunkett presented their new collection ` cooee couture ' at the art gallery of nswthe final day of mercedes-benz fashion week australia kicked off with an explosion of colour in sydney on thursday .going out with a bang !\"]\n", + "=======================\n", + "['romance was born show at mbfwa was held on thursday morning at art gallery of nswdesigners luke sales and anna plunkett presented a typically eccentric collection of bold prints and colourfashion week wraps up thursday night with johanna johnson show']\n", + "spectacular : design duo luke sales and anna plunkett presented their new collection ` cooee couture ' at the art gallery of nswthe final day of mercedes-benz fashion week australia kicked off with an explosion of colour in sydney on thursday .going out with a bang !\n", + "romance was born show at mbfwa was held on thursday morning at art gallery of nswdesigners luke sales and anna plunkett presented a typically eccentric collection of bold prints and colourfashion week wraps up thursday night with johanna johnson show\n", + "[1.4016215 1.1285388 1.2102643 1.1514423 1.0971067 1.1168112 1.021422\n", + " 1.0138439 1.1574706 1.1085671 1.1278244 1.054551 1.1418589 1.0423077\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 8 3 12 1 10 5 9 4 11 13 6 7 17 14 15 16 18]\n", + "=======================\n", + "['when chelsea clinton became the first daughter of the united states of america , she was just a twelve-year-old from arkansas with a full head of voluminous frizzy curls .now , in a candid interview with elle magazine , chelsea has finally revealed just what happened to her much-loved ringlets -- insisting that , far from being an intentional style change , her once-unruly mane simply straightened itself out over time .but over the years , as chelsea has grown up into an intelligent and elegant woman , her curls quickly began to fade , appearing more and more controlled as the years wore on , before eventually vanishing completely .']\n", + "=======================\n", + "[\"during her father 's presidential campaign and subsequent two terms in the white house , chelsea was well known for her tight curlsthe new mother , who gave birth to daughter charlotte in september , explained that her iconic hairstyle simply changed over timein her interview , published days after her mother 's presidential candidacy announcement , she also addressed america 's ` need ' for female politicians\"]\n", + "when chelsea clinton became the first daughter of the united states of america , she was just a twelve-year-old from arkansas with a full head of voluminous frizzy curls .now , in a candid interview with elle magazine , chelsea has finally revealed just what happened to her much-loved ringlets -- insisting that , far from being an intentional style change , her once-unruly mane simply straightened itself out over time .but over the years , as chelsea has grown up into an intelligent and elegant woman , her curls quickly began to fade , appearing more and more controlled as the years wore on , before eventually vanishing completely .\n", + "during her father 's presidential campaign and subsequent two terms in the white house , chelsea was well known for her tight curlsthe new mother , who gave birth to daughter charlotte in september , explained that her iconic hairstyle simply changed over timein her interview , published days after her mother 's presidential candidacy announcement , she also addressed america 's ` need ' for female politicians\n", + "[1.5542641 1.4674999 1.17962 1.4928689 1.2057152 1.0420191 1.0232491\n", + " 1.0179044 1.1497297 1.0525334 1.0224721 1.0174679 1.0571 1.0136832\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 8 12 9 5 6 10 7 11 13 16 14 15 17]\n", + "=======================\n", + "[\"leicester boss richard cockerill believes that this season 's aviva premiership play-off race will run until the final day of regular league season action .the tigers tackle saracens at allianz park on saturday , separated by just two points and two places with only four games left .the 22-game premiership campaign concludes on may 16 , with play-offs a week later , and the stakes are high .\"]\n", + "=======================\n", + "['leicester face saracens at allianz park on saturday in aviva premiershipjust two points and two places separate the sides with four games leftbath , exeter , wasps and sale all also still involved in play-off chase']\n", + "leicester boss richard cockerill believes that this season 's aviva premiership play-off race will run until the final day of regular league season action .the tigers tackle saracens at allianz park on saturday , separated by just two points and two places with only four games left .the 22-game premiership campaign concludes on may 16 , with play-offs a week later , and the stakes are high .\n", + "leicester face saracens at allianz park on saturday in aviva premiershipjust two points and two places separate the sides with four games leftbath , exeter , wasps and sale all also still involved in play-off chase\n", + "[1.4050946 1.4858022 1.2292478 1.0331788 1.3137043 1.0549462 1.0408254\n", + " 1.2498764 1.3290731 1.1697876 1.097606 1.0512549 1.1296431 1.0899833\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 8 4 7 2 9 12 10 13 5 11 6 3 16 14 15 17]\n", + "=======================\n", + "[\"the 58-year-old italian 's departure comes six days after leeds ' assistant head coach steve thompson was suspended .leeds ' sporting director nicola salerno has resigned , the club 's disqualified owner massimo cellino is reported to have confirmed .leeds united assistant manager steve thompson ( left ) was been suspended by the club last week\"]\n", + "=======================\n", + "[\"disqualified owner massimo cellino confirms nicola salerno 's departureannouncement comes six days after assistant coach was suspendedsalerno understood to be responsible for steve thompson suspensionitalian has been linked with sporting director 's job at palermo in italy\"]\n", + "the 58-year-old italian 's departure comes six days after leeds ' assistant head coach steve thompson was suspended .leeds ' sporting director nicola salerno has resigned , the club 's disqualified owner massimo cellino is reported to have confirmed .leeds united assistant manager steve thompson ( left ) was been suspended by the club last week\n", + "disqualified owner massimo cellino confirms nicola salerno 's departureannouncement comes six days after assistant coach was suspendedsalerno understood to be responsible for steve thompson suspensionitalian has been linked with sporting director 's job at palermo in italy\n", + "[1.329016 1.2122025 1.3147067 1.3564872 1.2428737 1.1374667 1.1796389\n", + " 1.0938706 1.0281298 1.032394 1.2587541 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 10 4 1 6 5 7 9 8 11 12 13 14 15 16 17]\n", + "=======================\n", + "[\"once the ee ` power bar ' runs down , customers will be able to swap it for a new one at any ee shop , or spend four hours charging it up themselves at home .fully charged : the new scheme will let ee customers pick up free portable chargersthe chargers will be free to ee customers , and other smartphone owners can also sign up to the service if they pay a # 20 fee .\"]\n", + "=======================\n", + "[\"ee shops will stock free chargers so people can revive phones while outother smartphone users can sign up to service for # 20comes after research found 60 % customers said battery wo n't last a day\"]\n", + "once the ee ` power bar ' runs down , customers will be able to swap it for a new one at any ee shop , or spend four hours charging it up themselves at home .fully charged : the new scheme will let ee customers pick up free portable chargersthe chargers will be free to ee customers , and other smartphone owners can also sign up to the service if they pay a # 20 fee .\n", + "ee shops will stock free chargers so people can revive phones while outother smartphone users can sign up to service for # 20comes after research found 60 % customers said battery wo n't last a day\n", + "[1.1815817 1.3224719 1.1151631 1.3109704 1.2317412 1.1257133 1.1059947\n", + " 1.1124735 1.1100814 1.0277747 1.180134 1.069314 1.0933628 1.0509181\n", + " 1.0510523 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 0 10 5 2 7 8 6 12 11 14 13 9 15 16 17]\n", + "=======================\n", + "[\"the legendary french chef has been wining and dining a string of glamorous blondes since divorcing his wife of eight years , zimbabwean-born heiress cheryl roux , last year .sources close to the restaurateur say he is ` smitten ' with ms lutsyshyna , a 41-year-old ukrainian who used to work at the roux restaurant in westminster .he is about to turn 80 but self-confessed ladies ' man albert roux has evidently lost none of his charm .\"]\n", + "=======================\n", + "['albert roux has been dating a string of ladies since divorcing heiress wifethey include a ukrainian cloakroom attendant , an artist and a tea hostessthe 79-year-old is said to have spent thousands on one of the womenlast year it emerged his wife was divorcing him on grounds of adultery']\n", + "the legendary french chef has been wining and dining a string of glamorous blondes since divorcing his wife of eight years , zimbabwean-born heiress cheryl roux , last year .sources close to the restaurateur say he is ` smitten ' with ms lutsyshyna , a 41-year-old ukrainian who used to work at the roux restaurant in westminster .he is about to turn 80 but self-confessed ladies ' man albert roux has evidently lost none of his charm .\n", + "albert roux has been dating a string of ladies since divorcing heiress wifethey include a ukrainian cloakroom attendant , an artist and a tea hostessthe 79-year-old is said to have spent thousands on one of the womenlast year it emerged his wife was divorcing him on grounds of adultery\n", + "[1.3271462 1.4008144 1.1768901 1.2731808 1.2367462 1.217089 1.0745074\n", + " 1.1535808 1.1069013 1.0474 1.081225 1.0625799 1.0359875 1.0278151\n", + " 1.0437927 1.0912074 1.0096374 1.014907 ]\n", + "\n", + "[ 1 0 3 4 5 2 7 8 15 10 6 11 9 14 12 13 17 16]\n", + "=======================\n", + "[\"two of her attackers have finally apologized and admitted she was unconscious during the ` criminal act 'loss : audrie pott , 15 , killed herself in 2012 after she was sexually assaulted at a party .the pair , who have not been named , admitted audrie pott was unconscious at the time and did not consent to their ` criminal acts ' as they reached a civil settlement with her family .\"]\n", + "=======================\n", + "[\"parents of audrie pott reach financial settlement with remaining two teensfamily made an agreement with one weeks ago after he ` showed remorse 'issued a lengthy apology as part of the wrongful death civil suitadmitted the teenager was unconscious and did not consent at the timeapologized for spreading rumors that ` served to shame and humiliate her 'during a hearing one of the boys said he ` missed audrie a lot 'pair will also have to give presentations on ` sexting ' and ` slut-shaming 'the trio stripped her naked , drew on her and attacked her during a party\"]\n", + "two of her attackers have finally apologized and admitted she was unconscious during the ` criminal act 'loss : audrie pott , 15 , killed herself in 2012 after she was sexually assaulted at a party .the pair , who have not been named , admitted audrie pott was unconscious at the time and did not consent to their ` criminal acts ' as they reached a civil settlement with her family .\n", + "parents of audrie pott reach financial settlement with remaining two teensfamily made an agreement with one weeks ago after he ` showed remorse 'issued a lengthy apology as part of the wrongful death civil suitadmitted the teenager was unconscious and did not consent at the timeapologized for spreading rumors that ` served to shame and humiliate her 'during a hearing one of the boys said he ` missed audrie a lot 'pair will also have to give presentations on ` sexting ' and ` slut-shaming 'the trio stripped her naked , drew on her and attacked her during a party\n", + "[1.2386239 1.4044565 1.1077756 1.1942706 1.2511503 1.1472738 1.1971602\n", + " 1.0254899 1.177964 1.0401715 1.0296569 1.0195236 1.0143069 1.0451865\n", + " 1.1139024 1.0803164 1.0321817 1.0998954 1.1084626 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 0 6 3 8 5 14 18 2 17 15 13 9 16 10 7 11 12 20 19 21]\n", + "=======================\n", + "[\"tyler grant , a junior at the university of texas prefers to be referred to by neutral plural pronouns such as ` they , ' ` them ' , or ` their ' instead of ` he , ' or ` she , ' and sometimes wears women 's clothing .gender queer : tyler grant identifies as gender queer and though grant was assigned a male , grant sometimes likes to wear women 's dressesgrant believes the restaurant was discriminatory because of grant 's gender identity . '\"]\n", + "=======================\n", + "[\"tyler grant claims a whataburger in texas denied service because grant was wearing a dressthe whataburger says they did not let grant enter because the outfit in question was see-through` if it were see-through , then she would have seen my brightly colored underwear , ' grant said on facebookgrant claims the outfit consisted of five pairs of tightsgrant is still deciding whether or not to pursue legal action\"]\n", + "tyler grant , a junior at the university of texas prefers to be referred to by neutral plural pronouns such as ` they , ' ` them ' , or ` their ' instead of ` he , ' or ` she , ' and sometimes wears women 's clothing .gender queer : tyler grant identifies as gender queer and though grant was assigned a male , grant sometimes likes to wear women 's dressesgrant believes the restaurant was discriminatory because of grant 's gender identity . '\n", + "tyler grant claims a whataburger in texas denied service because grant was wearing a dressthe whataburger says they did not let grant enter because the outfit in question was see-through` if it were see-through , then she would have seen my brightly colored underwear , ' grant said on facebookgrant claims the outfit consisted of five pairs of tightsgrant is still deciding whether or not to pursue legal action\n", + "[1.3753064 1.4950844 1.2035431 1.3387063 1.0610913 1.0292065 1.2054905\n", + " 1.0974629 1.1210093 1.1038188 1.0722799 1.0255476 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 6 2 8 9 7 10 4 5 11 20 12 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"providenciales climbed a rung from last year 's no. 2 ranking among the travel review site 's travelers ' choice award winners to bump ambergris caye out of the top spot .( cnn ) island-hoppers take note : providenciales in the turks and caicos is tripadvisor 's latest pick for the world 's top island .only two more of 2014 's top 10 islands appear on this year 's global list .\"]\n", + "=======================\n", + "[\"providenciales in the turks and caicos is the top tripadvisor travelers ' choice award winner for islandsmaui ranks first on the top 10 islands list for the united states\"]\n", + "providenciales climbed a rung from last year 's no. 2 ranking among the travel review site 's travelers ' choice award winners to bump ambergris caye out of the top spot .( cnn ) island-hoppers take note : providenciales in the turks and caicos is tripadvisor 's latest pick for the world 's top island .only two more of 2014 's top 10 islands appear on this year 's global list .\n", + "providenciales in the turks and caicos is the top tripadvisor travelers ' choice award winner for islandsmaui ranks first on the top 10 islands list for the united states\n", + "[1.1899245 1.386412 1.4583561 1.2712262 1.1553822 1.0856984 1.0231926\n", + " 1.014884 1.0453659 1.1194525 1.1544273 1.03722 1.1449082 1.0452769\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 3 0 4 10 12 9 5 8 13 11 6 7 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "['about 10,000 women a year in the uk are affected by the debilitating hyperemesis gravidarum ( hg ) - a severe form of morning sickness which causes constant vomiting , crippling weakness and dehydration .a new study shows the condition suffered by the duchess of cambridge during both her pregnancies triples the risk of developmental problems compared with women who have normal nausea and vomiting .pregnant women with hyperemesis gravidarum - the severe morning sickness suffered by kate middleton - are more likely to have children with language and speech delays , and attention disorders , a study claims']\n", + "=======================\n", + "['hyperemesis gravidarum ( hg ) triples risk compared with regular sicknessbehavioural link appears to be due to lack of nutrition in early pregnancy -- especially in the first five weeks -- rather than medicationsome women with hg lost 5lbs ( 2.27 kg ) and needed intravenous fluids']\n", + "about 10,000 women a year in the uk are affected by the debilitating hyperemesis gravidarum ( hg ) - a severe form of morning sickness which causes constant vomiting , crippling weakness and dehydration .a new study shows the condition suffered by the duchess of cambridge during both her pregnancies triples the risk of developmental problems compared with women who have normal nausea and vomiting .pregnant women with hyperemesis gravidarum - the severe morning sickness suffered by kate middleton - are more likely to have children with language and speech delays , and attention disorders , a study claims\n", + "hyperemesis gravidarum ( hg ) triples risk compared with regular sicknessbehavioural link appears to be due to lack of nutrition in early pregnancy -- especially in the first five weeks -- rather than medicationsome women with hg lost 5lbs ( 2.27 kg ) and needed intravenous fluids\n", + "[1.3971202 1.501221 1.2038987 1.1823009 1.1311889 1.1000314 1.05972\n", + " 1.0336702 1.0258753 1.0324159 1.0562967 1.0840178 1.0191278 1.0220127\n", + " 1.025838 1.0284163 1.0303091 1.0213679 1.0400968 1.0211642 1.1223017\n", + " 1.0571591]\n", + "\n", + "[ 1 0 2 3 4 20 5 11 6 21 10 18 7 9 16 15 8 14 13 17 19 12]\n", + "=======================\n", + "[\"philippe coutinho eventually broke the deadlock after 161 goalless minutes across the two games but blackburn came close to levelling matters when goalkeeper simon eastwood was denied in stoppage time .liverpool just edged past blackburn rovers in their fa cup sixth round replay to make it to a 24th cup semi-final in the anfield club 's illustrious history .sportsmail 's oliver todd rated the player 's performances at ewood park .\"]\n", + "=======================\n", + "[\"philippe coutinho was man of the match in liverpool 's win over blackburnalex baptiste was superb in defence for the hosts at ewood parkdaniel sturridge continued to show a lack of match sharpness\"]\n", + "philippe coutinho eventually broke the deadlock after 161 goalless minutes across the two games but blackburn came close to levelling matters when goalkeeper simon eastwood was denied in stoppage time .liverpool just edged past blackburn rovers in their fa cup sixth round replay to make it to a 24th cup semi-final in the anfield club 's illustrious history .sportsmail 's oliver todd rated the player 's performances at ewood park .\n", + "philippe coutinho was man of the match in liverpool 's win over blackburnalex baptiste was superb in defence for the hosts at ewood parkdaniel sturridge continued to show a lack of match sharpness\n", + "[1.2740872 1.3410932 1.2389319 1.3766863 1.1420043 1.1805259 1.1670662\n", + " 1.099135 1.0435754 1.0417329 1.0623393 1.0201923 1.0552659 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 0 2 5 6 4 7 10 12 8 9 11 20 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"in charge : sally jones , 45 , a former punk rocker who fled the uk to join isis militants , is believed to have been filmed leading an all-women brigade of terrorists in a hate-filled chanting session in syriaa video has now emerged which appears to show the mother-of-two leading members of the al-khanssaa brigade - the all-women contingent set up by isis - in a series of chants expressing the fighters ' commitment to jihad .experts say the slicky-edited video is the first ` real evidence ' which shows jones is involved with the brigade at a ` high level ' .\"]\n", + "=======================\n", + "[\"guitarist sally jones , 45 , ran away to syria from chatham , kent , in 2013mother-of-two set up home in raqqa with toyboy husband junaid hussainfootage shows her leading fighters in arabic chants while waving ak-47sexperts say video is first ` real evidence ' she is involved with all-women al-khanssaa brigade at ` high level '\"]\n", + "in charge : sally jones , 45 , a former punk rocker who fled the uk to join isis militants , is believed to have been filmed leading an all-women brigade of terrorists in a hate-filled chanting session in syriaa video has now emerged which appears to show the mother-of-two leading members of the al-khanssaa brigade - the all-women contingent set up by isis - in a series of chants expressing the fighters ' commitment to jihad .experts say the slicky-edited video is the first ` real evidence ' which shows jones is involved with the brigade at a ` high level ' .\n", + "guitarist sally jones , 45 , ran away to syria from chatham , kent , in 2013mother-of-two set up home in raqqa with toyboy husband junaid hussainfootage shows her leading fighters in arabic chants while waving ak-47sexperts say video is first ` real evidence ' she is involved with all-women al-khanssaa brigade at ` high level '\n", + "[1.2402649 1.2722284 1.203143 1.2036269 1.0575758 1.128446 1.0464317\n", + " 1.0736321 1.0646715 1.0799048 1.0794889 1.0358174 1.0944827 1.0535613\n", + " 1.0288916 1.036393 1.0988895 1.0234877]\n", + "\n", + "[ 1 0 3 2 5 16 12 9 10 7 8 4 13 6 15 11 14 17]\n", + "=======================\n", + "[\"in the next few weeks the department of justice ( doj ) will begin to negotiate in earnest with the city to restructure the police department , which the department has charged with engaging in a pattern and practice of racial discrimination .( cnn ) change is coming to ferguson .it should not be forgotten that the doj review of the ferguson police department was precipitated by months of protests and activism following the killing of michael brown by a ferguson police officer and by revelations about the town 's dysfunctional government and court system by local civil rights law groups .\"]\n", + "=======================\n", + "['sherrilyn ifill : a city with a pattern of racial discrimination elected two new black candidates to its city council tuesdayshe says ferguson faces other changes , too , that should spur rethinking in working class suburbs across america']\n", + "in the next few weeks the department of justice ( doj ) will begin to negotiate in earnest with the city to restructure the police department , which the department has charged with engaging in a pattern and practice of racial discrimination .( cnn ) change is coming to ferguson .it should not be forgotten that the doj review of the ferguson police department was precipitated by months of protests and activism following the killing of michael brown by a ferguson police officer and by revelations about the town 's dysfunctional government and court system by local civil rights law groups .\n", + "sherrilyn ifill : a city with a pattern of racial discrimination elected two new black candidates to its city council tuesdayshe says ferguson faces other changes , too , that should spur rethinking in working class suburbs across america\n", + "[1.2033188 1.3432336 1.2800142 1.3388274 1.1838117 1.1156224 1.0636686\n", + " 1.0800728 1.1248565 1.0691566 1.0575043 1.0783267 1.0330808 1.132986\n", + " 1.099122 1.0281545 1.0492207 0. ]\n", + "\n", + "[ 1 3 2 0 4 13 8 5 14 7 11 9 6 10 16 12 15 17]\n", + "=======================\n", + "[\"hinckley , who still spends half of his days institutionalized after being found not guilty by reason of insanity for shooting president ronald reagan back in 1981 , is said to have met the woman at a national association for the mentally ill meeting .this was revealed by his brother scott during a hearing to determine if hinckley should be able to permanently live outside st. elizabeth 's hospital in washington and instead with his mother , where he has resided 17 days out of the month since december 2013 .john hinckley jr. has found love .\"]\n", + "=======================\n", + "[\"john hinckley jr. has been dating a woman he met at a national association for the mentally ill meetingthis was revealed during a hearing to determine if he should be released from the institution he has been at since shooting president reaganhinckley currently splits his time between st. elizabeth 's hospital in washington and his mother 's home in williamsburg , virginia\"]\n", + "hinckley , who still spends half of his days institutionalized after being found not guilty by reason of insanity for shooting president ronald reagan back in 1981 , is said to have met the woman at a national association for the mentally ill meeting .this was revealed by his brother scott during a hearing to determine if hinckley should be able to permanently live outside st. elizabeth 's hospital in washington and instead with his mother , where he has resided 17 days out of the month since december 2013 .john hinckley jr. has found love .\n", + "john hinckley jr. has been dating a woman he met at a national association for the mentally ill meetingthis was revealed during a hearing to determine if he should be released from the institution he has been at since shooting president reaganhinckley currently splits his time between st. elizabeth 's hospital in washington and his mother 's home in williamsburg , virginia\n", + "[1.0758204 1.0409074 1.326252 1.2454041 1.039414 1.3867881 1.1899219\n", + " 1.1083645 1.0916361 1.1687135 1.154139 1.113941 1.1263638 1.0871582\n", + " 1.0374298 1.0490906 0. 0. ]\n", + "\n", + "[ 5 2 3 6 9 10 12 11 7 8 13 0 15 1 4 14 16 17]\n", + "=======================\n", + "['the oddly-shaped dust mites live for three to four months and live off human and animal skinnew research has shown that the average australian sheds the equivalent of a 50 gram packet of chips every week in dry skin , feeding an army of dust mites into our couches and beds .dust mites are the number one cause of allergies in australian homes and may be the reason why you have a runny nose or watery eyes .']\n", + "=======================\n", + "['our houses are overtaken with dust mites , leading to winter illnesseswe shed 50g every week in dead skin , mostly in our beddust mites feed off dead human and animal skin and multiplythey leave australians with cold or flu-like symptomsscientists recommend a weekly wash of our bed sheets']\n", + "the oddly-shaped dust mites live for three to four months and live off human and animal skinnew research has shown that the average australian sheds the equivalent of a 50 gram packet of chips every week in dry skin , feeding an army of dust mites into our couches and beds .dust mites are the number one cause of allergies in australian homes and may be the reason why you have a runny nose or watery eyes .\n", + "our houses are overtaken with dust mites , leading to winter illnesseswe shed 50g every week in dead skin , mostly in our beddust mites feed off dead human and animal skin and multiplythey leave australians with cold or flu-like symptomsscientists recommend a weekly wash of our bed sheets\n", + "[1.1927228 1.4326249 1.2686889 1.3423849 1.2494911 1.0697594 1.0140251\n", + " 1.0110295 1.1649809 1.0388689 1.1421112 1.2359546 1.1343887 1.1811607\n", + " 1.0538288 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 11 0 13 8 10 12 5 14 9 6 7 16 15 17]\n", + "=======================\n", + "['footage shows 27-year-old jared henry of arkansas being knocked off his longboard to the ground while the doe spins on its stomach into a ditch .the pro-sportsman was shooting a video for the fayettechill outdoor clothing brand before the freak accident took place .after coming to a standstill , henry rolls over on the tarmac and opens his mouth in apparent pain .']\n", + "=======================\n", + "['footage show 27-year-old jared henry being knocked off his board to the ground while the deer spins on its stomach into the ditchthe pro-sportsman was shooting a video for the fayettechill outdoor clothing brand before the freak accident took place']\n", + "footage shows 27-year-old jared henry of arkansas being knocked off his longboard to the ground while the doe spins on its stomach into a ditch .the pro-sportsman was shooting a video for the fayettechill outdoor clothing brand before the freak accident took place .after coming to a standstill , henry rolls over on the tarmac and opens his mouth in apparent pain .\n", + "footage show 27-year-old jared henry being knocked off his board to the ground while the deer spins on its stomach into the ditchthe pro-sportsman was shooting a video for the fayettechill outdoor clothing brand before the freak accident took place\n", + "[1.4823292 1.4097543 1.1441392 1.3805068 1.2036253 1.1137031 1.1891415\n", + " 1.1166337 1.0344421 1.0433092 1.0143563 1.0127437 1.0523112 1.0275426\n", + " 1.0297661 1.0633699 1.0319482 1.0119854]\n", + "\n", + "[ 0 1 3 4 6 2 7 5 15 12 9 8 16 14 13 10 11 17]\n", + "=======================\n", + "[\"marcus copeland , 44 , admitted one count of fraud at caernarfon crown court .he was told he faces jailhe sourced specialist scottish stone and installed the latest environmentally friendly technologies to make the house in cwm dyserth , near st asaph , north wales , one of the most ` green ' new builds in the country .\"]\n", + "=======================\n", + "['marcus copeland , 44 , won a best mortgage broker award back in 2007he has previously boasted of building his dream # 1million hillside homebut his double life as a fraudster has emerged after he appeared in courtcopeland admitted a count of fraud in 2007 .']\n", + "marcus copeland , 44 , admitted one count of fraud at caernarfon crown court .he was told he faces jailhe sourced specialist scottish stone and installed the latest environmentally friendly technologies to make the house in cwm dyserth , near st asaph , north wales , one of the most ` green ' new builds in the country .\n", + "marcus copeland , 44 , won a best mortgage broker award back in 2007he has previously boasted of building his dream # 1million hillside homebut his double life as a fraudster has emerged after he appeared in courtcopeland admitted a count of fraud in 2007 .\n", + "[1.4244834 1.2010907 1.2472633 1.2717425 1.140616 1.1636019 1.0443221\n", + " 1.0835739 1.0727035 1.0503088 1.111841 1.0558703 1.1671273 1.0318677\n", + " 1.0484948 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 12 5 4 10 7 8 11 9 14 6 13 22 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"spotted : pippa middleton is said to have been buying up the mull-cloth nappies in genevabut the duchess of cambridge may be in line for a more practical present for her baby -- a supply of biodegradable nappies from her sister , pippa middleton .with the birth now imminent , relatives of the forthcoming royal baby will be ready to shower the newborn with expensive gifts from london 's smartest shops .\"]\n", + "=======================\n", + "[\"pippa is said to have bought the baby a supply of biodegradable nappiesshoppers in geneva , switzerland , spot her buying the mull-cloth nappiesthe natural fibres mean the baby essentials do n't end up in landfill heapslikely to be a hit with new royal 's environmentally conscious grandfather\"]\n", + "spotted : pippa middleton is said to have been buying up the mull-cloth nappies in genevabut the duchess of cambridge may be in line for a more practical present for her baby -- a supply of biodegradable nappies from her sister , pippa middleton .with the birth now imminent , relatives of the forthcoming royal baby will be ready to shower the newborn with expensive gifts from london 's smartest shops .\n", + "pippa is said to have bought the baby a supply of biodegradable nappiesshoppers in geneva , switzerland , spot her buying the mull-cloth nappiesthe natural fibres mean the baby essentials do n't end up in landfill heapslikely to be a hit with new royal 's environmentally conscious grandfather\n", + "[1.4336333 1.283986 1.1613854 1.3235728 1.2437186 1.0334868 1.0749886\n", + " 1.0488825 1.0810658 1.1783869 1.1632215 1.0505568 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 9 10 2 8 6 11 7 5 22 12 13 14 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"( cnn ) filipinos are being warned to be on guard for flash floods and landslides as tropical storm maysak approached the asian island nation saturday .it 's now classified as a tropical storm , according to the philippine national weather service , which calls it a different name , chedeng .just a few days ago , maysak gained super typhoon status thanks to its sustained 150 mph winds .\"]\n", + "=======================\n", + "['once a super typhoon , maysak is now a tropical storm with 70 mph windsit could still cause flooding , landslides and other problems in the philippines']\n", + "( cnn ) filipinos are being warned to be on guard for flash floods and landslides as tropical storm maysak approached the asian island nation saturday .it 's now classified as a tropical storm , according to the philippine national weather service , which calls it a different name , chedeng .just a few days ago , maysak gained super typhoon status thanks to its sustained 150 mph winds .\n", + "once a super typhoon , maysak is now a tropical storm with 70 mph windsit could still cause flooding , landslides and other problems in the philippines\n", + "[1.3462276 1.293468 1.1796601 1.3305309 1.2951401 1.1330574 1.1501487\n", + " 1.1358504 1.1488228 1.0503914 1.0443853 1.08008 1.0488312 1.0183697\n", + " 1.0297287 1.241826 1.0575701 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 1 15 2 6 8 7 5 11 16 9 12 10 14 13 22 17 18 19 20 21 23]\n", + "=======================\n", + "[\"iona costello 's stepson , george costello jr , 45 , was staying nearby at the time .iona costello , 51 , and daughter emily were visiting manhattan when they were last seen on march 30 near their home in the the wealthy seaside village of greenport .he also has a long history of drug arrests ( mugshot from april )\"]\n", + "=======================\n", + "[\"iona costello , 51 , and daughter emily were last seen on march 30were heading into manhattan to visit the theater when they disappearedmom 's stepson , george costello jr , was visiting the hamptons at the timehas a long criminal record and has a tense relationship with the familyhe returned to florida two days after they went missing and was jailedpolice have so far said they do not suspect foul play is involved\"]\n", + "iona costello 's stepson , george costello jr , 45 , was staying nearby at the time .iona costello , 51 , and daughter emily were visiting manhattan when they were last seen on march 30 near their home in the the wealthy seaside village of greenport .he also has a long history of drug arrests ( mugshot from april )\n", + "iona costello , 51 , and daughter emily were last seen on march 30were heading into manhattan to visit the theater when they disappearedmom 's stepson , george costello jr , was visiting the hamptons at the timehas a long criminal record and has a tense relationship with the familyhe returned to florida two days after they went missing and was jailedpolice have so far said they do not suspect foul play is involved\n", + "[1.4464884 1.1029323 1.1012088 1.1640689 1.1814574 1.195939 1.095875\n", + " 1.1601702 1.0741509 1.0222285 1.0289469 1.1151826 1.0458639 1.1053019\n", + " 1.0847969 1.04886 1.0231365 1.0119338 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 5 4 3 7 11 13 1 2 6 14 8 15 12 10 16 9 17 22 18 19 20 21 23]\n", + "=======================\n", + "[\"some breakfast cereals contain as many as three teaspoons of sugar , dentist dr sameer patel warnsand lurking inside many seemingly ` healthy ' foods , are hidden ingredients that may be wreaking havoc with your teeth .eating your cereal with dairy products can also counteract the damage caused by sugar and have added benefits for your oral health .\"]\n", + "=======================\n", + "[\"dentist dr sameer patel highlights the dental dangers of your desk dietsome breakfast cereals contain up to three teaspoons of sugar , he warnsswap your daily tea or coffee for green tea to prevent tooth stainingsteer clear of white bread , popcorn and watch out for ` healthy ' smoothies\"]\n", + "some breakfast cereals contain as many as three teaspoons of sugar , dentist dr sameer patel warnsand lurking inside many seemingly ` healthy ' foods , are hidden ingredients that may be wreaking havoc with your teeth .eating your cereal with dairy products can also counteract the damage caused by sugar and have added benefits for your oral health .\n", + "dentist dr sameer patel highlights the dental dangers of your desk dietsome breakfast cereals contain up to three teaspoons of sugar , he warnsswap your daily tea or coffee for green tea to prevent tooth stainingsteer clear of white bread , popcorn and watch out for ` healthy ' smoothies\n", + "[1.135697 1.1001878 1.1370759 1.3269083 1.2337402 1.1779923 1.0523219\n", + " 1.025163 1.0153321 1.0130693 1.1213638 1.0964595 1.0321115 1.0119644\n", + " 1.0150387 1.0713586 1.0298457 1.1368258 1.1047971 1.0846853 1.0307078\n", + " 1.0693263 1.0641603 1.0926577]\n", + "\n", + "[ 3 4 5 2 17 0 10 18 1 11 23 19 15 21 22 6 12 20 16 7 8 14 9 13]\n", + "=======================\n", + "[\"humans of new york photographer shared this image of a ny resident whose name is beyoncé .the photo was accompanied by a statement from her describing the inconvenience of sharing a celebrity namein a post that has now gone viral on facebook , beyonce says : ` sometimes i hate my name because it always draws attention to me , and i 'm not a very social person .\"]\n", + "=======================\n", + "['humans of new york shared a picture of a girl called beyoncéshe expressed her annoyance of sharing a name with a celebritythe photo encouraged thousands of facebook users to commenteach shared their experiences of having an embarrassing name']\n", + "humans of new york photographer shared this image of a ny resident whose name is beyoncé .the photo was accompanied by a statement from her describing the inconvenience of sharing a celebrity namein a post that has now gone viral on facebook , beyonce says : ` sometimes i hate my name because it always draws attention to me , and i 'm not a very social person .\n", + "humans of new york shared a picture of a girl called beyoncéshe expressed her annoyance of sharing a name with a celebritythe photo encouraged thousands of facebook users to commenteach shared their experiences of having an embarrassing name\n", + "[1.4232547 1.5764393 1.1937664 1.0967485 1.07572 1.0504168 1.0579566\n", + " 1.186449 1.0566303 1.0282252 1.0713739 1.1290903 1.0440681 1.0299703\n", + " 1.0563594 1.0227424 1.0192798 1.0104029 1.0505973 0. 0. ]\n", + "\n", + "[ 1 0 2 7 11 3 4 10 6 8 14 18 5 12 13 9 15 16 17 19 20]\n", + "=======================\n", + "['photographer ken hermann visited the market for his project \" flower man , \" which is a series of portraits that casts light upon the people behind the petals .( cnn ) eternally blooming in kolkata , india , along the hooghly river is malik ghat , a wholesale flower market that attracts more than 2,000 sellers each day .when hermann was in kolkata working on another assignment , he went to the market as a tourist .']\n", + "=======================\n", + "['malik ghat is a wholesale flower market in india that attracts more than 2,000 sellers each dayphotographer ken hermann spent 10 days at the market photographing his project \" flower man \"']\n", + "photographer ken hermann visited the market for his project \" flower man , \" which is a series of portraits that casts light upon the people behind the petals .( cnn ) eternally blooming in kolkata , india , along the hooghly river is malik ghat , a wholesale flower market that attracts more than 2,000 sellers each day .when hermann was in kolkata working on another assignment , he went to the market as a tourist .\n", + "malik ghat is a wholesale flower market in india that attracts more than 2,000 sellers each dayphotographer ken hermann spent 10 days at the market photographing his project \" flower man \"\n", + "[1.208345 1.4433533 1.2888544 1.3417943 1.0725272 1.1471001 1.20811\n", + " 1.1358441 1.111967 1.0662216 1.0436387 1.0873609 1.0136905 1.102408\n", + " 1.1320555 1.0751393 1.0354509 1.040052 1.0506799 1.0326915 1.0328201]\n", + "\n", + "[ 1 3 2 0 6 5 7 14 8 13 11 15 4 9 18 10 17 16 20 19 12]\n", + "=======================\n", + "['alexander pacteau , 21 , allegedly killed the nursing student , whose disappearance sparked a huge police search earlier this week .a man has been charged with murder after the body of nursing student karen buckley was found this weekhe is also charged with attempting to defeat the ends of justice , it emerged at a private court appearance today at glasgow sheriff court .']\n", + "=======================\n", + "['nursing student went missing during night out with friends at weekendher body was found on a farm six miles north of glasgow this weekalexander pacteau , from glasgow , has been charged with her murder21-year-old is also charged with attempting to defeat the ends of justice']\n", + "alexander pacteau , 21 , allegedly killed the nursing student , whose disappearance sparked a huge police search earlier this week .a man has been charged with murder after the body of nursing student karen buckley was found this weekhe is also charged with attempting to defeat the ends of justice , it emerged at a private court appearance today at glasgow sheriff court .\n", + "nursing student went missing during night out with friends at weekendher body was found on a farm six miles north of glasgow this weekalexander pacteau , from glasgow , has been charged with her murder21-year-old is also charged with attempting to defeat the ends of justice\n", + "[1.274621 1.4692428 1.2487063 1.1401036 1.1426225 1.2074066 1.2048631\n", + " 1.0359188 1.0597867 1.1108427 1.072605 1.0528946 1.0346912 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 5 6 4 3 9 10 8 11 7 12 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"maya angelou , the acclaimed author of such classics as i know why the cage bird sings and on the pulse of morning , which she read at bill clinton 's inauguration in 1993 , was issued a forever stamp in honor of her many achievements and contributions .one of america 's greatest poets was honored by the us postal service in a star-studded ceremony on tuesday .the stamp was unveiled tuesday at an event featuring first lady michelle obama and postmaster general megan j. brennan ( above )\"]\n", + "=======================\n", + "[\"a quote attributed to maya angelou on her commemorative stamp released by the us postal service is actually that of another writera bird does n't sing because it has an answer , it sings because it has a song , ' reads the stamp , a quote that has long been attributed to angeloujoan walsh anglund wrote the words in her 1967 book a cup of sunangelou , the acclaimed author of such classics as i know why the cage bird sings , was issued the forever stamp for her contributions to the artsthe stamp was unveiled tuesday at an event featuring first lady michelle obama , oprah winfrey and postmaster general megan j. brennan\"]\n", + "maya angelou , the acclaimed author of such classics as i know why the cage bird sings and on the pulse of morning , which she read at bill clinton 's inauguration in 1993 , was issued a forever stamp in honor of her many achievements and contributions .one of america 's greatest poets was honored by the us postal service in a star-studded ceremony on tuesday .the stamp was unveiled tuesday at an event featuring first lady michelle obama and postmaster general megan j. brennan ( above )\n", + "a quote attributed to maya angelou on her commemorative stamp released by the us postal service is actually that of another writera bird does n't sing because it has an answer , it sings because it has a song , ' reads the stamp , a quote that has long been attributed to angeloujoan walsh anglund wrote the words in her 1967 book a cup of sunangelou , the acclaimed author of such classics as i know why the cage bird sings , was issued the forever stamp for her contributions to the artsthe stamp was unveiled tuesday at an event featuring first lady michelle obama , oprah winfrey and postmaster general megan j. brennan\n", + "[1.161217 1.2678323 1.320175 1.2726038 1.131558 1.1374401 1.0731403\n", + " 1.1870129 1.1568328 1.1330968 1.069572 1.0518658 1.0781702 1.0685525\n", + " 1.0847931 1.0241528 1.0238385 1.1033227 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 7 0 8 5 9 4 17 14 12 6 10 13 11 15 16 19 18 20]\n", + "=======================\n", + "[\"the latest footage was captured by a cctv camera outside a home in woodford green , north london at 3.20 on sunday morning .it shows how easy it is for the so-called hackers to bypass security systems using hand-held devices to steal cars without even using the owner 's keys .the metropolitan police are now appealing for information in a bid to try and track down the thief .\"]\n", + "=======================\n", + "['footage shows a thief casually stroll up to a range rover in north londonusing keyless technology he breaks into vehicle without causing damageless than 30 seconds later he drives off in the 4x4 in a car hacking theft']\n", + "the latest footage was captured by a cctv camera outside a home in woodford green , north london at 3.20 on sunday morning .it shows how easy it is for the so-called hackers to bypass security systems using hand-held devices to steal cars without even using the owner 's keys .the metropolitan police are now appealing for information in a bid to try and track down the thief .\n", + "footage shows a thief casually stroll up to a range rover in north londonusing keyless technology he breaks into vehicle without causing damageless than 30 seconds later he drives off in the 4x4 in a car hacking theft\n", + "[1.4626942 1.171157 1.4098976 1.1852796 1.1394984 1.0568672 1.1610643\n", + " 1.0801663 1.1325767 1.2321643 1.017321 1.016879 1.0227228 1.0381124\n", + " 1.0716524 1.0448045 1.104632 1.0692142 1.099304 0. 0. ]\n", + "\n", + "[ 0 2 9 3 1 6 4 8 16 18 7 14 17 5 15 13 12 10 11 19 20]\n", + "=======================\n", + "[\"jilted music teacher yulia simonova , 52 , wanted to hire a hitman to torture and murder 15-year-old damian vanya after he ended their relationshipthe russian music teacher now faces 15 years in prison after being charged with attempted murder 'but police set up a sting operation , sending one of their undercover officers to pose as a hitman during a meeting with simonova in the russian city of shatura , near the capital of moscow .\"]\n", + "=======================\n", + "[\"yulia simonova said she wanted the teenager to suffer ` unbearable pain 'offered to pay ` hitman ' # 1,400 to murder the boy in police sting operationnow faces 15 years in prison after being charged with attempted murder\"]\n", + "jilted music teacher yulia simonova , 52 , wanted to hire a hitman to torture and murder 15-year-old damian vanya after he ended their relationshipthe russian music teacher now faces 15 years in prison after being charged with attempted murder 'but police set up a sting operation , sending one of their undercover officers to pose as a hitman during a meeting with simonova in the russian city of shatura , near the capital of moscow .\n", + "yulia simonova said she wanted the teenager to suffer ` unbearable pain 'offered to pay ` hitman ' # 1,400 to murder the boy in police sting operationnow faces 15 years in prison after being charged with attempted murder\n", + "[1.1935694 1.4905658 1.4298022 1.2750366 1.3365824 1.1052 1.1185174\n", + " 1.2544738 1.0128734 1.0168447 1.0898592 1.0821366 1.0397633 1.0132247\n", + " 1.0170549 1.0251796 1.1304381 1.2051123 1.0195158 1.0076189 1.0091636\n", + " 1.0073887]\n", + "\n", + "[ 1 2 4 3 7 17 0 16 6 5 10 11 12 15 18 14 9 13 8 20 19 21]\n", + "=======================\n", + "['right-handed reliever john axford was placed on the family medical emergency list before the rockies game on sunday .his son had surgery last monday - opening day for the rockies - on his right foot to remove necrotic tissue .his son jameson , left , was bitten twice by a rattlesnake last month and requires more treatment .']\n", + "=======================\n", + "['john axford has been placed on the family medical emergency list by the colorado rockieshis son jameson , 2 , was bitten twice by a rattlesnake last month in the yard of the house his family had rented in scottsdale for spring trainingjameson will board an emergency medical flight on monday to denver for more treatmentaxford will be out for at least three days and a maximum of a week']\n", + "right-handed reliever john axford was placed on the family medical emergency list before the rockies game on sunday .his son had surgery last monday - opening day for the rockies - on his right foot to remove necrotic tissue .his son jameson , left , was bitten twice by a rattlesnake last month and requires more treatment .\n", + "john axford has been placed on the family medical emergency list by the colorado rockieshis son jameson , 2 , was bitten twice by a rattlesnake last month in the yard of the house his family had rented in scottsdale for spring trainingjameson will board an emergency medical flight on monday to denver for more treatmentaxford will be out for at least three days and a maximum of a week\n", + "[1.3509716 1.4574884 1.2013937 1.1451573 1.1024483 1.1199437 1.2054989\n", + " 1.0277629 1.0854318 1.0761548 1.0848844 1.0590298 1.077689 1.0496857\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 6 2 3 5 4 8 10 12 9 11 13 7 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "['michael keaton paid homage -- ever so slightly -- to his roles in \" beetlejuice \" and \" batman \" in his third turn hosting \" saturday night live \" this weekend .( cnn ) \" it \\'s showtime ! \"snl cast members taran killam and bobby moynihan begged the actor with a song to \" play \" batman and beetlejuice with them .']\n", + "=======================\n", + "['michael keaton hosted \" saturday night live \" for the first time in 1982in 2015 , his nods to starring roles in \" beetlejuice \" and \" batman \" are brief']\n", + "michael keaton paid homage -- ever so slightly -- to his roles in \" beetlejuice \" and \" batman \" in his third turn hosting \" saturday night live \" this weekend .( cnn ) \" it 's showtime ! \"snl cast members taran killam and bobby moynihan begged the actor with a song to \" play \" batman and beetlejuice with them .\n", + "michael keaton hosted \" saturday night live \" for the first time in 1982in 2015 , his nods to starring roles in \" beetlejuice \" and \" batman \" are brief\n", + "[1.4825937 1.1687763 1.3623319 1.2276386 1.1542089 1.1017451 1.0576081\n", + " 1.0928278 1.06217 1.0701212 1.0655173 1.0757744 1.1182343 1.054274\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 3 1 4 12 5 7 11 9 10 8 6 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"jailed bigamist andrew o'clee , 36 , may have been on the prowl for wife number three after a dating profile matching his description was discovered , pictured outside chichester crown courto'clee led a double life , duping his first wife , michelle , 39 , into believing he needed to spend periods away from the family home in a ` safe house ' because he was involved in a serious fraud trial .michelle , who has been friends with singer myleene klass since the pair appeared in a production of miss saigon together in 1999 , is currently seeking a divorce from o'clee .\"]\n", + "=======================\n", + "[\"andrew o'clee , 36 , has been jailed after his second marriage was exposedhe wed michelle in 2008 and forged documents so he could marry philippadating profile matching his description has been found on plenty of fisho'clee was caught out in elaborate lie after video appeared on facebook\"]\n", + "jailed bigamist andrew o'clee , 36 , may have been on the prowl for wife number three after a dating profile matching his description was discovered , pictured outside chichester crown courto'clee led a double life , duping his first wife , michelle , 39 , into believing he needed to spend periods away from the family home in a ` safe house ' because he was involved in a serious fraud trial .michelle , who has been friends with singer myleene klass since the pair appeared in a production of miss saigon together in 1999 , is currently seeking a divorce from o'clee .\n", + "andrew o'clee , 36 , has been jailed after his second marriage was exposedhe wed michelle in 2008 and forged documents so he could marry philippadating profile matching his description has been found on plenty of fisho'clee was caught out in elaborate lie after video appeared on facebook\n", + "[1.3759732 1.3970269 1.1819026 1.3327851 1.2682004 1.0455166 1.0680666\n", + " 1.0380646 1.0342983 1.0982554 1.1733731 1.0903707 1.0789543 1.0246266\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 4 2 10 9 11 12 6 5 7 8 13 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"a jakarta court is due to decide whether the pair 's lawyers can challenge indonesian president joko widodo 's decision to deny the two australians clemency .bali nine ringleaders myuran sukumaran and andrew chan will today find out if their last-ditch legal appeal against their death row sentence will be allowed to proceed .sydney men chan , 31 , and sukumaran , 33 , are currently awaiting execution on the death island of nusakambangan with seven other prisoners after they were transferred from their home of almost ten years -- bali 's notorious kerobokan prison -- in a dramatic show of force , over a month ago .\"]\n", + "=======================\n", + "[\"the two australians are currently in isolation on death row in indonesiawere moved from bali jail to the island they will be executed on last montha jakarta court will decide whether they can challenge clemency rulingthey are battling to overturn indonesian president joko widodo 's decision to deny the pair clemency\"]\n", + "a jakarta court is due to decide whether the pair 's lawyers can challenge indonesian president joko widodo 's decision to deny the two australians clemency .bali nine ringleaders myuran sukumaran and andrew chan will today find out if their last-ditch legal appeal against their death row sentence will be allowed to proceed .sydney men chan , 31 , and sukumaran , 33 , are currently awaiting execution on the death island of nusakambangan with seven other prisoners after they were transferred from their home of almost ten years -- bali 's notorious kerobokan prison -- in a dramatic show of force , over a month ago .\n", + "the two australians are currently in isolation on death row in indonesiawere moved from bali jail to the island they will be executed on last montha jakarta court will decide whether they can challenge clemency rulingthey are battling to overturn indonesian president joko widodo 's decision to deny the pair clemency\n", + "[1.2431737 1.5079682 1.206645 1.3294067 1.2625268 1.2084162 1.0257443\n", + " 1.0178666 1.1214287 1.2172762 1.0897499 1.0478038 1.012482 1.0100995\n", + " 1.0103918 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 4 0 9 5 2 8 10 11 6 7 12 14 13 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"john shipton 's uniquely designed two-bedroom home at 36 kent street , newtown in sydney 's inner west , was first put on the market for at least $ 1.1 million , but failed to sell in an initial auction in mid-march .the place julian assange 's father has long called home sold for $ 1.42 million on wednesdayjohn shipton ( left ) , whose son julian assange ( right ) is still seeking refuge in london 's ecuadorean embassy , managed to secure a buyer for well over his asking price on wednesday\"]\n", + "=======================\n", + "[\"julian assange 's father 's eccentric newtown home sold for $ 1.42 million on wednesdaythe quirky haven is a short walk to parks , cafes on the buzzing strip of king street in sydney 's trendy inner westit was originally built in the 1870s as the servant 's quarters to a victorian villa next doorset on 247sqm , it is a treasure-trove of original decorative finishes after being rebuilt by shipton in the 1990sthe bathroom features free-standing bath complete with a rain shower and marble and mosaic mirror detailing\"]\n", + "john shipton 's uniquely designed two-bedroom home at 36 kent street , newtown in sydney 's inner west , was first put on the market for at least $ 1.1 million , but failed to sell in an initial auction in mid-march .the place julian assange 's father has long called home sold for $ 1.42 million on wednesdayjohn shipton ( left ) , whose son julian assange ( right ) is still seeking refuge in london 's ecuadorean embassy , managed to secure a buyer for well over his asking price on wednesday\n", + "julian assange 's father 's eccentric newtown home sold for $ 1.42 million on wednesdaythe quirky haven is a short walk to parks , cafes on the buzzing strip of king street in sydney 's trendy inner westit was originally built in the 1870s as the servant 's quarters to a victorian villa next doorset on 247sqm , it is a treasure-trove of original decorative finishes after being rebuilt by shipton in the 1990sthe bathroom features free-standing bath complete with a rain shower and marble and mosaic mirror detailing\n", + "[1.5141226 1.2699144 1.1999106 1.3950132 1.0916374 1.105914 1.0323981\n", + " 1.0281445 1.0278145 1.02436 1.0164125 1.021958 1.020868 1.0216246\n", + " 1.0187358 1.0199925 1.028701 1.0330113 1.135643 1.0596759 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 18 5 4 19 17 6 16 7 8 9 11 13 12 15 14 10 23 20 21 22\n", + " 24]\n", + "=======================\n", + "['marlon samuels found a novel way of carrying on his duel in the second test with ben stokes here on thursday night when he sent him on his way with a military-style salute .ben stokes ( left ) gives marlon samuels a stare as the west indian gives him a send-off salute on thursdaythe durham all-rounder muttered under his breath as he walked past samuels before england closed on 373 for six , a lead of 74 , thanks to an outstanding unbeaten 118 from the prolific joe root .']\n", + "=======================\n", + "[\"ben stokes holed out in the deep for eight on day three in grenadaas stokes left the field , marlon samuels stood and saluted his foecurtly ambrose said : ` there 's nothing wrong with a little bantering 'graeme swann said the salute made him ` laugh tea out of my nose 'england lead by 74 runs at stumps on day three in st george 's\"]\n", + "marlon samuels found a novel way of carrying on his duel in the second test with ben stokes here on thursday night when he sent him on his way with a military-style salute .ben stokes ( left ) gives marlon samuels a stare as the west indian gives him a send-off salute on thursdaythe durham all-rounder muttered under his breath as he walked past samuels before england closed on 373 for six , a lead of 74 , thanks to an outstanding unbeaten 118 from the prolific joe root .\n", + "ben stokes holed out in the deep for eight on day three in grenadaas stokes left the field , marlon samuels stood and saluted his foecurtly ambrose said : ` there 's nothing wrong with a little bantering 'graeme swann said the salute made him ` laugh tea out of my nose 'england lead by 74 runs at stumps on day three in st george 's\n", + "[1.1998696 1.3844466 1.2655383 1.1636989 1.2166233 1.1035849 1.0794808\n", + " 1.0970325 1.1087308 1.1184485 1.127627 1.1971033 1.0199422 1.100753\n", + " 1.0156007 1.0357656 1.0079994 1.0267828 1.0196856 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 0 11 3 10 9 8 5 13 7 6 15 17 12 18 14 16 23 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"iraqi officials said izzat ibrahim al-douri had died in fighting with government troops in salahuddin province , north of baghdad .al-douri , 72 , headed the naqshbandi order insurgent group , an important faction behind the recent rise of isis .al-douri was the king of clubs in the famous pack of cards the us issued of wanted members of saddam 's regime after its collapse\"]\n", + "=======================\n", + "[\"iraqi officials say izzat ibrahim al-douri , 72 , has died in fighting in tikrithe was one of saddam hussein 's most trusted henchmen in ba'ath partywas one of the most high-profile officials to evade capture after invasionhad a $ 10m bounty on his head and was one of the us 's most wanted men\"]\n", + "iraqi officials said izzat ibrahim al-douri had died in fighting with government troops in salahuddin province , north of baghdad .al-douri , 72 , headed the naqshbandi order insurgent group , an important faction behind the recent rise of isis .al-douri was the king of clubs in the famous pack of cards the us issued of wanted members of saddam 's regime after its collapse\n", + "iraqi officials say izzat ibrahim al-douri , 72 , has died in fighting in tikrithe was one of saddam hussein 's most trusted henchmen in ba'ath partywas one of the most high-profile officials to evade capture after invasionhad a $ 10m bounty on his head and was one of the us 's most wanted men\n", + "[1.2078205 1.3800156 1.2018216 1.1130854 1.0969882 1.1118555 1.1065927\n", + " 1.0533153 1.0809953 1.0712357 1.0490795 1.0474719 1.0405438 1.0539451\n", + " 1.044999 1.0320886 1.0399685 1.0326979 1.0382258 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 5 6 4 8 9 13 7 10 11 14 12 16 18 17 15 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "['the attack killed 168 men , women and children , injured hundreds more , and remains the deadliest act of domestic terrorism in u.s. history .( cnn ) twenty years ago , on april 19 , 1995 , timothy mcveigh detonated a massive truck bomb in front of the murrah federal building in oklahoma city .the attack \\'s aftermath saw a storm of media coverage with themes such as \" attack on the heartland \" and america \\'s \" lost innocence . \"']\n", + "=======================\n", + "['twenty years ago , on april 19 , 1995 , timothy mcveigh set off a massive bomb in oklahoma citydeborah lauter and mark pitcavage : right-wing extremism should still be taken seriously']\n", + "the attack killed 168 men , women and children , injured hundreds more , and remains the deadliest act of domestic terrorism in u.s. history .( cnn ) twenty years ago , on april 19 , 1995 , timothy mcveigh detonated a massive truck bomb in front of the murrah federal building in oklahoma city .the attack 's aftermath saw a storm of media coverage with themes such as \" attack on the heartland \" and america 's \" lost innocence . \"\n", + "twenty years ago , on april 19 , 1995 , timothy mcveigh set off a massive bomb in oklahoma citydeborah lauter and mark pitcavage : right-wing extremism should still be taken seriously\n", + "[1.5704842 1.4607375 1.1596948 1.1372473 1.0541546 1.0537791 1.084349\n", + " 1.058983 1.107731 1.1281567 1.0760015 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 9 8 6 10 7 4 5 18 22 21 20 19 17 12 15 14 13 23 11 16\n", + " 24]\n", + "=======================\n", + "[\"crystal palace co-chairman steve parish described a ` great moment ' as he basked in the glory of his club 's 2-1 win over champions manchester city .after the game , parish posed for a picture at selhurst park with palace manager alan pardew , england boss roy hodgson and bill wyman - one of the original members of the rolling stones and avid palace fan .pardew used seven englishmen including matchwinner jason puncheon , while england no 1 joe hart and utility man james milner both played for city .\"]\n", + "=======================\n", + "['crystal palace beat manchester city 2-1 on monday nightengland boss roy hodgson and ex-rolling stone bill wyman were therechairman steve parish posts picture with them and alan pardew']\n", + "crystal palace co-chairman steve parish described a ` great moment ' as he basked in the glory of his club 's 2-1 win over champions manchester city .after the game , parish posed for a picture at selhurst park with palace manager alan pardew , england boss roy hodgson and bill wyman - one of the original members of the rolling stones and avid palace fan .pardew used seven englishmen including matchwinner jason puncheon , while england no 1 joe hart and utility man james milner both played for city .\n", + "crystal palace beat manchester city 2-1 on monday nightengland boss roy hodgson and ex-rolling stone bill wyman were therechairman steve parish posts picture with them and alan pardew\n", + "[1.037649 1.061432 1.4923724 1.3277283 1.3738861 1.3283787 1.0939143\n", + " 1.0645071 1.0560335 1.0304363 1.025288 1.0247225 1.0179751 1.021377\n", + " 1.0147818 1.0184245 1.0602001 1.0195689 1.0215133 1.081351 1.0896137\n", + " 1.0490162 1.0282632 1.0489511 1.131393 ]\n", + "\n", + "[ 2 4 5 3 24 6 20 19 7 1 16 8 21 23 0 9 22 10 11 18 13 17 15 12\n", + " 14]\n", + "=======================\n", + "['the most uncomfortable is the nissan note mk1 with a score of just 80 per cent , according to the poll of 61,000 drivers .the mark one hyundai i20 was named the second most uncomfortable car , with 81.1 per cent of the votehot on its wheels is the hyundai i20 mk1 with 81.01 per cent and fiat panda mk2 at 81.49 per cent .']\n", + "=======================\n", + "['nissan note mk1 was named the most uncomfortable car in the countryhyundai i20 mk1 and fiat panda mk2 took second and third spotsten most comfortable cars include five by lexus , which also took top spot']\n", + "the most uncomfortable is the nissan note mk1 with a score of just 80 per cent , according to the poll of 61,000 drivers .the mark one hyundai i20 was named the second most uncomfortable car , with 81.1 per cent of the votehot on its wheels is the hyundai i20 mk1 with 81.01 per cent and fiat panda mk2 at 81.49 per cent .\n", + "nissan note mk1 was named the most uncomfortable car in the countryhyundai i20 mk1 and fiat panda mk2 took second and third spotsten most comfortable cars include five by lexus , which also took top spot\n", + "[1.5340197 1.3290098 1.2557447 1.397564 1.1546817 1.0918634 1.1854547\n", + " 1.1761218 1.0578555 1.1526904 1.0183876 1.0512202 1.0959375 1.0120958\n", + " 1.0205971 1.0128734 0. ]\n", + "\n", + "[ 0 3 1 2 6 7 4 9 12 5 8 11 14 10 15 13 16]\n", + "=======================\n", + "[\"psv eindhoven beat heerenveen 4-1 to win the dutch championship on saturday for the first time in seven seasons .psv eindhoven won there first eredivisie title in seven years after beating heerenveen 4-1 on saturdaypsv 's victory put them on 79 points and beyond the reach of second-placed ajax amsterdam , who have lost their title after four successive years as champions .\"]\n", + "=======================\n", + "['psv beat heerenveen to lift their first eredivisie title in seven yearsajax , who won the title for four successive years , are behind in secondluuk de jong and memphis depay starred as psv eased to 4-1 windordecht are on the verge of relegation after 3-0 loss to vitesse arnhemaz alkmaar qualified for the europa league play-offs with 3-1 win']\n", + "psv eindhoven beat heerenveen 4-1 to win the dutch championship on saturday for the first time in seven seasons .psv eindhoven won there first eredivisie title in seven years after beating heerenveen 4-1 on saturdaypsv 's victory put them on 79 points and beyond the reach of second-placed ajax amsterdam , who have lost their title after four successive years as champions .\n", + "psv beat heerenveen to lift their first eredivisie title in seven yearsajax , who won the title for four successive years , are behind in secondluuk de jong and memphis depay starred as psv eased to 4-1 windordecht are on the verge of relegation after 3-0 loss to vitesse arnhemaz alkmaar qualified for the europa league play-offs with 3-1 win\n", + "[1.3175596 1.2324152 1.2764059 1.1794927 1.0865844 1.1517464 1.1409174\n", + " 1.0527976 1.0541267 1.0595607 1.0337415 1.2268062 1.145481 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 11 3 5 12 6 4 9 8 7 10 15 13 14 16]\n", + "=======================\n", + "[\"despite being paraded as a prominent backer of mr miliband hours earlier , throughout the television debate on thursday night she instead tweeted praise for green party leader natalie bennettcampaign chiefs had attempted to rebuff a letter from 100 business leaders that criticised the party by publishing its own message calling for a labour government signed by people ` from all walks of life ' .ed miliband faced yet more humiliation today as he lost the support of a plus-sized blogger just hours after she signed a high-profile letter backing him .\"]\n", + "=======================\n", + "[\"ed miliband lost one of the backers of his high profile support letterblogger callie thorpe was one of the ` ordinary workers ' who signed itjust hours later she tweeted her support for greens leader natalie bennett\"]\n", + "despite being paraded as a prominent backer of mr miliband hours earlier , throughout the television debate on thursday night she instead tweeted praise for green party leader natalie bennettcampaign chiefs had attempted to rebuff a letter from 100 business leaders that criticised the party by publishing its own message calling for a labour government signed by people ` from all walks of life ' .ed miliband faced yet more humiliation today as he lost the support of a plus-sized blogger just hours after she signed a high-profile letter backing him .\n", + "ed miliband lost one of the backers of his high profile support letterblogger callie thorpe was one of the ` ordinary workers ' who signed itjust hours later she tweeted her support for greens leader natalie bennett\n", + "[1.4531693 1.4587133 1.1748304 1.3738879 1.2752548 1.0554467 1.0212736\n", + " 1.0531774 1.0537081 1.0493344 1.0600381 1.0978678 1.1295086 1.1658757\n", + " 1.1258492 0. 0. ]\n", + "\n", + "[ 1 0 3 4 2 13 12 14 11 10 5 8 7 9 6 15 16]\n", + "=======================\n", + "[\"drogba has withdrawn from monday 's ` match against poverty ' in st etienne to add to the blues ' injury woes upfront after diego costa and loic remy both missed saturday 's 1-0 win over manchester united .chelsea striker didier drogba has been forced to withdraw from a charity match after picking up an ankle injury that leaves the barclays premier league leaders with no fit strikers ahead of their game against arsenal on sunday .the ivorian centre forward played the full 90 minutes in chelsea 's last two games , wins over queens park rangers and united , but is now a potential doubt for sunday 's trip to the emirates stadium with the ankle problem .\"]\n", + "=======================\n", + "['didier drogba has picked up a thigh injury and pulled out of a charity gamechelsea are already missing diego costa and loic remy through injurythey travel to face arsenal at the emirates stadium on sunday at 4pmcosta returns to first-team training this week to boost jose mourinho']\n", + "drogba has withdrawn from monday 's ` match against poverty ' in st etienne to add to the blues ' injury woes upfront after diego costa and loic remy both missed saturday 's 1-0 win over manchester united .chelsea striker didier drogba has been forced to withdraw from a charity match after picking up an ankle injury that leaves the barclays premier league leaders with no fit strikers ahead of their game against arsenal on sunday .the ivorian centre forward played the full 90 minutes in chelsea 's last two games , wins over queens park rangers and united , but is now a potential doubt for sunday 's trip to the emirates stadium with the ankle problem .\n", + "didier drogba has picked up a thigh injury and pulled out of a charity gamechelsea are already missing diego costa and loic remy through injurythey travel to face arsenal at the emirates stadium on sunday at 4pmcosta returns to first-team training this week to boost jose mourinho\n", + "[1.0976048 1.1182444 1.2861592 1.4067684 1.3037874 1.1956681 1.0627096\n", + " 1.0366842 1.1019008 1.018684 1.0596473 1.0306523 1.0524098 1.0762742\n", + " 1.0318915 1.0572593 1.0607232]\n", + "\n", + "[ 3 4 2 5 1 8 0 13 6 16 10 15 12 7 14 11 9]\n", + "=======================\n", + "[\"dubbed a hydrafacial , the treatment , which costs around $ 150 ( # 100 ) and uses stem cell from an infant 's foreskin , is currently available in new york .foreskin facials are the latest unconventional beauty treatment to be hitting salons - and people who 've had them ca n't stop singing their praises .the beauty industry is about to get much more bizarre .\"]\n", + "=======================\n", + "[\"dubbed a hydrafacial , the treatment is currently available in new yorkkey ingredient is stem cells from an infant 's foreskinbeauty writer who had it said her skin glowed like j-lo 's\"]\n", + "dubbed a hydrafacial , the treatment , which costs around $ 150 ( # 100 ) and uses stem cell from an infant 's foreskin , is currently available in new york .foreskin facials are the latest unconventional beauty treatment to be hitting salons - and people who 've had them ca n't stop singing their praises .the beauty industry is about to get much more bizarre .\n", + "dubbed a hydrafacial , the treatment is currently available in new yorkkey ingredient is stem cells from an infant 's foreskinbeauty writer who had it said her skin glowed like j-lo 's\n", + "[1.5322659 1.198226 1.4784588 1.1795211 1.0599893 1.0351166 1.0140126\n", + " 1.0292921 1.171674 1.14018 1.1036541 1.1545137 1.0721543 1.0325991\n", + " 1.070282 0. 0. ]\n", + "\n", + "[ 0 2 1 3 8 11 9 10 12 14 4 5 13 7 6 15 16]\n", + "=======================\n", + "[\"michael gridley , 26 , was jailed for a year after orchestrating a scam to steal # 15,000 of goods from the asda in basildon , essex , where he workedan asda manager orchestrated a scam that used the supermarket 's own delivery service to steal goods worth more than # 15,000 - then managed to land a job at lidl after he was sacked .southend crown court heard how the conspiracy was uncovered , following a period during which gridley and colleague jay reed were under suspicion .\"]\n", + "=======================\n", + "['michael gridley , 26 , was jailed after running the scam at store in basildonwas sacked from position after supermarket received anonymous reportsbut he is now employed as a manager at lidl supermarket in romfordsentenced to 12 months at southend crown court for leading role in scam']\n", + "michael gridley , 26 , was jailed for a year after orchestrating a scam to steal # 15,000 of goods from the asda in basildon , essex , where he workedan asda manager orchestrated a scam that used the supermarket 's own delivery service to steal goods worth more than # 15,000 - then managed to land a job at lidl after he was sacked .southend crown court heard how the conspiracy was uncovered , following a period during which gridley and colleague jay reed were under suspicion .\n", + "michael gridley , 26 , was jailed after running the scam at store in basildonwas sacked from position after supermarket received anonymous reportsbut he is now employed as a manager at lidl supermarket in romfordsentenced to 12 months at southend crown court for leading role in scam\n", + "[1.3338861 1.4160315 1.1792403 1.1847708 1.1533822 1.085526 1.0160829\n", + " 1.2084792 1.147447 1.0946602 1.1216621 1.0504324 1.0575331 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 7 3 2 4 8 10 9 5 12 11 6 17 13 14 15 16 18]\n", + "=======================\n", + "[\"drogba celebrated playing his part in chelsea 's 1-0 victory over manchester united on saturday night by putting on the event at london 's swanky dorchester hotel .didier drogba has provided the people of his homeland a lifeline , after the chelsea striker 's charity ball raised a staggering # 400,000 for his foundation .christina milian was joined on stage by the chelsea forward for a night of entertainment in the west end , after jose mourinho 's side had moved one step closer to sealing their third premier league title .\"]\n", + "=======================\n", + "[\"proceeds will help build medical clinic in abidjan , ivory coast 's capital citycharity ball held at london 's dorchester hotel on saturday eveningdrogba was joined by chelsea directors , players and staff at the eventgrammy-nominee christina milian and fuse odg entertained guestslive auction included vip tickets to mayweather vs pacquiao fight\"]\n", + "drogba celebrated playing his part in chelsea 's 1-0 victory over manchester united on saturday night by putting on the event at london 's swanky dorchester hotel .didier drogba has provided the people of his homeland a lifeline , after the chelsea striker 's charity ball raised a staggering # 400,000 for his foundation .christina milian was joined on stage by the chelsea forward for a night of entertainment in the west end , after jose mourinho 's side had moved one step closer to sealing their third premier league title .\n", + "proceeds will help build medical clinic in abidjan , ivory coast 's capital citycharity ball held at london 's dorchester hotel on saturday eveningdrogba was joined by chelsea directors , players and staff at the eventgrammy-nominee christina milian and fuse odg entertained guestslive auction included vip tickets to mayweather vs pacquiao fight\n", + "[1.2415316 1.3896227 1.4102795 1.3042996 1.2654858 1.1521108 1.1116842\n", + " 1.1261647 1.057107 1.0183288 1.029766 1.0194114 1.0159912 1.012199\n", + " 1.0877206 1.1044415 1.0538592 1.0754906 1.0393783]\n", + "\n", + "[ 2 1 3 4 0 5 7 6 15 14 17 8 16 18 10 11 9 12 13]\n", + "=======================\n", + "[\"dark , vibrant ink seems to cause the watch 's heart rate monitor to lose connection and give inaccurate readings .owners of the coveted watch have found the timepiece 's sensors malfunction when worn on tattooed wrists .tim cook may have described the apple watch as ` the most personal device we 've ever created ' but reports claim the gadget does n't tolerate some individual 's tattoos .\"]\n", + "=======================\n", + "['tattooed apple watch users reporting problems with its heart rate sensorsensor takes readings by measuring light absorption though the skindark , solid tattoos seem to confuse the new device the mostapple has yet to comment on the problem , despite people taking to twitter']\n", + "dark , vibrant ink seems to cause the watch 's heart rate monitor to lose connection and give inaccurate readings .owners of the coveted watch have found the timepiece 's sensors malfunction when worn on tattooed wrists .tim cook may have described the apple watch as ` the most personal device we 've ever created ' but reports claim the gadget does n't tolerate some individual 's tattoos .\n", + "tattooed apple watch users reporting problems with its heart rate sensorsensor takes readings by measuring light absorption though the skindark , solid tattoos seem to confuse the new device the mostapple has yet to comment on the problem , despite people taking to twitter\n", + "[1.4163952 1.209528 1.4887495 1.2460822 1.259323 1.0987061 1.0405576\n", + " 1.0719541 1.0427548 1.0298979 1.0914743 1.0586556 1.0983561 1.0583616\n", + " 1.0539707 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 4 3 1 5 12 10 7 11 13 14 8 6 9 15 16 17 18]\n", + "=======================\n", + "[\"muhammad naviede , who was jailed in 1995 for nine years for a # 45million fraud , died after his piper tomahawk aircraft plummeted into a field near padbury in buckinghamshire .an investigation by the air accident investigation branch ( aaib ) said the message was ` unusual ' as the leased plane did not enter a spin until after it was sent .the 60-year-old , whose daughter is a former x-factor contestant , sent a text to a relative shortly before the crash on august 20 last year saying : ` i 'm in a plane out of control and it 's going down . '\"]\n", + "=======================\n", + "[\"muhammad naviede died after his piper tomahawk aircraft crashed in fieldthe 60-year-old sent text to relative shortly before plane span out of controlair accident investigation branch investigation says message is ` unusual 'his daughter was on x factor and brother entertained cherie blair at homethe father-of-two was jailed for nine years in 1995 for a # 45million fraud\"]\n", + "muhammad naviede , who was jailed in 1995 for nine years for a # 45million fraud , died after his piper tomahawk aircraft plummeted into a field near padbury in buckinghamshire .an investigation by the air accident investigation branch ( aaib ) said the message was ` unusual ' as the leased plane did not enter a spin until after it was sent .the 60-year-old , whose daughter is a former x-factor contestant , sent a text to a relative shortly before the crash on august 20 last year saying : ` i 'm in a plane out of control and it 's going down . '\n", + "muhammad naviede died after his piper tomahawk aircraft crashed in fieldthe 60-year-old sent text to relative shortly before plane span out of controlair accident investigation branch investigation says message is ` unusual 'his daughter was on x factor and brother entertained cherie blair at homethe father-of-two was jailed for nine years in 1995 for a # 45million fraud\n", + "[1.4107757 1.3557141 1.3098732 1.3067698 1.1374385 1.0555084 1.056178\n", + " 1.0148844 1.0167572 1.1095402 1.0699661 1.0897071 1.2951788 1.1026524\n", + " 1.0462159 1.0503668 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 12 4 9 13 11 10 6 5 15 14 8 7 17 16 18]\n", + "=======================\n", + "['sacked : but jeremy clarkson will not face prosecution over the incident which got him sacked from top gearpolice had opened an investigation into the incident , which took place at a hotel in hawes , north yorkshire last month after clarkson had been filming top gear in the area .however , after the victim oisin tymon said that he did not want to press charges , officers have now decided to drop the probe without taking action against clarkson .']\n", + "=======================\n", + "[\"top gear presenter was sacked after punching oisin tymon in the mouththe ` fracas ' started when mr clarkson was told he could n't get a steak at yorkshire hotel after a day 's filmingbut mr tymon told police he did not want to press chargesofficers have now announced that mr clarkson will not face prosecution\"]\n", + "sacked : but jeremy clarkson will not face prosecution over the incident which got him sacked from top gearpolice had opened an investigation into the incident , which took place at a hotel in hawes , north yorkshire last month after clarkson had been filming top gear in the area .however , after the victim oisin tymon said that he did not want to press charges , officers have now decided to drop the probe without taking action against clarkson .\n", + "top gear presenter was sacked after punching oisin tymon in the mouththe ` fracas ' started when mr clarkson was told he could n't get a steak at yorkshire hotel after a day 's filmingbut mr tymon told police he did not want to press chargesofficers have now announced that mr clarkson will not face prosecution\n", + "[1.3224517 1.4346375 1.3250266 1.2867925 1.1528773 1.130987 1.1142905\n", + " 1.1338744 1.0412261 1.1840839 1.0376236 1.0726146 1.0286398 1.0269774\n", + " 1.0094348 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 9 4 7 5 6 11 8 10 12 13 14 17 15 16 18]\n", + "=======================\n", + "[\"stephen dodd caused outrage when he posted a photograph online showing solicitors asif bodi and abubakar bhula worshipping during half-time of a fa cup game .now club authorities say they will ` take appropriate action ' against the supporter , which could include banning him from matches .liverpool fc are set to take action against a fan who said that two muslim men praying at the club 's stadium were a ` disgrace ' .\"]\n", + "=======================\n", + "[\"stephen dodd photographed asif bodi and abubakar bhula praying during half-time at anfield last monthhe captioned the image : ` muslims praying at half time #disgrace 'liverpool fc now say they will take action against dodd over the post\"]\n", + "stephen dodd caused outrage when he posted a photograph online showing solicitors asif bodi and abubakar bhula worshipping during half-time of a fa cup game .now club authorities say they will ` take appropriate action ' against the supporter , which could include banning him from matches .liverpool fc are set to take action against a fan who said that two muslim men praying at the club 's stadium were a ` disgrace ' .\n", + "stephen dodd photographed asif bodi and abubakar bhula praying during half-time at anfield last monthhe captioned the image : ` muslims praying at half time #disgrace 'liverpool fc now say they will take action against dodd over the post\n", + "[1.1065096 1.415868 1.3054798 1.2755756 1.1945478 1.1126814 1.1171417\n", + " 1.0704598 1.044203 1.2198983 1.0301782 1.0155604 1.1434969 1.0518439\n", + " 1.0758046 1.0191891 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 9 4 12 6 5 0 14 7 13 8 10 15 11 20 16 17 18 19 21]\n", + "=======================\n", + "['former royal chef darren mcgrady said that as children the brothers swapped the instructions from their nanny for their own in which they asked for fast food .william and harry were apparently fed up with the endless diet of traditional english food so wanted a change .mr mcgrady is the former chef to the queen and princess diana and spent a total of 15 years cooking for them at buckingham palace and kensington palace .']\n", + "=======================\n", + "[\"darren mcgrady says the princes once tried to trick him into making pizzaas children , william and harry forged note to the chef from their nannythey were apparently fed up with endless diet of traditional english foodbut mr mcgrady said their ` juvenile handwriting ' gave them away and they ended up with roast chicken\"]\n", + "former royal chef darren mcgrady said that as children the brothers swapped the instructions from their nanny for their own in which they asked for fast food .william and harry were apparently fed up with the endless diet of traditional english food so wanted a change .mr mcgrady is the former chef to the queen and princess diana and spent a total of 15 years cooking for them at buckingham palace and kensington palace .\n", + "darren mcgrady says the princes once tried to trick him into making pizzaas children , william and harry forged note to the chef from their nannythey were apparently fed up with endless diet of traditional english foodbut mr mcgrady said their ` juvenile handwriting ' gave them away and they ended up with roast chicken\n", + "[1.4160373 1.243331 1.432295 1.1807389 1.196237 1.078662 1.0284183\n", + " 1.0270641 1.0167774 1.0443457 1.1865046 1.0429596 1.0351601 1.0302577\n", + " 1.0286238 1.0739851 1.0628781 1.0137402 1.0111033 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 1 4 10 3 5 15 16 9 11 12 13 14 6 7 8 17 18 19 20 21]\n", + "=======================\n", + "[\"mark dawe , head of the oxford , cambridge and rsa examinations board ( ocr ) , said schoolchildren would only have a short time to use the search engine during tests - and compared it to using a calculator in a maths exam .an exam board boss has today been accused of ` dumbing down standards ' after suggesting students should be allowed to use google in their gcse and a-level exams .row : education campaigners say that this would send standards plummeting and said exams are about knowledge not hunting for information\"]\n", + "=======================\n", + "[\"mark dawe , head of the ocr exam board , said it is like using a calculatorbelieves students should be tested on answers , not where they find themcampaign for real education said ` nonsense ' idea is ` dumbing down 'chair chris mcgovern said : ` we have to test what is in a child 's head '\"]\n", + "mark dawe , head of the oxford , cambridge and rsa examinations board ( ocr ) , said schoolchildren would only have a short time to use the search engine during tests - and compared it to using a calculator in a maths exam .an exam board boss has today been accused of ` dumbing down standards ' after suggesting students should be allowed to use google in their gcse and a-level exams .row : education campaigners say that this would send standards plummeting and said exams are about knowledge not hunting for information\n", + "mark dawe , head of the ocr exam board , said it is like using a calculatorbelieves students should be tested on answers , not where they find themcampaign for real education said ` nonsense ' idea is ` dumbing down 'chair chris mcgovern said : ` we have to test what is in a child 's head '\n", + "[1.486521 1.3479631 1.36794 1.267593 1.0909946 1.0267469 1.0207804\n", + " 1.2606997 1.1625309 1.0523313 1.0847896 1.0681949 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 3 7 8 4 10 11 9 5 6 20 12 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "['boxing fans hoping to attend the weigh-in for the welterweight showdown between floyd mayweather and manny pacquiao on may 2 must buy advance tickets .tickets will cost # 6.60 and will go on sale through mgm resorts call centre and box office on friday at 8pm with all funds raised going to the charities chosen by mayweather and pacquiao - susan g. komen and the cleveland clinic lou ruvo center for brain health .floyd maywetaher is looking to make it 49-0 with a win against the hard-hitting filipino fighter']\n", + "=======================\n", + "['thousands of fans expected to turn up to the mgm arena in las vegasto watch the weigh-in , spectators will need to purchase advance ticketsthe tickets can be bought on friday with all the money going to charityread : mayweather vs pacquiao tickets sell out within 60 secondsread : mayweather vs pacquiao purse could hit $ 300m']\n", + "boxing fans hoping to attend the weigh-in for the welterweight showdown between floyd mayweather and manny pacquiao on may 2 must buy advance tickets .tickets will cost # 6.60 and will go on sale through mgm resorts call centre and box office on friday at 8pm with all funds raised going to the charities chosen by mayweather and pacquiao - susan g. komen and the cleveland clinic lou ruvo center for brain health .floyd maywetaher is looking to make it 49-0 with a win against the hard-hitting filipino fighter\n", + "thousands of fans expected to turn up to the mgm arena in las vegasto watch the weigh-in , spectators will need to purchase advance ticketsthe tickets can be bought on friday with all the money going to charityread : mayweather vs pacquiao tickets sell out within 60 secondsread : mayweather vs pacquiao purse could hit $ 300m\n", + "[1.2565231 1.3237484 1.1223444 1.2955849 1.088855 1.158407 1.073616\n", + " 1.0950482 1.069064 1.117151 1.0541167 1.0755002 1.0226631 1.1522063\n", + " 1.0182616 1.0236257 1.0250909 1.0138388 1.0128802 1.0197808 1.0125659\n", + " 1.0884228]\n", + "\n", + "[ 1 3 0 5 13 2 9 7 4 21 11 6 8 10 16 15 12 19 14 17 18 20]\n", + "=======================\n", + "[\"clinton , whose mother hillary is expected to formally announce her presidential campaign this sunday , said it is time the united states had a female leader .chelsea clinton is opening up about life in the public eye , being a new mother and whether or not she would like to see her own mother become president in a new interview .get it now at neiman 's\"]\n", + "=======================\n", + "[\"chelsea clinton is opening up about motherhood , life in the public eye and why the united states needs a female president in a new interview with elleclinton says that though the us is the ` land of equal opportunity , ' that is not true about gender , and a female president would change thatthis just two days before her mother hillary is expected to announce her presidential campaign` it is challenging to me that women comprising 20 percent of congress is treated as a real success .clinton , who is described in the magazine as ` innately regal , also appears in a fashion spread in which she looks almost unrecognizable\"]\n", + "clinton , whose mother hillary is expected to formally announce her presidential campaign this sunday , said it is time the united states had a female leader .chelsea clinton is opening up about life in the public eye , being a new mother and whether or not she would like to see her own mother become president in a new interview .get it now at neiman 's\n", + "chelsea clinton is opening up about motherhood , life in the public eye and why the united states needs a female president in a new interview with elleclinton says that though the us is the ` land of equal opportunity , ' that is not true about gender , and a female president would change thatthis just two days before her mother hillary is expected to announce her presidential campaign` it is challenging to me that women comprising 20 percent of congress is treated as a real success .clinton , who is described in the magazine as ` innately regal , also appears in a fashion spread in which she looks almost unrecognizable\n", + "[1.3865592 1.5487419 1.1903721 1.1867125 1.2859366 1.1717091 1.0127162\n", + " 1.0160857 1.0103333 1.0106481 1.0138717 1.064651 1.0585091 1.0378416\n", + " 1.0689756 1.0136795 1.0192811 1.0274214 1.0236025 1.2381296 1.1963903\n", + " 0. ]\n", + "\n", + "[ 1 0 4 19 20 2 3 5 14 11 12 13 17 18 16 7 10 15 6 9 8 21]\n", + "=======================\n", + "[\"jose mourinho 's side , who face arsenal at the emirates on sunday , are currently nine points clear at the summit of the table with six games of the current campaign remaining .chelsea are planning a victory parade through the streets around stamford bridge should they stay on course to claim the premier league title in may .the letter , delivered to residents of fulham , outlines chelsea 's plan for their victory parade on may 25\"]\n", + "=======================\n", + "[\"chelsea are currently nine points clear in the premier league standingsjose mourinho 's side face arsenal at the emirates on sundaythe blues have six games remaining in the current league campaign\"]\n", + "jose mourinho 's side , who face arsenal at the emirates on sunday , are currently nine points clear at the summit of the table with six games of the current campaign remaining .chelsea are planning a victory parade through the streets around stamford bridge should they stay on course to claim the premier league title in may .the letter , delivered to residents of fulham , outlines chelsea 's plan for their victory parade on may 25\n", + "chelsea are currently nine points clear in the premier league standingsjose mourinho 's side face arsenal at the emirates on sundaythe blues have six games remaining in the current league campaign\n", + "[1.3296914 1.3881103 1.2355088 1.1930933 1.3057344 1.0602713 1.0906391\n", + " 1.0232205 1.0369624 1.0202583 1.1728026 1.0157357 1.100661 1.060185\n", + " 1.0470957 1.1662618 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 10 15 12 6 5 13 14 8 7 9 11 18 16 17 19]\n", + "=======================\n", + "[\"the size 14 beauty lived with a group of standard ` skinnier ' models during her stint working in new york , and says that their agents instructed them to stick to a diet of ` one cracker and a couple of glasses of water ' .` plus-size ' model laura wells has revealed the extreme dieting measures taken by her model roommates to prepare for fashion week .` it goes to the extremes , ' wells told the australian women 's weekly .\"]\n", + "=======================\n", + "[\"australian plus-size model laura wells talks to women 's weeklysize 14 beauty reveals the extreme diets of her room mates in new yorksays agents told models to follow extreme diet for fashion weeklast week france passed law banning excessively thin modelsagents and brands who do not comply will face fines and imprisonment\"]\n", + "the size 14 beauty lived with a group of standard ` skinnier ' models during her stint working in new york , and says that their agents instructed them to stick to a diet of ` one cracker and a couple of glasses of water ' .` plus-size ' model laura wells has revealed the extreme dieting measures taken by her model roommates to prepare for fashion week .` it goes to the extremes , ' wells told the australian women 's weekly .\n", + "australian plus-size model laura wells talks to women 's weeklysize 14 beauty reveals the extreme diets of her room mates in new yorksays agents told models to follow extreme diet for fashion weeklast week france passed law banning excessively thin modelsagents and brands who do not comply will face fines and imprisonment\n", + "[1.1670284 1.1703838 1.2104958 1.2178067 1.4113054 1.2608371 1.1796062\n", + " 1.1046242 1.2073151 1.0575138 1.0148002 1.0192862 1.0331094 1.1206172\n", + " 1.0805694 1.043747 1.0517642 1.0321763 0. 0. ]\n", + "\n", + "[ 4 5 3 2 8 6 1 0 13 7 14 9 16 15 12 17 11 10 18 19]\n", + "=======================\n", + "[\"nikki kelly believed she was suffering from period cramps - before giving birth to son james , now three months , in ` three pushes ' on the bathroom floormiss kelly kept her size 8 figure throughout her pregnancy , and had no cravings .she is pictured on holiday with partner andrew swallow , 27 , when she was unknowingly four months pregnant\"]\n", + "=======================\n", + "['nikki kelly , 24 , kept needing the toilet and believed she had period crampsshe was actually in labour and gave birth to her son on the bathroom floorher pregnancy came as a shock as she had been on the contraceptive pillshe continued to have periods , and had no baby bump and no cravings']\n", + "nikki kelly believed she was suffering from period cramps - before giving birth to son james , now three months , in ` three pushes ' on the bathroom floormiss kelly kept her size 8 figure throughout her pregnancy , and had no cravings .she is pictured on holiday with partner andrew swallow , 27 , when she was unknowingly four months pregnant\n", + "nikki kelly , 24 , kept needing the toilet and believed she had period crampsshe was actually in labour and gave birth to her son on the bathroom floorher pregnancy came as a shock as she had been on the contraceptive pillshe continued to have periods , and had no baby bump and no cravings\n", + "[1.4925624 1.3304054 1.1144329 1.1935581 1.0848193 1.0475626 1.0248021\n", + " 1.021691 1.1100357 1.0894982 1.0367798 1.0757154 1.0344504 1.0166037\n", + " 1.061781 1.086936 1.0310491 1.0299693 0. 0. ]\n", + "\n", + "[ 0 1 3 2 8 9 15 4 11 14 5 10 12 16 17 6 7 13 18 19]\n", + "=======================\n", + "[\"celebrities and music lovers gathered on friday in the southern california desert for the beginning of the annual coachella valley music and arts festival - the first big arts and music festival of the summer season .as in previous years , the 16th edition has attracted large crowds as festival goers danced around in the sun while performers including the headlining act ac/dc was scheduled to take the stage as well as musicians such as azealia banks , tame impala , alabama shakes and interpol .this year 's lineup includes rapper drake , florence and the machine , fka twigs , david guetta , the weeknd , kasabian , alt-j and toro y moi among others .\"]\n", + "=======================\n", + "[\"celebrities and music fans gathered in the southern california desert for the annual music and arts festivalthis year 's musical acts include ac/dc , drake , florence and the machine , alt-j and toro y moifestival runs in two weekends including april 10-12 and april 17-19\"]\n", + "celebrities and music lovers gathered on friday in the southern california desert for the beginning of the annual coachella valley music and arts festival - the first big arts and music festival of the summer season .as in previous years , the 16th edition has attracted large crowds as festival goers danced around in the sun while performers including the headlining act ac/dc was scheduled to take the stage as well as musicians such as azealia banks , tame impala , alabama shakes and interpol .this year 's lineup includes rapper drake , florence and the machine , fka twigs , david guetta , the weeknd , kasabian , alt-j and toro y moi among others .\n", + "celebrities and music fans gathered in the southern california desert for the annual music and arts festivalthis year 's musical acts include ac/dc , drake , florence and the machine , alt-j and toro y moifestival runs in two weekends including april 10-12 and april 17-19\n", + "[1.2771076 1.1962713 1.1478224 1.169874 1.2640281 1.1927242 1.0342845\n", + " 1.0462848 1.0330657 1.1486927 1.0540965 1.0734539 1.0394593 1.0503197\n", + " 1.0337994 1.0223095 1.0146582 1.0152862 1.0128807 1.0376998]\n", + "\n", + "[ 0 4 1 5 3 9 2 11 10 13 7 12 19 6 14 8 15 17 16 18]\n", + "=======================\n", + "['ali addeh refugee camp , djibouti ( cnn ) henol and mebratu emerge from their current home , a modest structure with plastic sheeting serving as its roof , carrying the \" master folder . \"one of the most important documents on the camp , it \\'s a record of each eritrean \\'s name and their case -- whether they \\'ve been granted refugee status , whether they \\'ve had their resettlement interview , whether they \\'ve attempted the journey to europe by sea , and whether they \\'ve survived it .for the camp \\'s 10,000 residents , who mostly come from these countries , this is supposed to be just the first stop on their journey to resettlement through the united nations .']\n", + "=======================\n", + "[\"for 25 years , ali addeh refugee camp has been a holding point for those fleeing into djiboutimany come from somalia , ethiopia and especially eritrea -- which is ruled by a one-party statedespite the risks , eritrean refugees say they 'd risk their lives with people smugglers\"]\n", + "ali addeh refugee camp , djibouti ( cnn ) henol and mebratu emerge from their current home , a modest structure with plastic sheeting serving as its roof , carrying the \" master folder . \"one of the most important documents on the camp , it 's a record of each eritrean 's name and their case -- whether they 've been granted refugee status , whether they 've had their resettlement interview , whether they 've attempted the journey to europe by sea , and whether they 've survived it .for the camp 's 10,000 residents , who mostly come from these countries , this is supposed to be just the first stop on their journey to resettlement through the united nations .\n", + "for 25 years , ali addeh refugee camp has been a holding point for those fleeing into djiboutimany come from somalia , ethiopia and especially eritrea -- which is ruled by a one-party statedespite the risks , eritrean refugees say they 'd risk their lives with people smugglers\n", + "[1.2366436 1.5998847 1.3030739 1.4476138 1.2393444 1.1080655 1.1550194\n", + " 1.0335023 1.0195147 1.0185663 1.0165863 1.014469 1.0116549 1.0106783\n", + " 1.4586641 1.0107616 1.0095657 1.0097002 1.0115608 1.0086069]\n", + "\n", + "[ 1 14 3 2 4 0 6 5 7 8 9 10 11 12 18 15 13 17 16 19]\n", + "=======================\n", + "[\"the gloucester no 8 has not played since breaking his left leg during an aviva premiership game against saracens in early january .ben morgan is hopeful of featuring for england at the forthcoming world cup despite his long-term injurybut the signs suggest he is on course to play a part during england 's world cup warm-up period ahead of the tournament kicking off in mid-september .\"]\n", + "=======================\n", + "['ben morgan broke his left leg playing against saracens in januarymorgan last played for england against australia back in novemberengland head coach stuart lancaster is due to name a 45-man world cup training squad next month']\n", + "the gloucester no 8 has not played since breaking his left leg during an aviva premiership game against saracens in early january .ben morgan is hopeful of featuring for england at the forthcoming world cup despite his long-term injurybut the signs suggest he is on course to play a part during england 's world cup warm-up period ahead of the tournament kicking off in mid-september .\n", + "ben morgan broke his left leg playing against saracens in januarymorgan last played for england against australia back in novemberengland head coach stuart lancaster is due to name a 45-man world cup training squad next month\n", + "[1.3224369 1.3059121 1.2464033 1.5758665 1.1857122 1.1900561 1.0865587\n", + " 1.0240282 1.0248079 1.022568 1.0200366 1.0208259 1.0193703 1.0169449\n", + " 1.0167009 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 2 5 4 6 8 7 9 11 10 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"jordan henderson is ` over the moon ' after signing a new long-term contract with liverpoolalmost three years after nearly leaving liverpool jordan henderson has committed his long-term future to the club convinced he can win silverware at anfield .late in the summer of 2012 , just a couple of months into the reign of brendan rodgers , he was lined up as makeweight in a failed bid to sign fulham 's clint dempsey only for the midfielder to reject the move .\"]\n", + "=======================\n", + "['jordan henderson has signed a new five-year deal at anfieldthe england international is hoping to add to his trophy cabinethenderson has urged raheem sterling to follow lead by signing new deal']\n", + "jordan henderson is ` over the moon ' after signing a new long-term contract with liverpoolalmost three years after nearly leaving liverpool jordan henderson has committed his long-term future to the club convinced he can win silverware at anfield .late in the summer of 2012 , just a couple of months into the reign of brendan rodgers , he was lined up as makeweight in a failed bid to sign fulham 's clint dempsey only for the midfielder to reject the move .\n", + "jordan henderson has signed a new five-year deal at anfieldthe england international is hoping to add to his trophy cabinethenderson has urged raheem sterling to follow lead by signing new deal\n", + "[1.2427485 1.3725426 1.2645913 1.279369 1.2289743 1.0433307 1.0412678\n", + " 1.0432804 1.0445737 1.0965359 1.0785303 1.0605812 1.0893936 1.0293852\n", + " 1.1023138 1.0620027 1.0332487 1.0909665 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 14 9 17 12 10 15 11 8 5 7 6 16 13 19 18 20]\n", + "=======================\n", + "[\"during a talk in washington today , the space agency announced that humanity is likely to encounter extra-terrestrials within a decade . 'i believe we are going to have strong indications of life beyond earth in the next decade and definitive evidence in the next 10 to 20 years , ' ellen stofan , chief scientist for nasa , said .there at least 200 billion earth-like planets in our galaxy -- and now nasa officials claim we could be on the verge of finding life on one of them .\"]\n", + "=======================\n", + "[\"the comment was made today by ellen stofan , chief nasa scientist` it 's definitely not an if , it 's a when , ' added nasa 's jeffery newmarkbut the likelihood that life is similar to that on earth is low , they saidsigns of water have been found on some of jupiter and saturn 's moons\"]\n", + "during a talk in washington today , the space agency announced that humanity is likely to encounter extra-terrestrials within a decade . 'i believe we are going to have strong indications of life beyond earth in the next decade and definitive evidence in the next 10 to 20 years , ' ellen stofan , chief scientist for nasa , said .there at least 200 billion earth-like planets in our galaxy -- and now nasa officials claim we could be on the verge of finding life on one of them .\n", + "the comment was made today by ellen stofan , chief nasa scientist` it 's definitely not an if , it 's a when , ' added nasa 's jeffery newmarkbut the likelihood that life is similar to that on earth is low , they saidsigns of water have been found on some of jupiter and saturn 's moons\n", + "[1.2191149 1.3474731 1.3344775 1.1889051 1.1036944 1.2441764 1.1320106\n", + " 1.0273652 1.1099056 1.185841 1.0250434 1.0585208 1.0606273 1.1440451\n", + " 1.0486072 1.0275375 1.0487571 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 5 0 3 9 13 6 8 4 12 11 16 14 15 7 10 17 18 19 20]\n", + "=======================\n", + "['the natural disaster has already claimed more than 1800 lives and more than 200 australians are confirmed safe but authorities are still trying to contact hundreds of others .around 549 aussies are registered as travelling in the himalayan region .zachary sheridan ( left ) is believed to be missing after a devastating earthquake rocked nepal']\n", + "=======================\n", + "['more than a dozen australians are reported missing following the quakejulie bishop confirmed there are no reports of australian deathsthe australian government has committed $ 5 million in aid to help nepalfamilies have launched a desperate search for information on social mediaaustralian actor hugh sheridan has made a desperate plea for his brotherzachary sheridan is missing after a huge earthquake rocked the countrythe powerful quake has caused massive damage in the capital kathmanduofficials have confirmed about 100 new zealanders in nepal are safemore than 1800 were killed and warned the death toll likely to rise']\n", + "the natural disaster has already claimed more than 1800 lives and more than 200 australians are confirmed safe but authorities are still trying to contact hundreds of others .around 549 aussies are registered as travelling in the himalayan region .zachary sheridan ( left ) is believed to be missing after a devastating earthquake rocked nepal\n", + "more than a dozen australians are reported missing following the quakejulie bishop confirmed there are no reports of australian deathsthe australian government has committed $ 5 million in aid to help nepalfamilies have launched a desperate search for information on social mediaaustralian actor hugh sheridan has made a desperate plea for his brotherzachary sheridan is missing after a huge earthquake rocked the countrythe powerful quake has caused massive damage in the capital kathmanduofficials have confirmed about 100 new zealanders in nepal are safemore than 1800 were killed and warned the death toll likely to rise\n", + "[1.2593721 1.2378539 1.2557889 1.2766714 1.2345955 1.2584426 1.1168187\n", + " 1.0382824 1.0437394 1.2276851 1.099815 1.040512 1.0290662 1.051291\n", + " 1.0663048 1.0889531 1.054876 1.0179868 1.042148 1.0834284 1.0306476]\n", + "\n", + "[ 3 0 5 2 1 4 9 6 10 15 19 14 16 13 8 18 11 7 20 12 17]\n", + "=======================\n", + "['developers in boston have worked with global emergency response teams to create its one-touch-911 app ( pictured ) .more than 250 million emergency calls are made each year but two thirds have inaccurate location information , resulting in an estimated 10,000 deaths .the app was designed by researchers at boston-based mit .']\n", + "=======================\n", + "[\"the one-touch-911 app was developed by researchers at mit , harvardusers call the police , fire service , report a car crash or seek medical help using buttons on the phone 's home screenit automatically sends a person 's location , identity and any medical detailsthis works even if the user does n't have mobile signal or ca n't speak\"]\n", + "developers in boston have worked with global emergency response teams to create its one-touch-911 app ( pictured ) .more than 250 million emergency calls are made each year but two thirds have inaccurate location information , resulting in an estimated 10,000 deaths .the app was designed by researchers at boston-based mit .\n", + "the one-touch-911 app was developed by researchers at mit , harvardusers call the police , fire service , report a car crash or seek medical help using buttons on the phone 's home screenit automatically sends a person 's location , identity and any medical detailsthis works even if the user does n't have mobile signal or ca n't speak\n", + "[1.5027615 1.494156 1.1256312 1.0343081 1.3936007 1.0195292 1.0140928\n", + " 1.0802397 1.2792621 1.0952605 1.0310484 1.1790084 1.0500035 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 8 11 2 9 7 12 3 10 5 6 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"natasha jonas , the first female boxer to represent great britain in an olympic games , has announced her retirement from the sport .the liverpool-born 30-year-old made history when she took on eventual gold medallist katie taylor of ireland in the first round of the women 's lightweight competition at london 2012 .natasha jonas has announced that she will retire from boxing after a successful career in the ring\"]\n", + "=======================\n", + "['natasha jonas has announced her retirement from the world of boxingthe 30-year-old was the first female to represent britain at the olympicsjonas won the bronze medals at the world and european championshipsclick here for all the latest boxing news']\n", + "natasha jonas , the first female boxer to represent great britain in an olympic games , has announced her retirement from the sport .the liverpool-born 30-year-old made history when she took on eventual gold medallist katie taylor of ireland in the first round of the women 's lightweight competition at london 2012 .natasha jonas has announced that she will retire from boxing after a successful career in the ring\n", + "natasha jonas has announced her retirement from the world of boxingthe 30-year-old was the first female to represent britain at the olympicsjonas won the bronze medals at the world and european championshipsclick here for all the latest boxing news\n", + "[1.4543014 1.240756 1.3548212 1.1733409 1.1724764 1.1904569 1.1056731\n", + " 1.0741926 1.1192353 1.1172829 1.1023786 1.1216373 1.0298831 1.0171112\n", + " 1.014899 1.04713 0. ]\n", + "\n", + "[ 0 2 1 5 3 4 11 8 9 6 10 7 15 12 13 14 16]\n", + "=======================\n", + "[\"barry beavis , 48 , lost his case at the court of appealbarry beavis launched a legal bid to overturn his fine , saying it was unfair , disproportionate and unenforceable .millions of motorists face spiralling parking fines after judges ruled yesterday that # 85 was not an ` excessively high ' penalty for staying too long in a car park .\"]\n", + "=======================\n", + "[\"barry beavis took on private car park operators over ` unfair ' charges48-year-old tried to challenge # 85 fine that he claimed was unjustleft ` furious ' after losing the landmark legal bid at the high courtjudges found the charge was ` not extravagant or unconscionable '\"]\n", + "barry beavis , 48 , lost his case at the court of appealbarry beavis launched a legal bid to overturn his fine , saying it was unfair , disproportionate and unenforceable .millions of motorists face spiralling parking fines after judges ruled yesterday that # 85 was not an ` excessively high ' penalty for staying too long in a car park .\n", + "barry beavis took on private car park operators over ` unfair ' charges48-year-old tried to challenge # 85 fine that he claimed was unjustleft ` furious ' after losing the landmark legal bid at the high courtjudges found the charge was ` not extravagant or unconscionable '\n", + "[1.6567972 1.3758538 1.155918 1.5257621 1.2115899 1.049218 1.0337334\n", + " 1.0991635 1.0200192 1.0968095 1.0151817 1.0113022 1.0195639 1.0093421\n", + " 1.0132293 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 7 9 5 6 8 12 10 14 11 13 15 16]\n", + "=======================\n", + "[\"stuart mccall revealed captain lee mcculloch apologised to him and the rangers players after being sent off in the 2-1 win over runaway scottish championship winners hearts at ibrox .lee mcculloch was sent off during rangers ' crucial 2-1 victory against hearts in the scottish championshipgoals from striker kenny miller and the returning midfielder haris vuckic had the home side two ahead and cruising before mcculloch was shown a straight red card by referee bobby madden for fouling striker osman sow .\"]\n", + "=======================\n", + "['lee mcculloch was shown a straight red card after fouling osman sowrangers went on to win scottish championship fixture 2-1 at ibroxstuart mccall says captain mcculloch apologised to both him and the players after sending off against hearts']\n", + "stuart mccall revealed captain lee mcculloch apologised to him and the rangers players after being sent off in the 2-1 win over runaway scottish championship winners hearts at ibrox .lee mcculloch was sent off during rangers ' crucial 2-1 victory against hearts in the scottish championshipgoals from striker kenny miller and the returning midfielder haris vuckic had the home side two ahead and cruising before mcculloch was shown a straight red card by referee bobby madden for fouling striker osman sow .\n", + "lee mcculloch was shown a straight red card after fouling osman sowrangers went on to win scottish championship fixture 2-1 at ibroxstuart mccall says captain mcculloch apologised to both him and the players after sending off against hearts\n", + "[1.504463 1.1640484 1.2566526 1.2042352 1.2589194 1.0370903 1.1629239\n", + " 1.0839773 1.0229381 1.0753878 1.102438 1.0622746 1.0466813 1.0369464\n", + " 1.0310286 1.0446318 0. ]\n", + "\n", + "[ 0 4 2 3 1 6 10 7 9 11 12 15 5 13 14 8 16]\n", + "=======================\n", + "[\"west brom manager tony pulis will receive a hero 's welcome when he returns to crystal palace on saturday but in the midst of yet another relegation battle for the 57-year-old , he must wonder if he 'll ever be successful at the right end of the premier league .this is his seventh season in the top flight and he 's never finished in the top half of the table .west brom 's home defeats against qpr and leicester city have left them stuck on 33 points .\"]\n", + "=======================\n", + "['west brom are seven points above the relegation zonetony pulis has never guided a team into the top half of the premier leaguepulis has never been in charge of a side who have been relegated']\n", + "west brom manager tony pulis will receive a hero 's welcome when he returns to crystal palace on saturday but in the midst of yet another relegation battle for the 57-year-old , he must wonder if he 'll ever be successful at the right end of the premier league .this is his seventh season in the top flight and he 's never finished in the top half of the table .west brom 's home defeats against qpr and leicester city have left them stuck on 33 points .\n", + "west brom are seven points above the relegation zonetony pulis has never guided a team into the top half of the premier leaguepulis has never been in charge of a side who have been relegated\n", + "[1.388499 1.3039904 1.2345594 1.3818333 1.267918 1.3574047 1.0796509\n", + " 1.014338 1.0097362 1.0089316 1.1078993 1.1145444 1.185182 1.1214675\n", + " 1.0710256 1.0441031 1.0854607]\n", + "\n", + "[ 0 3 5 1 4 2 12 13 11 10 16 6 14 15 7 8 9]\n", + "=======================\n", + "[\"tiger woods has been spotted hitting balls on the practice range at augusta national , increasing hopes the former world no 1 will confirm his appearance at this year 's first major .tiger woods was spotted practising at augusta on tuesday and is said to have returned to the coursetiger woods made his first appearance at the masters as a 19-year-old back on april 3 , 1995 .\"]\n", + "=======================\n", + "['tiger woods increased speculation regarding possible major comebackwoods has been spotted at augusta national on more than once occasionthe 39-year-old has dropped out of top 100 for first time in almost 19 years']\n", + "tiger woods has been spotted hitting balls on the practice range at augusta national , increasing hopes the former world no 1 will confirm his appearance at this year 's first major .tiger woods was spotted practising at augusta on tuesday and is said to have returned to the coursetiger woods made his first appearance at the masters as a 19-year-old back on april 3 , 1995 .\n", + "tiger woods increased speculation regarding possible major comebackwoods has been spotted at augusta national on more than once occasionthe 39-year-old has dropped out of top 100 for first time in almost 19 years\n", + "[1.0852387 1.0800465 1.3657501 1.4149202 1.0667499 1.019096 1.0310801\n", + " 1.2415195 1.0845065 1.1968453 1.1877931 1.1104633 1.0765476 1.0563351\n", + " 1.0370488 0. 0. ]\n", + "\n", + "[ 3 2 7 9 10 11 0 8 1 12 4 13 14 6 5 15 16]\n", + "=======================\n", + "[\"the i 'm up alarm can be set to go off the night before ( left ) and will then only turn off by scanning a qr code ( pictured right ) on a mug or magnet that can be kept in another room , forcing you to get out of bed to do sosmartphone users will be able to download the app onto their phone from june .the app uses a quick response code , or qr code , which is a form of barcode that the cameras of mobile phones are able to detect .\"]\n", + "=======================\n", + "[\"i 'm up alarm is designed to help those who have trouble getting out of bedalarm will sound at a preset time and continue until a qr code is scannedapp is expected to be available on apple and android phones from june\"]\n", + "the i 'm up alarm can be set to go off the night before ( left ) and will then only turn off by scanning a qr code ( pictured right ) on a mug or magnet that can be kept in another room , forcing you to get out of bed to do sosmartphone users will be able to download the app onto their phone from june .the app uses a quick response code , or qr code , which is a form of barcode that the cameras of mobile phones are able to detect .\n", + "i 'm up alarm is designed to help those who have trouble getting out of bedalarm will sound at a preset time and continue until a qr code is scannedapp is expected to be available on apple and android phones from june\n", + "[1.2500441 1.4801947 1.1387638 1.2130544 1.387959 1.1012192 1.0748314\n", + " 1.0808302 1.0940738 1.0902716 1.0978873 1.0680622 1.057875 1.0924362\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 3 2 5 10 8 13 9 7 6 11 12 16 14 15 17]\n", + "=======================\n", + "['the scent of marsha yumi perry , 36 , was tracked through a field by a washougal police dog on friday , who stopped within five feet of the hole she was hiding in , according to police .a washington woman was arrested after allegedly striking a five-year-old boy with her truck before hiding from officers by crawling into a hole and covering herself with dirt .police said the boy suffered a cut to his face as well as scrapes to his knees and elbows , and he was taken to peacehealth southwest medical center in vancouver .']\n", + "=======================\n", + "[\"marsha yumi perry , 36 , of washougal , washington was arrested on fridaypolice dog tracked her sent through a field coming within feet of the holeofficer kyle day gave warning he was about to unleash the dog when ` the ground moved and she sat up ' , police saidboy suffered cut to his face and scrapes to his knees and elbowsperry was arrested on felony hit-and-run , driving with a suspended license and on a misdemeanor warrant\"]\n", + "the scent of marsha yumi perry , 36 , was tracked through a field by a washougal police dog on friday , who stopped within five feet of the hole she was hiding in , according to police .a washington woman was arrested after allegedly striking a five-year-old boy with her truck before hiding from officers by crawling into a hole and covering herself with dirt .police said the boy suffered a cut to his face as well as scrapes to his knees and elbows , and he was taken to peacehealth southwest medical center in vancouver .\n", + "marsha yumi perry , 36 , of washougal , washington was arrested on fridaypolice dog tracked her sent through a field coming within feet of the holeofficer kyle day gave warning he was about to unleash the dog when ` the ground moved and she sat up ' , police saidboy suffered cut to his face and scrapes to his knees and elbowsperry was arrested on felony hit-and-run , driving with a suspended license and on a misdemeanor warrant\n", + "[1.4408288 1.2113755 1.4217242 1.2079734 1.1974478 1.1598394 1.1136739\n", + " 1.087643 1.1321874 1.0882686 1.0808649 1.0627396 1.0547949 1.050132\n", + " 1.0564865 1.0239928 1.0329845 1.0171126]\n", + "\n", + "[ 0 2 1 3 4 5 8 6 9 7 10 11 14 12 13 16 15 17]\n", + "=======================\n", + "[\"searches are underway for kyle knox , 23 , from london , who was last seen at 10am on monday at the start of the route for the 4409-ft high ben nevissearches are ongoing today for a missing 23-year-old walker who disappeared as he tried to climb britain 's highest mountain in -7 c blizzards and 70mph winds .he failed to return to his accommodation in the fort william area yesterday , prompting staff to alert police to his disappearance .\"]\n", + "=======================\n", + "['kyle knox , 23 , disappeared as he tried to climb the 4409-ft high ben nevishe was last seen at start of route on monday and did not return to his hotellondoner is believed to be alone and may not be an experienced climberlarge-scale searches underway in -7 c blizzards and winds of up to 70mph']\n", + "searches are underway for kyle knox , 23 , from london , who was last seen at 10am on monday at the start of the route for the 4409-ft high ben nevissearches are ongoing today for a missing 23-year-old walker who disappeared as he tried to climb britain 's highest mountain in -7 c blizzards and 70mph winds .he failed to return to his accommodation in the fort william area yesterday , prompting staff to alert police to his disappearance .\n", + "kyle knox , 23 , disappeared as he tried to climb the 4409-ft high ben nevishe was last seen at start of route on monday and did not return to his hotellondoner is believed to be alone and may not be an experienced climberlarge-scale searches underway in -7 c blizzards and winds of up to 70mph\n", + "[1.1270813 1.2517781 1.3186905 1.2122321 1.168798 1.1208293 1.2096789\n", + " 1.0150089 1.0221641 1.0947325 1.1332121 1.069055 1.071495 1.0698965\n", + " 1.0795742 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 6 4 10 0 5 9 14 12 13 11 8 7 15 16 17]\n", + "=======================\n", + "[\"the hbo drama , which is based on george rr martin 's fantasy novels , is about to begin its fifth series , which has seen many of the female characters take leading roles - mainly because the men have died in increasingly tragic circumstances .yet , for its female characters , game of thrones has some of the most powerful roles for actresses on television .emilia clarke , who plays daenerys targaryen is set to bring her army , replete with dragons , to westeros for the final showdown .\"]\n", + "=======================\n", + "['emilia clarke who plays daenerys targaryen will be central to series fivefemale characters seem to outlive their male counterparts on the showlast season saw several of the main male characters murdered horriblydespite the carnage , kit harington , who plays jon snow is in series five']\n", + "the hbo drama , which is based on george rr martin 's fantasy novels , is about to begin its fifth series , which has seen many of the female characters take leading roles - mainly because the men have died in increasingly tragic circumstances .yet , for its female characters , game of thrones has some of the most powerful roles for actresses on television .emilia clarke , who plays daenerys targaryen is set to bring her army , replete with dragons , to westeros for the final showdown .\n", + "emilia clarke who plays daenerys targaryen will be central to series fivefemale characters seem to outlive their male counterparts on the showlast season saw several of the main male characters murdered horriblydespite the carnage , kit harington , who plays jon snow is in series five\n", + "[1.3699225 1.3592571 1.2152077 1.2106556 1.1662399 1.1459006 1.0197883\n", + " 1.0079333 1.0529993 1.064643 1.0677887 1.1007918 1.1895771 1.1021689\n", + " 1.1245443 1.1558144 1.0093465 1.0135521]\n", + "\n", + "[ 0 1 2 3 12 4 15 5 14 13 11 10 9 8 6 17 16 7]\n", + "=======================\n", + "[\"lionel messi and cristiano ronaldo could play together in a uefa all-star match showcasing the best of european-based talent , according to reports in spain .they would play for ` team south ' - comprised of stars from la liga , serie a and ligue 1 - against a similar ` north ' dream team from the premier league , bundesliga and russian premier league .mundo deportivo report that a marketing company has approached uefa and proposed the annual fixture , which is inspired by the nba all-star game between the western and eastern conferences .\"]\n", + "=======================\n", + "[\"clasico rivals could join forces for ` south ' dream team against ` north 'a marketing company has proposed the idea to governing body uefaidea has been inspired by the annual nba all-star games in basketballlikes of neymar , zlatan ibrahimovic and sergio aguero could also feature\"]\n", + "lionel messi and cristiano ronaldo could play together in a uefa all-star match showcasing the best of european-based talent , according to reports in spain .they would play for ` team south ' - comprised of stars from la liga , serie a and ligue 1 - against a similar ` north ' dream team from the premier league , bundesliga and russian premier league .mundo deportivo report that a marketing company has approached uefa and proposed the annual fixture , which is inspired by the nba all-star game between the western and eastern conferences .\n", + "clasico rivals could join forces for ` south ' dream team against ` north 'a marketing company has proposed the idea to governing body uefaidea has been inspired by the annual nba all-star games in basketballlikes of neymar , zlatan ibrahimovic and sergio aguero could also feature\n", + "[1.4173498 1.3309972 1.1472646 1.4864388 1.333997 1.1022305 1.0493594\n", + " 1.1330075 1.1452024 1.0124117 1.0127654 1.0095018 1.0255493 1.1317747\n", + " 1.0195193 1.0171684 0. 0. ]\n", + "\n", + "[ 3 0 4 1 2 8 7 13 5 6 12 14 15 10 9 11 16 17]\n", + "=======================\n", + "['manchester united manager louis van gaal has praised the rebirth of resurrection marouane fellainifellaini , pictured against aston villa on april 4 , is expected to start against manchester city on sundayon march 25 last year , fellaini was jeered by both city and united fans as he was substituted in a 3-0 united defeat that proved the deathknell to the manager who signed him , david moyes .']\n", + "=======================\n", + "[\"manchester united face manchester city in the premier league on sundaymarouane fellaini has played a vital role in united 's rise to third in the tablefellaini was jeered by united and city fans in this this fixture last season\"]\n", + "manchester united manager louis van gaal has praised the rebirth of resurrection marouane fellainifellaini , pictured against aston villa on april 4 , is expected to start against manchester city on sundayon march 25 last year , fellaini was jeered by both city and united fans as he was substituted in a 3-0 united defeat that proved the deathknell to the manager who signed him , david moyes .\n", + "manchester united face manchester city in the premier league on sundaymarouane fellaini has played a vital role in united 's rise to third in the tablefellaini was jeered by united and city fans in this this fixture last season\n", + "[1.4092107 1.4553425 1.1208516 1.0591178 1.1125717 1.0919406 1.0732268\n", + " 1.0334854 1.0274085 1.0226326 1.0777475 1.0207064 1.0333302 1.048385\n", + " 1.05838 1.0927892 1.0281119 1.0529091 1.1196902 1.0741035 1.0405126\n", + " 1.0353823]\n", + "\n", + "[ 1 0 2 18 4 15 5 10 19 6 3 14 17 13 20 21 7 12 16 8 9 11]\n", + "=======================\n", + "[\"on thursday , apple released a new version of its mobile operating system that includes more diversity than ever when it comes to the race , ethnicity and sexual orientation of its emojis -- those cute little images that users can insert into text messages or emails when words alone just wo n't cut it .( cnn ) the new emojis are here !the reaction to this new lineup is , as should be expected with almost anything new in today 's hypersensitive climate , a range of cheers and jeers .\"]\n", + "=======================\n", + "[\"dean obeidallah : apple 's new emoji lineup is diverse in race , ethnicity and sexual orientationit 's just like america , but what took apple so long ?he says change may rankle ( or win over ? )\"]\n", + "on thursday , apple released a new version of its mobile operating system that includes more diversity than ever when it comes to the race , ethnicity and sexual orientation of its emojis -- those cute little images that users can insert into text messages or emails when words alone just wo n't cut it .( cnn ) the new emojis are here !the reaction to this new lineup is , as should be expected with almost anything new in today 's hypersensitive climate , a range of cheers and jeers .\n", + "dean obeidallah : apple 's new emoji lineup is diverse in race , ethnicity and sexual orientationit 's just like america , but what took apple so long ?he says change may rankle ( or win over ? )\n", + "[1.1689433 1.4576578 1.3098674 1.3337762 1.2932827 1.1789927 1.1237849\n", + " 1.222263 1.1147517 1.0428687 1.100399 1.1153859 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 4 7 5 0 6 11 8 10 9 12 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "['the vietnamese woman was waiting to board at tan son nhat international airport in ho chi minh city , vietnam , when the incident took place .nguyen thi hang placed her luggage on the scales , and then lashed out hitting an airport worker in the facethe traveller had checked in and was travelling with just hand luggage when she was asked to have it weighed by a worker .']\n", + "=======================\n", + "['after going through check-in , nguyen thi hang stopped before boardingvietjet air employee believed her luggage would weigh more than 7kgafter putting case on scales , woman slapped airport worker']\n", + "the vietnamese woman was waiting to board at tan son nhat international airport in ho chi minh city , vietnam , when the incident took place .nguyen thi hang placed her luggage on the scales , and then lashed out hitting an airport worker in the facethe traveller had checked in and was travelling with just hand luggage when she was asked to have it weighed by a worker .\n", + "after going through check-in , nguyen thi hang stopped before boardingvietjet air employee believed her luggage would weigh more than 7kgafter putting case on scales , woman slapped airport worker\n", + "[1.3268619 1.4826295 1.3851905 1.2348874 1.0693979 1.0307773 1.0799605\n", + " 1.0580914 1.2638662 1.0215311 1.027648 1.0135928 1.0226128 1.0168369\n", + " 1.0221429 1.0417967 1.028022 1.0575619 1.0097111 1.0232915 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 8 3 6 4 7 17 15 5 16 10 19 12 14 9 13 11 18 20 21]\n", + "=======================\n", + "[\"retirement beckons for mccoy , champion jockey every year since he first won the title in 1997 , and he will stop riding immediately if his mount shutthefrontdoor wins the # 1million crabbie 's grand national on saturday .ap mccoy celebrates grand national victory on do n't push it in 2010ap mccoy has urged the nation to follow his aintree dream as he chases the fairytale end to his extraordinary career .\"]\n", + "=======================\n", + "[\"ap mccoy will retire immediately if he wins the grand nationalhe rides favourite shutthefrontdoor in the # 1m race on saturdaythe champion jockey won the famous race on do n't push it in 2010\"]\n", + "retirement beckons for mccoy , champion jockey every year since he first won the title in 1997 , and he will stop riding immediately if his mount shutthefrontdoor wins the # 1million crabbie 's grand national on saturday .ap mccoy celebrates grand national victory on do n't push it in 2010ap mccoy has urged the nation to follow his aintree dream as he chases the fairytale end to his extraordinary career .\n", + "ap mccoy will retire immediately if he wins the grand nationalhe rides favourite shutthefrontdoor in the # 1m race on saturdaythe champion jockey won the famous race on do n't push it in 2010\n", + "[1.3362203 1.3428693 1.1626632 1.2134446 1.1058912 1.0633005 1.1310103\n", + " 1.1264621 1.1621181 1.0462315 1.0637285 1.0916275 1.0948412 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 2 8 6 7 4 12 11 10 5 9 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the ` championship comeback ' is what the madrid-based paper marca led with , after cristiano ronaldo inspired carlo ancelotti 's side to a comfortable 3-0 win over eibar and sevilla denied barcelona with a two-goal comeback .the la liga title race is back on after barcelona threw away a two-goal lead away to sevilla , letting real madrid in and just two points off in second .and confirmed that real have a fully fit squad for the champions league clash against rivals atletico madrid on tuesday .\"]\n", + "=======================\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['real madrid dispatched off eibar 3-0 with cristiano ronaldo starringbarcelona threw away a two-goal lead at sevilla to give real a chancejuventus were shocked by bankrupt parma after losing 1-0roma and lazio locked in exciting battle for the champions league']\n", + "the ` championship comeback ' is what the madrid-based paper marca led with , after cristiano ronaldo inspired carlo ancelotti 's side to a comfortable 3-0 win over eibar and sevilla denied barcelona with a two-goal comeback .the la liga title race is back on after barcelona threw away a two-goal lead away to sevilla , letting real madrid in and just two points off in second .and confirmed that real have a fully fit squad for the champions league clash against rivals atletico madrid on tuesday .\n", + "real madrid dispatched off eibar 3-0 with cristiano ronaldo starringbarcelona threw away a two-goal lead at sevilla to give real a chancejuventus were shocked by bankrupt parma after losing 1-0roma and lazio locked in exciting battle for the champions league\n", + "[1.2421901 1.5631926 1.2486799 1.4048065 1.1823686 1.1172074 1.1234528\n", + " 1.169147 1.1220219 1.0434983 1.0220609 1.0180802 1.0251226 1.0185056\n", + " 1.0172237 1.0125091 1.0107371 1.0317479 1.1800592 1.0134127 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 4 18 7 6 8 5 9 17 12 10 13 11 14 19 15 16 20 21]\n", + "=======================\n", + "[\"aden gould , 21 , was also told to pay a # 150 ` security fee ' after he was seen testing speakers on sale in a branch of the supermarket - even though he put the equipment back where he found it .the giant firm sent him an aggressive letter warning that staff would call the police if they ever catch him trying to enter sainsbury 's .mr gould , who has learning difficulties and is unemployed , went into the sainsbury 's branch in stoke-on-trent and opened two boxes containing # 25 speakers .\"]\n", + "=======================\n", + "[\"aden gould , who has learning difficulties , opened boxes of speakers and tried out the gadgetshe was then marched to store manager 's office and told to empty his bagsainsbury 's sent him a letter banning him from stores and fining him # 150supermarket has now reversed decision after a complaint from his family\"]\n", + "aden gould , 21 , was also told to pay a # 150 ` security fee ' after he was seen testing speakers on sale in a branch of the supermarket - even though he put the equipment back where he found it .the giant firm sent him an aggressive letter warning that staff would call the police if they ever catch him trying to enter sainsbury 's .mr gould , who has learning difficulties and is unemployed , went into the sainsbury 's branch in stoke-on-trent and opened two boxes containing # 25 speakers .\n", + "aden gould , who has learning difficulties , opened boxes of speakers and tried out the gadgetshe was then marched to store manager 's office and told to empty his bagsainsbury 's sent him a letter banning him from stores and fining him # 150supermarket has now reversed decision after a complaint from his family\n", + "[1.236634 1.1694521 1.3063225 1.14609 1.1353775 1.1826433 1.1136575\n", + " 1.0932361 1.060432 1.0696478 1.1167735 1.0999277 1.0268366 1.0340809\n", + " 1.0444725 1.0178987 1.0188891 1.0717319 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 5 1 3 4 10 6 11 7 17 9 8 14 13 12 16 15 21 18 19 20 22]\n", + "=======================\n", + "[\"he pulled back the stroller 's cover and saw that his son , leo , 3 , was conscious but bleeding from the left side of his head .boston ( cnn ) when the bomb went off , steve woolfenden thought he was still standing .the boot was next to his left stump , he testified before a federal jury thursday , the third day in which survivors and family members of those killed in the boston marathon bombing shared their stories -- often gruesome and heartbreaking -- in the sentencing phase for dzhokhar tsarnaev .\"]\n", + "=======================\n", + "[\"tsarnaev family members arrive in boston , but it 's not clear if they 'll testifya woman testifies that she had to choose whether to keep her leg ; some other victims had no choicestarting monday , the defense is expected to call witnesses to explain dzhokhar tsarnaev 's difficult upbringing\"]\n", + "he pulled back the stroller 's cover and saw that his son , leo , 3 , was conscious but bleeding from the left side of his head .boston ( cnn ) when the bomb went off , steve woolfenden thought he was still standing .the boot was next to his left stump , he testified before a federal jury thursday , the third day in which survivors and family members of those killed in the boston marathon bombing shared their stories -- often gruesome and heartbreaking -- in the sentencing phase for dzhokhar tsarnaev .\n", + "tsarnaev family members arrive in boston , but it 's not clear if they 'll testifya woman testifies that she had to choose whether to keep her leg ; some other victims had no choicestarting monday , the defense is expected to call witnesses to explain dzhokhar tsarnaev 's difficult upbringing\n", + "[1.270162 1.4114361 1.1643836 1.103647 1.2213427 1.2053787 1.19381\n", + " 1.194232 1.061509 1.30289 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 9 0 4 5 7 6 2 3 8 20 19 18 17 16 11 14 13 12 21 10 15 22]\n", + "=======================\n", + "[\"norwich , leicester , newcastle and stoke have watched toner , one of villa 's most promising young players who captains their under-21 team aged just 18 .tim sherwood is keen to develop aston villa 's young talent , with toner training with the first-teamkevin toner , seen here in action against liverpool in an fa youth cup tie , is being tracked by several clubs\"]\n", + "=======================\n", + "['aston villa defender kevin toner captains the club under-21 teamthe 18-year-old is being tracked by number of rival premier league clubsnewcastle and stoke have been watching the young central defender']\n", + "norwich , leicester , newcastle and stoke have watched toner , one of villa 's most promising young players who captains their under-21 team aged just 18 .tim sherwood is keen to develop aston villa 's young talent , with toner training with the first-teamkevin toner , seen here in action against liverpool in an fa youth cup tie , is being tracked by several clubs\n", + "aston villa defender kevin toner captains the club under-21 teamthe 18-year-old is being tracked by number of rival premier league clubsnewcastle and stoke have been watching the young central defender\n", + "[1.1772121 1.5542763 1.1514803 1.412181 1.1068636 1.0811024 1.0693973\n", + " 1.107065 1.0998511 1.0726689 1.0324066 1.0610508 1.1529037 1.0834621\n", + " 1.0142051 1.0990851 1.0983341 1.028199 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 12 2 7 4 8 15 16 13 5 9 6 11 10 17 14 21 18 19 20 22]\n", + "=======================\n", + "[\"harley jolly , tyson barr and nic roy -- known collectively as slide christchurch -- videoed themselves descending new zealand 's dunedin 's baldwin street on three-wheeled vehicles known as ` slide trikes ' .a group of daring drift trike riders have captured some amaznig footage as they zipped down the world 's steepest residential road on tricycles .the short clip opens with a warning message , before the riders take their position at the top of the hill , famed for its 35 per cent gradient .\"]\n", + "=======================\n", + "[\"the group called slide christchurch took on new zealand 's baldwin streetthe footage was captured by spectators and on a rider 's helmet cameraone of the riders believes the group reached speeds of more than 60mph\"]\n", + "harley jolly , tyson barr and nic roy -- known collectively as slide christchurch -- videoed themselves descending new zealand 's dunedin 's baldwin street on three-wheeled vehicles known as ` slide trikes ' .a group of daring drift trike riders have captured some amaznig footage as they zipped down the world 's steepest residential road on tricycles .the short clip opens with a warning message , before the riders take their position at the top of the hill , famed for its 35 per cent gradient .\n", + "the group called slide christchurch took on new zealand 's baldwin streetthe footage was captured by spectators and on a rider 's helmet cameraone of the riders believes the group reached speeds of more than 60mph\n", + "[1.1525459 1.0920708 1.42815 1.169715 1.1176918 1.1478499 1.2999697\n", + " 1.0437067 1.0934237 1.103415 1.0603577 1.1102964 1.0960565 1.1007519\n", + " 1.0327528 1.1150582 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 6 3 0 5 4 15 11 9 13 12 8 1 10 7 14 21 16 17 18 19 20 22]\n", + "=======================\n", + "['capturing the footage in santa barbara , california , scott kaiser filmed the back of the large pelican sitting on a post overlooking the water .recording the bird in slow motion , the video maker later noted that the pelican looked majestic , content and relaxed at this point in the clip .characterised by their long beak and large throat poach used for catching prey and draining water , pelicans are already aesthetically peculiar looking birds .']\n", + "=======================\n", + "['the slow motion footage was captured in santa barbara , californiascott kaiser videoed the bird sitting on a post overlooking the waterpelican yawns exposing its beak size , tongue and inner bill anatomy']\n", + "capturing the footage in santa barbara , california , scott kaiser filmed the back of the large pelican sitting on a post overlooking the water .recording the bird in slow motion , the video maker later noted that the pelican looked majestic , content and relaxed at this point in the clip .characterised by their long beak and large throat poach used for catching prey and draining water , pelicans are already aesthetically peculiar looking birds .\n", + "the slow motion footage was captured in santa barbara , californiascott kaiser videoed the bird sitting on a post overlooking the waterpelican yawns exposing its beak size , tongue and inner bill anatomy\n", + "[1.2795546 1.5308652 1.3142737 1.3810911 1.0680745 1.028891 1.0405589\n", + " 1.0739579 1.0335003 1.0803615 1.049876 1.0508301 1.0149376 1.0133557\n", + " 1.0205005 1.1763701 1.1671764 1.011495 1.0084344 1.0084763 1.0358903\n", + " 1.1333628 1.0848612]\n", + "\n", + "[ 1 3 2 0 15 16 21 22 9 7 4 11 10 6 20 8 5 14 12 13 17 19 18]\n", + "=======================\n", + "['stefan stoykov , a senior at north central high school in indianapolis , indiana , moved to the us from bulgaria as an eight-year-old when he could not speak a word of english .top of the class : stefan stoykov has been accepted in to all eight ivy league schools -- and a further ten big league universitiesjust days ago it was revealed how north carolina student victor agbafe had done the same .']\n", + "=======================\n", + "[\"stefan stoykov could n't speak english when he moved from bulgaria to usindianapolis teen has been accepted into a total of 18 prestigious schoolsstefan , 18 , says his mother 's hard work inspired him to achieve his goals\"]\n", + "stefan stoykov , a senior at north central high school in indianapolis , indiana , moved to the us from bulgaria as an eight-year-old when he could not speak a word of english .top of the class : stefan stoykov has been accepted in to all eight ivy league schools -- and a further ten big league universitiesjust days ago it was revealed how north carolina student victor agbafe had done the same .\n", + "stefan stoykov could n't speak english when he moved from bulgaria to usindianapolis teen has been accepted into a total of 18 prestigious schoolsstefan , 18 , says his mother 's hard work inspired him to achieve his goals\n", + "[1.2361422 1.3705713 1.4177841 1.2438785 1.3079706 1.2030196 1.0816543\n", + " 1.0628589 1.0193005 1.0477335 1.0309165 1.1759273 1.0453683 1.0951372\n", + " 1.0425425 1.0537235 1.0603919 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 4 3 0 5 11 13 6 7 16 15 9 12 14 10 8 17 18 19 20]\n", + "=======================\n", + "['joshua saunders , 19 , was arrested on charges including dui , reckless driving , leaving the scene of an accident and vehicular homicide , according to the gainesville times .two-year-old landen martin ( left ) was struck and killed on sunday by the car his 19-year-old uncle joshua saunders ( right ) was drivingofficials said martin was pronounced dead at northeast georgia medical center .']\n", + "=======================\n", + "['landen martin , two , was killed after running behind the car on sundayhis uncle , 19-year-old joshua saunders was backing out of the driveway of a gainesville , georgia home when the accident occurred , police saidthe child was pronounced dead at northeast georgia medical centersaunders was arrested on charges including reckless driving , leaving the scene of an accident and vehicular homicide']\n", + "joshua saunders , 19 , was arrested on charges including dui , reckless driving , leaving the scene of an accident and vehicular homicide , according to the gainesville times .two-year-old landen martin ( left ) was struck and killed on sunday by the car his 19-year-old uncle joshua saunders ( right ) was drivingofficials said martin was pronounced dead at northeast georgia medical center .\n", + "landen martin , two , was killed after running behind the car on sundayhis uncle , 19-year-old joshua saunders was backing out of the driveway of a gainesville , georgia home when the accident occurred , police saidthe child was pronounced dead at northeast georgia medical centersaunders was arrested on charges including reckless driving , leaving the scene of an accident and vehicular homicide\n", + "[1.1751122 1.30454 1.4895235 1.313017 1.0432136 1.1415492 1.0987394\n", + " 1.0366019 1.0223517 1.0730609 1.0177722 1.104858 1.0253907 1.0838698\n", + " 1.0525137 1.1236826 1.1597291 1.0842563 1.0425788 0. 0. ]\n", + "\n", + "[ 2 3 1 0 16 5 15 11 6 17 13 9 14 4 18 7 12 8 10 19 20]\n", + "=======================\n", + "[\"it has hung in among 270 old master paintings since february 10 after a challenge was laid down to the public to ` spot the fake ' .now , three months on , the gallery has revealed that only 10 per cent of the 3,000 people who visited during the experiment guessed correctly .but that is exactly what happened when jean-honoré fragonard 's 18th-century work young woman was replaced by a hand-painted replica , produced in china and ordered over the internet for # 70 .\"]\n", + "=======================\n", + "[\"dulwich picture gallery challenged public to spot fake among 270 paintingsvisitor numbers have quadrupled in three months since it was launchedcounterfeit , ordered on internet from china for # 70 , has now been revealedit was a replica of jean-honoré fragonard 's 18th-century young woman\"]\n", + "it has hung in among 270 old master paintings since february 10 after a challenge was laid down to the public to ` spot the fake ' .now , three months on , the gallery has revealed that only 10 per cent of the 3,000 people who visited during the experiment guessed correctly .but that is exactly what happened when jean-honoré fragonard 's 18th-century work young woman was replaced by a hand-painted replica , produced in china and ordered over the internet for # 70 .\n", + "dulwich picture gallery challenged public to spot fake among 270 paintingsvisitor numbers have quadrupled in three months since it was launchedcounterfeit , ordered on internet from china for # 70 , has now been revealedit was a replica of jean-honoré fragonard 's 18th-century young woman\n", + "[1.6705711 1.2983863 1.2282157 1.1995543 1.0509025 1.0717957 1.3191383\n", + " 1.0129464 1.0117393 1.014814 1.0116696 1.0772825 1.0582082 1.0240585\n", + " 1.0103928 1.0101095 1.0091791 0. 0. 0. 0. ]\n", + "\n", + "[ 0 6 1 2 3 11 5 12 4 13 9 7 8 10 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"peter houston goaded his vanquished rival alan stubbs after falkirk stunned hibernian to steal a 1-0 scottish cup semi-final triumph at hampden .houston claimed that stubbs should be examining tactical failings that led to the downfall of hibs rather than highlighting falkirk 's fortune on the day .the broadside was in response to stubbs insisting it 's hibs who fully deserve to be waiting for inverness caledonian thistle or celtic in next month 's showpiece at the national stadium after bossing the match\"]\n", + "=======================\n", + "[\"craig sibbald 's 74th-minute header is enough to send falkirk throughfraser fyvie and scott allan both hit the post for hibs with the score at 0-0falkirk will play either inverness caledonian thistle or celtic on may 30\"]\n", + "peter houston goaded his vanquished rival alan stubbs after falkirk stunned hibernian to steal a 1-0 scottish cup semi-final triumph at hampden .houston claimed that stubbs should be examining tactical failings that led to the downfall of hibs rather than highlighting falkirk 's fortune on the day .the broadside was in response to stubbs insisting it 's hibs who fully deserve to be waiting for inverness caledonian thistle or celtic in next month 's showpiece at the national stadium after bossing the match\n", + "craig sibbald 's 74th-minute header is enough to send falkirk throughfraser fyvie and scott allan both hit the post for hibs with the score at 0-0falkirk will play either inverness caledonian thistle or celtic on may 30\n", + "[1.218929 1.4376746 1.1233982 1.3764093 1.1700702 1.1447186 1.158284\n", + " 1.0520724 1.0726774 1.0961715 1.092983 1.0713981 1.0513172 1.0999997\n", + " 1.0750446 1.052271 1.0156585 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 6 5 2 13 9 10 14 8 11 15 7 12 16 19 17 18 20]\n", + "=======================\n", + "[\"buddhist wu yunqing was preserved wearing a golden cloak and beads in 1998 at lingquan temple in central china 's anyang city .a mummified monk who is believed to have lived for 102 years has become a major tourist attraction after he was put in a crystal display case sitting in the traditional lotus position of prayer .records show that his parents died he was 15-years-old , leading him to run away to became a monk in shanxi yanan qing hua temple .\"]\n", + "=======================\n", + "['monk wu yunqing , who was 102 , sits in lotus position in golden cloakskin , hair and facial features are all clearly visible years latermummification a form of higher enlightenment for some buddhist monksa large porcelain vase is the key to the success of preserving bodies']\n", + "buddhist wu yunqing was preserved wearing a golden cloak and beads in 1998 at lingquan temple in central china 's anyang city .a mummified monk who is believed to have lived for 102 years has become a major tourist attraction after he was put in a crystal display case sitting in the traditional lotus position of prayer .records show that his parents died he was 15-years-old , leading him to run away to became a monk in shanxi yanan qing hua temple .\n", + "monk wu yunqing , who was 102 , sits in lotus position in golden cloakskin , hair and facial features are all clearly visible years latermummification a form of higher enlightenment for some buddhist monksa large porcelain vase is the key to the success of preserving bodies\n", + "[1.0847385 1.3252867 1.0376909 1.0385638 1.1842777 1.0741305 1.0419143\n", + " 1.2749314 1.0542995 1.1236738 1.1331766 1.0287716 1.018098 1.0491699\n", + " 1.1452019 1.0771703 1.0873727 1.0717862 1.098552 1.0737011 1.0793875]\n", + "\n", + "[ 1 7 4 14 10 9 18 16 0 20 15 5 19 17 8 13 6 3 2 11 12]\n", + "=======================\n", + "['center for elephant conservation sits on 200 acres of land in rural central florida , halfway between orlando and sarasota , off a nondescript country road .twenty-nine elephants currently live here , and 13 more will join the group by 2018 , after ringling bros. decided this year to stop using elephants in its traveling circus .\" you can walk around and you do n\\'t hear anything , \" said kenneth feld , who opened the center in 1995 .']\n", + "=======================\n", + "['29 elephants currently live at the circus sanctuary , and 13 more will join by 2018the expansion comes after ringling bros. said it would stop using elephants in circus$ 65,000 worth of care annually includes pedicures , stretching and tons -- literally -- of food']\n", + "center for elephant conservation sits on 200 acres of land in rural central florida , halfway between orlando and sarasota , off a nondescript country road .twenty-nine elephants currently live here , and 13 more will join the group by 2018 , after ringling bros. decided this year to stop using elephants in its traveling circus .\" you can walk around and you do n't hear anything , \" said kenneth feld , who opened the center in 1995 .\n", + "29 elephants currently live at the circus sanctuary , and 13 more will join by 2018the expansion comes after ringling bros. said it would stop using elephants in circus$ 65,000 worth of care annually includes pedicures , stretching and tons -- literally -- of food\n", + "[1.2424521 1.5579736 1.1047733 1.3252158 1.3880392 1.076254 1.0697433\n", + " 1.021567 1.0233604 1.0228382 1.0167631 1.0172765 1.0283085 1.02541\n", + " 1.0233202 1.0136523 1.0483495 1.0978975 1.143503 1.1277281 1.0440449\n", + " 1.0491396 1.1638259 1.0220033 0. 0. ]\n", + "\n", + "[ 1 4 3 0 22 18 19 2 17 5 6 21 16 20 12 13 8 14 9 23 7 11 10 15\n", + " 24 25]\n", + "=======================\n", + "['the driver , sam smith , begins filming with the tornado just a few hundred yards in front of him .this is the terrifying moment a gigantic tornado swept past a hapless motorist in illinois , who filmed it from his truckmr smith was travelling from minneapolis to indiana on business last thursday when the harrowing encounter took place .']\n", + "=======================\n", + "[\"extraordinary footage taken by driver on business trip to indianathe driver describes how the situation is ` totally crazy ' as he filmshe was talking to his son on the phone at the time , so tried to sound calm\"]\n", + "the driver , sam smith , begins filming with the tornado just a few hundred yards in front of him .this is the terrifying moment a gigantic tornado swept past a hapless motorist in illinois , who filmed it from his truckmr smith was travelling from minneapolis to indiana on business last thursday when the harrowing encounter took place .\n", + "extraordinary footage taken by driver on business trip to indianathe driver describes how the situation is ` totally crazy ' as he filmshe was talking to his son on the phone at the time , so tried to sound calm\n", + "[1.1270623 1.0763829 1.0549467 1.1121949 1.1158965 1.1375432 1.2236892\n", + " 1.168611 1.1029776 1.0397466 1.02825 1.046879 1.0451272 1.0189571\n", + " 1.0344228 1.1125599 1.0289127 1.044887 1.0355909 1.0335066 1.0347452\n", + " 1.0649921 1.0711081 1.0302474 1.0256119 1.0187492]\n", + "\n", + "[ 6 7 5 0 4 15 3 8 1 22 21 2 11 12 17 9 18 20 14 19 23 16 10 24\n", + " 13 25]\n", + "=======================\n", + "['the federal aviation administration now approves certain prescribed medication , allowing us to continue flying until depression is no longer a factor .as the world learns more about andreas lubitz , the co-pilot on germanwings flight 9525 , it is readily apparent that this young man had psychiatric issues far beyond clinical depression .( cnn ) most airline pilots have an above average ability to compartmentalize personal problems .']\n", + "=======================\n", + "[\"les abend : there were likely warning signs during the co-pilot 's traininghe says andreas lubitz had to go through many challenges to qualify to be a co-pilot\"]\n", + "the federal aviation administration now approves certain prescribed medication , allowing us to continue flying until depression is no longer a factor .as the world learns more about andreas lubitz , the co-pilot on germanwings flight 9525 , it is readily apparent that this young man had psychiatric issues far beyond clinical depression .( cnn ) most airline pilots have an above average ability to compartmentalize personal problems .\n", + "les abend : there were likely warning signs during the co-pilot 's traininghe says andreas lubitz had to go through many challenges to qualify to be a co-pilot\n", + "[1.2085254 1.5249131 1.2371163 1.1806262 1.327244 1.2218881 1.2557027\n", + " 1.0293719 1.0191185 1.0363932 1.0772947 1.209039 1.0106728 1.0079263\n", + " 1.1159847 1.0210263 1.0170155 1.2279863 1.0532882 1.007292 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 6 2 17 5 11 0 3 14 10 18 9 7 15 8 16 12 13 19 24 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"john brynarsky 's son chris , a custom paint job expert , was shot and killed in october 2006 after an argument in his car detail shop in union county , north carolina .his friend mark cosentino repaired the bumper and wrote an inscription on the inside dedicated to his slain friend before reattaching it to the carwhen he was shot , he fell over a bumper he was working on and damaged it .\"]\n", + "=======================\n", + "[\"chris byrnarsky was shot and killed in his custom detail shop in 2006his friend finished the bumper brynarsky was working on and wrote an inscription on the inside of it before putting it back on the carbrynarsky 's father john was working on a car in his body shop when he removed the bumper and found a message dedicated to his fallen son\"]\n", + "john brynarsky 's son chris , a custom paint job expert , was shot and killed in october 2006 after an argument in his car detail shop in union county , north carolina .his friend mark cosentino repaired the bumper and wrote an inscription on the inside dedicated to his slain friend before reattaching it to the carwhen he was shot , he fell over a bumper he was working on and damaged it .\n", + "chris byrnarsky was shot and killed in his custom detail shop in 2006his friend finished the bumper brynarsky was working on and wrote an inscription on the inside of it before putting it back on the carbrynarsky 's father john was working on a car in his body shop when he removed the bumper and found a message dedicated to his fallen son\n", + "[1.2900469 1.4434056 1.1297666 1.2546465 1.1359324 1.0975085 1.1268458\n", + " 1.110658 1.0354317 1.1468529 1.0277762 1.0510278 1.0677155 1.0337244\n", + " 1.0616142 1.1028942 1.0974016 1.0681933 1.0464134 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 9 4 2 6 7 15 5 16 17 12 14 11 18 8 13 10 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"managers from the london ambulance service , the largest in the nhs , have just filled 225 vacant posts with applicants from sydney and melbourne .ambulance bosses are routinely making a 21,500-mile round trip to australia to hire paramedics on # 4,500 ` golden hello ' payments because it is far cheaper than training them in britain .growing numbers of paramedics are quitting the nhs .\"]\n", + "=======================\n", + "[\"managers from the london ambulance service just filled 225 vacant postsapplicants all from sydney and melbourne recruited after one day of testslatest example of how nhs recruits overseas as it fails to train staff in ukhospital managers have been hiring batches of 30 nurses on trips to spainparamedics are being offered # 4,500 ` golden hellos ' if they agree to move to britain within three months .managers are so anxious to fill posts that 91 per cent of those who turned up to assessments were offered jobs .applicants told the mail they had been promised a ` new lifestyle ' that would enable them to gain valuable experience , visit distant relatives and ` shoot off ' to spain for the weekend .the few paramedics who did n't get jobs when managers first flew out in september were so keen they returned for the latest round of recruitment days -- and vowed to turn up a third time if they still were n't hired .managers claim they can save the nhs # 9million by flying out to australia rather than training paramedics in britain .\"]\n", + "managers from the london ambulance service , the largest in the nhs , have just filled 225 vacant posts with applicants from sydney and melbourne .ambulance bosses are routinely making a 21,500-mile round trip to australia to hire paramedics on # 4,500 ` golden hello ' payments because it is far cheaper than training them in britain .growing numbers of paramedics are quitting the nhs .\n", + "managers from the london ambulance service just filled 225 vacant postsapplicants all from sydney and melbourne recruited after one day of testslatest example of how nhs recruits overseas as it fails to train staff in ukhospital managers have been hiring batches of 30 nurses on trips to spainparamedics are being offered # 4,500 ` golden hellos ' if they agree to move to britain within three months .managers are so anxious to fill posts that 91 per cent of those who turned up to assessments were offered jobs .applicants told the mail they had been promised a ` new lifestyle ' that would enable them to gain valuable experience , visit distant relatives and ` shoot off ' to spain for the weekend .the few paramedics who did n't get jobs when managers first flew out in september were so keen they returned for the latest round of recruitment days -- and vowed to turn up a third time if they still were n't hired .managers claim they can save the nhs # 9million by flying out to australia rather than training paramedics in britain .\n", + "[1.1327405 1.4542433 1.2845657 1.1657184 1.3905337 1.0536642 1.0960262\n", + " 1.0420085 1.0169593 1.1287344 1.0411317 1.0550325 1.0957803 1.0924994\n", + " 1.0160507 1.0085938 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 3 0 9 6 12 13 11 5 7 10 8 14 15 23 22 21 20 16 18 17 24\n", + " 19 25]\n", + "=======================\n", + "[\"hundreds of survivalists and so-called ` preppers ' , of all ages and levels of ` experience ' , descended on the salt lake city , utah , suburb of sandy on friday for the nation 's first ever preppercon .during the two-day expo , they were shown specially-equipped underground bunkers , learned new methods of storing food , tried out solar powered flashlights - and even dressed up as zombies .they were also greeted by actors from the amc hit show ` the walking dead ' , including addy miller , who took pictures with fans and acted as a judge in an emergency preparedness food cook-off .\"]\n", + "=======================\n", + "[\"hundreds of survivalists and ` preppers ' gathered in utah suburb fridaylearned new ways to deal with zombie apocalypse or a natural disastershown underground bunkers , tactical weapons and an armed $ 2,500 motoped survival biketaught how to store food and dressed as zombies for special contestalso met actors from amc hit show the walking dead , like addy millerscott stallings , one of preppercon 's founders , said utah made sense for the first expo because of the mormon culture 's emphasis on self-reliance\"]\n", + "hundreds of survivalists and so-called ` preppers ' , of all ages and levels of ` experience ' , descended on the salt lake city , utah , suburb of sandy on friday for the nation 's first ever preppercon .during the two-day expo , they were shown specially-equipped underground bunkers , learned new methods of storing food , tried out solar powered flashlights - and even dressed up as zombies .they were also greeted by actors from the amc hit show ` the walking dead ' , including addy miller , who took pictures with fans and acted as a judge in an emergency preparedness food cook-off .\n", + "hundreds of survivalists and ` preppers ' gathered in utah suburb fridaylearned new ways to deal with zombie apocalypse or a natural disastershown underground bunkers , tactical weapons and an armed $ 2,500 motoped survival biketaught how to store food and dressed as zombies for special contestalso met actors from amc hit show the walking dead , like addy millerscott stallings , one of preppercon 's founders , said utah made sense for the first expo because of the mormon culture 's emphasis on self-reliance\n", + "[1.1934062 1.4441413 1.4206452 1.1894999 1.1398764 1.0878367 1.0405228\n", + " 1.0170296 1.0277277 1.0303469 1.031211 1.1737809 1.0118716 1.0742066\n", + " 1.0560396 1.0119249 1.0535533 1.015668 ]\n", + "\n", + "[ 1 2 0 3 11 4 5 13 14 16 6 10 9 8 7 17 15 12]\n", + "=======================\n", + "['award-winning photographer uruma takezawa has made a living discovering and documenting communities in the most remote areas around the globe .for his latest book , the japanese adventurer spent 1,021 days on the road , to capture amazing images on an odyssey that took him to 103 countries on four continents .they are the images that capture the faces and dramatic landscapes one photographer encountered during a 1000-day journey around the world .']\n", + "=======================\n", + "[\"uruma takezawa , a japanese photographer , has just won the third annual nikkei national geographic photo prizeformerly a marine photographer , takezawa 's latest project documents those who live off the land in harmonyhe embarked on a round-the-world photography trip in march 2010 , which took him to all corners of the world\"]\n", + "award-winning photographer uruma takezawa has made a living discovering and documenting communities in the most remote areas around the globe .for his latest book , the japanese adventurer spent 1,021 days on the road , to capture amazing images on an odyssey that took him to 103 countries on four continents .they are the images that capture the faces and dramatic landscapes one photographer encountered during a 1000-day journey around the world .\n", + "uruma takezawa , a japanese photographer , has just won the third annual nikkei national geographic photo prizeformerly a marine photographer , takezawa 's latest project documents those who live off the land in harmonyhe embarked on a round-the-world photography trip in march 2010 , which took him to all corners of the world\n", + "[1.1933907 1.2798332 1.1905742 1.3190718 1.163352 1.124214 1.1622038\n", + " 1.169402 1.0850905 1.079017 1.0926522 1.0841111 1.0460694 1.0808034\n", + " 1.0803132 1.0112096 0. 0. ]\n", + "\n", + "[ 3 1 0 2 7 4 6 5 10 8 11 13 14 9 12 15 16 17]\n", + "=======================\n", + "[\"the figures appear to vindicate david cameron 's ` mercantile ' foreign policy , which has seen him lead trade missions all over the world in order to refocus trade away from the eu 's struggling economies .it is the first time since records began that such sales of uk goods have outstripped those to the eu for six months in a row .previously they have beaten eu exports on a quarterly basis -- or three months -- but never for such a sustained period .\"]\n", + "=======================\n", + "[\"tony blair said leaving eu would cause ` significant damage ' to economysales of uk goods to ` rest of the world ' have outstripped europe for first timebut total sales overseas have fallen to the lowest level for nearly five yearsstrong pound and weak eurozone is ` acting like straitjacket ' on exporters\"]\n", + "the figures appear to vindicate david cameron 's ` mercantile ' foreign policy , which has seen him lead trade missions all over the world in order to refocus trade away from the eu 's struggling economies .it is the first time since records began that such sales of uk goods have outstripped those to the eu for six months in a row .previously they have beaten eu exports on a quarterly basis -- or three months -- but never for such a sustained period .\n", + "tony blair said leaving eu would cause ` significant damage ' to economysales of uk goods to ` rest of the world ' have outstripped europe for first timebut total sales overseas have fallen to the lowest level for nearly five yearsstrong pound and weak eurozone is ` acting like straitjacket ' on exporters\n", + "[1.1729367 1.1766343 1.2537278 1.0948958 1.2057165 1.1151638 1.1994523\n", + " 1.1353343 1.1655315 1.1289488 1.0879467 1.0471327 1.0222719 1.0288341\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 4 6 1 0 8 7 9 5 3 10 11 13 12 16 14 15 17]\n", + "=======================\n", + "['pelvic organ prolapse , or pop , occurs when tissue supporting the pelvic organs -- including the womb -- becomes weak , typically after childbirth .although up to half of women are thought to suffer to some degree , far fewer seek help , and many who do are offered just one solution : a hysterectomy .now , a leading gynaecologist has claimed thousands of patients may be undergoing the drastic operation needlessly .']\n", + "=======================\n", + "['pelvic organ prolapse occurs when tissue in the womb becomes weakmany who suffer the painful condition are only offered hysterectomiesbut the surgical removal of reproductive organs ends fertility in patientsnow one gynaecologist claims thousands undergo operation needlesslyjonathan broome says more should be offered half-hour key hole surgerysacrohysteropexy uses a sling to lift and hold the womb back in place']\n", + "pelvic organ prolapse , or pop , occurs when tissue supporting the pelvic organs -- including the womb -- becomes weak , typically after childbirth .although up to half of women are thought to suffer to some degree , far fewer seek help , and many who do are offered just one solution : a hysterectomy .now , a leading gynaecologist has claimed thousands of patients may be undergoing the drastic operation needlessly .\n", + "pelvic organ prolapse occurs when tissue in the womb becomes weakmany who suffer the painful condition are only offered hysterectomiesbut the surgical removal of reproductive organs ends fertility in patientsnow one gynaecologist claims thousands undergo operation needlesslyjonathan broome says more should be offered half-hour key hole surgerysacrohysteropexy uses a sling to lift and hold the womb back in place\n", + "[1.1394885 1.2012422 1.173727 1.4915131 1.193873 1.1093384 1.087974\n", + " 1.0504175 1.0404923 1.0409875 1.0914991 1.0282093 1.0338655 1.033114\n", + " 1.0277964 1.0373493 1.0164047 1.0369208]\n", + "\n", + "[ 3 1 4 2 0 5 10 6 7 9 8 15 17 12 13 11 14 16]\n", + "=======================\n", + "[\"richie benaud , pictured in january 2013 , has died at the age of 84 after a battle with skin cancerbenaud was first and foremost a television broadcaster , a man of unusually wry wit who once responded on air to colleague chris broad 's malapropism ( ` honestly , you run out of expletives when describing the fielding of jonty rhodes ' ) without skipping a beat : ` which particular one did you have in mind ? 'benaud was one of cricket 's great personalities and will be remembered for his dry wit and knowledge\"]\n", + "=======================\n", + "['richie benaud has died at the age of 84 after a short battle with skin cancerbenaud captained australia as a player before going into broadcastinghis commentary style became globally synonymous with cricketclick here for benaud tributes as the cricket world mourns his death']\n", + "richie benaud , pictured in january 2013 , has died at the age of 84 after a battle with skin cancerbenaud was first and foremost a television broadcaster , a man of unusually wry wit who once responded on air to colleague chris broad 's malapropism ( ` honestly , you run out of expletives when describing the fielding of jonty rhodes ' ) without skipping a beat : ` which particular one did you have in mind ? 'benaud was one of cricket 's great personalities and will be remembered for his dry wit and knowledge\n", + "richie benaud has died at the age of 84 after a short battle with skin cancerbenaud captained australia as a player before going into broadcastinghis commentary style became globally synonymous with cricketclick here for benaud tributes as the cricket world mourns his death\n", + "[1.1042777 1.5391889 1.3156165 1.3164364 1.0418036 1.2319268 1.0152144\n", + " 1.0484767 1.0801767 1.0655184 1.080444 1.0568235 1.028971 1.0366106\n", + " 1.0609288 1.0540714 1.1537023 1.0572689]\n", + "\n", + "[ 1 3 2 5 16 0 10 8 9 14 17 11 15 7 4 13 12 6]\n", + "=======================\n", + "[\"cuban bikini babe kathy ferreiro , 21 , is vying to steal kim kardashian 's crown for having the curviest booty in america .cuban beauty kathy ferreiro has proved a hit on social media with fans loving photos of her curves , which the miami-based bikini-loving babe says are 100 per cent naturalthe miami-based latina , who has already been dubbed the ` cuban kim kardashian ' by the city 's fashion crowd , is well known for strutting her stuff on the region 's balmy beaches .\"]\n", + "=======================\n", + "[\"cuban-born kathy ferreiro 's curves have attracted fans on social mediabikini-loving beach babe says photos of her booty are all naturalmiami-based party girl is hoping to become next kim kardashianhas a huge following in colombia and other latin american countries\"]\n", + "cuban bikini babe kathy ferreiro , 21 , is vying to steal kim kardashian 's crown for having the curviest booty in america .cuban beauty kathy ferreiro has proved a hit on social media with fans loving photos of her curves , which the miami-based bikini-loving babe says are 100 per cent naturalthe miami-based latina , who has already been dubbed the ` cuban kim kardashian ' by the city 's fashion crowd , is well known for strutting her stuff on the region 's balmy beaches .\n", + "cuban-born kathy ferreiro 's curves have attracted fans on social mediabikini-loving beach babe says photos of her booty are all naturalmiami-based party girl is hoping to become next kim kardashianhas a huge following in colombia and other latin american countries\n", + "[1.2269588 1.4896467 1.1543018 1.3631251 1.1991944 1.1339383 1.1362606\n", + " 1.0736845 1.1846179 1.0590647 1.0489402 1.112088 1.039312 1.0514712\n", + " 1.0636443 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 8 2 6 5 11 7 14 9 13 10 12 16 15 17]\n", + "=======================\n", + "[\"luis andres cuyun , 30 , was riding in a car when two suspected mara salvatrucha members opened fired on him and his driver , who was injured in the attack .the director of a jail for juvenile gang members was gunned down in the streets by prisoners ' fellow criminals as he made his way to work on friday .guatemalan mario alfonso aguilar , 18 , who is known as marito , was also arrested for the attack on friday after a police chase , according to prensa libre .\"]\n", + "=======================\n", + "[\"luis andres cuyun , 30 , who ran las gaviotas facility in guatemala city , shot dead by attackers who later said they were ordered to do the hitcuyun and his social welfare official companion fired back at the attackersjuan carlos medina luna , 29 , and mario alfonso aguilar , 18 , arrestedgang said that its members were abused inside cuyun 's jail\"]\n", + "luis andres cuyun , 30 , was riding in a car when two suspected mara salvatrucha members opened fired on him and his driver , who was injured in the attack .the director of a jail for juvenile gang members was gunned down in the streets by prisoners ' fellow criminals as he made his way to work on friday .guatemalan mario alfonso aguilar , 18 , who is known as marito , was also arrested for the attack on friday after a police chase , according to prensa libre .\n", + "luis andres cuyun , 30 , who ran las gaviotas facility in guatemala city , shot dead by attackers who later said they were ordered to do the hitcuyun and his social welfare official companion fired back at the attackersjuan carlos medina luna , 29 , and mario alfonso aguilar , 18 , arrestedgang said that its members were abused inside cuyun 's jail\n", + "[1.4372857 1.4950973 1.4044439 1.4029322 1.247676 1.0164665 1.0103363\n", + " 1.0141226 1.0160091 1.1233181 1.0221579 1.1065358 1.0887369 1.2284708\n", + " 1.0306691 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 13 9 11 12 14 10 5 8 7 6 15 16 17]\n", + "=======================\n", + "[\"the striker has scored 31 times for mk dons and wolves - just one ahead of tottenham hotshot kane .benik afobe insists he feels ` unstoppable ' as he bids to beat harry kane to become the country 's top scorer this season .afobe bagged 19 goals on loan at mk dons before january - including two in their 4-0 league cup win over manchester united - and has added 12 more since joining wolves from arsenal on a permanent deal .\"]\n", + "=======================\n", + "[\"benik afobe is aiming to become the country 's leading goal scorerthe wolves striker says he feels ` unstoppable ' at the momentafobe has scored 31 times this season , one more than harry kane\"]\n", + "the striker has scored 31 times for mk dons and wolves - just one ahead of tottenham hotshot kane .benik afobe insists he feels ` unstoppable ' as he bids to beat harry kane to become the country 's top scorer this season .afobe bagged 19 goals on loan at mk dons before january - including two in their 4-0 league cup win over manchester united - and has added 12 more since joining wolves from arsenal on a permanent deal .\n", + "benik afobe is aiming to become the country 's leading goal scorerthe wolves striker says he feels ` unstoppable ' at the momentafobe has scored 31 times this season , one more than harry kane\n", + "[1.6442292 1.3354118 1.1524875 1.4133458 1.2079201 1.0222267 1.0100062\n", + " 1.0108318 1.0115286 1.017037 1.0241702 1.025779 1.0824714 1.0355024\n", + " 1.0280229 1.0523907 1.0422523 0. ]\n", + "\n", + "[ 0 3 1 4 2 12 15 16 13 14 11 10 5 9 8 7 6 17]\n", + "=======================\n", + "[\"gary hooper came off the bench to snatch a dramatic stoppage-time winner to keep norwich city on track for automatic promotion in the sky bet championship after neil lennon 's battling bolton came within minutes of gaining a point .gary hooper celebrates after earning norwich three points with a stoppage-time winner against boltonformer celtic star hooper 's goal sparked jubilant scenes on the canaries bench in contrast to the dejection of his one-time parkhead boss neil lennon .\"]\n", + "=======================\n", + "[\"norwich beat bolton 2-1 at the macron stadium in the championshipgraham dorrans gave the visitors the lead inside 10 minutesadam le fondre drew neil lennon 's side level after 18gary hooper won the game for norwich in the closing momentsnorwich remain second ahead of watford on goal difference\"]\n", + "gary hooper came off the bench to snatch a dramatic stoppage-time winner to keep norwich city on track for automatic promotion in the sky bet championship after neil lennon 's battling bolton came within minutes of gaining a point .gary hooper celebrates after earning norwich three points with a stoppage-time winner against boltonformer celtic star hooper 's goal sparked jubilant scenes on the canaries bench in contrast to the dejection of his one-time parkhead boss neil lennon .\n", + "norwich beat bolton 2-1 at the macron stadium in the championshipgraham dorrans gave the visitors the lead inside 10 minutesadam le fondre drew neil lennon 's side level after 18gary hooper won the game for norwich in the closing momentsnorwich remain second ahead of watford on goal difference\n", + "[1.1918173 1.3727616 1.1838337 1.2275444 1.1548188 1.157428 1.0682769\n", + " 1.082044 1.10987 1.1710705 1.0666896 1.0775592 1.0630676 1.0272678\n", + " 1.0515405 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 9 5 4 8 7 11 6 10 12 14 13 16 15 17]\n", + "=======================\n", + "[\"footage of the brief contest was captured on a property near the amber mountain national park on the northern edge of madagascar .the more aggressive of the two ( right ) chases his rival out of the tree and along a concrete wallchameleons are known for their ability to change colours and blend in , but these two had no trouble spotting each other 's ambitions in a fierce battle for a female mate .\"]\n", + "=======================\n", + "['brief clash occurred near amber mountain national park in madagascarfootage shows the pair sizing each other up before one strikesthe more aggressive of the two takes a huge bite out of his foedefeated chameleon wriggles free and then tries to escape along a wall']\n", + "footage of the brief contest was captured on a property near the amber mountain national park on the northern edge of madagascar .the more aggressive of the two ( right ) chases his rival out of the tree and along a concrete wallchameleons are known for their ability to change colours and blend in , but these two had no trouble spotting each other 's ambitions in a fierce battle for a female mate .\n", + "brief clash occurred near amber mountain national park in madagascarfootage shows the pair sizing each other up before one strikesthe more aggressive of the two takes a huge bite out of his foedefeated chameleon wriggles free and then tries to escape along a wall\n", + "[1.2524304 1.5454597 1.3726455 1.1384771 1.1972282 1.1274285 1.0448283\n", + " 1.0279948 1.0251768 1.0250072 1.1574441 1.0284277 1.0373513 1.0372074\n", + " 1.0386226 1.1541388 1.0601166 1.0459135]\n", + "\n", + "[ 1 2 0 4 10 15 3 5 16 17 6 14 12 13 11 7 8 9]\n", + "=======================\n", + "[\"vietnamese labourer pham quang lanh , 28 , had a metal plate inserted over his skull after being struck by an iron bar on a building site .but the botched operation caused his head to become swollen with a potentially deadly infection .it was only when he asked family to look at the wound that they noticed a dozen maggots crawling under the skin and they took him to the hanoi 's viet duc hospital .\"]\n", + "=======================\n", + "['labourer pham quang lanh had metal plate inserted in head after injurybut the surgery caused his head to swell with a potentially fatal infectionfamily spotted maggot infestation after he repeatedly complained of painsurgeons say the maggots had eaten the infected tissue but not his brain']\n", + "vietnamese labourer pham quang lanh , 28 , had a metal plate inserted over his skull after being struck by an iron bar on a building site .but the botched operation caused his head to become swollen with a potentially deadly infection .it was only when he asked family to look at the wound that they noticed a dozen maggots crawling under the skin and they took him to the hanoi 's viet duc hospital .\n", + "labourer pham quang lanh had metal plate inserted in head after injurybut the surgery caused his head to swell with a potentially fatal infectionfamily spotted maggot infestation after he repeatedly complained of painsurgeons say the maggots had eaten the infected tissue but not his brain\n", + "[1.5418048 1.4420121 1.1150367 1.0731813 1.4843245 1.1973644 1.0273755\n", + " 1.0910243 1.0331565 1.0176224 1.0239369 1.2195718 1.2538015 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 12 11 5 2 7 3 8 6 10 9 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"welsh international elliot kear is back in rugby league after signing for championship club london broncos .elliot kear will return to rugby league 's championship with london broncos after a season with welshthe 26-year-old winger or full-back has spent most of the year playing rugby union for london welsh after leaving bradford at the end of last season .\"]\n", + "=======================\n", + "[\"elliot kear played for premiership rugby 's relegated london welshhe joined the oxford-based rugby club from super league 's bradfordkear could line up for the broncos as soon as sunday against dewsbury\"]\n", + "welsh international elliot kear is back in rugby league after signing for championship club london broncos .elliot kear will return to rugby league 's championship with london broncos after a season with welshthe 26-year-old winger or full-back has spent most of the year playing rugby union for london welsh after leaving bradford at the end of last season .\n", + "elliot kear played for premiership rugby 's relegated london welshhe joined the oxford-based rugby club from super league 's bradfordkear could line up for the broncos as soon as sunday against dewsbury\n", + "[1.1411489 1.4300985 1.2138518 1.4423405 1.13921 1.3265393 1.0278307\n", + " 1.044897 1.0285321 1.0349175 1.0478177 1.0288501 1.038915 1.0316161\n", + " 1.0428207 1.0304981 1.0775452 1.0413688 1.0174885 1.0192751]\n", + "\n", + "[ 3 1 5 2 0 4 16 10 7 14 17 12 9 13 15 11 8 6 19 18]\n", + "=======================\n", + "['larung gar buddhist academy is home to 40,000 monks and nuns , who travel to the settlement of sertar to study tibetan buddhismamong the green rolling hills in the larung gar valley in china , the last thing you would expect to see in the countryside are thousands of red wooden huts that have been built in a massive cluster .the red and brown houses are nearly identical , with one to three rooms per hut and no heating or toilets installed']\n", + "=======================\n", + "['the larung gar buddhist academy in china has basic amenities for the 40,000 monks and nuns who stay therethe secluded location is 370 miles from chengdu and has grown dramatically since its creationtvs are banned , and the huts of monks and nuns are segregated by a winding road through the middle']\n", + "larung gar buddhist academy is home to 40,000 monks and nuns , who travel to the settlement of sertar to study tibetan buddhismamong the green rolling hills in the larung gar valley in china , the last thing you would expect to see in the countryside are thousands of red wooden huts that have been built in a massive cluster .the red and brown houses are nearly identical , with one to three rooms per hut and no heating or toilets installed\n", + "the larung gar buddhist academy in china has basic amenities for the 40,000 monks and nuns who stay therethe secluded location is 370 miles from chengdu and has grown dramatically since its creationtvs are banned , and the huts of monks and nuns are segregated by a winding road through the middle\n", + "[1.1030741 1.1691227 1.3310969 1.4327408 1.1410432 1.0945737 1.1716942\n", + " 1.0124859 1.3043041 1.1781081 1.1532344 1.0577937 1.0431169 1.013429\n", + " 1.0068871 1.0110363 1.0254719 1.026387 1.1091937 1.0507956]\n", + "\n", + "[ 3 2 8 9 6 1 10 4 18 0 5 11 19 12 17 16 13 7 15 14]\n", + "=======================\n", + "[\"burnley defender stephen ward should be back in contention for sunday 's barclays premier league clash against tottenham after overcoming an ankle injury .burnley vs tottenham hotspur ( turf moor )full-back danny rose will be assessed after returning early from an england call-up with hamstring and hip issues .\"]\n", + "=======================\n", + "['stephen ward in contention for burnley after overcoming ankle injurymatt taylor close to return having been out since augusttottenham hotspur without goalkeeper hugo lloris through knee injurydanny rose and roberto soldado also fitness concerns for spurs']\n", + "burnley defender stephen ward should be back in contention for sunday 's barclays premier league clash against tottenham after overcoming an ankle injury .burnley vs tottenham hotspur ( turf moor )full-back danny rose will be assessed after returning early from an england call-up with hamstring and hip issues .\n", + "stephen ward in contention for burnley after overcoming ankle injurymatt taylor close to return having been out since augusttottenham hotspur without goalkeeper hugo lloris through knee injurydanny rose and roberto soldado also fitness concerns for spurs\n", + "[1.4514767 1.3312976 1.2781024 1.3372028 1.099585 1.1572722 1.0724106\n", + " 1.0514643 1.0465018 1.0477477 1.3133631 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 10 2 5 4 6 7 9 8 11 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"john carver will turn to siem de jong in a bid to save newcastle 's sorry season .the # 6million summer signing suffered a collapsed lung in february and it was initially feared he would miss the remainder of the campaign , especially as it was the second time he had fallen victim to the problem .de jong has started just one premier league game since arriving from ajax and he was only days away from a return to action following a five-month layoff with a torn thigh muscle when he was diagnosed with the collapsed lung .\"]\n", + "=======================\n", + "['siem de jong has been out of action since the end of augustthe # 6m summer signing suffered a collapsed lung in februaryde jong was ruled out for the rest of the season but is close to full fitness']\n", + "john carver will turn to siem de jong in a bid to save newcastle 's sorry season .the # 6million summer signing suffered a collapsed lung in february and it was initially feared he would miss the remainder of the campaign , especially as it was the second time he had fallen victim to the problem .de jong has started just one premier league game since arriving from ajax and he was only days away from a return to action following a five-month layoff with a torn thigh muscle when he was diagnosed with the collapsed lung .\n", + "siem de jong has been out of action since the end of augustthe # 6m summer signing suffered a collapsed lung in februaryde jong was ruled out for the rest of the season but is close to full fitness\n", + "[1.2900275 1.3168917 1.2592199 1.2321241 1.2728924 1.2094216 1.06452\n", + " 1.0791926 1.041651 1.0503899 1.0369835 1.0676311 1.1175516 1.0375252\n", + " 1.0671222 1.0617051 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 5 12 7 11 14 6 15 9 8 13 10 18 16 17 19]\n", + "=======================\n", + "[\"the defiant 61-year-old former prime minister said he had ` decades ' still in him and joked that he would ` turn to drink ' if he ever stepped down from his multitude of global roles .tony blair has said he does not want to retire until he is 91 -- as he unveiled plans to set up a ` cadre ' of ex-leaders to advise governments around the world .mr blair said his latest ambition is to recruit former heads of government to advise presidents and prime ministers on how to run their countries\"]\n", + "=======================\n", + "[\"the former prime minister claimed he has ` decades ' of work left in himjoked he would ` turn to drink ' if he ever stepped down from global roleswants to recruit former government heads to advise current leadershe was ` mentored ' by us president bill clinton when he started in 1997\"]\n", + "the defiant 61-year-old former prime minister said he had ` decades ' still in him and joked that he would ` turn to drink ' if he ever stepped down from his multitude of global roles .tony blair has said he does not want to retire until he is 91 -- as he unveiled plans to set up a ` cadre ' of ex-leaders to advise governments around the world .mr blair said his latest ambition is to recruit former heads of government to advise presidents and prime ministers on how to run their countries\n", + "the former prime minister claimed he has ` decades ' of work left in himjoked he would ` turn to drink ' if he ever stepped down from global roleswants to recruit former government heads to advise current leadershe was ` mentored ' by us president bill clinton when he started in 1997\n", + "[1.2452061 1.4142737 1.3840678 1.3312182 1.1290979 1.1448219 1.095317\n", + " 1.0450097 1.0716746 1.0375674 1.1267492 1.0682886 1.1485041 1.0334389\n", + " 1.0125855 1.0100935 1.0464642 1.0219232 0. 0. ]\n", + "\n", + "[ 1 2 3 0 12 5 4 10 6 8 11 16 7 9 13 17 14 15 18 19]\n", + "=======================\n", + "['the former brookside actress gave birth to son jaxton in september and admits she has struggled to regain her pre-baby figure .claire , 44 , has now enlisted the help of susan hepburn , who famously helped lily allen slim form a size 14 to an 8 .new mother claire sweeney has turned to hypnotherapist susan hepburn to help her shed two stone']\n", + "=======================\n", + "[\"actress , 44 , gave birth to son jaxton in september and wants to shift 2sthas sought the help of susan hepburn who helped lily allen slim 3 sizesclaire says she wants to ` sort her binge mentality 'says she ` went on a binge at a pal 's birthday and made herself feel sick 'she has had one session so far and says she can already see results\"]\n", + "the former brookside actress gave birth to son jaxton in september and admits she has struggled to regain her pre-baby figure .claire , 44 , has now enlisted the help of susan hepburn , who famously helped lily allen slim form a size 14 to an 8 .new mother claire sweeney has turned to hypnotherapist susan hepburn to help her shed two stone\n", + "actress , 44 , gave birth to son jaxton in september and wants to shift 2sthas sought the help of susan hepburn who helped lily allen slim 3 sizesclaire says she wants to ` sort her binge mentality 'says she ` went on a binge at a pal 's birthday and made herself feel sick 'she has had one session so far and says she can already see results\n", + "[1.3319983 1.3490835 1.4510797 1.4814541 1.2941844 1.0722721 1.0384299\n", + " 1.0447797 1.0226774 1.0178276 1.0110472 1.0960662 1.0250933 1.0497377\n", + " 1.0226065 1.016115 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 0 4 11 5 13 7 6 12 8 14 9 15 10 18 16 17 19]\n", + "=======================\n", + "[\"manchester united captain wayne rooney feels the club are on course to qualify for the champions leaguejuan mata 's brace earned united a deserved 2-1 triumph at anfield to give them a buffer over the reds , as well as fellow top-four contenders southampton and tottenham .louis van gaal 's side sit fourth in the barclays premier league standings as the season enters the closing stages , boasting a five-point cushion over the chasing pack after winning so impressively at liverpool before the international break .\"]\n", + "=======================\n", + "['manchester united captain wayne rooney says his side are focused on qualifying for the champions leagueman utd are currently fourth in the premier league table after a 2-1 win over rivals liverpool at anfield last time outthe red devils take on aston villa in their next game at old traffordrooney has just captained england in an international friendly against italyhis man united team-mate michael carrick has been singled out for his performance for the three lions in turinclick here for the latest manchester united news']\n", + "manchester united captain wayne rooney feels the club are on course to qualify for the champions leaguejuan mata 's brace earned united a deserved 2-1 triumph at anfield to give them a buffer over the reds , as well as fellow top-four contenders southampton and tottenham .louis van gaal 's side sit fourth in the barclays premier league standings as the season enters the closing stages , boasting a five-point cushion over the chasing pack after winning so impressively at liverpool before the international break .\n", + "manchester united captain wayne rooney says his side are focused on qualifying for the champions leagueman utd are currently fourth in the premier league table after a 2-1 win over rivals liverpool at anfield last time outthe red devils take on aston villa in their next game at old traffordrooney has just captained england in an international friendly against italyhis man united team-mate michael carrick has been singled out for his performance for the three lions in turinclick here for the latest manchester united news\n", + "[1.3236942 1.3109481 1.2361836 1.167325 1.124562 1.1165818 1.1339606\n", + " 1.04116 1.0467623 1.0637918 1.0517727 1.0899082 1.1096601 1.091059\n", + " 1.0513889 1.1206285 1.053521 1.0457139 0. 0. ]\n", + "\n", + "[ 0 1 2 3 6 4 15 5 12 13 11 9 16 10 14 8 17 7 18 19]\n", + "=======================\n", + "[\"the police van in which freddie gray supposedly sustained his fatal injuries does not come with a bolt sticking out from the back door , chevrolet has confirmed .designs from the car maker show that the chevrolet express - the vehicle used by the baltimore police department - is smooth on the inside of both cage doors .chevrolet spokesman michael albano confirmed to daily mail online that the standard issue chevrolet express police transport van has bolts that are built into the door and do n't stick out .\"]\n", + "=======================\n", + "[\"medical examiner 's report described how gray may have injured necktheory claimed he fell forward while cuffed and hit his head on a boltbut specifications for the chevrolet express van show no such boltphotographs of other baltimore police also contradict theorygray 's spine was somehow severed while in police custody on april 12\"]\n", + "the police van in which freddie gray supposedly sustained his fatal injuries does not come with a bolt sticking out from the back door , chevrolet has confirmed .designs from the car maker show that the chevrolet express - the vehicle used by the baltimore police department - is smooth on the inside of both cage doors .chevrolet spokesman michael albano confirmed to daily mail online that the standard issue chevrolet express police transport van has bolts that are built into the door and do n't stick out .\n", + "medical examiner 's report described how gray may have injured necktheory claimed he fell forward while cuffed and hit his head on a boltbut specifications for the chevrolet express van show no such boltphotographs of other baltimore police also contradict theorygray 's spine was somehow severed while in police custody on april 12\n", + "[1.1013805 1.0998662 1.2776676 1.3398682 1.2135291 1.3991436 1.1973782\n", + " 1.0112851 1.2960031 1.0998977 1.0629953 1.0879819 1.0149384 1.0102211\n", + " 1.0109167 1.0207362 1.0343405 1.154711 0. 0. ]\n", + "\n", + "[ 5 3 8 2 4 6 17 0 9 1 11 10 16 15 12 7 14 13 18 19]\n", + "=======================\n", + "[\"swansea 's jefferson montero ( right ) suffered a muscle strain during ecuador 's 1-0 defeat by mexico in a los angeles friendly on saturdayswansea will make a late check on ecuador winger jefferson montero before hull 's barclays premier league visit to the liberty stadium on saturday .mohamed diame and james chester will make their long-awaited returns to the hull squad for saturday 's trip to swansea .\"]\n", + "=======================\n", + "['jefferson montero to have fitness test after picking up injury with ecuadortom carroll ruled out for swansea after damaging ankle ligamentsmohamed diame and james chester to return following long lay-offsgaston ramirez also set to play a role despite carrying slight knock']\n", + "swansea 's jefferson montero ( right ) suffered a muscle strain during ecuador 's 1-0 defeat by mexico in a los angeles friendly on saturdayswansea will make a late check on ecuador winger jefferson montero before hull 's barclays premier league visit to the liberty stadium on saturday .mohamed diame and james chester will make their long-awaited returns to the hull squad for saturday 's trip to swansea .\n", + "jefferson montero to have fitness test after picking up injury with ecuadortom carroll ruled out for swansea after damaging ankle ligamentsmohamed diame and james chester to return following long lay-offsgaston ramirez also set to play a role despite carrying slight knock\n", + "[1.1942127 1.4161148 1.276217 1.2715968 1.232608 1.1051512 1.0939369\n", + " 1.1437001 1.0519508 1.0584021 1.0480057 1.0960243 1.0324901 1.1718125\n", + " 1.0850352 1.0534338 1.0460341 1.1099541 1.0356144 1.0072547]\n", + "\n", + "[ 1 2 3 4 0 13 7 17 5 11 6 14 9 15 8 10 16 18 12 19]\n", + "=======================\n", + "[\"channel 7 perth news reporter monique dirksz got the scoop on cousins ' arrest when she was the only journalist outside freemantle police station at 2am on march 12 when he was released on bail .the troubled star was arrested on march 11 over an alleged low-speed chase from bicton to mosman park , in perth .first class constable daniel jamieson is said to have been dating ms dirksz at the time and is accused of divulging information that gave her a particular advantage , wa today reports .\"]\n", + "=======================\n", + "[\"channel 7 perth reporter monique dirksz got the scoop on cousins ' arrestshe was the only journalist outside freemantle police station at 2amconstable daniel jamieson is said to have been dating her at the timehe has been charged with four counts of disclosing official secretsthe policeman allegedly looked up the information on a police computercousins was arrested on march 11 over an alleged low-speed chase` hundreds ' of officers are said to have unlawfully accessed the documentspolice also reportedly looked at the files of former afl player daniel keeran internal investigation is currently underway\"]\n", + "channel 7 perth news reporter monique dirksz got the scoop on cousins ' arrest when she was the only journalist outside freemantle police station at 2am on march 12 when he was released on bail .the troubled star was arrested on march 11 over an alleged low-speed chase from bicton to mosman park , in perth .first class constable daniel jamieson is said to have been dating ms dirksz at the time and is accused of divulging information that gave her a particular advantage , wa today reports .\n", + "channel 7 perth reporter monique dirksz got the scoop on cousins ' arrestshe was the only journalist outside freemantle police station at 2amconstable daniel jamieson is said to have been dating her at the timehe has been charged with four counts of disclosing official secretsthe policeman allegedly looked up the information on a police computercousins was arrested on march 11 over an alleged low-speed chase` hundreds ' of officers are said to have unlawfully accessed the documentspolice also reportedly looked at the files of former afl player daniel keeran internal investigation is currently underway\n", + "[1.2784104 1.3828206 1.2590218 1.3705688 1.0822997 1.1133907 1.1247623\n", + " 1.0726488 1.1220416 1.058554 1.0849366 1.1227218 1.0646268 1.0638905\n", + " 1.0340292 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 2 6 11 8 5 10 4 7 12 13 9 14 20 15 16 17 18 19 21]\n", + "=======================\n", + "['fa chairman dyke must find # 30million to fund his masterplan to reform grassroots football with more 3g pitches in urban coaching hubs , and has identified the non-league national team as an area of potential saving .fa chairman greg dyke could axe the england c team to save money to help improve grassroots footballengland c , which has operated under different names since it was formed in 1979 , is managed by former barnet boss paul fairclough , who selects from players outside the football league , aged 23 and under .']\n", + "=======================\n", + "['greg dyke could axe the england c team to find the needed # 30millionthe fa chairman needs the money to help with his grassroots planspremier league player george boyd played for the non-league team']\n", + "fa chairman dyke must find # 30million to fund his masterplan to reform grassroots football with more 3g pitches in urban coaching hubs , and has identified the non-league national team as an area of potential saving .fa chairman greg dyke could axe the england c team to save money to help improve grassroots footballengland c , which has operated under different names since it was formed in 1979 , is managed by former barnet boss paul fairclough , who selects from players outside the football league , aged 23 and under .\n", + "greg dyke could axe the england c team to find the needed # 30millionthe fa chairman needs the money to help with his grassroots planspremier league player george boyd played for the non-league team\n", + "[1.3617189 1.2662008 1.2487918 1.0986124 1.1540903 1.2612277 1.2418731\n", + " 1.1664839 1.0653503 1.075398 1.1223881 1.061063 1.0157287 1.060727\n", + " 1.0776719 1.0732454 1.0566539 1.0245558 1.0651556 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 5 2 6 7 4 10 3 14 9 15 8 18 11 13 16 17 12 20 19 21]\n", + "=======================\n", + "[\"ufc light heavyweight champion jon jones ran from a crash that hospitalised a pregnant woman - but quickly came back to grab ' a large handful of cash ' from the car , witnesses told police .according to police , the accident occurred in southeastern albuquerque just before noon on sunday local time when the driver of a rented suv jumped a red light .the driver , whom an off-duty officer identified as jones , ran from the scene but then returned for the cash before fleeing again , police said .\"]\n", + "=======================\n", + "['ufc light heavyweight champion jon jones ran from a crash that hospitalised a pregnant woman , witnesses told policeaccording to police , the accident occurred in albuquerque just before noon on sunday when the driver of a rented suv jumped a red lightthe driver , whom an off-duty officer identified as jones , ran from the scene but then returned for the cash before fleeing again , police saidjones is widely considered the best pound-for-pound mixed martial artist']\n", + "ufc light heavyweight champion jon jones ran from a crash that hospitalised a pregnant woman - but quickly came back to grab ' a large handful of cash ' from the car , witnesses told police .according to police , the accident occurred in southeastern albuquerque just before noon on sunday local time when the driver of a rented suv jumped a red light .the driver , whom an off-duty officer identified as jones , ran from the scene but then returned for the cash before fleeing again , police said .\n", + "ufc light heavyweight champion jon jones ran from a crash that hospitalised a pregnant woman , witnesses told policeaccording to police , the accident occurred in albuquerque just before noon on sunday when the driver of a rented suv jumped a red lightthe driver , whom an off-duty officer identified as jones , ran from the scene but then returned for the cash before fleeing again , police saidjones is widely considered the best pound-for-pound mixed martial artist\n", + "[1.3513786 1.0837759 1.0828027 1.2819773 1.1630291 1.1824574 1.2222027\n", + " 1.0294605 1.0214099 1.0213462 1.1617923 1.1683387 1.0532932 1.0328496\n", + " 1.2948551 1.0279883 1.0311232 1.0349826 1.0521826 1.0498307 1.0294392\n", + " 1.033978 ]\n", + "\n", + "[ 0 14 3 6 5 11 4 10 1 2 12 18 19 17 21 13 16 7 20 15 8 9]\n", + "=======================\n", + "['dani alves posted a picture of himself with his trousers down on his instagram account on thursday .barcelona defender alves has been sounded out by manchester united over a move to old trafforddani alves , out of contract at the end of the campaign , is pictured training for barcelona on friday']\n", + "=======================\n", + "[\"dani alves is out of contract at barcelona at the end of the seasonmanchester united are interested in bringing the brazilian to old traffordthey are believed to have offered a three-year contract to the defenderbarcelona are however , now keen to keep hold of the 32-year-old starread : agent confirms dani alves has rejected club 's final contract offerclick here for all the latest manchester united news\"]\n", + "dani alves posted a picture of himself with his trousers down on his instagram account on thursday .barcelona defender alves has been sounded out by manchester united over a move to old trafforddani alves , out of contract at the end of the campaign , is pictured training for barcelona on friday\n", + "dani alves is out of contract at barcelona at the end of the seasonmanchester united are interested in bringing the brazilian to old traffordthey are believed to have offered a three-year contract to the defenderbarcelona are however , now keen to keep hold of the 32-year-old starread : agent confirms dani alves has rejected club 's final contract offerclick here for all the latest manchester united news\n", + "[1.2180889 1.4951372 1.2506623 1.233135 1.1227547 1.0717808 1.0481616\n", + " 1.1087892 1.0238692 1.0644995 1.0885726 1.2130046 1.043768 1.0747983\n", + " 1.0547413 1.0239836 1.146176 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 0 11 16 4 7 10 13 5 9 14 6 12 15 8 20 17 18 19 21]\n", + "=======================\n", + "['christopher whitmore , 36 , pulled up behind to where his wife was parked with their son grayden in the backseat and killed his child before turning the gun on melissa ball , 27 , and then himself .police said ball and whitmore had a history of domestic issues and were separated - but at this stage it is unclear what motivated the horrific shooting in varnell .a husband sot dead his eight-year-old son and wife before killing himself at a gas station in georgia last night .']\n", + "=======================\n", + "['melissa ball was parked at gas station with son grayden in the backseatchristopher whitmore pulled up beside car , shooting his son and then wifecouple had history of domestic issues but motivation for killing not known']\n", + "christopher whitmore , 36 , pulled up behind to where his wife was parked with their son grayden in the backseat and killed his child before turning the gun on melissa ball , 27 , and then himself .police said ball and whitmore had a history of domestic issues and were separated - but at this stage it is unclear what motivated the horrific shooting in varnell .a husband sot dead his eight-year-old son and wife before killing himself at a gas station in georgia last night .\n", + "melissa ball was parked at gas station with son grayden in the backseatchristopher whitmore pulled up beside car , shooting his son and then wifecouple had history of domestic issues but motivation for killing not known\n", + "[1.3937285 1.3515735 1.1896312 1.3558391 1.2349875 1.151478 1.0449338\n", + " 1.0361685 1.0883352 1.0526317 1.0690926 1.0665967 1.0822879 1.05654\n", + " 1.0546923 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 4 2 5 8 12 10 11 13 14 9 6 7 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"noelle reno , socialite , reality tv star and former fiancee of businessman scot young , has broken her silence almost four months to the day since his death .she confirms she had split up with her partner of five years before he fell out of her fourth-floor flat window in london 's marylebone on to the railings below .the tycoon was killed after falling 60ft from his multi-million pound apartment onto metal railings ( pictured )\"]\n", + "=======================\n", + "[\"noelle reno believes former fiancee intended to jump from london homescot young , 52 , died after falling and becoming impaled on metal railingsms reno , reality tv star , said in blog he ` unexpectedly committed suicide 'others have speculated that russian gangs were involved in his death\"]\n", + "noelle reno , socialite , reality tv star and former fiancee of businessman scot young , has broken her silence almost four months to the day since his death .she confirms she had split up with her partner of five years before he fell out of her fourth-floor flat window in london 's marylebone on to the railings below .the tycoon was killed after falling 60ft from his multi-million pound apartment onto metal railings ( pictured )\n", + "noelle reno believes former fiancee intended to jump from london homescot young , 52 , died after falling and becoming impaled on metal railingsms reno , reality tv star , said in blog he ` unexpectedly committed suicide 'others have speculated that russian gangs were involved in his death\n", + "[1.1727223 1.5790254 1.3270882 1.3617748 1.2048105 1.134829 1.0290725\n", + " 1.0225435 1.0355608 1.0227706 1.0660652 1.0209397 1.0384982 1.198921\n", + " 1.1251881 1.053753 1.0838208 1.0378975 1.0269243 1.0172046 1.0304356\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 4 13 0 5 14 16 10 15 12 17 8 20 6 18 9 7 11 19 21 22]\n", + "=======================\n", + "[\"chip shop worker jeannie flynn , 53 , lay stricken in the basement of a fulham cafe as bricks fell down on top of her - but miraculously she was not seriously injured .ms flynn was in a state of sheer panic as she heard concerned passers-by screaming ` get her out because it 's all going to collapse ' .a woman has described the terrifying moment she plunged 10ft underground after a pavement opened up beneath her on a busy southwest london street .\"]\n", + "=======================\n", + "[\"jeannie flynn has spoken of terror as people screamed about saving herchip shop worker , 53 , said bricks were falling all around her after she fellonlookers describe her ` disappearing ' down a hole on busy road in fulhamshe ended up in cafe basement but miraculously was not seriously injured\"]\n", + "chip shop worker jeannie flynn , 53 , lay stricken in the basement of a fulham cafe as bricks fell down on top of her - but miraculously she was not seriously injured .ms flynn was in a state of sheer panic as she heard concerned passers-by screaming ` get her out because it 's all going to collapse ' .a woman has described the terrifying moment she plunged 10ft underground after a pavement opened up beneath her on a busy southwest london street .\n", + "jeannie flynn has spoken of terror as people screamed about saving herchip shop worker , 53 , said bricks were falling all around her after she fellonlookers describe her ` disappearing ' down a hole on busy road in fulhamshe ended up in cafe basement but miraculously was not seriously injured\n", + "[1.1568253 1.4571108 1.2354938 1.3527586 1.2887921 1.2101208 1.146896\n", + " 1.0844557 1.0329486 1.0144057 1.0248815 1.0557655 1.150666 1.0273308\n", + " 1.0515467 1.0361502 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 4 2 5 0 12 6 7 11 14 15 8 13 10 9 21 16 17 18 19 20 22]\n", + "=======================\n", + "['they say as many as 1 in 8 will suffer injuries serious enough that they will need to miss at least seven training sessions or matches .the government wants rugby to be played more at school as part of plans to increase competitive sports , to curb rising levels of obesity .these range from bruises and sprains to fractures , torn ligaments and at worst , concussion and damage to the brain and spinal cord .']\n", + "=======================\n", + "[\"injuries sustained in rugby can range from bruises to spinal cord damageacademics say government plans to increase school rugby games is riskyprofessor 's son suffered horrendous injuries playing the sport aged 14allyson pollock wants to see an end to tackling and scrums in the game\"]\n", + "they say as many as 1 in 8 will suffer injuries serious enough that they will need to miss at least seven training sessions or matches .the government wants rugby to be played more at school as part of plans to increase competitive sports , to curb rising levels of obesity .these range from bruises and sprains to fractures , torn ligaments and at worst , concussion and damage to the brain and spinal cord .\n", + "injuries sustained in rugby can range from bruises to spinal cord damageacademics say government plans to increase school rugby games is riskyprofessor 's son suffered horrendous injuries playing the sport aged 14allyson pollock wants to see an end to tackling and scrums in the game\n", + "[1.3320228 1.4239475 1.3623036 1.4571141 1.4245178 1.1136957 1.0201277\n", + " 1.0156513 1.0146285 1.0202193 1.0257251 1.053933 1.0095608 1.0131371\n", + " 1.038514 1.0085394 1.015689 1.021341 1.1818013 1.2513392 1.0210669\n", + " 1.0172331 1.0100296]\n", + "\n", + "[ 3 4 1 2 0 19 18 5 11 14 10 17 20 9 6 21 16 7 8 13 22 12 15]\n", + "=======================\n", + "[\"daniel sturridge may not play again this season because of a series of calf and thigh injuriessturridge will miss liverpool 's trip to face hull city on tuesday night because of injury problemsbrendan rodgers has vowed to do ` what is best ' for daniel sturridge as the liverpool striker 's injury misery shows no sign of relenting .\"]\n", + "=======================\n", + "[\"daniel sturridge 's calf and thigh injuries show no sign of relentingthe striker will yet again be absent for tuesday night 's clash with hullbrendan rodgers is unsure whether sturridge will play again this seasonrodgers says he will bring in more players to relieve burden next season\"]\n", + "daniel sturridge may not play again this season because of a series of calf and thigh injuriessturridge will miss liverpool 's trip to face hull city on tuesday night because of injury problemsbrendan rodgers has vowed to do ` what is best ' for daniel sturridge as the liverpool striker 's injury misery shows no sign of relenting .\n", + "daniel sturridge 's calf and thigh injuries show no sign of relentingthe striker will yet again be absent for tuesday night 's clash with hullbrendan rodgers is unsure whether sturridge will play again this seasonrodgers says he will bring in more players to relieve burden next season\n", + "[1.5000315 1.3792952 1.3690959 1.2098328 1.1443875 1.2458078 1.118096\n", + " 1.0214852 1.020088 1.0254965 1.0408288 1.0289946 1.0195745 1.1855624\n", + " 1.0567281 1.0210092 1.0129744 1.0157913 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 5 3 13 4 6 14 10 11 9 7 15 8 12 17 16 21 18 19 20 22]\n", + "=======================\n", + "[\"tony pulis is plotting talks with west bromwich albion chairman jeremy peace once premier league safety is secured to ensure the club can become a top-ten team again .pulis said west brom has ` gone off the rails ' in recent seasons and needs fundamental improvements to get back on track .west brom finished 10th and 8th under roy hodgson and steve clarke before struggling for survival in a chaotic campaign last season before finishing 17th .\"]\n", + "=======================\n", + "[\"west brom finished 10th and 8th under roy hodgson and steve clarkethe baggies finished 17th in last season 's premier leaguetony pulis wants to do extensive business in the summer market\"]\n", + "tony pulis is plotting talks with west bromwich albion chairman jeremy peace once premier league safety is secured to ensure the club can become a top-ten team again .pulis said west brom has ` gone off the rails ' in recent seasons and needs fundamental improvements to get back on track .west brom finished 10th and 8th under roy hodgson and steve clarke before struggling for survival in a chaotic campaign last season before finishing 17th .\n", + "west brom finished 10th and 8th under roy hodgson and steve clarkethe baggies finished 17th in last season 's premier leaguetony pulis wants to do extensive business in the summer market\n", + "[1.4068283 1.3341076 1.3440301 1.3843999 1.1910341 1.094099 1.0814433\n", + " 1.1298907 1.0345156 1.0643804 1.0596559 1.0747607 1.0322596 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 2 1 4 7 5 6 11 9 10 8 12 21 13 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "['zarina diyas and heather watson were the seeded casualties on the first day of main-draw action at the family circle cup in charleston .heather watson crashed out in charleston after a narrow victory to donna vekicbritish number one watson , seeded 16th , gave up 14 break points and lost her serve seven times en route to a 6-3 4-6 7-5 defeat to croatian teen donna vekic in a hard-fought match lasting more than two and a half hours .']\n", + "=======================\n", + "['the british no 1 was edged out in a keenly fought contest which lasted two-and-a-half hoursvekic won 6-3 , 4-6 , 7-5 to eliminate the 16th seedshe will play either madison brengle or edina gallovits-hall']\n", + "zarina diyas and heather watson were the seeded casualties on the first day of main-draw action at the family circle cup in charleston .heather watson crashed out in charleston after a narrow victory to donna vekicbritish number one watson , seeded 16th , gave up 14 break points and lost her serve seven times en route to a 6-3 4-6 7-5 defeat to croatian teen donna vekic in a hard-fought match lasting more than two and a half hours .\n", + "the british no 1 was edged out in a keenly fought contest which lasted two-and-a-half hoursvekic won 6-3 , 4-6 , 7-5 to eliminate the 16th seedshe will play either madison brengle or edina gallovits-hall\n", + "[1.1526296 1.4192245 1.3684247 1.2322142 1.156649 1.0630435 1.1129198\n", + " 1.0144243 1.0819378 1.1019018 1.1733472 1.0790944 1.0921628 1.0747405\n", + " 1.0622966 1.0151507 1.0139353 1.011076 ]\n", + "\n", + "[ 1 2 3 10 4 0 6 9 12 8 11 13 5 14 15 7 16 17]\n", + "=======================\n", + "[\"photographs taken today in micheldever woods , hampshire , show the flowers in full bloom weeks earlier than expected after an unseasonably warm start to the season .but the fine weather by much of the country is set to be replaced by april showers this weekend , with forecasters warning britons ` not to put the cagoules away just yet ' .parts of northern scotland could even see daytime temperatures drop to 10c by monday and there is a chance of snow on higher ground .\"]\n", + "=======================\n", + "['photographs taken in micheldever woods , hampshire , show flowers in full bloom after unseasonably warm weekbut fine and dry weather seen by much of the country is set to be replaced by widespread showers this weekendthere is a chance of hail and thunderstorms in the south and wintry showers on higher ground in northern scotland']\n", + "photographs taken today in micheldever woods , hampshire , show the flowers in full bloom weeks earlier than expected after an unseasonably warm start to the season .but the fine weather by much of the country is set to be replaced by april showers this weekend , with forecasters warning britons ` not to put the cagoules away just yet ' .parts of northern scotland could even see daytime temperatures drop to 10c by monday and there is a chance of snow on higher ground .\n", + "photographs taken in micheldever woods , hampshire , show flowers in full bloom after unseasonably warm weekbut fine and dry weather seen by much of the country is set to be replaced by widespread showers this weekendthere is a chance of hail and thunderstorms in the south and wintry showers on higher ground in northern scotland\n", + "[1.2266487 1.4905272 1.2018508 1.2432867 1.3265393 1.0886741 1.0763997\n", + " 1.0677682 1.0765061 1.0808573 1.1111399 1.0722598 1.0661125 1.050727\n", + " 1.0268981 1.0435685 1.019709 0. ]\n", + "\n", + "[ 1 4 3 0 2 10 5 9 8 6 11 7 12 13 15 14 16 17]\n", + "=======================\n", + "['kenneth morgan stancil iii , 20 , was arrested around 1.30 a.m. on tuesday when he was seen sleeping in daytona beach , florida , goldsboro police captain dwayne dean said .the arrest came nearly 24 hours after he allegedly walked into wayne county community college in goldsboro , where he had previously studied , and shot dead the print shop director , ron lane .a white supremacist who allegedly shot dead his gay boss at a north carolina community college after he was fired has been found sleeping on a florida beach .']\n", + "=======================\n", + "[\"kenneth morgan stancil iii was arrested sleeping on beach in daytona beach early on tuesday morningat 8am on monday , he ` walked into wayne county community college in goldsboro and shot dead the print shop director ron lane 'the school was placed on lockdown and it is not yet clear how stancil traveled the 540 miles south to daytona beachhe had previously attended the school and lane had supervised him under a work-study program ; stancil had left the school without graduatingstancil lists ` white power ' as his interests on facebook and has white supremacist tattoos , including an ' 88 ' to signify ` heil hitler 'he will now be extradited back to north carolina\"]\n", + "kenneth morgan stancil iii , 20 , was arrested around 1.30 a.m. on tuesday when he was seen sleeping in daytona beach , florida , goldsboro police captain dwayne dean said .the arrest came nearly 24 hours after he allegedly walked into wayne county community college in goldsboro , where he had previously studied , and shot dead the print shop director , ron lane .a white supremacist who allegedly shot dead his gay boss at a north carolina community college after he was fired has been found sleeping on a florida beach .\n", + "kenneth morgan stancil iii was arrested sleeping on beach in daytona beach early on tuesday morningat 8am on monday , he ` walked into wayne county community college in goldsboro and shot dead the print shop director ron lane 'the school was placed on lockdown and it is not yet clear how stancil traveled the 540 miles south to daytona beachhe had previously attended the school and lane had supervised him under a work-study program ; stancil had left the school without graduatingstancil lists ` white power ' as his interests on facebook and has white supremacist tattoos , including an ' 88 ' to signify ` heil hitler 'he will now be extradited back to north carolina\n", + "[1.235286 1.5764854 1.1342187 1.4441869 1.1475956 1.0213279 1.0247656\n", + " 1.0948244 1.101757 1.0324857 1.0511302 1.1318786 1.0805131 1.0644923\n", + " 1.0431867 1.0250187 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 11 8 7 12 13 10 14 9 15 6 5 16 17]\n", + "=======================\n", + "[\"luke lazarus , a 23-year-old former private school boy , was jailed for at least three years on march 27 for raping an 18-year-old virgin in an alleyway outside his father 's soho nightclub in kings cross , inner sydney in may 2013 .the son of a well known nightclub owner who bragged about taking a girl 's virginity in an alley is appealing his rape conviction .in the victim 's impact statement , which was read out at court on her behalf , the woman said she will never be the same following the brutal attack . '\"]\n", + "=======================\n", + "[\"luke lazarus was convicted of raping an 18-year-old at soho nightclubthe 23-year-old sydney man was sentenced to a minimum of three yearshe then bragged about it to a mate via a text message next day after attacklazarus ' lawyers are now appealing his convictionthis comes as waverley mayor sally betts wrote a reference for himliberal mayor asked for him not to receive a custodial sentencesays she is trying to ` close loophole ' of ` risky behaviour ' in young women\"]\n", + "luke lazarus , a 23-year-old former private school boy , was jailed for at least three years on march 27 for raping an 18-year-old virgin in an alleyway outside his father 's soho nightclub in kings cross , inner sydney in may 2013 .the son of a well known nightclub owner who bragged about taking a girl 's virginity in an alley is appealing his rape conviction .in the victim 's impact statement , which was read out at court on her behalf , the woman said she will never be the same following the brutal attack . '\n", + "luke lazarus was convicted of raping an 18-year-old at soho nightclubthe 23-year-old sydney man was sentenced to a minimum of three yearshe then bragged about it to a mate via a text message next day after attacklazarus ' lawyers are now appealing his convictionthis comes as waverley mayor sally betts wrote a reference for himliberal mayor asked for him not to receive a custodial sentencesays she is trying to ` close loophole ' of ` risky behaviour ' in young women\n", + "[1.408679 1.2346802 1.1408138 1.2240834 1.2444785 1.2008492 1.1651404\n", + " 1.1192946 1.1961014 1.050579 1.0186484 1.0262275 1.0173309 1.0744357\n", + " 1.0558519 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 3 5 8 6 2 7 13 14 9 11 10 12 16 15 17]\n", + "=======================\n", + "['( cnn ) anthony doerr \\'s \" all the light we can not see , \" a novel centered on the world war ii bombing of st.-malo , france , and two characters on opposite sides of the war , won the pulitzer prize for fiction monday .it \\'s his second novel and fourth work of fiction , including two short story collections .doerr \\'s novel had received rave reviews upon its release last spring .']\n", + "=======================\n", + "['anthony doerr \\'s \" all the light we can not see \" wins pulitzer for fictionelizabeth kolbert \\'s \" the sixth extinction \" wins general nonfiction prize']\n", + "( cnn ) anthony doerr 's \" all the light we can not see , \" a novel centered on the world war ii bombing of st.-malo , france , and two characters on opposite sides of the war , won the pulitzer prize for fiction monday .it 's his second novel and fourth work of fiction , including two short story collections .doerr 's novel had received rave reviews upon its release last spring .\n", + "anthony doerr 's \" all the light we can not see \" wins pulitzer for fictionelizabeth kolbert 's \" the sixth extinction \" wins general nonfiction prize\n", + "[1.2629147 1.3386705 1.3254428 1.2343746 1.2490711 1.1791949 1.1321582\n", + " 1.0790981 1.0325637 1.0174073 1.0185894 1.1025764 1.0775815 1.0751013\n", + " 1.0501658 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 3 5 6 11 7 12 13 14 8 10 9 16 15 17]\n", + "=======================\n", + "[\"the battle between lenders has intensified in recent months , plunging home loan rates to their lowest in history .but the mortgage wars will erupt again next week after hsbc announced a 1.99 per cent interest rate on a five-year fix .the mortgage market has reached a ` watershed ' moment with the launch of the first five-year fixed rate below 2 per cent .\"]\n", + "=======================\n", + "[\"battle between lenders has intensified recently , causing rates to plummethsbc have now announced 1.99 % interest deal on a five-year fix mortgageoffer expected to spark flood of rate cuts by banks and building societiesexperts have described cheapest deal ever of its kind as ` astonishing '\"]\n", + "the battle between lenders has intensified in recent months , plunging home loan rates to their lowest in history .but the mortgage wars will erupt again next week after hsbc announced a 1.99 per cent interest rate on a five-year fix .the mortgage market has reached a ` watershed ' moment with the launch of the first five-year fixed rate below 2 per cent .\n", + "battle between lenders has intensified recently , causing rates to plummethsbc have now announced 1.99 % interest deal on a five-year fix mortgageoffer expected to spark flood of rate cuts by banks and building societiesexperts have described cheapest deal ever of its kind as ` astonishing '\n", + "[1.2867312 1.2906082 1.4398353 1.1711372 1.1860895 1.1307026 1.132411\n", + " 1.1440033 1.0820411 1.0347388 1.0179543 1.0598425 1.0518126 1.0277697\n", + " 1.2095994 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 14 4 3 7 6 5 8 11 12 9 13 10 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the ukip leader called on conservatives to vote tactically for him in seats where they can not win in order to help keep the tory leader as prime minister .nigel farage last night held out an olive branch to david cameron as he said he wanted to work with him to prevent a possible labour government .aiming high : nigel farage visits an army veterans ' centre near sandwich in kent today\"]\n", + "=======================\n", + "[\"nigel farage called on tories to vote tactically in seats they can not winhe also dropped demand tories ditch cameron before post election dealukip leader said many were closer to position of wanting an eu referendumfarage says he 's held informal talks with tories about post election deal\"]\n", + "the ukip leader called on conservatives to vote tactically for him in seats where they can not win in order to help keep the tory leader as prime minister .nigel farage last night held out an olive branch to david cameron as he said he wanted to work with him to prevent a possible labour government .aiming high : nigel farage visits an army veterans ' centre near sandwich in kent today\n", + "nigel farage called on tories to vote tactically in seats they can not winhe also dropped demand tories ditch cameron before post election dealukip leader said many were closer to position of wanting an eu referendumfarage says he 's held informal talks with tories about post election deal\n", + "[1.1383017 1.4823611 1.3470017 1.1857469 1.1519636 1.1683621 1.1319424\n", + " 1.081574 1.0559925 1.0284553 1.0537717 1.031168 1.029765 1.0245916\n", + " 1.0579597 1.0430064 1.0235281 1.0215249 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 5 4 0 6 7 14 8 10 15 11 12 9 13 16 17 18 19 20]\n", + "=======================\n", + "[\"french photographer and illustrator , thomas lamadieu , takes snaps of the sky in courtyards and built-up areas to create a frame of buildings .the space in between then acts as a canvas for his playful illustrations which he has dubbed ` sky art ' .on his website thomas says that his artistic aim is to ` show a different perception of urban architecture and the everyday environment around us , what we can construct with a boundless imagination ' .\"]\n", + "=======================\n", + "['french artist thomas lamadieu combines photography and illustration to create clever imageryhe takes photographs of the sky in urban locations around the worldthe buildings in the photographs act as a frame for him to draw on abstract illustrations']\n", + "french photographer and illustrator , thomas lamadieu , takes snaps of the sky in courtyards and built-up areas to create a frame of buildings .the space in between then acts as a canvas for his playful illustrations which he has dubbed ` sky art ' .on his website thomas says that his artistic aim is to ` show a different perception of urban architecture and the everyday environment around us , what we can construct with a boundless imagination ' .\n", + "french artist thomas lamadieu combines photography and illustration to create clever imageryhe takes photographs of the sky in urban locations around the worldthe buildings in the photographs act as a frame for him to draw on abstract illustrations\n", + "[1.4457846 1.446852 1.188904 1.4318328 1.251272 1.1999832 1.0428964\n", + " 1.089673 1.0140446 1.0138414 1.0140762 1.2308418 1.0510116 1.0423084\n", + " 1.0365522 1.0282259 1.0094799 1.1021485 1.0389994 1.0140185 1.0100684]\n", + "\n", + "[ 1 0 3 4 11 5 2 17 7 12 6 13 18 14 15 10 8 19 9 20 16]\n", + "=======================\n", + "['the 27-year-old bared all to those at the hyland race colours plate in canterbury , austalia as he attempted to ride miss royale to victory .jockey blake shinn rode his pants off in the opening race of a meeting in sydney .the 27-year-ol shinn was forced to ride more than 200 metres to the finish line with his pants down']\n", + "=======================\n", + "[\"jockey blake shinn lost his pants while riding down the home straight` the pants went ... and there was nothing i could do , ' he said afterwardsshinn , atop miss royale , only managed to finish second in the raceacting chief steward greg rudolph said he had never seen anything like it\"]\n", + "the 27-year-old bared all to those at the hyland race colours plate in canterbury , austalia as he attempted to ride miss royale to victory .jockey blake shinn rode his pants off in the opening race of a meeting in sydney .the 27-year-ol shinn was forced to ride more than 200 metres to the finish line with his pants down\n", + "jockey blake shinn lost his pants while riding down the home straight` the pants went ... and there was nothing i could do , ' he said afterwardsshinn , atop miss royale , only managed to finish second in the raceacting chief steward greg rudolph said he had never seen anything like it\n", + "[1.2221708 1.4820169 1.3351719 1.1434456 1.1762016 1.2344158 1.0653225\n", + " 1.0923833 1.076636 1.0401111 1.0523539 1.0648483 1.0728371 1.0639989\n", + " 1.0363401 1.089899 1.0113477 1.1131215 0. 0. 0. ]\n", + "\n", + "[ 1 2 5 0 4 3 17 7 15 8 12 6 11 13 10 9 14 16 19 18 20]\n", + "=======================\n", + "[\"bounkham ` bou bou ' phonesavanh suffered serious burns to his face and had his nipple blown off in the may incident .his family says the medical bills have surpassed $ 1 million .the phonesavanh family came to the settlement with habersham county , georgia late last month and announced it this week .\"]\n", + "=======================\n", + "[\"family of bounkham ` bou bou ' phonesavanh settled with habersham county , georgia late last month for $ 964k for his pain and sufferingin may 2014 , swat police in search of a drug dealer they believed was living at the phonesavanh home tossed a grenade in bou bou 's cribwhile those officers were cleared of wrongdoing in october , bou bou 's medical care has surpassed $ 1million and he still needs more surgery\"]\n", + "bounkham ` bou bou ' phonesavanh suffered serious burns to his face and had his nipple blown off in the may incident .his family says the medical bills have surpassed $ 1 million .the phonesavanh family came to the settlement with habersham county , georgia late last month and announced it this week .\n", + "family of bounkham ` bou bou ' phonesavanh settled with habersham county , georgia late last month for $ 964k for his pain and sufferingin may 2014 , swat police in search of a drug dealer they believed was living at the phonesavanh home tossed a grenade in bou bou 's cribwhile those officers were cleared of wrongdoing in october , bou bou 's medical care has surpassed $ 1million and he still needs more surgery\n", + "[1.1110622 1.2468286 1.3857148 1.1747344 1.2620583 1.1394306 1.0819733\n", + " 1.2476135 1.117134 1.0851034 1.128971 1.1338171 1.0433841 1.0282488\n", + " 1.0305539 1.0166798 1.0157154 0. 0. 0. 0. ]\n", + "\n", + "[ 2 4 7 1 3 5 11 10 8 0 9 6 12 14 13 15 16 19 17 18 20]\n", + "=======================\n", + "['italian bio-designers mhox has unveiled project is has been working on to 3d print organic tissues to produce working body parts that can replace the eyes of people suffering from disease .the mhox eye concept ( above ) is designed to replace and even enhance the vision compared to a normal eyethe team behind mhox say their synthetic eyes , which include lenses that improves the image sharpness and can put filters over the vision , could be available by 2027 .']\n", + "=======================\n", + "['italian designers have unveiled a concept for a bio-printed synthetic eyethey say enhanced retina could increase vision to make images sharperfiltering signals to the brain to produce vintage or black and white effectscurrently just a concept , the designers say it could be available by 2027']\n", + "italian bio-designers mhox has unveiled project is has been working on to 3d print organic tissues to produce working body parts that can replace the eyes of people suffering from disease .the mhox eye concept ( above ) is designed to replace and even enhance the vision compared to a normal eyethe team behind mhox say their synthetic eyes , which include lenses that improves the image sharpness and can put filters over the vision , could be available by 2027 .\n", + "italian designers have unveiled a concept for a bio-printed synthetic eyethey say enhanced retina could increase vision to make images sharperfiltering signals to the brain to produce vintage or black and white effectscurrently just a concept , the designers say it could be available by 2027\n", + "[1.156734 1.4136512 1.1876122 1.0900651 1.3071213 1.1796374 1.051888\n", + " 1.0188565 1.030126 1.0209986 1.0282869 1.2822568 1.0765138 1.0399065\n", + " 1.146714 1.025784 1.0271592 1.0197581 1.0601612 1.0735915 0. ]\n", + "\n", + "[ 1 4 11 2 5 0 14 3 12 19 18 6 13 8 10 16 15 9 17 7 20]\n", + "=======================\n", + "[\"between real madrid , bayern munich , barcelona and juventus , the big-eared trophy has been lifted 21 times .javier hernandez 's late winner against atletico madrid sent real madrid into the champions league semiscristiano ronaldo is looking for his third champions league trophy and second in a row with real\"]\n", + "=======================\n", + "['barcelona , bayern munich , juventus and real madrid make up last fourreal madrid looking for their 11th title and to retain their crownbarcelona have won three champions leagues since 2006the two spanish giants have never met in the champions league finaltheir meetings this season have resulted in one win apiecewho will win the champions league ?cristiano ronaldo , lionel messi and luiz adriano battle to be top scorer']\n", + "between real madrid , bayern munich , barcelona and juventus , the big-eared trophy has been lifted 21 times .javier hernandez 's late winner against atletico madrid sent real madrid into the champions league semiscristiano ronaldo is looking for his third champions league trophy and second in a row with real\n", + "barcelona , bayern munich , juventus and real madrid make up last fourreal madrid looking for their 11th title and to retain their crownbarcelona have won three champions leagues since 2006the two spanish giants have never met in the champions league finaltheir meetings this season have resulted in one win apiecewho will win the champions league ?cristiano ronaldo , lionel messi and luiz adriano battle to be top scorer\n", + "[1.2575049 1.4462738 1.0509286 1.164724 1.3083894 1.1832929 1.2667462\n", + " 1.1564013 1.0835669 1.0201092 1.0210941 1.0175395 1.0616492 1.038598\n", + " 1.182094 1.0641236 1.0838964 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 6 0 5 14 3 7 16 8 15 12 2 13 10 9 11 19 17 18 20]\n", + "=======================\n", + "[\"taya kyle told abc 's robin roberts she gathered her son , colton and daughter , mckenna and prepared to tell them . 'recovery : taya has given an interview to 20/20s robin roberts about her life since eddie ray routh was convicted of killing her husband , american sniper , chris kylethe widow of us navy seal chris kyle has revealed the painful moment she first broke the news to their two children that their father had been murdered .\"]\n", + "=======================\n", + "[\"taya kyle , 40 remembers crying as she told her young son and daughterreveals the difficult moment for new upcoming abc 20/20 shownavy seal chris kyle was shot dead in february 2013 by eddie ray routhrouth was convicted of murder and sentenced to life without parole in februarytaya kyle will release new book in may called , ` american wife : a memoir of love , war , faith and renewal '\"]\n", + "taya kyle told abc 's robin roberts she gathered her son , colton and daughter , mckenna and prepared to tell them . 'recovery : taya has given an interview to 20/20s robin roberts about her life since eddie ray routh was convicted of killing her husband , american sniper , chris kylethe widow of us navy seal chris kyle has revealed the painful moment she first broke the news to their two children that their father had been murdered .\n", + "taya kyle , 40 remembers crying as she told her young son and daughterreveals the difficult moment for new upcoming abc 20/20 shownavy seal chris kyle was shot dead in february 2013 by eddie ray routhrouth was convicted of murder and sentenced to life without parole in februarytaya kyle will release new book in may called , ` american wife : a memoir of love , war , faith and renewal '\n", + "[1.2370536 1.470857 1.456444 1.1976608 1.2171313 1.1084248 1.0490676\n", + " 1.1882635 1.1423311 1.1745214 1.0165542 1.0299277 1.0196344 1.0114251\n", + " 1.0196431 1.1070306 1.0258697 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 3 7 9 8 5 15 6 11 16 14 12 10 13 19 17 18 20]\n", + "=======================\n", + "['the preserved remains were discovered in a cardboard box by street cleaners in north-western peru .the mummy , thought to date back to 1100 ad , was found wrapped in rope and dumped inside the box in front of an archaeological dig in the city of trujillo .a cleaner who feared a body he found was a murder victim had in fact found a 900-year-old mummy .']\n", + "=======================\n", + "['the stolen peruvian mummy was abandoned by archaeological dig sitestreet cleaners found the remains in a box and called policebelieved stolen from chan chan capital of the chimu empire']\n", + "the preserved remains were discovered in a cardboard box by street cleaners in north-western peru .the mummy , thought to date back to 1100 ad , was found wrapped in rope and dumped inside the box in front of an archaeological dig in the city of trujillo .a cleaner who feared a body he found was a murder victim had in fact found a 900-year-old mummy .\n", + "the stolen peruvian mummy was abandoned by archaeological dig sitestreet cleaners found the remains in a box and called policebelieved stolen from chan chan capital of the chimu empire\n", + "[1.4342625 1.2755532 1.2198228 1.3117312 1.1286345 1.1921439 1.0290675\n", + " 1.020217 1.0288482 1.0227728 1.0892861 1.0483993 1.059602 1.05675\n", + " 1.0674344 1.0513896 1.1383966 1.2364864 1.0185419 1.0107332 1.0636858]\n", + "\n", + "[ 0 3 1 17 2 5 16 4 10 14 20 12 13 15 11 6 8 9 7 18 19]\n", + "=======================\n", + "[\"rio ferdinand believes louis van gaal 's decision to return wayne rooney to his favoured attacking role has led to the manchester united 's upturn in performance levels .rio ferdiand ( right ) believes that manchester united are at their strongest with wayne rooney in attackwriting in his column in the sun ahead of the manchester derby on sunday , ferdinand , now at queens park rangers , revealed his belief that rooney playing as a striker is fundamental to united hitting fifth gear .\"]\n", + "=======================\n", + "[\"rio ferdinand says manchester united need wayne rooney in attackhe believes rooney 's form has been key to their upturn in performancesferdinand said united 's 2-1 win at anfield shows they are ` on to something 'manchester united vs manchester united : the expert view of the derbyclick here for all the latest manchester united news\"]\n", + "rio ferdinand believes louis van gaal 's decision to return wayne rooney to his favoured attacking role has led to the manchester united 's upturn in performance levels .rio ferdiand ( right ) believes that manchester united are at their strongest with wayne rooney in attackwriting in his column in the sun ahead of the manchester derby on sunday , ferdinand , now at queens park rangers , revealed his belief that rooney playing as a striker is fundamental to united hitting fifth gear .\n", + "rio ferdinand says manchester united need wayne rooney in attackhe believes rooney 's form has been key to their upturn in performancesferdinand said united 's 2-1 win at anfield shows they are ` on to something 'manchester united vs manchester united : the expert view of the derbyclick here for all the latest manchester united news\n", + "[1.3030777 1.2554139 1.1629397 1.3899962 1.2165953 1.1180081 1.0834514\n", + " 1.049186 1.095727 1.0468792 1.1304687 1.1063068 1.1056145 1.1665665\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 13 2 10 5 11 12 8 6 7 9 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"mystery : police in oregon are enlisting the help of the public to identify a mystery motorcyclist who saved the day after edward west , 59 ( photographed ) allegedly threatened two teens with a handgunin a scene worthy of a stan lee comic , a man allegedly pulled a gun on two teenagers in salem telling them , ` get ready to die . 'just then , a stranger on a green motorcycle swooped in and used his helmet to knock the gun out of the man 's hands , allowing the teens to escape .\"]\n", + "=======================\n", + "[\"oregon police are looking for the mystery motorcyclist who saved two boys from a gunman , edward westwest allegedly confronted the boys after an argument and told them to ` get ready to die 'the rider swooped in and used his helmet to knock the gun from west 's hands , allowing the boys to escape unharmed\"]\n", + "mystery : police in oregon are enlisting the help of the public to identify a mystery motorcyclist who saved the day after edward west , 59 ( photographed ) allegedly threatened two teens with a handgunin a scene worthy of a stan lee comic , a man allegedly pulled a gun on two teenagers in salem telling them , ` get ready to die . 'just then , a stranger on a green motorcycle swooped in and used his helmet to knock the gun out of the man 's hands , allowing the teens to escape .\n", + "oregon police are looking for the mystery motorcyclist who saved two boys from a gunman , edward westwest allegedly confronted the boys after an argument and told them to ` get ready to die 'the rider swooped in and used his helmet to knock the gun from west 's hands , allowing the boys to escape unharmed\n", + "[1.3616495 1.2942988 1.2227072 1.1292915 1.0537115 1.2812154 1.1859406\n", + " 1.0364387 1.1644926 1.0598423 1.0617077 1.0644729 1.0580664 1.0652387\n", + " 1.0490233 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 2 6 8 3 13 11 10 9 12 4 14 7 19 15 16 17 18 20]\n", + "=======================\n", + "[\"the university of michigan yanked an upcoming screening of the oscar-nominated drama american sniper over student complaints but quickly did an about-face after news of the cancellation sparked a firestorm on campus .the school tweeted out a statement saying the ` decision to cancel not consistent w/high value @umich places on freedom of expression . 'that tweet was linked to a statement by e. royster harper , the school 's vice president for student life , acknowledging that it was ` a mistake ' to call off the screening .\"]\n", + "=======================\n", + "[\"center for campus involvement announced cancellation tuesday in response to complaints about portrayals of arabs in the filmsophomore lamees mekkaoui started a petition saying the subject of the film , late navy seal chris kyle , was ` mass killer ' and ' a racist 'university apologized and said american sniper will be replaced at friday 's mixer with pg-rated children 's film paddingtonconservative student group started competing petition calling on u of m to screen the iraq war dramafootball coach jim harbaugh weighed in and said the team was ` proud ' of chris kyle and would screen the film for players\"]\n", + "the university of michigan yanked an upcoming screening of the oscar-nominated drama american sniper over student complaints but quickly did an about-face after news of the cancellation sparked a firestorm on campus .the school tweeted out a statement saying the ` decision to cancel not consistent w/high value @umich places on freedom of expression . 'that tweet was linked to a statement by e. royster harper , the school 's vice president for student life , acknowledging that it was ` a mistake ' to call off the screening .\n", + "center for campus involvement announced cancellation tuesday in response to complaints about portrayals of arabs in the filmsophomore lamees mekkaoui started a petition saying the subject of the film , late navy seal chris kyle , was ` mass killer ' and ' a racist 'university apologized and said american sniper will be replaced at friday 's mixer with pg-rated children 's film paddingtonconservative student group started competing petition calling on u of m to screen the iraq war dramafootball coach jim harbaugh weighed in and said the team was ` proud ' of chris kyle and would screen the film for players\n", + "[1.3750644 1.2455744 1.1272064 1.07976 1.1207176 1.0878104 1.0940853\n", + " 1.1289172 1.1034914 1.0993179 1.0849671 1.0465686 1.0351528 1.0201043\n", + " 1.0850927 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 7 2 4 8 9 6 5 14 10 3 11 12 13 15 16 17 18 19 20]\n", + "=======================\n", + "['( cnn ) president barack obama took part in a roundtable discussion this week on climate change , refocusing on the issue from a public health vantage point .after the event at washington \\'s howard university on tuesday , obama sat down with me for a one-on-one interview .he credits the clean air act with making americans \" a lot \" healthier , in addition to being able to \" see the mountains in the background because they are n\\'t covered in smog . \"']\n", + "=======================\n", + "['\" no challenge poses more of a public threat than climate change , \" the president sayshe credits the clean air act with making americans \" a lot \" healthier']\n", + "( cnn ) president barack obama took part in a roundtable discussion this week on climate change , refocusing on the issue from a public health vantage point .after the event at washington 's howard university on tuesday , obama sat down with me for a one-on-one interview .he credits the clean air act with making americans \" a lot \" healthier , in addition to being able to \" see the mountains in the background because they are n't covered in smog . \"\n", + "\" no challenge poses more of a public threat than climate change , \" the president sayshe credits the clean air act with making americans \" a lot \" healthier\n", + "[1.3106508 1.1655934 1.3000844 1.1403527 1.180751 1.1861985 1.0873243\n", + " 1.1010936 1.1188598 1.0380807 1.0900887 1.1236199 1.019643 1.0530506\n", + " 1.0391843 1.0258058 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 5 4 1 3 11 8 7 10 6 13 14 9 15 12 19 16 17 18 20]\n", + "=======================\n", + "[\"( cnn ) malala yousafzai 's stellar career has included a nobel peace prize .a nasa astrophysicist has named an asteroid after the teenage education activist from pakistan , who was gravely wounded by a pakistani taliban gunman for promoting the right of girls ' to go to school .after reading her story , scientist amy mainzer , who also consults for pbs on a children 's educational science show , decided malala deserved to be immortalized .\"]\n", + "=======================\n", + "[\"astrophysicist amy mainzer says she was was touched by malala 's story of determinationmainzer also works on educating children about science\"]\n", + "( cnn ) malala yousafzai 's stellar career has included a nobel peace prize .a nasa astrophysicist has named an asteroid after the teenage education activist from pakistan , who was gravely wounded by a pakistani taliban gunman for promoting the right of girls ' to go to school .after reading her story , scientist amy mainzer , who also consults for pbs on a children 's educational science show , decided malala deserved to be immortalized .\n", + "astrophysicist amy mainzer says she was was touched by malala 's story of determinationmainzer also works on educating children about science\n", + "[1.2688404 1.4658884 1.3659402 1.3217809 1.1258633 1.1642091 1.0840026\n", + " 1.0310667 1.0224619 1.1029767 1.2271376 1.0077393 1.1875151 1.0712891\n", + " 1.0467702 1.0215129 1.0467118 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 10 12 5 4 9 6 13 14 16 7 8 15 11 19 17 18 20]\n", + "=======================\n", + "[\"the victim , who has not been formally identified but is thought to be in her 60s , was discovered at derby motor boat club in sawley , leicestershire , on sunday night .a 65-year-old man was arrested in connection with her death before being released on police bail .a man has been arrested and bailed following the ` suspicious ' death of a woman found floating in the water at a boat club - just hours after a children 's easter egg hunt took place in the grounds .\"]\n", + "=======================\n", + "[\"woman 's body found in the water at derby motor boat club on sundaydiscovered just hours after children 's easter egg hunt in the groundsa 65-year-old man arrested in connection with her death has been bailedpolice say they are treating unidentified woman 's death as ` suspicious '\"]\n", + "the victim , who has not been formally identified but is thought to be in her 60s , was discovered at derby motor boat club in sawley , leicestershire , on sunday night .a 65-year-old man was arrested in connection with her death before being released on police bail .a man has been arrested and bailed following the ` suspicious ' death of a woman found floating in the water at a boat club - just hours after a children 's easter egg hunt took place in the grounds .\n", + "woman 's body found in the water at derby motor boat club on sundaydiscovered just hours after children 's easter egg hunt in the groundsa 65-year-old man arrested in connection with her death has been bailedpolice say they are treating unidentified woman 's death as ` suspicious '\n", + "[1.5953591 1.2854763 1.0618448 1.0782583 1.1015329 1.1598381 1.3890038\n", + " 1.066199 1.0235944 1.0629275 1.1255043 1.1270312 1.0153372 1.0881447\n", + " 1.0454181 1.0296589 1.0441673 1.0467257 1.0326928 1.034238 1.0493338]\n", + "\n", + "[ 0 6 1 5 11 10 4 13 3 7 9 2 20 17 14 16 19 18 15 8 12]\n", + "=======================\n", + "[\"txiki begiristain was on the 10.30 am lufthansa flight out of manchester for munich on tuesday morning .manchester city are keen for bayern munich manager pep guardiola to become their new manager in 2016it 's the week of the champions league quarter-finals , therefore the manchester city director of football would have expected to be on the move .\"]\n", + "=======================\n", + "[\"bayern munich trail porto 3-1 in their champions league quarter-final tiepep guardiola 's contract as bayern manager expires in the summer of 2016manuel pellegrini 's deal at manchester city finishes at the same time too\"]\n", + "txiki begiristain was on the 10.30 am lufthansa flight out of manchester for munich on tuesday morning .manchester city are keen for bayern munich manager pep guardiola to become their new manager in 2016it 's the week of the champions league quarter-finals , therefore the manchester city director of football would have expected to be on the move .\n", + "bayern munich trail porto 3-1 in their champions league quarter-final tiepep guardiola 's contract as bayern manager expires in the summer of 2016manuel pellegrini 's deal at manchester city finishes at the same time too\n", + "[1.6231495 1.4122765 1.2278801 1.3540094 1.0724809 1.0239661 1.0172803\n", + " 1.0182576 1.0190153 1.0211962 1.0326848 1.0281544 1.0410639 1.0241051\n", + " 1.0243245 1.0168867 1.131079 1.2307644 1.0163348 1.0131222 1.0137122\n", + " 1.0722773]\n", + "\n", + "[ 0 1 3 17 2 16 4 21 12 10 11 14 13 5 9 8 7 6 15 18 20 19]\n", + "=======================\n", + "[\"tim sherwood said his aston villa team ` bamboozled ' liverpool and paid particular tribute to christian benteke , fabian delph and jack grealish , the teenager who shone on his wembley debut .villa earned a comeback win to book their place in the fa cup final against arsenal and end steven gerrard 's dream of lifting the famous old trophy on his birthday before bidding farewell to the club .christian benteke is congratulated by aston villa team-mate fabian delph after scoring at wembley\"]\n", + "=======================\n", + "[\"tim sherwood paid tribute to his bamboozling side after wembley winaston villa came from behind to beat brendan rodgers ' liverpool sidesherwood feels liverpool did not expect how his side approached gamechristian benteke and fabian delph starred as villains booked final place\"]\n", + "tim sherwood said his aston villa team ` bamboozled ' liverpool and paid particular tribute to christian benteke , fabian delph and jack grealish , the teenager who shone on his wembley debut .villa earned a comeback win to book their place in the fa cup final against arsenal and end steven gerrard 's dream of lifting the famous old trophy on his birthday before bidding farewell to the club .christian benteke is congratulated by aston villa team-mate fabian delph after scoring at wembley\n", + "tim sherwood paid tribute to his bamboozling side after wembley winaston villa came from behind to beat brendan rodgers ' liverpool sidesherwood feels liverpool did not expect how his side approached gamechristian benteke and fabian delph starred as villains booked final place\n", + "[1.6498519 1.3065885 1.1444364 1.3768488 1.2547176 1.1164025 1.091977\n", + " 1.1941749 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 4 7 2 5 6 19 18 17 16 15 14 10 12 11 20 9 8 13 21]\n", + "=======================\n", + "[\"saudi arabian footballer emad sahabi suffered a gruesome broken ankle while playing for his club al orubah against al shoalah .the match came to halt on 19 minutes when the midfielder 's ankle appeared to have twisted 180 degrees after chasing down the ball - much to the horror of his team-mates .al orubah went on to win the game 2-0 but the result was overshadowed by sahabi 's horror injury .\"]\n", + "=======================\n", + "['emad sahabi suffered the terrible injury while playing for al orubahthey had been playing al shoalah in the saudi arabia premier leaguesahabi tumbled over before his ankle was left hanging off his leg']\n", + "saudi arabian footballer emad sahabi suffered a gruesome broken ankle while playing for his club al orubah against al shoalah .the match came to halt on 19 minutes when the midfielder 's ankle appeared to have twisted 180 degrees after chasing down the ball - much to the horror of his team-mates .al orubah went on to win the game 2-0 but the result was overshadowed by sahabi 's horror injury .\n", + "emad sahabi suffered the terrible injury while playing for al orubahthey had been playing al shoalah in the saudi arabia premier leaguesahabi tumbled over before his ankle was left hanging off his leg\n", + "[1.2544919 1.2647092 1.1181492 1.2115505 1.3066926 1.2397053 1.1176158\n", + " 1.0660704 1.0919704 1.1790951 1.0974036 1.0910492 1.0850594 1.059126\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 4 1 0 5 3 9 2 6 10 8 11 12 7 13 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"the dandenong fire was one of a string of suspected arson attacks on three melbourne catholic churches with links to paedophile priests .detectives have issued a photo of a brown haired , caucasian male wearing a black top who they want to speak to after a fire was started at st mary 's catholic church in dandenong , at 2.15 am on april 1 .police have released an image of a bearded young man in relation to a suspected arson attack on a melbourne church which was once presided over by a paedophile priest .\"]\n", + "=======================\n", + "[\"police are investigating suspected arson attacks on three melbourne churches with links to paedophile priestsfirefighters were called to st mary 's , dandenong , at 2am on april 1the church is said to be the site of child sex attacks perpetrated by now-deceased father kevin o'donnellpolice have released an image of ' a man that may be able to assist with their enquiries 'comes after two separate suspicious blazes were lit on march 30\"]\n", + "the dandenong fire was one of a string of suspected arson attacks on three melbourne catholic churches with links to paedophile priests .detectives have issued a photo of a brown haired , caucasian male wearing a black top who they want to speak to after a fire was started at st mary 's catholic church in dandenong , at 2.15 am on april 1 .police have released an image of a bearded young man in relation to a suspected arson attack on a melbourne church which was once presided over by a paedophile priest .\n", + "police are investigating suspected arson attacks on three melbourne churches with links to paedophile priestsfirefighters were called to st mary 's , dandenong , at 2am on april 1the church is said to be the site of child sex attacks perpetrated by now-deceased father kevin o'donnellpolice have released an image of ' a man that may be able to assist with their enquiries 'comes after two separate suspicious blazes were lit on march 30\n", + "[1.4317204 1.2813251 1.2452109 1.1625487 1.1459244 1.1792529 1.2173449\n", + " 1.1207671 1.1370726 1.0380791 1.0691807 1.0443424 1.061042 1.0235835\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 6 5 3 4 8 7 10 12 11 9 13 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "['( cnn ) the fbi is investigating a possible isis-inspired terrorist threat in the united states , law enforcement officials said saturday .the investigation originated from intercepted chatter and other intelligence information that led officials to believe a possible plot could be in the works , the officials said .no arrests have been made .']\n", + "=======================\n", + "['officials say the investigation originated from intercepted chatterpossible threat focused on parts of california , one says']\n", + "( cnn ) the fbi is investigating a possible isis-inspired terrorist threat in the united states , law enforcement officials said saturday .the investigation originated from intercepted chatter and other intelligence information that led officials to believe a possible plot could be in the works , the officials said .no arrests have been made .\n", + "officials say the investigation originated from intercepted chatterpossible threat focused on parts of california , one says\n", + "[1.1921036 1.4479747 1.256296 1.2024602 1.3020387 1.1564454 1.0606645\n", + " 1.0767487 1.0262855 1.0887663 1.0779686 1.075931 1.0548599 1.0785075\n", + " 1.0545295 1.025988 1.0633916 1.0459161 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 2 3 0 5 9 13 10 7 11 16 6 12 14 17 8 15 20 18 19 21]\n", + "=======================\n", + "[\"kim roberts admitted to stealing the precious paintings , vases and silverware from dowager countess bathurst 's cirencester mansion and her london home .kim roberts ( left ) admitted stealing antiques and paintings from her employer , the countess of bathurst ( right )the 58-year-old worked for the countess , 87 , and helped herself to the riches , which included a sketch by picasso and pewter plates , gloucester crown court heard .\"]\n", + "=======================\n", + "['kim roberts worked as a housekeeper for dowager countess bathurstshe admitted stealing antiques and picasso sketch from her country homeroberts confessed to taking antique vases , a car and committing fraudshe took the items while she was employed at cirencester park']\n", + "kim roberts admitted to stealing the precious paintings , vases and silverware from dowager countess bathurst 's cirencester mansion and her london home .kim roberts ( left ) admitted stealing antiques and paintings from her employer , the countess of bathurst ( right )the 58-year-old worked for the countess , 87 , and helped herself to the riches , which included a sketch by picasso and pewter plates , gloucester crown court heard .\n", + "kim roberts worked as a housekeeper for dowager countess bathurstshe admitted stealing antiques and picasso sketch from her country homeroberts confessed to taking antique vases , a car and committing fraudshe took the items while she was employed at cirencester park\n", + "[1.2024372 1.5003912 1.3767785 1.320718 1.2040976 1.0937662 1.0401908\n", + " 1.0593671 1.0667863 1.0719225 1.036444 1.0295317 1.0367128 1.0389736\n", + " 1.1084652 1.0335215 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 14 5 9 8 7 6 13 12 10 15 11 18 16 17 19]\n", + "=======================\n", + "['alice barker snapped her fingers and sang along as videos of her routines as a chorus line dancer during the 1930s harlem renaissance played on the screen .barker had danced at legendary clubs like the apollo , cotton club and zanzibar club , and had appeared in movies commercials and television shows .this is the moment 102-year-old alice barker , who used to dance with the likes of frank sinatra and gene kelly , got to see herself shimmy and shake on film for the first time']\n", + "=======================\n", + "[\"alice barker danced in legendary apollo and zanzibar clubs during the 1930s harlem renaissance , as well as movies , tv and commercialsbut she had lost her old photographs with time , and no one could find her videos because of a misspelling of her namedavid shuff , who met barker years ago , reunited her with some of her short musical films known then as ` soundies 'the videos now play in the common room of her retirement home , where shuff says she is a ` rock star '\"]\n", + "alice barker snapped her fingers and sang along as videos of her routines as a chorus line dancer during the 1930s harlem renaissance played on the screen .barker had danced at legendary clubs like the apollo , cotton club and zanzibar club , and had appeared in movies commercials and television shows .this is the moment 102-year-old alice barker , who used to dance with the likes of frank sinatra and gene kelly , got to see herself shimmy and shake on film for the first time\n", + "alice barker danced in legendary apollo and zanzibar clubs during the 1930s harlem renaissance , as well as movies , tv and commercialsbut she had lost her old photographs with time , and no one could find her videos because of a misspelling of her namedavid shuff , who met barker years ago , reunited her with some of her short musical films known then as ` soundies 'the videos now play in the common room of her retirement home , where shuff says she is a ` rock star '\n", + "[1.136301 1.3399552 1.3564248 1.3232965 1.0882291 1.0601805 1.0854396\n", + " 1.0382038 1.0151277 1.1696289 1.0598344 1.1812841 1.1246358 1.0685831\n", + " 1.0887208 1.0844622 1.1362984 1.044923 0. 0. ]\n", + "\n", + "[ 2 1 3 11 9 0 16 12 14 4 6 15 13 5 10 17 7 8 18 19]\n", + "=======================\n", + "[\"according to the people 's daily online , the girls of the 27th march huizhou integrated high school are being trained by former special forces solider inspector tan .each of the girls shout the words ` kill , stab , slash and jab ' as they perform each of the eight set movements involved in the high-intensity knife-fighting session .these are the amazing scenes as high school girls in china are put through their paces with military-style dagger drills .\"]\n", + "=======================\n", + "['the school girls , aged between 16 and 18 , undergo a five-day intensive knife-fighting course to learn self defencethe students are being trained by a former special forces soldier called inspector tan who supervises the drillsthe 27th march huizhou integrated high school purchased 250 knives - with plastic retractable blades for safetyhowever , instructor tan said following his course the girls will be able to defend themselves even with chopsticks']\n", + "according to the people 's daily online , the girls of the 27th march huizhou integrated high school are being trained by former special forces solider inspector tan .each of the girls shout the words ` kill , stab , slash and jab ' as they perform each of the eight set movements involved in the high-intensity knife-fighting session .these are the amazing scenes as high school girls in china are put through their paces with military-style dagger drills .\n", + "the school girls , aged between 16 and 18 , undergo a five-day intensive knife-fighting course to learn self defencethe students are being trained by a former special forces soldier called inspector tan who supervises the drillsthe 27th march huizhou integrated high school purchased 250 knives - with plastic retractable blades for safetyhowever , instructor tan said following his course the girls will be able to defend themselves even with chopsticks\n", + "[1.2693698 1.5741581 1.3059593 1.4090153 1.1276286 1.0224904 1.0141097\n", + " 1.0157187 1.0185952 1.1187999 1.1029966 1.2083595 1.0128834 1.0184077\n", + " 1.0365744 1.1411979 1.0795467 1.0662813 1.0557791 1.0918226]\n", + "\n", + "[ 1 3 2 0 11 15 4 9 10 19 16 17 18 14 5 8 13 7 6 12]\n", + "=======================\n", + "[\"maurice thibaux , 67 , caused quite a stir at sunday night 's opening show held at the carriageworks in eveleigh - in sydney 's inner city .the french native - who lives next door to the venue - crashed the stage to make a complaint about the noise , which he claims was ` similar to a jumbo jet taking off over your head ' .the 67-year-old french native said he had no problem with the music but the rumble that accompanied it '\"]\n", + "=======================\n", + "[\"maurice thibaux stormed stage at sydney 's mercedes-benz fashion weekthe 67-year-old was making a noise complaint to the carriageworks venuehe compared noise of the show to ' a jumbo jet taking off over your head 'mr thibaux said the rumble felt made his house feel like it was shakinghe apologised to organisers , saying he did not mean to disturb the show\"]\n", + "maurice thibaux , 67 , caused quite a stir at sunday night 's opening show held at the carriageworks in eveleigh - in sydney 's inner city .the french native - who lives next door to the venue - crashed the stage to make a complaint about the noise , which he claims was ` similar to a jumbo jet taking off over your head ' .the 67-year-old french native said he had no problem with the music but the rumble that accompanied it '\n", + "maurice thibaux stormed stage at sydney 's mercedes-benz fashion weekthe 67-year-old was making a noise complaint to the carriageworks venuehe compared noise of the show to ' a jumbo jet taking off over your head 'mr thibaux said the rumble felt made his house feel like it was shakinghe apologised to organisers , saying he did not mean to disturb the show\n", + "[1.1427182 1.3266119 1.1603242 1.2220643 1.0841401 1.09628 1.0986654\n", + " 1.1201501 1.141386 1.0396422 1.0182997 1.0953321 1.0630137 1.038401\n", + " 1.0272106 1.0719259 1.0504836 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 8 7 6 5 11 4 15 12 16 9 13 14 10 18 17 19]\n", + "=======================\n", + "[\"established on the birthday of the american founding father , liberland -- the world 's newest micronation -- is founded on a firm belief in liberty and noninterference from the powers-that-be .the victim of a border dispute between serbia and croatia , it is claimed by neither side -- effectively a no-man 's land .( cnn ) it would have made thomas jefferson proud .\"]\n", + "=======================\n", + "['vit jedlicka , the first president of liberland , tells cnn that the country will be formally founded on may 1on april 13 , jedlicka declared an area between croatia and serbia \" the free republic of liberland \"jedlicka says that almost 300,000 applications for citizenship have so far been received']\n", + "established on the birthday of the american founding father , liberland -- the world 's newest micronation -- is founded on a firm belief in liberty and noninterference from the powers-that-be .the victim of a border dispute between serbia and croatia , it is claimed by neither side -- effectively a no-man 's land .( cnn ) it would have made thomas jefferson proud .\n", + "vit jedlicka , the first president of liberland , tells cnn that the country will be formally founded on may 1on april 13 , jedlicka declared an area between croatia and serbia \" the free republic of liberland \"jedlicka says that almost 300,000 applications for citizenship have so far been received\n", + "[1.2701408 1.1882666 1.0843369 1.26033 1.2187219 1.1037251 1.0400455\n", + " 1.0369589 1.0418952 1.0529243 1.0416353 1.0433874 1.042719 1.0675826\n", + " 1.0433681 1.0703194 1.0755352 1.0431095 1.0214616 1.0296798]\n", + "\n", + "[ 0 3 4 1 5 2 16 15 13 9 11 14 17 12 8 10 6 7 19 18]\n", + "=======================\n", + "[\"( cnn ) president abraham lincoln never lost his ardor for the united states to remain united during the civil war .the spirit of lincoln 's second inaugural was self-evident on april 9 , 1865 -- 150 years ago -- when confederate gen. robert e. lee dramatically surrendered his approximately 28,000 troops to union general ulysses s. grant at appomattox courthouse ( mclean house ) in virginia .in his second inaugural address he attempted to salve the nation with an eloquent summation of his philosophy and plans for putting it into practice .\"]\n", + "=======================\n", + "[\"150 years ago on april 9 , confederate general robert e. lee surrendered at appomattox court housedouglas brinkley : the spirit of that event is something to keep in mind for today 's divided america\"]\n", + "( cnn ) president abraham lincoln never lost his ardor for the united states to remain united during the civil war .the spirit of lincoln 's second inaugural was self-evident on april 9 , 1865 -- 150 years ago -- when confederate gen. robert e. lee dramatically surrendered his approximately 28,000 troops to union general ulysses s. grant at appomattox courthouse ( mclean house ) in virginia .in his second inaugural address he attempted to salve the nation with an eloquent summation of his philosophy and plans for putting it into practice .\n", + "150 years ago on april 9 , confederate general robert e. lee surrendered at appomattox court housedouglas brinkley : the spirit of that event is something to keep in mind for today 's divided america\n", + "[1.3304601 1.3512073 1.4125738 1.079876 1.2269571 1.1773056 1.0957186\n", + " 1.0933815 1.1010985 1.0259856 1.023408 1.0599445 1.0862278 1.1162784\n", + " 1.10721 1.0399423 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 4 5 13 14 8 6 7 12 3 11 15 9 10 18 16 17 19]\n", + "=======================\n", + "[\"abu khdeir , 16 , was beaten and burned alive by three israelis in july , according to prosecutors .mohammed abu khdeir 's name appeared this week on the wall at jerusalem 's mount herzl , the site of the national cemetery , as the nation prepared to mark its memorial day on wednesday .jerusalem ( cnn ) a palestinian teenager 's name will be removed from an israeli memorial commemorating fallen soldiers and the victims of terrorism after his family and others complained .\"]\n", + "=======================\n", + "[\"abu khdeir 's name is on the memorial wall at jerusalem 's mount herzlhis father and a terror victim advocacy group objected to his being included in the listthe palestinian teenager was beaten and burned by three israelis , authorities say\"]\n", + "abu khdeir , 16 , was beaten and burned alive by three israelis in july , according to prosecutors .mohammed abu khdeir 's name appeared this week on the wall at jerusalem 's mount herzl , the site of the national cemetery , as the nation prepared to mark its memorial day on wednesday .jerusalem ( cnn ) a palestinian teenager 's name will be removed from an israeli memorial commemorating fallen soldiers and the victims of terrorism after his family and others complained .\n", + "abu khdeir 's name is on the memorial wall at jerusalem 's mount herzlhis father and a terror victim advocacy group objected to his being included in the listthe palestinian teenager was beaten and burned by three israelis , authorities say\n", + "[1.5592432 1.0985507 1.0527014 1.0554684 1.0238492 1.0429285 1.0789671\n", + " 1.1250086 1.1324607 1.2124398 1.2994019 1.0705817 1.0357286 1.0876168\n", + " 1.0738827 1.1302062 1.0955923 1.0210346 1.0123754 1.0442574]\n", + "\n", + "[ 0 10 9 8 15 7 1 16 13 6 14 11 3 2 19 5 12 4 17 18]\n", + "=======================\n", + "[\"alastair cook and jonathan trott are the sixth english pair to score more than 100 runs together on 10 occasions , and the england captain is part of three of them .new zealand all-rounder corey anderson ( right ) could miss the test series in england with a broken fingerremarkably , their opening-stand century was england 's first in test cricket for more than two years -- since march 2013 when cook and nick compton scored an impressive 231 against new zealand in dunedin .\"]\n", + "=======================\n", + "[\"alastair cook has been part of three of the six ten-century partnershipsday three 's effort with trott is england 's first since march 2013then it was cook with nick compton against new zealand in dunedinwest indies bowler shannon gabriel hit 94.3 mph on thursday\"]\n", + "alastair cook and jonathan trott are the sixth english pair to score more than 100 runs together on 10 occasions , and the england captain is part of three of them .new zealand all-rounder corey anderson ( right ) could miss the test series in england with a broken fingerremarkably , their opening-stand century was england 's first in test cricket for more than two years -- since march 2013 when cook and nick compton scored an impressive 231 against new zealand in dunedin .\n", + "alastair cook has been part of three of the six ten-century partnershipsday three 's effort with trott is england 's first since march 2013then it was cook with nick compton against new zealand in dunedinwest indies bowler shannon gabriel hit 94.3 mph on thursday\n", + "[1.3261375 1.5430167 1.2114121 1.0978706 1.1115083 1.2080007 1.0311441\n", + " 1.0279995 1.121892 1.1020217 1.113801 1.0480479 1.0561581 1.0428463\n", + " 1.0212137 1.0268998 1.0380323 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 5 8 10 4 9 3 12 11 13 16 6 7 15 14 18 17 19]\n", + "=======================\n", + "[\"robert bates , 73 , appeared in tulsa district court on tuesday and pleaded not guilty to second-degree manslaughter in the death of eric harris , who was killed during a botched sting on april 2 .the family of a man shot dead by a reserve deputy who confused his weapon for his taser has slammed the gunman 's decision to take a month-long vacation to the bahamas while out on bond .it is not clear when he is leaving for the holiday but bates will next appear in court on july 2 .\"]\n", + "=======================\n", + "[\"tulsa reserve deputy robert bates was silent as he appeared in court in tulsa on tuesday and pleaded not guilty to 2nd-degree manslaughterdespite the charges , the judge told the millionaire retiree that he is allowed to take a previously planned vacation to the bahamasbates has said he mistakenly pulled out his gun instead of his taser when he shot eric harris , who was fleeing from a sting operation on april 2on tuesday , harris ' family said that while they continue to mourn the loss of their loved one , bates will be enjoying his ` wealth and privilege ' abroad\"]\n", + "robert bates , 73 , appeared in tulsa district court on tuesday and pleaded not guilty to second-degree manslaughter in the death of eric harris , who was killed during a botched sting on april 2 .the family of a man shot dead by a reserve deputy who confused his weapon for his taser has slammed the gunman 's decision to take a month-long vacation to the bahamas while out on bond .it is not clear when he is leaving for the holiday but bates will next appear in court on july 2 .\n", + "tulsa reserve deputy robert bates was silent as he appeared in court in tulsa on tuesday and pleaded not guilty to 2nd-degree manslaughterdespite the charges , the judge told the millionaire retiree that he is allowed to take a previously planned vacation to the bahamasbates has said he mistakenly pulled out his gun instead of his taser when he shot eric harris , who was fleeing from a sting operation on april 2on tuesday , harris ' family said that while they continue to mourn the loss of their loved one , bates will be enjoying his ` wealth and privilege ' abroad\n", + "[1.1140442 1.3813101 1.3501195 1.0467649 1.1726599 1.1945491 1.0871918\n", + " 1.1084604 1.0288798 1.016952 1.0916095 1.0955266 1.2094154 1.0627576\n", + " 1.0583357 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 12 5 4 0 7 11 10 6 13 14 3 8 9 15 16 17 18 19]\n", + "=======================\n", + "[\"the chipworks site has posted this amazing image revealing the internals of the firm 's galaxy s6 , which goes on sale on april 10th .the internals reveal samsung used more of its own chips to power the new galaxy s6 smartphone than it did for the predecessor s5 , according to an early teardown report , in a blow to u.s. chip supplier qualcomm .samsung 's new s6 and s6 edge : the phones are also the first to feature dual-standard wireless charging technology built inside the handsets , and will battle the iphone and htc 's one\"]\n", + "=======================\n", + "['samsung previously relied on other firms to make its chipsfirm now using its own processor , modem and power supply chips']\n", + "the chipworks site has posted this amazing image revealing the internals of the firm 's galaxy s6 , which goes on sale on april 10th .the internals reveal samsung used more of its own chips to power the new galaxy s6 smartphone than it did for the predecessor s5 , according to an early teardown report , in a blow to u.s. chip supplier qualcomm .samsung 's new s6 and s6 edge : the phones are also the first to feature dual-standard wireless charging technology built inside the handsets , and will battle the iphone and htc 's one\n", + "samsung previously relied on other firms to make its chipsfirm now using its own processor , modem and power supply chips\n", + "[1.3087635 1.4226964 1.265637 1.2258914 1.160894 1.1151485 1.0876346\n", + " 1.0718176 1.0873605 1.033594 1.0872931 1.114178 1.1267475 1.0918765\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 12 5 11 13 6 8 10 7 9 14 15 16 17 18 19]\n", + "=======================\n", + "['ellanora arthur baidoo has been trying to divorce her husband for several years , according to her attorney , andrew spinnell .( cnn ) facebook may soon need to add \" just got served divorce papers \" to its list of relationship statuses now that a new york judge has said the social media site is an acceptable way for a brooklyn woman to serve her husband with a summons for divorce .but , spinnell said , he and his client have n\\'t been able to find victor sena blood-dzraku to serve him the papers .']\n", + "=======================\n", + "[\"ellanora arthur baidoo has been trying to divorce her husband for several yearshusband does n't have permanent address or permanent employmentbaidoo is granted permission to send divorce papers via facebook\"]\n", + "ellanora arthur baidoo has been trying to divorce her husband for several years , according to her attorney , andrew spinnell .( cnn ) facebook may soon need to add \" just got served divorce papers \" to its list of relationship statuses now that a new york judge has said the social media site is an acceptable way for a brooklyn woman to serve her husband with a summons for divorce .but , spinnell said , he and his client have n't been able to find victor sena blood-dzraku to serve him the papers .\n", + "ellanora arthur baidoo has been trying to divorce her husband for several yearshusband does n't have permanent address or permanent employmentbaidoo is granted permission to send divorce papers via facebook\n", + "[1.0869132 1.1879065 1.456031 1.2429059 1.2099291 1.184429 1.1546963\n", + " 1.1350739 1.1239237 1.0298247 1.0255046 1.0252215 1.0688931 1.1069586\n", + " 1.1280674 1.062379 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 3 4 1 5 6 7 14 8 13 0 12 15 9 10 11 20 16 17 18 19 21]\n", + "=======================\n", + "[\"the dramatic collision is being dubbed the ` craziest rear-end collision in the country ' , reports the people 's daily online .pictures and videos of the scene were posted to weibo , china 's equivalent of twitter , and quickly went viral .according to eyewitnesses , the accident happened on the rainbow plaza roundabout .\"]\n", + "=======================\n", + "[\"chinese internet users have dubbed it the ` craziest rear-end collision 'a white truck is struck by the turret of the tank driving behind itcrash took place on a roundabout near a residential area yesterdayno comments have been given regarding the cause of the incident\"]\n", + "the dramatic collision is being dubbed the ` craziest rear-end collision in the country ' , reports the people 's daily online .pictures and videos of the scene were posted to weibo , china 's equivalent of twitter , and quickly went viral .according to eyewitnesses , the accident happened on the rainbow plaza roundabout .\n", + "chinese internet users have dubbed it the ` craziest rear-end collision 'a white truck is struck by the turret of the tank driving behind itcrash took place on a roundabout near a residential area yesterdayno comments have been given regarding the cause of the incident\n", + "[1.2357363 1.4258666 1.2513974 1.3919487 1.1550671 1.1506222 1.1266272\n", + " 1.0572706 1.1628296 1.0492233 1.0441389 1.0459054 1.0245041 1.0677471\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 8 4 5 6 13 7 9 11 10 12 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "['police say 55-year-old deanna rudison was captured on a surveillance camera at quick stop gas station in the 3300 block of carondelet street this morning splashing a liquid believed to be bleach at an 18-year-old girl and her 15-year-old friend .bleach attack : deanna rudison , 55 , has been charged with aggravated battery after new orleans police say she was caught on video throwing bleach in the face of two cohen high school students ( one of them pictured here in her school uniform talking on the phone )just hours after the incident , which took place just before 8am monday , the woman turned herself in and was arrested on two counts of aggravated battery .']\n", + "=======================\n", + "['deanna rudison , 55 , charged with two counts of aggravated battery in new orleans bleach attackjonathan rudison , 27 , named a person of interest after he allegedly threw one of the victims to the ground , breaking her armpolice say rudison became upset that an 18-year-old girl and her friend skipped line at gas station storesurveillance video caught rudison walking outside with a white bottle and throwing liquid in the face of two girls']\n", + "police say 55-year-old deanna rudison was captured on a surveillance camera at quick stop gas station in the 3300 block of carondelet street this morning splashing a liquid believed to be bleach at an 18-year-old girl and her 15-year-old friend .bleach attack : deanna rudison , 55 , has been charged with aggravated battery after new orleans police say she was caught on video throwing bleach in the face of two cohen high school students ( one of them pictured here in her school uniform talking on the phone )just hours after the incident , which took place just before 8am monday , the woman turned herself in and was arrested on two counts of aggravated battery .\n", + "deanna rudison , 55 , charged with two counts of aggravated battery in new orleans bleach attackjonathan rudison , 27 , named a person of interest after he allegedly threw one of the victims to the ground , breaking her armpolice say rudison became upset that an 18-year-old girl and her friend skipped line at gas station storesurveillance video caught rudison walking outside with a white bottle and throwing liquid in the face of two girls\n", + "[1.4946357 1.4021589 1.2443379 1.5465955 1.3436034 1.042443 1.0194793\n", + " 1.0213577 1.0177209 1.0173012 1.0183758 1.0269506 1.0196778 1.0174918\n", + " 1.0504456 1.0230992 1.0268055 1.0569645 1.1559492 1.1089427 1.0292434\n", + " 1.0082937]\n", + "\n", + "[ 3 0 1 4 2 18 19 17 14 5 20 11 16 15 7 12 6 10 8 13 9 21]\n", + "=======================\n", + "[\"arsene wenger has drawn five and lost seven of his 12 clashes with jose mourinho ahead of facing chelseaarsene wenger insists his woeful record against jose mourinho will have no bearing on arsenal 's top-of-the-table clash with chelsea at the emirates stadium on sunday .wenger has failed to win in 12 games against mourinho across the portuguese coach 's two spells at stamford bridge , drawing five and losing seven of their clashes .\"]\n", + "=======================\n", + "[\"arsenal face table-topping chelsea at the emirates stadium on sundaycesc fabregas returns to the emirates with chelsea for the first timearsene wenger says his record against jose mourinho will have no impactalex oxlade-chamberlain and mikel arteta are set to miss out on the gameper mertesacker is ' 50-50 ' for the game having not trained at allread : ` proud ' alexis sanchez targets ` many titles ' with arsenal\"]\n", + "arsene wenger has drawn five and lost seven of his 12 clashes with jose mourinho ahead of facing chelseaarsene wenger insists his woeful record against jose mourinho will have no bearing on arsenal 's top-of-the-table clash with chelsea at the emirates stadium on sunday .wenger has failed to win in 12 games against mourinho across the portuguese coach 's two spells at stamford bridge , drawing five and losing seven of their clashes .\n", + "arsenal face table-topping chelsea at the emirates stadium on sundaycesc fabregas returns to the emirates with chelsea for the first timearsene wenger says his record against jose mourinho will have no impactalex oxlade-chamberlain and mikel arteta are set to miss out on the gameper mertesacker is ' 50-50 ' for the game having not trained at allread : ` proud ' alexis sanchez targets ` many titles ' with arsenal\n", + "[1.2553006 1.3862474 1.2594063 1.0996294 1.038307 1.1802812 1.189716\n", + " 1.0563 1.163947 1.060564 1.0679779 1.144506 1.0370387 1.1017737\n", + " 1.0147146 1.0274603 1.0191407 1.0311714 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 6 5 8 11 13 3 10 9 7 4 12 17 15 16 14 20 18 19 21]\n", + "=======================\n", + "['king felipe , queen letizia and their daughters princess sofia and princess leonor looked immaculate as they arrived at palma cathedral on the balearic isle .queen letizia , 42 , teamed a white jacket with smart black trousers and heels for the service while her daughters wore pretty above-the-knee outfits reflecting the spring sunshine .it is one of the biggest celebrations in the catholic calendar and the spanish royal family kept up their tradition of spending the easter holiday on the island of mallorca .']\n", + "=======================\n", + "[\"the spanish royal family attended easter mass at palma 's cathedralfirst appearance of princesses sofia and leonor in several monthsthe children 's grandmother , queen sofia was also in attendancethe family are staying at the marivent palace royal holiday residence\"]\n", + "king felipe , queen letizia and their daughters princess sofia and princess leonor looked immaculate as they arrived at palma cathedral on the balearic isle .queen letizia , 42 , teamed a white jacket with smart black trousers and heels for the service while her daughters wore pretty above-the-knee outfits reflecting the spring sunshine .it is one of the biggest celebrations in the catholic calendar and the spanish royal family kept up their tradition of spending the easter holiday on the island of mallorca .\n", + "the spanish royal family attended easter mass at palma 's cathedralfirst appearance of princesses sofia and leonor in several monthsthe children 's grandmother , queen sofia was also in attendancethe family are staying at the marivent palace royal holiday residence\n", + "[1.5076606 1.1571735 1.4822996 1.2819482 1.1722083 1.1275712 1.1740835\n", + " 1.2575657 1.0490483 1.0175052 1.0176085 1.1094995 1.0430686 1.0544611\n", + " 1.0265894 1.0209934 1.183406 1.0140587 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 3 7 16 6 4 1 5 11 13 8 12 14 15 10 9 17 18 19 20 21]\n", + "=======================\n", + "['darren humphries , 37 , was jailed for eight weeks for throwing chocolate mini eggs at his estranged wifemagistrates heard he flipped when his partner of 14 years refused to allow him into her home to see their two children .jps were told mrs humphries managed to call police and her husband was arrested at the property in windermere drive , worcester .']\n", + "=======================\n", + "[\"darren humphries threw mini eggs after drunkenly losing his temperdefence said he was ` driven by the emotion of wanting to see his children 'he also threw a wheelie bin at estranged wife 's car in a separate incidenthumphries hurled expletives at magistrates when told of his sentence\"]\n", + "darren humphries , 37 , was jailed for eight weeks for throwing chocolate mini eggs at his estranged wifemagistrates heard he flipped when his partner of 14 years refused to allow him into her home to see their two children .jps were told mrs humphries managed to call police and her husband was arrested at the property in windermere drive , worcester .\n", + "darren humphries threw mini eggs after drunkenly losing his temperdefence said he was ` driven by the emotion of wanting to see his children 'he also threw a wheelie bin at estranged wife 's car in a separate incidenthumphries hurled expletives at magistrates when told of his sentence\n", + "[1.3730689 1.1089438 1.4093442 1.2982681 1.1784097 1.2386255 1.0737963\n", + " 1.0871506 1.0323863 1.0470475 1.039214 1.042983 1.1227973 1.0520823\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 5 4 12 1 7 6 13 9 11 10 8 14 15 16 17 18 19 20]\n", + "=======================\n", + "['an australian government report suggests that carbon dioxide produced by burning fossil fuels could be captured and used to produce the fizz in cola .many nations are looking into carbon capture and storage ( ccs ) technologies as a way to cut their greenhouse house emissions , of which carbon dioxide plays a large role .the technology has the potential to reduce the emissions of a typical coal-power plant by up to 90 per cent , but there are concerns over storing such huge amounts of carbon underground .']\n", + "=======================\n", + "['australian report suggests ways carbon dioxide could be capturedincludes mention of gas from fossil fuels being used to make fizzy drinksother ideas include typical carbon capture and storage and biofuels']\n", + "an australian government report suggests that carbon dioxide produced by burning fossil fuels could be captured and used to produce the fizz in cola .many nations are looking into carbon capture and storage ( ccs ) technologies as a way to cut their greenhouse house emissions , of which carbon dioxide plays a large role .the technology has the potential to reduce the emissions of a typical coal-power plant by up to 90 per cent , but there are concerns over storing such huge amounts of carbon underground .\n", + "australian report suggests ways carbon dioxide could be capturedincludes mention of gas from fossil fuels being used to make fizzy drinksother ideas include typical carbon capture and storage and biofuels\n", + "[1.4826252 1.2065948 1.3927969 1.1901174 1.1206424 1.12257 1.1447287\n", + " 1.100955 1.1237447 1.0766927 1.0959015 1.0596873 1.1001807 1.0128816\n", + " 1.0092483 1.0376391 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 6 8 5 4 7 12 10 9 11 15 13 14 16 17 18 19 20]\n", + "=======================\n", + "['george davon kennedy of dekalb , georgia , a student at middle tennessee state university , was taken in tuesday night as police believe he is one of the men caught on video assaulting a woman in panama citya third suspect has been arrested by police as a suspect in a brutal sexual assault that occurred on a florida beach .he now joins two other men who were arrested late last week .']\n", + "=======================\n", + "[\"middle tennessee state university george davon kennedy was arrested and charged with sexual assault tuesday nightpolice claim he was one of the participants in a gang rape that occurred in panama city , florida in marchtroy university students delonte ' martistee , 22 , and ryan austin calhoun , 23 , were previously charged in the attackpolice in troy , alabama , found the video while investigating a shooting which ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervene\"]\n", + "george davon kennedy of dekalb , georgia , a student at middle tennessee state university , was taken in tuesday night as police believe he is one of the men caught on video assaulting a woman in panama citya third suspect has been arrested by police as a suspect in a brutal sexual assault that occurred on a florida beach .he now joins two other men who were arrested late last week .\n", + "middle tennessee state university george davon kennedy was arrested and charged with sexual assault tuesday nightpolice claim he was one of the participants in a gang rape that occurred in panama city , florida in marchtroy university students delonte ' martistee , 22 , and ryan austin calhoun , 23 , were previously charged in the attackpolice in troy , alabama , found the video while investigating a shooting which ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervene\n", + "[1.1756206 1.2392572 1.2862282 1.2247 1.1662523 1.0909324 1.0968715\n", + " 1.0741692 1.0872827 1.054309 1.0335312 1.0488313 1.0274321 1.0311596\n", + " 1.0336448 1.1038457 1.0542059 1.0372686 1.0411172 0. 0. ]\n", + "\n", + "[ 2 1 3 0 4 15 6 5 8 7 9 16 11 18 17 14 10 13 12 19 20]\n", + "=======================\n", + "[\"iran would reduce its stockpile of low-enriched uranium by 98 % and significantly scale back its number of installed centrifuges , according to the plan .after a marathon stretch of late-night negotiations in lausanne , switzerland , diplomats announced they 'd come up with the framework for an agreement that 's been months in the making .in exchange , the united states and the european union would lift sanctions that have crippled the country 's economy .\"]\n", + "=======================\n", + "['netanyahu says a deal would pave the way for iran to get a nuclear bombiran \\'s enrichment capacity and stockpile will be limited , diplomats saytalks were tough , intense and \" sometimes emotional and confrontational , \" kerry says']\n", + "iran would reduce its stockpile of low-enriched uranium by 98 % and significantly scale back its number of installed centrifuges , according to the plan .after a marathon stretch of late-night negotiations in lausanne , switzerland , diplomats announced they 'd come up with the framework for an agreement that 's been months in the making .in exchange , the united states and the european union would lift sanctions that have crippled the country 's economy .\n", + "netanyahu says a deal would pave the way for iran to get a nuclear bombiran 's enrichment capacity and stockpile will be limited , diplomats saytalks were tough , intense and \" sometimes emotional and confrontational , \" kerry says\n", + "[1.2750621 1.5787632 1.1819729 1.0731974 1.0338652 1.1475849 1.2645843\n", + " 1.1046453 1.0365154 1.0663506 1.0184128 1.0962188 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 6 2 5 7 11 3 9 8 4 10 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"tiffanie didonato , from swansboro , north carolina , was born with diastrophic dysplasia and underwent numerous limb-lengthening surgeries as a child so she would grow to be 4 '10 tall , instead of her previous height of 3 ' 8 , which is how tall her son titan currently is .a pregnant mother with a rare form of dwarfism has revealed the physical challenges of raising her three-year-old son - who is more than half her size - while preparing for the arrival of her second child .but even with the additional inches , parenting a rambunctious toddler can be difficult for the 34-year-old mom who has certain physical limitations , and often has to use crutches , or sometimes a wheelchair , in addition to being three months pregnant .\"]\n", + "=======================\n", + "[\"tiffanie didonato , from swansboro , north carolina , was born with diastrophic dysplasia and is only 4 '10 tallas a child she had numerous limb-lengthening surgeries to ensure that she would be taller than 3 ' 8 - the current size of her three-year-old son titanthe 34-year-old mom and her husband eric gabrielse , a 29-year-old marine who is 6 ' 0 , are expecting their second child in september\"]\n", + "tiffanie didonato , from swansboro , north carolina , was born with diastrophic dysplasia and underwent numerous limb-lengthening surgeries as a child so she would grow to be 4 '10 tall , instead of her previous height of 3 ' 8 , which is how tall her son titan currently is .a pregnant mother with a rare form of dwarfism has revealed the physical challenges of raising her three-year-old son - who is more than half her size - while preparing for the arrival of her second child .but even with the additional inches , parenting a rambunctious toddler can be difficult for the 34-year-old mom who has certain physical limitations , and often has to use crutches , or sometimes a wheelchair , in addition to being three months pregnant .\n", + "tiffanie didonato , from swansboro , north carolina , was born with diastrophic dysplasia and is only 4 '10 tallas a child she had numerous limb-lengthening surgeries to ensure that she would be taller than 3 ' 8 - the current size of her three-year-old son titanthe 34-year-old mom and her husband eric gabrielse , a 29-year-old marine who is 6 ' 0 , are expecting their second child in september\n", + "[1.2355663 1.4837625 1.2467563 1.1391996 1.196023 1.063552 1.0607629\n", + " 1.2811676 1.0742906 1.0797429 1.1261456 1.0338615 1.0522 1.0145022\n", + " 1.0143671 1.0797905 1.0184776 1.0114187 1.014504 1.0326626 1.044713 ]\n", + "\n", + "[ 1 7 2 0 4 3 10 15 9 8 5 6 12 20 11 19 16 18 13 14 17]\n", + "=======================\n", + "[\"feidin santana , 23 , visited the family 's charleston , south carolina home on thursday to meet with the man 's heartbroken parents , son and other relatives - in a moving moment witnessed by nbc .santana has been hailed a hero for keeping his cellphone camera trained on officer michael slager as he fired eight shots at scott , 50 , in north charleston on saturday and later releasing the video .judy scott , the mother of walter scott said , as she embraced santana tightly .\"]\n", + "=======================\n", + "[\"feidin santana , 23 , went to the scott family 's charleston , south carolina home on thursday to meet with the slain man 's mourning relativeshe was embraced by the man 's parents and son , who told him that he should now consider them familysantana has been hailed a hero for filming the moment officer michael slager fired eight shots at scott as he ran away on saturday , killing himafter the video emerged , the officer was arrested and charged with murder\"]\n", + "feidin santana , 23 , visited the family 's charleston , south carolina home on thursday to meet with the man 's heartbroken parents , son and other relatives - in a moving moment witnessed by nbc .santana has been hailed a hero for keeping his cellphone camera trained on officer michael slager as he fired eight shots at scott , 50 , in north charleston on saturday and later releasing the video .judy scott , the mother of walter scott said , as she embraced santana tightly .\n", + "feidin santana , 23 , went to the scott family 's charleston , south carolina home on thursday to meet with the slain man 's mourning relativeshe was embraced by the man 's parents and son , who told him that he should now consider them familysantana has been hailed a hero for filming the moment officer michael slager fired eight shots at scott as he ran away on saturday , killing himafter the video emerged , the officer was arrested and charged with murder\n", + "[1.2888749 1.4139731 1.237578 1.3726175 1.2763464 1.0627464 1.0266024\n", + " 1.0768479 1.0636796 1.0470676 1.0361598 1.2171854 1.107827 1.023635\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 11 12 7 8 5 9 10 6 13 18 14 15 16 17 19]\n", + "=======================\n", + "[\"claudia alende , 21 , who came second in last year 's beauty pageant , launched a scathing attack on current title-holder indianara carvalho , claiming the model had ` revealed who she truly is ' .racy : indianara carvalho posted the picture of her naked body painted with an image of the virgin mary on good fridayms alende , better known as the brazilian ` megan fox ' , claims she had been left ` shocked and ashamed ' by her rival 's risqué easter stunt\"]\n", + "=======================\n", + "[\"indianara carvalho posted photo of body painted with image of virgin maryrunner-up claudia alende has branded winner an ` attention-seeking sl * t 'catholic alende refused photoshoot ` out of respect for god and my family '\"]\n", + "claudia alende , 21 , who came second in last year 's beauty pageant , launched a scathing attack on current title-holder indianara carvalho , claiming the model had ` revealed who she truly is ' .racy : indianara carvalho posted the picture of her naked body painted with an image of the virgin mary on good fridayms alende , better known as the brazilian ` megan fox ' , claims she had been left ` shocked and ashamed ' by her rival 's risqué easter stunt\n", + "indianara carvalho posted photo of body painted with image of virgin maryrunner-up claudia alende has branded winner an ` attention-seeking sl * t 'catholic alende refused photoshoot ` out of respect for god and my family '\n", + "[1.4315926 1.4336476 1.2121211 1.4350545 1.2287112 1.1625379 1.0552422\n", + " 1.0405027 1.0297487 1.0341501 1.0567361 1.0395532 1.0375196 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 4 2 5 10 6 7 11 12 9 8 13 14 15 16 17 18 19]\n", + "=======================\n", + "['ben gibson , pictured at the age of 15 , has decided to retire from cricket just four years after his debutthe leeds-born wicketkeeper entered the record books in 2011 when he lined up against durham university just 27 days after his 15th birthday .but that match proved to be his only appearance at senior level and he never again progressed from the second xi .']\n", + "=======================\n", + "[\"barney gibson became the youngest first-class cricketer in 2011the yorkshire wicketkeeper made his debut shortly at 15gibson said it was a ` difficult decision ' to retire from the game\"]\n", + "ben gibson , pictured at the age of 15 , has decided to retire from cricket just four years after his debutthe leeds-born wicketkeeper entered the record books in 2011 when he lined up against durham university just 27 days after his 15th birthday .but that match proved to be his only appearance at senior level and he never again progressed from the second xi .\n", + "barney gibson became the youngest first-class cricketer in 2011the yorkshire wicketkeeper made his debut shortly at 15gibson said it was a ` difficult decision ' to retire from the game\n", + "[1.262564 1.5253024 1.3074031 1.2685527 1.3615184 1.0438193 1.0254781\n", + " 1.0221267 1.0177076 1.0148231 1.0953891 1.0574375 1.0262655 1.0148803\n", + " 1.011711 1.1258539 1.262267 1.1015695 1.1004785 1.0556836]\n", + "\n", + "[ 1 4 2 3 0 16 15 17 18 10 11 19 5 12 6 7 8 13 9 14]\n", + "=======================\n", + "[\"robert charles bates shot and killed eric courtney harris as the younger man was trying to buy drugs and a gun from deputies posing as dealers in the parking lot of a dollar store .harris , 44 , was being restrained by one of the undercover police officers when bates , who was monitoring from afar , ran up ` trying to get the situation under control ' and fired one shot .according to police at the scene in tulsa , oklahoma , bates , a former full-time officer , accidentally pulled out his service weapon instead of the stun gun .\"]\n", + "=======================\n", + "[\"robert charles bates , 73 , was allegedly trying to pull out his taserhe killed 44-year-old eric harris , who was ` buying ' a gun from undercoverspolice in tulsa , oklahoma , said harris may have had a gun on himthe victim was being restrained by an undercover officer when bates ran up\"]\n", + "robert charles bates shot and killed eric courtney harris as the younger man was trying to buy drugs and a gun from deputies posing as dealers in the parking lot of a dollar store .harris , 44 , was being restrained by one of the undercover police officers when bates , who was monitoring from afar , ran up ` trying to get the situation under control ' and fired one shot .according to police at the scene in tulsa , oklahoma , bates , a former full-time officer , accidentally pulled out his service weapon instead of the stun gun .\n", + "robert charles bates , 73 , was allegedly trying to pull out his taserhe killed 44-year-old eric harris , who was ` buying ' a gun from undercoverspolice in tulsa , oklahoma , said harris may have had a gun on himthe victim was being restrained by an undercover officer when bates ran up\n", + "[1.4037154 1.357202 1.0690936 1.2261424 1.3336105 1.1296513 1.1183807\n", + " 1.0920898 1.0937555 1.0636365 1.0860329 1.0114986 1.0609059 1.2519381\n", + " 1.0138192 1.0076498 1.054068 1.0496291 0. 0. ]\n", + "\n", + "[ 0 1 4 13 3 5 6 8 7 10 2 9 12 16 17 14 11 15 18 19]\n", + "=======================\n", + "[\"gerard pique has heaped praise on barcelona 's attacking trio of luis suarez , lionel messi and neymar , claiming he has never seen a relationship like theirs .the spanish giants are in france ahead of their crucial champions league quarter-final tie against paris saint-germain , and pique took some time out to wax lyrical about his team-mates .lionel messi pictured arriving for a training session with barcelona on tuesday morning\"]\n", + "=======================\n", + "['barcelona face paris saint-germain in champions league quarter-finalsahead of the tie , gerard pique has heaped praise on barcelona forwardshe says he has never seen a relationship like the one luis suarez , lionel messi and luis suarez have for barcelonaperhaps in a swipe at cristiano ronaldo , pique went on to say that there is no hint of jealousy between the three barcelona players']\n", + "gerard pique has heaped praise on barcelona 's attacking trio of luis suarez , lionel messi and neymar , claiming he has never seen a relationship like theirs .the spanish giants are in france ahead of their crucial champions league quarter-final tie against paris saint-germain , and pique took some time out to wax lyrical about his team-mates .lionel messi pictured arriving for a training session with barcelona on tuesday morning\n", + "barcelona face paris saint-germain in champions league quarter-finalsahead of the tie , gerard pique has heaped praise on barcelona forwardshe says he has never seen a relationship like the one luis suarez , lionel messi and luis suarez have for barcelonaperhaps in a swipe at cristiano ronaldo , pique went on to say that there is no hint of jealousy between the three barcelona players\n", + "[1.1872951 1.2400444 1.3641679 1.1838131 1.3174936 1.1365247 1.0525095\n", + " 1.0166957 1.021771 1.0347419 1.1528525 1.015773 1.013028 1.0822651\n", + " 1.208747 1.0838946 1.0981424 1.011232 1.0084016 0. ]\n", + "\n", + "[ 2 4 1 14 0 3 10 5 16 15 13 6 9 8 7 11 12 17 18 19]\n", + "=======================\n", + "[\"for her latest collaboration with adidas originals , rita has taken the brand 's classics and put her own bold spin on them .rita ora has channeled her passion for fashion into a new adidas range , so femail caught up with the global star to find out her influences and plans for the futureshe 's a best-selling singer , actress , beauty buff and one of the world 's most stylish stars .\"]\n", + "=======================\n", + "[\"rita , 24 , has designed range for adidas originalsdesigns are inspired by asian culture , she tells femailstar says she 's excited to see what the future holds for her\"]\n", + "for her latest collaboration with adidas originals , rita has taken the brand 's classics and put her own bold spin on them .rita ora has channeled her passion for fashion into a new adidas range , so femail caught up with the global star to find out her influences and plans for the futureshe 's a best-selling singer , actress , beauty buff and one of the world 's most stylish stars .\n", + "rita , 24 , has designed range for adidas originalsdesigns are inspired by asian culture , she tells femailstar says she 's excited to see what the future holds for her\n", + "[1.3239343 1.4139215 1.1888229 1.3555186 1.1166797 1.1254717 1.0826026\n", + " 1.1094521 1.0261953 1.1562493 1.027886 1.0638132 1.0428123 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 9 5 4 7 6 11 12 10 8 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"the cable company complained to the better business bureau 's national advertising division ( nad ) that the ads featured a number of false claims and the watchdog has ruled that several of the campaign 's claims could n't be substantiated .satellite tv operator directv has pulled the plug on its popular advertising campaign featuring 80s heartthrob rob lowe after complaints by rival comcast .the series of ads , which launched last october , featured the 50-year-old actor playing two characters : a handsome lowe in a slick suit who is always the directv customer and then an ` odd or awkward alter-ego ' who was a cable user .\"]\n", + "=======================\n", + "[\"satellite tv operator has ended the campaign after complaints by rival comcast that their claims could n't be substantiatedlaunched last october , the ads had featured rob lowe playing a slick directv customer and an ` odd or awkward alter-ego ' who had cablenumber of inaccuracies highlighted concerning signal reliability , shorter customer service wait times , better picture and sound qualitydirectv claims the campaign was always going to end at the end of q1\"]\n", + "the cable company complained to the better business bureau 's national advertising division ( nad ) that the ads featured a number of false claims and the watchdog has ruled that several of the campaign 's claims could n't be substantiated .satellite tv operator directv has pulled the plug on its popular advertising campaign featuring 80s heartthrob rob lowe after complaints by rival comcast .the series of ads , which launched last october , featured the 50-year-old actor playing two characters : a handsome lowe in a slick suit who is always the directv customer and then an ` odd or awkward alter-ego ' who was a cable user .\n", + "satellite tv operator has ended the campaign after complaints by rival comcast that their claims could n't be substantiatedlaunched last october , the ads had featured rob lowe playing a slick directv customer and an ` odd or awkward alter-ego ' who had cablenumber of inaccuracies highlighted concerning signal reliability , shorter customer service wait times , better picture and sound qualitydirectv claims the campaign was always going to end at the end of q1\n", + "[1.0551672 1.2010789 1.3761373 1.3673899 1.2786566 1.247873 1.2555246\n", + " 1.0803568 1.0716732 1.0460302 1.0903141 1.0288653 1.0103225 1.0075959\n", + " 1.0094346 1.010646 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 4 6 5 1 10 7 8 0 9 11 15 12 14 13 16 17 18 19]\n", + "=======================\n", + "[\"borussia dortmund are not consistently good enough to make der klassiker a regular spectacle .english football 's closest equivalent , liverpool taking on manchester united , is now merely a battle for the top four .but , on easter sunday , marseille and paris st germain played out a game that not only had a huge bearing on the ligue 1 title race , but also easily lived up to it 's billing as le classique .\"]\n", + "=======================\n", + "[\"andre-pierre gignac puts marseille ahead on half-hour with powerful back-post header from dimitri payet crossblaise matuidi equalises five minutes later with a stunning strike from the edge of the boxgignac capitalises on terrible psg defending to restore marseille 's lead before half timemarquinhos brings psg level again , before jeremy morel own goal puts champions ahead moments later\"]\n", + "borussia dortmund are not consistently good enough to make der klassiker a regular spectacle .english football 's closest equivalent , liverpool taking on manchester united , is now merely a battle for the top four .but , on easter sunday , marseille and paris st germain played out a game that not only had a huge bearing on the ligue 1 title race , but also easily lived up to it 's billing as le classique .\n", + "andre-pierre gignac puts marseille ahead on half-hour with powerful back-post header from dimitri payet crossblaise matuidi equalises five minutes later with a stunning strike from the edge of the boxgignac capitalises on terrible psg defending to restore marseille 's lead before half timemarquinhos brings psg level again , before jeremy morel own goal puts champions ahead moments later\n", + "[1.1820786 1.4831445 1.4095552 1.3087659 1.1986666 1.145532 1.2120615\n", + " 1.0288861 1.0113927 1.1030998 1.0288804 1.0135348 1.0634379 1.0542554\n", + " 1.0460173 1.069956 1.1001107 1.1408995 1.1821927 0. ]\n", + "\n", + "[ 1 2 3 6 4 18 0 5 17 9 16 15 12 13 14 7 10 11 8 19]\n", + "=======================\n", + "['the company gave away golden tickets to the first 100 people through the door when the store in avlaston , derbyshire , was officially opened at 8am this morning .more than 200 people were found queueing outside the store looking to get their hands on the deals when the ribbon was cut .ivy bacon , 20 , was delighted to win the top prize .']\n", + "=======================\n", + "[\"more than 200 people queued up to get their hands on aldi 's spot prizesthe company issued golden tickets to first 100 customers through doorsit was to celebrate the launch of a new store in avlaston , derbyshire\"]\n", + "the company gave away golden tickets to the first 100 people through the door when the store in avlaston , derbyshire , was officially opened at 8am this morning .more than 200 people were found queueing outside the store looking to get their hands on the deals when the ribbon was cut .ivy bacon , 20 , was delighted to win the top prize .\n", + "more than 200 people queued up to get their hands on aldi 's spot prizesthe company issued golden tickets to first 100 customers through doorsit was to celebrate the launch of a new store in avlaston , derbyshire\n", + "[1.1578859 1.1934911 1.22723 1.199746 1.1857604 1.1198338 1.0413405\n", + " 1.2000669 1.1241795 1.0872155 1.0238464 1.0483024 1.0697113 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 7 3 1 4 0 8 5 9 12 11 6 10 18 13 14 15 16 17 19]\n", + "=======================\n", + "['diarist anne frank , and her sister margot , also died here .these never-before-seen images were captured by reverend charles martin king parsons , who was one of a handful of chaplains who helped liberate itshortly after the camp was liberated by british and canadian troops in 1945 , it was torched , and at least part of that suffering was destroyed forever as the buildings , along with the reichskriegs flag and hitler portrait which adorned them , were consumed by flames .']\n", + "=======================\n", + "['british reverend charles martin king parsons was one of a handful of chaplains to enter bergen-belsen campcaptured these images , but never told family about them until they were discovered by grandson tom marshallmr marshall said he is proud of his grandfather for making sure future generation can never forget what happenedwarning : graphic content']\n", + "diarist anne frank , and her sister margot , also died here .these never-before-seen images were captured by reverend charles martin king parsons , who was one of a handful of chaplains who helped liberate itshortly after the camp was liberated by british and canadian troops in 1945 , it was torched , and at least part of that suffering was destroyed forever as the buildings , along with the reichskriegs flag and hitler portrait which adorned them , were consumed by flames .\n", + "british reverend charles martin king parsons was one of a handful of chaplains to enter bergen-belsen campcaptured these images , but never told family about them until they were discovered by grandson tom marshallmr marshall said he is proud of his grandfather for making sure future generation can never forget what happenedwarning : graphic content\n", + "[1.1204048 1.1980369 1.3513067 1.213582 1.2530915 1.0686921 1.1267244\n", + " 1.0706288 1.0662193 1.0241729 1.0635949 1.0335237 1.042214 1.0684288\n", + " 1.0252217 1.0518599 1.0288607 1.0584224 1.0930548 1.0209115]\n", + "\n", + "[ 2 4 3 1 6 0 18 7 5 13 8 10 17 15 12 11 16 14 9 19]\n", + "=======================\n", + "['now , for the first time , researchers have shown that higher doses of vitamin e , found in foods such as kale and almonds , can mitigate the stress on immune cells .after a heavy night of drinking , your immune system is bound to be weaker .this is because your body is under oxidative stress - a process that can also happen after smoking , breathing in pollution and even sunbathing .']\n", + "=======================\n", + "['drinking makes body go under oxidative stress and weakens immunitystudy has shown that higher doses of vitamin e can mitigate this stressvitamin e can be found in high doses in foods such as kale and almonds']\n", + "now , for the first time , researchers have shown that higher doses of vitamin e , found in foods such as kale and almonds , can mitigate the stress on immune cells .after a heavy night of drinking , your immune system is bound to be weaker .this is because your body is under oxidative stress - a process that can also happen after smoking , breathing in pollution and even sunbathing .\n", + "drinking makes body go under oxidative stress and weakens immunitystudy has shown that higher doses of vitamin e can mitigate this stressvitamin e can be found in high doses in foods such as kale and almonds\n", + "[1.1009369 1.3493396 1.0941494 1.2987329 1.2785561 1.0550444 1.0676402\n", + " 1.0259566 1.0637833 1.0744672 1.0487119 1.057049 1.0998667 1.0301331\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 0 12 2 9 6 8 11 5 10 13 7 18 14 15 16 17 19]\n", + "=======================\n", + "[\"in fact , we plumped for a classic american road trip - driving along the pacific coast highway ( aka route 1 ) from san francisco to los angeles .navigating route 1 from san fran 's iconic golden gate bridge to la , jane horrocks enjoys her road tripsan francisco is known as america 's most european city , possibly because you 'll need to pack a fleece even in late july .\"]\n", + "=======================\n", + "[\"actress jane horrocks drives her teenagers dylan and molly down route 1the travel from san francisco to the city of angels in three weeks` take your foot off the gas , relax and take it all in ' says jane\"]\n", + "in fact , we plumped for a classic american road trip - driving along the pacific coast highway ( aka route 1 ) from san francisco to los angeles .navigating route 1 from san fran 's iconic golden gate bridge to la , jane horrocks enjoys her road tripsan francisco is known as america 's most european city , possibly because you 'll need to pack a fleece even in late july .\n", + "actress jane horrocks drives her teenagers dylan and molly down route 1the travel from san francisco to the city of angels in three weeks` take your foot off the gas , relax and take it all in ' says jane\n", + "[1.220278 1.3292208 1.2939478 1.1971602 1.1648637 1.113997 1.2494364\n", + " 1.1571345 1.1030526 1.1963909 1.0786642 1.0721989 1.063858 1.0267549\n", + " 1.0346279 1.0126721 1.069711 0. 0. 0. ]\n", + "\n", + "[ 1 2 6 0 3 9 4 7 5 8 10 11 16 12 14 13 15 18 17 19]\n", + "=======================\n", + "[\"jessica edgeington , of villa rica , georgia , was a skilled diver known for a type of high-speed sport called ` swooping ' , where divers speed down to land and sweep over buoys and other obstacles on the surface of a pond as competition .she died after plummeting to the ground at the skydive deland in deland , florida .a 33-year-old professional skydiver who has made more than 6,000 dives was killed during a dive in florida on wednesday , after her chute apparently collided with another mid-air .\"]\n", + "=======================\n", + "[\"jessica edgeington , 33 , had made over 6,000 jumpsthe villa rica , georgia , woman died wednesday in deland , floridashe appears to have collided with another diver mid-air and crashedwas pronounced dead at the scene about 4.10 pmcompeted in a skydiving sport called ` swooping ' , where divers traverse an obstacle course over a pond as they come in to land\"]\n", + "jessica edgeington , of villa rica , georgia , was a skilled diver known for a type of high-speed sport called ` swooping ' , where divers speed down to land and sweep over buoys and other obstacles on the surface of a pond as competition .she died after plummeting to the ground at the skydive deland in deland , florida .a 33-year-old professional skydiver who has made more than 6,000 dives was killed during a dive in florida on wednesday , after her chute apparently collided with another mid-air .\n", + "jessica edgeington , 33 , had made over 6,000 jumpsthe villa rica , georgia , woman died wednesday in deland , floridashe appears to have collided with another diver mid-air and crashedwas pronounced dead at the scene about 4.10 pmcompeted in a skydiving sport called ` swooping ' , where divers traverse an obstacle course over a pond as they come in to land\n", + "[1.2842342 1.3498724 1.2521791 1.2220379 1.1824453 1.1404854 1.08776\n", + " 1.1413803 1.1727602 1.1031911 1.1003402 1.051943 1.0927483 1.0390879\n", + " 1.0707755 1.0417941 1.0518516 1.0114647 1.0588475 1.1115338]\n", + "\n", + "[ 1 0 2 3 4 8 7 5 19 9 10 12 6 14 18 11 16 15 13 17]\n", + "=======================\n", + "[\"while at the scene an unidentified gunman shot brown and a 15 year old deadtriple tragedy : archie brown jr ( pictured ) struck and killed a 2-year-old who ran in front of his van in milwaukee , wisconsin sunday evening .a 15-year-old boy was also shot and later died - though it 's not clear what his connection to the incident was .\"]\n", + "=======================\n", + "['a 41-year-old driver hit and killed a 2-year-old girl sunday evening when the toddler ran front of his van in a milwaukee neighborhoodthe driver , archie brown jr. , stopped at the scenemoments later , someone from the home where the toddler lived opened fire - shooting brown dead and fatally wounding a 15-year-oldpolice are investigating whether the shooting was revenge for the fatal traffic accidentthe gunman responsible has not been arrestedbrown was a father of four with a young daughter of his own']\n", + "while at the scene an unidentified gunman shot brown and a 15 year old deadtriple tragedy : archie brown jr ( pictured ) struck and killed a 2-year-old who ran in front of his van in milwaukee , wisconsin sunday evening .a 15-year-old boy was also shot and later died - though it 's not clear what his connection to the incident was .\n", + "a 41-year-old driver hit and killed a 2-year-old girl sunday evening when the toddler ran front of his van in a milwaukee neighborhoodthe driver , archie brown jr. , stopped at the scenemoments later , someone from the home where the toddler lived opened fire - shooting brown dead and fatally wounding a 15-year-oldpolice are investigating whether the shooting was revenge for the fatal traffic accidentthe gunman responsible has not been arrestedbrown was a father of four with a young daughter of his own\n", + "[1.2504555 1.3935741 1.1328733 1.287319 1.4056822 1.0447903 1.081209\n", + " 1.0907447 1.0253257 1.069565 1.0183464 1.0291988 1.0337785 1.0340412\n", + " 1.0202109 1.0408268 1.1140822 1.1682249 0. 0. ]\n", + "\n", + "[ 4 1 3 0 17 2 16 7 6 9 5 15 13 12 11 8 14 10 18 19]\n", + "=======================\n", + "['andy murray says british players anyone questioning the move should work on their world rankinginstead the british no 1 believes his colleagues should use the assimilation of the world no 83 , originally from slovenia , as motivation to better themselves .aljaz bedene is pictured at his british citizenship ceremony in hatfield on tuesday morning']\n", + "=======================\n", + "['aljaz bedene officially became a british citizen at a ceremony on tuesdaythe 25-year-old is currently ranked no 83 in the world but will be gb no 2andy murray says fellow british players like james ward and kyle edmund should not complain about the assimilationbedene was born in slovenia and could rise up the rankings , says murraybritish no 1 insists young stars should use bedene as motivation']\n", + "andy murray says british players anyone questioning the move should work on their world rankinginstead the british no 1 believes his colleagues should use the assimilation of the world no 83 , originally from slovenia , as motivation to better themselves .aljaz bedene is pictured at his british citizenship ceremony in hatfield on tuesday morning\n", + "aljaz bedene officially became a british citizen at a ceremony on tuesdaythe 25-year-old is currently ranked no 83 in the world but will be gb no 2andy murray says fellow british players like james ward and kyle edmund should not complain about the assimilationbedene was born in slovenia and could rise up the rankings , says murraybritish no 1 insists young stars should use bedene as motivation\n", + "[1.3368607 1.1254936 1.2374564 1.1936302 1.3175446 1.1251503 1.0959642\n", + " 1.0670693 1.0638059 1.0641431 1.0582652 1.0728028 1.036499 1.053095\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 2 3 1 5 6 11 7 9 8 10 13 12 14 15 16 17 18 19]\n", + "=======================\n", + "[\"frustration was clear in the voices of peter moores and alastair cook as they fended off repeated enquiries about kevin pietersen 's future more than a year after he had seemingly been banished from international cricket for good .colin graves has made a habit of talking before thinking since being announced as ecb chairmanthe incoming ecb chairman has been responsible for the mixed messages that leave the england team in as big a state of turmoil and internal rebellion as ever .\"]\n", + "=======================\n", + "['incoming ecb chairman colin graves has handled the potential return of kevin pietersen very poorlygraves has pitched several outlandish ideas about reducing test matches to four dayshe should focus his attention on addressing the england fixture congestion']\n", + "frustration was clear in the voices of peter moores and alastair cook as they fended off repeated enquiries about kevin pietersen 's future more than a year after he had seemingly been banished from international cricket for good .colin graves has made a habit of talking before thinking since being announced as ecb chairmanthe incoming ecb chairman has been responsible for the mixed messages that leave the england team in as big a state of turmoil and internal rebellion as ever .\n", + "incoming ecb chairman colin graves has handled the potential return of kevin pietersen very poorlygraves has pitched several outlandish ideas about reducing test matches to four dayshe should focus his attention on addressing the england fixture congestion\n", + "[1.2574407 1.4116458 1.3050381 1.3111677 1.1790797 1.0161283 1.0380082\n", + " 1.0419778 1.0279046 1.1115993 1.0470243 1.1213285 1.0727137 1.0592731\n", + " 1.0729454 1.0523143 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 11 9 14 12 13 15 10 7 6 8 5 17 16 18]\n", + "=======================\n", + "[\"australian pm tony abbott -- who sends naval gunboats to turn back asylum seekers before they reach australia -- said the eu should ` urgently ' follow his lead .his hardline policy has proved controversial but mr abbott said it was the only way to prevent disasters such as the loss of 900 lives when a fishing boat capsized on saturday night .europe has been urged to copy australia 's military-led ` stop the boats ' policy to avoid migrant tragedies in the mediterranean .\"]\n", + "=======================\n", + "['tony abbott insists tough line on migrants is the only way to stop deathssaid army should be deployed to prevent asylum seekers arriving on landhe has ordered australian military to turn back boats carrying migrantscontroversial move has seen near-daily arrivals fall significantly , with no reported deaths at sea off the coast of australia so far this year']\n", + "australian pm tony abbott -- who sends naval gunboats to turn back asylum seekers before they reach australia -- said the eu should ` urgently ' follow his lead .his hardline policy has proved controversial but mr abbott said it was the only way to prevent disasters such as the loss of 900 lives when a fishing boat capsized on saturday night .europe has been urged to copy australia 's military-led ` stop the boats ' policy to avoid migrant tragedies in the mediterranean .\n", + "tony abbott insists tough line on migrants is the only way to stop deathssaid army should be deployed to prevent asylum seekers arriving on landhe has ordered australian military to turn back boats carrying migrantscontroversial move has seen near-daily arrivals fall significantly , with no reported deaths at sea off the coast of australia so far this year\n", + "[1.3945662 1.270323 1.341311 1.1930686 1.1739569 1.0653521 1.0165635\n", + " 1.0215442 1.0347433 1.102526 1.165883 1.047852 1.0713419 1.1285496\n", + " 1.1076556 1.065064 1.0450687 1.0565093 1.0408221]\n", + "\n", + "[ 0 2 1 3 4 10 13 14 9 12 5 15 17 11 16 18 8 7 6]\n", + "=======================\n", + "[\"( cnn ) mountaineers have returned to mount everest for this year 's climbing season , resuming the quest to summit the world 's highest peak after a deadly season last year .the april 18 accident was the single deadliest incident to ever occur on mount everest .in 2014 , the nepal climbing season ended after a piece of glacial ice fell , unleashing an avalanche that killed 16 nepalis who had just finished their morning prayers .\"]\n", + "=======================\n", + "['climbers are returning to everest after 2014 season on nepal side was canceledclimbing permits increase in tibetan and nepalese side this year16 nepalis died in khumbu icefall on everest last year']\n", + "( cnn ) mountaineers have returned to mount everest for this year 's climbing season , resuming the quest to summit the world 's highest peak after a deadly season last year .the april 18 accident was the single deadliest incident to ever occur on mount everest .in 2014 , the nepal climbing season ended after a piece of glacial ice fell , unleashing an avalanche that killed 16 nepalis who had just finished their morning prayers .\n", + "climbers are returning to everest after 2014 season on nepal side was canceledclimbing permits increase in tibetan and nepalese side this year16 nepalis died in khumbu icefall on everest last year\n", + "[1.3477002 1.2094171 1.1782818 1.24797 1.2005285 1.2088295 1.1698979\n", + " 1.1052445 1.0262519 1.0174316 1.0206524 1.2845896 1.1571726 1.1278322\n", + " 1.0687684 1.0425109 1.0066721 1.1111609 1.0682273]\n", + "\n", + "[ 0 11 3 1 5 4 2 6 12 13 17 7 14 18 15 8 10 9 16]\n", + "=======================\n", + "[\"chelsea can take another step closer towards securing the premier league title when they face arsenal on sunday , and jose mourinho 's side stepped up their preparations for the emirates showdown in training on friday .chelsea manager jose mourinho takes charge of the training session at cobham on fridaythe league leaders were put through their paces at their cobham training headquarters just a couple of days before a london derby against arsene wenger 's side .\"]\n", + "=======================\n", + "[\"chelsea players train at their cobham headquarters on fridayjose mourinho 's side face arsenal at the emirates on sundaychelsea looking to extend their 10-point lead over second-placed arsenalmourinho has never lost to arsenal manager arsene wengercesc fabregas chose chelsea over arsenal for trophies , says mourinho\"]\n", + "chelsea can take another step closer towards securing the premier league title when they face arsenal on sunday , and jose mourinho 's side stepped up their preparations for the emirates showdown in training on friday .chelsea manager jose mourinho takes charge of the training session at cobham on fridaythe league leaders were put through their paces at their cobham training headquarters just a couple of days before a london derby against arsene wenger 's side .\n", + "chelsea players train at their cobham headquarters on fridayjose mourinho 's side face arsenal at the emirates on sundaychelsea looking to extend their 10-point lead over second-placed arsenalmourinho has never lost to arsenal manager arsene wengercesc fabregas chose chelsea over arsenal for trophies , says mourinho\n", + "[1.2695247 1.4414065 1.28808 1.2954364 1.1771523 1.2204137 1.2530525\n", + " 1.0408583 1.0470195 1.0148928 1.0141749 1.0484568 1.0606589 1.0948758\n", + " 1.046794 1.035008 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 6 5 4 13 12 11 8 14 7 15 9 10 17 16 18]\n", + "=======================\n", + "[\"his alleged victims could bring civil claims against himthe family of the 86-year-old politician has been told he will not face child abuse charges because of his memory problems , but he could still face civil action from complainants .lord janner , pictured , is alleged to have sexually assaulted young men in the 1970s and 1980s in children 's homes in leicestershire .\"]\n", + "=======================\n", + "[\"no criminal charges against 86-year-old but alleged victims could sueextent of disgraced peer 's dementia could be examined as part of casesveteran politician accused of historic sex abuse dating back to 1969alleged he sexually abused young boys in care homes in leicestershire\"]\n", + "his alleged victims could bring civil claims against himthe family of the 86-year-old politician has been told he will not face child abuse charges because of his memory problems , but he could still face civil action from complainants .lord janner , pictured , is alleged to have sexually assaulted young men in the 1970s and 1980s in children 's homes in leicestershire .\n", + "no criminal charges against 86-year-old but alleged victims could sueextent of disgraced peer 's dementia could be examined as part of casesveteran politician accused of historic sex abuse dating back to 1969alleged he sexually abused young boys in care homes in leicestershire\n", + "[1.3861768 1.3051877 1.4226885 1.141643 1.2315336 1.0938313 1.0749788\n", + " 1.0797074 1.0748465 1.0483607 1.1256105 1.0952303 1.0704321 1.0757097\n", + " 1.0337763 1.0423152 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 4 3 10 11 5 7 13 6 8 12 9 15 14 16 17 18]\n", + "=======================\n", + "[\"the man , rishi khanal , was saved after a french search and rescue team found him under the rubble on the outskirts of kathmandu , the capital , around noon tuesday , said pushparam k.c. , a spokesman for the armed police force of nepal .kathmandu , nepal ( cnn ) rescuers in nepal have pulled a man from the wreckage of a building where he was stuck for a staggering 82 hours after the devastating earthquake that hit the country saturday .his survival is unusual , as experts say it 's rare for injured people who are trapped to hold out for longer than 72 hours after a disaster .\"]\n", + "=======================\n", + "['a french rescue team finds rishi khanal more than three days after the quakea 4-month-old baby is reported to have been rescued after 22 hours in rubble']\n", + "the man , rishi khanal , was saved after a french search and rescue team found him under the rubble on the outskirts of kathmandu , the capital , around noon tuesday , said pushparam k.c. , a spokesman for the armed police force of nepal .kathmandu , nepal ( cnn ) rescuers in nepal have pulled a man from the wreckage of a building where he was stuck for a staggering 82 hours after the devastating earthquake that hit the country saturday .his survival is unusual , as experts say it 's rare for injured people who are trapped to hold out for longer than 72 hours after a disaster .\n", + "a french rescue team finds rishi khanal more than three days after the quakea 4-month-old baby is reported to have been rescued after 22 hours in rubble\n", + "[1.2946985 1.3235797 1.4070426 1.3170842 1.147164 1.0672277 1.0682209\n", + " 1.0284398 1.0292518 1.0817769 1.0750929 1.0624373 1.0295295 1.0781387\n", + " 1.0602815 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 3 0 4 9 13 10 6 5 11 14 12 8 7 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"the panellist said she was ` hounded on twitter ' after airing her views on the itv show in a discussion about overweight teenagers , and now insists she was only referring to people larger than a size 20 .critics and the public have spoken out after jamelia said that obese women ` should feel uncomfortable ' about their unhealthy size , and that high street stores should not be catering for them .as the market for plus-size fashion consumption grows , alice dogruyol , founder of all-inclusive denim brand , beauty in curves , believes that jamelia 's message to women is incredibly disturbing .\"]\n", + "=======================\n", + "[\"the 34-year-old singer made the initial comments on loose womenargued that ` unhealthy lifestyles ' should not be ` facilitated 'plus-size industry says views are ` uninformed 'star faced bitter twitter backlash , then appeared on good morning britainback on loose women this afternoon , she clarified her viewsjanet street porter and her other co-stars leapt to her defencereal-life women have been posting their pictures to twitterthey 've been using #wearethethey in reference to her comments\"]\n", + "the panellist said she was ` hounded on twitter ' after airing her views on the itv show in a discussion about overweight teenagers , and now insists she was only referring to people larger than a size 20 .critics and the public have spoken out after jamelia said that obese women ` should feel uncomfortable ' about their unhealthy size , and that high street stores should not be catering for them .as the market for plus-size fashion consumption grows , alice dogruyol , founder of all-inclusive denim brand , beauty in curves , believes that jamelia 's message to women is incredibly disturbing .\n", + "the 34-year-old singer made the initial comments on loose womenargued that ` unhealthy lifestyles ' should not be ` facilitated 'plus-size industry says views are ` uninformed 'star faced bitter twitter backlash , then appeared on good morning britainback on loose women this afternoon , she clarified her viewsjanet street porter and her other co-stars leapt to her defencereal-life women have been posting their pictures to twitterthey 've been using #wearethethey in reference to her comments\n", + "[1.488775 1.2329348 1.5387819 1.1272757 1.2186009 1.1144027 1.0439113\n", + " 1.0478108 1.0549468 1.0805354 1.0292869 1.0169477 1.0168915 1.014491\n", + " 1.024009 1.017832 1.0143162 1.0194318 1.0115783 1.0135901 1.0163394\n", + " 1.0343623]\n", + "\n", + "[ 2 0 1 4 3 5 9 8 7 6 21 10 14 17 15 11 12 20 13 16 19 18]\n", + "=======================\n", + "[\"victory at home to crystal palace on sunday will now hand chelsea their first league crown since 2010 .jose mourinho hailed his ` phenomenal ' side after john terry 's scrappy goal put chelsea on the brink of the premier league title .but the chelsea manager was forced to give his players a half-time rollicking after falling behind to relegation-threatened leicester .\"]\n", + "=======================\n", + "[\"chelsea edged ever closer to the title with win against leicester citybut not before jose mourinho gave his squad a half-time rollickingchelsea fell behind in first-half injury time via marc albrighton 's goalthe blues reacted well and earned the victory with three second-half goalsread : leicester city manager nigel pearson calls journalist an ostrich\"]\n", + "victory at home to crystal palace on sunday will now hand chelsea their first league crown since 2010 .jose mourinho hailed his ` phenomenal ' side after john terry 's scrappy goal put chelsea on the brink of the premier league title .but the chelsea manager was forced to give his players a half-time rollicking after falling behind to relegation-threatened leicester .\n", + "chelsea edged ever closer to the title with win against leicester citybut not before jose mourinho gave his squad a half-time rollickingchelsea fell behind in first-half injury time via marc albrighton 's goalthe blues reacted well and earned the victory with three second-half goalsread : leicester city manager nigel pearson calls journalist an ostrich\n", + "[1.1525996 1.2498255 1.279515 1.3259578 1.2952657 1.1445174 1.0538695\n", + " 1.3143944 1.1092783 1.122032 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 7 4 2 1 0 5 9 8 6 19 18 17 16 15 10 13 12 11 20 14 21]\n", + "=======================\n", + "['sticky situation : animal rescue experts spent more than an hour rescuing cody after he wandered into a bogcody was covered head to hoof in mud after being dragged to safety , but - despite being shaken by the ordeal - was otherwise unharmed .crew members climbed into the watery ditch as they tried to ease the distressed animal to safety on friday afternoon .']\n", + "=======================\n", + "['cody got stuck after wandering into ditch in belvedere , south-east londonanimal rescue experts spent an hour and a half rescuing distressed horseafter being freed , the horse was seen by a vet and taken back to his stables']\n", + "sticky situation : animal rescue experts spent more than an hour rescuing cody after he wandered into a bogcody was covered head to hoof in mud after being dragged to safety , but - despite being shaken by the ordeal - was otherwise unharmed .crew members climbed into the watery ditch as they tried to ease the distressed animal to safety on friday afternoon .\n", + "cody got stuck after wandering into ditch in belvedere , south-east londonanimal rescue experts spent an hour and a half rescuing distressed horseafter being freed , the horse was seen by a vet and taken back to his stables\n", + "[1.227471 1.3602414 1.2492085 1.3545659 1.2819679 1.0715816 1.1486616\n", + " 1.248216 1.07237 1.0317936 1.0202297 1.0211542 1.2084228 1.0099728\n", + " 1.0106456 1.1531863 1.0081391 1.008771 1.142766 1.1374886 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 4 2 7 0 12 15 6 18 19 8 5 9 11 10 14 13 17 16 20 21]\n", + "=======================\n", + "['the newborn cubs were discovered by a woman passing the car park , who noticed the box sitting next to a clothing donation bin .the seven cubs weighed around six ounces each when they were taken in by the pocono wildlife rehabilitation and educational centerwhen she peeped inside she saw seven baby foxes -- thought to be only 10 days old -- sitting together .']\n", + "=======================\n", + "['tiny cubs were abandoned in a cardboard box , next to a clothing donation point , in a car park in pennsylvaniaseven baby foxes - five males and two females - were taken to animal rehabilitation center for care and treatmentcubs were dehydrated but healthy , and will stay in the center for a few months before being returned to the wild']\n", + "the newborn cubs were discovered by a woman passing the car park , who noticed the box sitting next to a clothing donation bin .the seven cubs weighed around six ounces each when they were taken in by the pocono wildlife rehabilitation and educational centerwhen she peeped inside she saw seven baby foxes -- thought to be only 10 days old -- sitting together .\n", + "tiny cubs were abandoned in a cardboard box , next to a clothing donation point , in a car park in pennsylvaniaseven baby foxes - five males and two females - were taken to animal rehabilitation center for care and treatmentcubs were dehydrated but healthy , and will stay in the center for a few months before being returned to the wild\n", + "[1.229085 1.5539491 1.1809634 1.3208206 1.0951504 1.2247909 1.0747721\n", + " 1.2857287 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 7 0 5 2 4 6 19 18 17 16 15 14 10 12 11 20 9 8 13 21]\n", + "=======================\n", + "[\"the 26-year-old west ham striker suffered torn ligaments in his left knee during west ham 's 0-0 draw with southampton and wo n't be available for the rest of the season .andy carroll posted this photograph on his instagram showing him posing on an over-sized chairthe 26-year-old has been plagued with injuries since joining west ham permanently in 2013\"]\n", + "=======================\n", + "['andy carroll is currently out injured nursing a knee ligament damagethe west ham striker posted a photo of him posing on a wooden thronecarroll will miss the rest of the season but should be back for pre-seasonclick here for all the latest west ham united news']\n", + "the 26-year-old west ham striker suffered torn ligaments in his left knee during west ham 's 0-0 draw with southampton and wo n't be available for the rest of the season .andy carroll posted this photograph on his instagram showing him posing on an over-sized chairthe 26-year-old has been plagued with injuries since joining west ham permanently in 2013\n", + "andy carroll is currently out injured nursing a knee ligament damagethe west ham striker posted a photo of him posing on a wooden thronecarroll will miss the rest of the season but should be back for pre-seasonclick here for all the latest west ham united news\n", + "[1.1652635 1.2593124 1.2488486 1.2726481 1.1496966 1.1120765 1.092838\n", + " 1.0704092 1.0450431 1.057793 1.0676012 1.0631108 1.0568833 1.076687\n", + " 1.0921702 1.0325173 1.0723004 0. ]\n", + "\n", + "[ 3 1 2 0 4 5 6 14 13 16 7 10 11 9 12 8 15 17]\n", + "=======================\n", + "[\"vladimir putin appeared on russian tv today like you have never seen him before - leading to questions that he has had cosmetic surgery to get rid of the bags under his eyes , wrinkles and make his face more chiseledthe wrinkles on the 62-year-old 's forehead , clearly visibly in previous pictures , have disappeared , while his skin look smooth , taut , tanned and younger than ever .it 's the changing face of russian politics .\"]\n", + "=======================\n", + "['appeared on russian television today looking tanned and wrinkle-freerussian president disappeared for 10 days last month with no explanationrumours for years that president has undergone facial cosmetic surgery']\n", + "vladimir putin appeared on russian tv today like you have never seen him before - leading to questions that he has had cosmetic surgery to get rid of the bags under his eyes , wrinkles and make his face more chiseledthe wrinkles on the 62-year-old 's forehead , clearly visibly in previous pictures , have disappeared , while his skin look smooth , taut , tanned and younger than ever .it 's the changing face of russian politics .\n", + "appeared on russian television today looking tanned and wrinkle-freerussian president disappeared for 10 days last month with no explanationrumours for years that president has undergone facial cosmetic surgery\n", + "[1.2042562 1.0817462 1.1067606 1.2879256 1.3001277 1.1800458 1.0740819\n", + " 1.0393428 1.1410567 1.0742943 1.0607294 1.0296003 1.0542046 1.0750337\n", + " 1.0369264 1.0613618 1.0672637 0. ]\n", + "\n", + "[ 4 3 0 5 8 2 1 13 9 6 16 15 10 12 7 14 11 17]\n", + "=======================\n", + "['the classic english pastry has been identified as the perfect accompaniment to a creamy latte , as well as a cinnamon swirl and a pain au raisin .the next time you order your coffee give some thought to your choice of pastrywith the coffee drinking scene continuing to grow in britain , baristas and cafe owners are putting more thought into the cakes and pasties that accompany your beverage .']\n", + "=======================\n", + "['head of coffee at pact coffee will corby recommends the best pairingshave a crumbly , hard cheese like lancashire with your irish coffeea delicately spiced pastry will let you detect light espresso flavour in latte']\n", + "the classic english pastry has been identified as the perfect accompaniment to a creamy latte , as well as a cinnamon swirl and a pain au raisin .the next time you order your coffee give some thought to your choice of pastrywith the coffee drinking scene continuing to grow in britain , baristas and cafe owners are putting more thought into the cakes and pasties that accompany your beverage .\n", + "head of coffee at pact coffee will corby recommends the best pairingshave a crumbly , hard cheese like lancashire with your irish coffeea delicately spiced pastry will let you detect light espresso flavour in latte\n", + "[1.2803943 1.4554746 1.1477506 1.2883161 1.1541396 1.1170237 1.0942819\n", + " 1.0649867 1.0553485 1.0586449 1.0670677 1.1783983 1.0645822 1.1279042\n", + " 1.1033399 1.0135708 0. 0. ]\n", + "\n", + "[ 1 3 0 11 4 2 13 5 14 6 10 7 12 9 8 15 16 17]\n", + "=======================\n", + "['brian cassidy was picking up trash outside the store in bangor , maine on thursday when he discovered the wet stack of money beneath a large piece of paper in the parking lot .returned : the money belonged to ou chen , who lost the $ 4,000 as he cleared snow off his car last winter after leaving his job at a nearby restaurant .great work : brian cassidy , right , is pictured being presented with a bangor police department challenge coin by an officer after he found $ 4,400 cash in a walmart parking lot and alerted security']\n", + "=======================\n", + "['brian cassidy was picking up trash from the parking lot of the bangor , maine store last thursday when he found the wet stack of cashhe immediately contacted security and police were calledthey discovered that a man who worked at a nearby restaurant , ou chen , had reported losing the money while cleaning snow off his car last winterpolice returned the cash to chen and thanked cassidy for his integrity by awarding him a police deparment coin']\n", + "brian cassidy was picking up trash outside the store in bangor , maine on thursday when he discovered the wet stack of money beneath a large piece of paper in the parking lot .returned : the money belonged to ou chen , who lost the $ 4,000 as he cleared snow off his car last winter after leaving his job at a nearby restaurant .great work : brian cassidy , right , is pictured being presented with a bangor police department challenge coin by an officer after he found $ 4,400 cash in a walmart parking lot and alerted security\n", + "brian cassidy was picking up trash from the parking lot of the bangor , maine store last thursday when he found the wet stack of cashhe immediately contacted security and police were calledthey discovered that a man who worked at a nearby restaurant , ou chen , had reported losing the money while cleaning snow off his car last winterpolice returned the cash to chen and thanked cassidy for his integrity by awarding him a police deparment coin\n", + "[1.2494999 1.4778433 1.1478211 1.225094 1.1753078 1.1115739 1.1208962\n", + " 1.1128601 1.1186742 1.082665 1.0387703 1.0230185 1.1759449 1.1450462\n", + " 1.0713855 1.0362062 1.0141213 1.0189872]\n", + "\n", + "[ 1 0 3 12 4 2 13 6 8 7 5 9 14 10 15 11 17 16]\n", + "=======================\n", + "[\"ariana mason , 21 , claims she was also choked by the man when he put her in a ` stranglehold ' at a las vegas hotel .a young fashion designer who needed 26 stitches to her face after it was allegedly smashed into a glass table-top by a police officer is suing him and his force for $ 4million .after filing a civil rights lawsuit against officer shawn izzo and the metropolitan police department , , she told reporters yesterday : ` what happened to me was wrong and i do n't want it to happen to anybody else . '\"]\n", + "=======================\n", + "[\"shawn izzo is alleged to have used ` excessive force ' on ariana masonariana said she needed 26 stitches and that her teeth were brokenshe admits punching the officer but ` did n't realise ' he was with police\"]\n", + "ariana mason , 21 , claims she was also choked by the man when he put her in a ` stranglehold ' at a las vegas hotel .a young fashion designer who needed 26 stitches to her face after it was allegedly smashed into a glass table-top by a police officer is suing him and his force for $ 4million .after filing a civil rights lawsuit against officer shawn izzo and the metropolitan police department , , she told reporters yesterday : ` what happened to me was wrong and i do n't want it to happen to anybody else . '\n", + "shawn izzo is alleged to have used ` excessive force ' on ariana masonariana said she needed 26 stitches and that her teeth were brokenshe admits punching the officer but ` did n't realise ' he was with police\n", + "[1.168228 1.3218814 1.2919759 1.2972395 1.065838 1.0548997 1.1484985\n", + " 1.0913613 1.0896746 1.0378857 1.0643913 1.0439743 1.0375261 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 6 7 8 4 10 5 11 9 12 16 13 14 15 17]\n", + "=======================\n", + "[\"the 250-piece collaboration - which included clothing , accessories , and homeware from the designer at target 's lower price point - attracted thousands of enthusiastic shoppers who logged online early and waited in long lines outside target stores before they opened .fast fashion gets faster : lilly pulitzer 's lower-priced collection for target sold out almost immediately online and in stores ; customers re-selling this $ 34 maxi dress were netting bids over $ 200now officially sold out by the retailer , pieces from the diffusion line have popped up on ebay - but those cruising the bidding site should n't expect to see the same original low prices paid by target customers .\"]\n", + "=======================\n", + "['the designer diffusion line went on sale sunday morning but was nearly sold out online before noon , with stores selling out minutes after openingre-sellers initially tried to unload merchandise at crazy prices including $ 799 for a $ 150 hammock ; now thousands of pieces are available on ebay with smaller markups']\n", + "the 250-piece collaboration - which included clothing , accessories , and homeware from the designer at target 's lower price point - attracted thousands of enthusiastic shoppers who logged online early and waited in long lines outside target stores before they opened .fast fashion gets faster : lilly pulitzer 's lower-priced collection for target sold out almost immediately online and in stores ; customers re-selling this $ 34 maxi dress were netting bids over $ 200now officially sold out by the retailer , pieces from the diffusion line have popped up on ebay - but those cruising the bidding site should n't expect to see the same original low prices paid by target customers .\n", + "the designer diffusion line went on sale sunday morning but was nearly sold out online before noon , with stores selling out minutes after openingre-sellers initially tried to unload merchandise at crazy prices including $ 799 for a $ 150 hammock ; now thousands of pieces are available on ebay with smaller markups\n", + "[1.2498398 1.4705489 1.2108842 1.1950327 1.2168679 1.137666 1.150096\n", + " 1.0488048 1.0391412 1.026635 1.1145153 1.0667567 1.0434344 1.0344228\n", + " 1.0741206 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 6 5 10 14 11 7 12 8 13 9 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"german detectives have been ` closely monitoring developments ' in the # 60 million london case and are expected to make contact with scotland yard this week .police are investigating links between the hatton garden gems heist and a strikingly similar raid on a berlin bank two years ago .in a case which has strikingly similar traits to the # 60m heist in london , thieves targeted 294 security vaults during a break-in at the volksbank in steglitz , berlin , in january 2013\"]\n", + "=======================\n", + "['police investigating links between hatton garden heist and berlin bank raidgerman detectives expected to make contact with scotland yard this weekthey are keen to find out whether any dna was recovered from the scene']\n", + "german detectives have been ` closely monitoring developments ' in the # 60 million london case and are expected to make contact with scotland yard this week .police are investigating links between the hatton garden gems heist and a strikingly similar raid on a berlin bank two years ago .in a case which has strikingly similar traits to the # 60m heist in london , thieves targeted 294 security vaults during a break-in at the volksbank in steglitz , berlin , in january 2013\n", + "police investigating links between hatton garden heist and berlin bank raidgerman detectives expected to make contact with scotland yard this weekthey are keen to find out whether any dna was recovered from the scene\n", + "[1.5300484 1.2976458 1.3197453 1.1561437 1.1261718 1.0830628 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 1 3 4 5 20 19 18 17 16 15 14 11 12 21 10 9 8 7 6 13 22]\n", + "=======================\n", + "['sao paulo , brazil ( cnn ) brazilian supermodel gisele bundchen sashayed down the catwalk at sao paulo fashion week on wednesday night in an emotional farewell to the runway .the 34-year-old , who is married to new england patriots quarterback tom brady and has two children , has said she wants to spend more time with her family .bundchen announced over the weekend that she would be retiring from the catwalk , though not the fashion industry .']\n", + "=======================\n", + "['gisele bundchen walked the runway for the last time wednesday night in brazilthe supermodel announced her retirement from runway modeling over the weekendshe plans to continue working in other facets of the industry']\n", + "sao paulo , brazil ( cnn ) brazilian supermodel gisele bundchen sashayed down the catwalk at sao paulo fashion week on wednesday night in an emotional farewell to the runway .the 34-year-old , who is married to new england patriots quarterback tom brady and has two children , has said she wants to spend more time with her family .bundchen announced over the weekend that she would be retiring from the catwalk , though not the fashion industry .\n", + "gisele bundchen walked the runway for the last time wednesday night in brazilthe supermodel announced her retirement from runway modeling over the weekendshe plans to continue working in other facets of the industry\n", + "[1.1452024 1.3912013 1.3939273 1.201205 1.280917 1.0402308 1.0754377\n", + " 1.1195916 1.0211182 1.0170105 1.0459015 1.0734301 1.0744089 1.0419103\n", + " 1.0979593 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 1 4 3 0 7 14 6 12 11 10 13 5 8 9 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"sheldon nadelman , 80 , who worked at the bar from 1973 to 1982 , would meet and photograph the women as they came in at eight in the morning for three shots of cognac before going out to walk the streets .but photos of the area 's ` notorious ' dive bar , terminal , have been preserved by the bartender and photographer who served drinks to pimps , prostitutes and destitute new yorkers floating around the port authority bus terminal .photos taken from behind the bar at terminal bar , a 41st street and 8th avenue watering hole open until 1982 , show a side of times square that has disappeared in the glare of coca cola advertisements\"]\n", + "=======================\n", + "[\"sheldon nadelman , 80 , captured images of new yorkers while working at terminal bar on 41st street and 8th avephotos between 1973 and 1982 show prostitutes , pimps and homeless people around port authority bus terminalsex workers would come in to drink cognac at eight in the morning before going out to walk the streetsterminal bar closed when owner did n't want to pay $ 125,000 a year rent on property that now leases for millionsblock with bar in neighborhood described as ` dirtiest , wildest and toughest ' now has an upscale grocery store\"]\n", + "sheldon nadelman , 80 , who worked at the bar from 1973 to 1982 , would meet and photograph the women as they came in at eight in the morning for three shots of cognac before going out to walk the streets .but photos of the area 's ` notorious ' dive bar , terminal , have been preserved by the bartender and photographer who served drinks to pimps , prostitutes and destitute new yorkers floating around the port authority bus terminal .photos taken from behind the bar at terminal bar , a 41st street and 8th avenue watering hole open until 1982 , show a side of times square that has disappeared in the glare of coca cola advertisements\n", + "sheldon nadelman , 80 , captured images of new yorkers while working at terminal bar on 41st street and 8th avephotos between 1973 and 1982 show prostitutes , pimps and homeless people around port authority bus terminalsex workers would come in to drink cognac at eight in the morning before going out to walk the streetsterminal bar closed when owner did n't want to pay $ 125,000 a year rent on property that now leases for millionsblock with bar in neighborhood described as ` dirtiest , wildest and toughest ' now has an upscale grocery store\n", + "[1.5017755 1.1595376 1.2674563 1.2744637 1.1909153 1.1896956 1.150606\n", + " 1.1169215 1.1250957 1.1358225 1.0176113 1.0150778 1.2162738 1.0192809\n", + " 1.0119317 1.0326574 1.0498185 1.029096 1.0196034 1.0098318 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 2 12 4 5 1 6 9 8 7 16 15 17 18 13 10 11 14 19 21 20 22]\n", + "=======================\n", + "[\"mercedes motorsport boss toto wolff believes nico rosberg was back to his best in sunday 's bahrain grand prix .nico rosberg duels for position with the ferrari of sebastian vettel during sunday 's race in bahrainalthough rosberg could only finish third behind hamilton and ferrari star kimi raikkonen at the bahrain international circuit , he proved over the course of the race he still has what it takes .\"]\n", + "=======================\n", + "['nico rosberg fought his way past kimi raikkonen and sebastian vettelhe ultimately finished third after his brakes failed in closing stagesthe german is now 27 points behind title leader lewis hamiltonhamilton has out-qualified and finished ahead of rosberg at every race']\n", + "mercedes motorsport boss toto wolff believes nico rosberg was back to his best in sunday 's bahrain grand prix .nico rosberg duels for position with the ferrari of sebastian vettel during sunday 's race in bahrainalthough rosberg could only finish third behind hamilton and ferrari star kimi raikkonen at the bahrain international circuit , he proved over the course of the race he still has what it takes .\n", + "nico rosberg fought his way past kimi raikkonen and sebastian vettelhe ultimately finished third after his brakes failed in closing stagesthe german is now 27 points behind title leader lewis hamiltonhamilton has out-qualified and finished ahead of rosberg at every race\n", + "[1.2706091 1.3193625 1.3243022 1.3147514 1.1843289 1.1251833 1.1250911\n", + " 1.1453574 1.0341809 1.047317 1.0532175 1.0379071 1.0433966 1.1434258\n", + " 1.0695255 1.1631823 1.0578284 1.0499367 1.0564265 1.0945886 1.037063\n", + " 1.0320429 1.0168014]\n", + "\n", + "[ 2 1 3 0 4 15 7 13 5 6 19 14 16 18 10 17 9 12 11 20 8 21 22]\n", + "=======================\n", + "[\"the incident happened last saturday in nanchang , the provincial capital of jiangxi in southeastern china , reported the people 's daily online .according to his father , the boy most likely fell while sleepwalking .life-saving car : the 12-year-old boy from nanchang was saved by this car parked underneath the building\"]\n", + "=======================\n", + "['12-year-old boy survives five-storey fall by landing on a carfather says child was sleepwalking and fell from the windowpublic security bureau is further investigating the incidentcar owner feels dismayed as he bought the car not long ago']\n", + "the incident happened last saturday in nanchang , the provincial capital of jiangxi in southeastern china , reported the people 's daily online .according to his father , the boy most likely fell while sleepwalking .life-saving car : the 12-year-old boy from nanchang was saved by this car parked underneath the building\n", + "12-year-old boy survives five-storey fall by landing on a carfather says child was sleepwalking and fell from the windowpublic security bureau is further investigating the incidentcar owner feels dismayed as he bought the car not long ago\n", + "[1.2170557 1.1125661 1.09344 1.057796 1.181889 1.1258204 1.2935462\n", + " 1.0824586 1.0447943 1.0566986 1.1159605 1.0351062 1.1008912 1.0656227\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 6 0 4 5 10 1 12 2 7 13 3 9 8 11 18 14 15 16 17 19]\n", + "=======================\n", + "[\"if the assumptions are correct , she will be the first princess of cambridge born into the royal family in 182 years .( cnn ) much like the ardent young royal-watchers of today , enamored by the duchess of cambridge 's very being , i was similarly captivated by diana , princess of wales when i was a youngster .as the world awaits the impending birth of william and kate 's second baby , potential names have become the topic of rampant speculation and heated debate .\"]\n", + "=======================\n", + "['as william and kate await the arrival of their second child , speculation is rife as to what he or she will be namedroyal expert victoria arbiter argues that naming a newborn princess after diana would put too much pressure on her']\n", + "if the assumptions are correct , she will be the first princess of cambridge born into the royal family in 182 years .( cnn ) much like the ardent young royal-watchers of today , enamored by the duchess of cambridge 's very being , i was similarly captivated by diana , princess of wales when i was a youngster .as the world awaits the impending birth of william and kate 's second baby , potential names have become the topic of rampant speculation and heated debate .\n", + "as william and kate await the arrival of their second child , speculation is rife as to what he or she will be namedroyal expert victoria arbiter argues that naming a newborn princess after diana would put too much pressure on her\n", + "[1.3848151 1.4656615 1.0925027 1.1515676 1.2676746 1.0479382 1.1444588\n", + " 1.1866058 1.1286174 1.0261601 1.1524622 1.1273173 1.0202332 1.00754\n", + " 1.0081114 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 7 10 3 6 8 11 2 5 9 12 14 13 15 16 17 18 19]\n", + "=======================\n", + "['\" furious 7 \" -- the final film from the late paul walker -- is expected to gross $ 115 million or more when opening at the north american box office this weekend , the top showing ever for an april title , not accounting for inflation.domestically , it is getting the widest release in universal \\'s history with a theater count of roughly 4,003 ( including imax locations ) , eclipsing \" despicable me 2 \" ( 3,956 ) .the last film , \" fast & furious 6 , \" debuted to a franchise-best $ 117 million over the four-day memorial day weekend in 2012 , including $ 97.4 million for the three days , on its way to grossing $ 788.7 million worldwide .overseas , the movie is also poised to do massive business , putting its global debut north of $ 250 million .']\n", + "=======================\n", + "['the film is expected to gross $ 115 million or morepaul walker died in a car crash during filming\" furious 7 \" poised to nab the biggest opening of 2015 so far']\n", + "\" furious 7 \" -- the final film from the late paul walker -- is expected to gross $ 115 million or more when opening at the north american box office this weekend , the top showing ever for an april title , not accounting for inflation.domestically , it is getting the widest release in universal 's history with a theater count of roughly 4,003 ( including imax locations ) , eclipsing \" despicable me 2 \" ( 3,956 ) .the last film , \" fast & furious 6 , \" debuted to a franchise-best $ 117 million over the four-day memorial day weekend in 2012 , including $ 97.4 million for the three days , on its way to grossing $ 788.7 million worldwide .overseas , the movie is also poised to do massive business , putting its global debut north of $ 250 million .\n", + "the film is expected to gross $ 115 million or morepaul walker died in a car crash during filming\" furious 7 \" poised to nab the biggest opening of 2015 so far\n", + "[1.0905533 1.376327 1.1692829 1.3449858 1.0664752 1.3193691 1.2215862\n", + " 1.1132613 1.1565325 1.0419209 1.0650939 1.1454172 1.1643965 1.1184666\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 5 6 2 12 8 11 13 7 0 4 10 9 14 15 16 17 18 19]\n", + "=======================\n", + "['women typically take and delete five pictures before settling on a selfie they feel comfortable posting online , a survey found .the survey , carried out by onepoll , found men are also guilty of taking multiple selfies before they post one they liketwo in three women ( 64 per cent ) feel anxious just having their photo taken , while looking at snaps on social media made 41 per cent feel bad about themselves , according to a survey of 5,000 people by market researchers onepoll .']\n", + "=======================\n", + "['survey finds women rule out five photos before posting a selfie onlinetwo in three women anxious about having their photo taken , onepoll founditv show launching campaign to get people to share their first selfie online']\n", + "women typically take and delete five pictures before settling on a selfie they feel comfortable posting online , a survey found .the survey , carried out by onepoll , found men are also guilty of taking multiple selfies before they post one they liketwo in three women ( 64 per cent ) feel anxious just having their photo taken , while looking at snaps on social media made 41 per cent feel bad about themselves , according to a survey of 5,000 people by market researchers onepoll .\n", + "survey finds women rule out five photos before posting a selfie onlinetwo in three women anxious about having their photo taken , onepoll founditv show launching campaign to get people to share their first selfie online\n", + "[1.543215 1.4544225 1.1790311 1.1626468 1.1834767 1.4222655 1.0716983\n", + " 1.0869867 1.0727965 1.0230155 1.0450583 1.0116786 1.0113846 1.0093563\n", + " 1.0196531 1.0250627 1.0156783 1.020429 1.1000695 1.021044 ]\n", + "\n", + "[ 0 1 5 4 2 3 18 7 8 6 10 15 9 19 17 14 16 11 12 13]\n", + "=======================\n", + "[\"louis van gaal has revealed that he has spoken to marouane fellaini about keeping his cool when the manchester united midfielder returns to goodison park on sunday for the first time since his # 27million move from everton .fellaini , who followed manager david moyes to old trafford in the summer of 2013 , is set for a more hostile reception than juan mata received at his old club chelsea last weekend .united are gearing up for a trip to everton , and the game will be fellaini 's first return to his former club\"]\n", + "=======================\n", + "[\"manchester united travel to everton in the premier league this weekendit is marouane fellaini 's first return to goodison park since joining unitedlouis van gaal admits he has told fellaini to keep his coolunited are likely to be without michael carrick , phil jones , marcos rojo and daley blind for the trip to merseysideeverton vs man united : team news , kick-off time and probable line-ups\"]\n", + "louis van gaal has revealed that he has spoken to marouane fellaini about keeping his cool when the manchester united midfielder returns to goodison park on sunday for the first time since his # 27million move from everton .fellaini , who followed manager david moyes to old trafford in the summer of 2013 , is set for a more hostile reception than juan mata received at his old club chelsea last weekend .united are gearing up for a trip to everton , and the game will be fellaini 's first return to his former club\n", + "manchester united travel to everton in the premier league this weekendit is marouane fellaini 's first return to goodison park since joining unitedlouis van gaal admits he has told fellaini to keep his coolunited are likely to be without michael carrick , phil jones , marcos rojo and daley blind for the trip to merseysideeverton vs man united : team news , kick-off time and probable line-ups\n", + "[1.2939259 1.1579425 1.0420712 1.1345766 1.1988364 1.3206121 1.0639057\n", + " 1.0342937 1.0339266 1.1033987 1.0588017 1.0356904 1.0301201 1.0908229\n", + " 1.0884712 1.0270288 1.0188476 0. 0. 0. ]\n", + "\n", + "[ 5 0 4 1 3 9 13 14 6 10 2 11 7 8 12 15 16 18 17 19]\n", + "=======================\n", + "[\"tiger 's nest monastery is the most sacred site in the buddhist country of bhutan and was built in the 8th century` welcome to the land of gnh ' was blazoned across the poster in front of me as i stepped off the plane at paro airport .the only billboard showed a glamorous young couple , the fifth king and his queen , looking as if they had stepped out of a bollywood movie .\"]\n", + "=======================\n", + "['bhutan measures its success with a gross national happiness index instead of using gdpthe buddhist country is a land of myths and magic , where tigers fly and witches reside in ancient forestshouses are decorated with dragons , animals and phallic symbols to guard against malicious thoughtsbuddhist monuments , known as stupas , are erected near rivers to defy the evil spirits that lurk beneath the watermassive dzongs , medieval monastic fortresses , tower over the valleys decorated with prayer flags']\n", + "tiger 's nest monastery is the most sacred site in the buddhist country of bhutan and was built in the 8th century` welcome to the land of gnh ' was blazoned across the poster in front of me as i stepped off the plane at paro airport .the only billboard showed a glamorous young couple , the fifth king and his queen , looking as if they had stepped out of a bollywood movie .\n", + "bhutan measures its success with a gross national happiness index instead of using gdpthe buddhist country is a land of myths and magic , where tigers fly and witches reside in ancient forestshouses are decorated with dragons , animals and phallic symbols to guard against malicious thoughtsbuddhist monuments , known as stupas , are erected near rivers to defy the evil spirits that lurk beneath the watermassive dzongs , medieval monastic fortresses , tower over the valleys decorated with prayer flags\n", + "[1.3256984 1.1868238 1.1700964 1.2508442 1.1898618 1.2182207 1.0595117\n", + " 1.0564545 1.0239486 1.0419624 1.0675392 1.0976305 1.0328183 1.0437204\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 5 4 1 2 11 10 6 7 13 9 12 8 14 15 16]\n", + "=======================\n", + "[\"( cnn ) after years of making the case that the education of athletes is paramount , the ncaa now says it has no legal responsibility to make sure education is actually delivered .but the ncaa is taking a very different position in response to a lawsuit filed by former university of north carolina athletes .the lawsuit claimed the students did n't get an education because they were caught up in the largest known academic fraud scandal in ncaa history .\"]\n", + "=======================\n", + "['in response to lawsuit , ncaa says it does n\\'t control quality of education for student-athletesbut its website emphasizes importance of education , \" opportunities to learn \"lawsuit claims students did n\\'t get an education because of academic fraud at unc']\n", + "( cnn ) after years of making the case that the education of athletes is paramount , the ncaa now says it has no legal responsibility to make sure education is actually delivered .but the ncaa is taking a very different position in response to a lawsuit filed by former university of north carolina athletes .the lawsuit claimed the students did n't get an education because they were caught up in the largest known academic fraud scandal in ncaa history .\n", + "in response to lawsuit , ncaa says it does n't control quality of education for student-athletesbut its website emphasizes importance of education , \" opportunities to learn \"lawsuit claims students did n't get an education because of academic fraud at unc\n", + "[1.3893665 1.3759791 1.3147719 1.2647705 1.3352723 1.0998267 1.0885354\n", + " 1.0621201 1.0390846 1.016719 1.0104208 1.0622232 1.0210938 1.11294\n", + " 1.150816 1.0376784 0. ]\n", + "\n", + "[ 0 1 4 2 3 14 13 5 6 11 7 8 15 12 9 10 16]\n", + "=======================\n", + "[\"cbs political analyst john dickerson has been announced as the new host of face the nation , taking over from veteran broadcaster bob schieffer .he is expected to make his first appearance this summer , ending schieffer 's 14-year reign as host of the long-running news program , and said he 's ` honored and excited ' by the new job .dickerson worked for time magazine for 12 years , four of them as white house correspondent , and has written extensively about the 2008 presidential campaign , the obama presidency and his second run at the white house in 2010 .\"]\n", + "=======================\n", + "[\"dickerson was announced as replacement during show on sundayjournalist is the chief political correspondent for slate magazinerevealed he is ` honored and excited ' by the new jobhis veteran cbs colleague announced he was stepping down last weektexas native schieffer has been host of the show since 1991\"]\n", + "cbs political analyst john dickerson has been announced as the new host of face the nation , taking over from veteran broadcaster bob schieffer .he is expected to make his first appearance this summer , ending schieffer 's 14-year reign as host of the long-running news program , and said he 's ` honored and excited ' by the new job .dickerson worked for time magazine for 12 years , four of them as white house correspondent , and has written extensively about the 2008 presidential campaign , the obama presidency and his second run at the white house in 2010 .\n", + "dickerson was announced as replacement during show on sundayjournalist is the chief political correspondent for slate magazinerevealed he is ` honored and excited ' by the new jobhis veteran cbs colleague announced he was stepping down last weektexas native schieffer has been host of the show since 1991\n", + "[1.1605685 1.4691871 1.2692045 1.3364906 1.1817322 1.127635 1.0624213\n", + " 1.0348024 1.087473 1.0996089 1.0769751 1.0284021 1.1012408 1.0660934\n", + " 1.0860951 1.0261916 1.015712 ]\n", + "\n", + "[ 1 3 2 4 0 5 12 9 8 14 10 13 6 7 11 15 16]\n", + "=======================\n", + "['around two million high school students admitted to buying vaporizers in 2014 - more than triple the 660,000 recorded the year before .but smoking of traditional cigarettes plummeted to about nine per cent .the cdc report , released on thursday , is based on a national survey of about 22,000 students at middle schools and high schools , both public and private .']\n", + "=======================\n", + "['two million high school students admitted to using e-cigarettes in 2014that is an increase of 13 per cent from the 660,000 recorded in 2013traditional cigarette use has plummeted by 9 per cent , cdc study showsexperts warn e-cigarette marketing is not regulated']\n", + "around two million high school students admitted to buying vaporizers in 2014 - more than triple the 660,000 recorded the year before .but smoking of traditional cigarettes plummeted to about nine per cent .the cdc report , released on thursday , is based on a national survey of about 22,000 students at middle schools and high schools , both public and private .\n", + "two million high school students admitted to using e-cigarettes in 2014that is an increase of 13 per cent from the 660,000 recorded in 2013traditional cigarette use has plummeted by 9 per cent , cdc study showsexperts warn e-cigarette marketing is not regulated\n", + "[1.369205 1.2340302 1.43024 1.3333691 1.1364572 1.1180168 1.0460212\n", + " 1.0220658 1.0361245 1.1039271 1.1440593 1.0311104 1.0902847 1.0586957\n", + " 1.0868171 1.083715 0. ]\n", + "\n", + "[ 2 0 3 1 10 4 5 9 12 14 15 13 6 8 11 7 16]\n", + "=======================\n", + "[\"carol chandler , 53 , allegedly molested a boy , under the age of 14 who was a pupil at top independent school st paul 's in barnes , south west london , during the 1980s .carol chandler at southwark crown court to answer charges of historic sexual abuseshe is facing three counts of indecent assault and two counts of gross indecency between 1983 and 1985 .\"]\n", + "=======================\n", + "[\"carol chandler , 53 , accused of abusing boy under 14 at st paul 's schoolteacher at southwark crown court facing three counts of indecent assault and two counts of gross indecency at the school between 1983 and 1985school costs # 32,000-a-year and counts george osborne among old boys\"]\n", + "carol chandler , 53 , allegedly molested a boy , under the age of 14 who was a pupil at top independent school st paul 's in barnes , south west london , during the 1980s .carol chandler at southwark crown court to answer charges of historic sexual abuseshe is facing three counts of indecent assault and two counts of gross indecency between 1983 and 1985 .\n", + "carol chandler , 53 , accused of abusing boy under 14 at st paul 's schoolteacher at southwark crown court facing three counts of indecent assault and two counts of gross indecency at the school between 1983 and 1985school costs # 32,000-a-year and counts george osborne among old boys\n", + "[1.1904674 1.0940516 1.2106841 1.077784 1.0429233 1.1732452 1.1258401\n", + " 1.0505327 1.0572734 1.075724 1.0869051 1.1312001 1.0863363 1.1325369\n", + " 1.0744087 0. 0. ]\n", + "\n", + "[ 2 0 5 13 11 6 1 10 12 3 9 14 8 7 4 15 16]\n", + "=======================\n", + "[\"opt for a stroll around new york 's recently-built highline or paris ' jardin du luxembourg , or visit one of london 's many free museums for a no-cost cultural fix .known for their high-end boutiques , wallet-stretching gastronomical delights , and luxurious hotel offerings , it may seem like an impossible dream to visit some of the world 's most cosmopolitan cities on a budget .hotel 31 and apple core hotels ' nyma , a new york manhattan hotel , are both located just a five-minute walk from the empire state building , which is great for those looking to stay in the heart of midtown without breaking the bank .\"]\n", + "=======================\n", + "['in new york city , opt for free attractions , like central park or the highlinestay just outside the city centre in zurich and toronto to savetripadvisor offers plenty of low-cost accommodations , all for under # 100']\n", + "opt for a stroll around new york 's recently-built highline or paris ' jardin du luxembourg , or visit one of london 's many free museums for a no-cost cultural fix .known for their high-end boutiques , wallet-stretching gastronomical delights , and luxurious hotel offerings , it may seem like an impossible dream to visit some of the world 's most cosmopolitan cities on a budget .hotel 31 and apple core hotels ' nyma , a new york manhattan hotel , are both located just a five-minute walk from the empire state building , which is great for those looking to stay in the heart of midtown without breaking the bank .\n", + "in new york city , opt for free attractions , like central park or the highlinestay just outside the city centre in zurich and toronto to savetripadvisor offers plenty of low-cost accommodations , all for under # 100\n", + "[1.3247216 1.53788 1.2213168 1.4117463 1.1564901 1.1089045 1.0260175\n", + " 1.0214089 1.027476 1.2618947 1.0292122 1.019853 1.0162246 1.0184658\n", + " 1.0403942 1.0302045 1.0109006 1.0913552 1.0107746 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 9 2 4 5 17 14 15 10 8 6 7 11 13 12 16 18 21 19 20 22]\n", + "=======================\n", + "[\"warwickshire batsman trott touched down in the west indies with england on thursday night , back in the international set-up for the first time since leaving last winter 's ashes tour with a stress-related illness .the renowned sports psychiatrist dr steve peters claims he did little more than give jonathan trott the tools to rebuild his england career .trott has spoken openly of his struggles since , but has slowly rehabilitated his career with both warwickshire and the england lions and is now on the brink of returning to tests .\"]\n", + "=======================\n", + "[\"jonathan trott returned to england 's set-up after his stress-related illnesssport psychiatrist dr steve peters helped the batsman with his problemspeters is delighted to see the ` incredible ' trott return for englandclick here for all the latest cricket news\"]\n", + "warwickshire batsman trott touched down in the west indies with england on thursday night , back in the international set-up for the first time since leaving last winter 's ashes tour with a stress-related illness .the renowned sports psychiatrist dr steve peters claims he did little more than give jonathan trott the tools to rebuild his england career .trott has spoken openly of his struggles since , but has slowly rehabilitated his career with both warwickshire and the england lions and is now on the brink of returning to tests .\n", + "jonathan trott returned to england 's set-up after his stress-related illnesssport psychiatrist dr steve peters helped the batsman with his problemspeters is delighted to see the ` incredible ' trott return for englandclick here for all the latest cricket news\n", + "[1.3489206 1.2296749 1.3703129 1.189202 1.2276233 1.0857803 1.1848917\n", + " 1.1084924 1.036006 1.0560527 1.0252274 1.1318598 1.0695347 1.2013764\n", + " 1.0243838 1.0376408 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 1 4 13 3 6 11 7 5 12 9 15 8 10 14 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"jonathan leblanc , the company 's top developer , said that the devices would be powered by stomach acid and include mini computers .paypal is developing a new generation of edible passwords which stay lodged in your stomach to let you log in .the next wave of passwords will be edible , ingestible or injectable and will remove the need for what he called ` antiquated ' ways of confirming your identity , such as fingerprint scanning .\"]\n", + "=======================\n", + "[\"company developing a password that stays lodged in your stomachjonathan leblanc , the company 's top developer , said that the devices would be powered by stomach acid and include mini computersadded that technology had become so advanced that it allowed ` true integration with the human body '\"]\n", + "jonathan leblanc , the company 's top developer , said that the devices would be powered by stomach acid and include mini computers .paypal is developing a new generation of edible passwords which stay lodged in your stomach to let you log in .the next wave of passwords will be edible , ingestible or injectable and will remove the need for what he called ` antiquated ' ways of confirming your identity , such as fingerprint scanning .\n", + "company developing a password that stays lodged in your stomachjonathan leblanc , the company 's top developer , said that the devices would be powered by stomach acid and include mini computersadded that technology had become so advanced that it allowed ` true integration with the human body '\n", + "[1.3193853 1.3115042 1.2740299 1.1637828 1.2969098 1.0718055 1.1051186\n", + " 1.027662 1.0366354 1.056876 1.0583155 1.0689639 1.0532231 1.0774893\n", + " 1.1430942 1.0567229 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 4 2 3 14 6 13 5 11 10 9 15 12 8 7 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"arizona officials who botched an investigation into the rape of a 13-year-old girl - allowing her rapist to continue to assault her for four years - have agreed to pay her $ 3.5 million .the payout by maricopa county , which was revealed on wednesday , comes after it emerged that patrick morrison continued to assault the mentally-disabled girl , his niece , and even got her pregnant when detectives failed to properly investigate the case .her rape was among more than 400 sex-crime cases that were inadequately investigated or not looked into at all by sheriff joe arpaio 's office over a three-year period ending in 2007 .\"]\n", + "=======================\n", + "[\"patrick morrison first raped his mentally-disabled niece sabrina morrison in 2007 and after she told a teacher , a rape kit was carried outeven though the lab found traces of semen , detectives with the maricopa county sheriff 's office closed the case and did not arrest morrisonhe went on to rape his niece for four years and even got her pregnant , although she aborted the childthe case was re-opened in 2011 and he admitted to the attacksit is just one of 400 sex-crime cases that were inadequately investigated by sheriff joe arpaio 's office over a three-year period\"]\n", + "arizona officials who botched an investigation into the rape of a 13-year-old girl - allowing her rapist to continue to assault her for four years - have agreed to pay her $ 3.5 million .the payout by maricopa county , which was revealed on wednesday , comes after it emerged that patrick morrison continued to assault the mentally-disabled girl , his niece , and even got her pregnant when detectives failed to properly investigate the case .her rape was among more than 400 sex-crime cases that were inadequately investigated or not looked into at all by sheriff joe arpaio 's office over a three-year period ending in 2007 .\n", + "patrick morrison first raped his mentally-disabled niece sabrina morrison in 2007 and after she told a teacher , a rape kit was carried outeven though the lab found traces of semen , detectives with the maricopa county sheriff 's office closed the case and did not arrest morrisonhe went on to rape his niece for four years and even got her pregnant , although she aborted the childthe case was re-opened in 2011 and he admitted to the attacksit is just one of 400 sex-crime cases that were inadequately investigated by sheriff joe arpaio 's office over a three-year period\n", + "[1.1561193 1.2222915 1.3586524 1.354146 1.2236307 1.0567288 1.0313859\n", + " 1.138841 1.1029505 1.0967793 1.1528753 1.0876985 1.0684944 1.0194814\n", + " 1.0154412 1.0099095 1.0105704 1.0127304 1.0089003 1.0119182 1.0109041\n", + " 1.0091909 1.072072 ]\n", + "\n", + "[ 2 3 4 1 0 10 7 8 9 11 22 12 5 6 13 14 17 19 20 16 15 21 18]\n", + "=======================\n", + "[\"he is the first graduate of the last mile , the world 's only prison-based tech incubator .leal was one of 15 prisoners who was selected from about 200 to undergo six months of intensive business training with silicon valley entrepreneurs to develop their own business plan - while inside san quentin .however , unlike most app developers , he learnt about technology not at mit or at stanford , but at san quentin correctional facility .\"]\n", + "=======================\n", + "['kenyatta leal was handed life sentence for firearms in 1994inside san quentin he was accepted to unprecedented tech schemeprisoners who never experienced the internet learn to code']\n", + "he is the first graduate of the last mile , the world 's only prison-based tech incubator .leal was one of 15 prisoners who was selected from about 200 to undergo six months of intensive business training with silicon valley entrepreneurs to develop their own business plan - while inside san quentin .however , unlike most app developers , he learnt about technology not at mit or at stanford , but at san quentin correctional facility .\n", + "kenyatta leal was handed life sentence for firearms in 1994inside san quentin he was accepted to unprecedented tech schemeprisoners who never experienced the internet learn to code\n", + "[1.3250655 1.4671364 1.1863058 1.188153 1.228961 1.1258959 1.3130819\n", + " 1.0572749 1.0450268 1.014085 1.0258483 1.0637771 1.0240062 1.0297927\n", + " 1.0756462 1.1550376 1.1548274 1.1233729 1.0286909 1.008972 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 6 4 3 2 15 16 5 17 14 11 7 8 13 18 10 12 9 19 20 21 22]\n", + "=======================\n", + "[\"the meticulous manchester united boss was stunned to find that players could not train after dark at the swish complex on the outskirts of the city when he arrived last summer .louis van gaal has won a battle to install floodlights at the club 's carrington training ground .sportsmail understands van gaal is very keen to replicate match conditions during sessions .\"]\n", + "=======================\n", + "['manchester united manager louis van gaal was stunned players could not train after dark at the swish carrington training groundvan gaal ordered improvements including the installation of floodlightsthe dutchman is keen to replicate match conditions during sessions']\n", + "the meticulous manchester united boss was stunned to find that players could not train after dark at the swish complex on the outskirts of the city when he arrived last summer .louis van gaal has won a battle to install floodlights at the club 's carrington training ground .sportsmail understands van gaal is very keen to replicate match conditions during sessions .\n", + "manchester united manager louis van gaal was stunned players could not train after dark at the swish carrington training groundvan gaal ordered improvements including the installation of floodlightsthe dutchman is keen to replicate match conditions during sessions\n", + "[1.2523353 1.2637935 1.3187511 1.316838 1.16275 1.08669 1.0565239\n", + " 1.0577866 1.0696903 1.1191413 1.0689746 1.0191258 1.0183073 1.0430484\n", + " 1.0364047 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 0 4 9 5 8 10 7 6 13 14 11 12 18 15 16 17 19]\n", + "=======================\n", + "[\"the invisible , creepy presence reported by so many people over the centuries is just a set of mixed-up signals in the brain , the researchers say .the spooky experiment which conjured up a ghostly illusion in the laboratory has proved once and for all that it 's only our mind playing tricks .blindfolded and wearing ear-plugs , test subjects performed movements with their hand attached to a robotic device .\"]\n", + "=======================\n", + "[\"swiss researchers carried out an experiment to make artificial ` ghosts 'the sensation was re-created by researchers using a robot to interfere with the sensory signals in the brains of blindfolded volunteers\"]\n", + "the invisible , creepy presence reported by so many people over the centuries is just a set of mixed-up signals in the brain , the researchers say .the spooky experiment which conjured up a ghostly illusion in the laboratory has proved once and for all that it 's only our mind playing tricks .blindfolded and wearing ear-plugs , test subjects performed movements with their hand attached to a robotic device .\n", + "swiss researchers carried out an experiment to make artificial ` ghosts 'the sensation was re-created by researchers using a robot to interfere with the sensory signals in the brains of blindfolded volunteers\n", + "[1.0300816 1.3758732 1.2676613 1.1562309 1.0723921 1.2865425 1.1810383\n", + " 1.1210481 1.0602216 1.1519921 1.1191417 1.0930135 1.0797387 1.055357\n", + " 1.0551231 1.0518816 1.0289528 1.0131887 1.0335355 0. ]\n", + "\n", + "[ 1 5 2 6 3 9 7 10 11 12 4 8 13 14 15 18 0 16 17 19]\n", + "=======================\n", + "['none of the girls rescued from raided boko haram camps in nigeria has been identified thus far as among the missing chibok girls , a high-ranking nigerian army official said .nigerian troops rescued 200 girls and 93 women tuesday in the sambisa forest , the nigerian armed forces announced on its official twitter account .the armed forces could not immediately confirm if any of the rescued girls were among the 200 schoolgirls the militant group boko haram kidnapped in april 2014 from the village of chibok .']\n", + "=======================\n", + "['military has not confirmed if any rescued girls came from 2014 chibok mass abductionnigerian troops raided boko haram camps in northeastern nigeria , military says']\n", + "none of the girls rescued from raided boko haram camps in nigeria has been identified thus far as among the missing chibok girls , a high-ranking nigerian army official said .nigerian troops rescued 200 girls and 93 women tuesday in the sambisa forest , the nigerian armed forces announced on its official twitter account .the armed forces could not immediately confirm if any of the rescued girls were among the 200 schoolgirls the militant group boko haram kidnapped in april 2014 from the village of chibok .\n", + "military has not confirmed if any rescued girls came from 2014 chibok mass abductionnigerian troops raided boko haram camps in northeastern nigeria , military says\n", + "[1.2308345 1.440176 1.3229375 1.2960365 1.2632089 1.137115 1.2653451\n", + " 1.0159004 1.0176651 1.0129234 1.0663785 1.0934925 1.0252815 1.0109394\n", + " 1.0136073 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 6 4 0 5 11 10 12 8 7 14 9 13 18 15 16 17 19]\n", + "=======================\n", + "['the owners in huddersfield , west yorkshire , began to experience problems when heavy rain started falling last autumn - and are now calling on harron homes to resolve their 11-month ordeal .neighbours have also reported issues with drains , streetlights , cracks in front doors , gaps between interior doors and the architrave , loose fence panels and a collapsed pipe under the street .liz brindley , 31 , who was one of the first people to move into a property in may last year , said : ` this was meant to be our first dream home , but it has turned into more like hell .']\n", + "=======================\n", + "[\"huddersfield residents began to have problems after heavy rain last yearneighbours reported issues with drains , streetlights and cracks in doorsalso told of loose fence panels and have suffered problems for 11 monthsharron homes admits it is ` genuinely sorry for the inconvenience caused '\"]\n", + "the owners in huddersfield , west yorkshire , began to experience problems when heavy rain started falling last autumn - and are now calling on harron homes to resolve their 11-month ordeal .neighbours have also reported issues with drains , streetlights , cracks in front doors , gaps between interior doors and the architrave , loose fence panels and a collapsed pipe under the street .liz brindley , 31 , who was one of the first people to move into a property in may last year , said : ` this was meant to be our first dream home , but it has turned into more like hell .\n", + "huddersfield residents began to have problems after heavy rain last yearneighbours reported issues with drains , streetlights and cracks in doorsalso told of loose fence panels and have suffered problems for 11 monthsharron homes admits it is ` genuinely sorry for the inconvenience caused '\n", + "[1.3482457 1.1902366 1.3023369 1.1551027 1.369531 1.1400208 1.1028186\n", + " 1.0555798 1.1737692 1.0646212 1.0655466 1.060912 1.0635248 1.0626314\n", + " 1.0257186 1.091775 1.0403157 0. 0. 0. ]\n", + "\n", + "[ 4 0 2 1 8 3 5 6 15 10 9 12 13 11 7 16 14 17 18 19]\n", + "=======================\n", + "[\"raheem sterling has been warned about the dangers of leaving liverpool by his team-mate kolo tourekolo toure has warned raheem sterling that leaving liverpool could see him end up on the scrapheap at a big club , similar to the way that jack rodwell and scott sinclair did at manchester city .chelsea and manchester city are also keen on english football 's hottest property .\"]\n", + "=======================\n", + "[\"raheem sterling has turned down a # 100,000-a-week liverpool contractarsenal , chelsea and manchester city are all interested in signing himkolo toure saw english talent struggle during his time at manchester cityhe has compared sterling 's situation with jack rodwell and scott sinclair\"]\n", + "raheem sterling has been warned about the dangers of leaving liverpool by his team-mate kolo tourekolo toure has warned raheem sterling that leaving liverpool could see him end up on the scrapheap at a big club , similar to the way that jack rodwell and scott sinclair did at manchester city .chelsea and manchester city are also keen on english football 's hottest property .\n", + "raheem sterling has turned down a # 100,000-a-week liverpool contractarsenal , chelsea and manchester city are all interested in signing himkolo toure saw english talent struggle during his time at manchester cityhe has compared sterling 's situation with jack rodwell and scott sinclair\n", + "[1.4291449 1.3215514 1.1892319 1.3224754 1.3299383 1.0471292 1.027679\n", + " 1.0275334 1.0231699 1.0189054 1.0406381 1.1319941 1.039654 1.0183089\n", + " 1.0915108 1.1536484 1.0401651 1.0584178 1.0261015 1.0177608]\n", + "\n", + "[ 0 4 3 1 2 15 11 14 17 5 10 16 12 6 7 18 8 9 13 19]\n", + "=======================\n", + "[\"new york police commissioner bill bratton swooned over the ` boy band ' of four swedish cops who broke up a subway fight in the big apple this week , complimenting their use of safe and effective restraint tactics .officials from the united states and sweden have praised their brave efforts and they are set to return home as heroes .tourist police officers samuel kvarzell , markus asberg , eric jansberger and erik naslund halted a fight between two homeless men on the uptown 6 train this wednesday .\"]\n", + "=======================\n", + "[\"tourist cops samuel kvarzell , markus asberg , eric jansberger and erik naslund broke up a fight on the uptown 6 train this wednesday` here as tourists , they stepped up , ` bratton said on fridaythe friends were on their way to see les misérables on broadway when a conductor on the 6 train called for helpthe men , who are all police officers in their native sweden , wrestled the suspect to the floor and held him until nypd could arrive` we 're no heroes , just tourists , ' says uppsala , sweden , police officer\"]\n", + "new york police commissioner bill bratton swooned over the ` boy band ' of four swedish cops who broke up a subway fight in the big apple this week , complimenting their use of safe and effective restraint tactics .officials from the united states and sweden have praised their brave efforts and they are set to return home as heroes .tourist police officers samuel kvarzell , markus asberg , eric jansberger and erik naslund halted a fight between two homeless men on the uptown 6 train this wednesday .\n", + "tourist cops samuel kvarzell , markus asberg , eric jansberger and erik naslund broke up a fight on the uptown 6 train this wednesday` here as tourists , they stepped up , ` bratton said on fridaythe friends were on their way to see les misérables on broadway when a conductor on the 6 train called for helpthe men , who are all police officers in their native sweden , wrestled the suspect to the floor and held him until nypd could arrive` we 're no heroes , just tourists , ' says uppsala , sweden , police officer\n", + "[1.1121489 1.4255071 1.1730802 1.1032581 1.1792146 1.0462546 1.0346708\n", + " 1.2091343 1.14212 1.1768656 1.0909871 1.1195977 1.0699303 1.0824325\n", + " 1.0438235 1.0474741 1.0111648 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 7 4 9 2 8 11 0 3 10 13 12 15 5 14 6 16 21 17 18 19 20 22]\n", + "=======================\n", + "[\"as a crack team of surgeons from the australian charity , interplast , worked last march to save the sight of little baby seng , from vientiane , laos , inspirational burns survivor turia pitt watched on .stronger than ever and inspired by a little burned baby : turia pitt ( pictured ) , who experienced burns to 64 per cent of her body during a september 2011 ultramarathon through the kimberley , western australiaseng 's sight was saved by keen doctor volunteers from interplast .\"]\n", + "=======================\n", + "[\"baby seng , from laos , is the little boy who touched turia pitt 's heartthe inspirational burns survivor witnessed his sight-saving surgeryhe reached up and poured a rice-cooker filled with boiling water on his headturia tells daily mail australia he is ` for sure ' one of her inspirationsshe has experienced more than 200 operations since she was burnedshe was caught in a bushfire in the kimberley in september 2011turia also revealed she is fitter and stronger than she has ever beenshe ran a half-marathon with a faster time this year than before the burnsshe is hosting a gala night for interplast , the charity who saved sengthe event will be held on thursday evening\"]\n", + "as a crack team of surgeons from the australian charity , interplast , worked last march to save the sight of little baby seng , from vientiane , laos , inspirational burns survivor turia pitt watched on .stronger than ever and inspired by a little burned baby : turia pitt ( pictured ) , who experienced burns to 64 per cent of her body during a september 2011 ultramarathon through the kimberley , western australiaseng 's sight was saved by keen doctor volunteers from interplast .\n", + "baby seng , from laos , is the little boy who touched turia pitt 's heartthe inspirational burns survivor witnessed his sight-saving surgeryhe reached up and poured a rice-cooker filled with boiling water on his headturia tells daily mail australia he is ` for sure ' one of her inspirationsshe has experienced more than 200 operations since she was burnedshe was caught in a bushfire in the kimberley in september 2011turia also revealed she is fitter and stronger than she has ever beenshe ran a half-marathon with a faster time this year than before the burnsshe is hosting a gala night for interplast , the charity who saved sengthe event will be held on thursday evening\n", + "[1.3163754 1.285284 1.2053642 1.323596 1.1180063 1.2539797 1.0501753\n", + " 1.1089245 1.1111506 1.057821 1.0845947 1.1207752 1.105558 1.0214818\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 0 1 5 2 11 4 8 7 12 10 9 6 13 20 19 18 14 16 15 21 17 22]\n", + "=======================\n", + "[\"ap mccoy finished fifth on shutthefrontdoor in the grand national , but will not ride in the scottish nationalap mccoy 's last chance of a national winner before he retires has evaporated after benvolio , his intended mount in this afternoon 's coral scottish national at ayr was withdrawn .mccoy will bring an end to his two-decade domination of jump racing after he rides at sandown a week today .\"]\n", + "=======================\n", + "[\"ap mccoy 's mount benvolio withdrawn from scottish grand nationalpaul nicholls pulls horse due to unsuitable drying conditions at ayrmccoy is due to retire next week after over 4,000 career wins\"]\n", + "ap mccoy finished fifth on shutthefrontdoor in the grand national , but will not ride in the scottish nationalap mccoy 's last chance of a national winner before he retires has evaporated after benvolio , his intended mount in this afternoon 's coral scottish national at ayr was withdrawn .mccoy will bring an end to his two-decade domination of jump racing after he rides at sandown a week today .\n", + "ap mccoy 's mount benvolio withdrawn from scottish grand nationalpaul nicholls pulls horse due to unsuitable drying conditions at ayrmccoy is due to retire next week after over 4,000 career wins\n", + "[1.425969 1.3747895 1.2717401 1.3705955 1.2796173 1.1885426 1.0433918\n", + " 1.0305856 1.0311666 1.0534548 1.0239912 1.0338752 1.1026866 1.0770955\n", + " 1.0305512 1.011025 1.0075347 1.0171084 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 3 4 2 5 12 13 9 6 11 8 7 14 10 17 15 16 21 18 19 20 22]\n", + "=======================\n", + "[\"paul casey insists he is desperate to play in the ryder cup again , even though he looks unlikely to rejoin the european tour in time to earn qualifying points this season .only tour members can play on the team and phoenix-based casey gave up his membership after deciding in january to concentrate on the pga tour in order to get back into the world 's top 50 .the move has paid off with the former world no 3 losing a play-off in the northern trust open and finishing joint third in the honda classic to climb to 44th at the start of this week .\"]\n", + "=======================\n", + "[\"paul casey left the european tour to get back into world 's top 50former world no 3 is ` desperate ' to return to the 2016 ryder cup teamcaptain darren clarke has said he wants casey at hazeltine next year\"]\n", + "paul casey insists he is desperate to play in the ryder cup again , even though he looks unlikely to rejoin the european tour in time to earn qualifying points this season .only tour members can play on the team and phoenix-based casey gave up his membership after deciding in january to concentrate on the pga tour in order to get back into the world 's top 50 .the move has paid off with the former world no 3 losing a play-off in the northern trust open and finishing joint third in the honda classic to climb to 44th at the start of this week .\n", + "paul casey left the european tour to get back into world 's top 50former world no 3 is ` desperate ' to return to the 2016 ryder cup teamcaptain darren clarke has said he wants casey at hazeltine next year\n", + "[1.329635 1.2323893 1.1041013 1.1703911 1.1595244 1.0879866 1.0499626\n", + " 1.0957243 1.0808288 1.0769081 1.025895 1.0504615 1.0190738 1.0393537\n", + " 1.0293418 1.0850803 1.0825474 1.0304 1.0466005 1.0296675 1.0586629\n", + " 1.0431828 1.0527267]\n", + "\n", + "[ 0 1 3 4 2 7 5 15 16 8 9 20 22 11 6 18 21 13 17 19 14 10 12]\n", + "=======================\n", + "[\"waterloo , iowa ( cnn ) martin o'malley and jim webb share little in common .both democrats are toying with a presidential run , both are facing long odds in that endeavor , and both shared a stage at the polk county democrats awards dinner in des moines , iowa , on friday night .o'malley is a former mayor and maryland governor who seems most at home when he is pressing the flesh at events and introducing himself to anyone who would extend their hand .\"]\n", + "=======================\n", + "[\"there are few similarities between democrats martin o'malley and jim webbbut they find themselves in a similar position as long-shot presidential hopefuls\"]\n", + "waterloo , iowa ( cnn ) martin o'malley and jim webb share little in common .both democrats are toying with a presidential run , both are facing long odds in that endeavor , and both shared a stage at the polk county democrats awards dinner in des moines , iowa , on friday night .o'malley is a former mayor and maryland governor who seems most at home when he is pressing the flesh at events and introducing himself to anyone who would extend their hand .\n", + "there are few similarities between democrats martin o'malley and jim webbbut they find themselves in a similar position as long-shot presidential hopefuls\n", + "[1.4715579 1.5065775 1.3223712 1.3474438 1.1104347 1.0351838 1.040915\n", + " 1.0165057 1.1413895 1.3609871 1.0217806 1.0269035 1.0212256 1.0137596\n", + " 1.0200249 1.1136432 1.0168793 1.0330782 1.011598 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 9 3 2 8 15 4 6 5 17 11 10 12 14 16 7 13 18 19 20 21 22]\n", + "=======================\n", + "['referees and officials were struck with projectiles by angry supporters after a tight contest between south sydney and canterbury ended in controversy .nrl head of football todd greenberg has vowed to issue canterbury fans who threw bottles at match officials with life-time bans .a touch judge is hit by a bottle at the end of the round 5 nrl match between the canterbury bankstown bulldogs and the south sydney rabbitohs at anz stadium in sydney on friday']\n", + "=======================\n", + "[\"south sydney secured a bitter 18-17 victory after a last-gasp penaltybulldogs were leading until the referee awarded rabbitohs a late penaltyrabbitohs converted the penalty and went on to win the gameas officials made their way off the field , they were pelted with missilesone of the officials was taken to hospital with broken shouldercanterbury coach has apologised for the actions of his club 's supportersbulldogs ceo said the club has called for a life ban on fans involvedpolice have identified two people for allegedly throwing bottlesinquiries to identify others involved in the attack are continuing\"]\n", + "referees and officials were struck with projectiles by angry supporters after a tight contest between south sydney and canterbury ended in controversy .nrl head of football todd greenberg has vowed to issue canterbury fans who threw bottles at match officials with life-time bans .a touch judge is hit by a bottle at the end of the round 5 nrl match between the canterbury bankstown bulldogs and the south sydney rabbitohs at anz stadium in sydney on friday\n", + "south sydney secured a bitter 18-17 victory after a last-gasp penaltybulldogs were leading until the referee awarded rabbitohs a late penaltyrabbitohs converted the penalty and went on to win the gameas officials made their way off the field , they were pelted with missilesone of the officials was taken to hospital with broken shouldercanterbury coach has apologised for the actions of his club 's supportersbulldogs ceo said the club has called for a life ban on fans involvedpolice have identified two people for allegedly throwing bottlesinquiries to identify others involved in the attack are continuing\n", + "[1.3435596 1.1995208 1.219698 1.2089902 1.1629921 1.1819805 1.1152607\n", + " 1.1385056 1.1190549 1.061958 1.057624 1.0635521 1.0803511 1.0771625\n", + " 1.054933 1.1002196 1.1116138 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 5 4 7 8 6 16 15 12 13 11 9 10 14 25 17 18 19 20 21 22\n", + " 23 24 26]\n", + "=======================\n", + "[\"villagers from shandong province in eastern china have reportedly resorted to transporting natural gas in plastic bags .worried passers-by compared this behaviour to carrying a bomb on their backs because any contact with a naked flame or even a cigarette could spell disaster .recent images show intrepid residents from lijin village in dongying city carry the explosive in bags as long as six metres on rickshaws , reported the people 's daily online .\"]\n", + "=======================\n", + "['villagers in shangdong are seen using bags as long as six metresit is becoming a common behaviour in some villages since 2011previous investigation suggested gas in the bag are often stolengas carriers have little understanding of dangers claiming it to be safe']\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "villagers from shandong province in eastern china have reportedly resorted to transporting natural gas in plastic bags .worried passers-by compared this behaviour to carrying a bomb on their backs because any contact with a naked flame or even a cigarette could spell disaster .recent images show intrepid residents from lijin village in dongying city carry the explosive in bags as long as six metres on rickshaws , reported the people 's daily online .\n", + "villagers in shangdong are seen using bags as long as six metresit is becoming a common behaviour in some villages since 2011previous investigation suggested gas in the bag are often stolengas carriers have little understanding of dangers claiming it to be safe\n", + "[1.2688445 1.4639881 1.229815 1.3159829 1.1829723 1.0513117 1.028406\n", + " 1.0480328 1.0529324 1.0497451 1.0661985 1.0999496 1.095586 1.0526878\n", + " 1.0379925 1.0216737 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 11 12 10 8 13 5 9 7 14 6 15 24 23 22 21 18 19 17 16\n", + " 25 20 26]\n", + "=======================\n", + "['the password , 166816 , is still being used by about 90 per cent of customers , researchers david byrne and charles henderson disclosed on wednesday during the annual rsa security conference in california .researchers charles henderson ( right ) and david byrne ( left ) said a global maker of cash registers has been using the same default password on the payment devices for more than two decades .this potentailly puts the devices at risk of being a target of a security breach']\n", + "=======================\n", + "[\"researchers said during security conference that payment devices by unidentified global vendor came with password ' 166816 'while researchers did not identify the vendor , google search points to verifone , which said its devices in the field come with password ` z66831 'verifone claimed sensitive payment information or personally identifiable information can not be captured\"]\n", + "the password , 166816 , is still being used by about 90 per cent of customers , researchers david byrne and charles henderson disclosed on wednesday during the annual rsa security conference in california .researchers charles henderson ( right ) and david byrne ( left ) said a global maker of cash registers has been using the same default password on the payment devices for more than two decades .this potentailly puts the devices at risk of being a target of a security breach\n", + "researchers said during security conference that payment devices by unidentified global vendor came with password ' 166816 'while researchers did not identify the vendor , google search points to verifone , which said its devices in the field come with password ` z66831 'verifone claimed sensitive payment information or personally identifiable information can not be captured\n", + "[1.2527835 1.1795824 1.3241026 1.343697 1.059479 1.0415677 1.1068028\n", + " 1.1512507 1.0543481 1.0460852 1.0875835 1.1285815 1.0703839 1.0980881\n", + " 1.0405288 1.0176891 1.0224515 1.0273676 1.0484859 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 0 1 7 11 6 13 10 12 4 8 18 9 5 14 17 16 15 25 19 20 21 22\n", + " 23 24 26]\n", + "=======================\n", + "[\"the sewol sank on april 16 , killing 304 people , mostly high school students who were on their way to a field trip to jeju island , off south korea 's southern coast .the divers stopped searching months ago because of the winter and water conditions , and the south korean ferry remains on the bottom of the sea floor .seoul ( cnn ) in the first few days after the sewol disappeared beneath the yellow sea , divers pulled body after body from the watery wreckage , bringing the dead home .\"]\n", + "=======================\n", + "['sewol ferry sank a year ago off the coast of south korea , killing 304 peoplefamilies hold protests , vigils , say not much has been resolved since sinkinggovernment has yet to decide whether to raise the ferry']\n", + "the sewol sank on april 16 , killing 304 people , mostly high school students who were on their way to a field trip to jeju island , off south korea 's southern coast .the divers stopped searching months ago because of the winter and water conditions , and the south korean ferry remains on the bottom of the sea floor .seoul ( cnn ) in the first few days after the sewol disappeared beneath the yellow sea , divers pulled body after body from the watery wreckage , bringing the dead home .\n", + "sewol ferry sank a year ago off the coast of south korea , killing 304 peoplefamilies hold protests , vigils , say not much has been resolved since sinkinggovernment has yet to decide whether to raise the ferry\n", + "[1.0682635 1.2471781 1.1122502 1.1283919 1.0936832 1.0489142 1.0257964\n", + " 1.0638559 1.2916117 1.0511942 1.0711333 1.1014497 1.0644228 1.0250064\n", + " 1.0358087 1.0417194 1.0302926 1.0315266 1.0824072 1.0292373 1.0813576\n", + " 1.0131531 1.0141257 1.030911 1.099945 1.0671499 1.0707772]\n", + "\n", + "[ 8 1 3 2 11 24 4 18 20 10 26 0 25 12 7 9 5 15 14 17 23 16 19 6\n", + " 13 22 21]\n", + "=======================\n", + "['this was the start of the photo series \" treesome , \" an embodiment of le coq \\'s unique way of interacting with the world around him .during an expedition through the brittany region on the west coast of france , photographer fabien le coq noticed an unusual tree .\" i \\'m kind of a walking photographer , \" le coq said .']\n", + "=======================\n", + "['fabien le coq took photos of trees from the bottom looking upthe branches take on their own patterns in the sky : \" each tree has its own personality \"']\n", + "this was the start of the photo series \" treesome , \" an embodiment of le coq 's unique way of interacting with the world around him .during an expedition through the brittany region on the west coast of france , photographer fabien le coq noticed an unusual tree .\" i 'm kind of a walking photographer , \" le coq said .\n", + "fabien le coq took photos of trees from the bottom looking upthe branches take on their own patterns in the sky : \" each tree has its own personality \"\n", + "[1.3950485 1.2708702 1.2844021 1.1000896 1.1475257 1.1438721 1.1339226\n", + " 1.0797184 1.0454777 1.1804726 1.0699631 1.0289538 1.0786849 1.0541083\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 9 4 5 6 3 7 12 10 13 8 11 25 14 15 16 17 18 19 20 21 22\n", + " 23 24 26]\n", + "=======================\n", + "[\"nicola sturgeon this afternoon scoffed at claims by labour leader ed miliband that he would never do a deal with the snp to become prime minister - insisting he will ` change his tune ' after the election .the scottish first minister said mr miliband simply ` wo n't have the votes to say that he is going to do what he likes come what may ' and reiterated her call for labour to ` work together to lock the tories out ' .the labour leader told bbc1 's andrew marr show : ` if it is a labour government it will be a labour queen 's speech , it will be a labour budget .\"]\n", + "=======================\n", + "[\"scottish first minister said mr miliband simply ` wo n't have the votes 'she reiterated her call for labour to ` work together to lock the tories out 'mr miliband this morning insisted he would not make any deals with snplabour is expected to suffer heavy losses in scotland - where it has 41 mps\"]\n", + "nicola sturgeon this afternoon scoffed at claims by labour leader ed miliband that he would never do a deal with the snp to become prime minister - insisting he will ` change his tune ' after the election .the scottish first minister said mr miliband simply ` wo n't have the votes to say that he is going to do what he likes come what may ' and reiterated her call for labour to ` work together to lock the tories out ' .the labour leader told bbc1 's andrew marr show : ` if it is a labour government it will be a labour queen 's speech , it will be a labour budget .\n", + "scottish first minister said mr miliband simply ` wo n't have the votes 'she reiterated her call for labour to ` work together to lock the tories out 'mr miliband this morning insisted he would not make any deals with snplabour is expected to suffer heavy losses in scotland - where it has 41 mps\n", + "[1.2304983 1.4772439 1.4351385 1.1186476 1.1277199 1.1462338 1.0623971\n", + " 1.0569276 1.0420265 1.0482368 1.03051 1.0238751 1.0327317 1.0174477\n", + " 1.1200207 1.0844222 1.1527047 1.1314417 1.182282 1.1314056 1.0512521]\n", + "\n", + "[ 1 2 0 18 16 5 17 19 4 14 3 15 6 7 20 9 8 12 10 11 13]\n", + "=======================\n", + "[\"little jiaojiao only survived because rain canopies , laundry racks and wet grass broke her fall in zheng du city , central china .her mother , zheng jiayu , 31 , who left jiaojiao at home on her own , now can not afford the huge # 100,000 medical bill , according to people 's online daily .a five-year-old chinese girl who was left at home alone suffered broken bones and internal bleeding when she fell 150ft from a window .\"]\n", + "=======================\n", + "[\"jiaojiao , 5 , fell 150ft when her mother , zheng jiayu , left her at home alonewhen she returned , zheng saw daughter 's lifeless body below the windowjiaojiao suffered multiple broken bones and internal bleeding but survivedfamily is now facing a huge # 100,000 hospital bill they are unable to pay\"]\n", + "little jiaojiao only survived because rain canopies , laundry racks and wet grass broke her fall in zheng du city , central china .her mother , zheng jiayu , 31 , who left jiaojiao at home on her own , now can not afford the huge # 100,000 medical bill , according to people 's online daily .a five-year-old chinese girl who was left at home alone suffered broken bones and internal bleeding when she fell 150ft from a window .\n", + "jiaojiao , 5 , fell 150ft when her mother , zheng jiayu , left her at home alonewhen she returned , zheng saw daughter 's lifeless body below the windowjiaojiao suffered multiple broken bones and internal bleeding but survivedfamily is now facing a huge # 100,000 hospital bill they are unable to pay\n", + "[1.2420444 1.4633815 1.2605135 1.1645567 1.2442409 1.0690129 1.0524203\n", + " 1.0444928 1.1823719 1.0666808 1.0231062 1.0227252 1.2206118 1.0697124\n", + " 1.0521121 1.0738791 1.019817 1.0101659 1.006842 1.053924 0. ]\n", + "\n", + "[ 1 2 4 0 12 8 3 15 13 5 9 19 6 14 7 10 11 16 17 18 20]\n", + "=======================\n", + "[\"alexandra harra , 28 , who now lives in miami , has a ba degree in creative writing and classics .she now works as a professional life coach , a writer for the huffington post and an author of the karma queens ' guide to relationships .selfie queen : alexandra harra has been dubbed ` the romanian kim kardashian ' and even shares the same love of selfies\"]\n", + "=======================\n", + "[\"romanian-born alexandra harra , 28 , has become an instagram starmodel , who 's posed for playboy , posts selfies with inspirational messagesafter dyeing locks black , being hailed as a rival to kim kardashian\"]\n", + "alexandra harra , 28 , who now lives in miami , has a ba degree in creative writing and classics .she now works as a professional life coach , a writer for the huffington post and an author of the karma queens ' guide to relationships .selfie queen : alexandra harra has been dubbed ` the romanian kim kardashian ' and even shares the same love of selfies\n", + "romanian-born alexandra harra , 28 , has become an instagram starmodel , who 's posed for playboy , posts selfies with inspirational messagesafter dyeing locks black , being hailed as a rival to kim kardashian\n", + "[1.2404692 1.2627279 1.1665483 1.4323214 1.2869921 1.0380639 1.041809\n", + " 1.0220602 1.1495547 1.1013442 1.0299834 1.0885056 1.0280678 1.0274733\n", + " 1.0522009 1.0523334 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 1 0 2 8 9 11 15 14 6 5 10 12 13 7 19 16 17 18 20]\n", + "=======================\n", + "['tottenham defender danny rose has been linked with a move to manchester citymancini was sacked in 2013 and nearly two years on , marwood has a new role at the academy with a spaniard , txiki begiristain , in his old job with the title director of football .when names like scott sinclair , jack rodwell and to a lesser extent adam johnson were signed , he could barely disguise his contempt , feeling none of them would help him take on barcelona and real madrid in the champions league .']\n", + "=======================\n", + "['scott sinclair and jack rodwell are two who have failed to make it at citydanny rose and aaron cresswell are the latest english players to be linkedman united , arsenal and liverpool have more success recruiting english']\n", + "tottenham defender danny rose has been linked with a move to manchester citymancini was sacked in 2013 and nearly two years on , marwood has a new role at the academy with a spaniard , txiki begiristain , in his old job with the title director of football .when names like scott sinclair , jack rodwell and to a lesser extent adam johnson were signed , he could barely disguise his contempt , feeling none of them would help him take on barcelona and real madrid in the champions league .\n", + "scott sinclair and jack rodwell are two who have failed to make it at citydanny rose and aaron cresswell are the latest english players to be linkedman united , arsenal and liverpool have more success recruiting english\n", + "[1.1319097 1.3990366 1.2799304 1.1666242 1.3316872 1.1737987 1.0370464\n", + " 1.0293466 1.0998803 1.0543809 1.1741325 1.068618 1.027355 1.0191624\n", + " 1.0158908 1.0130574 1.018283 1.0419064 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 10 5 3 0 8 11 9 17 6 7 12 13 16 14 15 19 18 20]\n", + "=======================\n", + "[\"the italian-inspired mansion , which has incredible 360-degree views across the mountains , has now gone on the market for a tidy $ 29.5 million .homeowner dick rothkopf , a former toy company chief , chose the location for the estate in 2008 because his family enjoyed hiking in the nearby hills .the home , which is known as ` il podere ' - meaning ` family homestead ' - was built on 230 acres of land using materials collected during the rothkopfs ' trips to italy .\"]\n", + "=======================\n", + "['the colorado estate was built in 2008 using materials from italy and gives the homeowners a 360-degree unobstructed view of the vail valleyit has eight bedrooms and nine full bathrooms across 17,000-square-feetthe home is so remote that it took a team of engineers , $ 1 million and two years to build the 1.5-mile driveway']\n", + "the italian-inspired mansion , which has incredible 360-degree views across the mountains , has now gone on the market for a tidy $ 29.5 million .homeowner dick rothkopf , a former toy company chief , chose the location for the estate in 2008 because his family enjoyed hiking in the nearby hills .the home , which is known as ` il podere ' - meaning ` family homestead ' - was built on 230 acres of land using materials collected during the rothkopfs ' trips to italy .\n", + "the colorado estate was built in 2008 using materials from italy and gives the homeowners a 360-degree unobstructed view of the vail valleyit has eight bedrooms and nine full bathrooms across 17,000-square-feetthe home is so remote that it took a team of engineers , $ 1 million and two years to build the 1.5-mile driveway\n", + "[1.2217431 1.4705362 1.1843407 1.3659087 1.2276851 1.1538154 1.119293\n", + " 1.1082306 1.1093963 1.0548681 1.1481743 1.0122012 1.0110148 1.0230744\n", + " 1.121578 1.0706493 1.0333399 1.0090059 1.0117569 0. 0. ]\n", + "\n", + "[ 1 3 4 0 2 5 10 14 6 8 7 15 9 16 13 11 18 12 17 19 20]\n", + "=======================\n", + "[\"stephen dodd tweeted a picture of asif bodi and abubakar bhula worshipping on their knees in a stairwell of liverpool 's anfield ground .mr dodd 's post , made after liverpool took on blackburn rovers in the fa cup last month , was met with widespread condemnation on social media , with users branding him a ` bigot ' and ` disgrace to humanity ' .he added the caption : ` muslims praying at half-time at the match yesterday #disgrace . '\"]\n", + "=======================\n", + "[\"stephen dodd photographed asif bodi and abubakar bhula praying during half-time at anfield last monthhe captioned the image : ` muslims praying at half time #disgrace 'liverpool fc now say they will take action against dodd over the postbut mr bodi says he does n't want to see dodd banned from the ground\"]\n", + "stephen dodd tweeted a picture of asif bodi and abubakar bhula worshipping on their knees in a stairwell of liverpool 's anfield ground .mr dodd 's post , made after liverpool took on blackburn rovers in the fa cup last month , was met with widespread condemnation on social media , with users branding him a ` bigot ' and ` disgrace to humanity ' .he added the caption : ` muslims praying at half-time at the match yesterday #disgrace . '\n", + "stephen dodd photographed asif bodi and abubakar bhula praying during half-time at anfield last monthhe captioned the image : ` muslims praying at half time #disgrace 'liverpool fc now say they will take action against dodd over the postbut mr bodi says he does n't want to see dodd banned from the ground\n", + "[1.2129917 1.5052211 1.248082 1.4415565 1.0434084 1.0335512 1.1306008\n", + " 1.0254011 1.0278201 1.1266512 1.0718461 1.0260055 1.0356396 1.2059077\n", + " 1.0803329 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 13 6 9 14 10 4 12 5 8 11 7 17 15 16 18]\n", + "=======================\n", + "[\"little rosannah gundry was diagnosed with stage three neuroblastoma cancer in december last year , after a specialist at sydney 's westmead children 's hospital discovered the football-sized tumour , which weighs more than half her body weight , growing around her vital organs and pressing against her spine .rosannah , from baradine in north western new south wales , had been misdiagnosed with scoliosis when she was three months old , but her aunt , jessica searle , said that rosannah 's mother knew something more was wrong when the toddler 's stomach began to swell .the family of a 19-month-old girl with a seven kilogram cancerous tumour in her belly are desperately searching for specialists who may have the answer to removing the treatment-resistant growth .\"]\n", + "=======================\n", + "['rosannah gundry , 19 months old , was diagnosed with stage three neuroblastoma cancer in december last yeardoctors found a seven kilogram tumour growing in her abdomenit is pressing against her spinal cord and vital organs , making it difficult for her to walk or eat without painafter undergoing four rounds of chemotherapy , the tumour is inoperableher family is now seeking to travel to the us for alternative treatment']\n", + "little rosannah gundry was diagnosed with stage three neuroblastoma cancer in december last year , after a specialist at sydney 's westmead children 's hospital discovered the football-sized tumour , which weighs more than half her body weight , growing around her vital organs and pressing against her spine .rosannah , from baradine in north western new south wales , had been misdiagnosed with scoliosis when she was three months old , but her aunt , jessica searle , said that rosannah 's mother knew something more was wrong when the toddler 's stomach began to swell .the family of a 19-month-old girl with a seven kilogram cancerous tumour in her belly are desperately searching for specialists who may have the answer to removing the treatment-resistant growth .\n", + "rosannah gundry , 19 months old , was diagnosed with stage three neuroblastoma cancer in december last yeardoctors found a seven kilogram tumour growing in her abdomenit is pressing against her spinal cord and vital organs , making it difficult for her to walk or eat without painafter undergoing four rounds of chemotherapy , the tumour is inoperableher family is now seeking to travel to the us for alternative treatment\n", + "[1.2276111 1.5195851 1.3244257 1.3615049 1.3722187 1.1569014 1.1193336\n", + " 1.0279552 1.0141436 1.025478 1.0163058 1.0124507 1.0765833 1.0514109\n", + " 1.1051772 1.0311894 1.0861716 1.1214418 1.0837319]\n", + "\n", + "[ 1 4 3 2 0 5 17 6 14 16 18 12 13 15 7 9 10 8 11]\n", + "=======================\n", + "['alan barnes , who is partially sighted and just 4ft 6in tall , was left too scared to return to his home in gateshead , tyne and wear earlier this year after he was knocked to the ground by mugger richard gatiss .disabled pensioner alan barnes picked up the keys for his new home today after strangers raised # 300,000mr barnes , 67 , was today handed the keys to his new two-bedroom terrace house where he says he will feel safer .']\n", + "=======================\n", + "[\"alan barnes , who is partially sighted and just 4ft 6in , picked up keys todayviolent attack left the 67-year-old scared to return to his former homethe crime shocked britain and # 300,000 was raised by fund to help himsaid his new home was ` fantastic ' and it was ` lovely ' to have his independence back\"]\n", + "alan barnes , who is partially sighted and just 4ft 6in tall , was left too scared to return to his home in gateshead , tyne and wear earlier this year after he was knocked to the ground by mugger richard gatiss .disabled pensioner alan barnes picked up the keys for his new home today after strangers raised # 300,000mr barnes , 67 , was today handed the keys to his new two-bedroom terrace house where he says he will feel safer .\n", + "alan barnes , who is partially sighted and just 4ft 6in , picked up keys todayviolent attack left the 67-year-old scared to return to his former homethe crime shocked britain and # 300,000 was raised by fund to help himsaid his new home was ` fantastic ' and it was ` lovely ' to have his independence back\n", + "[1.304359 1.2660391 1.2363819 1.1368661 1.096774 1.0344323 1.0504601\n", + " 1.0561749 1.0761726 1.0877941 1.1023308 1.1300123 1.0407414 1.0445062\n", + " 1.0695971 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 11 10 4 9 8 14 7 6 13 12 5 17 15 16 18]\n", + "=======================\n", + "[\"( cnn ) the onslaught on houthis rebels in yemen continued tuesday , with the saudi-led coalition asserting increasing control while locals fled the chaos and casualties piled up -- dozens of civilians among them .five days after their first airstrikes , the coalition has destroyed air defense systems of the houthis and supporters of yemen 's longtime president ali abdullah saleh , and rendered all but a fraction of air bases and stripes unusable , a saudi source said .saudi arabia 's navy now controls all yemeni ports , allowing only closely watched non-military medical goods to pass its blockade , according to the source .\"]\n", + "=======================\n", + "['saudi minister : \" if war \\'s drums are beaten , we are ready for them \"u.n. official : at least 182 killed in the past week , including civilians']\n", + "( cnn ) the onslaught on houthis rebels in yemen continued tuesday , with the saudi-led coalition asserting increasing control while locals fled the chaos and casualties piled up -- dozens of civilians among them .five days after their first airstrikes , the coalition has destroyed air defense systems of the houthis and supporters of yemen 's longtime president ali abdullah saleh , and rendered all but a fraction of air bases and stripes unusable , a saudi source said .saudi arabia 's navy now controls all yemeni ports , allowing only closely watched non-military medical goods to pass its blockade , according to the source .\n", + "saudi minister : \" if war 's drums are beaten , we are ready for them \"u.n. official : at least 182 killed in the past week , including civilians\n", + "[1.1068166 1.097166 1.284831 1.4229667 1.1618162 1.1669431 1.1655816\n", + " 1.0892597 1.0455768 1.0633157 1.0594673 1.0810742 1.0562564 1.0584847\n", + " 1.0729487 1.0655262 1.1250421 0. 0. ]\n", + "\n", + "[ 3 2 5 6 4 16 0 1 7 11 14 15 9 10 13 12 8 17 18]\n", + "=======================\n", + "['the last of the woolly mammoths ( shown in the reconstruction above ) were isolated on an arctic island for around 5,000 years , forcing them to inbreed as their population dwindled until disappering 4,500 years agogenetic analysis of two woolly mammoth remains show that their population became so small that they had become chronically inbred .the study has also raised the prospect of bringing the giant mammal back to life using cloning techniques with modern elephants .']\n", + "=======================\n", + "['the last mammoths died out on an arctic island around 4,500 years agoisolated on wrangel island for around 5,000 years they became inbredresearchers found mammoth populations suffered declines in the pastdna sequencing also raises prospect of bringing mammoths back to life']\n", + "the last of the woolly mammoths ( shown in the reconstruction above ) were isolated on an arctic island for around 5,000 years , forcing them to inbreed as their population dwindled until disappering 4,500 years agogenetic analysis of two woolly mammoth remains show that their population became so small that they had become chronically inbred .the study has also raised the prospect of bringing the giant mammal back to life using cloning techniques with modern elephants .\n", + "the last mammoths died out on an arctic island around 4,500 years agoisolated on wrangel island for around 5,000 years they became inbredresearchers found mammoth populations suffered declines in the pastdna sequencing also raises prospect of bringing mammoths back to life\n", + "[1.168825 1.1108186 1.3754193 1.3033745 1.2167828 1.1698126 1.0300018\n", + " 1.1127837 1.0658485 1.0712001 1.0480211 1.0947975 1.1718374 1.0570836\n", + " 1.1137673 1.0159518 0. 0. 0. ]\n", + "\n", + "[ 2 3 4 12 5 0 14 7 1 11 9 8 13 10 6 15 17 16 18]\n", + "=======================\n", + "[\"one of the brightest stars , ugaaso abukar boocow , has become a celebrity on instagram , where she is trying to change people 's perceptions with photos and videos that reveal a side of somalia that most people have never seen .the mere mention of somalia elicits images of poverty or violent conflict for most people who have never travelled to the nation in the horn of africa .with 68,000 followers , ugaaso 's instagram feed is a mixture of selfies , snapshots of daily life and somali traditions , and humorous photos or videos .\"]\n", + "=======================\n", + "['ugaaso abukar boocow has amassed more than 68,000 followersher photos reveal a side of somalia that most people have never seenshe moved to canada with her grandmother to escape the civil warthe 27-year-old moved back to mogadishu last year to be with her mum']\n", + "one of the brightest stars , ugaaso abukar boocow , has become a celebrity on instagram , where she is trying to change people 's perceptions with photos and videos that reveal a side of somalia that most people have never seen .the mere mention of somalia elicits images of poverty or violent conflict for most people who have never travelled to the nation in the horn of africa .with 68,000 followers , ugaaso 's instagram feed is a mixture of selfies , snapshots of daily life and somali traditions , and humorous photos or videos .\n", + "ugaaso abukar boocow has amassed more than 68,000 followersher photos reveal a side of somalia that most people have never seenshe moved to canada with her grandmother to escape the civil warthe 27-year-old moved back to mogadishu last year to be with her mum\n", + "[1.1450956 1.2803172 1.2121656 1.2710302 1.2082647 1.0878154 1.1400942\n", + " 1.0911577 1.1022727 1.1550176 1.0483351 1.1136373 1.0397447 1.0198414\n", + " 1.0191511 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 9 0 6 11 8 7 5 10 12 13 14 17 15 16 18]\n", + "=======================\n", + "[\"the star , who started out playing tina mcintyre in coronation street , has launched a stellar career since leaving the cobbled streets of weatherfield behind .the pint-sized brunette may be busy filming for her new show , as well as modelling in her new garnier ambre solaire campaign , but she 's managed to fit designing a new fashion range into her hectic schedule .the actress and model has unveiled her stunning summer range in full - and shows off her summer dresses embellished with lace and feminine florals to perfection in the new shoot .\"]\n", + "=======================\n", + "['michelle unveils full lipsy summer rangestar , 27 , was also unveiled as face of tanning brand recentlyswears by peanut butter smoothies and alkaline food delivery service']\n", + "the star , who started out playing tina mcintyre in coronation street , has launched a stellar career since leaving the cobbled streets of weatherfield behind .the pint-sized brunette may be busy filming for her new show , as well as modelling in her new garnier ambre solaire campaign , but she 's managed to fit designing a new fashion range into her hectic schedule .the actress and model has unveiled her stunning summer range in full - and shows off her summer dresses embellished with lace and feminine florals to perfection in the new shoot .\n", + "michelle unveils full lipsy summer rangestar , 27 , was also unveiled as face of tanning brand recentlyswears by peanut butter smoothies and alkaline food delivery service\n", + "[1.2359526 1.4867535 1.2328633 1.200313 1.2393544 1.0521308 1.1302416\n", + " 1.1147516 1.0243592 1.0562693 1.1563017 1.0792073 1.1806958 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 2 3 12 10 6 7 11 9 5 8 13 14 15 16 17 18]\n", + "=======================\n", + "['there were at least three reports of people trying to release gopher tortoises in the ocean because they were mistaken for sea turtles .according to the florida fish and wildlife conservation commission , all five species of sea turtle and the gopher turtle nest in the sand which is why some people may confuse one with the other .abc reports that while people were concerned that the tortoise hatchlings would get eaten by predators , tortoises are unable to swim like the sea turtle .']\n", + "=======================\n", + "['not all turtles can swim , said florida wildlife officials this week after concerned beachgoers tried to throw baby tortoises in the oceanthere were at least three reports of people trying to release gopher tortoises in the ocean because they were mistaken for sea turtlestortoises have toes with claws on each toe but sea turtles have flippers with just one or two claws on each fore flipper']\n", + "there were at least three reports of people trying to release gopher tortoises in the ocean because they were mistaken for sea turtles .according to the florida fish and wildlife conservation commission , all five species of sea turtle and the gopher turtle nest in the sand which is why some people may confuse one with the other .abc reports that while people were concerned that the tortoise hatchlings would get eaten by predators , tortoises are unable to swim like the sea turtle .\n", + "not all turtles can swim , said florida wildlife officials this week after concerned beachgoers tried to throw baby tortoises in the oceanthere were at least three reports of people trying to release gopher tortoises in the ocean because they were mistaken for sea turtlestortoises have toes with claws on each toe but sea turtles have flippers with just one or two claws on each fore flipper\n", + "[1.3465805 1.2968769 1.3583443 1.1275835 1.1796312 1.0819613 1.0606922\n", + " 1.058482 1.0516794 1.0540664 1.1110427 1.0703689 1.0398985 1.0852311\n", + " 1.0499723 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 4 3 10 13 5 11 6 7 9 8 14 12 15 16 17 18]\n", + "=======================\n", + "['the suspected target , according to florian flade , the terrorism researcher , was a race planned for friday .( cnn ) german police overnight thwarted a terrorist plot by a radicalized couple , a plan they suspect involved bombing a bicycle race near frankfurt , a german terrorism researcher briefed by investigators told cnn on thursday .german prosecutors and police said that a man and a woman had been arrested in the frankfurt-area town of oberursel on suspicion of planning a boston-style attack , but the authorities did not explicitly reveal the target .']\n", + "=======================\n", + "['german police say they think they \" have thwarted an islamist attack , \" interior minister for hesse state saysgerman terrorism researcher : couple accused of planning bomb attack on bicycle race near frankfurt']\n", + "the suspected target , according to florian flade , the terrorism researcher , was a race planned for friday .( cnn ) german police overnight thwarted a terrorist plot by a radicalized couple , a plan they suspect involved bombing a bicycle race near frankfurt , a german terrorism researcher briefed by investigators told cnn on thursday .german prosecutors and police said that a man and a woman had been arrested in the frankfurt-area town of oberursel on suspicion of planning a boston-style attack , but the authorities did not explicitly reveal the target .\n", + "german police say they think they \" have thwarted an islamist attack , \" interior minister for hesse state saysgerman terrorism researcher : couple accused of planning bomb attack on bicycle race near frankfurt\n", + "[1.404897 1.3186371 1.4326499 1.1189771 1.1440227 1.1303954 1.073383\n", + " 1.056626 1.203813 1.0999314 1.0442636 1.0179955 1.0295861 1.0937841\n", + " 1.1168694 1.0484124 1.0419327 1.0100545 1.009096 ]\n", + "\n", + "[ 2 0 1 8 4 5 3 14 9 13 6 7 15 10 16 12 11 17 18]\n", + "=======================\n", + "[\"the cosmetologist killed himself on easter sunday , weeks after the march 6 launch of the unbreakable kimmy schmidt on netflix .tragedy : dr. frederic brandt was battling with extreme depression before his suicide on sunday a police report revealed on tuesdaya friend insists fredric brandt was offended by a character on tina fey 's new tv show that bore uncanny similarities to him - despite initial claims he ` laughed it off ' .\"]\n", + "=======================\n", + "[\"fredric brandt had been suicidally depressed for 10 days before he took his own lifepolice report into the 65-year-old 's suicide reveals brandt was found on sunday morning by friend , john joseph hupert , inside his garagehupert was staying with the cosmetic surgeon on doctors orders to monitor brandt 's suicidal tendencieshupert revealed that brandt had been taking medication for his depressionparamedics declared the plastic surgeon dead at the scene after having found he hanged himselfbrandt 's psychiatrist , dr. saida koita , arrived soon afterwards and told police she had been treating brandt dailybrandt was reportedly devastated by parody character dr franff in hit netflix series unbreakable kimmy schmidt which debuted on march 6friends said that , though dr brandt was upset , show did n't cause his death\"]\n", + "the cosmetologist killed himself on easter sunday , weeks after the march 6 launch of the unbreakable kimmy schmidt on netflix .tragedy : dr. frederic brandt was battling with extreme depression before his suicide on sunday a police report revealed on tuesdaya friend insists fredric brandt was offended by a character on tina fey 's new tv show that bore uncanny similarities to him - despite initial claims he ` laughed it off ' .\n", + "fredric brandt had been suicidally depressed for 10 days before he took his own lifepolice report into the 65-year-old 's suicide reveals brandt was found on sunday morning by friend , john joseph hupert , inside his garagehupert was staying with the cosmetic surgeon on doctors orders to monitor brandt 's suicidal tendencieshupert revealed that brandt had been taking medication for his depressionparamedics declared the plastic surgeon dead at the scene after having found he hanged himselfbrandt 's psychiatrist , dr. saida koita , arrived soon afterwards and told police she had been treating brandt dailybrandt was reportedly devastated by parody character dr franff in hit netflix series unbreakable kimmy schmidt which debuted on march 6friends said that , though dr brandt was upset , show did n't cause his death\n", + "[1.2406945 1.2400144 1.2183691 1.1928277 1.1680257 1.1417184 1.0849686\n", + " 1.124347 1.0630214 1.0639106 1.0751547 1.0358154 1.0350387 1.0406389\n", + " 1.0614552 1.0347747 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 5 7 6 10 9 8 14 13 11 12 15 16 17 18]\n", + "=======================\n", + "['( cnn ) by some estimates , about a third of americans use some form of alternative medicine , including homeopathic remedies because they find western medicine inadequate .creams such as arnicare for pain relief or liquids such as sidda flower essences for male virility are part of a $ 2.9 billion business that has seen \" explosive growth , \" according to the fda .these drugs do not go through the same level of scrutiny as over-the-counter and prescription drugs .']\n", + "=======================\n", + "['the fda may take a more hands-on approach to regulating homeopathic medicineit does not go through the same approval process as over-the-counter drugssome studies suggest homeopathic medicine is no more effective than placebos']\n", + "( cnn ) by some estimates , about a third of americans use some form of alternative medicine , including homeopathic remedies because they find western medicine inadequate .creams such as arnicare for pain relief or liquids such as sidda flower essences for male virility are part of a $ 2.9 billion business that has seen \" explosive growth , \" according to the fda .these drugs do not go through the same level of scrutiny as over-the-counter and prescription drugs .\n", + "the fda may take a more hands-on approach to regulating homeopathic medicineit does not go through the same approval process as over-the-counter drugssome studies suggest homeopathic medicine is no more effective than placebos\n", + "[1.2365694 1.5137519 1.2278341 1.0483999 1.2760944 1.0233116 1.0771916\n", + " 1.0432324 1.1185037 1.0551398 1.0254486 1.0659223 1.0642136 1.1908143\n", + " 1.1718427 1.0901232 1.0577445 1.1091111 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 2 13 14 8 17 15 6 11 12 16 9 3 7 10 5 22 18 19 20 21 23]\n", + "=======================\n", + "[\"the former england rugby star and husband of zara phillips , bought the horse for # 12,000 at auction after a boozy dinner and was overcome by the 40-1 outsider 's performance .it may have been the first time in 41 years that a jockey had won back-to-back grand nationals -- but the most emotional man at aintree yesterday seemed to be mike tindall , whose horse monbeg dude was a fast-finishing third .after a whopping # 105,500 payday he tweeted ` holy s *** , i 'm lost for words and emotions .\"]\n", + "=======================\n", + "['horse won by rugby star mike tindall at boozy auction wins him # 105,000former england player bought monbeg dude for # 12,000 at charity eventtindall and wife zara phillips celebrate at aintree after outsider came thirdsport star tweets he is lost for words and emotions following surprise win']\n", + "the former england rugby star and husband of zara phillips , bought the horse for # 12,000 at auction after a boozy dinner and was overcome by the 40-1 outsider 's performance .it may have been the first time in 41 years that a jockey had won back-to-back grand nationals -- but the most emotional man at aintree yesterday seemed to be mike tindall , whose horse monbeg dude was a fast-finishing third .after a whopping # 105,500 payday he tweeted ` holy s *** , i 'm lost for words and emotions .\n", + "horse won by rugby star mike tindall at boozy auction wins him # 105,000former england player bought monbeg dude for # 12,000 at charity eventtindall and wife zara phillips celebrate at aintree after outsider came thirdsport star tweets he is lost for words and emotions following surprise win\n", + "[1.2036997 1.3764168 1.2214472 1.212947 1.2234116 1.2495588 1.1658685\n", + " 1.0500042 1.0279279 1.0198839 1.0671238 1.0865674 1.0773822 1.0747885\n", + " 1.0151029 1.0963969 1.0695345 1.0903817 1.0210143 1.0250796 1.0212274\n", + " 1.0445883 1.021683 1.0159636]\n", + "\n", + "[ 1 5 4 2 3 0 6 15 17 11 12 13 16 10 7 21 8 19 22 20 18 9 23 14]\n", + "=======================\n", + "[\"the four-bedroom property in central london 's farm street has all the trappings of modern luxury with an indoor swimming pool , gym , lift , cinema room and roof terrace .at 8,139 square ft , it is on the market for # 25million .in 2011 developers took over the site and demolished the house to make way for the plush mansion which now sits in its place .\"]\n", + "=======================\n", + "[\"the former milking parlour on mayfair 's farm street has four bedrooms , an indoor swimming pool and roof terraceit was once the site of a dairy where farmers housed cows for milking on the busy central london market streetthe original property was knocked down and replaced with the plush , modern mansion four years ago\"]\n", + "the four-bedroom property in central london 's farm street has all the trappings of modern luxury with an indoor swimming pool , gym , lift , cinema room and roof terrace .at 8,139 square ft , it is on the market for # 25million .in 2011 developers took over the site and demolished the house to make way for the plush mansion which now sits in its place .\n", + "the former milking parlour on mayfair 's farm street has four bedrooms , an indoor swimming pool and roof terraceit was once the site of a dairy where farmers housed cows for milking on the busy central london market streetthe original property was knocked down and replaced with the plush , modern mansion four years ago\n", + "[1.1268456 1.2600365 1.2216502 1.154464 1.0563272 1.0652834 1.0285141\n", + " 1.026123 1.3942271 1.1136038 1.0901115 1.0518491 1.060441 1.0996468\n", + " 1.1327564 1.0180268 1.0287514 1.0938187 1.0278252 1.1142303 1.0644537\n", + " 1.0244042 0. 0. ]\n", + "\n", + "[ 8 1 2 3 14 0 19 9 13 17 10 5 20 12 4 11 16 6 18 7 21 15 22 23]\n", + "=======================\n", + "['tiger woods was spotted dancing while he practised on monday at augusta nationalbut the tiger woods who has turned up to augusta national this year is different .earlier this week we were treated to the sight of woods embracing darren clarke on the practice ground .']\n", + "=======================\n", + "['tiger woods put on another show of affection at augusta nationalthe 14-time major champion was once infamous for his prickly naturebut the former world no 1 appears to have turned over a new leafwoods was captured on camera dancing to music while practisingclick here for our 2015 masters betting tips and odds']\n", + "tiger woods was spotted dancing while he practised on monday at augusta nationalbut the tiger woods who has turned up to augusta national this year is different .earlier this week we were treated to the sight of woods embracing darren clarke on the practice ground .\n", + "tiger woods put on another show of affection at augusta nationalthe 14-time major champion was once infamous for his prickly naturebut the former world no 1 appears to have turned over a new leafwoods was captured on camera dancing to music while practisingclick here for our 2015 masters betting tips and odds\n", + "[1.2139176 1.5095088 1.1986668 1.3800087 1.2138824 1.1892929 1.2094477\n", + " 1.1768367 1.0259436 1.1064343 1.0632081 1.0901777 1.116882 1.0256718\n", + " 1.0298172 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 6 2 5 7 12 9 11 10 14 8 13 22 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"keith boudreau , 42 , of quincy was pronounced dead on friday morning following the march 23 attack where he was knocked to the ground and had his head stomped on while at home ice sports bar .paul fahey , 43 , allegedly beat boudreau for just staring in his direction , according to court documents .a boston father of two died 11 days after he was brutally beaten during an ` unprovoked attack ' inside of a bar late last month .\"]\n", + "=======================\n", + "['keith boudreau , 42 , of quincy , massachusetts was pronounced dead on friday following the march 23 attack at home ice sports barpaul fahey , 43 , allegedly knocked boudreau to the ground and stomped on his head before dragging his unconscious body through a back doorprosecutors are seeking to arraign fahey on a murder charge']\n", + "keith boudreau , 42 , of quincy was pronounced dead on friday morning following the march 23 attack where he was knocked to the ground and had his head stomped on while at home ice sports bar .paul fahey , 43 , allegedly beat boudreau for just staring in his direction , according to court documents .a boston father of two died 11 days after he was brutally beaten during an ` unprovoked attack ' inside of a bar late last month .\n", + "keith boudreau , 42 , of quincy , massachusetts was pronounced dead on friday following the march 23 attack at home ice sports barpaul fahey , 43 , allegedly knocked boudreau to the ground and stomped on his head before dragging his unconscious body through a back doorprosecutors are seeking to arraign fahey on a murder charge\n", + "[1.4064661 1.3129675 1.3661199 1.3881946 1.2527943 1.1981608 1.0568632\n", + " 1.032796 1.0137578 1.3894366 1.0166609 1.0117912 1.0117176 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 9 3 2 1 4 5 6 7 10 8 11 12 13 14 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "['hull city have reapplied to the football association to have the club name changed to hull tigers after the initial request was blocked .hull boss steve bruce has revealed owner allam has reapplied to change the name of his sidehull city will become hull tigers if club owner assem allam gets his way after the previous failed attempt']\n", + "=======================\n", + "[\"hull 's steve bruce has revealed the club have reapplied for name changethe fa blocked previous attempt for club to become hull tigersprevious attempt to change name by owner assem allam angered fans\"]\n", + "hull city have reapplied to the football association to have the club name changed to hull tigers after the initial request was blocked .hull boss steve bruce has revealed owner allam has reapplied to change the name of his sidehull city will become hull tigers if club owner assem allam gets his way after the previous failed attempt\n", + "hull 's steve bruce has revealed the club have reapplied for name changethe fa blocked previous attempt for club to become hull tigersprevious attempt to change name by owner assem allam angered fans\n", + "[1.3164058 1.0974633 1.1151147 1.4462764 1.203319 1.1353222 1.2050097\n", + " 1.0703533 1.1411811 1.0462257 1.0453482 1.0715458 1.1011239 1.0607146\n", + " 1.0566115 1.0597843 1.032438 1.0224893 1.0313439 0. ]\n", + "\n", + "[ 3 0 6 4 8 5 2 12 1 11 7 13 15 14 9 10 16 18 17 19]\n", + "=======================\n", + "[\"arsene wenger is march 's winner of the premier league manager of the month award - his 14th accolademarch was an impressive month for arsene wenger and arsenal as four premier league wins from four cemented their place in the champions league places .a grey-suited wenger with his award from october 2000 - one of 14 he has won at arsenal\"]\n", + "=======================\n", + "[\"arsenal 's arsene wenger has won march 's manager of the month awardit is the 14th time the frenchman has claimed the prizemanchester united 's sir alex ferguson won it the most - 27 timesdavid moyes claimed the accolade 10 times when at evertonjose mourinho ( 3 ) has won it fewer times than joe kinnear ( 4 )an english manager has won on 75 occasions , scots on 52\"]\n", + "arsene wenger is march 's winner of the premier league manager of the month award - his 14th accolademarch was an impressive month for arsene wenger and arsenal as four premier league wins from four cemented their place in the champions league places .a grey-suited wenger with his award from october 2000 - one of 14 he has won at arsenal\n", + "arsenal 's arsene wenger has won march 's manager of the month awardit is the 14th time the frenchman has claimed the prizemanchester united 's sir alex ferguson won it the most - 27 timesdavid moyes claimed the accolade 10 times when at evertonjose mourinho ( 3 ) has won it fewer times than joe kinnear ( 4 )an english manager has won on 75 occasions , scots on 52\n", + "[1.276653 1.4114429 1.2893012 1.3511491 1.2663056 1.2399803 1.0597073\n", + " 1.0694499 1.0678896 1.0407485 1.0689759 1.0618125 1.0169555 1.0327995\n", + " 1.1955063 1.0569721 1.0513068 1.03351 1.0371447 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 14 7 10 8 11 6 15 16 9 18 17 13 12 19]\n", + "=======================\n", + "['david cameron greeted voters in the street as he left his speech in cheltenham to outline tory plans for inheritance tax .eight-month-old puppy silver was banned from getting close to the prime minister today after he was bizarrely deemed a security riskbut aides ordered that the jack russell and poodle cross-breed be kept well away from the conservative party leader .']\n", + "=======================\n", + "[\"cameron visited cheltenham for a speech on cutting inheritance taxaides ordered that the jack russell and poodle cross-breed be kept awayowner sarah style joked : ` i 'm surprised mi5 are not getting involved '\"]\n", + "david cameron greeted voters in the street as he left his speech in cheltenham to outline tory plans for inheritance tax .eight-month-old puppy silver was banned from getting close to the prime minister today after he was bizarrely deemed a security riskbut aides ordered that the jack russell and poodle cross-breed be kept well away from the conservative party leader .\n", + "cameron visited cheltenham for a speech on cutting inheritance taxaides ordered that the jack russell and poodle cross-breed be kept awayowner sarah style joked : ` i 'm surprised mi5 are not getting involved '\n", + "[1.214214 1.5739875 1.2801139 1.178299 1.2858714 1.047605 1.1183372\n", + " 1.0876135 1.0327841 1.0282041 1.0211699 1.1309291 1.0505642 1.0268787\n", + " 1.0298969 1.031024 1.0632924 1.0441674 1.0739378 1.0760791]\n", + "\n", + "[ 1 4 2 0 3 11 6 7 19 18 16 12 5 17 8 15 14 9 13 10]\n", + "=======================\n", + "[\"julie schenecker , 54 , was convicted last may of shooting her son beau , 13 , and daughter calyx , 16 , in their upscale tampa bay , florida home in january 2011 while her husband served overseas .now in an exclusive jailhouse interview , she has claimed she pulled the trigger to ` save ' her children , despite previously admitting to authorities that she had shot them for being ` mouthy ' .the wife of a u.s. army colonel who shot her two children dead four years ago says she does not regret it .\"]\n", + "=======================\n", + "[\"julie schenecker , 54 , was found guilty last year of murdering her son beau , 13 , and daughter calyx , 16 , in their tampa , florida home in january 2011in a jailhouse interview , she has now revealed she does not regret itshe claimed her son was being sexually abused - but would not say by whom - and that her daughter was struggling with mental illnessauthorities said she had admitted to shooting the children for being ` mouthy ' and her journals detailed how she was going to kill them\"]\n", + "julie schenecker , 54 , was convicted last may of shooting her son beau , 13 , and daughter calyx , 16 , in their upscale tampa bay , florida home in january 2011 while her husband served overseas .now in an exclusive jailhouse interview , she has claimed she pulled the trigger to ` save ' her children , despite previously admitting to authorities that she had shot them for being ` mouthy ' .the wife of a u.s. army colonel who shot her two children dead four years ago says she does not regret it .\n", + "julie schenecker , 54 , was found guilty last year of murdering her son beau , 13 , and daughter calyx , 16 , in their tampa , florida home in january 2011in a jailhouse interview , she has now revealed she does not regret itshe claimed her son was being sexually abused - but would not say by whom - and that her daughter was struggling with mental illnessauthorities said she had admitted to shooting the children for being ` mouthy ' and her journals detailed how she was going to kill them\n", + "[1.4637716 1.2806199 1.373012 1.1131008 1.0290073 1.0446265 1.127314\n", + " 1.0875627 1.1137199 1.1605207 1.1957633 1.1085088 1.071434 1.0603923\n", + " 1.0270201 1.0403036 1.0511934 1.0243189 0. 0. ]\n", + "\n", + "[ 0 2 1 10 9 6 8 3 11 7 12 13 16 5 15 4 14 17 18 19]\n", + "=======================\n", + "[\"trainer roger varian insists he has not lost faith in belardo after the 2014 dewhurst stakes winner beat only one home in saturday 's greenham stakes .andrea atzeni riding belardo to win the dubai dewhurst stakes at newmarket racecoursebut varian 's determination to keep the son of lope de vega away from the fast ground he encountered at newbury means the colt looks more likely to head to the french 2,000 guineas rather than the british equivalent at newmarket on may 2 .\"]\n", + "=======================\n", + "[\"roger varian says he has not lost faith in dewhurst stakes winner belardobelardo beat only one home in saturday 's greenham stakes at newburyvarian 's determination to avoid fast ground means colt may head to francehe is likely to target french 2,000 guineas rather than british equivalent\"]\n", + "trainer roger varian insists he has not lost faith in belardo after the 2014 dewhurst stakes winner beat only one home in saturday 's greenham stakes .andrea atzeni riding belardo to win the dubai dewhurst stakes at newmarket racecoursebut varian 's determination to keep the son of lope de vega away from the fast ground he encountered at newbury means the colt looks more likely to head to the french 2,000 guineas rather than the british equivalent at newmarket on may 2 .\n", + "roger varian says he has not lost faith in dewhurst stakes winner belardobelardo beat only one home in saturday 's greenham stakes at newburyvarian 's determination to avoid fast ground means colt may head to francehe is likely to target french 2,000 guineas rather than british equivalent\n", + "[1.3984315 1.1994652 1.448993 1.2588911 1.1555612 1.1827066 1.1203433\n", + " 1.1934156 1.0435147 1.0653294 1.0903525 1.0895675 1.068251 1.0537455\n", + " 1.1138082 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 1 7 5 4 6 14 10 11 12 9 13 8 15 16 17 18 19]\n", + "=======================\n", + "[\"kyle knox , from london , was last seen alive at the foot of ben nevis on march 31 .the 23-year-old was reported missing the following day when he failed to return to his hotel in fort william .the body of a missing hiker has been found three weeks after he vanished trying to climb britain 's highest mountain .\"]\n", + "=======================\n", + "[\"kyle knox , 23 , disappeared as he tried to climb 4409-ft high ben nevishe was last seen at start of route on march 31 but failed to return to hotelhis body was found near the foot of the peak three weeks after he vanishedthe londoner 's family has been informed of the discovery\"]\n", + "kyle knox , from london , was last seen alive at the foot of ben nevis on march 31 .the 23-year-old was reported missing the following day when he failed to return to his hotel in fort william .the body of a missing hiker has been found three weeks after he vanished trying to climb britain 's highest mountain .\n", + "kyle knox , 23 , disappeared as he tried to climb 4409-ft high ben nevishe was last seen at start of route on march 31 but failed to return to hotelhis body was found near the foot of the peak three weeks after he vanishedthe londoner 's family has been informed of the discovery\n", + "[1.0612073 1.1706588 1.4288015 1.2635633 1.3680233 1.170564 1.2136065\n", + " 1.0289282 1.1441956 1.0891619 1.1059623 1.0862622 1.0955544 1.1513373\n", + " 1.1501781 1.0409255 1.0361303 1.067573 1.0144453 1.0505984]\n", + "\n", + "[ 2 4 3 6 1 5 13 14 8 10 12 9 11 17 0 19 15 16 7 18]\n", + "=======================\n", + "[\"almost a third of people aged 16-to-34 have deleted their accounts because they no longer see it as ` cool ' .nearly 60 per cent of britons aged over 55 now have a facebook account , according to research .the trend comes as increasing numbers of older users turn to the social network to stay in touch and share family pictures .\"]\n", + "=======================\n", + "['parents and grandparents flocking to social media sitealmost 60 % of britons aged over 55 now have facebook accountmany have left site while others block posts from family members']\n", + "almost a third of people aged 16-to-34 have deleted their accounts because they no longer see it as ` cool ' .nearly 60 per cent of britons aged over 55 now have a facebook account , according to research .the trend comes as increasing numbers of older users turn to the social network to stay in touch and share family pictures .\n", + "parents and grandparents flocking to social media sitealmost 60 % of britons aged over 55 now have facebook accountmany have left site while others block posts from family members\n", + "[1.694197 1.2854437 1.0735106 1.1105548 1.2010802 1.0533589 1.0588318\n", + " 1.0618539 1.0777608 1.0567741 1.1159929 1.118092 1.0376225 1.0362126\n", + " 1.0518608 1.0285301 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 11 10 3 8 2 7 6 9 5 14 12 13 15 16 17 18 19]\n", + "=======================\n", + "['bayern munich coach pep guardiola weathered his first major crisis at the german club after his team crushed porto 7-4 on aggregate on tuesday to move into the champions league last four .the spaniard in his second season in charge was with his back to the wall after their surprise 3-1 first leg defeat in portugal last week .thiago alcantara jumps highest to head the home side in front on 14 minutes and set the bayern on their way']\n", + "=======================\n", + "['bayern munich beat porto 6-1 in the champions league quarter-finalthe germans advanced 7-4 on aggregate after a 3-1 defeat in the first legpep guardiola said he felt in the lead up to match that bayern would winthe former barcelona boss says winning is a matter of life and death']\n", + "bayern munich coach pep guardiola weathered his first major crisis at the german club after his team crushed porto 7-4 on aggregate on tuesday to move into the champions league last four .the spaniard in his second season in charge was with his back to the wall after their surprise 3-1 first leg defeat in portugal last week .thiago alcantara jumps highest to head the home side in front on 14 minutes and set the bayern on their way\n", + "bayern munich beat porto 6-1 in the champions league quarter-finalthe germans advanced 7-4 on aggregate after a 3-1 defeat in the first legpep guardiola said he felt in the lead up to match that bayern would winthe former barcelona boss says winning is a matter of life and death\n", + "[1.1572969 1.552759 1.0541095 1.3559849 1.0704353 1.0922251 1.0538319\n", + " 1.0884695 1.0628716 1.0262051 1.1659789 1.0630394 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 10 0 5 7 4 11 8 2 6 9 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"stanford computer science student lea coligado , 21 , created women of silicon valley , a blog based on the people-profiling website humans of new york , in order to showcase the talents and stories of tech 's best and brightest women working within the industry .it is a well-known fact that the technology industry is mostly dominated by men , but now , thanks to a new blog by a young female computing student , women in tech have finally been given a platform through which their amazing achievements are being recognized .looking up : the blog has attracted attention from the best in the business , including women-in-tech advocate tracy chou , a software engineer at pinterest\"]\n", + "=======================\n", + "[\"lea coligado , 21 , a stanford computer science student , is the creator of the blog showcasing talented women in techthe profiling blog has already attracted women from big hitting tech companies like pinterest and postmatesthe blog 's inspiration , humans of new york , was started by new york photographer brandon stanton and features street portraits accompanied by quotes from the subjects\"]\n", + "stanford computer science student lea coligado , 21 , created women of silicon valley , a blog based on the people-profiling website humans of new york , in order to showcase the talents and stories of tech 's best and brightest women working within the industry .it is a well-known fact that the technology industry is mostly dominated by men , but now , thanks to a new blog by a young female computing student , women in tech have finally been given a platform through which their amazing achievements are being recognized .looking up : the blog has attracted attention from the best in the business , including women-in-tech advocate tracy chou , a software engineer at pinterest\n", + "lea coligado , 21 , a stanford computer science student , is the creator of the blog showcasing talented women in techthe profiling blog has already attracted women from big hitting tech companies like pinterest and postmatesthe blog 's inspiration , humans of new york , was started by new york photographer brandon stanton and features street portraits accompanied by quotes from the subjects\n", + "[1.4719988 1.3749399 1.3194176 1.2083796 1.130127 1.2524767 1.0437146\n", + " 1.022847 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 5 3 4 6 7 17 16 15 14 13 9 11 10 18 8 12 19]\n", + "=======================\n", + "['kabul , afghanistan ( cnn ) a suicide bomber detonated his explosives near a group of protesters in eastern afghanistan on thursday , killing 17 people and wounding dozens more , police said .an afghan lawmaker taking part in the protests in the city of khost was among the 64 people wounded , said faizullah ghairat , the provincial police chief .taliban spokesman zabiullah mujahid denied his group was responsible for the attack .']\n", + "=======================\n", + "['an afghan lawmaker is among 64 people wounded in the attack , police saytaliban spokesman denies his group was responsible for the attack']\n", + "kabul , afghanistan ( cnn ) a suicide bomber detonated his explosives near a group of protesters in eastern afghanistan on thursday , killing 17 people and wounding dozens more , police said .an afghan lawmaker taking part in the protests in the city of khost was among the 64 people wounded , said faizullah ghairat , the provincial police chief .taliban spokesman zabiullah mujahid denied his group was responsible for the attack .\n", + "an afghan lawmaker is among 64 people wounded in the attack , police saytaliban spokesman denies his group was responsible for the attack\n", + "[1.2374607 1.4327003 1.3688176 1.209747 1.2631695 1.068049 1.0627606\n", + " 1.0348241 1.0656509 1.0399253 1.102201 1.0594205 1.114259 1.045843\n", + " 1.032585 1.1641071 1.011891 1.0078189 0. 0. ]\n", + "\n", + "[ 1 2 4 0 3 15 12 10 5 8 6 11 13 9 7 14 16 17 18 19]\n", + "=======================\n", + "['set in 200 acres of land near bridgnorth , shropshire , the chyknell hall estate also boasts a swimming pool , tennis court , stables - and even its own cricket green .its centrepiece , the 11-bedroom chyknell hall , was built in 1814 and has only changed hands twice since .a sprawling rural estate - complete with a grade ii-listed manor house and five cottages - is on the market for # 6million .']\n", + "=======================\n", + "['set on 200 acres near bridgnorth , shropshire , the chyknell hall estate also boasts a tennis court and wine cellarthe grade ii-listed regency home at the centre of the property offers 11 bedrooms , a library and a billiard roomit is thought it could attract a-list buyers as the secluded grounds and gardens offer residents complete privacy']\n", + "set in 200 acres of land near bridgnorth , shropshire , the chyknell hall estate also boasts a swimming pool , tennis court , stables - and even its own cricket green .its centrepiece , the 11-bedroom chyknell hall , was built in 1814 and has only changed hands twice since .a sprawling rural estate - complete with a grade ii-listed manor house and five cottages - is on the market for # 6million .\n", + "set on 200 acres near bridgnorth , shropshire , the chyknell hall estate also boasts a tennis court and wine cellarthe grade ii-listed regency home at the centre of the property offers 11 bedrooms , a library and a billiard roomit is thought it could attract a-list buyers as the secluded grounds and gardens offer residents complete privacy\n", + "[1.2509172 1.3997672 1.3226626 1.234557 1.254048 1.0518337 1.0301362\n", + " 1.1122788 1.1241705 1.0935773 1.0177009 1.0147253 1.0177665 1.0215533\n", + " 1.1930158 1.0896525 1.033958 0. 0. ]\n", + "\n", + "[ 1 2 4 0 3 14 8 7 9 15 5 16 6 13 12 10 11 17 18]\n", + "=======================\n", + "['the tech giant announced a new focus on using paper from trees harvested under environmentally sound conditions .as part of the deal , apple has pledged an unspecified amount of money for a virginia-based nonprofit , the conservation fund , to purchase two large tracts of timberland on the east coast .in a quest to be more green , apple says it is investing in chinese solar power and preserving american forests that make environmentally friendly paper .']\n", + "=======================\n", + "['apple helping nonprofit buy large tracts of timberland on the east coastfirm now powers u.s. operations with renewable energy']\n", + "the tech giant announced a new focus on using paper from trees harvested under environmentally sound conditions .as part of the deal , apple has pledged an unspecified amount of money for a virginia-based nonprofit , the conservation fund , to purchase two large tracts of timberland on the east coast .in a quest to be more green , apple says it is investing in chinese solar power and preserving american forests that make environmentally friendly paper .\n", + "apple helping nonprofit buy large tracts of timberland on the east coastfirm now powers u.s. operations with renewable energy\n", + "[1.328042 1.2910229 1.3296735 1.1485218 1.2568302 1.171097 1.0950445\n", + " 1.0326353 1.018387 1.0707012 1.0322344 1.0987046 1.0728855 1.0258932\n", + " 1.0448058 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 4 5 3 11 6 12 9 14 7 10 13 8 15 16 17 18]\n", + "=======================\n", + "[\"the fan fiction , which is $ 2.51 on kindle , is about a housewife 's infatuation with new england patriots tight end rob ` gronk ' gronkowski , who she habitually masturbates over while watching his games .an ohio couple have filed a major lawsuit against the risque erotic e-book ' a gronking to remember ' , claiming a photo as they were celebrating their engagement was used as the online cover without their permission .the unnamed couple are subsequently suing the novella 's author , who released it under the pen name lacey noonan , as well as distributors apple , amazon.com and barnes & noble for allowing readers to buy the work in ibooks , kindle and nook digital formats .\"]\n", + "=======================\n", + "[\"ohio couple suing author lacey noonan as well as apple , amazon and barnes & nobleclaim personal photo of them on the book 's cover was appropriated without permission and without them knowingsay the book has caused them to be ridiculed and humilaitedthe fan fiction is about a woman 's sexual infatuation with new england patriots tight end rob ` gronk ' gronkowski\"]\n", + "the fan fiction , which is $ 2.51 on kindle , is about a housewife 's infatuation with new england patriots tight end rob ` gronk ' gronkowski , who she habitually masturbates over while watching his games .an ohio couple have filed a major lawsuit against the risque erotic e-book ' a gronking to remember ' , claiming a photo as they were celebrating their engagement was used as the online cover without their permission .the unnamed couple are subsequently suing the novella 's author , who released it under the pen name lacey noonan , as well as distributors apple , amazon.com and barnes & noble for allowing readers to buy the work in ibooks , kindle and nook digital formats .\n", + "ohio couple suing author lacey noonan as well as apple , amazon and barnes & nobleclaim personal photo of them on the book 's cover was appropriated without permission and without them knowingsay the book has caused them to be ridiculed and humilaitedthe fan fiction is about a woman 's sexual infatuation with new england patriots tight end rob ` gronk ' gronkowski\n", + "[1.3592203 1.5769467 1.1521084 1.0710752 1.1414909 1.1401354 1.1273701\n", + " 1.0165673 1.0180829 1.0170345 1.0351248 1.2203661 1.2107166 1.0766402\n", + " 1.0261757 1.0601538 1.0701615 1.0851375 1.1112413]\n", + "\n", + "[ 1 0 11 12 2 4 5 6 18 17 13 3 16 15 10 14 8 9 7]\n", + "=======================\n", + "['born on january 25 and almost three months old , the quadruplet male cubs were let out into their glass cages for the first time at the tobu zoo in saitama prefecture , on the outskirts of tokyo .feline family ties proved essential at a zoo in japan recently after a newly born white tiger cub fell in to a pool of water , and had to get his brothers to come to the rescue .initially hesitant to go out in front of a crowd of zoo staff and visitors , the cubs were encouraged by their mother , cara , aged nine , to walk out of their cage and into the outdoors living space .']\n", + "=======================\n", + "['the quadruplet male cubs were let out into their glass cages for the first time recently at the tobu zoo in tokyohowever , curiosity soon got the better of the cats and one accidentally fell into the play poolhis brothers quickly came to the rescue after noticing he was in trouble']\n", + "born on january 25 and almost three months old , the quadruplet male cubs were let out into their glass cages for the first time at the tobu zoo in saitama prefecture , on the outskirts of tokyo .feline family ties proved essential at a zoo in japan recently after a newly born white tiger cub fell in to a pool of water , and had to get his brothers to come to the rescue .initially hesitant to go out in front of a crowd of zoo staff and visitors , the cubs were encouraged by their mother , cara , aged nine , to walk out of their cage and into the outdoors living space .\n", + "the quadruplet male cubs were let out into their glass cages for the first time recently at the tobu zoo in tokyohowever , curiosity soon got the better of the cats and one accidentally fell into the play poolhis brothers quickly came to the rescue after noticing he was in trouble\n", + "[1.1578093 1.110875 1.3710557 1.279767 1.265804 1.1035558 1.1291691\n", + " 1.1216284 1.0493063 1.0770674 1.0261463 1.0227 1.0120455 1.0240742\n", + " 1.1307263 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 4 0 14 6 7 1 5 9 8 10 13 11 12 15 16 17 18]\n", + "=======================\n", + "[\"of the 3,700 women who served at nazi death camps , just three were investigated by prosecutors in germany for their roles as accomplices to mass murder .brutal : the women patrolling the death camps were just as bad as their male counterparts .those ` merciless ' women who traded femininity , motherhood and marriage to wed themselves to the dark side of hitler 's third reich include charlotte s .\"]\n", + "=======================\n", + "[\"ss guard charlotte s trained her alsatian to bite at inmates ' private partsgisela s locked up to 15 prisoners in a tiny ` standing cell ' for daysgertrud elli senff revelled in the power of playing ` god ' with people 's livesshe picked who lived and who was sent to the gas chambers to diebut all three women - now frail and in their 90s - will never face justice\"]\n", + "of the 3,700 women who served at nazi death camps , just three were investigated by prosecutors in germany for their roles as accomplices to mass murder .brutal : the women patrolling the death camps were just as bad as their male counterparts .those ` merciless ' women who traded femininity , motherhood and marriage to wed themselves to the dark side of hitler 's third reich include charlotte s .\n", + "ss guard charlotte s trained her alsatian to bite at inmates ' private partsgisela s locked up to 15 prisoners in a tiny ` standing cell ' for daysgertrud elli senff revelled in the power of playing ` god ' with people 's livesshe picked who lived and who was sent to the gas chambers to diebut all three women - now frail and in their 90s - will never face justice\n", + "[1.2855723 1.3767896 1.1799531 1.2520506 1.1027166 1.2686898 1.0400821\n", + " 1.0778172 1.0538492 1.1655602 1.1107589 1.0425881 1.1049973 1.0719217\n", + " 1.0472249 1.0188392 0. 0. 0. ]\n", + "\n", + "[ 1 0 5 3 2 9 10 12 4 7 13 8 14 11 6 15 17 16 18]\n", + "=======================\n", + "[\"authorities said in a news release thursday that 49-year-old thomas k. jenkins of capitol heights , maryland , was arrested last month by deputies with the prince george 's county sheriff 's office .dover police say a man they believe to be the so-called ` rat burglar ' who cut holes to tunnel into buildings has been arrested in maryland .thomas jenkins has been accused by the dover police department of robbing multiple businesses .\"]\n", + "=======================\n", + "[\"thomas k. jenkins , 49 , was arrested last month by deputies with the prince george 's county sheriff 's office , authorities saidpolice say jenkins had cut a hole in the roof of a commercial business in maryland on march 9 and deputies arrested him as he fledjenkins is accused of carrying out multiple robberies in dover , delawarehe is facing 72 charges from the dover police department for 18 robberiesthe delaware state police is planning to file charges over a 19th robbery , which occurred in a part of dover where jurisdiction is held by state police\"]\n", + "authorities said in a news release thursday that 49-year-old thomas k. jenkins of capitol heights , maryland , was arrested last month by deputies with the prince george 's county sheriff 's office .dover police say a man they believe to be the so-called ` rat burglar ' who cut holes to tunnel into buildings has been arrested in maryland .thomas jenkins has been accused by the dover police department of robbing multiple businesses .\n", + "thomas k. jenkins , 49 , was arrested last month by deputies with the prince george 's county sheriff 's office , authorities saidpolice say jenkins had cut a hole in the roof of a commercial business in maryland on march 9 and deputies arrested him as he fledjenkins is accused of carrying out multiple robberies in dover , delawarehe is facing 72 charges from the dover police department for 18 robberiesthe delaware state police is planning to file charges over a 19th robbery , which occurred in a part of dover where jurisdiction is held by state police\n", + "[1.3148402 1.2234747 1.1883163 1.1338931 1.0805485 1.1007441 1.0674886\n", + " 1.0912782 1.1124699 1.074561 1.0618876 1.0506349 1.0251617 1.0343792\n", + " 1.0216908 1.0472708 1.041332 1.0219308 1.0120702 1.0133103 1.0283382\n", + " 1.0391967 1.0502952 1.036535 1.0510265 1.0341927 1.0481454 1.0362134\n", + " 1.0257683]\n", + "\n", + "[ 0 1 2 3 8 5 7 4 9 6 10 24 11 22 26 15 16 21 23 27 13 25 20 28\n", + " 12 17 14 19 18]\n", + "=======================\n", + "[\"hillary clinton 's family 's charities are refiling at least five years of tax returns after an investigation revealed they had misreported tens of millions of dollars in donations from governments .the charities ' errors generally took the form of under-reporting or over-reporting donations from foreign governments , or in other instances , omitted to break out government donations entirely when reporting revenue , the charities confirmed to reuters , which uncovered the mistakes .following the discovery , the clinton foundation and the clinton health access initiative said they will be refiling multiple annual tax returns and may audit returns extending as far back as 15 years in case there have been other errors .\"]\n", + "=======================\n", + "['a reuters investigation uncovered errors in tax returns filed by the clinton foundation and the clinton health access initiativefor 3 years , the clinton foundation reported it had received nothing from foreign and u.s. governments - despite receiving millions previouslyit will now refile its tax returns from 2010 , 2011 and 2012 but has not ruled out reviewing tax returns extending back as many as 15 yearsthe clinton health access initiative is refiling forms from at least 2 yearsexperts said it was not uncommon for charities to have to re-file but said it was unusual that a global charity would have to re-file for multiple yearsrepublican presidential candidate ted cruz called on the non-profit to return all of the money it received from foreign governments']\n", + "hillary clinton 's family 's charities are refiling at least five years of tax returns after an investigation revealed they had misreported tens of millions of dollars in donations from governments .the charities ' errors generally took the form of under-reporting or over-reporting donations from foreign governments , or in other instances , omitted to break out government donations entirely when reporting revenue , the charities confirmed to reuters , which uncovered the mistakes .following the discovery , the clinton foundation and the clinton health access initiative said they will be refiling multiple annual tax returns and may audit returns extending as far back as 15 years in case there have been other errors .\n", + "a reuters investigation uncovered errors in tax returns filed by the clinton foundation and the clinton health access initiativefor 3 years , the clinton foundation reported it had received nothing from foreign and u.s. governments - despite receiving millions previouslyit will now refile its tax returns from 2010 , 2011 and 2012 but has not ruled out reviewing tax returns extending back as many as 15 yearsthe clinton health access initiative is refiling forms from at least 2 yearsexperts said it was not uncommon for charities to have to re-file but said it was unusual that a global charity would have to re-file for multiple yearsrepublican presidential candidate ted cruz called on the non-profit to return all of the money it received from foreign governments\n", + "[1.4900618 1.4883311 1.4671644 1.2642922 1.1894584 1.0345563 1.01376\n", + " 1.013901 1.0149416 1.0414 1.2870902 1.1045781 1.1057416 1.0176227\n", + " 1.0162421 1.0082362 1.0086343 1.0063676 1.0113304 1.0666106 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 10 3 4 12 11 19 9 5 13 14 8 7 6 18 16 15 17 27 20 21 22\n", + " 23 24 25 26 28]\n", + "=======================\n", + "[\"siobhan-marie o'connor won gold in the 200 metres individual medley at the british championships to ensure qualification for the world championships this summer .hannah miley took the silver medal with a time of 2:11:65 and aimee willmott claimed bronze in 2:13:30 .o'connor 's time of two minutes 09:51 seconds was the fastest recorded in the world this year\"]\n", + "=======================\n", + "[\"siobhan-marie o'connor won her second title of the british championshipsthe 19-year-old also sealed a place in britain 's world championships team\"]\n", + "siobhan-marie o'connor won gold in the 200 metres individual medley at the british championships to ensure qualification for the world championships this summer .hannah miley took the silver medal with a time of 2:11:65 and aimee willmott claimed bronze in 2:13:30 .o'connor 's time of two minutes 09:51 seconds was the fastest recorded in the world this year\n", + "siobhan-marie o'connor won her second title of the british championshipsthe 19-year-old also sealed a place in britain 's world championships team\n", + "[1.644953 1.2340223 1.1335757 1.5790172 1.0538099 1.0379494 1.0286448\n", + " 1.0234685 1.1092384 1.0418756 1.0441376 1.030641 1.0186325 1.0371001\n", + " 1.0377802 1.0423096 1.0391345 1.0396069 1.0424834 1.0219812 1.030388\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 2 8 4 10 18 15 9 17 16 5 14 13 11 20 6 7 19 12 27 21 22\n", + " 23 24 25 26 28]\n", + "=======================\n", + "[\"chelsea 's eden hazard and arsenal 's santi cazorla are set to reach a premier league milestone this weekend when they each make their 100th appearance .both players have been hugely influential since they moved to london in the summer of 2012 , but who has been the most exciting import to watch ?here , sportsmail 's reporters choose the player they most enjoy seeing in action .\"]\n", + "=======================\n", + "[\"chelsea star eden hazard is set to make his 100th top-flight appearancesanti cazorla should hit the same milestone when arsenal meet burnleyboth players have impressed since moving to the premier league in 2012hazard has more goals this season but cazorla has one more assistsportsmail 's reporters choose the player who has excited them the most\"]\n", + "chelsea 's eden hazard and arsenal 's santi cazorla are set to reach a premier league milestone this weekend when they each make their 100th appearance .both players have been hugely influential since they moved to london in the summer of 2012 , but who has been the most exciting import to watch ?here , sportsmail 's reporters choose the player they most enjoy seeing in action .\n", + "chelsea star eden hazard is set to make his 100th top-flight appearancesanti cazorla should hit the same milestone when arsenal meet burnleyboth players have impressed since moving to the premier league in 2012hazard has more goals this season but cazorla has one more assistsportsmail 's reporters choose the player who has excited them the most\n", + "[1.252344 1.4669924 1.1821462 1.266976 1.1197058 1.2537831 1.1951014\n", + " 1.211455 1.1242591 1.0822682 1.0473319 1.0598505 1.0547793 1.0169457\n", + " 1.0089401 1.0084567 1.044163 1.0096993 1.0328958 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 5 0 7 6 2 8 4 9 11 12 10 16 18 13 17 14 15 27 19 20 21 22\n", + " 23 24 25 26 28]\n", + "=======================\n", + "['daniel boykin , 33 , plead guilty to charges of unlawful photography , aggravated burglary , wiretapping , unlawful telephone recording and two computer crimes .at the time of his arrest last year , boykin was found with 92 videos of the victim -- 29 taken from the airport bathroom -- and 1,527 photographs .a transportation security administration agent who was fired in nashville after becoming obsessed with a coworker - following her , taking videos and photos and breaking into her house five times - was jailed this week as a result of the stalking case .']\n", + "=======================\n", + "[\"daniel boykin plead guilty to charges of unlawful photography , aggravated burglary , wiretapping and unlawful telephone recordinghe became obsessed with a female colleagueshe discovered he was stalking her after finding photos on boykin 's phonehe had 92 videos of the victim - 29 taken from the bathroom at nashville international airport - and 1,527 photosalso broke into her home five times and took photos of her clothestold the court thursday he was ` truly sorry 'sentenced to six months prison followed by five years probation\"]\n", + "daniel boykin , 33 , plead guilty to charges of unlawful photography , aggravated burglary , wiretapping , unlawful telephone recording and two computer crimes .at the time of his arrest last year , boykin was found with 92 videos of the victim -- 29 taken from the airport bathroom -- and 1,527 photographs .a transportation security administration agent who was fired in nashville after becoming obsessed with a coworker - following her , taking videos and photos and breaking into her house five times - was jailed this week as a result of the stalking case .\n", + "daniel boykin plead guilty to charges of unlawful photography , aggravated burglary , wiretapping and unlawful telephone recordinghe became obsessed with a female colleagueshe discovered he was stalking her after finding photos on boykin 's phonehe had 92 videos of the victim - 29 taken from the bathroom at nashville international airport - and 1,527 photosalso broke into her home five times and took photos of her clothestold the court thursday he was ` truly sorry 'sentenced to six months prison followed by five years probation\n", + "[1.2941991 1.2225362 1.1343441 1.2637534 1.2807692 1.1745013 1.1350864\n", + " 1.077043 1.0569075 1.0497156 1.0583732 1.0864109 1.0642588 1.0397989\n", + " 1.0597668 1.0961282 1.038853 1.066969 1.0249541 1.0096492 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 4 3 1 5 6 2 15 11 7 17 12 14 10 8 9 13 16 18 19 27 20 21 22\n", + " 23 24 25 26 28]\n", + "=======================\n", + "[\"angelina jolie pleaded with world powers on friday to help the millions of syrian refugees , sharply criticizing the u.n. security council for being paralyzed by its division over syria 's four-year conflict .angelina jolie briefed the un in her role as special envoy in new york on friday .nearly four million syrians have fled the conflict into neighboring countries , which warn they are dangerously overstretched .\"]\n", + "=======================\n", + "[\"the actress briefed the council as special envoy for the u.n. on refugee issues in new york on fridayjolie lambasted the security council for their inaction over the crisis , saying : ` we are standing by in syria 'syria 's ambassador said simply of her presence : ` she 's beautiful 'nearly four million syrians have fled the conflict into neighboring countries , which warn they are dangerously overstretchedangelina jolie went on to speak at the women in the world summit held in manhattan on friday afternoon\"]\n", + "angelina jolie pleaded with world powers on friday to help the millions of syrian refugees , sharply criticizing the u.n. security council for being paralyzed by its division over syria 's four-year conflict .angelina jolie briefed the un in her role as special envoy in new york on friday .nearly four million syrians have fled the conflict into neighboring countries , which warn they are dangerously overstretched .\n", + "the actress briefed the council as special envoy for the u.n. on refugee issues in new york on fridayjolie lambasted the security council for their inaction over the crisis , saying : ` we are standing by in syria 'syria 's ambassador said simply of her presence : ` she 's beautiful 'nearly four million syrians have fled the conflict into neighboring countries , which warn they are dangerously overstretchedangelina jolie went on to speak at the women in the world summit held in manhattan on friday afternoon\n", + "[1.246865 1.4875087 1.2168154 1.3583148 1.2792187 1.2097951 1.065858\n", + " 1.0257028 1.0152149 1.2492778 1.0859578 1.177559 1.0300392 1.0105734\n", + " 1.2144357 1.013139 1.0121971 1.0159574 1.0069659 1.0070091 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 4 9 0 2 14 5 11 10 6 12 7 17 8 15 16 13 19 18 20 21]\n", + "=======================\n", + "[\"he was sentenced by judge noel lucas ( above ) at guildford crown courttimothy norris-jones , who had previously attacked his mother on two occasions , left her with bruises on her face and a cut on her right wrist that needed stitches , a court heard .the 59-year-old told police the injuries were caused when she fell and said he had accidentally ` caught her face ' when he went to catch her in november last year .\"]\n", + "=======================\n", + "[\"timothy norris-jones left his mother with a bruised face and a cut hand59-year-old told police she fell and he accidentally ` caught her face 'handed two-year suspended sentence at guildford crown court\"]\n", + "he was sentenced by judge noel lucas ( above ) at guildford crown courttimothy norris-jones , who had previously attacked his mother on two occasions , left her with bruises on her face and a cut on her right wrist that needed stitches , a court heard .the 59-year-old told police the injuries were caused when she fell and said he had accidentally ` caught her face ' when he went to catch her in november last year .\n", + "timothy norris-jones left his mother with a bruised face and a cut hand59-year-old told police she fell and he accidentally ` caught her face 'handed two-year suspended sentence at guildford crown court\n", + "[1.2581999 1.4828941 1.2881846 1.2870245 1.4282153 1.2835754 1.1132739\n", + " 1.0218391 1.0346259 1.0211126 1.0839796 1.0120258 1.0570153 1.0643245\n", + " 1.1344948 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 2 3 5 0 14 6 10 13 12 8 7 9 11 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"jack mascitelli , from victoria , took up the unsavoury dare in broad daylight at 8.45 am during schoolies week in the popular nsw beach town .the prank backfired when he accidentally ran ` screaming and yelling ' past a group of police officers , the sydney morning herald reports .the officers then found him hiding in a nearby kebab shop .\"]\n", + "=======================\n", + "[\"jack mascitelli , 18 , stripped naked and ran through byron bay , in nswthe student , from victoria , was handed a $ 500 fine after his 8.45 am anticsprank backfired when he ran ` screaming and yelling ' past police officersmagistrate told mr mascitelli his actions were 'em barrassing '\"]\n", + "jack mascitelli , from victoria , took up the unsavoury dare in broad daylight at 8.45 am during schoolies week in the popular nsw beach town .the prank backfired when he accidentally ran ` screaming and yelling ' past a group of police officers , the sydney morning herald reports .the officers then found him hiding in a nearby kebab shop .\n", + "jack mascitelli , 18 , stripped naked and ran through byron bay , in nswthe student , from victoria , was handed a $ 500 fine after his 8.45 am anticsprank backfired when he ran ` screaming and yelling ' past police officersmagistrate told mr mascitelli his actions were 'em barrassing '\n", + "[1.1853453 1.2980151 1.4018626 1.2892865 1.210858 1.0770789 1.1298462\n", + " 1.1182864 1.0711989 1.0742644 1.0821843 1.0852659 1.0285378 1.019226\n", + " 1.0183053 1.0949386 1.0740134 1.0253918 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 3 4 0 6 7 15 11 10 5 9 16 8 12 17 13 14 20 18 19 21]\n", + "=======================\n", + "['the study of 18,500 patients found that people with bowel cancer who saw their normal gp were diagnosed , on average , a week later than others .a study found that if doctors know patients well , they could mistake warning signs for ongoing medical problems or depression .patients who always see the same gp are more likely to have cancer symptoms missed , research has shown ( posed by model )']\n", + "=======================\n", + "[\"bowel cancer patients who saw normal gp diagnosed week later than others , study showsfindings not linked to a later diagnosis for breast cancer or lung cancerdelays can be vital because cancer can quickly spread to other organsbritain has one of europe 's lowest cancer survival rates , partly blamed on missed symptoms\"]\n", + "the study of 18,500 patients found that people with bowel cancer who saw their normal gp were diagnosed , on average , a week later than others .a study found that if doctors know patients well , they could mistake warning signs for ongoing medical problems or depression .patients who always see the same gp are more likely to have cancer symptoms missed , research has shown ( posed by model )\n", + "bowel cancer patients who saw normal gp diagnosed week later than others , study showsfindings not linked to a later diagnosis for breast cancer or lung cancerdelays can be vital because cancer can quickly spread to other organsbritain has one of europe 's lowest cancer survival rates , partly blamed on missed symptoms\n", + "[1.3065833 1.5019853 1.1491901 1.0695498 1.0502126 1.391021 1.1321911\n", + " 1.0337187 1.0227264 1.0378854 1.1351855 1.0324827 1.0288048 1.1090387\n", + " 1.0472237 1.0214989 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 5 0 2 10 6 13 3 4 14 9 7 11 12 8 15 20 16 17 18 19 21]\n", + "=======================\n", + "[\"chris appleton , who has been working with natural brunette rita , 24 , for the past two years , confessed to daily mail online that her demanding haircare routine does require a hefty amount of work and ` maintenance ' .the stylist behind singer rita ora 's unique , over-the-top hairstyles has revealed how much work the chart-topper has to put into ensuring her blonde locks remain totally healthy .` we have to color the hair every three weeks , ' he explained .\"]\n", + "=======================\n", + "[\"hairstylist chris appleton explained the inspiration for 24-year-old rita 's unique and over-the-top hairstyleshe confessed that her blonde mane requires a lot of ` maintenance ' and has to be bleached every three weeksunlike kim kardashian however , chris does n't believe rita will be going back to brunette any time soon\"]\n", + "chris appleton , who has been working with natural brunette rita , 24 , for the past two years , confessed to daily mail online that her demanding haircare routine does require a hefty amount of work and ` maintenance ' .the stylist behind singer rita ora 's unique , over-the-top hairstyles has revealed how much work the chart-topper has to put into ensuring her blonde locks remain totally healthy .` we have to color the hair every three weeks , ' he explained .\n", + "hairstylist chris appleton explained the inspiration for 24-year-old rita 's unique and over-the-top hairstyleshe confessed that her blonde mane requires a lot of ` maintenance ' and has to be bleached every three weeksunlike kim kardashian however , chris does n't believe rita will be going back to brunette any time soon\n", + "[1.2244284 1.2878933 1.0668473 1.038581 1.0586867 1.0777626 1.0558634\n", + " 1.0312574 1.1173913 1.0626843 1.4368922 1.1648271 1.0641254 1.0527412\n", + " 1.038861 1.0331037 1.0562559 1.0334691 1.0592983 1.0334232 1.0133568\n", + " 1.0176773]\n", + "\n", + "[10 1 0 11 8 5 2 12 9 18 4 16 6 13 14 3 17 19 15 7 21 20]\n", + "=======================\n", + "[\"raheem sterling has turned down a new deal with liverpool and put off contract talks until the summerso , from the start , raheem sterling 's explanation for the end of his conversations with liverpool did not stand up .no footballer has ever been late for kick-off because he was tied up negotiating a new contract .\"]\n", + "=======================\n", + "['raheem sterling has turned down a liverpool deal worth # 100,000-a-week20-year-old gave an interview to the bbc on wednesday over the issuejamie carragher : four reasons why sterling has got it wrong over deal']\n", + "raheem sterling has turned down a new deal with liverpool and put off contract talks until the summerso , from the start , raheem sterling 's explanation for the end of his conversations with liverpool did not stand up .no footballer has ever been late for kick-off because he was tied up negotiating a new contract .\n", + "raheem sterling has turned down a liverpool deal worth # 100,000-a-week20-year-old gave an interview to the bbc on wednesday over the issuejamie carragher : four reasons why sterling has got it wrong over deal\n", + "[1.3800434 1.4107611 1.3453666 1.3146728 1.163133 1.1829821 1.1423589\n", + " 1.0533416 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 5 4 6 7 15 14 13 12 8 10 9 16 11 17]\n", + "=======================\n", + "['the world no 99 , who switched allegiance from slovenia to britain last month , knocked out fellow qualifier arthur de greef , of belgium , 6-2 , 6-3 in just 70 minutes .british no 2 aljaz bedene has booked a quarter-final place at the grand prix hassan ii event in casablanca .london-based bedene , 25 , will now face third seed jiri vesely , who was given a far tougher test as he progressed to the last-eight .']\n", + "=======================\n", + "[\"slovenian-born aljaz bedene defeated belgium 's arthur de greefbedene will face jiri vesely after beating arthur de greef in 70 minutesthe 25-year-old switched allegiance from slovenia to britain in march\"]\n", + "the world no 99 , who switched allegiance from slovenia to britain last month , knocked out fellow qualifier arthur de greef , of belgium , 6-2 , 6-3 in just 70 minutes .british no 2 aljaz bedene has booked a quarter-final place at the grand prix hassan ii event in casablanca .london-based bedene , 25 , will now face third seed jiri vesely , who was given a far tougher test as he progressed to the last-eight .\n", + "slovenian-born aljaz bedene defeated belgium 's arthur de greefbedene will face jiri vesely after beating arthur de greef in 70 minutesthe 25-year-old switched allegiance from slovenia to britain in march\n", + "[1.0476303 1.034002 1.2854807 1.3131986 1.2587861 1.1682259 1.0688415\n", + " 1.0303506 1.2263188 1.1639689 1.1664618 1.0336831 1.0305548 1.0702813\n", + " 1.2252821 1.0345515 1.0325316 1.0136727]\n", + "\n", + "[ 3 2 4 8 14 5 10 9 13 6 0 15 1 11 16 12 7 17]\n", + "=======================\n", + "['in zaria , a city in northern nigeria , a team of students from the ahmadu bello university are currently applying the final touches to the \" abucar 2 . \"powered by electricity and engineered for efficiency , car enthusiasts from across africa are sparking home-grown concepts that have gotten experts revving .the students used locally available materials to build the vehicle , and even included recycled electrical components in the engine .']\n", + "=======================\n", + "['african students and car enthusiasts are creating eco-friendly carsnigerian students will compete in an \" eco-marathon \" in may']\n", + "in zaria , a city in northern nigeria , a team of students from the ahmadu bello university are currently applying the final touches to the \" abucar 2 . \"powered by electricity and engineered for efficiency , car enthusiasts from across africa are sparking home-grown concepts that have gotten experts revving .the students used locally available materials to build the vehicle , and even included recycled electrical components in the engine .\n", + "african students and car enthusiasts are creating eco-friendly carsnigerian students will compete in an \" eco-marathon \" in may\n", + "[1.1847525 1.3202828 1.1076258 1.3701433 1.1176196 1.255376 1.2528639\n", + " 1.2159959 1.0625579 1.0789971 1.0677726 1.0182029 1.0143951 1.1361542\n", + " 1.0393097 1.0106622 1.0120826 0. ]\n", + "\n", + "[ 3 1 5 6 7 0 13 4 2 9 10 8 14 11 12 16 15 17]\n", + "=======================\n", + "[\"amy childs has unveiled her sophisticated summer collection full of pastel printsthe 24-year-old , who found fame on the only way is essex , has designed a summer range full of pretty pastels and feminine florals inspired by the festival season .amy , who is ` really proud ' of her new range , says her garments are designed for the woman wanting to embrace wearable catwalk trends and ` definitely ' for real women .\"]\n", + "=======================\n", + "[\"amy , 24 , has designed a summer range full of pretty pastelsamy says her garments are ` definitely ' for real womenhas faced the wrath of twitter trolls\"]\n", + "amy childs has unveiled her sophisticated summer collection full of pastel printsthe 24-year-old , who found fame on the only way is essex , has designed a summer range full of pretty pastels and feminine florals inspired by the festival season .amy , who is ` really proud ' of her new range , says her garments are designed for the woman wanting to embrace wearable catwalk trends and ` definitely ' for real women .\n", + "amy , 24 , has designed a summer range full of pretty pastelsamy says her garments are ` definitely ' for real womenhas faced the wrath of twitter trolls\n", + "[1.331985 1.2300391 1.2228587 1.1644164 1.2205247 1.1803242 1.0607642\n", + " 1.0859592 1.0371084 1.0615138 1.0412174 1.0537331 1.1024328 1.0540476\n", + " 1.0535703 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 4 5 3 12 7 9 6 13 11 14 10 8 15 16 17]\n", + "=======================\n", + "[\"shamed newsman brian williams 's lied in his reporting to make himself look good at least 11 times , an internal investigation has reportedly found .the total , cited in media reports about the secretive investigation , would mean the trail of deceit from the fallen face of nbc 's nightly news goes far deeper than previously reported .investigative journalists at the network have been poring over williams 's past reports and statements after he was booted from the top job in tv news , hunting down signs of dishonesty .\"]\n", + "=======================\n", + "[\"former face of nbc nightly news was suspended for lying about iraqfalsely claimed he was in military helicopter downed by rpg firebosses began investigation into other tall tales in wake of scandalnbc 's ceo reportedly told in recent briefing that 11 instances emergedinclude seemingly overblown claims about reporting on the arab spring\"]\n", + "shamed newsman brian williams 's lied in his reporting to make himself look good at least 11 times , an internal investigation has reportedly found .the total , cited in media reports about the secretive investigation , would mean the trail of deceit from the fallen face of nbc 's nightly news goes far deeper than previously reported .investigative journalists at the network have been poring over williams 's past reports and statements after he was booted from the top job in tv news , hunting down signs of dishonesty .\n", + "former face of nbc nightly news was suspended for lying about iraqfalsely claimed he was in military helicopter downed by rpg firebosses began investigation into other tall tales in wake of scandalnbc 's ceo reportedly told in recent briefing that 11 instances emergedinclude seemingly overblown claims about reporting on the arab spring\n", + "[1.1758279 1.4876009 1.3247441 1.2428156 1.3021741 1.1577368 1.0747094\n", + " 1.0386913 1.0922192 1.039426 1.0738186 1.030794 1.053722 1.0612723\n", + " 1.0132625 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 0 5 8 6 10 13 12 9 7 11 14 16 15 17]\n", + "=======================\n", + "['in a case which has strikingly similar traits to the # 60m heist in london , thieves targeted 294 security vaults during a break-in at the volksbank in steglitz , berlin , in january 2013 .the gang , who fled the bank with diamonds , gold and silver worth more than # 8.3 m , have never been found .the culprits behind the hatton garden raid ( pictured ) may have carried out a similarly audacious burglary just two years earlier in berlin , it has emerged']\n", + "=======================\n", + "[\"71 security boxes were raided over easter weekend in # 60m london heistin january 2013 , 294 security vaults were targeted at volksbank , berlinin both cases , gangs left with millions worth of diamonds , gold and silverboth gangs used pneumatic drills on the vaults , while dressed as workmenpolice - who missed alarms during both raids - believe thefts could be ` inside jobs '\"]\n", + "in a case which has strikingly similar traits to the # 60m heist in london , thieves targeted 294 security vaults during a break-in at the volksbank in steglitz , berlin , in january 2013 .the gang , who fled the bank with diamonds , gold and silver worth more than # 8.3 m , have never been found .the culprits behind the hatton garden raid ( pictured ) may have carried out a similarly audacious burglary just two years earlier in berlin , it has emerged\n", + "71 security boxes were raided over easter weekend in # 60m london heistin january 2013 , 294 security vaults were targeted at volksbank , berlinin both cases , gangs left with millions worth of diamonds , gold and silverboth gangs used pneumatic drills on the vaults , while dressed as workmenpolice - who missed alarms during both raids - believe thefts could be ` inside jobs '\n", + "[1.477951 1.1485206 1.237727 1.3749549 1.1172628 1.1022171 1.152615\n", + " 1.1959864 1.1172904 1.1122779 1.0382036 1.0199476 1.0288801 1.025359\n", + " 1.0185903 1.0210636 1.037127 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 2 7 6 1 8 4 9 5 10 16 12 13 15 11 14 17 18 19 20 21]\n", + "=======================\n", + "[\"bobby brown spoke for the first time about his daughter bobbi kristina in los angeles on saturday night and admitted ' i du n no what the hell i am going through right now , but i am giving it to god and letting him deal with it . 'the former husband of whitney houston looked tired and grief stricken at times during his performance , his first public appearance since bobbi kristina fell into a coma .unresponsive : on january 31 , bobbi kristina brown was found unresponsive in her bathtub .\"]\n", + "=======================\n", + "['broke down during los angeles concert as he talked about his daughter bobbi kristin , who has been in a coma since january 31in the middle of his set in front of 4,000 people , he offered a pitch for his line of bbq sauces']\n", + "bobby brown spoke for the first time about his daughter bobbi kristina in los angeles on saturday night and admitted ' i du n no what the hell i am going through right now , but i am giving it to god and letting him deal with it . 'the former husband of whitney houston looked tired and grief stricken at times during his performance , his first public appearance since bobbi kristina fell into a coma .unresponsive : on january 31 , bobbi kristina brown was found unresponsive in her bathtub .\n", + "broke down during los angeles concert as he talked about his daughter bobbi kristin , who has been in a coma since january 31in the middle of his set in front of 4,000 people , he offered a pitch for his line of bbq sauces\n", + "[1.2878784 1.4751348 1.3957142 1.3386497 1.207098 1.0660422 1.0232246\n", + " 1.0485556 1.0290657 1.0681753 1.042707 1.1355835 1.023551 1.0190585\n", + " 1.0178927 1.1303174 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 0 4 11 15 9 5 7 10 8 12 6 13 14 16 17 18 19 20 21]\n", + "=======================\n", + "[\"arabtrust and the federation of dundee united supporters clubs say they are ` shocked ' that 25 per cent of # 6.3 million worth of transfer fees for ryan gauld , andrew robertson , stuart armstrong and gary mackay-steven were paid in commission to unnamed parties .the supporters groups also disputed chairman stephen thompson 's alleged level of investment in the club .the dundee united board have hit back at criticism from supporters by pointing to their on-field success\"]\n", + "=======================\n", + "['dundee united have faced criticism from fans over the 25 per cent commission paid out from # 6.3 m worth of transfer fees receivedhowever , the club have responded by pointing to their record on the pitchdundee have reached back to back domestic cup finals for the first time in 29 years and secured european football three times in the last four seasons']\n", + "arabtrust and the federation of dundee united supporters clubs say they are ` shocked ' that 25 per cent of # 6.3 million worth of transfer fees for ryan gauld , andrew robertson , stuart armstrong and gary mackay-steven were paid in commission to unnamed parties .the supporters groups also disputed chairman stephen thompson 's alleged level of investment in the club .the dundee united board have hit back at criticism from supporters by pointing to their on-field success\n", + "dundee united have faced criticism from fans over the 25 per cent commission paid out from # 6.3 m worth of transfer fees receivedhowever , the club have responded by pointing to their record on the pitchdundee have reached back to back domestic cup finals for the first time in 29 years and secured european football three times in the last four seasons\n", + "[1.4146695 1.2117751 1.2064466 1.1585844 1.1430984 1.1356282 1.1470124\n", + " 1.0485712 1.1423972 1.1147298 1.0935584 1.1391802 1.113791 1.0769479\n", + " 1.1142601 1.0819784 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 3 6 4 8 11 5 9 14 12 10 15 13 7 16 17 18 19 20 21]\n", + "=======================\n", + "['dawn milosky has been charged with driving while intoxicated and having an open container of alcohol in the vehiclea new jersey woman is lucky to be alive after being rescued from her overturned vehicle just as it started to catch fire .dashcam footage shows police in the borough of kinnelon race to the incident just after 6 p.m. on thursday following a tip-off about someone driving erratically in the local area .']\n", + "=======================\n", + "['police in kinnelon , new jersey , rushed to the crash scene after a tip-off about someone driving erratically in the local areawith smoke already coming from the vehicle the officers had to act fast to get the injured woman freejust 2 minutes and 30 seconds after the officers had removed the woman from the wreckage the vehicle became engulfed in flamesdawn milosky , 45 , has been charged with driving while intoxicated and having an open container of alcohol in the vehicle']\n", + "dawn milosky has been charged with driving while intoxicated and having an open container of alcohol in the vehiclea new jersey woman is lucky to be alive after being rescued from her overturned vehicle just as it started to catch fire .dashcam footage shows police in the borough of kinnelon race to the incident just after 6 p.m. on thursday following a tip-off about someone driving erratically in the local area .\n", + "police in kinnelon , new jersey , rushed to the crash scene after a tip-off about someone driving erratically in the local areawith smoke already coming from the vehicle the officers had to act fast to get the injured woman freejust 2 minutes and 30 seconds after the officers had removed the woman from the wreckage the vehicle became engulfed in flamesdawn milosky , 45 , has been charged with driving while intoxicated and having an open container of alcohol in the vehicle\n", + "[1.2886571 1.5313466 1.2236665 1.2544051 1.0433127 1.0439004 1.0499932\n", + " 1.0700753 1.0696167 1.0848293 1.1397243 1.052755 1.0275173 1.1761467\n", + " 1.0334696 1.0402694 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 2 13 10 9 7 8 11 6 5 4 15 14 12 20 16 17 18 19 21]\n", + "=======================\n", + "[\"forty-year-old andrew steele had pleaded not guilty by reason of mental disease to two counts of first-degree intentional homicide in the august 22 shooting deaths of his 39-year-old wife , ashlee steele , and her sister , 38-year-old kacee tollefsbol of lake elmo , minnesota .a former wisconsin sheriff 's deputy with lou gehrig 's disease has been found not legally responsible in the killing of his wife and sister-in-law .defense attorneys argued that the disease damaged steele 's brain , making him not criminally responsible for the deaths .\"]\n", + "=======================\n", + "[\"former wisconsin sheriff 's deputy andrew steele , 40 , has been found not legally responsible in the killing of his wife and sister-in-lawhe shot dead wife ashlee steele , 39 , and her sister kacee tollefsbol , 38 , on august 22his defense team had argued that lou gehrig 's disease had damaged his brain , making him not criminally responsible for the deathsprosecutors believed steele had planned the killings abnd a third sister said he had displayed inappropriate feelings towards tollefsbol\"]\n", + "forty-year-old andrew steele had pleaded not guilty by reason of mental disease to two counts of first-degree intentional homicide in the august 22 shooting deaths of his 39-year-old wife , ashlee steele , and her sister , 38-year-old kacee tollefsbol of lake elmo , minnesota .a former wisconsin sheriff 's deputy with lou gehrig 's disease has been found not legally responsible in the killing of his wife and sister-in-law .defense attorneys argued that the disease damaged steele 's brain , making him not criminally responsible for the deaths .\n", + "former wisconsin sheriff 's deputy andrew steele , 40 , has been found not legally responsible in the killing of his wife and sister-in-lawhe shot dead wife ashlee steele , 39 , and her sister kacee tollefsbol , 38 , on august 22his defense team had argued that lou gehrig 's disease had damaged his brain , making him not criminally responsible for the deathsprosecutors believed steele had planned the killings abnd a third sister said he had displayed inappropriate feelings towards tollefsbol\n", + "[1.2100353 1.2976148 1.3190597 1.1417892 1.2511001 1.127498 1.0927298\n", + " 1.0985197 1.0557039 1.0677658 1.1121328 1.0522622 1.0430098 1.0143819\n", + " 1.1340563 1.1213975 1.1295292 1.0544748 1.0117061 1.0118409 1.0112271\n", + " 1.0500414]\n", + "\n", + "[ 2 1 4 0 3 14 16 5 15 10 7 6 9 8 17 11 21 12 13 19 18 20]\n", + "=======================\n", + "[\"baby-faced : this little boy has amassed more than 3,000 followers on twitter with pictures like thesethe baby-faced boy from memphis , tennessee , poses with guns , cash , and bags of what looks like marijuana .but this child has amassed thousands of twitter followers with his pictorial updates of ` gang life ' .\"]\n", + "=======================\n", + "[\"child has amassed thousands of twitter followers with ` gang life ' photosin one video he points gun at camera as adults look on unfazedhis tweets have prompted backlash with calls for intervention\"]\n", + "baby-faced : this little boy has amassed more than 3,000 followers on twitter with pictures like thesethe baby-faced boy from memphis , tennessee , poses with guns , cash , and bags of what looks like marijuana .but this child has amassed thousands of twitter followers with his pictorial updates of ` gang life ' .\n", + "child has amassed thousands of twitter followers with ` gang life ' photosin one video he points gun at camera as adults look on unfazedhis tweets have prompted backlash with calls for intervention\n", + "[1.2243084 1.3700404 1.2973969 1.384059 1.2015944 1.2433239 1.0262438\n", + " 1.0245812 1.027843 1.0453342 1.0576199 1.096494 1.0627074 1.0755017\n", + " 1.023412 1.0155349 1.0098889 1.0110937 1.008676 ]\n", + "\n", + "[ 3 1 2 5 0 4 11 13 12 10 9 8 6 7 14 15 17 16 18]\n", + "=======================\n", + "[\"help : kim richards is now in a malibu rehab , but the star was out of control when she was arrested at the beverly hills hotel .in a downward-spiral , the 50-year-old recovering alcoholic admitted to dr phil mcgraw that she was drunk on the night of her arrest .dr phil : if you 're an alcoholic that has fallen off the wagon , you 're at your daughter 's house and all of a sudden you 're in there pouring a drink , and then you roll into a bar at midnight , what , you 're already drunk when you get there , why , why would you not order a drink ?\"]\n", + "=======================\n", + "[\"kim richards , who will tell her story to dr. phil tomorrow , is now in a malibu rehab facilitythe star was out of control when she was arrested at the beverly hills hotel april 16she admits to dr phil that she drank a big glass of vodka at her daughter brooke 's house before she got in her car to return homefeeling woozy , she stopped at the hotel and went straight to the polo loungeshe claims the bar was closed and she did not drink any morebut when she went over to chat with a couple of strangers , the maître d' got testywhen he accused her of trespassing and threatened to call police , she flipped out\"]\n", + "help : kim richards is now in a malibu rehab , but the star was out of control when she was arrested at the beverly hills hotel .in a downward-spiral , the 50-year-old recovering alcoholic admitted to dr phil mcgraw that she was drunk on the night of her arrest .dr phil : if you 're an alcoholic that has fallen off the wagon , you 're at your daughter 's house and all of a sudden you 're in there pouring a drink , and then you roll into a bar at midnight , what , you 're already drunk when you get there , why , why would you not order a drink ?\n", + "kim richards , who will tell her story to dr. phil tomorrow , is now in a malibu rehab facilitythe star was out of control when she was arrested at the beverly hills hotel april 16she admits to dr phil that she drank a big glass of vodka at her daughter brooke 's house before she got in her car to return homefeeling woozy , she stopped at the hotel and went straight to the polo loungeshe claims the bar was closed and she did not drink any morebut when she went over to chat with a couple of strangers , the maître d' got testywhen he accused her of trespassing and threatened to call police , she flipped out\n", + "[1.2225887 1.5064584 1.2407516 1.1088117 1.244409 1.046077 1.0578816\n", + " 1.0920963 1.1948293 1.0818102 1.0867664 1.0932579 1.0185882 1.2285454\n", + " 1.056511 1.018255 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 13 0 8 3 11 7 10 9 6 14 5 12 15 16 17 18]\n", + "=======================\n", + "[\"jenny-lee , 28 , was diagnosed with leukaemia seven months into her pregnancy , and although doctors at sydney 's prince of wales hospital in randwick told her she could give birth via a caesarean section and undergo chemotherapy , she refused both options as they required her to receive a blood transfusion .however her mother heather has told the daily telegraph that her daughter believed the cancer treatment would harm her unborn child , named aroura .the sydney mother 's baby died in utero three days after she was offered a caesarean .\"]\n", + "=======================\n", + "['jenny-lee and unborn baby aroura died after refusing a blood transfusionthe 28-year-old suffered from leukaemia but refused treatmentover 80 per cent of treated pregnant leukaemia sufferers go into remissionher family have spoken out to defend the mother , saying she was told she had six weeks to live and chose to give up her life for her unborn daughterdoctors and staff have described the distressing scene after the baby died and the woman suffered a fatal stroke and multi-organ failure']\n", + "jenny-lee , 28 , was diagnosed with leukaemia seven months into her pregnancy , and although doctors at sydney 's prince of wales hospital in randwick told her she could give birth via a caesarean section and undergo chemotherapy , she refused both options as they required her to receive a blood transfusion .however her mother heather has told the daily telegraph that her daughter believed the cancer treatment would harm her unborn child , named aroura .the sydney mother 's baby died in utero three days after she was offered a caesarean .\n", + "jenny-lee and unborn baby aroura died after refusing a blood transfusionthe 28-year-old suffered from leukaemia but refused treatmentover 80 per cent of treated pregnant leukaemia sufferers go into remissionher family have spoken out to defend the mother , saying she was told she had six weeks to live and chose to give up her life for her unborn daughterdoctors and staff have described the distressing scene after the baby died and the woman suffered a fatal stroke and multi-organ failure\n", + "[1.2951417 1.3878647 1.2586409 1.157865 1.0457075 1.0898932 1.0493574\n", + " 1.028808 1.2407402 1.1572385 1.0227066 1.0403943 1.0356383 1.0568056\n", + " 1.066324 1.0153406 1.0157893 0. 0. ]\n", + "\n", + "[ 1 0 2 8 3 9 5 14 13 6 4 11 12 7 10 16 15 17 18]\n", + "=======================\n", + "[\"in the latest video from the elders react series on thefinebros youtube channel , the clueless men and women are given their first introduction to snapchat with hilarious - and mixed -- results , all of which are caught on camera .a group of technologically-challenged senior citizens are left completely and utterly befuddled by popular messaging app snapchat after attempting to use it for the first time , in order to send the perfect selfie .and while many of them say they understand the appeal of the social media app , which allows users to share photos that will disappear within 10 seconds , they still ca n't really wrap their heads around the point of it .\"]\n", + "=======================\n", + "['the new video is a part of the elders react series on thefinebros youtube channelsnapchat was most commonly used as a means of sending suggestive selfies and messages initially , however is now used more generally']\n", + "in the latest video from the elders react series on thefinebros youtube channel , the clueless men and women are given their first introduction to snapchat with hilarious - and mixed -- results , all of which are caught on camera .a group of technologically-challenged senior citizens are left completely and utterly befuddled by popular messaging app snapchat after attempting to use it for the first time , in order to send the perfect selfie .and while many of them say they understand the appeal of the social media app , which allows users to share photos that will disappear within 10 seconds , they still ca n't really wrap their heads around the point of it .\n", + "the new video is a part of the elders react series on thefinebros youtube channelsnapchat was most commonly used as a means of sending suggestive selfies and messages initially , however is now used more generally\n", + "[1.2580359 1.2167562 1.3076252 1.2724411 1.2686404 1.1158017 1.0741882\n", + " 1.0726851 1.0400711 1.0462052 1.0363532 1.0418438 1.1284803 1.1428391\n", + " 1.0978901 1.0939276 1.0152171 0. 0. ]\n", + "\n", + "[ 2 3 4 0 1 13 12 5 14 15 6 7 9 11 8 10 16 17 18]\n", + "=======================\n", + "[\"at the time of writing the $ 9.95-a-month ( # 9.99 ) service ranked at 872 on the overall download chart and 51 in the music category in the us .tidal 's $ 19.99-a-month app ( pictured ) launched in new york on 30 march .last month some of the biggest names in music joined jay z for the launch of his premium music streaming service tidal .\"]\n", + "=======================\n", + "['jay z launched his $ 19.99-a-month tidal app in new york on 30 marchfollowing the launch it jumped to fourth place on the ios music app chartat the time of writing it ranks at 51 on the music chart and 872 overallrivals pandora and spotify sit in first and third place respectively']\n", + "at the time of writing the $ 9.95-a-month ( # 9.99 ) service ranked at 872 on the overall download chart and 51 in the music category in the us .tidal 's $ 19.99-a-month app ( pictured ) launched in new york on 30 march .last month some of the biggest names in music joined jay z for the launch of his premium music streaming service tidal .\n", + "jay z launched his $ 19.99-a-month tidal app in new york on 30 marchfollowing the launch it jumped to fourth place on the ios music app chartat the time of writing it ranks at 51 on the music chart and 872 overallrivals pandora and spotify sit in first and third place respectively\n", + "[1.2546766 1.2664285 1.3386686 1.2288952 1.1635426 1.0354731 1.0183337\n", + " 1.1300277 1.132019 1.1923989 1.0473322 1.13558 1.0868236 1.1225241\n", + " 1.0526296 1.0159595 1.0780671 0. 0. ]\n", + "\n", + "[ 2 1 0 3 9 4 11 8 7 13 12 16 14 10 5 6 15 17 18]\n", + "=======================\n", + "['the project , launched last month , is part of a dramatic extension of the help to buy scheme -- and doubles the number of new starter homes in england from 100,000 to 200,000 .the news comes as david cameron today reiterates his pledge to offer the cut-price properties to 200,000 young first-time buyers .more than 50,000 britons have signed up to a scheme offering discount starter homes to those desperate to get on the housing ladder .']\n", + "=======================\n", + "['project doubles number of new starter homes in england to 200,000properties will be 20 % cheaper than their market value for under-40sstarter homes can cost no more than # 250,000 or # 450,000 in london']\n", + "the project , launched last month , is part of a dramatic extension of the help to buy scheme -- and doubles the number of new starter homes in england from 100,000 to 200,000 .the news comes as david cameron today reiterates his pledge to offer the cut-price properties to 200,000 young first-time buyers .more than 50,000 britons have signed up to a scheme offering discount starter homes to those desperate to get on the housing ladder .\n", + "project doubles number of new starter homes in england to 200,000properties will be 20 % cheaper than their market value for under-40sstarter homes can cost no more than # 250,000 or # 450,000 in london\n", + "[1.4304239 1.2666506 1.1847908 1.2435943 1.0896533 1.0930297 1.1512918\n", + " 1.2815733 1.0429938 1.0224774 1.0151575 1.0125377 1.0353199 1.1496955\n", + " 1.1066196 1.0618525 1.0302687 1.0433042 1.1347051 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 7 1 3 2 6 13 18 14 5 4 15 17 8 12 16 9 10 11 20 19 21]\n", + "=======================\n", + "[\"cristiano ronaldo looked in formidable form as he showed off his array of skills ahead of real madrid 's champions league quarter-final against city rivals atletico .the world player of the year pulled off a selection of back-heels and fancy flicks during monday 's training session , wowing forward partner karim benzema and sending luka modric to the floor .cristiano ronaldo pulls a face at brazilian left back marcelo during real madrid training on monday morning\"]\n", + "=======================\n", + "['real madrid face atletico madrid in champions league clash on tuesdaymadrid closed gap on league leaders barcelona over the weekendgareth bale returns to training ahead of crucial madrid derbycristiano ronaldo looking to add to his eight champions league goalsclick here for all the latest real madrid news']\n", + "cristiano ronaldo looked in formidable form as he showed off his array of skills ahead of real madrid 's champions league quarter-final against city rivals atletico .the world player of the year pulled off a selection of back-heels and fancy flicks during monday 's training session , wowing forward partner karim benzema and sending luka modric to the floor .cristiano ronaldo pulls a face at brazilian left back marcelo during real madrid training on monday morning\n", + "real madrid face atletico madrid in champions league clash on tuesdaymadrid closed gap on league leaders barcelona over the weekendgareth bale returns to training ahead of crucial madrid derbycristiano ronaldo looking to add to his eight champions league goalsclick here for all the latest real madrid news\n", + "[1.3550376 1.3368726 1.2493339 1.3857772 1.2887661 1.1128676 1.0283892\n", + " 1.1055977 1.22521 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 0 1 4 2 8 5 7 6 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", + "=======================\n", + "[\"caster semenya reclaimed the south african 800-meter title on saturday after an injury-hit spellthe former 800 world title-holder and 2012 olympic silver medalist won in 2 minutes , 5.05 seconds in stellenbosch , near cape town , making her move on the last corner and pulling away from the field through the final 50 meters .semenya 's winning time was just over four seconds off the qualifying mark for the worlds in beijing\"]\n", + "=======================\n", + "['caster semenya reclaimed the south african 800-meter title on saturdayolympic silver medalist won in 2 minutes , 5.05 near cape towninjury-hit semenya is aiming to qualify for the world championships']\n", + "caster semenya reclaimed the south african 800-meter title on saturday after an injury-hit spellthe former 800 world title-holder and 2012 olympic silver medalist won in 2 minutes , 5.05 seconds in stellenbosch , near cape town , making her move on the last corner and pulling away from the field through the final 50 meters .semenya 's winning time was just over four seconds off the qualifying mark for the worlds in beijing\n", + "caster semenya reclaimed the south african 800-meter title on saturdayolympic silver medalist won in 2 minutes , 5.05 near cape towninjury-hit semenya is aiming to qualify for the world championships\n", + "[1.3865626 1.1200901 1.3735467 1.2887986 1.1282041 1.0604998 1.0283465\n", + " 1.0612632 1.036019 1.1563145 1.0995172 1.0229203 1.1078521 1.1319867\n", + " 1.0332336 1.2012347 1.0899779 1.0166026 1.0279254 1.0174028 1.0244421\n", + " 1.0292914]\n", + "\n", + "[ 0 2 3 15 9 13 4 1 12 10 16 7 5 8 14 21 6 18 20 11 19 17]\n", + "=======================\n", + "[\"( cnn ) saturday at the masters , like any pga tournament , has been dubbed ` moving day ' .players rose and players fell away on moving day at the 2015 masters .rory mcilroy went out in 32 and briefly raised the crowd 's hopes that he had a sniff of completing an improbable grand slam on sunday night .\"]\n", + "=======================\n", + "['jordan spieth holds lead in 2015 mastersstrong starts from mcilroy and woodsboth fall away as 21 year old spieth takes control']\n", + "( cnn ) saturday at the masters , like any pga tournament , has been dubbed ` moving day ' .players rose and players fell away on moving day at the 2015 masters .rory mcilroy went out in 32 and briefly raised the crowd 's hopes that he had a sniff of completing an improbable grand slam on sunday night .\n", + "jordan spieth holds lead in 2015 mastersstrong starts from mcilroy and woodsboth fall away as 21 year old spieth takes control\n", + "[1.1403941 1.1784058 1.3743956 1.2559347 1.286612 1.315301 1.164826\n", + " 1.1341674 1.1764133 1.0831119 1.1313095 1.0656425 1.0449383 1.0519104\n", + " 1.0138731 1.0101773 1.0065696 1.0157696 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 5 4 3 1 8 6 0 7 10 9 11 13 12 17 14 15 16 20 18 19 21]\n", + "=======================\n", + "[\"cody neatis , from preston , was admitted to royal preston hospital last thursday with a chest infection .the eight-year-old - who has down 's syndrome , epilepsy , autism and is fed by a tube - has been without a hospital bed because staff do not have the special cot he needs to keep him safe in his sleep .but rather than a bed in the children 's ward , has had to sleep on a mattress on the floor since arriving .\"]\n", + "=======================\n", + "[\"cody neatis , 8 , has down 's syndrome , epilepsy and autism and is tube-fedwas admitted to hospital but has had to sleep on a mattress on the floorneeds a special high-sided bed to sleep in as he moves around in the nightmother lynne neatis says she has been battling hospital for it for two yearshospital says it is waiting for a special bed from america to be delivered\"]\n", + "cody neatis , from preston , was admitted to royal preston hospital last thursday with a chest infection .the eight-year-old - who has down 's syndrome , epilepsy , autism and is fed by a tube - has been without a hospital bed because staff do not have the special cot he needs to keep him safe in his sleep .but rather than a bed in the children 's ward , has had to sleep on a mattress on the floor since arriving .\n", + "cody neatis , 8 , has down 's syndrome , epilepsy and autism and is tube-fedwas admitted to hospital but has had to sleep on a mattress on the floorneeds a special high-sided bed to sleep in as he moves around in the nightmother lynne neatis says she has been battling hospital for it for two yearshospital says it is waiting for a special bed from america to be delivered\n", + "[1.2760327 1.4802252 1.2872679 1.3888117 1.1948994 1.1878792 1.0779362\n", + " 1.0315154 1.0185584 1.0170087 1.0367897 1.0184402 1.042249 1.0304004\n", + " 1.0210726 1.0165399 1.0624685 1.0654216 1.0182842 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 6 17 16 12 10 7 13 14 8 11 18 9 15 19 20 21]\n", + "=======================\n", + "[\"alison saunders , the director of public prosecutions , said she was ` not afraid ' of a legal challenge because she is convinced the labour peer is not fit to plead because of his dementia .and in her first interview since she announced lord janner would not face trial she refused to quit because ` making the right decision is not a resigning issue ' .the uk 's top prosecutor today told critics deriding her decision not to prosecute lord janner over alleged child sex offences to challenge her in court .\"]\n", + "=======================\n", + "[\"alison saunders wo n't quit because ` making the right decision is not a resigning issue 'head of cps decided against pressing charges against lord jannershe was persuaded against taking a case by the labour peer 's dementiashe said : ' i thought long and hard and i 'm confident i got it right '\"]\n", + "alison saunders , the director of public prosecutions , said she was ` not afraid ' of a legal challenge because she is convinced the labour peer is not fit to plead because of his dementia .and in her first interview since she announced lord janner would not face trial she refused to quit because ` making the right decision is not a resigning issue ' .the uk 's top prosecutor today told critics deriding her decision not to prosecute lord janner over alleged child sex offences to challenge her in court .\n", + "alison saunders wo n't quit because ` making the right decision is not a resigning issue 'head of cps decided against pressing charges against lord jannershe was persuaded against taking a case by the labour peer 's dementiashe said : ' i thought long and hard and i 'm confident i got it right '\n", + "[1.222047 1.2879119 1.1368543 1.3857924 1.3142898 1.1411839 1.256615\n", + " 1.1173284 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 1 6 0 5 2 7 18 17 16 15 14 10 12 11 19 9 8 13 20]\n", + "=======================\n", + "[\"david villa posted this snap of his instagram of his family enjoying the empire state building in new yorkthe newest franchise in the mls are currently two points behind city rivals the new york red bulls and villa will want his side to have the bragging rights .new york 's next game is away to the philadelphia union on april 11 , who find themselves bottom of the eastern conference .\"]\n", + "=======================\n", + "['david villa posted the photo of his family by the empire state buildingthe former barcelona striker moved to new york city on a free transfervilla has scored one goal since his move and seems to be enjoying the us']\n", + "david villa posted this snap of his instagram of his family enjoying the empire state building in new yorkthe newest franchise in the mls are currently two points behind city rivals the new york red bulls and villa will want his side to have the bragging rights .new york 's next game is away to the philadelphia union on april 11 , who find themselves bottom of the eastern conference .\n", + "david villa posted the photo of his family by the empire state buildingthe former barcelona striker moved to new york city on a free transfervilla has scored one goal since his move and seems to be enjoying the us\n", + "[1.2443177 1.2633095 1.2758918 1.1399504 1.2605956 1.218737 1.0587721\n", + " 1.0450318 1.1042883 1.0487518 1.0457759 1.1861618 1.055264 1.0732354\n", + " 1.0836399 1.0111248 1.0162704 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 4 0 5 11 3 8 14 13 6 12 9 10 7 16 15 17 18 19 20]\n", + "=======================\n", + "[\"the gang then planned to put real money in a briefcase and show it to a jeweller at a pre-arranged meeting , before placing it on the floor .using a flat-pack wooden cabinet as a ` trojan horse ' , one of the thieves was to hide inside .the gang -- posing as wealthy italians -- would then walk off with their money and the stolen jewellery .\"]\n", + "=======================\n", + "['gang built cabinet so one of them could hide inside large void in middlewanted to secretly switch euros for fake cash during deal in manchesterofficers recovered $ 2.2 m in counterfeit money and # 52,000 of real notesfour men aged 17 , 37 , 45 and 73 are jailed for total of almost ten years']\n", + "the gang then planned to put real money in a briefcase and show it to a jeweller at a pre-arranged meeting , before placing it on the floor .using a flat-pack wooden cabinet as a ` trojan horse ' , one of the thieves was to hide inside .the gang -- posing as wealthy italians -- would then walk off with their money and the stolen jewellery .\n", + "gang built cabinet so one of them could hide inside large void in middlewanted to secretly switch euros for fake cash during deal in manchesterofficers recovered $ 2.2 m in counterfeit money and # 52,000 of real notesfour men aged 17 , 37 , 45 and 73 are jailed for total of almost ten years\n", + "[1.0836031 1.1160773 1.1883284 1.1295651 1.1459186 1.1072657 1.0560255\n", + " 1.0496945 1.0252612 1.0235307 1.0467607 1.0839968 1.0964786 1.0499051\n", + " 1.0582297 1.0255243 1.1268799 1.0504355 1.053427 1.020886 1.02352 ]\n", + "\n", + "[ 2 4 3 16 1 5 12 11 0 14 6 18 17 13 7 10 15 8 9 20 19]\n", + "=======================\n", + "[\"outside one mosque -- mixing with other men desperate for a day 's worth of casual manual labor -- are five men who months ago had one valuable skill nato depended upon : they speak english .they were , each for a different reason -- each for a reason they do not understand -- all fired from their jobs and then blacklisted , they say , meaning they can no longer get work with other government groups or ngos here .now however , their world has turned upon them .\"]\n", + "=======================\n", + "['kabul faces uncertain future as nato presence -- and the money that came with it -- fades awayinterpreters are out of work , nato trucks sit idle on roads , restaurants are empty']\n", + "outside one mosque -- mixing with other men desperate for a day 's worth of casual manual labor -- are five men who months ago had one valuable skill nato depended upon : they speak english .they were , each for a different reason -- each for a reason they do not understand -- all fired from their jobs and then blacklisted , they say , meaning they can no longer get work with other government groups or ngos here .now however , their world has turned upon them .\n", + "kabul faces uncertain future as nato presence -- and the money that came with it -- fades awayinterpreters are out of work , nato trucks sit idle on roads , restaurants are empty\n", + "[1.3019633 1.197647 1.2250646 1.3605413 1.2529557 1.0311693 1.1215547\n", + " 1.035051 1.2019315 1.0151112 1.0143335 1.216867 1.1109984 1.0288895\n", + " 1.1432074 1.0394499 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 4 2 11 8 1 14 6 12 15 7 5 13 9 10 16 17 18 19 20]\n", + "=======================\n", + "[\"peter costello slammed the abbott government , describing its approach to taxation as a ` morbid joke 'treasurer joe hockey was not impressed with the costello critique , lamenting the fact his liberal predecessor had more tax revenue to use during the howard government years` lower , simpler , fairer is looking like a morbid joke , ' mr costello said on tuesday , citing a proposed bank deposit tax and a push for a greater contribution from multinational companies .\"]\n", + "=======================\n", + "[\"peter costello slammed government pledge for ` lower , simpler , fairer ' taxesthe former treasurer singled out joe hockey 's proposed new bank tax and josh frydenberg 's push for revenue from multinationalsmr hockey hit back at mr costello , saying he wished he had the tax revenue the former treasurer had when the coalition was last in power\"]\n", + "peter costello slammed the abbott government , describing its approach to taxation as a ` morbid joke 'treasurer joe hockey was not impressed with the costello critique , lamenting the fact his liberal predecessor had more tax revenue to use during the howard government years` lower , simpler , fairer is looking like a morbid joke , ' mr costello said on tuesday , citing a proposed bank deposit tax and a push for a greater contribution from multinational companies .\n", + "peter costello slammed government pledge for ` lower , simpler , fairer ' taxesthe former treasurer singled out joe hockey 's proposed new bank tax and josh frydenberg 's push for revenue from multinationalsmr hockey hit back at mr costello , saying he wished he had the tax revenue the former treasurer had when the coalition was last in power\n", + "[1.4952765 1.2575085 1.1769003 1.214483 1.1337724 1.0343899 1.0331883\n", + " 1.2023073 1.1274786 1.1187152 1.0232979 1.0362916 1.0358547 1.0264461\n", + " 1.0612789 1.0320114 1.0511991 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 7 2 4 8 9 14 16 11 12 5 6 15 13 10 17 18 19 20]\n", + "=======================\n", + "[\"loretta lynch was sworn in monday as the 83rd u.s. attorney general , becoming the first african-american woman to serve as the nation 's top law enforcement official .she said her confirmation as attorney general showed that ` we can do anything ' and pledged to deal with cyberattacks and other threats facing the country .vice president joe biden , accompanied by loretta lynch 's father lorenzo lynch , second from left , and her husband stephen hargrove , second from right , administered the oath of office on monday\"]\n", + "=======================\n", + "[\"vice president joe biden swore in lynch on mondayshe was a new york city federal prosecutor with a reputation for being hard-nosed and toughshe said her senate confirmation showed that ` we can do anything 'pledged to deal with cyberattacks and other threats facing the us\"]\n", + "loretta lynch was sworn in monday as the 83rd u.s. attorney general , becoming the first african-american woman to serve as the nation 's top law enforcement official .she said her confirmation as attorney general showed that ` we can do anything ' and pledged to deal with cyberattacks and other threats facing the country .vice president joe biden , accompanied by loretta lynch 's father lorenzo lynch , second from left , and her husband stephen hargrove , second from right , administered the oath of office on monday\n", + "vice president joe biden swore in lynch on mondayshe was a new york city federal prosecutor with a reputation for being hard-nosed and toughshe said her senate confirmation showed that ` we can do anything 'pledged to deal with cyberattacks and other threats facing the us\n", + "[1.1780592 1.4407723 1.3499508 1.2821246 1.2404642 1.1886889 1.1828443\n", + " 1.118914 1.155757 1.13675 1.1089112 1.0617925 1.0629178 1.042507\n", + " 1.015202 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 5 6 0 8 9 7 10 12 11 13 14 18 15 16 17 19]\n", + "=======================\n", + "[\"carolyn thorpe , 62 , was enjoying a cup of coffee outside a cafe in hiers-brouage , a seaside town in south-west france , when the 20-foot tree toppled and crushed her to death in 2007 .her daughter sarah wright was also injured by the american ash tree , which was planted 200 years ago to mark the birth of napoleon i 's first son .carolyn thorpe was sat in a pavement cafe when the huge tree fell onto her and her daughter .\"]\n", + "=======================\n", + "[\"carolyn thorpe from bristol died when the tree toppled onto her in 2007the 62-year-old 's daughter was also injured in the tragic accidenttown hall of hiers-brouage has now paid out thousands in compensation\"]\n", + "carolyn thorpe , 62 , was enjoying a cup of coffee outside a cafe in hiers-brouage , a seaside town in south-west france , when the 20-foot tree toppled and crushed her to death in 2007 .her daughter sarah wright was also injured by the american ash tree , which was planted 200 years ago to mark the birth of napoleon i 's first son .carolyn thorpe was sat in a pavement cafe when the huge tree fell onto her and her daughter .\n", + "carolyn thorpe from bristol died when the tree toppled onto her in 2007the 62-year-old 's daughter was also injured in the tragic accidenttown hall of hiers-brouage has now paid out thousands in compensation\n", + "[1.1838357 1.4931409 1.3190013 1.1856501 1.3731604 1.302029 1.0527859\n", + " 1.0610108 1.0259476 1.0155404 1.1571722 1.0701681 1.0483035 1.0564002\n", + " 1.0464375 1.0249175 1.0152107 1.0103222 0. 0. ]\n", + "\n", + "[ 1 4 2 5 3 0 10 11 7 13 6 12 14 8 15 9 16 17 18 19]\n", + "=======================\n", + "['sharista giles of sweetwater , tennessee , was driving home from a concert in december with friends when a car accident sent her to the hospital with injuries so bad doctors believed she would never recover .the 20-year-old was five months pregnant at the time and in january doctors were forced to deliver the baby early , a little boy the family refers to as baby l.and now , giles has finally seen her newborn after waking up from her coma on wednesday .']\n", + "=======================\n", + "[\"sharista giles of sweetwater , tennessee woke up on wednesday after being in a coma for five monthsshe was five months pregnant when she went into the coma , and a month later doctors were forced to deliver her son , who the family calls baby lwhen giles opened her eyes her father showed her a photo of her sonbaby l weighed just two pounds when he was born and though he is still in the neonatal intensive care unit he now weighs over six poundsgiles ' prognosis is still not known , but she has shocked doctors who believed she would not make it out of her coma or even live this long\"]\n", + "sharista giles of sweetwater , tennessee , was driving home from a concert in december with friends when a car accident sent her to the hospital with injuries so bad doctors believed she would never recover .the 20-year-old was five months pregnant at the time and in january doctors were forced to deliver the baby early , a little boy the family refers to as baby l.and now , giles has finally seen her newborn after waking up from her coma on wednesday .\n", + "sharista giles of sweetwater , tennessee woke up on wednesday after being in a coma for five monthsshe was five months pregnant when she went into the coma , and a month later doctors were forced to deliver her son , who the family calls baby lwhen giles opened her eyes her father showed her a photo of her sonbaby l weighed just two pounds when he was born and though he is still in the neonatal intensive care unit he now weighs over six poundsgiles ' prognosis is still not known , but she has shocked doctors who believed she would not make it out of her coma or even live this long\n", + "[1.1740984 1.5139941 1.3489732 1.3831365 1.159377 1.1205984 1.0180197\n", + " 1.0190189 1.0143089 1.0687474 1.1187453 1.0646619 1.1416095 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 12 5 10 9 11 7 6 8 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"riley filmer , 14 , turned up for classes wearing new shoes on the first day of term at mcclelland college , in melbourne 's south-east , only to be told that the black soft-leather lace-ups did not meet uniform standards .the year eight student was prevented from attending her classes for the day , and has not been allowed back into the classroom since the incident , which her mother anne parker claims has disadvantaged and excluded her daughter .the secondary school 's policy outlined in the 2015 personal learning journal states that girls are to wear ` black leather lace-up school shoes ( not fashion heels ) ' for both summer and winter uniforms , a guideline which ms parker said riley 's shoes meet .\"]\n", + "=======================\n", + "[\"riley filmer has been prevented from attending class because of her shoesshe was told that her shoes do not comply with mcclelland college 's rulesthe policy states girls are to wear ` black leather lace-up school shoes 'riley 's mother said the shoes comply and are comfortable and practicalthe 14-year-old has not been allowed to attend classes for three days\"]\n", + "riley filmer , 14 , turned up for classes wearing new shoes on the first day of term at mcclelland college , in melbourne 's south-east , only to be told that the black soft-leather lace-ups did not meet uniform standards .the year eight student was prevented from attending her classes for the day , and has not been allowed back into the classroom since the incident , which her mother anne parker claims has disadvantaged and excluded her daughter .the secondary school 's policy outlined in the 2015 personal learning journal states that girls are to wear ` black leather lace-up school shoes ( not fashion heels ) ' for both summer and winter uniforms , a guideline which ms parker said riley 's shoes meet .\n", + "riley filmer has been prevented from attending class because of her shoesshe was told that her shoes do not comply with mcclelland college 's rulesthe policy states girls are to wear ` black leather lace-up school shoes 'riley 's mother said the shoes comply and are comfortable and practicalthe 14-year-old has not been allowed to attend classes for three days\n", + "[1.2349375 1.1986221 1.1786642 1.1216288 1.4277685 1.1537144 1.1091342\n", + " 1.0464466 1.0308688 1.0899259 1.1330805 1.122521 1.0268568 1.0429946\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 0 1 2 5 10 11 3 6 9 7 13 8 12 14 15 16 17 18 19]\n", + "=======================\n", + "[\"the fire at bradford city 's valley parade claimed 56 victims and injured 265 on may 11 , 1985as bradford city celebrated promotion from the old english third division , a day of joy quickly became one of devastation as a fire ripped through the timber main stand at valley parade towards the end of the first half , claiming 56 helpless victims .just 21 years of age , mccall returned to his car , only to find the door handle was burning hot because it had been parked so near to the blaze .\"]\n", + "=======================\n", + "[\"in 1985 the main stand of bradford 's valley parade caught fire , killing 56inquiry found the fire had probably started via stray match or cigarettemccall was playing that day and his father was badly burned in the blazebradford fan martin fletcher claims the fire may not have been an accidentfletcher 's father , uncle , brother and grandfather lost their lives in the firefletcher claims chairman stafford heginbotham may have been to blamebut mccall refutes those claims insisting it was just an accident\"]\n", + "the fire at bradford city 's valley parade claimed 56 victims and injured 265 on may 11 , 1985as bradford city celebrated promotion from the old english third division , a day of joy quickly became one of devastation as a fire ripped through the timber main stand at valley parade towards the end of the first half , claiming 56 helpless victims .just 21 years of age , mccall returned to his car , only to find the door handle was burning hot because it had been parked so near to the blaze .\n", + "in 1985 the main stand of bradford 's valley parade caught fire , killing 56inquiry found the fire had probably started via stray match or cigarettemccall was playing that day and his father was badly burned in the blazebradford fan martin fletcher claims the fire may not have been an accidentfletcher 's father , uncle , brother and grandfather lost their lives in the firefletcher claims chairman stafford heginbotham may have been to blamebut mccall refutes those claims insisting it was just an accident\n", + "[1.258395 1.4476154 1.215462 1.3600911 1.1598591 1.0936619 1.1237913\n", + " 1.1418296 1.0640818 1.1219401 1.0699552 1.1084617 1.0618156 1.1124952\n", + " 1.0296104 1.0210738 1.0253996 1.0148549 1.0150613 1.0353248]\n", + "\n", + "[ 1 3 0 2 4 7 6 9 13 11 5 10 8 12 19 14 16 15 18 17]\n", + "=======================\n", + "[\"jordan was stabbed in the neck and declared dead after his family drove him to brentwood 's john muir hospital .william schultz ( left ) was arrested sunday afternoon , hours after jordan almgren ( right ) was stabbed to death in his home in discovery baydeputies put out an alert for schultz after they said he got away in a truck outside the home .\"]\n", + "=======================\n", + "[\"william schultz was arrested sunday afternoon , hours after jordan almgren was stabbed to death in his home in discovery baydeputies put out an alert for schultz after they said he got away in someone 's truckthe motive for the stabbing remains under investigationday before the stabbing , deputies had also been called to the home on a request for a psychological evaluation of schultz\"]\n", + "jordan was stabbed in the neck and declared dead after his family drove him to brentwood 's john muir hospital .william schultz ( left ) was arrested sunday afternoon , hours after jordan almgren ( right ) was stabbed to death in his home in discovery baydeputies put out an alert for schultz after they said he got away in a truck outside the home .\n", + "william schultz was arrested sunday afternoon , hours after jordan almgren was stabbed to death in his home in discovery baydeputies put out an alert for schultz after they said he got away in someone 's truckthe motive for the stabbing remains under investigationday before the stabbing , deputies had also been called to the home on a request for a psychological evaluation of schultz\n", + "[1.4750005 1.46267 1.0800421 1.0549195 1.3630894 1.1767358 1.157351\n", + " 1.0994313 1.0607027 1.029484 1.0459971 1.0239259 1.0267651 1.017495\n", + " 1.0271608 1.0151268 1.0106875 1.0108718 1.1707325 1.1067741 1.0812969\n", + " 1.1528337]\n", + "\n", + "[ 0 1 4 5 18 6 21 19 7 20 2 8 3 10 9 14 12 11 13 15 17 16]\n", + "=======================\n", + "['dion dublin made his presenting debut on monday morning as the former footballer co-hosted bbc television show homes under the hammer .the former aston villa frontman joined regular hosts martin roberts and lucy alexander for the popular property renovation series as he looked to help a brother and sister-in-law put some life into a three bedroom semi-detached house in dartford .mike and lucia bought the dartford property at auction for # 215,000 and gave themselves a budget of just # 10,000 with an original plan to replace the windows and doors .']\n", + "=======================\n", + "['dion dublin has been signed up to present homes under the hammerformer footballer made his presenting debut on monday morning45-year-old helped renovate three bedroom house in dartforddublin played for manchester united , coventry city and aston villa']\n", + "dion dublin made his presenting debut on monday morning as the former footballer co-hosted bbc television show homes under the hammer .the former aston villa frontman joined regular hosts martin roberts and lucy alexander for the popular property renovation series as he looked to help a brother and sister-in-law put some life into a three bedroom semi-detached house in dartford .mike and lucia bought the dartford property at auction for # 215,000 and gave themselves a budget of just # 10,000 with an original plan to replace the windows and doors .\n", + "dion dublin has been signed up to present homes under the hammerformer footballer made his presenting debut on monday morning45-year-old helped renovate three bedroom house in dartforddublin played for manchester united , coventry city and aston villa\n", + "[1.1026989 1.2822685 1.3166885 1.2921962 1.1970968 1.0653794 1.0654334\n", + " 1.1122324 1.0199714 1.0801704 1.1494883 1.0568806 1.0585098 1.0597804\n", + " 1.0576257 1.0641942 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 3 1 4 10 7 0 9 6 5 15 13 12 14 11 8 20 16 17 18 19 21]\n", + "=======================\n", + "[\"33-year-old stuart , had , said ex-girlfriend sophie , offered up the novel excuse when accused of cheating after discovering that she had mysteriously contracted chlamydia .car exhaust : stuart , pictured with ` wife ' linda , claimed to have picked up chlamydia from a car exhaustbut one man has taken the art of the creative excuse to a new level and claimed his sexually transmitted disease was the result of car exhaust rather than cheating , according to his ex .\"]\n", + "=======================\n", + "['33-year-old stuart made the bizarre excuse to ex-girlfriend sophieshe told of the creative excuse for cheating during a tv appearancebut a red-faced stuart stormed on to the jeremy kyle show to deny itthe jeremy kyle show , weekdays at 9.25 am on itv']\n", + "33-year-old stuart , had , said ex-girlfriend sophie , offered up the novel excuse when accused of cheating after discovering that she had mysteriously contracted chlamydia .car exhaust : stuart , pictured with ` wife ' linda , claimed to have picked up chlamydia from a car exhaustbut one man has taken the art of the creative excuse to a new level and claimed his sexually transmitted disease was the result of car exhaust rather than cheating , according to his ex .\n", + "33-year-old stuart made the bizarre excuse to ex-girlfriend sophieshe told of the creative excuse for cheating during a tv appearancebut a red-faced stuart stormed on to the jeremy kyle show to deny itthe jeremy kyle show , weekdays at 9.25 am on itv\n", + "[1.2793791 1.5020204 1.1360509 1.3660445 1.2938623 1.1164596 1.057854\n", + " 1.0466725 1.0361322 1.0439578 1.0251586 1.0641515 1.0841527 1.1264596\n", + " 1.0288593 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 4 0 2 13 5 12 11 6 7 9 8 14 10 15 16 17 18 19 20 21]\n", + "=======================\n", + "['in may 2014 , benito gonzalez jr. ,46 , was suspended from duty after being arrested for allegedly exposing his genitals and touching himself inappropriately while seated at a table in a cherry hill starbucks , police say .blame : benito gonzalez , 46 ( photographed ) , who pleaded guilty to a lewdness charge after allegedly masturbating in a starbucks says his post-traumatic stress disorder is to blamethe father-of-three was found guilty of the offense last month and is currently suspended without pay , the philadelphia inquirer reports .']\n", + "=======================\n", + "['camden , new jersey , police lieutenant benito gonzalez , 46 , pleaded guilty to a lewdness charge after touching himself inappropriately in a starbucksgonzalez says he does not remember the incident and claims it was the result of trauma from a near-death experience more than three years agogonzalez , who is suspended without pay , is fighting for his more than $ 60,000 pension , but county officials are pushing for his termination']\n", + "in may 2014 , benito gonzalez jr. ,46 , was suspended from duty after being arrested for allegedly exposing his genitals and touching himself inappropriately while seated at a table in a cherry hill starbucks , police say .blame : benito gonzalez , 46 ( photographed ) , who pleaded guilty to a lewdness charge after allegedly masturbating in a starbucks says his post-traumatic stress disorder is to blamethe father-of-three was found guilty of the offense last month and is currently suspended without pay , the philadelphia inquirer reports .\n", + "camden , new jersey , police lieutenant benito gonzalez , 46 , pleaded guilty to a lewdness charge after touching himself inappropriately in a starbucksgonzalez says he does not remember the incident and claims it was the result of trauma from a near-death experience more than three years agogonzalez , who is suspended without pay , is fighting for his more than $ 60,000 pension , but county officials are pushing for his termination\n", + "[1.3610955 1.1755196 1.2924104 1.4097906 1.0945777 1.1639271 1.0672867\n", + " 1.0249158 1.0317854 1.1472974 1.0995222 1.0701249 1.0532461 1.0426905\n", + " 1.0478671 1.0349829 1.0108346 1.0081997 1.0137277 1.0207347 0.\n", + " 0. ]\n", + "\n", + "[ 3 0 2 1 5 9 10 4 11 6 12 14 13 15 8 7 19 18 16 17 20 21]\n", + "=======================\n", + "[\"sunderland strikers steven fletcher and jermain defoe ca n't hide their disappointment following defeatthierry henry said the stadium of light was the noisiest atmosphere he had ever experienced during sunderland 's derby win over newcastle .a sorrowful silence as thousands streamed for the exits in the wake of crystal palace 's fourth goal inside 14 second-half minutes .\"]\n", + "=======================\n", + "[\"dick advocaat warned his side they face relegation if they do n't improvesunderland were thumped by crystal palace at the stadium of lightblacks cats boss advocaat has admitted he is worried by relegationsunderland are three points clear of the premier league relegation zone\"]\n", + "sunderland strikers steven fletcher and jermain defoe ca n't hide their disappointment following defeatthierry henry said the stadium of light was the noisiest atmosphere he had ever experienced during sunderland 's derby win over newcastle .a sorrowful silence as thousands streamed for the exits in the wake of crystal palace 's fourth goal inside 14 second-half minutes .\n", + "dick advocaat warned his side they face relegation if they do n't improvesunderland were thumped by crystal palace at the stadium of lightblacks cats boss advocaat has admitted he is worried by relegationsunderland are three points clear of the premier league relegation zone\n", + "[1.1599602 1.402081 1.2674913 1.1262541 1.0854764 1.1787838 1.0541525\n", + " 1.03112 1.0781639 1.0318096 1.0330148 1.1313328 1.0799838 1.0765592\n", + " 1.054509 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 5 0 11 3 4 12 8 13 14 6 10 9 7 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the five-star hotel in porto celebrates all things wine - port wine , in particular - and has the feel of a place steeped in decades-old tradition , with a prime location , classic design and unblemished attention to detail .but , to my surprise , the yeatman has been open for just five years - a fraction of the age of some of the pricier bottles in its wine cellar .portugal 's first wine hotel is built into a hill , providing sweeping views of porto and the douro river from the indoor pool and guest rooms\"]\n", + "=======================\n", + "['the yeatman has been open for just five years , but has the feel of a place steeped in decades-old traditionthere is a wine theme throughout the five-star hotel , with guests enjoying amazing views of the douro riverthe hotel is built into a hill in vila nova de gaia , with almost every room themed after a portuguese winery']\n", + "the five-star hotel in porto celebrates all things wine - port wine , in particular - and has the feel of a place steeped in decades-old tradition , with a prime location , classic design and unblemished attention to detail .but , to my surprise , the yeatman has been open for just five years - a fraction of the age of some of the pricier bottles in its wine cellar .portugal 's first wine hotel is built into a hill , providing sweeping views of porto and the douro river from the indoor pool and guest rooms\n", + "the yeatman has been open for just five years , but has the feel of a place steeped in decades-old traditionthere is a wine theme throughout the five-star hotel , with guests enjoying amazing views of the douro riverthe hotel is built into a hill in vila nova de gaia , with almost every room themed after a portuguese winery\n", + "[1.3176486 1.3437413 1.2380815 1.1904752 1.2296063 1.0790431 1.1281018\n", + " 1.1472677 1.198815 1.1088215 1.0462978 1.0197544 1.0196251 1.0500009\n", + " 1.036756 1.0296863 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 8 3 7 6 9 5 13 10 14 15 11 12 17 16 18]\n", + "=======================\n", + "[\"the bestselling author , who once pledged not to dumb down her work ahead of its bbc debut , has revised the theatrical adaptation of her tudor novels for a run on broadway .wolf hall writer hilary mantel 's award-winning second novel bring up the bodies has been renamed for the american stage .warning : hilary mantel said she believed that the broadway version of her books will be a hit\"]\n", + "=======================\n", + "[\"hilary mantel has been tweaking stage version of wolf hall for broadwayher award-winning bring up the bodies has been renamed ` wolf hall ii 'it may also be shorter as the author was said to have cut ` lot of repetition 'show opens in america 's broadway with original british cast tomorrow\"]\n", + "the bestselling author , who once pledged not to dumb down her work ahead of its bbc debut , has revised the theatrical adaptation of her tudor novels for a run on broadway .wolf hall writer hilary mantel 's award-winning second novel bring up the bodies has been renamed for the american stage .warning : hilary mantel said she believed that the broadway version of her books will be a hit\n", + "hilary mantel has been tweaking stage version of wolf hall for broadwayher award-winning bring up the bodies has been renamed ` wolf hall ii 'it may also be shorter as the author was said to have cut ` lot of repetition 'show opens in america 's broadway with original british cast tomorrow\n", + "[1.3234428 1.2860436 1.1535475 1.4770886 1.1657864 1.1548657 1.0258085\n", + " 1.0199 1.0854264 1.0202682 1.0137677 1.0171851 1.0209842 1.0211017\n", + " 1.23939 1.2698418 1.0572069 1.0515901 1.0249146]\n", + "\n", + "[ 3 0 1 15 14 4 5 2 8 16 17 6 18 13 12 9 7 11 10]\n", + "=======================\n", + "[\"steve davis will attempt to qualify for this year 's betfred world championship at the cruciblesteve davis would love to see jimmy white and reanne evans light up the crucible stage but admits his own swan song hopes look forlorn .reanne evans is a 10-time ladies champion who previously competed on the main tour for the 2010-11 season .\"]\n", + "=======================\n", + "['steve davis will attempt to qualify for the betfred world championshipthe 57-year-old is a six-time world champion at the cruciblebut davis admitted he is not fully committed to the sportjimmy white and reanne evans are also hoping to qualify']\n", + "steve davis will attempt to qualify for this year 's betfred world championship at the cruciblesteve davis would love to see jimmy white and reanne evans light up the crucible stage but admits his own swan song hopes look forlorn .reanne evans is a 10-time ladies champion who previously competed on the main tour for the 2010-11 season .\n", + "steve davis will attempt to qualify for the betfred world championshipthe 57-year-old is a six-time world champion at the cruciblebut davis admitted he is not fully committed to the sportjimmy white and reanne evans are also hoping to qualify\n", + "[1.1175507 1.1950121 1.2963481 1.1985981 1.1875567 1.2530434 1.1715713\n", + " 1.094519 1.0213417 1.0687038 1.0400559 1.0902971 1.0223212 1.0858713\n", + " 1.1563386 1.122172 1.0656686 1.0542575 1.0202228]\n", + "\n", + "[ 2 5 3 1 4 6 14 15 0 7 11 13 9 16 17 10 12 8 18]\n", + "=======================\n", + "['the images are thanks to revolutionary technology that allows medics to record the microscopic miracle of life -- from fertilisation to the division of cells , right through to the growth of an embryo .sally and stephen morley ( pictured with their daughter pixie ) are one of some 1,500 couples in britain who have had babies using embryoscope technologyhundreds of parents are now the proud owners of these embryoscope images , which are also helping scientists learn more about the ivf process .']\n", + "=======================\n", + "[\"new technology allows parents of ivf children to view babies ' conceptionit allows parents to see the embryo forming far before usual 12 week scanmedics are able to watch process and select best embryo to be plantedsally and stephen morley among 1,500 couples in uk to use technology\"]\n", + "the images are thanks to revolutionary technology that allows medics to record the microscopic miracle of life -- from fertilisation to the division of cells , right through to the growth of an embryo .sally and stephen morley ( pictured with their daughter pixie ) are one of some 1,500 couples in britain who have had babies using embryoscope technologyhundreds of parents are now the proud owners of these embryoscope images , which are also helping scientists learn more about the ivf process .\n", + "new technology allows parents of ivf children to view babies ' conceptionit allows parents to see the embryo forming far before usual 12 week scanmedics are able to watch process and select best embryo to be plantedsally and stephen morley among 1,500 couples in uk to use technology\n", + "[1.2188575 1.4058 1.3478332 1.3235112 1.2118397 1.1845734 1.0775071\n", + " 1.077184 1.020514 1.0149161 1.0711983 1.1001872 1.0285252 1.0372292\n", + " 1.1327477 1.039419 1.0131713 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 5 14 11 6 7 10 15 13 12 8 9 16 17 18]\n", + "=======================\n", + "[\"caleb benn , a californian high school student , recently developed a $ 4.99 ( # 3.24 ) app for ios devices using instagram 's application program interface .called ` uploader for instagram ' , it allows users to upload photos to instagram directly from their computer rather than using only their smartphone .a 17 year-old college student could face a battle with instagram after hacking the popular photo-sharing app .\"]\n", + "=======================\n", + "[\"$ 4.99 ( # 3.24 ) ` uploader for instagram ' app was created by caleb bennthe teenager is currently making $ 1,000 ( # 675.70 ) a day from the appinstagram allegedly contacted benn saying it violated terms of servicefacebook , which owns instagram , says it restricts use of private api\"]\n", + "caleb benn , a californian high school student , recently developed a $ 4.99 ( # 3.24 ) app for ios devices using instagram 's application program interface .called ` uploader for instagram ' , it allows users to upload photos to instagram directly from their computer rather than using only their smartphone .a 17 year-old college student could face a battle with instagram after hacking the popular photo-sharing app .\n", + "$ 4.99 ( # 3.24 ) ` uploader for instagram ' app was created by caleb bennthe teenager is currently making $ 1,000 ( # 675.70 ) a day from the appinstagram allegedly contacted benn saying it violated terms of servicefacebook , which owns instagram , says it restricts use of private api\n", + "[1.2652284 1.1502134 1.3042748 1.168668 1.1418126 1.1917117 1.1526632\n", + " 1.0212102 1.2542517 1.0167376 1.1093477 1.1319844 1.0179397 1.0286013\n", + " 1.0167772 1.0146867 1.06172 1.0127046 0. ]\n", + "\n", + "[ 2 0 8 5 3 6 1 4 11 10 16 13 7 12 14 9 15 17 18]\n", + "=======================\n", + "[\"david cameron said he had ` grown up listening to richie benaud 's wonderful cricket commentary ' , while his australian counterpart tony abbott called it ` a sad day for australia ' .glowing tributes were paid yesterday to cricketing legend richie benaud , after his death at 84 from skin cancer .richie benaud will not be returning to england next summer to sustain his pre-eminence as cricket 's finest commentator .\"]\n", + "=======================\n", + "[\"international cricket fans in england lost legend 's voice after 2005 ashesthis led ian wooldridge to pay homage to ` cricket 's finest commentator 'as a player he led his country in 28 of his 63 tests and never lost a seriesmantra of ` never insulting the viewers ' by saying too much made him great\"]\n", + "david cameron said he had ` grown up listening to richie benaud 's wonderful cricket commentary ' , while his australian counterpart tony abbott called it ` a sad day for australia ' .glowing tributes were paid yesterday to cricketing legend richie benaud , after his death at 84 from skin cancer .richie benaud will not be returning to england next summer to sustain his pre-eminence as cricket 's finest commentator .\n", + "international cricket fans in england lost legend 's voice after 2005 ashesthis led ian wooldridge to pay homage to ` cricket 's finest commentator 'as a player he led his country in 28 of his 63 tests and never lost a seriesmantra of ` never insulting the viewers ' by saying too much made him great\n", + "[1.3746705 1.2198466 1.0872641 1.346819 1.0658194 1.2506495 1.2258773\n", + " 1.0688128 1.0801071 1.0571406 1.0714924 1.062485 1.1395102 1.0804226\n", + " 1.043343 1.0602878 1.0542929 1.0705693 1.0874009 1.0198447 1.0169883\n", + " 1.0147419 1.0775821]\n", + "\n", + "[ 0 3 5 6 1 12 18 2 13 8 22 10 17 7 4 11 15 9 16 14 19 20 21]\n", + "=======================\n", + "[\"jenny wallenda , 87 , the matriarch of the famous family of high-flying circus performers , died late saturday at her home in sarasota , florida , according to family members .wallenda was the oldest daughter of high wire walker karl wallenda and grandmother of daredevil performer nik wallenda .wallenda 's nephew , rick wallenda , said his aunt died following a lengthy illness .\"]\n", + "=======================\n", + "['jenny wallenda , 87 , the matriarch of the famous family of high-flying circus performers , died late saturday at her home in sarasota , floridaher nephew , rick wallenda , said his aunt died following a lengthy illnesswallenda was the oldest daughter of high wire walker karl wallenda and grandmother of daredevil performer nik wallendanik wallenda has walked over the grand canyon and over chicagojenny wallenda walked the high wire as an adult and performed on bareback horses as a childshe also advocated for causes important to the circus community in her later years and helped create the circus ring of fame']\n", + "jenny wallenda , 87 , the matriarch of the famous family of high-flying circus performers , died late saturday at her home in sarasota , florida , according to family members .wallenda was the oldest daughter of high wire walker karl wallenda and grandmother of daredevil performer nik wallenda .wallenda 's nephew , rick wallenda , said his aunt died following a lengthy illness .\n", + "jenny wallenda , 87 , the matriarch of the famous family of high-flying circus performers , died late saturday at her home in sarasota , floridaher nephew , rick wallenda , said his aunt died following a lengthy illnesswallenda was the oldest daughter of high wire walker karl wallenda and grandmother of daredevil performer nik wallendanik wallenda has walked over the grand canyon and over chicagojenny wallenda walked the high wire as an adult and performed on bareback horses as a childshe also advocated for causes important to the circus community in her later years and helped create the circus ring of fame\n", + "[1.1059169 1.1244136 1.2317972 1.2516894 1.1211096 1.173033 1.0774411\n", + " 1.082982 1.0743814 1.1681324 1.1032131 1.0337138 1.0537724 1.0636226\n", + " 1.0684031 1.0240642 1.0231119 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 2 5 9 1 4 0 10 7 6 8 14 13 12 11 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"the return of the highly impractical jeans , which featured giant leg openings approaching 50in , has us contemplating the retro fashion nineties and noughties trends that really should be left in the past .but news that jnco , the brand responsible for the huge wideleg ` rave ' jeans , is set to make a comeback has horrified many of the people who wore the ridiculous pants the first time around .then : the bucket hat was originally a staple of fishermen and farmers , but seeped into popular culture , and was sported by the likes of singer christina aguilera , now 36 , in 2001\"]\n", + "=======================\n", + "[\"jnco ` rave jean 's are on their way backother 90s/00s trends here to stay include uggs , velour and corsetskylie jenner is a double denim fan whilst jourdan dunn loves camouflage\"]\n", + "the return of the highly impractical jeans , which featured giant leg openings approaching 50in , has us contemplating the retro fashion nineties and noughties trends that really should be left in the past .but news that jnco , the brand responsible for the huge wideleg ` rave ' jeans , is set to make a comeback has horrified many of the people who wore the ridiculous pants the first time around .then : the bucket hat was originally a staple of fishermen and farmers , but seeped into popular culture , and was sported by the likes of singer christina aguilera , now 36 , in 2001\n", + "jnco ` rave jean 's are on their way backother 90s/00s trends here to stay include uggs , velour and corsetskylie jenner is a double denim fan whilst jourdan dunn loves camouflage\n", + "[1.2222724 1.3685935 1.2227664 1.118031 1.3181247 1.1452703 1.1057774\n", + " 1.0413018 1.1013174 1.0788207 1.0722682 1.0782285 1.0815815 1.0343248\n", + " 1.0830832 1.04769 1.0351526 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 2 0 5 3 6 8 14 12 9 11 10 15 7 16 13 17 18 19 20 21 22]\n", + "=======================\n", + "[\"representative darrell issa asked then secretary of state clinton whether she , or any of her senior staff , had used a personal email account ` to conduct official business ' in december 2012 .but issa , who wrote as chairman of the house committee on oversight and government reform , was ignored until more than a month after clinton had stepped down in february 2013 .hillary clinton looks set to come under renewed pressure to explain herself after a letter revealed she had been asked about her use of private email by a house committee two years ago - but refused to answer .\"]\n", + "=======================\n", + "['letter to state department in december 2012 asked about personal emailbut there was no response until march 2013 - seven weeks after clinton leftreply did not answer query about personal email use for official businesslatest revelation casts further shadow as clinton begins white house bid']\n", + "representative darrell issa asked then secretary of state clinton whether she , or any of her senior staff , had used a personal email account ` to conduct official business ' in december 2012 .but issa , who wrote as chairman of the house committee on oversight and government reform , was ignored until more than a month after clinton had stepped down in february 2013 .hillary clinton looks set to come under renewed pressure to explain herself after a letter revealed she had been asked about her use of private email by a house committee two years ago - but refused to answer .\n", + "letter to state department in december 2012 asked about personal emailbut there was no response until march 2013 - seven weeks after clinton leftreply did not answer query about personal email use for official businesslatest revelation casts further shadow as clinton begins white house bid\n", + "[1.492197 1.4804312 1.1503314 1.4212158 1.1938756 1.0830683 1.0248485\n", + " 1.0474061 1.0103011 1.0483578 1.1547413 1.2366474 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 3 11 4 10 2 5 9 7 6 8 20 19 18 17 13 15 14 12 21 16 22]\n", + "=======================\n", + "[\"england world cup hopeful elliot daly has been named the aviva premiership 's player of the month for march .the uncapped wasps centre , 22 , scored two tries in march as the coventry-based club maintained on course for a champions cup spot next season .the wasps centre looks set to be called into england 's training squad for the world cup\"]\n", + "=======================\n", + "['elliot daly was in fine form at outside centre for wasps in marchdaly , 22 , has not yet been capped by englandwasps head coach dai young says england must pick him for world cup']\n", + "england world cup hopeful elliot daly has been named the aviva premiership 's player of the month for march .the uncapped wasps centre , 22 , scored two tries in march as the coventry-based club maintained on course for a champions cup spot next season .the wasps centre looks set to be called into england 's training squad for the world cup\n", + "elliot daly was in fine form at outside centre for wasps in marchdaly , 22 , has not yet been capped by englandwasps head coach dai young says england must pick him for world cup\n", + "[1.3758197 1.1856152 1.3633053 1.2113726 1.23561 1.2371836 1.2359719\n", + " 1.1417878 1.0579476 1.0853392 1.0270447 1.0669501 1.0581115 1.0598567\n", + " 1.0379103 1.0506834 1.1142323 1.0075009 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 5 6 4 3 1 7 16 9 11 13 12 8 15 14 10 17 21 18 19 20 22]\n", + "=======================\n", + "['alaa abdullah esayed admitted encouraging terrorism by posting 45,000 tweets supporting isisesayed pleaded guilty at the old bailey to encouraging terrorism under the terrorism act 2006 and disseminating terrorist publications .she could face up to 14 years in prison for the offences .']\n", + "=======================\n", + "['alaa abdullah esayed posted 45,600 tweets supporting isis to followerssome posts included pictures of the dead bodies of jihadi fightersothers quotes a poem advising parents how to raise children to be violentesayed , 22 , could face 14 years in prison after she admitted encouraging terrorism and disseminating terrorist publications']\n", + "alaa abdullah esayed admitted encouraging terrorism by posting 45,000 tweets supporting isisesayed pleaded guilty at the old bailey to encouraging terrorism under the terrorism act 2006 and disseminating terrorist publications .she could face up to 14 years in prison for the offences .\n", + "alaa abdullah esayed posted 45,600 tweets supporting isis to followerssome posts included pictures of the dead bodies of jihadi fightersothers quotes a poem advising parents how to raise children to be violentesayed , 22 , could face 14 years in prison after she admitted encouraging terrorism and disseminating terrorist publications\n", + "[1.2611222 1.3915 1.3684663 1.3107908 1.1550467 1.1469014 1.1334862\n", + " 1.1021429 1.08289 1.1383617 1.0972033 1.0808878 1.0603571 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 5 9 6 7 10 8 11 12 13 14 15 16]\n", + "=======================\n", + "['hundreds were evacuated from a circus big top after the weather system tore through the sides during an acrobatics show in angleton on friday night .more than 1000 homes lost power between houston and dallas on saturday .swamped : texas was reportedly hit with two inches of rain water in 15 minutes over the weekend']\n", + "=======================\n", + "['hundreds were evacuated from a big top circus after rain tore through itmore than 1000 homes lost power between houston and dallascars floated across harris county in half a foot of rain on saturday']\n", + "hundreds were evacuated from a circus big top after the weather system tore through the sides during an acrobatics show in angleton on friday night .more than 1000 homes lost power between houston and dallas on saturday .swamped : texas was reportedly hit with two inches of rain water in 15 minutes over the weekend\n", + "hundreds were evacuated from a big top circus after rain tore through itmore than 1000 homes lost power between houston and dallascars floated across harris county in half a foot of rain on saturday\n", + "[1.257345 1.0407195 1.235908 1.0930574 1.0794705 1.1751735 1.2191241\n", + " 1.1029401 1.0875953 1.158308 1.0407033 1.0799973 1.0683042 1.0710812\n", + " 1.025522 1.0260371 0. ]\n", + "\n", + "[ 0 2 6 5 9 7 3 8 11 4 13 12 1 10 15 14 16]\n", + "=======================\n", + "['( cnn ) this week , hillary clinton surprised the world yet again -- not with the official launch of her campaign but for the unconventional way she did it .with her video , new logo and road trip , she opened a long communications campaign not only to \" rebrand \" herself but to completely reframe who she is , what she stands for and how she intends to run .jon stewart lampooned it as a \" state farm commercial gone viral \" and also \" boring as s -- . \"']\n", + "=======================\n", + "[\"martha pease : hillary clinton got her presidential bid launched by reframing who she is , what she 's aboutshe says clinton took a low-key , unconventional approach , unlike marco rubio 's standard announcement\"]\n", + "( cnn ) this week , hillary clinton surprised the world yet again -- not with the official launch of her campaign but for the unconventional way she did it .with her video , new logo and road trip , she opened a long communications campaign not only to \" rebrand \" herself but to completely reframe who she is , what she stands for and how she intends to run .jon stewart lampooned it as a \" state farm commercial gone viral \" and also \" boring as s -- . \"\n", + "martha pease : hillary clinton got her presidential bid launched by reframing who she is , what she 's aboutshe says clinton took a low-key , unconventional approach , unlike marco rubio 's standard announcement\n", + "[1.3029212 1.2997042 1.0986181 1.3132422 1.22158 1.1120452 1.0430269\n", + " 1.1134677 1.074265 1.0573686 1.0392557 1.1900306 1.1011034 1.062757\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 11 7 5 12 2 8 13 9 6 10 15 14 16]\n", + "=======================\n", + "['chilling : french prime minister manuel valls ( left ) today revealed that five terrorist attacks have been foiled in france since the charlie hebdo massacre in januaryhis chilling words follow the arrest of a 24-year-old student who was allegedly preparing to storm catholic churches with an armoury of weapons including kalashnikov assault rifles .ghlam , 24 , was caught on sunday after accidently shooting himself in the leg after allegedly murdering aurelie chatelain , a 33-year-old fitness instructor .']\n", + "=======================\n", + "[\"manuel valls said france is facing an unprecedented threat from terrorism` we have never had to face this kind of terrorism in our history , ' he saidcomments follow the arrest of 24-year-old student sid ahmed ghlam who was allegedly plotting attacks on catholic churches in parisdna also reportedly links algerian to murder of dancer aurelie chatelain\"]\n", + "chilling : french prime minister manuel valls ( left ) today revealed that five terrorist attacks have been foiled in france since the charlie hebdo massacre in januaryhis chilling words follow the arrest of a 24-year-old student who was allegedly preparing to storm catholic churches with an armoury of weapons including kalashnikov assault rifles .ghlam , 24 , was caught on sunday after accidently shooting himself in the leg after allegedly murdering aurelie chatelain , a 33-year-old fitness instructor .\n", + "manuel valls said france is facing an unprecedented threat from terrorism` we have never had to face this kind of terrorism in our history , ' he saidcomments follow the arrest of 24-year-old student sid ahmed ghlam who was allegedly plotting attacks on catholic churches in parisdna also reportedly links algerian to murder of dancer aurelie chatelain\n", + "[1.4029245 1.4082872 1.122728 1.2565004 1.0881271 1.2371749 1.0997801\n", + " 1.1663692 1.1888689 1.1214838 1.0712751 1.0803835 1.1747435 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 5 8 12 7 2 9 6 4 11 10 15 13 14 16]\n", + "=======================\n", + "[\"the parkhead side face kilmarnockat parkhead on wednesday night with the chance to go eight points clear .celtic could win the scottish premiership title against closest rivals aberdeen on may 10 -- if both teams win all their games beforehand .celtic will not play a saturday league tie after the scottish professional football league 's announcement\"]\n", + "=======================\n", + "['the spfl have announced their post-split fixturesceltic will not play another saturday league fixture this seasonthey face nearest rivals aberdeen at pittodrie on sunday , may 10']\n", + "the parkhead side face kilmarnockat parkhead on wednesday night with the chance to go eight points clear .celtic could win the scottish premiership title against closest rivals aberdeen on may 10 -- if both teams win all their games beforehand .celtic will not play a saturday league tie after the scottish professional football league 's announcement\n", + "the spfl have announced their post-split fixturesceltic will not play another saturday league fixture this seasonthey face nearest rivals aberdeen at pittodrie on sunday , may 10\n", + "[1.0666633 1.1423572 1.4114645 1.1195277 1.2754503 1.186107 1.1070434\n", + " 1.1101791 1.1377581 1.1196381 1.0813551 1.0237015 1.0186574 1.0153731\n", + " 1.0166453 1.0235323 1.0200298]\n", + "\n", + "[ 2 4 5 1 8 9 3 7 6 10 0 11 15 16 12 14 13]\n", + "=======================\n", + "['the high landings fees give an insight into some of the most unexpectedly popular transport hubs for the rich and famous , from salzburg , in austria , to darwin , in australia .travelling by private jet is a growing trend , with 2.5 million private flights recorded in the us in 2013 ( the latest statistics ) and 705,000 in europe .salzburg airport handled 1.6 million passengers in 2012 .']\n", + "=======================\n", + "['the richest compiled a list of the top airport landing chargesbe prepared to fork out # 2,630 to land at la guardia in new yorkprices are based on landing a private 767-400 jet carrier']\n", + "the high landings fees give an insight into some of the most unexpectedly popular transport hubs for the rich and famous , from salzburg , in austria , to darwin , in australia .travelling by private jet is a growing trend , with 2.5 million private flights recorded in the us in 2013 ( the latest statistics ) and 705,000 in europe .salzburg airport handled 1.6 million passengers in 2012 .\n", + "the richest compiled a list of the top airport landing chargesbe prepared to fork out # 2,630 to land at la guardia in new yorkprices are based on landing a private 767-400 jet carrier\n", + "[1.4280736 1.2457286 1.1398206 1.2360916 1.2455144 1.182754 1.204055\n", + " 1.1171618 1.0235641 1.0203192 1.0948613 1.2042284 1.0892446 1.1105587\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 3 11 6 5 2 7 13 10 12 8 9 14 15 16 17 18 19]\n", + "=======================\n", + "[\"andrea pirlo scored a stunning free-kick for juventus , but could n't stop his side from sinking to a 2-1 defeat at local rivals torino .juve could have wrapped up their fourth consecutive serie a title with a victory on sunday and looked on course to after pirlo 's masterful set-piece from 25 yards gave them the lead in the first-half .it was the first time torino had beaten juve in the derby for 20 years .\"]\n", + "=======================\n", + "['andrea pirlo scored a stunning free-kick for juventus against torinohowever , juve fell to a 2-1 defeat and missed the chance to wrap up their fourth consecutive serie a titledespite the loss , juve remain 14 points clear at the top of the league tablepirlo is still playing at the top of his game at 35-years-old']\n", + "andrea pirlo scored a stunning free-kick for juventus , but could n't stop his side from sinking to a 2-1 defeat at local rivals torino .juve could have wrapped up their fourth consecutive serie a title with a victory on sunday and looked on course to after pirlo 's masterful set-piece from 25 yards gave them the lead in the first-half .it was the first time torino had beaten juve in the derby for 20 years .\n", + "andrea pirlo scored a stunning free-kick for juventus against torinohowever , juve fell to a 2-1 defeat and missed the chance to wrap up their fourth consecutive serie a titledespite the loss , juve remain 14 points clear at the top of the league tablepirlo is still playing at the top of his game at 35-years-old\n", + "[1.2182759 1.2000328 1.3450847 1.3302414 1.1978952 1.1745687 1.0761769\n", + " 1.0559971 1.0272931 1.0229166 1.0440555 1.0195735 1.0214505 1.0335851\n", + " 1.099323 1.0364802 1.0164968 1.017985 1.0155723 1.0182838]\n", + "\n", + "[ 2 3 0 1 4 5 14 6 7 10 15 13 8 9 12 11 19 17 16 18]\n", + "=======================\n", + "[\"between october 20 and february 17 , herrera was barely sighted and started just three of the 21 games manchester united played in that period , prompting much chatter about his place in the squad .it is no secret david moyes wanted to bring herrera to old trafford on deadline day in august 2013 but red tape scuppered his ambitions ; united pressed ahead with transfer after moyes was jettisoned but his inactivity prompted questions : did louis van gaal want him or rate him ?rarely can a headline in a matchday magazine have been so prophetic : on pages 16 and 17 of the united review , next to a picture of ander herrera , screamed the words ` right place , right time ' .\"]\n", + "=======================\n", + "[\"ander herrera fired man united to victory with double against aston villathe spaniard put in a man-of-the-match display at old traffordherrera struggled for games between october and februaryhowever he now appears to be an integral member of united 's squad\"]\n", + "between october 20 and february 17 , herrera was barely sighted and started just three of the 21 games manchester united played in that period , prompting much chatter about his place in the squad .it is no secret david moyes wanted to bring herrera to old trafford on deadline day in august 2013 but red tape scuppered his ambitions ; united pressed ahead with transfer after moyes was jettisoned but his inactivity prompted questions : did louis van gaal want him or rate him ?rarely can a headline in a matchday magazine have been so prophetic : on pages 16 and 17 of the united review , next to a picture of ander herrera , screamed the words ` right place , right time ' .\n", + "ander herrera fired man united to victory with double against aston villathe spaniard put in a man-of-the-match display at old traffordherrera struggled for games between october and februaryhowever he now appears to be an integral member of united 's squad\n", + "[1.3391886 1.2494774 1.4310837 1.2410438 1.1597308 1.1048653 1.1103878\n", + " 1.094684 1.0573726 1.068463 1.0412527 1.0766568 1.2471097 1.0404668\n", + " 1.0279701 1.0460428 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 12 3 4 6 5 7 11 9 8 15 10 13 14 18 16 17 19]\n", + "=======================\n", + "[\"joseph o'riordan , 76 , left his wife mandy , 47 , with life-threatening injuries to the chest , torso and back after flying into a rage over her infidelity .nick gunn : he had affairs with women on his roundsa councillor who stabbed his wife nine times with a kitchen knife after discovering her affair with the postman was yesterday found guilty of attempted murder .\"]\n", + "=======================\n", + "[\"councillor joseph o'riordan found guilty of attempting to murder his wifecourt heard attack occurred after he discovered her affair with the postmanamanda o'riordan , 47 , in extra-marital relationship with married nick gunnpostman mr gunn , 41 , had previous affairs with women on his rounds\"]\n", + "joseph o'riordan , 76 , left his wife mandy , 47 , with life-threatening injuries to the chest , torso and back after flying into a rage over her infidelity .nick gunn : he had affairs with women on his roundsa councillor who stabbed his wife nine times with a kitchen knife after discovering her affair with the postman was yesterday found guilty of attempted murder .\n", + "councillor joseph o'riordan found guilty of attempting to murder his wifecourt heard attack occurred after he discovered her affair with the postmanamanda o'riordan , 47 , in extra-marital relationship with married nick gunnpostman mr gunn , 41 , had previous affairs with women on his rounds\n", + "[1.1175468 1.3705224 1.3694504 1.323197 1.1982456 1.182673 1.1760498\n", + " 1.0894977 1.114736 1.1978284 1.045703 1.0730485 1.0615879 1.0626662\n", + " 1.0667064 1.0062352 1.0060288 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 9 5 6 0 8 7 11 14 13 12 10 15 16 18 17 19]\n", + "=======================\n", + "['a woman from south carolina is suing harlem tattoo parlor black ink , claiming an artist there did a botch job on a chest piece that left her disfigured and in pain .the damage : barner says she went to the parlor after watching the reality show which features the shop on vh1reality stars : the owner and artists at black ink tattoo star in their own vh1 reality show , black ink crew']\n", + "=======================\n", + "[\"asabi barner , 37 , of south carolina got a tattoo at black ink tattoo parlor while visiting new york citythe parlor in harlem specializes in tattooing dark skin and the shop 's owner and artist have their own reality show called black ink crew on vh1barner went to the shop last year to get a new chest piece to cover up an older chest tattooafter the first day , barner says the new tattoo started to puss and continues to be painful to this dayshe is currently in the process for suing the tattoo parlor\"]\n", + "a woman from south carolina is suing harlem tattoo parlor black ink , claiming an artist there did a botch job on a chest piece that left her disfigured and in pain .the damage : barner says she went to the parlor after watching the reality show which features the shop on vh1reality stars : the owner and artists at black ink tattoo star in their own vh1 reality show , black ink crew\n", + "asabi barner , 37 , of south carolina got a tattoo at black ink tattoo parlor while visiting new york citythe parlor in harlem specializes in tattooing dark skin and the shop 's owner and artist have their own reality show called black ink crew on vh1barner went to the shop last year to get a new chest piece to cover up an older chest tattooafter the first day , barner says the new tattoo started to puss and continues to be painful to this dayshe is currently in the process for suing the tattoo parlor\n", + "[1.2729241 1.4553583 1.2066518 1.112916 1.3036346 1.2221925 1.2475477\n", + " 1.2042525 1.0904025 1.0992924 1.0321188 1.0355558 1.029408 1.0074582\n", + " 1.0518719 1.0948464 1.0984701 1.0604 1.0618538 0. ]\n", + "\n", + "[ 1 4 0 6 5 2 7 3 9 16 15 8 18 17 14 11 10 12 13 19]\n", + "=======================\n", + "[\"argentine jorge lopez was killed in a suspicious road accident while in sao paulo in july .uefa have charged bayern munich manager pep guardiola after he wore this t-shirt in a press conferenceuefa have sensationally charged pep guardiola for wearing a t-shirt demanding justice for a journalist who died at last summer 's world cup .\"]\n", + "=======================\n", + "[\"pep guardiola wore #justiciaparatopo top in press conference on mondayseveral of football 's biggest stars have paid tribute to jorge lopezargentine journalist was killed in a suspicious road accident in sao paololopez was in brazil ahead of 2014 world cupuefa say discipline is because of an ` incident of a non-sporting nature '\"]\n", + "argentine jorge lopez was killed in a suspicious road accident while in sao paulo in july .uefa have charged bayern munich manager pep guardiola after he wore this t-shirt in a press conferenceuefa have sensationally charged pep guardiola for wearing a t-shirt demanding justice for a journalist who died at last summer 's world cup .\n", + "pep guardiola wore #justiciaparatopo top in press conference on mondayseveral of football 's biggest stars have paid tribute to jorge lopezargentine journalist was killed in a suspicious road accident in sao paololopez was in brazil ahead of 2014 world cupuefa say discipline is because of an ` incident of a non-sporting nature '\n", + "[1.376725 1.3673291 1.153188 1.2205861 1.1184782 1.0330181 1.0443535\n", + " 1.0581317 1.0472145 1.1574312 1.0390369 1.0963701 1.1536378 1.1253392\n", + " 1.0919251 1.069401 1.0217727 0. ]\n", + "\n", + "[ 0 1 3 9 12 2 13 4 11 14 15 7 8 6 10 5 16 17]\n", + "=======================\n", + "[\"kim kardashian continued her tour of the tour of the holy land with husband kanye west and their daughter north , as she visited the site of jesus christ 's crucifixion .on monday , she took her family to jerusalem 's old city - the reputed location of the historical religious event - to visit armenian church st james cathedral in order to baptise their little girl .surprise stop : kim , kanye and north arrived early on monday in jerusalem for north 's baptism\"]\n", + "=======================\n", + "[\"kim kardashian shared pictures from the baptism of her daughter north , held at saint james cathedral in jerusalem 's old citythe 12th century church sits within the armenian quarter of the old city , the reputed site of the crucifixion of jesus christkhloe kardashian is godmother , while a priest acted as north 's godfathernorth wore white baptismal gown in keeping with traditionthe youngster is now a christian and a member of the armenian church\"]\n", + "kim kardashian continued her tour of the tour of the holy land with husband kanye west and their daughter north , as she visited the site of jesus christ 's crucifixion .on monday , she took her family to jerusalem 's old city - the reputed location of the historical religious event - to visit armenian church st james cathedral in order to baptise their little girl .surprise stop : kim , kanye and north arrived early on monday in jerusalem for north 's baptism\n", + "kim kardashian shared pictures from the baptism of her daughter north , held at saint james cathedral in jerusalem 's old citythe 12th century church sits within the armenian quarter of the old city , the reputed site of the crucifixion of jesus christkhloe kardashian is godmother , while a priest acted as north 's godfathernorth wore white baptismal gown in keeping with traditionthe youngster is now a christian and a member of the armenian church\n", + "[1.2651831 1.3574739 1.2389411 1.2273693 1.321108 1.2254295 1.1020863\n", + " 1.0422109 1.0241334 1.0297519 1.1512287 1.0276074 1.0171808 1.0194736\n", + " 1.0147064 1.017183 1.0133754 1.049923 ]\n", + "\n", + "[ 1 4 0 2 3 5 10 6 17 7 9 11 8 13 15 12 14 16]\n", + "=======================\n", + "[\"the 23-year-old founder of the whole pantry app came clean about her circumstances , telling the australian women 's weekly , ` none of it 's true ' .wellness warrior belle gibson sensationally admitted yesterday in a tell-all interview that she had made up her terminal brain cancer diagnosis .in the interview , gibson asked her former fans and customers who purchased her app and books to see her as only ` human ' .\"]\n", + "=======================\n", + "[\"wellness guru and app developer belle gibson lied about having cancer` no , none of it is true , ' she told australian women 's weeklyi am still jumping between what i think i know and what is reality ' , she saidleading psychologist believes gibson could be suffering from both anti-social behaviour and narcissism disordersjo lamble says the wide adoption of technology and social media mean that small lies can easily get out of hand\"]\n", + "the 23-year-old founder of the whole pantry app came clean about her circumstances , telling the australian women 's weekly , ` none of it 's true ' .wellness warrior belle gibson sensationally admitted yesterday in a tell-all interview that she had made up her terminal brain cancer diagnosis .in the interview , gibson asked her former fans and customers who purchased her app and books to see her as only ` human ' .\n", + "wellness guru and app developer belle gibson lied about having cancer` no , none of it is true , ' she told australian women 's weeklyi am still jumping between what i think i know and what is reality ' , she saidleading psychologist believes gibson could be suffering from both anti-social behaviour and narcissism disordersjo lamble says the wide adoption of technology and social media mean that small lies can easily get out of hand\n", + "[1.328863 1.4179988 1.3400269 1.3690925 1.1584672 1.1426798 1.0746102\n", + " 1.1381297 1.0318595 1.0299872 1.0399424 1.0562305 1.0319024 1.016108\n", + " 1.014346 1.030674 1.2170297 1.0320549]\n", + "\n", + "[ 1 3 2 0 16 4 5 7 6 11 10 17 12 8 15 9 13 14]\n", + "=======================\n", + "[\"the shadow chancellor said he would not make ` unfunded and uncosted commitments ' after promising to cut the deficit every year .ed balls this morning repeatedly refused to match the tories ' election pledge to increase nhs spending by # 8billion a yearit comes after david cameron pledged to give the nhs whatever it needed - but refused to say how he will find the money .\"]\n", + "=======================\n", + "[\"balls said he would not make ` unfunded and uncosted commitments 'tories have promised to give the nhs an extra # 8billion a year by 2020nhs chief simon stevens said the extra cash is needed just to stand stillballs insisted labour can be trusted to give the nhs what it needs\"]\n", + "the shadow chancellor said he would not make ` unfunded and uncosted commitments ' after promising to cut the deficit every year .ed balls this morning repeatedly refused to match the tories ' election pledge to increase nhs spending by # 8billion a yearit comes after david cameron pledged to give the nhs whatever it needed - but refused to say how he will find the money .\n", + "balls said he would not make ` unfunded and uncosted commitments 'tories have promised to give the nhs an extra # 8billion a year by 2020nhs chief simon stevens said the extra cash is needed just to stand stillballs insisted labour can be trusted to give the nhs what it needs\n", + "[1.1209043 1.5194964 1.1504341 1.1742594 1.0728734 1.0484941 1.0332426\n", + " 1.0328897 1.0232949 1.0600425 1.1438702 1.0638554 1.1027176 1.0578232\n", + " 1.158888 1.0976233 1.0180975 0. ]\n", + "\n", + "[ 1 3 14 2 10 0 12 15 4 11 9 13 5 6 7 8 16 17]\n", + "=======================\n", + "['the heartwarming scenes , captured by professional photographer denis budkov , 35 , during a trip to kuril lake in kamchatka , in russia , show the animal family have bear-ly a concern in the world as they play and snooze in the sunshine .time to get up : one cub wakes up while the other bear-ly stirs as they are snapped after they take a nap on banks of a lake in russiathe bear family are part of a huge population found in the kronotsky reserve - known as the kingdom of bears - thanks to its huge population of the animals .']\n", + "=======================\n", + "[\"photographer captures the baby bear making the most of its mother 's thick fur by bedding down on it for a napthe young family can be seeing playing in the water at kuril lake in kamchatka , russialike with most babies , their exuberance leaves them exhausted so they all go for a quick afternoon snooze\"]\n", + "the heartwarming scenes , captured by professional photographer denis budkov , 35 , during a trip to kuril lake in kamchatka , in russia , show the animal family have bear-ly a concern in the world as they play and snooze in the sunshine .time to get up : one cub wakes up while the other bear-ly stirs as they are snapped after they take a nap on banks of a lake in russiathe bear family are part of a huge population found in the kronotsky reserve - known as the kingdom of bears - thanks to its huge population of the animals .\n", + "photographer captures the baby bear making the most of its mother 's thick fur by bedding down on it for a napthe young family can be seeing playing in the water at kuril lake in kamchatka , russialike with most babies , their exuberance leaves them exhausted so they all go for a quick afternoon snooze\n", + "[1.1644642 1.0457891 1.054752 1.0590142 1.1653137 1.286073 1.2361941\n", + " 1.1628764 1.0615654 1.1418184 1.0302312 1.0703626 1.0877107 1.1383847\n", + " 1.081806 1.0518268 1.1310666 0. ]\n", + "\n", + "[ 5 6 4 0 7 9 13 16 12 14 11 8 3 2 15 1 10 17]\n", + "=======================\n", + "['she and rogers , 34 , own the breckenridge cannabis club , a recreational marijuana dispensary in the historic and scenic ski town of breckenridge , colorado .the couple started their business as a medical cannabis dispensary in 2010 , but when colorado became the first state in the nation to allow the sale of recreational marijuana , they saw a once-in-a-lifetime business opportunity .mcguire , 25 , said .']\n", + "=======================\n", + "['\" high profits \" follows the owners of a recreational marijuana dispensarythe cnn original series airs sundays at 10 p.m. et']\n", + "she and rogers , 34 , own the breckenridge cannabis club , a recreational marijuana dispensary in the historic and scenic ski town of breckenridge , colorado .the couple started their business as a medical cannabis dispensary in 2010 , but when colorado became the first state in the nation to allow the sale of recreational marijuana , they saw a once-in-a-lifetime business opportunity .mcguire , 25 , said .\n", + "\" high profits \" follows the owners of a recreational marijuana dispensarythe cnn original series airs sundays at 10 p.m. et\n", + "[1.133133 1.2288275 1.3032987 1.3103824 1.233628 1.0854142 1.1523015\n", + " 1.0842853 1.0300293 1.030096 1.0460896 1.114434 1.2188786 1.0337853\n", + " 1.0183074 1.0129318 1.1890148 1.0194852 1.0477799 1.0236379]\n", + "\n", + "[ 3 2 4 1 12 16 6 0 11 5 7 18 10 13 9 8 19 17 14 15]\n", + "=======================\n", + "[\"the rspca yesterday said it would be contacting britain 's got talent ` to ascertain what methods were used ' in the performance .after saturday 's episode of the show , broadcasting regulator ofcom received 21 complaints over the talking dog , while itv received a further 35 .but some viewers at home were less dazzled by miss wendy 's false mouth trick - and questioned the effect of the ` cruel ' stunt on the dog .\"]\n", + "=======================\n", + "[\"miss wendy and owner marc métral put through to semi finals by panelbut viewers said act was ` cruel ' while rspca said it would work to ` ascertain what methods were used 'cowell called act ` incredible ' - amanda holden said : ` you made tv history 'but similar act was seen on america 's got talent in united states in 2012\"]\n", + "the rspca yesterday said it would be contacting britain 's got talent ` to ascertain what methods were used ' in the performance .after saturday 's episode of the show , broadcasting regulator ofcom received 21 complaints over the talking dog , while itv received a further 35 .but some viewers at home were less dazzled by miss wendy 's false mouth trick - and questioned the effect of the ` cruel ' stunt on the dog .\n", + "miss wendy and owner marc métral put through to semi finals by panelbut viewers said act was ` cruel ' while rspca said it would work to ` ascertain what methods were used 'cowell called act ` incredible ' - amanda holden said : ` you made tv history 'but similar act was seen on america 's got talent in united states in 2012\n", + "[1.162305 1.4993211 1.2914352 1.3045313 1.1272206 1.1655619 1.1124444\n", + " 1.0469508 1.0954046 1.0283622 1.1252255 1.1565648 1.024119 1.0131919\n", + " 1.0115963 1.081403 1.0214345 1.0094444 1.1262025 1.0859712]\n", + "\n", + "[ 1 3 2 5 0 11 4 18 10 6 8 19 15 7 9 12 16 13 14 17]\n", + "=======================\n", + "['brave danielle davies gave birth to harley at nearly 12lb following an eight hour labour without any drugs .daniel goldstone , danielle davies and their son harley , who weighed 11lb 5oz at birthdanielle had insisted on a natural birth - not realising she was about to deliver a massive baby .']\n", + "=======================\n", + "[\"danielle davies , 21 , from lancashire , gave birth to son harley last fridayhe weighed 11lb 5oz and nurses said he was too heavy for hospital scalesdanielle has had to throw many of harley 's newborn clothes away already\"]\n", + "brave danielle davies gave birth to harley at nearly 12lb following an eight hour labour without any drugs .daniel goldstone , danielle davies and their son harley , who weighed 11lb 5oz at birthdanielle had insisted on a natural birth - not realising she was about to deliver a massive baby .\n", + "danielle davies , 21 , from lancashire , gave birth to son harley last fridayhe weighed 11lb 5oz and nurses said he was too heavy for hospital scalesdanielle has had to throw many of harley 's newborn clothes away already\n", + "[1.3831556 1.3433794 1.14109 1.148022 1.1345075 1.1769259 1.1227221\n", + " 1.0880198 1.034231 1.0317887 1.1569765 1.0634072 1.1232911 1.0591402\n", + " 1.0595027 1.1237748 1.1013801 1.0179945 1.0116264 0. ]\n", + "\n", + "[ 0 1 5 10 3 2 4 15 12 6 16 7 11 14 13 8 9 17 18 19]\n", + "=======================\n", + "[\"mogadishu , somalia ( cnn ) a car bomb exploded at a restaurant near the presidential palace in the heart of somalia 's capital tuesday , killing at least 10 people , including a woman and a boy , police said .somalia-based islamist militant group al-shabaab claimed responsibility for the attack .the area is not a new target for al-shabaab , which has battled somalia 's government for years with the goal of establishing a fundamentalist islamic state .\"]\n", + "=======================\n", + "['islamist militant group al-shabaab claims responsibility for the attackthe explosion happened across the street from a hotel that was attacked two months agomogadishu has been the site of frequent attacks by al-shabaab']\n", + "mogadishu , somalia ( cnn ) a car bomb exploded at a restaurant near the presidential palace in the heart of somalia 's capital tuesday , killing at least 10 people , including a woman and a boy , police said .somalia-based islamist militant group al-shabaab claimed responsibility for the attack .the area is not a new target for al-shabaab , which has battled somalia 's government for years with the goal of establishing a fundamentalist islamic state .\n", + "islamist militant group al-shabaab claims responsibility for the attackthe explosion happened across the street from a hotel that was attacked two months agomogadishu has been the site of frequent attacks by al-shabaab\n", + "[1.290832 1.4623009 1.2036898 1.2088627 1.0883281 1.0820296 1.0917535\n", + " 1.0577098 1.0283068 1.1024811 1.077548 1.025782 1.0805088 1.0261967\n", + " 1.1006975 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 9 14 6 4 5 12 10 7 8 13 11 18 15 16 17 19]\n", + "=======================\n", + "[\"the 250-piece lilly pulitzer for target collection sold out online and flew off of shelves at stores shortly after debuting on sunday morning .designer lilly pulitzer 's family learned that it 's not always about who you know - or who you are are related to - after they joined the thousands of people who were unable to beat the ` pink sunday ' rush for the late ms pulitzer 's eponymous brand 's brightly-colored , limited edition collaboration at target .meanwhile , mrs pulitzer 's own daughter liza wanted a beach chair - but missed out .\"]\n", + "=======================\n", + "['the designer diffusion line went on sale sunday morning but was almost completely sold out online before noon , with stores selling out minutes after openingre-sellers initially tried to unload merchandise at inflated prices including $ 799 for a $ 150 hammock ; now thousands of pieces are available on ebay with smaller markupsoutraged customers have formed a social media campaign to boycott the merchandise from second-hand sellers']\n", + "the 250-piece lilly pulitzer for target collection sold out online and flew off of shelves at stores shortly after debuting on sunday morning .designer lilly pulitzer 's family learned that it 's not always about who you know - or who you are are related to - after they joined the thousands of people who were unable to beat the ` pink sunday ' rush for the late ms pulitzer 's eponymous brand 's brightly-colored , limited edition collaboration at target .meanwhile , mrs pulitzer 's own daughter liza wanted a beach chair - but missed out .\n", + "the designer diffusion line went on sale sunday morning but was almost completely sold out online before noon , with stores selling out minutes after openingre-sellers initially tried to unload merchandise at inflated prices including $ 799 for a $ 150 hammock ; now thousands of pieces are available on ebay with smaller markupsoutraged customers have formed a social media campaign to boycott the merchandise from second-hand sellers\n", + "[1.0410322 1.3190242 1.3205612 1.1979908 1.2399395 1.1800959 1.0811826\n", + " 1.2395092 1.1061834 1.0888611 1.1000129 1.1538088 1.1171092 1.1198549\n", + " 1.0574073 1.0668254 1.0456069 1.0339491 1.0297767 0. ]\n", + "\n", + "[ 2 1 4 7 3 5 11 13 12 8 10 9 6 15 14 16 0 17 18 19]\n", + "=======================\n", + "[\"a new poll laying bare the public 's attitudes to drinking found nearly half of young workers think it is acceptable to regularly get drunk on a night out , compared to a fifth of the general population .but while the majority of people believe their drinking habits are under control , one in five young professionals now considers themselves to have a problem with alcohol , a survey found .the new poll of 4,000 british adults found 7 per cent reported they have a drinking problem .\"]\n", + "=======================\n", + "[\"fifth of young people do n't remember how they got home after drinkingthird forgot their entire night while one in 20 drove themselves home drunkbut nearly a quarter considered alcohol to be more harmful than smokinghalf said the nhs should stop treating alcoholics given health warnings\"]\n", + "a new poll laying bare the public 's attitudes to drinking found nearly half of young workers think it is acceptable to regularly get drunk on a night out , compared to a fifth of the general population .but while the majority of people believe their drinking habits are under control , one in five young professionals now considers themselves to have a problem with alcohol , a survey found .the new poll of 4,000 british adults found 7 per cent reported they have a drinking problem .\n", + "fifth of young people do n't remember how they got home after drinkingthird forgot their entire night while one in 20 drove themselves home drunkbut nearly a quarter considered alcohol to be more harmful than smokinghalf said the nhs should stop treating alcoholics given health warnings\n", + "[1.4664574 1.1965486 1.2259688 1.1744387 1.184177 1.1328843 1.1059854\n", + " 1.0958644 1.0622708 1.0605313 1.1449878 1.0481871 1.0674205 1.0863454\n", + " 1.025955 1.0263637 1.0395701 1.0706387 1.1046251 1.0912248 1.0138826\n", + " 1.0098126 0. ]\n", + "\n", + "[ 0 2 1 4 3 10 5 6 18 7 19 13 17 12 8 9 11 16 15 14 20 21 22]\n", + "=======================\n", + "[\"( cnn ) two transportation security administration screeners have been fired after conspiring to grope attractive men at denver international airport , denver police said .the female officer would then tell the screening machine that a female passenger -- not a male -- was walking through .here 's how police say the scheme worked : when the male tsa officer noticed a man he found attractive , he would alert a female tsa officer .\"]\n", + "=======================\n", + "['police : a male tsa officer signaled to a female officer when he found a man attractivefemale officer would notify scanning machine a woman -- not a man -- was passing throughpolice : that would trigger an anomaly in groin area , leading male officer to grope passenger']\n", + "( cnn ) two transportation security administration screeners have been fired after conspiring to grope attractive men at denver international airport , denver police said .the female officer would then tell the screening machine that a female passenger -- not a male -- was walking through .here 's how police say the scheme worked : when the male tsa officer noticed a man he found attractive , he would alert a female tsa officer .\n", + "police : a male tsa officer signaled to a female officer when he found a man attractivefemale officer would notify scanning machine a woman -- not a man -- was passing throughpolice : that would trigger an anomaly in groin area , leading male officer to grope passenger\n", + "[1.5271428 1.2632915 1.1156254 1.1796324 1.2128775 1.2092274 1.0560293\n", + " 1.0508233 1.0165312 1.0187457 1.0233808 1.0216662 1.0200843 1.0275818\n", + " 1.0333714 1.0881183 1.1802117 1.0610394 1.0561917 1.1664577 1.019759\n", + " 1.0138406 1.1073046]\n", + "\n", + "[ 0 1 4 5 16 3 19 2 22 15 17 18 6 7 14 13 10 11 12 20 9 8 21]\n", + "=======================\n", + "[\"lionel messi has recovered from his injured foot and should be fit to start sunday 's la liga match with celta vigo .the argentina forward sat out both of his country 's friendlies against el salvador and ecuador over the international break but , after arriving back in barcelona on thursday , was able to do some light running and stretching in training .messi had a light training session alongside compatriot javier mascherano as he recovers from foot injury\"]\n", + "=======================\n", + "[\"messi completed a light training session at barcelona on thursdayhe has almost recovered from a foot injury sustained in clasico with realargentina star sat out friendly matches with el salvador and ecuadorbarcelona hoping to maintain la liga lead against celta vigoluis enrique 's team remain on course for the treble\"]\n", + "lionel messi has recovered from his injured foot and should be fit to start sunday 's la liga match with celta vigo .the argentina forward sat out both of his country 's friendlies against el salvador and ecuador over the international break but , after arriving back in barcelona on thursday , was able to do some light running and stretching in training .messi had a light training session alongside compatriot javier mascherano as he recovers from foot injury\n", + "messi completed a light training session at barcelona on thursdayhe has almost recovered from a foot injury sustained in clasico with realargentina star sat out friendly matches with el salvador and ecuadorbarcelona hoping to maintain la liga lead against celta vigoluis enrique 's team remain on course for the treble\n", + "[1.1087615 1.2803419 1.3445599 1.2034849 1.0883057 1.1010692 1.0432979\n", + " 1.1374893 1.1060145 1.0674218 1.0598938 1.0267671 1.0690385 1.0372589\n", + " 1.0552503 1.0258695 1.021869 1.0397642 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 1 3 7 0 8 5 4 12 9 10 14 6 17 13 11 15 16 21 18 19 20 22]\n", + "=======================\n", + "[\"they join creme eggs , pg tips teabags and even john west tuna in the ever-increasing list of goods getting smaller .the latest casualty are boxes of cadbury 's fingers which , it was announced yesterday , will contain two fewer chocolate fingers from now on .shape changer : the rounded chunks look nice - but they give you 14 per cent less dairy milk chocolate\"]\n", + "=======================\n", + "[\"boxes of cadbury 's fingers will contain two fewer chocolate fingersjoins creme eggs , pg tips and john west tuna in goods getting smallerstrategy allows manufacturers to increase profits without raising pricesfood industry experts believe shrinking ploy is becoming more common\"]\n", + "they join creme eggs , pg tips teabags and even john west tuna in the ever-increasing list of goods getting smaller .the latest casualty are boxes of cadbury 's fingers which , it was announced yesterday , will contain two fewer chocolate fingers from now on .shape changer : the rounded chunks look nice - but they give you 14 per cent less dairy milk chocolate\n", + "boxes of cadbury 's fingers will contain two fewer chocolate fingersjoins creme eggs , pg tips and john west tuna in goods getting smallerstrategy allows manufacturers to increase profits without raising pricesfood industry experts believe shrinking ploy is becoming more common\n", + "[1.2697369 1.048775 1.2038819 1.3927355 1.3458383 1.0528183 1.0852598\n", + " 1.0978557 1.1087917 1.0902096 1.1023233 1.1598499 1.0359122 1.1238935\n", + " 1.0276614 1.0580817 1.0270289 1.0236416 1.0111454 1.0099998 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 4 0 2 11 13 8 10 7 9 6 15 5 1 12 14 16 17 18 19 21 20 22]\n", + "=======================\n", + "[\"brendan rodgers gives instructions to steven gerrard during liverpool 's defeat against aston villarodgers is set for his third season without a trophy after liverpool were dumped out of the fa cupafter spending more than # 200million since taking charge at liverpool in june 2012 , there is only so long the owners and fans will keep patient in their desire for dividends .\"]\n", + "=======================\n", + "[\"liverpool will go another campaign without silverware after fa cup exitit marks a third straight term where brendan rodgers has failed to deliverhe has spent over # 200m on transfers but is yet to win a trophy at anfieldand only a fraction of the 22 players he 's signed can be considered a ` hit '\"]\n", + "brendan rodgers gives instructions to steven gerrard during liverpool 's defeat against aston villarodgers is set for his third season without a trophy after liverpool were dumped out of the fa cupafter spending more than # 200million since taking charge at liverpool in june 2012 , there is only so long the owners and fans will keep patient in their desire for dividends .\n", + "liverpool will go another campaign without silverware after fa cup exitit marks a third straight term where brendan rodgers has failed to deliverhe has spent over # 200m on transfers but is yet to win a trophy at anfieldand only a fraction of the 22 players he 's signed can be considered a ` hit '\n", + "[1.1792821 1.2950298 1.4172403 1.3507422 1.2494376 1.2468903 1.3082744\n", + " 1.0547439 1.036734 1.0133013 1.0163002 1.045209 1.0119706 1.1159976\n", + " 1.1912173 1.1277502 1.0226196 1.0073307 1.0072907 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 3 6 1 4 5 14 0 15 13 7 11 8 16 10 9 12 17 18 19 20 21 22]\n", + "=======================\n", + "['homecamp , which launched in january , has been attracting both backpackers and locals who are looking for cheap and fast accommodation .sydney-sider steve york ( left ) used homecamp to connect with rose smith ( right ) and let her stay in his backyard for three nightsthis is the latest cost-saving travel trend , with each night costing an average of $ 30 .']\n", + "=======================\n", + "[\"homecamp is a service which connects homeowners and touriststravellers can pitch a tent in a homeowner 's backyard at a cheap ratethe average cost of staying in a backyard is $ 30 per nighthomecamp launched in australia in january and is available worldwide\"]\n", + "homecamp , which launched in january , has been attracting both backpackers and locals who are looking for cheap and fast accommodation .sydney-sider steve york ( left ) used homecamp to connect with rose smith ( right ) and let her stay in his backyard for three nightsthis is the latest cost-saving travel trend , with each night costing an average of $ 30 .\n", + "homecamp is a service which connects homeowners and touriststravellers can pitch a tent in a homeowner 's backyard at a cheap ratethe average cost of staying in a backyard is $ 30 per nighthomecamp launched in australia in january and is available worldwide\n", + "[1.23879 1.298501 1.3669647 1.1740105 1.2430928 1.3838457 1.0465113\n", + " 1.0185337 1.1227145 1.0870161 1.0611082 1.0683949 1.028957 1.0231029\n", + " 1.1337651 1.072736 1.0637554 1.009777 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 5 2 1 4 0 3 14 8 9 15 11 16 10 6 12 13 7 17 23 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "['the film 50 first dates starring adam sandler and drew barrymore has inspired a new dementia experiment taking place at a care home in riverdale , new yorka hollywood-inspired experiment to help dementia patients by waking them up with video recordings from loved ones is taking place in new york .a suitor , played by sandler , uses videos to remind her of him .']\n", + "=======================\n", + "[\"residents at hebrew care home in new york are woken by video recordings from loved ones to help ease their confusion and agitationidea was inspired by the 2004 film 50 first dates starring adam sandlerexperiment will be evaluated next month but results are ` very positive '\"]\n", + "the film 50 first dates starring adam sandler and drew barrymore has inspired a new dementia experiment taking place at a care home in riverdale , new yorka hollywood-inspired experiment to help dementia patients by waking them up with video recordings from loved ones is taking place in new york .a suitor , played by sandler , uses videos to remind her of him .\n", + "residents at hebrew care home in new york are woken by video recordings from loved ones to help ease their confusion and agitationidea was inspired by the 2004 film 50 first dates starring adam sandlerexperiment will be evaluated next month but results are ` very positive '\n", + "[1.1952045 1.3729023 1.2453539 1.2223778 1.2741303 1.2251511 1.104502\n", + " 1.095516 1.0919912 1.1337587 1.1206028 1.1069559 1.0500593 1.0936463\n", + " 1.0473318 1.0560207 1.006905 1.0089561 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 5 3 0 9 10 11 6 7 13 8 15 12 14 17 16 23 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"on april 6 -- easter monday - martina riccioni and her best friend antoinettia caffero , 21 , were involved in a horrific head-on collision when the car they were in veered into oncoming traffic as they drove home from margaret river .they have started a crowdfunding appeal on ` go fund me ' to raise up to $ 20,000 to transport her bodyms riccioni was thrown from the passenger seat of the car and was killed at the scene of the accident after suffering catastrophic injuries .\"]\n", + "=======================\n", + "[\"family of italian woman killed in a horror car crash in perth are pleading with the australian public to help them bring her body home to italythey have started a crowdfunding appeal to raise up to $ 20,000the appeal on ` go fund me ' has already raised over $ 13,000 for the familyms riccioni was killed in a car accident on easter mondayher best friend antoinettia caffero , remains in hospital in critical condition\"]\n", + "on april 6 -- easter monday - martina riccioni and her best friend antoinettia caffero , 21 , were involved in a horrific head-on collision when the car they were in veered into oncoming traffic as they drove home from margaret river .they have started a crowdfunding appeal on ` go fund me ' to raise up to $ 20,000 to transport her bodyms riccioni was thrown from the passenger seat of the car and was killed at the scene of the accident after suffering catastrophic injuries .\n", + "family of italian woman killed in a horror car crash in perth are pleading with the australian public to help them bring her body home to italythey have started a crowdfunding appeal to raise up to $ 20,000the appeal on ` go fund me ' has already raised over $ 13,000 for the familyms riccioni was killed in a car accident on easter mondayher best friend antoinettia caffero , remains in hospital in critical condition\n", + "[1.0529218 1.4624404 1.1934129 1.2087982 1.3061539 1.2468371 1.2161345\n", + " 1.1066983 1.0634589 1.1065066 1.051216 1.0502799 1.0691172 1.0703689\n", + " 1.0336643 1.0545168 1.0194988 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 5 6 3 2 7 9 13 12 8 15 0 10 11 14 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"but the dishevelled-looking vehicle is a celebrated 1962 aston martin db4 series iii and will be worth three times its # 220,000 price if fully restored .pricey : the restoration project will cost upwards of # 350,000 - meaning whoever buys it will have to pay # 570,000 to return it to its former gloryinside : the car , registered as btb 478a , is being sold at bonhams ' aston martin sale in newport pagnell , buckinghamshire , on may 9\"]\n", + "=======================\n", + "['aston martin db4 series iii will cost up to # 350,000 to restore but could then be worth as much as # 750,000attractive prospect for many car enthusiasts by offering rare chance to restore virtually-untouched db41,100 db4 series iii cars made from 1958 to 1963 - and this one will be auctioned in buckinghamshireengine was stripped , fully rebuilt and new chassis fitted in 1983 - but it has hardly been touched since']\n", + "but the dishevelled-looking vehicle is a celebrated 1962 aston martin db4 series iii and will be worth three times its # 220,000 price if fully restored .pricey : the restoration project will cost upwards of # 350,000 - meaning whoever buys it will have to pay # 570,000 to return it to its former gloryinside : the car , registered as btb 478a , is being sold at bonhams ' aston martin sale in newport pagnell , buckinghamshire , on may 9\n", + "aston martin db4 series iii will cost up to # 350,000 to restore but could then be worth as much as # 750,000attractive prospect for many car enthusiasts by offering rare chance to restore virtually-untouched db41,100 db4 series iii cars made from 1958 to 1963 - and this one will be auctioned in buckinghamshireengine was stripped , fully rebuilt and new chassis fitted in 1983 - but it has hardly been touched since\n", + "[1.1418241 1.3076193 1.0387601 1.0318606 1.1914064 1.2796791 1.1671984\n", + " 1.0598673 1.2587671 1.249888 1.0151365 1.0152944 1.0137937 1.0136831\n", + " 1.0142435 1.0240424 1.0634795 1.0166736 1.0156733 1.014332 1.2000484\n", + " 1.1658688 1.0350504 1.0399704 1.0158825]\n", + "\n", + "[ 1 5 8 9 20 4 6 21 0 16 7 23 2 22 3 15 17 24 18 11 10 19 14 12\n", + " 13]\n", + "=======================\n", + "[\"twelve months ago he stood on the same spot on the same practice ground at the same tournament , the houston open , looking as crestfallen as i have ever seen him .three time major winner padraig harrington has rediscovered his form ahead of the mastersa month ago harrington had fallen outside the world 's top 300 when he accepted an invitation to play in the honda classic in florida .\"]\n", + "=======================\n", + "['padraig harrington had fallen out of top 300 before winning honda classicirishman returns to the masters after failing to qualify last yearthe three times major winner tips dustin johnson to challenge rory mcilroy at augusta']\n", + "twelve months ago he stood on the same spot on the same practice ground at the same tournament , the houston open , looking as crestfallen as i have ever seen him .three time major winner padraig harrington has rediscovered his form ahead of the mastersa month ago harrington had fallen outside the world 's top 300 when he accepted an invitation to play in the honda classic in florida .\n", + "padraig harrington had fallen out of top 300 before winning honda classicirishman returns to the masters after failing to qualify last yearthe three times major winner tips dustin johnson to challenge rory mcilroy at augusta\n", + "[1.2992243 1.138708 1.3149917 1.3072181 1.2433788 1.2877676 1.1427299\n", + " 1.1137841 1.059353 1.027752 1.0366429 1.0448183 1.1675 1.0661678\n", + " 1.0237641 1.0963925 1.0260404 1.0644878 1.0248436 1.0438046 1.0198405\n", + " 1.0413654 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 5 4 12 6 1 7 15 13 17 8 11 19 21 10 9 16 18 14 20 23 22\n", + " 24]\n", + "=======================\n", + "['the mystery man , who may be suffering from amnesia , does not know how he came to lose his memory or be in the uk , and can not even recall his own name .all that he could remember was that he was from the poznan area of poland and has a daughter called lenka .he may or may not have come from denmark within the past few days .']\n", + "=======================\n", + "[\"mystery man wandered into polish embassy yesterday with no memorythe only clue to his identity is a distinctive flower tattoo on his right armhe ca n't recall his own name , how he lost his memory or came to be in ukall he could remember that he was from poland and his daughter lenka\"]\n", + "the mystery man , who may be suffering from amnesia , does not know how he came to lose his memory or be in the uk , and can not even recall his own name .all that he could remember was that he was from the poznan area of poland and has a daughter called lenka .he may or may not have come from denmark within the past few days .\n", + "mystery man wandered into polish embassy yesterday with no memorythe only clue to his identity is a distinctive flower tattoo on his right armhe ca n't recall his own name , how he lost his memory or came to be in ukall he could remember that he was from poland and his daughter lenka\n", + "[1.5049281 1.2791277 1.2302263 1.2146058 1.1755983 1.0975696 1.2158623\n", + " 1.1232053 1.1103582 1.0843866 1.02898 1.0444455 1.0305467 1.2139626\n", + " 1.0739762 1.0246768 1.0130818]\n", + "\n", + "[ 0 1 2 6 3 13 4 7 8 5 9 14 11 12 10 15 16]\n", + "=======================\n", + "[\"lydia ko tied annika sorenstam 's lpga tour record with her 29th consecutive round under par , shooting a 1-under 71 on thursday at the ana inspiration .the 17-year-old ko saved par on the par-4 seventh - her 16th hole - after hitting an approach shot through a gap in the trees .the top-ranked new zealander started the streak in the first round of her victory in the season-ending cme group tour championship last year .\"]\n", + "=======================\n", + "[\"lydia ko posted a round of 71 in first round of the ana inspirationthe 17-year-old equalled annika sorenstam 's lpga record of 29 successive rounds under parmichelle wie stumbled with a double bogey at the 18th for a score of 73\"]\n", + "lydia ko tied annika sorenstam 's lpga tour record with her 29th consecutive round under par , shooting a 1-under 71 on thursday at the ana inspiration .the 17-year-old ko saved par on the par-4 seventh - her 16th hole - after hitting an approach shot through a gap in the trees .the top-ranked new zealander started the streak in the first round of her victory in the season-ending cme group tour championship last year .\n", + "lydia ko posted a round of 71 in first round of the ana inspirationthe 17-year-old equalled annika sorenstam 's lpga record of 29 successive rounds under parmichelle wie stumbled with a double bogey at the 18th for a score of 73\n", + "[1.1975741 1.4281266 1.4424088 1.3077776 1.284168 1.2208385 1.0537779\n", + " 1.0174255 1.0282544 1.0160022 1.0194879 1.2047637 1.1262847 1.0235095\n", + " 1.0187227 1.1044836 0. ]\n", + "\n", + "[ 2 1 3 4 5 11 0 12 15 6 8 13 10 14 7 9 16]\n", + "=======================\n", + "['it is believed the gang used three tractors and trailers to dump the industrial waste in walsham-le-willows , between eye and bury st edmunds ,the mounds of rubbish , described by one police officer as the worst he has seen in almost 30 years , will cost the public purse thousands of pounds to clear up .flytipping : a 40-tonne pile of industrial waste has been dumped by the side of the road in a suffolk village']\n", + "=======================\n", + "['fly-tippers dumped 40 tonnes of waste in walsham-le-willows , suffolkpolice believe culprits used three tractors and trailers to transport rubbishan officer described it as the worst case he has seen in almost 30 years']\n", + "it is believed the gang used three tractors and trailers to dump the industrial waste in walsham-le-willows , between eye and bury st edmunds ,the mounds of rubbish , described by one police officer as the worst he has seen in almost 30 years , will cost the public purse thousands of pounds to clear up .flytipping : a 40-tonne pile of industrial waste has been dumped by the side of the road in a suffolk village\n", + "fly-tippers dumped 40 tonnes of waste in walsham-le-willows , suffolkpolice believe culprits used three tractors and trailers to transport rubbishan officer described it as the worst case he has seen in almost 30 years\n", + "[1.314177 1.2558833 1.2981814 1.198518 1.1641593 1.1416606 1.1499721\n", + " 1.085069 1.0807387 1.0888871 1.108335 1.0872492 1.0775554 1.0599866\n", + " 1.039184 1.0624887 1.0403427]\n", + "\n", + "[ 0 2 1 3 4 6 5 10 9 11 7 8 12 15 13 16 14]\n", + "=======================\n", + "['( cnn ) since iran \\'s islamic revolution in 1979 , women have been barred from attending most sports events involving men .a plan to allow \" women and families \" to enter sports stadiums will come into effect in the next year , deputy sports minister abdolhamid ahmadi said saturday , according to state-run media .but the situation appears set to improve in the coming months after a top iranian sports official said that the ban will be lifted for some events .']\n", + "=======================\n", + "['iranian sports official : the ban will be lifted for some events in the coming yearbut he says \" families are not interested in attending \" some sports matches']\n", + "( cnn ) since iran 's islamic revolution in 1979 , women have been barred from attending most sports events involving men .a plan to allow \" women and families \" to enter sports stadiums will come into effect in the next year , deputy sports minister abdolhamid ahmadi said saturday , according to state-run media .but the situation appears set to improve in the coming months after a top iranian sports official said that the ban will be lifted for some events .\n", + "iranian sports official : the ban will be lifted for some events in the coming yearbut he says \" families are not interested in attending \" some sports matches\n", + "[1.2937763 1.1018059 1.1936212 1.1016424 1.1769351 1.0669171 1.0651706\n", + " 1.0462235 1.0996938 1.0677708 1.1033229 1.0658845 1.0580101 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 2 4 10 1 3 8 9 5 11 6 12 7 15 13 14 16]\n", + "=======================\n", + "['( cnn ) the public outrage over the \" religious freedom \" bills recently passed in arkansas and indiana caught the governors of those states completely off-guard , judging by their confused and contradictory responses .but the politicians underestimated the pushback organized by local and national businesses , including companies with no previous record of public support for social equality .for the past three decades , socially conservative evangelicals and pro-business interests have been powerfully allied against government regulations , environmental initiatives and social welfare programs , while supporting lower taxes for the wealthy and pushing back against the growing diversity in america \\'s population .']\n", + "=======================\n", + "['stephanie coontz : indiana , arkansas governors caught off guard by outrage , boycotts over anti-lgbt lawshe says religious conservatives who discriminate no longer hold sway in a culture comfortable with diversity , including same-sex marriage']\n", + "( cnn ) the public outrage over the \" religious freedom \" bills recently passed in arkansas and indiana caught the governors of those states completely off-guard , judging by their confused and contradictory responses .but the politicians underestimated the pushback organized by local and national businesses , including companies with no previous record of public support for social equality .for the past three decades , socially conservative evangelicals and pro-business interests have been powerfully allied against government regulations , environmental initiatives and social welfare programs , while supporting lower taxes for the wealthy and pushing back against the growing diversity in america 's population .\n", + "stephanie coontz : indiana , arkansas governors caught off guard by outrage , boycotts over anti-lgbt lawshe says religious conservatives who discriminate no longer hold sway in a culture comfortable with diversity , including same-sex marriage\n", + "[1.224891 1.3805634 1.2250414 1.2235448 1.1628528 1.1395701 1.0895796\n", + " 1.0783867 1.1128337 1.1862541 1.0472548 1.0304937 1.0308204 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 9 4 5 8 6 7 10 12 11 15 13 14 16]\n", + "=======================\n", + "[\"a lawsuit filed by joyce kuhl , a grandmother from south carolina who visited the orlando park in 2013 , claims orcas are being kept in 8ft deep holding pools , leaving the marine animals ` essentially roasting ' .in her suit , ms kuhl alleges that the resulting burns are so bad staff are forced to paint the orcas with black zinc oxide to disguise the injuriesseaworld has been accused of drugging killer whales , painting over their injuries and keeping them in pools so shallow they get sunburned .\"]\n", + "=======================\n", + "[\"seaworld florida accused of drugging its performing killer whaleslawsuit alleges park 's pools are so shallow the orcas get sunburnedaccuse staff of painting over killer whales ' injuries and burnsclaims marine park use chlorine ` many times stronger than bleach '\"]\n", + "a lawsuit filed by joyce kuhl , a grandmother from south carolina who visited the orlando park in 2013 , claims orcas are being kept in 8ft deep holding pools , leaving the marine animals ` essentially roasting ' .in her suit , ms kuhl alleges that the resulting burns are so bad staff are forced to paint the orcas with black zinc oxide to disguise the injuriesseaworld has been accused of drugging killer whales , painting over their injuries and keeping them in pools so shallow they get sunburned .\n", + "seaworld florida accused of drugging its performing killer whaleslawsuit alleges park 's pools are so shallow the orcas get sunburnedaccuse staff of painting over killer whales ' injuries and burnsclaims marine park use chlorine ` many times stronger than bleach '\n", + "[1.2417874 1.3234401 1.2705805 1.1572946 1.318946 1.2385806 1.1279377\n", + " 1.1275407 1.1056039 1.0638609 1.0839695 1.0818689 1.0890486 1.0498831\n", + " 1.0726831 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 0 5 3 6 7 8 12 10 11 14 9 13 17 15 16 18]\n", + "=======================\n", + "[\"a lawyer for rebecca hannibal , 19 , appeared in front of downing centre local court on wednesday .rebecca hannibal ( centre ) has pleaded guilty to supplying her best friend georgina bartter ( far right ) with ` purple speaker ' ecstasy pills in the lead up to the harbourlife dance festivalms hannibal had pleaded not guilty to single supply charge at a previous hearing but her defence representative told magistrate mark buscombe she was changing her plea to guilty .\"]\n", + "=======================\n", + "[\"georgina bartter 's best friend has pleaded guilty to a drug supply chargerebecca hannibal , 19 , was first charged with supplying ecstasy to ms bartter in december but originally pleaded not guiltypolice allege she purchased the ecstasy pills from matthew forti , also 19ms bartter , 19 , died from a suspected ecstasy overdose in novembershe was taken to hospital after suffering multiple organ failure\"]\n", + "a lawyer for rebecca hannibal , 19 , appeared in front of downing centre local court on wednesday .rebecca hannibal ( centre ) has pleaded guilty to supplying her best friend georgina bartter ( far right ) with ` purple speaker ' ecstasy pills in the lead up to the harbourlife dance festivalms hannibal had pleaded not guilty to single supply charge at a previous hearing but her defence representative told magistrate mark buscombe she was changing her plea to guilty .\n", + "georgina bartter 's best friend has pleaded guilty to a drug supply chargerebecca hannibal , 19 , was first charged with supplying ecstasy to ms bartter in december but originally pleaded not guiltypolice allege she purchased the ecstasy pills from matthew forti , also 19ms bartter , 19 , died from a suspected ecstasy overdose in novembershe was taken to hospital after suffering multiple organ failure\n", + "[1.4772915 1.2894101 1.3708224 1.3214351 1.2670767 1.105833 1.0258986\n", + " 1.0190922 1.0241632 1.1405565 1.069458 1.0234911 1.0938374 1.0323117\n", + " 1.0084498 1.0387633 1.0237721 0. 0. ]\n", + "\n", + "[ 0 2 3 1 4 9 5 12 10 15 13 6 8 16 11 7 14 17 18]\n", + "=======================\n", + "[\"manny pacquiao will be wearing the world 's most expensive shorts when he takes the ring at the mgm grand garden arena with floyd mayweather on may 2 .the pacman 's shorts alone will carry sponsorship logos worth a total of $ 2.25 m ( # 1.5 m ) , reports the manila bulletin .manny pacquiao , working out here with trainer freddie roach , will wear multi-million pound shorts\"]\n", + "=======================\n", + "[\"manny pacquiao meets floyd mayweather on may 2 in las vegasthe fight worth $ 300 million to both camps is boxing 's richest everpacman 's shorts alone will carry sponsorship worth # 1.5 mmayweather has released a video with uncle roger about his gloves\"]\n", + "manny pacquiao will be wearing the world 's most expensive shorts when he takes the ring at the mgm grand garden arena with floyd mayweather on may 2 .the pacman 's shorts alone will carry sponsorship logos worth a total of $ 2.25 m ( # 1.5 m ) , reports the manila bulletin .manny pacquiao , working out here with trainer freddie roach , will wear multi-million pound shorts\n", + "manny pacquiao meets floyd mayweather on may 2 in las vegasthe fight worth $ 300 million to both camps is boxing 's richest everpacman 's shorts alone will carry sponsorship worth # 1.5 mmayweather has released a video with uncle roger about his gloves\n", + "[1.1345193 1.2787015 1.1447175 1.0753007 1.2436589 1.2515956 1.2637243\n", + " 1.048209 1.0953656 1.1871427 1.0392699 1.0993761 1.057599 1.0677841\n", + " 1.0871658 1.0457981 1.0447898 0. 0. ]\n", + "\n", + "[ 1 6 5 4 9 2 0 11 8 14 3 13 12 7 15 16 10 17 18]\n", + "=======================\n", + "[\"wanted : female body double for sienna miller .their ` low hip ' measurement should be 36 1/2 in while their ` high hip ' should come in at 35in .would-be siennas hoping to appear in an advert for bottled water should be 5ft 6in in height and have a 25 1/2 in waist , the advert states .\"]\n", + "=======================\n", + "[\"applicants must measure 5ft 6in and have a 25 1/2 in waistcasting request gives the star 's head and wrist circumferenceshopefuls must n't have tattoos or body piercings and may have to cut hairprevious adverts have featured keira knightley and claudia schiffer\"]\n", + "wanted : female body double for sienna miller .their ` low hip ' measurement should be 36 1/2 in while their ` high hip ' should come in at 35in .would-be siennas hoping to appear in an advert for bottled water should be 5ft 6in in height and have a 25 1/2 in waist , the advert states .\n", + "applicants must measure 5ft 6in and have a 25 1/2 in waistcasting request gives the star 's head and wrist circumferenceshopefuls must n't have tattoos or body piercings and may have to cut hairprevious adverts have featured keira knightley and claudia schiffer\n", + "[1.1972269 1.4398932 1.3809172 1.2286575 1.2487922 1.1155144 1.1566365\n", + " 1.0375962 1.0398856 1.2024184 1.1072974 1.0197344 1.0151317 1.0097454\n", + " 1.0100406 1.192995 1.1113924 1.1767939 1.0166556]\n", + "\n", + "[ 1 2 4 3 9 0 15 17 6 5 16 10 8 7 11 18 12 14 13]\n", + "=======================\n", + "[\"the historic carlton tavern was bulldozed by developers without warning last week - just days before it was due to be marked as a listed building .landlady patsy lord was told by the owners on easter monday to close for an ` inventory ' but returned two days later to find the pub , built in 1921 , was no longer standing .it was the only building in its road that was not destroyed by hitler 's bombs during the blitz but did not survive developer cltx ltd\"]\n", + "=======================\n", + "['carlton tavern made it through bombing during the second world warit was knocked down days before it was due to be marked a listed buildingwestminster city council is considering legal action against developersdanny john-jules , who played cat in red dwarf , has hit out at demolition']\n", + "the historic carlton tavern was bulldozed by developers without warning last week - just days before it was due to be marked as a listed building .landlady patsy lord was told by the owners on easter monday to close for an ` inventory ' but returned two days later to find the pub , built in 1921 , was no longer standing .it was the only building in its road that was not destroyed by hitler 's bombs during the blitz but did not survive developer cltx ltd\n", + "carlton tavern made it through bombing during the second world warit was knocked down days before it was due to be marked a listed buildingwestminster city council is considering legal action against developersdanny john-jules , who played cat in red dwarf , has hit out at demolition\n", + "[1.3155868 1.4240117 1.3282039 1.2610523 1.2330031 1.1286018 1.0926498\n", + " 1.1164219 1.089969 1.0475701 1.0361398 1.07114 1.1134919 1.1462234\n", + " 1.1404771 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 13 14 5 7 12 6 8 11 9 10 17 15 16 18]\n", + "=======================\n", + "['zoe dennise prince , 28 , was working at the gold coast amusement park until september last year , according to gold coast bulletin .however she was allegedly injured on may 20 , 2013 when she allegedly she experienced pain her right wrist whilst checking harnesses on the ride .ms prince has claimed that she suffered her injury as the company ardent leisure was negligent and set poor working conditions .']\n", + "=======================\n", + "['former dreamworld employee claims she injured herself whilst workingzoe prince , 28 , worked on the tower of terror ride checking harnessesshe claims the repetitive motion and stressful working conditions resulted in a wrist injuryshe has had two surgeries and claims she now has a permanent disabilityshe claims the business were negligent and did not give them enough breaks or a co-worker where required']\n", + "zoe dennise prince , 28 , was working at the gold coast amusement park until september last year , according to gold coast bulletin .however she was allegedly injured on may 20 , 2013 when she allegedly she experienced pain her right wrist whilst checking harnesses on the ride .ms prince has claimed that she suffered her injury as the company ardent leisure was negligent and set poor working conditions .\n", + "former dreamworld employee claims she injured herself whilst workingzoe prince , 28 , worked on the tower of terror ride checking harnessesshe claims the repetitive motion and stressful working conditions resulted in a wrist injuryshe has had two surgeries and claims she now has a permanent disabilityshe claims the business were negligent and did not give them enough breaks or a co-worker where required\n", + "[1.1509936 1.4308387 1.2800999 1.3099828 1.1706927 1.1610656 1.170003\n", + " 1.1053541 1.0631324 1.0481008 1.0699743 1.0181798 1.0171934 1.0416517\n", + " 1.0411215 1.0244826 1.015565 1.0134563 1.0117681 1.0133798 1.0129589\n", + " 1.0129974]\n", + "\n", + "[ 1 3 2 4 6 5 0 7 10 8 9 13 14 15 11 12 16 17 19 21 20 18]\n", + "=======================\n", + "['diane greenberg , a devout catholic , and her husband bob , who is jewish , decided to split their family down the middle when it came to religion .unusual set-up : steven and katie greenberg , above , were raised in separate faiths - steven jewish and katie catholicdiane took charge of her daughter , katie , 24 ; while bob took the reins teaching steven , 21 , as they grew up in new hope , pennsylvania .']\n", + "=======================\n", + "['diane greenberg is a catholic and her husband , bob , is jewishpair from new hope , pennsylvania , decided to raise kids in different faithskatie , now 24 , received catholic religious instruction and was confirmedsteven , 21 , had jewish teaching - but was ultimately not given a bar mitzvahfamily say many find arrangement baffling - but have defended it']\n", + "diane greenberg , a devout catholic , and her husband bob , who is jewish , decided to split their family down the middle when it came to religion .unusual set-up : steven and katie greenberg , above , were raised in separate faiths - steven jewish and katie catholicdiane took charge of her daughter , katie , 24 ; while bob took the reins teaching steven , 21 , as they grew up in new hope , pennsylvania .\n", + "diane greenberg is a catholic and her husband , bob , is jewishpair from new hope , pennsylvania , decided to raise kids in different faithskatie , now 24 , received catholic religious instruction and was confirmedsteven , 21 , had jewish teaching - but was ultimately not given a bar mitzvahfamily say many find arrangement baffling - but have defended it\n", + "[1.066071 1.2150865 1.2815092 1.2959822 1.1728977 1.2177782 1.0473522\n", + " 1.1838384 1.0939509 1.0667764 1.0661167 1.132873 1.0399315 1.0290111\n", + " 1.0305424 1.0277805 1.137504 1.0550886 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 2 5 1 7 4 16 11 8 9 10 0 17 6 12 14 13 15 18 19 20 21]\n", + "=======================\n", + "['researchers subjected lithium-ion batteries to heat and used thermal imaging and non-invasive high speed imaging techniques to observe changes in their internal structure .thermal images show copper inside the battery reaching temperatures of at least 1,085 °c ( 1,985 °f ) causing jets of molten material to burst from its vent .the footage is the first time the failure of li-ion batteries due to overheating has been recorded .']\n", + "=======================\n", + "[\"researchers subjected two lithium-ion batteries to external heatthey used thermal imaging to see what happened inside each cellcopper inside one cell reached temperatures of at least 1,085 °c ( 1,985 °f )the heat also caused molten material to stream from the battery 's vent\"]\n", + "researchers subjected lithium-ion batteries to heat and used thermal imaging and non-invasive high speed imaging techniques to observe changes in their internal structure .thermal images show copper inside the battery reaching temperatures of at least 1,085 °c ( 1,985 °f ) causing jets of molten material to burst from its vent .the footage is the first time the failure of li-ion batteries due to overheating has been recorded .\n", + "researchers subjected two lithium-ion batteries to external heatthey used thermal imaging to see what happened inside each cellcopper inside one cell reached temperatures of at least 1,085 °c ( 1,985 °f )the heat also caused molten material to stream from the battery 's vent\n", + "[1.1957365 1.5239959 1.4046738 1.1400628 1.38685 1.1644415 1.0624479\n", + " 1.0544617 1.1318086 1.0803633 1.1672508 1.0507395 1.0523843 1.0144278\n", + " 1.0230916 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 4 0 10 5 3 8 9 6 7 12 11 14 13 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"helal abbas , 55 , lost his bid to become the mayor of tower hamlets in east london days after the claim appeared in an ethnic freesheet .the race was won by lutfur rahman , 50 , a controversial figure who has been accused in a separate high court case of rigging his re-election victory last year .a labour politician who stood against britain 's first elected muslim mayor has won a high court battle over claims that he was a ` wife beater ' .\"]\n", + "=======================\n", + "[\"labour politician helal abbas lost bid to become mayor of tower hamletsthe london bangla ran an advert accusing him of assaulting his ex-wifeafter long legal battle , editor admits there was ` no truth to the allegation '\"]\n", + "helal abbas , 55 , lost his bid to become the mayor of tower hamlets in east london days after the claim appeared in an ethnic freesheet .the race was won by lutfur rahman , 50 , a controversial figure who has been accused in a separate high court case of rigging his re-election victory last year .a labour politician who stood against britain 's first elected muslim mayor has won a high court battle over claims that he was a ` wife beater ' .\n", + "labour politician helal abbas lost bid to become mayor of tower hamletsthe london bangla ran an advert accusing him of assaulting his ex-wifeafter long legal battle , editor admits there was ` no truth to the allegation '\n", + "[1.4465661 1.2260382 1.4629853 1.2673529 1.2060983 1.0690342 1.0703049\n", + " 1.0670142 1.0479937 1.0185332 1.0736687 1.1819416 1.040603 1.1712838\n", + " 1.0277784 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 3 1 4 11 13 10 6 5 7 8 12 14 9 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"fireman stephen hunt , 38 , lost his life tackling the inferno which began at paul 's hair world in manchester 's northern quarter almost two years ago .the girl - who was just 15 at the time - is said to have dropped a cigarette to the floor while standing near the shop 's fire exit which rolled underneath the door and set boxes alight .a 16-year-old girl charged with arson after she discarded a cigarette causing a city centre shop blaze which claimed the life of a firefighter had the charge dropped today after a judge said she was ` guilty only of being careless ' .\"]\n", + "=======================\n", + "[\"teenager charged with arson at manchester hair salon will not face trialinferno erupted at paul 's hair world in northern quarter on july 13 , 2013scientists initially stated the fire could not have been started accidentallybut they now say discarded cigarette near the fire exit could have caused itstephen hunt , 38 , died after he and colleague got into trouble tackling fire\"]\n", + "fireman stephen hunt , 38 , lost his life tackling the inferno which began at paul 's hair world in manchester 's northern quarter almost two years ago .the girl - who was just 15 at the time - is said to have dropped a cigarette to the floor while standing near the shop 's fire exit which rolled underneath the door and set boxes alight .a 16-year-old girl charged with arson after she discarded a cigarette causing a city centre shop blaze which claimed the life of a firefighter had the charge dropped today after a judge said she was ` guilty only of being careless ' .\n", + "teenager charged with arson at manchester hair salon will not face trialinferno erupted at paul 's hair world in northern quarter on july 13 , 2013scientists initially stated the fire could not have been started accidentallybut they now say discarded cigarette near the fire exit could have caused itstephen hunt , 38 , died after he and colleague got into trouble tackling fire\n", + "[1.245632 1.2502813 1.3603764 1.415916 1.1000369 1.1049049 1.1661065\n", + " 1.0263268 1.0282278 1.0416225 1.0364316 1.0192779 1.0707878 1.0561068\n", + " 1.0589674 1.0693016 1.0380906 1.0160763 1.0326564 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 2 1 0 6 5 4 12 15 14 13 9 16 10 18 8 7 11 17 20 19 21]\n", + "=======================\n", + "[\"many women spends hundreds of pounds a month on expensive skincare products but make common mistakes every single day that could lead to their skin ageing fasterfemail called on the best dermatologists in the business to shed some light on the classic mistakes women make and to share their vital tips for ensuring you 're getting the most from your skincare regime .the average woman will spend an eye-watering # 18,000 on products for her face in her lifetime , but may be throwing those hard earned pennies down the drain by applying them incorrectly .\"]\n", + "=======================\n", + "['women spend # 18,000 on products for the face in one lifetimemany women make common mistakes , leaving products redundantfemail calls on top dermatologists to dispel myths and share tips']\n", + "many women spends hundreds of pounds a month on expensive skincare products but make common mistakes every single day that could lead to their skin ageing fasterfemail called on the best dermatologists in the business to shed some light on the classic mistakes women make and to share their vital tips for ensuring you 're getting the most from your skincare regime .the average woman will spend an eye-watering # 18,000 on products for her face in her lifetime , but may be throwing those hard earned pennies down the drain by applying them incorrectly .\n", + "women spend # 18,000 on products for the face in one lifetimemany women make common mistakes , leaving products redundantfemail calls on top dermatologists to dispel myths and share tips\n", + "[1.6388988 1.1130096 1.4355532 1.2678218 1.1045727 1.0338509 1.0377656\n", + " 1.037411 1.0248306 1.020992 1.1101793 1.1059507 1.036246 1.0256805\n", + " 1.0179849 1.0149953 1.0148534 1.0258204 1.068612 0. ]\n", + "\n", + "[ 0 2 3 1 10 11 4 18 6 7 12 5 17 13 8 9 14 15 16 19]\n", + "=======================\n", + "[\"simon wood , 38 , from oldham won masterchef last fridayeverything the 38 year old knows about cooking is self-taught - learnt form reading recipe books or watching television shows .wannabe chefs with their eye on a career as the next gordon ramsay or jamie oliver should take note - it does n't have to cost a fortune .\"]\n", + "=======================\n", + "['simon wood , 38 , from oldham won masterchef last fridayfather-of-four got cooking skills by feeding culinary creations to his kidsthe award-winning chef says one of his favourite meals is a plain omelette']\n", + "simon wood , 38 , from oldham won masterchef last fridayeverything the 38 year old knows about cooking is self-taught - learnt form reading recipe books or watching television shows .wannabe chefs with their eye on a career as the next gordon ramsay or jamie oliver should take note - it does n't have to cost a fortune .\n", + "simon wood , 38 , from oldham won masterchef last fridayfather-of-four got cooking skills by feeding culinary creations to his kidsthe award-winning chef says one of his favourite meals is a plain omelette\n", + "[1.2566007 1.43253 1.1707827 1.2369934 1.4025428 1.1299317 1.0270605\n", + " 1.0273312 1.0788616 1.0754749 1.0522792 1.0172365 1.0420481 1.071525\n", + " 1.136163 1.0530983 1.0471092 1.0517097 0. 0. ]\n", + "\n", + "[ 1 4 0 3 2 14 5 8 9 13 15 10 17 16 12 7 6 11 18 19]\n", + "=======================\n", + "[\"robert mccombs told a court in grand rapids , michigan on wednesday that steven carl day admitted to him and his roommate roger musick that he molested a young relative and that he was molesting other young girls .a man strangled his friend to death in a rage after the friend admitted that he had been molesting young girls and thought ` one of them was starting to like it , ' a jury heard this week .addiction : after the murder in 2013 , friends of day said he was an army veteran who had struggled in recent years while battling an alcohol addiction\"]\n", + "=======================\n", + "[\"steven carl day 's confession over drinks that he molested young girls led to his murder , robert mccombs , the roommate of the alleged murder testifiedmccombs said that when day confessed to he and his former roommate roger musick that musick said he wanted to kill daymccombs claims that musick strangled day to death and that the two of him dumped his body and then hid the evidencemccombs was released from prison in early march for tampering with evidence in day 's death but musick will stand trial for day 's murder\"]\n", + "robert mccombs told a court in grand rapids , michigan on wednesday that steven carl day admitted to him and his roommate roger musick that he molested a young relative and that he was molesting other young girls .a man strangled his friend to death in a rage after the friend admitted that he had been molesting young girls and thought ` one of them was starting to like it , ' a jury heard this week .addiction : after the murder in 2013 , friends of day said he was an army veteran who had struggled in recent years while battling an alcohol addiction\n", + "steven carl day 's confession over drinks that he molested young girls led to his murder , robert mccombs , the roommate of the alleged murder testifiedmccombs said that when day confessed to he and his former roommate roger musick that musick said he wanted to kill daymccombs claims that musick strangled day to death and that the two of him dumped his body and then hid the evidencemccombs was released from prison in early march for tampering with evidence in day 's death but musick will stand trial for day 's murder\n", + "[1.2248548 1.2646822 1.1570308 1.2725015 1.1822183 1.1413107 1.1945214\n", + " 1.0398408 1.1103897 1.0462803 1.038381 1.0779932 1.0726407 1.1022211\n", + " 1.0869163 1.0621359 1.0162982 1.0369706 1.0190737 1.0225188]\n", + "\n", + "[ 3 1 0 6 4 2 5 8 13 14 11 12 15 9 7 10 17 19 18 16]\n", + "=======================\n", + "[\"tens of thousands of people flocked to pope francis ' good friday torchlight procession at the colosseum in rome .` way of the cross ' walks took place in ohio , pennsylvania and over the brooklyn bridge , among others .with easter sunday just on the horizon , christians across american observed good friday , which commemorates the crucifixion and death of jesus christ .\"]\n", + "=======================\n", + "[\"good friday commemorates the crucifixion and death of jesus christ` way of the cross ' walks took place in ohio , pennsylvania , los angeles and over the brooklyn bridge , among othersjust a few of the events that were taking place all over the world at holy week nears its endtens of thousands of people flocked to pope francis ' good friday procession at the colosseum in rome\"]\n", + "tens of thousands of people flocked to pope francis ' good friday torchlight procession at the colosseum in rome .` way of the cross ' walks took place in ohio , pennsylvania and over the brooklyn bridge , among others .with easter sunday just on the horizon , christians across american observed good friday , which commemorates the crucifixion and death of jesus christ .\n", + "good friday commemorates the crucifixion and death of jesus christ` way of the cross ' walks took place in ohio , pennsylvania , los angeles and over the brooklyn bridge , among othersjust a few of the events that were taking place all over the world at holy week nears its endtens of thousands of people flocked to pope francis ' good friday procession at the colosseum in rome\n", + "[1.4018161 1.3974385 1.2898141 1.3890895 1.1467488 1.0879198 1.0300161\n", + " 1.0961726 1.0389955 1.0191783 1.1219671 1.0527767 1.1740159 1.0715822\n", + " 1.0623754 1.1439338 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 12 4 15 10 7 5 13 14 11 8 6 9 16 17 18 19]\n", + "=======================\n", + "[\"leeds owner massimo cellino has claimed that red bull have launched a bid to buy the championship club .cellino , who is currently serving a football league disqualification , said that leeds ' majority shareholder eleonora sport was considering the offer .but leeds chairman andrew umbers said he was not aware of an offer from red bull when contacted by bbc radio leeds on saturday morning .\"]\n", + "=======================\n", + "['red bull have launched a bid to buy leeds , massimo cellino sayscellino says majority shareholder eleonora sport are considering offerleeds chairman andrew umbers later said he was unaware of offercellino currently serving a football league disqualification']\n", + "leeds owner massimo cellino has claimed that red bull have launched a bid to buy the championship club .cellino , who is currently serving a football league disqualification , said that leeds ' majority shareholder eleonora sport was considering the offer .but leeds chairman andrew umbers said he was not aware of an offer from red bull when contacted by bbc radio leeds on saturday morning .\n", + "red bull have launched a bid to buy leeds , massimo cellino sayscellino says majority shareholder eleonora sport are considering offerleeds chairman andrew umbers later said he was unaware of offercellino currently serving a football league disqualification\n", + "[1.2715166 1.3694434 1.0977418 1.3657825 1.0774704 1.0869541 1.116111\n", + " 1.0447667 1.1592433 1.0641608 1.0260304 1.0424992 1.02749 1.0221069\n", + " 1.1862776 1.0361822 1.0196127 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 14 8 6 2 5 4 9 7 11 15 12 10 13 16 17 18 19]\n", + "=======================\n", + "['but mui suffers from a rare genetic condition that leaves the skin on her face and body red raw and open to infection .she was born with harlequin ichthyosis , which means her skin is extremely thick , dry and flaky -- resembling fish scales .hong kong ( cnn ) when she was growing up , mui thomas , wanted to be a fashion model -- not an unusual aspiration for a young girl .']\n", + "=======================\n", + "[\"mui thomas has a rare genetic condition that leaves her skin raw and open to infectionabandoned at birth , tina and rog thomas adopted muishe 's now 22 , a rugby referee and an inspirational speaker\"]\n", + "but mui suffers from a rare genetic condition that leaves the skin on her face and body red raw and open to infection .she was born with harlequin ichthyosis , which means her skin is extremely thick , dry and flaky -- resembling fish scales .hong kong ( cnn ) when she was growing up , mui thomas , wanted to be a fashion model -- not an unusual aspiration for a young girl .\n", + "mui thomas has a rare genetic condition that leaves her skin raw and open to infectionabandoned at birth , tina and rog thomas adopted muishe 's now 22 , a rugby referee and an inspirational speaker\n", + "[1.405027 1.4689035 1.3181365 1.2295668 1.092184 1.3070006 1.0532444\n", + " 1.086325 1.0393925 1.1528296 1.0247036 1.0176824 1.0158799 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 5 3 9 4 7 6 8 10 11 12 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"she is now living in fear of being returned from a holding centre in darwin to troubled nauru for years while her family 's asylum claim is processed , lawyer john lawrence said .a five-year-old iranian girl who has spent more than a year in australia 's offshore nauru detention centre has been prescribed anti-depressants , has self-harmed by swallowing shampoo and nails and has been diagnosed with post-traumatic stress disorder , her lawyer says .the girl 's father has applied for a protection visa for his family after fearing for his life and fleeing form the military police in iran .\"]\n", + "=======================\n", + "[\"lawyers are fighting to stop iranian child being sent back to naurushe is currently being held at a detention centre in darwinlawyer john lawrence says ` she might not be alive ' if she 's sent backshe wrote her name as her detention number and draws a disturbing self-portrait showing her mouth stitched upher family 's asylum claim could take three years to process\"]\n", + "she is now living in fear of being returned from a holding centre in darwin to troubled nauru for years while her family 's asylum claim is processed , lawyer john lawrence said .a five-year-old iranian girl who has spent more than a year in australia 's offshore nauru detention centre has been prescribed anti-depressants , has self-harmed by swallowing shampoo and nails and has been diagnosed with post-traumatic stress disorder , her lawyer says .the girl 's father has applied for a protection visa for his family after fearing for his life and fleeing form the military police in iran .\n", + "lawyers are fighting to stop iranian child being sent back to naurushe is currently being held at a detention centre in darwinlawyer john lawrence says ` she might not be alive ' if she 's sent backshe wrote her name as her detention number and draws a disturbing self-portrait showing her mouth stitched upher family 's asylum claim could take three years to process\n", + "[1.2033031 1.3916942 1.2420464 1.2930216 1.2800786 1.2376034 1.0490716\n", + " 1.0954738 1.1185226 1.0765995 1.0655675 1.0424038 1.0272311 1.0336049\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 5 0 8 7 9 10 6 11 13 12 18 14 15 16 17 19]\n", + "=======================\n", + "[\"shanay walker 's death was the culmination of ` repeated acts of cruelty ' at the hands of seventh-day adventist kay-ann morris that included having food shoved in her mouth and being struck on the hands with a hairbrush , a jury was told .shanay walker , found cold and stiff in her bed in nottingham last july .her aunt is currently on trial for her murder .\"]\n", + "=======================\n", + "[\"guardian kay-ann morris is on trial for murdering her niece shanay , 7paramedics found shanay lying cold and stiff in bed at nottingham homemorris and mother , juanila smikle , claim she had fallen down the stairsparamedics later found 50 bruises on girl 's face , torso , arms and legsprosecution say death was due to ` sustained , vicious and brutal beating '\"]\n", + "shanay walker 's death was the culmination of ` repeated acts of cruelty ' at the hands of seventh-day adventist kay-ann morris that included having food shoved in her mouth and being struck on the hands with a hairbrush , a jury was told .shanay walker , found cold and stiff in her bed in nottingham last july .her aunt is currently on trial for her murder .\n", + "guardian kay-ann morris is on trial for murdering her niece shanay , 7paramedics found shanay lying cold and stiff in bed at nottingham homemorris and mother , juanila smikle , claim she had fallen down the stairsparamedics later found 50 bruises on girl 's face , torso , arms and legsprosecution say death was due to ` sustained , vicious and brutal beating '\n", + "[1.3155212 1.3491224 1.3632648 1.4029336 1.2401061 1.1197084 1.0574394\n", + " 1.0361079 1.0557199 1.0352472 1.033432 1.0156919 1.1103289 1.0634136\n", + " 1.0336494 1.0564146 1.1017483 1.0912182 1.0345213 0. ]\n", + "\n", + "[ 3 2 1 0 4 5 12 16 17 13 6 15 8 7 9 18 14 10 11 19]\n", + "=======================\n", + "[\"professional golfer lexi thompson , 20 , will appear on the front of may 's edition of golf digestnow 20 , lexi thompson can boast six professional championships and most recently , a provocative magazine cover .at 12 , she became the youngest player to appear in the u.s women 's open .\"]\n", + "=======================\n", + "[\"lpga player posed shirtless for may 's ` fitness and power ' issueeditor-in-chief jerry tarde defended decision after recent controversiestwo previous front covers have featured two non-golfing womenone reader said : ' i was n't sure if it was a playboy ad , or if it was a golf digest ad '\"]\n", + "professional golfer lexi thompson , 20 , will appear on the front of may 's edition of golf digestnow 20 , lexi thompson can boast six professional championships and most recently , a provocative magazine cover .at 12 , she became the youngest player to appear in the u.s women 's open .\n", + "lpga player posed shirtless for may 's ` fitness and power ' issueeditor-in-chief jerry tarde defended decision after recent controversiestwo previous front covers have featured two non-golfing womenone reader said : ' i was n't sure if it was a playboy ad , or if it was a golf digest ad '\n", + "[1.2494315 1.2718427 1.1375796 1.1084026 1.0230296 1.0927126 1.06975\n", + " 1.0618454 1.1026895 1.2557521 1.1469315 1.1532693 1.2065023 1.0709821\n", + " 1.2809746 0. 0. 0. 0. 0. ]\n", + "\n", + "[14 1 9 0 12 11 10 2 3 8 5 13 6 7 4 18 15 16 17 19]\n", + "=======================\n", + "[\"colombia no 1 rene higuita famously performed a scorpion kick against england at wembleythe seven-year-old , who has trained with both manchester clubs and starred in a bt sport advert , showed he has inherited some of his father 's skills after being filmed scoring with a ` scorpion kick ' in his back garden .meanwhile , the manchester united forward will reportedly be offered # 5million to leave old trafford in the summer .\"]\n", + "=======================\n", + "[\"robin van persie has been linked with a move from manchester unitedholland international 's son shaqueel has been showing off his skillsthe dutchman 's son scored with a scorpion kick made famous by colombia keeper rene higuita\"]\n", + "colombia no 1 rene higuita famously performed a scorpion kick against england at wembleythe seven-year-old , who has trained with both manchester clubs and starred in a bt sport advert , showed he has inherited some of his father 's skills after being filmed scoring with a ` scorpion kick ' in his back garden .meanwhile , the manchester united forward will reportedly be offered # 5million to leave old trafford in the summer .\n", + "robin van persie has been linked with a move from manchester unitedholland international 's son shaqueel has been showing off his skillsthe dutchman 's son scored with a scorpion kick made famous by colombia keeper rene higuita\n", + "[1.1189367 1.2879467 1.2528436 1.3072462 1.2578181 1.2307459 1.0240176\n", + " 1.2073288 1.0209149 1.0224222 1.1094493 1.1226579 1.1050543 1.0221399\n", + " 1.0204564 1.042548 1.0996871 1.071582 1.0426599 1.009422 ]\n", + "\n", + "[ 3 1 4 2 5 7 11 0 10 12 16 17 18 15 6 9 13 8 14 19]\n", + "=======================\n", + "['experts have voiced concerns over diy brain stimulation kits for children that are being sold onlinethe abc have reported that for a few hundred dollars , you can purchase your own kit on the web , and nothing is stopping buyers from using it on their children .online advertisements have promised immediate results , but have not made the potential dangerous side effects clear .']\n", + "=======================\n", + "['experts have voiced concerns over diy brain stimulation kits for childrenfor a few hundred dollars , one can be purchased online from various sitesit promises to help children with math homework and claims to help adhdprofessor colleen loo from the black dog institute strongly believes that the equipment poses a danger to amateurs and childrenthe equipment is currently being used to treat people with speech impediments but is still very much in trial stages']\n", + "experts have voiced concerns over diy brain stimulation kits for children that are being sold onlinethe abc have reported that for a few hundred dollars , you can purchase your own kit on the web , and nothing is stopping buyers from using it on their children .online advertisements have promised immediate results , but have not made the potential dangerous side effects clear .\n", + "experts have voiced concerns over diy brain stimulation kits for childrenfor a few hundred dollars , one can be purchased online from various sitesit promises to help children with math homework and claims to help adhdprofessor colleen loo from the black dog institute strongly believes that the equipment poses a danger to amateurs and childrenthe equipment is currently being used to treat people with speech impediments but is still very much in trial stages\n", + "[1.2366352 1.3779839 1.255199 1.2581034 1.122217 1.1348866 1.0774734\n", + " 1.0848576 1.0647643 1.0635813 1.057878 1.028692 1.0159837 1.0775878\n", + " 1.077077 1.0508895 1.1000745 1.0725312 1.0660768 1.0602238 1.0188965\n", + " 1.056311 ]\n", + "\n", + "[ 1 3 2 0 5 4 16 7 13 6 14 17 18 8 9 19 10 21 15 11 20 12]\n", + "=======================\n", + "[\"the 25-year-old died in police custody 15 days ago after he was arrested on a weapons charge .gray 's death in custody is the latest in a string of high profile deaths involving african-americans and law enforcement .his death from a severe spinal chord injury sparked widespread outrage toward the baltimore police department .\"]\n", + "=======================\n", + "[\"eric garner 's family and other members of families united for justice will attend gray 's funeralgray was arrested april 12 and died a week later from a severe spinal cord injurythree white house officials will also attend gray 's funeral\"]\n", + "the 25-year-old died in police custody 15 days ago after he was arrested on a weapons charge .gray 's death in custody is the latest in a string of high profile deaths involving african-americans and law enforcement .his death from a severe spinal chord injury sparked widespread outrage toward the baltimore police department .\n", + "eric garner 's family and other members of families united for justice will attend gray 's funeralgray was arrested april 12 and died a week later from a severe spinal cord injurythree white house officials will also attend gray 's funeral\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[1.5316384 1.4107307 1.3165573 1.4255687 1.1346395 1.1765078 1.0748851\n", + " 1.0377301 1.0161616 1.0132077 1.1038957 1.0179721 1.0219079 1.0186075\n", + " 1.017237 1.0203766 1.012882 1.0170358 1.0114672 1.0692731 1.0200394\n", + " 1.021152 ]\n", + "\n", + "[ 0 3 1 2 5 4 10 6 19 7 12 21 15 20 13 11 14 17 8 9 16 18]\n", + "=======================\n", + "[\"burnley boss sean dyche insists his team will not resort to diving and cheating in their battle against relegation .sean dyche is insistent that his burnley players wo n't ever dive or cheat to prosper under himdyche says he has been shocked by the amount of simulation he has witnessed during burnley 's first season back in the barclays premier league .\"]\n", + "=======================\n", + "[\"sean dyche says his burnley players wo n't cheat or dive to winthe 43-year-old wants to win games in the right and correct mannerdyche revealed another manager has labelled his side as naiveclick here for all the latest burnley news\"]\n", + "burnley boss sean dyche insists his team will not resort to diving and cheating in their battle against relegation .sean dyche is insistent that his burnley players wo n't ever dive or cheat to prosper under himdyche says he has been shocked by the amount of simulation he has witnessed during burnley 's first season back in the barclays premier league .\n", + "sean dyche says his burnley players wo n't cheat or dive to winthe 43-year-old wants to win games in the right and correct mannerdyche revealed another manager has labelled his side as naiveclick here for all the latest burnley news\n", + "[1.3210382 1.2831199 1.227618 1.1328143 1.2655661 1.1192281 1.0476466\n", + " 1.1280863 1.1906523 1.1214273 1.0966909 1.0441936 1.0189956 1.1032057\n", + " 1.1246499 1.0534134 1.0364221 1.0300205 1.0168201 1.0141517 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 4 2 8 3 7 14 9 5 13 10 15 6 11 16 17 12 18 19 20 21]\n", + "=======================\n", + "[\"defense attorneys released some of the training records saturday for a 73-year-old volunteer sheriff 's deputy charged with manslaughter in the fatal shooting of an unarmed suspect in oklahoma .the records for robert bates include certificates showing what training he received , job evaluation reports and weapons training and qualification records dating to 2008 .apology : robert bates became emotional as he apologized to the family of the man he shot dead during a botched sting operation on april 2 .\"]\n", + "=======================\n", + "[\"tulsa county sheriff 's office reserve deputy robert bates faces a charge of second-degree manslaughter for the april 2 shooting of eric harrisrecords include training certificates , job evaluation reports and weapons training and qualification records dating to 2008some of the records seem to indicate bates was proficient in firearms and dozens of other training courseshe kept his taser near his chest and his gun on his right side - but insisted the mix-up could have happened to anyonebates said he had completed all proper training and was not allowed to ` play cop ' just because he had donated equipment to the sheriff 's office\"]\n", + "defense attorneys released some of the training records saturday for a 73-year-old volunteer sheriff 's deputy charged with manslaughter in the fatal shooting of an unarmed suspect in oklahoma .the records for robert bates include certificates showing what training he received , job evaluation reports and weapons training and qualification records dating to 2008 .apology : robert bates became emotional as he apologized to the family of the man he shot dead during a botched sting operation on april 2 .\n", + "tulsa county sheriff 's office reserve deputy robert bates faces a charge of second-degree manslaughter for the april 2 shooting of eric harrisrecords include training certificates , job evaluation reports and weapons training and qualification records dating to 2008some of the records seem to indicate bates was proficient in firearms and dozens of other training courseshe kept his taser near his chest and his gun on his right side - but insisted the mix-up could have happened to anyonebates said he had completed all proper training and was not allowed to ` play cop ' just because he had donated equipment to the sheriff 's office\n", + "[1.2859478 1.3443389 1.2990086 1.0642097 1.2700316 1.1612356 1.0395582\n", + " 1.1368837 1.0736399 1.0400691 1.079524 1.0610875 1.0645837 1.225358\n", + " 1.0556102 1.0190841 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 4 13 5 7 10 8 12 3 11 14 9 6 15 20 16 17 18 19 21]\n", + "=======================\n", + "[\"kim scott posted the poem on saturday morning , a day after the body of a woman was discovered in cocoparra national park on friday afternoon and following the arrest of school cleaner vincent stanford , 24 , with her murder on thursday morning .the 26-year-old english and drama teacher was due to marry her long-time partner aaron leeson woolley on saturday , a fact keenly plain the poem , which was addressed to ` my dearest stephanie and aaron on your wedding day .kim scott addressed the poem intended for her younger sister and her fiancee , ` on this your special day ... '\"]\n", + "=======================\n", + "[\"stephanie scott 's sister kim has released a poem intended for her wedding` to my dearest stephanie and aaron on your wedding day .the poem details the romance and engagement of ms scott and mr woolleyfriends and family have flooded the post with sympathy and memorieskim scott invited loved ones to a memorial picnic on saturday afternoon\"]\n", + "kim scott posted the poem on saturday morning , a day after the body of a woman was discovered in cocoparra national park on friday afternoon and following the arrest of school cleaner vincent stanford , 24 , with her murder on thursday morning .the 26-year-old english and drama teacher was due to marry her long-time partner aaron leeson woolley on saturday , a fact keenly plain the poem , which was addressed to ` my dearest stephanie and aaron on your wedding day .kim scott addressed the poem intended for her younger sister and her fiancee , ` on this your special day ... '\n", + "stephanie scott 's sister kim has released a poem intended for her wedding` to my dearest stephanie and aaron on your wedding day .the poem details the romance and engagement of ms scott and mr woolleyfriends and family have flooded the post with sympathy and memorieskim scott invited loved ones to a memorial picnic on saturday afternoon\n", + "[1.2255813 1.5125825 1.3931483 1.3484483 1.1194013 1.0999444 1.2291028\n", + " 1.0697592 1.0758772 1.0275177 1.0191644 1.0407134 1.0215597 1.0428811\n", + " 1.1285222 1.0478216 1.0459323 1.048947 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 6 0 14 4 5 8 7 17 15 16 13 11 9 12 10 18 19 20 21]\n", + "=======================\n", + "[\"iain mackay , 40 , is believed to have argued with nilobon patty in a separate venue in hua hin , a resort some 125miles southwest of bangkok , shortly before his death .ms patty , 35 , also known as patty patrick , has been accused of ` indirectly causing his death ' as seeing her with another man had angered mr mackay , but claims she has done nothing wrong .the girlfriend of a british man who bled to death in thailand after injuring himself kicking a mirror in the bar where she works has denied having anything to do with the incident .\"]\n", + "=======================\n", + "['iain mackay , 40 , saw his thai girlfriend talking to another man in a bartrio reportedly got into a furious argument at the coastal hua hin resortshortly afterwards mr mackay appeared in a nearby shop bleeding heavilywas suffering injuries caused by shards of glass from a smashed mirrorparamedics were called to the scene but he died in hospital hours later']\n", + "iain mackay , 40 , is believed to have argued with nilobon patty in a separate venue in hua hin , a resort some 125miles southwest of bangkok , shortly before his death .ms patty , 35 , also known as patty patrick , has been accused of ` indirectly causing his death ' as seeing her with another man had angered mr mackay , but claims she has done nothing wrong .the girlfriend of a british man who bled to death in thailand after injuring himself kicking a mirror in the bar where she works has denied having anything to do with the incident .\n", + "iain mackay , 40 , saw his thai girlfriend talking to another man in a bartrio reportedly got into a furious argument at the coastal hua hin resortshortly afterwards mr mackay appeared in a nearby shop bleeding heavilywas suffering injuries caused by shards of glass from a smashed mirrorparamedics were called to the scene but he died in hospital hours later\n", + "[1.5072947 1.4224592 1.2039884 1.254582 1.2956355 1.2536783 1.1699972\n", + " 1.0645487 1.0158914 1.0154605 1.01366 1.0143065 1.0172814 1.036102\n", + " 1.0494817 1.015861 1.0683713 1.010148 1.0613838 1.1580633 1.0909 ]\n", + "\n", + "[ 0 1 4 3 5 2 6 19 20 16 7 18 14 13 12 8 15 9 11 10 17]\n", + "=======================\n", + "[\"jose mourinho has said diego costa 's recovery from a hamstring injury is going well and the striker could return for next weekend 's premier league showdown with arsenal .costa sustained the injury in the 2-1 home win over stoke city on april 4 and was expected to be out for a month .jose mourinho offered some positive injury news as he spoke ahead of chelsea 's game with man united\"]\n", + "=======================\n", + "[\"striker suffered his hamstring in the 2-1 win over stoke on april 4costa has recovered ahead of schedule and will train with squad next weekhe could return for their top-of-the-table clash with arsenal next weekendjose mourinho 's side face manchester united on saturday\"]\n", + "jose mourinho has said diego costa 's recovery from a hamstring injury is going well and the striker could return for next weekend 's premier league showdown with arsenal .costa sustained the injury in the 2-1 home win over stoke city on april 4 and was expected to be out for a month .jose mourinho offered some positive injury news as he spoke ahead of chelsea 's game with man united\n", + "striker suffered his hamstring in the 2-1 win over stoke on april 4costa has recovered ahead of schedule and will train with squad next weekhe could return for their top-of-the-table clash with arsenal next weekendjose mourinho 's side face manchester united on saturday\n", + "[1.2908342 1.3968222 1.2578026 1.3581179 1.164473 1.1043057 1.1232667\n", + " 1.0139999 1.0358603 1.0476911 1.1507454 1.0326103 1.0123713 1.0145202\n", + " 1.0550313 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 10 6 5 14 9 8 11 13 7 12 19 15 16 17 18 20]\n", + "=======================\n", + "[\"locals from the island of kudahuvadhoo , located in the southern area of the dhaalu atoll in the maldives , reported witnessing ' a low-flying jumbo jet ' on the morning of march 8 last year , when the flight disappeared while travelling from kuala lumpur to beijing with 239 people on board .the reports come as acoustic scientists from curtin university refuse to rule out the possibility that ` distinctive ' data they recorded from the area at the assumed time of the crash may have come from the impact of the aircraft as it hit the indian ocean .abdu rasheed ibrahim said he saw the plane flying towards him over the water , and did not know at the time that it could be the missing malaysian airlines flight . '\"]\n", + "=======================\n", + "[\"locals from the maldives island of kudahuvadhoo claim they saw a low-flying jet on the morning mh370 disappearedthe island is over 5000 kilometres away from the current search areamembers of the community say it was so low they could see the plane 's doors and make out the distinctive colouring on the side of the jetlocals made statements to verify what they had seen to officialscurtin university acoustic scientists say they recorded ` distinctive ' noise from the area at the presumed time of the crash\"]\n", + "locals from the island of kudahuvadhoo , located in the southern area of the dhaalu atoll in the maldives , reported witnessing ' a low-flying jumbo jet ' on the morning of march 8 last year , when the flight disappeared while travelling from kuala lumpur to beijing with 239 people on board .the reports come as acoustic scientists from curtin university refuse to rule out the possibility that ` distinctive ' data they recorded from the area at the assumed time of the crash may have come from the impact of the aircraft as it hit the indian ocean .abdu rasheed ibrahim said he saw the plane flying towards him over the water , and did not know at the time that it could be the missing malaysian airlines flight . '\n", + "locals from the maldives island of kudahuvadhoo claim they saw a low-flying jet on the morning mh370 disappearedthe island is over 5000 kilometres away from the current search areamembers of the community say it was so low they could see the plane 's doors and make out the distinctive colouring on the side of the jetlocals made statements to verify what they had seen to officialscurtin university acoustic scientists say they recorded ` distinctive ' noise from the area at the presumed time of the crash\n", + "[1.2421749 1.4484422 1.2915778 1.3321455 1.306168 1.0522741 1.02016\n", + " 1.0240071 1.030123 1.1515008 1.0764577 1.025212 1.0657868 1.0352337\n", + " 1.0783466 1.0877357 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 9 15 14 10 12 5 13 8 11 7 6 19 16 17 18 20]\n", + "=======================\n", + "[\"the prime minister , who travelled to glasgow this morning to unveil the tory party 's scottish manifesto , accused the snp and labour of posing a ` clear and present danger ' to britain .mr cameron said ed miliband could now only become prime minister with the support of the snp .he said the two parties were pretending to ` slug it out ' ahead of next month 's poll -- but insisted they were both working to ramp up spending regardless of the deficit .\"]\n", + "=======================\n", + "[\"the pm said the snp and labour presented a ` clear and present danger 'he said the two parties were ` really on the same side ' in the electionmr cameron said ed miliband can only become pm with the snp 's supportcomes ahead of tonight 's live tv debate between the main ` challengers 'mr cameron and the lib dem leader nick clegg will not take part\"]\n", + "the prime minister , who travelled to glasgow this morning to unveil the tory party 's scottish manifesto , accused the snp and labour of posing a ` clear and present danger ' to britain .mr cameron said ed miliband could now only become prime minister with the support of the snp .he said the two parties were pretending to ` slug it out ' ahead of next month 's poll -- but insisted they were both working to ramp up spending regardless of the deficit .\n", + "the pm said the snp and labour presented a ` clear and present danger 'he said the two parties were ` really on the same side ' in the electionmr cameron said ed miliband can only become pm with the snp 's supportcomes ahead of tonight 's live tv debate between the main ` challengers 'mr cameron and the lib dem leader nick clegg will not take part\n", + "[1.4226667 1.2018623 1.3612728 1.4607123 1.351577 1.0482253 1.0301408\n", + " 1.0404938 1.056917 1.0185909 1.0200176 1.0194633 1.0227355 1.0531764\n", + " 1.065139 1.0645607 1.0388565 1.0185341 1.1343759 0. 0. ]\n", + "\n", + "[ 3 0 2 4 1 18 14 15 8 13 5 7 16 6 12 10 11 9 17 19 20]\n", + "=======================\n", + "['sporty pippa middleton was spotted out jogging in london today , for the second time this week .a fitness fanatic , the younger sister of the duchess of cambridge is currently preparing to take part in a 54-mile charity bike ride from london to brighton in june , to raise money for the british heart foundation .despite temperatures in london reaching a toasty 23 degrees , the 31-year-old was seen pounding the pavement on a long run around the city .']\n", + "=======================\n", + "['pippa was seen pounding the pavement on a long run in the london heatthe 31-year-old is currently in training ahead of a 54-mile charity bike rideshe kept cool in coordinating orange vest and adidas shorts']\n", + "sporty pippa middleton was spotted out jogging in london today , for the second time this week .a fitness fanatic , the younger sister of the duchess of cambridge is currently preparing to take part in a 54-mile charity bike ride from london to brighton in june , to raise money for the british heart foundation .despite temperatures in london reaching a toasty 23 degrees , the 31-year-old was seen pounding the pavement on a long run around the city .\n", + "pippa was seen pounding the pavement on a long run in the london heatthe 31-year-old is currently in training ahead of a 54-mile charity bike rideshe kept cool in coordinating orange vest and adidas shorts\n", + "[1.0818307 1.4570864 1.1351128 1.2867931 1.2299591 1.1606299 1.1445912\n", + " 1.1063225 1.0584997 1.0747036 1.0729845 1.0926912 1.0682521 1.0650642\n", + " 1.0486766 1.0583295 1.0237955 1.0251763 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 5 6 2 7 11 0 9 10 12 13 8 15 14 17 16 18 19 20]\n", + "=======================\n", + "[\"now showbags cost anywhere from $ 10 to $ 30 and are among the mounting prices parents are paying for their annual trip to the easter show - along with $ 40 entrance fees and $ 15 rides .the official website of the sydney royal easter show lists the retail value of show bag contents , and reveals that at least one of the bags cost more than it would to buy the items outright .the cowboy bag includes a toy sheriff 's hat , a vest and a red bandana , as well as a toy pump action shotgun and a pack of plastic pistols and handcuffs .\"]\n", + "=======================\n", + "['the 2015 sydney royal easter show opened to the public last thursday 26the website displays the retail value of the showbags and their official costsome cost more than their retail value , others list grossly inaccurate costs']\n", + "now showbags cost anywhere from $ 10 to $ 30 and are among the mounting prices parents are paying for their annual trip to the easter show - along with $ 40 entrance fees and $ 15 rides .the official website of the sydney royal easter show lists the retail value of show bag contents , and reveals that at least one of the bags cost more than it would to buy the items outright .the cowboy bag includes a toy sheriff 's hat , a vest and a red bandana , as well as a toy pump action shotgun and a pack of plastic pistols and handcuffs .\n", + "the 2015 sydney royal easter show opened to the public last thursday 26the website displays the retail value of the showbags and their official costsome cost more than their retail value , others list grossly inaccurate costs\n", + "[1.2585727 1.2881103 1.3414673 1.2451272 1.202707 1.1907591 1.1287581\n", + " 1.1079004 1.0866042 1.0799128 1.060779 1.0408239 1.0431635 1.0690943\n", + " 1.0304053 1.036852 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 4 5 6 7 8 9 13 10 12 11 15 14 16 17 18 19]\n", + "=======================\n", + "[\"the church of england 's ambitious plans involve harnessing the energy of bath 's 45 °c spring water to power a modern heating system for the building .bath abbey could be linked to the city 's roman water network to heat the vast medieval church using ancient underground springs .bath abbey ( pictured ) could have the world 's first natural underfloor heating system sourced from spring water in roman drains .\"]\n", + "=======================\n", + "['roman drains with warm spring water could be used for eco-heating850,000 litres of waste spring water filters to avon each day at presentthis waste water could be used to heat bath abbey in the historic cityengineers are looking at drains to explore whether the idea is viable']\n", + "the church of england 's ambitious plans involve harnessing the energy of bath 's 45 °c spring water to power a modern heating system for the building .bath abbey could be linked to the city 's roman water network to heat the vast medieval church using ancient underground springs .bath abbey ( pictured ) could have the world 's first natural underfloor heating system sourced from spring water in roman drains .\n", + "roman drains with warm spring water could be used for eco-heating850,000 litres of waste spring water filters to avon each day at presentthis waste water could be used to heat bath abbey in the historic cityengineers are looking at drains to explore whether the idea is viable\n", + "[1.0650616 1.0714961 1.5197103 1.3538254 1.241489 1.0404465 1.1415101\n", + " 1.2732314 1.1919763 1.1048827 1.1502962 1.1041906 1.1190603 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 7 4 8 10 6 12 9 11 1 0 5 13 14 15 16 17 18 19]\n", + "=======================\n", + "['the four-day easter long weekend will be extended by an hour when clocks go back an hour at 3am on sunday .the time change affects all states except queensland , the northern territory and western australia , where daylight saving is not observed .changing the clock is also a reminder for people to change their smoke alarm batteries , fire services around australia say .']\n", + "=======================\n", + "['clocks go back an hour at 3am on sunday , april 5 in all states except queensland , the northern territory and western australiadaylight savings will begin again on october 4 this yearchanging the clock is also a reminder for people to change their smoke alarm batteries , australian fire services say']\n", + "the four-day easter long weekend will be extended by an hour when clocks go back an hour at 3am on sunday .the time change affects all states except queensland , the northern territory and western australia , where daylight saving is not observed .changing the clock is also a reminder for people to change their smoke alarm batteries , fire services around australia say .\n", + "clocks go back an hour at 3am on sunday , april 5 in all states except queensland , the northern territory and western australiadaylight savings will begin again on october 4 this yearchanging the clock is also a reminder for people to change their smoke alarm batteries , australian fire services say\n", + "[1.253328 1.4329131 1.5196514 1.3049834 1.1110685 1.0469757 1.0368148\n", + " 1.0166124 1.015397 1.0823619 1.0992867 1.0147799 1.0092068 1.0095525\n", + " 1.0181433 1.0600631 1.1122108 1.1560266 1.1787419 1.02086 ]\n", + "\n", + "[ 2 1 3 0 18 17 16 4 10 9 15 5 6 19 14 7 8 11 13 12]\n", + "=======================\n", + "[\"when klitschko faces bryant jennings on april 25 at new york 's madison square garden , he will risk his heavyweight belt for the 18th time .now , in his ninth year as champion , klitschko is catching joe louis and larry holmes in successful defences .a win over jennings will place klitschko within one successful defense of holmes but he would still need six additional wins to match louis ' record of 25 .\"]\n", + "=======================\n", + "[\"wladimir klitschko takes on bryant jennings in new york on april 23victory will take him to within one of larry holmes ' record of 19 defencesklitschko would need another six wins after that to match joe louisthe ukrainian hopes to face deontay wilder in a unification clashclick here for all the latest news from the world of boxing\"]\n", + "when klitschko faces bryant jennings on april 25 at new york 's madison square garden , he will risk his heavyweight belt for the 18th time .now , in his ninth year as champion , klitschko is catching joe louis and larry holmes in successful defences .a win over jennings will place klitschko within one successful defense of holmes but he would still need six additional wins to match louis ' record of 25 .\n", + "wladimir klitschko takes on bryant jennings in new york on april 23victory will take him to within one of larry holmes ' record of 19 defencesklitschko would need another six wins after that to match joe louisthe ukrainian hopes to face deontay wilder in a unification clashclick here for all the latest news from the world of boxing\n", + "[1.4199511 1.4870992 1.1377323 1.0844928 1.0998454 1.1491771 1.1120739\n", + " 1.082585 1.0785121 1.0770876 1.1206961 1.0296503 1.0275682 1.0652474\n", + " 1.0296063 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 5 2 10 6 4 3 7 8 9 13 11 14 12 15 16 17 18 19]\n", + "=======================\n", + "['the flight data recorder , or \" black box , \" was found thursday by recovery teams that have spent days since the march 24 crash scouring the mountainside in the french alps where the plane went down .evidence from the plane \\'s cockpit voice recorder , recovered swiftly after the crash , had already led investigators to believe that lubitz acted deliberately to bring down the plane , killing all 150 people on board .a statement from the bea on friday said its teams had immediately begun to investigate its contents .']\n", + "=======================\n", + "['french investigators : flight data recorder reveals andreas lubitz acted deliberately to crash planehe used autopilot to set altitude at 100 feet and then used the controls to speed up the descent']\n", + "the flight data recorder , or \" black box , \" was found thursday by recovery teams that have spent days since the march 24 crash scouring the mountainside in the french alps where the plane went down .evidence from the plane 's cockpit voice recorder , recovered swiftly after the crash , had already led investigators to believe that lubitz acted deliberately to bring down the plane , killing all 150 people on board .a statement from the bea on friday said its teams had immediately begun to investigate its contents .\n", + "french investigators : flight data recorder reveals andreas lubitz acted deliberately to crash planehe used autopilot to set altitude at 100 feet and then used the controls to speed up the descent\n", + "[1.6467484 1.4463633 1.0867257 1.0538343 1.1528779 1.0572225 1.0343579\n", + " 1.2092375 1.0704688 1.0318036 1.0237901 1.0261527 1.1480674 1.0986762\n", + " 1.0480747 1.0137591 1.0136707 1.0124861 1.0144976 1.1571057]\n", + "\n", + "[ 0 1 7 19 4 12 13 2 8 5 3 14 6 9 11 10 18 15 16 17]\n", + "=======================\n", + "[\"ben flower was given the honour of leading wigan 's victory song after helping them to a 30-20 win over warrington on his return from a six-month suspension .the 27-year-old wales forward did not get among the scorers but he did enough to impress coach shaun wane on his first appearance since being sent off in the warriors ' grand final defeat by st helens last october . 'the return of flower dominated the build-up to the super league derby while the half-time announcement that sam tomkins is returning to the club on a four-year contract made it a night to remember for wane .\"]\n", + "=======================\n", + "[\"wigan posted a 30-20 win against warrington on thursday nightben flower was making his first appearance for wigan in six monthsflower was banned following his red card in last year 's grand finalthe wales forward was sent off for an attack on lance hohaiasam tomkins is also returning to wigan on a four-deal next season\"]\n", + "ben flower was given the honour of leading wigan 's victory song after helping them to a 30-20 win over warrington on his return from a six-month suspension .the 27-year-old wales forward did not get among the scorers but he did enough to impress coach shaun wane on his first appearance since being sent off in the warriors ' grand final defeat by st helens last october . 'the return of flower dominated the build-up to the super league derby while the half-time announcement that sam tomkins is returning to the club on a four-year contract made it a night to remember for wane .\n", + "wigan posted a 30-20 win against warrington on thursday nightben flower was making his first appearance for wigan in six monthsflower was banned following his red card in last year 's grand finalthe wales forward was sent off for an attack on lance hohaiasam tomkins is also returning to wigan on a four-deal next season\n", + "[1.1312801 1.3298508 1.3793058 1.3082438 1.2998418 1.3180041 1.1214784\n", + " 1.0791053 1.1494462 1.041657 1.0409105 1.0297564 1.123468 1.1378335\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 5 3 4 8 13 0 12 6 7 9 10 11 18 14 15 16 17 19]\n", + "=======================\n", + "['however , it has not been working for two years after every single fixed device was switched off in the west midlands .the bright yellow gatso had previously enforced the 30mph speed limit for motorists along the residential road in handsworth , birmingham .around 300 speed and traffic camera , using old technology , were turned off across the region in march 2013']\n", + "=======================\n", + "['speed camera discovered pointing at house in handsworth , birminghamfixed cameras switched off across the west midlands in spring of 2013site is not going to be part of a new trial using digital technologyobsolete camera may now be taken down after engineers examine device']\n", + "however , it has not been working for two years after every single fixed device was switched off in the west midlands .the bright yellow gatso had previously enforced the 30mph speed limit for motorists along the residential road in handsworth , birmingham .around 300 speed and traffic camera , using old technology , were turned off across the region in march 2013\n", + "speed camera discovered pointing at house in handsworth , birminghamfixed cameras switched off across the west midlands in spring of 2013site is not going to be part of a new trial using digital technologyobsolete camera may now be taken down after engineers examine device\n", + "[1.445898 1.3587819 1.3178375 1.1338297 1.374862 1.28039 1.0758572\n", + " 1.0656095 1.0280468 1.0196062 1.0168366 1.0110408 1.0667517 1.02384\n", + " 1.2850637 1.0949895 1.097374 1.0066503 1.0147496 1.0084627]\n", + "\n", + "[ 0 4 1 2 14 5 3 16 15 6 12 7 8 13 9 10 18 11 19 17]\n", + "=======================\n", + "[\"manuel pellegrini claimed he does not fear the sack after manchester city 's title hopes suffered a big blow at crystal palace .palace piled the pressure on the chilean with an outstanding win that was secured by goals from glenn murray and jason puncheon .it leaves city in fourth place , nine points behind barclays premier league leaders chelsea , and sweating on qualification for next season 's champions league .\"]\n", + "=======================\n", + "[\"manchester city 's chances of retaining the premier league title were dealt a hammer blow by a 2-1 defeat at crystal palaceglenn murray and jason puncheon scored for the eagles before yaya toure grabbed a consolation for citymanuel pellegrini believes that murray 's goal was a ` clear offside 'city are now fourth in the league table , nine points adrift of leaders chelsea with just seven matches remainingclick here for all the latest manchester city news\"]\n", + "manuel pellegrini claimed he does not fear the sack after manchester city 's title hopes suffered a big blow at crystal palace .palace piled the pressure on the chilean with an outstanding win that was secured by goals from glenn murray and jason puncheon .it leaves city in fourth place , nine points behind barclays premier league leaders chelsea , and sweating on qualification for next season 's champions league .\n", + "manchester city 's chances of retaining the premier league title were dealt a hammer blow by a 2-1 defeat at crystal palaceglenn murray and jason puncheon scored for the eagles before yaya toure grabbed a consolation for citymanuel pellegrini believes that murray 's goal was a ` clear offside 'city are now fourth in the league table , nine points adrift of leaders chelsea with just seven matches remainingclick here for all the latest manchester city news\n", + "[1.5080135 1.1820475 1.3789587 1.3185632 1.1341287 1.115563 1.215596\n", + " 1.1885391 1.1453035 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 6 7 1 8 4 5 17 16 15 14 9 12 11 10 18 13 19]\n", + "=======================\n", + "['world number one novak djokovic eased into the third round of the monte carlo masters with a straight sets victory over qualifier albert ramos-vinolas .david ferrer is also through after his opponent victor estrella burgos retired with a shoulder problemit was a comfortable win for djokovic who came through 6-1 6-4 and he faces andreas haider-maurer , who defeated bernard tomic in three sets , in the next round .']\n", + "=======================\n", + "['novak djokovic beat qualifier albert ramos-vinolas in straight setsdavid ferrer is also into the next round after his opponent retiredjo-wilfried tsonga had to be alert as he was pushed by jan-lennard struff']\n", + "world number one novak djokovic eased into the third round of the monte carlo masters with a straight sets victory over qualifier albert ramos-vinolas .david ferrer is also through after his opponent victor estrella burgos retired with a shoulder problemit was a comfortable win for djokovic who came through 6-1 6-4 and he faces andreas haider-maurer , who defeated bernard tomic in three sets , in the next round .\n", + "novak djokovic beat qualifier albert ramos-vinolas in straight setsdavid ferrer is also into the next round after his opponent retiredjo-wilfried tsonga had to be alert as he was pushed by jan-lennard struff\n", + "[1.5435253 1.4282794 1.5431021 1.1433175 1.106355 1.0268923 1.04015\n", + " 1.0606612 1.0384417 1.0205485 1.0111828 1.0143629 1.0559055 1.1157615\n", + " 1.0338646 1.02807 1.0153816 1.0743643 0. 0. ]\n", + "\n", + "[ 0 2 1 3 13 4 17 7 12 6 8 14 15 5 9 16 11 10 18 19]\n", + "=======================\n", + "[\"manchester city defender pablo zabaleta accepts the fallen champions are facing a battle to finish in the top four .manuel pellegrini 's men crashed 4-2 at old trafford , a sixth defeat in eight games in all competitions and a result which leaves them fourth and clinging onto a champions league place .zabaleta admits confidence is low with sunday 's derby loss at manchester united having continued a dismal run which has seen city capitulate in the barclays premier league title race .\"]\n", + "=======================\n", + "[\"current holders manchester city have capitulated in this season 's title racederby defeat to manchester united leaves them 12 points adrift of chelseamanuel pellegrini 's side have dropped to fourth behind united and arsenalsouthampton sit in fifth place five points behind manchester cityread : pellegrini 's job on the line as patrick vieira waits in the wings\"]\n", + "manchester city defender pablo zabaleta accepts the fallen champions are facing a battle to finish in the top four .manuel pellegrini 's men crashed 4-2 at old trafford , a sixth defeat in eight games in all competitions and a result which leaves them fourth and clinging onto a champions league place .zabaleta admits confidence is low with sunday 's derby loss at manchester united having continued a dismal run which has seen city capitulate in the barclays premier league title race .\n", + "current holders manchester city have capitulated in this season 's title racederby defeat to manchester united leaves them 12 points adrift of chelseamanuel pellegrini 's side have dropped to fourth behind united and arsenalsouthampton sit in fifth place five points behind manchester cityread : pellegrini 's job on the line as patrick vieira waits in the wings\n", + "[1.2027156 1.3404624 1.2542946 1.263063 1.1854126 1.1187533 1.1279432\n", + " 1.1392123 1.0918624 1.0614753 1.0721565 1.0689609 1.100174 1.0808172\n", + " 1.0709496 1.1013031 1.0894208 1.006466 1.0050902 1.0239079]\n", + "\n", + "[ 1 3 2 0 4 7 6 5 15 12 8 16 13 10 14 11 9 19 17 18]\n", + "=======================\n", + "[\"officers from police scotland 's edinburgh division -- which has seen break-ins soar by nearly 40 per cent -- posted pictures of the lego models on their facebook page as part of a move to raise awareness of crime .last night , victims branded the move as ` insensitive ' and ` a joke ' .police are using tiny plastic lego figures in a campaign to warn people about the rising tide of housebreakings in scotland .\"]\n", + "=======================\n", + "['officers posted pictures of lego models on their facebook pagepart of campaign by police in edinburgh to raise awareness of crimeit follows a 38.7 per cent rise in break-ins in the 12 months to april 2014but publicity stunt has been met with criticism from politicians and victims']\n", + "officers from police scotland 's edinburgh division -- which has seen break-ins soar by nearly 40 per cent -- posted pictures of the lego models on their facebook page as part of a move to raise awareness of crime .last night , victims branded the move as ` insensitive ' and ` a joke ' .police are using tiny plastic lego figures in a campaign to warn people about the rising tide of housebreakings in scotland .\n", + "officers posted pictures of lego models on their facebook pagepart of campaign by police in edinburgh to raise awareness of crimeit follows a 38.7 per cent rise in break-ins in the 12 months to april 2014but publicity stunt has been met with criticism from politicians and victims\n", + "[1.4568261 1.2124728 1.4460156 1.201323 1.1573482 1.0558302 1.0200908\n", + " 1.095836 1.0656137 1.1125902 1.0591581 1.0708072 1.0687582 1.0825305\n", + " 1.08298 1.0112236 1.1368057 1.1764867 1.1042804 1.0613966]\n", + "\n", + "[ 0 2 1 3 17 4 16 9 18 7 14 13 11 12 8 19 10 5 6 15]\n", + "=======================\n", + "[\"facinet keita was representing guinea in the 2012 olympics when he was knocked out in the qualifying stagesfacinet keita , 31 , fled the olympic village in summer 2012 , claiming his failure to win a medal meant he ` would be murdered ' if he returned to his native guinea .an olympic judo star from africa is still fighting to stay in britain -- three years after flying here for the london games then refusing to leave .\"]\n", + "=======================\n", + "[\"facinet keita , 31 , represented guinea in men 's +100 kg judo but lost bouthe claims he was told he 'd be murdered for disgracing country on returnafter games he fled to bradford but was detained in an immigration centrereleased to be deported but is refusing to leave in fear he 'd be killed\"]\n", + "facinet keita was representing guinea in the 2012 olympics when he was knocked out in the qualifying stagesfacinet keita , 31 , fled the olympic village in summer 2012 , claiming his failure to win a medal meant he ` would be murdered ' if he returned to his native guinea .an olympic judo star from africa is still fighting to stay in britain -- three years after flying here for the london games then refusing to leave .\n", + "facinet keita , 31 , represented guinea in men 's +100 kg judo but lost bouthe claims he was told he 'd be murdered for disgracing country on returnafter games he fled to bradford but was detained in an immigration centrereleased to be deported but is refusing to leave in fear he 'd be killed\n", + "[1.2576319 1.5213207 1.3351685 1.0578374 1.0253657 1.3255247 1.0889497\n", + " 1.156637 1.0561675 1.0485963 1.0296865 1.0592103 1.0726608 1.1185342\n", + " 1.1605403 1.0593638 1.0936495 1.0306268 0. 0. ]\n", + "\n", + "[ 1 2 5 0 14 7 13 16 6 12 15 11 3 8 9 17 10 4 18 19]\n", + "=======================\n", + "[\"fossicker ashley manzie was combing the park with his metal detector when he discovered a medal belonging to frederick george biddulph , who served with the 23rd australian infantry battalion at gallipolli between 1914 and 1915 .mr manzie posted photos of the silver medal to an online fossicking forum , which led him to sydney man stephen norton - biddulph 's great-nephew .the family of one anzac veteran were thrilled to receive news from a stranger this week that their relative 's war medal had been unearthed in an east melbourne park .\"]\n", + "=======================\n", + "[\"a melbourne man has unearthed a ww1 medal with his metal detectorashley manzie tracked down the medal owner 's great-nephew after posting photos to an online fossicking forumthe discovery was made a week before 100th anzac day commemorations\"]\n", + "fossicker ashley manzie was combing the park with his metal detector when he discovered a medal belonging to frederick george biddulph , who served with the 23rd australian infantry battalion at gallipolli between 1914 and 1915 .mr manzie posted photos of the silver medal to an online fossicking forum , which led him to sydney man stephen norton - biddulph 's great-nephew .the family of one anzac veteran were thrilled to receive news from a stranger this week that their relative 's war medal had been unearthed in an east melbourne park .\n", + "a melbourne man has unearthed a ww1 medal with his metal detectorashley manzie tracked down the medal owner 's great-nephew after posting photos to an online fossicking forumthe discovery was made a week before 100th anzac day commemorations\n", + "[1.2381597 1.3191822 1.1898624 1.3099349 1.1693351 1.2967999 1.2504364\n", + " 1.109866 1.0493176 1.0487957 1.031523 1.1014311 1.0937934 1.0371383\n", + " 1.0639774 1.0641929 1.0090162 1.0390257 0. 0. ]\n", + "\n", + "[ 1 3 5 6 0 2 4 7 11 12 15 14 8 9 17 13 10 16 18 19]\n", + "=======================\n", + "[\"the women , who worked at the dementia unit of the bupa-run facility , in bretton , cambridgeshire , told one woman she was going to be killed .chloe pearsall , 26 , ( left ) and nicole howley , 25 ( right ) committed the acts of abuse at the care home throughout 2013 they have been jailed along with their colleagues joanne fisher , 36 , and barbara holcroft , 63a judge said he had to deal with his own ` revulsion ' as he jailed four care home assistants who called their dementia residents ` fugly ' and told one she was living in a brothel .\"]\n", + "=======================\n", + "[\"judge had to set aside own feelings to give them an appropriate sentencecarers told one woman she lived in a brothel , another she would be killedall four care workers convicted and sentenced for the ` systematic abuse 'abuse committed in 2013 at wentworth croft care home in cambridgeshire\"]\n", + "the women , who worked at the dementia unit of the bupa-run facility , in bretton , cambridgeshire , told one woman she was going to be killed .chloe pearsall , 26 , ( left ) and nicole howley , 25 ( right ) committed the acts of abuse at the care home throughout 2013 they have been jailed along with their colleagues joanne fisher , 36 , and barbara holcroft , 63a judge said he had to deal with his own ` revulsion ' as he jailed four care home assistants who called their dementia residents ` fugly ' and told one she was living in a brothel .\n", + "judge had to set aside own feelings to give them an appropriate sentencecarers told one woman she lived in a brothel , another she would be killedall four care workers convicted and sentenced for the ` systematic abuse 'abuse committed in 2013 at wentworth croft care home in cambridgeshire\n", + "[1.2485955 1.5225631 1.3195683 1.3400605 1.0276067 1.0216362 1.0130706\n", + " 1.0270745 1.1136639 1.0512133 1.2386638 1.0421591 1.072998 1.0543731\n", + " 1.077565 1.0469983 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 10 8 14 12 13 9 15 11 4 7 5 6 16 17 18 19]\n", + "=======================\n", + "[\"the robot , named bb-8 , took to the stage at star wars celebration convention in anaheim , california , where it literally ran rings around the retro droid on its spherical body .jj abrams , the film 's director , confirmed that a real robot was used during filming , but did not reveal how it works .it may look like cgi in the trailer , but the droid that will join r2-d2 in the forthcoming star wars film - the force awakens - is very much real .\"]\n", + "=======================\n", + "[\"bb-8 moved in all directions on stage at star wars celebration in anaheimdirector jj abrams said a real robot and not cgi was used in the filmaudience were mesmerised by the droid but it 's a mystery how it workssuggestions include giant robotic ball has another magnetic robot on top\"]\n", + "the robot , named bb-8 , took to the stage at star wars celebration convention in anaheim , california , where it literally ran rings around the retro droid on its spherical body .jj abrams , the film 's director , confirmed that a real robot was used during filming , but did not reveal how it works .it may look like cgi in the trailer , but the droid that will join r2-d2 in the forthcoming star wars film - the force awakens - is very much real .\n", + "bb-8 moved in all directions on stage at star wars celebration in anaheimdirector jj abrams said a real robot and not cgi was used in the filmaudience were mesmerised by the droid but it 's a mystery how it workssuggestions include giant robotic ball has another magnetic robot on top\n", + "[1.165839 1.3006333 1.2682235 1.3412658 1.1791847 1.1270123 1.1273787\n", + " 1.0974799 1.1120828 1.0662848 1.0631615 1.0626109 1.093245 1.0244722\n", + " 1.0752679 1.0378313 1.053951 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 4 0 6 5 8 7 12 14 9 10 11 16 15 13 18 17 19]\n", + "=======================\n", + "[\"the caribbean island of providenciales , in turks and caicos , was named the best island in the world by tripadvisor usersprovidenciales has a reputation as one of the best beach destinations on the planet , and is adding to its trophy haul after claiming the top gong in tripadvisor 's annual ranking .tripadvisor said the rankings are based on reviews from users around the world , with winners being determined using an algorithm that considers the quantity and quality of reviews and ratings for each island 's hotels , restaurants and attractions .\"]\n", + "=======================\n", + "[\"providenciales consistently ranks as one of the best beach destinations on the planetgreece is home to three of the top four islands in europe , including santorini at no 1jersey ranked sixth in europe , its best ever position in tripadvisor 's annual rankings\"]\n", + "the caribbean island of providenciales , in turks and caicos , was named the best island in the world by tripadvisor usersprovidenciales has a reputation as one of the best beach destinations on the planet , and is adding to its trophy haul after claiming the top gong in tripadvisor 's annual ranking .tripadvisor said the rankings are based on reviews from users around the world , with winners being determined using an algorithm that considers the quantity and quality of reviews and ratings for each island 's hotels , restaurants and attractions .\n", + "providenciales consistently ranks as one of the best beach destinations on the planetgreece is home to three of the top four islands in europe , including santorini at no 1jersey ranked sixth in europe , its best ever position in tripadvisor 's annual rankings\n", + "[1.2545711 1.3320204 1.1202685 1.1325475 1.1336598 1.0836896 1.2027625\n", + " 1.1539907 1.0793746 1.0537025 1.0974493 1.0608963 1.0773042 1.1031749\n", + " 1.0816365 1.0999106 1.1381489 1.0214175 1.0169762 1.0603694]\n", + "\n", + "[ 1 0 6 7 16 4 3 2 13 15 10 5 14 8 12 11 19 9 17 18]\n", + "=======================\n", + "['but in his life , 50-year-old walter scott was also the father of four children and served in the coast guard before being honorably discharged .( cnn ) the world learned his name after he was killed by a south carolina police officer .justin bamberg , a lawyer for scott \\'s family , speculated thursday it could have been related to \" child support and a fear of maybe going back to ( jail ) . \"']\n", + "=======================\n", + "['walter scott owed over $ 18,000 in back child support payments , documents showwalter scott had four children and served in the coast guard , his brother sayshe was shot in the back and killed by a north charleston police officer']\n", + "but in his life , 50-year-old walter scott was also the father of four children and served in the coast guard before being honorably discharged .( cnn ) the world learned his name after he was killed by a south carolina police officer .justin bamberg , a lawyer for scott 's family , speculated thursday it could have been related to \" child support and a fear of maybe going back to ( jail ) . \"\n", + "walter scott owed over $ 18,000 in back child support payments , documents showwalter scott had four children and served in the coast guard , his brother sayshe was shot in the back and killed by a north charleston police officer\n", + "[1.1095183 1.2369816 1.1404932 1.3057925 1.3639824 1.1369911 1.0631183\n", + " 1.0459898 1.1558723 1.0593511 1.0333567 1.0279039 1.0345377 1.0219195\n", + " 1.0333916 1.019451 1.0353125 1.0497509 0. 0. ]\n", + "\n", + "[ 4 3 1 8 2 5 0 6 9 17 7 16 12 14 10 11 13 15 18 19]\n", + "=======================\n", + "[\"abigail ahern described the colours used by kelly wearstler in her malibu beachhouse as ` the most beautiful and complex i 've ever seen 'enthuses ahern , who says walking into her own colourful home gives her a ` squishy feeling of contentment ' everyday .now the best-selling author is on a mission to spread her colourful ethos with her new style bible , aptly named colour .\"]\n", + "=======================\n", + "[\"interior designer abigail ahern has written new style bible about coloursays her own colourful home gives her a ` squishy feeling of contentment 'being bold with colour is easier than you think , according to expert\"]\n", + "abigail ahern described the colours used by kelly wearstler in her malibu beachhouse as ` the most beautiful and complex i 've ever seen 'enthuses ahern , who says walking into her own colourful home gives her a ` squishy feeling of contentment ' everyday .now the best-selling author is on a mission to spread her colourful ethos with her new style bible , aptly named colour .\n", + "interior designer abigail ahern has written new style bible about coloursays her own colourful home gives her a ` squishy feeling of contentment 'being bold with colour is easier than you think , according to expert\n", + "[1.3837216 1.3390977 1.1650283 1.2659795 1.092378 1.0571809 1.0533701\n", + " 1.0816885 1.077449 1.2515638 1.1019285 1.0362835 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 9 2 10 4 7 8 5 6 11 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"twitter suspended more than 10,000 accounts linked to islamic state militants and their supporters in a single 24-hour period in a fresh crackdown on those ` tweeting violent threats ' .jihad-watchers noticed thousands of accounts vanishing from the social network last week , most of them claiming to be linked to the extremists currently terrorising vast swathes of the middle east .sick : twitter 's so-called ` violations department ' suspended approximately 10,000 accounts used by the isis militants themselves ( pictured ) or by supporters of the terror group , on april 2\"]\n", + "=======================\n", + "[\"thousands of accounts vanished from the social network last weektwitter said it had received numerous reports about terror-promoting usersdecided to suspend 10,000 accounts for making threats of violencesuspensions were almost certainly linked to a campaign by ` hacktavist ' collective anonymous targeting online jihadis\"]\n", + "twitter suspended more than 10,000 accounts linked to islamic state militants and their supporters in a single 24-hour period in a fresh crackdown on those ` tweeting violent threats ' .jihad-watchers noticed thousands of accounts vanishing from the social network last week , most of them claiming to be linked to the extremists currently terrorising vast swathes of the middle east .sick : twitter 's so-called ` violations department ' suspended approximately 10,000 accounts used by the isis militants themselves ( pictured ) or by supporters of the terror group , on april 2\n", + "thousands of accounts vanished from the social network last weektwitter said it had received numerous reports about terror-promoting usersdecided to suspend 10,000 accounts for making threats of violencesuspensions were almost certainly linked to a campaign by ` hacktavist ' collective anonymous targeting online jihadis\n", + "[1.5684689 1.263328 1.2054476 1.1283534 1.1418295 1.2422761 1.0743244\n", + " 1.0599225 1.1100878 1.0716718 1.1045768 1.045885 1.0369314 1.0416455\n", + " 1.0406804 1.0735234 1.0587335 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 2 4 3 8 10 6 15 9 7 16 11 13 14 12 17 18 19]\n", + "=======================\n", + "[\"sebastian kehl fired a spectacular long-distance volley in extra time to give borussia dortmund a 3-2 victory over hoffenheim on tuesday and a place in the semi-finals of the german cup .earlier , ricardo rodriguez converted a second-half penalty to allow wolfsburg to advance with a 1-0 victory over freiburg .dortmund 's serbian defender neven subotic loses his man to give his side the lead 1-0 against hoffenheim\"]\n", + "=======================\n", + "[\"sebastian kehl scored in extra time to edge borussia dortmund past hoffenheim 3-2 in the german cup quarter-finalsdortmund had taken an early lead in the 19th minute through neven subotic 's goal before kevin volland equalised for the visitorsroberto firmino then gave hoffenheim the lead with a superb chipped shot before patrick aubameyang pulled dortmund levelin extra time , kehl hit a wonderful volleyed effort from outside the box\"]\n", + "sebastian kehl fired a spectacular long-distance volley in extra time to give borussia dortmund a 3-2 victory over hoffenheim on tuesday and a place in the semi-finals of the german cup .earlier , ricardo rodriguez converted a second-half penalty to allow wolfsburg to advance with a 1-0 victory over freiburg .dortmund 's serbian defender neven subotic loses his man to give his side the lead 1-0 against hoffenheim\n", + "sebastian kehl scored in extra time to edge borussia dortmund past hoffenheim 3-2 in the german cup quarter-finalsdortmund had taken an early lead in the 19th minute through neven subotic 's goal before kevin volland equalised for the visitorsroberto firmino then gave hoffenheim the lead with a superb chipped shot before patrick aubameyang pulled dortmund levelin extra time , kehl hit a wonderful volleyed effort from outside the box\n", + "[1.1329784 1.633769 1.06295 1.0746329 1.5087155 1.193263 1.0204695\n", + " 1.0214084 1.022476 1.1344872 1.0255924 1.017083 1.1859751 1.0755992\n", + " 1.0574704 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 5 12 9 0 13 3 2 14 10 8 7 6 11 18 15 16 17 19]\n", + "=======================\n", + "['sydney couple epiphany morgan and carl mason produced 365 documentaries in as many days , visiting 35 countries and 70 cities , as part of their project 365 docobites , an idea which even the couple originally doubted would actually work .with only seven months to organise everything , epiphany , 23 , left her job at a film production company to freelance and work towards their dream , while carl , 27 , continued to work as a senior editor at an advertising agency .the couple began their filming journey in new york and visited 70 cities in their year of filming']\n", + "=======================\n", + "[\"epiphany morgan and carl mason produced 365 documentaries in a yearthe sydney couple travelled to 35 countries on a $ 40 per day budgetthey released one ` docobite ' each day of people they met while travellingthe pair said they learnt how to focus on what humans have in common\"]\n", + "sydney couple epiphany morgan and carl mason produced 365 documentaries in as many days , visiting 35 countries and 70 cities , as part of their project 365 docobites , an idea which even the couple originally doubted would actually work .with only seven months to organise everything , epiphany , 23 , left her job at a film production company to freelance and work towards their dream , while carl , 27 , continued to work as a senior editor at an advertising agency .the couple began their filming journey in new york and visited 70 cities in their year of filming\n", + "epiphany morgan and carl mason produced 365 documentaries in a yearthe sydney couple travelled to 35 countries on a $ 40 per day budgetthey released one ` docobite ' each day of people they met while travellingthe pair said they learnt how to focus on what humans have in common\n", + "[1.383071 1.3336658 1.107039 1.1915517 1.2919017 1.1530777 1.0232515\n", + " 1.0708374 1.0988389 1.048166 1.0574338 1.0890739 1.07674 1.0404999\n", + " 1.019945 1.072187 1.0104932 0. ]\n", + "\n", + "[ 0 1 4 3 5 2 8 11 12 15 7 10 9 13 6 14 16 17]\n", + "=======================\n", + "[\"police have revealed that they believe missing toddler william tyrell may be alive , despite fears that he was abducted by a paedophile ring operating on the mid-north coast of nsw .just a day after william 's parents made an impassioned plea for the three-year-old to be returned to them , police have described the ` fast-paced ' investigation into the new line of inquiry .we have information that could link william 's disappearance to a group of people suspected of paedophile activity , ' said lead investigator detective inspector gary jubelin .\"]\n", + "=======================\n", + "[\"police have said they believe william tyrrell may be alive after six monthsthey revealed this information has changed the focus of the investigationpolice have issued a strong warning for anyone found connectedthe parents of the toddler released a heartfelt plea for his safe returnhis mother spoke of the moment she realised he was missingshe said she searched the house in circles telling him to yell outhis mother said she knew he was missing when she could n't hear himthe toddler vanished from his home in kendall , nsw in september 2014\"]\n", + "police have revealed that they believe missing toddler william tyrell may be alive , despite fears that he was abducted by a paedophile ring operating on the mid-north coast of nsw .just a day after william 's parents made an impassioned plea for the three-year-old to be returned to them , police have described the ` fast-paced ' investigation into the new line of inquiry .we have information that could link william 's disappearance to a group of people suspected of paedophile activity , ' said lead investigator detective inspector gary jubelin .\n", + "police have said they believe william tyrrell may be alive after six monthsthey revealed this information has changed the focus of the investigationpolice have issued a strong warning for anyone found connectedthe parents of the toddler released a heartfelt plea for his safe returnhis mother spoke of the moment she realised he was missingshe said she searched the house in circles telling him to yell outhis mother said she knew he was missing when she could n't hear himthe toddler vanished from his home in kendall , nsw in september 2014\n", + "[1.2363552 1.3151171 1.4356356 1.3036209 1.1134722 1.2372763 1.0219537\n", + " 1.0124825 1.0879384 1.0664289 1.0774908 1.1066387 1.0366954 1.0172118\n", + " 1.0351033 1.1396656 1.0635829 1.0125197]\n", + "\n", + "[ 2 1 3 5 0 15 4 11 8 10 9 16 12 14 6 13 17 7]\n", + "=======================\n", + "[\"the alleged stalker , patrick henry kelly , from eden prairie , has been charged in the case and is set to go on trial next week .maria lucia detailed her year-long battle in a letter to fans on the current 's website on wednesday as she explained she would be taking some time off from the station following the ordeal .he faces up to 10 years in prison if convicted .\"]\n", + "=======================\n", + "[\"twin cities radio host mary lucia wrote a letter to her fans on wednesday saying she would be taking some time off work following her ordealshe described how she has ` constantly been looking over my shoulder ' after a stranger began contacting her incessantly from march 2014patrick henry kelly ` repeatedly called her at work and home and wrote her letters saying they should be together 'he ` left gifts including wine , candles , a calculator and food at her home 'after repeatedly violating a restraining order she had taken out against him , he was charged last year and goes on trial next week\"]\n", + "the alleged stalker , patrick henry kelly , from eden prairie , has been charged in the case and is set to go on trial next week .maria lucia detailed her year-long battle in a letter to fans on the current 's website on wednesday as she explained she would be taking some time off from the station following the ordeal .he faces up to 10 years in prison if convicted .\n", + "twin cities radio host mary lucia wrote a letter to her fans on wednesday saying she would be taking some time off work following her ordealshe described how she has ` constantly been looking over my shoulder ' after a stranger began contacting her incessantly from march 2014patrick henry kelly ` repeatedly called her at work and home and wrote her letters saying they should be together 'he ` left gifts including wine , candles , a calculator and food at her home 'after repeatedly violating a restraining order she had taken out against him , he was charged last year and goes on trial next week\n", + "[1.4127898 1.4202201 1.0582215 1.5039985 1.3254098 1.1263478 1.1284494\n", + " 1.0522279 1.0102178 1.0125269 1.0709902 1.0167643 1.1489623 1.0335152\n", + " 1.0317703 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 4 12 6 5 10 2 7 13 14 11 9 8 15 16 17]\n", + "=======================\n", + "[\"izzy brown has spoken of the incredible weekend after chelsea won the uefa youth league on mondaythe blues ' under 19 captain played the full 90 minutes of chelsea 's 4-0 semi-final win over roma in switzerland on friday afternoon after learning that mourinho wanted him on the bench for the premier league clash at queens park rangers on sunday .dominic solanke ( left ) and brown got the goals as chelsea saw off shakhtar donetsk to take the trophy\"]\n", + "=======================\n", + "[\"chelsea won the uefa youth league by beating shakhtar donetsk 3-2izzy brown flew in to captain side and scored twice after first-team call-upbrown was shocked but glad to have made it to both games for chelseadominic solanke scored chelsea 's other and hailed ` amazing achievement 'solanke also finished as tournament top scorer , netting his 12th in final\"]\n", + "izzy brown has spoken of the incredible weekend after chelsea won the uefa youth league on mondaythe blues ' under 19 captain played the full 90 minutes of chelsea 's 4-0 semi-final win over roma in switzerland on friday afternoon after learning that mourinho wanted him on the bench for the premier league clash at queens park rangers on sunday .dominic solanke ( left ) and brown got the goals as chelsea saw off shakhtar donetsk to take the trophy\n", + "chelsea won the uefa youth league by beating shakhtar donetsk 3-2izzy brown flew in to captain side and scored twice after first-team call-upbrown was shocked but glad to have made it to both games for chelseadominic solanke scored chelsea 's other and hailed ` amazing achievement 'solanke also finished as tournament top scorer , netting his 12th in final\n", + "[1.1593428 1.13178 1.4635998 1.1333448 1.5135105 1.3609753 1.158873\n", + " 1.0677711 1.015786 1.0119425 1.017465 1.0117282 1.0093795 1.0274315\n", + " 1.0168579 0. 0. 0. ]\n", + "\n", + "[ 4 2 5 0 6 3 1 7 13 10 14 8 9 11 12 16 15 17]\n", + "=======================\n", + "[\"bobby zamora ( left ) scored qpr 's third goal with an astounding lob from a narrow angle against west brom at the hawthornschris ramsey will hope queens park rangers ' season can follow a similarly implausible trajectory .charlie austin ( right ) headed qpr 's second goal of the game for his team on the 35th minute\"]\n", + "=======================\n", + "['eduardo vargas put qpr ahead with a spectacular strike from 25 yards after 15 minutescharlie austin doubled the lead with a header 20 minutes later , bobby zamora made it threevictor anichebe pulled one back for west brom before youssouf mulumbu was sent off and joey barton scored']\n", + "bobby zamora ( left ) scored qpr 's third goal with an astounding lob from a narrow angle against west brom at the hawthornschris ramsey will hope queens park rangers ' season can follow a similarly implausible trajectory .charlie austin ( right ) headed qpr 's second goal of the game for his team on the 35th minute\n", + "eduardo vargas put qpr ahead with a spectacular strike from 25 yards after 15 minutescharlie austin doubled the lead with a header 20 minutes later , bobby zamora made it threevictor anichebe pulled one back for west brom before youssouf mulumbu was sent off and joey barton scored\n", + "[1.3245535 1.4188638 1.1483567 1.2808871 1.2800422 1.128229 1.0666403\n", + " 1.0305897 1.032773 1.0215098 1.0525732 1.1976056 1.0509404 1.0257971\n", + " 1.0720717 1.1358427 1.1266633 1.0398482]\n", + "\n", + "[ 1 0 3 4 11 2 15 5 16 14 6 10 12 17 8 7 13 9]\n", + "=======================\n", + "[\"the former england footballer launched the scathing attack on the head of ukip after leaders from each of the seven largest parties went head-to-head for the first time in the historic tv election debate .match of the day presenter gary lineker has labelled nigel farage a 'd *** ' during last night 's leader 's debate .former manchester united defender rio ferdinand was also left uninspired by the debate , tweeting : ` unfortunately , none of these people on that stage engage with the generation of today . '\"]\n", + "=======================\n", + "[\"gary lineker launched the scathing attack after historic election debatelabelled nigel farage a 'd *** ' over his comments on foreign hiv sufferersfootball stars tweeted as seven major party leaders went head-to-headsol campbell also attacked ed miliband saying it was clear he 's ` no leader '\"]\n", + "the former england footballer launched the scathing attack on the head of ukip after leaders from each of the seven largest parties went head-to-head for the first time in the historic tv election debate .match of the day presenter gary lineker has labelled nigel farage a 'd *** ' during last night 's leader 's debate .former manchester united defender rio ferdinand was also left uninspired by the debate , tweeting : ` unfortunately , none of these people on that stage engage with the generation of today . '\n", + "gary lineker launched the scathing attack after historic election debatelabelled nigel farage a 'd *** ' over his comments on foreign hiv sufferersfootball stars tweeted as seven major party leaders went head-to-headsol campbell also attacked ed miliband saying it was clear he 's ` no leader '\n", + "[1.2001965 1.5472319 1.3422649 1.3923335 1.2503479 1.1610551 1.1424067\n", + " 1.0278674 1.0177606 1.0159373 1.0219796 1.0843408 1.0965393 1.1702067\n", + " 1.080576 1.05648 1.044755 1.0277951 1.0142752 1.0074091]\n", + "\n", + "[ 1 3 2 4 0 13 5 6 12 11 14 15 16 7 17 10 8 9 18 19]\n", + "=======================\n", + "[\"vivienne garton , 65 , was devastated her 10-year-old west highland terrier ben was snatched from her garden in knowle west , bristol , earlier this month .she began an appeal to find him and put up posters near her home , but shortly after she received two phone calls from an anonymous man threatening to cut up her pet unless she paid # 500 .loving pet : mrs garton 's 10-year-old dog is partially sighted , partially deaf and can not walk long distances and has been missing for a fortnight\"]\n", + "=======================\n", + "['vivienne garton , 65 , was devastated when her 10-year-old dog was stolenshe started appeal to find him but received a call from anonymous mancaller threatened to cut up her west highland terrier unless she paid # 500he gave address of empty house and police are investigating the blackmail']\n", + "vivienne garton , 65 , was devastated her 10-year-old west highland terrier ben was snatched from her garden in knowle west , bristol , earlier this month .she began an appeal to find him and put up posters near her home , but shortly after she received two phone calls from an anonymous man threatening to cut up her pet unless she paid # 500 .loving pet : mrs garton 's 10-year-old dog is partially sighted , partially deaf and can not walk long distances and has been missing for a fortnight\n", + "vivienne garton , 65 , was devastated when her 10-year-old dog was stolenshe started appeal to find him but received a call from anonymous mancaller threatened to cut up her west highland terrier unless she paid # 500he gave address of empty house and police are investigating the blackmail\n", + "[1.3449752 1.3769177 1.1574569 1.450593 1.1983932 1.1038352 1.1427772\n", + " 1.1166285 1.1110524 1.1174678 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 4 2 6 9 7 8 5 18 10 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"emmanuel adebayor ( left ) could be allowed to leave the club on a free transfer in the summerthe togolese 's move to spurs has proved a massive financial burden for the north london club , who pay the forward # 100,000-per-week .as revealed by sportsmail on april 1 , the club 's chairman daniel levy will subsidies adebayor 's wages to ensure he leaves this summer knowing potential suitors will not meet his current # 5.2million-per-season salary .\"]\n", + "=======================\n", + "['emmanuel adebayour looks set to leave tottenham in the summerthe north london club would prefer to receive a fee for the forwardhowever due to his high wages and daniel levy may let him leave for freeclick here for all the latest tottenham news']\n", + "emmanuel adebayor ( left ) could be allowed to leave the club on a free transfer in the summerthe togolese 's move to spurs has proved a massive financial burden for the north london club , who pay the forward # 100,000-per-week .as revealed by sportsmail on april 1 , the club 's chairman daniel levy will subsidies adebayor 's wages to ensure he leaves this summer knowing potential suitors will not meet his current # 5.2million-per-season salary .\n", + "emmanuel adebayour looks set to leave tottenham in the summerthe north london club would prefer to receive a fee for the forwardhowever due to his high wages and daniel levy may let him leave for freeclick here for all the latest tottenham news\n", + "[1.462692 1.4275054 1.3033131 1.2435828 1.1769227 1.0312773 1.0310988\n", + " 1.0710554 1.0864235 1.0651388 1.0428617 1.0480424 1.0320482 1.1562771\n", + " 1.0263464 1.2263969 1.0373122 1.0384301 0. 0. ]\n", + "\n", + "[ 0 1 2 3 15 4 13 8 7 9 11 10 17 16 12 5 6 14 18 19]\n", + "=======================\n", + "[\"manchester city manager manuel pellegrini has admitted for the first time he could be sacked if he finishes outside the champions league places this season .pellegrini 's side face west ham united at the etihad stadium on sunday with their top four prospects hanging in the balance .the premier league champions have lost four of their last five games and pellegrini said : ` you are wrong if you think that , at this club , you are out if you do n't win the title .\"]\n", + "=======================\n", + "['manchester city need to lift the gloom against west ham on sundaythe blues aim the bounce back from 4-2 mauling by united in derbycity are fourth in the premier league , four points above liverpool']\n", + "manchester city manager manuel pellegrini has admitted for the first time he could be sacked if he finishes outside the champions league places this season .pellegrini 's side face west ham united at the etihad stadium on sunday with their top four prospects hanging in the balance .the premier league champions have lost four of their last five games and pellegrini said : ` you are wrong if you think that , at this club , you are out if you do n't win the title .\n", + "manchester city need to lift the gloom against west ham on sundaythe blues aim the bounce back from 4-2 mauling by united in derbycity are fourth in the premier league , four points above liverpool\n", + "[1.1750832 1.5965524 1.2823029 1.4955231 1.3119292 1.0872833 1.0252358\n", + " 1.0657055 1.0756266 1.0698932 1.0774004 1.0288483 1.0254843 1.046526\n", + " 1.044066 1.0555869 1.010304 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 5 10 8 9 7 15 13 14 11 12 6 16 18 17 19]\n", + "=======================\n", + "[\"nicholas tooth , 25 , was playing for the quirindi lions against the narrabri blue boars in mid-north nsw on saturday when he collapsed after hitting his head on an opponent 's shoulder during a tackle .the young man was visiting his hometown in the new england region of nsw for the weekendhe was treated at the ground before being airlifted to newcastle 's john hunter hospital in a critical condition but died in hospital late on sunday .\"]\n", + "=======================\n", + "[\"nicholas tooth , 25 , was playing for the quirindi lions in regional nswon saturday he hit his head on an opponent 's shoulder during a tacklehe was airlifted to newcastle 's john hunter hospital in a critical conditionon sunday mr tooth , who had been living in sydney , died in hospital\"]\n", + "nicholas tooth , 25 , was playing for the quirindi lions against the narrabri blue boars in mid-north nsw on saturday when he collapsed after hitting his head on an opponent 's shoulder during a tackle .the young man was visiting his hometown in the new england region of nsw for the weekendhe was treated at the ground before being airlifted to newcastle 's john hunter hospital in a critical condition but died in hospital late on sunday .\n", + "nicholas tooth , 25 , was playing for the quirindi lions in regional nswon saturday he hit his head on an opponent 's shoulder during a tacklehe was airlifted to newcastle 's john hunter hospital in a critical conditionon sunday mr tooth , who had been living in sydney , died in hospital\n", + "[1.2165027 1.4443103 1.232919 1.2711722 1.2022719 1.0351857 1.0453753\n", + " 1.1379029 1.070229 1.1864785 1.0897344 1.1359903 1.0210491 1.0625248\n", + " 1.0241113 1.0455754 1.0209371 1.047531 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 9 7 11 10 8 13 17 15 6 5 14 12 16 18 19]\n", + "=======================\n", + "[\"fire boat massey shaw was requisitioned from the london fire brigade in 1940 and transported to dunkirk to help with the evacuation of allied troops in the face of the nazi advance .renovation : massey shaw has been restored to its former glory seven decades after helping to save 600 troops from the dunkirk beachesafter carrying 600 soldiers back to britain , the boat returned to london where it helped to save st paul 's cathedral and other buildings damaged in the blitz .\"]\n", + "=======================\n", + "[\"massey shaw was requisitioned from the london fire brigade and helped rescue 600 troops from dunkirk in 1940the vessel went on to save st paul 's cathedral during the blitz before being commissioned in 1971but the fire boat has been renovated and restored to its former glory by a group of volunteers thanks to lottery grantthey are now seeking another # 10,000 so they can transport the massey shaw back to dunkirk 70 years later\"]\n", + "fire boat massey shaw was requisitioned from the london fire brigade in 1940 and transported to dunkirk to help with the evacuation of allied troops in the face of the nazi advance .renovation : massey shaw has been restored to its former glory seven decades after helping to save 600 troops from the dunkirk beachesafter carrying 600 soldiers back to britain , the boat returned to london where it helped to save st paul 's cathedral and other buildings damaged in the blitz .\n", + "massey shaw was requisitioned from the london fire brigade and helped rescue 600 troops from dunkirk in 1940the vessel went on to save st paul 's cathedral during the blitz before being commissioned in 1971but the fire boat has been renovated and restored to its former glory by a group of volunteers thanks to lottery grantthey are now seeking another # 10,000 so they can transport the massey shaw back to dunkirk 70 years later\n", + "[1.2079626 1.4792795 1.3804009 1.4268596 1.1907777 1.0302987 1.0196079\n", + " 1.183457 1.033231 1.0313578 1.1165559 1.0826526 1.0561119 1.1009856\n", + " 1.0246161 1.0222802 1.062866 1.0178783 1.015019 1.0106223 1.0192801\n", + " 1.0311848]\n", + "\n", + "[ 1 3 2 0 4 7 10 13 11 16 12 8 9 21 5 14 15 6 20 17 18 19]\n", + "=======================\n", + "[\"louise shepherd had been hiking through the remote madidi national park in the north-western part of the country when a tree toppled onto her during a storm .ms shepherd , from cobham , surrey , had taken a ` gap year ' off work in order to go travelling around the world with her sister hannah and college friend rose jones , both 30 .a 31-year-old british woman has died in a freak accident when she was crushed by a falling tree in the bolivian jungle while on her dream round-the-world trip .\"]\n", + "=======================\n", + "['louise shepherd , 31 , killed in bolivia while on round-the-world tripms shepherd died after a tree fell on her during a jungle tourrecently worked at kingston university , but left in order to travel']\n", + "louise shepherd had been hiking through the remote madidi national park in the north-western part of the country when a tree toppled onto her during a storm .ms shepherd , from cobham , surrey , had taken a ` gap year ' off work in order to go travelling around the world with her sister hannah and college friend rose jones , both 30 .a 31-year-old british woman has died in a freak accident when she was crushed by a falling tree in the bolivian jungle while on her dream round-the-world trip .\n", + "louise shepherd , 31 , killed in bolivia while on round-the-world tripms shepherd died after a tree fell on her during a jungle tourrecently worked at kingston university , but left in order to travel\n", + "[1.5231225 1.3383243 1.0678096 1.2765403 1.1595951 1.1368606 1.093758\n", + " 1.0726033 1.0302355 1.0775115 1.0789007 1.0227112 1.0131665 1.0249606\n", + " 1.0242538 1.0328559 1.1188561 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 4 5 16 6 10 9 7 2 15 8 13 14 11 12 20 17 18 19 21]\n", + "=======================\n", + "[\"ben stokes starred with the ball on the first day of england 's warm-up match in st kitts , but it was the runs of alastair cook and jonathan trott that pleased him most .england dominated against a modest st kitts & nevis xi , dismissing them for a paltry 59 inside 27 overs and then compiling 181 for one in reply .alastair cook plays behind square on his way to an unbeaten 95 in the tour match against a st kitts ' xi\"]\n", + "=======================\n", + "[\"ben stokes took three wickets for 10 runs as england bowled st kitts & nevis xi out for just 59 in tour matchalastair cook ( 95 * ) and jonathan trott ( 72 ) made big opening standstokes praised batsmen , particularly ` one of the best in the world ' cook\"]\n", + "ben stokes starred with the ball on the first day of england 's warm-up match in st kitts , but it was the runs of alastair cook and jonathan trott that pleased him most .england dominated against a modest st kitts & nevis xi , dismissing them for a paltry 59 inside 27 overs and then compiling 181 for one in reply .alastair cook plays behind square on his way to an unbeaten 95 in the tour match against a st kitts ' xi\n", + "ben stokes took three wickets for 10 runs as england bowled st kitts & nevis xi out for just 59 in tour matchalastair cook ( 95 * ) and jonathan trott ( 72 ) made big opening standstokes praised batsmen , particularly ` one of the best in the world ' cook\n", + "[1.2603972 1.2908921 1.281702 1.324235 1.1975838 1.0722305 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 2 0 4 5 19 18 17 16 15 14 13 10 11 20 9 8 7 6 12 21]\n", + "=======================\n", + "['instead , there was bob barker , who hosted the tv game show for 35 years before stepping down in 2007 .contestants told to \" come on down ! \"on the april 1 edition of \" the price is right \" encountered not host drew carey but another familiar face in charge of the proceedings .']\n", + "=======================\n", + "['bob barker returned to host \" the price is right \" on wednesdaybarker , 91 , had retired as host in 2007']\n", + "instead , there was bob barker , who hosted the tv game show for 35 years before stepping down in 2007 .contestants told to \" come on down ! \"on the april 1 edition of \" the price is right \" encountered not host drew carey but another familiar face in charge of the proceedings .\n", + "bob barker returned to host \" the price is right \" on wednesdaybarker , 91 , had retired as host in 2007\n", + "[1.1545035 1.2804437 1.3576946 1.193674 1.2628713 1.1592937 1.15489\n", + " 1.0526583 1.0771229 1.0798651 1.0738076 1.0254288 1.0618502 1.0235109\n", + " 1.0733815 1.0896157 1.0855823 1.0330943 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 4 3 5 6 0 15 16 9 8 10 14 12 7 17 11 13 20 18 19 21]\n", + "=======================\n", + "[\"senior judge denzil lush said the elder sister could be jailed for attempting to alter a legal document , so she could gain greater control over her mother 's money .the hostility between the women -- one a 61-year-old retired gp and the other a 58-year-old radiographer -- meant they would never be able to make rational decisions about how to deal with the 97-year-old widow 's property , a judge said .she owns a # 600,000 house , has savings and shares worth # 100,000 , and has an income of # 1,200 a month .\"]\n", + "=======================\n", + "['sisters , one 61 and the other 58 , unable to agree because of mutual hatredjudge denzil lush said one could be jailed for trying to alter a documentlost control of a # 600,000 house and savings and shares worth # 100,000']\n", + "senior judge denzil lush said the elder sister could be jailed for attempting to alter a legal document , so she could gain greater control over her mother 's money .the hostility between the women -- one a 61-year-old retired gp and the other a 58-year-old radiographer -- meant they would never be able to make rational decisions about how to deal with the 97-year-old widow 's property , a judge said .she owns a # 600,000 house , has savings and shares worth # 100,000 , and has an income of # 1,200 a month .\n", + "sisters , one 61 and the other 58 , unable to agree because of mutual hatredjudge denzil lush said one could be jailed for trying to alter a documentlost control of a # 600,000 house and savings and shares worth # 100,000\n", + "[1.2315786 1.2115765 1.2821305 1.3654628 1.3166189 1.1701484 1.2304198\n", + " 1.0920508 1.0535762 1.0834829 1.0669298 1.1033807 1.0623868 1.0357883\n", + " 1.035351 1.0188489 1.0131677 1.0697113 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 4 2 0 6 1 5 11 7 9 17 10 12 8 13 14 15 16 18 19 20 21]\n", + "=======================\n", + "['jasmine midgley nearly died after a birthmark began blocking her airways .her parents tanja and steven were warned she may not surviveat just 10 weeks old , she was rushed back to hospital because the seemingly harmless mark had started growing into her throat , almost closing over her airways and choking her .']\n", + "=======================\n", + "[\"jasmine midgley , now four months , was born with a ` harmless ' birthmarkhad problems breathing but doctors said she simply had an infectionweeks later discovered the ` mark ' had grown into her throat , choking herbenign tumour of blood vessels blocking her airways has now been treated\"]\n", + "jasmine midgley nearly died after a birthmark began blocking her airways .her parents tanja and steven were warned she may not surviveat just 10 weeks old , she was rushed back to hospital because the seemingly harmless mark had started growing into her throat , almost closing over her airways and choking her .\n", + "jasmine midgley , now four months , was born with a ` harmless ' birthmarkhad problems breathing but doctors said she simply had an infectionweeks later discovered the ` mark ' had grown into her throat , choking herbenign tumour of blood vessels blocking her airways has now been treated\n", + "[1.1662791 1.400187 1.2070769 1.2944503 1.365435 1.2481468 1.0699315\n", + " 1.0325991 1.3038175 1.1211833 1.0146142 1.0094056 1.0116413 1.1662492\n", + " 1.0213677 1.0274752 1.0121043 1.040525 1.0100172 1.0102468 1.0093839]\n", + "\n", + "[ 1 4 8 3 5 2 0 13 9 6 17 7 15 14 10 16 12 19 18 11 20]\n", + "=======================\n", + "[\"that 's according to former police officer , darren stanton , who has become the uk 's top human leading human lie detector and body expert .philip schofield was also caught fibbing , which darren said he detected by a raised eyebrow .the old adage may claim that a liar can not look you in the eye , but in truth liars often stare\"]\n", + "=======================\n", + "[\"darren stanton is a former police officer and uk 's leading humansays statistically it 's a myth that a liar ca n't look you in the eyealso explains blink rate may double or triple and liars often twitchfaster or slower breathing and becoming less animated also signs\"]\n", + "that 's according to former police officer , darren stanton , who has become the uk 's top human leading human lie detector and body expert .philip schofield was also caught fibbing , which darren said he detected by a raised eyebrow .the old adage may claim that a liar can not look you in the eye , but in truth liars often stare\n", + "darren stanton is a former police officer and uk 's leading humansays statistically it 's a myth that a liar ca n't look you in the eyealso explains blink rate may double or triple and liars often twitchfaster or slower breathing and becoming less animated also signs\n", + "[1.1168976 1.2619725 1.4621724 1.3493185 1.2402093 1.190343 1.1494938\n", + " 1.0449916 1.133095 1.0410894 1.026208 1.0248696 1.044233 1.022448\n", + " 1.0374764 1.1669025 1.1130893 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 4 5 15 6 8 0 16 7 12 9 14 10 11 13 19 17 18 20]\n", + "=======================\n", + "[\"jeb corliss jumped over the 562m high ball 's pyramid near lord howe island , in the tasman sea between australia and new zealand , documenting his flight over the stunning site .but this wing-suit pilot , dubbed the flying dagger , has described the world 's tallest volcanic stack just off the coast of australia as ` the single most beautiful place i have ever been ' .corliss , 39 , has been base-jumping since the age of 22 and has dedicated his life to human flight .\"]\n", + "=======================\n", + "[\"jeb corliss jumped over the 562m high ball 's pyramid at lord howe islandfootage shows the 39-year-old leaping out of the helicopter in a wing-suitball 's pyramid is the world 's tallest volcanic stack between australia and new zealand\"]\n", + "jeb corliss jumped over the 562m high ball 's pyramid near lord howe island , in the tasman sea between australia and new zealand , documenting his flight over the stunning site .but this wing-suit pilot , dubbed the flying dagger , has described the world 's tallest volcanic stack just off the coast of australia as ` the single most beautiful place i have ever been ' .corliss , 39 , has been base-jumping since the age of 22 and has dedicated his life to human flight .\n", + "jeb corliss jumped over the 562m high ball 's pyramid at lord howe islandfootage shows the 39-year-old leaping out of the helicopter in a wing-suitball 's pyramid is the world 's tallest volcanic stack between australia and new zealand\n", + "[1.3620794 1.392202 1.2610402 1.1580518 1.1296086 1.1215923 1.1025438\n", + " 1.1222214 1.0787157 1.0907762 1.0190134 1.0617703 1.0373731 1.2270032\n", + " 1.0423198 1.0184704 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 13 3 4 7 5 6 9 8 11 14 12 10 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the white house said today that bernard would depart after a state dinner next month held in honor of the japanese prime minister , confirming rumors that bernard , 53 , would soon exit the administration .the first man to serve as white house social secretary , jeremy bernard , is leaving after four years on the job .the first lady said in a statement she was ` lucky to have such a talented individual on my team . ' '\"]\n", + "=======================\n", + "[\"white house said today that jeremy bernard would depart after a state dinner next month , confirming rumors he 'd soon exit the administrationfirst lady offered a glowing review of bernard 's tenure , saying she was ` lucky to have such a talented individual on my team ' and a ` lifelong friend 'he is moving back to california ` to think about what 's next and spend some quality time with garbo , my rescue beagle 'white house has not yet named a replacement\"]\n", + "the white house said today that bernard would depart after a state dinner next month held in honor of the japanese prime minister , confirming rumors that bernard , 53 , would soon exit the administration .the first man to serve as white house social secretary , jeremy bernard , is leaving after four years on the job .the first lady said in a statement she was ` lucky to have such a talented individual on my team . ' '\n", + "white house said today that jeremy bernard would depart after a state dinner next month , confirming rumors he 'd soon exit the administrationfirst lady offered a glowing review of bernard 's tenure , saying she was ` lucky to have such a talented individual on my team ' and a ` lifelong friend 'he is moving back to california ` to think about what 's next and spend some quality time with garbo , my rescue beagle 'white house has not yet named a replacement\n", + "[1.4004972 1.4537163 1.2109163 1.3584406 1.1416202 1.2112119 1.0507624\n", + " 1.0699574 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 5 2 4 7 6 18 17 16 15 14 10 12 11 19 9 8 13 20]\n", + "=======================\n", + "[\"manager sir alf ramsey promoted phillips from his role as under-23 team doctor just before the '66 world cup as seniors doctor alan bass had run out of holiday and could not join up with the squad for their preparation camp in lilleshall .neil phillips , the team doctor for england 's victorious 1966 world cup campaign , has died at the age of 83 .a service of thanksgiving will take place on wednesday april 8 in dr phillips ' home town of malvern in worcestershire .\"]\n", + "=======================\n", + "[\"neil phillips was part of sir alf ramsey 's backroom staff for world cupphillips was a late addition to the team , after being promoted from u23she also worked with england for 1970 and 1974 world cups\"]\n", + "manager sir alf ramsey promoted phillips from his role as under-23 team doctor just before the '66 world cup as seniors doctor alan bass had run out of holiday and could not join up with the squad for their preparation camp in lilleshall .neil phillips , the team doctor for england 's victorious 1966 world cup campaign , has died at the age of 83 .a service of thanksgiving will take place on wednesday april 8 in dr phillips ' home town of malvern in worcestershire .\n", + "neil phillips was part of sir alf ramsey 's backroom staff for world cupphillips was a late addition to the team , after being promoted from u23she also worked with england for 1970 and 1974 world cups\n", + "[1.3736631 1.1667671 1.3790833 1.226057 1.095564 1.0494587 1.0495163\n", + " 1.071464 1.2345707 1.0450485 1.0781142 1.0436097 1.0527732 1.0473974\n", + " 1.0639194 1.0332729 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 8 3 1 4 10 7 14 12 6 5 13 9 11 15 19 16 17 18 20]\n", + "=======================\n", + "[\"andre ward , still ranked by many among the top five pound-for-pound boxers in the world despite 17 months out of the ring , sees smith as the ideal warm-up opponent , possibly before a rematch with carl froch .paul smith , having bravely lost his two challenges to arthur abraham in germany , now finds himself in pole position for a third successive joust against a reigning world super-middleweight champion .the wba have ordered their two super-middle world champions -- ward ` super , ' froch ` regular ' -- to meet in a unification fight .\"]\n", + "=======================\n", + "['andre ward sees paul smith as the ideal warm-up opponentit could possibly come before a ward rematch with carl frochward has not fought since beating edwin rodriguez in november 2013froch is turning his attention a first appearance in las vegas']\n", + "andre ward , still ranked by many among the top five pound-for-pound boxers in the world despite 17 months out of the ring , sees smith as the ideal warm-up opponent , possibly before a rematch with carl froch .paul smith , having bravely lost his two challenges to arthur abraham in germany , now finds himself in pole position for a third successive joust against a reigning world super-middleweight champion .the wba have ordered their two super-middle world champions -- ward ` super , ' froch ` regular ' -- to meet in a unification fight .\n", + "andre ward sees paul smith as the ideal warm-up opponentit could possibly come before a ward rematch with carl frochward has not fought since beating edwin rodriguez in november 2013froch is turning his attention a first appearance in las vegas\n", + "[1.4810294 1.4093016 1.1466262 1.1327659 1.0779135 1.0929252 1.0517896\n", + " 1.1194636 1.0275044 1.0169455 1.0201632 1.079422 1.029953 1.1430148\n", + " 1.0721568 1.0174487 1.0459 1.0965477 1.0501827]\n", + "\n", + "[ 0 1 2 13 3 7 17 5 11 4 14 6 18 16 12 8 10 15 9]\n", + "=======================\n", + "['( cnn ) people magazine has anointed sandra bullock the world \\'s most beautiful woman of 2015 , the publication revealed on wednesday .bullock , 50 , joins a long line of actresses to receive the honor , including last year \\'s cover girl , lupita nyong ` o , and gwyneth paltrow in 2013 .she seems to be taking it all in stride , calling the whole thing \" ridiculous . \"']\n", + "=======================\n", + "['people magazine has named actress sandra bullock the most beautiful woman in the world\" be a good person ; be a good mom ; do a good job with the lunch , \" she says']\n", + "( cnn ) people magazine has anointed sandra bullock the world 's most beautiful woman of 2015 , the publication revealed on wednesday .bullock , 50 , joins a long line of actresses to receive the honor , including last year 's cover girl , lupita nyong ` o , and gwyneth paltrow in 2013 .she seems to be taking it all in stride , calling the whole thing \" ridiculous . \"\n", + "people magazine has named actress sandra bullock the most beautiful woman in the world\" be a good person ; be a good mom ; do a good job with the lunch , \" she says\n", + "[1.3553152 1.4420698 1.1593478 1.3817173 1.2339526 1.0304526 1.1710471\n", + " 1.0120745 1.1011333 1.0209727 1.1843114 1.0221156 1.031391 1.0330911\n", + " 1.0278937 1.0300564 1.0432404 1.0171897 1.0701908]\n", + "\n", + "[ 1 3 0 4 10 6 2 8 18 16 13 12 5 15 14 11 9 17 7]\n", + "=======================\n", + "['to commemorate his dedication to horse racing , churchill downs - the track that hosts the race every year - is inviting the 84-year-old man to attend his 76th-straight kentucky derby as their special guest on may 2 .john sutton jr has spent the first saturday of may the same way since he was 8 years old - on the sidelines of the kentucky derby .living history : sutton has collected a program from every kentucky derby he has attended and keeps them in a binder at home .']\n", + "=======================\n", + "[\"john sutton jr was just 8 years old in 1940 , when his blacksmith father took him to his first kentucky derbythe 84-year-old louisville native has n't missed a race since , and has amassed an impressive collection of memorabilia over the past 76 raceschurchill downs , the racing grounds that hosts the competition , has invited sutton to watch the event for free as a special guest on may 2\"]\n", + "to commemorate his dedication to horse racing , churchill downs - the track that hosts the race every year - is inviting the 84-year-old man to attend his 76th-straight kentucky derby as their special guest on may 2 .john sutton jr has spent the first saturday of may the same way since he was 8 years old - on the sidelines of the kentucky derby .living history : sutton has collected a program from every kentucky derby he has attended and keeps them in a binder at home .\n", + "john sutton jr was just 8 years old in 1940 , when his blacksmith father took him to his first kentucky derbythe 84-year-old louisville native has n't missed a race since , and has amassed an impressive collection of memorabilia over the past 76 raceschurchill downs , the racing grounds that hosts the competition , has invited sutton to watch the event for free as a special guest on may 2\n", + "[1.3922563 1.2004919 1.14552 1.1604316 1.1648219 1.1598135 1.1095095\n", + " 1.1006538 1.0736566 1.0569062 1.1108639 1.0697763 1.1343658 1.1190244\n", + " 1.0625739 1.0189226 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 3 5 2 12 13 10 6 7 8 11 14 9 15 16 17 18]\n", + "=======================\n", + "['seoul ( cnn ) north korean leader kim jong un is continuing to rule with an iron fist , having ordered the execution of about 15 senior officials so far this year , according to an assessment by south korean intelligence agents , a lawmaker who attended a closed briefing said .north korea is one of the most closed societies in the world .the nature of the intelligence supporting the national intelligence service allegations was also not immediately clear .']\n", + "=======================\n", + "['south korean lawmaker quotes intelligence officials as saying kim jong un countenances no disagreementofficial reportedly executed for expressing dissatisfaction with forestry programfour member of unhasu orchestra also reportedly executed']\n", + "seoul ( cnn ) north korean leader kim jong un is continuing to rule with an iron fist , having ordered the execution of about 15 senior officials so far this year , according to an assessment by south korean intelligence agents , a lawmaker who attended a closed briefing said .north korea is one of the most closed societies in the world .the nature of the intelligence supporting the national intelligence service allegations was also not immediately clear .\n", + "south korean lawmaker quotes intelligence officials as saying kim jong un countenances no disagreementofficial reportedly executed for expressing dissatisfaction with forestry programfour member of unhasu orchestra also reportedly executed\n", + "[1.2335445 1.353448 1.2247982 1.1713564 1.1333385 1.1268344 1.1205958\n", + " 1.0675156 1.0609311 1.0760919 1.1030862 1.0828248 1.0886052 1.0794531\n", + " 1.0588534 1.196056 1.0279552 1.0329554 0. ]\n", + "\n", + "[ 1 0 2 15 3 4 5 6 10 12 11 13 9 7 8 14 17 16 18]\n", + "=======================\n", + "[\"at the same time , managers at the passport agency , which made a # 42 million profit during the chaos , received up to # 3,500 in bonuses .thousands of holidaymakers caught up in last summer 's passport delay fiasco have not received any compensation .ministers refused to give a blanket refund to the desperate families who had to pay extra to get their travel documents rushed through , and even to some who missed out on trips .\"]\n", + "=======================\n", + "['hm passport office struggled to cope with 3.6 million britons applicationsministers agreed to give urgent cases a free upgrade to fast-track serviceonly 2,191 compensation applications were approved totalling # 203,066meanwhile managers at agency were handed total of # 1.8 million in bonuses']\n", + "at the same time , managers at the passport agency , which made a # 42 million profit during the chaos , received up to # 3,500 in bonuses .thousands of holidaymakers caught up in last summer 's passport delay fiasco have not received any compensation .ministers refused to give a blanket refund to the desperate families who had to pay extra to get their travel documents rushed through , and even to some who missed out on trips .\n", + "hm passport office struggled to cope with 3.6 million britons applicationsministers agreed to give urgent cases a free upgrade to fast-track serviceonly 2,191 compensation applications were approved totalling # 203,066meanwhile managers at agency were handed total of # 1.8 million in bonuses\n", + "[1.1732061 1.4084238 1.1155849 1.2454175 1.3239368 1.1689975 1.0720456\n", + " 1.036654 1.0287882 1.0546503 1.0968591 1.0875628 1.0544808 1.0488782\n", + " 1.0957835 1.0226289 1.0610015 1.0826931 1.0418006]\n", + "\n", + "[ 1 4 3 0 5 2 10 14 11 17 6 16 9 12 13 18 7 8 15]\n", + "=======================\n", + "[\"but astronomers say ` rogue ' , sun-less planets that wander the stars could still harbour extra-terrestrials .the warmth of a sun has long been thought to be a key ingredient to life .this is according to sean raymond , an astrophysicist with the laboratoire d'astrophysique de bordeaux in france , who has taken a look at how life can form on rogue planets .\"]\n", + "=======================\n", + "['comments were made by sean raymond , an astrophysicist in francehe says internal heat of rogue planets could allow liquid water to formwriting in aeon , he also says a thick atmosphere may help life developastronomers have found 50 of these rogue planets in the past 15 years']\n", + "but astronomers say ` rogue ' , sun-less planets that wander the stars could still harbour extra-terrestrials .the warmth of a sun has long been thought to be a key ingredient to life .this is according to sean raymond , an astrophysicist with the laboratoire d'astrophysique de bordeaux in france , who has taken a look at how life can form on rogue planets .\n", + "comments were made by sean raymond , an astrophysicist in francehe says internal heat of rogue planets could allow liquid water to formwriting in aeon , he also says a thick atmosphere may help life developastronomers have found 50 of these rogue planets in the past 15 years\n", + "[1.1703258 1.4141592 1.1958969 1.2488804 1.2130402 1.1683064 1.1112831\n", + " 1.1480174 1.04372 1.0186318 1.172235 1.0528 1.0487376 1.0822847\n", + " 1.0569035 1.2811699 1.0665753 1.0174252 1.0898067 1.0448872 1.0081385\n", + " 1.0116284]\n", + "\n", + "[ 1 15 3 4 2 10 0 5 7 6 18 13 16 14 11 12 19 8 9 17 21 20]\n", + "=======================\n", + "[\"the chilling footage was posted on facebook and shows the cab throwing 25-year-old kadeem brown across a median in the bronx , new york .gone too soon : kadeem brown , 25 , was killed 'his green taxi struck and killed little tierre clark who was five .\"]\n", + "=======================\n", + "[\"male driver , 44 , struck kadeem brown , 25 , as he walked through the bronxbrown 's body flipped over once and then went sliding until he hit the curb across the streetcab driver suffered a seizure moments before the crash and has been stripped of his tlc licenseaccident occurred on grand concourse in the bronx on march 20\"]\n", + "the chilling footage was posted on facebook and shows the cab throwing 25-year-old kadeem brown across a median in the bronx , new york .gone too soon : kadeem brown , 25 , was killed 'his green taxi struck and killed little tierre clark who was five .\n", + "male driver , 44 , struck kadeem brown , 25 , as he walked through the bronxbrown 's body flipped over once and then went sliding until he hit the curb across the streetcab driver suffered a seizure moments before the crash and has been stripped of his tlc licenseaccident occurred on grand concourse in the bronx on march 20\n", + "[1.2287452 1.2938728 1.3291624 1.3006628 1.1112559 1.128214 1.1598885\n", + " 1.0894486 1.0809146 1.0665122 1.0663044 1.0646645 1.0779955 1.095242\n", + " 1.0940667 1.0729884 1.0231464 1.0340085 1.0525416 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 3 1 0 6 5 4 13 14 7 8 12 15 9 10 11 18 17 16 20 19 21]\n", + "=======================\n", + "['the labour party has also taken a commanding four point lead over the tories with just 28 days until polling day , according to the pollsters survation .labour leader ed miliband has jumped ahead of the prime minister in personal approval ratings , a survation poll has revealedthe tories have pinned much of their election hopes on turning the campaign into a straight choice between mr cameron and the labour leader .']\n", + "=======================\n", + "['miliband overtakes david cameron as the most popular political leaderit is the first time that labour leader has been ahead in approval ratingslabour party has also taken a commanding four point lead over the tories']\n", + "the labour party has also taken a commanding four point lead over the tories with just 28 days until polling day , according to the pollsters survation .labour leader ed miliband has jumped ahead of the prime minister in personal approval ratings , a survation poll has revealedthe tories have pinned much of their election hopes on turning the campaign into a straight choice between mr cameron and the labour leader .\n", + "miliband overtakes david cameron as the most popular political leaderit is the first time that labour leader has been ahead in approval ratingslabour party has also taken a commanding four point lead over the tories\n", + "[1.0631304 1.0380905 1.2012185 1.5016104 1.2941206 1.2141342 1.3984522\n", + " 1.040297 1.0241095 1.0178256 1.3053898 1.1043459 1.1022626 1.1109751\n", + " 1.0187905 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 6 10 4 5 2 13 11 12 0 7 1 8 14 9 20 15 16 17 18 19 21]\n", + "=======================\n", + "['making waves : billions of barrel jellyfish have been spotted in water off the coast of devon and cornwallthe jellyfish , which can grow up to six feet and weigh 55lb , were sighted just off pendennis point near falmouth , cornwall .hundreds of the barrel jellyfish -- each the size of a dustbin lid -- have been hauled in by fishermen on the devon and cornish coast , with dozens of sightings reported to the authorities .']\n", + "=======================\n", + "['creatures attracted by the higher sea temperaturesdozens of sightings reported by fisherman off devon and cornwalljellyfish can grow up to six feet and weigh 55lb']\n", + "making waves : billions of barrel jellyfish have been spotted in water off the coast of devon and cornwallthe jellyfish , which can grow up to six feet and weigh 55lb , were sighted just off pendennis point near falmouth , cornwall .hundreds of the barrel jellyfish -- each the size of a dustbin lid -- have been hauled in by fishermen on the devon and cornish coast , with dozens of sightings reported to the authorities .\n", + "creatures attracted by the higher sea temperaturesdozens of sightings reported by fisherman off devon and cornwalljellyfish can grow up to six feet and weigh 55lb\n", + "[1.2837412 1.4267329 1.387348 1.3338544 1.2585253 1.2110008 1.0905863\n", + " 1.0541438 1.0703378 1.0253546 1.0210427 1.028692 1.0109499 1.133424\n", + " 1.0651966 1.0594074 1.0391662 1.0100076 1.065442 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 0 4 5 13 6 8 18 14 15 7 16 11 9 10 12 17 20 19 21]\n", + "=======================\n", + "[\"the café manager said the shop has begun operating eight air purifiers 24 hours a day .by charging a one yuan ( 11p ) ` air-purifying fee ' per person , the café hopes customers will pay more attention to the growing pollution issue facing china , reported the people 's daily online .a label is put on every table to alert customers about the surcharge which costs 11p per person\"]\n", + "=======================\n", + "[\"customer being charged one yuan ( 11p ) extra as an ` air-purifying fee 'eight air purifiers operate 24 hours a day between two floorsmanager says move will raise awareness about air pollutioncustomers said they think fresher air makes their drinks more enjoyablethe café is located in hangzhou , which had 154 days of smog last year\"]\n", + "the café manager said the shop has begun operating eight air purifiers 24 hours a day .by charging a one yuan ( 11p ) ` air-purifying fee ' per person , the café hopes customers will pay more attention to the growing pollution issue facing china , reported the people 's daily online .a label is put on every table to alert customers about the surcharge which costs 11p per person\n", + "customer being charged one yuan ( 11p ) extra as an ` air-purifying fee 'eight air purifiers operate 24 hours a day between two floorsmanager says move will raise awareness about air pollutioncustomers said they think fresher air makes their drinks more enjoyablethe café is located in hangzhou , which had 154 days of smog last year\n", + "[1.194029 1.5294082 1.3048992 1.207989 1.1846192 1.3779789 1.1928769\n", + " 1.0245162 1.0480226 1.0229409 1.0163053 1.1319778 1.0583663 1.0328382\n", + " 1.1511215 1.0637974 1.0104012 1.0169669 1.060049 1.039977 1.0412375\n", + " 0. ]\n", + "\n", + "[ 1 5 2 3 0 6 4 14 11 15 18 12 8 20 19 13 7 9 17 10 16 21]\n", + "=======================\n", + "[\"brayden travis , 18 , was left without medical attention for seven hours after taking drugs at a friend 's house in st charles county , missouri in early march .his lungs and kidneys failed , and he suffered a stroke and severe brain damage .doctors warned that he will likely remain in a vegetative state , his mother , kelly smith-miller , wrote on facebook .\"]\n", + "=======================\n", + "['brayden travis , from st charles county , missouri , has battled drug addiction since he was 15 and overdosed on heroin in early marchthe 18-year-old was left without medical attention for seven hours and suffered a stroke and severe brain damagedoctors told his parents he might be left in a vegetative state but he is now conscious and has made small improvementshis mother shared a photo of him in hospital in a bid to deter others from taking drugs ; the post has been shared more than 337,000 times']\n", + "brayden travis , 18 , was left without medical attention for seven hours after taking drugs at a friend 's house in st charles county , missouri in early march .his lungs and kidneys failed , and he suffered a stroke and severe brain damage .doctors warned that he will likely remain in a vegetative state , his mother , kelly smith-miller , wrote on facebook .\n", + "brayden travis , from st charles county , missouri , has battled drug addiction since he was 15 and overdosed on heroin in early marchthe 18-year-old was left without medical attention for seven hours and suffered a stroke and severe brain damagedoctors told his parents he might be left in a vegetative state but he is now conscious and has made small improvementshis mother shared a photo of him in hospital in a bid to deter others from taking drugs ; the post has been shared more than 337,000 times\n", + "[1.3535397 1.2935245 1.1278466 1.2132016 1.3319694 1.1828842 1.0779927\n", + " 1.0928496 1.0415219 1.0847278 1.0830089 1.0222125 1.0799806 1.0385922\n", + " 1.0540731 1.0327797 1.0740738 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 4 1 3 5 2 7 9 10 12 6 16 14 8 13 15 11 20 17 18 19 21]\n", + "=======================\n", + "[\"former super middleweight champion nigel benn is back in the ring and the 51-year-old , dubbed the ` dark destroyer ' , has certainly still got what it takes .ilford-born benn , who now lives in australia and works as a charity worker , looked as sharp as ever as he joined in a playful pad session with ricky hatton at his manchester gym .earlier this week , hatton and benn met up to discuss the possibility of the ` hitman ' training conor benn , nigel 's son , ahead of the 2016 olympics in rio .\"]\n", + "=======================\n", + "[\"nigel benn and ricky hatton returned to the ring for a spot of pad workthe ` dark destroyer ' shows he still has what it takes with a series of hitshe returned from australia to meet up with hatton at his manchester gymbenn is hoping hatton will train his son ahead of 2016 olympic campaign\"]\n", + "former super middleweight champion nigel benn is back in the ring and the 51-year-old , dubbed the ` dark destroyer ' , has certainly still got what it takes .ilford-born benn , who now lives in australia and works as a charity worker , looked as sharp as ever as he joined in a playful pad session with ricky hatton at his manchester gym .earlier this week , hatton and benn met up to discuss the possibility of the ` hitman ' training conor benn , nigel 's son , ahead of the 2016 olympics in rio .\n", + "nigel benn and ricky hatton returned to the ring for a spot of pad workthe ` dark destroyer ' shows he still has what it takes with a series of hitshe returned from australia to meet up with hatton at his manchester gymbenn is hoping hatton will train his son ahead of 2016 olympic campaign\n", + "[1.2622392 1.4834317 1.1725457 1.1560217 1.3135643 1.313262 1.0634702\n", + " 1.0680015 1.053239 1.0600011 1.07897 1.1778862 1.0672132 1.0750004\n", + " 1.0680587 1.0116717 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 5 0 11 2 3 10 13 14 7 12 6 9 8 15 20 16 17 18 19 21]\n", + "=======================\n", + "[\"martyn uzzell , 51 , died instantly after he was thrown into path of a car by a four-inch deep pothole .the widow of a cyclist killed after hitting a pothole during a charity ride from land 's end to john o'groats has won a six-figure payout from the council who failed to mend the road .his widow kate uzzell , 49 , from clevedon , north somerset , has now reached an out of court settlement with north yorkshire county council .\"]\n", + "=======================\n", + "[\"martyn uzzell died instantly when a 4in pothole threw him into path of a carcyclist was riding from land 's end to john o'groats for charity in 2011his widow kate has now been awarded a six-figure payout from the councilbut north yorkshire county council still refuses to apologise despite coroner ruling the state of the road was to blame\"]\n", + "martyn uzzell , 51 , died instantly after he was thrown into path of a car by a four-inch deep pothole .the widow of a cyclist killed after hitting a pothole during a charity ride from land 's end to john o'groats has won a six-figure payout from the council who failed to mend the road .his widow kate uzzell , 49 , from clevedon , north somerset , has now reached an out of court settlement with north yorkshire county council .\n", + "martyn uzzell died instantly when a 4in pothole threw him into path of a carcyclist was riding from land 's end to john o'groats for charity in 2011his widow kate has now been awarded a six-figure payout from the councilbut north yorkshire county council still refuses to apologise despite coroner ruling the state of the road was to blame\n", + "[1.1865343 1.5173583 1.3302896 1.3544331 1.1237441 1.1982439 1.1953917\n", + " 1.0657734 1.0572811 1.0157703 1.0691786 1.1312746 1.0169466 1.009847\n", + " 1.0108849 1.0263137 1.0115441 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 5 6 0 11 4 10 7 8 15 12 9 16 14 13 20 17 18 19 21]\n", + "=======================\n", + "['charnelle hughes , 20 , was stood near the bar at the adelphi pub in preston reading a text message , when she was struck on the side of the head by the empty glass after it was hurled into a group of 40 people during a live gig .the culprit jordan goode , also aged 20 , had been dancing aggressively to heavy rock music and had suddenly picked up the glass and threw it randomly .miss hughes had to be rushed to hospital after she started bleeding profusely and was suffering concussion , and at one stage it was feared she would lose her right eye .']\n", + "=======================\n", + "[\"charnelle hughes was at the adelphi pub in preston for a heavy metal gigshe was struck in the head by a pint glass which was thrown at randomthe student has been left scarred for life and feared she would lose her eyejordan goode admitted wounding after throwing the glass while ` hard-core ' dancing\"]\n", + "charnelle hughes , 20 , was stood near the bar at the adelphi pub in preston reading a text message , when she was struck on the side of the head by the empty glass after it was hurled into a group of 40 people during a live gig .the culprit jordan goode , also aged 20 , had been dancing aggressively to heavy rock music and had suddenly picked up the glass and threw it randomly .miss hughes had to be rushed to hospital after she started bleeding profusely and was suffering concussion , and at one stage it was feared she would lose her right eye .\n", + "charnelle hughes was at the adelphi pub in preston for a heavy metal gigshe was struck in the head by a pint glass which was thrown at randomthe student has been left scarred for life and feared she would lose her eyejordan goode admitted wounding after throwing the glass while ` hard-core ' dancing\n", + "[1.4448224 1.3633243 1.2609712 1.1796198 1.0493525 1.165461 1.1447004\n", + " 1.1046857 1.0628393 1.0172248 1.0125564 1.0633337 1.0527685 1.0246019\n", + " 1.0664647 1.0551167 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 3 5 6 7 14 11 8 15 12 4 13 9 10 16 17 18 19 20 21]\n", + "=======================\n", + "[\"a set of 500 limited edition copies of kim kardashian 's highly-anticipated selfie book selfish , which were signed and numbered by the reality star , sold out less than a minute after going on sale .although the 34-year-old reality star 's 352-page collection of selfies wo n't be officially be available to the masses until may , gilt.com offered fans a special pre-sale of copies on thursday afternoon .in addition to bearing the selfie queen 's signature , the special versions , which retailed for $ 60 per book , also came complete with a special cover featuring a bikini-clad image of the star .\"]\n", + "=======================\n", + "['the limited copies of selfish were sold on gilt.com for $ 60 eachthe special versions feature an exclusive cover in addition to being hand-signed and numbered by the 34-year-old reality star']\n", + "a set of 500 limited edition copies of kim kardashian 's highly-anticipated selfie book selfish , which were signed and numbered by the reality star , sold out less than a minute after going on sale .although the 34-year-old reality star 's 352-page collection of selfies wo n't be officially be available to the masses until may , gilt.com offered fans a special pre-sale of copies on thursday afternoon .in addition to bearing the selfie queen 's signature , the special versions , which retailed for $ 60 per book , also came complete with a special cover featuring a bikini-clad image of the star .\n", + "the limited copies of selfish were sold on gilt.com for $ 60 eachthe special versions feature an exclusive cover in addition to being hand-signed and numbered by the 34-year-old reality star\n", + "[1.3328979 1.2815603 1.1438693 1.3131826 1.1732105 1.08049 1.224844\n", + " 1.1044179 1.0663369 1.0409056 1.0893526 1.0317522 1.0288297 1.0154428\n", + " 1.0170398 1.0137775 1.0147474 1.014772 1.0161567 1.0103106 1.0103251\n", + " 1.0232453]\n", + "\n", + "[ 0 3 1 6 4 2 7 10 5 8 9 11 12 21 14 18 13 17 16 15 20 19]\n", + "=======================\n", + "[\"saturday night live cast member cecily strong took aim at barack obama and washington 's elite when she hosted the correspondents ' dinner .the comedian famous for her portrayal of ` girl you wish you had n't started a conversation with at a party ' started off saturday 's fete by saying that ` it feels right to have a woman follow president obama , does n't it ? 'snl star cecily strong made some pretty funny jokes at the white house correspondents dinner as she pokes fun of washington and even the president .\"]\n", + "=======================\n", + "['snl castmember skewers hillary clinton , obama and republican hopefulstwenty-minute speech poked fun at buzzfeed , brian williams scandaljokes touched on police brutality and secret service security lapses']\n", + "saturday night live cast member cecily strong took aim at barack obama and washington 's elite when she hosted the correspondents ' dinner .the comedian famous for her portrayal of ` girl you wish you had n't started a conversation with at a party ' started off saturday 's fete by saying that ` it feels right to have a woman follow president obama , does n't it ? 'snl star cecily strong made some pretty funny jokes at the white house correspondents dinner as she pokes fun of washington and even the president .\n", + "snl castmember skewers hillary clinton , obama and republican hopefulstwenty-minute speech poked fun at buzzfeed , brian williams scandaljokes touched on police brutality and secret service security lapses\n", + "[1.2887949 1.3430487 1.2030668 1.3077005 1.2486883 1.1988306 1.1242594\n", + " 1.0695733 1.1172922 1.0821 1.0837058 1.0770491 1.0646929 1.1598563\n", + " 1.0207049 1.0501605 1.0632027 1.024569 ]\n", + "\n", + "[ 1 3 0 4 2 5 13 6 8 10 9 11 7 12 16 15 17 14]\n", + "=======================\n", + "['the 15-passenger van was carrying 12 people from south carolina toward atlanta when it went off interstate 85 near the town of commerce about 7 am monday , the georgia state patrol said .three people were killed and eight were injured when a van carrying members of two heavy metal bands careened 300 feet off an interstate and down an embankment in northeast georgia on monday .members of the atlanta-based band khaotika and the huntsville , alabama-based band wormreich were in the van .']\n", + "=======================\n", + "['southern metal bands khaotika and wormreich were in 15-person vaneight injured in crash after van comes 300ft off the georgia interstatethree men who died were thrown from the vehicle as it hit treesatlanta-based khaotika , alabama-based wormreich were heading to show']\n", + "the 15-passenger van was carrying 12 people from south carolina toward atlanta when it went off interstate 85 near the town of commerce about 7 am monday , the georgia state patrol said .three people were killed and eight were injured when a van carrying members of two heavy metal bands careened 300 feet off an interstate and down an embankment in northeast georgia on monday .members of the atlanta-based band khaotika and the huntsville , alabama-based band wormreich were in the van .\n", + "southern metal bands khaotika and wormreich were in 15-person vaneight injured in crash after van comes 300ft off the georgia interstatethree men who died were thrown from the vehicle as it hit treesatlanta-based khaotika , alabama-based wormreich were heading to show\n", + "[1.4796987 1.4774508 1.0632652 1.4119593 1.3265816 1.0796183 1.0679888\n", + " 1.0174657 1.013072 1.0110607 1.0743351 1.0923619 1.1259421 1.0861852\n", + " 1.0115678 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 4 12 11 13 5 10 6 2 7 8 14 9 16 15 17]\n", + "=======================\n", + "[\"britain 's adam peaty has broken the men 's 100 metres breast stroke world record with a time of 57.92 seconds at the london aquatic centre .the 20-year-old from uttoxeter 's gold-winning time on friday beat the previous record of 58.46 set by south african cameron van der burgh in the same venue at the 2012 olympics .british swimmer adam peaty is all smiles after setting a new world record for the 100m breast stroke\"]\n", + "=======================\n", + "['british swimmer adam peaty has set a new 100m breast stroke world recordhis time of 57.92 seconds has beaten the previous record of 58.46peaty has spoken of his delight that his hard work and training have paid off']\n", + "britain 's adam peaty has broken the men 's 100 metres breast stroke world record with a time of 57.92 seconds at the london aquatic centre .the 20-year-old from uttoxeter 's gold-winning time on friday beat the previous record of 58.46 set by south african cameron van der burgh in the same venue at the 2012 olympics .british swimmer adam peaty is all smiles after setting a new world record for the 100m breast stroke\n", + "british swimmer adam peaty has set a new 100m breast stroke world recordhis time of 57.92 seconds has beaten the previous record of 58.46peaty has spoken of his delight that his hard work and training have paid off\n", + "[1.2177913 1.4583366 1.2859415 1.2192322 1.5315541 1.0395507 1.0564858\n", + " 1.0396513 1.1219482 1.0243435 1.0408137 1.0161421 1.0407879 1.0106145\n", + " 1.0164115 1.0413609 1.0201775 0. ]\n", + "\n", + "[ 4 1 2 3 0 8 6 15 10 12 7 5 9 16 14 11 13 17]\n", + "=======================\n", + "[\"andy murray pumps his first after defeating dominic thiem to reach the miami open semi finalsmurray was awaiting the winner from the last eight match between tomas berdych and argentina 's juan monaco .prior to this tournament thiem lost in the second round of a challenger event to soon-to-be new brit aljaz bedene .\"]\n", + "=======================\n", + "['british no 1 defeated dominic thiem in miami open quarter finalsandy murray celebrated his 500th career win in the previous roundthird seed will play the winner of tomas berdych and juan monaco in the semi finals of the atp masters 1000 event in key biscayne']\n", + "andy murray pumps his first after defeating dominic thiem to reach the miami open semi finalsmurray was awaiting the winner from the last eight match between tomas berdych and argentina 's juan monaco .prior to this tournament thiem lost in the second round of a challenger event to soon-to-be new brit aljaz bedene .\n", + "british no 1 defeated dominic thiem in miami open quarter finalsandy murray celebrated his 500th career win in the previous roundthird seed will play the winner of tomas berdych and juan monaco in the semi finals of the atp masters 1000 event in key biscayne\n", + "[1.2321233 1.4636053 1.245778 1.163567 1.2091054 1.1197495 1.1278145\n", + " 1.1960173 1.0716408 1.1343662 1.1082449 1.0834482 1.1479878 1.0648925\n", + " 1.063383 1.010418 1.0058867 1.0063666]\n", + "\n", + "[ 1 2 0 4 7 3 12 9 6 5 10 11 8 13 14 15 17 16]\n", + "=======================\n", + "[\"it is believed the girl , named april by staff at the ormskirk hospital where she is being treated , might have been delivered at silcock 's amusement arcade in nevill street , southport , hours before she was discovered .merseyside police had released an image of the 6lb 9oz baby girl , wearing a pink playsuit , as they sought to identify her mother .a newborn baby girl abandoned in an amusement arcade was found face down in a toilet bowl after her ` mother gave birth in the lavatory ' , it has been revealed .\"]\n", + "=======================\n", + "[\"arcade staff discovered the baby girl in the disabled toilets last nightthe newborn was taken to hospital and is described as ` safe and well 'the baby has been named april by staff at ormskirk hospital in southportpolice say the mother has been found and is receiving medical treatment\"]\n", + "it is believed the girl , named april by staff at the ormskirk hospital where she is being treated , might have been delivered at silcock 's amusement arcade in nevill street , southport , hours before she was discovered .merseyside police had released an image of the 6lb 9oz baby girl , wearing a pink playsuit , as they sought to identify her mother .a newborn baby girl abandoned in an amusement arcade was found face down in a toilet bowl after her ` mother gave birth in the lavatory ' , it has been revealed .\n", + "arcade staff discovered the baby girl in the disabled toilets last nightthe newborn was taken to hospital and is described as ` safe and well 'the baby has been named april by staff at ormskirk hospital in southportpolice say the mother has been found and is receiving medical treatment\n", + "[1.1792794 1.0466819 1.0386783 1.2508028 1.1745723 1.2983189 1.0496979\n", + " 1.1381915 1.1526608 1.1252851 1.0385815 1.0507365 1.098237 1.0428298\n", + " 1.0197263 1.0249867 0. 0. ]\n", + "\n", + "[ 5 3 0 4 8 7 9 12 11 6 1 13 2 10 15 14 16 17]\n", + "=======================\n", + "['thousands of visitors from the uk , australia , new zealand , india and france have gathered to honour the fallen at one of the biggest commemorations of the great war .sulva bay , gallipoli peninsula , turkey , where in the world war i there were nearly 400,00 allied casualtiesin the early hours of today , 25 april 2015 , a bugle sounded a haunting dawn chorus to mark the moment when , at 0430 , allied troops landed at a point where asia meets europe , anzac cove , to commence the disastrous dardanelles campaign .']\n", + "=======================\n", + "[\"25 april is the centenary of the ill-fated gallipoli invasion by allied troopsallies sustained heavy loses , mown down by a better-equipped turkish armybeautiful peninsula is a magnet to relatives of soldiers killed in the battlethe water diviner , russell crowe 's directorial debut , is set in its aftermath\"]\n", + "thousands of visitors from the uk , australia , new zealand , india and france have gathered to honour the fallen at one of the biggest commemorations of the great war .sulva bay , gallipoli peninsula , turkey , where in the world war i there were nearly 400,00 allied casualtiesin the early hours of today , 25 april 2015 , a bugle sounded a haunting dawn chorus to mark the moment when , at 0430 , allied troops landed at a point where asia meets europe , anzac cove , to commence the disastrous dardanelles campaign .\n", + "25 april is the centenary of the ill-fated gallipoli invasion by allied troopsallies sustained heavy loses , mown down by a better-equipped turkish armybeautiful peninsula is a magnet to relatives of soldiers killed in the battlethe water diviner , russell crowe 's directorial debut , is set in its aftermath\n", + "[1.3504274 1.2490451 1.2044138 1.3089181 1.3486874 1.0670592 1.0238004\n", + " 1.0995556 1.1967207 1.1116676 1.0390927 1.0168009 1.0201855 1.0410613\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 3 1 2 8 9 7 5 13 10 6 12 11 17 14 15 16 18]\n", + "=======================\n", + "[\"leeds showed they are in good shape to cope with kevin sinfield 's retirement as they claimed a 26-12 derby victory over castleford in front of a sell-out crowd at the mend-a-hose jungle .ryan hall was sent to the sin-bin for the first time in his career in a frenetic opening but castleford failed to take advantage and it was the rhinos who struck first as joel moon scored his first try of the season .leeds rhino 's adam cuthbertson celebrates a try with jamie peacock ( left )\"]\n", + "=======================\n", + "['leeds rhinos claim victory in front of sell-out crowd at castlefordthe super league leaders were without captain kevin sinfield']\n", + "leeds showed they are in good shape to cope with kevin sinfield 's retirement as they claimed a 26-12 derby victory over castleford in front of a sell-out crowd at the mend-a-hose jungle .ryan hall was sent to the sin-bin for the first time in his career in a frenetic opening but castleford failed to take advantage and it was the rhinos who struck first as joel moon scored his first try of the season .leeds rhino 's adam cuthbertson celebrates a try with jamie peacock ( left )\n", + "leeds rhinos claim victory in front of sell-out crowd at castlefordthe super league leaders were without captain kevin sinfield\n", + "[1.2356613 1.5139256 1.1922957 1.3399167 1.151291 1.1722078 1.1229137\n", + " 1.1195406 1.0996037 1.1075648 1.0987 1.0765789 1.0644131 1.0824517\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 5 4 6 7 9 8 10 13 11 12 17 14 15 16 18]\n", + "=======================\n", + "['james oliver , 48 , was left with a serious leg injury after being allegedly hit by a car driven by linda currier , 53 .a convicted sex offender was reportedly run over by his girlfriend after she allegedly caught him abusing a 12-year-old girl .police report that they found oliver in the driveway of a home in noblesboro , maine , on saturday night , reports nbc news .']\n", + "=======================\n", + "['james oliver , 48 , was left with a serious leg injury after being allegedly hit by a car driven by linda currier , 53police found oliver in the driveway of a home in maine , on saturday nightcurrier arrested operating under the influence and aggravated assaultoliver charged with attempted gross sexual assault , unlawful sexual touching and failing to comply with the sex offender registration act']\n", + "james oliver , 48 , was left with a serious leg injury after being allegedly hit by a car driven by linda currier , 53 .a convicted sex offender was reportedly run over by his girlfriend after she allegedly caught him abusing a 12-year-old girl .police report that they found oliver in the driveway of a home in noblesboro , maine , on saturday night , reports nbc news .\n", + "james oliver , 48 , was left with a serious leg injury after being allegedly hit by a car driven by linda currier , 53police found oliver in the driveway of a home in maine , on saturday nightcurrier arrested operating under the influence and aggravated assaultoliver charged with attempted gross sexual assault , unlawful sexual touching and failing to comply with the sex offender registration act\n", + "[1.3083587 1.1304139 1.1274525 1.1787263 1.1875873 1.1583544 1.1114061\n", + " 1.0615641 1.0536197 1.0466907 1.0774168 1.0574974 1.074582 1.0653214\n", + " 1.0485094 1.0488507 1.0250642 0. 0. ]\n", + "\n", + "[ 0 4 3 5 1 2 6 10 12 13 7 11 8 15 14 9 16 17 18]\n", + "=======================\n", + "[\"( cnn ) several of the world 's worst terrorist groups , like isis and al-shabaab , aim to create societies governed by strict , distorted versions of sharia law .still , there 's ample evidence that christians have been targeted .for example , most victims of isis are fellow muslims who refuse to go along with the isis worldview and ruthless tactics .\"]\n", + "=======================\n", + "['an italian prosecutor announces suspected al qaeda affiliates may have targeted the vaticanisis produced propaganda videos showing beheadings of egyptian , ethiopian christiansal-shabaab has singled out non-muslims to kill them , as at a garissa university college']\n", + "( cnn ) several of the world 's worst terrorist groups , like isis and al-shabaab , aim to create societies governed by strict , distorted versions of sharia law .still , there 's ample evidence that christians have been targeted .for example , most victims of isis are fellow muslims who refuse to go along with the isis worldview and ruthless tactics .\n", + "an italian prosecutor announces suspected al qaeda affiliates may have targeted the vaticanisis produced propaganda videos showing beheadings of egyptian , ethiopian christiansal-shabaab has singled out non-muslims to kill them , as at a garissa university college\n", + "[1.5286893 1.3811729 1.2380619 1.1009377 1.2182493 1.1421698 1.0431837\n", + " 1.0162542 1.0522319 1.0120279 1.2552367 1.1260787 1.0143093 1.044803\n", + " 1.0158452 1.0937846 1.1113542 1.0100253 0. ]\n", + "\n", + "[ 0 1 10 2 4 5 11 16 3 15 8 13 6 7 14 12 9 17 18]\n", + "=======================\n", + "[\"borussia dortmund coach jurgen klopp does not expect any particular reaction from his players or the fans to his announcement that he will be leaving the club in the summer .klopp announced his departure from borussia dortmund on wednesday after seven yearsand he expects the players to do the same , insisting they will be fully focused for saturday 's bundesliga clash with paderborn .\"]\n", + "=======================\n", + "[\"jurgen klopp announced that he will leave the club in the summerklopp has encouraged the players to ` keep smiling ' ahead of his departureborussia dortmund have struggled this season and are 10th in bundesliga\"]\n", + "borussia dortmund coach jurgen klopp does not expect any particular reaction from his players or the fans to his announcement that he will be leaving the club in the summer .klopp announced his departure from borussia dortmund on wednesday after seven yearsand he expects the players to do the same , insisting they will be fully focused for saturday 's bundesliga clash with paderborn .\n", + "jurgen klopp announced that he will leave the club in the summerklopp has encouraged the players to ` keep smiling ' ahead of his departureborussia dortmund have struggled this season and are 10th in bundesliga\n", + "[1.3952949 1.4228259 1.1928955 1.3675169 1.2864646 1.0481561 1.027374\n", + " 1.0556161 1.0359228 1.023015 1.0184183 1.0380158 1.0374717 1.030793\n", + " 1.080173 1.2164626 1.0723785 1.0188178 1.0143944]\n", + "\n", + "[ 1 0 3 4 15 2 14 16 7 5 11 12 8 13 6 9 17 10 18]\n", + "=======================\n", + "[\"talks between the two super-bantamweight world champions have reached a standstill , but quigg 's promoter , eddie hearn , attempted to jolt frampton 's camp into a july 18 fight in manchester by offering the biggest cheque of the northern irishman 's career to date .carl frampton has been offered a huge # 1.5 million payday to face scott quigg in one of the biggest all-british fights in recent memory .eddie hearn presents the cheque for # 1.5 m to set-up scott quigg 's fight with carl frampton\"]\n", + "=======================\n", + "[\"quigg and matchroom promoter hearn offer frampton cheque for # 1.5 mthey want super-bantamweight unification fight in manchester on july 18quigg , the wba champion , told frampton to ` put his money where his mouth is ' and make the fight happenbut frampton 's promoters hit back , saying hearn had stalled talks\"]\n", + "talks between the two super-bantamweight world champions have reached a standstill , but quigg 's promoter , eddie hearn , attempted to jolt frampton 's camp into a july 18 fight in manchester by offering the biggest cheque of the northern irishman 's career to date .carl frampton has been offered a huge # 1.5 million payday to face scott quigg in one of the biggest all-british fights in recent memory .eddie hearn presents the cheque for # 1.5 m to set-up scott quigg 's fight with carl frampton\n", + "quigg and matchroom promoter hearn offer frampton cheque for # 1.5 mthey want super-bantamweight unification fight in manchester on july 18quigg , the wba champion , told frampton to ` put his money where his mouth is ' and make the fight happenbut frampton 's promoters hit back , saying hearn had stalled talks\n", + "[1.4908847 1.2535591 1.2272766 1.281164 1.1608639 1.227999 1.1071484\n", + " 1.0369265 1.1044782 1.0971808 1.0832384 1.0867579 1.0313722 1.0986583\n", + " 1.0199158 1.040172 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 5 2 4 6 8 13 9 11 10 15 7 12 14 16 17 18 19 20]\n", + "=======================\n", + "[\"memphis moved into a tie for the second seed in the nba 's southwest division with a 100-92 win over oklahoma city on friday , with the grizzlies defence shutting down thunder star russell westbrook .the grizzlies moved level with houston atop the southwest division , both trailing golden state , which has already sealed the conference title .memphis ' jeff green scored 22 points and marc gasol added 19 to lead six grizzlies players in double figures .\"]\n", + "=======================\n", + "[\"memphis grizzles ' defence helped them to a 100-92 win over oklahoma citythey moved level with houston rockets at top of the southwest divisionthunder star russell westbrook was largely shut down in their defeatsan antonio stayed within two games of fight over no 2 playoff seedspurs cruised past denver 123-93 after losing tiago splitter to a calf injurybrooklyn 's deron williams scored 31 to lead the nets to a 114-109 win\"]\n", + "memphis moved into a tie for the second seed in the nba 's southwest division with a 100-92 win over oklahoma city on friday , with the grizzlies defence shutting down thunder star russell westbrook .the grizzlies moved level with houston atop the southwest division , both trailing golden state , which has already sealed the conference title .memphis ' jeff green scored 22 points and marc gasol added 19 to lead six grizzlies players in double figures .\n", + "memphis grizzles ' defence helped them to a 100-92 win over oklahoma citythey moved level with houston rockets at top of the southwest divisionthunder star russell westbrook was largely shut down in their defeatsan antonio stayed within two games of fight over no 2 playoff seedspurs cruised past denver 123-93 after losing tiago splitter to a calf injurybrooklyn 's deron williams scored 31 to lead the nets to a 114-109 win\n", + "[1.1994057 1.4761014 1.301536 1.3296374 1.2129241 1.117816 1.053966\n", + " 1.0536195 1.0226533 1.0431002 1.0721111 1.0500667 1.0638477 1.140748\n", + " 1.0829787 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 13 5 14 10 12 6 7 11 9 8 19 15 16 17 18 20]\n", + "=======================\n", + "[\"` well cared-for and loved ' efan james was found lying face down and unresponsive the morning after hannah james , 26 , took him to bed .at the baby 's inquest this week , a coroner in pembrokeshire said new parents were given ` confusing ' advice over how tired they could be when they slept in the same bed as their child .the tragic death of a seven-week-old baby in his mother 's bed has led a coroner to demand new guidelines to warn parents of the dangers of sleeping next to newborns .\"]\n", + "=======================\n", + "[\"efan james died in his mother hannah 's bed in october last year` well cared-for and loved ' baby was found ` face-down and unresponsive 'coroner says advice should be changed to suggest never bed-sharingnhs says not to if parents smoke , drink , have taken drugs or are very tiredopen verdict on efan 's death but pathologist said it was likely a cot death\"]\n", + "` well cared-for and loved ' efan james was found lying face down and unresponsive the morning after hannah james , 26 , took him to bed .at the baby 's inquest this week , a coroner in pembrokeshire said new parents were given ` confusing ' advice over how tired they could be when they slept in the same bed as their child .the tragic death of a seven-week-old baby in his mother 's bed has led a coroner to demand new guidelines to warn parents of the dangers of sleeping next to newborns .\n", + "efan james died in his mother hannah 's bed in october last year` well cared-for and loved ' baby was found ` face-down and unresponsive 'coroner says advice should be changed to suggest never bed-sharingnhs says not to if parents smoke , drink , have taken drugs or are very tiredopen verdict on efan 's death but pathologist said it was likely a cot death\n", + "[1.4020803 1.3749332 1.5178514 1.3893678 1.1705003 1.1793576 1.0536515\n", + " 1.0141093 1.0111846 1.0144305 1.2036693 1.0339348 1.1076235 1.0222386\n", + " 1.0488421 1.0399994 1.0798271 1.010104 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 1 10 5 4 12 16 6 14 15 11 13 9 7 8 17 19 18 20]\n", + "=======================\n", + "[\"chris ramsey 's side are still in the barclays premier league drop zone but are just three points behind fellow strugglers aston villa , who they travel to on tuesday , with a better goal difference .joey barton has urged qpr to use their win over west brom as a springboard for survival .queens park rangers midfielder joey barton believes his side have a ` hell of a chance ' of staying up\"]\n", + "=======================\n", + "['queens park rangers strode to a 4-1 victory against the baggiesjoey barton believes his side can take great confidence from away winpremier league relegation candidates qpr currently occupy 18th spot']\n", + "chris ramsey 's side are still in the barclays premier league drop zone but are just three points behind fellow strugglers aston villa , who they travel to on tuesday , with a better goal difference .joey barton has urged qpr to use their win over west brom as a springboard for survival .queens park rangers midfielder joey barton believes his side have a ` hell of a chance ' of staying up\n", + "queens park rangers strode to a 4-1 victory against the baggiesjoey barton believes his side can take great confidence from away winpremier league relegation candidates qpr currently occupy 18th spot\n", + "[1.3459047 1.4652623 1.1456382 1.4041165 1.2269939 1.2547852 1.0731002\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 5 4 2 6 18 17 16 15 14 13 10 11 19 9 8 7 12 20]\n", + "=======================\n", + "[\"forest manager dougie freedman failed in a bid to sign the 25-year-old on loan with view to a permanent deal in march as blackburn rebuffed interest from forest , derby , norwich and middlesbrough .nottingham forest are keen on signing blackburn striker jordan rhodes , but it could cost them # 10mblackburn manager gary bowyer expects further interest in rhodes ' strike partner rudy gestede too after seeing the benin international boost his season 's tally to 19 goals against forest on saturday .\"]\n", + "=======================\n", + "['jordan rhodes has scored 70 goals in the last three seasonsdougie freeedman tried to sign the striker in march , but was turned downrhodes and partner rudy gestede also attracting premier league attention']\n", + "forest manager dougie freedman failed in a bid to sign the 25-year-old on loan with view to a permanent deal in march as blackburn rebuffed interest from forest , derby , norwich and middlesbrough .nottingham forest are keen on signing blackburn striker jordan rhodes , but it could cost them # 10mblackburn manager gary bowyer expects further interest in rhodes ' strike partner rudy gestede too after seeing the benin international boost his season 's tally to 19 goals against forest on saturday .\n", + "jordan rhodes has scored 70 goals in the last three seasonsdougie freeedman tried to sign the striker in march , but was turned downrhodes and partner rudy gestede also attracting premier league attention\n", + "[1.3698089 1.0690753 1.2868139 1.2030222 1.3625027 1.1635447 1.129826\n", + " 1.1329346 1.0708722 1.0147692 1.0129544 1.0089716 1.0101005 1.0113908\n", + " 1.0488939 1.0154397 1.0322871 1.0279064 1.0238631 1.0249363 1.0471344]\n", + "\n", + "[ 0 4 2 3 5 7 6 8 1 14 20 16 17 19 18 15 9 10 13 12 11]\n", + "=======================\n", + "['floyd mayweather v manny pacquiao will be the biggest fight of all time financially and the most significant this century .sugar ray leonard v roberto duranwhere money man v pacman comes to rank among the most important fights in ring history will depend upon what happens that coming night in the mgm grand garden arena .']\n", + "=======================\n", + "[\"floyd mayweather v manny pacquiao is now just nine days awaysportsmail 's jeff powell has been counting down the greatest fightsin the sixth of a series of 12 fights that shaped boxing history , we have sugar ray leonard v roberto duranleonard humiliated his opponent until he said ` no mas ' - no moreit took duran three years to reclaim his mantle as a hero in panama\"]\n", + "floyd mayweather v manny pacquiao will be the biggest fight of all time financially and the most significant this century .sugar ray leonard v roberto duranwhere money man v pacman comes to rank among the most important fights in ring history will depend upon what happens that coming night in the mgm grand garden arena .\n", + "floyd mayweather v manny pacquiao is now just nine days awaysportsmail 's jeff powell has been counting down the greatest fightsin the sixth of a series of 12 fights that shaped boxing history , we have sugar ray leonard v roberto duranleonard humiliated his opponent until he said ` no mas ' - no moreit took duran three years to reclaim his mantle as a hero in panama\n", + "[1.2089729 1.2801648 1.4050068 1.2040488 1.2398162 1.1469039 1.140773\n", + " 1.0178876 1.0266874 1.055755 1.0762861 1.1468618 1.0481974 1.0267009\n", + " 1.0700598 1.079398 1.0816486 1.0144887]\n", + "\n", + "[ 2 1 4 0 3 5 11 6 16 15 10 14 9 12 13 8 7 17]\n", + "=======================\n", + "['arthur and mo kreitenberg have created a robot , called the germfalcon , which uses ultra violet light to kill bacteria throughout the cabin .but an entrepreneurial team are hoping their new invention will revolutionise the cleaning of aircraft and help airlines win the battle against bacteriathe seats , tray tables and blankets on an aeroplane are breeding ground for bacteria including e.coli']\n", + "=======================\n", + "['kickstarter campaign claims to have developed way to sterilise planesbacteria can linger in aeroplanes for up to seven daysthere are no cleaning regulations for the interiors of aircraftrobot created by father and son team arthur and mo kreitenbergproject involves using uv light to kill bacteria']\n", + "arthur and mo kreitenberg have created a robot , called the germfalcon , which uses ultra violet light to kill bacteria throughout the cabin .but an entrepreneurial team are hoping their new invention will revolutionise the cleaning of aircraft and help airlines win the battle against bacteriathe seats , tray tables and blankets on an aeroplane are breeding ground for bacteria including e.coli\n", + "kickstarter campaign claims to have developed way to sterilise planesbacteria can linger in aeroplanes for up to seven daysthere are no cleaning regulations for the interiors of aircraftrobot created by father and son team arthur and mo kreitenbergproject involves using uv light to kill bacteria\n", + "[1.2902858 1.4149239 1.2212884 1.2417787 1.1765548 1.1965749 1.0861326\n", + " 1.0650264 1.0654113 1.0898979 1.0637815 1.0502777 1.2087921 1.0388924\n", + " 1.0160084 1.0209377 1.0498607 0. ]\n", + "\n", + "[ 1 0 3 2 12 5 4 9 6 8 7 10 11 16 13 15 14 17]\n", + "=======================\n", + "[\"prescott city attorney jon paladini claims the fire 's sole survivor , lookout brendan mcdonough , heard the leader of the granite mountain hotshots order the crew to leave a safe spot where the fire had already burned .the attorney for an arizona city where 19 firefighters died while battling a massive woodland blaze says he was told it was an order from the group 's supervisor led to their deaths in june 2013 .the yarnell hill fire killed 19 firefighters in 2013 , the worst disaster of its kind since 1933 .\"]\n", + "=======================\n", + "[\"prescott city attorney jon paladini claims sole survivor brendan mcdonough heard an argument between the crew leader and his deputypaladini claims mcdonough told his secret to former city fire chief darrell williswillis admits mcdonough came to him to ` get something off his chest ' but says it was n't about infighting that occurred before the tragedymcdonough has also denied the accuracy of paladini 's account , but reports of it may alter lawsuits stemming from the tragic june 2013 fire\"]\n", + "prescott city attorney jon paladini claims the fire 's sole survivor , lookout brendan mcdonough , heard the leader of the granite mountain hotshots order the crew to leave a safe spot where the fire had already burned .the attorney for an arizona city where 19 firefighters died while battling a massive woodland blaze says he was told it was an order from the group 's supervisor led to their deaths in june 2013 .the yarnell hill fire killed 19 firefighters in 2013 , the worst disaster of its kind since 1933 .\n", + "prescott city attorney jon paladini claims sole survivor brendan mcdonough heard an argument between the crew leader and his deputypaladini claims mcdonough told his secret to former city fire chief darrell williswillis admits mcdonough came to him to ` get something off his chest ' but says it was n't about infighting that occurred before the tragedymcdonough has also denied the accuracy of paladini 's account , but reports of it may alter lawsuits stemming from the tragic june 2013 fire\n", + "[1.3633192 1.5298492 1.1986934 1.0970899 1.1885321 1.2934436 1.0801834\n", + " 1.0781852 1.0581994 1.1577877 1.1250741 1.0560269 1.0198573 1.0524249\n", + " 1.012412 1.0175678 0. 0. ]\n", + "\n", + "[ 1 0 5 2 4 9 10 3 6 7 8 11 13 12 15 14 16 17]\n", + "=======================\n", + "['sam burgess made his first premiership start at number six and , despite making a few handling errors , impressed in his new position .bath produced a ferocious bonus point victory over newcastle at kingston park to keep alive their aviva premiership title bid .sam burgess , making his first start for bath in the back row , makes an early career against newcastle']\n", + "=======================\n", + "['ollie devoto , semesa rokoduguni , anthony watson and matt banahan all crossed for bathbath fly half george ford added nine points from the bootnewcastle replied through a sinoti sinoti try']\n", + "sam burgess made his first premiership start at number six and , despite making a few handling errors , impressed in his new position .bath produced a ferocious bonus point victory over newcastle at kingston park to keep alive their aviva premiership title bid .sam burgess , making his first start for bath in the back row , makes an early career against newcastle\n", + "ollie devoto , semesa rokoduguni , anthony watson and matt banahan all crossed for bathbath fly half george ford added nine points from the bootnewcastle replied through a sinoti sinoti try\n", + "[1.2893727 1.2402506 1.3667779 1.4287469 1.139891 1.1096237 1.0315266\n", + " 1.0451677 1.0980655 1.0605553 1.0993583 1.0285572 1.0377376 1.0890961\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 0 1 4 5 10 8 13 9 7 12 6 11 16 14 15 17]\n", + "=======================\n", + "[\"lib dem leader nick clegg claimed nigel farage 's ` mask is slipping ' to reveal a man uncomfortable talking about people who are not white ` lashing out ' in a scrabble for headlinesmr cameron issued an appeal to people planning to vote ukip to instead support the tories in an attempt to block a ` toxic tie-up ' between laabiur and the snp .but mr clegg condemned the ` worrying ' suggestion that his former coalition partners should seek to build a majority by appealing to people on the ` far right ' .\"]\n", + "=======================\n", + "[\"exclusive nick clegg warns the ukip leader 's ` mask is slipping 'condemns farage for comments on migrants and ` half black ' candidateswarns cameron will be pulled to the right by his own mps and ukipsome tories want to bring back death penalty and ban the burkalib dems are ` in tune ' with public , but struggling to turn into votesadmits to being such a bad cook that wife miriam only lets him wash upcondemned nigel farage for referring to ` half black ' candidates and wanting to ` turn our backs on the very sick 'insisted the majority of people do not agree so the ` odious ' and ` divisive ' rhetoric of the far right and ukipwarned the tory leadership has lost control of the party , and is in hock to right wingers who want to bring back the death penalty , ban the burka and slash the stateclaimed the lib dems are most in tune with public opinion , but admitted he is struggling to turn it into votesrevealed he is such a terrible cook that wife miriam , who has revealed she has been running a secret food blog , will only let him do the washing up\"]\n", + "lib dem leader nick clegg claimed nigel farage 's ` mask is slipping ' to reveal a man uncomfortable talking about people who are not white ` lashing out ' in a scrabble for headlinesmr cameron issued an appeal to people planning to vote ukip to instead support the tories in an attempt to block a ` toxic tie-up ' between laabiur and the snp .but mr clegg condemned the ` worrying ' suggestion that his former coalition partners should seek to build a majority by appealing to people on the ` far right ' .\n", + "exclusive nick clegg warns the ukip leader 's ` mask is slipping 'condemns farage for comments on migrants and ` half black ' candidateswarns cameron will be pulled to the right by his own mps and ukipsome tories want to bring back death penalty and ban the burkalib dems are ` in tune ' with public , but struggling to turn into votesadmits to being such a bad cook that wife miriam only lets him wash upcondemned nigel farage for referring to ` half black ' candidates and wanting to ` turn our backs on the very sick 'insisted the majority of people do not agree so the ` odious ' and ` divisive ' rhetoric of the far right and ukipwarned the tory leadership has lost control of the party , and is in hock to right wingers who want to bring back the death penalty , ban the burka and slash the stateclaimed the lib dems are most in tune with public opinion , but admitted he is struggling to turn it into votesrevealed he is such a terrible cook that wife miriam , who has revealed she has been running a secret food blog , will only let him do the washing up\n", + "[1.1060245 1.5401821 1.3361621 1.3748972 1.1855998 1.1833566 1.1180699\n", + " 1.0218358 1.0224795 1.0135578 1.1770028 1.0319822 1.0167297 1.0206761\n", + " 1.0763493 1.0592202 1.0294814 1.0090988]\n", + "\n", + "[ 1 3 2 4 5 10 6 0 14 15 11 16 8 7 13 12 9 17]\n", + "=======================\n", + "[\"triathlete charlotte roach , 26 , from london , who nearly died in a horror crash , gave up ordinary clothes for lent to raise money for the charity that saved her life .along with her business partner rosemary pringle , 28 , the pair vowed to sport only fancy dress costumes for 40 days to fundraise for london 's air ambulance .the two women rated buskers in london 's trafalgar square while dressed as simon cowell , rode the tube as baywatch lifeguards and even pitched to clients in their pyjamas .\"]\n", + "=======================\n", + "[\"charlotte roach was nearly killed in a horrific car accident in 2010for lent she decided to dress in fancy dress to raise money for charitycharlotte 's business partner rosemary pringle did the challenge toothe pair wanted to raise money for the air ambulance service\"]\n", + "triathlete charlotte roach , 26 , from london , who nearly died in a horror crash , gave up ordinary clothes for lent to raise money for the charity that saved her life .along with her business partner rosemary pringle , 28 , the pair vowed to sport only fancy dress costumes for 40 days to fundraise for london 's air ambulance .the two women rated buskers in london 's trafalgar square while dressed as simon cowell , rode the tube as baywatch lifeguards and even pitched to clients in their pyjamas .\n", + "charlotte roach was nearly killed in a horrific car accident in 2010for lent she decided to dress in fancy dress to raise money for charitycharlotte 's business partner rosemary pringle did the challenge toothe pair wanted to raise money for the air ambulance service\n", + "[1.2576495 1.479159 1.2740632 1.291217 1.1486795 1.0747018 1.1297531\n", + " 1.0443772 1.0459244 1.0641173 1.0197871 1.0531682 1.029023 1.2305223\n", + " 1.0225164 1.0668163 1.0448729 0. ]\n", + "\n", + "[ 1 3 2 0 13 4 6 5 15 9 11 8 16 7 12 14 10 17]\n", + "=======================\n", + "[\"the 43-year-old entrepreneur bought the three-bedroom property in the park circus area of glasgow for # 780,700 after she split from her former husband michael in december 2011 .on the market : michelle mone has put her luxury glasgow townhouse up for sale so she can buy her husband out of their ` dream ' mansionshe spent months renovating the period two-storey townhouse , described by estate agents as an ` outstanding interior designed luxury home ' which has been ` impeccably refurbished ' .\"]\n", + "=======================\n", + "[\"michelle mone bought three-bedroom property in glasgow 's exclusive park circus after splitting from michael moneshe spent months renovating period townhouse but is now selling to buy ex-husband out of their family mansionit features a grand staircase , large reception hall and luxury interior designs throughout bedrooms and living roomthe 43-year-old ultimo founder will profit from at least # 100,000 if it sells and also owns a # 2million flat in mayfair\"]\n", + "the 43-year-old entrepreneur bought the three-bedroom property in the park circus area of glasgow for # 780,700 after she split from her former husband michael in december 2011 .on the market : michelle mone has put her luxury glasgow townhouse up for sale so she can buy her husband out of their ` dream ' mansionshe spent months renovating the period two-storey townhouse , described by estate agents as an ` outstanding interior designed luxury home ' which has been ` impeccably refurbished ' .\n", + "michelle mone bought three-bedroom property in glasgow 's exclusive park circus after splitting from michael moneshe spent months renovating period townhouse but is now selling to buy ex-husband out of their family mansionit features a grand staircase , large reception hall and luxury interior designs throughout bedrooms and living roomthe 43-year-old ultimo founder will profit from at least # 100,000 if it sells and also owns a # 2million flat in mayfair\n", + "[1.2772372 1.2841184 1.2136259 1.168205 1.0991818 1.0402688 1.0508735\n", + " 1.0537732 1.0591457 1.0542442 1.0805117 1.0681258 1.0587866 1.0523365\n", + " 1.0498983 1.0525347 1.0640025 0. ]\n", + "\n", + "[ 1 0 2 3 4 10 11 16 8 12 9 7 15 13 6 14 5 17]\n", + "=======================\n", + "['such state laws have been growing ever since the u.s. religious freedom restoration act became law in 1993 , designed to prohibit the federal government from \" substantially burdening \" a person \\'s exercise of religion .so far , 20 states have some version of the religious liberty law , and the legal controversies have grown , too .nonetheless , claims under those state rfras are \" exceedingly rare , \" and victories involved mostly religious minorities , not christian denominations , experts say .']\n", + "=======================\n", + "['a native american from a tribe not recognized by the feds wins the return of his eagle feathersan irs accountant is fired for insisting on carrying a symbolic sikh knife to worka group of chicago pastors takes on city hall over its permits for new churches and loses']\n", + "such state laws have been growing ever since the u.s. religious freedom restoration act became law in 1993 , designed to prohibit the federal government from \" substantially burdening \" a person 's exercise of religion .so far , 20 states have some version of the religious liberty law , and the legal controversies have grown , too .nonetheless , claims under those state rfras are \" exceedingly rare , \" and victories involved mostly religious minorities , not christian denominations , experts say .\n", + "a native american from a tribe not recognized by the feds wins the return of his eagle feathersan irs accountant is fired for insisting on carrying a symbolic sikh knife to worka group of chicago pastors takes on city hall over its permits for new churches and loses\n", + "[1.3036125 1.3527026 1.2398576 1.2007275 1.2491126 1.061008 1.0499122\n", + " 1.117302 1.0402873 1.0257589 1.0911108 1.1210121 1.056312 1.0815847\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 11 7 10 13 5 12 6 8 9 16 14 15 17]\n", + "=======================\n", + "[\"the one direction star was seen barefoot and sat on the edge of a sofa during a stay at london 's soho hotel on wednesday night , in which he appeared to be rolling a joint while sat next to a box filled with a suspicious substance .new pictures have emerged of louis tomlinson 's wild night of partying with a group of five girls .jokes : the snapchat video shows louis back in his room at the soho hotel in london with his female friends , as one of them jokes that they are n't sure which member of one direction he is\"]\n", + "=======================\n", + "[\"new images have surfaced of louis tomlinson 's all-night partying session , which appeared to end at around 6amthey follow the release of a photograph taken of 23-year-old boy band star in which he appears to be rolling a joint beside a box of green substancetomlinson had been partying hard for 48 hours in london , and took five girls back to his room at the soho hotelcomes after tomlinson appeared on exclusive daily mail online video in which zayn malik appeared to smoke drugbandmate liam payne then issued apology for video\"]\n", + "the one direction star was seen barefoot and sat on the edge of a sofa during a stay at london 's soho hotel on wednesday night , in which he appeared to be rolling a joint while sat next to a box filled with a suspicious substance .new pictures have emerged of louis tomlinson 's wild night of partying with a group of five girls .jokes : the snapchat video shows louis back in his room at the soho hotel in london with his female friends , as one of them jokes that they are n't sure which member of one direction he is\n", + "new images have surfaced of louis tomlinson 's all-night partying session , which appeared to end at around 6amthey follow the release of a photograph taken of 23-year-old boy band star in which he appears to be rolling a joint beside a box of green substancetomlinson had been partying hard for 48 hours in london , and took five girls back to his room at the soho hotelcomes after tomlinson appeared on exclusive daily mail online video in which zayn malik appeared to smoke drugbandmate liam payne then issued apology for video\n", + "[1.2620914 1.2686769 1.3612077 1.1405305 1.2203491 1.1462137 1.1081666\n", + " 1.0297505 1.0197262 1.022501 1.1830518 1.1048447 1.0761604 1.0642705\n", + " 1.0616095 1.075489 1.0658741 1.0310477]\n", + "\n", + "[ 2 1 0 4 10 5 3 6 11 12 15 16 13 14 17 7 9 8]\n", + "=======================\n", + "[\"today had interviewed 70-year-old michaels for a story matt lauer did on a new york gathering for people listed by time magazine as the 100 most influential in the world .the flub by a graphics person , made on the east coast feed of the morning show , was corrected for broadcasts in other time zones and online , the network said .a graphic on nbc 's today show on wednesday misidentified saturday night live creator lorne michaels as ` lauren ' .\"]\n", + "=======================\n", + "[\"a graphic on nbc 's today show on wednesday misidentified saturday night live creator lorne michaels as ` lauren 'the flub by a graphics person , made on the east coast feed of the morning show , was corrected for broadcasts in other time zones and onlinetoday interviewed 70-year-old michaels for a story on new york gathering for influential people listed by time magazine\"]\n", + "today had interviewed 70-year-old michaels for a story matt lauer did on a new york gathering for people listed by time magazine as the 100 most influential in the world .the flub by a graphics person , made on the east coast feed of the morning show , was corrected for broadcasts in other time zones and online , the network said .a graphic on nbc 's today show on wednesday misidentified saturday night live creator lorne michaels as ` lauren ' .\n", + "a graphic on nbc 's today show on wednesday misidentified saturday night live creator lorne michaels as ` lauren 'the flub by a graphics person , made on the east coast feed of the morning show , was corrected for broadcasts in other time zones and onlinetoday interviewed 70-year-old michaels for a story on new york gathering for influential people listed by time magazine\n", + "[1.2806656 1.3747549 1.3864859 1.3328238 1.1747553 1.093374 1.0862355\n", + " 1.0625677 1.0749388 1.044829 1.1670948 1.0821263 1.0609607 1.0735105\n", + " 1.1128653 1.0629922 1.041052 1.047623 ]\n", + "\n", + "[ 2 1 3 0 4 10 14 5 6 11 8 13 15 7 12 17 9 16]\n", + "=======================\n", + "[\"her girl , who has not been identified , was found injured outside of jim 's burgers 13 miles away and was spotted by concerned customers next to a dumpster .the gardena toddler reportedly shouted ` mommy ' before her mother turned around and could not find her daughter around 4.55 pm on thursday .a two-year-old girl in southern california was found naked sitting by herself in a parking lot two hours after disappearing from her mother at a car wash .\"]\n", + "=======================\n", + "['young girl in gardena , california , disappeared from car wash at 4.55 pmdiscovered sitting alone in parking lot outside burger restaurant at 7pmpolice searching for driver of white nissan altima with tinted windows']\n", + "her girl , who has not been identified , was found injured outside of jim 's burgers 13 miles away and was spotted by concerned customers next to a dumpster .the gardena toddler reportedly shouted ` mommy ' before her mother turned around and could not find her daughter around 4.55 pm on thursday .a two-year-old girl in southern california was found naked sitting by herself in a parking lot two hours after disappearing from her mother at a car wash .\n", + "young girl in gardena , california , disappeared from car wash at 4.55 pmdiscovered sitting alone in parking lot outside burger restaurant at 7pmpolice searching for driver of white nissan altima with tinted windows\n", + "[1.5519084 1.4026202 1.2540469 1.1544564 1.2596197 1.335704 1.2035866\n", + " 1.090144 1.0600005 1.0336647 1.0884514 1.0118686 1.0868092 1.0601842\n", + " 1.0599619 1.0304835 0. 0. ]\n", + "\n", + "[ 0 1 5 4 2 6 3 7 10 12 13 8 14 9 15 11 16 17]\n", + "=======================\n", + "[\"carla suarez navarro advanced to the final of the miami open after topping andrea petkovic 6-3 , 6-3 in a semi-final on thursday .the spaniard 12th-seed did n't face a single break point and will meet either top seed serena williams or third seed simona halep in saturday 's final .it 's the eighth time that suarez navarro has reached a wta final .\"]\n", + "=======================\n", + "['carla suarez navarro advances to final of the miami open with winspaniard will play either serena williams or simona halep in finalsuarez navarro beats andrea petkovic in straight sets - 6-3 , 6-3']\n", + "carla suarez navarro advanced to the final of the miami open after topping andrea petkovic 6-3 , 6-3 in a semi-final on thursday .the spaniard 12th-seed did n't face a single break point and will meet either top seed serena williams or third seed simona halep in saturday 's final .it 's the eighth time that suarez navarro has reached a wta final .\n", + "carla suarez navarro advances to final of the miami open with winspaniard will play either serena williams or simona halep in finalsuarez navarro beats andrea petkovic in straight sets - 6-3 , 6-3\n", + "[1.2097524 1.313414 1.2056762 1.1124746 1.3075833 1.0930643 1.0881135\n", + " 1.0338422 1.0768901 1.128022 1.0486244 1.0308326 1.1234181 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 2 9 12 3 5 6 8 10 7 11 13 14 15 16 17]\n", + "=======================\n", + "[\"all three couples began their real journey towards domestic bliss on last night 's episode of the fyi reality show , as the newlyweds searched for new homes to call their own , but , surprisingly , it was jaclyn methuen and ryan ranellone who were brought closer together by process .the married at first sight star who once considered leaving her groom at the altar because she was unimpressed with his looks has revealed that she is finally ready to physically consummate their marriage , as her feelings for her new husband continue to grow .and the two even ended the first day in their new home sharing a bedroom together .\"]\n", + "=======================\n", + "[\"jaclyn methuen and ryan ranellone moved into their marital home together on last night 's episode of the fyi reality show30-year-old jaclyn , from union , new jersey , nearly left her new husband at the altar because she was n't physically attracted to himthe couple 's new one-bedroom apartment is in astoria , queens\"]\n", + "all three couples began their real journey towards domestic bliss on last night 's episode of the fyi reality show , as the newlyweds searched for new homes to call their own , but , surprisingly , it was jaclyn methuen and ryan ranellone who were brought closer together by process .the married at first sight star who once considered leaving her groom at the altar because she was unimpressed with his looks has revealed that she is finally ready to physically consummate their marriage , as her feelings for her new husband continue to grow .and the two even ended the first day in their new home sharing a bedroom together .\n", + "jaclyn methuen and ryan ranellone moved into their marital home together on last night 's episode of the fyi reality show30-year-old jaclyn , from union , new jersey , nearly left her new husband at the altar because she was n't physically attracted to himthe couple 's new one-bedroom apartment is in astoria , queens\n", + "[1.5337446 1.2591825 1.324325 1.384716 1.1045561 1.036241 1.0339333\n", + " 1.0234245 1.2062291 1.1284721 1.112575 1.0655515 1.0627129 1.0380294\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 8 9 10 4 11 12 13 5 6 7 16 14 15 17]\n", + "=======================\n", + "[\"nicola adams has been forced to withdraw from this weekend 's english national championships following a burglary at her home in leeds .adams had been due to contest the women 's 51kg flyweight division including a prospective final showdown against her great britain rival lisa whiteside .adams and other family members were at home at the time but were not aware of the break-in , in which two cars , training kit and valuable personal possessions were taken .\"]\n", + "=======================\n", + "[\"nicola adams and her family were at home during the break-inbut thieves left with two cars , training kit , and other valuablesadams will not fight at english national championships this weekendabae chief mark abberley called decision ` completely understandable '\"]\n", + "nicola adams has been forced to withdraw from this weekend 's english national championships following a burglary at her home in leeds .adams had been due to contest the women 's 51kg flyweight division including a prospective final showdown against her great britain rival lisa whiteside .adams and other family members were at home at the time but were not aware of the break-in , in which two cars , training kit and valuable personal possessions were taken .\n", + "nicola adams and her family were at home during the break-inbut thieves left with two cars , training kit , and other valuablesadams will not fight at english national championships this weekendabae chief mark abberley called decision ` completely understandable '\n", + "[1.5397124 1.3756955 1.1763055 1.3917255 1.0796936 1.1147518 1.225828\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 6 2 5 4 15 14 13 12 8 10 9 16 7 11 17]\n", + "=======================\n", + "['ryuichi kiyonari bettered the donington park lap record to take put his buildbase bmw on to pole start for the easter monday opening round of the mce british superbike championship .the japanese rider powered in a scorching time of one minute 29.455 seconds .in doing so , he headed off the close attentions of james ellison on the jg speedfit kawasaki by just 0.029 secs .']\n", + "=======================\n", + "['ryuichi kiyonari bettered the donington park lap record on sundayjapanese rider powered in a scorching time of one minute 29.455 secondsshane bryne finished less than a quarter of a second downâ']\n", + "ryuichi kiyonari bettered the donington park lap record to take put his buildbase bmw on to pole start for the easter monday opening round of the mce british superbike championship .the japanese rider powered in a scorching time of one minute 29.455 seconds .in doing so , he headed off the close attentions of james ellison on the jg speedfit kawasaki by just 0.029 secs .\n", + "ryuichi kiyonari bettered the donington park lap record on sundayjapanese rider powered in a scorching time of one minute 29.455 secondsshane bryne finished less than a quarter of a second downâ\n", + "[1.4370909 1.4389583 1.2225839 1.1594007 1.162046 1.1224934 1.1344345\n", + " 1.1200147 1.0521072 1.0415797 1.0610844 1.087778 1.0994133 1.0635283\n", + " 1.0738481 1.0829877 1.0570474 1.0169654]\n", + "\n", + "[ 1 0 2 4 3 6 5 7 12 11 15 14 13 10 16 8 9 17]\n", + "=======================\n", + "['khan is expected to announce his next opponent imminently , with british rival kell brook set to feature on his agenda for a wembley blockbuster next year .amir khan has gone face to face with adrien broner ahead of a possible summer fight against the former lightweight world champion .amir khan appears on the screen as adrien broner urges him to make their fight happen on facetime']\n", + "=======================\n", + "['adrien broner posted a video of a facetime conversation with amir khanthe american has made it clear he wants to fight the briton nextkhan said on twitter that he had given his word to his next opponentkell brook is another possible opponent but khan wants to wait']\n", + "khan is expected to announce his next opponent imminently , with british rival kell brook set to feature on his agenda for a wembley blockbuster next year .amir khan has gone face to face with adrien broner ahead of a possible summer fight against the former lightweight world champion .amir khan appears on the screen as adrien broner urges him to make their fight happen on facetime\n", + "adrien broner posted a video of a facetime conversation with amir khanthe american has made it clear he wants to fight the briton nextkhan said on twitter that he had given his word to his next opponentkell brook is another possible opponent but khan wants to wait\n", + "[1.1901004 1.2341139 1.067831 1.0282061 1.0249037 1.0896435 1.2024422\n", + " 1.1241157 1.1614505 1.122831 1.0657356 1.1857731 1.206582 1.0853443\n", + " 1.0602534 1.0724089 1.0510259 1.0985048 1.0659486 1.0321801 1.0171492\n", + " 1.0394002 1.0566542 1.0727648 1.0644968 1.0712333 1.0352331 1.0517141\n", + " 1.0473117 1.0400316 1.0304639]\n", + "\n", + "[ 1 12 6 0 11 8 7 9 17 5 13 23 15 25 2 18 10 24 14 22 27 16 28 29\n", + " 21 26 19 30 3 4 20]\n", + "=======================\n", + "['plea deal over a grand theft charge from february , his attorney said .he agreed to perform 100 hours of community service and pay $ 1,333 to the estate of a neighbor for allegedly stealing from the $ 1million homethe rapper , whose real name is robert van winkle , appeared']\n", + "=======================\n", + "[\"he agreed to a plea deal on thursday where he said he 'd perform 100 hours of community service and pay $ 1,333 to the estate of a neighborhis community service must take place at a habitat for humanity projectvanilla ice - real name robert van winkle - was arrested in lantana , florida in february on grand theft chargescops claimed he took furniture , a pool heater and bicycles from vacant home near a property he was working on for reality show ` the vanilla ice project 'the items were later found inside his own house , according to authorities\"]\n", + "plea deal over a grand theft charge from february , his attorney said .he agreed to perform 100 hours of community service and pay $ 1,333 to the estate of a neighbor for allegedly stealing from the $ 1million homethe rapper , whose real name is robert van winkle , appeared\n", + "he agreed to a plea deal on thursday where he said he 'd perform 100 hours of community service and pay $ 1,333 to the estate of a neighborhis community service must take place at a habitat for humanity projectvanilla ice - real name robert van winkle - was arrested in lantana , florida in february on grand theft chargescops claimed he took furniture , a pool heater and bicycles from vacant home near a property he was working on for reality show ` the vanilla ice project 'the items were later found inside his own house , according to authorities\n", + "[1.3633287 1.4371603 1.2577057 1.4168342 1.1774931 1.1395928 1.107222\n", + " 1.0831907 1.1201887 1.0340765 1.013183 1.0598794 1.1656263 1.0446534\n", + " 1.0102271 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 12 5 8 6 7 11 13 9 10 14 28 27 26 25 24 23 22 15 20\n", + " 19 18 17 16 29 21 30]\n", + "=======================\n", + "[\"the anfield boss was ordered to pay # 400 and # 375 costs , with a # 40 surcharge at blackburn magistrates ' court for leaving a # 69,950 terrace house in accrington with broken windows and doors and rubbish strewn across the garden .liverpool manager brendan rodgers has been convicted of leaving a property in accrington to rotrodgers - whose liverpool side crashed out of the fa cup on sunday in a 2-1 defeat by aston villa - and his business partner judith o'hagan were found guilty of ignoring an improvement notice issued by hyndburn council .\"]\n", + "=======================\n", + "['liverpool manager brendan rodgers has been found guilty of ignoring a notice to improve a property he co-owns in accrington , lancashirehouse had broken windows and doors with rubbish strewn across a yardthe terrace property was left derelict by the owners for three yearsliverpool manager suffered defeat by aston villa in the fa cup on sunday']\n", + "the anfield boss was ordered to pay # 400 and # 375 costs , with a # 40 surcharge at blackburn magistrates ' court for leaving a # 69,950 terrace house in accrington with broken windows and doors and rubbish strewn across the garden .liverpool manager brendan rodgers has been convicted of leaving a property in accrington to rotrodgers - whose liverpool side crashed out of the fa cup on sunday in a 2-1 defeat by aston villa - and his business partner judith o'hagan were found guilty of ignoring an improvement notice issued by hyndburn council .\n", + "liverpool manager brendan rodgers has been found guilty of ignoring a notice to improve a property he co-owns in accrington , lancashirehouse had broken windows and doors with rubbish strewn across a yardthe terrace property was left derelict by the owners for three yearsliverpool manager suffered defeat by aston villa in the fa cup on sunday\n", + "[1.2339119 1.3251846 1.0500276 1.1874743 1.1673443 1.3847558 1.174077\n", + " 1.1231202 1.0625708 1.0514954 1.0165985 1.0150591 1.0339367 1.1076248\n", + " 1.0925173 1.182784 1.062429 1.097221 1.0327414 1.0324731 1.015001\n", + " 1.0250449 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 5 1 0 3 15 6 4 7 13 17 14 8 16 9 2 12 18 19 21 10 11 20 29 22\n", + " 23 24 25 26 27 28 30]\n", + "=======================\n", + "[\"striker harry kane has hit an astonishing 29 goals in 44 games for tottenham so far this seasonlast year 's winner luis suarez now resides in spain , so , too , does 2013 victor gareth bale .it 's that time of the season when premier league footballers cast their vote for the pfa players ' player of the year .\"]\n", + "=======================\n", + "[\"premier league footballers are voting for pfa players ' player of the yeareden hazard and harry kane are the leading candidates for the awardsergio aguero , alexis sanchez and david de gea are also contendersluis suarez won last year with gareth bale taking the prize the year before\"]\n", + "striker harry kane has hit an astonishing 29 goals in 44 games for tottenham so far this seasonlast year 's winner luis suarez now resides in spain , so , too , does 2013 victor gareth bale .it 's that time of the season when premier league footballers cast their vote for the pfa players ' player of the year .\n", + "premier league footballers are voting for pfa players ' player of the yeareden hazard and harry kane are the leading candidates for the awardsergio aguero , alexis sanchez and david de gea are also contendersluis suarez won last year with gareth bale taking the prize the year before\n", + "[1.1187712 1.1539088 1.4169343 1.277278 1.3100543 1.116414 1.0499388\n", + " 1.1279653 1.0328877 1.0994253 1.1385293 1.1250925 1.1907909 1.0497328\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 4 3 12 1 10 7 11 0 5 9 6 13 8 23 28 27 26 25 24 22 15 20 19\n", + " 18 17 16 29 14 21 30]\n", + "=======================\n", + "[\"measuring just 15ft by 10ft , the remote beach hut on mudeford spit in christchurch , dorset , is the same price as a five-bedroom house in herefordshire and more than a detached four-bedroom house in kingswood , hull .owners will also have to shell out between # 2,500 and # 4,000 a year in ground rent to christchurch borough council for use of the hut which can sleep up to five people .but that has n't stopped this modest timber shed being put up for sale for # 230,000 -- making it one of britain 's most expensive beach huts .\"]\n", + "=======================\n", + "[\"a beach hut on desirable mudeford spit in christchurch , dorset , has gone on the market for # 230,000it is one of britain 's most expensive beach huts and is the same price as a family home in many parts of the ukhut 39 measures just 15ft by 10ft and has no mains water or electricity , but boasts a solar panel for 12v lightsit can sleep up to five people and has spectacular views over christchurch bay to the needles and the isle of wight\"]\n", + "measuring just 15ft by 10ft , the remote beach hut on mudeford spit in christchurch , dorset , is the same price as a five-bedroom house in herefordshire and more than a detached four-bedroom house in kingswood , hull .owners will also have to shell out between # 2,500 and # 4,000 a year in ground rent to christchurch borough council for use of the hut which can sleep up to five people .but that has n't stopped this modest timber shed being put up for sale for # 230,000 -- making it one of britain 's most expensive beach huts .\n", + "a beach hut on desirable mudeford spit in christchurch , dorset , has gone on the market for # 230,000it is one of britain 's most expensive beach huts and is the same price as a family home in many parts of the ukhut 39 measures just 15ft by 10ft and has no mains water or electricity , but boasts a solar panel for 12v lightsit can sleep up to five people and has spectacular views over christchurch bay to the needles and the isle of wight\n", + "[1.0749441 1.0820024 1.0731207 1.2915157 1.2015755 1.1605341 1.0432621\n", + " 1.1532565 1.072566 1.0479704 1.0336602 1.1026386 1.0569991 1.0409154\n", + " 1.0519309 1.041335 1.0946921 1.0431386 1.0407779 1.0782621 1.0809835\n", + " 1.0464501 1.0222334 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 4 5 7 11 16 1 20 19 0 2 8 12 14 9 21 6 17 15 13 18 10 22 29\n", + " 23 24 25 26 27 28 30]\n", + "=======================\n", + "[\"with simple and sensible tricks recommended by a professional florist , you can make your flowers lastwhile there are plenty of diy ` solutions ' - vodka , aspirin and pennies - to keep a bouquet fresh , most of these things can actually damage the delicate flowers .from spraying them in hairspray to keeping them far away from fruit and electricals , we 've gathered a handy list of seven unlikely tips from serenata flowers .\"]\n", + "=======================\n", + "[\"spring is the perfect time to fill your home with seasonal flowerswe 've gathered a list of simple , unlikely tips to help them lastinclude spraying them in hairspray and keeping them far away from fruit\"]\n", + "with simple and sensible tricks recommended by a professional florist , you can make your flowers lastwhile there are plenty of diy ` solutions ' - vodka , aspirin and pennies - to keep a bouquet fresh , most of these things can actually damage the delicate flowers .from spraying them in hairspray to keeping them far away from fruit and electricals , we 've gathered a handy list of seven unlikely tips from serenata flowers .\n", + "spring is the perfect time to fill your home with seasonal flowerswe 've gathered a list of simple , unlikely tips to help them lastinclude spraying them in hairspray and keeping them far away from fruit\n", + "[1.5064968 1.2366967 1.184533 1.33979 1.396518 1.2428042 1.2555009\n", + " 1.0136527 1.1605933 1.1008394 1.0992366 1.0142037 1.0084906 1.0102512\n", + " 1.0956142 1.0075269 1.0073451 1.0061799 1.0075148 0. 0. ]\n", + "\n", + "[ 0 4 3 6 5 1 2 8 9 10 14 11 7 13 12 15 18 16 17 19 20]\n", + "=======================\n", + "['gareth bale has been urged to ignore a return to the premier league and persevere at real madrid by former wales manager mark hughes .the welshman has been linked with english clubs including manchester united and chelsea but hughes , who regrets only spending a single season in spain , believes bale should stay with los blancos .the welshman missed the champions league quarter-final return against atletico after picking up an injury']\n", + "=======================\n", + "['gareth bale has endured a difficult second season at real madridformer tottenham winger has been linked with a return to the premier league with manchester united and chelseastoke manager mark hughes has urged wales star to stay at the bernabeuread : bale desperate to stay and win over real madrid supportread : bale leads football league team of the decade']\n", + "gareth bale has been urged to ignore a return to the premier league and persevere at real madrid by former wales manager mark hughes .the welshman has been linked with english clubs including manchester united and chelsea but hughes , who regrets only spending a single season in spain , believes bale should stay with los blancos .the welshman missed the champions league quarter-final return against atletico after picking up an injury\n", + "gareth bale has endured a difficult second season at real madridformer tottenham winger has been linked with a return to the premier league with manchester united and chelseastoke manager mark hughes has urged wales star to stay at the bernabeuread : bale desperate to stay and win over real madrid supportread : bale leads football league team of the decade\n", + "[1.2363291 1.4169734 1.2189515 1.1876562 1.1682534 1.1149312 1.1040639\n", + " 1.0502619 1.0577927 1.0884328 1.0650992 1.1279038 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 11 5 6 9 10 8 7 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"the story was that the girls had been taken from their abusive father back in italy to hide out in australia and now they were being sent back to the ` monster ' against their will .they were the heartbreaking scenes of a family being torn apart : four young sisters being dragged kicking and screaming from their mother 's home in the middle of the night .the scenes of the girl 's forced return caused widespread outcry , particularly as the girls ' mother portrayed the cruelty of the dad , and the girls - then aged nine to 14 years old - frightened and distraught .\"]\n", + "=======================\n", + "['four sisters were at centre of an international custody disputethe girls were sent back to live with their father in italy in 2012they were dragged kicking and screaming from their sunshine coast homethe distressing scenes shown on tv caused hysteria and concern60 minutes has exclusively interviewed the girls at their home near florencetheir mother has not visited them in italy until nowthis edition of 60 minutes will screen nationally on channel 9 at 8.30 pm this sunday , april 12']\n", + "the story was that the girls had been taken from their abusive father back in italy to hide out in australia and now they were being sent back to the ` monster ' against their will .they were the heartbreaking scenes of a family being torn apart : four young sisters being dragged kicking and screaming from their mother 's home in the middle of the night .the scenes of the girl 's forced return caused widespread outcry , particularly as the girls ' mother portrayed the cruelty of the dad , and the girls - then aged nine to 14 years old - frightened and distraught .\n", + "four sisters were at centre of an international custody disputethe girls were sent back to live with their father in italy in 2012they were dragged kicking and screaming from their sunshine coast homethe distressing scenes shown on tv caused hysteria and concern60 minutes has exclusively interviewed the girls at their home near florencetheir mother has not visited them in italy until nowthis edition of 60 minutes will screen nationally on channel 9 at 8.30 pm this sunday , april 12\n", + "[1.2520151 1.4634136 1.1477547 1.2913024 1.2260991 1.1334157 1.1118973\n", + " 1.0481297 1.0338804 1.0507598 1.0113088 1.0114467 1.1030613 1.0659773\n", + " 1.1358374 1.2269766 1.0872918 1.0148956 1.00877 1.0300215 1.0301836]\n", + "\n", + "[ 1 3 0 15 4 2 14 5 6 12 16 13 9 7 8 20 19 17 11 10 18]\n", + "=======================\n", + "[\"new yorker sarah reign , 26 , describes herself as a ` feedee ' , who gorges on junk food in various states of undress to titillate paying male viewers .a woman who weighs 400lbs has told how men are paying her around $ 1,500 ( # 1,000 ) a month to let them watch her devour fast food and sugary treats on camera .sarah reign says her fans love to watch her enjoying food\"]\n", + "=======================\n", + "[\"new yorker sarah reign , 26 , is a security guard by day but earns extra money by eating fast food and sugary treats while men watchweighs 400lbs and has gained 84lbs since she started eating on camerahas branched out to sitting on male clients who enjoy being smotheredadmits she finds eating for paying customers ` an ego boost '\"]\n", + "new yorker sarah reign , 26 , describes herself as a ` feedee ' , who gorges on junk food in various states of undress to titillate paying male viewers .a woman who weighs 400lbs has told how men are paying her around $ 1,500 ( # 1,000 ) a month to let them watch her devour fast food and sugary treats on camera .sarah reign says her fans love to watch her enjoying food\n", + "new yorker sarah reign , 26 , is a security guard by day but earns extra money by eating fast food and sugary treats while men watchweighs 400lbs and has gained 84lbs since she started eating on camerahas branched out to sitting on male clients who enjoy being smotheredadmits she finds eating for paying customers ` an ego boost '\n", + "[1.2664428 1.379689 1.2662216 1.2403617 1.3264589 1.0315933 1.0431259\n", + " 1.0830549 1.0512279 1.0348537 1.1658534 1.020758 1.0950679 1.0970634\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 2 3 10 13 12 7 8 6 9 5 11 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"memories pizza in walkerton faced criticism this week after co-owner crystal o'connor expressed support for a new indiana religious objections law .in hiding : crystal o'connor and her father kevin o'connor said they 'll re-open soon but were forced to close the doors to their pizza shop because the phones kept ringing and they did n't know if orders were fake or realthe owners of an indiana pizza shop who refused to cater a gay wedding have gone into hiding - but plan to re-open soon after raising $ 500,000 .\"]\n", + "=======================\n", + "[\"despite ` keeping a low profile ' crystal o'connor and her father kevin o'connor went on fox news to discuss their controversial commentscrystal , who told a reporter that she would not cater a gay wedding , revealed on thursday she has never catered any weddingwhen asked if they 'll re-open kevin said he initially shut down because he ` could n't tell if they were getting real orders 'crystal added that they 'll 're - open soon ' but said she did n't know whenrevised indiana law : no one has the legal right to ` refuse to offer or provide ' goods , services , facilities or employment to anyone in previously protected classes or based on sexual orientation or gender identity '\"]\n", + "memories pizza in walkerton faced criticism this week after co-owner crystal o'connor expressed support for a new indiana religious objections law .in hiding : crystal o'connor and her father kevin o'connor said they 'll re-open soon but were forced to close the doors to their pizza shop because the phones kept ringing and they did n't know if orders were fake or realthe owners of an indiana pizza shop who refused to cater a gay wedding have gone into hiding - but plan to re-open soon after raising $ 500,000 .\n", + "despite ` keeping a low profile ' crystal o'connor and her father kevin o'connor went on fox news to discuss their controversial commentscrystal , who told a reporter that she would not cater a gay wedding , revealed on thursday she has never catered any weddingwhen asked if they 'll re-open kevin said he initially shut down because he ` could n't tell if they were getting real orders 'crystal added that they 'll 're - open soon ' but said she did n't know whenrevised indiana law : no one has the legal right to ` refuse to offer or provide ' goods , services , facilities or employment to anyone in previously protected classes or based on sexual orientation or gender identity '\n", + "[1.3678644 1.299565 1.3172487 1.163454 1.2429467 1.1314199 1.0641544\n", + " 1.0257272 1.1591983 1.1364838 1.0239538 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 4 3 8 9 5 6 7 10 11 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"greece 's football federation ( epo ) could be suspended from international competition over government interference should a proposed new law be voted in , fifa and uefa have warned .following continuous problems with crowd trouble , the greek government has put together a new set of regulations in an attempt to crack down on violence at sports events .football 's governing bodies have strict rules aimed at protecting member federations ' independence\"]\n", + "=======================\n", + "[\"greek government has proposed a law to crack down on crowd violencefifa and uefa have strict rules to protect federations ' independencegreek minister claims football 's governing bodies are ` not interested in solving the evils plaguing greek football 'matches in greece to be suspended three times this season due to unrest\"]\n", + "greece 's football federation ( epo ) could be suspended from international competition over government interference should a proposed new law be voted in , fifa and uefa have warned .following continuous problems with crowd trouble , the greek government has put together a new set of regulations in an attempt to crack down on violence at sports events .football 's governing bodies have strict rules aimed at protecting member federations ' independence\n", + "greek government has proposed a law to crack down on crowd violencefifa and uefa have strict rules to protect federations ' independencegreek minister claims football 's governing bodies are ` not interested in solving the evils plaguing greek football 'matches in greece to be suspended three times this season due to unrest\n", + "[1.3231056 1.2987071 1.3012223 1.1134567 1.1527584 1.0670432 1.0252733\n", + " 1.0574226 1.0426159 1.0678715 1.1596706 1.101312 1.0492394 1.0379863\n", + " 1.0413691 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 1 10 4 3 11 9 5 7 12 8 14 13 6 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"the world 's best golfers gathered on the eve of the masters on thursday to take on a nine-hole course , often with their wives , girlfriends or kids as caddies , as part of the par 3 contest .tiger woods showed up to the event at the augusta national golf club in augusta , georgia , with his two children , sam , 8 , and charlie , 6 , and his girlfriend lindsey vonn , who was dressed in a floor-length , spaghetti strap gown , accessorized with diamonds and louis vuitton .and it seemed that golf wag and u.s. skier lindsey vonn appeared to be the only caddie to have opted out of the bland , white jumpsuit uniform .\"]\n", + "=======================\n", + "[\"the par 3 contest is played every year on eve of the masters tournamentworld 's best players take on a nine-hole course with wives , girlfriends , friends and their kids as caddiestiger woods and bubba watson were some of the many who brought the whole family along to playrory mcilroy brought one direction 's niall horan to caddie the contestthe masters tournament kicks off thursday at 8am in augusta , georgia\"]\n", + "the world 's best golfers gathered on the eve of the masters on thursday to take on a nine-hole course , often with their wives , girlfriends or kids as caddies , as part of the par 3 contest .tiger woods showed up to the event at the augusta national golf club in augusta , georgia , with his two children , sam , 8 , and charlie , 6 , and his girlfriend lindsey vonn , who was dressed in a floor-length , spaghetti strap gown , accessorized with diamonds and louis vuitton .and it seemed that golf wag and u.s. skier lindsey vonn appeared to be the only caddie to have opted out of the bland , white jumpsuit uniform .\n", + "the par 3 contest is played every year on eve of the masters tournamentworld 's best players take on a nine-hole course with wives , girlfriends , friends and their kids as caddiestiger woods and bubba watson were some of the many who brought the whole family along to playrory mcilroy brought one direction 's niall horan to caddie the contestthe masters tournament kicks off thursday at 8am in augusta , georgia\n", + "[1.359595 1.128912 1.4116788 1.194345 1.1520455 1.1984211 1.0654073\n", + " 1.0249946 1.0200685 1.0229415 1.053699 1.1026701 1.1128095 1.0663726\n", + " 1.1591718 1.1295393 1.0444431 1.0565596 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 5 3 14 4 15 1 12 11 13 6 17 10 16 7 9 8 21 18 19 20 22]\n", + "=======================\n", + "[\"the snaps of a cat playing with a mouse on a roof in shepton mallet , somerset , illustrate the perils the tiny rodents face in the town .a game of cat and mouse has been captured in a series of striking images as the pair battle it out on a shed rooftop like a real life version of much-loved cartoon duo tom and jerry .the pictures were taken by the cat 's owner jason bryant who confirmed the inevitable outcome of the encounter .\"]\n", + "=======================\n", + "[\"age-old game of cat and mouse is brought to life in these quirky pictures taken in shepton mallet in somersetthe pair are seen battling it out on the roof of a shed in a real life take on an episode of tom and jerryironically , the cat 's name is mouse .\"]\n", + "the snaps of a cat playing with a mouse on a roof in shepton mallet , somerset , illustrate the perils the tiny rodents face in the town .a game of cat and mouse has been captured in a series of striking images as the pair battle it out on a shed rooftop like a real life version of much-loved cartoon duo tom and jerry .the pictures were taken by the cat 's owner jason bryant who confirmed the inevitable outcome of the encounter .\n", + "age-old game of cat and mouse is brought to life in these quirky pictures taken in shepton mallet in somersetthe pair are seen battling it out on the roof of a shed in a real life take on an episode of tom and jerryironically , the cat 's name is mouse .\n", + "[1.4839232 1.1803823 1.3912518 1.27404 1.1035674 1.0849111 1.049275\n", + " 1.0567127 1.078608 1.1737747 1.169128 1.0356641 1.0615437 1.0669003\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 3 1 9 10 4 5 8 13 12 7 6 11 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"xiao zhengti , five , was born with a congenital liver disease meaning he needed his first transplant at just nine months oldbut the boy 's body rejected the organ , leading to years of trips to hospital , until father xiao kunqing was allowed to donate 40 per cent of his liver yesterday , leading to a full recovery .the touching story began in 2009 shortly after xiao was born to parents from southern china 's hunan province with jaundice , which is common in babies , but doctors became concerned after it did not dissipate within a few weeks .\"]\n", + "=======================\n", + "['xiao zhengti , five , born with liver condition which caused organ to swellneeded first transplant from mother yang haiying at nine months oldbut body rejected organ , leading to four years of repeated hospital visitsyesterday father xiao kunqing was also allowed to donate part of liverboy is now expected to make a full recovery and be home within weeks']\n", + "xiao zhengti , five , was born with a congenital liver disease meaning he needed his first transplant at just nine months oldbut the boy 's body rejected the organ , leading to years of trips to hospital , until father xiao kunqing was allowed to donate 40 per cent of his liver yesterday , leading to a full recovery .the touching story began in 2009 shortly after xiao was born to parents from southern china 's hunan province with jaundice , which is common in babies , but doctors became concerned after it did not dissipate within a few weeks .\n", + "xiao zhengti , five , born with liver condition which caused organ to swellneeded first transplant from mother yang haiying at nine months oldbut body rejected organ , leading to four years of repeated hospital visitsyesterday father xiao kunqing was also allowed to donate part of liverboy is now expected to make a full recovery and be home within weeks\n", + "[1.1792922 1.3709056 1.1176277 1.327576 1.1430507 1.1520103 1.0559248\n", + " 1.0279881 1.0305479 1.0343866 1.1437882 1.0765787 1.0543193 1.1238827\n", + " 1.1077241 1.0715739 1.0207314 1.1139468 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 5 10 4 13 2 17 14 11 15 6 12 9 8 7 16 21 18 19 20 22]\n", + "=======================\n", + "[\"these zombie stars are thought to be leaving a ` mass grave ' of white dwarf stars near the centre of the milky way .the nuclear spectroscopic telescope array , or nustar , has captured a new high-energy x-ray view ( magenta ) of the bustling center of our milky way galaxy .the finding , published in nature , was made by scientists at haverford college in pennsylvania , us using nasa 's nustar telescope .\"]\n", + "=======================\n", + "['scientists at haverford college in pennsylvania made the findingthey spotted x-ray emissions consistent with thousands of white dwarfsthese are stars left behind after larger ones use up their fuelbut why thousands of these stars are there remains a mystery']\n", + "these zombie stars are thought to be leaving a ` mass grave ' of white dwarf stars near the centre of the milky way .the nuclear spectroscopic telescope array , or nustar , has captured a new high-energy x-ray view ( magenta ) of the bustling center of our milky way galaxy .the finding , published in nature , was made by scientists at haverford college in pennsylvania , us using nasa 's nustar telescope .\n", + "scientists at haverford college in pennsylvania made the findingthey spotted x-ray emissions consistent with thousands of white dwarfsthese are stars left behind after larger ones use up their fuelbut why thousands of these stars are there remains a mystery\n", + "[1.3294935 1.4465125 1.330745 1.140509 1.288739 1.1246731 1.0814618\n", + " 1.1281649 1.0275887 1.0253055 1.020881 1.0173346 1.0197058 1.0179985\n", + " 1.0197861 1.0186608 1.0242913 1.0473803 1.0728682 1.05574 1.0592072\n", + " 1.095019 1.0451256]\n", + "\n", + "[ 1 2 0 4 3 7 5 21 6 18 20 19 17 22 8 9 16 10 14 12 15 13 11]\n", + "=======================\n", + "[\"benaud died last friday at the age of 84 of complications from skin cancer .australian prime minister tony abbott had extended the offer of a state funeral to benaut 's wife , daphne , which she declined .a private funeral service attended by ex-players shane warne and ian chappell was held on wednesday for former australia cricket captain and commentator richie benaud .\"]\n", + "=======================\n", + "[\"legendary former australian cricketer and commentator richie benaud died on friday at the age of 84 of complications from skin cancerhis wife , daphne , declined a government offer for a state funeralinstead , there was a smaller service attended by family and close friendsin the memorial booklet at the funeral , benaud 's family described him as ' a special person who means so much to each of us in many different ways 'click here to watch 10 of richie benaud 's finest moments\"]\n", + "benaud died last friday at the age of 84 of complications from skin cancer .australian prime minister tony abbott had extended the offer of a state funeral to benaut 's wife , daphne , which she declined .a private funeral service attended by ex-players shane warne and ian chappell was held on wednesday for former australia cricket captain and commentator richie benaud .\n", + "legendary former australian cricketer and commentator richie benaud died on friday at the age of 84 of complications from skin cancerhis wife , daphne , declined a government offer for a state funeralinstead , there was a smaller service attended by family and close friendsin the memorial booklet at the funeral , benaud 's family described him as ' a special person who means so much to each of us in many different ways 'click here to watch 10 of richie benaud 's finest moments\n", + "[1.2181045 1.4598658 1.0732629 1.0458561 1.2900031 1.0579057 1.0707442\n", + " 1.0449619 1.0237933 1.0193807 1.0833228 1.1405765 1.0882376 1.0971901\n", + " 1.085554 1.1461929 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 15 11 13 12 14 10 2 6 5 3 7 8 9 16 17 18]\n", + "=======================\n", + "[\"aliesha peterson , 22 , detailed the extensive fitness routine that helped her go from 145lbs to 127lbs -- and enabled the alberta , canada , resident to gain a noticeably fitter , and much more muscular , physique , as well as an impressive six-pack . 'a young woman on reddit has shared a set of inspiring before and after images , which showcase how an exercise plan she began 20 months ago in an effort to lessen her depression has not only helped her mentally -- but has also ensured a dramatic physical transformation .bringing sexy back : the 22-year-old says her back is her favorite part of her body , and she focuses on exercises to strengthen it every wednesday\"]\n", + "=======================\n", + "[\"aliesha peterson , 22 , from canada , says a therapist recommended she start exercising to improve her depressionshe writes on reddit that after ` slow ' progress for 20 months , she now sees an improvement in her mood and her body\"]\n", + "aliesha peterson , 22 , detailed the extensive fitness routine that helped her go from 145lbs to 127lbs -- and enabled the alberta , canada , resident to gain a noticeably fitter , and much more muscular , physique , as well as an impressive six-pack . 'a young woman on reddit has shared a set of inspiring before and after images , which showcase how an exercise plan she began 20 months ago in an effort to lessen her depression has not only helped her mentally -- but has also ensured a dramatic physical transformation .bringing sexy back : the 22-year-old says her back is her favorite part of her body , and she focuses on exercises to strengthen it every wednesday\n", + "aliesha peterson , 22 , from canada , says a therapist recommended she start exercising to improve her depressionshe writes on reddit that after ` slow ' progress for 20 months , she now sees an improvement in her mood and her body\n", + "[1.3799635 1.3130761 1.1593933 1.3157644 1.126098 1.2626336 1.0917585\n", + " 1.0833465 1.0279756 1.0276622 1.0292032 1.0299312 1.0326478 1.0441736\n", + " 1.0742556 1.0386723 1.0842662 1.077317 1.0133858]\n", + "\n", + "[ 0 3 1 5 2 4 6 16 7 17 14 13 15 12 11 10 8 9 18]\n", + "=======================\n", + "[\"tokyo ( cnn ) a japanese court has issued a landmark injunction halting plans to restart two nuclear reactors in the west of the country , citing safety concerns , a court official told cnn .japan 's 48 nuclear reactors are offline in the wake of the fukushima disaster in 2011 , when a tsunami triggered by a massive earthquake sent a wall of water crashing into the power plant .japan 's nuclear watchdog , the nuclear regulation authority , had previously given a green light to the reopening of reactors 3 and 4 of the kansai electric power company 's takahama nuclear plant .\"]\n", + "=======================\n", + "[\"the reopening of two nuclear reactors has been blocked by a japanese court over safety fearsthe reactors had previously been cleared to reopen by the country 's nuclear watchdogjapan 's 48 nuclear reactors have been offline in the wake of the 2011 fukushima disaster\"]\n", + "tokyo ( cnn ) a japanese court has issued a landmark injunction halting plans to restart two nuclear reactors in the west of the country , citing safety concerns , a court official told cnn .japan 's 48 nuclear reactors are offline in the wake of the fukushima disaster in 2011 , when a tsunami triggered by a massive earthquake sent a wall of water crashing into the power plant .japan 's nuclear watchdog , the nuclear regulation authority , had previously given a green light to the reopening of reactors 3 and 4 of the kansai electric power company 's takahama nuclear plant .\n", + "the reopening of two nuclear reactors has been blocked by a japanese court over safety fearsthe reactors had previously been cleared to reopen by the country 's nuclear watchdogjapan 's 48 nuclear reactors have been offline in the wake of the 2011 fukushima disaster\n", + "[1.2262168 1.162595 1.3731608 1.1064539 1.2179824 1.1732314 1.0766176\n", + " 1.2016541 1.0788171 1.0352293 1.0684134 1.0724357 1.0780003 1.0304805\n", + " 1.027291 1.0713849 1.030126 1.0197995 0. ]\n", + "\n", + "[ 2 0 4 7 5 1 3 8 12 6 11 15 10 9 13 16 14 17 18]\n", + "=======================\n", + "[\"the 71-year-old 's childhood home in scarsdale , new york , hit the market this week as he prepares to face murder charges in california .this is the seven-bedroom tudor stone mansion where real estate heir - and alleged killer - robert durst spent his formative years .trial : robert durst , 71 , appeared in a new orleans court on thursday to defend his possession of a gun as he awaits his murder trial\"]\n", + "=======================\n", + "[\"seven-bedroom property in scarsdale , new york , where robert durst grew up hit market this weekfeatures solarium , three-car garage , maids ' quarters , chandelierswhen durst was 7 , his 32-year-old mother either fell or committed suicide by jumping off the roof of this buildingrealtor glossed over coincidence that durst is currently under arrest and made first court appearance this weekthe 71-year-old arrested on march 14 after police ` found a revolver , marijuana and a latex mask in his hotel room 'he is challenging the arrest warrant as unlawful , will soon fly to california for murder trial and possible death penalty\"]\n", + "the 71-year-old 's childhood home in scarsdale , new york , hit the market this week as he prepares to face murder charges in california .this is the seven-bedroom tudor stone mansion where real estate heir - and alleged killer - robert durst spent his formative years .trial : robert durst , 71 , appeared in a new orleans court on thursday to defend his possession of a gun as he awaits his murder trial\n", + "seven-bedroom property in scarsdale , new york , where robert durst grew up hit market this weekfeatures solarium , three-car garage , maids ' quarters , chandelierswhen durst was 7 , his 32-year-old mother either fell or committed suicide by jumping off the roof of this buildingrealtor glossed over coincidence that durst is currently under arrest and made first court appearance this weekthe 71-year-old arrested on march 14 after police ` found a revolver , marijuana and a latex mask in his hotel room 'he is challenging the arrest warrant as unlawful , will soon fly to california for murder trial and possible death penalty\n", + "[1.2120422 1.3032557 1.2421284 1.2927803 1.2332301 1.2349329 1.1303718\n", + " 1.0930538 1.036724 1.0334846 1.0187316 1.0180231 1.0892959 1.0949606\n", + " 1.0284072 1.0260274 1.0428978 0. 0. ]\n", + "\n", + "[ 1 3 2 5 4 0 6 13 7 12 16 8 9 14 15 10 11 17 18]\n", + "=======================\n", + "['a study published in the lancetfound mindfulness-based cognitive therapy ( mbct ) led to similar outcomes as antidepressants when treating the mental disorder .mindfulness - which teaches people to focus on the present moment -- is a growing movement based on ancient eastern traditions of meditation .over two years , relapse rates were 44 per cent in the mbct group compared to 47 per cent in the medication group .']\n", + "=======================\n", + "['patients using mindfulness-based cognitive therapy ( mbct ) had the same recurrence rates as people taking anti-depressantsmindfulness meditation teaches people to focus on the present momentexperts said mbct courses could be offered as an alternative to drugs']\n", + "a study published in the lancetfound mindfulness-based cognitive therapy ( mbct ) led to similar outcomes as antidepressants when treating the mental disorder .mindfulness - which teaches people to focus on the present moment -- is a growing movement based on ancient eastern traditions of meditation .over two years , relapse rates were 44 per cent in the mbct group compared to 47 per cent in the medication group .\n", + "patients using mindfulness-based cognitive therapy ( mbct ) had the same recurrence rates as people taking anti-depressantsmindfulness meditation teaches people to focus on the present momentexperts said mbct courses could be offered as an alternative to drugs\n", + "[1.3558809 1.3157127 1.3100076 1.4059691 1.2430114 1.0563115 1.0334932\n", + " 1.0232596 1.0362698 1.020159 1.0169288 1.0330687 1.1698513 1.1531814\n", + " 1.0862286 1.0364233 1.0277041 1.0117366 0. ]\n", + "\n", + "[ 3 0 1 2 4 12 13 14 5 15 8 6 11 16 7 9 10 17 18]\n", + "=======================\n", + "[\"the england cricket team 's involvement with allen stanford has been defended by sir curtly ambrosegreat fast bowler ambrose never spoke to the media during his playing career but launched his aptly titled autobiography time to talk on the eve of the west indies-england series .stanford 's deal with england england ended with his arrest and subsequent 110-year jail sentence\"]\n", + "=======================\n", + "[\"the ecb 's involvement with fraudster allen stanford has been defendedsir curtly ambrose said he thought stanford did ' a lot of good ' in dealmichael vaughan is staying at england 's sugar ridge hotel in antiguastuart lancaster is unperturbed by claims that he has n't walked the walkthe grand national peak viewing of 8.8 million was good for channel 4jimmy anderson said he would tell young bowlers to : ` ignore the media 'graeme swann and kevin pietersen 's feud seems to have ended\"]\n", + "the england cricket team 's involvement with allen stanford has been defended by sir curtly ambrosegreat fast bowler ambrose never spoke to the media during his playing career but launched his aptly titled autobiography time to talk on the eve of the west indies-england series .stanford 's deal with england england ended with his arrest and subsequent 110-year jail sentence\n", + "the ecb 's involvement with fraudster allen stanford has been defendedsir curtly ambrose said he thought stanford did ' a lot of good ' in dealmichael vaughan is staying at england 's sugar ridge hotel in antiguastuart lancaster is unperturbed by claims that he has n't walked the walkthe grand national peak viewing of 8.8 million was good for channel 4jimmy anderson said he would tell young bowlers to : ` ignore the media 'graeme swann and kevin pietersen 's feud seems to have ended\n", + "[1.3582621 1.3872275 1.264245 1.2785645 1.1721655 1.1630344 1.0283494\n", + " 1.0187413 1.0163172 1.0980555 1.2574784 1.0171815 1.0126554 1.1710739\n", + " 1.0575894 1.0305709 1.149483 1.012692 1.0135363]\n", + "\n", + "[ 1 0 3 2 10 4 13 5 16 9 14 15 6 7 11 8 18 17 12]\n", + "=======================\n", + "[\"the ibrox faithful were rocked by thursday 's news that the club had been de-listed from the aim after chairman-in-waiting dave king failed to find a new nominated advisor .rangers boss stuart mccall has been reassured that the decision to remove the club off the london stock exchange will not affect his squad 's promotion push .stuart mccall oversees his rangers players during a training session on good friday\"]\n", + "=======================\n", + "[\"stuart mccall is trying to lead rangers to championship promotionhe is confident that the club 's removal from the london stock exchange this week wo n't derail their hopes of going uprangers this week announced six-month losses of # 2.6 millionmccall was surprised at the news rangers will have to hand newcastle # 500,000 if they are promoted to the scottish premiership\"]\n", + "the ibrox faithful were rocked by thursday 's news that the club had been de-listed from the aim after chairman-in-waiting dave king failed to find a new nominated advisor .rangers boss stuart mccall has been reassured that the decision to remove the club off the london stock exchange will not affect his squad 's promotion push .stuart mccall oversees his rangers players during a training session on good friday\n", + "stuart mccall is trying to lead rangers to championship promotionhe is confident that the club 's removal from the london stock exchange this week wo n't derail their hopes of going uprangers this week announced six-month losses of # 2.6 millionmccall was surprised at the news rangers will have to hand newcastle # 500,000 if they are promoted to the scottish premiership\n", + "[1.2347511 1.4398607 1.2334068 1.3196929 1.2598839 1.1288476 1.1304173\n", + " 1.0431671 1.0351514 1.0374316 1.1020278 1.103245 1.0575516 1.111948\n", + " 1.0465479 1.0077813 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 0 2 6 5 13 11 10 12 14 7 9 8 15 16 17 18]\n", + "=======================\n", + "[\"tate britain chiefs believe the chance discovery of an export permit will bolster their claim that the 1824 oil painting -- beaching a boat , brighton -- was legitimately brought to britain .britain 's leading art gallery has uncovered new evidence in its attempt to keep a # 1million constable masterpiece that was looted by the nazis from its jewish owner during the second world war .the 1946 document bears the signature of a dealer called karola fabri and seeks permission for the transfer of artworks from budapest to zurich , including one by constable identified as fishing boat .\"]\n", + "=======================\n", + "[\"` beaching a boat , brighton ' taken from jewish owner in second world warexport permit discovery could bolster claims it came to britain legitimatelytate and descendants of painting 's original owner are locked in dispute\"]\n", + "tate britain chiefs believe the chance discovery of an export permit will bolster their claim that the 1824 oil painting -- beaching a boat , brighton -- was legitimately brought to britain .britain 's leading art gallery has uncovered new evidence in its attempt to keep a # 1million constable masterpiece that was looted by the nazis from its jewish owner during the second world war .the 1946 document bears the signature of a dealer called karola fabri and seeks permission for the transfer of artworks from budapest to zurich , including one by constable identified as fishing boat .\n", + "` beaching a boat , brighton ' taken from jewish owner in second world warexport permit discovery could bolster claims it came to britain legitimatelytate and descendants of painting 's original owner are locked in dispute\n", + "[1.3610946 1.3477576 1.1642089 1.1531861 1.2378486 1.2150189 1.0450969\n", + " 1.063812 1.1027086 1.0421208 1.0311941 1.0854764 1.0395918 1.0612733\n", + " 1.0615537 1.0752497 1.0614692 0. 0. ]\n", + "\n", + "[ 0 1 4 5 2 3 8 11 15 7 14 16 13 6 9 12 10 17 18]\n", + "=======================\n", + "['washington ( cnn ) the u.s. said tuesday that deploying warships to yemen to monitor nearby iranian vessels has given america \" options \" for how it could react to iran \\'s behavior in the region .international officials are concerned that iran could surreptitiously attempt to transfer weaponry to the houthis .president barack obama told msnbc that the united states has been clear in its messages to tehran on sending weapons to houthi rebels inside yemen .']\n", + "=======================\n", + "[\"u.s. navy moves aircraft carrier , cruiser to waters near yemenu.s. , allied ships prepared to intercept iranian vessel if they enter yemen 's watersiranian admiral says his country 's ships operating legally\"]\n", + "washington ( cnn ) the u.s. said tuesday that deploying warships to yemen to monitor nearby iranian vessels has given america \" options \" for how it could react to iran 's behavior in the region .international officials are concerned that iran could surreptitiously attempt to transfer weaponry to the houthis .president barack obama told msnbc that the united states has been clear in its messages to tehran on sending weapons to houthi rebels inside yemen .\n", + "u.s. navy moves aircraft carrier , cruiser to waters near yemenu.s. , allied ships prepared to intercept iranian vessel if they enter yemen 's watersiranian admiral says his country 's ships operating legally\n", + "[1.1814784 1.201465 1.3189714 1.1265185 1.1773626 1.1383479 1.1126133\n", + " 1.0560697 1.0566323 1.1186655 1.100918 1.0337297 1.0232104 1.057459\n", + " 1.0481755 1.0873115 1.0709692 1.0285842 1.0180221]\n", + "\n", + "[ 2 1 0 4 5 3 9 6 10 15 16 13 8 7 14 11 17 12 18]\n", + "=======================\n", + "['veteran journalist and author sandra mackey died sunday , her son , colin mackey , said .and her book on iraq became required reading for many military leaders trying to understand the country .( cnn ) she predicted events that unfolded in the middle east well before they happened .']\n", + "=======================\n", + "['mackey predicted what would happen to iraq if the u.s. invaded and deposed saddam husseinshe also wrote a book credited with helping bridge gap between arabs and americans']\n", + "veteran journalist and author sandra mackey died sunday , her son , colin mackey , said .and her book on iraq became required reading for many military leaders trying to understand the country .( cnn ) she predicted events that unfolded in the middle east well before they happened .\n", + "mackey predicted what would happen to iraq if the u.s. invaded and deposed saddam husseinshe also wrote a book credited with helping bridge gap between arabs and americans\n", + "[1.1636517 1.3223778 1.4441698 1.2280829 1.0573658 1.0520915 1.0691165\n", + " 1.0693624 1.1309378 1.0567455 1.203341 1.0479088 1.0305634 1.0588017\n", + " 1.0168924 1.0185767 1.0425876 1.0475181 0. ]\n", + "\n", + "[ 2 1 3 10 0 8 7 6 13 4 9 5 11 17 16 12 15 14 18]\n", + "=======================\n", + "[\"the new map allows astronomers to ` stand ' on planetary surfaces and could help explain how water and lava once flowed across the red planet .now , for the first time , scientists have joined these individual 30 to 60 mile ( 50 to 100km ) wide strips to create a single complete 3d map .some of our most spectacular views of mars have been presented on small , skinny strips of imagery .\"]\n", + "=======================\n", + "['the stunning mosaic could help scientists better understand how water and lava once flowed across marsterrain model shows the impressive height of the meridiani planum region at up to 820ft ( 250 metres ) in redcolder colours reveal craters , ditches and plains , which are particularly prominent in chryse planitia regionin three years , the german aerospace center wants to represent the whole of mars as one coherent mosaic']\n", + "the new map allows astronomers to ` stand ' on planetary surfaces and could help explain how water and lava once flowed across the red planet .now , for the first time , scientists have joined these individual 30 to 60 mile ( 50 to 100km ) wide strips to create a single complete 3d map .some of our most spectacular views of mars have been presented on small , skinny strips of imagery .\n", + "the stunning mosaic could help scientists better understand how water and lava once flowed across marsterrain model shows the impressive height of the meridiani planum region at up to 820ft ( 250 metres ) in redcolder colours reveal craters , ditches and plains , which are particularly prominent in chryse planitia regionin three years , the german aerospace center wants to represent the whole of mars as one coherent mosaic\n", + "[1.3743644 1.1944902 1.312604 1.3221503 1.1145697 1.213216 1.0682871\n", + " 1.1727868 1.0763808 1.1090077 1.02016 1.0246716 1.0775367 1.0064039\n", + " 1.0376145 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 5 1 7 4 9 12 8 6 14 11 10 13 18 15 16 17 19]\n", + "=======================\n", + "[\"singer adele adkins , a mother-of-one , has topped the young music rich list again , earning # 5million in the last year , despite releasing no new musicthe mother-of-one , 26 , has double the wealth of her closest rivals -- the four members of one direction and their former compatriot zayn malik , 22 - who are worth # 25million each .bringing her fortune to a total of # 50million , the singer has retained her place at the top of the list of britain 's richest musicians under the age of 30 .\"]\n", + "=======================\n", + "['singer has twice the fortune of nearest rivals , boys from one directioned sheeran saw biggest rise of # 13million , taking him to seventh placesam smith is new entry with # 12million , on a par with florence welchpaul mccartney and wife nancy shevell still top the adult rich list']\n", + "singer adele adkins , a mother-of-one , has topped the young music rich list again , earning # 5million in the last year , despite releasing no new musicthe mother-of-one , 26 , has double the wealth of her closest rivals -- the four members of one direction and their former compatriot zayn malik , 22 - who are worth # 25million each .bringing her fortune to a total of # 50million , the singer has retained her place at the top of the list of britain 's richest musicians under the age of 30 .\n", + "singer has twice the fortune of nearest rivals , boys from one directioned sheeran saw biggest rise of # 13million , taking him to seventh placesam smith is new entry with # 12million , on a par with florence welchpaul mccartney and wife nancy shevell still top the adult rich list\n", + "[1.2699153 1.4293561 1.2439348 1.097537 1.1471146 1.172919 1.1652066\n", + " 1.0990561 1.1668683 1.0934553 1.1127535 1.0982877 1.1247199 1.0676526\n", + " 1.0467889 1.0155405 1.0098413 1.0117279 1.0697691 1.0519171]\n", + "\n", + "[ 1 0 2 5 8 6 4 12 10 7 11 3 9 18 13 19 14 15 17 16]\n", + "=======================\n", + "[\"pilots of the qatar airways flight landed at birmingham airport on monday night after severe winds foiled two landing attempts at manchester , where the plane was due to arrive at 7pm .police were twice called to an aircraft when ` disruptive ' passengers mutinied over being stranded on the tarmac for five hours after their plane was diverted .police were first called to birmingham after passengers started ` kicking off ' , according to one witness .\"]\n", + "=======================\n", + "[\"qatar airways flight was due to land in manchester airport at 7pm mondaybut pilots severe winds meant pilots were forced to divert to birminghamplane spent five hours on tarmac as it waited for refuelling and new crewpolice were called twice after ` disruptive ' passengers tried to disembarkmeanwhile , video shows angry passengers delayed at manchester airport\"]\n", + "pilots of the qatar airways flight landed at birmingham airport on monday night after severe winds foiled two landing attempts at manchester , where the plane was due to arrive at 7pm .police were twice called to an aircraft when ` disruptive ' passengers mutinied over being stranded on the tarmac for five hours after their plane was diverted .police were first called to birmingham after passengers started ` kicking off ' , according to one witness .\n", + "qatar airways flight was due to land in manchester airport at 7pm mondaybut pilots severe winds meant pilots were forced to divert to birminghamplane spent five hours on tarmac as it waited for refuelling and new crewpolice were called twice after ` disruptive ' passengers tried to disembarkmeanwhile , video shows angry passengers delayed at manchester airport\n", + "[1.3355173 1.3957422 1.2080436 1.0999913 1.2648151 1.0904926 1.1954557\n", + " 1.1869848 1.0885907 1.0769876 1.0574312 1.0616447 1.08466 1.0128841\n", + " 1.0147727 1.0354173 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 6 7 3 5 8 12 9 11 10 15 14 13 18 16 17 19]\n", + "=======================\n", + "[\"the reality star was left heartbroken last august when doctors revealed his ` best ' friend ' and mother kym norris had just one hope for survival - a stem cell transplant .towie star bobby cole norris has today thanked an anonymous donor who came forward to help his mother , in her fight against leukaemia .weeks earlier the dental receptionist was diagnosed with acute myeloid leukaemia .\"]\n", + "=======================\n", + "['bobby cole norris launched his appeal #savebobbysmum last augustrevealed his mother kym norris had been diagnosed with leukaemiatoday he thanked an anonymous stem cell donor who stepped inkim has had her transplant and is now recovering in hospital']\n", + "the reality star was left heartbroken last august when doctors revealed his ` best ' friend ' and mother kym norris had just one hope for survival - a stem cell transplant .towie star bobby cole norris has today thanked an anonymous donor who came forward to help his mother , in her fight against leukaemia .weeks earlier the dental receptionist was diagnosed with acute myeloid leukaemia .\n", + "bobby cole norris launched his appeal #savebobbysmum last augustrevealed his mother kym norris had been diagnosed with leukaemiatoday he thanked an anonymous stem cell donor who stepped inkim has had her transplant and is now recovering in hospital\n", + "[1.5299797 1.4227387 1.3800644 1.2726691 1.1656029 1.0273376 1.0206687\n", + " 1.0163685 1.016693 1.0167881 1.0237967 1.0187404 1.0479653 1.3121151\n", + " 1.1347983 1.1562655 1.0903409 1.0663022 1.0391899 0. ]\n", + "\n", + "[ 0 1 2 13 3 4 15 14 16 17 12 18 5 10 6 11 9 8 7 19]\n", + "=======================\n", + "[\"stuart mccall expects shane ferguson to be fit and ready to aid rangers ' play-off push towards the premiership .the northern ireland international finally joined up with his ibrox team-mates this week , more than two months after he was one of five newcastle players sent north on loan to the championship side .ferguson has not played since his country 's 2-0 european qualifier win over greece in athens in october and the 23-year-old 's knee injury had been expected to keep him out for the season .\"]\n", + "=======================\n", + "[\"newcastle loanee shan ferguson finally joined up with rangers this weekferguson has not played since northern ireland beat greece last octoberibrox boss stuart mccall checked ferguson 's wikipedia page on mondayrangers travel to take on bottom-of-the-table livingston on wednesday\"]\n", + "stuart mccall expects shane ferguson to be fit and ready to aid rangers ' play-off push towards the premiership .the northern ireland international finally joined up with his ibrox team-mates this week , more than two months after he was one of five newcastle players sent north on loan to the championship side .ferguson has not played since his country 's 2-0 european qualifier win over greece in athens in october and the 23-year-old 's knee injury had been expected to keep him out for the season .\n", + "newcastle loanee shan ferguson finally joined up with rangers this weekferguson has not played since northern ireland beat greece last octoberibrox boss stuart mccall checked ferguson 's wikipedia page on mondayrangers travel to take on bottom-of-the-table livingston on wednesday\n", + "[1.2078942 1.4835445 1.3392875 1.3078246 1.2646153 1.1097922 1.0824943\n", + " 1.0596105 1.0581561 1.0650574 1.1224194 1.0823694 1.0508372 1.0894071\n", + " 1.0199035 1.0417799 1.0721785 1.0225115 1.0477905 0. ]\n", + "\n", + "[ 1 2 3 4 0 10 5 13 6 11 16 9 7 8 12 18 15 17 14 19]\n", + "=======================\n", + "[\"mohamed hamdin , 24 , appeared at downing centre court for his indecent assault hearing on tuesday as details of the alleged incident emerged .new south wales police say hamdin touched the 15-year-old girl inappropriately during the concert of u.s. rappers yg and ty dolla $ ign at enmore theatre , in sydney 's inner-west , on australia day this year .a sudanese refugee has appeared in court after he was charged with groping the crotch of a 15-year-old girl at a rap concert in sydney .\"]\n", + "=======================\n", + "['riot squads were called to the enmore theatre in sydney on monday nightus rapper yg has alleged gang affiliations and a history of violent concerts24-year-old man was charged with indecently assaulting a 15-year-old girlpolice dispersed about 2500 fans after the concert had finishedseveral arrests were made and police are continuing their investigations']\n", + "mohamed hamdin , 24 , appeared at downing centre court for his indecent assault hearing on tuesday as details of the alleged incident emerged .new south wales police say hamdin touched the 15-year-old girl inappropriately during the concert of u.s. rappers yg and ty dolla $ ign at enmore theatre , in sydney 's inner-west , on australia day this year .a sudanese refugee has appeared in court after he was charged with groping the crotch of a 15-year-old girl at a rap concert in sydney .\n", + "riot squads were called to the enmore theatre in sydney on monday nightus rapper yg has alleged gang affiliations and a history of violent concerts24-year-old man was charged with indecently assaulting a 15-year-old girlpolice dispersed about 2500 fans after the concert had finishedseveral arrests were made and police are continuing their investigations\n", + "[1.2083287 1.320879 1.2315961 1.2909715 1.1311147 1.0735091 1.0977937\n", + " 1.0350847 1.1390499 1.0815535 1.0418361 1.0342153 1.0199466 1.0475682\n", + " 1.0919019 1.093426 1.0403458 1.0390835 1.0360875 1.0380386 1.1033895]\n", + "\n", + "[ 1 3 2 0 8 4 20 6 15 14 9 5 13 10 16 17 19 18 7 11 12]\n", + "=======================\n", + "[\"the five-second rule , which has been cited to justify picking up everything from a salt and vinegar chip to an assortment of cold cuts , is not as sure-fire as many snackers would surely like it to be .one of the most widespread ` food rules ' passed down from generation to generation may actually be a myth , meaning this tart is n't safe to pick upexperts say dry foods , like cookies , are less hazardous and can be ok , according to health experts\"]\n", + "=======================\n", + "[\"five-second rule dubbed a myth by food health industry experts` we definitely do not recommend it , ' food safety information council sayshowever , what food you drop and where you drop it has an impact on riskpotato chips , nuts and biscuits less risky , but meats and cut fruit a no-go\"]\n", + "the five-second rule , which has been cited to justify picking up everything from a salt and vinegar chip to an assortment of cold cuts , is not as sure-fire as many snackers would surely like it to be .one of the most widespread ` food rules ' passed down from generation to generation may actually be a myth , meaning this tart is n't safe to pick upexperts say dry foods , like cookies , are less hazardous and can be ok , according to health experts\n", + "five-second rule dubbed a myth by food health industry experts` we definitely do not recommend it , ' food safety information council sayshowever , what food you drop and where you drop it has an impact on riskpotato chips , nuts and biscuits less risky , but meats and cut fruit a no-go\n", + "[1.2283635 1.4907176 1.1828911 1.2644968 1.2784646 1.1916171 1.1644609\n", + " 1.1031663 1.0533122 1.0853297 1.0480897 1.0360421 1.0265585 1.0777458\n", + " 1.0276841 1.0854253 1.0665795 1.0313991 1.0346136 0. 0. ]\n", + "\n", + "[ 1 4 3 0 5 2 6 7 15 9 13 16 8 10 11 18 17 14 12 19 20]\n", + "=======================\n", + "[\"kenneth stancil , 20 , is a former student who did not graduate from wayne community college in goldsboro , where he is accused of shooting dead a man who working in the school 's print shop .it is not known whether stancil and lane are connected or related .this is the man who allegedly opened fire in the campus library of a north carolina college on monday morning , leaving one person dead .\"]\n", + "=======================\n", + "[\"shooter identified as kenneth stancil who was once a student at collegehe ` carried a long gun ' and ` fired one shot ' that killed worker rodney lanewayne community college in goldsboro was on lockdown just before 9amcollege campus was systematically evacuated as swat teams arrivedthe college is one hour away from raleigh and has 3,900 students\"]\n", + "kenneth stancil , 20 , is a former student who did not graduate from wayne community college in goldsboro , where he is accused of shooting dead a man who working in the school 's print shop .it is not known whether stancil and lane are connected or related .this is the man who allegedly opened fire in the campus library of a north carolina college on monday morning , leaving one person dead .\n", + "shooter identified as kenneth stancil who was once a student at collegehe ` carried a long gun ' and ` fired one shot ' that killed worker rodney lanewayne community college in goldsboro was on lockdown just before 9amcollege campus was systematically evacuated as swat teams arrivedthe college is one hour away from raleigh and has 3,900 students\n", + "[1.1165843 1.3311503 1.0991513 1.2262777 1.1255101 1.1329288 1.0496769\n", + " 1.0710793 1.2317915 1.0963799 1.1241161 1.0665587 1.046014 1.0414047\n", + " 1.04562 1.0620977 1.02656 1.0215526 1.0245931 1.0494503 0. ]\n", + "\n", + "[ 1 8 3 5 4 10 0 2 9 7 11 15 6 19 12 14 13 16 18 17 20]\n", + "=======================\n", + "['in 2007 , a 29-year-old karaoke performer was shot dead at a bar in san mateo for delivering an off-key rendition of my way .manny pacquiao recorded his own song for when he takes to the ring for his fight with floyd mayweatherthe death toll now as high as 12 , many clubs have taken my way off their playlist .']\n", + "=======================\n", + "[\"manny pacquiao and floyd mayweather fight in las vegas on saturdaythe day of the bout is a national holiday in the philippinespacquiao ca n't be compared with other sports stars - there 's none like himhe has tv shows , plays , coaches basketball and singspacquiao is a twice-elected and popular congressman in his homelandsaturday 's fight will be worth at least $ 300m\"]\n", + "in 2007 , a 29-year-old karaoke performer was shot dead at a bar in san mateo for delivering an off-key rendition of my way .manny pacquiao recorded his own song for when he takes to the ring for his fight with floyd mayweatherthe death toll now as high as 12 , many clubs have taken my way off their playlist .\n", + "manny pacquiao and floyd mayweather fight in las vegas on saturdaythe day of the bout is a national holiday in the philippinespacquiao ca n't be compared with other sports stars - there 's none like himhe has tv shows , plays , coaches basketball and singspacquiao is a twice-elected and popular congressman in his homelandsaturday 's fight will be worth at least $ 300m\n", + "[1.2569785 1.513434 1.1624489 1.1942793 1.1165534 1.1555983 1.1187267\n", + " 1.2712733 1.1950763 1.0803856 1.0151838 1.0381528 1.0307075 1.0378959\n", + " 1.0877889 1.0256758 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 7 0 8 3 2 5 6 4 14 9 11 13 12 15 10 16 17 18 19 20]\n", + "=======================\n", + "['her majesty , who is approaching her 89th birthday , was spotted riding her faithful black fell pony , carltonlima emma , as she was joined by lord vestey and her head groom terry pendry in the beautiful park close to her windsor castle home on monday .the queen has spent a second day enjoying the spring sunshine in windsor great park this week .she was well prepared for any spring showers in a lightweight waterproof , and , as is her wont , eschewed a helmet in favour of one of her silk scarves .']\n", + "=======================\n", + "['the queen was spotted enjoying another ride in windsor great park todayrode her favourite fell pony , a mare named carltonlima emmajoined by lord vesty , one of the richest men in englandleft her hard hat at home and opted for a silk scarf instead']\n", + "her majesty , who is approaching her 89th birthday , was spotted riding her faithful black fell pony , carltonlima emma , as she was joined by lord vestey and her head groom terry pendry in the beautiful park close to her windsor castle home on monday .the queen has spent a second day enjoying the spring sunshine in windsor great park this week .she was well prepared for any spring showers in a lightweight waterproof , and , as is her wont , eschewed a helmet in favour of one of her silk scarves .\n", + "the queen was spotted enjoying another ride in windsor great park todayrode her favourite fell pony , a mare named carltonlima emmajoined by lord vesty , one of the richest men in englandleft her hard hat at home and opted for a silk scarf instead\n", + "[1.1788183 1.2588968 1.2293537 1.239339 1.1330178 1.1749634 1.0983398\n", + " 1.0851681 1.0770521 1.0587838 1.0969185 1.0602754 1.0592933 1.0555301\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 5 4 6 10 7 8 11 12 9 13 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"with a steyr assault rifle pulled tight into his shoulder , the prince is pictured taking part in exercises with royal australian artillery troops in darwin .` delightful chap ' : prince harry takes time out from his tough training programme to play with local children at the wuggubun community in a remote area hundreds of miles away from the nearest city , darwinharry 's participation in the exercises follows his visit to the remote kununurra region of western australia where he met village elders and children , camped in the outback and was taught how to survive a bushfire .\"]\n", + "=======================\n", + "[\"prince harry visited one of the most remote areas in the world as part of his tour with the australian armycaptain wales spent time with locals in the wuggubun community , some 600 miles from darwin , the nearest citylocals who were thrilled to spend time with harry said he just ` rocked up ' and that he is a ` delightful chap '30-year-old has been in australia since monday and will stay for a month before retiring from the british army\"]\n", + "with a steyr assault rifle pulled tight into his shoulder , the prince is pictured taking part in exercises with royal australian artillery troops in darwin .` delightful chap ' : prince harry takes time out from his tough training programme to play with local children at the wuggubun community in a remote area hundreds of miles away from the nearest city , darwinharry 's participation in the exercises follows his visit to the remote kununurra region of western australia where he met village elders and children , camped in the outback and was taught how to survive a bushfire .\n", + "prince harry visited one of the most remote areas in the world as part of his tour with the australian armycaptain wales spent time with locals in the wuggubun community , some 600 miles from darwin , the nearest citylocals who were thrilled to spend time with harry said he just ` rocked up ' and that he is a ` delightful chap '30-year-old has been in australia since monday and will stay for a month before retiring from the british army\n", + "[1.3446717 1.2801054 1.1316324 1.1243625 1.1066357 1.1177341 1.0590028\n", + " 1.0966693 1.0685446 1.1208405 1.1131597 1.1060408 1.1310437 1.029619\n", + " 1.0153509 1.0354327 1.1057179 1.0467131]\n", + "\n", + "[ 0 1 2 12 3 9 5 10 4 11 16 7 8 6 17 15 13 14]\n", + "=======================\n", + "['london ( cnn ) british police investigating a spectacular heist in the heart of london \\'s jewelry district said friday they knew a burglar alarm went off but did n\\'t respond .southern monitoring alarm company called the metropolitan police service , also known as scotland yard , at 12:21 a.m. april 3 to report that the burglar alarm had been activated at hatton garden safe deposit ltd. , mps said in a prepared statement .\" the call was recorded and transferred to the police \\'s cad ( computer-aided dispatch ) system , \" the statement said .']\n", + "=======================\n", + "[\"british tabloid releases video it says shows the robbery being carried outbritish police say they did n't respond to a burglar alarm in jewelry districtpolice give no value of the amount taken in the heist in london 's jewelry district\"]\n", + "london ( cnn ) british police investigating a spectacular heist in the heart of london 's jewelry district said friday they knew a burglar alarm went off but did n't respond .southern monitoring alarm company called the metropolitan police service , also known as scotland yard , at 12:21 a.m. april 3 to report that the burglar alarm had been activated at hatton garden safe deposit ltd. , mps said in a prepared statement .\" the call was recorded and transferred to the police 's cad ( computer-aided dispatch ) system , \" the statement said .\n", + "british tabloid releases video it says shows the robbery being carried outbritish police say they did n't respond to a burglar alarm in jewelry districtpolice give no value of the amount taken in the heist in london 's jewelry district\n", + "[1.2443373 1.3610107 1.1954005 1.2324165 1.1344752 1.1338949 1.0829318\n", + " 1.0952948 1.0774843 1.0448763 1.0690409 1.0628153 1.0302423 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 5 7 6 8 10 11 9 12 13 14 15 16 17]\n", + "=======================\n", + "['in 1992 , a drug enforcement agency operation which has since been discontinued , monitored every telephone call made from the united states to one of the up to 116 countries on their watch list for drug trafficking , including almost every country in both north and south america .usa today uncovered the details of the program , whose vastness was not known until now , and whose practices , especially in gathering bulk information , later became a model for the national security agency .the dea program and its aims had been revealed earlier this year in a report from the justice department , though there was no mention of just how big the program was , and the amount of data the agency was authorized to gather .']\n", + "=======================\n", + "['it has been revealed the government began secretly tracking phone calls under a program created for the drug enforcement agency in 1992the program forced phone companies to hand over all communication on a daily basis between any americans calling any 116 watch list countriesthe data collected included phone numbers and time calls were made , though actual content was not includedthe program was approved by every administration beginning with president george h.w.bushit was only shut down in september 2013 , this after attorney general eric holder became nervous in the wake of the edward snowden leaksthe program also served as a blueprint for the national security agency']\n", + "in 1992 , a drug enforcement agency operation which has since been discontinued , monitored every telephone call made from the united states to one of the up to 116 countries on their watch list for drug trafficking , including almost every country in both north and south america .usa today uncovered the details of the program , whose vastness was not known until now , and whose practices , especially in gathering bulk information , later became a model for the national security agency .the dea program and its aims had been revealed earlier this year in a report from the justice department , though there was no mention of just how big the program was , and the amount of data the agency was authorized to gather .\n", + "it has been revealed the government began secretly tracking phone calls under a program created for the drug enforcement agency in 1992the program forced phone companies to hand over all communication on a daily basis between any americans calling any 116 watch list countriesthe data collected included phone numbers and time calls were made , though actual content was not includedthe program was approved by every administration beginning with president george h.w.bushit was only shut down in september 2013 , this after attorney general eric holder became nervous in the wake of the edward snowden leaksthe program also served as a blueprint for the national security agency\n", + "[1.3547776 1.2111492 1.2026253 1.2430215 1.2708163 1.1780556 1.0509701\n", + " 1.0406566 1.045958 1.085413 1.0575126 1.0821816 1.0590128 1.0583968\n", + " 1.074617 1.0317748 1.0315843 1.064107 ]\n", + "\n", + "[ 0 4 3 1 2 5 9 11 14 17 12 13 10 6 8 7 15 16]\n", + "=======================\n", + "[\"ed miliband faced ridicule last night after privately billing himself as the ` happy warrior ' ahead of last week 's televised election debate .embarrassingly for the labour leader , the ten pages of notes were apparently left behind in the salford itv studios where mr miliband clashed with david cameron , nick clegg and four other party leaders .and in handwritten notes , mr miliband appears to exhort himself to ` use the people at home ' .\"]\n", + "=======================\n", + "[\"labour leader 's secret cribsheets revealed his peculiar set of remindersincluded words ` happy warrior , calm , never agitated ' and ` me versus dc 'labour defended notes calling them evidence of miliband 's ` positive vision '\"]\n", + "ed miliband faced ridicule last night after privately billing himself as the ` happy warrior ' ahead of last week 's televised election debate .embarrassingly for the labour leader , the ten pages of notes were apparently left behind in the salford itv studios where mr miliband clashed with david cameron , nick clegg and four other party leaders .and in handwritten notes , mr miliband appears to exhort himself to ` use the people at home ' .\n", + "labour leader 's secret cribsheets revealed his peculiar set of remindersincluded words ` happy warrior , calm , never agitated ' and ` me versus dc 'labour defended notes calling them evidence of miliband 's ` positive vision '\n", + "[1.4845126 1.293788 1.1192405 1.1993577 1.1688156 1.2441696 1.2096366\n", + " 1.144403 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 6 3 4 7 2 15 14 13 12 8 10 9 16 11 17]\n", + "=======================\n", + "['( cnn ) a bus collided with a fuel tanker in southern morocco on friday , a fiery crash that killed at least 35 people -- most of them children -- state and local media reported .the accident caused a fire that hollowed out the bus , leaving little more than its frame .the crash happened near the city of tan-tan just before 7 a.m. , the maghreb arabe presse state news agency reported .']\n", + "=======================\n", + "['most of the victims were children , according to reportscondolence messages appear online with images of boys in soccer uniformsthe bus collided with a fuel tanker near the southern moroccan city of tan-tan']\n", + "( cnn ) a bus collided with a fuel tanker in southern morocco on friday , a fiery crash that killed at least 35 people -- most of them children -- state and local media reported .the accident caused a fire that hollowed out the bus , leaving little more than its frame .the crash happened near the city of tan-tan just before 7 a.m. , the maghreb arabe presse state news agency reported .\n", + "most of the victims were children , according to reportscondolence messages appear online with images of boys in soccer uniformsthe bus collided with a fuel tanker near the southern moroccan city of tan-tan\n", + "[1.2583683 1.2810245 1.3573781 1.3787775 1.2474093 1.2838626 1.159201\n", + " 1.0858945 1.103424 1.0259848 1.0334305 1.1362185 1.0479696 1.0414922\n", + " 1.0164945 1.0119051 1.1032794 0. ]\n", + "\n", + "[ 3 2 5 1 0 4 6 11 8 16 7 12 13 10 9 14 15 17]\n", + "=======================\n", + "[\"about $ 70,000 worth of bull semen was stolen from a farm in southern minnesota sometime between april 1 and april 7the canister was worth about $ 500 , and the vials of semen were worth from $ 300 to $ 1,500 apiece .the semen , stolen from daniel weness 's farm ( pictured ) was taken from an unlocked barn .\"]\n", + "=======================\n", + "['daniel weness reported on tuesday that a storage canister with vials of bull semen had been taken from his farmthe $ 500 canister held vials worth between $ 300 and $ 1,500 eachtheft happened between april 1 and 7 , and weness was away on easterthere is a market for bull semen because it helps farmers on transportation costs of putting a bull and a cow in the same pen to breed']\n", + "about $ 70,000 worth of bull semen was stolen from a farm in southern minnesota sometime between april 1 and april 7the canister was worth about $ 500 , and the vials of semen were worth from $ 300 to $ 1,500 apiece .the semen , stolen from daniel weness 's farm ( pictured ) was taken from an unlocked barn .\n", + "daniel weness reported on tuesday that a storage canister with vials of bull semen had been taken from his farmthe $ 500 canister held vials worth between $ 300 and $ 1,500 eachtheft happened between april 1 and 7 , and weness was away on easterthere is a market for bull semen because it helps farmers on transportation costs of putting a bull and a cow in the same pen to breed\n", + "[1.3808433 1.2687237 1.1743586 1.294774 1.1804986 1.1313996 1.1150749\n", + " 1.1205233 1.1310142 1.0867586 1.1078734 1.0435002 1.069703 1.0295066\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 5 8 7 6 10 9 12 11 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"as well as moving aston villa up one place in the premier league table on tuesday night , christian benteke 's hat-trick against qpr was also a triumph for the top-flight 's belgian contingent .aston villa striker christian benteke celebrates after scoring his third goal against qpr on tuesdaythe 24-year-old 's treble accounted for the 46th , 47th and 48th goals scored by players from belgium this season , making them the third most prolific nation in the division .\"]\n", + "=======================\n", + "['aston villa striker christian benteke scored three against qpr on tuesdayplayers from belgium have now netted 48 premier league goals this termenglish players have scored 255 goals - almost four times more than spaina total of nine nations have just a single top-flight goal this seasonplayers from 46 countries have scored a total of 800 goals during 2014-15']\n", + "as well as moving aston villa up one place in the premier league table on tuesday night , christian benteke 's hat-trick against qpr was also a triumph for the top-flight 's belgian contingent .aston villa striker christian benteke celebrates after scoring his third goal against qpr on tuesdaythe 24-year-old 's treble accounted for the 46th , 47th and 48th goals scored by players from belgium this season , making them the third most prolific nation in the division .\n", + "aston villa striker christian benteke scored three against qpr on tuesdayplayers from belgium have now netted 48 premier league goals this termenglish players have scored 255 goals - almost four times more than spaina total of nine nations have just a single top-flight goal this seasonplayers from 46 countries have scored a total of 800 goals during 2014-15\n", + "[1.2215679 1.4972718 1.2995572 1.1605228 1.2770646 1.2030727 1.1238445\n", + " 1.1028875 1.1243459 1.0332302 1.0237348 1.0985739 1.0620359 1.0767556\n", + " 1.0682131 1.0548863 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 0 5 3 8 6 7 11 13 14 12 15 9 10 18 16 17 19]\n", + "=======================\n", + "[\"kristopher hicks , now 27 , was on his way home from a night out in bath , somerset , with his girlfriend in a taxi driven by michael young , 56 , five years ago .mr young , a former soldier , had mistakenly believed mr hicks was planning to ` do a runner ' and decided to drive him back to the rank in a bid to teach him a lesson .he suffered devastating brain injuries , developed epilepsy and now requires round-the-clock care from his mother .\"]\n", + "=======================\n", + "[\"driver michael young , 56 , thought passenger was planning to ` do a runner 'so he decided to take passenger kristopher hicks him back to the taxi rankmr hicks jumped out , sustaining head injuries , and now needs 24-hour carejudge rules mr hicks was unlawfully imprisoned and will now get damages\"]\n", + "kristopher hicks , now 27 , was on his way home from a night out in bath , somerset , with his girlfriend in a taxi driven by michael young , 56 , five years ago .mr young , a former soldier , had mistakenly believed mr hicks was planning to ` do a runner ' and decided to drive him back to the rank in a bid to teach him a lesson .he suffered devastating brain injuries , developed epilepsy and now requires round-the-clock care from his mother .\n", + "driver michael young , 56 , thought passenger was planning to ` do a runner 'so he decided to take passenger kristopher hicks him back to the taxi rankmr hicks jumped out , sustaining head injuries , and now needs 24-hour carejudge rules mr hicks was unlawfully imprisoned and will now get damages\n", + "[1.2833432 1.4352037 1.247492 1.2590162 1.3574336 1.2832724 1.0589992\n", + " 1.0582223 1.0246958 1.166345 1.1113728 1.1225214 1.0406487 1.0260838\n", + " 1.0098845 1.010774 1.0102386 1.0188873 1.007371 1.0096672]\n", + "\n", + "[ 1 4 0 5 3 2 9 11 10 6 7 12 13 8 17 15 16 14 19 18]\n", + "=======================\n", + "[\"bloomfield , who worked at bbc radio derby for 10 years as a presenter , reporter and derby county commentator , died at a hospice near his hometown of shrewsbury yesterday morning .hugely popular bbc derby broadcaster colin bloomfield has died aged 33 after battling skin cancerfellow broadcasters have paid tribute to the ` perfect colleague ' and ` consummate professional ' whose positive outlook on life made him such a popular figure .\"]\n", + "=======================\n", + "[\"bbc radio derby broadcaster died in hospice at 7.05 am yesterday morningtouched thousands of listeners with openness as he battled skin cancerheartbroken colleagues and stars have paid tribute to talented broadcastername chanted at derby county 's match at millwall and shrewsbury town players wore t-shirts with his name as they gained promotion yesterday\"]\n", + "bloomfield , who worked at bbc radio derby for 10 years as a presenter , reporter and derby county commentator , died at a hospice near his hometown of shrewsbury yesterday morning .hugely popular bbc derby broadcaster colin bloomfield has died aged 33 after battling skin cancerfellow broadcasters have paid tribute to the ` perfect colleague ' and ` consummate professional ' whose positive outlook on life made him such a popular figure .\n", + "bbc radio derby broadcaster died in hospice at 7.05 am yesterday morningtouched thousands of listeners with openness as he battled skin cancerheartbroken colleagues and stars have paid tribute to talented broadcastername chanted at derby county 's match at millwall and shrewsbury town players wore t-shirts with his name as they gained promotion yesterday\n", + "[1.2833985 1.5141778 1.2325855 1.4268177 1.1721228 1.067176 1.0322847\n", + " 1.0227834 1.0338356 1.0197425 1.0233788 1.0167491 1.0278292 1.0499084\n", + " 1.0230893 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 5 13 8 6 12 10 14 7 9 11 18 15 16 17 19]\n", + "=======================\n", + "[\"rye silverman , 32 , a los angeles-based writer and self-confessed ` gender rebel ' , has been a fan of modcloth 's designs for years , and often posts pictures of herself wearing the clothing on the company 's style gallery , an open fashion forum where customers can showcase how they have styled each item to suit their own personal tastes .a transgender comedian is the latest real life model to star in a campaign for clothing label modcloth , in which she models a variety of her favorite feminine styles .` five years ago today , i came out of the closet , ' rye explained on the modcloth website .\"]\n", + "=======================\n", + "[\"rye silverman , from los angeles , was chosen as one of the brand 's monthly fashion truth campaign starsthe 32-year-old comedian often posts pictures of herself wearing modcloth clothing on the brand 's open fashion forum , which is how she was spotted\"]\n", + "rye silverman , 32 , a los angeles-based writer and self-confessed ` gender rebel ' , has been a fan of modcloth 's designs for years , and often posts pictures of herself wearing the clothing on the company 's style gallery , an open fashion forum where customers can showcase how they have styled each item to suit their own personal tastes .a transgender comedian is the latest real life model to star in a campaign for clothing label modcloth , in which she models a variety of her favorite feminine styles .` five years ago today , i came out of the closet , ' rye explained on the modcloth website .\n", + "rye silverman , from los angeles , was chosen as one of the brand 's monthly fashion truth campaign starsthe 32-year-old comedian often posts pictures of herself wearing modcloth clothing on the brand 's open fashion forum , which is how she was spotted\n", + "[1.3806251 1.3522332 1.1783315 1.3552189 1.1528916 1.0762421 1.1225915\n", + " 1.0850481 1.1101639 1.0798537 1.0606048 1.0451646 1.0596474 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 6 8 7 9 5 10 12 11 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"scarface and godfather actor al pacino is offering die-hard fans the chance to fly with him on a private jet -- but it will set them back an eye-watering sum of # 25,000 ( or $ 41,500 ) .the unusual meet and greet is part of a ticket package offered by a cambridge-based tour operator ahead of pacino 's three-city speaking tour in the uk and ireland .but the 74-year-old actor , who has made millions over an illustrious career spanning six decades , is drawing criticism for the pricey promotion .\"]\n", + "=======================\n", + "[\"promotion is part of al pacino 's speaking tour in the uk and irelandpackage includes tickets to two shows and a five-star hotel stay in londonif it 's too pricey , fans can pay # 2,500 for alone time in his dressing roomscarface and godfather actor is speaking in glasgow , london and dublin\"]\n", + "scarface and godfather actor al pacino is offering die-hard fans the chance to fly with him on a private jet -- but it will set them back an eye-watering sum of # 25,000 ( or $ 41,500 ) .the unusual meet and greet is part of a ticket package offered by a cambridge-based tour operator ahead of pacino 's three-city speaking tour in the uk and ireland .but the 74-year-old actor , who has made millions over an illustrious career spanning six decades , is drawing criticism for the pricey promotion .\n", + "promotion is part of al pacino 's speaking tour in the uk and irelandpackage includes tickets to two shows and a five-star hotel stay in londonif it 's too pricey , fans can pay # 2,500 for alone time in his dressing roomscarface and godfather actor is speaking in glasgow , london and dublin\n", + "[1.3925574 1.359672 1.2083806 1.0823109 1.2128339 1.1335144 1.0494031\n", + " 1.1224444 1.2981416 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 8 4 2 5 7 3 6 22 21 20 19 18 17 16 12 14 13 23 11 10 9 15\n", + " 24]\n", + "=======================\n", + "[\"robbie savage has taken to twitter to show fans that his diet and fitness regime is paying dividends , as he tries to lose the flab .the match of the day pundit appears to have worked hard in the gym to lose his ` podgy ' label but he still has some way to go to return back to his so-called ` glory days . 'robbie savage posed this snap on his twitter showing the progress he had made during his fitness regime\"]\n", + "=======================\n", + "[\"robbie savage posted the snap on his twitter showing his weight lossthe pundit has been labeled as ` podgy ' previously by some peoplesportsmail 's laura williamson once described savage as ` marmite '\"]\n", + "robbie savage has taken to twitter to show fans that his diet and fitness regime is paying dividends , as he tries to lose the flab .the match of the day pundit appears to have worked hard in the gym to lose his ` podgy ' label but he still has some way to go to return back to his so-called ` glory days . 'robbie savage posed this snap on his twitter showing the progress he had made during his fitness regime\n", + "robbie savage posted the snap on his twitter showing his weight lossthe pundit has been labeled as ` podgy ' previously by some peoplesportsmail 's laura williamson once described savage as ` marmite '\n", + "[1.2522159 1.4740391 1.2507594 1.2894707 1.1112043 1.037356 1.0345602\n", + " 1.0568354 1.0631974 1.0287918 1.1310506 1.0630331 1.026373 1.0223991\n", + " 1.0304046 1.0980434 1.0318022 1.0903736 1.094833 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 10 4 15 18 17 8 11 7 5 6 16 14 9 12 13 23 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"but derek murray , a university of alberta law student , found more than just the note that cold november day in edmonton -- he also found an extension cord and battery charger left by the stranger to bring his dead acura back to life .an alberta student who 'd accidentally left his headlights on all day was greeted by what may have been the world 's friendliest note from a stranger when he returned to his car .now that murray 's life-affirming tale has now gone viral , he says ` it just shows you how such a pure act of kindness from one person can just spread through everyone and help make everyone 's day a little brighter . '\"]\n", + "=======================\n", + "[\"derek murray , a university of alberta law student , could have had his day ruined by the mistake by a stranger 's kindness brightened it upmurray posted his story and the note online and the random act of kindness has now gone viral\"]\n", + "but derek murray , a university of alberta law student , found more than just the note that cold november day in edmonton -- he also found an extension cord and battery charger left by the stranger to bring his dead acura back to life .an alberta student who 'd accidentally left his headlights on all day was greeted by what may have been the world 's friendliest note from a stranger when he returned to his car .now that murray 's life-affirming tale has now gone viral , he says ` it just shows you how such a pure act of kindness from one person can just spread through everyone and help make everyone 's day a little brighter . '\n", + "derek murray , a university of alberta law student , could have had his day ruined by the mistake by a stranger 's kindness brightened it upmurray posted his story and the note online and the random act of kindness has now gone viral\n", + "[1.0764039 1.0804904 1.2966461 1.4463634 1.0955852 1.2858747 1.1970475\n", + " 1.1501342 1.0780646 1.0763412 1.1739031 1.0425144 1.0585697 1.0536164\n", + " 1.0430511 1.0434982 1.0947556 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 5 6 10 7 4 16 1 8 0 9 12 13 15 14 11 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "['a series of pictures by german artist jörg düsterwald show body-painted models camouflaged in woodlandcamouflaged in body paint , women pose for the camera against a backdrop of overgrown woodland .the jaw-dropping artwork is the brainchild of jörg düsterwald , a 49-year-old artist and bodypainter from hameln , germany .']\n", + "=======================\n", + "['a series of pictures show body-painted models camouflaged in woodlandthe pieces of art are by jörg düsterwald , 49 , from hameln , germanyhe takes hours to paint the models into every nature scene']\n", + "a series of pictures by german artist jörg düsterwald show body-painted models camouflaged in woodlandcamouflaged in body paint , women pose for the camera against a backdrop of overgrown woodland .the jaw-dropping artwork is the brainchild of jörg düsterwald , a 49-year-old artist and bodypainter from hameln , germany .\n", + "a series of pictures show body-painted models camouflaged in woodlandthe pieces of art are by jörg düsterwald , 49 , from hameln , germanyhe takes hours to paint the models into every nature scene\n", + "[1.4829029 1.118867 1.1099492 1.3206168 1.454381 1.2092786 1.1319624\n", + " 1.066776 1.1630244 1.0124525 1.0082575 1.0075371 1.0151672 1.021694\n", + " 1.037105 1.0725495 1.0387866 1.0126004 1.0156296 1.0643351 1.0257164\n", + " 1.0207714 1.0068798 1.024284 1.023698 ]\n", + "\n", + "[ 0 4 3 5 8 6 1 2 15 7 19 16 14 20 23 24 13 21 18 12 17 9 10 11\n", + " 22]\n", + "=======================\n", + "[\"on february 14 , 1998 , new kid on the block michael owen scored a hat-trick for liverpool in a 3-3 draw with sheffield wednesday at hillsborough .liverpool , and now england , have michael owen . 'owen celebrates his goal at france '98 as he went on to deal with the expectation placed on his shoulders\"]\n", + "=======================\n", + "[\"harry kane is the premier league 's joint-top goalscorer with 19 but was 500/1 to win the golden boot at the beginning of the seasonmichael owen emerged in 1997-98 but managed to maintain his formkane has captured the imagination since earning his senior england debutnobody had ever won player of the month three times in a row but kane went desperately close after winning it in january and februaryolivier giroud beat him to march despite kane 's five goals that monthvincent kompany and kane have coincidentally played 1,876 minutes each this season , and both have won 25 tackles apiecekane features twice in the top 20 most distances covered in a matchhe was given a taster of what is to come by italy defender giorgio chiellini\"]\n", + "on february 14 , 1998 , new kid on the block michael owen scored a hat-trick for liverpool in a 3-3 draw with sheffield wednesday at hillsborough .liverpool , and now england , have michael owen . 'owen celebrates his goal at france '98 as he went on to deal with the expectation placed on his shoulders\n", + "harry kane is the premier league 's joint-top goalscorer with 19 but was 500/1 to win the golden boot at the beginning of the seasonmichael owen emerged in 1997-98 but managed to maintain his formkane has captured the imagination since earning his senior england debutnobody had ever won player of the month three times in a row but kane went desperately close after winning it in january and februaryolivier giroud beat him to march despite kane 's five goals that monthvincent kompany and kane have coincidentally played 1,876 minutes each this season , and both have won 25 tackles apiecekane features twice in the top 20 most distances covered in a matchhe was given a taster of what is to come by italy defender giorgio chiellini\n", + "[1.3554075 1.4406103 1.1687492 1.0672313 1.0871555 1.0918542 1.0914112\n", + " 1.0362389 1.0396308 1.1219776 1.0769938 1.0880197 1.0677346 1.044675\n", + " 1.0527698 1.0525872 1.0526708 1.0758076 1.0859795 1.0388048 1.0437746\n", + " 1.0576935 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 9 5 6 11 4 18 10 17 12 3 21 14 16 15 13 20 8 19 7 23 22\n", + " 24]\n", + "=======================\n", + "[\"bi fujian , who works for state-run china central television , was filmed at a dinner party singing a revolutionary song that eulogizes the communist party 's early years when he started going off script .( cnn ) a popular chinese television host known for impromptu satire is now the subject of controversy after being caught on camera cursing the late chairman mao zedong .making disrespectful references to china 's leaders in public is considered a taboo in china , even today .\"]\n", + "=======================\n", + "['bi apologizes on social media : \" my personal speech has led to grave social consequences \"chinese tv star filmed cursing the late chairman mao zedongmaking disrespectful references to china \\'s leaders in public is still taboo']\n", + "bi fujian , who works for state-run china central television , was filmed at a dinner party singing a revolutionary song that eulogizes the communist party 's early years when he started going off script .( cnn ) a popular chinese television host known for impromptu satire is now the subject of controversy after being caught on camera cursing the late chairman mao zedong .making disrespectful references to china 's leaders in public is considered a taboo in china , even today .\n", + "bi apologizes on social media : \" my personal speech has led to grave social consequences \"chinese tv star filmed cursing the late chairman mao zedongmaking disrespectful references to china 's leaders in public is still taboo\n", + "[1.2575623 1.3091338 1.1419235 1.3236518 1.3692287 1.071687 1.2832652\n", + " 1.1480023 1.0986978 1.0273291 1.1307641 1.121411 1.158371 1.1636369\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 4 3 1 6 0 13 12 7 2 10 11 8 5 9 16 14 15 17]\n", + "=======================\n", + "[\"liverpool midfielder jordan henderson is set to sign a new long-term contract at anfieldhis new deal will run to 2020 .the club 's vice-captain had 14 months remaining on his current contract and his advisors had been in talks with liverpool since the beginning of this season .\"]\n", + "=======================\n", + "[\"jordan henderson is set to sign an improved deal with liverpoolthe 24-year-old midfielder has 14 months left on his current contracthenderson could replace steven gerrard as club captain this summerliverpool will resume talks with raheem sterling at the end of the seasonread : liverpool launch bid to rival man utd for psv 's memphis depay\"]\n", + "liverpool midfielder jordan henderson is set to sign a new long-term contract at anfieldhis new deal will run to 2020 .the club 's vice-captain had 14 months remaining on his current contract and his advisors had been in talks with liverpool since the beginning of this season .\n", + "jordan henderson is set to sign an improved deal with liverpoolthe 24-year-old midfielder has 14 months left on his current contracthenderson could replace steven gerrard as club captain this summerliverpool will resume talks with raheem sterling at the end of the seasonread : liverpool launch bid to rival man utd for psv 's memphis depay\n", + "[1.2797406 1.4576594 1.2134863 1.1719885 1.3671798 1.2382824 1.089988\n", + " 1.0168843 1.0284065 1.1541145 1.019048 1.0120995 1.0339956 1.1168861\n", + " 1.1580495 1.070982 1.0300938 0. ]\n", + "\n", + "[ 1 4 0 5 2 3 14 9 13 6 15 12 16 8 10 7 11 17]\n", + "=======================\n", + "['bryan morseman , 29 , from bath , new york , started his streak at the montgomery marathon in alabama on march 14 .a new york man who won three marathons in eight days last month said that his winnings will go toward the medical bills of his infant son , who has spina bifida , a developmental congenital disorder .he ran the tobacco road marathon in cary , north carolina , the next morning because it was one the way home to new york .']\n", + "=======================\n", + "[\"bryan morseman , of bath , new york , won marathons on march 14 , 15 and 22the 29-year-old 's winnings went toward medical bills for his nine-month-old son , who has spina bifida , a developmental congenital disorderthe disorder develops in the womb when a baby 's spinal column does n't form properlymorseman said his son leeim gives him inspiration to run the raceshe has won 23 of the 42 marathons he 's run since his first in 2008\"]\n", + "bryan morseman , 29 , from bath , new york , started his streak at the montgomery marathon in alabama on march 14 .a new york man who won three marathons in eight days last month said that his winnings will go toward the medical bills of his infant son , who has spina bifida , a developmental congenital disorder .he ran the tobacco road marathon in cary , north carolina , the next morning because it was one the way home to new york .\n", + "bryan morseman , of bath , new york , won marathons on march 14 , 15 and 22the 29-year-old 's winnings went toward medical bills for his nine-month-old son , who has spina bifida , a developmental congenital disorderthe disorder develops in the womb when a baby 's spinal column does n't form properlymorseman said his son leeim gives him inspiration to run the raceshe has won 23 of the 42 marathons he 's run since his first in 2008\n", + "[1.2283729 1.476028 1.3236754 1.1983125 1.0961071 1.093341 1.1568295\n", + " 1.2675185 1.0744929 1.0495355 1.0310262 1.0258646 1.081912 1.0520962\n", + " 1.0512356 1.0498375 1.0265969 1.0370541]\n", + "\n", + "[ 1 2 7 0 3 6 4 5 12 8 13 14 15 9 17 10 16 11]\n", + "=======================\n", + "[\"christian tyrrell , 22 , was arrested wednesday on capital murder charges in connection to the march 19 death of 2-year-old adrian langlais , the son of his girlfriend jessica langlais .john winkler and laura martinez considered themselves adrian 's grandparents , even though they were n't blood related to the little boy .the adoptive grandparents of a texas toddler who died after a brutal beating last month are speaking out against the boy 's mother , who they say did n't do enough to protect her son from her boyfriend .\"]\n", + "=======================\n", + "[\"adrian langlais died on march 19 , the day after his second birthday , from head injuries allegedly caused by his mother 's boyfriend christian tyrrellthe toddler 's adoptive grandparents say they started noticing bruises on the boy in november , when mother jessica langlais started dating tyrrellthey say jessica ignored their warnings , and that child protective services cleared tyrrell of any wrong doing a month before adrian 's deathtyrrell was arrested wednesday on capital murder charges and is being held on $ 1million bond\"]\n", + "christian tyrrell , 22 , was arrested wednesday on capital murder charges in connection to the march 19 death of 2-year-old adrian langlais , the son of his girlfriend jessica langlais .john winkler and laura martinez considered themselves adrian 's grandparents , even though they were n't blood related to the little boy .the adoptive grandparents of a texas toddler who died after a brutal beating last month are speaking out against the boy 's mother , who they say did n't do enough to protect her son from her boyfriend .\n", + "adrian langlais died on march 19 , the day after his second birthday , from head injuries allegedly caused by his mother 's boyfriend christian tyrrellthe toddler 's adoptive grandparents say they started noticing bruises on the boy in november , when mother jessica langlais started dating tyrrellthey say jessica ignored their warnings , and that child protective services cleared tyrrell of any wrong doing a month before adrian 's deathtyrrell was arrested wednesday on capital murder charges and is being held on $ 1million bond\n", + "[1.1449623 1.3846552 1.357939 1.246929 1.1014762 1.1878266 1.108536\n", + " 1.0761195 1.1605997 1.0672916 1.0909148 1.0340041 1.043855 1.0323472\n", + " 1.0193769 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 5 8 0 6 4 10 7 9 12 11 13 14 16 15 17]\n", + "=======================\n", + "[\"us scientists have found a way to use discarded corn husks and stalks to make cheap hydrogen fuel that does n't pollute the environment like fossil fuels .the breakthrough could one day see the fuel being produced locally and drivers stopping to refuel their vehicles at roadside bioreactors instead of pumping petrol into their motor .now , researchers at virginia polytechnic institute and state university have shown that it 's possible to convert 100 per cent of the sugar in corn stalks and husks -- a by-product of farming -- into hydrogen gas , which can be used to power vehicles .\"]\n", + "=======================\n", + "[\"virginia polytechnic institute and state university researchers found a way to use discarded corn husks and stalks to make cheap hydrogen fuelused efficient method to convert 100 % of plant sugars into ` green ' fuelit 's previously only been possible to convert 60 % of sugars into hydrogenbreakthrough could see motorists filling up at roadside bioreactors\"]\n", + "us scientists have found a way to use discarded corn husks and stalks to make cheap hydrogen fuel that does n't pollute the environment like fossil fuels .the breakthrough could one day see the fuel being produced locally and drivers stopping to refuel their vehicles at roadside bioreactors instead of pumping petrol into their motor .now , researchers at virginia polytechnic institute and state university have shown that it 's possible to convert 100 per cent of the sugar in corn stalks and husks -- a by-product of farming -- into hydrogen gas , which can be used to power vehicles .\n", + "virginia polytechnic institute and state university researchers found a way to use discarded corn husks and stalks to make cheap hydrogen fuelused efficient method to convert 100 % of plant sugars into ` green ' fuelit 's previously only been possible to convert 60 % of sugars into hydrogenbreakthrough could see motorists filling up at roadside bioreactors\n", + "[1.2451061 1.3360162 1.3810425 1.388927 1.2699933 1.3158611 1.2546618\n", + " 1.1542704 1.14667 1.0307702 1.0259944 1.0157644 1.0176258 1.0530015\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 5 4 6 0 7 8 13 9 10 12 11 14 15 16 17]\n", + "=======================\n", + "['mario balotelli has only scored once in the premier league since his switch to liverpool last summerliverpool have been willing to sell balotelli since january but could find no takers after signing him for # 16m .eccentric club president massimo ferrero says the talented but frustrating 24-year-old has lost his desire for football and needs to go to stadio luigi ferraris to re-discover himself .']\n", + "=======================\n", + "[\"mario balotelli joined liverpool for # 16million from ac milan last summerthe striker has scored just one premier league goal and is set for exitsampdoria want the italian but he would have to take a pay cutpresident massimo ferrero said balotelli is not hungry anymoreread : balotelli lays into man utd after sergio aguero 's goal at old trafford\"]\n", + "mario balotelli has only scored once in the premier league since his switch to liverpool last summerliverpool have been willing to sell balotelli since january but could find no takers after signing him for # 16m .eccentric club president massimo ferrero says the talented but frustrating 24-year-old has lost his desire for football and needs to go to stadio luigi ferraris to re-discover himself .\n", + "mario balotelli joined liverpool for # 16million from ac milan last summerthe striker has scored just one premier league goal and is set for exitsampdoria want the italian but he would have to take a pay cutpresident massimo ferrero said balotelli is not hungry anymoreread : balotelli lays into man utd after sergio aguero 's goal at old trafford\n", + "[1.3340946 1.2777936 1.2973943 1.1575756 1.097446 1.3908105 1.0283997\n", + " 1.0778359 1.049208 1.0333631 1.0623719 1.0901564 1.10427 1.0547982\n", + " 1.0236753 1.0214858 0. 0. 0. ]\n", + "\n", + "[ 5 0 2 1 3 12 4 11 7 10 13 8 9 6 14 15 16 17 18]\n", + "=======================\n", + "[\"millwall keeper david forde was called into action in the first minute , doing well to deny troy deeney after the striker had broken the offside trap .matej vydra 's superb volley helped keep watford on the trail for automatic promotion as they recorded a 2-0 victory over a spirited millwall side , who sank further into relegation trouble .aiden o'brien was a constant menace for the hosts - who had an early penalty shout turned down - but watford were far too clinical , as adlene guedioura slotted a vital second goal shortly after the break .\"]\n", + "=======================\n", + "['matej vydra converts ikechi anya cross after 26 mintuesadlene guadeioura doubles hornets advantage in second halfmillwall remain seven points from safety , and are second from bottom']\n", + "millwall keeper david forde was called into action in the first minute , doing well to deny troy deeney after the striker had broken the offside trap .matej vydra 's superb volley helped keep watford on the trail for automatic promotion as they recorded a 2-0 victory over a spirited millwall side , who sank further into relegation trouble .aiden o'brien was a constant menace for the hosts - who had an early penalty shout turned down - but watford were far too clinical , as adlene guedioura slotted a vital second goal shortly after the break .\n", + "matej vydra converts ikechi anya cross after 26 mintuesadlene guadeioura doubles hornets advantage in second halfmillwall remain seven points from safety , and are second from bottom\n", + "[1.3237814 1.0603352 1.3757514 1.1563644 1.276211 1.1223927 1.0679067\n", + " 1.0565275 1.0846225 1.0346848 1.0383945 1.1326555 1.0733379 1.116246\n", + " 1.0502504 1.028704 0. 0. 0. ]\n", + "\n", + "[ 2 0 4 3 11 5 13 8 12 6 1 7 14 10 9 15 16 17 18]\n", + "=======================\n", + "['the a-listers have tried-and-tested techniques when it comes to getting dressed and they all follow simple styling hacks to flatter their figure .from victoria beckham to the duchess of cambridge , our favourite celebrities always dress to impress .femail has pulled together the simple but effective celebrity-favoured styling tips you can employ to make the most of your figure .']\n", + "=======================\n", + "[\"victoria beckham has updated her black wardrobe with a hint of navythe duchess of cambridge 's favourite nude shoes make legs appear leanersticking to one neutral colour palette like kim kardashian is flattering\"]\n", + "the a-listers have tried-and-tested techniques when it comes to getting dressed and they all follow simple styling hacks to flatter their figure .from victoria beckham to the duchess of cambridge , our favourite celebrities always dress to impress .femail has pulled together the simple but effective celebrity-favoured styling tips you can employ to make the most of your figure .\n", + "victoria beckham has updated her black wardrobe with a hint of navythe duchess of cambridge 's favourite nude shoes make legs appear leanersticking to one neutral colour palette like kim kardashian is flattering\n", + "[1.2032521 1.4230499 1.3168014 1.2899753 1.0839404 1.1438243 1.1835853\n", + " 1.0882787 1.07048 1.0421742 1.1007394 1.0796622 1.0624864 1.0294886\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 6 5 10 7 4 11 8 12 9 13 14 15 16 17 18]\n", + "=======================\n", + "[\"volcano calbuco , in the country 's south , is believed to be among the three most dangerous of chile 's 90 active volcanoes , but was not under any special observation before it suddenly sprung into life at around 6pm local time .an estimated 1,500 people were forced to flee the nearby town of ensenada after the eruption , while several smaller townships were also cleared .the eruption sparked a red alert in the port city of puerto montt\"]\n", + "=======================\n", + "[\"volcano erupted without warning at around 6pm local time with 1,500 people forced to leave their homesresidents described people crying in the streets as they fled in the aftermath of the ` apocalypse-like ' eruptionit is the first time the volcano has been active since 1972 , and the first major eruption there since 1961the plume of ash and smoke blanketed the sky and was visible in towns up to 100 miles away in argentina\"]\n", + "volcano calbuco , in the country 's south , is believed to be among the three most dangerous of chile 's 90 active volcanoes , but was not under any special observation before it suddenly sprung into life at around 6pm local time .an estimated 1,500 people were forced to flee the nearby town of ensenada after the eruption , while several smaller townships were also cleared .the eruption sparked a red alert in the port city of puerto montt\n", + "volcano erupted without warning at around 6pm local time with 1,500 people forced to leave their homesresidents described people crying in the streets as they fled in the aftermath of the ` apocalypse-like ' eruptionit is the first time the volcano has been active since 1972 , and the first major eruption there since 1961the plume of ash and smoke blanketed the sky and was visible in towns up to 100 miles away in argentina\n", + "[1.2193377 1.4580951 1.3550923 1.309079 1.1775091 1.1292048 1.058321\n", + " 1.0437645 1.0549685 1.0848136 1.0509851 1.2406723 1.0866249 1.021711\n", + " 1.0485529 1.0359298 1.0204582 1.0697224 1.0333052]\n", + "\n", + "[ 1 2 3 11 0 4 5 12 9 17 6 8 10 14 7 15 18 13 16]\n", + "=======================\n", + "[\"kat lee 's desperate plea on facebook has gone viral as she appealed for witnesses to come forward following her son 's surgery for his broken jaw in two places and a fractured cheekbone .she told the advertiser a group of five , including four teenagers and an adult , attacked her son over money owed for a hot dog .a mother has released images of her teenage son who suffered serious injuries after he was assaulted at an adelaide train station on saturday night\"]\n", + "=======================\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['the teenager suffered a broken jaw in 2 places and a fractured cheek bonemother shared a photo of jaidyn on her facebook page after his operationkat lee says her son was at an adelaide train station on saturday nightshe has appealed for witnesses to come forward and speak to policepolice are still investigating the matter and no arrests have been made']\n", + "kat lee 's desperate plea on facebook has gone viral as she appealed for witnesses to come forward following her son 's surgery for his broken jaw in two places and a fractured cheekbone .she told the advertiser a group of five , including four teenagers and an adult , attacked her son over money owed for a hot dog .a mother has released images of her teenage son who suffered serious injuries after he was assaulted at an adelaide train station on saturday night\n", + "the teenager suffered a broken jaw in 2 places and a fractured cheek bonemother shared a photo of jaidyn on her facebook page after his operationkat lee says her son was at an adelaide train station on saturday nightshe has appealed for witnesses to come forward and speak to policepolice are still investigating the matter and no arrests have been made\n", + "[1.3829015 1.485766 1.2118758 1.3578105 1.3313035 1.1766708 1.0171862\n", + " 1.0134596 1.0167814 1.0236288 1.1787648 1.046692 1.0650246 1.0154048\n", + " 1.0093784 1.0101894 1.1249217 1.0659307 0. ]\n", + "\n", + "[ 1 0 3 4 2 10 5 16 17 12 11 9 6 8 13 7 15 14 18]\n", + "=======================\n", + "['seeking to become just the sixth player in history to win all four major titles , mcilroy was one over par after 11 holes before recording birdies on the 13th and 15th to card a one-under-par 71 .rory mcilroy expressed his satisfaction after keeping his dreams of the career grand slam on track with a battling display on the opening day of the 79th masters .rory mcilroy did well just to bogey the sixth after making a shaky start at the masters']\n", + "=======================\n", + "['rory mcilroy carded a one-under-par 71 in the first round at augustathe world no 1 recovered from early setback with birdies at 13th and 15thhe has recorded a score of 77 or worse on five occasions at augustaclick here for all the latest news from the masters 2015']\n", + "seeking to become just the sixth player in history to win all four major titles , mcilroy was one over par after 11 holes before recording birdies on the 13th and 15th to card a one-under-par 71 .rory mcilroy expressed his satisfaction after keeping his dreams of the career grand slam on track with a battling display on the opening day of the 79th masters .rory mcilroy did well just to bogey the sixth after making a shaky start at the masters\n", + "rory mcilroy carded a one-under-par 71 in the first round at augustathe world no 1 recovered from early setback with birdies at 13th and 15thhe has recorded a score of 77 or worse on five occasions at augustaclick here for all the latest news from the masters 2015\n", + "[1.2747996 1.1090496 1.2303205 1.3771923 1.0958749 1.0775129 1.1474566\n", + " 1.0922383 1.0582856 1.0401324 1.0528129 1.0416888 1.0731845 1.1259667\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 6 13 1 4 7 5 12 8 10 11 9 14 15 16 17 18]\n", + "=======================\n", + "[\"the worst architectural losses have included the majestic shiva temple pagoda and its twin , the narayan temple pagoda , which dominated kathmandu 's main durbar square .( cnn ) when the earthquake hit , many of nepal 's most renowned pagodas in and around kathmandu crumbled into rubble-covered stumps .but the kathmandu valley 's other pagodas , stupas and shrines -- also built mostly of red brick hundreds of years ago -- suffered surprisingly little damage and remained standing next to structures which disappeared .\"]\n", + "=======================\n", + "[\"several of nepal 's best known landmarks have been destroyed by the earthquake of april 25but outside the capital kathmandu there is hope that many have survived\"]\n", + "the worst architectural losses have included the majestic shiva temple pagoda and its twin , the narayan temple pagoda , which dominated kathmandu 's main durbar square .( cnn ) when the earthquake hit , many of nepal 's most renowned pagodas in and around kathmandu crumbled into rubble-covered stumps .but the kathmandu valley 's other pagodas , stupas and shrines -- also built mostly of red brick hundreds of years ago -- suffered surprisingly little damage and remained standing next to structures which disappeared .\n", + "several of nepal 's best known landmarks have been destroyed by the earthquake of april 25but outside the capital kathmandu there is hope that many have survived\n", + "[1.2382076 1.3403852 1.3027494 1.1510785 1.3318143 1.2127728 1.1585945\n", + " 1.1170028 1.20737 1.0222973 1.0400678 1.0220137 1.0390849 1.1049014\n", + " 1.1334479 1.0881314 1.0094136 1.0067258 1.0183913]\n", + "\n", + "[ 1 4 2 0 5 8 6 3 14 7 13 15 10 12 9 11 18 16 17]\n", + "=======================\n", + "[\"the research , carried out in milan , backs up tests carried out by the charity medical detection dogs .dogs have been found to detect prostate cancer with 98 per cent accuracy when sniffing men 's urine samplesits co-founder dr claire guest said the charity 's research found a 93 per cent reliability rate when detecting both prostate and bladder cancer .\"]\n", + "=======================\n", + "[\"study in milan found two dogs identified 98 % of prostate cancer casesthey examined urine samples of 900 men - 360 who had cancermedical detection dogs charity hailed the study as ` spectacular '\"]\n", + "the research , carried out in milan , backs up tests carried out by the charity medical detection dogs .dogs have been found to detect prostate cancer with 98 per cent accuracy when sniffing men 's urine samplesits co-founder dr claire guest said the charity 's research found a 93 per cent reliability rate when detecting both prostate and bladder cancer .\n", + "study in milan found two dogs identified 98 % of prostate cancer casesthey examined urine samples of 900 men - 360 who had cancermedical detection dogs charity hailed the study as ` spectacular '\n", + "[1.2372708 1.2397017 1.1160948 1.1375519 1.2250288 1.207891 1.1597689\n", + " 1.15082 1.090954 1.1427208 1.0261353 1.1030765 1.017251 1.0766764\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 5 6 7 9 3 2 11 8 13 10 12 17 14 15 16 18]\n", + "=======================\n", + "[\"launching a new poster campaign showing ms sturgeon manipulating a puppet labour leader , conservative chairman grant shapps said : ` the only way that ed miliband might crawl through the gates of no10 now is if he 's carried there by the snp .it is the image which the tories hope will scare floating voters into their arms -- the prospect of nicola sturgeon forcing ed miliband to implement her radical policies .the campaign comes as ms sturgeon uses an article in today 's scottish mail on sunday to claim that she can help ` lead the uk ' .\"]\n", + "=======================\n", + "[\"tories will be hoping to scare floating voters with puppet-master imagecomes as snp leader ms sturgeon claims that she can help ` lead the uk 'party manifesto to include pledges in policy areas which do n't even directly affect scotland\"]\n", + "launching a new poster campaign showing ms sturgeon manipulating a puppet labour leader , conservative chairman grant shapps said : ` the only way that ed miliband might crawl through the gates of no10 now is if he 's carried there by the snp .it is the image which the tories hope will scare floating voters into their arms -- the prospect of nicola sturgeon forcing ed miliband to implement her radical policies .the campaign comes as ms sturgeon uses an article in today 's scottish mail on sunday to claim that she can help ` lead the uk ' .\n", + "tories will be hoping to scare floating voters with puppet-master imagecomes as snp leader ms sturgeon claims that she can help ` lead the uk 'party manifesto to include pledges in policy areas which do n't even directly affect scotland\n", + "[1.2526314 1.2651639 1.3062332 1.3783486 1.1938139 1.1586382 1.1218265\n", + " 1.1137674 1.2399905 1.01662 1.0628753 1.0661402 1.0749689 1.0771663\n", + " 1.0082661 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 0 8 4 5 6 7 13 12 11 10 9 14 15 16 17 18]\n", + "=======================\n", + "[\"victim : staff sergeant shawn manning was shot six times during the fort hood attack - but claims he is being denied vital financial supportauthorities initially classed the mass murder as ` workplace violence ' but it has since been acknowledged that the attack was an act of terrorism - because it was inspired by a foreign terrorist group .army psychiatrist major nidal hasan opened fire on november 5 , 2009 , killing 13 men and women at the military post in killeen , texas , injuring 30 others before he was shot himself .\"]\n", + "=======================\n", + "[\"fort hood shootings in 2009 were initially classed as ` workplace violence 'authorities later acknowledged that the attack was an act of terrorismbut victim staff sergeant shawn manning says he is being denied benefitssays military rejected claims his injuries were sustained in the line of duty\"]\n", + "victim : staff sergeant shawn manning was shot six times during the fort hood attack - but claims he is being denied vital financial supportauthorities initially classed the mass murder as ` workplace violence ' but it has since been acknowledged that the attack was an act of terrorism - because it was inspired by a foreign terrorist group .army psychiatrist major nidal hasan opened fire on november 5 , 2009 , killing 13 men and women at the military post in killeen , texas , injuring 30 others before he was shot himself .\n", + "fort hood shootings in 2009 were initially classed as ` workplace violence 'authorities later acknowledged that the attack was an act of terrorismbut victim staff sergeant shawn manning says he is being denied benefitssays military rejected claims his injuries were sustained in the line of duty\n", + "[1.4027717 1.1186063 1.1879922 1.4523737 1.3631889 1.2089729 1.0770969\n", + " 1.1417 1.0849254 1.024577 1.0327438 1.0337824 1.0249081 1.0630808\n", + " 1.0436296 1.1528639 1.0125518 1.0144202 0. ]\n", + "\n", + "[ 3 0 4 5 2 15 7 1 8 6 13 14 11 10 12 9 17 16 18]\n", + "=======================\n", + "[\"manchester city manager manuel pellegrini insists his side must splash the cash in the summermanchester city boss manuel pellegrini believes the club may need to splash out again this summer to keep pace with their rivals .pellegrini has said manchester city must sign a ` crack ' player such as striker sergio aguero\"]\n", + "=======================\n", + "['manuel pellegrini believes man city need to sign a world class superstarthe chilean insists it is important to splash the cash every other seasoncity brought in eliaquim mangala , fernando and bacary sagna in summermanchester city face crystal palace at selhurst park on monday night']\n", + "manchester city manager manuel pellegrini insists his side must splash the cash in the summermanchester city boss manuel pellegrini believes the club may need to splash out again this summer to keep pace with their rivals .pellegrini has said manchester city must sign a ` crack ' player such as striker sergio aguero\n", + "manuel pellegrini believes man city need to sign a world class superstarthe chilean insists it is important to splash the cash every other seasoncity brought in eliaquim mangala , fernando and bacary sagna in summermanchester city face crystal palace at selhurst park on monday night\n", + "[1.2251737 1.3146844 1.3110877 1.2736292 1.0727046 1.1900216 1.1166886\n", + " 1.1088442 1.0840231 1.063326 1.0965439 1.1350552 1.0510665 1.100615\n", + " 1.0561306 1.0354909 1.025831 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 11 6 7 13 10 8 4 9 14 12 15 16 18 17 19]\n", + "=======================\n", + "[\"it comes as a friend of the teenagers who are believed to the planned attack in melbourne revealed the moment the two young men ` became radicalised ' .the man , who has not been identified , claims the death of numan haider was the moment ` we all became more radical ' , according to news corp australia .sevdet besim , from hallam in melbourne 's south-east , was charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' at the melbourne magistrates court on saturday afternoon\"]\n", + "=======================\n", + "[\"men believed to be masterminds of plot ` scouted ' police stations to attackalleged ringleader held under tough anti-terror laws without being chargedfriend of the teenagers reveals the moment they ` became radicalised 'killing of numan haider last year said to be when they became extremistalso revealed teens were being recruited of top isis official , neil prakashinstagram account of sevdet besim give insight into the mind of the teenhe was one of five men arrested as part of anti-terror raids in melbournepolice allege the teenagers planned to target an anzac day ceremony\"]\n", + "it comes as a friend of the teenagers who are believed to the planned attack in melbourne revealed the moment the two young men ` became radicalised ' .the man , who has not been identified , claims the death of numan haider was the moment ` we all became more radical ' , according to news corp australia .sevdet besim , from hallam in melbourne 's south-east , was charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' at the melbourne magistrates court on saturday afternoon\n", + "men believed to be masterminds of plot ` scouted ' police stations to attackalleged ringleader held under tough anti-terror laws without being chargedfriend of the teenagers reveals the moment they ` became radicalised 'killing of numan haider last year said to be when they became extremistalso revealed teens were being recruited of top isis official , neil prakashinstagram account of sevdet besim give insight into the mind of the teenhe was one of five men arrested as part of anti-terror raids in melbournepolice allege the teenagers planned to target an anzac day ceremony\n", + "[1.3369944 1.1371855 1.1620146 1.064259 1.0796477 1.1065835 1.0259107\n", + " 1.02544 1.1380523 1.1099749 1.1505815 1.0659395 1.0421678 1.0738895\n", + " 1.0875009 1.0622609 1.078599 1.0820302 1.0679445 1.0380491]\n", + "\n", + "[ 0 2 10 8 1 9 5 14 17 4 16 13 18 11 3 15 12 19 6 7]\n", + "=======================\n", + "[\"david crossley developed large kidney stonesin fact , david , 63 , a musculoskeletal therapist from birmingham , admits : ' i would often be so busy at the clinic that i 'd forget to drink any liquid at all , other than the odd cup of tea or coffee .one in ten of us will develop a kidney stone , and the numbers are rising dramatically .\"]\n", + "=======================\n", + "[\"doctors believe low fluid intake led to david crossley 's kidney stonesultrasound and ct scan revealed two very large stones in his right kidneyone in ten of us will develop a kidney stone , and the numbers are risingchanging diet trends such as low-carb are also pushing sufferer figures up` animal proteins break down into uric acid - a known stone-former '\"]\n", + "david crossley developed large kidney stonesin fact , david , 63 , a musculoskeletal therapist from birmingham , admits : ' i would often be so busy at the clinic that i 'd forget to drink any liquid at all , other than the odd cup of tea or coffee .one in ten of us will develop a kidney stone , and the numbers are rising dramatically .\n", + "doctors believe low fluid intake led to david crossley 's kidney stonesultrasound and ct scan revealed two very large stones in his right kidneyone in ten of us will develop a kidney stone , and the numbers are risingchanging diet trends such as low-carb are also pushing sufferer figures up` animal proteins break down into uric acid - a known stone-former '\n", + "[1.2123916 1.5634124 1.3031427 1.3638701 1.2209264 1.0486922 1.0880855\n", + " 1.0261836 1.0313107 1.2292495 1.0243521 1.0413157 1.0223802 1.0176713\n", + " 1.055418 1.0903243 1.053594 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 9 4 0 15 6 14 16 5 11 8 7 10 12 13 18 17 19]\n", + "=======================\n", + "['rachel chepulis , 26 , was arrested with wesley e. brown iii in north bend , oregon almost three weeks after she helped him break out of lake region correctional center , also known as devils lake , in north dakota .35-year-old brown , who is married with children , was awaiting sentencing after pleading guilty to being a felon in possession of a firearm - and is thought to have seduced single chepulis while behind bars .caught : the pair managed to get 1,700 miles from the north dakota jail before being captured in oregon']\n", + "=======================\n", + "[\"rachel chepulis helped wesley e. brown iii break out of north dakota jailfugitive couple captured yesterday outside store in north bend , oregonbrown , 35 , was awaiting sentencing for carrying a firearm as a felonchepulis , 26 , found to have a tattoo of brown 's initials on her ring finger\"]\n", + "rachel chepulis , 26 , was arrested with wesley e. brown iii in north bend , oregon almost three weeks after she helped him break out of lake region correctional center , also known as devils lake , in north dakota .35-year-old brown , who is married with children , was awaiting sentencing after pleading guilty to being a felon in possession of a firearm - and is thought to have seduced single chepulis while behind bars .caught : the pair managed to get 1,700 miles from the north dakota jail before being captured in oregon\n", + "rachel chepulis helped wesley e. brown iii break out of north dakota jailfugitive couple captured yesterday outside store in north bend , oregonbrown , 35 , was awaiting sentencing for carrying a firearm as a felonchepulis , 26 , found to have a tattoo of brown 's initials on her ring finger\n", + "[1.2951046 1.2501117 1.3207728 1.1755106 1.2180034 1.1891178 1.1629719\n", + " 1.1262645 1.0641643 1.0356171 1.1798648 1.02302 1.0517585 1.0543432\n", + " 1.0402199 1.0555402 1.0253236 1.0158143 0. 0. ]\n", + "\n", + "[ 2 0 1 4 5 10 3 6 7 8 15 13 12 14 9 16 11 17 18 19]\n", + "=======================\n", + "['this just days before a judge will decide if she must hand over $ 2.8 million in gifts she received from her ex , embattled former los angeles clippers owner donald sterling .v stiviano showed off two new accessories while enjoying lunch in los angeles on thursday .the 32-year-old was seen with an older male companion and some new braces on her already straight teeth while dining al fresco .']\n", + "=======================\n", + "['v stiviano showed off new braces while out to lunch thursday at il pastaio in beverly hillsshe was joined by an older male companion who gave her a gift when she arrivedthis just days before a judge will decide if she must hand over $ 2.8 million in gifts she received from her ex , donald sterling']\n", + "this just days before a judge will decide if she must hand over $ 2.8 million in gifts she received from her ex , embattled former los angeles clippers owner donald sterling .v stiviano showed off two new accessories while enjoying lunch in los angeles on thursday .the 32-year-old was seen with an older male companion and some new braces on her already straight teeth while dining al fresco .\n", + "v stiviano showed off new braces while out to lunch thursday at il pastaio in beverly hillsshe was joined by an older male companion who gave her a gift when she arrivedthis just days before a judge will decide if she must hand over $ 2.8 million in gifts she received from her ex , donald sterling\n", + "[1.4541241 1.212132 1.4077748 1.162435 1.2659485 1.157788 1.1094186\n", + " 1.0553197 1.0882711 1.022508 1.0229751 1.0243459 1.0731163 1.0184691\n", + " 1.0155243 1.0252383 1.0177776 1.1318318 1.0270492 0. ]\n", + "\n", + "[ 0 2 4 1 3 5 17 6 8 12 7 18 15 11 10 9 13 16 14 19]\n", + "=======================\n", + "[\"gifted : schoolgirl elspeth mckendrick was depressed after being diagnosed with asperger 's syndromeher parents said she was ` happy to be odd and eccentric ' but was ` very much in denial ' about her condition and felt unable to discuss it with anybody .the doctor who and sherlock fan , who was described by her mother as ` geeky ' , had desperately wanted to fit in at school and had built up a small circle of friends .\"]\n", + "=======================\n", + "[\"elspeth mckendrick was left shattered by asperger 's syndrome diagnosisher parents said she was ` very much in denial ' about her conditionshe had a small circle of friends at school but wanted a ` close best friend 'gifted teen had scored a string of gcse a * s and won a place at art college\"]\n", + "gifted : schoolgirl elspeth mckendrick was depressed after being diagnosed with asperger 's syndromeher parents said she was ` happy to be odd and eccentric ' but was ` very much in denial ' about her condition and felt unable to discuss it with anybody .the doctor who and sherlock fan , who was described by her mother as ` geeky ' , had desperately wanted to fit in at school and had built up a small circle of friends .\n", + "elspeth mckendrick was left shattered by asperger 's syndrome diagnosisher parents said she was ` very much in denial ' about her conditionshe had a small circle of friends at school but wanted a ` close best friend 'gifted teen had scored a string of gcse a * s and won a place at art college\n", + "[1.238316 1.6236154 1.3216163 1.4863174 1.1058749 1.053635 1.0298069\n", + " 1.0545336 1.0237337 1.0216166 1.0351737 1.0520729 1.0200979 1.1948476\n", + " 1.1104017 1.1626624 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 13 15 14 4 7 5 11 10 6 8 9 12 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"amanda beringer asked her brother brad fraser to make a toast at her wedding at eagle bay , south of perth , over the weekend in place of their father who passed away .far from a conventional toast , mr fraser performed a song which poked fun at the burdens of marriage .this is the hilarious moment a man performs a musical toast at his sister 's wedding to welcome his new brother-in-law to the family .\"]\n", + "=======================\n", + "[\"amanda beringer asked her brother brad to make a toast at her weddinginstead of a speech , he wrote a song poking fun at the burdens of marriagethe perth man 's musical toast had the wedding guests in stitches\"]\n", + "amanda beringer asked her brother brad fraser to make a toast at her wedding at eagle bay , south of perth , over the weekend in place of their father who passed away .far from a conventional toast , mr fraser performed a song which poked fun at the burdens of marriage .this is the hilarious moment a man performs a musical toast at his sister 's wedding to welcome his new brother-in-law to the family .\n", + "amanda beringer asked her brother brad to make a toast at her weddinginstead of a speech , he wrote a song poking fun at the burdens of marriagethe perth man 's musical toast had the wedding guests in stitches\n", + "[1.1539559 1.2551907 1.1618369 1.5869985 1.2286611 1.0712328 1.0533412\n", + " 1.0171313 1.0275362 1.044512 1.0640118 1.1214942 1.0107266 1.0207559\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 4 2 0 11 5 10 6 9 8 13 7 12 14 15 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"alastair cook passed alec stewart 's 8,463 runs to become england 's second highest test run-scorerwhen cook slapped a kemar roach full toss to the boundary in the early stages of his reply to west indies ' 299 on wednesday , he moved beyond alec stewart into second place among england 's great test accumulators .now only graham gooch , the man cook returned to earlier this year to try to restore his batting to full working order , stands above an england captain who is very much fighting for his leadership future in this series .\"]\n", + "=======================\n", + "[\"england paceman stuart broad back to his best with four-wicket haulopeners alastair cook and jonathan trott shared first half-century standthe tourists closed on 74-0 in reply to west indies ' first innings total of 299\"]\n", + "alastair cook passed alec stewart 's 8,463 runs to become england 's second highest test run-scorerwhen cook slapped a kemar roach full toss to the boundary in the early stages of his reply to west indies ' 299 on wednesday , he moved beyond alec stewart into second place among england 's great test accumulators .now only graham gooch , the man cook returned to earlier this year to try to restore his batting to full working order , stands above an england captain who is very much fighting for his leadership future in this series .\n", + "england paceman stuart broad back to his best with four-wicket haulopeners alastair cook and jonathan trott shared first half-century standthe tourists closed on 74-0 in reply to west indies ' first innings total of 299\n", + "[1.0433093 1.1768119 1.1751283 1.541758 1.391238 1.2094921 1.2460573\n", + " 1.1200798 1.0494913 1.036025 1.0360876 1.0566784 1.0530667 1.0434855\n", + " 1.0272516 1.0135643 1.0151434 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 6 5 1 2 7 11 12 8 13 0 10 9 14 16 15 23 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "['on friday it will be 100 years since 50,000 gathered at the home of manchester united for the last football match to be played in england for four , long years .the anniversary is being marked in manchester by the national football museum whose exhibition the greater game : football & the first world war tells the story of a controversial match played on the same day thousands of allied troops were killed in a deadly german chlorine gas attack near ypres , belgium .many soldiers already wounded from war or in uniform for training earned the match its khaki cup final tag']\n", + "=======================\n", + "[\"the 1915 fa cup final would be the last game in england for four yearsso many soldiers in the terraces saw it be known as the khaki cup finalon friday it will be 100 years since the match was held at old traffordsheffield united beat chelsea 3-0 but there was no parade for the victoryit was played on the same day thousands of allied troops were killed in a deadly german chlorine gas attack near ypres , belgiumearl of derby urged men not enlisted to play ' a sterner game for england '\"]\n", + "on friday it will be 100 years since 50,000 gathered at the home of manchester united for the last football match to be played in england for four , long years .the anniversary is being marked in manchester by the national football museum whose exhibition the greater game : football & the first world war tells the story of a controversial match played on the same day thousands of allied troops were killed in a deadly german chlorine gas attack near ypres , belgium .many soldiers already wounded from war or in uniform for training earned the match its khaki cup final tag\n", + "the 1915 fa cup final would be the last game in england for four yearsso many soldiers in the terraces saw it be known as the khaki cup finalon friday it will be 100 years since the match was held at old traffordsheffield united beat chelsea 3-0 but there was no parade for the victoryit was played on the same day thousands of allied troops were killed in a deadly german chlorine gas attack near ypres , belgiumearl of derby urged men not enlisted to play ' a sterner game for england '\n", + "[1.2478788 1.367687 1.2032715 1.4556993 1.2121825 1.1529318 1.0423307\n", + " 1.0578824 1.0126888 1.0210102 1.1253369 1.155899 1.2676032 1.0303053\n", + " 1.0126715 1.0148759 1.018876 1.0776869 1.0082896 1.007132 1.0117422\n", + " 1.0115649 1.0083055 1.0567814 1.0695841]\n", + "\n", + "[ 3 1 12 0 4 2 11 5 10 17 24 7 23 6 13 9 16 15 8 14 20 21 22 18\n", + " 19]\n", + "=======================\n", + "[\"vincent kompany is not guaranteed to return this season after injuring himself in the manchester derbythe influential captain was substituted during sunday 's 4-2 derby defeat at manchester united - a result that effectively ended their hopes of retaining their title and left them looking over their shoulders as they attempt to secure champions league football .bundesliga managers jurgen klopp ( left ) and pep guardiola have been linked with a move to city\"]\n", + "=======================\n", + "['vincent kompany was injured in the manchester derby defeat by unitedmanuel pellegrini is not sure if the belgium star will return this seasonthe premier league champions face west ham at the etihad on sunday']\n", + "vincent kompany is not guaranteed to return this season after injuring himself in the manchester derbythe influential captain was substituted during sunday 's 4-2 derby defeat at manchester united - a result that effectively ended their hopes of retaining their title and left them looking over their shoulders as they attempt to secure champions league football .bundesliga managers jurgen klopp ( left ) and pep guardiola have been linked with a move to city\n", + "vincent kompany was injured in the manchester derby defeat by unitedmanuel pellegrini is not sure if the belgium star will return this seasonthe premier league champions face west ham at the etihad on sunday\n", + "[1.4042051 1.1447492 1.2046472 1.1681417 1.1268435 1.0406216 1.0543747\n", + " 1.051273 1.0209042 1.063555 1.0556418 1.0663741 1.1042072 1.0867496\n", + " 1.0201477 1.0645952 1.0373471 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 4 12 13 11 15 9 10 6 7 5 16 8 14 23 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "['( cnn ) bernie sanders , my vermont senator and , indeed , a friend of many years , is now running for president .to most americans , of course , sen. bernie sanders is only a name , if that .he is barely known to the general public , which makes him a very long shot indeed to win election to the highest office in the nation .']\n", + "=======================\n", + "[\"jay parini : bernie sanders , who is running for president , is a liberal long shot , but he 's also a populist truth-teller who speaks without fearhe says the vermont senator could help move hillary clinton to left on progressive issues\"]\n", + "( cnn ) bernie sanders , my vermont senator and , indeed , a friend of many years , is now running for president .to most americans , of course , sen. bernie sanders is only a name , if that .he is barely known to the general public , which makes him a very long shot indeed to win election to the highest office in the nation .\n", + "jay parini : bernie sanders , who is running for president , is a liberal long shot , but he 's also a populist truth-teller who speaks without fearhe says the vermont senator could help move hillary clinton to left on progressive issues\n", + "[1.2897362 1.4332842 1.3445177 1.2359495 1.1260972 1.197446 1.1059244\n", + " 1.130536 1.0697947 1.0930611 1.0343901 1.1175424 1.0942569 1.0468535\n", + " 1.0738598 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 5 7 4 11 6 12 9 14 8 13 10 17 15 16 18]\n", + "=======================\n", + "['agent arthur baldwin was taken into custody at 12:30 am on friday on a residential street in south-eastern d.c. by the metropolitan police .he has been hit with a felony charge of attempted burglary and another of destruction of property .an off-duty secret service agent was arrested this morning in washington d.c. after allegedly attempting to break into a house at midnight .']\n", + "=======================\n", + "['agent arthur baldwin arrested in south-east washington at 12:30 am fridaycharged with a felony charge of first-degree attempted burglaryagent baldwin , posted to foreign missions branch , was placed on leavesecret service bosses also suspended his security clearance']\n", + "agent arthur baldwin was taken into custody at 12:30 am on friday on a residential street in south-eastern d.c. by the metropolitan police .he has been hit with a felony charge of attempted burglary and another of destruction of property .an off-duty secret service agent was arrested this morning in washington d.c. after allegedly attempting to break into a house at midnight .\n", + "agent arthur baldwin arrested in south-east washington at 12:30 am fridaycharged with a felony charge of first-degree attempted burglaryagent baldwin , posted to foreign missions branch , was placed on leavesecret service bosses also suspended his security clearance\n", + "[1.0933748 1.3348155 1.4843987 1.1900332 1.3319037 1.0962214 1.0553896\n", + " 1.163204 1.1278117 1.0319216 1.0290775 1.0527468 1.0435642 1.0185778\n", + " 1.0772808 1.0366627 1.0439489 1.02217 0. ]\n", + "\n", + "[ 2 1 4 3 7 8 5 0 14 6 11 16 12 15 9 10 17 13 18]\n", + "=======================\n", + "['yannick bolasie scored three as crystal palace shoved sunderland closer to the drop zone , while hull city remain in danger following a 2-0 loss at southampton .it was the saturday that saw leicester city keep their survival chances alive by coming from behind to beat west brom and tim sherwood claim a priceless victory for aston villa at his former club tottenham .brad guzan 7.5 ( tottenham vs aston villa )']\n", + "=======================\n", + "[\"bolasie scored three goals as palace beat sunderland 4-1villa recorded a crucial 1-0 win at tottenham to stay above drop zoneaaron ramsey scored arsenal 's goal in 1-0 win at burnleyjamie vardy struck late to give leicester a vital 3-2 win at west brom\"]\n", + "yannick bolasie scored three as crystal palace shoved sunderland closer to the drop zone , while hull city remain in danger following a 2-0 loss at southampton .it was the saturday that saw leicester city keep their survival chances alive by coming from behind to beat west brom and tim sherwood claim a priceless victory for aston villa at his former club tottenham .brad guzan 7.5 ( tottenham vs aston villa )\n", + "bolasie scored three goals as palace beat sunderland 4-1villa recorded a crucial 1-0 win at tottenham to stay above drop zoneaaron ramsey scored arsenal 's goal in 1-0 win at burnleyjamie vardy struck late to give leicester a vital 3-2 win at west brom\n", + "[1.351501 1.1211135 1.3449719 1.2552544 1.2098055 1.245337 1.0875311\n", + " 1.1282326 1.1249527 1.1083266 1.0403403 1.101813 1.1151488 1.0845457\n", + " 1.0376523 1.0168242 1.022479 1.0125605 1.0096015]\n", + "\n", + "[ 0 2 3 5 4 7 8 1 12 9 11 6 13 10 14 16 15 17 18]\n", + "=======================\n", + "[\"keith cameron , pictured , was jailed for five years for scamming his dying friend and neighbour out of his life savingskeith cameron splashed out on a new york flat for his daughter and enjoyed a string of extravagant holidays while his victim 's family have been left facing the prospect of selling their home .the 54-year-old scammed his trusting friend and terminally ill neighbour , jonathan speirs , out of # 476,864 in a complicated ruse .\"]\n", + "=======================\n", + "[\"keith cameron , 54 , jailed for five years after being found guilty of fraudscammed architect jonathan speirs out of # 476,864 in complicated rusecameron promised a # 2million return for an investment to dying mannow mr speirs 's family are facing having to sell their edinburgh home\"]\n", + "keith cameron , pictured , was jailed for five years for scamming his dying friend and neighbour out of his life savingskeith cameron splashed out on a new york flat for his daughter and enjoyed a string of extravagant holidays while his victim 's family have been left facing the prospect of selling their home .the 54-year-old scammed his trusting friend and terminally ill neighbour , jonathan speirs , out of # 476,864 in a complicated ruse .\n", + "keith cameron , 54 , jailed for five years after being found guilty of fraudscammed architect jonathan speirs out of # 476,864 in complicated rusecameron promised a # 2million return for an investment to dying mannow mr speirs 's family are facing having to sell their edinburgh home\n", + "[1.2823477 1.4121425 1.1521019 1.0709865 1.2043517 1.227622 1.2009773\n", + " 1.0710438 1.0470183 1.0135158 1.044471 1.0537813 1.1097732 1.1536678\n", + " 1.1672184 1.0633894 1.0105046 0. 0. ]\n", + "\n", + "[ 1 0 5 4 6 14 13 2 12 7 3 15 11 8 10 9 16 17 18]\n", + "=======================\n", + "[\"when mark gentle , from farmington , maine , found his son carter sobbing because he thought that the scar from his fifth open-heart surgery - an emergency procedure to repair his pacemaker - was ` ugly ' , the concerned dad posted a snapshot of the little boy 's chest to his facebook account in the hopes of generating some wider support and , in turn boost carter 's confidence .a loving father has helped his seven-year-old son , who suffers from a congenital heart defect , to view his surgery scars as beautiful marks of bravery by proudly sharing a photo of the boy 's battle wounds online .mark wrote alongside the picture , which has received nearly 1.5 million likes since it was posted on april 11 .\"]\n", + "=======================\n", + "[\"carter gentle , from farmington , maine , cried over the appearance of his ` ugly ' scars after having his fifth open-heart surgeryhis father mark shared a photo of his bare chest on facebook in the hopes of boosting his confidencethe picture has received nearly 1.5 million likes since it was posted last week\"]\n", + "when mark gentle , from farmington , maine , found his son carter sobbing because he thought that the scar from his fifth open-heart surgery - an emergency procedure to repair his pacemaker - was ` ugly ' , the concerned dad posted a snapshot of the little boy 's chest to his facebook account in the hopes of generating some wider support and , in turn boost carter 's confidence .a loving father has helped his seven-year-old son , who suffers from a congenital heart defect , to view his surgery scars as beautiful marks of bravery by proudly sharing a photo of the boy 's battle wounds online .mark wrote alongside the picture , which has received nearly 1.5 million likes since it was posted on april 11 .\n", + "carter gentle , from farmington , maine , cried over the appearance of his ` ugly ' scars after having his fifth open-heart surgeryhis father mark shared a photo of his bare chest on facebook in the hopes of boosting his confidencethe picture has received nearly 1.5 million likes since it was posted last week\n", + "[1.3755434 1.4453561 1.1685475 1.2284988 1.087747 1.2070372 1.0379963\n", + " 1.2279572 1.128933 1.0302471 1.0206318 1.086565 1.0221989 1.0631751\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 7 5 2 8 4 11 13 6 9 12 10 17 14 15 16 18]\n", + "=======================\n", + "['the two-time formula one world champion took time out from training ahead of the spanish grand prix next week to go cruising with his younger sibling in his stylish shelby cobra .lewis hamilton took a well-earned break from his blistering start to the formula one season , taking his brother nicolas out for a spin out in la. .nicolas hamilton takes a selfie with his brother lewis whilst the pair take a ride in the la sunshine']\n", + "=======================\n", + "['lewis hamilton has been out in la ahead of the fifth race of the seasonhamilton chauffeured younger brother nicolas around town in his cobramercedes driver has won three of his four races this calendar yearreigning champion heading to santa monica ahead of spanish grand prixnicolas hamilton preparing for the british touring car championship']\n", + "the two-time formula one world champion took time out from training ahead of the spanish grand prix next week to go cruising with his younger sibling in his stylish shelby cobra .lewis hamilton took a well-earned break from his blistering start to the formula one season , taking his brother nicolas out for a spin out in la. .nicolas hamilton takes a selfie with his brother lewis whilst the pair take a ride in the la sunshine\n", + "lewis hamilton has been out in la ahead of the fifth race of the seasonhamilton chauffeured younger brother nicolas around town in his cobramercedes driver has won three of his four races this calendar yearreigning champion heading to santa monica ahead of spanish grand prixnicolas hamilton preparing for the british touring car championship\n", + "[1.3531169 1.4586554 1.4133294 1.3721098 1.1984944 1.3034886 1.1045021\n", + " 1.0251194 1.0269166 1.0159568 1.0192684 1.014634 1.0266322 1.0219407\n", + " 1.1118199 1.158872 1.0428845 1.0142729 1.0128785 1.0135881 1.0105333\n", + " 1.1241827 1.0081762]\n", + "\n", + "[ 1 2 3 0 5 4 15 21 14 6 16 8 12 7 13 10 9 11 17 19 18 20 22]\n", + "=======================\n", + "[\"the reigning champions face diego simeone 's side at vicente calderon on tuesday night in the first leg of the last eight clash having failed to beat their neighbours in six attempts this season .carlo ancelotti 's side lost both la liga matches against atletico this season - 2-1 at the bernabeu before a humiliating 4-0 away defeat - and have also been beaten twice and held to two draws in the spanish supper cup and the copa del rey .marcelo insists real madrid 's this season 's meetings with local rivals atletico madrid will have no bearing on the outcome of their champions league quarter-final tie .\"]\n", + "=======================\n", + "[\"real madrid have n't beaten local rivals atletico in six attempts this seasonthey clash in the first leg of the champions league last eight on tuesdaymarcelo says the players are not thinking about their recent record\"]\n", + "the reigning champions face diego simeone 's side at vicente calderon on tuesday night in the first leg of the last eight clash having failed to beat their neighbours in six attempts this season .carlo ancelotti 's side lost both la liga matches against atletico this season - 2-1 at the bernabeu before a humiliating 4-0 away defeat - and have also been beaten twice and held to two draws in the spanish supper cup and the copa del rey .marcelo insists real madrid 's this season 's meetings with local rivals atletico madrid will have no bearing on the outcome of their champions league quarter-final tie .\n", + "real madrid have n't beaten local rivals atletico in six attempts this seasonthey clash in the first leg of the champions league last eight on tuesdaymarcelo says the players are not thinking about their recent record\n", + "[1.260951 1.2819364 1.0717249 1.1155035 1.1832459 1.0370432 1.104149\n", + " 1.1809909 1.0484887 1.1569226 1.1792237 1.082217 1.1461313 1.0549461\n", + " 1.048138 1.0143807 1.0082239 1.0059489 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 4 7 10 9 12 3 6 11 2 13 8 14 5 15 16 17 21 18 19 20 22]\n", + "=======================\n", + "['gareth huw davies visits the volcanic outpost in the atlantic , said by one scientist to enjoy the best climate in the world , and draws up his list of things to see and do ...gran canaria -- just off the coast of africa , yet still in europe -- is one of the most popular winter holiday retreats for britons .the apollo hotel , built at the dawn of the tourism boom in the resort of playa del ingles , has been entirely revamped as the swish , sumptuous , adults-only bohemia suites & spa .']\n", + "=======================\n", + "['gran canaria is one of the most popular winter holidays for britonsit is said to have the best climate in the world , according to a us scientistinstead of driving the motorways , take the winding mountain roads to see cobbled villages']\n", + "gareth huw davies visits the volcanic outpost in the atlantic , said by one scientist to enjoy the best climate in the world , and draws up his list of things to see and do ...gran canaria -- just off the coast of africa , yet still in europe -- is one of the most popular winter holiday retreats for britons .the apollo hotel , built at the dawn of the tourism boom in the resort of playa del ingles , has been entirely revamped as the swish , sumptuous , adults-only bohemia suites & spa .\n", + "gran canaria is one of the most popular winter holidays for britonsit is said to have the best climate in the world , according to a us scientistinstead of driving the motorways , take the winding mountain roads to see cobbled villages\n", + "[1.3140409 1.395366 1.3026524 1.1895013 1.2719693 1.1329001 1.2131021\n", + " 1.0849187 1.1381391 1.072757 1.0769068 1.0125035 1.062309 1.0845947\n", + " 1.0886717 1.0146002 1.0227174 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 2 4 6 3 8 5 14 7 13 10 9 12 16 15 11 17 18 19 20 21 22]\n", + "=======================\n", + "[\"giudice , who is preparing to head to federal prison for bankruptcy fraud , lost his driver 's license and was fined the maximum of $ 10,000 .real housewives of new jersey star joe giudice has had his driving license suspended for two years by a state judge who called his driving record the worst he 's ever seen .he pleaded guilty in october to unlawful use of an id and impersonation .\"]\n", + "=======================\n", + "[\"real housewives of new jersey star has had his driving license suspended for two years and was fined the maximum of $ 10,000state judge called his driving record the worst he 's ever seen - it included 39 license suspensionsguilty plea included an 18-month sentence that will run concurrent with his 41-month federal sentence for bankruptcy fraud and failing to file taxeswife teresa currently serving a 15-month federal sentence on the fraud charges and he will begin his sentence when hers is over\"]\n", + "giudice , who is preparing to head to federal prison for bankruptcy fraud , lost his driver 's license and was fined the maximum of $ 10,000 .real housewives of new jersey star joe giudice has had his driving license suspended for two years by a state judge who called his driving record the worst he 's ever seen .he pleaded guilty in october to unlawful use of an id and impersonation .\n", + "real housewives of new jersey star has had his driving license suspended for two years and was fined the maximum of $ 10,000state judge called his driving record the worst he 's ever seen - it included 39 license suspensionsguilty plea included an 18-month sentence that will run concurrent with his 41-month federal sentence for bankruptcy fraud and failing to file taxeswife teresa currently serving a 15-month federal sentence on the fraud charges and he will begin his sentence when hers is over\n", + "[1.1908491 1.3669199 1.3477198 1.2227559 1.1884913 1.2663233 1.0798892\n", + " 1.1055912 1.1127264 1.0244815 1.1038299 1.0718359 1.1167597 1.0393999\n", + " 1.0637031 1.0454364 1.0067972 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 5 3 0 4 12 8 7 10 6 11 14 15 13 9 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"the miami-dade police department set up a hidden camera to deal with the ongoing problem of luggage theft , and found workers rifling through checked bags both before they were loaded onto planes and once inside the aircraft 's belly .this as it is revealed that airline customers have reported $ 2.5 million in lost property from 2010 to 2014 .cnn reports that 31 employees have been arrested for theft in miami since 2012 , including six this year .\"]\n", + "=======================\n", + "['police caught baggage handlers at miami international airport stealing from passenger luggage after installing a hidden camerathis as it is revealed that airline customers have reported $ 2.5 million in lost property from 2010 to 201431 employees have been arrested for theft at miami international airport since 2012 , including six this yearthere have been 30,621 claims of missing valuables since 2010 , with most claims coming from john f. kennedy airport in new yorksince 2002 , the tsa has fired 513 workers for theft , though it is now known how many of them faced criminal chargeslast year , 16 employees at los angeles international airport were fired for theft after police searched their homes and found luxury items']\n", + "the miami-dade police department set up a hidden camera to deal with the ongoing problem of luggage theft , and found workers rifling through checked bags both before they were loaded onto planes and once inside the aircraft 's belly .this as it is revealed that airline customers have reported $ 2.5 million in lost property from 2010 to 2014 .cnn reports that 31 employees have been arrested for theft in miami since 2012 , including six this year .\n", + "police caught baggage handlers at miami international airport stealing from passenger luggage after installing a hidden camerathis as it is revealed that airline customers have reported $ 2.5 million in lost property from 2010 to 201431 employees have been arrested for theft at miami international airport since 2012 , including six this yearthere have been 30,621 claims of missing valuables since 2010 , with most claims coming from john f. kennedy airport in new yorksince 2002 , the tsa has fired 513 workers for theft , though it is now known how many of them faced criminal chargeslast year , 16 employees at los angeles international airport were fired for theft after police searched their homes and found luxury items\n", + "[1.1701918 1.4286261 1.2137387 1.1653566 1.1192305 1.095336 1.0371412\n", + " 1.1556656 1.1546448 1.1059313 1.0187224 1.0375303 1.0862021 1.0174184\n", + " 1.0112611 1.0893207 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 3 7 8 4 9 5 15 12 11 6 10 13 14 16 17 18 19 20 21 22]\n", + "=======================\n", + "['the high-achieving high schoolers have each been accepted to all eight ivy league schools : brown university , columbia university , cornell university , dartmouth college , harvard university , university of pennsylvania , princeton university and yale university .their parents came to the u.s. for opportunities and now these four teens have them in abundance .while they all grew up in different cities , the students are the offspring of immigrant parents who moved to america - from bulgaria , somalia or nigeria .']\n", + "=======================\n", + "[\"munira khalif from minnesota , stefan stoykov from indiana , victor agbafe from north carolina , and harold ekeh from new york got multiple offersall have immigrant parents - from somalia , bulgaria or nigeria - and say they have their parents ' hard work to thank for their successesthey hope to use the opportunities for good , from improving education across the world to becoming neurosurgeons\"]\n", + "the high-achieving high schoolers have each been accepted to all eight ivy league schools : brown university , columbia university , cornell university , dartmouth college , harvard university , university of pennsylvania , princeton university and yale university .their parents came to the u.s. for opportunities and now these four teens have them in abundance .while they all grew up in different cities , the students are the offspring of immigrant parents who moved to america - from bulgaria , somalia or nigeria .\n", + "munira khalif from minnesota , stefan stoykov from indiana , victor agbafe from north carolina , and harold ekeh from new york got multiple offersall have immigrant parents - from somalia , bulgaria or nigeria - and say they have their parents ' hard work to thank for their successesthey hope to use the opportunities for good , from improving education across the world to becoming neurosurgeons\n", + "[1.2571969 1.4082069 1.2365851 1.2241329 1.136765 1.167167 1.1552662\n", + " 1.109608 1.0613128 1.0730901 1.0187063 1.0118551 1.1024028 1.1661077\n", + " 1.0846181 1.1658062 1.062501 1.0899026 1.0269185 1.0791196 1.0365494]\n", + "\n", + "[ 1 0 2 3 5 13 15 6 4 7 12 17 14 19 9 16 8 20 18 10 11]\n", + "=======================\n", + "[\"janice baker kinney , marcella tate , and autumn burns held a press conference on thursday morning in los angeles , california , to announce their claims .three new women have accused bill cosby of sexual assault , bringing his total number of alleged victims to 38 .their attorney gloria allred , who represents most of cosby 's accusers , said the event was timed deliberately to damage sales for the comedian 's upcoming shows on his nationwide tour .\"]\n", + "=======================\n", + "[\"two former casino workers and a former model spoke out for the first timethey were aged 20 , 24 , and 27 at the time of the alleged assaultsall claim cosby , 77 , gave them either drugs or alcoholone described ` waking up in bed naked next to him after being drugged 'gloria allred , lawyer for many of the 38 alleged victims , represents themshe said she planned the press conference to damage cosby 's ticket sales\"]\n", + "janice baker kinney , marcella tate , and autumn burns held a press conference on thursday morning in los angeles , california , to announce their claims .three new women have accused bill cosby of sexual assault , bringing his total number of alleged victims to 38 .their attorney gloria allred , who represents most of cosby 's accusers , said the event was timed deliberately to damage sales for the comedian 's upcoming shows on his nationwide tour .\n", + "two former casino workers and a former model spoke out for the first timethey were aged 20 , 24 , and 27 at the time of the alleged assaultsall claim cosby , 77 , gave them either drugs or alcoholone described ` waking up in bed naked next to him after being drugged 'gloria allred , lawyer for many of the 38 alleged victims , represents themshe said she planned the press conference to damage cosby 's ticket sales\n", + "[1.2377181 1.2557744 1.400716 1.147132 1.3023955 1.3058244 1.1167413\n", + " 1.2177231 1.0252631 1.016436 1.0441873 1.1067389 1.0984911 1.0288087\n", + " 1.0467007 1.112845 1.0225501 1.0089669 1.0145348 1.0648811 1.02846 ]\n", + "\n", + "[ 2 5 4 1 0 7 3 6 15 11 12 19 14 10 13 20 8 16 9 18 17]\n", + "=======================\n", + "['the mamma mia inspired eatery will open its doors a block away from the abba museum in stockholm .fans of the long-running broadway show need not worry as a new inspired restaurant is opening in swedenthe venue is scheduled to open in january 2016 , and is a part restaurant , part stage show and part role play , focusing on audience interaction .']\n", + "=======================\n", + "['the broadway show is finishing after 14 years on stageformer abba singer bjorn ulvaeus will be creating the musical ventureguests will experience all the beloved abba songs in a greek tavernathe show will open in stockholm in sweden in january 2016']\n", + "the mamma mia inspired eatery will open its doors a block away from the abba museum in stockholm .fans of the long-running broadway show need not worry as a new inspired restaurant is opening in swedenthe venue is scheduled to open in january 2016 , and is a part restaurant , part stage show and part role play , focusing on audience interaction .\n", + "the broadway show is finishing after 14 years on stageformer abba singer bjorn ulvaeus will be creating the musical ventureguests will experience all the beloved abba songs in a greek tavernathe show will open in stockholm in sweden in january 2016\n", + "[1.5073807 1.2043904 1.1990836 1.4377408 1.2494363 1.297829 1.1351762\n", + " 1.0244961 1.0235138 1.0419909 1.0203394 1.0117029 1.0172071 1.1036639\n", + " 1.016739 1.033175 1.0113621 1.0112271 0. 0. 0. ]\n", + "\n", + "[ 0 3 5 4 1 2 6 13 9 15 7 8 10 12 14 11 16 17 19 18 20]\n", + "=======================\n", + "[\"dick advocaat says jermain defoe 's wonder goal has set sunderland on their way to premier league survival -- but newcastle goalkeeper tim krul has been criticised for appearing to congratulate the derby match-winner .sportsmail 's jamie carragher claimed newcastle keeper tim krul made a mistake after congratulating sunderland striker jermain defoe on his goal before half-timecarragher criticised krul for his half-time actions while speaking on sky sports after the game\"]\n", + "=======================\n", + "[\"jermain defoe scored stunning volley as sunderland beat newcastle 1-0tim krul sportingly greeted defoe at half-time in wear-tyne derbytoon stopper hit back by stating defeat hurt him as much as any toon fandutchman also claims what he said to defoe could n't be repeated on tvdick advocaat proud of his sunderland team and fans following windefoe hailed his volley as one of the finest goals of his career\"]\n", + "dick advocaat says jermain defoe 's wonder goal has set sunderland on their way to premier league survival -- but newcastle goalkeeper tim krul has been criticised for appearing to congratulate the derby match-winner .sportsmail 's jamie carragher claimed newcastle keeper tim krul made a mistake after congratulating sunderland striker jermain defoe on his goal before half-timecarragher criticised krul for his half-time actions while speaking on sky sports after the game\n", + "jermain defoe scored stunning volley as sunderland beat newcastle 1-0tim krul sportingly greeted defoe at half-time in wear-tyne derbytoon stopper hit back by stating defeat hurt him as much as any toon fandutchman also claims what he said to defoe could n't be repeated on tvdick advocaat proud of his sunderland team and fans following windefoe hailed his volley as one of the finest goals of his career\n", + "[1.496599 1.2544228 1.3783827 1.1993234 1.0879042 1.026146 1.0518522\n", + " 1.0166042 1.1755819 1.0464468 1.0871868 1.1267823 1.1481115 1.0361348\n", + " 1.0204653 1.0413764 1.0129867 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 8 12 11 4 10 6 9 15 13 5 14 7 16 19 17 18 20]\n", + "=======================\n", + "[\"unruly : rick yoes , 57 ( pictured ) , spent the weekend in jail in an attempt to avoid paying $ 1,700 in fines related to nearly two decades of code violations for his overgrown lawnbut grand prairie resident rick yoes claims the city did n't do enough to warn him about the citations , which officials claim were sent out in the mail .yoes , an electrician at tarrant county college , was shocked when he received a postcard a couple weeks ago saying he had six outstanding code violations totaling $ 1,700 and that there was a warrant out for his arrest .\"]\n", + "=======================\n", + "['grand prairie , texas officials say rick yoes , 57 , has refused to respond to two decades worth of code violations for unruly lawnwhen he received notice that he owed $ 1,700 and that there was a warrant out of his arrest , yoes reported to jail instead of paying the finehe spent two nights in jail before a friend paid the fine and secured his releaseofficials for the city say they would never arrest someone for not mowing their lawn and that yoes had plenty of opportunities to work with themyoes claims in one interview that he never received the warnings , while in another interview said he ignored the letters']\n", + "unruly : rick yoes , 57 ( pictured ) , spent the weekend in jail in an attempt to avoid paying $ 1,700 in fines related to nearly two decades of code violations for his overgrown lawnbut grand prairie resident rick yoes claims the city did n't do enough to warn him about the citations , which officials claim were sent out in the mail .yoes , an electrician at tarrant county college , was shocked when he received a postcard a couple weeks ago saying he had six outstanding code violations totaling $ 1,700 and that there was a warrant out for his arrest .\n", + "grand prairie , texas officials say rick yoes , 57 , has refused to respond to two decades worth of code violations for unruly lawnwhen he received notice that he owed $ 1,700 and that there was a warrant out of his arrest , yoes reported to jail instead of paying the finehe spent two nights in jail before a friend paid the fine and secured his releaseofficials for the city say they would never arrest someone for not mowing their lawn and that yoes had plenty of opportunities to work with themyoes claims in one interview that he never received the warnings , while in another interview said he ignored the letters\n", + "[1.0295079 1.2043571 1.4437659 1.1513517 1.1329226 1.1017435 1.0291666\n", + " 1.0593531 1.2021118 1.0719965 1.018381 1.0289388 1.0143613 1.2688547\n", + " 1.020985 1.0224862 1.0163139 1.0161744 1.0342346 0. 0. ]\n", + "\n", + "[ 2 13 1 8 3 4 5 9 7 18 0 6 11 15 14 10 16 17 12 19 20]\n", + "=======================\n", + "[\"this is also the home of girl with a pearl earring , the ` dutch mona lisa ' .he is right : the hague , despite being home to holland 's royal family and an eye-catching parliament , was classed as a village until louis bonaparte ( napoleon 's brother and king of holland ) set up here in 1806 .but i am not only here for the vermeer , rembrandt and hals .\"]\n", + "=======================\n", + "[\"the least known of the dutch cities , the hague was a village until 1806it owes its growth to louis bonaparte , napoleon 's brother , who ruled herethe city has a wealth of art , including vermeer 's ` girl with a pearl earring '\"]\n", + "this is also the home of girl with a pearl earring , the ` dutch mona lisa ' .he is right : the hague , despite being home to holland 's royal family and an eye-catching parliament , was classed as a village until louis bonaparte ( napoleon 's brother and king of holland ) set up here in 1806 .but i am not only here for the vermeer , rembrandt and hals .\n", + "the least known of the dutch cities , the hague was a village until 1806it owes its growth to louis bonaparte , napoleon 's brother , who ruled herethe city has a wealth of art , including vermeer 's ` girl with a pearl earring '\n", + "[1.2946194 1.4523737 1.4091973 1.3467433 1.3045633 1.0742097 1.0933236\n", + " 1.0601149 1.0368237 1.012589 1.2033857 1.076702 1.0173674 1.0173914\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 10 6 11 5 7 8 13 12 9 16 14 15 17]\n", + "=======================\n", + "['as many as 1.9 million foreigners travelling on short term visas are predicted to be spending time down under at any one time throughout this year .while a record 185,000 permanent migrants moved to australia in 1969 - this figure is likely to be exceeded in 2015 as people are moving to the lucky country in droves .more than five million visas are expected to be issued to students , tourists and workers this year to come to australia - the biggest amount since world war ii']\n", + "=======================\n", + "['1.9 million foreigners are likely to be in the country at any one time in 2015this includes students , tourists and workers on short term visaswhile permanent migrants is likely to exceed record of 185,000 set in 1969the current visa figures compare to those in the aftermath of world war ii']\n", + "as many as 1.9 million foreigners travelling on short term visas are predicted to be spending time down under at any one time throughout this year .while a record 185,000 permanent migrants moved to australia in 1969 - this figure is likely to be exceeded in 2015 as people are moving to the lucky country in droves .more than five million visas are expected to be issued to students , tourists and workers this year to come to australia - the biggest amount since world war ii\n", + "1.9 million foreigners are likely to be in the country at any one time in 2015this includes students , tourists and workers on short term visaswhile permanent migrants is likely to exceed record of 185,000 set in 1969the current visa figures compare to those in the aftermath of world war ii\n", + "[1.4678869 1.333434 1.1821424 1.4376966 1.1660823 1.1354129 1.0610225\n", + " 1.0239516 1.0163753 1.0175942 1.0205696 1.0174593 1.0172417 1.2282906\n", + " 1.0821035 1.0353957 1.0120175 1.0166075]\n", + "\n", + "[ 0 3 1 13 2 4 5 14 6 15 7 10 9 11 12 17 8 16]\n", + "=======================\n", + "['nico rosberg feels he may have handed lewis hamilton a psychological advantage with his post-chinese grand prix outburst .nico rosberg has claimed that team-mate lewis hamilton has the mental edge over him after his outburstrosberg , however , concedes he would not do anything differently under the circumstances that materialised at the shanghai international circuit on sunday .']\n", + "=======================\n", + "['nico rosberg reckons lewis hamilton has the psychological advantagerosberg was unhappy with the british driver after the chinese gphowever , the german insists that the disagreement is all forgotten']\n", + "nico rosberg feels he may have handed lewis hamilton a psychological advantage with his post-chinese grand prix outburst .nico rosberg has claimed that team-mate lewis hamilton has the mental edge over him after his outburstrosberg , however , concedes he would not do anything differently under the circumstances that materialised at the shanghai international circuit on sunday .\n", + "nico rosberg reckons lewis hamilton has the psychological advantagerosberg was unhappy with the british driver after the chinese gphowever , the german insists that the disagreement is all forgotten\n", + "[1.0706565 1.0966097 1.2628477 1.1307352 1.1487236 1.2817907 1.1011914\n", + " 1.1814125 1.0656849 1.0327617 1.1096479 1.0887899 1.1538148 1.1110817\n", + " 1.0972079 1.0278556 1.0489362 1.0477388]\n", + "\n", + "[ 5 2 7 12 4 3 13 10 6 14 1 11 0 8 16 17 9 15]\n", + "=======================\n", + "['channel 4 presenter krishnan guru-murthy looks bemused as robert downey junior walks out on an interview with him after the journalist asked him about his personal lifethe american star is in london to promote his new film avengers : age of ultron but became aggravated when the chat took a turn for the personal .naomi campbell , robert pattinson and peter andre have all cut their chat time short - especially when , like with mr downey jr , the conversation has turned to their private lives .']\n", + "=======================\n", + "['robert downey jr walked out of an interview with channel 4he became angry when questions turned to his personal lifenaomi campbell , robert pattinson and rihanna have ended interviews']\n", + "channel 4 presenter krishnan guru-murthy looks bemused as robert downey junior walks out on an interview with him after the journalist asked him about his personal lifethe american star is in london to promote his new film avengers : age of ultron but became aggravated when the chat took a turn for the personal .naomi campbell , robert pattinson and peter andre have all cut their chat time short - especially when , like with mr downey jr , the conversation has turned to their private lives .\n", + "robert downey jr walked out of an interview with channel 4he became angry when questions turned to his personal lifenaomi campbell , robert pattinson and rihanna have ended interviews\n", + "[1.2351198 1.5908884 1.2226783 1.4816681 1.2045467 1.0280838 1.0269148\n", + " 1.0308683 1.0192795 1.1343218 1.03934 1.0185542 1.0301985 1.1535666\n", + " 1.0394962 1.0104139 1.0218394 0. ]\n", + "\n", + "[ 1 3 0 2 4 13 9 14 10 7 12 5 6 16 8 11 15 17]\n", + "=======================\n", + "[\"ranette afonso , 42 , will marry marko conte , 30 , this october after they fell head over wheels in love and moved in together within two months of the fateful bump .a woman is set to marry after falling in love with the driver who crashed into her car while she was parked waiting for her husband to return .ranette , from north london , who has a 21-year-old son and 18-year-old daughter with the husband from whom she is now divorced , said : ' i was waiting for my husband , who had popped into the bank , when i noticed a sporty nissan skyline trying to squeeze into a tiny space behind me .\"]\n", + "=======================\n", + "['ranette afonso , 42 , will marry marko conte , 30 , this octoberaccident happened in august 2013 , while ranette was still marriedbegan texting regularly after swapping insurance and contact details']\n", + "ranette afonso , 42 , will marry marko conte , 30 , this october after they fell head over wheels in love and moved in together within two months of the fateful bump .a woman is set to marry after falling in love with the driver who crashed into her car while she was parked waiting for her husband to return .ranette , from north london , who has a 21-year-old son and 18-year-old daughter with the husband from whom she is now divorced , said : ' i was waiting for my husband , who had popped into the bank , when i noticed a sporty nissan skyline trying to squeeze into a tiny space behind me .\n", + "ranette afonso , 42 , will marry marko conte , 30 , this octoberaccident happened in august 2013 , while ranette was still marriedbegan texting regularly after swapping insurance and contact details\n", + "[1.3195373 1.4061867 1.3338767 1.196604 1.2920828 1.0375075 1.103575\n", + " 1.0757463 1.1023573 1.0705807 1.0723336 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 3 6 8 7 10 9 5 16 11 12 13 14 15 17]\n", + "=======================\n", + "[\"in what is the first roll out of the technology throughout europe , the wi-fi calling feature is designed to facilitate calls and texts when users have no mobile phone signal .the technology paves the way for london 's commuters to chat and text inside the capital 's 150 tube stations where wi-fi connections are currently available .commuters are now able to make phone calls and send texts on the tube following the launch of new technology enabling phone calls via an internet connection .\"]\n", + "=======================\n", + "['commuters are now able to make phone calls and send texts via internetthe new technology rolled out by ee can be used at underground stationsit automatically connects to wi-fi when a phone signal is unavailable']\n", + "in what is the first roll out of the technology throughout europe , the wi-fi calling feature is designed to facilitate calls and texts when users have no mobile phone signal .the technology paves the way for london 's commuters to chat and text inside the capital 's 150 tube stations where wi-fi connections are currently available .commuters are now able to make phone calls and send texts on the tube following the launch of new technology enabling phone calls via an internet connection .\n", + "commuters are now able to make phone calls and send texts via internetthe new technology rolled out by ee can be used at underground stationsit automatically connects to wi-fi when a phone signal is unavailable\n", + "[1.230673 1.3808944 1.3886483 1.1816297 1.2506952 1.0332233 1.0196112\n", + " 1.1332792 1.0729184 1.0414013 1.0530479 1.072061 1.0795927 1.0475888\n", + " 1.0388266 1.0216326 1.0485415 1.0387387 0. 0. ]\n", + "\n", + "[ 2 1 4 0 3 7 12 8 11 10 16 13 9 14 17 5 15 6 18 19]\n", + "=======================\n", + "[\"researchers believe the injection could flush out dormant hiv hiding in white blood cells with a chemical ` kick ' , allowing a boosted immune system to identify and kill the cells .the ` kick and kill ' strategy aims to eradicate the virus , by stimulating the immune system - the body 's natural defence mechanism - with a vaccine .the theory , developed by researchers at university college london , the university of oxford and the university of north carolina , is based on a single patient case study .\"]\n", + "=======================\n", + "[\"scientists believe future vaccine could trigger body 's immune systemcould flush out dormant hiv hiding in the body allowing the immune system to identify and target virus cellstheory based on one case study , 59-year-old man with hiv whose virus load - amount of hiv in his blood - drop dramatically after treatment\"]\n", + "researchers believe the injection could flush out dormant hiv hiding in white blood cells with a chemical ` kick ' , allowing a boosted immune system to identify and kill the cells .the ` kick and kill ' strategy aims to eradicate the virus , by stimulating the immune system - the body 's natural defence mechanism - with a vaccine .the theory , developed by researchers at university college london , the university of oxford and the university of north carolina , is based on a single patient case study .\n", + "scientists believe future vaccine could trigger body 's immune systemcould flush out dormant hiv hiding in the body allowing the immune system to identify and target virus cellstheory based on one case study , 59-year-old man with hiv whose virus load - amount of hiv in his blood - drop dramatically after treatment\n", + "[1.2099217 1.5316186 1.3658175 1.2847421 1.1990016 1.082036 1.1599028\n", + " 1.1576028 1.0431179 1.2228345 1.048009 1.0355945 1.0763639 1.1183938\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 9 0 4 6 7 13 5 12 10 8 11 18 14 15 16 17 19]\n", + "=======================\n", + "[\"a 30-year-old darwin man is accused of using someone else 's employee registration number at the aurukun primary health centre on cape york during february and march .he was charged on saturday with one count of fraud after cairns detectives made contact with him in the northern territory .health authorities are searching hospital patient records to clarify what drugs people may have been given after a man was charged with posing as a nurse for six weeks .\"]\n", + "=======================\n", + "[\"man , 30 , is accused of using a female nurse 's employee number to workhe worked for six weeks at aurukun primary health centre on cape yorkman was charged with fraud after payroll raised the alarm with hospitalauthorities are checking patient records to see who he interacted with\"]\n", + "a 30-year-old darwin man is accused of using someone else 's employee registration number at the aurukun primary health centre on cape york during february and march .he was charged on saturday with one count of fraud after cairns detectives made contact with him in the northern territory .health authorities are searching hospital patient records to clarify what drugs people may have been given after a man was charged with posing as a nurse for six weeks .\n", + "man , 30 , is accused of using a female nurse 's employee number to workhe worked for six weeks at aurukun primary health centre on cape yorkman was charged with fraud after payroll raised the alarm with hospitalauthorities are checking patient records to see who he interacted with\n", + "[1.5098691 1.2205895 1.4085016 1.2023299 1.208099 1.1582749 1.1843307\n", + " 1.1039966 1.058506 1.0455654 1.0281217 1.1270155 1.0380592 1.0481725\n", + " 1.0144876 1.0177428 1.015257 1.0101857 1.078012 0. ]\n", + "\n", + "[ 0 2 1 4 3 6 5 11 7 18 8 13 9 12 10 15 16 14 17 19]\n", + "=======================\n", + "[\"marc carn , 29 , from plymouth , has been found safe and well after going missing during a stag do in barcelonathey said his disappearance was completely out of character and feared he would miss the first birthday of his twins freddie and stanley .after he failed to turn up for his flight back home , mr carn 's worried family contacted the foreign office in a bid to track him down .\"]\n", + "=======================\n", + "['marc carn vanished while drinking with friends in irish bar on las ramblasfamily grew concerned when he missed flight home to plymouth , devonhe turned up at british consulate today after walking since saturday night29-year-old claims he was stranded by spanish driver miles outside the city']\n", + "marc carn , 29 , from plymouth , has been found safe and well after going missing during a stag do in barcelonathey said his disappearance was completely out of character and feared he would miss the first birthday of his twins freddie and stanley .after he failed to turn up for his flight back home , mr carn 's worried family contacted the foreign office in a bid to track him down .\n", + "marc carn vanished while drinking with friends in irish bar on las ramblasfamily grew concerned when he missed flight home to plymouth , devonhe turned up at british consulate today after walking since saturday night29-year-old claims he was stranded by spanish driver miles outside the city\n", + "[1.3438743 1.2281023 1.0533658 1.2911907 1.1903312 1.0688974 1.0557916\n", + " 1.1714699 1.0531168 1.077003 1.0643375 1.0514715 1.0458037 1.057858\n", + " 1.1089119 1.0143838 1.0151007 1.0909226 1.1043618 1.0418967]\n", + "\n", + "[ 0 3 1 4 7 14 18 17 9 5 10 13 6 2 8 11 12 19 16 15]\n", + "=======================\n", + "[\"iran 's president hassan rouhani ( above ) has pledged to abide by the commitments of a nuclear agreement that promises to end years of crippling sanctionsthe agreement between iran and the west , struck after a 12-year stand-off , aims to prevent tehran making a nuclear weapon in exchange for phased sanction relief .mr rouhani also called on world powers to fulfil their part of the deal .\"]\n", + "=======================\n", + "[\"hassan rouhani also urged world powers to fulfil their part of agreementiranians celebrated breakthrough deal that promises to end sanctionsdavid cameron said : ' i believe this is a great deal and a strong deal 'aims to stop iran making a nuclear weapon in return for sanction relief\"]\n", + "iran 's president hassan rouhani ( above ) has pledged to abide by the commitments of a nuclear agreement that promises to end years of crippling sanctionsthe agreement between iran and the west , struck after a 12-year stand-off , aims to prevent tehran making a nuclear weapon in exchange for phased sanction relief .mr rouhani also called on world powers to fulfil their part of the deal .\n", + "hassan rouhani also urged world powers to fulfil their part of agreementiranians celebrated breakthrough deal that promises to end sanctionsdavid cameron said : ' i believe this is a great deal and a strong deal 'aims to stop iran making a nuclear weapon in return for sanction relief\n", + "[1.1695939 1.3762784 1.3166716 1.2294893 1.1461116 1.2248731 1.1995023\n", + " 1.0670826 1.0615369 1.0930032 1.0430441 1.0636183 1.071111 1.0560507\n", + " 1.0816478 1.0106498 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 5 6 0 4 9 14 12 7 11 8 13 10 15 18 16 17 19]\n", + "=======================\n", + "[\"at a visit to the age uk in plymouth yesterday , david cameron appeared weary with bags under his eyes and disheveled hair .in one day this week the tory leader travelled to all all four home nations in his bid to secure votes ahead of the may 7 election .on thursday mr cameron was been forced to defend michael fallon after the defence secretary claimed ed miliband would stab britain 's national interest in the back in the same way he did his brother to gain the labour leadership .\"]\n", + "=======================\n", + "['pm appeared weary with bags under eyes at event in plymouth yesterdayin one day pm visited all four home nations in bid to secure votesturbulent week also saw ed miliband overtake him as most popular leader']\n", + "at a visit to the age uk in plymouth yesterday , david cameron appeared weary with bags under his eyes and disheveled hair .in one day this week the tory leader travelled to all all four home nations in his bid to secure votes ahead of the may 7 election .on thursday mr cameron was been forced to defend michael fallon after the defence secretary claimed ed miliband would stab britain 's national interest in the back in the same way he did his brother to gain the labour leadership .\n", + "pm appeared weary with bags under eyes at event in plymouth yesterdayin one day pm visited all four home nations in bid to secure votesturbulent week also saw ed miliband overtake him as most popular leader\n", + "[1.6689659 1.0445603 1.0358948 1.5108619 1.1325436 1.1999787 1.0443798\n", + " 1.0332811 1.0483509 1.063882 1.0220228 1.078754 1.1492816 1.0261627\n", + " 1.0266097 1.0303133 1.0593965 1.1824812 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 5 17 12 4 11 9 16 8 1 6 2 7 15 14 13 10 21 18 19 20 22]\n", + "=======================\n", + "[\"demetrious johnson retained his ufc flyweight champion title on saturday night , controlling kyoji horiguchi for nearly the entire five-round bout before scoring the latest submission win in ufc history - tapping out his opponent with a second left . 'the american secured a submission victory over horiguchi in the latest ufc pay-per-view eventin the co-main event , quinton ` rampage ' jackson ( 36-11 ) earned his first ufc win since 2011 , scoring a unanimous decision over brazilian slugger fabio maldonado ( 22-8 ) .\"]\n", + "=======================\n", + "[\"demetrious johnson retains his ufc flyweight titlethe 28-year-old beat kyoji horiguchi by submission in montrealquinton jackson beat fabio maldonado in ufc 186 co-main eventwin was jackson 's first victory in the ufc since 2011\"]\n", + "demetrious johnson retained his ufc flyweight champion title on saturday night , controlling kyoji horiguchi for nearly the entire five-round bout before scoring the latest submission win in ufc history - tapping out his opponent with a second left . 'the american secured a submission victory over horiguchi in the latest ufc pay-per-view eventin the co-main event , quinton ` rampage ' jackson ( 36-11 ) earned his first ufc win since 2011 , scoring a unanimous decision over brazilian slugger fabio maldonado ( 22-8 ) .\n", + "demetrious johnson retains his ufc flyweight titlethe 28-year-old beat kyoji horiguchi by submission in montrealquinton jackson beat fabio maldonado in ufc 186 co-main eventwin was jackson 's first victory in the ufc since 2011\n", + "[1.1643906 1.4463439 1.4030455 1.1901302 1.0838789 1.1150482 1.0397236\n", + " 1.0244387 1.0462027 1.0621777 1.0217763 1.0283011 1.105243 1.0539271\n", + " 1.0747287 1.1064636 1.0475127 1.0269811 1.1404563 1.1031314 1.0435672\n", + " 1.01581 1.01712 ]\n", + "\n", + "[ 1 2 3 0 18 5 15 12 19 4 14 9 13 16 8 20 6 11 17 7 10 22 21]\n", + "=======================\n", + "['hannah and alex purchased a 1986 hino flatbed and undertook their year and a half labor of love .the result was a solar-powered two-bedroom , wood and steel home that now allows them to live almost self-sufficiently in nelson , new zealand .how a truck becomes a home : a new zealand couple built this country home on the bed of a flatbed truck']\n", + "=======================\n", + "['hannah and alex needed a place to live after they moved back to new zealand from the uk in 2009so , they purchased a 1986 hino flatbed truck and started building a home on the back of it over the course of about a year and a halfthey then purchased a secluded piece of property and drove their nearly self-sufficient $ 25,000 home there']\n", + "hannah and alex purchased a 1986 hino flatbed and undertook their year and a half labor of love .the result was a solar-powered two-bedroom , wood and steel home that now allows them to live almost self-sufficiently in nelson , new zealand .how a truck becomes a home : a new zealand couple built this country home on the bed of a flatbed truck\n", + "hannah and alex needed a place to live after they moved back to new zealand from the uk in 2009so , they purchased a 1986 hino flatbed truck and started building a home on the back of it over the course of about a year and a halfthey then purchased a secluded piece of property and drove their nearly self-sufficient $ 25,000 home there\n", + "[1.4269003 1.1720564 1.4511936 1.2584487 1.1418138 1.1156675 1.083213\n", + " 1.074328 1.0499625 1.040231 1.175833 1.0829611 1.0697427 1.0389079\n", + " 1.0884755 1.0540729 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 3 10 1 4 5 14 6 11 7 12 15 8 9 13 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"cameron hooker , 61 , was handed a 104-year sentence in 1985 for the kidnap , torture and rape of colleen stan .the case made international headlines and stan was known as ` the girl in the box ' after it was revealed that she was forced into a coffin-like structure for 23 hours a day during for much of her captivity .a man branded the ` most dangerous psychopath ever encountered ' after he kept a young hitchhiker as a sex slave for seven years has been denied parole .\"]\n", + "=======================\n", + "[\"cameron hooker had kidnapped young hitchhiker colleen stan in 1977over the next seven years victim was tortured and raped as his captivehooker , now 61 , was sentenced to a 104-year prison term jail in 1985he applied for early parole but was told he 'd spent at least 15 years in jail\"]\n", + "cameron hooker , 61 , was handed a 104-year sentence in 1985 for the kidnap , torture and rape of colleen stan .the case made international headlines and stan was known as ` the girl in the box ' after it was revealed that she was forced into a coffin-like structure for 23 hours a day during for much of her captivity .a man branded the ` most dangerous psychopath ever encountered ' after he kept a young hitchhiker as a sex slave for seven years has been denied parole .\n", + "cameron hooker had kidnapped young hitchhiker colleen stan in 1977over the next seven years victim was tortured and raped as his captivehooker , now 61 , was sentenced to a 104-year prison term jail in 1985he applied for early parole but was told he 'd spent at least 15 years in jail\n", + "[1.1272928 1.4244155 1.2738917 1.1330943 1.0956981 1.081134 1.1100526\n", + " 1.1965001 1.150145 1.1003408 1.0786263 1.0426959 1.0702534 1.0489645\n", + " 1.0415761 1.1201917 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 7 8 3 0 15 6 9 4 5 10 12 13 11 14 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"in protest at their ` horrible ' school meals , high school students in north east china 's jilin province are being forced to the sidewalk everyday to eat their lunch .with teachers banning packed lunches and erecting barbed wire and metal sheeting to prevent smuggling , the students ' only option is to leave school grounds to eat everyday , the people 's daily online reports .students claim food cooked in the school canteen is simply too horrible to eat , and it is so bad that at one point the canteen even closed down .\"]\n", + "=======================\n", + "[\"students at school in china pictured eating their lunches on the sidewalkthey say they are protesting the high school 's ` disgusting ' canteen mealsthe school in jilin province banned students from bringing their own foodteachers have erected barbed wire and metal sheets to prevent smuggling\"]\n", + "in protest at their ` horrible ' school meals , high school students in north east china 's jilin province are being forced to the sidewalk everyday to eat their lunch .with teachers banning packed lunches and erecting barbed wire and metal sheeting to prevent smuggling , the students ' only option is to leave school grounds to eat everyday , the people 's daily online reports .students claim food cooked in the school canteen is simply too horrible to eat , and it is so bad that at one point the canteen even closed down .\n", + "students at school in china pictured eating their lunches on the sidewalkthey say they are protesting the high school 's ` disgusting ' canteen mealsthe school in jilin province banned students from bringing their own foodteachers have erected barbed wire and metal sheets to prevent smuggling\n", + "[1.0799123 1.3891623 1.2600871 1.170979 1.3805051 1.2227163 1.021252\n", + " 1.0517423 1.0344627 1.059823 1.1159997 1.0923024 1.0402342 1.0666468\n", + " 1.0200423 1.0731771 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 2 5 3 10 11 0 15 13 9 7 12 8 6 14 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"but it emerged yesterday that when andy murray and his new bride had their first dance on saturday night , judy murray was strictly on the sidelines .judy murray ( pictured right during strictly come dancing ) says she is ` terrible ' at dancingas judy 's mother , shirley erskine , 80 , left the venue , she admitted the wedding of andy , 27 , to his long-term girlfriend kim sears , also 27 , had been ` fantastic ' and ` wonderful ' .\"]\n", + "=======================\n", + "[\"judy murray left newlyweds to it as they took to floor for their first danceformer strictly star previously admitted to being a ` terrible ' dancerandy and kim , both 27 , had reception in cromlix house hotel , after service at dunblane cathedral\"]\n", + "but it emerged yesterday that when andy murray and his new bride had their first dance on saturday night , judy murray was strictly on the sidelines .judy murray ( pictured right during strictly come dancing ) says she is ` terrible ' at dancingas judy 's mother , shirley erskine , 80 , left the venue , she admitted the wedding of andy , 27 , to his long-term girlfriend kim sears , also 27 , had been ` fantastic ' and ` wonderful ' .\n", + "judy murray left newlyweds to it as they took to floor for their first danceformer strictly star previously admitted to being a ` terrible ' dancerandy and kim , both 27 , had reception in cromlix house hotel , after service at dunblane cathedral\n", + "[1.3269328 1.3601792 1.1930791 1.1670125 1.258521 1.1071131 1.0663445\n", + " 1.0574236 1.0933295 1.0196154 1.0461553 1.0481069 1.0861632 1.0599304\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 5 8 12 6 13 7 11 10 9 14 15 16 17 18]\n", + "=======================\n", + "['the new policy allows for an american traveler who has been denied boarding a commercial airliner to petition the u.s. transportation security administration once to find out whether he or she is on the no-fly list and a second time for an unclassified explanation of why he or she is on the list .under legal pressure , the obama administration will begin telling some suspected terrorists if and why they are on a list of tens of thousands of people banned from flying to , from or within the united states .in some cases , the government will not be able to provide an explanation because of national security concerns .']\n", + "=======================\n", + "['previously , the u.s. did not disclose whether a stopped traveler was on the list or whybut facing legal pressure from the aclu , the obama administration has enacted a new policy to let americans know if they are on the listgrounded americans are also now allowed to inquire about how they got on the listhowever , the government has not promised to reveal why in all cases - citing possible national security threatslast fall there were about 64,000 people on the no-fly list , and americans made up approximately 5 per cent']\n", + "the new policy allows for an american traveler who has been denied boarding a commercial airliner to petition the u.s. transportation security administration once to find out whether he or she is on the no-fly list and a second time for an unclassified explanation of why he or she is on the list .under legal pressure , the obama administration will begin telling some suspected terrorists if and why they are on a list of tens of thousands of people banned from flying to , from or within the united states .in some cases , the government will not be able to provide an explanation because of national security concerns .\n", + "previously , the u.s. did not disclose whether a stopped traveler was on the list or whybut facing legal pressure from the aclu , the obama administration has enacted a new policy to let americans know if they are on the listgrounded americans are also now allowed to inquire about how they got on the listhowever , the government has not promised to reveal why in all cases - citing possible national security threatslast fall there were about 64,000 people on the no-fly list , and americans made up approximately 5 per cent\n", + "[1.1641625 1.3626472 1.245464 1.208344 1.2054479 1.0508741 1.0845251\n", + " 1.1628484 1.058162 1.1138316 1.098916 1.1699834 1.1034815 1.061612\n", + " 1.0115895 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 11 0 7 9 12 10 6 13 8 5 14 17 15 16 18]\n", + "=======================\n", + "[\"the actor 's enduring sex appeal may have been boosted by his aftershave , eau sauvage , which contained a potent chemical known as hedione .now scientists have revealed how this chemical activates the hypothalamus - an area of the brain responsible for triggering the release of sex hormones in women .it was n't just steve mcqueen 's rugged looks that sent ladies into a frenzy in the 1960s .\"]\n", + "=======================\n", + "[\"actor was famous for wearing christian dior 's eau sauvage aftershaveit contained hedion , a chemical that activates the brain 's hypothalamusregion is responsible for triggering release of sex hormones in women\"]\n", + "the actor 's enduring sex appeal may have been boosted by his aftershave , eau sauvage , which contained a potent chemical known as hedione .now scientists have revealed how this chemical activates the hypothalamus - an area of the brain responsible for triggering the release of sex hormones in women .it was n't just steve mcqueen 's rugged looks that sent ladies into a frenzy in the 1960s .\n", + "actor was famous for wearing christian dior 's eau sauvage aftershaveit contained hedion , a chemical that activates the brain 's hypothalamusregion is responsible for triggering release of sex hormones in women\n", + "[1.2509975 1.3363216 1.3302583 1.2874675 1.1431832 1.020481 1.0227568\n", + " 1.1259016 1.1550522 1.1120032 1.1374971 1.0928519 1.1364691 1.0809364\n", + " 1.0568568 1.0151187 1.0142936 0. 0. ]\n", + "\n", + "[ 1 2 3 0 8 4 10 12 7 9 11 13 14 6 5 15 16 17 18]\n", + "=======================\n", + "[\"the latest research suggests swedish passports are among the most frequently sold in underground trading , as there is no upper limit on the number of replacements available to the rightful holder .they can sell for as much as # 6,000 each -- far more than the # 28 fee that sweden 's government charges for new or renewed travel documents .sweden 's passport has been named the most powerful in the world , but it turns out it 's also one of the most highly sought-after travel documents on the black market .\"]\n", + "=======================\n", + "['a british passport allows for visa-free access to 174 countriesthat is tied for the most , with finland , germany , sweden and the usuk passport was 10th most expensive of 51 countries included in studythe uae , china , russia and czech republic all pay less than the uk']\n", + "the latest research suggests swedish passports are among the most frequently sold in underground trading , as there is no upper limit on the number of replacements available to the rightful holder .they can sell for as much as # 6,000 each -- far more than the # 28 fee that sweden 's government charges for new or renewed travel documents .sweden 's passport has been named the most powerful in the world , but it turns out it 's also one of the most highly sought-after travel documents on the black market .\n", + "a british passport allows for visa-free access to 174 countriesthat is tied for the most , with finland , germany , sweden and the usuk passport was 10th most expensive of 51 countries included in studythe uae , china , russia and czech republic all pay less than the uk\n", + "[1.2194227 1.5023634 1.4000051 1.2929643 1.0914208 1.1610711 1.0284188\n", + " 1.1619289 1.1091285 1.0287495 1.2134362 1.0408131 1.031185 1.0201623\n", + " 1.0201031 1.0138046 1.0089799 1.0920283 0. ]\n", + "\n", + "[ 1 2 3 0 10 7 5 8 17 4 11 12 9 6 13 14 15 16 18]\n", + "=======================\n", + "[\"jennifer barnett worked archway school in stroud , gloucestershire , between 1980 and 1997 , when she left teaching to have her fourth child .the 60-year-old died last september , 14 months after she was diagnosed with mesothelioma - a cancer whose most common cause is asbestos .the family of a former art teacher who died from lung cancer after years of pinning pupils ' work to classroom walls lined with asbestos has taken legal action against the local council .\"]\n", + "=======================\n", + "[\"jennifer barnett worked at archway school in gloucestershire for 17 yearsshe often pinned pupils ' work to walls lined with asbestos , inquest heardfamily believe asbestos in school was to blame for her death in septemberthey are suing council after coroner ruled death from ` industrial disease '\"]\n", + "jennifer barnett worked archway school in stroud , gloucestershire , between 1980 and 1997 , when she left teaching to have her fourth child .the 60-year-old died last september , 14 months after she was diagnosed with mesothelioma - a cancer whose most common cause is asbestos .the family of a former art teacher who died from lung cancer after years of pinning pupils ' work to classroom walls lined with asbestos has taken legal action against the local council .\n", + "jennifer barnett worked at archway school in gloucestershire for 17 yearsshe often pinned pupils ' work to walls lined with asbestos , inquest heardfamily believe asbestos in school was to blame for her death in septemberthey are suing council after coroner ruled death from ` industrial disease '\n", + "[1.2691983 1.1744382 1.0345691 1.5320448 1.1503836 1.049417 1.042982\n", + " 1.2235868 1.0501641 1.0563025 1.0563087 1.0977777 1.0927342 1.0356505\n", + " 1.0745382 1.0157055 1.0236669 1.0234075 1.0317813]\n", + "\n", + "[ 3 0 7 1 4 11 12 14 10 9 8 5 6 13 2 18 16 17 15]\n", + "=======================\n", + "[\"fc united of manchester 's new 5,000-capacity stadium broadhurst park is nearing completionset to host benfica for the official opening on may 29 , the 5,000-capacity stadium will finally end a nomadic decade on the road for the breakaway outfit set up in may 2005 by manchester united fans sick of being exploited by the club they loved , for whom the arrival of the glazer family was a step too far .general manager andy walsh outside the new ground , which cost the democratic club a whopping # 6.5 m\"]\n", + "=======================\n", + "[\"broadhurst park will host benfica for opening on may 29new stadium will serve community on non-match daysthe # 6.5 m ground was financed largely by fans of the democratic clubgeneral manager andy walsh describes new stadium as a ` statement of what football supporters can achieve '\"]\n", + "fc united of manchester 's new 5,000-capacity stadium broadhurst park is nearing completionset to host benfica for the official opening on may 29 , the 5,000-capacity stadium will finally end a nomadic decade on the road for the breakaway outfit set up in may 2005 by manchester united fans sick of being exploited by the club they loved , for whom the arrival of the glazer family was a step too far .general manager andy walsh outside the new ground , which cost the democratic club a whopping # 6.5 m\n", + "broadhurst park will host benfica for opening on may 29new stadium will serve community on non-match daysthe # 6.5 m ground was financed largely by fans of the democratic clubgeneral manager andy walsh describes new stadium as a ` statement of what football supporters can achieve '\n", + "[1.3201166 1.3388134 1.1929599 1.3290582 1.2728508 1.2123309 1.1038404\n", + " 1.1198585 1.1034855 1.0865607 1.1545601 1.1507928 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 5 2 10 11 7 6 8 9 12 13 14 15 16 17 18]\n", + "=======================\n", + "['the collision happened about 3pm on norfolk southern railway tracks near downtown meridian , according to lauderdale county coroner clayton cobler .a woman died instantly on wednesday after she drove her suv around an active crossing gate and collided with an amtrak crescent train in meridian , mississippi ( stock image )he said her suv was pushed nearly a quarter-mile .']\n", + "=======================\n", + "['the 57-year-old woman was killed when her suv was hit by a train in meridian , mississippithe coroner said the woman drove around functioning gates and flashers and collided with the southbound amtrak crescent']\n", + "the collision happened about 3pm on norfolk southern railway tracks near downtown meridian , according to lauderdale county coroner clayton cobler .a woman died instantly on wednesday after she drove her suv around an active crossing gate and collided with an amtrak crescent train in meridian , mississippi ( stock image )he said her suv was pushed nearly a quarter-mile .\n", + "the 57-year-old woman was killed when her suv was hit by a train in meridian , mississippithe coroner said the woman drove around functioning gates and flashers and collided with the southbound amtrak crescent\n", + "[1.2139785 1.4423783 1.1779972 1.2948482 1.2648777 1.1349405 1.0274675\n", + " 1.0197073 1.1435496 1.1057403 1.1241179 1.1579576 1.0897225 1.0438313\n", + " 1.0094938 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 0 2 11 8 5 10 9 12 13 6 7 14 15 16 17 18]\n", + "=======================\n", + "['jeremy trentelman , 36 , of ogden , last week built a giant box fort for his three-year-old son max and two-year-old daughter story , that included trap doors and a small slide .city code enforcement officials in ogden , utah , have told resident jeremy trentelman to take down the elaborate box fort he built for his son and daughter in his front yardthe family said it will leave the box fort , which includes a slide and trampoline , up for 14 days , the maximum allowed before a fine']\n", + "=======================\n", + "['jeremy trentelman , 36 , of ogden , built fort for young son and daughterhe received letter one day later saying it violated ordinance against wastefather plans on keeping castle up for 14 days before he receives fine']\n", + "jeremy trentelman , 36 , of ogden , last week built a giant box fort for his three-year-old son max and two-year-old daughter story , that included trap doors and a small slide .city code enforcement officials in ogden , utah , have told resident jeremy trentelman to take down the elaborate box fort he built for his son and daughter in his front yardthe family said it will leave the box fort , which includes a slide and trampoline , up for 14 days , the maximum allowed before a fine\n", + "jeremy trentelman , 36 , of ogden , built fort for young son and daughterhe received letter one day later saying it violated ordinance against wastefather plans on keeping castle up for 14 days before he receives fine\n", + "[1.4056232 1.2963043 1.3141447 1.402108 1.2507446 1.1113851 1.0600532\n", + " 1.0115697 1.0106219 1.0651426 1.1102192 1.1275655 1.1411027 1.0870451\n", + " 1.041321 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 4 12 11 5 10 13 9 6 14 7 8 15 16 17 18]\n", + "=======================\n", + "[\"legendary barcelona captain carles puyol is believed to be training with a view to ending his retirement from football for a lucrative end-of-career spell in qatar or the united states .the 36-year-old retired last may after 15 years at his boyhood club having struggled to return from a persistent knee injury , but now reports claim he could be set for a return to playing with new york city or al-sadd after returning to training .puyol won six la liga titles and enjoyed three champions league wins at barca and is considered to be one of the finest defenders of his generation having been named in uefa 's european team of the year six times across a trophy-laden career .\"]\n", + "=======================\n", + "['former barcelona centre back carles puyol retired in may last yearbut he could now be in line for a return with new york city or al-saddpuyol is reported to be training ahead of a comeback from retirement']\n", + "legendary barcelona captain carles puyol is believed to be training with a view to ending his retirement from football for a lucrative end-of-career spell in qatar or the united states .the 36-year-old retired last may after 15 years at his boyhood club having struggled to return from a persistent knee injury , but now reports claim he could be set for a return to playing with new york city or al-sadd after returning to training .puyol won six la liga titles and enjoyed three champions league wins at barca and is considered to be one of the finest defenders of his generation having been named in uefa 's european team of the year six times across a trophy-laden career .\n", + "former barcelona centre back carles puyol retired in may last yearbut he could now be in line for a return with new york city or al-saddpuyol is reported to be training ahead of a comeback from retirement\n", + "[1.502402 1.4372315 1.0772997 1.0879556 1.2340326 1.080169 1.0444934\n", + " 1.056024 1.0404853 1.1952585 1.0703971 1.0243398 1.0176039 1.0193139\n", + " 1.0500301 1.0832657 1.0291978 1.0157746 1.0277181]\n", + "\n", + "[ 0 1 4 9 3 15 5 2 10 7 14 6 8 16 18 11 13 12 17]\n", + "=======================\n", + "[\"wladimir klitschko will match joe louis in boxing 's record books with his 27th heavyweight title fight on saturday and could set more marks since he has no plans to retire anytime soon .the 39-year-old ukrainian , speaking to reporters ahead of saturday 's fight against american bryant jennings at new york 's madison square garden , has dominated the heavyweight division for nearly a decade and shown no signs of slowing down .the 6-foot-6 ukrainian boasts a 63-3-0 record heading into the bout against jennings , who is 19-0 since taking up boxing six years ago .\"]\n", + "=======================\n", + "[\"wladimir klitschko will match joe louis ' record of 27 heavyweight boutshe is set to take on bryant jennings at madison square gardenklitschko has dominated the heavyweight division for nearly a decade and says he is still fighting fit , shrugging off any talk of retirementjennings insists he is not intimated by his opponent 's record\"]\n", + "wladimir klitschko will match joe louis in boxing 's record books with his 27th heavyweight title fight on saturday and could set more marks since he has no plans to retire anytime soon .the 39-year-old ukrainian , speaking to reporters ahead of saturday 's fight against american bryant jennings at new york 's madison square garden , has dominated the heavyweight division for nearly a decade and shown no signs of slowing down .the 6-foot-6 ukrainian boasts a 63-3-0 record heading into the bout against jennings , who is 19-0 since taking up boxing six years ago .\n", + "wladimir klitschko will match joe louis ' record of 27 heavyweight boutshe is set to take on bryant jennings at madison square gardenklitschko has dominated the heavyweight division for nearly a decade and says he is still fighting fit , shrugging off any talk of retirementjennings insists he is not intimated by his opponent 's record\n", + "[1.2131696 1.3725277 1.2175553 1.274398 1.2965549 1.2042136 1.1599092\n", + " 1.0902264 1.0822664 1.105426 1.0504212 1.0327288 1.0664895 1.0802827\n", + " 1.070219 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 2 0 5 6 9 7 8 13 14 12 10 11 17 15 16 18]\n", + "=======================\n", + "[\"the party will launch a billboard advert using the image from the famous 1979 ` labour is n't working ' poster , but instead it will warn : ` the doctor ca n't see you now ' .labour will warn that new official figures show 600 fewer gp surgeries across england are now open in the evening and weekends compared to the last election .the poster features the same long line of people used to illustrate dole queues under jim callaghan 's ailing government , but this time places them outside a waiting room .\"]\n", + "=======================\n", + "[\"600 fewer gps open in the evenings and at weekends , labour has claimedandy burnham will say the figures are a timely reminder of the ` nhs crisis '\"]\n", + "the party will launch a billboard advert using the image from the famous 1979 ` labour is n't working ' poster , but instead it will warn : ` the doctor ca n't see you now ' .labour will warn that new official figures show 600 fewer gp surgeries across england are now open in the evening and weekends compared to the last election .the poster features the same long line of people used to illustrate dole queues under jim callaghan 's ailing government , but this time places them outside a waiting room .\n", + "600 fewer gps open in the evenings and at weekends , labour has claimedandy burnham will say the figures are a timely reminder of the ` nhs crisis '\n", + "[1.3689034 1.2743697 1.2053452 1.3659906 1.1450505 1.1241335 1.0834557\n", + " 1.2318169 1.117539 1.1010743 1.2035358 1.0445751 1.0927804 1.0466937\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 7 2 10 4 5 8 9 12 6 13 11 24 14 15 16 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "['mls side orlando city are the latest club to have expressed interest in manchester united misfit javier hernandez .javier hernandez is linked with a move to orlando city after enduring a tough time on loan at real madridthe mexico international would be a huge commercial draw for the florida-based franchise who are coached by former everton and manchester city striker adrian heath .']\n", + "=======================\n", + "['mls team orlando city the latest team to be linked with javier hernandezthe manchester united striker has not impressed on loan at real madridunited have made andreas pereira an improved contract offer']\n", + "mls side orlando city are the latest club to have expressed interest in manchester united misfit javier hernandez .javier hernandez is linked with a move to orlando city after enduring a tough time on loan at real madridthe mexico international would be a huge commercial draw for the florida-based franchise who are coached by former everton and manchester city striker adrian heath .\n", + "mls team orlando city the latest team to be linked with javier hernandezthe manchester united striker has not impressed on loan at real madridunited have made andreas pereira an improved contract offer\n", + "[1.2288558 1.2662834 1.4715261 1.17945 1.1164043 1.3253484 1.1270227\n", + " 1.200851 1.0262187 1.01734 1.0174992 1.0133216 1.0218899 1.0376714\n", + " 1.021231 1.0131 1.0128849 1.0319723 1.0663816 1.0260382 1.0436546\n", + " 1.0232551 1.0146823 1.0154215 1.018928 1.0391659]\n", + "\n", + "[ 2 5 1 0 7 3 6 4 18 20 25 13 17 8 19 21 12 14 24 10 9 23 22 11\n", + " 15 16]\n", + "=======================\n", + "[\"anthony ray hinton , 58 , was released in the morning from the jefferson county jail in birmingham .according to the birmingham news , as he walked free , he declared : ` the sun do shine ! 'a man who spent nearly 30 years on alabama 's death row was freed friday after a decades-long fight to prove his innocence .\"]\n", + "=======================\n", + "[\"ray hinton was convicted of two brutal 1985 killings based on a gun that was found at his housethe us supreme court granted him a new trial because the gun was never definitively matched to the bullets found at the crime scenesthis week , prosecutors announced that they could not find evidence that the gun hinton had matched the bullets at the scene .i should n't have sat on death row for 30 years .family of one of the murdered men issued reminder that hinton has not been found ` innocent '\"]\n", + "anthony ray hinton , 58 , was released in the morning from the jefferson county jail in birmingham .according to the birmingham news , as he walked free , he declared : ` the sun do shine ! 'a man who spent nearly 30 years on alabama 's death row was freed friday after a decades-long fight to prove his innocence .\n", + "ray hinton was convicted of two brutal 1985 killings based on a gun that was found at his housethe us supreme court granted him a new trial because the gun was never definitively matched to the bullets found at the crime scenesthis week , prosecutors announced that they could not find evidence that the gun hinton had matched the bullets at the scene .i should n't have sat on death row for 30 years .family of one of the murdered men issued reminder that hinton has not been found ` innocent '\n", + "[1.1764029 1.3811288 1.2552618 1.2244374 1.2088387 1.1353713 1.0626891\n", + " 1.167769 1.0956708 1.0182241 1.1818367 1.0597634 1.0477923 1.0420722\n", + " 1.0496633 1.1074231 1.060656 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 10 0 7 5 15 8 6 16 11 14 12 13 9 24 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"the screening system spots chemical signals in exhaled air that are linked to tumour development .by looking for distinctive ` breath prints ' , researchers were also able to distinguish between patients at high and low risk of developing the disease .israeli researchers say the system is accurate , cheap -- and allows patients to be monitored without using invasive procedures .\"]\n", + "=======================\n", + "['tests spot chemical signals in exhaled air linked to tumour developmentabout 7,000 people develop stomach cancer in the uk each year']\n", + "the screening system spots chemical signals in exhaled air that are linked to tumour development .by looking for distinctive ` breath prints ' , researchers were also able to distinguish between patients at high and low risk of developing the disease .israeli researchers say the system is accurate , cheap -- and allows patients to be monitored without using invasive procedures .\n", + "tests spot chemical signals in exhaled air linked to tumour developmentabout 7,000 people develop stomach cancer in the uk each year\n", + "[1.0601983 1.5852072 1.4753829 1.4261892 1.0750135 1.0596681 1.0245783\n", + " 1.0281451 1.0679456 1.1124668 1.073062 1.0493114 1.0464429 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 9 4 10 8 0 5 11 12 7 6 24 13 14 15 16 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"versace designer donatella versace , 59 , is set to appear in a new ad campaign not for her own brand , but for rival design house givenchy .givenchy designer riccardo tisci , 40 , revealed the surprising pick for his fall-winter campaign on instagram yesterday , posting a black and white photo of himself and donatella , who he described as his ` ultimate icon ' .` so proud and honored to introduce my new ultimate icon : donatella versace ... fw15 givenchy family campaign [ sic ] , ' he wrote , while promising that more images from the campaign will be unveiled soon .\"]\n", + "=======================\n", + "['givenchy designer riccardo tisci , 40 , announced that donatella , 59 , will appear in his new ad campaignthe top designers work for competing fashion brands , but they are good friends in real lifericcardo once told donatella he would love to see her dressed in givenchy']\n", + "versace designer donatella versace , 59 , is set to appear in a new ad campaign not for her own brand , but for rival design house givenchy .givenchy designer riccardo tisci , 40 , revealed the surprising pick for his fall-winter campaign on instagram yesterday , posting a black and white photo of himself and donatella , who he described as his ` ultimate icon ' .` so proud and honored to introduce my new ultimate icon : donatella versace ... fw15 givenchy family campaign [ sic ] , ' he wrote , while promising that more images from the campaign will be unveiled soon .\n", + "givenchy designer riccardo tisci , 40 , announced that donatella , 59 , will appear in his new ad campaignthe top designers work for competing fashion brands , but they are good friends in real lifericcardo once told donatella he would love to see her dressed in givenchy\n", + "[1.2279646 1.3612854 1.2458316 1.2569472 1.1754761 1.1374477 1.1138104\n", + " 1.0700288 1.0511309 1.0272384 1.0379089 1.2091249 1.0771912 1.0651442\n", + " 1.0211003 1.052398 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 11 4 5 6 12 7 13 15 8 10 9 14 23 22 21 20 17 18 16 24\n", + " 19 25]\n", + "=======================\n", + "['the sandstorm wrecked havoc across the area last week , causing traffic accidents , the cancellation of hundreds of flights and triggering breathing difficulties among residents .on april 1 , the sandstorm could be seen enveloping much of saudi arabia and the united arab emiratesincredible satellite images have shown a massive sandstorm almost as large as the united states billowing across the arabian peninsula .']\n", + "=======================\n", + "['photographs taken by satellite show sandstorm hitting arabian peninsulamassive dust cloud was believed to be almost as large as the u.s.it billowed across saudi arabia , the uae , oman and as far east as india']\n", + "the sandstorm wrecked havoc across the area last week , causing traffic accidents , the cancellation of hundreds of flights and triggering breathing difficulties among residents .on april 1 , the sandstorm could be seen enveloping much of saudi arabia and the united arab emiratesincredible satellite images have shown a massive sandstorm almost as large as the united states billowing across the arabian peninsula .\n", + "photographs taken by satellite show sandstorm hitting arabian peninsulamassive dust cloud was believed to be almost as large as the u.s.it billowed across saudi arabia , the uae , oman and as far east as india\n", + "[1.283326 1.0874982 1.0842596 1.2176906 1.2493681 1.0785071 1.0952218\n", + " 1.1741835 1.0530639 1.1071845 1.074724 1.0987973 1.025788 1.0185263\n", + " 1.131572 1.0243074 1.0239234 1.0198709 1.0121396 1.0139853 1.0170143]\n", + "\n", + "[ 0 4 3 7 14 9 11 6 1 2 5 10 8 12 15 16 17 13 20 19 18]\n", + "=======================\n", + "[\"such is the global sporting fame of andy murray that guests attending the star 's wedding to kim sears this weekend might have wondered if they would be seated next to a famous face .low-key : in spite of high profile friendships with the likes of james corden , andy murray and bride-to-be , kim sears ( pictured here when murray received his obe in 2013 ) have n't invited many big names to attend their wedding in dumblane this weekendwhen murray , 27 , says ' i do ' with his long-term girlfriend , also 27 , on april 11 , the guests wishing them well in his hometown of dunblane will be largely a gathering of close family and friends .\"]\n", + "=======================\n", + "[\"andy murray and kim sears will tie the knot on saturday april 11wedding reception will be held at tennis star 's hotel cromlix in kinbuckbiggest star likely to attend is one-time british tennis star tim henman\"]\n", + "such is the global sporting fame of andy murray that guests attending the star 's wedding to kim sears this weekend might have wondered if they would be seated next to a famous face .low-key : in spite of high profile friendships with the likes of james corden , andy murray and bride-to-be , kim sears ( pictured here when murray received his obe in 2013 ) have n't invited many big names to attend their wedding in dumblane this weekendwhen murray , 27 , says ' i do ' with his long-term girlfriend , also 27 , on april 11 , the guests wishing them well in his hometown of dunblane will be largely a gathering of close family and friends .\n", + "andy murray and kim sears will tie the knot on saturday april 11wedding reception will be held at tennis star 's hotel cromlix in kinbuckbiggest star likely to attend is one-time british tennis star tim henman\n", + "[1.1432605 1.2461565 1.1900927 1.3775978 1.2653017 1.0223571 1.4563425\n", + " 1.0667684 1.030668 1.0544351 1.0270977 1.0227716 1.0219296 1.0387611\n", + " 1.3240048 1.1007782 1.0206683 0. 0. 0. 0. ]\n", + "\n", + "[ 6 3 14 4 1 2 0 15 7 9 13 8 10 11 5 12 16 19 17 18 20]\n", + "=======================\n", + "[\"mohammed shatnawi bizarrely scored an own goal by kicking the ball over his head at the weekendthat honour falls to mohammad shatnawi of jordanian club al faisaly , whose effort will be considered as one of the strangest own goals ever .west ham 's james collins ( right ) accidentally lobbed his goalkeeper trying to clear a cross on sunday\"]\n", + "=======================\n", + "['mohammad shatnawi scored a bizzare own goal in the jordanian leaguehis al faisaly side were a goal down against rivals al whidathe made a brave block but overhead kicked the rebound into his own net']\n", + "mohammed shatnawi bizarrely scored an own goal by kicking the ball over his head at the weekendthat honour falls to mohammad shatnawi of jordanian club al faisaly , whose effort will be considered as one of the strangest own goals ever .west ham 's james collins ( right ) accidentally lobbed his goalkeeper trying to clear a cross on sunday\n", + "mohammad shatnawi scored a bizzare own goal in the jordanian leaguehis al faisaly side were a goal down against rivals al whidathe made a brave block but overhead kicked the rebound into his own net\n", + "[1.4762552 1.38136 1.0792675 1.1246995 1.3919947 1.127876 1.0279946\n", + " 1.0205685 1.0194515 1.0551658 1.2687724 1.0323248 1.0276488 1.0165944\n", + " 1.0154948 1.045235 1.0229249 1.0506792 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 10 5 3 2 9 17 15 11 6 12 16 7 8 13 14 18 19 20]\n", + "=======================\n", + "[\"gemma collins has expanded her popular range of plus-size clothing for evans with seven new curve-flattering tops and dresses .the 34-year-old star of the only way is essex - who has gone from selling cards in romford to being the face and force behind her successful clothing brand - feels much of her triumph comes from inspiring voluptuous women to feel more confident .new additions include brightly coloured swing tops and blouses , as well as a pair of floral fringed kimonos ; all in the same flattering cuts that have cemented her status as one of the nation 's most popular plus-size designers .\"]\n", + "=======================\n", + "[\"gemma , 34 , gives femail a peek at her extended clothing collectionnew additions include a lacy lbd and a set of floral kimonosthe blonde star of the only way is essex says ` confidence ' is key\"]\n", + "gemma collins has expanded her popular range of plus-size clothing for evans with seven new curve-flattering tops and dresses .the 34-year-old star of the only way is essex - who has gone from selling cards in romford to being the face and force behind her successful clothing brand - feels much of her triumph comes from inspiring voluptuous women to feel more confident .new additions include brightly coloured swing tops and blouses , as well as a pair of floral fringed kimonos ; all in the same flattering cuts that have cemented her status as one of the nation 's most popular plus-size designers .\n", + "gemma , 34 , gives femail a peek at her extended clothing collectionnew additions include a lacy lbd and a set of floral kimonosthe blonde star of the only way is essex says ` confidence ' is key\n", + "[1.0686449 1.1294113 1.3641039 1.2523868 1.1722361 1.2579358 1.2255187\n", + " 1.2677369 1.1224232 1.1430546 1.104104 1.0481176 1.0441468 1.0726924\n", + " 1.0479239 1.0255287 1.011493 1.0829433 0. 0. 0. ]\n", + "\n", + "[ 2 7 5 3 6 4 9 1 8 10 17 13 0 11 14 12 15 16 19 18 20]\n", + "=======================\n", + "[\"the 450kg ( 990lb ) beast was coated in a lurid yellow marinade before it was lowered by crane into a 6m-tall tandoor kiln , the people 's daily online reported .momin hopur , a uighur celebrity chef , spent five hours cooking the camel at the annual apricot tourism festival last week in yining county in north xinjiang .the chef and his apprentices took five days building the special kiln , which then had to be warmed up for 48 hours\"]\n", + "=======================\n", + "['camel weighed 450kg and had to be hoisted into the kiln by a cranemysterious marinade contains 36 herbs as well as eggs and black pepperchef spent five days building the giant kiln with more than 10,000 bricksfirst customer had queued for three hours for a portionthe street feast is a part of a tourism festival in xinjiang in northwest china']\n", + "the 450kg ( 990lb ) beast was coated in a lurid yellow marinade before it was lowered by crane into a 6m-tall tandoor kiln , the people 's daily online reported .momin hopur , a uighur celebrity chef , spent five hours cooking the camel at the annual apricot tourism festival last week in yining county in north xinjiang .the chef and his apprentices took five days building the special kiln , which then had to be warmed up for 48 hours\n", + "camel weighed 450kg and had to be hoisted into the kiln by a cranemysterious marinade contains 36 herbs as well as eggs and black pepperchef spent five days building the giant kiln with more than 10,000 bricksfirst customer had queued for three hours for a portionthe street feast is a part of a tourism festival in xinjiang in northwest china\n", + "[1.413619 1.1700966 1.2980877 1.2429149 1.1536673 1.3070072 1.2201587\n", + " 1.0649291 1.017422 1.1692588 1.0271494 1.0269892 1.0294523 1.0240067\n", + " 1.0441239 1.0915956 1.1445656 1.0160623 1.0875639 0. 0. ]\n", + "\n", + "[ 0 5 2 3 6 1 9 4 16 15 18 7 14 12 10 11 13 8 17 19 20]\n", + "=======================\n", + "['four-month-old baby evan summerfield , who died from meningitis , just hours after laughing for the very first timehe was rushed to derriford hospital in plymouth but despite doctors and nurses battling to save him , evan was diagnosed with meningoccal septicaemia and died soon after .evan summerfield from devon had just learned how to giggle and take his dummy out by himself but just hours later he was fighting for his life .']\n", + "=======================\n", + "['evan summerfield had just learned to laugh and giggle when he fell illdeveloped a large rash and was rushed to hospital with meningitisdoctors battled to save the four-month-old but he died in hospital in devondeath has left parents shannon and kris confused over how quickly he fell ill']\n", + "four-month-old baby evan summerfield , who died from meningitis , just hours after laughing for the very first timehe was rushed to derriford hospital in plymouth but despite doctors and nurses battling to save him , evan was diagnosed with meningoccal septicaemia and died soon after .evan summerfield from devon had just learned how to giggle and take his dummy out by himself but just hours later he was fighting for his life .\n", + "evan summerfield had just learned to laugh and giggle when he fell illdeveloped a large rash and was rushed to hospital with meningitisdoctors battled to save the four-month-old but he died in hospital in devondeath has left parents shannon and kris confused over how quickly he fell ill\n", + "[1.2397214 1.2884519 1.2918205 1.2068743 1.164388 1.2599889 1.065875\n", + " 1.1055396 1.1387595 1.0910648 1.1661495 1.0806894 1.0756032 1.023027\n", + " 1.0138118 1.011155 1.0230778 1.0119172 1.0340278]\n", + "\n", + "[ 2 1 5 0 3 10 4 8 7 9 11 12 6 18 16 13 14 17 15]\n", + "=======================\n", + "[\"police had failed to convince the woman - who was depressed after being dumped by her boyfriend - to climb back into a nearby apartment while firefighters on the street below prepared a ladder to try to reach her .the video - filmed by a passer-by in shanghai - shows the young woman dangling off the ledge having apparently threatened to jump , reports people 's daily online .fireman xu weiguo , who was also inside the apartment , immediately climbed out on to the ledge and video shows him grabbing her arm just as she appears to be pushing herself away .\"]\n", + "=======================\n", + "['woman threatened to jump off shanghai tower block after being dumpeddangled herself off ledge after police failed to talk her downfireman xu weiguo climbed out and grabbed her arm just as she was attempting to push herself off']\n", + "police had failed to convince the woman - who was depressed after being dumped by her boyfriend - to climb back into a nearby apartment while firefighters on the street below prepared a ladder to try to reach her .the video - filmed by a passer-by in shanghai - shows the young woman dangling off the ledge having apparently threatened to jump , reports people 's daily online .fireman xu weiguo , who was also inside the apartment , immediately climbed out on to the ledge and video shows him grabbing her arm just as she appears to be pushing herself away .\n", + "woman threatened to jump off shanghai tower block after being dumpeddangled herself off ledge after police failed to talk her downfireman xu weiguo climbed out and grabbed her arm just as she was attempting to push herself off\n", + "[1.4608278 1.271423 1.2053481 1.1350917 1.1539888 1.0520613 1.1119943\n", + " 1.067032 1.0472912 1.0515994 1.0454576 1.1008493 1.0958508 1.0636833\n", + " 1.0524063 1.0655397 1.029337 1.0480982 0. ]\n", + "\n", + "[ 0 1 2 4 3 6 11 12 7 15 13 14 5 9 17 8 10 16 18]\n", + "=======================\n", + "['( cnn ) nobel literature laureate guenter grass , best known around the world for his novel \" the tin drum , \" has died , his publisher said monday .grass died in a clinic in the city of luebeck , where he was taken over the weekend , said steidl publishing spokeswoman claudia glenewinkel .german media are reporting he died of pneumonia .']\n", + "=======================\n", + "['grass tried in his literature to come to grips with world war ii and the nazi erahis characters were the downtrodden , and his style slipped into the surrealhe stoked controversy with his admission to being a member of the waffen ss']\n", + "( cnn ) nobel literature laureate guenter grass , best known around the world for his novel \" the tin drum , \" has died , his publisher said monday .grass died in a clinic in the city of luebeck , where he was taken over the weekend , said steidl publishing spokeswoman claudia glenewinkel .german media are reporting he died of pneumonia .\n", + "grass tried in his literature to come to grips with world war ii and the nazi erahis characters were the downtrodden , and his style slipped into the surrealhe stoked controversy with his admission to being a member of the waffen ss\n", + "[1.337996 1.280859 1.2840173 1.245952 1.2615925 1.1118549 1.1047094\n", + " 1.0955396 1.0895177 1.0474188 1.0578593 1.0575542 1.0511668 1.0965027\n", + " 1.0686895 1.0552175 1.103195 1.0342892 1.0202597]\n", + "\n", + "[ 0 2 1 4 3 5 6 16 13 7 8 14 10 11 15 12 9 17 18]\n", + "=======================\n", + "[\"baywatch star jeremy jackson , pictured in january , has been arrested after a man was stabbed in the chest with a knifejackson was taken into police custody on saturday for assault with a deadly weapon in west lake , la. .the victim told police the man was hobie - jackson played hobie buchannon , the son of david hasselhoff 's character mitch buchannon on baywatch .\"]\n", + "=======================\n", + "[\"jackson was taken into police custody on saturday for assault with a deadly weapon in west lake , la34-year-old is accused of stabbing a man with a knife and then running awayjackson played david hasselhoff 's character 's son hobie buchannon in the hit tv showjackson left the show in 1999 - he admitted to suffering from a severe drug addiction\"]\n", + "baywatch star jeremy jackson , pictured in january , has been arrested after a man was stabbed in the chest with a knifejackson was taken into police custody on saturday for assault with a deadly weapon in west lake , la. .the victim told police the man was hobie - jackson played hobie buchannon , the son of david hasselhoff 's character mitch buchannon on baywatch .\n", + "jackson was taken into police custody on saturday for assault with a deadly weapon in west lake , la34-year-old is accused of stabbing a man with a knife and then running awayjackson played david hasselhoff 's character 's son hobie buchannon in the hit tv showjackson left the show in 1999 - he admitted to suffering from a severe drug addiction\n", + "[1.2036195 1.5089453 1.273848 1.1805972 1.2855142 1.1910866 1.0413404\n", + " 1.0332977 1.0598271 1.0215701 1.0677191 1.120677 1.0885808 1.0880367\n", + " 1.0156441 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 0 5 3 11 12 13 10 8 6 7 9 14 15 16 17 18]\n", + "=======================\n", + "[\"dina nemtsova , 13 , made her debut in a photoshoot with russian fashion label yulia prohorova white zoloto .appearing alongside her mother and nemtsov 's partner , ekaterina odintsova , 37 , the young brunette posed in red and white dresses as well as an outfit with a patterned floral design .the teenage daughter of assassinated russian opposition leader boris nemtsov has started a modelling career reportedly as a way of helping her to overcome her father 's death .\"]\n", + "=======================\n", + "[\"dina nemtsova , 13 , made debut in photoshoot for russian fashion labelher mother : ` i 'm trying to help her overcome terrible killing of her father 'nemtsov was gunned down near kremlin while walking with his girlfriend\"]\n", + "dina nemtsova , 13 , made her debut in a photoshoot with russian fashion label yulia prohorova white zoloto .appearing alongside her mother and nemtsov 's partner , ekaterina odintsova , 37 , the young brunette posed in red and white dresses as well as an outfit with a patterned floral design .the teenage daughter of assassinated russian opposition leader boris nemtsov has started a modelling career reportedly as a way of helping her to overcome her father 's death .\n", + "dina nemtsova , 13 , made debut in photoshoot for russian fashion labelher mother : ` i 'm trying to help her overcome terrible killing of her father 'nemtsov was gunned down near kremlin while walking with his girlfriend\n", + "[1.3852954 1.2818078 1.3464699 1.2679504 1.071582 1.2422571 1.1993997\n", + " 1.0943658 1.0441571 1.0429238 1.072425 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 5 6 7 10 4 8 9 11 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"no tiger woods and no rory mcilroy in the field is proving no problem in houston , where record numbers have descended on the small suburb of humble for the shell houston open .it 's 18 months now since spieth attracted criticism for giving up on university and joining the pga tour as the 809th ranked player in the world .the last tournament before the masters is proving quite a show-stopper itself thanks to the crowd-pleasing antics of the popular phil mickelson and local boy jordan spieth .\"]\n", + "=======================\n", + "['record numbers have flocked to see local boy jordan spieth in actionspieth and phil mickelson have been gearing up for the masterstexas-born spieth quit university in order to concentrate on golf career']\n", + "no tiger woods and no rory mcilroy in the field is proving no problem in houston , where record numbers have descended on the small suburb of humble for the shell houston open .it 's 18 months now since spieth attracted criticism for giving up on university and joining the pga tour as the 809th ranked player in the world .the last tournament before the masters is proving quite a show-stopper itself thanks to the crowd-pleasing antics of the popular phil mickelson and local boy jordan spieth .\n", + "record numbers have flocked to see local boy jordan spieth in actionspieth and phil mickelson have been gearing up for the masterstexas-born spieth quit university in order to concentrate on golf career\n", + "[1.4819942 1.18672 1.4607846 1.3807993 1.1585373 1.05428 1.0265164\n", + " 1.0268384 1.088012 1.0641568 1.1535048 1.0534091 1.0288788 1.1193119\n", + " 1.0658514 0. 0. ]\n", + "\n", + "[ 0 2 3 1 4 10 13 8 14 9 5 11 12 7 6 15 16]\n", + "=======================\n", + "[\"lesley conman 's daughter abbie , 12 , was sent sexualised messages by an online pervert on facebookafter the horrified mother saw the provocative messages , she challenged the man herself , pretending to be abbie .in the case of ms green 's daughter emily , 13 , the sick man threatened to post explicit pictures on her facebook wall - which all of her friends would have then seen - if she did not play along with his sordid messages .\"]\n", + "=======================\n", + "[\"young girls were sent sexualised facebook messages but police did n't actabbie conman , 12 , and kerry green , 13 , were targeted by online predatorone of the mothers challenged the man , who was pretending to be 17police said no crime was committed when the mothers reported the man\"]\n", + "lesley conman 's daughter abbie , 12 , was sent sexualised messages by an online pervert on facebookafter the horrified mother saw the provocative messages , she challenged the man herself , pretending to be abbie .in the case of ms green 's daughter emily , 13 , the sick man threatened to post explicit pictures on her facebook wall - which all of her friends would have then seen - if she did not play along with his sordid messages .\n", + "young girls were sent sexualised facebook messages but police did n't actabbie conman , 12 , and kerry green , 13 , were targeted by online predatorone of the mothers challenged the man , who was pretending to be 17police said no crime was committed when the mothers reported the man\n", + "[1.4410511 1.3398645 1.174242 1.3531635 1.1953055 1.3287332 1.273491\n", + " 1.0336796 1.0162157 1.0685116 1.0646881 1.0251173 1.0819889 1.0189698\n", + " 1.0405871 1.1275802 1.0499697]\n", + "\n", + "[ 0 3 1 5 6 4 2 15 12 9 10 16 14 7 11 13 8]\n", + "=======================\n", + "[\"sunderland boss dick advocaat has insisted it was not a difficult decision to include adam johnson in his squad for saturday 's barclays premier league trip to stoke .adam johnson leaves peterlee police station on thursday after being chargedadvocaat has confirmed the 27-year-old midfielder , who was charged with three offences of sexual activity with a child under 16 and one of grooming on thursday , remains available for selection with the club reviewing the situation .\"]\n", + "=======================\n", + "[\"adam johnson charged with three offences of sexual activity with girl , 15winger also facing charge of grooming and has been bailed until may 20sunderland decided not to suspend johnson and he is available to playread : johnson charged with three offences of sexual activity with a childread : johnson 's sunderland future in doubt\"]\n", + "sunderland boss dick advocaat has insisted it was not a difficult decision to include adam johnson in his squad for saturday 's barclays premier league trip to stoke .adam johnson leaves peterlee police station on thursday after being chargedadvocaat has confirmed the 27-year-old midfielder , who was charged with three offences of sexual activity with a child under 16 and one of grooming on thursday , remains available for selection with the club reviewing the situation .\n", + "adam johnson charged with three offences of sexual activity with girl , 15winger also facing charge of grooming and has been bailed until may 20sunderland decided not to suspend johnson and he is available to playread : johnson charged with three offences of sexual activity with a childread : johnson 's sunderland future in doubt\n", + "[1.2651244 1.4413188 1.2684213 1.1943161 1.0451629 1.1660041 1.2011878\n", + " 1.2346357 1.304882 1.0174977 1.0108831 1.0115873 1.0811853 1.0382141\n", + " 1.0589582 1.0101702 0. ]\n", + "\n", + "[ 1 8 2 0 7 6 3 5 12 14 4 13 9 11 10 15 16]\n", + "=======================\n", + "[\"there was no sign of the likes of cristiano ronaldo , gareth bale and james rodriguez - all of who played 90 minutes in the 0-0 draw at vicente calderon on tuesday - as the fringe players took part in a session at the valdebebas complex .real will then face atletico in next wednesday 's second leg - the eighth time the rivals have clashed this season with carlo ancelotti 's side still chasing their first win against their neighbours .isco and alvaro arbeloa , second-half substitutes during the first leg against atletico , were present alongside regular first team players pepe and sami khedira , who were on the bench on tuesday .\"]\n", + "=======================\n", + "[\"real madrid drew 0-0 with atletico in the champions league on tuesdayplayers that did n't start the clash returned to training on wednesdaythere was no sign of cristiano ronaldo and the rest of tuesday 's startersreal return to la liga action against malaga at the bernabeu on saturday\"]\n", + "there was no sign of the likes of cristiano ronaldo , gareth bale and james rodriguez - all of who played 90 minutes in the 0-0 draw at vicente calderon on tuesday - as the fringe players took part in a session at the valdebebas complex .real will then face atletico in next wednesday 's second leg - the eighth time the rivals have clashed this season with carlo ancelotti 's side still chasing their first win against their neighbours .isco and alvaro arbeloa , second-half substitutes during the first leg against atletico , were present alongside regular first team players pepe and sami khedira , who were on the bench on tuesday .\n", + "real madrid drew 0-0 with atletico in the champions league on tuesdayplayers that did n't start the clash returned to training on wednesdaythere was no sign of cristiano ronaldo and the rest of tuesday 's startersreal return to la liga action against malaga at the bernabeu on saturday\n", + "[1.2900581 1.3854126 1.0675998 1.4424932 1.0646647 1.0447323 1.0355821\n", + " 1.0652225 1.0959584 1.2829963 1.05895 1.0555956 1.0372493 1.0232857\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 9 8 2 7 4 10 11 5 12 6 13 15 14 16]\n", + "=======================\n", + "[\"kiddie clothes : jef rouner said his five-year-old daughter was forced to cover up when she wore this spaghetti-strap sundress to her school in houston , texassupportive pop : jef said he finds it ` weird ' that school dress codes tend to offer more restrictions for girls than boysbut despite the striped dress being what routner believes is completely age-appropriate , his daughter is now ` wordlessly accepting that a dress with spaghetti straps , something sold in every walmart in america right now , is somehow bad . '\"]\n", + "=======================\n", + "['jef rouner from houston , texas says his daughter was forced to wear jeans and a t-shirt with her spaghetti-strap sundressthe father expresses frustration that only girls are targeted by school dress codes - even at such a young agehe finds it shocking that a dress his daughter wore to church was deemed inappropriate']\n", + "kiddie clothes : jef rouner said his five-year-old daughter was forced to cover up when she wore this spaghetti-strap sundress to her school in houston , texassupportive pop : jef said he finds it ` weird ' that school dress codes tend to offer more restrictions for girls than boysbut despite the striped dress being what routner believes is completely age-appropriate , his daughter is now ` wordlessly accepting that a dress with spaghetti straps , something sold in every walmart in america right now , is somehow bad . '\n", + "jef rouner from houston , texas says his daughter was forced to wear jeans and a t-shirt with her spaghetti-strap sundressthe father expresses frustration that only girls are targeted by school dress codes - even at such a young agehe finds it shocking that a dress his daughter wore to church was deemed inappropriate\n", + "[1.4792782 1.5070534 1.2904103 1.4661801 1.0401143 1.0443271 1.0178387\n", + " 1.0223848 1.0559124 1.1361692 1.1288784 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 9 10 8 5 4 7 6 15 11 12 13 14 16]\n", + "=======================\n", + "[\"carlo ancelotti 's men meet city rivals atletico madrid in the quarter-finals , in what will be a re-run of last year 's final .club legend and assistant coach fernando hierro believes real madrid are capable of winning a second consecutive champions league - as it 's in the spanish sides dna .hierro is confident that the players in the current squad will be able to emulate the successes of previous real sides .\"]\n", + "=======================\n", + "[\"fernando hierro reckons real madrid can win the champions league againthe club legend believes winning the trophy is in the club 's genescarlo ancelotti 's men face city rivals atletico madrid in the quarter-finalsclick here for all the latest real madrid news\"]\n", + "carlo ancelotti 's men meet city rivals atletico madrid in the quarter-finals , in what will be a re-run of last year 's final .club legend and assistant coach fernando hierro believes real madrid are capable of winning a second consecutive champions league - as it 's in the spanish sides dna .hierro is confident that the players in the current squad will be able to emulate the successes of previous real sides .\n", + "fernando hierro reckons real madrid can win the champions league againthe club legend believes winning the trophy is in the club 's genescarlo ancelotti 's men face city rivals atletico madrid in the quarter-finalsclick here for all the latest real madrid news\n", + "[1.2474664 1.386696 1.4168446 1.3186781 1.2164128 1.214215 1.0935698\n", + " 1.0637178 1.0216191 1.0206926 1.0983695 1.0337111 1.1372994 1.0541643\n", + " 1.0126015 1.0423476 1.1550502 1.009903 1.0762317 1.1032636 0. ]\n", + "\n", + "[ 2 1 3 0 4 5 16 12 19 10 6 18 7 13 15 11 8 9 14 17 20]\n", + "=======================\n", + "['an airbus a321 from baku , azerbaijan to london was forced to return back to where it had set out from only 11 minutes after a 9.20 pm local time departure on friday evening .a medical emergency and two technical issues meant delays for hundreds of passengers on aircraft that were all bound for heathrow over the weekend .british airways suffered three plane diversions in just over 24 hours .']\n", + "=======================\n", + "[\"all incidents concerned flights coming into london heathrowbaku , azerbaijan flight turned around after only 11 minutes with issuepassenger on mumbai-london flight says ` engine was leaking ' and plane diverted to istanbul , turkeyperson taken ill on uk-bound flight from angola and plane lands at paris charles de gaulle\"]\n", + "an airbus a321 from baku , azerbaijan to london was forced to return back to where it had set out from only 11 minutes after a 9.20 pm local time departure on friday evening .a medical emergency and two technical issues meant delays for hundreds of passengers on aircraft that were all bound for heathrow over the weekend .british airways suffered three plane diversions in just over 24 hours .\n", + "all incidents concerned flights coming into london heathrowbaku , azerbaijan flight turned around after only 11 minutes with issuepassenger on mumbai-london flight says ` engine was leaking ' and plane diverted to istanbul , turkeyperson taken ill on uk-bound flight from angola and plane lands at paris charles de gaulle\n", + "[1.295017 1.2293816 1.1899277 1.2924238 1.2448179 1.1166965 1.0993941\n", + " 1.1467681 1.0997796 1.0737787 1.0548636 1.0430464 1.0420085 1.0345788\n", + " 1.0293406 1.0360551 1.0750744 1.0414417 1.0413904 1.0322391 0. ]\n", + "\n", + "[ 0 3 4 1 2 7 5 8 6 16 9 10 11 12 17 18 15 13 19 14 20]\n", + "=======================\n", + "['the first high-resolution footage of solar flux ropes on the sun has been revealed .the new footage was revealed in a paper in nature communications led by dr haimin wang from the new jersey institute of technology .in the fascinating video , twisting groups of magnetic fields can be seen writhing around .']\n", + "=======================\n", + "[\"new jersey institute of technology research reveals stunning videoit shows a solar flux ` rope ' taking shape on the suntwisting groups of magnetic fields writhe around a central axisand the rope ultimately causes a bright flash - a solar flare - to form\"]\n", + "the first high-resolution footage of solar flux ropes on the sun has been revealed .the new footage was revealed in a paper in nature communications led by dr haimin wang from the new jersey institute of technology .in the fascinating video , twisting groups of magnetic fields can be seen writhing around .\n", + "new jersey institute of technology research reveals stunning videoit shows a solar flux ` rope ' taking shape on the suntwisting groups of magnetic fields writhe around a central axisand the rope ultimately causes a bright flash - a solar flare - to form\n", + "[1.3092222 1.0991313 1.0962262 1.0601984 1.3941662 1.1077642 1.0308787\n", + " 1.046389 1.0309074 1.0500242 1.21872 1.125472 1.0212564 1.0694605\n", + " 1.0361695 1.0392892 1.012365 1.0182496 1.0136154 1.2279203 1.0323613]\n", + "\n", + "[ 4 0 19 10 11 5 1 2 13 3 9 7 15 14 20 8 6 12 17 18 16]\n", + "=======================\n", + "[\"arsenal celebrate after a fine strike from alexis sanchez put them 3-0 up against liverpool on saturdaythey 've won seven on the spin in the premier league and made liverpool look like relegation candidates as opposed to champions league rivals during saturday 's first-half slaughter .mesut ozil celebrates his goal on saturday as the german world cup winner continued his fine form\"]\n", + "=======================\n", + "['arsenal moved up to second with 4-1 win over liverpool on saturdaygunners are bucking their recent trend of ending the season badlybut they had already dropped 13 points in premier league by mid-octobersigning a defender , midfielder and forward may make them title favourites']\n", + "arsenal celebrate after a fine strike from alexis sanchez put them 3-0 up against liverpool on saturdaythey 've won seven on the spin in the premier league and made liverpool look like relegation candidates as opposed to champions league rivals during saturday 's first-half slaughter .mesut ozil celebrates his goal on saturday as the german world cup winner continued his fine form\n", + "arsenal moved up to second with 4-1 win over liverpool on saturdaygunners are bucking their recent trend of ending the season badlybut they had already dropped 13 points in premier league by mid-octobersigning a defender , midfielder and forward may make them title favourites\n", + "[1.2834957 1.3647516 1.0936196 1.2344695 1.2964575 1.0401323 1.0469344\n", + " 1.0695406 1.0768178 1.1352799 1.0707256 1.123133 1.118872 1.0817585\n", + " 1.184108 1.0781778 1.05677 1.0590267 1.0482324 0. 0. ]\n", + "\n", + "[ 1 4 0 3 14 9 11 12 2 13 15 8 10 7 17 16 18 6 5 19 20]\n", + "=======================\n", + "[\"in the video , released by the los angeles police department , two men and one woman can be seen entering a san fernando valley home in the mid-afternoon .a california homeowners ' surveillance video captured footage of three burglars who broke into their house , including one who stared directly at the camera .this young burglar stared right into a security camera and he and two pals robbed a home in los angeles - making off with a large safe and multiple guns\"]\n", + "=======================\n", + "[\"the video shows two men and one woman entering the los angeles homethey 're seen tip-toeing through the house before entering another roombut then one suspect returns and looks straight at the camera before he ducks and knocks it downthe lapd released the film in hopes it will help catch the burglars , described as being age 17 to 20\"]\n", + "in the video , released by the los angeles police department , two men and one woman can be seen entering a san fernando valley home in the mid-afternoon .a california homeowners ' surveillance video captured footage of three burglars who broke into their house , including one who stared directly at the camera .this young burglar stared right into a security camera and he and two pals robbed a home in los angeles - making off with a large safe and multiple guns\n", + "the video shows two men and one woman entering the los angeles homethey 're seen tip-toeing through the house before entering another roombut then one suspect returns and looks straight at the camera before he ducks and knocks it downthe lapd released the film in hopes it will help catch the burglars , described as being age 17 to 20\n", + "[1.2788596 1.497143 1.2065915 1.1710443 1.1173414 1.319925 1.0157273\n", + " 1.0787513 1.0570863 1.0661932 1.0600638 1.1173282 1.0773913 1.0368577\n", + " 1.0644901 1.12724 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 0 2 3 15 4 11 7 12 9 14 10 8 13 6 16 17 18 19 20]\n", + "=======================\n", + "[\"tayler chaice buzbee was forced to make an emergency appointment at an aspen dental facility in alabama on friday morning after developing agonizing toothache which would not go away .a young mother has spoken of her humiliation after a dental assistant apparently removed her nine-month-old son from her arms without asking while she was breastfeeding him in the dentist 's chair .instead , tayler was assured by employees that she could bring her baby to the facility .\"]\n", + "=======================\n", + "[\"mother-of-one tayler chaice buzbee called aspen dental with toothacheshe was told only available appointment at the facility was in 20 minuteshad no time to find babysitter for baby son , attley , so brought him alongstarted breastfeeding the nine-month-old in chair when he created a fussbut soon after , female employee ` took him out of her arms without asking 'woman ` placed him in his stroller , saying breastfeeding was not allowed 'i was humiliated , crying , and i felt embarrassed to be there , ' said tayleraspen dental has since apologized to tayler and launched investigation\"]\n", + "tayler chaice buzbee was forced to make an emergency appointment at an aspen dental facility in alabama on friday morning after developing agonizing toothache which would not go away .a young mother has spoken of her humiliation after a dental assistant apparently removed her nine-month-old son from her arms without asking while she was breastfeeding him in the dentist 's chair .instead , tayler was assured by employees that she could bring her baby to the facility .\n", + "mother-of-one tayler chaice buzbee called aspen dental with toothacheshe was told only available appointment at the facility was in 20 minuteshad no time to find babysitter for baby son , attley , so brought him alongstarted breastfeeding the nine-month-old in chair when he created a fussbut soon after , female employee ` took him out of her arms without asking 'woman ` placed him in his stroller , saying breastfeeding was not allowed 'i was humiliated , crying , and i felt embarrassed to be there , ' said tayleraspen dental has since apologized to tayler and launched investigation\n", + "[1.2150052 1.3857459 1.2623627 1.2742946 1.3934395 1.1370397 1.1742156\n", + " 1.098133 1.058188 1.0134737 1.0500721 1.0103338 1.1390743 1.0673857\n", + " 1.0496088 1.0579237 1.0870545 1.0365014 0. 0. ]\n", + "\n", + "[ 4 1 3 2 0 6 12 5 7 16 13 8 15 10 14 17 9 11 18 19]\n", + "=======================\n", + "['tormented : bus monitor karen huff klein , 71 , was tormented by middle school students in greece , new york in a difficult-to-watch 10-minute video in 2012 .the bullying was videotaped and posted on snapchat , whec reported .now one of the students involved in this verbal attack has been accused , along with two others , of forcing a special-needs student to drink urine from a toilet while holding his crotch at greece athena high school in upstate new york .']\n", + "=======================\n", + "[\"in a 2012 video , bus monitor and grandmother karen huff klein , 68 , wiped away tears as she was verbally abused by middle school studentsone of the bullies has been accused this week of forcing a special needs student to drink urine at greece athena high schoolmrs klein said : ` they did n't learn any lessons from the other ordeal .\"]\n", + "tormented : bus monitor karen huff klein , 71 , was tormented by middle school students in greece , new york in a difficult-to-watch 10-minute video in 2012 .the bullying was videotaped and posted on snapchat , whec reported .now one of the students involved in this verbal attack has been accused , along with two others , of forcing a special-needs student to drink urine from a toilet while holding his crotch at greece athena high school in upstate new york .\n", + "in a 2012 video , bus monitor and grandmother karen huff klein , 68 , wiped away tears as she was verbally abused by middle school studentsone of the bullies has been accused this week of forcing a special needs student to drink urine at greece athena high schoolmrs klein said : ` they did n't learn any lessons from the other ordeal .\n", + "[1.3283696 1.1345339 1.1902331 1.3275509 1.3234408 1.1877139 1.0738081\n", + " 1.0783186 1.121822 1.1435075 1.0602112 1.0866814 1.0537127 1.0538391\n", + " 1.0182053 1.1765342 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 2 5 15 9 1 8 11 7 6 10 13 12 14 18 16 17 19]\n", + "=======================\n", + "['a poll of 2,000 britons found that 68 per cent had hurt themselves doing odd jobs or decorating .two in five had injured their back , one in five had cut themselves and one in ten had suffered side effects from inhaling chemical fumes .if you are thinking of attempting some diy this weekend watch out -- nearly seven in ten of us end up injured .']\n", + "=======================\n", + "['a new survey found seven in 10 people end up injured while doing diypoll of 2,000 people found 68 % say they or their partner have ended up hurttwo in five said they injured their back and one in five had cut themselves']\n", + "a poll of 2,000 britons found that 68 per cent had hurt themselves doing odd jobs or decorating .two in five had injured their back , one in five had cut themselves and one in ten had suffered side effects from inhaling chemical fumes .if you are thinking of attempting some diy this weekend watch out -- nearly seven in ten of us end up injured .\n", + "a new survey found seven in 10 people end up injured while doing diypoll of 2,000 people found 68 % say they or their partner have ended up hurttwo in five said they injured their back and one in five had cut themselves\n", + "[1.3638358 1.181569 1.4712169 1.3495444 1.1869946 1.156399 1.0525153\n", + " 1.0841498 1.0341004 1.0309272 1.0556124 1.0373081 1.2027832 1.1118265\n", + " 1.1795634 1.0301557 1.0114579 1.0945499 1.030053 1.0642529]\n", + "\n", + "[ 2 0 3 12 4 1 14 5 13 17 7 19 10 6 11 8 9 15 18 16]\n", + "=======================\n", + "['duncan hodgetts , 25 , fell from the 14th floor window of the executive plaza building in midtown manhattan at 8.30 am yesterday morning .tax adviser duncan hodgetts ( pictured ) , from birmingham , west midlands , fell to his death from a manhattan buildinghe was found on a third-floor balcony of the neighboring michelangelo hotel , near the rockefeller center , and was pronounced dead at the scene .']\n", + "=======================\n", + "[\"duncan hodgetts fell from window at executive plaza , near manhattan 's rockefeller centermr hodgetts , from birmingham , west midlands , pronounced dead at scenehe was found on third floor balcony of neighbouring michelangelo hotelthe 25-year-old tax adviser worked for accountancy firm ernst and young\"]\n", + "duncan hodgetts , 25 , fell from the 14th floor window of the executive plaza building in midtown manhattan at 8.30 am yesterday morning .tax adviser duncan hodgetts ( pictured ) , from birmingham , west midlands , fell to his death from a manhattan buildinghe was found on a third-floor balcony of the neighboring michelangelo hotel , near the rockefeller center , and was pronounced dead at the scene .\n", + "duncan hodgetts fell from window at executive plaza , near manhattan 's rockefeller centermr hodgetts , from birmingham , west midlands , pronounced dead at scenehe was found on third floor balcony of neighbouring michelangelo hotelthe 25-year-old tax adviser worked for accountancy firm ernst and young\n", + "[1.3315988 1.1579779 1.2577878 1.2486676 1.2759572 1.0546159 1.1665487\n", + " 1.1295321 1.0716124 1.024395 1.031928 1.0323641 1.1202004 1.0633632\n", + " 1.0616908 1.0610648 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 2 3 6 1 7 12 8 13 14 15 5 11 10 9 16 17 18 19]\n", + "=======================\n", + "[\"katia apalategui was inspired after seeing her mother cope with the loss of her husband by clinging to his pillow .the strong link between smell and memory is the reason her product will provide ` olfactory comfort ' to customers , she says .this inspired the 52-year-old french insurance saleswoman to think of a more permanent way to capture a person 's individual scent in a bid to help others in mourning .\"]\n", + "=======================\n", + "[\"seven years ago , insurance saleswoman katia apalategui lost her fatherher grieving mother coped with loss by sniffing late husband 's pillowcaseinspired her to come up with permanent way to capture person 's scentbut bottles of loved ones perfume will set customers back # 400 a bottle\"]\n", + "katia apalategui was inspired after seeing her mother cope with the loss of her husband by clinging to his pillow .the strong link between smell and memory is the reason her product will provide ` olfactory comfort ' to customers , she says .this inspired the 52-year-old french insurance saleswoman to think of a more permanent way to capture a person 's individual scent in a bid to help others in mourning .\n", + "seven years ago , insurance saleswoman katia apalategui lost her fatherher grieving mother coped with loss by sniffing late husband 's pillowcaseinspired her to come up with permanent way to capture person 's scentbut bottles of loved ones perfume will set customers back # 400 a bottle\n", + "[1.3005768 1.2119232 1.4137384 1.2495316 1.1046227 1.1615496 1.043624\n", + " 1.0161623 1.080911 1.0234393 1.0166372 1.0742536 1.2139345 1.0652361\n", + " 1.0884961 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 12 1 5 4 14 8 11 13 6 9 10 7 18 15 16 17 19]\n", + "=======================\n", + "[\"the work titled double falsehood was presented by theatre impresario lewis theobald in the 18th century as an adaptation of a shakespeare play about a spanish nobleman 's ignoble pursuit of two women .william shakespeare may indeed have been the original author of the play double falsehood after alltheobald , a known scholar of shakespeare , mounted his play at drury lane theatre in london on december 13 , 1727 , claiming that it was a re-working of an original by the bard and that he had three original texts .\"]\n", + "=======================\n", + "[\"double falsehood was presented by lewis theobald in the 18th centurytheatre impresario made it out to be an adaptation of a play by the bardclaims met with scepticism , including from great poet alexander popebut new study of its language identifies playwright as the true authorpsychological theory and text analysing software lead to conclusion of university of texas study which claims to model bard 's ` mental world '\"]\n", + "the work titled double falsehood was presented by theatre impresario lewis theobald in the 18th century as an adaptation of a shakespeare play about a spanish nobleman 's ignoble pursuit of two women .william shakespeare may indeed have been the original author of the play double falsehood after alltheobald , a known scholar of shakespeare , mounted his play at drury lane theatre in london on december 13 , 1727 , claiming that it was a re-working of an original by the bard and that he had three original texts .\n", + "double falsehood was presented by lewis theobald in the 18th centurytheatre impresario made it out to be an adaptation of a play by the bardclaims met with scepticism , including from great poet alexander popebut new study of its language identifies playwright as the true authorpsychological theory and text analysing software lead to conclusion of university of texas study which claims to model bard 's ` mental world '\n", + "[1.2328305 1.5336816 1.1809034 1.1708934 1.383406 1.0972673 1.035335\n", + " 1.0364221 1.0736684 1.043282 1.023041 1.156235 1.108082 1.0698771\n", + " 1.0577732 1.0787153 1.0743399 1.0364519 1.0539587 1.0463177]\n", + "\n", + "[ 1 4 0 2 3 11 12 5 15 16 8 13 14 18 19 9 17 7 6 10]\n", + "=======================\n", + "['david king , 70 , and originally from east london , had not been seen for six months in the picturesque hamlet of pierres , in the calvados department , south west of caen .a frenchman was in custody tonight suspected of killing his british expat neighbour and throwing his body down a well in rural normandy .he retired there from his job as an engineer in britain some 15 years ago .']\n", + "=======================\n", + "[\"david king had not been seen since he went to tea with friends in octoberthe 70-year-old is thought to have got into an argument before his deathprosecutor said a neighbour admitted to putting mr king 's body in the wellbut the man has yet to explain ` the circumstances of the death '\"]\n", + "david king , 70 , and originally from east london , had not been seen for six months in the picturesque hamlet of pierres , in the calvados department , south west of caen .a frenchman was in custody tonight suspected of killing his british expat neighbour and throwing his body down a well in rural normandy .he retired there from his job as an engineer in britain some 15 years ago .\n", + "david king had not been seen since he went to tea with friends in octoberthe 70-year-old is thought to have got into an argument before his deathprosecutor said a neighbour admitted to putting mr king 's body in the wellbut the man has yet to explain ` the circumstances of the death '\n", + "[1.0600363 1.1283919 1.4792953 1.4087918 1.2686824 1.4227235 1.1272234\n", + " 1.0140007 1.2511115 1.0979958 1.0505589 1.066902 1.0593852 1.009074\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 5 3 4 8 1 6 9 11 0 12 10 7 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"tottenham hotspur vs aston villa ( white hart lane )kyle walker ( left ) was injured for tottenham after clashing with burnley 's kieran tripper last sundaykyle walker and hugo lloris are absent for tottenham , while jan vertonghen is a doubt for this weekend 's match against aston villa .\"]\n", + "=======================\n", + "['kyle walker joins hugo lloris on tottenham hotspur sidelinesjan vertonghen a major doubt following illnessalan hutton , ashley westwood and scott sinclair likely to be absentcarles gil also set to miss out for aston villa but aly cissokho could return']\n", + "tottenham hotspur vs aston villa ( white hart lane )kyle walker ( left ) was injured for tottenham after clashing with burnley 's kieran tripper last sundaykyle walker and hugo lloris are absent for tottenham , while jan vertonghen is a doubt for this weekend 's match against aston villa .\n", + "kyle walker joins hugo lloris on tottenham hotspur sidelinesjan vertonghen a major doubt following illnessalan hutton , ashley westwood and scott sinclair likely to be absentcarles gil also set to miss out for aston villa but aly cissokho could return\n", + "[1.4928079 1.2222419 1.3567548 1.1910465 1.1432487 1.0912325 1.0965139\n", + " 1.0356891 1.0695969 1.0807514 1.1820756 1.0963748 1.097302 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 10 4 12 6 11 5 9 8 7 13 14 15 16 17 18 19]\n", + "=======================\n", + "['hong kong ( cnn ) phil rudd , the drummer for legendary hard rock band ac/dc , has pleaded guilty to charges of threatening to kill and possession of drugs in a new zealand court .the 60-year-old australian was arrested in november last year after police found methamphetamine and cannabis while executing a search warrant at his home in new zealand .rudd , who previously denied all allegations , made a surprise guilty plea tuesday before the trial began .']\n", + "=======================\n", + "['ac/dc drummer phil rudd pleads guilty to threatening to kill and drug chargescourt summary revealed that rudd had ordered for his personal assistant to be \" taken out \"police found methamphetamine and cannabis in his new zealand home in november']\n", + "hong kong ( cnn ) phil rudd , the drummer for legendary hard rock band ac/dc , has pleaded guilty to charges of threatening to kill and possession of drugs in a new zealand court .the 60-year-old australian was arrested in november last year after police found methamphetamine and cannabis while executing a search warrant at his home in new zealand .rudd , who previously denied all allegations , made a surprise guilty plea tuesday before the trial began .\n", + "ac/dc drummer phil rudd pleads guilty to threatening to kill and drug chargescourt summary revealed that rudd had ordered for his personal assistant to be \" taken out \"police found methamphetamine and cannabis in his new zealand home in november\n", + "[1.256148 1.487119 1.314432 1.1459582 1.1606643 1.1170868 1.1046891\n", + " 1.1516383 1.1571796 1.0870597 1.0983497 1.0614154 1.0946633 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 8 7 3 5 6 10 12 9 11 18 13 14 15 16 17 19]\n", + "=======================\n", + "['about half a dozen people were sitting on the roof of the vehicle on a road near the coastal city of salé , morocco when it toppled on to one side at high speed .terrifying footage of the incident was taken from a car following the van , which is understood to have been transporting football fans .a dramatic video has emerged showing the moment a group of men riding on top of a van were sent flying as it swerved around a corner .']\n", + "=======================\n", + "['van was driving down dual carriageway near coastal city of salé , moroccofootage shows the moment it starts repeatedly swerving across two lanesvideo taken by following motorist captures van crashing down on its side']\n", + "about half a dozen people were sitting on the roof of the vehicle on a road near the coastal city of salé , morocco when it toppled on to one side at high speed .terrifying footage of the incident was taken from a car following the van , which is understood to have been transporting football fans .a dramatic video has emerged showing the moment a group of men riding on top of a van were sent flying as it swerved around a corner .\n", + "van was driving down dual carriageway near coastal city of salé , moroccofootage shows the moment it starts repeatedly swerving across two lanesvideo taken by following motorist captures van crashing down on its side\n", + "[1.0548948 1.08095 1.2953472 1.2643132 1.1191086 1.0527458 1.0863308\n", + " 1.0363731 1.0277457 1.0968663 1.096079 1.0871931 1.1013846 1.151565\n", + " 1.0630031 1.0651897 1.0170407 0. 0. 0. ]\n", + "\n", + "[ 2 3 13 4 12 9 10 11 6 1 15 14 0 5 7 8 16 17 18 19]\n", + "=======================\n", + "[\"the nut that frequently appears in the bible as a symbol of fruitfulness and promise has been dubbed ` the devil 's nut ' , pinpointed as the chief culprit in an eco-disaster that is developing in california .the so-called golden state is increasingly turning a dirty brown colour due to a devastating drought that is in its fourth year .worth # 3.8 billion in 2013 , almonds have become california 's second biggest agricultural commodity after milk , as demand has exploded by 1,000 per cent in a decade .\"]\n", + "=======================\n", + "[\"global demand soaring as people develop passion for almond-based foodsthe nuts have become california 's second biggest agricultural commoditythe problem is that almonds guzzle water on a monumental scaleit 's been calculated that it takes 1.1 gallons of water to grow single almond\"]\n", + "the nut that frequently appears in the bible as a symbol of fruitfulness and promise has been dubbed ` the devil 's nut ' , pinpointed as the chief culprit in an eco-disaster that is developing in california .the so-called golden state is increasingly turning a dirty brown colour due to a devastating drought that is in its fourth year .worth # 3.8 billion in 2013 , almonds have become california 's second biggest agricultural commodity after milk , as demand has exploded by 1,000 per cent in a decade .\n", + "global demand soaring as people develop passion for almond-based foodsthe nuts have become california 's second biggest agricultural commoditythe problem is that almonds guzzle water on a monumental scaleit 's been calculated that it takes 1.1 gallons of water to grow single almond\n", + "[1.2610404 1.3621416 1.348487 1.3296027 1.1969128 1.170783 1.0325091\n", + " 1.0398165 1.0637689 1.0921371 1.0826358 1.0390332 1.0504524 1.1250943\n", + " 1.0275558 1.012341 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 5 13 9 10 8 12 7 11 6 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"the office of the schools adjudicator criticised the oratory school in london for engaging in ` social selection ' , saying it had broken the rules in 105 different ways .the state-funded school in fulham , west london , was ordered to revise its admissions policy last year after the watchdog decided it was biased against working-class and non-catholic children .a roman catholic school attended by nick clegg 's eldest son and two of tony blair 's has been cleared of discriminating against the poor .\"]\n", + "=======================\n", + "[\"the oratory school was ordered to revise its admissions policy last yearcame after watchdog found it was biased against poor and non-catholicshigh court overturned decision of the office of the schools adjudicatorjudge said the decision was ` flawed ' and ` unreasonable '\"]\n", + "the office of the schools adjudicator criticised the oratory school in london for engaging in ` social selection ' , saying it had broken the rules in 105 different ways .the state-funded school in fulham , west london , was ordered to revise its admissions policy last year after the watchdog decided it was biased against working-class and non-catholic children .a roman catholic school attended by nick clegg 's eldest son and two of tony blair 's has been cleared of discriminating against the poor .\n", + "the oratory school was ordered to revise its admissions policy last yearcame after watchdog found it was biased against poor and non-catholicshigh court overturned decision of the office of the schools adjudicatorjudge said the decision was ` flawed ' and ` unreasonable '\n", + "[1.2900239 1.5258781 1.2510437 1.067125 1.2114098 1.1178384 1.0543422\n", + " 1.0406387 1.0837649 1.0644225 1.0516224 1.0207492 1.0573546 1.0326341\n", + " 1.075223 1.066061 1.0810046 1.09344 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 2 4 5 17 8 16 14 3 15 9 12 6 10 7 13 11 18 19 20 21 22]\n", + "=======================\n", + "['the 19th century castle toward , near dunoon , was used to ready soldiers for landing at a beach and was commissioned as hms brontosaurus in 1942 .a scottish castle commandeered by winston churchill to help prepare troops for the d-day landings has gone on sale for # 1.75 million .overlooking the clyde estuary and with easy access to the sloping shoreline , the castle was deemed an ideal training ground for thousands of british troops .']\n", + "=======================\n", + "['19th century castle toward , near dunoon , was used to ready soldiers for the d-day landings in world war twooverlooking clyde estuary and with easy access to the sloping shoreline , it was deemed an ideal training groundthe castle was commandeered by winston churchill and was commissioned as hms brontosaurus in 1942the training that took place was so realistic and demanding many servicemen were killed in accidents']\n", + "the 19th century castle toward , near dunoon , was used to ready soldiers for landing at a beach and was commissioned as hms brontosaurus in 1942 .a scottish castle commandeered by winston churchill to help prepare troops for the d-day landings has gone on sale for # 1.75 million .overlooking the clyde estuary and with easy access to the sloping shoreline , the castle was deemed an ideal training ground for thousands of british troops .\n", + "19th century castle toward , near dunoon , was used to ready soldiers for the d-day landings in world war twooverlooking clyde estuary and with easy access to the sloping shoreline , it was deemed an ideal training groundthe castle was commandeered by winston churchill and was commissioned as hms brontosaurus in 1942the training that took place was so realistic and demanding many servicemen were killed in accidents\n", + "[1.3797582 1.355731 1.2386073 1.1725144 1.467967 1.1344852 1.0721035\n", + " 1.0271581 1.0188426 1.0171801 1.039873 1.0117793 1.0989373 1.0761768\n", + " 1.2203953 1.0845324 1.1430665 1.0548869 1.0097302 1.0213569 1.053881\n", + " 0. 0. ]\n", + "\n", + "[ 4 0 1 2 14 3 16 5 12 15 13 6 17 20 10 7 19 8 9 11 18 21 22]\n", + "=======================\n", + "[\"brendan rodgers says that a move to manchester city would not be step up for raheem sterlingliverpool manager brendan rodgers has written off manchester city 's chances of signing raheem sterling this summer by declaring the anfield club are bigger than their etihad rivals and making it clear they have no intention of becoming their feeder team .ahead of sunday 's fa cup semi-final against aston villa at wembley , rodgers indicated it could take two decades for sheik mansour 's club to reach the status of either liverpool or manchester united .\"]\n", + "=======================\n", + "['manchester city have been linked with summer move for raheem sterlingsterling has two years left on his contract and is stalling on a new dealbrendan rodgers says a move to city would not be step up for sterlingindicating it will take the manchester club 20 years to eclipse liverpool']\n", + "brendan rodgers says that a move to manchester city would not be step up for raheem sterlingliverpool manager brendan rodgers has written off manchester city 's chances of signing raheem sterling this summer by declaring the anfield club are bigger than their etihad rivals and making it clear they have no intention of becoming their feeder team .ahead of sunday 's fa cup semi-final against aston villa at wembley , rodgers indicated it could take two decades for sheik mansour 's club to reach the status of either liverpool or manchester united .\n", + "manchester city have been linked with summer move for raheem sterlingsterling has two years left on his contract and is stalling on a new dealbrendan rodgers says a move to city would not be step up for sterlingindicating it will take the manchester club 20 years to eclipse liverpool\n", + "[1.5023603 1.3169603 1.1230319 1.05285 1.2625308 1.2688648 1.1056477\n", + " 1.0604225 1.0565335 1.0192268 1.0220019 1.0514319 1.0607672 1.0579069\n", + " 1.0090911 1.0434216 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 5 4 2 6 12 7 13 8 3 11 15 10 9 14 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"fc united of manchester , the club set up in protest at the glazer family 's takeover of manchester united , are now two promotions away from the football league .on an emotional night in front of 3,588 noisy fans the rebels , soon to celebrate their 10th anniversary , sealed the fourth promotion of their short history with this nervy win over stourbridge saw them crowned evo-stik northern premier champions .hundreds of ecstatic supporters invaded the pitch at the final whistle as the breakaway outfit secured elevation to the sixth tier after the heartbreak of no less than four play-off defeats .\"]\n", + "=======================\n", + "[\"fc united of manchester was set up as a club in protest of the glazer family 's takeover of manchester unitedtheir 1-0 over stourbridge on tuesday night has sealed their fourth promotion as evo-stik northern premier championsit means that the club are just two promotions off the football league\"]\n", + "fc united of manchester , the club set up in protest at the glazer family 's takeover of manchester united , are now two promotions away from the football league .on an emotional night in front of 3,588 noisy fans the rebels , soon to celebrate their 10th anniversary , sealed the fourth promotion of their short history with this nervy win over stourbridge saw them crowned evo-stik northern premier champions .hundreds of ecstatic supporters invaded the pitch at the final whistle as the breakaway outfit secured elevation to the sixth tier after the heartbreak of no less than four play-off defeats .\n", + "fc united of manchester was set up as a club in protest of the glazer family 's takeover of manchester unitedtheir 1-0 over stourbridge on tuesday night has sealed their fourth promotion as evo-stik northern premier championsit means that the club are just two promotions off the football league\n", + "[1.1250658 1.5622988 1.3899279 1.3623902 1.1958499 1.0356176 1.1194397\n", + " 1.0378803 1.0195522 1.0192549 1.0326295 1.0212675 1.0216959 1.0218531\n", + " 1.0155416 1.0145068 1.0567508 1.04972 1.1118388 1.1592536 1.1480533\n", + " 1.0321814 1.0329356]\n", + "\n", + "[ 1 2 3 4 19 20 0 6 18 16 17 7 5 22 10 21 13 12 11 8 9 14 15]\n", + "=======================\n", + "[\"charlene fritz , 35 , was visiting snow hill island in the antarctic peninsula as part of an expedition when she made an unusual friend on the beach .despite being no more than two months old , the elephant seal pup is still thought to have weighed around 200lbs , and ms fritz had a struggle sitting upright .` sweet moment in time ' : ms fritz described the seal pup 's eyes as being ` like the deepest depths of the sea '\"]\n", + "=======================\n", + "['the two-month-old baby seal came up for a hug on antarctic peninsuladespite being a pup , the seal is believed to have weighed 200lbsadorable cuddle caught on camera by canadian tourists']\n", + "charlene fritz , 35 , was visiting snow hill island in the antarctic peninsula as part of an expedition when she made an unusual friend on the beach .despite being no more than two months old , the elephant seal pup is still thought to have weighed around 200lbs , and ms fritz had a struggle sitting upright .` sweet moment in time ' : ms fritz described the seal pup 's eyes as being ` like the deepest depths of the sea '\n", + "the two-month-old baby seal came up for a hug on antarctic peninsuladespite being a pup , the seal is believed to have weighed 200lbsadorable cuddle caught on camera by canadian tourists\n", + "[1.3185322 1.2302673 1.404457 1.0930719 1.2864947 1.2896686 1.1677992\n", + " 1.1210433 1.0635034 1.0334076 1.0275766 1.0763385 1.016655 1.157531\n", + " 1.1148264 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 5 4 1 6 13 7 14 3 11 8 9 10 12 19 15 16 17 18 20]\n", + "=======================\n", + "[\"the man in question is 16-year-old ronaldo brown who has joined the latics after being released by liverpool .oldham athletic have signed ronaldo .the 16-year-old is named after brazil 's former striker ronaldo , who is pictured scoring in the 2002 world cup\"]\n", + "=======================\n", + "['oldham have signed 16-year-old winger ronaldo brownbrown was released by liverpool and has joined the league one clubhe is named after brazilian ronaldo and has a brother called rivaldobrown also has a younger sister called trezeguet']\n", + "the man in question is 16-year-old ronaldo brown who has joined the latics after being released by liverpool .oldham athletic have signed ronaldo .the 16-year-old is named after brazil 's former striker ronaldo , who is pictured scoring in the 2002 world cup\n", + "oldham have signed 16-year-old winger ronaldo brownbrown was released by liverpool and has joined the league one clubhe is named after brazilian ronaldo and has a brother called rivaldobrown also has a younger sister called trezeguet\n", + "[1.2199672 1.1694206 1.1016743 1.118401 1.1324118 1.0350751 1.0371706\n", + " 1.0285695 1.069029 1.2015281 1.0655295 1.0420715 1.125823 1.0560505\n", + " 1.0240661 1.0260566 1.0902176 1.0432291 1.0363288 1.0198144 1.0643983]\n", + "\n", + "[ 0 9 1 4 12 3 2 16 8 10 20 13 17 11 6 18 5 7 15 14 19]\n", + "=======================\n", + "['( cnn ) it \\'s the kind of thing you see in movies , like robert redford \\'s role in \" all is lost \" or ang lee \\'s \" life of pi . \"louis jordan says that he set off on his 35-foot sailboat from south carolina in late january .but , in real life , it \\'s hard to swallow the idea of a single person being stranded at sea for days , weeks , if not months and somehow living to talk about it .']\n", + "=======================\n", + "['a south carolina man says he spent 66 days alone at sea before being rescuedother sole survivor stories include a japanese man washed away by a tsunamian el salvador man says he drifted from mexico to marshall islands over a year']\n", + "( cnn ) it 's the kind of thing you see in movies , like robert redford 's role in \" all is lost \" or ang lee 's \" life of pi . \"louis jordan says that he set off on his 35-foot sailboat from south carolina in late january .but , in real life , it 's hard to swallow the idea of a single person being stranded at sea for days , weeks , if not months and somehow living to talk about it .\n", + "a south carolina man says he spent 66 days alone at sea before being rescuedother sole survivor stories include a japanese man washed away by a tsunamian el salvador man says he drifted from mexico to marshall islands over a year\n", + "[1.3043251 1.1936562 1.1327242 1.0576715 1.3850417 1.1771395 1.1440059\n", + " 1.1371851 1.0720056 1.0408529 1.1298752 1.0918891 1.0694462 1.069004\n", + " 1.0249542 1.0239717 1.0273505 1.0414547 1.0201746 1.0156956 0. ]\n", + "\n", + "[ 4 0 1 5 6 7 2 10 11 8 12 13 3 17 9 16 14 15 18 19 20]\n", + "=======================\n", + "[\"andy murray 's mother judy has revealed that she ca n't wait for her son to have children with his new wife kim searsit 's been just a few days since andy murray tied the knot to his long term girlfriend kim sears .but already his mother judy is hopefully that he will soon take the next step and start a family .\"]\n", + "=======================\n", + "[\"judy murray has revealed to closer that she ca n't wait to be a grannyson andy married his long term girlfriend kim sears just a few days agothe tennis coach says she will be an active part of their life\"]\n", + "andy murray 's mother judy has revealed that she ca n't wait for her son to have children with his new wife kim searsit 's been just a few days since andy murray tied the knot to his long term girlfriend kim sears .but already his mother judy is hopefully that he will soon take the next step and start a family .\n", + "judy murray has revealed to closer that she ca n't wait to be a grannyson andy married his long term girlfriend kim sears just a few days agothe tennis coach says she will be an active part of their life\n", + "[1.2919915 1.2807978 1.2937188 1.2258155 1.1827639 1.0901501 1.0567381\n", + " 1.050019 1.0181653 1.2138956 1.1425878 1.0197301 1.0437716 1.0477611\n", + " 1.0567265 1.066253 1.023956 1.0092946 1.0194142 0. 0. ]\n", + "\n", + "[ 2 0 1 3 9 4 10 5 15 6 14 7 13 12 16 11 18 8 17 19 20]\n", + "=======================\n", + "[\"by comparing before and after images , scientists have discovered mount everest shrank by about one inch due to the land that was shaken in the natural disaster .radar images from europe 's sentinel-1a satellite have revealed the aftermath of the nepal earthquake in unrivalled detail .the information from the satellites has been transformed into an interferogram , which provides a colourful and highly detailed view of the earth 's land mass .\"]\n", + "=======================\n", + "[\"the satellite , sentinel-1a , sends out radio waves and times how long it takes for them to reflect backthe data has been transformed into an ` interferogram ' showing how the land mass has shiftedscientists count the colored ` fringes ' in the interferogram to detect how much the land has movedeverest lost an inch of its height in the quake , but still stands at 29,029 feetan area 75 miles by 30 miles around kathmandu has risen over three feet\"]\n", + "by comparing before and after images , scientists have discovered mount everest shrank by about one inch due to the land that was shaken in the natural disaster .radar images from europe 's sentinel-1a satellite have revealed the aftermath of the nepal earthquake in unrivalled detail .the information from the satellites has been transformed into an interferogram , which provides a colourful and highly detailed view of the earth 's land mass .\n", + "the satellite , sentinel-1a , sends out radio waves and times how long it takes for them to reflect backthe data has been transformed into an ` interferogram ' showing how the land mass has shiftedscientists count the colored ` fringes ' in the interferogram to detect how much the land has movedeverest lost an inch of its height in the quake , but still stands at 29,029 feetan area 75 miles by 30 miles around kathmandu has risen over three feet\n", + "[1.2304405 1.4443092 1.390682 1.2976406 1.1592679 1.2278531 1.2252821\n", + " 1.0480728 1.0238118 1.0409504 1.1775461 1.0653666 1.06301 1.0252141\n", + " 1.0214483 1.0693822 1.1884063 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 6 16 10 4 15 11 12 7 9 13 8 14 19 17 18 20]\n", + "=======================\n", + "['the pair were caught on camera at langham creek high school , in houston on tuesday .the mother , who has not been identified , was reportedly angry with the girl because she had allegedly been bullying her daughter , reports channel 2 .a mother and her teenage daughter have been arrested after a video of them fighting with a student at a high school was posted online .']\n", + "=======================\n", + "['brawl caught on video at langham creek high school , houstonthe mother , who has not been identified , was reportedly angry with the girl because she had allegedly been bullying her daughtera circle of students watch the brawl from the sidelines - the video was later posted on social media']\n", + "the pair were caught on camera at langham creek high school , in houston on tuesday .the mother , who has not been identified , was reportedly angry with the girl because she had allegedly been bullying her daughter , reports channel 2 .a mother and her teenage daughter have been arrested after a video of them fighting with a student at a high school was posted online .\n", + "brawl caught on video at langham creek high school , houstonthe mother , who has not been identified , was reportedly angry with the girl because she had allegedly been bullying her daughtera circle of students watch the brawl from the sidelines - the video was later posted on social media\n", + "[1.1766957 1.5285153 1.3150455 1.3645887 1.1058501 1.1799502 1.0685432\n", + " 1.0630214 1.0665684 1.0406063 1.0382298 1.1006942 1.1614317 1.0843697\n", + " 1.0557071 1.0385292 1.0486073 1.0513766 1.0123053 1.0102549 1.0113044]\n", + "\n", + "[ 1 3 2 5 0 12 4 11 13 6 8 7 14 17 16 9 15 10 18 20 19]\n", + "=======================\n", + "[\"guo kai and girlfriend dong hui , who turned 22 on monday , had been planning to get married this month in sichuan in southwest china .but dong was suddenly diagnosed with serious bone cancer and admitted to hospital , meaning a formal ceremony had to be postponed , reported the people 's daily online .besotted : guo kai ( pictured right ) has been at his girlfriend 's bedside every day\"]\n", + "=======================\n", + "['guo kai and girlfriend dong hui , 22 , had planned to get married this monthbut ceremony had to be postponed after dong was admitted to hospitalinstead guo arranged for photographers to go to the ward on her birthdayfamily and friends helped dong get into her dream wedding dress']\n", + "guo kai and girlfriend dong hui , who turned 22 on monday , had been planning to get married this month in sichuan in southwest china .but dong was suddenly diagnosed with serious bone cancer and admitted to hospital , meaning a formal ceremony had to be postponed , reported the people 's daily online .besotted : guo kai ( pictured right ) has been at his girlfriend 's bedside every day\n", + "guo kai and girlfriend dong hui , 22 , had planned to get married this monthbut ceremony had to be postponed after dong was admitted to hospitalinstead guo arranged for photographers to go to the ward on her birthdayfamily and friends helped dong get into her dream wedding dress\n", + "[1.3267245 1.3821604 1.2087368 1.2606704 1.2688205 1.1624382 1.11858\n", + " 1.0839564 1.0779814 1.1028315 1.0776249 1.0474842 1.0557882 1.1671145\n", + " 1.0301425 1.0387115 1.0083436 1.0116427 1.0374604 0. 0. ]\n", + "\n", + "[ 1 0 4 3 2 13 5 6 9 7 8 10 12 11 15 18 14 17 16 19 20]\n", + "=======================\n", + "[\"manjinder virk will play pathologist dr kam karimore in the itv police drama .midsomer murders is to have its first regular asian character in its 18th series , four years after the drama 's producer said the programme ` would n't work ' with ethnic minority characters .gwilym lee , manjinder virk and neil dudgeon ( pictured left to right ) will star in the upcoming season of midsomer murders\"]\n", + "=======================\n", + "[\"manjinder virk will play pathologist dr kam karimore in itv police dramait is the first significant role for an ethnic minority actor in the tv showit is four years since a producer said it was ` the last bastion of englishness 'brian true-may said show ` would n't work ' with ethnic minority charactershis comments caused a race storm that left itv ` shocked and appalled '\"]\n", + "manjinder virk will play pathologist dr kam karimore in the itv police drama .midsomer murders is to have its first regular asian character in its 18th series , four years after the drama 's producer said the programme ` would n't work ' with ethnic minority characters .gwilym lee , manjinder virk and neil dudgeon ( pictured left to right ) will star in the upcoming season of midsomer murders\n", + "manjinder virk will play pathologist dr kam karimore in itv police dramait is the first significant role for an ethnic minority actor in the tv showit is four years since a producer said it was ` the last bastion of englishness 'brian true-may said show ` would n't work ' with ethnic minority charactershis comments caused a race storm that left itv ` shocked and appalled '\n", + "[1.2018874 1.3474768 1.2976589 1.2521675 1.1505243 1.1636422 1.1678935\n", + " 1.1471539 1.1254466 1.0989455 1.054661 1.0220175 1.0262927 1.0281515\n", + " 1.0361047 1.027414 1.1096127 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 6 5 4 7 8 16 9 10 14 13 15 12 11 19 17 18 20]\n", + "=======================\n", + "[\"the map suggests that the coal region and rust belt in the american northeast , along with the south , have now become the most racist areas of the us .while racism is thought to be rife in the southern us states , a new ` hate map of america ' reveals prejudice to be common elsewhere .racism is also common in the ` rust belt ' which straddles the upper northeastern us , the great lakes , and the midwest states .\"]\n", + "=======================\n", + "[\"map based on number of google searches containing the slur n **** rit reveals that clusters of racism appear in areas of the gulf coastit also appears in michigan 's upper peninsula , ohio and new yorkracist searches linked with higher death rates in black communities\"]\n", + "the map suggests that the coal region and rust belt in the american northeast , along with the south , have now become the most racist areas of the us .while racism is thought to be rife in the southern us states , a new ` hate map of america ' reveals prejudice to be common elsewhere .racism is also common in the ` rust belt ' which straddles the upper northeastern us , the great lakes , and the midwest states .\n", + "map based on number of google searches containing the slur n **** rit reveals that clusters of racism appear in areas of the gulf coastit also appears in michigan 's upper peninsula , ohio and new yorkracist searches linked with higher death rates in black communities\n", + "[1.3087239 1.4128084 1.1687479 1.1749659 1.1573725 1.0690228 1.0972474\n", + " 1.0912232 1.0964674 1.0877897 1.0282419 1.104619 1.0839572 1.0368556\n", + " 1.0169948 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 11 6 8 7 9 12 5 13 10 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"photographer mark kolbe travelled around australia to meet the grandchildren , great-grandchildren , sons and daughters of just some of the brave members of the australian armed forces who landed in gallipoli nearly 100 years ago .the australian descendants of eight anzac veterans have proudly showed off their relatives ' wartime medals and photographs in a moving commemorative photo series .the soldiers ' medals remain glistening inside their descendants ' homes after a century of being treasured .\"]\n", + "=======================\n", + "[\"relatives of eight anzac veterans where photographed across australiathey are the grandchildren , great-grandchildren , sons and daughters of those who fought at gallipolione hundred years since the great war , they proudly displayed their relatives ' medals and photographsamongst the keepsakes , are letters sent by soldiers informing their loved ones of their discharge\"]\n", + "photographer mark kolbe travelled around australia to meet the grandchildren , great-grandchildren , sons and daughters of just some of the brave members of the australian armed forces who landed in gallipoli nearly 100 years ago .the australian descendants of eight anzac veterans have proudly showed off their relatives ' wartime medals and photographs in a moving commemorative photo series .the soldiers ' medals remain glistening inside their descendants ' homes after a century of being treasured .\n", + "relatives of eight anzac veterans where photographed across australiathey are the grandchildren , great-grandchildren , sons and daughters of those who fought at gallipolione hundred years since the great war , they proudly displayed their relatives ' medals and photographsamongst the keepsakes , are letters sent by soldiers informing their loved ones of their discharge\n", + "[1.272612 1.3632727 1.2397511 1.2236598 1.3006555 1.1227729 1.0534813\n", + " 1.0861079 1.0347219 1.1173247 1.0870924 1.1008518 1.0342076 1.0375673\n", + " 1.0225269 1.0802431 1.0074548 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 2 3 5 9 11 10 7 15 6 13 8 12 14 16 19 17 18 20]\n", + "=======================\n", + "[\"nearly all of the offenders who obama granted clemency to were convicted of dealing addictive , hard drugs like crack cocaine , methamphetamine and heroin .president barack obama has ordered the release of 22 drug dealers - including eight who were serving life sentences .eight of those whose sentences were commuted - an act the white house said continues obama 's push to make the justice system fairer - were serving terms of life in prison .\"]\n", + "=======================\n", + "['eight of the prisoners granted clemency are serving terms of life in prisonthey were jailed for crimes including cocaine , meth and heroin distributionthe effort targeted sentences handed down under outdated guidelinesobama has approved 43 commutations in six years in office']\n", + "nearly all of the offenders who obama granted clemency to were convicted of dealing addictive , hard drugs like crack cocaine , methamphetamine and heroin .president barack obama has ordered the release of 22 drug dealers - including eight who were serving life sentences .eight of those whose sentences were commuted - an act the white house said continues obama 's push to make the justice system fairer - were serving terms of life in prison .\n", + "eight of the prisoners granted clemency are serving terms of life in prisonthey were jailed for crimes including cocaine , meth and heroin distributionthe effort targeted sentences handed down under outdated guidelinesobama has approved 43 commutations in six years in office\n", + "[1.3133795 1.2457511 1.3556727 1.1201444 1.2973713 1.2369165 1.0823352\n", + " 1.0589068 1.1739388 1.1196052 1.0854251 1.0822515 1.0972806 1.0650762\n", + " 1.0266656 1.0580057 1.0103045 1.0137228]\n", + "\n", + "[ 2 0 4 1 5 8 3 9 12 10 6 11 13 7 15 14 17 16]\n", + "=======================\n", + "[\"the experimental espresso machine is intended for international space station astronaut samantha cristoforetti of italy .spacex is scheduled to launch its unmanned rocket with the espresso maker -- and 4,000 pounds of food , science research and other equipment -- on monday afternoon .this undated image shows a prototype of lavazza and argotec 's ` isspresso ' machine .\"]\n", + "=======================\n", + "[\"the espresso maker , named the isspresso maker after the international space station , is set for lift off on mondayit was designed by italian coffee giant lavazza , engineering company argotec and the italian space agencythe experimental machine was specially designed to for use off the planetit was originally intended for international space station astronaut samantha cristoforetti of italy as relief from the station 's instant coffeenasa 's space station program deputy manager , dan hartman , said it is being sent as part of the goal of making astronauts feel at home\"]\n", + "the experimental espresso machine is intended for international space station astronaut samantha cristoforetti of italy .spacex is scheduled to launch its unmanned rocket with the espresso maker -- and 4,000 pounds of food , science research and other equipment -- on monday afternoon .this undated image shows a prototype of lavazza and argotec 's ` isspresso ' machine .\n", + "the espresso maker , named the isspresso maker after the international space station , is set for lift off on mondayit was designed by italian coffee giant lavazza , engineering company argotec and the italian space agencythe experimental machine was specially designed to for use off the planetit was originally intended for international space station astronaut samantha cristoforetti of italy as relief from the station 's instant coffeenasa 's space station program deputy manager , dan hartman , said it is being sent as part of the goal of making astronauts feel at home\n", + "[1.2073799 1.5316858 1.3750648 1.3680159 1.2386166 1.1764046 1.1839308\n", + " 1.0665481 1.0643567 1.051275 1.0157899 1.0176016 1.1172831 1.0536388\n", + " 1.0243123 1.0176934 1.0130979 0. ]\n", + "\n", + "[ 1 2 3 4 0 6 5 12 7 8 13 9 14 15 11 10 16 17]\n", + "=======================\n", + "[\"darren jones , who is standing for bristol north west , was seen stepping away from his podium after complaining of pins and needles in his legs .the labour candidate started swaying on his feet in front of worried audience members before collapsing in front of presenter ellie pitt and his opponents on made in bristol 's programme , decision made .this is the shocking moment a labour candidate collapsed seconds before he was due to take part in a live tv debate .\"]\n", + "=======================\n", + "[\"darren jones was seen swaying on his feet moments before going on airthe 28-year-old stepped away from his podium with seconds to sparehe collapsed in front of the audience on made in bristol 's decision madelater the candidate said he had been feeling poorly all day before show\"]\n", + "darren jones , who is standing for bristol north west , was seen stepping away from his podium after complaining of pins and needles in his legs .the labour candidate started swaying on his feet in front of worried audience members before collapsing in front of presenter ellie pitt and his opponents on made in bristol 's programme , decision made .this is the shocking moment a labour candidate collapsed seconds before he was due to take part in a live tv debate .\n", + "darren jones was seen swaying on his feet moments before going on airthe 28-year-old stepped away from his podium with seconds to sparehe collapsed in front of the audience on made in bristol 's decision madelater the candidate said he had been feeling poorly all day before show\n", + "[1.2681525 1.1685766 1.369949 1.2682279 1.3098129 1.149028 1.1358231\n", + " 1.1273272 1.1114701 1.0390399 1.0757037 1.0370673 1.0554067 1.0266743\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 4 3 0 1 5 6 7 8 10 12 9 11 13 14 15 16 17]\n", + "=======================\n", + "['people who have never been divorced can expect a retirement income 13 per cent higher than a colleague who has been through a divorce .it also found that one in five divorcees who stop work this year will retire with debts to drag down their disposable income and their lifestyles .it means an extra # 2,100 a year -- # 17,800 rather than # 15,700 -- to anyone who has kept their marriage intact , or who has never married , according to the survey for the prudential .']\n", + "=======================\n", + "['people who have never been divorced can expect an extra # 2,100 a yearsurvey found one in five divorcees who stop work this year will have debtsdebt of divorced retiree averages at # 22,100 , according to prudential report']\n", + "people who have never been divorced can expect a retirement income 13 per cent higher than a colleague who has been through a divorce .it also found that one in five divorcees who stop work this year will retire with debts to drag down their disposable income and their lifestyles .it means an extra # 2,100 a year -- # 17,800 rather than # 15,700 -- to anyone who has kept their marriage intact , or who has never married , according to the survey for the prudential .\n", + "people who have never been divorced can expect an extra # 2,100 a yearsurvey found one in five divorcees who stop work this year will have debtsdebt of divorced retiree averages at # 22,100 , according to prudential report\n", + "[1.4263686 1.4119929 1.1774485 1.3309455 1.1016006 1.1242985 1.0468596\n", + " 1.0821148 1.0926492 1.0440617 1.0172441 1.1226919 1.1342897 1.1769589\n", + " 1.0483897 1.0692235 0. 0. ]\n", + "\n", + "[ 0 1 3 2 13 12 5 11 4 8 7 15 14 6 9 10 16 17]\n", + "=======================\n", + "['mick schumacher made his official pre-season test debut in formula 4 on wednesday as he made his first steps towards single-seater racing in 2015 .the 16-year-old , son of seven-time f1 world champion michael , drew huge media interest to the oschersleben circuit in germany as he drove his van amersfoort car .the young protege began karting seven years ago , and this year reached the german formula 4 - a racing category used as a stepping stone by junior drivers .']\n", + "=======================\n", + "['mick schumacher signed deal with van amersfoort racing last month16-year-old is son of seven-time f1 world champion michael schumachermick makes official formula 4 pre-season test debut at oscherslebenteam-mate is harrison newey , son of red bull designer adrian']\n", + "mick schumacher made his official pre-season test debut in formula 4 on wednesday as he made his first steps towards single-seater racing in 2015 .the 16-year-old , son of seven-time f1 world champion michael , drew huge media interest to the oschersleben circuit in germany as he drove his van amersfoort car .the young protege began karting seven years ago , and this year reached the german formula 4 - a racing category used as a stepping stone by junior drivers .\n", + "mick schumacher signed deal with van amersfoort racing last month16-year-old is son of seven-time f1 world champion michael schumachermick makes official formula 4 pre-season test debut at oscherslebenteam-mate is harrison newey , son of red bull designer adrian\n", + "[1.2172928 1.3732471 1.3202217 1.2652745 1.1862755 1.1735606 1.0584377\n", + " 1.018853 1.0753542 1.1420289 1.1317263 1.071094 1.0209904 1.0322796\n", + " 1.0381966 1.0276634 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 5 9 10 8 11 6 14 13 15 12 7 16 17]\n", + "=======================\n", + "[\"her majesty 's account @britishmonarchy has amassed 970,000 followers during its time online and more than double the 446,000 picked up by the prince of wales and his @clarencehouse account .spain 's glamorous young royal couple , king felipe and queen letizia , come next and the duke and duchess of cambridge take fourth spot .she 's been on the social media site for less than six months but new figures released by twitter reveal the queen is already the world 's most popular online royal .\"]\n", + "=======================\n", + "[\"the queen is the most followed royal on twitter with 970,000 followersnext most popular is prince charles , then spain 's king felipeprince harry and the duke and duchess of cambridge also popularspoof @queen_uk tops the lot with 1.25 m - more than the real queentop celebrities include katy perry , justin bieber and taylor swiftuk 's top politician is david cameron and australia 's is tony abbottus president obama is the world 's most followed politician\"]\n", + "her majesty 's account @britishmonarchy has amassed 970,000 followers during its time online and more than double the 446,000 picked up by the prince of wales and his @clarencehouse account .spain 's glamorous young royal couple , king felipe and queen letizia , come next and the duke and duchess of cambridge take fourth spot .she 's been on the social media site for less than six months but new figures released by twitter reveal the queen is already the world 's most popular online royal .\n", + "the queen is the most followed royal on twitter with 970,000 followersnext most popular is prince charles , then spain 's king felipeprince harry and the duke and duchess of cambridge also popularspoof @queen_uk tops the lot with 1.25 m - more than the real queentop celebrities include katy perry , justin bieber and taylor swiftuk 's top politician is david cameron and australia 's is tony abbottus president obama is the world 's most followed politician\n", + "[1.4344437 1.1089048 1.3933107 1.1415051 1.0767713 1.2067882 1.3240489\n", + " 1.0246806 1.0486042 1.0939455 1.0336633 1.0515257 1.046758 1.0118941\n", + " 1.0316607 1.0595882 0. 0. 0. ]\n", + "\n", + "[ 0 2 6 5 3 1 9 4 15 11 8 12 10 14 7 13 17 16 18]\n", + "=======================\n", + "['ahead of the 79th edition of the masters , sportsmail counts down the 20 greatest shots ever seen at augusta national golf club .needing a birdie to beat mark calcavecchia , sandy lyle sent his 1-iron tee shot into the bunker guarding the left side of the fairway .he holed out for his second of four green jackets .']\n", + "=======================\n", + "['the 79th masters tournament begins on thursday at augusta nationaltiger woods and rory mcilroy are among the leading contendersit has seen many shots which have gone down in golfing legendbubba watson , jack nicklaus and arnold palmer all made history']\n", + "ahead of the 79th edition of the masters , sportsmail counts down the 20 greatest shots ever seen at augusta national golf club .needing a birdie to beat mark calcavecchia , sandy lyle sent his 1-iron tee shot into the bunker guarding the left side of the fairway .he holed out for his second of four green jackets .\n", + "the 79th masters tournament begins on thursday at augusta nationaltiger woods and rory mcilroy are among the leading contendersit has seen many shots which have gone down in golfing legendbubba watson , jack nicklaus and arnold palmer all made history\n", + "[1.4259028 1.2688509 1.2598529 1.3660605 1.1112957 1.0771228 1.0173492\n", + " 1.0216157 1.0181345 1.0775589 1.1098616 1.0726287 1.1465542 1.0557494\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 12 4 10 9 5 11 13 7 8 6 17 14 15 16 18]\n", + "=======================\n", + "[\"whether it is through sir bradley wiggins , geraint thomas or ian stannard , ireland 's classics king sean kelly believes the time has come for team sky to break their duck in one of cycling 's monuments .british bradley wiggins competes during the the gent-wevelgem one day cycling race on march 29with wiggins electing to sign off his team sky career with an appearance at paris-roubaix on april 12 , the races are bound to be a big part of the team 's season whatever the outcome .\"]\n", + "=======================\n", + "[\"team sky have never won one of cycling 's five monument racesthe tour of flanders takes place next weekend with ian stannard and geraint thomas contenders fro team skysean kelly has backed them to finally break their duck\"]\n", + "whether it is through sir bradley wiggins , geraint thomas or ian stannard , ireland 's classics king sean kelly believes the time has come for team sky to break their duck in one of cycling 's monuments .british bradley wiggins competes during the the gent-wevelgem one day cycling race on march 29with wiggins electing to sign off his team sky career with an appearance at paris-roubaix on april 12 , the races are bound to be a big part of the team 's season whatever the outcome .\n", + "team sky have never won one of cycling 's five monument racesthe tour of flanders takes place next weekend with ian stannard and geraint thomas contenders fro team skysean kelly has backed them to finally break their duck\n", + "[1.4783303 1.4518448 1.1722859 1.228218 1.2226195 1.1521865 1.0340837\n", + " 1.0271738 1.0997531 1.083821 1.0858033 1.0220044 1.0108538 1.0177809\n", + " 1.0218683 1.0195196 1.0104939 1.0138801 1.0106887]\n", + "\n", + "[ 0 1 3 4 2 5 8 10 9 6 7 11 14 15 13 17 12 18 16]\n", + "=======================\n", + "[\"alec stewart has expressed his interest in becoming the new director of england cricket following the sacking on wednesday of managing director paul downton .stewart , who played in a record 133 tests for england and is currently director of cricket at surrey , has not yet been approached by the ecb .the early bookies ' favourite for the post is michael vaughan , the former england captain who is close to the incoming ecb chairman colin graves , and has also made clear his desire to help english cricket out of its current state of chaos .\"]\n", + "=======================\n", + "['alec stewart admits he would happily consider a role within ecbengland would need permission from surrey before contacting stewartex wicketkeeper-batsman claims it would be silly not to listen to an offer']\n", + "alec stewart has expressed his interest in becoming the new director of england cricket following the sacking on wednesday of managing director paul downton .stewart , who played in a record 133 tests for england and is currently director of cricket at surrey , has not yet been approached by the ecb .the early bookies ' favourite for the post is michael vaughan , the former england captain who is close to the incoming ecb chairman colin graves , and has also made clear his desire to help english cricket out of its current state of chaos .\n", + "alec stewart admits he would happily consider a role within ecbengland would need permission from surrey before contacting stewartex wicketkeeper-batsman claims it would be silly not to listen to an offer\n", + "[1.4726516 1.390393 1.2469246 1.2419609 1.1396052 1.0325363 1.2150236\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 6 4 5 16 15 14 13 12 9 10 17 8 7 11 18]\n", + "=======================\n", + "['( cnn ) \" star wars \" fans will get more than they bargained for when the saga comes to digital hd on friday .` star wars \\' universe gets its first gay characterin the exclusive first-look video , sound designer ben burtt explains which animals were used to capture the alien sounds made by the geonosians .']\n", + "=======================\n", + "['the \" star wars \" digital collection is set for release this weekspecial features include behind-the-scenes stories on the unique alien sounds from the movie']\n", + "( cnn ) \" star wars \" fans will get more than they bargained for when the saga comes to digital hd on friday .` star wars ' universe gets its first gay characterin the exclusive first-look video , sound designer ben burtt explains which animals were used to capture the alien sounds made by the geonosians .\n", + "the \" star wars \" digital collection is set for release this weekspecial features include behind-the-scenes stories on the unique alien sounds from the movie\n", + "[1.2913413 1.3607486 1.3388216 1.256554 1.1921219 1.1293147 1.0782449\n", + " 1.0871074 1.0749302 1.0549368 1.0750552 1.0507617 1.0742887 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 5 7 6 10 8 12 9 11 17 13 14 15 16 18]\n", + "=======================\n", + "[\"during a ` flex cam ' break at a philadelphia soul game on april 12 a woman proved that she had the biggest muscles in the room and maybe even the city .video of the unidentified woman 's robust display at the arena football league game has over 300,000 views on youtube .a woman strong-armed a man of his flexing title at a football game earlier this month .\"]\n", + "=======================\n", + "[\"during a ` flex cam ' break at a philadelphia soul game on april 12 a woman proved that she had the bigger muscles than the man in front of hervideo of the unidentified woman 's robust display at the arena football league game has over 300,000 views on youtubethe woman shames the man in front of her and perhaps everyone in the arena with her gigantic arms\"]\n", + "during a ` flex cam ' break at a philadelphia soul game on april 12 a woman proved that she had the biggest muscles in the room and maybe even the city .video of the unidentified woman 's robust display at the arena football league game has over 300,000 views on youtube .a woman strong-armed a man of his flexing title at a football game earlier this month .\n", + "during a ` flex cam ' break at a philadelphia soul game on april 12 a woman proved that she had the bigger muscles than the man in front of hervideo of the unidentified woman 's robust display at the arena football league game has over 300,000 views on youtubethe woman shames the man in front of her and perhaps everyone in the arena with her gigantic arms\n", + "[1.0804799 1.1318411 1.0815103 1.2185887 1.1010623 1.3034744 1.2114322\n", + " 1.0638866 1.122285 1.1713576 1.1101339 1.0910648 1.0636858 1.0869079\n", + " 1.0593901 1.0252229 1.0259625 1.0336295 1.01978 ]\n", + "\n", + "[ 5 3 6 9 1 8 10 4 11 13 2 0 7 12 14 17 16 15 18]\n", + "=======================\n", + "[\"they are the defending under 21 premier league champions and the holders of the fa youth cup , which they will put on the line against manchester city next week in their fifth final in six seasons .their 3-2 victory over shakhtar donetsk in nyon meant another piece of silverware for the ever-expanding cabinet at chelsea 's academy .two goal hero izzy brown holds aloft the trophy as chelsea win the uefa youth team league\"]\n", + "=======================\n", + "[\"chelsea 's u19s side were crowned uefa youth league championsthey defeated shakhtar dontsk 3-2 in the final on mondaydespite chelsea 's successful academy , very few graduate to the first-teamizzy brown , dominic solanke and ruben loftus-cheek represent the best chance the club has of bucking the trend\"]\n", + "they are the defending under 21 premier league champions and the holders of the fa youth cup , which they will put on the line against manchester city next week in their fifth final in six seasons .their 3-2 victory over shakhtar donetsk in nyon meant another piece of silverware for the ever-expanding cabinet at chelsea 's academy .two goal hero izzy brown holds aloft the trophy as chelsea win the uefa youth team league\n", + "chelsea 's u19s side were crowned uefa youth league championsthey defeated shakhtar dontsk 3-2 in the final on mondaydespite chelsea 's successful academy , very few graduate to the first-teamizzy brown , dominic solanke and ruben loftus-cheek represent the best chance the club has of bucking the trend\n", + "[1.1775366 1.3596535 1.3143191 1.2361875 1.2182647 1.2151092 1.1457369\n", + " 1.0781592 1.1071802 1.1101015 1.1084042 1.0706121 1.0862901 1.0401262\n", + " 1.0816522 1.028034 1.0093521 0. 0. ]\n", + "\n", + "[ 1 2 3 4 5 0 6 9 10 8 12 14 7 11 13 15 16 17 18]\n", + "=======================\n", + "['in the first three months of the year , 434,775 people waited longer than four hours in hospital emergency wards - some 4,830 patients every day .over the past year , more than 1.4 million people were forced to wait longer than the target time -- compared to just 353,000 in 2009/10 -- the worst on record since 2004 .it is now 89 weeks since hospital a&e s met their waiting targets .']\n", + "=======================\n", + "[\"in the first three months of the year , 434,775 waited longer than four hoursover the past year , more than 1.4 m forced to wait longer than target timea&e waiting times have soared to their worst level in more than 10 yearsit 's now 89 weeks since a&e s met their waiting targets , figures show\"]\n", + "in the first three months of the year , 434,775 people waited longer than four hours in hospital emergency wards - some 4,830 patients every day .over the past year , more than 1.4 million people were forced to wait longer than the target time -- compared to just 353,000 in 2009/10 -- the worst on record since 2004 .it is now 89 weeks since hospital a&e s met their waiting targets .\n", + "in the first three months of the year , 434,775 waited longer than four hoursover the past year , more than 1.4 m forced to wait longer than target timea&e waiting times have soared to their worst level in more than 10 yearsit 's now 89 weeks since a&e s met their waiting targets , figures show\n", + "[1.4008112 1.3869772 1.2482681 1.3877715 1.2972313 1.0433124 1.0225164\n", + " 1.1253284 1.2282969 1.1974455 1.0786798 1.0965886 1.0094286 1.0106269\n", + " 1.0835378 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 8 9 7 11 14 10 5 6 13 12 17 15 16 18]\n", + "=======================\n", + "[\"daniel sturridge faces a fight to be fit for liverpool 's fa cup semi-final against aston villa on sunday after being left out of their game against newcastle united with an injury problem .and now manager brendan rodgers has admitted that his star striker , who has missed much of the season through injury , will have his fitness monitored ahead of the wembley clash on sunday .steven gerrard could return at wembley after seeing out the last game of his suspension against newcastle\"]\n", + "=======================\n", + "['liverpool striker daniel sturridge is missing for game against newcastlebrendan rodgers says he will be monitored ahead of fa cup semi-finalliverpool face aston villa at wembley stadium on sunday afternoonrodgers also said he believes the race for the top four is not over yet']\n", + "daniel sturridge faces a fight to be fit for liverpool 's fa cup semi-final against aston villa on sunday after being left out of their game against newcastle united with an injury problem .and now manager brendan rodgers has admitted that his star striker , who has missed much of the season through injury , will have his fitness monitored ahead of the wembley clash on sunday .steven gerrard could return at wembley after seeing out the last game of his suspension against newcastle\n", + "liverpool striker daniel sturridge is missing for game against newcastlebrendan rodgers says he will be monitored ahead of fa cup semi-finalliverpool face aston villa at wembley stadium on sunday afternoonrodgers also said he believes the race for the top four is not over yet\n", + "[1.3358138 1.4226822 1.1322433 1.3716384 1.1735909 1.251174 1.0618601\n", + " 1.0359365 1.2558357 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 8 5 4 2 6 7 16 15 14 13 9 11 10 17 12 18]\n", + "=======================\n", + "['the manchester united winger , who has endured a frustrating season under louis van gaal , had turned out for the under 21 side at fulham on tuesday night amid reports he could be farmed out on loan next season .adnan januzaj ( left ) cheered on shaun murphy ( right ) at the world championship in sheffieldadnan januzaj swapped the lush turf of old trafford for the green baize at sheffield when he turned up at the snooker world championships on wednesday .']\n", + "=======================\n", + "['adnan januzaj turned up at the snooker world championship in sheffieldthe manchester united winger cheered on shaun murphy in last eightmurphy beat anthony mcgill to reach the semi finals at the crucible']\n", + "the manchester united winger , who has endured a frustrating season under louis van gaal , had turned out for the under 21 side at fulham on tuesday night amid reports he could be farmed out on loan next season .adnan januzaj ( left ) cheered on shaun murphy ( right ) at the world championship in sheffieldadnan januzaj swapped the lush turf of old trafford for the green baize at sheffield when he turned up at the snooker world championships on wednesday .\n", + "adnan januzaj turned up at the snooker world championship in sheffieldthe manchester united winger cheered on shaun murphy in last eightmurphy beat anthony mcgill to reach the semi finals at the crucible\n", + "[1.546293 1.4100984 1.1564951 1.3251671 1.4588954 1.0980829 1.0546956\n", + " 1.0525826 1.022503 1.0207033 1.0135605 1.0186903 1.1409737 1.0485252\n", + " 1.0244803 1.018288 1.0095686 1.0223181 1.043264 ]\n", + "\n", + "[ 0 4 1 3 2 12 5 6 7 13 18 14 8 17 9 11 15 10 16]\n", + "=======================\n", + "['chelsea boss jose mourinho would welcome jurgen klopp to the barclays premier league - after being assured he is not coming to take his job .the 47-year-old german has been tipped to make the move to england next season after confirming earlier this week that he will leave current club borussia dortmund after seven years at the end of the season .mourinho admits he has no idea where klopp will end up - but knows it will not be at stamford bridge .']\n", + "=======================\n", + "['jurgen klopp will leave borussia dortmund at the end of the seasonbundesliga boss has been touted to take over from manual pellegrini at manchester citygerman has told jose mourinho that he will not be coming to chelsea']\n", + "chelsea boss jose mourinho would welcome jurgen klopp to the barclays premier league - after being assured he is not coming to take his job .the 47-year-old german has been tipped to make the move to england next season after confirming earlier this week that he will leave current club borussia dortmund after seven years at the end of the season .mourinho admits he has no idea where klopp will end up - but knows it will not be at stamford bridge .\n", + "jurgen klopp will leave borussia dortmund at the end of the seasonbundesliga boss has been touted to take over from manual pellegrini at manchester citygerman has told jose mourinho that he will not be coming to chelsea\n", + "[1.1720203 1.2435193 1.1981466 1.112348 1.3385437 1.3207792 1.1252738\n", + " 1.0527831 1.0201806 1.0772802 1.0780424 1.0214993 1.0257443 1.0484413\n", + " 1.0339577 1.0251611 1.0219835 1.0180066 1.0151733 1.0286164 0.\n", + " 0. ]\n", + "\n", + "[ 4 5 1 2 0 6 3 10 9 7 13 14 19 12 15 16 11 8 17 18 20 21]\n", + "=======================\n", + "['nico rosberg ( left ) looks less than impressed after finishing second to mercedes team-mate lewis hamiltonthe german driver blamed hamilton for slowing down and bunching him up as sebastian vettel closed inrosberg was , i thought , disgruntled by his failure to match his team-mate during a run of eight wins in the last 10 races .']\n", + "=======================\n", + "['are we seeing a mental disintegration of nico rosberg as a racing driver ?last season rosberg was the epitome of focus , intelligence and calculationsince his spa collision with lewis hamilton his composure has diminishedmax verstappen , 17 , impressed with classy driving ability in chinarosberg : attempting to overtake hamilton could have cost me second']\n", + "nico rosberg ( left ) looks less than impressed after finishing second to mercedes team-mate lewis hamiltonthe german driver blamed hamilton for slowing down and bunching him up as sebastian vettel closed inrosberg was , i thought , disgruntled by his failure to match his team-mate during a run of eight wins in the last 10 races .\n", + "are we seeing a mental disintegration of nico rosberg as a racing driver ?last season rosberg was the epitome of focus , intelligence and calculationsince his spa collision with lewis hamilton his composure has diminishedmax verstappen , 17 , impressed with classy driving ability in chinarosberg : attempting to overtake hamilton could have cost me second\n", + "[1.5423086 1.3322791 1.1856298 1.11543 1.324057 1.1024866 1.0806456\n", + " 1.0662347 1.1473174 1.1115495 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 4 2 8 3 9 5 6 7 19 18 17 16 15 10 13 12 11 20 14 21]\n", + "=======================\n", + "[\"( cnn ) israeli prime minister benjamin netanyahu will get two extra weeks to form a government , israel 's president said in a news release monday .netanyahu made the request at president reuven rivlin 's jerusalem home monday .netanyahu must form his government in less than 42 days , according to israeli law .\"]\n", + "=======================\n", + "['israeli law says the prime minister must form his government in less than 42 daysnetanyahu cites government stability and reaching \" agreement on important issues \" as reasons he needs additional time']\n", + "( cnn ) israeli prime minister benjamin netanyahu will get two extra weeks to form a government , israel 's president said in a news release monday .netanyahu made the request at president reuven rivlin 's jerusalem home monday .netanyahu must form his government in less than 42 days , according to israeli law .\n", + "israeli law says the prime minister must form his government in less than 42 daysnetanyahu cites government stability and reaching \" agreement on important issues \" as reasons he needs additional time\n", + "[1.3482857 1.2189293 1.4095452 1.3196826 1.2691567 1.1766286 1.1361809\n", + " 1.11793 1.0974113 1.1498187 1.023602 1.0160546 1.03915 1.106609\n", + " 1.0156727 1.0115135 1.0389752 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 3 4 1 5 9 6 7 13 8 12 16 10 11 14 15 20 17 18 19 21]\n", + "=======================\n", + "['chinese-born yingying dou , 30 , reportedly ran the mymaster website which charged up to $ 1000 per assignment and was used by hundreds of students across 12 nsw universities .yingying dou ran the essay writing site mymasterbut internal emails show just five students have been found guilty of cheating , the sydney morning herald reported .']\n", + "=======================\n", + "['yingying dou , 30 , reportedly ran the website called mymastershe charged up to $ 1000 for her staff to write university essayswebsite was written in chinese and advertised to international students']\n", + "chinese-born yingying dou , 30 , reportedly ran the mymaster website which charged up to $ 1000 per assignment and was used by hundreds of students across 12 nsw universities .yingying dou ran the essay writing site mymasterbut internal emails show just five students have been found guilty of cheating , the sydney morning herald reported .\n", + "yingying dou , 30 , reportedly ran the website called mymastershe charged up to $ 1000 for her staff to write university essayswebsite was written in chinese and advertised to international students\n", + "[1.2675877 1.445908 1.3342888 1.1981844 1.1333603 1.321394 1.0910968\n", + " 1.0549039 1.0614169 1.1113057 1.0607042 1.0424278 1.0503187 1.0653406\n", + " 1.0134753 1.0299073 1.0169231 1.0375832 1.0243251 1.0104967 1.0114694\n", + " 1.0496157]\n", + "\n", + "[ 1 2 5 0 3 4 9 6 13 8 10 7 12 21 11 17 15 18 16 14 20 19]\n", + "=======================\n", + "['jonathan krueger , the photo editor at the school newspaper and a junior in the college of communication and information , was shot in the chest around 2 a.m. friday while walking home .police charged justin smith , 18 , with the murder friday afternoon , this after he fled when they tried to stop him earlier in the morning while driving a minivan that matched the one described by someone who was with the victim .a 22-year-old university of kentucky student was shot and killed near campus in what police describe as an attempted robbery .']\n", + "=======================\n", + "['jonathan krueger , the photo editor at the school newspaper and a junior in the college of communication and information , was shot deadpolice are saying the shooting was an attempted robbery gone awrya man who was with krueger told officers a van pulled up and confronted themthat man was able to escape and found two men outside a nearby home who called policepolice arrested justin d. rose , 18 , and charged him with the murder this afternoon']\n", + "jonathan krueger , the photo editor at the school newspaper and a junior in the college of communication and information , was shot in the chest around 2 a.m. friday while walking home .police charged justin smith , 18 , with the murder friday afternoon , this after he fled when they tried to stop him earlier in the morning while driving a minivan that matched the one described by someone who was with the victim .a 22-year-old university of kentucky student was shot and killed near campus in what police describe as an attempted robbery .\n", + "jonathan krueger , the photo editor at the school newspaper and a junior in the college of communication and information , was shot deadpolice are saying the shooting was an attempted robbery gone awrya man who was with krueger told officers a van pulled up and confronted themthat man was able to escape and found two men outside a nearby home who called policepolice arrested justin d. rose , 18 , and charged him with the murder this afternoon\n", + "[1.3550266 1.2929201 1.1491858 1.1332636 1.1400287 1.1067445 1.0579369\n", + " 1.0616925 1.066376 1.07108 1.0647732 1.0523348 1.0328059 1.1068734\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 4 3 13 5 9 8 10 7 6 11 12 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"in the previews for bruce jenner 's much-anticipated interview with diane sawyer , he said that his whole life has been getting him ready for this moment - and truly , the olympian 's changing looks over the years most certainly seem to have been building up to some kind of dramatic transformation .since achieving fame in 1976 , when he won olympic gold in the men 's decathlon , bruce , now 65 , has notoriously undergone countless cosmetic procedures , from multiple nose jobs to the shaving down of his adam 's apple , many of which - including a revisionary face lift - have been documented as part of his well-known reality series keeping up with the kardashians .now sporting manicures and ponytails , the former playgirl cover hunk has evolved from being the picture of american manliness into a favorite feminine topic of tabloid speculation .\"]\n", + "=======================\n", + "[\"for the first time after worldwide speculation , bruce jenner confirmed to diane sawyer : ' i am a woman 'he once encapsulated what it meant to be an alpha male : olympic champion , muscle-clad , hairytold sawyer he was ' a confused person at that time ' during those olympic dayshe revealed all of his three wives , including kris jenner , knew he cross-dressed\"]\n", + "in the previews for bruce jenner 's much-anticipated interview with diane sawyer , he said that his whole life has been getting him ready for this moment - and truly , the olympian 's changing looks over the years most certainly seem to have been building up to some kind of dramatic transformation .since achieving fame in 1976 , when he won olympic gold in the men 's decathlon , bruce , now 65 , has notoriously undergone countless cosmetic procedures , from multiple nose jobs to the shaving down of his adam 's apple , many of which - including a revisionary face lift - have been documented as part of his well-known reality series keeping up with the kardashians .now sporting manicures and ponytails , the former playgirl cover hunk has evolved from being the picture of american manliness into a favorite feminine topic of tabloid speculation .\n", + "for the first time after worldwide speculation , bruce jenner confirmed to diane sawyer : ' i am a woman 'he once encapsulated what it meant to be an alpha male : olympic champion , muscle-clad , hairytold sawyer he was ' a confused person at that time ' during those olympic dayshe revealed all of his three wives , including kris jenner , knew he cross-dressed\n", + "[1.1858654 1.3415518 1.4465306 1.2766837 1.103533 1.159475 1.0658143\n", + " 1.1593823 1.0333412 1.020794 1.0158849 1.1004682 1.0319848 1.0498482\n", + " 1.0517277 1.151778 1.0283312 1.0232683 1.0185007]\n", + "\n", + "[ 2 1 3 0 5 7 15 4 11 6 14 13 8 12 16 17 9 18 10]\n", + "=======================\n", + "[\"outcry : opera singer liu guijuan is heavily criticised for showing off her headdress ( pictured ) made with feather from 80 kingfishersweb users and conservationists quickly criticised her indifference towards animal welfare after it emerged the accessory was made from the feathers of no less than 80 of the colourful birds , according to the people 's daily online .opera is n't normally a field associated with animal cruelty , but the two worlds have collided in china after a singer posted pictures of herself wearing a headdress made from kingfisher feathers .\"]\n", + "=======================\n", + "['liu guijuan shared pictures of the headdress on chinese social mediaheadpiece is said to cost # 10,775 and uses feathers from 80 kingfishersconservationists criticised miss liu as condoning animal crueltyartist fought back stating she bought the luxurious piece in name of art']\n", + "outcry : opera singer liu guijuan is heavily criticised for showing off her headdress ( pictured ) made with feather from 80 kingfishersweb users and conservationists quickly criticised her indifference towards animal welfare after it emerged the accessory was made from the feathers of no less than 80 of the colourful birds , according to the people 's daily online .opera is n't normally a field associated with animal cruelty , but the two worlds have collided in china after a singer posted pictures of herself wearing a headdress made from kingfisher feathers .\n", + "liu guijuan shared pictures of the headdress on chinese social mediaheadpiece is said to cost # 10,775 and uses feathers from 80 kingfishersconservationists criticised miss liu as condoning animal crueltyartist fought back stating she bought the luxurious piece in name of art\n", + "[1.3099756 1.36085 1.3215884 1.3006138 1.0299603 1.1109929 1.101007\n", + " 1.154527 1.063367 1.0990678 1.0535302 1.1533927 1.0533271 1.0091901\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 7 11 5 6 9 8 10 12 4 13 17 14 15 16 18]\n", + "=======================\n", + "[\"at the launch of their manifesto today , the liberal democrats will vow to protect the entire education budget in the next parliament ` from cradle to college ' .nick clegg will today promise the highest education spending of any party with a # 5billion flagship offer to undecided voters .but mr clegg will claim the lib dems are now ` the party of education ' and the school funding commitment is firm because it will be on the front page of today 's manifesto of pledges .\"]\n", + "=======================\n", + "[\"nick clegg vows to protect entire education budget ` from cradle to college 'spending would rise per pupil and also in line with inflation from 2018mr clegg will claim the liberal democrats are now ` the party of education '\"]\n", + "at the launch of their manifesto today , the liberal democrats will vow to protect the entire education budget in the next parliament ` from cradle to college ' .nick clegg will today promise the highest education spending of any party with a # 5billion flagship offer to undecided voters .but mr clegg will claim the lib dems are now ` the party of education ' and the school funding commitment is firm because it will be on the front page of today 's manifesto of pledges .\n", + "nick clegg vows to protect entire education budget ` from cradle to college 'spending would rise per pupil and also in line with inflation from 2018mr clegg will claim the liberal democrats are now ` the party of education '\n", + "[1.3512422 1.4105793 1.1431749 1.3484793 1.2858584 1.3152359 1.0321276\n", + " 1.0098274 1.224532 1.1346098 1.0101662 1.0213748 1.009156 1.1714174\n", + " 1.2679197 1.019603 1.1890005 1.0714866 0. ]\n", + "\n", + "[ 1 0 3 5 4 14 8 16 13 2 9 17 6 11 15 10 7 12 18]\n", + "=======================\n", + "[\"victory over fourth-placed valencia will take enrique 's men at least temporarily five points clear at the top of the table with title rivals real madrid not kicking off against malaga until evening .barcelona boss luis enrique has urged his side to switch their attention back to the la liga title racebarcelona midfielder andreas iniesta has been ruled out of his side 's league encounter against valencia\"]\n", + "=======================\n", + "['luis enrique insists his side will be focusing their attention on valenciabarcelona impressed in midweek as they beat psg 3-1 at parc des princesthe catalan giants are currently two points ahead of real madrid']\n", + "victory over fourth-placed valencia will take enrique 's men at least temporarily five points clear at the top of the table with title rivals real madrid not kicking off against malaga until evening .barcelona boss luis enrique has urged his side to switch their attention back to the la liga title racebarcelona midfielder andreas iniesta has been ruled out of his side 's league encounter against valencia\n", + "luis enrique insists his side will be focusing their attention on valenciabarcelona impressed in midweek as they beat psg 3-1 at parc des princesthe catalan giants are currently two points ahead of real madrid\n", + "[1.2887814 1.3523997 1.1659776 1.2439048 1.2827787 1.1903464 1.1276076\n", + " 1.1713169 1.0450712 1.0223949 1.0267726 1.0780132 1.0530586 1.1855338\n", + " 1.0229012 1.0131834 1.0146021 0. 0. ]\n", + "\n", + "[ 1 0 4 3 5 13 7 2 6 11 12 8 10 14 9 16 15 17 18]\n", + "=======================\n", + "[\"but at the same time he claimed that overall caps on net migration -- as pledged by the tories -- would be ` ludicrous ' because it was impossible to stop people leaving the country .confusion over ukip 's immigration policy grew yesterday after nigel farage called for the number of arrivals into britain to be limited at 50,000 a year .the conservatives accused mr farage of ` making up his policies as he goes along ' -- but mr farage has denied his party has made any u-turns on immigration .\"]\n", + "=======================\n", + "[\"in february , ukip unveiled 50,000 cap on those being given visas for ukfarage then refused to have ` arbitrary targets ' , before moving it to 30,000tories accused mr farage of ` making up his policies as he goes along 'mr farage has denied his party has made any u-turns on immigration\"]\n", + "but at the same time he claimed that overall caps on net migration -- as pledged by the tories -- would be ` ludicrous ' because it was impossible to stop people leaving the country .confusion over ukip 's immigration policy grew yesterday after nigel farage called for the number of arrivals into britain to be limited at 50,000 a year .the conservatives accused mr farage of ` making up his policies as he goes along ' -- but mr farage has denied his party has made any u-turns on immigration .\n", + "in february , ukip unveiled 50,000 cap on those being given visas for ukfarage then refused to have ` arbitrary targets ' , before moving it to 30,000tories accused mr farage of ` making up his policies as he goes along 'mr farage has denied his party has made any u-turns on immigration\n", + "[1.3184981 1.3583418 1.14917 1.3258891 1.1269418 1.1813917 1.0295577\n", + " 1.1024958 1.0635791 1.0507584 1.0645388 1.1675997 1.0308465 1.0652525\n", + " 1.0118889 1.0130166 1.0189342 0. 0. ]\n", + "\n", + "[ 1 3 0 5 11 2 4 7 13 10 8 9 12 6 16 15 14 17 18]\n", + "=======================\n", + "[\"the celebrity doctor did n't pull any punches in thursday 's episode of the dr. oz show which was called the truth about his critics .a week after 10 doctors urged columbia university to sever all ties with him , dr. oz has used his syndicated tv show to hit back and claim that the criticism is part of a conspiracy because of his views on genetically modified foods .the doctors accused him of being a ` charlatan ' who promotes ` quack treatments ' and as someone who ` has repeatedly shown disdain for science and for evidence-based medicine , as well as baseless and relentless opposition to the genetic engineering of food crops ' .\"]\n", + "=======================\n", + "[\"tv doctor used thursday 's show to hit back at his critics who he accused of having ` conflict of interest issues - and some integrity ones also 'ten doctors signed a letter last week calling oz a ` charlatan ' who promotes ` quack treatments 'oz said he was being targetted because he supports gmo labelinghis show featured a report on how some of the 10 doctors have received grants from monsanto , who manufactures gmo seedshe also told nbc news that the dr. oz show is actually ` not a medical show , ' but it will no longer use ` inflammatory ' words like ` miracle '\"]\n", + "the celebrity doctor did n't pull any punches in thursday 's episode of the dr. oz show which was called the truth about his critics .a week after 10 doctors urged columbia university to sever all ties with him , dr. oz has used his syndicated tv show to hit back and claim that the criticism is part of a conspiracy because of his views on genetically modified foods .the doctors accused him of being a ` charlatan ' who promotes ` quack treatments ' and as someone who ` has repeatedly shown disdain for science and for evidence-based medicine , as well as baseless and relentless opposition to the genetic engineering of food crops ' .\n", + "tv doctor used thursday 's show to hit back at his critics who he accused of having ` conflict of interest issues - and some integrity ones also 'ten doctors signed a letter last week calling oz a ` charlatan ' who promotes ` quack treatments 'oz said he was being targetted because he supports gmo labelinghis show featured a report on how some of the 10 doctors have received grants from monsanto , who manufactures gmo seedshe also told nbc news that the dr. oz show is actually ` not a medical show , ' but it will no longer use ` inflammatory ' words like ` miracle '\n", + "[1.3932327 1.1114101 1.337928 1.3351798 1.2488873 1.0649754 1.0814145\n", + " 1.0464989 1.0310608 1.0624137 1.0979815 1.0315058 1.0711781 1.0318626\n", + " 1.0425619 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 3 4 1 10 6 12 5 9 7 14 13 11 8 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"mi5 has issued an alert over the threat posed by rogue workers in britain 's nuclear , transport and public services after suicide pilot andreas lubitz killed 150 people in the alps plane crash disaster .mi5 is now giving advice on the risk posed by thousands of employees working in sensitive areas -- known as ` insiders ' -- highlighted by the germanwings disaster .co-pilot andreas lubitz , who was being treated for depression , was able to override a security system installed on flights following the 9/11 attacks as he flew the aircraft into the ground .\"]\n", + "=======================\n", + "['alert issued over rogue workers in nuclear , transport and public servicesmi5 giving advice on risk posed by employees working in sensitive areasfollows actions of pilot andreas lubitz who killed 150 people in the alpsa ba pilot claims his airline does not carry out mental health checks']\n", + "mi5 has issued an alert over the threat posed by rogue workers in britain 's nuclear , transport and public services after suicide pilot andreas lubitz killed 150 people in the alps plane crash disaster .mi5 is now giving advice on the risk posed by thousands of employees working in sensitive areas -- known as ` insiders ' -- highlighted by the germanwings disaster .co-pilot andreas lubitz , who was being treated for depression , was able to override a security system installed on flights following the 9/11 attacks as he flew the aircraft into the ground .\n", + "alert issued over rogue workers in nuclear , transport and public servicesmi5 giving advice on risk posed by employees working in sensitive areasfollows actions of pilot andreas lubitz who killed 150 people in the alpsa ba pilot claims his airline does not carry out mental health checks\n", + "[1.0905865 1.4675745 1.2533741 1.3209136 1.2673113 1.0984981 1.1047115\n", + " 1.0979688 1.186393 1.093779 1.0524129 1.0610985 1.0194763 1.0186585\n", + " 1.0147048 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 4 2 8 6 5 7 9 0 11 10 12 13 14 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"american expat brad reynolds has become the travel website 's top contributor , writing more than 3,300 reviews and uploading nearly 40,000 photos in just five years .the 38-year-old , who now lives in hong kong , gave a five-star review of ` amazing ' pushkar , india after attending its camel fairposting under the username bradjill , brad averages nearly two reviews a day and has made more than 66,000 contributions to the website , including 3,355 reviews , 21,000 forum posts and seven videos .\"]\n", + "=======================\n", + "[\"american expat brad reynolds wrote his first review in 2010 while visiting saint petersburg , russiathe 38-year-old teacher critiques every hotel , restaurant and landmark he visits on holidaybrad 's 66,000 contributions to the travel website include nearly 40,000 photos of the places he has visitedthe teacher has posted reviews from nearly 400 cities and almost 50 countriesnow living in hong kong , his travel tips have been read by millions of people around the world\"]\n", + "american expat brad reynolds has become the travel website 's top contributor , writing more than 3,300 reviews and uploading nearly 40,000 photos in just five years .the 38-year-old , who now lives in hong kong , gave a five-star review of ` amazing ' pushkar , india after attending its camel fairposting under the username bradjill , brad averages nearly two reviews a day and has made more than 66,000 contributions to the website , including 3,355 reviews , 21,000 forum posts and seven videos .\n", + "american expat brad reynolds wrote his first review in 2010 while visiting saint petersburg , russiathe 38-year-old teacher critiques every hotel , restaurant and landmark he visits on holidaybrad 's 66,000 contributions to the travel website include nearly 40,000 photos of the places he has visitedthe teacher has posted reviews from nearly 400 cities and almost 50 countriesnow living in hong kong , his travel tips have been read by millions of people around the world\n", + "[1.4231398 1.2215929 1.1600089 1.1178856 1.3979518 1.0976577 1.0317359\n", + " 1.0353458 1.0305357 1.034112 1.0221885 1.0436715 1.1151178 1.0223616\n", + " 1.0200764 1.0183489 1.0321678 1.0276817 1.03712 1.3465335 1.0252149\n", + " 1.0181853 1.0200475]\n", + "\n", + "[ 0 4 19 1 2 3 12 5 11 18 7 9 16 6 8 17 20 13 10 14 22 15 21]\n", + "=======================\n", + "[\"raheem sterling gave a revealing insight into his future on wednesday , insisting he was not a money-grabbing 20-year-old despite turning down a liverpool contract worth # 100,000-a-week .sterling rejected liverpool 's contract offer of # 100,000-a-week and says he is focusing on his footballthe england winger instead pointed to his desire to finish out the season before considering any more offers , focusing on winning trophies with his club for the time being .\"]\n", + "=======================\n", + "['raheem sterling rejected contract offer of # 100,000-a-week at liverpoolyoung winger gave revealing interview to the bbc on wednesdaybut what did sterling mean with some of his statements ?']\n", + "raheem sterling gave a revealing insight into his future on wednesday , insisting he was not a money-grabbing 20-year-old despite turning down a liverpool contract worth # 100,000-a-week .sterling rejected liverpool 's contract offer of # 100,000-a-week and says he is focusing on his footballthe england winger instead pointed to his desire to finish out the season before considering any more offers , focusing on winning trophies with his club for the time being .\n", + "raheem sterling rejected contract offer of # 100,000-a-week at liverpoolyoung winger gave revealing interview to the bbc on wednesdaybut what did sterling mean with some of his statements ?\n", + "[1.2687539 1.414241 1.2004325 1.1272418 1.2301431 1.0627472 1.1897635\n", + " 1.1882101 1.034275 1.039763 1.0505486 1.0931195 1.102798 1.0177706\n", + " 1.0313836 1.0631596 1.0264448 1.0127214 1.0163095 1.03272 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 4 2 6 7 3 12 11 15 5 10 9 8 19 14 16 13 18 17 21 20 22]\n", + "=======================\n", + "[\"climate specialist don white from weatherwatch australia confirmed that severe weather warnings were issued by the bureau of meteorology on sunday .it 's the worst storm to hit the nsw coast in a decade , but what everyone in the region wants to know is why no warning was given that it was going to be this bad .but it turned out to hit closer to newcastle than port macquarie , ' mr white told daily mail australia .\"]\n", + "=======================\n", + "[\"main problem was that the bureau of meteorology could not forecast exactly where the storm would formstorm was forecast to gather between port macquarie and newcastle , but it formed just north of newcastleit then covered 150km south from newcastle to wollongong where a third of australia 's population livewhen the storm hit it caused the maximum amount of destruction because of it being a huge suburban areabudget cuts also meant the bureau of meteorology did not have as many resources at its disposal` it 's just economics .emergency services admitted on tuesday they were shocked by the severity of the stormtheir teams were overwhelmed by a weather system that changed very rapidlythis weather system usually moves away after 12 hours but this one is going to stick around for 24-36 hours\"]\n", + "climate specialist don white from weatherwatch australia confirmed that severe weather warnings were issued by the bureau of meteorology on sunday .it 's the worst storm to hit the nsw coast in a decade , but what everyone in the region wants to know is why no warning was given that it was going to be this bad .but it turned out to hit closer to newcastle than port macquarie , ' mr white told daily mail australia .\n", + "main problem was that the bureau of meteorology could not forecast exactly where the storm would formstorm was forecast to gather between port macquarie and newcastle , but it formed just north of newcastleit then covered 150km south from newcastle to wollongong where a third of australia 's population livewhen the storm hit it caused the maximum amount of destruction because of it being a huge suburban areabudget cuts also meant the bureau of meteorology did not have as many resources at its disposal` it 's just economics .emergency services admitted on tuesday they were shocked by the severity of the stormtheir teams were overwhelmed by a weather system that changed very rapidlythis weather system usually moves away after 12 hours but this one is going to stick around for 24-36 hours\n", + "[1.5647084 1.2460765 1.1935526 1.2958982 1.1418811 1.0759072 1.0603013\n", + " 1.0473154 1.0414829 1.1263998 1.0173048 1.0127722 1.0140444 1.0129559\n", + " 1.0144081 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 9 5 6 7 8 10 14 12 13 11 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"kevin gameiro saved his goalkeeper 's blushes with a late equaliser which put defending champions sevilla into the last four of the europa league .carlos bacca slams home the early penalty after vitolo had been brought down by neto after five minutebeto had looked to have cost his side their progress , with the game heading towards extra time , before substitute gameiro arrived to slot home with five minutes remaining .\"]\n", + "=======================\n", + "['carlos bacca puts sevilla ahead from the spot after vitolo was fouledsalomon rondon equalises following blunder from betobeto gives away second goal when he turns hulk shot over his own linekevin gameiro wins the tie for sevilla on break in closing minutes']\n", + "kevin gameiro saved his goalkeeper 's blushes with a late equaliser which put defending champions sevilla into the last four of the europa league .carlos bacca slams home the early penalty after vitolo had been brought down by neto after five minutebeto had looked to have cost his side their progress , with the game heading towards extra time , before substitute gameiro arrived to slot home with five minutes remaining .\n", + "carlos bacca puts sevilla ahead from the spot after vitolo was fouledsalomon rondon equalises following blunder from betobeto gives away second goal when he turns hulk shot over his own linekevin gameiro wins the tie for sevilla on break in closing minutes\n", + "[1.2074528 1.4829328 1.3180829 1.3856821 1.2813246 1.039235 1.0165226\n", + " 1.1447637 1.0667301 1.0502441 1.0952343 1.1399342 1.1754737 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 12 7 11 10 8 9 5 6 22 13 14 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"eagle scout brian gewirtz told his family he was going for a walk near his brooklyn , new york , home on february 17 , but did n't come back .his family started a frantic search in the local community , warning people of his disability which made it hard for him to understand spoken language .but police said friday his body had been discovered at marine park golf club , just two miles from his home .\"]\n", + "=======================\n", + "[\"brian gewirtz , 20 , left his home in brooklyn , new york , on february 17he did n't return , sparking a frantic search from his familyhis body was found in a creek near the marine park golf clubpolice said he may have walked into the park and got disorientated\"]\n", + "eagle scout brian gewirtz told his family he was going for a walk near his brooklyn , new york , home on february 17 , but did n't come back .his family started a frantic search in the local community , warning people of his disability which made it hard for him to understand spoken language .but police said friday his body had been discovered at marine park golf club , just two miles from his home .\n", + "brian gewirtz , 20 , left his home in brooklyn , new york , on february 17he did n't return , sparking a frantic search from his familyhis body was found in a creek near the marine park golf clubpolice said he may have walked into the park and got disorientated\n", + "[1.1023041 1.2327745 1.4308757 1.5182847 1.269194 1.0948521 1.0371721\n", + " 1.0322057 1.0322092 1.0979595 1.0262992 1.0195465 1.050988 1.0176798\n", + " 1.0471797 1.0147537 1.0315237 1.0364784 1.0154332 1.0143452 1.0246217\n", + " 1.099248 1.1445912 1.0615343]\n", + "\n", + "[ 3 2 4 1 22 0 21 9 5 23 12 14 6 17 8 7 16 10 20 11 13 18 15 19]\n", + "=======================\n", + "[\"ap mccoy will race at sandown on saturday for the last time before he retires following a successful careercheltenham gold cup winner thornton has been one of the few weighing room colleagues to witness mccoy 's entire career , from shy newcomer to national sporting superstar .that is the verdict of colleague andrew thornton when trying to explain what has made ap mccoy such a dominant force in his sport .\"]\n", + "=======================\n", + "['ap mccoy has his final two rides at sandown in surrey on saturdayno sane jockey would ever try to emulate 20-time champion jockeymccoy will be hoping to bow out on a winner with box office at saturdaythe sandown track is completely sold out as fans bid farewell to a hero']\n", + "ap mccoy will race at sandown on saturday for the last time before he retires following a successful careercheltenham gold cup winner thornton has been one of the few weighing room colleagues to witness mccoy 's entire career , from shy newcomer to national sporting superstar .that is the verdict of colleague andrew thornton when trying to explain what has made ap mccoy such a dominant force in his sport .\n", + "ap mccoy has his final two rides at sandown in surrey on saturdayno sane jockey would ever try to emulate 20-time champion jockeymccoy will be hoping to bow out on a winner with box office at saturdaythe sandown track is completely sold out as fans bid farewell to a hero\n", + "[1.0292681 1.5210665 1.2155844 1.3429446 1.1697024 1.2521751 1.0737249\n", + " 1.2835053 1.1559488 1.052314 1.0504142 1.032808 1.1257185 1.0385885\n", + " 1.0096142 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 7 5 2 4 8 12 6 9 10 13 11 0 14 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"burlesque queen dita von teese is offering burlesque workshops at canyon ranch , a luxury health resort in tucson , arizona .von teese , real name heather renée sweet , will team up with burlesque teacher catherine d'lish , to offer ranch guests a striptease workshopwith an emphasis on self-confidence boosting , the forty two-year-old fashion designer and author famous for her raunchy routines will run presentations and classes incorporating the principles of modern burlesque - the ` art form ' she famously revived .\"]\n", + "=======================\n", + "[\"burlesque star , 42 , is offering workshops at canyon ranch , arizonalearn how to ` strut ' and skillfully remove garters , stockings and gloves` wellness experts will discuss sensuality , intimacy and sexual health\"]\n", + "burlesque queen dita von teese is offering burlesque workshops at canyon ranch , a luxury health resort in tucson , arizona .von teese , real name heather renée sweet , will team up with burlesque teacher catherine d'lish , to offer ranch guests a striptease workshopwith an emphasis on self-confidence boosting , the forty two-year-old fashion designer and author famous for her raunchy routines will run presentations and classes incorporating the principles of modern burlesque - the ` art form ' she famously revived .\n", + "burlesque star , 42 , is offering workshops at canyon ranch , arizonalearn how to ` strut ' and skillfully remove garters , stockings and gloves` wellness experts will discuss sensuality , intimacy and sexual health\n", + "[1.2816942 1.1052296 1.1305311 1.2035221 1.4278942 1.0592018 1.0324531\n", + " 1.2018269 1.1041847 1.0936182 1.050963 1.0499247 1.0438118 1.0208251\n", + " 1.0790473 1.0485418 1.0620097 1.0755484 1.0921565 1.0737116 1.0458524\n", + " 0. 0. 0. ]\n", + "\n", + "[ 4 0 3 7 2 1 8 9 18 14 17 19 16 5 10 11 15 20 12 6 13 22 21 23]\n", + "=======================\n", + "[\"lewis hamilton ( right ) and nico rosberg have both had their say on sunday 's chinese grand prixhamilton was particularly strident saying that the difference is that he is a ` racer ' and rosberg is not .rosberg , who was beaten into second place by hamilton , said his team-mate had been ` selfish ' by slowing down while leading the race .\"]\n", + "=======================\n", + "[\"a dispute broke out between lewis hamilton and nico rosberg on sundayhamilton finished ahead of his team-mate to win the chinese grand prixthe british driver said that he is a ` racer ' and rosberg is notboth mercedes drivers are en route to sunday 's bahrain grand prix\"]\n", + "lewis hamilton ( right ) and nico rosberg have both had their say on sunday 's chinese grand prixhamilton was particularly strident saying that the difference is that he is a ` racer ' and rosberg is not .rosberg , who was beaten into second place by hamilton , said his team-mate had been ` selfish ' by slowing down while leading the race .\n", + "a dispute broke out between lewis hamilton and nico rosberg on sundayhamilton finished ahead of his team-mate to win the chinese grand prixthe british driver said that he is a ` racer ' and rosberg is notboth mercedes drivers are en route to sunday 's bahrain grand prix\n", + "[1.4125891 1.4127957 1.1813246 1.3988934 1.1075569 1.0527339 1.0385939\n", + " 1.0380282 1.0292999 1.065861 1.048466 1.0298061 1.190862 1.0952072\n", + " 1.0496118 1.0540391 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 12 2 4 13 9 15 5 14 10 6 7 11 8 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"the 33-year-old and her husband henry hager already have a daughter , mila , who turns two later this month , and the youngster was on-hand to help her mother announce the family 's exciting news .jenna bush hager is pregnant with her second child and revealed the news live on this morning 's today show .` baby sissy ' : the 33-year-old asked her one-year-old daughter mila to help make the announcement to the world\"]\n", + "=======================\n", + "[\"the 33-year-old made the announcement on monday morning 's showjenna and henry , who married in may 2008 , welcomed their first daughter mila in april 2012\"]\n", + "the 33-year-old and her husband henry hager already have a daughter , mila , who turns two later this month , and the youngster was on-hand to help her mother announce the family 's exciting news .jenna bush hager is pregnant with her second child and revealed the news live on this morning 's today show .` baby sissy ' : the 33-year-old asked her one-year-old daughter mila to help make the announcement to the world\n", + "the 33-year-old made the announcement on monday morning 's showjenna and henry , who married in may 2008 , welcomed their first daughter mila in april 2012\n", + "[1.3629045 1.2985027 1.359668 1.3130629 1.3790965 1.26503 1.3687135\n", + " 1.0320483 1.0163674 1.0148257 1.018523 1.020524 1.0114796 1.095692\n", + " 1.0121915 1.1325681 1.0739881 1.0523825 1.0085678]\n", + "\n", + "[ 4 6 0 2 3 1 5 15 13 16 17 7 11 10 8 9 14 12 18]\n", + "=======================\n", + "[\"tim sherwood believes tottenham need to keep pace with harry kane 's progression or risk losing himvilla striker christian benteke scored a hat trick in the 3-3 draw with queens park rangers on tuesdaykane was handed his first premier league start for spurs by sherwood 12 months ago and has taken the top-flight by storm this season , scoring 29 goals in all competitions .\"]\n", + "=======================\n", + "[\"harry kane has 29 goals for tottenham this season and played for englandtim sherwood says tottenham may lose him if they do n't improve as fastsherwood said christian benteke has found form through greater service\"]\n", + "tim sherwood believes tottenham need to keep pace with harry kane 's progression or risk losing himvilla striker christian benteke scored a hat trick in the 3-3 draw with queens park rangers on tuesdaykane was handed his first premier league start for spurs by sherwood 12 months ago and has taken the top-flight by storm this season , scoring 29 goals in all competitions .\n", + "harry kane has 29 goals for tottenham this season and played for englandtim sherwood says tottenham may lose him if they do n't improve as fastsherwood said christian benteke has found form through greater service\n", + "[1.256686 1.3524184 1.186309 1.2851619 1.2228305 1.2080998 1.116763\n", + " 1.0913287 1.060947 1.204897 1.0801879 1.0524591 1.0396185 1.0454336\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 5 9 2 6 7 10 8 11 13 12 17 14 15 16 18]\n", + "=======================\n", + "['graphic signs telling visitors not to stop for a poo break during their walk to the holy city of santiago de compostela , in north-western spain , have been erected in the municipality of lastres .a spanish town on the camino de santiago pilgrimage route is warning pilgrims and other visitors to stop defecating along the famous path .the pilgrimage , known as the way of st james , attracts thousands of pilgrims every year , but there can be very few places to go when nature calls .']\n", + "=======================\n", + "['no one knows who put up the signs in the municipality of lastresthe signs show a figure defecating within a red circle with a line across itangry residents claim pilgrims have defecated outside their homes']\n", + "graphic signs telling visitors not to stop for a poo break during their walk to the holy city of santiago de compostela , in north-western spain , have been erected in the municipality of lastres .a spanish town on the camino de santiago pilgrimage route is warning pilgrims and other visitors to stop defecating along the famous path .the pilgrimage , known as the way of st james , attracts thousands of pilgrims every year , but there can be very few places to go when nature calls .\n", + "no one knows who put up the signs in the municipality of lastresthe signs show a figure defecating within a red circle with a line across itangry residents claim pilgrims have defecated outside their homes\n", + "[1.3808544 1.472633 1.1858952 1.3998392 1.2570896 1.1030512 1.1205006\n", + " 1.0942407 1.0380903 1.0331819 1.0134165 1.0998737 1.0815437 1.0554249\n", + " 1.0802727 1.1420578 1.0168468 1.0313458 0. ]\n", + "\n", + "[ 1 3 0 4 2 15 6 5 11 7 12 14 13 8 9 17 16 10 18]\n", + "=======================\n", + "[\"tests have confirmed the spain international suffered no fractures after being caught in the face by an elbow from cheikhou kouyate in sunday 's barclays premier league defeat of west ham .manchester city will assess in the next few days whether playmaker david silva has a chance of playing at the weekend .the spaniard was caught right on the cheekbone and taken to hospital to be assessed\"]\n", + "=======================\n", + "[\"manchester city defeated west ham 2-0 in their premier league clashdavid silva was taken to hospital after a challenge by chiekhou kouyatespain international has allayed fans ' fears with a twitter message\"]\n", + "tests have confirmed the spain international suffered no fractures after being caught in the face by an elbow from cheikhou kouyate in sunday 's barclays premier league defeat of west ham .manchester city will assess in the next few days whether playmaker david silva has a chance of playing at the weekend .the spaniard was caught right on the cheekbone and taken to hospital to be assessed\n", + "manchester city defeated west ham 2-0 in their premier league clashdavid silva was taken to hospital after a challenge by chiekhou kouyatespain international has allayed fans ' fears with a twitter message\n", + "[1.1959357 1.4925743 1.2741009 1.3746561 1.0731992 1.1540874 1.0736656\n", + " 1.058531 1.2053638 1.0990292 1.0299466 1.0709157 1.0474068 1.0966182\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 8 0 5 9 13 6 4 11 7 12 10 17 14 15 16 18]\n", + "=======================\n", + "['capybara joejoe who lives in las vegas with his owner cody kennedy , has almost 60,000 followers on instagram .add that to his near 5,000 facebook likes and his twitter account that boasts over 1,000 twitter followers and you have yourself one popular rodent .the large rodent sits perfectly still in the bath while three energetic ducklings stand on its head and body']\n", + "=======================\n", + "['the popular joejoe has over 60,000 followers on instagramcapybara stands calmly in the bath with three ducklings on its backgiant rodent lives in las vegas with his owner cody kennedy']\n", + "capybara joejoe who lives in las vegas with his owner cody kennedy , has almost 60,000 followers on instagram .add that to his near 5,000 facebook likes and his twitter account that boasts over 1,000 twitter followers and you have yourself one popular rodent .the large rodent sits perfectly still in the bath while three energetic ducklings stand on its head and body\n", + "the popular joejoe has over 60,000 followers on instagramcapybara stands calmly in the bath with three ducklings on its backgiant rodent lives in las vegas with his owner cody kennedy\n", + "[1.2666152 1.4590882 1.1849368 1.1652753 1.0815806 1.1538731 1.086967\n", + " 1.317728 1.0742227 1.0778227 1.0226806 1.0153058 1.0153147 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 7 0 2 3 5 6 4 9 8 10 12 11 17 13 14 15 16 18]\n", + "=======================\n", + "[\"trott , england 's rock at no 3 for four years before his early return home from the 2013-14 ashes series in australia with a stress-related condition , was picked for this three-test tour of the caribbean after fighting his way back into contention .test captain alastair cook feels the batsman is ready for international cricket returnengland have barely been in st kitts a day but the early indications are they are ready to give jonathan trott the chance to reinvent himself as an international opener .\"]\n", + "=======================\n", + "['jonathan trott will be given chance to reinvent himself as an openeralastair cook feels trott is ready to return to the england squadthe batsman has been impressive for his side warwickshire']\n", + "trott , england 's rock at no 3 for four years before his early return home from the 2013-14 ashes series in australia with a stress-related condition , was picked for this three-test tour of the caribbean after fighting his way back into contention .test captain alastair cook feels the batsman is ready for international cricket returnengland have barely been in st kitts a day but the early indications are they are ready to give jonathan trott the chance to reinvent himself as an international opener .\n", + "jonathan trott will be given chance to reinvent himself as an openeralastair cook feels trott is ready to return to the england squadthe batsman has been impressive for his side warwickshire\n", + "[1.247768 1.471694 1.1095957 1.1640158 1.1600466 1.1689806 1.0641356\n", + " 1.1700565 1.1041485 1.0410709 1.064981 1.0495877 1.1016462 1.0528132\n", + " 1.0266925 0. 0. 0. ]\n", + "\n", + "[ 1 0 7 5 3 4 2 8 12 10 6 13 11 9 14 16 15 17]\n", + "=======================\n", + "[\"for days now , detectives have swarmed over three bedroom leeton home where stephanie scott 's accused killer , high school cleaner vincent stanford , 24 , lived with his mother anika and elder brother luke .it looks like your typical outback fibro home , tin roof and all , but this property which is currently for sale is now at the centre of one of australia 's most chilling murder mysteries .neighbours told daily mail australia the stanford family have lived at the property , which is on the market for $ 179,000 , for ` around 13 months ' .\"]\n", + "=======================\n", + "[\"home where accused murderer vincent stanford , 24 , lived with his mother and elder brother is for sale for $ 179,000the three-bedroom home , which features a tin-roof , is located on a quiet , leafy street home to families and pensionersit is now a hub of frantic activity , with forensics police seizing items of interest and checking for fingerprintsmr stanford was arrested at the property on wednesday night after police found discrepancies in his alibipolice reportedly discovered school keys believed to belong to bride-to-be alleged victim stephanie scottdaily mail australia understands the family have rented the fibro property for a little more than a yearan advertisement highlights the home 's appeal for local buyers seeking to escape the rental market` why burn your money ?ms scott 's body has not been found but police are scouring irrigation channels and the bush for clues\"]\n", + "for days now , detectives have swarmed over three bedroom leeton home where stephanie scott 's accused killer , high school cleaner vincent stanford , 24 , lived with his mother anika and elder brother luke .it looks like your typical outback fibro home , tin roof and all , but this property which is currently for sale is now at the centre of one of australia 's most chilling murder mysteries .neighbours told daily mail australia the stanford family have lived at the property , which is on the market for $ 179,000 , for ` around 13 months ' .\n", + "home where accused murderer vincent stanford , 24 , lived with his mother and elder brother is for sale for $ 179,000the three-bedroom home , which features a tin-roof , is located on a quiet , leafy street home to families and pensionersit is now a hub of frantic activity , with forensics police seizing items of interest and checking for fingerprintsmr stanford was arrested at the property on wednesday night after police found discrepancies in his alibipolice reportedly discovered school keys believed to belong to bride-to-be alleged victim stephanie scottdaily mail australia understands the family have rented the fibro property for a little more than a yearan advertisement highlights the home 's appeal for local buyers seeking to escape the rental market` why burn your money ?ms scott 's body has not been found but police are scouring irrigation channels and the bush for clues\n", + "[1.3691999 1.1746393 1.1421113 1.1330398 1.1863002 1.2627879 1.0402153\n", + " 1.1051667 1.061023 1.0764707 1.0912734 1.0787537 1.0568223 1.0525969\n", + " 1.0672902 1.0458593 1.0809757 0. ]\n", + "\n", + "[ 0 5 4 1 2 3 7 10 16 11 9 14 8 12 13 15 6 17]\n", + "=======================\n", + "[\"( cnn ) after more than nine years of traveling through the solar system , nasa 's new horizons spacecraft has sent back its first color image of pluto .the probe is due to make its closest approach to pluto on july 14 .launched in 2006 , new horizons is nearing the crucial point in its epic voyage of more than 3 billion miles .\"]\n", + "=======================\n", + "[\"the new horizons spacecraft captures image of pluto and its largest moonit 's set to reveal new details as it nears the remote area of the solar system\"]\n", + "( cnn ) after more than nine years of traveling through the solar system , nasa 's new horizons spacecraft has sent back its first color image of pluto .the probe is due to make its closest approach to pluto on july 14 .launched in 2006 , new horizons is nearing the crucial point in its epic voyage of more than 3 billion miles .\n", + "the new horizons spacecraft captures image of pluto and its largest moonit 's set to reveal new details as it nears the remote area of the solar system\n", + "[1.22863 1.5394533 1.3270873 1.3675678 1.0940553 1.0459467 1.0309293\n", + " 1.0295539 1.0471725 1.0689483 1.0481495 1.2921827 1.0377483 1.0334179\n", + " 1.0810795 1.0723864 1.0156435 1.0215793]\n", + "\n", + "[ 1 3 2 11 0 4 14 15 9 10 8 5 12 13 6 7 17 16]\n", + "=======================\n", + "['hector morejon was shot by a long beach , california , police officer , who allegedly thought the 19-year-old was pointing a gun at him during a trespassing and vandalism incident .lucia morejon , the heartbroken mother of a unarmed teen who was shot dead by police has revealed the last words her son , hector morejon , 19 , spoke as he lay dying in an ambulanceshe went to an alley near her home to see what happened and then realized it was her son in the ambulance , reports the la times .']\n", + "=======================\n", + "['hector morejon was shot by a long beach , california , police officerofficer allegedly thought the 19-year-old was pointing a gun at him during a trespassing and vandalism incidenthis mother heard shots and ran to scene , then she saw her son in an ambulance']\n", + "hector morejon was shot by a long beach , california , police officer , who allegedly thought the 19-year-old was pointing a gun at him during a trespassing and vandalism incident .lucia morejon , the heartbroken mother of a unarmed teen who was shot dead by police has revealed the last words her son , hector morejon , 19 , spoke as he lay dying in an ambulanceshe went to an alley near her home to see what happened and then realized it was her son in the ambulance , reports the la times .\n", + "hector morejon was shot by a long beach , california , police officerofficer allegedly thought the 19-year-old was pointing a gun at him during a trespassing and vandalism incidenthis mother heard shots and ran to scene , then she saw her son in an ambulance\n", + "[1.5383925 1.2627381 1.2600031 1.3597035 1.238277 1.1720157 1.0820607\n", + " 1.0959672 1.1428818 1.0450197 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 5 8 7 6 9 16 10 11 12 13 14 15 17]\n", + "=======================\n", + "[\"mixed martial arts fighter anderson silva says he will fight for a spot in the brazilian taekwondo team at the 2016 olympics in rio de janeiro .the announcement was made on wednesday after a meeting with brazilian taekwondo officials .the former ufc champion said he is ` trying to give back to the sport ' in which he began his career\"]\n", + "=======================\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['anderson silva met with brazilian taekwondo officials on wednesdaysilva is currently suspended by ufc after failing drug testshowever , the former ufc champion will fight for olympics taekwondo spot']\n", + "mixed martial arts fighter anderson silva says he will fight for a spot in the brazilian taekwondo team at the 2016 olympics in rio de janeiro .the announcement was made on wednesday after a meeting with brazilian taekwondo officials .the former ufc champion said he is ` trying to give back to the sport ' in which he began his career\n", + "anderson silva met with brazilian taekwondo officials on wednesdaysilva is currently suspended by ufc after failing drug testshowever , the former ufc champion will fight for olympics taekwondo spot\n", + "[1.4275357 1.4683428 1.3092873 1.2216116 1.1048875 1.0431988 1.0283694\n", + " 1.0651565 1.1033368 1.0237422 1.0462307 1.0489643 1.1094592 1.0770874\n", + " 1.0597627 1.0850475 1.0661645 0. ]\n", + "\n", + "[ 1 0 2 3 12 4 8 15 13 16 7 14 11 10 5 6 9 17]\n", + "=======================\n", + "['lawyer alan dershowitz was accused of having sex with minors with help from billionaire jeffrey epstein .( cnn ) a florida judge denied a motion by two women to join a lawsuit against prince andrew and a prominent u.s. lawyer that alleged underage sex crimes .buckingham palace denied the allegations , which surfaced in a court filing in january .']\n", + "=======================\n", + "['judge also throws out bombshell sex claims against lawyer alan dershowitzhe asks a federal court to \" strike \" sex-related allegations against hima court filing says dershowitz had sex with minors via jeffrey epstein ; he denies it']\n", + "lawyer alan dershowitz was accused of having sex with minors with help from billionaire jeffrey epstein .( cnn ) a florida judge denied a motion by two women to join a lawsuit against prince andrew and a prominent u.s. lawyer that alleged underage sex crimes .buckingham palace denied the allegations , which surfaced in a court filing in january .\n", + "judge also throws out bombshell sex claims against lawyer alan dershowitzhe asks a federal court to \" strike \" sex-related allegations against hima court filing says dershowitz had sex with minors via jeffrey epstein ; he denies it\n", + "[1.3295447 1.4688921 1.5734441 1.1053053 1.3264251 1.0308139 1.0147889\n", + " 1.0128883 1.0125002 1.0188822 1.0275285 1.017783 1.315412 1.031303\n", + " 1.1084758 1.0578445 1.0335021 1.0119444]\n", + "\n", + "[ 2 1 0 4 12 14 3 15 16 13 5 10 9 11 6 7 8 17]\n", + "=======================\n", + "[\"the positions will be based at its redmond campus in washington and the program will be run in partnership with specialisterne , a danish nonprofit that helps train people with autism for careers in it .the announcement was made on the company 's blog by microsoft corporate vp of worldwide operations , mary ellen smith , who has a teenage son , shawn , with autism .last year microsoft ceo satya nadella was forced to apologize for saying that women do n't need to ask for a raise and should just trust the system to pay them well .\"]\n", + "=======================\n", + "['microsoft corporate vp of worldwide operations , mary ellen smith , who has a teenage son shawn with autism , made the announcementprogram will be run in partnership with specialisterne , a danish nonprofit that helps train people with autism for careers in itfull-time positions based at its redmond campus , washington']\n", + "the positions will be based at its redmond campus in washington and the program will be run in partnership with specialisterne , a danish nonprofit that helps train people with autism for careers in it .the announcement was made on the company 's blog by microsoft corporate vp of worldwide operations , mary ellen smith , who has a teenage son , shawn , with autism .last year microsoft ceo satya nadella was forced to apologize for saying that women do n't need to ask for a raise and should just trust the system to pay them well .\n", + "microsoft corporate vp of worldwide operations , mary ellen smith , who has a teenage son shawn with autism , made the announcementprogram will be run in partnership with specialisterne , a danish nonprofit that helps train people with autism for careers in itfull-time positions based at its redmond campus , washington\n", + "[1.543299 1.1302795 1.2691976 1.4655107 1.2308531 1.0885957 1.0888792\n", + " 1.0735373 1.0544428 1.0645964 1.0491412 1.043048 1.0394899 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 4 1 6 5 7 9 8 10 11 12 13 14 15 16 17]\n", + "=======================\n", + "[\"real madrid 's champions league victory over city rivals atletico on wednesday night marked the eighth match gareth bale has not started this season ... and real have won every single one .the welshman has received some criticism from sections of the bernabeu support despite a bright start in madrid , and these remarkable stats will do nothing to help his popularity at the club .bale 's time on the sidelines has coincided with huge matches against barcelona , two champions league ties with liverpool ( in which he entered the fray as a 62nd-minute substitute at the bernabeu ) , and wednesday night 's european quarter-final against atletico ... but it seems the rest of the real squad are just fine without him .\"]\n", + "=======================\n", + "[\"gareth bale has not started eight of real madrid 's matches this seasonin the games he has missed , real boast a 100 per cent win recordreal have scored 25 goals and conceded just one without the welshmanin the 42 matches that bale has started , real 's win record is 69 per cent\"]\n", + "real madrid 's champions league victory over city rivals atletico on wednesday night marked the eighth match gareth bale has not started this season ... and real have won every single one .the welshman has received some criticism from sections of the bernabeu support despite a bright start in madrid , and these remarkable stats will do nothing to help his popularity at the club .bale 's time on the sidelines has coincided with huge matches against barcelona , two champions league ties with liverpool ( in which he entered the fray as a 62nd-minute substitute at the bernabeu ) , and wednesday night 's european quarter-final against atletico ... but it seems the rest of the real squad are just fine without him .\n", + "gareth bale has not started eight of real madrid 's matches this seasonin the games he has missed , real boast a 100 per cent win recordreal have scored 25 goals and conceded just one without the welshmanin the 42 matches that bale has started , real 's win record is 69 per cent\n", + "[1.2469361 1.5204955 1.4115562 1.3256037 1.2114451 1.1631817 1.1336836\n", + " 1.0762426 1.0896057 1.0682337 1.019277 1.0137702 1.0493056 1.0272352\n", + " 1.0331494 1.0086906 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 5 6 8 7 9 12 14 13 10 11 15 16 17]\n", + "=======================\n", + "[\"the successful applicant will have to travel to various royal residences - including balmoral in scotland - for three months of the year .they must also order in ` the freshest seasonal ingredients ' from the queen 's private scottish retreat 's kitchen garden and game from the royal estates .it comes after the queen was revealed to have surprisingly simple tastes in food -- including special k , jam sandwiches , chocolate cake , venison and scones .\"]\n", + "=======================\n", + "[\"the queen 's former personal chef has revealed her favourite foodsthese include special k , chocolate cake , scones and venisonit comes as her majesty has advertised for a sous chefthe role pays # 28,000 a year and there will be accommodation available\"]\n", + "the successful applicant will have to travel to various royal residences - including balmoral in scotland - for three months of the year .they must also order in ` the freshest seasonal ingredients ' from the queen 's private scottish retreat 's kitchen garden and game from the royal estates .it comes after the queen was revealed to have surprisingly simple tastes in food -- including special k , jam sandwiches , chocolate cake , venison and scones .\n", + "the queen 's former personal chef has revealed her favourite foodsthese include special k , chocolate cake , scones and venisonit comes as her majesty has advertised for a sous chefthe role pays # 28,000 a year and there will be accommodation available\n", + "[1.2719178 1.4244211 1.299076 1.331291 1.1191666 1.0978532 1.072567\n", + " 1.093403 1.0978634 1.0817779 1.1032752 1.1000971 1.0482379 1.0107207\n", + " 1.0129532 1.0383223 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 10 11 8 5 7 9 6 12 15 14 13 16 17]\n", + "=======================\n", + "[\"a new poll by yougov ahead of charles and camilla 's 10th wedding anniversary reveals that 49 per cent think camilla should take the traditional title of the wife of a reigning king , while 35 per cent believe she should be given a lesser title out of respect to diana , princess of wales and 16 per cent were undecided .when the prince and camilla became engaged in february 2005 , only 7 per cent of people polled by yougov thought camilla should one day be queen .half of those polled believe that camilla , right , does a good job of carrying out her official duties\"]\n", + "=======================\n", + "['prince charles and camilla will celebrate their anniversary later this weekthe couple were married in april 2005 after their engagement in februaryin 2005 , only seven per cent of people thought camilla should be queenalmost half are in favour of queen camilla when charles takes the throne']\n", + "a new poll by yougov ahead of charles and camilla 's 10th wedding anniversary reveals that 49 per cent think camilla should take the traditional title of the wife of a reigning king , while 35 per cent believe she should be given a lesser title out of respect to diana , princess of wales and 16 per cent were undecided .when the prince and camilla became engaged in february 2005 , only 7 per cent of people polled by yougov thought camilla should one day be queen .half of those polled believe that camilla , right , does a good job of carrying out her official duties\n", + "prince charles and camilla will celebrate their anniversary later this weekthe couple were married in april 2005 after their engagement in februaryin 2005 , only seven per cent of people thought camilla should be queenalmost half are in favour of queen camilla when charles takes the throne\n", + "[1.4276432 1.4392425 1.1590582 1.2600293 1.1665663 1.1705 1.1637418\n", + " 1.1373188 1.0863494 1.0465019 1.1333444 1.0162504 1.0702244 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 5 4 6 2 7 10 8 12 9 11 16 13 14 15 17]\n", + "=======================\n", + "['alexis keslar was walking with her twin sons , silas and eli keslar , along a canal friday when she tried to repel a bee , police in yuma said .( cnn ) eighteen-month-old twins drowned after their mother tried to fend off a bee and let go of their stroller , which rolled into a canal , arizona police said .keslar went into the canal and tried to rescue her sons , authorities said , but was hampered by the steep sides of the canal , the depth of the water and the force of the current .']\n", + "=======================\n", + "['silas and eli keslar , both 18 months old , drowned in an arizona canaltheir mother was trying to fend of a bee when the stroller rolled away , police say']\n", + "alexis keslar was walking with her twin sons , silas and eli keslar , along a canal friday when she tried to repel a bee , police in yuma said .( cnn ) eighteen-month-old twins drowned after their mother tried to fend off a bee and let go of their stroller , which rolled into a canal , arizona police said .keslar went into the canal and tried to rescue her sons , authorities said , but was hampered by the steep sides of the canal , the depth of the water and the force of the current .\n", + "silas and eli keslar , both 18 months old , drowned in an arizona canaltheir mother was trying to fend of a bee when the stroller rolled away , police say\n", + "[1.2178259 1.4442592 1.232782 1.3570968 1.117861 1.161398 1.1639049\n", + " 1.1905135 1.0402367 1.0924301 1.1013288 1.0556898 1.0118346 1.0154542\n", + " 1.0351176 1.0283971 1.0112088 1.0178761 1.011807 0. ]\n", + "\n", + "[ 1 3 2 0 7 6 5 4 10 9 11 8 14 15 17 13 12 18 16 19]\n", + "=======================\n", + "['holly beard , 24 , and her fiance steve hancock , 27 , from adderley green , staffordshire , tipped the scales at over 41st between them when they set a date for their big day in january last year .holly beard and steve hancock reached a combined weight of 41st after moving in togetherbut holly decided to slim down when she was teased at the opticians where she worked after her boss brought in a cake as a treat .']\n", + "=======================\n", + "['holly beard and steve hancock tipped the scales at 41st between themafter being humiliated at work holly joined weight watcherssteve switched his eating habits too and the couple lost a combined 11st']\n", + "holly beard , 24 , and her fiance steve hancock , 27 , from adderley green , staffordshire , tipped the scales at over 41st between them when they set a date for their big day in january last year .holly beard and steve hancock reached a combined weight of 41st after moving in togetherbut holly decided to slim down when she was teased at the opticians where she worked after her boss brought in a cake as a treat .\n", + "holly beard and steve hancock tipped the scales at 41st between themafter being humiliated at work holly joined weight watcherssteve switched his eating habits too and the couple lost a combined 11st\n", + "[1.2457469 1.3794453 1.2223568 1.3246065 1.1027548 1.2255459 1.1222411\n", + " 1.0223808 1.0852168 1.0284424 1.0439847 1.0679978 1.043903 1.0198857\n", + " 1.0569928 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 5 2 6 4 8 11 14 10 12 9 7 13 15 16 17 18 19]\n", + "=======================\n", + "[\"it was just a couple of years ago that king goodwill zwelithini - who last month said foreigners should ` pack their belongings ' and leave - labelled homosexuals as ` rotten ' .the zulu king blamed for sparking the violence against foreigners which has seen south africa 's streets turn into battlefields running with blood over the past two weeks is no stranger to scandal .the dyed-in-the-wool traditionalist has also courted the wrath of women 's rights and hiv/aids campaigners for his hardline stance on controversial traditional virginity testing .\"]\n", + "=======================\n", + "[\"king goodwill zwelithini allegedly compared foreigners to ` ants ' and ` lice 'back in 2012 the 67-year-old told followers homosexuals were ` rotten 'but father-of-28 's lavish lifestyle with his six wives is equally controversiallast year he declared himself bankrupt having spent # 250,000 on weddingyet just last month he bought a mercedes for each wife - plus a spare\"]\n", + "it was just a couple of years ago that king goodwill zwelithini - who last month said foreigners should ` pack their belongings ' and leave - labelled homosexuals as ` rotten ' .the zulu king blamed for sparking the violence against foreigners which has seen south africa 's streets turn into battlefields running with blood over the past two weeks is no stranger to scandal .the dyed-in-the-wool traditionalist has also courted the wrath of women 's rights and hiv/aids campaigners for his hardline stance on controversial traditional virginity testing .\n", + "king goodwill zwelithini allegedly compared foreigners to ` ants ' and ` lice 'back in 2012 the 67-year-old told followers homosexuals were ` rotten 'but father-of-28 's lavish lifestyle with his six wives is equally controversiallast year he declared himself bankrupt having spent # 250,000 on weddingyet just last month he bought a mercedes for each wife - plus a spare\n", + "[1.2103052 1.5507951 1.3055809 1.2837766 1.3171542 1.1576543 1.0833907\n", + " 1.0551553 1.0425758 1.0583495 1.0332713 1.0541385 1.0246388 1.0227351\n", + " 1.0315564 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 3 0 5 6 9 7 11 8 10 14 12 13 18 15 16 17 19]\n", + "=======================\n", + "[\"viv nicholson , 79 , became rich overnight when she scooped # 152,319 in 1961 with her husband keith .the win , on a football betting pool , in which gamblers predict the results of football games across a season , would be worth up to # 5million in today 's money .the pair , from castleford , west yorkshire , splurged the cash on flash cars , designer clothes , holidays and partying - frittering away half of their wealth within four years of winning .\"]\n", + "=======================\n", + "[\"viv nicholson , 79 , won more than # 152,000 in 1961 with her husband keithshe famously promised to ` spend , spend , spend ' after big win on the poolsthey splurged the cash on expensive cars , designer clothes and holidaysmrs nicholson has passed away at home , five years after dementia onset\"]\n", + "viv nicholson , 79 , became rich overnight when she scooped # 152,319 in 1961 with her husband keith .the win , on a football betting pool , in which gamblers predict the results of football games across a season , would be worth up to # 5million in today 's money .the pair , from castleford , west yorkshire , splurged the cash on flash cars , designer clothes , holidays and partying - frittering away half of their wealth within four years of winning .\n", + "viv nicholson , 79 , won more than # 152,000 in 1961 with her husband keithshe famously promised to ` spend , spend , spend ' after big win on the poolsthey splurged the cash on expensive cars , designer clothes and holidaysmrs nicholson has passed away at home , five years after dementia onset\n", + "[1.4890473 1.2728086 1.3086903 1.4219308 1.2403593 1.2381048 1.0956618\n", + " 1.0429522 1.0425817 1.0569222 1.0195323 1.0333588 1.0204227 1.0079277\n", + " 1.0127279 1.0107156 1.0111568 1.2374449 1.0496529 0. ]\n", + "\n", + "[ 0 3 2 1 4 5 17 6 9 18 7 8 11 12 10 14 16 15 13 19]\n", + "=======================\n", + "['tottenham manager mauricio pochettino has likened england hot-shot harry kane to gabriel batistuta and insisted he will be there to help him when things do not go to plan .england boss roy hodgson is mindful of keeping expectations in check for kane , who has enjoyed a meteoric rise after finally breaking into the spurs first-team following loan spells at the likes of leicester and norwich .kane moved to within two strikes of the 30-goal barrier for the season after scoring on his full international debut some 79 seconds after coming on against lithuania at wembley last friday night .']\n", + "=======================\n", + "['harry kane is approaching 30 goals for the season in all competitionsmauricio pochettino says kane is similar to gabriel batistutaroy hodgson wants kane to play for the england under 21s in the summer']\n", + "tottenham manager mauricio pochettino has likened england hot-shot harry kane to gabriel batistuta and insisted he will be there to help him when things do not go to plan .england boss roy hodgson is mindful of keeping expectations in check for kane , who has enjoyed a meteoric rise after finally breaking into the spurs first-team following loan spells at the likes of leicester and norwich .kane moved to within two strikes of the 30-goal barrier for the season after scoring on his full international debut some 79 seconds after coming on against lithuania at wembley last friday night .\n", + "harry kane is approaching 30 goals for the season in all competitionsmauricio pochettino says kane is similar to gabriel batistutaroy hodgson wants kane to play for the england under 21s in the summer\n", + "[1.1514131 1.3412429 1.3247354 1.301491 1.181082 1.1771576 1.0792848\n", + " 1.0656071 1.0256078 1.0815684 1.0458378 1.0355233 1.0566311 1.0518423\n", + " 1.0537014 1.0793332 1.0205536 1.0165452 1.0417789 1.0551938]\n", + "\n", + "[ 1 2 3 4 5 0 9 15 6 7 12 19 14 13 10 18 11 8 16 17]\n", + "=======================\n", + "[\"the man who spent six years as spokesman for the glazer family has written an enlightening account of his time with the manchester united chiefs .tehsin nayani 's book , ` the glazer gatekeeper : six years speaking for manchester united 's silent owners ' , challenges popular perception about the us bosses who succeeded in a debt-burdening # 800m takeover in 2005 .sir bobby charlton talks with bryan glazer , joel glazer and avram glazer ( l-r ) at old trafford in 2005\"]\n", + "=======================\n", + "[\"tehsin nayani spent six years as spokesman for the glazer familyhis new book , the glazer gatekeeper , tells all about his time in the jobnayani insists that the glazer takeover was always a long-term projectsir alex ferguson used to invite the owners into the home dressing roomnayani believes the red knights consortium were never serious suitorsthe glazers are not ` ogres ' despite fan opinion , according to nayani\"]\n", + "the man who spent six years as spokesman for the glazer family has written an enlightening account of his time with the manchester united chiefs .tehsin nayani 's book , ` the glazer gatekeeper : six years speaking for manchester united 's silent owners ' , challenges popular perception about the us bosses who succeeded in a debt-burdening # 800m takeover in 2005 .sir bobby charlton talks with bryan glazer , joel glazer and avram glazer ( l-r ) at old trafford in 2005\n", + "tehsin nayani spent six years as spokesman for the glazer familyhis new book , the glazer gatekeeper , tells all about his time in the jobnayani insists that the glazer takeover was always a long-term projectsir alex ferguson used to invite the owners into the home dressing roomnayani believes the red knights consortium were never serious suitorsthe glazers are not ` ogres ' despite fan opinion , according to nayani\n", + "[1.2146318 1.5315664 1.3006327 1.2671518 1.3387339 1.1969174 1.1083468\n", + " 1.061597 1.0619206 1.052614 1.1732749 1.1386582 1.0764543 1.0173374\n", + " 1.0244911 1.0493158 1.00736 1.0062435 0. 0. ]\n", + "\n", + "[ 1 4 2 3 0 5 10 11 6 12 8 7 9 15 14 13 16 17 18 19]\n", + "=======================\n", + "[\"deborah steel , 37 , who ran the royal standard pub in ely , cambridgeshire , was last seen alive just after 1am on 28 december 1997 .police believe she was killed and recently reclassified the investigation as a murder inquiry , but the 37-year-old 's body has never been found .the search has the full consent of the present landlord who is not connected with the investigation .\"]\n", + "=======================\n", + "['landlady deborah steel , 37 , was last seen alive on 28 december 1997police have dug up the patio of the royal standard pub where she workeda 73-year-old man is on bail and two others have had theirs cancelleddetectives believe she was murdered , but body has never been found']\n", + "deborah steel , 37 , who ran the royal standard pub in ely , cambridgeshire , was last seen alive just after 1am on 28 december 1997 .police believe she was killed and recently reclassified the investigation as a murder inquiry , but the 37-year-old 's body has never been found .the search has the full consent of the present landlord who is not connected with the investigation .\n", + "landlady deborah steel , 37 , was last seen alive on 28 december 1997police have dug up the patio of the royal standard pub where she workeda 73-year-old man is on bail and two others have had theirs cancelleddetectives believe she was murdered , but body has never been found\n", + "[1.0850708 1.0564407 1.3191996 1.3469349 1.1468129 1.3971554 1.1320074\n", + " 1.1084319 1.1021132 1.0306942 1.1460193 1.1938212 1.0940177 1.0566226\n", + " 1.0325389 1.0317024 1.03537 0. 0. 0. ]\n", + "\n", + "[ 5 3 2 11 4 10 6 7 8 12 0 13 1 16 14 15 9 17 18 19]\n", + "=======================\n", + "[\"sticky fingers : singer jessica mauboy was among the front row attendees at the maticevski show at mercedes-benz fashion week australia who had her gifted tablet stolen from her seatstars , buyers and fashion editors in the ` frow ' are often showered with gift bags stuffed with treats from the show sponsors .not a bad goodie bag : each front row guest was given an $ 899 lenovo tablet with their gift bag at the show\"]\n", + "=======================\n", + "['jessica mauboy and gq editor among those who had tablets stolen$ 899 personalised lenovo tablets were gifted to front row gueststoni maticevski presented ss16 runway show at carriageworks in sydney']\n", + "sticky fingers : singer jessica mauboy was among the front row attendees at the maticevski show at mercedes-benz fashion week australia who had her gifted tablet stolen from her seatstars , buyers and fashion editors in the ` frow ' are often showered with gift bags stuffed with treats from the show sponsors .not a bad goodie bag : each front row guest was given an $ 899 lenovo tablet with their gift bag at the show\n", + "jessica mauboy and gq editor among those who had tablets stolen$ 899 personalised lenovo tablets were gifted to front row gueststoni maticevski presented ss16 runway show at carriageworks in sydney\n", + "[1.4910415 1.406539 1.3794775 1.2330251 1.0862826 1.0549664 1.0519066\n", + " 1.0203725 1.0677518 1.1315111 1.0356776 1.0216819 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 9 4 8 5 6 10 11 7 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"warrington crashed to a third straight super league defeat and could be in trouble with the rugby football league following crowd trouble in the cheshire derby .the game was stopped for eight minutes after a flare was thrown from the stand housing visiting fans but widnes maintained their focus to run out 30-10 winners and maintain their impressive form at the select security stadium , where they have taken seven points out of a possible 10 this year .warrington 's losing run is their worst since 2009 and their misery was compounded by the loss of winger matty russell with a leg injury .\"]\n", + "=======================\n", + "['warrington slipped to their third straight defeat in the super leaguegame was delayed for eight minutes after a flare thrown by visiting fanswidnes captain captain kevin brown returned to inspire them to victory']\n", + "warrington crashed to a third straight super league defeat and could be in trouble with the rugby football league following crowd trouble in the cheshire derby .the game was stopped for eight minutes after a flare was thrown from the stand housing visiting fans but widnes maintained their focus to run out 30-10 winners and maintain their impressive form at the select security stadium , where they have taken seven points out of a possible 10 this year .warrington 's losing run is their worst since 2009 and their misery was compounded by the loss of winger matty russell with a leg injury .\n", + "warrington slipped to their third straight defeat in the super leaguegame was delayed for eight minutes after a flare thrown by visiting fanswidnes captain captain kevin brown returned to inspire them to victory\n", + "[1.3387277 1.4856213 1.0943015 1.3417895 1.2318487 1.0402806 1.1053354\n", + " 1.0691311 1.0542767 1.0506166 1.0124553 1.2154897 1.027101 1.0189348\n", + " 1.0180615 1.102095 1.0289989 1.1407448 1.021818 1.0350745]\n", + "\n", + "[ 1 3 0 4 11 17 6 15 2 7 8 9 5 19 16 12 18 13 14 10]\n", + "=======================\n", + "[\"adi viveash 's team will start as favourites in nyon , switzerland after their resounding 4-0 win over roma in the semi-finals on friday , a result which continued their free-scoring form in this competition .chelsea will try to add another trophy to their ever-expanding cabinet when the under 19 team take on shakhtar donetsk in the final of the uefa youth league on monday afternoon .the maiden winners of the youth league were barcelona , who defeated benfica 3-0 in a one-sided final .\"]\n", + "=======================\n", + "[\"chelsea 's under 19 side are hoping to become second team to win finalholders barcelona won the inaugural version of the youth competitiondominic solanke , izzy brown and ruben loftus-cheek are all likely to startclick here for all the latest chelsea news\"]\n", + "adi viveash 's team will start as favourites in nyon , switzerland after their resounding 4-0 win over roma in the semi-finals on friday , a result which continued their free-scoring form in this competition .chelsea will try to add another trophy to their ever-expanding cabinet when the under 19 team take on shakhtar donetsk in the final of the uefa youth league on monday afternoon .the maiden winners of the youth league were barcelona , who defeated benfica 3-0 in a one-sided final .\n", + "chelsea 's under 19 side are hoping to become second team to win finalholders barcelona won the inaugural version of the youth competitiondominic solanke , izzy brown and ruben loftus-cheek are all likely to startclick here for all the latest chelsea news\n", + "[1.4088174 1.3487067 1.3002424 1.2021632 1.1603633 1.0214063 1.0247529\n", + " 1.1066774 1.0920192 1.1444219 1.0799483 1.0858806 1.055064 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 9 7 8 11 10 12 6 5 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"battleground : esther mcvey , who won her wirral west seat in 2010 with a majority of just 2,436 , has demanded that ed miliband condemns the attackstory minister esther mcvey has called on ed miliband to condemn the ` scurrilous ' campaign against her after she was branded ` murderer mcvey ' in graffiti .the employment minister also had an election song written about her by rivals claiming she was going to hell .\"]\n", + "=======================\n", + "[\"esther mcvey will not be cowered by ` misogynistic and sexist ' attacksminister target of offensive graffiti and called ` wicked witch of the wirral 'she said of rivals : ` their underhand tactics wo n't bully and intimidate me 'her wirral west seat is key battleground between labour and tories\"]\n", + "battleground : esther mcvey , who won her wirral west seat in 2010 with a majority of just 2,436 , has demanded that ed miliband condemns the attackstory minister esther mcvey has called on ed miliband to condemn the ` scurrilous ' campaign against her after she was branded ` murderer mcvey ' in graffiti .the employment minister also had an election song written about her by rivals claiming she was going to hell .\n", + "esther mcvey will not be cowered by ` misogynistic and sexist ' attacksminister target of offensive graffiti and called ` wicked witch of the wirral 'she said of rivals : ` their underhand tactics wo n't bully and intimidate me 'her wirral west seat is key battleground between labour and tories\n", + "[1.3170226 1.341263 1.2124382 1.1951716 1.0988914 1.1207536 1.078446\n", + " 1.0720713 1.128246 1.0514044 1.0718409 1.0790368 1.0492038 1.037486\n", + " 1.0405291 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 8 5 4 11 6 7 10 9 12 14 13 15 16 17 18]\n", + "=======================\n", + "[\"the extremist group 's first english bulletin aired on tuesday on its al-bayan radio network , which already boasts updates in both arabic and russian .isis has launched english-language radio news bulletins on its iraqi broadcast service - complete with information on the latest suicide bombings and ` martyrdom operations ' .the nine-and-a-half minute broadcast , which begins and ends with traditional sounding arabic music , is hosted by a man with an american accent , who takes the listener through the main events of the day .\"]\n", + "=======================\n", + "[\"first broadcast hosted by a man with an american-sounding accentthe news bulletin spends almost 10 minutes going over the day 's eventsboasts of ` roasting the flesh ' of opponents and ` martyrdom operations 'isis commanders already have an english magazine to communicatecomes days after announcement that all isis nurses must speak english\"]\n", + "the extremist group 's first english bulletin aired on tuesday on its al-bayan radio network , which already boasts updates in both arabic and russian .isis has launched english-language radio news bulletins on its iraqi broadcast service - complete with information on the latest suicide bombings and ` martyrdom operations ' .the nine-and-a-half minute broadcast , which begins and ends with traditional sounding arabic music , is hosted by a man with an american accent , who takes the listener through the main events of the day .\n", + "first broadcast hosted by a man with an american-sounding accentthe news bulletin spends almost 10 minutes going over the day 's eventsboasts of ` roasting the flesh ' of opponents and ` martyrdom operations 'isis commanders already have an english magazine to communicatecomes days after announcement that all isis nurses must speak english\n", + "[1.0748218 1.0663121 1.5037646 1.3237779 1.2143457 1.1020931 1.0999874\n", + " 1.1051788 1.0904107 1.0700316 1.1938864 1.1279068 1.085005 1.1760408\n", + " 1.035207 1.0206695 1.0152111 1.0833383 0. ]\n", + "\n", + "[ 2 3 4 10 13 11 7 5 6 8 12 17 0 9 1 14 15 16 18]\n", + "=======================\n", + "['but one canny youtube user , micahmedia , has uploaded a video demonstrating the simplest and swiftest way to peel a hardboiled egg - using a glass of water .the hard-boiled egg is placed in a glass ( left ) before it is filled quarter of the way with tap water ( right )the 28-second video which was uploaded in january this year currently has over 16million views on the video-sharing website .']\n", + "=======================\n", + "['micahmedia uploaded the 28-second video demonstrating his methodvideo currently has more than 16million views on youtubethe four-step method only requires a glass and some water']\n", + "but one canny youtube user , micahmedia , has uploaded a video demonstrating the simplest and swiftest way to peel a hardboiled egg - using a glass of water .the hard-boiled egg is placed in a glass ( left ) before it is filled quarter of the way with tap water ( right )the 28-second video which was uploaded in january this year currently has over 16million views on the video-sharing website .\n", + "micahmedia uploaded the 28-second video demonstrating his methodvideo currently has more than 16million views on youtubethe four-step method only requires a glass and some water\n", + "[1.0982202 1.2521219 1.3689433 1.2282542 1.1156476 1.1866351 1.130078\n", + " 1.1637582 1.1805472 1.1071506 1.0398856 1.0613191 1.0474463 1.1473163\n", + " 1.0941396 1.0191444 1.0603534 1.0199996 1.0683482]\n", + "\n", + "[ 2 1 3 5 8 7 13 6 4 9 0 14 18 11 16 12 10 17 15]\n", + "=======================\n", + "['the tateyama kurobe alpine route opened to the public on today and allows tourists to view the spectacular snow-walled passageway along the 1000ft section .however this steep-walled phenomena is located in japan and attracts visits from thousands of tourists annually - with the number predicted to rise this year .the impressive route opened in 1971 and usually draws about a million visitors every year although numbers have failed to reach that figure in the last few years .']\n", + "=======================\n", + "['tateyama kurobe alpine route opened to the public on today allowing guests to marvel at the colossal snow wallsthe 1000ft section can be walked by visitors , and usually draws a million tourists every yearthe snowy section is part of a 37km route , with sights such as kurobe dam and the hida mountains on the way']\n", + "the tateyama kurobe alpine route opened to the public on today and allows tourists to view the spectacular snow-walled passageway along the 1000ft section .however this steep-walled phenomena is located in japan and attracts visits from thousands of tourists annually - with the number predicted to rise this year .the impressive route opened in 1971 and usually draws about a million visitors every year although numbers have failed to reach that figure in the last few years .\n", + "tateyama kurobe alpine route opened to the public on today allowing guests to marvel at the colossal snow wallsthe 1000ft section can be walked by visitors , and usually draws a million tourists every yearthe snowy section is part of a 37km route , with sights such as kurobe dam and the hida mountains on the way\n", + "[1.3359979 1.4727265 1.2081993 1.3271632 1.2777232 1.1083884 1.1370772\n", + " 1.0953538 1.0782883 1.0362461 1.0393956 1.0387404 1.0807252 1.0577782\n", + " 1.0254414 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 4 2 6 5 7 12 8 13 10 11 9 14 15 16 17 18]\n", + "=======================\n", + "[\"billy thompson was last seen on saturday at sugar bear 's home in mcintyre , georgia , where mama june 's daughter jessica was preparing to go to prom .reality star ` mama ' june shannon and her estranged husband mike ` sugar bear ' thompson have filed a missing persons report after his older brother disappeared three days ago .since then billy has n't been seen and he is n't returning any phone calls or texts .\"]\n", + "=======================\n", + "[\"` mama ' june shannon and mike ` sugar bear ' thompson have filed a missing persons report after his older brother disappeared three days agobilly thompson was last seen on saturday at sugar bear 's home in mcintyre , georgiathe family are especially worried because billy has been struggling to find work and recently suffered a difficult split from the mother of his childrensince april 11 he has n't been seen and he is n't returning phone calls or texts\"]\n", + "billy thompson was last seen on saturday at sugar bear 's home in mcintyre , georgia , where mama june 's daughter jessica was preparing to go to prom .reality star ` mama ' june shannon and her estranged husband mike ` sugar bear ' thompson have filed a missing persons report after his older brother disappeared three days ago .since then billy has n't been seen and he is n't returning any phone calls or texts .\n", + "` mama ' june shannon and mike ` sugar bear ' thompson have filed a missing persons report after his older brother disappeared three days agobilly thompson was last seen on saturday at sugar bear 's home in mcintyre , georgiathe family are especially worried because billy has been struggling to find work and recently suffered a difficult split from the mother of his childrensince april 11 he has n't been seen and he is n't returning phone calls or texts\n", + "[1.4250821 1.4097636 1.411544 1.3198342 1.4194158 1.108214 1.0262029\n", + " 1.0207607 1.0144693 1.0083623 1.0087619 1.1938831 1.1407907 1.0195817\n", + " 1.0065563 1.1244184 0. 0. 0. ]\n", + "\n", + "[ 0 4 2 1 3 11 12 15 5 6 7 13 8 10 9 14 17 16 18]\n", + "=======================\n", + "['martin guptill has been recalled to the new zealand test squad for their upcoming two-match series against england next month .guptill , who smashed 237 against the west indies in the recent world cup has not represented the black caps at test level since the 2013 tour of england .the 23-year-old has only played 20 first class matches .']\n", + "=======================\n", + "['martin guptill has been recalled to the new zealand test squadguptill has not represented the black caps at test level since 2013paceman matt henry has been called up to the test squad for the first timejames neesham will miss the tour because of a hamstring injury']\n", + "martin guptill has been recalled to the new zealand test squad for their upcoming two-match series against england next month .guptill , who smashed 237 against the west indies in the recent world cup has not represented the black caps at test level since the 2013 tour of england .the 23-year-old has only played 20 first class matches .\n", + "martin guptill has been recalled to the new zealand test squadguptill has not represented the black caps at test level since 2013paceman matt henry has been called up to the test squad for the first timejames neesham will miss the tour because of a hamstring injury\n", + "[1.2314034 1.511658 1.308365 1.4943147 1.118321 1.0647988 1.0493815\n", + " 1.0523746 1.017789 1.0228939 1.1356676 1.022692 1.026549 1.0432642\n", + " 1.2275667 1.0336783 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 14 10 4 5 7 6 13 15 12 9 11 8 17 16 18]\n", + "=======================\n", + "[\"on thursday , the inverness defender was cleared to play in the scottish cup final against falkirk on may 30 after a charge of deliberate handball to deny celtic striker leigh griffiths in last sunday 's semi-final was thrown out .in the aftermath of the 3-2 extra-time win , meekings admitted he was fortunate not to have conceded a penalty and been red-carded .the josh meekings ' saga took a new twist on friday when it emerged the sfa judicial panel had decided it was not entitled to apply retrospective punishment in his case .\"]\n", + "=======================\n", + "[\"josh meekings deliberately handled the ball during inverness 's 3-2 scottish cup semi-final victory against celticmeekings escaped punishment for the act during the gamein the aftermath of the 3-2 extra-time win , meekings admitted he was fortunate not to have conceded a penalty and been red-cardedon thursday , the inverness defender was cleared to play in the scottish cup final against falkirk on may 30\"]\n", + "on thursday , the inverness defender was cleared to play in the scottish cup final against falkirk on may 30 after a charge of deliberate handball to deny celtic striker leigh griffiths in last sunday 's semi-final was thrown out .in the aftermath of the 3-2 extra-time win , meekings admitted he was fortunate not to have conceded a penalty and been red-carded .the josh meekings ' saga took a new twist on friday when it emerged the sfa judicial panel had decided it was not entitled to apply retrospective punishment in his case .\n", + "josh meekings deliberately handled the ball during inverness 's 3-2 scottish cup semi-final victory against celticmeekings escaped punishment for the act during the gamein the aftermath of the 3-2 extra-time win , meekings admitted he was fortunate not to have conceded a penalty and been red-cardedon thursday , the inverness defender was cleared to play in the scottish cup final against falkirk on may 30\n", + "[1.1899748 1.345663 1.1427909 1.3676295 1.2501761 1.1850291 1.0658686\n", + " 1.0439237 1.0126984 1.1354101 1.042381 1.0815501 1.1359231 1.1204264\n", + " 1.0505003 1.1400087 1.0171454 1.0130825 0. ]\n", + "\n", + "[ 3 1 4 0 5 2 15 12 9 13 11 6 14 7 10 16 17 8 18]\n", + "=======================\n", + "[\"prime minister david cameron had brain fade after getting his claret and blue teams mixed upspeaking at an event in south london , the pm claimed to be a west ham supporter - despite previously stating that he followed aston villa .sleepless nights leading to the general election appear to have affected david cameron 's memory after prime minister made an embarrassing gaffe by forgetting which team he supports .\"]\n", + "=======================\n", + "[\"david cameron claims he is a west ham fan during a speechthe prime minister has previously said he supported aston villathe tory leader apologised , saying he experienced ` brain fade '\"]\n", + "prime minister david cameron had brain fade after getting his claret and blue teams mixed upspeaking at an event in south london , the pm claimed to be a west ham supporter - despite previously stating that he followed aston villa .sleepless nights leading to the general election appear to have affected david cameron 's memory after prime minister made an embarrassing gaffe by forgetting which team he supports .\n", + "david cameron claims he is a west ham fan during a speechthe prime minister has previously said he supported aston villathe tory leader apologised , saying he experienced ` brain fade '\n", + "[1.5126543 1.1513163 1.0399193 1.1684376 1.2225225 1.0695665 1.0946584\n", + " 1.4268472 1.0983104 1.0731319 1.0661805 1.01524 1.0197136 1.1559908\n", + " 1.1433727 1.0186952 1.0245974 1.0175176 0. ]\n", + "\n", + "[ 0 7 4 3 13 1 14 8 6 9 5 10 2 16 12 15 17 11 18]\n", + "=======================\n", + "[\"barcelona took a major step towards qualification for the last four of the champions league after they dismantled paris saint-germain on wednesday night .luis suarez scores his second of the night to give barcelona a 3-0 lead in their tie at paris saint-germainit is now 17 goals for the season and barcelona 's front three , spearheaded by suarez , lionel messi and neymar is the most in-form in world football .\"]\n", + "=======================\n", + "[\"luis suarez scored a brace while neymar also netted in 3-1 win at psgsuarez has 17 goals for the season after slow start to life at the nou campsuarez , lionel messi and neymar is the best front three in world footballpsg missed zlatan ibrahimovic 's world-class qualities in their defeat\"]\n", + "barcelona took a major step towards qualification for the last four of the champions league after they dismantled paris saint-germain on wednesday night .luis suarez scores his second of the night to give barcelona a 3-0 lead in their tie at paris saint-germainit is now 17 goals for the season and barcelona 's front three , spearheaded by suarez , lionel messi and neymar is the most in-form in world football .\n", + "luis suarez scored a brace while neymar also netted in 3-1 win at psgsuarez has 17 goals for the season after slow start to life at the nou campsuarez , lionel messi and neymar is the best front three in world footballpsg missed zlatan ibrahimovic 's world-class qualities in their defeat\n", + "[1.2712272 1.4440615 1.2373692 1.4582918 1.1292381 1.0534767 1.0679764\n", + " 1.0448244 1.0585872 1.0989134 1.0927367 1.1370622 1.0810897 1.0395676\n", + " 1.058094 1.033019 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 2 11 4 9 10 12 6 8 14 5 7 13 15 17 16 18]\n", + "=======================\n", + "[\"former manchester united midfielder anderson shoved otacilio neto off the ball to earn a red cardthe brazilian midfielder was sent off for internacional after a first-half off-the-ball shove on ypiranga erechim striker otacilio neto that also saw his opponent sent off for retaliating with an elbow .things have n't been going well for manchester united flop anderson since he left old trafford to return to brazil , but at least on wednesday his own errors were outshone by the stupidity of a team-mate .\"]\n", + "=======================\n", + "['manchester united flop anderson was sent off for internacional this weekanderson saw red for an off-the-ball shove during the first half of 1-1 drawteam-mate fabricio stole the limelight by swearing at his own fans']\n", + "former manchester united midfielder anderson shoved otacilio neto off the ball to earn a red cardthe brazilian midfielder was sent off for internacional after a first-half off-the-ball shove on ypiranga erechim striker otacilio neto that also saw his opponent sent off for retaliating with an elbow .things have n't been going well for manchester united flop anderson since he left old trafford to return to brazil , but at least on wednesday his own errors were outshone by the stupidity of a team-mate .\n", + "manchester united flop anderson was sent off for internacional this weekanderson saw red for an off-the-ball shove during the first half of 1-1 drawteam-mate fabricio stole the limelight by swearing at his own fans\n", + "[1.2891105 1.2409126 1.2086431 1.229251 1.1431491 1.2097825 1.2152731\n", + " 1.1473675 1.1165997 1.1192641 1.078194 1.114856 1.051369 1.0360957\n", + " 1.0932645 1.0691942 1.0188748 1.0167052 1.0211856]\n", + "\n", + "[ 0 1 3 6 5 2 7 4 9 8 11 14 10 15 12 13 18 16 17]\n", + "=======================\n", + "[\"washington ( cnn ) washington was rocked late thursday by shootings -- one at the gates of the u.s. census bureau 's headquarters and another in a popular area packed with restaurant patrons .the shootings were connected , authorities said .the suspect 's vehicle was spotted outside the census bureau , which is in suitland , maryland .\"]\n", + "=======================\n", + "['authorities believe the two shootings are connecteda suspect leads police on a wild chase , firing at multiple locationsa census bureau guard is in critical condition , a fire official says']\n", + "washington ( cnn ) washington was rocked late thursday by shootings -- one at the gates of the u.s. census bureau 's headquarters and another in a popular area packed with restaurant patrons .the shootings were connected , authorities said .the suspect 's vehicle was spotted outside the census bureau , which is in suitland , maryland .\n", + "authorities believe the two shootings are connecteda suspect leads police on a wild chase , firing at multiple locationsa census bureau guard is in critical condition , a fire official says\n", + "[1.3098922 1.4344994 1.2444164 1.320004 1.1123952 1.095722 1.132454\n", + " 1.0385648 1.0981202 1.0386375 1.0691457 1.0653877 1.0292529 1.0677601\n", + " 1.05282 1.0270299 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 2 6 4 8 5 10 13 11 14 9 7 12 15 20 16 17 18 19 21]\n", + "=======================\n", + "[\"the automated computer program was designed as an online shopping system that would spend up to $ 100 each week by randomly purchasing an item offered for sale on the deep web .a robot has been ` arrested ' by swiss police after it bought a supply of illegal drugs on a hidden region of the internet known as the ` dark net ' .the robot would then have its purchase mailed to a group of artists who then put the items in an exhibition in the town of st gallen , in north east switzerland .\"]\n", + "=======================\n", + "[\"random darknet shopper is a computer bot that randomly purchases an item every week from a hidden part of the internet called the dark netswiss police seized bot after it purchased 10 ecstasy tablets from germanyit was later released ` without charge ' according to the artists behind the botthey designed it as part of an art exhibition to display items bought by the robot over the dark net including trainers , a passport scan and cigarettes\"]\n", + "the automated computer program was designed as an online shopping system that would spend up to $ 100 each week by randomly purchasing an item offered for sale on the deep web .a robot has been ` arrested ' by swiss police after it bought a supply of illegal drugs on a hidden region of the internet known as the ` dark net ' .the robot would then have its purchase mailed to a group of artists who then put the items in an exhibition in the town of st gallen , in north east switzerland .\n", + "random darknet shopper is a computer bot that randomly purchases an item every week from a hidden part of the internet called the dark netswiss police seized bot after it purchased 10 ecstasy tablets from germanyit was later released ` without charge ' according to the artists behind the botthey designed it as part of an art exhibition to display items bought by the robot over the dark net including trainers , a passport scan and cigarettes\n", + "[1.25496 1.4669032 1.1312586 1.37596 1.226036 1.0683296 1.0693674\n", + " 1.0570335 1.0660986 1.2180315 1.0578035 1.0472668 1.1068217 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 4 9 2 12 6 5 8 10 7 11 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "['jamal kiyemba , 36 , was detained in the ugandan capital kampala in connection with the death of joan kagezi , who was killed in front of her children days before a major trial against islamist terror network al-shabaab .a former guantanamo bay prisoner arrested over the terrorist killing of a top female prosecutor in uganda had been awarded # 1million in compensation by the british government following his release .the 36-year-old is one of 16 former guantanamo prisoners awarded a # 20million payout from the british taxpayer over claims of false imprisonment and human rights abuse .']\n", + "=======================\n", + "[\"jamal kiyemba , arrested over killing of uganda 's top female prosecutorthe 36-year-old ugandan national grew up in london from age 14arrested in pakistan in 2002 and held at guantanamo bay until 2006after his release he claimed he had admitted to terrorism under tortureawarded # 1m compensation over human rights abuse claims\"]\n", + "jamal kiyemba , 36 , was detained in the ugandan capital kampala in connection with the death of joan kagezi , who was killed in front of her children days before a major trial against islamist terror network al-shabaab .a former guantanamo bay prisoner arrested over the terrorist killing of a top female prosecutor in uganda had been awarded # 1million in compensation by the british government following his release .the 36-year-old is one of 16 former guantanamo prisoners awarded a # 20million payout from the british taxpayer over claims of false imprisonment and human rights abuse .\n", + "jamal kiyemba , arrested over killing of uganda 's top female prosecutorthe 36-year-old ugandan national grew up in london from age 14arrested in pakistan in 2002 and held at guantanamo bay until 2006after his release he claimed he had admitted to terrorism under tortureawarded # 1m compensation over human rights abuse claims\n", + "[1.4765377 1.2472125 1.0642889 1.3981798 1.0955602 1.193661 1.1205254\n", + " 1.0699795 1.0480776 1.0349005 1.0196819 1.0179603 1.0223643 1.0306448\n", + " 1.0373356 1.0354147 1.0590682 1.0204096 1.0767536 1.0253375 1.0279685\n", + " 0. ]\n", + "\n", + "[ 0 3 1 5 6 4 18 7 2 16 8 14 15 9 13 20 19 12 17 10 11 21]\n", + "=======================\n", + "[\"everyone is watching valencia 's 19-year-old left back jose luis gaya with manchester city , arsenal and chelsea hoping to snatch him from under real madrid 's nose this summer .his buy-out clause is currently set at # 13.5 m .sportsmail 's pete jenson takes a look at the spain under 21 defender .\"]\n", + "=======================\n", + "['gaya has been linked with a number of big clubs in spain and englandreal madrid , man city , arsenal and chelsea could fight it outvalencia left-back , 19 , has a buy-out clause in his contract of just # 13.5 mhe has been impressive all season for the la liga clubthe attack-minded gaya has been capped up to under 21 level for spain']\n", + "everyone is watching valencia 's 19-year-old left back jose luis gaya with manchester city , arsenal and chelsea hoping to snatch him from under real madrid 's nose this summer .his buy-out clause is currently set at # 13.5 m .sportsmail 's pete jenson takes a look at the spain under 21 defender .\n", + "gaya has been linked with a number of big clubs in spain and englandreal madrid , man city , arsenal and chelsea could fight it outvalencia left-back , 19 , has a buy-out clause in his contract of just # 13.5 mhe has been impressive all season for the la liga clubthe attack-minded gaya has been capped up to under 21 level for spain\n", + "[1.194534 1.1170046 1.291525 1.1109707 1.0489787 1.0457927 1.1401076\n", + " 1.1118498 1.1361591 1.0482708 1.0308564 1.0494956 1.0405961 1.0325962\n", + " 1.0308383 1.018365 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 6 8 1 7 3 11 4 9 5 12 13 10 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "['if anything , the so-called \" fight of the century \" just reinforces the sport \\'s problems , as two aging heroes collide in what might be the last nationally relevant fight for a very long time .( cnn ) this weekend , millions of people are expected to tune in to watch two men beat each other up .the rocket rise of mma \\'s premier organization , the ultimate fighting championship , has matched boxing \\'s equally dramatic decline .']\n", + "=======================\n", + "[\"jonathan gottschall : millions to tune in to see mayweather-pacquiao fight , but this does n't show resurgence of declining sport of boxingso why will so many watch?he says a fight is metaphor for the whole human condition , with everything noble and ugly on display\"]\n", + "if anything , the so-called \" fight of the century \" just reinforces the sport 's problems , as two aging heroes collide in what might be the last nationally relevant fight for a very long time .( cnn ) this weekend , millions of people are expected to tune in to watch two men beat each other up .the rocket rise of mma 's premier organization , the ultimate fighting championship , has matched boxing 's equally dramatic decline .\n", + "jonathan gottschall : millions to tune in to see mayweather-pacquiao fight , but this does n't show resurgence of declining sport of boxingso why will so many watch?he says a fight is metaphor for the whole human condition , with everything noble and ugly on display\n", + "[1.2326682 1.4274709 1.2134296 1.1519136 1.227803 1.2940769 1.0440658\n", + " 1.1664033 1.0719678 1.0520059 1.0289029 1.0288775 1.0248886 1.0260452\n", + " 1.0314096 1.015424 1.2188762 1.0360808 1.0091285 1.0280985 1.0130751\n", + " 1.0131214]\n", + "\n", + "[ 1 5 0 4 16 2 7 3 8 9 6 17 14 10 11 19 13 12 15 21 20 18]\n", + "=======================\n", + "['chester , a 6-year-old pit bull mix , had been housed at the north fork animal welfare league on long island .a dog who was living in a shelter for the past five years has finally gone home to a loving family in new york state after his photo was shared on social media .this is the picture that secured chester a loving home']\n", + "=======================\n", + "[\"a heartbreaking photo of a six-year-old pit mix appeared on an animal shelter 's facebook pagethe rescue center was inundated with calls about the dogafter just a few hours , the photo of chester had been shared 6,000 timesa family was found to take care of him within days of the posting\"]\n", + "chester , a 6-year-old pit bull mix , had been housed at the north fork animal welfare league on long island .a dog who was living in a shelter for the past five years has finally gone home to a loving family in new york state after his photo was shared on social media .this is the picture that secured chester a loving home\n", + "a heartbreaking photo of a six-year-old pit mix appeared on an animal shelter 's facebook pagethe rescue center was inundated with calls about the dogafter just a few hours , the photo of chester had been shared 6,000 timesa family was found to take care of him within days of the posting\n", + "[1.1650852 1.4350233 1.3773572 1.3556594 1.2787757 1.1588855 1.116372\n", + " 1.1801165 1.148708 1.0255296 1.0172005 1.0969449 1.0173545 1.1087308\n", + " 1.2337317 1.0327518 1.0130987 1.0056489 1.0168197 1.0091906]\n", + "\n", + "[ 1 2 3 4 14 7 0 5 8 6 13 11 15 9 12 10 18 16 19 17]\n", + "=======================\n", + "[\"charlene bishop , who is 17 months old , went to feed her pony taffee on wednesday and was worried when she did n't meet her at the gate as normal .her mother danielle flisher went to investigate and found the shetland lying on the floor and dying from horrific head injuries .sickening : taffee the shetland pony was battered to death with a breeze block in the middle of the night in a brutal attack\"]\n", + "=======================\n", + "[\"taffee the shetland pony had to be put down after the breeze block attacktiny pony 's skull was caved in and concrete was found embedded in braincharlene bishop , who is 17 months old , groomed her horse every daymother says epileptic toddler ` has lost her best friend and is devastated 'warning : graphic content\"]\n", + "charlene bishop , who is 17 months old , went to feed her pony taffee on wednesday and was worried when she did n't meet her at the gate as normal .her mother danielle flisher went to investigate and found the shetland lying on the floor and dying from horrific head injuries .sickening : taffee the shetland pony was battered to death with a breeze block in the middle of the night in a brutal attack\n", + "taffee the shetland pony had to be put down after the breeze block attacktiny pony 's skull was caved in and concrete was found embedded in braincharlene bishop , who is 17 months old , groomed her horse every daymother says epileptic toddler ` has lost her best friend and is devastated 'warning : graphic content\n", + "[1.3143991 1.367402 1.4745097 1.3285905 1.2723696 1.1777003 1.0588158\n", + " 1.0125948 1.0111189 1.1672152 1.1572047 1.1879978 1.1292508 1.0300778\n", + " 1.0076879 1.0082636 1.0076659 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 0 4 11 5 9 10 12 6 13 7 8 15 14 16 18 17 19]\n", + "=======================\n", + "[\"olivier giroud believes the premier league is chelsea 's this season but arsenal will contend next seasongiroud appeared to misinterpret a question about arsene wenger praising his animal instincts in arsenal 's attack in the build-up to their 0-0 draw with chelsea .giroud ( left ) could not score against chelsea on sunday as the london rivals drew 0-0 at the emirates\"]\n", + "=======================\n", + "['arsenal forward olivier giroud has scored 18 goals this seasongunners boss arsene wenger praised animal instincts of frenchmanarsenal remain 10 points behind leaders chelsea in the title raceread : arsenal midfielder mesut ozil needs to produce in big gamesfrancis coquelin : giroud can lead arsenal to the premier league title']\n", + "olivier giroud believes the premier league is chelsea 's this season but arsenal will contend next seasongiroud appeared to misinterpret a question about arsene wenger praising his animal instincts in arsenal 's attack in the build-up to their 0-0 draw with chelsea .giroud ( left ) could not score against chelsea on sunday as the london rivals drew 0-0 at the emirates\n", + "arsenal forward olivier giroud has scored 18 goals this seasongunners boss arsene wenger praised animal instincts of frenchmanarsenal remain 10 points behind leaders chelsea in the title raceread : arsenal midfielder mesut ozil needs to produce in big gamesfrancis coquelin : giroud can lead arsenal to the premier league title\n", + "[1.2565953 1.576705 1.2253704 1.3647766 1.1101648 1.3538243 1.0285852\n", + " 1.026474 1.0259992 1.0206536 1.0739841 1.2501653 1.2919343 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 5 12 0 11 2 4 10 6 7 8 9 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"a passenger filmed the driver on a bus in auckland , new zealand , and sent the video to bus company ritchies coachlines along with a complaint .ritchies coachlines boss andrew ritchie said he was embarrassed by the ` idiot ' driver 's actions . 'a bus driver who was caught reading a newspaper while driving has been slammed by his boss as a ` complete idiot ' .\"]\n", + "=======================\n", + "[\"a passenger caught a driver reading the paper on a bus in auckland , nzhe sent the video to bus company ritchies coachlines with a complainthis boss said he was embarrassed by the ` idiot ' driver 's actions\"]\n", + "a passenger filmed the driver on a bus in auckland , new zealand , and sent the video to bus company ritchies coachlines along with a complaint .ritchies coachlines boss andrew ritchie said he was embarrassed by the ` idiot ' driver 's actions . 'a bus driver who was caught reading a newspaper while driving has been slammed by his boss as a ` complete idiot ' .\n", + "a passenger caught a driver reading the paper on a bus in auckland , nzhe sent the video to bus company ritchies coachlines with a complainthis boss said he was embarrassed by the ` idiot ' driver 's actions\n", + "[1.1512256 1.3044875 1.3241606 1.2337003 1.2387938 1.2979007 1.114008\n", + " 1.158604 1.0493355 1.015395 1.0268734 1.058004 1.0507977 1.0573591\n", + " 1.0240579 1.0345807 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 5 4 3 7 0 6 11 13 12 8 15 10 14 9 16 17 18 19]\n", + "=======================\n", + "[\"on a recent trip to paris , belgian food blogger yves van de ven enjoyed poking fun at those tourist clichés and took a couple of pictures deliberately missing some of the more famous monuments .one traveller in particular knows how wrong a holiday snap can go , after he posted a picture online of him ` missing ' the top of the eiffel tower and asked users to help improve his photo .since then over 100 photoshopped pictures have sprung up comically connecting his finger with the tip of the famous attraction , and it did n't stop there ...\"]\n", + "=======================\n", + "['food blogger van de ven wanted to poke fun at tourist cliche picturesone of his finger missing the eiffel tower went viral on 4chanover 100 uploads have photoshopped him touching the 301m tower tipusers created multiple memes of him in many various hilarious scenarios']\n", + "on a recent trip to paris , belgian food blogger yves van de ven enjoyed poking fun at those tourist clichés and took a couple of pictures deliberately missing some of the more famous monuments .one traveller in particular knows how wrong a holiday snap can go , after he posted a picture online of him ` missing ' the top of the eiffel tower and asked users to help improve his photo .since then over 100 photoshopped pictures have sprung up comically connecting his finger with the tip of the famous attraction , and it did n't stop there ...\n", + "food blogger van de ven wanted to poke fun at tourist cliche picturesone of his finger missing the eiffel tower went viral on 4chanover 100 uploads have photoshopped him touching the 301m tower tipusers created multiple memes of him in many various hilarious scenarios\n", + "[1.3881451 1.1222377 1.2171808 1.1766497 1.111119 1.0716702 1.2032211\n", + " 1.1108989 1.0654782 1.1215935 1.0585132 1.0145935 1.0136032 1.0594554\n", + " 1.0815794 1.0439196 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 6 3 1 9 4 7 14 5 8 13 10 15 11 12 18 16 17 19]\n", + "=======================\n", + "[\"( cnn ) in 2001 , the taliban wiped out 1700 years of history in a matter of seconds , by blowing up ancient buddha statues in central afghanistan with dynamite .sadly , the event was just the first in a series of atrocities that have robbed the world of some of its most prized cultural heritage .now cyark , a non-profit company founded by an iraqi-born engineer , is using groundbreaking laser scanning to ensure that -- at the very least -- incredibly accurate digital versions of the world 's treasures will stay with us forever .\"]\n", + "=======================\n", + "['a company called cyark specializes in digital preservation of threatened ancient and historical architecturefounded by an iraqi-born engineer , it plans to preserve 500 world heritage sites within five years']\n", + "( cnn ) in 2001 , the taliban wiped out 1700 years of history in a matter of seconds , by blowing up ancient buddha statues in central afghanistan with dynamite .sadly , the event was just the first in a series of atrocities that have robbed the world of some of its most prized cultural heritage .now cyark , a non-profit company founded by an iraqi-born engineer , is using groundbreaking laser scanning to ensure that -- at the very least -- incredibly accurate digital versions of the world 's treasures will stay with us forever .\n", + "a company called cyark specializes in digital preservation of threatened ancient and historical architecturefounded by an iraqi-born engineer , it plans to preserve 500 world heritage sites within five years\n", + "[1.3867849 1.060909 1.2361417 1.0771517 1.2274171 1.115541 1.103344\n", + " 1.1289409 1.120997 1.0537472 1.08235 1.1370158 1.1135107 1.0557511\n", + " 1.0416878 1.0513123]\n", + "\n", + "[ 0 2 4 11 7 8 5 12 6 10 3 1 13 9 15 14]\n", + "=======================\n", + "[\"when george clooney tied the knot with british lawyer amal alamuddin in 2014 , they chose venice as the place to get married .come may , lovers of art will be flocking to the city too as it plays host to its biennale art festival , an exhibition when over 88 nations showcase their country 's best works of art in national pavilions dotted throughout the city .the belmond hotel cipriani is on the island of giudecca , just a few minutes by water taxi from saint mark 's square .\"]\n", + "=======================\n", + "[\"art lovers flock to the city of canals set on a lagoon in the adriatic every two years for the 6-month cultural festivalthe atmospheric waterways and majestic buildings meant it was chosen by the clooneys for their nuptialsthe clooneys ' favourite hotels are some of the the most beautiful in italy - but they do n't come cheap\"]\n", + "when george clooney tied the knot with british lawyer amal alamuddin in 2014 , they chose venice as the place to get married .come may , lovers of art will be flocking to the city too as it plays host to its biennale art festival , an exhibition when over 88 nations showcase their country 's best works of art in national pavilions dotted throughout the city .the belmond hotel cipriani is on the island of giudecca , just a few minutes by water taxi from saint mark 's square .\n", + "art lovers flock to the city of canals set on a lagoon in the adriatic every two years for the 6-month cultural festivalthe atmospheric waterways and majestic buildings meant it was chosen by the clooneys for their nuptialsthe clooneys ' favourite hotels are some of the the most beautiful in italy - but they do n't come cheap\n", + "[1.5503205 1.3408498 1.1325939 1.1334937 1.235394 1.1788212 1.093558\n", + " 1.1407453 1.0401487 1.1009327 1.0737876 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 4 5 7 3 2 9 6 10 8 11 12 13 14 15]\n", + "=======================\n", + "['hong kong ( cnn ) cathay pacific was forced to cancel a scheduled flight from london to hong kong after one of the pilots was arrested after trying to board the airliner with knives in his luggage .the pilot , who has not been identified , was stopped during security checks as the flight prepared to depart on saturday night , the metropolitan police said in a statement monday .he was then taken into custody at a local police station where he was later bailed and ordered to return in may pending an investigation , the police statement added .']\n", + "=======================\n", + "['pilot stopped during security checks as the flight prepared to depart on saturday nightcathay pacific runs regular flights between its hong kong hub and londonthe male pilot has been bailed pending an investigation']\n", + "hong kong ( cnn ) cathay pacific was forced to cancel a scheduled flight from london to hong kong after one of the pilots was arrested after trying to board the airliner with knives in his luggage .the pilot , who has not been identified , was stopped during security checks as the flight prepared to depart on saturday night , the metropolitan police said in a statement monday .he was then taken into custody at a local police station where he was later bailed and ordered to return in may pending an investigation , the police statement added .\n", + "pilot stopped during security checks as the flight prepared to depart on saturday nightcathay pacific runs regular flights between its hong kong hub and londonthe male pilot has been bailed pending an investigation\n", + "[1.650049 1.1356586 1.4531546 1.1402187 1.1054184 1.260221 1.2170057\n", + " 1.1066115 1.1999837 1.0491053 1.0388626 1.0732397 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 5 6 8 3 1 7 4 11 9 10 12 13 14 15]\n", + "=======================\n", + "['angelique kerber of germany upset three-time defending champion maria sharapova 2-6 , 7-5 , 6-1 in the second round of the porsche grand prix on thursday .earlier , madison brengle of the united states upset third seed petra kvitova 6-3 , 7-6 ( 2 ) .three-time champion sharapova had won her previous 13 matches in stuttgart']\n", + "=======================\n", + "['maria sharapova lost to angelique kerber in stuttgart on thursdaythe german fought back to claim a 2-6 , 7-5 , 6-1 victorysharapova will now be replaced by simona halep as the world no 2']\n", + "angelique kerber of germany upset three-time defending champion maria sharapova 2-6 , 7-5 , 6-1 in the second round of the porsche grand prix on thursday .earlier , madison brengle of the united states upset third seed petra kvitova 6-3 , 7-6 ( 2 ) .three-time champion sharapova had won her previous 13 matches in stuttgart\n", + "maria sharapova lost to angelique kerber in stuttgart on thursdaythe german fought back to claim a 2-6 , 7-5 , 6-1 victorysharapova will now be replaced by simona halep as the world no 2\n", + "[1.5175247 1.3903342 1.2576004 1.2610654 1.3395417 1.2349218 1.0842674\n", + " 1.029147 1.1235662 1.0389254 1.0159657 1.0534626 1.0112528 1.0156442\n", + " 1.0105013 1.0149949]\n", + "\n", + "[ 0 1 4 3 2 5 8 6 11 9 7 10 13 15 12 14]\n", + "=======================\n", + "[\"west ham striker carlton cole says he ca n't approach sam allardyce about a new contract - because the manager does n't know whether he 's even staying at upton park .cole 's contract expires at the end of the season and it is unclear whether he 'll stay at the club beyond the summer .carlton cole attended a football fighting ebola event with nathaniel clyne on sunday\"]\n", + "=======================\n", + "[\"carlton cole 's west ham contract expires at the end of the seasonmanager sam allardyce is also facing an uncertain future at the clubhis contract is up at the end of the season and it looks likely he will leavecole almost joined west brom in january before allardyce pulled the plug\"]\n", + "west ham striker carlton cole says he ca n't approach sam allardyce about a new contract - because the manager does n't know whether he 's even staying at upton park .cole 's contract expires at the end of the season and it is unclear whether he 'll stay at the club beyond the summer .carlton cole attended a football fighting ebola event with nathaniel clyne on sunday\n", + "carlton cole 's west ham contract expires at the end of the seasonmanager sam allardyce is also facing an uncertain future at the clubhis contract is up at the end of the season and it looks likely he will leavecole almost joined west brom in january before allardyce pulled the plug\n", + "[1.3190525 1.3801943 1.2123144 1.3801932 1.1561092 1.0850381 1.1245551\n", + " 1.0590359 1.0969734 1.0767055 1.0963067 1.0538118 1.0454863 1.068251\n", + " 1.0386024 1.0098644]\n", + "\n", + "[ 1 3 0 2 4 6 8 10 5 9 13 7 11 12 14 15]\n", + "=======================\n", + "[\"leonhart is a career drug agent who has led the agency since 2007 and is the second woman to hold the job .dea head michele leonhart , is expected to resign soon , an obama administration official said tuesday , as she faces mounting criticism from congress that she 's been unable to change the agency 's cultureshe has faced mounting pressure from congress , where some questioned her competence in the wake of a scathing government watchdog report detailing allegations that agents attended sex parties with prostitutes .\"]\n", + "=======================\n", + "[\"dea head michele leonhart is expected to resign soon , an obama administration official said tuesdayshe has led the agency since 2007 and is only the second woman to hold the jobhas been criticized as ` woefully ' unable to change the agency 's culture as detailed allegations about agent scandals mount\"]\n", + "leonhart is a career drug agent who has led the agency since 2007 and is the second woman to hold the job .dea head michele leonhart , is expected to resign soon , an obama administration official said tuesday , as she faces mounting criticism from congress that she 's been unable to change the agency 's cultureshe has faced mounting pressure from congress , where some questioned her competence in the wake of a scathing government watchdog report detailing allegations that agents attended sex parties with prostitutes .\n", + "dea head michele leonhart is expected to resign soon , an obama administration official said tuesdayshe has led the agency since 2007 and is only the second woman to hold the jobhas been criticized as ` woefully ' unable to change the agency 's culture as detailed allegations about agent scandals mount\n", + "[1.5130439 1.3562014 1.1162566 1.2222764 1.120682 1.4256325 1.3247787\n", + " 1.186379 1.0909035 1.0874108 1.029274 1.0587088 1.0491308 1.0409473\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 5 1 6 3 7 4 2 8 9 11 12 13 10 14 15 16 17 18]\n", + "=======================\n", + "['bayern munich holding midfielder bastian schweinsteiger is doubtful for their german cup quarter-final against bayer leverkusen on wednesday after picking up an ankle injury .schweinsteiger limped off with an ankle problem in their 1-0 victory over borussia dortmund in the bundesliga on saturday but bayern said it was not too serious after early concerns for a player ravaged by injuries .schweinsteiger did not train on monday .']\n", + "=======================\n", + "[\"schweinsteiger will miss dfb-pokal tie with bayer leverkusengermany captain suffered ankle injury in 1-0 win over borussia dortmundbayern confirmed the injury was n't serious but he did n't train on mondayreserve goalkeeper tom starke ruled out for four weeksarjen robben and franck ribery are also on the bayern injury list\"]\n", + "bayern munich holding midfielder bastian schweinsteiger is doubtful for their german cup quarter-final against bayer leverkusen on wednesday after picking up an ankle injury .schweinsteiger limped off with an ankle problem in their 1-0 victory over borussia dortmund in the bundesliga on saturday but bayern said it was not too serious after early concerns for a player ravaged by injuries .schweinsteiger did not train on monday .\n", + "schweinsteiger will miss dfb-pokal tie with bayer leverkusengermany captain suffered ankle injury in 1-0 win over borussia dortmundbayern confirmed the injury was n't serious but he did n't train on mondayreserve goalkeeper tom starke ruled out for four weeksarjen robben and franck ribery are also on the bayern injury list\n", + "[1.3216741 1.3188936 1.1224765 1.0782355 1.152085 1.0740037 1.0947405\n", + " 1.0265534 1.0146296 1.0558234 1.3156965 1.1429851 1.2069186 1.0148182\n", + " 1.0150279 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 10 12 4 11 2 6 3 5 9 7 14 13 8 15 16 17 18]\n", + "=======================\n", + "[\"the stage was set for the coronation of king jimmy on tuesday but west indies stubbornly refused to hurry him to his throne .the perfect script for this first test saw anderson taking the four wickets he needed to become the most prolific bowler in england 's history in his 100th game with record holder sir ian botham here and waiting to crown his successor .jerome taylor celebrates dismissing stokes to take west indies ' first wicket of the day in antigua\"]\n", + "=======================\n", + "[\"west indies reach 155 for four at stumps on day two of first testhosts still 244 runs adrift of england 's first innings total of 399resuming on 341 for five , england 's final five wickets fell for 58jimmy anderson , chris jordan , stuart broad and james tredwell all take a wicket each in west indies ' first innings at sir viv richards stadiumanderson has 381 test wickets , two less than sir ian bothamshiv chanderpaul 29 * and jermaine blackwood 30 * at stumpsnasser hussain : jimmy anderson is still the sultan of swing\"]\n", + "the stage was set for the coronation of king jimmy on tuesday but west indies stubbornly refused to hurry him to his throne .the perfect script for this first test saw anderson taking the four wickets he needed to become the most prolific bowler in england 's history in his 100th game with record holder sir ian botham here and waiting to crown his successor .jerome taylor celebrates dismissing stokes to take west indies ' first wicket of the day in antigua\n", + "west indies reach 155 for four at stumps on day two of first testhosts still 244 runs adrift of england 's first innings total of 399resuming on 341 for five , england 's final five wickets fell for 58jimmy anderson , chris jordan , stuart broad and james tredwell all take a wicket each in west indies ' first innings at sir viv richards stadiumanderson has 381 test wickets , two less than sir ian bothamshiv chanderpaul 29 * and jermaine blackwood 30 * at stumpsnasser hussain : jimmy anderson is still the sultan of swing\n", + "[1.178301 1.3895856 1.1731912 1.2497313 1.2133641 1.268963 1.210917\n", + " 1.1218039 1.0804528 1.0809915 1.0343152 1.0497302 1.0987672 1.0377524\n", + " 1.0499107 1.0552396 1.0348452 1.0086055 1.0129994]\n", + "\n", + "[ 1 5 3 4 6 0 2 7 12 9 8 15 14 11 13 16 10 18 17]\n", + "=======================\n", + "[\"danielle and alexander meitiv , both scientists in maryland , made headlines just before christmas when police found rafi , 10 and dvora , six , wandering the sidewalk on their own .picked up again : the meitivs say they were left to panic for hours by cps workers after their children -- who they raise with a so-called ` free-range ' approach -- were picked up by police for the second time in two months while walking down the street alonechild protection services have again seized the two ` free range ' children of a mother and father whose unusual approach to parenting has become a national debate .\"]\n", + "=======================\n", + "[\"police seized rafi , 10 , and dvora , 6 , in a maryland park on sunday and their parents say they were n't reunited by cps for hoursscientists danielle and alexander meitiv believe in ` free range parenting ' meaning the children are afforded total independence from infancythe meitivs were found guilty of neglect in march .\"]\n", + "danielle and alexander meitiv , both scientists in maryland , made headlines just before christmas when police found rafi , 10 and dvora , six , wandering the sidewalk on their own .picked up again : the meitivs say they were left to panic for hours by cps workers after their children -- who they raise with a so-called ` free-range ' approach -- were picked up by police for the second time in two months while walking down the street alonechild protection services have again seized the two ` free range ' children of a mother and father whose unusual approach to parenting has become a national debate .\n", + "police seized rafi , 10 , and dvora , 6 , in a maryland park on sunday and their parents say they were n't reunited by cps for hoursscientists danielle and alexander meitiv believe in ` free range parenting ' meaning the children are afforded total independence from infancythe meitivs were found guilty of neglect in march .\n", + "[1.2674708 1.3593524 1.3613048 1.1346555 1.1932118 1.1516848 1.1130531\n", + " 1.0363407 1.1398987 1.0206919 1.034485 1.0220261 1.0337766 1.0993867\n", + " 1.0731454 1.0973986 1.0924382 1.0346907 1.0592573]\n", + "\n", + "[ 2 1 0 4 5 8 3 6 13 15 16 14 18 7 17 10 12 11 9]\n", + "=======================\n", + "[\"the five-year-old panicked and ran to the window but fell between the protective metal slats of the residential property , the people 's daily online reports .na chu had just returned from a trip to the zoo when her grandmother accidentally locked her in the house by herself in the xiangtan , south china .a little girl who slipped through metal bars and became trapped by the neck was saved by the heroic efforts of her neighbours .\"]\n", + "=======================\n", + "['five-year-old had accidentally been locked in by grandmashe ran to the window to shout her but fell between the metal slatsneighbours used piece of pipe and other items to take weight off neckemergency crews arrived 30 minutes later to free her from railings']\n", + "the five-year-old panicked and ran to the window but fell between the protective metal slats of the residential property , the people 's daily online reports .na chu had just returned from a trip to the zoo when her grandmother accidentally locked her in the house by herself in the xiangtan , south china .a little girl who slipped through metal bars and became trapped by the neck was saved by the heroic efforts of her neighbours .\n", + "five-year-old had accidentally been locked in by grandmashe ran to the window to shout her but fell between the metal slatsneighbours used piece of pipe and other items to take weight off neckemergency crews arrived 30 minutes later to free her from railings\n", + "[1.1847465 1.4821681 1.2687843 1.1535736 1.1271104 1.1246387 1.0276797\n", + " 1.2676394 1.0656451 1.0857297 1.0794173 1.0481489 1.0733831 1.0813409\n", + " 1.0495585 1.0640634 0. 0. 0. ]\n", + "\n", + "[ 1 2 7 0 3 4 5 9 13 10 12 8 15 14 11 6 17 16 18]\n", + "=======================\n", + "[\"the dog named stains had its coat trimmed to resemble a lion when its owners sent it to the groomers .according to the dog 's owner , stains is a sheep-herding breed and his thick coat , which is best suited for colder climates , had become uncomfortable in the recent sunshine .a family pooch received an interesting make-over when it came back from the groomers looking less like a domesticated pet and more like a wild cat .\"]\n", + "=======================\n", + "['the dog named stains required a cut because of the warm weatherowner decided pet pooch needed a new look and got it cut like lionvideo captures the owner laughing hysterically while filming results']\n", + "the dog named stains had its coat trimmed to resemble a lion when its owners sent it to the groomers .according to the dog 's owner , stains is a sheep-herding breed and his thick coat , which is best suited for colder climates , had become uncomfortable in the recent sunshine .a family pooch received an interesting make-over when it came back from the groomers looking less like a domesticated pet and more like a wild cat .\n", + "the dog named stains required a cut because of the warm weatherowner decided pet pooch needed a new look and got it cut like lionvideo captures the owner laughing hysterically while filming results\n", + "[1.1971064 1.562797 1.2957822 1.289914 1.1159432 1.0429871 1.0340632\n", + " 1.0165483 1.0347556 1.1998165 1.1246028 1.1668168 1.0407599 1.0791262\n", + " 1.0604002 1.0722036 1.0618227 1.0179653 1.0481702 0. ]\n", + "\n", + "[ 1 2 3 9 0 11 10 4 13 15 16 14 18 5 12 8 6 17 7 19]\n", + "=======================\n", + "['katie prager , 24 , was diagnosed with an infection in her lungs in september 2009 and is desperately in need of a transplant as doctors predicted she would not live a year without new lungs .as her health continues to decline , her husband dalton , 23 , who has already received new lungs , is pleading for help .her insurance company , kentucky medicaid , will not pay for the out-of-state treatment she needs at the university of pittsburgh medical center , he says .']\n", + "=======================\n", + "['katie and dalton prager , 24 and 23 , met in 2009 and married two years laterthey both suffer from cystic fibrosis , and in november 2014 , dalton received new lungskatie is still waiting for a lung transplant because insurance company will not pay for the out-of-state treatment she needs , husband saysdoctors predict she will not live a year without new lungs` they are turning my wife into a number , a statistic , a dollar sign .']\n", + "katie prager , 24 , was diagnosed with an infection in her lungs in september 2009 and is desperately in need of a transplant as doctors predicted she would not live a year without new lungs .as her health continues to decline , her husband dalton , 23 , who has already received new lungs , is pleading for help .her insurance company , kentucky medicaid , will not pay for the out-of-state treatment she needs at the university of pittsburgh medical center , he says .\n", + "katie and dalton prager , 24 and 23 , met in 2009 and married two years laterthey both suffer from cystic fibrosis , and in november 2014 , dalton received new lungskatie is still waiting for a lung transplant because insurance company will not pay for the out-of-state treatment she needs , husband saysdoctors predict she will not live a year without new lungs` they are turning my wife into a number , a statistic , a dollar sign .\n", + "[1.293595 1.3138722 1.3152224 1.2439251 1.1486236 1.0396912 1.0373884\n", + " 1.0878742 1.0465975 1.02869 1.053956 1.1494552 1.0909005 1.0568329\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 11 4 12 7 13 10 8 5 6 9 14 15 16 17 18 19]\n", + "=======================\n", + "[\"the post claims to reveal the information of fbi director james comey and dhs director charles johnson , in addition to previous directors , cnn reports .along with a paranoid message proclaiming the officials to be ` nwo stooges , ' the group , or possibly individual , released the info of employees of the cia , fbi and dhs on the site pastebin.com , which allows anonymous posts .federal law enforcement officials say a right wing group has published the names , numbers and addresses of senior and former officials with several government agencies .\"]\n", + "=======================\n", + "[\"an anonymous post on pastebin.com claims to reveal addresses of fbi director james comey , dhs director charles johnson and othersalso included in the post were p.o. box addresses the writer claims are used by the cia as cover addressesthe post also read ` jesus is lord , and the public is in charge , not these satanic nwo stooges '\"]\n", + "the post claims to reveal the information of fbi director james comey and dhs director charles johnson , in addition to previous directors , cnn reports .along with a paranoid message proclaiming the officials to be ` nwo stooges , ' the group , or possibly individual , released the info of employees of the cia , fbi and dhs on the site pastebin.com , which allows anonymous posts .federal law enforcement officials say a right wing group has published the names , numbers and addresses of senior and former officials with several government agencies .\n", + "an anonymous post on pastebin.com claims to reveal addresses of fbi director james comey , dhs director charles johnson and othersalso included in the post were p.o. box addresses the writer claims are used by the cia as cover addressesthe post also read ` jesus is lord , and the public is in charge , not these satanic nwo stooges '\n", + "[1.1800175 1.4509561 1.2738676 1.3063105 1.1967615 1.1893474 1.1647098\n", + " 1.0305805 1.0446223 1.0182284 1.0280051 1.0620595 1.0464714 1.0831949\n", + " 1.0503968 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 5 0 6 13 11 14 12 8 7 10 9 15 16 17 18 19]\n", + "=======================\n", + "[\"natali castellanos-tyler , 30 , a married mother of three from chesterfield county , was returning home from a birthday party february 21 with her daughter , elisa , in the backseat when she supposedly slid off a rain-soaked road , slammed her silver ford explorer into a tree and died at the scene .investigators concluded that the crash was a one-car collision that was caused by poor road conditions .a 3-year-old 's recurring nightmare about a mysterious white van may help shed light on what really happened the day her mother died in an suv crash that virginia police have ruled a tragic accident .\"]\n", + "=======================\n", + "[\"natali castellanos-tyler , 30 , married mother of three from virginia , was killed when she crashed into tree february 21daughter elisa , now 3 , was in backseat of tyler 's ford explorer and survived crashpolice ruled that it was a one-car collision caused by sleek roadcraig tyler , victim 's husband , says little elisa has been having recurring dream featuring a white van at crash scenewhite box truck has been tentatively linked to three hit-and-run incidents in neighboring communities between march 29 and april 3each time , truck side-swiped passing vehicle and sped off ; april 3 crash involved a school bus filled with students\"]\n", + "natali castellanos-tyler , 30 , a married mother of three from chesterfield county , was returning home from a birthday party february 21 with her daughter , elisa , in the backseat when she supposedly slid off a rain-soaked road , slammed her silver ford explorer into a tree and died at the scene .investigators concluded that the crash was a one-car collision that was caused by poor road conditions .a 3-year-old 's recurring nightmare about a mysterious white van may help shed light on what really happened the day her mother died in an suv crash that virginia police have ruled a tragic accident .\n", + "natali castellanos-tyler , 30 , married mother of three from virginia , was killed when she crashed into tree february 21daughter elisa , now 3 , was in backseat of tyler 's ford explorer and survived crashpolice ruled that it was a one-car collision caused by sleek roadcraig tyler , victim 's husband , says little elisa has been having recurring dream featuring a white van at crash scenewhite box truck has been tentatively linked to three hit-and-run incidents in neighboring communities between march 29 and april 3each time , truck side-swiped passing vehicle and sped off ; april 3 crash involved a school bus filled with students\n", + "[1.4362036 1.5015259 1.223948 1.3457485 1.260159 1.2725341 1.1262634\n", + " 1.0963905 1.0358753 1.0193946 1.1003779 1.0341986 1.0219166 1.0212278\n", + " 1.0201395 1.0494202 1.0416989 1.1156675 0. 0. ]\n", + "\n", + "[ 1 0 3 5 4 2 6 17 10 7 15 16 8 11 12 13 14 9 18 19]\n", + "=======================\n", + "[\"the brazilian collided with an onrushing david ospina in the 16th minute at the emirates stadium and was sent to hospital at half time for checks .chelsea were forced to substitute oscar during the derby against arsenal after their creative midfielder suffered ` possible concussion ' in the first half .oscar was clattered into by arsenal goalkeeper david ospina during sunday 's london derby\"]\n", + "=======================\n", + "[\"chelsea were n't awarded a penalty for david ospina 's clash with oscararsenal goalkeeper clattered oscar inside the boxbrazilian was taken off at half-time , with didier drogba replacing him\"]\n", + "the brazilian collided with an onrushing david ospina in the 16th minute at the emirates stadium and was sent to hospital at half time for checks .chelsea were forced to substitute oscar during the derby against arsenal after their creative midfielder suffered ` possible concussion ' in the first half .oscar was clattered into by arsenal goalkeeper david ospina during sunday 's london derby\n", + "chelsea were n't awarded a penalty for david ospina 's clash with oscararsenal goalkeeper clattered oscar inside the boxbrazilian was taken off at half-time , with didier drogba replacing him\n", + "[1.4240303 1.3572359 1.2520947 1.2125946 1.351012 1.1933005 1.0236255\n", + " 1.0409042 1.0139923 1.2538717 1.0825684 1.0217625 1.0202389 1.0374441\n", + " 1.0364603 1.1081382 1.0376636 1.0805165 1.0446125 1.0655044]\n", + "\n", + "[ 0 1 4 9 2 3 5 15 10 17 19 18 7 16 13 14 6 11 12 8]\n", + "=======================\n", + "[\"joe root became the second-youngest england batsman to reach 2,000 test runs , after alastair cook .root reached the milestone aged 24 years , 115 days .joe root 's 182 not out took him past 2,000 runs in tests , the second fastest englishman to the milestone\"]\n", + "=======================\n", + "[\"ben stokes ' dad gerard tweets his approval of marlon samuels ' salutejoe root moves to 2,000 test runs , faster than sachin tendulkarstuart broad wastes another review , branded the worst of his career\"]\n", + "joe root became the second-youngest england batsman to reach 2,000 test runs , after alastair cook .root reached the milestone aged 24 years , 115 days .joe root 's 182 not out took him past 2,000 runs in tests , the second fastest englishman to the milestone\n", + "ben stokes ' dad gerard tweets his approval of marlon samuels ' salutejoe root moves to 2,000 test runs , faster than sachin tendulkarstuart broad wastes another review , branded the worst of his career\n", + "[1.2180533 1.4072868 1.3956234 1.2162002 1.0757742 1.1396749 1.0355467\n", + " 1.0619574 1.2042953 1.1291893 1.0629394 1.1019323 1.1331043 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 8 5 12 9 11 4 10 7 6 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "['susan monica , a 66-year-old pig farmer and welder from southern oregon , went on trial on tuesday in medford .she has been charged with killing two handymen living on her 20-acre pig ranch in a small jackson county community and dismembering the bodies .a woman on trial for murder admitted in a recorded interview with police that she had shot two men and fed their bodies to her pigs , the jury heard on tuesday .']\n", + "=======================\n", + "['susan monica , from southern oregon , allegedly killed two handymen living on her pig ranchdefense lawyer garren pedemonte said monica shot the first victim in self-defense and the second as a kind of mercy killingmonica claimed she shot robert harry haney , 56 , to put him out of his misery because she found her pigs already feeding on him']\n", + "susan monica , a 66-year-old pig farmer and welder from southern oregon , went on trial on tuesday in medford .she has been charged with killing two handymen living on her 20-acre pig ranch in a small jackson county community and dismembering the bodies .a woman on trial for murder admitted in a recorded interview with police that she had shot two men and fed their bodies to her pigs , the jury heard on tuesday .\n", + "susan monica , from southern oregon , allegedly killed two handymen living on her pig ranchdefense lawyer garren pedemonte said monica shot the first victim in self-defense and the second as a kind of mercy killingmonica claimed she shot robert harry haney , 56 , to put him out of his misery because she found her pigs already feeding on him\n", + "[1.1818057 1.5323694 1.2853221 1.3961087 1.2330571 1.1398077 1.1417704\n", + " 1.1150697 1.0420326 1.0915638 1.028774 1.0744466 1.0377699 1.0603184\n", + " 1.0858077 1.106119 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 4 0 6 5 7 15 9 14 11 13 8 12 10 16 17 18 19 20 21]\n", + "=======================\n", + "['on friday , ruben costa , 35 , pleaded guilty to impersonating a member of the police force , but was only handed a two-month suspended sentence , according to the nt news .the incident occurred when the northern territory man returned home from work to find his wife had left him , taking their son and possessions .the father pretended to be a police officer investigating a crime over the phone , claiming he needed the assistance of taxi drivers in the area']\n", + "=======================\n", + "[\"darwin 's ruben costa impersonated police officer to find his wife and childhe came home from work to find his wife had left with his young soncosta called a taxi company , pretending to be a police officer searching for a woman who had abducted a childthe taxi company were able to provide costa with his wife 's locationcosta confronted his wife at the women 's refuge where she had fledcosta was handed a suspended sentence for his ` devious ' actions\"]\n", + "on friday , ruben costa , 35 , pleaded guilty to impersonating a member of the police force , but was only handed a two-month suspended sentence , according to the nt news .the incident occurred when the northern territory man returned home from work to find his wife had left him , taking their son and possessions .the father pretended to be a police officer investigating a crime over the phone , claiming he needed the assistance of taxi drivers in the area\n", + "darwin 's ruben costa impersonated police officer to find his wife and childhe came home from work to find his wife had left with his young soncosta called a taxi company , pretending to be a police officer searching for a woman who had abducted a childthe taxi company were able to provide costa with his wife 's locationcosta confronted his wife at the women 's refuge where she had fledcosta was handed a suspended sentence for his ` devious ' actions\n", + "[1.1885152 1.5017003 1.1928769 1.256656 1.3687938 1.1841542 1.352211\n", + " 1.1289021 1.0780956 1.0218205 1.0125312 1.0200223 1.0551188 1.0493504\n", + " 1.0499164 1.0233372 1.0163643 1.0825063 1.0658258 1.0229743 1.0112476\n", + " 1.0474497]\n", + "\n", + "[ 1 4 6 3 2 0 5 7 17 8 18 12 14 13 21 15 19 9 11 16 10 20]\n", + "=======================\n", + "[\"for the first time , zella jackson price , 76 , and melanie diane gilmore , 49 , met in-person at price 's olivette home .but gilmore was alive and for an unknown reason adopted by another family .when price gave birth at homer g. phillips hospital so many years ago , she was told shortly after delivery that the infant had died .\"]\n", + "=======================\n", + "['zella jackson price of olivette , missiouri , gave birth to her baby 49 years agoafter she was told her baby had died , the baby , now named melanie gilmore , was adopted to another family for an unknown reasonprice , 76 , and gilmore , 49 , confirmed they were related through a dna testthey both appear to be overwhelmed with emotion during reunionsoon they will begin an investigation into the hospital to see what happened']\n", + "for the first time , zella jackson price , 76 , and melanie diane gilmore , 49 , met in-person at price 's olivette home .but gilmore was alive and for an unknown reason adopted by another family .when price gave birth at homer g. phillips hospital so many years ago , she was told shortly after delivery that the infant had died .\n", + "zella jackson price of olivette , missiouri , gave birth to her baby 49 years agoafter she was told her baby had died , the baby , now named melanie gilmore , was adopted to another family for an unknown reasonprice , 76 , and gilmore , 49 , confirmed they were related through a dna testthey both appear to be overwhelmed with emotion during reunionsoon they will begin an investigation into the hospital to see what happened\n", + "[1.3553216 1.3684424 1.1834416 1.286794 1.1936976 1.0771197 1.1791012\n", + " 1.0809052 1.0817068 1.0635406 1.0840404 1.0138847 1.0544018 1.0696397\n", + " 1.0267385 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 4 2 6 10 8 7 5 13 9 12 14 11 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"video shows reserve deputy robert bates announcing he is going to deploy his taser after an undercover weapons sting on april 2 , but then shooting eric courtney harris in the back with a handgun .tulsa , oklahoma ( cnn ) the tulsa county deputy who shot and killed a man instead of using his taser now faces a manslaughter charge .it 's a felony charge that could land the volunteer deputy in prison for up to four years if he 's found guilty .\"]\n", + "=======================\n", + "['harris family attorney says volunteer deputy was a donor who paid to play a copan attorney representing reserve deputy robert bates says it was an \" excusable homicide \"eric harris \\' brother says the shooting was \" simply evil , \" accuses investigators of trying to cover it up']\n", + "video shows reserve deputy robert bates announcing he is going to deploy his taser after an undercover weapons sting on april 2 , but then shooting eric courtney harris in the back with a handgun .tulsa , oklahoma ( cnn ) the tulsa county deputy who shot and killed a man instead of using his taser now faces a manslaughter charge .it 's a felony charge that could land the volunteer deputy in prison for up to four years if he 's found guilty .\n", + "harris family attorney says volunteer deputy was a donor who paid to play a copan attorney representing reserve deputy robert bates says it was an \" excusable homicide \"eric harris ' brother says the shooting was \" simply evil , \" accuses investigators of trying to cover it up\n", + "[1.2429456 1.3064106 1.2192241 1.3593587 1.0566157 1.1577852 1.173825\n", + " 1.0453813 1.1505882 1.0501041 1.1598196 1.0906745 1.0239036 1.0581889\n", + " 1.0215914 1.1523299 1.0085143 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 0 2 6 10 5 15 8 11 13 4 9 7 12 14 16 20 17 18 19 21]\n", + "=======================\n", + "['chase headley and mark teixeira hit tying home runs for the yankees in a game interrupted by a power outage for 16 minutes in the 12th .boston took a 6-5 lead in the 19th inning on saturday morning on a sacrifice fly by mookie betts .in one of the classic games of their long and illustrious rivalry , the first meeting of the season between the boston red sox and new york yankees lasted nearly seven hours - becoming the longest game in team history for both .']\n", + "=======================\n", + "['in first meeting of the season between the rivals power outage delayed game 16 minutes in the 12th inningthe game lasted six hours and 49 minutes pushing past 2am on saturday east coast time and came to an end after 19 innings']\n", + "chase headley and mark teixeira hit tying home runs for the yankees in a game interrupted by a power outage for 16 minutes in the 12th .boston took a 6-5 lead in the 19th inning on saturday morning on a sacrifice fly by mookie betts .in one of the classic games of their long and illustrious rivalry , the first meeting of the season between the boston red sox and new york yankees lasted nearly seven hours - becoming the longest game in team history for both .\n", + "in first meeting of the season between the rivals power outage delayed game 16 minutes in the 12th inningthe game lasted six hours and 49 minutes pushing past 2am on saturday east coast time and came to an end after 19 innings\n", + "[1.3665949 1.316268 1.2159419 1.1138911 1.1797203 1.1461469 1.1068642\n", + " 1.0926416 1.144466 1.131532 1.0340093 1.0807478 1.2282416 1.1430378\n", + " 1.0453951 1.0120226 1.0598885 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 12 2 4 5 8 13 9 3 6 7 11 16 14 10 15 19 17 18 20]\n", + "=======================\n", + "[\"the hobart international airport website has been shut down after it was hacked and defaced with a statement supporting the radical islamist group isis , also known as islamic state or is .tasmania police are investigating and have been monitoring activity at the airport after becoming aware of the statement about 5.30 am on sunday . 'police said they were supporting airport security arrangements and were ` prepared to provide an appropriate response ' .\"]\n", + "=======================\n", + "[\"hobart international airport 's website hacked by islamic state supporterstasmanian police were made aware of the incident at 5.30 am on sundaythe website is temporarily shut down , police are monitoring the airportno threats were made towards hobart airport or flight operations\"]\n", + "the hobart international airport website has been shut down after it was hacked and defaced with a statement supporting the radical islamist group isis , also known as islamic state or is .tasmania police are investigating and have been monitoring activity at the airport after becoming aware of the statement about 5.30 am on sunday . 'police said they were supporting airport security arrangements and were ` prepared to provide an appropriate response ' .\n", + "hobart international airport 's website hacked by islamic state supporterstasmanian police were made aware of the incident at 5.30 am on sundaythe website is temporarily shut down , police are monitoring the airportno threats were made towards hobart airport or flight operations\n", + "[1.4206486 1.3258115 1.3231325 1.2269564 1.0747857 1.1502331 1.0995985\n", + " 1.0329943 1.1258233 1.1107 1.0412378 1.0171393 1.0220584 1.1405398\n", + " 1.0411425 1.0885261 1.0799631 1.0474855 1.0674753 1.0226567 1.0123097]\n", + "\n", + "[ 0 1 2 3 5 13 8 9 6 15 16 4 18 17 10 14 7 19 12 11 20]\n", + "=======================\n", + "['( cnn ) a door bearing a graffiti drawing by british artist banksy was seized by police in gaza on thursday after a dispute over its sale , a gaza police official told cnn on thursday .the owner of the door , rabea darduna , filed a complaint with a gaza court stating that , without realizing its value , he sold the door for just $ 175 u.s. .the iron door will remain in the possession of the khan younis police in southern gaza until a court hearing at a date yet to be determined .']\n", + "=======================\n", + "[\"rabea darduna 's gaza home was destroyed last year ; he sold his door to bring in some moneyon thursday , gaza police seized the door , which had originally been sold for $ 175 u.s.some of banksy 's art has sold for hundreds of thousands of dollars\"]\n", + "( cnn ) a door bearing a graffiti drawing by british artist banksy was seized by police in gaza on thursday after a dispute over its sale , a gaza police official told cnn on thursday .the owner of the door , rabea darduna , filed a complaint with a gaza court stating that , without realizing its value , he sold the door for just $ 175 u.s. .the iron door will remain in the possession of the khan younis police in southern gaza until a court hearing at a date yet to be determined .\n", + "rabea darduna 's gaza home was destroyed last year ; he sold his door to bring in some moneyon thursday , gaza police seized the door , which had originally been sold for $ 175 u.s.some of banksy 's art has sold for hundreds of thousands of dollars\n", + "[1.504353 1.2315145 1.1767341 1.1617541 1.0970869 1.0395151 1.0440629\n", + " 1.065426 1.0865353 1.1040516 1.0472759 1.0402849 1.0520246 1.0371053\n", + " 1.0503054 1.0284002 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 9 4 8 7 12 14 10 6 11 5 13 15 16 17 18 19 20]\n", + "=======================\n", + "[\"( cnn ) last week , california gov. jerry brown ordered mandatory statewide restrictions on water use for the first time in the state 's history .his action was driven by a specific crisis unique to california at the moment -- the severe drought now in its fourth year there -- but it has significance for the whole nation .as it has in the past , california is leading the way in recognizing that population and economic growth has to respect the physical limits imposed by planet earth .\"]\n", + "=======================\n", + "[\"adam sobel : california 's steps against drought are a preview for rest of u.s. and worldtying climate change to weather does n't rest on single extreme event , sobel saysthe big picture should spur us to prepare for new climates by fixing infrastructure , he says\"]\n", + "( cnn ) last week , california gov. jerry brown ordered mandatory statewide restrictions on water use for the first time in the state 's history .his action was driven by a specific crisis unique to california at the moment -- the severe drought now in its fourth year there -- but it has significance for the whole nation .as it has in the past , california is leading the way in recognizing that population and economic growth has to respect the physical limits imposed by planet earth .\n", + "adam sobel : california 's steps against drought are a preview for rest of u.s. and worldtying climate change to weather does n't rest on single extreme event , sobel saysthe big picture should spur us to prepare for new climates by fixing infrastructure , he says\n", + "[1.0815297 1.0631435 1.2993109 1.3728786 1.204781 1.0951736 1.0655724\n", + " 1.0427641 1.0195013 1.0150226 1.242409 1.0363708 1.1281307 1.2203093\n", + " 1.0238823 1.0143547 1.0139151 1.0468162 0. 0. 0. ]\n", + "\n", + "[ 3 2 10 13 4 12 5 0 6 1 17 7 11 14 8 9 15 16 19 18 20]\n", + "=======================\n", + "[\"among their wonders on wheels are lifelike versions of batman 's tumbler from the dark knight film trilogy and the much-loved ghostbusters car - or ecto-1 as the spook-hunting team call it .well now it 's possible to do both thanks to brothers marc and shanon parker - who have designed and built a fantastic fleet of movie-inspired vehicles .the car-crazy brothers from port canaveral , florida , started building versions of the vehicles they most loved for their own enjoyment four years ago .\"]\n", + "=======================\n", + "[\"duo started out by making versions of famous vehicles they lovedcelebrities and wealthy film fans are flocking to buy the pair 's creationsthe fleet includes a transformers-style truck and ` tron ' motorbike\"]\n", + "among their wonders on wheels are lifelike versions of batman 's tumbler from the dark knight film trilogy and the much-loved ghostbusters car - or ecto-1 as the spook-hunting team call it .well now it 's possible to do both thanks to brothers marc and shanon parker - who have designed and built a fantastic fleet of movie-inspired vehicles .the car-crazy brothers from port canaveral , florida , started building versions of the vehicles they most loved for their own enjoyment four years ago .\n", + "duo started out by making versions of famous vehicles they lovedcelebrities and wealthy film fans are flocking to buy the pair 's creationsthe fleet includes a transformers-style truck and ` tron ' motorbike\n", + "[1.6854136 1.0914468 1.0665108 1.5018721 1.054765 1.0587401 1.078467\n", + " 1.1081828 1.0457127 1.0676447 1.1046469 1.3599582 1.0325929 1.0561129\n", + " 1.0210832 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 11 7 10 1 6 9 2 5 13 4 8 12 14 19 15 16 17 18 20]\n", + "=======================\n", + "[\"mercedes duo lewis hamilton and nico rosberg found themselves in unusual positions towards the rear of the timesheet at the end of the first practice session for the bahrain grand prix while kimi raikkonen posted the fastest time .formula one champion lewis hamilton finished 16th during friday 's bahrain practice sessionthe finn set the pace with a lap of one minute 37.827 secs , two tenths of a second up on team-mate sebastian vettel , the german who trails reigning champion hamilton by 13 points after the first three races of the campaign .\"]\n", + "=======================\n", + "['kimi raikkonen finished ahead of ferrari team-mate sebastian vettelbritish driver and formula one champion lewis hamilton finished 16thjenson button stalled his car right at start of the practice session']\n", + "mercedes duo lewis hamilton and nico rosberg found themselves in unusual positions towards the rear of the timesheet at the end of the first practice session for the bahrain grand prix while kimi raikkonen posted the fastest time .formula one champion lewis hamilton finished 16th during friday 's bahrain practice sessionthe finn set the pace with a lap of one minute 37.827 secs , two tenths of a second up on team-mate sebastian vettel , the german who trails reigning champion hamilton by 13 points after the first three races of the campaign .\n", + "kimi raikkonen finished ahead of ferrari team-mate sebastian vettelbritish driver and formula one champion lewis hamilton finished 16thjenson button stalled his car right at start of the practice session\n", + "[1.0819645 1.2936186 1.3499534 1.2788664 1.0978246 1.170506 1.2088346\n", + " 1.167428 1.0890929 1.0887436 1.1007488 1.1123153 1.0810523 1.0275195\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 6 5 7 11 10 4 8 9 0 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "['the incredible footage was shot at domodedovo airport in russia , and shows a man lying in the foetal position seemingly away with the fairies .as passengers waited to collect their luggage from the baggage reclaim , they were in for a shock when they discovered a man asleep on the conveyor .incredibly , other passengers appear more concerned with spotting their luggage than the fate of the dozing man in shorts .']\n", + "=======================\n", + "['footage shot at domodedovo airport in russiaman curls into foetal positions as he whizzes round on conveyorsome passengers take photos , but most concentrate on spotting their luggage']\n", + "the incredible footage was shot at domodedovo airport in russia , and shows a man lying in the foetal position seemingly away with the fairies .as passengers waited to collect their luggage from the baggage reclaim , they were in for a shock when they discovered a man asleep on the conveyor .incredibly , other passengers appear more concerned with spotting their luggage than the fate of the dozing man in shorts .\n", + "footage shot at domodedovo airport in russiaman curls into foetal positions as he whizzes round on conveyorsome passengers take photos , but most concentrate on spotting their luggage\n", + "[1.4115491 1.3020507 1.1109968 1.0525388 1.0633035 1.3238177 1.2692934\n", + " 1.0340049 1.189641 1.0663756 1.1229719 1.1682721 1.1248746 1.0545752\n", + " 1.008935 1.0289884 1.0211885 0. 0. 0. ]\n", + "\n", + "[ 0 5 1 6 8 11 12 10 2 9 4 13 3 7 15 16 14 17 18 19]\n", + "=======================\n", + "['a series of unpublished love letters from mexican artist frida kahlo to her lover jose bartoli are expected to fetch upwards of $ 120,000 when the passionate missives go up for auction later thisduring her marriage to muralist diego rivera , frida penned the letters to jose , a catalan artist whom she met while she was recovering from surgery in new york .enduring love : a collection of 25 of the unpublished letters will be auctioned off at doyle new york on april 15']\n", + "=======================\n", + "['the mexican painter penned the letters to fellow artist jose bartoli from 1946 and 1949 while she was married to muralist diego riverathe 25 letters jose had saved until his death in 1995 are headed to auction at doyle new york on april 15 and expected sell upwards of $ 120,000']\n", + "a series of unpublished love letters from mexican artist frida kahlo to her lover jose bartoli are expected to fetch upwards of $ 120,000 when the passionate missives go up for auction later thisduring her marriage to muralist diego rivera , frida penned the letters to jose , a catalan artist whom she met while she was recovering from surgery in new york .enduring love : a collection of 25 of the unpublished letters will be auctioned off at doyle new york on april 15\n", + "the mexican painter penned the letters to fellow artist jose bartoli from 1946 and 1949 while she was married to muralist diego riverathe 25 letters jose had saved until his death in 1995 are headed to auction at doyle new york on april 15 and expected sell upwards of $ 120,000\n", + "[1.634017 1.3474343 1.23161 1.1266563 1.0315504 1.04432 1.0280052\n", + " 1.2268838 1.0307621 1.052039 1.03487 1.1682572 1.1264528 1.0326856\n", + " 1.0184232 1.0183451 1.009008 1.0249846 1.0114968 1.0645596]\n", + "\n", + "[ 0 1 2 7 11 3 12 19 9 5 10 13 4 8 6 17 14 15 18 16]\n", + "=======================\n", + "[\"barcelona ace neymar scored twice as barcelona cruised past ligue 1 giants paris saint-germain at the nou camp .the brazilian was on hand to embarrass fellow countryman david luiz as the former chelsea defender endured a horrendous evening in spain .javier mascherano 6 : pique was the player assigned to deal with ibrahimovic and mascherano was left with little else to do , in a quiet evening for barcelona 's defence .\"]\n", + "=======================\n", + "['neymar scored twice as barcelona eased through at the nou campbrazilian ace did his best to embarrass fellow countryman david luizformer chelsea defender endured a horrendous night in barcelonadani alves did his best to earn a new contract as he impressed throughout']\n", + "barcelona ace neymar scored twice as barcelona cruised past ligue 1 giants paris saint-germain at the nou camp .the brazilian was on hand to embarrass fellow countryman david luiz as the former chelsea defender endured a horrendous evening in spain .javier mascherano 6 : pique was the player assigned to deal with ibrahimovic and mascherano was left with little else to do , in a quiet evening for barcelona 's defence .\n", + "neymar scored twice as barcelona eased through at the nou campbrazilian ace did his best to embarrass fellow countryman david luizformer chelsea defender endured a horrendous night in barcelonadani alves did his best to earn a new contract as he impressed throughout\n", + "[1.5183024 1.4091947 1.3528618 1.0594428 1.0304008 1.0466284 1.1115967\n", + " 1.1375781 1.0290645 1.1863261 1.0572901 1.0191431 1.1423634 1.0609462\n", + " 1.0838451 1.098816 1.053051 1.0255553 0. 0. ]\n", + "\n", + "[ 0 1 2 9 12 7 6 15 14 13 3 10 16 5 4 8 17 11 18 19]\n", + "=======================\n", + "[\"louis jordan , 37 , released a three-paragraph statement on monday in which he said he stayed inside his cabin to keep dry and avoid sun , wind , waves and sea spray during his ordeal .the man rescued from a disabled sailboat off the north carolina coast has responded to critics of his story by claiming that he avoided sunburn and blisters by staying in the vessel 's cabin and that he survived by rationing food and water .jordan was spotted by a german-flagged boat on thursday , more than two months after sailing out of a south carolina marina .\"]\n", + "=======================\n", + "[\"louis jordan , 37 , released a three-paragraph statement on monday in a bid to answer critics suspicious of his amazing survival storythe sailor said he survived by staying inside his cabin to keep dry and avoid sun , wind , waves and sea spray during his 66 day ordealhe also said he rationed food and water and kept his calorie expenditure low` god is truly great , ' he said as he revealed that he now plans to write a book around his experience\"]\n", + "louis jordan , 37 , released a three-paragraph statement on monday in which he said he stayed inside his cabin to keep dry and avoid sun , wind , waves and sea spray during his ordeal .the man rescued from a disabled sailboat off the north carolina coast has responded to critics of his story by claiming that he avoided sunburn and blisters by staying in the vessel 's cabin and that he survived by rationing food and water .jordan was spotted by a german-flagged boat on thursday , more than two months after sailing out of a south carolina marina .\n", + "louis jordan , 37 , released a three-paragraph statement on monday in a bid to answer critics suspicious of his amazing survival storythe sailor said he survived by staying inside his cabin to keep dry and avoid sun , wind , waves and sea spray during his 66 day ordealhe also said he rationed food and water and kept his calorie expenditure low` god is truly great , ' he said as he revealed that he now plans to write a book around his experience\n", + "[1.1455431 1.2887847 1.0876352 1.064399 1.0545616 1.06688 1.1023926\n", + " 1.1033816 1.219756 1.1378052 1.1146102 1.0804532 1.0329272 1.0436641\n", + " 1.0262921 1.0142639 1.0179069 1.0246372 1.0148782 0. ]\n", + "\n", + "[ 1 8 0 9 10 7 6 2 11 5 3 4 13 12 14 17 16 18 15 19]\n", + "=======================\n", + "[\"gaetano cortese , a tall , thin , sunburned 27-year veteran of italy 's guardia di finanza ( finance police ) is waxing eloquent on his favorite subject : food .in recent years , it has been the first point of entry to europe for tens of thousands of migrants from africa and the middle east .lampedusa , italy ( cnn ) the cramped galley of the ship is filled with the smell of fresh garlic frying in olive oil .\"]\n", + "=======================\n", + "['ben wedeman joins the calabrese , an italian patrol boat as it traverses the mediterranean looking for migrantsoften the crew have little to report , only coming across fishing boats or other commercial vesselsthe calabrese was involved in a rescue in october 2013 , during which more than 350 people died']\n", + "gaetano cortese , a tall , thin , sunburned 27-year veteran of italy 's guardia di finanza ( finance police ) is waxing eloquent on his favorite subject : food .in recent years , it has been the first point of entry to europe for tens of thousands of migrants from africa and the middle east .lampedusa , italy ( cnn ) the cramped galley of the ship is filled with the smell of fresh garlic frying in olive oil .\n", + "ben wedeman joins the calabrese , an italian patrol boat as it traverses the mediterranean looking for migrantsoften the crew have little to report , only coming across fishing boats or other commercial vesselsthe calabrese was involved in a rescue in october 2013 , during which more than 350 people died\n", + "[1.3216236 1.3678931 1.2934333 1.1566013 1.2735548 1.1063783 1.0623785\n", + " 1.1107886 1.0395389 1.1532332 1.0307097 1.090529 1.0690362 1.0250989\n", + " 1.0195668 1.0436891 1.0185027 1.0360677]\n", + "\n", + "[ 1 0 2 4 3 9 7 5 11 12 6 15 8 17 10 13 14 16]\n", + "=======================\n", + "['rappers quavious marshall , 24 , kirschnick ball , 20 , and kiari cephus , 23 , were escorted off the georgia southern university campus mid-performance on saturday night and taken into custody .hit rap trio migos have been arrested on the first leg of their u.s. tour after police discovered drugs and guns inside their van during a college gig .according to nbc news , all of the band members have been denied bond - meaning they might not be able to fulfill their upcoming tour dates .']\n", + "=======================\n", + "[\"quavious marshall , 24 , kirschnick ball , 20 , and kiari cephus , 23 , were escorted off the georgia southern university campus on saturday nightfamous for 2013 hit ` versace 'multiple guns , marijuana and another undisclosed drug were discovered inside their tour vanthey reportedly face charges of drug possession ; possession of firearms in a school safety zone and during the commission of a crime\"]\n", + "rappers quavious marshall , 24 , kirschnick ball , 20 , and kiari cephus , 23 , were escorted off the georgia southern university campus mid-performance on saturday night and taken into custody .hit rap trio migos have been arrested on the first leg of their u.s. tour after police discovered drugs and guns inside their van during a college gig .according to nbc news , all of the band members have been denied bond - meaning they might not be able to fulfill their upcoming tour dates .\n", + "quavious marshall , 24 , kirschnick ball , 20 , and kiari cephus , 23 , were escorted off the georgia southern university campus on saturday nightfamous for 2013 hit ` versace 'multiple guns , marijuana and another undisclosed drug were discovered inside their tour vanthey reportedly face charges of drug possession ; possession of firearms in a school safety zone and during the commission of a crime\n", + "[1.2799268 1.397004 1.3249352 1.2476926 1.3221654 1.224073 1.0877498\n", + " 1.1974311 1.2280958 1.0322914 1.0105325 1.0123404 1.0210873 1.0712179\n", + " 1.0296699 1.0080839 0. 0. ]\n", + "\n", + "[ 1 2 4 0 3 8 5 7 6 13 9 14 12 11 10 15 16 17]\n", + "=======================\n", + "['the raiders were foiled by a brave employee who barricaded the door to the premises , and they proceeded to flee on a motorbike .a passer-by captured photographs of the two criminals , and police have now appealed for the public to help them identify the offenders .the attempted break-in took place in pemberton , a suburb of wigan in greater manchester , on saturday afternoon .']\n", + "=======================\n", + "['two raiders tried to attack a jewellery shop in wigan , greater manchesterthey smashed in with an axe and sledgehammer but a brave employee managed to hold them backcriminals escaped on a motorbike but witness caught them on camerapolice are now appealing for information to help them catch the raiders']\n", + "the raiders were foiled by a brave employee who barricaded the door to the premises , and they proceeded to flee on a motorbike .a passer-by captured photographs of the two criminals , and police have now appealed for the public to help them identify the offenders .the attempted break-in took place in pemberton , a suburb of wigan in greater manchester , on saturday afternoon .\n", + "two raiders tried to attack a jewellery shop in wigan , greater manchesterthey smashed in with an axe and sledgehammer but a brave employee managed to hold them backcriminals escaped on a motorbike but witness caught them on camerapolice are now appealing for information to help them catch the raiders\n", + "[1.4260969 1.289436 1.2584984 1.3431643 1.1934799 1.1765517 1.038462\n", + " 1.0276353 1.0306522 1.0227308 1.1346253 1.1335675 1.091718 1.0268943\n", + " 1.0249845 1.0091772 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 5 10 11 12 6 8 7 13 14 9 15 16 17]\n", + "=======================\n", + "[\"hein verbruggen , the controversial former head of international cycling , says he will fight any attempt to remove him as honorary president of the uci after being criticised by the inquiry into the lance armstrong doping scandal .the independent commission for reform in cycling 's ( circ ) report concluded that , under verbruggen 's leadership , the uci had colluded with armstrong to cover up allegations the seven-times tour de france winner had doped .verbruggen has now written to all uci board members saying he has put the ` scandalously biased ' report - which he also calls a ` character assassination ' - into the hands of lawyers .\"]\n", + "=======================\n", + "['independent commission for reform in cycling ( circ ) concluded that the uci colluded with lance armstrong to cover up allegationshein verbruggen was criticised as events occurred under his leadershipverbruggen has revealed he is having the report analysed by lawyers']\n", + "hein verbruggen , the controversial former head of international cycling , says he will fight any attempt to remove him as honorary president of the uci after being criticised by the inquiry into the lance armstrong doping scandal .the independent commission for reform in cycling 's ( circ ) report concluded that , under verbruggen 's leadership , the uci had colluded with armstrong to cover up allegations the seven-times tour de france winner had doped .verbruggen has now written to all uci board members saying he has put the ` scandalously biased ' report - which he also calls a ` character assassination ' - into the hands of lawyers .\n", + "independent commission for reform in cycling ( circ ) concluded that the uci colluded with lance armstrong to cover up allegationshein verbruggen was criticised as events occurred under his leadershipverbruggen has revealed he is having the report analysed by lawyers\n", + "[1.2303708 1.3506165 1.3785892 1.3566077 1.2416595 1.1730374 1.1468045\n", + " 1.0202113 1.033353 1.0548834 1.0169863 1.0117384 1.0162945 1.2313911\n", + " 1.1331449 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 4 13 0 5 6 14 9 8 7 10 12 11 16 15 17]\n", + "=======================\n", + "['england are the most successful team in the history of the victory shield , but it has been announced that they will not be fielding a side in the competition .the football association have taken the decision to withdraw from future victory shield tournamentswayne rooney , sir stanley matthews , duncan edwards and peter shilton are all veterans of the long-contested under 16 tournament between the different associations within the united kingdom .']\n", + "=======================\n", + "['the football association does not believe the competition suits their needswayne rooney among players who competed in previous tournamentsgareth southgate claims player development is reason behind withdrawal']\n", + "england are the most successful team in the history of the victory shield , but it has been announced that they will not be fielding a side in the competition .the football association have taken the decision to withdraw from future victory shield tournamentswayne rooney , sir stanley matthews , duncan edwards and peter shilton are all veterans of the long-contested under 16 tournament between the different associations within the united kingdom .\n", + "the football association does not believe the competition suits their needswayne rooney among players who competed in previous tournamentsgareth southgate claims player development is reason behind withdrawal\n", + "[1.2260036 1.0648227 1.4283036 1.2476099 1.392341 1.077266 1.0557326\n", + " 1.0892118 1.0306255 1.138504 1.1076523 1.1242788 1.0419519 1.0129406\n", + " 1.0318822 1.0245787 1.0329709 1.0887885]\n", + "\n", + "[ 2 4 3 0 9 11 10 7 17 5 1 6 12 16 14 8 15 13]\n", + "=======================\n", + "[\"the model has revealed that she carries around a ph balance urine tester kit wherever she goes to check the state of her body .in an interview with the evening standard , the model admitted that the most surprising thing in her handbag is the tester kit , which she uses to check her state of alkaline .she recently turned 51 but elle macpherson 's good looks , toned body and age-defying skin would have you believe otherwise .\"]\n", + "=======================\n", + "[\"elle cites the item as the most surprising thing in her handbagthe body 's ph value tells you how acidic or alkaline your body ismany nutritionists say having an alkaline body helps defend against sicknesselle has unveiled a new health product : the super elixir nourishing protein\"]\n", + "the model has revealed that she carries around a ph balance urine tester kit wherever she goes to check the state of her body .in an interview with the evening standard , the model admitted that the most surprising thing in her handbag is the tester kit , which she uses to check her state of alkaline .she recently turned 51 but elle macpherson 's good looks , toned body and age-defying skin would have you believe otherwise .\n", + "elle cites the item as the most surprising thing in her handbagthe body 's ph value tells you how acidic or alkaline your body ismany nutritionists say having an alkaline body helps defend against sicknesselle has unveiled a new health product : the super elixir nourishing protein\n", + "[1.1693333 1.525269 1.2921075 1.3502325 1.1984698 1.1172612 1.1081402\n", + " 1.0707078 1.214068 1.0537709 1.0143754 1.012348 1.0592874 1.1364973\n", + " 1.065078 1.0550903 1.048729 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 8 4 0 13 5 6 7 14 12 15 9 16 10 11 19 17 18 20]\n", + "=======================\n", + "[\"melissa borg left her baulkham hills home in north-west sydney at 7:30 am on thursday in her school uniform and made her way to the hills sports high school in seven hills .however , the year 9 student never made it to class and after her father found no sign of her when he searched their house following work , he reported his daughter missing to police .castle hill police have been assisting melissa 's family with the investigation into her disappearance ever since .\"]\n", + "=======================\n", + "[\"a 13-year-old girl has gone missing from her sydney homemelissa borg , from baulkham hills , has n't been seen since thursdayshe left the house at 7:30 to go to seven hills school but never made itwhen her father got home from work he alerted policea picture of melissa in her blue school uniform has been released\"]\n", + "melissa borg left her baulkham hills home in north-west sydney at 7:30 am on thursday in her school uniform and made her way to the hills sports high school in seven hills .however , the year 9 student never made it to class and after her father found no sign of her when he searched their house following work , he reported his daughter missing to police .castle hill police have been assisting melissa 's family with the investigation into her disappearance ever since .\n", + "a 13-year-old girl has gone missing from her sydney homemelissa borg , from baulkham hills , has n't been seen since thursdayshe left the house at 7:30 to go to seven hills school but never made itwhen her father got home from work he alerted policea picture of melissa in her blue school uniform has been released\n", + "[1.1665603 1.1279281 1.147954 1.1827449 1.1728051 1.1920214 1.037572\n", + " 1.0230865 1.0197726 1.0204368 1.028726 1.0551002 1.0455598 1.07328\n", + " 1.1119171 1.0253808 1.0303295 1.0338022 1.1082631 1.0337933 0. ]\n", + "\n", + "[ 5 3 4 0 2 1 14 18 13 11 12 6 17 19 16 10 15 7 9 8 20]\n", + "=======================\n", + "['derby celebrated an emphatic victory over blackpool that kept their promotion push goingblackpool is where he crafted his game and made his name between 2011 and 2014 .since he left last year , initially on loan to crystal palace in january , there has been only despair on the seaside , and this defeat confirmed they would take the championship wooden spoon .']\n", + "=======================\n", + "[\"derby keep their promotion hopes alive with easy win at ipro stadiumcraig bryson gave them the lead in the third minute on tuesdaytom ince scored against his former side , but did n't celebratedarren bent on target twice , including a penalty in the second half\"]\n", + "derby celebrated an emphatic victory over blackpool that kept their promotion push goingblackpool is where he crafted his game and made his name between 2011 and 2014 .since he left last year , initially on loan to crystal palace in january , there has been only despair on the seaside , and this defeat confirmed they would take the championship wooden spoon .\n", + "derby keep their promotion hopes alive with easy win at ipro stadiumcraig bryson gave them the lead in the third minute on tuesdaytom ince scored against his former side , but did n't celebratedarren bent on target twice , including a penalty in the second half\n", + "[1.1820376 1.3681693 1.3704624 1.2081757 1.1619319 1.176153 1.0200648\n", + " 1.1063246 1.0502971 1.1134981 1.1261752 1.0244334 1.043844 1.0379425\n", + " 1.0971904 1.0337559 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 0 5 4 10 9 7 14 8 12 13 15 11 6 19 16 17 18 20]\n", + "=======================\n", + "[\"the move comes ahead of a giant military parade in red square on may 9 to mark the 70th anniversary of end of the second world war , underscoring the decisive contribution of the red army to defeating the nazis .the men 's clothing label is aimed at cashing in on a new wave of patriotism sweeping russia .as the russian military machine asserts itself in ukraine and on the borders of the baltic states , it has also branched out into a new fashion line .\"]\n", + "=======================\n", + "[\"range unveiled amid warmongering in ukraine and borders of baltic statesfeatures the slogan ` polite ' - a phrase used to justify takeover of crimeacomes ahead of 70th anniversary of the end of the second world war\"]\n", + "the move comes ahead of a giant military parade in red square on may 9 to mark the 70th anniversary of end of the second world war , underscoring the decisive contribution of the red army to defeating the nazis .the men 's clothing label is aimed at cashing in on a new wave of patriotism sweeping russia .as the russian military machine asserts itself in ukraine and on the borders of the baltic states , it has also branched out into a new fashion line .\n", + "range unveiled amid warmongering in ukraine and borders of baltic statesfeatures the slogan ` polite ' - a phrase used to justify takeover of crimeacomes ahead of 70th anniversary of the end of the second world war\n", + "[1.4809332 1.3197138 1.166095 1.4224393 1.2397152 1.1086551 1.0400503\n", + " 1.0501788 1.0219302 1.0396085 1.0336018 1.0234125 1.0179456 1.0137684\n", + " 1.1047652 1.055937 1.060267 1.0131036 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 5 14 16 15 7 6 9 10 11 8 12 13 17 19 18 20]\n", + "=======================\n", + "[\"andrew flintoff has called on the english cricketing public to show their love for the natwest twenty20 blast - and under-pressure test captain alastair cook .andrew flintoff shares a joke with warwickshire and england 's chris woakes at the t20 blast launchthe blast 's stock is at a new high , in its second year and 12th for the twenty20 domestic format , with the england and wales cricket board announcing much-improved advance ticket sales and a clutch of overseas superstars such as brendon mccullum set to take part .\"]\n", + "=======================\n", + "['natwest twenty20 blast launched at edgbaston on thursdayandrew flintoff was present with a player from each countyformer england captain backed under-fire test captain alastair cook']\n", + "andrew flintoff has called on the english cricketing public to show their love for the natwest twenty20 blast - and under-pressure test captain alastair cook .andrew flintoff shares a joke with warwickshire and england 's chris woakes at the t20 blast launchthe blast 's stock is at a new high , in its second year and 12th for the twenty20 domestic format , with the england and wales cricket board announcing much-improved advance ticket sales and a clutch of overseas superstars such as brendon mccullum set to take part .\n", + "natwest twenty20 blast launched at edgbaston on thursdayandrew flintoff was present with a player from each countyformer england captain backed under-fire test captain alastair cook\n", + "[1.3100306 1.3132594 1.1264733 1.1453528 1.20993 1.1646609 1.2176808\n", + " 1.1540829 1.1160374 1.0317415 1.0401073 1.0256819 1.0232464 1.0813756\n", + " 1.2386837 1.1058372 1.0250472 1.0250318 1.0944289 1.017788 1.0277867]\n", + "\n", + "[ 1 0 14 6 4 5 7 3 2 8 15 18 13 10 9 20 11 16 17 12 19]\n", + "=======================\n", + "[\"abc news reports that indonesian attorney-general h.m. prasetyo applauded chan and sukumaran 's executioners for their work .a senior indonesian government official has praised the firing squad that executed bali nine pair andrew chan and myuran sukumaran .prime minister tony abbott said australia will withdraw its ambassador to indonesia in an unprecedented diplomatic response to the executions of myuran sukumaran and andrew chan\"]\n", + "=======================\n", + "[\"h.m. prasetyo praises firing squad that carried out bali pair 's executionsandrew chan and myuran sukumaran were killed on wednesday morning` these executions were carried out smoothly and in order , ' prasetyo sayshundreds take to social media to urging people to #boycottindonesiatony abbott will withdraw australia 's ambassador to indonesiaindonesia 's ag dismissed the move as a ` momentary reaction 'chan and sukumaran were executed 12:25 am local timejulie bishop has n't ruled out cutting australian aid to indonesia in protest\"]\n", + "abc news reports that indonesian attorney-general h.m. prasetyo applauded chan and sukumaran 's executioners for their work .a senior indonesian government official has praised the firing squad that executed bali nine pair andrew chan and myuran sukumaran .prime minister tony abbott said australia will withdraw its ambassador to indonesia in an unprecedented diplomatic response to the executions of myuran sukumaran and andrew chan\n", + "h.m. prasetyo praises firing squad that carried out bali pair 's executionsandrew chan and myuran sukumaran were killed on wednesday morning` these executions were carried out smoothly and in order , ' prasetyo sayshundreds take to social media to urging people to #boycottindonesiatony abbott will withdraw australia 's ambassador to indonesiaindonesia 's ag dismissed the move as a ` momentary reaction 'chan and sukumaran were executed 12:25 am local timejulie bishop has n't ruled out cutting australian aid to indonesia in protest\n", + "[1.3111441 1.2057866 1.2652555 1.3129456 1.076304 1.0840526 1.0433443\n", + " 1.0312246 1.0245373 1.1456833 1.0654817 1.0979105 1.0344151 1.0558894\n", + " 1.0347084 1.0954161 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 0 2 1 9 11 15 5 4 10 13 6 14 12 7 8 20 16 17 18 19 21]\n", + "=======================\n", + "[\"fiend : vile glitter grabs his youngest victim , 10-year-old d who was ` sold ' to him by her aunt in 2005one of paedophile gary glitter 's youngest victims has broken her 10-year silence to speak for the first time as an adult of her appalling ordeal at the fallen idol 's hands .a shadow of the bubbly , precocious teenager glitter snared , the girl , who mailonline is not identifying , now suffers from dark spells of depression and rarely goes out , haunted by her life-changing nightmare .\"]\n", + "=======================\n", + "[\"ten years on , glitter 's victim tells how shamed star 's abuse ruined her lifehad sex with her three times when she was just 11 and a virginhe paid # 9 each timefiend faced death penalty for child rape , but paid victims ' families to get offgiven just three-year jail term for the lesser charge of child abusevictim bravely spoke exclusively to mailonline to tell of her heartache\"]\n", + "fiend : vile glitter grabs his youngest victim , 10-year-old d who was ` sold ' to him by her aunt in 2005one of paedophile gary glitter 's youngest victims has broken her 10-year silence to speak for the first time as an adult of her appalling ordeal at the fallen idol 's hands .a shadow of the bubbly , precocious teenager glitter snared , the girl , who mailonline is not identifying , now suffers from dark spells of depression and rarely goes out , haunted by her life-changing nightmare .\n", + "ten years on , glitter 's victim tells how shamed star 's abuse ruined her lifehad sex with her three times when she was just 11 and a virginhe paid # 9 each timefiend faced death penalty for child rape , but paid victims ' families to get offgiven just three-year jail term for the lesser charge of child abusevictim bravely spoke exclusively to mailonline to tell of her heartache\n", + "[1.2325277 1.4307377 1.2679882 1.2200143 1.1363195 1.1867652 1.2036709\n", + " 1.0809832 1.0781087 1.1157666 1.056435 1.0233718 1.0161875 1.0681602\n", + " 1.0197634 1.1921496 1.0553038 1.0416214 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 6 15 5 4 9 7 8 13 10 16 17 11 14 12 20 18 19 21]\n", + "=======================\n", + "[\"tuti yusupova 's friends claim both her birth certificate and passport prove she was born on july 1 , 1880 .they now want the guinness book of records to document that achievement .friends of an uzbekistani woman who died this week claim she was the world 's oldest person ever having reached the age of 135 .\"]\n", + "=======================\n", + "['friends of tuti yusupova claim she was born in uzbekistan in 1880officials believe her birth certificate and passport can prove her agethey have asked the guinness book of records to update their figuresthe previous record holder jeanne calment was 122 when she died']\n", + "tuti yusupova 's friends claim both her birth certificate and passport prove she was born on july 1 , 1880 .they now want the guinness book of records to document that achievement .friends of an uzbekistani woman who died this week claim she was the world 's oldest person ever having reached the age of 135 .\n", + "friends of tuti yusupova claim she was born in uzbekistan in 1880officials believe her birth certificate and passport can prove her agethey have asked the guinness book of records to update their figuresthe previous record holder jeanne calment was 122 when she died\n", + "[1.3740625 1.3685925 1.2055442 1.1844451 1.1524379 1.1288438 1.1292329\n", + " 1.0611749 1.0461569 1.1135575 1.0648447 1.0215499 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 3 4 6 5 9 10 7 8 11 20 12 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "['( the hollywood reporter ) the author of a 2006 novel has accused the \" avengers \" director and \" cabin \" director drew goddard of stealing his idea .with just weeks until his box-office victory lap for \" avengers : age of ultron , \" joss whedon is now facing a lawsuit accusing him of stealing the idea for the 2012 meta-horror movie the cabin in the woods .whedon and goddard are named as defendants , along with lionsgate and whedon \\'s mutant enemy production company , in the complaint filed monday in california federal court .']\n", + "=======================\n", + "['an author says \" avengers \" director joss whedon and \" cabin \" director drew goddard stole his ideapeter gallagher alleges similarities to his \" the little white trip : a night in the pines \" from 2006']\n", + "( the hollywood reporter ) the author of a 2006 novel has accused the \" avengers \" director and \" cabin \" director drew goddard of stealing his idea .with just weeks until his box-office victory lap for \" avengers : age of ultron , \" joss whedon is now facing a lawsuit accusing him of stealing the idea for the 2012 meta-horror movie the cabin in the woods .whedon and goddard are named as defendants , along with lionsgate and whedon 's mutant enemy production company , in the complaint filed monday in california federal court .\n", + "an author says \" avengers \" director joss whedon and \" cabin \" director drew goddard stole his ideapeter gallagher alleges similarities to his \" the little white trip : a night in the pines \" from 2006\n", + "[1.209577 1.4690071 1.3531718 1.2838905 1.2449338 1.2164264 1.109495\n", + " 1.0602778 1.0726609 1.08796 1.299306 1.0303619 1.0223538 1.0108644\n", + " 1.0111434 1.0169733 1.019021 1.0158762 1.0109485 1.0109974 1.0080669\n", + " 1.009231 ]\n", + "\n", + "[ 1 2 10 3 4 5 0 6 9 8 7 11 12 16 15 17 14 19 18 13 21 20]\n", + "=======================\n", + "['martynas kupstys , 26 , spent three hours sitting on a bus stop across the road from lincoln prison after staff told him he was free to go in august 2014 .the killer was on trial at the time for the murder of ivans zdanovics along with his brother-in-law andrus giedraitis at lincoln crown court .both men were this week jailed for life following the murder in gainsborough , lincolnshire in january 2014 .']\n", + "=======================\n", + "['martynas kupstys was waiting for a prison van to take him to courtkupstys told prison officers that they were making a mistake releasing himhe was on trial in august 2014 at lincoln crown court for murderkupstys and his co-accused andrus giedraitis were both jailed for life']\n", + "martynas kupstys , 26 , spent three hours sitting on a bus stop across the road from lincoln prison after staff told him he was free to go in august 2014 .the killer was on trial at the time for the murder of ivans zdanovics along with his brother-in-law andrus giedraitis at lincoln crown court .both men were this week jailed for life following the murder in gainsborough , lincolnshire in january 2014 .\n", + "martynas kupstys was waiting for a prison van to take him to courtkupstys told prison officers that they were making a mistake releasing himhe was on trial in august 2014 at lincoln crown court for murderkupstys and his co-accused andrus giedraitis were both jailed for life\n", + "[1.2575679 1.1373602 1.2527469 1.083782 1.1036483 1.19319 1.1066271\n", + " 1.1240568 1.095446 1.0262109 1.0218548 1.0538477 1.0226835 1.0876862\n", + " 1.0358189 1.0314195 1.0429143 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 5 1 7 6 4 8 13 3 11 16 14 15 9 12 10 17 18 19 20 21]\n", + "=======================\n", + "['( cnn ) \" sell all that you own and distribute the money to the poor , and you will have treasure in heaven ; then come , follow me , \" jesus tells the rich man in one of his best-known parables .meanwhile , jesus told his twelve apostles to leave their day jobs and follow him on an itinerant mission with few prospects of success and no visible means of support .in the new testament , money gets 37 mentions , while \" gold \" gets 38 citations , \" silver \" merits 20 , and \" copper \" four .']\n", + "=======================\n", + "[\"some of jesus ' most important financial backers were women , historians say .joseph of arimathea and nicodemus , both men of stature and wealth , chipped in to help fund jesus ' ministry .\"]\n", + "( cnn ) \" sell all that you own and distribute the money to the poor , and you will have treasure in heaven ; then come , follow me , \" jesus tells the rich man in one of his best-known parables .meanwhile , jesus told his twelve apostles to leave their day jobs and follow him on an itinerant mission with few prospects of success and no visible means of support .in the new testament , money gets 37 mentions , while \" gold \" gets 38 citations , \" silver \" merits 20 , and \" copper \" four .\n", + "some of jesus ' most important financial backers were women , historians say .joseph of arimathea and nicodemus , both men of stature and wealth , chipped in to help fund jesus ' ministry .\n", + "[1.2525647 1.3747826 1.4314072 1.253034 1.2452129 1.095515 1.0565209\n", + " 1.1240243 1.0366851 1.0424396 1.0173154 1.1363391 1.0355872 1.0383537\n", + " 1.0159364 1.0188929 1.0716696 1.081444 1.0800761]\n", + "\n", + "[ 2 1 3 0 4 11 7 5 17 18 16 6 9 13 8 12 15 10 14]\n", + "=======================\n", + "[\"today 's incident was the fifth death of a cyclist in the capital this year - all involving lorries - prompting cycle campaigners to organise a ` vigil and die-in ' at the site .witnesses reported seeing the front wheel of her bike ` completely squashed ' under the lorry following the accident close to lambeth bridge near the houses of parliament at about 9.30 am .a female cyclist was killed in a rush-hour accident with a lorry in central london today .\"]\n", + "=======================\n", + "[\"her bike 's front wheel was ` completely squashed ' under lorry in incidentwas pronounced dead at scene near houses of parliament this morningtoday 's incident follows four other deaths of cyclists in capital this yearcycle campaigners have organised ` vigil and die-in ' at site on april 20\"]\n", + "today 's incident was the fifth death of a cyclist in the capital this year - all involving lorries - prompting cycle campaigners to organise a ` vigil and die-in ' at the site .witnesses reported seeing the front wheel of her bike ` completely squashed ' under the lorry following the accident close to lambeth bridge near the houses of parliament at about 9.30 am .a female cyclist was killed in a rush-hour accident with a lorry in central london today .\n", + "her bike 's front wheel was ` completely squashed ' under lorry in incidentwas pronounced dead at scene near houses of parliament this morningtoday 's incident follows four other deaths of cyclists in capital this yearcycle campaigners have organised ` vigil and die-in ' at site on april 20\n", + "[1.1481673 1.5016048 1.3751117 1.2569443 1.3423489 1.1247566 1.0749032\n", + " 1.0644159 1.0640643 1.0394018 1.0454143 1.244345 1.0425632 1.1077737\n", + " 1.1185805 1.0496565 1.0129378 1.0063673 0. ]\n", + "\n", + "[ 1 2 4 3 11 0 5 14 13 6 7 8 15 10 12 9 16 17 18]\n", + "=======================\n", + "[\"david marshall must serve a minimum of 20 years behind bars for the murder of eni mevish , a 20-year-old student at staffordshire university .the 68-year-old stabbed her in the heart , lungs and liver six months after they met because he was ` jealous ' of her other friendships , stafford crown court heard .the pensioner had already served a jail sentence for assaulting a 14-year-old girl when he stormed her house stoke-on-trent in november last year to butcher her with a kitchen knife .\"]\n", + "=======================\n", + "['eni mevish , 20 , was stabbed to death by david marshall , 68 , last novemberthe pair had become friends six months earlier while eni was out jogginghe stabbed her at her home in the lungs , liver and heart with kitchen knifemarshall , who previously abused a 14-year-old girl , admitted murderhe must spend at least 20 years behind bars before applying for parole']\n", + "david marshall must serve a minimum of 20 years behind bars for the murder of eni mevish , a 20-year-old student at staffordshire university .the 68-year-old stabbed her in the heart , lungs and liver six months after they met because he was ` jealous ' of her other friendships , stafford crown court heard .the pensioner had already served a jail sentence for assaulting a 14-year-old girl when he stormed her house stoke-on-trent in november last year to butcher her with a kitchen knife .\n", + "eni mevish , 20 , was stabbed to death by david marshall , 68 , last novemberthe pair had become friends six months earlier while eni was out jogginghe stabbed her at her home in the lungs , liver and heart with kitchen knifemarshall , who previously abused a 14-year-old girl , admitted murderhe must spend at least 20 years behind bars before applying for parole\n", + "[1.2615991 1.3701984 1.2299966 1.1942052 1.1798501 1.2179027 1.0631671\n", + " 1.0337805 1.0273525 1.1856489 1.1396142 1.0774293 1.0399183 1.0219328\n", + " 1.0468732 1.0694908 1.0294957 0. 0. ]\n", + "\n", + "[ 1 0 2 5 3 9 4 10 11 15 6 14 12 7 16 8 13 17 18]\n", + "=======================\n", + "[\"shocking dash cam footage emerged last week which showed marana police officer michael rapiejko mounting the curb and mowing down armed robbery suspect mario valencia .an police officer who rammed his police car into a suspect told investigators it was either ` shoot him or run him over . 'the video sparked fierce debate on the use of deadly force with some accusing him of misconduct and others labeling the cop as a hero .\"]\n", + "=======================\n", + "[\"warning graphic contentfootage showed mario valencia pointing a rifle into air and firing a shotmichael rapiejko 's police car then mounts the sidewalk and hits suspectofficer said he had no choice but to ` shoot or run over ' the armed man\"]\n", + "shocking dash cam footage emerged last week which showed marana police officer michael rapiejko mounting the curb and mowing down armed robbery suspect mario valencia .an police officer who rammed his police car into a suspect told investigators it was either ` shoot him or run him over . 'the video sparked fierce debate on the use of deadly force with some accusing him of misconduct and others labeling the cop as a hero .\n", + "warning graphic contentfootage showed mario valencia pointing a rifle into air and firing a shotmichael rapiejko 's police car then mounts the sidewalk and hits suspectofficer said he had no choice but to ` shoot or run over ' the armed man\n", + "[1.2946379 1.4785194 1.2382866 1.2340658 1.3402796 1.1115502 1.1783314\n", + " 1.0986886 1.1201223 1.09644 1.0862668 1.0955181 1.0129495 1.0050353\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 2 3 6 8 5 7 9 11 10 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"the 511 elephant tusks , worth $ 6million ( # 4m ) , which were bound for laos , were seized upon arrival saturday at a major port in chonburi province in eastern thailand .thailand has seized three tons of ivory hidden in tea leaf sacks from kenya in the second-biggest bust in the country 's history , customs officials said today .the bust came after customs officials received a tip-off in laos and thailand and tracked the containers from kenya , customs department director-general somchai sujjapongse revealed .\"]\n", + "=======================\n", + "[\"three tons of ivory discovered in second-biggest bust in thailand 's historyit had travelled via sri lanka , malaysia and singapore on a ship from kenyalast week , thailand seized four tons of tusks smuggled from congo\"]\n", + "the 511 elephant tusks , worth $ 6million ( # 4m ) , which were bound for laos , were seized upon arrival saturday at a major port in chonburi province in eastern thailand .thailand has seized three tons of ivory hidden in tea leaf sacks from kenya in the second-biggest bust in the country 's history , customs officials said today .the bust came after customs officials received a tip-off in laos and thailand and tracked the containers from kenya , customs department director-general somchai sujjapongse revealed .\n", + "three tons of ivory discovered in second-biggest bust in thailand 's historyit had travelled via sri lanka , malaysia and singapore on a ship from kenyalast week , thailand seized four tons of tusks smuggled from congo\n", + "[1.4321285 1.2486435 1.1530893 1.4087005 1.3626387 1.0464301 1.0495774\n", + " 1.283386 1.2206415 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 7 1 8 2 6 5 16 15 14 13 9 11 10 17 12 18]\n", + "=======================\n", + "[\"jimmy white 's bid to play in the world snooker championship for the first time since 2006 ended on monday as he crashed to defeat by matthew selt .matthew selt fought back from 7-2 down to beat white 10-8 in qualifying in sheffieldsix-time world champions steve davis , 57 , was also knocked out as he slumped to a 10-1 defeat by kurt maflin .\"]\n", + "=======================\n", + "[\"jimmy white lost 10-8 to matthew selt in world championship qualifyingthe whirlwind had been up 7-2 after the morning sessionbut selt reeled off eight off the evening 's nine frames to go throughsix-time world champion steve davis lost 10-1 to kurt maflin\"]\n", + "jimmy white 's bid to play in the world snooker championship for the first time since 2006 ended on monday as he crashed to defeat by matthew selt .matthew selt fought back from 7-2 down to beat white 10-8 in qualifying in sheffieldsix-time world champions steve davis , 57 , was also knocked out as he slumped to a 10-1 defeat by kurt maflin .\n", + "jimmy white lost 10-8 to matthew selt in world championship qualifyingthe whirlwind had been up 7-2 after the morning sessionbut selt reeled off eight off the evening 's nine frames to go throughsix-time world champion steve davis lost 10-1 to kurt maflin\n", + "[1.4598191 1.4188378 1.3629843 1.3846438 1.1421912 1.2742708 1.0398439\n", + " 1.0224462 1.0154684 1.0129836 1.0143499 1.035486 1.1794205 1.2783101\n", + " 1.0680752 1.009272 1.0096366 1.0065317 1.0062813]\n", + "\n", + "[ 0 1 3 2 13 5 12 4 14 6 11 7 8 10 9 16 15 17 18]\n", + "=======================\n", + "[\"former italy forward antonio di natale has described alexis sanchez as the best strike partner he 's ever had and insisted the arsenal forward is better than neymar .di natale , who won 42 caps for italy between 2002 and 2012 , spent five years playing alongside sanchez at udinese , who he still captains at the age of 37 .former world cup winners francesco totti ( left ) and alessandro del piero are among di natale 's former strike partners with italy\"]\n", + "=======================\n", + "['antonio di natale played alongside alexis sanchez at serie a side udineseformer italy forward claims chile star was his best ever strike partner , which have included francesco totti and alessandro del pierodi natale claims arsenal forward is better than barcelona star neymar']\n", + "former italy forward antonio di natale has described alexis sanchez as the best strike partner he 's ever had and insisted the arsenal forward is better than neymar .di natale , who won 42 caps for italy between 2002 and 2012 , spent five years playing alongside sanchez at udinese , who he still captains at the age of 37 .former world cup winners francesco totti ( left ) and alessandro del piero are among di natale 's former strike partners with italy\n", + "antonio di natale played alongside alexis sanchez at serie a side udineseformer italy forward claims chile star was his best ever strike partner , which have included francesco totti and alessandro del pierodi natale claims arsenal forward is better than barcelona star neymar\n", + "[1.2854404 1.4645549 1.4063162 1.1284117 1.1882473 1.1019654 1.0369782\n", + " 1.2280779 1.1296486 1.1038768 1.0775206 1.0224262 1.1056383 1.0692506\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 7 4 8 3 12 9 5 10 13 6 11 17 14 15 16 18]\n", + "=======================\n", + "['the roman outfit clinched a spot in the final of the coppa italia on wednesday with 1-0 victory over napoli , a result which sealed a 2-1 triumph on aggregate .they will now face juventus in the coppa final on june 7 .in-form lazio will have an extra spring in their step when they take to the stadio olimpico pitch to face empoli on sunday .']\n", + "=======================\n", + "['lazio host empoli at the stadio olimpico in serie a on sundayroman outfit secured spot in coppa italia final in midweekbeat napoli 2-1 on aggregate and will face juventus in the finaldefender mauricio captures fans celebrations with selfie stick']\n", + "the roman outfit clinched a spot in the final of the coppa italia on wednesday with 1-0 victory over napoli , a result which sealed a 2-1 triumph on aggregate .they will now face juventus in the coppa final on june 7 .in-form lazio will have an extra spring in their step when they take to the stadio olimpico pitch to face empoli on sunday .\n", + "lazio host empoli at the stadio olimpico in serie a on sundayroman outfit secured spot in coppa italia final in midweekbeat napoli 2-1 on aggregate and will face juventus in the finaldefender mauricio captures fans celebrations with selfie stick\n", + "[1.5505981 1.5729659 1.1809278 1.4497144 1.0700631 1.0452626 1.0304378\n", + " 1.0283909 1.0527452 1.0337955 1.0330417 1.1012444 1.0799334 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 11 12 4 8 5 9 10 6 7 13 14 15 16 17 18]\n", + "=======================\n", + "['the former celtic and barcelona striker had no option but to play daniel andersson with goalkeepers par hansson and matt pyzdrowski out injured .helsinborg manager henrik larsson was forced to play his 42-year-old kit man in goal on saturday .astonishingly , the emergency stopper kept a clean sheet as helsinborg drew 0-0 against kalmar in the allsvenskan season opener .']\n", + "=======================\n", + "[\"daniel andersson , helsinborg 's 42-year-old kit man , kept a clean sheetthe emergency stopper played in season opener against kalmarhenrik larsson 's first-choice goalkeepers were both out injuredthe former goalkeeper earned one cap for sweden back in 2001\"]\n", + "the former celtic and barcelona striker had no option but to play daniel andersson with goalkeepers par hansson and matt pyzdrowski out injured .helsinborg manager henrik larsson was forced to play his 42-year-old kit man in goal on saturday .astonishingly , the emergency stopper kept a clean sheet as helsinborg drew 0-0 against kalmar in the allsvenskan season opener .\n", + "daniel andersson , helsinborg 's 42-year-old kit man , kept a clean sheetthe emergency stopper played in season opener against kalmarhenrik larsson 's first-choice goalkeepers were both out injuredthe former goalkeeper earned one cap for sweden back in 2001\n", + "[1.4961908 1.3783444 1.2169747 1.4087468 1.3064203 1.0438023 1.0152786\n", + " 1.0178964 1.1597255 1.0230302 1.0316424 1.0539148 1.0134014 1.0133778\n", + " 1.1959801 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 14 8 11 5 10 9 7 6 12 13 15 16 17 18]\n", + "=======================\n", + "[\"peter moores found himself in the familiar position of defending his captain on saturday with alastair cook badly needing runs and wins in the last two tests of the series to stop the mood for change in english cricket claiming him as its next victim .england 's failure to win the first test and cook 's failure in both innings leaves the captain in the spotlight .yet moores , under pressure himself after the sacking of paul downton as managing director , remains steadfast in his backing for cook and is adamant he will turn things round in grenada , starting on tuesday , and in barbados .\"]\n", + "=======================\n", + "[\"peter moores has come to the defence of england captain alastair cookbatsman cook is in danger of becoming english cricket 's next victimengland 's failure to win the first test has left the spotlight on cookunder-fire moores is adamant he will turn things round in grenada\"]\n", + "peter moores found himself in the familiar position of defending his captain on saturday with alastair cook badly needing runs and wins in the last two tests of the series to stop the mood for change in english cricket claiming him as its next victim .england 's failure to win the first test and cook 's failure in both innings leaves the captain in the spotlight .yet moores , under pressure himself after the sacking of paul downton as managing director , remains steadfast in his backing for cook and is adamant he will turn things round in grenada , starting on tuesday , and in barbados .\n", + "peter moores has come to the defence of england captain alastair cookbatsman cook is in danger of becoming english cricket 's next victimengland 's failure to win the first test has left the spotlight on cookunder-fire moores is adamant he will turn things round in grenada\n", + "[1.2104009 1.373055 1.2289523 1.3915279 1.2103186 1.218505 1.1199096\n", + " 1.1093385 1.115015 1.0560892 1.0871925 1.0197372 1.1227775 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 5 0 4 12 6 8 7 10 9 11 17 13 14 15 16 18]\n", + "=======================\n", + "[\"the inflatable , nicknamed ba di doll , has appeared at wanda plaza commercial complex in eastern china 's nanjing city , according to the people 's daily online .the attraction , which features a ball pit , slide and climbing area , can be accessed via the doll 's right foot .cartoon images are displayed inside the legs to teach children about sex .\"]\n", + "=======================\n", + "['huge inflatable nicknamed ba di has been placed at a commercial complexdoll features a slide , ball pit and a sex education area for children to visitinflatable woman is entered through the right heel and exited via the left']\n", + "the inflatable , nicknamed ba di doll , has appeared at wanda plaza commercial complex in eastern china 's nanjing city , according to the people 's daily online .the attraction , which features a ball pit , slide and climbing area , can be accessed via the doll 's right foot .cartoon images are displayed inside the legs to teach children about sex .\n", + "huge inflatable nicknamed ba di has been placed at a commercial complexdoll features a slide , ball pit and a sex education area for children to visitinflatable woman is entered through the right heel and exited via the left\n", + "[1.0900801 1.1131656 1.0869204 1.2666574 1.2774466 1.0367233 1.0567137\n", + " 1.0413647 1.0395818 1.0366915 1.0697836 1.0725768 1.1316245 1.1893747\n", + " 1.1311785 1.1000428 1.07052 1.0778484 1.0538036 1.0260835 1.0242639\n", + " 1.013958 1.0139853 1.0119088 1.0133502]\n", + "\n", + "[ 4 3 13 12 14 1 15 0 2 17 11 16 10 6 18 7 8 5 9 19 20 22 21 24\n", + " 23]\n", + "=======================\n", + "[\"the passengers were mostly indian nationals , plus yemenis and people from other countries who had been working in yemen 's capital , sanaa .only carry-on luggage was allowed on this air india plane .over the last few days , india has evacuated some 2,500 people from yemen , said gen. vijay kumar singh , the indian deputy foreign minister who 's overseeing the evacuation .\"]\n", + "=======================\n", + "['air india has evacuated 2,500 people in recent days from yemen , indian official sayspassengers could only bring carry-on luggage onto the airplanethe saudis have not destroyed the airstrips , which are controlled by houthis']\n", + "the passengers were mostly indian nationals , plus yemenis and people from other countries who had been working in yemen 's capital , sanaa .only carry-on luggage was allowed on this air india plane .over the last few days , india has evacuated some 2,500 people from yemen , said gen. vijay kumar singh , the indian deputy foreign minister who 's overseeing the evacuation .\n", + "air india has evacuated 2,500 people in recent days from yemen , indian official sayspassengers could only bring carry-on luggage onto the airplanethe saudis have not destroyed the airstrips , which are controlled by houthis\n", + "[1.4599993 1.4001102 1.2299695 1.2522207 1.1822481 1.2909014 1.0340803\n", + " 1.1425239 1.0231553 1.0175354 1.0271887 1.0128338 1.0438871 1.0663192\n", + " 1.0135045 1.1166127 1.0292995 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 3 2 4 7 15 13 12 6 16 10 8 9 14 11 23 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"gary neville has hailed manchester united as a team that is getting ever closer to being ` the real deal ' after a dominant 4-2 derby victory over city at old trafford on sunday .louis van gaal 's side took a firm grip on third place as they skipped four points clear of their arch rivals in fourth after going behind to an early goal from sergio aguero , who also scored a late consolation .marouane fellaini and ashley young celebrate their combined efforts to put manchester united in the lead\"]\n", + "=======================\n", + "[\"manchester united beat manchester city 4-2 at old trafford on sundaygary neville praised united 's recent performances against big clubshe said ` that was a proper performance they 've put in out there today 'niall quinn said it was united 's best performance since sir alex ferguson\"]\n", + "gary neville has hailed manchester united as a team that is getting ever closer to being ` the real deal ' after a dominant 4-2 derby victory over city at old trafford on sunday .louis van gaal 's side took a firm grip on third place as they skipped four points clear of their arch rivals in fourth after going behind to an early goal from sergio aguero , who also scored a late consolation .marouane fellaini and ashley young celebrate their combined efforts to put manchester united in the lead\n", + "manchester united beat manchester city 4-2 at old trafford on sundaygary neville praised united 's recent performances against big clubshe said ` that was a proper performance they 've put in out there today 'niall quinn said it was united 's best performance since sir alex ferguson\n", + "[1.2630699 1.2783351 1.2517526 1.4533752 1.3377671 1.0251687 1.0239472\n", + " 1.0186054 1.1127855 1.0304282 1.0240867 1.0247452 1.2210338 1.0769776\n", + " 1.0904227 1.0880113 1.0206249 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 1 0 2 12 8 14 15 13 9 5 11 10 6 16 7 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"five-year-old ava ciach , from geelong in victoria , suffered from sagittal synostosis - meaning the two plates at the front of her skull had fused together prematurely restricting the growth of her brainava , now six , had to undergo complex surgery in which she had her skull removed , smashed into pieces and put back together like a jigsaw puzzleava was then taken to a combined clinic at the royal children 's hospital in melbourne with reconstructive plastic surgeon jonathan burge and 14 other neurosurgeons and other specialists to decide the course of action .\"]\n", + "=======================\n", + "[\"five-year-old ava ciach , from geelong in victoria , had sagittal synostosisshe had to have her skull removed , smashed and put together like a jigsawher mother stacey is speaking out about the complex operation to raise awareness for the royal children 's hospital 's good friday appeal\"]\n", + "five-year-old ava ciach , from geelong in victoria , suffered from sagittal synostosis - meaning the two plates at the front of her skull had fused together prematurely restricting the growth of her brainava , now six , had to undergo complex surgery in which she had her skull removed , smashed into pieces and put back together like a jigsaw puzzleava was then taken to a combined clinic at the royal children 's hospital in melbourne with reconstructive plastic surgeon jonathan burge and 14 other neurosurgeons and other specialists to decide the course of action .\n", + "five-year-old ava ciach , from geelong in victoria , had sagittal synostosisshe had to have her skull removed , smashed and put together like a jigsawher mother stacey is speaking out about the complex operation to raise awareness for the royal children 's hospital 's good friday appeal\n", + "[1.048011 1.2780199 1.2727098 1.5058076 1.1826909 1.3133001 1.0726824\n", + " 1.1094639 1.0576587 1.0246328 1.0812972 1.033216 1.0340229 1.0612291\n", + " 1.081569 1.0780823 1.0244648 1.0142846 1.0306786 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 5 1 2 4 7 14 10 15 6 13 8 0 12 11 18 9 16 17 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"michael pulman , 33 , a care worker from walsall , spent # 7,500 on a hair transplant to boost his self-esteemit 's a question explored by bbc documentary inside harley street which interviews some of the patients paying thousands for private cosmetic treatments .harley street is in an affluent part of london and it 's famed for attracting business from those who do n't have to consider the cost .\"]\n", + "=======================\n", + "[\"harley street is a top destination for private cosmetic surgerypatients pay thousands for treatments they hope will change their livesmichael , 33 , spent # 7,500 on a hair transplant to boost his self-esteemandrea , 72 , pays for a facelift - but her husband ca n't tell the difference\"]\n", + "michael pulman , 33 , a care worker from walsall , spent # 7,500 on a hair transplant to boost his self-esteemit 's a question explored by bbc documentary inside harley street which interviews some of the patients paying thousands for private cosmetic treatments .harley street is in an affluent part of london and it 's famed for attracting business from those who do n't have to consider the cost .\n", + "harley street is a top destination for private cosmetic surgerypatients pay thousands for treatments they hope will change their livesmichael , 33 , spent # 7,500 on a hair transplant to boost his self-esteemandrea , 72 , pays for a facelift - but her husband ca n't tell the difference\n", + "[1.2332281 1.3540998 1.375724 1.3577731 1.2972138 1.0812411 1.0839233\n", + " 1.0920703 1.0378903 1.068044 1.0402939 1.050734 1.1147994 1.0366886\n", + " 1.0135531 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 4 0 12 7 6 5 9 11 10 8 13 14 22 21 20 19 15 17 16 23 18\n", + " 24]\n", + "=======================\n", + "[\"the statue , which stands in a gardens in wuhan , the capital city of central china 's hubei province , is to honour yu the great , who founded china 's first dynasty in 2070 bc .the bronze tells the story of how the leader met his wife , after the couple were supposedly brought together by a mythical nine-tailed fox .over the years tourists have kept touching yu 's hand , the fox 's back , and his wife 's exposed breast - leading to them becoming worn\"]\n", + "=======================\n", + "[\"statue in wuhan , central china , depicts country 's first ruler and his wifetourists fondling her exposed breast has damaged statue , officials saylegend has it that yu was lead to wife by a magical nine-tailed fox\"]\n", + "the statue , which stands in a gardens in wuhan , the capital city of central china 's hubei province , is to honour yu the great , who founded china 's first dynasty in 2070 bc .the bronze tells the story of how the leader met his wife , after the couple were supposedly brought together by a mythical nine-tailed fox .over the years tourists have kept touching yu 's hand , the fox 's back , and his wife 's exposed breast - leading to them becoming worn\n", + "statue in wuhan , central china , depicts country 's first ruler and his wifetourists fondling her exposed breast has damaged statue , officials saylegend has it that yu was lead to wife by a magical nine-tailed fox\n", + "[1.2033061 1.1342326 1.0756727 1.2289927 1.2117202 1.1994579 1.0777777\n", + " 1.0698487 1.0687121 1.0850841 1.0518752 1.0410974 1.1177977 1.0483224\n", + " 1.0282772 1.0839561 1.022462 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 4 0 5 1 12 9 15 6 2 7 8 10 13 11 14 16 21 17 18 19 20 22]\n", + "=======================\n", + "[\"which is why the work of ernst haas is so striking .haas , one of the 20th century 's great photojournalists and image-makers -- an early member of the great magnum photos cooperative who was famous enough in his prime to have been the subject of a museum of modern art exhibit in 1962 -- was also a regular on movie sets .( cnn ) as art , film stills are often overlooked .\"]\n", + "=======================\n", + "['ernst haas , a celebrated 20th-century photographer , was a regular on movie setshis work from the industry has been brought together in a new book , \" ernst haas : on set \"']\n", + "which is why the work of ernst haas is so striking .haas , one of the 20th century 's great photojournalists and image-makers -- an early member of the great magnum photos cooperative who was famous enough in his prime to have been the subject of a museum of modern art exhibit in 1962 -- was also a regular on movie sets .( cnn ) as art , film stills are often overlooked .\n", + "ernst haas , a celebrated 20th-century photographer , was a regular on movie setshis work from the industry has been brought together in a new book , \" ernst haas : on set \"\n", + "[1.6302967 1.3385829 1.1842067 1.092352 1.0970981 1.0346501 1.1419468\n", + " 1.0552746 1.1196741 1.0893993 1.0839233 1.0402906 1.0909745 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 6 8 4 3 12 9 10 7 11 5 13 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"( cnn ) chris copeland of the indiana pacers was stabbed after leaving a trendy new york nightclub early wednesday , and two atlanta hawks -- who had just finished a home game hours before the incident -- were among those arrested , according to police and cnn affiliates .the hawks were not involved in the stabbing incident , police said , but were arrested on obstruction and other charges later .though new york police department det. kelly ort initially told cnn the incident occurred just before 4 a.m. at 1oak , a club in new york 's chelsea neighborhood known to draw celebrities among its clientele , the club later told cnn that the stabbing occurred in front of the fulton houses project down the street .\"]\n", + "=======================\n", + "['hawks say neither thabo sefolosha nor pero antic will play wednesday against brooklynchris copeland left \" bloody trail of handprints \" as he returned to club seeking help , club sayssuspect in custody , police say , adding they will release his name once charges are filed']\n", + "( cnn ) chris copeland of the indiana pacers was stabbed after leaving a trendy new york nightclub early wednesday , and two atlanta hawks -- who had just finished a home game hours before the incident -- were among those arrested , according to police and cnn affiliates .the hawks were not involved in the stabbing incident , police said , but were arrested on obstruction and other charges later .though new york police department det. kelly ort initially told cnn the incident occurred just before 4 a.m. at 1oak , a club in new york 's chelsea neighborhood known to draw celebrities among its clientele , the club later told cnn that the stabbing occurred in front of the fulton houses project down the street .\n", + "hawks say neither thabo sefolosha nor pero antic will play wednesday against brooklynchris copeland left \" bloody trail of handprints \" as he returned to club seeking help , club sayssuspect in custody , police say , adding they will release his name once charges are filed\n", + "[1.3964163 1.3794271 1.2210028 1.2707952 1.3207409 1.1544564 1.029896\n", + " 1.0144241 1.0211853 1.1141607 1.1347207 1.1398513 1.0707564 1.0304923\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 4 3 2 5 11 10 9 12 13 6 8 7 21 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"leeds rhinos have sent full back zak hardaker on an anger management course after a student was left with two black eyes and bruising during a violent incident in february .hardaker was at the centre of a police assault probe into an attack on a 22-year-old man at student flats in leeds , but was not charged with any offence .leeds issued a lengthy statement outlining hardaker 's punishment , which will also see him forfeit one month 's salary to be donated to a local charity and do up to 20 hours a week of voluntary work for the club 's foundation for the duration of his contract .\"]\n", + "=======================\n", + "[\"leeds rhinos issued statement outlining zak hardaker 's punishmenthardaker has been sent on an anger management course by the clubstudent suffered two black eyes and bruised neck in incident at flatsno-one has been charged , but other leeds players have been disciplined\"]\n", + "leeds rhinos have sent full back zak hardaker on an anger management course after a student was left with two black eyes and bruising during a violent incident in february .hardaker was at the centre of a police assault probe into an attack on a 22-year-old man at student flats in leeds , but was not charged with any offence .leeds issued a lengthy statement outlining hardaker 's punishment , which will also see him forfeit one month 's salary to be donated to a local charity and do up to 20 hours a week of voluntary work for the club 's foundation for the duration of his contract .\n", + "leeds rhinos issued statement outlining zak hardaker 's punishmenthardaker has been sent on an anger management course by the clubstudent suffered two black eyes and bruised neck in incident at flatsno-one has been charged , but other leeds players have been disciplined\n", + "[1.1928226 1.3322096 1.2507691 1.1854773 1.1929619 1.1112868 1.0884482\n", + " 1.1109296 1.1396717 1.0935946 1.1303757 1.042575 1.0319153 1.0176528\n", + " 1.0502853 1.0280806 1.0881248 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 4 0 3 8 10 5 7 9 6 16 14 11 12 15 13 21 17 18 19 20 22]\n", + "=======================\n", + "[\"the ring , located 12 billion light years away , is an illusion created by the chance alignment of two distant galaxies .the striking circular structure is a rare manifestation of gravitational lensing predicted by albert einstein in his theory of general relativity .the bright orange central region of the ring - alma 's highest resolution observation ever - reveals the glowing dust in this distant galaxy\"]\n", + "=======================\n", + "['ring is an illusion created by the chance alignment of two galaxiesalbert einstein predicted the illusion in his theory of general relativitythis predicts the gravity of a closer galaxy will bend light a distant one']\n", + "the ring , located 12 billion light years away , is an illusion created by the chance alignment of two distant galaxies .the striking circular structure is a rare manifestation of gravitational lensing predicted by albert einstein in his theory of general relativity .the bright orange central region of the ring - alma 's highest resolution observation ever - reveals the glowing dust in this distant galaxy\n", + "ring is an illusion created by the chance alignment of two galaxiesalbert einstein predicted the illusion in his theory of general relativitythis predicts the gravity of a closer galaxy will bend light a distant one\n", + "[1.6040059 1.3215144 1.2121555 1.4116601 1.0752962 1.0312728 1.0199516\n", + " 1.0157814 1.0162436 1.332544 1.116474 1.1142212 1.0991635 1.0374013\n", + " 1.0101676 1.0227408 1.0182649 1.1031797 1.0432876 1.0134687 1.0080107\n", + " 1.0092614 1.0082718]\n", + "\n", + "[ 0 3 9 1 2 10 11 17 12 4 18 13 5 15 6 16 8 7 19 14 21 22 20]\n", + "=======================\n", + "[\"dundee manager paul hartley is not reading too much into dundee united 's recent slide ahead of wednesday night 's scottish premiership derby at dens park .dundee are without a win in three matches themselves , following up their defeat to ross county with 1-1 draws against aberdeen and inverness .united have lost seven of their last nine matches in all competitions , drawing the other two , while their last league victory was way back on january 24 against motherwell .\"]\n", + "=======================\n", + "['dundee face rivals dundee united in the derby on wednesday nightunited have lost seven of their last nine matches in all competitionsbut hartley is not reading in to their troubles as dundee themselves stutterdundee are without a win in three matches themselves going into the game']\n", + "dundee manager paul hartley is not reading too much into dundee united 's recent slide ahead of wednesday night 's scottish premiership derby at dens park .dundee are without a win in three matches themselves , following up their defeat to ross county with 1-1 draws against aberdeen and inverness .united have lost seven of their last nine matches in all competitions , drawing the other two , while their last league victory was way back on january 24 against motherwell .\n", + "dundee face rivals dundee united in the derby on wednesday nightunited have lost seven of their last nine matches in all competitionsbut hartley is not reading in to their troubles as dundee themselves stutterdundee are without a win in three matches themselves going into the game\n", + "[1.2993002 1.1390234 1.3938705 1.0509377 1.1749694 1.0757879 1.0489945\n", + " 1.0962268 1.026015 1.0756313 1.0650412 1.0460608 1.0735204 1.090626\n", + " 1.0344387 1.0491134 1.0603938 1.0392253 1.036721 1.0359768 1.0433807\n", + " 1.0204777 1.0305278]\n", + "\n", + "[ 2 0 4 1 7 13 5 9 12 10 16 3 15 6 11 20 17 18 19 14 22 8 21]\n", + "=======================\n", + "[\"ap mccoy won the grand national in 2010 on do n't push itap mccoy will jump his final fence this weekend when the legendary jockey bows out at sandown and to mark his retirement we 've got some brilliant stats and little-known facts as we preview hisbig farewell .name : anthony peter mccoy obe\"]\n", + "=======================\n", + "[\"ap mccoy retires on saturday after riding at sandownmccoy has been champion jockey every year he 's been a professionalhe 's won two cheltenham gold cups and the grand nationalmccoy was the first man to ride 4,000 winners\"]\n", + "ap mccoy won the grand national in 2010 on do n't push itap mccoy will jump his final fence this weekend when the legendary jockey bows out at sandown and to mark his retirement we 've got some brilliant stats and little-known facts as we preview hisbig farewell .name : anthony peter mccoy obe\n", + "ap mccoy retires on saturday after riding at sandownmccoy has been champion jockey every year he 's been a professionalhe 's won two cheltenham gold cups and the grand nationalmccoy was the first man to ride 4,000 winners\n", + "[1.1801357 1.3760544 1.2143662 1.1882012 1.1067542 1.1329434 1.1858608\n", + " 1.0928509 1.1042378 1.0725927 1.0392121 1.0884843 1.1068606 1.0384495\n", + " 1.0507748 1.032266 1.0174772 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 6 0 5 12 4 8 7 11 9 14 10 13 15 16 21 17 18 19 20 22]\n", + "=======================\n", + "[\"this week incredible footage showed the moment an unusual ` apocalyptic ' dust storm , known in arabic as a haboob , struck belarus , turning day to night , and china has suffered four massive sandstorms since the start of the year .some experts have said that climate change bringing excessive heat can make some areas more susceptible to dust storms , but one european scientist pointed out that the number of dust storms over the decades has always been variable .dark clouds start forming over the city of soligorsk , belarus , as a sandstorm sweeps over the city\"]\n", + "=======================\n", + "[\"footage showed an unusual ` apocalyptic ' dust storm hitting belaruschina has suffered four massive sandstorms since the start of the yearhalf of dust in atmosphere today is due to human activity , said nasa\"]\n", + "this week incredible footage showed the moment an unusual ` apocalyptic ' dust storm , known in arabic as a haboob , struck belarus , turning day to night , and china has suffered four massive sandstorms since the start of the year .some experts have said that climate change bringing excessive heat can make some areas more susceptible to dust storms , but one european scientist pointed out that the number of dust storms over the decades has always been variable .dark clouds start forming over the city of soligorsk , belarus , as a sandstorm sweeps over the city\n", + "footage showed an unusual ` apocalyptic ' dust storm hitting belaruschina has suffered four massive sandstorms since the start of the yearhalf of dust in atmosphere today is due to human activity , said nasa\n", + "[1.3377575 1.1889933 1.1569988 1.1900706 1.1276436 1.1436961 1.0684456\n", + " 1.123441 1.0830803 1.1196625 1.0349308 1.0507495 1.0629445 1.1063216\n", + " 1.0892327 1.0799378 1.0433829 1.0199078 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 1 2 5 4 7 9 13 14 8 15 6 12 11 16 10 17 18 19 20 21 22]\n", + "=======================\n", + "['rome ( cnn ) italian authorities said they had launched a \" vast anti-terrorism operation \" friday , going after suspects associated with al qaeda who had discussed a range of targets , including the vatican .some evidence indicated the vatican was among the targets considered , police said .and wiretaps and other intelligence revealed that the group planned to carry out terrorist attacks in afghanistan and pakistan as well as in italy , according to caligari chief prosecutor mauro mura .']\n", + "=======================\n", + "['police : some suspects involved in pakistan blast that killed , injured more than 300evidence suggests vatican was discussed as a possible target in march 2010 , police saystate news : some members of alleged terrorist cell had direct contact with osama bin laden']\n", + "rome ( cnn ) italian authorities said they had launched a \" vast anti-terrorism operation \" friday , going after suspects associated with al qaeda who had discussed a range of targets , including the vatican .some evidence indicated the vatican was among the targets considered , police said .and wiretaps and other intelligence revealed that the group planned to carry out terrorist attacks in afghanistan and pakistan as well as in italy , according to caligari chief prosecutor mauro mura .\n", + "police : some suspects involved in pakistan blast that killed , injured more than 300evidence suggests vatican was discussed as a possible target in march 2010 , police saystate news : some members of alleged terrorist cell had direct contact with osama bin laden\n", + "[1.4575047 1.1191316 1.2277982 1.3076025 1.4250851 1.1750325 1.0604416\n", + " 1.101915 1.1183178 1.1615913 1.023481 1.067912 1.0226827 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 4 3 2 5 9 1 8 7 11 6 10 12 21 13 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"negotiations to make a fight between paul smith and andre ward are set to be concluded this week , with the liverpool super-middleweight set to meet one of boxing 's biggest talents on june 20 .however , the fight , which will be staged in oakland , california , will run over the 12-round distance .elements of the deal are still being rubber-stamped and ward 's wba world title is unlikely to be on the line .\"]\n", + "=======================\n", + "[\"paul smith is set to face andre ward in oakland , california on june 20liverpool fighter is not expected to challenge for ward 's wba world titlesmith has lost back-to-back world title challenges against arthur abraham while the american is undefeated in 27 games\"]\n", + "negotiations to make a fight between paul smith and andre ward are set to be concluded this week , with the liverpool super-middleweight set to meet one of boxing 's biggest talents on june 20 .however , the fight , which will be staged in oakland , california , will run over the 12-round distance .elements of the deal are still being rubber-stamped and ward 's wba world title is unlikely to be on the line .\n", + "paul smith is set to face andre ward in oakland , california on june 20liverpool fighter is not expected to challenge for ward 's wba world titlesmith has lost back-to-back world title challenges against arthur abraham while the american is undefeated in 27 games\n", + "[1.4053342 1.4748662 1.3137488 1.3294828 1.1845973 1.1849284 1.0368904\n", + " 1.0702304 1.0178388 1.036763 1.0389867 1.0577939 1.078982 1.0689545\n", + " 1.0655084 1.0540367 1.0263053 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 3 2 5 4 12 7 13 14 11 15 10 6 9 16 8 21 17 18 19 20 22]\n", + "=======================\n", + "[\"the former another level star , 35 , is accused of hitting 31-year-old glamour model ms cahill in front of her young son , causing a bloody nose .ex pop star dane bowers has been charged with hitting his ex-fiancee miss wales sophie cahill and will appear in court next month charged with common assault .the singer and the former miss wales got engaged in december 2013 when he popped the question during a sunshine winter break in tenerife . '\"]\n", + "=======================\n", + "['former another level star dane bowers has been charged with assaulthe is accused of hitting his ex-fiancée former miss wales sophie cahillallegedly hit the model and gave her a bloody nose in front of her sonhe will appear before magistrates next month to face the charge']\n", + "the former another level star , 35 , is accused of hitting 31-year-old glamour model ms cahill in front of her young son , causing a bloody nose .ex pop star dane bowers has been charged with hitting his ex-fiancee miss wales sophie cahill and will appear in court next month charged with common assault .the singer and the former miss wales got engaged in december 2013 when he popped the question during a sunshine winter break in tenerife . '\n", + "former another level star dane bowers has been charged with assaulthe is accused of hitting his ex-fiancée former miss wales sophie cahillallegedly hit the model and gave her a bloody nose in front of her sonhe will appear before magistrates next month to face the charge\n", + "[1.2894658 1.1244763 1.3465345 1.1780839 1.1657314 1.209097 1.2201827\n", + " 1.0697045 1.0562955 1.06424 1.1436374 1.2143945 1.0679426 1.1860471\n", + " 1.0356696 1.0107191 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 6 11 5 13 3 4 10 1 7 12 9 8 14 15 19 16 17 18 20]\n", + "=======================\n", + "[\"experts said training was ` heavily geared ' towards young people , meaning many older workers were left behind in the workplace .technology : a study found that the majority of older workers did not believe better computer skills would help them in their current jobthe aat said the death of a ` job for life ' meant workers could no longer rely on loyalty to their company and experience to take them through to retirement with the same employer .\"]\n", + "=======================\n", + "[\"experts say older workers are left behind in workplace because of trainingthis left them vulnerable when companies start ` shedding ' jobs , they claimthe association of accounting technicians say older workers must ` reskill '\"]\n", + "experts said training was ` heavily geared ' towards young people , meaning many older workers were left behind in the workplace .technology : a study found that the majority of older workers did not believe better computer skills would help them in their current jobthe aat said the death of a ` job for life ' meant workers could no longer rely on loyalty to their company and experience to take them through to retirement with the same employer .\n", + "experts say older workers are left behind in workplace because of trainingthis left them vulnerable when companies start ` shedding ' jobs , they claimthe association of accounting technicians say older workers must ` reskill '\n", + "[1.4510729 1.265209 1.1980741 1.3076242 1.1954768 1.1560732 1.093124\n", + " 1.3052703 1.04496 1.064639 1.0699022 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 7 1 2 4 5 6 10 9 8 19 11 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"london will be treated to an appearance from three olympic gold medallists this summer when jessica ennis-hill , mo farah and greg rutherford take part in the sainsbury 's anniversary games .jessica ennis-hill became a national hero when she won heptathlon gold at the london 2012 olympicsall three won their gongs on super saturday three years ago in the heptathlon , 10,000 metres and long jump respectively .\"]\n", + "=======================\n", + "['jessica ennis-hill to compete for the first time since giving birthmo farah and greg rutherford also set to take part in anniversary gamesanniversary games set to take place between july 24-26']\n", + "london will be treated to an appearance from three olympic gold medallists this summer when jessica ennis-hill , mo farah and greg rutherford take part in the sainsbury 's anniversary games .jessica ennis-hill became a national hero when she won heptathlon gold at the london 2012 olympicsall three won their gongs on super saturday three years ago in the heptathlon , 10,000 metres and long jump respectively .\n", + "jessica ennis-hill to compete for the first time since giving birthmo farah and greg rutherford also set to take part in anniversary gamesanniversary games set to take place between july 24-26\n", + "[1.4423934 1.2699429 1.4801645 1.3641095 1.2218689 1.090026 1.0862997\n", + " 1.0445575 1.0180807 1.0143852 1.0161808 1.0137223 1.0167317 1.094891\n", + " 1.0553125 1.0999687 1.0691419 1.0426805 1.0247428 1.0937366 1.1023095]\n", + "\n", + "[ 2 0 3 1 4 20 15 13 19 5 6 16 14 7 17 18 8 12 10 9 11]\n", + "=======================\n", + "[\"jobless keith macdonald , 29 , from sunderland in tyne and wear , has sired a massive brood with at least ten mothers - and is estimated to cost the taxpayer over # 2million .he was set to become a father for the sixteenth time but has revealed he 's split from the unborn child 's mother .the man dubbed ` britain 's most feckless father ' after having 15 children by the age of 30 is back on the market after he split from his most recent pregnant girlfriend .\"]\n", + "=======================\n", + "['jobless keith macdonald , 29 , has fathered 15 children by 10 womenhe says he is now single after splitting from his latest pregnant girlfriendit is estimated he and his massive brood will cost the taxpayer # 2millionmacdonald , who appeared on the jeremy kyle show , meets his conquests on buses - and claims two of his children were conceived on the top deck']\n", + "jobless keith macdonald , 29 , from sunderland in tyne and wear , has sired a massive brood with at least ten mothers - and is estimated to cost the taxpayer over # 2million .he was set to become a father for the sixteenth time but has revealed he 's split from the unborn child 's mother .the man dubbed ` britain 's most feckless father ' after having 15 children by the age of 30 is back on the market after he split from his most recent pregnant girlfriend .\n", + "jobless keith macdonald , 29 , has fathered 15 children by 10 womenhe says he is now single after splitting from his latest pregnant girlfriendit is estimated he and his massive brood will cost the taxpayer # 2millionmacdonald , who appeared on the jeremy kyle show , meets his conquests on buses - and claims two of his children were conceived on the top deck\n", + "[1.2476695 1.3888993 1.5020366 1.0965244 1.0372089 1.0319749 1.0297538\n", + " 1.0537893 1.1131806 1.102471 1.1117419 1.062644 1.0594726 1.0414737\n", + " 1.0119417 1.0158802 1.0186825 1.1268144 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 17 8 10 9 3 11 12 7 13 4 5 6 16 15 14 19 18 20]\n", + "=======================\n", + "[\"the challenge was part of the central china stage of the annual miss bikini of the universe contest , which has been running since 2005 , according to the people 's daily online .the girls put aside their fear of heights as they paraded along the narrow footpath in red bikinis and black high heels in a ` test of their composure ' as part of a chinese beauty pageant .the girls were competing to get to the national final in beijing .\"]\n", + "=======================\n", + "[\"models put aside their fear of heights to strut along a mountain path in central chinathe challenge was part of the annual miss bikini of the universe contest , which has been running since 2005competition tests if people can ` keep their cool ' and has previously seen contestants parade in -16 degrees celsius\"]\n", + "the challenge was part of the central china stage of the annual miss bikini of the universe contest , which has been running since 2005 , according to the people 's daily online .the girls put aside their fear of heights as they paraded along the narrow footpath in red bikinis and black high heels in a ` test of their composure ' as part of a chinese beauty pageant .the girls were competing to get to the national final in beijing .\n", + "models put aside their fear of heights to strut along a mountain path in central chinathe challenge was part of the annual miss bikini of the universe contest , which has been running since 2005competition tests if people can ` keep their cool ' and has previously seen contestants parade in -16 degrees celsius\n", + "[1.2119917 1.4035759 1.3408613 1.2561321 1.1364139 1.22414 1.1910522\n", + " 1.0994178 1.0469762 1.0360091 1.0150036 1.0385035 1.0534643 1.0228025\n", + " 1.0136555 1.0193611 1.0398563 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 5 0 6 4 7 12 8 16 11 9 13 15 10 14 19 17 18 20]\n", + "=======================\n", + "[\"violeta tupuola , who lives near canberra and already has naturally beautiful voluptuous lips , has joined the #kyliejennerchallenge sweeping social media of placing the opening of any narrow vessel over their mouth and sucking in until the vacuum of air causes their lips to excessively swell .in an attempt to emulate kylie jenner 's bee-stung pout , violeta got the shock of her life when she removed the shot glass and suddenly had such protruding lips that social media users compared her to a duck .the new craze is popular among teens desperate to emulate jenner 's famous plump lips ( pictured )\"]\n", + "=======================\n", + "[\"aussie girl joins #kyliejennerchallenge currently sweeping social mediamethod involves creating an airlock which forces lips to swellteens across the globe are hoping to emulate kylie jenner 's puffy pout\"]\n", + "violeta tupuola , who lives near canberra and already has naturally beautiful voluptuous lips , has joined the #kyliejennerchallenge sweeping social media of placing the opening of any narrow vessel over their mouth and sucking in until the vacuum of air causes their lips to excessively swell .in an attempt to emulate kylie jenner 's bee-stung pout , violeta got the shock of her life when she removed the shot glass and suddenly had such protruding lips that social media users compared her to a duck .the new craze is popular among teens desperate to emulate jenner 's famous plump lips ( pictured )\n", + "aussie girl joins #kyliejennerchallenge currently sweeping social mediamethod involves creating an airlock which forces lips to swellteens across the globe are hoping to emulate kylie jenner 's puffy pout\n", + "[1.4231842 1.1839173 1.1676536 1.3016679 1.1623302 1.0974188 1.088396\n", + " 1.0815642 1.0644374 1.0646417 1.0779867 1.0795318 1.0426089 1.1111264\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 13 5 6 7 11 10 9 8 12 16 14 15 17]\n", + "=======================\n", + "[\"hillary clinton 's now-famous scooby doo van made an appearance in council bluffs , iowa on thursday for a closed-door meeting with state democratic party officials -- and it idled in a handicapped parking space from beginning to end .footage broadcast by ketv-7 in the nearby city of omaha , nebraska , showed the presidential nominee emerging from a cafe , greeting onlookers and walking past the blue handicapped-parking sign to climb into the vehicle .secret service agents are technically federal law enforcement officers , so there was no chance of a parking ticket , even if scooby had been left unattended .\"]\n", + "=======================\n", + "[\"clinton 's signature black customized van was parked in a spot reserved for the disabled in council bluffs , iowahillary walked right past an unmistakable blue parking sign to climb into the van , nicknamed ` scooby 'meeting inside cafe lasted 90 minutes and was reportedly so sensitive that democratic party insiders were told to hand over cameras and cell phonessecret service are technically federal law-enforcement officers and the vehicle is never left unattended , so there was no chance of a parking ticket\"]\n", + "hillary clinton 's now-famous scooby doo van made an appearance in council bluffs , iowa on thursday for a closed-door meeting with state democratic party officials -- and it idled in a handicapped parking space from beginning to end .footage broadcast by ketv-7 in the nearby city of omaha , nebraska , showed the presidential nominee emerging from a cafe , greeting onlookers and walking past the blue handicapped-parking sign to climb into the vehicle .secret service agents are technically federal law enforcement officers , so there was no chance of a parking ticket , even if scooby had been left unattended .\n", + "clinton 's signature black customized van was parked in a spot reserved for the disabled in council bluffs , iowahillary walked right past an unmistakable blue parking sign to climb into the van , nicknamed ` scooby 'meeting inside cafe lasted 90 minutes and was reportedly so sensitive that democratic party insiders were told to hand over cameras and cell phonessecret service are technically federal law-enforcement officers and the vehicle is never left unattended , so there was no chance of a parking ticket\n", + "[1.07856 1.0263942 1.3155406 1.1084301 1.454422 1.2221106 1.3406552\n", + " 1.2136261 1.0887718 1.0248754 1.028683 1.0549124 1.0765008 1.0147009\n", + " 1.0101469 1.0112852 1.012266 1.1913655]\n", + "\n", + "[ 4 6 2 5 7 17 3 8 0 12 11 10 1 9 13 16 15 14]\n", + "=======================\n", + "[\"qpr boss chris ramsey ( centre ) is one of seven managers trying to keep their club in the premier leaguecesc fabregas ' 88th minute strike saw chelsea grab a late 1-0 win at qpr earlier this monthramsey 's side host west ham on saturday as they look to climb out of the relegation zone with four games left\"]\n", + "=======================\n", + "['just nine points separates the bottom seven clubs in the premier leagueburnley sit bottom of the table on 26 points after 33 games in the leaguenewcastle are 14th in the table on 35 points with five games remaining']\n", + "qpr boss chris ramsey ( centre ) is one of seven managers trying to keep their club in the premier leaguecesc fabregas ' 88th minute strike saw chelsea grab a late 1-0 win at qpr earlier this monthramsey 's side host west ham on saturday as they look to climb out of the relegation zone with four games left\n", + "just nine points separates the bottom seven clubs in the premier leagueburnley sit bottom of the table on 26 points after 33 games in the leaguenewcastle are 14th in the table on 35 points with five games remaining\n", + "[1.2435862 1.498573 1.4147272 1.2708404 1.1581888 1.0495037 1.0242412\n", + " 1.2074674 1.1552432 1.1612874 1.0557969 1.0692612 1.0995352 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 7 9 4 8 12 11 10 5 6 16 13 14 15 17]\n", + "=======================\n", + "[\"jacob polyakov cracked his head on the floor after plunging off the edge of the sec ` globe ' centre in kiev , ukraine .his friend jamal maslow , who fell off the roof first , broke his coccyx after landing on the corner of one of the steps .witnesses rushed over to the teenagers , both 17 , after the accident and found mr maslow in huge amounts of pain .\"]\n", + "=======================\n", + "[\"jacob polyakov plunged off the sec ` globe ' centre in kiev , ukraine17-year-old cracked his head open and is now in intensive carefriend jamal maslow broke his coccyx after landing on corner of step\"]\n", + "jacob polyakov cracked his head on the floor after plunging off the edge of the sec ` globe ' centre in kiev , ukraine .his friend jamal maslow , who fell off the roof first , broke his coccyx after landing on the corner of one of the steps .witnesses rushed over to the teenagers , both 17 , after the accident and found mr maslow in huge amounts of pain .\n", + "jacob polyakov plunged off the sec ` globe ' centre in kiev , ukraine17-year-old cracked his head open and is now in intensive carefriend jamal maslow broke his coccyx after landing on corner of step\n", + "[1.2899978 1.4951481 1.2642682 1.4181476 1.0999854 1.0641111 1.0308717\n", + " 1.0260053 1.1182507 1.1061028 1.10198 1.0787281 1.1036518 1.0646834\n", + " 1.0447026 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 8 9 12 10 4 11 13 5 14 6 7 16 15 17]\n", + "=======================\n", + "[\"the couple have been named as georgina rojas-medina , 41 , and her common-law husband , gerardo tovar , 44 .a mother-of-three was shot and killed by her husband who then turned the gun on himself , according to police in tulare , california .neighbors say they were alerted to the bodies by the couple 's 4-year-old daughter just after midnight on saturday .\"]\n", + "=======================\n", + "[\"mother-of-three georgina rojas-medina , 41 , was shot and killed by her common-law husband on saturday nightgerardo tovar , 44 , then turned the gun on himself in tulare , californiathe couple 's bodies were discovered by their 4-year-old daughter who walked out of the house and asked a neightbor to call the policethe 4-year-old girl and two other siblings , ages 10 and 12 , were not hurt in the shooting\"]\n", + "the couple have been named as georgina rojas-medina , 41 , and her common-law husband , gerardo tovar , 44 .a mother-of-three was shot and killed by her husband who then turned the gun on himself , according to police in tulare , california .neighbors say they were alerted to the bodies by the couple 's 4-year-old daughter just after midnight on saturday .\n", + "mother-of-three georgina rojas-medina , 41 , was shot and killed by her common-law husband on saturday nightgerardo tovar , 44 , then turned the gun on himself in tulare , californiathe couple 's bodies were discovered by their 4-year-old daughter who walked out of the house and asked a neightbor to call the policethe 4-year-old girl and two other siblings , ages 10 and 12 , were not hurt in the shooting\n", + "[1.487904 1.5036986 1.1854002 1.2273724 1.1076614 1.0932676 1.0506845\n", + " 1.0604703 1.0479738 1.0752424 1.2122954 1.0542344 1.0641193 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 10 2 4 5 9 12 7 11 6 8 13 14 15 16 17]\n", + "=======================\n", + "[\"sergio aguero opened the scoring for city but ashley young , marouane fellaini , juan mata and chris smalling all struck before aguero 's second to all-but end the champions ' barclays premier league title hopes .manchester united crushed manchester city 4-2 at old trafford and sparked a string on viral images on twitter .chris smalling scored his fourth league goal of the season which matches expensive loanee radamel falcao\"]\n", + "=======================\n", + "['manchester united beat manchester city 4-2 at old trafford on sundayashley young , marouane fellaini , juan mata and chris smalling all scoredinternet pranksters ripped into the barclays premier league champions']\n", + "sergio aguero opened the scoring for city but ashley young , marouane fellaini , juan mata and chris smalling all struck before aguero 's second to all-but end the champions ' barclays premier league title hopes .manchester united crushed manchester city 4-2 at old trafford and sparked a string on viral images on twitter .chris smalling scored his fourth league goal of the season which matches expensive loanee radamel falcao\n", + "manchester united beat manchester city 4-2 at old trafford on sundayashley young , marouane fellaini , juan mata and chris smalling all scoredinternet pranksters ripped into the barclays premier league champions\n", + "[1.1837218 1.5075636 1.2747011 1.3230238 1.1772501 1.1511517 1.014704\n", + " 1.0261242 1.1218078 1.074187 1.1368756 1.1161447 1.0718254 1.012398\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 10 8 11 9 12 7 6 13 14 15]\n", + "=======================\n", + "['david potchen , who robbed a bank in merrillville , indiana , last june , now has a job as a welder and is staying out of trouble after receiving help from family members that had long been estranged .the man , 53 , had told a lake county judge earlier this year that he attempted to rob a local chase bank so that he could get placed back in custody , where he had served 12 and a half years in prison .potchen had decided he needed to go back to prison after his years free had left him without a job or a place to stay and sleeping in mosquito-filled woods .']\n", + "=======================\n", + "['david potchen , 53 , robbed bank and sat on curb waiting for police in junehe had served 12 and a half years starting in 2000 before parolepotchen lost job and housing before spending night in the woodsjudge gave him conversion charge and will drop recent robbery charge if he stays out of trouble for a yearhe is employed as welder and estranged cousins are taking care of him']\n", + "david potchen , who robbed a bank in merrillville , indiana , last june , now has a job as a welder and is staying out of trouble after receiving help from family members that had long been estranged .the man , 53 , had told a lake county judge earlier this year that he attempted to rob a local chase bank so that he could get placed back in custody , where he had served 12 and a half years in prison .potchen had decided he needed to go back to prison after his years free had left him without a job or a place to stay and sleeping in mosquito-filled woods .\n", + "david potchen , 53 , robbed bank and sat on curb waiting for police in junehe had served 12 and a half years starting in 2000 before parolepotchen lost job and housing before spending night in the woodsjudge gave him conversion charge and will drop recent robbery charge if he stays out of trouble for a yearhe is employed as welder and estranged cousins are taking care of him\n", + "[1.270294 1.3397533 1.2415754 1.1759338 1.0521924 1.2581642 1.1103771\n", + " 1.1457444 1.05198 1.0532556 1.0522348 1.118585 1.09929 1.0252686\n", + " 1.0592552 0. ]\n", + "\n", + "[ 1 0 5 2 3 7 11 6 12 14 9 10 4 8 13 15]\n", + "=======================\n", + "['the transgender boy , who has felt as though he is living in the wrong body since he was a child , has been given permission by a brisbane-based judge to receive testosterone injections , the courier mail reports .a 16-year-old who was born a girl but identifies as a boy has been granted the opportunity to go through male puberty after years of living in misery .during a family court hearing , judge michael kent was told the teen had considered suicide and gone to extreme lengths such as binding his chest by wearing tight bras and starving himself because he was so unhappy in his female body .']\n", + "=======================\n", + "[\"queensland teen was born a girl but wears a boy 's school uniformhe has lived in misery for years and has even contemplated suicidea brisbane court was told ' i have the mentality of a dude 'teens must be 16 years old before they can ask for hormone jabsthe injections are the second stage of gender changing treatmenta child is assessed by at least five doctors before treatment is given\"]\n", + "the transgender boy , who has felt as though he is living in the wrong body since he was a child , has been given permission by a brisbane-based judge to receive testosterone injections , the courier mail reports .a 16-year-old who was born a girl but identifies as a boy has been granted the opportunity to go through male puberty after years of living in misery .during a family court hearing , judge michael kent was told the teen had considered suicide and gone to extreme lengths such as binding his chest by wearing tight bras and starving himself because he was so unhappy in his female body .\n", + "queensland teen was born a girl but wears a boy 's school uniformhe has lived in misery for years and has even contemplated suicidea brisbane court was told ' i have the mentality of a dude 'teens must be 16 years old before they can ask for hormone jabsthe injections are the second stage of gender changing treatmenta child is assessed by at least five doctors before treatment is given\n", + "[1.2307718 1.218423 1.391106 1.319951 1.1781119 1.1519734 1.069922\n", + " 1.0349213 1.1027111 1.0377265 1.0244999 1.0608073 1.024321 1.0729818\n", + " 1.0463998 0. ]\n", + "\n", + "[ 2 3 0 1 4 5 8 13 6 11 14 9 7 10 12 15]\n", + "=======================\n", + "['and this week he faced accusations from the model kate upton that he had released footage of her dancing in a bikini without her permission .terry richardson is both one of the most famous and most controversial photographers in the fashion industry .known as much for his racy - often pornographic - photo shoots as he is for the sexual assault allegations that have been made against him .']\n", + "=======================\n", + "['terry richardson is accused of releasing film without model permissionthe minute-long footage shows upton dancing in a skimpy bikinithe photographer has long courted controversyhe has previously been accused of sexual assaulting young modelsrichardson has previously denied the allegations made against him']\n", + "and this week he faced accusations from the model kate upton that he had released footage of her dancing in a bikini without her permission .terry richardson is both one of the most famous and most controversial photographers in the fashion industry .known as much for his racy - often pornographic - photo shoots as he is for the sexual assault allegations that have been made against him .\n", + "terry richardson is accused of releasing film without model permissionthe minute-long footage shows upton dancing in a skimpy bikinithe photographer has long courted controversyhe has previously been accused of sexual assaulting young modelsrichardson has previously denied the allegations made against him\n", + "[1.2464218 1.4426131 1.2476287 1.1825402 1.0997556 1.2032241 1.2397611\n", + " 1.056328 1.0331126 1.0601337 1.0572095 1.0498571 1.1115755 1.1031842\n", + " 1.0786296 1.0378007]\n", + "\n", + "[ 1 2 0 6 5 3 12 13 4 14 9 10 7 11 15 8]\n", + "=======================\n", + "[\"last month a court ruled richard lapointe , a former dishwasher , was deprived of a fair trial for the 1987 killing and on friday , a judge ordered him to be freed on $ 25,000 cash bail .the former inmate was photographed walking out of the hearing alongside his attorney and another supporter with his arms weakly raised in the air.in lieu of his prison jumpsuit ,a 69-year-old mentally impaired man from connecticut celebrated walking free from jail today after spending more than two decades behind bars for the rape and murder of his wife 's grandmother .\"]\n", + "=======================\n", + "[\"richard lapointe , a former dishwasher , confessed to raping and stabbing 88-year-old bernice martin at her manchester apartment in 1989he was sentenced in 1992 to life in prison without parolelapointe 's supporters said evidence showed he could not have committed the crimes and his disability made him vulnerable to a false confessionlast month a court ruled lapointe was deprived of a fair trial and on friday , a judge ordered him to be freed on $ 25,000 cash bail\"]\n", + "last month a court ruled richard lapointe , a former dishwasher , was deprived of a fair trial for the 1987 killing and on friday , a judge ordered him to be freed on $ 25,000 cash bail .the former inmate was photographed walking out of the hearing alongside his attorney and another supporter with his arms weakly raised in the air.in lieu of his prison jumpsuit ,a 69-year-old mentally impaired man from connecticut celebrated walking free from jail today after spending more than two decades behind bars for the rape and murder of his wife 's grandmother .\n", + "richard lapointe , a former dishwasher , confessed to raping and stabbing 88-year-old bernice martin at her manchester apartment in 1989he was sentenced in 1992 to life in prison without parolelapointe 's supporters said evidence showed he could not have committed the crimes and his disability made him vulnerable to a false confessionlast month a court ruled lapointe was deprived of a fair trial and on friday , a judge ordered him to be freed on $ 25,000 cash bail\n", + "[1.2234184 1.3458197 1.2874025 1.2379357 1.2239631 1.0900608 1.1076536\n", + " 1.0993633 1.1336445 1.0728536 1.0236822 1.0817672 1.0191495 1.0457261\n", + " 1.0345665 0. ]\n", + "\n", + "[ 1 2 3 4 0 8 6 7 5 11 9 13 14 10 12 15]\n", + "=======================\n", + "[\"in a quest to find the perfect photograph , the intrepid social media giants were sent by europcar to explore and snap nearly 650 miles in three days , and post their findings with the hashtag #movingskyewards .their breathtaking findings have been seen by a combined following of over one million users , with the team proving that isle of skye is the perfect road trip destination .the campaign team involved five danes and three scots who set out in march to capture some of the area 's prized landscapes and landmarks .\"]\n", + "=======================\n", + "[\"europcar started a campaign to show how incredible the drive is to scotland 's isle of skyethe location is only accessible by bus or private car , and the company enlisted the help of prolific instagrammerseight photographers from denmark and scotland embarked on an incredible roadtripthey used the hashtag #movingskyewards so others could join in on celebrating the picturesque areatogether the photographers have over a million followers on the social media site\"]\n", + "in a quest to find the perfect photograph , the intrepid social media giants were sent by europcar to explore and snap nearly 650 miles in three days , and post their findings with the hashtag #movingskyewards .their breathtaking findings have been seen by a combined following of over one million users , with the team proving that isle of skye is the perfect road trip destination .the campaign team involved five danes and three scots who set out in march to capture some of the area 's prized landscapes and landmarks .\n", + "europcar started a campaign to show how incredible the drive is to scotland 's isle of skyethe location is only accessible by bus or private car , and the company enlisted the help of prolific instagrammerseight photographers from denmark and scotland embarked on an incredible roadtripthey used the hashtag #movingskyewards so others could join in on celebrating the picturesque areatogether the photographers have over a million followers on the social media site\n", + "[1.0577128 1.3027802 1.2850252 1.220264 1.2081228 1.0891606 1.1549437\n", + " 1.1004279 1.0912006 1.1133116 1.0636235 1.063335 1.0740299 1.0441102\n", + " 1.0622606 0. 0. ]\n", + "\n", + "[ 1 2 3 4 6 9 7 8 5 12 10 11 14 0 13 15 16]\n", + "=======================\n", + "[\"yesterday the countess of wessex and princess beatrice were not exactly fly-away style winners with their feathered hats as they joined the queen at windsor for an easter sunday service .sophie , 50 , wife of prince edward , wore a beret-style percher hat topped with large , dark plumes , while beatrice , 26 , the elder daughter of the duke of york and sarah ferguson , opted for an unusual blue creation .lady louise windsor , the countess ' 11-year-old daughter , made up the four royal ladies .\"]\n", + "=======================\n", + "[\"queen arrived at st george 's chapel alongside the duke of edinburgh and was dressed in a bright blue coat and hatcouple were joined by family members including princess beatrice , the countess of wessex and autumn phillipsthey were greeted by the dean of windsor , the right reverend david connor , who led the easter day service\"]\n", + "yesterday the countess of wessex and princess beatrice were not exactly fly-away style winners with their feathered hats as they joined the queen at windsor for an easter sunday service .sophie , 50 , wife of prince edward , wore a beret-style percher hat topped with large , dark plumes , while beatrice , 26 , the elder daughter of the duke of york and sarah ferguson , opted for an unusual blue creation .lady louise windsor , the countess ' 11-year-old daughter , made up the four royal ladies .\n", + "queen arrived at st george 's chapel alongside the duke of edinburgh and was dressed in a bright blue coat and hatcouple were joined by family members including princess beatrice , the countess of wessex and autumn phillipsthey were greeted by the dean of windsor , the right reverend david connor , who led the easter day service\n", + "[1.1127044 1.1359845 1.463622 1.2712703 1.125484 1.0756665 1.1414771\n", + " 1.0737833 1.0839463 1.0772059 1.181801 1.0518209 1.0382172 1.0379152\n", + " 1.059808 1.0429652 1.0563297]\n", + "\n", + "[ 2 3 10 6 1 4 0 8 9 5 7 14 16 11 15 12 13]\n", + "=======================\n", + "['the two images were taken 18 years apart , the first with the karl g. jansky very large array in new mexico in 1996 and the second by an international team of astronomers led by the national autonomous university of mexico ( unam ) last year .the star -- known as w75n ( b ) - vla2 -- is 300 times brighter and eight times bigger than our sun , although it is masked by a black cloud of space dust .but , despite the distance , scientists say the photographs reveal , like no others before them , the immense forces unleashed when a star is born .']\n", + "=======================\n", + "['astronomers have used a telescope in new mexico to watch a star formnamed w75n ( b ) - vla2 it is 300 times brighter than the sunimages from 1996 and 2014 show how it is beginning to take shapeit could provide unprecedented insight into how huge stars are born']\n", + "the two images were taken 18 years apart , the first with the karl g. jansky very large array in new mexico in 1996 and the second by an international team of astronomers led by the national autonomous university of mexico ( unam ) last year .the star -- known as w75n ( b ) - vla2 -- is 300 times brighter and eight times bigger than our sun , although it is masked by a black cloud of space dust .but , despite the distance , scientists say the photographs reveal , like no others before them , the immense forces unleashed when a star is born .\n", + "astronomers have used a telescope in new mexico to watch a star formnamed w75n ( b ) - vla2 it is 300 times brighter than the sunimages from 1996 and 2014 show how it is beginning to take shapeit could provide unprecedented insight into how huge stars are born\n", + "[1.2201029 1.3226573 1.2490973 1.2476076 1.1745613 1.0584699 1.2087862\n", + " 1.1027514 1.0623189 1.0643154 1.0804528 1.0729246 1.036788 1.0485349\n", + " 1.0287939 1.0526142 1.100307 ]\n", + "\n", + "[ 1 2 3 0 6 4 7 16 10 11 9 8 5 15 13 12 14]\n", + "=======================\n", + "[\"human traffickers run huge benefit frauds in the uk , including one that was used to fund a housing development in slovakia .the vile trade also includes the sale of young girls for prostitution and sham marriages .in some cases , ` customers ' from outside the eu are requesting women with eu passports so they can make them pregnant .\"]\n", + "=======================\n", + "[\"free movement rules allow eastern european gangs to run with ` impunity 'human traffickers operate huge benefit frauds in the uk , report warnsvile trade also includes sale of girls for prostitution and sham marriages\"]\n", + "human traffickers run huge benefit frauds in the uk , including one that was used to fund a housing development in slovakia .the vile trade also includes the sale of young girls for prostitution and sham marriages .in some cases , ` customers ' from outside the eu are requesting women with eu passports so they can make them pregnant .\n", + "free movement rules allow eastern european gangs to run with ` impunity 'human traffickers operate huge benefit frauds in the uk , report warnsvile trade also includes sale of girls for prostitution and sham marriages\n", + "[1.6047943 1.3186421 1.1345055 1.1371694 1.4084554 1.0613906 1.0278589\n", + " 1.0315655 1.0490603 1.0188496 1.1628448 1.0225669 1.2032174 1.078006\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 12 10 3 2 13 5 8 7 6 11 9 15 14 16]\n", + "=======================\n", + "[\"chelsea boss jose mourinho will persist with struggling midfield trio cesc fabregas , nemanja matic and oscar as he refuses to shuffle his squad so late in the season .jose mourinho insists he will stick by his players despite the three midfielders ' decline in form recentlymourinho had to answer questions about his three midfielders after the hard-fought 2-1 home win over stoke .\"]\n", + "=======================\n", + "[\"cesc fabregas has not been at his best since turn of the yearoscar was withdrawn at half-time in win over stoke city on saturdaynemanja matic ` not in the best condition ' according to jose mourinhobut chelsea manager determined to stick with his stars in title race\"]\n", + "chelsea boss jose mourinho will persist with struggling midfield trio cesc fabregas , nemanja matic and oscar as he refuses to shuffle his squad so late in the season .jose mourinho insists he will stick by his players despite the three midfielders ' decline in form recentlymourinho had to answer questions about his three midfielders after the hard-fought 2-1 home win over stoke .\n", + "cesc fabregas has not been at his best since turn of the yearoscar was withdrawn at half-time in win over stoke city on saturdaynemanja matic ` not in the best condition ' according to jose mourinhobut chelsea manager determined to stick with his stars in title race\n", + "[1.1903088 1.4941686 1.2500815 1.303776 1.1737319 1.1489708 1.1499952\n", + " 1.0242487 1.1933167 1.1443789 1.0211302 1.0843759 1.0989149 1.0877278\n", + " 1.0364844 1.1133373 1.0254219]\n", + "\n", + "[ 1 3 2 8 0 4 6 5 9 15 12 13 11 14 16 7 10]\n", + "=======================\n", + "[\"french climber alain robert climbed dubai 's 1,007 ft cayan tower with nothing more than sticky tape and chalk , which he kept in a pouch clipped to his waist , for assistance .hundreds of spectators looked on as the 52-year-old free-climber scaled the 75-storey tower that has a twist of 90 degrees .the french daredevil set off at 8.25 pm and the climb took him an hour and a half to complete\"]\n", + "=======================\n", + "['french climber alain robert scaled the 75-storey cayan towerdaredevil assisted by nothing more than sticky tape and chalkthe 52-year-old took an hour and a half to ascend the high-risevideo captures daredevil struggling over a ledge on building']\n", + "french climber alain robert climbed dubai 's 1,007 ft cayan tower with nothing more than sticky tape and chalk , which he kept in a pouch clipped to his waist , for assistance .hundreds of spectators looked on as the 52-year-old free-climber scaled the 75-storey tower that has a twist of 90 degrees .the french daredevil set off at 8.25 pm and the climb took him an hour and a half to complete\n", + "french climber alain robert scaled the 75-storey cayan towerdaredevil assisted by nothing more than sticky tape and chalkthe 52-year-old took an hour and a half to ascend the high-risevideo captures daredevil struggling over a ledge on building\n", + "[1.1843876 1.460449 1.2254348 1.342318 1.2323695 1.1345941 1.0806345\n", + " 1.0264177 1.0225801 1.1377668 1.0398251 1.0201807 1.1385367 1.1084918\n", + " 1.0354414 1.0157295 1.0605643 1.0485494 1.0582583 1.0414929]\n", + "\n", + "[ 1 3 4 2 0 12 9 5 13 6 16 18 17 19 10 14 7 8 11 15]\n", + "=======================\n", + "[\"lizzi crawford , 32 , tipped the scales at 20 stone when she overheard the young bus passenger ask his mum : ` has she got a baby in her belly ? 'lizzi crawford dropped over 7st after a stranger mistook her for being pregnantlizzi had reached a size 24 dress after living on a diet of burgers , pizzas and kebabs .\"]\n", + "=======================\n", + "['lizzi crawford piled on the pounds after feasting on takeawaysshe decided to make a change after a child mistook her for being pregnantlizzi went on to loose almost 8st slimming down to 12.5 stshe also fought off cervical cancer after she was diagnosed in 2012']\n", + "lizzi crawford , 32 , tipped the scales at 20 stone when she overheard the young bus passenger ask his mum : ` has she got a baby in her belly ? 'lizzi crawford dropped over 7st after a stranger mistook her for being pregnantlizzi had reached a size 24 dress after living on a diet of burgers , pizzas and kebabs .\n", + "lizzi crawford piled on the pounds after feasting on takeawaysshe decided to make a change after a child mistook her for being pregnantlizzi went on to loose almost 8st slimming down to 12.5 stshe also fought off cervical cancer after she was diagnosed in 2012\n", + "[1.3998975 1.4083583 1.3192048 1.329584 1.3527884 1.1489288 1.0847301\n", + " 1.0215502 1.0168189 1.0139089 1.0176101 1.0178918 1.0339173 1.0165888\n", + " 1.1910515 1.0875744 1.0447433 1.1915196 0. 0. ]\n", + "\n", + "[ 1 0 4 3 2 17 14 5 15 6 16 12 7 11 10 8 13 9 18 19]\n", + "=======================\n", + "[\"hazard has played 48 games this season for club and country , missing just five matches for chelsea and being an ever-present in their barclays premier league title charge .eden hazard has admitted an intense campaign with chelsea may have left him too tired to perform at the best of his ability after he was substituted just 62 minutes into belgium 's win over israel on tuesday .belgium captain vincent kompany was sent off for a second yellow card within two minutes of hazard 's withdrawal , leaving belgium clinging on to their slender lead , and wilmots admitted he may not have substituted his star man had he known his side would be down to 10 men .\"]\n", + "=======================\n", + "[\"eden hazard was substituted 62 minutes into belgium 's win in israelmanager marc wilmots said he believed hazard looked to be tiringchelsea playmaker questioned the decision but admitted he could be tiredread : chelsea star hazard rated europe 's best midfielderclick here for the latest chelsea news\"]\n", + "hazard has played 48 games this season for club and country , missing just five matches for chelsea and being an ever-present in their barclays premier league title charge .eden hazard has admitted an intense campaign with chelsea may have left him too tired to perform at the best of his ability after he was substituted just 62 minutes into belgium 's win over israel on tuesday .belgium captain vincent kompany was sent off for a second yellow card within two minutes of hazard 's withdrawal , leaving belgium clinging on to their slender lead , and wilmots admitted he may not have substituted his star man had he known his side would be down to 10 men .\n", + "eden hazard was substituted 62 minutes into belgium 's win in israelmanager marc wilmots said he believed hazard looked to be tiringchelsea playmaker questioned the decision but admitted he could be tiredread : chelsea star hazard rated europe 's best midfielderclick here for the latest chelsea news\n", + "[1.2450784 1.2809169 1.2780596 1.1585755 1.1268574 1.1322886 1.0485435\n", + " 1.0696901 1.0392195 1.055207 1.050843 1.1147703 1.11103 1.0647377\n", + " 1.0199819 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 5 4 11 12 7 13 9 10 6 8 14 18 15 16 17 19]\n", + "=======================\n", + "[\"but 10 years on from the sunny april day that saw camilla parker-bowles become the duchess of cornwall , things are looking very different for the 67-year-old royal .indeed , so popular has camilla become , a recent poll revealed that not only is the duchess loved by 50 per cent of britons , 56 per cent credit her with charles ' own increasing popularity .she was the most hated woman in britain , loathed for her role in the break-up of the prince and princess of wales ' marriage and vilified for everything from her dress sense to her looks .\"]\n", + "=======================\n", + "[\"camilla is now one of the most popular members of the royal familyshe is close to her stepsons and is often seen joking with them at eventsthe duchess has also won over the queen and is said to be ` close ' to her\"]\n", + "but 10 years on from the sunny april day that saw camilla parker-bowles become the duchess of cornwall , things are looking very different for the 67-year-old royal .indeed , so popular has camilla become , a recent poll revealed that not only is the duchess loved by 50 per cent of britons , 56 per cent credit her with charles ' own increasing popularity .she was the most hated woman in britain , loathed for her role in the break-up of the prince and princess of wales ' marriage and vilified for everything from her dress sense to her looks .\n", + "camilla is now one of the most popular members of the royal familyshe is close to her stepsons and is often seen joking with them at eventsthe duchess has also won over the queen and is said to be ` close ' to her\n", + "[1.4164548 1.512645 1.2321588 1.3702877 1.1089518 1.1082795 1.0099306\n", + " 1.0122323 1.0445957 1.0889695 1.2255611 1.0361795 1.1474907 1.035233\n", + " 1.0169044 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 10 12 4 5 9 8 11 13 14 7 6 18 15 16 17 19]\n", + "=======================\n", + "[\"the are no premier league clubs in the last eight of the competition after chelsea , arsenal and manchester city were eliminated at the last 16 stage , while everton were dumped out of the europa league in the previous round .diego simeone has admitted his surprise at the fact there are no english clubs left in europe as he prepares atletico madrid for their champions league quarter-final second leg .and simeone , who takes his side to the bernabeu to face local rivals real madrid on wednesday , believes the failure of english clubs in europe this season should kick the country 's top-flight into gear .\"]\n", + "=======================\n", + "['there are no english clubs left in the champions league or europa leaguediego simeone admits he is surprised at the plight of premier league sideshe believes barcelona and real madrid are the top two clubs in europeatletico madrid face real madrid in their champions league quarter-final']\n", + "the are no premier league clubs in the last eight of the competition after chelsea , arsenal and manchester city were eliminated at the last 16 stage , while everton were dumped out of the europa league in the previous round .diego simeone has admitted his surprise at the fact there are no english clubs left in europe as he prepares atletico madrid for their champions league quarter-final second leg .and simeone , who takes his side to the bernabeu to face local rivals real madrid on wednesday , believes the failure of english clubs in europe this season should kick the country 's top-flight into gear .\n", + "there are no english clubs left in the champions league or europa leaguediego simeone admits he is surprised at the plight of premier league sideshe believes barcelona and real madrid are the top two clubs in europeatletico madrid face real madrid in their champions league quarter-final\n", + "[1.260796 1.1873587 1.3286512 1.3143709 1.1071618 1.1065837 1.0898257\n", + " 1.0979731 1.0787612 1.0754981 1.0692117 1.0778992 1.079438 1.0550449\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 1 4 5 7 6 12 8 11 9 10 13 18 14 15 16 17 19]\n", + "=======================\n", + "[\"the judge ruled on wednesday she must remain in dcf custody until completing court-ordered chemotherapy for hodgkin 's lymphoma , a type of blood cancer , at connecticut children 's medical center in hartford .going nowhere : cassandra fortin was ordered by the connecticut supreme court to undergo cancer treatmentsuperior court judge carl taylor in middletown , connecticut , denied requests made last month by attorneys for both cassandra and her mother , jackie fortin , that the 17-year-old be released from the temporary custody of the state department of children and families , or that her mother be permitted to visit her in the hospital .\"]\n", + "=======================\n", + "[\"cassandra fortin , 17 , wanted to decline chemotherapy for her cancerconnecticut supreme court ruled that ms fortin must undergo treatmentthe teenager complained that she had been ` treated like an animal 'she said the hospital refused to allow her mother to visit her\"]\n", + "the judge ruled on wednesday she must remain in dcf custody until completing court-ordered chemotherapy for hodgkin 's lymphoma , a type of blood cancer , at connecticut children 's medical center in hartford .going nowhere : cassandra fortin was ordered by the connecticut supreme court to undergo cancer treatmentsuperior court judge carl taylor in middletown , connecticut , denied requests made last month by attorneys for both cassandra and her mother , jackie fortin , that the 17-year-old be released from the temporary custody of the state department of children and families , or that her mother be permitted to visit her in the hospital .\n", + "cassandra fortin , 17 , wanted to decline chemotherapy for her cancerconnecticut supreme court ruled that ms fortin must undergo treatmentthe teenager complained that she had been ` treated like an animal 'she said the hospital refused to allow her mother to visit her\n", + "[1.3036705 1.491103 1.2622435 1.3471782 1.1759868 1.031741 1.0304964\n", + " 1.028041 1.0332543 1.0325496 1.0304232 1.0269256 1.028836 1.0334008\n", + " 1.0422908 1.0496613 1.0208055 1.0278447 1.045428 1.0131662]\n", + "\n", + "[ 1 3 0 2 4 15 18 14 13 8 9 5 6 10 12 7 17 11 16 19]\n", + "=======================\n", + "[\"rodney stover , 48 , a convicted sex offender lived in bellevue men 's shelter with a group of convicted pedophiles , rapists , and other sex-offenders .the man accused of raping a woman in a manhattan bar lived in a homeless shelter along with 13 other sex offenders located just one block from a special needs school .mark battle , 43 : convicted of sexually attacking a 27-year-old in new york city in 2011\"]\n", + "=======================\n", + "[\"rodney stover , 48 , a convicted sex offender lived in a shelter group of convicted pedophiles and rapiststhe dilapidated bellevue men 's shelter is located just one block from the k through 12 churchill school for learning-disabled childrenthree of the residents in the shelter are convicted rapists and four of them were pedophiles with male and female victims as young as sixstover was arraigned on thursday and is accused of raping a woman in a manhattan barstover was convicted in 1992 for raping and sodomizing a woman he did not know and was released from prison on valentine 's day of this year\"]\n", + "rodney stover , 48 , a convicted sex offender lived in bellevue men 's shelter with a group of convicted pedophiles , rapists , and other sex-offenders .the man accused of raping a woman in a manhattan bar lived in a homeless shelter along with 13 other sex offenders located just one block from a special needs school .mark battle , 43 : convicted of sexually attacking a 27-year-old in new york city in 2011\n", + "rodney stover , 48 , a convicted sex offender lived in a shelter group of convicted pedophiles and rapiststhe dilapidated bellevue men 's shelter is located just one block from the k through 12 churchill school for learning-disabled childrenthree of the residents in the shelter are convicted rapists and four of them were pedophiles with male and female victims as young as sixstover was arraigned on thursday and is accused of raping a woman in a manhattan barstover was convicted in 1992 for raping and sodomizing a woman he did not know and was released from prison on valentine 's day of this year\n", + "[1.1532383 1.3452008 1.2234809 1.1056778 1.2395266 1.1309582 1.1697769\n", + " 1.0227618 1.174054 1.0160003 1.1713675 1.0227907 1.0395777 1.0198742\n", + " 1.1285062 1.1172367 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 8 10 6 0 5 14 15 3 12 11 7 13 9 16 17 18 19]\n", + "=======================\n", + "['and more specifically , a study of 2.3 million has revealed that 7.35 am is the most hectic , frenzied time of the morning routine for australian families .sophie falkiner , australian tv presenter , model and mother of two , can testify to that .according to the study , conducted by kraft , breakfast is the top priority for parents - with an average of 140 hours spent making breakfast each year ( equivalent to 25 minutes a day ) .']\n", + "=======================\n", + "[\"new study reveals that aussie parents spend 140 hours making breakfaststudy of 2.3 million found that 7.35 is the busiest in most householdssophie falkiner , mother of two , says mornings in her house are ` crazy '\"]\n", + "and more specifically , a study of 2.3 million has revealed that 7.35 am is the most hectic , frenzied time of the morning routine for australian families .sophie falkiner , australian tv presenter , model and mother of two , can testify to that .according to the study , conducted by kraft , breakfast is the top priority for parents - with an average of 140 hours spent making breakfast each year ( equivalent to 25 minutes a day ) .\n", + "new study reveals that aussie parents spend 140 hours making breakfaststudy of 2.3 million found that 7.35 is the busiest in most householdssophie falkiner , mother of two , says mornings in her house are ` crazy '\n", + "[1.3905811 1.202384 1.4216117 1.1737901 1.2063253 1.0941488 1.0721556\n", + " 1.099883 1.0661981 1.0676775 1.0718571 1.0642804 1.0638882 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 4 1 3 7 5 6 10 9 8 11 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"mr miliband will say labour 's reduction in the rate of stamp duty to zero would benefit nine in ten first-time buyers -- saving them up to # 5,000 in tax .a labour government would also change planning law to give first-time buyers who have lived in a local authority area for more than three years ` first call ' on up to half of homes built locally .labour claims its tax break -- which would last three years -- would be funded by a further squeeze on tax avoidance , higher levies on foreign buyers and cuts in tax relief for landlords who fail to keep properties up to standard .\"]\n", + "=======================\n", + "[\"labour 's reduction in stamp duty would benefit nine in ten first-time buyerstax break funded by squeeze on tax avoidance , higher levies on foreign buyers and cuts in tax relief for landlords who fail to maintain propertieslabour would also give the buyers ` first call ' on half of homes built locally\"]\n", + "mr miliband will say labour 's reduction in the rate of stamp duty to zero would benefit nine in ten first-time buyers -- saving them up to # 5,000 in tax .a labour government would also change planning law to give first-time buyers who have lived in a local authority area for more than three years ` first call ' on up to half of homes built locally .labour claims its tax break -- which would last three years -- would be funded by a further squeeze on tax avoidance , higher levies on foreign buyers and cuts in tax relief for landlords who fail to keep properties up to standard .\n", + "labour 's reduction in stamp duty would benefit nine in ten first-time buyerstax break funded by squeeze on tax avoidance , higher levies on foreign buyers and cuts in tax relief for landlords who fail to maintain propertieslabour would also give the buyers ` first call ' on half of homes built locally\n", + "[1.2234567 1.4298785 1.4043286 1.33511 1.1863227 1.0984522 1.1125573\n", + " 1.1356468 1.0371766 1.0307132 1.0309145 1.0301402 1.0293323 1.0714407\n", + " 1.1769817 1.0080335 1.1427811 1.045619 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 14 16 7 6 5 13 17 8 10 9 11 12 15 18 19]\n", + "=======================\n", + "[\"the egyptian-themed mansion , advertised online as pharaoh 's palace , promises a ` perfect private location ' on seven secluded acres in tampa .millionaire gary lowndes purchased the property in 2013 for $ 2 million and had planned to film a reality show about strippers on the property .the owner of a florida mansion accused of being home to a ` secret stripper school ' has decided to sell up after being found in violation of county zoning codes .\"]\n", + "=======================\n", + "['millionaire gary lowndes purchased the tampa property in 2013 for $ 2 million and had wanted to film a reality show about strippers at the mansionhe admitted defeat on friday after being found guilty of violating zoning codes due to noisey private functions held at the residence including the midsummer night wet dream eventresidents of the nearby cheval west community had repeatedly complained about the noise coming from the seven acre propertyon friday the county code enforcement board found that lownds had violated their rules and threatened to fine himhe has put the property back on the market for $ 2.3 million']\n", + "the egyptian-themed mansion , advertised online as pharaoh 's palace , promises a ` perfect private location ' on seven secluded acres in tampa .millionaire gary lowndes purchased the property in 2013 for $ 2 million and had planned to film a reality show about strippers on the property .the owner of a florida mansion accused of being home to a ` secret stripper school ' has decided to sell up after being found in violation of county zoning codes .\n", + "millionaire gary lowndes purchased the tampa property in 2013 for $ 2 million and had wanted to film a reality show about strippers at the mansionhe admitted defeat on friday after being found guilty of violating zoning codes due to noisey private functions held at the residence including the midsummer night wet dream eventresidents of the nearby cheval west community had repeatedly complained about the noise coming from the seven acre propertyon friday the county code enforcement board found that lownds had violated their rules and threatened to fine himhe has put the property back on the market for $ 2.3 million\n", + "[1.343458 1.311387 1.227268 1.3898388 1.1280556 1.1863835 1.0936562\n", + " 1.0520698 1.0690533 1.0099727 1.0563902 1.2086687 1.1061056 1.087371\n", + " 1.0419477 1.0084985 1.079603 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 2 11 5 4 12 6 13 16 8 10 7 14 9 15 18 17 19]\n", + "=======================\n", + "[\"kevin pietersen has lashed out at graham gooch for commenting on his attempted england comebackgooch appeared on bbc radio five live on sunday morning and took a broadly supportive stance of pietersen , who has re-signed for surrey in an attempt to stage an unlikely test return .gooch , the former england captain who also worked as the national side 's batting coach until last year , went as far as saying pietersen had ` wiped the floor with the ecb ' in the lengthy pr battle since his sacking in 2014 .\"]\n", + "=======================\n", + "[\"kevin pietersen has re-signed for surrey in attempt to earn england recallgraham gooch claimed pietersen had ` wiped the floor with the ecb 'pietersen takes to twitter to aim swipe at gooch\"]\n", + "kevin pietersen has lashed out at graham gooch for commenting on his attempted england comebackgooch appeared on bbc radio five live on sunday morning and took a broadly supportive stance of pietersen , who has re-signed for surrey in an attempt to stage an unlikely test return .gooch , the former england captain who also worked as the national side 's batting coach until last year , went as far as saying pietersen had ` wiped the floor with the ecb ' in the lengthy pr battle since his sacking in 2014 .\n", + "kevin pietersen has re-signed for surrey in attempt to earn england recallgraham gooch claimed pietersen had ` wiped the floor with the ecb 'pietersen takes to twitter to aim swipe at gooch\n", + "[1.2086545 1.4081174 1.3160849 1.2625954 1.2363752 1.1359886 1.0891671\n", + " 1.0212193 1.0612582 1.0098704 1.1588857 1.1146212 1.0441715 1.028115\n", + " 1.0239428 1.024297 1.0396371 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 10 5 11 6 8 12 16 13 15 14 7 9 17 18]\n", + "=======================\n", + "[\"viewers unleashed a barrage of negative comments on twitter after last night 's episode of the billion dollar chicken shop on bbc one .the third programme in the series focused on the methods employed by the creative team behind kfc 's rebranding exercise and showed scenes of a food stylist using hairdryers and tweezers when preparing the food for an advertisement .kfc has a global turnover of 23 billion dollars a year , and a billion of that comes from the uk alone\"]\n", + "=======================\n", + "[\"the billion dollar chicken shop is a three-part bbc programme on kfcviewers unleash a barrage of negative comments after yesterday 's episodeprogramme showed how chicken burger is prepared for cameraskfc has 860 stores nationwide and serves 22 million customers a year\"]\n", + "viewers unleashed a barrage of negative comments on twitter after last night 's episode of the billion dollar chicken shop on bbc one .the third programme in the series focused on the methods employed by the creative team behind kfc 's rebranding exercise and showed scenes of a food stylist using hairdryers and tweezers when preparing the food for an advertisement .kfc has a global turnover of 23 billion dollars a year , and a billion of that comes from the uk alone\n", + "the billion dollar chicken shop is a three-part bbc programme on kfcviewers unleash a barrage of negative comments after yesterday 's episodeprogramme showed how chicken burger is prepared for cameraskfc has 860 stores nationwide and serves 22 million customers a year\n", + "[1.1646408 1.2573019 1.2587063 1.3633765 1.2939327 1.0294863 1.0731224\n", + " 1.0697173 1.0244385 1.0500845 1.0401702 1.1284102 1.0288087 1.0347233\n", + " 1.0117874 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 2 1 0 11 6 7 9 10 13 5 12 8 14 17 15 16 18]\n", + "=======================\n", + "[\"australian dietician and nutritionist susie burrell agrees with the research that points to white bread and heavily processed carbohydrates as contributors for weight gain , but says this is no reason to cut all carbs out completely .carbs are back : doctors have warned against people cutting out whole food groups like carbohydratesas revealed by the daily mail on tuesday , experts warn that shunning an entire food group is unsustainable , can damage one 's relationship with food and could be doing more harm than good .\"]\n", + "=======================\n", + "['experts have warned against trend where people cut out all carbohydratessuggest instead to eat less processed foods with more wholegrainsaustralian nutritionist susie burrell has revealed her top five breadsalso named the five least nutritious ones that should be avoided']\n", + "australian dietician and nutritionist susie burrell agrees with the research that points to white bread and heavily processed carbohydrates as contributors for weight gain , but says this is no reason to cut all carbs out completely .carbs are back : doctors have warned against people cutting out whole food groups like carbohydratesas revealed by the daily mail on tuesday , experts warn that shunning an entire food group is unsustainable , can damage one 's relationship with food and could be doing more harm than good .\n", + "experts have warned against trend where people cut out all carbohydratessuggest instead to eat less processed foods with more wholegrainsaustralian nutritionist susie burrell has revealed her top five breadsalso named the five least nutritious ones that should be avoided\n", + "[1.3949903 1.2664714 1.1128263 1.5419148 1.3627177 1.1718465 1.2131038\n", + " 1.0205673 1.0143061 1.0133328 1.0170903 1.0151683 1.0146594 1.108446\n", + " 1.1348978 1.1490507 1.0162562 1.0117216 1.010605 ]\n", + "\n", + "[ 3 0 4 1 6 5 15 14 2 13 7 10 16 11 12 8 9 17 18]\n", + "=======================\n", + "[\"sam gallagher scored the winner as southampton u21s beat blackburn rovers 2-1 on mondaysam gallagher put an injury-hit season behind him by inspiring southampton to under-21 premier league cup glory , netting an exceptional goal which he hopes caught ronald koeman 's eye .ronald koeman was in the crowd and gallagher says he hopes he impressed him\"]\n", + "=======================\n", + "[\"sam gallagher helped southampton claim u21 premier league cupstriker scored stunning goal in front of first-team manager ronald koemangallagher has n't featured this season after impressing last year\"]\n", + "sam gallagher scored the winner as southampton u21s beat blackburn rovers 2-1 on mondaysam gallagher put an injury-hit season behind him by inspiring southampton to under-21 premier league cup glory , netting an exceptional goal which he hopes caught ronald koeman 's eye .ronald koeman was in the crowd and gallagher says he hopes he impressed him\n", + "sam gallagher helped southampton claim u21 premier league cupstriker scored stunning goal in front of first-team manager ronald koemangallagher has n't featured this season after impressing last year\n", + "[1.3100455 1.5190339 1.2193711 1.2548714 1.3898892 1.0278683 1.0181153\n", + " 1.0142137 1.0312916 1.026911 1.0143322 1.0124449 1.0150656 1.0763656\n", + " 1.0795497 1.0724437 1.0832437 1.1979514 0. ]\n", + "\n", + "[ 1 4 0 3 2 17 16 14 13 15 8 5 9 6 12 10 7 11 18]\n", + "=======================\n", + "[\"the tractor boys , who have now lost four of their last five away games , were caught cold by goals in the opening 30 minutes by huddersfield strike pair nahki wells and james vaughan .james vaughan ( right ) doubled the lead for the home side and dent ipswich 's play-off hopesipswich town manager mick mccarthy was feeling less vibrant than his team 's bright orange strip after they blew a chance to climb into the play-off places .\"]\n", + "=======================\n", + "['nakhi wells opened the scoring after an error from on-loan zeki fryersjames vaughan doubled the advantage after 30 minutes for the home sideluke varney pulled one back for ipswich straight after the breakipswich have now lost four out of five away in the championship']\n", + "the tractor boys , who have now lost four of their last five away games , were caught cold by goals in the opening 30 minutes by huddersfield strike pair nahki wells and james vaughan .james vaughan ( right ) doubled the lead for the home side and dent ipswich 's play-off hopesipswich town manager mick mccarthy was feeling less vibrant than his team 's bright orange strip after they blew a chance to climb into the play-off places .\n", + "nakhi wells opened the scoring after an error from on-loan zeki fryersjames vaughan doubled the advantage after 30 minutes for the home sideluke varney pulled one back for ipswich straight after the breakipswich have now lost four out of five away in the championship\n", + "[1.1982949 1.4592253 1.1820995 1.1637053 1.2052084 1.2868423 1.2044431\n", + " 1.1773698 1.073397 1.0874056 1.0857009 1.0799538 1.1310879 1.1392689\n", + " 1.017718 1.0095918 1.0085012 1.0096586 0. ]\n", + "\n", + "[ 1 5 4 6 0 2 7 3 13 12 9 10 11 8 14 17 15 16 18]\n", + "=======================\n", + "[\"he is accused of attacking husband and wife ronald and june phillips while on board a cruise shipgraeme finlay , 53 , says he was ` ignored ' when he joined their table and so moved to another after looking at the menu .the elderly couple were ambushed outside their room by a passenger who had earlier sat with them in the restaurant and claims that he was snubbed , a court heard yesterday .\"]\n", + "=======================\n", + "['graeme finlay allegedly attacked ronald and june phillips on a cruise shipcame as the couple walked back to their cabin on the ship to drink cocoaboth husband and wife were knocked unconscious and severely injuredfinlay denies two charges of wounding and grievous bodily harm']\n", + "he is accused of attacking husband and wife ronald and june phillips while on board a cruise shipgraeme finlay , 53 , says he was ` ignored ' when he joined their table and so moved to another after looking at the menu .the elderly couple were ambushed outside their room by a passenger who had earlier sat with them in the restaurant and claims that he was snubbed , a court heard yesterday .\n", + "graeme finlay allegedly attacked ronald and june phillips on a cruise shipcame as the couple walked back to their cabin on the ship to drink cocoaboth husband and wife were knocked unconscious and severely injuredfinlay denies two charges of wounding and grievous bodily harm\n", + "[1.1089902 1.3506001 1.1014596 1.137411 1.2372146 1.2149776 1.2583972\n", + " 1.0602769 1.0619615 1.1069633 1.0603086 1.0784566 1.0477268 1.0584879\n", + " 1.0416102 1.0130028 1.0138979 1.0111744 1.0131121]\n", + "\n", + "[ 1 6 4 5 3 0 9 2 11 8 10 7 13 12 14 16 18 15 17]\n", + "=======================\n", + "['holocaust survivor eva kor had waited 70 years for a moment such as this -- and now , at last , she was face to face with a former ss man on trial for his alleged part in the slaughter at auschwitz .embrace : seventy years after auschwitz was liberated , eva kor embraces former nazi guard oskar groeningredemption : holocaust survivor kor takes the hand of groening as he stands in the dock accused of complicity to murder 300,000 people']\n", + "=======================\n", + "['eva kor , 81 , embraced former auschwitz guard oskar groening , 93the former ss man is on trial for war crimes for his two years at the campkor described to court how she and her twin sister were experimented onshe suffered at the hands of dr josef mengele at the nazi death camp']\n", + "holocaust survivor eva kor had waited 70 years for a moment such as this -- and now , at last , she was face to face with a former ss man on trial for his alleged part in the slaughter at auschwitz .embrace : seventy years after auschwitz was liberated , eva kor embraces former nazi guard oskar groeningredemption : holocaust survivor kor takes the hand of groening as he stands in the dock accused of complicity to murder 300,000 people\n", + "eva kor , 81 , embraced former auschwitz guard oskar groening , 93the former ss man is on trial for war crimes for his two years at the campkor described to court how she and her twin sister were experimented onshe suffered at the hands of dr josef mengele at the nazi death camp\n", + "[1.1904137 1.4532018 1.2978512 1.2186557 1.3219602 1.1864399 1.0937108\n", + " 1.1081989 1.0266471 1.0678005 1.0534333 1.1641316 1.0462028 1.0510119\n", + " 1.0507164 1.0182792 1.1031581 1.0891215 1.1137192]\n", + "\n", + "[ 1 4 2 3 0 5 11 18 7 16 6 17 9 10 13 14 12 8 15]\n", + "=======================\n", + "['officer jeffrey swett was allegedly run over by william bogard in january after the suspect stole his car while it was running , according to prosecutors .william bogard has pleaded not guilty after being charged with attempted murder , assault and vehicle thefta video from a hearing in a court on friday showed a san diego police officer being hit with his own cruiser']\n", + "=======================\n", + "[\"officer jeffrey swett was allegedly run over by william bogard in januarysuspect stole officer 's car while it was running , according to prosecutorsswett suffered broken arms , broken leg and severe head and neck traumavideo of incident was played during preliminary hearing in court on fridaybogard pleaded not guilty to charges including murder , assault and theft\"]\n", + "officer jeffrey swett was allegedly run over by william bogard in january after the suspect stole his car while it was running , according to prosecutors .william bogard has pleaded not guilty after being charged with attempted murder , assault and vehicle thefta video from a hearing in a court on friday showed a san diego police officer being hit with his own cruiser\n", + "officer jeffrey swett was allegedly run over by william bogard in januarysuspect stole officer 's car while it was running , according to prosecutorsswett suffered broken arms , broken leg and severe head and neck traumavideo of incident was played during preliminary hearing in court on fridaybogard pleaded not guilty to charges including murder , assault and theft\n", + "[1.2010295 1.080979 1.1154808 1.1718515 1.2895539 1.1217803 1.1668777\n", + " 1.0822486 1.0813816 1.055118 1.0292295 1.0217648 1.1469107 1.0605594\n", + " 1.0500522 1.015644 1.0149779 0. 0. ]\n", + "\n", + "[ 4 0 3 6 12 5 2 7 8 1 13 9 14 10 11 15 16 17 18]\n", + "=======================\n", + "[\"just last week , australian woman jade ruthven was lambasted on her social media account by her friends , who were so sick of her constant updates about her baby daughter that they wrote her a scathing letter demanding she stop .we 're either guilty of it or we have a friend or family member who is a bandit for it : oversharing photos of our children on social media .and while this may be a harsh reaction to her social obsession , social media expert sarah-jane kurtini believes people need to more aware of their ramblings on the web . '\"]\n", + "=======================\n", + "[\"there has been a rise in ` sharenting ' - sharing photos of children onlinethe trend could be dangerous for your child in the long runwho is really looking at your photos and how far do they reach online ?people who do n't turn off location settings are leaving kids vulnerablean australian woman received a scathing letter over posting baby photos\"]\n", + "just last week , australian woman jade ruthven was lambasted on her social media account by her friends , who were so sick of her constant updates about her baby daughter that they wrote her a scathing letter demanding she stop .we 're either guilty of it or we have a friend or family member who is a bandit for it : oversharing photos of our children on social media .and while this may be a harsh reaction to her social obsession , social media expert sarah-jane kurtini believes people need to more aware of their ramblings on the web . '\n", + "there has been a rise in ` sharenting ' - sharing photos of children onlinethe trend could be dangerous for your child in the long runwho is really looking at your photos and how far do they reach online ?people who do n't turn off location settings are leaving kids vulnerablean australian woman received a scathing letter over posting baby photos\n", + "[1.3642666 1.3109748 1.346539 1.2106178 1.081073 1.0993067 1.1289432\n", + " 1.1289985 1.0431298 1.0694469 1.0695468 1.1070236 1.1045032 1.0849019\n", + " 1.0607941 1.0607314 1.0836667 1.0106512 1.0077726]\n", + "\n", + "[ 0 2 1 3 7 6 11 12 5 13 16 4 10 9 14 15 8 17 18]\n", + "=======================\n", + "['freddo frog has shrunk from 15g to 12gthe miniature chocolate amphibians , which weighed a plump 20g two years ago - before they dropped to 15g , will now weigh just 12g .cadbury is cutting the size of its beloved freddo frogs by 20 per cent but keeping the recommend retail price the same .']\n", + "=======================\n", + "[\"cadbury 's freddo frogs have decreased from 15g to 12gthe recommended retail price of the iconic aussie treat will stay the samecomes after cadbury shrunk its family size block by 9 per centlast year nestle sliced its killer pythons in half from 47g to 24gthe size of the size of smarties ` fun size ' boxes also shrunk by 20 per cent\"]\n", + "freddo frog has shrunk from 15g to 12gthe miniature chocolate amphibians , which weighed a plump 20g two years ago - before they dropped to 15g , will now weigh just 12g .cadbury is cutting the size of its beloved freddo frogs by 20 per cent but keeping the recommend retail price the same .\n", + "cadbury 's freddo frogs have decreased from 15g to 12gthe recommended retail price of the iconic aussie treat will stay the samecomes after cadbury shrunk its family size block by 9 per centlast year nestle sliced its killer pythons in half from 47g to 24gthe size of the size of smarties ` fun size ' boxes also shrunk by 20 per cent\n", + "[1.1097496 1.0534347 1.0457132 1.3622625 1.3830657 1.1075815 1.1678604\n", + " 1.038701 1.2101343 1.1004505 1.0293716 1.0263346 1.0240492 1.050363\n", + " 1.105406 1.0303832 1.0263149 1.0116801 1.0766814]\n", + "\n", + "[ 4 3 8 6 0 5 14 9 18 1 13 2 7 15 10 11 16 12 17]\n", + "=======================\n", + "['italy boasts the highest number of unesco world heritage sites in the world -- 50 , several of which risk crumbling to the ground due to neglect and lack of public resources .there are nearly 5,000 \" gems \" scattered across the country , ranging from museums to archaeological areas and monuments .in a desperate move the monks have launched a crowdfunding project to raise 500,000 euros .']\n", + "=======================\n", + "[\"italy boasts the highest number of unesco world heritage sites in the worlditaly does n't know how to exploit treasures , and appears not to care about them , writes silvia marchetti\"]\n", + "italy boasts the highest number of unesco world heritage sites in the world -- 50 , several of which risk crumbling to the ground due to neglect and lack of public resources .there are nearly 5,000 \" gems \" scattered across the country , ranging from museums to archaeological areas and monuments .in a desperate move the monks have launched a crowdfunding project to raise 500,000 euros .\n", + "italy boasts the highest number of unesco world heritage sites in the worlditaly does n't know how to exploit treasures , and appears not to care about them , writes silvia marchetti\n", + "[1.3067025 1.2320864 1.250952 1.2074469 1.2391046 1.193506 1.1411116\n", + " 1.0614591 1.0665917 1.0737299 1.190039 1.0660948 1.0338591 1.0452677\n", + " 1.0495683 1.0421903 1.0871375]\n", + "\n", + "[ 0 2 4 1 3 5 10 6 16 9 8 11 7 14 13 15 12]\n", + "=======================\n", + "[\"killed : police are investigating the alleged murder of syrian-born imam abdul hadi arwanithe father of six , who was an imam at a controversial mosque in west london , was found dead in his black volkswagen passat on april 7 .a jamaican businessman has already appeared in court charged with mr arwani 's murder , while a man and a woman were arrested this week on suspicion of terror offences .\"]\n", + "=======================\n", + "['man , 36 , arrested on suspicion of conspiracy to murder abdul hadi arwanisyrian imam was found shot dead in his car on a street in wembleyleslie cooper , 36 , has already appeared in court accused of murderburnell mitchell , 61 , and a 53-year-old woman were also arrested on suspicion of terror offences']\n", + "killed : police are investigating the alleged murder of syrian-born imam abdul hadi arwanithe father of six , who was an imam at a controversial mosque in west london , was found dead in his black volkswagen passat on april 7 .a jamaican businessman has already appeared in court charged with mr arwani 's murder , while a man and a woman were arrested this week on suspicion of terror offences .\n", + "man , 36 , arrested on suspicion of conspiracy to murder abdul hadi arwanisyrian imam was found shot dead in his car on a street in wembleyleslie cooper , 36 , has already appeared in court accused of murderburnell mitchell , 61 , and a 53-year-old woman were also arrested on suspicion of terror offences\n", + "[1.2151601 1.4795467 1.2345406 1.3076465 1.2598463 1.093854 1.0546495\n", + " 1.0462286 1.1236207 1.0447464 1.0360818 1.0402156 1.0854533 1.0219557\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 8 5 12 6 7 9 11 10 13 15 14 16]\n", + "=======================\n", + "[\"in the angry and emotional package delivered to the las vegas review-journal on monday , john noble , 53 , said he was going to kill himself because he lost his lifetime free pass to the m resort 's buffet for harassing female employees in 2013 .grevience : john noble ( pictured here with an employee of m resort ) was reportedly upset because he had lost free buffet eating privileges he 'd won from the casino in a suburb of las vegasa man who shot himself in the head while waiting in a las vegas hotel buffet line sent a 270 page letter to a local newspaper explaining his shocking public suicide .\"]\n", + "=======================\n", + "[\"john noble , 53 , took his own life waiting in line at the m resort buffetshot himself in the head because his free buffet pass had been taken awayhad been awarded the biggest winner pass for the studio b buffet in 2010it was revoked in 2013 after he was accused of harassing female employeesthe pass was confiscated three weeks after his mother passed awaynoble sent a local las vegas newspaper a 270-page suicide note and dvdposted increasingly rambling facebook posts prior to suicide pledging to discover ` the truth '\"]\n", + "in the angry and emotional package delivered to the las vegas review-journal on monday , john noble , 53 , said he was going to kill himself because he lost his lifetime free pass to the m resort 's buffet for harassing female employees in 2013 .grevience : john noble ( pictured here with an employee of m resort ) was reportedly upset because he had lost free buffet eating privileges he 'd won from the casino in a suburb of las vegasa man who shot himself in the head while waiting in a las vegas hotel buffet line sent a 270 page letter to a local newspaper explaining his shocking public suicide .\n", + "john noble , 53 , took his own life waiting in line at the m resort buffetshot himself in the head because his free buffet pass had been taken awayhad been awarded the biggest winner pass for the studio b buffet in 2010it was revoked in 2013 after he was accused of harassing female employeesthe pass was confiscated three weeks after his mother passed awaynoble sent a local las vegas newspaper a 270-page suicide note and dvdposted increasingly rambling facebook posts prior to suicide pledging to discover ` the truth '\n", + "[1.2888176 1.5026348 1.2473243 1.1498028 1.2007855 1.2090646 1.17086\n", + " 1.2512952 1.1169473 1.0779712 1.1134733 1.0338198 1.0204659 1.032849\n", + " 1.0072825 0. 0. ]\n", + "\n", + "[ 1 0 7 2 5 4 6 3 8 10 9 11 13 12 14 15 16]\n", + "=======================\n", + "['chancey allen luna was found guilty of first-degree murder friday for his role in the august 2013 drive-by shooting of christopher lane , a 23-year-old college student in duncan , about 80 miles south of oklahoma city .( cnn ) the bored teenager who gunned down a college baseball player in oklahoma simply because he and his two friends \" had nothing to do , \" is now a convicted murderer .the vehicle \\'s driver , michael jones , pleaded guilty in march to second-degree murder and was sentenced to life in prison .']\n", + "=======================\n", + "['chancey luna convicted of murder for gunning down oklahoma college student as he joggedpolice : luna and his friends \" were bored \" so they decided to kill somebody']\n", + "chancey allen luna was found guilty of first-degree murder friday for his role in the august 2013 drive-by shooting of christopher lane , a 23-year-old college student in duncan , about 80 miles south of oklahoma city .( cnn ) the bored teenager who gunned down a college baseball player in oklahoma simply because he and his two friends \" had nothing to do , \" is now a convicted murderer .the vehicle 's driver , michael jones , pleaded guilty in march to second-degree murder and was sentenced to life in prison .\n", + "chancey luna convicted of murder for gunning down oklahoma college student as he joggedpolice : luna and his friends \" were bored \" so they decided to kill somebody\n", + "[1.2907176 1.5508505 1.1701144 1.1137536 1.2516664 1.0714961 1.064913\n", + " 1.0577095 1.0533708 1.0955346 1.0409669 1.2105732 1.042165 1.0693402\n", + " 1.0937392 1.0307984 1.0308948]\n", + "\n", + "[ 1 0 4 11 2 3 9 14 5 13 6 7 8 12 10 16 15]\n", + "=======================\n", + "['robert bates , 73 , appeared in tulsa district court on tuesday and pleaded not guilty to second-degree manslaughter over the death of eric harris , who was killed during a botched sting on april 2 .the reserve deputy who shot a suspect dead after firing his gun instead of his taser was investigated in 2009 over his questionable training and erratic behavior in the field .charged : bates ( left in his mug shot ) shot harris ( pictured right ) and faces four years in prison if convicted']\n", + "=======================\n", + "['tulsa reserve deputy robert bates investigated in 2009 over his behaviorconcluded that he got special treatment and received questionable traininghe has pleaded not guilty to manslaughter over death of eric harris , 4473-year-old killed the father after drawing gun instead of taser during sting']\n", + "robert bates , 73 , appeared in tulsa district court on tuesday and pleaded not guilty to second-degree manslaughter over the death of eric harris , who was killed during a botched sting on april 2 .the reserve deputy who shot a suspect dead after firing his gun instead of his taser was investigated in 2009 over his questionable training and erratic behavior in the field .charged : bates ( left in his mug shot ) shot harris ( pictured right ) and faces four years in prison if convicted\n", + "tulsa reserve deputy robert bates investigated in 2009 over his behaviorconcluded that he got special treatment and received questionable traininghe has pleaded not guilty to manslaughter over death of eric harris , 4473-year-old killed the father after drawing gun instead of taser during sting\n", + "[1.329194 1.1875825 1.1888783 1.3829665 1.2672305 1.089392 1.0518823\n", + " 1.0590549 1.0331941 1.1039472 1.0312823 1.039061 1.0466458 1.0663352\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 0 4 2 1 9 5 13 7 6 12 11 8 10 15 14 16]\n", + "=======================\n", + "[\"chelsea clinton defended her family philanthropy on thursday in new york , calling it ` among the most transparent of foundations 'former first daughter chelsea clinton issued a pointed defense of her family foundation on thursday after allegations surfaced that it reaped millions from foreign countries that had issues pending before her mother when she was secretary of state .the foundation recently committed to stop taking donations from foreign governments but insisted it would n't return money it has already collected .\"]\n", + "=======================\n", + "[\"former first daughter is now vice chair of the bill , hillary and chelsea clinton foundationshe was responding to claims that her organization took millions from foreign governments that had pending policy concerns under her mother 's control as secretary of staterepublican party says allegations in new book ` raise serious questions about hillary clinton 's judgment and her handling of conflicts of interest '` we 'll be even more transparent , ' chelsea pledged , saying that ` we wo n't take new government funding , but that the work will continue as it is '\"]\n", + "chelsea clinton defended her family philanthropy on thursday in new york , calling it ` among the most transparent of foundations 'former first daughter chelsea clinton issued a pointed defense of her family foundation on thursday after allegations surfaced that it reaped millions from foreign countries that had issues pending before her mother when she was secretary of state .the foundation recently committed to stop taking donations from foreign governments but insisted it would n't return money it has already collected .\n", + "former first daughter is now vice chair of the bill , hillary and chelsea clinton foundationshe was responding to claims that her organization took millions from foreign governments that had pending policy concerns under her mother 's control as secretary of staterepublican party says allegations in new book ` raise serious questions about hillary clinton 's judgment and her handling of conflicts of interest '` we 'll be even more transparent , ' chelsea pledged , saying that ` we wo n't take new government funding , but that the work will continue as it is '\n", + "[1.4702594 1.3823351 1.1471345 1.5770984 1.3792224 1.0529113 1.0153672\n", + " 1.018732 1.1662517 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 8 2 5 7 6 17 16 15 14 9 12 11 10 18 13 19]\n", + "=======================\n", + "[\"anastasia pavlyuchenkova of russia beat germany 's sabine lisicki for a 2-0 lead in their fed cup tiepavlyuchenkova saved the match point in the second set before going on to beat lisicki 4-6 , 7-6 ( 4 ) , 6-3 , after svetlana kuznetsova beat julia goerges in straight sets in the opening rubber .the result left russia needing one win from sunday 's three matches to reach the final and bag a first fed cup title since 2008 .\"]\n", + "=======================\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['svetlana kuznetsova beats julia goerges in straight sets in fed cupanastasia pavlyuchenkova defeats sabine lisicki for 2-0 lead']\n", + "anastasia pavlyuchenkova of russia beat germany 's sabine lisicki for a 2-0 lead in their fed cup tiepavlyuchenkova saved the match point in the second set before going on to beat lisicki 4-6 , 7-6 ( 4 ) , 6-3 , after svetlana kuznetsova beat julia goerges in straight sets in the opening rubber .the result left russia needing one win from sunday 's three matches to reach the final and bag a first fed cup title since 2008 .\n", + "svetlana kuznetsova beats julia goerges in straight sets in fed cupanastasia pavlyuchenkova defeats sabine lisicki for 2-0 lead\n", + "[1.2661053 1.4806324 1.1451944 1.2164524 1.1791824 1.3161832 1.1285921\n", + " 1.0534449 1.0504673 1.0205591 1.0458542 1.0420871 1.0456495 1.1695814\n", + " 1.0334239 1.1023016 1.0646095 1.0926305 1.0528735 0. ]\n", + "\n", + "[ 1 5 0 3 4 13 2 6 15 17 16 7 18 8 10 12 11 14 9 19]\n", + "=======================\n", + "[\"ronald anderson , 48 , who was charged in the crime spree , was previously convicted of manslaughter and recently was arrested in an assault case involving his ` visibly afraid ' girlfriend , according to court documents obtained on friday .an armed man has been arrested after kidnapping a woman , shooting and killing census bureau guard and leading police on a car chase before authorities cornered him in an exchange of gunfire that left him and a police officer wounded .he was released the day of his arrest .\"]\n", + "=======================\n", + "[\"ronald anderson , 48 , was arrested and charged for the crime spreeanderson was previously convicted of manslaughter and arrested in an assault case involving his ` visibly afraid ' girlfriendthe kidnapped woman was found safe - she may be related to suspectthe guard , lawrence buckner , died at a hospital in cheverly , marylandofficer and suspect both conscious when they were taken for medical careguard saw two people fighting in a car that matched the description of a vehicle described in a report of an armed kidnappingincident took place at gate of u.s. census bureau in suitland , maryland\"]\n", + "ronald anderson , 48 , who was charged in the crime spree , was previously convicted of manslaughter and recently was arrested in an assault case involving his ` visibly afraid ' girlfriend , according to court documents obtained on friday .an armed man has been arrested after kidnapping a woman , shooting and killing census bureau guard and leading police on a car chase before authorities cornered him in an exchange of gunfire that left him and a police officer wounded .he was released the day of his arrest .\n", + "ronald anderson , 48 , was arrested and charged for the crime spreeanderson was previously convicted of manslaughter and arrested in an assault case involving his ` visibly afraid ' girlfriendthe kidnapped woman was found safe - she may be related to suspectthe guard , lawrence buckner , died at a hospital in cheverly , marylandofficer and suspect both conscious when they were taken for medical careguard saw two people fighting in a car that matched the description of a vehicle described in a report of an armed kidnappingincident took place at gate of u.s. census bureau in suitland , maryland\n", + "[1.4167312 1.340406 1.3922929 1.3083972 1.386433 1.2448292 1.0458939\n", + " 1.032221 1.0262343 1.0491335 1.0259664 1.1250968 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 4 1 3 5 11 9 6 7 8 10 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "['real madrid have appealed against the yellow card shown to cristiano ronaldo for diving in the penalty area during their 2-0 win over rayo vallecano , and hope to have his suspension revoked .the decision means ronaldo could be suspended for the game against eibar in la liga on saturdayronaldo appeared to be unfairly cautioned by referee mario melero lopez after he was chopped down by defender antonio amaya inside the box .']\n", + "=======================\n", + "[\"real madrid beat rayo vallecano 2-0 in la liga on wednesday nightcristiano ronaldo scored his 300th goal for the spanish giantsronaldo was also booked for diving in the area but it appeared unfairnow the european champions are appealing the decisionif appeal is unsuccessful the ballon d'or winner will face one-match banclick here for all the latest real madrid news\"]\n", + "real madrid have appealed against the yellow card shown to cristiano ronaldo for diving in the penalty area during their 2-0 win over rayo vallecano , and hope to have his suspension revoked .the decision means ronaldo could be suspended for the game against eibar in la liga on saturdayronaldo appeared to be unfairly cautioned by referee mario melero lopez after he was chopped down by defender antonio amaya inside the box .\n", + "real madrid beat rayo vallecano 2-0 in la liga on wednesday nightcristiano ronaldo scored his 300th goal for the spanish giantsronaldo was also booked for diving in the area but it appeared unfairnow the european champions are appealing the decisionif appeal is unsuccessful the ballon d'or winner will face one-match banclick here for all the latest real madrid news\n", + "[1.6473193 1.4318155 1.1447318 1.2246238 1.0895797 1.0577637 1.0343403\n", + " 1.0159079 1.0222907 1.0199579 1.0163116 1.0158519 1.0288936 1.2082813\n", + " 1.1073756 1.0460612 1.0577773 1.0494584 1.2498895 1.1680193]\n", + "\n", + "[ 0 1 18 3 13 19 2 14 4 16 5 17 15 6 12 8 9 10 7 11]\n", + "=======================\n", + "[\"mk dons boss karl robinson hailed the patience of his team as they beat doncaster 3-0 to keep the heat on preston at the top of league one .robinson 's team needed a freakish goal by dean bowditch , 25 minutes from time , to break doncaster 's resistance and stay within a point of the automatic promotion places with two games to play .jermaine beckford scored a brace for preston to help his side defeat notts county 3-1 on tuesday\"]\n", + "=======================\n", + "['preston defeat notts county 3-1 while mk dons beat doncaster 3-0with two games to go , preston are a point ahead of the donsthe two are competing to join champions bristol city in the championship']\n", + "mk dons boss karl robinson hailed the patience of his team as they beat doncaster 3-0 to keep the heat on preston at the top of league one .robinson 's team needed a freakish goal by dean bowditch , 25 minutes from time , to break doncaster 's resistance and stay within a point of the automatic promotion places with two games to play .jermaine beckford scored a brace for preston to help his side defeat notts county 3-1 on tuesday\n", + "preston defeat notts county 3-1 while mk dons beat doncaster 3-0with two games to go , preston are a point ahead of the donsthe two are competing to join champions bristol city in the championship\n", + "[1.3904455 1.4126928 1.1769737 1.1033999 1.3059171 1.0682434 1.076703\n", + " 1.0843829 1.0704803 1.1521021 1.1051295 1.0833616 1.0580151 1.1319968\n", + " 1.0694569 1.1107266 1.0125636 1.0065671 0. 0. ]\n", + "\n", + "[ 1 0 4 2 9 13 15 10 3 7 11 6 8 14 5 12 16 17 18 19]\n", + "=======================\n", + "[\"the ` cripmas ' party , held last december , had white students throwing stereotypical gang symbols while dressed in red and blue bandanas , t-shirts with images of the late rapper tupac shakur and fake ` thug ' tattoos .the sigma alpha epsilon ( sae ) fraternity at clemson university in south carolina has been put on probation for two years after the group held a christmas theme party that flared up racial tensions on campus .the party was also reportedly attended by female students from several sororities .\"]\n", + "=======================\n", + "[\"the sigma alpha epsilon fraternity at clemson university was penalized for holding a christmas theme party that flared up racial tensionswhite students dressed in red and blue bandanas , t-shirts with images of the late rapper tupac shakur and sported fake ` thug ' tattoosphotos from the party flooded social media and were accompanied by comments such as : ` merry cripmas to all , and all a hood night 'the incident caused a backlash as black students protested and said clemson was n't doing enough to promote racial tolerance\"]\n", + "the ` cripmas ' party , held last december , had white students throwing stereotypical gang symbols while dressed in red and blue bandanas , t-shirts with images of the late rapper tupac shakur and fake ` thug ' tattoos .the sigma alpha epsilon ( sae ) fraternity at clemson university in south carolina has been put on probation for two years after the group held a christmas theme party that flared up racial tensions on campus .the party was also reportedly attended by female students from several sororities .\n", + "the sigma alpha epsilon fraternity at clemson university was penalized for holding a christmas theme party that flared up racial tensionswhite students dressed in red and blue bandanas , t-shirts with images of the late rapper tupac shakur and sported fake ` thug ' tattoosphotos from the party flooded social media and were accompanied by comments such as : ` merry cripmas to all , and all a hood night 'the incident caused a backlash as black students protested and said clemson was n't doing enough to promote racial tolerance\n", + "[1.15912 1.3890419 1.2176777 1.2759953 1.1991704 1.140188 1.1411232\n", + " 1.1055597 1.0981822 1.0865899 1.1257604 1.0151513 1.0194163 1.0150683\n", + " 1.0245503 1.0349798 1.0477748 1.054201 1.0645285 1.0422786 0. ]\n", + "\n", + "[ 1 3 2 4 0 6 5 10 7 8 9 18 17 16 19 15 14 12 11 13 20]\n", + "=======================\n", + "[\"sarah 's ordeal was played out on tv after she agreed to appear on the jeremy kyle show to undergo a dna test .the 23-year-old mother burst into tears when the presenter revealed phil , who appeared with her on the itv show , was not in fact her real father .a woman has received the shocking news that the man she 's known as her father for 23 years is not actually her biological parent .\"]\n", + "=======================\n", + "[\"sarah appeared on monday 's jeremy kyle show to have dna testwanted to find out if phil was her real fatherhe had raised her but mother cast doubt on his paternitythey were heartbroken to discover they are not related\"]\n", + "sarah 's ordeal was played out on tv after she agreed to appear on the jeremy kyle show to undergo a dna test .the 23-year-old mother burst into tears when the presenter revealed phil , who appeared with her on the itv show , was not in fact her real father .a woman has received the shocking news that the man she 's known as her father for 23 years is not actually her biological parent .\n", + "sarah appeared on monday 's jeremy kyle show to have dna testwanted to find out if phil was her real fatherhe had raised her but mother cast doubt on his paternitythey were heartbroken to discover they are not related\n", + "[1.3310032 1.3607726 1.2409701 1.3618373 1.2483841 1.1872188 1.0420657\n", + " 1.0270749 1.0165169 1.023089 1.0312349 1.1295265 1.0401851 1.0268028\n", + " 1.0131377 1.0235422 1.0332258 1.2420238 1.1135775 1.0515047 1.0125487]\n", + "\n", + "[ 3 1 0 4 17 2 5 11 18 19 6 12 16 10 7 13 15 9 8 14 20]\n", + "=======================\n", + "[\"but nigel farage and tory immigration minister james brokenshire dismissed mr miliband 's ideas and said he was doing nothing to control immigration .exploitation has driven low-skilled migration and held down wages for british workers , the labour leader said during an outing in wirral west earlier today .ed miliband pledged to crackdown on the illegal exploitation of migrant workers by promising a home office task force to boost prosecutions and fines on bad employers .\"]\n", + "=======================\n", + "[\"exploitation drives low-skilled migration and holds down wages , he saidspeech given during an outing in marginal seat wirral west earlier todayukip leader said it was a ` big diversion ' as exploitation not the main issue\"]\n", + "but nigel farage and tory immigration minister james brokenshire dismissed mr miliband 's ideas and said he was doing nothing to control immigration .exploitation has driven low-skilled migration and held down wages for british workers , the labour leader said during an outing in wirral west earlier today .ed miliband pledged to crackdown on the illegal exploitation of migrant workers by promising a home office task force to boost prosecutions and fines on bad employers .\n", + "exploitation drives low-skilled migration and holds down wages , he saidspeech given during an outing in marginal seat wirral west earlier todayukip leader said it was a ` big diversion ' as exploitation not the main issue\n", + "[1.4704976 1.1801077 1.4269484 1.2633066 1.1312925 1.1257166 1.0824859\n", + " 1.0321864 1.0140873 1.0262411 1.2601018 1.1377705 1.0583783 1.0617303\n", + " 1.0396678 1.0473818 1.0853231 1.0964862 1.0168381 0. 0. ]\n", + "\n", + "[ 0 2 3 10 1 11 4 5 17 16 6 13 12 15 14 7 9 18 8 19 20]\n", + "=======================\n", + "[\"kayla mooney , 24 , was arrested after allegedly having a sexual relationship with a student during her first year of teaching at danbury high schoola 24-year-old high school science teacher who was arrested for allegedly having sex with a male student and providing him with alcohol appeared in court on monday .mooney was allegedly busted after she complained to school administrators that the boy 's girlfriend was harassing her\"]\n", + "=======================\n", + "[\"kayla mooney , who is in her first year teaching in danbury , connecticut , ` engaged in sexual contact with a male student off campus last year 'she appeared in court on monday but arraignment was postponed after her attorney requested evidence from prosecutorsshe turned herself in march following a seven-week-long police investigation after administrators learned of the alleged relationship\"]\n", + "kayla mooney , 24 , was arrested after allegedly having a sexual relationship with a student during her first year of teaching at danbury high schoola 24-year-old high school science teacher who was arrested for allegedly having sex with a male student and providing him with alcohol appeared in court on monday .mooney was allegedly busted after she complained to school administrators that the boy 's girlfriend was harassing her\n", + "kayla mooney , who is in her first year teaching in danbury , connecticut , ` engaged in sexual contact with a male student off campus last year 'she appeared in court on monday but arraignment was postponed after her attorney requested evidence from prosecutorsshe turned herself in march following a seven-week-long police investigation after administrators learned of the alleged relationship\n", + "[1.382733 1.2639745 1.3284407 1.1450037 1.0329185 1.021681 1.0352511\n", + " 1.0147799 1.251048 1.1798836 1.0686924 1.1180139 1.1445198 1.1032672\n", + " 1.0947225 1.0412138 1.1555641 1.1017193 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 8 9 16 3 12 11 13 17 14 10 15 6 4 5 7 18 19 20]\n", + "=======================\n", + "[\"juventus coach massimiliano allegri goes into this weekend 's serie a games admitting he does not expect to be fully embraced by the team 's fans until he steers the club to a title .allegri , who replaced antonio conte last summer , and juve will go after another three points on saturday when they host empoli .juve are 14 points clear of roma at the top of the standings with 10 games remaining .\"]\n", + "=======================\n", + "['the turin club are 14 points clear of roma at the top of serie ajuventus are aiming for a fourth straight scudetto titlethe bianconeri are on for a potential treble , playing in the champions league quarter-finals and the coppa italia semi-finals']\n", + "juventus coach massimiliano allegri goes into this weekend 's serie a games admitting he does not expect to be fully embraced by the team 's fans until he steers the club to a title .allegri , who replaced antonio conte last summer , and juve will go after another three points on saturday when they host empoli .juve are 14 points clear of roma at the top of the standings with 10 games remaining .\n", + "the turin club are 14 points clear of roma at the top of serie ajuventus are aiming for a fourth straight scudetto titlethe bianconeri are on for a potential treble , playing in the champions league quarter-finals and the coppa italia semi-finals\n", + "[1.2828205 1.2898409 1.2813638 1.1700753 1.1200348 1.0624135 1.1030644\n", + " 1.0547807 1.1096194 1.1098682 1.0462389 1.057657 1.0285137 1.0713949\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 9 8 6 13 5 11 7 10 12 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"indiana lawmakers unveiled this morning an amendment its already-in-effect law clarifying that no one will ` be able to discriminate against anyone at any time . 'two states at the center of gay rights protests over laws designed to ` uphold religious freedom ' are engaging in hurried climbdowns today , with both moving to alter legislation that critics say legalizes discrimination on the basis of sexual orientation .the arkansas legislature was also poised to pass changes to its legislation after the state 's republican governor asa hutchinson rejected its bill at the last minute on wednesday following public uproar and a personal plea from his son .\"]\n", + "=======================\n", + "[\"new text of indiana bill states that no one will ` be able to discriminate against anyone at any time '` it was never intended to discriminate against anyone , ' indiana senate president pro tem david long said this morning at a press conferencearkansas legislature was also poised to pass altered legislation after the state 's republican governor rejected the bill at the last minute yesterdayaltered law would more closely mirror federal legislation ; it passed the senate last night and is now under consideration in the house\"]\n", + "indiana lawmakers unveiled this morning an amendment its already-in-effect law clarifying that no one will ` be able to discriminate against anyone at any time . 'two states at the center of gay rights protests over laws designed to ` uphold religious freedom ' are engaging in hurried climbdowns today , with both moving to alter legislation that critics say legalizes discrimination on the basis of sexual orientation .the arkansas legislature was also poised to pass changes to its legislation after the state 's republican governor asa hutchinson rejected its bill at the last minute on wednesday following public uproar and a personal plea from his son .\n", + "new text of indiana bill states that no one will ` be able to discriminate against anyone at any time '` it was never intended to discriminate against anyone , ' indiana senate president pro tem david long said this morning at a press conferencearkansas legislature was also poised to pass altered legislation after the state 's republican governor rejected the bill at the last minute yesterdayaltered law would more closely mirror federal legislation ; it passed the senate last night and is now under consideration in the house\n", + "[1.2151632 1.5070581 1.2974291 1.2708149 1.3510054 1.154093 1.0904828\n", + " 1.1111231 1.121868 1.0434545 1.0933781 1.0382506 1.0492594 1.0086863\n", + " 1.014461 1.0081617 1.0437362 1.0347836]\n", + "\n", + "[ 1 4 2 3 0 5 8 7 10 6 12 16 9 11 17 14 13 15]\n", + "=======================\n", + "['maarij khan and his mother mushammat are set to be removed from their home in newcastle after the home office turned down their bid to remain in the uk .deported : maarij khan , left , has been told he must leave britain and move to bangladesh weeks after the death of his brother saffat , pictured right receiving an award for braverysaffat died of meningitis last month , after his fight against an aggressive form of cancer and several rounds of chemotherapy left his immune system fatally weakened .']\n", + "=======================\n", + "[\"maarij khan , 11 , and his mother mushammat set to be deported from ukbrother saffat , 10 , died of meningitis last month after years-long cancer battle left his immune system weakenedmaarij is distraught at the possibility of being unable to visit saffat 's grave3,500 people have signed a petition calling on the home office to allow the family to stay\"]\n", + "maarij khan and his mother mushammat are set to be removed from their home in newcastle after the home office turned down their bid to remain in the uk .deported : maarij khan , left , has been told he must leave britain and move to bangladesh weeks after the death of his brother saffat , pictured right receiving an award for braverysaffat died of meningitis last month , after his fight against an aggressive form of cancer and several rounds of chemotherapy left his immune system fatally weakened .\n", + "maarij khan , 11 , and his mother mushammat set to be deported from ukbrother saffat , 10 , died of meningitis last month after years-long cancer battle left his immune system weakenedmaarij is distraught at the possibility of being unable to visit saffat 's grave3,500 people have signed a petition calling on the home office to allow the family to stay\n", + "[1.1793699 1.4903657 1.2707007 1.19545 1.368068 1.2265664 1.1768796\n", + " 1.1185025 1.0818335 1.0843369 1.0108122 1.0096817 1.1651084 1.1193589\n", + " 1.0622172 1.0497199 1.0173602 1.0268524]\n", + "\n", + "[ 1 4 2 5 3 0 6 12 13 7 9 8 14 15 17 16 10 11]\n", + "=======================\n", + "['bethune-cookman university student damian parks , 22 , was reported missing after going swimming with student s at 3am on sunday and students who were with him said strong currents pulled parks out to sea .his body was found monday morning .a florida university is investigating the death of a student who drowned in daytona beach to determine whether or not hazing was involved .']\n", + "=======================\n", + "[\"bethune-cookman university student damian parks , 22 , drowned on sundayhe and four friends had gone swimming in daytona beach at 3am after bar-hopping , volusia county beach safety ocean rescue saidstrong currents pulled parks out to sea and his body was found on mondayfriends who were with him said there ` was no foul play at all ' and that parks had not been drinking nor was he impaired in any waythe five students were part of a step team called melodic stepping experience , which formed last yearparks ' mother carolyn parks , who lost another son , aged 16 , six months ago , said that her son was not a good swimmer\"]\n", + "bethune-cookman university student damian parks , 22 , was reported missing after going swimming with student s at 3am on sunday and students who were with him said strong currents pulled parks out to sea .his body was found monday morning .a florida university is investigating the death of a student who drowned in daytona beach to determine whether or not hazing was involved .\n", + "bethune-cookman university student damian parks , 22 , drowned on sundayhe and four friends had gone swimming in daytona beach at 3am after bar-hopping , volusia county beach safety ocean rescue saidstrong currents pulled parks out to sea and his body was found on mondayfriends who were with him said there ` was no foul play at all ' and that parks had not been drinking nor was he impaired in any waythe five students were part of a step team called melodic stepping experience , which formed last yearparks ' mother carolyn parks , who lost another son , aged 16 , six months ago , said that her son was not a good swimmer\n", + "[1.2381502 1.3731784 1.4219209 1.3390944 1.1062357 1.1483189 1.1083579\n", + " 1.0570652 1.0103494 1.0152189 1.0151738 1.0923539 1.2420315 1.1674677\n", + " 1.0603079 1.0229155 1.030895 1.0129293]\n", + "\n", + "[ 2 1 3 12 0 13 5 6 4 11 14 7 16 15 9 10 17 8]\n", + "=======================\n", + "[\"he says the organisms test positive for dna , and have masses that are ` six times bigger than the size limit of a particle which can be elevated from earth to this height . 'now the controversial british professor claims he has new evidence of these ` extra-terrestrial organisms ' floating 25 miles ( 40km ) above the planet .dr milton wainwright has been trying to convince academics that he has found aliens in earth 's stratosphere for several years .\"]\n", + "=======================\n", + "[\"radical claim made by dr milton wainwright from sheffield universityhe used balloons to collect dust samples 25 miles ( 40km ) above earthclaims to have discovered ` alien organisms ' that test positive for dnahis research has been widely criticised by the scientific community\"]\n", + "he says the organisms test positive for dna , and have masses that are ` six times bigger than the size limit of a particle which can be elevated from earth to this height . 'now the controversial british professor claims he has new evidence of these ` extra-terrestrial organisms ' floating 25 miles ( 40km ) above the planet .dr milton wainwright has been trying to convince academics that he has found aliens in earth 's stratosphere for several years .\n", + "radical claim made by dr milton wainwright from sheffield universityhe used balloons to collect dust samples 25 miles ( 40km ) above earthclaims to have discovered ` alien organisms ' that test positive for dnahis research has been widely criticised by the scientific community\n", + "[1.4291648 1.3082991 1.3581938 1.1958201 1.2339746 1.2179172 1.0848361\n", + " 1.1515954 1.1075139 1.0642132 1.0126053 1.0125749 1.2429335 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 12 4 5 3 7 8 6 9 10 11 13 14 15 16 17]\n", + "=======================\n", + "[\"chelsea could move for atletico madrid centre back miranda in the summer .the 31-year-old has one year left on his contract and atletico are reportedly keen to cash in this summer .the club 's technical director michael emenalo travelled to spain on saturday to watch the defender during atletico 's 2-2 draw with malaga , according to spanish newspaper as .\"]\n", + "=======================\n", + "['miranda has one year left on his contract with atletico madridatletico madrid are reportedly keen to cash in this summerchelsea and atletico held talks over miranda last summer']\n", + "chelsea could move for atletico madrid centre back miranda in the summer .the 31-year-old has one year left on his contract and atletico are reportedly keen to cash in this summer .the club 's technical director michael emenalo travelled to spain on saturday to watch the defender during atletico 's 2-2 draw with malaga , according to spanish newspaper as .\n", + "miranda has one year left on his contract with atletico madridatletico madrid are reportedly keen to cash in this summerchelsea and atletico held talks over miranda last summer\n", + "[1.3431811 1.2586658 1.1853853 1.1012208 1.0446867 1.1158713 1.1656468\n", + " 1.10294 1.0760745 1.0553019 1.0303522 1.0789914 1.1112967 1.0585315\n", + " 1.0767047 1.0526103 1.0287716 1.0201844]\n", + "\n", + "[ 0 1 2 6 5 12 7 3 11 14 8 13 9 15 4 10 16 17]\n", + "=======================\n", + "['( cnn ) roseanne barr revealed earlier this week that she is going blind .in an interview with the daily beast , the 62-year-old comic talked about her struggle with macular degeneration and glaucoma -- two eye diseases that get progressively worse over time and can steal vision .barr \\'s doctors have n\\'t provided a timeline , but her symptoms are worsening : \" my vision is closing in now , \" she said .']\n", + "=======================\n", + "['barr has macular degeneration and glaucoma , eye diseases that get progressively worse and can steal visionthe risk for both diseases goes up for everyone after age 60sun exposure can up the risk for glaucoma and macular degeneration']\n", + "( cnn ) roseanne barr revealed earlier this week that she is going blind .in an interview with the daily beast , the 62-year-old comic talked about her struggle with macular degeneration and glaucoma -- two eye diseases that get progressively worse over time and can steal vision .barr 's doctors have n't provided a timeline , but her symptoms are worsening : \" my vision is closing in now , \" she said .\n", + "barr has macular degeneration and glaucoma , eye diseases that get progressively worse and can steal visionthe risk for both diseases goes up for everyone after age 60sun exposure can up the risk for glaucoma and macular degeneration\n", + "[1.2288495 1.4706727 1.2476995 1.2714843 1.3512928 1.2668551 1.1829276\n", + " 1.1677921 1.0587751 1.0422436 1.029842 1.0730219 1.0162282 1.1893207\n", + " 1.0118444 1.0097909 1.0142876 1.0128888 1.0514562 1.0375185]\n", + "\n", + "[ 1 4 3 5 2 0 13 6 7 11 8 18 9 19 10 12 16 17 14 15]\n", + "=======================\n", + "[\"` del boy ' has not boxed since he was stopped by switch-hitting tyson fury at london 's excel arena in november .dereck chisora is being lined up for a summer comeback against british heavyweight rival david pricechisora , meanwhile , has been regrouping and recovering from an eye injury sustained during the 10-round beating .\"]\n", + "=======================\n", + "['heavyweight boxer dereck chisora is planning a summer comebackpromoter frank warren has revealed chisora is back in trainingchisora has not boxed since defeat to switch-hitting tyson furyfellow heavyweight david price is being lined up to fight chisora']\n", + "` del boy ' has not boxed since he was stopped by switch-hitting tyson fury at london 's excel arena in november .dereck chisora is being lined up for a summer comeback against british heavyweight rival david pricechisora , meanwhile , has been regrouping and recovering from an eye injury sustained during the 10-round beating .\n", + "heavyweight boxer dereck chisora is planning a summer comebackpromoter frank warren has revealed chisora is back in trainingchisora has not boxed since defeat to switch-hitting tyson furyfellow heavyweight david price is being lined up to fight chisora\n", + "[1.2964487 1.3374832 1.2586464 1.1811757 1.1283939 1.3065931 1.0419197\n", + " 1.0912439 1.064504 1.1330045 1.0607651 1.0770073 1.0564921 1.1026856\n", + " 1.0210768 1.0434653 1.061033 0. 0. 0. ]\n", + "\n", + "[ 1 5 0 2 3 9 4 13 7 11 8 16 10 12 15 6 14 18 17 19]\n", + "=======================\n", + "['police say the key to tracking down the suspect , michael david ikeler , of torrance , was a tip from his observant neighbor , who noticed ikeler altering the appearance of his car .a 36-year-old father in los angeles has been arrested and charged over the abduction of a two-year-old girl from a car wash earlier this month , who was sexually abused and then dumped in a restaurant parking lot hours later .investigators had released cctv footage of the car - a white nissan altima - from the crime scene at the self-serve carwash in gardena on april 2 .']\n", + "=======================\n", + "['girl disappeared from a car wash in gardena , california , on april 2she was found two hours later naked at a burger restaurant 13 miles awaypolice searching for driver of white nissan altima with tinted windowsman in torrance noticed his neighbor was altering his car and called policemichael david ikeler , 36 , was then arrested one week after abductioncharged one count of lewd act upon a child with a kidnapping allegation , and two counts of oral copulation or sexual penetration of a childikeler pleaded not guilty on april 13']\n", + "police say the key to tracking down the suspect , michael david ikeler , of torrance , was a tip from his observant neighbor , who noticed ikeler altering the appearance of his car .a 36-year-old father in los angeles has been arrested and charged over the abduction of a two-year-old girl from a car wash earlier this month , who was sexually abused and then dumped in a restaurant parking lot hours later .investigators had released cctv footage of the car - a white nissan altima - from the crime scene at the self-serve carwash in gardena on april 2 .\n", + "girl disappeared from a car wash in gardena , california , on april 2she was found two hours later naked at a burger restaurant 13 miles awaypolice searching for driver of white nissan altima with tinted windowsman in torrance noticed his neighbor was altering his car and called policemichael david ikeler , 36 , was then arrested one week after abductioncharged one count of lewd act upon a child with a kidnapping allegation , and two counts of oral copulation or sexual penetration of a childikeler pleaded not guilty on april 13\n", + "[1.3378947 1.4078224 1.3129618 1.1384602 1.1376247 1.0751898 1.1028932\n", + " 1.0477297 1.0162183 1.1587651 1.1181159 1.066441 1.1594945 1.0211035\n", + " 1.0520754 1.0382818 1.0611974 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 12 9 3 4 10 6 5 11 16 14 7 15 13 8 18 17 19]\n", + "=======================\n", + "[\"online pirates have unveiled nearly half of the show 's next season , which is scheduled to debut its first episode tonight .game of thrones fans who did not want to wait and legally watch hbo 's hit series premiere its fifth season tonight have leaked the first four episodes online .the episodes began appearing on torrent download sites on saturday night , and are thought to have leaked from review copies given to the press .\"]\n", + "=======================\n", + "['episodes for the next four weeks released saturday night on pirate sitesillegal material thought to have leaked through press review copiesshow is the most pirated in the world , with brazil the worst offender']\n", + "online pirates have unveiled nearly half of the show 's next season , which is scheduled to debut its first episode tonight .game of thrones fans who did not want to wait and legally watch hbo 's hit series premiere its fifth season tonight have leaked the first four episodes online .the episodes began appearing on torrent download sites on saturday night , and are thought to have leaked from review copies given to the press .\n", + "episodes for the next four weeks released saturday night on pirate sitesillegal material thought to have leaked through press review copiesshow is the most pirated in the world , with brazil the worst offender\n", + "[1.3029132 1.3191836 1.2923837 1.2297803 1.1510855 1.0531839 1.015314\n", + " 1.1553582 1.089036 1.0870821 1.0815437 1.062787 1.0625685 1.0718052\n", + " 1.1117753 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 7 4 14 8 9 10 13 11 12 5 6 18 15 16 17 19]\n", + "=======================\n", + "[\"the queen and senior members of the royal family will attend the westminster abbey service of thanksgiving - the culmination of three days of events marking the milestone .the queen will lead the nation at a religious service commemorating the 70th anniversary of victory in europe ( ve ) day , when second world war allied forces finally defeated hitler 's nazi troops on the continent .on the first day of the festivities a national two-minute silence will be held at the cenotaph at 3pm on friday , may 8 , marking the moment prime minister winston churchill broadcast his historic speech to formally announce the end of the war .\"]\n", + "=======================\n", + "['three days of celebration to mark the 70th anniversary of ve day on 8 mayher majesty will attend westminster abbey service of thanksgivingin 1995 , her majesty was joined by queen mother and princess margaretyesterday the queen distributed alms at royal maundy service in sheffield']\n", + "the queen and senior members of the royal family will attend the westminster abbey service of thanksgiving - the culmination of three days of events marking the milestone .the queen will lead the nation at a religious service commemorating the 70th anniversary of victory in europe ( ve ) day , when second world war allied forces finally defeated hitler 's nazi troops on the continent .on the first day of the festivities a national two-minute silence will be held at the cenotaph at 3pm on friday , may 8 , marking the moment prime minister winston churchill broadcast his historic speech to formally announce the end of the war .\n", + "three days of celebration to mark the 70th anniversary of ve day on 8 mayher majesty will attend westminster abbey service of thanksgivingin 1995 , her majesty was joined by queen mother and princess margaretyesterday the queen distributed alms at royal maundy service in sheffield\n", + "[1.181005 1.4773252 1.3378882 1.1419294 1.0937841 1.1891387 1.0801889\n", + " 1.0795733 1.0726736 1.187207 1.0994167 1.0641928 1.0300364 1.0090429\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 5 9 0 3 10 4 6 7 8 11 12 13 18 14 15 16 17 19]\n", + "=======================\n", + "[\"kelsey higley , who studies art media at the university of oklahoma in norman , created a fascinating self-portrait of her body , showing what it would look like if it were digitally trimmed or augmented into various shapes considered beautiful .the 22-year-old 's work , which is part of a project and has been published on video-sharing site vimeo , shows just how different her frame might look if she had , for example , an hour-glass figure , or larger boobs .the project , entitled ` manipulation ' used 126 different images resulting in a video that was published on vimeo\"]\n", + "=======================\n", + "[\"kelsey higley filmed her body in 126 different digitally altered posesstudent wanted to show how body would look if she modeled it ` like clay '` manipulation ' project challenges changing images of beautyvimeo video features nipped-in waist , large breasts and huge eyes\"]\n", + "kelsey higley , who studies art media at the university of oklahoma in norman , created a fascinating self-portrait of her body , showing what it would look like if it were digitally trimmed or augmented into various shapes considered beautiful .the 22-year-old 's work , which is part of a project and has been published on video-sharing site vimeo , shows just how different her frame might look if she had , for example , an hour-glass figure , or larger boobs .the project , entitled ` manipulation ' used 126 different images resulting in a video that was published on vimeo\n", + "kelsey higley filmed her body in 126 different digitally altered posesstudent wanted to show how body would look if she modeled it ` like clay '` manipulation ' project challenges changing images of beautyvimeo video features nipped-in waist , large breasts and huge eyes\n", + "[1.1450641 1.511162 1.2403727 1.348438 1.3606104 1.2073829 1.1718963\n", + " 1.0818211 1.0331274 1.1468304 1.0683936 1.1047536 1.0696607 1.1135337\n", + " 1.0491338 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 2 5 6 9 0 13 11 7 12 10 14 8 25 24 23 22 21 18 19 17 16\n", + " 15 26 20 27]\n", + "=======================\n", + "[\"patricia ebel , 49 , was driving her 10-year-old grandson home after a day at the pool on friday when she crashed her luxury black bmw 5-series into a car that was stopped at an intersection in naples , florida .ebel was captured on video staggering as she failed all field-sobriety-tests administered by collier county sheriff 's deputies .ebel is facing dui charges including driving with a .15 - or-greater blood alcohol content with a minor in the car\"]\n", + "=======================\n", + "['patricia ebel , 49 , was arrested on friday after crashing her luxary bmw 5-series into a car that was stopped at an intersection in naples , floridashe was captured on video staggering as she failed all field-sobriety-testsebel had been driving her 10-year-old grandson in the vehicle after a day at the poolshe is facing dui charges including driving with a .15 - or-greater blood alcohol content with a minor in the car']\n", + "patricia ebel , 49 , was driving her 10-year-old grandson home after a day at the pool on friday when she crashed her luxury black bmw 5-series into a car that was stopped at an intersection in naples , florida .ebel was captured on video staggering as she failed all field-sobriety-tests administered by collier county sheriff 's deputies .ebel is facing dui charges including driving with a .15 - or-greater blood alcohol content with a minor in the car\n", + "patricia ebel , 49 , was arrested on friday after crashing her luxary bmw 5-series into a car that was stopped at an intersection in naples , floridashe was captured on video staggering as she failed all field-sobriety-testsebel had been driving her 10-year-old grandson in the vehicle after a day at the poolshe is facing dui charges including driving with a .15 - or-greater blood alcohol content with a minor in the car\n", + "[1.4129684 1.3625401 1.413422 1.441023 1.2328265 1.3559381 1.0811402\n", + " 1.1363047 1.0228862 1.0219429 1.023576 1.0135593 1.0129677 1.0118072\n", + " 1.0119183 1.01594 1.1275221 1.0132167 1.0114821 1.0659778 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 0 1 5 4 7 16 6 19 10 8 9 15 11 17 12 14 13 18 26 20 21 22\n", + " 23 24 25 27]\n", + "=======================\n", + "['steve clarke wants scheduling of matches in england to improve so the fa cup can be preservedreading had to play their fa cup replay against bradford in the last round on a monday when they had played a championship match two days previously .earlier in the competition the third round ties were split over five days due to new years day premier league matches and to accommodate televised games .']\n", + "=======================\n", + "[\"steve clarke thinks that scheduling needs to better for the fa cupreading 's semi-final clashes with chelsea against manchester unitedclarke admits that without improvements , the fa cup will lose its appeal\"]\n", + "steve clarke wants scheduling of matches in england to improve so the fa cup can be preservedreading had to play their fa cup replay against bradford in the last round on a monday when they had played a championship match two days previously .earlier in the competition the third round ties were split over five days due to new years day premier league matches and to accommodate televised games .\n", + "steve clarke thinks that scheduling needs to better for the fa cupreading 's semi-final clashes with chelsea against manchester unitedclarke admits that without improvements , the fa cup will lose its appeal\n", + "[1.46139 1.4567742 1.2506164 1.3813049 1.0987811 1.0440183 1.2795045\n", + " 1.0355653 1.0266392 1.103403 1.0569279 1.0442 1.0984336 1.0824486\n", + " 1.0403838 1.052383 1.056015 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 6 2 9 4 12 13 10 16 15 11 5 14 7 8 25 24 23 22 18 20 19\n", + " 17 26 21 27]\n", + "=======================\n", + "['fa chairman greg dyke revealed on wednesday night that harry kane has informed england he wants to play for his country in the european u21 championships .tottenham manager mauricio pochettino would prefer kane to rest at the end of his first full campaign rather than compete in the tournament in the czech republic .spurs and england have been in talks for some time without reaching an agreement .']\n", + "=======================\n", + "[\"harry kane has been in superb form for tottenham this season , netting 30 goals for the club while also scoring on his senior england debutfa chairman greg dyke has revealed that kane wants to play for england 's under 21s side at the european championships this summerhowever , tottenham are concerned about the striker overplaying\"]\n", + "fa chairman greg dyke revealed on wednesday night that harry kane has informed england he wants to play for his country in the european u21 championships .tottenham manager mauricio pochettino would prefer kane to rest at the end of his first full campaign rather than compete in the tournament in the czech republic .spurs and england have been in talks for some time without reaching an agreement .\n", + "harry kane has been in superb form for tottenham this season , netting 30 goals for the club while also scoring on his senior england debutfa chairman greg dyke has revealed that kane wants to play for england 's under 21s side at the european championships this summerhowever , tottenham are concerned about the striker overplaying\n", + "[1.1173352 1.1572647 1.3009157 1.0790075 1.118394 1.3098408 1.0626117\n", + " 1.0330442 1.0711364 1.1128607 1.0843092 1.0723901 1.0696523 1.0865034\n", + " 1.1582052 1.0461161 1.029977 1.0178286 1.0279504 1.0216516 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 5 2 14 1 4 0 9 13 10 3 11 8 12 6 15 7 16 18 19 17 20 21 22 23\n", + " 24 25 26 27]\n", + "=======================\n", + "[\"she is selena dohal , 8 , and her skull was fractured when a massive earthquake shook her neighborhood , two and a half hours from the nepalese capital , to the ground on saturday .gupta helped doctors at bir hospital in kathmandu perform a craniotomy in a makeshift operating room on a young patient as described in this story ; it is the identity of the patient that is in question .sanjay gupta , a neurosurgeon and cnn 's chief medical correspondent , has scrubbed up at the request of a nepalese medical team to help with the operation .\"]\n", + "=======================\n", + "['patients flood hospitals in nepalese capital after devastating earthquakecnn \\'s dr. sanjay gupta helps with girl \\'s operation at nepalese medical team \\'s request\" this is as bad a situation as i \\'ve ever seen , \" gupta says']\n", + "she is selena dohal , 8 , and her skull was fractured when a massive earthquake shook her neighborhood , two and a half hours from the nepalese capital , to the ground on saturday .gupta helped doctors at bir hospital in kathmandu perform a craniotomy in a makeshift operating room on a young patient as described in this story ; it is the identity of the patient that is in question .sanjay gupta , a neurosurgeon and cnn 's chief medical correspondent , has scrubbed up at the request of a nepalese medical team to help with the operation .\n", + "patients flood hospitals in nepalese capital after devastating earthquakecnn 's dr. sanjay gupta helps with girl 's operation at nepalese medical team 's request\" this is as bad a situation as i 've ever seen , \" gupta says\n", + "[1.1858451 1.2559524 1.1837959 1.2158047 1.1658876 1.089379 1.2188749\n", + " 1.0995681 1.0709883 1.0898831 1.0376542 1.0619582 1.0595148 1.0330931\n", + " 1.0109215 1.0136334 1.0118123 1.0644159 1.0503958 1.0446551 1.0280665\n", + " 1.011542 1.0168397 1.0122285 1.0245903 1.0628353 1.0335234 1.0388163]\n", + "\n", + "[ 1 6 3 0 2 4 7 9 5 8 17 25 11 12 18 19 27 10 26 13 20 24 22 15\n", + " 23 16 21 14]\n", + "=======================\n", + "[\"the two leaders , who clasped hands yesterday at a brief meeting , are both attending the summit of the americas in panama .warmth : president barack obama and cuban president raul castro shook hands on friday at a summit in panama , a symbolically charged gesture as the pair seek to restore ties between the cold war foesthe white house has set expectations for a ` substantive ' exchange between castro , brother of revolutionary leader fidel , and obama today .\"]\n", + "=======================\n", + "[\"obama and raul , fidel castro 's brother , shook hands on fridaywhite house says the two are due a ` substantive ' conversation todaythey met at the summit of the americas in panama alongside other leadersus ` is close to removing cuba from list of terrorist sponsor states 'move would automatically lift some economic sanctions on island nationthe pair had shaken hands before at the funeral of nelson mandela in 2013they will meet again today and discuss further thawing u.s.-cuba relationscolombian president juan manuel santos hailed obama 's push to improve relations with cuba , saying it healed a ` blister ' that was hurting the region\"]\n", + "the two leaders , who clasped hands yesterday at a brief meeting , are both attending the summit of the americas in panama .warmth : president barack obama and cuban president raul castro shook hands on friday at a summit in panama , a symbolically charged gesture as the pair seek to restore ties between the cold war foesthe white house has set expectations for a ` substantive ' exchange between castro , brother of revolutionary leader fidel , and obama today .\n", + "obama and raul , fidel castro 's brother , shook hands on fridaywhite house says the two are due a ` substantive ' conversation todaythey met at the summit of the americas in panama alongside other leadersus ` is close to removing cuba from list of terrorist sponsor states 'move would automatically lift some economic sanctions on island nationthe pair had shaken hands before at the funeral of nelson mandela in 2013they will meet again today and discuss further thawing u.s.-cuba relationscolombian president juan manuel santos hailed obama 's push to improve relations with cuba , saying it healed a ` blister ' that was hurting the region\n", + "[1.2744279 1.2401457 1.3745868 1.2813708 1.1631103 1.1820157 1.179163\n", + " 1.075342 1.088471 1.1418934 1.035056 1.0251868 1.0870969 1.0366886\n", + " 1.0158936 1.0114503 1.0126269 1.0608764 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 3 0 1 5 6 4 9 8 12 7 17 13 10 11 14 16 15 20 18 19 21]\n", + "=======================\n", + "[\"aberash bekele , 32 , is angry at the filmmakers for using her story without her knowledge or consent , and failing , initially , to pay her compensation .fear : aberash bekele ( second left ) believes the film could put her and her family in danger of reprisalsangelina jolie 's acclaimed film about the kidnap and rape of a 14-year-old girl in ethiopia has helped burnish her image as a human rights campaigner .\"]\n", + "=======================\n", + "['aberash bekele , 32 , is angry at filmmakers of difret for using her storymiss bekele was abducted so she could be pushed into a forced marriagefilm was screened at global summit to end sexual violence in conflictlast year , miss bekele won injunction banning it being shown in ethiopia']\n", + "aberash bekele , 32 , is angry at the filmmakers for using her story without her knowledge or consent , and failing , initially , to pay her compensation .fear : aberash bekele ( second left ) believes the film could put her and her family in danger of reprisalsangelina jolie 's acclaimed film about the kidnap and rape of a 14-year-old girl in ethiopia has helped burnish her image as a human rights campaigner .\n", + "aberash bekele , 32 , is angry at filmmakers of difret for using her storymiss bekele was abducted so she could be pushed into a forced marriagefilm was screened at global summit to end sexual violence in conflictlast year , miss bekele won injunction banning it being shown in ethiopia\n", + "[1.2780685 1.4355364 1.1747779 1.3664109 1.0687987 1.043858 1.1417494\n", + " 1.0832888 1.0820899 1.1221766 1.060929 1.139103 1.0403018 1.1709452\n", + " 1.0542437 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 2 13 6 11 9 7 8 4 10 14 5 12 15 16 17 18 19 20 21]\n", + "=======================\n", + "['blaine boudreaux has been charged with intoxication manslaughter , intoxicated assault and failure to stop and render aid involving death in connection to at least three separate dui collisions that took place within three hours in houston .police in houston say a 34-year-old man got behind the wheel of his car while under the influence sunday , leaving a path of destruction in his wake and killing two people , one of them a 6-year-old boy .boudreaux , who also has an extensive dui record in his native louisiana , was allegedly drunk when he ran a red light on lockwood drive at around 6.3 opm and slammed his dodge pickup truck into a honda civic .']\n", + "=======================\n", + "[\"blaine boudreaux , 34 , charged with intoxication manslaughter , intoxicated assault and failure to stop and render aid involving deathaccused of killing 6-year-old joshua medrano , injuring his mother , mowing down 61-year-old leonard batiste and slamming into into another vehiclehe was stopped by police after first crash involving mother and toddler but was let go with a ticketbatiste , a homeless man , was found dead in a ditch a day laterone of joshua medrano 's relatives screamed at boudreaux in court : ' i hope you die ! '\"]\n", + "blaine boudreaux has been charged with intoxication manslaughter , intoxicated assault and failure to stop and render aid involving death in connection to at least three separate dui collisions that took place within three hours in houston .police in houston say a 34-year-old man got behind the wheel of his car while under the influence sunday , leaving a path of destruction in his wake and killing two people , one of them a 6-year-old boy .boudreaux , who also has an extensive dui record in his native louisiana , was allegedly drunk when he ran a red light on lockwood drive at around 6.3 opm and slammed his dodge pickup truck into a honda civic .\n", + "blaine boudreaux , 34 , charged with intoxication manslaughter , intoxicated assault and failure to stop and render aid involving deathaccused of killing 6-year-old joshua medrano , injuring his mother , mowing down 61-year-old leonard batiste and slamming into into another vehiclehe was stopped by police after first crash involving mother and toddler but was let go with a ticketbatiste , a homeless man , was found dead in a ditch a day laterone of joshua medrano 's relatives screamed at boudreaux in court : ' i hope you die ! '\n", + "[1.488785 1.3199525 1.1776288 1.4475067 1.0678132 1.0516824 1.1485367\n", + " 1.1113521 1.0338618 1.2696795 1.0548652 1.0501661 1.0140144 1.0122684\n", + " 1.0093102 1.2135437 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 9 15 2 6 7 4 10 5 11 8 12 13 14 20 16 17 18 19 21]\n", + "=======================\n", + "['scotland winger sean maitland is facing a race against time to be fit for the rugby world cup after it emerged he has undergone surgery on his injured shoulder .it was hoped the london irish-bound star might yet return to play a part in the pro12 run-in for glasgow warriors after being out of action since january -- but head coach gregor townsend reported on thursday that he had suffered a setback and has now played his last game for the club .former canterbury crusaders player maitland has won 15 caps for scotland']\n", + "=======================\n", + "['sean maitland has undergone surgery on his injured shoulderthe london irish-bound winger is now a doubt for the world cupthe kiwi has won 15 caps for scotland and toured with the lions in 2013']\n", + "scotland winger sean maitland is facing a race against time to be fit for the rugby world cup after it emerged he has undergone surgery on his injured shoulder .it was hoped the london irish-bound star might yet return to play a part in the pro12 run-in for glasgow warriors after being out of action since january -- but head coach gregor townsend reported on thursday that he had suffered a setback and has now played his last game for the club .former canterbury crusaders player maitland has won 15 caps for scotland\n", + "sean maitland has undergone surgery on his injured shoulderthe london irish-bound winger is now a doubt for the world cupthe kiwi has won 15 caps for scotland and toured with the lions in 2013\n", + "[1.2880206 1.1451759 1.4071736 1.3069873 1.3183163 1.0744197 1.1317285\n", + " 1.1031995 1.0424201 1.0389197 1.1125822 1.0496628 1.0222095 1.0991436\n", + " 1.0882983 1.0471765 1.0563614 1.0147936 1.0117036 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 4 3 0 1 6 10 7 13 14 5 16 11 15 8 9 12 17 18 20 19 21]\n", + "=======================\n", + "[\"now researchers in the us and italy say they have evidence that dna-like fragments may have come with ` instructions ' that guided their growth into complex life forms 4 billion years ago .but while they have been able to put a date on when life appeared , they are still far from knowing how it appeared .it is one of three major biological molecules that are essential for all known forms of life , along with dna and proteins .\"]\n", + "=======================\n", + "['scientists say early dna-like fragments guided their own growththey claim the process can drive the formation of chemical bondsthese connect short dna chains to form long ones for life to evolvethis self-assembly capability has been shown to take place in rna']\n", + "now researchers in the us and italy say they have evidence that dna-like fragments may have come with ` instructions ' that guided their growth into complex life forms 4 billion years ago .but while they have been able to put a date on when life appeared , they are still far from knowing how it appeared .it is one of three major biological molecules that are essential for all known forms of life , along with dna and proteins .\n", + "scientists say early dna-like fragments guided their own growththey claim the process can drive the formation of chemical bondsthese connect short dna chains to form long ones for life to evolvethis self-assembly capability has been shown to take place in rna\n", + "[1.5789466 1.4355582 1.0881422 1.1748621 1.2019417 1.2514076 1.0378851\n", + " 1.0412858 1.0731148 1.0436298 1.0612603 1.0135971 1.0831289 1.049497\n", + " 1.0387168 1.0505537 1.1630539 1.0228639 1.0077759 1.0091288 1.0214114\n", + " 1.0110344]\n", + "\n", + "[ 0 1 5 4 3 16 2 12 8 10 15 13 9 7 14 6 17 20 11 21 19 18]\n", + "=======================\n", + "['lewis hamilton dominated qualifying for the bahrain grand prix -- taking pole position under the lights at sakhir by four-tenths of a second from sebastian vettel of ferrari .he has got pole in every race this season and been impressively quick in each race .he will start 20th and last -- no place to start his 100th race for the team .']\n", + "=======================\n", + "[\"lewis hamilton qualified in pole position for the bahrain grand prixferrari 's sebastian vettel pipped mercedes ' nico rosberg to secondhamilton has qualified pole in each of this season 's four racesthe brit qualified four tenths faster than vettel and six faster than rosberg\"]\n", + "lewis hamilton dominated qualifying for the bahrain grand prix -- taking pole position under the lights at sakhir by four-tenths of a second from sebastian vettel of ferrari .he has got pole in every race this season and been impressively quick in each race .he will start 20th and last -- no place to start his 100th race for the team .\n", + "lewis hamilton qualified in pole position for the bahrain grand prixferrari 's sebastian vettel pipped mercedes ' nico rosberg to secondhamilton has qualified pole in each of this season 's four racesthe brit qualified four tenths faster than vettel and six faster than rosberg\n", + "[1.3841867 1.3102794 1.1930176 1.1850326 1.2284299 1.172703 1.1356044\n", + " 1.0645868 1.173507 1.1325569 1.2265388 1.0265149 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 10 2 3 8 5 6 9 7 11 15 12 13 14 16]\n", + "=======================\n", + "['liverpool and newcastle players took part in a minute silence before their premier league match at anfield on monday night in memory of the 96 fans who died at hillsborough almost 26 years ago .the fixture at anfield , which took place two days before the 26th anniversary of the disaster , was preceded by a period of silence from both teams and the 45,000 fans gathered .former newcastle captain bobby moncur laid flowers at the hillsborough memorial before the game']\n", + "=======================\n", + "['liverpool and newcastle players took part in a minute silenceon 15 april 1989 , 96 liverpool fans were crushed to death at hillsboroughmatch at anfield took place two days before 26th anniversaryformer newcastle captain bobby moncur laid flowers at memorial']\n", + "liverpool and newcastle players took part in a minute silence before their premier league match at anfield on monday night in memory of the 96 fans who died at hillsborough almost 26 years ago .the fixture at anfield , which took place two days before the 26th anniversary of the disaster , was preceded by a period of silence from both teams and the 45,000 fans gathered .former newcastle captain bobby moncur laid flowers at the hillsborough memorial before the game\n", + "liverpool and newcastle players took part in a minute silenceon 15 april 1989 , 96 liverpool fans were crushed to death at hillsboroughmatch at anfield took place two days before 26th anniversaryformer newcastle captain bobby moncur laid flowers at memorial\n", + "[1.2189989 1.300745 1.3996761 1.2358248 1.2171378 1.1697934 1.148072\n", + " 1.0820714 1.0882058 1.1411592 1.1011227 1.0340668 1.0316691 1.0795934\n", + " 1.111513 1.0668058 1.021683 ]\n", + "\n", + "[ 2 1 3 0 4 5 6 9 14 10 8 7 13 15 11 12 16]\n", + "=======================\n", + "[\"more than 300,000 people had to be evacuated after three of fukushima 's six reactors blew up following the huge tsunami which devastated the country over three years ago .these incredible pictures offer the first glimpse into the melted reactors at the japanese plant after the 2011 nuclear disaster .nearly 16,000 people lost their lives in the natural disaster and subsequent devastation .\"]\n", + "=======================\n", + "['fukushima nuclear power plant went into meltdown in the 2011 disasterthree reactors blew up after tsunami causing 300,000 to be evacuateda robot was sent into one of the nuclear reactors to inspect melted fuelbut it stalled within three hours of the mission and has to be abandoned']\n", + "more than 300,000 people had to be evacuated after three of fukushima 's six reactors blew up following the huge tsunami which devastated the country over three years ago .these incredible pictures offer the first glimpse into the melted reactors at the japanese plant after the 2011 nuclear disaster .nearly 16,000 people lost their lives in the natural disaster and subsequent devastation .\n", + "fukushima nuclear power plant went into meltdown in the 2011 disasterthree reactors blew up after tsunami causing 300,000 to be evacuateda robot was sent into one of the nuclear reactors to inspect melted fuelbut it stalled within three hours of the mission and has to be abandoned\n", + "[1.0813967 1.3840587 1.2666239 1.1474191 1.2247121 1.0836675 1.1156886\n", + " 1.1018257 1.0753735 1.1112099 1.1109664 1.048459 1.0735552 1.0667225\n", + " 1.0510952 0. 0. ]\n", + "\n", + "[ 1 2 4 3 6 9 10 7 5 0 8 12 13 14 11 15 16]\n", + "=======================\n", + "['all the land in the lower 48 states was worth a combined $ 23trillion in 2009 , combination of tax and real estate data in a paper published by the commerce department as revealed .the entire country is worth $ 23trillion , according to new studya map of the us by county shows areas with land values from $ 73,000 to $ 3.35 million per acre in dark blue and land less than $ 2,000 per acre in white .']\n", + "=======================\n", + "['study from commerce department says us was worth $ 26trillion in 2006dc and new jersey worth the most per acre , with wyoming the leastforty-seven per cent of the us is farmland , only 5.8 per cent developed']\n", + "all the land in the lower 48 states was worth a combined $ 23trillion in 2009 , combination of tax and real estate data in a paper published by the commerce department as revealed .the entire country is worth $ 23trillion , according to new studya map of the us by county shows areas with land values from $ 73,000 to $ 3.35 million per acre in dark blue and land less than $ 2,000 per acre in white .\n", + "study from commerce department says us was worth $ 26trillion in 2006dc and new jersey worth the most per acre , with wyoming the leastforty-seven per cent of the us is farmland , only 5.8 per cent developed\n", + "[1.2840006 1.3833249 1.164356 1.2847776 1.0995698 1.1381128 1.1214452\n", + " 1.0880762 1.0255297 1.2030697 1.0564622 1.1339402 1.0636467 1.0590454\n", + " 1.0508318 1.105338 0. ]\n", + "\n", + "[ 1 3 0 9 2 5 11 6 15 4 7 12 13 10 14 8 16]\n", + "=======================\n", + "[\"the police and bomb squad were called after the four-propeller , 50-centimeter wide drone , was spotted by member of the prime minister 's staff , on the roof of his principle office and residence in chiyoda-ku , tokyo .the drone was equipped with a small camera and a plastic bottle containing small traces of a radioactive material , according to japanese media .the radioactive material is likely caesium , a soft metal and harmless to the human body , tokyo metropolitan police said .\"]\n", + "=======================\n", + "['remote control device had miniscule levels of radioactive substancefollows protests over plans to restart two nuclear reactorsfears over nuclear policy stem from fukushima disaster after tsunamiprime minister shinzo abe was not in residence at the time']\n", + "the police and bomb squad were called after the four-propeller , 50-centimeter wide drone , was spotted by member of the prime minister 's staff , on the roof of his principle office and residence in chiyoda-ku , tokyo .the drone was equipped with a small camera and a plastic bottle containing small traces of a radioactive material , according to japanese media .the radioactive material is likely caesium , a soft metal and harmless to the human body , tokyo metropolitan police said .\n", + "remote control device had miniscule levels of radioactive substancefollows protests over plans to restart two nuclear reactorsfears over nuclear policy stem from fukushima disaster after tsunamiprime minister shinzo abe was not in residence at the time\n", + "[1.2620428 1.3693517 1.3087101 1.1701145 1.2391046 1.0783485 1.0961642\n", + " 1.1516793 1.0281634 1.0838943 1.0983703 1.0477539 1.0404048 1.0539674\n", + " 1.0574285 1.0137408 1.0174428]\n", + "\n", + "[ 1 2 0 4 3 7 10 6 9 5 14 13 11 12 8 16 15]\n", + "=======================\n", + "[\"the 6,825-tonne passenger ship sank off the southwest coast on april 16 last year with most of the victims , high school students .thousands of protesters met in the capital seoul to call on officials to raise the sewol after senior government officials said they would ` consider it . 'a total of 295 bodies were recovered from the ferry , and nine victims remained unaccounted for when divers finally called off the dangerous search of its interior last november .\"]\n", + "=======================\n", + "[\"most victims of the disaster were high school studentspresident park geun-hye promised to ` actively consider ' raising itofficials said it would cost # 68million if weather conditions are goodsewol 's captain was jailed for 36 years for gross negligence last year\"]\n", + "the 6,825-tonne passenger ship sank off the southwest coast on april 16 last year with most of the victims , high school students .thousands of protesters met in the capital seoul to call on officials to raise the sewol after senior government officials said they would ` consider it . 'a total of 295 bodies were recovered from the ferry , and nine victims remained unaccounted for when divers finally called off the dangerous search of its interior last november .\n", + "most victims of the disaster were high school studentspresident park geun-hye promised to ` actively consider ' raising itofficials said it would cost # 68million if weather conditions are goodsewol 's captain was jailed for 36 years for gross negligence last year\n", + "[1.2147307 1.4074643 1.3800635 1.1217576 1.1269813 1.1737385 1.1883034\n", + " 1.099672 1.1437758 1.0740561 1.0928881 1.044118 1.0253063 1.0204788\n", + " 1.119809 1.0298065 1.2164042 1.0356997 1.0346887 1.0232859 1.0214167]\n", + "\n", + "[ 1 2 16 0 6 5 8 4 3 14 7 10 9 11 17 18 15 12 19 20 13]\n", + "=======================\n", + "[\"police in canada have also charged joanna flynn , a former nurse at georgian bay general hospital in ontario , with criminal negligence causing death .the 50-year-old was arrested on thursday , and it is thought it is the first time a health care professional has been charged for switching off a life support machine in canada .the mother of two died at the hospital on march 2 , 2014 , leaving the couple 's two young sons aged 15 and 18 .\"]\n", + "=======================\n", + "[\"joanna flynn , 50 , also charged with criminal negligence causing death` this should never have happened ' , widower of alleged victim tells mediadeanna leblanc died last year at georgian bay general hospital , ontario\"]\n", + "police in canada have also charged joanna flynn , a former nurse at georgian bay general hospital in ontario , with criminal negligence causing death .the 50-year-old was arrested on thursday , and it is thought it is the first time a health care professional has been charged for switching off a life support machine in canada .the mother of two died at the hospital on march 2 , 2014 , leaving the couple 's two young sons aged 15 and 18 .\n", + "joanna flynn , 50 , also charged with criminal negligence causing death` this should never have happened ' , widower of alleged victim tells mediadeanna leblanc died last year at georgian bay general hospital , ontario\n", + "[1.2012886 1.4984212 1.2014542 1.1229262 1.2480524 1.3676192 1.0904202\n", + " 1.0802844 1.0736523 1.0833268 1.0442405 1.0676333 1.011717 1.018015\n", + " 1.011421 1.0130416 1.0365745 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 4 2 0 3 6 9 7 8 11 10 16 13 15 12 14 17 18 19 20]\n", + "=======================\n", + "[\"tony hatch and jackie trent , who were married for more than three decades , were dubbed ` mr and mrs music ' after composing for artists including frank sinatra , dean martin , scott walker , shirley bassey and petula clark .tony hatch ( left ) and his former wife jackie trent ( right ) wrote a chart-topping hits for the world 's biggest stars but he was banned from her funeral last monthso when trent died last month aged 74 after a long battle with cancer , hatch was expected to be at her funeral to say a final goodbye .\"]\n", + "=======================\n", + "[\"tony hatch and jackie trent wrote chart-topping hits for musical superstarsthey divorced after three decades of marriage but have a daughter togetherbut he did not attend her funeral when trent died at the age of 74 last monthher second husband ` banned hatch from funeral for breaking his wife 's heart '\"]\n", + "tony hatch and jackie trent , who were married for more than three decades , were dubbed ` mr and mrs music ' after composing for artists including frank sinatra , dean martin , scott walker , shirley bassey and petula clark .tony hatch ( left ) and his former wife jackie trent ( right ) wrote a chart-topping hits for the world 's biggest stars but he was banned from her funeral last monthso when trent died last month aged 74 after a long battle with cancer , hatch was expected to be at her funeral to say a final goodbye .\n", + "tony hatch and jackie trent wrote chart-topping hits for musical superstarsthey divorced after three decades of marriage but have a daughter togetherbut he did not attend her funeral when trent died at the age of 74 last monthher second husband ` banned hatch from funeral for breaking his wife 's heart '\n", + "[1.3439252 1.4343615 1.2534717 1.3327758 1.1976786 1.0544212 1.129152\n", + " 1.0275607 1.1171523 1.0340295 1.1632078 1.0219573 1.0447855 1.047435\n", + " 1.0388356 1.017434 1.0167223 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 10 6 8 5 13 12 14 9 7 11 15 16 19 17 18 20]\n", + "=======================\n", + "[\"the ukip leader risked alienating those watching at westminster 's central hall in london as he protested they were ` a remarkable audience even by the left-wing standards of the bbc ' .nigel farage was booed by the audience of last night 's live television debate after complaining of a ` total lack of comprehension ' from those in attendance .his outburst came less than half an hour into the event after some of his comments about pressure on housing due to immigration were greeted with mutters from those watching .\"]\n", + "=======================\n", + "[\"ukip leader nigel farage risks alienating those watching debate last nightcomplains of ` remarkable audience even by left-wing standards of bbc 'comments on housing pressure due to immigration greeted with muttersdavid dimbleby says independent polling firm chose ` balanced ' audience\"]\n", + "the ukip leader risked alienating those watching at westminster 's central hall in london as he protested they were ` a remarkable audience even by the left-wing standards of the bbc ' .nigel farage was booed by the audience of last night 's live television debate after complaining of a ` total lack of comprehension ' from those in attendance .his outburst came less than half an hour into the event after some of his comments about pressure on housing due to immigration were greeted with mutters from those watching .\n", + "ukip leader nigel farage risks alienating those watching debate last nightcomplains of ` remarkable audience even by left-wing standards of bbc 'comments on housing pressure due to immigration greeted with muttersdavid dimbleby says independent polling firm chose ` balanced ' audience\n", + "[1.2692716 1.5683737 1.3379378 1.4077468 1.10115 1.0608996 1.0339959\n", + " 1.0170738 1.0162028 1.0757647 1.0563896 1.1700573 1.049522 1.0742514\n", + " 1.0295575 1.0189979 1.0122212 1.1164609 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 11 17 4 9 13 5 10 12 6 14 15 7 8 16 18 19 20]\n", + "=======================\n", + "['steve tempest-mitchell , from bradford , west yorkshire , lost a whopping 16st after the surgery 14 months ago , which caused his stomach to shrink to the size of a tennis ball .slim and trim : steve tempest-mitchell says he has a new lease of life after slimming down from 32st to 16stthe 56-year-old said he decided to go through with the operation after hitting 32st and struggling to control his type 2 diabetes .']\n", + "=======================\n", + "['steve tempest-mitchell had gastric bypass surgery to shrink his stomachthe 56-year-old took drastic measure after tipping the scales at 32stbradford father-of-three was struggling to control diabetesalmost housebound and was consuming eight cans of fizzy drinks a dayhad to be helped onto a plane in a wheelchair or special buggy']\n", + "steve tempest-mitchell , from bradford , west yorkshire , lost a whopping 16st after the surgery 14 months ago , which caused his stomach to shrink to the size of a tennis ball .slim and trim : steve tempest-mitchell says he has a new lease of life after slimming down from 32st to 16stthe 56-year-old said he decided to go through with the operation after hitting 32st and struggling to control his type 2 diabetes .\n", + "steve tempest-mitchell had gastric bypass surgery to shrink his stomachthe 56-year-old took drastic measure after tipping the scales at 32stbradford father-of-three was struggling to control diabetesalmost housebound and was consuming eight cans of fizzy drinks a dayhad to be helped onto a plane in a wheelchair or special buggy\n", + "[1.2217746 1.2301983 1.3341153 1.3579018 1.106087 1.0391041 1.0927503\n", + " 1.070916 1.1571836 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 0 8 4 6 7 5 18 17 16 15 14 10 12 11 19 9 13 20]\n", + "=======================\n", + "[\"it 's all part of national park week , happening april 18 through april 26 , and it 's hosted by the national park service and the national park foundation .and for saturday and sunday , they 're also free .( cnn ) from the giant sequoias of yosemite to the geysers of yellowstone , the united states ' national parks were made for you and me .\"]\n", + "=======================\n", + "[\"it 's national park week , and that means the parks are free april 18-19stargazing , revolutionary war programs and other fun happens this week\"]\n", + "it 's all part of national park week , happening april 18 through april 26 , and it 's hosted by the national park service and the national park foundation .and for saturday and sunday , they 're also free .( cnn ) from the giant sequoias of yosemite to the geysers of yellowstone , the united states ' national parks were made for you and me .\n", + "it 's national park week , and that means the parks are free april 18-19stargazing , revolutionary war programs and other fun happens this week\n", + "[1.2994968 1.2238203 1.2220404 1.3289193 1.2610679 1.085337 1.1091084\n", + " 1.0605793 1.1839578 1.079471 1.0547218 1.0133592 1.0222251 1.0848153\n", + " 1.0788 1.0989939 1.0583695 1.0530967 0. 0. ]\n", + "\n", + "[ 3 0 4 1 2 8 6 15 5 13 9 14 7 16 10 17 12 11 18 19]\n", + "=======================\n", + "[\"the victorian farming federation launched an official complaint to the advertising standards bureau on monday .farmers and shearers across australia are ` prepared to fight tooth and nail for our farming industry ' after peta released a confronting campaign accusing the wool industry of barbaric treatment of their sheep .peta 's latest campaign shows vegan guitarist jona weinhofen , holding a severed lamb actually made of foam\"]\n", + "=======================\n", + "[\"peta release campaign accusing aussie shearers of mistreating sheepthe victorian farming federation launched official complaint on mondaythe advert shoes vegan guitarist jona weinhofen holding severed lambpeta later admitted the lamb was in fact a prop made of foamminister barnaby joyce has defended wool industry calling the ad ` rubbish '\"]\n", + "the victorian farming federation launched an official complaint to the advertising standards bureau on monday .farmers and shearers across australia are ` prepared to fight tooth and nail for our farming industry ' after peta released a confronting campaign accusing the wool industry of barbaric treatment of their sheep .peta 's latest campaign shows vegan guitarist jona weinhofen , holding a severed lamb actually made of foam\n", + "peta release campaign accusing aussie shearers of mistreating sheepthe victorian farming federation launched official complaint on mondaythe advert shoes vegan guitarist jona weinhofen holding severed lambpeta later admitted the lamb was in fact a prop made of foamminister barnaby joyce has defended wool industry calling the ad ` rubbish '\n", + "[1.1878088 1.0668466 1.3511827 1.1195166 1.0568879 1.0679432 1.1136502\n", + " 1.2112405 1.1909428 1.0414399 1.1171376 1.0564996 1.0934218 1.0893818\n", + " 1.0394729 1.0382171 0. 0. 0. 0. ]\n", + "\n", + "[ 2 7 8 0 3 10 6 12 13 5 1 4 11 9 14 15 16 17 18 19]\n", + "=======================\n", + "[\"the mission , a joint effort between indian air crew and a nepalese army medical team , is only the third operation of its kind to reach the village since saturday 's massive 7.8-magnitude quake , which left more than 5,000 people dead .according to nepal 's national emergency operation center , 1,376 people were killed in sindhupalchok district , where melamchi is located , when the earthquake hit .some 18,000 houses were destroyed and 100,000 people have been displaced in the surrounding area , says tamang .\"]\n", + "=======================\n", + "[\"indian air force and nepalese army medical team launch rescue mission to bring injured people to hospitals in kathmanduforshani tamang 's family carried her for four hours to reach help after she was wounded when their home was destroyed\"]\n", + "the mission , a joint effort between indian air crew and a nepalese army medical team , is only the third operation of its kind to reach the village since saturday 's massive 7.8-magnitude quake , which left more than 5,000 people dead .according to nepal 's national emergency operation center , 1,376 people were killed in sindhupalchok district , where melamchi is located , when the earthquake hit .some 18,000 houses were destroyed and 100,000 people have been displaced in the surrounding area , says tamang .\n", + "indian air force and nepalese army medical team launch rescue mission to bring injured people to hospitals in kathmanduforshani tamang 's family carried her for four hours to reach help after she was wounded when their home was destroyed\n", + "[1.4349458 1.2099984 1.1862283 1.4198741 1.2476611 1.1350293 1.0531989\n", + " 1.0743207 1.1629163 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 1 2 8 5 7 6 17 16 15 14 9 12 11 10 18 13 19]\n", + "=======================\n", + "[\"dikembe mutombo , an eight-times nba all-star who was famous for swatting away opponents ' shots and wagging his finger at them , was elected to the naismith memorial basketball hall of fame on monday .mutombo , a shot-blocking congolese centre whose legendary finger-wagging motion became one of the most recognized gestures in the game , was a four-times nba defensive player of the year and led the league in blocked shots for five straight seasons .mutombo played in the nba from 1991 until 2009 , recording 11,729 points , 12,359 rebounds , and 3,289 blocks during 18 seasons spent mostly with denver , atlanta and houston .\"]\n", + "=======================\n", + "[\"dikembe mutombo was an eight-times nba all-star famous for swatting away opponents ' shots and wagging his finger at themhe has been elected to the naismith memorial basketball hall of famemutombo played in the nba from 1991 until 2009 , and mostly spent his 18 seasons with denver , atlanta and houston .\"]\n", + "dikembe mutombo , an eight-times nba all-star who was famous for swatting away opponents ' shots and wagging his finger at them , was elected to the naismith memorial basketball hall of fame on monday .mutombo , a shot-blocking congolese centre whose legendary finger-wagging motion became one of the most recognized gestures in the game , was a four-times nba defensive player of the year and led the league in blocked shots for five straight seasons .mutombo played in the nba from 1991 until 2009 , recording 11,729 points , 12,359 rebounds , and 3,289 blocks during 18 seasons spent mostly with denver , atlanta and houston .\n", + "dikembe mutombo was an eight-times nba all-star famous for swatting away opponents ' shots and wagging his finger at themhe has been elected to the naismith memorial basketball hall of famemutombo played in the nba from 1991 until 2009 , and mostly spent his 18 seasons with denver , atlanta and houston .\n", + "[1.3873876 1.2320046 1.0498552 1.1433187 1.2144525 1.2146331 1.19637\n", + " 1.0234923 1.0161493 1.0299995 1.0173225 1.0295069 1.062809 1.0867761\n", + " 1.0352178 1.0188518 1.0211376 1.0110983 1.011784 1.0958947]\n", + "\n", + "[ 0 1 5 4 6 3 19 13 12 2 14 9 11 7 16 15 10 8 18 17]\n", + "=======================\n", + "[\"if virgil van dijk is absent from the shortlists for this season 's player of the year awards , celtic will surely fire off a stiff missive seeking clarification on the reasons .the prospect of a treble evaporated last sunday , an afternoon ronny deila now describes as the worst of his career .celtic 's jason denayer ( left ) challenges greg stewart ( right ) during the scottish premiership match\"]\n", + "=======================\n", + "[\"celtic beat dundee 2-1 away at den 's park on wednesday nightthe win sees them extend their lead at the top of the scottish premiershipgary mackay-steven set the bhoys on their way with a cool first-half finishvirgil van dijk scored a stunning free-kick in the second-halfjim mcalister grabbed a late consolation for the home side on 87 minutes\"]\n", + "if virgil van dijk is absent from the shortlists for this season 's player of the year awards , celtic will surely fire off a stiff missive seeking clarification on the reasons .the prospect of a treble evaporated last sunday , an afternoon ronny deila now describes as the worst of his career .celtic 's jason denayer ( left ) challenges greg stewart ( right ) during the scottish premiership match\n", + "celtic beat dundee 2-1 away at den 's park on wednesday nightthe win sees them extend their lead at the top of the scottish premiershipgary mackay-steven set the bhoys on their way with a cool first-half finishvirgil van dijk scored a stunning free-kick in the second-halfjim mcalister grabbed a late consolation for the home side on 87 minutes\n", + "[1.4044856 1.6243126 1.076018 1.4360076 1.3921434 1.0221592 1.0247698\n", + " 1.0184784 1.0165085 1.0151905 1.0157264 1.1126287 1.0589808 1.1525438\n", + " 1.118242 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 13 14 11 2 12 6 5 7 8 10 9 15 16 17 18 19]\n", + "=======================\n", + "[\"the giants have plummeted from third to ninth after losing all three games over the easter holiday period but they go into sunday 's home game against catalans dragons with the best defensive record in the league .paul anderson is hoping to kick-start his hudderfield side 's misfiring attack to climb up super leaguethe yorkshiremen can climb to a season-high fourth if they make it three wins in a row and vikings coach denis betts is expecting a stern test from daryl powell 's improving side .\"]\n", + "=======================\n", + "['huddersfield have plummeted to ninth in super league after a horrible easterpaul anderson admits his misfiring side need to change going forwardthey face catalan dragons , who have the best defence around , on sunday']\n", + "the giants have plummeted from third to ninth after losing all three games over the easter holiday period but they go into sunday 's home game against catalans dragons with the best defensive record in the league .paul anderson is hoping to kick-start his hudderfield side 's misfiring attack to climb up super leaguethe yorkshiremen can climb to a season-high fourth if they make it three wins in a row and vikings coach denis betts is expecting a stern test from daryl powell 's improving side .\n", + "huddersfield have plummeted to ninth in super league after a horrible easterpaul anderson admits his misfiring side need to change going forwardthey face catalan dragons , who have the best defence around , on sunday\n", + "[1.1088355 1.142564 1.3443505 1.2904575 1.2620468 1.2163017 1.1066147\n", + " 1.06705 1.1276237 1.069709 1.1606346 1.105327 1.0688125 1.0547589\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 4 5 10 1 8 0 6 11 9 12 7 13 14 15 16 17 18]\n", + "=======================\n", + "[\"captured in a 15-second clip , the youngster emulates the way her pregnant mother walks - and the result is hilarious .the 15-month-old girl arches her back and pushes out her belly while strutting around the roomthe youngster pulls a cheeky face while her father also mimics the mum 's pregnant walk in the background\"]\n", + "=======================\n", + "[\"teri o'neil , 30 , filmed her daughter when she was six-months pregnantthe youngster pulls a cheeky face and struts about the room with dad15-month-old olivia is delighted with her impression\"]\n", + "captured in a 15-second clip , the youngster emulates the way her pregnant mother walks - and the result is hilarious .the 15-month-old girl arches her back and pushes out her belly while strutting around the roomthe youngster pulls a cheeky face while her father also mimics the mum 's pregnant walk in the background\n", + "teri o'neil , 30 , filmed her daughter when she was six-months pregnantthe youngster pulls a cheeky face and struts about the room with dad15-month-old olivia is delighted with her impression\n", + "[1.235675 1.4303219 1.2264327 1.2442381 1.3509736 1.1367058 1.0309238\n", + " 1.0811477 1.0517554 1.0605137 1.0338995 1.1188223 1.0589194 1.027642\n", + " 1.0422403 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 0 2 5 11 7 9 12 8 14 10 6 13 17 15 16 18]\n", + "=======================\n", + "[\"authorities rejected emma sulkowicz 's case that paul nungesser , a german citizen , was a ` serial rapist ' who assaulted her after class .` no protection ' : paul nungesser is suing columbia university for allowing emma sulkowicz to parade the school and take campus-provided transport with her mattress in protest against him , calling him a rapistand according to nungesser 's lawsuit citing ` gender-based harassment and defamation ' , columbia presented the allegations as fact on a university-owned website .\"]\n", + "=======================\n", + "[\"paul nungesser was accused of raping former friend emma sulkowiczthe case attracted international attention as she paraded her mattress everywhere she went in protest , calling for nungesser 's indictmenta judge threw out the case which branded nungesser a ` serial rapist 'he is now suing the school for failing to protect him from backlashnungesser , who is german , says the school presented the claims as fact\"]\n", + "authorities rejected emma sulkowicz 's case that paul nungesser , a german citizen , was a ` serial rapist ' who assaulted her after class .` no protection ' : paul nungesser is suing columbia university for allowing emma sulkowicz to parade the school and take campus-provided transport with her mattress in protest against him , calling him a rapistand according to nungesser 's lawsuit citing ` gender-based harassment and defamation ' , columbia presented the allegations as fact on a university-owned website .\n", + "paul nungesser was accused of raping former friend emma sulkowiczthe case attracted international attention as she paraded her mattress everywhere she went in protest , calling for nungesser 's indictmenta judge threw out the case which branded nungesser a ` serial rapist 'he is now suing the school for failing to protect him from backlashnungesser , who is german , says the school presented the claims as fact\n", + "[1.3818867 1.359101 1.1792498 1.2874234 1.0570822 1.078818 1.0823774\n", + " 1.1175119 1.065318 1.0732374 1.042922 1.2157757 1.0928935 1.0356597\n", + " 1.0386251 1.028393 1.0286915 1.0342811 1.01466 ]\n", + "\n", + "[ 0 1 3 11 2 7 12 6 5 9 8 4 10 14 13 17 16 15 18]\n", + "=======================\n", + "['bruce jenner has confirmed he started a gender transition process in the mid-1980s but stopped after he met and fell in love with kris kardashian , who became his third wife .the 65-year-old told diane sawyer he embarked on hormone therapy and electrolysis , and had plastic surgery to make his features look more feminine , shortly after winning the olympic gold .change of heart : bruce halted his gender transition after meeting kris kardashian in late 1990 .']\n", + "=======================\n", + "['bruce started hormone therapy and had plastic surgery to look more feminine in the late 1980she was inspired by the story of transgender tennis player renee richards who was born a man and in 1976 won the right to compete as a womanolympic decathlete reveals he halted the gender transition process after meeting kris kardashian in late 1990bruce and kris married in april 1991 and had two daughters before their divorce last december']\n", + "bruce jenner has confirmed he started a gender transition process in the mid-1980s but stopped after he met and fell in love with kris kardashian , who became his third wife .the 65-year-old told diane sawyer he embarked on hormone therapy and electrolysis , and had plastic surgery to make his features look more feminine , shortly after winning the olympic gold .change of heart : bruce halted his gender transition after meeting kris kardashian in late 1990 .\n", + "bruce started hormone therapy and had plastic surgery to look more feminine in the late 1980she was inspired by the story of transgender tennis player renee richards who was born a man and in 1976 won the right to compete as a womanolympic decathlete reveals he halted the gender transition process after meeting kris kardashian in late 1990bruce and kris married in april 1991 and had two daughters before their divorce last december\n", + "[1.2599726 1.1505342 1.3984836 1.2411661 1.2689476 1.097915 1.026794\n", + " 1.0201329 1.0870166 1.1637597 1.0801082 1.0737448 1.0597727 1.097427\n", + " 1.0571308 0. 0. 0. 0. ]\n", + "\n", + "[ 2 4 0 3 9 1 5 13 8 10 11 12 14 6 7 17 15 16 18]\n", + "=======================\n", + "['both federal government regulations and the american heart association have for decades warned that excess salt contributes to the deaths of tens of thousands of americans each year .the guidelines currently dictate the people should limit their intake to 2,300 milligrams , with an even stricter 1,500 milligram limit for african americans and people over 50 .for years medical experts have warned about the dangers of too much salt , but now new research is questioning conventional wisdom and warning instead of the dangers of too little salt']\n", + "=======================\n", + "['current federal government guidelines dictate the people should limit their salt intake to 2,300 milligramsscientists now believe a typical healthy person can consume as much as 6,000 milligrams per day without significantly raising health risksthe same skeptics also warn of the health risks associated with consuming less than 3,000 milligramsaverage american ingests about 3,500 milligrams of salt per day']\n", + "both federal government regulations and the american heart association have for decades warned that excess salt contributes to the deaths of tens of thousands of americans each year .the guidelines currently dictate the people should limit their intake to 2,300 milligrams , with an even stricter 1,500 milligram limit for african americans and people over 50 .for years medical experts have warned about the dangers of too much salt , but now new research is questioning conventional wisdom and warning instead of the dangers of too little salt\n", + "current federal government guidelines dictate the people should limit their salt intake to 2,300 milligramsscientists now believe a typical healthy person can consume as much as 6,000 milligrams per day without significantly raising health risksthe same skeptics also warn of the health risks associated with consuming less than 3,000 milligramsaverage american ingests about 3,500 milligrams of salt per day\n", + "[1.192694 1.441726 1.4261864 1.3810142 1.2753214 1.1985631 1.1253864\n", + " 1.1322731 1.060737 1.0489249 1.0585523 1.0156611 1.0118945 1.0612098\n", + " 1.0718518 1.058916 1.0396469 1.0410293 1.0300541]\n", + "\n", + "[ 1 2 3 4 5 0 7 6 14 13 8 15 10 9 17 16 18 11 12]\n", + "=======================\n", + "['noelle baynham was found by a close friend who let himself in after she failed to answer the door .the body had been partially eaten by the jack russell and staffordshire bull terrier , which are initially thought to have tried to wake her before becoming desperate for food .it is believed the 61-year-old from winchester , hampshire , collapsed and died following an accidental overdose of medication .']\n", + "=======================\n", + "['jack russell and staffordshire bull terrier were trapped in housebelieved they tried to wake her before eating parts of her remainscoroner heard likely cause of death was from accidental overdoseboth dogs have now been destroyed on the advice of police']\n", + "noelle baynham was found by a close friend who let himself in after she failed to answer the door .the body had been partially eaten by the jack russell and staffordshire bull terrier , which are initially thought to have tried to wake her before becoming desperate for food .it is believed the 61-year-old from winchester , hampshire , collapsed and died following an accidental overdose of medication .\n", + "jack russell and staffordshire bull terrier were trapped in housebelieved they tried to wake her before eating parts of her remainscoroner heard likely cause of death was from accidental overdoseboth dogs have now been destroyed on the advice of police\n", + "[1.3196635 1.476032 1.2038896 1.3752394 1.272874 1.3172398 1.0388495\n", + " 1.0903887 1.0826931 1.1023706 1.0478839 1.0314164 1.015632 1.026577\n", + " 1.0239725 1.0566479 1.0288186 1.0120791 1.0203487]\n", + "\n", + "[ 1 3 0 5 4 2 9 7 8 15 10 6 11 16 13 14 18 12 17]\n", + "=======================\n", + "[\"linda hogan purchased the 23.63-acre property for $ 3.5 million a year after she divorced the wwe hall of famer in 2009 .hulk hogan 's ex-wife linda has listed her simi valley mansion in california for sale at $ 5.5 millionthe property includes an award-winning swimming pool , complete with fountains , a waterfall and slide\"]\n", + "=======================\n", + "['linda hogan purchased the 23.63-acre property for $ 3.5 m a year after she divorced the wwe hall of famer in 2009linda remodeled the 6,300 sq ft house , adding stone walls , stone fireplaces , carved wood details and coffered ceilingsthe five bedroom , 5.5 bathroom estate , which has been put up for sale , also features a 1,200 sq ft guest house']\n", + "linda hogan purchased the 23.63-acre property for $ 3.5 million a year after she divorced the wwe hall of famer in 2009 .hulk hogan 's ex-wife linda has listed her simi valley mansion in california for sale at $ 5.5 millionthe property includes an award-winning swimming pool , complete with fountains , a waterfall and slide\n", + "linda hogan purchased the 23.63-acre property for $ 3.5 m a year after she divorced the wwe hall of famer in 2009linda remodeled the 6,300 sq ft house , adding stone walls , stone fireplaces , carved wood details and coffered ceilingsthe five bedroom , 5.5 bathroom estate , which has been put up for sale , also features a 1,200 sq ft guest house\n", + "[1.1370714 1.4657998 1.4331031 1.2231238 1.3451818 1.0757418 1.065778\n", + " 1.0309614 1.1087222 1.0289553 1.0210788 1.0195156 1.1275536 1.0713152\n", + " 1.0216534 1.0109026 1.0197294 0. 0. ]\n", + "\n", + "[ 1 2 4 3 0 12 8 5 13 6 7 9 14 10 16 11 15 17 18]\n", + "=======================\n", + "[\"but followers of gold coast training queen ashy bines were shocked to receive an email on saturday advertising one of her exclusive programs for an eye-popping $ us49 ,500 per year .ms bines on monday apologised to her ` very angry and upset ' followers after an extra zero was added to the cost of the yearlong program - the real price being a tenth of that , or $ 4,950 .` there was a mistake in the wording , ' ms bines said in an email to her thousands of followers , after questions from daily mail australia .\"]\n", + "=======================\n", + "[\"gold coast training queen ashy bines has apologised to her ` very upset followers ' after errorin an email on saturday , she mistakenly wrote that a new exclusive program cost $ us49 ,500 per yearthe real cost of the program was actually a tenth of that , or $ us4 ,950.00 , according to ms binesthe exclusive , year-long program has now sold out , a spokeswoman told daily mail australia\"]\n", + "but followers of gold coast training queen ashy bines were shocked to receive an email on saturday advertising one of her exclusive programs for an eye-popping $ us49 ,500 per year .ms bines on monday apologised to her ` very angry and upset ' followers after an extra zero was added to the cost of the yearlong program - the real price being a tenth of that , or $ 4,950 .` there was a mistake in the wording , ' ms bines said in an email to her thousands of followers , after questions from daily mail australia .\n", + "gold coast training queen ashy bines has apologised to her ` very upset followers ' after errorin an email on saturday , she mistakenly wrote that a new exclusive program cost $ us49 ,500 per yearthe real cost of the program was actually a tenth of that , or $ us4 ,950.00 , according to ms binesthe exclusive , year-long program has now sold out , a spokeswoman told daily mail australia\n", + "[1.1368097 1.3895993 1.3015596 1.347254 1.2670789 1.0873939 1.0290409\n", + " 1.042339 1.0440866 1.1048125 1.0535626 1.0387218 1.0549625 1.0272957\n", + " 1.0180885 1.0731018 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 9 5 15 12 10 8 7 11 6 13 14 17 16 18]\n", + "=======================\n", + "[\"the duchess of cambridge , who is due to give birth any day now , was applauded for her natural approach to her post-birth figure , when she had prince george in 2013 .experts agree that carefully easing the body back into exercise is the best method and camilla lawrence , women 's health physiotherapist at six physio , tells mailonline how to get your body back to its pre-pregnancy shape - safely .with celebrities appearing to magically snap back into shape mere weeks after giving birth , there 's increasing pressure on new mums to get their pre-pregnancy body back quicker than ever .\"]\n", + "=======================\n", + "[\"new mothers under more pressure than ever to ` bounce back ' after birthexperts warn that doing too much too soon could do long term damagecamilla lawrence , women 's health physiotherapist , says safety is key\"]\n", + "the duchess of cambridge , who is due to give birth any day now , was applauded for her natural approach to her post-birth figure , when she had prince george in 2013 .experts agree that carefully easing the body back into exercise is the best method and camilla lawrence , women 's health physiotherapist at six physio , tells mailonline how to get your body back to its pre-pregnancy shape - safely .with celebrities appearing to magically snap back into shape mere weeks after giving birth , there 's increasing pressure on new mums to get their pre-pregnancy body back quicker than ever .\n", + "new mothers under more pressure than ever to ` bounce back ' after birthexperts warn that doing too much too soon could do long term damagecamilla lawrence , women 's health physiotherapist , says safety is key\n", + "[1.2940667 1.0548935 1.4914864 1.4149452 1.2551174 1.2538257 1.0848107\n", + " 1.0187446 1.014037 1.1325943 1.2439206 1.1172957 1.0507151 1.0106066\n", + " 1.0148277 1.0962883 1.024164 1.0241102 1.0077091]\n", + "\n", + "[ 2 3 0 4 5 10 9 11 15 6 1 12 16 17 7 14 8 13 18]\n", + "=======================\n", + "[\"stephanie fragoso was cited on wednesday , april fools ' day , after she was stopped in las vegas by a nevada highway patrol ( nhp ) trooper .the state released distracted driving statistics as part of its campaign to have zero driving fatalities in 2015the ticket caused fragoso to receive points against her driving record .\"]\n", + "=======================\n", + "['stephanie fragoso cited wednesday after she was stopped in las vegasnevada highway patrol cop said she was applying makeup while drivingdistracted driving fines range from $ 50 for the first offense up to $ 250higher enforcement as state hopes to have zero driving fatalities in 2015']\n", + "stephanie fragoso was cited on wednesday , april fools ' day , after she was stopped in las vegas by a nevada highway patrol ( nhp ) trooper .the state released distracted driving statistics as part of its campaign to have zero driving fatalities in 2015the ticket caused fragoso to receive points against her driving record .\n", + "stephanie fragoso cited wednesday after she was stopped in las vegasnevada highway patrol cop said she was applying makeup while drivingdistracted driving fines range from $ 50 for the first offense up to $ 250higher enforcement as state hopes to have zero driving fatalities in 2015\n", + "[1.4563099 1.4608476 1.3333471 1.4312522 1.2747041 1.0474012 1.021703\n", + " 1.0411854 1.0248222 1.0151615 1.2409755 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 10 5 7 8 6 9 11 12 13 14 15 16 17 18]\n", + "=======================\n", + "[\"the brazil playmaker arrived at anfield for just # 8.5 million in 2013 and has progressed to become one of the premier league 's most revered players , including a nomination for the pfa player of the year award this term .inter milan sporting director piero ausilio has admitted being left feeling ` sad ' after the club lost patience and decided to sell philippe coutinho to liverpool .philippe coutinho has starred for liverpool since moving from inter milan in 2013\"]\n", + "=======================\n", + "['philippe coutinho has been nominated for pfa player of the yearbrazil international arrived at liverpool from inter milan for # 8.5 m in 2013serie a side admit they should have shown more patience with reds star']\n", + "the brazil playmaker arrived at anfield for just # 8.5 million in 2013 and has progressed to become one of the premier league 's most revered players , including a nomination for the pfa player of the year award this term .inter milan sporting director piero ausilio has admitted being left feeling ` sad ' after the club lost patience and decided to sell philippe coutinho to liverpool .philippe coutinho has starred for liverpool since moving from inter milan in 2013\n", + "philippe coutinho has been nominated for pfa player of the yearbrazil international arrived at liverpool from inter milan for # 8.5 m in 2013serie a side admit they should have shown more patience with reds star\n", + "[1.3140986 1.3916461 1.0947585 1.358856 1.2042503 1.1145124 1.0895752\n", + " 1.1158072 1.0932297 1.0838597 1.0867848 1.0673884 1.0530655 1.0360458\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 7 5 2 8 6 10 9 11 12 13 14 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "['the unidentified teenager is a victim and was released on monday from juvenile detention into the custody of county child protective services , said clark county district attorney steve wolfson .jondrew megil lachaux ( left ) , 39 , an ex-convict and kellie cherie phillips ( right ) , 38 , have been arrested on felony charges in the alleged abandonment case of three children in a north las vegas homethe other children -- ages one , four , seven , eight and nine -- were found with phillips in good health .']\n", + "=======================\n", + "['unidentified teen was released on monday from juvenile detention into custody of child protective services , district attorney saidjondrew lachaux , 39 , and kellie phillips , 38 , face child abuse chargeslachaux allegedly sexually assaulted the teen and she became pregnantfour-month-old girl was released from hospital and turned over on monday to custody of child protective services']\n", + "the unidentified teenager is a victim and was released on monday from juvenile detention into the custody of county child protective services , said clark county district attorney steve wolfson .jondrew megil lachaux ( left ) , 39 , an ex-convict and kellie cherie phillips ( right ) , 38 , have been arrested on felony charges in the alleged abandonment case of three children in a north las vegas homethe other children -- ages one , four , seven , eight and nine -- were found with phillips in good health .\n", + "unidentified teen was released on monday from juvenile detention into custody of child protective services , district attorney saidjondrew lachaux , 39 , and kellie phillips , 38 , face child abuse chargeslachaux allegedly sexually assaulted the teen and she became pregnantfour-month-old girl was released from hospital and turned over on monday to custody of child protective services\n", + "[1.5676564 1.2709181 1.1477098 1.51048 1.098707 1.0481029 1.047719\n", + " 1.0534319 1.0189027 1.0300618 1.0175494 1.015203 1.0494215 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 7 12 5 6 9 8 10 11 13 14 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"defender per mertesacker believes arsenal have become a stronger unit from their fa cup success of last season , but can not allow themselves any sense of complacency against reading at wembley in saturday 's fa cup semi-final .the gunners head into the tie on the back of a superb run of form , which has seen them win 16 from 18 matches in all competitions and up into second place in the barclays premier league .mertesacker pictured during a training session with his arsenal team-mates on friday ahead of the clash\"]\n", + "=======================\n", + "['arsenal face reading at wembley in the fa cup semi-final on saturdaythe gunners won the fa cup last season and are defending the trophyper mertesacker feels they have become stronger since winning last yearthe german defender will not allow complacency to creep in however']\n", + "defender per mertesacker believes arsenal have become a stronger unit from their fa cup success of last season , but can not allow themselves any sense of complacency against reading at wembley in saturday 's fa cup semi-final .the gunners head into the tie on the back of a superb run of form , which has seen them win 16 from 18 matches in all competitions and up into second place in the barclays premier league .mertesacker pictured during a training session with his arsenal team-mates on friday ahead of the clash\n", + "arsenal face reading at wembley in the fa cup semi-final on saturdaythe gunners won the fa cup last season and are defending the trophyper mertesacker feels they have become stronger since winning last yearthe german defender will not allow complacency to creep in however\n", + "[1.4174683 1.375109 1.1067362 1.4901198 1.1295484 1.1534172 1.0612795\n", + " 1.0349978 1.0192941 1.0170678 1.0150483 1.0205326 1.0185189 1.0186112\n", + " 1.0187746 1.0191311 1.0365525 1.073359 1.0265065 1.0262183 1.2999237\n", + " 1.0222387 1.0233456 0. ]\n", + "\n", + "[ 3 0 1 20 5 4 2 17 6 16 7 18 19 22 21 11 8 15 14 13 12 9 10 23]\n", + "=======================\n", + "[\"lewis hamilton was fastest in both practice sessions for this weekend 's chinese grand prixhamilton suggested mercedes will be back in control for this race after ferrari and sebastian vettel conjured one of the surprises for many a season with the team 's first victory for almost two years at the last race in malaysia .red bull 's daniel ricciardo was third quickest , 1.093 secs adrift , but only after taking to the track 40 minutes late due to issues .\"]\n", + "=======================\n", + "[\"lewis hamilton was fastest in both practice sessions for sunday 's racehamilton , the world champion , is bidding to win his fourth race in chinahe leads title race from sebastian vettel who won last time out in malaysiakimi raikkonen was second fastest in the second session in shanghaijenson button was 10th in his mclaren with fernando alonso 12th\"]\n", + "lewis hamilton was fastest in both practice sessions for this weekend 's chinese grand prixhamilton suggested mercedes will be back in control for this race after ferrari and sebastian vettel conjured one of the surprises for many a season with the team 's first victory for almost two years at the last race in malaysia .red bull 's daniel ricciardo was third quickest , 1.093 secs adrift , but only after taking to the track 40 minutes late due to issues .\n", + "lewis hamilton was fastest in both practice sessions for sunday 's racehamilton , the world champion , is bidding to win his fourth race in chinahe leads title race from sebastian vettel who won last time out in malaysiakimi raikkonen was second fastest in the second session in shanghaijenson button was 10th in his mclaren with fernando alonso 12th\n", + "[1.2374136 1.4567676 1.2936686 1.2544566 1.1653771 1.3203847 1.172601\n", + " 1.0463883 1.1254768 1.0717952 1.0359131 1.0250428 1.0098107 1.020593\n", + " 1.0191098 1.0265657 1.0392671 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 5 2 3 0 6 4 8 9 7 16 10 15 11 13 14 12 22 17 18 19 20 21 23]\n", + "=======================\n", + "[\"violet pietrok , who lives in portland , oregon , was born with frontonasal dysplasia , a malformation of the face and head that is developed in the womb .it is so rare only 100 cases have been reported .the condition caused a widening of violet 's facial features , specifically with her nose , which had no cartilage , and the space between her eyes .\"]\n", + "=======================\n", + "[\"violet pietrok was born with congenital facial malformation called frontonasal dysplasiaonly 100 cases of the condition have been reportedit caused a widening of her facial features , including nose and space between the eyes , making her vision more like a bird 'splastic surgeon made five different molds of violet 's skull using 3d printerallowed him to plan the cuts and incisions he needed to make and helped him find solutions to problems during surgery\"]\n", + "violet pietrok , who lives in portland , oregon , was born with frontonasal dysplasia , a malformation of the face and head that is developed in the womb .it is so rare only 100 cases have been reported .the condition caused a widening of violet 's facial features , specifically with her nose , which had no cartilage , and the space between her eyes .\n", + "violet pietrok was born with congenital facial malformation called frontonasal dysplasiaonly 100 cases of the condition have been reportedit caused a widening of her facial features , including nose and space between the eyes , making her vision more like a bird 'splastic surgeon made five different molds of violet 's skull using 3d printerallowed him to plan the cuts and incisions he needed to make and helped him find solutions to problems during surgery\n", + "[1.1708403 1.3801259 1.3657448 1.2756703 1.2340914 1.155623 1.1511316\n", + " 1.1407381 1.0143355 1.0117683 1.0096711 1.0121037 1.0859532 1.1415719\n", + " 1.1262025 1.0390362 1.1075037 1.0754815 1.074692 1.0184908 1.0123544\n", + " 1.0163809 1.1004474 1.081715 ]\n", + "\n", + "[ 1 2 3 4 0 5 6 13 7 14 16 22 12 23 17 18 15 19 21 8 20 11 9 10]\n", + "=======================\n", + "[\"kingston road in stockton is the backdrop for the latest series of the channel 4 documentary which divided opinion with its debut in birmingham 's james turner street .the programme follows the lives of a handful of benefits claimants and last year split public opinion with many accusing producers of promoting ` poverty tourism ' .angry neighbours claim housing bosses have ordered the makeover in anticipation of the show 's release\"]\n", + "=======================\n", + "[\"residents in stockton 's kingston road are followed in the newest seriesfilming has finished on the street with just weeks to go until it is airedbut neighbours say housing bosses have spruced it up before releasethey accused thirteen group of trying to improve conditions for visitors\"]\n", + "kingston road in stockton is the backdrop for the latest series of the channel 4 documentary which divided opinion with its debut in birmingham 's james turner street .the programme follows the lives of a handful of benefits claimants and last year split public opinion with many accusing producers of promoting ` poverty tourism ' .angry neighbours claim housing bosses have ordered the makeover in anticipation of the show 's release\n", + "residents in stockton 's kingston road are followed in the newest seriesfilming has finished on the street with just weeks to go until it is airedbut neighbours say housing bosses have spruced it up before releasethey accused thirteen group of trying to improve conditions for visitors\n", + "[1.3364937 1.4426926 1.3371519 1.2989699 1.2796444 1.0306162 1.0533911\n", + " 1.0173062 1.0121436 1.0698797 1.1161914 1.0822217 1.0330521 1.1791424\n", + " 1.0355287 1.1401825 1.0886132 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 13 15 10 16 11 9 6 14 12 5 7 8 19 17 18 20]\n", + "=======================\n", + "['ronald peijenburg , owner of the de zwann restaurant in etten-leur , has previously used a formula 1 racing car , hot air balloon and a helicopter to deliver the first crop of the seasonal vegetable .but the drone , which had a metal can attached containing several asparagus stalks , crashed and exploded mid-journey in the netherlands .a michelin-starred restaurant burned its first batch of asparagus after the drone flying it in crashed live on tv .']\n", + "=======================\n", + "['owner had used formula 1 car and hot air balloon to deliver in the pastdrone was being operated from back of a truck that followed behindlocal tv filmed as bladed device carried several asparagus stalks in cancrashed shortly after recharging mid-way through the flight']\n", + "ronald peijenburg , owner of the de zwann restaurant in etten-leur , has previously used a formula 1 racing car , hot air balloon and a helicopter to deliver the first crop of the seasonal vegetable .but the drone , which had a metal can attached containing several asparagus stalks , crashed and exploded mid-journey in the netherlands .a michelin-starred restaurant burned its first batch of asparagus after the drone flying it in crashed live on tv .\n", + "owner had used formula 1 car and hot air balloon to deliver in the pastdrone was being operated from back of a truck that followed behindlocal tv filmed as bladed device carried several asparagus stalks in cancrashed shortly after recharging mid-way through the flight\n", + "[1.5086597 1.0939338 1.1880949 1.3979672 1.3155565 1.2369932 1.2079796\n", + " 1.0197694 1.01884 1.0158769 1.0161221 1.036015 1.0261531 1.0253116\n", + " 1.0405288 1.0444534 1.021122 1.2420858 1.1574448 1.0214084 1.0484047]\n", + "\n", + "[ 0 3 4 17 5 6 2 18 1 20 15 14 11 12 13 19 16 7 8 10 9]\n", + "=======================\n", + "[\"tom boyd believes jason denayer 's loan spell at celtic has been so successful that he is now ready to challenge for a place at manchester city next season .young defender jason denayer ( left ) has impressed on loan at celtic this seasonthe 19-year-old recently won his first international cap for belgium in a euro 2016 qualifier against cyprus\"]\n", + "=======================\n", + "['young belgian jason denayer has impressed on loan with celticformer hoops captain tom boyd claims the defender is ready to challenge for a place at manchester city next seasonronny deila is looking at hearts defender danny wilson to fill the void']\n", + "tom boyd believes jason denayer 's loan spell at celtic has been so successful that he is now ready to challenge for a place at manchester city next season .young defender jason denayer ( left ) has impressed on loan at celtic this seasonthe 19-year-old recently won his first international cap for belgium in a euro 2016 qualifier against cyprus\n", + "young belgian jason denayer has impressed on loan with celticformer hoops captain tom boyd claims the defender is ready to challenge for a place at manchester city next seasonronny deila is looking at hearts defender danny wilson to fill the void\n", + "[1.3696909 1.3768677 1.2475371 1.1331313 1.2170166 1.1442466 1.0192822\n", + " 1.0294702 1.1551423 1.0717369 1.0852463 1.0440973 1.0275538 1.1055651\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 8 5 3 13 10 9 11 7 12 6 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"the work at the dome of the rock was simply meant to replace carpet , worn away by thousands of pilgrims at the gold-topped shrine , which overlooks old jerusalem .israeli scholars are furious after new flooring was fitted ` behind their backs ' by the muslim authority in charge of judaism 's holiest site - potentially covering up clues to the location of the ` lost ark ' .but when the old carpet was lifted , it revealed previously undocumented ancient floor designs - which could point to where the gold-cased ark of the covenant was buried 2,500 years ago .\"]\n", + "=======================\n", + "['row erupted after mysterious geometric designs discovered under carpetsome hope they may lead to chamber where ark of the covenant is hiddenbut new flooring laid before israeli scholars were able to document patternbut waqf , the authority in charge of dome of the rock , reject accusations']\n", + "the work at the dome of the rock was simply meant to replace carpet , worn away by thousands of pilgrims at the gold-topped shrine , which overlooks old jerusalem .israeli scholars are furious after new flooring was fitted ` behind their backs ' by the muslim authority in charge of judaism 's holiest site - potentially covering up clues to the location of the ` lost ark ' .but when the old carpet was lifted , it revealed previously undocumented ancient floor designs - which could point to where the gold-cased ark of the covenant was buried 2,500 years ago .\n", + "row erupted after mysterious geometric designs discovered under carpetsome hope they may lead to chamber where ark of the covenant is hiddenbut new flooring laid before israeli scholars were able to document patternbut waqf , the authority in charge of dome of the rock , reject accusations\n", + "[1.4424338 1.512296 1.4399575 1.0573832 1.1872356 1.0375103 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 3 5 18 17 16 15 14 13 10 11 19 9 8 7 6 12 20]\n", + "=======================\n", + "[\"veteran seamer thomas , still recovering from a broken ankle , is not yet fit for selection for somerset 's first lv = county championship fixture at home to durham - and is therefore free , with his club 's blessing , to take up the short-term coaching appointment with delhi until april 16 .somerset 's new limited-overs captain alfonso thomas has agreed to coach delhi daredevils in the indian premier league this month .somerset director of cricket matthew maynard said : ` the chance arose for him to take on a short-term coaching role at delhi - which is great experience , should he wish to move into coaching in the future . '\"]\n", + "=======================\n", + "['alfonso thomas to coach in indian premier league this monthveteran somerset bowler has agreed a deal with the delhi daredevils2015 edition of indian premier league to begin on april 8']\n", + "veteran seamer thomas , still recovering from a broken ankle , is not yet fit for selection for somerset 's first lv = county championship fixture at home to durham - and is therefore free , with his club 's blessing , to take up the short-term coaching appointment with delhi until april 16 .somerset 's new limited-overs captain alfonso thomas has agreed to coach delhi daredevils in the indian premier league this month .somerset director of cricket matthew maynard said : ` the chance arose for him to take on a short-term coaching role at delhi - which is great experience , should he wish to move into coaching in the future . '\n", + "alfonso thomas to coach in indian premier league this monthveteran somerset bowler has agreed a deal with the delhi daredevils2015 edition of indian premier league to begin on april 8\n", + "[1.2405906 1.3582118 1.2337437 1.2545576 1.1963725 1.0651891 1.0690476\n", + " 1.1253119 1.0942191 1.0512885 1.0851748 1.0523598 1.0622852 1.050738\n", + " 1.0577211 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 7 8 10 6 5 12 14 11 9 13 19 15 16 17 18 20]\n", + "=======================\n", + "['lawyers hired by drug rehab network narcocon have argued that trout run , a property in frederick county , maryland , has historic significance because president herbert hoover once caught a fish at the site .a church of scientology-backed organization is facing a bizarre land use battle over its plans to turn a patch of secluded in woods near the presidential retreat camp david into a drug rehab center .opponents view the proposed designation as a trick to circumvent current zoning laws for the 40-acre plot of land and create a drug rehabilitation program that some call dangerous .']\n", + "=======================\n", + "['scientology-connected narconon wants to build center at trout runland use laws mean that it must prove site is historic in order to have a medical facility on the land in frederick countyscientology-affiliated real estate company bought land for $ 4.8 milliongroup contends land is significant because herbert hoover fished thereorganization has been criticized after string of mysterious deaths at centers that use saunas and megadoses of niacin to treat drug addicts']\n", + "lawyers hired by drug rehab network narcocon have argued that trout run , a property in frederick county , maryland , has historic significance because president herbert hoover once caught a fish at the site .a church of scientology-backed organization is facing a bizarre land use battle over its plans to turn a patch of secluded in woods near the presidential retreat camp david into a drug rehab center .opponents view the proposed designation as a trick to circumvent current zoning laws for the 40-acre plot of land and create a drug rehabilitation program that some call dangerous .\n", + "scientology-connected narconon wants to build center at trout runland use laws mean that it must prove site is historic in order to have a medical facility on the land in frederick countyscientology-affiliated real estate company bought land for $ 4.8 milliongroup contends land is significant because herbert hoover fished thereorganization has been criticized after string of mysterious deaths at centers that use saunas and megadoses of niacin to treat drug addicts\n", + "[1.2467352 1.2918558 1.2580277 1.1923681 1.1061258 1.0810503 1.0601313\n", + " 1.1187804 1.0924008 1.1131254 1.0421606 1.0444617 1.0905081 1.052461\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 7 9 4 8 12 5 6 13 11 10 26 14 15 16 17 18 19 20 21 22\n", + " 23 24 25 27]\n", + "=======================\n", + "[\"top of the list is ` death ' for anyone who insults god or his messenger or blasphemes against islam .adulterers who engage in a sexual relationship are to be stoned to death , while couples who have an affair without sexual contact can expect the more lenient punishment of 100 lashes and ` banishment ' from the community .crucified : the list of isis ' gruesome punishments dictates that ` spying for disbelievers ' is punishable by death - a fate this man suffered by being publicly crucified\"]\n", + "=======================\n", + "[\"isis claims the horrifying list of punishments is a ` warning ' to disbelieversit pertains to syrian province aleppo and claims to be based on sharia lawpenalty for insulting god , his messenger or the religion of islam is deaththieves ' hands are chopped off , adulterers are publicly killed by stoninglist says committing ` calumny ' - or slander - is punishable by 80 lashesislamic state 's brutal executions are common on its social media channels\"]\n", + "top of the list is ` death ' for anyone who insults god or his messenger or blasphemes against islam .adulterers who engage in a sexual relationship are to be stoned to death , while couples who have an affair without sexual contact can expect the more lenient punishment of 100 lashes and ` banishment ' from the community .crucified : the list of isis ' gruesome punishments dictates that ` spying for disbelievers ' is punishable by death - a fate this man suffered by being publicly crucified\n", + "isis claims the horrifying list of punishments is a ` warning ' to disbelieversit pertains to syrian province aleppo and claims to be based on sharia lawpenalty for insulting god , his messenger or the religion of islam is deaththieves ' hands are chopped off , adulterers are publicly killed by stoninglist says committing ` calumny ' - or slander - is punishable by 80 lashesislamic state 's brutal executions are common on its social media channels\n", + "[1.4296209 1.5292841 1.2918805 1.4139614 1.279725 1.3087734 1.0457426\n", + " 1.0224929 1.0114574 1.0365163 1.0128251 1.0157423 1.1021833 1.0139617\n", + " 1.014701 1.0128809 1.0168314 1.0749433 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 5 2 4 12 17 6 9 7 16 11 14 13 15 10 8 18 19 20 21 22 23\n", + " 24 25 26 27]\n", + "=======================\n", + "[\"steve bruce 's side are in 15th place , three points off the relegation zone , but have a tough run-in with five of their last eight matches against clubs in the top seven of the premier league .hull midfielder david meyler says he is totally convinced the tigers will hang on to their premier league status .hull are currently just three points above burnley\"]\n", + "=======================\n", + "['david meyler is confident hull will remain in the premier leaguethe midfielder has warned his team-mates they are facing tough periodhull are currently just three points above the relegation drop zone']\n", + "steve bruce 's side are in 15th place , three points off the relegation zone , but have a tough run-in with five of their last eight matches against clubs in the top seven of the premier league .hull midfielder david meyler says he is totally convinced the tigers will hang on to their premier league status .hull are currently just three points above burnley\n", + "david meyler is confident hull will remain in the premier leaguethe midfielder has warned his team-mates they are facing tough periodhull are currently just three points above the relegation drop zone\n", + "[1.3839936 1.1865495 1.5064914 1.3062494 1.3100432 1.168801 1.0896697\n", + " 1.0437818 1.0324254 1.0465353 1.0690632 1.0163449 1.0182524 1.0176313\n", + " 1.0274171 1.0797203 1.091033 1.0180715 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 4 3 1 5 16 6 15 10 9 7 8 14 12 17 13 11 18 19 20 21 22 23\n", + " 24 25 26 27]\n", + "=======================\n", + "[\"joseph getty , 26 , pleaded guilty to drink-driving and received a 20-month ban as well as a fine of # 1,000 , which he paid immediately .banned : joseph getty was caught driving his range rover through belgrave square while drunkhis conviction came just a day after his relative andrew getty was found dead at his hollywood home having suffered a ` traumatic injury to the rectal area ' .\"]\n", + "=======================\n", + "['joseph getty , 26 , drove his range rover through belgravia while drunkhe has been banned from driving for 20 months and fined # 1,000getty is the son of getty images founder and great-grandson of oil baron']\n", + "joseph getty , 26 , pleaded guilty to drink-driving and received a 20-month ban as well as a fine of # 1,000 , which he paid immediately .banned : joseph getty was caught driving his range rover through belgrave square while drunkhis conviction came just a day after his relative andrew getty was found dead at his hollywood home having suffered a ` traumatic injury to the rectal area ' .\n", + "joseph getty , 26 , drove his range rover through belgravia while drunkhe has been banned from driving for 20 months and fined # 1,000getty is the son of getty images founder and great-grandson of oil baron\n", + "[1.4368243 1.2866518 1.5051928 1.2349426 1.050417 1.0464928 1.0290626\n", + " 1.0368358 1.0442504 1.0831915 1.077419 1.0743512 1.1944835 1.0862414\n", + " 1.0912923 1.058494 1.0231053 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 3 12 14 13 9 10 11 15 4 5 8 7 6 16 25 24 23 22 17 20 19\n", + " 18 26 21 27]\n", + "=======================\n", + "[\"ruba khandaqji , 36 , was charged with two counts of corruption by threat against a public official and resisting arrest without violence .hire : ruba khandaqji ( here ) was arrested for threatening to hire a hitman to kill gov. rick scottauthorities say she has a history of mental instability and has come to authorities ' attention four times in the last three months .\"]\n", + "=======================\n", + "['ruba khandaqji was arrested wednesday after calling 911 and threatening to hire a hit-man to kill florida governor rick scottkhandaqji : ` pass this to your governor .the woman has drawn the attention of authorities four times in the last three months']\n", + "ruba khandaqji , 36 , was charged with two counts of corruption by threat against a public official and resisting arrest without violence .hire : ruba khandaqji ( here ) was arrested for threatening to hire a hitman to kill gov. rick scottauthorities say she has a history of mental instability and has come to authorities ' attention four times in the last three months .\n", + "ruba khandaqji was arrested wednesday after calling 911 and threatening to hire a hit-man to kill florida governor rick scottkhandaqji : ` pass this to your governor .the woman has drawn the attention of authorities four times in the last three months\n", + "[1.1864616 1.2696342 1.2037604 1.2119448 1.1021427 1.1087586 1.1459179\n", + " 1.1460072 1.1423872 1.1181955 1.0876483 1.0755407 1.0514424 1.054251\n", + " 1.0334544 1.0524577 1.05644 1.0628697 1.0478631 1.0535481 1.0591446\n", + " 1.0802177 1.0586555 1.0247601 1.0242916 1.032248 1.0572516 1.0342171]\n", + "\n", + "[ 1 3 2 0 7 6 8 9 5 4 10 21 11 17 20 22 26 16 13 19 15 12 18 27\n", + " 14 25 23 24]\n", + "=======================\n", + "['a memorial service will be held at anfield to remember the 96 people who lost their lives .liverpool players have paid their respects to the victims , alongside fans and celebrities across the sporting world and beyond .today marks the 26th anniversary of the hillsborough disaster .']\n", + "=======================\n", + "['96 people died at the hillsborough disaster on april 15 , 1989liverpool players and fans have started paying tribute to the victimsa memorial service is to be held at anfield on wednesdayclick here for all the latest liverpool news']\n", + "a memorial service will be held at anfield to remember the 96 people who lost their lives .liverpool players have paid their respects to the victims , alongside fans and celebrities across the sporting world and beyond .today marks the 26th anniversary of the hillsborough disaster .\n", + "96 people died at the hillsborough disaster on april 15 , 1989liverpool players and fans have started paying tribute to the victimsa memorial service is to be held at anfield on wednesdayclick here for all the latest liverpool news\n", + "[1.310961 1.3955245 1.1615978 1.0510482 1.2454593 1.1363883 1.1796951\n", + " 1.1405025 1.0762492 1.1785738 1.0534557 1.0183209 1.0837677 1.035602\n", + " 1.0434792 1.0593241 1.1447749 1.1006143]\n", + "\n", + "[ 1 0 4 6 9 2 16 7 5 17 12 8 15 10 3 14 13 11]\n", + "=======================\n", + "[\"the shadow chancellor said the letter , left in the treasury by the former labour minister liam byrne in 2010 , was just a ` jokey note ' .ed balls has been accused of treating the public with ` contempt ' after dismissing as a ` joke ' the infamous labour note admitting the party had blown the nation 's finances .damaging : labour 's liam byrne sent left this handwritten note to his successor before he left the treasury in 2010\"]\n", + "=======================\n", + "[\"letter was left in the treasury by the former minister liam byrne in 2010it said : ` dear chief secretary , i 'm afraid there is no money .balls insists it was just a ` jokey note ' that should not be taken seriouslythe tories this morning accused him of treating the public with ` contempt '\"]\n", + "the shadow chancellor said the letter , left in the treasury by the former labour minister liam byrne in 2010 , was just a ` jokey note ' .ed balls has been accused of treating the public with ` contempt ' after dismissing as a ` joke ' the infamous labour note admitting the party had blown the nation 's finances .damaging : labour 's liam byrne sent left this handwritten note to his successor before he left the treasury in 2010\n", + "letter was left in the treasury by the former minister liam byrne in 2010it said : ` dear chief secretary , i 'm afraid there is no money .balls insists it was just a ` jokey note ' that should not be taken seriouslythe tories this morning accused him of treating the public with ` contempt '\n", + "[1.2766902 1.2841573 1.3200799 1.3707407 1.2674209 1.0791508 1.135507\n", + " 1.1106642 1.0956392 1.0520995 1.1560676 1.0937202 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 0 4 10 6 7 8 11 5 9 12 13 14 15 16 17]\n", + "=======================\n", + "[\"leeds rhinos ' paul aiton has been nominated for the super league player of the month awardat the end of each month , a shortlist of five players will be drawn up by the writers of league weekly and fans will be asked to vote for their choice on the facebook page , www.facebook.com/firstutilitysuperleague .warrington wolves ' matt russell has also been included on the shortlist for this month 's award\"]\n", + "=======================\n", + "[\"super league title sponsors first utility have announced a new format for the competition 's player of the month awardworking with rugby dedicated newspaper league weekly , a shortlist of players will be drawn up each month for fans to vote on via facebookvoters will be entered into a prize draw with one lucky supporter being given the opportunity to present the award to the winning player\"]\n", + "leeds rhinos ' paul aiton has been nominated for the super league player of the month awardat the end of each month , a shortlist of five players will be drawn up by the writers of league weekly and fans will be asked to vote for their choice on the facebook page , www.facebook.com/firstutilitysuperleague .warrington wolves ' matt russell has also been included on the shortlist for this month 's award\n", + "super league title sponsors first utility have announced a new format for the competition 's player of the month awardworking with rugby dedicated newspaper league weekly , a shortlist of players will be drawn up each month for fans to vote on via facebookvoters will be entered into a prize draw with one lucky supporter being given the opportunity to present the award to the winning player\n", + "[1.3909936 1.4492326 1.2927728 1.3170382 1.1105561 1.1875013 1.0695873\n", + " 1.0213265 1.0115898 1.0116808 1.0882045 1.1003342 1.0748605 1.122379\n", + " 1.1333157 1.0948558 1.0432782 1.0103688]\n", + "\n", + "[ 1 0 3 2 5 14 13 4 11 15 10 12 6 16 7 9 8 17]\n", + "=======================\n", + "[\"abdul-jabbar , 68 , had quadruple coronary bypass surgery after being admitted to the hospital earlier in the week with cardiovascular disease .nba legend kareem abdul-jabbar is expected to make a full recovery after undergoing emergency heart surgery at ronald reagan ucla medical center on thursday , april 16 .the successful surgery , which was performed by cardiac surgery chief dr richard shemin , cleared a major blockage from the hall of famer 's heart .\"]\n", + "=======================\n", + "[\"nba 's all-time leading scorer had quadruple coronary bypass surgerysix-time league champion admitted this week with cardiovascular diseasesurgery was a success and 68-year-old is expected to make a full recoveryabdul-jabbar was diagnosed with chronic myeloid leukemia in 2008appointed as us cultural ambassador by hillary rodham clinton in 2012\"]\n", + "abdul-jabbar , 68 , had quadruple coronary bypass surgery after being admitted to the hospital earlier in the week with cardiovascular disease .nba legend kareem abdul-jabbar is expected to make a full recovery after undergoing emergency heart surgery at ronald reagan ucla medical center on thursday , april 16 .the successful surgery , which was performed by cardiac surgery chief dr richard shemin , cleared a major blockage from the hall of famer 's heart .\n", + "nba 's all-time leading scorer had quadruple coronary bypass surgerysix-time league champion admitted this week with cardiovascular diseasesurgery was a success and 68-year-old is expected to make a full recoveryabdul-jabbar was diagnosed with chronic myeloid leukemia in 2008appointed as us cultural ambassador by hillary rodham clinton in 2012\n", + "[1.3290019 1.3843596 1.2114334 1.2063506 1.250049 1.1112499 1.0448523\n", + " 1.0711483 1.0338542 1.0940286 1.1080554 1.0190985 1.0982369 1.0094057\n", + " 1.034858 1.0313329 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 5 10 12 9 7 6 14 8 15 11 13 16 17]\n", + "=======================\n", + "[\"born bradley manning , the 27-year-old former intelligence analyst was convicted of espionage in july 2013 for sending a trove of classified documents to the wikileaks website and was subsequently sentenced to 35 years prison .whistleblower chelsea manning has given in an in-depth interview from behind bars in fort leavenworth , kansas , describing the ` painful and awkward ' process and conditions of transitioning to a woman from inside a military prison .one month after being found guilty , manning announced that he had always identified as female and planned to start living as a woman named chelsea elizabeth manning , officially switching names in april 2014 .\"]\n", + "=======================\n", + "[\"chelsea manning gave an interview to cosmopolitan from fort leavenworth prison in kansas , serving 35 years for violating the espionage actafter being convicted in july 2013 as bradley manning , she admitted having gender dysphoria and announced plans to transition into a womanshe officially changed her name last year and sued for permission to undergo hormone therapy for gender reassignment from within prisonsays it 's ` painful and awkward ' to be forbidden from letting her hair growreveals how being deployed to iraq made her realize life is volatile\"]\n", + "born bradley manning , the 27-year-old former intelligence analyst was convicted of espionage in july 2013 for sending a trove of classified documents to the wikileaks website and was subsequently sentenced to 35 years prison .whistleblower chelsea manning has given in an in-depth interview from behind bars in fort leavenworth , kansas , describing the ` painful and awkward ' process and conditions of transitioning to a woman from inside a military prison .one month after being found guilty , manning announced that he had always identified as female and planned to start living as a woman named chelsea elizabeth manning , officially switching names in april 2014 .\n", + "chelsea manning gave an interview to cosmopolitan from fort leavenworth prison in kansas , serving 35 years for violating the espionage actafter being convicted in july 2013 as bradley manning , she admitted having gender dysphoria and announced plans to transition into a womanshe officially changed her name last year and sued for permission to undergo hormone therapy for gender reassignment from within prisonsays it 's ` painful and awkward ' to be forbidden from letting her hair growreveals how being deployed to iraq made her realize life is volatile\n", + "[1.0838324 1.1027602 1.413502 1.2092681 1.1431272 1.2326066 1.2195976\n", + " 1.0336133 1.025911 1.2242397 1.1239166 1.0679418 1.0200533 1.0423408\n", + " 1.0206809 1.0149008 1.0294445 1.0225338]\n", + "\n", + "[ 2 5 9 6 3 4 10 1 0 11 13 7 16 8 17 14 12 15]\n", + "=======================\n", + "['nine other worlds in total are now suspected to have some form of subsurface ocean containing far more water than is on earth - and some may even contain life , according to nasa .there at least 200 billion earth-like planets in our galaxy - and now nasa officials claim we could be on the verge of finding life on one of them .it followed claims by dr ellen stofan , chief scientist for the agency , that we could find life in the next ten or 20 years .']\n", + "=======================\n", + "['nasa scientists in california say our solar system is full of watermoons of jupiter and saturn are thought to have oceans undergrounddwarf planets like ceres and pluto may also have similar reservoirswater is important for the search for life - as life as we know it needs it']\n", + "nine other worlds in total are now suspected to have some form of subsurface ocean containing far more water than is on earth - and some may even contain life , according to nasa .there at least 200 billion earth-like planets in our galaxy - and now nasa officials claim we could be on the verge of finding life on one of them .it followed claims by dr ellen stofan , chief scientist for the agency , that we could find life in the next ten or 20 years .\n", + "nasa scientists in california say our solar system is full of watermoons of jupiter and saturn are thought to have oceans undergrounddwarf planets like ceres and pluto may also have similar reservoirswater is important for the search for life - as life as we know it needs it\n", + "[1.3169942 1.4543095 1.1644136 1.0898421 1.3115416 1.2273685 1.0750841\n", + " 1.0354116 1.1969428 1.1282967 1.1679859 1.0649527 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 5 8 10 2 9 3 6 11 7 17 12 13 14 15 16 18]\n", + "=======================\n", + "[\"jack grealish took to twitter shortly after arriving at wembley stadium to thank supporters for sending in messages ahead of their clash with the reds .aston villa 's players were able to read messages of support from fans before their fa cup semi-final clash against liverpool as the words of wisdom were displayed in their dressing room .aston villa boss tim sherwood included grealish in his starting line-up following the teenager 's impressive displays against queens park rangers and tottenham .\"]\n", + "=======================\n", + "[\"aston villa 's players were sent in messages ahead of fa cup semi-finaltim sherwood 's side face liverpool in fa cup clash at wembley stadiumjack grealish posted snap of encouraging message written by a supporterbrad guzan also revealed the contents of his dressing room message\"]\n", + "jack grealish took to twitter shortly after arriving at wembley stadium to thank supporters for sending in messages ahead of their clash with the reds .aston villa 's players were able to read messages of support from fans before their fa cup semi-final clash against liverpool as the words of wisdom were displayed in their dressing room .aston villa boss tim sherwood included grealish in his starting line-up following the teenager 's impressive displays against queens park rangers and tottenham .\n", + "aston villa 's players were sent in messages ahead of fa cup semi-finaltim sherwood 's side face liverpool in fa cup clash at wembley stadiumjack grealish posted snap of encouraging message written by a supporterbrad guzan also revealed the contents of his dressing room message\n", + "[1.5497248 1.5239811 1.3557786 1.3267623 1.1145507 1.0563958 1.0352042\n", + " 1.0459447 1.031965 1.0395384 1.0793637 1.105162 1.0752931 1.0743476\n", + " 1.0545025 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 11 10 12 13 5 14 7 9 6 8 15 16 17 18]\n", + "=======================\n", + "['bangladesh beat fellow world cup quarter-finalists pakistan by 79 runs in the first one-day international in dhaka .tamim iqbal and mushfiqur rahim scored centuries as bangladesh made 329 for six and pakistan could only muster 250 in reply .pakistan will have the chance to level the three-match series on sunday when the second odi takes place in mirpur .']\n", + "=======================\n", + "['bangladesh beat fellow world cup quarter-finalists pakistan by 79 runstamim iqbal and mushfiqur rahim scored centuries for bangladeshbangladesh made 329 for six and pakistan could only muster 250 in replypakistan will have the chance to level the three-match series on sunday']\n", + "bangladesh beat fellow world cup quarter-finalists pakistan by 79 runs in the first one-day international in dhaka .tamim iqbal and mushfiqur rahim scored centuries as bangladesh made 329 for six and pakistan could only muster 250 in reply .pakistan will have the chance to level the three-match series on sunday when the second odi takes place in mirpur .\n", + "bangladesh beat fellow world cup quarter-finalists pakistan by 79 runstamim iqbal and mushfiqur rahim scored centuries for bangladeshbangladesh made 329 for six and pakistan could only muster 250 in replypakistan will have the chance to level the three-match series on sunday\n", + "[1.4973642 1.1897786 1.2662064 1.4236087 1.1768119 1.0761205 1.025824\n", + " 1.0192761 1.0261434 1.0212953 1.1576064 1.1707197 1.14003 1.1145034\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 4 11 10 12 13 5 8 6 9 7 14 15 16 17 18]\n", + "=======================\n", + "['manchester united captain wayne rooney added to his collection of wonder goals at old trafford with a stunning strike in a 3-1 win against aston villa that lifted his side above manchester city into third place in the premier league .wayne rooney ( centre ) scored a stunning half-volley as manchester united beat aston villa 3-1it was his sixth goal in eight matches for united since being restored up front by manager louis van gaal after a spell in midfield .']\n", + "=======================\n", + "['ander herrera nets either side of wayne rooney in manchester united winred devils beat aston villa 3-1 in the premier league on saturdaymidfielder herrera full of praise for captain and striker rooney']\n", + "manchester united captain wayne rooney added to his collection of wonder goals at old trafford with a stunning strike in a 3-1 win against aston villa that lifted his side above manchester city into third place in the premier league .wayne rooney ( centre ) scored a stunning half-volley as manchester united beat aston villa 3-1it was his sixth goal in eight matches for united since being restored up front by manager louis van gaal after a spell in midfield .\n", + "ander herrera nets either side of wayne rooney in manchester united winred devils beat aston villa 3-1 in the premier league on saturdaymidfielder herrera full of praise for captain and striker rooney\n", + "[1.3434026 1.1466718 1.1767628 1.5843594 1.0927532 1.0649505 1.0417366\n", + " 1.0224092 1.0595319 1.0465517 1.0795965 1.1586763 1.1068872 1.0573518\n", + " 1.0149789 1.018025 1.0123161 1.0254431 1.0982622]\n", + "\n", + "[ 3 0 2 11 1 12 18 4 10 5 8 13 9 6 17 7 15 14 16]\n", + "=======================\n", + "[\"fernando alonso says he will retire from formula one once his deal with mclaren-honda comes to an endfernando alonso , whose youthful brilliance usurped even michael schumacher in the autumn of his career , considered a life beyond formula one .` i will close the loop on that part of my life , ' he said ahead of sunday 's chinese grand prix .\"]\n", + "=======================\n", + "[\"fernando alonso , 34 , signed a three-year deal with mclaren this yearspanish driver says this will be his last venture in formula onemclaren have struggled for pace in first two grand prix of the seasonalonso says he expects success will come - it is just a ` matter of time '\"]\n", + "fernando alonso says he will retire from formula one once his deal with mclaren-honda comes to an endfernando alonso , whose youthful brilliance usurped even michael schumacher in the autumn of his career , considered a life beyond formula one .` i will close the loop on that part of my life , ' he said ahead of sunday 's chinese grand prix .\n", + "fernando alonso , 34 , signed a three-year deal with mclaren this yearspanish driver says this will be his last venture in formula onemclaren have struggled for pace in first two grand prix of the seasonalonso says he expects success will come - it is just a ` matter of time '\n", + "[1.4106696 1.3533891 1.1987901 1.2092547 1.1566912 1.1615021 1.032091\n", + " 1.0930439 1.0272517 1.1139475 1.1374046 1.0361152 1.0686543 1.0874119\n", + " 1.0493271 1.0588394 1.0579015 1.04733 1.0430186]\n", + "\n", + "[ 0 1 3 2 5 4 10 9 7 13 12 15 16 14 17 18 11 6 8]\n", + "=======================\n", + "[\"labour peer john prescott has defended prince charles over allegations he tries to secretly influence government policy with scrawled private notes to ministers - insisting he should ` right to ` write as many damn letters as he likes ' .the former deputy prime minister said he can not see a problem with the future king writing to government ministers and insisted he had ' a lot to offer this country ' .lord prescott 's intervention comes after the supreme court backed a previous ruling paving the way for the publication of prince charles 's so-called ` black spider ' memos .\"]\n", + "=======================\n", + "[\"ex deputy pm said there was no problem with charles writing to ministersadmitted charles had sent him a lot of letters while he was in governmentreleased two , including one condolence letter over death of his mothercomes after court ruled charles 's letters to ministers should be published\"]\n", + "labour peer john prescott has defended prince charles over allegations he tries to secretly influence government policy with scrawled private notes to ministers - insisting he should ` right to ` write as many damn letters as he likes ' .the former deputy prime minister said he can not see a problem with the future king writing to government ministers and insisted he had ' a lot to offer this country ' .lord prescott 's intervention comes after the supreme court backed a previous ruling paving the way for the publication of prince charles 's so-called ` black spider ' memos .\n", + "ex deputy pm said there was no problem with charles writing to ministersadmitted charles had sent him a lot of letters while he was in governmentreleased two , including one condolence letter over death of his mothercomes after court ruled charles 's letters to ministers should be published\n", + "[1.322275 1.2213418 1.4374098 1.2903471 1.1921719 1.1392653 1.1330185\n", + " 1.1467446 1.1036735 1.0694944 1.0229852 1.0108885 1.13916 1.1035105\n", + " 1.0385612 1.0439084 1.022701 1.0151098 1.0122746 1.0090619 1.0084215]\n", + "\n", + "[ 2 0 3 1 4 7 5 12 6 8 13 9 15 14 10 16 17 18 11 19 20]\n", + "=======================\n", + "[\"ralph vaughan williams 's work topped the classic fm hall of fame after listeners cast more than 200,000 votes .it topped the poll last year as well and four years ago was named the nation 's favourite desert island discs tune .british composer vaughan williams was inspired by a poem of the same name by george meredith .\"]\n", + "=======================\n", + "['topped poll after classic fm listeners cast more than 200,000 votesbritish composer inspired by a poem of same name by george meredithit found a wide audience last year when it was played as hayley took a lethal cocktail to end her suffering on coronation streetfull poll also includes 12 pieces of music used to soundtrack video games']\n", + "ralph vaughan williams 's work topped the classic fm hall of fame after listeners cast more than 200,000 votes .it topped the poll last year as well and four years ago was named the nation 's favourite desert island discs tune .british composer vaughan williams was inspired by a poem of the same name by george meredith .\n", + "topped poll after classic fm listeners cast more than 200,000 votesbritish composer inspired by a poem of same name by george meredithit found a wide audience last year when it was played as hayley took a lethal cocktail to end her suffering on coronation streetfull poll also includes 12 pieces of music used to soundtrack video games\n", + "[1.045879 1.1836135 1.546633 1.1391773 1.2248136 1.1502575 1.0390836\n", + " 1.0407041 1.0140445 1.0556617 1.2084646 1.0984308 1.075329 1.1070429\n", + " 1.1345235 1.0415502 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 4 10 1 5 3 14 13 11 12 9 0 15 7 6 8 16 17 18 19 20]\n", + "=======================\n", + "['the temperature in the south is forecast to reach 24c ( 75f ) today and 25c ( 77f ) tomorrow , surpassing the highest seen so far this year , the 21.9 c ( 71.4 f ) recorded in london on friday .beach life : people enjoy the weather at barry island in south wales yesterday , as most of england and wales enjoys warm spring conditionsthe record for the hottest day ever in britain was set more than a decade ago in august 2003 when temperatures hit 38.1 c ( 101f ) in gravesend , kent .']\n", + "=======================\n", + "[\"tomorrow will be week 's warmest day and met office says above-average temperatures are forecast until juneweather , caused by warm air from the azores , creating conditions we might usually experience in july or augustbookmakers are receiving tens of thousands of pounds in bets on weather records being broken this summerpublic alerted to dangers in water as jellyfish arrive early off coast and firefighters issue ` tombstoning ' warning\"]\n", + "the temperature in the south is forecast to reach 24c ( 75f ) today and 25c ( 77f ) tomorrow , surpassing the highest seen so far this year , the 21.9 c ( 71.4 f ) recorded in london on friday .beach life : people enjoy the weather at barry island in south wales yesterday , as most of england and wales enjoys warm spring conditionsthe record for the hottest day ever in britain was set more than a decade ago in august 2003 when temperatures hit 38.1 c ( 101f ) in gravesend , kent .\n", + "tomorrow will be week 's warmest day and met office says above-average temperatures are forecast until juneweather , caused by warm air from the azores , creating conditions we might usually experience in july or augustbookmakers are receiving tens of thousands of pounds in bets on weather records being broken this summerpublic alerted to dangers in water as jellyfish arrive early off coast and firefighters issue ` tombstoning ' warning\n", + "[1.0906651 1.330631 1.0765576 1.3943558 1.3189869 1.0741961 1.1374074\n", + " 1.043256 1.1257926 1.1016183 1.0544263 1.0945928 1.0957552 1.0526849\n", + " 1.0697978 1.0396476 1.0629083 1.0101837 0. 0. 0. ]\n", + "\n", + "[ 3 1 4 6 8 9 12 11 0 2 5 14 16 10 13 7 15 17 19 18 20]\n", + "=======================\n", + "[\"kim kardashian shared a snap of herself on instagram yesterday , while decorating colourful easter baskets , thought to be for her daughter north plus her niece and nephewsfrom kim kardashian 's last-minute baskets for toddler north west to myleene klass ' bunny-themed egg hunt , the stars took to instagram to show how they celebrated easter ., kim appeared to be filling four baskets with plenty of treats including chocolate bunnies , peeps marshmallows and jelly belly jellybeans .\"]\n", + "=======================\n", + "['kim kardashian shared frantic last-minute easter basket preparationsmariah carey was up late at night baking chocolate easter cupcakesamanda holden and myleene klass posted sweet snaps of their egg hunts']\n", + "kim kardashian shared a snap of herself on instagram yesterday , while decorating colourful easter baskets , thought to be for her daughter north plus her niece and nephewsfrom kim kardashian 's last-minute baskets for toddler north west to myleene klass ' bunny-themed egg hunt , the stars took to instagram to show how they celebrated easter ., kim appeared to be filling four baskets with plenty of treats including chocolate bunnies , peeps marshmallows and jelly belly jellybeans .\n", + "kim kardashian shared frantic last-minute easter basket preparationsmariah carey was up late at night baking chocolate easter cupcakesamanda holden and myleene klass posted sweet snaps of their egg hunts\n", + "[1.1744541 1.4748833 1.2685101 1.3793927 1.1623297 1.1243672 1.1547723\n", + " 1.1820054 1.1220406 1.0631751 1.033925 1.0090983 1.00997 1.009821\n", + " 1.0105617 1.1099095 1.073872 1.0745796 1.0633328 1.0714175 0. ]\n", + "\n", + "[ 1 3 2 7 0 4 6 5 8 15 17 16 19 18 9 10 14 12 13 11 20]\n", + "=======================\n", + "['ana elizondo made headlines in 2012 after she was kidnapped from a parking lot when she was leaving a night class at the university of texas , pan american .the psychology graduate student , 27 , was blindfolded and transported through several cars as her abductors made a failed attempt to cross the mexican border .he was sentenced to 34 years in prison in 2014']\n", + "=======================\n", + "['ana elizondo was kidnapped in 2012 as she was leaving a night class at the university of texas , pan americancaptors transported her through cars and tried to cross mexican bordershe was released unharmed the following day by one of the kidnappersshe believes she stayed safe by being friendly and joking with kidnappersher experience will be featured on a crime documentary show tuesday']\n", + "ana elizondo made headlines in 2012 after she was kidnapped from a parking lot when she was leaving a night class at the university of texas , pan american .the psychology graduate student , 27 , was blindfolded and transported through several cars as her abductors made a failed attempt to cross the mexican border .he was sentenced to 34 years in prison in 2014\n", + "ana elizondo was kidnapped in 2012 as she was leaving a night class at the university of texas , pan americancaptors transported her through cars and tried to cross mexican bordershe was released unharmed the following day by one of the kidnappersshe believes she stayed safe by being friendly and joking with kidnappersher experience will be featured on a crime documentary show tuesday\n", + "[1.3111029 1.196188 1.1296204 1.0974022 1.1142824 1.135645 1.0704049\n", + " 1.1792942 1.0702851 1.0809649 1.0815591 1.0269414 1.0803521 1.0478619\n", + " 1.0408922 1.0815667 1.027357 1.0250981 1.0510367 1.0389016 0. ]\n", + "\n", + "[ 0 1 7 5 2 4 3 15 10 9 12 6 8 18 13 14 19 16 11 17 20]\n", + "=======================\n", + "[\"( cnn ) tuesday , april 14 , is equal pay day .here 's the announcement presidential candidate hillary clinton should make :and so , i 'm announcing that if elected president , i will take a 23 % pay cut , equivalent to the current gender wage gap , to stand in solidarity with working women in america .\"]\n", + "=======================\n", + "['sally kohn : april 14 is equal pay day , and hillary clinton should make an announcement about wage gapclinton should say that if elected , she will take a 23 % pay cut to stand in solidarity with working women']\n", + "( cnn ) tuesday , april 14 , is equal pay day .here 's the announcement presidential candidate hillary clinton should make :and so , i 'm announcing that if elected president , i will take a 23 % pay cut , equivalent to the current gender wage gap , to stand in solidarity with working women in america .\n", + "sally kohn : april 14 is equal pay day , and hillary clinton should make an announcement about wage gapclinton should say that if elected , she will take a 23 % pay cut to stand in solidarity with working women\n", + "[1.5083376 1.2849568 1.1250795 1.1462443 1.1707675 1.0642117 1.1459084\n", + " 1.1456481 1.0928206 1.0520378 1.1352847 1.0762397 1.0619186 1.08842\n", + " 1.137152 1.0418136 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 3 6 7 14 10 2 8 13 11 5 12 9 15 16 17 18]\n", + "=======================\n", + "['( cnn ) bobbi kristina brown , the daughter of bobby brown and whitney houston , has \" global and irreversible brain damage , \" according to her grandmother .though the 22-year-old is no longer in a medically induced coma , she remains unresponsive , cissy houston said in a statement monday after visiting her granddaughter .houston \\'s statement matched that from a source with knowledge of brown \\'s condition , who told cnn on monday that she remained in the same neurological state she has been in for nearly three months .']\n", + "=======================\n", + "['bobbi kristina brown has \" global and irreversible \" brain damage , her grandmother says\" we can only trust in god for a miracle at this time , \" cissy houston saysbobby brown , her father , had said at a concert that she was \" awake \"']\n", + "( cnn ) bobbi kristina brown , the daughter of bobby brown and whitney houston , has \" global and irreversible brain damage , \" according to her grandmother .though the 22-year-old is no longer in a medically induced coma , she remains unresponsive , cissy houston said in a statement monday after visiting her granddaughter .houston 's statement matched that from a source with knowledge of brown 's condition , who told cnn on monday that she remained in the same neurological state she has been in for nearly three months .\n", + "bobbi kristina brown has \" global and irreversible \" brain damage , her grandmother says\" we can only trust in god for a miracle at this time , \" cissy houston saysbobby brown , her father , had said at a concert that she was \" awake \"\n", + "[1.1084199 1.349269 1.2454461 1.1964453 1.1835189 1.1467327 1.0854455\n", + " 1.0607611 1.0728755 1.0406214 1.0441978 1.0282854 1.0337431 1.037697\n", + " 1.0619522 1.050213 1.0379544 0. 0. ]\n", + "\n", + "[ 1 2 3 4 5 0 6 8 14 7 15 10 9 16 13 12 11 17 18]\n", + "=======================\n", + "['obama has argued with the progressive potentate elizabeth warren , calling her \" wrong \" on trade policy .the massachusetts senator is the same potentate to whom hillary clinton has been religiously prostrating .what everyone does next will be critical for the 2016 elections and the future of democratic politics .']\n", + "=======================\n", + "['sen. elizabeth warren has publicly criticized so-called \" fast track \" trade authoritysally kohn : why does president obama call her wrong , and why is hillary clinton equivocating ?']\n", + "obama has argued with the progressive potentate elizabeth warren , calling her \" wrong \" on trade policy .the massachusetts senator is the same potentate to whom hillary clinton has been religiously prostrating .what everyone does next will be critical for the 2016 elections and the future of democratic politics .\n", + "sen. elizabeth warren has publicly criticized so-called \" fast track \" trade authoritysally kohn : why does president obama call her wrong , and why is hillary clinton equivocating ?\n", + "[1.3199265 1.4425942 1.4578001 1.1755811 1.2133665 1.0714653 1.056944\n", + " 1.0294029 1.0160575 1.173918 1.050196 1.0777721 1.0910368 1.100302\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 4 3 9 13 12 11 5 6 10 7 8 17 14 15 16 18]\n", + "=======================\n", + "[\"patties foods said no hepatitis a virus or e.coli were detected in any sample of its recalled and non-recalled nanna 's mixed berries 1kg product during its own testing .patties foods says its testing has found no link between its nanna 's brand frozen mixed berries and a national hepatitis a outbreak .no evidence of hav or e.coli was found in re-tests of all batches of frozen berries that were not subject to the recall .\"]\n", + "=======================\n", + "[\"patties food insists testing has n't found link between their berries & hep athere was a national hepatitis a outbreak in january which resulted in 34 people in six states contracting the virusall 34 people who contacted hep a had consumed the china-grown berriesthe 1kg product remains off supermarket shelves until further notice .the company says there was no systemic error but confirm they are considering alternative supply sources\"]\n", + "patties foods said no hepatitis a virus or e.coli were detected in any sample of its recalled and non-recalled nanna 's mixed berries 1kg product during its own testing .patties foods says its testing has found no link between its nanna 's brand frozen mixed berries and a national hepatitis a outbreak .no evidence of hav or e.coli was found in re-tests of all batches of frozen berries that were not subject to the recall .\n", + "patties food insists testing has n't found link between their berries & hep athere was a national hepatitis a outbreak in january which resulted in 34 people in six states contracting the virusall 34 people who contacted hep a had consumed the china-grown berriesthe 1kg product remains off supermarket shelves until further notice .the company says there was no systemic error but confirm they are considering alternative supply sources\n", + "[1.3294432 1.482536 1.2436771 1.3082602 1.1929022 1.0191364 1.044463\n", + " 1.1419541 1.0620925 1.0829608 1.0452542 1.0923758 1.0802488 1.0571581\n", + " 1.0176232 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 7 11 9 12 8 13 10 6 5 14 17 15 16 18]\n", + "=======================\n", + "[\"liam linford oliver-christie , 29 , whose father is the former olympic sprinter , was caught with the drugs under his floorboards during a police raid in west kensington , west london .officers uncovered the haul and ` drugs paraphernalia ' with the help of a sniffer dog at his council flat in september 2013 - and oliver-christie today admitted two counts of possessing class a drugs .isleworth crown court in middlesex was told today that the drugs cache included 14.1 g ( 0.50 oz ) of cocaine of up to 40 per cent purity and 841mg ( 0.03 oz ) of heroin of up to 60 per cent purity .\"]\n", + "=======================\n", + "[\"liam linford oliver-christie caught during police raid in west londonofficers found haul and ` drugs paraphernalia ' with help of sniffer dogthey saw cocaine and heroin being thrown from the window of his flatadmitted drugs possession at court and will be sentenced next month\"]\n", + "liam linford oliver-christie , 29 , whose father is the former olympic sprinter , was caught with the drugs under his floorboards during a police raid in west kensington , west london .officers uncovered the haul and ` drugs paraphernalia ' with the help of a sniffer dog at his council flat in september 2013 - and oliver-christie today admitted two counts of possessing class a drugs .isleworth crown court in middlesex was told today that the drugs cache included 14.1 g ( 0.50 oz ) of cocaine of up to 40 per cent purity and 841mg ( 0.03 oz ) of heroin of up to 60 per cent purity .\n", + "liam linford oliver-christie caught during police raid in west londonofficers found haul and ` drugs paraphernalia ' with help of sniffer dogthey saw cocaine and heroin being thrown from the window of his flatadmitted drugs possession at court and will be sentenced next month\n", + "[1.382515 1.3288218 1.2284449 1.1764985 1.2808326 1.0543019 1.1128947\n", + " 1.0520341 1.0530146 1.1139941 1.049054 1.0212713 1.0422847 1.0479643\n", + " 1.1087533 1.0851089 1.1169071 1.0389861 1.0283864]\n", + "\n", + "[ 0 1 4 2 3 16 9 6 14 15 5 8 7 10 13 12 17 18 11]\n", + "=======================\n", + "[\"yoko ono has led the tributes to john lennon 's first wife cynthia calling her a ` wonderful mother ' with a ` strong zest for life ' after she died at the age of 75 following a short battle with cancer .the second wife of the beatles singer said she was ` very saddened ' by the news , adding that she was ` proud ' how she and cynthia had ` stood firm in the beatles family ' .cynthia , who married lennon after meeting him in college , died yesterday at her home in spain .\"]\n", + "=======================\n", + "[\"yoko ono said she was ` very saddened ' by news of cynthia lennon 's deathshe praised cynthia , 75 , as a ` great person ' with a ` strong zest for life 'cynthia lennon , nee powell , married john lennon after they met at collegeshe is the mother of the musician 's son julian lennon , who is now aged 51but the couple divorced in 1968 after lennon left her for artist yoko ono\"]\n", + "yoko ono has led the tributes to john lennon 's first wife cynthia calling her a ` wonderful mother ' with a ` strong zest for life ' after she died at the age of 75 following a short battle with cancer .the second wife of the beatles singer said she was ` very saddened ' by the news , adding that she was ` proud ' how she and cynthia had ` stood firm in the beatles family ' .cynthia , who married lennon after meeting him in college , died yesterday at her home in spain .\n", + "yoko ono said she was ` very saddened ' by news of cynthia lennon 's deathshe praised cynthia , 75 , as a ` great person ' with a ` strong zest for life 'cynthia lennon , nee powell , married john lennon after they met at collegeshe is the mother of the musician 's son julian lennon , who is now aged 51but the couple divorced in 1968 after lennon left her for artist yoko ono\n", + "[1.2122291 1.3960887 1.1529855 1.1121448 1.0926206 1.1335595 1.1564077\n", + " 1.1477313 1.1868705 1.21563 1.070832 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 9 0 8 6 2 7 5 3 4 10 11 12 13 14]\n", + "=======================\n", + "[\"in a bid to help his side arrest their run of three games without a win , the brazilian hit the gym to prepare for sunday 's trip to portland timbers .dc united 's luis silva ( left ) smashes home his side 's winning goal against orlando city last fridayhe might be the biggest name plying his trade in major league soccer , but kaka is n't resting laurels as orlando city adjust to life in the eastern conference .\"]\n", + "=======================\n", + "['orlando city have not won any of their last three mls fixtureskaka took to instagram to give fans a glimpse of his fitness regimethe brazilian has become an instant hero in the us after leaving ac milanorlando city take on the portland timbers on sunday']\n", + "in a bid to help his side arrest their run of three games without a win , the brazilian hit the gym to prepare for sunday 's trip to portland timbers .dc united 's luis silva ( left ) smashes home his side 's winning goal against orlando city last fridayhe might be the biggest name plying his trade in major league soccer , but kaka is n't resting laurels as orlando city adjust to life in the eastern conference .\n", + "orlando city have not won any of their last three mls fixtureskaka took to instagram to give fans a glimpse of his fitness regimethe brazilian has become an instant hero in the us after leaving ac milanorlando city take on the portland timbers on sunday\n", + "[1.2338508 1.3600342 1.3658258 1.3076453 1.1585225 1.1597397 1.1070056\n", + " 1.0928725 1.1371615 1.0709355 1.0818826 1.0761374 1.0525155 1.017328\n", + " 1.033009 ]\n", + "\n", + "[ 2 1 3 0 5 4 8 6 7 10 11 9 12 14 13]\n", + "=======================\n", + "[\"a new tns survey shows the snp has almost doubled its lead over labour in a month , with 52 per cent now backing ms sturgeon with only 24 per cent of scots planning to vote for mr miliband .snp leader nicola sturgeon has been buoyed by a series of tv debates opposing austerity cuts , despite threatening another referendum on independence .more than half of scots plan to back the snp in the general election , shattering ed miliband 's hopes of securing a labour majority .\"]\n", + "=======================\n", + "['52 % of scots backing the snp , doubling lead over labour trailing on 24 %sturgeon buoyed by tv debates despite threat of another referendumdamning survey comes on the day miliband launches labour manifestotns surveyed 978 adults aged over 18 across scotland between march 18 and april 8']\n", + "a new tns survey shows the snp has almost doubled its lead over labour in a month , with 52 per cent now backing ms sturgeon with only 24 per cent of scots planning to vote for mr miliband .snp leader nicola sturgeon has been buoyed by a series of tv debates opposing austerity cuts , despite threatening another referendum on independence .more than half of scots plan to back the snp in the general election , shattering ed miliband 's hopes of securing a labour majority .\n", + "52 % of scots backing the snp , doubling lead over labour trailing on 24 %sturgeon buoyed by tv debates despite threat of another referendumdamning survey comes on the day miliband launches labour manifestotns surveyed 978 adults aged over 18 across scotland between march 18 and april 8\n", + "[1.1385871 1.3062434 1.3747629 1.2493311 1.0837543 1.058456 1.1711506\n", + " 1.1134295 1.0948926 1.0531554 1.049204 1.0794216 1.0616163 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 3 6 0 7 8 4 11 12 5 9 10 13 14]\n", + "=======================\n", + "[\"he revealed that a ` human molecule ' might contain 375 million atoms of hydrogen , 132 million atoms of oxygen and 85 million atoms of carbon .dr joe hanson , a science writer and biologist based in austin , texas , pondered this very question and now has calculated what the human body is in terms of chemical elements .by comparison , this human molecule contains just one atom of cobalt and three molecules of the metal molybdenum .\"]\n", + "=======================\n", + "[\"dr joe hanson is a science writer and biologist based in austin , texashe calculated what a hypothetical single ` human molecule ' might look likeit would contain 375 million hydrogen atoms and 85 million carbon atomshe also calculated that all the chemical elements in the human body could be worth upto $ 2,000 if they were isolated and sold on the open market\"]\n", + "he revealed that a ` human molecule ' might contain 375 million atoms of hydrogen , 132 million atoms of oxygen and 85 million atoms of carbon .dr joe hanson , a science writer and biologist based in austin , texas , pondered this very question and now has calculated what the human body is in terms of chemical elements .by comparison , this human molecule contains just one atom of cobalt and three molecules of the metal molybdenum .\n", + "dr joe hanson is a science writer and biologist based in austin , texashe calculated what a hypothetical single ` human molecule ' might look likeit would contain 375 million hydrogen atoms and 85 million carbon atomshe also calculated that all the chemical elements in the human body could be worth upto $ 2,000 if they were isolated and sold on the open market\n", + "[1.6165899 1.4163396 1.3481147 1.1406229 1.0659347 1.0432777 1.193233\n", + " 1.1501781 1.0817672 1.0858144 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 6 7 3 9 8 4 5 10 11 12 13 14]\n", + "=======================\n", + "['( cnn ) hockey player jarret stoll of the l.a. kings was arrested friday at the swimming pool of a las vegas resort on a drug-possession charge , cnn affiliate ksnv reported , citing a police spokesman .stoll , 32 , was charged with possession of controlled substances , including cocaine and ecstasy , according to ksnv .he was released from the clark county detention center late friday on $ 5,000 bail .']\n", + "=======================\n", + "['stoll is a center who has played for the kings since 2008he is reportedly involved with sportscaster and \" dancing with the stars \" host erin andrews']\n", + "( cnn ) hockey player jarret stoll of the l.a. kings was arrested friday at the swimming pool of a las vegas resort on a drug-possession charge , cnn affiliate ksnv reported , citing a police spokesman .stoll , 32 , was charged with possession of controlled substances , including cocaine and ecstasy , according to ksnv .he was released from the clark county detention center late friday on $ 5,000 bail .\n", + "stoll is a center who has played for the kings since 2008he is reportedly involved with sportscaster and \" dancing with the stars \" host erin andrews\n", + "[1.4358785 1.1995437 1.4260181 1.3133985 1.1229272 1.0903645 1.0428244\n", + " 1.0383762 1.1057206 1.033556 1.024433 1.0484115 1.1225749 1.1530335\n", + " 1.1699406]\n", + "\n", + "[ 0 2 3 1 14 13 4 12 8 5 11 6 7 9 10]\n", + "=======================\n", + "['in the dock : victorino chua , 49 , has given evidence for the first time and denied he murdered three and poisoned 18 more at stepping hill hospital in stockportchua denies murdering patients tracey arden , 44 , arnold lancaster , 71 and derek weaver , 83 , and deliberately poisoning 18 others between 2011 and 2012 .a nurse today told a jury he did not murder three hospital patients and poison almost 20 others on his ward by contaminating their medicine with insulin .']\n", + "=======================\n", + "['victorino chua , 49 , denies murdering patients at stockport hospital in 2011filipino nurse also accused of poisoning 18 more at stepping hill hospitaldenies injecting insulin and other poisons into bags of medicine on ward']\n", + "in the dock : victorino chua , 49 , has given evidence for the first time and denied he murdered three and poisoned 18 more at stepping hill hospital in stockportchua denies murdering patients tracey arden , 44 , arnold lancaster , 71 and derek weaver , 83 , and deliberately poisoning 18 others between 2011 and 2012 .a nurse today told a jury he did not murder three hospital patients and poison almost 20 others on his ward by contaminating their medicine with insulin .\n", + "victorino chua , 49 , denies murdering patients at stockport hospital in 2011filipino nurse also accused of poisoning 18 more at stepping hill hospitaldenies injecting insulin and other poisons into bags of medicine on ward\n", + "[1.1875749 1.5030961 1.3886658 1.2425907 1.0408794 1.020214 1.0174885\n", + " 1.0180598 1.0196136 1.0418937 1.0742149 1.0304844 1.1219542 1.0390606\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 12 10 9 4 13 11 5 8 7 6 18 14 15 16 17 19]\n", + "=======================\n", + "[\"there were no luis suarez nutmegs this time but the former chelsea defender found himself backpedaling hopelessly on the quarter hour as neymar scooted past him for barcelona 's opener .neymar ( top ) celebrates with brazilian compatriot dani alves after scoring his and barcelona 's second goal of the nightneymar accelerates past another brazil teammate , david luiz , before opening the scoring for barcelona on tuesday night\"]\n", + "=======================\n", + "[\"barcelona through to champions league semi-finals after 5-1 aggregate win over paris saint-germaindamage was done in first leg as barcelona scored three away goals to take a healthy lead back to the nou campneymar scored twice in the first half to put result beyond any doubt on zlatan ibrahimovic 's return to barca\"]\n", + "there were no luis suarez nutmegs this time but the former chelsea defender found himself backpedaling hopelessly on the quarter hour as neymar scooted past him for barcelona 's opener .neymar ( top ) celebrates with brazilian compatriot dani alves after scoring his and barcelona 's second goal of the nightneymar accelerates past another brazil teammate , david luiz , before opening the scoring for barcelona on tuesday night\n", + "barcelona through to champions league semi-finals after 5-1 aggregate win over paris saint-germaindamage was done in first leg as barcelona scored three away goals to take a healthy lead back to the nou campneymar scored twice in the first half to put result beyond any doubt on zlatan ibrahimovic 's return to barca\n", + "[1.2127881 1.2720866 1.0858113 1.1271616 1.0950634 1.0599295 1.037472\n", + " 1.0422872 1.062455 1.0496488 1.046178 1.0359317 1.1817007 1.066687\n", + " 1.0325884 1.0243974 1.0340154 0. 0. 0. ]\n", + "\n", + "[ 1 0 12 3 4 2 13 8 5 9 10 7 6 11 16 14 15 17 18 19]\n", + "=======================\n", + "['my husband russell was ready to be a father , we were financially secure and after editing a weekly magazine in new york for four stressful years , i was ready to resign and focus on building a family .suddenly , at the age of 34 and after 15 years of hoping for the exact opposite , i desperately wanted to get pregnant .happy family : after years of heartbreak , sarah and russell have two children william , ( centre ) and matilda']\n", + "=======================\n", + "['journalist sarah ivens , 39 , tells of her struggle to get pregnant aged 34the mother-of-two tried for years before having a childshe believes women need to be more aware of the difficulty of conceiving']\n", + "my husband russell was ready to be a father , we were financially secure and after editing a weekly magazine in new york for four stressful years , i was ready to resign and focus on building a family .suddenly , at the age of 34 and after 15 years of hoping for the exact opposite , i desperately wanted to get pregnant .happy family : after years of heartbreak , sarah and russell have two children william , ( centre ) and matilda\n", + "journalist sarah ivens , 39 , tells of her struggle to get pregnant aged 34the mother-of-two tried for years before having a childshe believes women need to be more aware of the difficulty of conceiving\n", + "[1.2839886 1.4405193 1.0689622 1.336488 1.203469 1.167306 1.072571\n", + " 1.0882257 1.1149775 1.1054159 1.0206121 1.0236379 1.0650201 1.0096759\n", + " 1.0074477 1.0827214 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 5 8 9 7 15 6 2 12 11 10 13 14 18 16 17 19]\n", + "=======================\n", + "[\"wade lange and his team living dead clothing , have been over-run by orders and enquiries since launching their new line this week - so massive has the interest been , that the company 's website has crashed due to the demand from around the world .with a range of almost 50 garments dedicated to the movie , ranging in price from $ 45 to $ 100 , estimates from industry insiders suggest the coup by the queensland clothes-horse last year to win the lucrative marvels contract , will be worth tens of millions of dollars to the one-time backyard operation .the new marvels movie , the avengers : age of ultron , is sure to wow the crowds at the cinema but the exclusive clothing line produced by a little-known brisbane is already lining the owner 's pockets .\"]\n", + "=======================\n", + "[\"brisbane designer raking in millions on the back of hollywood 's blockbuster moving ` the avengers : age of ultron 'release of their new line caused the website to crashsome items sold out in minutes when launched this weekmost expensive items are thor and iron man dresses at $ 100swimwear is among the cheapest to buy at $ 45fans of the series are buying up big because ` they are hoping to wear the outfits at early screenings of the movie '\"]\n", + "wade lange and his team living dead clothing , have been over-run by orders and enquiries since launching their new line this week - so massive has the interest been , that the company 's website has crashed due to the demand from around the world .with a range of almost 50 garments dedicated to the movie , ranging in price from $ 45 to $ 100 , estimates from industry insiders suggest the coup by the queensland clothes-horse last year to win the lucrative marvels contract , will be worth tens of millions of dollars to the one-time backyard operation .the new marvels movie , the avengers : age of ultron , is sure to wow the crowds at the cinema but the exclusive clothing line produced by a little-known brisbane is already lining the owner 's pockets .\n", + "brisbane designer raking in millions on the back of hollywood 's blockbuster moving ` the avengers : age of ultron 'release of their new line caused the website to crashsome items sold out in minutes when launched this weekmost expensive items are thor and iron man dresses at $ 100swimwear is among the cheapest to buy at $ 45fans of the series are buying up big because ` they are hoping to wear the outfits at early screenings of the movie '\n", + "[1.3333483 1.3582689 1.40044 1.3817574 1.3875225 1.2138816 1.0510494\n", + " 1.0431503 1.04153 1.0279235 1.1002506 1.0537271 1.0244498 1.0172949\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 4 3 1 0 5 10 11 6 7 8 9 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"the ex-barcelona and real madrid striker admitted his desire to see the best talent in the world at his club .cristiano ronaldo is also a target for ex-brazil and inter milan striker 's us teamronaldo says he ` would pay out of his own pocket ' to sign lionel messi to his united states football team\"]\n", + "=======================\n", + "['ex-brazil striker ronaldo is a co-owner of fort lauderdale strikersronaldo insists the club will target signing the best players in the worldronaldo believes the lifestyle in the united states appeals to top players']\n", + "the ex-barcelona and real madrid striker admitted his desire to see the best talent in the world at his club .cristiano ronaldo is also a target for ex-brazil and inter milan striker 's us teamronaldo says he ` would pay out of his own pocket ' to sign lionel messi to his united states football team\n", + "ex-brazil striker ronaldo is a co-owner of fort lauderdale strikersronaldo insists the club will target signing the best players in the worldronaldo believes the lifestyle in the united states appeals to top players\n", + "[1.1819386 1.2409896 1.3009682 1.2058367 1.1529478 1.1611229 1.124176\n", + " 1.1231593 1.0596799 1.1202786 1.0874052 1.053894 1.0285693 1.0334771\n", + " 1.0264435 1.0468099 1.0250921 1.0207468 1.0278962 1.0315642]\n", + "\n", + "[ 2 1 3 0 5 4 6 7 9 10 8 11 15 13 19 12 18 14 16 17]\n", + "=======================\n", + "[\"for in real life 007 would have perished several times in his most recent movie , skyfall .but it takes a great deal of artistic licence for daniel craig 's character to survive his on-screen ordeals , medical experts say .the incidents that ought to have been fatal include one before the opening credits rolled that would have ` turned his lungs out ' .\"]\n", + "=======================\n", + "[\"medical experts reveal analysis of scenes likely to kill movie charactersin real life , james bond would have died before skyfall 's opening creditshome alone character kevin should have died from serious head injuriesand it is ` laughable ' halloween villain michael myers survived stabbingthe new issue of total film is out tomorrow .\"]\n", + "for in real life 007 would have perished several times in his most recent movie , skyfall .but it takes a great deal of artistic licence for daniel craig 's character to survive his on-screen ordeals , medical experts say .the incidents that ought to have been fatal include one before the opening credits rolled that would have ` turned his lungs out ' .\n", + "medical experts reveal analysis of scenes likely to kill movie charactersin real life , james bond would have died before skyfall 's opening creditshome alone character kevin should have died from serious head injuriesand it is ` laughable ' halloween villain michael myers survived stabbingthe new issue of total film is out tomorrow .\n", + "[1.1062984 1.1540884 1.1984525 1.473869 1.2397578 1.1440544 1.0673134\n", + " 1.0190945 1.0188305 1.0676624 1.1144311 1.0700911 1.1142602 1.075318\n", + " 1.067607 1.0244906 1.1562372 0. 0. ]\n", + "\n", + "[ 3 4 2 16 1 5 10 12 0 13 11 9 14 6 15 7 8 17 18]\n", + "=======================\n", + "[\"giorgio armani , 80 , admitted in an interview that he disapproved of women with breast enlargements and men who worked out too muchthe 80-year-old fashion designer , who has dressed everyone from beyoncé to adele , has made a name for himself putting a-listers of all shapes and sizes in his creations , but it turns out he has harsh criticism for a few body shapes in particular .the milan-born designer has never denied that he is gay , but in the interview he condemned men who ` dress homosexual '\"]\n", + "=======================\n", + "[\"in an interview , armani , 80 , described cosmetic surgery as idiocybelieves women ` should not be desperate to look younger than her age 'the italian designer also said he did n't like men who looked too muscly\"]\n", + "giorgio armani , 80 , admitted in an interview that he disapproved of women with breast enlargements and men who worked out too muchthe 80-year-old fashion designer , who has dressed everyone from beyoncé to adele , has made a name for himself putting a-listers of all shapes and sizes in his creations , but it turns out he has harsh criticism for a few body shapes in particular .the milan-born designer has never denied that he is gay , but in the interview he condemned men who ` dress homosexual '\n", + "in an interview , armani , 80 , described cosmetic surgery as idiocybelieves women ` should not be desperate to look younger than her age 'the italian designer also said he did n't like men who looked too muscly\n", + "[1.5694845 1.139365 1.0796847 1.5145736 1.1547468 1.2821814 1.0977948\n", + " 1.1372602 1.0555239 1.0232178 1.020734 1.0550491 1.0171818 1.0149446\n", + " 1.0099019 1.0484469 1.0491034 1.0301075 0. ]\n", + "\n", + "[ 0 3 5 4 1 7 6 2 8 11 16 15 17 9 10 12 13 14 18]\n", + "=======================\n", + "[\"top-ranked serena williams had to fight back from a set down and figure out how to deal with strong winds before overcoming italy 's sara errani 4-6 , 7-6 ( 3 ) , 6-3 in a fed cup play-off sunday , giving the united states a 2-1 lead in the best-of-five series .next up , brindisi-born flavia pennetta was facing 65th-ranked christina mchale , followed by a potentially decisive doubles match .still , williams improved to 20-0 this year and 16-0 in fed cup for her career .\"]\n", + "=======================\n", + "['serena williams defeated sara errani for the united states in the fed cupworld no 1 was a set down before fighting back and winning the tieheavy wind made it difficult for the players throughout the game']\n", + "top-ranked serena williams had to fight back from a set down and figure out how to deal with strong winds before overcoming italy 's sara errani 4-6 , 7-6 ( 3 ) , 6-3 in a fed cup play-off sunday , giving the united states a 2-1 lead in the best-of-five series .next up , brindisi-born flavia pennetta was facing 65th-ranked christina mchale , followed by a potentially decisive doubles match .still , williams improved to 20-0 this year and 16-0 in fed cup for her career .\n", + "serena williams defeated sara errani for the united states in the fed cupworld no 1 was a set down before fighting back and winning the tieheavy wind made it difficult for the players throughout the game\n", + "[1.3897772 1.235181 1.3077976 1.3722107 1.2174647 1.0223318 1.046673\n", + " 1.1422045 1.0811704 1.0180156 1.0246357 1.014916 1.035319 1.0571399\n", + " 1.0943885 1.0106359 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 4 7 14 8 13 6 12 10 5 9 11 15 17 16 18]\n", + "=======================\n", + "[\"when jade and ross morley were told that their first baby , floyd-henry , had a rare form of dwarfism called achondroplasia , they made the decision that their son would be celebrated instead of pitied .less than two years later , floyd is now a big brother to three-week-old twins , and his mum jade said that she knows the two newest additions to their family will be his biggest supporters .the morleys , from casuarina on the north coast of nsw , released a video to explain floyd 's condition to their friends and family , in a bid to make their community a kinder place for their ` little legend ' .\"]\n", + "=======================\n", + "[\"jade and ross morley released a video to explain to their friends and family that their first child floyd-henry had achondroplasia dwarfismthe couple said he would be a ` little legend ' and he was ` small , that 's all 'the video was shared to social media and went viral around the worldjade and ross have now welcomed twins , cleo and harrison , into their family , making floyd a big brother and the morley household very busythe morley 's are passionate about raising awareness about achondroplasia and making the world a ` kinder place ' for floyd\"]\n", + "when jade and ross morley were told that their first baby , floyd-henry , had a rare form of dwarfism called achondroplasia , they made the decision that their son would be celebrated instead of pitied .less than two years later , floyd is now a big brother to three-week-old twins , and his mum jade said that she knows the two newest additions to their family will be his biggest supporters .the morleys , from casuarina on the north coast of nsw , released a video to explain floyd 's condition to their friends and family , in a bid to make their community a kinder place for their ` little legend ' .\n", + "jade and ross morley released a video to explain to their friends and family that their first child floyd-henry had achondroplasia dwarfismthe couple said he would be a ` little legend ' and he was ` small , that 's all 'the video was shared to social media and went viral around the worldjade and ross have now welcomed twins , cleo and harrison , into their family , making floyd a big brother and the morley household very busythe morley 's are passionate about raising awareness about achondroplasia and making the world a ` kinder place ' for floyd\n", + "[1.3549578 1.4605479 1.130163 1.2635899 1.4232173 1.1577168 1.0460056\n", + " 1.0292506 1.0318723 1.0602146 1.1474273 1.0806929 1.0510019 1.0352211\n", + " 1.0718104 1.012132 1.0395235 1.0107459 1.1123 ]\n", + "\n", + "[ 1 4 0 3 5 10 2 18 11 14 9 12 6 16 13 8 7 15 17]\n", + "=======================\n", + "[\"ibe has been absent for the last six weeks after he damaged his knee ligaments during a europa league tie against besiktas in istanbul .liverpool winger jordon ibe in action for brendan rodgers ' side in the europa league against besiktasbrendan rodgers is ready to unleash jordan ibe on the barclays premier league once more after his sparkling return to training .\"]\n", + "=======================\n", + "['liverpool host newcastle in the premier league on monday evening19-year-old jordon ibe has returned to the squad after six weeks outibe has impressed manager brendan rodgers in training']\n", + "ibe has been absent for the last six weeks after he damaged his knee ligaments during a europa league tie against besiktas in istanbul .liverpool winger jordon ibe in action for brendan rodgers ' side in the europa league against besiktasbrendan rodgers is ready to unleash jordan ibe on the barclays premier league once more after his sparkling return to training .\n", + "liverpool host newcastle in the premier league on monday evening19-year-old jordon ibe has returned to the squad after six weeks outibe has impressed manager brendan rodgers in training\n", + "[1.228236 1.550981 1.329499 1.2078574 1.4054325 1.2027543 1.048379\n", + " 1.0183921 1.0705178 1.0670843 1.0270858 1.1189554 1.0168014 1.0161595\n", + " 1.0582123 1.077241 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 0 3 5 11 15 8 9 14 6 10 7 12 13 16 17 18]\n", + "=======================\n", + "['latasha gosling , 27 , of tisdale , saskatchewan , and her two daughters , janyaa , 4 , and jenika , 8 , and her son landen , 7 , were discovered early wednesday one day after they were reported missing .the suspect in the case was found just hours later dead , and while police would not say how he died they did say that it was not a homicide .a young mother and her three children have been found murdered in their home .']\n", + "=======================\n", + "['latasha gosling , 27 , of tisdale , saskatchewan , was found murdered in her home early wednesdayher two daughters , janyaa , 4 , and jenika , 8 , and her son landen , 7 , were also discovered deadhours later police found the suspect dead at his residence , along with a six-month-old baby who was unharmedpolice are not releasing much information at this time , but did reveal the suspect and victims knew one another']\n", + "latasha gosling , 27 , of tisdale , saskatchewan , and her two daughters , janyaa , 4 , and jenika , 8 , and her son landen , 7 , were discovered early wednesday one day after they were reported missing .the suspect in the case was found just hours later dead , and while police would not say how he died they did say that it was not a homicide .a young mother and her three children have been found murdered in their home .\n", + "latasha gosling , 27 , of tisdale , saskatchewan , was found murdered in her home early wednesdayher two daughters , janyaa , 4 , and jenika , 8 , and her son landen , 7 , were also discovered deadhours later police found the suspect dead at his residence , along with a six-month-old baby who was unharmedpolice are not releasing much information at this time , but did reveal the suspect and victims knew one another\n", + "[1.3433595 1.3006092 1.3796341 1.1410459 1.2102262 1.1194742 1.0505799\n", + " 1.1152351 1.05316 1.1352738 1.1086123 1.0830282 1.0354611 1.0533226\n", + " 1.0501419 1.0518651 1.057385 1.0554594 1.0166347 0. 0. ]\n", + "\n", + "[ 2 0 1 4 3 9 5 7 10 11 16 17 13 8 15 6 14 12 18 19 20]\n", + "=======================\n", + "[\"the attack comes a day after turkish prosecutor mehmet selim kiraz , 46 , died in hospital after members of the revolutionary people 's liberation party-front ( dhkp-c ) stormed a courthouse and took him hostage .a picture of the red-haired woman lying on the ground with a rifle strapped to her body and a handgun by her side has emerged and television footage showed police sealing off the street in the central aksaray neighbourhood .it is not known who fired the fatal shots .\"]\n", + "=======================\n", + "[\"warning : graphic imagesarmed woman was shot dead as she tried to attack istanbul 's police hqshe was said to be carrying a rifle , two hand grenades and one pistola day earlier , prosecutor mehmet selim kiraz died from gunshot woundstwo terrorists from revolutionary people 's liberation front also killed\"]\n", + "the attack comes a day after turkish prosecutor mehmet selim kiraz , 46 , died in hospital after members of the revolutionary people 's liberation party-front ( dhkp-c ) stormed a courthouse and took him hostage .a picture of the red-haired woman lying on the ground with a rifle strapped to her body and a handgun by her side has emerged and television footage showed police sealing off the street in the central aksaray neighbourhood .it is not known who fired the fatal shots .\n", + "warning : graphic imagesarmed woman was shot dead as she tried to attack istanbul 's police hqshe was said to be carrying a rifle , two hand grenades and one pistola day earlier , prosecutor mehmet selim kiraz died from gunshot woundstwo terrorists from revolutionary people 's liberation front also killed\n", + "[1.285362 1.5157267 1.247108 1.3190494 1.3690597 1.0404178 1.0229857\n", + " 1.0223031 1.166802 1.0713414 1.0927199 1.0335795 1.0638149 1.0384628\n", + " 1.1063092 1.0260499 1.0305176 1.0171089 1.0211477 1.0193517 0. ]\n", + "\n", + "[ 1 4 3 0 2 8 14 10 9 12 5 13 11 16 15 6 7 18 19 17 20]\n", + "=======================\n", + "[\"jodie bredo , 26 , from essex , has been a kate lookalike for six years and wishes the duchess of cambridge would ` change her hair for once ' - suggesting she opt for a bob style .she often does jobs with a prince william lookalike ( left ) but says she fancies the younger prince harry morejodie , who is now single after splitting from her boyfriend , said of the duchess , who is expecting her second child : ` kate 's just too frumpy for her age .\"]\n", + "=======================\n", + "['jodie bredo has been a kate middleton lookalike for six yearsgets hair trimmed regularly and spends # 30 a month on black eyelinerhas done shoots with toddlers and been fitted with a baby bump']\n", + "jodie bredo , 26 , from essex , has been a kate lookalike for six years and wishes the duchess of cambridge would ` change her hair for once ' - suggesting she opt for a bob style .she often does jobs with a prince william lookalike ( left ) but says she fancies the younger prince harry morejodie , who is now single after splitting from her boyfriend , said of the duchess , who is expecting her second child : ` kate 's just too frumpy for her age .\n", + "jodie bredo has been a kate middleton lookalike for six yearsgets hair trimmed regularly and spends # 30 a month on black eyelinerhas done shoots with toddlers and been fitted with a baby bump\n", + "[1.2848617 1.355902 1.2551587 1.1331117 1.0555152 1.2706686 1.0972673\n", + " 1.0851871 1.185115 1.0527526 1.0832996 1.0328101 1.0450279 1.0645627\n", + " 1.0607127 1.0850464 1.0590998 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 5 2 8 3 6 7 15 10 13 14 16 4 9 12 11 19 17 18 20]\n", + "=======================\n", + "['environmentalist group sea shepherd had been tailing the thunder -- subject of an interpol \" purple notice \" for suspected fraud and fisheries-related crimes -- since its ship the bob barker encountered it in the southern ocean several months ago .( cnn ) a 110-day cat-and-mouse chase spanning from antarctic waters to the coast of west africa had an unlikely end when the crew of an alleged poaching vessel were rescued by conservationists pursuing them .bob barker captain peter hammarstedt said the crew rescued from the ship had been handed over to the sao tome coastguard early tuesday .']\n", + "=======================\n", + "['sea shepherd rescues the crew of an alleged poaching ship it had chased for 110 daysthe conservationist group had pursued the vessel since it was found illegally fishing off antarctica , it sayssea shepherd captain tells cnn he believes the ship was deliberately sunk to destroy evidence']\n", + "environmentalist group sea shepherd had been tailing the thunder -- subject of an interpol \" purple notice \" for suspected fraud and fisheries-related crimes -- since its ship the bob barker encountered it in the southern ocean several months ago .( cnn ) a 110-day cat-and-mouse chase spanning from antarctic waters to the coast of west africa had an unlikely end when the crew of an alleged poaching vessel were rescued by conservationists pursuing them .bob barker captain peter hammarstedt said the crew rescued from the ship had been handed over to the sao tome coastguard early tuesday .\n", + "sea shepherd rescues the crew of an alleged poaching ship it had chased for 110 daysthe conservationist group had pursued the vessel since it was found illegally fishing off antarctica , it sayssea shepherd captain tells cnn he believes the ship was deliberately sunk to destroy evidence\n", + "[1.1509106 1.533416 1.1285104 1.3858238 1.145985 1.2280681 1.1289821\n", + " 1.2278168 1.0549808 1.0202566 1.0440559 1.0496538 1.0142709 1.0147923\n", + " 1.0143837 1.0985974 1.0356922 1.0824881 1.06252 1.0823708 1.0203109]\n", + "\n", + "[ 1 3 5 7 0 4 6 2 15 17 19 18 8 11 10 16 20 9 13 14 12]\n", + "=======================\n", + "[\"natalie fletcher 's ' 100 bodies across america ' project sees painted individuals blended into the likes of tourist hotspots , forests and ruins .talented body-painter natalie fletcher has been travelling around the united states painting different people in each town - here she painted two people as a brick wall in carolinacreative natalie , from bend in oregon , usa , hopes to complete the entire series by september this year .\"]\n", + "=======================\n", + "[\"natalie fletcher is a body painter from oregon , us , working on ' 100 bodies across america ' projectthe 29-year-old has been travelling around painting different subjectsshe blends her subjects into the landscapes they 're standing in front of - including buildings and scenery\"]\n", + "natalie fletcher 's ' 100 bodies across america ' project sees painted individuals blended into the likes of tourist hotspots , forests and ruins .talented body-painter natalie fletcher has been travelling around the united states painting different people in each town - here she painted two people as a brick wall in carolinacreative natalie , from bend in oregon , usa , hopes to complete the entire series by september this year .\n", + "natalie fletcher is a body painter from oregon , us , working on ' 100 bodies across america ' projectthe 29-year-old has been travelling around painting different subjectsshe blends her subjects into the landscapes they 're standing in front of - including buildings and scenery\n", + "[1.1289564 1.467428 1.1046394 1.1836922 1.0763444 1.036035 1.1076539\n", + " 1.040805 1.05046 1.0620053 1.0192182 1.1510104 1.1426165 1.1303346\n", + " 1.163612 1.0900596 1.0222954 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 14 11 12 13 0 6 2 15 4 9 8 7 5 16 10 17 18 19 20]\n", + "=======================\n", + "[\"now , less than 12 hours after poldark ended with a dramatic cliffhanger , disgruntled viewers have taken to twitter to complain of ` withdrawal symptoms ' - and urge the bbc to hurry up with series two .to be continued ... poldark ended last night on a dramatic cliff-hanger with the main man hauled off to jailmissing out : fans say they have nothing to look forward to now the show is over\"]\n", + "=======================\n", + "[\"bbc one 's poldark ended with a tear-jerking cliffhanger last nightfans have taken to twitter to complain about ` withdrawal symptoms 'the second series of the hit drama starts filming this autumnthis sunday 's poldark slot will be filled by sheridan smith 's the c-wordluckily for turner fans , his new film the secret scripture is out this year\"]\n", + "now , less than 12 hours after poldark ended with a dramatic cliffhanger , disgruntled viewers have taken to twitter to complain of ` withdrawal symptoms ' - and urge the bbc to hurry up with series two .to be continued ... poldark ended last night on a dramatic cliff-hanger with the main man hauled off to jailmissing out : fans say they have nothing to look forward to now the show is over\n", + "bbc one 's poldark ended with a tear-jerking cliffhanger last nightfans have taken to twitter to complain about ` withdrawal symptoms 'the second series of the hit drama starts filming this autumnthis sunday 's poldark slot will be filled by sheridan smith 's the c-wordluckily for turner fans , his new film the secret scripture is out this year\n", + "[1.265588 1.4924806 1.2902904 1.4473542 1.2639331 1.1179249 1.053313\n", + " 1.0503248 1.1156965 1.0925555 1.0179818 1.12541 1.0386848 1.0166274\n", + " 1.010291 1.0122337 1.0093435 1.0241177 1.0240293 1.0141762 1.0773102]\n", + "\n", + "[ 1 3 2 0 4 11 5 8 9 20 6 7 12 17 18 10 13 19 15 14 16]\n", + "=======================\n", + "[\"adam federici left the pitch in tears after fumbling alexis sanchez 's effort to give arsenal a 2-1 victory in saturday 's semi final .adam federici is due to marry girlfriend micaela gardner on the same weekend as the fa cup finalfederici has been backed to bounce back by reading boss steve clarke , who expects the keeper to start against birmingham on wednesday .\"]\n", + "=======================\n", + "[\"adam federici 's error gave arsenal a 2-1 victory in fa cup semi-finalfederici fumbled alexis sanchez 's shot - allowing it to go through his legsfederici left the pitch in tears and apolgised for his error after the gamefa cup final is on may 30 - same day federici will marry his girlfriendthere is no suggestion , however , that he let the goal in on purpose\"]\n", + "adam federici left the pitch in tears after fumbling alexis sanchez 's effort to give arsenal a 2-1 victory in saturday 's semi final .adam federici is due to marry girlfriend micaela gardner on the same weekend as the fa cup finalfederici has been backed to bounce back by reading boss steve clarke , who expects the keeper to start against birmingham on wednesday .\n", + "adam federici 's error gave arsenal a 2-1 victory in fa cup semi-finalfederici fumbled alexis sanchez 's shot - allowing it to go through his legsfederici left the pitch in tears and apolgised for his error after the gamefa cup final is on may 30 - same day federici will marry his girlfriendthere is no suggestion , however , that he let the goal in on purpose\n", + "[1.3118255 1.4779267 1.282693 1.2420093 1.1568425 1.1706339 1.0659807\n", + " 1.0263578 1.0400941 1.0204657 1.0601436 1.1327041 1.1526473 1.0546033\n", + " 1.0163273 1.0177978 1.0590581 1.0284275 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 5 4 12 11 6 10 16 13 8 17 7 9 15 14 19 18 20]\n", + "=======================\n", + "[\"the collective ceremony , which was billed the first of its kind to be held in china , was organised by a new social media app designed for pets .a mass doggy wedding saw more than 40 pooches , complete with tulle wedding dresses and celebrity guests , tie the knot in a park in beijing on sunday .a traditional wedding march played as the love-struck pooches were led down the aisle by their owners to ` exchange vows ' and receive marriage certificates , according to the people 's daily online .\"]\n", + "=======================\n", + "[\"the pets wear tulle wedding dresses and tuxedos with bow tiescouples are given marriage certificates after ` exchanging vows 'wedding is organised to promote a social media app designed for petsno expense spared as pooches arrived in bmws and a stretch hummer\"]\n", + "the collective ceremony , which was billed the first of its kind to be held in china , was organised by a new social media app designed for pets .a mass doggy wedding saw more than 40 pooches , complete with tulle wedding dresses and celebrity guests , tie the knot in a park in beijing on sunday .a traditional wedding march played as the love-struck pooches were led down the aisle by their owners to ` exchange vows ' and receive marriage certificates , according to the people 's daily online .\n", + "the pets wear tulle wedding dresses and tuxedos with bow tiescouples are given marriage certificates after ` exchanging vows 'wedding is organised to promote a social media app designed for petsno expense spared as pooches arrived in bmws and a stretch hummer\n", + "[1.5755675 1.3968385 1.1127218 1.1427351 1.3539871 1.1957057 1.0165968\n", + " 1.0213238 1.1538713 1.1864702 1.2059047 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 10 5 9 8 3 2 7 6 18 17 16 15 12 13 11 19 14 20]\n", + "=======================\n", + "['zinedine zidane is confident paris saint-germain can beat barcelona and progress to the champions league semi-finals on tuesday night .zlatan ibrahimovic will be available again when psg meet barcelona on tuesday , after missing the first legzidane , pictured at the match against poverty in saint-etienne on monday , is confident psg can score three']\n", + "=======================\n", + "['psg trail barcelona 3-1 in champions league quarter-finalszinedine zidane is confident french side can win and progresszlatan ibrahimovic is available after returning from suspension']\n", + "zinedine zidane is confident paris saint-germain can beat barcelona and progress to the champions league semi-finals on tuesday night .zlatan ibrahimovic will be available again when psg meet barcelona on tuesday , after missing the first legzidane , pictured at the match against poverty in saint-etienne on monday , is confident psg can score three\n", + "psg trail barcelona 3-1 in champions league quarter-finalszinedine zidane is confident french side can win and progresszlatan ibrahimovic is available after returning from suspension\n", + "[1.3154315 1.4016265 1.1331706 1.190352 1.0936584 1.1290294 1.1445898\n", + " 1.1565733 1.054815 1.1709718 1.124567 1.0415167 1.049681 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 9 7 6 2 5 10 4 8 12 11 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"the former monaco playmaker has been out of action since the beginning of february with a foot injury , but has been named in the real starting xi for the visit of granada on sunday .with james rodriguez returning to the real madrid squad , spanish publication marca have splashed about how carlo ancelotti has his ` six nations ' available again .filipo inzaghi 's ac milan beat palermo 2-1 to make it two wins in a row and maintain a slim hope of european football next season .\"]\n", + "=======================\n", + "['real madrid host granada at the bernabeu in la liga fixture on sundayjames rodriguez ( colombia ) , toni kroos ( germany ) , gareth bale ( wales ) , cristiano ronaldo ( portugal ) and luka modric ( croatia ) all availablelionel messi in barcelona squad to play celta vigo after foot injuryinter milan draw again in serie a while ac milan continue resurgent form']\n", + "the former monaco playmaker has been out of action since the beginning of february with a foot injury , but has been named in the real starting xi for the visit of granada on sunday .with james rodriguez returning to the real madrid squad , spanish publication marca have splashed about how carlo ancelotti has his ` six nations ' available again .filipo inzaghi 's ac milan beat palermo 2-1 to make it two wins in a row and maintain a slim hope of european football next season .\n", + "real madrid host granada at the bernabeu in la liga fixture on sundayjames rodriguez ( colombia ) , toni kroos ( germany ) , gareth bale ( wales ) , cristiano ronaldo ( portugal ) and luka modric ( croatia ) all availablelionel messi in barcelona squad to play celta vigo after foot injuryinter milan draw again in serie a while ac milan continue resurgent form\n", + "[1.2022347 1.610538 1.3415189 1.4878548 1.2710761 1.0694906 1.0232869\n", + " 1.0435452 1.0903147 1.0836275 1.0914552 1.0242467 1.0164028 1.0573982\n", + " 1.0452117 1.0710268 1.0093589 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 10 8 9 15 5 13 14 7 11 6 12 16 19 17 18 20]\n", + "=======================\n", + "[\"nicholas tooth , 25 , was playing for the quirindi lions against the narrabri blue boars in mid-north nsw on saturday when he collapsed after hitting his head on an opponent 's shoulder during a tackle .he was treated at the ground before being airlifted to newcastle 's john hunter hospital in a critical condition but died in hospital late on sunday .the young man was visiting his hometown in the new england region of nsw for the weekend\"]\n", + "=======================\n", + "[\"nicholas tooth , 25 , was playing for the quirindi lions in regional nswon saturday he hit his head on an opponent 's shoulder during a tacklehe was airlifted to newcastle 's john hunter hospital in a critical conditionon sunday mr tooth , who had been living in sydney , died in hospital\"]\n", + "nicholas tooth , 25 , was playing for the quirindi lions against the narrabri blue boars in mid-north nsw on saturday when he collapsed after hitting his head on an opponent 's shoulder during a tackle .he was treated at the ground before being airlifted to newcastle 's john hunter hospital in a critical condition but died in hospital late on sunday .the young man was visiting his hometown in the new england region of nsw for the weekend\n", + "nicholas tooth , 25 , was playing for the quirindi lions in regional nswon saturday he hit his head on an opponent 's shoulder during a tacklehe was airlifted to newcastle 's john hunter hospital in a critical conditionon sunday mr tooth , who had been living in sydney , died in hospital\n", + "[1.2985044 1.3971977 1.2129928 1.3445449 1.1410406 1.1012944 1.0516773\n", + " 1.1009946 1.1685964 1.070818 1.0974721 1.0152886 1.0209928 1.0512943\n", + " 1.042024 1.0571654 1.1147251 1.072605 1.0156945 1.0088012 1.0203716]\n", + "\n", + "[ 1 3 0 2 8 4 16 5 7 10 17 9 15 6 13 14 12 20 18 11 19]\n", + "=======================\n", + "[\"hughes and hinch appeared on monday night 's q&a panel discussing depression and alcohol , following the emergence of a video featuring prime minister tony abbott skolling a beer in a pub .australian comedian dave hughes ( pictured ) called radio broadcaster derryn hinch a ` w ** ker ' on national televisionaudience member lauren hayes asked minister for trade and investment andrew robb if he thought mr abbott 's ` display of irresponsible drinking was an act of peer pressure or an attempt to become more popular with younger voters ' .\"]\n", + "=======================\n", + "[\"comedian dave hughes called derryn hinch a ` w ** ker ' on monday 's q&athe pair were speaking about the binge drinking culture in australiaradio broadcaster hinch said he drank because he liked ` the taste of wine 'this was met with hughes replying : ` that 's because you 're a w ** ker 'hinch retorted with : ` it takes one to know one 'hughes said he stands by his comments made on monday night\"]\n", + "hughes and hinch appeared on monday night 's q&a panel discussing depression and alcohol , following the emergence of a video featuring prime minister tony abbott skolling a beer in a pub .australian comedian dave hughes ( pictured ) called radio broadcaster derryn hinch a ` w ** ker ' on national televisionaudience member lauren hayes asked minister for trade and investment andrew robb if he thought mr abbott 's ` display of irresponsible drinking was an act of peer pressure or an attempt to become more popular with younger voters ' .\n", + "comedian dave hughes called derryn hinch a ` w ** ker ' on monday 's q&athe pair were speaking about the binge drinking culture in australiaradio broadcaster hinch said he drank because he liked ` the taste of wine 'this was met with hughes replying : ` that 's because you 're a w ** ker 'hinch retorted with : ` it takes one to know one 'hughes said he stands by his comments made on monday night\n", + "[1.2885838 1.5033691 1.193194 1.0903317 1.3849207 1.270509 1.0565906\n", + " 1.032312 1.1839057 1.02281 1.1717247 1.0264171 1.0412848 1.0160184\n", + " 1.0163441 1.0189931 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 5 2 8 10 3 6 12 7 11 9 15 14 13 19 16 17 18 20]\n", + "=======================\n", + "[\"kiwi jihadi mark john taylor , who claims to be fighting with islamic state in syria , posted a video on youtube in an attempt to incite violent acts in australia and new zealand during services commemorating anzac day 's centenary .new zealand police commissioner mike bush confirmed taylor was ` known to new zealand authorities ' and that this was not his first attempt at publicly ` airing his views ' .in the video , which has since been removed after 3 news notified authorities , taylor instructed fellow jihadists to act out against police and soldiers .\"]\n", + "=======================\n", + "[\"kiwi jihadi mark taylor posted a video inciting terror attacks on anzac dayaustralian and new zealand authorities have increased security measureshe told is followers to ` stab ' police officers or soldiers at anzac services` now is the time to commence your operations , even if it means you have to stab a few police officers , soldiers on anzac day and so be it . 'nz police commissioner ` satisfied ' appropriate measures are in place\"]\n", + "kiwi jihadi mark john taylor , who claims to be fighting with islamic state in syria , posted a video on youtube in an attempt to incite violent acts in australia and new zealand during services commemorating anzac day 's centenary .new zealand police commissioner mike bush confirmed taylor was ` known to new zealand authorities ' and that this was not his first attempt at publicly ` airing his views ' .in the video , which has since been removed after 3 news notified authorities , taylor instructed fellow jihadists to act out against police and soldiers .\n", + "kiwi jihadi mark taylor posted a video inciting terror attacks on anzac dayaustralian and new zealand authorities have increased security measureshe told is followers to ` stab ' police officers or soldiers at anzac services` now is the time to commence your operations , even if it means you have to stab a few police officers , soldiers on anzac day and so be it . 'nz police commissioner ` satisfied ' appropriate measures are in place\n", + "[1.2919021 1.44878 1.1820664 1.263545 1.1626207 1.0621943 1.262326\n", + " 1.0945046 1.1024312 1.195356 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 6 9 2 4 8 7 5 18 17 16 15 10 13 12 11 19 14 20]\n", + "=======================\n", + "[\"the 23-year-old was celebrating tottenham hotspur team-mate andros townsend 's equalising goal for england against italy when a tattoo on his arm was shown across televisions worldwide .ryan mason probably did n't expect his tattoo to take centre stage during his senior england debut , but that 's exactly what happened on tuesday night .tottenham hotspur midfielder ryan mason 's tattoo ( left ) became popular online during this celebration\"]\n", + "=======================\n", + "[\"ryan mason celebrated england 's equaliser against italy on tuesday nightthe senior england debutant 's tattoo took centre stage on social mediaone twitter user likened it to himself at age 12 and got 20,000 retweets\"]\n", + "the 23-year-old was celebrating tottenham hotspur team-mate andros townsend 's equalising goal for england against italy when a tattoo on his arm was shown across televisions worldwide .ryan mason probably did n't expect his tattoo to take centre stage during his senior england debut , but that 's exactly what happened on tuesday night .tottenham hotspur midfielder ryan mason 's tattoo ( left ) became popular online during this celebration\n", + "ryan mason celebrated england 's equaliser against italy on tuesday nightthe senior england debutant 's tattoo took centre stage on social mediaone twitter user likened it to himself at age 12 and got 20,000 retweets\n", + "[1.272794 1.4969847 1.2133197 1.2587929 1.3165145 1.0426581 1.1537526\n", + " 1.1024959 1.0466561 1.0281147 1.0657253 1.0365076 1.0445238 1.0223573\n", + " 1.0222406 1.0151972 1.0550859 1.0683848 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 3 2 6 7 17 10 16 8 12 5 11 9 13 14 15 19 18 20]\n", + "=======================\n", + "['grand rapids , michigan police have an arrest warrant out for suspect jalin smith-walker in connection to the monday evening fight , but as of thursday morning authorities say they are still attempting to locate the young woman .a 19-year-old woman is wanted by police after video appeared online this week , showing the teenager hitting and running over a rival with her car in a ruthless street fight .in december , she was arrested for dragging a mall security guard several feet when he tried to stop her on suspicion of shoplifting .']\n", + "=======================\n", + "[\"police are still attempting to locate suspect jalin smith-walker , 19video uploaded this week shows the teen getting into a fight with a fellow 19-year-old in a muskegon , michigan streetthe fight takes a turn when smith-walker gets into her car and then runs over her victim before speeding off down the streetthis is apparently smith-walker 's second arrest in recent months for a crime involving her carin december , smith-walker was arrested for allegedly dragging a mall security officer with her car after he tried to stop her for shoplifting\"]\n", + "grand rapids , michigan police have an arrest warrant out for suspect jalin smith-walker in connection to the monday evening fight , but as of thursday morning authorities say they are still attempting to locate the young woman .a 19-year-old woman is wanted by police after video appeared online this week , showing the teenager hitting and running over a rival with her car in a ruthless street fight .in december , she was arrested for dragging a mall security guard several feet when he tried to stop her on suspicion of shoplifting .\n", + "police are still attempting to locate suspect jalin smith-walker , 19video uploaded this week shows the teen getting into a fight with a fellow 19-year-old in a muskegon , michigan streetthe fight takes a turn when smith-walker gets into her car and then runs over her victim before speeding off down the streetthis is apparently smith-walker 's second arrest in recent months for a crime involving her carin december , smith-walker was arrested for allegedly dragging a mall security officer with her car after he tried to stop her for shoplifting\n", + "[1.2786961 1.4531795 1.2004869 1.289386 1.2537214 1.1719877 1.0541356\n", + " 1.108431 1.0649465 1.0229715 1.0285332 1.0118865 1.0243939 1.1020561\n", + " 1.2023315 1.0552763 1.0568869 1.0454401 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 14 2 5 7 13 8 16 15 6 17 10 12 9 11 19 18 20]\n", + "=======================\n", + "[\"madison small , from ashburn , virginia , left school early on monday and , after she woke up in the night with a severe headache , she was rushed to hospital .the virginia medical examiner 's office is now investigating her death and an autopsy has been ordered , but no cause has yet been given .family members and friends have been left heartbroken and baffled after an 18-year-old high school senior died suddenly on tuesday , just hours after feeling ill .\"]\n", + "=======================\n", + "[\"madison small woke up feeling ill on monday night so was rushed to hospital , but her organs began shutting down and she died on tuesdayher parents have not been given a diagnosis for their daughter 's illness and the medical examiner 's office is now determining the causehundreds of students and family members gathered for a candle-lit vigil on tuesday night , where she was remembered as a great athlete and friend\"]\n", + "madison small , from ashburn , virginia , left school early on monday and , after she woke up in the night with a severe headache , she was rushed to hospital .the virginia medical examiner 's office is now investigating her death and an autopsy has been ordered , but no cause has yet been given .family members and friends have been left heartbroken and baffled after an 18-year-old high school senior died suddenly on tuesday , just hours after feeling ill .\n", + "madison small woke up feeling ill on monday night so was rushed to hospital , but her organs began shutting down and she died on tuesdayher parents have not been given a diagnosis for their daughter 's illness and the medical examiner 's office is now determining the causehundreds of students and family members gathered for a candle-lit vigil on tuesday night , where she was remembered as a great athlete and friend\n", + "[1.5070531 1.4352338 1.1509724 1.4870696 1.1548824 1.1254264 1.1121931\n", + " 1.0233114 1.0123049 1.01009 1.013665 1.1463244 1.0345227 1.0515001\n", + " 1.013125 1.0102714 1.0117619 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 11 5 6 13 12 7 10 14 8 16 15 9 17 18 19 20]\n", + "=======================\n", + "[\"moeen ali says he is ready to take on australia 's two left-arm mitchells in the ashes -- and has overcome the problems he had against the short ball during his introduction to test cricket last summer .moeen ali will join up with england ahead of their second west indies test after recovering quicker than expected form a rib injurymoeen 's performance in the world cup was a glimmer of light in a disappointing tournament for england\"]\n", + "=======================\n", + "[\"moeen ali will join up with england ahead of second west indies testmoeen recovered more quickly from a rib injury than anyone expectedengland batsman suffered when facing short balls in last summer 's ashesmoeen says he has rectified problem and is ready to take on the mitchells\"]\n", + "moeen ali says he is ready to take on australia 's two left-arm mitchells in the ashes -- and has overcome the problems he had against the short ball during his introduction to test cricket last summer .moeen ali will join up with england ahead of their second west indies test after recovering quicker than expected form a rib injurymoeen 's performance in the world cup was a glimmer of light in a disappointing tournament for england\n", + "moeen ali will join up with england ahead of second west indies testmoeen recovered more quickly from a rib injury than anyone expectedengland batsman suffered when facing short balls in last summer 's ashesmoeen says he has rectified problem and is ready to take on the mitchells\n", + "[1.1363661 1.0740336 1.073866 1.0794787 1.1017975 1.2003958 1.0440555\n", + " 1.0600795 1.0279223 1.1344646 1.0944831 1.1140611 1.1305497 1.0669602\n", + " 1.0258932 1.0362712 1.0321718 1.0151305 1.0491581 1.0287586 1.0599402]\n", + "\n", + "[ 5 0 9 12 11 4 10 3 1 2 13 7 20 18 6 15 16 19 8 14 17]\n", + "=======================\n", + "[\"jae rockwell , the founder of my local women 's fitness groups , women run the world , posted this mantra to help us keep ourselves accountable .( cnn ) it takes a village to raise a triathlete .annastasia w. , who 's training for her first ironman half-triathlon this summer , suggested a group brick workout at our local gym .\"]\n", + "=======================\n", + "['working out in a group of friends inspired fit nation participant erica moore']\n", + "jae rockwell , the founder of my local women 's fitness groups , women run the world , posted this mantra to help us keep ourselves accountable .( cnn ) it takes a village to raise a triathlete .annastasia w. , who 's training for her first ironman half-triathlon this summer , suggested a group brick workout at our local gym .\n", + "working out in a group of friends inspired fit nation participant erica moore\n", + "[1.2835729 1.4844798 1.1874489 1.2049016 1.3922216 1.1398879 1.1290493\n", + " 1.0857121 1.0347595 1.0138755 1.0993735 1.191353 1.0742744 1.0428879\n", + " 1.0400014 1.0762869 1.0443461 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 3 11 2 5 6 10 7 15 12 16 13 14 8 9 19 17 18 20]\n", + "=======================\n", + "[\"the england midfielder has interest from liverpool with brendan rodgers keen to fill the vacuum created by steven gerrard 's departure .manchester city midfielder james milner will make a decision over his future at the end of the seasonwhile city head into sunday 's manchester derby trailing neighbours united in the league for first time since november 2013 , milner is keen to ensure that city finish the season as strongly as possible .\"]\n", + "=======================\n", + "['manchester city midfielder james milner is out of contract in the summermilner will not be rushed into making final decision over his futurebrendan rodgers has lined up milner to fill void left by steven gerrardarsenal and everton are also keen on signing milner in summer']\n", + "the england midfielder has interest from liverpool with brendan rodgers keen to fill the vacuum created by steven gerrard 's departure .manchester city midfielder james milner will make a decision over his future at the end of the seasonwhile city head into sunday 's manchester derby trailing neighbours united in the league for first time since november 2013 , milner is keen to ensure that city finish the season as strongly as possible .\n", + "manchester city midfielder james milner is out of contract in the summermilner will not be rushed into making final decision over his futurebrendan rodgers has lined up milner to fill void left by steven gerrardarsenal and everton are also keen on signing milner in summer\n", + "[1.181486 1.361429 1.2070143 1.1442297 1.2000164 1.1306266 1.1525899\n", + " 1.1482869 1.0889715 1.0390105 1.0535312 1.0889632 1.0502183 1.0777441\n", + " 1.0584275 1.0274508 1.0169612 1.0354236 1.0470529 0. 0. ]\n", + "\n", + "[ 1 2 4 0 6 7 3 5 8 11 13 14 10 12 18 9 17 15 16 19 20]\n", + "=======================\n", + "['researchers around the world are bracing themselves for the results of a study by scientists in china that has introduced dna changes to reproductive cells .although the scientific paper is yet to be published , the scientific world is abuzz with rumours that the work has been carried out .human embryos , like the one above , may have been genetically modified with new gene editing techniques']\n", + "=======================\n", + "[\"scientists in china are believed to have altered the dna of human embryos so that changes can be passed on to future generations in the germ lineleading researchers have called for a halt on such research until the implications and safety of the technology can be properly exploredthey warn germ line modification is ` dangerous and ethically unacceptable 'some fear the technique could be misused to create ` designer families '\"]\n", + "researchers around the world are bracing themselves for the results of a study by scientists in china that has introduced dna changes to reproductive cells .although the scientific paper is yet to be published , the scientific world is abuzz with rumours that the work has been carried out .human embryos , like the one above , may have been genetically modified with new gene editing techniques\n", + "scientists in china are believed to have altered the dna of human embryos so that changes can be passed on to future generations in the germ lineleading researchers have called for a halt on such research until the implications and safety of the technology can be properly exploredthey warn germ line modification is ` dangerous and ethically unacceptable 'some fear the technique could be misused to create ` designer families '\n", + "[1.3106183 1.0389782 1.484474 1.3112891 1.0410459 1.1284701 1.0254803\n", + " 1.2408501 1.092921 1.082628 1.1178743 1.2357851 1.0815306 1.1305411\n", + " 1.1607146 1.0878332 1.0433283 1.0182263 1.0192549 1.0629652 0. ]\n", + "\n", + "[ 2 3 0 7 11 14 13 5 10 8 15 9 12 19 16 4 1 6 18 17 20]\n", + "=======================\n", + "[\"salvina formosa from south wentworthville , west of sydney , has been taking part in step classes to improve her fitness and strength to walk after tripping over on an uneven footpath .the 101-year-old widow , who was never keen on exercise in her youth , now does weights and sit-to-stand exercises several times a week at southern cross care in merrylandsthe western sydney local health district 's community-based program stepping on is designed to improve strength and balance in elderly people who have had a fall or are fearful of falling .\"]\n", + "=======================\n", + "[\"salvina formosa does weights and sit-to-stand exercises every weekthe 101-year-old recently tripped over an uneven footpathshe has been taking part in step classes to improve her fitnessthe sydney mother celebrated her 101th birthday on march 16the centenarian is going strong and there 's no sign of her slowing down\"]\n", + "salvina formosa from south wentworthville , west of sydney , has been taking part in step classes to improve her fitness and strength to walk after tripping over on an uneven footpath .the 101-year-old widow , who was never keen on exercise in her youth , now does weights and sit-to-stand exercises several times a week at southern cross care in merrylandsthe western sydney local health district 's community-based program stepping on is designed to improve strength and balance in elderly people who have had a fall or are fearful of falling .\n", + "salvina formosa does weights and sit-to-stand exercises every weekthe 101-year-old recently tripped over an uneven footpathshe has been taking part in step classes to improve her fitnessthe sydney mother celebrated her 101th birthday on march 16the centenarian is going strong and there 's no sign of her slowing down\n", + "[1.2810905 1.481059 1.1217221 1.2698109 1.2802039 1.2976669 1.1027701\n", + " 1.0248175 1.0179539 1.123195 1.0967867 1.0689265 1.1007383 1.0166448\n", + " 1.0504171 1.0564868 1.0768684 1.0225136 1.0118335 1.0057211 0.\n", + " 0. ]\n", + "\n", + "[ 1 5 0 4 3 9 2 6 12 10 16 11 15 14 7 17 8 13 18 19 20 21]\n", + "=======================\n", + "[\"they believe the camel - the first intact camel skeleton found in central europe - may have been left in the town of tulln for trading after the siege of vienna in 1683 .archaeologists have uncovered the complete skeleton of a 17th-century camel that was likely used in the second ottoman-habsburg war .the researchers described it as a ` sunken ship in the desert ' .\"]\n", + "=======================\n", + "[\"scientists say camel was left in tulln after the 1683 siege of viennait would have shocked residents as camels were an alien species` they did n't know what to feed it or whether one could eat it , ' study saidottoman army used camels for transportation and as riding animals\"]\n", + "they believe the camel - the first intact camel skeleton found in central europe - may have been left in the town of tulln for trading after the siege of vienna in 1683 .archaeologists have uncovered the complete skeleton of a 17th-century camel that was likely used in the second ottoman-habsburg war .the researchers described it as a ` sunken ship in the desert ' .\n", + "scientists say camel was left in tulln after the 1683 siege of viennait would have shocked residents as camels were an alien species` they did n't know what to feed it or whether one could eat it , ' study saidottoman army used camels for transportation and as riding animals\n", + "[1.3212531 1.334247 1.2290242 1.3454821 1.246348 1.0733728 1.0371749\n", + " 1.0570048 1.1743246 1.0653791 1.0228001 1.1015389 1.0387067 1.040805\n", + " 1.0379052 1.026734 1.0383883 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 0 4 2 8 11 5 9 7 13 12 16 14 6 15 10 17 18 19 20 21]\n", + "=======================\n", + "[\"no message : ed miliband was last night accused of snubbing britain 's army of self-employed workers -- for refusing to send them a special election message in the ipse magazinethe labour leader prompted claims that he was worried about upsetting his party 's ` union paymasters ' .but while david cameron , nick clegg , nigel farage and nicola sturgeon all feature , there is no message from mr miliband .\"]\n", + "=======================\n", + "[\"the magazine usually carries tributes from nearly every major party leaderwhere milband 's message is expected , the page is blank with sharp rebukechief of self-employed organisation , ipse , called decision ` disappointing '\"]\n", + "no message : ed miliband was last night accused of snubbing britain 's army of self-employed workers -- for refusing to send them a special election message in the ipse magazinethe labour leader prompted claims that he was worried about upsetting his party 's ` union paymasters ' .but while david cameron , nick clegg , nigel farage and nicola sturgeon all feature , there is no message from mr miliband .\n", + "the magazine usually carries tributes from nearly every major party leaderwhere milband 's message is expected , the page is blank with sharp rebukechief of self-employed organisation , ipse , called decision ` disappointing '\n", + "[1.3867999 1.5807397 1.4368641 1.4152417 1.1064519 1.0539973 1.0323135\n", + " 1.0266877 1.0274695 1.0736554 1.0137107 1.0145315 1.1341251 1.0125902\n", + " 1.0900152 1.0481882 1.0181264 1.0230916 1.1528437 1.0413435 1.0442446\n", + " 1.01887 ]\n", + "\n", + "[ 1 2 3 0 18 12 4 14 9 5 15 20 19 6 8 7 17 21 16 11 10 13]\n", + "=======================\n", + "[\"hazard scored a penalty and set up loic remy 's winner - either side of charlie adam 's 65-yard strike - in saturday 's 2-1 win over stoke which saw the blues take a seven-point lead at the top of the standings .jose mourinho has targeted five wins and one draw in the remaining eight games and hazard is optimistic chelsea will win a first premier league title in five years .loic remy finishes to put chelsea back in front after a mistake by stoke city keeper begovic\"]\n", + "=======================\n", + "[\"eden hazard scored in chelsea 's 2-1 home win against stoke citythe belgium playmaker also claimed an assist by setting up loic remyhazard wants to bring the premier league trophy to stamford bridgethe blues are currently seven points ahead of second-placed arsenal\"]\n", + "hazard scored a penalty and set up loic remy 's winner - either side of charlie adam 's 65-yard strike - in saturday 's 2-1 win over stoke which saw the blues take a seven-point lead at the top of the standings .jose mourinho has targeted five wins and one draw in the remaining eight games and hazard is optimistic chelsea will win a first premier league title in five years .loic remy finishes to put chelsea back in front after a mistake by stoke city keeper begovic\n", + "eden hazard scored in chelsea 's 2-1 home win against stoke citythe belgium playmaker also claimed an assist by setting up loic remyhazard wants to bring the premier league trophy to stamford bridgethe blues are currently seven points ahead of second-placed arsenal\n", + "[1.2474394 1.6115458 1.3175564 1.1986616 1.147295 1.126586 1.0584838\n", + " 1.0177214 1.015385 1.0197293 1.0878904 1.1270837 1.087904 1.0168602\n", + " 1.0226617 1.0229617 1.0348821 1.0502104 1.0124606 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 4 11 5 12 10 6 17 16 15 14 9 7 13 8 18 20 19 21]\n", + "=======================\n", + "[\"laura jordan , 24 , was told her now husband , jack jordan , 23 , had just weeks to live on saturday april 11 , having battled leukaemia since 2013 .the couple , from brixham , devon , got engaged at jack 's hospital bedside just two months ago after being left devastated by the news .a young bride planned a fairytale wedding and married her fiancé just six days after finding out his cancer is terminal .\"]\n", + "=======================\n", + "[\"laura jordan , 24 , married jack jordan , 23 , yesterdaypair from from brixham , devon , found out he has weeks to live on april 11laura , a mother-of-one , planned ceremony in just six daystold jack she 'd wear a suit but surprised him on the day in a dresstheir music idol ed sheeran sent them a personal video message\"]\n", + "laura jordan , 24 , was told her now husband , jack jordan , 23 , had just weeks to live on saturday april 11 , having battled leukaemia since 2013 .the couple , from brixham , devon , got engaged at jack 's hospital bedside just two months ago after being left devastated by the news .a young bride planned a fairytale wedding and married her fiancé just six days after finding out his cancer is terminal .\n", + "laura jordan , 24 , married jack jordan , 23 , yesterdaypair from from brixham , devon , found out he has weeks to live on april 11laura , a mother-of-one , planned ceremony in just six daystold jack she 'd wear a suit but surprised him on the day in a dresstheir music idol ed sheeran sent them a personal video message\n", + "[1.219496 1.4603722 1.352714 1.3309453 1.2567275 1.1787932 1.0770326\n", + " 1.0335176 1.1047313 1.0608026 1.1252406 1.0236052 1.0182258 1.0165404\n", + " 1.1068683 1.0169592 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 4 0 5 10 14 8 6 9 7 11 12 15 13 20 16 17 18 19 21]\n", + "=======================\n", + "[\"charles and camilla , who are known as the duke and duchess of rothesay in scotland , were invited to fit the bungs to the casks on a tour of the ballindalloch distillery in aberdeenshire .but they will have to wait around eight to 10 years to sample the single malt as the owners plan to allow it to mature .the whisky from both casks will then be bottled to the benefit of the royal visitors ' charities .\"]\n", + "=======================\n", + "['the couple were invited to fit bungs into two single malt whiksy casksthey are known as the duke and duchess of rothesay in scotlandboth wore tartan for the visitwill have to wait 8-10 years for a tipple while the whisky matures']\n", + "charles and camilla , who are known as the duke and duchess of rothesay in scotland , were invited to fit the bungs to the casks on a tour of the ballindalloch distillery in aberdeenshire .but they will have to wait around eight to 10 years to sample the single malt as the owners plan to allow it to mature .the whisky from both casks will then be bottled to the benefit of the royal visitors ' charities .\n", + "the couple were invited to fit bungs into two single malt whiksy casksthey are known as the duke and duchess of rothesay in scotlandboth wore tartan for the visitwill have to wait 8-10 years for a tipple while the whisky matures\n", + "[1.2616211 1.3522296 1.2224919 1.3917743 1.1653953 1.092433 1.0688713\n", + " 1.1827177 1.1141658 1.0490164 1.1249089 1.053788 1.1368378 1.0194545\n", + " 1.031714 1.0574108 1.0309545 1.078295 0. ]\n", + "\n", + "[ 3 1 0 2 7 4 12 10 8 5 17 6 15 11 9 14 16 13 18]\n", + "=======================\n", + "['barcelona forward pedro could join liverpool this summer if raheem sterling leaves anfieldthe 27-year-old world cup winner would command # 90,000-a-week wages -- # 10,000 less than liverpool have offered their 20-year-old winger .pedro would also cost considerably less than sterling -- understood to be available for # 50million - would sell for .']\n", + "=======================\n", + "['liverpool fc boss brendan rodgers has scouted pedrobarcelona forward pedro is considering his future at the nou campraheem sterling could leave liverpool after rejecting # 100,000-a-week dealarsenal , chelsea and manchester city are keen on the liverpool staradrian durham : the real problem with sterling contract saga at liverpoolread : real madrid are monitoring raheem sterling , reveals zidaneclick here for all the latest liverpool news']\n", + "barcelona forward pedro could join liverpool this summer if raheem sterling leaves anfieldthe 27-year-old world cup winner would command # 90,000-a-week wages -- # 10,000 less than liverpool have offered their 20-year-old winger .pedro would also cost considerably less than sterling -- understood to be available for # 50million - would sell for .\n", + "liverpool fc boss brendan rodgers has scouted pedrobarcelona forward pedro is considering his future at the nou campraheem sterling could leave liverpool after rejecting # 100,000-a-week dealarsenal , chelsea and manchester city are keen on the liverpool staradrian durham : the real problem with sterling contract saga at liverpoolread : real madrid are monitoring raheem sterling , reveals zidaneclick here for all the latest liverpool news\n", + "[1.284066 1.4456935 1.2715447 1.3375698 1.1586703 1.1758776 1.131436\n", + " 1.0724716 1.0283902 1.0550257 1.0255941 1.0089853 1.0323101 1.1227409\n", + " 1.1322304 1.1127441 1.0928757 1.0954473 1.0209478]\n", + "\n", + "[ 1 3 0 2 5 4 14 6 13 15 17 16 7 9 12 8 10 18 11]\n", + "=======================\n", + "[\"the global tour of the motoring show looked like it may face the axe following clarkson 's hotel fracas with a producer over a steak dinner .jeremy clarkson has agreed to keep quiet about his sacking from the bbc so the top gear live shows ( pictured ) can go ahead ` in good spirit 'the bbc decided not to renew his contract and cancelled what remained of the latest series of top gear , but the corporation and the presenter have reached an agreement over the remaining live shows .\"]\n", + "=======================\n", + "['top gear tour will go ahead as clarkson and the bbc reach an agreementpresenter will keep quiet on his sacking so the live shows can still go onbbc feared he would use the global tour to vent his anger at former bossesthe shows have been renamed and will not feature any top gear branding']\n", + "the global tour of the motoring show looked like it may face the axe following clarkson 's hotel fracas with a producer over a steak dinner .jeremy clarkson has agreed to keep quiet about his sacking from the bbc so the top gear live shows ( pictured ) can go ahead ` in good spirit 'the bbc decided not to renew his contract and cancelled what remained of the latest series of top gear , but the corporation and the presenter have reached an agreement over the remaining live shows .\n", + "top gear tour will go ahead as clarkson and the bbc reach an agreementpresenter will keep quiet on his sacking so the live shows can still go onbbc feared he would use the global tour to vent his anger at former bossesthe shows have been renamed and will not feature any top gear branding\n", + "[1.2066085 1.4554718 1.2960508 1.3420627 1.1546191 1.1320113 1.1938682\n", + " 1.0985767 1.0777909 1.1048472 1.0562067 1.110289 1.0887216 1.0157776\n", + " 1.0332775 1.0182363 1.0080779 1.0055603 0. ]\n", + "\n", + "[ 1 3 2 0 6 4 5 11 9 7 12 8 10 14 15 13 16 17 18]\n", + "=======================\n", + "[\"abdulkadir zeyat , 45 , his 43-year-old wife antika , and their six children were all discovered at their house in the village of alintepe in the country 's eastern agri province .kemal zeyat , 19 , had returned from work to his family home to find his six younger siblings ( two of whom are pictured and his parents were deadturkish authorities believe the family , which included siblings as young as three-years-old , died of food poisoning .\"]\n", + "=======================\n", + "[\"abdulkadir zeyat , wife antika , and six children were discovered at homeauthorities suspect food poisoning or a gas leak for their tragic deathsneighbours became concerned when they noticed house was eerily quietonly survivor was couple 's eldest son kemal zeyat who 'd been out at work\"]\n", + "abdulkadir zeyat , 45 , his 43-year-old wife antika , and their six children were all discovered at their house in the village of alintepe in the country 's eastern agri province .kemal zeyat , 19 , had returned from work to his family home to find his six younger siblings ( two of whom are pictured and his parents were deadturkish authorities believe the family , which included siblings as young as three-years-old , died of food poisoning .\n", + "abdulkadir zeyat , wife antika , and six children were discovered at homeauthorities suspect food poisoning or a gas leak for their tragic deathsneighbours became concerned when they noticed house was eerily quietonly survivor was couple 's eldest son kemal zeyat who 'd been out at work\n", + "[1.100852 1.585983 1.1712521 1.1346657 1.0530818 1.060115 1.07693\n", + " 1.0642446 1.3780515 1.0798534 1.0536896 1.1978626 1.0826079 1.0598061\n", + " 1.0905674 1.0367439 1.0578967 0. 0. ]\n", + "\n", + "[ 1 8 11 2 3 0 14 12 9 6 7 5 13 16 10 4 15 17 18]\n", + "=======================\n", + "['sadie the german shepherd was filmed at home in alberta , canada , switching on an electric organ with her nose and sitting down to play some tunes .to date , the video of sadie playing the piano has been watched more than 12,000 times .footage shows her plonking her front paws down along the keyboard , as she sits with her back legs positioned on the piano stool .']\n", + "=======================\n", + "[\"sadie the german shepherd was filmed at home in alberta , canada , switching on an electric keyboard with her nose and sitting down to playinstead of classical music , the pooch appears to recite a minimalist piece with clashing notes and no time signatureafter a 20-second rendition , she decides she 's had enough for one day and turns around to take a bow\"]\n", + "sadie the german shepherd was filmed at home in alberta , canada , switching on an electric organ with her nose and sitting down to play some tunes .to date , the video of sadie playing the piano has been watched more than 12,000 times .footage shows her plonking her front paws down along the keyboard , as she sits with her back legs positioned on the piano stool .\n", + "sadie the german shepherd was filmed at home in alberta , canada , switching on an electric keyboard with her nose and sitting down to playinstead of classical music , the pooch appears to recite a minimalist piece with clashing notes and no time signatureafter a 20-second rendition , she decides she 's had enough for one day and turns around to take a bow\n", + "[1.5347617 1.182998 1.3137032 1.1969167 1.1171043 1.2098966 1.2496996\n", + " 1.2357047 1.090817 1.0939417 1.0225949 1.0258166 1.1905636 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 6 7 5 3 12 1 4 9 8 11 10 13 14 15 16 17 18]\n", + "=======================\n", + "[\"paul gregory , 51 , of bedford , has been fined # 795 for having a blue badge , claiming he could only walk 200 metres , when in fact he was a keen walkerhe was exposed when bedford borough council staff read an article in the westmorland gazette , describing how the ` experienced walker ' had been attacked by cows in cumbria on the third day of a hike in 2012 .the article , which featured a picture of him dressed in walking gear , told how he was knocked over by four cows in a field at the edge of shap in cumbria .\"]\n", + "=======================\n", + "[\"paul gregory said he could only walk 200 metres in blue badge applicationhowever , council staff noticed 51-year-old in newspaper report after hikearticle described gregory as an ` experienced walker ' on a three-day trekgregory fined # 795 after admitting to dishonestly obtaining a blue badge\"]\n", + "paul gregory , 51 , of bedford , has been fined # 795 for having a blue badge , claiming he could only walk 200 metres , when in fact he was a keen walkerhe was exposed when bedford borough council staff read an article in the westmorland gazette , describing how the ` experienced walker ' had been attacked by cows in cumbria on the third day of a hike in 2012 .the article , which featured a picture of him dressed in walking gear , told how he was knocked over by four cows in a field at the edge of shap in cumbria .\n", + "paul gregory said he could only walk 200 metres in blue badge applicationhowever , council staff noticed 51-year-old in newspaper report after hikearticle described gregory as an ` experienced walker ' on a three-day trekgregory fined # 795 after admitting to dishonestly obtaining a blue badge\n", + "[1.4672966 1.3940843 1.3715326 1.4428489 1.2851794 1.0586042 1.0177938\n", + " 1.0223744 1.0287813 1.0672532 1.0245403 1.0112866 1.2075381 1.0240426\n", + " 1.0919527 1.0116955 1.0086529 1.007528 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 2 4 12 14 9 5 8 10 13 7 6 15 11 16 17 18 19 20 21]\n", + "=======================\n", + "[\"arsenal are only three signings away from winning the title and should start by pinching chelsea goalkeeper petr cech , according to former gunners midfielder ray parlour .ray parlour believes arsenal moving for petr cech this summer would be a ` no brainer 'cech is likely to be watching from the substitutes bench when arsenal face chelsea at the emirates stadium on sunday , having made only four league starts this season .\"]\n", + "=======================\n", + "[\"arsenal face chelsea on sunday in the premier leaguegunners legend ray parlour insists the club are just three signings away from winning the titlearsenal go into this weekend 's game 10 points behind leaders chelseaparlour says a summer move for petr cech would be a ` no brainer 'the former midfielder doubts whether chelsea would sell to a title rival\"]\n", + "arsenal are only three signings away from winning the title and should start by pinching chelsea goalkeeper petr cech , according to former gunners midfielder ray parlour .ray parlour believes arsenal moving for petr cech this summer would be a ` no brainer 'cech is likely to be watching from the substitutes bench when arsenal face chelsea at the emirates stadium on sunday , having made only four league starts this season .\n", + "arsenal face chelsea on sunday in the premier leaguegunners legend ray parlour insists the club are just three signings away from winning the titlearsenal go into this weekend 's game 10 points behind leaders chelseaparlour says a summer move for petr cech would be a ` no brainer 'the former midfielder doubts whether chelsea would sell to a title rival\n", + "[1.1825918 1.1786313 1.3430116 1.3594036 1.1776063 1.2476217 1.109708\n", + " 1.0576755 1.03592 1.0313486 1.0135874 1.0186822 1.1667175 1.1214099\n", + " 1.0172015 1.0153931 1.009946 1.012527 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 2 5 0 1 4 12 13 6 7 8 9 11 14 15 10 17 16 18 19 20 21]\n", + "=======================\n", + "[\"samantha simmonds and husband phillip davies with their children , two , four and sixthe sky newsreader has revealed how an easter holiday outing with her family saw ` blood and saliva flying ' between her boisterous sons in the backseat -- and ended with her six-year-old having a tooth knocked out .in her working life , she has covered terrorist attacks , murders and explosions .\"]\n", + "=======================\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[\"samantha simmonds posted honest blog about easter family breakdetailed how youngest son , four , knocked six-year-old 's tooth outwrote of ` ticking time bomb ' when all three children are togetherin the post the newsreader , 42 , also describes ` working mum guilt '\"]\n", + "samantha simmonds and husband phillip davies with their children , two , four and sixthe sky newsreader has revealed how an easter holiday outing with her family saw ` blood and saliva flying ' between her boisterous sons in the backseat -- and ended with her six-year-old having a tooth knocked out .in her working life , she has covered terrorist attacks , murders and explosions .\n", + "samantha simmonds posted honest blog about easter family breakdetailed how youngest son , four , knocked six-year-old 's tooth outwrote of ` ticking time bomb ' when all three children are togetherin the post the newsreader , 42 , also describes ` working mum guilt '\n", + "[1.2560732 1.5546288 1.190414 1.2098688 1.1806197 1.157671 1.0797207\n", + " 1.1604226 1.1359966 1.0504262 1.0185266 1.0174105 1.028178 1.0379806\n", + " 1.0189774 1.0201814 1.0196356 1.0402207 1.0416236 1.1376455 1.0290699\n", + " 1.0259691]\n", + "\n", + "[ 1 0 3 2 4 7 5 19 8 6 9 18 17 13 20 12 21 15 16 14 10 11]\n", + "=======================\n", + "['michelle manhart , 38 , was handcuffed by police at valdosta state university , georgia , and driven off in a patrol car after grabbing the stars and stripes and refusing to return it to the student demonstrators .an air force veteran and former playboy model was arrested for taking an american flag from campus protesters who were trampling on it .video footage of the event , on friday , shows manhart struggling with officers , who force her to the ground after she refuses to let the flag go .']\n", + "=======================\n", + "['michelle manhart , 38 , was handcuffed at valdosta state university , georgiaformer usaf training sergeant took flag from campus protesters on fridaypolice arrested her for not giving it back because of how it was treatedmanhart posed for raunchy military-themed playboy spread in 2007was demoted from her sergeant rank , and later left the military']\n", + "michelle manhart , 38 , was handcuffed by police at valdosta state university , georgia , and driven off in a patrol car after grabbing the stars and stripes and refusing to return it to the student demonstrators .an air force veteran and former playboy model was arrested for taking an american flag from campus protesters who were trampling on it .video footage of the event , on friday , shows manhart struggling with officers , who force her to the ground after she refuses to let the flag go .\n", + "michelle manhart , 38 , was handcuffed at valdosta state university , georgiaformer usaf training sergeant took flag from campus protesters on fridaypolice arrested her for not giving it back because of how it was treatedmanhart posed for raunchy military-themed playboy spread in 2007was demoted from her sergeant rank , and later left the military\n", + "[1.0697931 1.2361717 1.2389966 1.2121942 1.5061512 1.1888548 1.081318\n", + " 1.1133375 1.1368153 1.0661411 1.1027195 1.0155149 1.0137229 1.053272\n", + " 1.0613083 1.1428511 1.009764 1.0138476 1.0087752 1.0242857 0.\n", + " 0. ]\n", + "\n", + "[ 4 2 1 3 5 15 8 7 10 6 0 9 14 13 19 11 17 12 16 18 20 21]\n", + "=======================\n", + "[\"carl thompson , 32 , has gained an astonishing 30 stone in just three years and is now bed-bound at 65 stoneconsuming 10,000 calories-a-day by gorging on takeaways and whole loaves of bread , the 32-year-old is too heavy to walk or wash himself .but more than 20 years later the once rosy-cheeked boy is facing death after ballooning to 65 stone to become britain 's fattest man .\"]\n", + "=======================\n", + "['carl thompson has put on an astonishing 30 stone in just three yearswhile having always loved food his weight doubled when in 2012the 32-year-old credits the death of his mother with his huge weight gaingorges on takeaways five nights a week and blows # 10 a day on chocolatemr thompson is now desperate to shed 45 stone after health warnings']\n", + "carl thompson , 32 , has gained an astonishing 30 stone in just three years and is now bed-bound at 65 stoneconsuming 10,000 calories-a-day by gorging on takeaways and whole loaves of bread , the 32-year-old is too heavy to walk or wash himself .but more than 20 years later the once rosy-cheeked boy is facing death after ballooning to 65 stone to become britain 's fattest man .\n", + "carl thompson has put on an astonishing 30 stone in just three yearswhile having always loved food his weight doubled when in 2012the 32-year-old credits the death of his mother with his huge weight gaingorges on takeaways five nights a week and blows # 10 a day on chocolatemr thompson is now desperate to shed 45 stone after health warnings\n", + "[1.5156622 1.235388 1.1066117 1.4228342 1.2514215 1.1559637 1.0498123\n", + " 1.0514673 1.0736585 1.1180452 1.0185723 1.0150392 1.0344987 1.0892334\n", + " 1.0871269 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 4 1 5 9 2 13 14 8 7 6 12 10 11 20 15 16 17 18 19 21]\n", + "=======================\n", + "['liverpool players mario balotelli , fabio borini , rickie lambert and lazar markovic got more than they bargained for when youtube star bas van velzen arrived at melwood .van velzen lines up his first free-kick of the day as the liverpool stars watch onthe merseysiders were led to believe that the dutch free-kick specialist was a competition winner who had won the opportunity to meet the anfield stars and receive a dead-ball masterclass .']\n", + "=======================\n", + "[\"liverpool players mario balotelli , fabio borini , rickie lambert and lazar markovic believed that bas van velzen was acompetition winnerthe reds players were all set to give van velzen a free-kick masterclassbut van velzen 's dead ball skills became apparent very quicklyclick here for the latest liverpool news\"]\n", + "liverpool players mario balotelli , fabio borini , rickie lambert and lazar markovic got more than they bargained for when youtube star bas van velzen arrived at melwood .van velzen lines up his first free-kick of the day as the liverpool stars watch onthe merseysiders were led to believe that the dutch free-kick specialist was a competition winner who had won the opportunity to meet the anfield stars and receive a dead-ball masterclass .\n", + "liverpool players mario balotelli , fabio borini , rickie lambert and lazar markovic believed that bas van velzen was acompetition winnerthe reds players were all set to give van velzen a free-kick masterclassbut van velzen 's dead ball skills became apparent very quicklyclick here for the latest liverpool news\n", + "[1.319879 1.2019845 1.1089151 1.1684892 1.1616302 1.1801273 1.1252693\n", + " 1.1320792 1.0867124 1.096165 1.0656135 1.060288 1.037334 1.0531769\n", + " 1.0511503 1.0422106 1.035572 1.0310898 1.0394969 1.0235974 1.0508151\n", + " 1.0345 ]\n", + "\n", + "[ 0 1 5 3 4 7 6 2 9 8 10 11 13 14 20 15 18 12 16 21 17 19]\n", + "=======================\n", + "['( cnn ) russian president vladimir putin shrugged off repeated questions about the impact of western sanctions on his nation during a nationally broadcast annual q&a session .\" sanctions are sanctions , \" he said .on the middle east , the russian leader defended lifting a ban on the sale of a sophisticated air defense system to iran .']\n", + "=======================\n", + "[\"putin has spent hours fielding questions from the general public on live televisionsanctions and russia 's deep economic crisis are a major theme\"]\n", + "( cnn ) russian president vladimir putin shrugged off repeated questions about the impact of western sanctions on his nation during a nationally broadcast annual q&a session .\" sanctions are sanctions , \" he said .on the middle east , the russian leader defended lifting a ban on the sale of a sophisticated air defense system to iran .\n", + "putin has spent hours fielding questions from the general public on live televisionsanctions and russia 's deep economic crisis are a major theme\n", + "[1.5126312 1.3711319 1.3503187 1.2493814 1.1336623 1.0955026 1.1039269\n", + " 1.1306642 1.0703363 1.0738863 1.0591435 1.0937613 1.0594627 1.0382689\n", + " 1.0363258 1.0444098 1.0582712 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 3 4 7 6 5 11 9 8 12 10 16 15 13 14 17 18 19 20 21]\n", + "=======================\n", + "[\"joe root was denied the chance of scoring 200 runs against the west indies as he was left stranded at the middle of the wicket due to an error by james anderson .root impressed with the bat on day four of the second test in grenada by scoring 182 runs in the beaming caribbean sun .the yorkshire county cricketer threw down his helmet and gloves after anderson 's careless run out as he made his way back to the pavilion .\"]\n", + "=======================\n", + "[\"joe root threw bat down in his anger when he was denied double centuryengland 's root was 182 not out when james anderson was run outjason holder ran anderson out after the bowler strolled back to wicketpair kissed and made up as they made way in for lunch during the west indies ' second innings\"]\n", + "joe root was denied the chance of scoring 200 runs against the west indies as he was left stranded at the middle of the wicket due to an error by james anderson .root impressed with the bat on day four of the second test in grenada by scoring 182 runs in the beaming caribbean sun .the yorkshire county cricketer threw down his helmet and gloves after anderson 's careless run out as he made his way back to the pavilion .\n", + "joe root threw bat down in his anger when he was denied double centuryengland 's root was 182 not out when james anderson was run outjason holder ran anderson out after the bowler strolled back to wicketpair kissed and made up as they made way in for lunch during the west indies ' second innings\n", + "[1.3114619 1.4634621 1.1811806 1.308676 1.2480621 1.1545494 1.0679473\n", + " 1.0294375 1.0181369 1.1052907 1.0672778 1.2091652 1.0665494 1.0884966\n", + " 1.0245064 1.0188196 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 4 11 2 5 9 13 6 10 12 7 14 15 8 16 17 18 19 20 21]\n", + "=======================\n", + "[\"madeline luciano is said to have looked on as eighth grade pupils at ps 18 , in manhattan , wrote words like ` ugly ' , ` annoying ' and ` phony ' on the board to describe their classmate .a new york teacher fired after allegedly encouraging pupils to bully a 13-year-old girl by writing down her worst qualities on the blackboard has said she is the victim of a terrible ` injustice ' - and wants her job back .but ms luciano - who was fired following an investigation - claims far from encouraging them to bully the girl , the exercise was supposed to teach them they should be kinder to each other .\"]\n", + "=======================\n", + "['madeline luciano was fired after an investigation into the incident last junebut new york teacher claims the exercise was meant to stop the bullyingluciano , 40 , has launched court action to get her teaching licence back']\n", + "madeline luciano is said to have looked on as eighth grade pupils at ps 18 , in manhattan , wrote words like ` ugly ' , ` annoying ' and ` phony ' on the board to describe their classmate .a new york teacher fired after allegedly encouraging pupils to bully a 13-year-old girl by writing down her worst qualities on the blackboard has said she is the victim of a terrible ` injustice ' - and wants her job back .but ms luciano - who was fired following an investigation - claims far from encouraging them to bully the girl , the exercise was supposed to teach them they should be kinder to each other .\n", + "madeline luciano was fired after an investigation into the incident last junebut new york teacher claims the exercise was meant to stop the bullyingluciano , 40 , has launched court action to get her teaching licence back\n", + "[1.2123998 1.450502 1.3131899 1.2758163 1.3595616 1.0620351 1.0566642\n", + " 1.0318221 1.1198914 1.0361335 1.1148429 1.0765228 1.0707021 1.0320227\n", + " 1.027194 1.0185716 1.011462 1.0261762 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 2 3 0 8 10 11 12 5 6 9 13 7 14 17 15 16 20 18 19 21]\n", + "=======================\n", + "[\"major general allen batschelet says that 10 percent of young men and women who sign up to join the army are currently refused because they are too heavy .batschelet warns that current trends mean as many as half of young americans will be so grossly overweight by the end of the decade that the military will be unable to recruit enough qualified soldiers .the general in charge of the u.s. army recruiting command has warned that america 's growing obesity epidemic ` is becoming a national security issue . '\"]\n", + "=======================\n", + "[\"general in charge of us army recruiting has warned that america 's growing obesity epidemic ` is becoming a national security issue 'major general allen batschelet says 10 percent of young men and women are currently refused because they are too heavycurrent trends project that the military will be unable to recruit enough qualified soldiers by the end of the decademaximum body fat percentage that the army allows for recruits aged 17-20 is 20 percent for men and 30 percent for females\"]\n", + "major general allen batschelet says that 10 percent of young men and women who sign up to join the army are currently refused because they are too heavy .batschelet warns that current trends mean as many as half of young americans will be so grossly overweight by the end of the decade that the military will be unable to recruit enough qualified soldiers .the general in charge of the u.s. army recruiting command has warned that america 's growing obesity epidemic ` is becoming a national security issue . '\n", + "general in charge of us army recruiting has warned that america 's growing obesity epidemic ` is becoming a national security issue 'major general allen batschelet says 10 percent of young men and women are currently refused because they are too heavycurrent trends project that the military will be unable to recruit enough qualified soldiers by the end of the decademaximum body fat percentage that the army allows for recruits aged 17-20 is 20 percent for men and 30 percent for females\n", + "[1.4926393 1.3480378 1.3130776 1.4701309 1.1870837 1.0847262 1.0361642\n", + " 1.058296 1.0330653 1.0467031 1.0387179 1.1593685 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 2 4 11 5 7 9 10 6 8 20 12 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"piers morgan says arsenal should sack arsene wenger and replace him with jurgen klopp now that the borussia dortmund manager has announced his intention to leave the german club in the summer .piers morgan called on arsenal to replace arsene wenger ( right ) with borussia dortmund boss jurgen kloppklopp will be available from june and outspoken gunners fan morgan , who has long been a critic of wenger , says the club would be a ` perfect ' fit for the ` dynamic , driven young winner ' .\"]\n", + "=======================\n", + "[\"piers morgan calls for arsenal to replace their long-serving managermorgan says jurgen klopp would ` be our mourinho ' if he joined arsenalgunners fan says klopp is ` perfect for arsenal '\"]\n", + "piers morgan says arsenal should sack arsene wenger and replace him with jurgen klopp now that the borussia dortmund manager has announced his intention to leave the german club in the summer .piers morgan called on arsenal to replace arsene wenger ( right ) with borussia dortmund boss jurgen kloppklopp will be available from june and outspoken gunners fan morgan , who has long been a critic of wenger , says the club would be a ` perfect ' fit for the ` dynamic , driven young winner ' .\n", + "piers morgan calls for arsenal to replace their long-serving managermorgan says jurgen klopp would ` be our mourinho ' if he joined arsenalgunners fan says klopp is ` perfect for arsenal '\n", + "[1.1338615 1.173163 1.3213022 1.2781105 1.1503308 1.071544 1.1000856\n", + " 1.1508448 1.055135 1.0481589 1.0481656 1.0379016 1.0702765 1.0512978\n", + " 1.0484267 1.0422722 1.06004 1.0565065 1.0893102 1.0575122]\n", + "\n", + "[ 2 3 1 7 4 0 6 18 5 12 16 19 17 8 13 14 10 9 15 11]\n", + "=======================\n", + "[\"a new book by former education journalist david turner , the old boys , lays bare the little-known history .eton 's famous wall game : the new book was inspired by david cameron 's comparison to flashman in tom brown 's school daysthe hidden story of some of the country 's most prestigious and best-known public schools - including eton -- is one of barricades and mutinies so fierce they nearly proved the institutions ' undoing .\"]\n", + "=======================\n", + "[\"underneath the polished manners lies a history of violence and rebellionnew book ` the old boys ' by education expert offers fresh look at schoolsat winchester in 1818 a headmaster held hostage by axe-wielding boysdavid cameron is an old etonian , as too is oscar winner eddie redmayne\"]\n", + "a new book by former education journalist david turner , the old boys , lays bare the little-known history .eton 's famous wall game : the new book was inspired by david cameron 's comparison to flashman in tom brown 's school daysthe hidden story of some of the country 's most prestigious and best-known public schools - including eton -- is one of barricades and mutinies so fierce they nearly proved the institutions ' undoing .\n", + "underneath the polished manners lies a history of violence and rebellionnew book ` the old boys ' by education expert offers fresh look at schoolsat winchester in 1818 a headmaster held hostage by axe-wielding boysdavid cameron is an old etonian , as too is oscar winner eddie redmayne\n", + "[1.3770857 1.4244938 1.1847972 1.0381954 1.2408481 1.1126094 1.0630641\n", + " 1.0442761 1.1967189 1.1339642 1.105022 1.0581306 1.0867618 1.0877107\n", + " 1.0627729 1.0372832 1.050026 1.0440217 0. 0. ]\n", + "\n", + "[ 1 0 4 8 2 9 5 10 13 12 6 14 11 16 7 17 3 15 18 19]\n", + "=======================\n", + "[\"liam byrne , who was chief secretary to the treasury under gordon brown , left a memo on his desk after labour 's election defeat in 2010 .danny alexander has finally replied to the infamous note left in the treasury by a labour predecessor , saying there was ` no money ' left .mr alexander , the present chief secretary , today finally got round to sending a letter to mr byrne apologising for the late reply -- saying it was because he had been ` fixing the economy ' .\"]\n", + "=======================\n", + "[\"labour 's liam byrne left a memo for the incoming coalition governmentthe letter , left on mr byrne 's desk , read : ` i 'm afraid there is no money 'treasury secretary danny alexander has finally responded to the notemr alexander wrote : ` sorry for the late reply , i 've been fixing the economy '\"]\n", + "liam byrne , who was chief secretary to the treasury under gordon brown , left a memo on his desk after labour 's election defeat in 2010 .danny alexander has finally replied to the infamous note left in the treasury by a labour predecessor , saying there was ` no money ' left .mr alexander , the present chief secretary , today finally got round to sending a letter to mr byrne apologising for the late reply -- saying it was because he had been ` fixing the economy ' .\n", + "labour 's liam byrne left a memo for the incoming coalition governmentthe letter , left on mr byrne 's desk , read : ` i 'm afraid there is no money 'treasury secretary danny alexander has finally responded to the notemr alexander wrote : ` sorry for the late reply , i 've been fixing the economy '\n", + "[1.1796067 1.4537098 1.2397499 1.3577737 1.2596419 1.1732045 1.0505375\n", + " 1.1622604 1.0788435 1.1036081 1.0368502 1.0153767 1.039752 1.0145677\n", + " 1.020867 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 5 7 9 8 6 12 10 14 11 13 18 15 16 17 19]\n", + "=======================\n", + "[\"while josh darnbrough , 24 , slept , his mate rob gaskell , also 24 , inked the words ` if found face down call an ambulance ' on his back , using a diy kit .josh darnbrough awoke after a party to find that his friend had tattooed his backjosh ( centre ) was tattooed by his friend rob gaskell ( right ) who was taking revenge on his mate after josh had attempted to tattoo rob with an at-home kit and it went horribly wrong\"]\n", + "=======================\n", + "['josh darnbrough only noticed the tattoo on his back the following dayit was the handy work of his best friend rob gaskellrob was getting revenge for a botched diy tattoo josh had given himthe pair are both getting their tattoos removed and remain friendswatch the full story on tattoo disasters , tuesday april 21 , 2015 at 9pm on spike , sky tv ( ch 160 ) , freesat ( ch 141 ) and freeview ( ch 31 )']\n", + "while josh darnbrough , 24 , slept , his mate rob gaskell , also 24 , inked the words ` if found face down call an ambulance ' on his back , using a diy kit .josh darnbrough awoke after a party to find that his friend had tattooed his backjosh ( centre ) was tattooed by his friend rob gaskell ( right ) who was taking revenge on his mate after josh had attempted to tattoo rob with an at-home kit and it went horribly wrong\n", + "josh darnbrough only noticed the tattoo on his back the following dayit was the handy work of his best friend rob gaskellrob was getting revenge for a botched diy tattoo josh had given himthe pair are both getting their tattoos removed and remain friendswatch the full story on tattoo disasters , tuesday april 21 , 2015 at 9pm on spike , sky tv ( ch 160 ) , freesat ( ch 141 ) and freeview ( ch 31 )\n", + "[1.2062004 1.5236102 1.3763889 1.2841308 1.1141737 1.2243336 1.1827537\n", + " 1.0756199 1.0439216 1.0283103 1.0405009 1.0244178 1.0391814 1.0175135\n", + " 1.0529865 1.096382 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 5 0 6 4 15 7 14 8 10 12 9 11 13 18 16 17 19]\n", + "=======================\n", + "[\"adam leheup , 34 , allegedly insisted on having sex with the 25-year-old woman despite her shouting : ` no , no . 'leheup met the woman on july 9 , 2013 after arranging to meet on the ` let 's date ' mobile phone app .leheup , who is a university of greenwich graduate and technical co-ordinator on the # 500m nine elms point development , denies raping the woman .\"]\n", + "=======================\n", + "[\"adam leheup met his alleged victim at waterloo station in july 2013blackfriars crown court heard the pair went to gordon 's wine barleheup arranged to meet the girl after corresponding on ` let 's date ' apphe denies raping the girl after she invited him back to her camden flat\"]\n", + "adam leheup , 34 , allegedly insisted on having sex with the 25-year-old woman despite her shouting : ` no , no . 'leheup met the woman on july 9 , 2013 after arranging to meet on the ` let 's date ' mobile phone app .leheup , who is a university of greenwich graduate and technical co-ordinator on the # 500m nine elms point development , denies raping the woman .\n", + "adam leheup met his alleged victim at waterloo station in july 2013blackfriars crown court heard the pair went to gordon 's wine barleheup arranged to meet the girl after corresponding on ` let 's date ' apphe denies raping the girl after she invited him back to her camden flat\n", + "[1.241978 1.4110548 1.2715509 1.2177322 1.0914428 1.3087068 1.0941129\n", + " 1.0544568 1.0687443 1.099985 1.0700887 1.0917401 1.0659552 1.0544344\n", + " 1.0333358 1.0369055 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 2 0 3 9 6 11 4 10 8 12 7 13 15 14 18 16 17 19]\n", + "=======================\n", + "[\"identical twins marcus and markieff morris , who both play forward for the phoenix suns , are now the focus of an investigation into a felony aggravated assault which allegedly occurred in january .the morris twins are being investigated for allegedly assaulting erik hood at 7:30 pm on saturday , january 24he told police he sent a text telling the twins ' mother , thomasine morris , he 'd ` always be there for her ' and that another friend , julius kane , 25 , saw the message and concluded their relationship was sexual in nature .\"]\n", + "=======================\n", + "[\"identical twins marcus and markieff morris , 25 , play for the phoenix sunsare being investigated in connection to felony assault in late januaryerik hood , 36 , claims he used to mentor the twins until they had falling outhood said another man , julius kane , misinterpreted text to twins ' motherclaims morris twins , kane and two others beat him until unconsciousthere have been no arrests or charges filed and twins deny involvement\"]\n", + "identical twins marcus and markieff morris , who both play forward for the phoenix suns , are now the focus of an investigation into a felony aggravated assault which allegedly occurred in january .the morris twins are being investigated for allegedly assaulting erik hood at 7:30 pm on saturday , january 24he told police he sent a text telling the twins ' mother , thomasine morris , he 'd ` always be there for her ' and that another friend , julius kane , 25 , saw the message and concluded their relationship was sexual in nature .\n", + "identical twins marcus and markieff morris , 25 , play for the phoenix sunsare being investigated in connection to felony assault in late januaryerik hood , 36 , claims he used to mentor the twins until they had falling outhood said another man , julius kane , misinterpreted text to twins ' motherclaims morris twins , kane and two others beat him until unconsciousthere have been no arrests or charges filed and twins deny involvement\n", + "[1.231694 1.3697278 1.1578062 1.381689 1.135597 1.1008754 1.0579866\n", + " 1.0902466 1.0831904 1.0448992 1.0562372 1.0360368 1.0234171 1.026693\n", + " 1.0462751 1.0204952 1.0376704 1.0233305 1.0879784 1.0208353]\n", + "\n", + "[ 3 1 0 2 4 5 7 18 8 6 10 14 9 16 11 13 12 17 19 15]\n", + "=======================\n", + "[\"it 's time to ditch vitamin pills for a diet rich in clean , fresh and unprocessed foods , says sarah flowernot according to nutritionist and author sarah flower , who says that cooking with the right ingredients should give you all the goodness you need .vitamin and mineral supplements are becoming more and more popular as health conscious shoppers focus on good nutrition , but do we really need pills to optimise our diet ?\"]\n", + "=======================\n", + "['nutritionist sarah flower recommends vitamin-rich foods we should eatvegetables retain more nutrients when you steam , stir-fry or eat them raweating the correct portions of these foods will ensure good health']\n", + "it 's time to ditch vitamin pills for a diet rich in clean , fresh and unprocessed foods , says sarah flowernot according to nutritionist and author sarah flower , who says that cooking with the right ingredients should give you all the goodness you need .vitamin and mineral supplements are becoming more and more popular as health conscious shoppers focus on good nutrition , but do we really need pills to optimise our diet ?\n", + "nutritionist sarah flower recommends vitamin-rich foods we should eatvegetables retain more nutrients when you steam , stir-fry or eat them raweating the correct portions of these foods will ensure good health\n", + "[1.1680021 1.2526441 1.3504068 1.2468191 1.160113 1.3346987 1.0953733\n", + " 1.0878947 1.1794808 1.1011534 1.0601432 1.0317912 1.0722493 1.0574306\n", + " 1.1319798 1.0431604 1.0534145 1.0315934 1.0085403 0. ]\n", + "\n", + "[ 2 5 1 3 8 0 4 14 9 6 7 12 10 13 16 15 11 17 18 19]\n", + "=======================\n", + "[\"according to cancer research uk , men aged 65 and over are around ten times more likely to be diagnosed with malignant melanoma than those of their parents ' generation .around 5,700 pensioners are now diagnosed with melanoma each year in the uk compared with just 600 a year four decades ago .decades of cheap package holidays mean that thousands of retired people every year are paying with their health for sunburn they experienced in their youth .\"]\n", + "=======================\n", + "[\"decades of cheap holidays means retirees are paying for sunburn in youthmen over 65 ten times more likely to have disease than parents ' generationaround 5,700 pensioners now diagnosed with melanoma each year in uk\"]\n", + "according to cancer research uk , men aged 65 and over are around ten times more likely to be diagnosed with malignant melanoma than those of their parents ' generation .around 5,700 pensioners are now diagnosed with melanoma each year in the uk compared with just 600 a year four decades ago .decades of cheap package holidays mean that thousands of retired people every year are paying with their health for sunburn they experienced in their youth .\n", + "decades of cheap holidays means retirees are paying for sunburn in youthmen over 65 ten times more likely to have disease than parents ' generationaround 5,700 pensioners now diagnosed with melanoma each year in uk\n", + "[1.2068315 1.4959437 1.1723944 1.2980967 1.1874493 1.0296352 1.1012233\n", + " 1.1581249 1.1167749 1.103107 1.033578 1.1221468 1.1425059 1.2233895\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 13 0 4 2 7 12 11 8 9 6 10 5 18 14 15 16 17 19]\n", + "=======================\n", + "[\"lydia kelm , 23 , had a blood-alcohol content of .247 when police tested her after showing up to the mcdonald 's in leesburg , florida , early monday .alcohol : kelm ( photographed ) said she had three beers , but a sobriety test indicated that her blood-alcohol level was .247 -- three times the legal limita florida woman has been arrested for driving under the influence after she allegedly caused a scene at a mcdonald 's drive-through while wearing nothing but a bra and panties , police say .\"]\n", + "=======================\n", + "[\"lydia kelm , 23 , was arrested with a dui charge after driving to a mcdonald 's nearly naked and refusing to complete her orderrestaurant workers yelled repeatedly for kelm to pull up to the drive-through window , but she revved her engine and backed up insteadkelm 's blood-alcohol level was .247 -- three times the legal limit\"]\n", + "lydia kelm , 23 , had a blood-alcohol content of .247 when police tested her after showing up to the mcdonald 's in leesburg , florida , early monday .alcohol : kelm ( photographed ) said she had three beers , but a sobriety test indicated that her blood-alcohol level was .247 -- three times the legal limita florida woman has been arrested for driving under the influence after she allegedly caused a scene at a mcdonald 's drive-through while wearing nothing but a bra and panties , police say .\n", + "lydia kelm , 23 , was arrested with a dui charge after driving to a mcdonald 's nearly naked and refusing to complete her orderrestaurant workers yelled repeatedly for kelm to pull up to the drive-through window , but she revved her engine and backed up insteadkelm 's blood-alcohol level was .247 -- three times the legal limit\n", + "[1.4480827 1.2326576 1.1255779 1.2509869 1.0594561 1.0881324 1.0757381\n", + " 1.1451643 1.1275609 1.0904558 1.0591378 1.0437835 1.0481471 1.0656073\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 7 8 2 9 5 6 13 4 10 12 11 18 14 15 16 17 19]\n", + "=======================\n", + "['( cnn ) when 65 cases of 20-year-old pappy van winkle -- one of the rarest and most expensive bourbons in the world -- were reported missing from a kentucky distillery in october 2013 , it was the crime heard round the whiskey-drinking world .on tuesday , a franklin county grand jury indicted \" nine members of a criminal syndicate that collaborated to promote or engage in the theft ... and illegal trafficking \" of liquor from two different kentucky distilleries : frankfort \\'s buffalo trace -- makers of pappy -- and the nearby wild turkey distillery , makers of the eponymous bourbon , according to the indictment .franklin county sheriff pat melton , the man leading the investigation into the estimated $ 26,000 in missing pappy , said at the time that the high-end heist was \" indicative of an inside job . \"']\n", + "=======================\n", + "['9 indicted on organized crime charges related to bourbon theftsemployees at two kentucky distilleries among those indicted']\n", + "( cnn ) when 65 cases of 20-year-old pappy van winkle -- one of the rarest and most expensive bourbons in the world -- were reported missing from a kentucky distillery in october 2013 , it was the crime heard round the whiskey-drinking world .on tuesday , a franklin county grand jury indicted \" nine members of a criminal syndicate that collaborated to promote or engage in the theft ... and illegal trafficking \" of liquor from two different kentucky distilleries : frankfort 's buffalo trace -- makers of pappy -- and the nearby wild turkey distillery , makers of the eponymous bourbon , according to the indictment .franklin county sheriff pat melton , the man leading the investigation into the estimated $ 26,000 in missing pappy , said at the time that the high-end heist was \" indicative of an inside job . \"\n", + "9 indicted on organized crime charges related to bourbon theftsemployees at two kentucky distilleries among those indicted\n", + "[1.1745869 1.2541374 1.2056034 1.2044516 1.1675131 1.144822 1.0837638\n", + " 1.0786883 1.0437468 1.0435269 1.044964 1.0718001 1.0537125 1.0468367\n", + " 1.0404981 1.056898 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 5 6 7 11 15 12 13 10 8 9 14 18 16 17 19]\n", + "=======================\n", + "['tehran and riyadh each point to the other as the main reason for much of the turmoil in the middle east .in its most recent incarnation , the iranian-saudi conflict by proxy has reached yemen in a spiral that both sides portray as climatic .for riyadh and its regional allies , the saudi military intervention in yemen -- \" operation decisive storm \" -- is the moment the sunni arab nation finally woke up to repel the expansion of shia-iranian influence .']\n", + "=======================\n", + "['vatanka : tensions between iran and saudi arabia are at an unprecedented leveliran has proposed a four-point plan for yemen but saudis have ignored itvatanka : saudis have tried to muster a ground invasion coalition but have failed']\n", + "tehran and riyadh each point to the other as the main reason for much of the turmoil in the middle east .in its most recent incarnation , the iranian-saudi conflict by proxy has reached yemen in a spiral that both sides portray as climatic .for riyadh and its regional allies , the saudi military intervention in yemen -- \" operation decisive storm \" -- is the moment the sunni arab nation finally woke up to repel the expansion of shia-iranian influence .\n", + "vatanka : tensions between iran and saudi arabia are at an unprecedented leveliran has proposed a four-point plan for yemen but saudis have ignored itvatanka : saudis have tried to muster a ground invasion coalition but have failed\n", + "[1.252145 1.4864042 1.2447491 1.2691754 1.2970682 1.0497371 1.0650392\n", + " 1.0230247 1.01438 1.0171084 1.0596079 1.117149 1.2417121 1.2140943\n", + " 1.1065412 1.0582185 1.0516211 1.0684371 1.0541091 1.0534005 1.0258989\n", + " 1.0525466 1.006205 ]\n", + "\n", + "[ 1 4 3 0 2 12 13 11 14 17 6 10 15 18 19 21 16 5 20 7 9 8 22]\n", + "=======================\n", + "[\"queensland resident roxy walsh took to her facebook account after recovering the gold jewellery at the finns beach club in bali on tuesday .fortunately , ms walsh said she has since been in contact with the owner and will be having breakfast with ` the joe and jenny ' in noosa on sunday .the woman who launched a social media campaign in a bid to return a sentimental ring which was discovered at a bali resort has found the owner .\"]\n", + "=======================\n", + "[\"queensland woman roxy walsh found an inscribed gold ring in balithe sentimental jewellery piece was found at a bali resort on tuesdayshe launched a campaign to return the ring to the people who own itms walsh said she has found the owner and will meet ` the joe and jenny ' for breakfast in noosa on sundayit 's unknown when the ring was lost or where the couple are from\"]\n", + "queensland resident roxy walsh took to her facebook account after recovering the gold jewellery at the finns beach club in bali on tuesday .fortunately , ms walsh said she has since been in contact with the owner and will be having breakfast with ` the joe and jenny ' in noosa on sunday .the woman who launched a social media campaign in a bid to return a sentimental ring which was discovered at a bali resort has found the owner .\n", + "queensland woman roxy walsh found an inscribed gold ring in balithe sentimental jewellery piece was found at a bali resort on tuesdayshe launched a campaign to return the ring to the people who own itms walsh said she has found the owner and will meet ` the joe and jenny ' for breakfast in noosa on sundayit 's unknown when the ring was lost or where the couple are from\n", + "[1.2862432 1.3195086 1.3792733 1.3705847 1.2623281 1.0412422 1.0607289\n", + " 1.076934 1.1643331 1.012778 1.0304152 1.1357774 1.0936712 1.0477664\n", + " 1.0821383 1.0130965 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 3 1 0 4 8 11 12 14 7 6 13 5 10 15 9 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"and it is thought he will be staying at the five-star luxury amanjena resort , just outside marrakech .the world-famous football star is expected to fly out to morocco for a glamorous bash with his celebrity friends and family .david beckham 's 40th birthday celebrations next weekend were never going to be a small affair .\"]\n", + "=======================\n", + "['the football star is said to be flying his closest friends to the five-star luxury amanjena resort outside marrakechtom cruise , guy ritchie , gordon ramsay and best friend dave gardner are set to attend the lavish eventthe opulent hotel is where david and victoria renewed their vows in 2004']\n", + "and it is thought he will be staying at the five-star luxury amanjena resort , just outside marrakech .the world-famous football star is expected to fly out to morocco for a glamorous bash with his celebrity friends and family .david beckham 's 40th birthday celebrations next weekend were never going to be a small affair .\n", + "the football star is said to be flying his closest friends to the five-star luxury amanjena resort outside marrakechtom cruise , guy ritchie , gordon ramsay and best friend dave gardner are set to attend the lavish eventthe opulent hotel is where david and victoria renewed their vows in 2004\n", + "[1.3520286 1.4458172 1.175554 1.1893299 1.3145926 1.1799585 1.1155374\n", + " 1.063362 1.1774747 1.0644051 1.0151354 1.0782 1.0413136 1.0603822\n", + " 1.0446482 1.0365566 1.0267351 1.0548638 1.0315775 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 4 3 5 8 2 6 11 9 7 13 17 14 12 15 18 16 10 21 19 20 22]\n", + "=======================\n", + "[\"the 16-year-old was part of the chelsea under 19 team that won the uefa youth league by beating shakhtar donetsk in monday 's final in nyon , switzerland .ian wright has hailed chelsea 's up-and-coming star jay dasilva , claiming he is better than any current left back in the barclays premier league .chelsea became the first english team to win the youth league after two goals from captain izzy brown and another from dominic solanke led them to a 3-2 win .\"]\n", + "=======================\n", + "[\"former arsenal and england striker hails youth league winner jay dasilvathe left back was part of team that beat shakhtar 3-2 in monday 's finalian wright said 16-year-old was better than any premier league left backhe also praised tammy abraham , charly musonda and charlie colkettread : will chelsea ever bring through english players ?\"]\n", + "the 16-year-old was part of the chelsea under 19 team that won the uefa youth league by beating shakhtar donetsk in monday 's final in nyon , switzerland .ian wright has hailed chelsea 's up-and-coming star jay dasilva , claiming he is better than any current left back in the barclays premier league .chelsea became the first english team to win the youth league after two goals from captain izzy brown and another from dominic solanke led them to a 3-2 win .\n", + "former arsenal and england striker hails youth league winner jay dasilvathe left back was part of team that beat shakhtar 3-2 in monday 's finalian wright said 16-year-old was better than any premier league left backhe also praised tammy abraham , charly musonda and charlie colkettread : will chelsea ever bring through english players ?\n", + "[1.2434624 1.4961622 1.1173697 1.2780225 1.2202204 1.099475 1.0400387\n", + " 1.0677514 1.0380024 1.0214024 1.0162437 1.1700201 1.1928376 1.1212999\n", + " 1.0364528 1.0443587 1.0352495 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 4 12 11 13 2 5 7 15 6 8 14 16 9 10 17 18 19 20 21 22]\n", + "=======================\n", + "['amber phillips of los angeles expressed her support for the right to die law introduced in california on tuesday that if passed next year will legalize physician assisted suicide for terminally ill patients .regretted her choice : amber phillips says she regrets making her mother undergo chemotherapy against her will when her breast cancer progressed to the point that she could not enjoy her lifea daughter whose mother died from breast cancer says she wishes she would have let her mother die as oppose to making her undergo more painful chemotherapy .']\n", + "=======================\n", + "[\"amber phillips of los angeles expressed her support for the right to die law introduced in california on tuesdayphillips said she regrets not allowing her mother connie phillips to stop her chemotherapy treatment against her will` had she had the choice to end her own life she might have been able to reclaim some of her autonomy and dignity , ' phillips told dailymail.com\"]\n", + "amber phillips of los angeles expressed her support for the right to die law introduced in california on tuesday that if passed next year will legalize physician assisted suicide for terminally ill patients .regretted her choice : amber phillips says she regrets making her mother undergo chemotherapy against her will when her breast cancer progressed to the point that she could not enjoy her lifea daughter whose mother died from breast cancer says she wishes she would have let her mother die as oppose to making her undergo more painful chemotherapy .\n", + "amber phillips of los angeles expressed her support for the right to die law introduced in california on tuesdayphillips said she regrets not allowing her mother connie phillips to stop her chemotherapy treatment against her will` had she had the choice to end her own life she might have been able to reclaim some of her autonomy and dignity , ' phillips told dailymail.com\n", + "[1.253754 1.1140889 1.1728213 1.1433612 1.1052464 1.1631968 1.0657729\n", + " 1.0807734 1.0586382 1.0626774 1.0382906 1.0385586 1.0529153 1.0567533\n", + " 1.1204637 1.0915574 1.0437891 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 5 3 14 1 4 15 7 6 9 8 13 12 16 11 10 17 18 19 20 21 22]\n", + "=======================\n", + "['( cnn ) the united states is failing its partners .the trouble is that little of our foreign military financing -- including the recent counterterrorism partnership funds -- goes toward this vital facet in our efforts to counter extremism .the 2015 national security strategy speaks to the importance of american-led partnerships , while the 2014 quadrennial defense review noted that we \" will rebalance our counterterrorism efforts toward greater emphasis on building partnership capacity . \"']\n", + "=======================\n", + "['meaghan keeler-pettigrew , stuart bradin : u.s. must rethink special forcesunited states is spreading foreign military assistance too thin , they say']\n", + "( cnn ) the united states is failing its partners .the trouble is that little of our foreign military financing -- including the recent counterterrorism partnership funds -- goes toward this vital facet in our efforts to counter extremism .the 2015 national security strategy speaks to the importance of american-led partnerships , while the 2014 quadrennial defense review noted that we \" will rebalance our counterterrorism efforts toward greater emphasis on building partnership capacity . \"\n", + "meaghan keeler-pettigrew , stuart bradin : u.s. must rethink special forcesunited states is spreading foreign military assistance too thin , they say\n", + "[1.220472 1.2972298 1.1745746 1.171817 1.2125762 1.139376 1.0944484\n", + " 1.0906585 1.0945972 1.0996057 1.0766664 1.0343198 1.0504812 1.0336158\n", + " 1.0205005 1.01515 1.0537721 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 5 9 8 6 7 10 16 12 11 13 14 15 18 17 19]\n", + "=======================\n", + "[\"when the public commissions with jurisdiction over the white house heard proposals for beefing up the presidential mansion 's perimiter , they were told that the government would n't be digging a moat around the building .secret service agents will take a bullet for the president of the united states , but apparently they wo n't swim for him .that idea , it turns out , was actually under consideration .\"]\n", + "=======================\n", + "[\"white house planners say they 're ready to recommend spikes at the top of the mansion 's fenceposts to better protect the presidentmove comes after several fence-jumpers , including one who sprinted inside the white housetennessee democratic rep. steve cohen asked the acting secret service director in november if 1600 pennsylvania avenue needed a six-foot moatthat idea was actually under consideration , but later scrapped over maintenance concerns and ` having to retrieve people from it '\"]\n", + "when the public commissions with jurisdiction over the white house heard proposals for beefing up the presidential mansion 's perimiter , they were told that the government would n't be digging a moat around the building .secret service agents will take a bullet for the president of the united states , but apparently they wo n't swim for him .that idea , it turns out , was actually under consideration .\n", + "white house planners say they 're ready to recommend spikes at the top of the mansion 's fenceposts to better protect the presidentmove comes after several fence-jumpers , including one who sprinted inside the white housetennessee democratic rep. steve cohen asked the acting secret service director in november if 1600 pennsylvania avenue needed a six-foot moatthat idea was actually under consideration , but later scrapped over maintenance concerns and ` having to retrieve people from it '\n", + "[1.1428183 1.2205323 1.2830956 1.2726854 1.173545 1.0738745 1.0246139\n", + " 1.1573434 1.1151853 1.0247669 1.0688864 1.0908997 1.0696213 1.0521761\n", + " 1.0408597 1.0115217 1.0620177 1.0883001 0. 0. ]\n", + "\n", + "[ 2 3 1 4 7 0 8 11 17 5 12 10 16 13 14 9 6 15 18 19]\n", + "=======================\n", + "[\"this year 's election has bought with it a bizarre batch of merchandise in a bid to sway the nation .david cameron is said to have watched bake off in the past which could explain these cake caseshowever , you might be more surprised to see shot glasses emblazoned with david cameron 's face , ukip pendents and even party leader underwear appearing on shelves .\"]\n", + "=======================\n", + "['the uk general election is just over two weeks awaypolitical parties and retailers selling political merchandisestrange offerings include high viz jackets , decanters and birthday cards']\n", + "this year 's election has bought with it a bizarre batch of merchandise in a bid to sway the nation .david cameron is said to have watched bake off in the past which could explain these cake caseshowever , you might be more surprised to see shot glasses emblazoned with david cameron 's face , ukip pendents and even party leader underwear appearing on shelves .\n", + "the uk general election is just over two weeks awaypolitical parties and retailers selling political merchandisestrange offerings include high viz jackets , decanters and birthday cards\n", + "[1.2846781 1.4757926 1.2986761 1.3616239 1.2077177 1.032798 1.0619571\n", + " 1.0890515 1.1390235 1.0503795 1.037286 1.0170168 1.1015428 1.0151451\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 8 12 7 6 9 10 5 11 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"the 31-year-old from leicester rocked ronnie o'sullivan in last year 's final to claim his maiden crucible title , and returned to ease 6-3 ahead of kurt maflin in their first-round tussle .mark selby plays a shot in the first round match against kurt maflin on day one of the world championshipno first-time champion in sheffield has returned to retain the trophy 12 months on , and that factor has taken the tag of the ` crucible curse ' .\"]\n", + "=======================\n", + "['mark selby leads kurt maflin 6-3 and needs only four more frames to winno first-time champion in sheffield has returned to retain the trophyselby and maflin shared the first four frames before selby pulled awaymarco fu leads jimmy robertson 5-4 after break of 66 in final frame']\n", + "the 31-year-old from leicester rocked ronnie o'sullivan in last year 's final to claim his maiden crucible title , and returned to ease 6-3 ahead of kurt maflin in their first-round tussle .mark selby plays a shot in the first round match against kurt maflin on day one of the world championshipno first-time champion in sheffield has returned to retain the trophy 12 months on , and that factor has taken the tag of the ` crucible curse ' .\n", + "mark selby leads kurt maflin 6-3 and needs only four more frames to winno first-time champion in sheffield has returned to retain the trophyselby and maflin shared the first four frames before selby pulled awaymarco fu leads jimmy robertson 5-4 after break of 66 in final frame\n", + "[1.4885117 1.3738221 1.291514 1.0984586 1.2543497 1.2816437 1.0734317\n", + " 1.0512407 1.0753347 1.0290067 1.1574515 1.0359719 1.0142976 1.0189669\n", + " 1.0274814 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 5 4 10 3 8 6 7 11 9 14 13 12 15 16 17 18 19]\n", + "=======================\n", + "['exeter swept aside newcastle 48-13 to set up a semi-final showdown with gloucester in the inaugural european challenge cup .the chiefs outscored their opponents six tries to one at sandy park , with a david ewers score and a penalty try helping the home side into a 17-6 half-time lead .exeter then added further tries through thomas waldrom , byron mcguigan , sam hill and dean mumm after the break , with outclassed newcastle only able to respond with a 68th-minute effort from chris harris and eight points from the boot of tom catterick .']\n", + "=======================\n", + "['exeter and gloucester will go head-to-head for place in inaugural finalwinner will face either newport gwent dragons , london irish or edinburghdavid ewers helped his side into a 17-6 half-time lead']\n", + "exeter swept aside newcastle 48-13 to set up a semi-final showdown with gloucester in the inaugural european challenge cup .the chiefs outscored their opponents six tries to one at sandy park , with a david ewers score and a penalty try helping the home side into a 17-6 half-time lead .exeter then added further tries through thomas waldrom , byron mcguigan , sam hill and dean mumm after the break , with outclassed newcastle only able to respond with a 68th-minute effort from chris harris and eight points from the boot of tom catterick .\n", + "exeter and gloucester will go head-to-head for place in inaugural finalwinner will face either newport gwent dragons , london irish or edinburghdavid ewers helped his side into a 17-6 half-time lead\n", + "[1.6466386 1.330658 1.1662376 1.4196024 1.1965082 1.1155491 1.0729967\n", + " 1.0181527 1.0157884 1.0355833 1.0120262 1.0131987 1.0501624 1.023356\n", + " 1.0386578 1.0279375 1.0266812 1.0461715 1.0896912 1.0314881]\n", + "\n", + "[ 0 3 1 4 2 5 18 6 12 17 14 9 19 15 16 13 7 8 11 10]\n", + "=======================\n", + "[\"chad mendes underlined his no 1 spot in ufc 's featherweight rankings with an explosive first-round technical knockout of former title contender ricardo lamas in fairfax on saturday night .coming into the fight on the back of a decision loss in what was 2014 's ` fight of the year ' against champion jose aldo , mendes did not disappoint .mendes celebrates his first-round victory against lamas as he returned to action in virginia\"]\n", + "=======================\n", + "['chad mendes keeps his no 1 ranking after demolition of ricardo lamasa right hand to the top of the head dropped lamas in under three minutesal iaquinta takes split decision after 15-minute war with jorge masvidaljulianna pena and dustin poirier won their fights in the first round']\n", + "chad mendes underlined his no 1 spot in ufc 's featherweight rankings with an explosive first-round technical knockout of former title contender ricardo lamas in fairfax on saturday night .coming into the fight on the back of a decision loss in what was 2014 's ` fight of the year ' against champion jose aldo , mendes did not disappoint .mendes celebrates his first-round victory against lamas as he returned to action in virginia\n", + "chad mendes keeps his no 1 ranking after demolition of ricardo lamasa right hand to the top of the head dropped lamas in under three minutesal iaquinta takes split decision after 15-minute war with jorge masvidaljulianna pena and dustin poirier won their fights in the first round\n", + "[1.1294417 1.3463387 1.3230772 1.1515718 1.1640364 1.0277354 1.0853086\n", + " 1.1035612 1.0445797 1.1685832 1.0966544 1.0893712 1.0525073 1.0600431\n", + " 1.0445485 1.0136907 1.023996 1.0137942 1.0139309 1.0499192]\n", + "\n", + "[ 1 2 9 4 3 0 7 10 11 6 13 12 19 8 14 5 16 18 17 15]\n", + "=======================\n", + "[\"for zayn 's relationship with little mix singer perrie edwards as come under scrutiny as the 22-year-old was once again accused of cheating on his fiance .at the weekend swedish model martina olsson claimed that she had slept with zayn while he was holidaying in thailand recently .like cheryl and ashley both zayn and perrie , 21 , have enjoyed a huge amount of fame .\"]\n", + "=======================\n", + "[\"zayn and perrie 's relationship has been dogged with cheating rumourszayn has been accused of sleeping with several different womenmuch like ashley cole who was accused of cheating on cheryl colecheryl and ashley - who were married for four years - divorced in 2010\"]\n", + "for zayn 's relationship with little mix singer perrie edwards as come under scrutiny as the 22-year-old was once again accused of cheating on his fiance .at the weekend swedish model martina olsson claimed that she had slept with zayn while he was holidaying in thailand recently .like cheryl and ashley both zayn and perrie , 21 , have enjoyed a huge amount of fame .\n", + "zayn and perrie 's relationship has been dogged with cheating rumourszayn has been accused of sleeping with several different womenmuch like ashley cole who was accused of cheating on cheryl colecheryl and ashley - who were married for four years - divorced in 2010\n", + "[1.290788 1.3088344 1.0939981 1.1997279 1.0303863 1.0189658 1.0469995\n", + " 1.1267041 1.3083289 1.2601578 1.0608588 1.0381889 1.0674757 1.0290262\n", + " 1.1830668 1.0730685 1.0398227 1.0636142 0. 0. ]\n", + "\n", + "[ 1 8 0 9 3 14 7 2 15 12 17 10 6 16 11 4 13 5 18 19]\n", + "=======================\n", + "[\"the 11-time all star brushed off rough treatment from the chicago bulls as his cavs won on sunday by saying it 's the sort of thing nba stars should expect come this stage of the season .drilling threes on the buzzer is all good as far as cleveland cavaliers superstar lebron james is concerned - the buzzing of drills at the dentist is a whole other story .lebron delivered his first triple-double for cavs as they won a 50th game of the campaign and 18th straight at home in their march towards the playoffs .\"]\n", + "=======================\n", + "[\"lebron james posted an unhappy picture at the dentist on instagramhis visit to the dentist 's chair follows his first triple-double for clevelandjames brought 20 points , 10 rebounds and 12 assists in win over chicago\"]\n", + "the 11-time all star brushed off rough treatment from the chicago bulls as his cavs won on sunday by saying it 's the sort of thing nba stars should expect come this stage of the season .drilling threes on the buzzer is all good as far as cleveland cavaliers superstar lebron james is concerned - the buzzing of drills at the dentist is a whole other story .lebron delivered his first triple-double for cavs as they won a 50th game of the campaign and 18th straight at home in their march towards the playoffs .\n", + "lebron james posted an unhappy picture at the dentist on instagramhis visit to the dentist 's chair follows his first triple-double for clevelandjames brought 20 points , 10 rebounds and 12 assists in win over chicago\n", + "[1.2215259 1.5189538 1.2370013 1.2935908 1.0973427 1.259357 1.1150894\n", + " 1.015501 1.0203961 1.2530651 1.186981 1.0691916 1.0340351 1.0160083\n", + " 1.0453274 1.0116782 1.0509663 0. 0. 0. ]\n", + "\n", + "[ 1 3 5 9 2 0 10 6 4 11 16 14 12 8 13 7 15 18 17 19]\n", + "=======================\n", + "['kyle iveson burst into a convenience store and demanded cash from shop assistant karen brown , the mother of his ex-girlfriend and grandmother of his daughter .he escaped with # 650 , but was quickly arrested and has now pleaded guilty to robbery and being in possession of a bladed article .terror : iveson was brandishing a 12in knife when he burst into the convenience store']\n", + "=======================\n", + "['kyle iveson , 24 , burst into convenience store armed with a 12in knifebut shop worker karen brown , 54 , recognised him because she is the mother of his ex-girlfriendshe reported him to police moments later and he has now been jailed']\n", + "kyle iveson burst into a convenience store and demanded cash from shop assistant karen brown , the mother of his ex-girlfriend and grandmother of his daughter .he escaped with # 650 , but was quickly arrested and has now pleaded guilty to robbery and being in possession of a bladed article .terror : iveson was brandishing a 12in knife when he burst into the convenience store\n", + "kyle iveson , 24 , burst into convenience store armed with a 12in knifebut shop worker karen brown , 54 , recognised him because she is the mother of his ex-girlfriendshe reported him to police moments later and he has now been jailed\n", + "[1.2042441 1.4428037 1.3169129 1.3994642 1.3196647 1.1900523 1.1351894\n", + " 1.0597156 1.1102281 1.0721004 1.0356929 1.0208076 1.0503703 1.0192747\n", + " 1.053778 1.0130115 1.0070294 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 5 6 8 9 7 14 12 10 11 13 15 16 18 17 19]\n", + "=======================\n", + "[\"ophelia conant had managed to crawl backwards through a gap in the cot at her home in holmer green , buckinghamshire , but was left hanging mid air by her neck .the furniture boss who supplied the beds , phillip dickens , who was described as the ` king of diy ' was today fined # 50,000 and given a suspended prison sentence .the 19-month-old was only saved when her mother , louise conant , happened to be watching the incident unfold on a baby monitor .\"]\n", + "=======================\n", + "['ophelia conant managed to crawl backwards through cot and get trappedher mother was watching baby monitor and found her hanging by neckdays later another toddler found dangling in # 450 bed from same companyphillip dickens , owner of furniture supplier , was given suspended sentence']\n", + "ophelia conant had managed to crawl backwards through a gap in the cot at her home in holmer green , buckinghamshire , but was left hanging mid air by her neck .the furniture boss who supplied the beds , phillip dickens , who was described as the ` king of diy ' was today fined # 50,000 and given a suspended prison sentence .the 19-month-old was only saved when her mother , louise conant , happened to be watching the incident unfold on a baby monitor .\n", + "ophelia conant managed to crawl backwards through cot and get trappedher mother was watching baby monitor and found her hanging by neckdays later another toddler found dangling in # 450 bed from same companyphillip dickens , owner of furniture supplier , was given suspended sentence\n", + "[1.2749864 1.5416799 1.1717833 1.3249311 1.0819299 1.0780255 1.3202554\n", + " 1.0596253 1.0124279 1.2133657 1.3022907 1.0157423 1.0150769 1.0064266\n", + " 1.029255 1.2352384 1.05679 1.0087699 1.0096692 1.0057157]\n", + "\n", + "[ 1 3 6 10 0 15 9 2 4 5 7 16 14 11 12 8 18 17 13 19]\n", + "=======================\n", + "['tottenham have confirmed they will travel to australia and malaysia at the end of the premier league season , while chelsea are also set to travel abroad when the current campaign finishes .arsenal boss arsene wenger has slammed post season tours as a nightmaremanchester united manager louis van gaal has successfully lobbied for a shorter than anticipated tour of the us this summer .']\n", + "=======================\n", + "[\"manchester united , tottenham and chelsea are all travelling abroad after the end of the premier league seasonarsene wenger has decided not to extend arsenal 's summer tourthe gunners face relegation candidates burnley on saturday\"]\n", + "tottenham have confirmed they will travel to australia and malaysia at the end of the premier league season , while chelsea are also set to travel abroad when the current campaign finishes .arsenal boss arsene wenger has slammed post season tours as a nightmaremanchester united manager louis van gaal has successfully lobbied for a shorter than anticipated tour of the us this summer .\n", + "manchester united , tottenham and chelsea are all travelling abroad after the end of the premier league seasonarsene wenger has decided not to extend arsenal 's summer tourthe gunners face relegation candidates burnley on saturday\n", + "[1.0752728 1.2471205 1.3415389 1.3195438 1.078921 1.1187162 1.18074\n", + " 1.1977985 1.1331204 1.0511787 1.0399189 1.0390668 1.0736407 1.1106695\n", + " 1.0867782 1.1301295 1.0895634 1.0618956]\n", + "\n", + "[ 2 3 1 7 6 8 15 5 13 16 14 4 0 12 17 9 10 11]\n", + "=======================\n", + "[\"since it opened its doors in 1994 , the airport has never lost a piece of luggage , giving it an impeccable 21-year record .but , if you want to guarantee your luggage will never be lost , you will need to fly in to kansai international airport , in osaka , japan .the airport 's impeccable baggage record has to do with the way that staff places the suitcases on carousels\"]\n", + "=======================\n", + "['skytrax found kansai international as the top airport for baggage handlingkansai has not lost a single piece of luggage in the 21 years its been openin recent ranking of top 10 airports , seven of the ten are located in asia']\n", + "since it opened its doors in 1994 , the airport has never lost a piece of luggage , giving it an impeccable 21-year record .but , if you want to guarantee your luggage will never be lost , you will need to fly in to kansai international airport , in osaka , japan .the airport 's impeccable baggage record has to do with the way that staff places the suitcases on carousels\n", + "skytrax found kansai international as the top airport for baggage handlingkansai has not lost a single piece of luggage in the 21 years its been openin recent ranking of top 10 airports , seven of the ten are located in asia\n", + "[1.2886385 1.479143 1.2255626 1.182505 1.1633909 1.1351595 1.1429099\n", + " 1.163621 1.1102809 1.0754001 1.072098 1.0841693 1.1573538 1.0314229\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 7 4 12 6 5 8 11 9 10 13 16 14 15 17]\n", + "=======================\n", + "[\"neymar and alves headed to watch el clasico on thursday night alongside the brazilian 's sister rafaella .team-mates neymar and dani alves proved their dedication to barcelona by supporting the club 's basketball side .barca prevailed with a narrow 85-80 victory in the euro league contest .\"]\n", + "=======================\n", + "[\"neymar helped brazil beat chile 1-0 at the emirates stadium last weekendbarcelona won the el clasico to go four points clear at the top of la ligaluis enrique 's side take on celta vigo in la liga on sunday\"]\n", + "neymar and alves headed to watch el clasico on thursday night alongside the brazilian 's sister rafaella .team-mates neymar and dani alves proved their dedication to barcelona by supporting the club 's basketball side .barca prevailed with a narrow 85-80 victory in the euro league contest .\n", + "neymar helped brazil beat chile 1-0 at the emirates stadium last weekendbarcelona won the el clasico to go four points clear at the top of la ligaluis enrique 's side take on celta vigo in la liga on sunday\n", + "[1.2001941 1.5156059 1.3155476 1.3415643 1.281609 1.1207576 1.0594003\n", + " 1.0208058 1.0172606 1.1584846 1.1567957 1.0263705 1.0100133 1.0090129\n", + " 1.0082691 1.0079746 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 9 10 5 6 11 7 8 12 13 14 15 16 17]\n", + "=======================\n", + "[\"rajee narinesingh was one of the victims of ` toxic tush ' doctor oneal ron morris , who performed illegal plastic surgeries using substances such as fix-a-flat , super glue and mineral oil .rajee had morris inject her cheeks , lips and chin back in 2005 , and ended up disfigured after she did not have the money to go to a proper cosmetic surgeon .rajee was recently treated by dr terry dubrow and dr paul nassif in a process that will be featured on the premiere episode of botched\"]\n", + "=======================\n", + "['rajee narinesingh , one of the victims of ` toxic tush doctor ` oneal ron morris , stepped out showing her new face over the weekendrajee was recently treated by dr terry dubrow and dr paul nassif in a process that will be featured on the premiere episode of botchedthis after a 2005 procedure in which her cheeks , chin and lips were injected with cement and tire sealant']\n", + "rajee narinesingh was one of the victims of ` toxic tush ' doctor oneal ron morris , who performed illegal plastic surgeries using substances such as fix-a-flat , super glue and mineral oil .rajee had morris inject her cheeks , lips and chin back in 2005 , and ended up disfigured after she did not have the money to go to a proper cosmetic surgeon .rajee was recently treated by dr terry dubrow and dr paul nassif in a process that will be featured on the premiere episode of botched\n", + "rajee narinesingh , one of the victims of ` toxic tush doctor ` oneal ron morris , stepped out showing her new face over the weekendrajee was recently treated by dr terry dubrow and dr paul nassif in a process that will be featured on the premiere episode of botchedthis after a 2005 procedure in which her cheeks , chin and lips were injected with cement and tire sealant\n", + "[1.2273953 1.2369052 1.2727265 1.288682 1.2818825 1.1837437 1.0539815\n", + " 1.0889741 1.1237999 1.0894306 1.0947418 1.0580115 1.0697949 1.0263679\n", + " 1.0426716 1.0141081 1.0244061 1.0623968]\n", + "\n", + "[ 3 4 2 1 0 5 8 10 9 7 12 17 11 6 14 13 16 15]\n", + "=======================\n", + "[\"the two goals scored by luis suarez against psg took barcelona past 400 champions league goalsbarcelona have reached the landmark in 202 champions league matches since 1992and barcelona 's second of the night , in the 67th minute when suarez stormed through , nutmegged david luiz and finished , was their 400th goal in the competition .\"]\n", + "=======================\n", + "['barcelona have now scored 401 goals in the champions leaguea double from luis suarez and another from neymar beat psg 3-1catalan side have achieved the feat in 202 matches since 1992but they have some way to go to catch the 436 of real madrid']\n", + "the two goals scored by luis suarez against psg took barcelona past 400 champions league goalsbarcelona have reached the landmark in 202 champions league matches since 1992and barcelona 's second of the night , in the 67th minute when suarez stormed through , nutmegged david luiz and finished , was their 400th goal in the competition .\n", + "barcelona have now scored 401 goals in the champions leaguea double from luis suarez and another from neymar beat psg 3-1catalan side have achieved the feat in 202 matches since 1992but they have some way to go to catch the 436 of real madrid\n", + "[1.0982132 1.2839108 1.4711419 1.1879884 1.1191349 1.1810822 1.1166055\n", + " 1.0498163 1.3152764 1.0884241 1.0340804 1.135329 1.1004351 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 8 1 3 5 11 4 6 12 0 9 7 10 16 13 14 15 17]\n", + "=======================\n", + "['alejandro bouvier of uruguay filmed the moment another rider got scarily close to his watercraft one sunny day .but all of those appeared to have sunk to the bottom of the ocean at a beach in cancun , mexico , as a new nail-biting video proves .footage shows him zipping towards the driver before he swings around and drives directly in his path .']\n", + "=======================\n", + "['alejandro bouvier of uruguay filmed the moment another rider got scarily close to his watercraft one sunny day']\n", + "alejandro bouvier of uruguay filmed the moment another rider got scarily close to his watercraft one sunny day .but all of those appeared to have sunk to the bottom of the ocean at a beach in cancun , mexico , as a new nail-biting video proves .footage shows him zipping towards the driver before he swings around and drives directly in his path .\n", + "alejandro bouvier of uruguay filmed the moment another rider got scarily close to his watercraft one sunny day\n", + "[1.2135525 1.3615466 1.3693653 1.2594895 1.2694696 1.1820815 1.1663438\n", + " 1.1393983 1.1268891 1.1174378 1.0920157 1.0728669 1.0849074 1.0644096\n", + " 1.0096971 1.0178876 1.0932679]\n", + "\n", + "[ 2 1 4 3 0 5 6 7 8 9 16 10 12 11 13 15 14]\n", + "=======================\n", + "[\"authorities say 38-year-old uriel miranda died at the scene and his 2-year-old daughter yaretsi miranda died saturday evening at a hospital .the car , which was carrying 12 , crashed when a blown tire caused the 2006 ford expedition to overturn saturday in martin county , on central florida 's atlantic coast .father , uriel miranda , 38 ( left ) and two children , yordi miranda , 8 , ( right ) and yaretsi miranda , 2 , were killed after their suv rolled over highway\"]\n", + "=======================\n", + "[\"the car crashed when a left rear tire tread separated on the florida turnpike on saturdaythe crash took place at about 4:45 p.muriel miranda , 38 , who was in the car with his wife and seven children as well as his three brothers , died at the scenehis daughter , yaretsi miranda , 2 , died along with yordi miranda , 8troopers say all 12 occupants were relatives from apopkapolice report indicated half of them were n't wearing seat belts\"]\n", + "authorities say 38-year-old uriel miranda died at the scene and his 2-year-old daughter yaretsi miranda died saturday evening at a hospital .the car , which was carrying 12 , crashed when a blown tire caused the 2006 ford expedition to overturn saturday in martin county , on central florida 's atlantic coast .father , uriel miranda , 38 ( left ) and two children , yordi miranda , 8 , ( right ) and yaretsi miranda , 2 , were killed after their suv rolled over highway\n", + "the car crashed when a left rear tire tread separated on the florida turnpike on saturdaythe crash took place at about 4:45 p.muriel miranda , 38 , who was in the car with his wife and seven children as well as his three brothers , died at the scenehis daughter , yaretsi miranda , 2 , died along with yordi miranda , 8troopers say all 12 occupants were relatives from apopkapolice report indicated half of them were n't wearing seat belts\n", + "[1.2009349 1.5256436 1.2860434 1.4022076 1.2001586 1.1361407 1.0336381\n", + " 1.0532357 1.0429798 1.0748053 1.0398691 1.1031152 1.1085485 1.0629716\n", + " 1.0628163 1.0534676 1.0243982]\n", + "\n", + "[ 1 3 2 0 4 5 12 11 9 13 14 15 7 8 10 6 16]\n", + "=======================\n", + "[\"iona costello , 51 , and her daughter emily , from greenport , were going into the city when they were last seen on march 30 near their home in the the wealthy seaside village .an eastern long island widow and her 14-year-old have been missing for almost three weeks after a trip to new york city to see a play .relatives of the family , who own a horse farm on long island 's north fork , reported them missing on tuesday .\"]\n", + "=======================\n", + "[\"iona costello , 51 , and her daughter emily , 14 , missing since late marchpair from posh suburb of greenpoint , long island , often went to showsvideo shows them with suitcases , but relatives are worried after daughter began missing schoolmother told workers at her horse farm that she 'd be ` back on tuesday '\"]\n", + "iona costello , 51 , and her daughter emily , from greenport , were going into the city when they were last seen on march 30 near their home in the the wealthy seaside village .an eastern long island widow and her 14-year-old have been missing for almost three weeks after a trip to new york city to see a play .relatives of the family , who own a horse farm on long island 's north fork , reported them missing on tuesday .\n", + "iona costello , 51 , and her daughter emily , 14 , missing since late marchpair from posh suburb of greenpoint , long island , often went to showsvideo shows them with suitcases , but relatives are worried after daughter began missing schoolmother told workers at her horse farm that she 'd be ` back on tuesday '\n", + "[1.2259645 1.4249238 1.380162 1.2115989 1.2206864 1.1002996 1.1663703\n", + " 1.0410285 1.0511544 1.206576 1.0152308 1.0150871 1.0454711 1.1407202\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 3 9 6 13 5 8 12 7 10 11 14 15 16]\n", + "=======================\n", + "['swedish scientists analysed more than 10,000 families with children aged two to 14 who did not have the condition , looking at whether there was any family conflict , a change of family structure , interventions from social services or unemployment .subsequently , 58 children were diagnosed with type 1 diabetes .the researchers found many were among those badly affected by events in their formative years .']\n", + "=======================\n", + "['swedish scientists analysed more than 10,000 families in the study58 children with diabetes had also been badly affected by previous eventsother factors include viral infection , diet and early weight gain']\n", + "swedish scientists analysed more than 10,000 families with children aged two to 14 who did not have the condition , looking at whether there was any family conflict , a change of family structure , interventions from social services or unemployment .subsequently , 58 children were diagnosed with type 1 diabetes .the researchers found many were among those badly affected by events in their formative years .\n", + "swedish scientists analysed more than 10,000 families in the study58 children with diabetes had also been badly affected by previous eventsother factors include viral infection , diet and early weight gain\n", + "[1.0696628 1.0424988 1.1261253 1.1673497 1.2219943 1.3370556 1.0776713\n", + " 1.0255766 1.0456607 1.0393318 1.0503169 1.0361873 1.0282239 1.1582105\n", + " 1.0289886 0. 0. ]\n", + "\n", + "[ 5 4 3 13 2 6 0 10 8 1 9 11 14 12 7 15 16]\n", + "=======================\n", + "['britain last year produced more than 1.5 million cars -- the most since 2007 -- and we are poised to overtake france and become the second biggest car manufacturing power in europe .they were examples of british manufacturing and design and engineering -- and they were about to be loaded on to ships and taken to other european countries , and to africa , and asia ; and i reflected on one of the most stunning turnaround stories in the economic history of this country .boris johnson : the problem with ed miliband is that he wants to take the country back to the 1970s']\n", + "=======================\n", + "[\"boris johnson issues rally cry to defeat ed miliband in ` battle for britain 'london mayor has warned that labour victory next month would be ` mad 'he says conservatives need five years to ` entrench the economic recovery '\"]\n", + "britain last year produced more than 1.5 million cars -- the most since 2007 -- and we are poised to overtake france and become the second biggest car manufacturing power in europe .they were examples of british manufacturing and design and engineering -- and they were about to be loaded on to ships and taken to other european countries , and to africa , and asia ; and i reflected on one of the most stunning turnaround stories in the economic history of this country .boris johnson : the problem with ed miliband is that he wants to take the country back to the 1970s\n", + "boris johnson issues rally cry to defeat ed miliband in ` battle for britain 'london mayor has warned that labour victory next month would be ` mad 'he says conservatives need five years to ` entrench the economic recovery '\n", + "[1.3393613 1.2539858 1.2166853 1.1880616 1.2053459 1.1797699 1.093814\n", + " 1.2560322 1.0208641 1.0428704 1.1598662 1.0772676 1.0438589 1.0400348\n", + " 1.008729 1.0322009 0. ]\n", + "\n", + "[ 0 7 1 2 4 3 5 10 6 11 12 9 13 15 8 14 16]\n", + "=======================\n", + "['disgraced former virginia gov. bob mcdonnell made his final written plea to a federal appeals court wednesday , arguing that the favors he did for a wealthy businessman were routine courtesies and not part of a bribery scheme .bob mcdonnell was sentenced to two years in prison and his wife to one year and one day , but they remain free while they pursue separate appeals .the onetime rising republican star made the argument in a 54-page brief in the 4th u.s. circuit court of appeals .']\n", + "=======================\n", + "[\"bob mcdonnell used his office to benefit a nutritional supplement company whose president lavished gifts on him and his wifehis lawyers argue that he never performed any ` official acts ' for star scientific , a company that sought support for his ` anatabloc ' supplementmcdonnell was sentenced to two years in prison and his wife got one year and one day ; they 're both free pending appealsthree-judge federal court panel will hear the former governor 's appeal on may 12\"]\n", + "disgraced former virginia gov. bob mcdonnell made his final written plea to a federal appeals court wednesday , arguing that the favors he did for a wealthy businessman were routine courtesies and not part of a bribery scheme .bob mcdonnell was sentenced to two years in prison and his wife to one year and one day , but they remain free while they pursue separate appeals .the onetime rising republican star made the argument in a 54-page brief in the 4th u.s. circuit court of appeals .\n", + "bob mcdonnell used his office to benefit a nutritional supplement company whose president lavished gifts on him and his wifehis lawyers argue that he never performed any ` official acts ' for star scientific , a company that sought support for his ` anatabloc ' supplementmcdonnell was sentenced to two years in prison and his wife got one year and one day ; they 're both free pending appealsthree-judge federal court panel will hear the former governor 's appeal on may 12\n", + "[1.3356445 1.4136313 1.3498411 1.2024578 1.4022001 1.0705742 1.0287099\n", + " 1.0669687 1.015191 1.0407997 1.2743261 1.183725 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 0 10 3 11 5 7 9 6 8 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"after the parkhead club 's 2-0 win on friday night , deila branded most surfaces in the scottish premiership ` terrible ' and argued that artificial pitches would make for better spectacles .gary teale hit back at celtic boss ronny deila for his criticism of the st mirren park pitch on monday nightbut teale insists the norwegian 's criticism was unjustified and unfair on the paisley club 's award-winning groundsman , tommy docherty .\"]\n", + "=======================\n", + "[\"ronny deila criticised the st mirren park pitch after friday night 's winceltic beat st mirren 2-0 away from home in the scottish premiershipteale insists deila 's criticism was unjustified and unfair on the club\"]\n", + "after the parkhead club 's 2-0 win on friday night , deila branded most surfaces in the scottish premiership ` terrible ' and argued that artificial pitches would make for better spectacles .gary teale hit back at celtic boss ronny deila for his criticism of the st mirren park pitch on monday nightbut teale insists the norwegian 's criticism was unjustified and unfair on the paisley club 's award-winning groundsman , tommy docherty .\n", + "ronny deila criticised the st mirren park pitch after friday night 's winceltic beat st mirren 2-0 away from home in the scottish premiershipteale insists deila 's criticism was unjustified and unfair on the club\n", + "[1.2327416 1.2877545 1.3583866 1.2241037 1.2818857 1.1385399 1.234401\n", + " 1.0973687 1.0700185 1.0370809 1.0369842 1.2100431 1.0142453 1.0792371\n", + " 1.0211933 1.090833 1.0305696 1.0330615 1.0125674 1.0080953 1.0124674]\n", + "\n", + "[ 2 1 4 6 0 3 11 5 7 15 13 8 9 10 17 16 14 12 18 20 19]\n", + "=======================\n", + "[\"hengshui no 2 middle school is an ` exemplary school ' in hebei province in central china .web users suggested the fence was put up by school authorities to prevent more pupils from jumping off the building , the people 's daily online reports .two pupils from the school plunged to death , one in october and one in march .\"]\n", + "=======================\n", + "['metal bars have been fitted to close off balconies facing central court at hengshui no 2 middle schooltwo students have plunged to death on campus since last octoberthe school is well-known for its highly stressful environmentall students must get up at 5:30 am and study for 10 hours a day']\n", + "hengshui no 2 middle school is an ` exemplary school ' in hebei province in central china .web users suggested the fence was put up by school authorities to prevent more pupils from jumping off the building , the people 's daily online reports .two pupils from the school plunged to death , one in october and one in march .\n", + "metal bars have been fitted to close off balconies facing central court at hengshui no 2 middle schooltwo students have plunged to death on campus since last octoberthe school is well-known for its highly stressful environmentall students must get up at 5:30 am and study for 10 hours a day\n", + "[1.0441583 1.1455195 1.264915 1.2351055 1.2079554 1.1134046 1.1640539\n", + " 1.0684853 1.1184638 1.0623169 1.0657502 1.0789902 1.0607969 1.0464178\n", + " 1.0328199 1.0388331 1.019078 1.0710506 0. 0. 0. ]\n", + "\n", + "[ 2 3 4 6 1 8 5 11 17 7 10 9 12 13 0 15 14 16 19 18 20]\n", + "=======================\n", + "[\"yellowstone 's magma reserves are many magnitudes greater than previously thought , say scientists from the university of utah .underneath the national park 's attractions and walking paths is enough hot rock to fill the grand canyon nearly 14 times over .most of it is in a newly discovered magma reservoir , which the scientists featured in a study published on thursday in the journal science .\"]\n", + "=======================\n", + "[\"scientist measured the thousands of small earthquakes in yellowstone to scan the earth underneath itthey discovered a vast magma reservoir fueling a vast one scientists already knew aboutprehistoric eruptions of yellowstone supervolcano were some of earth 's largest explosions\"]\n", + "yellowstone 's magma reserves are many magnitudes greater than previously thought , say scientists from the university of utah .underneath the national park 's attractions and walking paths is enough hot rock to fill the grand canyon nearly 14 times over .most of it is in a newly discovered magma reservoir , which the scientists featured in a study published on thursday in the journal science .\n", + "scientist measured the thousands of small earthquakes in yellowstone to scan the earth underneath itthey discovered a vast magma reservoir fueling a vast one scientists already knew aboutprehistoric eruptions of yellowstone supervolcano were some of earth 's largest explosions\n", + "[1.2684383 1.2497987 1.2476488 1.2887731 1.3345071 1.2630268 1.0760928\n", + " 1.0432063 1.0689338 1.0499902 1.0862416 1.0516131 1.0133225 1.0600876\n", + " 1.0159963 1.0339656 1.2123946 0. 0. 0. 0. ]\n", + "\n", + "[ 4 3 0 5 1 2 16 10 6 8 13 11 9 7 15 14 12 19 17 18 20]\n", + "=======================\n", + "[\"death row : kent sprouse gunned down ferris police officer marty steinfeldt , 28 , at a gas station outside of dallas before also shooting dead a customer , pedro moreno , 38 , in 2002he would be the fifth inmate executed this year in texas , the nation 's most active death penalty state .kent sprouse acknowledged almost immediately after he was arrested more than a decade ago that he killed a police officer and another man outside a dallas-area convenience store .\"]\n", + "=======================\n", + "['kent sprouse , 42 , faces lethal injection at 6pm thursdayin 2002 he gunned down ferris police officer marty steinfeldt , 28 , at a gas station outside of dallas and a customer , pedro moreno , 38sprouse was high on meth , but his insanity defense was rejectedhe was sentenced to death in 2004sprouse has not appealed the sentence recentlyit could be the last execution in texas for a whilethe state has a shortage the lethal drug pentobarbital']\n", + "death row : kent sprouse gunned down ferris police officer marty steinfeldt , 28 , at a gas station outside of dallas before also shooting dead a customer , pedro moreno , 38 , in 2002he would be the fifth inmate executed this year in texas , the nation 's most active death penalty state .kent sprouse acknowledged almost immediately after he was arrested more than a decade ago that he killed a police officer and another man outside a dallas-area convenience store .\n", + "kent sprouse , 42 , faces lethal injection at 6pm thursdayin 2002 he gunned down ferris police officer marty steinfeldt , 28 , at a gas station outside of dallas and a customer , pedro moreno , 38sprouse was high on meth , but his insanity defense was rejectedhe was sentenced to death in 2004sprouse has not appealed the sentence recentlyit could be the last execution in texas for a whilethe state has a shortage the lethal drug pentobarbital\n", + "[1.2181067 1.2763649 1.2297565 1.1528755 1.1891841 1.2311869 1.0826141\n", + " 1.1192272 1.0693393 1.0492444 1.0664067 1.0816327 1.1304197 1.0680202\n", + " 1.0727137 1.0720733 1.0258325 1.023163 1.0350517 1.0201302 1.0547078]\n", + "\n", + "[ 1 5 2 0 4 3 12 7 6 11 14 15 8 13 10 20 9 18 16 17 19]\n", + "=======================\n", + "['and fighting has killed hundreds of people in less than two weeks .the electricity has gone out on 16 million yemenis living in houthi-held areas , the yemeni officials said .but the airstrikes have hurt them and destroyed a lot of infrastructure .']\n", + "=======================\n", + "[\"bombing of targets in central sanaa smashes residents ' windows and doorshundreds killed in less than two weeks ; humanitarian situation desperate , agencies say\"]\n", + "and fighting has killed hundreds of people in less than two weeks .the electricity has gone out on 16 million yemenis living in houthi-held areas , the yemeni officials said .but the airstrikes have hurt them and destroyed a lot of infrastructure .\n", + "bombing of targets in central sanaa smashes residents ' windows and doorshundreds killed in less than two weeks ; humanitarian situation desperate , agencies say\n", + "[1.3786294 1.4751868 1.3086854 1.3380239 1.0460855 1.0879599 1.0603838\n", + " 1.2108967 1.2642535 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 8 7 5 6 4 23 22 21 20 19 18 17 12 15 14 13 24 11 10 9\n", + " 16 25]\n", + "=======================\n", + "[\"the west brom chairman has fielded enquiries from consortia in america , china and australia with some parties already having a tour of the club 's training ground facilities .jeremy peace is ready to shelve the sale of west bromwich albion if a deal is not in place by july .aston villa are already in talks with potential buyers .\"]\n", + "=======================\n", + "[\"west brom chairman jeremy peace has fielded enquiries from consortia in america , china and australiasome of the parties have already had a tour of the club 's training facilitiespeace owns 77 per cent of the premier league club and is looking to sell the club for between # 150m and # 200m\"]\n", + "the west brom chairman has fielded enquiries from consortia in america , china and australia with some parties already having a tour of the club 's training ground facilities .jeremy peace is ready to shelve the sale of west bromwich albion if a deal is not in place by july .aston villa are already in talks with potential buyers .\n", + "west brom chairman jeremy peace has fielded enquiries from consortia in america , china and australiasome of the parties have already had a tour of the club 's training facilitiespeace owns 77 per cent of the premier league club and is looking to sell the club for between # 150m and # 200m\n", + "[1.3105326 1.3335224 1.1790292 1.1663548 1.1199921 1.2681152 1.0751035\n", + " 1.0340419 1.0522403 1.0167831 1.04187 1.0510821 1.020894 1.04237\n", + " 1.0887773 1.0292839 1.0111736 1.0298783 1.0117148 1.0653542 1.0704924\n", + " 1.0378668 1.044936 1.0407381 1.0206807 1.0471661]\n", + "\n", + "[ 1 0 5 2 3 4 14 6 20 19 8 11 25 22 13 10 23 21 7 17 15 12 24 9\n", + " 18 16]\n", + "=======================\n", + "['the new miniseries from mark burnett and roma downey is one of six shows to watch this week .( cnn ) in 2013 , \" the bible \" broke ratings records on the history channel , so of course , a sequel was ordered up -- and this one is on nbc .the full miniseries will run for 12 weeks , so consider it a spring revival .']\n", + "=======================\n", + "['sequel to popular \" bible \" miniseries debuting on nbc\" mad men \" premieres the first of its final episodesnetflix premieres its first marvel series , \" daredevil \"']\n", + "the new miniseries from mark burnett and roma downey is one of six shows to watch this week .( cnn ) in 2013 , \" the bible \" broke ratings records on the history channel , so of course , a sequel was ordered up -- and this one is on nbc .the full miniseries will run for 12 weeks , so consider it a spring revival .\n", + "sequel to popular \" bible \" miniseries debuting on nbc\" mad men \" premieres the first of its final episodesnetflix premieres its first marvel series , \" daredevil \"\n", + "[1.2850213 1.3307257 1.2624493 1.1819203 1.1080402 1.1711917 1.142554\n", + " 1.2053173 1.1481836 1.0789849 1.2469829 1.0903105 1.0366063 1.0216595\n", + " 1.0250769 1.0260372 1.0522261 1.0523466 1.0526268 1.0100075 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 10 7 3 5 8 6 4 11 9 18 17 16 12 15 14 13 19 24 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"sterling has escaped a club punishment after being caught on video inhaling the legal high nitrous oxide , but fresh pictures have emerged of him holding a shisha pipe , this time alongside young team-mate jordon ibe .raheem sterling arrived at liverpool 's melwood base for training on wednesday after the latest twist to his controversy-ridden season .sterling , 20 , and ibe , 19 , were pictured during what is believed to be a visit to a shisha cafe in london earlier this season .\"]\n", + "=======================\n", + "['raheem sterling and jordon ibe were pictured holding shisha pipesthe england forward was also recorded on video inhaling nitrous oxidebut sterling has avoid punishment from liverpool over the videoarsenal and other clubs are now cooling their interest in sterlingpictures emerged last week of liverpool star sterling smoking shishafootage also emerged of him inhaling nitrous oxide from a balloon']\n", + "sterling has escaped a club punishment after being caught on video inhaling the legal high nitrous oxide , but fresh pictures have emerged of him holding a shisha pipe , this time alongside young team-mate jordon ibe .raheem sterling arrived at liverpool 's melwood base for training on wednesday after the latest twist to his controversy-ridden season .sterling , 20 , and ibe , 19 , were pictured during what is believed to be a visit to a shisha cafe in london earlier this season .\n", + "raheem sterling and jordon ibe were pictured holding shisha pipesthe england forward was also recorded on video inhaling nitrous oxidebut sterling has avoid punishment from liverpool over the videoarsenal and other clubs are now cooling their interest in sterlingpictures emerged last week of liverpool star sterling smoking shishafootage also emerged of him inhaling nitrous oxide from a balloon\n", + "[1.2226351 1.5641513 1.226056 1.4294505 1.1537861 1.0837657 1.0953486\n", + " 1.0593681 1.1370898 1.0510094 1.1271935 1.0762876 1.0247601 1.0115633\n", + " 1.0115378 1.009911 1.0380065 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 8 10 6 5 11 7 9 16 12 13 14 15 24 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"joseph o'riordan , 76 , was found guilty of attempted murder after his wife mandy , 47 , was left with life-threatening injuries to the chest , torso and back at their home in polegate , east sussex .the former polegate town councillor had become suspicious of his wife 's movements and placed a gps tracker on her car as he hired a private detective to watch her , a court heard .a councillor who stabbed his wife nine times with a kitchen knife after discovering her affair with the postman has been jailed for 20 years .\"]\n", + "=======================\n", + "[\"councillor joseph o'riordan found guilty of attempting to murder his wifecourt heard attack occurred after he discovered her affair with the postmanamanda o'riordan , 47 , in extra-marital relationship with married nick gunnpostman mr gunn , 41 , had previous affairs with women on his rounds\"]\n", + "joseph o'riordan , 76 , was found guilty of attempted murder after his wife mandy , 47 , was left with life-threatening injuries to the chest , torso and back at their home in polegate , east sussex .the former polegate town councillor had become suspicious of his wife 's movements and placed a gps tracker on her car as he hired a private detective to watch her , a court heard .a councillor who stabbed his wife nine times with a kitchen knife after discovering her affair with the postman has been jailed for 20 years .\n", + "councillor joseph o'riordan found guilty of attempting to murder his wifecourt heard attack occurred after he discovered her affair with the postmanamanda o'riordan , 47 , in extra-marital relationship with married nick gunnpostman mr gunn , 41 , had previous affairs with women on his rounds\n", + "[1.1092004 1.4703956 1.1893147 1.1319854 1.262825 1.1790724 1.245254\n", + " 1.1517503 1.107028 1.075646 1.0755693 1.0704738 1.0718398 1.1139201\n", + " 1.1043394 1.1971074 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 6 15 2 5 7 3 13 0 8 14 9 10 12 11 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"youtube videos show four-month-old noah monte perfectly balancing on the palm of his father 's hand as he 's lifted through the air .noah apparently started performing the ` circus act ' when he was just one-month-old .as he whizzes up and down , the infant manages to keep his legs and body upright .\"]\n", + "=======================\n", + "[\"youtube videos show four-month-old noah monte perfectly balancing on the palm of his father 's hand as he 's lifted through the airhe apparently started performing the ` circus act ' when he was a month oldbut now - more than a year on - it appears he could be getting a little too heavy for his father to lift in the palm of his hand\"]\n", + "youtube videos show four-month-old noah monte perfectly balancing on the palm of his father 's hand as he 's lifted through the air .noah apparently started performing the ` circus act ' when he was just one-month-old .as he whizzes up and down , the infant manages to keep his legs and body upright .\n", + "youtube videos show four-month-old noah monte perfectly balancing on the palm of his father 's hand as he 's lifted through the airhe apparently started performing the ` circus act ' when he was a month oldbut now - more than a year on - it appears he could be getting a little too heavy for his father to lift in the palm of his hand\n", + "[1.0659047 1.1413736 1.4708097 1.3594201 1.1972682 1.084172 1.1439145\n", + " 1.0642409 1.1671941 1.0705721 1.05937 1.0527736 1.0187788 1.0641736\n", + " 1.0631168 1.0180194 1.0943264 1.044611 1.0301759 0. ]\n", + "\n", + "[ 2 3 4 8 6 1 16 5 9 0 7 13 14 10 11 17 18 12 15 19]\n", + "=======================\n", + "['philadelphia-based artist and journalist alison nastasi has collated a collection of intimate portraits featuring well-known artists with their furry friends .in this image , spanish surrealist painter salvador dali poses with his cat babou , a colombian wild catjournalist and artist nastasi curated over 50 intimate portraits of well-known artists and their beloved animals']\n", + "=======================\n", + "['artist and journalist alison nastasi put together the portrait collectionalso features images of picasso , frida kahlo , and john lennonreveals quaint personality traits shared between artists and their felines']\n", + "philadelphia-based artist and journalist alison nastasi has collated a collection of intimate portraits featuring well-known artists with their furry friends .in this image , spanish surrealist painter salvador dali poses with his cat babou , a colombian wild catjournalist and artist nastasi curated over 50 intimate portraits of well-known artists and their beloved animals\n", + "artist and journalist alison nastasi put together the portrait collectionalso features images of picasso , frida kahlo , and john lennonreveals quaint personality traits shared between artists and their felines\n", + "[1.1607909 1.3795768 1.15993 1.1724217 1.1022695 1.1096926 1.1115607\n", + " 1.1922793 1.054692 1.081571 1.0470356 1.0219187 1.0355251 1.0729631\n", + " 1.0155997 1.0866348 1.0720631 1.0276102 1.0246694 1.0141121]\n", + "\n", + "[ 1 7 3 0 2 6 5 4 15 9 13 16 8 10 12 17 18 11 14 19]\n", + "=======================\n", + "['in england alone , there are more than 670,000 unpaid carers helping someone with dementia .this marks the beginning of the middle stage , the longest stage , which can last for several years .here , in the final week of our major good health series on dementia , we turn our attention to the carers and what can be done to make life easier for them and their loved ones ...']\n", + "=======================\n", + "[\"this is the final week of our major good health series on dementiawe turn our attention to carers and what can be done to make life easierin england there are more than 670,000 unpaid carers helping someonewe explain what to if they become anxious as the light starts to fadebed and getting-up times .when to take medication .meal times .shopping days .leisure time such as tv , radio or social times .before you start talking always engage eye contact to help get the person with dementia to focus on you .be careful about asking questions they may be unable to process .finishing sentences for them can increase frustration .watch their body language as this can give you clues about how they are feeling .if they 're doing something obviously wrong , for example putting dishes in the washing machine or clothes in a food cupboard , do n't ask them why or castigate them - the reasoning side of their brain has been affected and pointing out their mistakes will only cause them embarrassment and frustration .\"]\n", + "in england alone , there are more than 670,000 unpaid carers helping someone with dementia .this marks the beginning of the middle stage , the longest stage , which can last for several years .here , in the final week of our major good health series on dementia , we turn our attention to the carers and what can be done to make life easier for them and their loved ones ...\n", + "this is the final week of our major good health series on dementiawe turn our attention to carers and what can be done to make life easierin england there are more than 670,000 unpaid carers helping someonewe explain what to if they become anxious as the light starts to fadebed and getting-up times .when to take medication .meal times .shopping days .leisure time such as tv , radio or social times .before you start talking always engage eye contact to help get the person with dementia to focus on you .be careful about asking questions they may be unable to process .finishing sentences for them can increase frustration .watch their body language as this can give you clues about how they are feeling .if they 're doing something obviously wrong , for example putting dishes in the washing machine or clothes in a food cupboard , do n't ask them why or castigate them - the reasoning side of their brain has been affected and pointing out their mistakes will only cause them embarrassment and frustration .\n", + "[1.2797521 1.2968684 1.2198038 1.2979363 1.3194494 1.2186809 1.0366224\n", + " 1.0462127 1.051091 1.1616023 1.0488935 1.045135 1.2013324 1.041568\n", + " 1.0195428 1.0090638 1.0096905 0. 0. 0. ]\n", + "\n", + "[ 4 3 1 0 2 5 12 9 8 10 7 11 13 6 14 16 15 18 17 19]\n", + "=======================\n", + "[\"keurig green mountain 's single-serve capsules in 2014 hit over $ 3 billion in us salessuccess : keurig 's chief technology officer kevin sullivan has said that single-serve coffee has ` found the hidden need - the need that people did n't know they had '1/3 of homes in the united states now feature single-serve coffee machines , cbs news reported .\"]\n", + "=======================\n", + "[\"keurig green mountain 's single-serve capsules in 2014 hit over $ 3 billion in us sales , it 's been revealedthe company has also made $ 4.7 billion in revenue1/3 of homes in the us reportedly feature single-serve coffee machineskeurig 's chief technology officer kevin sullivan has said ` single serve , i think , found the hidden need - the need that people did n't know they had '\"]\n", + "keurig green mountain 's single-serve capsules in 2014 hit over $ 3 billion in us salessuccess : keurig 's chief technology officer kevin sullivan has said that single-serve coffee has ` found the hidden need - the need that people did n't know they had '1/3 of homes in the united states now feature single-serve coffee machines , cbs news reported .\n", + "keurig green mountain 's single-serve capsules in 2014 hit over $ 3 billion in us sales , it 's been revealedthe company has also made $ 4.7 billion in revenue1/3 of homes in the us reportedly feature single-serve coffee machineskeurig 's chief technology officer kevin sullivan has said ` single serve , i think , found the hidden need - the need that people did n't know they had '\n", + "[1.079301 1.2353032 1.1998498 1.1815782 1.1631815 1.111336 1.0501579\n", + " 1.0751129 1.0662041 1.0662547 1.065174 1.0185732 1.1089021 1.0800886\n", + " 1.0300678 1.0627962 1.0518019 1.092815 1.0175195 1.027813 ]\n", + "\n", + "[ 1 2 3 4 5 12 17 13 0 7 9 8 10 15 16 6 14 19 11 18]\n", + "=======================\n", + "[\"the difference here is the governing authority 's stamp : the islamic state in iraq and syria .it 's one of many official documents relating to matters such as vaccination schedules , fishing methods and rent disputes in the areas now controlled by isis .for isis sees itself as a government operating under a rule of law , even if the group is most often talked about for its barbaric punishment of anyone who resists or defies its medieval interpretation of that islamic law .\"]\n", + "=======================\n", + "['isis is known for brutal takeovers and medieval justice , but it sees itself as a stateofficial documents show just how far their rules affect daily life']\n", + "the difference here is the governing authority 's stamp : the islamic state in iraq and syria .it 's one of many official documents relating to matters such as vaccination schedules , fishing methods and rent disputes in the areas now controlled by isis .for isis sees itself as a government operating under a rule of law , even if the group is most often talked about for its barbaric punishment of anyone who resists or defies its medieval interpretation of that islamic law .\n", + "isis is known for brutal takeovers and medieval justice , but it sees itself as a stateofficial documents show just how far their rules affect daily life\n", + "[1.3012607 1.4811727 1.3007027 1.2756099 1.0415139 1.1321481 1.1032591\n", + " 1.0378945 1.084666 1.0092436 1.2554495 1.0527915 1.0781503 1.124231\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 10 5 13 6 8 12 11 4 7 9 14 15 16 17 18 19]\n", + "=======================\n", + "['the 25-year-old suspect , who has been identified as gul ahmad saeed , is alleged to have shot dead his fiancee , her parents and seven of her siblings on sunday , police have said .a pakistani man suspected of killing his fiancee and nine of her relatives after they appeared to be reluctant to give her permission to marry - months after he allegedly murdered his own parents .fled : saeed , 25 , is now said to be in the semi-autonomous pashtun area , on the border with afghanistan']\n", + "=======================\n", + "[\"gul ahmad saeed suspected of shooting fiancee , her parents and siblingssaid to have been ` infuriated ' about her uncle 's indecisiveness over matchsaeed , 25 , had already allegedly killed four members of his own familyhas been on the run from police since their deaths earlier this year\"]\n", + "the 25-year-old suspect , who has been identified as gul ahmad saeed , is alleged to have shot dead his fiancee , her parents and seven of her siblings on sunday , police have said .a pakistani man suspected of killing his fiancee and nine of her relatives after they appeared to be reluctant to give her permission to marry - months after he allegedly murdered his own parents .fled : saeed , 25 , is now said to be in the semi-autonomous pashtun area , on the border with afghanistan\n", + "gul ahmad saeed suspected of shooting fiancee , her parents and siblingssaid to have been ` infuriated ' about her uncle 's indecisiveness over matchsaeed , 25 , had already allegedly killed four members of his own familyhas been on the run from police since their deaths earlier this year\n", + "[1.5626955 1.2092909 1.4697809 1.234144 1.1504264 1.2512054 1.1363163\n", + " 1.0895771 1.0177742 1.0135804 1.0177708 1.0167097 1.0438217 1.173184\n", + " 1.1555241 1.0282669 1.0178792 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 5 3 1 13 14 4 6 7 12 15 16 8 10 11 9 24 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "['karen bell , 42 , from hull , has been jailed for 12 months after blackmailing a man for # 55 and threatening to post videos of their sex trysts onlinehowever , hull crown court heard that after their meeting she contacted the man -- who can not be named for legal reasons -- and threatened to post the footage on facebook unless he paid her # 25 .the couple met on free dating website plenty of fish ( pictured ) and met up after starting up a conversation']\n", + "=======================\n", + "['karen bell met victim - who can not be named - on dating site plenty of fishpair met up and acted out fantasy in which she spanked him with trainers42-year-old then claimed son had filmed entire session and demanded # 25threatened to post video online unless victim paid cash which rose to # 55']\n", + "karen bell , 42 , from hull , has been jailed for 12 months after blackmailing a man for # 55 and threatening to post videos of their sex trysts onlinehowever , hull crown court heard that after their meeting she contacted the man -- who can not be named for legal reasons -- and threatened to post the footage on facebook unless he paid her # 25 .the couple met on free dating website plenty of fish ( pictured ) and met up after starting up a conversation\n", + "karen bell met victim - who can not be named - on dating site plenty of fishpair met up and acted out fantasy in which she spanked him with trainers42-year-old then claimed son had filmed entire session and demanded # 25threatened to post video online unless victim paid cash which rose to # 55\n", + "[1.048673 1.3646955 1.1585834 1.2009033 1.3457676 1.1607603 1.2001847\n", + " 1.0210648 1.0177041 1.0202557 1.0230683 1.0203394 1.0159004 1.0380391\n", + " 1.0702518 1.0690824 1.1460615 1.0355347 1.0232718 1.0186397 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 6 5 2 16 14 15 0 13 17 18 10 7 11 9 19 8 12 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"nathan redmond had only been on the pitch for six minutes when he made the decisive intervention in this tightly-fought encounter , but what a crucial one it could prove to be .bradley johnson celebrates after firing home a second-half winner at the amex stadiumredmond 's natural acceleration saw him spectacularly outpace joe bennett and his low cross was fired high into the net by bradley johnson at the back post .\"]\n", + "=======================\n", + "['norwich move up to third spot with away victory against brightonbradley johnson struck in the 62nd minute to hand his side crucial winbrighton remain in 16th position with six league games to go']\n", + "nathan redmond had only been on the pitch for six minutes when he made the decisive intervention in this tightly-fought encounter , but what a crucial one it could prove to be .bradley johnson celebrates after firing home a second-half winner at the amex stadiumredmond 's natural acceleration saw him spectacularly outpace joe bennett and his low cross was fired high into the net by bradley johnson at the back post .\n", + "norwich move up to third spot with away victory against brightonbradley johnson struck in the 62nd minute to hand his side crucial winbrighton remain in 16th position with six league games to go\n", + "[1.2434931 1.5060523 1.3255347 1.0953163 1.1098934 1.1924517 1.2717599\n", + " 1.1024855 1.0865746 1.0453781 1.0141096 1.0160795 1.0654639 1.0296282\n", + " 1.076234 1.1942034 1.2104826 1.0308647 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 6 0 16 15 5 4 7 3 8 14 12 9 17 13 11 10 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "['waheed ahmed , 21 , who is the son of rochdale politician shakil ahmed , was arrested with eight relatives -- including four children -- in a remote turkish border town earlier this month .however , it is understood he is now returning to the uk and will fly from dalaman into manchester airport later this evening .the majority of the family flew to turkey on march 27 from manchester airport and are accused of having plans to try and sneak across the border into syria .']\n", + "=======================\n", + "[\"waheed ahmed , 21 , detained alongside eight family members in turkeyrochdale labour councillor shakil ahmed 's son accused of fleeing to syriahe was arrested in turkish border town with family , including four childrenwill return to uk on a flight to manchester from dalaman later this evening\"]\n", + "waheed ahmed , 21 , who is the son of rochdale politician shakil ahmed , was arrested with eight relatives -- including four children -- in a remote turkish border town earlier this month .however , it is understood he is now returning to the uk and will fly from dalaman into manchester airport later this evening .the majority of the family flew to turkey on march 27 from manchester airport and are accused of having plans to try and sneak across the border into syria .\n", + "waheed ahmed , 21 , detained alongside eight family members in turkeyrochdale labour councillor shakil ahmed 's son accused of fleeing to syriahe was arrested in turkish border town with family , including four childrenwill return to uk on a flight to manchester from dalaman later this evening\n", + "[1.1508417 1.1368424 1.242919 1.086733 1.0839351 1.0385373 1.1471703\n", + " 1.125999 1.1434697 1.1508666 1.0765587 1.0404983 1.0347308 1.0970746\n", + " 1.0639206 1.0421827 1.0780828 1.0397782 1.0659447 1.0147364 1.0522734\n", + " 1.0385834 1.0574892 1.0529712 1.1404594 1.086755 ]\n", + "\n", + "[ 2 9 0 6 8 24 1 7 13 25 3 4 16 10 18 14 22 23 20 15 11 17 21 5\n", + " 12 19]\n", + "=======================\n", + "[\"google politics tweeted about former first lady and secretary of state hillary clinton 's announcement that she is seeking the presidency .google has been steadily revealing some of the biggest questions its users have typed into the search engine about 2016 presidential candidates .the most popular question typed into google during that time period was asking how old clinton is .\"]\n", + "=======================\n", + "[\"google has been steadily revealing some of the biggest questions its users have typed into the search engine regarding 2016 presidential candidatesmany of the questions focused on candidates ' ages and heightsothers have asked about where candidates are from and their political party affiliations\"]\n", + "google politics tweeted about former first lady and secretary of state hillary clinton 's announcement that she is seeking the presidency .google has been steadily revealing some of the biggest questions its users have typed into the search engine about 2016 presidential candidates .the most popular question typed into google during that time period was asking how old clinton is .\n", + "google has been steadily revealing some of the biggest questions its users have typed into the search engine regarding 2016 presidential candidatesmany of the questions focused on candidates ' ages and heightsothers have asked about where candidates are from and their political party affiliations\n", + "[1.2618015 1.2398076 1.2072277 1.2627418 1.2155328 1.1991725 1.1303263\n", + " 1.0635203 1.1163999 1.0958972 1.0961248 1.0700772 1.1637285 1.08995\n", + " 1.0423036 1.0304863 1.0414605 1.0642569 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 2 5 12 6 8 10 9 13 11 17 7 14 16 15 24 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "['found : a newborn girl was found inside the trash outside the delta gamma theta sorority house , pictured , at muskingum university last wednesday .a newborn baby girl who was found dead inside a garbage can outside an ohio sorority house last week was born alive and then suffocated , according to the coroner .it has now emerged the baby was alive when she was born']\n", + "=======================\n", + "[\"the body of a baby girl was found inside a plastic bag in a trash can outside the delta gamma theta at muskingum university last weekan autopsy has now revealed that the baby was born alive and was nearly full term but died from asphyxiationthe child 's mother , whose name has not been released , has spoken with police but has not been charged\"]\n", + "found : a newborn girl was found inside the trash outside the delta gamma theta sorority house , pictured , at muskingum university last wednesday .a newborn baby girl who was found dead inside a garbage can outside an ohio sorority house last week was born alive and then suffocated , according to the coroner .it has now emerged the baby was alive when she was born\n", + "the body of a baby girl was found inside a plastic bag in a trash can outside the delta gamma theta at muskingum university last weekan autopsy has now revealed that the baby was born alive and was nearly full term but died from asphyxiationthe child 's mother , whose name has not been released , has spoken with police but has not been charged\n", + "[1.4636705 1.3345292 1.2602768 1.3332391 1.1004367 1.0840806 1.1325182\n", + " 1.1703268 1.1486278 1.0211453 1.0217237 1.0941514 1.038347 1.1086435\n", + " 1.0285774 1.0122076 1.0505024 1.0147347 1.1023692 1.0508934 0. ]\n", + "\n", + "[ 0 1 3 2 7 8 6 13 18 4 11 5 19 16 12 14 10 9 17 15 20]\n", + "=======================\n", + "['hudson swafford shot a 6-under 66 for a share of the zurich classic lead with boo weekley when second-round play was suspended friday because of the threat of severe weather .swafford had an 11-under 133 total at tpc louisiana .jason day , ranked sixth in the world , was 5 under for the round through 14 holes , pulling him into a five-way tie for third at 10 under with brandon de jonge , cameron tringale , former zurich champion jerry kelly and daniel berger .']\n", + "=======================\n", + "[\"hudson swafford shares the lead on 11-under with boo weekleyplay was later suspended on friday due to the threat of sever weatherengland 's justin rose is four shots off the lead on 7-under\"]\n", + "hudson swafford shot a 6-under 66 for a share of the zurich classic lead with boo weekley when second-round play was suspended friday because of the threat of severe weather .swafford had an 11-under 133 total at tpc louisiana .jason day , ranked sixth in the world , was 5 under for the round through 14 holes , pulling him into a five-way tie for third at 10 under with brandon de jonge , cameron tringale , former zurich champion jerry kelly and daniel berger .\n", + "hudson swafford shares the lead on 11-under with boo weekleyplay was later suspended on friday due to the threat of sever weatherengland 's justin rose is four shots off the lead on 7-under\n", + "[1.2042735 1.1314275 1.1878409 1.2684822 1.2315714 1.2434992 1.0924973\n", + " 1.0771368 1.1153084 1.0722392 1.0559868 1.0461289 1.0268866 1.0958854\n", + " 1.0783619 1.1440994 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 5 4 0 2 15 1 8 13 6 14 7 9 10 11 12 19 16 17 18 20]\n", + "=======================\n", + "['lindy klim , along with former commonwealth games pole vaulter amanda bisk , australian ballet star juliette burnett , and yogi and instagram star sjana earp , wowed the crowds as they struck strong poses .strong is the new sexy : the show on tuesday night was held at white city tennis club in paddington and featured real life fitness influencersinstead , four strong , muscular women sashayed onto the grass , and proceeded to stretch and bend their bodies into yoga poses .']\n", + "=======================\n", + "['we are handsome designers jeremy and katinka somers chose real-life fitness influencers above modelslindy klim , amanda bisk , juliette burnett , kate kendall and sjana earp were among the athletic starsklim told daily mail australia that she exercises two hours a day in bali ... but barely makes it to the gym in oz']\n", + "lindy klim , along with former commonwealth games pole vaulter amanda bisk , australian ballet star juliette burnett , and yogi and instagram star sjana earp , wowed the crowds as they struck strong poses .strong is the new sexy : the show on tuesday night was held at white city tennis club in paddington and featured real life fitness influencersinstead , four strong , muscular women sashayed onto the grass , and proceeded to stretch and bend their bodies into yoga poses .\n", + "we are handsome designers jeremy and katinka somers chose real-life fitness influencers above modelslindy klim , amanda bisk , juliette burnett , kate kendall and sjana earp were among the athletic starsklim told daily mail australia that she exercises two hours a day in bali ... but barely makes it to the gym in oz\n", + "[1.3930305 1.3254796 1.0824254 1.0703375 1.273403 1.3462883 1.1413796\n", + " 1.0760272 1.054787 1.1796418 1.0500376 1.0444788 1.0524845 1.0519891\n", + " 1.1525043 1.0378652 1.0826402 1.0697092 0. 0. 0. ]\n", + "\n", + "[ 0 5 1 4 9 14 6 16 2 7 3 17 8 12 13 10 11 15 19 18 20]\n", + "=======================\n", + "[\"sharon winters was searching for her soulmate when she met kevin hawke on an online dating site - but less than two weeks later she was dead after he stabbed her in a brutal knife attack .kevin hawke has been jailed for 17 and a half years for murdering sharon in a frenzied attack triggered by an argument over what to watch on the televisionnow her brother stephen robinson , 44 , from wirral , merseyside , is speaking for the first time since his sister 's murder , to warn other women to be careful when looking for love online .\"]\n", + "=======================\n", + "['sharon winters , 39 , from wirral , met chef kevin hawke online in july , 2014he stabbed her in a frenzied attack barely two weeks after they mether brother stephen robinson warns women about online dating dangers']\n", + "sharon winters was searching for her soulmate when she met kevin hawke on an online dating site - but less than two weeks later she was dead after he stabbed her in a brutal knife attack .kevin hawke has been jailed for 17 and a half years for murdering sharon in a frenzied attack triggered by an argument over what to watch on the televisionnow her brother stephen robinson , 44 , from wirral , merseyside , is speaking for the first time since his sister 's murder , to warn other women to be careful when looking for love online .\n", + "sharon winters , 39 , from wirral , met chef kevin hawke online in july , 2014he stabbed her in a frenzied attack barely two weeks after they mether brother stephen robinson warns women about online dating dangers\n", + "[1.2526731 1.5086013 1.3647895 1.3126316 1.3414881 1.2096692 1.2379804\n", + " 1.040695 1.0159878 1.0157923 1.0282673 1.0287962 1.0199624 1.1718967\n", + " 1.0769535 1.0217769 1.0190247 1.1377305 1.0385273 1.0096368 1.022083 ]\n", + "\n", + "[ 1 2 4 3 0 6 5 13 17 14 7 18 11 10 20 15 12 16 8 9 19]\n", + "=======================\n", + "['timothy crook is alleged to have murdered his elderly parents bob , 90 , and elsie , 83 , and then driven their bodies 150 miles before dumping them .but the grey car he is accused of using to transport the bodies has been lost , bristol crown court was told .prosecutors have been accused of losing a nissan micra ( similar to the one shown here ) at the centre of a double murder case']\n", + "=======================\n", + "[\"timothy crook is alleged to have murdered his elderly parentshe is then accused of driving their bodies 150 miles in a nissan micrabut crook 's defence lawyer has accused prosecutors of losing the carpolice say the micra is n't lost and is somewhere ` in the north of england '\"]\n", + "timothy crook is alleged to have murdered his elderly parents bob , 90 , and elsie , 83 , and then driven their bodies 150 miles before dumping them .but the grey car he is accused of using to transport the bodies has been lost , bristol crown court was told .prosecutors have been accused of losing a nissan micra ( similar to the one shown here ) at the centre of a double murder case\n", + "timothy crook is alleged to have murdered his elderly parentshe is then accused of driving their bodies 150 miles in a nissan micrabut crook 's defence lawyer has accused prosecutors of losing the carpolice say the micra is n't lost and is somewhere ` in the north of england '\n", + "[1.4120086 1.17447 1.2557682 1.2928581 1.226586 1.2030435 1.1193272\n", + " 1.1390893 1.0817128 1.0485845 1.0459397 1.1530566 1.1130288 1.0807315\n", + " 1.073246 1.0146788 1.0103127 1.0263817 1.031167 0. 0. ]\n", + "\n", + "[ 0 3 2 4 5 1 11 7 6 12 8 13 14 9 10 18 17 15 16 19 20]\n", + "=======================\n", + "[\"eden hazard and harry kane appear set to contest the pfa player of the year award after the six-man shortlist was unveiled .the 21-year-old spurs striker has 29 goals in all competitions to date and forced his way into roy hodgson 's squad , scoring within 79 seconds of his england debut against lithuania last month .eden hazard ( left ) has propelled chelsea to the top of the premier league with his brilliant displays\"]\n", + "=======================\n", + "['harry kane nominated for pfa player of the year after prolific seasoneden hazard and diego costa from chelsea also in contentionphilippe coutinho , david de gea and alexis sanchez also up for the award']\n", + "eden hazard and harry kane appear set to contest the pfa player of the year award after the six-man shortlist was unveiled .the 21-year-old spurs striker has 29 goals in all competitions to date and forced his way into roy hodgson 's squad , scoring within 79 seconds of his england debut against lithuania last month .eden hazard ( left ) has propelled chelsea to the top of the premier league with his brilliant displays\n", + "harry kane nominated for pfa player of the year after prolific seasoneden hazard and diego costa from chelsea also in contentionphilippe coutinho , david de gea and alexis sanchez also up for the award\n", + "[1.1365589 1.4181947 1.182016 1.3284523 1.2281731 1.1763425 1.059804\n", + " 1.1440138 1.0898484 1.1412499 1.0561097 1.0921712 1.0648924 1.0796767\n", + " 1.1189612 1.0423362 1.0786616 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 5 7 9 0 14 11 8 13 16 12 6 10 15 22 17 18 19 20 21 23]\n", + "=======================\n", + "['lindegaard tied the knot with the swedish model last year in a romantic beach wedding in mauritius .manchester united goalkeeper anders lindegaard made the most of the english weather with misse beqiriand the united goalkeeper , who has struggled for minutes throughout his career in manchester , was keen to remind fans via his instagram page of his marriage to stunning beqiri .']\n", + "=======================\n", + "['anders lindegaard posted instagram photo with model wife misse beqirithe man utd goalkeeper tied the knot with beqiri last yearlindegaard is third-choice keeper at old trafford under louis van gaal']\n", + "lindegaard tied the knot with the swedish model last year in a romantic beach wedding in mauritius .manchester united goalkeeper anders lindegaard made the most of the english weather with misse beqiriand the united goalkeeper , who has struggled for minutes throughout his career in manchester , was keen to remind fans via his instagram page of his marriage to stunning beqiri .\n", + "anders lindegaard posted instagram photo with model wife misse beqirithe man utd goalkeeper tied the knot with beqiri last yearlindegaard is third-choice keeper at old trafford under louis van gaal\n", + "[1.3100581 1.29236 1.2204354 1.1959814 1.1723218 1.1038725 1.1660452\n", + " 1.0266615 1.1945752 1.0357826 1.0321895 1.0515295 1.0380328 1.0508465\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 8 4 6 5 11 13 12 9 10 7 22 14 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"eu leaders have agreed a package of measures to tackle the escalating migrant crisis in the mediterranean -- with pledges to send in warships and triple funding for rescue patrols .after years of dithering , an emergency eu summit yesterday agreed to lay the groundwork for military action against traffickers after the deaths of some 1,700 refugees in the last week alone .within days , british warship hms bulwark and the german supply ship berlin are expected to be sent to the region in the biggest sign of the european union 's belated commitment to the cause .\"]\n", + "=======================\n", + "[\"funding increased to # 7m a month for eu 's border patrols in mediterraneanplans lined up for eu militaries to strike against boats used by traffickersbritish warship and german supply ship heading to the region within daysitalian prime minister matteo renzi called measures ' a giant step forward '\"]\n", + "eu leaders have agreed a package of measures to tackle the escalating migrant crisis in the mediterranean -- with pledges to send in warships and triple funding for rescue patrols .after years of dithering , an emergency eu summit yesterday agreed to lay the groundwork for military action against traffickers after the deaths of some 1,700 refugees in the last week alone .within days , british warship hms bulwark and the german supply ship berlin are expected to be sent to the region in the biggest sign of the european union 's belated commitment to the cause .\n", + "funding increased to # 7m a month for eu 's border patrols in mediterraneanplans lined up for eu militaries to strike against boats used by traffickersbritish warship and german supply ship heading to the region within daysitalian prime minister matteo renzi called measures ' a giant step forward '\n", + "[1.4401698 1.3684844 1.3390596 1.4628532 1.3090541 1.166268 1.0225768\n", + " 1.0121052 1.0137504 1.024786 1.0410955 1.0213498 1.1557878 1.070046\n", + " 1.0119121 1.0117733 1.0214982 1.0275614 1.1004691 1.2372189 1.016096\n", + " 1.0127268 1.0081469 1.0093956]\n", + "\n", + "[ 3 0 1 2 4 19 5 12 18 13 10 17 9 6 16 11 20 8 21 7 14 15 23 22]\n", + "=======================\n", + "['hearts captain danny wilson ( right ) is a summer transfer target for celtic and could be signed for # 400,000as sportsmail revealed on tuesday , the scottish champions are considering a # 400,000 offer for the former rangers and liverpool defender .wilson has 12 months left on his current contract , with hearts owner ann budge insisting the newly-promoted edinburgh club have no need to sell .']\n", + "=======================\n", + "['celtic are considering a # 400,000 move for hearts captain danny wilsonhoops could struggle to keep hold of virgil van dijk while loanee john denayer is expected to return to manchester cityscottish championship winners claim they have no need to sell']\n", + "hearts captain danny wilson ( right ) is a summer transfer target for celtic and could be signed for # 400,000as sportsmail revealed on tuesday , the scottish champions are considering a # 400,000 offer for the former rangers and liverpool defender .wilson has 12 months left on his current contract , with hearts owner ann budge insisting the newly-promoted edinburgh club have no need to sell .\n", + "celtic are considering a # 400,000 move for hearts captain danny wilsonhoops could struggle to keep hold of virgil van dijk while loanee john denayer is expected to return to manchester cityscottish championship winners claim they have no need to sell\n", + "[1.2000763 1.3543901 1.1449094 1.2451082 1.2496884 1.1670824 1.0676532\n", + " 1.0538361 1.0683389 1.1188046 1.1410298 1.0168734 1.0832213 1.0737853\n", + " 1.091038 1.0199928 1.0383419 1.0501919 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 0 5 2 10 9 14 12 13 8 6 7 17 16 15 11 18 19 20 21 22 23]\n", + "=======================\n", + "[\"named as abu hafs al-badri , the youthful teenager is claimed to be the cousin of abu bakr al-bagdadhi , the extremist group 's self-styled caliph .abu basir al-shami ( left ) and abu yaqoub al-iraqi ( right ) both blew themselves up in iraq .both boys appear to be be older than 16-years-old .\"]\n", + "=======================\n", + "['teenage suicide bomber abu hafs al badri is referred to as the cousin of isis leader abu bakr al-baghdadiin january , a 14-year-old fighter abu hassan al-shami , blew himself up in salahuddin province , iraqthe rise in isis teenage suicide bombers could indicate how much the jihadi group is struggling to keep territory']\n", + "named as abu hafs al-badri , the youthful teenager is claimed to be the cousin of abu bakr al-bagdadhi , the extremist group 's self-styled caliph .abu basir al-shami ( left ) and abu yaqoub al-iraqi ( right ) both blew themselves up in iraq .both boys appear to be be older than 16-years-old .\n", + "teenage suicide bomber abu hafs al badri is referred to as the cousin of isis leader abu bakr al-baghdadiin january , a 14-year-old fighter abu hassan al-shami , blew himself up in salahuddin province , iraqthe rise in isis teenage suicide bombers could indicate how much the jihadi group is struggling to keep territory\n", + "[1.1402721 1.5027971 1.2436806 1.3037856 1.1720179 1.1816331 1.0629581\n", + " 1.1408006 1.1664048 1.0733238 1.0670857 1.0284508 1.0506437 1.0290568\n", + " 1.0101225 1.0938201 1.0206511 1.0477312 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 5 4 8 7 0 15 9 10 6 12 17 13 11 16 14 22 18 19 20 21 23]\n", + "=======================\n", + "['flight centre founder and brw rich list alumni geoff harris put the port melbourne home up for auction after splashing out $ 12 million on his albert park dream home in may last year .mr harris , who definitely knows how to strike a favourable deal , accepted the hefty offer for his four-bedroom home from a couple at auction on saturday .the buyers knocked out any other bidders with their fist bid and went on to seal the deal with their generous offer .']\n", + "=======================\n", + "['flight centre founder geoff harris sells home for $ 5.5 millionthe sprawling melbourne mansion is located in port melbournehe accepted the offer from a couple at an auction on saturdaythe self-made millionaire is reportedly worth $ 975 millionhe is known for his work with charities and his involvement in afl']\n", + "flight centre founder and brw rich list alumni geoff harris put the port melbourne home up for auction after splashing out $ 12 million on his albert park dream home in may last year .mr harris , who definitely knows how to strike a favourable deal , accepted the hefty offer for his four-bedroom home from a couple at auction on saturday .the buyers knocked out any other bidders with their fist bid and went on to seal the deal with their generous offer .\n", + "flight centre founder geoff harris sells home for $ 5.5 millionthe sprawling melbourne mansion is located in port melbournehe accepted the offer from a couple at an auction on saturdaythe self-made millionaire is reportedly worth $ 975 millionhe is known for his work with charities and his involvement in afl\n", + "[1.0689617 1.1805937 1.0521113 1.1359977 1.144345 1.3680876 1.1807059\n", + " 1.2613152 1.1611476 1.0832202 1.1692833 1.0315412 1.029979 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 5 7 6 1 10 8 4 3 9 0 2 11 12 13 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "['scientists found the species on the caribbean slopes of costa rica .the last time a new glassfrog was found in costa rica was back in 1973 , according to the costa rican amphibian research center .this is big news in the scientific community .']\n", + "=======================\n", + "['the newly discovered species looks a lot like kermityou can see its internal organs through the translucent skin on its belly']\n", + "scientists found the species on the caribbean slopes of costa rica .the last time a new glassfrog was found in costa rica was back in 1973 , according to the costa rican amphibian research center .this is big news in the scientific community .\n", + "the newly discovered species looks a lot like kermityou can see its internal organs through the translucent skin on its belly\n", + "[1.2818266 1.4776593 1.2301842 1.0794725 1.3896201 1.0973148 1.0266824\n", + " 1.2579864 1.0281211 1.036953 1.0163891 1.0391618 1.0483946 1.01351\n", + " 1.0145383 1.0225435 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 0 7 2 5 3 12 11 9 8 6 15 10 14 13 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"shannah kennedy and lyndall mitchell , who between them have been more than three decades of life coaching experience , are teaching their masterclass of wellness to ceos and executives across the country .they call themselves the ` thelma and louise of wellness ' and they 've taken mindfulness to the boardrooms of australia .skills such as dealing with stress , being aware of trains of thought , and accumulative mindfulness are being taught to professionals in the banking , business and retail sector .\"]\n", + "=======================\n", + "[\"shannah kennedy and lyndall mitchell are ` thelma and louise of wellness 'the pair have decades of life coaching and retreat experiencerun a course called the masterclass of wellness : the boardroom retreatteach mindfulness to ceos and executives across australiaclients include nab , macquarie bank , sportsgirl , pwc and kikki.kskills taught include dealing with stress , and accumulative mindfulness\"]\n", + "shannah kennedy and lyndall mitchell , who between them have been more than three decades of life coaching experience , are teaching their masterclass of wellness to ceos and executives across the country .they call themselves the ` thelma and louise of wellness ' and they 've taken mindfulness to the boardrooms of australia .skills such as dealing with stress , being aware of trains of thought , and accumulative mindfulness are being taught to professionals in the banking , business and retail sector .\n", + "shannah kennedy and lyndall mitchell are ` thelma and louise of wellness 'the pair have decades of life coaching and retreat experiencerun a course called the masterclass of wellness : the boardroom retreatteach mindfulness to ceos and executives across australiaclients include nab , macquarie bank , sportsgirl , pwc and kikki.kskills taught include dealing with stress , and accumulative mindfulness\n", + "[1.1915842 1.4073597 1.3431034 1.1555923 1.1705059 1.1310092 1.0431634\n", + " 1.0216286 1.0373807 1.0913029 1.0438527 1.1630986 1.1881367 1.056194\n", + " 1.1211226 1.1401147 1.0532671 1.0114101 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 12 4 11 3 15 5 14 9 13 16 10 6 8 7 17 18 19 20 21 22]\n", + "=======================\n", + "['captured at a known hoon hotspot in yatala on the gold coast , the body cam vision shows the officers saving several victims from inside a flipped holden commodore despite the threat of smouldering flames on the car .a 20-year-old man has been charged with a medley of offences after he flipped the vehicle on saturday night in an intense police chase that left one passenger with a broken neck .alarming footage has surfaced of a crowd of street racers threatening the police officers who rescued their friends from a serious crash .']\n", + "=======================\n", + "['the alarming footage was captured in yatala on the gold coastofficers can be seen rescuing victims from inside a burning vehicleone passenger suffered a broken neck and the others had minor injuriesfriends of the victims were trying to fight officers at the scenea 20-year-old man has been charged with a medley of offences']\n", + "captured at a known hoon hotspot in yatala on the gold coast , the body cam vision shows the officers saving several victims from inside a flipped holden commodore despite the threat of smouldering flames on the car .a 20-year-old man has been charged with a medley of offences after he flipped the vehicle on saturday night in an intense police chase that left one passenger with a broken neck .alarming footage has surfaced of a crowd of street racers threatening the police officers who rescued their friends from a serious crash .\n", + "the alarming footage was captured in yatala on the gold coastofficers can be seen rescuing victims from inside a burning vehicleone passenger suffered a broken neck and the others had minor injuriesfriends of the victims were trying to fight officers at the scenea 20-year-old man has been charged with a medley of offences\n", + "[1.0534624 1.0780597 1.0538349 1.2010658 1.4293399 1.3347738 1.0876437\n", + " 1.0262889 1.0177412 1.1941814 1.2116004 1.072141 1.0579085 1.0223078\n", + " 1.0300113 1.1063104 1.0948862 1.0970485 1.0443116 1.0681977 1.0713907\n", + " 1.0139374 1.013009 ]\n", + "\n", + "[ 4 5 10 3 9 15 17 16 6 1 11 20 19 12 2 0 18 14 7 13 8 21 22]\n", + "=======================\n", + "['former playboy model annette edwards holds her world record continental giant rabbit darius aloftfive-year-old darius is 4ft long and weighs just under 3st -- the king of the continental giant breed .but when i meet darius -- the biggest rabbit on earth -- and his similarly sized son , there is little evidence of diva behaviour .']\n", + "=======================\n", + "[\"annette edwards has owned more than 100 bunnies in the past 10 yearsshe claims the secret to breeding huge rabbits is both parents must be bigthe former playboy model has owned the world 's largest rabbit since 2008her rabbit darius is 4ft in length but he will soon be eclipsed by his son\"]\n", + "former playboy model annette edwards holds her world record continental giant rabbit darius aloftfive-year-old darius is 4ft long and weighs just under 3st -- the king of the continental giant breed .but when i meet darius -- the biggest rabbit on earth -- and his similarly sized son , there is little evidence of diva behaviour .\n", + "annette edwards has owned more than 100 bunnies in the past 10 yearsshe claims the secret to breeding huge rabbits is both parents must be bigthe former playboy model has owned the world 's largest rabbit since 2008her rabbit darius is 4ft in length but he will soon be eclipsed by his son\n", + "[1.3671587 1.2682693 1.2379532 1.0747486 1.2824538 1.1600637 1.1795197\n", + " 1.0855055 1.0286175 1.0279956 1.0371162 1.0148605 1.047717 1.0407708\n", + " 1.0886894 1.0292374 1.1339674 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 4 1 2 6 5 16 14 7 3 12 13 10 15 8 9 11 17 18 19 20 21 22]\n", + "=======================\n", + "[\"in february , when lady gaga went on stage at the oscars , millions of viewers in more than 200 countries saw her perform a tribute to the sound of music to mark its 50th anniversary .each year , 300,000 people come to salzburg to soak up the magic and visit the locations of the film -- it 's the reason three-quarters of all tourists head to the city .in los angeles there was a standing ovation when the original star , julie andrews , came on stage .\"]\n", + "=======================\n", + "['each year 300,000 people visit salzburg to visit magical filming locationsthe first tours started shortly after the film debuted 50 years agobuses emblazoned with the sound of music circle the city every day']\n", + "in february , when lady gaga went on stage at the oscars , millions of viewers in more than 200 countries saw her perform a tribute to the sound of music to mark its 50th anniversary .each year , 300,000 people come to salzburg to soak up the magic and visit the locations of the film -- it 's the reason three-quarters of all tourists head to the city .in los angeles there was a standing ovation when the original star , julie andrews , came on stage .\n", + "each year 300,000 people visit salzburg to visit magical filming locationsthe first tours started shortly after the film debuted 50 years agobuses emblazoned with the sound of music circle the city every day\n", + "[1.0564088 1.4275988 1.1326618 1.1159836 1.3117479 1.1624658 1.3586593\n", + " 1.2662772 1.0471733 1.0222405 1.0178723 1.0574397 1.0806811 1.0253661\n", + " 1.1006908 1.0229679 1.0215173 1.0151936 1.0134389 1.0133507 1.0173571\n", + " 1.017369 1.0374393 1.012982 1.0138036]\n", + "\n", + "[ 1 6 4 7 5 2 3 14 12 11 0 8 22 13 15 9 16 10 21 20 17 24 18 19\n", + " 23]\n", + "=======================\n", + "[\"when adam lyth scratched around for 22 in a championship match against nottinghamshire in 2008 , graeme swann branded him a ` walking wicket ' .yorkshire 's adam lyth fields during day three of the champion county match against the mcclyth , one of six yorkshire players in the england squad that left heathrow on thursday for three tests in the caribbean , hit back in that match seven years ago with a second-innings of 132 .\"]\n", + "=======================\n", + "[\"adam lyth has enjoyed a meteoric rise from his early days with yorkshirehe will now battle jonathan trott to be alastair cook 's opening partner at the first test in antigua on april 13lyth has revealed how practising golf has helped to improve his concentrationa young lyth also spent time trialing as a midfielder with manchester city\"]\n", + "when adam lyth scratched around for 22 in a championship match against nottinghamshire in 2008 , graeme swann branded him a ` walking wicket ' .yorkshire 's adam lyth fields during day three of the champion county match against the mcclyth , one of six yorkshire players in the england squad that left heathrow on thursday for three tests in the caribbean , hit back in that match seven years ago with a second-innings of 132 .\n", + "adam lyth has enjoyed a meteoric rise from his early days with yorkshirehe will now battle jonathan trott to be alastair cook 's opening partner at the first test in antigua on april 13lyth has revealed how practising golf has helped to improve his concentrationa young lyth also spent time trialing as a midfielder with manchester city\n", + "[1.3872881 1.1976864 1.3713526 1.2164841 1.127861 1.0796016 1.0876284\n", + " 1.0104507 1.0774869 1.1939042 1.1620439 1.0228504 1.0324926 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 9 10 4 6 5 8 12 11 7 23 13 14 15 16 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"the bbc faced angry criticism for giving an election platform to ` mini russell brand ' gareth shoulder ( above ) who mocked david cameron over his disabled sonshoulder , 24 , who is a big fan of brand and regularly messages the comedian on social media , used his ` @bbcgen2015 ' twitter page to make the disparaging remark about mr cameron and ivan , who died aged six in 2009 after being born with cerebral palsy and epilepsy .the bbc says it ` hand-picked ' its 200-strong generation 2015 youth panel to ` address fundamental questions about the relationship between uk young adults and democracy ' .\"]\n", + "=======================\n", + "[\"gareth shoulder is a member of the ` generation 2015 election youth panel 'used twitter to make disparaging remark about cameron and son ivan24-year-old was speaking in his own capacity , a bbc spokesman said\"]\n", + "the bbc faced angry criticism for giving an election platform to ` mini russell brand ' gareth shoulder ( above ) who mocked david cameron over his disabled sonshoulder , 24 , who is a big fan of brand and regularly messages the comedian on social media , used his ` @bbcgen2015 ' twitter page to make the disparaging remark about mr cameron and ivan , who died aged six in 2009 after being born with cerebral palsy and epilepsy .the bbc says it ` hand-picked ' its 200-strong generation 2015 youth panel to ` address fundamental questions about the relationship between uk young adults and democracy ' .\n", + "gareth shoulder is a member of the ` generation 2015 election youth panel 'used twitter to make disparaging remark about cameron and son ivan24-year-old was speaking in his own capacity , a bbc spokesman said\n", + "[1.2748928 1.5054326 1.2932799 1.2867237 1.0881406 1.0960503 1.3651371\n", + " 1.0584233 1.0740125 1.0773736 1.0812021 1.093847 1.0890557 1.0419239\n", + " 1.0199016 1.0168176 1.015455 1.0106097 1.0306771 1.0136247 1.0106564\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 6 2 3 0 5 11 12 4 10 9 8 7 13 18 14 15 16 19 20 17 23 21 22\n", + " 24]\n", + "=======================\n", + "[\"michelle heale of tom 's river , new jersey claimed she was trying to burp mason hess when he began choking on his applesauce in august 2012 .but when she pulled him off her shoulder his neck snapped backwards , killing the boy .however she now faces 30 years in prison after a jury found her guilty of killing the youngster .\"]\n", + "=======================\n", + "[\"michelle heale of new jersey claimed she was trying to burp mason hessbut jury said she killed him by snapping his neck as he was chokingwas charged with aggravated manslaughter and endangering a childsobbed uncontrollably as the verdict was read out and said : ' i did n't do it 'turned to her husband and asked him to make sure her five-year-old twins do n't forget hershe faces up to 30 years in prison when she is sentenced next month\"]\n", + "michelle heale of tom 's river , new jersey claimed she was trying to burp mason hess when he began choking on his applesauce in august 2012 .but when she pulled him off her shoulder his neck snapped backwards , killing the boy .however she now faces 30 years in prison after a jury found her guilty of killing the youngster .\n", + "michelle heale of new jersey claimed she was trying to burp mason hessbut jury said she killed him by snapping his neck as he was chokingwas charged with aggravated manslaughter and endangering a childsobbed uncontrollably as the verdict was read out and said : ' i did n't do it 'turned to her husband and asked him to make sure her five-year-old twins do n't forget hershe faces up to 30 years in prison when she is sentenced next month\n", + "[1.2511494 1.4863236 1.3261775 1.3187976 1.2350932 1.0567877 1.0498545\n", + " 1.0359454 1.1434944 1.0904572 1.0538986 1.0555667 1.0146348 1.0302106\n", + " 1.0577097 1.0115802 1.1143274 1.0348045 1.23856 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 18 4 8 16 9 14 5 11 10 6 7 17 13 12 15 23 19 20 21 22\n", + " 24]\n", + "=======================\n", + "['sergio barrientos-hinojosa was arrested late saturday .police say an inebriated barrientos-hinojosa had his 13-year-old son take him to buy beer at the gas station , where he got into an argument and started shooting at another customer .incident : barrientos-hinojosa allegedly got into the argument at an albuquerque gas station ( pictured )']\n", + "=======================\n", + "['police say an inebriated sergio barrientos-hinojosa had his 13-year-old son take him to buy beer at the gas stationonce there , he got into an argument and started shooting at another customer , according to authoritiesinvestigators say the father ordered his son to drive away while he fired his gun in the airpolice pulled over the car near the gas station']\n", + "sergio barrientos-hinojosa was arrested late saturday .police say an inebriated barrientos-hinojosa had his 13-year-old son take him to buy beer at the gas station , where he got into an argument and started shooting at another customer .incident : barrientos-hinojosa allegedly got into the argument at an albuquerque gas station ( pictured )\n", + "police say an inebriated sergio barrientos-hinojosa had his 13-year-old son take him to buy beer at the gas stationonce there , he got into an argument and started shooting at another customer , according to authoritiesinvestigators say the father ordered his son to drive away while he fired his gun in the airpolice pulled over the car near the gas station\n", + "[1.1103098 1.4818465 1.2648718 1.4430546 1.3347028 1.0245267 1.1469864\n", + " 1.0718775 1.0376929 1.0862389 1.0776116 1.0604293 1.0847147 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 6 0 9 12 10 7 11 8 5 22 21 20 19 18 16 15 14 13 23 17\n", + " 24]\n", + "=======================\n", + "[\"the 35-year-old is currently in india ahead of this year 's ipl tournament which starts on wednesday .chris gayle ( left ) uploaded an instagram picture behind the dj decks ahead of the ipl season on tuesdaygayle , pictured in 2012 , will be hoping to win royal challengers bangalore 's first-ever ipl crown this year\"]\n", + "=======================\n", + "[\"chris gayle posted an instagram photo behind the dj decks on tuesdaygayle is in india ahead of the ipl season with royal challengers bangaloreroyal challengers bangalore begin at kolkata knight riders on saturdayclick here to read sportsmail 's ipl preview ahead of the tournament\"]\n", + "the 35-year-old is currently in india ahead of this year 's ipl tournament which starts on wednesday .chris gayle ( left ) uploaded an instagram picture behind the dj decks ahead of the ipl season on tuesdaygayle , pictured in 2012 , will be hoping to win royal challengers bangalore 's first-ever ipl crown this year\n", + "chris gayle posted an instagram photo behind the dj decks on tuesdaygayle is in india ahead of the ipl season with royal challengers bangaloreroyal challengers bangalore begin at kolkata knight riders on saturdayclick here to read sportsmail 's ipl preview ahead of the tournament\n", + "[1.2265143 1.4961427 1.2561929 1.153187 1.2959939 1.1855971 1.1494792\n", + " 1.1174508 1.0898535 1.0490246 1.1080189 1.0746071 1.0675857 1.034529\n", + " 1.0814598 1.0227209 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 0 5 3 6 7 10 8 14 11 12 9 13 15 17 16 18]\n", + "=======================\n", + "[\"michael easy , 29 , from southampton , hampshire , sparked a nationwide police manhunt after going on the run in 2013 after attacking a woman at a party .easy posted the photograph of himself in a wig and pink sunglasses under the facebook name ` michelle dirt 'the image showed him pressing his finger to his lips - taunting police as they had failed to track him down .\"]\n", + "=======================\n", + "['michael easy first went on the run in 2013 after assaulting a woman at partywhile hiding from police , he taunted them by posting photos on facebookcaught and jailed for 15 months before going on run again on his releasenow facing four months in jail for assault and breaching restraining order']\n", + "michael easy , 29 , from southampton , hampshire , sparked a nationwide police manhunt after going on the run in 2013 after attacking a woman at a party .easy posted the photograph of himself in a wig and pink sunglasses under the facebook name ` michelle dirt 'the image showed him pressing his finger to his lips - taunting police as they had failed to track him down .\n", + "michael easy first went on the run in 2013 after assaulting a woman at partywhile hiding from police , he taunted them by posting photos on facebookcaught and jailed for 15 months before going on run again on his releasenow facing four months in jail for assault and breaching restraining order\n", + "[1.1620318 1.4641287 1.2230233 1.2996444 1.1941274 1.1675649 1.0429764\n", + " 1.0543237 1.1286643 1.2109402 1.0790831 1.0161057 1.0406145 1.010621\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 9 4 5 0 8 10 7 6 12 11 13 17 14 15 16 18]\n", + "=======================\n", + "[\"the mindfulness for travel series was developed for launch of the airline 's new airbus a380 service between london and san francisco , known for its laid-back california vibes .providing fliers with meditation techniques , as well as additional healthy flying tips , the programme hopes to inspire a relaxed , positive state of mind for all travellers - even if the journey does n't go exactly according to plan .the brand also tapped mindfulness expert mark coleman to develop a series of meditation videos\"]\n", + "=======================\n", + "['mindfulness for travel series includes meditative videos and other tipsfor the programme , british airways teamed up with expert mark colemanthe endeavour is in celebration of the new london to san francisco route']\n", + "the mindfulness for travel series was developed for launch of the airline 's new airbus a380 service between london and san francisco , known for its laid-back california vibes .providing fliers with meditation techniques , as well as additional healthy flying tips , the programme hopes to inspire a relaxed , positive state of mind for all travellers - even if the journey does n't go exactly according to plan .the brand also tapped mindfulness expert mark coleman to develop a series of meditation videos\n", + "mindfulness for travel series includes meditative videos and other tipsfor the programme , british airways teamed up with expert mark colemanthe endeavour is in celebration of the new london to san francisco route\n", + "[1.2678328 1.3145406 1.328969 1.1942289 1.328741 1.1271777 1.0985277\n", + " 1.0598679 1.0236063 1.0732577 1.0705245 1.0837111 1.1207918 1.0588849\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 4 1 0 3 5 12 6 11 9 10 7 13 8 14 15 16 17 18]\n", + "=======================\n", + "['lawyers for sterling had claimed that money used to buy v. stiviano a house , luxury cars and stocks was her community property the couple had acquired over six decades of marriage .shelly sterling has been awarded nearly all of the $ 3 million she had sought to be returned from v. stiviano , who had argued that the gifts were made when donald sterling was separated from his wifev.stiviano , the alleged mistress of clippers owner donald sterling , who he showered with expensive gifts , has been ordered to pay his wife $ 2.6 million .']\n", + "=======================\n", + "[\"shelly sterling has been awarded most of the nearly $ 3 million she had sought to be returnedher lawyers successfully argued that money used to buy v. stiviano a house , luxury cars and stocks was her community propertystiviano 's lawyer had argued the gifts were made when donald and shelly sterling were separatedruling comes nearly a year after stiviano 's recording of donald sterling making racially offensive remarks that cost him ownership of the clippersshelly had filed the suit about a month before the recording of donald telling stiviano not to associate with black people created an uproar\"]\n", + "lawyers for sterling had claimed that money used to buy v. stiviano a house , luxury cars and stocks was her community property the couple had acquired over six decades of marriage .shelly sterling has been awarded nearly all of the $ 3 million she had sought to be returned from v. stiviano , who had argued that the gifts were made when donald sterling was separated from his wifev.stiviano , the alleged mistress of clippers owner donald sterling , who he showered with expensive gifts , has been ordered to pay his wife $ 2.6 million .\n", + "shelly sterling has been awarded most of the nearly $ 3 million she had sought to be returnedher lawyers successfully argued that money used to buy v. stiviano a house , luxury cars and stocks was her community propertystiviano 's lawyer had argued the gifts were made when donald and shelly sterling were separatedruling comes nearly a year after stiviano 's recording of donald sterling making racially offensive remarks that cost him ownership of the clippersshelly had filed the suit about a month before the recording of donald telling stiviano not to associate with black people created an uproar\n", + "[1.2290264 1.3245455 1.4419733 1.1625136 1.3463278 1.1406817 1.1791404\n", + " 1.0759046 1.019885 1.0809208 1.1850991 1.061528 1.0774136 1.0272753\n", + " 1.0160482 1.0183916 1.0143123 1.0280828 1.0289899]\n", + "\n", + "[ 2 4 1 0 10 6 3 5 9 12 7 11 18 17 13 8 15 14 16]\n", + "=======================\n", + "['police say malijah grant was shot in the head thursday afternoon while sitting in a car seat in the back of a silver chevrolet impala at an intersection in kent , washington .a spokeswoman for harborview medical center says the girl was brain dead and care was withdrawn saturday night .two male suspects are now being sought by police .']\n", + "=======================\n", + "[\"malijah grant was allowed to die on saturday after she was shot while sitting in the back seat of her parents ' car thursday outside seattleauthorities initially believed it was a road rage incident turned violent but now say the shooting was not random\"]\n", + "police say malijah grant was shot in the head thursday afternoon while sitting in a car seat in the back of a silver chevrolet impala at an intersection in kent , washington .a spokeswoman for harborview medical center says the girl was brain dead and care was withdrawn saturday night .two male suspects are now being sought by police .\n", + "malijah grant was allowed to die on saturday after she was shot while sitting in the back seat of her parents ' car thursday outside seattleauthorities initially believed it was a road rage incident turned violent but now say the shooting was not random\n", + "[1.4028184 1.5513933 1.2456374 1.4174478 1.1644273 1.1069779 1.0443417\n", + " 1.0771118 1.023467 1.0324864 1.0253382 1.1622233 1.0641161 1.1001302\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 11 5 13 7 12 6 9 10 8 17 14 15 16 18]\n", + "=======================\n", + "['the 1986 world cup winner scored the winner during an exhibition match in bogota to support the peace process in colombia .argentina legend diego maradona lost his cool to kick out at a steward and lashed out at a cameraman at charity match .however maradona , having scored a late penalty to settle the friendly contest , saw red with a steward trying to halt him whilst applauding fans after the match .']\n", + "=======================\n", + "[\"the argentina legend scored the winner in the friendly matchwhen applauding fans diego maradona kicks steward and cameramanwas playing in the ` match for peace ' supporting colombian peace process\"]\n", + "the 1986 world cup winner scored the winner during an exhibition match in bogota to support the peace process in colombia .argentina legend diego maradona lost his cool to kick out at a steward and lashed out at a cameraman at charity match .however maradona , having scored a late penalty to settle the friendly contest , saw red with a steward trying to halt him whilst applauding fans after the match .\n", + "the argentina legend scored the winner in the friendly matchwhen applauding fans diego maradona kicks steward and cameramanwas playing in the ` match for peace ' supporting colombian peace process\n", + "[1.3472846 1.3013234 1.2291806 1.2482219 1.1491842 1.1891313 1.2341418\n", + " 1.0748676 1.0920696 1.0279974 1.0206661 1.0370328 1.0555978 1.019284\n", + " 1.2329155 1.012964 1.074838 1.0311236 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 6 14 2 5 4 8 7 16 12 11 17 9 10 13 15 19 18 20]\n", + "=======================\n", + "['more than 1,000 crimes have been created by the coalition in a frenzy of law-making -- including a ban on washing clothes in trafalgar square .the legislative splurge is equivalent to introducing a new law for every working day .but research shows the government has invented 22 ways of criminalising the public every month .']\n", + "=======================\n", + "['splurge is equivalent to introducing a new law for every working dayinclude diving into the thames without authority and hogging middle lanemeanwhile other antiquated laws remain in force that are simply baffling']\n", + "more than 1,000 crimes have been created by the coalition in a frenzy of law-making -- including a ban on washing clothes in trafalgar square .the legislative splurge is equivalent to introducing a new law for every working day .but research shows the government has invented 22 ways of criminalising the public every month .\n", + "splurge is equivalent to introducing a new law for every working dayinclude diving into the thames without authority and hogging middle lanemeanwhile other antiquated laws remain in force that are simply baffling\n", + "[1.3815324 1.351294 1.2710747 1.2408736 1.0925941 1.0816853 1.0664524\n", + " 1.0742741 1.0791751 1.164426 1.0306827 1.0615853 1.0391252 1.0747634\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 9 4 5 8 13 7 6 11 12 10 14 15 16 17 18 19 20]\n", + "=======================\n", + "['bangkok ( cnn ) thailand has lifted martial law , replacing it with it a controversial new security order granting sweeping powers to the ruling military junta .critics have expressed alarm at the move , with human rights watch \\'s asia director brad adams saying it marked the country \\'s \" deepening descent into dictatorship . \"martial law was lifted wednesday when the thai king bhumibol adulyadej approved a request from prime minister general prayuth chan-ocha to proceed .']\n", + "=======================\n", + "['martial law has been lifted in thailand after 10 monthsit has been replaced by a new order granting sweeping powers to the military juntacritics warn the move deepens the country \\'s \" descent into dictatorship \"']\n", + "bangkok ( cnn ) thailand has lifted martial law , replacing it with it a controversial new security order granting sweeping powers to the ruling military junta .critics have expressed alarm at the move , with human rights watch 's asia director brad adams saying it marked the country 's \" deepening descent into dictatorship . \"martial law was lifted wednesday when the thai king bhumibol adulyadej approved a request from prime minister general prayuth chan-ocha to proceed .\n", + "martial law has been lifted in thailand after 10 monthsit has been replaced by a new order granting sweeping powers to the military juntacritics warn the move deepens the country 's \" descent into dictatorship \"\n", + "[1.2403995 1.3031759 1.1721255 1.3476151 1.2095706 1.1781703 1.0626547\n", + " 1.0216488 1.0194007 1.1050888 1.0843276 1.0929328 1.0934237 1.0456465\n", + " 1.1803422 1.1581848 1.035368 1.0086432 1.0104023 1.0164876 1.0425833]\n", + "\n", + "[ 3 1 0 4 14 5 2 15 9 12 11 10 6 13 20 16 7 8 19 18 17]\n", + "=======================\n", + "[\"finally : stephen king has announced sony will be putting his ` magnum opus ' the dark tower in cinemasthe revered writer , who penned shawshank redemption and the shining , slammed warner brothers in 2012 for dropping plans to make a movie trilogy and tv mini-series .these are just two of the eight novels which king spent over 40 years writing .\"]\n", + "=======================\n", + "['warner bros slammed by novelist for dropping the deal in 2012sony has announced deal to release movies and tv seriesthe dark tower is an 8-part novel series written between 1970 and 2012javier bardem and russell crowe rumored to be interested in the lead']\n", + "finally : stephen king has announced sony will be putting his ` magnum opus ' the dark tower in cinemasthe revered writer , who penned shawshank redemption and the shining , slammed warner brothers in 2012 for dropping plans to make a movie trilogy and tv mini-series .these are just two of the eight novels which king spent over 40 years writing .\n", + "warner bros slammed by novelist for dropping the deal in 2012sony has announced deal to release movies and tv seriesthe dark tower is an 8-part novel series written between 1970 and 2012javier bardem and russell crowe rumored to be interested in the lead\n", + "[1.3302605 1.303787 1.2686644 1.2942752 1.288633 1.1283787 1.094985\n", + " 1.0493551 1.0746158 1.1051476 1.0635409 1.0146617 1.0390296 1.100886\n", + " 1.0164365 1.0154706 1.084816 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 4 2 5 9 13 6 16 8 10 7 12 14 15 11 19 17 18 20]\n", + "=======================\n", + "['( cnn ) the listeria outbreak that prompted blue bell creameries to recall their entire product line dates to 2010 , according to the centers for disease control .after weeks of gradual recalls , the company recalled all its ice cream , frozen yogurt , sherbet and other frozen treats sold in 23 states because they could be contaminated with listeria monocytogenes , the company said monday .the cdc recommends consumers do not eat any blue bell brand products .']\n", + "=======================\n", + "['new this is a multistate outbreak \" occurring over several years , \" the cdc sayscdc says 3 people died from bacteria believed to have come from blue bell\" we are heartbroken about this situation , \" blue bell ceo and president says']\n", + "( cnn ) the listeria outbreak that prompted blue bell creameries to recall their entire product line dates to 2010 , according to the centers for disease control .after weeks of gradual recalls , the company recalled all its ice cream , frozen yogurt , sherbet and other frozen treats sold in 23 states because they could be contaminated with listeria monocytogenes , the company said monday .the cdc recommends consumers do not eat any blue bell brand products .\n", + "new this is a multistate outbreak \" occurring over several years , \" the cdc sayscdc says 3 people died from bacteria believed to have come from blue bell\" we are heartbroken about this situation , \" blue bell ceo and president says\n", + "[1.4814659 1.4718311 1.2442739 1.4552037 1.1795926 1.1566116 1.0381261\n", + " 1.015687 1.0133663 1.0139381 1.0202132 1.2473395 1.0167949 1.0755756\n", + " 1.0379031 1.0378879 1.0230241 1.036367 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 11 2 4 5 13 6 14 15 17 16 10 12 7 9 8 19 18 20]\n", + "=======================\n", + "[\"rangers boss stuart mccall hopes injured newcastle winger shane ferguson could play a surprise role in the club 's play-off bid .the northern ireland capped midfielder was sent north by the magpies as part of a five-man package on the final day of the january transfer window .stuart mccall confident shane ferguson can play a vital role in rangers push for promotion to the spl\"]\n", + "=======================\n", + "['stuart mccall revealed shane ferguson still has a role to play for rangersthe northern irishman has received the green light to start trainingmccall believes ferguson can be involved in the final promotion pushclick here for all the latest rangers news']\n", + "rangers boss stuart mccall hopes injured newcastle winger shane ferguson could play a surprise role in the club 's play-off bid .the northern ireland capped midfielder was sent north by the magpies as part of a five-man package on the final day of the january transfer window .stuart mccall confident shane ferguson can play a vital role in rangers push for promotion to the spl\n", + "stuart mccall revealed shane ferguson still has a role to play for rangersthe northern irishman has received the green light to start trainingmccall believes ferguson can be involved in the final promotion pushclick here for all the latest rangers news\n", + "[1.3194907 1.4343722 1.2975098 1.1578747 1.1481403 1.1716884 1.0628569\n", + " 1.0272744 1.0325942 1.0215818 1.0228354 1.0134935 1.0185583 1.2021914\n", + " 1.1274244 1.0296546 1.0527363 1.0154835 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 13 5 3 4 14 6 16 8 15 7 10 9 12 17 11 19 18 20]\n", + "=======================\n", + "[\"trinity culley , from fingringhoe , essex , used the knowledge she gained from watching the baby-birthing programme which she secretly viewed in her bedroom after her mother told her it was too graphic .a quick-thinking 10-year-old helped deliver her baby sister at home using vital tips from television 's ` one born every minute ' - after she secretly watched the programme against her parents ' wishes .but when her mother dee culley 's waters broke two weeks ahead of schedule , she sprang into action .\"]\n", + "=======================\n", + "[\"trinity culley helped deliver her baby sister after picking up tips on tvshe had been secretly watching the programme one born every minutewhen her mother 's waters broke two weeks early , she sprang into actionshe gathered towels and delivered the baby in the family 's front room\"]\n", + "trinity culley , from fingringhoe , essex , used the knowledge she gained from watching the baby-birthing programme which she secretly viewed in her bedroom after her mother told her it was too graphic .a quick-thinking 10-year-old helped deliver her baby sister at home using vital tips from television 's ` one born every minute ' - after she secretly watched the programme against her parents ' wishes .but when her mother dee culley 's waters broke two weeks ahead of schedule , she sprang into action .\n", + "trinity culley helped deliver her baby sister after picking up tips on tvshe had been secretly watching the programme one born every minutewhen her mother 's waters broke two weeks early , she sprang into actionshe gathered towels and delivered the baby in the family 's front room\n", + "[1.5796727 1.3664135 1.2486839 1.2165083 1.1465763 1.1965882 1.113975\n", + " 1.0434788 1.0444261 1.0268825 1.0143919 1.0169613 1.0132729 1.0211096\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 5 4 6 8 7 9 13 11 10 12 19 14 15 16 17 18 20]\n", + "=======================\n", + "['derby head coach steve mcclaren pointed an accusing finger at his own team after they let 10-man watford battle back to grab a 2-2 draw at the ipro stadium .the result leaves derby without a win in seven games and six points off the top two but mcclaren admitted his players only had themselves to blame for the latest setback .derby had been in control until matej vydra fired them ahead in the 23rd minute after cyrus christie lost the ball out on the right but a mistake by ben watson just before half-time changed the game .']\n", + "=======================\n", + "['derby were held 2-2 at home to watford in the championship on fridaywatford had marco motta dismissed and derby moved 2-1 upbut watford equalised through odion ighalo and held on for a point']\n", + "derby head coach steve mcclaren pointed an accusing finger at his own team after they let 10-man watford battle back to grab a 2-2 draw at the ipro stadium .the result leaves derby without a win in seven games and six points off the top two but mcclaren admitted his players only had themselves to blame for the latest setback .derby had been in control until matej vydra fired them ahead in the 23rd minute after cyrus christie lost the ball out on the right but a mistake by ben watson just before half-time changed the game .\n", + "derby were held 2-2 at home to watford in the championship on fridaywatford had marco motta dismissed and derby moved 2-1 upbut watford equalised through odion ighalo and held on for a point\n", + "[1.3153578 1.3896277 1.1704762 1.3205109 1.0855496 1.0291165 1.0209981\n", + " 1.3343459 1.0979546 1.2607411 1.0283871 1.0351104 1.1077774 1.0715294\n", + " 1.025792 1.0698993 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 7 3 0 9 2 12 8 4 13 15 11 5 10 14 6 16 17 18 19 20]\n", + "=======================\n", + "['in a report issued to the herald sun , victoria police revealed that there is a distribution network of speed , ice and marijuana operating in the trucking industry and one in every 12 truckies tested positive for drugs while out on the road .a new report has shown that truck drivers in victoria are dealing drugs from the behind the wheel of 60-tonne rigs , using secretive codes over their radio systemsspeaking to the publication , a former melbourne truck driver said his colleagues were taking drugs regularly , and meeting areas were often set up between drivers over radios using codes , where drugs were then handed out .']\n", + "=======================\n", + "['truck drivers in victoria are dealing drugs using codes over their radiosit has been reported that 1 in 12 truck drivers are high when pulled overaccording to a former truckie , the trend is more common that you thinka video has appeared online showing a man snorting ice behind the wheelhe is driving a 40-tonne rig and says it is for his fatiguemany are rorting the system so they can drive for 16 hours a day']\n", + "in a report issued to the herald sun , victoria police revealed that there is a distribution network of speed , ice and marijuana operating in the trucking industry and one in every 12 truckies tested positive for drugs while out on the road .a new report has shown that truck drivers in victoria are dealing drugs from the behind the wheel of 60-tonne rigs , using secretive codes over their radio systemsspeaking to the publication , a former melbourne truck driver said his colleagues were taking drugs regularly , and meeting areas were often set up between drivers over radios using codes , where drugs were then handed out .\n", + "truck drivers in victoria are dealing drugs using codes over their radiosit has been reported that 1 in 12 truck drivers are high when pulled overaccording to a former truckie , the trend is more common that you thinka video has appeared online showing a man snorting ice behind the wheelhe is driving a 40-tonne rig and says it is for his fatiguemany are rorting the system so they can drive for 16 hours a day\n", + "[1.5729768 1.5675766 1.1470101 1.4160142 1.1259763 1.0225844 1.0217234\n", + " 1.0180448 1.0099831 1.0291157 1.1282239 1.0842674 1.0993377 1.0926207\n", + " 1.0414556 1.0427637 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 10 4 12 13 11 15 14 9 5 6 7 8 19 16 17 18 20]\n", + "=======================\n", + "['manchester united manager louis van gaal says that wayne rooney suffered a knee injury during the defeat by everton at goodison park on sunday .the england international was replaced by robin van persie in the closing stages of the premier league clash and was seen receiving treatment on the bench .and van gaal confirmed to mutv after the game that rooney had sustained the injury but that it was too early to know the severity .']\n", + "=======================\n", + "['manchester united were beaten 3-0 by everton at goodison parkwayne rooney limped off in closing stages , replaced by robin van persielouis van gaal has confirmed the striker suffered a knee injuryunited boss said it is too early to know the severity of the injury']\n", + "manchester united manager louis van gaal says that wayne rooney suffered a knee injury during the defeat by everton at goodison park on sunday .the england international was replaced by robin van persie in the closing stages of the premier league clash and was seen receiving treatment on the bench .and van gaal confirmed to mutv after the game that rooney had sustained the injury but that it was too early to know the severity .\n", + "manchester united were beaten 3-0 by everton at goodison parkwayne rooney limped off in closing stages , replaced by robin van persielouis van gaal has confirmed the striker suffered a knee injuryunited boss said it is too early to know the severity of the injury\n", + "[1.1688915 1.181128 1.3679852 1.3153102 1.3335164 1.1778938 1.0749853\n", + " 1.0150951 1.0225911 1.0614179 1.1072507 1.0172735 1.011856 1.0359809\n", + " 1.2531309 1.152228 1.1320392 1.0128973 1.0300168 1.0426488 1.0147741]\n", + "\n", + "[ 2 4 3 14 1 5 0 15 16 10 6 9 19 13 18 8 11 7 20 17 12]\n", + "=======================\n", + "['in true satirical style , the 20-month-old has been cast as a blinged-up rascal with a tattoo on his arm .teasers for the itv programme -- which starts tonight at 9pm -- show the duke and duchess of cambridge worrying that their son has turned out a little , well , common .but thanks to new puppet show newzoids , we can at least get a version of them .']\n", + "=======================\n", + "[\"satire puppet show depicts prince george as a ` blinged-up rascal 'duke and duchess of cambridge seen worrying about ` common ' sonprince puppet seen addressing female doctor with ` oi , oi !\"]\n", + "in true satirical style , the 20-month-old has been cast as a blinged-up rascal with a tattoo on his arm .teasers for the itv programme -- which starts tonight at 9pm -- show the duke and duchess of cambridge worrying that their son has turned out a little , well , common .but thanks to new puppet show newzoids , we can at least get a version of them .\n", + "satire puppet show depicts prince george as a ` blinged-up rascal 'duke and duchess of cambridge seen worrying about ` common ' sonprince puppet seen addressing female doctor with ` oi , oi !\n", + "[1.2908311 1.3689615 1.2472737 1.2411829 1.1985917 1.2008218 1.0997893\n", + " 1.0452441 1.0332125 1.029077 1.0640547 1.184646 1.0578063 1.0596415\n", + " 1.0623533 1.0496612 1.0174705 1.0246502 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 3 5 4 11 6 10 14 13 12 15 7 8 9 17 16 20 18 19 21]\n", + "=======================\n", + "['all of the women are fully veiled , making it hard to identify individuals but it is possible the group may be linked to islamic state .a chilling new jihadi video has emerged on social media , showing a new militia of female jihadis firing machine guns and practising drills in syria .standing on their parade ground , the radical women are shown shouting jihad slogans and attempting to use their ak 47 rifles .']\n", + "=======================\n", + "[\"female jihadis shown firing ak 47 rifles and parading in the syrian countrysidethe group of women enthusiastically chant slogans about islam and jihadfully dressed in burqas , some of the women appear to struggle with their weaponsthe footage was filmed near the ancient pilgrim site of st simeon 's church , around 60km from the syrian city of aleppo .\"]\n", + "all of the women are fully veiled , making it hard to identify individuals but it is possible the group may be linked to islamic state .a chilling new jihadi video has emerged on social media , showing a new militia of female jihadis firing machine guns and practising drills in syria .standing on their parade ground , the radical women are shown shouting jihad slogans and attempting to use their ak 47 rifles .\n", + "female jihadis shown firing ak 47 rifles and parading in the syrian countrysidethe group of women enthusiastically chant slogans about islam and jihadfully dressed in burqas , some of the women appear to struggle with their weaponsthe footage was filmed near the ancient pilgrim site of st simeon 's church , around 60km from the syrian city of aleppo .\n", + "[1.0415916 1.2552532 1.1567297 1.4255164 1.299792 1.3315083 1.3903416\n", + " 1.1153305 1.0941963 1.0250745 1.0236344 1.0245147 1.048279 1.0236478\n", + " 1.0194862 1.0165778 1.01679 1.019627 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 6 5 4 1 2 7 8 12 0 9 11 13 10 17 14 16 15 18 19 20 21]\n", + "=======================\n", + "[\"kim kardashian : hollywood is the app from the reality star , which uses her likeness and voice .the 34-year-old launched the highly lucrative app last june , and has an estimated 28 million downloadsusers have to build a celebrity empire similar to kim 's\"]\n", + "=======================\n", + "[\"kim kardashian : hollywood and lindsay lohan 's the price of fame appsusers create an aspiring celebrity and rise to fame in the gameseveryone is either a potential love-interest , career-booster , or enemy\"]\n", + "kim kardashian : hollywood is the app from the reality star , which uses her likeness and voice .the 34-year-old launched the highly lucrative app last june , and has an estimated 28 million downloadsusers have to build a celebrity empire similar to kim 's\n", + "kim kardashian : hollywood and lindsay lohan 's the price of fame appsusers create an aspiring celebrity and rise to fame in the gameseveryone is either a potential love-interest , career-booster , or enemy\n", + "[1.434717 1.3939133 1.2914038 1.1557406 1.1371135 1.1260681 1.1136061\n", + " 1.068188 1.0404352 1.0369083 1.0164337 1.1123898 1.1015952 1.089229\n", + " 1.0587353 1.0737451 1.0319128 1.029739 1.0736936 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 3 4 5 6 11 12 13 15 18 7 14 8 9 16 17 10 19 20 21]\n", + "=======================\n", + "['( cnn ) if newly revised nypd training materials are approved by a federal judge , new cadets could be taking courses reminding them \" not to engage in racial profiling . \"the proposed training materials , overseen by appointed federal monitor peter zimroth , were submitted to manhattan federal court judge analisa torres on monday for approval .they include directives to \" not tell or tolerate ethnic , racial or sexist jokes \" and to \" not imitate the speech patterns \" of others .']\n", + "=======================\n", + "['the training materials are a result of a 2013 ruling declaring \" stop , question and frisk \" unconstitutionalthey read that racial profiling \" is offensive .']\n", + "( cnn ) if newly revised nypd training materials are approved by a federal judge , new cadets could be taking courses reminding them \" not to engage in racial profiling . \"the proposed training materials , overseen by appointed federal monitor peter zimroth , were submitted to manhattan federal court judge analisa torres on monday for approval .they include directives to \" not tell or tolerate ethnic , racial or sexist jokes \" and to \" not imitate the speech patterns \" of others .\n", + "the training materials are a result of a 2013 ruling declaring \" stop , question and frisk \" unconstitutionalthey read that racial profiling \" is offensive .\n", + "[1.2368928 1.3149042 1.4061182 1.221394 1.1904548 1.130389 1.072641\n", + " 1.0553074 1.0430723 1.0345616 1.2898917 1.0195574 1.0253643 1.0219722\n", + " 1.0238054 1.0338619 1.0265777 1.0467727 1.059268 1.05332 1.024628\n", + " 1.0305126]\n", + "\n", + "[ 2 1 10 0 3 4 5 6 18 7 19 17 8 9 15 21 16 12 20 14 13 11]\n", + "=======================\n", + "['malaysia airlines flight mh17 was shot down over rebel-held territory in eastern ukraine on july 17 , and all 298 aboard were killed .despite being told of the risk of flying over ukraine in diplomatic cables sent two days before the crash , germany failed to pass on the warning , local media reported .earlier this month , the dutch government - which lost 189 citizens in the disaster - said that , with nearly all of the victims identified , efforts had shifted']\n", + "=======================\n", + "[\"german government ` knew of risk of flying over ukraine ' , it is claimeddiplomatic cables refer to ukrainian air force plane shot down on july 14malaysia airlines 's flight mh17 was shot down on july 17 last year\"]\n", + "malaysia airlines flight mh17 was shot down over rebel-held territory in eastern ukraine on july 17 , and all 298 aboard were killed .despite being told of the risk of flying over ukraine in diplomatic cables sent two days before the crash , germany failed to pass on the warning , local media reported .earlier this month , the dutch government - which lost 189 citizens in the disaster - said that , with nearly all of the victims identified , efforts had shifted\n", + "german government ` knew of risk of flying over ukraine ' , it is claimeddiplomatic cables refer to ukrainian air force plane shot down on july 14malaysia airlines 's flight mh17 was shot down on july 17 last year\n", + "[1.1737247 1.3592122 1.2991002 1.2327691 1.102957 1.1618552 1.1014439\n", + " 1.038342 1.1252904 1.1044725 1.0475947 1.0454532 1.053872 1.080755\n", + " 1.0626327 1.0397128 1.0979381 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 0 5 8 9 4 6 16 13 14 12 10 11 15 7 20 17 18 19 21]\n", + "=======================\n", + "['it has evolved a so-called lip - a large and irregular modified petal , to attract insects - but the driving force behind this unusual shape was not known , until now .researchers have found that its shape is determined by two competing groups of proteins and by tweaking them , they can convert this lip into a standard petal .the orchid is one of the most unique and instantly recognisable flowers in the world .']\n", + "=======================\n", + "[\"orchid has evolved a ` lip ' - irregular modified petal - to attract insectsresearchers in taiwan found its shape is determined by two competing groups of proteins - the ` l' complex and the ` sp ' complexby tweaking them , they can convert the lip into standard petals again\"]\n", + "it has evolved a so-called lip - a large and irregular modified petal , to attract insects - but the driving force behind this unusual shape was not known , until now .researchers have found that its shape is determined by two competing groups of proteins and by tweaking them , they can convert this lip into a standard petal .the orchid is one of the most unique and instantly recognisable flowers in the world .\n", + "orchid has evolved a ` lip ' - irregular modified petal - to attract insectsresearchers in taiwan found its shape is determined by two competing groups of proteins - the ` l' complex and the ` sp ' complexby tweaking them , they can convert the lip into standard petals again\n", + "[1.2334716 1.4727539 1.2450352 1.1979783 1.1043411 1.300988 1.0767505\n", + " 1.1636779 1.2392179 1.0861987 1.0944505 1.0638055 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 2 8 0 3 7 4 10 9 6 11 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"the canberra based department of foreign affairs and trade workers were given an ` announcement ' on a big tv screen that their workplace was being closed and moved to melbourne .the workers had good cause to fear for their jobs : dfat is planning to cut 500 jobs by june .dozens of public servants were less than humoured when they were told their jobs would be lost in a cruel april fools ' day prank .\"]\n", + "=======================\n", + "[\"the canberra based dfat workers got an ` announcement ' on a screenthe message said their office was being closed and moved to melbournethe announcement was displayed for five hours before it was revealedit comes as the department plans to cut 500 jobs by june this year\"]\n", + "the canberra based department of foreign affairs and trade workers were given an ` announcement ' on a big tv screen that their workplace was being closed and moved to melbourne .the workers had good cause to fear for their jobs : dfat is planning to cut 500 jobs by june .dozens of public servants were less than humoured when they were told their jobs would be lost in a cruel april fools ' day prank .\n", + "the canberra based dfat workers got an ` announcement ' on a screenthe message said their office was being closed and moved to melbournethe announcement was displayed for five hours before it was revealedit comes as the department plans to cut 500 jobs by june this year\n", + "[1.453968 1.3182821 1.2988062 1.2987449 1.1629658 1.0667136 1.0544367\n", + " 1.1406705 1.0722542 1.1718193 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 9 4 7 8 5 6 18 17 16 15 10 13 12 11 19 14 20]\n", + "=======================\n", + "[\"real madrid failed to activate their first option on javier hernandez as the deadline passed on thursday night .the midnight deadline went by without madrid making a formal offer to buy the manchester united striker outright and they must now take their chances with other suitors if they wish to sign him .hernandez , 26 , has impressed in the last few weeks with five goals in his last six games including the decisive strike against atletico madrid in the champions league quarter final and two goals in madrid 's 4-2 win at celta vigo last sunday .\"]\n", + "=======================\n", + "['real madrid had exclusivity on signing javier hernandez until fridayother clubs can swoop for striker after deadline passedmanchester united to field offers of # 10million for 26-year-old hernandezread : real madrid to tempt psg with a # 30m offer for marco verratti']\n", + "real madrid failed to activate their first option on javier hernandez as the deadline passed on thursday night .the midnight deadline went by without madrid making a formal offer to buy the manchester united striker outright and they must now take their chances with other suitors if they wish to sign him .hernandez , 26 , has impressed in the last few weeks with five goals in his last six games including the decisive strike against atletico madrid in the champions league quarter final and two goals in madrid 's 4-2 win at celta vigo last sunday .\n", + "real madrid had exclusivity on signing javier hernandez until fridayother clubs can swoop for striker after deadline passedmanchester united to field offers of # 10million for 26-year-old hernandezread : real madrid to tempt psg with a # 30m offer for marco verratti\n", + "[1.2450155 1.4171803 1.4050398 1.2876576 1.0807517 1.0486186 1.0463182\n", + " 1.1641392 1.065217 1.0198212 1.1203609 1.0474176 1.0528296 1.0393513\n", + " 1.1910044 1.0386252 1.0555648 1.0235592 1.1138475 1.059942 0. ]\n", + "\n", + "[ 1 2 3 0 14 7 10 18 4 8 19 16 12 5 11 6 13 15 17 9 20]\n", + "=======================\n", + "[\"sir david nicholson said it was crucial that all the main political parties backed the nhs 's five-year plan , which calls for a 7 per cent boost to the health budget by 2020 .david cameron and nick clegg have pledged to find the cash -- but ed miliband has refused .the former head of the nhs this morning launched an extraordinary public attack on labour for being the only party not to commit to an extra # 8billion a year for the health service .\"]\n", + "=======================\n", + "[\"sir david nicholson called on labour to commit to spending extra on nhshe said the nhs has a ` substantial financial problem ' which needs sortingthe former head of nhs says black hole will be ` crystal clear ' after electionsir david was called the ` man with no shame ' for refusing to quit his job1,200 died because of poor care in stafford while he ran regional body\"]\n", + "sir david nicholson said it was crucial that all the main political parties backed the nhs 's five-year plan , which calls for a 7 per cent boost to the health budget by 2020 .david cameron and nick clegg have pledged to find the cash -- but ed miliband has refused .the former head of the nhs this morning launched an extraordinary public attack on labour for being the only party not to commit to an extra # 8billion a year for the health service .\n", + "sir david nicholson called on labour to commit to spending extra on nhshe said the nhs has a ` substantial financial problem ' which needs sortingthe former head of nhs says black hole will be ` crystal clear ' after electionsir david was called the ` man with no shame ' for refusing to quit his job1,200 died because of poor care in stafford while he ran regional body\n", + "[1.3805072 1.2426618 1.098449 1.4158486 1.2397794 1.1239086 1.0523808\n", + " 1.1148891 1.0804846 1.1126133 1.1505594 1.0129522 1.0216384 1.03119\n", + " 1.0525793 1.0870674 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 10 5 7 9 2 15 8 14 6 13 12 11 19 16 17 18 20]\n", + "=======================\n", + "[\"liverpool must keep faith with under-fire manager brendan rodgers , believes ex-kop striker stan collymorerodgers has come under-fire following a disappointing third season with the anfield outfit - which has led to some unhappy fans calling for his dismissal .the reds ' fa cup semi-final exit against aston villa on sunday followed defeat at the same stage of the capital one cup by chelsea .\"]\n", + "=======================\n", + "['liverpool lost 2-1 against aston villa in their fa cup semi-final on sundayreds are seven points adrift of fourth-placed man city in the league tableno liverpool boss since 1950s has gone three seasons without a trophyread : liverpool set for summer overhaul with ten kop stars on way outread : rodgers has conviction quashed after rental property fine']\n", + "liverpool must keep faith with under-fire manager brendan rodgers , believes ex-kop striker stan collymorerodgers has come under-fire following a disappointing third season with the anfield outfit - which has led to some unhappy fans calling for his dismissal .the reds ' fa cup semi-final exit against aston villa on sunday followed defeat at the same stage of the capital one cup by chelsea .\n", + "liverpool lost 2-1 against aston villa in their fa cup semi-final on sundayreds are seven points adrift of fourth-placed man city in the league tableno liverpool boss since 1950s has gone three seasons without a trophyread : liverpool set for summer overhaul with ten kop stars on way outread : rodgers has conviction quashed after rental property fine\n", + "[1.2604022 1.3776522 1.2378771 1.3745716 1.314879 1.2696035 1.095345\n", + " 1.1294434 1.0387311 1.0243001 1.1604512 1.0251293 1.0554742 1.055781\n", + " 1.087733 1.0489299 1.0261776 1.0316067 1.008745 1.0077804 1.029002 ]\n", + "\n", + "[ 1 3 4 5 0 2 10 7 6 14 13 12 15 8 17 20 16 11 9 18 19]\n", + "=======================\n", + "['around 15 animals ran away from their pen in schodack in rensselaer county on thursday evening and then swam across the hudson river .three men hired by the farm were cleared to open fire friday afternoon in a stream in woods in the town of coeymans , about 10 miles south of the state capital albany .they were all shot dead by law enforcement on friday .']\n", + "=======================\n", + "['15 animals escaped from a farm in schodack in upstate new york on thursday evening then crossed the riverthey safely crossed roads and made it onto the thurway which links up the major cities in the statehowever authorities took the decision to gun them down because they posed a danger to the publicpolice say the decision was made after experts agreed tranquilizers would not be effective']\n", + "around 15 animals ran away from their pen in schodack in rensselaer county on thursday evening and then swam across the hudson river .three men hired by the farm were cleared to open fire friday afternoon in a stream in woods in the town of coeymans , about 10 miles south of the state capital albany .they were all shot dead by law enforcement on friday .\n", + "15 animals escaped from a farm in schodack in upstate new york on thursday evening then crossed the riverthey safely crossed roads and made it onto the thurway which links up the major cities in the statehowever authorities took the decision to gun them down because they posed a danger to the publicpolice say the decision was made after experts agreed tranquilizers would not be effective\n", + "[1.2524567 1.3655723 1.2263292 1.323594 1.1714393 1.1515636 1.1984675\n", + " 1.0867666 1.0414755 1.0174072 1.10749 1.0821037 1.0302509 1.0771215\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 6 4 5 10 7 11 13 8 12 9 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"while the bbc claimed the plate , which read h982 fkl , was an ` unhappy coincidence ' , maria cristina barrionuevo said they were deliberately ` provoking people ' when they drove it through the country last year .a judge has ruled the controversial number plate that led to jeremy clarkson and his top gear colleagues being thrown out of argentina was a deliberate reference to the 1982 falklands warin a report released earlier this week she slammed their actions as ` arrogant and disrespectful ' .\"]\n", + "=======================\n", + "[\"the plate - h982 fkl - was on clarkson 's porsche during christmas speciallocal veterans considered it a reference to the bloody 1982 falklands warangry villagers attacked top gear convoy and the team fled the countryjudge ruled the number plate was deliberate reference despite bbc denial\"]\n", + "while the bbc claimed the plate , which read h982 fkl , was an ` unhappy coincidence ' , maria cristina barrionuevo said they were deliberately ` provoking people ' when they drove it through the country last year .a judge has ruled the controversial number plate that led to jeremy clarkson and his top gear colleagues being thrown out of argentina was a deliberate reference to the 1982 falklands warin a report released earlier this week she slammed their actions as ` arrogant and disrespectful ' .\n", + "the plate - h982 fkl - was on clarkson 's porsche during christmas speciallocal veterans considered it a reference to the bloody 1982 falklands warangry villagers attacked top gear convoy and the team fled the countryjudge ruled the number plate was deliberate reference despite bbc denial\n", + "[1.4964064 1.3889931 1.3713584 1.2212744 1.0529165 1.0989841 1.0256468\n", + " 1.0117064 1.0126939 1.234853 1.1734536 1.0180304 1.0155512 1.1378355\n", + " 1.0154122 1.032172 1.0879357 1.0364473 1.1275003 1.0852174 1.0503356]\n", + "\n", + "[ 0 1 2 9 3 10 13 18 5 16 19 4 20 17 15 6 11 12 14 8 7]\n", + "=======================\n", + "[\"kawhi leonard matched his career best with 26 points and set a new career-high with seven steals as the san antonio spurs rolled past golden state 107-92 on sunday , ending the warriors ' 12-game winning streak while extending their own to seven straight .san antonio also extended their home winning streak over golden state to 32 straight , dating back to 1997 , the season before duncan arrived .tim duncan had 19 points and danny green added 18 points for san antonio , who led by as many as 28 points .\"]\n", + "=======================\n", + "['leonard matched his career-best 26 points and seven stealssan antonio beat golden state 107-92 to continue 32-game home streakindiana beat miami 112-89 to keep their play-off hopes alivelebron james recorded first triple-double as cleveland beat chicago']\n", + "kawhi leonard matched his career best with 26 points and set a new career-high with seven steals as the san antonio spurs rolled past golden state 107-92 on sunday , ending the warriors ' 12-game winning streak while extending their own to seven straight .san antonio also extended their home winning streak over golden state to 32 straight , dating back to 1997 , the season before duncan arrived .tim duncan had 19 points and danny green added 18 points for san antonio , who led by as many as 28 points .\n", + "leonard matched his career-best 26 points and seven stealssan antonio beat golden state 107-92 to continue 32-game home streakindiana beat miami 112-89 to keep their play-off hopes alivelebron james recorded first triple-double as cleveland beat chicago\n", + "[1.2090569 1.4821882 1.2445036 1.1149557 1.0624409 1.141318 1.0441129\n", + " 1.0935118 1.1018414 1.196229 1.0773662 1.126197 1.0664743 1.0529528\n", + " 1.0236877 1.034371 1.046364 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 9 5 11 3 8 7 10 12 4 13 16 6 15 14 19 17 18 20]\n", + "=======================\n", + "[\"the woman was one of two people that had become trapped in rising waters at zetland in sydney 's inner-east , that was spotted by the same police rescue squad officer on his way to work .she was helped out of the vehicle by the officer and his co-worker at about 6.30 pm and did not suffer any injuries .dramatic pictures have emerged of a woman being rescued from her car which had become submerged in flood waters following saturday afternoon 's severe storms .\"]\n", + "=======================\n", + "[\"severe thunderstorm warnings were issued for blue mountains , the hawkesbury and sydney on saturday afternoon` large hailstones , heavy rainfall that may lead to flash flooding and damaging winds ' were forecast just after 3pmhails stones up to 2cm large were reported while social media users shared images of how the storm transformed various areas into snowfieldsseven buildings , including five 200m long factories , have collapsed under half a metre of hail in western sydneystate emergency services attended over 800 calls for help , however the storm had cleared by 7pm\"]\n", + "the woman was one of two people that had become trapped in rising waters at zetland in sydney 's inner-east , that was spotted by the same police rescue squad officer on his way to work .she was helped out of the vehicle by the officer and his co-worker at about 6.30 pm and did not suffer any injuries .dramatic pictures have emerged of a woman being rescued from her car which had become submerged in flood waters following saturday afternoon 's severe storms .\n", + "severe thunderstorm warnings were issued for blue mountains , the hawkesbury and sydney on saturday afternoon` large hailstones , heavy rainfall that may lead to flash flooding and damaging winds ' were forecast just after 3pmhails stones up to 2cm large were reported while social media users shared images of how the storm transformed various areas into snowfieldsseven buildings , including five 200m long factories , have collapsed under half a metre of hail in western sydneystate emergency services attended over 800 calls for help , however the storm had cleared by 7pm\n", + "[1.2608185 1.1985886 1.221454 1.2920216 1.226526 1.2549963 1.1917179\n", + " 1.0243177 1.0176412 1.0850623 1.1216046 1.0515364 1.0855823 1.0537391\n", + " 1.227459 1.018404 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 5 14 4 2 1 6 10 12 9 13 11 7 15 8 19 16 17 18 20]\n", + "=======================\n", + "['research carried out by the forsa institute found the number of people who considered the end of the conflict a defeat fell to just nine per cent - a 25 per cent drop in the last decade .germans now think of themselves as the victims of hitler and his nazi regimethe findings have been published exactly 70 years after hitler committed suicide in a bunker in berlin .']\n", + "=======================\n", + "['only nine per cent of germans now consider the end of wwii a defeatmany now see themselves as the victims of hitler and nazi regimehistorians now exploring crimes by allied forces and german suicides']\n", + "research carried out by the forsa institute found the number of people who considered the end of the conflict a defeat fell to just nine per cent - a 25 per cent drop in the last decade .germans now think of themselves as the victims of hitler and his nazi regimethe findings have been published exactly 70 years after hitler committed suicide in a bunker in berlin .\n", + "only nine per cent of germans now consider the end of wwii a defeatmany now see themselves as the victims of hitler and nazi regimehistorians now exploring crimes by allied forces and german suicides\n", + "[1.3209974 1.2125763 1.1735607 1.1601346 1.3646513 1.1155103 1.0356829\n", + " 1.0634774 1.1151031 1.1472417 1.0616453 1.1173772 1.0437592 1.0510921\n", + " 1.0726075 1.1761637 1.0582935 1.0888574 1.0677706 1.0172509 0. ]\n", + "\n", + "[ 4 0 1 15 2 3 9 11 5 8 17 14 18 7 10 16 13 12 6 19 20]\n", + "=======================\n", + "[\"martin odegaard ( right ) is expected to go out on loan from real madrid to gain experience next seasonpremier league clubs looking for players at barcelona and real madrid this summer will find a team 's worth .martin montoya is not considered to be the long-term replacement for dani alves at barcelona\"]\n", + "=======================\n", + "['real madrid expected to have a summer clear-out when the season endsbarcelona want to limit first-team departures due to their transfer banbut the b-team face relegation and barca want youngsters playing at a higher level']\n", + "martin odegaard ( right ) is expected to go out on loan from real madrid to gain experience next seasonpremier league clubs looking for players at barcelona and real madrid this summer will find a team 's worth .martin montoya is not considered to be the long-term replacement for dani alves at barcelona\n", + "real madrid expected to have a summer clear-out when the season endsbarcelona want to limit first-team departures due to their transfer banbut the b-team face relegation and barca want youngsters playing at a higher level\n", + "[1.2134031 1.4241974 1.262675 1.098153 1.0590385 1.1681085 1.2034956\n", + " 1.1189972 1.0523132 1.1364694 1.0966523 1.1673223 1.088245 1.0660503\n", + " 1.1037662 1.0659381 1.0419495 1.0532124 1.0152134 1.0496609 1.0173235\n", + " 1.0412745]\n", + "\n", + "[ 1 2 0 6 5 11 9 7 14 3 10 12 13 15 4 17 8 19 16 21 20 18]\n", + "=======================\n", + "[\"his unborn baby is due this week in kathmandu .he had tickets to travel to nepal for his child 's birth from a surrogate mother , but now he has no choice but to wait in his native israel for news .( cnn ) as nepal grapples with an earthquake that has killed more than 3,400 people , ronen ziv worries about someone he has never met .\"]\n", + "=======================\n", + "['nepal is a popular place for israeli couples to have surrogate childrenan estimated 10 to 15 surrogate mothers are due to give birth soon in kathmandu']\n", + "his unborn baby is due this week in kathmandu .he had tickets to travel to nepal for his child 's birth from a surrogate mother , but now he has no choice but to wait in his native israel for news .( cnn ) as nepal grapples with an earthquake that has killed more than 3,400 people , ronen ziv worries about someone he has never met .\n", + "nepal is a popular place for israeli couples to have surrogate childrenan estimated 10 to 15 surrogate mothers are due to give birth soon in kathmandu\n", + "[1.3517063 1.099747 1.2780575 1.2671552 1.1926165 1.1658051 1.1505885\n", + " 1.1030524 1.0699605 1.0358858 1.0660766 1.0694216 1.0526054 1.0503023\n", + " 1.0511289 1.0341034 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 3 4 5 6 7 1 8 11 10 12 14 13 9 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"researchers found the bombardier beetle ( pictured ) mimics a machine gun by mixing chemicals in an internal ` reaction chamber 'when threatened , the diminutive bug can then repeatedly fire streams of foul-smelling liquid from its rear , complete with ` gun smoke ' .it can even precisely aim the nozzle at the attacker .\"]\n", + "=======================\n", + "[\"bombardier beetle mimics machine gun using chemicals in its stomachas chemicals pass into the abdomen they mix with enzymes and explodeeach explosion causes the foul-smelling liquid to be forced from its rearit ` pulses ' repeatedly from the beetle 's rear - and the bug can even aim\"]\n", + "researchers found the bombardier beetle ( pictured ) mimics a machine gun by mixing chemicals in an internal ` reaction chamber 'when threatened , the diminutive bug can then repeatedly fire streams of foul-smelling liquid from its rear , complete with ` gun smoke ' .it can even precisely aim the nozzle at the attacker .\n", + "bombardier beetle mimics machine gun using chemicals in its stomachas chemicals pass into the abdomen they mix with enzymes and explodeeach explosion causes the foul-smelling liquid to be forced from its rearit ` pulses ' repeatedly from the beetle 's rear - and the bug can even aim\n", + "[1.3778542 1.2095289 1.4349443 1.2522044 1.2303517 1.2333068 1.1362009\n", + " 1.1424853 1.1319978 1.0632933 1.0347186 1.0200056 1.021893 1.0160754\n", + " 1.0107263 1.0121342 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 3 5 4 1 7 6 8 9 10 12 11 13 15 14 16 17 18 19 20 21]\n", + "=======================\n", + "[\"cambridge graduate svetlana lokhova was driven to a breakdown by a campaign of sexual harassment by bullying male colleagues , an employment tribunal found .workmates falsely accused her of being a cocaine user , dubbed her ` miss bonkers ' , and said she was hired by the bank only because of her looks .she was awarded # 3.14 million for lost earnings , # 44,000 for hurt feelings and # 15,000 in aggravated damages by judges at the central london employment tribunal .\"]\n", + "=======================\n", + "[\"svetlana lokhova worked in the london office of russian firm sberbanktribunal found she was driven to breakdown by bullying male colleaguesfalsely branded ` crazy miss cokehead ' even though she did n't take drugsshe has now been awarded # 3.2 million for sexual harassment by tribunal\"]\n", + "cambridge graduate svetlana lokhova was driven to a breakdown by a campaign of sexual harassment by bullying male colleagues , an employment tribunal found .workmates falsely accused her of being a cocaine user , dubbed her ` miss bonkers ' , and said she was hired by the bank only because of her looks .she was awarded # 3.14 million for lost earnings , # 44,000 for hurt feelings and # 15,000 in aggravated damages by judges at the central london employment tribunal .\n", + "svetlana lokhova worked in the london office of russian firm sberbanktribunal found she was driven to breakdown by bullying male colleaguesfalsely branded ` crazy miss cokehead ' even though she did n't take drugsshe has now been awarded # 3.2 million for sexual harassment by tribunal\n", + "[1.109829 1.2609217 1.192813 1.1462266 1.3678927 1.1167709 1.0675424\n", + " 1.0366513 1.0367489 1.1201726 1.0212564 1.1391023 1.0715005 1.0906112\n", + " 1.0780948 1.036932 1.0156364 1.0140966 1.0716245 1.0502747 0.\n", + " 0. ]\n", + "\n", + "[ 4 1 2 3 11 9 5 0 13 14 18 12 6 19 15 8 7 10 16 17 20 21]\n", + "=======================\n", + "[\"the self-tanning shower valve ` enables a radiant glow to be achieved at the touch of a button 'news reporters and advertisers have long enjoyed coming up with ever more cunning hoaxes on april fools ' day and today is no exception .this april 1 has seen products and advertisers outdo themselves in their attempt to grab attention and hoodwink consumers , all in the name of fun .\"]\n", + "=======================\n", + "[\"femail 's inboxes flooded with hoax kitchen and beauty product newsincluded unlikely launches like beafeater 's new vegan eatery leafeaterwe bring you the best of the april fools ' jokes doing the rounds today\"]\n", + "the self-tanning shower valve ` enables a radiant glow to be achieved at the touch of a button 'news reporters and advertisers have long enjoyed coming up with ever more cunning hoaxes on april fools ' day and today is no exception .this april 1 has seen products and advertisers outdo themselves in their attempt to grab attention and hoodwink consumers , all in the name of fun .\n", + "femail 's inboxes flooded with hoax kitchen and beauty product newsincluded unlikely launches like beafeater 's new vegan eatery leafeaterwe bring you the best of the april fools ' jokes doing the rounds today\n", + "[1.2249084 1.4250523 1.3357493 1.2347488 1.1845587 1.1394982 1.0807757\n", + " 1.0229335 1.043661 1.0943248 1.0560254 1.125355 1.0713935 1.0510676\n", + " 1.1261473 1.0494888 1.0195802 1.0281538 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 0 4 5 14 11 9 6 12 10 13 15 8 17 7 16 18 19 20 21]\n", + "=======================\n", + "[\"the egyptian-themed mansion , advertised as pharaoh 's palace on its website , promises a ` perfect private location ' on seven secluded acres in tampa .an august 2014 adult-themed party dubbed ` midsummer night wet dream ' got the mansion , bought by canadian millionaire gordon lownds , its first noise complaint .it was loud all-night parties that eventually busted the secret stripper training school hiding inside a $ 2million 12,000 sq ft mansion next door to an exclusive gated community in florida .\"]\n", + "=======================\n", + "[\"adult-themed ` midsummer night wet dream ' party got the mansion its first noise complaint in august 2014school was called pharaoh 's daughters and advertised to help ` promising young strippers ' find work at ` prestigious gentlemen 's clubs 'it has since been shut down by its principal owner , canadian millionaire gordon lowndslownds said he had planned to film a reality show at the mansion about the day-to-day lives of strippers\"]\n", + "the egyptian-themed mansion , advertised as pharaoh 's palace on its website , promises a ` perfect private location ' on seven secluded acres in tampa .an august 2014 adult-themed party dubbed ` midsummer night wet dream ' got the mansion , bought by canadian millionaire gordon lownds , its first noise complaint .it was loud all-night parties that eventually busted the secret stripper training school hiding inside a $ 2million 12,000 sq ft mansion next door to an exclusive gated community in florida .\n", + "adult-themed ` midsummer night wet dream ' party got the mansion its first noise complaint in august 2014school was called pharaoh 's daughters and advertised to help ` promising young strippers ' find work at ` prestigious gentlemen 's clubs 'it has since been shut down by its principal owner , canadian millionaire gordon lowndslownds said he had planned to film a reality show at the mansion about the day-to-day lives of strippers\n", + "[1.2889826 1.4674711 1.3272867 1.3695855 1.2179615 1.1591625 1.0948542\n", + " 1.105011 1.1046863 1.0680362 1.0813125 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 7 8 6 10 9 16 11 12 13 14 15 17]\n", + "=======================\n", + "[\"the man , who has been identified as 24-year-old felix david , was being arrested at a facility for mentally ill people transitioning into society from psychiatric institutions when he reportedly began attacking officers .david was shot in the chest by officers during the 1.45 pm incident and later died at a local hospital .a robbery suspect was shot dead by police on saturday during an arrest in new york city 's east village neighborhood .\"]\n", + "=======================\n", + "['man identified as felix david , 24 , shot in chest by police in east villagesources say the robbery suspect hit officer over head with his own radiotwo officers had head injuries , though they were not serious']\n", + "the man , who has been identified as 24-year-old felix david , was being arrested at a facility for mentally ill people transitioning into society from psychiatric institutions when he reportedly began attacking officers .david was shot in the chest by officers during the 1.45 pm incident and later died at a local hospital .a robbery suspect was shot dead by police on saturday during an arrest in new york city 's east village neighborhood .\n", + "man identified as felix david , 24 , shot in chest by police in east villagesources say the robbery suspect hit officer over head with his own radiotwo officers had head injuries , though they were not serious\n", + "[1.2542906 1.353524 1.3816044 1.3401922 1.1733012 1.1484046 1.0953704\n", + " 1.1663656 1.13285 1.0389569 1.0407313 1.059162 1.0894922 1.0481637\n", + " 1.0546465 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 0 4 7 5 8 6 12 11 14 13 10 9 16 15 17]\n", + "=======================\n", + "[\"his adoptive mother li has been arrested on suspicion of child abuse after teachers at his school in nanjing raised the alarm , says the people 's daily .photographs of the child , who was also beaten with metal rods and water pipes , have sparked outrage across china after they were shared online .the 50-year-old had adopted the boy after when he was six after was given up by her cousin , who thought she was sending her child to a better life away from the deprived rural area in which they lived .\"]\n", + "=======================\n", + "['warning : graphic contentchild left with horrific scars by adopted mother over homework she set himbiological mother had sent her son to live with cousin for a better lifeadoptive mum now in custody after incident that sparked outrage in china']\n", + "his adoptive mother li has been arrested on suspicion of child abuse after teachers at his school in nanjing raised the alarm , says the people 's daily .photographs of the child , who was also beaten with metal rods and water pipes , have sparked outrage across china after they were shared online .the 50-year-old had adopted the boy after when he was six after was given up by her cousin , who thought she was sending her child to a better life away from the deprived rural area in which they lived .\n", + "warning : graphic contentchild left with horrific scars by adopted mother over homework she set himbiological mother had sent her son to live with cousin for a better lifeadoptive mum now in custody after incident that sparked outrage in china\n", + "[1.2970988 1.3713696 1.3553593 1.2576258 1.1735125 1.1790048 1.1101763\n", + " 1.034617 1.0668339 1.0607532 1.0234905 1.1184028 1.1081302 1.1303868\n", + " 1.0131986 1.0557666 1.0824479 0. ]\n", + "\n", + "[ 1 2 0 3 5 4 13 11 6 12 16 8 9 15 7 10 14 17]\n", + "=======================\n", + "[\"the riot erupted in february 2012 when supporters of home team al-masry - from the canal city of port said - and cairo 's al-ahly clashed after an egyptian league match between the two clubs .an appeals court ordered the retrial of 73 defendants last year after rejecting a lower court 's verdict , which sentenced 21 people to death .eleven football fans have had their death sentences upheld after a retrial over a stadium riot in egypt which left 74 people dead .\"]\n", + "=======================\n", + "['eleven egyptian football fans face the death penalty over a riot in 2012clashes after a match in port said left 74 dead and sparked more protestsappeals courts last year ordered retrial after 21 fans given death sentencetwo of the 11 supporters given the death penalty today are still on the run']\n", + "the riot erupted in february 2012 when supporters of home team al-masry - from the canal city of port said - and cairo 's al-ahly clashed after an egyptian league match between the two clubs .an appeals court ordered the retrial of 73 defendants last year after rejecting a lower court 's verdict , which sentenced 21 people to death .eleven football fans have had their death sentences upheld after a retrial over a stadium riot in egypt which left 74 people dead .\n", + "eleven egyptian football fans face the death penalty over a riot in 2012clashes after a match in port said left 74 dead and sparked more protestsappeals courts last year ordered retrial after 21 fans given death sentencetwo of the 11 supporters given the death penalty today are still on the run\n", + "[1.2232451 1.3519825 1.347813 1.2870564 1.0400429 1.2326504 1.2346843\n", + " 1.1967683 1.0509701 1.0176449 1.234593 1.0692849 1.1175127 1.1031882\n", + " 1.040801 1.0329006 1.0479839 1.0183569]\n", + "\n", + "[ 1 2 3 6 10 5 0 7 12 13 11 8 16 14 4 15 17 9]\n", + "=======================\n", + "['the foreign office is looking into reports that two british citizens were among the six passengers on the small plane which crashed in the punta cana region of the caribbean island .the accident is believed to have happened at about 8.15 am in the east of the island when the single-engine piper pa-32 crashed shortly after take-off .local police said four of the passengers were tourists from spain and two were from britain , while the pilot was from the dominican republic .']\n", + "=======================\n", + "['two britons thought to be among seven killed in caribbean plane crashpiper pa-32 plane crashed in the punta cana region of dominican republicforeign office confirmed it is looking into reports of uk citizens on aircraftit is believed pilot was attempting emergency landing when crash occurred']\n", + "the foreign office is looking into reports that two british citizens were among the six passengers on the small plane which crashed in the punta cana region of the caribbean island .the accident is believed to have happened at about 8.15 am in the east of the island when the single-engine piper pa-32 crashed shortly after take-off .local police said four of the passengers were tourists from spain and two were from britain , while the pilot was from the dominican republic .\n", + "two britons thought to be among seven killed in caribbean plane crashpiper pa-32 plane crashed in the punta cana region of dominican republicforeign office confirmed it is looking into reports of uk citizens on aircraftit is believed pilot was attempting emergency landing when crash occurred\n", + "[1.2932135 1.4427688 1.2525084 1.236984 1.1398401 1.1248506 1.0718756\n", + " 1.0974481 1.2262802 1.1041659 1.0665042 1.0847995 1.0176468 1.0359515\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 8 4 5 9 7 11 6 10 13 12 16 14 15 17]\n", + "=======================\n", + "[\"council inspectors found a shocking state of hygiene at the steer inn in wilberfoss , east yorkshire - and owner david crossfield later admitted 17 charges of breaching food safety regulations .mouldy food was discovered in a restaurant by inspectors after a diner complained of finding dog faeces on the floor - leading to # 15,000 in fines for the ` dangerous ' owner .officers carried out inspections where they found food in the kitchen was mouldy and unfit for human consumption - and food was being served to the public that had exceeded its use by date .\"]\n", + "=======================\n", + "[\"east yorkshire restaurant probed after diner reported seeing dog faecesout-of-date food served and there was a high cross-contamination risk` foolish ' owner david crossfield , 52 , and his business are fined # 15,000now-closed restaurant did n't carry out regular disinfection and cleaning\"]\n", + "council inspectors found a shocking state of hygiene at the steer inn in wilberfoss , east yorkshire - and owner david crossfield later admitted 17 charges of breaching food safety regulations .mouldy food was discovered in a restaurant by inspectors after a diner complained of finding dog faeces on the floor - leading to # 15,000 in fines for the ` dangerous ' owner .officers carried out inspections where they found food in the kitchen was mouldy and unfit for human consumption - and food was being served to the public that had exceeded its use by date .\n", + "east yorkshire restaurant probed after diner reported seeing dog faecesout-of-date food served and there was a high cross-contamination risk` foolish ' owner david crossfield , 52 , and his business are fined # 15,000now-closed restaurant did n't carry out regular disinfection and cleaning\n", + "[1.1697491 1.2942723 1.1994148 1.2847452 1.2075634 1.173868 1.1364217\n", + " 1.1629479 1.1180133 1.0474812 1.0483286 1.0595313 1.0747403 1.0470784\n", + " 1.1686907 1.1120024 1.0178202 1.0113887]\n", + "\n", + "[ 1 3 4 2 5 0 14 7 6 8 15 12 11 10 9 13 16 17]\n", + "=======================\n", + "[\"insurers are dodging the rules that ban them from charging female drivers less by offering lower premiums to motorists who have jobs that are done mainly by women , he said .sheilas ' wheels : the gender equality rules , laid down by the eu court of justice , came into effect from december 2012 .stephen mcdonald , of newcastle university business school , analysed this pay-by-job system .\"]\n", + "=======================\n", + "[\"young women can get cheaper car insurance than men , economist warnshe says drivers with jobs mainly done by women offered lower premiumsnewcastle university 's stephen mcdonald analysed this pay-by-job systemdental nurse , 21 , likely to pay 10 per cent less than they would have in 2011\"]\n", + "insurers are dodging the rules that ban them from charging female drivers less by offering lower premiums to motorists who have jobs that are done mainly by women , he said .sheilas ' wheels : the gender equality rules , laid down by the eu court of justice , came into effect from december 2012 .stephen mcdonald , of newcastle university business school , analysed this pay-by-job system .\n", + "young women can get cheaper car insurance than men , economist warnshe says drivers with jobs mainly done by women offered lower premiumsnewcastle university 's stephen mcdonald analysed this pay-by-job systemdental nurse , 21 , likely to pay 10 per cent less than they would have in 2011\n", + "[1.5207453 1.2412226 1.3303213 1.4939824 1.2852132 1.3886518 1.0459993\n", + " 1.0184635 1.0218107 1.0528414 1.0218822 1.0263509 1.0142455 1.026875\n", + " 1.0171808 0. 0. 0. ]\n", + "\n", + "[ 0 3 5 2 4 1 9 6 13 11 10 8 7 14 12 15 16 17]\n", + "=======================\n", + "['crystal palace manager alan pardew insists he is not interested in raiding former club newcastle for tim krul and is disappointed that reports emerged suggesting he was planning a move .alan pardew admits he is disappointed to be linked with a raid on his former club for goalkeeper tim krulthe 53-year-old made the shock decision to leave newcastle for the south london club in january but maintains that he is happy with current no 1 julian speroni .']\n", + "=======================\n", + "['alan pardew left newcastle to take over as crystal palace managerthere have been rumours linking him with magpies keeper tim krulpardew is disappointed that reports emerged suggesting the movehe says there has been no contact between him and the club or the player']\n", + "crystal palace manager alan pardew insists he is not interested in raiding former club newcastle for tim krul and is disappointed that reports emerged suggesting he was planning a move .alan pardew admits he is disappointed to be linked with a raid on his former club for goalkeeper tim krulthe 53-year-old made the shock decision to leave newcastle for the south london club in january but maintains that he is happy with current no 1 julian speroni .\n", + "alan pardew left newcastle to take over as crystal palace managerthere have been rumours linking him with magpies keeper tim krulpardew is disappointed that reports emerged suggesting the movehe says there has been no contact between him and the club or the player\n", + "[1.2484785 1.4675801 1.2514948 1.2213862 1.1960461 1.0575378 1.1340213\n", + " 1.0782413 1.0613251 1.1171926 1.0163016 1.0647136 1.0937551 1.0441581\n", + " 1.0832883 1.0306907 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 6 9 12 14 7 11 8 5 13 15 10 16 17]\n", + "=======================\n", + "[\"the jovial dictator allegedly scaled the 9,000 ft high mount paektu near the chinese border , before telling troops at its peak that the climb was like ` nuclear weapons ' .pictures released by north korean state media show the 32-year-old leader smiling on the top at sunrise before visiting troops at the mountain 's base .kim jong-un has appeared in yet another unusual set of pictures , showing him allegedly climbing north koreas highest mountain in nothing but an overcoat and leather shoes .\"]\n", + "=======================\n", + "[\"north korean leader climbed highest peak to speak to troopskim jong-un said the hike was ` more powerful than nuclear weapons 'took photo with troops on summit before visiting army base\"]\n", + "the jovial dictator allegedly scaled the 9,000 ft high mount paektu near the chinese border , before telling troops at its peak that the climb was like ` nuclear weapons ' .pictures released by north korean state media show the 32-year-old leader smiling on the top at sunrise before visiting troops at the mountain 's base .kim jong-un has appeared in yet another unusual set of pictures , showing him allegedly climbing north koreas highest mountain in nothing but an overcoat and leather shoes .\n", + "north korean leader climbed highest peak to speak to troopskim jong-un said the hike was ` more powerful than nuclear weapons 'took photo with troops on summit before visiting army base\n", + "[1.1946437 1.4230857 1.313638 1.2879927 1.2143488 1.0668893 1.1000788\n", + " 1.067925 1.2252438 1.1683252 1.0685579 1.0538706 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 8 4 0 9 6 10 7 5 11 16 12 13 14 15 17]\n", + "=======================\n", + "['zachariah fike head of vermont-based purple hearts reunited , says the military id belonged to world war ii veteran cpl. william benn , who lost them in 1939 at a coastal artillery placement on salisbury beach .metal detector enthusiast bill ladd found them after a storm last year .fike and ladd gave the tags to william benn of providence , rhode island , on sunday afternoon .']\n", + "=======================\n", + "['zachariah fike head of vermont-based purple hearts reunited , says the military id belonged to world war ii veteran cpl. william bennbenn lost them in 1939 at a coastal artillery placement on salisbury beachdiscovered last year by metal detector enthusiast following a storm']\n", + "zachariah fike head of vermont-based purple hearts reunited , says the military id belonged to world war ii veteran cpl. william benn , who lost them in 1939 at a coastal artillery placement on salisbury beach .metal detector enthusiast bill ladd found them after a storm last year .fike and ladd gave the tags to william benn of providence , rhode island , on sunday afternoon .\n", + "zachariah fike head of vermont-based purple hearts reunited , says the military id belonged to world war ii veteran cpl. william bennbenn lost them in 1939 at a coastal artillery placement on salisbury beachdiscovered last year by metal detector enthusiast following a storm\n", + "[1.2805023 1.3307046 1.3166423 1.2846274 1.020453 1.0654898 1.1782258\n", + " 1.0342989 1.0740718 1.0398417 1.0785336 1.080825 1.1375294 1.0245922\n", + " 1.0230134 1.0152348 0. 0. ]\n", + "\n", + "[ 1 2 3 0 6 12 11 10 8 5 9 7 13 14 4 15 16 17]\n", + "=======================\n", + "['the storm prediction center , in a midday update to its forecast wednesday , upgraded to its second-highest advisory level - a moderate risk - while stressing that a significant tornado or two could form in a narrow stretch from northern oklahoma to central missouri .strong storms swamped indianapolis , cincinnati and charleston , west virginia , at midday wednesday and forecasters said more severe weather could form as far away as the plains of west texas .warning : some 34 million midwesterners have been warned of possible powerful tornadoes as a dangerous thunderstorms pummeled the region wednesday and into thursday']\n", + "=======================\n", + "[\"massive hailstones already fell wednesday during the storm system 's first lashings in missouri , kentucky and kansasstrong storms also swamped indianapolis , cincinnati and charleston , west virginia at midday wednesdayexperts warned that millions were under a moderate tornado threat wednesday evening into thursday\"]\n", + "the storm prediction center , in a midday update to its forecast wednesday , upgraded to its second-highest advisory level - a moderate risk - while stressing that a significant tornado or two could form in a narrow stretch from northern oklahoma to central missouri .strong storms swamped indianapolis , cincinnati and charleston , west virginia , at midday wednesday and forecasters said more severe weather could form as far away as the plains of west texas .warning : some 34 million midwesterners have been warned of possible powerful tornadoes as a dangerous thunderstorms pummeled the region wednesday and into thursday\n", + "massive hailstones already fell wednesday during the storm system 's first lashings in missouri , kentucky and kansasstrong storms also swamped indianapolis , cincinnati and charleston , west virginia at midday wednesdayexperts warned that millions were under a moderate tornado threat wednesday evening into thursday\n", + "[1.2618988 1.3218083 1.2073264 1.1693068 1.026751 1.186033 1.1528401\n", + " 1.161707 1.0264839 1.043063 1.154634 1.1226693 1.0376338 1.0539793\n", + " 1.0641003 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 5 3 7 10 6 11 14 13 9 12 4 8 19 15 16 17 18 20]\n", + "=======================\n", + "['as a candidate for president in 2008 , obama promised to use the term to describe the mass murder if elected but has not followed through despite calls from the most famous armenian-american , kim kardashian , and the pope for the world to recognize the killings as a genocide .kardashian , whose armenian heritage comes from her father , the late robert kardashian , has used her celebrity since at least 2011 to bring awareness to the genocide .tricky language : president barack obama ( pictured tuesday ) will be sending an administration official to armenia this week , to mark the 100th anniversary of the 1915 massacre by ottoman turks .']\n", + "=======================\n", + "[\"in 1915 , 1.5 million armenians were killed by ottoman turks in what historians have described as the first genocide of the 20th centuryobama refused to call the mass killings a ` genocide ' in official statement despite promising as a presidential candidate that he wouldturkish officials furiously deny there was a genocide , and obama has shied away from offending the close u.s. allykim kardashian - who is armenian on her father 's side - and the pope have both called the killings a genocidekasdashian last week traveled to the country for the first time with her husband kanye west , sister khole and cousins kara and kourtnithe white house will be sending treasury secretary jacob lew to armenia this week to mark the 100th anniversary of the killings\"]\n", + "as a candidate for president in 2008 , obama promised to use the term to describe the mass murder if elected but has not followed through despite calls from the most famous armenian-american , kim kardashian , and the pope for the world to recognize the killings as a genocide .kardashian , whose armenian heritage comes from her father , the late robert kardashian , has used her celebrity since at least 2011 to bring awareness to the genocide .tricky language : president barack obama ( pictured tuesday ) will be sending an administration official to armenia this week , to mark the 100th anniversary of the 1915 massacre by ottoman turks .\n", + "in 1915 , 1.5 million armenians were killed by ottoman turks in what historians have described as the first genocide of the 20th centuryobama refused to call the mass killings a ` genocide ' in official statement despite promising as a presidential candidate that he wouldturkish officials furiously deny there was a genocide , and obama has shied away from offending the close u.s. allykim kardashian - who is armenian on her father 's side - and the pope have both called the killings a genocidekasdashian last week traveled to the country for the first time with her husband kanye west , sister khole and cousins kara and kourtnithe white house will be sending treasury secretary jacob lew to armenia this week to mark the 100th anniversary of the killings\n", + "[1.3255235 1.425101 1.2446274 1.1014725 1.2466583 1.0427574 1.079231\n", + " 1.0232784 1.0306214 1.2389839 1.1068286 1.1778337 1.0365405 1.0565166\n", + " 1.023848 1.0675582 1.0310313 1.0153685 1.0153878 1.0090863 1.071876 ]\n", + "\n", + "[ 1 0 4 2 9 11 10 3 6 20 15 13 5 12 16 8 14 7 18 17 19]\n", + "=======================\n", + "[\"many people were genuinely upset over the cancellation - blaming the festival organisers for sending themselves broke by spending too much money on headline acts drake and avicii .punters have reacted with a mixture of amusement and fury to the announcement future music festival will not return to australia in 2016 .but others were quick to make fun of future festival goers , blaming ` shirtless f *** wits ' for ruining the festival and joking that ` gym memberships and ecstasy dealers ' would be hardest hit .\"]\n", + "=======================\n", + "[\"punters reacted with amusement and fury to future festival cancellationmany people were genuinely upset over the announcement - blaming the festival organisers for spending too much on drake and aviciibut others were quick to make fun of future festival goers on social mediaorganisers said the festival ` does n't make financial sense anymore '\"]\n", + "many people were genuinely upset over the cancellation - blaming the festival organisers for sending themselves broke by spending too much money on headline acts drake and avicii .punters have reacted with a mixture of amusement and fury to the announcement future music festival will not return to australia in 2016 .but others were quick to make fun of future festival goers , blaming ` shirtless f *** wits ' for ruining the festival and joking that ` gym memberships and ecstasy dealers ' would be hardest hit .\n", + "punters reacted with amusement and fury to future festival cancellationmany people were genuinely upset over the announcement - blaming the festival organisers for spending too much on drake and aviciibut others were quick to make fun of future festival goers on social mediaorganisers said the festival ` does n't make financial sense anymore '\n", + "[1.5086938 1.2332647 1.3563633 1.1555632 1.1376723 1.1254721 1.1531589\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 6 4 5 18 17 16 15 14 13 10 11 19 9 8 7 12 20]\n", + "=======================\n", + "[\"( cnn ) a new york city detective has been suspended after being accused of stealing $ 3,000 during an illegal cigarettes raid , according to police spokesman stephen davis .surveillance video obtained by cnn affiliate news 12 brooklyn appears to show det. ian cyrus stashing cash in a bag before leaving the yemen deli and grocery store in brooklyn last friday .ali abdullah , the store 's manager , noticed the money was gone from a box , but assumed it was taken by one of his employees .\"]\n", + "=======================\n", + "['new york police detective ian cyrus has been suspended pending internal investigationhe is accused of stealing $ 3,000 during an illegal cigarettes raid , police say']\n", + "( cnn ) a new york city detective has been suspended after being accused of stealing $ 3,000 during an illegal cigarettes raid , according to police spokesman stephen davis .surveillance video obtained by cnn affiliate news 12 brooklyn appears to show det. ian cyrus stashing cash in a bag before leaving the yemen deli and grocery store in brooklyn last friday .ali abdullah , the store 's manager , noticed the money was gone from a box , but assumed it was taken by one of his employees .\n", + "new york police detective ian cyrus has been suspended pending internal investigationhe is accused of stealing $ 3,000 during an illegal cigarettes raid , police say\n", + "[1.235843 1.1387091 1.2465695 1.2369406 1.2106768 1.2153215 1.1365968\n", + " 1.1333389 1.0964912 1.0369912 1.1102077 1.0836834 1.1017213 1.0690863\n", + " 1.0447752 1.099725 1.0525584 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 5 4 1 6 7 10 12 15 8 11 13 16 14 9 19 17 18 20]\n", + "=======================\n", + "['in fact , they found most of those teens who do try e-cigarettes are also smokers .this suggests young people are not using the electronic alternatives to try and quit their habits - nor are they getting hooked on them after initially trying them .many teenagers are tempted to try e-cigarettes , but few adopt the electronic devices as habit , a new study has found']\n", + "=======================\n", + "['cardiff university scientists found few teenagers become regular usersnoted most teens who try e-cigarettes are already smokerssuggest they are not using the electronic devices to help quit their habit']\n", + "in fact , they found most of those teens who do try e-cigarettes are also smokers .this suggests young people are not using the electronic alternatives to try and quit their habits - nor are they getting hooked on them after initially trying them .many teenagers are tempted to try e-cigarettes , but few adopt the electronic devices as habit , a new study has found\n", + "cardiff university scientists found few teenagers become regular usersnoted most teens who try e-cigarettes are already smokerssuggest they are not using the electronic devices to help quit their habit\n", + "[1.345087 1.1555754 1.1780272 1.5719097 1.1736025 1.2043078 1.1250501\n", + " 1.0247159 1.022675 1.009335 1.0100819 1.0122126 1.413705 1.0298308\n", + " 1.0099102 1.0588938 1.0849309 1.1685312 1.018402 0. 0. ]\n", + "\n", + "[ 3 12 0 5 2 4 17 1 6 16 15 13 7 8 18 11 10 14 9 19 20]\n", + "=======================\n", + "[\"kimi raikkonen finished fourth at the chinese grand prix in shanghai on sundaya resurgent kimi raikkonen sees no reason why ferrari can not win this year 's formula one world title race .only qualifying issues have denied raikkonen better results so far this term , with the 35-year-old knocking on the door of his first podium place for 19 months after finishing fourth in the last two races .\"]\n", + "=======================\n", + "[\"ferrari finished disappointing fourth in the constructors ' standings in 2014they improved this season and are second to mercedes after three racessebastian vettel won the second race of the season in malaysia last monthkimi raikkonen sees no reason why ferrari can not challenge for the titleclick here for all the latest f1 news\"]\n", + "kimi raikkonen finished fourth at the chinese grand prix in shanghai on sundaya resurgent kimi raikkonen sees no reason why ferrari can not win this year 's formula one world title race .only qualifying issues have denied raikkonen better results so far this term , with the 35-year-old knocking on the door of his first podium place for 19 months after finishing fourth in the last two races .\n", + "ferrari finished disappointing fourth in the constructors ' standings in 2014they improved this season and are second to mercedes after three racessebastian vettel won the second race of the season in malaysia last monthkimi raikkonen sees no reason why ferrari can not challenge for the titleclick here for all the latest f1 news\n", + "[1.1894239 1.3682492 1.2872447 1.3403108 1.3584509 1.1531552 1.1347862\n", + " 1.0927887 1.1953112 1.0212535 1.0231345 1.0360298 1.0381347 1.012833\n", + " 1.022646 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 2 8 0 5 6 7 12 11 10 14 9 13 16 15 17]\n", + "=======================\n", + "['official figures show there has been a stark 14 per cent rise in the number of men opting to work part-time in the last two years .there are now 1.02 million men in the uk who have opted to work reduced hours , compared to 4.58 million women -- who more commonly work part-time to care for children or family .but recruitment experts said the rise in part-time male workers also signalled an increase in pre-tirement -- a trend where older gradually reduce their hours rather than suddenly retiring .']\n", + "=======================\n", + "['only 4 % more women have chosen to go part-time over the last two yearsthere are now 1.02 million men in uk who have decided to reduce hoursmen now make up 10 % of parents who care for children or family full-time']\n", + "official figures show there has been a stark 14 per cent rise in the number of men opting to work part-time in the last two years .there are now 1.02 million men in the uk who have opted to work reduced hours , compared to 4.58 million women -- who more commonly work part-time to care for children or family .but recruitment experts said the rise in part-time male workers also signalled an increase in pre-tirement -- a trend where older gradually reduce their hours rather than suddenly retiring .\n", + "only 4 % more women have chosen to go part-time over the last two yearsthere are now 1.02 million men in uk who have decided to reduce hoursmen now make up 10 % of parents who care for children or family full-time\n", + "[1.2820734 1.4343863 1.2647554 1.3475955 1.0531955 1.178004 1.1387621\n", + " 1.0241015 1.0314606 1.0829306 1.0305207 1.0359439 1.0226499 1.046659\n", + " 1.0795516 1.0684135 0. 0. ]\n", + "\n", + "[ 1 3 0 2 5 6 9 14 15 4 13 11 8 10 7 12 16 17]\n", + "=======================\n", + "[\"somali-born author ayaan hirsi ali , 45 , emigrated to america in 2006 after facing death threats in the netherlands , where she had been a member of parliament and a target for extremists after renouncing her faith and becoming an atheist .a muslim women 's rights advocate and outspoken critic of islam has championed the u.s. as the best country in the world to live as a woman and as a black person .ali said that the law in the u.s. and the fact that the majority of the population are accepting of differences make it easier for all types of minority groups including woman , black people , gays and jews . '\"]\n", + "=======================\n", + "['ayaan hirsi ali has championed the u.s. as the best country in the world to live as a woman and as a black person` is it perfect ?a liberal , she has accused fellow liberals of failing to have a proper sense of perspective about life in the u.s. and for not being more critical of islamhirsi ali was raised in a strict muslim family , but after genital mutilation , beatings and an arranged marriage , she renounced the faith in her 30s']\n", + "somali-born author ayaan hirsi ali , 45 , emigrated to america in 2006 after facing death threats in the netherlands , where she had been a member of parliament and a target for extremists after renouncing her faith and becoming an atheist .a muslim women 's rights advocate and outspoken critic of islam has championed the u.s. as the best country in the world to live as a woman and as a black person .ali said that the law in the u.s. and the fact that the majority of the population are accepting of differences make it easier for all types of minority groups including woman , black people , gays and jews . '\n", + "ayaan hirsi ali has championed the u.s. as the best country in the world to live as a woman and as a black person` is it perfect ?a liberal , she has accused fellow liberals of failing to have a proper sense of perspective about life in the u.s. and for not being more critical of islamhirsi ali was raised in a strict muslim family , but after genital mutilation , beatings and an arranged marriage , she renounced the faith in her 30s\n", + "[1.3196598 1.3610631 1.2502129 1.3294146 1.2018877 1.021121 1.118852\n", + " 1.1293868 1.0714037 1.0804765 1.0341514 1.0362679 1.0335505 1.0360651\n", + " 1.0245548 1.071688 1.1545836 1.044488 ]\n", + "\n", + "[ 1 3 0 2 4 16 7 6 9 15 8 17 11 13 10 12 14 5]\n", + "=======================\n", + "[\"audrey bolte , who also finished runner-up in miss usa , told prosecutors she was looking forward to seeing poston , 29 , at a bar to play pool and drink on october 12 , 2012 , but he failed to arrive .the night that ryan poston was shot dead by his on-again , off-again girlfriend he was supposed to meet a former miss ohio 2012 beauty queen for a date , an ohio court heard on thursday .that was because shayna hubers had shot him six times at home - during which she allegedly ` cackled ' with glee claimed a cellmate of the accused , who claims the 24-year-old confessed to her while behind bars .\"]\n", + "=======================\n", + "['ohio court hears that ryan poston was supposed to meet audrey bolte the night he was shot deadshayna hubers , shot dead lawyer ryan poston in 2012she claims it was in self-defense but the prosecution claims it was murderhubers , then 21 , told police she shot poston in the face and then fired again to put him out of his misery']\n", + "audrey bolte , who also finished runner-up in miss usa , told prosecutors she was looking forward to seeing poston , 29 , at a bar to play pool and drink on october 12 , 2012 , but he failed to arrive .the night that ryan poston was shot dead by his on-again , off-again girlfriend he was supposed to meet a former miss ohio 2012 beauty queen for a date , an ohio court heard on thursday .that was because shayna hubers had shot him six times at home - during which she allegedly ` cackled ' with glee claimed a cellmate of the accused , who claims the 24-year-old confessed to her while behind bars .\n", + "ohio court hears that ryan poston was supposed to meet audrey bolte the night he was shot deadshayna hubers , shot dead lawyer ryan poston in 2012she claims it was in self-defense but the prosecution claims it was murderhubers , then 21 , told police she shot poston in the face and then fired again to put him out of his misery\n", + "[1.2912749 1.3831408 1.3922455 1.2681394 1.2614281 1.1841779 1.0821124\n", + " 1.0319687 1.2280275 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 4 8 5 6 7 16 9 10 11 12 13 14 15 17]\n", + "=======================\n", + "[\"sussex police say the girl suffered a single puncture wound to her upper lip following the incident in findon road , whitehawk , at around 6.30 pm on thursday .the child was outside shops with her older sister in brighton , east sussex , when the dog attacked her .police are hunting the owner of a ` staffy-type ' dog after a four-year-old girl suffered bite wounds to the face .\"]\n", + "=======================\n", + "['girl was outside shops in brighton , east sussex when she was attackedshe received a puncture wound to her upper lip and was treated in hospitalpolice are hunting a man in his 50s with purple hair and brown moustache']\n", + "sussex police say the girl suffered a single puncture wound to her upper lip following the incident in findon road , whitehawk , at around 6.30 pm on thursday .the child was outside shops with her older sister in brighton , east sussex , when the dog attacked her .police are hunting the owner of a ` staffy-type ' dog after a four-year-old girl suffered bite wounds to the face .\n", + "girl was outside shops in brighton , east sussex when she was attackedshe received a puncture wound to her upper lip and was treated in hospitalpolice are hunting a man in his 50s with purple hair and brown moustache\n", + "[1.4201417 1.0917041 1.2282557 1.1774379 1.2510163 1.2006401 1.0834285\n", + " 1.021989 1.110176 1.0331126 1.0431268 1.1209042 1.0820556 1.0292056\n", + " 1.028937 1.0268953 1.023429 1.0610421]\n", + "\n", + "[ 0 4 2 5 3 11 8 1 6 12 17 10 9 13 14 15 16 7]\n", + "=======================\n", + "['floyd mayweather vs manny pacquiao will be the biggest fight of all time financially and the most significant this century .the second fight of the centurywhere money man vs pacman comes to rank among the most important fights in ring history will depend upon what happens that coming night in the mgm grand garden arena .']\n", + "=======================\n", + "[\"floyd mayweather jr and manny pacquiao 's fight will be the richest eversportsmail 's jeff powell is counting down the ring 's most significant fightsjoe frazier v muhammad ali in new york in 1971 is the third in the seriessmokin ' joe was two-belt champion bizarrely backed by conservativesali was darling of young blacks after refusal to fight in vietnam\"]\n", + "floyd mayweather vs manny pacquiao will be the biggest fight of all time financially and the most significant this century .the second fight of the centurywhere money man vs pacman comes to rank among the most important fights in ring history will depend upon what happens that coming night in the mgm grand garden arena .\n", + "floyd mayweather jr and manny pacquiao 's fight will be the richest eversportsmail 's jeff powell is counting down the ring 's most significant fightsjoe frazier v muhammad ali in new york in 1971 is the third in the seriessmokin ' joe was two-belt champion bizarrely backed by conservativesali was darling of young blacks after refusal to fight in vietnam\n", + "[1.5040599 1.3687181 1.1243403 1.2385786 1.3479152 1.0960231 1.0625968\n", + " 1.1488564 1.1754944 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 3 8 7 2 5 6 17 16 15 14 9 12 11 10 18 13 19]\n", + "=======================\n", + "[\"jonathan trott 's first innings on his return to test cricket for the first time in 17 months was brief and unsuccessful , as he was caught at first slip just three balls in .trott last played a test for his country in november 2013 , when he withdrew from england 's disastrous ashes tour with a stress-related illness .jerome taylor celebrates dismissing trott in the first over as england slumped to 1-1 after just five balls\"]\n", + "=======================\n", + "['jonathan trott out after three balls , caught by darren bravo at sliptrott is playing his first test for over a year after stress-related illnesswarwickshire batsman was promoted to open , but failed in first inningsfollow the first test live here']\n", + "jonathan trott 's first innings on his return to test cricket for the first time in 17 months was brief and unsuccessful , as he was caught at first slip just three balls in .trott last played a test for his country in november 2013 , when he withdrew from england 's disastrous ashes tour with a stress-related illness .jerome taylor celebrates dismissing trott in the first over as england slumped to 1-1 after just five balls\n", + "jonathan trott out after three balls , caught by darren bravo at sliptrott is playing his first test for over a year after stress-related illnesswarwickshire batsman was promoted to open , but failed in first inningsfollow the first test live here\n", + "[1.4047054 1.4631757 1.1405615 1.5267527 1.3306776 1.2533792 1.0434011\n", + " 1.018701 1.0178227 1.0176215 1.0155464 1.0153348 1.0083305 1.0108303\n", + " 1.0172917 1.0931898 1.0593692 1.1843829 1.0988203 1.0290483]\n", + "\n", + "[ 3 1 0 4 5 17 2 18 15 16 6 19 7 8 9 14 10 11 13 12]\n", + "=======================\n", + "[\"john carver was left embarrassed after newcastle united 's 1-0 loss at sunderland in the tyne-wear derbyjermain defoe 's stunning strike was enough to secure a 1-0 victory for the black cats , who eased their relegation fears with just a third barclays premier league win of the season at the stadium of light .head coach john carver admitted he was 'em barrassed ' by newcastle 's capitulation at sunderland after seeing his side slip to a fifth successive derby defeat .\"]\n", + "=======================\n", + "[\"jermain defoe scored stunning winner as sunderland beat newcastle 1-0carver admitted that newcastle 's performance was 'em barrassing 'manager said his team were second-best to rival in all departmentscounterpart dick advocaat said result was a ` boost for everybody 'win puts the black cats three points clear of the relegation zone\"]\n", + "john carver was left embarrassed after newcastle united 's 1-0 loss at sunderland in the tyne-wear derbyjermain defoe 's stunning strike was enough to secure a 1-0 victory for the black cats , who eased their relegation fears with just a third barclays premier league win of the season at the stadium of light .head coach john carver admitted he was 'em barrassed ' by newcastle 's capitulation at sunderland after seeing his side slip to a fifth successive derby defeat .\n", + "jermain defoe scored stunning winner as sunderland beat newcastle 1-0carver admitted that newcastle 's performance was 'em barrassing 'manager said his team were second-best to rival in all departmentscounterpart dick advocaat said result was a ` boost for everybody 'win puts the black cats three points clear of the relegation zone\n", + "[1.2619528 1.3559747 1.2881927 1.3156829 1.1869091 1.1137542 1.1185949\n", + " 1.0385613 1.0183058 1.1110597 1.1239212 1.0338233 1.1085274 1.0770355\n", + " 1.0623448 1.0214823 1.0857719 1.0231982 1.0149934 0. ]\n", + "\n", + "[ 1 3 2 0 4 10 6 5 9 12 16 13 14 7 11 17 15 8 18 19]\n", + "=======================\n", + "['some 3.7 million of the short-fused gun owners also confessed to carrying their weapons outside of the home .around one in 10 american suffering from explosive anger management issues has easy access to guns , a study has foundthe research carried out by harvard , columbia and duke university found that the majority of angry gun owners were young or middle aged men .']\n", + "=======================\n", + "['8.9 per cent of americans have impulsive anger issues and access to guns3.7 million of the short-fused gun owners carry weapons in publicstudy by three universities interviewed more than 5,000 men and womancomes in the wake of a number of high-profile gun tragedies in the us']\n", + "some 3.7 million of the short-fused gun owners also confessed to carrying their weapons outside of the home .around one in 10 american suffering from explosive anger management issues has easy access to guns , a study has foundthe research carried out by harvard , columbia and duke university found that the majority of angry gun owners were young or middle aged men .\n", + "8.9 per cent of americans have impulsive anger issues and access to guns3.7 million of the short-fused gun owners carry weapons in publicstudy by three universities interviewed more than 5,000 men and womancomes in the wake of a number of high-profile gun tragedies in the us\n", + "[1.5616311 1.194624 1.1636939 1.125227 1.0996846 1.0870051 1.2631831\n", + " 1.117012 1.2878875 1.1005012 1.0562339 1.0349826 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 8 6 1 2 3 7 9 4 5 10 11 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "['( the hollywood reporter ) a trailer for zack snyder \\'s upcoming \" batman v. superman : dawn of justice \" leaked online on thursday before quickly being taken down minutes later .the highly anticipated footage was set to premiere in imax theaters on monday .a youtube user uploaded the handheld or camera phone capture of the trailer , which had spanish subtitles on the screen .']\n", + "=======================\n", + "['\" batman v. superman : dawn of justice \" trailer leaked thursday before being yanked offlinefilm will be released on march 25 , 2016 and stars ben affleck and henry cavill']\n", + "( the hollywood reporter ) a trailer for zack snyder 's upcoming \" batman v. superman : dawn of justice \" leaked online on thursday before quickly being taken down minutes later .the highly anticipated footage was set to premiere in imax theaters on monday .a youtube user uploaded the handheld or camera phone capture of the trailer , which had spanish subtitles on the screen .\n", + "\" batman v. superman : dawn of justice \" trailer leaked thursday before being yanked offlinefilm will be released on march 25 , 2016 and stars ben affleck and henry cavill\n", + "[1.1952202 1.5553268 1.2572802 1.2126294 1.164037 1.0882144 1.1181122\n", + " 1.0336493 1.0139539 1.0173373 1.1402998 1.0972608 1.1161765 1.0704825\n", + " 1.0431535 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 10 6 12 11 5 13 14 7 9 8 15 16 17 18 19]\n", + "=======================\n", + "[\"gary barlow , mark owen and howard donald , who embark on their latest uk tour tomorrow , were told to pay back the cash 11 months ago after the ` investment ' scheme they put millions into was ruled invalid .it is understood the trio are dealing directly with hmrc but have yet to stump up the cash .take that have come under fire after it emerged the pop stars have still not repaid the # 20million they owe the taxman - one year after they were ordered to do so .\"]\n", + "=======================\n", + "[\"gary barlow , mark owen and howard donald ordered to repay # 20milliontake that stars have still not done so 11 months on , sparking criticismtrio used an ` investment ' scheme later found to be in breach of tax rulestv sports presenter gabby logan has paid back all the money she owed\"]\n", + "gary barlow , mark owen and howard donald , who embark on their latest uk tour tomorrow , were told to pay back the cash 11 months ago after the ` investment ' scheme they put millions into was ruled invalid .it is understood the trio are dealing directly with hmrc but have yet to stump up the cash .take that have come under fire after it emerged the pop stars have still not repaid the # 20million they owe the taxman - one year after they were ordered to do so .\n", + "gary barlow , mark owen and howard donald ordered to repay # 20milliontake that stars have still not done so 11 months on , sparking criticismtrio used an ` investment ' scheme later found to be in breach of tax rulestv sports presenter gabby logan has paid back all the money she owed\n", + "[1.0754545 1.0424036 1.0303962 1.1341716 1.0593858 1.0863783 1.1370845\n", + " 1.2488936 1.1647067 1.1188504 1.0493121 1.0320331 1.0530764 1.0872442\n", + " 1.0483316 1.0355906 1.0318714 1.0348154 1.1374123 1.0809256 1.0381773\n", + " 1.0889137 1.0251884 1.0203604 1.0248284 1.0227187]\n", + "\n", + "[ 7 8 18 6 3 9 21 13 5 19 0 4 12 10 14 1 20 15 17 11 16 2 22 24\n", + " 25 23]\n", + "=======================\n", + "['eddie howe raises his arms in triumph after bournemouth sealed premier league promotion( left-right ) brett pitman , yann kermorgant , howe , andrew surman and callum wilson celebrateobviously the barclays premier league will bring different demands for this young man , who is still only 37 .']\n", + "=======================\n", + "['bournemouth secured promotion on monday with victory against boltoneddie howe has put bournemouth on map after leading them to top flightjamie redknapp always believed howe was destined for success']\n", + "eddie howe raises his arms in triumph after bournemouth sealed premier league promotion( left-right ) brett pitman , yann kermorgant , howe , andrew surman and callum wilson celebrateobviously the barclays premier league will bring different demands for this young man , who is still only 37 .\n", + "bournemouth secured promotion on monday with victory against boltoneddie howe has put bournemouth on map after leading them to top flightjamie redknapp always believed howe was destined for success\n", + "[1.152879 1.2737694 1.2715752 1.2685702 1.2065159 1.1501542 1.1322331\n", + " 1.172392 1.1752453 1.0927855 1.0392274 1.040864 1.0269327 1.0454612\n", + " 1.152309 1.062725 1.1047717 1.0278237 1.0245994 1.0334355 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 8 7 0 14 5 6 16 9 15 13 11 10 19 17 12 18 24 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"that 's according to a study , which found that birds responded to lights in different ways than a human might .the researchers said runways could be synced with taxiing aircraft , to help capture birds ' attention before an aircraft takes off .the study was conducted by scientists at purdue university in indiana .\"]\n", + "=======================\n", + "['study was conducted by scientists at purdue university in indianathey were investigating how to reduce bird to aircraft collisionsresearch showed that birds responded most to blue lights on planesand turning the lights on while taking off - not before - had the best effect']\n", + "that 's according to a study , which found that birds responded to lights in different ways than a human might .the researchers said runways could be synced with taxiing aircraft , to help capture birds ' attention before an aircraft takes off .the study was conducted by scientists at purdue university in indiana .\n", + "study was conducted by scientists at purdue university in indianathey were investigating how to reduce bird to aircraft collisionsresearch showed that birds responded most to blue lights on planesand turning the lights on while taking off - not before - had the best effect\n", + "[1.2266015 1.4737064 1.2466879 1.2457635 1.1697152 1.0387062 1.1777358\n", + " 1.060662 1.2280214 1.1125214 1.0389377 1.109761 1.1585308 1.1000232\n", + " 1.1068816 1.0123518 1.0124197 1.0439932 1.0547918 1.0722768 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 8 0 6 4 12 9 11 14 13 19 7 18 17 10 5 16 15 24 20 21 22\n", + " 23 25]\n", + "=======================\n", + "['three players were diagnosed with the mosquito-borne disease this week , including corinthians striker paolo guerrero .players have been forced to use insect repellent during practice sessions and clubs have asked health officials to check their training centres for mosquito breeding sites .brazilian football clubs have been put on alert after a dengue fever outbreak']\n", + "=======================\n", + "['brazilian teams are on alert because of a dengue fever outbreakthe mosquito-borne disease has already affected some top clubscorinthians striker paolo guerrero one of three players diagnosed']\n", + "three players were diagnosed with the mosquito-borne disease this week , including corinthians striker paolo guerrero .players have been forced to use insect repellent during practice sessions and clubs have asked health officials to check their training centres for mosquito breeding sites .brazilian football clubs have been put on alert after a dengue fever outbreak\n", + "brazilian teams are on alert because of a dengue fever outbreakthe mosquito-borne disease has already affected some top clubscorinthians striker paolo guerrero one of three players diagnosed\n", + "[1.3085035 1.4515533 1.2767174 1.3716707 1.1940247 1.0460963 1.0114019\n", + " 1.0213095 1.221112 1.137794 1.0618596 1.1424863 1.1789314 1.0326346\n", + " 1.0158987 1.0133532 1.0059975 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 8 4 12 11 9 10 5 13 7 14 15 6 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "['corriere dello sport claim that juve have a plan in place to sign the in-demand uruguayan as they look to partner him with fellow south american carlos tevez .serie a champions juventus want to strengthen their attacking options this summer with a big-money move for psg striker edinson cavani , according to a report in italy .cavani , who played for italian sides palermo and napoli before joining psg in a # 50million deal in 2013 , has admitted his frustration at being played out of position under laurent blanc .']\n", + "=======================\n", + "[\"juventus want psg 's edinson cavani according to corriere dello sportthe italian newspaper claim that cavani would partner carlos tevezmanchester united are also interested in the uruguayan strikercavani 's agent has talked up a move to england or spain this summerread : manchester united consider cavani transfer\"]\n", + "corriere dello sport claim that juve have a plan in place to sign the in-demand uruguayan as they look to partner him with fellow south american carlos tevez .serie a champions juventus want to strengthen their attacking options this summer with a big-money move for psg striker edinson cavani , according to a report in italy .cavani , who played for italian sides palermo and napoli before joining psg in a # 50million deal in 2013 , has admitted his frustration at being played out of position under laurent blanc .\n", + "juventus want psg 's edinson cavani according to corriere dello sportthe italian newspaper claim that cavani would partner carlos tevezmanchester united are also interested in the uruguayan strikercavani 's agent has talked up a move to england or spain this summerread : manchester united consider cavani transfer\n", + "[1.1013762 1.475872 1.3044664 1.2847707 1.1569645 1.215512 1.0540521\n", + " 1.0443689 1.2132585 1.1877967 1.1035597 1.0641433 1.0176173 1.0104879\n", + " 1.1172945 1.031255 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 5 8 9 4 14 10 0 11 6 7 15 12 13 24 16 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"spanish artist catalina viejo , 31 , who is based in new york , paints miniature pictures from candid paparazzi shots rather than using glossy magazine images , and has worked her magic on stars including kim kardashian , katy perry , miley cyrus , rihanna and beyoncé .in total she has completed 42 tiny pictures , which are the size of a postage stamp and do n't feature any faces , and cost around $ 90 ( # 60 ) .the bite-sized series is aptly titled ' a view of the end ' and is currently on display at the shag gallery in brooklyn , new york .\"]\n", + "=======================\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['new york-based artist catalina viejo paints only the rear ends of famous stars , never their facesshe uses paparazzi snaps , rather than airbrushed images from magazines , to create her paintingscatalina has produced 42 miniature bottom portraits , and sells them for $ 90 ( # 60 ) each']\n", + "spanish artist catalina viejo , 31 , who is based in new york , paints miniature pictures from candid paparazzi shots rather than using glossy magazine images , and has worked her magic on stars including kim kardashian , katy perry , miley cyrus , rihanna and beyoncé .in total she has completed 42 tiny pictures , which are the size of a postage stamp and do n't feature any faces , and cost around $ 90 ( # 60 ) .the bite-sized series is aptly titled ' a view of the end ' and is currently on display at the shag gallery in brooklyn , new york .\n", + "new york-based artist catalina viejo paints only the rear ends of famous stars , never their facesshe uses paparazzi snaps , rather than airbrushed images from magazines , to create her paintingscatalina has produced 42 miniature bottom portraits , and sells them for $ 90 ( # 60 ) each\n", + "[1.1041611 1.1902286 1.0855792 1.1052159 1.0804114 1.0649121 1.1908736\n", + " 1.1054084 1.0357139 1.0307548 1.0516244 1.1193776 1.0467645 1.0307517\n", + " 1.0372738 1.0587534 1.06217 1.0638838 1.0489209 1.0261525]\n", + "\n", + "[ 6 1 11 7 3 0 2 4 5 17 16 15 10 18 12 14 8 9 13 19]\n", + "=======================\n", + "[\"this city of 100,000 souls on the shores of lake titicaca could leave you breathless for all the wrong reasons .the city 's colourful fiestas , combining spanish and inca traditions , often last for days .one of the world 's largest lakes , and its highest navigable one , it stretches 110 miles by 38 miles across peru and bolivia .\"]\n", + "=======================\n", + "['puno is not the most famous place in peru - but it is one of the most funit sits on the west bank of the famous ( and spectacular ) lake titicacavisitors can sail on the lake to visit the fabled artificial uros islands']\n", + "this city of 100,000 souls on the shores of lake titicaca could leave you breathless for all the wrong reasons .the city 's colourful fiestas , combining spanish and inca traditions , often last for days .one of the world 's largest lakes , and its highest navigable one , it stretches 110 miles by 38 miles across peru and bolivia .\n", + "puno is not the most famous place in peru - but it is one of the most funit sits on the west bank of the famous ( and spectacular ) lake titicacavisitors can sail on the lake to visit the fabled artificial uros islands\n", + "[1.3729709 1.317133 1.1413016 1.1272411 1.0962974 1.0468854 1.0557287\n", + " 1.2154214 1.2678162 1.1653972 1.1038488 1.0693177 1.0565263 1.1098689\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 8 7 9 2 3 13 10 4 11 12 6 5 18 14 15 16 17 19]\n", + "=======================\n", + "[\"dancing with the stars co-host erin andrews surfaced for the first time after her nhl star boyfriend jarret stoll was busted at a pool party at the mgm grand hotel , allegedly with cocaine and molly tucked into his swim trunks .stoll , 32 , who currently plays with the los angeles kings , was booked for drug possession and released on $ 5,000 bond friday .tmz reports the nhl player passed through security on his way to the wet republic pool at the las vegas hotel when a security guard found a ` pink baggie ' filled with 3.3 grams of cocaine and ` gel-caps ' containing 8.1 grams of molly .\"]\n", + "=======================\n", + "[\"los angeles kings forward jarret stoll was arrested friday on drug possession chargesthe nhl star was caught in the security line to the wet republic pool at mgm grand hotelandrews surfaced for the first time after her boyfriend 's arrest on saturdaystoll 's charges include possession of class 1 , 2 , 3 and 4 controlled substancesnhl security has been notified and kings are aware of situation as well\"]\n", + "dancing with the stars co-host erin andrews surfaced for the first time after her nhl star boyfriend jarret stoll was busted at a pool party at the mgm grand hotel , allegedly with cocaine and molly tucked into his swim trunks .stoll , 32 , who currently plays with the los angeles kings , was booked for drug possession and released on $ 5,000 bond friday .tmz reports the nhl player passed through security on his way to the wet republic pool at the las vegas hotel when a security guard found a ` pink baggie ' filled with 3.3 grams of cocaine and ` gel-caps ' containing 8.1 grams of molly .\n", + "los angeles kings forward jarret stoll was arrested friday on drug possession chargesthe nhl star was caught in the security line to the wet republic pool at mgm grand hotelandrews surfaced for the first time after her boyfriend 's arrest on saturdaystoll 's charges include possession of class 1 , 2 , 3 and 4 controlled substancesnhl security has been notified and kings are aware of situation as well\n", + "[1.5427556 1.3595395 1.137461 1.176136 1.3377216 1.342605 1.0831579\n", + " 1.0472306 1.0325972 1.019514 1.1133862 1.0606614 1.0102632 1.0082562\n", + " 1.0104002 1.0071651 1.1985413 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 4 16 3 2 10 6 11 7 8 9 14 12 13 15 18 17 19]\n", + "=======================\n", + "[\"former leeds captain trevor cherry has branded the six united players who withdrew at short notice from saturday 's match against charlton a ` disgrace ' and called for them to be sacked by the club .italian quartet mirco antenucci , giuseppe bellusci , dario del fabro and marco silvestri , frenchman souleymane doukara and albanian edgar cani all told beleaguered head coach neil redfearn they were injured and could not travel to london .mirco antenucci was among the six players to withdraw from the squad ahead of the defeat by charlton\"]\n", + "=======================\n", + "[\"six leeds players withdrew from squad for saturday 's match with charltonmanager neil redfearn described the events as ` freakish ' ahead of defeatformer leeds captain trevor cherry says it is ` disgraceful ' behaviourcherry wants to see the six players involved sacked by leeds\"]\n", + "former leeds captain trevor cherry has branded the six united players who withdrew at short notice from saturday 's match against charlton a ` disgrace ' and called for them to be sacked by the club .italian quartet mirco antenucci , giuseppe bellusci , dario del fabro and marco silvestri , frenchman souleymane doukara and albanian edgar cani all told beleaguered head coach neil redfearn they were injured and could not travel to london .mirco antenucci was among the six players to withdraw from the squad ahead of the defeat by charlton\n", + "six leeds players withdrew from squad for saturday 's match with charltonmanager neil redfearn described the events as ` freakish ' ahead of defeatformer leeds captain trevor cherry says it is ` disgraceful ' behaviourcherry wants to see the six players involved sacked by leeds\n", + "[1.2948183 1.3524371 1.1409931 1.263065 1.260793 1.1482449 1.2609131\n", + " 1.1065434 1.0417144 1.0298351 1.110274 1.0585538 1.0248678 1.0292999\n", + " 1.0611115 1.0249184 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 6 4 5 2 10 7 14 11 8 9 13 15 12 18 16 17 19]\n", + "=======================\n", + "['the brolly-clad thieves targeted supermarkets , convenience stores and electrical shops , swiping # 2,000 worth of cigarettes and cars valued at # 30,000 in the process .a gang of armed robbers used pink umbrellas to hide themselves as they stole # 145,000 from 13 shops in a two-month crime spree .the group have now been jailed for more than 27 years after pleading guilty to conspiracy to rob .']\n", + "=======================\n", + "['thieves raided supermarkets and electrical shops during 55-day spreefour-man gang used pink umbrellas for disguise and fled in getaway carsthey also threatened shop workers with hammers , knives and screwdriversliam bell , 19 , marcus morgan , 21 , ashleigh evans , 26 and 22-year-old trea richardson , all from west midlands , pleaded guilty to conspiracy to rob']\n", + "the brolly-clad thieves targeted supermarkets , convenience stores and electrical shops , swiping # 2,000 worth of cigarettes and cars valued at # 30,000 in the process .a gang of armed robbers used pink umbrellas to hide themselves as they stole # 145,000 from 13 shops in a two-month crime spree .the group have now been jailed for more than 27 years after pleading guilty to conspiracy to rob .\n", + "thieves raided supermarkets and electrical shops during 55-day spreefour-man gang used pink umbrellas for disguise and fled in getaway carsthey also threatened shop workers with hammers , knives and screwdriversliam bell , 19 , marcus morgan , 21 , ashleigh evans , 26 and 22-year-old trea richardson , all from west midlands , pleaded guilty to conspiracy to rob\n", + "[1.1628971 1.3736368 1.2484536 1.1202525 1.0577391 1.1440855 1.0270165\n", + " 1.0525328 1.0640678 1.3103622 1.1929932 1.0980461 1.032062 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 9 2 10 0 5 3 11 8 4 7 12 6 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"the england captain , without an international century for almost two years , failed for the second time in the first test as his old failing against the full ball just outside off-stump was again exploited by west indies .to compound cook 's misery , there was also another failure for jonathan trott , who has endured a nightmare return to the england team for his 50th test , 18 months after the trauma of leaving the ashes tour following his 49th .jonathan trott was also out cheaply as the first three wickets once again fell for not many\"]\n", + "=======================\n", + "['england closed day three of the first test on 116 for three , 220 runs aheadwest indies were bowled out for 295 in their first inningsjames tredwell took four wickets in west indies inningsjermaine blackwood hit his maiden test century for the hostsjonathan trott ( 4 ) and alastair cook ( 13 ) both failed with the bat againian bell was run out for 11 as england slumped to 52 for threejoe root ( 32 * ) and gary ballance ( 44 * ) unbeaten at stumps on day three']\n", + "the england captain , without an international century for almost two years , failed for the second time in the first test as his old failing against the full ball just outside off-stump was again exploited by west indies .to compound cook 's misery , there was also another failure for jonathan trott , who has endured a nightmare return to the england team for his 50th test , 18 months after the trauma of leaving the ashes tour following his 49th .jonathan trott was also out cheaply as the first three wickets once again fell for not many\n", + "england closed day three of the first test on 116 for three , 220 runs aheadwest indies were bowled out for 295 in their first inningsjames tredwell took four wickets in west indies inningsjermaine blackwood hit his maiden test century for the hostsjonathan trott ( 4 ) and alastair cook ( 13 ) both failed with the bat againian bell was run out for 11 as england slumped to 52 for threejoe root ( 32 * ) and gary ballance ( 44 * ) unbeaten at stumps on day three\n", + "[1.2575514 1.3823805 1.1831932 1.4233088 1.1974447 1.025195 1.1848875\n", + " 1.1092671 1.1543387 1.0542865 1.0188318 1.0326672 1.0614892 1.1753495\n", + " 1.0408664 1.0350055 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 1 0 4 6 2 13 8 7 12 9 14 15 11 5 10 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"barcelona trio luis suarez ( left ) , neymar ( centre ) and lionel messi have scored 102 goals this seasonthe three stars now have a century of goals between them for the season after barca 's 6-0 demolition of getafe on tuesday night , a result that took them five points clear in la liga .they are barcelona 's golden boys and the unstoppable trio of lionel messi , neymar and luis suarez have reached yet another milestone .\"]\n", + "=======================\n", + "[\"lionel messi , neymar and luis suarez have 102 goals this seasonthey reached the landmark in barcelona 's 6-0 win over getafemessi and suarez both scored twice at nou camp , suarez onceread : barcelona pupils keen to teach pep guardiola a lesson6-0 win put barcelona five points clear and piled pressure on real madrid\"]\n", + "barcelona trio luis suarez ( left ) , neymar ( centre ) and lionel messi have scored 102 goals this seasonthe three stars now have a century of goals between them for the season after barca 's 6-0 demolition of getafe on tuesday night , a result that took them five points clear in la liga .they are barcelona 's golden boys and the unstoppable trio of lionel messi , neymar and luis suarez have reached yet another milestone .\n", + "lionel messi , neymar and luis suarez have 102 goals this seasonthey reached the landmark in barcelona 's 6-0 win over getafemessi and suarez both scored twice at nou camp , suarez onceread : barcelona pupils keen to teach pep guardiola a lesson6-0 win put barcelona five points clear and piled pressure on real madrid\n", + "[1.3591785 1.429139 1.307984 1.3846269 1.238029 1.1334317 1.0331424\n", + " 1.0149573 1.0107552 1.144632 1.0148101 1.0191482 1.0104003 1.0112189\n", + " 1.0190444 1.0122944 1.0232066 1.0219694 1.0119445 1.2782539 1.2444861\n", + " 1.0558736 1.0111766]\n", + "\n", + "[ 1 3 0 2 19 20 4 9 5 21 6 16 17 11 14 7 10 15 18 13 22 8 12]\n", + "=======================\n", + "[\"mccall has restored a buoyancy to the club and won approval from supporters after three successive wins -- including triumphs over hibs and hearts -- ahead of tonight 's trip to face queen of the south .stuart mccall has dismissed any thought of his rangers future being decided before the end of the seasonshane ferguson is finally set to arrive at murray park next week as part of the loan deal from newcastle\"]\n", + "=======================\n", + "[\"stuart mccall has led rangers to three successive wins in recent weekstriumphs against hibs and hearts won supporters ' approvalbut he says he does not expect new contract talks until after play-offsmccall stresses that rangers are yet to achieve anything despite revival\"]\n", + "mccall has restored a buoyancy to the club and won approval from supporters after three successive wins -- including triumphs over hibs and hearts -- ahead of tonight 's trip to face queen of the south .stuart mccall has dismissed any thought of his rangers future being decided before the end of the seasonshane ferguson is finally set to arrive at murray park next week as part of the loan deal from newcastle\n", + "stuart mccall has led rangers to three successive wins in recent weekstriumphs against hibs and hearts won supporters ' approvalbut he says he does not expect new contract talks until after play-offsmccall stresses that rangers are yet to achieve anything despite revival\n", + "[1.3055882 1.3334701 1.2977319 1.3348452 1.2290843 1.2161684 1.1968744\n", + " 1.0233023 1.0607299 1.091605 1.1042304 1.221591 1.0148408 1.0120678\n", + " 1.0146325 1.0143328 1.0237777 1.0329845 1.0194787 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 1 0 2 4 11 5 6 10 9 8 17 16 7 18 12 14 15 13 21 19 20 22]\n", + "=======================\n", + "[\"a minute 's silence will be held this weekend for the 56 supporters who lost their lives during the bradford city fire disasterenglish football will stand still just before three o'clock on saturday to mark the 30th anniversary of the bradford fire .the inferno ripped through valley parade on may 11 , 1985 during the first half of a game against lincoln city , before which bradford had received the third division title .\"]\n", + "=======================\n", + "[\"the top four tiers of the english game will stand for a minute 's silence to mark the 30th anniversarymain stand at bradford city 's valley parade was ablaze in harrowing scenes on may 11 , 1985football league supporting efforts to raise # 300,000 for the plastic surgery and burns research unit at the university of bradford\"]\n", + "a minute 's silence will be held this weekend for the 56 supporters who lost their lives during the bradford city fire disasterenglish football will stand still just before three o'clock on saturday to mark the 30th anniversary of the bradford fire .the inferno ripped through valley parade on may 11 , 1985 during the first half of a game against lincoln city , before which bradford had received the third division title .\n", + "the top four tiers of the english game will stand for a minute 's silence to mark the 30th anniversarymain stand at bradford city 's valley parade was ablaze in harrowing scenes on may 11 , 1985football league supporting efforts to raise # 300,000 for the plastic surgery and burns research unit at the university of bradford\n", + "[1.1887497 1.4752593 1.2914866 1.160145 1.3502233 1.1944833 1.0888631\n", + " 1.0423182 1.0331719 1.0152072 1.0167043 1.0765318 1.0293375 1.1112342\n", + " 1.1397103 1.0513974 1.0710396 1.08557 1.063802 1.0301723 1.1030754\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 2 5 0 3 14 13 20 6 17 11 16 18 15 7 8 19 12 10 9 21 22]\n", + "=======================\n", + "['the 16-year-old girl took to twitter days after rachel lehnardt , 35 , was charged with two counts of contributing to the delinquency of a minor following the incident at their evans , georgia home .the mom-of-five , who admitted to turning towards alcohol during her divorce , also allegedly had sex with a 18-year-old man in the bathroom during the party , used sex toys on herself in front of the youngsters and later awoke to find a 16-year-old having sex with her .her 16-year-old daughter has now come to her defense on twitter']\n", + "=======================\n", + "[\"rachel lehnardt , 35 , ` allowed her 16-year-old daughter and her friends drink alcohol and smoke marijuana in her georgia home 'they ` all played naked twister and lehnardt had sex with an 18-year-old man in the bathroom before playing with sex toys in front of the teens 'she said she went to bed alone but awoke to her daughter 's 16-year-old boyfriend having sex with her ; there are no charges against himafter the incident , she lost custody of her children and told her aa sponsor , who contacted authoritiesher daughter has now jumped to her defense , saying that her mom used to be a good mother but that everyone makes mistakes\"]\n", + "the 16-year-old girl took to twitter days after rachel lehnardt , 35 , was charged with two counts of contributing to the delinquency of a minor following the incident at their evans , georgia home .the mom-of-five , who admitted to turning towards alcohol during her divorce , also allegedly had sex with a 18-year-old man in the bathroom during the party , used sex toys on herself in front of the youngsters and later awoke to find a 16-year-old having sex with her .her 16-year-old daughter has now come to her defense on twitter\n", + "rachel lehnardt , 35 , ` allowed her 16-year-old daughter and her friends drink alcohol and smoke marijuana in her georgia home 'they ` all played naked twister and lehnardt had sex with an 18-year-old man in the bathroom before playing with sex toys in front of the teens 'she said she went to bed alone but awoke to her daughter 's 16-year-old boyfriend having sex with her ; there are no charges against himafter the incident , she lost custody of her children and told her aa sponsor , who contacted authoritiesher daughter has now jumped to her defense , saying that her mom used to be a good mother but that everyone makes mistakes\n", + "[1.2142884 1.403153 1.1623402 1.318136 1.4393502 1.0683721 1.0667896\n", + " 1.0291069 1.0424482 1.0797769 1.0566084 1.0475297 1.0390725 1.0280743\n", + " 1.021765 1.0670872 1.0319213 1.0343533 1.0406119 1.0279131 1.1173208\n", + " 0. 0. ]\n", + "\n", + "[ 4 1 3 0 2 20 9 5 15 6 10 11 8 18 12 17 16 7 13 19 14 21 22]\n", + "=======================\n", + "['thirty-five people died and 125 have been injured after a suicide bomb was detonated outside a bank in jalalabad , afghanistan .islamic state has since claimed responsibility for the attack , president ghani said .this is the moment a young boy covered in blood was dragged from the scene of a devastating suicide bomb attack in afghanistan .']\n", + "=======================\n", + "['warning graphic content : attacker targeted crowd of military personnel and civilians in jalalabad35 people died and 125 were injured after the suicide bomber detonated an explosive-laden motorbikeislamic state has since claimed responsibility and the country must stand united , president ghani said']\n", + "thirty-five people died and 125 have been injured after a suicide bomb was detonated outside a bank in jalalabad , afghanistan .islamic state has since claimed responsibility for the attack , president ghani said .this is the moment a young boy covered in blood was dragged from the scene of a devastating suicide bomb attack in afghanistan .\n", + "warning graphic content : attacker targeted crowd of military personnel and civilians in jalalabad35 people died and 125 were injured after the suicide bomber detonated an explosive-laden motorbikeislamic state has since claimed responsibility and the country must stand united , president ghani said\n", + "[1.2849014 1.4814773 1.2843306 1.3320824 1.224486 1.0796801 1.0259784\n", + " 1.0273793 1.0203351 1.1381388 1.1680388 1.0826688 1.043479 1.0261172\n", + " 1.0626873 1.039266 1.0140486 1.0304794 1.0759406 1.0157145 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 10 9 11 5 18 14 12 15 17 7 13 6 8 19 16 21 20 22]\n", + "=======================\n", + "[\"mum gitte denteneer asked staff at the rubens eaterie in leuven , belgium , to warm up some milk for her two-month old son lucca .outrage : a restaurant manager has been branded the ` stingiest boss in europe ' for charging a mum 36p to heat up her baby 's feeding bottlebut when she came to pay , she was stunned to find that 50 cents had been added onto the bill .\"]\n", + "=======================\n", + "[\"gitte denteneer was stunned after getting the bill from rubens in leuventhe belgian cafe had charged her 50 cents for use of their electricityms denteneer later took to twitter to express her outrage at the chargeothers on twitter shared her anger and called the rubens boss ` mean '\"]\n", + "mum gitte denteneer asked staff at the rubens eaterie in leuven , belgium , to warm up some milk for her two-month old son lucca .outrage : a restaurant manager has been branded the ` stingiest boss in europe ' for charging a mum 36p to heat up her baby 's feeding bottlebut when she came to pay , she was stunned to find that 50 cents had been added onto the bill .\n", + "gitte denteneer was stunned after getting the bill from rubens in leuventhe belgian cafe had charged her 50 cents for use of their electricityms denteneer later took to twitter to express her outrage at the chargeothers on twitter shared her anger and called the rubens boss ` mean '\n", + "[1.3618956 1.2161189 1.1046001 1.0771579 1.0600609 1.0730579 1.0538905\n", + " 1.049087 1.0346363 1.0236346 1.4933848 1.220696 1.0330719 1.0337356\n", + " 1.027173 1.0349399 1.0418926 1.0360723 1.0448831 1.0246147 1.0193684\n", + " 1.0159676 1.0177004]\n", + "\n", + "[10 0 11 1 2 3 5 4 6 7 18 16 17 15 8 13 12 14 19 9 20 22 21]\n", + "=======================\n", + "[\"brendan rodgers admitted liverpool are unlikely to reach the top four after losing to arsenal 4-1 on saturdaya period of striving came to an end for liverpool and brendan rodgers at the emirates on saturday .the manager 's 15-minute press conference , where he conceded that his team 's chances of qualifying for the champions league were over , was a requiem for lost opportunities .\"]\n", + "=======================\n", + "[\"liverpool were beaten 4-1 by arsenal at the emirates on saturdayclub 's top four hopes have been dealt a massive blow with the defeatliverpool lost to another of their top-four rivals manchester united before the international breakbrendan rodgers admits that their chances of qualifying for next season 's champions league have severely diminished\"]\n", + "brendan rodgers admitted liverpool are unlikely to reach the top four after losing to arsenal 4-1 on saturdaya period of striving came to an end for liverpool and brendan rodgers at the emirates on saturday .the manager 's 15-minute press conference , where he conceded that his team 's chances of qualifying for the champions league were over , was a requiem for lost opportunities .\n", + "liverpool were beaten 4-1 by arsenal at the emirates on saturdayclub 's top four hopes have been dealt a massive blow with the defeatliverpool lost to another of their top-four rivals manchester united before the international breakbrendan rodgers admits that their chances of qualifying for next season 's champions league have severely diminished\n", + "[1.4501132 1.425491 1.2879839 1.4475168 1.2484512 1.1993384 1.0483248\n", + " 1.0236301 1.0252974 1.0595903 1.0228866 1.0328292 1.0456611 1.0225399\n", + " 1.1343572 1.1333085 1.1412985 1.0426203 1.0116857 1.008969 1.0086198\n", + " 1.0063936 0. ]\n", + "\n", + "[ 0 3 1 2 4 5 16 14 15 9 6 12 17 11 8 7 10 13 18 19 20 21 22]\n", + "=======================\n", + "['bayern munich legend franz beckenbauer believes jurgen klopp could succeed pep guardiola at the allianz arena .klopp , who won two bundesliga titles in seven years , has confirmed he will leave borussia dortmund in the summer .and beckenbauer believes the 47-year-old would be the perfect fit for bayern when guardiola , who has a contract until the summer of 2016 , moves on .']\n", + "=======================\n", + "['franz beckenbauer thinks jurgen klopp could be next bayern munich bossklopp has already confirmed he will leave borussia dortmund this summerbeckenebauer believes klopp has what it takes to replace pep guardiolaguardiola has a contract until 2016 but has been linked with a move away']\n", + "bayern munich legend franz beckenbauer believes jurgen klopp could succeed pep guardiola at the allianz arena .klopp , who won two bundesliga titles in seven years , has confirmed he will leave borussia dortmund in the summer .and beckenbauer believes the 47-year-old would be the perfect fit for bayern when guardiola , who has a contract until the summer of 2016 , moves on .\n", + "franz beckenbauer thinks jurgen klopp could be next bayern munich bossklopp has already confirmed he will leave borussia dortmund this summerbeckenebauer believes klopp has what it takes to replace pep guardiolaguardiola has a contract until 2016 but has been linked with a move away\n", + "[1.4891342 1.3143301 1.4465292 1.3633931 1.1796064 1.0367312 1.078109\n", + " 1.073565 1.0591675 1.0242699 1.0669984 1.0245541 1.1080766 1.0980649\n", + " 1.0750445 1.0711199 1.0214479 1.0088295 1.0116112 1.0305183 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 3 1 4 12 13 6 14 7 15 10 8 5 19 11 9 16 18 17 20 21 22]\n", + "=======================\n", + "[\"ronnie o'sullivan took off his shoes mid-match at the crucible on tuesday -- but still socked it to debutant craig steadman .but five-time champion o'sullivan , 39 , could now face a fine after breaching snooker 's strict dress code against the 32-year-old from manchester .ronnie o'sullivan was forced into borrowing a pair of shoes from a member of the crucible audience\"]\n", + "=======================\n", + "[\"ronnie o'sullivan had to borrow pair of shoes from audience memberthe 39-year-old played one frame in socks due to ankle discomforto'sullivan was breaking snooker etiquette in failing to wear smart shoesread : ding junhui misses out on maximum break ( and # 30,000 )\"]\n", + "ronnie o'sullivan took off his shoes mid-match at the crucible on tuesday -- but still socked it to debutant craig steadman .but five-time champion o'sullivan , 39 , could now face a fine after breaching snooker 's strict dress code against the 32-year-old from manchester .ronnie o'sullivan was forced into borrowing a pair of shoes from a member of the crucible audience\n", + "ronnie o'sullivan had to borrow pair of shoes from audience memberthe 39-year-old played one frame in socks due to ankle discomforto'sullivan was breaking snooker etiquette in failing to wear smart shoesread : ding junhui misses out on maximum break ( and # 30,000 )\n", + "[1.552628 1.4898118 1.1730087 1.4507191 1.1956298 1.1102738 1.0886458\n", + " 1.0459459 1.0396849 1.0264376 1.0187073 1.0143203 1.07374 1.0629165\n", + " 1.0619335 1.0407223 1.0297576 1.0683683 1.1278989 1.0187616 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 3 4 2 18 5 6 12 17 13 14 7 15 8 16 9 19 10 11 20 21 22]\n", + "=======================\n", + "['michael bisping admitted he had expected an easier fight after beating cb dollaway on points in montreal .the manchester middleweight was in action for the first time since losing to luke rockhold last year .michael bisping ( left ) lands a kick to the head of cb dollaway during their ufc 186 fight in montreal']\n", + "=======================\n", + "[\"michael bisping beating cb dollaway on points in montreal during ufc 186manchester 's bisping was given the nod 29-28 by all three of the judgesbisping said after the fight that dolloway was tougher than he anticipated\"]\n", + "michael bisping admitted he had expected an easier fight after beating cb dollaway on points in montreal .the manchester middleweight was in action for the first time since losing to luke rockhold last year .michael bisping ( left ) lands a kick to the head of cb dollaway during their ufc 186 fight in montreal\n", + "michael bisping beating cb dollaway on points in montreal during ufc 186manchester 's bisping was given the nod 29-28 by all three of the judgesbisping said after the fight that dolloway was tougher than he anticipated\n", + "[1.2441369 1.4541763 1.4285301 1.1848699 1.334498 1.0494592 1.0165236\n", + " 1.0996488 1.0541797 1.0421375 1.025969 1.1398941 1.0856397 1.2126813\n", + " 1.0295702 1.0096046 1.0490315 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 0 13 3 11 7 12 8 5 16 9 14 10 6 15 18 17 19]\n", + "=======================\n", + "[\"the social media site deemed the clip , which shows two elderly women painted in ochre in a trailer for upcoming abc tv show 8mmm aboriginal radio , as containing ` potentially offensive nudity ' .the video had already had 30,000 hits when it was removed after three days on sunday .facebook has come under fire after removing a video that shows aboriginal women in a traditional ceremony because they were topless .\"]\n", + "=======================\n", + "[\"facebook deemed the abc1 trailer to contain ` potentially offensive nudity 'the video had 30,000 hits when it was removed after three days on sundaytwo elderly aboriginal women painted in ochre are seen in the advertthe makers of the new comedy tv series , 8mmm aboriginal radio , based around an alice springs radio station called the move ` bewildering '\"]\n", + "the social media site deemed the clip , which shows two elderly women painted in ochre in a trailer for upcoming abc tv show 8mmm aboriginal radio , as containing ` potentially offensive nudity ' .the video had already had 30,000 hits when it was removed after three days on sunday .facebook has come under fire after removing a video that shows aboriginal women in a traditional ceremony because they were topless .\n", + "facebook deemed the abc1 trailer to contain ` potentially offensive nudity 'the video had 30,000 hits when it was removed after three days on sundaytwo elderly aboriginal women painted in ochre are seen in the advertthe makers of the new comedy tv series , 8mmm aboriginal radio , based around an alice springs radio station called the move ` bewildering '\n", + "[1.217339 1.4720759 1.373105 1.2423097 1.1525602 1.150049 1.0594591\n", + " 1.0700525 1.0316356 1.0195898 1.2218748 1.1511729 1.1445131 1.0581714\n", + " 1.0513211 1.0504248 1.0105549 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 10 0 4 11 5 12 7 6 13 14 15 8 9 16 17 18 19]\n", + "=======================\n", + "[\"the york county coroner 's office says 35-year-old donnell graham fatally shot his wife , shaquana graham and another man in a room at the quality inn in springettsbury township .the 33-year-old woman was found shot in the head while the other man , 25-year-old kristopher pittman , had been killed by gunshots to the chest .darryl schock , a maintenance and security worker at the motel , told the york daily record that at least one of the individuals had checked into the room around 3 a.m.\"]\n", + "=======================\n", + "['35-year-old donnell graham shot his wife , 33-year-old shaquana graham , at the quality inn in springettsbury township , police sayhe also shot 25-year-old kristopher pittman , who was staying in the same room , before turning the gun on himselfa motel worker said at least one of the individuals checked into the motel around 3 a.m.']\n", + "the york county coroner 's office says 35-year-old donnell graham fatally shot his wife , shaquana graham and another man in a room at the quality inn in springettsbury township .the 33-year-old woman was found shot in the head while the other man , 25-year-old kristopher pittman , had been killed by gunshots to the chest .darryl schock , a maintenance and security worker at the motel , told the york daily record that at least one of the individuals had checked into the room around 3 a.m.\n", + "35-year-old donnell graham shot his wife , 33-year-old shaquana graham , at the quality inn in springettsbury township , police sayhe also shot 25-year-old kristopher pittman , who was staying in the same room , before turning the gun on himselfa motel worker said at least one of the individuals checked into the motel around 3 a.m.\n", + "[1.2136827 1.5551522 1.1293577 1.4145466 1.3072783 1.1523049 1.0653579\n", + " 1.0618849 1.0874131 1.0707201 1.0659928 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 0 5 2 8 9 10 6 7 18 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "['aaronessa keaton of phoenix , arizona was eight months pregnant and had marijuana and benzodiazepines in her system when she collided head-on with a car carrying two children in february 2014 , and one of the children later died from their injuries .aaronessa keaton ( above ) was arrested monday and charged with manslaughter for a 2014 accident that resulted in the death of a 5-year-old childkeaton , who was also on probation for marijuana possession charges at the time , was indicted by a grand jury in february , and taken in monday after she was pulled over for a traffic stop .']\n", + "=======================\n", + "[\"aaronessa keaton was arrested monday and charged with manslaughter for a 2014 accident that resulted in the death of a 5-year-old childkeaton , of phoenix , arizona , hit another car head-on while she was eight months pregnant and had marijuana and benzodiazepines in her systemwhen told of the charges and the child 's death , she said ; ` sh*t happens '\"]\n", + "aaronessa keaton of phoenix , arizona was eight months pregnant and had marijuana and benzodiazepines in her system when she collided head-on with a car carrying two children in february 2014 , and one of the children later died from their injuries .aaronessa keaton ( above ) was arrested monday and charged with manslaughter for a 2014 accident that resulted in the death of a 5-year-old childkeaton , who was also on probation for marijuana possession charges at the time , was indicted by a grand jury in february , and taken in monday after she was pulled over for a traffic stop .\n", + "aaronessa keaton was arrested monday and charged with manslaughter for a 2014 accident that resulted in the death of a 5-year-old childkeaton , of phoenix , arizona , hit another car head-on while she was eight months pregnant and had marijuana and benzodiazepines in her systemwhen told of the charges and the child 's death , she said ; ` sh*t happens '\n", + "[1.4486921 1.5840743 1.1591476 1.399117 1.1558481 1.1039796 1.0699433\n", + " 1.069147 1.0716125 1.0129609 1.0417359 1.0168358 1.0171436 1.0105113\n", + " 1.0240602 1.1487496 1.1546525 1.0836968 1.0093489 1.0081747]\n", + "\n", + "[ 1 0 3 2 4 16 15 5 17 8 6 7 10 14 12 11 9 13 18 19]\n", + "=======================\n", + "[\"the hammers boss was incensed that eliaquim mangala was not penalised for a foul against stewart downing , who managed to stay on his feet despite a late challenge from city 's # 32million defender .sam allardyce has revealed the reason behind his furious rant at fourth official robert madley towards the end of west ham 's defeat at manchester city on sunday .referee anthony taylor took no action as the ball ran out of play and an animated allardyce vented his fury towards madley on the touchline .\"]\n", + "=======================\n", + "[\"manchester city defeated west ham 2-0 in the premier league on sundaysam allardyce was seen ranting at fourth official during game at the etihadhammers boss explained he was frustrated that referee anthony taylor missed eliaquim mangala 's foul on stewart downing\"]\n", + "the hammers boss was incensed that eliaquim mangala was not penalised for a foul against stewart downing , who managed to stay on his feet despite a late challenge from city 's # 32million defender .sam allardyce has revealed the reason behind his furious rant at fourth official robert madley towards the end of west ham 's defeat at manchester city on sunday .referee anthony taylor took no action as the ball ran out of play and an animated allardyce vented his fury towards madley on the touchline .\n", + "manchester city defeated west ham 2-0 in the premier league on sundaysam allardyce was seen ranting at fourth official during game at the etihadhammers boss explained he was frustrated that referee anthony taylor missed eliaquim mangala 's foul on stewart downing\n", + "[1.451042 1.2967411 1.2711389 1.4179288 1.1390015 1.0430931 1.0859408\n", + " 1.020933 1.0145493 1.2203926 1.0197645 1.0150067 1.0289232 1.0791086\n", + " 1.1159322 1.0925233 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 9 4 14 15 6 13 5 12 7 10 11 8 18 16 17 19]\n", + "=======================\n", + "[\"trainer paul webber was on sunday praying the ground at fairyhouse dries out further for cantlow , who will attempt to give ap mccoy a glorious send off in ireland with a second victory in easter monday 's irish grand national .the 19-time champion won the 2007 running on butler 's cabin and success aboard cantlow would be a fairytale start to what could be mccoy 's final week as a jockey .he has vowed to immediately retire if he wins saturday 's crabbie 's grand national at aintree on favourite shutthefrontdoor , the gelding which won last year 's irish national under barry geraghty .\"]\n", + "=======================\n", + "[\"ap mccoy will ride cantlow in the irish grand national on mondaycantlow disputes favouritism largely due to mccoy 's choice to ride himhe could 've ridden alderwood or if in doubt , also owned by jp mcmanustrainer paul webber said of the track : ' i hope it dries up a bit '\"]\n", + "trainer paul webber was on sunday praying the ground at fairyhouse dries out further for cantlow , who will attempt to give ap mccoy a glorious send off in ireland with a second victory in easter monday 's irish grand national .the 19-time champion won the 2007 running on butler 's cabin and success aboard cantlow would be a fairytale start to what could be mccoy 's final week as a jockey .he has vowed to immediately retire if he wins saturday 's crabbie 's grand national at aintree on favourite shutthefrontdoor , the gelding which won last year 's irish national under barry geraghty .\n", + "ap mccoy will ride cantlow in the irish grand national on mondaycantlow disputes favouritism largely due to mccoy 's choice to ride himhe could 've ridden alderwood or if in doubt , also owned by jp mcmanustrainer paul webber said of the track : ' i hope it dries up a bit '\n", + "[1.277576 1.443728 1.2274469 1.1689018 1.305665 1.1312767 1.1159904\n", + " 1.0589683 1.1013932 1.0487816 1.0968375 1.0499583 1.1198348 1.1002672\n", + " 1.0470817 1.0128852 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 0 2 3 5 12 6 8 13 10 7 11 9 14 15 16 17 18 19 20 21 22 23\n", + " 24 25 26 27 28 29]\n", + "=======================\n", + "[\"jose mourinho 's side have led the way since beating everton 6-3 at goodison park on august 30 , after tottenham had led the table following the first two rounds of games .jose mourinho could lead his side to become the most dominant in a single premier league seasonthe blues have been top for 230 days as of friday april 10 , although they did share the lead with manchester city for nine days in january after a statistical quirk saw the two sides exactly level on points , goal difference and goals scored .\"]\n", + "=======================\n", + "[\"chelsea set to spend most days at top in a single premier league seasonmanchester united currently top the list with 262 days in 1993/94jose mourinho 's side have been top for 230 days so far this seasoncould set a record of 272 days if they stay top until end of this campaignclick here for all the latest chelsea news\"]\n", + "jose mourinho 's side have led the way since beating everton 6-3 at goodison park on august 30 , after tottenham had led the table following the first two rounds of games .jose mourinho could lead his side to become the most dominant in a single premier league seasonthe blues have been top for 230 days as of friday april 10 , although they did share the lead with manchester city for nine days in january after a statistical quirk saw the two sides exactly level on points , goal difference and goals scored .\n", + "chelsea set to spend most days at top in a single premier league seasonmanchester united currently top the list with 262 days in 1993/94jose mourinho 's side have been top for 230 days so far this seasoncould set a record of 272 days if they stay top until end of this campaignclick here for all the latest chelsea news\n", + "[1.1806085 1.4891621 1.2574434 1.2779852 1.3575008 1.1362354 1.0939609\n", + " 1.0311317 1.1224669 1.0862719 1.029144 1.0243224 1.130748 1.0421441\n", + " 1.053914 1.0070959 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 3 2 0 5 12 8 6 9 14 13 7 10 11 15 27 26 25 24 23 22 20 19\n", + " 18 17 16 28 21 29]\n", + "=======================\n", + "['philip and victoria sherlock have been living out of their car for three months , after a stomach operation meant philip could no longer work as a # 400 a week gardener .philip was given a lifeline by local businessman jasen jackiw ( right ) a manchester business owner who heard about the story on a tv programmetheir loss of income saw victoria take on more hours as a shop assistant , but the desperate couple then had their benefits cut .']\n", + "=======================\n", + "['philip and victoria sherlock , from warrington , forced to live in ford focuspay day loan costs went out of control after he had a stomach operationthe pair left their home and lived out of the car , washing at supermarketsphilip was handed a lifeline by local businessman who gave him a new job']\n", + "philip and victoria sherlock have been living out of their car for three months , after a stomach operation meant philip could no longer work as a # 400 a week gardener .philip was given a lifeline by local businessman jasen jackiw ( right ) a manchester business owner who heard about the story on a tv programmetheir loss of income saw victoria take on more hours as a shop assistant , but the desperate couple then had their benefits cut .\n", + "philip and victoria sherlock , from warrington , forced to live in ford focuspay day loan costs went out of control after he had a stomach operationthe pair left their home and lived out of the car , washing at supermarketsphilip was handed a lifeline by local businessman who gave him a new job\n", + "[1.445127 1.4025247 1.2530671 1.1802692 1.0154635 1.0426524 1.1617848\n", + " 1.0599737 1.2816687 1.1810894 1.1424146 1.0479865 1.0384082 1.0370795\n", + " 1.0173951 1.0229009 1.0096179 1.0097021 1.0128218 1.0090201 1.01557\n", + " 1.0159271 1.0218556 1.0266395 1.0130194 1.0083393 1.0114545 1.0120993\n", + " 1.0092412 1.0126301]\n", + "\n", + "[ 0 1 8 2 9 3 6 10 7 11 5 12 13 23 15 22 14 21 20 4 24 18 29 27\n", + " 26 17 16 28 19 25]\n", + "=======================\n", + "['lewis hamilton ( britain ) mercedes 93nico rosberg ( germany ) mercedes 66kimi raikkonen , who finished second , applauds hamilton after the briton claimed his third victory in four races so far this season']\n", + "=======================\n", + "['lewis hamilton extended his lead in the formula one championship with yet another flawless victory this seasonthe british driver secured first place ahead of kimi raikkonen and nico rosberg who finished second and thirdhamilton has now set a personal best record of finishing in the points for 11 consecutive grands prixhe has 36 career wins , with 21 of those from pole position to open up a 27-point gap over team-mate rosberg']\n", + "lewis hamilton ( britain ) mercedes 93nico rosberg ( germany ) mercedes 66kimi raikkonen , who finished second , applauds hamilton after the briton claimed his third victory in four races so far this season\n", + "lewis hamilton extended his lead in the formula one championship with yet another flawless victory this seasonthe british driver secured first place ahead of kimi raikkonen and nico rosberg who finished second and thirdhamilton has now set a personal best record of finishing in the points for 11 consecutive grands prixhe has 36 career wins , with 21 of those from pole position to open up a 27-point gap over team-mate rosberg\n", + "[1.1934892 1.4108927 1.3182994 1.1363407 1.224582 1.223656 1.0877411\n", + " 1.1355306 1.0588281 1.030164 1.0313826 1.1477935 1.0345545 1.0155742\n", + " 1.0238229 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 4 5 0 11 3 7 6 8 12 10 9 14 13 28 15 16 17 18 19 20 21 22\n", + " 23 24 25 26 27 29]\n", + "=======================\n", + "[\"the snp leader will unveil a manifesto including proposals for british foreign policy , welfare payments , energy bills and english university tuition fees .several of her election pledges overlap with labour policy , including slashing tuition fees in england from a maximum of # 9,000 a year to # 6,000 , and rolling back competition in the english nhs .control : the tories warn snp leader nicola sturgeon will be ed miliband 's puppet master if he becomes prime minister after the election\"]\n", + "=======================\n", + "[\"nicola sturgeon will today unveil snp manifesto as a ` bid to lead the uk 'several of her party 's election pledges will overlap with labour policiesothers are calculated to drag a minority labour government to the leftthese include cancelling trident and halting tory changes to benefits\"]\n", + "the snp leader will unveil a manifesto including proposals for british foreign policy , welfare payments , energy bills and english university tuition fees .several of her election pledges overlap with labour policy , including slashing tuition fees in england from a maximum of # 9,000 a year to # 6,000 , and rolling back competition in the english nhs .control : the tories warn snp leader nicola sturgeon will be ed miliband 's puppet master if he becomes prime minister after the election\n", + "nicola sturgeon will today unveil snp manifesto as a ` bid to lead the uk 'several of her party 's election pledges will overlap with labour policiesothers are calculated to drag a minority labour government to the leftthese include cancelling trident and halting tory changes to benefits\n", + "[1.2303392 1.4208548 1.1893932 1.2870923 1.2997856 1.1972866 1.1563468\n", + " 1.1229541 1.1307931 1.087142 1.0163795 1.0136995 1.0215728 1.024665\n", + " 1.1102965 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 3 0 5 2 6 8 7 14 9 13 12 10 11 27 26 25 24 23 22 19 20 18\n", + " 17 16 15 28 21 29]\n", + "=======================\n", + "[\"bosses at queen 's hospital , burton , staffordshire , admitted they did n't tell relatives about the arrangement and a spokesman has claimed the use of a lorry is normal practice across the country .a hospital which ran out of space to store bodies in its mortuary after ` an unprecedented number of deaths ' resorted to leaving them in a refrigerated lorry parked next to a load of bins , it has emerged .bodies were transferred to the mortuary for viewings , then returned to the truck , according to one hospital worker .\"]\n", + "=======================\n", + "[\"bosses admitted they did n't tell relatives about the arrangementhospital says it dealt with an unprecedented number of deaths over easterspokesman : use of refrigerated lorry is normal practice across the country\"]\n", + "bosses at queen 's hospital , burton , staffordshire , admitted they did n't tell relatives about the arrangement and a spokesman has claimed the use of a lorry is normal practice across the country .a hospital which ran out of space to store bodies in its mortuary after ` an unprecedented number of deaths ' resorted to leaving them in a refrigerated lorry parked next to a load of bins , it has emerged .bodies were transferred to the mortuary for viewings , then returned to the truck , according to one hospital worker .\n", + "bosses admitted they did n't tell relatives about the arrangementhospital says it dealt with an unprecedented number of deaths over easterspokesman : use of refrigerated lorry is normal practice across the country\n", + "[1.3339152 1.2976177 1.1734467 1.3341222 1.1637375 1.105731 1.0616815\n", + " 1.0312672 1.1131659 1.036801 1.0275109 1.0173535 1.101144 1.0468477\n", + " 1.0168985 1.0351954 1.0226707 1.0188293 0. ]\n", + "\n", + "[ 3 0 1 2 4 8 5 12 6 13 9 15 7 10 16 17 11 14 18]\n", + "=======================\n", + "['now , jurors have found him guilty on all 30 counts he faced for the deadly bombings and their aftermath .( cnn ) rebekah gregory blinked back tears as she thought about the verdict .it had been almost two years since dzhokhar tsarnaev and his brother planted bombs at the boston marathon , setting off deadly explosions that wounded her and hundreds of others .']\n", + "=======================\n", + "['survivor jeff bauman stresses \" we will never replace the lives that were lost \"a man who was at the finish line is glad dzhokhar tsarnaev is now a \" convicted killer \"\" justice has been served today , \" says a once wounded police officer']\n", + "now , jurors have found him guilty on all 30 counts he faced for the deadly bombings and their aftermath .( cnn ) rebekah gregory blinked back tears as she thought about the verdict .it had been almost two years since dzhokhar tsarnaev and his brother planted bombs at the boston marathon , setting off deadly explosions that wounded her and hundreds of others .\n", + "survivor jeff bauman stresses \" we will never replace the lives that were lost \"a man who was at the finish line is glad dzhokhar tsarnaev is now a \" convicted killer \"\" justice has been served today , \" says a once wounded police officer\n", + "[1.2406904 1.3586261 1.3697588 1.1828085 1.2780113 1.1063582 1.0709751\n", + " 1.1668744 1.0263451 1.0316752 1.0722762 1.0326986 1.0131305 1.015086\n", + " 1.0231616 1.0782735 1.042659 1.0490819 1.0494857]\n", + "\n", + "[ 2 1 4 0 3 7 5 15 10 6 18 17 16 11 9 8 14 13 12]\n", + "=======================\n", + "[\"but her son james hunter was born at a healthy eight pounds and seven ounces last tuesday .sarah stage , a 30-year-old from los angeles , came under fire during her pregnancy for posting a string of selfies showing off her seemingly rock-hard abs , with some critics claiming that maintaining such a tiny figure could be damaging to her unborn child .the lingerie model whose sexy pregnancy selfies turned her into an overnight internet sensation has already snapped the first photo of her trimmed and toned post-baby physique in ` granny panties ' - just four days after giving birth to her son .\"]\n", + "=======================\n", + "['sarah stage , 30 , welcomed son james hunter into the world last tuesdaythe baby boy weighed eight pounds , seven ounces and was 22 inches longduring her pregnancy sarah was criticized for her trim figure and abs']\n", + "but her son james hunter was born at a healthy eight pounds and seven ounces last tuesday .sarah stage , a 30-year-old from los angeles , came under fire during her pregnancy for posting a string of selfies showing off her seemingly rock-hard abs , with some critics claiming that maintaining such a tiny figure could be damaging to her unborn child .the lingerie model whose sexy pregnancy selfies turned her into an overnight internet sensation has already snapped the first photo of her trimmed and toned post-baby physique in ` granny panties ' - just four days after giving birth to her son .\n", + "sarah stage , 30 , welcomed son james hunter into the world last tuesdaythe baby boy weighed eight pounds , seven ounces and was 22 inches longduring her pregnancy sarah was criticized for her trim figure and abs\n", + "[1.1727802 1.414995 1.4011965 1.3242443 1.2370155 1.098547 1.0523919\n", + " 1.0198247 1.0446104 1.1686347 1.070345 1.076093 1.0895393 1.025945\n", + " 1.0412138 1.1348375 1.1404102 1.1192529 0. ]\n", + "\n", + "[ 1 2 3 4 0 9 16 15 17 5 12 11 10 6 8 14 13 7 18]\n", + "=======================\n", + "['the man has been identified by the adelaide advertiser as chris blowes .the 26-year-old is currently fighting for his life in hospital .mr blowes was surfing about 350 metres offshore near right point on the south-western side of fishery bay in port lincoln national park , when he was attacked at 9.45 am on saturday .']\n", + "=======================\n", + "[\"a man is in a critical condition after a shark attack in south australiapolice said the man was attacked 350m offshore at fishery baythe man was rushed to hospital with life-threatening injuriesthe attack happened shortly before 10am on saturdaywitnesses claimed a great white shark has bitten off the man 's legthe shark victim has been airlifted to adelaide for further treatmentsouth australia has been the site of numerous shark attacks\"]\n", + "the man has been identified by the adelaide advertiser as chris blowes .the 26-year-old is currently fighting for his life in hospital .mr blowes was surfing about 350 metres offshore near right point on the south-western side of fishery bay in port lincoln national park , when he was attacked at 9.45 am on saturday .\n", + "a man is in a critical condition after a shark attack in south australiapolice said the man was attacked 350m offshore at fishery baythe man was rushed to hospital with life-threatening injuriesthe attack happened shortly before 10am on saturdaywitnesses claimed a great white shark has bitten off the man 's legthe shark victim has been airlifted to adelaide for further treatmentsouth australia has been the site of numerous shark attacks\n", + "[1.2144277 1.4182168 1.3127904 1.4283228 1.1800338 1.0247612 1.0165526\n", + " 1.0116642 1.0968993 1.1904157 1.2615612 1.1037712 1.1273793 1.0181688\n", + " 1.0187887 1.0337633 1.0104475 1.0087719 1.0074339]\n", + "\n", + "[ 3 1 2 10 0 9 4 12 11 8 15 5 14 13 6 7 16 17 18]\n", + "=======================\n", + "[\"big brother star and glamour model casey batchelor has unveiled her summer collection with honeyz.com in full - and models all of the clothes herself , of coursecasey 's new line is full of boho frocks , paisley prints and flowing maxi dresses perfect for the summer season .the glamour model 's new drop was inspired by the seventies influence spotted on the ss15 catwalks\"]\n", + "=======================\n", + "['casey , 30 , found fame on big brotherhas unveiled debut fashion range full of summer styleswants to take hollywood by storm and is filming now']\n", + "big brother star and glamour model casey batchelor has unveiled her summer collection with honeyz.com in full - and models all of the clothes herself , of coursecasey 's new line is full of boho frocks , paisley prints and flowing maxi dresses perfect for the summer season .the glamour model 's new drop was inspired by the seventies influence spotted on the ss15 catwalks\n", + "casey , 30 , found fame on big brotherhas unveiled debut fashion range full of summer styleswants to take hollywood by storm and is filming now\n", + "[1.2406375 1.3162535 1.2695982 1.3585827 1.1617211 1.1218419 1.0610405\n", + " 1.0160768 1.1761277 1.0911953 1.1412243 1.0446937 1.063248 1.0924642\n", + " 1.0485017 1.0487168 1.0493411 0. 0. ]\n", + "\n", + "[ 3 1 2 0 8 4 10 5 13 9 12 6 16 15 14 11 7 17 18]\n", + "=======================\n", + "[\"mr cameron will say the conservative party will one day be the party of the first black or asian prime ministerhe will also set out targets for ethnic minority recruitment designed to persuade voters the party is on their side .britain 's first black prime minister will be a conservative , david cameron will claim today .\"]\n", + "=======================\n", + "['prime minister says conservatives will be party of first black or asian pmcameron points to party record of past female and jewish prime ministershe will set out targets for ethnic minority recruitment in bid to woo voters']\n", + "mr cameron will say the conservative party will one day be the party of the first black or asian prime ministerhe will also set out targets for ethnic minority recruitment designed to persuade voters the party is on their side .britain 's first black prime minister will be a conservative , david cameron will claim today .\n", + "prime minister says conservatives will be party of first black or asian pmcameron points to party record of past female and jewish prime ministershe will set out targets for ethnic minority recruitment in bid to woo voters\n", + "[1.5018358 1.4607834 1.2223104 1.1978977 1.1959436 1.0800759 1.1935276\n", + " 1.0359514 1.0425079 1.1166819 1.0635753 1.0957327 1.0120126 1.0130594\n", + " 1.0383568 1.0425454 1.015852 0. ]\n", + "\n", + "[ 0 1 2 3 4 6 9 11 5 10 15 8 14 7 16 13 12 17]\n", + "=======================\n", + "['the bayern munich squad flew back to germany on thursday the day after suffering a surprise defeat by porto in the champions league quarter-final first leg .a glum-looking thomas muller , manuel neuer and pep guardiola were pictured at the airport ready to board their flight back to bavaria after their 3-1 loss at the estadio dragao on wednesday .the defeat was the price the five-time european champions paid for a string of injuries and a tired squad that has not stopped playing , chief executive karl-heinz rummenigge said .']\n", + "=======================\n", + "['bayern munich were beaten 3-1 by porto in the champions leaguepep guardiola and the squad returned to germany on thursdaykarl-heinz rummenigge refused to criticise the players , blaming injuries']\n", + "the bayern munich squad flew back to germany on thursday the day after suffering a surprise defeat by porto in the champions league quarter-final first leg .a glum-looking thomas muller , manuel neuer and pep guardiola were pictured at the airport ready to board their flight back to bavaria after their 3-1 loss at the estadio dragao on wednesday .the defeat was the price the five-time european champions paid for a string of injuries and a tired squad that has not stopped playing , chief executive karl-heinz rummenigge said .\n", + "bayern munich were beaten 3-1 by porto in the champions leaguepep guardiola and the squad returned to germany on thursdaykarl-heinz rummenigge refused to criticise the players , blaming injuries\n", + "[1.2160834 1.1906021 1.2676486 1.2269303 1.1446214 1.1814606 1.0552361\n", + " 1.1525578 1.1059518 1.0815266 1.0541956 1.1889251 1.0383404 1.2077065\n", + " 1.0314534 1.1622719 0. 0. ]\n", + "\n", + "[ 2 3 0 13 1 11 5 15 7 4 8 9 6 10 12 14 16 17]\n", + "=======================\n", + "[\"norway international odegaard took to social media to share the picture of the pair at real 's valdebebas training complex .martin odegaard poses with former brazil international ronaldo at the real madrid training groundhaving presumably grown used to being in the company of one famous ronaldo , real madrid 's teen sensation martin odegaard on wednesday appeared to be left starstruck by another .\"]\n", + "=======================\n", + "[\"brazilian ronaldo paid a visit to former club real madrid on wednesdayteen sensation martin odegaard posed for a picture with the former strikerthe 16-year-old shared the snap on instagram with the caption ` legend '\"]\n", + "norway international odegaard took to social media to share the picture of the pair at real 's valdebebas training complex .martin odegaard poses with former brazil international ronaldo at the real madrid training groundhaving presumably grown used to being in the company of one famous ronaldo , real madrid 's teen sensation martin odegaard on wednesday appeared to be left starstruck by another .\n", + "brazilian ronaldo paid a visit to former club real madrid on wednesdayteen sensation martin odegaard posed for a picture with the former strikerthe 16-year-old shared the snap on instagram with the caption ` legend '\n", + "[1.1920437 1.3542336 1.2141124 1.369868 1.1702065 1.1032654 1.1620429\n", + " 1.103455 1.1267097 1.0853314 1.066472 1.0984267 1.0575113 1.0913393\n", + " 1.04642 1.0181066 1.0857319 1.0500596]\n", + "\n", + "[ 3 1 2 0 4 6 8 7 5 11 13 16 9 10 12 17 14 15]\n", + "=======================\n", + "['it is the seventeenth dead sperm whale to beach along the north coast of california in over the 40 years , a spokeswoman for the marine mammal center said .on wednesday scientists and biologists sought to determine how the massive animal died .a monster 50-foot sperm whale found washed ashore in california is attracting dozens of camera-wielding tourists while experts decide what to do with the carcass .']\n", + "=======================\n", + "[\"scientists and biologists arrived wednesday to determine how the massive mammal diedthe animal is one of 17 dead sperm whales to beach along the north coast of california in over 40 yearsofficials say it 's not immediately clear would be done with the carcass after the examination\"]\n", + "it is the seventeenth dead sperm whale to beach along the north coast of california in over the 40 years , a spokeswoman for the marine mammal center said .on wednesday scientists and biologists sought to determine how the massive animal died .a monster 50-foot sperm whale found washed ashore in california is attracting dozens of camera-wielding tourists while experts decide what to do with the carcass .\n", + "scientists and biologists arrived wednesday to determine how the massive mammal diedthe animal is one of 17 dead sperm whales to beach along the north coast of california in over 40 yearsofficials say it 's not immediately clear would be done with the carcass after the examination\n", + "[1.2507589 1.4255438 1.21156 1.1609387 1.1952863 1.1327996 1.0569521\n", + " 1.0638149 1.0622398 1.0906489 1.0546927 1.0945328 1.0827448 1.1062139\n", + " 1.0679901 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 3 5 13 11 9 12 14 7 8 6 10 16 15 17]\n", + "=======================\n", + "[\"memorials to south africa 's colonial past were defaced by mainly young black protesters as statues of british monarchs queen victoria and king george v were splashed with paint in the cities of port elizabeth and durban respectively .excrement thrown at the statue of british colonialist cecil john rhodes has triggered a wave of protests across south africa against ` racist ' historical figures .vandals poured paint over scottish-south african missionary andrew murray 's statue in the western cape .\"]\n", + "=======================\n", + "['tributes to south african colonial past defaced by young black protesterswave of protests triggered after statue of cecil john rhodes was defaced']\n", + "memorials to south africa 's colonial past were defaced by mainly young black protesters as statues of british monarchs queen victoria and king george v were splashed with paint in the cities of port elizabeth and durban respectively .excrement thrown at the statue of british colonialist cecil john rhodes has triggered a wave of protests across south africa against ` racist ' historical figures .vandals poured paint over scottish-south african missionary andrew murray 's statue in the western cape .\n", + "tributes to south african colonial past defaced by young black protesterswave of protests triggered after statue of cecil john rhodes was defaced\n", + "[1.4026632 1.536515 1.1952683 1.4459286 1.0561845 1.1030017 1.0204815\n", + " 1.0225617 1.0169582 1.0251373 1.0177977 1.0673487 1.0146402 1.0158439\n", + " 1.2750981 1.0488926 1.0194017 1.0307041]\n", + "\n", + "[ 1 3 0 14 2 5 11 4 15 17 9 7 6 16 10 8 13 12]\n", + "=======================\n", + "[\"sky bet championship side rovers were eliminated from the competition on wednesday night by brendan rodgers ' liverpool , who booked a semi-final date at wembley at the second time of asking thanks to philippe coutinho 's angled 70th-minute finish in an ewood park replay .blackburn manager gary bowyer believes the club should brace themselves for interest in their playersblackburn strikers jordan rhodes and rudy gestede have both attrackted in the last two transfer windows\"]\n", + "=======================\n", + "[\"blackburn 's jordan rhodes and rudy gestede have both attracted interestgary bowyer believes players will attract attention after fa cup exploitsblackburn lost 1-0 to liverpool on wednesday in quarter-final replayread : bowyer shocked by keeper 's late effort against liverpool\"]\n", + "sky bet championship side rovers were eliminated from the competition on wednesday night by brendan rodgers ' liverpool , who booked a semi-final date at wembley at the second time of asking thanks to philippe coutinho 's angled 70th-minute finish in an ewood park replay .blackburn manager gary bowyer believes the club should brace themselves for interest in their playersblackburn strikers jordan rhodes and rudy gestede have both attrackted in the last two transfer windows\n", + "blackburn 's jordan rhodes and rudy gestede have both attracted interestgary bowyer believes players will attract attention after fa cup exploitsblackburn lost 1-0 to liverpool on wednesday in quarter-final replayread : bowyer shocked by keeper 's late effort against liverpool\n", + "[1.4104029 1.5016575 1.3411257 1.4336257 1.1649195 1.0714496 1.0692672\n", + " 1.2200624 1.1488254 1.124284 1.0724463 1.0093067 1.0138806 1.0081108\n", + " 1.0160087 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 7 4 8 9 10 5 6 14 12 11 13 18 15 16 17 19]\n", + "=======================\n", + "[\"the west ham striker is currently overseas with a hammers physio and his pregnant fiancee billi mucklow as he continues his recovery .andy carroll is stepping up his return to fitness following knee surgery in dubai ahead of next season .however , the 26-year-old will not have a break over the summer and will instead be working hard at the club 's chadwell heath training ground .\"]\n", + "=======================\n", + "['andy carroll is in dubai as he steps up his recovery from knee surgerythe west ham striker is overseas with a club physio and his fianceethe 26-year-old injured his medial knee ligament against southampton']\n", + "the west ham striker is currently overseas with a hammers physio and his pregnant fiancee billi mucklow as he continues his recovery .andy carroll is stepping up his return to fitness following knee surgery in dubai ahead of next season .however , the 26-year-old will not have a break over the summer and will instead be working hard at the club 's chadwell heath training ground .\n", + "andy carroll is in dubai as he steps up his recovery from knee surgerythe west ham striker is overseas with a club physio and his fianceethe 26-year-old injured his medial knee ligament against southampton\n", + "[1.3329959 1.3173727 1.2503085 1.1308403 1.1452882 1.1785525 1.1327318\n", + " 1.2465491 1.1504543 1.1479223 1.0353839 1.0114809 1.0567907 1.0367637\n", + " 1.0119064 1.0810455 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 7 5 8 9 4 6 3 15 12 13 10 14 11 18 16 17 19]\n", + "=======================\n", + "[\"a family of four was enjoying a day out together in portland , maine when a white man yelled a racial slur at them before speeding off .the family consisted of a black mother and a white father who were with their nine-year-old daughter and 23-year-old son .the man was in a car filled with a group of young white men when he screamed ` hey n ***** s ! '\"]\n", + "=======================\n", + "[\"jackie ward witnessed the family of four have racial slur shouted at them while they were out for the day on fridayshay stewart-bouley , who is black and runs a blog called black girl in maine , was with her white husband and their daughter , 9 , and son , 23car of unidentified white males drove past as one shouted ` hey n ***** s ! 'ward said she shared the story to remind people to be kinder to each other\"]\n", + "a family of four was enjoying a day out together in portland , maine when a white man yelled a racial slur at them before speeding off .the family consisted of a black mother and a white father who were with their nine-year-old daughter and 23-year-old son .the man was in a car filled with a group of young white men when he screamed ` hey n ***** s ! '\n", + "jackie ward witnessed the family of four have racial slur shouted at them while they were out for the day on fridayshay stewart-bouley , who is black and runs a blog called black girl in maine , was with her white husband and their daughter , 9 , and son , 23car of unidentified white males drove past as one shouted ` hey n ***** s ! 'ward said she shared the story to remind people to be kinder to each other\n", + "[1.1370361 1.5047297 1.1870668 1.1515685 1.1985705 1.2031757 1.1863137\n", + " 1.3206491 1.1559455 1.1027842 1.1289738 1.0630416 1.0708458 1.0527488\n", + " 1.0879148 1.0603477 1.0720755 1.0608647 0. 0. ]\n", + "\n", + "[ 1 7 5 4 2 6 8 3 0 10 9 14 16 12 11 17 15 13 18 19]\n", + "=======================\n", + "['the cute calf had been taking a stroll through the bush with his mother at idube game reserve in south africa .the clumsy little one stumbled as he stepped down onto the path and struggled to regain his balance .but when the baby elephant rushed to catch her up he appeared to get his leg caught in the grass .']\n", + "=======================\n", + "['cute but clumsy elephant calf was following his mother though the bushsuddenly the youngster appeared to catch his foot and his lose balancefell over and landed - trunk first - down in the mud at idube game reserve']\n", + "the cute calf had been taking a stroll through the bush with his mother at idube game reserve in south africa .the clumsy little one stumbled as he stepped down onto the path and struggled to regain his balance .but when the baby elephant rushed to catch her up he appeared to get his leg caught in the grass .\n", + "cute but clumsy elephant calf was following his mother though the bushsuddenly the youngster appeared to catch his foot and his lose balancefell over and landed - trunk first - down in the mud at idube game reserve\n", + "[1.1683995 1.4781035 1.2905703 1.2674541 1.2415974 1.1320158 1.1728816\n", + " 1.034662 1.1547453 1.0416585 1.1694204 1.0640059 1.0296947 1.1738526\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 13 6 10 0 8 5 11 9 7 12 14 15 16 17 18 19]\n", + "=======================\n", + "[\"doctor john parker was taken to westmead hospital in sydney 's west for treatment about midday on saturday after he had developed symptoms of a influenza-like illness .the humanitarian doctor from sunshine coast in queensland had been working at an australian-run ebola treatment clinic in sierra leone since november last year , nine news reports .the world health organisation estimated more than 10,000 people have died from the deadly virus in guinea , liberia and sierra leone .\"]\n", + "=======================\n", + "['ebola tests for a senior doctor has come back negative for the virusdoctor john parker has been working at an ebola clinic in sierra leonensw health said he had developed flu-like symptoms on saturdaydr parker was assessed at a sydney hospital as a precaution']\n", + "doctor john parker was taken to westmead hospital in sydney 's west for treatment about midday on saturday after he had developed symptoms of a influenza-like illness .the humanitarian doctor from sunshine coast in queensland had been working at an australian-run ebola treatment clinic in sierra leone since november last year , nine news reports .the world health organisation estimated more than 10,000 people have died from the deadly virus in guinea , liberia and sierra leone .\n", + "ebola tests for a senior doctor has come back negative for the virusdoctor john parker has been working at an ebola clinic in sierra leonensw health said he had developed flu-like symptoms on saturdaydr parker was assessed at a sydney hospital as a precaution\n", + "[1.2375783 1.4256496 1.1211908 1.1363066 1.1045381 1.1226006 1.3511343\n", + " 1.1730627 1.0389264 1.0730398 1.0193298 1.1652989 1.0229214 1.0799456\n", + " 1.0630975 1.1065252 1.0599394 1.0457414 1.0685818 1.0249987]\n", + "\n", + "[ 1 6 0 7 11 3 5 2 15 4 13 9 18 14 16 17 8 19 12 10]\n", + "=======================\n", + "['on april 16 , molly parks was found in the bathroom of the pizza restaurant where she worked in manchester , new hampshire with a needle still in her arm .the family of a 24-year-old woman who died of a heroin overdose has penned a candid obituary openly discussing her struggle with drugs in a bid to prevent others from losing their lives .her father , tom parks , said she had abused alcohol and prescription pills before moving on to heroin .']\n", + "=======================\n", + "[\"on april 16 , molly parks was found in the bathroom of the new hampshire pizza restaurant where she worked with a needle still in her armher family wrote an honest obituary announcing her death and detailing her ` bad decisions including experimenting with drugs 'she had been addicted for 5 years and previously had a near-fatal overdoseher family said they are sharing her story as a warning to other families and to plead with them ` to stay on top ' of their loved ones with addictions\"]\n", + "on april 16 , molly parks was found in the bathroom of the pizza restaurant where she worked in manchester , new hampshire with a needle still in her arm .the family of a 24-year-old woman who died of a heroin overdose has penned a candid obituary openly discussing her struggle with drugs in a bid to prevent others from losing their lives .her father , tom parks , said she had abused alcohol and prescription pills before moving on to heroin .\n", + "on april 16 , molly parks was found in the bathroom of the new hampshire pizza restaurant where she worked with a needle still in her armher family wrote an honest obituary announcing her death and detailing her ` bad decisions including experimenting with drugs 'she had been addicted for 5 years and previously had a near-fatal overdoseher family said they are sharing her story as a warning to other families and to plead with them ` to stay on top ' of their loved ones with addictions\n", + "[1.1889064 1.3570814 1.3192039 1.2879899 1.1607413 1.2064474 1.1105897\n", + " 1.130503 1.1350405 1.1019158 1.1007135 1.025954 1.0509732 1.0579406\n", + " 1.0148524 1.0176749 1.0104681 1.0478373 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 5 0 4 8 7 6 9 10 13 12 17 11 15 14 16 22 18 19 20 21 23]\n", + "=======================\n", + "[\"the man , known only as xu , even tried to impregnate the ` daughter-in-law ' himself after discovering his son had not slept with his wife a single time .xu is currently under arrest for human trafficking by the police of lianyungang city in eastern china , according to the people 's daily online .desperate for a grandchild , xu ( pictured ) bought a wife for his son , who has learning difficulties\"]\n", + "=======================\n", + "[\"the man , known only as xu , was keen to have a grandchildhe bought the ` daughter-in-law ' for # 1,311 at the beginning of 2014both his son and the woman that xu bought suffered from learning difficultiesafter realising the young couple were not sleeping together , he began having sex with her himselfbut when she failed to fall pregnant he decided to sell her on againxu is under arrest for human trafficking at lianyungang in eastern china\"]\n", + "the man , known only as xu , even tried to impregnate the ` daughter-in-law ' himself after discovering his son had not slept with his wife a single time .xu is currently under arrest for human trafficking by the police of lianyungang city in eastern china , according to the people 's daily online .desperate for a grandchild , xu ( pictured ) bought a wife for his son , who has learning difficulties\n", + "the man , known only as xu , was keen to have a grandchildhe bought the ` daughter-in-law ' for # 1,311 at the beginning of 2014both his son and the woman that xu bought suffered from learning difficultiesafter realising the young couple were not sleeping together , he began having sex with her himselfbut when she failed to fall pregnant he decided to sell her on againxu is under arrest for human trafficking at lianyungang in eastern china\n", + "[1.2646794 1.3177414 1.117406 1.1840147 1.2805009 1.3525863 1.1666735\n", + " 1.026241 1.0729471 1.0803478 1.1005507 1.0493054 1.1022557 1.0311606\n", + " 1.0860815 1.0137888 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 5 1 4 0 3 6 2 12 10 14 9 8 11 13 7 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"the gunners are now in fine form and beat liverpool 4-1 on saturday but still have the exact same recordbut the gunners still finished in fourth place yet again , with arsene wenger 's team were heavily criticised after throwing away the title .arsenal were reeling after a 6-0 defeat by chelsea at this stage last season and had 63 points from 31 games\"]\n", + "=======================\n", + "['arsenal were title contenders in 2013/14 season before faltering at the endgunners have same record after 31 games : won 19 , drawn six , lost sixarsene wenger insists arsenal have improved with likes of alexis sanchezarsenal started this season poorly with defeats at swansea and stoke cityadrian durham : arsenal only turn it on when the pressure is off']\n", + "the gunners are now in fine form and beat liverpool 4-1 on saturday but still have the exact same recordbut the gunners still finished in fourth place yet again , with arsene wenger 's team were heavily criticised after throwing away the title .arsenal were reeling after a 6-0 defeat by chelsea at this stage last season and had 63 points from 31 games\n", + "arsenal were title contenders in 2013/14 season before faltering at the endgunners have same record after 31 games : won 19 , drawn six , lost sixarsene wenger insists arsenal have improved with likes of alexis sanchezarsenal started this season poorly with defeats at swansea and stoke cityadrian durham : arsenal only turn it on when the pressure is off\n", + "[1.1504871 1.5992286 1.0939641 1.0701425 1.271416 1.3499538 1.2347593\n", + " 1.2461828 1.0145645 1.0388279 1.0248334 1.0172036 1.0467339 1.0218985\n", + " 1.0163289 1.011664 1.0120795 1.026538 1.0178916 1.0153475 1.067455\n", + " 1.0521735 1.0184989 1.0354921]\n", + "\n", + "[ 1 5 4 7 6 0 2 3 20 21 12 9 23 17 10 13 22 18 11 14 19 8 16 15]\n", + "=======================\n", + "['calum chambers , eric dier and john stones have all enjoyed excellent premier league campaigns .arsenal defender calum chambers ( left ) has impressed in his first season at the clubchambers and stones are still 20 and dier is 21 , but there are no signs of fear in their games .']\n", + "=======================\n", + "['calum chambers has played 35 times already for arsenal this seasoneric dier has become an important first-team player at tottenhamjohn stones has impressed for everton after being moved to the middle']\n", + "calum chambers , eric dier and john stones have all enjoyed excellent premier league campaigns .arsenal defender calum chambers ( left ) has impressed in his first season at the clubchambers and stones are still 20 and dier is 21 , but there are no signs of fear in their games .\n", + "calum chambers has played 35 times already for arsenal this seasoneric dier has become an important first-team player at tottenhamjohn stones has impressed for everton after being moved to the middle\n", + "[1.1262853 1.0859984 1.2512821 1.2900549 1.0756627 1.0308003 1.0526645\n", + " 1.1025245 1.0606169 1.0854442 1.0734482 1.0887935 1.0452462 1.0849354\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 2 0 7 11 1 9 13 4 10 8 6 12 5 21 20 19 18 14 16 15 22 17 23]\n", + "=======================\n", + "[\"while the glamorous scolaro sisters ` partied with a-list movie stars ' , self-made millionaire tomer sror continued to earn hundreds of thousands in minutes over online trades -- even when he was sunbathing on the beach .mailonline caught up with the world 's most extravagant 18 to 26-year-olds who blew their cash in miami , new york , marbella and monaco to name but a few cities before indulging in their stratospheric nightlife during spring break .travel in style : for 25-year-old andreas arnhoff from norway it is more about the journey - on a luxury yacht - than the destination which just so happens to be the gorgeous beaches of miami\"]\n", + "=======================\n", + "[\"rich kids of instagram have been spending spring in the most glamorous hotels in monaco , new york and rhodesthey travel on # 2million private jets , stay in # 1,000-a-night hotels , eat truffles with breakfast and lounge on yachtsbut some , including 20-year-old luxury jewellery designer stephanie scolaro , have simply gotten used to jet-settingothers can not leave their work behind as tomer sror continues to make ` hundreds of thousands ' while on holiday\"]\n", + "while the glamorous scolaro sisters ` partied with a-list movie stars ' , self-made millionaire tomer sror continued to earn hundreds of thousands in minutes over online trades -- even when he was sunbathing on the beach .mailonline caught up with the world 's most extravagant 18 to 26-year-olds who blew their cash in miami , new york , marbella and monaco to name but a few cities before indulging in their stratospheric nightlife during spring break .travel in style : for 25-year-old andreas arnhoff from norway it is more about the journey - on a luxury yacht - than the destination which just so happens to be the gorgeous beaches of miami\n", + "rich kids of instagram have been spending spring in the most glamorous hotels in monaco , new york and rhodesthey travel on # 2million private jets , stay in # 1,000-a-night hotels , eat truffles with breakfast and lounge on yachtsbut some , including 20-year-old luxury jewellery designer stephanie scolaro , have simply gotten used to jet-settingothers can not leave their work behind as tomer sror continues to make ` hundreds of thousands ' while on holiday\n", + "[1.3126116 1.1868583 1.3912233 1.1931927 1.2684951 1.2037936 1.1431957\n", + " 1.0598875 1.0492692 1.2068176 1.054639 1.0830909 1.0342431 1.0501505\n", + " 1.03226 1.0930154 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 0 4 9 5 3 1 6 15 11 7 10 13 8 12 14 22 16 17 18 19 20 21 23]\n", + "=======================\n", + "[\"patrick james fredricksen , 30 - who has previous convictions for unlawful sexual activity with a minor and impersonating a firefighter - was stopped on his way to one child 's home in eastern utah , police say .fredricksen has now been booked into emery county jail for investigation of theft of a vehicle and attempted child kidnapping .audacious : fredricksen is said to have taken an american school bus and driven it to youngsters ' homes\"]\n", + "=======================\n", + "[\"patrick james fredricksen was stopped on way to child 's home , say policesex abuser discovered the bus empty with its keys inside in emery countyhe reportedly stole a funeral worker 's car the same dayafter being locked up , he ` flooded jail ' by breaking a water pipe\"]\n", + "patrick james fredricksen , 30 - who has previous convictions for unlawful sexual activity with a minor and impersonating a firefighter - was stopped on his way to one child 's home in eastern utah , police say .fredricksen has now been booked into emery county jail for investigation of theft of a vehicle and attempted child kidnapping .audacious : fredricksen is said to have taken an american school bus and driven it to youngsters ' homes\n", + "patrick james fredricksen was stopped on way to child 's home , say policesex abuser discovered the bus empty with its keys inside in emery countyhe reportedly stole a funeral worker 's car the same dayafter being locked up , he ` flooded jail ' by breaking a water pipe\n", + "[1.3065621 1.4058573 1.2880921 1.278613 1.3772218 1.0802958 1.3133287\n", + " 1.1627693 1.1395878 1.0313877 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 6 0 2 3 7 8 5 9 18 17 16 15 10 13 12 11 19 14 20]\n", + "=======================\n", + "['the 29-year-old is out of contract in the summer and is keen on a move to the premier league .swansea left back neil taylor is a # 4million target for west bromwich albionswansea city have expressed an interest in schalke full back christian fuchs .']\n", + "=======================\n", + "[\"christian fuchs ' current schalke contract expires in the summerdefender has attracted interested from a number of premier league clubsswansea have expressed their interest in the austria international\"]\n", + "the 29-year-old is out of contract in the summer and is keen on a move to the premier league .swansea left back neil taylor is a # 4million target for west bromwich albionswansea city have expressed an interest in schalke full back christian fuchs .\n", + "christian fuchs ' current schalke contract expires in the summerdefender has attracted interested from a number of premier league clubsswansea have expressed their interest in the austria international\n", + "[1.3647228 1.361025 1.1342285 1.3252058 1.128461 1.0408219 1.0888168\n", + " 1.0494825 1.0517452 1.0543501 1.0723277 1.1204214 1.0575058 1.041889\n", + " 1.0448064 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 11 6 10 12 9 8 7 14 13 5 19 15 16 17 18 20]\n", + "=======================\n", + "[\"as a sequel of sorts to the diane sawyer 20/20 special , tv viewers will be able to follow bruce jenner 's journey as he transitions into a woman in his forthcoming eight-episode docu-series on e! starting july 27 .but it is allegedly his sons burt , brandon and brody jenner and stepdaughter kim kardashian who are hesitant to hear and watch just how much their 65-year-old patriarch will reveal about gender change .` they are warning him to slow down on revealing too much of his journey on reality tv , ' a source told tmz in a monday report .\"]\n", + "=======================\n", + "[\"bruce is set to star in an eight-episode docu-series on e! starting july 27kim , burt , brandon and brody ` do n't want him to do the series 'jenner 's sons and daughter casey tell gma the star left them in the '80s\"]\n", + "as a sequel of sorts to the diane sawyer 20/20 special , tv viewers will be able to follow bruce jenner 's journey as he transitions into a woman in his forthcoming eight-episode docu-series on e! starting july 27 .but it is allegedly his sons burt , brandon and brody jenner and stepdaughter kim kardashian who are hesitant to hear and watch just how much their 65-year-old patriarch will reveal about gender change .` they are warning him to slow down on revealing too much of his journey on reality tv , ' a source told tmz in a monday report .\n", + "bruce is set to star in an eight-episode docu-series on e! starting july 27kim , burt , brandon and brody ` do n't want him to do the series 'jenner 's sons and daughter casey tell gma the star left them in the '80s\n", + "[1.462051 1.4651008 1.3916111 1.1760925 1.228331 1.0333171 1.0258276\n", + " 1.0124836 1.0791506 1.0418078 1.1414099 1.1317979 1.0102613 1.0089054\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 3 10 11 8 9 5 6 7 12 13 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"the six-time olympic gold medallist is currently in rio de janeiro , acclimatising ahead of next year 's olympic games in the brazilian capital , and will compete in the ` mano a mano ' 100-metre challenge on sunday .usain bolt has revealed he wants to smash his own 200-metre world record by running the distance in under 19 seconds and insists he is almost impossible to beat when he is fully fit .the jamaican sprinter ran the 200 metres in 19.19 sec at the 2009 world championships in berlin and bolt is confident he could shave two tenths off that time despite clocking a disappointing 20.20 sec at the utech classic in his home country last saturday .\"]\n", + "=======================\n", + "['usain bolt wants to beat own 200-metre record by running sub 19 secondsbolt had injuries last season as justin gatlin dominated sprint scenebut jamaican insists when he is fit he is almost impossible to beat']\n", + "the six-time olympic gold medallist is currently in rio de janeiro , acclimatising ahead of next year 's olympic games in the brazilian capital , and will compete in the ` mano a mano ' 100-metre challenge on sunday .usain bolt has revealed he wants to smash his own 200-metre world record by running the distance in under 19 seconds and insists he is almost impossible to beat when he is fully fit .the jamaican sprinter ran the 200 metres in 19.19 sec at the 2009 world championships in berlin and bolt is confident he could shave two tenths off that time despite clocking a disappointing 20.20 sec at the utech classic in his home country last saturday .\n", + "usain bolt wants to beat own 200-metre record by running sub 19 secondsbolt had injuries last season as justin gatlin dominated sprint scenebut jamaican insists when he is fit he is almost impossible to beat\n", + "[1.2035104 1.1452042 1.0855422 1.1337833 1.2173573 1.1322695 1.0962096\n", + " 1.060717 1.1022127 1.1051636 1.096008 1.0287862 1.0319635 1.0619085\n", + " 1.0269805 1.0429243 1.0543743 1.0343906 1.0248649 1.1536433 0. ]\n", + "\n", + "[ 4 0 19 1 3 5 9 8 6 10 2 13 7 16 15 17 12 11 14 18 20]\n", + "=======================\n", + "['cnn recently published a powerful piece called \" poor kids of silicon valley \" that documents the affordable housing challenges facing families in the bay area .( cnn ) can you imagine paying $ 1,000 a month in rent to live in a one-car garage ?right now , the nation is losing 10,000 units of public housing every year , mainly because of disrepair , hud created the rental assistance demonstration initiative to bring private investment into the fold for the public good .']\n", + "=======================\n", + "['cnn \\'s john sutter told the story of the \" poor kids of silicon valley \"hud secretary julián castro : our shortage of affordable housing is a national crisis that stunts the economy']\n", + "cnn recently published a powerful piece called \" poor kids of silicon valley \" that documents the affordable housing challenges facing families in the bay area .( cnn ) can you imagine paying $ 1,000 a month in rent to live in a one-car garage ?right now , the nation is losing 10,000 units of public housing every year , mainly because of disrepair , hud created the rental assistance demonstration initiative to bring private investment into the fold for the public good .\n", + "cnn 's john sutter told the story of the \" poor kids of silicon valley \"hud secretary julián castro : our shortage of affordable housing is a national crisis that stunts the economy\n", + "[1.1824297 1.3754482 1.1465062 1.2416382 1.1621875 1.1320083 1.060545\n", + " 1.0577345 1.1496844 1.1685214 1.1212475 1.0432501 1.0305041 1.082526\n", + " 1.0481607 1.0339159 1.0322481 1.0108484 1.0272651 1.0894655 1.0913935]\n", + "\n", + "[ 1 3 0 9 4 8 2 5 10 20 19 13 6 7 14 11 15 16 12 18 17]\n", + "=======================\n", + "['for the geordie shore star , who has lost has lost two and a half stone and four dress sizes over the past year , is looking thinner than ever .as charlotte cosby showed off her super-slim figure in a new instagram photo , many of her fans balked at her now tiny frame .one twitter user commented that she thought charlotte was ` far to skinny [ sic ] whilst other commented on her instagram pictures']\n", + "=======================\n", + "['charlotte crosby was criticised for her slim frame on social mediathe star has lost more than two and a half stone in the past yearher geordie shore cast mates have also shed the poundsa doctor warns that they could be taking their diets too far']\n", + "for the geordie shore star , who has lost has lost two and a half stone and four dress sizes over the past year , is looking thinner than ever .as charlotte cosby showed off her super-slim figure in a new instagram photo , many of her fans balked at her now tiny frame .one twitter user commented that she thought charlotte was ` far to skinny [ sic ] whilst other commented on her instagram pictures\n", + "charlotte crosby was criticised for her slim frame on social mediathe star has lost more than two and a half stone in the past yearher geordie shore cast mates have also shed the poundsa doctor warns that they could be taking their diets too far\n", + "[1.4283903 1.1899607 1.1592773 1.1863408 1.1868033 1.062758 1.0370886\n", + " 1.0343962 1.0613908 1.042767 1.0361917 1.0370362 1.1265557 1.0658933\n", + " 1.0393585 1.0659266 1.0276413 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 3 2 12 15 13 5 8 9 14 6 11 10 7 16 17 18 19 20]\n", + "=======================\n", + "['( cnn ) the white house insists it does n\\'t need congressional approval for the iran nuclear deal announced this month .but while historical precedent suggests the president might indeed have the authority to move forward without congress , the obama administration should probably learn another lesson from history : getting congress \\' signature might be worth the effort .the president and his advisers have avoided using the term \" treaty , \" instead explaining that it would be a \" nonbinding agreement . \"']\n", + "=======================\n", + "[\"framework agreement with iran over its nuclear program was reached this monthjulian zelizer : white house should seek congressional approval for final dealthere 's a history of congress causing trouble for major international treaties , he says\"]\n", + "( cnn ) the white house insists it does n't need congressional approval for the iran nuclear deal announced this month .but while historical precedent suggests the president might indeed have the authority to move forward without congress , the obama administration should probably learn another lesson from history : getting congress ' signature might be worth the effort .the president and his advisers have avoided using the term \" treaty , \" instead explaining that it would be a \" nonbinding agreement . \"\n", + "framework agreement with iran over its nuclear program was reached this monthjulian zelizer : white house should seek congressional approval for final dealthere 's a history of congress causing trouble for major international treaties , he says\n", + "[1.1956453 1.4558134 1.3161584 1.2612482 1.1714244 1.2312934 1.197553\n", + " 1.1376477 1.0243013 1.0135475 1.0129316 1.0134404 1.0112059 1.0458318\n", + " 1.1615322 1.1294982 1.1132696 1.0612978 1.0783813 1.0661746 1.0536827]\n", + "\n", + "[ 1 2 3 5 6 0 4 14 7 15 16 18 19 17 20 13 8 9 11 10 12]\n", + "=======================\n", + "['figures from the catholic church show the number of women taking holy vows has trebled from 15 in 2009 to 45 last year .from a low of only seven in 2004 , the figure has been rising for the past decade .theodora hawksley , 29 , was until recently a post-doctoral researcher in theology at the university of edinburgh .']\n", + "=======================\n", + "[\"figures from the catholic church show more and more becoming nunsthe number of women taking holy vows stood at just seven back in 2004but that figure had risen to 15 in 2009 and increased further to 45 last yearone father said a ` gap in the market for meaning ' led people toward religion\"]\n", + "figures from the catholic church show the number of women taking holy vows has trebled from 15 in 2009 to 45 last year .from a low of only seven in 2004 , the figure has been rising for the past decade .theodora hawksley , 29 , was until recently a post-doctoral researcher in theology at the university of edinburgh .\n", + "figures from the catholic church show more and more becoming nunsthe number of women taking holy vows stood at just seven back in 2004but that figure had risen to 15 in 2009 and increased further to 45 last yearone father said a ` gap in the market for meaning ' led people toward religion\n", + "[1.1805232 1.3728206 1.289409 1.332305 1.1194981 1.1496295 1.1340951\n", + " 1.0805947 1.0662087 1.0927567 1.0304363 1.0795418 1.039521 1.1165162\n", + " 1.0315057 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 5 6 4 13 9 7 11 8 12 14 10 15 16 17 18 19 20]\n", + "=======================\n", + "['ed miliband today set out plans to scrap stamp duty for most first-time buyers , curbing rent rises and giving local people priority for new homes .but he also wants to ban developers hoarding land which could be built on , triggering a drop in the value of shares of construction firms .yesterday mr miliband said he would introduce rent controls if it won the election and ban private landlords from raising rents by more than the rate of inflation for the duration of new three-year contracts .']\n", + "=======================\n", + "[\"miliband says there 's ` nothing more british than dream of home-ownership 'stamp duty cut would save first-time buyers up to # 5,000 on cost of buyinglabour would also ensure new homes go to local people with law change\"]\n", + "ed miliband today set out plans to scrap stamp duty for most first-time buyers , curbing rent rises and giving local people priority for new homes .but he also wants to ban developers hoarding land which could be built on , triggering a drop in the value of shares of construction firms .yesterday mr miliband said he would introduce rent controls if it won the election and ban private landlords from raising rents by more than the rate of inflation for the duration of new three-year contracts .\n", + "miliband says there 's ` nothing more british than dream of home-ownership 'stamp duty cut would save first-time buyers up to # 5,000 on cost of buyinglabour would also ensure new homes go to local people with law change\n", + "[1.2591684 1.2071238 1.1930218 1.3113796 1.2200878 1.2169951 1.0948936\n", + " 1.0686413 1.1263698 1.080431 1.0303935 1.082144 1.0725888 1.0878725\n", + " 1.1300424 1.1016257 1.0246547 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 4 5 1 2 14 8 15 6 13 11 9 12 7 10 16 17 18 19 20]\n", + "=======================\n", + "[\"a researcher says a ` bone flute ' found in slovenia is not an instrument - instead , he says it is simply a bone chewed by a hyena with teeth marks .it was heralded as the world 's oldest musical instrument ; a bone with two holes in it seemingly made by neanderthals to serenade their companions .the bone was discovered on 18 july 1995 in slovenia\"]\n", + "=======================\n", + "[\"researcher says a ` bone flute ' found in slovenia is not an instrumentinstead he says it is simply a bone chewed by a hyena with teeth markshe claims all such instruments were made by hyenas , not neanderthalsand the bones do not even originate from neanderthal times\"]\n", + "a researcher says a ` bone flute ' found in slovenia is not an instrument - instead , he says it is simply a bone chewed by a hyena with teeth marks .it was heralded as the world 's oldest musical instrument ; a bone with two holes in it seemingly made by neanderthals to serenade their companions .the bone was discovered on 18 july 1995 in slovenia\n", + "researcher says a ` bone flute ' found in slovenia is not an instrumentinstead he says it is simply a bone chewed by a hyena with teeth markshe claims all such instruments were made by hyenas , not neanderthalsand the bones do not even originate from neanderthal times\n", + "[1.1693096 1.5301085 1.1969806 1.2194345 1.2690278 1.3036306 1.2218635\n", + " 1.1304755 1.0586308 1.012286 1.0187265 1.0193838 1.0192802 1.0263339\n", + " 1.0167558 1.0985456 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 4 6 3 2 0 7 15 8 13 11 12 10 14 9 16 17 18 19 20]\n", + "=======================\n", + "[\"hugh roche kelly , who was flying from berlin to paris yesterday morning , posted the account on his twitter profile of how the pilot managed to dispel the ` tense vibe ' by his actions .andreas lubitz , the germanwings co-pilot who deliberately brought down flight 4u9525 last weeka germanwings airbus a320 much like the one which crashed in the french alps , killing 150 people .\"]\n", + "=======================\n", + "[\"hugh roche kelly told how pilot dispelled ` tense vibe ' with his actionsleft cockpit so passengers could see him and spoke in three languagescomes week after co-pilot andreas lubitz brought down flight 4u9525second black box has confirmed that he did deliberately kill 150 people\"]\n", + "hugh roche kelly , who was flying from berlin to paris yesterday morning , posted the account on his twitter profile of how the pilot managed to dispel the ` tense vibe ' by his actions .andreas lubitz , the germanwings co-pilot who deliberately brought down flight 4u9525 last weeka germanwings airbus a320 much like the one which crashed in the french alps , killing 150 people .\n", + "hugh roche kelly told how pilot dispelled ` tense vibe ' with his actionsleft cockpit so passengers could see him and spoke in three languagescomes week after co-pilot andreas lubitz brought down flight 4u9525second black box has confirmed that he did deliberately kill 150 people\n", + "[1.3751439 1.2820803 1.1562607 1.3380514 1.2005304 1.2663517 1.2037692\n", + " 1.0794276 1.082288 1.1219753 1.1291815 1.0291928 1.0263869 1.0530635\n", + " 1.0530839 1.0464772 1.0525094 1.0148814 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 1 5 6 4 2 10 9 8 7 14 13 16 15 11 12 17 20 18 19 21]\n", + "=======================\n", + "[\"george boyd is the barclays premier league 's hardest working player , clocking up 210.5 miles on the pitch this season - the equivalent of running from burnley 's turf moor ground to crystal palace 's selhurst park in south london .the burnley winger has run slightly further than tottenham hotspur midfielder christian eriksen .walking the journey from turf moor to selhurst would usually take 69 hours , according to google maps ' estimations , but boyd has managed it in less than 40 hours of playing time .\"]\n", + "=======================\n", + "['burnley winger george boyd has run the furthest in the premier leaguehis 210.5 miles this season beats christian eriksen from tottenhamburnley have run an incredible 2,172.3 miles between them this seasonplayers from stoke , hull , liverpool and west ham feature in the top 10']\n", + "george boyd is the barclays premier league 's hardest working player , clocking up 210.5 miles on the pitch this season - the equivalent of running from burnley 's turf moor ground to crystal palace 's selhurst park in south london .the burnley winger has run slightly further than tottenham hotspur midfielder christian eriksen .walking the journey from turf moor to selhurst would usually take 69 hours , according to google maps ' estimations , but boyd has managed it in less than 40 hours of playing time .\n", + "burnley winger george boyd has run the furthest in the premier leaguehis 210.5 miles this season beats christian eriksen from tottenhamburnley have run an incredible 2,172.3 miles between them this seasonplayers from stoke , hull , liverpool and west ham feature in the top 10\n", + "[1.453452 1.0886271 1.2186275 1.1623869 1.3606322 1.0406209 1.1558702\n", + " 1.0938886 1.0569825 1.06608 1.0995959 1.0911691 1.0563986 1.05596\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 4 2 3 6 10 7 11 1 9 8 12 13 5 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"president barack obama announced today $ 200 million in additional u.s. humanitarian aid to iraq , but declined to say whether washington would provide apache helicopters , drones and other arms to baghdad to help with the ongoing fight against isis . 'but white house spokesman josh earnest later said the iraqi leader did not make a specific request for additional military support during the meeting .abadi is on his first trip to washington since becoming prime minister last september .\"]\n", + "=======================\n", + "[\"iraqi prime minister haidar al-abadi had been expected to seek billions of dollars in drones and other u.s. weapons during his visit to the oval officebut white house spokesman josh earnest says the iraqi leader did not make a specific request for additional military support during the meetingasked about military aid by a reporter after his discussion with mr. abadi , obama hedged and said : ' i think this is why we are having this meeting '\"]\n", + "president barack obama announced today $ 200 million in additional u.s. humanitarian aid to iraq , but declined to say whether washington would provide apache helicopters , drones and other arms to baghdad to help with the ongoing fight against isis . 'but white house spokesman josh earnest later said the iraqi leader did not make a specific request for additional military support during the meeting .abadi is on his first trip to washington since becoming prime minister last september .\n", + "iraqi prime minister haidar al-abadi had been expected to seek billions of dollars in drones and other u.s. weapons during his visit to the oval officebut white house spokesman josh earnest says the iraqi leader did not make a specific request for additional military support during the meetingasked about military aid by a reporter after his discussion with mr. abadi , obama hedged and said : ' i think this is why we are having this meeting '\n", + "[1.1718496 1.4348154 1.2894297 1.1521773 1.3476226 1.0466497 1.0775394\n", + " 1.1092641 1.0382134 1.0526007 1.0699456 1.0166075 1.0555023 1.0185966\n", + " 1.0591619 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 2 0 3 7 6 10 14 12 9 5 8 13 11 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"the spectacular isolated fort , one of three guarding the entrance to the solent , just off the coast of the isle of wight , has been turned into a luxury impregnable haven complete with a rooftop hot tub , shops and even its own nightclub , thanks to a multi-million pound revamp .the no man 's fort has been transformed by amazing venues to become a luxury hotel , and is set to open on april 23the unique hotel looks like could be a fortress of a james bond villain and can sleep 44 guests with a capacity of 200 for parties and events .\"]\n", + "=======================\n", + "[\"no man 's fort is located a mile off the coast of the isle of wight and is accessible by helicopter or boatamazing venues has renovated the 134-year-old sea fort into ' 75,000 sq ft of fun ' with cabaret bar and rooftop bbqsthe fort boasts 23 suites at # 450 per night , with the lighthouse suite rising to # 1,150 a night during the summer\"]\n", + "the spectacular isolated fort , one of three guarding the entrance to the solent , just off the coast of the isle of wight , has been turned into a luxury impregnable haven complete with a rooftop hot tub , shops and even its own nightclub , thanks to a multi-million pound revamp .the no man 's fort has been transformed by amazing venues to become a luxury hotel , and is set to open on april 23the unique hotel looks like could be a fortress of a james bond villain and can sleep 44 guests with a capacity of 200 for parties and events .\n", + "no man 's fort is located a mile off the coast of the isle of wight and is accessible by helicopter or boatamazing venues has renovated the 134-year-old sea fort into ' 75,000 sq ft of fun ' with cabaret bar and rooftop bbqsthe fort boasts 23 suites at # 450 per night , with the lighthouse suite rising to # 1,150 a night during the summer\n", + "[1.2117262 1.4052867 1.2910323 1.317463 1.175014 1.1801431 1.10473\n", + " 1.0922945 1.2502846 1.0215276 1.1104537 1.0171542 1.0161169 1.0735934\n", + " 1.0739994 1.1240155 1.1256607 1.0489113 1.0530612 1.0376658 1.0474705\n", + " 1.0623686]\n", + "\n", + "[ 1 3 2 8 0 5 4 16 15 10 6 7 14 13 21 18 17 20 19 9 11 12]\n", + "=======================\n", + "['the man , ibrahim jalloh , along with another australian , bengali sherrif , were reportedly arrested at guangzhou airport in june 2014 .australian man ibrahim jalloh is awaiting trial after reportedly being arrested attempting to smuggle drugs in chinasherrif has already been sentenced to death , according to the abc .']\n", + "=======================\n", + "['an australian man has reportedly been sentenced to death in chinabengali sherrif caught at a chinese airport allegedly attempting to smuggleallegedly caught with methamphetamine , which is used to make icequeensland man ibrahim jalloh facing the same charge will soon face trialthree men tried in melbourne charged with smuggling drugs from china']\n", + "the man , ibrahim jalloh , along with another australian , bengali sherrif , were reportedly arrested at guangzhou airport in june 2014 .australian man ibrahim jalloh is awaiting trial after reportedly being arrested attempting to smuggle drugs in chinasherrif has already been sentenced to death , according to the abc .\n", + "an australian man has reportedly been sentenced to death in chinabengali sherrif caught at a chinese airport allegedly attempting to smuggleallegedly caught with methamphetamine , which is used to make icequeensland man ibrahim jalloh facing the same charge will soon face trialthree men tried in melbourne charged with smuggling drugs from china\n", + "[1.357171 1.109916 1.0394412 1.2068697 1.1433852 1.1241556 1.132051\n", + " 1.1356508 1.0311449 1.0444503 1.0802133 1.1261525 1.1035569 1.0695045\n", + " 1.0585717 1.084736 1.0636613 1.0734956 1.041957 1.0846331 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 4 7 6 11 5 1 12 15 19 10 17 13 16 14 9 18 2 8 20 21]\n", + "=======================\n", + "['( cnn ) anthony ray hinton is 58 years old .until one week ago , when his murder convictions were wiped clean , and hinton walked out of a county jail in birmingham .\" i have to pinch myself to tell myself that i \\'m free , \" he told cnn \\'s brooke baldwin on friday .']\n", + "=======================\n", + "[\"anthony ray hinton was freed apri 3 , decades after conviction for two murdersthings like using a fork , getting used to the dark are challenges now that he 's outhe says his sense of humor helped him survive 30 years in prison\"]\n", + "( cnn ) anthony ray hinton is 58 years old .until one week ago , when his murder convictions were wiped clean , and hinton walked out of a county jail in birmingham .\" i have to pinch myself to tell myself that i 'm free , \" he told cnn 's brooke baldwin on friday .\n", + "anthony ray hinton was freed apri 3 , decades after conviction for two murdersthings like using a fork , getting used to the dark are challenges now that he 's outhe says his sense of humor helped him survive 30 years in prison\n", + "[1.2778878 1.1878415 1.2369465 1.2442682 1.1103721 1.2419422 1.1781999\n", + " 1.1004689 1.1355307 1.1227484 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 5 2 1 6 8 9 4 7 16 10 11 12 13 14 15 17]\n", + "=======================\n", + "[\"a rescue sato named bonnie is so afraid that she will be abandoned again that she ca n't bear to eat alone .given a dish : bonnie 's new owner feeds her a dish of food away from his other dog clydebonne was rescued from puerto rico and is a sato , which means mixed breed or street dog .\"]\n", + "=======================\n", + "[\"a rescue sato named bonnie is so afraid that she will be abandoned again that she ca n't bear to eat alone .in an adorable video posted to youtube by user jeannine s. with nearly one million views , puppy bonnie can be seen lifting her dish to clydebonne was rescued from puerto rico and is a sato , which means mixed breed or street dogdue to extreme poverty , the streets of puerto rico are overwrought with thousands of abandoned dogs\"]\n", + "a rescue sato named bonnie is so afraid that she will be abandoned again that she ca n't bear to eat alone .given a dish : bonnie 's new owner feeds her a dish of food away from his other dog clydebonne was rescued from puerto rico and is a sato , which means mixed breed or street dog .\n", + "a rescue sato named bonnie is so afraid that she will be abandoned again that she ca n't bear to eat alone .in an adorable video posted to youtube by user jeannine s. with nearly one million views , puppy bonnie can be seen lifting her dish to clydebonne was rescued from puerto rico and is a sato , which means mixed breed or street dogdue to extreme poverty , the streets of puerto rico are overwrought with thousands of abandoned dogs\n", + "[1.294693 1.3409714 1.2031789 1.3354061 1.1946979 1.0242314 1.0749615\n", + " 1.1075673 1.0967451 1.0567777 1.070915 1.0581003 1.0592709 1.0520048\n", + " 1.0529886 1.0764284 1.072006 0. ]\n", + "\n", + "[ 1 3 0 2 4 7 8 15 6 16 10 12 11 9 14 13 5 17]\n", + "=======================\n", + "[\"chinese state media has reported that the government is planning to expand the qinghai to tibet railway ` at nepal 's request ' - which could include a tunnel under the world 's tallest mountain - by 2020 .a tunnel could be built under mount everest in the himalayas as part of grand new plans announced by chinathe step is important politically as it shows beijing building links with nepal , a country india regards as firmly within its sphere of influence .\"]\n", + "=======================\n", + "[\"expansion of qinghai-tibet line would go under world 's highest mountainchinese say they plan to finish the huge project within five yearsif built railway will impact on india 's relationship with key economies\"]\n", + "chinese state media has reported that the government is planning to expand the qinghai to tibet railway ` at nepal 's request ' - which could include a tunnel under the world 's tallest mountain - by 2020 .a tunnel could be built under mount everest in the himalayas as part of grand new plans announced by chinathe step is important politically as it shows beijing building links with nepal , a country india regards as firmly within its sphere of influence .\n", + "expansion of qinghai-tibet line would go under world 's highest mountainchinese say they plan to finish the huge project within five yearsif built railway will impact on india 's relationship with key economies\n", + "[1.457417 1.4466741 1.2473481 1.4186335 1.2369354 1.1016095 1.1260041\n", + " 1.0273387 1.0116236 1.0211391 1.1053153 1.099407 1.0138587 1.0685948\n", + " 1.2880651 1.0773778 1.0509918 1.0167698]\n", + "\n", + "[ 0 1 3 14 2 4 6 10 5 11 15 13 16 7 9 17 12 8]\n", + "=======================\n", + "[\"paul scholes has criticised mario mandzukic for over reacting after the atletico madrid striker appeared to be punched and bitten by real madrid 's daniel carvajal .mandzukic was the centre of attention in on-pitch scraps with sergio ramos , raphael varane and carvajal during the champions league quarter-final first leg at the vicente calderon .the croatian striker was on the receiving end of a number of hits from real defenders , even having his face cut following a ramos elbow , but scholes claimed the atletico star was over-reacting to the challenges made on him .\"]\n", + "=======================\n", + "['atletico madrid and real madrid played out 0-0 draw at vicente calderonuefa champions league quarter-final dominated by second half scrapsmario mandzukic was in wars following battles with real madrid defendersraphael varane , daniel carvajal and sergio ramos tussled with striker']\n", + "paul scholes has criticised mario mandzukic for over reacting after the atletico madrid striker appeared to be punched and bitten by real madrid 's daniel carvajal .mandzukic was the centre of attention in on-pitch scraps with sergio ramos , raphael varane and carvajal during the champions league quarter-final first leg at the vicente calderon .the croatian striker was on the receiving end of a number of hits from real defenders , even having his face cut following a ramos elbow , but scholes claimed the atletico star was over-reacting to the challenges made on him .\n", + "atletico madrid and real madrid played out 0-0 draw at vicente calderonuefa champions league quarter-final dominated by second half scrapsmario mandzukic was in wars following battles with real madrid defendersraphael varane , daniel carvajal and sergio ramos tussled with striker\n", + "[1.1801403 1.321061 1.3418101 1.0482289 1.2147363 1.2393577 1.0650913\n", + " 1.1077805 1.0590854 1.0587667 1.1798645 1.0699278 1.0753907 1.0279508\n", + " 1.0950134 1.0499731 1.0258831 0. ]\n", + "\n", + "[ 2 1 5 4 0 10 7 14 12 11 6 8 9 15 3 13 16 17]\n", + "=======================\n", + "['the interactive map was created by writer levi pearson , who used a ufo sighting dataset from the national ufo reporting centre and open source software from cartodb .many of the sightings can be put down to the development of drones and new aircraft technologies , but some enthusiasts believe it is because of rise in alien activity .a map shows sightings of extra-terrestrials around the world in the last 76 years -- and seems to suggest we have more cosmic visitors than ever .']\n", + "=======================\n", + "[\"map 's based on ufo sighting dataset from the national ufo reporting centre and open source mapping softwareit shows 76 years of ufo sightings all over the world , with more being spotted in recent yearssurge in us sightings in the 1950s and 1960s may be explained by the testing of the u2 spy plane , cia saidthe internet and rise in drone use could explain why there are more ufo sightings than ever , experts claim\"]\n", + "the interactive map was created by writer levi pearson , who used a ufo sighting dataset from the national ufo reporting centre and open source software from cartodb .many of the sightings can be put down to the development of drones and new aircraft technologies , but some enthusiasts believe it is because of rise in alien activity .a map shows sightings of extra-terrestrials around the world in the last 76 years -- and seems to suggest we have more cosmic visitors than ever .\n", + "map 's based on ufo sighting dataset from the national ufo reporting centre and open source mapping softwareit shows 76 years of ufo sightings all over the world , with more being spotted in recent yearssurge in us sightings in the 1950s and 1960s may be explained by the testing of the u2 spy plane , cia saidthe internet and rise in drone use could explain why there are more ufo sightings than ever , experts claim\n", + "[1.3012489 1.4505978 1.2203836 1.089754 1.2444359 1.2154499 1.0884097\n", + " 1.0549543 1.0456686 1.0520089 1.2133524 1.1553073 1.033373 1.0213239\n", + " 1.0842636 1.0777698 0. 0. ]\n", + "\n", + "[ 1 0 4 2 5 10 11 3 6 14 15 7 9 8 12 13 16 17]\n", + "=======================\n", + "['the unidentified newark resident , 22 , said he recognized the 44-year-old rapper , whose real name is earl simmons , while at an exxon station on sunday , according to newark police spokesman sgt. ronald glover .a man has accused rapper dmx and his entourage of robbing him while at a new jersey gas station on easter morning .dmx was scheduled to perform on saturday night at the master of ceremony concert at the new jersey performing arts center .']\n", + "=======================\n", + "[\"newark man , 21 , said he recognized the rapper , whose real name is earl simmons , while at an exxon station on sundayhe told police they had a conversation about rap music before man in dmx 's entourage allegedly pulled out a gun and demanded moneyvictim said dmx allegedly snatched the money before driving off\"]\n", + "the unidentified newark resident , 22 , said he recognized the 44-year-old rapper , whose real name is earl simmons , while at an exxon station on sunday , according to newark police spokesman sgt. ronald glover .a man has accused rapper dmx and his entourage of robbing him while at a new jersey gas station on easter morning .dmx was scheduled to perform on saturday night at the master of ceremony concert at the new jersey performing arts center .\n", + "newark man , 21 , said he recognized the rapper , whose real name is earl simmons , while at an exxon station on sundayhe told police they had a conversation about rap music before man in dmx 's entourage allegedly pulled out a gun and demanded moneyvictim said dmx allegedly snatched the money before driving off\n", + "[1.1823542 1.4707983 1.3306888 1.2196583 1.3749051 1.0910808 1.1149223\n", + " 1.1051607 1.0788876 1.048675 1.0525627 1.0604714 1.0438147 1.040607\n", + " 1.019004 1.0274848 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 3 0 6 7 5 8 11 10 9 12 13 15 14 16 17 18 19 20]\n", + "=======================\n", + "['bergen county prosecutors say 65-year-old dr donald dewitt was arrested monday and charged with attempted sexual assault , child endangerment and criminal sexual contact .the prominent human sexuality and biology teacher at the highly competitive bergen county academies in hackensack was being held on $ 300,000 cash bail tuesday .he has been ordered to have no contact with the victim .']\n", + "=======================\n", + "[\"dr donald dewitt , 65 , veteran teacher at bergen county academies in new jersey , charged with attempted sexual assault and criminal sexual contactdewitt , who is married , has been at the top-ranked school since 1992 , teaching biology , physiology and anatomy to juniors and seniorsprosecutors say dewitt 's lewd emails to 16-year-old victim were discovered this week by her sisterdewitt has been suspended from his $ 105,000-a-year job and banned from campus\"]\n", + "bergen county prosecutors say 65-year-old dr donald dewitt was arrested monday and charged with attempted sexual assault , child endangerment and criminal sexual contact .the prominent human sexuality and biology teacher at the highly competitive bergen county academies in hackensack was being held on $ 300,000 cash bail tuesday .he has been ordered to have no contact with the victim .\n", + "dr donald dewitt , 65 , veteran teacher at bergen county academies in new jersey , charged with attempted sexual assault and criminal sexual contactdewitt , who is married , has been at the top-ranked school since 1992 , teaching biology , physiology and anatomy to juniors and seniorsprosecutors say dewitt 's lewd emails to 16-year-old victim were discovered this week by her sisterdewitt has been suspended from his $ 105,000-a-year job and banned from campus\n", + "[1.2230711 1.5001012 1.4194877 1.3365796 1.1082225 1.0517008 1.0649096\n", + " 1.1493354 1.209056 1.0986987 1.1425139 1.0283535 1.0439684 1.0196413\n", + " 1.0275509 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 8 7 10 4 9 6 5 12 11 14 13 19 15 16 17 18 20]\n", + "=======================\n", + "[\"liam dawe , 21 , was born a healthy child but suffered serious and on-going health complications ever since he was assaulted as a four week old .he died at derriford hospital in plymouth , devon in march last year from ` intra-abdominal sepsis ' after developing cerebral palsy following the the assault .police are considering manslaughter charges after a man who was violently shaken as a baby died as a result - two decades later .\"]\n", + "=======================\n", + "['liam dawe was born healthy but suffered on-going health complicationsdied at 21 last year having developed cerebral palsy following the assaultinquest in plymouth , devon , heard he was shaken at just four weeks old']\n", + "liam dawe , 21 , was born a healthy child but suffered serious and on-going health complications ever since he was assaulted as a four week old .he died at derriford hospital in plymouth , devon in march last year from ` intra-abdominal sepsis ' after developing cerebral palsy following the the assault .police are considering manslaughter charges after a man who was violently shaken as a baby died as a result - two decades later .\n", + "liam dawe was born healthy but suffered on-going health complicationsdied at 21 last year having developed cerebral palsy following the assaultinquest in plymouth , devon , heard he was shaken at just four weeks old\n", + "[1.0285919 1.1163201 1.4611927 1.5221894 1.1243435 1.1184614 1.1282556\n", + " 1.0494202 1.0793256 1.1420007 1.0296003 1.0160897 1.0298251 1.131845\n", + " 1.0233904 1.0408348 1.0137074 1.0160788 1.0178808 1.014799 0. ]\n", + "\n", + "[ 3 2 9 13 6 4 5 1 8 7 15 12 10 0 14 18 11 17 19 16 20]\n", + "=======================\n", + "[\"elsa hosk , candice swanepoel and jasmine tookes are the stars of victoria 's secret 's latest lingerie campaign to promote the brand 's dream angels rangeeach of the girls carries the pink striped umbrella , which shoppers receive for free when they purchase two bras from the new range and will no doubt become the season 's hottest accessory .candice shows off her incredibly honed physique as she guides her fellow models through an energetic routine using the umbrellas as a prop\"]\n", + "=======================\n", + "[\"candice swanepoel , elsa hosk and jasmine tookes promote underwearcandice leads her fellow models through an energetic routine in the videomodels carry new victoria 's secret umbrellas , which shoppers can get free\"]\n", + "elsa hosk , candice swanepoel and jasmine tookes are the stars of victoria 's secret 's latest lingerie campaign to promote the brand 's dream angels rangeeach of the girls carries the pink striped umbrella , which shoppers receive for free when they purchase two bras from the new range and will no doubt become the season 's hottest accessory .candice shows off her incredibly honed physique as she guides her fellow models through an energetic routine using the umbrellas as a prop\n", + "candice swanepoel , elsa hosk and jasmine tookes promote underwearcandice leads her fellow models through an energetic routine in the videomodels carry new victoria 's secret umbrellas , which shoppers can get free\n", + "[1.3168198 1.368537 1.2342063 1.3466965 1.151778 1.0485022 1.1467901\n", + " 1.0780238 1.0971516 1.1114315 1.0460936 1.0632175 1.0581836 1.03918\n", + " 1.0539727 1.080975 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 6 9 8 15 7 11 12 14 5 10 13 19 16 17 18 20]\n", + "=======================\n", + "[\"massimo vian , one of the heads of milan-based luxottica , said that his team was looking to improve on the internet-connected device , which was trumpeted as a huge technological leap forward when it was announced in 2012 .however , google stopped selling the first version and shut its pre-launch explorer program for google glass earlier this year , prompting speculation about the demise of the wearable gadget before it became widely available .google executive chairman eric schmidt later appointed a new leader for the product and said that it would be ` ready for users ' , according to the wall street journal .\"]\n", + "=======================\n", + "[\"massimo vian , head of luxottica , says version two ` in preparation 'ceo said there are ` second thoughts on how to interpret version 3 'google 's wearable technology stopped selling first version this yearproduct called a failure after it was never widely available to customers\"]\n", + "massimo vian , one of the heads of milan-based luxottica , said that his team was looking to improve on the internet-connected device , which was trumpeted as a huge technological leap forward when it was announced in 2012 .however , google stopped selling the first version and shut its pre-launch explorer program for google glass earlier this year , prompting speculation about the demise of the wearable gadget before it became widely available .google executive chairman eric schmidt later appointed a new leader for the product and said that it would be ` ready for users ' , according to the wall street journal .\n", + "massimo vian , head of luxottica , says version two ` in preparation 'ceo said there are ` second thoughts on how to interpret version 3 'google 's wearable technology stopped selling first version this yearproduct called a failure after it was never widely available to customers\n", + "[1.2499189 1.4451588 1.224081 1.0891457 1.1582521 1.3249598 1.0594578\n", + " 1.1125972 1.0190103 1.1426873 1.0758951 1.0742196 1.0274034 1.0330454\n", + " 1.0221905 1.0691346 1.0296999 1.0140501 1.0168455 1.0247215 1.0375667]\n", + "\n", + "[ 1 5 0 2 4 9 7 3 10 11 15 6 20 13 16 12 19 14 8 18 17]\n", + "=======================\n", + "['the man , known only as jason , from vancouver , uploaded the clip to youtube after his wife filmed the stomach-churning moment .this gruesome video shows how a man popped a huge cyst in his arm with a needle , screwdriver and a pair of pliers .it begins with him explaining exactly how he will pop the grape-sized growth on his wrist .']\n", + "=======================\n", + "['the man , known only as jason , is filmed popping the ganglion on his wristinvolves hammering a needle into his arm with the handle of a screwdrivera sticky ball of see-through jelly emerges from the cyst afterwardsdoctors do not advise popping ganglions as more fluid returns in future']\n", + "the man , known only as jason , from vancouver , uploaded the clip to youtube after his wife filmed the stomach-churning moment .this gruesome video shows how a man popped a huge cyst in his arm with a needle , screwdriver and a pair of pliers .it begins with him explaining exactly how he will pop the grape-sized growth on his wrist .\n", + "the man , known only as jason , is filmed popping the ganglion on his wristinvolves hammering a needle into his arm with the handle of a screwdrivera sticky ball of see-through jelly emerges from the cyst afterwardsdoctors do not advise popping ganglions as more fluid returns in future\n", + "[1.2562759 1.5550444 1.3170946 1.4362876 1.0216509 1.0783292 1.134608\n", + " 1.1477705 1.1007552 1.0240511 1.0776284 1.0578405 1.0823593 1.0163585\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 7 6 8 12 5 10 11 9 4 13 14 15 16 17 18 19]\n", + "=======================\n", + "['jennie anne kehlet , 49 , and raymond keith kehlet , 47 , were last seen on march 22 in an area called table top near the gold prospecting and mining town of sandstone , some 730km north east of perth .the couple are understood to be amateur prospectors and had set up a well-stocked campsite about 30km south of sandstone in remote bushland which is popular amongst gold prospectors , inspector scott morrissey told the abc .no trace of the duo has been found .']\n", + "=======================\n", + "['jennie , 47 , and raymond kehlet , 49 , were last seen on march 22their campsite and vehicles were found intact in remote wa bushlandpolice have begun to search old mine shafts , some up to 20 metres deepsearch aircraft with infrared equipment have examined an area of 625 square kilometres , however no trace of the couple has been found']\n", + "jennie anne kehlet , 49 , and raymond keith kehlet , 47 , were last seen on march 22 in an area called table top near the gold prospecting and mining town of sandstone , some 730km north east of perth .the couple are understood to be amateur prospectors and had set up a well-stocked campsite about 30km south of sandstone in remote bushland which is popular amongst gold prospectors , inspector scott morrissey told the abc .no trace of the duo has been found .\n", + "jennie , 47 , and raymond kehlet , 49 , were last seen on march 22their campsite and vehicles were found intact in remote wa bushlandpolice have begun to search old mine shafts , some up to 20 metres deepsearch aircraft with infrared equipment have examined an area of 625 square kilometres , however no trace of the couple has been found\n", + "[1.3402069 1.4561976 1.3686949 1.4403203 1.3458033 1.0436993 1.0482659\n", + " 1.0466298 1.0456125 1.0232022 1.1101534 1.0288683 1.0196786 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 10 6 7 8 5 11 9 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"the 20-year-old forward , born in london , had been included in new head coach pete russell 's 23-man party for the world championship in holland next week .liam stewart , the son of rock star rod stewart and model rachel hunter , plays for the spokane chiefsbut stewart sustained a shoulder injury during spokane chiefs ' western hockey league play-off series against everett and is replaced in the squad by craig peacock of belfast giants .\"]\n", + "=======================\n", + "['liam stewart had been named in the 23-man squad ahead of tournamentthe son of rod stewart has been replaced after suffering shoulder injurythe spokane chiefs forward was in line to make his debut for gbice hockey world championship takes place in holland next week']\n", + "the 20-year-old forward , born in london , had been included in new head coach pete russell 's 23-man party for the world championship in holland next week .liam stewart , the son of rock star rod stewart and model rachel hunter , plays for the spokane chiefsbut stewart sustained a shoulder injury during spokane chiefs ' western hockey league play-off series against everett and is replaced in the squad by craig peacock of belfast giants .\n", + "liam stewart had been named in the 23-man squad ahead of tournamentthe son of rod stewart has been replaced after suffering shoulder injurythe spokane chiefs forward was in line to make his debut for gbice hockey world championship takes place in holland next week\n", + "[1.1039772 1.2985562 1.3062336 1.2415475 1.1913992 1.1018933 1.0513439\n", + " 1.1938366 1.0317733 1.0151569 1.0395668 1.1698039 1.0867913 1.1991271\n", + " 1.1115979 1.0257795 1.012336 1.0123001 1.0513461 1.0204468]\n", + "\n", + "[ 2 1 3 13 7 4 11 14 0 5 12 18 6 10 8 15 19 9 16 17]\n", + "=======================\n", + "[\"seven points separate eight teams with six matches to play but boro know if they keep winning , they can not be caught .with just four weeks remaining , aitor karanka 's team are top of a division that has witnessed the leadership change hands 15 times .their buffer over second-placed bournemouth is a point with watford , their opponents on monday , and norwich a point further back .\"]\n", + "=======================\n", + "['the race for promotion from the championship is set to go to the wirethe top four teams in the second tier are separated by just two pointsthe next four sides in the table are covered by a single pointbournemouth spent 101 days at the top - the longest this season']\n", + "seven points separate eight teams with six matches to play but boro know if they keep winning , they can not be caught .with just four weeks remaining , aitor karanka 's team are top of a division that has witnessed the leadership change hands 15 times .their buffer over second-placed bournemouth is a point with watford , their opponents on monday , and norwich a point further back .\n", + "the race for promotion from the championship is set to go to the wirethe top four teams in the second tier are separated by just two pointsthe next four sides in the table are covered by a single pointbournemouth spent 101 days at the top - the longest this season\n", + "[1.3460381 1.094338 1.4433639 1.2455859 1.1634899 1.1059135 1.0638767\n", + " 1.044888 1.1464778 1.06338 1.0285194 1.0238636 1.019254 1.0465881\n", + " 1.0323576 1.0281957 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 4 8 5 1 6 9 13 7 14 10 15 11 12 18 16 17 19]\n", + "=======================\n", + "[\"spanish pablo , 27 , and latvian ilze , 31 , who met in riga in 2011 , are off to a flying start as they approach their first year of their open-ended odyssey on the road .pablo mandado and ilze zebolde have no plans , no agenda , no cause to fight for and they are certainly in no hurry -- the couple simply has a dream to ` discover different parts of this planet a pedal at a time . 'in 356 days so far they 've covered almost 7,000 miles ( 11,131.92 km by their measurements ) and been through 16 countries .\"]\n", + "=======================\n", + "['pablo mandado and ilze zebolde left london last year on a quest to explore the world on bicyclesthey camp or stay with couchsurfing and warmshowers hosts and spent an average $ 2.99 per daypablo , from spain , and ilze , from latvia , moved to manchester together after meeting in riga in 2011they saved up for their travels , which they share on their website , while working in english restaurants']\n", + "spanish pablo , 27 , and latvian ilze , 31 , who met in riga in 2011 , are off to a flying start as they approach their first year of their open-ended odyssey on the road .pablo mandado and ilze zebolde have no plans , no agenda , no cause to fight for and they are certainly in no hurry -- the couple simply has a dream to ` discover different parts of this planet a pedal at a time . 'in 356 days so far they 've covered almost 7,000 miles ( 11,131.92 km by their measurements ) and been through 16 countries .\n", + "pablo mandado and ilze zebolde left london last year on a quest to explore the world on bicyclesthey camp or stay with couchsurfing and warmshowers hosts and spent an average $ 2.99 per daypablo , from spain , and ilze , from latvia , moved to manchester together after meeting in riga in 2011they saved up for their travels , which they share on their website , while working in english restaurants\n", + "[1.3484638 1.4530917 1.1548129 1.1688629 1.1330795 1.0608113 1.1002846\n", + " 1.0831771 1.0950153 1.0533222 1.1961485 1.0717115 1.0938721 1.1235914\n", + " 1.0949107 1.0511578 1.0501451 1.0316318 1.0650622 0. ]\n", + "\n", + "[ 1 0 10 3 2 4 13 6 8 14 12 7 11 18 5 9 15 16 17 19]\n", + "=======================\n", + "[\"jimmy floyd hasselbaink 's side are up as , despite fourth-placed bury still being able to catch them , third-placed wycombe - who have played a game more than the shakers - can not .burton secured promotion to sky bet league one after lucas akins scored both goals in their 2-1 win at morecambe .burton albion 's ( l-r ) denny johnstone , tom naylor and jon mclaughlin celebrate league two promotion\"]\n", + "=======================\n", + "[\"lucas akins scored twice as burton albion were promoted to league onemorecambe victory secured jimmy floyd hasselbaink 's side promotionshrewsbury are just one victory away from securing league one footballbury beat portsmouth to secure record seven away wins in succession\"]\n", + "jimmy floyd hasselbaink 's side are up as , despite fourth-placed bury still being able to catch them , third-placed wycombe - who have played a game more than the shakers - can not .burton secured promotion to sky bet league one after lucas akins scored both goals in their 2-1 win at morecambe .burton albion 's ( l-r ) denny johnstone , tom naylor and jon mclaughlin celebrate league two promotion\n", + "lucas akins scored twice as burton albion were promoted to league onemorecambe victory secured jimmy floyd hasselbaink 's side promotionshrewsbury are just one victory away from securing league one footballbury beat portsmouth to secure record seven away wins in succession\n", + "[1.077111 1.3021722 1.1301888 1.3732071 1.3179498 1.2742212 1.2209268\n", + " 1.0511718 1.0404712 1.0867054 1.0895728 1.155311 1.0642253 1.0158128\n", + " 1.0845824 1.1497308 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 1 5 6 11 15 2 10 9 14 0 12 7 8 13 16 17 18 19]\n", + "=======================\n", + "[\"high rise holiday resort benidorm , dating to the 1960s , wants the same recognition as other ` world wonders ' like stonehenge , the taj mahal and the great wall of chinasociology professor mario gaviria , the force behind an application to unesco , argues that benidorm should be praised for being one of the few places where beach holidays are accessible for allbut benidorm , the package holiday mecca famous for a lowbrow british tv sitcom and adult entertainer sticky vicky is bidding for unesco world heritage status .\"]\n", + "=======================\n", + "[\"benidorm officials said the resort was applying to reinvent its own image` it 's a symbol of harmonious coexistence , ' says sociology professormayor agustín navarro said ` it 's the best-designed city of the med '\"]\n", + "high rise holiday resort benidorm , dating to the 1960s , wants the same recognition as other ` world wonders ' like stonehenge , the taj mahal and the great wall of chinasociology professor mario gaviria , the force behind an application to unesco , argues that benidorm should be praised for being one of the few places where beach holidays are accessible for allbut benidorm , the package holiday mecca famous for a lowbrow british tv sitcom and adult entertainer sticky vicky is bidding for unesco world heritage status .\n", + "benidorm officials said the resort was applying to reinvent its own image` it 's a symbol of harmonious coexistence , ' says sociology professormayor agustín navarro said ` it 's the best-designed city of the med '\n", + "[1.584347 1.195374 1.4944079 1.2349253 1.1328233 1.066845 1.0411636\n", + " 1.0739429 1.0396886 1.0432252 1.0763019 1.0264338 1.0207144 1.0215179\n", + " 1.0277407 1.0971324 1.0477588 1.0582762 1.0231026 1.0183369]\n", + "\n", + "[ 0 2 3 1 4 15 10 7 5 17 16 9 6 8 14 11 18 13 12 19]\n", + "=======================\n", + "[\"eva chapin , 34 , from west linn , oregon , was booked into jail after she left a string of offensive post-it notes on the door of the family homethe qualified nurse referred to the residents , who are believed to have roots in ghana , as ` n ***** ' but wrote : ' i am not racist ' .a mother has been arrested for referring to her african-american neighbors as ` apes ' during a dispute over a parking space .\"]\n", + "=======================\n", + "[\"eva chapin , 34 , from west linn , oregon , has been accused of harassmentreferred to her neighbors as ` n ***** ' but insists she is not racistone note said : ` there were no [ expletive ] in w.l until you came 'victim has said her family may be forced to move as they do n't feel safe\"]\n", + "eva chapin , 34 , from west linn , oregon , was booked into jail after she left a string of offensive post-it notes on the door of the family homethe qualified nurse referred to the residents , who are believed to have roots in ghana , as ` n ***** ' but wrote : ' i am not racist ' .a mother has been arrested for referring to her african-american neighbors as ` apes ' during a dispute over a parking space .\n", + "eva chapin , 34 , from west linn , oregon , has been accused of harassmentreferred to her neighbors as ` n ***** ' but insists she is not racistone note said : ` there were no [ expletive ] in w.l until you came 'victim has said her family may be forced to move as they do n't feel safe\n", + "[1.1993943 1.4577112 1.3698822 1.2464238 1.1789024 1.160052 1.0939792\n", + " 1.0666243 1.124287 1.0358894 1.0256553 1.0293641 1.0513806 1.0450515\n", + " 1.0995723 1.0698622 1.0457847 1.0429541 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 5 8 14 6 15 7 12 16 13 17 9 11 10 18 19]\n", + "=======================\n", + "[\"michael mcindoe , who played for bristol city and wolverhampton wanderers , lured fellow footballers into the scheme with promises of a huge 20 per cent return .but the scheme collapsed amid mounting debts and the tricky winger was declared bankrupt in october last year with more than # 2million debts .the footballer - who was known as ` mr big ' in marbella , where he partied with glamorous girls , is now being chased through the courts by creditors .\"]\n", + "=======================\n", + "[\"michael mcindoe lured players into scheme with promise of 20 % returnex player lived a millionaire 's lifestyle and known as ` mr big ' in marbellabut was declared bankrupt in october last year with more than # 2m debtsthe 35-year-old is now being chased through the courts by creditors\"]\n", + "michael mcindoe , who played for bristol city and wolverhampton wanderers , lured fellow footballers into the scheme with promises of a huge 20 per cent return .but the scheme collapsed amid mounting debts and the tricky winger was declared bankrupt in october last year with more than # 2million debts .the footballer - who was known as ` mr big ' in marbella , where he partied with glamorous girls , is now being chased through the courts by creditors .\n", + "michael mcindoe lured players into scheme with promise of 20 % returnex player lived a millionaire 's lifestyle and known as ` mr big ' in marbellabut was declared bankrupt in october last year with more than # 2m debtsthe 35-year-old is now being chased through the courts by creditors\n", + "[1.3170265 1.3269225 1.3172929 1.3949258 1.1159203 1.0518445 1.0498909\n", + " 1.1146164 1.1646163 1.1022584 1.0213652 1.018562 1.0788419 1.0279665\n", + " 1.0124359 1.1404575 1.0480819 1.0692848 1.0296333 1.0227723]\n", + "\n", + "[ 3 1 2 0 8 15 4 7 9 12 17 5 6 16 18 13 19 10 11 14]\n", + "=======================\n", + "['esteban cambiasso says that helping keep leicester in the premier league will feel like winning a trophythe foxes are currently seven points adrift at the bottom of the table , with only eight games remaining , knowing that time is running out to save themselves .cambiasso had an illustrious career at inter milan , winning an impressive 15 trophies during his stint']\n", + "=======================\n", + "[\"esteban cambiasso says saving leicester will feel like winning a trophythe argentinian has become a key player for nigel pearson 's sideleicester are currently seven points adrift at the bottom of the tableclick here for all the latest leicester city news\"]\n", + "esteban cambiasso says that helping keep leicester in the premier league will feel like winning a trophythe foxes are currently seven points adrift at the bottom of the table , with only eight games remaining , knowing that time is running out to save themselves .cambiasso had an illustrious career at inter milan , winning an impressive 15 trophies during his stint\n", + "esteban cambiasso says saving leicester will feel like winning a trophythe argentinian has become a key player for nigel pearson 's sideleicester are currently seven points adrift at the bottom of the tableclick here for all the latest leicester city news\n", + "[1.4724472 1.1527228 1.1836683 1.047873 1.0429419 1.0189788 1.0205426\n", + " 1.0561954 1.1872666 1.1320137 1.1148198 1.2255908 1.2275838 1.082935\n", + " 1.0365094 1.0404798 1.0762104 1.0695618 1.0485821 1.0258387]\n", + "\n", + "[ 0 12 11 8 2 1 9 10 13 16 17 7 18 3 4 15 14 19 6 5]\n", + "=======================\n", + "['jameela spent # 3,000 on having all her amalgam fillings removed and replaced with white fillingsdental amalgam has been used for more than 150 years , and every year 12 million fillings made from it are given to patients in britain .jameela thought she might have a serious disease such as lupus , an auto-immune condition which can cause inflammation and swelling in the joints and other parts of the body .']\n", + "=======================\n", + "['jameela jamil , 29 , is convinced dental work triggered health problemsfor months she would suffer swelling , feel exhausted , and faintthought she might have a serious disease such as lupustests suggested she had high levels of mercury due to amalgam fillings']\n", + "jameela spent # 3,000 on having all her amalgam fillings removed and replaced with white fillingsdental amalgam has been used for more than 150 years , and every year 12 million fillings made from it are given to patients in britain .jameela thought she might have a serious disease such as lupus , an auto-immune condition which can cause inflammation and swelling in the joints and other parts of the body .\n", + "jameela jamil , 29 , is convinced dental work triggered health problemsfor months she would suffer swelling , feel exhausted , and faintthought she might have a serious disease such as lupustests suggested she had high levels of mercury due to amalgam fillings\n", + "[1.3449843 1.3336837 1.1115676 1.0664653 1.1553679 1.2318857 1.1460371\n", + " 1.1700547 1.0843772 1.0217803 1.056126 1.0533609 1.0801116 1.0696192\n", + " 1.1156198 1.0947818 1.0712477 1.0140901 0. 0. ]\n", + "\n", + "[ 0 1 5 7 4 6 14 2 15 8 12 16 13 3 10 11 9 17 18 19]\n", + "=======================\n", + "['four burly swedish cops put their new york city vacation on hold to answer the call of duty on a manhattan subway train last night .the friends were on their way to see les misérables on broadway , dna info reports , and rushed in to stop a brutal assault on a crowded rush-hour 6 train .the samaritan scandinavians stopped the violence and held the attacker until the nypd could arrive , the post reports .']\n", + "=======================\n", + "[\"the friends were on their way to see les misérables on broadway when a conductor on the 6 train called for helpthe men , who are all police officers in their native sweden , wrestled the suspect to the floor and held him until nypd could arrive` we 're no heroes , just tourists , ' says uppsala , sweden , police officer\"]\n", + "four burly swedish cops put their new york city vacation on hold to answer the call of duty on a manhattan subway train last night .the friends were on their way to see les misérables on broadway , dna info reports , and rushed in to stop a brutal assault on a crowded rush-hour 6 train .the samaritan scandinavians stopped the violence and held the attacker until the nypd could arrive , the post reports .\n", + "the friends were on their way to see les misérables on broadway when a conductor on the 6 train called for helpthe men , who are all police officers in their native sweden , wrestled the suspect to the floor and held him until nypd could arrive` we 're no heroes , just tourists , ' says uppsala , sweden , police officer\n", + "[1.1432853 1.408545 1.3124231 1.3154598 1.290756 1.0505174 1.0375675\n", + " 1.095972 1.024193 1.0877837 1.136506 1.039176 1.1331965 1.0922654\n", + " 1.0700788 1.0419116 1.0484993 1.029163 1.0098319 0. ]\n", + "\n", + "[ 1 3 2 4 0 10 12 7 13 9 14 5 16 15 11 6 17 8 18 19]\n", + "=======================\n", + "['the video shows the incredibly peaceful encounter between the ray and johnny debnam , a 29-year-old commercial diver and ocean lover .johnny debnam says he felt completely at ease with the stingray , although he was aware of the risksmr debnam was free diving in water four metres deep ; holding his breath and diving down to the depths of the ocean on rottnest island off the coast of western australia .']\n", + "=======================\n", + "[\"footage shows stingray gliding itself over a diver 's body on ocean floordiver and documentary maker johnny debnam was free-diving , meaning diving without a breathing apparatushe lay motionless on the ocean floor and stingray came to investigatestingrays are potentially deadly animals due to their dangerous barbs\"]\n", + "the video shows the incredibly peaceful encounter between the ray and johnny debnam , a 29-year-old commercial diver and ocean lover .johnny debnam says he felt completely at ease with the stingray , although he was aware of the risksmr debnam was free diving in water four metres deep ; holding his breath and diving down to the depths of the ocean on rottnest island off the coast of western australia .\n", + "footage shows stingray gliding itself over a diver 's body on ocean floordiver and documentary maker johnny debnam was free-diving , meaning diving without a breathing apparatushe lay motionless on the ocean floor and stingray came to investigatestingrays are potentially deadly animals due to their dangerous barbs\n", + "[1.5870891 1.3800833 1.3124707 1.3346162 1.1502111 1.1904134 1.0434655\n", + " 1.0130867 1.0479257 1.1833154 1.0671483 1.0470688 1.0796402 1.0164685\n", + " 1.011679 1.0096912 1.0107231 1.008688 1.0099627 1.0599757]\n", + "\n", + "[ 0 1 3 2 5 9 4 12 10 19 8 11 6 13 7 14 16 18 15 17]\n", + "=======================\n", + "[\"former manchester united midfielder quinton fortune claims neymar looked a shadow of his former self during barcelona 's slender 1-0 la liga win over celta vigo .however despite the win , fortune insists barcelona boss luis enrique should be concerned by neymar 's body language during the la liga encounter .the brazilian forward has failed to hit the back of the net in his last four games for barcelona\"]\n", + "=======================\n", + "[\"neymar struggled to impress in barcelona 's slender win over celta vigoquinton fortune has questioned why neymar 's form has dippedneymar has failed to score in his last four games for barcelonafortune heaped praise on barca for being able to scrape vital win\"]\n", + "former manchester united midfielder quinton fortune claims neymar looked a shadow of his former self during barcelona 's slender 1-0 la liga win over celta vigo .however despite the win , fortune insists barcelona boss luis enrique should be concerned by neymar 's body language during the la liga encounter .the brazilian forward has failed to hit the back of the net in his last four games for barcelona\n", + "neymar struggled to impress in barcelona 's slender win over celta vigoquinton fortune has questioned why neymar 's form has dippedneymar has failed to score in his last four games for barcelonafortune heaped praise on barca for being able to scrape vital win\n", + "[1.3135275 1.4930729 1.3285859 1.2678633 1.0867455 1.0248327 1.0138682\n", + " 1.1720641 1.0577192 1.0293026 1.0189133 1.1620342 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 7 11 4 8 9 5 10 6 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"martin and jessica castillo , from nuevo laredo , mexico , lost the ring , which belongs to mr castillo , while they were scuba diving during their honeymoon in playa del carmen in february 2013 , and had all but given up hope of finding it when they were told that it had been found by massachusetts resident daniel roark , who picked it up from the ocean floor over a year after it was first lost .now , in honor of the lucky reunion with their ring , mr and mrs castillo have renewed their vows - and even asked mr roark , 22 , to serve as their ` padrino de anillo ' , or ` godfather of the ring ' for the ceremony , which took place in the same town as their original honeymoon .the happy trio : martin ( l ) and jessica ( r ) castillo invited daniel roark to play a role in their vow renewal ceremony after he reunited them with their lost wedding ring last year\"]\n", + "=======================\n", + "[\"martin castillo , from nuevo laredo , mexico , lost the ring in 2013the precious accessory was discovered by daniel roark , who picked it up a year later while scuba diving in the same mexican resortmr roark , from massachusetts , began a global facebook campaign in the hopes of tracking down mr castillo and his wife jessicamrs castillo 's cousin heard about the campaign and messaged mr roark to tell him that the ring belonged to her relatives\"]\n", + "martin and jessica castillo , from nuevo laredo , mexico , lost the ring , which belongs to mr castillo , while they were scuba diving during their honeymoon in playa del carmen in february 2013 , and had all but given up hope of finding it when they were told that it had been found by massachusetts resident daniel roark , who picked it up from the ocean floor over a year after it was first lost .now , in honor of the lucky reunion with their ring , mr and mrs castillo have renewed their vows - and even asked mr roark , 22 , to serve as their ` padrino de anillo ' , or ` godfather of the ring ' for the ceremony , which took place in the same town as their original honeymoon .the happy trio : martin ( l ) and jessica ( r ) castillo invited daniel roark to play a role in their vow renewal ceremony after he reunited them with their lost wedding ring last year\n", + "martin castillo , from nuevo laredo , mexico , lost the ring in 2013the precious accessory was discovered by daniel roark , who picked it up a year later while scuba diving in the same mexican resortmr roark , from massachusetts , began a global facebook campaign in the hopes of tracking down mr castillo and his wife jessicamrs castillo 's cousin heard about the campaign and messaged mr roark to tell him that the ring belonged to her relatives\n", + "[1.2978172 1.1651738 1.3557959 1.4410031 1.2032526 1.1600307 1.037734\n", + " 1.0812459 1.123204 1.0538275 1.0348452 1.2302606 1.0753806 1.0729595\n", + " 1.0635349 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 0 11 4 1 5 8 7 12 13 14 9 6 10 18 15 16 17 19]\n", + "=======================\n", + "[\"just over a quarter of women giving birth in england now have a caesarean and the rate has more than doubled since the early 1990s .they say the procedure should only be carried out when ` medically necessary ' because it can lead to infections and even death .doctors are putting the health of women and their babies at risk by performing caesarean sections too readily , un officials warn\"]\n", + "=======================\n", + "[\"un officials say procedure should only be done when ` medically necessary 'over a quarter of women in england now have a a caesarean birththe rate , which includes voluntary mothers , has doubled since early 1990s\"]\n", + "just over a quarter of women giving birth in england now have a caesarean and the rate has more than doubled since the early 1990s .they say the procedure should only be carried out when ` medically necessary ' because it can lead to infections and even death .doctors are putting the health of women and their babies at risk by performing caesarean sections too readily , un officials warn\n", + "un officials say procedure should only be done when ` medically necessary 'over a quarter of women in england now have a a caesarean birththe rate , which includes voluntary mothers , has doubled since early 1990s\n", + "[1.2847028 1.5294719 1.3444363 1.2187352 1.168713 1.0991572 1.1592228\n", + " 1.1258281 1.0854249 1.0265434 1.0219101 1.0110295 1.0107203 1.0081993\n", + " 1.2030587 1.1697097 1.0393324 1.0420616 1.13925 1.0112866 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 14 15 4 6 18 7 5 8 17 16 9 10 19 11 12 13 20 21]\n", + "=======================\n", + "[\"adam barker , who served 13 weeks in prison after admitting to making indecent images of children in 2012 , is an equal shareholder in handles for forks ltd , which manages and distributes his father 's work .the company made # 501,319 profit in the year to last june , which will be split with his sister charlotte , 53 , and brother laurence , 46 .ronnie barker 's paedophile son will share more than # 500,000 this year in royalties , according to new accounts .\"]\n", + "=======================\n", + "['adam barker is an equal shareholder in handles for forks ltdthe company made # 501,319 in profit in the year to last june47-year-old was jailed for making indecent images of children in 2012']\n", + "adam barker , who served 13 weeks in prison after admitting to making indecent images of children in 2012 , is an equal shareholder in handles for forks ltd , which manages and distributes his father 's work .the company made # 501,319 profit in the year to last june , which will be split with his sister charlotte , 53 , and brother laurence , 46 .ronnie barker 's paedophile son will share more than # 500,000 this year in royalties , according to new accounts .\n", + "adam barker is an equal shareholder in handles for forks ltdthe company made # 501,319 in profit in the year to last june47-year-old was jailed for making indecent images of children in 2012\n", + "[1.2739441 1.1182122 1.4132566 1.3288078 1.3559661 1.1358232 1.1261677\n", + " 1.0433561 1.0811725 1.0554112 1.0714937 1.0399555 1.0480568 1.052052\n", + " 1.0651511 1.0580723 1.0110697 1.01063 1.0101074 1.034218 0.\n", + " 0. ]\n", + "\n", + "[ 2 4 3 0 5 6 1 8 10 14 15 9 13 12 7 11 19 16 17 18 20 21]\n", + "=======================\n", + "['the enormous 20,000 square foot mansion in the ritzy suburb of barrington is opulent and private , sitting by two lakes in eight acres of manicured gardens .fit for a mogul - the enormous mansion serves as the backdrop to the hit show empireif you have the bank balance of a mogul you could splash out on the house used for location shoots in the fox show , which is filmed in the chicago area .']\n", + "=======================\n", + "['the giant mansion used to film the hit show empire is on the market for $ 13 million following a price dropthe 20,000 square feet french country-style estate took five years to buildthe five bedroom , nine bathroom house features waterfront views , custom woodwork and lots of space for entertainingfit for a mogul , the house is owned by strip club owner sam cecola']\n", + "the enormous 20,000 square foot mansion in the ritzy suburb of barrington is opulent and private , sitting by two lakes in eight acres of manicured gardens .fit for a mogul - the enormous mansion serves as the backdrop to the hit show empireif you have the bank balance of a mogul you could splash out on the house used for location shoots in the fox show , which is filmed in the chicago area .\n", + "the giant mansion used to film the hit show empire is on the market for $ 13 million following a price dropthe 20,000 square feet french country-style estate took five years to buildthe five bedroom , nine bathroom house features waterfront views , custom woodwork and lots of space for entertainingfit for a mogul , the house is owned by strip club owner sam cecola\n", + "[1.4620676 1.383273 1.2532045 1.4502734 1.2087375 1.0263236 1.0345558\n", + " 1.1786004 1.1835487 1.1648176 1.1269134 1.049249 1.0155444 1.0111876\n", + " 1.0116776 1.0132171 1.0097212 1.0100623 1.0105898 1.0099647 1.0117624\n", + " 1.041267 ]\n", + "\n", + "[ 0 3 1 2 4 8 7 9 10 11 21 6 5 12 15 20 14 13 18 17 19 16]\n", + "=======================\n", + "[\"arsenal manager arsene wenger has said he hopes burnley escape relegation after seeing his side have to fight to gain a narrow 1-0 victory at turf moor .wenger has been praised by burnley boss sean dyche this season and last night the gunners boss repaid the compliment by saying : ` it would be a shame for burnley to go down . 'arsenal were made to fight hard for their eighth win in a row and wenger said : ' i understand now why they took points from other teams like chelsea and manchester city .\"]\n", + "=======================\n", + "[\"arsene wenger admits he can see why top teams have struggled against burnleyarsenal needed an aaron ramsey strike to earn narrow victory at turf moorwenger hails burnley 's ` solidarity and organisation '\"]\n", + "arsenal manager arsene wenger has said he hopes burnley escape relegation after seeing his side have to fight to gain a narrow 1-0 victory at turf moor .wenger has been praised by burnley boss sean dyche this season and last night the gunners boss repaid the compliment by saying : ` it would be a shame for burnley to go down . 'arsenal were made to fight hard for their eighth win in a row and wenger said : ' i understand now why they took points from other teams like chelsea and manchester city .\n", + "arsene wenger admits he can see why top teams have struggled against burnleyarsenal needed an aaron ramsey strike to earn narrow victory at turf moorwenger hails burnley 's ` solidarity and organisation '\n", + "[1.3885353 1.4006467 1.1748949 1.4296399 1.2457657 1.09283 1.059574\n", + " 1.0427393 1.0345387 1.0162597 1.0177819 1.2358253 1.1398389 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 0 4 11 2 12 5 6 7 8 10 9 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"arsenal midfielder francis coquelin has defended olivier giroud ( above ) after criticism from thierry henrydespite giroud scoring 14 premier league goals for arsene wenger 's side this campaign , henry believes he must sign a new striker as well as three more players if they are to compete for the title .sky sports pundit henry questioned whether arsenal can win the title with giroud in attack\"]\n", + "=======================\n", + "[\"francis coquelin defends arsenal striker olivier giroud after criticismthierry henry believes arsenal need a ` top quality ' strikercoquelin insists the gunners ` can win titles ' with giroud in the sidefrench striker has scored 14 premier league goals this seasongiroud : i get p ***** about everyone talking about my hair and not my goals\"]\n", + "arsenal midfielder francis coquelin has defended olivier giroud ( above ) after criticism from thierry henrydespite giroud scoring 14 premier league goals for arsene wenger 's side this campaign , henry believes he must sign a new striker as well as three more players if they are to compete for the title .sky sports pundit henry questioned whether arsenal can win the title with giroud in attack\n", + "francis coquelin defends arsenal striker olivier giroud after criticismthierry henry believes arsenal need a ` top quality ' strikercoquelin insists the gunners ` can win titles ' with giroud in the sidefrench striker has scored 14 premier league goals this seasongiroud : i get p ***** about everyone talking about my hair and not my goals\n", + "[1.3178657 1.1320444 1.3970144 1.1213671 1.1861327 1.1459529 1.0644239\n", + " 1.2154965 1.0666059 1.1362344 1.0871845 1.0914227 1.1672267 1.1043625\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 7 4 12 5 9 1 3 13 11 10 8 6 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "['venezuelan native maickel melamed , who is battling muscular dystrophy , completed the 26.2 miles just before 5 a.m. tuesday .( cnn ) about 20 hours after the boston marathon started monday , many of the cheering crowds had dispersed and the streets were cleared .he was the last participant to complete the race , cnn affiliate wcvb-tv reported .']\n", + "=======================\n", + "['maickel melamed , who has muscular dystrophy , took part in the 2015 boston marathonhe completed the race 20 hours after the startdespite rainy weather , fans and friends cheered for the 39-year-old']\n", + "venezuelan native maickel melamed , who is battling muscular dystrophy , completed the 26.2 miles just before 5 a.m. tuesday .( cnn ) about 20 hours after the boston marathon started monday , many of the cheering crowds had dispersed and the streets were cleared .he was the last participant to complete the race , cnn affiliate wcvb-tv reported .\n", + "maickel melamed , who has muscular dystrophy , took part in the 2015 boston marathonhe completed the race 20 hours after the startdespite rainy weather , fans and friends cheered for the 39-year-old\n", + "[1.5088882 1.367365 1.1331718 1.4009986 1.2783383 1.0844452 1.1043082\n", + " 1.0245644 1.0135232 1.1660032 1.0149914 1.1307393 1.0824608 1.1587882\n", + " 1.0555663 1.0188959 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 9 13 2 11 6 5 12 14 7 15 10 8 18 16 17 19]\n", + "=======================\n", + "[\"manchester city ladies midfielder jill scott has apologised after she was sent off for headbutting jade bailey during her side 's 1-0 defeat by arsenal on sunday .jill scott was red-carded for an apparent headbutt on arsenal defender jade bailey on sundaythe england international reacted angrily to a challenge by the gunners defender and was shown a straight red card during the second half of the women 's super league clash at the city football academy .\"]\n", + "=======================\n", + "['jill scott was sent off for headbutting jade bailey as manchester city lostscott tweeted an apology after the defeat by arsenal ladies on sundayengland international reacted to a challenge by the gunners defenderchioma ubogagu scored the winner for arsenal in a 1-0 win']\n", + "manchester city ladies midfielder jill scott has apologised after she was sent off for headbutting jade bailey during her side 's 1-0 defeat by arsenal on sunday .jill scott was red-carded for an apparent headbutt on arsenal defender jade bailey on sundaythe england international reacted angrily to a challenge by the gunners defender and was shown a straight red card during the second half of the women 's super league clash at the city football academy .\n", + "jill scott was sent off for headbutting jade bailey as manchester city lostscott tweeted an apology after the defeat by arsenal ladies on sundayengland international reacted to a challenge by the gunners defenderchioma ubogagu scored the winner for arsenal in a 1-0 win\n", + "[1.4472054 1.3378413 1.4530737 1.1606781 1.0561932 1.0824918 1.2867268\n", + " 1.0601225 1.0394853 1.0448942 1.0283793 1.146968 1.0230916 1.0157998\n", + " 1.0160972 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 6 3 11 5 7 4 9 8 10 12 14 13 15 16 17 18 19]\n", + "=======================\n", + "[\"however , they claimed a 40-13 win over welsh with tries from varndell , ashley johnson , sailosi tagicakibau and alapati leiuatom varndell helped himself to a hat-trick against london welsh as wasps won away from home in the aviva premiership for the first time in 2015 to keep their top-six hopes alive .ahead of the trip to the kassam stadium , wasps ' hunt for an automatic european rugby champions cup spot next season had stuttered after winning just one of their previous five fixtures in all competitions .\"]\n", + "=======================\n", + "['tom varndell scores three as wasps pull away at the kassam stadiumlondon welsh put up a brave fight but fall away late in the gameashley johnson , sailosi tagicakibau and alapati leiua all score tries']\n", + "however , they claimed a 40-13 win over welsh with tries from varndell , ashley johnson , sailosi tagicakibau and alapati leiuatom varndell helped himself to a hat-trick against london welsh as wasps won away from home in the aviva premiership for the first time in 2015 to keep their top-six hopes alive .ahead of the trip to the kassam stadium , wasps ' hunt for an automatic european rugby champions cup spot next season had stuttered after winning just one of their previous five fixtures in all competitions .\n", + "tom varndell scores three as wasps pull away at the kassam stadiumlondon welsh put up a brave fight but fall away late in the gameashley johnson , sailosi tagicakibau and alapati leiua all score tries\n", + "[1.1644082 1.388697 1.3928677 1.2446276 1.1116455 1.0312911 1.0875778\n", + " 1.1169885 1.0814043 1.1344731 1.0651326 1.0686464 1.0633273 1.0636742\n", + " 1.0566511 1.1078006 1.0195978 1.0578281 1.0099217 1.0110676]\n", + "\n", + "[ 2 1 3 0 9 7 4 15 6 8 11 10 13 12 17 14 5 16 19 18]\n", + "=======================\n", + "[\"the study released on thursday by the centers for disease control and prevention found that about 30 percent of women who 'd had a child became pregnant again within 18 months .experts say mothers should wait at least 18 months to give their body time to recover and increase the chances the next child is full-term and healthy .for u.s. moms , the typical time between pregnancies is about 2 1/2 years but nearly a third of women space their children too close , a government study shows .\"]\n", + "=======================\n", + "[\"for u.s. moms , the typical time between pregnancies is about 2 1/2 yearsexperts say mothers should wait at least 18 months to give their body time to recover and increase the chances the next child is full-term and healthythe study found that about 30 percent of women who 'd had a child became pregnant again within 18 months\"]\n", + "the study released on thursday by the centers for disease control and prevention found that about 30 percent of women who 'd had a child became pregnant again within 18 months .experts say mothers should wait at least 18 months to give their body time to recover and increase the chances the next child is full-term and healthy .for u.s. moms , the typical time between pregnancies is about 2 1/2 years but nearly a third of women space their children too close , a government study shows .\n", + "for u.s. moms , the typical time between pregnancies is about 2 1/2 yearsexperts say mothers should wait at least 18 months to give their body time to recover and increase the chances the next child is full-term and healthythe study found that about 30 percent of women who 'd had a child became pregnant again within 18 months\n", + "[1.3661926 1.1501791 1.2787015 1.2945275 1.1137255 1.1378621 1.0348228\n", + " 1.0289075 1.0488055 1.062878 1.0215629 1.0337671 1.0573609 1.0347512\n", + " 1.024482 1.0515603 1.0800158 1.0121784 1.1181588 0. ]\n", + "\n", + "[ 0 3 2 1 5 18 4 16 9 12 15 8 6 13 11 7 14 10 17 19]\n", + "=======================\n", + "[\"lada niva 4x4 # 13,395 on the roadthe niva ( pictured ) is a highly capable , ruftytufty 4x4 from russia -- for a fraction of the price of a new land rover and it is also available in a compact van format ( # 10,590 , excluding vat and road tax )lada 's 4x4 niva has long been the car that bucked the trend of laughing at the russian carmaker and has won fans around the world thanks to its robust nature and chunky looks .\"]\n", + "=======================\n", + "[\"this 4x4 from russia is a fraction of the price of a new land roveroff-road , the niva is in its element , with low and highrange gearsbut , forget luxuries because the niva is an unabashed frills-free zonea highly capable , ruftytufty 4x4 from russia -- for a fraction of the price of a new land rover .it 's a confident charmer that stands out from the crowd , with high suspension , pressed steel wheels , soviet-style looks and real rarity value .now available in the uk from niva imports through its dealer , bb motors , in corby , northamptonshire ( 01536 202207 , lada4x4.co.uk ) .on the road , the basic 1.7-litre petrol engine ( your only option ) is deafeningly noisy , but tolerably smooth .the seats are comfy and thanks to a high driving position and large wing mirrors , all-round visibility is good .off-road , the niva is in its element , with low and highrange gears , differential lock and a sturdy monocoque construction .you wo n't have to agonise over pages of extras ... they 're more or less nonexistent .choose in white , blue , green or red , then decide whether you 'd like the snorkel or snow plough ( really ) attachments .reasonable fuel economy at 33mpg and affordable to insure -- once you 've explained exactly what it is .also available in a compact van format ( # 10,590 , excluding vat and road tax ) .spartan on the inside .there are only four seatbelts and a slightly pokey boot .do n't trust the petrol gauge , which regularly aims to deceive .no warranty is offered as standard -- although a two-year plan is coming soon -- and spares may need to be imported ( bb motors will assist ) .only available in lefthand drive -- unless you put in an order for more than 500 of them !shhhh !\"]\n", + "lada niva 4x4 # 13,395 on the roadthe niva ( pictured ) is a highly capable , ruftytufty 4x4 from russia -- for a fraction of the price of a new land rover and it is also available in a compact van format ( # 10,590 , excluding vat and road tax )lada 's 4x4 niva has long been the car that bucked the trend of laughing at the russian carmaker and has won fans around the world thanks to its robust nature and chunky looks .\n", + "this 4x4 from russia is a fraction of the price of a new land roveroff-road , the niva is in its element , with low and highrange gearsbut , forget luxuries because the niva is an unabashed frills-free zonea highly capable , ruftytufty 4x4 from russia -- for a fraction of the price of a new land rover .it 's a confident charmer that stands out from the crowd , with high suspension , pressed steel wheels , soviet-style looks and real rarity value .now available in the uk from niva imports through its dealer , bb motors , in corby , northamptonshire ( 01536 202207 , lada4x4.co.uk ) .on the road , the basic 1.7-litre petrol engine ( your only option ) is deafeningly noisy , but tolerably smooth .the seats are comfy and thanks to a high driving position and large wing mirrors , all-round visibility is good .off-road , the niva is in its element , with low and highrange gears , differential lock and a sturdy monocoque construction .you wo n't have to agonise over pages of extras ... they 're more or less nonexistent .choose in white , blue , green or red , then decide whether you 'd like the snorkel or snow plough ( really ) attachments .reasonable fuel economy at 33mpg and affordable to insure -- once you 've explained exactly what it is .also available in a compact van format ( # 10,590 , excluding vat and road tax ) .spartan on the inside .there are only four seatbelts and a slightly pokey boot .do n't trust the petrol gauge , which regularly aims to deceive .no warranty is offered as standard -- although a two-year plan is coming soon -- and spares may need to be imported ( bb motors will assist ) .only available in lefthand drive -- unless you put in an order for more than 500 of them !shhhh !\n", + "[1.523383 1.3871089 1.185153 1.344077 1.0742477 1.0369405 1.0265809\n", + " 1.0195093 1.0282507 1.0257396 1.0724286 1.1434693 1.1708028 1.0410233\n", + " 1.1122922 1.0144091 1.0736237 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 12 11 14 4 16 10 13 5 8 6 9 7 15 17 18 19]\n", + "=======================\n", + "['charlie austin has revealed how his good mate joey barton ignored him on his first day at queens park rangers before realising his mistake - with the duo then becoming good friends .the striker has had a premier league debut season to remember and is being touted as a possible england debutant in the future after scoring 15 goals in the competition .charlie austin ( left ) and joey barton have become good friends despite their very early setback']\n", + "=======================\n", + "[\"charlie austin revealed that joey barton ignored him on his first daythe pair are good friends now following the hilarious incidentthe 25-year-old says qpr ca n't afford to lose in their double headeraustin is delighted and humbled to be fourth in the goalscoring chartsclick here for all the latest queens park rangers news\"]\n", + "charlie austin has revealed how his good mate joey barton ignored him on his first day at queens park rangers before realising his mistake - with the duo then becoming good friends .the striker has had a premier league debut season to remember and is being touted as a possible england debutant in the future after scoring 15 goals in the competition .charlie austin ( left ) and joey barton have become good friends despite their very early setback\n", + "charlie austin revealed that joey barton ignored him on his first daythe pair are good friends now following the hilarious incidentthe 25-year-old says qpr ca n't afford to lose in their double headeraustin is delighted and humbled to be fourth in the goalscoring chartsclick here for all the latest queens park rangers news\n", + "[1.4914052 1.4534383 1.1055021 1.0843393 1.1253874 1.199807 1.0940422\n", + " 1.0842271 1.1756772 1.0960624 1.0323529 1.035413 1.0419483 1.0139512\n", + " 1.0102844 1.0139034 1.0938871 1.0704082 1.0513984 1.0492506]\n", + "\n", + "[ 0 1 5 8 4 2 9 6 16 3 7 17 18 19 12 11 10 13 15 14]\n", + "=======================\n", + "['( cnn ) the first trailer for a documentary on the life and music of late british singer amy winehouse was released thursday .the teaser for \" amy : the girl behind the name , \" set for uk release on july 3 , features early footage of winehouse talking about how her music career was born and where she believed she was headed .she died from alcohol poisoning at the age of 27 on july 23 , 2011 .']\n", + "=======================\n", + "['\" amy \" features archival footage of the singer and original music tracks\" amy \" seeks to \" truly capture not just the great artist that she was , \" filmmakers saywinehouse , who died at 27 , said fame would probably drive her \" mad \"']\n", + "( cnn ) the first trailer for a documentary on the life and music of late british singer amy winehouse was released thursday .the teaser for \" amy : the girl behind the name , \" set for uk release on july 3 , features early footage of winehouse talking about how her music career was born and where she believed she was headed .she died from alcohol poisoning at the age of 27 on july 23 , 2011 .\n", + "\" amy \" features archival footage of the singer and original music tracks\" amy \" seeks to \" truly capture not just the great artist that she was , \" filmmakers saywinehouse , who died at 27 , said fame would probably drive her \" mad \"\n", + "[1.2637436 1.2089659 1.3654959 1.1909076 1.2550241 1.1386441 1.1020051\n", + " 1.1035573 1.0802934 1.0198394 1.0280377 1.0208261 1.0256827 1.1954038\n", + " 1.0734274 1.0493126 1.0599524 1.0595058 0. 0. ]\n", + "\n", + "[ 2 0 4 1 13 3 5 7 6 8 14 16 17 15 10 12 11 9 18 19]\n", + "=======================\n", + "['five people have died since vigilantes started looting and attacking shops owned by immigrants , mainly from other parts of africa .menacing : an immigrant holds his machete to his face as gangs clashed with police following the outbreak of violence in south africamore than 200 immigrants had to take refuge in a police station and dozens of businesses were closed when trouble spread just a day after a rally against xenophobia in durban .']\n", + "=======================\n", + "[\"anti-immigrant protests have been ongoing in south africa for two weeks and at least five people have been killedforeign nationals have been loading trucks with their wares as they flee johannesburg and neighbouring townsprotesters are angry about foreigners in the country when unemployment is high and wealth is n't distributed equallyimmigrants wielding machetes have clashed with police as they hunt for locals that targeted foreign shop owners\"]\n", + "five people have died since vigilantes started looting and attacking shops owned by immigrants , mainly from other parts of africa .menacing : an immigrant holds his machete to his face as gangs clashed with police following the outbreak of violence in south africamore than 200 immigrants had to take refuge in a police station and dozens of businesses were closed when trouble spread just a day after a rally against xenophobia in durban .\n", + "anti-immigrant protests have been ongoing in south africa for two weeks and at least five people have been killedforeign nationals have been loading trucks with their wares as they flee johannesburg and neighbouring townsprotesters are angry about foreigners in the country when unemployment is high and wealth is n't distributed equallyimmigrants wielding machetes have clashed with police as they hunt for locals that targeted foreign shop owners\n", + "[1.1943884 1.564816 1.2756059 1.2202932 1.1581026 1.0577476 1.0382631\n", + " 1.1800222 1.0909493 1.1326844 1.0880382 1.0994612 1.047842 1.0900201\n", + " 1.1453826 1.021514 1.0350046 1.0062122 0. 0. ]\n", + "\n", + "[ 1 2 3 0 7 4 14 9 11 8 13 10 5 12 6 16 15 17 18 19]\n", + "=======================\n", + "['gemma flanagan , 31 , from liverpool , was left paralysed after suddenly being hit by guillain barre syndrome , a rare condition which attacks the nervous system .the aspiring model was working for british airways when the condition first struck .a former air stewardess who was struck down by a devastating illness is making her catwalk debut today in a wheelchair .']\n", + "=======================\n", + "[\"gemma flanagan , 31 , from liverpool , was hit by guillain barre syndromeshe was working for ba when rare illness left her paralysedbut today the aspiring model makes catwalk debut in her wheelchairshe is taking part in a models of diversity show at london 's olympia\"]\n", + "gemma flanagan , 31 , from liverpool , was left paralysed after suddenly being hit by guillain barre syndrome , a rare condition which attacks the nervous system .the aspiring model was working for british airways when the condition first struck .a former air stewardess who was struck down by a devastating illness is making her catwalk debut today in a wheelchair .\n", + "gemma flanagan , 31 , from liverpool , was hit by guillain barre syndromeshe was working for ba when rare illness left her paralysedbut today the aspiring model makes catwalk debut in her wheelchairshe is taking part in a models of diversity show at london 's olympia\n", + "[1.5390297 1.225769 1.2843511 1.4104221 1.1746856 1.2676424 1.1111838\n", + " 1.0754565 1.1139059 1.0969863 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 5 1 4 8 6 9 7 18 10 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"mamadou sakho limped off early on in liverpool 's 1-0 fa cup sixth round replay win over blackburn rovers to leave brendan rodgers with just two available first-team centre backs .sakho was replaced by kolo toure , who partnered dejan lovren in a threadbare four-man defence with emre can and martin skrtel already unavailable .german midfielder-cum-defender can was serving a one match ban for a red card against arsenal on sunday , while skrtel still has one game left of his three-game suspension for stamping on manchester united goalkeeper david de gea last month .\"]\n", + "=======================\n", + "[\"mamadou sakho limped off in liverpool 's win over blackburn roversfrench defender looked to be suffering with hamstring trouble in first halfbrendan rodgers forced to use pairing of dejan lovren and kolo toure\"]\n", + "mamadou sakho limped off early on in liverpool 's 1-0 fa cup sixth round replay win over blackburn rovers to leave brendan rodgers with just two available first-team centre backs .sakho was replaced by kolo toure , who partnered dejan lovren in a threadbare four-man defence with emre can and martin skrtel already unavailable .german midfielder-cum-defender can was serving a one match ban for a red card against arsenal on sunday , while skrtel still has one game left of his three-game suspension for stamping on manchester united goalkeeper david de gea last month .\n", + "mamadou sakho limped off in liverpool 's win over blackburn roversfrench defender looked to be suffering with hamstring trouble in first halfbrendan rodgers forced to use pairing of dejan lovren and kolo toure\n", + "[1.4506577 1.3303263 1.0952048 1.2958499 1.2021005 1.1507757 1.1214075\n", + " 1.0827246 1.0817018 1.061159 1.0898108 1.0548779 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 4 5 6 2 10 7 8 9 11 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"josh warrington will be accompanied into the ring by vinnie jones on saturday as he boxes in front of 10,000 passionate fans in leeds .the featherweight is quickly becoming one of britain 's best-supported fighters and will have his eye on a world title in the next 12 months .justin bieber ( left ) and lil wayne enter the ring with floyd mayweather before he fought canelo alvarez at the mgm grand in las vegas in september 2013\"]\n", + "=======================\n", + "['vinnie jones will accompany josh warrington into the ring on saturdaywarrington is a leeds fan and jones spent a season at the club in 1989/90he will follow justin bieber , puff daddy and the gallagher brothersthey have walked in boxers like floyd mayweather and ricky hatton']\n", + "josh warrington will be accompanied into the ring by vinnie jones on saturday as he boxes in front of 10,000 passionate fans in leeds .the featherweight is quickly becoming one of britain 's best-supported fighters and will have his eye on a world title in the next 12 months .justin bieber ( left ) and lil wayne enter the ring with floyd mayweather before he fought canelo alvarez at the mgm grand in las vegas in september 2013\n", + "vinnie jones will accompany josh warrington into the ring on saturdaywarrington is a leeds fan and jones spent a season at the club in 1989/90he will follow justin bieber , puff daddy and the gallagher brothersthey have walked in boxers like floyd mayweather and ricky hatton\n", + "[1.1984589 1.5203768 1.332603 1.3183367 1.1694894 1.1719723 1.122472\n", + " 1.1447769 1.0217876 1.0365498 1.0226817 1.0642273 1.0208809 1.0256122\n", + " 1.1616805 1.1079135 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 4 14 7 6 15 11 9 13 10 8 12 19 16 17 18 20]\n", + "=======================\n", + "['dozens of animal welfare complaints have been made after a horse attempted to jump a black peugeot 206 car with glass still in the windscreen at the event in greencastle , county tyrone .one animal can be seen crashing head first into the turf , dismounting a rider , after trying to scale the vehicle - a jump that could have seen it suffer deep wounds or even fatal broken legs .these shocking photographs reveal how a horse riding event for a cancer charity in northern ireland apparently used a surprise jump in the shape of a car .']\n", + "=======================\n", + "[\"dozens of animal welfare complaints made after northern ireland eventhorse pictured trying to jump over car with glass still in windscreenone animal is seen crashing head first into turf - dismounting a rideranimal welfare group says horses were ` exploited and abused ' in event\"]\n", + "dozens of animal welfare complaints have been made after a horse attempted to jump a black peugeot 206 car with glass still in the windscreen at the event in greencastle , county tyrone .one animal can be seen crashing head first into the turf , dismounting a rider , after trying to scale the vehicle - a jump that could have seen it suffer deep wounds or even fatal broken legs .these shocking photographs reveal how a horse riding event for a cancer charity in northern ireland apparently used a surprise jump in the shape of a car .\n", + "dozens of animal welfare complaints made after northern ireland eventhorse pictured trying to jump over car with glass still in windscreenone animal is seen crashing head first into turf - dismounting a rideranimal welfare group says horses were ` exploited and abused ' in event\n", + "[1.2281743 1.0677739 1.4097389 1.1573521 1.0703062 1.0478809 1.3034647\n", + " 1.1138233 1.1469399 1.0562817 1.1051209 1.0313405 1.1018806 1.0330424\n", + " 1.0624 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 6 0 3 8 7 10 12 4 1 14 9 5 13 11 19 15 16 17 18 20]\n", + "=======================\n", + "['the comedian took a fake tumble on the red carpet tuesday night at the 2015 time 100 gala in new york -- right in front of fellow honorees kanye west and kim kardashian , who stepped around her as they moved down the line .the prank came the same night the third season of schumer \\'s hit show , \" inside amy schumer , \" premiered on comedy central .( cnn ) amy schumer seems to be trying single-handedly this week to make everyone in america laugh .']\n", + "=======================\n", + "['amy schumer took a fake tumble tuesday in front kanye west and kim kardashianthe comedian pulled the prank at the time 100 gala in new yorkschumer , whose \" inside amy schumer \" also premiered tuesday , is having a moment']\n", + "the comedian took a fake tumble on the red carpet tuesday night at the 2015 time 100 gala in new york -- right in front of fellow honorees kanye west and kim kardashian , who stepped around her as they moved down the line .the prank came the same night the third season of schumer 's hit show , \" inside amy schumer , \" premiered on comedy central .( cnn ) amy schumer seems to be trying single-handedly this week to make everyone in america laugh .\n", + "amy schumer took a fake tumble tuesday in front kanye west and kim kardashianthe comedian pulled the prank at the time 100 gala in new yorkschumer , whose \" inside amy schumer \" also premiered tuesday , is having a moment\n", + "[1.3264654 1.2410529 1.2762443 1.317973 1.1961409 1.1371584 1.1134148\n", + " 1.0362998 1.0534017 1.0633249 1.1365923 1.0985804 1.066879 1.0674652\n", + " 1.0238901 1.0084877 1.0184494 1.0552534 1.0980461 1.109334 1.0386343]\n", + "\n", + "[ 0 3 2 1 4 5 10 6 19 11 18 13 12 9 17 8 20 7 14 16 15]\n", + "=======================\n", + "['the plot where lizzie borden and her family are buried in fall river , massachusetts , was vandalizedthe vandalism was discovered on monday , the day after a lifetime miniseries , the lizzie borden chronicles , premiered on sunday night .borden went on trial for brutally murdering her father and stepmother with a hatchet in their fall river home in 1892 .']\n", + "=======================\n", + "[\"lizzie borden and her family are buried in fall river , massachusettstheir plot at oak grove cemetery was defaced with black and green paintspeculated graffiti is related to lifetime 's the lizzie borden chroniclesborden was acquitted after going on trial for the two murders in 1892inspired rhyme : ` lizzie borden took an ax and gave her mother 40 whacks 'historic murder house is adjacent to where aaron hernandez is on trial\"]\n", + "the plot where lizzie borden and her family are buried in fall river , massachusetts , was vandalizedthe vandalism was discovered on monday , the day after a lifetime miniseries , the lizzie borden chronicles , premiered on sunday night .borden went on trial for brutally murdering her father and stepmother with a hatchet in their fall river home in 1892 .\n", + "lizzie borden and her family are buried in fall river , massachusettstheir plot at oak grove cemetery was defaced with black and green paintspeculated graffiti is related to lifetime 's the lizzie borden chroniclesborden was acquitted after going on trial for the two murders in 1892inspired rhyme : ` lizzie borden took an ax and gave her mother 40 whacks 'historic murder house is adjacent to where aaron hernandez is on trial\n", + "[1.4947344 1.4218442 1.2387949 1.2376683 1.1821536 1.1833855 1.0966672\n", + " 1.320678 1.0188411 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 7 2 3 5 4 6 8 18 17 16 15 14 10 12 11 19 9 13 20]\n", + "=======================\n", + "[\"( cnn ) gunshots were fired at rapper lil wayne 's tour bus early sunday in atlanta .no one was injured in the shooting , and no arrests have been made , atlanta police spokeswoman elizabeth espy said .lil wayne was in atlanta for a performance at compound nightclub saturday night .\"]\n", + "=======================\n", + "['rapper lil wayne not injured after shots fired at his tour bus on an atlanta interstate , police sayno one has been arrested in the shooting']\n", + "( cnn ) gunshots were fired at rapper lil wayne 's tour bus early sunday in atlanta .no one was injured in the shooting , and no arrests have been made , atlanta police spokeswoman elizabeth espy said .lil wayne was in atlanta for a performance at compound nightclub saturday night .\n", + "rapper lil wayne not injured after shots fired at his tour bus on an atlanta interstate , police sayno one has been arrested in the shooting\n", + "[1.4452394 1.3269154 1.2084248 1.3787899 1.1262921 1.0331889 1.0201316\n", + " 1.0141033 1.0199126 1.0438122 1.0137672 1.1139001 1.0186201 1.3217252\n", + " 1.2671511 1.0301367 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 13 14 2 4 11 9 5 15 6 8 12 7 10 16 17 18 19 20]\n", + "=======================\n", + "[\"west ham manager sam allardyce is not bothered by how manchester city will react to their slump , only that his own players produce the goods at the etihad stadium on sunday .a terrible run of form has seen city slip down into fourth place , their 4-2 loss to rivals manchester united leaving manuel pellegrini 's side well adrift of leaders chelsea and now in a battle to stay ahead of liverpool in the race for champions league qualification .west ham will be without senegal forward diafra sakho because of a thigh strain , but enner valencia has recovered from a foot problem and so will lead the front line alongside veteran striker carlton cole .\"]\n", + "=======================\n", + "[\"west ham manager sam allardyce wants more consistency from his sideallardyce expects manchester city to put in a ` determined ' performancethe hammers are 10th having won just one of their last 10 league matchescity have lost one more league game in 2015 than in the whole of last yearwest ham will be without diafra sakho but enner valencia is due to return\"]\n", + "west ham manager sam allardyce is not bothered by how manchester city will react to their slump , only that his own players produce the goods at the etihad stadium on sunday .a terrible run of form has seen city slip down into fourth place , their 4-2 loss to rivals manchester united leaving manuel pellegrini 's side well adrift of leaders chelsea and now in a battle to stay ahead of liverpool in the race for champions league qualification .west ham will be without senegal forward diafra sakho because of a thigh strain , but enner valencia has recovered from a foot problem and so will lead the front line alongside veteran striker carlton cole .\n", + "west ham manager sam allardyce wants more consistency from his sideallardyce expects manchester city to put in a ` determined ' performancethe hammers are 10th having won just one of their last 10 league matchescity have lost one more league game in 2015 than in the whole of last yearwest ham will be without diafra sakho but enner valencia is due to return\n", + "[1.2751454 1.3687032 1.0824314 1.1973433 1.2739332 1.0897734 1.1513983\n", + " 1.049247 1.0983707 1.0359354 1.0658488 1.1045808 1.0724428 1.0216866\n", + " 1.029354 1.043918 1.0530646 1.0468566 1.023439 1.0431268 1.0968866\n", + " 1.0829717 1.0600514]\n", + "\n", + "[ 1 0 4 3 6 11 8 20 5 21 2 12 10 22 16 7 17 15 19 9 14 18 13]\n", + "=======================\n", + "[\"a man called alex posted a video on youtube in which he asked the programme on his ipad a series of questions about gay marriage , where to find gay club and how to register a gay marriage in the uk .he asks siri in russian ` is gay marriage normal ? 'a version of siri on the apple iphone 4s .\"]\n", + "=======================\n", + "[\"man called alex posted video on youtube of him talking to siri on his ipadis told ` now you 're swearing obscenities ' when he asks about gay marriageapple has reportedly put siri 's responses down to a ` bug ' which it has fixedgay rights were set back in russia by 2013 law banning ` gay propaganda '\"]\n", + "a man called alex posted a video on youtube in which he asked the programme on his ipad a series of questions about gay marriage , where to find gay club and how to register a gay marriage in the uk .he asks siri in russian ` is gay marriage normal ? 'a version of siri on the apple iphone 4s .\n", + "man called alex posted video on youtube of him talking to siri on his ipadis told ` now you 're swearing obscenities ' when he asks about gay marriageapple has reportedly put siri 's responses down to a ` bug ' which it has fixedgay rights were set back in russia by 2013 law banning ` gay propaganda '\n", + "[1.290907 1.39645 1.2250693 1.0759615 1.2792393 1.2080292 1.0640621\n", + " 1.0475278 1.0293957 1.0174919 1.0503079 1.1010288 1.1824273 1.1666214\n", + " 1.0278872 1.0327884 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 4 2 5 12 13 11 3 6 10 7 15 8 14 9 21 16 17 18 19 20 22]\n", + "=======================\n", + "['the ch-53e super stallion landed on the shore of this northern san diego county town shortly after 11:30 am after a low oil-pressure indicator light went on in the cockpit , marine corps air station miramar said in a statement .a huge marine corps helicopter made an emergency landing on a southern california beach on wednesday , bringing no damages or injuries but leaving an unforgettable spectacle for surrounding swimmers and sunbathers .the 100-foot copter is twice the size of the humpback whales that sometimes wash up on surrounding shores .']\n", + "=======================\n", + "['a ch-53e super stallion helicopter was forced to make an emergency landing on a north san diego county beach wednesday morningthe crew landed the helicopter - the largest and heaviest in the military - after a low oil pressure light came on in the cockpitno one was injured or anything damaged in the landingthe helicopter parked on the back for four hours before taking off back to miramar air station']\n", + "the ch-53e super stallion landed on the shore of this northern san diego county town shortly after 11:30 am after a low oil-pressure indicator light went on in the cockpit , marine corps air station miramar said in a statement .a huge marine corps helicopter made an emergency landing on a southern california beach on wednesday , bringing no damages or injuries but leaving an unforgettable spectacle for surrounding swimmers and sunbathers .the 100-foot copter is twice the size of the humpback whales that sometimes wash up on surrounding shores .\n", + "a ch-53e super stallion helicopter was forced to make an emergency landing on a north san diego county beach wednesday morningthe crew landed the helicopter - the largest and heaviest in the military - after a low oil pressure light came on in the cockpitno one was injured or anything damaged in the landingthe helicopter parked on the back for four hours before taking off back to miramar air station\n", + "[1.2420883 1.5298722 1.1563743 1.1978409 1.3121289 1.112533 1.0649073\n", + " 1.0578638 1.0586302 1.0875148 1.0581673 1.0730867 1.1186904 1.084375\n", + " 1.049053 1.0273324 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 0 3 2 12 5 9 13 11 6 8 10 7 14 15 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"colin cromie told xara grogan , 29 , they should jet to barcelona for a break and claimed they were both stuck with the wrong partner .a married dentist forced his practice nurse to resign after she rejected his attempts to kiss her , a tribunal heard .he would also snatch instruments from her in the surgery and be ` abrupt and rude ' and blamed her for a fall-out with another dental practice .\"]\n", + "=======================\n", + "[\"colin cromie hired his stepson 's girlfriend xara grogan as a dental nursehe flirted with the 29-year-old , shared sexist jokes and tried to kiss herwhen she turned him down he became ` hostile ' and forced her out of jobmiss grogan won claim for constructive dismissal and sexual harassment\"]\n", + "colin cromie told xara grogan , 29 , they should jet to barcelona for a break and claimed they were both stuck with the wrong partner .a married dentist forced his practice nurse to resign after she rejected his attempts to kiss her , a tribunal heard .he would also snatch instruments from her in the surgery and be ` abrupt and rude ' and blamed her for a fall-out with another dental practice .\n", + "colin cromie hired his stepson 's girlfriend xara grogan as a dental nursehe flirted with the 29-year-old , shared sexist jokes and tried to kiss herwhen she turned him down he became ` hostile ' and forced her out of jobmiss grogan won claim for constructive dismissal and sexual harassment\n", + "[1.2255143 1.2719778 1.2579201 1.2039969 1.0744944 1.199913 1.0600204\n", + " 1.1564578 1.0783825 1.136785 1.1019253 1.0434986 1.0248365 1.0644464\n", + " 1.0251635 1.025 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 3 5 7 9 10 8 4 13 6 11 14 15 12 21 16 17 18 19 20 22]\n", + "=======================\n", + "['video shows the jihadi attempting to launch an attack on kurdish peshmerga forces , reportedly near kirkuk in northern iraq .but as the car approaches , it hits what appears to be a roadside bomb , catapulting the vehicle at least 100ft into the air .this is the incredible moment a car being driven by an isis suicide bomber detonates mid-air seconds after it is blasted skywards by an explosion on the ground .']\n", + "=======================\n", + "['jihadi tried to launch attack on kurdish peshmerga forces near kirkuk , iraq']\n", + "video shows the jihadi attempting to launch an attack on kurdish peshmerga forces , reportedly near kirkuk in northern iraq .but as the car approaches , it hits what appears to be a roadside bomb , catapulting the vehicle at least 100ft into the air .this is the incredible moment a car being driven by an isis suicide bomber detonates mid-air seconds after it is blasted skywards by an explosion on the ground .\n", + "jihadi tried to launch attack on kurdish peshmerga forces near kirkuk , iraq\n", + "[1.4536399 1.4025786 1.2556561 1.3476105 1.2130723 1.1032909 1.0883044\n", + " 1.0660805 1.1458948 1.2192142 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 3 2 9 4 8 5 6 7 20 19 18 17 16 11 14 13 12 21 10 15 22]\n", + "=======================\n", + "[\"west ham striker diafra sakho is out for the remainder of the season after tearing a thigh muscle on saturday against stoke city .the 25-year-old is west ham 's runaway top scorer this season with 12 goals and was forced off after 59 minutes during their 1-1 draw at home .ten of sakho 's 12 goals came in the barclays premier league , with andy carroll and stewart downing the club 's next top scorers with just five apiece .\"]\n", + "=======================\n", + "['west ham drew 1-1 with stoke city in the premier league on saturdaydiafra sakho was forced off after 59 minutes due to an injuryit is understood the striker has torn a thigh muscle during the matchsakho is unlikely to be able to feature for west ham again this season']\n", + "west ham striker diafra sakho is out for the remainder of the season after tearing a thigh muscle on saturday against stoke city .the 25-year-old is west ham 's runaway top scorer this season with 12 goals and was forced off after 59 minutes during their 1-1 draw at home .ten of sakho 's 12 goals came in the barclays premier league , with andy carroll and stewart downing the club 's next top scorers with just five apiece .\n", + "west ham drew 1-1 with stoke city in the premier league on saturdaydiafra sakho was forced off after 59 minutes due to an injuryit is understood the striker has torn a thigh muscle during the matchsakho is unlikely to be able to feature for west ham again this season\n", + "[1.39308 1.4247276 1.2643604 1.406229 1.1624386 1.1902524 1.1518244\n", + " 1.102173 1.0100346 1.0152258 1.1615659 1.0965797 1.0984412 1.1126804\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 5 4 10 6 13 7 12 11 9 8 14 15 16]\n", + "=======================\n", + "[\"the pair were dicing for 13th place when button hit the back of maldonado 's lotus as they battled for position on the run down to turn 1 .jenson button has been penalised for his crash with pastor maldonado during sunday 's chinese grand prix .maldonado , who earlier in his incident-packed race missed the entry to the pit-lane , was sent into a spin , while button sustained damage to his front wing .\"]\n", + "=======================\n", + "['jenson button penalised for his role in the crash with pastor maldonadothe pair collided as they diced for 13th in final stages of chinese gpbutton slapped with five-second penalty and given two penalty pointsincident capped another disappointing weekend for hapless mclaren']\n", + "the pair were dicing for 13th place when button hit the back of maldonado 's lotus as they battled for position on the run down to turn 1 .jenson button has been penalised for his crash with pastor maldonado during sunday 's chinese grand prix .maldonado , who earlier in his incident-packed race missed the entry to the pit-lane , was sent into a spin , while button sustained damage to his front wing .\n", + "jenson button penalised for his role in the crash with pastor maldonadothe pair collided as they diced for 13th in final stages of chinese gpbutton slapped with five-second penalty and given two penalty pointsincident capped another disappointing weekend for hapless mclaren\n", + "[1.4249303 1.3530879 1.2769048 1.1955018 1.2202413 1.1166115 1.1482551\n", + " 1.0209464 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 4 3 6 5 7 14 13 12 8 10 9 15 11 16]\n", + "=======================\n", + "[\"irbil , iraq ( cnn ) isis claimed it controlled part of iraq 's largest oil refinery sunday , posting images online that purported to show the storming of the facility , fierce clashes and plumes of smoke rising above the contested site .the group said it launched an assault on the baiji oil refinery late saturday .by sunday , isis said its fighters were inside the refinery and controlled several buildings , but iraqi government security officials denied that claim and insisted iraqi forces remain in full control .\"]\n", + "=======================\n", + "[\"isis says it controls several buildings at the baiji oil refineryiraqi government security officials say iraqi forces remain in full controlthe refinery , iraq 's largest , has long been a lucrative target for militants\"]\n", + "irbil , iraq ( cnn ) isis claimed it controlled part of iraq 's largest oil refinery sunday , posting images online that purported to show the storming of the facility , fierce clashes and plumes of smoke rising above the contested site .the group said it launched an assault on the baiji oil refinery late saturday .by sunday , isis said its fighters were inside the refinery and controlled several buildings , but iraqi government security officials denied that claim and insisted iraqi forces remain in full control .\n", + "isis says it controls several buildings at the baiji oil refineryiraqi government security officials say iraqi forces remain in full controlthe refinery , iraq 's largest , has long been a lucrative target for militants\n", + "[1.3678904 1.2630213 1.3114389 1.0896701 1.1426286 1.1902889 1.1456305\n", + " 1.0862563 1.0651126 1.0604376 1.2067547 1.1444453 1.0448558 1.0409482\n", + " 1.0286763 1.0137336 0. ]\n", + "\n", + "[ 0 2 1 10 5 6 11 4 3 7 8 9 12 13 14 15 16]\n", + "=======================\n", + "[\"stephanie scott was a ` favourite teacher ' to many students at leeton high schoola week before students are due to return to class after school holidays , mothers have have taken to a community facebook page to talk about how the 26-year-old 's murder has affected their kids .ms salerno told the australian her three children ` do n't want to return ' to school because they are so upset over ms scott 's death .\"]\n", + "=======================\n", + "[\"leeton parents say their children are devastated by teacher 's murderpolice discovered a body in nearby bushland on friday afternoonan autopsy will now be conducted to determine the cause of deathpolice will contact authorities in holland for a background check on accused killer , vincent stanford , who was charged with murder\"]\n", + "stephanie scott was a ` favourite teacher ' to many students at leeton high schoola week before students are due to return to class after school holidays , mothers have have taken to a community facebook page to talk about how the 26-year-old 's murder has affected their kids .ms salerno told the australian her three children ` do n't want to return ' to school because they are so upset over ms scott 's death .\n", + "leeton parents say their children are devastated by teacher 's murderpolice discovered a body in nearby bushland on friday afternoonan autopsy will now be conducted to determine the cause of deathpolice will contact authorities in holland for a background check on accused killer , vincent stanford , who was charged with murder\n", + "[1.2367904 1.5617633 1.2967497 1.2333698 1.3278494 1.130741 1.0815148\n", + " 1.0430095 1.0319335 1.2973742 1.0248679 1.0124532 1.1318787 1.012177\n", + " 1.008463 0. 0. ]\n", + "\n", + "[ 1 4 9 2 0 3 12 5 6 7 8 10 11 13 14 15 16]\n", + "=======================\n", + "[\"the 73-year-old woman suffered severe bruising to her legs and ribs after her blue vauxhall corsa collided with railings on the petrol forecourt of the asda store in hulme , manchester .she was waiting from an ambulance with her husband , who has dementia , when the thief sneaked into her car and stole the black garmin device from underneath the passenger seat .this is the moment a thief fled the scene after stealing the sat nav from a 73-year-old injured pensioner 's crashed car as she waited for an ambulance .\"]\n", + "=======================\n", + "[\"thief stole sat nav from elderly woman 's car after she was injured in crashwoman , 73 , was waiting for an ambulance with husband who has dementiasuspect was photographed as he fled the scene in hulme , manchesterbearded man was wearing purple shorts and is aged between 30 and 40\"]\n", + "the 73-year-old woman suffered severe bruising to her legs and ribs after her blue vauxhall corsa collided with railings on the petrol forecourt of the asda store in hulme , manchester .she was waiting from an ambulance with her husband , who has dementia , when the thief sneaked into her car and stole the black garmin device from underneath the passenger seat .this is the moment a thief fled the scene after stealing the sat nav from a 73-year-old injured pensioner 's crashed car as she waited for an ambulance .\n", + "thief stole sat nav from elderly woman 's car after she was injured in crashwoman , 73 , was waiting for an ambulance with husband who has dementiasuspect was photographed as he fled the scene in hulme , manchesterbearded man was wearing purple shorts and is aged between 30 and 40\n", + "[1.2587622 1.1991035 1.1995685 1.5198404 1.4357435 1.180304 1.0376713\n", + " 1.0292999 1.034615 1.0132396 1.0170101 1.0705918 1.0135936 1.0188183\n", + " 1.0230875 1.0177811 1.0959893]\n", + "\n", + "[ 3 4 0 2 1 5 16 11 6 8 7 14 13 15 10 12 9]\n", + "=======================\n", + "[\"australia head coach michael cheika is aware that his pack is being written off for the world cupcheika 's side will face england and wales in crunch pool games at the tournament in septemberthe national coach refuses to bite back , but he has evidently noted and logged claims from these parts that his forwards will be cannon fodder for their english and welsh rivals , amid the three-way tussle for qualification from daunting pool a.\"]\n", + "=======================\n", + "['australia will face england and wales in pool a at the world cupthe wallabies pack was taken apart by england at twickenham last yearmichael cheika cites mike brown and jonathan joseph as key threatssam burgess will feature for england at tournament , says cheikacheika met matt giteau this week to discuss his involvement']\n", + "australia head coach michael cheika is aware that his pack is being written off for the world cupcheika 's side will face england and wales in crunch pool games at the tournament in septemberthe national coach refuses to bite back , but he has evidently noted and logged claims from these parts that his forwards will be cannon fodder for their english and welsh rivals , amid the three-way tussle for qualification from daunting pool a.\n", + "australia will face england and wales in pool a at the world cupthe wallabies pack was taken apart by england at twickenham last yearmichael cheika cites mike brown and jonathan joseph as key threatssam burgess will feature for england at tournament , says cheikacheika met matt giteau this week to discuss his involvement\n", + "[1.1933608 1.5191619 1.0953087 1.2193661 1.197045 1.1084197 1.3475616\n", + " 1.0502808 1.0316201 1.0640472 1.0627712 1.1971557 1.0756632 1.0333862\n", + " 1.0248699 1.0734297 1.1406962 0. 0. 0. 0. ]\n", + "\n", + "[ 1 6 3 11 4 0 16 5 2 12 15 9 10 7 13 8 14 17 18 19 20]\n", + "=======================\n", + "[\"quinn patrick was on a fishing trip with his dad at snow lake , indiana when the pair caught a bowfin , videoed lying lifeless on a concrete dock .when suddenly the bowfin propels itself from the ground and slaps the youngster straight in the face with its large tail .the sound of the fish making impact with the youngster 's face is not dissimilar to a sound effect used in a cartoon .\"]\n", + "=======================\n", + "['quinn patrick stands over the fish while on a trip with his dadbowfin propels itself from ground and slaps him in the facemakes a noise not dissimilar to a sound effect used in cartoonsyoungster stumbles backwards but takes the hit remarkably well']\n", + "quinn patrick was on a fishing trip with his dad at snow lake , indiana when the pair caught a bowfin , videoed lying lifeless on a concrete dock .when suddenly the bowfin propels itself from the ground and slaps the youngster straight in the face with its large tail .the sound of the fish making impact with the youngster 's face is not dissimilar to a sound effect used in a cartoon .\n", + "quinn patrick stands over the fish while on a trip with his dadbowfin propels itself from ground and slaps him in the facemakes a noise not dissimilar to a sound effect used in cartoonsyoungster stumbles backwards but takes the hit remarkably well\n", + "[1.1123841 1.3449942 1.3460779 1.2736586 1.2611864 1.2776345 1.1300861\n", + " 1.0625643 1.1152602 1.0810778 1.1137056 1.1589025 1.0149812 1.0175468\n", + " 1.0549796 1.1405015 1.0352994 1.0338724 1.0433261 1.0181383 1.0110483]\n", + "\n", + "[ 2 1 5 3 4 11 15 6 8 10 0 9 7 14 18 16 17 19 13 12 20]\n", + "=======================\n", + "[\"the dog caused a severe fire after managing to switch on the cooker while trying to reach his dog treats .instead the staffordshire-boxer cross ended up nearly burning the house down and killing his owner 's son .the heat from one of the hob 's rings set fire to a child 's seat that had been left resting on the electric appliance .\"]\n", + "=======================\n", + "[\"family pet leo nearly burned down home in peckham , south-east londonstaffordshire-boxer cross managed to switch on cooker hunting for foodchild 's car seat left on top of one of the hob 's rings caught firesubsequent blaze damaged a third of the ground floor of the property\"]\n", + "the dog caused a severe fire after managing to switch on the cooker while trying to reach his dog treats .instead the staffordshire-boxer cross ended up nearly burning the house down and killing his owner 's son .the heat from one of the hob 's rings set fire to a child 's seat that had been left resting on the electric appliance .\n", + "family pet leo nearly burned down home in peckham , south-east londonstaffordshire-boxer cross managed to switch on cooker hunting for foodchild 's car seat left on top of one of the hob 's rings caught firesubsequent blaze damaged a third of the ground floor of the property\n", + "[1.1784186 1.3275878 1.3140299 1.2086005 1.1992806 1.1236254 1.1192312\n", + " 1.07886 1.0618345 1.0838375 1.0648315 1.0577804 1.1575716 1.0388092\n", + " 1.1197854 1.0226136 1.1399896 1.039303 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 12 16 5 14 6 9 7 10 8 11 17 13 15 19 18 20]\n", + "=======================\n", + "[\"rebecca sedwick leaped to her death from the roof of an abandoned concrete plant in lakeland , florida in september 2013 .the following month , the polk county sheriff 's office said she likely killed herself following ` malicious harassment ' from two schoolmates , katelyn roman , then 12 , and guadalupe shaw , 13 .suicide : rebecca sedwick , pictured with her mother , took her life in 2013 and two girls were arrested for bullying her but later released .\"]\n", + "=======================\n", + "[\"rebecca sedwick took her life in september 2013 and her family and authorities said she had been the victim of online bullyinga month later , the polk county sheriff 's office said she died after ` malicious harassment ' from katelyn roman , 12 , and guadalupe shaw , 13but the charges were dropped as they found no evidence of messagesnow the youngest girl 's family has filed a lawsuit accusing the sheriff and a deputy of using rebecca 's death as an ` opportunity for media attention 'the sheriff 's office said the claims have ` no merit '\"]\n", + "rebecca sedwick leaped to her death from the roof of an abandoned concrete plant in lakeland , florida in september 2013 .the following month , the polk county sheriff 's office said she likely killed herself following ` malicious harassment ' from two schoolmates , katelyn roman , then 12 , and guadalupe shaw , 13 .suicide : rebecca sedwick , pictured with her mother , took her life in 2013 and two girls were arrested for bullying her but later released .\n", + "rebecca sedwick took her life in september 2013 and her family and authorities said she had been the victim of online bullyinga month later , the polk county sheriff 's office said she died after ` malicious harassment ' from katelyn roman , 12 , and guadalupe shaw , 13but the charges were dropped as they found no evidence of messagesnow the youngest girl 's family has filed a lawsuit accusing the sheriff and a deputy of using rebecca 's death as an ` opportunity for media attention 'the sheriff 's office said the claims have ` no merit '\n", + "[1.3187063 1.1896089 1.2727348 1.1458628 1.095991 1.0882823 1.1068972\n", + " 1.0869589 1.0736089 1.1774348 1.096222 1.1289968 1.0905217 1.0733104\n", + " 1.0386485 1.0415512 1.0187881 1.0121839 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 9 3 11 6 10 4 12 5 7 8 13 15 14 16 17 19 18 20]\n", + "=======================\n", + "[\"president barack obama held up the shrinking florida everglades today as proof positive that climate change is real and is threatening america 's ` national treasures , ' as well as the economies of their surrounding towns , which rely heavily on tourist dollars .it ca n't be edited out , ' he said this afternoon in a speech at everglades national park commemorating earth day .` climate change can no longer be denied .\"]\n", + "=======================\n", + "[\"shrinking florida everglades is proof positive climate change is real and is threatening america 's ` national treasures , ' president said todayobama also took a half - hour walking tour of the the anhinga trail at the 1.5-million-acre national park before giving his speech and heading homei ca n't think of a better way to spend earth day than in one of our nation 's greatest natural treasures , the everglades , ' he said , calling the swamp , which he acknowledged is not technically a swamp , ` magical 'day trip , on which obama was accompanied by bill nye ` the science guy ' also highlighted massive amount of fuel it takes to power air force one - 9,000 gallons for today 's flights alone\"]\n", + "president barack obama held up the shrinking florida everglades today as proof positive that climate change is real and is threatening america 's ` national treasures , ' as well as the economies of their surrounding towns , which rely heavily on tourist dollars .it ca n't be edited out , ' he said this afternoon in a speech at everglades national park commemorating earth day .` climate change can no longer be denied .\n", + "shrinking florida everglades is proof positive climate change is real and is threatening america 's ` national treasures , ' president said todayobama also took a half - hour walking tour of the the anhinga trail at the 1.5-million-acre national park before giving his speech and heading homei ca n't think of a better way to spend earth day than in one of our nation 's greatest natural treasures , the everglades , ' he said , calling the swamp , which he acknowledged is not technically a swamp , ` magical 'day trip , on which obama was accompanied by bill nye ` the science guy ' also highlighted massive amount of fuel it takes to power air force one - 9,000 gallons for today 's flights alone\n", + "[1.4269325 1.195466 1.1580983 1.2041059 1.1653636 1.1977311 1.1324024\n", + " 1.0778713 1.0586064 1.0605721 1.0774117 1.1372855 1.06309 1.0862017\n", + " 1.0522087 1.0106378 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 5 1 4 2 11 6 13 7 10 12 9 8 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"( cnn ) the leader of yemen 's houthi rebels vowed not to back down on sunday as a top saudi military official claimed weeks of airstrikes had significantly weakened the shiite group .his comments came after more than three weeks of saudi-led coalition bombings aimed at pushing back the houthis , who surged into the capital of sanaa in january and ousted president abdu rabu mansour hadi from power .since mid-march , more than 700 people have been killed in violence that shows no sign of slowing , according to figures from the world health organization .\"]\n", + "=======================\n", + "[\"abdul-malik al-houthi says in a televised address that fighters will not pull out of major citiesa top military leader pledges allegiance to yemen 's ousted president\"]\n", + "( cnn ) the leader of yemen 's houthi rebels vowed not to back down on sunday as a top saudi military official claimed weeks of airstrikes had significantly weakened the shiite group .his comments came after more than three weeks of saudi-led coalition bombings aimed at pushing back the houthis , who surged into the capital of sanaa in january and ousted president abdu rabu mansour hadi from power .since mid-march , more than 700 people have been killed in violence that shows no sign of slowing , according to figures from the world health organization .\n", + "abdul-malik al-houthi says in a televised address that fighters will not pull out of major citiesa top military leader pledges allegiance to yemen 's ousted president\n", + "[1.3613499 1.25995 1.5384233 1.1496983 1.0930729 1.0506563 1.0463357\n", + " 1.0637366 1.0490242 1.0478959 1.0775462 1.0353538 1.0167172 1.0201551\n", + " 1.0374012 1.0233467 1.0549533 1.0300254 1.1380812 1.015856 1.1112703\n", + " 1.0867454 1.049564 1.0218065 1.0189049]\n", + "\n", + "[ 2 0 1 3 18 20 4 21 10 7 16 5 22 8 9 6 14 11 17 15 23 13 24 12\n", + " 19]\n", + "=======================\n", + "['the former north charleston police officer is charged with murder in the death of 50-year-old walter scott .( cnn ) two pieces of audio recorded in the immediate aftermath of a deadly police shooting in south carolina emerged monday .the voice of michael slager can be heard in both .']\n", + "=======================\n", + "['in the first recording , an unidentified officer talks to slager about what might happenthe second audio captures a phone call between slager and someone cnn believes is his wife']\n", + "the former north charleston police officer is charged with murder in the death of 50-year-old walter scott .( cnn ) two pieces of audio recorded in the immediate aftermath of a deadly police shooting in south carolina emerged monday .the voice of michael slager can be heard in both .\n", + "in the first recording , an unidentified officer talks to slager about what might happenthe second audio captures a phone call between slager and someone cnn believes is his wife\n", + "[1.2816278 1.2991736 1.2822665 1.099822 1.1006399 1.111563 1.2857066\n", + " 1.1511397 1.0677552 1.0220972 1.0147402 1.14459 1.2009455 1.0763562\n", + " 1.0653785 1.0165491 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 6 2 0 12 7 11 5 4 3 13 8 14 9 15 10 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"but it was tony abbott 's response to her transformation from man to woman that knocked her for six .cate mcgregor - now group captain in the royal australian air force - spent 40 years in the army , most of those under the name malcolmit took less than an hour for the federal liberal leader to call ms mcgregor after she forwarded the chapter of her book that outed her .\"]\n", + "=======================\n", + "[\"cate mcgregor is a group captain in the royal australian air forceshe spent 40 years in the army , most of those under the name malcolmin 2012 , mcgregor stopped ` functioning ' as a man and lived as a womanshe tried to resign from the office when her transformation became publicher resignation was refused by former chief of army david morrisonmcgregor believes mr abbott was n't given the credit he deserved for publicly embracing her and risking a wedge within his own partyshe addressed the national press club on wednesday as part of a women in media series\"]\n", + "but it was tony abbott 's response to her transformation from man to woman that knocked her for six .cate mcgregor - now group captain in the royal australian air force - spent 40 years in the army , most of those under the name malcolmit took less than an hour for the federal liberal leader to call ms mcgregor after she forwarded the chapter of her book that outed her .\n", + "cate mcgregor is a group captain in the royal australian air forceshe spent 40 years in the army , most of those under the name malcolmin 2012 , mcgregor stopped ` functioning ' as a man and lived as a womanshe tried to resign from the office when her transformation became publicher resignation was refused by former chief of army david morrisonmcgregor believes mr abbott was n't given the credit he deserved for publicly embracing her and risking a wedge within his own partyshe addressed the national press club on wednesday as part of a women in media series\n", + "[1.5236753 1.3543429 1.2131368 1.393596 1.0961074 1.147176 1.0806936\n", + " 1.1747742 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 7 5 4 6 22 21 20 19 18 17 16 12 14 13 23 11 10 9 8 15\n", + " 24]\n", + "=======================\n", + "['manchester united winger ashley young was in attendance as crawley town took on oldham athletic in league one on monday , watching his brother in action for the home side .crawley are scrambling to avoid relegation from league one but young was a good omen for the club as they were 2-0 up at half-time .united are third in the premier league on 62 points and their next game is on sunday against local rivals manchester city .']\n", + "=======================\n", + "[\"ashley young 's brother lewis plays for crawley town as an attackerthe manchester united man went to watch him play against oldhamcrawley are battling to get out of the relegation zone in league one\"]\n", + "manchester united winger ashley young was in attendance as crawley town took on oldham athletic in league one on monday , watching his brother in action for the home side .crawley are scrambling to avoid relegation from league one but young was a good omen for the club as they were 2-0 up at half-time .united are third in the premier league on 62 points and their next game is on sunday against local rivals manchester city .\n", + "ashley young 's brother lewis plays for crawley town as an attackerthe manchester united man went to watch him play against oldhamcrawley are battling to get out of the relegation zone in league one\n", + "[1.2366539 1.2091923 1.2304478 1.1448865 1.184456 1.2204901 1.1536815\n", + " 1.0941106 1.0813708 1.0992982 1.1075128 1.0300599 1.0579755 1.0365646\n", + " 1.0393738 1.053198 1.0344628 1.0865762 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 5 1 4 6 3 10 9 7 17 8 12 15 14 13 16 11 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"it has spent four years orbiting the closest planet to our sun , but despite desperate attempts to extend the life of messenger spacecraft , it is slowly spiraling towards mercury 's scorched surface .messenger is currently 18 miles ( 29.1 km ) above mercury after nasa engineers used the last of its fuel in a last ditch effort to push the spacecraft higher into orbit after it dropped to within nine miles ( 15km ) of the surface .the spacecraft , however , is expected to smash into the planet 's surface on 30 april .\"]\n", + "=======================\n", + "['messenger is expected to impact on the surface of mercury around april 30spacecraft has been orbiting mercury since 2011 , taking 250,000 picturesas it gets lower it is sending back images of the surface in greater detailengineers have attempted to extend the mission by using up its last fuel']\n", + "it has spent four years orbiting the closest planet to our sun , but despite desperate attempts to extend the life of messenger spacecraft , it is slowly spiraling towards mercury 's scorched surface .messenger is currently 18 miles ( 29.1 km ) above mercury after nasa engineers used the last of its fuel in a last ditch effort to push the spacecraft higher into orbit after it dropped to within nine miles ( 15km ) of the surface .the spacecraft , however , is expected to smash into the planet 's surface on 30 april .\n", + "messenger is expected to impact on the surface of mercury around april 30spacecraft has been orbiting mercury since 2011 , taking 250,000 picturesas it gets lower it is sending back images of the surface in greater detailengineers have attempted to extend the mission by using up its last fuel\n", + "[1.2514343 1.3410773 1.2541922 1.231758 1.3701732 1.0306902 1.0486411\n", + " 1.0315075 1.0215482 1.03755 1.0704887 1.1429932 1.0796775 1.018332\n", + " 1.0385176 1.012703 1.2402877 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 4 1 2 0 16 3 11 12 10 6 14 9 7 5 8 13 15 23 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"the beginning of the rest of his life : aaron hernandez was taken to the mci cedar juntion prison in walpole , massachusetts on wednesday after he was sentenced to life in prison without parole for the 2013 murder of odin lloyd .hernandez has n't set foot in the stadium since june 2013 , when he was arrested under suspicion of murdering odin lloyd , who was dating the sister of hernandez 's fianceé at the time .aaron hernandez left behind his life as a millionaire star athlete today , swapping a designer suit for a set of gray scrubs at a prison where he will begin a life sentence for murder .\"]\n", + "=======================\n", + "['the 25-year-old former new england patriots tight end was sentenced to life in prison without parole on wednesday for murderafter the sentence was read , hernandez was taken to mci cedar junction prison in walpole to begin his sentencethe 700-inmate all-male prison is located just across the freeway from gillette stadium , where he used to play for the patriotshernandez will be transferred in the coming weeks or months to another prison in shirley , massachusetts']\n", + "the beginning of the rest of his life : aaron hernandez was taken to the mci cedar juntion prison in walpole , massachusetts on wednesday after he was sentenced to life in prison without parole for the 2013 murder of odin lloyd .hernandez has n't set foot in the stadium since june 2013 , when he was arrested under suspicion of murdering odin lloyd , who was dating the sister of hernandez 's fianceé at the time .aaron hernandez left behind his life as a millionaire star athlete today , swapping a designer suit for a set of gray scrubs at a prison where he will begin a life sentence for murder .\n", + "the 25-year-old former new england patriots tight end was sentenced to life in prison without parole on wednesday for murderafter the sentence was read , hernandez was taken to mci cedar junction prison in walpole to begin his sentencethe 700-inmate all-male prison is located just across the freeway from gillette stadium , where he used to play for the patriotshernandez will be transferred in the coming weeks or months to another prison in shirley , massachusetts\n", + "[1.1391698 1.524138 1.32117 1.3363795 1.236784 1.316668 1.0915525\n", + " 1.1350001 1.0779845 1.0537757 1.0772142 1.0289646 1.0431839 1.0318779\n", + " 1.0719908 1.0487692 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 5 4 0 7 6 8 10 14 9 15 12 13 11 18 16 17 19]\n", + "=======================\n", + "['scott stephenson is due to be jailed for stealing a phone from a man he found collapsed in the street in south shields , tyne and wear .he unleashed an extraordinary expletive-filled rant outside court this week after he was re-bailed for sentence following his failure to turn up to a previous hearing .his victim had tripped and fallen unconscious on the cold december day .']\n", + "=======================\n", + "['scott stephenson went through the pockets of man dying from the coldhe was due to be sentenced for theft but failed to turn up to courtat hearing today , 19-year-old was bailed again before sentencingoutside court , he shouted and swore in front of nearby diners']\n", + "scott stephenson is due to be jailed for stealing a phone from a man he found collapsed in the street in south shields , tyne and wear .he unleashed an extraordinary expletive-filled rant outside court this week after he was re-bailed for sentence following his failure to turn up to a previous hearing .his victim had tripped and fallen unconscious on the cold december day .\n", + "scott stephenson went through the pockets of man dying from the coldhe was due to be sentenced for theft but failed to turn up to courtat hearing today , 19-year-old was bailed again before sentencingoutside court , he shouted and swore in front of nearby diners\n", + "[1.2264287 1.3027213 1.248628 1.3116724 1.2592715 1.1915143 1.1890306\n", + " 1.1517835 1.1113843 1.0195886 1.0861621 1.0932337 1.0565982 1.0190018\n", + " 1.0331205 1.0250113 1.0111415 1.0410782 1.0539341 0. ]\n", + "\n", + "[ 3 1 4 2 0 5 6 7 8 11 10 12 18 17 14 15 9 13 16 19]\n", + "=======================\n", + "[\"police response times in some areas have been increased by up to 50 per cent because of funding cutslabour 's shadow home secretary yvette cooper , pictured , claimed the victims of crime were being put at riskin essex and kent , crime victims are waiting up to a third longer for a response .\"]\n", + "=======================\n", + "[\"some crime vicitms are waiting up to two minutes longer for a responsethere are now 17,000 fewer police officers across the country than in 2009callers have been urged to contact the non-emergency 101 servicelabour 's yvette cooper blames the increase in waiting time on tory cuts\"]\n", + "police response times in some areas have been increased by up to 50 per cent because of funding cutslabour 's shadow home secretary yvette cooper , pictured , claimed the victims of crime were being put at riskin essex and kent , crime victims are waiting up to a third longer for a response .\n", + "some crime vicitms are waiting up to two minutes longer for a responsethere are now 17,000 fewer police officers across the country than in 2009callers have been urged to contact the non-emergency 101 servicelabour 's yvette cooper blames the increase in waiting time on tory cuts\n", + "[1.2623215 1.4272456 1.3449576 1.1259357 1.3728703 1.0713143 1.0669103\n", + " 1.0959454 1.1222198 1.05518 1.0337039 1.0371976 1.0140101 1.0867132\n", + " 1.0798767 1.0524678 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 0 3 8 7 13 14 5 6 9 15 11 10 12 18 16 17 19]\n", + "=======================\n", + "['weinsten and his designer wife georgina chapman turned up for the premiere of his new broadway production finding neverland in new york city .the play , which stars glee star matthew morrison and kelsey grammer , is based on the 2004 film of the same name weinstein produced starring kate winslet and johnny depp .it has been almost a month since an italian model accused movie executive harvey weinstein of groping her , and wednesday night he and his wife were spotted out together for the first time since the alleged incident .']\n", + "=======================\n", + "[\"harvey weinsten and his designer wife georgina chapman turned up for the premiere of his new broadway play finding neverland on wednesdayit is the first time the pair has been seen together since weinstein was accused of groping an italian model in marchthe district attorney 's office announced last friday that weinstein will not face criminal charges over the incidentfinding neverland is the same play weinstein gave model ambra battilana a ticket tothe couple also spent chapman 's birthday together earlier in the week , as well as easter with their children two weekends ago\"]\n", + "weinsten and his designer wife georgina chapman turned up for the premiere of his new broadway production finding neverland in new york city .the play , which stars glee star matthew morrison and kelsey grammer , is based on the 2004 film of the same name weinstein produced starring kate winslet and johnny depp .it has been almost a month since an italian model accused movie executive harvey weinstein of groping her , and wednesday night he and his wife were spotted out together for the first time since the alleged incident .\n", + "harvey weinsten and his designer wife georgina chapman turned up for the premiere of his new broadway play finding neverland on wednesdayit is the first time the pair has been seen together since weinstein was accused of groping an italian model in marchthe district attorney 's office announced last friday that weinstein will not face criminal charges over the incidentfinding neverland is the same play weinstein gave model ambra battilana a ticket tothe couple also spent chapman 's birthday together earlier in the week , as well as easter with their children two weekends ago\n", + "[1.3358605 1.3853317 1.1567445 1.4211385 1.1823307 1.1214519 1.186648\n", + " 1.0396417 1.0383539 1.0336852 1.0203696 1.0585619 1.0348688 1.0299652\n", + " 1.0141352 1.0504105 1.0245652 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 6 4 2 5 11 15 7 8 12 9 13 16 10 14 18 17 19]\n", + "=======================\n", + "['maitland local karen newton ( pictured ) performed an impromptu rendition of the last post to stranded residents of gillieston heightsthe video , which has over 5,000 views on facebook , beautifully captures the dawn anzac day experience .as the sun rose over the water , ms newton could be seen facing five stranded residents , who had come out to pay their respects to the fallen anzacs in their own unplanned service .']\n", + "=======================\n", + "['stranded victims of the storm were unable to attend an anzac day servicelocal karen newton played the last post at the kurri kurri memorialshe made the trip to gillieston heights to deliver food to the flood victimswhile she was there , she struck up another rendition of the songthe goosebump-inducing moment was captured on film']\n", + "maitland local karen newton ( pictured ) performed an impromptu rendition of the last post to stranded residents of gillieston heightsthe video , which has over 5,000 views on facebook , beautifully captures the dawn anzac day experience .as the sun rose over the water , ms newton could be seen facing five stranded residents , who had come out to pay their respects to the fallen anzacs in their own unplanned service .\n", + "stranded victims of the storm were unable to attend an anzac day servicelocal karen newton played the last post at the kurri kurri memorialshe made the trip to gillieston heights to deliver food to the flood victimswhile she was there , she struck up another rendition of the songthe goosebump-inducing moment was captured on film\n", + "[1.2019783 1.5177383 1.3854364 1.4292039 1.1835114 1.0570071 1.1498145\n", + " 1.0972998 1.0640734 1.0600501 1.0254676 1.0312284 1.0504974 1.0276546\n", + " 1.0586375 1.0234355 1.014323 1.0209608 1.0107548 1.1171677]\n", + "\n", + "[ 1 3 2 0 4 6 19 7 8 9 14 5 12 11 13 10 15 17 16 18]\n", + "=======================\n", + "['abby swinfield , from castle donington , in derbyshire , was partying with friends when she was rushed to hospital in the early hours of march 30 .miss swinfield , who is believed to have a son , three , was taken to good hope hospital in sutton coldfield , west midlands , where she was placed in a coma , but died a week later .an 18-year-old mother-of-one had two heart attacks before dying from multiple organ failure after taking m-cat at a house party , her family have said .']\n", + "=======================\n", + "['abby swinfield , 18 , collapsed in early hours of march 30 at a house partytaken to hospital where she was placed in coma but died a week latermother kay said teen had two heart attacks before dying of organ failurepolice are investigating and have arrested girl , 20 , for supplying drugs']\n", + "abby swinfield , from castle donington , in derbyshire , was partying with friends when she was rushed to hospital in the early hours of march 30 .miss swinfield , who is believed to have a son , three , was taken to good hope hospital in sutton coldfield , west midlands , where she was placed in a coma , but died a week later .an 18-year-old mother-of-one had two heart attacks before dying from multiple organ failure after taking m-cat at a house party , her family have said .\n", + "abby swinfield , 18 , collapsed in early hours of march 30 at a house partytaken to hospital where she was placed in coma but died a week latermother kay said teen had two heart attacks before dying of organ failurepolice are investigating and have arrested girl , 20 , for supplying drugs\n", + "[1.5102717 1.15694 1.412564 1.2555737 1.0825186 1.0668299 1.1463294\n", + " 1.1016945 1.1706216 1.1575811 1.0949038 1.0551383 1.015653 1.0455438\n", + " 1.0495613 1.0464351 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 8 9 1 6 7 10 4 5 11 14 15 13 12 19 16 17 18 20]\n", + "=======================\n", + "[\"david moore , 25 , went berserk with road rage after leaving his home only to immediately find himself nose-to-nose on a heavily congested street with rafal cegielka , 45 , who was picking up his childburnley magistrates ' court heard that the pair had both wound down their car windows , when moore then jumped out of his vehicle , and punched mr cegielka through his open car window .at burnley magistrates court moore admitted assault by beating , destroying # 100 worth of fencing and damaging mr cegielka 's car , on march 2 .\"]\n", + "=======================\n", + "[\"david moore , 25 , ` saw red ' after leaving his home only to immediately find himself nose-to-nose on a heavily congested street with rafal cegielka , 45pair went to ` have words ' through window when moore hit mr cegielkahe then armed himself with hockey stick , and shouted : ` i 'll f *** ing kill him 'the court heard moore had had a 's ** t day ' had seen red and was sorry\"]\n", + "david moore , 25 , went berserk with road rage after leaving his home only to immediately find himself nose-to-nose on a heavily congested street with rafal cegielka , 45 , who was picking up his childburnley magistrates ' court heard that the pair had both wound down their car windows , when moore then jumped out of his vehicle , and punched mr cegielka through his open car window .at burnley magistrates court moore admitted assault by beating , destroying # 100 worth of fencing and damaging mr cegielka 's car , on march 2 .\n", + "david moore , 25 , ` saw red ' after leaving his home only to immediately find himself nose-to-nose on a heavily congested street with rafal cegielka , 45pair went to ` have words ' through window when moore hit mr cegielkahe then armed himself with hockey stick , and shouted : ` i 'll f *** ing kill him 'the court heard moore had had a 's ** t day ' had seen red and was sorry\n", + "[1.1463199 1.2468531 1.3870194 1.3385601 1.1617539 1.1727223 1.0940555\n", + " 1.2058017 1.032797 1.032578 1.0164888 1.1149307 1.0247846 1.1252506\n", + " 1.0998814 1.1648693 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 7 5 15 4 0 13 11 14 6 8 9 12 10 16 17 18 19 20]\n", + "=======================\n", + "['captured at whipsnade zoo , the video shows keepers assisting six elephants along a path -- five of which walk in single file .the baby elephant can be seen walking alongside its herd , which travel in a single file lineit stops to dawdle as it reaches the grass and uses its trunk to pick something up off the floor before setting off again .']\n", + "=======================\n", + "['the baby elephant walks alongside single file herdit stops to dawdle pick up something with its trunkbefore managing to break the tail-to-trunk chainthe footage was captured by at whipsnade zoo']\n", + "captured at whipsnade zoo , the video shows keepers assisting six elephants along a path -- five of which walk in single file .the baby elephant can be seen walking alongside its herd , which travel in a single file lineit stops to dawdle as it reaches the grass and uses its trunk to pick something up off the floor before setting off again .\n", + "the baby elephant walks alongside single file herdit stops to dawdle pick up something with its trunkbefore managing to break the tail-to-trunk chainthe footage was captured by at whipsnade zoo\n", + "[1.1986399 1.5246012 1.294311 1.2367673 1.0662026 1.0310392 1.3757572\n", + " 1.1446495 1.1418246 1.0263423 1.0405103 1.1081611 1.06988 1.1012393\n", + " 1.0775272 1.0474505 1.022648 1.0323365 1.0267044 1.0425858 1.0859284]\n", + "\n", + "[ 1 6 2 3 0 7 8 11 13 20 14 12 4 15 19 10 17 5 18 9 16]\n", + "=======================\n", + "[\"graduate jacob phillips , 23 , plunged down the cliff when he leapt over a fence in the dark .mr phillips had caught the cab home after a night out with friends in december -- but did n't have enough cash to pay for it .an inquest heard he ran from the driver , who gave chase at the seaside town of penarth , south wales .\"]\n", + "=======================\n", + "[\"jacob phillips plunged down cliff after leaping over a fence in the darkgot out of the taxi to ` use an atm ' before running away , inquest heard\"]\n", + "graduate jacob phillips , 23 , plunged down the cliff when he leapt over a fence in the dark .mr phillips had caught the cab home after a night out with friends in december -- but did n't have enough cash to pay for it .an inquest heard he ran from the driver , who gave chase at the seaside town of penarth , south wales .\n", + "jacob phillips plunged down cliff after leaping over a fence in the darkgot out of the taxi to ` use an atm ' before running away , inquest heard\n", + "[1.2143139 1.2291161 1.2474105 1.3545308 1.3672799 1.1043007 1.0510253\n", + " 1.1929101 1.0789037 1.030799 1.026126 1.1023679 1.058174 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 3 2 1 0 7 5 11 8 12 6 9 10 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "['cheryl \\'s birthday challenge was meant to test the better high-school students competing in the singapore and asian schools math olympiad , held april 8 .the puzzling problem went viral after singapore television host kenneth kong posted it to facebook .some are even saying it \\'s the math equivalent of the \" what color is the dress \" debate .']\n", + "=======================\n", + "['a logic question about \" cheryl \\'s birthday \" goes viralthe clues give just enough information to eliminate most possibilitiesit spread after a singapore television host posted it to facebook']\n", + "cheryl 's birthday challenge was meant to test the better high-school students competing in the singapore and asian schools math olympiad , held april 8 .the puzzling problem went viral after singapore television host kenneth kong posted it to facebook .some are even saying it 's the math equivalent of the \" what color is the dress \" debate .\n", + "a logic question about \" cheryl 's birthday \" goes viralthe clues give just enough information to eliminate most possibilitiesit spread after a singapore television host posted it to facebook\n", + "[1.1904805 1.3497571 1.3057067 1.2061306 1.2560271 1.3670822 1.2357543\n", + " 1.1639361 1.1110142 1.0677634 1.0528573 1.0202422 1.0153723 1.0212171\n", + " 1.0932987 1.0241357 1.0120822 0. 0. 0. 0. ]\n", + "\n", + "[ 5 1 2 4 6 3 0 7 8 14 9 10 15 13 11 12 16 19 17 18 20]\n", + "=======================\n", + "[\"elizabeth dawes , 39 , was told she had breast cancer in july 2013 .a mix-up at new cross hospital in wolverhampton meant staff confused the notes of three patients .ms dawes refused , but did undergo major surgery to remove a ` cancerous ' tumour from her right breast as well as lymph nodes from her armpit .\"]\n", + "=======================\n", + "['elizabeth dawes was diagnosed with breast cancer in july 2013doctors advised a double mastectomy but she refused , instead undergoing extensive surgery to remove a tumour and reconstruction afterwardsfour days later she was told staff had confused her notes with those of two other patients and that she had never had the diseaseroyal wolverhampton nhs trust has admitted liability and apologised']\n", + "elizabeth dawes , 39 , was told she had breast cancer in july 2013 .a mix-up at new cross hospital in wolverhampton meant staff confused the notes of three patients .ms dawes refused , but did undergo major surgery to remove a ` cancerous ' tumour from her right breast as well as lymph nodes from her armpit .\n", + "elizabeth dawes was diagnosed with breast cancer in july 2013doctors advised a double mastectomy but she refused , instead undergoing extensive surgery to remove a tumour and reconstruction afterwardsfour days later she was told staff had confused her notes with those of two other patients and that she had never had the diseaseroyal wolverhampton nhs trust has admitted liability and apologised\n", + "[1.1661724 1.4666331 1.2404362 1.2304041 1.3559127 1.2015969 1.1757163\n", + " 1.0678836 1.145309 1.0711342 1.0116882 1.012474 1.009514 1.0972044\n", + " 1.1026042 1.0229485 1.014902 1.1830153 1.1209222 1.0143322 1.029721\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 2 3 5 17 6 0 8 18 14 13 9 7 20 15 16 19 11 10 12 21 22]\n", + "=======================\n", + "[\"ivan carlos , 22 , and eighteen-year-old brenda avilez were sleeping in a trailer at the lone oak mobile home park in palmetto at around 2.30 am wednesday when the driver of the white chevrolet suv lost control of the vehicle and crashed through the park 's fence , killing the couple , police told the bradenton herald .avilez was nine months pregnant at the time , the herald reports , the fetus did not survive .the driver , 35-year-old christian crawford , who had recently been released from prison , was taken to a hospital with non-life-threatening injuries , police said .\"]\n", + "=======================\n", + "['ivan carlos , 22 , brenda avilez , 18 , were killed along with their unborn childavilez was expected to give birth the first week of maythe driver , christian crawford , has a lengthy rap sheet and was recently released from prison']\n", + "ivan carlos , 22 , and eighteen-year-old brenda avilez were sleeping in a trailer at the lone oak mobile home park in palmetto at around 2.30 am wednesday when the driver of the white chevrolet suv lost control of the vehicle and crashed through the park 's fence , killing the couple , police told the bradenton herald .avilez was nine months pregnant at the time , the herald reports , the fetus did not survive .the driver , 35-year-old christian crawford , who had recently been released from prison , was taken to a hospital with non-life-threatening injuries , police said .\n", + "ivan carlos , 22 , brenda avilez , 18 , were killed along with their unborn childavilez was expected to give birth the first week of maythe driver , christian crawford , has a lengthy rap sheet and was recently released from prison\n", + "[1.1584992 1.4473021 1.2437227 1.107261 1.3663981 1.041583 1.1050651\n", + " 1.1067783 1.0712895 1.1470466 1.0317878 1.1001137 1.1094457 1.0379272\n", + " 1.0765916 1.0401657 1.043114 1.0373529 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 2 0 9 12 3 7 6 11 14 8 16 5 15 13 17 10 21 18 19 20 22]\n", + "=======================\n", + "[\"rhiannon wilkinson , head of wycombe abbey in buckinghamshire reportedly said that a ` boy free ' environment stops girls from being held back by the opposite sex , who are known to mature slower .she also suggested that single-sex boarding schools give pupils relief and protection from the ` highly sexualised world ' and allow them to ` remain girls for longer . 'teenage girls do better in single sex schools as they can focus on their work rather than impressing boys , a leading headmistress says .\"]\n", + "=======================\n", + "[\"` boy free ' environment stops girls from being held back by opposite sexgirls in single sex education do n't have to worry about impressing boyscomments made by head of wycombe abbey school in buckinghamshirecome after calls for boys to be taught separately in state schools\"]\n", + "rhiannon wilkinson , head of wycombe abbey in buckinghamshire reportedly said that a ` boy free ' environment stops girls from being held back by the opposite sex , who are known to mature slower .she also suggested that single-sex boarding schools give pupils relief and protection from the ` highly sexualised world ' and allow them to ` remain girls for longer . 'teenage girls do better in single sex schools as they can focus on their work rather than impressing boys , a leading headmistress says .\n", + "` boy free ' environment stops girls from being held back by opposite sexgirls in single sex education do n't have to worry about impressing boyscomments made by head of wycombe abbey school in buckinghamshirecome after calls for boys to be taught separately in state schools\n", + "[1.501804 1.1364028 1.1858053 1.2153958 1.1045395 1.1560109 1.1110222\n", + " 1.1273036 1.0899144 1.0330647 1.0461775 1.0751656 1.0504582 1.0233718\n", + " 1.05372 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 2 5 1 7 6 4 8 11 14 12 10 9 13 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "['nairobi , kenya ( cnn ) kenyan deputy president william ruto on saturday gave the united nations \\' refugee agency three months to relocate refugees from the dadaab camp -- the world \\'s largest -- to somalia , or \" we shall relocate them ourselves . \"kenya \\'s government says that attack was masterminded by senior al-shabaab leader mohamed mohamud , whose \" extensive terrorist network within kenya \" extends into the sprawling dadaab complex , according to a kenyan government document given to cnn .al-shabaab gunmen stormed garissa university college in eastern kenya this month , killing 147 people .']\n", + "=======================\n", + "['the dadaab refugee camp is the world \\'s largest , with more than 600,000 peoplekenya will change \" the way america changed after 9/11 , \" deputy president sayswilliam ruto adds that \" we must secure this country at whatever cost \"']\n", + "nairobi , kenya ( cnn ) kenyan deputy president william ruto on saturday gave the united nations ' refugee agency three months to relocate refugees from the dadaab camp -- the world 's largest -- to somalia , or \" we shall relocate them ourselves . \"kenya 's government says that attack was masterminded by senior al-shabaab leader mohamed mohamud , whose \" extensive terrorist network within kenya \" extends into the sprawling dadaab complex , according to a kenyan government document given to cnn .al-shabaab gunmen stormed garissa university college in eastern kenya this month , killing 147 people .\n", + "the dadaab refugee camp is the world 's largest , with more than 600,000 peoplekenya will change \" the way america changed after 9/11 , \" deputy president sayswilliam ruto adds that \" we must secure this country at whatever cost \"\n", + "[1.2775623 1.3966994 1.2222141 1.257429 1.3011489 1.1322101 1.0911785\n", + " 1.0918337 1.033501 1.0736679 1.0805016 1.1618466 1.0828978 1.0599301\n", + " 1.0092621 1.0395916 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 0 3 2 11 5 7 6 12 10 9 13 15 8 14 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"on nov. 11 , 2014 , the headless body of a seven-pound-five-ounce infant was found in a trash heap in farmingdale , new jersey .emma grace : new jersey police have released a sketch of an infant ( photographed ) , known as 'em ma grace , ' whose headless remains were discovered last year in an attempt to track down the child 's motherfuneral : the baby 's remains have been released to the ardena baptist church in freehold , which will hold a funeral for the infant saturday\"]\n", + "=======================\n", + "[\"new jersey police have released a sketch of an infant whose headless body was discovered last year in an attempt to find the child 's motherthe body of the infant , called 'em ma grace ' was found in a trash heap in november , authorities located her head more than 50 miles awaypolice say the mother may have been trying to hide her pregnancy prior to giving birth\"]\n", + "on nov. 11 , 2014 , the headless body of a seven-pound-five-ounce infant was found in a trash heap in farmingdale , new jersey .emma grace : new jersey police have released a sketch of an infant ( photographed ) , known as 'em ma grace , ' whose headless remains were discovered last year in an attempt to track down the child 's motherfuneral : the baby 's remains have been released to the ardena baptist church in freehold , which will hold a funeral for the infant saturday\n", + "new jersey police have released a sketch of an infant whose headless body was discovered last year in an attempt to find the child 's motherthe body of the infant , called 'em ma grace ' was found in a trash heap in november , authorities located her head more than 50 miles awaypolice say the mother may have been trying to hide her pregnancy prior to giving birth\n", + "[1.2575023 1.31587 1.4191108 1.1427844 1.3414925 1.0625135 1.0631099\n", + " 1.0625157 1.0446305 1.1277306 1.0880216 1.0192871 1.0168924 1.0090214\n", + " 1.0188794 1.1106743 1.0257722 1.0382545 1.0599922 1.0270475 1.0264326\n", + " 1.0156038 1.0333139]\n", + "\n", + "[ 2 4 1 0 3 9 15 10 6 7 5 18 8 17 22 19 20 16 11 14 12 21 13]\n", + "=======================\n", + "['just 250 jars are being produced , at # 20 each , with all proceeds going to charity .sales of high-end versions are up by 45 per cent at selfridges since last year .the duchess of cornwall has created a buzz with the launch of her own honey , produced in late spring by the bees in her wiltshire garden .']\n", + "=======================\n", + "['duchess of cornwall has created a buzz with the launch of her own honeythe honey is produced in late spring by the bees in her wiltshire gardenjust 250 jars are being made , at # 20 each , with proceeds going to charitybut does luxury honey taste different enough to justify hefty price point ?']\n", + "just 250 jars are being produced , at # 20 each , with all proceeds going to charity .sales of high-end versions are up by 45 per cent at selfridges since last year .the duchess of cornwall has created a buzz with the launch of her own honey , produced in late spring by the bees in her wiltshire garden .\n", + "duchess of cornwall has created a buzz with the launch of her own honeythe honey is produced in late spring by the bees in her wiltshire gardenjust 250 jars are being made , at # 20 each , with proceeds going to charitybut does luxury honey taste different enough to justify hefty price point ?\n", + "[1.4622202 1.2947123 1.3256707 1.1659286 1.0616572 1.030134 1.151074\n", + " 1.0921193 1.1069851 1.0504032 1.0503237 1.1934466 1.0672715 1.0606601\n", + " 1.0398678 0. 0. ]\n", + "\n", + "[ 0 2 1 11 3 6 8 7 12 4 13 9 10 14 5 15 16]\n", + "=======================\n", + "[\"fired : major general james post iii was fired on friday after making a treason commentan air force major general has been formally reprimanded and removed from his job for telling a group of officers that talking to congress in a bid to block retirement of the a-10 warthog amounted to ` treason , ' the air force said on friday .a-10 retirement : the incident added fuel to a controversy over efforts to retire the a-10 , low-flying , tank-killer aircraft , which is highly regarded by ground troops for its ability to provide close air support\"]\n", + "=======================\n", + "[\"major general james post iii was fired for saying that the retirement of the a-10 warthog amounted to ` treason 'the incident added fuel to a controversy over efforts to retire the low-flying , tank-killer plane highly regarded by ground troopspost said he told the group the air force did n't want to get rid of the plane but needed to because of budget constraints\"]\n", + "fired : major general james post iii was fired on friday after making a treason commentan air force major general has been formally reprimanded and removed from his job for telling a group of officers that talking to congress in a bid to block retirement of the a-10 warthog amounted to ` treason , ' the air force said on friday .a-10 retirement : the incident added fuel to a controversy over efforts to retire the a-10 , low-flying , tank-killer aircraft , which is highly regarded by ground troops for its ability to provide close air support\n", + "major general james post iii was fired for saying that the retirement of the a-10 warthog amounted to ` treason 'the incident added fuel to a controversy over efforts to retire the low-flying , tank-killer plane highly regarded by ground troopspost said he told the group the air force did n't want to get rid of the plane but needed to because of budget constraints\n", + "[1.2118232 1.4684659 1.3402951 1.248099 1.225497 1.0773934 1.097714\n", + " 1.0210543 1.0191725 1.023219 1.0267035 1.0710878 1.1636908 1.0768975\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 12 6 5 13 11 10 9 7 8 14 15 16]\n", + "=======================\n", + "[\"under ground breaking reforms , social services minister scott morrison will reportedly scrap a provision that allows parents who do n't vaccinate their children to claim welfare benefits , including $ 726 from family tax benefit a , $ 7,500-a-year from childcare rebate and $ 200-a-week from the childcare benefit scheme .the government are about to annouce reforms that will strip parents of welfare benefits if they do n't immunise their kidsnewscorp reported that prime minister tony abbott will announce the reforms alongside mr morrison on sunday with the changes coming into full effect in january 2016 .\"]\n", + "=======================\n", + "[\"the government will announce radical immunisation reforms on sundaythey will cut benefits from parents who do n't immunise their childrenthese include family tax benefit a as well as childcare assistancescott morrison said rules around welfare payments need to be ` tightened 'he said immunisation should be a prerequisite to access tax payer money\"]\n", + "under ground breaking reforms , social services minister scott morrison will reportedly scrap a provision that allows parents who do n't vaccinate their children to claim welfare benefits , including $ 726 from family tax benefit a , $ 7,500-a-year from childcare rebate and $ 200-a-week from the childcare benefit scheme .the government are about to annouce reforms that will strip parents of welfare benefits if they do n't immunise their kidsnewscorp reported that prime minister tony abbott will announce the reforms alongside mr morrison on sunday with the changes coming into full effect in january 2016 .\n", + "the government will announce radical immunisation reforms on sundaythey will cut benefits from parents who do n't immunise their childrenthese include family tax benefit a as well as childcare assistancescott morrison said rules around welfare payments need to be ` tightened 'he said immunisation should be a prerequisite to access tax payer money\n", + "[1.1356359 1.521245 1.4415593 1.238833 1.095895 1.1241112 1.1397457\n", + " 1.0303082 1.0130098 1.0136222 1.0119686 1.1630366 1.0321357 1.0586575\n", + " 1.0369883 1.0231746 0. ]\n", + "\n", + "[ 1 2 3 11 6 0 5 4 13 14 12 7 15 9 8 10 16]\n", + "=======================\n", + "[\"gavin munro grows young trees into specially-designed plastic moulds , pruning and guiding the branches into shape before grafting them together to form ultra-tough joints .using this method he 's already created several prototype pieces and has a field in derbyshire where he 's currently tending a crop of 400 tables , chairs and lampshades which he hopes to harvest next year .furniture farmer : gavin munro with a prototype wooden lampshade grown into shape using his ingenious technique\"]\n", + "=======================\n", + "[\"british designer prunes and grafts growing trees directly into shapehe 's currently tending a field of 400 tables , chairs and lampshadesmainly using willow but also sycamore , ash , hazel and crab applefirst crop to be harvested next year with furniture ready for sale in 2017\"]\n", + "gavin munro grows young trees into specially-designed plastic moulds , pruning and guiding the branches into shape before grafting them together to form ultra-tough joints .using this method he 's already created several prototype pieces and has a field in derbyshire where he 's currently tending a crop of 400 tables , chairs and lampshades which he hopes to harvest next year .furniture farmer : gavin munro with a prototype wooden lampshade grown into shape using his ingenious technique\n", + "british designer prunes and grafts growing trees directly into shapehe 's currently tending a field of 400 tables , chairs and lampshadesmainly using willow but also sycamore , ash , hazel and crab applefirst crop to be harvested next year with furniture ready for sale in 2017\n", + "[1.2211547 1.5190845 1.2880971 1.1568525 1.1804091 1.2675837 1.1556406\n", + " 1.1500453 1.0518509 1.1544958 1.0136569 1.0146822 1.0667711 1.0130111\n", + " 1.008659 1.0091954 1.0791497]\n", + "\n", + "[ 1 2 5 0 4 3 6 9 7 16 12 8 11 10 13 15 14]\n", + "=======================\n", + "[\"a guest list of 120 people had been invited to stephanie and her fiance aaron leeson-woolley 's wedding at the picturesque eat your greens venue 2km outside the tiny town of eugowra , in new south wales ' central west region .these same guests were now 275km and three hours ' drive away after attending a heart-breaking ceremony at mountford park in leeton , as stephanie 's family and friends honoured the 26-year-old teacher 's memory .it was supposed to be the place where stephanie scott was to spend the happiest day of her life , instead her wedding venue seemed like the loneliest place on the planet .\"]\n", + "=======================\n", + "[\"the wedding of murdered stephanie scott had been booked at the picturesque eat your greens venue on saturdaythe venue is 2km outside the tiny town of eugowra , in new south wales ' central west region120 people had been invited to ms scott and her fiance aaron leeson-woolley 's weddinginstead the guests had to make their way to ms scott 's memorial service on the couple 's big daythe popular teacher was last seen on easter sunday and a body was found on fridaypolice have charged school cleaner vincent stanford , 24 , with the 26-year-old teacher 's murder\"]\n", + "a guest list of 120 people had been invited to stephanie and her fiance aaron leeson-woolley 's wedding at the picturesque eat your greens venue 2km outside the tiny town of eugowra , in new south wales ' central west region .these same guests were now 275km and three hours ' drive away after attending a heart-breaking ceremony at mountford park in leeton , as stephanie 's family and friends honoured the 26-year-old teacher 's memory .it was supposed to be the place where stephanie scott was to spend the happiest day of her life , instead her wedding venue seemed like the loneliest place on the planet .\n", + "the wedding of murdered stephanie scott had been booked at the picturesque eat your greens venue on saturdaythe venue is 2km outside the tiny town of eugowra , in new south wales ' central west region120 people had been invited to ms scott and her fiance aaron leeson-woolley 's weddinginstead the guests had to make their way to ms scott 's memorial service on the couple 's big daythe popular teacher was last seen on easter sunday and a body was found on fridaypolice have charged school cleaner vincent stanford , 24 , with the 26-year-old teacher 's murder\n", + "[1.3552088 1.4209019 1.2143508 1.1297722 1.3283613 1.2180381 1.0535984\n", + " 1.0408559 1.0655577 1.05141 1.0660675 1.0271461 1.0159001 1.074852\n", + " 1.0666736 1.054074 1.0347383]\n", + "\n", + "[ 1 0 4 5 2 3 13 14 10 8 15 6 9 7 16 11 12]\n", + "=======================\n", + "[\"the former olympian and reality tv star , 65 , will speak in a ` far-ranging ' interview with sawyer for a special edition of ' 20/20 ' on friday april 24 , abc news announced on monday .bruce jenner will break his silence in a two-hour interview with diane sawyer later this month .return : diane sawyer , who recently mourned the loss of her husband , will return to abc for the interview\"]\n", + "=======================\n", + "[\"tell-all interview with the reality tv star , 69 , will air on friday april 24it comes amid continuing speculation about his transition to a woman and following his involvement in a deadly car crash in februarythe interview will also be one of diane sawyer 's first appearances on television following the sudden death of her husband last year\"]\n", + "the former olympian and reality tv star , 65 , will speak in a ` far-ranging ' interview with sawyer for a special edition of ' 20/20 ' on friday april 24 , abc news announced on monday .bruce jenner will break his silence in a two-hour interview with diane sawyer later this month .return : diane sawyer , who recently mourned the loss of her husband , will return to abc for the interview\n", + "tell-all interview with the reality tv star , 69 , will air on friday april 24it comes amid continuing speculation about his transition to a woman and following his involvement in a deadly car crash in februarythe interview will also be one of diane sawyer 's first appearances on television following the sudden death of her husband last year\n", + "[1.272803 1.2398125 1.1320837 1.234517 1.2470307 1.103081 1.0384802\n", + " 1.0480834 1.0385209 1.090415 1.0891341 1.070238 1.0308068 1.1233029\n", + " 1.1283096 1.0504564 1.1358923 1.0220854 1.023963 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 4 1 3 16 2 14 13 5 9 10 11 15 7 8 6 12 18 17 19 20 21]\n", + "=======================\n", + "['blindfolded and handcuffed on a barren hilltop , this is the moment three afghan prisoners accused of murder waited for their deaths at the hands of merciless taliban fighters .chilling : the three men are seen sitting with their backs turned away from the gunmen , before being shot in the head at point-blank range by the insurgentsspectators : the chilling scene took place in the eastern province of ghanzi , where the men were accused of murdering a couple during a robbery']\n", + "=======================\n", + "['warning : graphic contentthe three blindfolded men were executed by gunmen in ghanzi provinceinsurgents shot them at point-blank range with ak-47s in front of crowdhundreds of locals - including children - gathered to watch public killingstaliban said the prisoners were found guilty by islamic court of murder']\n", + "blindfolded and handcuffed on a barren hilltop , this is the moment three afghan prisoners accused of murder waited for their deaths at the hands of merciless taliban fighters .chilling : the three men are seen sitting with their backs turned away from the gunmen , before being shot in the head at point-blank range by the insurgentsspectators : the chilling scene took place in the eastern province of ghanzi , where the men were accused of murdering a couple during a robbery\n", + "warning : graphic contentthe three blindfolded men were executed by gunmen in ghanzi provinceinsurgents shot them at point-blank range with ak-47s in front of crowdhundreds of locals - including children - gathered to watch public killingstaliban said the prisoners were found guilty by islamic court of murder\n", + "[1.4866499 1.3932543 1.4203573 1.231656 1.1654098 1.0257485 1.0129083\n", + " 1.0128841 1.0099847 1.3029516 1.2785288 1.0257369 1.0111468 1.0169065\n", + " 1.0452948 1.0140959 1.0509614 1.0494232 1.0442029 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 9 10 3 4 16 17 14 18 5 11 13 15 6 7 12 8 20 19 21]\n", + "=======================\n", + "[\"bournemouth manager eddie howe expects the club 's fans to play a crucial role as his side close in on a first-ever promotion to the barclays premier league .the four-horse race for automatic promotion - second-placed norwich face fourth-placed middlesbrough on friday night - is expected to go down to the wire with just two points separating those in contention .the cherries take on sheffield wednesday at the goldsands stadium on saturday followed by the visit of bolton nine days later and then a last-day trip to charlton .\"]\n", + "=======================\n", + "['bournemouth lead the championship table in bid for promotioneddie howe is hoping fans can inspire cherries to reach premier leaguenorwich play middlesbrough in a top of the table clash on fridaywatford boss slavisa jokanovic is not looking beyond birmingham clashderby , ipswich , brentford and wolves are in the hunt for a play-off place']\n", + "bournemouth manager eddie howe expects the club 's fans to play a crucial role as his side close in on a first-ever promotion to the barclays premier league .the four-horse race for automatic promotion - second-placed norwich face fourth-placed middlesbrough on friday night - is expected to go down to the wire with just two points separating those in contention .the cherries take on sheffield wednesday at the goldsands stadium on saturday followed by the visit of bolton nine days later and then a last-day trip to charlton .\n", + "bournemouth lead the championship table in bid for promotioneddie howe is hoping fans can inspire cherries to reach premier leaguenorwich play middlesbrough in a top of the table clash on fridaywatford boss slavisa jokanovic is not looking beyond birmingham clashderby , ipswich , brentford and wolves are in the hunt for a play-off place\n", + "[1.1298795 1.5027745 1.318231 1.2232015 1.2533603 1.0700918 1.1335464\n", + " 1.1152658 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 4 3 6 0 7 5 19 18 17 16 15 14 10 12 11 20 9 8 13 21]\n", + "=======================\n", + "[\"the chilly continent recorded the temperature ( 15.5 degrees celsius ) on march 24 , possibly the highest ever recorded on antarctica , according to the weather underground .the world meteorological organization , a specialized united nations agency , is in the process of setting up an international ad-hoc committee of about 10 blue-ribbon climatologists and meteorologists to begin collecting relevant evidence , said randy cerveny , the agency 's lead rapporteur of weather and climate extremes and arizona state university professor of geographical sciences .( note to map lovers : the argentine base is not geographically part of the south american continent . )\"]\n", + "=======================\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['high temperatures are recorded on the northern tip of the antarctica peninsulathe world meteorological organization will make the final determination']\n", + "the chilly continent recorded the temperature ( 15.5 degrees celsius ) on march 24 , possibly the highest ever recorded on antarctica , according to the weather underground .the world meteorological organization , a specialized united nations agency , is in the process of setting up an international ad-hoc committee of about 10 blue-ribbon climatologists and meteorologists to begin collecting relevant evidence , said randy cerveny , the agency 's lead rapporteur of weather and climate extremes and arizona state university professor of geographical sciences .( note to map lovers : the argentine base is not geographically part of the south american continent . )\n", + "high temperatures are recorded on the northern tip of the antarctica peninsulathe world meteorological organization will make the final determination\n", + "[1.2465101 1.4975313 1.1076545 1.09913 1.1609145 1.1557506 1.0345026\n", + " 1.031041 1.1364902 1.0809788 1.1620424 1.2936268 1.0661646 1.0428848\n", + " 1.0115743 1.0137691 1.0212382 1.0556377 1.0911425 1.031874 1.0268967\n", + " 1.0642961]\n", + "\n", + "[ 1 11 0 10 4 5 8 2 3 18 9 12 21 17 13 6 19 7 20 16 15 14]\n", + "=======================\n", + "[\"nicholas connors gave a rousing performance ahead of the houston rockets and dallas mavericks nba playoffs game - with one of his favorite nfl players watching from the sidelines , houston texans defensive lineman j.j. watt .indeed , one video of him singing from last november has accrued more than 38,000 hits on youtube .footage - secured by a spectator and shared on vine - shows nicholas looking confused at first when he 's caught off-guard and tapped on the shoulder .\"]\n", + "=======================\n", + "['nicholas connors gave a rousing performance ahead of the houston rockets and dallas mavericks basketball game on tuesday nightone of his favorite nfl players was watching from the sidelines - houston texans defensive lineman j.j. wattwhen he finished , the 26-year-old athlete ran across the court to congratulate him , with the heartwarming moment caught on camera']\n", + "nicholas connors gave a rousing performance ahead of the houston rockets and dallas mavericks nba playoffs game - with one of his favorite nfl players watching from the sidelines , houston texans defensive lineman j.j. watt .indeed , one video of him singing from last november has accrued more than 38,000 hits on youtube .footage - secured by a spectator and shared on vine - shows nicholas looking confused at first when he 's caught off-guard and tapped on the shoulder .\n", + "nicholas connors gave a rousing performance ahead of the houston rockets and dallas mavericks basketball game on tuesday nightone of his favorite nfl players was watching from the sidelines - houston texans defensive lineman j.j. wattwhen he finished , the 26-year-old athlete ran across the court to congratulate him , with the heartwarming moment caught on camera\n", + "[1.4613578 1.1536171 1.4148357 1.0868196 1.0494164 1.1113057 1.1461573\n", + " 1.2063665 1.0996821 1.0944304 1.0486844 1.1484253 1.0898001 1.0319253\n", + " 1.0798076 1.0609246 1.036944 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 7 1 11 6 5 8 9 12 3 14 15 4 10 16 13 20 17 18 19 21]\n", + "=======================\n", + "['wylie brys ( pictured ) and his dad , dallas zookeper tim brys , were digging for fossils near a grocery store when wylie found the dinosaur bonestim brys and his son wylie worked at the excavation site tuesday to dig up what paleontology professor dale winkler believes could be a nodosaur , a pony-sized dinosaur that dwelled on land .a five-year-old boy in dallas has had the once-in-a-lifetime opportunity of discovering 100million-year-old dinosaur bones while searching for fossils with his dad .']\n", + "=======================\n", + "['wylie brys and his dad , dallas zookeeper tim brys , were digging for fossils near a local grocery store when they made the discovery in septemberafter seven months , they acquired permits to dig up the bonesscientists from southern methodist university are helping with excavationfossils are expected for be from a nodosaur , a pony-sized herbivore with scaly , plated skin']\n", + "wylie brys ( pictured ) and his dad , dallas zookeper tim brys , were digging for fossils near a grocery store when wylie found the dinosaur bonestim brys and his son wylie worked at the excavation site tuesday to dig up what paleontology professor dale winkler believes could be a nodosaur , a pony-sized dinosaur that dwelled on land .a five-year-old boy in dallas has had the once-in-a-lifetime opportunity of discovering 100million-year-old dinosaur bones while searching for fossils with his dad .\n", + "wylie brys and his dad , dallas zookeeper tim brys , were digging for fossils near a local grocery store when they made the discovery in septemberafter seven months , they acquired permits to dig up the bonesscientists from southern methodist university are helping with excavationfossils are expected for be from a nodosaur , a pony-sized herbivore with scaly , plated skin\n", + "[1.4392476 1.1794798 1.1975389 1.167022 1.2908677 1.2675658 1.1017323\n", + " 1.1207278 1.0221713 1.0273796 1.0202504 1.0175868 1.0237795 1.0360682\n", + " 1.0198352 1.0165936 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 5 2 1 3 7 6 13 9 12 8 10 14 11 15 19 16 17 18 20]\n", + "=======================\n", + "[\"hillary clinton is expected to officially declare her candidacy for president on ` sunday afternoon , ' according to a democratic party source in iowa .clinton will fly to new hampshire after her iowa swing .clinton will announce her bid to become america 's first female president this weekend\"]\n", + "=======================\n", + "[\"former secretary of state is expected to announce candidacy sunday afternoon and then hit the campaign trailiowa sources say democrats are preparing for hillary to barnstorm the state sunday and mondaysocial media posts will be followed by video and email announcementsnew polls suggests the former first lady is slipping behind leading 2016 republican candidates in vital swing statesnew epilogue of her book ` hard choices ' reveals how becoming a grandmother inspired her to run for presidentrepublicans launch ` stop hillary ' ad campaign\"]\n", + "hillary clinton is expected to officially declare her candidacy for president on ` sunday afternoon , ' according to a democratic party source in iowa .clinton will fly to new hampshire after her iowa swing .clinton will announce her bid to become america 's first female president this weekend\n", + "former secretary of state is expected to announce candidacy sunday afternoon and then hit the campaign trailiowa sources say democrats are preparing for hillary to barnstorm the state sunday and mondaysocial media posts will be followed by video and email announcementsnew polls suggests the former first lady is slipping behind leading 2016 republican candidates in vital swing statesnew epilogue of her book ` hard choices ' reveals how becoming a grandmother inspired her to run for presidentrepublicans launch ` stop hillary ' ad campaign\n", + "[1.5511783 1.3930147 1.1738458 1.2542493 1.133734 1.0860785 1.1047555\n", + " 1.1246105 1.1031935 1.1481506 1.1019682 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 9 4 7 6 8 10 5 19 11 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"chris ramsey watched his side hold off league leaders chelsea for 88 minutes at loftus road in the west london derby .however ramsey then witnessed cesc fabregas ' late winner and the devastation was too much for the qpr boss , who turned away from the pitch to crouch down and collect his thoughts .a distraught chris ramsey ca n't hide his devastation after qpr fell to a late cesc fabregas winner\"]\n", + "=======================\n", + "[\"chelsea scored late winner to beat qpr 1-0 at loftus road on sundaycesc fabregas scored with chelsea 's only shot on targetchelsea move seven points clear at the top of the premier leaguechris ramsey 's qpr remain in the premier league relegation zone\"]\n", + "chris ramsey watched his side hold off league leaders chelsea for 88 minutes at loftus road in the west london derby .however ramsey then witnessed cesc fabregas ' late winner and the devastation was too much for the qpr boss , who turned away from the pitch to crouch down and collect his thoughts .a distraught chris ramsey ca n't hide his devastation after qpr fell to a late cesc fabregas winner\n", + "chelsea scored late winner to beat qpr 1-0 at loftus road on sundaycesc fabregas scored with chelsea 's only shot on targetchelsea move seven points clear at the top of the premier leaguechris ramsey 's qpr remain in the premier league relegation zone\n", + "[1.2891656 1.2238727 1.4296067 1.1542255 1.3620088 1.1857349 1.1177858\n", + " 1.0843198 1.0640796 1.076073 1.0598636 1.071365 1.049144 1.0880883\n", + " 1.0537103 1.074433 1.0336254 1.0695586 0. 0. 0. ]\n", + "\n", + "[ 2 4 0 1 5 3 6 13 7 9 15 11 17 8 10 14 12 16 19 18 20]\n", + "=======================\n", + "['kong meng xiong , 21 , of st. paul , minnesota has been charged with kidnapping , third-degree criminal sexual conduct and false imprisonment .in attempt to force her to be his teen bride .xiong and his parents say they wanted the girl and xiong to marry in the hmong tradition .']\n", + "=======================\n", + "['kong meng xiong , 21 , of st. paul , minnesota has been charged with kidnapping , third-degree criminal sexual conduct and false imprisonmentxiong allegedly tried to kidnap his 15-year-old girlfriend and force her to be his bride in a traditional hmong marriagein hmong culture , bride-napping is a frowned-upon tradition in which a male suitor kidnaps his bride if her family does not approve of the marriagexiong pleaded guilty to sexual assault against a 13-year-old girl in 2009 when he was 15']\n", + "kong meng xiong , 21 , of st. paul , minnesota has been charged with kidnapping , third-degree criminal sexual conduct and false imprisonment .in attempt to force her to be his teen bride .xiong and his parents say they wanted the girl and xiong to marry in the hmong tradition .\n", + "kong meng xiong , 21 , of st. paul , minnesota has been charged with kidnapping , third-degree criminal sexual conduct and false imprisonmentxiong allegedly tried to kidnap his 15-year-old girlfriend and force her to be his bride in a traditional hmong marriagein hmong culture , bride-napping is a frowned-upon tradition in which a male suitor kidnaps his bride if her family does not approve of the marriagexiong pleaded guilty to sexual assault against a 13-year-old girl in 2009 when he was 15\n", + "[1.2216836 1.5239797 1.1820897 1.3551729 1.1316597 1.1294222 1.0338995\n", + " 1.0301903 1.2952132 1.0536971 1.0665933 1.0642856 1.0860795 1.0571163\n", + " 1.0070597 1.1036651 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 8 0 2 4 5 15 12 10 11 13 9 6 7 14 19 16 17 18 20]\n", + "=======================\n", + "[\"the tatty tarmac site overlooks the golden sands at rhossili in south wales , voted the uk 's number one beach , the third best in europe , and 9th best in the world by tripadvisor .a run-down car park has been bought for # 3million by the national trust - because it offers one of britain 's most spectacular views .visitors to the tip of the gower peninsula can see the coastline stretch on for miles , surrounded by the rolling welsh hills in the picture-perfect vista .\"]\n", + "=======================\n", + "[\"the run-down car park offers stunning , picture-perfect views across miles of golden sands at rhossili beachnational trust snapped up the tatty tarmac parking spot for # 3m to create a new and improved car parkthe beauty spot in south wales has been voted the uk 's number one beach and filming location for doctor who\"]\n", + "the tatty tarmac site overlooks the golden sands at rhossili in south wales , voted the uk 's number one beach , the third best in europe , and 9th best in the world by tripadvisor .a run-down car park has been bought for # 3million by the national trust - because it offers one of britain 's most spectacular views .visitors to the tip of the gower peninsula can see the coastline stretch on for miles , surrounded by the rolling welsh hills in the picture-perfect vista .\n", + "the run-down car park offers stunning , picture-perfect views across miles of golden sands at rhossili beachnational trust snapped up the tatty tarmac parking spot for # 3m to create a new and improved car parkthe beauty spot in south wales has been voted the uk 's number one beach and filming location for doctor who\n", + "[1.1787026 1.1657048 1.1022177 1.0876974 1.0719395 1.0515715 1.0511525\n", + " 1.0774857 1.4990227 1.0959916 1.0223327 1.0313523 1.0429085 1.0714651\n", + " 1.015591 1.0360206 1.1675346 1.024134 1.1149653 1.024321 1.0354842]\n", + "\n", + "[ 8 0 16 1 18 2 9 3 7 4 13 5 6 12 15 20 11 19 17 10 14]\n", + "=======================\n", + "[\"steve cotteril has taken bristol city to the brink of a championship return after two seasons in league onethis was tricky for steve cotterill .dean windass 's memorable winner for hull city in the 2008 championship play-off final might have cost bristol city far more than just missing out on top-flight riches .\"]\n", + "=======================\n", + "['owner lansdown has ploughed his fortune into the club through love and nothing elsethat strategy racked up enormous debts when they lost the championship play-off final in 2008lansdown wrote off an eye-watering # 35million worth of debt last yearhe is more pragmatic with his money nowadays and city are on the brink of a return to the second tier']\n", + "steve cotteril has taken bristol city to the brink of a championship return after two seasons in league onethis was tricky for steve cotterill .dean windass 's memorable winner for hull city in the 2008 championship play-off final might have cost bristol city far more than just missing out on top-flight riches .\n", + "owner lansdown has ploughed his fortune into the club through love and nothing elsethat strategy racked up enormous debts when they lost the championship play-off final in 2008lansdown wrote off an eye-watering # 35million worth of debt last yearhe is more pragmatic with his money nowadays and city are on the brink of a return to the second tier\n", + "[1.2355531 1.2263697 1.3959471 1.2004861 1.1156046 1.176781 1.0846181\n", + " 1.1293169 1.0624987 1.1151422 1.069694 1.0401266 1.0398185 1.0451689\n", + " 1.0162675 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 3 5 7 4 9 6 10 8 13 11 12 14 17 15 16 18]\n", + "=======================\n", + "['a team of archaeologists at boston university and the university of bath believe this would have meant they lost out when modern humans arrived from africa .they vanished from the earth around 40,000 years ago after surviving for hundreds of thousands of years through much of the last ice age .now researchers believe they may have uncovered a possible explanation of what may have contributed to neanderthals eventual demise - they were not very adept at controlling fire .']\n", + "=======================\n", + "['researchers used computer models to study how neanderthal populations would have fared if they did not use fire to cook and modern humans didthey found cooking would have increased the number of calories availableevidence for neanderthals using fire is patchy and not all may have done it']\n", + "a team of archaeologists at boston university and the university of bath believe this would have meant they lost out when modern humans arrived from africa .they vanished from the earth around 40,000 years ago after surviving for hundreds of thousands of years through much of the last ice age .now researchers believe they may have uncovered a possible explanation of what may have contributed to neanderthals eventual demise - they were not very adept at controlling fire .\n", + "researchers used computer models to study how neanderthal populations would have fared if they did not use fire to cook and modern humans didthey found cooking would have increased the number of calories availableevidence for neanderthals using fire is patchy and not all may have done it\n", + "[1.2668962 1.1614808 1.1438462 1.1211774 1.3194718 1.1866457 1.2154441\n", + " 1.2151604 1.1632142 1.196689 1.1203665 1.0885845 1.0375502 1.0236173\n", + " 1.031311 1.034819 1.0069957 1.0072596 0. ]\n", + "\n", + "[ 4 0 6 7 9 5 8 1 2 3 10 11 12 15 14 13 17 16 18]\n", + "=======================\n", + "[\"her father , 61-year-old doug hughes , landed the aircraft on the west lawn last wednesday to protest campaign finance laws but was swiftly taken into custody .the 12-year-old daughter of the mailman who landed his gyrocopter on the lawn of the u.s. capitol last week has said she was ` downright proud ' of her dad .he is currently under house arrest in florida\"]\n", + "=======================\n", + "[\"kathy hughes called her dad doug hughes ' a patriot ' for landing his gyrocopter on the west lawn last week to protest campaign finance lawsspeaking out on monday , mr hughes called the journey ' a huge thrill ' and said he never feared he 'd be shot downhe said it would be worth losing his job and going to jail if the country took note of his messagehe faces four years in prison for crossing a no-fly zone and is under house arrest in florida before a hearing in washington d.c. next month\"]\n", + "her father , 61-year-old doug hughes , landed the aircraft on the west lawn last wednesday to protest campaign finance laws but was swiftly taken into custody .the 12-year-old daughter of the mailman who landed his gyrocopter on the lawn of the u.s. capitol last week has said she was ` downright proud ' of her dad .he is currently under house arrest in florida\n", + "kathy hughes called her dad doug hughes ' a patriot ' for landing his gyrocopter on the west lawn last week to protest campaign finance lawsspeaking out on monday , mr hughes called the journey ' a huge thrill ' and said he never feared he 'd be shot downhe said it would be worth losing his job and going to jail if the country took note of his messagehe faces four years in prison for crossing a no-fly zone and is under house arrest in florida before a hearing in washington d.c. next month\n", + "[1.2627081 1.4314784 1.3674579 1.3197573 1.1109735 1.0787307 1.1226773\n", + " 1.0153157 1.0254933 1.0247197 1.0212414 1.0220865 1.205285 1.0574201\n", + " 1.1028274 1.1407542 1.0153382 1.0216532 1.0891455]\n", + "\n", + "[ 1 2 3 0 12 15 6 4 14 18 5 13 8 9 11 17 10 16 7]\n", + "=======================\n", + "['the warning by british transport police ( btp ) chief constable paul crowther came ahead of a summit organised to determine the scale of the problem , which has come under scrutiny in recent months following a number of high-profile incidents .the latest figures for this football season show that btp has recorded 630 football-related incidents so far , including a number with a racial element .five chelsea fans were caught on film directing racist abuse towards a black passenger in france']\n", + "=======================\n", + "[\"british transport police are clamping down on ` casual thuggery ' on trainsthis season alone , there has been 630 football-related incidents recordedchief constable paul crowther said crimes may be ` under-reported 'a summit has been organised to determine the scale of the problem\"]\n", + "the warning by british transport police ( btp ) chief constable paul crowther came ahead of a summit organised to determine the scale of the problem , which has come under scrutiny in recent months following a number of high-profile incidents .the latest figures for this football season show that btp has recorded 630 football-related incidents so far , including a number with a racial element .five chelsea fans were caught on film directing racist abuse towards a black passenger in france\n", + "british transport police are clamping down on ` casual thuggery ' on trainsthis season alone , there has been 630 football-related incidents recordedchief constable paul crowther said crimes may be ` under-reported 'a summit has been organised to determine the scale of the problem\n", + "[1.2090478 1.2545547 1.2934096 1.2367787 1.2918055 1.2634635 1.1226422\n", + " 1.0606732 1.0842218 1.2094889 1.0532931 1.0917717 1.1230482 1.0320085\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 4 5 1 3 9 0 12 6 11 8 7 10 13 17 14 15 16 18]\n", + "=======================\n", + "[\"the bizarre post on adebayor 's official instagram account emerged on sunday , just a few days after the togo international had taken to twitter to insist he was committed to fighting for his place in the spurs team .maverick tottenham striker emmanuel adebayor performs a strange dance in front of the arc de triompheadebayor has one year left to run on his current contract at white hart lane , but his inconsistent form has led to few assurances over his future .\"]\n", + "=======================\n", + "['emmanuel adebayor has danced in front of a famous paris landmarkhe posted a video of the dance on his official instagram accountthe strange behaviour comes just days after he insisted he was prepared to fight for his place in the tottenham teamadebayor has one year left to run on his current deal at white hart lane']\n", + "the bizarre post on adebayor 's official instagram account emerged on sunday , just a few days after the togo international had taken to twitter to insist he was committed to fighting for his place in the spurs team .maverick tottenham striker emmanuel adebayor performs a strange dance in front of the arc de triompheadebayor has one year left to run on his current contract at white hart lane , but his inconsistent form has led to few assurances over his future .\n", + "emmanuel adebayor has danced in front of a famous paris landmarkhe posted a video of the dance on his official instagram accountthe strange behaviour comes just days after he insisted he was prepared to fight for his place in the tottenham teamadebayor has one year left to run on his current deal at white hart lane\n", + "[1.1871585 1.5709121 1.1688104 1.4396698 1.1230326 1.0326289 1.0443035\n", + " 1.036485 1.0390153 1.1353133 1.0829146 1.1469997 1.0371653 1.0594409\n", + " 1.0941615 1.0343639 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 11 9 4 14 10 13 6 8 12 7 15 5 17 16 18]\n", + "=======================\n", + "['driver mei ru , 50 , and her husband song ming , 53 , were going shopping when she parked the car outside the local supermarket in the city of fuzhou , in fujian province , south east china .this is the moment a middle-aged woman ran over and killed her husband in china after he climbed out of their car and she accidentally reversed over him .cctv from the scene shows mr ming climbing out of the passenger door and going to stand behind the car when his wife suddenly reverses , knocking him down before backing up over his body .']\n", + "=======================\n", + "['mei ru , 50 , was visiting local supermarket with husband song ming , 53cctv shows she stopped car and mr ming got out , standing behind itmrs ru then reverses knocking husband over and backing over himsurgeons were unable to save mr song , who died of internal bleeding']\n", + "driver mei ru , 50 , and her husband song ming , 53 , were going shopping when she parked the car outside the local supermarket in the city of fuzhou , in fujian province , south east china .this is the moment a middle-aged woman ran over and killed her husband in china after he climbed out of their car and she accidentally reversed over him .cctv from the scene shows mr ming climbing out of the passenger door and going to stand behind the car when his wife suddenly reverses , knocking him down before backing up over his body .\n", + "mei ru , 50 , was visiting local supermarket with husband song ming , 53cctv shows she stopped car and mr ming got out , standing behind itmrs ru then reverses knocking husband over and backing over himsurgeons were unable to save mr song , who died of internal bleeding\n", + "[1.5620924 1.1665323 1.0726647 1.0516906 1.1927786 1.1147912 1.4298066\n", + " 1.0215251 1.0170835 1.0162485 1.0174419 1.0178242 1.0159482 1.014642\n", + " 1.0145042 1.0242391 1.0653408 1.0557047 1.021629 1.0279154 1.0285842\n", + " 0. ]\n", + "\n", + "[ 0 6 4 1 5 2 16 17 3 20 19 15 18 7 11 10 8 9 12 13 14 21]\n", + "=======================\n", + "['trailing birmingham city by two goals , bournemouth were down to fourth in the championship at one stage in the afternoon but a thrilling four-goal turnaround moved them back to the top .yann kermorgant slots home a penalty to cap a remarkable comeback and make it 3-2 to bournemouththe south coast club had not conceded the first goal at dean court this campaign and have struggled to get anything from losing positions , but comebacks rarely come better than being two behind after 21 minutes .']\n", + "=======================\n", + "['bournemouth are now one point clear of norwich at the top of the tablebirmingham took the lead through clayton donaldson and david cotterillsteve cook and callum wilson drew bournemouth level before yann kermorgant and charlie daniels sealed the three points']\n", + "trailing birmingham city by two goals , bournemouth were down to fourth in the championship at one stage in the afternoon but a thrilling four-goal turnaround moved them back to the top .yann kermorgant slots home a penalty to cap a remarkable comeback and make it 3-2 to bournemouththe south coast club had not conceded the first goal at dean court this campaign and have struggled to get anything from losing positions , but comebacks rarely come better than being two behind after 21 minutes .\n", + "bournemouth are now one point clear of norwich at the top of the tablebirmingham took the lead through clayton donaldson and david cotterillsteve cook and callum wilson drew bournemouth level before yann kermorgant and charlie daniels sealed the three points\n", + "[1.597219 1.4893838 1.2683375 1.2606698 1.2930733 1.0282762 1.0303967\n", + " 1.0304343 1.0177661 1.0193322 1.0227519 1.020812 1.0508487 1.0564394\n", + " 1.0588995 1.0572771 1.0356945 1.022087 1.0720152 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 4 2 3 18 14 15 13 12 16 7 6 5 10 17 11 9 8 20 19 21]\n", + "=======================\n", + "[\"anthony joshua stopped experienced american jason gavern in the third round on saturday night , but still was n't happy with his performance .but joshua , who was returning from a five-month lay-off after suffering a stress fracture in his back , admitted he was not at his best .anthony joshua lands a left hand on jason gavern on his way to another convincing victory\"]\n", + "=======================\n", + "['anthony joshua has now won his first 11 professional fightshe needed just three rounds to beat jason gavern in newcastlegavern was dropped twice in round two and again in the thirdjoshua now takes on kevin johnson at the o2 on may 30']\n", + "anthony joshua stopped experienced american jason gavern in the third round on saturday night , but still was n't happy with his performance .but joshua , who was returning from a five-month lay-off after suffering a stress fracture in his back , admitted he was not at his best .anthony joshua lands a left hand on jason gavern on his way to another convincing victory\n", + "anthony joshua has now won his first 11 professional fightshe needed just three rounds to beat jason gavern in newcastlegavern was dropped twice in round two and again in the thirdjoshua now takes on kevin johnson at the o2 on may 30\n", + "[1.3991306 1.1142863 1.2234004 1.3342931 1.1056218 1.1738136 1.0344207\n", + " 1.028221 1.2499278 1.1023356 1.066074 1.0346498 1.0870522 1.0410287\n", + " 1.0238153 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 8 2 5 1 4 9 12 10 13 11 6 7 14 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"the minister for communications malcolm turnbull is set to feature on the front cover of gq australia in a bold move that will no doubt set senators ' tongues wagging .in an eight page interview , the minister from sydney 's exclusive suburb of point piper confirmed rumours that he had planned to run for prime minister if tony abbott had been successfully toppled in february 's leadership spill .his appearance in the high profile magazine , in which he is also interviewed about his childhood and political stance , has sparked criticism and accusations that the minister if fishing for votes .\"]\n", + "=======================\n", + "[\"mr turnbull was interviewed about his childhood and his political stancehe also admitted he planned to run for prime minister if tony abbott had been successfully toppled in february 's leadership spillthe words ` primed minister ' were controversially also printed on the cover\"]\n", + "the minister for communications malcolm turnbull is set to feature on the front cover of gq australia in a bold move that will no doubt set senators ' tongues wagging .in an eight page interview , the minister from sydney 's exclusive suburb of point piper confirmed rumours that he had planned to run for prime minister if tony abbott had been successfully toppled in february 's leadership spill .his appearance in the high profile magazine , in which he is also interviewed about his childhood and political stance , has sparked criticism and accusations that the minister if fishing for votes .\n", + "mr turnbull was interviewed about his childhood and his political stancehe also admitted he planned to run for prime minister if tony abbott had been successfully toppled in february 's leadership spillthe words ` primed minister ' were controversially also printed on the cover\n", + "[1.1505696 1.4510221 1.2977113 1.2070717 1.3339317 1.2020284 1.1006024\n", + " 1.0507991 1.0606307 1.0656118 1.0783231 1.0863461 1.0722603 1.012042\n", + " 1.0133376 1.020264 1.0772202 1.0543368 1.0554461 1.0892057 1.0846246\n", + " 1.0324059]\n", + "\n", + "[ 1 4 2 3 5 0 6 19 11 20 10 16 12 9 8 18 17 7 21 15 14 13]\n", + "=======================\n", + "['leza davies , from telford , shropshire , believed breast feeding had left her chest saggy and thought implants would boost her confidence .the 33-year-old saved up # 4,000 to go from a 34a to a 34d and was pleased with her new look .then , in april 2012 , she was sorting out some washing and knocked her right breast on a door frame because of its increased size .']\n", + "=======================\n", + "['leza davies had a boob job as her chest sagged after breast feedingin april 2012 , she knocked her right breast on a door and found a lumptests showed it was cancer so she had surgery removing her lymph nodesshe became pregnant despite being told cancer treatment causes infertility']\n", + "leza davies , from telford , shropshire , believed breast feeding had left her chest saggy and thought implants would boost her confidence .the 33-year-old saved up # 4,000 to go from a 34a to a 34d and was pleased with her new look .then , in april 2012 , she was sorting out some washing and knocked her right breast on a door frame because of its increased size .\n", + "leza davies had a boob job as her chest sagged after breast feedingin april 2012 , she knocked her right breast on a door and found a lumptests showed it was cancer so she had surgery removing her lymph nodesshe became pregnant despite being told cancer treatment causes infertility\n", + "[1.3270535 1.4631935 1.1736501 1.0674165 1.072913 1.095499 1.1278812\n", + " 1.0499178 1.052703 1.0639814 1.0958484 1.0577701 1.0389047 1.0488362\n", + " 1.0412749 1.0603486 1.1139852 1.0805184 1.1104522 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 6 16 18 10 5 17 4 3 9 15 11 8 7 13 14 12 20 19 21]\n", + "=======================\n", + "['the time lapse footage speeds along the 9km long electrified track , which leads from kleine scheidegg to jungraujoch and stands at an elevation of 2061m and 3454m respectively .a video taken from the point of view of a train driver captures a ride on the highest railway in europe , the jungfrau .opening in a tunnel built into a swiss mountain , the train careers towards the light and out onto the snowy slopes to race alongside the many skiers .']\n", + "=======================\n", + "['the time lapse footage captures the train descending the 9km long trackvideo opens in tunnel built into swiss mountain before train heads outsidetrain passes skiers before picking up speed and reaching the stationthe track runs from kleine scheidegg ( 2061m ) to jungraujoch ( 3454m )opened in 1912 , the track is visited by more than 800,000 people per year']\n", + "the time lapse footage speeds along the 9km long electrified track , which leads from kleine scheidegg to jungraujoch and stands at an elevation of 2061m and 3454m respectively .a video taken from the point of view of a train driver captures a ride on the highest railway in europe , the jungfrau .opening in a tunnel built into a swiss mountain , the train careers towards the light and out onto the snowy slopes to race alongside the many skiers .\n", + "the time lapse footage captures the train descending the 9km long trackvideo opens in tunnel built into swiss mountain before train heads outsidetrain passes skiers before picking up speed and reaching the stationthe track runs from kleine scheidegg ( 2061m ) to jungraujoch ( 3454m )opened in 1912 , the track is visited by more than 800,000 people per year\n", + "[1.3487442 1.2455704 1.3740139 1.138618 1.0666538 1.1060339 1.0681002\n", + " 1.0436416 1.0901628 1.0606301 1.1256174 1.0437901 1.0769753 1.109932\n", + " 1.0259387 1.0189229 0. 0. ]\n", + "\n", + "[ 2 0 1 3 10 13 5 8 12 6 4 9 11 7 14 15 16 17]\n", + "=======================\n", + "['the famously liberal justice , who is 82 , will be part of a decision which begins hearing arguments tomorrow on whether states are allowed to ban same-sex unions and refuse to recognize those made in other states .supreme court justice ruth bader ginsburg has spoken - and acted - in a way which suggests her strong supporting for legalizing same sex marriageginsburg , who has sat on the court since 1993 , has been unusually open about her opinions ahead of the cases .']\n", + "=======================\n", + "[\"liberal champion , 82 , has spoken widely about gay rightsshe even officiated at a same-sex ceremony in august 2013opponents have said it makes her unfit to rule on upcoming caseobergefell v. hodges will be heard by nation 's top court from this weekcase will decide whether all states have to allow gay marriageseven if not , could be forced to recognize gay marriages in other statesginsburg is in liberal minority in the supreme courtbut conservative anthony kennedy often votes in favor of gay rights\"]\n", + "the famously liberal justice , who is 82 , will be part of a decision which begins hearing arguments tomorrow on whether states are allowed to ban same-sex unions and refuse to recognize those made in other states .supreme court justice ruth bader ginsburg has spoken - and acted - in a way which suggests her strong supporting for legalizing same sex marriageginsburg , who has sat on the court since 1993 , has been unusually open about her opinions ahead of the cases .\n", + "liberal champion , 82 , has spoken widely about gay rightsshe even officiated at a same-sex ceremony in august 2013opponents have said it makes her unfit to rule on upcoming caseobergefell v. hodges will be heard by nation 's top court from this weekcase will decide whether all states have to allow gay marriageseven if not , could be forced to recognize gay marriages in other statesginsburg is in liberal minority in the supreme courtbut conservative anthony kennedy often votes in favor of gay rights\n", + "[1.0823671 1.1143034 1.2240092 1.3959515 1.281708 1.406839 1.0677956\n", + " 1.2508478 1.1474929 1.1339787 1.0268029 1.083424 1.0510368 1.0564018\n", + " 1.1012921 0. 0. 0. ]\n", + "\n", + "[ 5 3 4 7 2 8 9 1 14 11 0 6 13 12 10 16 15 17]\n", + "=======================\n", + "[\"the lucky singleton will be given a round-the-world ticket with stops at five different destinations : new york , rio de janeiro , rome , stockholm and paris .the chosen candidate will be able to discover all that the dating scene in each city has to offerto coincide with the dating site 's 20th anniversary , applications seeking a ` date explorer ' to help it revolutionise the british dating scene .\"]\n", + "=======================\n", + "['match.com said the winning candidate will be outgoing and media-savvythe lucky singleton will stop in rio de janeiro , paris and new yorkthe trip will last for six weeks with all hotel and travel costs covered']\n", + "the lucky singleton will be given a round-the-world ticket with stops at five different destinations : new york , rio de janeiro , rome , stockholm and paris .the chosen candidate will be able to discover all that the dating scene in each city has to offerto coincide with the dating site 's 20th anniversary , applications seeking a ` date explorer ' to help it revolutionise the british dating scene .\n", + "match.com said the winning candidate will be outgoing and media-savvythe lucky singleton will stop in rio de janeiro , paris and new yorkthe trip will last for six weeks with all hotel and travel costs covered\n", + "[1.2524937 1.4016926 1.3762319 1.3342835 1.1253694 1.0368502 1.0278027\n", + " 1.1067111 1.0948997 1.1555783 1.0734177 1.1437258 1.10326 1.0149338\n", + " 1.0075939 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 9 11 4 7 12 8 10 5 6 13 14 15 16 17]\n", + "=======================\n", + "[\"brigham and women 's hospital announced monday that mikaela jane davidson was born april 4 .mikaela 's father , dr. michael davidson , was killed at the hospital january 20 , leaving behind his wife , dr. terri halperin , daughters kate , 10 , live , 8 , and their 2-year-old son , graham .the widow of a cardiac surgeon shot dead at a boston hospital by his patient 's son has given birth to their fourth child , a baby girl , less than three months after the doctor 's slaying .\"]\n", + "=======================\n", + "[\"dr. michael davidson was shot dead by stephen pasceri at brigham and women 's hospital in boston in januarypasceri 's sister said he blamed the doctor for his mother 's recent deathmarried pasceri took his own life after shooting davidson at heart centerdavidson 's wife , plastic surgeon dr terri halperin , was seven months pregnant at the time with their fourth childhalperin delivered daughter mikaela jane davidson april 4 , less than three months after husband 's slaying\"]\n", + "brigham and women 's hospital announced monday that mikaela jane davidson was born april 4 .mikaela 's father , dr. michael davidson , was killed at the hospital january 20 , leaving behind his wife , dr. terri halperin , daughters kate , 10 , live , 8 , and their 2-year-old son , graham .the widow of a cardiac surgeon shot dead at a boston hospital by his patient 's son has given birth to their fourth child , a baby girl , less than three months after the doctor 's slaying .\n", + "dr. michael davidson was shot dead by stephen pasceri at brigham and women 's hospital in boston in januarypasceri 's sister said he blamed the doctor for his mother 's recent deathmarried pasceri took his own life after shooting davidson at heart centerdavidson 's wife , plastic surgeon dr terri halperin , was seven months pregnant at the time with their fourth childhalperin delivered daughter mikaela jane davidson april 4 , less than three months after husband 's slaying\n", + "[1.3141848 1.1982008 1.2882609 1.3635391 1.3279905 1.2534146 1.0432296\n", + " 1.025623 1.0341378 1.0176994 1.0184221 1.0608737 1.066737 1.2386024\n", + " 1.0768117 1.0685426 1.0332286 1.0147995]\n", + "\n", + "[ 3 4 0 2 5 13 1 14 15 12 11 6 8 16 7 10 9 17]\n", + "=======================\n", + "['researchers at the university of sheffield analysed people with a body mass index of 30 or more - a recognised measure of obesity .they found obese people fall into one of six categories :heavy drinking males : scientists at sheffield university have identified six different types of obese person ( file image )']\n", + "=======================\n", + "['university of sheffield study found six different type of obese personheavy drinking males , young healthy females , affluent elderly , physically sick elderly , unhappy middle-aged and those with the poorest healthhope their findings will help doctors create tailor-made treatmentsheavy drinking malesyoung healthy femalesthe affluent and healthy elderlythe physically sick but happy elderlythe unhappy and anxious middle-agedthose with the poorest health']\n", + "researchers at the university of sheffield analysed people with a body mass index of 30 or more - a recognised measure of obesity .they found obese people fall into one of six categories :heavy drinking males : scientists at sheffield university have identified six different types of obese person ( file image )\n", + "university of sheffield study found six different type of obese personheavy drinking males , young healthy females , affluent elderly , physically sick elderly , unhappy middle-aged and those with the poorest healthhope their findings will help doctors create tailor-made treatmentsheavy drinking malesyoung healthy femalesthe affluent and healthy elderlythe physically sick but happy elderlythe unhappy and anxious middle-agedthose with the poorest health\n", + "[1.1974355 1.407305 1.2768854 1.30813 1.2248781 1.1813353 1.170408\n", + " 1.1313056 1.0655383 1.0925217 1.0558455 1.0365837 1.039358 1.0354891\n", + " 1.0316064 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 5 6 7 9 8 10 12 11 13 14 15 16 17]\n", + "=======================\n", + "[\"oscar nominee carey mulligan subsequently watched alzheimer 's disease take hold of margaret booth .hollywood actress carey mulligan says more needs to be done to raise awareness of dementia .now , 14 years after mrs booth , affectionately known as nans by the actress , was diagnosed , miss mulligan has revealed her anger at how dismissively dementia sufferers are treated .\"]\n", + "=======================\n", + "[\"carey mulligan 's grandmother suffers from alzheimer 's diseasemargaret booth has struggled to recognise her grandchild for eight yearsmulligan , 29 , has urged for greater awareness of the illness in society\"]\n", + "oscar nominee carey mulligan subsequently watched alzheimer 's disease take hold of margaret booth .hollywood actress carey mulligan says more needs to be done to raise awareness of dementia .now , 14 years after mrs booth , affectionately known as nans by the actress , was diagnosed , miss mulligan has revealed her anger at how dismissively dementia sufferers are treated .\n", + "carey mulligan 's grandmother suffers from alzheimer 's diseasemargaret booth has struggled to recognise her grandchild for eight yearsmulligan , 29 , has urged for greater awareness of the illness in society\n", + "[1.2257795 1.509664 1.3129907 1.3429134 1.217002 1.2201244 1.1863104\n", + " 1.1580553 1.0195224 1.0122575 1.0128024 1.1666191 1.1201807 1.016585\n", + " 1.0153959 1.0101726 1.0113403 1.0126418 1.1397808 1.1169264 1.0352807\n", + " 1.0135648 1.0112147 1.0087605]\n", + "\n", + "[ 1 3 2 0 5 4 6 11 7 18 12 19 20 8 13 14 21 10 17 9 16 22 15 23]\n", + "=======================\n", + "[\"linden adkins was caught on camera getting out of his minivan and screaming at a motorist at kent state university in ohio on wednesday .the 56-year-old , who works in the college of applied engineering , can be heard shouting : ` what kind of moron are you ? 'a college professor has been charged after he called a driver a ` moron ' and threatened him during a a road rage incident on campus .\"]\n", + "=======================\n", + "[\"linden adkins , 56 , was captured on video at kent state university , ohiowas seen cutting off a car then screamed at the driver he was a ` moron 'applied engineering lecturer then tries to grab the windshield wipershas been charged with menacing - he claims he will plead guiltyadkins claim he took action because the driver was on his phone and nearly ran down a student\"]\n", + "linden adkins was caught on camera getting out of his minivan and screaming at a motorist at kent state university in ohio on wednesday .the 56-year-old , who works in the college of applied engineering , can be heard shouting : ` what kind of moron are you ? 'a college professor has been charged after he called a driver a ` moron ' and threatened him during a a road rage incident on campus .\n", + "linden adkins , 56 , was captured on video at kent state university , ohiowas seen cutting off a car then screamed at the driver he was a ` moron 'applied engineering lecturer then tries to grab the windshield wipershas been charged with menacing - he claims he will plead guiltyadkins claim he took action because the driver was on his phone and nearly ran down a student\n", + "[1.1548343 1.2590654 1.3906814 1.1894699 1.0721637 1.3114762 1.0577191\n", + " 1.0926617 1.0902673 1.0287246 1.0144508 1.0763589 1.0691454 1.0611808\n", + " 1.013137 1.0156132 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 5 1 3 0 7 8 11 4 12 13 6 9 15 10 14 22 16 17 18 19 20 21 23]\n", + "=======================\n", + "['in an inspiring essay for marie claire , jenna marotta , 27 , tells of her experience with dermatillomania - a compulsive skin-picking disorder that left her face bleeding - and how she managed to overcome it .but for one new york-based writer , the urge to stand in front of a mirror and poke at and squeeze her pores for hours on end became so bad that it actually started ` sabotaging \\' her life .` i \\'d descend \" into the mirror \" for up to four hours a day , \\' jenna writes in the essay , explaining how her actions horrified her parents . \\'']\n", + "=======================\n", + "[\"jenna marotta , 27 , suffered from dermatillomania , a psychosomatic disorder that caused her to obsessively pick at the skin on her facethe new york-based writer said she used to spend up to four hours a day squeezing her skin in front of the bathroom mirrorshe developed the condition while trying to battle binge-eating addictionhas now managed to overcome it - but sees psychiatrist ` to stay on track '\"]\n", + "in an inspiring essay for marie claire , jenna marotta , 27 , tells of her experience with dermatillomania - a compulsive skin-picking disorder that left her face bleeding - and how she managed to overcome it .but for one new york-based writer , the urge to stand in front of a mirror and poke at and squeeze her pores for hours on end became so bad that it actually started ` sabotaging ' her life .` i 'd descend \" into the mirror \" for up to four hours a day , ' jenna writes in the essay , explaining how her actions horrified her parents . '\n", + "jenna marotta , 27 , suffered from dermatillomania , a psychosomatic disorder that caused her to obsessively pick at the skin on her facethe new york-based writer said she used to spend up to four hours a day squeezing her skin in front of the bathroom mirrorshe developed the condition while trying to battle binge-eating addictionhas now managed to overcome it - but sees psychiatrist ` to stay on track '\n", + "[1.2578268 1.6065013 1.1177151 1.4321419 1.2205828 1.1607699 1.099528\n", + " 1.0278616 1.253488 1.0118147 1.0132718 1.0146252 1.0109552 1.0245636\n", + " 1.02705 1.0163412 1.01387 1.098351 1.0569048 1.0725176 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 8 4 5 2 6 17 19 18 7 14 13 15 11 16 10 9 12 22 20 21 23]\n", + "=======================\n", + "[\"charlie sumner , 20 , staged a one-man pitch invasion during the royals ' fa cup 3-0 quarter-final replay win over bradford city last month .a reading fan is facing a three-year ban after running topless on to the pitch and performing a series of somersaults during his first-ever game at the madejski stadium .sumner - who said going to his first game was a ` brilliant experience ' - is now facing a potential three-year ban for carrying out the stunt .\"]\n", + "=======================\n", + "[\"reading beat bradford city in their fa cup quarter-final replay last monthcharlie sumner , 20 , invaded reading 's madejski stadium pitch in marchhe did four front flips during fa clash before being tackled by the stewardssumner , from wokingham , faces three-year ban for home and away gamesbut he said he has no regrets and that his family had ` seen the funny side '\"]\n", + "charlie sumner , 20 , staged a one-man pitch invasion during the royals ' fa cup 3-0 quarter-final replay win over bradford city last month .a reading fan is facing a three-year ban after running topless on to the pitch and performing a series of somersaults during his first-ever game at the madejski stadium .sumner - who said going to his first game was a ` brilliant experience ' - is now facing a potential three-year ban for carrying out the stunt .\n", + "reading beat bradford city in their fa cup quarter-final replay last monthcharlie sumner , 20 , invaded reading 's madejski stadium pitch in marchhe did four front flips during fa clash before being tackled by the stewardssumner , from wokingham , faces three-year ban for home and away gamesbut he said he has no regrets and that his family had ` seen the funny side '\n", + "[1.4168097 1.2204981 1.3829695 1.2724977 1.1787475 1.1457341 1.1321876\n", + " 1.2192427 1.0541266 1.0485471 1.0374571 1.0226219 1.0125669 1.0214828\n", + " 1.0128809 1.0136857 1.0139832 1.0293019 1.0157902 1.0296634 1.1520346\n", + " 1.1288913 1.0599988 1.0204902]\n", + "\n", + "[ 0 2 3 1 7 4 20 5 6 21 22 8 9 10 19 17 11 13 23 18 16 15 14 12]\n", + "=======================\n", + "['sheriff mbye died in hospital two hours after he suffered multiple stab wounds in a brawl outside a kfc in birminghampolice were called to a kfc restaurant in northfield , birmingham , shortly after 5pm yesterday after reports of a stabbing .a teenager has been arrested on suspicion of murder after an 18-year-old was stabbed to death in a scuffle outside kfc .']\n", + "=======================\n", + "[\"sheriff mbye , 18 , died in hospital after being stabbed outside a kfca 19-year-old suffered serious stab wounds and is in a critical conditionpolice are trying to trace a ` number of men ' as part of murder investigationan 18-year-old from birmingham has been arrested on suspicion of murder\"]\n", + "sheriff mbye died in hospital two hours after he suffered multiple stab wounds in a brawl outside a kfc in birminghampolice were called to a kfc restaurant in northfield , birmingham , shortly after 5pm yesterday after reports of a stabbing .a teenager has been arrested on suspicion of murder after an 18-year-old was stabbed to death in a scuffle outside kfc .\n", + "sheriff mbye , 18 , died in hospital after being stabbed outside a kfca 19-year-old suffered serious stab wounds and is in a critical conditionpolice are trying to trace a ` number of men ' as part of murder investigationan 18-year-old from birmingham has been arrested on suspicion of murder\n", + "[1.0819365 1.2162948 1.2983453 1.1729498 1.146135 1.2228868 1.1315938\n", + " 1.0387536 1.104968 1.094385 1.0786535 1.0886366 1.0524447 1.0455562\n", + " 1.0866817 1.0368102 1.0404248 1.0243578 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 5 1 3 4 6 8 9 11 14 0 10 12 13 16 7 15 17 22 18 19 20 21 23]\n", + "=======================\n", + "['this year is the time and the united nations \\' international climate negotiations in paris in december are the place to secure strong global agreement to curb heat-trapping emissions .the u.s. administration on tuesday unveiled details about its proposal to reduce u.s. greenhouse gas emissions by 26 % to 28 % below 2005 levels by 2025 .for climate change \" next year \" is now .']\n", + "=======================\n", + "['bill richardson : u.s announced plan to cut greenhouse gas emissions by 26 % to 28 % below 2005 levels by 2025he says china , india , major corporations , cities among those already setting goals for cutting emissions .']\n", + "this year is the time and the united nations ' international climate negotiations in paris in december are the place to secure strong global agreement to curb heat-trapping emissions .the u.s. administration on tuesday unveiled details about its proposal to reduce u.s. greenhouse gas emissions by 26 % to 28 % below 2005 levels by 2025 .for climate change \" next year \" is now .\n", + "bill richardson : u.s announced plan to cut greenhouse gas emissions by 26 % to 28 % below 2005 levels by 2025he says china , india , major corporations , cities among those already setting goals for cutting emissions .\n", + "[1.2280543 1.3484076 1.2099863 1.2168776 1.1376588 1.1484528 1.187923\n", + " 1.0855815 1.0155617 1.040142 1.1031184 1.0829195 1.0543119 1.0137069\n", + " 1.0120077 1.0110279 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 6 5 4 10 7 11 12 9 8 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"sarah stage , a 30-year-old underwear model and animal rights activist from los angeles , has documented her changing figure via her instagram page throughout her pregnancy , earning herself a huge number of fans - as well as a fair share of critics - in the process .a pregnant model whose sexy selfies have turned her into an overnight internet sensation has snapped yet another another lingerie-clad photo of herself flaunting a barely-there baby bump - just 10 days before she is due to give birth .although the mother-to-be came under fire last month as more and more critics spoke out against her unusually trim and toned figure , claiming it could be doing damage to her unborn child , their comments have n't stopped the model from sharing numerous photos of her tight abs with her 1.5 million instagram followers .\"]\n", + "=======================\n", + "[\"sarah stage , 30 , has documented her changing figure via her instagram page throughout her pregnancyas her pregnancy has progressed , the model has come under fire from critics who claim she is ` unhealthily ' trim and toned\"]\n", + "sarah stage , a 30-year-old underwear model and animal rights activist from los angeles , has documented her changing figure via her instagram page throughout her pregnancy , earning herself a huge number of fans - as well as a fair share of critics - in the process .a pregnant model whose sexy selfies have turned her into an overnight internet sensation has snapped yet another another lingerie-clad photo of herself flaunting a barely-there baby bump - just 10 days before she is due to give birth .although the mother-to-be came under fire last month as more and more critics spoke out against her unusually trim and toned figure , claiming it could be doing damage to her unborn child , their comments have n't stopped the model from sharing numerous photos of her tight abs with her 1.5 million instagram followers .\n", + "sarah stage , 30 , has documented her changing figure via her instagram page throughout her pregnancyas her pregnancy has progressed , the model has come under fire from critics who claim she is ` unhealthily ' trim and toned\n", + "[1.2754749 1.4178102 1.368705 1.2875134 1.1418455 1.2363461 1.1336768\n", + " 1.1249496 1.0200254 1.1231744 1.0676024 1.034796 1.0329466 1.0938283\n", + " 1.020122 1.1618553 1.0066628 1.1163787 1.0829029 0. ]\n", + "\n", + "[ 1 2 3 0 5 15 4 6 7 9 17 13 18 10 11 12 14 8 16 19]\n", + "=======================\n", + "[\"the 47-year-old is believed to have been attacked in woodland in pontypridd on tuesday before being taken back to the property of a man she is thought to have left a town centre pub with , officers said .her body was discovered with ` massive injuries ' around 3pm on friday afternoon , prompting police to launch a murder investigation .a man named locally as christopher may , 50 , has been arrested .\"]\n", + "=======================\n", + "[\"body discovered in pontypridd flat identified as tracey woodford , 47she is believed to have been attacked in woodland before going to the flather body was discovered with ` massive injuries ' yesterday afternoonman named locally as christopher may , 50 , was arrested over the murder\"]\n", + "the 47-year-old is believed to have been attacked in woodland in pontypridd on tuesday before being taken back to the property of a man she is thought to have left a town centre pub with , officers said .her body was discovered with ` massive injuries ' around 3pm on friday afternoon , prompting police to launch a murder investigation .a man named locally as christopher may , 50 , has been arrested .\n", + "body discovered in pontypridd flat identified as tracey woodford , 47she is believed to have been attacked in woodland before going to the flather body was discovered with ` massive injuries ' yesterday afternoonman named locally as christopher may , 50 , was arrested over the murder\n", + "[1.212246 1.3105079 1.140054 1.3368189 1.2235311 1.1894155 1.1148638\n", + " 1.0965711 1.0902975 1.0715622 1.0573459 1.0634209 1.0297539 1.0178192\n", + " 1.0345782 1.0301851 1.0326611 1.0598637 1.1350064 1.0364938]\n", + "\n", + "[ 3 1 4 0 5 2 18 6 7 8 9 11 17 10 19 14 16 15 12 13]\n", + "=======================\n", + "[\"a third of 10-11 year olds and more than a fifth of 4-5 year olds in england are overweight or obese , leading to fears that today 's generation will be the first to die at an earlier age than their parents .the researchers said say that just as antibiotics are used to make farm animals put on weight , the may also be fattening our children .obesity : babies given antibiotics in the first six months of life are more likely to be fat as toddlers , a large-scale study has found ( file photo )\"]\n", + "=======================\n", + "[\"researchers claimed antibiotics could be contributing to ` obesity epidemic 'their large-scale study was published in the respected pediatrics journalit found one third of 10 to 11-year-olds in england are overweight or obesechildren who took antibiotics as babies were more likely to be overweight\"]\n", + "a third of 10-11 year olds and more than a fifth of 4-5 year olds in england are overweight or obese , leading to fears that today 's generation will be the first to die at an earlier age than their parents .the researchers said say that just as antibiotics are used to make farm animals put on weight , the may also be fattening our children .obesity : babies given antibiotics in the first six months of life are more likely to be fat as toddlers , a large-scale study has found ( file photo )\n", + "researchers claimed antibiotics could be contributing to ` obesity epidemic 'their large-scale study was published in the respected pediatrics journalit found one third of 10 to 11-year-olds in england are overweight or obesechildren who took antibiotics as babies were more likely to be overweight\n", + "[1.5576406 1.410615 1.3106318 1.299964 1.2960184 1.0348601 1.0648166\n", + " 1.0904381 1.0802001 1.0270553 1.0418535 1.1355125 1.12499 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 11 12 7 8 6 10 5 9 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"dietmar hamann believes bastian schweinsteiger should leave bayern munich at the end of the season after losing his place to xabi alonso in pep guardiola 's side .the world cup winner was an unused substitute in bayern 's 6-1 champions league win over porto on tuesday .and former germany international hamann thinks schweinsteiger faces an uncertain future at the allianz arena , with alonso viewed as guardiola 's preferred midfield choice .\"]\n", + "=======================\n", + "['dietmar hamann expects bastian schweinsteiger to leave bayern munichhamann says schweinsteiger he has lost his place to xabi alonsoformer international claims franck ribery faces a fight for his starting slotclick here to see who bayern face in the champions league semi finals']\n", + "dietmar hamann believes bastian schweinsteiger should leave bayern munich at the end of the season after losing his place to xabi alonso in pep guardiola 's side .the world cup winner was an unused substitute in bayern 's 6-1 champions league win over porto on tuesday .and former germany international hamann thinks schweinsteiger faces an uncertain future at the allianz arena , with alonso viewed as guardiola 's preferred midfield choice .\n", + "dietmar hamann expects bastian schweinsteiger to leave bayern munichhamann says schweinsteiger he has lost his place to xabi alonsoformer international claims franck ribery faces a fight for his starting slotclick here to see who bayern face in the champions league semi finals\n", + "[1.2033666 1.422795 1.2019252 1.3445158 1.131721 1.2384357 1.1368663\n", + " 1.0888536 1.0626491 1.0641687 1.0780561 1.0540068 1.0478083 1.082412\n", + " 1.0231919 1.1561242 1.0266432 0. 0. 0. ]\n", + "\n", + "[ 1 3 5 0 2 15 6 4 7 13 10 9 8 11 12 16 14 18 17 19]\n", + "=======================\n", + "['multi-millionaire richard harpin has given the tories # 375,000 since 2008 -- including # 50,000 in the first week of the election campaign , official records show .but the firm was handed a record # 30million fine last year for selling families expensive home insurance cover using misleading information and hard sell tactics .the tories have accepted hundreds of thousands of pounds from a businessman whose company duped thousands of families in a mis-selling scandal .']\n", + "=======================\n", + "['exclusive : richard harpin has given the tories # 375,000 since 2008mr harpin is the chief executive of maintenance firm homeservecompany was fined a record # 30million last year for mis-selling insurancecustomers were misled or bullied into buying policies they did not need']\n", + "multi-millionaire richard harpin has given the tories # 375,000 since 2008 -- including # 50,000 in the first week of the election campaign , official records show .but the firm was handed a record # 30million fine last year for selling families expensive home insurance cover using misleading information and hard sell tactics .the tories have accepted hundreds of thousands of pounds from a businessman whose company duped thousands of families in a mis-selling scandal .\n", + "exclusive : richard harpin has given the tories # 375,000 since 2008mr harpin is the chief executive of maintenance firm homeservecompany was fined a record # 30million last year for mis-selling insurancecustomers were misled or bullied into buying policies they did not need\n", + "[1.5426672 1.2757558 1.0982089 1.4183276 1.1746714 1.1739646 1.108085\n", + " 1.123653 1.0668054 1.1648802 1.0827833 1.1069851 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 5 9 7 6 11 2 10 8 23 22 21 20 19 18 12 16 15 14 13 24\n", + " 17 25]\n", + "=======================\n", + "['former arsenal forward andrei arshavin is set to be released by russian league leaders zenit st petersburg at the end of the season , along with veteran ukraine midfielder anatoly tymoshchuk .arshavin in action for zenit in a russian premier league match with kuban krasnodar back in novemberarshavin spent four years at arsenal between 2009 and 2013 , scoring 31 times in 143 matches']\n", + "=======================\n", + "[\"andrei arshavin will be released by zenit st petersburg at end of seasonformer arsenal striker 's contract at russian club has expiredukraine captain anatoly tymoshchuk will also be departingzenit , coached by andre villas-boas , are top of russian premier league\"]\n", + "former arsenal forward andrei arshavin is set to be released by russian league leaders zenit st petersburg at the end of the season , along with veteran ukraine midfielder anatoly tymoshchuk .arshavin in action for zenit in a russian premier league match with kuban krasnodar back in novemberarshavin spent four years at arsenal between 2009 and 2013 , scoring 31 times in 143 matches\n", + "andrei arshavin will be released by zenit st petersburg at end of seasonformer arsenal striker 's contract at russian club has expiredukraine captain anatoly tymoshchuk will also be departingzenit , coached by andre villas-boas , are top of russian premier league\n", + "[1.1817553 1.2979598 1.2862622 1.3962245 1.1835699 1.02717 1.2023997\n", + " 1.0623428 1.088822 1.071383 1.0569919 1.0623224 1.0633323 1.0643504\n", + " 1.0988489 1.022107 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 6 4 0 14 8 9 13 12 7 11 10 5 15 24 16 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "['according to new data , the average cost of property in salcombe , devon , now tops the average cost in londonthe seaside town in the south hams district boasts a skyrocketing average property price : # 671,759 .it has long been considered the most expensive place in the uk to buy property , but it seems london is being pipped to the post by coastal salcombe .']\n", + "=======================\n", + "[\"average cost of property in london is now less than in salcombe , devonin salcombe , property tops # 671,759 and waterfront value is even higherknown as ` chelsea-on-sea , ' the area is famed for its yachting and sailing\"]\n", + "according to new data , the average cost of property in salcombe , devon , now tops the average cost in londonthe seaside town in the south hams district boasts a skyrocketing average property price : # 671,759 .it has long been considered the most expensive place in the uk to buy property , but it seems london is being pipped to the post by coastal salcombe .\n", + "average cost of property in london is now less than in salcombe , devonin salcombe , property tops # 671,759 and waterfront value is even higherknown as ` chelsea-on-sea , ' the area is famed for its yachting and sailing\n", + "[1.2997178 1.1603814 1.0650393 1.156193 1.1548796 1.2323244 1.1891526\n", + " 1.1128806 1.0895815 1.0983729 1.0489011 1.0616794 1.0346624 1.0199474\n", + " 1.04228 1.0393405 1.0191878 1.0163076 1.0189573 1.0116234 1.0707809\n", + " 1.0224366 1.014276 1.0172166 1.0164824 1.0552336]\n", + "\n", + "[ 0 5 6 1 3 4 7 9 8 20 2 11 25 10 14 15 12 21 13 16 18 23 24 17\n", + " 22 19]\n", + "=======================\n", + "[\"floyd mayweather has a pop-up shop where he is selling t-shirts with a philippines flag in the background .pacquiao has a new camera which he points at everyone he comes across` i like that , ' says pacquiao with chuckle and then tells the leader of the money team : ` welcome to the manny team . '\"]\n", + "=======================\n", + "[\"manny pacquiao made his arrival at the mandalay bay hotel in las vegasthe filipino takes on floyd mayweather at the mgm grand on saturdaythe fight will be the richest of all time , grossing more than $ 300millionpacquiao is confident he can end mayweather 's unbeaten record\"]\n", + "floyd mayweather has a pop-up shop where he is selling t-shirts with a philippines flag in the background .pacquiao has a new camera which he points at everyone he comes across` i like that , ' says pacquiao with chuckle and then tells the leader of the money team : ` welcome to the manny team . '\n", + "manny pacquiao made his arrival at the mandalay bay hotel in las vegasthe filipino takes on floyd mayweather at the mgm grand on saturdaythe fight will be the richest of all time , grossing more than $ 300millionpacquiao is confident he can end mayweather 's unbeaten record\n", + "[1.2043365 1.5276622 1.1885619 1.3061465 1.1079406 1.0171701 1.0349557\n", + " 1.033734 1.1150374 1.1002424 1.1417743 1.023056 1.0283444 1.0380118\n", + " 1.1406655 1.0954586 1.0165603 1.0126444 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 10 14 8 4 9 15 13 6 7 12 11 5 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"amanda oleander , 25 , is one of the stars of periscope , twitter 's new live broadcasting platform and has been ` loved ' over 7.5 million times in less than a month since it launched .amanda orleander , broadcasting live from her bedroom , is the emerging star of periscopebranded the kim kardashian of the social platform , when the brunette starts a live stream , thousands of periscope users around the globe stop what they 're doing to watch .\"]\n", + "=======================\n", + "[\"strangers watch amanda oleander , 25 , from la , all day longshe 's the star of periscope , twitter 's new live broadcasting mobile appit streams live video and users can chat and message in real timeshe 's already more popular than celebrities including ellen degeneres\"]\n", + "amanda oleander , 25 , is one of the stars of periscope , twitter 's new live broadcasting platform and has been ` loved ' over 7.5 million times in less than a month since it launched .amanda orleander , broadcasting live from her bedroom , is the emerging star of periscopebranded the kim kardashian of the social platform , when the brunette starts a live stream , thousands of periscope users around the globe stop what they 're doing to watch .\n", + "strangers watch amanda oleander , 25 , from la , all day longshe 's the star of periscope , twitter 's new live broadcasting mobile appit streams live video and users can chat and message in real timeshe 's already more popular than celebrities including ellen degeneres\n", + "[1.3451366 1.2549727 1.1184376 1.3942351 1.3127912 1.1409888 1.1079878\n", + " 1.0566142 1.0170146 1.2014633 1.1872594 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 4 1 9 10 5 2 6 7 8 23 22 21 20 19 18 12 16 15 14 13 24 11\n", + " 17 25]\n", + "=======================\n", + "[\"danny willett waits to play a shot on the fifth during the first round at 2015 masters on thursdaythe 27-year-old englishman carded a one-under 71 during his first ever round at augustaenglishman willett vented his anger after his second shot from beyond the green trickled all the way across the putting surface and left the preacher 's son facing a bogey or worse .\"]\n", + "=======================\n", + "['englishman danny willett blasts timing referee for getting in line-of-sightvented anger at official as he bogeyed the 17th at 2015 masterswillett carded a one-under 71 on opening round in first time at augusta']\n", + "danny willett waits to play a shot on the fifth during the first round at 2015 masters on thursdaythe 27-year-old englishman carded a one-under 71 during his first ever round at augustaenglishman willett vented his anger after his second shot from beyond the green trickled all the way across the putting surface and left the preacher 's son facing a bogey or worse .\n", + "englishman danny willett blasts timing referee for getting in line-of-sightvented anger at official as he bogeyed the 17th at 2015 masterswillett carded a one-under 71 on opening round in first time at augusta\n", + "[1.1683391 1.1890236 1.385952 1.3116419 1.2323859 1.2425088 1.1239533\n", + " 1.0548562 1.172111 1.0772436 1.0643609 1.0605329 1.0912218 1.0583566\n", + " 1.0225059 1.0328462 1.0075977 1.0211645 1.0085704 0. 0. ]\n", + "\n", + "[ 2 3 5 4 1 8 0 6 12 9 10 11 13 7 15 14 17 18 16 19 20]\n", + "=======================\n", + "[\"the take that star stopped by the couple 's wedding reception in berkshire and sung the band 's song ' a million love songs ' as a wedding gift .the maid of honour , kirsty miles , tweeted her excitement after the wedding on good fridaybut her wedding day took an even better unexpected twist - when her hero gary barlow turned up to sing her a ballad .\"]\n", + "=======================\n", + "[\"danielle jones ' bridesmaids started campaign to get barlow at her weddinghe replied saying he would come - but kept it secret from the 33-year-oldsinger turned up at reception in berkshire and sung ' a million love songs 'mrs jones said : ` i 'm still on cloud nine - i just ca n't believe it happened '\"]\n", + "the take that star stopped by the couple 's wedding reception in berkshire and sung the band 's song ' a million love songs ' as a wedding gift .the maid of honour , kirsty miles , tweeted her excitement after the wedding on good fridaybut her wedding day took an even better unexpected twist - when her hero gary barlow turned up to sing her a ballad .\n", + "danielle jones ' bridesmaids started campaign to get barlow at her weddinghe replied saying he would come - but kept it secret from the 33-year-oldsinger turned up at reception in berkshire and sung ' a million love songs 'mrs jones said : ` i 'm still on cloud nine - i just ca n't believe it happened '\n", + "[1.1559299 1.2944345 1.2593296 1.3063738 1.1167296 1.0907232 1.1594918\n", + " 1.1272908 1.167159 1.1410136 1.0867177 1.0281144 1.1000124 1.1197951\n", + " 1.0533036 1.0166746 1.0395826 1.0814273 1.1047405 0. 0. ]\n", + "\n", + "[ 3 1 2 8 6 0 9 7 13 4 18 12 5 10 17 14 16 11 15 19 20]\n", + "=======================\n", + "['it then bounces off one side of the red-clothed table and hits the first in a long line of dominoes .this is the moment a billiards player performs a complex trick shot by setting up a domino train to pot four balls .video footage shows a white ball being rolled down a positioned cue .']\n", + "=======================\n", + "[\"the clip was uploaded by youtube user honda4rideredin another upload the skilled billiards player shows viewers how to pocket four balls in a single shot - and for those who miss it there 's a slow motion version\"]\n", + "it then bounces off one side of the red-clothed table and hits the first in a long line of dominoes .this is the moment a billiards player performs a complex trick shot by setting up a domino train to pot four balls .video footage shows a white ball being rolled down a positioned cue .\n", + "the clip was uploaded by youtube user honda4rideredin another upload the skilled billiards player shows viewers how to pocket four balls in a single shot - and for those who miss it there 's a slow motion version\n", + "[1.0529128 1.3776139 1.2417665 1.4400095 1.2185116 1.3820873 1.0552325\n", + " 1.0399286 1.0708137 1.0440276 1.2180669 1.2004389 1.1293246 1.0119535\n", + " 1.0089021 1.0061276 1.0065378 1.0098672 1.0234191 1.0283887 1.067798 ]\n", + "\n", + "[ 3 5 1 2 4 10 11 12 8 20 6 0 9 7 19 18 13 17 14 16 15]\n", + "=======================\n", + "[\"matt o'connor 's own-goal turned his team 's 3-2 lead into a 3-3 tie and led to their defeat in boston on saturdaya wicked mistake in the men 's college hockey title game on saturday by boston university 's goalie allowed providence to tie in the third period and paved the way for the friars to win their first title .the ncaa championship game , which ended 4-3 and was played at the td garden in boston , will always be remembered for the game-tying goal allowed by bu 's matt o'connor , not the winner .\"]\n", + "=======================\n", + "[\"goalie matt o'connor knocked the puck into his own goal in third periodmistake blew boston university 's 3-2 lead on providence in ncaa gameafter terrier let in tying goal , friars got winning goal from brandon tanevprovidence won the national championship 4-3 , the school 's first title\"]\n", + "matt o'connor 's own-goal turned his team 's 3-2 lead into a 3-3 tie and led to their defeat in boston on saturdaya wicked mistake in the men 's college hockey title game on saturday by boston university 's goalie allowed providence to tie in the third period and paved the way for the friars to win their first title .the ncaa championship game , which ended 4-3 and was played at the td garden in boston , will always be remembered for the game-tying goal allowed by bu 's matt o'connor , not the winner .\n", + "goalie matt o'connor knocked the puck into his own goal in third periodmistake blew boston university 's 3-2 lead on providence in ncaa gameafter terrier let in tying goal , friars got winning goal from brandon tanevprovidence won the national championship 4-3 , the school 's first title\n", + "[1.1920627 1.1816943 1.4295261 1.307578 1.2015455 1.0942951 1.2630794\n", + " 1.1967703 1.0534164 1.0509593 1.1063621 1.0762081 1.0314521 1.0152823\n", + " 1.0161855 1.0689117 1.0124106 1.1483213 1.0124679 0. 0. ]\n", + "\n", + "[ 2 3 6 4 7 0 1 17 10 5 11 15 8 9 12 14 13 18 16 19 20]\n", + "=======================\n", + "[\"a 2-year-old dog from des moines named tank won the 36th annual beautiful bulldog contest sunday at drake university .winner : tank , a 2-year-old bulldog from iowa won drake university 's 36th annual ` beautiful bulldog ' contest sundayhe will appear before more than 16,000 fans -- or , royal subjects -- at the university 's drake relays to be honored as mascot of the event , which will be held from thursday through saturday , according to the contest 's website .\"]\n", + "=======================\n", + "[\"an iowa bulldog named tank took home the crown sunday at drake university 's annual ` beautiful bulldog contest 'tank beat out 49 other dogs in the 36th annual contesttank will now serve as the mascot for the drake relays\"]\n", + "a 2-year-old dog from des moines named tank won the 36th annual beautiful bulldog contest sunday at drake university .winner : tank , a 2-year-old bulldog from iowa won drake university 's 36th annual ` beautiful bulldog ' contest sundayhe will appear before more than 16,000 fans -- or , royal subjects -- at the university 's drake relays to be honored as mascot of the event , which will be held from thursday through saturday , according to the contest 's website .\n", + "an iowa bulldog named tank took home the crown sunday at drake university 's annual ` beautiful bulldog contest 'tank beat out 49 other dogs in the 36th annual contesttank will now serve as the mascot for the drake relays\n", + "[1.3282096 1.338724 1.2952688 1.2263201 1.2201068 1.1659831 1.086757\n", + " 1.0803559 1.0598342 1.1354463 1.0584924 1.1118718 1.0520846 1.033161\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 5 9 11 6 7 8 10 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the long-running motoring show took up first , second , third and fifth spots in the catch-up service 's top five for the month as fans used it to take one last look at their favourite show .top gear has helped steer the bbc 's iplayer to record levels after four episodes shown in february notched up nine million views alone .the viewing figures come a week after presenter jeremy clarkson was dismissed from the bbc for punching top gear producer oisin tymon .\"]\n", + "=======================\n", + "[\"figures come a week after jeremy clarkson was dismissed from the bbctop gear took up first , third and fifth spots in iplayer top five for februaryepisode two of the bb2 show 's last series was watched 2,645,000 times\"]\n", + "the long-running motoring show took up first , second , third and fifth spots in the catch-up service 's top five for the month as fans used it to take one last look at their favourite show .top gear has helped steer the bbc 's iplayer to record levels after four episodes shown in february notched up nine million views alone .the viewing figures come a week after presenter jeremy clarkson was dismissed from the bbc for punching top gear producer oisin tymon .\n", + "figures come a week after jeremy clarkson was dismissed from the bbctop gear took up first , third and fifth spots in iplayer top five for februaryepisode two of the bb2 show 's last series was watched 2,645,000 times\n", + "[1.322541 1.3801014 1.2348717 1.373977 1.2281579 1.2353812 1.1262567\n", + " 1.0336293 1.0152779 1.0122385 1.1295235 1.0644984 1.1171817 1.1157964\n", + " 1.0952532 1.0152452 1.0086507 1.0068051 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 5 2 4 10 6 12 13 14 11 7 8 15 9 16 17 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"ms hines , then 27 , from darra in brisbane , had suffered epileptic seizures for 10 years but had recently noticed that her balance was gone and she was struggling to hear out of her right ear .when clare hines found out she was pregnant she was faced with an agonising choice -- cancel an operation to remove the tumour growing on her brain or terminate her unborn baby .she went against doctors ' warnings to keep the baby and give birth to her son noah\"]\n", + "=======================\n", + "['clare hines , who lives in brisbane , was diagnosed with a brain tumourshe found out she was pregnant a week before scheduled surgerythe 27-year-old had to decide to keep the baby or remove the tumourms hines went against warnings from doctors to give birth to son noahshe has since had many operations but has lost hearing in her right earms hines , originally from the uk , is trying to raise money for a hearing aid']\n", + "ms hines , then 27 , from darra in brisbane , had suffered epileptic seizures for 10 years but had recently noticed that her balance was gone and she was struggling to hear out of her right ear .when clare hines found out she was pregnant she was faced with an agonising choice -- cancel an operation to remove the tumour growing on her brain or terminate her unborn baby .she went against doctors ' warnings to keep the baby and give birth to her son noah\n", + "clare hines , who lives in brisbane , was diagnosed with a brain tumourshe found out she was pregnant a week before scheduled surgerythe 27-year-old had to decide to keep the baby or remove the tumourms hines went against warnings from doctors to give birth to son noahshe has since had many operations but has lost hearing in her right earms hines , originally from the uk , is trying to raise money for a hearing aid\n", + "[1.2487007 1.387159 1.2808809 1.0768881 1.2466297 1.2332212 1.0704639\n", + " 1.046016 1.0681399 1.0312889 1.0259608 1.0719008 1.0860738 1.0721331\n", + " 1.1952451 1.0296947 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 5 14 12 3 13 11 6 8 7 9 15 10 23 22 21 20 16 18 17 24\n", + " 19 25]\n", + "=======================\n", + "[\"it comes as wonga , the uk 's biggest payday loans firm , today revealed it racked up a # 37.3 million loss last year following a significant reduction in uk consumer lending while it attempts to clean up its tarnished image .revenues declined to # 217.2 million in the period , down by almost # 100million .hundreds of payday lenders will be wiped out by tougher rules designed to protect customers , experts have predicted .\"]\n", + "=======================\n", + "['hundreds of payday lenders will be wiped out by tougher rules , say expertsit comes as wonga today revealed a # 37.3 million loss for last yearcity watchdog says just three or four lenders out of 400 will remain']\n", + "it comes as wonga , the uk 's biggest payday loans firm , today revealed it racked up a # 37.3 million loss last year following a significant reduction in uk consumer lending while it attempts to clean up its tarnished image .revenues declined to # 217.2 million in the period , down by almost # 100million .hundreds of payday lenders will be wiped out by tougher rules designed to protect customers , experts have predicted .\n", + "hundreds of payday lenders will be wiped out by tougher rules , say expertsit comes as wonga today revealed a # 37.3 million loss for last yearcity watchdog says just three or four lenders out of 400 will remain\n", + "[1.3129561 1.4969816 1.1471075 1.4066894 1.2448579 1.0479286 1.0434245\n", + " 1.1130898 1.1180822 1.0242487 1.032568 1.063086 1.0300838 1.0184721\n", + " 1.1610734 1.1841394 1.0936875 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 15 14 2 8 7 16 11 5 6 10 12 9 13 24 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "['cambiasso , a former argentina international , claimed five serie a titles at previous club inter milan where he also won the champions league in 2010 .leicester city midfielder esteban cambiasso ( left ) says beating relegation would be like winning a trophyhe joined leicester last summer on a free transfer and signed a one-year deal at the king power stadium']\n", + "=======================\n", + "[\"decorated former argentina international esteban cambiasso says that keeping leicester up this season would be like ` another cup 'the former inter milan and real madrid midfielder joined leicester last summer on a free transfer , signing a one-year dealleicester are currently bottom of the premier league table with 19 points from 29 games and take on west ham in their next fixture\"]\n", + "cambiasso , a former argentina international , claimed five serie a titles at previous club inter milan where he also won the champions league in 2010 .leicester city midfielder esteban cambiasso ( left ) says beating relegation would be like winning a trophyhe joined leicester last summer on a free transfer and signed a one-year deal at the king power stadium\n", + "decorated former argentina international esteban cambiasso says that keeping leicester up this season would be like ` another cup 'the former inter milan and real madrid midfielder joined leicester last summer on a free transfer , signing a one-year dealleicester are currently bottom of the premier league table with 19 points from 29 games and take on west ham in their next fixture\n", + "[1.0578718 1.061966 1.1212562 1.4371364 1.1788592 1.3033047 1.1153905\n", + " 1.0918714 1.1947631 1.0293875 1.0567042 1.0202702 1.1343911 1.0182468\n", + " 1.0380129 1.0145382 1.0185525 1.0221263 1.0210721 1.0450196 1.0276563\n", + " 1.0576439 1.0179046 1.046286 1.0247561 1.0201094]\n", + "\n", + "[ 3 5 8 4 12 2 6 7 1 0 21 10 23 19 14 9 20 24 17 18 11 25 16 13\n", + " 22 15]\n", + "=======================\n", + "[\"sleep experts recommended you arrange your room symmetrically , install heavy curtains and keep pets outninety-one per cent of britons say their sleep environment impacts their sleep .if you 're having trouble sleeping it could be down to the interior design of your bedroom\"]\n", + "=======================\n", + "['bad quality sleep could be to do with the layout of your bedroominfographic from made.com shows proven interiors tactics for better restsleep experts recommended you install heavy curtains and keep pets out']\n", + "sleep experts recommended you arrange your room symmetrically , install heavy curtains and keep pets outninety-one per cent of britons say their sleep environment impacts their sleep .if you 're having trouble sleeping it could be down to the interior design of your bedroom\n", + "bad quality sleep could be to do with the layout of your bedroominfographic from made.com shows proven interiors tactics for better restsleep experts recommended you install heavy curtains and keep pets out\n", + "[1.380314 1.3386271 1.1743119 1.237239 1.2121114 1.2633514 1.0697873\n", + " 1.1130407 1.0776317 1.0434953 1.0411606 1.0290236 1.1048356 1.0896538\n", + " 1.0537174 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 3 4 2 7 12 13 8 6 14 9 10 11 23 22 21 20 16 18 17 15 24\n", + " 19 25]\n", + "=======================\n", + "[\"stevie mccrorie has been crowned the winner of the voice uk 2015 , after beating fellow contestant lucy o'byrne in the final .now mentor ricky wilson , his fellow celebrity judges rita ora , tom jones and will.i.am , and most of all bosses at the bbc will all have their fingers crossed for his success .because it 's not just a hit single stevie needs , he also has to break the curse of previous winners who have failed to do anything but flop out of the charts .\"]\n", + "=======================\n", + "['leanne mitchell has been dropped by her label and sings at a holiday campandrea begley and jermain jackman are yet to become household nameswill 2015 winner stevie become a chart success or another voice flop ?']\n", + "stevie mccrorie has been crowned the winner of the voice uk 2015 , after beating fellow contestant lucy o'byrne in the final .now mentor ricky wilson , his fellow celebrity judges rita ora , tom jones and will.i.am , and most of all bosses at the bbc will all have their fingers crossed for his success .because it 's not just a hit single stevie needs , he also has to break the curse of previous winners who have failed to do anything but flop out of the charts .\n", + "leanne mitchell has been dropped by her label and sings at a holiday campandrea begley and jermain jackman are yet to become household nameswill 2015 winner stevie become a chart success or another voice flop ?\n", + "[1.2816529 1.4481823 1.2813338 1.2251227 1.2465144 1.0733577 1.2239616\n", + " 1.0353342 1.1525126 1.0576043 1.0417922 1.0644687 1.0197992 1.0184264\n", + " 1.0510454 1.0149165 1.0353124 0. 0. ]\n", + "\n", + "[ 1 0 2 4 3 6 8 5 11 9 14 10 7 16 12 13 15 17 18]\n", + "=======================\n", + "['robert preston boardwine provided his friend joyce rosemary bruce with sperm and she impregnated herself using the kitchen accessory in 2010 .a virginia man has won the right to see his son , even thought the child was conceived through the woman using a turkey baster , a court has ruled ,she had opted for the bizarre method of conception because she believed that the absence of intercourse would mean mr boardwine had no parental rights .']\n", + "=======================\n", + "[\"man impregnated female friend using his sperm and a turkey basterrobert preston boardwine had envisioned an active role in child 's lifemother , joyce rosemary bruce , only wanted him to be ' a friend 'she believed that if she used turkey baster and avoided intercourse boardwine would have no parental rightsbut virginia court rules boardwine has the right to be involved as a parent\"]\n", + "robert preston boardwine provided his friend joyce rosemary bruce with sperm and she impregnated herself using the kitchen accessory in 2010 .a virginia man has won the right to see his son , even thought the child was conceived through the woman using a turkey baster , a court has ruled ,she had opted for the bizarre method of conception because she believed that the absence of intercourse would mean mr boardwine had no parental rights .\n", + "man impregnated female friend using his sperm and a turkey basterrobert preston boardwine had envisioned an active role in child 's lifemother , joyce rosemary bruce , only wanted him to be ' a friend 'she believed that if she used turkey baster and avoided intercourse boardwine would have no parental rightsbut virginia court rules boardwine has the right to be involved as a parent\n", + "[1.3219452 1.375222 1.2386364 1.2761235 1.3036184 1.152933 1.0675805\n", + " 1.07834 1.0415269 1.0476801 1.1083876 1.1190575 1.0699155 1.0789939\n", + " 1.0076202 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 3 2 5 11 10 13 7 12 6 9 8 14 15 16 17 18]\n", + "=======================\n", + "['a 14-year-old boy was taken into custody after encouraging an attack on an australian parade honoring the war dead and urging the beheading of \" someone in australia , \" deborah walsh , deputy head of counter terrorism at the crown prosecution service , said in a statement thursday .( cnn ) one of the youngest suspects yet has been arrested on terror-related charges in england .he was charged with two counts of inciting another person to commit an act of terrorism overseas and will appear in westminster magistrate \\'s court on friday .']\n", + "=======================\n", + "['the 14-year-old had communicated with terror suspects in australia , authorities saidpolice : the teenager encouraged others to attack a parade and behead someone in australia']\n", + "a 14-year-old boy was taken into custody after encouraging an attack on an australian parade honoring the war dead and urging the beheading of \" someone in australia , \" deborah walsh , deputy head of counter terrorism at the crown prosecution service , said in a statement thursday .( cnn ) one of the youngest suspects yet has been arrested on terror-related charges in england .he was charged with two counts of inciting another person to commit an act of terrorism overseas and will appear in westminster magistrate 's court on friday .\n", + "the 14-year-old had communicated with terror suspects in australia , authorities saidpolice : the teenager encouraged others to attack a parade and behead someone in australia\n", + "[1.2390507 1.5272036 1.3046899 1.239707 1.2430292 1.0786095 1.0307696\n", + " 1.1425759 1.0252725 1.0202131 1.0242324 1.0100231 1.098548 1.147171\n", + " 1.1120948 1.0537219 1.0226448 1.0084319 1.011351 ]\n", + "\n", + "[ 1 2 4 3 0 13 7 14 12 5 15 6 8 10 16 9 18 11 17]\n", + "=======================\n", + "['maria twomey , 42 , of watford , became a bikini competitor after swapping takeaways and fatty snacks for weight-lifting and intense workouts on the exercise bike .she has now left behind her job in nursing and has joined the ranks of professional fitness models , hitting the gym for three hours a day .she discovered she was able to lift weights and complete high-energy sprints on an exercise bike']\n", + "=======================\n", + "[\"maria twomey , 42 , of watford , decided hit 40 and decided it was time for a changewanted to slim from size 14 and signed up for personal training sessionsswapped takeaways and fatty snacks for weight-lifting and hiit workoutsin a year she went from 12st 7lb to her slimmest , 8st 7lbshe 's reduced her body fat percentage from 38 per cent to 15 per centnow taking part in miami pro world championships fitness model comp\"]\n", + "maria twomey , 42 , of watford , became a bikini competitor after swapping takeaways and fatty snacks for weight-lifting and intense workouts on the exercise bike .she has now left behind her job in nursing and has joined the ranks of professional fitness models , hitting the gym for three hours a day .she discovered she was able to lift weights and complete high-energy sprints on an exercise bike\n", + "maria twomey , 42 , of watford , decided hit 40 and decided it was time for a changewanted to slim from size 14 and signed up for personal training sessionsswapped takeaways and fatty snacks for weight-lifting and hiit workoutsin a year she went from 12st 7lb to her slimmest , 8st 7lbshe 's reduced her body fat percentage from 38 per cent to 15 per centnow taking part in miami pro world championships fitness model comp\n", + "[1.4526578 1.299356 1.3192005 1.2220868 1.1106566 1.0583582 1.151695\n", + " 1.0614839 1.1093543 1.0442432 1.1210828 1.1369665 1.0472486 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 6 11 10 4 8 7 5 12 9 13 14 15 16 17 18]\n", + "=======================\n", + "[\"( cnn ) a helicopter crash saturday in malaysia killed six people , including the nation 's former ambassador to the united states and a high-ranking member of the prime minister 's staff , the malaysian state news agency bernama reported .prime minister najib razak ordered an investigation .the helicopter crashed near kampung pasir baru in semenyih , at 4:55 p.m. saturday ( 4:55 a.m. et ) , bernama said .\"]\n", + "=======================\n", + "[\"jamaluddin jarjis , former malaysian ambassador to the u.s. , among casualtiesazlin alias , a member of the prime minister 's staff , also dies , news agency reports\"]\n", + "( cnn ) a helicopter crash saturday in malaysia killed six people , including the nation 's former ambassador to the united states and a high-ranking member of the prime minister 's staff , the malaysian state news agency bernama reported .prime minister najib razak ordered an investigation .the helicopter crashed near kampung pasir baru in semenyih , at 4:55 p.m. saturday ( 4:55 a.m. et ) , bernama said .\n", + "jamaluddin jarjis , former malaysian ambassador to the u.s. , among casualtiesazlin alias , a member of the prime minister 's staff , also dies , news agency reports\n", + "[1.1906381 1.5083244 1.2952523 1.3927069 1.3879035 1.1339958 1.0662944\n", + " 1.0997792 1.0197436 1.0446767 1.0279325 1.0639827 1.0614332 1.0747185\n", + " 1.036594 1.0390218 1.0114825 1.045031 0. ]\n", + "\n", + "[ 1 3 4 2 0 5 7 13 6 11 12 17 9 15 14 10 8 16 18]\n", + "=======================\n", + "[\"raymond billam illegally pocketed # 15,000 of taxpayers ' money after he said he was severely disabled due to back and knee problems .the grandfather-of-four admitted benefit fraud and was sentenced to 26-weeks in prison suspended for two years .cheat : raymond billam , 40 , claimed he was unable to walk more than a few metres , but was filmed running and jumping as he took to the pitch for his pub football team\"]\n", + "=======================\n", + "['raymond billam defrauded the department of work and pensions40-year-old claimed he had severe problems with his knees and backsecretly filmed running and jumping as he played football for his pub teamgiven a suspended prison sentence and ordered to complete unpaid work']\n", + "raymond billam illegally pocketed # 15,000 of taxpayers ' money after he said he was severely disabled due to back and knee problems .the grandfather-of-four admitted benefit fraud and was sentenced to 26-weeks in prison suspended for two years .cheat : raymond billam , 40 , claimed he was unable to walk more than a few metres , but was filmed running and jumping as he took to the pitch for his pub football team\n", + "raymond billam defrauded the department of work and pensions40-year-old claimed he had severe problems with his knees and backsecretly filmed running and jumping as he played football for his pub teamgiven a suspended prison sentence and ordered to complete unpaid work\n", + "[1.077284 1.0618546 1.4113129 1.0613563 1.3070731 1.2925597 1.0631706\n", + " 1.0245501 1.2263685 1.1893634 1.0650282 1.0313073 1.065738 1.0503051\n", + " 1.0305599 0. 0. 0. 0. ]\n", + "\n", + "[ 2 4 5 8 9 0 12 10 6 1 3 13 11 14 7 17 15 16 18]\n", + "=======================\n", + "[\"london 's julie falconer , for example , showcases the english capital in all of its glory , while adventure photographer joe greer has made a successful second career posting breathtaking landscapes of the pacific northwest .actress shay mitchell stars on pretty little liars , but she also frequently destinations such as india and morocco for her charity workjulie falconer is a lady in london and the mastermind behind both a beautiful instagram account and her namesake travel blog .\"]\n", + "=======================\n", + "[\"sylvia matzkowiak , who goes by goldie berlin , is a german instagrammer , travelling everywhere from fiji to canadathough the blonde gypsy may have been born in california , she 's become famous for her stunning balkan snapsand when it comes to celebrities , shay mitchell and beyonce are redefining what it means to be a jetsetter\"]\n", + "london 's julie falconer , for example , showcases the english capital in all of its glory , while adventure photographer joe greer has made a successful second career posting breathtaking landscapes of the pacific northwest .actress shay mitchell stars on pretty little liars , but she also frequently destinations such as india and morocco for her charity workjulie falconer is a lady in london and the mastermind behind both a beautiful instagram account and her namesake travel blog .\n", + "sylvia matzkowiak , who goes by goldie berlin , is a german instagrammer , travelling everywhere from fiji to canadathough the blonde gypsy may have been born in california , she 's become famous for her stunning balkan snapsand when it comes to celebrities , shay mitchell and beyonce are redefining what it means to be a jetsetter\n", + "[1.4125805 1.2334037 1.4885777 1.2471125 1.1813103 1.1478369 1.0703285\n", + " 1.147822 1.0216641 1.0929868 1.0202672 1.0130726 1.0502707 1.0713974\n", + " 1.1300082 1.0203736 1.0860258 1.131702 1.0636693]\n", + "\n", + "[ 2 0 3 1 4 5 7 17 14 9 16 13 6 18 12 8 15 10 11]\n", + "=======================\n", + "['maxine fohounhedo , 30 , was charged in december with kidnapping and raping a female passenger he picked up after she ordered an uberx ride the month before .the 22-year-old woman told police she was intoxicated and fell in and out of consciousness during the ride with fohounhedo .sexual assault charges against a chicago uber driver have been dropped after prosecutors heard a secret recording he made of his passenger the night of the alleged attack .']\n", + "=======================\n", + "[\"maxine fohounhedo , 30 , was charged in december with kidnapping and raping a female passenger who ordered an uberx ridewoman , 22 , told police she was intoxicated during the ride and alleged she woke up in fohounhedo 's apartment and found him having sex with herfohounhedo 's attorney said the woman made a pass at the driver when he picked her up and they ` went back to his place '` whatever happened there did not arise to anything criminal , ' he saidattorney said the nine-minute recording shows woman having a friendly conversation with fohounhedo as he drove her homefohounhedo was released from jail on monday night\"]\n", + "maxine fohounhedo , 30 , was charged in december with kidnapping and raping a female passenger he picked up after she ordered an uberx ride the month before .the 22-year-old woman told police she was intoxicated and fell in and out of consciousness during the ride with fohounhedo .sexual assault charges against a chicago uber driver have been dropped after prosecutors heard a secret recording he made of his passenger the night of the alleged attack .\n", + "maxine fohounhedo , 30 , was charged in december with kidnapping and raping a female passenger who ordered an uberx ridewoman , 22 , told police she was intoxicated during the ride and alleged she woke up in fohounhedo 's apartment and found him having sex with herfohounhedo 's attorney said the woman made a pass at the driver when he picked her up and they ` went back to his place '` whatever happened there did not arise to anything criminal , ' he saidattorney said the nine-minute recording shows woman having a friendly conversation with fohounhedo as he drove her homefohounhedo was released from jail on monday night\n", + "[1.1037014 1.2684216 1.420462 1.2146835 1.1193049 1.1054758 1.1166856\n", + " 1.0910388 1.0917951 1.118109 1.0700032 1.0471816 1.1091377 1.0892177\n", + " 1.1216518 1.0607601 1.0117038 1.06455 0. ]\n", + "\n", + "[ 2 1 3 14 4 9 6 12 5 0 8 7 13 10 17 15 11 16 18]\n", + "=======================\n", + "[\"scientists have found traces of compounds found in camomile and yarrow in the hardened plaque of 50,000 year old neanderthal teeth found in el sidron , spain .new research is suggesting that these extinct early humans may have used wild herbs to flavour their food .neanderthals ( represented in the drawing above ) may have been the world 's first gourmets - using herbs like yarrow and camomile to flavour the meat that dominated their diet , according to a new scientific paper\"]\n", + "=======================\n", + "['scientists suggest that prehistoric human cousins used herbs like yarrow and camomile to improve the taste of their food around 50,000 years agochimps in uganda also eat plants with their meat in a way that is thought to flavour their food so researchers believe neanderthals also did the sameit build recent discoveries that suggest they also ate barley , olives and nutsthe findings transform the view of neanderthals as unsophisticated brutes']\n", + "scientists have found traces of compounds found in camomile and yarrow in the hardened plaque of 50,000 year old neanderthal teeth found in el sidron , spain .new research is suggesting that these extinct early humans may have used wild herbs to flavour their food .neanderthals ( represented in the drawing above ) may have been the world 's first gourmets - using herbs like yarrow and camomile to flavour the meat that dominated their diet , according to a new scientific paper\n", + "scientists suggest that prehistoric human cousins used herbs like yarrow and camomile to improve the taste of their food around 50,000 years agochimps in uganda also eat plants with their meat in a way that is thought to flavour their food so researchers believe neanderthals also did the sameit build recent discoveries that suggest they also ate barley , olives and nutsthe findings transform the view of neanderthals as unsophisticated brutes\n", + "[1.3009517 1.2282581 1.2232078 1.2137219 1.1722555 1.3028704 1.1805651\n", + " 1.0977271 1.1010379 1.0824803 1.0214268 1.0731214 1.1556381 1.0941243\n", + " 1.0992273 1.030046 1.0209597 1.0202037 0. ]\n", + "\n", + "[ 5 0 1 2 3 6 4 12 8 14 7 13 9 11 15 10 16 17 18]\n", + "=======================\n", + "[\"the 77-year-old woman was struck by lightning while she sat in her car .despite the dramatic and rare event , the woman 's injury was not detected straight away .rather , her hairdresser noticed several days later that she had suffered minor burns on her scalp .\"]\n", + "=======================\n", + "['woman was struck by lightning in her car in boston , lincolnshireseveral days later her hairdresser noticed minor burns on her scalplater that day the 77-year-old noticed her eye sight was blurreda scan of her retina revealed heat from the bolt burned a hole in her retina']\n", + "the 77-year-old woman was struck by lightning while she sat in her car .despite the dramatic and rare event , the woman 's injury was not detected straight away .rather , her hairdresser noticed several days later that she had suffered minor burns on her scalp .\n", + "woman was struck by lightning in her car in boston , lincolnshireseveral days later her hairdresser noticed minor burns on her scalplater that day the 77-year-old noticed her eye sight was blurreda scan of her retina revealed heat from the bolt burned a hole in her retina\n", + "[1.4951873 1.5047839 1.1444808 1.2577752 1.1353801 1.1233022 1.0493453\n", + " 1.0507218 1.0215472 1.0988715 1.0399002 1.0705829 1.0559554 1.0489072\n", + " 1.0590649 1.0131583 1.0169277 1.0184289 0. ]\n", + "\n", + "[ 1 0 3 2 4 5 9 11 14 12 7 6 13 10 8 17 16 15 18]\n", + "=======================\n", + "[\"josh kerr took advantage when the scotland under-17 star came for a corner and missed it to put the hoops in front before mccrorie dropped a mark hill free kick over the line .two mistakes from rangers keeper robby mccrorie handed celtic the glasgow cup as they clinched the trophy for the fourth time in eight seasons at hampden .with old firm bosses ronny deila and stuart mccall looking on , it was the former who left happiest after seeing tommy mcintyre 's side record a deserved victory .\"]\n", + "=======================\n", + "[\"celtic u17 won the glasgow cup at hampden park on tuesday nightjosh kerr opened the scoring for the bhoys in the 74th minutemark hill then doubled celtic 's lead two minutes laterthe match was played behind closed doors due to trouble in the past\"]\n", + "josh kerr took advantage when the scotland under-17 star came for a corner and missed it to put the hoops in front before mccrorie dropped a mark hill free kick over the line .two mistakes from rangers keeper robby mccrorie handed celtic the glasgow cup as they clinched the trophy for the fourth time in eight seasons at hampden .with old firm bosses ronny deila and stuart mccall looking on , it was the former who left happiest after seeing tommy mcintyre 's side record a deserved victory .\n", + "celtic u17 won the glasgow cup at hampden park on tuesday nightjosh kerr opened the scoring for the bhoys in the 74th minutemark hill then doubled celtic 's lead two minutes laterthe match was played behind closed doors due to trouble in the past\n", + "[1.4926918 1.2859671 1.3958335 1.227615 1.1413876 1.0678949 1.0344396\n", + " 1.30753 1.0557754 1.0141538 1.2217987 1.1052028 1.1222329 1.0340606\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 7 1 3 10 4 12 11 5 8 6 13 9 14 15]\n", + "=======================\n", + "[\"alessandro diamanti and mohamed salah helped fiorentina to a 2-0 win over sampdoria on a rain-drenched pitch which lifted their team into fourth place on 49 points .miralem pjanic 's goal gave as roma a 1-0 win over napoli in serie a on saturday , their first home victory for more than four months .former west ham midfielder diamanti struck just after the hour mark , before on loan chelsea winger salah added a second just two minutes later .\"]\n", + "=======================\n", + "['mohamed salah scores as fiorentina beat sampdoria 2-0 in serie aon loan chelsea winger scores second as his side go fourthroma beat napoli 1-0 for first home win in four monthscarlos tevez strikes as juventus maintain huge lead at the top']\n", + "alessandro diamanti and mohamed salah helped fiorentina to a 2-0 win over sampdoria on a rain-drenched pitch which lifted their team into fourth place on 49 points .miralem pjanic 's goal gave as roma a 1-0 win over napoli in serie a on saturday , their first home victory for more than four months .former west ham midfielder diamanti struck just after the hour mark , before on loan chelsea winger salah added a second just two minutes later .\n", + "mohamed salah scores as fiorentina beat sampdoria 2-0 in serie aon loan chelsea winger scores second as his side go fourthroma beat napoli 1-0 for first home win in four monthscarlos tevez strikes as juventus maintain huge lead at the top\n", + "[1.555331 1.4612323 1.1923738 1.0716285 1.4668143 1.2008039 1.1159769\n", + " 1.3011042 1.0365646 1.0190638 1.0200377 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 4 1 7 5 2 6 3 8 10 9 11 12 13 14 15]\n", + "=======================\n", + "[\"london broncos are set to give a debut to leeds teenager elliot minchella , who has joined them on loan to the end of the season .the 19-year-old loose forward has made six substitute super league appearances but has failed to break into the rhinos team so far this year .minchella has been named in henderson 's 19-man squad for friday 's game with featherstone .\"]\n", + "=======================\n", + "['leeds teenager moves to london broncos until end of the seasonthe 19-year-old has made six sub appearances in super league']\n", + "london broncos are set to give a debut to leeds teenager elliot minchella , who has joined them on loan to the end of the season .the 19-year-old loose forward has made six substitute super league appearances but has failed to break into the rhinos team so far this year .minchella has been named in henderson 's 19-man squad for friday 's game with featherstone .\n", + "leeds teenager moves to london broncos until end of the seasonthe 19-year-old has made six sub appearances in super league\n", + "[1.2382307 1.0824958 1.1544012 1.2548292 1.1985476 1.0767071 1.1282663\n", + " 1.0414897 1.0223948 1.0324627 1.158597 1.0638424 1.0658705 1.0608861\n", + " 1.0445596 1.0595485]\n", + "\n", + "[ 3 0 4 10 2 6 1 5 12 11 13 15 14 7 9 8]\n", + "=======================\n", + "[\"situated roughly 350 miles off the west coast of africa , cape verde has long been a mesh of cultures , history and races .( cnn ) there 's an old saying which states the cape verde islands are home to a greater number of musicians per square kilometer than any other country in the world .the former portuguese territory was once a key location for the transatlantic slave trade , a target for 16th century pirates and a refuge for exiled jews .\"]\n", + "=======================\n", + "['cape verde seeking to tap-into rich cultural heritagetiny island nation wants to grow creative economy']\n", + "situated roughly 350 miles off the west coast of africa , cape verde has long been a mesh of cultures , history and races .( cnn ) there 's an old saying which states the cape verde islands are home to a greater number of musicians per square kilometer than any other country in the world .the former portuguese territory was once a key location for the transatlantic slave trade , a target for 16th century pirates and a refuge for exiled jews .\n", + "cape verde seeking to tap-into rich cultural heritagetiny island nation wants to grow creative economy\n", + "[1.3765554 1.3591762 1.3031653 1.1544969 1.3344017 1.1409041 1.1956131\n", + " 1.1286764 1.0538828 1.0293788 1.0472553 1.1029859 1.0239944 1.0249901\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 4 2 6 3 5 7 11 8 10 9 13 12 14 15]\n", + "=======================\n", + "[\"turkey has lifted a block on social media sites in the country after twitter , facebook and youtube agreed to remove chilling images of a prosecutor being held at gunpoint by left wing extremists .chilling : mehmet selim kiraz died after two members of the revolutionary people 's liberation party-front stormed a courthouse in istanbul and took him hostage - uploading these photographs of kiraz with a gun pointed at his head to social media in the processhowever turkey has since threatened to block access to google unless images of the siege are removed from its search function .\"]\n", + "=======================\n", + "['court imposed social media blocks after images of siege were sharedmilitants stormed an istanbul courthouse last week , taking him hostageboth he and his captors were killed during the subsequent rescue effortblocks were lifted today after twitter , facebook and youtube agreed to remove images of the deadly siege from their sites']\n", + "turkey has lifted a block on social media sites in the country after twitter , facebook and youtube agreed to remove chilling images of a prosecutor being held at gunpoint by left wing extremists .chilling : mehmet selim kiraz died after two members of the revolutionary people 's liberation party-front stormed a courthouse in istanbul and took him hostage - uploading these photographs of kiraz with a gun pointed at his head to social media in the processhowever turkey has since threatened to block access to google unless images of the siege are removed from its search function .\n", + "court imposed social media blocks after images of siege were sharedmilitants stormed an istanbul courthouse last week , taking him hostageboth he and his captors were killed during the subsequent rescue effortblocks were lifted today after twitter , facebook and youtube agreed to remove images of the deadly siege from their sites\n", + "[1.4024587 1.3396378 1.2988327 1.1065148 1.0568473 1.1969658 1.0841937\n", + " 1.047318 1.099703 1.106455 1.1055949 1.0769659 1.065993 1.0257784\n", + " 1.0438461 1.0274459]\n", + "\n", + "[ 0 1 2 5 3 9 10 8 6 11 12 4 7 14 15 13]\n", + "=======================\n", + "['moscow ( cnn ) a russian tv channel aired hillary clinton \\'s first campaign video with a rating stamp that means it \\'s for mature audiences , because of fears it might run afoul of the country \\'s anti-gay propaganda law .a clip of the video , which features a gay couple holding hands , got the 18 + rating from the independent tv rain channel in russia on monday .the channel told cnn that it did n\\'t want to break the controversial law , which bans \" propaganda of nontraditional sexual relations around minors \" and bars public discussion of gay rights and relationships within earshot of children .']\n", + "=======================\n", + "[\"presidential hopeful 's video , featuring gay couple , gets mature rating in russiarussian tv channel feared airing it would break the country 's anti-gay propaganda lawclinton announced her support for same-sex marriage in 2013\"]\n", + "moscow ( cnn ) a russian tv channel aired hillary clinton 's first campaign video with a rating stamp that means it 's for mature audiences , because of fears it might run afoul of the country 's anti-gay propaganda law .a clip of the video , which features a gay couple holding hands , got the 18 + rating from the independent tv rain channel in russia on monday .the channel told cnn that it did n't want to break the controversial law , which bans \" propaganda of nontraditional sexual relations around minors \" and bars public discussion of gay rights and relationships within earshot of children .\n", + "presidential hopeful 's video , featuring gay couple , gets mature rating in russiarussian tv channel feared airing it would break the country 's anti-gay propaganda lawclinton announced her support for same-sex marriage in 2013\n", + "[1.055958 1.3995895 1.331151 1.1805742 1.1410396 1.0407021 1.0199159\n", + " 1.1876439 1.0397266 1.1357791 1.1971102 1.0521303 1.0835739 1.0323867\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 10 7 3 4 9 12 0 11 5 8 13 6 18 14 15 16 17 19]\n", + "=======================\n", + "[\"but one is hrh prince george of cambridge , third in line to the throne and born into a life of palaces and privilege -- while the other is plain old tommy cox from colchester , essex .two-year-old tommy 's mother -- whose name , as it happens , is kate -- and father paul , 41 , are regularly stopped by people who want to have their photograph taken with the prince 's lookalike .keen royal watcher mrs cox is always keen to see each new photograph of george when it is released by his parents william and kate to check if the two boys from very different worlds are continuing to grow up looking the same .\"]\n", + "=======================\n", + "[\"tommy cox from colchester looks just like prince george of cambridgeboth two-year-olds have the same rosy cheeks and a similar hairstyleeven tommy 's mother - who is also called kate - thinks they look alikewhile he looks like george , tommy 's mother admits her son 's behaviour sometimes falls rather short of regal\"]\n", + "but one is hrh prince george of cambridge , third in line to the throne and born into a life of palaces and privilege -- while the other is plain old tommy cox from colchester , essex .two-year-old tommy 's mother -- whose name , as it happens , is kate -- and father paul , 41 , are regularly stopped by people who want to have their photograph taken with the prince 's lookalike .keen royal watcher mrs cox is always keen to see each new photograph of george when it is released by his parents william and kate to check if the two boys from very different worlds are continuing to grow up looking the same .\n", + "tommy cox from colchester looks just like prince george of cambridgeboth two-year-olds have the same rosy cheeks and a similar hairstyleeven tommy 's mother - who is also called kate - thinks they look alikewhile he looks like george , tommy 's mother admits her son 's behaviour sometimes falls rather short of regal\n", + "[1.5125737 1.5506934 1.2275999 1.3062135 1.0838681 1.0737549 1.053188\n", + " 1.1668897 1.1894524 1.0400801 1.0293804 1.0151539 1.0643847 1.0463674\n", + " 1.0105388 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 8 7 4 5 12 6 13 9 10 11 14 18 15 16 17 19]\n", + "=======================\n", + "[\"carlo ancelotti 's side face their second la liga game in four days when they travel to the estadio de vallecas on wednesday evening to take on ninth-placed rayo .gareth bale could miss out on real madrid 's game with rayo vallecano after injuring his left foot during a training session on tuesday morning .but bale , who scored real 's first goal in their 9-1 demolition of granada on sunday , is now a doubt according to his manager .\"]\n", + "=======================\n", + "[\"carlo ancelotti will make a decision on gareth bale 's fitnessthe welshman injured his left foot during real madrid 's training sessionlos blancos take on rayo vallecano on wednesday , kick-off at 9pmmidfielder isco is likely to replace bale if he is unable to play\"]\n", + "carlo ancelotti 's side face their second la liga game in four days when they travel to the estadio de vallecas on wednesday evening to take on ninth-placed rayo .gareth bale could miss out on real madrid 's game with rayo vallecano after injuring his left foot during a training session on tuesday morning .but bale , who scored real 's first goal in their 9-1 demolition of granada on sunday , is now a doubt according to his manager .\n", + "carlo ancelotti will make a decision on gareth bale 's fitnessthe welshman injured his left foot during real madrid 's training sessionlos blancos take on rayo vallecano on wednesday , kick-off at 9pmmidfielder isco is likely to replace bale if he is unable to play\n", + "[1.274775 1.4775378 1.2509519 1.2078125 1.3218776 1.1908313 1.1095127\n", + " 1.1052976 1.1297659 1.0305315 1.0292134 1.0212388 1.0152242 1.0308965\n", + " 1.0183525 1.0097338 1.010566 1.1055173 0. 0. ]\n", + "\n", + "[ 1 4 0 2 3 5 8 6 17 7 13 9 10 11 14 12 16 15 18 19]\n", + "=======================\n", + "[\"michelle heale of tom 's river , new jersey claims she was trying to burp mason hess when he began choking on his applesauce , but when she pulled him off her shoulder his neck snapped backwards , killing the boy .michelle heale ( above ) breaks down during her trial for murder in the death of 14-month-old mason hess on tuesday as she reenacts the moments before his neck allegedly snappedthe mother of twins , who were in the next room when the incident happened and then just three years old , was charged with murder and endangering the welfare of a child after a medical examiner determined the boy died as a result of homicide caused by blunt cerebral trauma .\"]\n", + "=======================\n", + "[\"michelle heale of tom 's river , new jersey is on trial for murder in the death of 14-month-old mason hessheale was babysitting mason while her husband michael and mason 's father adam worked together as police detectivesshe claims she was burping mason hess when he began choking on his applesauce and that his neck snapped when she took him of her shoulderheale broke down demonstrating the incident to the jurymedical examiners determined that mason died as a result of homicide caused by blunt cerebral traumaheale is out on bail during the trial and still has custody of her twins , who were 3 years old when the incident occurred\"]\n", + "michelle heale of tom 's river , new jersey claims she was trying to burp mason hess when he began choking on his applesauce , but when she pulled him off her shoulder his neck snapped backwards , killing the boy .michelle heale ( above ) breaks down during her trial for murder in the death of 14-month-old mason hess on tuesday as she reenacts the moments before his neck allegedly snappedthe mother of twins , who were in the next room when the incident happened and then just three years old , was charged with murder and endangering the welfare of a child after a medical examiner determined the boy died as a result of homicide caused by blunt cerebral trauma .\n", + "michelle heale of tom 's river , new jersey is on trial for murder in the death of 14-month-old mason hessheale was babysitting mason while her husband michael and mason 's father adam worked together as police detectivesshe claims she was burping mason hess when he began choking on his applesauce and that his neck snapped when she took him of her shoulderheale broke down demonstrating the incident to the jurymedical examiners determined that mason died as a result of homicide caused by blunt cerebral traumaheale is out on bail during the trial and still has custody of her twins , who were 3 years old when the incident occurred\n", + "[1.6067417 1.3938016 1.2985815 1.1992542 1.1996206 1.0715188 1.1533071\n", + " 1.1214206 1.0911341 1.0136374 1.0110894 1.022575 1.0141976 1.1122323\n", + " 1.0165495 1.0163455 1.0488999 1.0591885 0. 0. ]\n", + "\n", + "[ 0 1 2 4 3 6 7 13 8 5 17 16 11 14 15 12 9 10 18 19]\n", + "=======================\n", + "[\"lucas matthysse won a majority decision against ruslan provodnikov in a 12-round super lightweight bout on saturday night .matthysse landed the majority of the punches in the first round and opening a cut near provodnikov 's left eye early in the second .provodnikov ( 24-3 ) put matthysse on the ropes late in the third round and landed two hard right hook-left hook combos in the fourth before matthysse ( 37-3 ) regained control in the fifth .\"]\n", + "=======================\n", + "['lucas matthysse won a majority decision against ruslan provodnikovmatthysse managed to open a cut early on , landing majority of punchesbut he was on the ropes before regaining control in the fifth roundhe outlined his plans to fight floyd mayweather or manny pacquiao']\n", + "lucas matthysse won a majority decision against ruslan provodnikov in a 12-round super lightweight bout on saturday night .matthysse landed the majority of the punches in the first round and opening a cut near provodnikov 's left eye early in the second .provodnikov ( 24-3 ) put matthysse on the ropes late in the third round and landed two hard right hook-left hook combos in the fourth before matthysse ( 37-3 ) regained control in the fifth .\n", + "lucas matthysse won a majority decision against ruslan provodnikovmatthysse managed to open a cut early on , landing majority of punchesbut he was on the ropes before regaining control in the fifth roundhe outlined his plans to fight floyd mayweather or manny pacquiao\n", + "[1.175895 1.3952329 1.3298327 1.2519783 1.2488542 1.2026483 1.084191\n", + " 1.1764742 1.0924519 1.0800188 1.0388491 1.0856192 1.0436398 1.0575569\n", + " 1.0339402 1.0656465 1.0460343 1.0363908 1.0136913 1.047324 ]\n", + "\n", + "[ 1 2 3 4 5 7 0 8 11 6 9 15 13 19 16 12 10 17 14 18]\n", + "=======================\n", + "['the map reveals average yearly counts of lightning flashes per square kilometre from 1995 to 2013 .the democratic republic of congo was found to have the most over the periodan amazing map revealed by nasa has shown where lightning occurs most on earth .']\n", + "=======================\n", + "['a nasa map has revealed which parts of the world experience the most flashes of lightning ever yeardemocratic republic of congo and lake maracaibo in northwestern venezuela experienced the mostaccording to the satellite observations , lightning occurs more often over land than it does over oceansand lightning also seems to happen more often closer to the equator , owing to the hotter temperatures']\n", + "the map reveals average yearly counts of lightning flashes per square kilometre from 1995 to 2013 .the democratic republic of congo was found to have the most over the periodan amazing map revealed by nasa has shown where lightning occurs most on earth .\n", + "a nasa map has revealed which parts of the world experience the most flashes of lightning ever yeardemocratic republic of congo and lake maracaibo in northwestern venezuela experienced the mostaccording to the satellite observations , lightning occurs more often over land than it does over oceansand lightning also seems to happen more often closer to the equator , owing to the hotter temperatures\n", + "[1.4064599 1.1614256 1.1335295 1.0927929 1.1297406 1.1987854 1.021541\n", + " 1.0424224 1.1376796 1.0953434 1.1793071 1.0622301 1.1287409 1.0681604\n", + " 1.0894741 1.0238018 0. 0. 0. 0. ]\n", + "\n", + "[ 0 5 10 1 8 2 4 12 9 3 14 13 11 7 15 6 18 16 17 19]\n", + "=======================\n", + "[\"kenya has bombed two al-shabaab camps in somalia in the first major military response to last week 's attack by the militant group on a kenyan university that left 148 people dead .slow response : kenyan elite troops were called in to aid in the pre-dawn massacre where 148 people were killed , but did not arrive until just before 2pmal-shabaab militants have killed more than 400 people in kenya since april 2013 .\"]\n", + "=======================\n", + "[\"warning : graphic contentair force jets blitzed two jihadi camps in the gedo region bordering kenyacloud cover made it difficult to establish damage caused or the death tollkenyan special forces ` took seven hours to arrive at scene of massacre '\"]\n", + "kenya has bombed two al-shabaab camps in somalia in the first major military response to last week 's attack by the militant group on a kenyan university that left 148 people dead .slow response : kenyan elite troops were called in to aid in the pre-dawn massacre where 148 people were killed , but did not arrive until just before 2pmal-shabaab militants have killed more than 400 people in kenya since april 2013 .\n", + "warning : graphic contentair force jets blitzed two jihadi camps in the gedo region bordering kenyacloud cover made it difficult to establish damage caused or the death tollkenyan special forces ` took seven hours to arrive at scene of massacre '\n", + "[1.2944583 1.3857347 1.369822 1.0689194 1.3506868 1.1797233 1.1058401\n", + " 1.073791 1.0969468 1.0718979 1.0245233 1.1399701 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 0 5 11 6 8 7 9 3 10 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"in june , it 's ` made today , sold today ' slogan , was deemed misleading by the federal court .it was slammed with a three-year ban to no longer promote its bread as baked on the day it is sold or made from fresh dough and has now received a hefty fine .supermarket giant coles has been ordered to pay $ 2.5 million in penalties after lying to shoppers about the freshness of its bread .\"]\n", + "=======================\n", + "[\"coles ordered to pay $ 2.5 million in penalties after lying to shopperstheir marketing slogan ` made today , sold today ' deemed as misleadingthe products were par baked from overseas and shipped months latercoles also ordered to display a federal court corrective notice in stores\"]\n", + "in june , it 's ` made today , sold today ' slogan , was deemed misleading by the federal court .it was slammed with a three-year ban to no longer promote its bread as baked on the day it is sold or made from fresh dough and has now received a hefty fine .supermarket giant coles has been ordered to pay $ 2.5 million in penalties after lying to shoppers about the freshness of its bread .\n", + "coles ordered to pay $ 2.5 million in penalties after lying to shopperstheir marketing slogan ` made today , sold today ' deemed as misleadingthe products were par baked from overseas and shipped months latercoles also ordered to display a federal court corrective notice in stores\n", + "[1.4438331 1.1803688 1.4978667 1.2891402 1.1934993 1.0386904 1.0821942\n", + " 1.0414014 1.0194523 1.0887578 1.0582622 1.1440555 1.0582265 1.0238433\n", + " 1.049829 1.0164769 1.036874 1.1505482 1.1470178 1.0505656]\n", + "\n", + "[ 2 0 3 4 1 17 18 11 9 6 10 12 19 14 7 5 16 13 8 15]\n", + "=======================\n", + "[\"hayleigh mcbay , 17 , pretended to dump david clarke via whatsapp at midnight for a joke .but the girl from elgin in moray , scotland , was given a taste of her own medicine when he pretended that also wanted to break up .college student hayleigh texted her partner on the social media app with the words : ' i do n't want to be with you any more .\"]\n", + "=======================\n", + "[\"hayleigh mcbay , from elgin , scotland , dumped her boyfriend as a jokebut when 17-year-old told david clarke , he replied that he was pleaseddavid was actually calling hayleigh 's bluff and the pair are still datingscreenshot tweet of conversation retweeted more than 12,000 times\"]\n", + "hayleigh mcbay , 17 , pretended to dump david clarke via whatsapp at midnight for a joke .but the girl from elgin in moray , scotland , was given a taste of her own medicine when he pretended that also wanted to break up .college student hayleigh texted her partner on the social media app with the words : ' i do n't want to be with you any more .\n", + "hayleigh mcbay , from elgin , scotland , dumped her boyfriend as a jokebut when 17-year-old told david clarke , he replied that he was pleaseddavid was actually calling hayleigh 's bluff and the pair are still datingscreenshot tweet of conversation retweeted more than 12,000 times\n", + "[1.4678142 1.3501083 1.2064315 1.1039246 1.1830819 1.1020725 1.1404638\n", + " 1.0833635 1.1307648 1.0790808 1.0407172 1.0779171 1.1069562 1.0688491\n", + " 1.0687424 1.0362948 1.0282692 1.0416529 0. 0. ]\n", + "\n", + "[ 0 1 2 4 6 8 12 3 5 7 9 11 13 14 17 10 15 16 18 19]\n", + "=======================\n", + "['( cnn ) two deputies involved in the fatal attempt to arrest eric harris in tulsa , oklahoma , have been reassigned because of threats against them and their families , sheriff stanley glanz said monday in a news conference .the deputies were trying to arrest harris when reserve deputy robert bates shot him .unlike bates , they are not charged with a crime , but have come under criticism for pinning harris \\' head to the ground as he said , \" i \\'m losing my breath . \"']\n", + "=======================\n", + "['deputies reassigned after threats , sheriff saysthe two deputies pinned eric harris to the ground and one yelled \" f*ck your breath \" at him after he was shot']\n", + "( cnn ) two deputies involved in the fatal attempt to arrest eric harris in tulsa , oklahoma , have been reassigned because of threats against them and their families , sheriff stanley glanz said monday in a news conference .the deputies were trying to arrest harris when reserve deputy robert bates shot him .unlike bates , they are not charged with a crime , but have come under criticism for pinning harris ' head to the ground as he said , \" i 'm losing my breath . \"\n", + "deputies reassigned after threats , sheriff saysthe two deputies pinned eric harris to the ground and one yelled \" f*ck your breath \" at him after he was shot\n", + "[1.490194 1.2691232 1.216356 1.2340443 1.1757636 1.1673579 1.1186246\n", + " 1.0846378 1.0857929 1.075887 1.0671895 1.0369666 1.0365108 1.0622767\n", + " 1.0286206 1.0384282 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 5 6 8 7 9 10 13 15 11 12 14 16 17 18 19]\n", + "=======================\n", + "['( the hollywood reporter ) ben powers , who played thelma \\'s ( bernnadette stanis ) husband keith anderson on the final season of the classic cbs sitcom \" good times , \" has died .powers died april 6 in new bedford , mass. , his family announced .no cause of death was revealed .']\n", + "=======================\n", + "['ben powers joined the cast of \" good times \" for its sixth and final seasonhe played thelma \\'s husband keith anderson']\n", + "( the hollywood reporter ) ben powers , who played thelma 's ( bernnadette stanis ) husband keith anderson on the final season of the classic cbs sitcom \" good times , \" has died .powers died april 6 in new bedford , mass. , his family announced .no cause of death was revealed .\n", + "ben powers joined the cast of \" good times \" for its sixth and final seasonhe played thelma 's husband keith anderson\n", + "[1.2829181 1.44609 1.3070524 1.3533858 1.1092384 1.0479385 1.103926\n", + " 1.0509084 1.1477591 1.0948237 1.02103 1.0844972 1.100621 1.0463561\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 8 4 6 12 9 11 7 5 13 10 14 15 16 17 18 19 20]\n", + "=======================\n", + "['alondra luna nunez was mistakenly flown to texas on april 16 after a judge in the western state of michoacan ruled in favor of a houston woman who believed she was her daughter .she was returned to her family in mexico on wednesday after dna testing in the united states showed she was not the long-missing daughter of houston resident dorotea garcia .mexican prosecutors have launched an investigation of possible criminal conduct in the case of a 14-year-old girl mistakenly sent to the u.s. to live with a woman who claimed to be her mother , authorities said friday .']\n", + "=======================\n", + "[\"mexican prosecutors are looking into possible criminal conductalondra luna nunez was flown to texas on april 16 after a judge ruled in favor of a houston woman who believed alondra was her daughterdna testing in texas showed that she was not dorotea garcia 's daughterthe 14-year-old was returned to her family in mexico on wednesdayalondra 's case drew international attention after a video of her being forced into a police vehicle last week appeared online\"]\n", + "alondra luna nunez was mistakenly flown to texas on april 16 after a judge in the western state of michoacan ruled in favor of a houston woman who believed she was her daughter .she was returned to her family in mexico on wednesday after dna testing in the united states showed she was not the long-missing daughter of houston resident dorotea garcia .mexican prosecutors have launched an investigation of possible criminal conduct in the case of a 14-year-old girl mistakenly sent to the u.s. to live with a woman who claimed to be her mother , authorities said friday .\n", + "mexican prosecutors are looking into possible criminal conductalondra luna nunez was flown to texas on april 16 after a judge ruled in favor of a houston woman who believed alondra was her daughterdna testing in texas showed that she was not dorotea garcia 's daughterthe 14-year-old was returned to her family in mexico on wednesdayalondra 's case drew international attention after a video of her being forced into a police vehicle last week appeared online\n", + "[1.2903869 1.4903686 1.2006835 1.3470955 1.2524537 1.1220871 1.1433226\n", + " 1.1323245 1.1615543 1.0140483 1.0326155 1.0193247 1.165894 1.0166559\n", + " 1.0403565 1.0742513 1.0445786 1.0296746 1.0417017 1.0117155 1.0105327]\n", + "\n", + "[ 1 3 0 4 2 12 8 6 7 5 15 16 18 14 10 17 11 13 9 19 20]\n", + "=======================\n", + "[\"bill dudley is still ` lovin ' it ' and has no plans to quit the fast-food joint in mold , flintshire , north wales .europe 's oldest mcdonald 's worker has celebrated his 90th birthday with colleagues .great grandfather and second world war veteran bill celebrates his special with fellow employees at mcdonald 's in mold .\"]\n", + "=======================\n", + "[\"bill dudley is still ` lovin ' it ' working at the fast-food joint in mold , north waleswife margaret , 71 , has nicknamed her hubby old mcdonald for his longevitybill 's special day was marked with a cake and tickets for a weekend away\"]\n", + "bill dudley is still ` lovin ' it ' and has no plans to quit the fast-food joint in mold , flintshire , north wales .europe 's oldest mcdonald 's worker has celebrated his 90th birthday with colleagues .great grandfather and second world war veteran bill celebrates his special with fellow employees at mcdonald 's in mold .\n", + "bill dudley is still ` lovin ' it ' working at the fast-food joint in mold , north waleswife margaret , 71 , has nicknamed her hubby old mcdonald for his longevitybill 's special day was marked with a cake and tickets for a weekend away\n", + "[1.5585186 1.45557 1.4221909 1.394764 1.146014 1.0279045 1.0242751\n", + " 1.022962 1.0478885 1.0555935 1.0194235 1.0761706 1.0880799 1.0137988\n", + " 1.0107554 1.0075779 1.0558941 1.0826089 1.0393585 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 12 17 11 16 9 8 18 5 6 7 10 13 14 15 19 20]\n", + "=======================\n", + "[\"morgan schneiderlin says southampton are refusing to give up on their champions league aspirations despite saturday 's damaging defeat at stoke .saints missed the chance to close the gap on fourth-placed manchester city to two points as they went down to a 2-1 defeat at the britannia stadium .schneiderlin opened the scoring with his first barclays premier league goal since september , but a mistake from saints goalkeeper kelvin davis allowed mame diouf to equalise and substitute charlie adam stole all three points with six minutes to go .\"]\n", + "=======================\n", + "['southampton went down 2-1 to stoke at the britannia stadium on saturdaymorgan schneiderlin opened the scoring in the 22nd minutethe saints are now five points adrift of fourth place']\n", + "morgan schneiderlin says southampton are refusing to give up on their champions league aspirations despite saturday 's damaging defeat at stoke .saints missed the chance to close the gap on fourth-placed manchester city to two points as they went down to a 2-1 defeat at the britannia stadium .schneiderlin opened the scoring with his first barclays premier league goal since september , but a mistake from saints goalkeeper kelvin davis allowed mame diouf to equalise and substitute charlie adam stole all three points with six minutes to go .\n", + "southampton went down 2-1 to stoke at the britannia stadium on saturdaymorgan schneiderlin opened the scoring in the 22nd minutethe saints are now five points adrift of fourth place\n", + "[1.1797266 1.3990703 1.0566278 1.3302796 1.1696267 1.1284622 1.0556722\n", + " 1.041843 1.124675 1.0956197 1.046517 1.0604436 1.0460932 1.126684\n", + " 1.0207165 1.1385564 1.0538726 1.0631857 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 15 5 13 8 9 17 11 2 6 16 10 12 7 14 19 18 20]\n", + "=======================\n", + "[\"benjamin netanyahu said iran 's agreement to reduce some of its nuclear programme in return for the lifting of sanctions would pave the way for tehran to build an atomic bomb .israel 's leader reacted furiously to the west 's nuclear deal with iran yesterday , warning that it would threaten his country 's very survival .but israel , which fears an iranian nuclear attack , issued a series of dire warnings .\"]\n", + "=======================\n", + "[\"lifting sanctions could pave the way for iran to build atomic bombobama hailed new deal as a ` historic understanding 'critics including saudi arabia fear deal gives iran scope to cheat\"]\n", + "benjamin netanyahu said iran 's agreement to reduce some of its nuclear programme in return for the lifting of sanctions would pave the way for tehran to build an atomic bomb .israel 's leader reacted furiously to the west 's nuclear deal with iran yesterday , warning that it would threaten his country 's very survival .but israel , which fears an iranian nuclear attack , issued a series of dire warnings .\n", + "lifting sanctions could pave the way for iran to build atomic bombobama hailed new deal as a ` historic understanding 'critics including saudi arabia fear deal gives iran scope to cheat\n", + "[1.4667017 1.1181183 1.3090616 1.1180961 1.4709158 1.0482211 1.0749403\n", + " 1.025462 1.0264744 1.0695456 1.0342884 1.0694312 1.0351044 1.0430948\n", + " 1.0632958 1.0630707 1.022017 1.0329803 1.0450293 1.0365884 0. ]\n", + "\n", + "[ 4 0 2 1 3 6 9 11 14 15 5 18 13 19 12 10 17 8 7 16 20]\n", + "=======================\n", + "[\"chelsea striker diego costa limped off with a hamstring injury shortly after coming on at the intervaljose mourinho had placed the barclays premier league 's joint-top goalscorer on standby for this match , insisting he would only turn to diego costa if absolutely necessary .the # 32million striker was required to stop chelsea squandering the opportunity to open a seven-point advantage over their title rivals .\"]\n", + "=======================\n", + "['chelsea will be without top scorer diego costa for at least two gamesthe # 32m striker suffered recurrence of hamstring injury against stokeloic remy and eden hazard scored in 2-1 victory at stamford bridge']\n", + "chelsea striker diego costa limped off with a hamstring injury shortly after coming on at the intervaljose mourinho had placed the barclays premier league 's joint-top goalscorer on standby for this match , insisting he would only turn to diego costa if absolutely necessary .the # 32million striker was required to stop chelsea squandering the opportunity to open a seven-point advantage over their title rivals .\n", + "chelsea will be without top scorer diego costa for at least two gamesthe # 32m striker suffered recurrence of hamstring injury against stokeloic remy and eden hazard scored in 2-1 victory at stamford bridge\n", + "[1.2893301 1.477399 1.2710468 1.1563381 1.3141322 1.1560762 1.136571\n", + " 1.1565446 1.0298241 1.0205112 1.0320449 1.0846897 1.024276 1.0856291\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 2 7 3 5 6 13 11 10 8 12 9 14 15 16 17 18]\n", + "=======================\n", + "[\"james may , 52 , revealed he had prematurely celebrated the three-year deal by ordering a rare # 200,000 ferrari before clarkson 's sacking after an infamous ` fracas ' with producer oisin tymon .jeremy clarkson and his fellow top gear presenters were just about to renew their lucrative contacts for three more years but they were scrapped when the star punched the show 's producer .may says he had ordered the last ever ferrari 458 speciale - in bright orange - while the ` draft version ' of the lucrative contract was sitting on his desk ` with only a few details to resolve ' .\"]\n", + "=======================\n", + "[\"james may reveals he celebrated prematurely by ordering # 200,000 ferrarilucrative contract was in a draft form with only a few details to resolvebut offer was taken away after clarkson 's infamous ` fracas ' with producermay said trio planned to continue making show before leaving ` with dignity '\"]\n", + "james may , 52 , revealed he had prematurely celebrated the three-year deal by ordering a rare # 200,000 ferrari before clarkson 's sacking after an infamous ` fracas ' with producer oisin tymon .jeremy clarkson and his fellow top gear presenters were just about to renew their lucrative contacts for three more years but they were scrapped when the star punched the show 's producer .may says he had ordered the last ever ferrari 458 speciale - in bright orange - while the ` draft version ' of the lucrative contract was sitting on his desk ` with only a few details to resolve ' .\n", + "james may reveals he celebrated prematurely by ordering # 200,000 ferrarilucrative contract was in a draft form with only a few details to resolvebut offer was taken away after clarkson 's infamous ` fracas ' with producermay said trio planned to continue making show before leaving ` with dignity '\n", + "[1.142091 1.3853465 1.4008142 1.2279761 1.1708269 1.115124 1.0944347\n", + " 1.0702406 1.0903451 1.0928762 1.0813949 1.039093 1.0705544 1.090912\n", + " 1.0746909 1.010885 1.0091048 1.01756 1.0062003]\n", + "\n", + "[ 2 1 3 4 0 5 6 9 13 8 10 14 12 7 11 17 15 16 18]\n", + "=======================\n", + "[\"a new report says 57 per cent of adults in the uk claim to use a discount store like poundland every week because the ` stigma ' of shopping in budget stores has ended , experts have said .almost half of all people who have visited discounters such as 99p stores , poundstretcher , b&m bargains and wilkinsons are middle class and among the country 's highest earners , research has found .of those 53 per cent are in the top a/b social class , who on average earn more than # 35,000-a-year , a significant increase from the 37 per cent figure a year ago .\"]\n", + "=======================\n", + "[\"number of britain 's highest earners going to pound stores is now up 20 %more than half of all shoppers say they head to pound shops each weekexperts say they are topping up their weekly shop , often from lidl or aldi\"]\n", + "a new report says 57 per cent of adults in the uk claim to use a discount store like poundland every week because the ` stigma ' of shopping in budget stores has ended , experts have said .almost half of all people who have visited discounters such as 99p stores , poundstretcher , b&m bargains and wilkinsons are middle class and among the country 's highest earners , research has found .of those 53 per cent are in the top a/b social class , who on average earn more than # 35,000-a-year , a significant increase from the 37 per cent figure a year ago .\n", + "number of britain 's highest earners going to pound stores is now up 20 %more than half of all shoppers say they head to pound shops each weekexperts say they are topping up their weekly shop , often from lidl or aldi\n", + "[1.3429612 1.329765 1.171374 1.3705755 1.238412 1.1318502 1.0312222\n", + " 1.0202557 1.0165274 1.1787591 1.0517648 1.0447836 1.0218441 1.0360258\n", + " 1.0255654 1.0572444 1.0168173 1.0519257 0. ]\n", + "\n", + "[ 3 0 1 4 9 2 5 15 17 10 11 13 6 14 12 7 16 8 18]\n", + "=======================\n", + "[\"lee garlington is opening up about his secret gay relationship with hollywood star rock hudson ( above with james dean and elizabeth taylor on the set of giant )garlington says he was an extra on a movie set when he first decided to check out hudson , having heard rumors the star was gay , but had to wait an entire year until he heard from the star . 'hudson was briefly married to phyllis gates ( wedding photo above ) from 1955 to 1958\"]\n", + "=======================\n", + "[\"lee garlington is opening up about his secret gay relationship with hollywood star rock hudsongarlington and hudson dated from 1962 until 1965 , and hudson called him his ` one true love 'garlington says he would sneak over to the star 's house after work , and leave first thing in the morninghe also says the two would each bring a date when they went out to avoid being outedhudson died in 1985 of aids\"]\n", + "lee garlington is opening up about his secret gay relationship with hollywood star rock hudson ( above with james dean and elizabeth taylor on the set of giant )garlington says he was an extra on a movie set when he first decided to check out hudson , having heard rumors the star was gay , but had to wait an entire year until he heard from the star . 'hudson was briefly married to phyllis gates ( wedding photo above ) from 1955 to 1958\n", + "lee garlington is opening up about his secret gay relationship with hollywood star rock hudsongarlington and hudson dated from 1962 until 1965 , and hudson called him his ` one true love 'garlington says he would sneak over to the star 's house after work , and leave first thing in the morninghe also says the two would each bring a date when they went out to avoid being outedhudson died in 1985 of aids\n", + "[1.4383569 1.3133457 1.1498992 1.3908195 1.0845184 1.1023264 1.1652813\n", + " 1.1142495 1.1087425 1.0804638 1.0476724 1.1080017 1.2233641 1.030441\n", + " 1.0174222 1.0481659 1.0558395 0. 0. ]\n", + "\n", + "[ 0 3 1 12 6 2 7 8 11 5 4 9 16 15 10 13 14 17 18]\n", + "=======================\n", + "[\"lyon returned to the top of the ligue 1 table after securing a 2-2 draw from a topsy-turvy rhone valley derby match against saint-etienne at the stade de gerland on sunday night .clinton n'jie handed the hosts the lead midway through the first half before lindsay rose saw red for hubert fournier 's high flyers and max gradel converted from the spot to level matters .adama traore scores the second half goal for rene girard 's side on sunday\"]\n", + "=======================\n", + "[\"clinton n'jie gave lyon the lead but max gradel equalised from the spotlindsay rose was sent off for the home side inside the opening half-hourromain hamouma put st-etienne ahead but christophe jallet hit backlyon are level on points with champions psg who have a game in hand\"]\n", + "lyon returned to the top of the ligue 1 table after securing a 2-2 draw from a topsy-turvy rhone valley derby match against saint-etienne at the stade de gerland on sunday night .clinton n'jie handed the hosts the lead midway through the first half before lindsay rose saw red for hubert fournier 's high flyers and max gradel converted from the spot to level matters .adama traore scores the second half goal for rene girard 's side on sunday\n", + "clinton n'jie gave lyon the lead but max gradel equalised from the spotlindsay rose was sent off for the home side inside the opening half-hourromain hamouma put st-etienne ahead but christophe jallet hit backlyon are level on points with champions psg who have a game in hand\n", + "[1.3151164 1.3734345 1.3534632 1.3209531 1.2703352 1.0533845 1.0277916\n", + " 1.0190054 1.0244834 1.0275704 1.0168376 1.0195466 1.0262717 1.0576307\n", + " 1.1972889 1.1491481 1.0916538 1.0958619 1.058603 ]\n", + "\n", + "[ 1 2 3 0 4 14 15 17 16 18 13 5 6 9 12 8 11 7 10]\n", + "=======================\n", + "['holidaymakers , many with young children enjoying the last day of the easter break , had gathered to watch the cannonball be fired from the wooden trebuchet -- the largest working siege machine in the world .however , the big display ended in catastrophe when sparks from the fireball ignited the roof of a nearby ancient boathouse , causing it to erupt into flames .the thatched building , which overlooks the river avon within the castle grounds in warwickshire , was unoccupied when it became engulfed in fire at about 5.45 pm yesterday .']\n", + "=======================\n", + "['holidaymakers watched in horror as ancient boathouse erupted into flamessparks from flaming cannonball fired from wooden trebuchet caused blazetourists evacuated from warwick castle as thatched building burnt downno one injured in incident which occurred on last day of easter holidays']\n", + "holidaymakers , many with young children enjoying the last day of the easter break , had gathered to watch the cannonball be fired from the wooden trebuchet -- the largest working siege machine in the world .however , the big display ended in catastrophe when sparks from the fireball ignited the roof of a nearby ancient boathouse , causing it to erupt into flames .the thatched building , which overlooks the river avon within the castle grounds in warwickshire , was unoccupied when it became engulfed in fire at about 5.45 pm yesterday .\n", + "holidaymakers watched in horror as ancient boathouse erupted into flamessparks from flaming cannonball fired from wooden trebuchet caused blazetourists evacuated from warwick castle as thatched building burnt downno one injured in incident which occurred on last day of easter holidays\n", + "[1.1031562 1.3953257 1.2246244 1.241211 1.3221793 1.0878024 1.1284602\n", + " 1.2168968 1.0404146 1.1141862 1.1174177 1.0244708 1.0922362 1.0415846\n", + " 1.0263411 1.034458 1.059829 1.0199089]\n", + "\n", + "[ 1 4 3 2 7 6 10 9 0 12 5 16 13 8 15 14 11 17]\n", + "=======================\n", + "['jamie jewitt , 24 , and henry rogers , 22 , both admit that when they were in their teens , their self-esteem was at rock bottom .henry , from ealing , reached eighteen stone at his heaviest .however , after reaching 18st , he decided to embark on a strict diet and after shedding the pounds and slimming down to 12st , he landed a job at abercrombie & fitch , where he was scouted by top agency , models 1 .']\n", + "=======================\n", + "['jamie jewitt , 24 , and henry rogers , 22 , had no self-confidencejamie was 15st by the age of 15 but went on a strict vegan diethenry was 18st at his heaviest but is now a top modelhave landed tv careers and want to promote healthy body image']\n", + "jamie jewitt , 24 , and henry rogers , 22 , both admit that when they were in their teens , their self-esteem was at rock bottom .henry , from ealing , reached eighteen stone at his heaviest .however , after reaching 18st , he decided to embark on a strict diet and after shedding the pounds and slimming down to 12st , he landed a job at abercrombie & fitch , where he was scouted by top agency , models 1 .\n", + "jamie jewitt , 24 , and henry rogers , 22 , had no self-confidencejamie was 15st by the age of 15 but went on a strict vegan diethenry was 18st at his heaviest but is now a top modelhave landed tv careers and want to promote healthy body image\n", + "[1.202233 1.1702583 1.2557763 1.2750769 1.1062609 1.0880408 1.1630292\n", + " 1.221055 1.0492442 1.0914302 1.0675682 1.0723729 1.1049929 1.1283458\n", + " 1.0254103 1.119736 1.0366212 0. ]\n", + "\n", + "[ 3 2 7 0 1 6 13 15 4 12 9 5 11 10 8 16 14 17]\n", + "=======================\n", + "['now the canadian singer has revealed to people magazine that she was bedridden for five months after contracting lyme disease .focus on the mystery intensified in december after a fan twitter account posted a direct message from lavigne when she solicited prayers , saying she was \" having some health issues . \"( cnn ) when singer avril lavigne went missing from the music scene , there was tons of speculation .']\n", + "=======================\n", + "['the singer had been off the scene for a whileshe says she was bedridden for monthslavigne was sometimes too weak to shower']\n", + "now the canadian singer has revealed to people magazine that she was bedridden for five months after contracting lyme disease .focus on the mystery intensified in december after a fan twitter account posted a direct message from lavigne when she solicited prayers , saying she was \" having some health issues . \"( cnn ) when singer avril lavigne went missing from the music scene , there was tons of speculation .\n", + "the singer had been off the scene for a whileshe says she was bedridden for monthslavigne was sometimes too weak to shower\n", + "[1.1709701 1.4041791 1.2414552 1.1546943 1.1672362 1.2246755 1.1621648\n", + " 1.1377122 1.105862 1.0539557 1.0598385 1.0855432 1.060891 1.0733547\n", + " 1.0751452 1.0410873 1.0369067 1.0567701]\n", + "\n", + "[ 1 2 5 0 4 6 3 7 8 11 14 13 12 10 17 9 15 16]\n", + "=======================\n", + "[\"australian prime minister tony abbott says the eu must ` urgently ' follow his lead to stop migrants dying in the mediterranean as they seek a new life in europe .yesterday italian prime minister matteo renzi said his country was ` at war ' with migrant traffickers , describing them as ` the slave traders of the 21st century ' .immigration controls in australia are so tough that asylum seekers are rejected on board naval warships at sea before being returned immediately , it emerged yesterday .\"]\n", + "=======================\n", + "[\"migrant asylum claims are processed by the australian navy while at seaunsuccessful applicants are returned home without reaching dry landup to 900 migrants are feared drowned after their boat to europe capsizedaustralian pm tony abbott advised the eu ` to stop the boats '\"]\n", + "australian prime minister tony abbott says the eu must ` urgently ' follow his lead to stop migrants dying in the mediterranean as they seek a new life in europe .yesterday italian prime minister matteo renzi said his country was ` at war ' with migrant traffickers , describing them as ` the slave traders of the 21st century ' .immigration controls in australia are so tough that asylum seekers are rejected on board naval warships at sea before being returned immediately , it emerged yesterday .\n", + "migrant asylum claims are processed by the australian navy while at seaunsuccessful applicants are returned home without reaching dry landup to 900 migrants are feared drowned after their boat to europe capsizedaustralian pm tony abbott advised the eu ` to stop the boats '\n", + "[1.3530507 1.4240386 1.3403239 1.1260691 1.2657726 1.0176592 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 3 5 15 14 13 12 11 8 9 16 7 6 10 17]\n", + "=======================\n", + "[\"detective sergeant stephen phillips , 46 , and police constables christopher evans , 37 , and michael stokes , 34 are all facing charges of ` theft by a serving police officer ' .three police officers have been sent forward for trial after being accused of stealing bundles of notes worth # 30,000 from the home of a suspected criminal .cardiff crown court heard that the three officers from south wales police were all arrested as a result of an investigation being carried out by the force 's professional standards department .\"]\n", + "=======================\n", + "[\"south wales police launched an investigation into three of its officersstephen phillips , christoper evans and michael stokes are all facing trialthe thee officers are all accused of ` theft by a serving police officer 'phillips , evans and stokes will stand trial in june in cardiff crown court\"]\n", + "detective sergeant stephen phillips , 46 , and police constables christopher evans , 37 , and michael stokes , 34 are all facing charges of ` theft by a serving police officer ' .three police officers have been sent forward for trial after being accused of stealing bundles of notes worth # 30,000 from the home of a suspected criminal .cardiff crown court heard that the three officers from south wales police were all arrested as a result of an investigation being carried out by the force 's professional standards department .\n", + "south wales police launched an investigation into three of its officersstephen phillips , christoper evans and michael stokes are all facing trialthe thee officers are all accused of ` theft by a serving police officer 'phillips , evans and stokes will stand trial in june in cardiff crown court\n", + "[1.2077388 1.0627534 1.1780689 1.211176 1.1229477 1.3353133 1.045664\n", + " 1.2131906 1.1021134 1.0359709 1.0493108 1.0731642 1.0237317 1.0694002\n", + " 1.057429 1.1440309 1.0297891 0. ]\n", + "\n", + "[ 5 7 3 0 2 15 4 8 11 13 1 14 10 6 9 16 12 17]\n", + "=======================\n", + "[\"the great wall of china was created in 500 bc to protect the country 's northern border against foreign invasion .the wall attracts over 10 million visitors annually so you could be battling your way through the crowds and not just the steep inclines .it appears nowadays that it is not an official holiday until you 've uploaded your pictures to instagram with the intention of letting all those at home know how incredible your time away is .\"]\n", + "=======================\n", + "['tactical filters used on the mobile phone app instagram can paint a different picture of holiday awayfrom the taj mahal to celebrities hangouts , the truth can look very differentphotographs reveal the funny or stark reality behind famous tourist spots visited by millions']\n", + "the great wall of china was created in 500 bc to protect the country 's northern border against foreign invasion .the wall attracts over 10 million visitors annually so you could be battling your way through the crowds and not just the steep inclines .it appears nowadays that it is not an official holiday until you 've uploaded your pictures to instagram with the intention of letting all those at home know how incredible your time away is .\n", + "tactical filters used on the mobile phone app instagram can paint a different picture of holiday awayfrom the taj mahal to celebrities hangouts , the truth can look very differentphotographs reveal the funny or stark reality behind famous tourist spots visited by millions\n", + "[1.3808331 1.2372195 1.3284897 1.2407069 1.0836797 1.0788568 1.056547\n", + " 1.0391319 1.1714644 1.1627215 1.0675092 1.072753 1.0262648 1.0155964\n", + " 1.0171396 1.0223776 1.088977 1.0635457 1.0453917 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 3 1 8 9 16 4 5 11 10 17 6 18 7 12 15 14 13 19 20 21]\n", + "=======================\n", + "[\"ken clarke has bemoaned the tories ' recent electoral performances , claiming the party has become ` too right-wing ' to win an election outrightin a wide-ranging interview with the new statesman magazine , mr clarke also warned against offering ` blank cheques ' to the nhs and foreign aid budgets , and criticised the tory leadership for making personal attacks on ed miliband .mr clarke , who served four years in david cameron 's cabinet , is known for his outspoken views , and is one of the few remaining tory cheerleaders for the european union .\"]\n", + "=======================\n", + "[\"tory mp ken clarke claims the party has become ` much too right-wing 'he bemoaned its recent electoral performances and criticised its strategythe long-serving mp warned against offering ` blank cheques ' to the nhshe has served under margaret thatcher , john major and david cameron\"]\n", + "ken clarke has bemoaned the tories ' recent electoral performances , claiming the party has become ` too right-wing ' to win an election outrightin a wide-ranging interview with the new statesman magazine , mr clarke also warned against offering ` blank cheques ' to the nhs and foreign aid budgets , and criticised the tory leadership for making personal attacks on ed miliband .mr clarke , who served four years in david cameron 's cabinet , is known for his outspoken views , and is one of the few remaining tory cheerleaders for the european union .\n", + "tory mp ken clarke claims the party has become ` much too right-wing 'he bemoaned its recent electoral performances and criticised its strategythe long-serving mp warned against offering ` blank cheques ' to the nhshe has served under margaret thatcher , john major and david cameron\n", + "[1.2136823 1.3482213 1.3267293 1.309415 1.2477556 1.1191067 1.063227\n", + " 1.1648793 1.1851293 1.0639155 1.0710827 1.0654247 1.0974456 1.0592995\n", + " 1.1161897 1.0096155 1.096138 1.0836257 1.0142376 1.0364459 1.0205853\n", + " 0. ]\n", + "\n", + "[ 1 2 3 4 0 8 7 5 14 12 16 17 10 11 9 6 13 19 20 18 15 21]\n", + "=======================\n", + "[\"the 37-year-old had been missing since about 8:30 am on wednesday morning .she returned to her home near sydney on thursday evening , and is ` safe and well ' with loved ones .ms bialek 's husband , sabino matera , confirmed she was home shortly after 6:30 pm on thursday .\"]\n", + "=======================\n", + "[\"jessica bialek found ` safe and well ' after vanishing 36 hours earlierms bialek was last seen leaving her home at 8.30 am on wednesdayshe was walking to the bank in coogee , south-eastern sydneypolice are concerned for her welfare and have launched an investigationms bialek 's husband has pleaded for help in finding his wifeon thursday her father made a plea for her to contact familythe mother-of-one is an accomplished arts photographer\"]\n", + "the 37-year-old had been missing since about 8:30 am on wednesday morning .she returned to her home near sydney on thursday evening , and is ` safe and well ' with loved ones .ms bialek 's husband , sabino matera , confirmed she was home shortly after 6:30 pm on thursday .\n", + "jessica bialek found ` safe and well ' after vanishing 36 hours earlierms bialek was last seen leaving her home at 8.30 am on wednesdayshe was walking to the bank in coogee , south-eastern sydneypolice are concerned for her welfare and have launched an investigationms bialek 's husband has pleaded for help in finding his wifeon thursday her father made a plea for her to contact familythe mother-of-one is an accomplished arts photographer\n", + "[1.1205274 1.2950467 1.2852883 1.2537609 1.0983627 1.0930964 1.2010832\n", + " 1.0305631 1.0312812 1.0414983 1.0359085 1.1167188 1.0577463 1.035091\n", + " 1.0256494 1.0260147 1.0560492 1.0513134 1.0497122 1.0173551 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 6 0 11 4 5 12 16 17 18 9 10 13 8 7 15 14 19 20 21]\n", + "=======================\n", + "['in the book ` men and sheds , \\' the author gordon thorburn called the wooden buildings a \" male necessity \" - somewhere were they could do some woodwork , pot some plants or even just read the newspaper in peace .but now the female sex and demanding a place at the bottom of the garden to call their own - a she shed .they are commissioning sheds in a range of styles from beach huts and gypsy caravans to mock tudor pavilions with tiled floors .']\n", + "=======================\n", + "['for years , the garden shed has been the domain of the manbut now women are demanding their own huts at the bottom of the gardenthey come in an array of styles including beach huts and tudor cottages']\n", + "in the book ` men and sheds , ' the author gordon thorburn called the wooden buildings a \" male necessity \" - somewhere were they could do some woodwork , pot some plants or even just read the newspaper in peace .but now the female sex and demanding a place at the bottom of the garden to call their own - a she shed .they are commissioning sheds in a range of styles from beach huts and gypsy caravans to mock tudor pavilions with tiled floors .\n", + "for years , the garden shed has been the domain of the manbut now women are demanding their own huts at the bottom of the gardenthey come in an array of styles including beach huts and tudor cottages\n", + "[1.2490155 1.1733899 1.2204618 1.1175086 1.2990232 1.3125153 1.1562233\n", + " 1.0974501 1.2176346 1.0734293 1.0467857 1.059458 1.023548 1.0554204\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 5 4 0 2 8 1 6 3 7 9 11 13 10 12 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"jose mourinho was visibly surprised by a question he was asked at his chelsea press conferencebut after going to great lengths to insist there are ` no problems ' with arsene wenger after the pair clashed on the sidelines at stamford bridge last season , mourinho was stumped by the question that followed .jose mourinho relishes the pre-match press conference .\"]\n", + "=======================\n", + "[\"jose mourinho was speaking ahead of chelsea 's visit to arsenalhe made an effort to play down talk of not respecting arsene wengerbut mourinho was stunned by a cleverly worded question regarding his clashes with wenger and chelsea 's title bidmourinho : cesc fabregas chose chelsea over arsenal to win trophiesclick here for arsenal vs chelsea team news and probable line ups\"]\n", + "jose mourinho was visibly surprised by a question he was asked at his chelsea press conferencebut after going to great lengths to insist there are ` no problems ' with arsene wenger after the pair clashed on the sidelines at stamford bridge last season , mourinho was stumped by the question that followed .jose mourinho relishes the pre-match press conference .\n", + "jose mourinho was speaking ahead of chelsea 's visit to arsenalhe made an effort to play down talk of not respecting arsene wengerbut mourinho was stunned by a cleverly worded question regarding his clashes with wenger and chelsea 's title bidmourinho : cesc fabregas chose chelsea over arsenal to win trophiesclick here for arsenal vs chelsea team news and probable line ups\n", + "[1.157186 1.1304728 1.0857803 1.3012745 1.379349 1.146916 1.0942808\n", + " 1.1353955 1.0343109 1.0983826 1.0219971 1.0237136 1.0233915 1.0223916\n", + " 1.0326383 1.0426116 1.0467465 1.0235475 1.1080235 1.0365273 1.0276798\n", + " 1.0259714]\n", + "\n", + "[ 4 3 0 5 7 1 18 9 6 2 16 15 19 8 14 20 21 11 17 12 13 10]\n", + "=======================\n", + "[\"struggling : avril lavigne told abc news on thursday that she had a hard time getting diagnosed for lyme disease .turns out the complicated hit maker was suffering from lyme disease , which yolanda foster of the real housewives of beverly hills and eighties pop icon debbie gibson also have .in the summer of 2014 she started noticing some symptoms such as fatigue and shortness of breath , but did n't know what was plaguing her .\"]\n", + "=======================\n", + "[\"singer reveals it took her eight months to get diagnosed properlydoctors told her she was crazy and that her ailment did not existwhen she was finally diagnosed she learned she had lyme diseasehas ` no idea ' where she got the tick bite which must have been attached for 36 hours in order to transfer the diseasesame condition that has left real housewives star yolanda foster unable to read , write or watch tv\"]\n", + "struggling : avril lavigne told abc news on thursday that she had a hard time getting diagnosed for lyme disease .turns out the complicated hit maker was suffering from lyme disease , which yolanda foster of the real housewives of beverly hills and eighties pop icon debbie gibson also have .in the summer of 2014 she started noticing some symptoms such as fatigue and shortness of breath , but did n't know what was plaguing her .\n", + "singer reveals it took her eight months to get diagnosed properlydoctors told her she was crazy and that her ailment did not existwhen she was finally diagnosed she learned she had lyme diseasehas ` no idea ' where she got the tick bite which must have been attached for 36 hours in order to transfer the diseasesame condition that has left real housewives star yolanda foster unable to read , write or watch tv\n", + "[1.1490566 1.1602007 1.3124763 1.2414899 1.2985636 1.1202593 1.1958382\n", + " 1.1502848 1.0544249 1.1433742 1.1178985 1.1042612 1.0593588 1.0506918\n", + " 1.0548115 1.0466217 1.0191419 1.0085195 0. 0. ]\n", + "\n", + "[ 2 4 3 6 1 7 0 9 5 10 11 12 14 8 13 15 16 17 18 19]\n", + "=======================\n", + "['the news comes amid a chronic shortage of doctors , and last week it was revealed that 10 per cent of patients tried - and failed - to book a gp appointment in 2013/14 .this means patients tried and failed to book almost 34 million gp appointments last year .access to a gp is about to get even worse , as new figures show a third of gp training posts remain unfilled']\n", + "=======================\n", + "['in august , junior doctors begin training as either a gp or a hospital doctorthis year 29 % of gp training places are unfilled , compared with 8 % in 2013doctors warn patients may struggle to see their gp as there is a shortagethey say junior doctors worry they will be overworked as a gp']\n", + "the news comes amid a chronic shortage of doctors , and last week it was revealed that 10 per cent of patients tried - and failed - to book a gp appointment in 2013/14 .this means patients tried and failed to book almost 34 million gp appointments last year .access to a gp is about to get even worse , as new figures show a third of gp training posts remain unfilled\n", + "in august , junior doctors begin training as either a gp or a hospital doctorthis year 29 % of gp training places are unfilled , compared with 8 % in 2013doctors warn patients may struggle to see their gp as there is a shortagethey say junior doctors worry they will be overworked as a gp\n", + "[1.3818431 1.181721 1.3124795 1.292675 1.2005448 1.1305637 1.0306429\n", + " 1.0554562 1.1519206 1.1817139 1.0171268 1.0375156 1.0162101 1.0180353\n", + " 1.0367765 1.0281348 1.0598341 1.0177057 0. 0. ]\n", + "\n", + "[ 0 2 3 4 1 9 8 5 16 7 11 14 6 15 13 17 10 12 18 19]\n", + "=======================\n", + "[\"a group of eight-year-old children in new jersey have written letters to convicted cop killer mumia abu-jamal , wishing that he will ` get better soon ' while recovering in hospital from a mystery illness after being encouraged by their teacher .abu-jamal , who shot philadelphia police officer daniel faulkner in cold blood in 1981 , was taken to hospital on april 2 after collapsing in the bathroom of the state correctional institution at mahanoy .but this week he was delivered two batches of letters - one from a third grade class in orange , new jersey and another from high school students in the philadelphia student union .\"]\n", + "=======================\n", + "[\"former black panther mumia abu-jamal was hospitalized at schuykill medical center in pennsylvania on april 2 after collapsing in prisonhe was delivered ` get well ' letters from third graders in orange , new jersey , and high school students in the philadelphia student unionthe letters made mumia ` chuckle and smile 'critics say they ` promote a twisted agenda glorifying murder and hatred 'mumia is serving a life sentence after years of appeals won him a reprieve from his death sentence in 2012\"]\n", + "a group of eight-year-old children in new jersey have written letters to convicted cop killer mumia abu-jamal , wishing that he will ` get better soon ' while recovering in hospital from a mystery illness after being encouraged by their teacher .abu-jamal , who shot philadelphia police officer daniel faulkner in cold blood in 1981 , was taken to hospital on april 2 after collapsing in the bathroom of the state correctional institution at mahanoy .but this week he was delivered two batches of letters - one from a third grade class in orange , new jersey and another from high school students in the philadelphia student union .\n", + "former black panther mumia abu-jamal was hospitalized at schuykill medical center in pennsylvania on april 2 after collapsing in prisonhe was delivered ` get well ' letters from third graders in orange , new jersey , and high school students in the philadelphia student unionthe letters made mumia ` chuckle and smile 'critics say they ` promote a twisted agenda glorifying murder and hatred 'mumia is serving a life sentence after years of appeals won him a reprieve from his death sentence in 2012\n", + "[1.4793446 1.3330066 1.1457578 1.1419325 1.1959679 1.1412644 1.086257\n", + " 1.0774733 1.0693182 1.0934968 1.057721 1.0801134 1.0795679 1.062209\n", + " 1.0875518 1.0177473 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 3 5 9 14 6 11 12 7 8 13 10 15 18 16 17 19]\n", + "=======================\n", + "['( cnn ) blues legend b.b. king was hospitalized for dehydration , though the ailment did n\\'t keep him out for long .king \\'s dehydration was caused by his type ii diabetes , but he \" is much better , \" his daughter , claudette king , told the los angeles times .the legendary guitarist and vocalist released a statement thanking those who have expressed their concerns .']\n", + "=======================\n", + "['b.b king is now out of the hospital and back at homebluesman suffered from dehydration and exhaustion after a 2014 show in chicagob.b. is short for blues boy , part of the name he used as a memphis disc jockey']\n", + "( cnn ) blues legend b.b. king was hospitalized for dehydration , though the ailment did n't keep him out for long .king 's dehydration was caused by his type ii diabetes , but he \" is much better , \" his daughter , claudette king , told the los angeles times .the legendary guitarist and vocalist released a statement thanking those who have expressed their concerns .\n", + "b.b king is now out of the hospital and back at homebluesman suffered from dehydration and exhaustion after a 2014 show in chicagob.b. is short for blues boy , part of the name he used as a memphis disc jockey\n", + "[1.4999776 1.301702 1.2007668 1.1634508 1.4256816 1.1790072 1.0391271\n", + " 1.0256791 1.0123594 1.0162952 1.2186593 1.0124478 1.0408323 1.0174297\n", + " 1.0142916 1.0114121 1.0129969 1.0210872 1.0289371 1.137015 ]\n", + "\n", + "[ 0 4 1 10 2 5 3 19 12 6 18 7 17 13 9 14 16 11 8 15]\n", + "=======================\n", + "['rangers boss stuart mccall insists it will not be a major disaster if his side are forced to play two extra games to reclaim their premiership return .stuart mccall is relaxed about the prospect of rangers finishing third in the scottish championshipthe gers currently lead the way in the race for second spot in the championship , with a one-point advantage over hibernian and a six-point cushion separating them from queen of the south .']\n", + "=======================\n", + "['rangers are currently second in the championship with three games to gofinishing third would mean playing two extra play-off matches vs fourthbut manager stuart mccall is relaxed about the prospect of finishing third']\n", + "rangers boss stuart mccall insists it will not be a major disaster if his side are forced to play two extra games to reclaim their premiership return .stuart mccall is relaxed about the prospect of rangers finishing third in the scottish championshipthe gers currently lead the way in the race for second spot in the championship , with a one-point advantage over hibernian and a six-point cushion separating them from queen of the south .\n", + "rangers are currently second in the championship with three games to gofinishing third would mean playing two extra play-off matches vs fourthbut manager stuart mccall is relaxed about the prospect of finishing third\n", + "[1.40077 1.4389068 1.3961799 1.4042189 1.2161919 1.0108088 1.0861688\n", + " 1.0959265 1.0190775 1.0442479 1.010867 1.0244626 1.0145388 1.0103252\n", + " 1.1021557 1.1568154 1.0369345 1.0244771 1.0196968 0. ]\n", + "\n", + "[ 1 3 0 2 4 15 14 7 6 9 16 17 11 18 8 12 10 5 13 19]\n", + "=======================\n", + "[\"the top three nations in uefa 's rankings qualify for the competition , with england currently sitting third behind the republic of ireland and netherlands .at present , the hammers sit first in the premier league rankings with 999 points - eight ahead of second-placed burnley .hammers will be playing at upton park for the last time next season before they move to the olympic stadium\"]\n", + "=======================\n", + "[\"england sit third in uefa 's respect fair play ranking at presentwest ham sit first in the premier league rankings with 999 pointshammers are eight points ahead of second-placed burnley as of march 31\"]\n", + "the top three nations in uefa 's rankings qualify for the competition , with england currently sitting third behind the republic of ireland and netherlands .at present , the hammers sit first in the premier league rankings with 999 points - eight ahead of second-placed burnley .hammers will be playing at upton park for the last time next season before they move to the olympic stadium\n", + "england sit third in uefa 's respect fair play ranking at presentwest ham sit first in the premier league rankings with 999 pointshammers are eight points ahead of second-placed burnley as of march 31\n", + "[1.3896681 1.20388 1.3737525 1.2618637 1.2659423 1.1216929 1.0366765\n", + " 1.016585 1.0147094 1.0486598 1.057578 1.1143329 1.07953 1.0531268\n", + " 1.1342747 1.0553927 0. 0. 0. ]\n", + "\n", + "[ 0 2 4 3 1 14 5 11 12 10 15 13 9 6 7 8 16 17 18]\n", + "=======================\n", + "[\"the family of adolf hitler 's minister of propaganda joseph goebbels , pictured ( above ) in september 1934 , is suing a publisher for royalties over a biography that used extracts from his diariesnow the english edition of the biography , which includes the same entries , is due to be published by penguin random house uk and its imprint the bodley head on may 7 .the dispute comes after peter longerich , a leading authority on the holocaust and nazi germany , drew on the diaries for a biography called goebbels , which was published in germany in 2010 .\"]\n", + "=======================\n", + "[\"cordula schacht is representing the case against random house germanyher own father hjalmar schacht was hitler 's minister of economicsdispute over historian peter longerich 's book goebbels released in 2010paying money would be ` immoral ' , rainer dresen of random house said\"]\n", + "the family of adolf hitler 's minister of propaganda joseph goebbels , pictured ( above ) in september 1934 , is suing a publisher for royalties over a biography that used extracts from his diariesnow the english edition of the biography , which includes the same entries , is due to be published by penguin random house uk and its imprint the bodley head on may 7 .the dispute comes after peter longerich , a leading authority on the holocaust and nazi germany , drew on the diaries for a biography called goebbels , which was published in germany in 2010 .\n", + "cordula schacht is representing the case against random house germanyher own father hjalmar schacht was hitler 's minister of economicsdispute over historian peter longerich 's book goebbels released in 2010paying money would be ` immoral ' , rainer dresen of random house said\n", + "[1.3220901 1.4688897 1.2935131 1.3589915 1.2632622 1.0547699 1.0595894\n", + " 1.2243712 1.0650678 1.0664996 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 7 9 8 6 5 17 10 11 12 13 14 15 16 18]\n", + "=======================\n", + "['the north-african nation was expelled from the 2017 and 2019 tournaments and was fined $ 1 million by the caf .morocco pulled out as hosts of the african cup of nations , which won by ivory coast in equatorial guineathe caf also demanded a further $ 9 million in compensation , after the country pulled out because of fears related to the ebola epidemic .']\n", + "=======================\n", + "['morocco had been banned from the 2017 and 2019 african cup of nationsthe confederation of african football imposed the ban after morocco pulled out as hosts of the tournament two months from it startingmorocco fear the health risks of fans travelling from ebola-affected areasthe court of arbitration for sport lifted the ban and reduced the fine imposed from $ 1million to $ 50,000']\n", + "the north-african nation was expelled from the 2017 and 2019 tournaments and was fined $ 1 million by the caf .morocco pulled out as hosts of the african cup of nations , which won by ivory coast in equatorial guineathe caf also demanded a further $ 9 million in compensation , after the country pulled out because of fears related to the ebola epidemic .\n", + "morocco had been banned from the 2017 and 2019 african cup of nationsthe confederation of african football imposed the ban after morocco pulled out as hosts of the tournament two months from it startingmorocco fear the health risks of fans travelling from ebola-affected areasthe court of arbitration for sport lifted the ban and reduced the fine imposed from $ 1million to $ 50,000\n", + "[1.0516709 1.0397147 1.0472287 1.0501149 1.0409343 1.130616 1.0702995\n", + " 1.0587901 1.5927982 1.2403209 1.1747942 1.0793525 1.0184331 1.0129505\n", + " 1.01359 1.0133681 1.0150806 0. 0. ]\n", + "\n", + "[ 8 9 10 5 11 6 7 0 3 2 4 1 12 16 14 15 13 17 18]\n", + "=======================\n", + "[\"luis suarez scores his second goal , sending paris saint-germain keeper salvatore sirigu the wrong way , to make it 3-0 to barcelonasuarez nutmegs david luiz for the second time as he eases past the brazilian defender on his way to another stunning strikeit was also barcelona 's third -- probably the goal that puts this tie beyond reach .\"]\n", + "=======================\n", + "[\"neymar opens the scoring for barcelona after just 18 minutes thanks to an assist from lionel messiluis suarez makes it 2-0 after a brilliant individual goal - nutmegging david luiz before beating two more defenderssuarez scores his second of the night in equally stunning fashion - again nutmegging luizgregory van der wiel 's deflected effort gives psg some hope ahead of the second leg on april 21st\"]\n", + "luis suarez scores his second goal , sending paris saint-germain keeper salvatore sirigu the wrong way , to make it 3-0 to barcelonasuarez nutmegs david luiz for the second time as he eases past the brazilian defender on his way to another stunning strikeit was also barcelona 's third -- probably the goal that puts this tie beyond reach .\n", + "neymar opens the scoring for barcelona after just 18 minutes thanks to an assist from lionel messiluis suarez makes it 2-0 after a brilliant individual goal - nutmegging david luiz before beating two more defenderssuarez scores his second of the night in equally stunning fashion - again nutmegging luizgregory van der wiel 's deflected effort gives psg some hope ahead of the second leg on april 21st\n", + "[1.2861748 1.5251969 1.2691545 1.4442196 1.1268289 1.0349721 1.0644851\n", + " 1.0347537 1.0356134 1.0818957 1.0542232 1.1085547 1.0691386 1.0445007\n", + " 1.048431 1.0170326 1.0243163 1.0632612 1.0123997]\n", + "\n", + "[ 1 3 0 2 4 11 9 12 6 17 10 14 13 8 5 7 16 15 18]\n", + "=======================\n", + "[\"destiny cooke , 16 , and lajahia cooke , 17 , were brutally kicked , punched , stomped and shoved around by the mob , who can be heard laughing during the five-minute video filmed in trenton .two teenage girls were savagely beaten by a crowd of people , including parents and other adults , in a new jersey park as onlookers videotaped the riot and encouraged the violence to continue .lajahia said one girl ripped out her earring out before the girl 's mother threw a rock at her ear , leaving a gash that required 12 stitches .\"]\n", + "=======================\n", + "[\"destiny cooke , 16 , and lajahia cooke , 17 were beaten by a mob in trentonlajahia said one girl ripped out her earring and then girl 's mother threw a rock at her ear , which required 12 stitchesdestiny has a bald spot where someone grabbed a chunk of her hairpeople can be seen holding the girls down so others can punch them over and over again , while the crowd laughs and cheersdestiny said as the sisters walked out of the park the police ` just stayed in their cars and just looked at us '\"]\n", + "destiny cooke , 16 , and lajahia cooke , 17 , were brutally kicked , punched , stomped and shoved around by the mob , who can be heard laughing during the five-minute video filmed in trenton .two teenage girls were savagely beaten by a crowd of people , including parents and other adults , in a new jersey park as onlookers videotaped the riot and encouraged the violence to continue .lajahia said one girl ripped out her earring out before the girl 's mother threw a rock at her ear , leaving a gash that required 12 stitches .\n", + "destiny cooke , 16 , and lajahia cooke , 17 were beaten by a mob in trentonlajahia said one girl ripped out her earring and then girl 's mother threw a rock at her ear , which required 12 stitchesdestiny has a bald spot where someone grabbed a chunk of her hairpeople can be seen holding the girls down so others can punch them over and over again , while the crowd laughs and cheersdestiny said as the sisters walked out of the park the police ` just stayed in their cars and just looked at us '\n", + "[1.2277269 1.3938802 1.3103627 1.3269296 1.1696538 1.2326076 1.0590321\n", + " 1.0685875 1.1451721 1.0707245 1.0287501 1.0918629 1.0401312 1.0576993\n", + " 1.0490003 1.0288105 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 5 0 4 8 11 9 7 6 13 14 12 15 10 17 16 18]\n", + "=======================\n", + "['donald graham , 62 , from sparty lea , northumberland , killed heiress and property developer janet brown , 45 , so he could fund his lavish taste in supercars and buy his second mistress a home .ms brown vanished in 2005 and her body has never been found .graham , who dubbed himself teflon don , was last year jailed for life with a minimum of 32 years for killing ms brown for her money nine years after her death .']\n", + "=======================\n", + "[\"donald graham , 62 , murdered his wealthy heiress lover for her moneyproperty developer janet brown 's body has never been foundhe was jailed for life for the murder which was motivated by greedgraham stole more than # 800,000 from ms brown to fund his love of supercars and a lavish lifestyle - but has been ordered to pay back just # 1\"]\n", + "donald graham , 62 , from sparty lea , northumberland , killed heiress and property developer janet brown , 45 , so he could fund his lavish taste in supercars and buy his second mistress a home .ms brown vanished in 2005 and her body has never been found .graham , who dubbed himself teflon don , was last year jailed for life with a minimum of 32 years for killing ms brown for her money nine years after her death .\n", + "donald graham , 62 , murdered his wealthy heiress lover for her moneyproperty developer janet brown 's body has never been foundhe was jailed for life for the murder which was motivated by greedgraham stole more than # 800,000 from ms brown to fund his love of supercars and a lavish lifestyle - but has been ordered to pay back just # 1\n", + "[1.3975563 1.3724103 1.1095239 1.095991 1.2302625 1.1567457 1.1139008\n", + " 1.183958 1.0456635 1.0887173 1.1072862 1.0616055 1.0202129 1.0154631\n", + " 1.0747857 1.0804981 1.0644978 1.0307724 0. 0. ]\n", + "\n", + "[ 0 1 4 7 5 6 2 10 3 9 15 14 16 11 8 17 12 13 18 19]\n", + "=======================\n", + "[\"every one of africa 's 54 member countries will vote for sepp blatter in next month 's fifa presidential election , the continent 's soccer boss said on tuesday , referring to the 79-year-old swiss as ` dear sepp . 'in front of blatter 's three challengers , issa hayatou , president of the confederation of african football , promised unanimous support in his speech to open caf 's annual congress in cairo .with 54 of the 209 fifa member countries eligible to vote in the presidential election in zurich on may 29 , africa is the largest of the six continental confederations .\"]\n", + "=======================\n", + "['issa hayatou , president of african football , said they will support sepp blatter in his bid to for fifth term as fifa presidentall 54 african fifa members have agreed to back blatter in the electionluis figo , prince ali bin al-hussein and michael van pragg have chosen to stand against the 79-year-old and become the new president']\n", + "every one of africa 's 54 member countries will vote for sepp blatter in next month 's fifa presidential election , the continent 's soccer boss said on tuesday , referring to the 79-year-old swiss as ` dear sepp . 'in front of blatter 's three challengers , issa hayatou , president of the confederation of african football , promised unanimous support in his speech to open caf 's annual congress in cairo .with 54 of the 209 fifa member countries eligible to vote in the presidential election in zurich on may 29 , africa is the largest of the six continental confederations .\n", + "issa hayatou , president of african football , said they will support sepp blatter in his bid to for fifth term as fifa presidentall 54 african fifa members have agreed to back blatter in the electionluis figo , prince ali bin al-hussein and michael van pragg have chosen to stand against the 79-year-old and become the new president\n", + "[1.3846823 1.2278868 1.2179898 1.1043907 1.2641274 1.1362044 1.0314754\n", + " 1.0243275 1.1001037 1.0957212 1.0299803 1.0965227 1.0794134 1.0699999\n", + " 1.0817796 1.0384283 1.0255008 1.0158696 1.1526561 1.0728365]\n", + "\n", + "[ 0 4 1 2 18 5 3 8 11 9 14 12 19 13 15 6 10 16 7 17]\n", + "=======================\n", + "[\"russian president vladimir putin has claimed that intercepted phone calls prove the us helped chechen islamic insurgents wage war against russiaputin said he raised the issue with then-us president george w. bush , who promised to ` kick the ass ' of the intelligence officers in question .in a documentary aired today on state-owned rossiya-1 tv channel , he said phone records from the early 2000s show direct contact between north caucasus separatists and us secret services .\"]\n", + "=======================\n", + "[\"putin said calls show contact between insurgents and us secret serviceshe claimed us helped chechen extremists wage war against russiapresident said george bush promised to ` kick the ass ' of officers involvedhe made claims in documentary aired today on state-owned russian tv\"]\n", + "russian president vladimir putin has claimed that intercepted phone calls prove the us helped chechen islamic insurgents wage war against russiaputin said he raised the issue with then-us president george w. bush , who promised to ` kick the ass ' of the intelligence officers in question .in a documentary aired today on state-owned rossiya-1 tv channel , he said phone records from the early 2000s show direct contact between north caucasus separatists and us secret services .\n", + "putin said calls show contact between insurgents and us secret serviceshe claimed us helped chechen extremists wage war against russiapresident said george bush promised to ` kick the ass ' of officers involvedhe made claims in documentary aired today on state-owned russian tv\n", + "[1.304852 1.4623682 1.3758619 1.4940782 1.0263423 1.0183061 1.0137564\n", + " 1.0213038 1.0927985 1.2185397 1.0872332 1.0188909 1.0147572 1.0665545\n", + " 1.01737 1.2367035 1.0806187 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 0 15 9 8 10 16 13 4 7 11 5 14 12 6 18 17 19]\n", + "=======================\n", + "[\"paris saint-germain will be without the suspended zlatan ibrahimovic and marco verratti against barcelonapsg beat ligue 1 bitter rivals olympique de marseille 3-2 , thrashed st etienne 4-1 in the french cup semi-finals , and won the league cup final 4-0 against bastia on saturday .buoyant after their strong domestic performance last week , paris st germain will look to overcome the absence of key players including striker zlatan ibrahimovic in wednesday 's champions league quarter-final first leg against barcelona .\"]\n", + "=======================\n", + "['psg take on barcelona in the champions league quarter-final first legbut ligue 1 leaders will be without a trio of key players for the fixturezlatan ibrahimovic , david luiz and marco verratti are all missingla liga giants barcelona will be without dani alves for the clash in paris']\n", + "paris saint-germain will be without the suspended zlatan ibrahimovic and marco verratti against barcelonapsg beat ligue 1 bitter rivals olympique de marseille 3-2 , thrashed st etienne 4-1 in the french cup semi-finals , and won the league cup final 4-0 against bastia on saturday .buoyant after their strong domestic performance last week , paris st germain will look to overcome the absence of key players including striker zlatan ibrahimovic in wednesday 's champions league quarter-final first leg against barcelona .\n", + "psg take on barcelona in the champions league quarter-final first legbut ligue 1 leaders will be without a trio of key players for the fixturezlatan ibrahimovic , david luiz and marco verratti are all missingla liga giants barcelona will be without dani alves for the clash in paris\n", + "[1.335892 1.4477279 1.1844466 1.3899996 1.3249171 1.025768 1.0259639\n", + " 1.0283597 1.1719124 1.1538489 1.0386777 1.027664 1.0726616 1.044786\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 8 9 12 13 10 7 11 6 5 18 14 15 16 17 19]\n", + "=======================\n", + "[\"the scandinavian brand , which opened its first uk store in westfield stratford , london , on march 27 , has also brought in 22-year-old german model toni garrn and ethiopia-born liya kebede , 37 .christy turlington , liya kebede and toni garrn are the faces of lindex 's spring 2015 campaignformer supermodel christy turlington burns is championing the message ` it 's what you do that defines you ' for fresh-to-the-uk clothing brand , lindex .\"]\n", + "=======================\n", + "[\"liya kebede and toni garrn join christy as ` super role models 'scandinavian brand lindex launches in the uk with westfield storemoney from #superrolemodel t-shirts will go to mum and child charities\"]\n", + "the scandinavian brand , which opened its first uk store in westfield stratford , london , on march 27 , has also brought in 22-year-old german model toni garrn and ethiopia-born liya kebede , 37 .christy turlington , liya kebede and toni garrn are the faces of lindex 's spring 2015 campaignformer supermodel christy turlington burns is championing the message ` it 's what you do that defines you ' for fresh-to-the-uk clothing brand , lindex .\n", + "liya kebede and toni garrn join christy as ` super role models 'scandinavian brand lindex launches in the uk with westfield storemoney from #superrolemodel t-shirts will go to mum and child charities\n", + "[1.4065242 1.2996428 1.4262041 1.2357073 1.1884465 1.1083962 1.1160625\n", + " 1.0594466 1.0165453 1.0216063 1.063101 1.0455277 1.1368299 1.025211\n", + " 1.0321355 1.0521463 1.0846338 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 3 4 12 6 5 16 10 7 15 11 14 13 9 8 17 18 19]\n", + "=======================\n", + "[\"mass murderer sutcliffe has spent more than three decades in broadmoor for the savage killings of 13 women .the families of victims of yorkshire ripper peter sutcliffe are furious at plans to move him from broadmoor to a low-security priory unit .but now , despite being one of the country 's most notorious serial killers , sutcliffe may be moved to a cushy priory unit set in berkshire woodland .\"]\n", + "=======================\n", + "['serial killer peter sutcliffe , 68 , was jailed for life for murdering 13 womenheld at broadmoor since being diagnosed with paranoid schizophreniahe is now being considered for a move to the low-security priory unit']\n", + "mass murderer sutcliffe has spent more than three decades in broadmoor for the savage killings of 13 women .the families of victims of yorkshire ripper peter sutcliffe are furious at plans to move him from broadmoor to a low-security priory unit .but now , despite being one of the country 's most notorious serial killers , sutcliffe may be moved to a cushy priory unit set in berkshire woodland .\n", + "serial killer peter sutcliffe , 68 , was jailed for life for murdering 13 womenheld at broadmoor since being diagnosed with paranoid schizophreniahe is now being considered for a move to the low-security priory unit\n", + "[1.1884465 1.2543705 1.4246353 1.3181839 1.116627 1.1545181 1.048865\n", + " 1.1042184 1.169409 1.1090337 1.014952 1.038956 1.0168799 1.0874085\n", + " 1.0788711 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 0 8 5 4 9 7 13 14 6 11 12 10 18 15 16 17 19]\n", + "=======================\n", + "[\"he will pledge discounts of up to 70 per cent to allow all 1.3 million families in housing association properties to buy their home .in a bold pitch to blue collar voters who delivered lady thatcher 's three election victories , the prime minister will call the tories ` the party of working people ' .a massive extension of margaret thatcher 's landmark right-to-buy housing policy will be announced by david cameron today .\"]\n", + "=======================\n", + "['david cameron to announce extension to right-to-buy housing policypm will extend the right-to-buy to all housing association tenantsdiscounts of up to 70 per cent to allow all families in housing association properties to buy their home .']\n", + "he will pledge discounts of up to 70 per cent to allow all 1.3 million families in housing association properties to buy their home .in a bold pitch to blue collar voters who delivered lady thatcher 's three election victories , the prime minister will call the tories ` the party of working people ' .a massive extension of margaret thatcher 's landmark right-to-buy housing policy will be announced by david cameron today .\n", + "david cameron to announce extension to right-to-buy housing policypm will extend the right-to-buy to all housing association tenantsdiscounts of up to 70 per cent to allow all families in housing association properties to buy their home .\n", + "[1.2989686 1.3483188 1.1809536 1.2217383 1.1748518 1.168556 1.1896945\n", + " 1.0535922 1.0460943 1.068052 1.0423884 1.095036 1.083031 1.0487939\n", + " 1.0443671 1.1129845 1.0482649 1.1339988 1.0498859 0. ]\n", + "\n", + "[ 1 0 3 6 2 4 5 17 15 11 12 9 7 18 13 16 8 14 10 19]\n", + "=======================\n", + "['in the slickly produced seven minute footage , jihadists are shown smashing shrines and statues in the 2,000-year old city .in the video , isis thugs balanced precariously on top of ladders are filmed smashing ancient relics in the heritage sitemilitants are also recorded chipping away at the bases of some of the larger wall sculptures and cracking boulders into ancient city pillars , while eerie music plays in the background .']\n", + "=======================\n", + "[\"jihadists shown smashing shrines and statues in 2,000-year old city that was declared a world heritage site in 1987isis thugs recorded on ladders using hammers and ak-47s to smash down historic relics on the ancient wallsthe fanatics claim relics are ` false idols ' which promote idolatry that violate their interpretation of islamic lawauthorities also believe they have been sold on the black market by the terrorist group to fund their atrocities\"]\n", + "in the slickly produced seven minute footage , jihadists are shown smashing shrines and statues in the 2,000-year old city .in the video , isis thugs balanced precariously on top of ladders are filmed smashing ancient relics in the heritage sitemilitants are also recorded chipping away at the bases of some of the larger wall sculptures and cracking boulders into ancient city pillars , while eerie music plays in the background .\n", + "jihadists shown smashing shrines and statues in 2,000-year old city that was declared a world heritage site in 1987isis thugs recorded on ladders using hammers and ak-47s to smash down historic relics on the ancient wallsthe fanatics claim relics are ` false idols ' which promote idolatry that violate their interpretation of islamic lawauthorities also believe they have been sold on the black market by the terrorist group to fund their atrocities\n", + "[1.4782603 1.4378567 1.1377926 1.4724541 1.222336 1.0746645 1.0655636\n", + " 1.052775 1.1320741 1.1126493 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 8 9 5 6 7 18 10 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"referee mark clattenburg has been named to take charge of the manchester derby on sunday , despite having sent off three players from united and city this season .city captain vincent kompany was dismissed for two bookable offences during belgium 's narrow 1-0 defeat of israel in their euro 2016 qualifier on march 31 , meaning he is now suspended for the match against wales in june .clattenburg will be joined on sunday by assistants simon beck and jake collin , while jonathan moss will serve as the fourth official .\"]\n", + "=======================\n", + "['manchester united host manchester city in premier league on sundaymark clattenburg has been named as the manchester derby refereeofficial sent off vincent kompany for belgium and both his red cards shown in the league this season have been to united players']\n", + "referee mark clattenburg has been named to take charge of the manchester derby on sunday , despite having sent off three players from united and city this season .city captain vincent kompany was dismissed for two bookable offences during belgium 's narrow 1-0 defeat of israel in their euro 2016 qualifier on march 31 , meaning he is now suspended for the match against wales in june .clattenburg will be joined on sunday by assistants simon beck and jake collin , while jonathan moss will serve as the fourth official .\n", + "manchester united host manchester city in premier league on sundaymark clattenburg has been named as the manchester derby refereeofficial sent off vincent kompany for belgium and both his red cards shown in the league this season have been to united players\n", + "[1.2481014 1.430576 1.1453637 1.3611183 1.0747429 1.1516078 1.1114895\n", + " 1.0481318 1.148791 1.1148921 1.1301248 1.0376003 1.0370233 1.1322837\n", + " 1.017131 1.0107102 1.0171487 1.0130795 1.0535985 0. ]\n", + "\n", + "[ 1 3 0 5 8 2 13 10 9 6 4 18 7 11 12 16 14 17 15 19]\n", + "=======================\n", + "[\"the labour leader used a speech to say he will ` abolish ' the 200-year-old rule for non-doms , which applies to around 116,000 people , claiming they make britain an ` offshore tax haven for a few ' and can ` no longer be justified ' .ed miliband has pledged to scrap the controversial ` non-dom ' status which allows millionaires to reduce their tax biled miliband 's claim to crackdown on the super-rich unravelled today after it emerged ed balls has warned the idea of scrapping non-dom rules would cost the country money .\"]\n", + "=======================\n", + "[\"ed miliband will today pledge to scrap the controversial ` non-dom ' statusthe rule allows britain 's richest to avoid uk tax on their worldwide incomelabour will claim it 's open to abuse and offends the moral basis of taxationbut critics will say it is another example of labour 's anti-business agenda\"]\n", + "the labour leader used a speech to say he will ` abolish ' the 200-year-old rule for non-doms , which applies to around 116,000 people , claiming they make britain an ` offshore tax haven for a few ' and can ` no longer be justified ' .ed miliband has pledged to scrap the controversial ` non-dom ' status which allows millionaires to reduce their tax biled miliband 's claim to crackdown on the super-rich unravelled today after it emerged ed balls has warned the idea of scrapping non-dom rules would cost the country money .\n", + "ed miliband will today pledge to scrap the controversial ` non-dom ' statusthe rule allows britain 's richest to avoid uk tax on their worldwide incomelabour will claim it 's open to abuse and offends the moral basis of taxationbut critics will say it is another example of labour 's anti-business agenda\n", + "[1.1007053 1.1920812 1.0463525 1.0396173 1.1060417 1.0707285 1.1365657\n", + " 1.0618877 1.079891 1.1254302 1.0598104 1.0659807 1.0698085 1.0464019\n", + " 1.06664 1.0204589 1.0631964 1.0946331 1.2255441 1.0763701]\n", + "\n", + "[18 1 6 9 4 0 17 8 19 5 12 14 11 16 7 10 13 2 3 15]\n", + "=======================\n", + "['the global slavery index says nigeria has the highest number of people in modern slavery of any sub-saharan country .the man on the phone was offering us young children with the casualness of a market trader .we were told he was one of the men running this \" unofficial \" displaced camp -- one of the many that has mushroomed in the town of yola as the influx of people fleeing boko haram has grown beyond the capacity of the official camps .']\n", + "=======================\n", + "['cnn team finds a man at \" unofficial \" displaced camp willing to provide children to be \" fostered \"he says he ca n\\'t take money for them , but eventually demands $ 500 for two girls']\n", + "the global slavery index says nigeria has the highest number of people in modern slavery of any sub-saharan country .the man on the phone was offering us young children with the casualness of a market trader .we were told he was one of the men running this \" unofficial \" displaced camp -- one of the many that has mushroomed in the town of yola as the influx of people fleeing boko haram has grown beyond the capacity of the official camps .\n", + "cnn team finds a man at \" unofficial \" displaced camp willing to provide children to be \" fostered \"he says he ca n't take money for them , but eventually demands $ 500 for two girls\n", + "[1.5247817 1.3846684 1.3054243 1.2678473 1.1330812 1.0646536 1.0216309\n", + " 1.0121726 1.3336103 1.0354251 1.0113113 1.0124776 1.2198299 1.1104213\n", + " 1.0413464 1.0353043 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 8 2 3 12 4 13 5 14 9 15 6 11 7 10 16 17 18 19 20 21]\n", + "=======================\n", + "[\"frankie dettori will be left to focus on the british flat season this summer after boss sheik joaan al thani signed up gregory benoist to ride the horses which race under his al shaqab banner in france .the only exception will be sheik joaan 's dual arc winner treve , who will continue to be partnered by veteran thierry jarnet .benoist is the only jockey to have ridden elie lellouche-trained ectot , who was unplaced for al shaqab in last year 's arc having gone into the race one of the leading fancies having won the prix niel .\"]\n", + "=======================\n", + "['frankie dettori to focus on the british flat racing season this summergregory benoist chosen to ride in france by sheik joaan al thaniap mccoy will ride his last scottish grand national on benovillo on friday']\n", + "frankie dettori will be left to focus on the british flat season this summer after boss sheik joaan al thani signed up gregory benoist to ride the horses which race under his al shaqab banner in france .the only exception will be sheik joaan 's dual arc winner treve , who will continue to be partnered by veteran thierry jarnet .benoist is the only jockey to have ridden elie lellouche-trained ectot , who was unplaced for al shaqab in last year 's arc having gone into the race one of the leading fancies having won the prix niel .\n", + "frankie dettori to focus on the british flat racing season this summergregory benoist chosen to ride in france by sheik joaan al thaniap mccoy will ride his last scottish grand national on benovillo on friday\n", + "[1.2111819 1.4252279 1.1836371 1.4029872 1.1552113 1.0541164 1.1599411\n", + " 1.0383825 1.0484406 1.112975 1.0194829 1.0360143 1.0390602 1.0241883\n", + " 1.0751601 1.0745268 1.0190128 1.0188916 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 2 6 4 9 14 15 5 8 12 7 11 13 10 16 17 18 19 20 21]\n", + "=======================\n", + "[\"after o'shae smith told judge lila statom that he shot a rival gang member for being ` in his hood ' , she had no problem telling him the area did n't actually belong to him .statom said she wanted to show smith he was n't ` in control everywhere ' .statom had a personal connection to the area that has been ravaged with gang violence , and told smith ` it used to be a very nice place to live ' .\"]\n", + "=======================\n", + "[\"o'shae smith told judge lila statom that he shot a rival gang member for being ` in his hood ' last monthstatom told him east court lakes , the housing project where the shooting took place , belonged only to the hard-working people who live therethe chattanooga area has been ravaged by gang violencestatom said she wanted to show smith that the courtroom was an area he could n't intimidate or control\"]\n", + "after o'shae smith told judge lila statom that he shot a rival gang member for being ` in his hood ' , she had no problem telling him the area did n't actually belong to him .statom said she wanted to show smith he was n't ` in control everywhere ' .statom had a personal connection to the area that has been ravaged with gang violence , and told smith ` it used to be a very nice place to live ' .\n", + "o'shae smith told judge lila statom that he shot a rival gang member for being ` in his hood ' last monthstatom told him east court lakes , the housing project where the shooting took place , belonged only to the hard-working people who live therethe chattanooga area has been ravaged by gang violencestatom said she wanted to show smith that the courtroom was an area he could n't intimidate or control\n", + "[1.1864645 1.3965596 1.2552547 1.3143882 1.2012858 1.1204093 1.0388252\n", + " 1.0899384 1.0328822 1.1021515 1.1379672 1.1077676 1.13221 1.0986804\n", + " 1.0594304 1.049116 1.08752 1.0241202 1.0260736 1.0307767 1.0240579\n", + " 1.0108007]\n", + "\n", + "[ 1 3 2 4 0 10 12 5 11 9 13 7 16 14 15 6 8 19 18 17 20 21]\n", + "=======================\n", + "[\"misao okawa was surrounded by her family and staff at her nursing home in osaka , japan , as she died of heart failure on april 1 .born on march 5 , 1898 , the great-grandmother had lived through two world wars , the invention of the television and the first successful powered aeroplane flight by the wright brothers .the world 's oldest person has died a few weeks after celebrating her 117th birthday - after saying her life seemed ` rather short ' .\"]\n", + "=======================\n", + "[\"misao okawa died peacefully in her nursing home , surrounding by familyborn in 1898 , great-grandmother celebrated her 117th birthday on march 5gertrude weaver , 116 , from arkansas , usa , now world 's oldest person\"]\n", + "misao okawa was surrounded by her family and staff at her nursing home in osaka , japan , as she died of heart failure on april 1 .born on march 5 , 1898 , the great-grandmother had lived through two world wars , the invention of the television and the first successful powered aeroplane flight by the wright brothers .the world 's oldest person has died a few weeks after celebrating her 117th birthday - after saying her life seemed ` rather short ' .\n", + "misao okawa died peacefully in her nursing home , surrounding by familyborn in 1898 , great-grandmother celebrated her 117th birthday on march 5gertrude weaver , 116 , from arkansas , usa , now world 's oldest person\n", + "[1.094531 1.3472433 1.2332133 1.1267034 1.1252567 1.2734337 1.0875541\n", + " 1.1482153 1.0866189 1.1359605 1.0661991 1.0732983 1.0944799 1.0722266\n", + " 1.0317411 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 5 2 7 9 3 4 0 12 6 8 11 13 10 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "['the extravagant device is made with 24 karat gold , rose gold or platinum and your choice of strap - including python skin .the watches are the latest expensive gift from luxury electronics firm goldgenie and are part of their apple watch spectrum collection .and one version of the extravagant watch is also adorned with a one carat diamond plus hundreds of other smaller diamonds in the strap .']\n", + "=======================\n", + "[\"london-based firm has unveiled its luxury brand of apple watchesthe expensive devices are made with 24 karat gold , rose gold or platinumothers are encrusted with diamonds and have python or crocodile skinprices range from a ` modest ' # 2,000 ( $ 3,000 ) to # 120,000 ( $ 177,000 )\"]\n", + "the extravagant device is made with 24 karat gold , rose gold or platinum and your choice of strap - including python skin .the watches are the latest expensive gift from luxury electronics firm goldgenie and are part of their apple watch spectrum collection .and one version of the extravagant watch is also adorned with a one carat diamond plus hundreds of other smaller diamonds in the strap .\n", + "london-based firm has unveiled its luxury brand of apple watchesthe expensive devices are made with 24 karat gold , rose gold or platinumothers are encrusted with diamonds and have python or crocodile skinprices range from a ` modest ' # 2,000 ( $ 3,000 ) to # 120,000 ( $ 177,000 )\n", + "[1.3999087 1.2201096 1.3318048 1.3759619 1.3144009 1.2517614 1.082836\n", + " 1.0313516 1.0519408 1.0224608 1.0330282 1.0355442 1.0199331 1.0425897\n", + " 1.1169499 1.0699162 1.0309117 1.0461894 1.0197579 1.010127 1.0121201\n", + " 0. ]\n", + "\n", + "[ 0 3 2 4 5 1 14 6 15 8 17 13 11 10 7 16 9 12 18 20 19 21]\n", + "=======================\n", + "['george osborne said he wanted to see half a million first time buyers get on the housing ladder every yearhe pledged to double the number of people buying their first home using government help-to-by schemes .since 2010 there have been 1.2 million first-time purchases and mr osborne wants at least 2.4 million more over the next five years .']\n", + "=======================\n", + "['chancellor pledged to double the number of people buying their first homesince 2010 there have been 1.2 million first-time buyers getting first homesmr osborne wants at least 2.4 million more over the next five years']\n", + "george osborne said he wanted to see half a million first time buyers get on the housing ladder every yearhe pledged to double the number of people buying their first home using government help-to-by schemes .since 2010 there have been 1.2 million first-time purchases and mr osborne wants at least 2.4 million more over the next five years .\n", + "chancellor pledged to double the number of people buying their first homesince 2010 there have been 1.2 million first-time buyers getting first homesmr osborne wants at least 2.4 million more over the next five years\n", + "[1.2199348 1.4882444 1.3851452 1.2689039 1.3509386 1.1635965 1.0504748\n", + " 1.0253426 1.037348 1.0415064 1.0193921 1.0405846 1.1070108 1.1810256\n", + " 1.0638204 1.0530276 1.015396 1.0852358 1.0337883 1.021244 ]\n", + "\n", + "[ 1 2 4 3 0 13 5 12 17 14 15 6 9 11 8 18 7 19 10 16]\n", + "=======================\n", + "['bradley parkes was discovered hanging in the woods with a suicide note saying taking his own life was easier than what he was going through .his mother tiffany , 35 , shared a picture of her son in hospital and said he had been tormented for months by a gang of teenagers in coventry .schoolboy bradley parkes , 16 , is fighting for his life in a coma after a suicide attempt .']\n", + "=======================\n", + "['schoolboy bradley parkes , 16 , is fighting for his life in a coma in hospitalhe was discovered hanging in the woods in coventry with a suicide notemother , 35 , said he had been bullied and terrorised by a gang for monthsshe claimed her son was robbed at knifepoint and slashed in the face']\n", + "bradley parkes was discovered hanging in the woods with a suicide note saying taking his own life was easier than what he was going through .his mother tiffany , 35 , shared a picture of her son in hospital and said he had been tormented for months by a gang of teenagers in coventry .schoolboy bradley parkes , 16 , is fighting for his life in a coma after a suicide attempt .\n", + "schoolboy bradley parkes , 16 , is fighting for his life in a coma in hospitalhe was discovered hanging in the woods in coventry with a suicide notemother , 35 , said he had been bullied and terrorised by a gang for monthsshe claimed her son was robbed at knifepoint and slashed in the face\n", + "[1.2999299 1.2996747 1.2341118 1.2256234 1.1699183 1.0721967 1.1029179\n", + " 1.1521075 1.1411058 1.0421027 1.0782185 1.0580568 1.0403587 1.0438589\n", + " 1.0308572 1.0429554 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 7 8 6 10 5 11 13 15 9 12 14 18 16 17 19]\n", + "=======================\n", + "['leaks from the investigation into shamed newsman brian williams were given to the press to pressure him into resignation , a report claims .news broke this weekend that the committee investigating the nbc star found he lied in his reporting to make himself look good at least 11 times .the leaked information , along a report that williams lied during an interview on the daily show with jon stewart , is designed to make the disgraced anchor negotiate an exit from his network , according to media executives .']\n", + "=======================\n", + "['former face of nightly news was suspended for lying about iraq reportdetails from investigative team memo to nbc ceo revealed that he is thought to have lied about his experiences at least eleven timesinclude seemingly overblown claims about reporting on the arab springinfo leaked to press this weekend thought to be effort to pressure him outmedia insiders say he would receive between $ 20million and $ 30million']\n", + "leaks from the investigation into shamed newsman brian williams were given to the press to pressure him into resignation , a report claims .news broke this weekend that the committee investigating the nbc star found he lied in his reporting to make himself look good at least 11 times .the leaked information , along a report that williams lied during an interview on the daily show with jon stewart , is designed to make the disgraced anchor negotiate an exit from his network , according to media executives .\n", + "former face of nightly news was suspended for lying about iraq reportdetails from investigative team memo to nbc ceo revealed that he is thought to have lied about his experiences at least eleven timesinclude seemingly overblown claims about reporting on the arab springinfo leaked to press this weekend thought to be effort to pressure him outmedia insiders say he would receive between $ 20million and $ 30million\n", + "[1.3100159 1.2935516 1.3046871 1.3505092 1.1613326 1.0817195 1.0850853\n", + " 1.1058737 1.0579017 1.0599314 1.0577272 1.0662415 1.0732329 1.041694\n", + " 1.0318666 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 1 4 7 6 5 12 11 9 8 10 13 14 18 15 16 17 19]\n", + "=======================\n", + "[\"a superior court judge in north carolina ruled on monday that craig hicks is ` death penalty qualified ' after he was charged with first-degree murder in the killing of three muslim college studentsprosecutors said hicks confessed and was arrested with the murder weapon .the victims ' families are adamant that they were targeted because they were muslims and have pushed for hate-crime charges .\"]\n", + "=======================\n", + "[\"a superior court judge in north carolina ruled on monday that craig hicks is ` death penalty qualified 'he has been charged with first-degree murder in the killing of three muslim college students on february 10his victims were deah shaddy barakat , 23 , his wife , yusor mohammad abu-salha , 21 , and her sister , razan mohammad abu-salha , 19the victims ' families are adamant that they were targeted because they were muslims and have pushed for hate-crime charges\"]\n", + "a superior court judge in north carolina ruled on monday that craig hicks is ` death penalty qualified ' after he was charged with first-degree murder in the killing of three muslim college studentsprosecutors said hicks confessed and was arrested with the murder weapon .the victims ' families are adamant that they were targeted because they were muslims and have pushed for hate-crime charges .\n", + "a superior court judge in north carolina ruled on monday that craig hicks is ` death penalty qualified 'he has been charged with first-degree murder in the killing of three muslim college students on february 10his victims were deah shaddy barakat , 23 , his wife , yusor mohammad abu-salha , 21 , and her sister , razan mohammad abu-salha , 19the victims ' families are adamant that they were targeted because they were muslims and have pushed for hate-crime charges\n", + "[1.4100183 1.2228754 1.4856992 1.344564 1.0929931 1.0855857 1.0361142\n", + " 1.1113172 1.055445 1.0223588 1.0696691 1.144453 1.0243268 1.0107636\n", + " 1.0186137 1.1093408 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 1 11 7 15 4 5 10 8 6 12 9 14 13 18 16 17 19]\n", + "=======================\n", + "['the suspect , 36-year-old mario valencia , survived and was hospitalized before being criminally charged .marana police chief terry rozema was asked wednesday on cnn \\'s \" new day \" whether police were fortunate that valencia did n\\'t die .video of the incident , recorded february 19 by the dashboard cameras of two marana police cars , shows one of the cars running into a suspect with who had a rifle in the city about a half hour from tucson .']\n", + "=======================\n", + "['chief tells cnn that deadly force was warrantedchief : if suspect ended up shooting people , police would be answering different questionsincident happened february 19 in town near tucson , arizona']\n", + "the suspect , 36-year-old mario valencia , survived and was hospitalized before being criminally charged .marana police chief terry rozema was asked wednesday on cnn 's \" new day \" whether police were fortunate that valencia did n't die .video of the incident , recorded february 19 by the dashboard cameras of two marana police cars , shows one of the cars running into a suspect with who had a rifle in the city about a half hour from tucson .\n", + "chief tells cnn that deadly force was warrantedchief : if suspect ended up shooting people , police would be answering different questionsincident happened february 19 in town near tucson , arizona\n", + "[1.2072982 1.4490571 1.239665 1.0759946 1.0888461 1.0585041 1.1368675\n", + " 1.0681758 1.154688 1.0895301 1.0472078 1.0389915 1.0184604 1.1358068\n", + " 1.1379144 1.0805664 1.0604362 1.0985351 0. 0. ]\n", + "\n", + "[ 1 2 0 8 14 6 13 17 9 4 15 3 7 16 5 10 11 12 18 19]\n", + "=======================\n", + "[\"a french model starring in a television film for garnier is filmed and photographed as she ` ages ' an average of five years throughout a typical working day .the parisian public observe her appearance and proceed to judge her as older - from as young as 26 to as old as 40 - as the day progresses .harking back to uk transformation show 10 years younger , people on the street are asked to guess a woman 's age in a bold new advert .\"]\n", + "=======================\n", + "[\"french actress is filmed , photographed and judged as she ` ages 'mother-of-two is followed throughout her day showing effects of fatiguepublic guess her age based on photos to promote new garnier face cream\"]\n", + "a french model starring in a television film for garnier is filmed and photographed as she ` ages ' an average of five years throughout a typical working day .the parisian public observe her appearance and proceed to judge her as older - from as young as 26 to as old as 40 - as the day progresses .harking back to uk transformation show 10 years younger , people on the street are asked to guess a woman 's age in a bold new advert .\n", + "french actress is filmed , photographed and judged as she ` ages 'mother-of-two is followed throughout her day showing effects of fatiguepublic guess her age based on photos to promote new garnier face cream\n", + "[1.3109301 1.1093963 1.1070058 1.1230267 1.1830162 1.1617355 1.0660557\n", + " 1.0704103 1.0662578 1.0377996 1.0458678 1.0855411 1.0540183 1.0515058\n", + " 1.0672601 1.0477811 1.0405163 1.0518336 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 4 5 3 1 2 11 7 14 8 6 12 17 13 15 10 16 9 18 19 20 21 22 23]\n", + "=======================\n", + "['( cnn ) hillary clinton is now officially a candidate for president -- and the never ending clinton story rumbles on .and if hillary or jeb were to win two presidential terms , then in the 44 years from 1981 to 2025 , 28 will have had a clinton or a bush in the white house .the great american republic now looks about as democratic as \" game of thrones . \"']\n", + "=======================\n", + "[\"timothy stanley : hillary clinton running for president , but it 's not clear what she stands for .he says democrats who call for reform offer only hillary clinton .\"]\n", + "( cnn ) hillary clinton is now officially a candidate for president -- and the never ending clinton story rumbles on .and if hillary or jeb were to win two presidential terms , then in the 44 years from 1981 to 2025 , 28 will have had a clinton or a bush in the white house .the great american republic now looks about as democratic as \" game of thrones . \"\n", + "timothy stanley : hillary clinton running for president , but it 's not clear what she stands for .he says democrats who call for reform offer only hillary clinton .\n", + "[1.3109688 1.3000189 1.3362199 1.1120579 1.1416844 1.1624224 1.1880668\n", + " 1.1208017 1.0623006 1.0307562 1.0629327 1.0987104 1.131464 1.125653\n", + " 1.1153926 1.1012139 1.0506094 1.0117131 1.083607 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 6 5 4 12 13 7 14 3 15 11 18 10 8 16 9 17 19 20 21 22 23]\n", + "=======================\n", + "[\"hendry , 49 , rowed with his then girlfriend sarah kinder before embarking on a drinking session which led to him driving through lytham st annes , lancashire , where he was seen speeding , a court heard .colin hendry appears at blackpool magistrates ' court where he admitted a drink driving chargeformer scotland captain colin hendry has been banned from driving after he was caught drunk at the wheel of his ford focus .\"]\n", + "=======================\n", + "['hendry , 49 , was almost twice the limit for alcohol when he was stoppedcourt heard he had rowed with his beauty therapist girlfriend sarah kinderhe was seen driving at up to 50mph in a 30mph zone by a police officerbanned and ordered to pay a total of # 330 - but asked for time to complyformer defender was made bankrupt in 2010 owing millions']\n", + "hendry , 49 , rowed with his then girlfriend sarah kinder before embarking on a drinking session which led to him driving through lytham st annes , lancashire , where he was seen speeding , a court heard .colin hendry appears at blackpool magistrates ' court where he admitted a drink driving chargeformer scotland captain colin hendry has been banned from driving after he was caught drunk at the wheel of his ford focus .\n", + "hendry , 49 , was almost twice the limit for alcohol when he was stoppedcourt heard he had rowed with his beauty therapist girlfriend sarah kinderhe was seen driving at up to 50mph in a 30mph zone by a police officerbanned and ordered to pay a total of # 330 - but asked for time to complyformer defender was made bankrupt in 2010 owing millions\n", + "[1.1914876 1.4812255 1.2375964 1.3762447 1.2074808 1.1276284 1.1290518\n", + " 1.0927948 1.1063954 1.0684695 1.0307513 1.015729 1.0262039 1.0160989\n", + " 1.022104 1.1426616 1.1085247 1.013012 1.0142417 1.0105407 1.0110964\n", + " 1.0105866 1.0094107 1.0117608]\n", + "\n", + "[ 1 3 2 4 0 15 6 5 16 8 7 9 10 12 14 13 11 18 17 23 20 21 19 22]\n", + "=======================\n", + "[\"the prime minister has revealed eldest daughter nancy has taken to likening her father to phil dunphy , the embarrassing dad from us hit sitcom modern family .he admits the comparison is ` not great ' , with even his fashion getting the thumbs down from the 11-year-old .now in its sixth series , modern family is one of the biggest sitcoms to come out of american since friends\"]\n", + "=======================\n", + "[\"prime minister reveals 11-year-old daughter 's withering comparisonphil dunphy is the hapless father loved for his bizarre pearls of wisdomnancy threatens a no. 10 memoir including how she was left in a pub\"]\n", + "the prime minister has revealed eldest daughter nancy has taken to likening her father to phil dunphy , the embarrassing dad from us hit sitcom modern family .he admits the comparison is ` not great ' , with even his fashion getting the thumbs down from the 11-year-old .now in its sixth series , modern family is one of the biggest sitcoms to come out of american since friends\n", + "prime minister reveals 11-year-old daughter 's withering comparisonphil dunphy is the hapless father loved for his bizarre pearls of wisdomnancy threatens a no. 10 memoir including how she was left in a pub\n", + "[1.3150493 1.4442574 1.2255313 1.2755437 1.1258614 1.129814 1.0772316\n", + " 1.1220337 1.1630139 1.1165065 1.0558311 1.0471894 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 8 5 4 7 9 6 10 11 12 13 14 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"the unnamed child from medina , ohio , gave out $ 100 notes in the classroom before going to a friend 's house after school , where he also showered adults with cash , police said .a 13-year-old boy allegedly stole a $ 25,000 stack of cash from his own grandfather and handed out wads of notes to his school friends .the group of friends then reportedly went on a shopping spree after the mass giveaway , which began last wednesday at the town 's claggett middle school .\"]\n", + "=======================\n", + "[\"unnamed child from medina , ohio , allegedly swiped cash from bedside tablepolice say he handed out $ 100 notes at school , then at a friend 's housealso gave money to children 's parents , who took them on spending spreeafter authorities found out , some $ 7,000 of the stash has been recoveredprosecutors say charges will soon be filed in the case\"]\n", + "the unnamed child from medina , ohio , gave out $ 100 notes in the classroom before going to a friend 's house after school , where he also showered adults with cash , police said .a 13-year-old boy allegedly stole a $ 25,000 stack of cash from his own grandfather and handed out wads of notes to his school friends .the group of friends then reportedly went on a shopping spree after the mass giveaway , which began last wednesday at the town 's claggett middle school .\n", + "unnamed child from medina , ohio , allegedly swiped cash from bedside tablepolice say he handed out $ 100 notes at school , then at a friend 's housealso gave money to children 's parents , who took them on spending spreeafter authorities found out , some $ 7,000 of the stash has been recoveredprosecutors say charges will soon be filed in the case\n", + "[1.4462229 1.2448661 1.3932858 1.2487311 1.1422949 1.2337465 1.0407461\n", + " 1.0153968 1.0345955 1.0800503 1.0592147 1.0111936 1.1146215 1.0590283\n", + " 1.1744564 1.1018744 1.0185269 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 5 14 4 12 15 9 10 13 6 8 16 7 11 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"four-year-old james hayward had his toy gun confiscated at east midlands airportbut security officers , who were described as ` over-zealous ' by the boy 's father , then took exception to james 's harmless toy when it was picked up on the system 's x-ray machines .a four-year-old boy was frisked by airport security and then forced to hand over his plastic nerf gun after it was deemed a security risk .\"]\n", + "=======================\n", + "[\"james hayward was flying with parents phil and hazel to lanzarotebut x-ray machine picked out his nerf toy gun on security scanfour-year-old was then patted down and forced to hand over toyairport insist they have offered to post the item back to boy 's home in doncaster , south yorkshire\"]\n", + "four-year-old james hayward had his toy gun confiscated at east midlands airportbut security officers , who were described as ` over-zealous ' by the boy 's father , then took exception to james 's harmless toy when it was picked up on the system 's x-ray machines .a four-year-old boy was frisked by airport security and then forced to hand over his plastic nerf gun after it was deemed a security risk .\n", + "james hayward was flying with parents phil and hazel to lanzarotebut x-ray machine picked out his nerf toy gun on security scanfour-year-old was then patted down and forced to hand over toyairport insist they have offered to post the item back to boy 's home in doncaster , south yorkshire\n", + "[1.0672088 1.3420656 1.4782739 1.2568582 1.3205515 1.1327598 1.0516175\n", + " 1.0321167 1.1359143 1.034657 1.013613 1.0141472 1.1425751 1.0862858\n", + " 1.0988133 1.0834928 1.0682768 1.0175974]\n", + "\n", + "[ 2 1 4 3 12 8 5 14 13 15 16 0 6 9 7 17 11 10]\n", + "=======================\n", + "['the 34-year-old left her home in san diego , california , when she was given a cal 40 sailboat on the condition that she sail the globe and document her travels .ten years ago , bartender liz clark did just that when she swapped cleaning glasses for sailing around the world .liz , who studied environmental studies at the university of california in santa barbara , jumped at the chance to discover the world']\n", + "=======================\n", + "['liz clark , 34 , was working as a bartender in her hometown of san diego , californiabut a professor suggested she use his boat to live out her dream and sail around the worldten years later , liz is determined to continue her adventure , although she admits it can be lonelyshe sails alone in a cal 40 sailboat , and has travelled about 25,000 nautical miles to date']\n", + "the 34-year-old left her home in san diego , california , when she was given a cal 40 sailboat on the condition that she sail the globe and document her travels .ten years ago , bartender liz clark did just that when she swapped cleaning glasses for sailing around the world .liz , who studied environmental studies at the university of california in santa barbara , jumped at the chance to discover the world\n", + "liz clark , 34 , was working as a bartender in her hometown of san diego , californiabut a professor suggested she use his boat to live out her dream and sail around the worldten years later , liz is determined to continue her adventure , although she admits it can be lonelyshe sails alone in a cal 40 sailboat , and has travelled about 25,000 nautical miles to date\n", + "[1.2225473 1.342237 1.16441 1.1413916 1.1452731 1.3348148 1.1555566\n", + " 1.0538733 1.0986972 1.0667479 1.1188855 1.1103141 1.1191653 1.0582782\n", + " 1.0530592 1.0542997 1.0564913 0. ]\n", + "\n", + "[ 1 5 0 2 6 4 3 12 10 11 8 9 13 16 15 7 14 17]\n", + "=======================\n", + "['the clip shows the very moment the helmet camera becomes detached and makes its dizzying descent back to earth .the video was taken of a routine skydive in everöd , sweden and recorded on the helmet of one of the diversthis extraordinary video - captured when a skydiver dropped his gopro camera at 10,000 ft - shows what it is like to freefall to the ground .']\n", + "=======================\n", + "['clip shows moment helmet camera becomes detached and falls to earthremarkably , the camera remains intact despite plummeting from 10,000 ftwas found in a meadow in gringelstad , sweden , and returned to its owner']\n", + "the clip shows the very moment the helmet camera becomes detached and makes its dizzying descent back to earth .the video was taken of a routine skydive in everöd , sweden and recorded on the helmet of one of the diversthis extraordinary video - captured when a skydiver dropped his gopro camera at 10,000 ft - shows what it is like to freefall to the ground .\n", + "clip shows moment helmet camera becomes detached and falls to earthremarkably , the camera remains intact despite plummeting from 10,000 ftwas found in a meadow in gringelstad , sweden , and returned to its owner\n", + "[1.4436044 1.1921338 1.2212113 1.1308507 1.0720686 1.2042118 1.0638809\n", + " 1.0993142 1.2586013 1.0934789 1.0496904 1.0282204 1.036555 1.0932435\n", + " 1.0182405 1.035471 1.0669369 1.0390465]\n", + "\n", + "[ 0 8 2 5 1 3 7 9 13 4 16 6 10 17 12 15 11 14]\n", + "=======================\n", + "[\"new york ( cnn ) a new york police department detective apologized friday for an angry exchange with an uber driver that was caught on video and landed him on modified assignment .cherry , an nypd detective assigned to the fbi 's joint terrorism task force with top-secret security clearance , faces suspension , reassignment or loss of his clearance after the video of the altercation went viral .the altercation began monday when the uber driver gestured to a detective in an unmarked car to use his blinker after he was allegedly attempting to park without using it , according to sanjay seth , a passenger in the car who uploaded the video to youtube .\"]\n", + "=======================\n", + "['detective : \" i sincerely apologize \" for berating uber drivernypd investigating encounter that was caught on tape by passengerdetective placed on modified assignment']\n", + "new york ( cnn ) a new york police department detective apologized friday for an angry exchange with an uber driver that was caught on video and landed him on modified assignment .cherry , an nypd detective assigned to the fbi 's joint terrorism task force with top-secret security clearance , faces suspension , reassignment or loss of his clearance after the video of the altercation went viral .the altercation began monday when the uber driver gestured to a detective in an unmarked car to use his blinker after he was allegedly attempting to park without using it , according to sanjay seth , a passenger in the car who uploaded the video to youtube .\n", + "detective : \" i sincerely apologize \" for berating uber drivernypd investigating encounter that was caught on tape by passengerdetective placed on modified assignment\n", + "[1.1023545 1.2534229 1.3403405 1.318286 1.2708197 1.1998858 1.1505383\n", + " 1.044973 1.0248638 1.0984176 1.0736414 1.0580264 1.0402038 1.083244\n", + " 1.0859392 1.015138 1.044461 0. ]\n", + "\n", + "[ 2 3 4 1 5 6 0 9 14 13 10 11 7 16 12 8 15 17]\n", + "=======================\n", + "['in a study they found that the reverberations of sound help us locate the distance of , for example , a car passing round a bend or a person nearby .scientists at the university of connecticut say we know how far away the source of a sound is by listening to the echoes it produces ( stock image shown ) .now experts say that even a small bone in their ears are dissimilar to one in modern humans , raising the prospect that our extinct ancient relatives heard differently to us too .']\n", + "=======================\n", + "['university of connecticut study reveals how we can measure distancesthey said that listening to echoes tells us how far something itwhen a sound is close the differences in max and min volume are obviousbut when it is distant , our neurons fire less , and we know it is further away']\n", + "in a study they found that the reverberations of sound help us locate the distance of , for example , a car passing round a bend or a person nearby .scientists at the university of connecticut say we know how far away the source of a sound is by listening to the echoes it produces ( stock image shown ) .now experts say that even a small bone in their ears are dissimilar to one in modern humans , raising the prospect that our extinct ancient relatives heard differently to us too .\n", + "university of connecticut study reveals how we can measure distancesthey said that listening to echoes tells us how far something itwhen a sound is close the differences in max and min volume are obviousbut when it is distant , our neurons fire less , and we know it is further away\n", + "[1.3786811 1.3322093 1.1707106 1.2562376 1.1065329 1.0716689 1.0489677\n", + " 1.0776047 1.0794148 1.0889308 1.0920047 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 10 9 8 7 5 6 16 11 12 13 14 15 17]\n", + "=======================\n", + "[\"prince harry is headed for his final tour of duty in the elite sas headquarters in perth , western australia where the soldier who claims to have shot the taliban warlord who was intent on killing the royal heir works as a training commander .mark donaldson is one of australia 's most highly decorated soldiers , one of the very few to have been awarded the nation 's highest military honour , the victoria cross , for his bravery in afghanistan .targeted by the taliban : a taliban warlord codenamed javelin targeted prince harry on his first tour of afghanistan and in 2012 warlords again threatened to ` eliminate ' the prince\"]\n", + "=======================\n", + "[\"prince harry arrives in australia next monday ahead of four-week stayhe will fulfill a dream by training with the elite sas regiment in perthwar hero and vc winner mark donaldson is an sas trainer in perthdonaldson has written about how he saved the prince from the talibandonaldson and crack sas unit shot dead in 2009 a taliban warlord who boasted of killing prince harryprince will also go bush with indigenous norforce troopsthe royal said to be excited for ` challenging and hectic ' schedulethe trip is the last of prince harry 's military career before he retires\"]\n", + "prince harry is headed for his final tour of duty in the elite sas headquarters in perth , western australia where the soldier who claims to have shot the taliban warlord who was intent on killing the royal heir works as a training commander .mark donaldson is one of australia 's most highly decorated soldiers , one of the very few to have been awarded the nation 's highest military honour , the victoria cross , for his bravery in afghanistan .targeted by the taliban : a taliban warlord codenamed javelin targeted prince harry on his first tour of afghanistan and in 2012 warlords again threatened to ` eliminate ' the prince\n", + "prince harry arrives in australia next monday ahead of four-week stayhe will fulfill a dream by training with the elite sas regiment in perthwar hero and vc winner mark donaldson is an sas trainer in perthdonaldson has written about how he saved the prince from the talibandonaldson and crack sas unit shot dead in 2009 a taliban warlord who boasted of killing prince harryprince will also go bush with indigenous norforce troopsthe royal said to be excited for ` challenging and hectic ' schedulethe trip is the last of prince harry 's military career before he retires\n", + "[1.476666 1.5148785 1.1408451 1.4251164 1.099997 1.0901629 1.2322569\n", + " 1.0770893 1.051025 1.1365718 1.0433978 1.0125375 1.017215 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 6 2 9 4 5 7 8 10 12 11 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the cumbrians are without a win in five games in league two and are just two places and three points in the table above the relegation zone .carlisle united manager keith curle has launched a scathing attack on his side following their limp 3-1 defeat away at accrington stanley , even suggesting that some players ` do n't deserve to be professionals . 'carlisle were relegated from league one last season and have just five games left this term to avoid a similar fate .\"]\n", + "=======================\n", + "[\"carlisle slumped to a 3-1 defeat away at accrington stanleythe team 's poor performance prompted a scathing assessment from manager keith curle who suggested some of his squad were not fit for purposecarlisle are without a win in five games in league two and just two places above the relegation zonethe cumbrians were relegated from league one last season and are at a serious risk of dropping out of the football league entirely this term\"]\n", + "the cumbrians are without a win in five games in league two and are just two places and three points in the table above the relegation zone .carlisle united manager keith curle has launched a scathing attack on his side following their limp 3-1 defeat away at accrington stanley , even suggesting that some players ` do n't deserve to be professionals . 'carlisle were relegated from league one last season and have just five games left this term to avoid a similar fate .\n", + "carlisle slumped to a 3-1 defeat away at accrington stanleythe team 's poor performance prompted a scathing assessment from manager keith curle who suggested some of his squad were not fit for purposecarlisle are without a win in five games in league two and just two places above the relegation zonethe cumbrians were relegated from league one last season and are at a serious risk of dropping out of the football league entirely this term\n", + "[1.4777646 1.2333056 1.465167 1.2616093 1.1445619 1.0674685 1.0374498\n", + " 1.0196954 1.021573 1.1878077 1.0558372 1.0610131 1.0361689 1.0817147\n", + " 1.0834409 1.0462786 1.0200585 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 9 4 14 13 5 11 10 15 6 12 8 16 7 17 18 19 20]\n", + "=======================\n", + "[\"chamali fernando , candidate for cambridge , was speaking at a hustings event last night when she made the commentshe said wearing wristbands indicating a person 's condition would help doctors , lawyers and police officers -- because people suffering mental illnesses often struggled to explain themselves .a tory parliamentary candidate has sparked outrage after claiming mental health patients should wear coloured wristbands to flag up their conditions .\"]\n", + "=======================\n", + "[\"chamali fernando made comments at a hustings in cambridge last nightshe claimed wearing wristbands could help doctors , lawyers and policeher ` shocking ' suggestion was attacked by her political rivals todayms fernando insisted her comments had been taken out of contextnick clegg said the proposal would ` increase discrimination and stigma '\"]\n", + "chamali fernando , candidate for cambridge , was speaking at a hustings event last night when she made the commentshe said wearing wristbands indicating a person 's condition would help doctors , lawyers and police officers -- because people suffering mental illnesses often struggled to explain themselves .a tory parliamentary candidate has sparked outrage after claiming mental health patients should wear coloured wristbands to flag up their conditions .\n", + "chamali fernando made comments at a hustings in cambridge last nightshe claimed wearing wristbands could help doctors , lawyers and policeher ` shocking ' suggestion was attacked by her political rivals todayms fernando insisted her comments had been taken out of contextnick clegg said the proposal would ` increase discrimination and stigma '\n", + "[1.5218109 1.3133081 1.2444761 1.1347619 1.2077619 1.1351405 1.134396\n", + " 1.0620208 1.1014655 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 4 5 3 6 8 7 18 17 16 15 14 10 12 11 19 9 13 20]\n", + "=======================\n", + "['( cnn ) eleven channels associated with the french-language global television network tv5monde went black late wednesday due to an \" extremely powerful cyberattack , \" the network \\'s director said .in addition to its 11 channels , tv5monde also temporarily lost control of its social media outlets and its websites , director yves bigot said in a video message posted later on facebook .on a mobile site , which was still active , the network said it was \" hacked by an islamist group . \"']\n", + "=======================\n", + "['tv5monde went black late wednesday and was still out hours laterthe network blames an \" islamist group \" ; there \\'s no claim of responsibility']\n", + "( cnn ) eleven channels associated with the french-language global television network tv5monde went black late wednesday due to an \" extremely powerful cyberattack , \" the network 's director said .in addition to its 11 channels , tv5monde also temporarily lost control of its social media outlets and its websites , director yves bigot said in a video message posted later on facebook .on a mobile site , which was still active , the network said it was \" hacked by an islamist group . \"\n", + "tv5monde went black late wednesday and was still out hours laterthe network blames an \" islamist group \" ; there 's no claim of responsibility\n", + "[1.1382746 1.1326045 1.1691406 1.1118863 1.1364135 1.1016061 1.2137916\n", + " 1.1353933 1.02207 1.199134 1.0992476 1.0334812 1.0177125 1.0171345\n", + " 1.0203382 1.1448113 1.0664002 1.0145522 1.016197 1.0450683 1.0289937]\n", + "\n", + "[ 6 9 2 15 0 4 7 1 3 5 10 16 19 11 20 8 14 12 13 18 17]\n", + "=======================\n", + "[\"george osborne drinks a pint of somerset cider as he is interviewed by political editor simon walters at the cotley inn , near chard , somersetthe nadir came when the chancellor was booed at the paralympic games .there was little evidence his hardline ` austerity britain ' policies were working .\"]\n", + "=======================\n", + "[\"osborne sits down with the mail on sunday while on the campaign trailreveals how much has changed since he was booed at 2012 paralympicswarns britain will become an economic basket case under labourhits out at rival 's ` sanctimonious rubbish ' about standing up for the many\"]\n", + "george osborne drinks a pint of somerset cider as he is interviewed by political editor simon walters at the cotley inn , near chard , somersetthe nadir came when the chancellor was booed at the paralympic games .there was little evidence his hardline ` austerity britain ' policies were working .\n", + "osborne sits down with the mail on sunday while on the campaign trailreveals how much has changed since he was booed at 2012 paralympicswarns britain will become an economic basket case under labourhits out at rival 's ` sanctimonious rubbish ' about standing up for the many\n", + "[1.362764 1.2651627 1.3571296 1.3929038 1.09483 1.2352452 1.0347698\n", + " 1.0186357 1.0215521 1.0189738 1.0178161 1.0096283 1.017359 1.012829\n", + " 1.014474 1.0226134 1.0111833 1.012797 1.0197872 1.0294827 1.0287521]\n", + "\n", + "[ 3 0 2 1 5 4 6 19 20 15 8 18 9 7 10 12 14 13 17 16 11]\n", + "=======================\n", + "['the tv schedule for the final day of the season , sunday , may 24 , will be announced at a later date .the barclays premier league have announced the final set of televised fixtures for the 2014-15 season .chelsea vs liverpool on may 10 and manchester united vs arsenal on may 17 are arguably the standout games from the live batch .']\n", + "=======================\n", + "['final barclays premier league live tv matches announcedtwelve matches to be shown on sky sports in may , three on bt sportmanchester united vs arsenal moved to 4pm on sunday , may 17click here for the latest barclays premier league news']\n", + "the tv schedule for the final day of the season , sunday , may 24 , will be announced at a later date .the barclays premier league have announced the final set of televised fixtures for the 2014-15 season .chelsea vs liverpool on may 10 and manchester united vs arsenal on may 17 are arguably the standout games from the live batch .\n", + "final barclays premier league live tv matches announcedtwelve matches to be shown on sky sports in may , three on bt sportmanchester united vs arsenal moved to 4pm on sunday , may 17click here for the latest barclays premier league news\n", + "[1.2156099 1.3235881 1.3001062 1.3925462 1.1726794 1.0945951 1.0980911\n", + " 1.063354 1.1413488 1.0661584 1.015715 1.0918282 1.0694017 1.0432202\n", + " 1.0754875 1.0873637 1.042179 1.0556545 0. 0. ]\n", + "\n", + "[ 3 1 2 0 4 8 6 5 11 15 14 12 9 7 17 13 16 10 18 19]\n", + "=======================\n", + "['masood mansouri , 33 , from saltney , flintshire , is accused of kidnap , rape and sexual assaulta jury watched a distressing video interview in which the 20-year-old told officers how she flagged down a car belonging to iranian masood mansouri believing he was a taxi driver .but instead of taking her to a nightclub with her university friends , it is alleged the 33-year-old drove off without them and took her to his home where he sexually assaulted and raped her .']\n", + "=======================\n", + "[\"jury shown interview that woman gave police two days after alleged attackshe claimed that mansouri picked her up as she tried to hail cab in chesterwoman sent messages to friends saying she had been kidnapped and was ` literally scared ' as he drove her to his house , court heardmasood mansouri , 33 , from saltney , denies rape , kidnap and sexual assault\"]\n", + "masood mansouri , 33 , from saltney , flintshire , is accused of kidnap , rape and sexual assaulta jury watched a distressing video interview in which the 20-year-old told officers how she flagged down a car belonging to iranian masood mansouri believing he was a taxi driver .but instead of taking her to a nightclub with her university friends , it is alleged the 33-year-old drove off without them and took her to his home where he sexually assaulted and raped her .\n", + "jury shown interview that woman gave police two days after alleged attackshe claimed that mansouri picked her up as she tried to hail cab in chesterwoman sent messages to friends saying she had been kidnapped and was ` literally scared ' as he drove her to his house , court heardmasood mansouri , 33 , from saltney , denies rape , kidnap and sexual assault\n", + "[1.364716 1.1430144 1.3355697 1.4637694 1.1543652 1.0673772 1.0335579\n", + " 1.0742472 1.0641034 1.0530981 1.046212 1.0382837 1.0498619 1.086798\n", + " 1.0570489 1.0467747 1.0794228 1.0558145 1.0250953 1.0241662]\n", + "\n", + "[ 3 0 2 4 1 13 16 7 5 8 14 17 9 12 15 10 11 6 18 19]\n", + "=======================\n", + "[\"vanessa moe 's debut collection at mercedes benz fashion week australia featured plastic bag-like headweara selection of models charged down the runway in masks and headpieces that looked remarkably like sheets of plastic blowing against their faces .but unfortunately for the up-and-comer , her minimalist collection was outshone by her distracting choice of headwear for the models .\"]\n", + "=======================\n", + "['vanessa moe presented as part of the st george new generation showmodels walked runway with plastic moulds over their headsshow attendees appeared to be more transfixed with them than clothes']\n", + "vanessa moe 's debut collection at mercedes benz fashion week australia featured plastic bag-like headweara selection of models charged down the runway in masks and headpieces that looked remarkably like sheets of plastic blowing against their faces .but unfortunately for the up-and-comer , her minimalist collection was outshone by her distracting choice of headwear for the models .\n", + "vanessa moe presented as part of the st george new generation showmodels walked runway with plastic moulds over their headsshow attendees appeared to be more transfixed with them than clothes\n", + "[1.4519243 1.2033046 1.4424908 1.3521581 1.2616165 1.0716558 1.0185113\n", + " 1.073154 1.0962118 1.0741799 1.0216517 1.0717111 1.0708023 1.0468987\n", + " 1.0345728 1.0113037 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 4 1 8 9 7 11 5 12 13 14 10 6 15 18 16 17 19]\n", + "=======================\n", + "[\"rape : edwin ` jock ' mee is accused of attacking several army cadets while working as a recruitment sergeantone woman told southwark crown court today that she saw mee , 46 , as a father figure after he helped her join the army .an army recruiting sergeant raped a teenage cadet after telling her he could help her get a visa from the home office , a court heard today .\"]\n", + "=======================\n", + "[\"edwin ` jock ' mee allegedly told 18-year-old she had visa problemshe told her he could make a call and help her stay in britain , court hearssergeant then allegedly attacked the teenager and nearly suffocated hermee , 46 , denies carrying out a string of rapes and sexual assaults\"]\n", + "rape : edwin ` jock ' mee is accused of attacking several army cadets while working as a recruitment sergeantone woman told southwark crown court today that she saw mee , 46 , as a father figure after he helped her join the army .an army recruiting sergeant raped a teenage cadet after telling her he could help her get a visa from the home office , a court heard today .\n", + "edwin ` jock ' mee allegedly told 18-year-old she had visa problemshe told her he could make a call and help her stay in britain , court hearssergeant then allegedly attacked the teenager and nearly suffocated hermee , 46 , denies carrying out a string of rapes and sexual assaults\n", + "[1.0682582 1.1147443 1.4083186 1.3993258 1.1936482 1.1318853 1.2024311\n", + " 1.2544186 1.0095167 1.234108 1.1669708 1.1888368 1.0603758 1.0975239\n", + " 1.0223373 1.0083479 1.0107127 1.0119474 0. 0. ]\n", + "\n", + "[ 2 3 7 9 6 4 11 10 5 1 13 0 12 14 17 16 8 15 18 19]\n", + "=======================\n", + "[\"southampton vs hull city ( st mary 's )southampton midfielder filip djuricic has been ruled out of saturday 's barclays premier league clash with hull because of an ankle injury .goalkeeper fraser forster is out for at least the season after undergoing knee surgery , but jay rodriguez could be back from his long-term knee problem before the end of the season .\"]\n", + "=======================\n", + "['filip djuricic out with an ankle injury for southamptonbut steven davis and florin gardos back in contention for saintshull boss steve bruce could drop keeper allan mcgregor for steve harperdavid meyler suspended for tigers but tom huddlestone returns']\n", + "southampton vs hull city ( st mary 's )southampton midfielder filip djuricic has been ruled out of saturday 's barclays premier league clash with hull because of an ankle injury .goalkeeper fraser forster is out for at least the season after undergoing knee surgery , but jay rodriguez could be back from his long-term knee problem before the end of the season .\n", + "filip djuricic out with an ankle injury for southamptonbut steven davis and florin gardos back in contention for saintshull boss steve bruce could drop keeper allan mcgregor for steve harperdavid meyler suspended for tigers but tom huddlestone returns\n", + "[1.4348967 1.5425153 1.2168268 1.2291032 1.2111636 1.058391 1.1385568\n", + " 1.1178674 1.137486 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 6 8 7 5 17 16 15 14 9 12 11 10 18 13 19]\n", + "=======================\n", + "['debra lobo , a 55-year-old california native , was shot in the right cheek and left arm and is unconscious but expected to survive , according to mohamad shah , a karachi police spokesman .( cnn ) an american citizen was wounded by gunfire thursday as she drove from the medical school in karachi , pakistan , where she works , police said .police found pamphlets that the assailants had thrown into lobo \\'s car , written in urdu , saying \" america should be burnt , \" shah said .']\n", + "=======================\n", + "['debra lobo , 55 , is unconscious but is expected to survive after being shot thursday , police sayshe is vice principal of the jinnah medical and dental college in karachipolice : she was on her way to pick up her daughters from school when she was shot']\n", + "debra lobo , a 55-year-old california native , was shot in the right cheek and left arm and is unconscious but expected to survive , according to mohamad shah , a karachi police spokesman .( cnn ) an american citizen was wounded by gunfire thursday as she drove from the medical school in karachi , pakistan , where she works , police said .police found pamphlets that the assailants had thrown into lobo 's car , written in urdu , saying \" america should be burnt , \" shah said .\n", + "debra lobo , 55 , is unconscious but is expected to survive after being shot thursday , police sayshe is vice principal of the jinnah medical and dental college in karachipolice : she was on her way to pick up her daughters from school when she was shot\n", + "[1.1924074 1.4944626 1.2222784 1.244674 1.3271996 1.1352513 1.1121887\n", + " 1.1115249 1.019676 1.0139153 1.0366637 1.0634531 1.104979 1.0100806\n", + " 1.0494975 1.2074078 1.1857171 1.126972 1.0406559 1.0482762 1.0150368]\n", + "\n", + "[ 1 4 3 2 15 0 16 5 17 6 7 12 11 14 19 18 10 8 20 9 13]\n", + "=======================\n", + "[\"raymond howell jr. 's body was found near a culvert alongside a busy road in mckinney , texas - around four miles from where he attended school at mckinney boyd high - on thursday .loss : the body of raymond howell , jr. was found early on thursday morning a few miles from his schoolpolice , who were on the scene at 7am , have not confirmed how he passed away but friends on social media reported that he had died from a bullet wound .\"]\n", + "=======================\n", + "[\"raymond howell jr. 's body was found in a culvert in mckinney , texas early on thursday , around four miles from his schoolpolice have not released his cause of death but friends on social media said he had died from a bullet woundfriends said he had been bullied by older kids and had asked for a transfer\"]\n", + "raymond howell jr. 's body was found near a culvert alongside a busy road in mckinney , texas - around four miles from where he attended school at mckinney boyd high - on thursday .loss : the body of raymond howell , jr. was found early on thursday morning a few miles from his schoolpolice , who were on the scene at 7am , have not confirmed how he passed away but friends on social media reported that he had died from a bullet wound .\n", + "raymond howell jr. 's body was found in a culvert in mckinney , texas early on thursday , around four miles from his schoolpolice have not released his cause of death but friends on social media said he had died from a bullet woundfriends said he had been bullied by older kids and had asked for a transfer\n", + "[1.3742478 1.4162624 1.4079996 1.1546853 1.2279036 1.1934291 1.0785072\n", + " 1.1695962 1.1004556 1.1124951 1.0790688 1.0770383 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 5 7 3 9 8 10 6 11 19 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"bamford , 21 , scored one and made one in boro 's 2-1 victory over play-off rivals wolves on tuesday evening .the chelsea youngster is on loan at middlesbrough for the season and has scored 17 goals in their push for promotion from the skybet championship .chelsea have opened talks with patrick bamford over an improved contract following his stunning loan spell at middlesbrough .\"]\n", + "=======================\n", + "['chelsea loanee patrick bamford continued good form with goal vs wolvesyoung striker has hit 17 goals on loan at middlesbrough this seasonparent side chelsea are keen to tie him to a new long-term dealhis current deal at stamford bridge expires next summerread : will chelsea ever bring through english players ?']\n", + "bamford , 21 , scored one and made one in boro 's 2-1 victory over play-off rivals wolves on tuesday evening .the chelsea youngster is on loan at middlesbrough for the season and has scored 17 goals in their push for promotion from the skybet championship .chelsea have opened talks with patrick bamford over an improved contract following his stunning loan spell at middlesbrough .\n", + "chelsea loanee patrick bamford continued good form with goal vs wolvesyoung striker has hit 17 goals on loan at middlesbrough this seasonparent side chelsea are keen to tie him to a new long-term dealhis current deal at stamford bridge expires next summerread : will chelsea ever bring through english players ?\n", + "[1.118465 1.5106164 1.2959124 1.518848 1.0282009 1.0262743 1.0257821\n", + " 1.1241812 1.0588013 1.1423261 1.0467256 1.0164906 1.0213286 1.016462\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 9 7 0 8 10 4 5 6 12 11 13 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"model behavior : new york teacher sam pearce , 24 , was discovered on the f train in new york city and now juggles his career as an eighth-grade english teacher with a side job modelling for top designers 'but just a few months after landing the job , the six-foot , green-eyed brown university graduate was ` discovered ' on the subway by another model , who promptly asked whether he could send mr. pearce 's picture to his own modeling agency in the hopes of getting him signed up .classroom to catwalk : mr. pearce says his two jobs are similar in that they are both hectic and he needs to keep a straight face during each of them\"]\n", + "=======================\n", + "['sam pearce goes by the name sam worthen when he works as a modelhe walked in new york fashion week this february while his brooklyn , new york school was closed for winter breakthe 24-year-old has worked for the likes of dnky , diesel and alexander mcqueenmr. pearce says he opened up about his double life in an effort to raise money to buy his students books on go-fund-me']\n", + "model behavior : new york teacher sam pearce , 24 , was discovered on the f train in new york city and now juggles his career as an eighth-grade english teacher with a side job modelling for top designers 'but just a few months after landing the job , the six-foot , green-eyed brown university graduate was ` discovered ' on the subway by another model , who promptly asked whether he could send mr. pearce 's picture to his own modeling agency in the hopes of getting him signed up .classroom to catwalk : mr. pearce says his two jobs are similar in that they are both hectic and he needs to keep a straight face during each of them\n", + "sam pearce goes by the name sam worthen when he works as a modelhe walked in new york fashion week this february while his brooklyn , new york school was closed for winter breakthe 24-year-old has worked for the likes of dnky , diesel and alexander mcqueenmr. pearce says he opened up about his double life in an effort to raise money to buy his students books on go-fund-me\n", + "[1.4326452 1.3477086 1.3211323 1.4843616 1.0939313 1.19454 1.033301\n", + " 1.030244 1.0245006 1.02407 1.0563943 1.02009 1.0503381 1.0196422\n", + " 1.019267 1.0235529 1.0119694 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 2 5 4 10 12 6 7 8 9 15 11 13 14 16 19 17 18 20]\n", + "=======================\n", + "[\"dave king is back on the rangers board after being cleared by the court of sessionand the south african-based businessman hopes yesterday 's decision will now convince the sfa to pass him as ` fit and proper ' in the final stage of approval .king won around 85-per-cent shareholder backing to return to the rangers boardroom at the club 's pivotal extraordinary general meeting last month , but has been holding off from taking up a post until he has cleared all regulatory barriers .\"]\n", + "=======================\n", + "['businessman has been cleared by court of session to become directordave king hopes sfa will pass him to take role as ibrox chairmanking is the largest shareholder of the former scottish champions']\n", + "dave king is back on the rangers board after being cleared by the court of sessionand the south african-based businessman hopes yesterday 's decision will now convince the sfa to pass him as ` fit and proper ' in the final stage of approval .king won around 85-per-cent shareholder backing to return to the rangers boardroom at the club 's pivotal extraordinary general meeting last month , but has been holding off from taking up a post until he has cleared all regulatory barriers .\n", + "businessman has been cleared by court of session to become directordave king hopes sfa will pass him to take role as ibrox chairmanking is the largest shareholder of the former scottish champions\n", + "[1.1891385 1.540587 1.4329174 1.3413914 1.1685029 1.0283571 1.0497196\n", + " 1.1931866 1.2264235 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 8 7 0 4 6 5 18 17 16 15 14 10 12 11 19 9 13 20]\n", + "=======================\n", + "[\"st john paramedics were called to a home in wagaman , northern darwin , at about 9pm on wednesday .the 38-year-old man had reportedly chewed and swallowed the entire glass bottle ` and then went for a lie down ' , at which point his family called royal darwin hospital , reports nt news .there were over 500 calls made to northern territory police between 3pm-11pm on wednesday , most of them domestics or drunken anti-social behaviour .\"]\n", + "=======================\n", + "['paramedics were called to a home in northern darwin on wednesday nightthe 38-year-old man had chewed and swallowed an entire beer bottlethere were 500 calls made to nt police between 3pm-11pm on wedensday']\n", + "st john paramedics were called to a home in wagaman , northern darwin , at about 9pm on wednesday .the 38-year-old man had reportedly chewed and swallowed the entire glass bottle ` and then went for a lie down ' , at which point his family called royal darwin hospital , reports nt news .there were over 500 calls made to northern territory police between 3pm-11pm on wednesday , most of them domestics or drunken anti-social behaviour .\n", + "paramedics were called to a home in northern darwin on wednesday nightthe 38-year-old man had chewed and swallowed an entire beer bottlethere were 500 calls made to nt police between 3pm-11pm on wedensday\n", + "[1.1969314 1.3391428 1.3336653 1.2959484 1.2231169 1.0860298 1.111274\n", + " 1.0448207 1.0707457 1.1014912 1.0874474 1.090353 1.0274656 1.0700619\n", + " 1.0411745 1.029042 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 6 9 11 10 5 8 13 7 14 15 12 16 17]\n", + "=======================\n", + "[\"nationwide building society is giving anyone up to the age of 70 the chance to take out a 35-year loan -- stoking fears of a buy-to-let boom .the offer comes as pension reforms give over-55s access to billions of pounds from today to withdraw from their pension pots and spend as they like .tens of thousands of savers are being tempted to put their money into property -- and this surge of ` silver landlords ' is likely to push up house prices .\"]\n", + "=======================\n", + "['pensioners are being offered mortgages that will be paid off at age of 105nationwide is giving anyone up to 70 the chance to take out a 35-year loantempting for over-55s with pensions released under reforms to buy houses']\n", + "nationwide building society is giving anyone up to the age of 70 the chance to take out a 35-year loan -- stoking fears of a buy-to-let boom .the offer comes as pension reforms give over-55s access to billions of pounds from today to withdraw from their pension pots and spend as they like .tens of thousands of savers are being tempted to put their money into property -- and this surge of ` silver landlords ' is likely to push up house prices .\n", + "pensioners are being offered mortgages that will be paid off at age of 105nationwide is giving anyone up to 70 the chance to take out a 35-year loantempting for over-55s with pensions released under reforms to buy houses\n", + "[1.4949133 1.3016711 1.1210954 1.3726707 1.1372937 1.1918514 1.0638348\n", + " 1.09335 1.1311677 1.0464988 1.1438323 1.087652 1.1064907 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 5 10 4 8 2 12 7 11 6 9 16 13 14 15 17]\n", + "=======================\n", + "[\"sam burgess has been selected in the back row as bath seek to bounce back from the end of their european dream by defeating newcastle on friday night .burgess has spent the vast majority of his fledgling union career at inside or outside centre , but head coach mike ford will examine his credentials at blindside flanker in the aviva premiership showdown at kingston park .burgess was called into england 's rbs 6 nations squad to step-up his education in the new code , although he was never considered for selection by the red rose who regard him as an inside centre .\"]\n", + "=======================\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "IOPub data rate exceeded.\n", + "The notebook server will temporarily stop sending output\n", + "to the client in order to avoid crashing it.\n", + "To change this limit, set the config variable\n", + "`--NotebookApp.iopub_data_rate_limit`.\n", + "\n", + "Current values:\n", + "NotebookApp.iopub_data_rate_limit=1000000.0 (bytes/sec)\n", + "NotebookApp.rate_limit_window=3.0 (secs)\n", + "\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['faa backtracks on saying crew reported a pressurization problemone passenger lost consciousnessthe plane descended 28,000 feet in three minutes']\n", + "( cnn ) a skywest airlines flight made an emergency landing in buffalo , new york , on wednesday after a passenger lost consciousness , officials said .flight 5622 was originally scheduled to fly from chicago to hartford .the passenger received medical attention before being released , according to marissa snow , spokeswoman for skywest .\n", + "faa backtracks on saying crew reported a pressurization problemone passenger lost consciousnessthe plane descended 28,000 feet in three minutes\n", + "[1.2234925 1.4829001 1.3024039 1.368009 1.1939352 1.181043 1.1273687\n", + " 1.0611081 1.0731245 1.0477225 1.0558908 1.0409459 1.0386945 1.0735387\n", + " 1.0435188 1.0337259 1.0596019 1.082131 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 6 17 13 8 7 16 10 9 14 11 12 15 18 19]\n", + "=======================\n", + "[\"gaston pinsard was sentenced to 18 months behind bars after he admitted carrying out the assaults more than 50 years ago .frail gaston pinsard , 96 , is thought to be britain 's oldest serving prisonthe 96-year-old , who claimed he was himself abused at a notorious jersey children 's home , first targeted his victims when they were just five-years-old .\"]\n", + "=======================\n", + "[\"gaston pinsard , 96 , admitted sexually assault two girls over 50 years agohis victims were just five-years-old when the abuse first startedjailed for 18 months after he admitted nine charges of indecent assaultjudge describes the case as ` distressing and unpleasant ' as he jails oap\"]\n", + "gaston pinsard was sentenced to 18 months behind bars after he admitted carrying out the assaults more than 50 years ago .frail gaston pinsard , 96 , is thought to be britain 's oldest serving prisonthe 96-year-old , who claimed he was himself abused at a notorious jersey children 's home , first targeted his victims when they were just five-years-old .\n", + "gaston pinsard , 96 , admitted sexually assault two girls over 50 years agohis victims were just five-years-old when the abuse first startedjailed for 18 months after he admitted nine charges of indecent assaultjudge describes the case as ` distressing and unpleasant ' as he jails oap\n", + "[1.198859 1.5680304 1.1747546 1.3154494 1.2351515 1.1278677 1.0456474\n", + " 1.0652261 1.0676434 1.2398093 1.080934 1.023112 1.0414693 1.0739834\n", + " 1.0467792 1.0574833 1.0700678 0. 0. 0. ]\n", + "\n", + "[ 1 3 9 4 0 2 5 10 13 16 8 7 15 14 6 12 11 18 17 19]\n", + "=======================\n", + "[\"mario ambarita , 21 , took chances with his life when he clambered into the wheel housing of the garuda indonesia flight which took off from the main island of sumatra and flew at 34,000 ft to jakarta .the desperate reason for his actions was simply that he was ` looking for work ' .she said he had left home in the town of bagan batu to look for work in pekan baru , which is also on sumatra island .\"]\n", + "=======================\n", + "[\"mario ambarita climbed on to passenger jet flying from island of sumatracrawled from wheel housing of the plane at jakarta airport in ` dazed state 'airport bosses say his ` fingers turned blue and his left ear was bleeding 'the 21-year-old indonesian man said he was desperately ` looking for work '\"]\n", + "mario ambarita , 21 , took chances with his life when he clambered into the wheel housing of the garuda indonesia flight which took off from the main island of sumatra and flew at 34,000 ft to jakarta .the desperate reason for his actions was simply that he was ` looking for work ' .she said he had left home in the town of bagan batu to look for work in pekan baru , which is also on sumatra island .\n", + "mario ambarita climbed on to passenger jet flying from island of sumatracrawled from wheel housing of the plane at jakarta airport in ` dazed state 'airport bosses say his ` fingers turned blue and his left ear was bleeding 'the 21-year-old indonesian man said he was desperately ` looking for work '\n", + "[1.3780117 1.2904396 1.2735233 1.2490938 1.1604064 1.078474 1.108488\n", + " 1.0517597 1.0589662 1.0545757 1.0528964 1.0224165 1.0551441 1.0472982\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 6 5 8 12 9 10 7 13 11 14 15 16 17 18 19]\n", + "=======================\n", + "['( cnn ) shortly after being elected chief prosecutor , baltimore city state \\'s attorney marilyn mosby said prosecutors in the hardscrabble town had the \" toughest job in america . \"mosby , who took over her first elected post in january , now faces what is likely to be the toughest case of her nascent career -- deciding whether criminal charges should be filed against baltimore police officers in the controversial death of freddie gray .gray , 25 , died in police custody from a fatal spinal cord injury , one week after he was arrested .']\n", + "=======================\n", + "['prosecutor marilyn mosby has only been on the job since januaryshe comes from a long line of police officers\" i think that she will follow where the evidence leads .']\n", + "( cnn ) shortly after being elected chief prosecutor , baltimore city state 's attorney marilyn mosby said prosecutors in the hardscrabble town had the \" toughest job in america . \"mosby , who took over her first elected post in january , now faces what is likely to be the toughest case of her nascent career -- deciding whether criminal charges should be filed against baltimore police officers in the controversial death of freddie gray .gray , 25 , died in police custody from a fatal spinal cord injury , one week after he was arrested .\n", + "prosecutor marilyn mosby has only been on the job since januaryshe comes from a long line of police officers\" i think that she will follow where the evidence leads .\n", + "[1.11191 1.2307137 1.4957836 1.3631527 1.220445 1.3442619 1.133397\n", + " 1.0675237 1.0208107 1.014077 1.0128736 1.0254779 1.0865341 1.1034122\n", + " 1.1473578 1.0512682 1.0626827 1.0137408 1.0109631 1.0099386]\n", + "\n", + "[ 2 3 5 1 4 14 6 0 13 12 7 16 15 11 8 9 17 10 18 19]\n", + "=======================\n", + "[\"nigel short , 49 , said women were not suited to playing chess because it required logical thinking .the chess commentator and writer said women should accept they were ` hard-wired very differently ' and were n't as adept at playing chess as men .but one of the uk 's most well-known grandmasters has angered women by saying they are n't smart enough to play the game .\"]\n", + "=======================\n", + "[\"nigel short said women should accept they 're ` hard-wired very differently 'made comments when explaining why there were so few women in chessfemale chess players reacted angrily to mr short 's statements last night\"]\n", + "nigel short , 49 , said women were not suited to playing chess because it required logical thinking .the chess commentator and writer said women should accept they were ` hard-wired very differently ' and were n't as adept at playing chess as men .but one of the uk 's most well-known grandmasters has angered women by saying they are n't smart enough to play the game .\n", + "nigel short said women should accept they 're ` hard-wired very differently 'made comments when explaining why there were so few women in chessfemale chess players reacted angrily to mr short 's statements last night\n", + "[1.1251389 1.5250641 1.5492853 1.3755184 1.0684444 1.0740311 1.049817\n", + " 1.0362017 1.0431596 1.033859 1.303795 1.034926 1.0715953 1.021177\n", + " 1.0151347 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 10 0 5 12 4 6 8 7 11 9 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"the us national ` speedcubing ' champion was at an official rubik 's cube event in doylestown , pennsylvania , when he shaved 0.3 of a second off the record .but not teenager collin burns , who has completed a cube in just 5.25 seconds , smashing the world record .other teenagers can be seen chatting in the background as they completed their own puzzles at the official world cube association ( wca ) meeting this weekend .\"]\n", + "=======================\n", + "[\"a teenager has broken the world record for completing a rubik 's cubecollin burns finished the notoriously difficult puzzle in just 5.25 secondshe shaved 0.3 of a second off the record at an event in pennsylvania\"]\n", + "the us national ` speedcubing ' champion was at an official rubik 's cube event in doylestown , pennsylvania , when he shaved 0.3 of a second off the record .but not teenager collin burns , who has completed a cube in just 5.25 seconds , smashing the world record .other teenagers can be seen chatting in the background as they completed their own puzzles at the official world cube association ( wca ) meeting this weekend .\n", + "a teenager has broken the world record for completing a rubik 's cubecollin burns finished the notoriously difficult puzzle in just 5.25 secondshe shaved 0.3 of a second off the record at an event in pennsylvania\n", + "[1.1547747 1.4948181 1.380739 1.2347836 1.2935572 1.0762984 1.0255591\n", + " 1.1163923 1.0783818 1.1687875 1.0457757 1.0240309 1.0202509 1.0211805\n", + " 1.0202374 1.0293597 1.0265282 1.0129241 1.0079628 0. ]\n", + "\n", + "[ 1 2 4 3 9 0 7 8 5 10 15 16 6 11 13 12 14 17 18 19]\n", + "=======================\n", + "['denise and glen higgs , from braunton , devon , had all but lost hope that they would ever be able to conceive after glen was made infertile due to cancer treatment .but using his frozen sperm , doctors successfully created eight embryos through ivf fertility treatment and the couple had a daughter mazy , born three years ago .the couple tried again using the same batch and denise gave birth to twins carter and carson last week .']\n", + "=======================\n", + "[\"denise and glen higgs thought they 'd never have childrenhe was made infertile due to cancer treatment , but they tried ivfcouple from of braunton , devon , had mazy , born three years agotried again using the same batch and had twins carter & carson last week\"]\n", + "denise and glen higgs , from braunton , devon , had all but lost hope that they would ever be able to conceive after glen was made infertile due to cancer treatment .but using his frozen sperm , doctors successfully created eight embryos through ivf fertility treatment and the couple had a daughter mazy , born three years ago .the couple tried again using the same batch and denise gave birth to twins carter and carson last week .\n", + "denise and glen higgs thought they 'd never have childrenhe was made infertile due to cancer treatment , but they tried ivfcouple from of braunton , devon , had mazy , born three years agotried again using the same batch and had twins carter & carson last week\n", + "[1.4483027 1.3003566 1.2837104 1.4612625 1.0903994 1.0539535 1.0389448\n", + " 1.0465595 1.074867 1.0260602 1.0142297 1.0191097 1.0708433 1.3453517\n", + " 1.0560668 1.0280915 1.0079697 0. 0. 0. ]\n", + "\n", + "[ 3 0 13 1 2 4 8 12 14 5 7 6 15 9 11 10 16 18 17 19]\n", + "=======================\n", + "['steven gerrard leads liverpool players in training ahead of their fa cup semi-final against aston villaliverpool goalkeeper simon mignolet insists choosing between an fa cup victory and finishing in the top four would be like preferring one of his parents over the other .keeper simon mignolet ( centre ) insists he can not choose between winning the fa cup and a top four finish']\n", + "=======================\n", + "[\"liverpool will face aston villa in the fa cup semi-final on sundaybrendan rodgers ' side are still in the hunt for a champions league spotsimon mignolet insists the club are not prioritising one over the other\"]\n", + "steven gerrard leads liverpool players in training ahead of their fa cup semi-final against aston villaliverpool goalkeeper simon mignolet insists choosing between an fa cup victory and finishing in the top four would be like preferring one of his parents over the other .keeper simon mignolet ( centre ) insists he can not choose between winning the fa cup and a top four finish\n", + "liverpool will face aston villa in the fa cup semi-final on sundaybrendan rodgers ' side are still in the hunt for a champions league spotsimon mignolet insists the club are not prioritising one over the other\n", + "[1.189511 1.3751072 1.212184 1.1932963 1.156682 1.0327592 1.1090485\n", + " 1.0834893 1.0749606 1.0651636 1.0569233 1.047612 1.0613298 1.0541705\n", + " 1.0525566 1.017779 1.040121 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 6 7 8 9 12 10 13 14 11 16 5 15 18 17 19]\n", + "=======================\n", + "[\"but the love between british soldier , sergeant norman turgel , 24 at the time , and teenage polish girl gena , 20 , was only kindled because of the generosity and kindness of the camp 's british commander major leonard berney .this week survivors and liberators of the notorious bergen-belsen camp in northern germany gathered to commemorate the day british soldiers entered its gates and began the task of saving as many of the 60,000 starving inmates as was possible .gena and norman were married two months short of their golden wedding anniversary of 50 years , pictured before his passing in 1995\"]\n", + "=======================\n", + "[\"british soldier norman turgel and teenage polish girl gena met at belsenhe was sent to arrest her ss guards - and fell in love with hercommander major leonard berney took a personal interest in the romancemade sure messages to each other reached their destination amid chaosthe pair wed months later when gena , now 91 , was 20 and norman was 24stayed married for 50 years , living in london , until norman 's death in '95\"]\n", + "but the love between british soldier , sergeant norman turgel , 24 at the time , and teenage polish girl gena , 20 , was only kindled because of the generosity and kindness of the camp 's british commander major leonard berney .this week survivors and liberators of the notorious bergen-belsen camp in northern germany gathered to commemorate the day british soldiers entered its gates and began the task of saving as many of the 60,000 starving inmates as was possible .gena and norman were married two months short of their golden wedding anniversary of 50 years , pictured before his passing in 1995\n", + "british soldier norman turgel and teenage polish girl gena met at belsenhe was sent to arrest her ss guards - and fell in love with hercommander major leonard berney took a personal interest in the romancemade sure messages to each other reached their destination amid chaosthe pair wed months later when gena , now 91 , was 20 and norman was 24stayed married for 50 years , living in london , until norman 's death in '95\n", + "[1.178215 1.5288374 1.2611376 1.2565825 1.286953 1.3332429 1.1139705\n", + " 1.1456027 1.0406171 1.0354067 1.0254846 1.0506471 1.033669 1.0150303\n", + " 1.0888169 1.0826355 1.0150738 1.0102706 1.0400805 1.0146712]\n", + "\n", + "[ 1 5 4 2 3 0 7 6 14 15 11 8 18 9 12 10 16 13 19 17]\n", + "=======================\n", + "[\"christopher nathan may , 50 , is accused of killing tracey woodford , 47 , after her body was discovered at a flat in pontypridd , south wales on friday .ms woodford was found dead three days after being reported missing by her family and was said to have suffered ` massive injuries ' .he will appear at cardiff crown court tomorrow for a plea hearing .\"]\n", + "=======================\n", + "['tracey woodford , 47 , was found dead in a pontypridd flat last weekchristopher nathan may , 50 , accused of murdering and dismembering herhis alleged victim had been missing for three days before being found']\n", + "christopher nathan may , 50 , is accused of killing tracey woodford , 47 , after her body was discovered at a flat in pontypridd , south wales on friday .ms woodford was found dead three days after being reported missing by her family and was said to have suffered ` massive injuries ' .he will appear at cardiff crown court tomorrow for a plea hearing .\n", + "tracey woodford , 47 , was found dead in a pontypridd flat last weekchristopher nathan may , 50 , accused of murdering and dismembering herhis alleged victim had been missing for three days before being found\n", + "[1.3304709 1.1438265 1.3129592 1.1848596 1.1334562 1.0696397 1.0479243\n", + " 1.0868404 1.051553 1.0516893 1.0406835 1.0429173 1.0256022 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 4 7 5 9 8 6 11 10 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "['( cnn ) on thursday , npr -- headquartered in washington , just 40 miles away from baltimore -- ran its latest update on the urban turmoil that has erupted in the wake of the death of 25-year-old freddie gray because of still-unexplained spinal injuries that occurred while he was under police custody .titled \" baltimore unrest reveals tensions between african-americans and asians , \" the five-minute piece is urgently introduced with the promise that it will reveal \" what \\'s really happening in the more troubled neighborhoods of this majority black city , \" going on state that a key ingredient of the unrest was african-americans \" targeting asian-owned businesses for destruction . \"a similar claim was made after ferguson \\'s uprising in august of last year .']\n", + "=======================\n", + "['jeff yang : the media has a misconception about urban unrest in light of baltimore turmoilhe says there \\'s no pattern of african americans \" targeting asian-owned businesses for destruction \"']\n", + "( cnn ) on thursday , npr -- headquartered in washington , just 40 miles away from baltimore -- ran its latest update on the urban turmoil that has erupted in the wake of the death of 25-year-old freddie gray because of still-unexplained spinal injuries that occurred while he was under police custody .titled \" baltimore unrest reveals tensions between african-americans and asians , \" the five-minute piece is urgently introduced with the promise that it will reveal \" what 's really happening in the more troubled neighborhoods of this majority black city , \" going on state that a key ingredient of the unrest was african-americans \" targeting asian-owned businesses for destruction . \"a similar claim was made after ferguson 's uprising in august of last year .\n", + "jeff yang : the media has a misconception about urban unrest in light of baltimore turmoilhe says there 's no pattern of african americans \" targeting asian-owned businesses for destruction \"\n", + "[1.5323238 1.441358 1.2382798 1.0827636 1.059537 1.0368658 1.1357347\n", + " 1.0476618 1.0267212 1.0146133 1.0325502 1.0221297 1.115565 1.045821\n", + " 1.0373197 1.0209439 1.0072309 1.2279648 1.0110055 1.115646 0. ]\n", + "\n", + "[ 0 1 2 17 6 19 12 3 4 7 13 14 5 10 8 11 15 9 18 16 20]\n", + "=======================\n", + "[\"manchester united climbed above rivals manchester city on saturday night into third place in the premier league table after a 3-1 victory over aston villa .ander herrera opened the scoring before half time and wayne rooney made it two after the interval with a superb second before christian benteke pulled one back for tim sherwood 's side .but midfielder herrera added his second and united 's third late on to secure the three points for manchester united .\"]\n", + "=======================\n", + "[\"ander herrera impresses with two goals for manchester united in victorywayne rooney also finds the back of the net against aston villa in 3-1 winbrad guzan the best performer for tim sherwood 's side at old trafford\"]\n", + "manchester united climbed above rivals manchester city on saturday night into third place in the premier league table after a 3-1 victory over aston villa .ander herrera opened the scoring before half time and wayne rooney made it two after the interval with a superb second before christian benteke pulled one back for tim sherwood 's side .but midfielder herrera added his second and united 's third late on to secure the three points for manchester united .\n", + "ander herrera impresses with two goals for manchester united in victorywayne rooney also finds the back of the net against aston villa in 3-1 winbrad guzan the best performer for tim sherwood 's side at old trafford\n", + "[1.240566 1.1194457 1.0959668 1.1503509 1.0982414 1.0982711 1.0537757\n", + " 1.0896353 1.0392998 1.1168879 1.1205691 1.1707131 1.0467731 1.0630035\n", + " 1.0547632 1.0415792 1.0396184 1.0220124 1.0640363 1.0498714 1.05809 ]\n", + "\n", + "[ 0 11 3 10 1 9 5 4 2 7 18 13 20 14 6 19 12 15 16 8 17]\n", + "=======================\n", + "['( cnn ) for 12 years adelma cifuentes felt worthless , frightened and alone , never knowing when her abusive husband would strike .according to the united nations , two women are killed there every day .one day , two men sent by her husband showed up at her house armed with a shotgun and orders to kill her .']\n", + "=======================\n", + "['gender-based violence is at epidemic levels in guatemalaaccording to the united nations , two women are killed in guatemala every dayfive abuse survivors known as la poderosas have been appearing in a play based on their real life stories']\n", + "( cnn ) for 12 years adelma cifuentes felt worthless , frightened and alone , never knowing when her abusive husband would strike .according to the united nations , two women are killed there every day .one day , two men sent by her husband showed up at her house armed with a shotgun and orders to kill her .\n", + "gender-based violence is at epidemic levels in guatemalaaccording to the united nations , two women are killed in guatemala every dayfive abuse survivors known as la poderosas have been appearing in a play based on their real life stories\n", + "[1.1230035 1.3532398 1.4085717 1.3007848 1.0476762 1.394881 1.1312006\n", + " 1.0336066 1.0285622 1.0382205 1.015536 1.0222936 1.0911294 1.0151309\n", + " 1.1171881 1.1628178 1.063499 1.0594625 1.0146253 1.0087498 0. ]\n", + "\n", + "[ 2 5 1 3 15 6 0 14 12 16 17 4 9 7 8 11 10 13 18 19 20]\n", + "=======================\n", + "['the black-and-white clip has spread like wildfire , clocking up over 1.25 million views in under a week and gaining coverage on leading media outlets around the globe .brisbane based singer ross bunbury offers his vocals to dj-duo mashed n kutcher in a viral videothe clip shows adam and matt , who choose not to give their full names , approach a busdriver and a 7-eleven clerk to have a bash on the keys before going in search of a singer .']\n", + "=======================\n", + "['the pair invite random members of the public to make music with themthey find an impressive singer and record a song with his vocalsbrisbane dj-duo mashed n kutcher uploaded the video last weekit has had 1.25 million views and been covered by media around the globethe pair wanted to show that musical talent can be found anywherethe jogger in the clip , ross burbury , is a singer songwriter from brisbane who works in direct sales for media company news corporation']\n", + "the black-and-white clip has spread like wildfire , clocking up over 1.25 million views in under a week and gaining coverage on leading media outlets around the globe .brisbane based singer ross bunbury offers his vocals to dj-duo mashed n kutcher in a viral videothe clip shows adam and matt , who choose not to give their full names , approach a busdriver and a 7-eleven clerk to have a bash on the keys before going in search of a singer .\n", + "the pair invite random members of the public to make music with themthey find an impressive singer and record a song with his vocalsbrisbane dj-duo mashed n kutcher uploaded the video last weekit has had 1.25 million views and been covered by media around the globethe pair wanted to show that musical talent can be found anywherethe jogger in the clip , ross burbury , is a singer songwriter from brisbane who works in direct sales for media company news corporation\n", + "[1.1300277 1.5752351 1.1317346 1.0765474 1.3688331 1.2070324 1.108238\n", + " 1.0686806 1.0196699 1.0172431 1.0638921 1.1053183 1.110645 1.0789229\n", + " 1.1111885 1.0550573 1.0103585 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 5 2 0 14 12 6 11 13 3 7 10 15 8 9 16 17 18 19 20]\n", + "=======================\n", + "[\"josiah duggar , 18 , has revealed that he has entered into a courtship with 17-year-old marjorie jackson , who he met while the pair were taking spanish lessons together .the teens ' courtship officially began on april 6 - the same day his 23-year-old older sister jill gave birth to her son israel david , her first child with her 26-year-old husband derick dillard .and just like several of his siblings before him , as the two embark on the path towards a potential marriage , josiah and his new love interest will have to follow his family 's incredibly strict courting rules , which require the couple to go on chaperoned dates , with ` side hugs ' the only permitted form of physical contact . '\"]\n", + "=======================\n", + "[\"josiah met marjorie jackson , 17 , a few years ago when he was taking spanish lessons at her houseper the duggar family 's rules of courtship , their dates will be chaperoned while they get to know each other in preparation for a potential marriage\"]\n", + "josiah duggar , 18 , has revealed that he has entered into a courtship with 17-year-old marjorie jackson , who he met while the pair were taking spanish lessons together .the teens ' courtship officially began on april 6 - the same day his 23-year-old older sister jill gave birth to her son israel david , her first child with her 26-year-old husband derick dillard .and just like several of his siblings before him , as the two embark on the path towards a potential marriage , josiah and his new love interest will have to follow his family 's incredibly strict courting rules , which require the couple to go on chaperoned dates , with ` side hugs ' the only permitted form of physical contact . '\n", + "josiah met marjorie jackson , 17 , a few years ago when he was taking spanish lessons at her houseper the duggar family 's rules of courtship , their dates will be chaperoned while they get to know each other in preparation for a potential marriage\n", + "[1.5806234 1.4698417 1.1688143 1.3552397 1.0289522 1.0156231 1.0216509\n", + " 1.0193397 1.0244925 1.0202508 1.0741624 1.0324407 1.0763004 1.0277807\n", + " 1.0337238 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 12 10 14 11 4 13 8 6 9 7 5 15 16 17 18]\n", + "=======================\n", + "['alan gordon scored a first-half winner for la galaxy as they got over their nightmare start to the season against seattle sounders to move off the foot of the western conference in major league soccer .robbie keane and clint dempsey were both left out of their sides through injury but despite the absence of their irish designated player - who was sat in the stands alongside david beckham , the galaxy were able to find just their second win of a difficult campaign so far .chad marshall gets to the ball ahead of la galaxy striker alan gordon , who scored the opening goal']\n", + "=======================\n", + "['alan gordon put la galaxy into the lead after 23 minutes with a headerrobbie keane and clint dempsey both missed the game through injurylamar neagle had a number of chances to score for the visitorsdavid beckham was present to watch the mls clash at the stubhub arena']\n", + "alan gordon scored a first-half winner for la galaxy as they got over their nightmare start to the season against seattle sounders to move off the foot of the western conference in major league soccer .robbie keane and clint dempsey were both left out of their sides through injury but despite the absence of their irish designated player - who was sat in the stands alongside david beckham , the galaxy were able to find just their second win of a difficult campaign so far .chad marshall gets to the ball ahead of la galaxy striker alan gordon , who scored the opening goal\n", + "alan gordon put la galaxy into the lead after 23 minutes with a headerrobbie keane and clint dempsey both missed the game through injurylamar neagle had a number of chances to score for the visitorsdavid beckham was present to watch the mls clash at the stubhub arena\n", + "[1.120338 1.157857 1.4670116 1.1328425 1.0843359 1.4063923 1.170811\n", + " 1.0913548 1.1087496 1.0956291 1.0677369 1.0164084 1.0354835 1.0627819\n", + " 1.0727082 1.0916952 1.0436255 1.0368148 0. ]\n", + "\n", + "[ 2 5 6 1 3 0 8 9 15 7 4 14 10 13 16 17 12 11 18]\n", + "=======================\n", + "[\"jack wilshere is the latest man linked with a switch to the etihad stadium , where he would follow the likes of emmanuel adebayor , bacary sagna and samir nasri who swapped london for the north-west as city stormed towards premier league and fa cup glory .manchester city are considering making a move for arsenal midfielder jack wilshere this summerwilshere has n't played for the first team since injuring his ankle against manchester united in november\"]\n", + "=======================\n", + "[\"manchester city considering bid for arsenal midfielder jack wilsherejordan henderson is also an option for the premier league championswilshere , 23 , encapsulates arsene wenger 's style of play in north londonbut the england international is not necessarily a first-team regularany bids in excess of # 30m should be considered by arsenal\"]\n", + "jack wilshere is the latest man linked with a switch to the etihad stadium , where he would follow the likes of emmanuel adebayor , bacary sagna and samir nasri who swapped london for the north-west as city stormed towards premier league and fa cup glory .manchester city are considering making a move for arsenal midfielder jack wilshere this summerwilshere has n't played for the first team since injuring his ankle against manchester united in november\n", + "manchester city considering bid for arsenal midfielder jack wilsherejordan henderson is also an option for the premier league championswilshere , 23 , encapsulates arsene wenger 's style of play in north londonbut the england international is not necessarily a first-team regularany bids in excess of # 30m should be considered by arsenal\n", + "[1.0446792 1.1899838 1.2431289 1.4117098 1.3214849 1.2435262 1.1772975\n", + " 1.1393495 1.0343655 1.0281048 1.126517 1.031218 1.0771756 1.0851991\n", + " 1.0797001 1.0721862 1.0465902 1.059328 0. ]\n", + "\n", + "[ 3 4 5 2 1 6 7 10 13 14 12 15 17 16 0 8 11 9 18]\n", + "=======================\n", + "[\"a cloud formation resembling the wi-fi symbol appeared recently in the sky of xiangtan city in hunan province , the people 's daily online reports .the global wi-fi symbol has one dot and three curved lines radiating from ithowever in central china , mother nature recently appeared to lend a helping hand by giving locals what could be the world 's largest ` wi-fi cloud ' .\"]\n", + "=======================\n", + "[\"cloud appeared in central china 's hunan province last fridaya university student snapped the moment on his way to the librarypicture has sparked tongue-in-cheek debate on mother nature 's password\"]\n", + "a cloud formation resembling the wi-fi symbol appeared recently in the sky of xiangtan city in hunan province , the people 's daily online reports .the global wi-fi symbol has one dot and three curved lines radiating from ithowever in central china , mother nature recently appeared to lend a helping hand by giving locals what could be the world 's largest ` wi-fi cloud ' .\n", + "cloud appeared in central china 's hunan province last fridaya university student snapped the moment on his way to the librarypicture has sparked tongue-in-cheek debate on mother nature 's password\n", + "[1.2323953 1.3789549 1.3064449 1.2718203 1.2845067 1.1842463 1.1720965\n", + " 1.1172824 1.1683396 1.0575184 1.0687934 1.0153564 1.041175 1.0491027\n", + " 1.0447328 1.0349253 1.0120952 1.0261682 1.0379251]\n", + "\n", + "[ 1 2 4 3 0 5 6 8 7 10 9 13 14 12 18 15 17 11 16]\n", + "=======================\n", + "[\"prime minister tony abbott promised there would be a strong police presence across australia to keep the public safe on april 25 .two teenagers remain in custody following raids in melbourne 's south-east after police were tipped off about an imminent attack on anzac day ceremonies .sevdet besim , 18 , has been remanded in custody after appearing briefly in melbourne magistrates court on saturday .\"]\n", + "=======================\n", + "['prime minister tony abbott promised a strong police presence on april 25it comes after five teenagers were arrested in pre-dawn raids on saturdaythey were arrested over an alleged terror plot targeting anzac day eventsmr abbott urged public not to be deterred and continue with their plans']\n", + "prime minister tony abbott promised there would be a strong police presence across australia to keep the public safe on april 25 .two teenagers remain in custody following raids in melbourne 's south-east after police were tipped off about an imminent attack on anzac day ceremonies .sevdet besim , 18 , has been remanded in custody after appearing briefly in melbourne magistrates court on saturday .\n", + "prime minister tony abbott promised a strong police presence on april 25it comes after five teenagers were arrested in pre-dawn raids on saturdaythey were arrested over an alleged terror plot targeting anzac day eventsmr abbott urged public not to be deterred and continue with their plans\n", + "[1.2667154 1.4197145 1.2774115 1.1695018 1.2314948 1.080372 1.1044911\n", + " 1.0496837 1.0916433 1.0602924 1.0655838 1.0207202 1.0390687 1.0433959\n", + " 1.0789208 1.0856259 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 3 6 8 15 5 14 10 9 7 13 12 11 17 16 18]\n", + "=======================\n", + "[\"the unnamed man , who died from variant creutzfeldt-jakob ( vcjd ) disease in may 2014 , just 18 months after he first showed symptoms , was a naturalized u.s. citizen originally from the middle east .the report concluded the man 's illness resulted from his eating tainted uk beef before he moved to the united states in the 1990s .a man who died in texas of the human version of mad cow disease last year likely contracted it from eating beef raised in britain , a cdc report has revealed .\"]\n", + "=======================\n", + "[\"a u.s. citizen from the middle east who died of variant creutzfeldt-jakob disease in texas in may 2014 likely ate contaminated uk meatinvestigators say the unnamed man , who was in his 40s , likely ate the tainted meat before moving to the u.s. in the 1990svariants creutzfeldt-jakob is a deadly neurological disease caused by abnormal proteins -- britain 's seen hundreds of cases since the 1990s\"]\n", + "the unnamed man , who died from variant creutzfeldt-jakob ( vcjd ) disease in may 2014 , just 18 months after he first showed symptoms , was a naturalized u.s. citizen originally from the middle east .the report concluded the man 's illness resulted from his eating tainted uk beef before he moved to the united states in the 1990s .a man who died in texas of the human version of mad cow disease last year likely contracted it from eating beef raised in britain , a cdc report has revealed .\n", + "a u.s. citizen from the middle east who died of variant creutzfeldt-jakob disease in texas in may 2014 likely ate contaminated uk meatinvestigators say the unnamed man , who was in his 40s , likely ate the tainted meat before moving to the u.s. in the 1990svariants creutzfeldt-jakob is a deadly neurological disease caused by abnormal proteins -- britain 's seen hundreds of cases since the 1990s\n", + "[1.262466 1.2867905 1.1660026 1.3700757 1.2094563 1.0716815 1.0954815\n", + " 1.044115 1.0175557 1.0153408 1.1335235 1.0731412 1.1962428 1.132693\n", + " 1.0160425 1.0124598 0. 0. ]\n", + "\n", + "[ 3 1 0 4 12 2 10 13 6 11 5 7 8 14 9 15 16 17]\n", + "=======================\n", + "[\"party pensioner : bette carouze , 78 , loves all night parties and regularly enjoys nights outinstead , the single mother of two is partying away her final years on brighton 's gay scene and regularly emerges from clubs in the early hours of the morning .support : daughters kim and sue are both supportive of their mother 's party lifestyle\"]\n", + "=======================\n", + "['bette carrouze , 78 , a mother-of-two from brighton , loves a good partysays other pensioners are boring because they moan about sore kneesregularly goes clubbing in gay bars and returns in the small hoursadmits that taking the bus after a night out can be a bit embarrassingbette carrouze appears on oaps behaving badly , tonight on channel 5 at 9pm']\n", + "party pensioner : bette carouze , 78 , loves all night parties and regularly enjoys nights outinstead , the single mother of two is partying away her final years on brighton 's gay scene and regularly emerges from clubs in the early hours of the morning .support : daughters kim and sue are both supportive of their mother 's party lifestyle\n", + "bette carrouze , 78 , a mother-of-two from brighton , loves a good partysays other pensioners are boring because they moan about sore kneesregularly goes clubbing in gay bars and returns in the small hoursadmits that taking the bus after a night out can be a bit embarrassingbette carrouze appears on oaps behaving badly , tonight on channel 5 at 9pm\n", + "[1.2447128 1.3474214 1.2303596 1.307569 1.2396894 1.2374218 1.0947099\n", + " 1.0897492 1.0504527 1.1755917 1.0545237 1.0375397 1.0850397 1.0935907\n", + " 1.029387 1.0560712 1.0258734 1.0248653]\n", + "\n", + "[ 1 3 0 4 5 2 9 6 13 7 12 15 10 8 11 14 16 17]\n", + "=======================\n", + "[\"the teenager from mossley , greater manchester , who can not be named for legal reasons , ordered the deadly toxin off the ` dark web ' .the teenager pleaded guilty to trying to buy the toxin at manchester youth court earlier this month .a 16-year-old boy who was seized in an anti-terror operation after he tried to buy deadly poison on the internet has been spared jail after the court heard he wanted to commit suicide .\"]\n", + "=======================\n", + "[\"boy , 16 , from greater manchester ordered deadly toxin off the ` dark web 'anti-terror officers tracked order as they feared he was planning attackhe was arrested and pleaded guilty to trying to buy deadly poisonbut was spared jail after he said he wanted to use toxin to commit suicide\"]\n", + "the teenager from mossley , greater manchester , who can not be named for legal reasons , ordered the deadly toxin off the ` dark web ' .the teenager pleaded guilty to trying to buy the toxin at manchester youth court earlier this month .a 16-year-old boy who was seized in an anti-terror operation after he tried to buy deadly poison on the internet has been spared jail after the court heard he wanted to commit suicide .\n", + "boy , 16 , from greater manchester ordered deadly toxin off the ` dark web 'anti-terror officers tracked order as they feared he was planning attackhe was arrested and pleaded guilty to trying to buy deadly poisonbut was spared jail after he said he wanted to use toxin to commit suicide\n", + "[1.5073009 1.3779304 1.1857294 1.0939491 1.2399831 1.0831667 1.1329113\n", + " 1.0133283 1.0268371 1.1080178 1.1324012 1.078165 1.1017866 1.0301541\n", + " 1.127643 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 6 10 14 9 12 3 5 11 13 8 7 15 16 17]\n", + "=======================\n", + "['valencia turned up the heat on atletico madrid in the fight for third place in la liga when a 3-0 derby victory at home to levante on monday lifted the singapore-owned club to within a point of the champions with seven games left .paco alcacer nodded valencia in front from a dani parejo centre in the 16th minute at the mestalla before lucas orban crossed for sofiane feghouli to head a second for the home side nine minutes before the break .valencia , who missed out on a place in continental competition last season , are fourth on 65 points , with atletico , who drew 2-2 at malaga on saturday , on 66 in third .']\n", + "=======================\n", + "['valencia claimed a 3-0 derby victory at home to levante on mondaysingapore-owned club moved to within a point of atletico madrid']\n", + "valencia turned up the heat on atletico madrid in the fight for third place in la liga when a 3-0 derby victory at home to levante on monday lifted the singapore-owned club to within a point of the champions with seven games left .paco alcacer nodded valencia in front from a dani parejo centre in the 16th minute at the mestalla before lucas orban crossed for sofiane feghouli to head a second for the home side nine minutes before the break .valencia , who missed out on a place in continental competition last season , are fourth on 65 points , with atletico , who drew 2-2 at malaga on saturday , on 66 in third .\n", + "valencia claimed a 3-0 derby victory at home to levante on mondaysingapore-owned club moved to within a point of atletico madrid\n", + "[1.3797424 1.3441832 1.244915 1.3601806 1.3026979 1.2076156 1.0651046\n", + " 1.0808225 1.1259785 1.009395 1.1679626 1.0119251 1.0434278 1.069688\n", + " 1.0470828 1.0192912 1.0613965 1.0123715]\n", + "\n", + "[ 0 3 1 4 2 5 10 8 7 13 6 16 14 12 15 17 11 9]\n", + "=======================\n", + "[\"sergey bubka , sebastian coe 's rival for iaaf president , launched his election manifesto on wednesday with a promise to take a hardline approach to doping .the ukrainian pole vault great is battling with fellow iaaf vice-president coe for the top job at athletics ' world governing body .the sport has been rocked by allegations that doping and cover-ups are rife in russian athletics .\"]\n", + "=======================\n", + "[\"sergey bubka launched a manifesto ahead of running to be iaaf presidenthe is sebastian coe 's rival for the position in august 's electionbubka promised crackdown on doping and review of athletics as a whole\"]\n", + "sergey bubka , sebastian coe 's rival for iaaf president , launched his election manifesto on wednesday with a promise to take a hardline approach to doping .the ukrainian pole vault great is battling with fellow iaaf vice-president coe for the top job at athletics ' world governing body .the sport has been rocked by allegations that doping and cover-ups are rife in russian athletics .\n", + "sergey bubka launched a manifesto ahead of running to be iaaf presidenthe is sebastian coe 's rival for the position in august 's electionbubka promised crackdown on doping and review of athletics as a whole\n", + "[1.1049103 1.0787398 1.4695547 1.221213 1.1075509 1.1333714 1.0810512\n", + " 1.0540166 1.1065263 1.0847691 1.0673025 1.0532055 1.0664824 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 5 4 8 0 9 6 1 10 12 7 11 16 13 14 15 17]\n", + "=======================\n", + "[\"swiss physicist jean-pierre wolf is working on yet another impressive addition to that list : using focused laser beams to affect the weather .it sounds like black magic , but it 's actually a cleaner version of cloud seeding , a form of weather modification that has been used for several years -- most famously by china in preparation for the 2008 olympics , when they launched rockets to seed the clouds and prevent rainfall during the opening ceremony .laser is therefore a completely clean alternative to traditional cloud seeding : it 's light , and nothing but light .\"]\n", + "=======================\n", + "['swiss professor jean-pierre wolf is pioneering the use of lasers to affect the weatherhe suggests lasers could also be used to limit the impact of climate change']\n", + "swiss physicist jean-pierre wolf is working on yet another impressive addition to that list : using focused laser beams to affect the weather .it sounds like black magic , but it 's actually a cleaner version of cloud seeding , a form of weather modification that has been used for several years -- most famously by china in preparation for the 2008 olympics , when they launched rockets to seed the clouds and prevent rainfall during the opening ceremony .laser is therefore a completely clean alternative to traditional cloud seeding : it 's light , and nothing but light .\n", + "swiss professor jean-pierre wolf is pioneering the use of lasers to affect the weatherhe suggests lasers could also be used to limit the impact of climate change\n", + "[1.4633939 1.3004384 1.2892861 1.1413157 1.090806 1.1198385 1.0852374\n", + " 1.1252791 1.0637803 1.0981022 1.102292 1.0350246 1.0483255 1.0495641\n", + " 1.0376034 1.0243351 1.0166523 1.0314732 0. 0. ]\n", + "\n", + "[ 0 1 2 3 7 5 10 9 4 6 8 13 12 14 11 17 15 16 18 19]\n", + "=======================\n", + "['( cnn ) james holmes made his introduction to the world in a colorado cinema filled with spectators watching a midnight showing of the new batman movie , \" the dark knight rises , \" in june 2012 .the moment became one of the deadliest shootings in u.s. history .holmes is accused of opening fire on the crowd , killing 12 people and injuring or maiming 70 others in aurora , a suburb of denver .']\n", + "=======================\n", + "['opening statements are scheduled monday in the trial of james holmesjury selection took three monthsholmes faces 165 counts in the movie theater massacre that killed 12 people']\n", + "( cnn ) james holmes made his introduction to the world in a colorado cinema filled with spectators watching a midnight showing of the new batman movie , \" the dark knight rises , \" in june 2012 .the moment became one of the deadliest shootings in u.s. history .holmes is accused of opening fire on the crowd , killing 12 people and injuring or maiming 70 others in aurora , a suburb of denver .\n", + "opening statements are scheduled monday in the trial of james holmesjury selection took three monthsholmes faces 165 counts in the movie theater massacre that killed 12 people\n", + "[1.2155476 1.0811076 1.0373223 1.0543994 1.2931211 1.2801323 1.2047038\n", + " 1.1049069 1.113109 1.1167008 1.1253146 1.0820488 1.0826356 1.086745\n", + " 1.0525663 1.0335926 1.0600657 1.0698212 1.0185107 1.019905 ]\n", + "\n", + "[ 4 5 0 6 10 9 8 7 13 12 11 1 17 16 3 14 2 15 19 18]\n", + "=======================\n", + "['she was one of millions of turks left confused and concerned by the worst power outage to grip the country in more than a decade .dozens of cities across turkey lost power for hours on tuesday .istanbul , turkey ( cnn ) the questions turks asked on tuesday were tinged with fear .']\n", + "=======================\n", + "['this week , turkey was gripped by a massive power outage and a deadly hostage crisisreactions reveal contemporary turkey is tense and confused after years of political crisescensorship has pushed critics to fringes in country cited as democratic model for mideast']\n", + "she was one of millions of turks left confused and concerned by the worst power outage to grip the country in more than a decade .dozens of cities across turkey lost power for hours on tuesday .istanbul , turkey ( cnn ) the questions turks asked on tuesday were tinged with fear .\n", + "this week , turkey was gripped by a massive power outage and a deadly hostage crisisreactions reveal contemporary turkey is tense and confused after years of political crisescensorship has pushed critics to fringes in country cited as democratic model for mideast\n", + "[1.5592413 1.4143795 1.0380589 1.0823296 1.0660733 1.0516825 1.0882802\n", + " 1.4203042 1.1868052 1.1885982 1.1709569 1.1138548 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 7 1 9 8 10 11 6 3 4 5 2 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"aston villa owner randy lerner did n't attend wembley on sunday after his aunt passed away .the 53-year-old american had been tipped to make a rare appearance but boss tim sherwood said : ` i 've not spoken to him yet .villa put in an excellent display to upset liverpool at wembley and reach their first fa cup final since lerner bought the club .\"]\n", + "=======================\n", + "['randy lerner was expected to make a rare appearance for wembley gamebut lerner had to miss the match on sunday after his aunt diedaston villa beat liverpool to reach the fa cup final']\n", + "aston villa owner randy lerner did n't attend wembley on sunday after his aunt passed away .the 53-year-old american had been tipped to make a rare appearance but boss tim sherwood said : ` i 've not spoken to him yet .villa put in an excellent display to upset liverpool at wembley and reach their first fa cup final since lerner bought the club .\n", + "randy lerner was expected to make a rare appearance for wembley gamebut lerner had to miss the match on sunday after his aunt diedaston villa beat liverpool to reach the fa cup final\n", + "[1.1916655 1.3289226 1.1368759 1.2676617 1.3135258 1.2672759 1.1902552\n", + " 1.104841 1.0564587 1.016891 1.0630785 1.1743764 1.1428208 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 5 0 6 11 12 2 7 10 8 9 13 14 15 16 17 18 19]\n", + "=======================\n", + "['the news comes as cigar use rises in the us , where the study was carried out , and cigarette smoking declines .they found the risk for cigar smokers of dying from oral , oesophageal or lung cancer was at least as bad as for cigarettesresearchers have warned that cigars may be more harmful to smokers than cigarettes .']\n", + "=======================\n", + "[\"risks for cigar smokers of dying from cancer ` at least as bad as cigarettes 'claim follows us study , where cigar use is on rise and cigarettes a declinecigar consumption doubled from 2000-2011 ; 33 per cent fall in cigarettesmore young people taking up cigars thanks to new range of flavoured ones\"]\n", + "the news comes as cigar use rises in the us , where the study was carried out , and cigarette smoking declines .they found the risk for cigar smokers of dying from oral , oesophageal or lung cancer was at least as bad as for cigarettesresearchers have warned that cigars may be more harmful to smokers than cigarettes .\n", + "risks for cigar smokers of dying from cancer ` at least as bad as cigarettes 'claim follows us study , where cigar use is on rise and cigarettes a declinecigar consumption doubled from 2000-2011 ; 33 per cent fall in cigarettesmore young people taking up cigars thanks to new range of flavoured ones\n", + "[1.4985453 1.2130426 1.2838433 1.210553 1.3997914 1.1146678 1.0452896\n", + " 1.018162 1.0943518 1.0613967 1.0713633 1.0642188 1.0253981 1.0826635\n", + " 1.0374956 1.0134956 1.1636804 1.0799649 1.0742426 1.0722109]\n", + "\n", + "[ 0 4 2 1 3 16 5 8 13 17 18 19 10 11 9 6 14 12 7 15]\n", + "=======================\n", + "[\"christine carriage , 67 , ( pictured ) was handed a six-month suspended sentence at norwich crown courta total of 1,337 items of clothing , shoes and handbags -- valued at # 5,620 -- were seized by police from the home in bowthorpe , norwich , on november 4 , 2013 .officers raiding christine carriage 's one-bedroom home found that 340 of the stolen items still had price tags on .\"]\n", + "=======================\n", + "[\"stash valued at # 5,620 discovered in 67-year-old christine carriage 's homeofficers said property looked more like clothing warehouse than a dwellingshe was handed a six-month suspended sentence at norwich crown court\"]\n", + "christine carriage , 67 , ( pictured ) was handed a six-month suspended sentence at norwich crown courta total of 1,337 items of clothing , shoes and handbags -- valued at # 5,620 -- were seized by police from the home in bowthorpe , norwich , on november 4 , 2013 .officers raiding christine carriage 's one-bedroom home found that 340 of the stolen items still had price tags on .\n", + "stash valued at # 5,620 discovered in 67-year-old christine carriage 's homeofficers said property looked more like clothing warehouse than a dwellingshe was handed a six-month suspended sentence at norwich crown court\n", + "[1.2232485 1.4354016 1.1834023 1.2975669 1.2123988 1.3528292 1.0340154\n", + " 1.1004659 1.1276774 1.1077262 1.0987815 1.0730621 1.0422127 1.0163252\n", + " 1.0171529 1.0104942 1.0692627 1.0342928]\n", + "\n", + "[ 1 5 3 0 4 2 8 9 7 10 11 16 12 17 6 14 13 15]\n", + "=======================\n", + "['holly barber , from manchester , woke up feeling unwell and with chest and neck pains -- but chalked it down to heavy drinking a few days before .she rushed to hospital , where doctors found 13 pulmonary embolisms , blood clots blocking the main artery of her lungs , killing the tissue and stopping her from breathing properly .a girl who believed she had a bad hangover was found to have 13 blood clots in her lungs .']\n", + "=======================\n", + "['holly barber , 25 , thought she was hungover but began coughing up bloodhospital tests revealed 13 clots called pulmonary embolisms in her lungsincredibly , a year later doctors found a melon-sized blockage in her lungshe must now take blood-thinning medication for the rest of her life']\n", + "holly barber , from manchester , woke up feeling unwell and with chest and neck pains -- but chalked it down to heavy drinking a few days before .she rushed to hospital , where doctors found 13 pulmonary embolisms , blood clots blocking the main artery of her lungs , killing the tissue and stopping her from breathing properly .a girl who believed she had a bad hangover was found to have 13 blood clots in her lungs .\n", + "holly barber , 25 , thought she was hungover but began coughing up bloodhospital tests revealed 13 clots called pulmonary embolisms in her lungsincredibly , a year later doctors found a melon-sized blockage in her lungshe must now take blood-thinning medication for the rest of her life\n", + "[1.2530295 1.2391604 1.3131716 1.1615391 1.2110257 1.0863094 1.2031838\n", + " 1.135888 1.0484942 1.0358363 1.1103401 1.0723696 1.0159433 1.0232855\n", + " 1.0326347 1.0195875 0. 0. ]\n", + "\n", + "[ 2 0 1 4 6 3 7 10 5 11 8 9 14 13 15 12 16 17]\n", + "=======================\n", + "['\" monty python and the holy grail , \" which premiered 40 years ago thursday , was the result .( cnn ) monty python in a movie ?the budget was small -- about $ 400,000 , half of it supplied by rock stars , including genesis and pink floyd .']\n", + "=======================\n", + "['\" monty python and the holy grail \" celebrates 40 years thursdaythe 1975 film is considered a comedy classictroupe made three movies together , not including concert works and compilations']\n", + "\" monty python and the holy grail , \" which premiered 40 years ago thursday , was the result .( cnn ) monty python in a movie ?the budget was small -- about $ 400,000 , half of it supplied by rock stars , including genesis and pink floyd .\n", + "\" monty python and the holy grail \" celebrates 40 years thursdaythe 1975 film is considered a comedy classictroupe made three movies together , not including concert works and compilations\n", + "[1.2522346 1.4396267 1.2407179 1.3834007 1.2178321 1.0939971 1.0592139\n", + " 1.112951 1.0716567 1.0659208 1.0524278 1.05954 1.0349815 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 7 5 8 9 11 6 10 12 16 13 14 15 17]\n", + "=======================\n", + "[\"mother-of-two marie csaszar , 45 , died last september following a ten-year battle with a brain tumour .the bbc has refused to hand over the emails of a deceased woman to her grieving husband , who believes they will prove she was ` bullied ' by the corporation 's management towards the end of her life .she had worked for seven years at the bbc 's financial centre in cardiff as a contracts manager , but according to her husband paul , she was forced out of the post into another job after drawing attention to management blunders which he says cost licence-fee payers about # 150,000 .\"]\n", + "=======================\n", + "[\"mother-of-two died following a 10-year battle with a brain tumourshe worked at bbc in cardiff where husband claims she was bulliedmarie csaszar gave evidence at bbc 's 2013 respect at work reviewhe asked for emails under the data protection act but was refused\"]\n", + "mother-of-two marie csaszar , 45 , died last september following a ten-year battle with a brain tumour .the bbc has refused to hand over the emails of a deceased woman to her grieving husband , who believes they will prove she was ` bullied ' by the corporation 's management towards the end of her life .she had worked for seven years at the bbc 's financial centre in cardiff as a contracts manager , but according to her husband paul , she was forced out of the post into another job after drawing attention to management blunders which he says cost licence-fee payers about # 150,000 .\n", + "mother-of-two died following a 10-year battle with a brain tumourshe worked at bbc in cardiff where husband claims she was bulliedmarie csaszar gave evidence at bbc 's 2013 respect at work reviewhe asked for emails under the data protection act but was refused\n", + "[1.253644 1.4333888 1.1948835 1.251475 1.1525556 1.0740391 1.0546886\n", + " 1.0501989 1.0908195 1.1665888 1.0957989 1.0626738 1.0752355 1.036239\n", + " 1.0118846 1.0966377 1.0732796 0. ]\n", + "\n", + "[ 1 0 3 2 9 4 15 10 8 12 5 16 11 6 7 13 14 17]\n", + "=======================\n", + "[\"tonya stack , whose husband mike stack holds the state 's second-highest office , reportedly dumped cola on state representative kevin boyle in an unseemly row at a fundraiser in honor of a slain afghanistan veteran .the wife of pennsylvania 's lieutenant governor allegedly made an obscene gesture then threw a cup of soda over one of her husband 's political rivals .according to boyle , stack ` flipped me the bird ' as soon as she spotted him at the event in philadelphia .\"]\n", + "=======================\n", + "[\"tonya stack , wife of mike stack , allegedly hurled drink at fundraiserkevin boyle , who sits in pa house of representatives , says he was hit with obscene gesture , called it ` trashy ' , then got covered in sticky drinkevent was held in honor of michael strange , who died in afghanistanboyle and stack , both democrats , have been in political power strugglesbacked separate candidates for seats in house legislature\"]\n", + "tonya stack , whose husband mike stack holds the state 's second-highest office , reportedly dumped cola on state representative kevin boyle in an unseemly row at a fundraiser in honor of a slain afghanistan veteran .the wife of pennsylvania 's lieutenant governor allegedly made an obscene gesture then threw a cup of soda over one of her husband 's political rivals .according to boyle , stack ` flipped me the bird ' as soon as she spotted him at the event in philadelphia .\n", + "tonya stack , wife of mike stack , allegedly hurled drink at fundraiserkevin boyle , who sits in pa house of representatives , says he was hit with obscene gesture , called it ` trashy ' , then got covered in sticky drinkevent was held in honor of michael strange , who died in afghanistanboyle and stack , both democrats , have been in political power strugglesbacked separate candidates for seats in house legislature\n", + "[1.2535338 1.301497 1.1741887 1.3004806 1.1594801 1.140706 1.1531998\n", + " 1.0557563 1.199913 1.0725521 1.1210232 1.1217587 1.1113237 1.0202147\n", + " 1.0169207 1.0110053 1.0122524 1.0111269]\n", + "\n", + "[ 1 3 0 8 2 4 6 5 11 10 12 9 7 13 14 16 17 15]\n", + "=======================\n", + "[\"horrified guests dived for cover as the groom 's brother lost control of the gun at a reception in the capital riyadh .a wedding in saudi arabia took a dangerous turn when the brother of the groom began firing celebratory shots with a kalashnikov , sending a hail of bullets ricocheting off the walls .the 30-second clip , believed to have been filmed with a mobile phone has been viewed nearly 140,000 times .\"]\n", + "=======================\n", + "['brother of groom fired kalashnikov in celebration at riyadh receptioncaught on camera as he loses control of the powerful rifle at weddingguests dived for cover as a hail of bullets ricocheted off the walls']\n", + "horrified guests dived for cover as the groom 's brother lost control of the gun at a reception in the capital riyadh .a wedding in saudi arabia took a dangerous turn when the brother of the groom began firing celebratory shots with a kalashnikov , sending a hail of bullets ricocheting off the walls .the 30-second clip , believed to have been filmed with a mobile phone has been viewed nearly 140,000 times .\n", + "brother of groom fired kalashnikov in celebration at riyadh receptioncaught on camera as he loses control of the powerful rifle at weddingguests dived for cover as a hail of bullets ricocheted off the walls\n", + "[1.4400296 1.343653 1.2531395 1.4049792 1.2230939 1.260347 1.0549177\n", + " 1.0271498 1.0146493 1.1089911 1.0272954 1.0356846 1.1395986 1.0121439\n", + " 1.0122504 1.0112501 1.020118 1.1822059 1.1129634]\n", + "\n", + "[ 0 3 1 5 2 4 17 12 18 9 6 11 10 7 16 8 14 13 15]\n", + "=======================\n", + "[\"manchester united target memphis depay looks almost certain to leave psv eindhoven this summer after technical director marcel brands confirmed interest from ` big clubs ' .the 21-year-old , who has scored an emphatic 20 goals in 26 league games so far this season , has been tipped to join one of europe 's big boys after impressing in the eredivisie .and brands has reiterated that depay is likely to leave but must ` make the choice ' over his next destination .\"]\n", + "=======================\n", + "['memphis depay has been linked with a summer move to man unitedtottenham and man city are also said to be keeping tabs on psv stardepay has scored 20 goals in 26 league games so far this seasonthe dutch ace worked under louis van gaal at the 2014 world cup']\n", + "manchester united target memphis depay looks almost certain to leave psv eindhoven this summer after technical director marcel brands confirmed interest from ` big clubs ' .the 21-year-old , who has scored an emphatic 20 goals in 26 league games so far this season , has been tipped to join one of europe 's big boys after impressing in the eredivisie .and brands has reiterated that depay is likely to leave but must ` make the choice ' over his next destination .\n", + "memphis depay has been linked with a summer move to man unitedtottenham and man city are also said to be keeping tabs on psv stardepay has scored 20 goals in 26 league games so far this seasonthe dutch ace worked under louis van gaal at the 2014 world cup\n", + "[1.2117766 1.3931953 1.3240901 1.3304954 1.2452867 1.1850282 1.0514475\n", + " 1.0991728 1.0559516 1.1449198 1.0517521 1.0296947 1.0445046 1.0940131\n", + " 1.0320139 1.0540546 1.0170916 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 5 9 7 13 8 15 10 6 12 14 11 16 17 18]\n", + "=======================\n", + "[\"the mobile phone companies boasted that 4g services would be ` five times faster ' than the existing 3g networks when they launched in the autumn of 2012 .a study by ofcom says 4g speeds in the uk are slower than promised .however , a new official study puts the real figure at an average of 2.5 times faster - 14.7 megabits per second compared to 5.9 mbit/s per second on the 3g service that most people use .\"]\n", + "=======================\n", + "['study by ofcom says 4g speeds in the uk are slower than promisedmobile phone companies boasted 4g would be 5x faster than 3gbut actual figure is actually only 2.5 x faster - 14.7 megabits per secondout of the networks , ee was fastest , followed by vodafone , o2 and three']\n", + "the mobile phone companies boasted that 4g services would be ` five times faster ' than the existing 3g networks when they launched in the autumn of 2012 .a study by ofcom says 4g speeds in the uk are slower than promised .however , a new official study puts the real figure at an average of 2.5 times faster - 14.7 megabits per second compared to 5.9 mbit/s per second on the 3g service that most people use .\n", + "study by ofcom says 4g speeds in the uk are slower than promisedmobile phone companies boasted 4g would be 5x faster than 3gbut actual figure is actually only 2.5 x faster - 14.7 megabits per secondout of the networks , ee was fastest , followed by vodafone , o2 and three\n", + "[1.3291719 1.3572577 1.1155286 1.0691688 1.145593 1.1170863 1.1785905\n", + " 1.1546001 1.07395 1.0561749 1.1900457 1.0532522 1.0406162 1.0565407\n", + " 1.1219864 1.0593358 1.0901264 1.0663519 0. ]\n", + "\n", + "[ 1 0 10 6 7 4 14 5 2 16 8 3 17 15 13 9 11 12 18]\n", + "=======================\n", + "[\"wet and cloudy weather was to blame in sydney , where the sydney observatory said the short lunar began at 10.58 pm ( aedt ) and finished at 11.03 pm .sydneysiders missed out on saturday night 's lunar eclipse , but melbourne and adelaide residents had a spectacular view of the ` blood moon ' as it lit up the sky .brisbane , darwin , canberra and hobart residents were also promised slim chance of viewing the phenomenon due to poor weather conditions , but clear night skies were predicted for adelaide , melbourne and perth .\"]\n", + "=======================\n", + "['the april lunar eclipse turned the moon blood red on saturday nightbad weather ruined viewing chances for sydney , brisbane , hobart , darwinadelaide and melbourne had the clearest skies out of all the statesa lunar eclipse occurs when the moon passes in the shadow of earth']\n", + "wet and cloudy weather was to blame in sydney , where the sydney observatory said the short lunar began at 10.58 pm ( aedt ) and finished at 11.03 pm .sydneysiders missed out on saturday night 's lunar eclipse , but melbourne and adelaide residents had a spectacular view of the ` blood moon ' as it lit up the sky .brisbane , darwin , canberra and hobart residents were also promised slim chance of viewing the phenomenon due to poor weather conditions , but clear night skies were predicted for adelaide , melbourne and perth .\n", + "the april lunar eclipse turned the moon blood red on saturday nightbad weather ruined viewing chances for sydney , brisbane , hobart , darwinadelaide and melbourne had the clearest skies out of all the statesa lunar eclipse occurs when the moon passes in the shadow of earth\n", + "[1.1876999 1.3733151 1.2542527 1.3210626 1.1971053 1.107328 1.052185\n", + " 1.0928735 1.0397239 1.0493034 1.0738358 1.0639417 1.0753075 1.0336818\n", + " 1.0621673 1.0607693 1.0351019 1.0376357 1.0394899]\n", + "\n", + "[ 1 3 2 4 0 5 7 12 10 11 14 15 6 9 8 18 17 16 13]\n", + "=======================\n", + "[\"the german chancellor demanded a new european union system that distributes asylum-seekers to member states based on their population and economic strength .the call comes as europe struggles with the growing refugee crisis in the mediterranean , where hundreds have died in recent days trying to get from northern africa to italy .david cameron insisted at an emergency eu summit on thursday that the uk would not take any of the refugees -- because it was already doing its part by virtue of having the continent 's largest aid and defence budgets .\"]\n", + "=======================\n", + "[\"angela merkel has challenged cameron to accept more asylum seekersshe said a new eu system was needed based on countries ' economiesit comes as europe reacts to several boat tragedies in the mediterranean\"]\n", + "the german chancellor demanded a new european union system that distributes asylum-seekers to member states based on their population and economic strength .the call comes as europe struggles with the growing refugee crisis in the mediterranean , where hundreds have died in recent days trying to get from northern africa to italy .david cameron insisted at an emergency eu summit on thursday that the uk would not take any of the refugees -- because it was already doing its part by virtue of having the continent 's largest aid and defence budgets .\n", + "angela merkel has challenged cameron to accept more asylum seekersshe said a new eu system was needed based on countries ' economiesit comes as europe reacts to several boat tragedies in the mediterranean\n", + "[1.3043228 1.3706168 1.3550109 1.3081384 1.1960574 1.1044958 1.0820738\n", + " 1.0506263 1.1684409 1.0412769 1.0230274 1.0540923 1.105495 1.0473733\n", + " 1.0132682 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 8 12 5 6 11 7 13 9 10 14 17 15 16 18]\n", + "=======================\n", + "[\"figures released by the electoral commission revealed that labour received # 1.9 million in the week to april 5 , with 84 per cent coming from just three trade unions .it included a # 1million cheque from unite , entrenching labour 's reliance on the union 's militant boss len mccluskey .ed miliband received # 1.6 m from union barons in the first week of the election campaign , figures have revealed\"]\n", + "=======================\n", + "['labour received # 1.9 million in week to april 5 , new figures have revealedthree trade unions contributed 84 per cent , including # 1million from uniteconservative donations totalled over # 500,000 in first week of campaigncritics say labour is being bound by union paymasters after manifesto']\n", + "figures released by the electoral commission revealed that labour received # 1.9 million in the week to april 5 , with 84 per cent coming from just three trade unions .it included a # 1million cheque from unite , entrenching labour 's reliance on the union 's militant boss len mccluskey .ed miliband received # 1.6 m from union barons in the first week of the election campaign , figures have revealed\n", + "labour received # 1.9 million in week to april 5 , new figures have revealedthree trade unions contributed 84 per cent , including # 1million from uniteconservative donations totalled over # 500,000 in first week of campaigncritics say labour is being bound by union paymasters after manifesto\n", + "[1.2142512 1.3413088 1.4096521 1.219752 1.2018499 1.112055 1.1084969\n", + " 1.1209904 1.0640817 1.0665767 1.1006056 1.0455081 1.0143533 1.0115465\n", + " 1.0586923 1.0687488 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 1 3 0 4 7 5 6 10 15 9 8 14 11 12 13 21 16 17 18 19 20 22]\n", + "=======================\n", + "['the gases - desflurane , isoflurane and sevoflurane - are potent greenhouse gases that have 2,500 times the impact on global warming compared to carbon dioxide .scientists say they have detected the gases used in anaesthetic as far a field as antarctica and concentrations have been rising globally in the past decade .anaesthetic is used to send patients to sleep during surgery ( above ) but it may also be warming the planet']\n", + "=======================\n", + "[\"gases used in anaesthetic in are accumulating in the earth 's atmopsherethe gases - desflurane , isoflurane and sevoflurane - have a greenhouse effect that is 2,500 times more potent than carbon dioxide , say scientistsnew study finds their concentrations are relatively low but are increasingscientists urge hospitals to find more environmentally friendly alternatives\"]\n", + "the gases - desflurane , isoflurane and sevoflurane - are potent greenhouse gases that have 2,500 times the impact on global warming compared to carbon dioxide .scientists say they have detected the gases used in anaesthetic as far a field as antarctica and concentrations have been rising globally in the past decade .anaesthetic is used to send patients to sleep during surgery ( above ) but it may also be warming the planet\n", + "gases used in anaesthetic in are accumulating in the earth 's atmopsherethe gases - desflurane , isoflurane and sevoflurane - have a greenhouse effect that is 2,500 times more potent than carbon dioxide , say scientistsnew study finds their concentrations are relatively low but are increasingscientists urge hospitals to find more environmentally friendly alternatives\n", + "[1.2797036 1.1752555 1.2967453 1.3044231 1.1333665 1.1133064 1.1095333\n", + " 1.0603447 1.0656015 1.0724518 1.0705557 1.16989 1.0864944 1.0538975\n", + " 1.1092981 1.0328752 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 2 0 1 11 4 5 6 14 12 9 10 8 7 13 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "['a memorial display at dusseldorf airport has revealed the first photograph of hero captain patrick sondheimer left ) who tried to break down the cockpit door to stop killer pilot andreas lubitz ( second from left ) from crashing the aircraftyet the shrine , which was erected in memory of the staff killed during the tragedy , controversially also includes a picture of co-pilot andreas lubitz .staring straight ahead , eyes firmly on the camera , this is the only photograph to have emerged of patrick sonderheimer , the pilot of the doomed flight .']\n", + "=======================\n", + "['mr sondheimer frantically tried to break down cockpit door before crashphotograph of the captain is the first to have been released since disasterit has emerged lubitz was planning the attack online using name skydevildisplay created before staff learned lubitz deliberately crashed the aircraft']\n", + "a memorial display at dusseldorf airport has revealed the first photograph of hero captain patrick sondheimer left ) who tried to break down the cockpit door to stop killer pilot andreas lubitz ( second from left ) from crashing the aircraftyet the shrine , which was erected in memory of the staff killed during the tragedy , controversially also includes a picture of co-pilot andreas lubitz .staring straight ahead , eyes firmly on the camera , this is the only photograph to have emerged of patrick sonderheimer , the pilot of the doomed flight .\n", + "mr sondheimer frantically tried to break down cockpit door before crashphotograph of the captain is the first to have been released since disasterit has emerged lubitz was planning the attack online using name skydevildisplay created before staff learned lubitz deliberately crashed the aircraft\n", + "[1.3016068 1.3599416 1.2690436 1.3563552 1.0338026 1.0517174 1.0462512\n", + " 1.0282389 1.0206633 1.0268936 1.0455757 1.1325799 1.0570397 1.0287826\n", + " 1.050802 1.1632249 1.1644378 1.1322426 1.0206836 1.0672982 1.0385994\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 2 16 15 11 17 19 12 5 14 6 10 20 4 13 7 9 18 8 21 22]\n", + "=======================\n", + "[\"but after a blocked pipe unleashed a ` tsunami of sewage ' from the nine-storey building 's 239 other flats into her apartment , her hopes of a contented retirement were ruined - and she says she now hopes to move .traumatic : theodosia aresti was left devastated when her flat became flooded with raw sewage 'when retired hairdresser theodosia aresti , 71 , moved into a new-build flat in london five years ago , the frail pensioner thought she had found her dream home .\"]\n", + "=======================\n", + "[\"theodosia aresti , 71 , was horrified when sewage erupted from her baththe cause was a blocked pipe and her flat became filled with human wastesewage from 239 other flats spewed into her apartmenttide of excrement soaked her carpet and left bedroom smelling ` foul 'was forced to sleep in sewage-filled flat for four daysworkmen eventually fixed the problem and replaced the carpetshe says the experience left her needing counsellingtheodosia aresti appears on britain 's horror homes , tonight at 8pm on channel 5\"]\n", + "but after a blocked pipe unleashed a ` tsunami of sewage ' from the nine-storey building 's 239 other flats into her apartment , her hopes of a contented retirement were ruined - and she says she now hopes to move .traumatic : theodosia aresti was left devastated when her flat became flooded with raw sewage 'when retired hairdresser theodosia aresti , 71 , moved into a new-build flat in london five years ago , the frail pensioner thought she had found her dream home .\n", + "theodosia aresti , 71 , was horrified when sewage erupted from her baththe cause was a blocked pipe and her flat became filled with human wastesewage from 239 other flats spewed into her apartmenttide of excrement soaked her carpet and left bedroom smelling ` foul 'was forced to sleep in sewage-filled flat for four daysworkmen eventually fixed the problem and replaced the carpetshe says the experience left her needing counsellingtheodosia aresti appears on britain 's horror homes , tonight at 8pm on channel 5\n", + "[1.1945443 1.4751327 1.286978 1.1706524 1.1538633 1.1176012 1.2971826\n", + " 1.1548308 1.1256732 1.0466207 1.0711926 1.084265 1.0313753 1.0592778\n", + " 1.0860075 1.0489337 1.0170207 1.0246117 1.0196412 1.0140954 1.0395112\n", + " 1.0085577 1.0764838]\n", + "\n", + "[ 1 6 2 0 3 7 4 8 5 14 11 22 10 13 15 9 20 12 17 18 16 19 21]\n", + "=======================\n", + "['braylon robinson was playing at a house in cleveland , ohio , on sunday when another three-year-old boy found the unattended weapon and pulled the trigger .the bullet struck the baby boy in the face .a one-year-old boy who was shot and killed by another toddler who picked up and fired a loaded gun has been pictured .']\n", + "=======================\n", + "[\"the three-year-old boy picked up gun inside a cleveland , ohio , homehe then pulled the trigger , shooting and killing braylon robinsonit is unclear whether victim was related to the youngster who shot himbaby 's mother could be heard screaming on the back porch on sundaypolice are trying to determine who left weapon within the child 's reachforce chief said of accidental shooting : ` this is a senseless loss of life '\"]\n", + "braylon robinson was playing at a house in cleveland , ohio , on sunday when another three-year-old boy found the unattended weapon and pulled the trigger .the bullet struck the baby boy in the face .a one-year-old boy who was shot and killed by another toddler who picked up and fired a loaded gun has been pictured .\n", + "the three-year-old boy picked up gun inside a cleveland , ohio , homehe then pulled the trigger , shooting and killing braylon robinsonit is unclear whether victim was related to the youngster who shot himbaby 's mother could be heard screaming on the back porch on sundaypolice are trying to determine who left weapon within the child 's reachforce chief said of accidental shooting : ` this is a senseless loss of life '\n", + "[1.2342714 1.2209523 1.1871588 1.1570245 1.1209157 1.0675974 1.0777904\n", + " 1.0170176 1.1371777 1.1148467 1.0543132 1.056238 1.0957944 1.05321\n", + " 1.0528868 1.0814192 1.0843393 1.0226307 1.0487843 1.0695908 1.0154269\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 3 8 4 9 12 16 15 6 19 5 11 10 13 14 18 17 7 20 21 22]\n", + "=======================\n", + "['atlanta ( cnn ) \" do you use toilet paper ? \"that \\'s the question 26-year-old anamarie shreeves receives most often .it \\'s not exactly a typical question , but shreeves , who lives in atlanta and is the site manager for the nonprofit keep atlanta beautiful , lives what some may consider an atypical lifestyle : she creates almost no waste .']\n", + "=======================\n", + "[\"26-year-old atlanta woman uses a mason jar as a trash canshe has produced about as much waste in six months as an average person does in less than a dayshe strives to live a ` zero waste ' lifestyle\"]\n", + "atlanta ( cnn ) \" do you use toilet paper ? \"that 's the question 26-year-old anamarie shreeves receives most often .it 's not exactly a typical question , but shreeves , who lives in atlanta and is the site manager for the nonprofit keep atlanta beautiful , lives what some may consider an atypical lifestyle : she creates almost no waste .\n", + "26-year-old atlanta woman uses a mason jar as a trash canshe has produced about as much waste in six months as an average person does in less than a dayshe strives to live a ` zero waste ' lifestyle\n", + "[1.5961092 1.2673776 1.2711052 1.0361493 1.3244177 1.0637082 1.1264074\n", + " 1.0279275 1.0512481 1.0661219 1.119202 1.026369 1.0520571 1.0193374\n", + " 1.0175865 1.019075 1.0125779 1.1033932 1.0162137 1.0111254 1.014985\n", + " 1.0149628 1.0987923]\n", + "\n", + "[ 0 4 2 1 6 10 17 22 9 5 12 8 3 7 11 13 15 14 18 20 21 16 19]\n", + "=======================\n", + "['javier hernandez made it six goals in eight starts as real madrid kept up their pursuit of barcelona at the top of la liga with a 4-2 win over celta vigo .real madrid are now just two points behind league leaders barcelona .the manchester united loanee put his team in the champions league semi-finals in midweek with the winner against atletico madrid and in baliados on sunday night he scored twice to keep real in the title race .']\n", + "=======================\n", + "[\"nolito scores opener after just nine minutes to put his side in unlikely leadtoni kroos cancels out nolito 's strike before javier hernandez nets goalsanti mina then makes it 2-2 with close-range finish past iker casillasjames rodriguez puts side in lead before hernandez 's second of the nightreal madrid xi : casillas , carvajal , varane , ramos , marcelo , kroos , illarramendi , isco , rodriguez , hernandez , ronaldocelta vigo xi : sergio , hugo mallo , cabral , fontas , jonny , augusto , krohn-dehli , orellana , santi mina , nolito , larriveycristiano ronaldo scored a hat-trick in reverse match at the bernabeureal progressed to semi-finals of the champions league on wednesday\"]\n", + "javier hernandez made it six goals in eight starts as real madrid kept up their pursuit of barcelona at the top of la liga with a 4-2 win over celta vigo .real madrid are now just two points behind league leaders barcelona .the manchester united loanee put his team in the champions league semi-finals in midweek with the winner against atletico madrid and in baliados on sunday night he scored twice to keep real in the title race .\n", + "nolito scores opener after just nine minutes to put his side in unlikely leadtoni kroos cancels out nolito 's strike before javier hernandez nets goalsanti mina then makes it 2-2 with close-range finish past iker casillasjames rodriguez puts side in lead before hernandez 's second of the nightreal madrid xi : casillas , carvajal , varane , ramos , marcelo , kroos , illarramendi , isco , rodriguez , hernandez , ronaldocelta vigo xi : sergio , hugo mallo , cabral , fontas , jonny , augusto , krohn-dehli , orellana , santi mina , nolito , larriveycristiano ronaldo scored a hat-trick in reverse match at the bernabeureal progressed to semi-finals of the champions league on wednesday\n", + "[1.0839211 1.4181373 1.2854121 1.1291203 1.1301663 1.0914731 1.0581388\n", + " 1.0653389 1.2033118 1.1332278 1.1084638 1.1260215 1.1577893 1.0351127\n", + " 1.0208323 1.0189805 1.145879 1.0178584 1.0178714 1.0234518 1.0315799\n", + " 1.0098566 1.0092772]\n", + "\n", + "[ 1 2 8 12 16 9 4 3 11 10 5 0 7 6 13 20 19 14 15 18 17 21 22]\n", + "=======================\n", + "[\"footage shows the seven-day-old foal nuzzling sunny bayne 's shoulder before pushing her to the ground and lying on top of her belly .the young rider from kentucky ca n't stop smiling at the animal 's silly antics .to date the clip of bayne has received thousands of hits online .\"]\n", + "=======================\n", + "[\"footage shows the seven-day-old foal nuzzling sunny bayne 's shoulder before pushing her to the ground and lying on top of her bellythe young rider from kentucky ca n't stop smiling at the animal 's anticsto date the clip of bayne has received thousands of hits online\"]\n", + "footage shows the seven-day-old foal nuzzling sunny bayne 's shoulder before pushing her to the ground and lying on top of her belly .the young rider from kentucky ca n't stop smiling at the animal 's silly antics .to date the clip of bayne has received thousands of hits online .\n", + "footage shows the seven-day-old foal nuzzling sunny bayne 's shoulder before pushing her to the ground and lying on top of her bellythe young rider from kentucky ca n't stop smiling at the animal 's anticsto date the clip of bayne has received thousands of hits online\n", + "[1.4246025 1.295499 1.1554843 1.3275995 1.1716619 1.1583703 1.1119332\n", + " 1.2317299 1.1867926 1.1288476 1.0649536 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 1 7 8 4 5 2 9 6 10 20 19 18 17 16 11 14 13 12 21 15 22]\n", + "=======================\n", + "[\"( cnn ) five americans who were monitored for three weeks at an omaha , nebraska , hospital after being exposed to ebola in west africa have been released , a nebraska medicine spokesman said in an email wednesday .one of the five had a heart-related issue on saturday and has been discharged but has n't left the area , taylor wilson wrote .the centers for disease control and prevention in atlanta has said the last of 17 patients who were being monitored are expected to be released by thursday .\"]\n", + "=======================\n", + "['17 americans were exposed to the ebola virus while in sierra leone in marchanother person was diagnosed with the disease and taken to hospital in marylandnational institutes of health says the patient is in fair condition after weeks of treatment']\n", + "( cnn ) five americans who were monitored for three weeks at an omaha , nebraska , hospital after being exposed to ebola in west africa have been released , a nebraska medicine spokesman said in an email wednesday .one of the five had a heart-related issue on saturday and has been discharged but has n't left the area , taylor wilson wrote .the centers for disease control and prevention in atlanta has said the last of 17 patients who were being monitored are expected to be released by thursday .\n", + "17 americans were exposed to the ebola virus while in sierra leone in marchanother person was diagnosed with the disease and taken to hospital in marylandnational institutes of health says the patient is in fair condition after weeks of treatment\n", + "[1.3475541 1.3974476 1.2023598 1.2466742 1.1927769 1.0730672 1.0392962\n", + " 1.0323011 1.0185654 1.1581831 1.176554 1.1321329 1.0154376 1.0140504\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 10 9 11 5 6 7 8 12 13 21 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"starring models from sizes 10 to 20 and showcasing clothes from high street giants including marks & spencer 's , debenhams and laura ashley , this year 's focus is all about uniting women of all shapes for a worthwhile cause .fashion targets breast cancer , the charity founded by ralph lauren in 1994 , has cast plus-size models in its new campaign for the first time ever .this follows the first leg of the campaign , which launched earlier this month and starred models abbey clancy , 29 , and alice dellal , 27 , singer foxes , 25 , and victoria 's secret angel lily donaldson , 28 .\"]\n", + "=======================\n", + "[\"charity campaign aimed at ` women of all different shapes and sizes 'for the first time ever the models featured range from a size 10 to 20m&s , debenhams and laura ashley have all designed charity collectionskate moss and naomi campbell have starred in previous years ' shoots\"]\n", + "starring models from sizes 10 to 20 and showcasing clothes from high street giants including marks & spencer 's , debenhams and laura ashley , this year 's focus is all about uniting women of all shapes for a worthwhile cause .fashion targets breast cancer , the charity founded by ralph lauren in 1994 , has cast plus-size models in its new campaign for the first time ever .this follows the first leg of the campaign , which launched earlier this month and starred models abbey clancy , 29 , and alice dellal , 27 , singer foxes , 25 , and victoria 's secret angel lily donaldson , 28 .\n", + "charity campaign aimed at ` women of all different shapes and sizes 'for the first time ever the models featured range from a size 10 to 20m&s , debenhams and laura ashley have all designed charity collectionskate moss and naomi campbell have starred in previous years ' shoots\n", + "[1.4017694 1.1894042 1.101354 1.1446092 1.1861358 1.0835007 1.0199252\n", + " 1.0912801 1.0427917 1.0903115 1.1258941 1.0734879 1.06605 1.0442222\n", + " 1.1149538 1.0975232 1.0470988 1.0544444 1.0337534 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 4 3 10 14 2 15 7 9 5 11 12 17 16 13 8 18 6 19 20 21 22]\n", + "=======================\n", + "['( cnn ) the mass killings of armenians in the ottoman empire , which began 100 years ago friday , is said by some scholars and others to have been the first genocide of the 20th century , even though the word \" genocide \" did not exist at the time .the issue of whether to call the killings a genocide is emotional , both for armenians , who are descended from those killed , and for turks , the heirs to the ottomans .some armenians feel their nationhood can not be fully recognized unless the truth of what happened to their forebears is acknowledged .']\n", + "=======================\n", + "['the 100th anniversary of the start of the mass killings will be commemorated fridayturkey and others reject the use of the word \" genocide \"most estimates of the deaths fall between 600,000 and 1.5 million']\n", + "( cnn ) the mass killings of armenians in the ottoman empire , which began 100 years ago friday , is said by some scholars and others to have been the first genocide of the 20th century , even though the word \" genocide \" did not exist at the time .the issue of whether to call the killings a genocide is emotional , both for armenians , who are descended from those killed , and for turks , the heirs to the ottomans .some armenians feel their nationhood can not be fully recognized unless the truth of what happened to their forebears is acknowledged .\n", + "the 100th anniversary of the start of the mass killings will be commemorated fridayturkey and others reject the use of the word \" genocide \"most estimates of the deaths fall between 600,000 and 1.5 million\n", + "[1.176036 1.4167647 1.3567405 1.1459398 1.1031698 1.2975354 1.1061718\n", + " 1.0802454 1.0456417 1.023679 1.0160913 1.0518693 1.2636265 1.0551795\n", + " 1.0426538 1.0261837 1.0556406]\n", + "\n", + "[ 1 2 5 12 0 3 6 4 7 16 13 11 8 14 15 9 10]\n", + "=======================\n", + "[\"massachusetts couple mimi and joe lemay 's son jacob was n't always a boy .the five-year-old was born mia , the second of three sisters .the parents of a five-year-old transgender boy are sharing their son 's story with the world in a bid to prove that there is no such thing as being ` too young ' to identify as transgender .\"]\n", + "=======================\n", + "['mimi and joe lemay of massachusetts say their son jacob was never happy as a girl , adding that he has called himself a boy since he was twoit took years and many emotional ups and downs before the couple finally decided to let him transitionnow attending a school where everyone knows him as a boy , jacob is the happiest and most outgoing he has ever been']\n", + "massachusetts couple mimi and joe lemay 's son jacob was n't always a boy .the five-year-old was born mia , the second of three sisters .the parents of a five-year-old transgender boy are sharing their son 's story with the world in a bid to prove that there is no such thing as being ` too young ' to identify as transgender .\n", + "mimi and joe lemay of massachusetts say their son jacob was never happy as a girl , adding that he has called himself a boy since he was twoit took years and many emotional ups and downs before the couple finally decided to let him transitionnow attending a school where everyone knows him as a boy , jacob is the happiest and most outgoing he has ever been\n", + "[1.1982168 1.3801461 1.1983817 1.2889185 1.2055672 1.317344 1.1797228\n", + " 1.0806808 1.0439312 1.067446 1.0681001 1.1224877 1.1319121 1.085467\n", + " 1.0234991 1.0528973 1.0559267]\n", + "\n", + "[ 1 5 3 4 2 0 6 12 11 13 7 10 9 16 15 8 14]\n", + "=======================\n", + "['britt lapthorne , from melbourne , was last seen at the latin club fuego in the coastal , tourist town of dubrovnik where she was partying with about 10 other backpackers .her family believes ms lapthorne was murdered , her body weighted down and dumped at sea .it has now emerged a victorian inquest into her death will be closed .']\n", + "=======================\n", + "['student britt lapthorne , from melbourne , disappeared in 2008she was last seen at a club in the coastal town of dubrovnik in croatiaher body was found almost three weeks after she disappearedshe was found badly decomposed in boninovo baycroatian police have never solved the mystery of how she diedher family believes she was murdered and dumped at seaa victorian inquest into her death will be closed']\n", + "britt lapthorne , from melbourne , was last seen at the latin club fuego in the coastal , tourist town of dubrovnik where she was partying with about 10 other backpackers .her family believes ms lapthorne was murdered , her body weighted down and dumped at sea .it has now emerged a victorian inquest into her death will be closed .\n", + "student britt lapthorne , from melbourne , disappeared in 2008she was last seen at a club in the coastal town of dubrovnik in croatiaher body was found almost three weeks after she disappearedshe was found badly decomposed in boninovo baycroatian police have never solved the mystery of how she diedher family believes she was murdered and dumped at seaa victorian inquest into her death will be closed\n", + "[1.641547 1.3405057 1.1099566 1.0896304 1.2053058 1.1417234 1.1002803\n", + " 1.0282227 1.0945272 1.2865217 1.0289793 1.0136753 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 9 4 5 2 6 8 3 10 7 11 15 12 13 14 16]\n", + "=======================\n", + "[\"team sky 's geraint thomas had to settle for 14th place in an incident-packed tour of flanders as norwegian alexander kristoff took victory in a sprint finish with holland 's niki terpstra .with tom boonen and fabian cancellara - winners of six of the last 10 races here - missing through injury , thomas was one of the favourites to claim the title following his recent victory in e3 harelbeke and third-place finish at the gent-wevelgem sprint classic .the highly-fancied kristoff came home in a time of six hours , 26 minutes and 38 seconds , with terpstra just behind and local hope greg van avermaet of belgium ( bmc ) seven seconds back in third .\"]\n", + "=======================\n", + "[\"norway 's alexander kristoff won race after sprint finish with niki terpstrageraint thomas was among favourites to claim title following recent winthe welshman was unable to recover ground on kristoff and terpstra\"]\n", + "team sky 's geraint thomas had to settle for 14th place in an incident-packed tour of flanders as norwegian alexander kristoff took victory in a sprint finish with holland 's niki terpstra .with tom boonen and fabian cancellara - winners of six of the last 10 races here - missing through injury , thomas was one of the favourites to claim the title following his recent victory in e3 harelbeke and third-place finish at the gent-wevelgem sprint classic .the highly-fancied kristoff came home in a time of six hours , 26 minutes and 38 seconds , with terpstra just behind and local hope greg van avermaet of belgium ( bmc ) seven seconds back in third .\n", + "norway 's alexander kristoff won race after sprint finish with niki terpstrageraint thomas was among favourites to claim title following recent winthe welshman was unable to recover ground on kristoff and terpstra\n", + "[1.1839504 1.4941987 1.0942547 1.2577978 1.3646108 1.3374285 1.2116711\n", + " 1.234955 1.0435209 1.017527 1.0281596 1.0671543 1.0243852 1.0274072\n", + " 1.0093814 1.0735252 1.0329787]\n", + "\n", + "[ 1 4 5 3 7 6 0 2 15 11 8 16 10 13 12 9 14]\n", + "=======================\n", + "[\"casey veal 's son zayden was just 10 months old when he was bludgeoned to death by a drug-crazed burglar who broke into their bendigo home at random , whilst the baby slept in his cot in june 2012 .the culprit was 19-year-old harley hicks who bashed baby zayden more than 30 times with a homemade baton during a senseless and unprovoked robbery , fuelled by ice and marijuana .a heartbroken ms veal told 60 minutes .\"]\n", + "=======================\n", + "[\"heartbroken mother speaks out about the brutal murder of her baby sonbaby zayden was murdered as his family slept during a random robberyharley hicks , 19 , attacked the 10-month-old baby in an ice-fuelled rampagecasey veal opened up about the pain she lives with since her son 's deathit comes as the federal government announced a task force this week to combat the ` national ice epidemic '\"]\n", + "casey veal 's son zayden was just 10 months old when he was bludgeoned to death by a drug-crazed burglar who broke into their bendigo home at random , whilst the baby slept in his cot in june 2012 .the culprit was 19-year-old harley hicks who bashed baby zayden more than 30 times with a homemade baton during a senseless and unprovoked robbery , fuelled by ice and marijuana .a heartbroken ms veal told 60 minutes .\n", + "heartbroken mother speaks out about the brutal murder of her baby sonbaby zayden was murdered as his family slept during a random robberyharley hicks , 19 , attacked the 10-month-old baby in an ice-fuelled rampagecasey veal opened up about the pain she lives with since her son 's deathit comes as the federal government announced a task force this week to combat the ` national ice epidemic '\n", + "[1.3777037 1.364864 1.1100022 1.129195 1.1447741 1.0478084 1.069491\n", + " 1.1166574 1.1206632 1.0702747 1.0973256 1.0678085 1.0558295 1.1016978\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 3 8 7 2 13 10 9 6 11 12 5 15 14 16]\n", + "=======================\n", + "[\"( cnn ) for years , warren weinstein 's family frantically searched for details about his whereabouts and pushed for his release .his wife said she was still searching for answers thursday after u.s. officials revealed the 73-year-old american aid worker had been accidentally killed in a u.s. drone strike targeting al qaeda .gunmen abducted weinstein in 2011 from his home in lahore , parkistan .\"]\n", + "=======================\n", + "[\"warren weinstein 's wife says the family is still searching for answersofficials say weinstein and another al qaeda hostage were accidentally killed in a u.s. drone strikegunmen abducted the usaid contractor from his home in pakistan in 2011\"]\n", + "( cnn ) for years , warren weinstein 's family frantically searched for details about his whereabouts and pushed for his release .his wife said she was still searching for answers thursday after u.s. officials revealed the 73-year-old american aid worker had been accidentally killed in a u.s. drone strike targeting al qaeda .gunmen abducted weinstein in 2011 from his home in lahore , parkistan .\n", + "warren weinstein 's wife says the family is still searching for answersofficials say weinstein and another al qaeda hostage were accidentally killed in a u.s. drone strikegunmen abducted the usaid contractor from his home in pakistan in 2011\n", + "[1.4182093 1.2951437 1.1763265 1.338793 1.0827587 1.2130793 1.2648168\n", + " 1.1146426 1.0717677 1.0381072 1.016166 1.0259995 1.1774062 1.0407063\n", + " 1.0478032 1.1611184 1.04194 1.0189126 1.153541 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 6 5 12 2 15 18 7 4 8 14 16 13 9 11 17 10 23 19 20 21 22\n", + " 24]\n", + "=======================\n", + "['phil taylor suffered his fourth loss of the premier league season with defeat to dave chisnall in a dramatic night of darts on thursday .phil taylor squandered a 4-2 lead to lose 7-4 against dave chisnall during their premier league darts clashgary anderson 6-6 raymond van barneveld']\n", + "=======================\n", + "[\"phil taylor suffered his fourth loss of the season with thursday 's defeatpeter wright lost 7-4 to adrian lewis , while kim huybrechts drew 6-6 with stephen bunting on ` judgement night ' in manchesterresults meant wright suffered elimination due to leg differenceleague leader michael van gerwen romped to a 7-4 win over james waderaymond van barneveld drew 6-6 with gary anderson in the other clash\"]\n", + "phil taylor suffered his fourth loss of the premier league season with defeat to dave chisnall in a dramatic night of darts on thursday .phil taylor squandered a 4-2 lead to lose 7-4 against dave chisnall during their premier league darts clashgary anderson 6-6 raymond van barneveld\n", + "phil taylor suffered his fourth loss of the season with thursday 's defeatpeter wright lost 7-4 to adrian lewis , while kim huybrechts drew 6-6 with stephen bunting on ` judgement night ' in manchesterresults meant wright suffered elimination due to leg differenceleague leader michael van gerwen romped to a 7-4 win over james waderaymond van barneveld drew 6-6 with gary anderson in the other clash\n", + "[1.3050174 1.4096693 1.3168781 1.2833269 1.1948597 1.1809688 1.0900338\n", + " 1.1227975 1.0432224 1.0443219 1.0185412 1.0384378 1.024907 1.0637473\n", + " 1.0440328 1.1228558 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 5 15 7 6 13 9 14 8 11 12 10 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"the ukip leader will say the boatloads of people trying to get to the continent from north africa could provide a cover for jihadis wanting to do harm .mr farage will make his comments in a debate at the european parliament in strasbourg in the wake of more than 1,000 migrants drowning in the mediterranean .nigel farage will say today that allowing refugees into europe ` could lead to half a million islamic extremists coming to our countries and posing a direct threat to our civilisation ' .\"]\n", + "=======================\n", + "['nigel farage says refugees into europe could lead to influx of extremistsukip leader says it could provide a cover for jihadis wanting to do harmhe will make comments in a debate at the european parliament today']\n", + "the ukip leader will say the boatloads of people trying to get to the continent from north africa could provide a cover for jihadis wanting to do harm .mr farage will make his comments in a debate at the european parliament in strasbourg in the wake of more than 1,000 migrants drowning in the mediterranean .nigel farage will say today that allowing refugees into europe ` could lead to half a million islamic extremists coming to our countries and posing a direct threat to our civilisation ' .\n", + "nigel farage says refugees into europe could lead to influx of extremistsukip leader says it could provide a cover for jihadis wanting to do harmhe will make comments in a debate at the european parliament today\n", + "[1.1242115 1.0586058 1.0828874 1.0415694 1.368536 1.0456418 1.0897111\n", + " 1.2053983 1.1780206 1.2339191 1.0622647 1.0421522 1.0424857 1.0787227\n", + " 1.1015317 1.066835 1.0632123 1.0354418 1.083927 1.048217 1.1192203\n", + " 1.0540906 1.0410663 0. 0. ]\n", + "\n", + "[ 4 9 7 8 0 20 14 6 18 2 13 15 16 10 1 21 19 5 12 11 3 22 17 23\n", + " 24]\n", + "=======================\n", + "['step forward leicester city striker jamie vardy .not even close ... louis van gaal should be crowned manager of the yearvardy was being criticised two years ago at leicester but now is a pivotal part of their team']\n", + "=======================\n", + "[\"west brom 2-3 leicester city : jamie vardy 's injury-time winner seals itvardy put in a 10-out-of-10 performance at the hawthorns on saturdaythe leicester striker is a hard worker and can rarely be faulted\"]\n", + "step forward leicester city striker jamie vardy .not even close ... louis van gaal should be crowned manager of the yearvardy was being criticised two years ago at leicester but now is a pivotal part of their team\n", + "west brom 2-3 leicester city : jamie vardy 's injury-time winner seals itvardy put in a 10-out-of-10 performance at the hawthorns on saturdaythe leicester striker is a hard worker and can rarely be faulted\n", + "[1.2364534 1.3344278 1.3515248 1.2337165 1.2745862 1.1138692 1.1640197\n", + " 1.0857399 1.1246649 1.0367141 1.0355988 1.066487 1.050601 1.0144253\n", + " 1.0218378 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 4 0 3 6 8 5 7 11 12 9 10 14 13 23 15 16 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "['the hard-line approach to immunisation comes one month after the tragic death of 32-day - old perth baby riley hughes who died after contracting whooping cough .social services minister scott morrison confirms that the government is actively researching possible legislation changes , as conscientious objectors are currently able to use a loophole to access family tax benefits .riley hughes died at just 32 days old after suffering complications arising from whooping cough']\n", + "=======================\n", + "[\"abbott government are actively trying to stop parents who do n't immunise their children from accessing rebatesonly parents who immunise their children are eligible to access welfare payments and childcare subsidieshowever a loophole currently allows parents who do not vaccinate their children from accessing the fundsconscientious objectors are people who oppose vaccinations for personal or philosophical reasons despite knowing the risksscott morrison confirms the government wants to take a more hard-line approach in the interest of the health and safety of australian children\"]\n", + "the hard-line approach to immunisation comes one month after the tragic death of 32-day - old perth baby riley hughes who died after contracting whooping cough .social services minister scott morrison confirms that the government is actively researching possible legislation changes , as conscientious objectors are currently able to use a loophole to access family tax benefits .riley hughes died at just 32 days old after suffering complications arising from whooping cough\n", + "abbott government are actively trying to stop parents who do n't immunise their children from accessing rebatesonly parents who immunise their children are eligible to access welfare payments and childcare subsidieshowever a loophole currently allows parents who do not vaccinate their children from accessing the fundsconscientious objectors are people who oppose vaccinations for personal or philosophical reasons despite knowing the risksscott morrison confirms the government wants to take a more hard-line approach in the interest of the health and safety of australian children\n", + "[1.5446799 1.2139452 1.3609662 1.0420256 1.0669351 1.0841949 1.0405183\n", + " 1.028582 1.0245296 1.0697678 1.0172057 1.0316763 1.019819 1.027874\n", + " 1.0477285 1.0340714 1.067723 1.2464663 1.093052 1.0494242 1.0409508\n", + " 1.0094688 1.0158689 1.0120511 1.0826586]\n", + "\n", + "[ 0 2 17 1 18 5 24 9 16 4 19 14 3 20 6 15 11 7 13 8 12 10 22 23\n", + " 21]\n", + "=======================\n", + "[\"christian benteke 's hat-trick secured a vital point for aston villa in a thrilling game against relegation rivals qpr .aston villa 4-4-2 ( diamond )here , sportsmail 's laurie whitwell takes us through the player ratings from tuesday night 's match at villa park ...\"]\n", + "=======================\n", + "[\"christian benteke 's superb hat-trick against qpr secured a vital point for aston villa in their fight against relegationfabian delph also gave an assured performance for villa in midfieldmatty phillips is proving similarly key for the hoops and notched his sixth assist of 2015charlie austin scored his 17th premier league goal of the campaign\"]\n", + "christian benteke 's hat-trick secured a vital point for aston villa in a thrilling game against relegation rivals qpr .aston villa 4-4-2 ( diamond )here , sportsmail 's laurie whitwell takes us through the player ratings from tuesday night 's match at villa park ...\n", + "christian benteke 's superb hat-trick against qpr secured a vital point for aston villa in their fight against relegationfabian delph also gave an assured performance for villa in midfieldmatty phillips is proving similarly key for the hoops and notched his sixth assist of 2015charlie austin scored his 17th premier league goal of the campaign\n", + "[1.4094774 1.1024332 1.1558101 1.1776543 1.4818201 1.0751696 1.06797\n", + " 1.0363998 1.0295744 1.0205281 1.0284313 1.0815748 1.086361 1.0475223\n", + " 1.024833 1.0176101 1.0174041 1.1399324 1.0536174 0. 0.\n", + " 0. ]\n", + "\n", + "[ 4 0 3 2 17 1 12 11 5 6 18 13 7 8 10 14 9 15 16 20 19 21]\n", + "=======================\n", + "[\"celtic manager ronny deila admitted that the first six months in charge were mentally toughpeter lawwell recently admitted to telling ronny deila that it was a matter of getting over the ` le guen hump ' but celtic 's chief executive might well have cited a couple of names that had met their grim fates closer to home .a search party was hardly required to identify his doubters .\"]\n", + "=======================\n", + "['celtic boss ronny deila was unsure he was cut out for the jobdeila struggled for results initially at celtic parkbut the bhoys now lead the premiership and should win the title']\n", + "celtic manager ronny deila admitted that the first six months in charge were mentally toughpeter lawwell recently admitted to telling ronny deila that it was a matter of getting over the ` le guen hump ' but celtic 's chief executive might well have cited a couple of names that had met their grim fates closer to home .a search party was hardly required to identify his doubters .\n", + "celtic boss ronny deila was unsure he was cut out for the jobdeila struggled for results initially at celtic parkbut the bhoys now lead the premiership and should win the title\n", + "[1.1166873 1.396875 1.2879634 1.4074088 1.2619618 1.198163 1.056845\n", + " 1.0900995 1.0338839 1.0221382 1.0105687 1.1007159 1.102281 1.0890589\n", + " 1.1296726 1.0221447 1.1197745 1.0205258 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 2 4 5 14 16 0 12 11 7 13 6 8 15 9 17 10 18 19 20 21]\n", + "=======================\n", + "[\"kevin blandford 's photo album has gone viral with more than two million views on the website imgurthe 33-year-old , from louisville , kentucky , won the caribbean getaway through his workplace , but his wife , bonnie , was n't able to join him because she stayed home to care for their six-month-old daughter .kevin said ' a dedicated friend ' took the photos that show him looking miserable during his holiday\"]\n", + "=======================\n", + "[\"kevin blandford 's ` sad face ' photo album has gone viral on the internetphotos have been viewed more than two million times on imgurhe won the trip through his workplace but his wife was n't able to join himkevin told mailonline travel that the getaway was n't as bad as it looked\"]\n", + "kevin blandford 's photo album has gone viral with more than two million views on the website imgurthe 33-year-old , from louisville , kentucky , won the caribbean getaway through his workplace , but his wife , bonnie , was n't able to join him because she stayed home to care for their six-month-old daughter .kevin said ' a dedicated friend ' took the photos that show him looking miserable during his holiday\n", + "kevin blandford 's ` sad face ' photo album has gone viral on the internetphotos have been viewed more than two million times on imgurhe won the trip through his workplace but his wife was n't able to join himkevin told mailonline travel that the getaway was n't as bad as it looked\n", + "[1.4332505 1.5059516 1.0974598 1.4648644 1.3544427 1.0657287 1.062734\n", + " 1.1429183 1.1387725 1.0334464 1.0166987 1.0122347 1.0136901 1.0172881\n", + " 1.0171106 1.0877283 1.0115426 1.0120931 1.0096754 1.0147362 1.0442727\n", + " 1.0309095]\n", + "\n", + "[ 1 3 0 4 7 8 2 15 5 6 20 9 21 13 14 10 19 12 11 17 16 18]\n", + "=======================\n", + "[\"united boss louis van gaal revealed he will be without marcos rojo , phil jones , michael carrick and daley blind at stamford bridge , but mourinho responded by listing their lavish squad . 'jose mourinho believes manchester united will not be weakened by injury problems when they play chelseajose mourinho insists manchester united 's injury crisis does not weaken their team as they head to chelsea for tomorrow 's title clash .\"]\n", + "=======================\n", + "[\"united are without marcos rojo , phil jones , michael carrick and daley blind for stamford bridge showdownbut mourinho says louis van gaal 's ` amazing ' squad will copechelsea boss said he players needed no motivation for united fixtureblues can move a step closer to premier league title with three pointsclick here for all the team news , stats and odds ahead of the game\"]\n", + "united boss louis van gaal revealed he will be without marcos rojo , phil jones , michael carrick and daley blind at stamford bridge , but mourinho responded by listing their lavish squad . 'jose mourinho believes manchester united will not be weakened by injury problems when they play chelseajose mourinho insists manchester united 's injury crisis does not weaken their team as they head to chelsea for tomorrow 's title clash .\n", + "united are without marcos rojo , phil jones , michael carrick and daley blind for stamford bridge showdownbut mourinho says louis van gaal 's ` amazing ' squad will copechelsea boss said he players needed no motivation for united fixtureblues can move a step closer to premier league title with three pointsclick here for all the team news , stats and odds ahead of the game\n", + "[1.4047229 1.2330092 1.3767483 1.2013966 1.1342726 1.0643437 1.1245464\n", + " 1.175794 1.1461123 1.0783145 1.0156484 1.0473257 1.0906266 1.0786616\n", + " 1.0332053 1.1546036 1.0720773 1.0502411 1.0395988 1.0144172 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 3 7 15 8 4 6 12 13 9 16 5 17 11 18 14 10 19 20 21]\n", + "=======================\n", + "[\"police are hunting for a man who walked into a house in los angeles on sunday and shot a sleeping eight-year-old boy ( above ) in the headthe suspect , who is described as hispanic , medium build and wearing a grey hoodie at the time , apparently had no motive for staging the attack in the 11000 block of wagner street in del rey .according to the victim 's father , the attacker walked in through an unlocked front door around midnight and proceeded to fire shots after a heated conversation .\"]\n", + "=======================\n", + "[\"the suspect apparently had no motive for staging the attack in the 11000 block of wagner street in del rey , los angeles , on sunday nighthe is described as hispanic , medium build and wearing a grey hoodieaccording to the victim 's father , the attacker walked in through an unlocked front door around midnight and proceeded to fire shotsas of monday , the boy was listed in critical but stable condition\"]\n", + "police are hunting for a man who walked into a house in los angeles on sunday and shot a sleeping eight-year-old boy ( above ) in the headthe suspect , who is described as hispanic , medium build and wearing a grey hoodie at the time , apparently had no motive for staging the attack in the 11000 block of wagner street in del rey .according to the victim 's father , the attacker walked in through an unlocked front door around midnight and proceeded to fire shots after a heated conversation .\n", + "the suspect apparently had no motive for staging the attack in the 11000 block of wagner street in del rey , los angeles , on sunday nighthe is described as hispanic , medium build and wearing a grey hoodieaccording to the victim 's father , the attacker walked in through an unlocked front door around midnight and proceeded to fire shotsas of monday , the boy was listed in critical but stable condition\n", + "[1.3457767 1.3380525 1.1654352 1.3308709 1.1495543 1.1101185 1.0424374\n", + " 1.0427006 1.0769367 1.1221398 1.0351477 1.068945 1.0139304 1.1376472\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 2 4 13 9 5 8 11 7 6 10 12 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"renee somerfield , the genetically-blessed australian model starring in a controversial new weight loss advert , has responded to the backlash against the campaign .the yellow protein world ad , currently plastered all over billboards around the london underground , features a bikini-clad renee next to text reading ` are you beach body ready ? 'the sight of the 24-year-old 's toned figure towering above train platforms has caused a stir among some feminists and body image campaigners , with a change.org petition started , general social media outrage and defacing of the posters by bloggers , angry at the perceived insinuation that only women who look like renee are ready to go to the beach .\"]\n", + "=======================\n", + "[\"australian model renee somerfield wears bikini in new protein world adcampaign pushing weight loss blasted by some body image campaignersfitness model calls the backlash ` contradictory 'protein world have defended campaign and refuse to remove the advert\"]\n", + "renee somerfield , the genetically-blessed australian model starring in a controversial new weight loss advert , has responded to the backlash against the campaign .the yellow protein world ad , currently plastered all over billboards around the london underground , features a bikini-clad renee next to text reading ` are you beach body ready ? 'the sight of the 24-year-old 's toned figure towering above train platforms has caused a stir among some feminists and body image campaigners , with a change.org petition started , general social media outrage and defacing of the posters by bloggers , angry at the perceived insinuation that only women who look like renee are ready to go to the beach .\n", + "australian model renee somerfield wears bikini in new protein world adcampaign pushing weight loss blasted by some body image campaignersfitness model calls the backlash ` contradictory 'protein world have defended campaign and refuse to remove the advert\n", + "[1.1459818 1.3366063 1.3182473 1.0453157 1.3175262 1.0591855 1.2416782\n", + " 1.3474667 1.1136283 1.0644021 1.0555867 1.038074 1.094098 1.0104091\n", + " 1.0108887 1.0140433 1.0265552 1.028216 ]\n", + "\n", + "[ 7 1 2 4 6 0 8 12 9 5 10 3 11 17 16 15 14 13]\n", + "=======================\n", + "['mcilroy is targeting his third major title and the completion of his career grand slam at augustaben hogan did it with his one and only appearance at the open championship .tiger woods achieved it at the home of golf .']\n", + "=======================\n", + "['the 79th masters kicks off in augusta on thursdayrory mcilroy is bidding to land a third straight major titletiger woods arrives to the competition ranked 111th in the world']\n", + "mcilroy is targeting his third major title and the completion of his career grand slam at augustaben hogan did it with his one and only appearance at the open championship .tiger woods achieved it at the home of golf .\n", + "the 79th masters kicks off in augusta on thursdayrory mcilroy is bidding to land a third straight major titletiger woods arrives to the competition ranked 111th in the world\n", + "[1.2405806 1.4859589 1.3476691 1.3267651 1.2714584 1.0730102 1.0386053\n", + " 1.1575072 1.1152653 1.0320302 1.0192668 1.090392 1.1937242 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 12 7 8 11 5 6 9 10 16 13 14 15 17]\n", + "=======================\n", + "['the 42-year-old man allegedly threw a wheel spanner at a night security patrol car before recklessly driving his dark blue ford falcon ute at full speed towards the harts range police station just before 10pm on sunday .fortunately the station , which is remotely located about 240km northeast of alice springs in the northern territory , was vacant at the time of the incident before the culprit managed to escape in the smashed-up car .territory duty superintendent brendan muldoon said police are looking for a 42-year-old male who was agitated and driving in a reckless manner .']\n", + "=======================\n", + "['man threw a wheel spanner at security night patrol car in harts range , northern territoryhe then deliberately drove his car through doors of a police stationthe 42 year old man managed to drive away in the damaged carcar had no front number plate , front bumper bar or working headlightsvehicle may still have rear number plate which is sa-registered s145 avistation is located 240km northeast of alice springs in northern territory']\n", + "the 42-year-old man allegedly threw a wheel spanner at a night security patrol car before recklessly driving his dark blue ford falcon ute at full speed towards the harts range police station just before 10pm on sunday .fortunately the station , which is remotely located about 240km northeast of alice springs in the northern territory , was vacant at the time of the incident before the culprit managed to escape in the smashed-up car .territory duty superintendent brendan muldoon said police are looking for a 42-year-old male who was agitated and driving in a reckless manner .\n", + "man threw a wheel spanner at security night patrol car in harts range , northern territoryhe then deliberately drove his car through doors of a police stationthe 42 year old man managed to drive away in the damaged carcar had no front number plate , front bumper bar or working headlightsvehicle may still have rear number plate which is sa-registered s145 avistation is located 240km northeast of alice springs in northern territory\n", + "[1.5470197 1.353535 1.1520551 1.0912706 1.4506853 1.2679884 1.1636584\n", + " 1.064257 1.0487068 1.0631461 1.018094 1.0259316 1.0215144 1.0483924\n", + " 1.0220208 1.0130501 1.0124493 0. ]\n", + "\n", + "[ 0 4 1 5 6 2 3 7 9 8 13 11 14 12 10 15 16 17]\n", + "=======================\n", + "[\"eric cantona claimed manchester united are ` kings of the city ' again after their derby victory on sunday and the club legend believes they have found the right man in louis van gaal to drive them to the premier league title next year .the former united striker made a rare foray into football matters at the laureus sports awards in shanghai and spoke about diverse subjects , ranging from soft porn -- in defence of his latest film -- to his old side 's changing fortunes .cantona once professed his desire to be the manager at old trafford but has changed his mind , predicting united would recapture their old dominance under van gaal .\"]\n", + "=======================\n", + "['manchester united beat rivals manchester city 4-2 in the league on sundayvictory moves third-placed united four points clear of city in the tableeric cantona adds man utd are more dedicated to youth than citygary neville : louis van gaal has worked wonders with wayne rooneyrooney : marouane fellaini one of the most dangerous forwards in europe']\n", + "eric cantona claimed manchester united are ` kings of the city ' again after their derby victory on sunday and the club legend believes they have found the right man in louis van gaal to drive them to the premier league title next year .the former united striker made a rare foray into football matters at the laureus sports awards in shanghai and spoke about diverse subjects , ranging from soft porn -- in defence of his latest film -- to his old side 's changing fortunes .cantona once professed his desire to be the manager at old trafford but has changed his mind , predicting united would recapture their old dominance under van gaal .\n", + "manchester united beat rivals manchester city 4-2 in the league on sundayvictory moves third-placed united four points clear of city in the tableeric cantona adds man utd are more dedicated to youth than citygary neville : louis van gaal has worked wonders with wayne rooneyrooney : marouane fellaini one of the most dangerous forwards in europe\n", + "[1.289783 1.4492457 1.3667324 1.3269465 1.109811 1.0982293 1.0330845\n", + " 1.0136136 1.2292227 1.0414649 1.0503228 1.0650455 1.0533162 1.0211284\n", + " 1.0927858 1.0643098 0. 0. ]\n", + "\n", + "[ 1 2 3 0 8 4 5 14 11 15 12 10 9 6 13 7 16 17]\n", + "=======================\n", + "[\"nbc 's 288 consecutive week winning run had stetched back to september 2009 and the drop from the top spot comes two months after anchor brian williams received a six-month suspension for misleading viewers about his coverage of the iraq war in 2003 .according to nielsen ratings , abc 's world news tonight with david muir attracted 84,000 more viewers for the week ending april 3 , with the show pulling in 7.997 million viewers compared to nightly 's 7.913 million .as well as coming in the wake of williams ' suspension , the switch also follows a change in how the numbers are crunched which now prevents nbc from including repeat numbers of its newscast from overnight replays .\"]\n", + "=======================\n", + "[\"world news tonight evening newscast has officially overtaken underfire rival nbc 's nightly news in the ratings warnbc 's 288 consecutive week winning run had stetched back to september 2009 and the drop comes two months after brian williams ' suspensionan nbc spokesperson said the network was ` pleased ' with substitute anchor lester holt 's ` strong performance 'switch also follows a change in how the numbers are crunched and nbc is now prevented from including repeat numbers from overnight replays\"]\n", + "nbc 's 288 consecutive week winning run had stetched back to september 2009 and the drop from the top spot comes two months after anchor brian williams received a six-month suspension for misleading viewers about his coverage of the iraq war in 2003 .according to nielsen ratings , abc 's world news tonight with david muir attracted 84,000 more viewers for the week ending april 3 , with the show pulling in 7.997 million viewers compared to nightly 's 7.913 million .as well as coming in the wake of williams ' suspension , the switch also follows a change in how the numbers are crunched which now prevents nbc from including repeat numbers of its newscast from overnight replays .\n", + "world news tonight evening newscast has officially overtaken underfire rival nbc 's nightly news in the ratings warnbc 's 288 consecutive week winning run had stetched back to september 2009 and the drop comes two months after brian williams ' suspensionan nbc spokesperson said the network was ` pleased ' with substitute anchor lester holt 's ` strong performance 'switch also follows a change in how the numbers are crunched and nbc is now prevented from including repeat numbers from overnight replays\n", + "[1.3653089 1.4310188 1.2739849 1.299595 1.2758558 1.194412 1.0328199\n", + " 1.0196538 1.0334268 1.100817 1.178559 1.042173 1.0339972 1.115572\n", + " 1.009229 1.0111531 0. 0. ]\n", + "\n", + "[ 1 0 3 4 2 5 10 13 9 11 12 8 6 7 15 14 16 17]\n", + "=======================\n", + "[\"redknapp branded the situation at qpr a ` soap opera ' and accused ` people with their agendas ' of working against him before he left the club in february citing knee problems .sandro has defended former manager harry redknapp , saying he is not at fault for qpr 's predicament near the foot of the premier league .others , including joey barton , blame redknapp 's recruitment in the summer transfer window and poor work on the training ground .\"]\n", + "=======================\n", + "[\"sandro insists he does n't blame harry redknapp for qpr 's strugglesredknapp left the premier league side in february citing knee problemsqpr midfielder claims it 's ` not fair ' to blame his former boss\"]\n", + "redknapp branded the situation at qpr a ` soap opera ' and accused ` people with their agendas ' of working against him before he left the club in february citing knee problems .sandro has defended former manager harry redknapp , saying he is not at fault for qpr 's predicament near the foot of the premier league .others , including joey barton , blame redknapp 's recruitment in the summer transfer window and poor work on the training ground .\n", + "sandro insists he does n't blame harry redknapp for qpr 's strugglesredknapp left the premier league side in february citing knee problemsqpr midfielder claims it 's ` not fair ' to blame his former boss\n", + "[1.5135696 1.1072632 1.1049956 1.1239266 1.0600559 1.0680863 1.0334947\n", + " 1.136871 1.0645288 1.1607838 1.0797704 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 9 7 3 1 2 10 5 8 4 6 11 12 13 14 15 16 17]\n", + "=======================\n", + "[\"that 's a wrap - mercedes-benz fashion week australia came to a close on thursday night in sydney , with the johanna johnson show bringing the event to a spectacular close with her hollywood-inspired sirens ' call presentation .shine on : maticevski ( left ) , ginger & smart ( middle ) , and johanna johnson ( right ) wowed with metallic golds and bronzesa key beauty trend on the catwalk appeared to be face bling - both akira isogawa and bondi bather sent models down the runway with sequins and beads glued to their faces .\"]\n", + "=======================\n", + "['mercedes-benz fashion week australia 2015 came to a close on thursday night in sydneystand-out shows included maticevski , romance was born , tome , steven khalil and johanna johnsonsheer and metallic fabrics and slouchy and voluminous silhouettes were recurring trends']\n", + "that 's a wrap - mercedes-benz fashion week australia came to a close on thursday night in sydney , with the johanna johnson show bringing the event to a spectacular close with her hollywood-inspired sirens ' call presentation .shine on : maticevski ( left ) , ginger & smart ( middle ) , and johanna johnson ( right ) wowed with metallic golds and bronzesa key beauty trend on the catwalk appeared to be face bling - both akira isogawa and bondi bather sent models down the runway with sequins and beads glued to their faces .\n", + "mercedes-benz fashion week australia 2015 came to a close on thursday night in sydneystand-out shows included maticevski , romance was born , tome , steven khalil and johanna johnsonsheer and metallic fabrics and slouchy and voluminous silhouettes were recurring trends\n", + "[1.2164757 1.3524566 1.1457781 1.2155919 1.1652569 1.1393743 1.0878966\n", + " 1.1146607 1.1612076 1.0962477 1.1013739 1.0753484 1.1027187 1.0368382\n", + " 1.0769243 1.1035212 1.1058617 0. ]\n", + "\n", + "[ 1 0 3 4 8 2 5 7 16 15 12 10 9 6 14 11 13 17]\n", + "=======================\n", + "[\"she was first diagnosed with the condition in 2013 where she was initially given daily medication to help relieve the pain .meet suma , one of melbourne zoo 's aging orangutans who suffers from arthritis .although is not unusual for middle-aged orangutans to have arthritis , doctors had to anaesthetise suma in order to check how her condition has progressed over the past two years .\"]\n", + "=======================\n", + "[\"suma underwent a thorough health examination on thursday to monitor the progress of her arthritismelbourne zoo 's aging orangutan was first diagnosed with the condition in 2013the 36-year-old orangutan , who turns a year older in june , has arthritis in her hips and ankleszoo vets took the opportunity to give suma a full check-up including her ears , teeth and eyes\"]\n", + "she was first diagnosed with the condition in 2013 where she was initially given daily medication to help relieve the pain .meet suma , one of melbourne zoo 's aging orangutans who suffers from arthritis .although is not unusual for middle-aged orangutans to have arthritis , doctors had to anaesthetise suma in order to check how her condition has progressed over the past two years .\n", + "suma underwent a thorough health examination on thursday to monitor the progress of her arthritismelbourne zoo 's aging orangutan was first diagnosed with the condition in 2013the 36-year-old orangutan , who turns a year older in june , has arthritis in her hips and ankleszoo vets took the opportunity to give suma a full check-up including her ears , teeth and eyes\n", + "[1.3470767 1.0809816 1.2052517 1.3200755 1.3668627 1.1333144 1.1060076\n", + " 1.1032639 1.0582266 1.0494782 1.0513521 1.0385716 1.0351915 1.043741\n", + " 1.0169941 1.0194507 0. 0. ]\n", + "\n", + "[ 4 0 3 2 5 6 7 1 8 10 9 13 11 12 15 14 16 17]\n", + "=======================\n", + "[\"joe louis ( left ) knocks out max schmeling in the first round to win the heavyweight title on june 22 , 1938floyd mayweather vs manny pacquiao will be the biggest fight of all time financially and the most significant this century .here is the second of my 12 most significant fights in boxing 's history .\"]\n", + "=======================\n", + "[\"floyd mayweather jr and manny pacquiao 's fight will be the richest eversportsmail 's jeff powell is counting down the ring 's most significant fightsjoe louis ' 1938 re-match with max schmeling is the second in the series\"]\n", + "joe louis ( left ) knocks out max schmeling in the first round to win the heavyweight title on june 22 , 1938floyd mayweather vs manny pacquiao will be the biggest fight of all time financially and the most significant this century .here is the second of my 12 most significant fights in boxing 's history .\n", + "floyd mayweather jr and manny pacquiao 's fight will be the richest eversportsmail 's jeff powell is counting down the ring 's most significant fightsjoe louis ' 1938 re-match with max schmeling is the second in the series\n", + "[1.6272595 1.2415462 1.1616651 1.1655805 1.4290185 1.039229 1.1668142\n", + " 1.0837929 1.0874169 1.032208 1.0342273 1.0970604 1.0690767 1.0985477\n", + " 1.1275132 1.0312704 1.0355536 1.0247192]\n", + "\n", + "[ 0 4 1 6 3 2 14 13 11 8 7 12 5 16 10 9 15 17]\n", + "=======================\n", + "[\"golden state 's stephen curry scored 40 points , including a 3-pointer in the final seconds of regulation to complete a 20-point , fourth-quarter comeback that allowed the golden state warriors to beat new orleans 123-119 in overtime thursday and take a 3-0 lead in their first-round play-off series .the dramatic win by the warriors was mirrored by chicago 's double-overtime victory over milwaukee .curry ( centre ) hit seven 3s as golden state completed a fourth-quarter comeback to lead play-off series 3-0\"]\n", + "=======================\n", + "[\"stephen curry 's 40 points included a 3-pointer in the final secondscurry 's performance propelled golden state warriors to 123-119 wingolden state now lead their first round play-off series 3-0\"]\n", + "golden state 's stephen curry scored 40 points , including a 3-pointer in the final seconds of regulation to complete a 20-point , fourth-quarter comeback that allowed the golden state warriors to beat new orleans 123-119 in overtime thursday and take a 3-0 lead in their first-round play-off series .the dramatic win by the warriors was mirrored by chicago 's double-overtime victory over milwaukee .curry ( centre ) hit seven 3s as golden state completed a fourth-quarter comeback to lead play-off series 3-0\n", + "stephen curry 's 40 points included a 3-pointer in the final secondscurry 's performance propelled golden state warriors to 123-119 wingolden state now lead their first round play-off series 3-0\n", + "[1.1864289 1.3711826 1.3522879 1.3241878 1.2029711 1.1375473 1.037592\n", + " 1.0688584 1.0894917 1.0999367 1.096518 1.0668741 1.0509964 1.0604836\n", + " 1.0227665 1.0088998 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 5 9 10 8 7 11 13 12 6 14 15 16 17]\n", + "=======================\n", + "[\"mary doyle keefe , the telephone operator who inspired millions , passed away on tuesday after a brief illness , her family said .mary became the poster girl for american women when she shot to fame by posing for norman rockwell 's iconic painting .rosie the riveter was on the cover of the saturday evening post on may 29 , 1943 , and became a symbol for feminism and economic power for american female workers during the war .\"]\n", + "=======================\n", + "[\"mary doyle keefe died in simsbury , connecticut , aged 92she was ` rosie the riveter ' the wartime poster girl who inspired millionsartist made petite mary 's muscles bigger to make her symbol of strengthbecame a symbol for feminism for the wartime women who stayed home\"]\n", + "mary doyle keefe , the telephone operator who inspired millions , passed away on tuesday after a brief illness , her family said .mary became the poster girl for american women when she shot to fame by posing for norman rockwell 's iconic painting .rosie the riveter was on the cover of the saturday evening post on may 29 , 1943 , and became a symbol for feminism and economic power for american female workers during the war .\n", + "mary doyle keefe died in simsbury , connecticut , aged 92she was ` rosie the riveter ' the wartime poster girl who inspired millionsartist made petite mary 's muscles bigger to make her symbol of strengthbecame a symbol for feminism for the wartime women who stayed home\n", + "[1.2256428 1.3641182 1.3386883 1.3775868 1.1255983 1.0860523 1.0371506\n", + " 1.0274545 1.0935401 1.0226536 1.1378707 1.1049706 1.0919241 1.0476974\n", + " 1.0184582 1.0086218 1.083831 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 2 0 10 4 11 8 12 5 16 13 6 7 9 14 15 17 18 19 20 21]\n", + "=======================\n", + "[\"trimuph : dawn williamson ( centre ) , 39 , was cured of her crippling snake phobia live on tv today by therapists nik and eva speakman in an astonishing ten minutesbefore today , dawn williamson , 39 and based in scotland , could not even confront a plastic snake without panicking , and would obsessively check her toilet for the reptiles every day .but today 's was the first time viewers have been able to see the process in action .\"]\n", + "=======================\n", + "[\"dawn williamson , 39 , had been petrified of snakes since the age of 9she shook and cried when presented with a plastic onetherapists nik and eva speakman cured her with ` logic 'they made dawn realise her fear was completely irrational\"]\n", + "trimuph : dawn williamson ( centre ) , 39 , was cured of her crippling snake phobia live on tv today by therapists nik and eva speakman in an astonishing ten minutesbefore today , dawn williamson , 39 and based in scotland , could not even confront a plastic snake without panicking , and would obsessively check her toilet for the reptiles every day .but today 's was the first time viewers have been able to see the process in action .\n", + "dawn williamson , 39 , had been petrified of snakes since the age of 9she shook and cried when presented with a plastic onetherapists nik and eva speakman cured her with ` logic 'they made dawn realise her fear was completely irrational\n", + "[1.3400089 1.3756626 1.3223478 1.244082 1.3490437 1.0941783 1.0546913\n", + " 1.0257201 1.0411761 1.0412692 1.0476768 1.0550069 1.017671 1.0207874\n", + " 1.0511802 1.0261759 1.0546746 1.087964 1.0732415 1.0360143 1.0626397\n", + " 1.0433444]\n", + "\n", + "[ 1 4 0 2 3 5 17 18 20 11 6 16 14 10 21 9 8 19 15 7 13 12]\n", + "=======================\n", + "[\"spurs plan to open a new ` world-class ' 56,000-seater stadium in just over three years time , and having secured the appropriate planning permission and fought off a legal challenge against a compulsory purchase order , progress is being made .the final opponent to tottenham 's # 400million move , archway sheet metal works , is being demolishedtottenham hotspur are moving forward with the next step towards their new stadium development\"]\n", + "=======================\n", + "[\"tottenham hotspur plan to build a new world-class 56,000-seat stadiumplan is for new stadium at white hart lane to open for 2018-19 seasonarchway sheet metal works , final opponent to move , is being demolishedpart of the premises is being knocked down now and the rest will be done when archway find a new premisestottenham 's new stadium is expected to cost around # 400million to buildclick here for all the latest tottenham hotspur news\"]\n", + "spurs plan to open a new ` world-class ' 56,000-seater stadium in just over three years time , and having secured the appropriate planning permission and fought off a legal challenge against a compulsory purchase order , progress is being made .the final opponent to tottenham 's # 400million move , archway sheet metal works , is being demolishedtottenham hotspur are moving forward with the next step towards their new stadium development\n", + "tottenham hotspur plan to build a new world-class 56,000-seat stadiumplan is for new stadium at white hart lane to open for 2018-19 seasonarchway sheet metal works , final opponent to move , is being demolishedpart of the premises is being knocked down now and the rest will be done when archway find a new premisestottenham 's new stadium is expected to cost around # 400million to buildclick here for all the latest tottenham hotspur news\n", + "[1.5492628 1.3128283 1.4702055 1.2477958 1.1022878 1.0457519 1.0322568\n", + " 1.0206599 1.0206513 1.0229031 1.0614114 1.0215919 1.0156813 1.1184603\n", + " 1.1737713 1.1578758 1.1640999 1.0437169 1.0111306 1.0149764 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 3 14 16 15 13 4 10 5 17 6 9 11 7 8 12 19 18 20 21]\n", + "=======================\n", + "[\"alan davey controversially laid bare the difficulties of the station 's top job in an interview on radio 4 's feedback programmethe controller of bbc radio 3 has branded audiences ignorant and claims broadcasting classical music has become more challenging as a result .mr davey was asked about changes to general classical music knowledge over the last 30 years .\"]\n", + "=======================\n", + "[\"alan davey controversially laid bare the difficulties of the station 's top jobwas asked about changes to classical music knowledge over 30 yearssaid ` modern audience might not be getting same education ... in school '\"]\n", + "alan davey controversially laid bare the difficulties of the station 's top job in an interview on radio 4 's feedback programmethe controller of bbc radio 3 has branded audiences ignorant and claims broadcasting classical music has become more challenging as a result .mr davey was asked about changes to general classical music knowledge over the last 30 years .\n", + "alan davey controversially laid bare the difficulties of the station 's top jobwas asked about changes to classical music knowledge over 30 yearssaid ` modern audience might not be getting same education ... in school '\n", + "[1.1169897 1.0929137 1.1500542 1.2889977 1.232978 1.0362792 1.0923216\n", + " 1.0279508 1.0242816 1.033998 1.017495 1.3197321 1.0465325 1.0470637\n", + " 1.0441087 1.1518298 1.0261108 1.0182447 1.021432 1.0170228 1.0173793\n", + " 0. ]\n", + "\n", + "[11 3 4 15 2 0 1 6 13 12 14 5 9 7 16 8 18 17 10 20 19 21]\n", + "=======================\n", + "[\"happy days : the naturopathic doctor says that pms can be banished for good by adapting an anti-inflammatory diet 'common , but not inevitable : while premenstrual symptoms such as irritability , cravings and fatigue have become accepted by most women as normal , one doctor claims it should n't be sodr briden , a naturopathic doctor with nearly 20 years experience in women 's health , recounts a patient who was suffering with pms whom she helped by changing her eating habits .\"]\n", + "=======================\n", + "['no-more-pms diet consists of anti-inflammatory foods and nutrientsthe eating plan was devised by naturopathic doctor lara bridenresearch indicates that pms is caused by unhealthy hormone receptorshealth of hormone receptors is impaired by chronic inflammationstress , smoking , and eating certain foods are all causes of inflammationcutting inflammatory foods can result in dramatic improvement in pms']\n", + "happy days : the naturopathic doctor says that pms can be banished for good by adapting an anti-inflammatory diet 'common , but not inevitable : while premenstrual symptoms such as irritability , cravings and fatigue have become accepted by most women as normal , one doctor claims it should n't be sodr briden , a naturopathic doctor with nearly 20 years experience in women 's health , recounts a patient who was suffering with pms whom she helped by changing her eating habits .\n", + "no-more-pms diet consists of anti-inflammatory foods and nutrientsthe eating plan was devised by naturopathic doctor lara bridenresearch indicates that pms is caused by unhealthy hormone receptorshealth of hormone receptors is impaired by chronic inflammationstress , smoking , and eating certain foods are all causes of inflammationcutting inflammatory foods can result in dramatic improvement in pms\n", + "[1.2355549 1.1743997 1.2923771 1.2365606 1.306011 1.2162795 1.2490644\n", + " 1.0489639 1.1452742 1.0191399 1.015418 1.0824561 1.054205 1.1191207\n", + " 1.0805595 1.0646657 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 4 2 6 3 0 5 1 8 13 11 14 15 12 7 9 10 16 17 18 19 20 21]\n", + "=======================\n", + "['a member of the armed forces has received # 709,000 in compensation for bullying , it emerged last nightthose who have lost both legs in combat are eligible for # 570,000 .the settlements are thought to be the largest paid out by ministry of defence as a result of bullying .']\n", + "=======================\n", + "['another soldier received # 411,000 because of psychological problemsmod said it was misleading to compare compensation scheme payouts']\n", + "a member of the armed forces has received # 709,000 in compensation for bullying , it emerged last nightthose who have lost both legs in combat are eligible for # 570,000 .the settlements are thought to be the largest paid out by ministry of defence as a result of bullying .\n", + "another soldier received # 411,000 because of psychological problemsmod said it was misleading to compare compensation scheme payouts\n", + "[1.3838923 1.159712 1.4137166 1.2037894 1.2235724 1.1809564 1.1678613\n", + " 1.1008921 1.1224359 1.1084461 1.0435412 1.0727649 1.0471381 1.0802495\n", + " 1.0578866 1.0828351 1.040664 1.0572693 0. ]\n", + "\n", + "[ 2 0 4 3 5 6 1 8 9 7 15 13 11 14 17 12 10 16 18]\n", + "=======================\n", + "[\"patrick o'melia , 39 , a deputy with the volusia county sheriff 's office , was flagged down while he was on patrol near deland in florida and asked to help 34-year-old justin braddock .justin braddock ran from officers in hospital after a deputy sheriff saved his life when he found him unconscious after allegedly taking heroinbraddock , who had injected a large amount of the drug that day , was taken to hospital but fled , according to the daytona beach news journal .\"]\n", + "=======================\n", + "[\"patrick o'melia flagged down by kelly boan after her brother took heroinjustin braddock was unconscious and it took seven minutes to revive himthe 34-year-old had taken heroin and was taken to hospital by ambulancebut when officers arrived to question him , braddock tried to run away\"]\n", + "patrick o'melia , 39 , a deputy with the volusia county sheriff 's office , was flagged down while he was on patrol near deland in florida and asked to help 34-year-old justin braddock .justin braddock ran from officers in hospital after a deputy sheriff saved his life when he found him unconscious after allegedly taking heroinbraddock , who had injected a large amount of the drug that day , was taken to hospital but fled , according to the daytona beach news journal .\n", + "patrick o'melia flagged down by kelly boan after her brother took heroinjustin braddock was unconscious and it took seven minutes to revive himthe 34-year-old had taken heroin and was taken to hospital by ambulancebut when officers arrived to question him , braddock tried to run away\n", + "[1.4966114 1.4679697 1.2930982 1.3109249 1.2225988 1.1729448 1.1343943\n", + " 1.0199436 1.0199933 1.0180498 1.0188284 1.1027411 1.1415746 1.027937\n", + " 1.0335367 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 5 12 6 11 14 13 8 7 10 9 15 16 17 18]\n", + "=======================\n", + "[\"the referee for floyd mayweather 's clash with manny pacquiao in las vegas next month will earn $ 10,000 ( # 6,800 ) .the fight at the mgm grand on may 2 is expected to draw revenue of around $ 400m ( # 273m ) with both fighters picking up huge pay days .and , according to the telegraph , the referee of the eagerly-awaited contest will net $ 10,000 with kenny bayless and tony weeks both frontrunners .\"]\n", + "=======================\n", + "['referee for the fight in las vegas will earn $ 10,000 ( # 6,800 )fight is expected to earn around $ 400m ( # 273m ) in revenuekenny bayless and tony weeks are leading candidates to referee']\n", + "the referee for floyd mayweather 's clash with manny pacquiao in las vegas next month will earn $ 10,000 ( # 6,800 ) .the fight at the mgm grand on may 2 is expected to draw revenue of around $ 400m ( # 273m ) with both fighters picking up huge pay days .and , according to the telegraph , the referee of the eagerly-awaited contest will net $ 10,000 with kenny bayless and tony weeks both frontrunners .\n", + "referee for the fight in las vegas will earn $ 10,000 ( # 6,800 )fight is expected to earn around $ 400m ( # 273m ) in revenuekenny bayless and tony weeks are leading candidates to referee\n", + "[1.4522369 1.4727001 1.2901677 1.2153273 1.3061644 1.136603 1.0424566\n", + " 1.0224676 1.0198444 1.0170887 1.0172248 1.026896 1.0198189 1.100766\n", + " 1.0177138 1.0122838 1.0190555 1.1240885 1.1090885]\n", + "\n", + "[ 1 0 4 2 3 5 17 18 13 6 11 7 8 12 16 14 10 9 15]\n", + "=======================\n", + "[\"luis enrique 's side coasted past paris saint-germain to take up a semi-final place in the champions league , while they also sit top of la liga and will take on athletic bilbao in the copa del rey final .barcelona won the treble in 2009 and former defender eric abidal ( right ) says the current crop are on their wayabidal , who retired last year , was speaking at the launch of the eric abidal foundation in catalonia\"]\n", + "=======================\n", + "[\"barcelona through to champions league semi-finals after beating psgeric abidal says current crop can emulate class of 2009 's triumphsdefender was integral part of team that won the treble under pep guardiolaabidal speaking at the launch of the eric abidal foundation in catalonialionel messi , luis suarez and neymar to be best ever barca strikeforce\"]\n", + "luis enrique 's side coasted past paris saint-germain to take up a semi-final place in the champions league , while they also sit top of la liga and will take on athletic bilbao in the copa del rey final .barcelona won the treble in 2009 and former defender eric abidal ( right ) says the current crop are on their wayabidal , who retired last year , was speaking at the launch of the eric abidal foundation in catalonia\n", + "barcelona through to champions league semi-finals after beating psgeric abidal says current crop can emulate class of 2009 's triumphsdefender was integral part of team that won the treble under pep guardiolaabidal speaking at the launch of the eric abidal foundation in catalonialionel messi , luis suarez and neymar to be best ever barca strikeforce\n", + "[1.2326858 1.5605633 1.2653359 1.3586863 1.1336389 1.1214184 1.1208748\n", + " 1.0470866 1.0571955 1.0219004 1.0429646 1.0292398 1.033741 1.1269683\n", + " 1.0150908 1.0327505 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 13 5 6 8 7 10 12 15 11 9 14 17 16 18]\n", + "=======================\n", + "[\"the harewood arms in wakefield , west yorkshire , has publicly revealed its support for the right-wing party , which is running a ` save the pub ' campaign in the run up to the election .a gay-friendly bar has shocked regular customers by coming out in favour of ukip because of its policies on the pub industry .it has left regular customers stunned and provoked a ` marmite ' reaction of divided opinions .\"]\n", + "=======================\n", + "[\"gay-friendly pub has come out in favour of nigel farage 's ukip partythe harewood arms in west yorkshire says it agrees with party 's policiesukip wants to amend the smoking ban to give pubs and clubs the choicealso has launched ` save the pub ' campaign to support ailing pub industry\"]\n", + "the harewood arms in wakefield , west yorkshire , has publicly revealed its support for the right-wing party , which is running a ` save the pub ' campaign in the run up to the election .a gay-friendly bar has shocked regular customers by coming out in favour of ukip because of its policies on the pub industry .it has left regular customers stunned and provoked a ` marmite ' reaction of divided opinions .\n", + "gay-friendly pub has come out in favour of nigel farage 's ukip partythe harewood arms in west yorkshire says it agrees with party 's policiesukip wants to amend the smoking ban to give pubs and clubs the choicealso has launched ` save the pub ' campaign to support ailing pub industry\n", + "[1.293605 1.2175238 1.2728738 1.2825489 1.0939267 1.0815382 1.12861\n", + " 1.0861362 1.0632006 1.0524672 1.0681958 1.0664716 1.0292388 1.0313995\n", + " 1.0387152 1.0587218 1.062496 0. 0. ]\n", + "\n", + "[ 0 3 2 1 6 4 7 5 10 11 8 16 15 9 14 13 12 17 18]\n", + "=======================\n", + "['( cnn ) china \\'s cybercensors have long used a \" great firewall \" to block its citizens from reading critical articles from western news websites or consuming other content it disapproves of .the study \\'s authors have named it the \" great cannon , \" and it operates in plain sight .they \\'ve developed a new it weapon and have attacked servers outside their borders , including in the united states .']\n", + "=======================\n", + "['china \\'s cybercensors have developed a new it weapon and have attacked servers outside their bordersattacks by the \" great cannon \" are in the open and could draw international ire , the authors of the study say']\n", + "( cnn ) china 's cybercensors have long used a \" great firewall \" to block its citizens from reading critical articles from western news websites or consuming other content it disapproves of .the study 's authors have named it the \" great cannon , \" and it operates in plain sight .they 've developed a new it weapon and have attacked servers outside their borders , including in the united states .\n", + "china 's cybercensors have developed a new it weapon and have attacked servers outside their bordersattacks by the \" great cannon \" are in the open and could draw international ire , the authors of the study say\n", + "[1.2859551 1.3155172 1.2490175 1.2615247 1.1784999 1.1124208 1.0634916\n", + " 1.1130323 1.0346109 1.1194863 1.1259699 1.0273824 1.0588202 1.1589035\n", + " 1.0332173 1.0109581 1.0536437 0. ]\n", + "\n", + "[ 1 0 3 2 4 13 10 9 7 5 6 12 16 8 14 11 15 17]\n", + "=======================\n", + "[\"the australian charities and not-for-profits commission ( acnc ) made the announcement about get rid of sids project on wednesday .a not-for-profit group that organised seminars featuring us anti-vaccination campaigner sherri tenpenny before she had to cancel due to threats of violence has had its charity status cancelled .the organisation is run by well-known brisbane anti-vaccination campaigner stephanie messenger who has penned a number of children 's books , including melanie 's marvelous measles .\"]\n", + "=======================\n", + "['anti-vaccination group get rid of sids has had its charity status revokedgroup was behind seminars with anti-vaccine campaigner sherri tenpennythe u.s.-based speaker was set to speak across australia earlier this yearbut dr tenpenny cancelled after she received threats and feared for safety']\n", + "the australian charities and not-for-profits commission ( acnc ) made the announcement about get rid of sids project on wednesday .a not-for-profit group that organised seminars featuring us anti-vaccination campaigner sherri tenpenny before she had to cancel due to threats of violence has had its charity status cancelled .the organisation is run by well-known brisbane anti-vaccination campaigner stephanie messenger who has penned a number of children 's books , including melanie 's marvelous measles .\n", + "anti-vaccination group get rid of sids has had its charity status revokedgroup was behind seminars with anti-vaccine campaigner sherri tenpennythe u.s.-based speaker was set to speak across australia earlier this yearbut dr tenpenny cancelled after she received threats and feared for safety\n", + "[1.3902098 1.3092463 1.2637312 1.2360928 1.1827184 1.2749314 1.147306\n", + " 1.0297319 1.0525281 1.0630645 1.1362809 1.130255 1.0230023 1.0249295\n", + " 1.0676033 1.0703307 1.0874014 1.0423322]\n", + "\n", + "[ 0 1 5 2 3 4 6 10 11 16 15 14 9 8 17 7 13 12]\n", + "=======================\n", + "[\"busted : sierra pippen , 20 , is charged with public urination and public intoxicationnba legend scottie pippen 's 20-year-old daughter was arrested by police early on sunday after she walked into an iowa hotel and urinated on the lobby floor .police were called to the sheraton in iowa city around 1.30 am and the intoxicated sierra pippen was booked .\"]\n", + "=======================\n", + "[\"sierra pippen was arrested sunday at around 1.30 am at a sheraton in iowa city near the campus of the university of iowa , where she attends classesshe was charged with public urination and public intoxication and was released on a $ 500 bond at about 10ampolice officer who apprehended her said she ` accused me of being racist 'scottie pippen , 49 , is a basketball hall of fame member , won six nba championships with the michael jordan-led chicago bulls\"]\n", + "busted : sierra pippen , 20 , is charged with public urination and public intoxicationnba legend scottie pippen 's 20-year-old daughter was arrested by police early on sunday after she walked into an iowa hotel and urinated on the lobby floor .police were called to the sheraton in iowa city around 1.30 am and the intoxicated sierra pippen was booked .\n", + "sierra pippen was arrested sunday at around 1.30 am at a sheraton in iowa city near the campus of the university of iowa , where she attends classesshe was charged with public urination and public intoxication and was released on a $ 500 bond at about 10ampolice officer who apprehended her said she ` accused me of being racist 'scottie pippen , 49 , is a basketball hall of fame member , won six nba championships with the michael jordan-led chicago bulls\n", + "[1.4370196 1.2556199 1.3584361 1.4868516 1.2119948 1.1040825 1.0304749\n", + " 1.0169616 1.0140798 1.0140458 1.0227888 1.027285 1.0166866 1.0315353\n", + " 1.0449648 1.2375655 1.0135026 1.0161879]\n", + "\n", + "[ 3 0 2 1 15 4 5 14 13 6 11 10 7 12 17 8 9 16]\n", + "=======================\n", + "['walter smith says ally mccoist deserves a chance to prove himself a successful manager at a stable clubcharged with leading the club back to the premiership from the bottom tier , mccoist finally resigned and was placed on gardening leave in december and is still earning # 14,000 a week while his 12-month notice period runs down .the ibrox legend worked closely with mccoist and coach kenny mcdowall before the duo assumed the reins at rangers during four years of unprecedented turmoil off and on the pitch .']\n", + "=======================\n", + "['walter smith believes ally mccoist deserves another managerial jobibrox legend believes mccoist still has something to offer in footballmccoist is still being paid # 14,000 a week while his notice period runs out']\n", + "walter smith says ally mccoist deserves a chance to prove himself a successful manager at a stable clubcharged with leading the club back to the premiership from the bottom tier , mccoist finally resigned and was placed on gardening leave in december and is still earning # 14,000 a week while his 12-month notice period runs down .the ibrox legend worked closely with mccoist and coach kenny mcdowall before the duo assumed the reins at rangers during four years of unprecedented turmoil off and on the pitch .\n", + "walter smith believes ally mccoist deserves another managerial jobibrox legend believes mccoist still has something to offer in footballmccoist is still being paid # 14,000 a week while his notice period runs out\n", + "[1.3114401 1.3365304 1.1441245 1.4208899 1.0921975 1.2825553 1.095771\n", + " 1.3099161 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 7 5 2 6 4 15 14 13 12 8 10 9 16 11 17]\n", + "=======================\n", + "['cristiano ronaldo scored five goals as real madrid beat granada 9-1 on sunday to keep their title hopes alivecristiano ronaldo was splashed across every spanish sports paper on monday after scoring five goals in one game for the first time in his illustrious career .french defender jeremy mathieu scored a diving header as league leaders barcelona beat celta vigo 1-0']\n", + "=======================\n", + "[\"cristiano ronaldo scored five as real madrid defeated granada 9-1karim benzema scored a brace while gareth bale also found the netbarcelona beat celta vigo 1-0 courtesy of jeremy mathieu 's diving header\"]\n", + "cristiano ronaldo scored five goals as real madrid beat granada 9-1 on sunday to keep their title hopes alivecristiano ronaldo was splashed across every spanish sports paper on monday after scoring five goals in one game for the first time in his illustrious career .french defender jeremy mathieu scored a diving header as league leaders barcelona beat celta vigo 1-0\n", + "cristiano ronaldo scored five as real madrid defeated granada 9-1karim benzema scored a brace while gareth bale also found the netbarcelona beat celta vigo 1-0 courtesy of jeremy mathieu 's diving header\n", + "[1.296445 1.4004247 1.2946466 1.2692966 1.2336242 1.1279087 1.0819707\n", + " 1.0743048 1.1110874 1.0576708 1.047887 1.0512259 1.065976 1.0767266\n", + " 1.0239271 1.0188403 1.0309712 0. ]\n", + "\n", + "[ 1 0 2 3 4 5 8 6 13 7 12 9 11 10 16 14 15 17]\n", + "=======================\n", + "[\"he is planning to run a kickstarter campaign and is hoping to raise $ 30 billion ( # 20 billion ) to build a pipeline from seattle to bring water to the state .former captain of the fictional star trek enterprise , william shatner has proposed a radical method to solve california 's ongoing drought disaster .he revealed the crowdfunding campaign in an interview with david pogue from yahoo news .\"]\n", + "=======================\n", + "[\"mr shatner revealed his radical proposal in an interview with yahoo newshe wants to build a 4ft-wide pipeline from seattle down to californiathis would bring water to help alleviate some of the drought problemsbut some experts have called his $ 30 billion idea ` highly illogical '\"]\n", + "he is planning to run a kickstarter campaign and is hoping to raise $ 30 billion ( # 20 billion ) to build a pipeline from seattle to bring water to the state .former captain of the fictional star trek enterprise , william shatner has proposed a radical method to solve california 's ongoing drought disaster .he revealed the crowdfunding campaign in an interview with david pogue from yahoo news .\n", + "mr shatner revealed his radical proposal in an interview with yahoo newshe wants to build a 4ft-wide pipeline from seattle down to californiathis would bring water to help alleviate some of the drought problemsbut some experts have called his $ 30 billion idea ` highly illogical '\n", + "[1.2647382 1.2854162 1.2087691 1.1698058 1.2535423 1.2202172 1.0980107\n", + " 1.0410173 1.0996134 1.0923283 1.0483038 1.0696851 1.0832213 1.1023886\n", + " 1.0581172 1.0374256 1.0405751 1.0249846 1.0579166 0. 0. ]\n", + "\n", + "[ 1 0 4 5 2 3 13 8 6 9 12 11 14 18 10 7 16 15 17 19 20]\n", + "=======================\n", + "['the plague , which famously killed millions of europeans during the black death , is most commonly carried by fleas and rodents .fleas in arizona have tested positive for the plague and could spread the deadly disease to humans , according to officials .authorities near flagstaff , arizona , have found fleas infected with plague after prairie dogs in picture canyon began dying ( file photos )']\n", + "=======================\n", + "['prairie dog deaths at picture canyon led to positive tests on fleasresidents warned about dangers to pets , especially catsdisease can wipe out 90 per cent of prairie dogs in a colony']\n", + "the plague , which famously killed millions of europeans during the black death , is most commonly carried by fleas and rodents .fleas in arizona have tested positive for the plague and could spread the deadly disease to humans , according to officials .authorities near flagstaff , arizona , have found fleas infected with plague after prairie dogs in picture canyon began dying ( file photos )\n", + "prairie dog deaths at picture canyon led to positive tests on fleasresidents warned about dangers to pets , especially catsdisease can wipe out 90 per cent of prairie dogs in a colony\n", + "[1.1102868 1.0986806 1.320113 1.0840755 1.3358291 1.4142495 1.211859\n", + " 1.0982928 1.2173383 1.0441254 1.0193949 1.0341604 1.0469494 1.0211614\n", + " 1.0765144 1.1507527 1.0118579 1.0118433 1.0119934 1.0590123 0. ]\n", + "\n", + "[ 5 4 2 8 6 15 0 1 7 3 14 19 12 9 11 13 10 18 16 17 20]\n", + "=======================\n", + "['napoli manager rafael benitez saw his side beat wolfsburg 4-1 in the europa leaguesince 2002 , benitez has won 12 trophies with valencia , liverpool , inter milan , chelsea and napoli .manchester city , paris st germain and real madrid are all considering changes as are west ham and newcastle .']\n", + "=======================\n", + "[\"rafa benitez has won 12 trophies with valencia , liverpool , inter milan , chelsea and napoli since 2002benitez 's contract at napoli is up in the summer and he is set to a manager in demandmanchester city and west ham are two clubs who could be interest in him\"]\n", + "napoli manager rafael benitez saw his side beat wolfsburg 4-1 in the europa leaguesince 2002 , benitez has won 12 trophies with valencia , liverpool , inter milan , chelsea and napoli .manchester city , paris st germain and real madrid are all considering changes as are west ham and newcastle .\n", + "rafa benitez has won 12 trophies with valencia , liverpool , inter milan , chelsea and napoli since 2002benitez 's contract at napoli is up in the summer and he is set to a manager in demandmanchester city and west ham are two clubs who could be interest in him\n", + "[1.4994049 1.3207127 1.155978 1.3390666 1.2632865 1.2007557 1.0483006\n", + " 1.0114021 1.0114485 1.1399307 1.0689738 1.0249361 1.0122359 1.0119212\n", + " 1.2832732 1.0386184 1.1423359 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 14 4 5 2 16 9 10 6 15 11 12 13 8 7 19 17 18 20]\n", + "=======================\n", + "['barry hawkins kept his nerve to clinch a final frame decider over matthew selt in the first round of the world snooker championship in sheffield .the 2013 finalist looked set to ease through to the last 16 after resuming on monday with a 7-2 overnight lead which he extended to 9-4 to move within one frame of victory .selt won five frames in a row to launch a comeback , however he was unable to progress to the second round']\n", + "=======================\n", + "['barry hawkins qualified for next round with 10-9 win over matthew seltthe 2013 finalist led 7-2 overnight however selt launched comebackhawkins held on to win after selt reeled off five frames in a row']\n", + "barry hawkins kept his nerve to clinch a final frame decider over matthew selt in the first round of the world snooker championship in sheffield .the 2013 finalist looked set to ease through to the last 16 after resuming on monday with a 7-2 overnight lead which he extended to 9-4 to move within one frame of victory .selt won five frames in a row to launch a comeback , however he was unable to progress to the second round\n", + "barry hawkins qualified for next round with 10-9 win over matthew seltthe 2013 finalist led 7-2 overnight however selt launched comebackhawkins held on to win after selt reeled off five frames in a row\n", + "[1.1778189 1.2053214 1.1584492 1.2523925 1.215817 1.2018472 1.134344\n", + " 1.1113755 1.0758846 1.0828203 1.0534002 1.0847384 1.0619057 1.0675703\n", + " 1.0618744 1.0846696 1.0992796 1.042195 1.0398114 1.0384692 1.0173978]\n", + "\n", + "[ 3 4 1 5 0 2 6 7 16 11 15 9 8 13 12 14 10 17 18 19 20]\n", + "=======================\n", + "[\"oxford scientists say a mercury-like body struck the young earth ( artist 's illustration shown ) .the object would have been the heat source for our planet 's core .the dramatic event could explain why our planet has a hot core that gives it its magnetic field .\"]\n", + "=======================\n", + "['oxford scientists say a mercury-like body struck the young earththe mars-sized object would have been the heat source for our planetthe same object could have been responsible for creating the moonit also explains where some rare-earth elements came from']\n", + "oxford scientists say a mercury-like body struck the young earth ( artist 's illustration shown ) .the object would have been the heat source for our planet 's core .the dramatic event could explain why our planet has a hot core that gives it its magnetic field .\n", + "oxford scientists say a mercury-like body struck the young earththe mars-sized object would have been the heat source for our planetthe same object could have been responsible for creating the moonit also explains where some rare-earth elements came from\n", + "[1.1918617 1.5049739 1.2232025 1.4019513 1.3638506 1.1005028 1.1257759\n", + " 1.0320417 1.0269605 1.0386099 1.0990988 1.0336529 1.0383186 1.2120038\n", + " 1.0678253 1.0509233 1.0095092 1.0092341 1.0064219 0. 0. ]\n", + "\n", + "[ 1 3 4 2 13 0 6 5 10 14 15 9 12 11 7 8 16 17 18 19 20]\n", + "=======================\n", + "['michael churton from new york , was with four colleagues at the base camp , 17,500 ft above sea level , when he was knocked down by the tsunami of snow .the 38-year-old believes that the force of the earthquake shook loose a big ice shelf , which careered down the mountainside towards him and a group of people he was with .at least 17 people who were on mount everest at the time have died while others are still unaccounted for .']\n", + "=======================\n", + "[\"filmmaker michael churton said he watched as the wall of ice approachedthe 38-year-old from new york then told his group to get downhe said : ` it was about 4,000 feet of snow ... there was nowhere to run 'hoping for the best , he lay down and got into the fetal positionthe force of the oncoming snow caused him to slam into a rockhe dug himself out and then looked for colleagues and other survivorsanother survivor said avalanche was ` something out of a hollywood movie 'at least 17 people who were on mount everest at the time have died\"]\n", + "michael churton from new york , was with four colleagues at the base camp , 17,500 ft above sea level , when he was knocked down by the tsunami of snow .the 38-year-old believes that the force of the earthquake shook loose a big ice shelf , which careered down the mountainside towards him and a group of people he was with .at least 17 people who were on mount everest at the time have died while others are still unaccounted for .\n", + "filmmaker michael churton said he watched as the wall of ice approachedthe 38-year-old from new york then told his group to get downhe said : ` it was about 4,000 feet of snow ... there was nowhere to run 'hoping for the best , he lay down and got into the fetal positionthe force of the oncoming snow caused him to slam into a rockhe dug himself out and then looked for colleagues and other survivorsanother survivor said avalanche was ` something out of a hollywood movie 'at least 17 people who were on mount everest at the time have died\n", + "[1.2688398 1.459228 1.2704437 1.1237507 1.0491921 1.2452958 1.1066228\n", + " 1.020589 1.1438184 1.1918477 1.1193659 1.0618396 1.055345 1.0120459\n", + " 1.0178771 1.0129261 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 5 9 8 3 10 6 11 12 4 7 14 15 13 17 16 18]\n", + "=======================\n", + "[\"authorities named abu khaled al-cambodi - former melbourne man neil prakash - as a key figure in their investigation into a plot where teenagers were allegedly planning to attack police on saturday .now al-cambodi has starred in a 12-minute long propaganda video where , cradling a gun , he has ordered his ` beloved brothers ' to ` rise up ' and attack targets in australia .the senior islamic state commander linked to the anzac day terror plot has called for new terror attacks on australian soil in a flash new propaganda video .\"]\n", + "=======================\n", + "[\"senior australian islamic state commander stars in new propaganda clipcalls for attacks on australia as revenge for muslim strikes` you must start attacking before they attack you 'propagandist al-cambodi has been linked to anzac day terror plot` when are you going to rise up and attack them ? '\"]\n", + "authorities named abu khaled al-cambodi - former melbourne man neil prakash - as a key figure in their investigation into a plot where teenagers were allegedly planning to attack police on saturday .now al-cambodi has starred in a 12-minute long propaganda video where , cradling a gun , he has ordered his ` beloved brothers ' to ` rise up ' and attack targets in australia .the senior islamic state commander linked to the anzac day terror plot has called for new terror attacks on australian soil in a flash new propaganda video .\n", + "senior australian islamic state commander stars in new propaganda clipcalls for attacks on australia as revenge for muslim strikes` you must start attacking before they attack you 'propagandist al-cambodi has been linked to anzac day terror plot` when are you going to rise up and attack them ? '\n", + "[1.2282487 1.4412704 1.2899109 1.3931255 1.1578481 1.0928408 1.1701196\n", + " 1.0811416 1.1285107 1.0290328 1.1370939 1.111691 1.105619 1.0177857\n", + " 1.0100324 1.0512807 1.0102962 1.0158626 0. ]\n", + "\n", + "[ 1 3 2 0 6 4 10 8 11 12 5 7 15 9 13 17 16 14 18]\n", + "=======================\n", + "[\"zhao pingan 's mother was in labour when she and her husband were hit by a truck as they travelled on a motorbike to a hospital in xiamen city , in south-eastern china 's fujian province .pingan zhao ( pictured ) was named china 's ` miracle baby ' after he was born as his mother died in a crashboth of his parents were killed in the accident , but not before the mother gave birth at the scene last march , reports the people 's daily .\"]\n", + "=======================\n", + "[\"baby named ` china 's miracle baby ' was born as his parents died in crashzhao pingan 's mother was in labour when she and her husband , the boy 's father , were hit by truck as they travelled to hospital - but baby survivedpingan suffered nerve damage and mild brain injury but was otherwise finehe has now celebrated his first birthday surrounded by family and doctors\"]\n", + "zhao pingan 's mother was in labour when she and her husband were hit by a truck as they travelled on a motorbike to a hospital in xiamen city , in south-eastern china 's fujian province .pingan zhao ( pictured ) was named china 's ` miracle baby ' after he was born as his mother died in a crashboth of his parents were killed in the accident , but not before the mother gave birth at the scene last march , reports the people 's daily .\n", + "baby named ` china 's miracle baby ' was born as his parents died in crashzhao pingan 's mother was in labour when she and her husband , the boy 's father , were hit by truck as they travelled to hospital - but baby survivedpingan suffered nerve damage and mild brain injury but was otherwise finehe has now celebrated his first birthday surrounded by family and doctors\n", + "[1.4516873 1.2539332 1.2710373 1.1929398 1.1940645 1.1394173 1.0895727\n", + " 1.0976752 1.1264923 1.1091449 1.0917387 1.0940211 1.0930204 1.0266782\n", + " 1.0364823 1.0156248 1.0680158 1.0136917 0. ]\n", + "\n", + "[ 0 2 1 4 3 5 8 9 7 11 12 10 6 16 14 13 15 17 18]\n", + "=======================\n", + "[\"tate ricks ( pictured above ) , nine , was reportedly fishing with his grandma 's boyfriend when their boat capsized and he was not found at shoreputnam county sheriff 's office said tate ricks immediately went under water in the st johns river and the unidentified man with him attempted to save ricks but could not , according to cbs .authorities are searching a florida river for a nine-year-old boy who went missing after a boat carrying him and a family friend was hit with a wake causing the boat to capsize .\"]\n", + "=======================\n", + "[\"tate ricks was reportedly fishing with his grandmother 's boyfriend in florida when boat was hit by wake in st johns river on saturdaythe unidentified man tried to rescue the boy but was unable to , police saidthe man made it to shore but ricks did not following the incidentincident is being investigated as boating accident ; no foul play suspected\"]\n", + "tate ricks ( pictured above ) , nine , was reportedly fishing with his grandma 's boyfriend when their boat capsized and he was not found at shoreputnam county sheriff 's office said tate ricks immediately went under water in the st johns river and the unidentified man with him attempted to save ricks but could not , according to cbs .authorities are searching a florida river for a nine-year-old boy who went missing after a boat carrying him and a family friend was hit with a wake causing the boat to capsize .\n", + "tate ricks was reportedly fishing with his grandmother 's boyfriend in florida when boat was hit by wake in st johns river on saturdaythe unidentified man tried to rescue the boy but was unable to , police saidthe man made it to shore but ricks did not following the incidentincident is being investigated as boating accident ; no foul play suspected\n", + "[1.3459009 1.3982027 1.2410398 1.3040891 1.2367458 1.1738068 1.1393297\n", + " 1.0607938 1.164241 1.0286541 1.0239055 1.0144386 1.0195241 1.1053914\n", + " 1.0445607 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 5 8 6 13 7 14 9 10 12 11 17 15 16 18]\n", + "=======================\n", + "[\"scotland 's first minister said the labour leader had allowed himself to be ` kicked around ' by the tories and called on him to be ` tougher ' and ` bolder ' .with polls suggesting no one party will have a majority after may 7 and support for the snp hitting a record high , the conservatives have ramped up warnings about a post-election deal between labour and the scottish nationalists .labour leader mr miliband insisted at the weekend that he is ` not interested in deals ' with the snp .\"]\n", + "=======================\n", + "[\"snp leader said ed miliband had allowed himself to be ` kicked around 'the scottish first minister said the labour leader needed to be ` bolder 'she said he had been pushed into ruling out a deal with the snp by the pmms sturgeon said the labour leader would change his mind after may 7\"]\n", + "scotland 's first minister said the labour leader had allowed himself to be ` kicked around ' by the tories and called on him to be ` tougher ' and ` bolder ' .with polls suggesting no one party will have a majority after may 7 and support for the snp hitting a record high , the conservatives have ramped up warnings about a post-election deal between labour and the scottish nationalists .labour leader mr miliband insisted at the weekend that he is ` not interested in deals ' with the snp .\n", + "snp leader said ed miliband had allowed himself to be ` kicked around 'the scottish first minister said the labour leader needed to be ` bolder 'she said he had been pushed into ruling out a deal with the snp by the pmms sturgeon said the labour leader would change his mind after may 7\n", + "[1.0941793 1.1998513 1.3203306 1.3986738 1.3975801 1.2061815 1.0488802\n", + " 1.1178652 1.0634623 1.1012832 1.0371785 1.017899 1.027826 1.0994949\n", + " 1.2701465 1.0286777 1.013603 1.0138022 1.0109942]\n", + "\n", + "[ 3 4 2 14 5 1 7 9 13 0 8 6 10 15 12 11 17 16 18]\n", + "=======================\n", + "[\"lu xincai , who lives in zhejiang province in eastern china , says that he is scared his mother will get lost if he leaves her at home by herself because she suffers from the degenerative disease .devoted : lu xincai takes his 84-year-old mother to work with him on the back of his motorbike every day .vulnerable : his elderly mother suffers from alzheimer 's and used to get lost when she was left alone\"]\n", + "=======================\n", + "[\"lu xincai says no one else can look after his 84-year-old mothershe used to get lost after dark when she went to collect firewoodnow she goes with him to work on the backseat of his motorbikehe ties her to him with a sash to make sure she does not fall offshe 's now been given her own room at the bank where he works\"]\n", + "lu xincai , who lives in zhejiang province in eastern china , says that he is scared his mother will get lost if he leaves her at home by herself because she suffers from the degenerative disease .devoted : lu xincai takes his 84-year-old mother to work with him on the back of his motorbike every day .vulnerable : his elderly mother suffers from alzheimer 's and used to get lost when she was left alone\n", + "lu xincai says no one else can look after his 84-year-old mothershe used to get lost after dark when she went to collect firewoodnow she goes with him to work on the backseat of his motorbikehe ties her to him with a sash to make sure she does not fall offshe 's now been given her own room at the bank where he works\n", + "[1.3746114 1.4270351 1.3064876 1.4442419 1.294056 1.1211963 1.1169255\n", + " 1.0692582 1.2007959 1.0282369 1.0086542 1.0120386 1.0096794 1.0116361\n", + " 1.0368541 1.0113866 1.0111971 1.0102603 1.0424008 1.1045148 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 0 2 4 8 5 6 19 7 18 14 9 11 13 15 16 17 12 10 20 21]\n", + "=======================\n", + "['tatyana chernova ( left ) failed a drugs test two years before beating jessica ennis-hill in south korea in 2011in january chernova was found to have provided a positive sample for a prohibited steroid at the 2009 world championships .jessica ennis-hill has begun communication with the iaaf in the aim of being rewarded with world championship gold from 2011 after champion tatyana chernova was exposed as a drug cheat .']\n", + "=======================\n", + "['jessica ennis-hill second to tatyana chernova in 2011 championshipschernova has since been found to have failed a test in 2009she has been banned but her 2011 world championship title still remains']\n", + "tatyana chernova ( left ) failed a drugs test two years before beating jessica ennis-hill in south korea in 2011in january chernova was found to have provided a positive sample for a prohibited steroid at the 2009 world championships .jessica ennis-hill has begun communication with the iaaf in the aim of being rewarded with world championship gold from 2011 after champion tatyana chernova was exposed as a drug cheat .\n", + "jessica ennis-hill second to tatyana chernova in 2011 championshipschernova has since been found to have failed a test in 2009she has been banned but her 2011 world championship title still remains\n", + "[1.3468722 1.2759209 1.2249964 1.138771 1.108298 1.0442451 1.0532448\n", + " 1.032139 1.0912362 1.0449018 1.0595602 1.0788991 1.089489 1.0760013\n", + " 1.082998 1.0763861 1.0281583 1.0302386 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 3 4 8 12 14 11 15 13 10 6 9 5 7 17 16 18 19 20 21]\n", + "=======================\n", + "['( cnn ) it \\'s clear from hillary clinton \\'s campaign rollout -- a video announcement/campaign ad/short film that debuted sunday afternoon -- that she will make women and being a woman central to her outreach .in case you \\'re skeptical , vox has posted a handy \" by the numbers \" for her campaign video , and there are 38 people besides clinton in the two-minute ad .twenty of them are women .']\n", + "=======================\n", + "['s.e. cupp : clinton making women central to outreach , but she should really focus on menin 2014 election , overplaying to one gender failed -- particularly with \" war on women \"']\n", + "( cnn ) it 's clear from hillary clinton 's campaign rollout -- a video announcement/campaign ad/short film that debuted sunday afternoon -- that she will make women and being a woman central to her outreach .in case you 're skeptical , vox has posted a handy \" by the numbers \" for her campaign video , and there are 38 people besides clinton in the two-minute ad .twenty of them are women .\n", + "s.e. cupp : clinton making women central to outreach , but she should really focus on menin 2014 election , overplaying to one gender failed -- particularly with \" war on women \"\n", + "[1.4176917 1.5580881 1.2955415 1.3668749 1.1745532 1.0548266 1.2248728\n", + " 1.0481229 1.012495 1.0230765 1.0901076 1.1786355 1.0287896 1.0231525\n", + " 1.0114572 1.0111753 1.0064838 1.0096091 1.011893 1.0109484 1.0507098\n", + " 1.0239047]\n", + "\n", + "[ 1 0 3 2 6 11 4 10 5 20 7 12 21 13 9 8 18 14 15 19 17 16]\n", + "=======================\n", + "[\"jose mourinho 's side could face sydney at the anz stadium on june 2 - days after spurs ' fixture against the same side .chelsea are set to follow tottenham 's lead and take part in a post-season friendly down under in june .the blues are holding ongoing talks with sydney bosses and , should they agree terms , are expected to fly out on the wednesday after the premier league season ends .\"]\n", + "=======================\n", + "[\"chelsea to face sydney fc at the anz stadium on june 2the blues are following tottenham 's lead in organising post-season gametottenham play on may 28 and fixtures come days before england 's friendly away at irelandarsenal vs chelsea team news , probable line ups and moreclick here for all the latest chelsea news\"]\n", + "jose mourinho 's side could face sydney at the anz stadium on june 2 - days after spurs ' fixture against the same side .chelsea are set to follow tottenham 's lead and take part in a post-season friendly down under in june .the blues are holding ongoing talks with sydney bosses and , should they agree terms , are expected to fly out on the wednesday after the premier league season ends .\n", + "chelsea to face sydney fc at the anz stadium on june 2the blues are following tottenham 's lead in organising post-season gametottenham play on may 28 and fixtures come days before england 's friendly away at irelandarsenal vs chelsea team news , probable line ups and moreclick here for all the latest chelsea news\n", + "[1.4431463 1.4324297 1.1787428 1.0941751 1.0744962 1.0214994 1.0433092\n", + " 1.0372868 1.0776734 1.0970958 1.1027992 1.1062912 1.0899274 1.182925\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 13 2 11 10 9 3 12 8 4 6 7 5 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"a fashion designer 's 30,000 sq ft los angeles mansion , which features a two-story-tall chandelier and 22 bathrooms , is now on the market with a whopping $ 85million price tag .max azria 's home is spread across three acres in holmby hills , one of the three affluent neighborhoods that makes up the city 's ` platinum triangle ' and bordered by beverly hills and bel air .visitors to the sprawling home , dubbed maison du solei , are first greeted by a floor-to-ceiling waterfall chandelier made up of 150,000 crystals .\"]\n", + "=======================\n", + "[\"max azria 's 30,000 sq ft home is spread across three acres and boasts 60 roomsthere is also a glass-enclosed tennis court with its own viewing box and five different gardensthe zero-edged swimming pool has a moroccan-style bathhouse , complete with a sauna and spaazria and his wife lubov bought the house for $ 14.4 m in 2005 before giving it a $ 30m renovation\"]\n", + "a fashion designer 's 30,000 sq ft los angeles mansion , which features a two-story-tall chandelier and 22 bathrooms , is now on the market with a whopping $ 85million price tag .max azria 's home is spread across three acres in holmby hills , one of the three affluent neighborhoods that makes up the city 's ` platinum triangle ' and bordered by beverly hills and bel air .visitors to the sprawling home , dubbed maison du solei , are first greeted by a floor-to-ceiling waterfall chandelier made up of 150,000 crystals .\n", + "max azria 's 30,000 sq ft home is spread across three acres and boasts 60 roomsthere is also a glass-enclosed tennis court with its own viewing box and five different gardensthe zero-edged swimming pool has a moroccan-style bathhouse , complete with a sauna and spaazria and his wife lubov bought the house for $ 14.4 m in 2005 before giving it a $ 30m renovation\n", + "[1.331717 1.2901723 1.3500813 1.2945467 1.2602115 1.1280632 1.0748731\n", + " 1.0138478 1.01837 1.0166951 1.0175961 1.0157653 1.1796199 1.1066397\n", + " 1.0869972 1.0447702 1.0145046 1.0106767 1.1472777 1.0109429 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 3 1 4 12 18 5 13 14 6 15 8 10 9 11 16 7 19 17 20 21]\n", + "=======================\n", + "[\"their latest disappointing result came at manchester city on sunday as they went down to an insipid 2-0 defeat .west ham are determined to ensure their season does not end with a whimper , according to defender carl jenkinson .carl jenkinson holds off the challenge from jesus navas during west ham 's 2-0 defeat by manchester city\"]\n", + "=======================\n", + "['west ham were beaten 2-0 by manchester city at the etihad on sundaythe hammers have only won once in their last 11 premier league gamescarl jenkinson said the players are not resting on their laurelsdefender says team are still fired up and want to finish the season strongly']\n", + "their latest disappointing result came at manchester city on sunday as they went down to an insipid 2-0 defeat .west ham are determined to ensure their season does not end with a whimper , according to defender carl jenkinson .carl jenkinson holds off the challenge from jesus navas during west ham 's 2-0 defeat by manchester city\n", + "west ham were beaten 2-0 by manchester city at the etihad on sundaythe hammers have only won once in their last 11 premier league gamescarl jenkinson said the players are not resting on their laurelsdefender says team are still fired up and want to finish the season strongly\n", + "[1.2782059 1.4974536 1.2416089 1.3337405 1.1780947 1.1668903 1.0512317\n", + " 1.017764 1.0286583 1.0233731 1.0573534 1.0753 1.0167515 1.0125339\n", + " 1.023092 1.1041758 1.1279197 1.1131239 1.0580481 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 5 16 17 15 11 18 10 6 8 9 14 7 12 13 21 19 20 22]\n", + "=======================\n", + "[\"across 10 constituencies targeted by mr farage 's party , ukip has fallen 18 points behind the tories and seven behind labour .across the 11 marginal constituencies -- including boston & skegness , great yarmouth and north thanet -- ukip now trail the tories by 18 per cent and labour by 7 per centnigel farage suffered a fresh blow today after a new poll showed ukip trailing badly in a series of key seats .\"]\n", + "=======================\n", + "[\"comres survey for itv shows ukip falling behind in key constituencieslatest in a series of polls showing the losing ground to the toriesukip leader said he had ` made some mistakes ' by trying to do too muchhe said he had to scale back his campaigning to rejuvenate himself\"]\n", + "across 10 constituencies targeted by mr farage 's party , ukip has fallen 18 points behind the tories and seven behind labour .across the 11 marginal constituencies -- including boston & skegness , great yarmouth and north thanet -- ukip now trail the tories by 18 per cent and labour by 7 per centnigel farage suffered a fresh blow today after a new poll showed ukip trailing badly in a series of key seats .\n", + "comres survey for itv shows ukip falling behind in key constituencieslatest in a series of polls showing the losing ground to the toriesukip leader said he had ` made some mistakes ' by trying to do too muchhe said he had to scale back his campaigning to rejuvenate himself\n", + "[1.1698612 1.4797939 1.1543541 1.3497005 1.1029174 1.1468375 1.0507357\n", + " 1.0399913 1.0361509 1.0690335 1.0300931 1.0352726 1.0436321 1.0472944\n", + " 1.1928549 1.0729469 1.0322955 1.0162284 1.0269508 1.0216222 1.0733829\n", + " 1.0250702 1.0234202]\n", + "\n", + "[ 1 3 14 0 2 5 4 20 15 9 6 13 12 7 8 11 16 10 18 21 22 19 17]\n", + "=======================\n", + "[\"a fed up resident of cammeray , a wealthy north shore suburb , stuck a note to the windscreen of car parked near a school they believed belonged to an outsiders .the tranquility of a high-priced inner-sydney suburb has been shattered as a transport war has broken out between locals and commuters .` dear northern beaches parasites and car dependent tragics , ' it read .\"]\n", + "=======================\n", + "[\"fed up local slams ` tragics ' taking up carparks in wealthy sydney suburb` if you ca n't afford to park ... do n't come here ' letter left on windscreen readsother locals shocked that someone in their community would leave note` we were horrified such a nimby culture existed in cammeray ' they said\"]\n", + "a fed up resident of cammeray , a wealthy north shore suburb , stuck a note to the windscreen of car parked near a school they believed belonged to an outsiders .the tranquility of a high-priced inner-sydney suburb has been shattered as a transport war has broken out between locals and commuters .` dear northern beaches parasites and car dependent tragics , ' it read .\n", + "fed up local slams ` tragics ' taking up carparks in wealthy sydney suburb` if you ca n't afford to park ... do n't come here ' letter left on windscreen readsother locals shocked that someone in their community would leave note` we were horrified such a nimby culture existed in cammeray ' they said\n", + "[1.2147677 1.4116434 1.3536501 1.275167 1.2524365 1.0948504 1.1203916\n", + " 1.0578388 1.0241225 1.1080216 1.0758498 1.0464185 1.1012982 1.0424142\n", + " 1.0609592 1.0348192 1.0608447 1.0655828 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 6 9 12 5 10 17 14 16 7 11 13 15 8 21 18 19 20 22]\n", + "=======================\n", + "[\"the large android shape covers a mountainous region near the city of shahpur but residents may not approve of the addition because it is shown urinating on an apple logo .it is not an official google feature and the image is believed to have been added using google 's map maker , although this has n't been confirmed .a new ` landmark ' has mysteriously appeared in pakistan , according to google maps .\"]\n", + "=======================\n", + "[\"the drawing was discovered by fan site cult of androidit appears on the map 's standard view at 33 ° 30 ' 52.5 'n 73 ° 03 ' 33.2 ' eaddition is believed to have been added using google 's map makerand google told mailonline : we 've terminated the android figure involved in this incident , and he 'll be disappearing from google maps shortly . '\"]\n", + "the large android shape covers a mountainous region near the city of shahpur but residents may not approve of the addition because it is shown urinating on an apple logo .it is not an official google feature and the image is believed to have been added using google 's map maker , although this has n't been confirmed .a new ` landmark ' has mysteriously appeared in pakistan , according to google maps .\n", + "the drawing was discovered by fan site cult of androidit appears on the map 's standard view at 33 ° 30 ' 52.5 'n 73 ° 03 ' 33.2 ' eaddition is believed to have been added using google 's map makerand google told mailonline : we 've terminated the android figure involved in this incident , and he 'll be disappearing from google maps shortly . '\n", + "[1.2374204 1.216724 1.2814935 1.136767 1.1642847 1.0313069 1.0159241\n", + " 1.0163736 1.0171877 1.1550041 1.1627612 1.0142001 1.0655422 1.0111378\n", + " 1.0162814 1.0182467 1.105808 1.113415 1.0584941 1.0582347 1.0222605\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 1 4 10 9 3 17 16 12 18 19 5 20 15 8 7 14 6 11 13 21 22]\n", + "=======================\n", + "['the modern seema malaka temple , colombo , sri lanka .sri lanka , with its shimmering sandy beaches , enthralling wildlife and relics of ancient civilisations , is high on lists of places to visit in 2015 .gareth huw davies enjoys the new stability on the teardrop-shaped island in the indian ocean , where the holiday industry is recovering , and expanding with a crop of smart new hotels , after the dual torment of a tsunami and a bitter civil war .']\n", + "=======================\n", + "['the teardrop-shaped island was ravaged by the tsunami in 2004the holiday industry there is recovered and expanding with new hotelssee the uda walawe nature reserve elephants and tea plantations in kandy']\n", + "the modern seema malaka temple , colombo , sri lanka .sri lanka , with its shimmering sandy beaches , enthralling wildlife and relics of ancient civilisations , is high on lists of places to visit in 2015 .gareth huw davies enjoys the new stability on the teardrop-shaped island in the indian ocean , where the holiday industry is recovering , and expanding with a crop of smart new hotels , after the dual torment of a tsunami and a bitter civil war .\n", + "the teardrop-shaped island was ravaged by the tsunami in 2004the holiday industry there is recovered and expanding with new hotelssee the uda walawe nature reserve elephants and tea plantations in kandy\n", + "[1.2575767 1.4700729 1.1712534 1.2409914 1.2909603 1.0838401 1.1316489\n", + " 1.0866187 1.0442195 1.009112 1.0180745 1.0914137 1.0515246 1.131458\n", + " 1.0503072 1.0730243 1.0516957 1.0522356 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 0 3 2 6 13 11 7 5 15 17 16 12 14 8 10 9 21 18 19 20 22]\n", + "=======================\n", + "[\"the father-of-three was sentenced to death for murdering his family , stuffing them in suitcases and dumping their bodies in coastal bays in oregon in december 2001 to ` escape the shackles of domestic life ' .awaiting his execution in a six-by-eight foot death row cell , christian longo believes he can no longer be redeemed for his horrific crimes .now a film about his life , true story , starring james franco and jonah hill , has been released , and the brutal killer has spoken out from behind bars .\"]\n", + "=======================\n", + "[\"christian longo has been writing letters to people from his death row cellbelieves ` some actions are so terrible that nothing can ever atone them 'in 2001 he killed his family , stuffed them into suitcases and dumped themthree children and his wife mary jane were all found by police diversfbi tracked him to cancun where he was partying with a german womanwas posing as shamed new york times reporter michael finkelhe was brought stateside and sentenced to death at the end of month trialmovie starring jonah hill and james franco about his relationship with the journalist has been released\"]\n", + "the father-of-three was sentenced to death for murdering his family , stuffing them in suitcases and dumping their bodies in coastal bays in oregon in december 2001 to ` escape the shackles of domestic life ' .awaiting his execution in a six-by-eight foot death row cell , christian longo believes he can no longer be redeemed for his horrific crimes .now a film about his life , true story , starring james franco and jonah hill , has been released , and the brutal killer has spoken out from behind bars .\n", + "christian longo has been writing letters to people from his death row cellbelieves ` some actions are so terrible that nothing can ever atone them 'in 2001 he killed his family , stuffed them into suitcases and dumped themthree children and his wife mary jane were all found by police diversfbi tracked him to cancun where he was partying with a german womanwas posing as shamed new york times reporter michael finkelhe was brought stateside and sentenced to death at the end of month trialmovie starring jonah hill and james franco about his relationship with the journalist has been released\n", + "[1.1322436 1.2802756 1.2639723 1.2736294 1.1644748 1.0994804 1.0625596\n", + " 1.049628 1.0410618 1.100979 1.0828049 1.0293673 1.0347444 1.0324396\n", + " 1.0832319 1.1100357 1.0534387 1.0254512 1.0460085 1.0325702]\n", + "\n", + "[ 1 3 2 4 0 15 9 5 14 10 6 16 7 18 8 12 19 13 11 17]\n", + "=======================\n", + "['a tiny ten by six mile speck in the south atlantic 1,200 miles from the coast of west africa , it lay undiscovered for around 14 million years able to evolve its own unique flora and fauna untouched by the outside world .but almost from the moment portuguese explorer juan de nova was blown there by the trade winds in 1502 it assumed an importance out of all proportion to its size .it was a key stopping place for the ships of the east india company and other vessels - at its peak it serviced a thousand a year .']\n", + "=======================\n", + "[\"st helena , a 122 square kilometre island in the middle of the south atlantic , will soon be much easier to reachearly next year , the island 's # 218 million airport will be complete , opening it up to tourists like never beforethe remote destination is perhaps best known as the place where napoleon was exiled after his waterloo defeat\"]\n", + "a tiny ten by six mile speck in the south atlantic 1,200 miles from the coast of west africa , it lay undiscovered for around 14 million years able to evolve its own unique flora and fauna untouched by the outside world .but almost from the moment portuguese explorer juan de nova was blown there by the trade winds in 1502 it assumed an importance out of all proportion to its size .it was a key stopping place for the ships of the east india company and other vessels - at its peak it serviced a thousand a year .\n", + "st helena , a 122 square kilometre island in the middle of the south atlantic , will soon be much easier to reachearly next year , the island 's # 218 million airport will be complete , opening it up to tourists like never beforethe remote destination is perhaps best known as the place where napoleon was exiled after his waterloo defeat\n", + "[1.2505044 1.4110906 1.326872 1.2064807 1.053229 1.0898055 1.064143\n", + " 1.0468854 1.034281 1.0699093 1.076297 1.0340105 1.125303 1.0473357\n", + " 1.1241204 1.1355929 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 15 12 14 5 10 9 6 4 13 7 8 11 16 17 18 19]\n", + "=======================\n", + "[\"churchill , then 84 , was president eisenhower 's guest of honour at the gathering , held at the home of the us ambassador in london , in 1959 .the party , held on the 20th anniversary of nazi germany 's invasion of poland , brought together the great and good of the allied wwii campaign .never-before-seen pictures of winston churchill show the moment the former prime minister appeared to fall asleep at a second world war reunion party alongside dwight eisenhower .\"]\n", + "=======================\n", + "['churchill was meeting allied wwii leaders for a reunion party in londonformer pm appears to nod off while sat next to us president eisenhowerlord alan brooke wakes up churchill , then 84 , who looks a little sheepishnever-before-seen photographs will go on auction in the us this month']\n", + "churchill , then 84 , was president eisenhower 's guest of honour at the gathering , held at the home of the us ambassador in london , in 1959 .the party , held on the 20th anniversary of nazi germany 's invasion of poland , brought together the great and good of the allied wwii campaign .never-before-seen pictures of winston churchill show the moment the former prime minister appeared to fall asleep at a second world war reunion party alongside dwight eisenhower .\n", + "churchill was meeting allied wwii leaders for a reunion party in londonformer pm appears to nod off while sat next to us president eisenhowerlord alan brooke wakes up churchill , then 84 , who looks a little sheepishnever-before-seen photographs will go on auction in the us this month\n", + "[1.2038428 1.1272926 1.2989099 1.2359198 1.1110221 1.0443475 1.1327603\n", + " 1.1751556 1.0854839 1.0428339 1.0384912 1.0449628 1.0713571 1.0243298\n", + " 1.046322 1.0939032 1.0316491 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 7 6 1 4 15 8 12 14 11 5 9 10 16 13 18 17 19]\n", + "=======================\n", + "['but that is what rand paul , who today declared he \\'s running for president of the united states , is doing .his campaign team told reporters last week that his campaign announcement message would be about \" expanding the republican party \" -- a message of inclusion .( cnn ) when i was elected to the kentucky state senate in 1967 , i became the first woman and the first person of color to serve in the body .']\n", + "=======================\n", + "[\"georgia powers : rand paul , running for president , would like minorities to think he 's an advocate .on civil rights , women 's choice , voting rights , immigrant dreamers , education , he has shown he 'd take country backwards , she says\"]\n", + "but that is what rand paul , who today declared he 's running for president of the united states , is doing .his campaign team told reporters last week that his campaign announcement message would be about \" expanding the republican party \" -- a message of inclusion .( cnn ) when i was elected to the kentucky state senate in 1967 , i became the first woman and the first person of color to serve in the body .\n", + "georgia powers : rand paul , running for president , would like minorities to think he 's an advocate .on civil rights , women 's choice , voting rights , immigrant dreamers , education , he has shown he 'd take country backwards , she says\n", + "[1.401936 1.1846904 1.0903852 1.1948597 1.2373365 1.3301513 1.1453954\n", + " 1.1248728 1.096895 1.0543113 1.0310282 1.0382437 1.0286974 1.0816101\n", + " 1.1014743 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 5 4 3 1 6 7 14 8 2 13 9 11 10 12 18 15 16 17 19]\n", + "=======================\n", + "['trials : researchers at hadassah medical school in jerusalem found pregnancy helps regenerate tissueit found in young , non-pregnant mice , 82 per cent of the liver had regenerated after two days and in older , non-pregnant mice , only 46 per cent had regenerated in that time .appearing to bloom is not just a cosmetic side effect of carrying a child , said medical experts for the journal fertility and sterility but an actual physical process .']\n", + "=======================\n", + "[\"researchers in jerusalem found pregnancy helps regenerate tissuesuggest pregnancy could restore mother 's muscles ' ability to regenerateclaim mice ` got youth serum injection ' from babies they were carrying\"]\n", + "trials : researchers at hadassah medical school in jerusalem found pregnancy helps regenerate tissueit found in young , non-pregnant mice , 82 per cent of the liver had regenerated after two days and in older , non-pregnant mice , only 46 per cent had regenerated in that time .appearing to bloom is not just a cosmetic side effect of carrying a child , said medical experts for the journal fertility and sterility but an actual physical process .\n", + "researchers in jerusalem found pregnancy helps regenerate tissuesuggest pregnancy could restore mother 's muscles ' ability to regenerateclaim mice ` got youth serum injection ' from babies they were carrying\n", + "[1.2639204 1.3887602 1.2825181 1.2755322 1.0739388 1.174774 1.1033924\n", + " 1.0744917 1.0913641 1.0490091 1.0598452 1.0879099 1.0725622 1.0673504\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 6 8 11 7 4 12 13 10 9 14 15 16 17 18 19]\n", + "=======================\n", + "['her majesty , who looked elegant in a long blue jacket which she wore over a cream and blue floral dress , was joined by prince philip and princess alexandra at the reception in trafalgar square , central london .during the first world war commemorations , the monarch posed for a photograph with the calgary highlanders - who were all dressed in kilts - while prince philip sat for a portrait with the royal hamilton light infantry .the event was held in honour of the three canadian regiments which the royal members individually lead as colonels-in-chief .']\n", + "=======================\n", + "['the queen attends reception as part of first world war commemorationsshe was joined by her husband the duke of edinburgh at london eventat reception , her majesty posed with calgary highlanders dressed in kilts']\n", + "her majesty , who looked elegant in a long blue jacket which she wore over a cream and blue floral dress , was joined by prince philip and princess alexandra at the reception in trafalgar square , central london .during the first world war commemorations , the monarch posed for a photograph with the calgary highlanders - who were all dressed in kilts - while prince philip sat for a portrait with the royal hamilton light infantry .the event was held in honour of the three canadian regiments which the royal members individually lead as colonels-in-chief .\n", + "the queen attends reception as part of first world war commemorationsshe was joined by her husband the duke of edinburgh at london eventat reception , her majesty posed with calgary highlanders dressed in kilts\n", + "[1.1396611 1.1821772 1.0917096 1.103093 1.3201573 1.1859803 1.12461\n", + " 1.0664667 1.0535461 1.0259851 1.0241425 1.0693016 1.0855706 1.0903571\n", + " 1.0218655 1.0247409 1.1097674 1.0903416 1.1552199 1.0632747 1.0366321\n", + " 0. ]\n", + "\n", + "[ 4 5 1 18 0 6 16 3 2 13 17 12 11 7 19 8 20 9 15 10 14 21]\n", + "=======================\n", + "['louise redknapp says that a wide-leg trouser can come as a welcome relief from the skinny jeanskinny jeans have held court for quite a few years now and while they will never go out of style the wide leg will give you an alternative look .the wide-leg trouser made an appearance on several catwalks including on the runway of gucci ss15 who showcased a denim take on the trend , for a high street take try the topshop miller jean ( right )']\n", + "=======================\n", + "['louise redknapp and stylist emma thatcher try the wide-leg trouserthey say it makes a good replacement for ever-popular skinny jeans']\n", + "louise redknapp says that a wide-leg trouser can come as a welcome relief from the skinny jeanskinny jeans have held court for quite a few years now and while they will never go out of style the wide leg will give you an alternative look .the wide-leg trouser made an appearance on several catwalks including on the runway of gucci ss15 who showcased a denim take on the trend , for a high street take try the topshop miller jean ( right )\n", + "louise redknapp and stylist emma thatcher try the wide-leg trouserthey say it makes a good replacement for ever-popular skinny jeans\n", + "[1.2548237 1.389889 1.3559413 1.1913911 1.1642772 1.0888007 1.1084102\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 4 6 5 19 18 17 16 15 14 10 12 11 20 9 8 7 13 21]\n", + "=======================\n", + "[\"what started as a nonthreatening and seemingly shrinking grass fire on sunday , consuming fewer than 100 acres according to miami-dade fire rescue battalion chief al cruz , grew to be more than 10 times that within the next 24 hours .by monday night , the fire had burned nearly 2,000 acres and was 50 % contained , the fire department said .( cnn ) parts of miami-dade county 's skyline was hidden from view monday as smoke from a growing 1,850-acre wildfire loomed over portions of the florida county .\"]\n", + "=======================\n", + "['the wildfire started in miami-dade county on sundayby monday night , it had grown to nearly 2,000 acresthe fire was 50 % contained , officials said']\n", + "what started as a nonthreatening and seemingly shrinking grass fire on sunday , consuming fewer than 100 acres according to miami-dade fire rescue battalion chief al cruz , grew to be more than 10 times that within the next 24 hours .by monday night , the fire had burned nearly 2,000 acres and was 50 % contained , the fire department said .( cnn ) parts of miami-dade county 's skyline was hidden from view monday as smoke from a growing 1,850-acre wildfire loomed over portions of the florida county .\n", + "the wildfire started in miami-dade county on sundayby monday night , it had grown to nearly 2,000 acresthe fire was 50 % contained , officials said\n", + "[1.4561348 1.3391936 1.1199849 1.2978992 1.0934604 1.0793399 1.1142741\n", + " 1.1061401 1.1128026 1.3051419 1.0388007 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 9 3 2 6 8 7 4 5 10 11 12 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"cleveland cavaliers small forward lebron james says he would pick himself for mvp if he could when a new set of nba awards are presented this summer .players are able to vote in the end-of-season awards for the first time , with titles such as ` man of the year ' being handed out ,cleveland cavaliers have secured the central division title and will be no 2 seed in the eastern conference\"]\n", + "=======================\n", + "[\"players in nba are able to vote in end-of-season awards for first timelebron james asked who he would pick and says : ` myself '30-year-old has impressed in first season back with cleveland cavaliers\"]\n", + "cleveland cavaliers small forward lebron james says he would pick himself for mvp if he could when a new set of nba awards are presented this summer .players are able to vote in the end-of-season awards for the first time , with titles such as ` man of the year ' being handed out ,cleveland cavaliers have secured the central division title and will be no 2 seed in the eastern conference\n", + "players in nba are able to vote in end-of-season awards for first timelebron james asked who he would pick and says : ` myself '30-year-old has impressed in first season back with cleveland cavaliers\n", + "[1.2518756 1.099077 1.1217206 1.0992643 1.1237987 1.0634671 1.0788718\n", + " 1.08022 1.1438768 1.0504844 1.056316 1.0545655 1.0769409 1.0639753\n", + " 1.0627419 1.0938685 1.1210986 1.0804228 1.0246849 1.0954512 1.0246283\n", + " 1.0195888]\n", + "\n", + "[ 0 8 4 2 16 3 1 19 15 17 7 6 12 13 5 14 10 11 9 18 20 21]\n", + "=======================\n", + "['obock , djibouti ( cnn ) amina ali qassim is sitting with her youngest grandchild on her lap , wiping away tears with her headscarf .qassim and her family fled birim at first light , piling in with three other families .they could have still been in their house when the first missile landed .']\n", + "=======================\n", + "[\"amina ali qassim 's family sought shelter in a mosque before fleeing yementhousands like them are boarding boats to sail to djiboutisaudi arabia has been pounding yemen in a bid to defeat houthi rebels\"]\n", + "obock , djibouti ( cnn ) amina ali qassim is sitting with her youngest grandchild on her lap , wiping away tears with her headscarf .qassim and her family fled birim at first light , piling in with three other families .they could have still been in their house when the first missile landed .\n", + "amina ali qassim 's family sought shelter in a mosque before fleeing yementhousands like them are boarding boats to sail to djiboutisaudi arabia has been pounding yemen in a bid to defeat houthi rebels\n", + "[1.3891484 1.2802368 1.3555008 1.3503333 1.1554885 1.233446 1.1572778\n", + " 1.0279431 1.0149174 1.0239916 1.010244 1.0123695 1.2501605 1.1362349\n", + " 1.0921174 1.0122086 1.0111527 1.1754911 1.0883586 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 3 1 12 5 17 6 4 13 14 18 7 9 8 11 15 16 10 19 20 21]\n", + "=======================\n", + "['tiger woods will be wondering if he can ever catch a break after suffering a bizarre injury on the ninth hole at the masters on sunday .however following through on his swing the four-time masters champion drilled his club into a tree root , causing the 39-year-old to drop his club and give out a painful yell .21-year-old jordan spieth ( centre ) celebrates his first masters victory with his girlfriend on sunday']\n", + "=======================\n", + "[\"tiger woods drilled an iron into a tree root on the ninth hole at augustathis is the latest of a string of unfortunate injuries for the 39-year-oldwoods ended the tournament tied for 17th , his best finish in over a yearread : we 've seen enough of tiger at augusta not to give up on him yetclick here for all the masters 2015 reaction\"]\n", + "tiger woods will be wondering if he can ever catch a break after suffering a bizarre injury on the ninth hole at the masters on sunday .however following through on his swing the four-time masters champion drilled his club into a tree root , causing the 39-year-old to drop his club and give out a painful yell .21-year-old jordan spieth ( centre ) celebrates his first masters victory with his girlfriend on sunday\n", + "tiger woods drilled an iron into a tree root on the ninth hole at augustathis is the latest of a string of unfortunate injuries for the 39-year-oldwoods ended the tournament tied for 17th , his best finish in over a yearread : we 've seen enough of tiger at augusta not to give up on him yetclick here for all the masters 2015 reaction\n", + "[1.2346239 1.4816086 1.3110543 1.2217793 1.3170645 1.2161 1.127053\n", + " 1.0965043 1.0567828 1.0678242 1.0838344 1.1548405 1.0369769 1.0159465\n", + " 1.033546 1.0219972 1.0494463 1.023857 1.0147238]\n", + "\n", + "[ 1 4 2 0 3 5 11 6 7 10 9 8 16 12 14 17 15 13 18]\n", + "=======================\n", + "['nathan brown , 19 , was working with his father david , an experienced electrician , when he apparently touched a set of exposed electrical bars powering a crane .tragic : apprentice electrician nathan brown died after being electrocuted while testing lightsthe shock caused him to fall 12ft head first onto the roof of a toilet block below the crane .']\n", + "=======================\n", + "['nathan brown , 19 , was working with father david testing lights in a factoryhe climbed up on a crane but accidentally touched exposed power supplythe shock made him fall 12ft head first and he died of his injuriesinquest hears that the power supply was not clearly marked as dangerous']\n", + "nathan brown , 19 , was working with his father david , an experienced electrician , when he apparently touched a set of exposed electrical bars powering a crane .tragic : apprentice electrician nathan brown died after being electrocuted while testing lightsthe shock caused him to fall 12ft head first onto the roof of a toilet block below the crane .\n", + "nathan brown , 19 , was working with father david testing lights in a factoryhe climbed up on a crane but accidentally touched exposed power supplythe shock made him fall 12ft head first and he died of his injuriesinquest hears that the power supply was not clearly marked as dangerous\n", + "[1.2961013 1.2671618 1.1096354 1.4192259 1.2267308 1.0603883 1.1594459\n", + " 1.0640529 1.0276573 1.0180321 1.0321729 1.0970181 1.1519672 1.0992242\n", + " 1.0463471 1.0506885 1.038544 1.0494637 1.0342216]\n", + "\n", + "[ 3 0 1 4 6 12 2 13 11 7 5 15 17 14 16 18 10 8 9]\n", + "=======================\n", + "[\"vladmir lenin may have been dead for 90 years , but his corpse looks better than the day he passed .this is the claim made by his embalmers , who have developed experimental techniques to maintain the look and feel of the communist revolutionary 's body .the gruesome job is the responsibility of a team known as the ` mausoleum group ' which , at its peak , involved 200 scientists working in a lab dedicated to the former leader 's corpse .\"]\n", + "=======================\n", + "[\"embalmers substitute parts of flesh with plastics and other materialsa mild bleach is often used to deal with fungus stains on lenin 's facethe body is covered in glycerol and potassium acetate every 2 yearsat one time , 200 scientists were working to help preserve lenin 's body\"]\n", + "vladmir lenin may have been dead for 90 years , but his corpse looks better than the day he passed .this is the claim made by his embalmers , who have developed experimental techniques to maintain the look and feel of the communist revolutionary 's body .the gruesome job is the responsibility of a team known as the ` mausoleum group ' which , at its peak , involved 200 scientists working in a lab dedicated to the former leader 's corpse .\n", + "embalmers substitute parts of flesh with plastics and other materialsa mild bleach is often used to deal with fungus stains on lenin 's facethe body is covered in glycerol and potassium acetate every 2 yearsat one time , 200 scientists were working to help preserve lenin 's body\n", + "[1.3268031 1.1962668 1.4317861 1.3002849 1.054439 1.1565193 1.1284842\n", + " 1.1729021 1.0886017 1.0361907 1.050621 1.0370668 1.0509758 1.0505455\n", + " 1.1196306 1.0503418 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 1 7 5 6 14 8 4 12 10 13 15 11 9 16 17 18]\n", + "=======================\n", + "['the most expensive edition model costs up to # 2,500 more in the uk compared to elsewhere in the world , while at the lower end of the scale british buyers pay up to # 63 more for the sport model .apple is thought to have sold more than one million of its smartwatches in the first 24 hours it was available for pre-order .the gadget is available to pre-order in nine countries .']\n", + "=======================\n", + "[\"apple 's sport , watch and edition wearables are cheaper in us and europethe edition costs up # 1,100 more in the uk than it does in the usbut british prices include vat , while us sales tax is added on topcustomers could save up to # 63 buying the sport abroad too\"]\n", + "the most expensive edition model costs up to # 2,500 more in the uk compared to elsewhere in the world , while at the lower end of the scale british buyers pay up to # 63 more for the sport model .apple is thought to have sold more than one million of its smartwatches in the first 24 hours it was available for pre-order .the gadget is available to pre-order in nine countries .\n", + "apple 's sport , watch and edition wearables are cheaper in us and europethe edition costs up # 1,100 more in the uk than it does in the usbut british prices include vat , while us sales tax is added on topcustomers could save up to # 63 buying the sport abroad too\n", + "[1.3244699 1.2143701 1.4467713 1.1932335 1.3463624 1.0530201 1.0263683\n", + " 1.1481218 1.124336 1.0746208 1.0842637 1.0828781 1.1555144 1.0129915\n", + " 1.0146877 1.0362916 1.0181236 1.0270506 0. ]\n", + "\n", + "[ 2 4 0 1 3 12 7 8 10 11 9 5 15 17 6 16 14 13 18]\n", + "=======================\n", + "[\"graham leonard , who was returning to scotland after attending a manchester united football match , grabbed the pa microphone on the private charter flight and burst into song for his fellow football fans after drinking beer and gin on match day .sheriff edward savage said he was keeping ` all options open ' and mr kelly to find out what impact a jail sentence would have on his client .a passenger who hijacked a plane 's tannoy system while drunk to sing karaoke and then caused an airport to be evacuated could be handed a jail term .\"]\n", + "=======================\n", + "['graham leonard , 44 , was flying back to scotland from manchesterwas part of a group who had watched manchester united at old traffordadmitted to drinking beers and gin and tonics throughout the daysheriff warns he has not yet decided whether a jail term is sufficient']\n", + "graham leonard , who was returning to scotland after attending a manchester united football match , grabbed the pa microphone on the private charter flight and burst into song for his fellow football fans after drinking beer and gin on match day .sheriff edward savage said he was keeping ` all options open ' and mr kelly to find out what impact a jail sentence would have on his client .a passenger who hijacked a plane 's tannoy system while drunk to sing karaoke and then caused an airport to be evacuated could be handed a jail term .\n", + "graham leonard , 44 , was flying back to scotland from manchesterwas part of a group who had watched manchester united at old traffordadmitted to drinking beers and gin and tonics throughout the daysheriff warns he has not yet decided whether a jail term is sufficient\n", + "[1.4237446 1.4103285 1.2774706 1.2529961 1.3273196 1.0289283 1.0213175\n", + " 1.0317006 1.0305744 1.1128699 1.0749927 1.0175649 1.1237863 1.1340568\n", + " 1.018257 1.0151905 1.008092 1.0074682 0. ]\n", + "\n", + "[ 0 1 4 2 3 13 12 9 10 7 8 5 6 14 11 15 16 17 18]\n", + "=======================\n", + "[\"a red hot novak djokovic is being tipped to end rafa nadal 's stranglehold at roland garros in june but the spaniard dismissed the threat as being no different to those he has faced before .the serbian world number one has been an unstoppable force in recent weeks , winning 17 matches on the bounce and becoming the first man to win the season 's first three masters title .nadal was beaten convincingly by novak djokovic in monet carlo last week\"]\n", + "=======================\n", + "['rafael nadal lost heavily to novak djokovic on clay in monte carlodjokovic is world no 1 and tipped to challenge at roland garosbut nine-time champion nadal says this year will be no different']\n", + "a red hot novak djokovic is being tipped to end rafa nadal 's stranglehold at roland garros in june but the spaniard dismissed the threat as being no different to those he has faced before .the serbian world number one has been an unstoppable force in recent weeks , winning 17 matches on the bounce and becoming the first man to win the season 's first three masters title .nadal was beaten convincingly by novak djokovic in monet carlo last week\n", + "rafael nadal lost heavily to novak djokovic on clay in monte carlodjokovic is world no 1 and tipped to challenge at roland garosbut nine-time champion nadal says this year will be no different\n", + "[1.2079207 1.5738186 1.1855989 1.210361 1.2095029 1.2518843 1.0615854\n", + " 1.019527 1.18548 1.0737032 1.0672715 1.096349 1.099118 1.0361573\n", + " 1.012807 1.0129213 1.0395415 1.0571152 1.0192316]\n", + "\n", + "[ 1 5 3 4 0 2 8 12 11 9 10 6 17 16 13 7 18 15 14]\n", + "=======================\n", + "['natalie swindells , 26 , eats four bowls of the cereal every day .in a typical day , miss swindells will have two bowls of rice krispies with milk for breakfast , followed by a slice of bread and butter for lunch , and two bowls of rice krispies again for dinnerthe bank worker , who says she has never taken a day off sick , stopped eating most other foods from the age of two .']\n", + "=======================\n", + "['natalie swindell , 26 , eats four bowls of rice krispies a day and little elsedespite the boring diet , nutritionists say her eating habits are balancedbank worker claims she has never eaten anything else since the age of two']\n", + "natalie swindells , 26 , eats four bowls of the cereal every day .in a typical day , miss swindells will have two bowls of rice krispies with milk for breakfast , followed by a slice of bread and butter for lunch , and two bowls of rice krispies again for dinnerthe bank worker , who says she has never taken a day off sick , stopped eating most other foods from the age of two .\n", + "natalie swindell , 26 , eats four bowls of rice krispies a day and little elsedespite the boring diet , nutritionists say her eating habits are balancedbank worker claims she has never eaten anything else since the age of two\n", + "[1.2150573 1.4470242 1.3537644 1.2053113 1.1298885 1.1196709 1.048116\n", + " 1.0297762 1.0274254 1.0789958 1.1298609 1.0882589 1.079826 1.0485595\n", + " 1.0738342 1.0509615 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 10 5 11 12 9 14 15 13 6 7 8 16 17 18]\n", + "=======================\n", + "[\"the photos , taken in a forest outside moscow in russia , show maria sidorova and lidia fetisova hugging and kissing the 650kg bear , named stephen .organisers wanted to highlight the importance of living ` side-by-side ' with bears and to discourage hunting - but in one picture , a model was shown wearing a fur coat .bizarre pictures have emerged of two models posing seductively with a giant brown bear as part of an anti-hunting campaign .\"]\n", + "=======================\n", + "[\"photos show models maria sidorova and lidia fetisova posing with 650kg bear in forest outside moscow in russiathey are pictured hugging and kissing stephen the brown bear , who has been specially trained to appear in filmsit was part of an anti-hunting campaign with organisers highlighting ` natural harmony ' between bears and humans\"]\n", + "the photos , taken in a forest outside moscow in russia , show maria sidorova and lidia fetisova hugging and kissing the 650kg bear , named stephen .organisers wanted to highlight the importance of living ` side-by-side ' with bears and to discourage hunting - but in one picture , a model was shown wearing a fur coat .bizarre pictures have emerged of two models posing seductively with a giant brown bear as part of an anti-hunting campaign .\n", + "photos show models maria sidorova and lidia fetisova posing with 650kg bear in forest outside moscow in russiathey are pictured hugging and kissing stephen the brown bear , who has been specially trained to appear in filmsit was part of an anti-hunting campaign with organisers highlighting ` natural harmony ' between bears and humans\n", + "[1.1968993 1.4920557 1.2566926 1.4065509 1.2061195 1.0883924 1.0428439\n", + " 1.0200282 1.0357579 1.02075 1.028919 1.0184758 1.1114752 1.1299977\n", + " 1.0853128 1.0591401 1.0226147 1.0159857 0. ]\n", + "\n", + "[ 1 3 2 4 0 13 12 5 14 15 6 8 10 16 9 7 11 17 18]\n", + "=======================\n", + "[\"and the former manchester united boss has tipped barcelona 's brazilian star neymar to be the next man to challenge for the title of world 's best player , competing with ronaldo and lionel messi .sir alex ferguson has picked neymar as the player to reach the level of lionel messi and cristiano ronaldobut ferguson says the 23-year-old , who has been a star since joining barca from santos in his homeland two years ago , is still some way off .\"]\n", + "=======================\n", + "[\"former manchester united boss says no-one is close to world 's top twobut sir alex ferguson suggests neymar will be the next to reach that levelferguson was also full of praise for real madrid boss carlo ancelottiancelotti invited fergie 's son darren to real madrid training early this year\"]\n", + "and the former manchester united boss has tipped barcelona 's brazilian star neymar to be the next man to challenge for the title of world 's best player , competing with ronaldo and lionel messi .sir alex ferguson has picked neymar as the player to reach the level of lionel messi and cristiano ronaldobut ferguson says the 23-year-old , who has been a star since joining barca from santos in his homeland two years ago , is still some way off .\n", + "former manchester united boss says no-one is close to world 's top twobut sir alex ferguson suggests neymar will be the next to reach that levelferguson was also full of praise for real madrid boss carlo ancelottiancelotti invited fergie 's son darren to real madrid training early this year\n", + "[1.297552 1.4019868 1.2668974 1.1651989 1.1814556 1.0932714 1.1012856\n", + " 1.0816693 1.0719842 1.0889952 1.0461242 1.1372669 1.035104 1.0269468\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 3 11 6 5 9 7 8 10 12 13 17 14 15 16 18]\n", + "=======================\n", + "[\"ramalinga raju , the former chairman of software services exporter satyam computers services , was also fined $ 804,000 , r.k. gaur , a spokesman for india 's central bureau of investigation , told cnn .new delhi ( cnn ) an indian software pioneer and nine others have been sentenced to seven years in jail for their role in what has been dubbed india 's biggest corporate scandal in memory , police said .investigators say losses to investors resulting from the company 's book manipulation were much higher .\"]\n", + "=======================\n", + "[\"satyam computers services was at the center of a massive $ 1.6 billion fraud case in 2009the software services exporter 's chairman , ramalinga raju , admitted inflating profitssatyam had been india 's fourth-largest software services provider\"]\n", + "ramalinga raju , the former chairman of software services exporter satyam computers services , was also fined $ 804,000 , r.k. gaur , a spokesman for india 's central bureau of investigation , told cnn .new delhi ( cnn ) an indian software pioneer and nine others have been sentenced to seven years in jail for their role in what has been dubbed india 's biggest corporate scandal in memory , police said .investigators say losses to investors resulting from the company 's book manipulation were much higher .\n", + "satyam computers services was at the center of a massive $ 1.6 billion fraud case in 2009the software services exporter 's chairman , ramalinga raju , admitted inflating profitssatyam had been india 's fourth-largest software services provider\n", + "[1.2501658 1.4434835 1.1780839 1.1388074 1.3047956 1.1799169 1.0981865\n", + " 1.0529137 1.024029 1.0671399 1.0209394 1.1464237 1.2101469 1.1197171\n", + " 1.0613966 1.0613025 1.0976893 1.0176505 1.0104492]\n", + "\n", + "[ 1 4 0 12 5 2 11 3 13 6 16 9 14 15 7 8 10 17 18]\n", + "=======================\n", + "['cctv footage has captured a woman cautiously standing by the concierge desk before she quickly grabs the box of anzac badges and money while covering it with her vest at the caulfield rsl in elsternwick , south-east of melbourne about 8.00 pm on wednesday .watch as this brazen thief allegedly steals a donation box ahead of anzac day at an rsl club in melbourneshe allegedly covers the donation box with her black vest as she casually walks out the entrance door']\n", + "=======================\n", + "['shocking footage has emerged of a thief allegedly taking a donation boxcctv captures the woman bringing her vest over the anzac badgesthe incident took place on wednesday at the caulfield rsl in melbournethe video was posted on facebook in a bid to track down the women']\n", + "cctv footage has captured a woman cautiously standing by the concierge desk before she quickly grabs the box of anzac badges and money while covering it with her vest at the caulfield rsl in elsternwick , south-east of melbourne about 8.00 pm on wednesday .watch as this brazen thief allegedly steals a donation box ahead of anzac day at an rsl club in melbourneshe allegedly covers the donation box with her black vest as she casually walks out the entrance door\n", + "shocking footage has emerged of a thief allegedly taking a donation boxcctv captures the woman bringing her vest over the anzac badgesthe incident took place on wednesday at the caulfield rsl in melbournethe video was posted on facebook in a bid to track down the women\n", + "[1.3301028 1.4916041 1.1742976 1.1629838 1.2825594 1.0751605 1.0120554\n", + " 1.0499706 1.0743798 1.1113304 1.2225835 1.0959792 1.0823483 1.0229559\n", + " 1.0431025 1.15609 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 10 2 3 15 9 11 12 5 8 7 14 13 6 19 16 17 18 20]\n", + "=======================\n", + "[\"manchester city 's david silva and everton 's phil jagielka were also among around a dozen players sponsored by the firm who urged millions of followers to buy the knock-down goods .premier league stars including steven gerrard , theo walcott and phil jones could face an advertising watchdog probe they plugged an adidas sale on twitter .this comes amid mounting concern that celebrities and sports stars are cashing in by turning twitter into an advertising platform .\"]\n", + "=======================\n", + "[\"top footballers are under fire for using twitter to promote an adidas saleplayers including steven gerrard and theo walcott could face a probedozen premier league stars posted messages within minutes of each otherwatchdog advises celebrities to use the word ` ad ' or ` spon ' if its an advert\"]\n", + "manchester city 's david silva and everton 's phil jagielka were also among around a dozen players sponsored by the firm who urged millions of followers to buy the knock-down goods .premier league stars including steven gerrard , theo walcott and phil jones could face an advertising watchdog probe they plugged an adidas sale on twitter .this comes amid mounting concern that celebrities and sports stars are cashing in by turning twitter into an advertising platform .\n", + "top footballers are under fire for using twitter to promote an adidas saleplayers including steven gerrard and theo walcott could face a probedozen premier league stars posted messages within minutes of each otherwatchdog advises celebrities to use the word ` ad ' or ` spon ' if its an advert\n", + "[1.3256044 1.3822708 1.3004373 1.327502 1.2000761 1.1702886 1.0256875\n", + " 1.0770228 1.0231217 1.0485235 1.1035241 1.0288109 1.0481724 1.0196497\n", + " 1.0947605 1.1587373 1.0673368 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 5 15 10 14 7 16 9 12 11 6 8 13 19 17 18 20]\n", + "=======================\n", + "[\"burns , who hosts 3aw morning show ross and john with ross stevenson , is alleged to have referred to houli as a ` terrorist ' at a club function at the mcg on friday night during the tigers ' match against melbourne .the radio station confirmed a complaint has been made against mr burns and said he does n't recall making the comment , and is ` mortified ' by the allegation .john burns said a friend sitting with him at the time also did n't recall the comment being made .\"]\n", + "=======================\n", + "[\"john burns has come out to deny he called footy player a ` terrorist 'the 3aw host allegedly made the comments against bachar houlihouli became the first muslim man to play top league afl in 2006he is the multicultural ambassador for the afljohn burns says he does n't recall the comments being madehe said he is ` mortified ' by the allegations\"]\n", + "burns , who hosts 3aw morning show ross and john with ross stevenson , is alleged to have referred to houli as a ` terrorist ' at a club function at the mcg on friday night during the tigers ' match against melbourne .the radio station confirmed a complaint has been made against mr burns and said he does n't recall making the comment , and is ` mortified ' by the allegation .john burns said a friend sitting with him at the time also did n't recall the comment being made .\n", + "john burns has come out to deny he called footy player a ` terrorist 'the 3aw host allegedly made the comments against bachar houlihouli became the first muslim man to play top league afl in 2006he is the multicultural ambassador for the afljohn burns says he does n't recall the comments being madehe said he is ` mortified ' by the allegations\n", + "[1.2291778 1.4223875 1.1597755 1.376307 1.2612555 1.1344807 1.0832577\n", + " 1.0330718 1.0829455 1.0823576 1.0992671 1.0509539 1.0819811 1.05341\n", + " 1.0702411 1.0272439 1.0888926 1.0806314 1.0245266 1.024085 1.0305159]\n", + "\n", + "[ 1 3 4 0 2 5 10 16 6 8 9 12 17 14 13 11 7 20 15 18 19]\n", + "=======================\n", + "[\"tebow , 27 , has n't played a snap in the nfl in over two years since being cut by the new england patriots before the 2013 season .the philadelphia eagles officially signed 27-year-old quarterback tim tebow to a one-year deal on mondaythe team announced the contract monday but did not disclose the financial terms of the deal the club reached with the 2007 heisman trophy winner .\"]\n", + "=======================\n", + "[\"tim tebow signed with team monday after news of the deal leaked sundayhe inked deal in time to participate in team 's voluntary offseason program2007 heisman trophy winner played for patriots , jets and broncos in nflhas thrown 173 completions , 17 touchdowns and nine picks in 35 gamesterms of the deal with the 6-3 , 236-pound player have not been released\"]\n", + "tebow , 27 , has n't played a snap in the nfl in over two years since being cut by the new england patriots before the 2013 season .the philadelphia eagles officially signed 27-year-old quarterback tim tebow to a one-year deal on mondaythe team announced the contract monday but did not disclose the financial terms of the deal the club reached with the 2007 heisman trophy winner .\n", + "tim tebow signed with team monday after news of the deal leaked sundayhe inked deal in time to participate in team 's voluntary offseason program2007 heisman trophy winner played for patriots , jets and broncos in nflhas thrown 173 completions , 17 touchdowns and nine picks in 35 gamesterms of the deal with the 6-3 , 236-pound player have not been released\n", + "[1.1846356 1.2719612 1.2265157 1.1825566 1.2202015 1.1654147 1.2060595\n", + " 1.0933212 1.0383701 1.0554194 1.1022332 1.0554415 1.058193 1.0334226\n", + " 1.0243706 1.0734624 1.0746256 1.0382559 1.0976486 1.0310262 1.0127311]\n", + "\n", + "[ 1 2 4 6 0 3 5 10 18 7 16 15 12 11 9 8 17 13 19 14 20]\n", + "=======================\n", + "['while scientists have long suspected the role played by eye-spots found on the wings of many butterflies were an example of mimicry , it has never been clearly tested .recently researchers suggested that the eye spots may simply scare away predators by confusing them or overloading their senses .the distinctive patterns on butterfly wings really do help protect the insects by mimicking the eyes of predators .']\n", + "=======================\n", + "['biologists at jyväskylä university in finland studied how wild great tits reacted to images of the wings of butterflies and the faces of owlsthe tits were startled and tried to flee at the sight of owl faces with open eyes , and butterflies that had eye spots on them that mimiced owl eyesthey say their study is evidence that butterfly eye spots mimic predatorsscientists have long debated whether butterfly eye spots were an example of batesian mimicry or if the patterns simply served to confuse predators']\n", + "while scientists have long suspected the role played by eye-spots found on the wings of many butterflies were an example of mimicry , it has never been clearly tested .recently researchers suggested that the eye spots may simply scare away predators by confusing them or overloading their senses .the distinctive patterns on butterfly wings really do help protect the insects by mimicking the eyes of predators .\n", + "biologists at jyväskylä university in finland studied how wild great tits reacted to images of the wings of butterflies and the faces of owlsthe tits were startled and tried to flee at the sight of owl faces with open eyes , and butterflies that had eye spots on them that mimiced owl eyesthey say their study is evidence that butterfly eye spots mimic predatorsscientists have long debated whether butterfly eye spots were an example of batesian mimicry or if the patterns simply served to confuse predators\n", + "[1.4488634 1.269217 1.2987254 1.4077878 1.1566914 1.1316831 1.0754194\n", + " 1.1404567 1.0327977 1.0463995 1.0251514 1.0532632 1.0430219 1.0707297\n", + " 1.0306876 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 4 7 5 6 13 11 9 12 8 14 10 15 16 17 18 19 20]\n", + "=======================\n", + "[\"blackpool chairman karl oyston took a surprising step in denying five football association charges for text messages during which he labelled a supporter a ` retard ' .his appeal is expected to be heard by a separate fa panel next month and oyston still faces a ban from football activities .the unpopular chief initially had until march 30 to reply , but was granted an extension .\"]\n", + "=======================\n", + "['karl oyston will face charges next month over shocking text messagesoyston faces a ban from footballing activity if found guiltyhe could also be handed a fine and mandatory fa education courseblackpool chairman send abusive messages to a fan before christmas']\n", + "blackpool chairman karl oyston took a surprising step in denying five football association charges for text messages during which he labelled a supporter a ` retard ' .his appeal is expected to be heard by a separate fa panel next month and oyston still faces a ban from football activities .the unpopular chief initially had until march 30 to reply , but was granted an extension .\n", + "karl oyston will face charges next month over shocking text messagesoyston faces a ban from footballing activity if found guiltyhe could also be handed a fine and mandatory fa education courseblackpool chairman send abusive messages to a fan before christmas\n", + "[1.2816685 1.3106253 1.3407567 1.2760845 1.206522 1.0511402 1.1685952\n", + " 1.0266222 1.0194803 1.0983534 1.0709406 1.1387655 1.0411919 1.0617867\n", + " 1.0328497 1.1309614 1.0212889 1.046119 1.0120934 0. ]\n", + "\n", + "[ 2 1 0 3 4 6 11 15 9 10 13 5 17 12 14 7 16 8 18 19]\n", + "=======================\n", + "[\"the typically warm and humid georgia weather is expected to be unsettled by a cold front heading into augusta for the weekend , which is likely to bring more showers and thunderstorms , especially on friday and saturday .players endured rainy spells during their practice on tuesday with forecasts that the wet weather is set continue once the tournament gets underway on thursday april 9 .the greatest challenge to rory mcilroy 's grand slam bid or tiger woods ' latest comeback at this week 's masters could come from mother nature .\"]\n", + "=======================\n", + "[\"golf 's first major of the season , the masters , tees off on thursday april 9rory mcilroy is bidding for a career grand slam while tiger woods is backextreme weather conditions including high temperatures and storms have been forecast across the four day event in augustaclick here for all the latest news from the masters 2015\"]\n", + "the typically warm and humid georgia weather is expected to be unsettled by a cold front heading into augusta for the weekend , which is likely to bring more showers and thunderstorms , especially on friday and saturday .players endured rainy spells during their practice on tuesday with forecasts that the wet weather is set continue once the tournament gets underway on thursday april 9 .the greatest challenge to rory mcilroy 's grand slam bid or tiger woods ' latest comeback at this week 's masters could come from mother nature .\n", + "golf 's first major of the season , the masters , tees off on thursday april 9rory mcilroy is bidding for a career grand slam while tiger woods is backextreme weather conditions including high temperatures and storms have been forecast across the four day event in augustaclick here for all the latest news from the masters 2015\n", + "[1.3337796 1.2682619 1.2107741 1.1617619 1.1659963 1.1088979 1.1169722\n", + " 1.0600616 1.0617408 1.0561849 1.0650523 1.1333072 1.0345691 1.041356\n", + " 1.0345746 1.0637566 1.0718474 1.0716466 1.0849813 0. ]\n", + "\n", + "[ 0 1 2 4 3 11 6 5 18 16 17 10 15 8 7 9 13 14 12 19]\n", + "=======================\n", + "['islamic state has released a new set of disturbing propaganda photos , showing off their growing number of military markets in iraq and syria .even young children appear to be allowed to browse through the market , with some of the children wearing their own miniature uniforms .no women appear in any of the photos .']\n", + "=======================\n", + "['armed isis fighters shown wandering the streets , shopping for new equipmentknives , tunics and bandoleers appear to be high in demand for jihadistseven young children are shown dressed in their own miniature jihadi uniformsthe worrying photos come from the iraqi province of nineveh']\n", + "islamic state has released a new set of disturbing propaganda photos , showing off their growing number of military markets in iraq and syria .even young children appear to be allowed to browse through the market , with some of the children wearing their own miniature uniforms .no women appear in any of the photos .\n", + "armed isis fighters shown wandering the streets , shopping for new equipmentknives , tunics and bandoleers appear to be high in demand for jihadistseven young children are shown dressed in their own miniature jihadi uniformsthe worrying photos come from the iraqi province of nineveh\n", + "[1.1865953 1.4295397 1.0401864 1.3253512 1.2624117 1.0650928 1.2158691\n", + " 1.124734 1.0815568 1.1037688 1.050644 1.0519086 1.0507414 1.033989\n", + " 1.0268784 1.0771009 1.0547886 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 6 0 7 9 8 15 5 16 11 12 10 2 13 14 18 17 19]\n", + "=======================\n", + "['the iconic sports field , completed in 1960 and home to first the san francisco giants and later the san francisco 49ers , has been torn down to make way for houses , a hotel and a shopping center .joe montana ( above in 1989 ) led the 49ers to four super bowls while playing at candlestickcandlestick park is no more .']\n", + "=======================\n", + "['candlestick park , which has been home to the san francisco giants and san francisco 49ers , has been torn downit opened in 1960 , and the last game was played there in december 2013 by the 49ersthe area is now set to become houses , a hotel and a shopping centerit is where the beatles played their last concert in 1966sir paul mccartney played the last concert at candlestick park on august 14 , 2014']\n", + "the iconic sports field , completed in 1960 and home to first the san francisco giants and later the san francisco 49ers , has been torn down to make way for houses , a hotel and a shopping center .joe montana ( above in 1989 ) led the 49ers to four super bowls while playing at candlestickcandlestick park is no more .\n", + "candlestick park , which has been home to the san francisco giants and san francisco 49ers , has been torn downit opened in 1960 , and the last game was played there in december 2013 by the 49ersthe area is now set to become houses , a hotel and a shopping centerit is where the beatles played their last concert in 1966sir paul mccartney played the last concert at candlestick park on august 14 , 2014\n", + "[1.2600956 1.3437583 1.1888131 1.1911018 1.2740846 1.1178106 1.074095\n", + " 1.1686436 1.0597115 1.2014569 1.0945237 1.0893589 1.0581337 1.0384318\n", + " 1.059407 1.0410181 1.0182948 1.0628747 1.0322974 1.0186756]\n", + "\n", + "[ 1 4 0 9 3 2 7 5 10 11 6 17 8 14 12 15 13 18 19 16]\n", + "=======================\n", + "['rudd , 60 , was charged with two counts of threatening to kill and possession of methamphetamine and of cannabis , which stem from a police raid on his waterfront north island mansion on november 6 .but with his judge-alone trial due to begin on tuesday , in the tauranga district court , his lawyer changed his plea to guilty .the veteran rocker had originally pleaded not guilty to the charges .']\n", + "=======================\n", + "[\"veteran rocker 's surprise guilty plea at the eleventh hourphil rudd was set to stand trial on ` threatening to kill ' and drugs charges in nz court on tuesdayin the worst case scenario the 60-year-old could face up to 7 years jailhe has already been replaced by chris slade on the group 's ` rock or bust ' world tour due in australia in novemberrudd will be sentenced on june 26\"]\n", + "rudd , 60 , was charged with two counts of threatening to kill and possession of methamphetamine and of cannabis , which stem from a police raid on his waterfront north island mansion on november 6 .but with his judge-alone trial due to begin on tuesday , in the tauranga district court , his lawyer changed his plea to guilty .the veteran rocker had originally pleaded not guilty to the charges .\n", + "veteran rocker 's surprise guilty plea at the eleventh hourphil rudd was set to stand trial on ` threatening to kill ' and drugs charges in nz court on tuesdayin the worst case scenario the 60-year-old could face up to 7 years jailhe has already been replaced by chris slade on the group 's ` rock or bust ' world tour due in australia in novemberrudd will be sentenced on june 26\n", + "[1.2557285 1.2532868 1.3615614 1.3605824 1.2027048 1.1562895 1.1098896\n", + " 1.0636532 1.0713149 1.1322448 1.2100027 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 1 10 4 5 9 6 8 7 18 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"manuel pellegrini 's side are now nine points behind premier league leaders chelsea and nasri could be leaving manchester this summer .manchester city midfielder samir nasri dined out in london with girlfriend anara atanes on tuesday nightman city could use nasri as bait in a deal to sign france international paul pogba from italian side juventus\"]\n", + "=======================\n", + "['samir nasri came on as a substitute as man city lost to crystal palacefrenchman dined at hakkasan restaurant with his girlfriend on tuesdayman city could use winger as bait to sign juventus star paul pogbaread : manchester city to swoop for jack wilshere and jordan hendersonclick here for the latest manchester city news']\n", + "manuel pellegrini 's side are now nine points behind premier league leaders chelsea and nasri could be leaving manchester this summer .manchester city midfielder samir nasri dined out in london with girlfriend anara atanes on tuesday nightman city could use nasri as bait in a deal to sign france international paul pogba from italian side juventus\n", + "samir nasri came on as a substitute as man city lost to crystal palacefrenchman dined at hakkasan restaurant with his girlfriend on tuesdayman city could use winger as bait to sign juventus star paul pogbaread : manchester city to swoop for jack wilshere and jordan hendersonclick here for the latest manchester city news\n", + "[1.2455817 1.291264 1.363282 1.4204153 1.0768945 1.1374929 1.1271812\n", + " 1.0483696 1.0483128 1.059181 1.0146466 1.0497915 1.0228053 1.0271876\n", + " 1.1125033 1.052767 1.059909 0. 0. ]\n", + "\n", + "[ 3 2 1 0 5 6 14 4 16 9 15 11 7 8 13 12 10 17 18]\n", + "=======================\n", + "[\"andy murray reacts as he reaches the miami open final with a 6-4 , 6-4 win over tomas berdychinstead the world no 4 -- next week to be world no 3 -- was all business as he produced a performance of clinical excellence to take down the powerful czech 6-4 6-4 in an hour and 42 minutes .the czech republic star could not contend with murray 's selection of shot making in florida\"]\n", + "=======================\n", + "[\"british no 1 defeated tomas berdych 6-4 , 6-4 to reach miami open finalthere 's no love lost between the pair after controversy at australian opendani valverdu and jez green switched from murray 's team to the czech 'sbrit will play novak djokovic in the final on sunday\"]\n", + "andy murray reacts as he reaches the miami open final with a 6-4 , 6-4 win over tomas berdychinstead the world no 4 -- next week to be world no 3 -- was all business as he produced a performance of clinical excellence to take down the powerful czech 6-4 6-4 in an hour and 42 minutes .the czech republic star could not contend with murray 's selection of shot making in florida\n", + "british no 1 defeated tomas berdych 6-4 , 6-4 to reach miami open finalthere 's no love lost between the pair after controversy at australian opendani valverdu and jez green switched from murray 's team to the czech 'sbrit will play novak djokovic in the final on sunday\n", + "[1.3497181 1.3664799 1.2256625 1.1865201 1.3124977 1.1577731 1.0752267\n", + " 1.1145396 1.1064533 1.0578823 1.0393416 1.0533805 1.0423682 1.0307559\n", + " 1.0104661 1.0260342 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 5 7 8 6 9 11 12 10 13 15 14 16 17 18]\n", + "=======================\n", + "[\"retired lt col richard ` dick ' cole , age 99 , gave the medal to the museum 's director in a ceremony at the museum attended by military and political officials and relatives of the original 80 raiders .the last two ` doolittle tokyo raiders ' presented the group 's congressional gold medal for permanent display at the national museum of the us air force on saturday , 73 years to the day after their daring bombing attack on japan rallied americans in world war ii .the medal , awarded by congress earlier in the week , arrived in a ceremonial b-25 flight .\"]\n", + "=======================\n", + "[\"lt col richard ` dick ' cole , 99 , gave the medal to air force museum directorstaff sgt david thatcher , 93 , came from missoula , montana , for the eventceremony 73 years to day after their bombing of japan rallied us in wwiimilitary and political officials and relatives of original 80 raiders attendedthe group 's congressional gold medal arrived in a ceremonial b-25 flight\"]\n", + "retired lt col richard ` dick ' cole , age 99 , gave the medal to the museum 's director in a ceremony at the museum attended by military and political officials and relatives of the original 80 raiders .the last two ` doolittle tokyo raiders ' presented the group 's congressional gold medal for permanent display at the national museum of the us air force on saturday , 73 years to the day after their daring bombing attack on japan rallied americans in world war ii .the medal , awarded by congress earlier in the week , arrived in a ceremonial b-25 flight .\n", + "lt col richard ` dick ' cole , 99 , gave the medal to air force museum directorstaff sgt david thatcher , 93 , came from missoula , montana , for the eventceremony 73 years to day after their bombing of japan rallied us in wwiimilitary and political officials and relatives of original 80 raiders attendedthe group 's congressional gold medal arrived in a ceremonial b-25 flight\n", + "[1.391558 1.3486426 1.1619012 1.3551047 1.1672142 1.1858904 1.1162757\n", + " 1.0856597 1.0835389 1.0568907 1.070545 1.0457468 1.1083661 1.0421479\n", + " 1.0290686 1.0529786 1.0878198 1.0495511 1.029473 ]\n", + "\n", + "[ 0 3 1 5 4 2 6 12 16 7 8 10 9 15 17 11 13 18 14]\n", + "=======================\n", + "[\"jurgen klopp put england 's top clubs on alert on wednesday by confirming that he will leave borussia dortmund at the end of the season after seven years in charge .klopp was immediately installed as the bookmakers ' favourite to replace manuel pellegrini at manchester city , although it is understood that the struggling premier league champions have no plans to make such a move .klopp will officially cease to be dortmund manager on june 30 as he looks for a fresh start elsewhere\"]\n", + "=======================\n", + "['jurgen klopp will leave borussia dortmund after seven years in chargehe has denied that he wants to take a break because of exhaustionpremier league clubs could make a move for klopp this summerbut he is unlikely to replace manuel pellegrini at manchester cityklopp has won two bundesliga titles and the german cup at dortmundhe has admitted that he is no longer the perfect manager for the club']\n", + "jurgen klopp put england 's top clubs on alert on wednesday by confirming that he will leave borussia dortmund at the end of the season after seven years in charge .klopp was immediately installed as the bookmakers ' favourite to replace manuel pellegrini at manchester city , although it is understood that the struggling premier league champions have no plans to make such a move .klopp will officially cease to be dortmund manager on june 30 as he looks for a fresh start elsewhere\n", + "jurgen klopp will leave borussia dortmund after seven years in chargehe has denied that he wants to take a break because of exhaustionpremier league clubs could make a move for klopp this summerbut he is unlikely to replace manuel pellegrini at manchester cityklopp has won two bundesliga titles and the german cup at dortmundhe has admitted that he is no longer the perfect manager for the club\n", + "[1.0394584 1.0887719 1.2924623 1.3875935 1.2475216 1.1762533 1.2469302\n", + " 1.1314667 1.0921273 1.0819372 1.132052 1.0383059 1.0884912 1.0375391\n", + " 1.0448679 1.0171438 1.044703 1.0375355 0. ]\n", + "\n", + "[ 3 2 4 6 5 10 7 8 1 12 9 14 16 0 11 13 17 15 18]\n", + "=======================\n", + "[\"his grandson todd , who is about to celebrate his first birthday , has the rare condition tuberous sclerosis complex .suchet , best known as the star of tv series poirot , is fighting for better treatment for those with rare diseases and has criticised ` disorganisation ' in the nhs for slowing down the process .suchet , 68 , revealed his grandchild was diagnosed with the condition shortly after birth .\"]\n", + "=======================\n", + "[\"david suchet is seeking better treatment for those with genetic diseases68-year-old 's grandson has rare condition tuberous sclerosis complexsuchet claims ` mismanagement ' in the nhs means todd is not receiving treatment that could help\"]\n", + "his grandson todd , who is about to celebrate his first birthday , has the rare condition tuberous sclerosis complex .suchet , best known as the star of tv series poirot , is fighting for better treatment for those with rare diseases and has criticised ` disorganisation ' in the nhs for slowing down the process .suchet , 68 , revealed his grandchild was diagnosed with the condition shortly after birth .\n", + "david suchet is seeking better treatment for those with genetic diseases68-year-old 's grandson has rare condition tuberous sclerosis complexsuchet claims ` mismanagement ' in the nhs means todd is not receiving treatment that could help\n", + "[1.2421824 1.3891957 1.3694208 1.2303594 1.1861356 1.1683382 1.1439106\n", + " 1.0757042 1.1486785 1.0738221 1.0876462 1.047952 1.0339899 1.0572135\n", + " 1.020451 1.0381445 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 5 8 6 10 7 9 13 11 15 12 14 16 17 18]\n", + "=======================\n", + "[\"experts say the new 6.2 mile-stretch ( 10 kilometres ) means the full range of the qin dynasty great wall can be traced for the first time .nine sections of the wall have been found over the last two months along the inner coast of the yellow river in gansu province and the ningxia region , reported the people 's daily online .archaeologists have discovered a previously unknown stretch of the great wall of china in the northwestern of the country , thought to date back more than 2,000 years .\"]\n", + "=======================\n", + "[\"discovery means qin dynasty great wall can finally be fully tracedthe 6-mile stretch is thought to date back more than 2,000 yearshistorical records suggested the stretch existed but physical evidence has never been found until nowchina 's first emperor built it to stop invaders crossing the yellow river\"]\n", + "experts say the new 6.2 mile-stretch ( 10 kilometres ) means the full range of the qin dynasty great wall can be traced for the first time .nine sections of the wall have been found over the last two months along the inner coast of the yellow river in gansu province and the ningxia region , reported the people 's daily online .archaeologists have discovered a previously unknown stretch of the great wall of china in the northwestern of the country , thought to date back more than 2,000 years .\n", + "discovery means qin dynasty great wall can finally be fully tracedthe 6-mile stretch is thought to date back more than 2,000 yearshistorical records suggested the stretch existed but physical evidence has never been found until nowchina 's first emperor built it to stop invaders crossing the yellow river\n", + "[1.1959465 1.328831 1.068091 1.206169 1.3519529 1.1870847 1.1059194\n", + " 1.0348895 1.1510407 1.0778452 1.0590138 1.0286795 1.0462959 1.0297761\n", + " 1.0809928 1.0506862 1.1016163 1.0794669 1.0415157 0. 0. ]\n", + "\n", + "[ 4 1 3 0 5 8 6 16 14 17 9 2 10 15 12 18 7 13 11 19 20]\n", + "=======================\n", + "['his colour-letter pairings matched 25 of the 26 letters in the fisher-price magnet set , which is in the foregroundthe popular toys were designed to help teach children to read and spell .the child with the hood in this photo was born in 1988 and is an adult synesthete .']\n", + "=======================\n", + "['synaesthesia is a condition in which separate senses are linkedscientists determined which colours are usually connected with lettersthey then compared these colour-letter matches to fisher-price magnetsthey claim 6 % of people learnt their matches from the fisher-price toy']\n", + "his colour-letter pairings matched 25 of the 26 letters in the fisher-price magnet set , which is in the foregroundthe popular toys were designed to help teach children to read and spell .the child with the hood in this photo was born in 1988 and is an adult synesthete .\n", + "synaesthesia is a condition in which separate senses are linkedscientists determined which colours are usually connected with lettersthey then compared these colour-letter matches to fisher-price magnetsthey claim 6 % of people learnt their matches from the fisher-price toy\n", + "[1.4337124 1.4371514 1.1299026 1.3278233 1.3535855 1.2456216 1.012943\n", + " 1.0167965 1.0402237 1.071955 1.0187787 1.0162625 1.0181773 1.0182779\n", + " 1.1206553 1.1055837 1.0582465 1.0449011 1.0161269 0. 0. ]\n", + "\n", + "[ 1 0 4 3 5 2 14 15 9 16 17 8 10 13 12 7 11 18 6 19 20]\n", + "=======================\n", + "[\"kane made his england debut as a substitute on friday against lithuania , scoring after only 79 seconds , and started last night 's friendly against italy in turin when townsend scored in a 1-1 draw .andros townsend hailed harry kane as the ` best finisher ' he has played with and predicted a bright international career for his tottenham hotspur team-mate .andros townsend scored england 's equaliser and poked fun at paul merson after the former midfielder said he ` should be nowhere near the england squad ' .\"]\n", + "=======================\n", + "[\"andros townsend has praised tottenham hotspur team-mate harry kanetownsend on england 's new striker : ' i have always said to people that he is the best finisher i have ever played with 'england drew 1-1 in italy on tuesday night as townsend and kane starred\"]\n", + "kane made his england debut as a substitute on friday against lithuania , scoring after only 79 seconds , and started last night 's friendly against italy in turin when townsend scored in a 1-1 draw .andros townsend hailed harry kane as the ` best finisher ' he has played with and predicted a bright international career for his tottenham hotspur team-mate .andros townsend scored england 's equaliser and poked fun at paul merson after the former midfielder said he ` should be nowhere near the england squad ' .\n", + "andros townsend has praised tottenham hotspur team-mate harry kanetownsend on england 's new striker : ' i have always said to people that he is the best finisher i have ever played with 'england drew 1-1 in italy on tuesday night as townsend and kane starred\n", + "[1.1816679 1.4004365 1.1173855 1.207666 1.1100659 1.1101714 1.2008317\n", + " 1.1473755 1.134406 1.0242537 1.0367352 1.1002142 1.0596292 1.0316412\n", + " 1.1176146 1.0914384 1.0765578 1.0928452 1.150456 1.073849 1.1263006]\n", + "\n", + "[ 1 3 6 0 18 7 8 20 14 2 5 4 11 17 15 16 19 12 10 13 9]\n", + "=======================\n", + "[\"within minutes of liftoff , the california company was making its third attempt to land the leftover booster on an ocean platform .billionaire founder , elon musk , tweeted : ` ascent successful .the booster appears to have landed but elon musk said that ` excess lateral velocity ' caused it to tip over\"]\n", + "=======================\n", + "['spacex made its third attempt to land a booster on an ocean platformbut the booster tipped over after hitting its target and was destroyedfalcon 9 is on its way to the iss with supplies and will arrive fridaycargo includes first espresso machine designed for use in space']\n", + "within minutes of liftoff , the california company was making its third attempt to land the leftover booster on an ocean platform .billionaire founder , elon musk , tweeted : ` ascent successful .the booster appears to have landed but elon musk said that ` excess lateral velocity ' caused it to tip over\n", + "spacex made its third attempt to land a booster on an ocean platformbut the booster tipped over after hitting its target and was destroyedfalcon 9 is on its way to the iss with supplies and will arrive fridaycargo includes first espresso machine designed for use in space\n", + "[1.3209955 1.105775 1.1489438 1.3351784 1.3291157 1.0450517 1.0549158\n", + " 1.083155 1.0369482 1.0466019 1.0801816 1.1110153 1.0441877 1.039458\n", + " 1.050384 1.0784241 1.1078925 1.0613583 1.0303488 0. 0. ]\n", + "\n", + "[ 3 4 0 2 11 16 1 7 10 15 17 6 14 9 5 12 13 8 18 19 20]\n", + "=======================\n", + "['the mensa puzzles are designed to stimulate memory , concentration , agility , perception and reasoning , which all contribute to a high iq .adam kirby , pictured , became the youngest person ever to join mensa in june 2013 at the age of just two and a half .more than 121,000 people worldwide are members of mensa , an elite society that boasts some of the smartest brains on the planet .']\n", + "=======================\n", + "['wolverhampton-based mensa has created an exclusive test for mailonlineit tells you if you might be smart enough to join the elite societythe puzzles stimulate memory , concentration , agility and perceptionmensa welcomes anyone who is in the top two per cent in the country']\n", + "the mensa puzzles are designed to stimulate memory , concentration , agility , perception and reasoning , which all contribute to a high iq .adam kirby , pictured , became the youngest person ever to join mensa in june 2013 at the age of just two and a half .more than 121,000 people worldwide are members of mensa , an elite society that boasts some of the smartest brains on the planet .\n", + "wolverhampton-based mensa has created an exclusive test for mailonlineit tells you if you might be smart enough to join the elite societythe puzzles stimulate memory , concentration , agility and perceptionmensa welcomes anyone who is in the top two per cent in the country\n", + "[1.4860814 1.2558166 1.3153539 1.2965534 1.1482767 1.1980801 1.1539015\n", + " 1.1348197 1.021692 1.0181801 1.0214716 1.1486228 1.0914787 1.0892335\n", + " 1.1038623 1.076896 1.0282015 1.0183723 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 5 6 11 4 7 14 12 13 15 16 8 10 17 9 18 19 20]\n", + "=======================\n", + "[\"( cnn ) chile 's calbuco volcano erupted twice in 24 hours , the country 's national geology and mining service said early thursday .about 23 1/2 inches ( 60 centimeters ) of ash fell in some places , according to the ministry of interior and public safety .authorities issued a red alert for the towns of puerto montt and puerto varas in southern chile .\"]\n", + "=======================\n", + "['almost 2 feet of ash fell in some areasauthorities evacuate 4,400 peoplethe last time calbuco erupted was 1972']\n", + "( cnn ) chile 's calbuco volcano erupted twice in 24 hours , the country 's national geology and mining service said early thursday .about 23 1/2 inches ( 60 centimeters ) of ash fell in some places , according to the ministry of interior and public safety .authorities issued a red alert for the towns of puerto montt and puerto varas in southern chile .\n", + "almost 2 feet of ash fell in some areasauthorities evacuate 4,400 peoplethe last time calbuco erupted was 1972\n", + "[1.2782525 1.5586504 1.2643787 1.4610806 1.1272262 1.1074811 1.0568722\n", + " 1.0194297 1.0708122 1.0235918 1.1040691 1.1122994 1.0174887 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 11 5 10 8 6 9 7 12 13 14 15 16]\n", + "=======================\n", + "[\"luigi costa , 71 , is accused of stomping on his elderly neighbour terrence freebody 's head , cutting his throat and stabbing him multiple times in the dining room of his home on mugga way in red hill , canberra on july 2012 .the man who allegedly killed his neighbour was believed to be suffering from dementia and alcohol abuse at the time of the horrendous murder in 2012 , a jury has heard .forensic psychiatrist professor paul mullen examined costa after the attack and believes there was evidence of the accused 's state of mind declining in the lead-up to the incident and also during the event , the abc reported .\"]\n", + "=======================\n", + "[\"luigi costa , 71 , is accused of killing his neighbour terrence freebodycosta allegedly stomped on his head , cut his throat and stabbed him multiple times in freebody 's dining room in red hill , canberra on july 2012experts says costa suffered from dementia and alcohol abuse at the timehe also said there were signs of costa 's decline in the lead-up to incident\"]\n", + "luigi costa , 71 , is accused of stomping on his elderly neighbour terrence freebody 's head , cutting his throat and stabbing him multiple times in the dining room of his home on mugga way in red hill , canberra on july 2012 .the man who allegedly killed his neighbour was believed to be suffering from dementia and alcohol abuse at the time of the horrendous murder in 2012 , a jury has heard .forensic psychiatrist professor paul mullen examined costa after the attack and believes there was evidence of the accused 's state of mind declining in the lead-up to the incident and also during the event , the abc reported .\n", + "luigi costa , 71 , is accused of killing his neighbour terrence freebodycosta allegedly stomped on his head , cut his throat and stabbed him multiple times in freebody 's dining room in red hill , canberra on july 2012experts says costa suffered from dementia and alcohol abuse at the timehe also said there were signs of costa 's decline in the lead-up to incident\n", + "[1.0715901 1.079884 1.3631468 1.364136 1.2290505 1.4223149 1.2692329\n", + " 1.0119838 1.3395025 1.0423704 1.1248475 1.1043113 1.013357 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 5 3 2 8 6 4 10 11 1 0 9 12 7 15 13 14 16]\n", + "=======================\n", + "[\"mamadou sakho ( right ) was forced off injured against blackburn rovers in wednesday 's fa cup replayliverpool defender mamadou sakho will miss monday 's visit of newcastle with a hamstring injury .liverpool vs newcastle united ( anfield )\"]\n", + "=======================\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['mamadou sakho will miss monday night football clash for liverpoolemre can could replace defender after completing suspensiondaryl janmaat fit for newcastle united after warm-up scare at sunderlandfabricio coloccini will complete his three-match ban for the toon']\n", + "mamadou sakho ( right ) was forced off injured against blackburn rovers in wednesday 's fa cup replayliverpool defender mamadou sakho will miss monday 's visit of newcastle with a hamstring injury .liverpool vs newcastle united ( anfield )\n", + "mamadou sakho will miss monday night football clash for liverpoolemre can could replace defender after completing suspensiondaryl janmaat fit for newcastle united after warm-up scare at sunderlandfabricio coloccini will complete his three-match ban for the toon\n", + "[1.4130654 1.2300775 1.1352726 1.1695035 1.2090635 1.1521711 1.199455\n", + " 1.0852253 1.1075659 1.0729191 1.0581814 1.0464107 1.038546 1.096117\n", + " 1.0580406 1.065228 1.0813692]\n", + "\n", + "[ 0 1 4 6 3 5 2 8 13 7 16 9 15 10 14 11 12]\n", + "=======================\n", + "['panama city beach , florida ( cnn ) a third person has been arrested in the case of an alleged spring break gang rape that was videotaped on a crowded stretch of panama city beach , the bay county , florida , sheriff \\'s office said wednesday .police arrested the suspect at 11 p.m. tuesday .\" after developing information that george davon kennedy was the third suspect seen in the video of the gang rape , bcso investigators obtained a warrant for his arrest , \" according to a news release .']\n", + "=======================\n", + "[\"third suspect identified as george davon kennedy of murfreesboro , tennesseeyoung woman was raped on a crowded beach in broad daylight , police saysome bystanders saw what was happening and did n't stop it , authorities say\"]\n", + "panama city beach , florida ( cnn ) a third person has been arrested in the case of an alleged spring break gang rape that was videotaped on a crowded stretch of panama city beach , the bay county , florida , sheriff 's office said wednesday .police arrested the suspect at 11 p.m. tuesday .\" after developing information that george davon kennedy was the third suspect seen in the video of the gang rape , bcso investigators obtained a warrant for his arrest , \" according to a news release .\n", + "third suspect identified as george davon kennedy of murfreesboro , tennesseeyoung woman was raped on a crowded beach in broad daylight , police saysome bystanders saw what was happening and did n't stop it , authorities say\n", + "[1.246878 1.1372291 1.304805 1.247228 1.1857511 1.2103769 1.0220212\n", + " 1.0373896 1.1705024 1.052554 1.013432 1.0234106 1.1415852 1.1585431\n", + " 1.1143681 1.0991263 1.0284171]\n", + "\n", + "[ 2 3 0 5 4 8 13 12 1 14 15 9 7 16 11 6 10]\n", + "=======================\n", + "[\"last week st. joseph 's middle school , a private catholic school , sent a letter to rose mcgrath and her dismissing her from the school for low attendance and poor academic performance .heartbroken : ' i did n't do anything wrong , but they still got rid of me , ' rose mcgrath of battle creek , michigan said tearfully of her school kicking her out for poor attendance because of her leukemiaa 12-year-old girl battling leukemia for two years has been kicked out of school for her lack of attendance . '\"]\n", + "=======================\n", + "[\"i did n't do anything wrong , but they still got rid of me , ' rose mcgrath , 12 , of battle creek , michigan said tearfully of her dismissalst. joseph 's middle school sent a letter to rose mcgrath dismissing her from the school for low attendance and poor academic performancerose mcgrath was diagnosed with luekemia in 2012 and even though she just finished her treatment she still feels ill a lot of the time` when i 'm at home , i 'm sick , i do n't feel well ; no one else does that .\"]\n", + "last week st. joseph 's middle school , a private catholic school , sent a letter to rose mcgrath and her dismissing her from the school for low attendance and poor academic performance .heartbroken : ' i did n't do anything wrong , but they still got rid of me , ' rose mcgrath of battle creek , michigan said tearfully of her school kicking her out for poor attendance because of her leukemiaa 12-year-old girl battling leukemia for two years has been kicked out of school for her lack of attendance . '\n", + "i did n't do anything wrong , but they still got rid of me , ' rose mcgrath , 12 , of battle creek , michigan said tearfully of her dismissalst. joseph 's middle school sent a letter to rose mcgrath dismissing her from the school for low attendance and poor academic performancerose mcgrath was diagnosed with luekemia in 2012 and even though she just finished her treatment she still feels ill a lot of the time` when i 'm at home , i 'm sick , i do n't feel well ; no one else does that .\n", + "[1.2878468 1.4261295 1.3059787 1.2963197 1.1475677 1.1073867 1.1584108\n", + " 1.0464196 1.0743749 1.1132543 1.0654117 1.0808419 1.0133326 1.0189606\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 6 4 9 5 11 8 10 7 13 12 14 15 16]\n", + "=======================\n", + "[\"new training will commence at los angeles international airport , one of the airports named in the complaint filed by the american civil liberties union .the complaint was filed on behalf of malaika singleton , who said she was subjected to a hair pat-down with weeks of each other while traveling from los angeles to london in december 2013 .the transportation security administration will ` enhance ' officer training for hair pat-downs after complaints that african-american women were being racially targeted for unnecessary screenings ( file photo )\"]\n", + "=======================\n", + "[\"tsa agreed to make changes after aclu filed official complainttraining will begin at los angeles international airporttsa also told aclu the new training will stress ` race neutrality ' and will emphasize ` hair pat-downs of african-american female travelers 'agency said they will also track down pat-down complaints filed by african-american women to assess if discrimination is occurring at specific airportsin 2012 solange knowles claimed she had been racially targeted for a pat-down because she wore her hair in the afro style\"]\n", + "new training will commence at los angeles international airport , one of the airports named in the complaint filed by the american civil liberties union .the complaint was filed on behalf of malaika singleton , who said she was subjected to a hair pat-down with weeks of each other while traveling from los angeles to london in december 2013 .the transportation security administration will ` enhance ' officer training for hair pat-downs after complaints that african-american women were being racially targeted for unnecessary screenings ( file photo )\n", + "tsa agreed to make changes after aclu filed official complainttraining will begin at los angeles international airporttsa also told aclu the new training will stress ` race neutrality ' and will emphasize ` hair pat-downs of african-american female travelers 'agency said they will also track down pat-down complaints filed by african-american women to assess if discrimination is occurring at specific airportsin 2012 solange knowles claimed she had been racially targeted for a pat-down because she wore her hair in the afro style\n", + "[1.0426476 1.449923 1.22936 1.3103503 1.234377 1.2836454 1.1132245\n", + " 1.1054683 1.0680057 1.106514 1.0762129 1.104996 1.1359961 1.0467817\n", + " 1.032317 1.1363499 1.0341746 1.0249873 0. ]\n", + "\n", + "[ 1 3 5 4 2 15 12 6 9 7 11 10 8 13 0 16 14 17 18]\n", + "=======================\n", + "['chinese designers have developed an contraption called the bike washing machine that contains a washing machine drum in its front wheel .the designers , based at dalian nationalities university , do not say whether the bike will automatically fill and drain with water too .a generator inside the bike also creates electricity which can be stored for future use .']\n", + "=======================\n", + "['the bike washing machine replaces the front wheel with a washing drumit is being developed by designers at dalian nationalities university , chinait means cyclists can save electricity by washing clothes as they exercise']\n", + "chinese designers have developed an contraption called the bike washing machine that contains a washing machine drum in its front wheel .the designers , based at dalian nationalities university , do not say whether the bike will automatically fill and drain with water too .a generator inside the bike also creates electricity which can be stored for future use .\n", + "the bike washing machine replaces the front wheel with a washing drumit is being developed by designers at dalian nationalities university , chinait means cyclists can save electricity by washing clothes as they exercise\n", + "[1.217973 1.2736105 1.2218348 1.1232626 1.3329207 1.1627767 1.1181484\n", + " 1.0608032 1.1206057 1.1306441 1.0652287 1.0670292 1.0599637 1.0568576\n", + " 1.0268227 1.0597727 1.0239583 1.0681093 0. ]\n", + "\n", + "[ 4 1 2 0 5 9 3 8 6 17 11 10 7 12 15 13 14 16 18]\n", + "=======================\n", + "[\"brendan rodgers ' side need to beat arsenal on saturday to keep up their chances of a top-four finishthe reverse fixture , a 2-2 draw in december , prompted liverpool 's renaissance into the premier league 's form team .thereafter , they went 13 top-flight games without defeat and put themselves in contention to qualify for europe 's top competition before losing to manchester united in a drama-filled match two weeks ago .\"]\n", + "=======================\n", + "['champions league qualification is more lucrative than everliverpool are already five points off the top four with eight game to goraheem sterling dispute shows how important european football is']\n", + "brendan rodgers ' side need to beat arsenal on saturday to keep up their chances of a top-four finishthe reverse fixture , a 2-2 draw in december , prompted liverpool 's renaissance into the premier league 's form team .thereafter , they went 13 top-flight games without defeat and put themselves in contention to qualify for europe 's top competition before losing to manchester united in a drama-filled match two weeks ago .\n", + "champions league qualification is more lucrative than everliverpool are already five points off the top four with eight game to goraheem sterling dispute shows how important european football is\n", + "[1.4336021 1.449792 1.2696788 1.0629617 1.0353078 1.0452627 1.0926783\n", + " 1.0833777 1.0571061 1.0314924 1.0454146 1.1472942 1.1466942 1.0838139\n", + " 1.0690442 1.0518514 1.0249586 1.0173993 1.0260125]\n", + "\n", + "[ 1 0 2 11 12 6 13 7 14 3 8 15 10 5 4 9 18 16 17]\n", + "=======================\n", + "['the walkout occurred wednesday on the set of \" the ridiculous six \" near las vegas , new mexico , according to the indian country today media network .the script called for native women \\'s names such as \" beaver \\'s breath \" and \" no bra \" and an actress portraying an apache woman to squat and urinate while smoking a peace pipe , ictmn reported .the ictmn describes the movie as a western spoof on \" the magnificent seven , \" the 1960 classic about gunfighters who protect a village from a group of bandits .']\n", + "=======================\n", + "[\"about a dozen native american actors walk off set of adam sandler comedy , says reportactors say satirical western 's script is insulting to native americans and women\"]\n", + "the walkout occurred wednesday on the set of \" the ridiculous six \" near las vegas , new mexico , according to the indian country today media network .the script called for native women 's names such as \" beaver 's breath \" and \" no bra \" and an actress portraying an apache woman to squat and urinate while smoking a peace pipe , ictmn reported .the ictmn describes the movie as a western spoof on \" the magnificent seven , \" the 1960 classic about gunfighters who protect a village from a group of bandits .\n", + "about a dozen native american actors walk off set of adam sandler comedy , says reportactors say satirical western 's script is insulting to native americans and women\n", + "[1.2611923 1.4905803 1.2299871 1.098887 1.2407511 1.2122474 1.0624802\n", + " 1.1050408 1.019415 1.0497239 1.0971792 1.0594966 1.0449826 1.0655593\n", + " 1.0888957 1.0476654 1.0141615 0. 0. ]\n", + "\n", + "[ 1 0 4 2 5 7 3 10 14 13 6 11 9 15 12 8 16 17 18]\n", + "=======================\n", + "[\"democrat campaigners jared milrad and nate johnson , from chicago , illinois , claimed they were surprised to find out that their same-sex wedding plans were featured on sunday 's video announcing clinton 's 2016 bid .a gay couple getting married this summer had their wedding plans featured on hillary clinton 's announcement that she is joining the race for the white house .the pair were seen walking hand in hand in what quickly became one of the most widely viewed political clips of the year .\"]\n", + "=======================\n", + "[\"democrat campaigners jared milrad and nate johnson , from chicago , illinois , had their summer wedding plans featured on clinton 's videothe couple will get married in a chicago park bordering lake michigan then have their reception at a local lgbt community centerboth plan to donate financially to clinton 's presidential campaign fund\"]\n", + "democrat campaigners jared milrad and nate johnson , from chicago , illinois , claimed they were surprised to find out that their same-sex wedding plans were featured on sunday 's video announcing clinton 's 2016 bid .a gay couple getting married this summer had their wedding plans featured on hillary clinton 's announcement that she is joining the race for the white house .the pair were seen walking hand in hand in what quickly became one of the most widely viewed political clips of the year .\n", + "democrat campaigners jared milrad and nate johnson , from chicago , illinois , had their summer wedding plans featured on clinton 's videothe couple will get married in a chicago park bordering lake michigan then have their reception at a local lgbt community centerboth plan to donate financially to clinton 's presidential campaign fund\n", + "[1.3013693 1.4559102 1.294147 1.3319839 1.2074101 1.0453296 1.025912\n", + " 1.0262831 1.1036736 1.1593108 1.0772853 1.0665655 1.0664223 1.0295646\n", + " 1.0197153 1.0267926 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 9 8 10 11 12 5 13 15 7 6 14 17 16 18]\n", + "=======================\n", + "['mr farage has vowed he would stand down as leader if he fails to win the parliamentary seat he is contesting in thanet south .ukip mep diane james ( right ) has insisted the party would carry on if nigel farage failed to become an mpa private poll , paid for by a ukip donor but carried out by experts comres put the conservatives on course to retain the seat by a small margin .']\n", + "=======================\n", + "[\"nigel farage has vowed to stand down if he loses in thanet southa private poll by ukip has put the tories on course to retain the seatbut ukip figures insist the party would carry on if mr farage leftmep diane james said ` there are people there waiting ' to take over\"]\n", + "mr farage has vowed he would stand down as leader if he fails to win the parliamentary seat he is contesting in thanet south .ukip mep diane james ( right ) has insisted the party would carry on if nigel farage failed to become an mpa private poll , paid for by a ukip donor but carried out by experts comres put the conservatives on course to retain the seat by a small margin .\n", + "nigel farage has vowed to stand down if he loses in thanet southa private poll by ukip has put the tories on course to retain the seatbut ukip figures insist the party would carry on if mr farage leftmep diane james said ` there are people there waiting ' to take over\n", + "[1.1906532 1.417245 1.178299 1.1229742 1.1216415 1.0937848 1.0952327\n", + " 1.1396 1.0537498 1.0325991 1.0612327 1.0617411 1.0413684 1.0328944\n", + " 1.0548072 1.0229683 1.0376513 1.0147762 1.1148621 1.0882409 1.0330067\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 7 3 4 18 6 5 19 11 10 14 8 12 16 20 13 9 15 17 22 21 23]\n", + "=======================\n", + "['the devastating earthquake that hit nepal on saturday set off avalanches that left large numbers of climbers dead , missing , injured or trapped on mount everest .( cnn ) these are fearful times on the highest mountain in the world .and aftershocks , including a strong one sunday , are continuing to send snow and rocks thundering down the mountainside , complicating rescue efforts .']\n", + "=======================\n", + "['concerns growing for people trapped higher up the mountainhelicopters begin airlifting injured people from the base camp in nepalclimber reports at least 17 dead ; many others injured , missing or stuck']\n", + "the devastating earthquake that hit nepal on saturday set off avalanches that left large numbers of climbers dead , missing , injured or trapped on mount everest .( cnn ) these are fearful times on the highest mountain in the world .and aftershocks , including a strong one sunday , are continuing to send snow and rocks thundering down the mountainside , complicating rescue efforts .\n", + "concerns growing for people trapped higher up the mountainhelicopters begin airlifting injured people from the base camp in nepalclimber reports at least 17 dead ; many others injured , missing or stuck\n", + "[1.2021697 1.3587595 1.2727871 1.153139 1.182463 1.1385101 1.0728346\n", + " 1.0374979 1.0471113 1.1486243 1.1410509 1.1103841 1.022247 1.027482\n", + " 1.084365 1.0373007 1.0095165 1.018832 1.0107841 1.0189055 1.0246835\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 3 9 10 5 11 14 6 8 7 15 13 20 12 19 17 18 16 22 21 23]\n", + "=======================\n", + "[\"orgasmic meditation , shortened to om , is a practice that marries sex with mindfulness and , according to its founders , encourages ` connection , vitality and wellness ' and ` cultivates a greater connection ' between partners .the practice , which was founded by us entrepreneur nicole daedone , borrows much of its philosophy from yoga and meditation .a new sexual technique that aims to teach women how to ` expand the sweet spot ' experienced during orgasm has swept into the uk .\"]\n", + "=======================\n", + "[\"orgasmic meditation ( om ) helps to ` expand ' women 's climaxescreated by us entrepreneur nicole daedone in 2001technique marries sex , mindfulness and 15 minutes of ` light stimulation 'turn on britain is now running seven-hour classes in the uk\"]\n", + "orgasmic meditation , shortened to om , is a practice that marries sex with mindfulness and , according to its founders , encourages ` connection , vitality and wellness ' and ` cultivates a greater connection ' between partners .the practice , which was founded by us entrepreneur nicole daedone , borrows much of its philosophy from yoga and meditation .a new sexual technique that aims to teach women how to ` expand the sweet spot ' experienced during orgasm has swept into the uk .\n", + "orgasmic meditation ( om ) helps to ` expand ' women 's climaxescreated by us entrepreneur nicole daedone in 2001technique marries sex , mindfulness and 15 minutes of ` light stimulation 'turn on britain is now running seven-hour classes in the uk\n", + "[1.4791439 1.3157003 1.0981536 1.1865969 1.1598021 1.1566551 1.0527946\n", + " 1.0829623 1.1871244 1.0557158 1.1367451 1.0377345 1.0171118 1.0180007\n", + " 1.0142481 1.0119423 1.0597297 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 8 3 4 5 10 2 7 16 9 6 11 13 12 14 15 22 17 18 19 20 21 23]\n", + "=======================\n", + "['( the hollywood reporter ) andrew lesnie , the oscar-winning cinematographer who spent more than a decade collaborating with director peter jackson on the six \" lord of the rings \" and \" hobbit \" films , has died .known for balancing technology with artistic considerations , lesnie also shot \" rise of the planet of the apes \" ( 2011 ) , directed by rupert wyatt .the cinematographer recently polished off the water diviner , the directorial debut of russell crowe , another new zealand native .']\n", + "=======================\n", + "['oscar-winning cinematographer andrew lesnie has diedhe is best known for \" lord of the rings , \" \" the hobbit \" and \" babe \"']\n", + "( the hollywood reporter ) andrew lesnie , the oscar-winning cinematographer who spent more than a decade collaborating with director peter jackson on the six \" lord of the rings \" and \" hobbit \" films , has died .known for balancing technology with artistic considerations , lesnie also shot \" rise of the planet of the apes \" ( 2011 ) , directed by rupert wyatt .the cinematographer recently polished off the water diviner , the directorial debut of russell crowe , another new zealand native .\n", + "oscar-winning cinematographer andrew lesnie has diedhe is best known for \" lord of the rings , \" \" the hobbit \" and \" babe \"\n", + "[1.1694087 1.4631815 1.3011078 1.302939 1.2319822 1.1289262 1.09057\n", + " 1.056668 1.1125832 1.026836 1.0614822 1.0157048 1.0282989 1.0841398\n", + " 1.0655665 1.1234533 1.0373219 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 5 15 8 6 13 14 10 7 16 12 9 11 17 18 19 20 21 22 23]\n", + "=======================\n", + "['the st ivan rilski church is the only remaining evidence of the community of zapalnya , bulgaria , where residents lived until they were forced to leave their homes to make way for a dam built by the communist regime .named after the patron saint of bulgaria , the crumbling stone structure now cuts a ghostly figure in a few feet of water at the zhrebchevo reservoir , near the town of tvardica .these haunting images show the partially-submerged ruins of a church where a town was swallowed by an artificial lake 50 years ago .']\n", + "=======================\n", + "['the crumbling st ivan rilski church is the only remaining evidence of the community of zapalnya , bulgarianamed after the patron saint of bulgaria , the stone structure cuts a ghostly figure in the zhrebchevo reservoirthe settlement and two other villages were wiped out when the land was submerged in 1965']\n", + "the st ivan rilski church is the only remaining evidence of the community of zapalnya , bulgaria , where residents lived until they were forced to leave their homes to make way for a dam built by the communist regime .named after the patron saint of bulgaria , the crumbling stone structure now cuts a ghostly figure in a few feet of water at the zhrebchevo reservoir , near the town of tvardica .these haunting images show the partially-submerged ruins of a church where a town was swallowed by an artificial lake 50 years ago .\n", + "the crumbling st ivan rilski church is the only remaining evidence of the community of zapalnya , bulgarianamed after the patron saint of bulgaria , the stone structure cuts a ghostly figure in the zhrebchevo reservoirthe settlement and two other villages were wiped out when the land was submerged in 1965\n", + "[1.247908 1.0494219 1.219634 1.2400186 1.0669769 1.060536 1.0981147\n", + " 1.1042584 1.4319496 1.2398834 1.0135814 1.0149859 1.1342573 1.1301509\n", + " 1.0242751 1.0180017 1.1086613 1.0488863 1.0118271 1.0469928 1.0081332\n", + " 1.0708303 1.0130754 1.0956844]\n", + "\n", + "[ 8 0 3 9 2 12 13 16 7 6 23 21 4 5 1 17 19 14 15 11 10 22 18 20]\n", + "=======================\n", + "[\"john terry celebrates after the premier league match between arsenal and chelsea at emirates stadiumthe end-of-season awards will go to the best attacker but if there was a defender of the year , john terry would clean up .two seasons ago rafa benitez said he could n't cope with two games a week .\"]\n", + "=======================\n", + "[\"john terry has yet again impressed in the heart of chelsea 's defencejose mourinho should be given credit for trusting the 34-year-oldmanchester city won , but is boss manual pellegrini still under pressure ?struggling qpr and burnley could be left to rue their huge penalty missesmourinho : hazard is worth # 100m for each leg plus cristiano ronaldo\"]\n", + "john terry celebrates after the premier league match between arsenal and chelsea at emirates stadiumthe end-of-season awards will go to the best attacker but if there was a defender of the year , john terry would clean up .two seasons ago rafa benitez said he could n't cope with two games a week .\n", + "john terry has yet again impressed in the heart of chelsea 's defencejose mourinho should be given credit for trusting the 34-year-oldmanchester city won , but is boss manual pellegrini still under pressure ?struggling qpr and burnley could be left to rue their huge penalty missesmourinho : hazard is worth # 100m for each leg plus cristiano ronaldo\n", + "[1.2830203 1.298152 1.2033751 1.4129971 1.3102274 1.1272042 1.0896378\n", + " 1.1676766 1.034885 1.1598611 1.1151016 1.0297035 1.0110615 1.0446088\n", + " 1.0568794 1.0379759 1.0148588 1.015278 1.0670205 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 4 1 0 2 7 9 5 10 6 18 14 13 15 8 11 17 16 12 21 19 20 22]\n", + "=======================\n", + "[\"the woman , 21-year-old palak bhadreskumar patel of hanover , died at the scene , police said in a news release .patrons called police sunday night shortly after discovering no workers at the dunkin' donuts on arundel mills boulevard in hanover .according to anne arundel county police , an officer checked the business and found a severely injured woman in the kitchen area .\"]\n", + "=======================\n", + "[\"patrons called police sunday night shortly after discovering no workers at the dunkin' donuts on arundel mills boulevard in hanoveraccording to authorities , an officer checked the business and found a severely injured woman in the kitchen areapolice said palak bhadreskumar patel of hanover , died at the scenethey said the investigation revealed that her husband , bhadreshkumar chetanbhai patel , hit her multiple times with an object and then fled\"]\n", + "the woman , 21-year-old palak bhadreskumar patel of hanover , died at the scene , police said in a news release .patrons called police sunday night shortly after discovering no workers at the dunkin' donuts on arundel mills boulevard in hanover .according to anne arundel county police , an officer checked the business and found a severely injured woman in the kitchen area .\n", + "patrons called police sunday night shortly after discovering no workers at the dunkin' donuts on arundel mills boulevard in hanoveraccording to authorities , an officer checked the business and found a severely injured woman in the kitchen areapolice said palak bhadreskumar patel of hanover , died at the scenethey said the investigation revealed that her husband , bhadreshkumar chetanbhai patel , hit her multiple times with an object and then fled\n", + "[1.4123774 1.1993394 1.1521139 1.3108141 1.2705755 1.1979538 1.179577\n", + " 1.062425 1.0296081 1.1818447 1.1722823 1.0818042 1.065775 1.0311645\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 4 1 5 9 6 10 2 11 12 7 13 8 21 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"manchester united fear daniel levy will play hardball should they decided to pursue their interest in hugo lloris .hugo lloris has established himself as one of the premier league 's top keepers with some fine displaysspurs are determined to keep lloris at white hart lane and will put a # 35million price tag on his head\"]\n", + "=======================\n", + "[\"lloris has established himself as one of the premier league 's best keeperswith uncertainty over david de gea 's future , united and psg are interestedlloris signed a five-year deal with spurs last yearand daniel levy will put price tag on lloris to keep united and psg at bay\"]\n", + "manchester united fear daniel levy will play hardball should they decided to pursue their interest in hugo lloris .hugo lloris has established himself as one of the premier league 's top keepers with some fine displaysspurs are determined to keep lloris at white hart lane and will put a # 35million price tag on his head\n", + "lloris has established himself as one of the premier league 's best keeperswith uncertainty over david de gea 's future , united and psg are interestedlloris signed a five-year deal with spurs last yearand daniel levy will put price tag on lloris to keep united and psg at bay\n", + "[1.2416807 1.3671277 1.1896254 1.17716 1.2278976 1.2270823 1.279829\n", + " 1.1154033 1.0640591 1.0492504 1.0307697 1.0451995 1.044196 1.113677\n", + " 1.0407894 1.063265 1.0543597 1.0159671 1.0333894 1.0236595 1.0161167\n", + " 1.0572023 1.0190805]\n", + "\n", + "[ 1 6 0 4 5 2 3 7 13 8 15 21 16 9 11 12 14 18 10 19 22 20 17]\n", + "=======================\n", + "['kelly watson , of gateshead in tyne and wear , started having problems three years ago when she began struggling with her words and co-ordination .a young mother diagnosed with dementia at only 41 is living in fear that she will forget her teenage daughter as doctors predict her condition will deteriorate in just five years .but after tests and a brain scan , she was hit with the horrifying news of early-onset dementia on her 41st birthday on june 23 last year .']\n", + "=======================\n", + "[\"kelly watson began having problems with coordination and speech in 2011despite regular trips to gps , never thought she had dementia as too youngbut after tests and a brain scan , hit with horrifying news on 41st birthdaynow terrified of forgetting her daughter holly , 17 , as condition will worsensaid the joys of watching her grow up had all been ` stolen ' from her\"]\n", + "kelly watson , of gateshead in tyne and wear , started having problems three years ago when she began struggling with her words and co-ordination .a young mother diagnosed with dementia at only 41 is living in fear that she will forget her teenage daughter as doctors predict her condition will deteriorate in just five years .but after tests and a brain scan , she was hit with the horrifying news of early-onset dementia on her 41st birthday on june 23 last year .\n", + "kelly watson began having problems with coordination and speech in 2011despite regular trips to gps , never thought she had dementia as too youngbut after tests and a brain scan , hit with horrifying news on 41st birthdaynow terrified of forgetting her daughter holly , 17 , as condition will worsensaid the joys of watching her grow up had all been ` stolen ' from her\n", + "[1.318758 1.2665528 1.2156745 1.1568787 1.112718 1.2979051 1.2128242\n", + " 1.1466433 1.069556 1.0693219 1.0228331 1.126245 1.1598778 1.0279748\n", + " 1.027218 1.0382106 1.0900939 1.0108005 1.0085373 1.0088973 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 5 1 2 6 12 3 7 11 4 16 8 9 15 13 14 10 17 19 18 21 20 22]\n", + "=======================\n", + "['the 20-year-old deranged pizza delivery driver on trial for stabbing and strangling his roommate to death before having sex with her corpse was found guilty of first-degree murder on thursday and sentenced to two life terms in prison .the florida court heard how bryan santana was living out some kind of sick fantasy when he removed all the lightbulbs of the orlando home he shared with shelby fazio , 23 , before waiting for the young woman to return , killing her and then abusing her body in october last year .jurors were told santana first choked fazio in a headlock before wrapping a belt around her neck and stabbing her with a hunting knife .']\n", + "=======================\n", + "[\"bryan santana , 20 , of orlando , florida , was found guilty of murdering his former roommate , shelby fazio , 23 , on thursdayhe was sentenced to life terms in prisonsantana previously admitted to strangling and stabbing fazio , a disney world employee , to death and having sex with her corpsehe also attacked their third roommate with a knife and killed fazio 's doghis trial was set for tuesday , but pushed back after he smeared feces all over his body at the courthouse and tried to hit an officerin opening statements wednesday , prosecutors said santana ` delighted ' in the murder of faziothey also showed photos of the messages he wrote on the wall in her dog 's blood , including one that said ` i 'm not sorry for what i did '\"]\n", + "the 20-year-old deranged pizza delivery driver on trial for stabbing and strangling his roommate to death before having sex with her corpse was found guilty of first-degree murder on thursday and sentenced to two life terms in prison .the florida court heard how bryan santana was living out some kind of sick fantasy when he removed all the lightbulbs of the orlando home he shared with shelby fazio , 23 , before waiting for the young woman to return , killing her and then abusing her body in october last year .jurors were told santana first choked fazio in a headlock before wrapping a belt around her neck and stabbing her with a hunting knife .\n", + "bryan santana , 20 , of orlando , florida , was found guilty of murdering his former roommate , shelby fazio , 23 , on thursdayhe was sentenced to life terms in prisonsantana previously admitted to strangling and stabbing fazio , a disney world employee , to death and having sex with her corpsehe also attacked their third roommate with a knife and killed fazio 's doghis trial was set for tuesday , but pushed back after he smeared feces all over his body at the courthouse and tried to hit an officerin opening statements wednesday , prosecutors said santana ` delighted ' in the murder of faziothey also showed photos of the messages he wrote on the wall in her dog 's blood , including one that said ` i 'm not sorry for what i did '\n", + "[1.0386047 1.1905048 1.4884701 1.3048269 1.2984697 1.3298944 1.0747436\n", + " 1.0539676 1.0670393 1.1856545 1.0862489 1.0206032 1.0099882 1.0113571\n", + " 1.1094015 1.1288005 1.1224114 1.0278211 1.0120844 1.0130137 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 5 3 4 1 9 15 16 14 10 6 8 7 0 17 11 19 18 13 12 21 20 22]\n", + "=======================\n", + "['dr zoe waller , 31 , who teaches pharmacy at the university of east anglia , suffers from the skin condition dermatographia .this is a type of urticaria , or hives - where a raised , itchy rash appears on the skin at the slightest pressure .it is thought to be caused when the cells under the surface of the skin release histamines as part of an allergic reaction , causing the skin to swell .']\n", + "=======================\n", + "[\"zoe waller , 31 , has dermatographia and can draw designs on her own bodycondition is a type of urticaria - where an itchy rash appears after pressureshe says it ` does n't hurt ' and draws molecules on herself to teach studentshas become famous across her university and people now make requests\"]\n", + "dr zoe waller , 31 , who teaches pharmacy at the university of east anglia , suffers from the skin condition dermatographia .this is a type of urticaria , or hives - where a raised , itchy rash appears on the skin at the slightest pressure .it is thought to be caused when the cells under the surface of the skin release histamines as part of an allergic reaction , causing the skin to swell .\n", + "zoe waller , 31 , has dermatographia and can draw designs on her own bodycondition is a type of urticaria - where an itchy rash appears after pressureshe says it ` does n't hurt ' and draws molecules on herself to teach studentshas become famous across her university and people now make requests\n", + "[1.4338403 1.327676 1.218508 1.0802959 1.0836209 1.0791191 1.1366318\n", + " 1.10958 1.3282014 1.1477865 1.0511948 1.0906363 1.096274 1.0274688\n", + " 1.0202042 1.0419375 1.017136 1.0134208 1.0132232 1.0166974 1.0095412\n", + " 1.0107964 1.013748 1.0138221 1.0119237 1.0137005]\n", + "\n", + "[ 0 8 1 2 9 6 7 12 11 4 3 5 10 15 13 14 16 19 23 22 25 17 18 24\n", + " 21 20]\n", + "=======================\n", + "[\"lewis hamilton ( mercedes ) 68lewis hamilton is now 13 points clear in the race for the drivers ' championship after winning the chinese grand prixsebastian vettel ( ferrari ) 55\"]\n", + "=======================\n", + "['lewis hamilton led every lap after clinching pole position to seal his second victory of the campaignnico rosberg was second for mercedes with the ferrari of sebastian vettel completing the podiumhamilton seals the 36th victory of his grand prix career to extend his lead at the top of the standingskimi raikkonen finished fourth for ferrari with the williams drivers of felipe massa and valtteri bottas 5th and 6thjenson button was involved in a collision with the lotus driver of pastor maldonado late on in the race']\n", + "lewis hamilton ( mercedes ) 68lewis hamilton is now 13 points clear in the race for the drivers ' championship after winning the chinese grand prixsebastian vettel ( ferrari ) 55\n", + "lewis hamilton led every lap after clinching pole position to seal his second victory of the campaignnico rosberg was second for mercedes with the ferrari of sebastian vettel completing the podiumhamilton seals the 36th victory of his grand prix career to extend his lead at the top of the standingskimi raikkonen finished fourth for ferrari with the williams drivers of felipe massa and valtteri bottas 5th and 6thjenson button was involved in a collision with the lotus driver of pastor maldonado late on in the race\n", + "[1.2014085 1.3814883 1.2629611 1.284483 1.1938888 1.1872736 1.0642244\n", + " 1.1373951 1.0610621 1.1180589 1.11023 1.1185752 1.0541517 1.075695\n", + " 1.0141401 1.0693554 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 7 11 9 10 13 15 6 8 12 14 24 16 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"the microsoft co-founder this week unveiled ` vulcan aerospace ' , which will look after the space programs of stratolaunch systems .this includes an ambitious project to launch spacecraft and probes into orbit from of a huge carrier aircraft with a wingspan of 385ft ( 117 metres ) .billionaire paul allen has created a new company that will launch satellites and people into space from the world 's biggest plane .\"]\n", + "=======================\n", + "['new company will look after the space programs of stratolaunch systemsthis includes plane which has a wingspan of 385 feet ( 117 metres )it will be powered by six 747-class engines during first flight in 2016will initially deliver satellites weighing up to 13,500 lbs ( 6,124 kg ) into orbits between 112 miles and 1,243 miles ( 180 km and 2000 km ) above earth']\n", + "the microsoft co-founder this week unveiled ` vulcan aerospace ' , which will look after the space programs of stratolaunch systems .this includes an ambitious project to launch spacecraft and probes into orbit from of a huge carrier aircraft with a wingspan of 385ft ( 117 metres ) .billionaire paul allen has created a new company that will launch satellites and people into space from the world 's biggest plane .\n", + "new company will look after the space programs of stratolaunch systemsthis includes plane which has a wingspan of 385 feet ( 117 metres )it will be powered by six 747-class engines during first flight in 2016will initially deliver satellites weighing up to 13,500 lbs ( 6,124 kg ) into orbits between 112 miles and 1,243 miles ( 180 km and 2000 km ) above earth\n", + "[1.4792366 1.3075757 1.1734378 1.1596677 1.1026311 1.0783677 1.0725865\n", + " 1.2136271 1.111151 1.0655901 1.070355 1.0668199 1.0814775 1.0602939\n", + " 1.0773263 1.0468729 1.0446655 1.0791095 1.0399405 1.0431403 1.0189623\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 7 2 3 8 4 12 17 5 14 6 10 11 9 13 15 16 19 18 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"( cnn ) authorities in south carolina have released dash cam video in connection with the fatal shooting of walter scott , but the footage does not show the actual shooting .video from the patrol car of north charleston 's michael slager shows an initial traffic stop and early interactions between the officer and scott .the video , which was released thursday , also shows a passenger in scott 's car .\"]\n", + "=======================\n", + "['footage shows a traffic stop and early interactions between officer michael slager and walter scottthe two men speak , and then scott gets out of the car , runningslager , charged with murder , was fired from the north charleston police department']\n", + "( cnn ) authorities in south carolina have released dash cam video in connection with the fatal shooting of walter scott , but the footage does not show the actual shooting .video from the patrol car of north charleston 's michael slager shows an initial traffic stop and early interactions between the officer and scott .the video , which was released thursday , also shows a passenger in scott 's car .\n", + "footage shows a traffic stop and early interactions between officer michael slager and walter scottthe two men speak , and then scott gets out of the car , runningslager , charged with murder , was fired from the north charleston police department\n", + "[1.409002 1.4181266 1.3537699 1.1878656 1.152369 1.0727122 1.2514201\n", + " 1.0471816 1.0508782 1.1764843 1.0552684 1.0173546 1.0105188 1.0260531\n", + " 1.0159994 1.0739249 1.0137749 1.0164248 1.01123 1.0088909 1.0136718\n", + " 1.0125353 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 6 3 9 4 15 5 10 8 7 13 11 17 14 16 20 21 18 12 19 24 22\n", + " 23 25]\n", + "=======================\n", + "['the 24-year-old belgian has scored 18 goals across all competitions for his club this season , helping the blues win the capital one cup and putting them on the brink of a first premier league title since 2010 .chelsea midfielder eden hazard was the toast of the english game as he carried off the pfa player of the year award .he was rewarded for his sterling performances with the top individual award of the night at the grosvenor hotel in london .']\n", + "=======================\n", + "[\"eden hazard has been voted the player of the year by his fellow professionalsthe belgian has been in glittering form for chelsea , scoring 18 premier league goals so fardiego costa , david de gea , alexis sanchez , harry kane and phillipe coutinho were also nominees for the awardhazard has helped chelsea to win the capital one cup and the club are on the brink of the premier league titlethe 24-year-old received the young player gong last season - an award won by spurs ' harry kane this time outjose mourinho : hazard is worth # 100m for each leg plus cristiano ronaldo\"]\n", + "the 24-year-old belgian has scored 18 goals across all competitions for his club this season , helping the blues win the capital one cup and putting them on the brink of a first premier league title since 2010 .chelsea midfielder eden hazard was the toast of the english game as he carried off the pfa player of the year award .he was rewarded for his sterling performances with the top individual award of the night at the grosvenor hotel in london .\n", + "eden hazard has been voted the player of the year by his fellow professionalsthe belgian has been in glittering form for chelsea , scoring 18 premier league goals so fardiego costa , david de gea , alexis sanchez , harry kane and phillipe coutinho were also nominees for the awardhazard has helped chelsea to win the capital one cup and the club are on the brink of the premier league titlethe 24-year-old received the young player gong last season - an award won by spurs ' harry kane this time outjose mourinho : hazard is worth # 100m for each leg plus cristiano ronaldo\n", + "[1.2429062 1.40571 1.1366421 1.4103687 1.1968752 1.058244 1.1064612\n", + " 1.1670777 1.0513139 1.0133287 1.0962718 1.0639346 1.1463501 1.0781326\n", + " 1.1123788 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 4 7 12 2 14 6 10 13 11 5 8 9 23 22 21 20 15 18 17 16 24\n", + " 19 25]\n", + "=======================\n", + "[\"australian prime minister tony abbott was cheered on by a crowd of about 50 as he skolled a schooner of beerjulie robert , a cultural studies professor at the university of technology sydney , said it was ` problematic ' that the prime minister , who she believes should be advocating against binge drinking , thought it acceptable to ` showcase his masculinity ' by skolling a beer .mr abbott came under fire after the incident as anti-drinking campaigners said he was glorifying binge drinking\"]\n", + "=======================\n", + "[\"australian prime minister skols a beer with celebrating football playersvideo shows tony abbott drinking the beer in six secondsthe prime minister has been criticised by anti-drinking campaignersthey say the prime minister should n't be glorifying binge drinking` it sets up a culture that drinking is n't about socialising with friends , it 's about how quickly and how much you can drink . 'criticism also levelled at media and officials who made light of the event\"]\n", + "australian prime minister tony abbott was cheered on by a crowd of about 50 as he skolled a schooner of beerjulie robert , a cultural studies professor at the university of technology sydney , said it was ` problematic ' that the prime minister , who she believes should be advocating against binge drinking , thought it acceptable to ` showcase his masculinity ' by skolling a beer .mr abbott came under fire after the incident as anti-drinking campaigners said he was glorifying binge drinking\n", + "australian prime minister skols a beer with celebrating football playersvideo shows tony abbott drinking the beer in six secondsthe prime minister has been criticised by anti-drinking campaignersthey say the prime minister should n't be glorifying binge drinking` it sets up a culture that drinking is n't about socialising with friends , it 's about how quickly and how much you can drink . 'criticism also levelled at media and officials who made light of the event\n", + "[1.5849307 1.3682181 1.3791232 1.411957 1.0827504 1.0340809 1.022567\n", + " 1.0169349 1.0319148 1.3333352 1.0693439 1.0235379 1.0084107 1.0112265\n", + " 1.0671508 1.1986634 1.035171 1.0049132 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 9 15 4 10 14 16 5 8 11 6 7 13 12 17 19 18 20]\n", + "=======================\n", + "['paris st germain coach laurent blanc accepts his side face an almost impossible mission trying to turn around their champions league quarter-final against barcelona at the camp nou on tuesday .zlatan ibrahimovic will be available again when psg meet barcelona on tuesday , after missing the first legthey have zlatan ibrahimovic and marco verratti back from suspension for the second leg but thiago silva joins thiago motta among the injured and david luiz is also a fitness doubt .']\n", + "=======================\n", + "[\"psg travel to nou camp on tuesday with barcelona in command of the tieluis suarez inspired barca to 3-1 win in parisbut zlatan ibrahimovic will return for second leg in spainblanc says barca have ` incredible talent ' but his side have nothing to loseread : egotistic ibrahimovic will believe barcelona will be in awe of him\"]\n", + "paris st germain coach laurent blanc accepts his side face an almost impossible mission trying to turn around their champions league quarter-final against barcelona at the camp nou on tuesday .zlatan ibrahimovic will be available again when psg meet barcelona on tuesday , after missing the first legthey have zlatan ibrahimovic and marco verratti back from suspension for the second leg but thiago silva joins thiago motta among the injured and david luiz is also a fitness doubt .\n", + "psg travel to nou camp on tuesday with barcelona in command of the tieluis suarez inspired barca to 3-1 win in parisbut zlatan ibrahimovic will return for second leg in spainblanc says barca have ` incredible talent ' but his side have nothing to loseread : egotistic ibrahimovic will believe barcelona will be in awe of him\n", + "[1.2913301 1.3627647 1.2963765 1.2503759 1.2445602 1.1309735 1.1646074\n", + " 1.102407 1.1531833 1.0399312 1.0387225 1.0311146 1.0656588 1.2506639\n", + " 1.0367454 1.0696002 1.01475 1.0295191 1.0227039 1.0517246 1.0428817]\n", + "\n", + "[ 1 2 0 13 3 4 6 8 5 7 15 12 19 20 9 10 14 11 17 18 16]\n", + "=======================\n", + "[\"the chelsea shot-stopper looks certain to leave stamford bridge at the end of the season after losing the no 1 spot to thibaut courtois .arsenal must make a swift decision on petr cech this summer or risk losing out on the goalkeeper .thibaut courtois has become chelsea 's first choice goalkeeper after three years on loan at atletico madrid\"]\n", + "=======================\n", + "[\"arsenal risk missing out of chelsea 's petr cech is they hesitate on movecech looks set to leave stamford bridge after losing his no 1 spotliverpool , psg , roma and inter milan are all also interested in cechif the gunners do not make their move early , they could be beaten to himchelsea are looking for a fee in excess of # 10million for czech keeper\"]\n", + "the chelsea shot-stopper looks certain to leave stamford bridge at the end of the season after losing the no 1 spot to thibaut courtois .arsenal must make a swift decision on petr cech this summer or risk losing out on the goalkeeper .thibaut courtois has become chelsea 's first choice goalkeeper after three years on loan at atletico madrid\n", + "arsenal risk missing out of chelsea 's petr cech is they hesitate on movecech looks set to leave stamford bridge after losing his no 1 spotliverpool , psg , roma and inter milan are all also interested in cechif the gunners do not make their move early , they could be beaten to himchelsea are looking for a fee in excess of # 10million for czech keeper\n", + "[1.5424967 1.3300323 1.224912 1.2720939 1.3645428 1.2337158 1.1184255\n", + " 1.0387869 1.0536761 1.0684904 1.0275414 1.0443815 1.03663 1.021081\n", + " 1.0407044 1.0667933 1.0415218 1.0400867 1.0111932 1.0079632 1.0085032]\n", + "\n", + "[ 0 4 1 3 5 2 6 9 15 8 11 16 14 17 7 12 10 13 18 20 19]\n", + "=======================\n", + "[\"mesut ozil is playing the best football since he joined arsenal in the summer of 2013 , after leading the gunners to second in the premier league table .ozil was off the pace at the beginning of this season , but says he is now back to his best since returning to fitness in january .mesut ozil trains ahead of arsenal 's fa cup semi final against reading on saturday\"]\n", + "=======================\n", + "['mesut ozil missed three months because of injury this seasonthe german has returned in better form , and says injury helped himozil worked on his strength , and still does extra sessions after training']\n", + "mesut ozil is playing the best football since he joined arsenal in the summer of 2013 , after leading the gunners to second in the premier league table .ozil was off the pace at the beginning of this season , but says he is now back to his best since returning to fitness in january .mesut ozil trains ahead of arsenal 's fa cup semi final against reading on saturday\n", + "mesut ozil missed three months because of injury this seasonthe german has returned in better form , and says injury helped himozil worked on his strength , and still does extra sessions after training\n", + "[1.3693607 1.4507592 1.2276151 1.3769261 1.2620965 1.0917823 1.0440272\n", + " 1.0301979 1.0396361 1.3113196 1.0586817 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 9 4 2 5 10 6 8 7 19 11 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"a new book claims the fire at bradford 's valley parade stadium was one of at least nine blazes at businesses owned by or associated with the club 's then chairman stafford heginbotham , who died in 1995 .sir oliver popplewell , the judge who conducted the 1985 bradford fire public inquiry , says police should look at eight other fires allegedly connected to the then club chairman to ` see if there was anything sinister ' .the tragic fire at valley parade killed 56 people and injured at least 265 after it broke out during a football league third division match against lincoln city on saturday , may 11 , 1985 .\"]\n", + "=======================\n", + "['sir oliver popplewell conducted the 1985 bradford fire public inquirythe judge stands by original ruling that there was no evidence of arsonhowever , he said police should look at eight other allegedly linked firesa new book claimed the tragic fire one one of nine at businesses linked to the then club chairman stafford heginbotham , who died in 1995']\n", + "a new book claims the fire at bradford 's valley parade stadium was one of at least nine blazes at businesses owned by or associated with the club 's then chairman stafford heginbotham , who died in 1995 .sir oliver popplewell , the judge who conducted the 1985 bradford fire public inquiry , says police should look at eight other fires allegedly connected to the then club chairman to ` see if there was anything sinister ' .the tragic fire at valley parade killed 56 people and injured at least 265 after it broke out during a football league third division match against lincoln city on saturday , may 11 , 1985 .\n", + "sir oliver popplewell conducted the 1985 bradford fire public inquirythe judge stands by original ruling that there was no evidence of arsonhowever , he said police should look at eight other allegedly linked firesa new book claimed the tragic fire one one of nine at businesses linked to the then club chairman stafford heginbotham , who died in 1995\n", + "[1.3683754 1.2997191 1.4393826 1.3865452 1.2816932 1.122225 1.0382125\n", + " 1.0189313 1.0181906 1.0168173 1.0195516 1.054052 1.0389954 1.0341594\n", + " 1.0659401 1.1624607 1.0669825 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 1 4 15 5 16 14 11 12 6 13 10 7 8 9 17 18 19 20]\n", + "=======================\n", + "[\"the 50-year-old grilled red bull 's chief technical officer adrian newey - who has been a part of ten world championship wins in the past - and checked out pit stops during his time at the factory with sky sports f1 .hollywood actor keanu reeves made no secret of his passion for formula one when visited and sampled the atmosphere at the red bull headquarters in milton keynes .and reeves , who is also a director , producer , musician , and author , also said that his love for the sport comes partly from its similarity to the film business .\"]\n", + "=======================\n", + "['keanu reeves is a self-confessed petrolhead and visited red bullreeves says the whole process of formula one is much like hollywoodred bull currently preparing for chinese grand prix in shanghaiclick here for all the latest formula one news']\n", + "the 50-year-old grilled red bull 's chief technical officer adrian newey - who has been a part of ten world championship wins in the past - and checked out pit stops during his time at the factory with sky sports f1 .hollywood actor keanu reeves made no secret of his passion for formula one when visited and sampled the atmosphere at the red bull headquarters in milton keynes .and reeves , who is also a director , producer , musician , and author , also said that his love for the sport comes partly from its similarity to the film business .\n", + "keanu reeves is a self-confessed petrolhead and visited red bullreeves says the whole process of formula one is much like hollywoodred bull currently preparing for chinese grand prix in shanghaiclick here for all the latest formula one news\n", + "[1.1297132 1.2240552 1.1306955 1.4173588 1.3985658 1.2494546 1.1893948\n", + " 1.1637436 1.106624 1.0547429 1.0314178 1.1361339 1.0289235 1.0377464\n", + " 1.0241997 1.0823717 1.0248084 1.0501163 1.0356455]\n", + "\n", + "[ 3 4 5 1 6 7 11 2 0 8 15 9 17 13 18 10 12 16 14]\n", + "=======================\n", + "[\"martin skrtel scored an injury-time equaliser in liverpool 's 2-2 draw with arsenal at anfield in decemberrobbie fowler scored the quickest hat-trick in premier league history for liverpool against arsenal in 1994thierry henry scored a treble against liverpool for arsenal at highbury back in 2004\"]\n", + "=======================\n", + "['arsenal host liverpool at the emirates stadium on saturdaythis fixture has produced most hat-tricks in premier league historyfive trebles have been netted during liverpool against arsenal matchesrobbie fowler ( twice ) , thierry henry , peter crouch and andrey arshavin have all scored three or more times in a single fixture']\n", + "martin skrtel scored an injury-time equaliser in liverpool 's 2-2 draw with arsenal at anfield in decemberrobbie fowler scored the quickest hat-trick in premier league history for liverpool against arsenal in 1994thierry henry scored a treble against liverpool for arsenal at highbury back in 2004\n", + "arsenal host liverpool at the emirates stadium on saturdaythis fixture has produced most hat-tricks in premier league historyfive trebles have been netted during liverpool against arsenal matchesrobbie fowler ( twice ) , thierry henry , peter crouch and andrey arshavin have all scored three or more times in a single fixture\n", + "[1.1088669 1.3416705 1.17931 1.2167435 1.1333563 1.2731158 1.168906\n", + " 1.1259096 1.0459033 1.1118814 1.091805 1.0931183 1.0978448 1.0302868\n", + " 1.0203516 1.0228238 1.0563083 0. 0. ]\n", + "\n", + "[ 1 5 3 2 6 4 7 9 0 12 11 10 16 8 13 15 14 17 18]\n", + "=======================\n", + "['in southern germany , hundreds of people braved the snow for a traditional easter monday procession on horseback , while in slovakia women were doused with buckets of water as part of their weekend celebrations .the easter horseback parade , known as the georgiritt , is held in traustein , germany and dates back to the 18th centurya similar age-old tradition takes place in hungary , where after being sprinkled with water , the women give the men beautifully coloured eggs in return .']\n", + "=======================\n", + "['in traustein , germany , hundreds of horse riders dressed in traditional costume take place in an easter paradethe processional , known as the georgiritt , sees participants head to a local church where they will be blessedin central europe , men douse women with buckets of water as part of their easter monday celebrations']\n", + "in southern germany , hundreds of people braved the snow for a traditional easter monday procession on horseback , while in slovakia women were doused with buckets of water as part of their weekend celebrations .the easter horseback parade , known as the georgiritt , is held in traustein , germany and dates back to the 18th centurya similar age-old tradition takes place in hungary , where after being sprinkled with water , the women give the men beautifully coloured eggs in return .\n", + "in traustein , germany , hundreds of horse riders dressed in traditional costume take place in an easter paradethe processional , known as the georgiritt , sees participants head to a local church where they will be blessedin central europe , men douse women with buckets of water as part of their easter monday celebrations\n", + "[1.22542 1.322918 1.2948903 1.2829874 1.2345113 1.1815393 1.0814842\n", + " 1.1005626 1.1030475 1.0852122 1.0707799 1.0165231 1.0671134 1.0755986\n", + " 1.076803 1.0364836 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 5 8 7 9 6 14 13 10 12 15 11 17 16 18]\n", + "=======================\n", + "[\"town halls have failed to recalibrate some of the 100,000 ticket machines in the uk - making it impossible for drivers to pay the exact cost of parking .in manchester , where 240 machines are still not upgraded , motorists without old-style coins must use # 1 and two 20p pieces for a typical # 1.25 hour 's parking - handing the council a 15p profit .the council also charges # 1.85 for an hour and a half and # 3.10 for two hours and 30 minutes , meaning that drivers without the right coins must overpay for them too .\"]\n", + "=======================\n", + "[\"in manchester 240 machines still do n't accept coinage introduced in 2012a typical # 1.25 hour 's parking is costing many # 1.40 - a 15p profit per ticketexperts fear problem may get worse when new # 1 is introduced in 2017\"]\n", + "town halls have failed to recalibrate some of the 100,000 ticket machines in the uk - making it impossible for drivers to pay the exact cost of parking .in manchester , where 240 machines are still not upgraded , motorists without old-style coins must use # 1 and two 20p pieces for a typical # 1.25 hour 's parking - handing the council a 15p profit .the council also charges # 1.85 for an hour and a half and # 3.10 for two hours and 30 minutes , meaning that drivers without the right coins must overpay for them too .\n", + "in manchester 240 machines still do n't accept coinage introduced in 2012a typical # 1.25 hour 's parking is costing many # 1.40 - a 15p profit per ticketexperts fear problem may get worse when new # 1 is introduced in 2017\n", + "[1.429069 1.3347456 1.163096 1.1986136 1.1819258 1.3196253 1.0332305\n", + " 1.1651285 1.023551 1.0618067 1.0287938 1.1336673 1.1023151 1.036884\n", + " 1.0115432 1.0171858 1.0418408 1.0791535 0. ]\n", + "\n", + "[ 0 1 5 3 4 7 2 11 12 17 9 16 13 6 10 8 15 14 18]\n", + "=======================\n", + "[\"spain manager vicente del bosque was flabbergasted as to how his star-studded side failed to find the back of the net despite taking ` command ' of their friendly defeat by holland on tuesday night .despite the visitors dominating significant periods of the match , it was goals to holland 's stefan de vrij and davy klaassen that proved decisive at the amsterdam arena .within four minutes davy klaasen pounced on the rebound from his own shot after david de gea 's save\"]\n", + "=======================\n", + "[\"spain were defeated 2-0 by holland at the amsterdam arena on tuesdaystefan de vrij and davy klaassen scored within four first-half minutesvicente del bosque said ` we 've been all over them ... but we lacked a goal '\"]\n", + "spain manager vicente del bosque was flabbergasted as to how his star-studded side failed to find the back of the net despite taking ` command ' of their friendly defeat by holland on tuesday night .despite the visitors dominating significant periods of the match , it was goals to holland 's stefan de vrij and davy klaassen that proved decisive at the amsterdam arena .within four minutes davy klaasen pounced on the rebound from his own shot after david de gea 's save\n", + "spain were defeated 2-0 by holland at the amsterdam arena on tuesdaystefan de vrij and davy klaassen scored within four first-half minutesvicente del bosque said ` we 've been all over them ... but we lacked a goal '\n", + "[1.4221954 1.3651996 1.1137294 1.2542019 1.2271919 1.0287513 1.047428\n", + " 1.0874758 1.0178964 1.2008941 1.0648215 1.0450538 1.0483965 1.0923367\n", + " 1.0380929 1.0337293 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 4 9 2 13 7 10 12 6 11 14 15 5 8 17 16 18]\n", + "=======================\n", + "[\"sexy lingerie brand frederick 's of hollywood has shut down all of its brick-and-mortar locations , now existing exclusively as an e-commerce brand after years of declining sales and struggling to keep up with victoria 's secret .making it work : the retailer announced on it 's website that it ` no longer ' has store locations while reminding customers that its ` online store offers the same selection of products 'founder frederick mellinger opened the pinup-inspired lingerie brand 's first store in los angeles in 1947 and went on to launch a mail order catalog in the 1960s , later adding sex toys and more risqué attire to the company 's offerings .\"]\n", + "=======================\n", + "['the los angeles , california-based company has shuttered all of its 94 locations after switching to a web-only retail model']\n", + "sexy lingerie brand frederick 's of hollywood has shut down all of its brick-and-mortar locations , now existing exclusively as an e-commerce brand after years of declining sales and struggling to keep up with victoria 's secret .making it work : the retailer announced on it 's website that it ` no longer ' has store locations while reminding customers that its ` online store offers the same selection of products 'founder frederick mellinger opened the pinup-inspired lingerie brand 's first store in los angeles in 1947 and went on to launch a mail order catalog in the 1960s , later adding sex toys and more risqué attire to the company 's offerings .\n", + "the los angeles , california-based company has shuttered all of its 94 locations after switching to a web-only retail model\n", + "[1.2244318 1.5108483 1.2280753 1.2859089 1.287573 1.152728 1.0903599\n", + " 1.1270165 1.0596055 1.0546236 1.0433747 1.0787762 1.0419893 1.0554184\n", + " 1.0965368 1.162712 1.0999397 1.0071411 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 2 0 15 5 7 16 14 6 11 8 13 9 10 12 17 19 18 20]\n", + "=======================\n", + "[\"abdul hadi arwani was found slumped in the back seat of his black volkswagen passat on tuesday morning in wembley , north west london .the 48-year-old syrian national was an outspoken critic of the assad regime and ` actively ' campaigned against extremist , his family have since revealed .a man has been arrested in connection with the death of an imam found dead in his car .\"]\n", + "=======================\n", + "['abdul hadi arwani was found dead in his car on tuesday in wembleycounter terrorism police were drafted in to lead investigation into deatha 46-year-old man has been arrested on suspicion of conspiracy to murder']\n", + "abdul hadi arwani was found slumped in the back seat of his black volkswagen passat on tuesday morning in wembley , north west london .the 48-year-old syrian national was an outspoken critic of the assad regime and ` actively ' campaigned against extremist , his family have since revealed .a man has been arrested in connection with the death of an imam found dead in his car .\n", + "abdul hadi arwani was found dead in his car on tuesday in wembleycounter terrorism police were drafted in to lead investigation into deatha 46-year-old man has been arrested on suspicion of conspiracy to murder\n", + "[1.2111716 1.4567378 1.2242953 1.286335 1.1851975 1.3581381 1.204086\n", + " 1.1300244 1.0927889 1.0377102 1.0696785 1.0388113 1.0514519 1.0552521\n", + " 1.0696232 1.0361241 1.029612 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 3 2 0 6 4 7 8 10 14 13 12 11 9 15 16 19 17 18 20]\n", + "=======================\n", + "['brian karl brimager , 37 , entered his plea on friday after he was indicted by a federal grand jury in san diego , in connection with the death of yvonne lee baldelli .the 42-year-old woman from laguna niguel , california , was last seen in september 2011 when she arrived in panama with brimager .he has been in custody since june 2013 on charges including obstruction of justice and falsifying records related to the investigation .']\n", + "=======================\n", + "['brian karl brimager , 37 , was indicted by a grand jury in san diegois accused of murdering clothing designer yvonne lee baldelli in 2011allegedly dismembered her body and disposed of it in a military backpackthen engaged in an elaborate scheme to cover up the crimesent emails from her account to make people think she was still alivehe has been in custody since june 2013 on charges including obstruction of justice and falsifying records related to the investigation']\n", + "brian karl brimager , 37 , entered his plea on friday after he was indicted by a federal grand jury in san diego , in connection with the death of yvonne lee baldelli .the 42-year-old woman from laguna niguel , california , was last seen in september 2011 when she arrived in panama with brimager .he has been in custody since june 2013 on charges including obstruction of justice and falsifying records related to the investigation .\n", + "brian karl brimager , 37 , was indicted by a grand jury in san diegois accused of murdering clothing designer yvonne lee baldelli in 2011allegedly dismembered her body and disposed of it in a military backpackthen engaged in an elaborate scheme to cover up the crimesent emails from her account to make people think she was still alivehe has been in custody since june 2013 on charges including obstruction of justice and falsifying records related to the investigation\n", + "[1.3582982 1.4724905 1.2510802 1.231931 1.0416162 1.1215079 1.0777397\n", + " 1.140332 1.1055527 1.0821998 1.0407941 1.0187852 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 7 5 8 9 6 4 10 11 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"jessica cleland , from wallan , victoria , was 19 when she took her own life on easter saturday last year , after receiving facebook messages from two teenage boys she considered friends saying that they hated her , and that she was a ` f *** ing sook ' .her parents said that jessica 's social media accounts were flooded with horrible sentiments the night before she died , and are now desperate to see a change within victoria 's government and the state 's police so that those found guilty of cyber bullying face serious consequences .the parents of jessica cleland ( pictured ) are campaigning for anti-bullying laws to be taken more seriously\"]\n", + "=======================\n", + "[\"jessica cleland committed suicide last year after being cyber bulliedshe was sent horrible messages from two friends who said they hated herthe teenagers were named in the coroners report but were n't investigatedher parents want to see cyber bullying legislation be taken seriouslyunder victorian legislation cyber bullying can result in ten years jail\"]\n", + "jessica cleland , from wallan , victoria , was 19 when she took her own life on easter saturday last year , after receiving facebook messages from two teenage boys she considered friends saying that they hated her , and that she was a ` f *** ing sook ' .her parents said that jessica 's social media accounts were flooded with horrible sentiments the night before she died , and are now desperate to see a change within victoria 's government and the state 's police so that those found guilty of cyber bullying face serious consequences .the parents of jessica cleland ( pictured ) are campaigning for anti-bullying laws to be taken more seriously\n", + "jessica cleland committed suicide last year after being cyber bulliedshe was sent horrible messages from two friends who said they hated herthe teenagers were named in the coroners report but were n't investigatedher parents want to see cyber bullying legislation be taken seriouslyunder victorian legislation cyber bullying can result in ten years jail\n", + "[1.1847286 1.4616675 1.3298557 1.2993324 1.2999122 1.0886058 1.142244\n", + " 1.1148133 1.083187 1.0643885 1.0456761 1.0571754 1.0689644 1.0563278\n", + " 1.0632938 1.0513225 1.0244919 1.0118119 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 0 6 7 5 8 12 9 14 11 13 15 10 16 17 18 19 20]\n", + "=======================\n", + "['the baby boy was removed from their care four days after he was born in oregon last year ,eric lee gates and his adult daughter , chalena mae moody , had asked the appeals court to overturn a decision for the baby to be put in foster care , but their case was rejected , reports the register guard .in march , moody , 25 , was sentenced to 10 days in jail on the incest charge , but got credit for time already served and did not have to serve any additional days behind bars']\n", + "=======================\n", + "[\"the baby boy was taken away four days after he was born in oregon to chalena mae moody , 25 , and her father , eric lee gates , 49authorities say moody and gates , were living as a couple in springfield , before moving to klamath falls - they now have had two childrenpair did not know each other during moody 's childhoodmoody was married when she gave birth to child and already had three other children\"]\n", + "the baby boy was removed from their care four days after he was born in oregon last year ,eric lee gates and his adult daughter , chalena mae moody , had asked the appeals court to overturn a decision for the baby to be put in foster care , but their case was rejected , reports the register guard .in march , moody , 25 , was sentenced to 10 days in jail on the incest charge , but got credit for time already served and did not have to serve any additional days behind bars\n", + "the baby boy was taken away four days after he was born in oregon to chalena mae moody , 25 , and her father , eric lee gates , 49authorities say moody and gates , were living as a couple in springfield , before moving to klamath falls - they now have had two childrenpair did not know each other during moody 's childhoodmoody was married when she gave birth to child and already had three other children\n", + "[1.1586077 1.4455264 1.2592552 1.3980918 1.1368377 1.2206489 1.1828567\n", + " 1.1313351 1.0381949 1.1411586 1.0540061 1.0106195 1.0224776 1.0426142\n", + " 1.020232 1.0291797 1.0145639 1.0268542 1.2757208 1.1386168 1.0111763]\n", + "\n", + "[ 1 3 18 2 5 6 0 9 19 4 7 10 13 8 15 17 12 14 16 20 11]\n", + "=======================\n", + "[\"firefighters made the grim discovery of janet muller 's body in ifield , near crawley , west sussex on march 13 .janet muller was seen walking in a subway in portslade , east sussex , at 10.30 pm on march 12police have now released video stills and footage of the 21-year-old university of brighton student in portslade on the night before her death .\"]\n", + "=======================\n", + "['janet muller was found dead in a burning car in ifield , crawley , last monthuniversity of brighton student , 21 , died as a result of smoke inhalationmurder squad detectives release cctv footage of her last known movements']\n", + "firefighters made the grim discovery of janet muller 's body in ifield , near crawley , west sussex on march 13 .janet muller was seen walking in a subway in portslade , east sussex , at 10.30 pm on march 12police have now released video stills and footage of the 21-year-old university of brighton student in portslade on the night before her death .\n", + "janet muller was found dead in a burning car in ifield , crawley , last monthuniversity of brighton student , 21 , died as a result of smoke inhalationmurder squad detectives release cctv footage of her last known movements\n", + "[1.1328655 1.3822157 1.2581642 1.2090986 1.2481458 1.2146592 1.1039973\n", + " 1.0731047 1.0457695 1.1232556 1.1075537 1.0832262 1.0461023 1.1010424\n", + " 1.0229543 1.0201379 1.0077733 1.065655 1.0349884 1.0199951 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 4 5 3 0 9 10 6 13 11 7 17 12 8 18 14 15 19 16 20 21]\n", + "=======================\n", + "[\"now an app , dubbed ` project elysium ' , claims to do just that by creating a ` personalised afterlife experience ' with loved ones who have passed .the technology , which is still under development , could be a step towards uploading memories and personalities into computers , allowing people to live on in virtual reality .the app 's developers have yet to reveal exactly how the technology will work\"]\n", + "=======================\n", + "[\"` project elysium ' app creates a ` personalised afterlife experience 'it transforms a person 's movement and memories into digital modelssome say this prevents people from moving on from losing a loved oneproject elysium has been entered into the oculus vr jam 2015 contest\"]\n", + "now an app , dubbed ` project elysium ' , claims to do just that by creating a ` personalised afterlife experience ' with loved ones who have passed .the technology , which is still under development , could be a step towards uploading memories and personalities into computers , allowing people to live on in virtual reality .the app 's developers have yet to reveal exactly how the technology will work\n", + "` project elysium ' app creates a ` personalised afterlife experience 'it transforms a person 's movement and memories into digital modelssome say this prevents people from moving on from losing a loved oneproject elysium has been entered into the oculus vr jam 2015 contest\n", + "[1.2308507 1.4244903 1.3810419 1.189996 1.2576857 1.1721941 1.1290027\n", + " 1.0708232 1.0828813 1.0969359 1.0191805 1.0235082 1.0143676 1.0458928\n", + " 1.1087391 1.1377505 1.0600212 1.0935609 1.0144682 1.010848 1.0073386\n", + " 1.0230298]\n", + "\n", + "[ 1 2 4 0 3 5 15 6 14 9 17 8 7 16 13 11 21 10 18 12 19 20]\n", + "=======================\n", + "['william smith wanted to remind himself of his mother , alison overton , following her death from leukaemia .the teenager from grimsby died in august last year , just four months after seeing his mother succumb to the disease .a 14-year-old boy who hanged himself five months after his mother lost her battle with cancer would wear her favourite bandana and spray her perfume round the house after she died .']\n", + "=======================\n", + "[\"william smith died four months after his mother lost battle with leukaemiathe ` brave ' 14-year-old was found dead by his grandmother at his homean inquest heard how he had settled back into school well following losscoroner ruled he was likely trying to play a prank when he died in augustfor confidential support call the samaritans in the uk on 08457 90 90 90 , visit a local samaritans branch or click here\"]\n", + "william smith wanted to remind himself of his mother , alison overton , following her death from leukaemia .the teenager from grimsby died in august last year , just four months after seeing his mother succumb to the disease .a 14-year-old boy who hanged himself five months after his mother lost her battle with cancer would wear her favourite bandana and spray her perfume round the house after she died .\n", + "william smith died four months after his mother lost battle with leukaemiathe ` brave ' 14-year-old was found dead by his grandmother at his homean inquest heard how he had settled back into school well following losscoroner ruled he was likely trying to play a prank when he died in augustfor confidential support call the samaritans in the uk on 08457 90 90 90 , visit a local samaritans branch or click here\n", + "[1.1861905 1.45099 1.1190014 1.314512 1.1699417 1.1072708 1.0574958\n", + " 1.1031387 1.0958313 1.0361272 1.0770504 1.0765886 1.0988375 1.0475228\n", + " 1.0484892 1.0329918 1.059828 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 4 2 5 7 12 8 10 11 16 6 14 13 9 15 20 17 18 19 21]\n", + "=======================\n", + "['filmed on a hot day in bali , indonesia the video , shot by australian tourist dirk nienaber , shows a monkey interacting with a tour guide , who squirts water at the primate from a hole in a water bottle in a bid to cool it down .with bottle in hand , the monkey takes its time before attempting to quench its thirst .as the monkey continues to approach , the man throws the bottle over to it and scarpers with a smirk -- as if aware of what the monkey may do next .']\n", + "=======================\n", + "['the footage was captured on a warm day in bali , indonesiatour guide cools monkey down by spraying it with watermonkey then picks up bottle and casually unscrews the lidprimate has drink and remarkably spills very little liquid']\n", + "filmed on a hot day in bali , indonesia the video , shot by australian tourist dirk nienaber , shows a monkey interacting with a tour guide , who squirts water at the primate from a hole in a water bottle in a bid to cool it down .with bottle in hand , the monkey takes its time before attempting to quench its thirst .as the monkey continues to approach , the man throws the bottle over to it and scarpers with a smirk -- as if aware of what the monkey may do next .\n", + "the footage was captured on a warm day in bali , indonesiatour guide cools monkey down by spraying it with watermonkey then picks up bottle and casually unscrews the lidprimate has drink and remarkably spills very little liquid\n", + "[1.1187519 1.1136997 1.0739046 1.1633731 1.1084571 1.0447483 1.2219865\n", + " 1.08462 1.0327072 1.0911996 1.0615997 1.104289 1.1388366 1.1435078\n", + " 1.0940995 1.0882638 1.0368693 1.0293138 1.0304133 1.0302107 1.0473816\n", + " 1.0210375]\n", + "\n", + "[ 6 3 13 12 0 1 4 11 14 9 15 7 2 10 20 5 16 8 18 19 17 21]\n", + "=======================\n", + "['many people in the u.s. , russia or china never see the sea in their lives .no one in britain lives as much as 70 miles from the sea .beginning in 1965 , the trust has by now acquired 742 miles of coast .']\n", + "=======================\n", + "[\"as an island race , no one in britain lives more than 70 miles from the seaenterprise neptune is the national trust 's campaign to save the coastlinesince starting in 1965 the trust has acquired 742 miles of the british coast\"]\n", + "many people in the u.s. , russia or china never see the sea in their lives .no one in britain lives as much as 70 miles from the sea .beginning in 1965 , the trust has by now acquired 742 miles of coast .\n", + "as an island race , no one in britain lives more than 70 miles from the seaenterprise neptune is the national trust 's campaign to save the coastlinesince starting in 1965 the trust has acquired 742 miles of the british coast\n", + "[1.3857937 1.4454606 1.1465311 1.1453376 1.168929 1.0547297 1.0272876\n", + " 1.0959358 1.1486107 1.0800924 1.0310334 1.0527953 1.0422697 1.1468294\n", + " 1.0637281 1.0929532 1.0118711 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 4 8 13 2 3 7 15 9 14 5 11 12 10 6 16 17 18 19 20 21]\n", + "=======================\n", + "['the moon slipped fully into earth \\'s shadow at 4:58 a.m. pacific time ( 7:58 a.m. et ) saturday , starting a total lunar eclipse for nearly five minutes -- what nasa says will be the shortest such eclipse of the century .parts of south america , india , china and russia were able to see at least parts of the event , but it was n\\'t visible in greenland , iceland , europe , africa or the middle east .nasa says lunar eclipses typically happen at least twice a year , but this eclipse is the third in a series of four in a row , known as a \" tetrad . \"']\n", + "=======================\n", + "['the total eclipse lasted 4 minutes and 43 secondspeople west of the mississippi river had the best view in the u.s.parts of south america , india , china and russia were able to see the eclipse']\n", + "the moon slipped fully into earth 's shadow at 4:58 a.m. pacific time ( 7:58 a.m. et ) saturday , starting a total lunar eclipse for nearly five minutes -- what nasa says will be the shortest such eclipse of the century .parts of south america , india , china and russia were able to see at least parts of the event , but it was n't visible in greenland , iceland , europe , africa or the middle east .nasa says lunar eclipses typically happen at least twice a year , but this eclipse is the third in a series of four in a row , known as a \" tetrad . \"\n", + "the total eclipse lasted 4 minutes and 43 secondspeople west of the mississippi river had the best view in the u.s.parts of south america , india , china and russia were able to see the eclipse\n", + "[1.1400638 1.1131295 1.6368771 1.2672571 1.3583773 1.2151443 1.0769866\n", + " 1.0433024 1.0396874 1.0315199 1.0403292 1.1274983 1.073506 1.1171118\n", + " 1.1108245 1.0758857 1.0301301 0. 0. ]\n", + "\n", + "[ 2 4 3 5 0 11 13 1 14 6 15 12 7 10 8 9 16 17 18]\n", + "=======================\n", + "[\"the black-eyed bandit was found stuck 30ft-high on a flag pole outside philadelphia 's cathedral basilica of saints peter and paul on tuesday morning .video footage shows the animal clinging for life as it teeters on its makeshift perch .raccoons are known for being excellent climbers .\"]\n", + "=======================\n", + "[\"the black-eyed bandit was found stuck 30ft-high on a flag pole outside philadelphia 's cathedral basilica of saints peter and paul on tuesdayafter a few hours , animal control officers were able to coax him down\"]\n", + "the black-eyed bandit was found stuck 30ft-high on a flag pole outside philadelphia 's cathedral basilica of saints peter and paul on tuesday morning .video footage shows the animal clinging for life as it teeters on its makeshift perch .raccoons are known for being excellent climbers .\n", + "the black-eyed bandit was found stuck 30ft-high on a flag pole outside philadelphia 's cathedral basilica of saints peter and paul on tuesdayafter a few hours , animal control officers were able to coax him down\n", + "[1.1967757 1.4209013 1.2445947 1.3279911 1.2247698 1.1086994 1.2812309\n", + " 1.0802095 1.0755081 1.1124787 1.0488935 1.0848944 1.1291803 1.0664502\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 6 2 4 0 12 9 5 11 7 8 13 10 17 14 15 16 18]\n", + "=======================\n", + "[\"police in rhein erft , received a bizarre phone call explaining that a large kangaroo was spotted ` happily ' hopping through a field .they immediately assumed it was a april fools prank and dismissed the strange call .they discovered that the call was in fact serious and later found the australian marsupial in a field in bruhl\"]\n", + "=======================\n", + "[\"a kangaroo has been found hopping through a field in bruhl , germanygerman police initially believed the report was an april fools day prankafter realising the caller was serious they found the beast in a nearby fieldthe owners later called police when the animal returned to it 's enclosureit is suspected that the it 's fencing was damaged after severe storms\"]\n", + "police in rhein erft , received a bizarre phone call explaining that a large kangaroo was spotted ` happily ' hopping through a field .they immediately assumed it was a april fools prank and dismissed the strange call .they discovered that the call was in fact serious and later found the australian marsupial in a field in bruhl\n", + "a kangaroo has been found hopping through a field in bruhl , germanygerman police initially believed the report was an april fools day prankafter realising the caller was serious they found the beast in a nearby fieldthe owners later called police when the animal returned to it 's enclosureit is suspected that the it 's fencing was damaged after severe storms\n", + "[1.2769855 1.3106252 1.2567518 1.1762191 1.3822637 1.0688206 1.032111\n", + " 1.1218485 1.0472802 1.1228325 1.0789586 1.0439652 1.029523 1.0129677\n", + " 1.015847 1.0221016 1.0140193 1.0153801 1.0284798]\n", + "\n", + "[ 4 1 0 2 3 9 7 10 5 8 11 6 12 18 15 14 17 16 13]\n", + "=======================\n", + "[\"saskia , 17 , aced the ` arsenal exam ' given by her boyfriend with a score of 43.5 out of 50 or 87 per centtop marks for saskia , the girlfriend of an arsenal fan who aced a written exam on all things gunners to save their relationship and whose mostly correct responses have gone viral .by the grading system of her boyfriend , who did n't want to be identified , that constitutes an a.\"]\n", + "=======================\n", + "[\"twitter user saskia , 17 , posted ` arsenal exam ' result on social mediashe scored 87 per cent and her boyfriend said he would n't dump herquestions covered club history , current players and club loyalty\"]\n", + "saskia , 17 , aced the ` arsenal exam ' given by her boyfriend with a score of 43.5 out of 50 or 87 per centtop marks for saskia , the girlfriend of an arsenal fan who aced a written exam on all things gunners to save their relationship and whose mostly correct responses have gone viral .by the grading system of her boyfriend , who did n't want to be identified , that constitutes an a.\n", + "twitter user saskia , 17 , posted ` arsenal exam ' result on social mediashe scored 87 per cent and her boyfriend said he would n't dump herquestions covered club history , current players and club loyalty\n", + "[1.218137 1.4895859 1.3693683 1.1660005 1.2647386 1.1101302 1.0723077\n", + " 1.0560274 1.2758238 1.0330354 1.0838894 1.0378982 1.039405 1.022957\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 8 4 0 3 5 10 6 7 12 11 9 13 14 15 16 17 18]\n", + "=======================\n", + "['up to 21 million acres of jungle will be torn down to make way for rubber plantations in the next decade alone , according to researchers at the university of east anglia .the demand is putting endangered gibbons , leopards and elephants in south east asia at risk , a study published in the journal conservation letters says .the tyre industry consumes 70 per cent of all natural rubber grown , and rising demand for vehicle and aeroplane tyres is behind the recent expansion of plantations']\n", + "=======================\n", + "['up to 21 million acres of jungle will be torn down in the next decade aloneuniversity of east anglia research says forest species at risk from industryrising demand for rubber tyres for cars and planes driving deforestation']\n", + "up to 21 million acres of jungle will be torn down to make way for rubber plantations in the next decade alone , according to researchers at the university of east anglia .the demand is putting endangered gibbons , leopards and elephants in south east asia at risk , a study published in the journal conservation letters says .the tyre industry consumes 70 per cent of all natural rubber grown , and rising demand for vehicle and aeroplane tyres is behind the recent expansion of plantations\n", + "up to 21 million acres of jungle will be torn down in the next decade aloneuniversity of east anglia research says forest species at risk from industryrising demand for rubber tyres for cars and planes driving deforestation\n", + "[1.2232102 1.1804571 1.121597 1.1583606 1.0377221 1.0436395 1.1668041\n", + " 1.1202905 1.0571096 1.1282 1.0832367 1.0726969 1.0441867 1.0412838\n", + " 1.0399408 1.0538008 1.058302 1.0505401 0. ]\n", + "\n", + "[ 0 1 6 3 9 2 7 10 11 16 8 15 17 12 5 13 14 4 18]\n", + "=======================\n", + "[\"( cnn ) by now , you probably have a position regarding the controversy over indiana 's religious freedom law .you applaud the growing chorus of companies blasting the law as an invitation for businesses to discriminate against gays and lesbians , using religion as a cover .as the author of the 1993 federal religious freedom restoration act ( rfra ) , sen. chuck schumer is one who can offer clarity over the controversy surrounding indiana 's version of the law .\"]\n", + "=======================\n", + "[\"the controversy over indiana 's religious freedom law is complicatedsome factors you might have not considered\"]\n", + "( cnn ) by now , you probably have a position regarding the controversy over indiana 's religious freedom law .you applaud the growing chorus of companies blasting the law as an invitation for businesses to discriminate against gays and lesbians , using religion as a cover .as the author of the 1993 federal religious freedom restoration act ( rfra ) , sen. chuck schumer is one who can offer clarity over the controversy surrounding indiana 's version of the law .\n", + "the controversy over indiana 's religious freedom law is complicatedsome factors you might have not considered\n", + "[1.3214601 1.0351565 1.0971717 1.3714235 1.1471314 1.3186681 1.0704588\n", + " 1.2438326 1.0544131 1.2436662 1.1159235 1.0425068 1.0871985 1.0150837\n", + " 1.0845197 1.0543294 1.0775107 1.1222014 1.0337343 1.1079444 0. ]\n", + "\n", + "[ 3 0 5 7 9 4 17 10 19 2 12 14 16 6 8 15 11 1 18 13 20]\n", + "=======================\n", + "['rickie fowler has been dating bikini model alexis randock since last year and the 24-year-old caddied for him during the masters par three contest on wednesday .the masters got underway at augusta national on thursday with rory mcilroy bidding to complete a career grand slam , while tiger woods is looking to rediscover his magic .dustin johnson has been engaged to model and pop singer paulina gretzky since 2013 and the pair had a son together in january this year .']\n", + "=======================\n", + "['the 79th masters got underway on at augusta national on thursdaybut who are the wives and girlfriends who will be cheering the players onhere , sportsmail brings you the lowdown on the masters wags']\n", + "rickie fowler has been dating bikini model alexis randock since last year and the 24-year-old caddied for him during the masters par three contest on wednesday .the masters got underway at augusta national on thursday with rory mcilroy bidding to complete a career grand slam , while tiger woods is looking to rediscover his magic .dustin johnson has been engaged to model and pop singer paulina gretzky since 2013 and the pair had a son together in january this year .\n", + "the 79th masters got underway on at augusta national on thursdaybut who are the wives and girlfriends who will be cheering the players onhere , sportsmail brings you the lowdown on the masters wags\n", + "[1.3652978 1.1758437 1.1807103 1.3714914 1.3844595 1.1015979 1.0909997\n", + " 1.0639406 1.0847024 1.1267251 1.0408182 1.0197945 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 3 0 2 1 9 5 6 8 7 10 11 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"sam gallagher celebrates after his stunning strike won the game for southampton against blackburnsouthampton celebrate after winning the u21 premier league cup at st mary 's on monday nightten-man southampton lifted the premier league u21 cup , but they needed extra time , and a brilliant winner , to see off a stubborn blackburn side .\"]\n", + "=======================\n", + "[\"southampton beat blackburn in final of premier league u21 cupsam gallagher netted long-range strike to win the tie for 10-man saintsmatt targett own goal had levelled up ryan seager opener in normal timeover 12,000 fans turned up to watch saints win the cup at st mary 's\"]\n", + "sam gallagher celebrates after his stunning strike won the game for southampton against blackburnsouthampton celebrate after winning the u21 premier league cup at st mary 's on monday nightten-man southampton lifted the premier league u21 cup , but they needed extra time , and a brilliant winner , to see off a stubborn blackburn side .\n", + "southampton beat blackburn in final of premier league u21 cupsam gallagher netted long-range strike to win the tie for 10-man saintsmatt targett own goal had levelled up ryan seager opener in normal timeover 12,000 fans turned up to watch saints win the cup at st mary 's\n", + "[1.4432703 1.4957442 1.3446444 1.4484725 1.0808005 1.0308139 1.0765729\n", + " 1.1791888 1.0352064 1.0304368 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 7 4 6 8 5 9 18 17 16 15 10 13 12 11 19 14 20]\n", + "=======================\n", + "[\"faulkner will arrive after his indian premier league commitments to replace compatriot peter siddle , who will play in the red rose 's first four lv = county championship matches before joining the australia squad .australia world cup winner james faulkner has signed a deal to join lancashire for the bulk of this summerfaulkner was named man of the match as his country beat new zealand to win the world cup last month , taking three for 36 to help bowl the black caps out for 183 in a seven-wicket victory .\"]\n", + "=======================\n", + "['james faulkner joins lancashire as their overseas player for the summeraustralian was named man of the match during world cup final winhe will join up with county side after indian premier league commitments']\n", + "faulkner will arrive after his indian premier league commitments to replace compatriot peter siddle , who will play in the red rose 's first four lv = county championship matches before joining the australia squad .australia world cup winner james faulkner has signed a deal to join lancashire for the bulk of this summerfaulkner was named man of the match as his country beat new zealand to win the world cup last month , taking three for 36 to help bowl the black caps out for 183 in a seven-wicket victory .\n", + "james faulkner joins lancashire as their overseas player for the summeraustralian was named man of the match during world cup final winhe will join up with county side after indian premier league commitments\n", + "[1.4944918 1.3904461 1.3509921 1.4613173 1.191549 1.0492277 1.0252368\n", + " 1.0194668 1.0178554 1.0177697 1.1771152 1.0195974 1.0166363 1.0276783\n", + " 1.2120428 1.0241371 1.0135261 1.0116975 1.0123498 1.0161579 1.0162576]\n", + "\n", + "[ 0 3 1 2 14 4 10 5 13 6 15 11 7 8 9 12 20 19 16 18 17]\n", + "=======================\n", + "[\"robbie neilson insists the likes of captain danny wilson will only leave hearts if he is satisfied it 's right for the club .as sportsmail revealed this week , celtic have placed former rangers defender wilson on a list of potential summer recruits .speaking ahead of sunday 's championship clash with the ibrox club , neilson admitted external interest in his promoted players is inevitable .\"]\n", + "=======================\n", + "['hearts have already secured promotion to the scottish top flightrobbie neilson believes it is inevitable clubs will come in for his playershe insists he will only sell them if it is the right move for the clubhearts play rangers on sunday and could help their rivals hibernian']\n", + "robbie neilson insists the likes of captain danny wilson will only leave hearts if he is satisfied it 's right for the club .as sportsmail revealed this week , celtic have placed former rangers defender wilson on a list of potential summer recruits .speaking ahead of sunday 's championship clash with the ibrox club , neilson admitted external interest in his promoted players is inevitable .\n", + "hearts have already secured promotion to the scottish top flightrobbie neilson believes it is inevitable clubs will come in for his playershe insists he will only sell them if it is the right move for the clubhearts play rangers on sunday and could help their rivals hibernian\n", + "[1.134181 1.3419657 1.3198653 1.3062006 1.2538482 1.181887 1.1800017\n", + " 1.0802383 1.0687594 1.0785027 1.1315206 1.0730124 1.0473831 1.103987\n", + " 1.0342606 1.0430403 1.0468682 1.0467901 1.0124831 1.0248449 0. ]\n", + "\n", + "[ 1 2 3 4 5 6 0 10 13 7 9 11 8 12 16 17 15 14 19 18 20]\n", + "=======================\n", + "[\"a study of people 's spending habits shows people are buying luxury items amid falling prices and rising wages .spending in restaurants has increased by 17 per cent in the last 12 months , while entertainment is up 12 per cent as people visit the theatre , cinema , museums and amusement parks .analysis showed spending on women 's clothes grew by 6 per cent over the last year , and 4 per cent for men\"]\n", + "=======================\n", + "['consumers are buying luxury items amid falling prices and rising wagesrestaurants have seen spending increase by 17 per cent in the past yearfigures expected to show uk is now in first period of deflation since 1960']\n", + "a study of people 's spending habits shows people are buying luxury items amid falling prices and rising wages .spending in restaurants has increased by 17 per cent in the last 12 months , while entertainment is up 12 per cent as people visit the theatre , cinema , museums and amusement parks .analysis showed spending on women 's clothes grew by 6 per cent over the last year , and 4 per cent for men\n", + "consumers are buying luxury items amid falling prices and rising wagesrestaurants have seen spending increase by 17 per cent in the past yearfigures expected to show uk is now in first period of deflation since 1960\n", + "[1.2639549 1.5515556 1.2379872 1.2276303 1.1046453 1.0662112 1.0689989\n", + " 1.0476078 1.2121968 1.044672 1.0449107 1.0666212 1.0461059 1.0412735\n", + " 1.0798583 1.0825825 1.0888735 1.0278908 0. 0. ]\n", + "\n", + "[ 1 0 2 3 8 4 16 15 14 6 11 5 7 12 10 9 13 17 18 19]\n", + "=======================\n", + "['kenny bayless has the honour of being the third man in the ring with floyd mayweather and manny pacquiao on may 2 .the man widely considered the leading referee in the world will be in charge of the richest fight of all time .the appointment will be welcomed by both camps .']\n", + "=======================\n", + "[\"veteran kenny bayless has been named the third man in the ring for the highly anticipated bout between floyd mayweather and manny pacquiaobayless has supervised countless high-profile fights in las vegas before now , including several of both mayweather 's and pacquiao 'she will celebrate his 65th birthday on may 4 , two days after the fight\"]\n", + "kenny bayless has the honour of being the third man in the ring with floyd mayweather and manny pacquiao on may 2 .the man widely considered the leading referee in the world will be in charge of the richest fight of all time .the appointment will be welcomed by both camps .\n", + "veteran kenny bayless has been named the third man in the ring for the highly anticipated bout between floyd mayweather and manny pacquiaobayless has supervised countless high-profile fights in las vegas before now , including several of both mayweather 's and pacquiao 'she will celebrate his 65th birthday on may 4 , two days after the fight\n", + "[1.0420339 1.0562215 1.3358493 1.2528813 1.3457493 1.049895 1.1725428\n", + " 1.0288509 1.0722213 1.1471924 1.0295924 1.105733 1.0800371 1.104977\n", + " 1.0616823 1.0278243 0. 0. 0. 0. ]\n", + "\n", + "[ 4 2 3 6 9 11 13 12 8 14 1 5 0 10 7 15 18 16 17 19]\n", + "=======================\n", + "[\"in lisse , the netherlands , the famed keukenhof gardens are a must-visit for all those looking to take in beautiful springtime bloomsknown as one of the world 's most beautiful gardens , the local keukenhof boasts seven million blooms , stunning waterways , windmills and even a petting zoo for children .open between march 20 and may 17 each year , the keukenof gardens are home to seven million flowers , all of which are hand-planted\"]\n", + "=======================\n", + "[\"to honour the warm weather , mailonline travel has compiled a list of the world 's must-visit springtime destinationsin the netherlands , the country 's famed keukenhof gardens are open only from march 20 through may 17head to kanazawa , japan , to take in the cherry tree blossoms , which traditionally bloom in the first half of aprilin nearby northumberland , vibrant red poppies light up the area 's rolling hills from late spring to early summer\"]\n", + "in lisse , the netherlands , the famed keukenhof gardens are a must-visit for all those looking to take in beautiful springtime bloomsknown as one of the world 's most beautiful gardens , the local keukenhof boasts seven million blooms , stunning waterways , windmills and even a petting zoo for children .open between march 20 and may 17 each year , the keukenof gardens are home to seven million flowers , all of which are hand-planted\n", + "to honour the warm weather , mailonline travel has compiled a list of the world 's must-visit springtime destinationsin the netherlands , the country 's famed keukenhof gardens are open only from march 20 through may 17head to kanazawa , japan , to take in the cherry tree blossoms , which traditionally bloom in the first half of aprilin nearby northumberland , vibrant red poppies light up the area 's rolling hills from late spring to early summer\n", + "[1.2307789 1.5371249 1.2746335 1.2474611 1.1290096 1.0737702 1.0674651\n", + " 1.0904815 1.0393144 1.0304384 1.1566557 1.0150151 1.0974531 1.0698273\n", + " 1.18434 1.0357355 1.03618 1.0330944 1.010814 0. ]\n", + "\n", + "[ 1 2 3 0 14 10 4 12 7 5 13 6 8 16 15 17 9 11 18 19]\n", + "=======================\n", + "[\"nancy perry will no longer teach students at dublin middle school and will retire at the end of the year , city schools superintendent chuck ledbetter announced on tuesday .perry is alleged to have told students that obama is a muslim and that any parent who support him could n't be christian , either .a veteran georgia middle school teacher has been removed from the classroom after she gave students her highly critical personal opinion of president barack obama and some parents complained .\"]\n", + "=======================\n", + "[\"nancy perry wo n't teach again at dublin middle school after giving students her highly critical personal opinion of president barack obamaone student told his father , jimmie scott , who complained to the school and requested a parent-teacher conferenceshe is the wife of a school board member and brought her husband along to parent-teacher meetingscott says that perry showed him what he described as propaganda and called the president a ` baby killer 'a superintendent has said perry was already planning on retiring before the complaint about her behavior\"]\n", + "nancy perry will no longer teach students at dublin middle school and will retire at the end of the year , city schools superintendent chuck ledbetter announced on tuesday .perry is alleged to have told students that obama is a muslim and that any parent who support him could n't be christian , either .a veteran georgia middle school teacher has been removed from the classroom after she gave students her highly critical personal opinion of president barack obama and some parents complained .\n", + "nancy perry wo n't teach again at dublin middle school after giving students her highly critical personal opinion of president barack obamaone student told his father , jimmie scott , who complained to the school and requested a parent-teacher conferenceshe is the wife of a school board member and brought her husband along to parent-teacher meetingscott says that perry showed him what he described as propaganda and called the president a ` baby killer 'a superintendent has said perry was already planning on retiring before the complaint about her behavior\n", + "[1.2947205 1.2565694 1.1162894 1.135515 1.2127126 1.215204 1.2822418\n", + " 1.1807866 1.1242605 1.1492549 1.0820621 1.0884293 1.0592679 1.0492959\n", + " 1.0523881 1.0391474 1.042597 1.03737 1.0601673 1.063814 ]\n", + "\n", + "[ 0 6 1 5 4 7 9 3 8 2 11 10 19 18 12 14 13 16 15 17]\n", + "=======================\n", + "[\"the man who threw a banana peel at dave chappelle on monday night denies he is racist , claiming it was ` just a joke ' .defending his actions , christian englander added that he threw another at a second black man just two days later - insisting that was also a joke .englander was arrested on suspicion of disorderly conduct and battery during chapelle 's show in new mexico .\"]\n", + "=======================\n", + "[\"christian englander , 30 , threw a banana peel at chappelle , 41 , during show at lensic theater in santa fe on mondayon thursday , he threw another peel at a man upset by first attackclaims it was a ` joke ' because ` the irony was too much to pass up 'insists the attack on chappelle was not racially motivatedhe had eaten the fruit before the show , washed it down with a shot of 99 bananas liquor , left the peel in his pocket\"]\n", + "the man who threw a banana peel at dave chappelle on monday night denies he is racist , claiming it was ` just a joke ' .defending his actions , christian englander added that he threw another at a second black man just two days later - insisting that was also a joke .englander was arrested on suspicion of disorderly conduct and battery during chapelle 's show in new mexico .\n", + "christian englander , 30 , threw a banana peel at chappelle , 41 , during show at lensic theater in santa fe on mondayon thursday , he threw another peel at a man upset by first attackclaims it was a ` joke ' because ` the irony was too much to pass up 'insists the attack on chappelle was not racially motivatedhe had eaten the fruit before the show , washed it down with a shot of 99 bananas liquor , left the peel in his pocket\n", + "[1.286549 1.3010638 1.2761905 1.2117013 1.2480313 1.1412424 1.2265029\n", + " 1.0560174 1.1337849 1.0328707 1.0645978 1.0755762 1.0700347 1.0561321\n", + " 1.024893 1.0122335 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 6 3 5 8 11 12 10 13 7 9 14 15 16 17 18 19]\n", + "=======================\n", + "['the ship capsized after being hit by nine torpedoes during the december 7 , 1941 surprise attack from japanese forces .the pentagon said tuesday it would exhume and try to identify the remains of nearly 400 sailors and marines killed when the uss oklahoma sank in the bombing of pearl harbor .hundreds were buried as unknowns at cemeteries in hawaii .']\n", + "=======================\n", + "[\"the pentagon announced tuesday plans to identify the remains of hundreds of sailors and soldiers killed on board the uss oklahomathe uss oklahoma sank during the december 7 , 1941 japanese assault on pearl harbor , the american military base and portthe attack on pearl harbor resulted in the death of over 2,000 americans and marked the united states ' entrance into world war ii\"]\n", + "the ship capsized after being hit by nine torpedoes during the december 7 , 1941 surprise attack from japanese forces .the pentagon said tuesday it would exhume and try to identify the remains of nearly 400 sailors and marines killed when the uss oklahoma sank in the bombing of pearl harbor .hundreds were buried as unknowns at cemeteries in hawaii .\n", + "the pentagon announced tuesday plans to identify the remains of hundreds of sailors and soldiers killed on board the uss oklahomathe uss oklahoma sank during the december 7 , 1941 japanese assault on pearl harbor , the american military base and portthe attack on pearl harbor resulted in the death of over 2,000 americans and marked the united states ' entrance into world war ii\n", + "[1.4337163 1.246017 1.3374746 1.1370496 1.0730665 1.0388702 1.2549142\n", + " 1.1145918 1.0842314 1.0433617 1.0679876 1.1007338 1.05302 1.0596629\n", + " 1.0793422 1.0398736 1.0148436 1.0695467]\n", + "\n", + "[ 0 2 6 1 3 7 11 8 14 4 17 10 13 12 9 15 5 16]\n", + "=======================\n", + "[\"the senate democratic leader , harry reid , says he may never again see out of one eye . 'senate minority leader harry reid is pictured here on monday in his home state of nevada .i am sightless in my right eye , ' he told fusion and univision anchor jorge ramos .\"]\n", + "=======================\n", + "[\"` right now , i 've had 11 hours of surgery .the 75-year-old former boxer says he was exercising in his new home in nevada when his exercise band ` slipped ' and spun him aroundi smashed my face into a cabinet so hard ... ' reid saidthe longtime lawmaker , upon announcing his retirement last month , insisted his departure from the senate was not related to the accidentreflecting on his career , reid said he has ` no repentance ' for claiming mitt romney did n't pay his taxes because ` it is an issue that was important '\"]\n", + "the senate democratic leader , harry reid , says he may never again see out of one eye . 'senate minority leader harry reid is pictured here on monday in his home state of nevada .i am sightless in my right eye , ' he told fusion and univision anchor jorge ramos .\n", + "` right now , i 've had 11 hours of surgery .the 75-year-old former boxer says he was exercising in his new home in nevada when his exercise band ` slipped ' and spun him aroundi smashed my face into a cabinet so hard ... ' reid saidthe longtime lawmaker , upon announcing his retirement last month , insisted his departure from the senate was not related to the accidentreflecting on his career , reid said he has ` no repentance ' for claiming mitt romney did n't pay his taxes because ` it is an issue that was important '\n", + "[1.1834224 1.4920504 1.1778967 1.2460089 1.3015583 1.1863167 1.0593952\n", + " 1.2544296 1.0604906 1.1447786 1.0088195 1.2169294 1.1333735 1.0647582\n", + " 1.0732882 1.1397389 1.0461252 0. ]\n", + "\n", + "[ 1 4 7 3 11 5 0 2 9 15 12 14 13 8 6 16 10 17]\n", + "=======================\n", + "[\"paddle , pellita , chan and idalia have been sent from australia as a gift to mark singapore 's 50th anniversary of independence .according to channel news asia , the koalas will be on loan to singapore for six months at a purpose-built enclosure in singapore zoo .qantas have released photos of koalas in business class being served refreshments and eucalyptus leaves\"]\n", + "=======================\n", + "['qantas released photos of koalas in first class being served refreshmentsthe 4 koalas are gifts for singapore marking their 50 year of independencethey will be travelling in specially built containers fit with eucalyptus treethis special gift was announced by julie bishop on thursday']\n", + "paddle , pellita , chan and idalia have been sent from australia as a gift to mark singapore 's 50th anniversary of independence .according to channel news asia , the koalas will be on loan to singapore for six months at a purpose-built enclosure in singapore zoo .qantas have released photos of koalas in business class being served refreshments and eucalyptus leaves\n", + "qantas released photos of koalas in first class being served refreshmentsthe 4 koalas are gifts for singapore marking their 50 year of independencethey will be travelling in specially built containers fit with eucalyptus treethis special gift was announced by julie bishop on thursday\n", + "[1.090104 1.1999326 1.2702897 1.3187803 1.244374 1.239225 1.0267328\n", + " 1.0183824 1.0168006 1.1956898 1.2378327 1.0148695 1.0946872 1.0376728\n", + " 1.0122497 1.0112709 1.0101695 1.0184416]\n", + "\n", + "[ 3 2 4 5 10 1 9 12 0 13 6 17 7 8 11 14 15 16]\n", + "=======================\n", + "[\"loved-up couples around the world are sharing the intimate moment they got engaged via instagram account howheaskedalongside the thousands of pictures are the couples ' touching proposal stories .one parisian proposal was captured by a photographer secretly hired by the gallant groom-to-be\"]\n", + "=======================\n", + "[\"couples are sharing their proposals via instagram account howheaskedalongside the thousands of pictures are couples ' touching proposal storiesstunning settings include mountain tops , balmy beaches and snowy parksparis , hawaii , venice , norway ... and disney world all feature\"]\n", + "loved-up couples around the world are sharing the intimate moment they got engaged via instagram account howheaskedalongside the thousands of pictures are the couples ' touching proposal stories .one parisian proposal was captured by a photographer secretly hired by the gallant groom-to-be\n", + "couples are sharing their proposals via instagram account howheaskedalongside the thousands of pictures are couples ' touching proposal storiesstunning settings include mountain tops , balmy beaches and snowy parksparis , hawaii , venice , norway ... and disney world all feature\n", + "[1.2703626 1.2974409 1.298916 1.2426003 1.2298514 1.064923 1.0588174\n", + " 1.039509 1.0902153 1.0832182 1.026367 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 4 8 9 5 6 7 10 16 11 12 13 14 15 17]\n", + "=======================\n", + "[\"it now goes to the full senate , where it is could pass with a veto-proof majority of more than 66 lawmakers .senators later voted 19-0 to give the white house some of , but not all of its asks , and left in a signature feature of the bill giving congress the authority to approve a final deal with iran that the white house earlier implied may have been on the chopping block .the house 's top vote counter on monday said lawmakers in the lower chamber would also take up the bill after their colleagues in the senate finished the voting process .\"]\n", + "=======================\n", + "['sensing a legislative defeat white house said the president would be willing to sign the bill if senators axed key portions of their iran billsenators voted 19-0 to give the white house some of , but not all of its asks , and left in a signature feature giving congress authority over a dealit now goes to the full senate , where it is could pass with a veto-proof majority - making the president powerless to reject it']\n", + "it now goes to the full senate , where it is could pass with a veto-proof majority of more than 66 lawmakers .senators later voted 19-0 to give the white house some of , but not all of its asks , and left in a signature feature of the bill giving congress the authority to approve a final deal with iran that the white house earlier implied may have been on the chopping block .the house 's top vote counter on monday said lawmakers in the lower chamber would also take up the bill after their colleagues in the senate finished the voting process .\n", + "sensing a legislative defeat white house said the president would be willing to sign the bill if senators axed key portions of their iran billsenators voted 19-0 to give the white house some of , but not all of its asks , and left in a signature feature giving congress authority over a dealit now goes to the full senate , where it is could pass with a veto-proof majority - making the president powerless to reject it\n", + "[1.2907255 1.3933008 1.3164418 1.1431361 1.0993237 1.1686536 1.0592724\n", + " 1.0302376 1.0309514 1.0285243 1.187583 1.0305028 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 10 5 3 4 6 8 11 7 9 12 13 14 15 16 17]\n", + "=======================\n", + "[\"the game , which dates back to australia 's goldfields and the first recorded games are believed to have taken place in the late 1790s , made a resurgence as a way to pass time in the trenches .on saturday , as aussies commemorated the centenary of the landing at gallipoli , thousands of men and women took their chances with the coin game in the spirit of the diggers .it 's legal just one day a year , and this anzac day australians took advantage of the opportunity to play the century-old tradition of two-up in pubs and clubs all around the country .\"]\n", + "=======================\n", + "[\"around australia men and women flocked to play two-up after attending dawn and memorial services on anzac daythe game dates back to australia 's goldfields and the first recorded games took place in the late 1790stwo-up is illegal on all days apart from anzac day as it is considered a form of gamblingversions vary between the original two-coined game and three-coined versionpennies are placed on a paddle and are thrown into the air for people to bet on ( ` heads ' or ` tails ' )\"]\n", + "the game , which dates back to australia 's goldfields and the first recorded games are believed to have taken place in the late 1790s , made a resurgence as a way to pass time in the trenches .on saturday , as aussies commemorated the centenary of the landing at gallipoli , thousands of men and women took their chances with the coin game in the spirit of the diggers .it 's legal just one day a year , and this anzac day australians took advantage of the opportunity to play the century-old tradition of two-up in pubs and clubs all around the country .\n", + "around australia men and women flocked to play two-up after attending dawn and memorial services on anzac daythe game dates back to australia 's goldfields and the first recorded games took place in the late 1790stwo-up is illegal on all days apart from anzac day as it is considered a form of gamblingversions vary between the original two-coined game and three-coined versionpennies are placed on a paddle and are thrown into the air for people to bet on ( ` heads ' or ` tails ' )\n", + "[1.2065277 1.3570875 1.3591402 1.3071072 1.2113734 1.1186198 1.1128112\n", + " 1.1118215 1.1675724 1.2382778 1.0301448 1.0241193 1.0344996 1.0245541\n", + " 1.0565982 1.0203881 1.0271364 1.026071 1.0966172]\n", + "\n", + "[ 2 1 3 9 4 0 8 5 6 7 18 14 12 10 16 17 13 11 15]\n", + "=======================\n", + "['officers arrested a 32-year-old man from suburban kepnock who will appear at bundaberg magistrates court on monday on charges including grievous bodily harm , deprivation of liberty and torture .the case involves a man from central queensland who has been charged with torture , after another man went to hospital suffering fractures , head injuries and burns .the victim was taken to hospital on march 28 , with burns to 15 per cent of his body .']\n", + "=======================\n", + "[\"man charged with grievous bodily harm , deprivation of liberty and torturevictim suffered fractures , head injuries and burns to 15 per cent of bodyin a surprising twist , victim claims to be suffering from amnesiabut police investigations uncover ` solid evidence ' to make an arrestcase to be heard at bundaberg magistrates court on monday\"]\n", + "officers arrested a 32-year-old man from suburban kepnock who will appear at bundaberg magistrates court on monday on charges including grievous bodily harm , deprivation of liberty and torture .the case involves a man from central queensland who has been charged with torture , after another man went to hospital suffering fractures , head injuries and burns .the victim was taken to hospital on march 28 , with burns to 15 per cent of his body .\n", + "man charged with grievous bodily harm , deprivation of liberty and torturevictim suffered fractures , head injuries and burns to 15 per cent of bodyin a surprising twist , victim claims to be suffering from amnesiabut police investigations uncover ` solid evidence ' to make an arrestcase to be heard at bundaberg magistrates court on monday\n", + "[1.4235518 1.2999349 1.2972636 1.4123473 1.2417041 1.1527468 1.0925667\n", + " 1.1070933 1.1566063 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 8 5 7 6 16 15 14 13 9 11 10 17 12 18]\n", + "=======================\n", + "[\"hull , leicester and swansea city are following poland international winger maciej rybus .stan ternent , hull 's chief scout has watched the 25-year-old playing for russian side terek grozny .he has one year left on his current deal and has a get-out clause for # 3.2 million .\"]\n", + "=======================\n", + "[\"hull 's chief scout stan ternent has watched maciej rybus in russiarybus is a poland international and plays for terek groznypremier league rivals leicester and swansea are also interestedthe 25-year-old has one year left on contract and has # 3.2 m release clause\"]\n", + "hull , leicester and swansea city are following poland international winger maciej rybus .stan ternent , hull 's chief scout has watched the 25-year-old playing for russian side terek grozny .he has one year left on his current deal and has a get-out clause for # 3.2 million .\n", + "hull 's chief scout stan ternent has watched maciej rybus in russiarybus is a poland international and plays for terek groznypremier league rivals leicester and swansea are also interestedthe 25-year-old has one year left on contract and has # 3.2 m release clause\n", + "[1.3382373 1.3523502 1.2727935 1.2757286 1.3805006 1.0280437 1.025058\n", + " 1.0275025 1.0537404 1.0240049 1.0158333 1.053628 1.066195 1.0672972\n", + " 1.0557859 1.0785854 1.0145533 1.0163243 1.0753947]\n", + "\n", + "[ 4 1 0 3 2 15 18 13 12 14 8 11 5 7 6 9 17 10 16]\n", + "=======================\n", + "['guilty : hernandez was found guilty wednesday of murdering odin lloyd in 2013 .the seven women and five men who voted to find the 25-year-old guilty of murder this week say it was a heart-wrenching decision , but one they made in confidence .the jury that sentenced aaron hernandez to life in prison on wednesday want the world to know that they gave the ex-new england patriots star a fair trial .']\n", + "=======================\n", + "[\"the aaron hernandez jury and alternate jurors sat down as a group with cnn 's anderson cooper on thursdaythe jury wanted to make it known that they gave hernandez a fair trial and did not let his notoriety get in the way of their difficult decision makinghernandez , 25 , was sentenced to life in prison without the possibility of parole on wednesday for the 2013 murder of odin lloydbefore his arrest , hernandez was a star tight-end for the new england patriots , with a $ 40million five-year contract\"]\n", + "guilty : hernandez was found guilty wednesday of murdering odin lloyd in 2013 .the seven women and five men who voted to find the 25-year-old guilty of murder this week say it was a heart-wrenching decision , but one they made in confidence .the jury that sentenced aaron hernandez to life in prison on wednesday want the world to know that they gave the ex-new england patriots star a fair trial .\n", + "the aaron hernandez jury and alternate jurors sat down as a group with cnn 's anderson cooper on thursdaythe jury wanted to make it known that they gave hernandez a fair trial and did not let his notoriety get in the way of their difficult decision makinghernandez , 25 , was sentenced to life in prison without the possibility of parole on wednesday for the 2013 murder of odin lloydbefore his arrest , hernandez was a star tight-end for the new england patriots , with a $ 40million five-year contract\n", + "[1.5108268 1.1588826 1.1648632 1.0691899 1.3540391 1.2175839 1.1900746\n", + " 1.0881612 1.090926 1.0625254 1.028242 1.043682 1.0814782 1.1456264\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 5 6 2 1 13 8 7 12 3 9 11 10 17 14 15 16 18]\n", + "=======================\n", + "[\"mustafa kamal resigned as icc president on wednesday , accusing india of influencing the outcome of the cricket world cup quarter-final against bangladesh .kamal , also president of the bangladesh cricket board , criticised the umpires in the quarter-final , and questioned their partiality , over a disputed no-ball against india batsman rohit sharma .icc chairman narayanaswami srinivasan , of india , handed over the trophy to captain michael clarke after australia defeated new zealand by seven wickets in sunday 's final in melbourne .\"]\n", + "=======================\n", + "[\"kamal criticised umpires ' decision to award controversial no-ball against rohit sharma in india 's world cup match with bangladeshthe bangladeshi president alleged india had used its influence in the iccgoverning body asked him to withdraw his statement or apologisebut kamal confirmed his intention to step down\"]\n", + "mustafa kamal resigned as icc president on wednesday , accusing india of influencing the outcome of the cricket world cup quarter-final against bangladesh .kamal , also president of the bangladesh cricket board , criticised the umpires in the quarter-final , and questioned their partiality , over a disputed no-ball against india batsman rohit sharma .icc chairman narayanaswami srinivasan , of india , handed over the trophy to captain michael clarke after australia defeated new zealand by seven wickets in sunday 's final in melbourne .\n", + "kamal criticised umpires ' decision to award controversial no-ball against rohit sharma in india 's world cup match with bangladeshthe bangladeshi president alleged india had used its influence in the iccgoverning body asked him to withdraw his statement or apologisebut kamal confirmed his intention to step down\n", + "[1.1055851 1.3358625 1.1177931 1.5329998 1.1632236 1.09263 1.1454117\n", + " 1.1593341 1.0866961 1.1419111 1.096638 1.0505233 1.11044 1.04575\n", + " 1.0639457 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 4 7 6 9 2 12 0 10 5 8 14 11 13 17 15 16 18]\n", + "=======================\n", + "[\"preston north end striker kevin davies tweeted a picture of his cut right hand after chainsawing on tuesdayhowever , davies ' latest injury is self-inflicted as the england international inadvertently hacked away at his right hand while operating a chainsaw .during preston 's fa cup fifth round replay 3-1 defeat to manchester united on february 16 , davies managed to play over an hour after team-mate joe garner accidentally crushed his left hand in the opening exchanges of the contest .\"]\n", + "=======================\n", + "['kevin davies tweeted a photo of right hand cut in two places on tuesday38-year-old has scored one goal all season for preston north end so fardavies was an unused substitute in their 3-0 win at bradford on monday']\n", + "preston north end striker kevin davies tweeted a picture of his cut right hand after chainsawing on tuesdayhowever , davies ' latest injury is self-inflicted as the england international inadvertently hacked away at his right hand while operating a chainsaw .during preston 's fa cup fifth round replay 3-1 defeat to manchester united on february 16 , davies managed to play over an hour after team-mate joe garner accidentally crushed his left hand in the opening exchanges of the contest .\n", + "kevin davies tweeted a photo of right hand cut in two places on tuesday38-year-old has scored one goal all season for preston north end so fardavies was an unused substitute in their 3-0 win at bradford on monday\n", + "[1.5499902 1.4794751 1.0839148 1.426138 1.0765408 1.0373013 1.0203545\n", + " 1.0153753 1.0117396 1.2382486 1.1733992 1.2930353 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 3 11 9 10 2 4 5 6 7 8 20 19 18 17 13 15 14 12 21 16 22]\n", + "=======================\n", + "[\"paris saint-germain midfielder marco verratti has heaped praise on zlatan ibrahimovic for playing an ` essential ' role for the french club .the 33-year-old striker has bagged 17 ligue 1 goals for laurent blanc 's side this season , but verratti believes his input off the pitch is just as important .ibrahimovic is available for the club 's champions league quarter-final second leg against barcelona\"]\n", + "=======================\n", + "[\"marco verratti has hailed zlatan ibrahimovic for his off-the-field attitudeverratti reveals the swedish striker helps young players progressparis saint-germain face barcelona on tuesday nightblanc admits progressing against barcelona is ` practically impossible 'read : egotistic ibrahimovic will believe barcelona will be in awe of him\"]\n", + "paris saint-germain midfielder marco verratti has heaped praise on zlatan ibrahimovic for playing an ` essential ' role for the french club .the 33-year-old striker has bagged 17 ligue 1 goals for laurent blanc 's side this season , but verratti believes his input off the pitch is just as important .ibrahimovic is available for the club 's champions league quarter-final second leg against barcelona\n", + "marco verratti has hailed zlatan ibrahimovic for his off-the-field attitudeverratti reveals the swedish striker helps young players progressparis saint-germain face barcelona on tuesday nightblanc admits progressing against barcelona is ` practically impossible 'read : egotistic ibrahimovic will believe barcelona will be in awe of him\n", + "[1.2489598 1.3340163 1.1680967 1.1608948 1.205729 1.0894955 1.1193084\n", + " 1.1410402 1.050703 1.058476 1.0408969 1.0746118 1.0451247 1.0370033\n", + " 1.0752982 1.0344547 1.048679 1.0723205 1.0595344 1.0159609 1.0247281\n", + " 1.0193452 1.0298615]\n", + "\n", + "[ 1 0 4 2 3 7 6 5 14 11 17 18 9 8 16 12 10 13 15 22 20 21 19]\n", + "=======================\n", + "['he was born in american samoa , a u.s. territory since 1900 .( cnn ) emy afalava is a loyal american and decorated veteran .yet , afalava has been denied the right to vote because the federal government insists that he is no citizen .']\n", + "=======================\n", + "[\"emy afalava is a loyal american and decorated veteran ; he 's also an american samoansam erman and nathan perl-rosenthal : it is outrageous that he and others like him are denied citizenship\"]\n", + "he was born in american samoa , a u.s. territory since 1900 .( cnn ) emy afalava is a loyal american and decorated veteran .yet , afalava has been denied the right to vote because the federal government insists that he is no citizen .\n", + "emy afalava is a loyal american and decorated veteran ; he 's also an american samoansam erman and nathan perl-rosenthal : it is outrageous that he and others like him are denied citizenship\n", + "[1.1917502 1.238762 1.2435868 1.2532012 1.1719071 1.0802381 1.1274879\n", + " 1.0664064 1.1486987 1.1014115 1.0379822 1.1078871 1.0509669 1.0488906\n", + " 1.0323783 1.0206174 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 2 1 0 4 8 6 11 9 5 7 12 13 10 14 15 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"bias : when ukip leader nigel farage ( right ) said the audience was prejudiced , they only booed him furtherthe audience at the filming of thursday night 's debate in westminster repeatedly cheered calls for more public spending and strong defences of immigration .the bbc filled more than half its election tv debate audience with left-leaning voters , some of whom were brought in from scotland and wales , it emerged last night .\"]\n", + "=======================\n", + "[\"they cheered calls for more public spending and defences of immigrationwhen ukip leader nigel farage said they were prejudiced , he was booedhost david dimbleby pointed out that audience wad n't selected by the bbcbut by a ` reputable polling organisation ' , later to be revealed to be icm\"]\n", + "bias : when ukip leader nigel farage ( right ) said the audience was prejudiced , they only booed him furtherthe audience at the filming of thursday night 's debate in westminster repeatedly cheered calls for more public spending and strong defences of immigration .the bbc filled more than half its election tv debate audience with left-leaning voters , some of whom were brought in from scotland and wales , it emerged last night .\n", + "they cheered calls for more public spending and defences of immigrationwhen ukip leader nigel farage said they were prejudiced , he was booedhost david dimbleby pointed out that audience wad n't selected by the bbcbut by a ` reputable polling organisation ' , later to be revealed to be icm\n", + "[1.1110555 1.0956944 1.0568373 1.3997254 1.2175583 1.2292758 1.2816738\n", + " 1.2282196 1.1191484 1.0188707 1.0212953 1.0161937 1.136662 1.0812546\n", + " 1.057136 1.0795199 1.1203474 1.0886476 1.0619191 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 6 5 7 4 12 16 8 0 1 17 13 15 18 14 2 10 9 11 19 20 21 22]\n", + "=======================\n", + "['harold has been accepted by every single one - including all eight ivy league schools .incredible achievement : harold , 18 , insists he had no idea he would be accepted by all 13 collegesstar : the high school senior moved from nigeria to long island 10 years ago with his parents roseline ( pictured ) and paul ekeh .']\n", + "=======================\n", + "[\"harold ekeh , 18 , was editor of his student paper and ceo of the model uncelebrated being accepted to 13 colleges with a chipotle burrito bowlmoved from nigeria to long island at the age of eight , got 2270 in his satscredits his success to his parents ' resilience and positivityhe is leaning toward yale , has until may 1 to decideplans to be a neurosurgeon to find alzheimer 's cure for his grandmother\"]\n", + "harold has been accepted by every single one - including all eight ivy league schools .incredible achievement : harold , 18 , insists he had no idea he would be accepted by all 13 collegesstar : the high school senior moved from nigeria to long island 10 years ago with his parents roseline ( pictured ) and paul ekeh .\n", + "harold ekeh , 18 , was editor of his student paper and ceo of the model uncelebrated being accepted to 13 colleges with a chipotle burrito bowlmoved from nigeria to long island at the age of eight , got 2270 in his satscredits his success to his parents ' resilience and positivityhe is leaning toward yale , has until may 1 to decideplans to be a neurosurgeon to find alzheimer 's cure for his grandmother\n", + "[1.258115 1.4513171 1.3391762 1.3822125 1.2717363 1.2224257 1.0862114\n", + " 1.0479231 1.0629687 1.0458902 1.0466417 1.0857494 1.1198994 1.0593213\n", + " 1.0501544 1.0246892 1.0171959 1.0114176 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 5 12 6 11 8 13 14 7 10 9 15 16 17 21 18 19 20 22]\n", + "=======================\n", + "['rachel lynn lehnardt , 35 , from evans , georgia , was spotted outside her house wearing a hooded jacket and workout clothes just days after being arrested .she was arrested on saturday night and has been charged with two counts of contributing to the delinquency of a minor .she allegedly played naked twister with the group of teens before she had sex with an 18-year-old male in the bathroom .']\n", + "=======================\n", + "[\"rachel lehnardt , 35 , ` allowed her 16-year-old daughter and her friends drink alcohol and smoke marijuana in her georgia home 'they ` all played naked twister and lehnardt had sex with an 18-year-old man in the bathroom before playing with sex toys in front of the teens 'she said she went to bed alone but awoke to her daughter 's 16-year-old boyfriend having sex with her ; there are no charges against himafter the incident , she lost custody of her children and told her aa sponsor , who contacted authorities\"]\n", + "rachel lynn lehnardt , 35 , from evans , georgia , was spotted outside her house wearing a hooded jacket and workout clothes just days after being arrested .she was arrested on saturday night and has been charged with two counts of contributing to the delinquency of a minor .she allegedly played naked twister with the group of teens before she had sex with an 18-year-old male in the bathroom .\n", + "rachel lehnardt , 35 , ` allowed her 16-year-old daughter and her friends drink alcohol and smoke marijuana in her georgia home 'they ` all played naked twister and lehnardt had sex with an 18-year-old man in the bathroom before playing with sex toys in front of the teens 'she said she went to bed alone but awoke to her daughter 's 16-year-old boyfriend having sex with her ; there are no charges against himafter the incident , she lost custody of her children and told her aa sponsor , who contacted authorities\n", + "[1.3013773 1.3960332 1.2842128 1.2836379 1.1777058 1.1363411 1.1194832\n", + " 1.1503973 1.0874583 1.0604177 1.0574216 1.1640202 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 11 7 5 6 8 9 10 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "['the group were identified in a secret police intelligence report from 1964 in a four-page document .an unnamed hit band from the 1960s attended the same paedophile brothel as shamed bbc star jimmy savile .the document related to a notorious flat in battersea , south west london which was used by paedophiles .']\n", + "=======================\n", + "['police collated the four-page dossier following an investigation in 1964the band were linked to the paedophile brothel in battersea , londonjimmy savile was known to attend the same london brothel in the 1970soperation yewtree detectives have been busy examining the old files']\n", + "the group were identified in a secret police intelligence report from 1964 in a four-page document .an unnamed hit band from the 1960s attended the same paedophile brothel as shamed bbc star jimmy savile .the document related to a notorious flat in battersea , south west london which was used by paedophiles .\n", + "police collated the four-page dossier following an investigation in 1964the band were linked to the paedophile brothel in battersea , londonjimmy savile was known to attend the same london brothel in the 1970soperation yewtree detectives have been busy examining the old files\n", + "[1.2164372 1.5129676 1.303236 1.1366602 1.3676078 1.2204136 1.1793814\n", + " 1.0980633 1.0697128 1.085449 1.0786247 1.0501753 1.0425805 1.0272356\n", + " 1.018396 1.0664159 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 5 0 6 3 7 9 10 8 15 11 12 13 14 18 16 17 19]\n", + "=======================\n", + "['kimberly waddell macemore , 25 , of wilkesboro , was sentenced on tuesday to a total of not less than 12 months nor more than 34 months in prison .the sentence was suspended for 36 months and she was placed on supervised probation .macemore was a second year english teacher at west wilkes high school when she was suspended without pay following her arrest in may 2014']\n", + "=======================\n", + "['kimberly waddell macemore , 25 , of wilkesboro , south carolina , pleaded guilty on tuesday to having sexual relations with two 17-year-old boysshe was a second year english teacher at west wilkes high school when she was arrested in may 2014the teacher had a casual sexual relationship with one young man , but had enjoyed a longer and more involved relationship with the other']\n", + "kimberly waddell macemore , 25 , of wilkesboro , was sentenced on tuesday to a total of not less than 12 months nor more than 34 months in prison .the sentence was suspended for 36 months and she was placed on supervised probation .macemore was a second year english teacher at west wilkes high school when she was suspended without pay following her arrest in may 2014\n", + "kimberly waddell macemore , 25 , of wilkesboro , south carolina , pleaded guilty on tuesday to having sexual relations with two 17-year-old boysshe was a second year english teacher at west wilkes high school when she was arrested in may 2014the teacher had a casual sexual relationship with one young man , but had enjoyed a longer and more involved relationship with the other\n", + "[1.4507375 1.1093549 1.4170713 1.2828375 1.229055 1.1650635 1.081793\n", + " 1.0737147 1.1625683 1.074348 1.2001686 1.0640486 1.0189492 1.0123962\n", + " 1.0201156 1.0258744 1.0213423 1.0247988 0. 0. ]\n", + "\n", + "[ 0 2 3 4 10 5 8 1 6 9 7 11 15 17 16 14 12 13 18 19]\n", + "=======================\n", + "[\"` out of character ' : jay kantaria , 38 , had been looking forward to his daughter 's birthday party when he leapt onto train tracks last octoberbut a coroner recorded an open verdict on the cause of death , saying there was ` doubt ' as to mr kantaria 's intention when he jumped as a train passed through the station last october .north london coroner 's court in barnet was told the businessman had ` recently ' left his senior position at baring asset management to start a career in property development .\"]\n", + "=======================\n", + "[\"jay kantaria , 38 , leapt onto tracks at sudbury hill station in nw londonhe had recently left investment firm to start property development careerfamily say he had ` everything to live for ' and death was ` out of the blue 'coroner records open verdict as case ` just does n't seem to make sense '\"]\n", + "` out of character ' : jay kantaria , 38 , had been looking forward to his daughter 's birthday party when he leapt onto train tracks last octoberbut a coroner recorded an open verdict on the cause of death , saying there was ` doubt ' as to mr kantaria 's intention when he jumped as a train passed through the station last october .north london coroner 's court in barnet was told the businessman had ` recently ' left his senior position at baring asset management to start a career in property development .\n", + "jay kantaria , 38 , leapt onto tracks at sudbury hill station in nw londonhe had recently left investment firm to start property development careerfamily say he had ` everything to live for ' and death was ` out of the blue 'coroner records open verdict as case ` just does n't seem to make sense '\n", + "[1.2166665 1.4269775 1.3087987 1.2332664 1.2684815 1.1449945 1.0959549\n", + " 1.0506293 1.0133401 1.1848937 1.1111915 1.0630527 1.0132754 1.0310844\n", + " 1.0283729 1.0940242 1.0634412 1.024719 1.0142789 1.0129243]\n", + "\n", + "[ 1 2 4 3 0 9 5 10 6 15 16 11 7 13 14 17 18 8 12 19]\n", + "=======================\n", + "[\"woolworths launched ` fresh in our memories ' last week , inviting australians to upload images to remember those who fought for their country , which it then branded with its logo and a ` fresh in our memories ' slogan .the supermarket has since been forced to halt the campaign it was branded ` disrespectful ' and ` disgusting ' by social media users who unleashed a barrage of memes poking fun at woolworth 's attempt to embrace anzac day .an online campaign for woolworths has caused outrage on social media\"]\n", + "=======================\n", + "[\"the woolworths ` fresh in our memories ' campaign launched last weekit invited customers to upload images to remember australians who fought for their countrythe supermarket then added a woolworths logo and slogan to the imagescustomers took to social media to mock the campaign and express their anger with what they saw as a marketing ploy by the companywoolworths has taken down the campaign and also denied that it was designed as a marketing strategy\"]\n", + "woolworths launched ` fresh in our memories ' last week , inviting australians to upload images to remember those who fought for their country , which it then branded with its logo and a ` fresh in our memories ' slogan .the supermarket has since been forced to halt the campaign it was branded ` disrespectful ' and ` disgusting ' by social media users who unleashed a barrage of memes poking fun at woolworth 's attempt to embrace anzac day .an online campaign for woolworths has caused outrage on social media\n", + "the woolworths ` fresh in our memories ' campaign launched last weekit invited customers to upload images to remember australians who fought for their countrythe supermarket then added a woolworths logo and slogan to the imagescustomers took to social media to mock the campaign and express their anger with what they saw as a marketing ploy by the companywoolworths has taken down the campaign and also denied that it was designed as a marketing strategy\n", + "[1.3984523 1.337094 1.1594019 1.1428139 1.0753182 1.2155292 1.0979125\n", + " 1.1277187 1.0993356 1.0234414 1.0519238 1.1276164 1.0945443 1.1341826\n", + " 1.0779278 1.1064005 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 2 3 13 7 11 15 8 6 12 14 4 10 9 16 17 18 19]\n", + "=======================\n", + "[\"president barack obama took a break from being the real president on april fools ' day to impersonate a fictional one , house of cards ' conniving frank underwood .this is not frank underwood , ' the president said after turning his head underwood , who is played by oscar-winning actor kevin spacey and frequently speaks shakespearean-style monologues to the audience .` this is barack obama .\"]\n", + "=======================\n", + "['president spoke to the camera for 12 seconds , beginning in southern drawlobama has previously said he is a fan of the show and its ruthless efficiency']\n", + "president barack obama took a break from being the real president on april fools ' day to impersonate a fictional one , house of cards ' conniving frank underwood .this is not frank underwood , ' the president said after turning his head underwood , who is played by oscar-winning actor kevin spacey and frequently speaks shakespearean-style monologues to the audience .` this is barack obama .\n", + "president spoke to the camera for 12 seconds , beginning in southern drawlobama has previously said he is a fan of the show and its ruthless efficiency\n", + "[1.348526 1.3068006 1.1638514 1.1113932 1.052181 1.1388385 1.1878757\n", + " 1.1178513 1.1446775 1.1200461 1.0913832 1.0969179 1.0646185 1.0530534\n", + " 1.0544573 1.0301808 1.0819743 1.0680976 1.0471407]\n", + "\n", + "[ 0 1 6 2 8 5 9 7 3 11 10 16 17 12 14 13 4 18 15]\n", + "=======================\n", + "['former tech executive carly fiorina is set to become the second woman in the 2016 white house hunt -- if a report published wednesday afternoon is accurate .the onetime hewlett-packard ceo will launch a formal campaignhear me roar : fiorina spoke at the republican leadership summit on saturday in nashua , new hampshire']\n", + "=======================\n", + "[\"former hewlett-packard ceo reportedly will enter presidential race may 4her spokeswoman , though , says it 's an unconfirmed rumorfiorina would join three senators in the republican nomination fight and balance democratic front-runner hillary clintonfiorina says she can take clinton 's edge as a woman off the table\"]\n", + "former tech executive carly fiorina is set to become the second woman in the 2016 white house hunt -- if a report published wednesday afternoon is accurate .the onetime hewlett-packard ceo will launch a formal campaignhear me roar : fiorina spoke at the republican leadership summit on saturday in nashua , new hampshire\n", + "former hewlett-packard ceo reportedly will enter presidential race may 4her spokeswoman , though , says it 's an unconfirmed rumorfiorina would join three senators in the republican nomination fight and balance democratic front-runner hillary clintonfiorina says she can take clinton 's edge as a woman off the table\n", + "[1.4242158 1.3594167 1.3088872 1.3967991 1.1741043 1.0795155 1.0251709\n", + " 1.0442994 1.1586276 1.0399979 1.0396994 1.0300276 1.1596274 1.129734\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 12 8 13 5 7 9 10 11 6 17 14 15 16 18]\n", + "=======================\n", + "['irish jockey davy condon has been forced to retire from the saddle due to a spinal injury sustained in the grand national earlier this month .it was the second time within a year that the rider suffered a similar injury .condon had resigned himself to the fact he would be out of action for a lengthy period of time but after seeing a specialist on wednesday he has been advised to call time on his career .']\n", + "=======================\n", + "[\"davy condon has been forced to retire due to a spinal injurythe irish jockey fell during this month 's grand national at aintreecondon was advised to retire after seeing a specialist on wednesday\"]\n", + "irish jockey davy condon has been forced to retire from the saddle due to a spinal injury sustained in the grand national earlier this month .it was the second time within a year that the rider suffered a similar injury .condon had resigned himself to the fact he would be out of action for a lengthy period of time but after seeing a specialist on wednesday he has been advised to call time on his career .\n", + "davy condon has been forced to retire due to a spinal injurythe irish jockey fell during this month 's grand national at aintreecondon was advised to retire after seeing a specialist on wednesday\n", + "[1.2774298 1.4869876 1.1873567 1.1657587 1.1871089 1.3006941 1.0321163\n", + " 1.1060754 1.0343441 1.0857487 1.0853183 1.0529386 1.0180118 1.01567\n", + " 1.1392723 1.0207993 0. 0. 0. ]\n", + "\n", + "[ 1 5 0 2 4 3 14 7 9 10 11 8 6 15 12 13 17 16 18]\n", + "=======================\n", + "[\"labial reduction procedures - surgery to reduce the size of the inner ` lips ' of the vagina - have risen five-fold in the past 10 years , with more than 2,000 operations performed in 2010 .and the trend is reflected in australia where procedures have more than doubled in the same time period .there are inner labia -- the labia minora - which are thinner , and the outer labia -- the labia majora , which have more tissue and fat .\"]\n", + "=======================\n", + "[\"nhs labial reduction procedures risen five-fold in the last 10 yearsmore than 2,000 of the cosmetic operations were performed in 2010trend is reflected in australia with ops more than doubling in same timeexperts call for more information to help women understand what 's normal\"]\n", + "labial reduction procedures - surgery to reduce the size of the inner ` lips ' of the vagina - have risen five-fold in the past 10 years , with more than 2,000 operations performed in 2010 .and the trend is reflected in australia where procedures have more than doubled in the same time period .there are inner labia -- the labia minora - which are thinner , and the outer labia -- the labia majora , which have more tissue and fat .\n", + "nhs labial reduction procedures risen five-fold in the last 10 yearsmore than 2,000 of the cosmetic operations were performed in 2010trend is reflected in australia with ops more than doubling in same timeexperts call for more information to help women understand what 's normal\n", + "[1.3021376 1.4656179 1.3691878 1.1167016 1.0795611 1.0414878 1.324554\n", + " 1.1762164 1.0606735 1.1996055 1.0179316 1.020018 1.0114698 1.0560824\n", + " 1.0542853 1.057416 1.0880461 1.0223321 1.0178359]\n", + "\n", + "[ 1 2 6 0 9 7 3 16 4 8 15 13 14 5 17 11 10 18 12]\n", + "=======================\n", + "[\"the disgraced espn reporter was behind the mic covering the nhl stanley cup playoff game between the new york islanders and washington capitals .the 29-year-old was suspended for a week footage emerged showing her unleash a vicious verbal attack on a single mother-of-three at a towing firm .britt mchenry has marked her return to work by apologizing for her ` hurtful ' actions and has asked fans for a second chance .\"]\n", + "=======================\n", + "['mchenry , 28 , berated single mother gina michelle for towing her carshe insulted her looks and social status in footage that went viralespn suspended the sports reporter for a week amid investigationbut despite thousands of calls for her to be fired , she returned this weekcovered nhl game between new york islanders and washington capitals']\n", + "the disgraced espn reporter was behind the mic covering the nhl stanley cup playoff game between the new york islanders and washington capitals .the 29-year-old was suspended for a week footage emerged showing her unleash a vicious verbal attack on a single mother-of-three at a towing firm .britt mchenry has marked her return to work by apologizing for her ` hurtful ' actions and has asked fans for a second chance .\n", + "mchenry , 28 , berated single mother gina michelle for towing her carshe insulted her looks and social status in footage that went viralespn suspended the sports reporter for a week amid investigationbut despite thousands of calls for her to be fired , she returned this weekcovered nhl game between new york islanders and washington capitals\n", + "[1.3214366 1.2013369 1.3460274 1.2278278 1.285429 1.146196 1.0444976\n", + " 1.032386 1.0776439 1.0752778 1.0566559 1.0922029 1.0856149 1.0784839\n", + " 1.0960133 1.0636926 1.0330937 1.0768043 1.0682316]\n", + "\n", + "[ 2 0 4 3 1 5 14 11 12 13 8 17 9 18 15 10 6 16 7]\n", + "=======================\n", + "[\"the fbi confirmed it found images of a ` pre-pubescent blonde girl ' that appear to show her being sexually abused , which could have been taken ` in america or elsewhere . 'the fbi have released an image of a man they are trying to trace in connection with a sex abuse probeofficials said one picture , which does not show any abuse taking place , features the unidentified man posing with her .\"]\n", + "=======================\n", + "['investigators found photos of a young girl being sexually abusedfbi are trying to trace a man , who is not accused of carrying out abusehe appears in image posing with the girl , but not abusing herthey want to find him to identify the girl and her abusers']\n", + "the fbi confirmed it found images of a ` pre-pubescent blonde girl ' that appear to show her being sexually abused , which could have been taken ` in america or elsewhere . 'the fbi have released an image of a man they are trying to trace in connection with a sex abuse probeofficials said one picture , which does not show any abuse taking place , features the unidentified man posing with her .\n", + "investigators found photos of a young girl being sexually abusedfbi are trying to trace a man , who is not accused of carrying out abusehe appears in image posing with the girl , but not abusing herthey want to find him to identify the girl and her abusers\n", + "[1.1857208 1.41103 1.3018308 1.266824 1.3402312 1.1407783 1.0442687\n", + " 1.0699022 1.0265979 1.0146437 1.155941 1.0293702 1.0361271 1.0193667\n", + " 1.090444 1.1763538 1.2057605 1.0155799 1.013799 1.0152785 1.0105579\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 2 3 16 0 15 10 5 14 7 6 12 11 8 13 17 19 9 18 20 21 22]\n", + "=======================\n", + "[\"the everton defender , who is friends with rocker miles kane and arctic monkeys ' front-man alex turner , regularly attends gigs and also plays the guitar .but in an interview with match of the day magazine , the england international has given his thoughts on six mainstream tracks which do n't feature on his own ipod .everton defender leighton baines ( right ) , pictured in action against newcastle , is a big music lover\"]\n", + "=======================\n", + "[\"everton defender leighton baines plays the guitar and is a big music fanhe was less than impressed after listening to some of today 's pop tunesbaines admits he does n't know any one direction songsengland international is friends with rockers miles kane and alex turner\"]\n", + "the everton defender , who is friends with rocker miles kane and arctic monkeys ' front-man alex turner , regularly attends gigs and also plays the guitar .but in an interview with match of the day magazine , the england international has given his thoughts on six mainstream tracks which do n't feature on his own ipod .everton defender leighton baines ( right ) , pictured in action against newcastle , is a big music lover\n", + "everton defender leighton baines plays the guitar and is a big music fanhe was less than impressed after listening to some of today 's pop tunesbaines admits he does n't know any one direction songsengland international is friends with rockers miles kane and alex turner\n", + "[1.2563974 1.4281648 1.0986553 1.0694966 1.1807922 1.1911378 1.241372\n", + " 1.0819069 1.1381164 1.1393355 1.0503519 1.0197253 1.0489328 1.0160135\n", + " 1.0671299 1.0204272 1.1144606 1.0515068 1.0237753 1.0219101 1.0342535\n", + " 1.0847448 0. ]\n", + "\n", + "[ 1 0 6 5 4 9 8 16 2 21 7 3 14 17 10 12 20 18 19 15 11 13 22]\n", + "=======================\n", + "[\"several thousand people gathered outside the city 's main railway station flinders street at 4pm on friday .a large protest opposing the closure of remote indigenous communities in wa has shut down streets in central melbourne .this comes as the queensland police service refuses to issue an apology to an indigenous officer after claims the word ` abor ' was written on his station roster by a senior sergeant , the abc reports .\"]\n", + "=======================\n", + "['several thousands of protesters gathered in melbourne at 4pm on fridaythe rally forced the closure of flinders and elizabeth streetsthey are against the closure of remote indigenous communities in wa']\n", + "several thousand people gathered outside the city 's main railway station flinders street at 4pm on friday .a large protest opposing the closure of remote indigenous communities in wa has shut down streets in central melbourne .this comes as the queensland police service refuses to issue an apology to an indigenous officer after claims the word ` abor ' was written on his station roster by a senior sergeant , the abc reports .\n", + "several thousands of protesters gathered in melbourne at 4pm on fridaythe rally forced the closure of flinders and elizabeth streetsthey are against the closure of remote indigenous communities in wa\n", + "[1.3492672 1.2224921 1.2809533 1.3076392 1.2405506 1.1923645 1.1384192\n", + " 1.0570799 1.0276147 1.1471297 1.0456492 1.0679106 1.1093751 1.0618739\n", + " 1.0184474 1.0373943 1.0217425 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 2 4 1 5 9 6 12 11 13 7 10 15 8 16 14 21 17 18 19 20 22]\n", + "=======================\n", + "[\"british banker rurik jutting appeared before a packed courtroom in hong kong on thursday accused of the murder of two young indonesian women whose mutilated bodies were found in his apartment .wearing the same black t-shirt and dark-rimmed glasses as in previous hearings , jutting , 30 , returned to magistrates ' court after being deemed fit to stand trial in november following psychiatric tests .his case has been adjourned for five weeks\"]\n", + "=======================\n", + "[\"jutting was deemed fit to stand trial in novemberfaces life in prison if he is convicted of murder chargesjutting spoke twice , saying ' i do ' when asked if he understood chargescase was adjourned until may after prosecution asked for more time\"]\n", + "british banker rurik jutting appeared before a packed courtroom in hong kong on thursday accused of the murder of two young indonesian women whose mutilated bodies were found in his apartment .wearing the same black t-shirt and dark-rimmed glasses as in previous hearings , jutting , 30 , returned to magistrates ' court after being deemed fit to stand trial in november following psychiatric tests .his case has been adjourned for five weeks\n", + "jutting was deemed fit to stand trial in novemberfaces life in prison if he is convicted of murder chargesjutting spoke twice , saying ' i do ' when asked if he understood chargescase was adjourned until may after prosecution asked for more time\n", + "[1.2608156 1.4038303 1.2937279 1.2124256 1.2073121 1.153767 1.0860397\n", + " 1.117421 1.0331374 1.1078305 1.0376235 1.0479367 1.0385368 1.155948\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 13 5 7 9 6 11 12 10 8 21 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "['shocking images capture the moment the armed gang surround emmanuel sithole and repeatedly stab him with knives and bludgeon him with a wrench in alexandra township near johannesburg .in a chilling twist the victim was left bleeding to death in a gutter because a medical centre just 300 feet away was closed for the day because the doctor who worked there was also a foreigner and feared becoming a victim of a xenophobic attack himself .a man who fled to south africa in the hope of a better life has been brutally murdered by a mob who are believed to have attacked him purely because he came from mozambique .']\n", + "=======================\n", + "['emmanuel sithole was attacked by a mob who repeatedly stabbed him and beat him using a metal wrenchsouth african gang carried out the sickening murder because mr sithole was born in neighbouring mozambiquekilling took place in alexandra township near johannesburg after a night of xenophobic looting and attackslocals blame migrants from elsewhere in africa for a lack of jobs - with neighbours turning on one anotherin a chilling twist mr sithole did not receive treatment at nearby medical centre because foreign-born duty doctor failed to turn up for work as he feared being attackedwarning graphic content']\n", + "shocking images capture the moment the armed gang surround emmanuel sithole and repeatedly stab him with knives and bludgeon him with a wrench in alexandra township near johannesburg .in a chilling twist the victim was left bleeding to death in a gutter because a medical centre just 300 feet away was closed for the day because the doctor who worked there was also a foreigner and feared becoming a victim of a xenophobic attack himself .a man who fled to south africa in the hope of a better life has been brutally murdered by a mob who are believed to have attacked him purely because he came from mozambique .\n", + "emmanuel sithole was attacked by a mob who repeatedly stabbed him and beat him using a metal wrenchsouth african gang carried out the sickening murder because mr sithole was born in neighbouring mozambiquekilling took place in alexandra township near johannesburg after a night of xenophobic looting and attackslocals blame migrants from elsewhere in africa for a lack of jobs - with neighbours turning on one anotherin a chilling twist mr sithole did not receive treatment at nearby medical centre because foreign-born duty doctor failed to turn up for work as he feared being attackedwarning graphic content\n", + "[1.2799348 1.1388792 1.348312 1.0921885 1.3333563 1.0793103 1.1483709\n", + " 1.0462373 1.0265119 1.0706241 1.0373042 1.0330418 1.0336998 1.126087\n", + " 1.1953119 1.0405749 1.0520737 1.0449214 1.0305494 1.0204333 1.0567349\n", + " 1.0334587 1.0503391]\n", + "\n", + "[ 2 4 0 14 6 1 13 3 5 9 20 16 22 7 17 15 10 12 21 11 18 8 19]\n", + "=======================\n", + "[\"she was in the stanley mosk courthouse in los angeles to pay a fine on thursday when she suddenly knew he was coming - and there was no way she 'd make it to hospital in time . 'expectant mom ambermarie irving-elkins felt a few contractions on thursday morning but thought she had enough time to run a few last errands before the arrival of her baby .deputy marquette oliver ran over to assist her .\"]\n", + "=======================\n", + "['ambermarie irving-elkins felt a few contractions on thursday morning but thought she had time to go to an la courthouse to pay a finebut while she was there , she felt the baby coming - and knew she did not have enough time to get to hospitalofficers ran to her aid and caught baby malachi as he was born']\n", + "she was in the stanley mosk courthouse in los angeles to pay a fine on thursday when she suddenly knew he was coming - and there was no way she 'd make it to hospital in time . 'expectant mom ambermarie irving-elkins felt a few contractions on thursday morning but thought she had enough time to run a few last errands before the arrival of her baby .deputy marquette oliver ran over to assist her .\n", + "ambermarie irving-elkins felt a few contractions on thursday morning but thought she had time to go to an la courthouse to pay a finebut while she was there , she felt the baby coming - and knew she did not have enough time to get to hospitalofficers ran to her aid and caught baby malachi as he was born\n", + "[1.0931442 1.0910449 1.4543662 1.1327465 1.4833293 1.1921113 1.1070062\n", + " 1.1017969 1.0416865 1.0277531 1.1821909 1.0650468 1.0439687 1.0106245\n", + " 1.0385916 1.0480278 1.0454264 1.0387785 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 4 2 5 10 3 6 7 0 1 11 15 16 12 8 17 14 9 13 22 18 19 20 21 23]\n", + "=======================\n", + "['sir richard branson converted the old chapel in shipton-on-cherwell , oxfordshire , into a home in the 1970she brought the chapel into residential use while he was setting up his virgin recording businessand from then until the present day , the virgin logo -- which has gone on to adorn trains , planes and a multitude of other businesses -- has always been printed in the red of those humble chapel doors .']\n", + "=======================\n", + "['sir richard branson converted the old chapel into a home in the 1970sentrepreneur painted doors of the country retreat his trademark bright redfour-bedroom home in south leigh , witney , is on the market for # 599,000sir richard held parties at the chapel and was a regular at village shopfineandcountry.com , 01865 759550']\n", + "sir richard branson converted the old chapel in shipton-on-cherwell , oxfordshire , into a home in the 1970she brought the chapel into residential use while he was setting up his virgin recording businessand from then until the present day , the virgin logo -- which has gone on to adorn trains , planes and a multitude of other businesses -- has always been printed in the red of those humble chapel doors .\n", + "sir richard branson converted the old chapel into a home in the 1970sentrepreneur painted doors of the country retreat his trademark bright redfour-bedroom home in south leigh , witney , is on the market for # 599,000sir richard held parties at the chapel and was a regular at village shopfineandcountry.com , 01865 759550\n", + "[1.235621 1.1107923 1.1310042 1.331877 1.2234598 1.2291535 1.0993577\n", + " 1.0272548 1.0206045 1.0126233 1.0164468 1.1196579 1.1723145 1.1161553\n", + " 1.1098332 1.0583277 1.0822926 1.0252159 1.0811973 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 0 5 4 12 2 11 13 1 14 6 16 18 15 7 17 8 10 9 19 20 21 22 23]\n", + "=======================\n", + "[\"after nine months of exploratory drilling , a group of british companies found oil and gas in a remote field north of the islands .the bonanza , which could be worth billions of pounds , will add to fears of renewed conflict over the british overseas territory just days after defence secretary michael fallon warned of a ` very live threat ' from argentina .argentina invaded the falklands in 1982 , leading to a conflict that cost 260 british and 650 argentine lives .\"]\n", + "=======================\n", + "[\"british companies found oil and gas in a remote field north of the islandscomes days after minister warned of ` very live threat ' from argentina\"]\n", + "after nine months of exploratory drilling , a group of british companies found oil and gas in a remote field north of the islands .the bonanza , which could be worth billions of pounds , will add to fears of renewed conflict over the british overseas territory just days after defence secretary michael fallon warned of a ` very live threat ' from argentina .argentina invaded the falklands in 1982 , leading to a conflict that cost 260 british and 650 argentine lives .\n", + "british companies found oil and gas in a remote field north of the islandscomes days after minister warned of ` very live threat ' from argentina\n", + "[1.2198625 1.2856296 1.294122 1.3154693 1.2341254 1.1476507 1.1324165\n", + " 1.1017907 1.1276784 1.0330615 1.0203117 1.1149478 1.0829027 1.0307561\n", + " 1.0796344 1.0356023 1.0077362 1.0916812 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 4 0 5 6 8 11 7 17 12 14 15 9 13 10 16 22 18 19 20 21 23]\n", + "=======================\n", + "[\"the sutherland shire council is exploring idea of allowing overseas backpackers to park their campervans in allocated locations right on the beachamong these locations are cronulla beach and wanda beach , both in southern sydney , as it was found that due to a shortage of accommodation , many tourists were neglecting these areas altogether .according to the sydney morning herald , the council have voted to explore the possibility of allowing campervans to park at allocated locations with ` high tourist appeal , ' in order to deter travellers from bypassing our most beautiful beaches .\"]\n", + "=======================\n", + "['sutherland council is exploring idea of allowing overseas backpackers to park their campervans in allocated locations right on the beachcronulla and wanda beach are often ignored by tourists due to expensesthis motion was proposed due to the economic boost backpackers bringseasoned travellers spend $ 700 on eating out and shopping during a staysome locals believe it can not be done due to rising land values in cronulla']\n", + "the sutherland shire council is exploring idea of allowing overseas backpackers to park their campervans in allocated locations right on the beachamong these locations are cronulla beach and wanda beach , both in southern sydney , as it was found that due to a shortage of accommodation , many tourists were neglecting these areas altogether .according to the sydney morning herald , the council have voted to explore the possibility of allowing campervans to park at allocated locations with ` high tourist appeal , ' in order to deter travellers from bypassing our most beautiful beaches .\n", + "sutherland council is exploring idea of allowing overseas backpackers to park their campervans in allocated locations right on the beachcronulla and wanda beach are often ignored by tourists due to expensesthis motion was proposed due to the economic boost backpackers bringseasoned travellers spend $ 700 on eating out and shopping during a staysome locals believe it can not be done due to rising land values in cronulla\n", + "[1.413538 1.1896836 1.4823955 1.2291361 1.2471783 1.1637101 1.1651998\n", + " 1.0552249 1.059084 1.0941838 1.0699487 1.0515525 1.0378572 1.0168246\n", + " 1.1311476 1.1507431 1.0188954 1.0148827 1.0149475 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 0 4 3 1 6 5 15 14 9 10 8 7 11 12 16 13 18 17 22 19 20 21 23]\n", + "=======================\n", + "[\"patrick revins , 49 , sold # 10-worth of the class a drug , which was hidden in a kinder egg , to the policeman in november 2013 , a court was told .heroin dealer patrick revins was identified by undercover police because he has his initials - ` p ' and ` r ' - tattooed on either side of his foreheadrevins , at stoke-on-trent crown court yesterday , admitted one count of supplying heroin and was sentenced to a year in jail .\"]\n", + "=======================\n", + "[\"patrick revins was caught selling heroin to an undercover police officerbungling drug dealer was identified by ` p ' and ` r ' tattoos on his foreheadrevins , 49 , had hidden small amounts of class a drug inside a kinder egghe admitted one count of supplying heroin and was jailed for a year\"]\n", + "patrick revins , 49 , sold # 10-worth of the class a drug , which was hidden in a kinder egg , to the policeman in november 2013 , a court was told .heroin dealer patrick revins was identified by undercover police because he has his initials - ` p ' and ` r ' - tattooed on either side of his foreheadrevins , at stoke-on-trent crown court yesterday , admitted one count of supplying heroin and was sentenced to a year in jail .\n", + "patrick revins was caught selling heroin to an undercover police officerbungling drug dealer was identified by ` p ' and ` r ' tattoos on his foreheadrevins , 49 , had hidden small amounts of class a drug inside a kinder egghe admitted one count of supplying heroin and was jailed for a year\n", + "[1.2585359 1.1507227 1.0982679 1.1989751 1.0897509 1.1447785 1.0618904\n", + " 1.0243162 1.0845438 1.0545716 1.0936139 1.048022 1.0248735 1.0414841\n", + " 1.1005611 1.0374207 1.0399125 1.0426052 1.0443034 1.0307624 1.0611472\n", + " 1.0300893 1.0226867 1.0375162]\n", + "\n", + "[ 0 3 1 5 14 2 10 4 8 6 20 9 11 18 17 13 16 23 15 19 21 12 7 22]\n", + "=======================\n", + "['all those feelings and more permeated cities , villages and camps around nepal on saturday , after a massive 7.8 magnitude earthquake struck around midday .and then there are the hundreds already confirmed dead , not to mention the hundreds more who suffered injuries .anderson , an american who was in nepal for trekking and meditation , was in his hotel room when the quake struck .']\n", + "=======================\n", + "['massive 7.8 magnitude earthquake has struck nepal near its capital , kathmanduas the death toll rises , witnesses describe devastation and panic']\n", + "all those feelings and more permeated cities , villages and camps around nepal on saturday , after a massive 7.8 magnitude earthquake struck around midday .and then there are the hundreds already confirmed dead , not to mention the hundreds more who suffered injuries .anderson , an american who was in nepal for trekking and meditation , was in his hotel room when the quake struck .\n", + "massive 7.8 magnitude earthquake has struck nepal near its capital , kathmanduas the death toll rises , witnesses describe devastation and panic\n", + "[1.2773237 1.2535021 1.34817 1.2189312 1.0948144 1.0832472 1.1015669\n", + " 1.1164722 1.0449514 1.091666 1.1017019 1.0215691 1.0387168 1.0271019\n", + " 1.113703 1.0528723 1.05138 1.0701354 1.0177821 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 1 3 7 14 10 6 4 9 5 17 15 16 8 12 13 11 18 27 26 25 24 20\n", + " 22 21 19 28 23 29]\n", + "=======================\n", + "['slager , 33 , was charged tuesday with first-degree murder after firing eight shots at scott , killing him .( cnn ) the stark video of a south carolina officer gunning down an apparently unarmed black man as he ran away with his back to police has prompted an equally fast-moving reaction by officials and the public alike .the video is being dissected frame by frame by authorities and media outlets , all in an effort to reconstruct what exactly happened between north charleston police officer michael slager , a five-year employee of that force , and walter scott , 50 .']\n", + "=======================\n", + "['victim \\'s brother says he felt \" anger and happy at the same time \" upon seeing videoofficer michael slager pulls over scott at 9:33 a.m. saturdayvideo shows the officer firing eight times as scott runs away , with his back to police']\n", + "slager , 33 , was charged tuesday with first-degree murder after firing eight shots at scott , killing him .( cnn ) the stark video of a south carolina officer gunning down an apparently unarmed black man as he ran away with his back to police has prompted an equally fast-moving reaction by officials and the public alike .the video is being dissected frame by frame by authorities and media outlets , all in an effort to reconstruct what exactly happened between north charleston police officer michael slager , a five-year employee of that force , and walter scott , 50 .\n", + "victim 's brother says he felt \" anger and happy at the same time \" upon seeing videoofficer michael slager pulls over scott at 9:33 a.m. saturdayvideo shows the officer firing eight times as scott runs away , with his back to police\n", + "[1.2097236 1.1722975 1.1616296 1.1161283 1.305916 1.3064278 1.0674388\n", + " 1.0395396 1.0281148 1.0284809 1.0456347 1.0413246 1.0231379 1.0736645\n", + " 1.0432551 1.0385987 1.0897743 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 5 4 0 1 2 3 16 13 6 10 14 11 7 15 9 8 12 27 26 25 24 23 20 21\n", + " 19 18 17 28 22 29]\n", + "=======================\n", + "[\"president barack obama joined u.s. surgeon general dr. vivek murthy and epa administrator gina mccarthy for a roundtable discussion on the topic as part of national public health week .( cnn ) debates on climate change can break down fairly fast .there are those who believe that mankind 's activities are changing the planet 's climate , and those who do n't .\"]\n", + "=======================\n", + "[\"president obama attends howard university roundtable on climate change and public healthlinking climate change to how it affects a person 's health is a new way to talk about the subject\"]\n", + "president barack obama joined u.s. surgeon general dr. vivek murthy and epa administrator gina mccarthy for a roundtable discussion on the topic as part of national public health week .( cnn ) debates on climate change can break down fairly fast .there are those who believe that mankind 's activities are changing the planet 's climate , and those who do n't .\n", + "president obama attends howard university roundtable on climate change and public healthlinking climate change to how it affects a person 's health is a new way to talk about the subject\n", + "[1.3373005 1.4151682 1.0971712 1.2805889 1.1922021 1.457626 1.1334492\n", + " 1.0206553 1.0295788 1.0285027 1.0141937 1.0220696 1.050323 1.015185\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 5 1 0 3 4 6 2 12 8 9 11 7 13 10 27 26 25 24 23 22 21 14 19 18\n", + " 17 16 15 28 20 29]\n", + "=======================\n", + "[\"sam holtz ( above ) beat out 11.5 million entries to win the espn tournament challenge on mondayduke was not the only big winner following monday 's ncaa championship game .but not the actual grand prize of a $ 20,000 best buy gift card and an all-inclusive trip for two to the maui jim maui invitational college basketball tournament in hawaii this november .\"]\n", + "=======================\n", + "[\"sam holtz beat out 11.5 million entries to win the espn tournament challenge on mondaythis as he selected duke to win the ncaa title game , which they did by overcoming the wisconsin badgers 68 - 63sam should now be eligible for the $ 30,000 grand prize of a $ 20,000 best buy gift card and an all-inclusive trip to hawaii this novembersam , 12 , is not eligible however because age restrictions state that entrants must be 18 years oldsam says he does not mind missing the prize , and though he is a little ` irritated ' he thinks the best idea if for espn to reward him with an xboxthe sixth grader also shared one of his bracket tips ; ` just pick the team that you like and pick whoever you want '\"]\n", + "sam holtz ( above ) beat out 11.5 million entries to win the espn tournament challenge on mondayduke was not the only big winner following monday 's ncaa championship game .but not the actual grand prize of a $ 20,000 best buy gift card and an all-inclusive trip for two to the maui jim maui invitational college basketball tournament in hawaii this november .\n", + "sam holtz beat out 11.5 million entries to win the espn tournament challenge on mondaythis as he selected duke to win the ncaa title game , which they did by overcoming the wisconsin badgers 68 - 63sam should now be eligible for the $ 30,000 grand prize of a $ 20,000 best buy gift card and an all-inclusive trip to hawaii this novembersam , 12 , is not eligible however because age restrictions state that entrants must be 18 years oldsam says he does not mind missing the prize , and though he is a little ` irritated ' he thinks the best idea if for espn to reward him with an xboxthe sixth grader also shared one of his bracket tips ; ` just pick the team that you like and pick whoever you want '\n", + "[1.2529017 1.393079 1.2937918 1.2300678 1.1048275 1.0741129 1.1136625\n", + " 1.0570598 1.0888677 1.1016691 1.0231848 1.0124437 1.1520946 1.0326136\n", + " 1.0118288 1.0293055 1.0672492 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 3 12 6 4 9 8 5 16 7 13 15 10 11 14 17 18 19 20 21 22 23\n", + " 24 25 26 27 28 29]\n", + "=======================\n", + "['amjad yaaqub , 16 , said he stumbled on the barbaric scene shortly after the terrorists beat him unconscious when they burst into his family home at the camp in the syrian capital damascus .the schoolboy said the isis fighters were looking for his brother , who is a member of the palestinian rebel group who ran and defended the camp for several years before isis carried out a bloody assault that has left more than 200 people dead in just seven days .a young syrian boy has revealed how he saw depraved islamic state militants playing football with a severed head inside the besieged yarmouk refugee camp .']\n", + "=======================\n", + "['amjad yaaqub , 16 , saw isis militants kicking a severed head in the campthey also beat the schoolboy unconscious while looking for his brothermeanwhile 55-year-old ibrahim abdel fatah said children are being killedextremists are slaughtering innocents in front of their parents he revealed']\n", + "amjad yaaqub , 16 , said he stumbled on the barbaric scene shortly after the terrorists beat him unconscious when they burst into his family home at the camp in the syrian capital damascus .the schoolboy said the isis fighters were looking for his brother , who is a member of the palestinian rebel group who ran and defended the camp for several years before isis carried out a bloody assault that has left more than 200 people dead in just seven days .a young syrian boy has revealed how he saw depraved islamic state militants playing football with a severed head inside the besieged yarmouk refugee camp .\n", + "amjad yaaqub , 16 , saw isis militants kicking a severed head in the campthey also beat the schoolboy unconscious while looking for his brothermeanwhile 55-year-old ibrahim abdel fatah said children are being killedextremists are slaughtering innocents in front of their parents he revealed\n", + "[1.2811686 1.061677 1.0386744 1.0374631 1.102742 1.1606474 1.0790479\n", + " 1.1085699 1.1673036 1.0342507 1.0468407 1.0307839 1.0301477 1.063502\n", + " 1.0715624 1.0555863 1.0783691 1.0396852 1.0350614 1.1161771 1.0368228\n", + " 1.0264452 1.0235336 1.0284742 1.0138097 1.0167829 1.0280343 1.0268697\n", + " 1.0253459 1.0537317]\n", + "\n", + "[ 0 8 5 19 7 4 6 16 14 13 1 15 29 10 17 2 3 20 18 9 11 12 23 26\n", + " 27 21 28 22 25 24]\n", + "=======================\n", + "['kathmandu , nepal ( cnn ) we came on a commercial flight to kathmandu .a couple of thousand people were lining the road to the entrance to the airport trying to get out .military and aid flights have priority , and a few military planes -- indian military planes -- were going in , trying to bring in aid .']\n", + "=======================\n", + "[\"the earthquake that struck nepal has left thousands of nepalis without sheltertorrential rains making situation worse ; food and drinking water supplies could become a serious issue soonit 's unclear how bad conditions are closer to the epicenter\"]\n", + "kathmandu , nepal ( cnn ) we came on a commercial flight to kathmandu .a couple of thousand people were lining the road to the entrance to the airport trying to get out .military and aid flights have priority , and a few military planes -- indian military planes -- were going in , trying to bring in aid .\n", + "the earthquake that struck nepal has left thousands of nepalis without sheltertorrential rains making situation worse ; food and drinking water supplies could become a serious issue soonit 's unclear how bad conditions are closer to the epicenter\n", + "[1.3426341 1.5386988 1.0642486 1.3465399 1.1171169 1.2017866 1.1012093\n", + " 1.1264611 1.1587235 1.0435437 1.0269285 1.0557747 1.024633 1.0179393\n", + " 1.0180236 1.0114554 1.0133396 1.0155962 1.0097173 1.0095254 1.0101624\n", + " 1.0125128 1.0139487 1.0107155 1.0120293 1.0112448 1.0150688 1.0136579]\n", + "\n", + "[ 1 3 0 5 8 7 4 6 2 11 9 10 12 14 13 17 26 22 27 16 21 24 15 25\n", + " 23 20 18 19]\n", + "=======================\n", + "[\"lewis hamilton sauntered to pole position for the malaysian grand prix , nearly one second ahead of sebastian vettel 's third-fastest ferrari .ferrari , who are ferrari ?he will start ahead of nico rosberg and sebastian vettel\"]\n", + "=======================\n", + "[\"lewis hamilton claimed his third straight pole position of the season with a scintillating lap in shanghainico rosberg was just 0.042 secs slower than his mercedes team-mategerman said : ` oh , come on , guys , ' when told he was slower than hamilton for third time this seasonsebastian vettel will start third with felipe massa fourth ... valtteri bottas and kimi raikkonen complete third rowmclaren endured another difficult day with jenson button and fernando alonso only 17th and 18th on the grid\"]\n", + "lewis hamilton sauntered to pole position for the malaysian grand prix , nearly one second ahead of sebastian vettel 's third-fastest ferrari .ferrari , who are ferrari ?he will start ahead of nico rosberg and sebastian vettel\n", + "lewis hamilton claimed his third straight pole position of the season with a scintillating lap in shanghainico rosberg was just 0.042 secs slower than his mercedes team-mategerman said : ` oh , come on , guys , ' when told he was slower than hamilton for third time this seasonsebastian vettel will start third with felipe massa fourth ... valtteri bottas and kimi raikkonen complete third rowmclaren endured another difficult day with jenson button and fernando alonso only 17th and 18th on the grid\n", + "[1.4815092 1.4061365 1.1891385 1.5249393 1.1562144 1.2011638 1.0332123\n", + " 1.0257607 1.1281687 1.0205481 1.0503731 1.0337429 1.0290492 1.0335658\n", + " 1.1278138 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 5 2 4 8 14 10 11 13 6 12 7 9 25 24 23 22 21 19 18 17 16\n", + " 15 26 20 27]\n", + "=======================\n", + "['gary gardner ( left ) will report to aston villa for pre-season training to be assessed by tim sherwoodtim sherwood will welcome gary gardner back into his first team squad during pre-season to assess closely whether the 22-year-old can cut it for aston villa in the premier league .gardner has enjoyed a successful loan spell at nottingham forest and scored a superb free-kick in front of the villa manager during the defeat to watford at the city ground .']\n", + "=======================\n", + "[\"gary gardner confirms he 'll report to aston villa for pre-season trainingthe 22-year-old is out on loan at championship side nottingham foresttim sherwood is keen to asses gardner ahead of next seasonthe midfielder would prefer a move back to forest if villa does n't wok outclick here for all the latest aston villa news\"]\n", + "gary gardner ( left ) will report to aston villa for pre-season training to be assessed by tim sherwoodtim sherwood will welcome gary gardner back into his first team squad during pre-season to assess closely whether the 22-year-old can cut it for aston villa in the premier league .gardner has enjoyed a successful loan spell at nottingham forest and scored a superb free-kick in front of the villa manager during the defeat to watford at the city ground .\n", + "gary gardner confirms he 'll report to aston villa for pre-season trainingthe 22-year-old is out on loan at championship side nottingham foresttim sherwood is keen to asses gardner ahead of next seasonthe midfielder would prefer a move back to forest if villa does n't wok outclick here for all the latest aston villa news\n", + "[1.2972553 1.2358402 1.1648889 1.2977794 1.216896 1.1360111 1.2354586\n", + " 1.1391509 1.176317 1.0421345 1.1604168 1.0540051 1.0430702 1.0163652\n", + " 1.012636 1.0231502 1.0383981 1.032112 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 6 4 8 2 10 7 5 11 12 9 16 17 15 13 14 26 18 19 20 21 22\n", + " 23 24 25 27]\n", + "=======================\n", + "['thousands of law-abiding motorists have had their cars clamped because they were unaware of major vehicle tax rule changes .many are buying used cars unaware that the old paper documents are now automatically cancelled when a vehicle changes hands .drivers have faced bills of up to # 800 to get their impounded vehicles back .']\n", + "=======================\n", + "['driver and vehicle licensing agency abolished paper tax disc last autumncar tax now automatically cancelled whenever vehicle changes ownershipofficial figures show use of clamping soared from about 5,000 vehicles a month before the changes to well over 8,000 nowcritics say many targeted are innocent drivers unaware of rule change']\n", + "thousands of law-abiding motorists have had their cars clamped because they were unaware of major vehicle tax rule changes .many are buying used cars unaware that the old paper documents are now automatically cancelled when a vehicle changes hands .drivers have faced bills of up to # 800 to get their impounded vehicles back .\n", + "driver and vehicle licensing agency abolished paper tax disc last autumncar tax now automatically cancelled whenever vehicle changes ownershipofficial figures show use of clamping soared from about 5,000 vehicles a month before the changes to well over 8,000 nowcritics say many targeted are innocent drivers unaware of rule change\n", + "[1.1715791 1.0494523 1.1121217 1.231283 1.1207232 1.0597281 1.0368017\n", + " 1.0875044 1.1513193 1.0523576 1.0792027 1.1012558 1.0573115 1.1325464\n", + " 1.0523565 1.1155967 1.0715821 1.0167578 1.0235435 1.075969 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 8 13 4 15 2 11 7 10 19 16 5 12 9 14 1 6 18 17 26 20 21 22\n", + " 23 24 25 27]\n", + "=======================\n", + "['and i have to admit that the samoas ( now called \" caramel delites \" ) are delicious .( cnn ) for many girl scout troops it is officially cookie season .the first ingredient in those caramel delites is sugar , but they also contain corn syrup and high fructose corn syrup , for a total of 6 grams of sugar per cookie .']\n", + "=======================\n", + "[\"victoria maizes , a doctor , says she avoids girl scout cookies because they contain sugar , fats .she says pediatricians offer little guidance on nutrition , yet a diet low in sugars , gmo 's , transfats , lowers overall mortality\"]\n", + "and i have to admit that the samoas ( now called \" caramel delites \" ) are delicious .( cnn ) for many girl scout troops it is officially cookie season .the first ingredient in those caramel delites is sugar , but they also contain corn syrup and high fructose corn syrup , for a total of 6 grams of sugar per cookie .\n", + "victoria maizes , a doctor , says she avoids girl scout cookies because they contain sugar , fats .she says pediatricians offer little guidance on nutrition , yet a diet low in sugars , gmo 's , transfats , lowers overall mortality\n", + "[1.1869153 1.1344901 1.0459207 1.2378001 1.0775893 1.1032565 1.1206441\n", + " 1.1039445 1.0397844 1.1026417 1.0896783 1.0904893 1.0490435 1.0301925\n", + " 1.0384552 1.0681728 1.0332807 1.0501164 1.0303748 1.0224066 1.063549\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 6 7 5 9 11 10 4 15 20 17 12 2 8 14 16 18 13 19 26 21 22\n", + " 23 24 25 27]\n", + "=======================\n", + "['jack andraka is just 18 , yet his newly-published memoir carries a blurb from barack obama .breakthrough by jack andraka with matthew lysiakhe was born in 1997 and grew up in suburban maryland with his elder brother , luke , and parents , jane , a nurse , and steve , a civil engineer .']\n", + "=======================\n", + "['jack andraka , now 18 , became depressed when a close family friend dieduncle ted passed away from pancreatic cancerjack then developed a test for detecting pancreatic cancerit won the top award at a prestigious international science competitionbreakthrough is an inspiring story for would-be scientists']\n", + "jack andraka is just 18 , yet his newly-published memoir carries a blurb from barack obama .breakthrough by jack andraka with matthew lysiakhe was born in 1997 and grew up in suburban maryland with his elder brother , luke , and parents , jane , a nurse , and steve , a civil engineer .\n", + "jack andraka , now 18 , became depressed when a close family friend dieduncle ted passed away from pancreatic cancerjack then developed a test for detecting pancreatic cancerit won the top award at a prestigious international science competitionbreakthrough is an inspiring story for would-be scientists\n", + "[1.1084987 1.1371534 1.3517909 1.332418 1.1962395 1.1746776 1.2743131\n", + " 1.0128657 1.2939966 1.1139172 1.1241672 1.0771825 1.0125884 1.0108448\n", + " 1.0171741 0. 0. 0. ]\n", + "\n", + "[ 2 3 8 6 4 5 1 10 9 0 11 14 7 12 13 15 16 17]\n", + "=======================\n", + "[\"leicester city vs west ham united ( king power stadium )matt upson is out of leicester 's clash with west ham as the rock-bottom foxes continue their fight for survival .west ham will welcome winston reid back from injury for saturday 's premier league trip to bottom side leicester .\"]\n", + "=======================\n", + "['leicester defender matthew upson will miss out against former clubdean hammond and jeff schlupp to be given fitness tests by foxeswinston reid returns from hamstring injury for west ham unitedhammers without enner valencia who is back in trainingandy carroll , james tomkins and doneil henry also missing for west ham']\n", + "leicester city vs west ham united ( king power stadium )matt upson is out of leicester 's clash with west ham as the rock-bottom foxes continue their fight for survival .west ham will welcome winston reid back from injury for saturday 's premier league trip to bottom side leicester .\n", + "leicester defender matthew upson will miss out against former clubdean hammond and jeff schlupp to be given fitness tests by foxeswinston reid returns from hamstring injury for west ham unitedhammers without enner valencia who is back in trainingandy carroll , james tomkins and doneil henry also missing for west ham\n", + "[1.4133506 1.452888 1.2159752 1.2423748 1.0826038 1.0340638 1.024926\n", + " 1.1314415 1.191764 1.1184541 1.1046594 1.0799011 1.1401193 1.0145439\n", + " 1.0116825 1.0177158 1.0182744 1.0691627]\n", + "\n", + "[ 1 0 3 2 8 12 7 9 10 4 11 17 5 6 16 15 13 14]\n", + "=======================\n", + "['mayweather , who takes on manny pacquiao in their $ 300 million mega-fight on may 2 , is widely considered to be the current pound-for-pound no 1 .floyd mayweather has claimed he is a better fighter than muhammad ali .floyd mayweather trains ahead of his fight against manny pacquiao next weekend']\n", + "=======================\n", + "['floyd mayweather is widely considered the best boxer in the worldbut he believes he is better than heavyweight legend muhammad alimayweather did admit that he respects both ali and sugar ray robinsonhe takes on manny pacquiao on may 2 in their $ 300m mega-fightmayweather-pacquiao weigh-in will be first ever with paid-for tickets']\n", + "mayweather , who takes on manny pacquiao in their $ 300 million mega-fight on may 2 , is widely considered to be the current pound-for-pound no 1 .floyd mayweather has claimed he is a better fighter than muhammad ali .floyd mayweather trains ahead of his fight against manny pacquiao next weekend\n", + "floyd mayweather is widely considered the best boxer in the worldbut he believes he is better than heavyweight legend muhammad alimayweather did admit that he respects both ali and sugar ray robinsonhe takes on manny pacquiao on may 2 in their $ 300m mega-fightmayweather-pacquiao weigh-in will be first ever with paid-for tickets\n", + "[1.2292079 1.4551775 1.2232877 1.21308 1.1406395 1.0656674 1.0397487\n", + " 1.0232266 1.1147814 1.2728703 1.1143242 1.0633833 1.0284169 1.0545433\n", + " 1.0426204 1.0606285 0. 0. ]\n", + "\n", + "[ 1 9 0 2 3 4 8 10 5 11 15 13 14 6 12 7 16 17]\n", + "=======================\n", + "[\"suzy howlett , 54 , who specialises in teaching foreign-born children english , has embarrassed husband and wife team derek tanswell and sharon snook over their spelling , punctuation and grammar .two ukip council candidates have been taken to school by a teacher who covered their sloppy election leaflet in corrections - but they claim it is a dirty tricks campaign .in one section mr tanswell and ms snook promise that ukip will ` take back control of our boarders ' - so the teacher wrote in red : ' i think you mean borders , not residents of a school or guest house ' .\"]\n", + "=======================\n", + "[\"election candidates failed to check spelling , punctuation and grammarderek tanswell and sharon snook 's leaflet said ukip will protect ` boarders 'teacher , who helps children born abroad with their english , responded by circling mistake and said : ' i think you mean borders 'mr tanswell left lib dems last month and claims they are behind leaflet\"]\n", + "suzy howlett , 54 , who specialises in teaching foreign-born children english , has embarrassed husband and wife team derek tanswell and sharon snook over their spelling , punctuation and grammar .two ukip council candidates have been taken to school by a teacher who covered their sloppy election leaflet in corrections - but they claim it is a dirty tricks campaign .in one section mr tanswell and ms snook promise that ukip will ` take back control of our boarders ' - so the teacher wrote in red : ' i think you mean borders , not residents of a school or guest house ' .\n", + "election candidates failed to check spelling , punctuation and grammarderek tanswell and sharon snook 's leaflet said ukip will protect ` boarders 'teacher , who helps children born abroad with their english , responded by circling mistake and said : ' i think you mean borders 'mr tanswell left lib dems last month and claims they are behind leaflet\n", + "[1.260951 1.2376114 1.2577294 1.2509444 1.1004095 1.0471749 1.0253748\n", + " 1.1195762 1.0509905 1.1262487 1.1221392 1.1327391 1.0651916 1.0382599\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 11 9 10 7 4 12 8 5 13 6 14 15 16 17]\n", + "=======================\n", + "[\"( cnn ) it 's not going to be enough to slake the thirst of the elusive mars bunny , but scientists say new research seems to support the theory that what looks like a bone-dry red planet during the day could be dotted with tiny puddles of salty water at night .researchers are n't saying they 've seen direct evidence of brine hiding out in the martian night .but they say the new study -- based on a full year of monitoring of temperature and humidity conditions by the mars curiosity rover in gale crater -- does seem to bear the theory out .\"]\n", + "=======================\n", + "['analysis of martian weather seems to support the idea that the planet could be dotted with salty puddles at nightthe finding has \" wider implications \" for efforts to find evidence of life on mars , a researcher says']\n", + "( cnn ) it 's not going to be enough to slake the thirst of the elusive mars bunny , but scientists say new research seems to support the theory that what looks like a bone-dry red planet during the day could be dotted with tiny puddles of salty water at night .researchers are n't saying they 've seen direct evidence of brine hiding out in the martian night .but they say the new study -- based on a full year of monitoring of temperature and humidity conditions by the mars curiosity rover in gale crater -- does seem to bear the theory out .\n", + "analysis of martian weather seems to support the idea that the planet could be dotted with salty puddles at nightthe finding has \" wider implications \" for efforts to find evidence of life on mars , a researcher says\n", + "[1.2376742 1.2465351 1.2883745 1.1825068 1.1789418 1.1751347 1.1728579\n", + " 1.1285937 1.0937874 1.1102142 1.0783436 1.0425186 1.0141548 1.089214\n", + " 1.0592777 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 4 5 6 7 9 8 13 10 14 11 12 15 16 17]\n", + "=======================\n", + "[\"other building have installed so-called ` poor doors ' for use by rent-stabilized tenants while full-rent residents get to use the front door .it 's the latest salvo in an ongoing struggle between property developers to build or maintain rent-stabilized apartments alongside luxury units that go for thousands of dollars more a month .an apartment house where only high-paying tenants can use the gym may be illegally discriminating , city human rights officials warned this week .\"]\n", + "=======================\n", + "[\"ruling by the new york city human rights commission is a blow for stonehenge village on manhattan 's upper west side60percent of the tenants pay reduced rent-stabilized ratesthe rest pay market rates of $ 3,500 a month for a one bedroom apartmentmost rent-stabilized tenants are over age 65this is the latest battle between property developers who get taxes breaks for building rent-stabilized units and the city\"]\n", + "other building have installed so-called ` poor doors ' for use by rent-stabilized tenants while full-rent residents get to use the front door .it 's the latest salvo in an ongoing struggle between property developers to build or maintain rent-stabilized apartments alongside luxury units that go for thousands of dollars more a month .an apartment house where only high-paying tenants can use the gym may be illegally discriminating , city human rights officials warned this week .\n", + "ruling by the new york city human rights commission is a blow for stonehenge village on manhattan 's upper west side60percent of the tenants pay reduced rent-stabilized ratesthe rest pay market rates of $ 3,500 a month for a one bedroom apartmentmost rent-stabilized tenants are over age 65this is the latest battle between property developers who get taxes breaks for building rent-stabilized units and the city\n", + "[1.4937943 1.3081727 1.4221294 1.2535044 1.0968533 1.187089 1.0631486\n", + " 1.0387632 1.0203094 1.1773558 1.0397578 1.015558 1.0828348 1.0248334\n", + " 1.1143878 1.0294313 1.0292029 1.0588089 1.1198285]\n", + "\n", + "[ 0 2 1 3 5 9 18 14 4 12 6 17 10 7 15 16 13 8 11]\n", + "=======================\n", + "[\"mike whitehead was standing against labour 's alan johnson in the hull west and hessle constituency in yorkshirenigel farage today insisted the tories had suffered a ` hammer blow ' after a former parliamentary candidate defected to ukip - only for it later to emerge that he had already been sacked from the party last week .but the tories this morning revealed they had already dropped mr whitehead as their candidate after he revealed he was planning to stand as an independent against a tory councillor .\"]\n", + "=======================\n", + "[\"mike whitehead was standing for the tories in hull west and hesslehe resigned as a councillor last week in ` disgust ' at local party politicsthe tories claim mr whitehead was sacked as a candidate last weekbut nigel farage this morning insisted it was a ` hammer blow ' for cameron\"]\n", + "mike whitehead was standing against labour 's alan johnson in the hull west and hessle constituency in yorkshirenigel farage today insisted the tories had suffered a ` hammer blow ' after a former parliamentary candidate defected to ukip - only for it later to emerge that he had already been sacked from the party last week .but the tories this morning revealed they had already dropped mr whitehead as their candidate after he revealed he was planning to stand as an independent against a tory councillor .\n", + "mike whitehead was standing for the tories in hull west and hesslehe resigned as a councillor last week in ` disgust ' at local party politicsthe tories claim mr whitehead was sacked as a candidate last weekbut nigel farage this morning insisted it was a ` hammer blow ' for cameron\n", + "[1.5556344 1.261247 1.3037273 1.3743644 1.0966284 1.135134 1.2084758\n", + " 1.1016105 1.1177068 1.023304 1.0378662 1.0433954 1.0452604 1.0353403\n", + " 1.0177997 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 6 5 8 7 4 12 11 10 13 9 14 15 16 17 18]\n", + "=======================\n", + "[\"real madrid 's # 2.3 m , 16-year-old wonderkid martin odegaard has been dropped from the club 's b-team castilla because results drastically improve when he is not on the pitch .real madrid castilla , managed by first-team coach in waiting zinedine zidane , were top of their regional third division when odegaard arrived at the club in january , but after he made his debut the team 's form dipped dramatically and following a run of four straight defeats , they dropped to seventh place , four points off the lead .odegaard picked real madrid over liverpool and manchester united at the start of the year but the record-breaking teenager is already experiencing how difficult it can be for young players in the spanish capital .\"]\n", + "=======================\n", + "['real madrid signed norwegian teenager martin odegaard for # 2.3 millionodegaard dropped down to castilla with team top of regional third divisionresults have picked up since the 16-year-old was dropped from starting xiodegaard trains with first team and is not a cohesive part of castilla sideno one regrets odegaard signing but he may go out on loan next season']\n", + "real madrid 's # 2.3 m , 16-year-old wonderkid martin odegaard has been dropped from the club 's b-team castilla because results drastically improve when he is not on the pitch .real madrid castilla , managed by first-team coach in waiting zinedine zidane , were top of their regional third division when odegaard arrived at the club in january , but after he made his debut the team 's form dipped dramatically and following a run of four straight defeats , they dropped to seventh place , four points off the lead .odegaard picked real madrid over liverpool and manchester united at the start of the year but the record-breaking teenager is already experiencing how difficult it can be for young players in the spanish capital .\n", + "real madrid signed norwegian teenager martin odegaard for # 2.3 millionodegaard dropped down to castilla with team top of regional third divisionresults have picked up since the 16-year-old was dropped from starting xiodegaard trains with first team and is not a cohesive part of castilla sideno one regrets odegaard signing but he may go out on loan next season\n", + "[1.3309323 1.4248197 1.1740612 1.1484022 1.200321 1.0859834 1.1309112\n", + " 1.1052274 1.079775 1.1848853 1.0832155 1.0613439 1.0704083 1.0855995\n", + " 1.0407474 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 9 2 3 6 7 5 13 10 8 12 11 14 17 15 16 18]\n", + "=======================\n", + "['the male animal , which was eventually captured with a dart gun , was first seen by a local walking his dog in the park near the church of the holy apostles at 28th street and ninth avenue in chelsea .a wily coyote gave the new york police department the runaround for more than an hour on tuesday morning after it was spotted on the grounds of an apartment building next to a church in manhattan .after the resident alerted two workers to the sighting , nypd officers arrived at the scene .']\n", + "=======================\n", + "['coyote was spotted in a park near church of holy apostles in manhattanit ran across grass , hid behind bushes and dodged cops for over an hourfinally captured after it was shot with tranquilizer dart laced with ketasetput in animal containment box and taken to animal care & control centerit is the second coyote to have been seen in new york in only two weekson march 30 , another spent an hour wandering on roof of bar in queenscoyotes are flocking to city in rising numbers as competition for food becomes increasingly fierce , forcing them to scavenge new territories']\n", + "the male animal , which was eventually captured with a dart gun , was first seen by a local walking his dog in the park near the church of the holy apostles at 28th street and ninth avenue in chelsea .a wily coyote gave the new york police department the runaround for more than an hour on tuesday morning after it was spotted on the grounds of an apartment building next to a church in manhattan .after the resident alerted two workers to the sighting , nypd officers arrived at the scene .\n", + "coyote was spotted in a park near church of holy apostles in manhattanit ran across grass , hid behind bushes and dodged cops for over an hourfinally captured after it was shot with tranquilizer dart laced with ketasetput in animal containment box and taken to animal care & control centerit is the second coyote to have been seen in new york in only two weekson march 30 , another spent an hour wandering on roof of bar in queenscoyotes are flocking to city in rising numbers as competition for food becomes increasingly fierce , forcing them to scavenge new territories\n", + "[1.5283527 1.1196969 1.3940384 1.1515012 1.4599059 1.3347864 1.0097816\n", + " 1.1077071 1.027095 1.0618871 1.1336974 1.0725427 1.0230235 1.2368829\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 2 5 13 3 10 1 7 11 9 8 12 6 14 15 16 17 18]\n", + "=======================\n", + "[\"patrick bamford has scored 19 goals for middlesbrough this season and is the championship 's player of the year .patrick bamford ( left ) hopes to become chelsea 's answer to tottenham hotspur 's harry kane next seasonmiddlesbrough 's bamford insists he wants to fight for his place at stamford bridge with chelsea\"]\n", + "=======================\n", + "['patrick bamford was crowned the championship player of the yearthe starlet has scored 19 goals for middlesbrough this seasonchelsea loaned bamford out and he dreams of wearing the blue shirt']\n", + "patrick bamford has scored 19 goals for middlesbrough this season and is the championship 's player of the year .patrick bamford ( left ) hopes to become chelsea 's answer to tottenham hotspur 's harry kane next seasonmiddlesbrough 's bamford insists he wants to fight for his place at stamford bridge with chelsea\n", + "patrick bamford was crowned the championship player of the yearthe starlet has scored 19 goals for middlesbrough this seasonchelsea loaned bamford out and he dreams of wearing the blue shirt\n", + "[1.440794 1.258802 1.2144529 1.1654621 1.055281 1.0629165 1.0988753\n", + " 1.0181499 1.0228891 1.0691032 1.0887988 1.0322217 1.0660061 1.0224504\n", + " 1.0579453 1.04854 1.0195735 0. 0. ]\n", + "\n", + "[ 0 1 2 3 6 10 9 12 5 14 4 15 11 8 13 16 7 17 18]\n", + "=======================\n", + "[\"gigi hadid , and seven other up-and-coming models , have channeled their inner ` beauty queens ' to pose up in some of the spring season 's hottest runway looks for a fashion and beauty spread , which appears in all 32 national and international editions of harper 's bazaar .the images , which feature in the may editions of the international magazine , debuted yesterday online showcasing the unique styling skills of carine , who has a history of cultivating young models ' careers , including gigi 's .gigi hadid is so gorgeous that she could probably sell us on just about anything she wore .\"]\n", + "=======================\n", + "[\"the magazine 's global fashion director carine roitfeld conceptualized and styled the spread , which appears in all 32 editions of the fashion glossymodels jing wen , laura james , anna cleveland , ondria hardin , antonia wilson , kitty hayes , and paige reifler also starred in the photoshoot\"]\n", + "gigi hadid , and seven other up-and-coming models , have channeled their inner ` beauty queens ' to pose up in some of the spring season 's hottest runway looks for a fashion and beauty spread , which appears in all 32 national and international editions of harper 's bazaar .the images , which feature in the may editions of the international magazine , debuted yesterday online showcasing the unique styling skills of carine , who has a history of cultivating young models ' careers , including gigi 's .gigi hadid is so gorgeous that she could probably sell us on just about anything she wore .\n", + "the magazine 's global fashion director carine roitfeld conceptualized and styled the spread , which appears in all 32 editions of the fashion glossymodels jing wen , laura james , anna cleveland , ondria hardin , antonia wilson , kitty hayes , and paige reifler also starred in the photoshoot\n", + "[1.0885655 1.1443995 1.358586 1.3222811 1.3229334 1.2043695 1.2032251\n", + " 1.038835 1.0164882 1.0155442 1.1340063 1.0334007 1.0768906 1.0236852\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 4 3 5 6 1 10 0 12 7 11 13 8 9 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"wine experts have created a guide to matching wine with snacks that recommends pairing pinot grigio with nachos and shiraz rose with salt and vinegar crisps .tasters at jacob 's creek sampled different types of wine with 10 of the nation 's most popular snacks and light bites .a riesling is the perfect companion to a sausage roll , chardonnay goes great with wasabi peas or pittas and hummus , and merlot is the best glass to compliment a box of chocolates .\"]\n", + "=======================\n", + "['buttery flavours of sausage roll are balanced by zesty apple of rieslingpair margherita with shiraz and pepperoni pizza with cabernet sauvignonpair your scotch egg with fiano and chocolate with a glass of merlot']\n", + "wine experts have created a guide to matching wine with snacks that recommends pairing pinot grigio with nachos and shiraz rose with salt and vinegar crisps .tasters at jacob 's creek sampled different types of wine with 10 of the nation 's most popular snacks and light bites .a riesling is the perfect companion to a sausage roll , chardonnay goes great with wasabi peas or pittas and hummus , and merlot is the best glass to compliment a box of chocolates .\n", + "buttery flavours of sausage roll are balanced by zesty apple of rieslingpair margherita with shiraz and pepperoni pizza with cabernet sauvignonpair your scotch egg with fiano and chocolate with a glass of merlot\n", + "[1.4248701 1.2025075 1.4554677 1.1164513 1.3495243 1.2009976 1.1963183\n", + " 1.0666971 1.0876181 1.0174987 1.0444188 1.1633339 1.0194508 1.0109011\n", + " 1.012613 1.0141171 1.0262375 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 4 1 5 6 11 3 8 7 10 16 12 9 15 14 13 17 18 19 20]\n", + "=======================\n", + "['peter fox , from liverpool , was arrested at euston station in london this morning on suspicion of the murders of bernadette , 57 , and sarah fox , 27 , following a nationwide manhunt .the body of his sister was found by police on thursday night , just hours before her 57-year-old mother bernadette was found dead at sheltered accommodation just half a mile away in bootle , merseyside .a 26-year-old man wanted for the murder of his mother and sister has been arrested after being spotted by a member of the public .']\n", + "=======================\n", + "['peter fox , 26 , has been arrested in london on suspicion of double murderhis sister sarah , 27 , was found dead at her home in bootle on thursdaymother bernadette , 57 , was later found dead at sheltered accommodationfox was arrested at euston station after he was seen by member of public']\n", + "peter fox , from liverpool , was arrested at euston station in london this morning on suspicion of the murders of bernadette , 57 , and sarah fox , 27 , following a nationwide manhunt .the body of his sister was found by police on thursday night , just hours before her 57-year-old mother bernadette was found dead at sheltered accommodation just half a mile away in bootle , merseyside .a 26-year-old man wanted for the murder of his mother and sister has been arrested after being spotted by a member of the public .\n", + "peter fox , 26 , has been arrested in london on suspicion of double murderhis sister sarah , 27 , was found dead at her home in bootle on thursdaymother bernadette , 57 , was later found dead at sheltered accommodationfox was arrested at euston station after he was seen by member of public\n", + "[1.147397 1.3795805 1.2722507 1.2261475 1.1342111 1.0936522 1.1292335\n", + " 1.0468515 1.1203947 1.1304227 1.0519203 1.0811213 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 9 6 8 5 11 10 7 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"in a survey conducted by bt , a third of parents polled said they belt out hip hop songs to soothe their little ones to sleep , while ten per cent opt for pop tunes .eurythmics ' there must be an angel came second on the top ten , followed by vanilla ice 's ice ice baby , while more current hits from pitbull , ed sheeran and sam smith also made the cut .baby soother : when it comes to lullabies , the classic moon river , which audrey hepburn famously sang in breakfast at tiffany 's ( pictured ) , tops the chart for british parents\"]\n", + "=======================\n", + "[\"new survey found that audrey hepburn 's moon river was most popularother chart songs used as lullabies include vanilla ice 's ice ice babypitbull , ed sheeran and sam smith also made the cut\"]\n", + "in a survey conducted by bt , a third of parents polled said they belt out hip hop songs to soothe their little ones to sleep , while ten per cent opt for pop tunes .eurythmics ' there must be an angel came second on the top ten , followed by vanilla ice 's ice ice baby , while more current hits from pitbull , ed sheeran and sam smith also made the cut .baby soother : when it comes to lullabies , the classic moon river , which audrey hepburn famously sang in breakfast at tiffany 's ( pictured ) , tops the chart for british parents\n", + "new survey found that audrey hepburn 's moon river was most popularother chart songs used as lullabies include vanilla ice 's ice ice babypitbull , ed sheeran and sam smith also made the cut\n", + "[1.611554 1.4673169 1.2159996 1.0969507 1.1320612 1.0264152 1.0185565\n", + " 1.0194843 1.0646774 1.3056282 1.0516516 1.0132283 1.0163604 1.0123382\n", + " 1.0110135 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 9 2 4 3 8 10 5 7 6 12 11 13 14 19 15 16 17 18 20]\n", + "=======================\n", + "[\"england star anthony watson believes the pain of bath 's european champions cup exit can be a driving force in their push to make this season 's aviva premiership play-offs .watson and company were left to reflect on what might have been at dublin 's aviva stadium as six ian madigan penalties gave three-time european champions leinster a tense 18-15 quarter-final success .ian madigan was perfect from the tee to hand leinster the victory in a game where they were second best\"]\n", + "=======================\n", + "['bath dominated champions cup quarter final against leinsterbut english side came up just short 18-15 , despite scoring two trieswith four premiership games left , watson wants pain to spur team on']\n", + "england star anthony watson believes the pain of bath 's european champions cup exit can be a driving force in their push to make this season 's aviva premiership play-offs .watson and company were left to reflect on what might have been at dublin 's aviva stadium as six ian madigan penalties gave three-time european champions leinster a tense 18-15 quarter-final success .ian madigan was perfect from the tee to hand leinster the victory in a game where they were second best\n", + "bath dominated champions cup quarter final against leinsterbut english side came up just short 18-15 , despite scoring two trieswith four premiership games left , watson wants pain to spur team on\n", + "[1.6348796 1.1819443 1.0681663 1.5325621 1.1551615 1.0348288 1.1204071\n", + " 1.077956 1.019384 1.1642601 1.0857329 1.0757807 1.0207231 1.0137051\n", + " 1.0105699 1.0149386 1.0179397 1.0141023 1.0127487 1.0082202 1.0072073]\n", + "\n", + "[ 0 3 1 9 4 6 10 7 11 2 5 12 8 16 15 17 13 18 14 19 20]\n", + "=======================\n", + "[\"atletico madrid striker fernando torres believes coach diego simeone 's clear understanding of the team 's weaknesses has been the key to their success as they seek revenge against real madrid on tuesday for last season 's champions league final defeat .fernando torres ( centre ) scored his first ever league own goal during the 2-2 draw with malaga on saturdaywith the determined argentine at the helm , atletico have belied their economic inferiority to become one of the most dangerous sides in europe and now the la liga champions take on real aiming once again for a place in the semi-finals of the continent 's elite competition .\"]\n", + "=======================\n", + "[\"real madrid take on atletico madrid in champions league quarter-finalsfirst-leg is at atletico 's vicente calderon on tuesday eveningatletico madrid could only manage 2-2 draw against malaga on saturdayreal madrid beat eibar 3-0 to go just 2 points behind barcelona in la liga\"]\n", + "atletico madrid striker fernando torres believes coach diego simeone 's clear understanding of the team 's weaknesses has been the key to their success as they seek revenge against real madrid on tuesday for last season 's champions league final defeat .fernando torres ( centre ) scored his first ever league own goal during the 2-2 draw with malaga on saturdaywith the determined argentine at the helm , atletico have belied their economic inferiority to become one of the most dangerous sides in europe and now the la liga champions take on real aiming once again for a place in the semi-finals of the continent 's elite competition .\n", + "real madrid take on atletico madrid in champions league quarter-finalsfirst-leg is at atletico 's vicente calderon on tuesday eveningatletico madrid could only manage 2-2 draw against malaga on saturdayreal madrid beat eibar 3-0 to go just 2 points behind barcelona in la liga\n", + "[1.4356778 1.2122693 1.3161407 1.2336217 1.1636472 1.2364181 1.1673851\n", + " 1.0709771 1.0276437 1.0242965 1.0821159 1.0777706 1.0962741 1.0211282\n", + " 1.0175705 1.0763826 1.0250515 1.014712 1.0186608 0. 0. ]\n", + "\n", + "[ 0 2 5 3 1 6 4 12 10 11 15 7 8 16 9 13 18 14 17 19 20]\n", + "=======================\n", + "[\"ian gibson , a former soldier who had his kneecap blown off in combat and is suing his employer after a colleague nicknamed him hoppytoday , ex-army tank driver ian gibson from hillingdon in middlesex told an employment tribunal that he was subjected to a tirade of ` horrible harassment ' while working at h and g contracting services ltd at heathrow airport .in 2010 he underwent a knee replacement and had further surgery on his other knee two years later .\"]\n", + "=======================\n", + "[\"ian gibson claims he was bullied at h and g contracting services ltdsays he was called ` hoppy ' by a colleague due to a limp from an injuryadds he was overlooked for an office job when pain became too muchmr gibson sustained the knee injury in combat in the parachute regiment\"]\n", + "ian gibson , a former soldier who had his kneecap blown off in combat and is suing his employer after a colleague nicknamed him hoppytoday , ex-army tank driver ian gibson from hillingdon in middlesex told an employment tribunal that he was subjected to a tirade of ` horrible harassment ' while working at h and g contracting services ltd at heathrow airport .in 2010 he underwent a knee replacement and had further surgery on his other knee two years later .\n", + "ian gibson claims he was bullied at h and g contracting services ltdsays he was called ` hoppy ' by a colleague due to a limp from an injuryadds he was overlooked for an office job when pain became too muchmr gibson sustained the knee injury in combat in the parachute regiment\n", + "[1.3531291 1.2376003 1.2900406 1.2718964 1.2710702 1.203545 1.187261\n", + " 1.1133068 1.0531361 1.0248988 1.0786831 1.0158358 1.1062019 1.1324716\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 4 1 5 6 13 7 12 10 8 9 11 14 15 16 17 18 19 20]\n", + "=======================\n", + "['the inquiry into the iraq war , lead by sir john chilcot , began in 2009 , stopped taking evidence in 2011 , but will not report until 2016 , a source saidit was initially thought it would be delayed until after the general election amid claims it could be damning for labour .tony blair is expected to be come under intense scrutiny for sanctioning the ill-fated invasion .']\n", + "=======================\n", + "[\"sir john chilcot 's inquiry began in 2009 , stopped taking evidence in 2011his report has been repeatedly delayed but was expected after electionnow source says findings may not become public until ` at least ' 2016\"]\n", + "the inquiry into the iraq war , lead by sir john chilcot , began in 2009 , stopped taking evidence in 2011 , but will not report until 2016 , a source saidit was initially thought it would be delayed until after the general election amid claims it could be damning for labour .tony blair is expected to be come under intense scrutiny for sanctioning the ill-fated invasion .\n", + "sir john chilcot 's inquiry began in 2009 , stopped taking evidence in 2011his report has been repeatedly delayed but was expected after electionnow source says findings may not become public until ` at least ' 2016\n", + "[1.2717067 1.3625541 1.1161838 1.1124686 1.1469171 1.3277171 1.1640754\n", + " 1.0400456 1.0233487 1.1041044 1.0846608 1.065514 1.0917757 1.1206658\n", + " 1.1109735 1.0570388 1.0267848 1.0566145 1.0210503 1.0148326 1.0239396]\n", + "\n", + "[ 1 5 0 6 4 13 2 3 14 9 12 10 11 15 17 7 16 20 8 18 19]\n", + "=======================\n", + "['the march 18 video recorded by faysal mohamed lasts for 30 seconds and begins with a police officer giving a violent warning while his gun was trained on the teen and his two friends .pulled over : the teens were cuffed and held on the side of the road by the officers in south minneapolis on march 18cellphone footage appears to show a minneapolis police officer threatening to break the legs of a teenager who claims he was pulled over because of racial profiling .']\n", + "=======================\n", + "['faysal mohamed , 17 , pulled over along with two friends in minneapolisthe teens managed to film threatening language used by officer rod webberclaim the officers trained their guns on the teenagers but let them go without charge']\n", + "the march 18 video recorded by faysal mohamed lasts for 30 seconds and begins with a police officer giving a violent warning while his gun was trained on the teen and his two friends .pulled over : the teens were cuffed and held on the side of the road by the officers in south minneapolis on march 18cellphone footage appears to show a minneapolis police officer threatening to break the legs of a teenager who claims he was pulled over because of racial profiling .\n", + "faysal mohamed , 17 , pulled over along with two friends in minneapolisthe teens managed to film threatening language used by officer rod webberclaim the officers trained their guns on the teenagers but let them go without charge\n", + "[1.3253105 1.2963747 1.3088275 1.1613679 1.2500163 1.0707297 1.1183667\n", + " 1.0662894 1.0293465 1.0924287 1.2307602 1.0535991 1.0630922 1.0370142\n", + " 1.0289023 1.0257144 1.0164307 1.0339121 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 4 10 3 6 9 5 7 12 11 13 17 8 14 15 16 19 18 20]\n", + "=======================\n", + "[\"sexting is ` not advised for politicians ' , says ed miliband - and ` risky if you are young , dodgy if you are older ' in the words of deputy prime minister nick clegg .green party leader natalie bennett responded that it is ` ok for other adults but not for me ' .both men were asked their opinion on the practice of sending sexy text messages in a quiz for fashion magazine cosmopolitan 's website .\"]\n", + "=======================\n", + "[\"sexting is ` not advised for politicians ' , says labour leader ed milibandand nick clegg adds it 's ` risky if you are young , dodgy if you are older 'green party leader natalie bennett says it is ` not for her ' and education secretary nicky morgan adds it 's ` too risky 'politicians were asked what they thought of the practice by cosmpolitan\"]\n", + "sexting is ` not advised for politicians ' , says ed miliband - and ` risky if you are young , dodgy if you are older ' in the words of deputy prime minister nick clegg .green party leader natalie bennett responded that it is ` ok for other adults but not for me ' .both men were asked their opinion on the practice of sending sexy text messages in a quiz for fashion magazine cosmopolitan 's website .\n", + "sexting is ` not advised for politicians ' , says labour leader ed milibandand nick clegg adds it 's ` risky if you are young , dodgy if you are older 'green party leader natalie bennett says it is ` not for her ' and education secretary nicky morgan adds it 's ` too risky 'politicians were asked what they thought of the practice by cosmpolitan\n", + "[1.1840504 1.3806996 1.2981412 1.2647434 1.2549368 1.1367819 1.1111513\n", + " 1.1211724 1.069589 1.1172062 1.0309191 1.1928942 1.0324957 1.010181\n", + " 1.0142019 1.0489857 1.0310153 1.0459548 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 11 0 5 7 9 6 8 15 17 12 16 10 14 13 19 18 20]\n", + "=======================\n", + "[\"the conservatives ' economic strategy also won a stunning international endorsement , with the international monetary fund lavishing praise on chancellor george osborne .employment rose above 31million in the three months to february , official figures showed -- 557,000 higher than a year before .david cameron said the conservatives had overseen a ` jobs miracle ' and britain had created more jobs in the last five years than the rest of the eu put together .\"]\n", + "=======================\n", + "[\"employment in uk rose above 31million in last three months to februaryconservative 's economic strategy praised by international monetary fundprime minister david cameron says tories have overseen a ` jobs miracle '\"]\n", + "the conservatives ' economic strategy also won a stunning international endorsement , with the international monetary fund lavishing praise on chancellor george osborne .employment rose above 31million in the three months to february , official figures showed -- 557,000 higher than a year before .david cameron said the conservatives had overseen a ` jobs miracle ' and britain had created more jobs in the last five years than the rest of the eu put together .\n", + "employment in uk rose above 31million in last three months to februaryconservative 's economic strategy praised by international monetary fundprime minister david cameron says tories have overseen a ` jobs miracle '\n", + "[1.1776608 1.448933 1.3704615 1.2841496 1.1227503 1.0342563 1.0227853\n", + " 1.1742114 1.0816661 1.1267612 1.0803164 1.0496312 1.0458115 1.0692253\n", + " 1.0466344 1.0358747 0. ]\n", + "\n", + "[ 1 2 3 0 7 9 4 8 10 13 11 14 12 15 5 6 16]\n", + "=======================\n", + "['the novelist , who died in 2014 aged 90 , amassed a spectacular collection of greek , egyptian and roman jewellery during her lifetime , among them pieces up to 3,500 years old .now the collection is to go under the hammer , with auctioneers saying they expect the exquisite pieces to fetch up to # 20,000 .collector : elizabeth jane howard , pictured with kingsley amis , collected ancient jewellery']\n", + "=======================\n", + "['the ancient jewels belonged to novelist elizabeth jane howardshe is famous for the cazalet chronicles and marriage to kingsley amisthe collection includes ancient egyptian hair rings dating from 1550 b.choward , who died in january 2014 , often wore the jewelleryin total , the pieces , some of which are 3,500 years old , are worth # 20,000']\n", + "the novelist , who died in 2014 aged 90 , amassed a spectacular collection of greek , egyptian and roman jewellery during her lifetime , among them pieces up to 3,500 years old .now the collection is to go under the hammer , with auctioneers saying they expect the exquisite pieces to fetch up to # 20,000 .collector : elizabeth jane howard , pictured with kingsley amis , collected ancient jewellery\n", + "the ancient jewels belonged to novelist elizabeth jane howardshe is famous for the cazalet chronicles and marriage to kingsley amisthe collection includes ancient egyptian hair rings dating from 1550 b.choward , who died in january 2014 , often wore the jewelleryin total , the pieces , some of which are 3,500 years old , are worth # 20,000\n", + "[1.2323623 1.4723232 1.1870685 1.1796293 1.1684977 1.0519013 1.0282947\n", + " 1.029366 1.0727894 1.0262386 1.0264796 1.0559481 1.0500437 1.091011\n", + " 1.1168973 1.0510309 1.0330459]\n", + "\n", + "[ 1 0 2 3 4 14 13 8 11 5 15 12 16 7 6 10 9]\n", + "=======================\n", + "[\"but the so-called ` king of instagram ' has been forced into making a public safety announcement in order to avoid jail after being arrested for placing homemade explosives into a tractor before shooting them .known for his life of fast cars , supermodels , and heavy-duty firearms , dan bilzerian is perhaps the last man you would expect to be fronting a video about responsible gun use .the film shows a stony-faced bilzerian speaking from behind a desk in his lavish home , complete with gun-shaped candle holder , an action figurine of himself , and a bizarre painting , while lecturing people on ` responsible ' gun ownership .\"]\n", + "=======================\n", + "['dan bilzerian , 34 , arrested on explosives charges in december last yearescaped jail as part of plea that required him to make gun safety filmfilm shows bilzerian speaking in monotone voice reading from a scriptsits in front of gun-shaped candle holder next to action figure of himself']\n", + "but the so-called ` king of instagram ' has been forced into making a public safety announcement in order to avoid jail after being arrested for placing homemade explosives into a tractor before shooting them .known for his life of fast cars , supermodels , and heavy-duty firearms , dan bilzerian is perhaps the last man you would expect to be fronting a video about responsible gun use .the film shows a stony-faced bilzerian speaking from behind a desk in his lavish home , complete with gun-shaped candle holder , an action figurine of himself , and a bizarre painting , while lecturing people on ` responsible ' gun ownership .\n", + "dan bilzerian , 34 , arrested on explosives charges in december last yearescaped jail as part of plea that required him to make gun safety filmfilm shows bilzerian speaking in monotone voice reading from a scriptsits in front of gun-shaped candle holder next to action figure of himself\n", + "[1.4922249 1.3242782 1.1722336 1.3953692 1.3098023 1.1402245 1.0176867\n", + " 1.1286585 1.1006025 1.1524286 1.0339098 1.1441324 1.0100938 1.0752014\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 9 11 5 7 8 13 10 6 12 14 15 16]\n", + "=======================\n", + "['former manchester united goalkeeper edwin van der sar is convinced louis van gaal will bring the glory days back to old trafford .united head to chelsea on saturday in top form , having won six successive matches .victory at stamford bridge would put united within five points of the blues , but the fact that the leaders have one game in hand means they are big favourites to lift the barclays premier league trophy next month .']\n", + "=======================\n", + "[\"louis van gaal has led manchester united into a great run of form of lateafter their surge up the table , united have their sights on next year 's titleedwin van der sar says van gaal can win trophies after united 's drought\"]\n", + "former manchester united goalkeeper edwin van der sar is convinced louis van gaal will bring the glory days back to old trafford .united head to chelsea on saturday in top form , having won six successive matches .victory at stamford bridge would put united within five points of the blues , but the fact that the leaders have one game in hand means they are big favourites to lift the barclays premier league trophy next month .\n", + "louis van gaal has led manchester united into a great run of form of lateafter their surge up the table , united have their sights on next year 's titleedwin van der sar says van gaal can win trophies after united 's drought\n", + "[1.4635359 1.2606823 1.1724197 1.1625471 1.2123059 1.1036837 1.0595763\n", + " 1.05348 1.0528841 1.1617912 1.0933042 1.1297163 1.0513587 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 3 9 11 5 10 6 7 8 12 13 14 15 16]\n", + "=======================\n", + "['audi tt roadster 2.0 tfsi s line quattro ( 230ps )price as driven : # 54,180it goes on sale this month .']\n", + "=======================\n", + "[\"we 've enjoyed some of the highest temperatures of the year this weekthe range starts at # 31,995 and the audi can cost as much as # 50,000no matter how good , the new audi tt still has nothing on the 1999 modelwith the sunshine beaming this week and some of the highest temperatures recorded so far this year , what better moment to splash out on the new third-generation audi tt roadster .i drove the fully stocked four-wheel-drive 2-litre tfsi in s-line quattro trim with 230 bhp , which was adept at whipping around the cotswolds in style .sure-footed and fun to drive with lively acceleration that takes it from rest to 62 mph in just 6.1 seconds up to a top speed electronically limited to 155 mph .supportively cossetting sports seats leave you sitting comfortably at the wheel .a nicely tuned exhaust pipe gives the tt roadster a most satisfying ` brrrm brrrm ' .you wo n't break the bank at the filling station .great wind-in-the-hair motoring with a top that will come down in ten seconds at speeds of up to 31mph , and a more streamlined body .it 's easy to make a hands-free phone call with the automatic three-layer fabric hood down because microphones are embedded in the safety belt .auto-dim led headlights have been transferred across from the flagship audi a8 saloon .if it ai n't broke , do n't fix it .the car i drove cost well in excess of # 50,000 .the optional open-top driving package includes head-level heating to keep your bonce from getting chilly , an electrically operated wind deflector , which stops parky draughts whistling behind your neck , and handily heated super sports seats .no matter how good , nothing will have the jaw-dropping impact on the car market as the original audi tt of 1999 .hefty prestige price tag .these include an open-top driving package ( # 1,000 ) , rotorgrey fine nappa leather and super-sports seats ( # 1,390 ) , a comfort and sound package ( # 1,590 ) , technology package ( # 1,795 ) , electric front seats ( # 995 ) , 19 in twin-spoke alloy wheels ( # 450 ) , metallic paint ( # 545 ) , and led headlights ( # 945 ) .\"]\n", + "audi tt roadster 2.0 tfsi s line quattro ( 230ps )price as driven : # 54,180it goes on sale this month .\n", + "we 've enjoyed some of the highest temperatures of the year this weekthe range starts at # 31,995 and the audi can cost as much as # 50,000no matter how good , the new audi tt still has nothing on the 1999 modelwith the sunshine beaming this week and some of the highest temperatures recorded so far this year , what better moment to splash out on the new third-generation audi tt roadster .i drove the fully stocked four-wheel-drive 2-litre tfsi in s-line quattro trim with 230 bhp , which was adept at whipping around the cotswolds in style .sure-footed and fun to drive with lively acceleration that takes it from rest to 62 mph in just 6.1 seconds up to a top speed electronically limited to 155 mph .supportively cossetting sports seats leave you sitting comfortably at the wheel .a nicely tuned exhaust pipe gives the tt roadster a most satisfying ` brrrm brrrm ' .you wo n't break the bank at the filling station .great wind-in-the-hair motoring with a top that will come down in ten seconds at speeds of up to 31mph , and a more streamlined body .it 's easy to make a hands-free phone call with the automatic three-layer fabric hood down because microphones are embedded in the safety belt .auto-dim led headlights have been transferred across from the flagship audi a8 saloon .if it ai n't broke , do n't fix it .the car i drove cost well in excess of # 50,000 .the optional open-top driving package includes head-level heating to keep your bonce from getting chilly , an electrically operated wind deflector , which stops parky draughts whistling behind your neck , and handily heated super sports seats .no matter how good , nothing will have the jaw-dropping impact on the car market as the original audi tt of 1999 .hefty prestige price tag .these include an open-top driving package ( # 1,000 ) , rotorgrey fine nappa leather and super-sports seats ( # 1,390 ) , a comfort and sound package ( # 1,590 ) , technology package ( # 1,795 ) , electric front seats ( # 995 ) , 19 in twin-spoke alloy wheels ( # 450 ) , metallic paint ( # 545 ) , and led headlights ( # 945 ) .\n", + "[1.4111121 1.421836 1.3598928 1.4461725 1.1402801 1.0346028 1.0342126\n", + " 1.0158207 1.0136575 1.1932231 1.0501978 1.0274686 1.0137587 1.0140945\n", + " 1.0123776 1.126341 1.062211 ]\n", + "\n", + "[ 3 1 0 2 9 4 15 16 10 5 6 11 7 13 12 8 14]\n", + "=======================\n", + "[\"siem de jong , pictured in newcastle training last week , played 72 minutes for the u21s on tuesdayit was his second appearance for peter beardsley 's side since recovering from surgery to repair a collapsed lung and while he admits he is still short of match fitness , he is in contention for a seat on the bench at st james ' park on saturday if head coach john carver requires him .de jong has only made one league start this season but hopes to be involved in first-team again soon\"]\n", + "=======================\n", + "['siem de jong set up adam armstrong for winner in 2-1 aston villa winit was his second game for u21s since surgery to repair collapsed lungthe # 6m summer signing has only made one league start for newcastle']\n", + "siem de jong , pictured in newcastle training last week , played 72 minutes for the u21s on tuesdayit was his second appearance for peter beardsley 's side since recovering from surgery to repair a collapsed lung and while he admits he is still short of match fitness , he is in contention for a seat on the bench at st james ' park on saturday if head coach john carver requires him .de jong has only made one league start this season but hopes to be involved in first-team again soon\n", + "siem de jong set up adam armstrong for winner in 2-1 aston villa winit was his second game for u21s since surgery to repair collapsed lungthe # 6m summer signing has only made one league start for newcastle\n", + "[1.2497613 1.5308638 1.1792884 1.4284316 1.057168 1.0385267 1.143375\n", + " 1.152112 1.0965165 1.123863 1.1070772 1.0159221 1.0252968 1.0149782\n", + " 1.0683012 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 7 6 9 10 8 14 4 5 12 11 13 15 16 17]\n", + "=======================\n", + "[\"james ritchie was voted into the job at the tasmanian university union with a clear majority over a female candidate more than three weeks ago .a man has been pressured into resigning from his role as a women 's officer at a university student union after public pressure and an online petition demanded that he step down from the position .despite his qualifications for the role and no gender specified in the job description , the reaction to a male being offered the position caused huge opposition which left mr ritchie feeling that the negativity impacted on him being able to do the job to the best of his ability .\"]\n", + "=======================\n", + "[\"james ritchie was voted into the job at the tasmanian university union with a clear majority over a female candidate more than three weeks agomounting public pressure and an online petition forced him to resignno gender was specified in the union 's job description guidelinesbut the union has now introduced that the applicant must be a female\"]\n", + "james ritchie was voted into the job at the tasmanian university union with a clear majority over a female candidate more than three weeks ago .a man has been pressured into resigning from his role as a women 's officer at a university student union after public pressure and an online petition demanded that he step down from the position .despite his qualifications for the role and no gender specified in the job description , the reaction to a male being offered the position caused huge opposition which left mr ritchie feeling that the negativity impacted on him being able to do the job to the best of his ability .\n", + "james ritchie was voted into the job at the tasmanian university union with a clear majority over a female candidate more than three weeks agomounting public pressure and an online petition forced him to resignno gender was specified in the union 's job description guidelinesbut the union has now introduced that the applicant must be a female\n", + "[1.3538221 1.2619927 1.1216666 1.0921103 1.1930505 1.2443453 1.1743205\n", + " 1.0782322 1.0980573 1.072042 1.0671749 1.0436306 1.1989703 1.1269251\n", + " 1.043799 1.0461144 0. 0. ]\n", + "\n", + "[ 0 1 5 12 4 6 13 2 8 3 7 9 10 15 14 11 16 17]\n", + "=======================\n", + "[\"harvey weinstein 's wife georgina chapman today gushed online about her ` wonderful husband ' - just days after it emerged he would not face criminal charges for allegedly groping an italian model .in an apparent effort to push past the scandal , the british-born fashion designer , who turned 39 on tuesday , shared an instagram image of a large bouquet of flowers he had bought for her .claims : italian model ambra battilana , 22 , told police weinstein groped her during a meeting last month\"]\n", + "=======================\n", + "[\"the designer shared the snap to instagram on tuesday , her 39th birthdayshe was reportedly ` furious ' after italian model ambra battilana , 22 , claimed weinstein had groped her during a meeting last monthon friday , the manhattan district attorney 's office announced it would not be bringing charges against the millionaire producer\"]\n", + "harvey weinstein 's wife georgina chapman today gushed online about her ` wonderful husband ' - just days after it emerged he would not face criminal charges for allegedly groping an italian model .in an apparent effort to push past the scandal , the british-born fashion designer , who turned 39 on tuesday , shared an instagram image of a large bouquet of flowers he had bought for her .claims : italian model ambra battilana , 22 , told police weinstein groped her during a meeting last month\n", + "the designer shared the snap to instagram on tuesday , her 39th birthdayshe was reportedly ` furious ' after italian model ambra battilana , 22 , claimed weinstein had groped her during a meeting last monthon friday , the manhattan district attorney 's office announced it would not be bringing charges against the millionaire producer\n", + "[1.4474609 1.4391646 1.3874468 1.4572259 1.1265606 1.1035354 1.095047\n", + " 1.0873898 1.0472443 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 2 4 5 6 7 8 9 10 11 12 13 14 15 16 17]\n", + "=======================\n", + "[\"bolton defender marc tierney has been forced to take early retirement following a long-term ankle injurytierney , who joined bolton from norwich , was set for a call up to the republic of ireland squad prior to his injury .tierney started his career at oldham athletic in 2003 , rising through the ranks at the club 's academy and making 44 appearances for the first-team , before a switch to shrewsbury town four years later .\"]\n", + "=======================\n", + "['bolton left-back marc tierney is set to hang up his bootsthe 29-year-old has been forced into early retirement after failing to recover from a fractured ankle suffered against yeovil in september 2013he underwent a series of operations and received specialist advice']\n", + "bolton defender marc tierney has been forced to take early retirement following a long-term ankle injurytierney , who joined bolton from norwich , was set for a call up to the republic of ireland squad prior to his injury .tierney started his career at oldham athletic in 2003 , rising through the ranks at the club 's academy and making 44 appearances for the first-team , before a switch to shrewsbury town four years later .\n", + "bolton left-back marc tierney is set to hang up his bootsthe 29-year-old has been forced into early retirement after failing to recover from a fractured ankle suffered against yeovil in september 2013he underwent a series of operations and received specialist advice\n", + "[1.2955639 1.4316828 1.2572881 1.2327533 1.1526026 1.0459739 1.0446715\n", + " 1.0734655 1.0654875 1.1703917 1.0373808 1.0533516 1.0469863 1.0502719\n", + " 1.0282007 1.0564599 1.0175079 1.0167087]\n", + "\n", + "[ 1 0 2 3 9 4 7 8 15 11 13 12 5 6 10 14 16 17]\n", + "=======================\n", + "['the 12 jurors and 12 alternates were chosen on tuesday in in arapahoe county district court after a selection process that began on january 20 , and which experts said was among the largest and most complicated in u.s. history .a union plumber , a school teacher and a survivor of the 1999 columbine high school massacre were among the 19 women and five men chosen to serve as jurors in the death penalty trial of colorado theater shooter james holmes .holmes is charged with shooting dead 12 people and wounding 70 others in the july 2012 attack at a century movie theater in aurora , colorado , during a midnight screening of the film the dark knight rises .']\n", + "=======================\n", + "[\"the 12 jurors and 12 alternates were chosen on tuesday after a selection process that began on january 20experts say the jury selection in centennial , coloradp was among the largest and most complicated in u.s. historyholmes is charged with shooting dead 12 people and wounding 70 others in the july 2012 attack at a movie theater in aurorahis attorneys do n't dispute that he pulled the trigger but say he was in the grips of a psychotic episode when he opened fireamong the 19 women and 5 men chosen , are a schools employee , a person with depression and a businesswoman who cares for her elderly parents\"]\n", + "the 12 jurors and 12 alternates were chosen on tuesday in in arapahoe county district court after a selection process that began on january 20 , and which experts said was among the largest and most complicated in u.s. history .a union plumber , a school teacher and a survivor of the 1999 columbine high school massacre were among the 19 women and five men chosen to serve as jurors in the death penalty trial of colorado theater shooter james holmes .holmes is charged with shooting dead 12 people and wounding 70 others in the july 2012 attack at a century movie theater in aurora , colorado , during a midnight screening of the film the dark knight rises .\n", + "the 12 jurors and 12 alternates were chosen on tuesday after a selection process that began on january 20experts say the jury selection in centennial , coloradp was among the largest and most complicated in u.s. historyholmes is charged with shooting dead 12 people and wounding 70 others in the july 2012 attack at a movie theater in aurorahis attorneys do n't dispute that he pulled the trigger but say he was in the grips of a psychotic episode when he opened fireamong the 19 women and 5 men chosen , are a schools employee , a person with depression and a businesswoman who cares for her elderly parents\n", + "[1.2594501 1.4850676 1.2211328 1.2773541 1.1499411 1.1632442 1.1790425\n", + " 1.0747619 1.0522568 1.0551845 1.0352875 1.0110773 1.2131175 1.1426668\n", + " 1.0334448 1.0109161 1.0212773 1.0108002]\n", + "\n", + "[ 1 3 0 2 12 6 5 4 13 7 9 8 10 14 16 11 15 17]\n", + "=======================\n", + "['drivers pulled over on interstate 20 in albilene , texas , got out of their cars and walked toward oncoming traffic to pick up the cash .a texas highway was thrown into chaos on friday when the door of brinks armored truck flew open , causing money to spill onto the road .a video posted on facebook shows motorists frantically grabbing the notes in between stopped vehicles , while others were forced to slow down and veer out of the way .']\n", + "=======================\n", + "['bundles of notes spilled onto interstate 20 in albilene , texas , on fridaypassenger door of vehicle flung open - releasing the money onto the roadmotorists pulled over and abandoned their vehicles to pick up the cashpolice have warned anyone caught with the money will be arrested']\n", + "drivers pulled over on interstate 20 in albilene , texas , got out of their cars and walked toward oncoming traffic to pick up the cash .a texas highway was thrown into chaos on friday when the door of brinks armored truck flew open , causing money to spill onto the road .a video posted on facebook shows motorists frantically grabbing the notes in between stopped vehicles , while others were forced to slow down and veer out of the way .\n", + "bundles of notes spilled onto interstate 20 in albilene , texas , on fridaypassenger door of vehicle flung open - releasing the money onto the roadmotorists pulled over and abandoned their vehicles to pick up the cashpolice have warned anyone caught with the money will be arrested\n", + "[1.1044818 1.1784527 1.3389966 1.320153 1.1459883 1.2940096 1.1653872\n", + " 1.1055566 1.0902162 1.1290443 1.051396 1.0434343 1.0127964 1.1149541\n", + " 1.1148089 1.0431656 1.0103488 1.0093731 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 3 5 1 6 4 9 13 14 7 0 8 10 11 15 12 16 17 20 18 19 21]\n", + "=======================\n", + "[\"the brunette bombshell has launched a new swimwear line with a twist - the eco-friendly collection is made entirely of 100 per cent recycled material .curves to coral : model and environmental scientist laura wells uses figure to flaunt ocean inspired swimwearthe environmental scientist turned model designed the line in collaboration with us brand swimsuits for all 's trend range , swimsexy .\"]\n", + "=======================\n", + "['australian plus size model laura wells releases eco-friendly swimwearthe swim range goes up to size 24 and is 100 per cent recyclable materialthe prints australian ocean inspired designs and coral reef coloursthe swimwear is a collaboration with us brand swim sexy']\n", + "the brunette bombshell has launched a new swimwear line with a twist - the eco-friendly collection is made entirely of 100 per cent recycled material .curves to coral : model and environmental scientist laura wells uses figure to flaunt ocean inspired swimwearthe environmental scientist turned model designed the line in collaboration with us brand swimsuits for all 's trend range , swimsexy .\n", + "australian plus size model laura wells releases eco-friendly swimwearthe swim range goes up to size 24 and is 100 per cent recyclable materialthe prints australian ocean inspired designs and coral reef coloursthe swimwear is a collaboration with us brand swim sexy\n", + "[1.484127 1.3328779 1.236246 1.4892237 1.3407507 1.1063819 1.0478693\n", + " 1.2325759 1.0571097 1.0156236 1.0173383 1.0133584 1.05408 1.0126063\n", + " 1.0153319 1.0201793 1.084228 1.0747887 1.0173602 1.0104438 1.0092721\n", + " 1.0104591]\n", + "\n", + "[ 3 0 4 1 2 7 5 16 17 8 12 6 15 18 10 9 14 11 13 21 19 20]\n", + "=======================\n", + "['burnley veteran defender michael duff is preparing to take on tottenham in the premier league on sundayduff has backed his manager sean dyche to one day take charge of the england teamdyche , 43 , has a growing reputation having overseen a remarkable transformation of fortunes since arriving at turf moor in october 2012 .']\n", + "=======================\n", + "[\"the veteran burnley defender believes dyche could manage three lions37-year-old described his boss as ` first class 'former northern ireland international has played in top eight divisionsduff himself is hoping to enter management after his retirement\"]\n", + "burnley veteran defender michael duff is preparing to take on tottenham in the premier league on sundayduff has backed his manager sean dyche to one day take charge of the england teamdyche , 43 , has a growing reputation having overseen a remarkable transformation of fortunes since arriving at turf moor in october 2012 .\n", + "the veteran burnley defender believes dyche could manage three lions37-year-old described his boss as ` first class 'former northern ireland international has played in top eight divisionsduff himself is hoping to enter management after his retirement\n", + "[1.2955599 1.33107 1.3186466 1.286801 1.2665617 1.0886827 1.1595352\n", + " 1.026781 1.0266732 1.0210726 1.1149998 1.0272232 1.0170337 1.0147247\n", + " 1.1220126 1.0448986 1.1224619 1.1874427 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 4 17 6 16 14 10 5 15 11 7 8 9 12 13 20 18 19 21]\n", + "=======================\n", + "[\"meteorologists say early indicators show that an east coast low -- the same weather system that lashed the state 's east coast for three days last week -- could hit the region , with heavy rain possible from thursday .the state emergency service was deluged with calls for assistance last week and has more than 4,000 jobs from the 24,196 requests still to be completed .residents of new south wales who are already reeling from last week 's wild weather are being warned to brace for more floods and damage , with another storm predicted to hit later this week .\"]\n", + "=======================\n", + "[\"another east coast low predicted to hit new south wales from thursdaythe ses says it is concerned about the impact this will have on communities hard hit by last week 's storms - particularly in the hunterresidents urged to prepare their homes to prevent more damage\"]\n", + "meteorologists say early indicators show that an east coast low -- the same weather system that lashed the state 's east coast for three days last week -- could hit the region , with heavy rain possible from thursday .the state emergency service was deluged with calls for assistance last week and has more than 4,000 jobs from the 24,196 requests still to be completed .residents of new south wales who are already reeling from last week 's wild weather are being warned to brace for more floods and damage , with another storm predicted to hit later this week .\n", + "another east coast low predicted to hit new south wales from thursdaythe ses says it is concerned about the impact this will have on communities hard hit by last week 's storms - particularly in the hunterresidents urged to prepare their homes to prevent more damage\n", + "[1.272513 1.4237262 1.2629235 1.2449448 1.1386273 1.072016 1.0738244\n", + " 1.0350422 1.0455836 1.1050326 1.0698246 1.0964116 1.0318036 1.0572144\n", + " 1.0205646 1.0159792 1.0585415 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 3 4 9 11 6 5 10 16 13 8 7 12 14 15 20 17 18 19 21]\n", + "=======================\n", + "['adam crapser , 39 , of salem , was issued with deportation papers by the department of homeland security in january and a hearing is set for april 2 .an oregon man adopted from south korea as a toddler fears that he could be torn away from his wife and three children because his u.s. citizenship was never registered .the father-of-three , who has a fourth child on the way , arrived in america with the name shin sonh hyuk in 1979 around the age of three along with his biological sister .']\n", + "=======================\n", + "[\"adam crapser , 39 , was issued with deportation papers by the department of homeland security in january and a hearing is set for april 2the father-of-three arrived in america with the name shin sonh hyuk in 1979 around the age of three along with his biological sisterhowever , his first set of adoptive parents abandoned him and the second set turned out to be abusiveadding to crapser 's struggles , at no point did his guardians seek the green card or citizenship for him that they should have\"]\n", + "adam crapser , 39 , of salem , was issued with deportation papers by the department of homeland security in january and a hearing is set for april 2 .an oregon man adopted from south korea as a toddler fears that he could be torn away from his wife and three children because his u.s. citizenship was never registered .the father-of-three , who has a fourth child on the way , arrived in america with the name shin sonh hyuk in 1979 around the age of three along with his biological sister .\n", + "adam crapser , 39 , was issued with deportation papers by the department of homeland security in january and a hearing is set for april 2the father-of-three arrived in america with the name shin sonh hyuk in 1979 around the age of three along with his biological sisterhowever , his first set of adoptive parents abandoned him and the second set turned out to be abusiveadding to crapser 's struggles , at no point did his guardians seek the green card or citizenship for him that they should have\n", + "[1.335781 1.1931084 1.4321178 1.2488889 1.1449748 1.1135967 1.0278939\n", + " 1.0194662 1.1220598 1.0435995 1.0926375 1.1235874 1.1050483 1.0990322\n", + " 1.0641627 1.123098 1.0446215 1.0222325 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 3 1 4 11 15 8 5 12 13 10 14 16 9 6 17 7 18 19 20 21]\n", + "=======================\n", + "[\"james ramirez , 37 , said he has concerns over the care of his wife gillian nelson , 34 , who died after complications arose with the birth of their son wesley at a hospital in bromley , kent .death : gillian nelson was ` delirious and spaced out ' following the birth , according to her husbandhe was called to the princess royal university hospital at about 3.45 am on january 28 , 2014 after she had gone in to labour .\"]\n", + "=======================\n", + "[\"gillian nelson had complications with birth before being taken to theatrewidower recalls ` blur ' of staff as she ` bled heavily ' at hospital in bromleyhad blood transfusion and hysterectomy but doctors ` ran out of options 'southwark coroner 's court hears allegations of ` gaps in her monitoring '\"]\n", + "james ramirez , 37 , said he has concerns over the care of his wife gillian nelson , 34 , who died after complications arose with the birth of their son wesley at a hospital in bromley , kent .death : gillian nelson was ` delirious and spaced out ' following the birth , according to her husbandhe was called to the princess royal university hospital at about 3.45 am on january 28 , 2014 after she had gone in to labour .\n", + "gillian nelson had complications with birth before being taken to theatrewidower recalls ` blur ' of staff as she ` bled heavily ' at hospital in bromleyhad blood transfusion and hysterectomy but doctors ` ran out of options 'southwark coroner 's court hears allegations of ` gaps in her monitoring '\n", + "[1.3865793 1.323709 1.1881627 1.0186932 1.2633077 1.2987449 1.0871966\n", + " 1.1024184 1.152086 1.1099209 1.024578 1.0287397 1.0221583 1.0162554\n", + " 1.0676974 1.1884803 1.2121236 1.0316663 0. ]\n", + "\n", + "[ 0 1 5 4 16 15 2 8 9 7 6 14 17 11 10 12 3 13 18]\n", + "=======================\n", + "['manchester united have ramped up their efforts to sign psv eindhoven star memphis depay by making an official approach for the 21-year-old .the eredivisie champions have confirmed that the red devils have made a move over the holland international - with united manager louis van gaal keen to make him one of his first signings this summer .the 21-year-old took his tally to 20 on saturday psv eindhoven beat heerenveen 4-1 to win the dutch championship on saturday for the first time in seven seasons .']\n", + "=======================\n", + "['memphis depay has scored 20 goals in 26 league games for psv this termpsv beat heerenveen to lift their first eredivisie title in seven yearsparis-saint germain are also interested in the highly-rated 21-year-old']\n", + "manchester united have ramped up their efforts to sign psv eindhoven star memphis depay by making an official approach for the 21-year-old .the eredivisie champions have confirmed that the red devils have made a move over the holland international - with united manager louis van gaal keen to make him one of his first signings this summer .the 21-year-old took his tally to 20 on saturday psv eindhoven beat heerenveen 4-1 to win the dutch championship on saturday for the first time in seven seasons .\n", + "memphis depay has scored 20 goals in 26 league games for psv this termpsv beat heerenveen to lift their first eredivisie title in seven yearsparis-saint germain are also interested in the highly-rated 21-year-old\n", + "[1.2189221 1.3635132 1.269557 1.1946764 1.1189771 1.2281501 1.1183542\n", + " 1.1373308 1.0985315 1.0746601 1.0346334 1.0207247 1.2132891 1.0982796\n", + " 1.1018534 1.0266249 1.0590731 1.0715408 1.0448807]\n", + "\n", + "[ 1 2 5 0 12 3 7 4 6 14 8 13 9 17 16 18 10 15 11]\n", + "=======================\n", + "[\"a flabbergasted mario draghi held his hands up for protection when the demonstrator leapt on to the podium and began throwing paper at him during a press conference .the woman - who identified herself later as josephine witt - yelled ` end the ecb dictatorship ! 'the president of the european central bank was left cowering behind his bodyguard after being sprinkled with confetti by a female protester .\"]\n", + "=======================\n", + "['flabbergasted mario draghi covers face as woman throws paper at himprotester bundled off by two bodyguards , while third shields ecb bossshe flashes v-for-victory sign as men carry her away by arms and legsex-femen activist josephine witt , 21 , identified herself as demostrator']\n", + "a flabbergasted mario draghi held his hands up for protection when the demonstrator leapt on to the podium and began throwing paper at him during a press conference .the woman - who identified herself later as josephine witt - yelled ` end the ecb dictatorship ! 'the president of the european central bank was left cowering behind his bodyguard after being sprinkled with confetti by a female protester .\n", + "flabbergasted mario draghi covers face as woman throws paper at himprotester bundled off by two bodyguards , while third shields ecb bossshe flashes v-for-victory sign as men carry her away by arms and legsex-femen activist josephine witt , 21 , identified herself as demostrator\n", + "[1.1064825 1.38229 1.4720591 1.3195783 1.2620195 1.0434943 1.0404325\n", + " 1.0874873 1.0793226 1.253535 1.1829549 1.111785 1.0538679 1.0171686\n", + " 1.0195335 1.0137663 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 4 9 10 11 0 7 8 12 5 6 14 13 15 17 16 18]\n", + "=======================\n", + "['labourer noeleen foster was thrilled to capture the suggestively shaped formation above zuccoli -25 km southeast from darwin - on friday morning .a northern territory mother was lost for words after she spotted a phallic cloud on a work break last week .a phallic shaped cloud which appeared last week in zuccoli , 25km southeast of darwin']\n", + "=======================\n", + "['noeleen foster snapped an image of a phallic cloud at work last fridaythe mother-of-four took the pic in zuccolli , 25km southeast of darwinlast year another suggestively shaped cloud made waves in england']\n", + "labourer noeleen foster was thrilled to capture the suggestively shaped formation above zuccoli -25 km southeast from darwin - on friday morning .a northern territory mother was lost for words after she spotted a phallic cloud on a work break last week .a phallic shaped cloud which appeared last week in zuccoli , 25km southeast of darwin\n", + "noeleen foster snapped an image of a phallic cloud at work last fridaythe mother-of-four took the pic in zuccolli , 25km southeast of darwinlast year another suggestively shaped cloud made waves in england\n", + "[1.0674802 1.274949 1.2391664 1.0726922 1.206188 1.0812253 1.1739894\n", + " 1.0718305 1.1104388 1.0926002 1.0568676 1.0600449 1.1072143 1.0907007\n", + " 1.0850403 1.0567799 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 6 8 12 9 13 14 5 3 7 0 11 10 15 17 16 18]\n", + "=======================\n", + "['visitors who venture onto or too close to north sentinel island risk being attacked by members of a mysterious tribe who have rejected modern civilisation and prefer to have zero contact with the outside world .when they do interact with outsiders , it usually involves violence -- the indigenous sentinelese tribe killed two men who were fishing illegally in 2006 and have been known to fire arrows and fling rocks at low-flying planes or helicopters on reconnaissance missions .following the 2004 tsunami this member of the sentinelese tribe was photographed firing an arrow at an indian coast guard helicopter']\n", + "=======================\n", + "[\"the indigenous tribe has lived on north sentinel island in the indian ocean for an estimated 60,000 yearstheir limited contact with the outside world usually involves violence , as they are hostile towards outsidersislanders have been known to fire arrows or toss stones at low-flying aircraft on reconnaissance missionstribespeople have rarely been photographed or recorded on video , as it is too dangerous to visit the islandindia 's government has given up on making contact with the islanders and established a three-mile exclusion zone\"]\n", + "visitors who venture onto or too close to north sentinel island risk being attacked by members of a mysterious tribe who have rejected modern civilisation and prefer to have zero contact with the outside world .when they do interact with outsiders , it usually involves violence -- the indigenous sentinelese tribe killed two men who were fishing illegally in 2006 and have been known to fire arrows and fling rocks at low-flying planes or helicopters on reconnaissance missions .following the 2004 tsunami this member of the sentinelese tribe was photographed firing an arrow at an indian coast guard helicopter\n", + "the indigenous tribe has lived on north sentinel island in the indian ocean for an estimated 60,000 yearstheir limited contact with the outside world usually involves violence , as they are hostile towards outsidersislanders have been known to fire arrows or toss stones at low-flying aircraft on reconnaissance missionstribespeople have rarely been photographed or recorded on video , as it is too dangerous to visit the islandindia 's government has given up on making contact with the islanders and established a three-mile exclusion zone\n", + "[1.126468 1.2872852 1.1692698 1.1486955 1.0893501 1.143859 1.0934974\n", + " 1.0597594 1.0561473 1.1051041 1.095022 1.0368714 1.0424805 1.097729\n", + " 1.067058 1.0528804 1.0245806 1.0378275 1.0170071]\n", + "\n", + "[ 1 2 3 5 0 9 13 10 6 4 14 7 8 15 12 17 11 16 18]\n", + "=======================\n", + "[\"last weekend , as baltimore reacted to the death of freddie gray , the young man who died last week from a spinal cord injury he suffered while in police custody , major league baseball had a problem on its hands .saturday 's game between the orioles and red sox had gone into extra innings in camden yards , with plenty of fans for both teams glued to their seats .boston fans feel at home in oriole park -- a so-called retro urban park built to embrace the luxuries of modern stadiums while maintaining that nostalgic feel -- because much of it was based on boston 's fenway park .\"]\n", + "=======================\n", + "['amy bass : baltimore rioting caused postponement of two orioles-white sox games .she says baseball can bring cities together .']\n", + "last weekend , as baltimore reacted to the death of freddie gray , the young man who died last week from a spinal cord injury he suffered while in police custody , major league baseball had a problem on its hands .saturday 's game between the orioles and red sox had gone into extra innings in camden yards , with plenty of fans for both teams glued to their seats .boston fans feel at home in oriole park -- a so-called retro urban park built to embrace the luxuries of modern stadiums while maintaining that nostalgic feel -- because much of it was based on boston 's fenway park .\n", + "amy bass : baltimore rioting caused postponement of two orioles-white sox games .she says baseball can bring cities together .\n", + "[1.5076296 1.2078623 1.4371513 1.124105 1.1464435 1.0847768 1.0917809\n", + " 1.0924203 1.1199212 1.0921495 1.0330905 1.0624428 1.0456567 1.1131791\n", + " 1.0977985 1.0517532 1.0255235 1.0536968 0. ]\n", + "\n", + "[ 0 2 1 4 3 8 13 14 7 9 6 5 11 17 15 12 10 16 18]\n", + "=======================\n", + "[\"kyle patrick loughlin from massachusetts has been charged with sexually assaulting two young boys at a daycare center where he workedthe student allegedly said that he started feeling an attraction to young boys as a teenager and he sometimes wrote ` sexually charged fantasy stories ' involving children .police told the boston globe that they then proceeded to search loughlin 's dorm room where they found more than 100 pairs of children 's underwear and diapers .\"]\n", + "=======================\n", + "[\"kyle patrick loughlin was enrolled at bridgewater state universityon tuesday night he was arrested after reportedly admitting that he 'd molested two boy aged between four and fivepolice proceeded to search loughlin 's dorm room where they allegedly found over 100 pairs of children 's underwear and diapersdespite his admittance , loughlin pleaded not guilty in court on friday to counts of raping a child and aggravated indecent assault and batteryhe will now be held without bail until a dangerousness hearing next week\"]\n", + "kyle patrick loughlin from massachusetts has been charged with sexually assaulting two young boys at a daycare center where he workedthe student allegedly said that he started feeling an attraction to young boys as a teenager and he sometimes wrote ` sexually charged fantasy stories ' involving children .police told the boston globe that they then proceeded to search loughlin 's dorm room where they found more than 100 pairs of children 's underwear and diapers .\n", + "kyle patrick loughlin was enrolled at bridgewater state universityon tuesday night he was arrested after reportedly admitting that he 'd molested two boy aged between four and fivepolice proceeded to search loughlin 's dorm room where they allegedly found over 100 pairs of children 's underwear and diapersdespite his admittance , loughlin pleaded not guilty in court on friday to counts of raping a child and aggravated indecent assault and batteryhe will now be held without bail until a dangerousness hearing next week\n", + "[1.2376376 1.2549428 1.1680921 1.305248 1.310929 1.1746478 1.0907636\n", + " 1.0862303 1.0361279 1.0266371 1.0155234 1.0187153 1.1149218 1.0759014\n", + " 1.0313839 1.0551057 1.0802157 1.0531169 1.0570909]\n", + "\n", + "[ 4 3 1 0 5 2 12 6 7 16 13 18 15 17 8 14 9 11 10]\n", + "=======================\n", + "[\"smith claims iac chairman barry diller asked her in 1992 : ` do you think i should come out ? 'liz smith is spilling celebrity secrets that she never printed over the course of her 70 year careerbut that he ` worships ' his wife diane von furstenberg ( above )\"]\n", + "=======================\n", + "[\"liz smith , 92 , is spilling celebrity secrets that she never printed over the course of her 70-year careersmith began working at 25 and went on to become the gossip columnist for both the new york post and new york daily newssmith , a lesbian , claims iac chairman barry diller asked her in 1992 : ` do you think i should come out ? 'despite this claim , smith says diller is in love with his wife diane von furstenberg , who he has been with since the 1970s and married in 2001as for enemies , she never again spoke to jackie kennedy 's sister lee radziwill after she refused to defend truman capote and called him a ` f ** 'she counts elizabeth taylor , elaine stritch , former texas governor ann richard and bette midler as her closest friendsbarbara walters was a good friend she claims , but lost interest in smith when she lost her newspaper column at the post\"]\n", + "smith claims iac chairman barry diller asked her in 1992 : ` do you think i should come out ? 'liz smith is spilling celebrity secrets that she never printed over the course of her 70 year careerbut that he ` worships ' his wife diane von furstenberg ( above )\n", + "liz smith , 92 , is spilling celebrity secrets that she never printed over the course of her 70-year careersmith began working at 25 and went on to become the gossip columnist for both the new york post and new york daily newssmith , a lesbian , claims iac chairman barry diller asked her in 1992 : ` do you think i should come out ? 'despite this claim , smith says diller is in love with his wife diane von furstenberg , who he has been with since the 1970s and married in 2001as for enemies , she never again spoke to jackie kennedy 's sister lee radziwill after she refused to defend truman capote and called him a ` f ** 'she counts elizabeth taylor , elaine stritch , former texas governor ann richard and bette midler as her closest friendsbarbara walters was a good friend she claims , but lost interest in smith when she lost her newspaper column at the post\n", + "[1.3062156 1.3595718 1.2477802 1.2627565 1.0945255 1.1053994 1.0833764\n", + " 1.1362448 1.0897864 1.0401404 1.1420515 1.1289046 1.0306594 1.0332636\n", + " 1.1417689 1.0430542 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 10 14 7 11 5 4 8 6 15 9 13 12 17 16 18]\n", + "=======================\n", + "[\"the monster vegetable , which weighs more than a three-year-old child , is so big it had been nicknamed the ` fat little girl ' in the village where it was grown , the people 's daily online reported .a giant turnip weighing a whopping 33lbs and measuring 4ft long across has been grown in china 's yunnan province .the mammoth turnip which weighs 33lbs and measures 1.2 metres long is so large it hangs over the flower bed\"]\n", + "=======================\n", + "[\"giant vegetable was grown in yunnan province by keen gardener mr lithe monster turnip measured an incredible 4ft long and weighed 33lbsmr li said it was so big it had been nicknamed ` fat little girl ' in his village\"]\n", + "the monster vegetable , which weighs more than a three-year-old child , is so big it had been nicknamed the ` fat little girl ' in the village where it was grown , the people 's daily online reported .a giant turnip weighing a whopping 33lbs and measuring 4ft long across has been grown in china 's yunnan province .the mammoth turnip which weighs 33lbs and measures 1.2 metres long is so large it hangs over the flower bed\n", + "giant vegetable was grown in yunnan province by keen gardener mr lithe monster turnip measured an incredible 4ft long and weighed 33lbsmr li said it was so big it had been nicknamed ` fat little girl ' in his village\n", + "[1.1409858 1.1937068 1.4259984 1.311599 1.0780592 1.0412146 1.1618453\n", + " 1.1154186 1.0751666 1.1727276 1.0349318 1.01494 1.0473886 1.0326223\n", + " 1.0916817 1.0213636 1.016318 1.1278478 1.0357065]\n", + "\n", + "[ 2 3 1 9 6 0 17 7 14 4 8 12 5 18 10 13 15 16 11]\n", + "=======================\n", + "[\"as a result , may wong 's four-year-old cockapoo , miss darcy , has travelled the globe - visiting 11 countries and 23 destinations including new york , berlin , stockholm , milan and paris .she takes more trips with her owner every year than the average briton and has covered nearly 25,000 miles since 2011 - making her a real-life phileas dog .but one owner was so overwhelmed with anxiety at the thought of being parted from her pet , she decided to take the dog on her frequent journeys overseas .\"]\n", + "=======================\n", + "[\"may wong 's four-year-old cockapoo , miss darcy , has travelled the worlddestinations she has visited include new york , berlin , milan and paristhe seasoned traveller took 12 trips with her owner last year alonenow , pair have been joined on their trips by miss wong 's new dog george\"]\n", + "as a result , may wong 's four-year-old cockapoo , miss darcy , has travelled the globe - visiting 11 countries and 23 destinations including new york , berlin , stockholm , milan and paris .she takes more trips with her owner every year than the average briton and has covered nearly 25,000 miles since 2011 - making her a real-life phileas dog .but one owner was so overwhelmed with anxiety at the thought of being parted from her pet , she decided to take the dog on her frequent journeys overseas .\n", + "may wong 's four-year-old cockapoo , miss darcy , has travelled the worlddestinations she has visited include new york , berlin , milan and paristhe seasoned traveller took 12 trips with her owner last year alonenow , pair have been joined on their trips by miss wong 's new dog george\n", + "[1.0866482 1.2886628 1.2920971 1.080185 1.3267899 1.0840412 1.1392887\n", + " 1.14575 1.0708742 1.0901581 1.0638694 1.0977902 1.210672 1.0458395\n", + " 1.0733241 0. 0. 0. 0. ]\n", + "\n", + "[ 4 2 1 12 7 6 11 9 0 5 3 14 8 10 13 17 15 16 18]\n", + "=======================\n", + "['lib dem leader nick clegg appears determined to enjoy the election campaign , spending his sunday afternoon ten-pin bowlingaides say it is part of a deliberate strategy to get the deputy prime minister out of london to meet normal people as they go about their daily lives .nick clegg and lib dem candidate lorely burt were introduced to humpty , a hedgehog with a head injury which means he keeps walking round in circles']\n", + "=======================\n", + "['lib dem leader embarks on bizarre photo opportunities to stay in the newsaides say it is part of strategy to meet voters where they work and playhe has met a hedgehog and joey essex , pulled a pint and visited a spa']\n", + "lib dem leader nick clegg appears determined to enjoy the election campaign , spending his sunday afternoon ten-pin bowlingaides say it is part of a deliberate strategy to get the deputy prime minister out of london to meet normal people as they go about their daily lives .nick clegg and lib dem candidate lorely burt were introduced to humpty , a hedgehog with a head injury which means he keeps walking round in circles\n", + "lib dem leader embarks on bizarre photo opportunities to stay in the newsaides say it is part of strategy to meet voters where they work and playhe has met a hedgehog and joey essex , pulled a pint and visited a spa\n", + "[1.2882165 1.4348823 1.2161396 1.286694 1.3590969 1.0432539 1.0604498\n", + " 1.115047 1.0827844 1.1031615 1.086417 1.0154281 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 0 3 2 7 9 10 8 6 5 11 20 12 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "['waheed ahmed , 21 -- the son of councillor shakil ahmed , who was photographed with ed miliband recently -- is said to be a member of the extremist group hizb ut-tahrir , which advocates a global muslim caliphate , similar to the one established by islamic state in syria and iraq .he was one of a group of nine detained , all from rochdale , including four children aged from one to 11 .ahmed , a politics student at manchester university , was arrested by turkish police at the border town of reyhanli last week .']\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "=======================\n", + "['waheed ahmed , 21 , caught trying to cross the border into syria last weekthe student is said to be a member of the extremist group hizb ut-tahrirhe was arrested by turkish police at the border town of reyhanli']\n", + "waheed ahmed , 21 -- the son of councillor shakil ahmed , who was photographed with ed miliband recently -- is said to be a member of the extremist group hizb ut-tahrir , which advocates a global muslim caliphate , similar to the one established by islamic state in syria and iraq .he was one of a group of nine detained , all from rochdale , including four children aged from one to 11 .ahmed , a politics student at manchester university , was arrested by turkish police at the border town of reyhanli last week .\n", + "waheed ahmed , 21 , caught trying to cross the border into syria last weekthe student is said to be a member of the extremist group hizb ut-tahrirhe was arrested by turkish police at the border town of reyhanli\n", + "[1.4154861 1.3624856 1.2350105 1.3279845 1.2259378 1.0411947 1.0167549\n", + " 1.0176629 1.0154346 1.2456886 1.1243644 1.0929825 1.0628487 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 9 2 4 10 11 12 5 7 6 8 20 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"manchester city are confident uefa 's punishment for breaching financial fairplay regulations will be lifted this summer which would allow them to bid for stellar names like raheem sterling , gareth bale , kevin de bruyne and ross barkley .city boss manuel pellegrini has been hampered over the past year by uefa restricting them to a net transfer spend of # 49million in each window and keeping the club 's overall wage bill to its current level of # 205million-a-year .manchester united , barcelona , liverpool and arsenal have all paid more in transfer fees in the past 12 months than city who were traditionally europe 's biggest spenders after the club was taken over by abu dhabi owners in 2008 .\"]\n", + "=======================\n", + "[\"manchester city have been restricted to a net transfer spend of # 49mclub 's also had to keep overall wage bill to its current level of # 205mpunishments imposed by uefa for breaching financial fair play rulesthe spending restrictions were set for this season and the next onebut city are confident they will be lifted early after their compliance\"]\n", + "manchester city are confident uefa 's punishment for breaching financial fairplay regulations will be lifted this summer which would allow them to bid for stellar names like raheem sterling , gareth bale , kevin de bruyne and ross barkley .city boss manuel pellegrini has been hampered over the past year by uefa restricting them to a net transfer spend of # 49million in each window and keeping the club 's overall wage bill to its current level of # 205million-a-year .manchester united , barcelona , liverpool and arsenal have all paid more in transfer fees in the past 12 months than city who were traditionally europe 's biggest spenders after the club was taken over by abu dhabi owners in 2008 .\n", + "manchester city have been restricted to a net transfer spend of # 49mclub 's also had to keep overall wage bill to its current level of # 205mpunishments imposed by uefa for breaching financial fair play rulesthe spending restrictions were set for this season and the next onebut city are confident they will be lifted early after their compliance\n", + "[1.3096327 1.510962 1.2723477 1.1863792 1.1967528 1.0730133 1.0588118\n", + " 1.019621 1.0184997 1.040552 1.016973 1.1303104 1.0623915 1.0968997\n", + " 1.0340956 1.0158411 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 4 3 11 13 5 12 6 9 14 7 8 10 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the beautiful dj , 27 , from east london , has worked with and modelled for a variety of fashion and beauty brands including illamasqua and boy london - made famous by megastar rihanna .she 's a glamorous model making her name by spinning records in london 's party scene , but until she was 18 munroe bergdorf was a boy called ian .but now she 's speaking out about the decision to start taking female hormones to live as a woman in the hope it will help other transgender teens .\"]\n", + "=======================\n", + "['dj and model munroe bergdorf , 27 , from east london , was born a boyliving as a woman from 18 and started taking hormones four years agonow speaks out to raise awareness of the issues of being transgender']\n", + "the beautiful dj , 27 , from east london , has worked with and modelled for a variety of fashion and beauty brands including illamasqua and boy london - made famous by megastar rihanna .she 's a glamorous model making her name by spinning records in london 's party scene , but until she was 18 munroe bergdorf was a boy called ian .but now she 's speaking out about the decision to start taking female hormones to live as a woman in the hope it will help other transgender teens .\n", + "dj and model munroe bergdorf , 27 , from east london , was born a boyliving as a woman from 18 and started taking hormones four years agonow speaks out to raise awareness of the issues of being transgender\n", + "[1.240985 1.4513952 1.0607864 1.2985473 1.2606348 1.1628544 1.111933\n", + " 1.0201334 1.0177726 1.1215732 1.0529461 1.0908226 1.0924095 1.1223612\n", + " 1.0741668 1.1292706 1.1042542 1.1280774 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 4 0 5 15 17 13 9 6 16 12 11 14 2 10 7 8 18 19 20 21]\n", + "=======================\n", + "[\"alton hines was waiting for his fiancé , 33-year-old leah o'brien at her home on the night of saturday , april 25 , he told wsbtv . 'popular : leah o'brien was killed when the car she was driving to chaperone the school prom was hit by a vehicle carrying two students also on their way to the dancefiancé : o'brien 's fiancé , alton hines ( photographed ) , recently spoke out about the night he found out o'brien had been killed\"]\n", + "=======================\n", + "[\"alton hines , the fiancé of leah o'brien , 33 , the beloved teacher killed in a car crash on april 25 , is speaking out about the night the woman diedthe other driver , 19-year-old ramiro pedemonte is facing charges including homicide , reckless driving , and serious injury by motor vehiclepolice determined that pedemonte was going over 100 mph when he hit o'brienauthorities say pedemonte was on probation at the time of the accident with a june 2014 charge of of possession with intent to distribute\"]\n", + "alton hines was waiting for his fiancé , 33-year-old leah o'brien at her home on the night of saturday , april 25 , he told wsbtv . 'popular : leah o'brien was killed when the car she was driving to chaperone the school prom was hit by a vehicle carrying two students also on their way to the dancefiancé : o'brien 's fiancé , alton hines ( photographed ) , recently spoke out about the night he found out o'brien had been killed\n", + "alton hines , the fiancé of leah o'brien , 33 , the beloved teacher killed in a car crash on april 25 , is speaking out about the night the woman diedthe other driver , 19-year-old ramiro pedemonte is facing charges including homicide , reckless driving , and serious injury by motor vehiclepolice determined that pedemonte was going over 100 mph when he hit o'brienauthorities say pedemonte was on probation at the time of the accident with a june 2014 charge of of possession with intent to distribute\n", + "[1.3178351 1.333327 1.2338221 1.2924457 1.1986426 1.2641302 1.1487457\n", + " 1.0528907 1.0274065 1.019632 1.1148432 1.1441011 1.0291461 1.123306\n", + " 1.0205938 1.0679705 1.0208781 1.0085478 1.0101113 1.0112689 1.0067924\n", + " 1.0183932]\n", + "\n", + "[ 1 0 3 5 2 4 6 11 13 10 15 7 12 8 16 14 9 21 19 18 17 20]\n", + "=======================\n", + "['a 30-year-old woman , known only as hollie , wrote that she thought her life was over when she was diagnosed with relapsing-remitting multiple sclerosis in september 2013 .pete evans has shared two incredible stories on social media featuring women who claim that the paleo diet has helped alleviate the symptoms of the incurable disease , multiple sclerosis .she said that she endured months of constant dizziness , altered temperature perception , extreme fatigue , numbness in her legs and feet and fell into a period of depression .']\n", + "=======================\n", + "[\"pete evans has shared two incredible stories on social mediaa woman called ` hollie ' has claimed the paleo diet alleviated her ms symptomsanother woman , ` marg ' , who also suffers from ms , has claimed to have seen an improvement to her conditionhealth experts say there is no scientific evidence to back up the claims that the paleo diet helps ms suffersevans has shared the inspiring testimonials to 800,000-plus facebook followers\"]\n", + "a 30-year-old woman , known only as hollie , wrote that she thought her life was over when she was diagnosed with relapsing-remitting multiple sclerosis in september 2013 .pete evans has shared two incredible stories on social media featuring women who claim that the paleo diet has helped alleviate the symptoms of the incurable disease , multiple sclerosis .she said that she endured months of constant dizziness , altered temperature perception , extreme fatigue , numbness in her legs and feet and fell into a period of depression .\n", + "pete evans has shared two incredible stories on social mediaa woman called ` hollie ' has claimed the paleo diet alleviated her ms symptomsanother woman , ` marg ' , who also suffers from ms , has claimed to have seen an improvement to her conditionhealth experts say there is no scientific evidence to back up the claims that the paleo diet helps ms suffersevans has shared the inspiring testimonials to 800,000-plus facebook followers\n", + "[1.0558188 1.077054 1.285947 1.7023258 1.227107 1.2138083 1.1449286\n", + " 1.1596028 1.1380715 1.0433772 1.0153438 1.0151279 1.0135492 1.0110639\n", + " 1.0147207 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 4 5 7 6 8 1 0 9 10 11 14 12 13 15 16 17 18 19 20]\n", + "=======================\n", + "[\"christian benteke heads aston villa into the lead against tottenham in the 35th minute of the gamesherwood , albeit for a short period of time , revived emmanuel adebayor 's flagging tottenham career last season ; now he 's replicating the achievement with christian benteke .benteke celebrates the goal that gave tim sherwood 's team the advantage at the end of the first half\"]\n", + "=======================\n", + "['christian benteke has scored six goals in eight gamesemmanuel adebayor thrived under tim sherwood at tottenham last termsherwood handed jack grealish only his second villa start on saturday']\n", + "christian benteke heads aston villa into the lead against tottenham in the 35th minute of the gamesherwood , albeit for a short period of time , revived emmanuel adebayor 's flagging tottenham career last season ; now he 's replicating the achievement with christian benteke .benteke celebrates the goal that gave tim sherwood 's team the advantage at the end of the first half\n", + "christian benteke has scored six goals in eight gamesemmanuel adebayor thrived under tim sherwood at tottenham last termsherwood handed jack grealish only his second villa start on saturday\n", + "[1.3751817 1.1434841 1.3748051 1.2943261 1.1570075 1.1071242 1.0380284\n", + " 1.0312132 1.0739505 1.0306166 1.0352567 1.0540808 1.0383627 1.0610061\n", + " 1.0471975 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 4 1 5 8 13 11 14 12 6 10 7 9 15 16 17 18 19 20]\n", + "=======================\n", + "[\"cristiano ronaldo did n't have too much joy with his trademark free-kicks during real madrid 's victory over neighbours atletico this week - but it did n't stop him from showing his compassionate side .in the white-hot atmosphere of the santiago bernabeu prior to wednesday night 's second-leg champions league quarter-final , when every minute of preparation is key , there was still time for ronaldo to display a small but heartfelt act of kindness .cristiano ronaldo shows his delight after real madrid finally broke the deadlock against rivals atletico\"]\n", + "=======================\n", + "[\"cristiano ronaldo 's practice shot flies into the crowd hitting young fanronaldo shows concern but continues his warm-up until the final drillportuguese icon wheels away to behind goal where the stricken fan standsballon d'or holder takes off his training shirt and presents it to tearful boyclick here to see who ronaldo will be facing in the champions league\"]\n", + "cristiano ronaldo did n't have too much joy with his trademark free-kicks during real madrid 's victory over neighbours atletico this week - but it did n't stop him from showing his compassionate side .in the white-hot atmosphere of the santiago bernabeu prior to wednesday night 's second-leg champions league quarter-final , when every minute of preparation is key , there was still time for ronaldo to display a small but heartfelt act of kindness .cristiano ronaldo shows his delight after real madrid finally broke the deadlock against rivals atletico\n", + "cristiano ronaldo 's practice shot flies into the crowd hitting young fanronaldo shows concern but continues his warm-up until the final drillportuguese icon wheels away to behind goal where the stricken fan standsballon d'or holder takes off his training shirt and presents it to tearful boyclick here to see who ronaldo will be facing in the champions league\n", + "[1.2096539 1.4269373 1.3856418 1.3785353 1.2618363 1.1911095 1.1413919\n", + " 1.1561543 1.0249305 1.0150563 1.2484968 1.1363747 1.06391 1.0319682\n", + " 1.0140988 1.0110878 1.0102274 1.0084404 1.0179921 1.0166339 0. ]\n", + "\n", + "[ 1 2 3 4 10 0 5 7 6 11 12 13 8 18 19 9 14 15 16 17 20]\n", + "=======================\n", + "[\"the female seal , who was called sponge bobby by rescue workers suffered horrific injuries to her face and back after the high-speed impact .the force of the collision broke sponge bobby 's jaw causing her a painful death off the dorset coast .the six-month-old seal had been earlier rescued in november when she was suffering breathing difficulties\"]\n", + "=======================\n", + "['sponge bobby was found with breathing difficulties in novemberthe six-month-old female seal was released into the wild in marchexperts believe she was struck by a boat or a jet-ski off dorset the coastthe young seal had travelled more than 200 miles since her march release']\n", + "the female seal , who was called sponge bobby by rescue workers suffered horrific injuries to her face and back after the high-speed impact .the force of the collision broke sponge bobby 's jaw causing her a painful death off the dorset coast .the six-month-old seal had been earlier rescued in november when she was suffering breathing difficulties\n", + "sponge bobby was found with breathing difficulties in novemberthe six-month-old female seal was released into the wild in marchexperts believe she was struck by a boat or a jet-ski off dorset the coastthe young seal had travelled more than 200 miles since her march release\n", + "[1.3637334 1.3456391 1.2943127 1.3570192 1.202671 1.2403516 1.0424669\n", + " 1.0410862 1.024484 1.0195581 1.1925068 1.0219803 1.023233 1.0607603\n", + " 1.0204864 1.0285859 1.0292794 1.0831777 1.062212 1.0371077 1.0328674]\n", + "\n", + "[ 0 3 1 2 5 4 10 17 18 13 6 7 19 20 16 15 8 12 11 14 9]\n", + "=======================\n", + "[\"posters promoting a ` straight pride ' week at a northeast ohio university were removed this week after student leaders determined that the message went beyond free speech .youngstown state university student government leaders said they decided to remove the posters , which were hung on around campus earlier this week , after consulting with university officials .the posters included profanity and promoted the event as a time to not highlight sexual orientation or differences among students .\"]\n", + "=======================\n", + "['the posters were hung around youngstown state university this weekposters promoted event as a time to not highlight sexual orientation or differences among studentsstudent government leaders believe the posters were satire , but still worked with university officials to get the posters removedthough they were posted anonymously , officials are investigating possible student code violations and disciplinary action may follow']\n", + "posters promoting a ` straight pride ' week at a northeast ohio university were removed this week after student leaders determined that the message went beyond free speech .youngstown state university student government leaders said they decided to remove the posters , which were hung on around campus earlier this week , after consulting with university officials .the posters included profanity and promoted the event as a time to not highlight sexual orientation or differences among students .\n", + "the posters were hung around youngstown state university this weekposters promoted event as a time to not highlight sexual orientation or differences among studentsstudent government leaders believe the posters were satire , but still worked with university officials to get the posters removedthough they were posted anonymously , officials are investigating possible student code violations and disciplinary action may follow\n", + "[1.1526911 1.5099814 1.168509 1.1582699 1.336221 1.0517145 1.036461\n", + " 1.0183709 1.142646 1.07026 1.1015166 1.1428841 1.151544 1.1035419\n", + " 1.010896 1.0129931 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 3 0 12 11 8 13 10 9 5 6 7 15 14 19 16 17 18 20]\n", + "=======================\n", + "[\"on thursday , trey moses , a senior at eastern high school in louisville , kentucky who will play for ball state next year , asked ellie meredith to be his date to the upcoming prom .moses , who volunteers with teenagers with learning disabilities , surprised her during her p.e. class with a bunch of flowers and a sign reading : ` let 's party like it 's 1989 ' - a reference to an album by taylor swift , ellie 's favorite singer .ellie accepted the promposal and said she ca n't wait to go dress shopping ` because i 've only told about a million people ! '\"]\n", + "=======================\n", + "[\"trey moses , a kentucky high school student who has committed to ball state next year , surprised ellie meredith during her p.e. class on thursdayhe asked her to prom with flowers and a sign reading : ` let 's party like it 's 1989 ' - a reference to an album by taylor swift , ellie 's favorite singershe accepted and is now looking forward to going dress shoppingmoses works with teenagers with developmental disabilities through a volunteer program in louisville\"]\n", + "on thursday , trey moses , a senior at eastern high school in louisville , kentucky who will play for ball state next year , asked ellie meredith to be his date to the upcoming prom .moses , who volunteers with teenagers with learning disabilities , surprised her during her p.e. class with a bunch of flowers and a sign reading : ` let 's party like it 's 1989 ' - a reference to an album by taylor swift , ellie 's favorite singer .ellie accepted the promposal and said she ca n't wait to go dress shopping ` because i 've only told about a million people ! '\n", + "trey moses , a kentucky high school student who has committed to ball state next year , surprised ellie meredith during her p.e. class on thursdayhe asked her to prom with flowers and a sign reading : ` let 's party like it 's 1989 ' - a reference to an album by taylor swift , ellie 's favorite singershe accepted and is now looking forward to going dress shoppingmoses works with teenagers with developmental disabilities through a volunteer program in louisville\n", + "[1.2175417 1.2131563 1.1770159 1.2489004 1.1423815 1.1407769 1.0524035\n", + " 1.0561733 1.0351461 1.0329046 1.029809 1.0809835 1.019319 1.1110626\n", + " 1.1200143 1.0493336 1.033843 1.0645429 1.0305891 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 2 4 5 14 13 11 17 7 6 15 8 16 9 18 10 12 29 28 27 26 25\n", + " 22 23 21 20 19 30 24 31]\n", + "=======================\n", + "['gordon has an alter ego : the dark knight himself , batman .( cnn ) jackson gordon is no ordinary 21-year-old .by day he is an industrial design student at philadelphia university , but gordon has another side to him -- a side altogether darker , tougher and more enigmatic .']\n", + "=======================\n", + "['21-year-old student jackson gordon has designed and built a functional batsuitmade with money raised on kickstarter , the outfit has received a prestigious endorsement']\n", + "gordon has an alter ego : the dark knight himself , batman .( cnn ) jackson gordon is no ordinary 21-year-old .by day he is an industrial design student at philadelphia university , but gordon has another side to him -- a side altogether darker , tougher and more enigmatic .\n", + "21-year-old student jackson gordon has designed and built a functional batsuitmade with money raised on kickstarter , the outfit has received a prestigious endorsement\n", + "[1.2349559 1.3194062 1.1534907 1.2390978 1.1415888 1.1501598 1.1364884\n", + " 1.0533656 1.0629213 1.0829874 1.0915111 1.0644048 1.0668259 1.0819056\n", + " 1.0469301 1.1541998 1.0544865 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 15 2 5 4 6 10 9 13 12 11 8 16 7 14 25 29 28 27 26 24 17\n", + " 22 21 20 19 18 30 23 31]\n", + "=======================\n", + "[\"restaurants serving domestic cats -- sold as a delicacy known as ` baby tiger ' -- are springing up across northern vietnam , despite laws against eating the animals .caught , skinned and boned : a wheelbarrow load of cats arrives at popular restaurant near hanoi , vietnampet cats are being snatched off the streets and killed in their ten of thousands across asia - to feed the booming appetite for their meat in vietnam .\"]\n", + "=======================\n", + "[\"warning graphic contentdomestic cats stolen off the streets and sold to restaurants for # 52 eachmoggie meat served in vietnam as an expensive delicacy called ` baby tiger 'serving cat is banned - but big customers are police officers and lawyersfelines are cooped up in tiny cages then killed , skinned and filleted to eat\"]\n", + "restaurants serving domestic cats -- sold as a delicacy known as ` baby tiger ' -- are springing up across northern vietnam , despite laws against eating the animals .caught , skinned and boned : a wheelbarrow load of cats arrives at popular restaurant near hanoi , vietnampet cats are being snatched off the streets and killed in their ten of thousands across asia - to feed the booming appetite for their meat in vietnam .\n", + "warning graphic contentdomestic cats stolen off the streets and sold to restaurants for # 52 eachmoggie meat served in vietnam as an expensive delicacy called ` baby tiger 'serving cat is banned - but big customers are police officers and lawyersfelines are cooped up in tiny cages then killed , skinned and filleted to eat\n", + "[1.4039476 1.4602505 1.3096381 1.4273174 1.3754151 1.0187502 1.0138235\n", + " 1.0130776 1.0259287 1.1152254 1.0661951 1.0305188 1.0117444 1.00684\n", + " 1.018895 1.0086968 1.0242047 1.0112059 1.0204414 1.0078771 1.010959\n", + " 1.0091742 1.1839582 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 22 9 10 11 8 16 18 14 5 6 7 12 17 20 21 15 19 13 30\n", + " 23 24 25 26 27 28 29 31]\n", + "=======================\n", + "[\"goals from james mccarthy , john stones and kevin mirallas condemned united to their third successive premier league loss at goodison park as well putting their hopes of a top-four finish at risk .gary neville has slammed manchester united 's performance against everton as ` toothless ' on sundayafter the match , red devils manager louis van gaal accused his players of lacking desire .\"]\n", + "=======================\n", + "[\"manchester united lost 3-0 at everton in the premier league on sundayman united sit fourth in the premier league table with four games leftthey are seven points clear of liverpool - who have a game in handchris smalling : manchester united must improvevan gaal : i could tell the players ' attitude was not right during the warm-up\"]\n", + "goals from james mccarthy , john stones and kevin mirallas condemned united to their third successive premier league loss at goodison park as well putting their hopes of a top-four finish at risk .gary neville has slammed manchester united 's performance against everton as ` toothless ' on sundayafter the match , red devils manager louis van gaal accused his players of lacking desire .\n", + "manchester united lost 3-0 at everton in the premier league on sundayman united sit fourth in the premier league table with four games leftthey are seven points clear of liverpool - who have a game in handchris smalling : manchester united must improvevan gaal : i could tell the players ' attitude was not right during the warm-up\n", + "[1.1735034 1.4422134 1.3276206 1.3375441 1.239426 1.148844 1.1646748\n", + " 1.1461916 1.0730307 1.0706401 1.0329968 1.011002 1.031179 1.0471218\n", + " 1.0297136 1.1216583 1.0366353 1.1762999 1.0378296 1.0085438 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 17 0 6 5 7 15 8 9 13 18 16 10 12 14 11 19 29 28 27 26\n", + " 25 20 23 22 21 30 24 31]\n", + "=======================\n", + "['truckers from bulgaria , poland and romania , who already work in the uk , are being offered # 100 for each driver they manage to lure into britain from their home country .employment agency mainline is offering the incentive to any worker who refers a qualified class a hgv driver to undertake work for four weeks .the company did try a recruitment drive to attract lorry drivers from cornwall to their base in swindon .']\n", + "=======================\n", + "[\"mainline , in swindon , wants drivers from bulgaria , poland and romaniathey are offering # 100 to each driver who can recruit from those countriescompany said they tried scheme in the uk but few people came forwardcrisis will re-ignite claims that britain 's welfare system has created generation unwilling to work\"]\n", + "truckers from bulgaria , poland and romania , who already work in the uk , are being offered # 100 for each driver they manage to lure into britain from their home country .employment agency mainline is offering the incentive to any worker who refers a qualified class a hgv driver to undertake work for four weeks .the company did try a recruitment drive to attract lorry drivers from cornwall to their base in swindon .\n", + "mainline , in swindon , wants drivers from bulgaria , poland and romaniathey are offering # 100 to each driver who can recruit from those countriescompany said they tried scheme in the uk but few people came forwardcrisis will re-ignite claims that britain 's welfare system has created generation unwilling to work\n", + "[1.1140844 1.0698684 1.1199406 1.0682459 1.1930676 1.1654325 1.0278519\n", + " 1.0207686 1.1279858 1.087322 1.0235023 1.0235252 1.038956 1.0243429\n", + " 1.1188402 1.0382332 1.0610478 1.0292752 1.0242964 1.0950421 1.0607637\n", + " 1.0478277 1.05438 1.0362713 1.0390207 1.0223887 1.1379048 1.0730783\n", + " 1.1000534 1.0879118 1.0763997 1.073079 ]\n", + "\n", + "[ 4 5 26 8 2 14 0 28 19 29 9 30 31 27 1 3 16 20 22 21 24 12 15 23\n", + " 17 6 13 18 11 10 25 7]\n", + "=======================\n", + "[\"broga celebrates the physical over the spiritual , andexperts say it sets men free to flexyoga instructor robert sidoti , based in martha 's vineyard ,\"]\n", + "=======================\n", + "[\"broga yoga targets its classes specifically at men with more ` rugged ' workoutthe company trademarked the catchy term in 2009 and its popularity quickly spreadthe training and licensing of instructors began in 2012there are now more than 200 broga yoga instructors in the u.s.crunch , david barton gyms and equinox are among the facilities offering yoga towards for men\"]\n", + "broga celebrates the physical over the spiritual , andexperts say it sets men free to flexyoga instructor robert sidoti , based in martha 's vineyard ,\n", + "broga yoga targets its classes specifically at men with more ` rugged ' workoutthe company trademarked the catchy term in 2009 and its popularity quickly spreadthe training and licensing of instructors began in 2012there are now more than 200 broga yoga instructors in the u.s.crunch , david barton gyms and equinox are among the facilities offering yoga towards for men\n", + "[1.3561702 1.2176893 1.132501 1.0828385 1.5032313 1.0995299 1.0713769\n", + " 1.0793077 1.0183707 1.1149246 1.0898273 1.0716723 1.0495458 1.1016383\n", + " 1.0185748 1.0222563 0. 0. 0. 0. ]\n", + "\n", + "[ 4 0 1 2 9 13 5 10 3 7 11 6 12 15 14 8 18 16 17 19]\n", + "=======================\n", + "['mauricio pochettino spent 16 months as southampton manager before departing to tottenhamthere was uproar on the south coast when nicola cortese sacked local hero nigel adkins and replaced him with the relatively unknown argentine , on english shores at least , mauricio pochettino .adkins had led southampton to back-to-back promotions into the barclays premier league and was fighting valiantly to keep them in it .']\n", + "=======================\n", + "[\"mauricio pochettino returns to former side southampton for the first time since leaving last summerthe tottenham boss done an excellent job during his 16 month spellthe argentine manager has adopted the same methods at spurs as he did during his time at st mary 'spochettino blooded the likes of calum chambers and james ward-prowse while at southampton , and has done the same with harry kane at spurshis passing and pressing philosophy has taken a while for his new set of players to adjust to , though\"]\n", + "mauricio pochettino spent 16 months as southampton manager before departing to tottenhamthere was uproar on the south coast when nicola cortese sacked local hero nigel adkins and replaced him with the relatively unknown argentine , on english shores at least , mauricio pochettino .adkins had led southampton to back-to-back promotions into the barclays premier league and was fighting valiantly to keep them in it .\n", + "mauricio pochettino returns to former side southampton for the first time since leaving last summerthe tottenham boss done an excellent job during his 16 month spellthe argentine manager has adopted the same methods at spurs as he did during his time at st mary 'spochettino blooded the likes of calum chambers and james ward-prowse while at southampton , and has done the same with harry kane at spurshis passing and pressing philosophy has taken a while for his new set of players to adjust to , though\n", + "[1.3673346 1.2359524 1.2392117 1.3367229 1.1294357 1.1022598 1.0798665\n", + " 1.0781895 1.111489 1.0805566 1.0916476 1.0938295 1.1220413 1.1868352\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 13 4 12 8 5 11 10 9 6 7 14 15 16 17 18 19]\n", + "=======================\n", + "[\"arrested : rebecca grant tried to head-butt a deputy , scratched the police car 's with her teeth , bit the upholstery and ' threatened to kill the deputies 'rebecca grant , 40 , initially claimed that she had been kidnapped and abused , but when she refused to give the name of her captors , police checked her id and found that she was out on bail .police in limington , maine , had been responding to reports that an apparently drunk woman was walking in and out of traffic and laying in the road on saturday afternoon .\"]\n", + "=======================\n", + "[\"police arrested rebecca grant , 40 , for breaching bail conditionsfound apparently intoxicated walking into traffic in limington , maineresisting arrest , she scratched car with her teeth and bit upholsteryshe also ` tried to head-butt a deputy and threatened to kill him '\"]\n", + "arrested : rebecca grant tried to head-butt a deputy , scratched the police car 's with her teeth , bit the upholstery and ' threatened to kill the deputies 'rebecca grant , 40 , initially claimed that she had been kidnapped and abused , but when she refused to give the name of her captors , police checked her id and found that she was out on bail .police in limington , maine , had been responding to reports that an apparently drunk woman was walking in and out of traffic and laying in the road on saturday afternoon .\n", + "police arrested rebecca grant , 40 , for breaching bail conditionsfound apparently intoxicated walking into traffic in limington , maineresisting arrest , she scratched car with her teeth and bit upholsteryshe also ` tried to head-butt a deputy and threatened to kill him '\n", + "[1.3168707 1.3516082 1.1378208 1.1373616 1.1923372 1.2493229 1.2493412\n", + " 1.1327136 1.0670462 1.0590929 1.1909645 1.1208109 1.0712909 1.0538086\n", + " 1.0094749 1.0116297 1.0602894 0. 0. 0. ]\n", + "\n", + "[ 1 0 6 5 4 10 2 3 7 11 12 8 16 9 13 15 14 18 17 19]\n", + "=======================\n", + "[\"the croatian midfielder pulled up in the second half against malaga on saturday and tests on sunday confirmed a sprained ligament in his right knee with a recovery time of between five and six weeks .real madrid 's la liga and champions league chances have been dealt a major blow with confirmation that luka modric could miss the rest of the season with a knee injury .cristiano ronaldo was the first madrid player to go over to gareth bale , who picked up an injury on saturday\"]\n", + "=======================\n", + "[\"luka modric had to be replaced with a knee complaint on saturdaygareth bale suffered a calf strain early on at the bernabeubale will almost certainly miss the clash with atletico on wednesdayreal madrid beat malaga 3-1 to keep up the pressure on leaders barcelonacarlo ancelotti 's side face rivals atletico madrid on wednesday\"]\n", + "the croatian midfielder pulled up in the second half against malaga on saturday and tests on sunday confirmed a sprained ligament in his right knee with a recovery time of between five and six weeks .real madrid 's la liga and champions league chances have been dealt a major blow with confirmation that luka modric could miss the rest of the season with a knee injury .cristiano ronaldo was the first madrid player to go over to gareth bale , who picked up an injury on saturday\n", + "luka modric had to be replaced with a knee complaint on saturdaygareth bale suffered a calf strain early on at the bernabeubale will almost certainly miss the clash with atletico on wednesdayreal madrid beat malaga 3-1 to keep up the pressure on leaders barcelonacarlo ancelotti 's side face rivals atletico madrid on wednesday\n", + "[1.4742107 1.313532 1.2855021 1.0841824 1.1429485 1.3414701 1.1686786\n", + " 1.0678847 1.0276189 1.0198035 1.1167406 1.1007153 1.0631844 1.1264136\n", + " 1.077719 1.01302 1.0632073 1.0403496 1.0813395 1.0452701]\n", + "\n", + "[ 0 5 1 2 6 4 13 10 11 3 18 14 7 16 12 19 17 8 9 15]\n", + "=======================\n", + "['uber driver emerson decarvalho allegedly ran down a cyclist after a confrontation in the streetthe driver , emerson decarvalho , 38 , stayed at the scene of the crash and was charged with assault with a deadly weapon after the incident , which took place sunday afternoon .he was also charged with failing to maintain a three-foot ( one meter ) space between his car and the cyclist .']\n", + "=======================\n", + "['emerson decarvalho , 38 , is charged with assault with a deadly weaponcyclist pounded on his window , screamed at him and pushed in his sideview mirror']\n", + "uber driver emerson decarvalho allegedly ran down a cyclist after a confrontation in the streetthe driver , emerson decarvalho , 38 , stayed at the scene of the crash and was charged with assault with a deadly weapon after the incident , which took place sunday afternoon .he was also charged with failing to maintain a three-foot ( one meter ) space between his car and the cyclist .\n", + "emerson decarvalho , 38 , is charged with assault with a deadly weaponcyclist pounded on his window , screamed at him and pushed in his sideview mirror\n", + "[1.1751728 1.4552705 1.3093868 1.3794153 1.2081901 1.2934732 1.0429313\n", + " 1.0141153 1.0145605 1.1725907 1.0182825 1.0246016 1.0378853 1.2290757\n", + " 1.0744495 1.0259602 1.0233256 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 5 13 4 0 9 14 6 12 15 11 16 10 8 7 18 17 19]\n", + "=======================\n", + "['the unnamed woman , from the sunshine coast , found an empty trolley in an underground car park at the supermarket giant coles in caboolture , north of brisbane on wednesday .sunshine coast snake catchers 24/7 richie gilbert was called to remove the snake and release it back into the bushland just kilometres away .she pushed the trolley up the escalator to do her shopping before realising the slithering brown tree snake had curled itself in the corner and was hitching a ride to the store .']\n", + "=======================\n", + "['a woman discovered a tree snake curled up inside a shopping trolleysnake catcher richie gilbert was called to the rescue at coles caboolturewhen he arrived , he managed to untangle the snake from the trolleyhe safely released it back into the bushland just kilometres awaymr gilbert also gave daily mail readers his top tips to avoid getting bitten']\n", + "the unnamed woman , from the sunshine coast , found an empty trolley in an underground car park at the supermarket giant coles in caboolture , north of brisbane on wednesday .sunshine coast snake catchers 24/7 richie gilbert was called to remove the snake and release it back into the bushland just kilometres away .she pushed the trolley up the escalator to do her shopping before realising the slithering brown tree snake had curled itself in the corner and was hitching a ride to the store .\n", + "a woman discovered a tree snake curled up inside a shopping trolleysnake catcher richie gilbert was called to the rescue at coles caboolturewhen he arrived , he managed to untangle the snake from the trolleyhe safely released it back into the bushland just kilometres awaymr gilbert also gave daily mail readers his top tips to avoid getting bitten\n", + "[1.5326376 1.3663763 1.071442 1.0938163 1.0585463 1.2594008 1.1122558\n", + " 1.0289582 1.1479089 1.1980088 1.0422828 1.081006 1.1663349 1.1476016\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 9 12 8 13 6 3 11 2 4 10 7 16 14 15 17]\n", + "=======================\n", + "[\"conor mcgregor has claimed he would ` kill ' floyd mayweather ` in less than 30 seconds ' if he was ever pitted against the best boxer in the world .mcgregor , who is preparing for his world title fight against ufc featherweight champion jose aldo in july , said mayweather lacked the skills in areas other than boxing . 'conor mcgregor , posing here with his new tattoo , has said he would beat floyd mayweather with ease\"]\n", + "=======================\n", + "[\"conor mcgregor believes floyd mayweather lacks skills other than boxingufc star claimed he would ` kill ' the boxer in ` less than 30 seconds 'mcgregor takes on jose aldo for the featherweight title on july 11mayweather is preparing to take on manny pacquiao in two weeks time\"]\n", + "conor mcgregor has claimed he would ` kill ' floyd mayweather ` in less than 30 seconds ' if he was ever pitted against the best boxer in the world .mcgregor , who is preparing for his world title fight against ufc featherweight champion jose aldo in july , said mayweather lacked the skills in areas other than boxing . 'conor mcgregor , posing here with his new tattoo , has said he would beat floyd mayweather with ease\n", + "conor mcgregor believes floyd mayweather lacks skills other than boxingufc star claimed he would ` kill ' the boxer in ` less than 30 seconds 'mcgregor takes on jose aldo for the featherweight title on july 11mayweather is preparing to take on manny pacquiao in two weeks time\n", + "[1.3545568 1.3195566 1.2153537 1.2153145 1.2438246 1.190032 1.1319656\n", + " 1.1144783 1.0965275 1.1095309 1.0536755 1.0645959 1.051871 1.0485567\n", + " 1.0140727 1.0117967 1.032985 1.0257926]\n", + "\n", + "[ 0 1 4 2 3 5 6 7 9 8 11 10 12 13 16 17 14 15]\n", + "=======================\n", + "['gerry adams has sparked outrage over comments he made on us television about notorious abduction and murder of jean mcconvilleshe was 37 when she was taken by a masked gang from her home in belfast in front of her children .the comments have angered relatives of mrs mcconville , whose abduction , disappearance and subsequent murder became one of the most shocking events of the troubles .']\n", + "=======================\n", + "[\"jean-mcconville , 37 , was taken from her belfast home by masked gangshe was accused of being a british army informer by republicansthe mother-of-ten was suffocated with a plastic bag and shot deadgerry adams said incidents like her murder happen ` in every single conflict '\"]\n", + "gerry adams has sparked outrage over comments he made on us television about notorious abduction and murder of jean mcconvilleshe was 37 when she was taken by a masked gang from her home in belfast in front of her children .the comments have angered relatives of mrs mcconville , whose abduction , disappearance and subsequent murder became one of the most shocking events of the troubles .\n", + "jean-mcconville , 37 , was taken from her belfast home by masked gangshe was accused of being a british army informer by republicansthe mother-of-ten was suffocated with a plastic bag and shot deadgerry adams said incidents like her murder happen ` in every single conflict '\n", + "[1.196134 1.4385023 1.2897878 1.3171142 1.1266106 1.2091377 1.0338317\n", + " 1.0745902 1.1174343 1.094743 1.0651947 1.0173337 1.0191653 1.087065\n", + " 1.089729 1.0379027 0. 0. ]\n", + "\n", + "[ 1 3 2 5 0 4 8 9 14 13 7 10 15 6 12 11 16 17]\n", + "=======================\n", + "[\"lexy wood , the 13-year-old daughter of kyesha smith wood , told rebecca boyd that she is 'em barrassed ' by the way she acted when she disrupted a screening of cinderella in bessemer , alabama .she and her brother nick , 16 , were approached after the screening by mrs boyd , who said that her husband had just been laid off and the teenagers had ruined the last time she would be taking her daughter to the movies for a while .a girl whose mother reached out on social media to find a movie goer offended by her daughters behavior has apologized to her victim on national television .\"]\n", + "=======================\n", + "[\"lexy wood , 13 , apologized after ruining cinderella for rebecca boydoffended moviegoer , whose husband was recently laid off , approached teen after movie and said that she should be more consideratethey were ` loud , rude and obnoxious ' throughout the moviemother kyesha wood found out about behavior and searched for boydshe eventually found the mother after social media post went viralmothers now share a bond and families have had dinner together\"]\n", + "lexy wood , the 13-year-old daughter of kyesha smith wood , told rebecca boyd that she is 'em barrassed ' by the way she acted when she disrupted a screening of cinderella in bessemer , alabama .she and her brother nick , 16 , were approached after the screening by mrs boyd , who said that her husband had just been laid off and the teenagers had ruined the last time she would be taking her daughter to the movies for a while .a girl whose mother reached out on social media to find a movie goer offended by her daughters behavior has apologized to her victim on national television .\n", + "lexy wood , 13 , apologized after ruining cinderella for rebecca boydoffended moviegoer , whose husband was recently laid off , approached teen after movie and said that she should be more consideratethey were ` loud , rude and obnoxious ' throughout the moviemother kyesha wood found out about behavior and searched for boydshe eventually found the mother after social media post went viralmothers now share a bond and families have had dinner together\n", + "[1.3407426 1.1943132 1.3712294 1.2437992 1.1578293 1.0804099 1.0246937\n", + " 1.0120183 1.0342752 1.184585 1.0229235 1.1762648 1.1113144 1.153472\n", + " 1.0858749 1.0220798 1.0357269 1.0173852]\n", + "\n", + "[ 2 0 3 1 9 11 4 13 12 14 5 16 8 6 10 15 17 7]\n", + "=======================\n", + "[\"she was finally given a chance to find closure with abc 's foreign correspondent reporter sally sara who travelled with her to vietnam in search of answers .sophie english was one of thousands of babies who was born at the height of the vietnam war and adopted by an australian family .sophie english ( right ) with another adoptee le my huong who has since found her mother and moved back to vietnam\"]\n", + "=======================\n", + "[\"sophie english was one of thousands of babies born during vietnam warshe was adopted by an australian family and has never known her birth motherms english travelled to vietnam to try to reconnect with her home countrythere she met another adoptee , le my huong , and her biological mothershe was able get some insight on her own adoption from my huong 's mother\"]\n", + "she was finally given a chance to find closure with abc 's foreign correspondent reporter sally sara who travelled with her to vietnam in search of answers .sophie english was one of thousands of babies who was born at the height of the vietnam war and adopted by an australian family .sophie english ( right ) with another adoptee le my huong who has since found her mother and moved back to vietnam\n", + "sophie english was one of thousands of babies born during vietnam warshe was adopted by an australian family and has never known her birth motherms english travelled to vietnam to try to reconnect with her home countrythere she met another adoptee , le my huong , and her biological mothershe was able get some insight on her own adoption from my huong 's mother\n", + "[1.2098004 1.4100478 1.3773391 1.2024485 1.2334138 1.1286535 1.0406413\n", + " 1.021148 1.2387444 1.1672595 1.008472 1.0284592 1.0882215 1.0471854\n", + " 1.0652202 1.0255098 1.0309764 0. ]\n", + "\n", + "[ 1 2 8 4 0 3 9 5 12 14 13 6 16 11 15 7 10 17]\n", + "=======================\n", + "[\"the pdsa has said that obesity levels in pets is at an all-time high , with experts predicting that more than half will be classed as overweight within five years .around one in three dogs and one in four cats are already said to be overweight .grace the giant overweight rabbit has joined the pdsa 's annual pet fit club competition for overweight animals\"]\n", + "=======================\n", + "[\"too many carrots are making the nation 's spoilt pet rabbits overweightpdsa has warned that more than half of pets will be obese in five yearscharity 's pet fit club returns for a tenth year to help slim down porky petsit has helped animals allover the uk lose the combined weight of 46 stone\"]\n", + "the pdsa has said that obesity levels in pets is at an all-time high , with experts predicting that more than half will be classed as overweight within five years .around one in three dogs and one in four cats are already said to be overweight .grace the giant overweight rabbit has joined the pdsa 's annual pet fit club competition for overweight animals\n", + "too many carrots are making the nation 's spoilt pet rabbits overweightpdsa has warned that more than half of pets will be obese in five yearscharity 's pet fit club returns for a tenth year to help slim down porky petsit has helped animals allover the uk lose the combined weight of 46 stone\n", + "[1.2545228 1.0978106 1.3108974 1.4144971 1.1318412 1.1717293 1.0349069\n", + " 1.0580261 1.0365201 1.051646 1.0924208 1.0148597 1.0179952 1.0848377\n", + " 1.0439124 1.0280474 1.0254883 1.0426176 1.1672382 1.0444107 0. ]\n", + "\n", + "[ 3 2 0 5 18 4 1 10 13 7 9 19 14 17 8 6 15 16 12 11 20]\n", + "=======================\n", + "['pippa middleton was seen enjoying an early evening run in a london park , stopping to chat to a fellow joggerher recent achievements include a 3,000-mile bicycle ride across the usa , a cross-country ski marathon and a four-mile swimming race in a turkish tidal shipping strait .pippa middleton kicked up her workout gear to the next level with a pair of new balance sneakers trimmed with a pop of pink .']\n", + "=======================\n", + "[\"the 31-year-old was seen enjoying an early evening run in the sunshineshe sported a blue vest and shorts and appeared to clutch a set of keysmiss middleton is preparing to take part in a 54-mile charity bike ridepreviously told how she sticks to ` wholesome carbs ' to prepare for races\"]\n", + "pippa middleton was seen enjoying an early evening run in a london park , stopping to chat to a fellow joggerher recent achievements include a 3,000-mile bicycle ride across the usa , a cross-country ski marathon and a four-mile swimming race in a turkish tidal shipping strait .pippa middleton kicked up her workout gear to the next level with a pair of new balance sneakers trimmed with a pop of pink .\n", + "the 31-year-old was seen enjoying an early evening run in the sunshineshe sported a blue vest and shorts and appeared to clutch a set of keysmiss middleton is preparing to take part in a 54-mile charity bike ridepreviously told how she sticks to ` wholesome carbs ' to prepare for races\n", + "[1.429479 1.2681091 1.4914439 1.2973716 1.2328353 1.0983584 1.0230504\n", + " 1.0271932 1.0380127 1.0259465 1.0678201 1.1256696 1.1069087 1.0262691\n", + " 1.1001179 1.1365639 1.0944335 1.0848622 1.0069491 1.0244722 1.0161953]\n", + "\n", + "[ 2 0 3 1 4 15 11 12 14 5 16 17 10 8 7 13 9 19 6 20 18]\n", + "=======================\n", + "[\"michael slager , 33 , can be heard laughing nervously while talking with a senior officer .the conversation was picked up by the dashcam in the officer 's patrol car following the incident in north charleston on april 5 .audio has surfaced of the cop who killed walter scott laughing and admitting to experiencing a rush of adrenaline in the minutes following the deadly shooting in south carolina earlier this month .\"]\n", + "=======================\n", + "['audio has surfaced of michael slager , 33 , laughing and admitting to experiencing a rush of adrenaline in the minutes following the shootingwalter scott , 50 , was shot five times in the back as he ran away from the traffic stop on april 5slager has been charged with murder after cell phone footage of the incident emerged which contadicted the initial police reportthe audio of slager talking with a senior officer at the scene was picked up the damcam in his vehicle which had been recording the initial incident']\n", + "michael slager , 33 , can be heard laughing nervously while talking with a senior officer .the conversation was picked up by the dashcam in the officer 's patrol car following the incident in north charleston on april 5 .audio has surfaced of the cop who killed walter scott laughing and admitting to experiencing a rush of adrenaline in the minutes following the deadly shooting in south carolina earlier this month .\n", + "audio has surfaced of michael slager , 33 , laughing and admitting to experiencing a rush of adrenaline in the minutes following the shootingwalter scott , 50 , was shot five times in the back as he ran away from the traffic stop on april 5slager has been charged with murder after cell phone footage of the incident emerged which contadicted the initial police reportthe audio of slager talking with a senior officer at the scene was picked up the damcam in his vehicle which had been recording the initial incident\n", + "[1.2232475 1.2236882 1.2635257 1.2147611 1.1635661 1.119067 1.0959041\n", + " 1.0541604 1.0935864 1.0806326 1.097908 1.056777 1.0612054 1.0296216\n", + " 1.0660505 1.0568328 1.0942317 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 4 5 10 6 16 8 9 14 12 15 11 7 13 19 17 18 20]\n", + "=======================\n", + "[\"the chancellor met his house-cleaning doppelganger at a campaign stop in somerset , where he was given a tour of the factory where the machines are built .mr osborne today came face to face with a real henry the hoover -- and onlookers could n't fail to notice there was an uncanny resemblance to the tory campaign chief .as chancellor of the exchequer , george osborne is used to inventing new ways of hovering up taxpayers ' money to clean up the deficit .\"]\n", + "=======================\n", + "[\"mr osborne was shown around the henry the hoover factory in chardchancellor met his vacuum doppelganger at a campaign stop in somersettory minister was highlighting the government 's apprenticeships drive\"]\n", + "the chancellor met his house-cleaning doppelganger at a campaign stop in somerset , where he was given a tour of the factory where the machines are built .mr osborne today came face to face with a real henry the hoover -- and onlookers could n't fail to notice there was an uncanny resemblance to the tory campaign chief .as chancellor of the exchequer , george osborne is used to inventing new ways of hovering up taxpayers ' money to clean up the deficit .\n", + "mr osborne was shown around the henry the hoover factory in chardchancellor met his vacuum doppelganger at a campaign stop in somersettory minister was highlighting the government 's apprenticeships drive\n", + "[1.4396203 1.224988 1.445063 1.2496344 1.1006578 1.0814257 1.0763925\n", + " 1.1568779 1.081376 1.0862514 1.0414553 1.125898 1.1105176 1.0348049\n", + " 1.0735371 1.1366117 1.0913328 1.0058643 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 1 7 15 11 12 4 16 9 5 8 6 14 10 13 17 19 18 20]\n", + "=======================\n", + "['teresa sheldon , 38 , from dartford , kent , has appeared in court charged with murdering her son tommy and the attempted murder of another child who was also in the blazing ford fiesta .tommy died two weeks after suffering horrendous burns in the fireball on a country lane in hursley , near winchester in hampshire .his mother was also taken to hospital for treatment after suffering serious injuries in the fire on august 11 last year .']\n", + "=======================\n", + "['tommy sheldon , aged five , died following horrific car fire in august 2014he died two weeks after suffering horrendous burns caused by the firehis mother theresa has been charged with his murder following incidentalso charged with attempted murder of another child who was also in car']\n", + "teresa sheldon , 38 , from dartford , kent , has appeared in court charged with murdering her son tommy and the attempted murder of another child who was also in the blazing ford fiesta .tommy died two weeks after suffering horrendous burns in the fireball on a country lane in hursley , near winchester in hampshire .his mother was also taken to hospital for treatment after suffering serious injuries in the fire on august 11 last year .\n", + "tommy sheldon , aged five , died following horrific car fire in august 2014he died two weeks after suffering horrendous burns caused by the firehis mother theresa has been charged with his murder following incidentalso charged with attempted murder of another child who was also in car\n", + "[1.3588004 1.207363 1.1550868 1.1521589 1.0786227 1.392021 1.2170846\n", + " 1.0800427 1.079026 1.0720389 1.0399119 1.0660288 1.0388004 1.1715653\n", + " 1.0293864 1.0149858 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 5 0 6 1 13 2 3 7 8 4 9 11 10 12 14 15 19 16 17 18 20]\n", + "=======================\n", + "[\"cristiano ronaldo is confronted by a supporter at the end of the 0-0 draw on tuesday nightcristiano ronaldo left the pitch with a supporter trying to hug him , gareth bale left it knowing that once again the fingers of blame will be pointing at him after his first half miss after diego godin 's slip .ronaldo gives the fan a hug after a frustrating night at the vicente calderon for real madrid\"]\n", + "=======================\n", + "['real madrid drew 0-0 at atletico in champions league quarter-final first legsuperstars cristiano ronaldo and gareth bale both started for realronaldo was kept quiet and bale , though impressive , missed best chance']\n", + "cristiano ronaldo is confronted by a supporter at the end of the 0-0 draw on tuesday nightcristiano ronaldo left the pitch with a supporter trying to hug him , gareth bale left it knowing that once again the fingers of blame will be pointing at him after his first half miss after diego godin 's slip .ronaldo gives the fan a hug after a frustrating night at the vicente calderon for real madrid\n", + "real madrid drew 0-0 at atletico in champions league quarter-final first legsuperstars cristiano ronaldo and gareth bale both started for realronaldo was kept quiet and bale , though impressive , missed best chance\n", + "[1.2186654 1.4571851 1.3159866 1.4331812 1.311682 1.1046132 1.0632973\n", + " 1.0394683 1.160237 1.1258419 1.097326 1.0541301 1.0156623 1.009062\n", + " 1.0111771 1.0090531 1.0104445 1.0092736 1.0106466 1.0426017 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 8 9 5 10 6 11 19 7 12 14 18 16 17 13 15 23 20 21 22\n", + " 24]\n", + "=======================\n", + "['dietrich evans was arrested yesterday for the attack which left kay hafford with bullet fragments in the bottom right side of her brain .dietrich evans has been arrested on suspicion of shooting kay hafford in the head in a road rage attackthe brave church singer agreed to face her alleged shooter in a police line-up and evans , 22 , has now been charged with aggravated assault .']\n", + "=======================\n", + "['kay hafford was shot in the head after a confrontation with an angry drivershe survived the shooting on north freeway in houston and called 911hafford has faced dietrich evans who was arrested on suspicion of attack']\n", + "dietrich evans was arrested yesterday for the attack which left kay hafford with bullet fragments in the bottom right side of her brain .dietrich evans has been arrested on suspicion of shooting kay hafford in the head in a road rage attackthe brave church singer agreed to face her alleged shooter in a police line-up and evans , 22 , has now been charged with aggravated assault .\n", + "kay hafford was shot in the head after a confrontation with an angry drivershe survived the shooting on north freeway in houston and called 911hafford has faced dietrich evans who was arrested on suspicion of attack\n", + "[1.2266551 1.4820154 1.285551 1.1031607 1.3335426 1.1311127 1.1497912\n", + " 1.0271505 1.0334146 1.0435015 1.058919 1.0733668 1.0372397 1.0380143\n", + " 1.0171857 1.0371301 1.2968128 1.0527868 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 16 2 0 6 5 3 11 10 17 9 13 12 15 8 7 14 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"police say earl arthur olander who lived alone in a home in rural minnesota , was discovered covered in cuts and bruises and his home had been ransacked .earl olander was found beaten to death in his own home .they have now offered a $ 1,000 reward for any information which could lead to an arrest , while neighbors have spoken of him as a ` stand-up person ' and a wonderful role model .\"]\n", + "=======================\n", + "['earl arthur olander was found tied up and beaten to death in his own homethe 90-year-old was a lifelong bachelor and lived alone in rural minnesotapolice have offered a # 1,000 reward for any information leading to an arresthis neighbors and friends said he was loved by all within the community']\n", + "police say earl arthur olander who lived alone in a home in rural minnesota , was discovered covered in cuts and bruises and his home had been ransacked .earl olander was found beaten to death in his own home .they have now offered a $ 1,000 reward for any information which could lead to an arrest , while neighbors have spoken of him as a ` stand-up person ' and a wonderful role model .\n", + "earl arthur olander was found tied up and beaten to death in his own homethe 90-year-old was a lifelong bachelor and lived alone in rural minnesotapolice have offered a # 1,000 reward for any information leading to an arresthis neighbors and friends said he was loved by all within the community\n", + "[1.1601008 1.3907394 1.3352208 1.2540029 1.0833422 1.07921 1.0430782\n", + " 1.0662895 1.0353103 1.0364808 1.065574 1.0729997 1.0399034 1.1510694\n", + " 1.1026199 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 13 14 4 5 11 7 10 6 12 9 8 15 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"but when the duke of wellington 's forces defeated and killed tipu sultan , the tiger of mysore , in 1799 , troops plundered the city and the palace , returning to britain with gold , jewellery , arms , armour , clothing and even tipu 's grand throne .this month , a collection of the historic artefacts from this exotic empire will go on sale at london auction house bonhams , and experts expect them to fetch a total of around # 1million .pure opulence : a gem-set sword with pink , green and red stones and an ornate tiger 's head pommel is expected to sell for # 80,000 .\"]\n", + "=======================\n", + "[\"30-year-old duke of wellington fought tipu sultan as an army general in 1799tipu was killed in the defeat and soldiers plundered the city and palace for jewels and richesmodern british collector was ` obsessed with ' sultan , acquiring works over 30 yearssale of his collection could fetch # 1million with personal gun tipped to get # 150,000 alone\"]\n", + "but when the duke of wellington 's forces defeated and killed tipu sultan , the tiger of mysore , in 1799 , troops plundered the city and the palace , returning to britain with gold , jewellery , arms , armour , clothing and even tipu 's grand throne .this month , a collection of the historic artefacts from this exotic empire will go on sale at london auction house bonhams , and experts expect them to fetch a total of around # 1million .pure opulence : a gem-set sword with pink , green and red stones and an ornate tiger 's head pommel is expected to sell for # 80,000 .\n", + "30-year-old duke of wellington fought tipu sultan as an army general in 1799tipu was killed in the defeat and soldiers plundered the city and palace for jewels and richesmodern british collector was ` obsessed with ' sultan , acquiring works over 30 yearssale of his collection could fetch # 1million with personal gun tipped to get # 150,000 alone\n", + "[1.2397226 1.3716284 1.3860567 1.097672 1.2663021 1.2374333 1.0783234\n", + " 1.0941639 1.0219855 1.1148646 1.0326158 1.0310222 1.0669312 1.0567284\n", + " 1.0318313 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 4 0 5 9 3 7 6 12 13 10 14 11 8 23 15 16 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"the late-night television personality shared the stage with his ` matsukoroid ' doppelganger for the first time on saturday night .japanese engineers , who are trying to replace celebrities with human-like androids , have pushed the clone of transvestite entertainer matsuko deluxe into the limelight .a cross-dressing japanese television star 's robotic clone has made its ` unnervingly real ' on-screen debut - the first android to host its own show .\"]\n", + "=======================\n", + "['robotic clone of cross-dressing japanese tv star made on-screen debutmatsuko deluxe shared stage with matsukoroid doppelganger on saturdayjapanese engineers are trying to replace celebrities with lifelike androidssoftware , robots or smart machines could replace third of jobs by 2025']\n", + "the late-night television personality shared the stage with his ` matsukoroid ' doppelganger for the first time on saturday night .japanese engineers , who are trying to replace celebrities with human-like androids , have pushed the clone of transvestite entertainer matsuko deluxe into the limelight .a cross-dressing japanese television star 's robotic clone has made its ` unnervingly real ' on-screen debut - the first android to host its own show .\n", + "robotic clone of cross-dressing japanese tv star made on-screen debutmatsuko deluxe shared stage with matsukoroid doppelganger on saturdayjapanese engineers are trying to replace celebrities with lifelike androidssoftware , robots or smart machines could replace third of jobs by 2025\n", + "[1.1627369 1.4387883 1.2038262 1.2084069 1.2900858 1.0447438 1.0269235\n", + " 1.2128102 1.043409 1.057744 1.0758513 1.0181278 1.0281955 1.0155917\n", + " 1.0141098 1.0237879 1.0217052 1.0337303 1.0393131 1.0213133 1.0205245\n", + " 1.0137302 1.018052 1.0172414 1.0131551]\n", + "\n", + "[ 1 4 7 3 2 0 10 9 5 8 18 17 12 6 15 16 19 20 11 22 23 13 14 21\n", + " 24]\n", + "=======================\n", + "[\"kate , 33 , is due to give birth to her second child in the coming days - providing a little brother or sister to prince george .parenting blogger emily-jane clark , who runs the popular site how to survive a sleep thief , which she describes as ` an antithesis to baby advice ' , has compiled a list of the ways that a mother can cope with caring for two kids under two .catherine , the duchess of cambridge holds prince george poses for photographers outside st. mary 's hospital in london shortly after giving birth in 2013 .\"]\n", + "=======================\n", + "['kate middleton is preparing to give birth to her second child this weekthe duchess of cambridge is already mother to prince george , onea parenting expert tells femail how to cope with two children under two']\n", + "kate , 33 , is due to give birth to her second child in the coming days - providing a little brother or sister to prince george .parenting blogger emily-jane clark , who runs the popular site how to survive a sleep thief , which she describes as ` an antithesis to baby advice ' , has compiled a list of the ways that a mother can cope with caring for two kids under two .catherine , the duchess of cambridge holds prince george poses for photographers outside st. mary 's hospital in london shortly after giving birth in 2013 .\n", + "kate middleton is preparing to give birth to her second child this weekthe duchess of cambridge is already mother to prince george , onea parenting expert tells femail how to cope with two children under two\n", + "[1.4525008 1.4138767 1.17412 1.5553555 1.0715718 1.2971843 1.0193814\n", + " 1.0091103 1.0118229 1.0193753 1.0111524 1.0243446 1.0392108 1.0749009\n", + " 1.0346533 1.0147183 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 5 2 13 4 12 14 11 6 9 15 8 10 7 16 17 18 19 20]\n", + "=======================\n", + "[\"fiorentina ace mario gomez scored the opening goal of the game in the 43rd minute to help his side qualifymario gomez 's predatory instincts and a late goal by substitute juan vargas ensured fiorentina qualified for the europa league semi-finals .fiorentina had one foot in the next stage of europe 's second tier cup competition thanks to khouma babacar 's all-important away goal during the closing stages of last thursday 's first leg encounter in kiev .\"]\n", + "=======================\n", + "[\"fiorentina forward mario gomez opened the scoring in the 43rd minutedynamo kiev 's jeremain lens was sent off before the half-time intervalreferee jonas eriksson brandished a harsh second yellow card for divelate substitute juan vargas doubled scoreline with just seconds to go\"]\n", + "fiorentina ace mario gomez scored the opening goal of the game in the 43rd minute to help his side qualifymario gomez 's predatory instincts and a late goal by substitute juan vargas ensured fiorentina qualified for the europa league semi-finals .fiorentina had one foot in the next stage of europe 's second tier cup competition thanks to khouma babacar 's all-important away goal during the closing stages of last thursday 's first leg encounter in kiev .\n", + "fiorentina forward mario gomez opened the scoring in the 43rd minutedynamo kiev 's jeremain lens was sent off before the half-time intervalreferee jonas eriksson brandished a harsh second yellow card for divelate substitute juan vargas doubled scoreline with just seconds to go\n", + "[1.0735888 1.1319091 1.0513151 1.1667371 1.1491711 1.1706319 1.1469265\n", + " 1.0853225 1.0745469 1.170512 1.1322927 1.0485055 1.0539533 1.0919335\n", + " 1.1204916 1.0378445 1.0532932 1.0215002 1.0177673 0. 0. ]\n", + "\n", + "[ 5 9 3 4 6 10 1 14 13 7 8 0 12 16 2 11 15 17 18 19 20]\n", + "=======================\n", + "[\"stay in a stranger 's houselaura cody and tanbay theune ( pictured ) are seeing the world while house-sitting for strangershere are some of the ways travellers can keep their costs down while satisfying their wanderlust .\"]\n", + "=======================\n", + "['high costs are one of the reasons which keep travel plans groundedwith some hard work and sacrifices people can find free places to stayhouse-sitting is becoming a popular form of accommodationpeople can also see the world by getting paid to teach englishski resorts are always looking for instructors and hospitality staff']\n", + "stay in a stranger 's houselaura cody and tanbay theune ( pictured ) are seeing the world while house-sitting for strangershere are some of the ways travellers can keep their costs down while satisfying their wanderlust .\n", + "high costs are one of the reasons which keep travel plans groundedwith some hard work and sacrifices people can find free places to stayhouse-sitting is becoming a popular form of accommodationpeople can also see the world by getting paid to teach englishski resorts are always looking for instructors and hospitality staff\n", + "[1.3721073 1.3722411 1.1948458 1.4066405 1.3887193 1.0742868 1.040894\n", + " 1.0169902 1.026994 1.0227131 1.0149697 1.0501585 1.0198197 1.0243242\n", + " 1.0254767 1.0250002 1.0242524 1.0732588 1.0464914 1.0920657 1.0239724]\n", + "\n", + "[ 3 4 1 0 2 19 5 17 11 18 6 8 14 15 13 16 20 9 12 7 10]\n", + "=======================\n", + "[\"michael carrick 's appearance for england against italy on tuesday night keeps him in the longest-serving listcarrick has played for england for 13 years , 310 days - while sir stanley matthews reached 22 years , 228 dayscarrick made his england debut against mexico in may 2001 as a teenager with west ham united and if -- as now seems likely -- he carries through to euro 2016 , he will be the first non-goalkeeper since the legendary sir stanley to have an international career spanning more than 15 years .\"]\n", + "=======================\n", + "['michael carrick made his england debut against mexico in may 2001the manchester united man came on against italy on tuesday nightcarrick has been serving england for 13 years and 310 dayssir stanley matthews played for a staggering 22 years and 228 days']\n", + "michael carrick 's appearance for england against italy on tuesday night keeps him in the longest-serving listcarrick has played for england for 13 years , 310 days - while sir stanley matthews reached 22 years , 228 dayscarrick made his england debut against mexico in may 2001 as a teenager with west ham united and if -- as now seems likely -- he carries through to euro 2016 , he will be the first non-goalkeeper since the legendary sir stanley to have an international career spanning more than 15 years .\n", + "michael carrick made his england debut against mexico in may 2001the manchester united man came on against italy on tuesday nightcarrick has been serving england for 13 years and 310 dayssir stanley matthews played for a staggering 22 years and 228 days\n", + "[1.3812665 1.2292147 1.3938586 1.244835 1.2742555 1.1161898 1.029034\n", + " 1.057968 1.0356222 1.0461159 1.0222063 1.195833 1.1185944 1.0401256\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 4 3 1 11 12 5 7 9 13 8 6 10 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"ashley mote , 79 , of binsted , hampshire , is accused of a string of fraud-related offences including acquiring criminal property and obtaining a money transfer by deception .he denies 11 offences alleged to have taken place between november 2004 and july 2010 .some of the money he allegedly made from the fraud went towards funding various legal costs he had built up as a result of being prosecuted in the uk for benefit fraud offences , a jury at london 's southwark crown court was told .\"]\n", + "=======================\n", + "[\"ashley mote , 79 , of hampshire , accused of string of fraud-related offencesthey include acquiring criminal property and money transfer by deceptionhe denies 11 offences alleged to have taken place between 2004 and 2010southwark crown court hears of ` sophisticated fraud over several years '\"]\n", + "ashley mote , 79 , of binsted , hampshire , is accused of a string of fraud-related offences including acquiring criminal property and obtaining a money transfer by deception .he denies 11 offences alleged to have taken place between november 2004 and july 2010 .some of the money he allegedly made from the fraud went towards funding various legal costs he had built up as a result of being prosecuted in the uk for benefit fraud offences , a jury at london 's southwark crown court was told .\n", + "ashley mote , 79 , of hampshire , accused of string of fraud-related offencesthey include acquiring criminal property and money transfer by deceptionhe denies 11 offences alleged to have taken place between 2004 and 2010southwark crown court hears of ` sophisticated fraud over several years '\n", + "[1.3141552 1.3819442 1.3426278 1.1870291 1.2456485 1.101745 1.0412984\n", + " 1.0290116 1.0658437 1.0728534 1.0819854 1.0553397 1.038302 1.0503658\n", + " 1.0561341 1.0467249 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 3 5 10 9 8 14 11 13 15 6 12 7 19 16 17 18 20]\n", + "=======================\n", + "[\"the gunners have won seven straight games since defeat against fierce rivals tottenham at white hart lane on february 7 , a run of form which has moved them to second place in the table .now just seven points behind leaders chelsea , arsenal have a chance to surpass manchester city 's equally impressive run of seven victories in a row this season when they take on relegation-threatened burnley in saturday 's late kick-off .as well as keeping alive hopes of an unlikely charge to the premier league title , victory for arsenal at turf moor on saturday will also ensure arsene wenger 's men claim the longest winning streak in the top-flight this season .\"]\n", + "=======================\n", + "['arsenal are looking for their eighth victory in succession against burnleymanchester city also managed seven wins on the bounce this seasonthe gunners can match their own record if they win their remaining gamesmanchester united , chelsea and liverpool are also high on our countdown']\n", + "the gunners have won seven straight games since defeat against fierce rivals tottenham at white hart lane on february 7 , a run of form which has moved them to second place in the table .now just seven points behind leaders chelsea , arsenal have a chance to surpass manchester city 's equally impressive run of seven victories in a row this season when they take on relegation-threatened burnley in saturday 's late kick-off .as well as keeping alive hopes of an unlikely charge to the premier league title , victory for arsenal at turf moor on saturday will also ensure arsene wenger 's men claim the longest winning streak in the top-flight this season .\n", + "arsenal are looking for their eighth victory in succession against burnleymanchester city also managed seven wins on the bounce this seasonthe gunners can match their own record if they win their remaining gamesmanchester united , chelsea and liverpool are also high on our countdown\n", + "[1.135714 1.3298473 1.2027752 1.2920452 1.1769873 1.1155562 1.1483312\n", + " 1.1697305 1.0857215 1.0902514 1.1285111 1.0520036 1.0758508 1.0148351\n", + " 1.0757067 1.0078434 1.014122 0. 0. ]\n", + "\n", + "[ 1 3 2 4 7 6 0 10 5 9 8 12 14 11 13 16 15 17 18]\n", + "=======================\n", + "[\"fossils of a creature bearing a ` striking ' similarity to depictions of nessie have been found in a 19th century collection .scientists have revealed that the rediscovered fossil dubbed ` pessie ' ( pictured ) may have lived at the bottom of the freshwater lakes that would later become loch nessoriginally belonging to cromarty writer and geologist , hugh miller , the specimens now sit in inverness museum and art gallery .\"]\n", + "=======================\n", + "[\"fossils of a creature bearing a striking similarity to depictions of nessie have been found in a 19th century collectionit is thought the fossil was found in cromarty and would have once lived in a freshwater lake between 542 million years ago to 251 million years agoresearchers have revealed that pterichthyoides milleri - or ` pessie ' - lived on the bottom of the lakes that would later become loch ness\"]\n", + "fossils of a creature bearing a ` striking ' similarity to depictions of nessie have been found in a 19th century collection .scientists have revealed that the rediscovered fossil dubbed ` pessie ' ( pictured ) may have lived at the bottom of the freshwater lakes that would later become loch nessoriginally belonging to cromarty writer and geologist , hugh miller , the specimens now sit in inverness museum and art gallery .\n", + "fossils of a creature bearing a striking similarity to depictions of nessie have been found in a 19th century collectionit is thought the fossil was found in cromarty and would have once lived in a freshwater lake between 542 million years ago to 251 million years agoresearchers have revealed that pterichthyoides milleri - or ` pessie ' - lived on the bottom of the lakes that would later become loch ness\n", + "[1.0815287 1.3930553 1.2970657 1.1008866 1.2164625 1.2448994 1.0561152\n", + " 1.1732996 1.0828015 1.0293633 1.1507753 1.0323516 1.0180869 1.0395191\n", + " 1.0499249 1.0308917 1.0368611 1.1715863 0. ]\n", + "\n", + "[ 1 2 5 4 7 17 10 3 8 0 6 14 13 16 11 15 9 12 18]\n", + "=======================\n", + "['that \\'s the mayor \\'s response to an artist \\'s apology and offer to cover the cost of fixing the \" scary lucy \" statue that has put the new york town of celoron in the spotlight this week .the bronze figure of comedian and area native lucille ball has elicited comparisons to a \" walking dead \" zombie and inspired the facebook campaign \" we love lucy !artist dave poulin has \" had plenty of opportunity to step forward , and our last conversation he wanted $ 8,000 to $ 10,000 , \" celoron mayor scott schrecengost said .']\n", + "=======================\n", + "[\"an artist apologizes for his lucille ball statuein a public letter , the sculptor offers to pay for fixes to the statuethe mayor says he 's not interested in having the original artist work on the statue\"]\n", + "that 's the mayor 's response to an artist 's apology and offer to cover the cost of fixing the \" scary lucy \" statue that has put the new york town of celoron in the spotlight this week .the bronze figure of comedian and area native lucille ball has elicited comparisons to a \" walking dead \" zombie and inspired the facebook campaign \" we love lucy !artist dave poulin has \" had plenty of opportunity to step forward , and our last conversation he wanted $ 8,000 to $ 10,000 , \" celoron mayor scott schrecengost said .\n", + "an artist apologizes for his lucille ball statuein a public letter , the sculptor offers to pay for fixes to the statuethe mayor says he 's not interested in having the original artist work on the statue\n", + "[1.082465 1.407354 1.1413527 1.2714599 1.18123 1.1942453 1.0644428\n", + " 1.1127923 1.1062329 1.0533762 1.0545988 1.0618277 1.055015 1.1089156\n", + " 1.0867566 1.0862633 1.0377022 1.0466641 0. ]\n", + "\n", + "[ 1 3 5 4 2 7 13 8 14 15 0 6 11 12 10 9 17 16 18]\n", + "=======================\n", + "[\"but not everyone was smiling after sir paul mccartney married heather mills .the pair -- daughters of sir paul 's first wife linda , who died of cancer four years previously -- were said to have been less than overjoyed by their father 's choice of partner .astonishingly , the image is the first to emerge of the former beatle and ms mills from their wedding reception .\"]\n", + "=======================\n", + "[\"new photos emerge of sir paul mccartney and heather mills ' 2002 weddingbut after tying the knot , sir paul 's daughters looked decidedly glumthe pair were said to have been less than overjoyed at their father 's partnerpictures and other memorabilia are to be auctioned for charity next month\"]\n", + "but not everyone was smiling after sir paul mccartney married heather mills .the pair -- daughters of sir paul 's first wife linda , who died of cancer four years previously -- were said to have been less than overjoyed by their father 's choice of partner .astonishingly , the image is the first to emerge of the former beatle and ms mills from their wedding reception .\n", + "new photos emerge of sir paul mccartney and heather mills ' 2002 weddingbut after tying the knot , sir paul 's daughters looked decidedly glumthe pair were said to have been less than overjoyed at their father 's partnerpictures and other memorabilia are to be auctioned for charity next month\n", + "[1.0189055 1.0338166 1.0561407 1.2635092 1.3190138 1.0618192 1.3109505\n", + " 1.0497609 1.1635057 1.085609 1.0428823 1.1199867 1.0472329 1.0222641\n", + " 1.0152737 1.0137515 1.0363249 1.0942343 1.0720809]\n", + "\n", + "[ 4 6 3 8 11 17 9 18 5 2 7 12 10 16 1 13 0 14 15]\n", + "=======================\n", + "[\"actor kit harington ( left ) , clad in leather , plays jon snow in the hit hbo fantasy series game of thronesaidan turner is leading the way as captain ross poldark in the bbc 's much talked-about sunday night offering .and flying the flag for nordic hunks is travis fimmel , who stars in the show vikings , which charts the tumultuous rise of viking king ragnar lothbrok .\"]\n", + "=======================\n", + "[\"female fans captivated by new breed of ` pretty but gritty ' male leadsaidan turner in poldark perfects the rugged costume drama lookother heartthrobs include kit harington in games of thrones , sam heughan in outlander and travis fimmel in vikings\"]\n", + "actor kit harington ( left ) , clad in leather , plays jon snow in the hit hbo fantasy series game of thronesaidan turner is leading the way as captain ross poldark in the bbc 's much talked-about sunday night offering .and flying the flag for nordic hunks is travis fimmel , who stars in the show vikings , which charts the tumultuous rise of viking king ragnar lothbrok .\n", + "female fans captivated by new breed of ` pretty but gritty ' male leadsaidan turner in poldark perfects the rugged costume drama lookother heartthrobs include kit harington in games of thrones , sam heughan in outlander and travis fimmel in vikings\n", + "[1.3586547 1.2462558 1.3574258 1.3451766 1.1681712 1.1156291 1.103124\n", + " 1.0357828 1.0892782 1.0307164 1.0214142 1.1118183 1.1613042 1.0433946\n", + " 1.0595707 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 4 12 5 11 6 8 14 13 7 9 10 17 15 16 18]\n", + "=======================\n", + "[\"odds on the second royal baby being called sam have been slashed , following the success of sam waley-cohen at aintree , the duchess ' close friendprince george 's brother or sister could be called sam - after the jockey that helped the duke and duchess of cambridge rekindle their romance .the baby will be the queen 's fifth great-grandchild .\"]\n", + "=======================\n", + "[\"the royal baby could be called sam , after duchess of cambridge 's friendsam waley-cohen , who rode in the grand national , is a close confidant of the duchess and helped the cambridges rekindle their romance in 2007odds on the royal baby being named sam have been slashed from 66/1 to 20/1 since waley-cohen appeared at aintree and won race on fridayroyal couple have insisted they do not know the sex of their second child\"]\n", + "odds on the second royal baby being called sam have been slashed , following the success of sam waley-cohen at aintree , the duchess ' close friendprince george 's brother or sister could be called sam - after the jockey that helped the duke and duchess of cambridge rekindle their romance .the baby will be the queen 's fifth great-grandchild .\n", + "the royal baby could be called sam , after duchess of cambridge 's friendsam waley-cohen , who rode in the grand national , is a close confidant of the duchess and helped the cambridges rekindle their romance in 2007odds on the royal baby being named sam have been slashed from 66/1 to 20/1 since waley-cohen appeared at aintree and won race on fridayroyal couple have insisted they do not know the sex of their second child\n", + "[1.2786994 1.3487871 1.380579 1.3821361 1.242615 1.1821663 1.2278829\n", + " 1.0318271 1.0259606 1.1077441 1.0551821 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 0 4 6 5 9 10 7 8 21 20 19 18 17 11 15 14 13 12 22 16 23]\n", + "=======================\n", + "[\"a man in a ` distinctive ' cartoon mask demanded cash from owner 's daughter on saturdayhe made off with the dairy 's till and about $ 1500 in cash on saturday , stuff.co.nz reports .the offender , snapped on security footage in a fluoro orange sweatshirt and oversized mask , is described as being ` very tall ' .\"]\n", + "=======================\n", + "[\"police were called to a dairy in east christchurch after reports of a robberyman in a ` distinctive ' cartoon mask demanded cash from owner 's daughterpolice are appealing to the public for help in identifying the offender\"]\n", + "a man in a ` distinctive ' cartoon mask demanded cash from owner 's daughter on saturdayhe made off with the dairy 's till and about $ 1500 in cash on saturday , stuff.co.nz reports .the offender , snapped on security footage in a fluoro orange sweatshirt and oversized mask , is described as being ` very tall ' .\n", + "police were called to a dairy in east christchurch after reports of a robberyman in a ` distinctive ' cartoon mask demanded cash from owner 's daughterpolice are appealing to the public for help in identifying the offender\n", + "[1.209129 1.5190756 1.2649186 1.379853 1.1483542 1.0598117 1.0465031\n", + " 1.0317994 1.1575882 1.0661008 1.1072749 1.0893229 1.0456129 1.0389829\n", + " 1.0542752 1.0637681 1.0274259 1.0450697 1.050122 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 8 4 10 11 9 15 5 14 18 6 12 17 13 7 16 22 19 20 21 23]\n", + "=======================\n", + "[\"lisa mcelroy , 50 , who teaches legal writing at drexel university , reportedly sent the inappropriate message on march 31 under the subject line : ` great article on writing briefs . 'however , when recipients opened the enclosed link , philly.com reports that they were directed to a video of ' a woman engaging in a sexually explicit act ' .a respected law professor from philadelphia is being investigated after allegedly emailing students a link to pornographic footage .\"]\n", + "=======================\n", + "[\"lisa mcelroy , 50 , who teaches legal writing at drexel university , reportedly sent the ` inappropriate ' message on march 31when recipients clicked the enclosed link , they were allegedly directed to a video of ' a woman engaging in a sexually explicit act 'david lat - a lawyer and legal commenter - suggests that the professor could have been ` hacked ' or made a ` copy/paste error 'along with teaching law , mcelroy is also an accomplished author with a number of published biographies and children 's books\"]\n", + "lisa mcelroy , 50 , who teaches legal writing at drexel university , reportedly sent the inappropriate message on march 31 under the subject line : ` great article on writing briefs . 'however , when recipients opened the enclosed link , philly.com reports that they were directed to a video of ' a woman engaging in a sexually explicit act ' .a respected law professor from philadelphia is being investigated after allegedly emailing students a link to pornographic footage .\n", + "lisa mcelroy , 50 , who teaches legal writing at drexel university , reportedly sent the ` inappropriate ' message on march 31when recipients clicked the enclosed link , they were allegedly directed to a video of ' a woman engaging in a sexually explicit act 'david lat - a lawyer and legal commenter - suggests that the professor could have been ` hacked ' or made a ` copy/paste error 'along with teaching law , mcelroy is also an accomplished author with a number of published biographies and children 's books\n", + "[1.199983 1.4509833 1.2842978 1.2732341 1.3051493 1.195051 1.1116388\n", + " 1.0424757 1.2021003 1.1322579 1.0170252 1.0333252 1.0391645 1.0253624\n", + " 1.0474081 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 3 8 0 5 9 6 14 7 12 11 13 10 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "['stephen taylor , went missing in the solent after leaving lee-on-solent in hampshire at about 11.30 am yesterday in his kayak with the intention of paddling west to lepe beach .the 54-year-old experienced canoeist was in touch with his partner michelle fuller , 49 , throughout the day - but when he failed to return home late in the evening she alrted police .search : helicopter and lifeboats were combing the solent off hampshire for the missing kayaker last night']\n", + "=======================\n", + "[\"stephen taylor vanished in solent after leaving lee-on-solent yesterdayhe was in touch with partner during day but he later failed to return homeshe then called police and major air-sea search mission was launched` sighting ' last night and a body - awaiting formal id - was found today\"]\n", + "stephen taylor , went missing in the solent after leaving lee-on-solent in hampshire at about 11.30 am yesterday in his kayak with the intention of paddling west to lepe beach .the 54-year-old experienced canoeist was in touch with his partner michelle fuller , 49 , throughout the day - but when he failed to return home late in the evening she alrted police .search : helicopter and lifeboats were combing the solent off hampshire for the missing kayaker last night\n", + "stephen taylor vanished in solent after leaving lee-on-solent yesterdayhe was in touch with partner during day but he later failed to return homeshe then called police and major air-sea search mission was launched` sighting ' last night and a body - awaiting formal id - was found today\n", + "[1.1637306 1.537774 1.2916445 1.3448812 1.1285846 1.1639763 1.1945115\n", + " 1.1681345 1.1264632 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 6 7 5 0 4 8 21 20 19 18 17 16 11 14 13 12 22 10 9 15 23]\n", + "=======================\n", + "[\"retired policeman spencer bell , 71 , had bravely ventured on to the motorway near watford , hertfordshire , after a man fell from a bridge in january last year .but as he tended the victim -- alan tretheway , 67 -- mr bell was struck by a toyota driven by mother-of-three iram shahzad .last week mrs shahzad , 32 , pleaded guilty at st albans crown court to causing mr bell 's death .\"]\n", + "=======================\n", + "[\"spencer bell , 71 , ventured onto m1 motorway after man fell from a bridgebut as he tended the victim he was struck by car driven by iram shahzadshe had tried to avoid queue of traffic by veering into outside lane at speeds of up to 88mphmrs shahzad , 32 , pleaded guilty to causing mr bell 's death and received a suspended sentence\"]\n", + "retired policeman spencer bell , 71 , had bravely ventured on to the motorway near watford , hertfordshire , after a man fell from a bridge in january last year .but as he tended the victim -- alan tretheway , 67 -- mr bell was struck by a toyota driven by mother-of-three iram shahzad .last week mrs shahzad , 32 , pleaded guilty at st albans crown court to causing mr bell 's death .\n", + "spencer bell , 71 , ventured onto m1 motorway after man fell from a bridgebut as he tended the victim he was struck by car driven by iram shahzadshe had tried to avoid queue of traffic by veering into outside lane at speeds of up to 88mphmrs shahzad , 32 , pleaded guilty to causing mr bell 's death and received a suspended sentence\n", + "[1.0830418 1.387053 1.0655099 1.0548223 1.1039685 1.0744607 1.1177837\n", + " 1.1034745 1.1390512 1.0867258 1.0471723 1.0252545 1.0978651 1.1100326\n", + " 1.0610213 1.0201747 1.0248011 1.0611292 1.0487258 1.0409733 1.0221045\n", + " 1.0375495 1.0212888 1.017931 ]\n", + "\n", + "[ 1 8 6 13 4 7 12 9 0 5 2 17 14 3 18 10 19 21 11 16 20 22 15 23]\n", + "=======================\n", + "['freddie gray \\'s family had asked there be quiet on baltimore \\'s streets the day they laid him to rest .\" i want them all to go back home , \" said rev. jamal bryant .the 25-year-old african-american man died from spinal injuries after being arrested earlier this month .']\n", + "=======================\n", + "[\"gray 's family asked there be no protests ; they condemned violencecommunity leaders and brave residents got in between rioters and police\"]\n", + "freddie gray 's family had asked there be quiet on baltimore 's streets the day they laid him to rest .\" i want them all to go back home , \" said rev. jamal bryant .the 25-year-old african-american man died from spinal injuries after being arrested earlier this month .\n", + "gray 's family asked there be no protests ; they condemned violencecommunity leaders and brave residents got in between rioters and police\n", + "[1.2114528 1.4226117 1.145191 1.1802218 1.3148763 1.1678724 1.1367866\n", + " 1.0851196 1.0976952 1.0648433 1.1230774 1.0650058 1.1017638 1.067143\n", + " 1.0356308 1.0302902 1.0143851 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 0 3 5 2 6 10 12 8 7 13 11 9 14 15 16 20 17 18 19 21]\n", + "=======================\n", + "[\"joseph oberhansley , from jeffersonville , indiana , is charged with murder and abuse of a corpse in the death of 46-year-old tammy jo harbin blanton last september .an ex-convict who told cops he fatally stabbed his ex-girlfriend , then cooked and ate some of her organs , may now also be charged with raping her .the motion to change the charges comes after lab results for the victim 's body were returned .\"]\n", + "=======================\n", + "[\"joseph oberhansley ` broke into tammy jo blanton 's house last year , stabbed her to death and then cut open her skull with an electric jigsaw 'he ` then cooked up her heart , lungs and brain and ate them 'on tuesday , prosecutors asked for rape to be added to the charges against him after results from her body returned from the lablast year , prosecutors said they expected to seek the death penalty\"]\n", + "joseph oberhansley , from jeffersonville , indiana , is charged with murder and abuse of a corpse in the death of 46-year-old tammy jo harbin blanton last september .an ex-convict who told cops he fatally stabbed his ex-girlfriend , then cooked and ate some of her organs , may now also be charged with raping her .the motion to change the charges comes after lab results for the victim 's body were returned .\n", + "joseph oberhansley ` broke into tammy jo blanton 's house last year , stabbed her to death and then cut open her skull with an electric jigsaw 'he ` then cooked up her heart , lungs and brain and ate them 'on tuesday , prosecutors asked for rape to be added to the charges against him after results from her body returned from the lablast year , prosecutors said they expected to seek the death penalty\n", + "[1.2072284 1.4915054 1.171515 1.417839 1.1528767 1.0945442 1.102425\n", + " 1.2471701 1.1060865 1.0379663 1.01007 1.112201 1.0848734 1.0793388\n", + " 1.0403332 1.0108385 1.0374833 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 7 0 2 4 11 8 6 5 12 13 14 9 16 15 10 17 18 19 20 21]\n", + "=======================\n", + "[\"phylise davis-bowens , who attended bethune-cookman university in daytona beach , florida , for their ` transformative leadership ' program at the age of 37 , launched a lawsuit after she alleged she was not allowed to try out for the 14 karat gold dancers .a former college student is suing her school over claims she was n't allowed to audition for the dance team because of her weight .after around a year , she had lost a total of 60lb .\"]\n", + "=======================\n", + "['phylise davis-bowens , 42 , who attended bethune-cookman university in daytona beach , florida has launched a lawsuitshe claims that she lost 16lb to try out for the dance troupe and was still not allowed by the band director after joining the college in 2009she is seeking unspecified damages from the college']\n", + "phylise davis-bowens , who attended bethune-cookman university in daytona beach , florida , for their ` transformative leadership ' program at the age of 37 , launched a lawsuit after she alleged she was not allowed to try out for the 14 karat gold dancers .a former college student is suing her school over claims she was n't allowed to audition for the dance team because of her weight .after around a year , she had lost a total of 60lb .\n", + "phylise davis-bowens , 42 , who attended bethune-cookman university in daytona beach , florida has launched a lawsuitshe claims that she lost 16lb to try out for the dance troupe and was still not allowed by the band director after joining the college in 2009she is seeking unspecified damages from the college\n", + "[1.2351339 1.3376243 1.3320658 1.3313246 1.1726025 1.1665595 1.2371262\n", + " 1.0956573 1.0572487 1.096559 1.0395283 1.1004932 1.0378928 1.0327538\n", + " 1.0903248 1.0143025 1.0819075 1.039658 1.0215 1.0492007 1.0106684\n", + " 1.0258362]\n", + "\n", + "[ 1 2 3 6 0 4 5 11 9 7 14 16 8 19 17 10 12 13 21 18 15 20]\n", + "=======================\n", + "['captured by a visitor to the dierenrijk zoo , the lion can be seen inserting its head into the barrel and attempting to retrieve a piece of meat .zoo keepers place food in barrels to stimulate the lions , as it replicates the challenges faced when the animals feed in the wild .the animal , hoping to beat two other lions to the food , reaches in too far and suddenly gets its head stuck .']\n", + "=======================\n", + "['zoo keepers place food in the barrels to stimulate the lions when feedingone lion reaches too far into the food barrel and gets its head stucklion is captured on video thrashing about attempting to free itselfthe incident occurred at the dierenrijk zoo in the netherlands']\n", + "captured by a visitor to the dierenrijk zoo , the lion can be seen inserting its head into the barrel and attempting to retrieve a piece of meat .zoo keepers place food in barrels to stimulate the lions , as it replicates the challenges faced when the animals feed in the wild .the animal , hoping to beat two other lions to the food , reaches in too far and suddenly gets its head stuck .\n", + "zoo keepers place food in the barrels to stimulate the lions when feedingone lion reaches too far into the food barrel and gets its head stucklion is captured on video thrashing about attempting to free itselfthe incident occurred at the dierenrijk zoo in the netherlands\n", + "[1.3758256 1.4171399 1.197468 1.1891409 1.1288822 1.276243 1.0809133\n", + " 1.0719184 1.0708774 1.0549834 1.0598218 1.0572283 1.0586219 1.0423598\n", + " 1.0220411 1.0520351 1.0415902 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 5 2 3 4 6 7 8 10 12 11 9 15 13 16 14 20 17 18 19 21]\n", + "=======================\n", + "[\"letourneau , 53 , and her husband , vili fualaau , 31 , will talk about her rape trial and their married life in an interview with barbara walters on ' 20/20 ' , which will air on friday .disgraced teacher mary kay letourneau and her student-turned-lover are set to talk about their controversial relationship in a tell-all interview on the eve of their 10th wedding anniversary .the former seattle teacher shot to infamy after starting a relationship with fualaau when he was a 12-year-old sixth-grade student and falling pregnant with his child when he was just 13 .\"]\n", + "=======================\n", + "['letourneau and vili fualaau will speak to barbara walters in a 20/20 interview that will air this fridayletourneau and fualaau started a sexual relationship when she was his sixth-grade teacher and she fell pregnant with his child when he was 13she served a few months in jail and fell pregnant with his second child within weeks ; she was then sent back to prison for seven yearsbut a year after her release in 2004 , they married and are still togethertheir now - teenage daughters will join them for the interview']\n", + "letourneau , 53 , and her husband , vili fualaau , 31 , will talk about her rape trial and their married life in an interview with barbara walters on ' 20/20 ' , which will air on friday .disgraced teacher mary kay letourneau and her student-turned-lover are set to talk about their controversial relationship in a tell-all interview on the eve of their 10th wedding anniversary .the former seattle teacher shot to infamy after starting a relationship with fualaau when he was a 12-year-old sixth-grade student and falling pregnant with his child when he was just 13 .\n", + "letourneau and vili fualaau will speak to barbara walters in a 20/20 interview that will air this fridayletourneau and fualaau started a sexual relationship when she was his sixth-grade teacher and she fell pregnant with his child when he was 13she served a few months in jail and fell pregnant with his second child within weeks ; she was then sent back to prison for seven yearsbut a year after her release in 2004 , they married and are still togethertheir now - teenage daughters will join them for the interview\n", + "[1.2441533 1.358795 1.3703568 1.2562928 1.15484 1.1383764 1.0484619\n", + " 1.0501363 1.1191721 1.1495205 1.0717347 1.0241069 1.0240341 1.05718\n", + " 1.0469182 1.0420171 1.038555 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 3 0 4 9 5 8 10 13 7 6 14 15 16 11 12 20 17 18 19 21]\n", + "=======================\n", + "[\"the department of veteran affairs ( dva ) said the word ` anzac ' is protected by federal legislation since 1920 and is not authorised to be used for commercial purposes - like zoo weekly 's ` special anzac centenary issue ' - without express permission from the minister for veterans ' affairs .after coming under scrutiny , zoo weekly removed all ` offending ' images of a half-naked model holding a long stemmed red poppy from facebook .after discovering zoo had not sought permission , the dva immediately notified zoo weekly of the breached and asked for all offending images to be removed .\"]\n", + "=======================\n", + "[\"zoo weekly came under fire for their scandalous anzac day issuethe front cover featured a half-naked model holding a red poppythe department of veteran affairs said zoo could not use the word anzacthe word ca n't be used without permission for commercial purposessocial media users condemned the ` gross and offensive ' issuezoo weekly has since removed all offending images from their websites\"]\n", + "the department of veteran affairs ( dva ) said the word ` anzac ' is protected by federal legislation since 1920 and is not authorised to be used for commercial purposes - like zoo weekly 's ` special anzac centenary issue ' - without express permission from the minister for veterans ' affairs .after coming under scrutiny , zoo weekly removed all ` offending ' images of a half-naked model holding a long stemmed red poppy from facebook .after discovering zoo had not sought permission , the dva immediately notified zoo weekly of the breached and asked for all offending images to be removed .\n", + "zoo weekly came under fire for their scandalous anzac day issuethe front cover featured a half-naked model holding a red poppythe department of veteran affairs said zoo could not use the word anzacthe word ca n't be used without permission for commercial purposessocial media users condemned the ` gross and offensive ' issuezoo weekly has since removed all offending images from their websites\n", + "[1.3925908 1.4293092 1.2277821 1.2114106 1.3126643 1.3378737 1.1141182\n", + " 1.0502968 1.0197827 1.021397 1.0161554 1.0855062 1.0206759 1.2113637\n", + " 1.0445107 1.0532292 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 5 4 2 3 13 6 11 15 7 14 9 12 8 10 18 16 17 19]\n", + "=======================\n", + "[\"fans group ashleyout.com was behind last sunday 's boycott of the 3-1 defeat at home to spurs , which saw at least 10,000 supporters stay away as their side lost a sixth game on the spin .newcastle supporters have been encouraged to stand up in protest against mike ashley 's running of the club when they face swansea at st james ' park on saturday .newcastle united fans have planned a mass protest against owner mike ashley on saturday afternoon\"]\n", + "=======================\n", + "[\"newcastle face swansea at st james ' park on saturday afternoonfans group ashleyout.com have asked supporters to stand in 34th minute` having a threadbare squad ... yet having # 34m in the bank not acceptable 'there will also be peaceful protests outside sports direct stores at 12.30\"]\n", + "fans group ashleyout.com was behind last sunday 's boycott of the 3-1 defeat at home to spurs , which saw at least 10,000 supporters stay away as their side lost a sixth game on the spin .newcastle supporters have been encouraged to stand up in protest against mike ashley 's running of the club when they face swansea at st james ' park on saturday .newcastle united fans have planned a mass protest against owner mike ashley on saturday afternoon\n", + "newcastle face swansea at st james ' park on saturday afternoonfans group ashleyout.com have asked supporters to stand in 34th minute` having a threadbare squad ... yet having # 34m in the bank not acceptable 'there will also be peaceful protests outside sports direct stores at 12.30\n", + "[1.2595098 1.3602755 1.1650933 1.2046643 1.2400452 1.1422615 1.0641767\n", + " 1.1522093 1.1154814 1.1660851 1.064421 1.0540019 1.0564373 1.0831406\n", + " 1.081122 1.0587846 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 3 9 2 7 5 8 13 14 10 6 15 12 11 18 16 17 19]\n", + "=======================\n", + "[\"the 32-year-old was inspecting a weapons factory in the country 's capital of pyongyang in a visit filmed by north korean central tv .disarming images of the north korean dictator kim jong-un have emerged - apparently showing that he has hurt his wrist .pictures from state-controlled media show the dictator smiling and waving , with his right wrist in bandages\"]\n", + "=======================\n", + "[\"right wrist of kim jong-un pictured strapped up with white bandagesfilmed while visiting a pyongyang weapons factory in impoverished nationinjury is latest evidence in a string of rumours about dictator 's ill health\"]\n", + "the 32-year-old was inspecting a weapons factory in the country 's capital of pyongyang in a visit filmed by north korean central tv .disarming images of the north korean dictator kim jong-un have emerged - apparently showing that he has hurt his wrist .pictures from state-controlled media show the dictator smiling and waving , with his right wrist in bandages\n", + "right wrist of kim jong-un pictured strapped up with white bandagesfilmed while visiting a pyongyang weapons factory in impoverished nationinjury is latest evidence in a string of rumours about dictator 's ill health\n", + "[1.1797934 1.2890849 1.3531088 1.2974001 1.1057082 1.1780542 1.122071\n", + " 1.1287341 1.0948662 1.1883168 1.0311494 1.0289768 1.0422763 1.1420008\n", + " 1.0463582 1.0295895 1.0129759 1.0705851 0. 0. ]\n", + "\n", + "[ 2 3 1 9 0 5 13 7 6 4 8 17 14 12 10 15 11 16 18 19]\n", + "=======================\n", + "[\"the hole appeared recently after locals noticed the ground nearby getting warmerthe heat blasting from the ` ring of fire ' has been measured at 792c ( 1457f ) from two metres away , reports people 's daily online , and is so intense that experts ca n't get close enough to determine how deep the hole is .geologists and media have flocked to the desolate mountain on the outskirts of urumqi , in xinjiang uyghur autonomous region in north-western china , since it appeared a few weeks ago .\"]\n", + "=======================\n", + "[\"locals had noticed the ground in the area was warmer than usualexperts ca n't get close enough to determine how deep the hole istemperature measured at 792c from two metres awaythought to be caused by a coal seam spontaneously combusting\"]\n", + "the hole appeared recently after locals noticed the ground nearby getting warmerthe heat blasting from the ` ring of fire ' has been measured at 792c ( 1457f ) from two metres away , reports people 's daily online , and is so intense that experts ca n't get close enough to determine how deep the hole is .geologists and media have flocked to the desolate mountain on the outskirts of urumqi , in xinjiang uyghur autonomous region in north-western china , since it appeared a few weeks ago .\n", + "locals had noticed the ground in the area was warmer than usualexperts ca n't get close enough to determine how deep the hole istemperature measured at 792c from two metres awaythought to be caused by a coal seam spontaneously combusting\n", + "[1.3324926 1.3009858 1.3127546 1.2474405 1.2342525 1.0997986 1.0797901\n", + " 1.1377836 1.0644656 1.0546575 1.1258054 1.0987809 1.0523185 1.0602665\n", + " 1.0423988 1.0381305 1.0173386 1.0090276 1.0094739 1.007006 ]\n", + "\n", + "[ 0 2 1 3 4 7 10 5 11 6 8 13 9 12 14 15 16 18 17 19]\n", + "=======================\n", + "['racing legend tony mccoy ended his career as a jump jockey without adding to his haul of more than 4,300 winners .mccoy , 40 , has been champion jump jockey for the past 20 years , and when he was handed the trophy for the final time today by former arsenal player ian wright , it emerged that the irish jockey will be allowed to keep it in perpetuity .his two , third-place finishes at sandown park in front of a packed crowd of 18,000 race fans brought an end to the greatest racing career in history .']\n", + "=======================\n", + "['racing legend tony mccoy ended his record breaking career todaythe irish legend finished with a total of 4,348 winners over the jumpshe has ridden a record-breaking 289 winners in one seasonmccoy was handed the champions jockey trophy for the 20th time']\n", + "racing legend tony mccoy ended his career as a jump jockey without adding to his haul of more than 4,300 winners .mccoy , 40 , has been champion jump jockey for the past 20 years , and when he was handed the trophy for the final time today by former arsenal player ian wright , it emerged that the irish jockey will be allowed to keep it in perpetuity .his two , third-place finishes at sandown park in front of a packed crowd of 18,000 race fans brought an end to the greatest racing career in history .\n", + "racing legend tony mccoy ended his record breaking career todaythe irish legend finished with a total of 4,348 winners over the jumpshe has ridden a record-breaking 289 winners in one seasonmccoy was handed the champions jockey trophy for the 20th time\n", + "[1.1857741 1.5072004 1.3407154 1.3074831 1.1731533 1.0656387 1.0840448\n", + " 1.0769099 1.0826834 1.1156232 1.0855325 1.0467463 1.0467377 1.0285943\n", + " 1.0476319 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 9 10 6 8 7 5 14 11 12 13 18 15 16 17 19]\n", + "=======================\n", + "[\"zbigniew huminski , 38 , has confessed to strangling his nine-year-old victim , identified by her first name of chloe , yesterday afternoon in france ` while drunk ' .she was stripped naked and sexually assaulted and after being forced into huminski 's car and then driven to an isolated wood once used as a camp for illegal migrants bound for the uk .a pole with convictions for violence was on his way to britain from calais when he snatched a schoolgirl in front of her mother before raping and murdering her , it emerged today .\"]\n", + "=======================\n", + "[\"girl was playing with friend when zbigniew huminski forced her into carchloe 's naked body was found in nearby woods an hour-and-a-half laterprosecutors say there is evidence of ` strangulation and sexual violence 'polish immigrant , who was heading to england , has admitted to killing\"]\n", + "zbigniew huminski , 38 , has confessed to strangling his nine-year-old victim , identified by her first name of chloe , yesterday afternoon in france ` while drunk ' .she was stripped naked and sexually assaulted and after being forced into huminski 's car and then driven to an isolated wood once used as a camp for illegal migrants bound for the uk .a pole with convictions for violence was on his way to britain from calais when he snatched a schoolgirl in front of her mother before raping and murdering her , it emerged today .\n", + "girl was playing with friend when zbigniew huminski forced her into carchloe 's naked body was found in nearby woods an hour-and-a-half laterprosecutors say there is evidence of ` strangulation and sexual violence 'polish immigrant , who was heading to england , has admitted to killing\n", + "[1.1756841 1.4072497 1.3502016 1.3161885 1.163285 1.1207684 1.1506667\n", + " 1.1975307 1.076472 1.0709354 1.0528816 1.0483515 1.0386883 1.0281599\n", + " 1.0295864 1.0244169 1.0674082 1.044604 1.0664313 1.0525316 0. ]\n", + "\n", + "[ 1 2 3 7 0 4 6 5 8 9 16 18 10 19 11 17 12 14 13 15 20]\n", + "=======================\n", + "['expedition 42 commander barry wilmore and flight engineer terry virts recorded three spacewalks , known as extra vehicular activities , on gopro cameras outside the iss on february 25 and march 1 .the spacewalks were in preparation for the arrival of multibillion pound commercial spacecraft , which nasa hope will be in operation by 2017 .nasa has released incredible point-of-view footage taken by astronauts on spacewalks of the international space station .']\n", + "=======================\n", + "['barry wilmore and terry virts captured the footage on spacewalksthe astronauts were carrying out repair work on the space stationvideo captures incredibly clear images of the earth from 250 milesspacewalks were in preparation for commercial spacecraft arrival']\n", + "expedition 42 commander barry wilmore and flight engineer terry virts recorded three spacewalks , known as extra vehicular activities , on gopro cameras outside the iss on february 25 and march 1 .the spacewalks were in preparation for the arrival of multibillion pound commercial spacecraft , which nasa hope will be in operation by 2017 .nasa has released incredible point-of-view footage taken by astronauts on spacewalks of the international space station .\n", + "barry wilmore and terry virts captured the footage on spacewalksthe astronauts were carrying out repair work on the space stationvideo captures incredibly clear images of the earth from 250 milesspacewalks were in preparation for commercial spacecraft arrival\n", + "[1.2173132 1.4025958 1.1982126 1.3285646 1.1602646 1.0809622 1.070337\n", + " 1.0491432 1.0357159 1.053004 1.018895 1.0252706 1.067062 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 5 6 12 9 7 8 11 10 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"periscope , twitter 's new iphone app which allows users to broadcast live video and audio online , launched a week ago today and early adapters have already discovered potentially hair-raising issues with the much talked-about technology , which claims on its website that it is ` the closest thing to teleportation ' .from location tagging to unmonitored comments to blatant sexual harassment , a new video streaming app has all the ingredients to become a parent 's latest nightmare .despite the initial hype surrounding the launch of the app , which is being touted as a revolutionary new way to share news , there are already a concerning number of users , particularly women , reporting that they have been sexually harassed , or trolled , while using the technology .\"]\n", + "=======================\n", + "[\"the video app launched last thursday , but early adapters have already discovered potentially hair-raising issues with the technologyapp developer justin esgar told daily mail online that periscope present numerous dangers to childrenhe warned that parents will have to ` try and control ' the various ` land mines ' present within the app 's system\"]\n", + "periscope , twitter 's new iphone app which allows users to broadcast live video and audio online , launched a week ago today and early adapters have already discovered potentially hair-raising issues with the much talked-about technology , which claims on its website that it is ` the closest thing to teleportation ' .from location tagging to unmonitored comments to blatant sexual harassment , a new video streaming app has all the ingredients to become a parent 's latest nightmare .despite the initial hype surrounding the launch of the app , which is being touted as a revolutionary new way to share news , there are already a concerning number of users , particularly women , reporting that they have been sexually harassed , or trolled , while using the technology .\n", + "the video app launched last thursday , but early adapters have already discovered potentially hair-raising issues with the technologyapp developer justin esgar told daily mail online that periscope present numerous dangers to childrenhe warned that parents will have to ` try and control ' the various ` land mines ' present within the app 's system\n", + "[1.5735579 1.5590234 1.1698668 1.1973214 1.2312615 1.179746 1.0185319\n", + " 1.0171719 1.0253359 1.0128112 1.1588376 1.0113283 1.0930682 1.0856928\n", + " 1.0118061 1.0140185 1.0132436 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 3 5 2 10 12 13 8 6 7 15 16 9 14 11 19 17 18 20]\n", + "=======================\n", + "[\"manchester united midfielder juan mata insists his side can be proud of their performance during saturday 's defeat by chelsea and congratulates his former side as they close in on the premier league title .eden hazard scored the only goal of the game as louis van gaal 's side 's six-match winning run came to an abrupt end .it was mata 's first return to stamford bridge since he left chelsea in january last year\"]\n", + "=======================\n", + "[\"manchester united lost 1-0 to chelsea at stamford bridge on saturdayjuan mata played at chelsea for the first time since leaving the clubspaniard was proud of his side 's display against the champions electmata congratulates chelsea as they close in on premier league titleread : what has louis van gaal changed since utd sacked david moyes ?\"]\n", + "manchester united midfielder juan mata insists his side can be proud of their performance during saturday 's defeat by chelsea and congratulates his former side as they close in on the premier league title .eden hazard scored the only goal of the game as louis van gaal 's side 's six-match winning run came to an abrupt end .it was mata 's first return to stamford bridge since he left chelsea in january last year\n", + "manchester united lost 1-0 to chelsea at stamford bridge on saturdayjuan mata played at chelsea for the first time since leaving the clubspaniard was proud of his side 's display against the champions electmata congratulates chelsea as they close in on premier league titleread : what has louis van gaal changed since utd sacked david moyes ?\n", + "[1.3517557 1.2851963 1.1777517 1.4743538 1.2582991 1.2450056 1.1732593\n", + " 1.0953443 1.1073282 1.0807753 1.1572558 1.0696214 1.1350248 1.0108097\n", + " 1.0081869 1.0129002 1.012215 1.0090854 1.0116516 0. 0. ]\n", + "\n", + "[ 3 0 1 4 5 2 6 10 12 8 7 9 11 15 16 18 13 17 14 19 20]\n", + "=======================\n", + "[\"steven gerrard is set to start the fa cup semi-final between liverpool and aston villa on sundaythe 34-year-old has flitted in and out of brendan rodgers ' side this term and will end his long association with the club at the end of this season .gerrard has been missing all month after serving his three-match ban for seeing red against man united\"]\n", + "=======================\n", + "['brendan rodgers picks steven gerrard to start fa cup semi-finalthe 34-year-old has served his three-match ban after seeing red last month against manchester unitedgerrard has been in and out of the liverpool side this season']\n", + "steven gerrard is set to start the fa cup semi-final between liverpool and aston villa on sundaythe 34-year-old has flitted in and out of brendan rodgers ' side this term and will end his long association with the club at the end of this season .gerrard has been missing all month after serving his three-match ban for seeing red against man united\n", + "brendan rodgers picks steven gerrard to start fa cup semi-finalthe 34-year-old has served his three-match ban after seeing red last month against manchester unitedgerrard has been in and out of the liverpool side this season\n", + "[1.4825609 1.2169443 1.4181031 1.2548182 1.1353374 1.1317765 1.1140442\n", + " 1.0537093 1.1891041 1.1488849 1.0165997 1.0119476 1.013082 1.024914\n", + " 1.0984168 1.0393903 1.0412786 1.046675 1.0425922 1.012336 1.0100986]\n", + "\n", + "[ 0 2 3 1 8 9 4 5 6 14 7 17 18 16 15 13 10 12 19 11 20]\n", + "=======================\n", + "[\"emma hannigan had her breasts and ovaries removed in 2006 to reduce her risk of cancer after she was diagnosed with the faulty brca1 genethe breast cancer campaign estimates preventative mastectomy is thought to reduce breast cancer risk in carriers of the brca gene , by 90 per cent .the odds reduce a woman 's risk to lower than that of the average for women who do not carry the mutated gene . '\"]\n", + "=======================\n", + "['emma hannigan was diagnosed with the faulty brca1 gene in 2005a year later she had her breasts and ovaries removed to prevent cancerbut in 2007 , despite the surgery , she was diagnosed with breast cancersince then she has battled the disease nine times - four times in one year']\n", + "emma hannigan had her breasts and ovaries removed in 2006 to reduce her risk of cancer after she was diagnosed with the faulty brca1 genethe breast cancer campaign estimates preventative mastectomy is thought to reduce breast cancer risk in carriers of the brca gene , by 90 per cent .the odds reduce a woman 's risk to lower than that of the average for women who do not carry the mutated gene . '\n", + "emma hannigan was diagnosed with the faulty brca1 gene in 2005a year later she had her breasts and ovaries removed to prevent cancerbut in 2007 , despite the surgery , she was diagnosed with breast cancersince then she has battled the disease nine times - four times in one year\n", + "[1.2145354 1.5511084 1.1884044 1.319052 1.0604144 1.0481931 1.0485358\n", + " 1.0559913 1.1037601 1.0410795 1.0952638 1.0848271 1.1496235 1.0468307\n", + " 1.0377067 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 2 12 8 10 11 4 7 6 5 13 9 14 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"the collector 's paradise in horfield , bristol , which has gone untouched for more than 80 years comes complete with the original bathroom and kitchen , wood-panelled hallway and even the vintage cupboards .a timewarp home which has remained unchanged since the 1930s is up for sale complete with original features including stained-glass windows , oil-fired central heating and retro jars of popular food .with features that were once commonplace but are now considered decidedly old-fashioned , the semi-detached property has a guide price of between # 200,000 and # 250,000 .\"]\n", + "=======================\n", + "[\"nondescript semi-detached home for sale in horfield , bristol , is an unlikely collector 's paradisehouse has gone untouched for more than 80 years and comes complete with stain-glass windowsthe timewarp home also boasts oil-fired central heating and comes with original bathroom and kitchen\"]\n", + "the collector 's paradise in horfield , bristol , which has gone untouched for more than 80 years comes complete with the original bathroom and kitchen , wood-panelled hallway and even the vintage cupboards .a timewarp home which has remained unchanged since the 1930s is up for sale complete with original features including stained-glass windows , oil-fired central heating and retro jars of popular food .with features that were once commonplace but are now considered decidedly old-fashioned , the semi-detached property has a guide price of between # 200,000 and # 250,000 .\n", + "nondescript semi-detached home for sale in horfield , bristol , is an unlikely collector 's paradisehouse has gone untouched for more than 80 years and comes complete with stain-glass windowsthe timewarp home also boasts oil-fired central heating and comes with original bathroom and kitchen\n", + "[1.442853 1.0907811 1.0771283 1.1091851 1.1090505 1.0463105 1.1393213\n", + " 1.046388 1.0477488 1.0821745 1.0814978 1.044013 1.0598459 1.093344\n", + " 1.113241 1.1062497 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 6 14 3 4 15 13 1 9 10 2 12 8 7 5 11 20 16 17 18 19 21]\n", + "=======================\n", + "[\"at waterloo napoleon did surrender , ' sang sweden 's fab four in their famous eurovision song contest winner .napoleon certainly did n't surrender at waterloo .it is unfortunate for anniversary-celebrating purposes that waterloo lies in the french half where the locals are preparing to mark the bicentenary of the battle of waterloo -- with napoleon as the unchallenged star of the show .\"]\n", + "=======================\n", + "[\"contrary to the abba song , napoleon did not surrender at waterlootemplar hospice is being turned into a restaurant-cum-brewery , museummay sees the 75th anniversary of ` glorious failure ' of operation dynamo\"]\n", + "at waterloo napoleon did surrender , ' sang sweden 's fab four in their famous eurovision song contest winner .napoleon certainly did n't surrender at waterloo .it is unfortunate for anniversary-celebrating purposes that waterloo lies in the french half where the locals are preparing to mark the bicentenary of the battle of waterloo -- with napoleon as the unchallenged star of the show .\n", + "contrary to the abba song , napoleon did not surrender at waterlootemplar hospice is being turned into a restaurant-cum-brewery , museummay sees the 75th anniversary of ` glorious failure ' of operation dynamo\n", + "[1.2115473 1.4569821 1.3244369 1.2368568 1.3735409 1.3108414 1.1489639\n", + " 1.0260192 1.0209557 1.0469111 1.1368798 1.0740846 1.126154 1.0891731\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 2 5 3 0 6 10 12 13 11 9 7 8 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"theresa dybalski , a retired insurance company from lackawanna , new york , was celebrating at a birthday lunch when she received the ticket .her friend who gave it to her , however , has died since dybalski 's birthday .so she plans to share her winnings with family members of her friend , who has not been named .\"]\n", + "=======================\n", + "[\"theresa dybalski , of lakawanna , new york , was given the lottery ticket inside a birthday card from a friendher friend who gave her the card died shorty after she wonshe received a lump-sum payment of $ 522,822 after taxes last monthdybalski plans on sharing the money with her and her friend 's family and plans to address ' a couple issues around the house '\"]\n", + "theresa dybalski , a retired insurance company from lackawanna , new york , was celebrating at a birthday lunch when she received the ticket .her friend who gave it to her , however , has died since dybalski 's birthday .so she plans to share her winnings with family members of her friend , who has not been named .\n", + "theresa dybalski , of lakawanna , new york , was given the lottery ticket inside a birthday card from a friendher friend who gave her the card died shorty after she wonshe received a lump-sum payment of $ 522,822 after taxes last monthdybalski plans on sharing the money with her and her friend 's family and plans to address ' a couple issues around the house '\n", + "[1.1673979 1.4824386 1.310437 1.2721571 1.2159438 1.2758865 1.1902974\n", + " 1.04066 1.0335213 1.0284467 1.02813 1.0417081 1.0899147 1.0887785\n", + " 1.0482963 1.0324757 1.0557595 1.0578452 1.033323 1.0248821 1.0548934\n", + " 1.1231091]\n", + "\n", + "[ 1 2 5 3 4 6 0 21 12 13 17 16 20 14 11 7 8 18 15 9 10 19]\n", + "=======================\n", + "[\"ben powers played the character of thelma 's husband keith in the show 's sixth and final season between 1978-1979 .he passed away at his new bedford , massachusetts home on april 6 at the age of 64 .his family has not revealed the cause of his death .\"]\n", + "=======================\n", + "['powers appeared in the final season of the long-running sitcomhe played the husband of main character thelmapowers died april 6 at his home in new bedford , massachusetts at the age of 64 .']\n", + "ben powers played the character of thelma 's husband keith in the show 's sixth and final season between 1978-1979 .he passed away at his new bedford , massachusetts home on april 6 at the age of 64 .his family has not revealed the cause of his death .\n", + "powers appeared in the final season of the long-running sitcomhe played the husband of main character thelmapowers died april 6 at his home in new bedford , massachusetts at the age of 64 .\n", + "[1.2181191 1.4671326 1.261085 1.3586287 1.2054118 1.131555 1.1947632\n", + " 1.1384568 1.1336225 1.0907739 1.0421484 1.0360855 1.0572691 1.014172\n", + " 1.0810862 1.0594124 1.0593389 1.0333905 1.0095757 1.007533 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 4 6 7 8 5 9 14 15 16 12 10 11 17 13 18 19 20 21]\n", + "=======================\n", + "[\"sophie thomas wore the black shirt in march when she was having her picture taken at clermont northeastern middle school in batavia .sophie thomas ( center ) wore a shirt with the word ` feminist ' on it for class photo day at her middle schoolwhen the students got their class photos this week , she saw the word had been removed from her shirt with photoshop .\"]\n", + "=======================\n", + "['sophie thomas attends clermont northeastern middle school in bataviashe wore a black shirt bearing word for school picture day back in marchwhen students got photos this week , word was removed with photoshopadministrators said they asked to remove word , a claim thomas disputes']\n", + "sophie thomas wore the black shirt in march when she was having her picture taken at clermont northeastern middle school in batavia .sophie thomas ( center ) wore a shirt with the word ` feminist ' on it for class photo day at her middle schoolwhen the students got their class photos this week , she saw the word had been removed from her shirt with photoshop .\n", + "sophie thomas attends clermont northeastern middle school in bataviashe wore a black shirt bearing word for school picture day back in marchwhen students got photos this week , word was removed with photoshopadministrators said they asked to remove word , a claim thomas disputes\n", + "[1.1845589 1.2633585 1.3385776 1.24704 1.2982758 1.2461587 1.1307805\n", + " 1.0766401 1.1352993 1.0432929 1.0291284 1.1289568 1.1388721 1.0775537\n", + " 1.0093855 1.0136473 1.0273247 1.0083405 0. ]\n", + "\n", + "[ 2 4 1 3 5 0 12 8 6 11 13 7 9 10 16 15 14 17 18]\n", + "=======================\n", + "['now , designer eason chow believes his innovative new product could be the solution - and found inspiration from the sugar-coated sweets dispensed from gumball machines .the soaring popularity of home coffee machines has led to a increasing amount of waste generated by caffeine lovers .it involves covering coffee granules in milk powder then dipping the whole lot in sugar to create a revolutionary capsule with no waste created whatsoever .']\n", + "=======================\n", + "['soaring popularity of home coffee machines has led to increasing wasteeason chow believes his innovative new product could be the solutionpods are made of coffee granules in milk powder are then dipped in sugarprice will be around # 4 for a pack of 20 and a machine will cost around # 80']\n", + "now , designer eason chow believes his innovative new product could be the solution - and found inspiration from the sugar-coated sweets dispensed from gumball machines .the soaring popularity of home coffee machines has led to a increasing amount of waste generated by caffeine lovers .it involves covering coffee granules in milk powder then dipping the whole lot in sugar to create a revolutionary capsule with no waste created whatsoever .\n", + "soaring popularity of home coffee machines has led to increasing wasteeason chow believes his innovative new product could be the solutionpods are made of coffee granules in milk powder are then dipped in sugarprice will be around # 4 for a pack of 20 and a machine will cost around # 80\n", + "[1.4662883 1.2132354 1.1760001 1.1255945 1.2184371 1.2710388 1.1237229\n", + " 1.0624288 1.052811 1.0327703 1.0547013 1.1174959 1.0983592 1.0560535\n", + " 1.0506656 1.0827893 1.0097992 1.0083492 0. ]\n", + "\n", + "[ 0 5 4 1 2 3 6 11 12 15 7 13 10 8 14 9 16 17 18]\n", + "=======================\n", + "['lady penelope ( left ) and her faithful chauffeur aloysius parker ( right ) have been given slight tweaks for the 2015 remake of thunderbirdsgeeky scientist brains has lost his bow tie for an open-neck shirt and has been given an indian accent .yes , 50 years after the futuristic puppet show launched and landed all over the world , itv is bringing it back .']\n", + "=======================\n", + "['fifty years after the futuristic puppet show launched itv is bringing it backit is computer-generated with more women and multicultural characterslady penelope lost twin-set and pearls and looks like a lady secret agentparker has dropped his chauffeur uniform and sports a roll-neck sweaterthunderbirds , itv1 tomorrow at 5pm .']\n", + "lady penelope ( left ) and her faithful chauffeur aloysius parker ( right ) have been given slight tweaks for the 2015 remake of thunderbirdsgeeky scientist brains has lost his bow tie for an open-neck shirt and has been given an indian accent .yes , 50 years after the futuristic puppet show launched and landed all over the world , itv is bringing it back .\n", + "fifty years after the futuristic puppet show launched itv is bringing it backit is computer-generated with more women and multicultural characterslady penelope lost twin-set and pearls and looks like a lady secret agentparker has dropped his chauffeur uniform and sports a roll-neck sweaterthunderbirds , itv1 tomorrow at 5pm .\n", + "[1.0621474 1.4604445 1.2998648 1.2355409 1.1991324 1.1531113 1.1833868\n", + " 1.0374436 1.1190459 1.0623348 1.0646552 1.0373669 1.1114484 1.0902065\n", + " 1.0675691 1.1001974 1.0353829 0. 0. ]\n", + "\n", + "[ 1 2 3 4 6 5 8 12 15 13 14 10 9 0 7 11 16 17 18]\n", + "=======================\n", + "[\"39-year-old lianna barrientos married ten men in eleven years - and married six of them in one year alone , it 's been revealed .barrientos , however , was nabbed by authorities after saying her 2010 marriage - the tenth time she tied the knot - was actually her first , the new york post reported .according to reports , all of barrientos ' marriages took place in new york state .\"]\n", + "=======================\n", + "[\"liana barrientos married ten men in eleven years - even marrying six of them in one year aloneall of her marriages took place in new york stateher first marriage took place in 1999 , followed by two in 2001 , six in 2002 , and her tenth marriage in 2010barrientos allegedly described her 2010 nuptials as ` her first and only marriage 'she is reportedly divorced from four of her ten husbandsthe department of homeland security was ` involved ' in barrientos ' case , the bronx district attorney 's office has said\"]\n", + "39-year-old lianna barrientos married ten men in eleven years - and married six of them in one year alone , it 's been revealed .barrientos , however , was nabbed by authorities after saying her 2010 marriage - the tenth time she tied the knot - was actually her first , the new york post reported .according to reports , all of barrientos ' marriages took place in new york state .\n", + "liana barrientos married ten men in eleven years - even marrying six of them in one year aloneall of her marriages took place in new york stateher first marriage took place in 1999 , followed by two in 2001 , six in 2002 , and her tenth marriage in 2010barrientos allegedly described her 2010 nuptials as ` her first and only marriage 'she is reportedly divorced from four of her ten husbandsthe department of homeland security was ` involved ' in barrientos ' case , the bronx district attorney 's office has said\n", + "[1.4833282 1.083226 1.1639227 1.1477574 1.2317795 1.2086959 1.1197116\n", + " 1.0925122 1.2319691 1.0673774 1.0672017 1.039944 1.0172398 1.0842087\n", + " 1.0418738 1.0956157 1.014394 1.0347033 1.039252 ]\n", + "\n", + "[ 0 8 4 5 2 3 6 15 7 13 1 9 10 14 11 18 17 12 16]\n", + "=======================\n", + "[\"it was on new year 's day last year that juan mata finally cracked after being substituted by chelsea manager jose mourinho at southampton .louis van gaal is finally getting the best out of juan mata .manchester united midfielder juan mata turns away to celebrate after scoring against manchester city\"]\n", + "=======================\n", + "['despite his status as a firm fan-favourite during his first two seasons at chelsea , juan mata could not do enough to impress jose mourinhomata was sold to manchester united in january 2014 for a # 37m feeit took some time for the midfielder to settle at old trafford but now he hasunited travel away to chelsea in the premier league on saturday']\n", + "it was on new year 's day last year that juan mata finally cracked after being substituted by chelsea manager jose mourinho at southampton .louis van gaal is finally getting the best out of juan mata .manchester united midfielder juan mata turns away to celebrate after scoring against manchester city\n", + "despite his status as a firm fan-favourite during his first two seasons at chelsea , juan mata could not do enough to impress jose mourinhomata was sold to manchester united in january 2014 for a # 37m feeit took some time for the midfielder to settle at old trafford but now he hasunited travel away to chelsea in the premier league on saturday\n", + "[1.5631845 1.1400176 1.0555782 1.1041474 1.16136 1.1166277 1.1167998\n", + " 1.1618961 1.0800638 1.0770051 1.0704556 1.0622365 1.043868 1.1031624\n", + " 1.0659877 1.0925039 1.0208832 1.0292344 0. ]\n", + "\n", + "[ 0 7 4 1 6 5 3 13 15 8 9 10 14 11 2 12 17 16 18]\n", + "=======================\n", + "['( cnn ) talk show host dr. mehmet oz is defending himself against a group of doctors who accuse him of \" manifesting an egregious lack of integrity \" in his tv and promotional work and who call his faculty position at columbia university unacceptable .the episode will air on thursday afternoon in most markets , friday in others .for example , i do not claim that gmo ( genetically modified organism ) foods are dangerous , but believe that they should be labeled like they are in most countries around the world .']\n", + "=======================\n", + "['ten physicians across the country have banded together to tell columbia they think having oz on faculty is unacceptableradiology professor says that he just wants oz to \" follow the basic rules of science \"tv \\'s \" dr. oz \" holds a faculty position at columbia university \\'s college of physicians and surgeons']\n", + "( cnn ) talk show host dr. mehmet oz is defending himself against a group of doctors who accuse him of \" manifesting an egregious lack of integrity \" in his tv and promotional work and who call his faculty position at columbia university unacceptable .the episode will air on thursday afternoon in most markets , friday in others .for example , i do not claim that gmo ( genetically modified organism ) foods are dangerous , but believe that they should be labeled like they are in most countries around the world .\n", + "ten physicians across the country have banded together to tell columbia they think having oz on faculty is unacceptableradiology professor says that he just wants oz to \" follow the basic rules of science \"tv 's \" dr. oz \" holds a faculty position at columbia university 's college of physicians and surgeons\n", + "[1.4535949 1.3236493 1.1446979 1.2209986 1.1869261 1.0491548 1.0307988\n", + " 1.021638 1.167776 1.0262833 1.3197763 1.093936 1.0353473 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 10 3 4 8 2 11 5 12 6 9 7 20 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "['united arab emirates are planning an audacious bid to host the 2021 rugby league world cup .shaun johnson scores a try for new zealand against england in the semi-finalsthe world cup has only ever been hosted by the major countries - australia , new zealand , france and great britain - although south africa submitted an application for the 2017 event which was awarded jointly to australia and new zealand .']\n", + "=======================\n", + "['united arab emirates are interested in hosting the 2021 tournamentrugby league world cup has only been held in major countries - australia , new zealand , france and great britainmiddle east country has the facilities , as well as the financial backing and infrastructure claims sol mokdad , the president of uaerl']\n", + "united arab emirates are planning an audacious bid to host the 2021 rugby league world cup .shaun johnson scores a try for new zealand against england in the semi-finalsthe world cup has only ever been hosted by the major countries - australia , new zealand , france and great britain - although south africa submitted an application for the 2017 event which was awarded jointly to australia and new zealand .\n", + "united arab emirates are interested in hosting the 2021 tournamentrugby league world cup has only been held in major countries - australia , new zealand , france and great britainmiddle east country has the facilities , as well as the financial backing and infrastructure claims sol mokdad , the president of uaerl\n", + "[1.1862819 1.5010295 1.2453159 1.3641529 1.2562554 1.1607486 1.0898063\n", + " 1.0243666 1.0383902 1.0745434 1.0282757 1.2183691 1.1594092 1.0393414\n", + " 1.0168772 1.0125381 1.0684631 1.0178728 1.0512522 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 4 2 11 0 5 12 6 9 16 18 13 8 10 7 17 14 15 20 19 21]\n", + "=======================\n", + "[\"gizelle laurente had booked her son , jacob prien , on a flight from darwin to brisbane yesterday , so he could spend easter with his father and younger brother .gizelle laurente , could n't afford to fly with him , said the captain of the flight came to meet jacob at the boarding gate , according to the nt news .a mum is outraged after she claims her son was turned away from a qantas flight due to his autism .\"]\n", + "=======================\n", + "[\"mum says her son was banned from qantas flight due to his autismgizelle laurente claims her son , jacob prien , was discriminated againstjacob was booked to fly from darwin to brisbane on thursdayqantas says he was n't able to fly unaccompanied without medical approvalhe was given the all-clear and flew to brisbane on friday\"]\n", + "gizelle laurente had booked her son , jacob prien , on a flight from darwin to brisbane yesterday , so he could spend easter with his father and younger brother .gizelle laurente , could n't afford to fly with him , said the captain of the flight came to meet jacob at the boarding gate , according to the nt news .a mum is outraged after she claims her son was turned away from a qantas flight due to his autism .\n", + "mum says her son was banned from qantas flight due to his autismgizelle laurente claims her son , jacob prien , was discriminated againstjacob was booked to fly from darwin to brisbane on thursdayqantas says he was n't able to fly unaccompanied without medical approvalhe was given the all-clear and flew to brisbane on friday\n", + "[1.3671603 1.482471 1.179747 1.0985725 1.2886301 1.1232284 1.1074352\n", + " 1.1016365 1.1094918 1.0872573 1.0350162 1.0179617 1.0213295 1.0279906\n", + " 1.0131263 1.0203961 1.0721037 1.1087279 1.0787327 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 4 2 5 8 17 6 7 3 9 18 16 10 13 12 15 11 14 20 19 21]\n", + "=======================\n", + "['the veteran cornerback has agreed a deal with the carolina panthers with the two-time pro bowler opting to link-up with ron rivera .charles tillman has concluded his storied 12-year career with the chicago bears .at the age of 34 and after another injury-hit season , the new bears hierarchy did not express an interest in keeping tillman on the roster .']\n", + "=======================\n", + "[\"tillman spent 12 years in chicago but the new team management did not declare an interest to retain his servicesa staple of lovie smith 's stingy defense , he will again link up with ron rivera , whowas the bears defensive co-ordinator between 2004-06tillman holds a number of franchise records and the forced fumble specialist joins sean mcdermott 's schemehe has also been honoured for his work in the community and won the 2014 walter payton man of the year award\"]\n", + "the veteran cornerback has agreed a deal with the carolina panthers with the two-time pro bowler opting to link-up with ron rivera .charles tillman has concluded his storied 12-year career with the chicago bears .at the age of 34 and after another injury-hit season , the new bears hierarchy did not express an interest in keeping tillman on the roster .\n", + "tillman spent 12 years in chicago but the new team management did not declare an interest to retain his servicesa staple of lovie smith 's stingy defense , he will again link up with ron rivera , whowas the bears defensive co-ordinator between 2004-06tillman holds a number of franchise records and the forced fumble specialist joins sean mcdermott 's schemehe has also been honoured for his work in the community and won the 2014 walter payton man of the year award\n", + "[1.4790092 1.26501 1.243359 1.3342468 1.0732512 1.0750564 1.0832593\n", + " 1.0199426 1.188755 1.0280385 1.0267699 1.0381956 1.0347571 1.0370228\n", + " 1.0439882 1.0466107 1.0241847 1.0199112 1.0109046 1.0104297 1.016155\n", + " 1.0296954]\n", + "\n", + "[ 0 3 1 2 8 6 5 4 15 14 11 13 12 21 9 10 16 7 17 20 18 19]\n", + "=======================\n", + "[\"manchester city 's grip on the barclays premier league title was loosened further after a controversial glenn murray goal put crystal palace on the way to a 2-1 victory .crystal palace striker glenn murray ( left ) celebrates after opening the scoring against manchester citymurray fired palace ahead in the first half , despite both he and scott dann appearing to be offside , and jason puncheon crashed in a superb second to deal what looks to be a fatal blow to city 's already slim hopes of retaining their crown .\"]\n", + "=======================\n", + "[\"glenn murray was man of the match and scored fifth goal in five gamesmidfielder james mcarthur also put in a superb , full hearted performancemanuel pellegrini 's time is surely up after another disappointing defeatclick here to read neil ashton 's match report\"]\n", + "manchester city 's grip on the barclays premier league title was loosened further after a controversial glenn murray goal put crystal palace on the way to a 2-1 victory .crystal palace striker glenn murray ( left ) celebrates after opening the scoring against manchester citymurray fired palace ahead in the first half , despite both he and scott dann appearing to be offside , and jason puncheon crashed in a superb second to deal what looks to be a fatal blow to city 's already slim hopes of retaining their crown .\n", + "glenn murray was man of the match and scored fifth goal in five gamesmidfielder james mcarthur also put in a superb , full hearted performancemanuel pellegrini 's time is surely up after another disappointing defeatclick here to read neil ashton 's match report\n", + "[1.3457994 1.326539 1.2671382 1.3018774 1.1070555 1.0759791 1.0683601\n", + " 1.0666082 1.1049182 1.106192 1.0143706 1.0912819 1.0797789 1.0397038\n", + " 1.0272886 1.0468966 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 2 4 9 8 11 12 5 6 7 15 13 14 10 16 17 18 19 20 21]\n", + "=======================\n", + "[\"archaeologists have uncovered a ritual burial of 2,000-year-old human skulls - sparking the theory they could be the remains of boudicca 's rebels - as the london crossrail excavations continue .the latest discovery of cremated human bones packed neatly into a cooking pot and set off at the side of the historic river walbrook , in london , has experts questioning whether they were part of a gruesome ceremony .roman rummaging : one of the skulls ( left ) was uncovered next to a roman road which has also been found .\"]\n", + "=======================\n", + "[\"seven human skulls , nearly 2,000 years old , have so far been uncoveredit is thought they were discarded as part of ritual burial on river walbrooksparked the theory the skulls could be the remains of boudicca 's rebelsexcavation of 3,000 skeletons at new liverpool street site is now complete\"]\n", + "archaeologists have uncovered a ritual burial of 2,000-year-old human skulls - sparking the theory they could be the remains of boudicca 's rebels - as the london crossrail excavations continue .the latest discovery of cremated human bones packed neatly into a cooking pot and set off at the side of the historic river walbrook , in london , has experts questioning whether they were part of a gruesome ceremony .roman rummaging : one of the skulls ( left ) was uncovered next to a roman road which has also been found .\n", + "seven human skulls , nearly 2,000 years old , have so far been uncoveredit is thought they were discarded as part of ritual burial on river walbrooksparked the theory the skulls could be the remains of boudicca 's rebelsexcavation of 3,000 skeletons at new liverpool street site is now complete\n", + "[1.2292296 1.4744927 1.2469227 1.2562665 1.1594 1.1444595 1.1719357\n", + " 1.0885619 1.0715154 1.0831307 1.1019453 1.03746 1.0496163 1.017275\n", + " 1.0099355 1.0144849 1.0096706 1.0621953 1.0162678 1.0630827 1.0225011\n", + " 1.0751705 1.0494573]\n", + "\n", + "[ 1 3 2 0 6 4 5 10 7 9 21 8 19 17 12 22 11 20 13 18 15 14 16]\n", + "=======================\n", + "['the footage captured at spring garden station in philadelphia on tuesday shows the group of youngsters viciously attacking the victims just seconds before the train pulls into the station .they then pull them to the ground , punch them and repeatedly stamp on their heads .a shocking surveillance video showing a mob of teenagers beating two high school students on a subway platform has been released .']\n", + "=======================\n", + "['brawl at spring gardens station in philadelphia was captured on cctvfight involved students from nearby benjamin franklin high schoolat one point an attacker falls onto the tracks , but manages to get back upafter the confrontation , the victims and attackers walk onto the same train']\n", + "the footage captured at spring garden station in philadelphia on tuesday shows the group of youngsters viciously attacking the victims just seconds before the train pulls into the station .they then pull them to the ground , punch them and repeatedly stamp on their heads .a shocking surveillance video showing a mob of teenagers beating two high school students on a subway platform has been released .\n", + "brawl at spring gardens station in philadelphia was captured on cctvfight involved students from nearby benjamin franklin high schoolat one point an attacker falls onto the tracks , but manages to get back upafter the confrontation , the victims and attackers walk onto the same train\n", + "[1.1549052 1.4997909 1.2935989 1.2251939 1.3289189 1.1455872 1.0830512\n", + " 1.0822933 1.0275062 1.0384289 1.1106853 1.0190079 1.0283469 1.0609401\n", + " 1.0707253 1.0588443 1.1096278 1.0332731 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 2 3 0 5 10 16 6 7 14 13 15 9 17 12 8 11 18 19 20 21 22]\n", + "=======================\n", + "['doug hughes , 61 , spent two years planning his stunt , which involved crossing the no-fly zone with letters for all 535 members of congress .now under arrest , he has been chaperoned back to his home in ruskin , florida , where he will wear an electronic tag until his first court hearing in washington , d.c. , next month .he is expected to issue a statement today and has until 10am on monday to register with a probation officer .']\n", + "=======================\n", + "[\"doug hughes landed a gyrocopter on the u.s. capitol lawn on wednesdaycharged with crossing no-fly zone , he is under house arrest until court datehis wife alena hughes has not been charged , says her husband is a patriotbut when asked if he was a patriot , hughes said ` no i 'm a mailman 'he spent two years planning stunt to protest campaign finance laws\"]\n", + "doug hughes , 61 , spent two years planning his stunt , which involved crossing the no-fly zone with letters for all 535 members of congress .now under arrest , he has been chaperoned back to his home in ruskin , florida , where he will wear an electronic tag until his first court hearing in washington , d.c. , next month .he is expected to issue a statement today and has until 10am on monday to register with a probation officer .\n", + "doug hughes landed a gyrocopter on the u.s. capitol lawn on wednesdaycharged with crossing no-fly zone , he is under house arrest until court datehis wife alena hughes has not been charged , says her husband is a patriotbut when asked if he was a patriot , hughes said ` no i 'm a mailman 'he spent two years planning stunt to protest campaign finance laws\n", + "[1.2962842 1.2193235 1.467405 1.2035617 1.1929111 1.2081707 1.0551454\n", + " 1.088005 1.0691952 1.0249089 1.0449116 1.0198401 1.0407366 1.0862323\n", + " 1.0438577 1.0191141 1.0185344 1.0283554 1.0731808 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 1 5 3 4 7 13 18 8 6 10 14 12 17 9 11 15 16 21 19 20 22]\n", + "=======================\n", + "['sharmeena begum , 15 , was raised by her uncle shamim miah , a devout muslim and former religious scholar .sharmeena : the teenager flew in secret to syriathe jihadi bride who persuaded three friends to follow her to syria was brought up in a strict muslim household which turned to islamic state apologists cage when she disappeared , it emerged yesterday .']\n", + "=======================\n", + "[\"sharmeena begum was raised by uncle who was former religious scholarhe blames airport authorities , police and her school for letting her fleeshe used # 1,000 of inheritance following her mother 's deathhe is worried what will happen in syria and that she wo n't be allowed home\"]\n", + "sharmeena begum , 15 , was raised by her uncle shamim miah , a devout muslim and former religious scholar .sharmeena : the teenager flew in secret to syriathe jihadi bride who persuaded three friends to follow her to syria was brought up in a strict muslim household which turned to islamic state apologists cage when she disappeared , it emerged yesterday .\n", + "sharmeena begum was raised by uncle who was former religious scholarhe blames airport authorities , police and her school for letting her fleeshe used # 1,000 of inheritance following her mother 's deathhe is worried what will happen in syria and that she wo n't be allowed home\n", + "[1.3444779 1.3349442 1.1856438 1.2884109 1.1646608 1.291384 1.2409534\n", + " 1.2031944 1.0497572 1.0184005 1.0150168 1.1390808 1.0159789 1.0163829\n", + " 1.0210565 1.0093479 1.0536306 1.0223961 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 5 3 6 7 2 4 11 16 8 17 14 9 13 12 10 15 21 18 19 20 22]\n", + "=======================\n", + "[\"jenson button could do no more than ` look at the positives ' in the wake of another frustrating day at the wheel of his faltering mclaren .after stopping on track in each of the practice sessions on friday due to technical issues , button made it a hat-trick in qualifying for the bahrain grand prix .racing director eric boullier insists the problems are ` unrelated ' , and ` just glitches stopping the car ' .\"]\n", + "=======================\n", + "['jenson button suffering a third car failure of the weekend in bahrainthe brit ground to a halt with another electrical issue on saturdaylatest glitch means the mclaren driver will be last on the grid on sunday']\n", + "jenson button could do no more than ` look at the positives ' in the wake of another frustrating day at the wheel of his faltering mclaren .after stopping on track in each of the practice sessions on friday due to technical issues , button made it a hat-trick in qualifying for the bahrain grand prix .racing director eric boullier insists the problems are ` unrelated ' , and ` just glitches stopping the car ' .\n", + "jenson button suffering a third car failure of the weekend in bahrainthe brit ground to a halt with another electrical issue on saturdaylatest glitch means the mclaren driver will be last on the grid on sunday\n", + "[1.4823611 1.0519192 1.2783868 1.2179457 1.229103 1.1009625 1.0901852\n", + " 1.1316943 1.1537265 1.0357015 1.1225635 1.0731398 1.016989 1.0137782\n", + " 1.0135413 1.0672419 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 4 3 8 7 10 5 6 11 15 1 9 12 13 14 21 16 17 18 19 20 22]\n", + "=======================\n", + "['moscow ( cnn ) joy womack is taking part in her first ballet class of the day at the kremlin ballet theatre , kicking her legs up to her head , jumping and spinning across the room .the dancer , raised in california and texas , left her parents and eight brothers and sisters behind when she arrived in russia six years ago , aged 15 , speaking no russian .but in 2013 she left under a cloud -- media reports suggested she had claimed she was asked by an unnamed boshoi official to pay $ 10,000 to dance in even small roles .']\n", + "=======================\n", + "['20-year-old american dancer makes $ 240 a month at kremlin ballet theatrejoy womack studied at bolshoi ballet academy but left in cloud of controversy']\n", + "moscow ( cnn ) joy womack is taking part in her first ballet class of the day at the kremlin ballet theatre , kicking her legs up to her head , jumping and spinning across the room .the dancer , raised in california and texas , left her parents and eight brothers and sisters behind when she arrived in russia six years ago , aged 15 , speaking no russian .but in 2013 she left under a cloud -- media reports suggested she had claimed she was asked by an unnamed boshoi official to pay $ 10,000 to dance in even small roles .\n", + "20-year-old american dancer makes $ 240 a month at kremlin ballet theatrejoy womack studied at bolshoi ballet academy but left in cloud of controversy\n", + "[1.2625324 1.4158149 1.1920137 1.331308 1.2987775 1.1989955 1.1720774\n", + " 1.0437484 1.0192271 1.0333968 1.0169386 1.0177932 1.0767744 1.1083885\n", + " 1.0380414 1.1196806 1.0836266 1.2131796 1.0232809 0. ]\n", + "\n", + "[ 1 3 4 0 17 5 2 6 15 13 16 12 7 14 9 18 8 11 10 19]\n", + "=======================\n", + "[\"binmen said the bag of walkers prawn cocktail crisps fell foul of the rules -- even though it had been dropped there by a litterbug .now enraged residents in farnham , surrey , have branded waste collection squads as ` little hitlers ' for enforcing recycling rules to the letter .rubbish teams refused to empty a recycling bin because it had an empty crisp packet on its lid .\"]\n", + "=======================\n", + "[\"binmen refused to empty bin because it had empty crisp packet on lidthey also left bin full because there was a scrap of cellophane on topenraged residents have branded waste collection squads as ` little hitlers '\"]\n", + "binmen said the bag of walkers prawn cocktail crisps fell foul of the rules -- even though it had been dropped there by a litterbug .now enraged residents in farnham , surrey , have branded waste collection squads as ` little hitlers ' for enforcing recycling rules to the letter .rubbish teams refused to empty a recycling bin because it had an empty crisp packet on its lid .\n", + "binmen refused to empty bin because it had empty crisp packet on lidthey also left bin full because there was a scrap of cellophane on topenraged residents have branded waste collection squads as ` little hitlers '\n", + "[1.43487 1.1002972 1.22066 1.306382 1.0586729 1.0446912 1.070606\n", + " 1.1128645 1.1511688 1.0294793 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 8 7 1 6 4 5 9 10 11 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"( hln ) hln 's #meforreal is an uplifting , revealing conversation about the way we present ourselves online .the internet is always quick to dish out judgmental opinions , such as the body-hate people showed to singer p!nk after she posted a photo of herself in a black dress she wore to a cancer benefit this past weekend ( which , if you ask us , was pretty fantastic , and she looked fabulous in it . )tag your favorite unscripted , unedited , un-perfected moments using #meforreal and see what others are sharing on facebook , twitter and the daily share .\"]\n", + "=======================\n", + "['p!nk took to twitter to address online comments about her bodyher \" squishiness \" is a result of happiness , she says']\n", + "( hln ) hln 's #meforreal is an uplifting , revealing conversation about the way we present ourselves online .the internet is always quick to dish out judgmental opinions , such as the body-hate people showed to singer p!nk after she posted a photo of herself in a black dress she wore to a cancer benefit this past weekend ( which , if you ask us , was pretty fantastic , and she looked fabulous in it . )tag your favorite unscripted , unedited , un-perfected moments using #meforreal and see what others are sharing on facebook , twitter and the daily share .\n", + "p!nk took to twitter to address online comments about her bodyher \" squishiness \" is a result of happiness , she says\n", + "[1.3242452 1.2960463 1.1936015 1.402941 1.2721622 1.1646124 1.0215753\n", + " 1.0263577 1.0161326 1.0179405 1.0155741 1.0146092 1.0175333 1.0224748\n", + " 1.0959811 1.0843644 1.1048136 1.0907488 1.0576082 1.0336933]\n", + "\n", + "[ 3 0 1 4 2 5 16 14 17 15 18 19 7 13 6 9 12 8 10 11]\n", + "=======================\n", + "['liverpool striker mario balotelli is the premier league player who receives most abuse onlinemario balotelli receives the most abuse and chelsea the greatest volume of discriminatory messages on social media , according to extensive research undertaken by kick it out .sportsmail can reveal the shocking , acidic culture of discrimination -- mainly based on race , gender or sexual orientation -- aimed at premier league football clubs and their players on the internet .']\n", + "=======================\n", + "[\"liverpool 's mario balotelli receives more abuse than any other playerthe italian was on the end of 8,000 messages , with danny welbeck receiving 1,600 in a study carried out by kick it outanti-racism campaigners found 134,400 derogatory messages were made in just seven months on facebook , twitter , blogs and other social mediario ferdinand was fined for including the word ` sket ' in a tweet\"]\n", + "liverpool striker mario balotelli is the premier league player who receives most abuse onlinemario balotelli receives the most abuse and chelsea the greatest volume of discriminatory messages on social media , according to extensive research undertaken by kick it out .sportsmail can reveal the shocking , acidic culture of discrimination -- mainly based on race , gender or sexual orientation -- aimed at premier league football clubs and their players on the internet .\n", + "liverpool 's mario balotelli receives more abuse than any other playerthe italian was on the end of 8,000 messages , with danny welbeck receiving 1,600 in a study carried out by kick it outanti-racism campaigners found 134,400 derogatory messages were made in just seven months on facebook , twitter , blogs and other social mediario ferdinand was fined for including the word ` sket ' in a tweet\n", + "[1.3041949 1.4218235 1.4632937 1.2484323 1.1431944 1.0513483 1.0732454\n", + " 1.1517738 1.0456301 1.0249093 1.0364988 1.0852187 1.0896817 1.043197\n", + " 1.036102 1.0300027 1.0253888 1.037475 1.0123119 1.0418162]\n", + "\n", + "[ 2 1 0 3 7 4 12 11 6 5 8 13 19 17 10 14 15 16 9 18]\n", + "=======================\n", + "['it comes as survivor cynthia cheroitich , 19 , who spent two days hiding in a wardrobe and drinking body lotion to survive , was rescued after al-shabaab gunmen stormed garissa university college on thursday .the authorities drove the naked , bloated corpses of the four alleged terrorists around the town in a pickup truck from the mortuary to garissa primary school .the decomposing bodies of the men accused of killing 148 innocent people at a kenyan university were paraded in front of a large crowd at a primary school today .']\n", + "=======================\n", + "['warning : graphic contenthundreds gathered to see bodies of alleged killers paraded through townnaked corpses went on show as student who hid in wardrobe was rescuedcynthia cheroitich , 19 , had feared police were gunmen but emerged todayterrorists killed 148 people in the garissa university college massacre']\n", + "it comes as survivor cynthia cheroitich , 19 , who spent two days hiding in a wardrobe and drinking body lotion to survive , was rescued after al-shabaab gunmen stormed garissa university college on thursday .the authorities drove the naked , bloated corpses of the four alleged terrorists around the town in a pickup truck from the mortuary to garissa primary school .the decomposing bodies of the men accused of killing 148 innocent people at a kenyan university were paraded in front of a large crowd at a primary school today .\n", + "warning : graphic contenthundreds gathered to see bodies of alleged killers paraded through townnaked corpses went on show as student who hid in wardrobe was rescuedcynthia cheroitich , 19 , had feared police were gunmen but emerged todayterrorists killed 148 people in the garissa university college massacre\n", + "[1.3852347 1.4223708 1.1681466 1.4322867 1.1085281 1.1006409 1.1257678\n", + " 1.0485356 1.1101435 1.0656296 1.0776588 1.0506748 1.02739 1.0171655\n", + " 1.0204648 1.0178074 1.0306467 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 2 6 8 4 5 10 9 11 7 16 12 14 15 13 17 18 19]\n", + "=======================\n", + "['isis leader abu bakr al-baghdadi ( pictured ) has been seriously injured in an air strike and is no longer in control of the terrorists , according to an iraqi sourcethe source said that he was wounded by an attack from the us-led coalition while travelling in a three-car convoy in march in nineveh , iraq .at first his chances of survival were deemed by his lieutenants to be low , but he pulled through .']\n", + "=======================\n", + "['iraqi source said he was wounded after his three-car convoy was attackedair strike is thought to have taken place on march 18 near syrian borderhe is slowly recovering but reportedly does not have reins of the group']\n", + "isis leader abu bakr al-baghdadi ( pictured ) has been seriously injured in an air strike and is no longer in control of the terrorists , according to an iraqi sourcethe source said that he was wounded by an attack from the us-led coalition while travelling in a three-car convoy in march in nineveh , iraq .at first his chances of survival were deemed by his lieutenants to be low , but he pulled through .\n", + "iraqi source said he was wounded after his three-car convoy was attackedair strike is thought to have taken place on march 18 near syrian borderhe is slowly recovering but reportedly does not have reins of the group\n", + "[1.3242221 1.3618326 1.1658341 1.0818642 1.4096882 1.1947019 1.0437549\n", + " 1.0671915 1.1234846 1.0857645 1.1235411 1.1297035 1.0392864 1.0355792\n", + " 1.0560452 1.01834 1.0404482 1.0650216 1.0171307]\n", + "\n", + "[ 4 1 0 5 2 11 10 8 9 3 7 17 14 6 16 12 13 15 18]\n", + "=======================\n", + "[\"waitress : farryn johnson was fired from a maryland hooters in 2013 sued the breastaurant - and is now set to receive thousands of dollars from an arbitration rulingplaintiff farryn johnson has said the baltimore restaurant where she worked had an issue with her blonde highlights .johnson claimed in an interview with wbal , ' i decided to put highlights in my hair , blonde in particular .\"]\n", + "=======================\n", + "[\"farryn johnson was fired from a hooters in 2013she has claimed that a supervisor at the time had an issue with her getting blonde highlightsjohnson has alleged she was given reduced shifts , written warnings and later terminatedshe is now set to receive $ 250,000 covering both legal fees and lost wages from an arbitration rulinghooters has said her ` claims of discrimination are simply without merit 'the company has said johnson 's lawyers are actually getting $ 244,000 , while johnson herself is getting around $ 12,000\"]\n", + "waitress : farryn johnson was fired from a maryland hooters in 2013 sued the breastaurant - and is now set to receive thousands of dollars from an arbitration rulingplaintiff farryn johnson has said the baltimore restaurant where she worked had an issue with her blonde highlights .johnson claimed in an interview with wbal , ' i decided to put highlights in my hair , blonde in particular .\n", + "farryn johnson was fired from a hooters in 2013she has claimed that a supervisor at the time had an issue with her getting blonde highlightsjohnson has alleged she was given reduced shifts , written warnings and later terminatedshe is now set to receive $ 250,000 covering both legal fees and lost wages from an arbitration rulinghooters has said her ` claims of discrimination are simply without merit 'the company has said johnson 's lawyers are actually getting $ 244,000 , while johnson herself is getting around $ 12,000\n", + "[1.2910396 1.3442638 1.387865 1.2748141 1.1440234 1.1811618 1.1282905\n", + " 1.016877 1.0150436 1.0140834 1.1384562 1.0687927 1.2041551 1.1575313\n", + " 1.0764289 1.0418165 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 12 5 13 4 10 6 14 11 15 7 8 9 16 17 18]\n", + "=======================\n", + "[\"umbro produced the first-ever west ham replica kits for sale in the 1960s when the likes of world cup winners bobby moore , sir geoff hurst and martin peters famously wore the claret and blue in their 1964 fa cup and 1965 european cup winners ' cup triumphs .the hammers join fellow barclays premier league sides everton and hull in partnering with the former england kit makers .west ham have announced a new five-year multi-million pound kit deal with umbro .\"]\n", + "=======================\n", + "['west ham have signed a new kit deal with umbro starting next seasonthey join everton and hull in wearing umbro strips in premier leaguehammers wore umbro kits during their glory days in the sixtiesthey were last sponsored by the sports brand between 2007 and 2010']\n", + "umbro produced the first-ever west ham replica kits for sale in the 1960s when the likes of world cup winners bobby moore , sir geoff hurst and martin peters famously wore the claret and blue in their 1964 fa cup and 1965 european cup winners ' cup triumphs .the hammers join fellow barclays premier league sides everton and hull in partnering with the former england kit makers .west ham have announced a new five-year multi-million pound kit deal with umbro .\n", + "west ham have signed a new kit deal with umbro starting next seasonthey join everton and hull in wearing umbro strips in premier leaguehammers wore umbro kits during their glory days in the sixtiesthey were last sponsored by the sports brand between 2007 and 2010\n", + "[1.1825291 1.3046962 1.2870119 1.3186636 1.1608946 1.0758126 1.1023002\n", + " 1.0481415 1.1905493 1.1674643 1.1705704 1.150162 1.0567865 1.0708175\n", + " 1.0227212 1.0074258 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 8 0 10 9 4 11 6 5 13 12 7 14 15 17 16 18]\n", + "=======================\n", + "['shiba the dog uses his nose and his paw to open a sliding glass window at a shop on the outskirts of tokyohe may be the most adorable salesman ever , but is often found napping on the job or snacking on a cucumber in a glass display case under the counter .one youtube video showing his customer service skills has more than two million views .']\n", + "=======================\n", + "['shiba the dog has been trained to open a window with his nose and pawvisitors have travelled from as far away as britain and taiwan to see himtourists offer snacks and pose for selfies with the internet sensationa youtube video featuring his skills has more than two million viewsshiba can often be found napping in a display case under the counter']\n", + "shiba the dog uses his nose and his paw to open a sliding glass window at a shop on the outskirts of tokyohe may be the most adorable salesman ever , but is often found napping on the job or snacking on a cucumber in a glass display case under the counter .one youtube video showing his customer service skills has more than two million views .\n", + "shiba the dog has been trained to open a window with his nose and pawvisitors have travelled from as far away as britain and taiwan to see himtourists offer snacks and pose for selfies with the internet sensationa youtube video featuring his skills has more than two million viewsshiba can often be found napping in a display case under the counter\n", + "[1.220795 1.5540775 1.3182528 1.4513655 1.1315124 1.1658055 1.1725092\n", + " 1.0495522 1.023845 1.0916996 1.0935302 1.1705861 1.0325521 1.0202602\n", + " 1.1097292 1.016353 1.014906 1.0110327 0. ]\n", + "\n", + "[ 1 3 2 0 6 11 5 4 14 10 9 7 12 8 13 15 16 17 18]\n", + "=======================\n", + "['john daniel tohill , 37 , was last heard from by family in 2005 after he left nelson on the tasman bay to travel north .but on tuesday evening his brother tobias received a call from john saying he had would be visiting in the coming weeks , reports stuff nz .a new zealand man was taken aback after receiving a phone call from his brother who had been missing for 10 years .']\n", + "=======================\n", + "['john daniel tohill , 37 , was last heard from by his family in 2005his brother tobias received a call from him on tuesday eveninghis family has hired investigators and police to track him downjohn will visit his family , in particlar his ailing father , in coming weeks']\n", + "john daniel tohill , 37 , was last heard from by family in 2005 after he left nelson on the tasman bay to travel north .but on tuesday evening his brother tobias received a call from john saying he had would be visiting in the coming weeks , reports stuff nz .a new zealand man was taken aback after receiving a phone call from his brother who had been missing for 10 years .\n", + "john daniel tohill , 37 , was last heard from by his family in 2005his brother tobias received a call from him on tuesday eveninghis family has hired investigators and police to track him downjohn will visit his family , in particlar his ailing father , in coming weeks\n", + "[1.2341309 1.2891138 1.251305 1.2922072 1.2020329 1.1382697 1.0347635\n", + " 1.1205002 1.0561761 1.1013355 1.0809076 1.0761255 1.0605078 1.0245329\n", + " 1.0688788 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 0 4 5 7 9 10 11 14 12 8 6 13 17 15 16 18]\n", + "=======================\n", + "[\"konstantin sivkov , a russian military analyst , has said that his country needs to develop a new nuclear deterrent against the usin an article titled ` nuclear special forces ' he said that russia should develop nuclear weapons manned by a small force that can cause tsunamis on the us coasts and force a volcano in yellowstone national park to erupt .the military man says that all the seismic activity could release another wave that would wipe out the us 's european allies .\"]\n", + "=======================\n", + "[\"konstantin sivkov wrote that russia needs a new ` asymmetric ' weaponhe says detonating nuclear weapons on seafloor would unleash tsunamisseismic activity would trigger volcano , pour feet of ash over the ushe says tsunamis could affect 240 million americans and hit europe tooanalyst says new weapons could be ready within 10 yearstv presenter previously said russia could turn us to ` radioactive dust '\"]\n", + "konstantin sivkov , a russian military analyst , has said that his country needs to develop a new nuclear deterrent against the usin an article titled ` nuclear special forces ' he said that russia should develop nuclear weapons manned by a small force that can cause tsunamis on the us coasts and force a volcano in yellowstone national park to erupt .the military man says that all the seismic activity could release another wave that would wipe out the us 's european allies .\n", + "konstantin sivkov wrote that russia needs a new ` asymmetric ' weaponhe says detonating nuclear weapons on seafloor would unleash tsunamisseismic activity would trigger volcano , pour feet of ash over the ushe says tsunamis could affect 240 million americans and hit europe tooanalyst says new weapons could be ready within 10 yearstv presenter previously said russia could turn us to ` radioactive dust '\n", + "[1.2467082 1.4669646 1.1425557 1.262429 1.2104571 1.319304 1.0234481\n", + " 1.1288284 1.0652639 1.0347321 1.0282724 1.0917685 1.0800478 1.0609629\n", + " 1.0291573 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 3 0 4 2 7 11 12 8 13 9 14 10 6 17 15 16 18]\n", + "=======================\n", + "[\"anne-louise van den nieuwenhof was diagnosed with a rare bone and soft tissue cancer , called ewing 's sarcoma , aged just five , and her parents were informed she only had three months to live .however , she tragically died during a routine hospital check-up for her baby girl elizabeth kelly , near her home in rossland , british columbia in canada , six days after giving birth on march 10 .a fundraising page set up by her friends has raised an incredible $ 40,000 in her memory .\"]\n", + "=======================\n", + "['anne-louise van den nieuwenhof was diagnosed with cancer at age fiveshe defied the odds given to her by doctors and became a nursedied tragically six days after giving birth to her second child on march 10over $ 40,000 has been raised to help her husband ryan care for their kidsanne-louise grew up in sydney but lived in canada with her family']\n", + "anne-louise van den nieuwenhof was diagnosed with a rare bone and soft tissue cancer , called ewing 's sarcoma , aged just five , and her parents were informed she only had three months to live .however , she tragically died during a routine hospital check-up for her baby girl elizabeth kelly , near her home in rossland , british columbia in canada , six days after giving birth on march 10 .a fundraising page set up by her friends has raised an incredible $ 40,000 in her memory .\n", + "anne-louise van den nieuwenhof was diagnosed with cancer at age fiveshe defied the odds given to her by doctors and became a nursedied tragically six days after giving birth to her second child on march 10over $ 40,000 has been raised to help her husband ryan care for their kidsanne-louise grew up in sydney but lived in canada with her family\n", + "[1.1098473 1.5113202 1.2632335 1.313556 1.1729625 1.1400623 1.0562879\n", + " 1.0620323 1.0512077 1.0308685 1.071069 1.1323465 1.1498927 1.0090506\n", + " 1.0103942 1.0084885 1.0849152 0. 0. ]\n", + "\n", + "[ 1 3 2 4 12 5 11 0 16 10 7 6 8 9 14 13 15 17 18]\n", + "=======================\n", + "[\"travel photographer rhiannon taylor , 29 , from australia has turned her photography skills and penchant for globetrotting into a business , launching a website called ` in bed with ' .dream job : rhiannon taylor travels the world reviewing beds , pools and room servicewith more than 12,000 followers on instagram , liking her beautiful photos of her travels , the places she stays and the food she eats , rhiannon spotted a gap in the market for elegantly-resented hotel reviews .\"]\n", + "=======================\n", + "['photographer rhiannon taylor , 29 , created the review site , in bed withthe australian gets paid to visit , review and photograph the best hotelsshe aims to promote the unusual aspects such as biggest bed or best pies']\n", + "travel photographer rhiannon taylor , 29 , from australia has turned her photography skills and penchant for globetrotting into a business , launching a website called ` in bed with ' .dream job : rhiannon taylor travels the world reviewing beds , pools and room servicewith more than 12,000 followers on instagram , liking her beautiful photos of her travels , the places she stays and the food she eats , rhiannon spotted a gap in the market for elegantly-resented hotel reviews .\n", + "photographer rhiannon taylor , 29 , created the review site , in bed withthe australian gets paid to visit , review and photograph the best hotelsshe aims to promote the unusual aspects such as biggest bed or best pies\n", + "[1.2928534 1.4660871 1.2778336 1.2799928 1.1821467 1.1520734 1.0619453\n", + " 1.066613 1.0315683 1.2166278 1.0459428 1.0249484 1.0832232 1.1050122\n", + " 1.0764745 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 9 4 5 13 12 14 7 6 10 8 11 17 15 16 18]\n", + "=======================\n", + "[\"the 44-year-old from oldham decided had just returned from algeria and wanted to complain about the temperatures he experienced during his holiday .great manchester police chadderton division revealed a man lodged a complaint that the weather on his holiday was ` too hot 'the 44-year-old man had recently returned to the uk from a holiday in algeria ( file photo )\"]\n", + "=======================\n", + "['greater manchester police chadderton warn of wasting valuable timethe 44-year-old man had recently arrived back to the uk from algeriawasting police time could result in six-month imprisonment and/or a fine']\n", + "the 44-year-old from oldham decided had just returned from algeria and wanted to complain about the temperatures he experienced during his holiday .great manchester police chadderton division revealed a man lodged a complaint that the weather on his holiday was ` too hot 'the 44-year-old man had recently returned to the uk from a holiday in algeria ( file photo )\n", + "greater manchester police chadderton warn of wasting valuable timethe 44-year-old man had recently arrived back to the uk from algeriawasting police time could result in six-month imprisonment and/or a fine\n", + "[1.3151038 1.2274272 1.3577491 1.423881 1.2657114 1.1357859 1.0610191\n", + " 1.0322417 1.0824978 1.0129594 1.1350158 1.1087301 1.0492027 1.0152094\n", + " 1.0334791 1.2045289 1.0527207 1.0889444 0. ]\n", + "\n", + "[ 3 2 0 4 1 15 5 10 11 17 8 6 16 12 14 7 13 9 18]\n", + "=======================\n", + "['thousands of commuters were left stranded at waterloo station during rush hour after a part closure of the track between surbiton and wimbledonthe chaos ensued after network rail was forced to close a section of the tracks between wimbledon and surbiton when a person was struck by a train .frustrated passengers packed the concourse this afternoon as services in and out of the city centre were delayed or cancelled .']\n", + "=======================\n", + "[\"thousands were left stranded at central london station during rush hourcrucial section of track between wimbledon and surbiton was closedsouth west trains warned passengers of cancellations on all servicesnetwork rail said staff were working ` flat out ' to fix the situation\"]\n", + "thousands of commuters were left stranded at waterloo station during rush hour after a part closure of the track between surbiton and wimbledonthe chaos ensued after network rail was forced to close a section of the tracks between wimbledon and surbiton when a person was struck by a train .frustrated passengers packed the concourse this afternoon as services in and out of the city centre were delayed or cancelled .\n", + "thousands were left stranded at central london station during rush hourcrucial section of track between wimbledon and surbiton was closedsouth west trains warned passengers of cancellations on all servicesnetwork rail said staff were working ` flat out ' to fix the situation\n", + "[1.4504887 1.3106413 1.2075744 1.0942501 1.2905095 1.0475686 1.0810871\n", + " 1.0767577 1.0705549 1.0498303 1.0648135 1.1444507 1.0261917 1.0291697\n", + " 1.0189807 1.1653734 1.0278431 1.0250212 1.0517193]\n", + "\n", + "[ 0 1 4 2 15 11 3 6 7 8 10 18 9 5 13 16 12 17 14]\n", + "=======================\n", + "['the wedding of the year in scotland takes place on saturday when british no 1 and two-time grand slam champion andy murray marries kim sears , his girlfriend of almost 10 years , in his hometown of dunblane .murray and sears , both aged 27 , met when the pair were teenagers during the us open in 2005 .andy murray kisses his new girlfriend kim sears in the crowd after winning his first atp world tour title in san jose in february 2006']\n", + "=======================\n", + "['andy murray and long-time girlfriend kim sears will tie the knot in the scottish town of dunblane on saturdaythe british no 1 and his partner met when they were teenagers at the us open in new york in 2005murray and sears confirmed their engagement last november after more than nine years together']\n", + "the wedding of the year in scotland takes place on saturday when british no 1 and two-time grand slam champion andy murray marries kim sears , his girlfriend of almost 10 years , in his hometown of dunblane .murray and sears , both aged 27 , met when the pair were teenagers during the us open in 2005 .andy murray kisses his new girlfriend kim sears in the crowd after winning his first atp world tour title in san jose in february 2006\n", + "andy murray and long-time girlfriend kim sears will tie the knot in the scottish town of dunblane on saturdaythe british no 1 and his partner met when they were teenagers at the us open in new york in 2005murray and sears confirmed their engagement last november after more than nine years together\n", + "[1.2077539 1.4729068 1.260496 1.2233845 1.1770592 1.2130989 1.1004561\n", + " 1.0664637 1.1119215 1.026823 1.0135888 1.009515 1.0979537 1.1018701\n", + " 1.0773345 1.1015975 1.0552607 1.0431103 1.0285801]\n", + "\n", + "[ 1 2 3 5 0 4 8 13 15 6 12 14 7 16 17 18 9 10 11]\n", + "=======================\n", + "[\"mitchelle blair , 35 , from michigan , is charged with with felony murder , premeditated murder and torture .court officers carrying out a march 24 eviction at the family 's apartment found the frozen corpses of 13-year-old stoni ann blair and 9-year-old stephen gage berry .blair used an expletive wednesday in juvenile court as visitation between her two living children and their fathers was discussed .\"]\n", + "=======================\n", + "[\"mitchelle blair , 35 , is charged with with felony murder , premeditated murder and torturein court she shouted : ` he 's never given a ( expletive ) about my daughter , ' about the father of two of her children 'accused of killing stoni blair , 13 and stephen , eight , at home in michiganblair 's two surviving children have been placed into a relative 's carestate officials are seeking to terminate blair 's parental rights to her two children , as well as the parental rights of her children 's fathers\"]\n", + "mitchelle blair , 35 , from michigan , is charged with with felony murder , premeditated murder and torture .court officers carrying out a march 24 eviction at the family 's apartment found the frozen corpses of 13-year-old stoni ann blair and 9-year-old stephen gage berry .blair used an expletive wednesday in juvenile court as visitation between her two living children and their fathers was discussed .\n", + "mitchelle blair , 35 , is charged with with felony murder , premeditated murder and torturein court she shouted : ` he 's never given a ( expletive ) about my daughter , ' about the father of two of her children 'accused of killing stoni blair , 13 and stephen , eight , at home in michiganblair 's two surviving children have been placed into a relative 's carestate officials are seeking to terminate blair 's parental rights to her two children , as well as the parental rights of her children 's fathers\n", + "[1.2457699 1.2745838 1.2530583 1.2173811 1.2846465 1.1530803 1.0981616\n", + " 1.0744528 1.0663248 1.0569655 1.0629312 1.0685492 1.089424 1.0420274\n", + " 1.0228189 1.0430679 0. 0. 0. ]\n", + "\n", + "[ 4 1 2 0 3 5 6 12 7 11 8 10 9 15 13 14 16 17 18]\n", + "=======================\n", + "['the original hubble space telescope image of the famous pillars of creation was taken two decades ago and immediately became one of its most famous and evocative pictures .now , astronomers have produced the first complete three-dimensional view of these beautiful columns of interstellar gas and dust .the image , together with data collected by nasa , suggests these structures only have three million years left before they fade away - a relatively short time in cosmic terms .']\n", + "=======================\n", + "[\"instrument on eso 's very large telescope ( vlt ) captured imageshows exactly how the different dusty pillars are distributed in spacethe pillars shed about 70 times the mass of the sun every million yearsthey are expected to have a lifetime of perhaps three million more years - which is relatively short in cosmic terms\"]\n", + "the original hubble space telescope image of the famous pillars of creation was taken two decades ago and immediately became one of its most famous and evocative pictures .now , astronomers have produced the first complete three-dimensional view of these beautiful columns of interstellar gas and dust .the image , together with data collected by nasa , suggests these structures only have three million years left before they fade away - a relatively short time in cosmic terms .\n", + "instrument on eso 's very large telescope ( vlt ) captured imageshows exactly how the different dusty pillars are distributed in spacethe pillars shed about 70 times the mass of the sun every million yearsthey are expected to have a lifetime of perhaps three million more years - which is relatively short in cosmic terms\n", + "[1.3008578 1.4664564 1.3401096 1.1618879 1.0708904 1.0280163 1.0372443\n", + " 1.2302892 1.162343 1.1133194 1.0753576 1.0359272 1.0945944 1.1126752\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 7 8 3 9 13 12 10 4 6 11 5 17 14 15 16 18]\n", + "=======================\n", + "[\"the australian airline could also be facing a massive # 20,000 fine , that 's more than au$ 38,000 , for every time the a380 flights set down more than fifteen late on the english tarmac .delayed : qantas have been told they could loose thier eight heathrow landing strips after continuously arriving late to the busy airportheathrow airport are threatening to strip qantas of their eight valuable landing spots after they continually arrived late , according to internal memos .\"]\n", + "=======================\n", + "[\"qantas ' on time rating slipped to 75th out of the 80 airlines using heathrowthe airline could loose their eight landing strips at the popular airportthey are also facing a fine in excess of $ 38,000 for every flight that 's lateqantas blamed air congestion at heathrow and dubai airports\"]\n", + "the australian airline could also be facing a massive # 20,000 fine , that 's more than au$ 38,000 , for every time the a380 flights set down more than fifteen late on the english tarmac .delayed : qantas have been told they could loose thier eight heathrow landing strips after continuously arriving late to the busy airportheathrow airport are threatening to strip qantas of their eight valuable landing spots after they continually arrived late , according to internal memos .\n", + "qantas ' on time rating slipped to 75th out of the 80 airlines using heathrowthe airline could loose their eight landing strips at the popular airportthey are also facing a fine in excess of $ 38,000 for every flight that 's lateqantas blamed air congestion at heathrow and dubai airports\n", + "[1.1741458 1.4139831 1.234276 1.2741091 1.2159183 1.1956657 1.249297\n", + " 1.2176646 1.0382372 1.0219783 1.1335312 1.1499456 1.0235795 1.0131176\n", + " 1.0191205 1.0454268 1.0364971 1.0195358 1.0160414]\n", + "\n", + "[ 1 3 6 2 7 4 5 0 11 10 15 8 16 12 9 17 14 18 13]\n", + "=======================\n", + "[\"the woman who owned the car jumped onto the bonnet of her white honda as the teenage carjacker attempted to drive off at speed from the fast track car wash in smyrna , georgia .police have hailed the passer-by as a hero for possibly saving the woman 's life .a manhunt has been launched to find three alleged accomplices who are said to have fled the scene in a red mini van\"]\n", + "=======================\n", + "[\"passer-by saw thief trying to drive honda from car wash in georgiafemale owner had jumped on the bonnet but teenage thief was driving offgood samaritan shot suspect in the shoulder , hailed for saving woman 's lifesuspect recovering in hospital , police hunting for three alleged accomplices\"]\n", + "the woman who owned the car jumped onto the bonnet of her white honda as the teenage carjacker attempted to drive off at speed from the fast track car wash in smyrna , georgia .police have hailed the passer-by as a hero for possibly saving the woman 's life .a manhunt has been launched to find three alleged accomplices who are said to have fled the scene in a red mini van\n", + "passer-by saw thief trying to drive honda from car wash in georgiafemale owner had jumped on the bonnet but teenage thief was driving offgood samaritan shot suspect in the shoulder , hailed for saving woman 's lifesuspect recovering in hospital , police hunting for three alleged accomplices\n", + "[1.2634453 1.5008843 1.1480658 1.2387248 1.4006945 1.1091182 1.091869\n", + " 1.146466 1.1462991 1.0177553 1.0126907 1.0641675 1.0833305 1.0442688\n", + " 1.0451622 1.0526665 1.0399665 1.0308565 1.0292615]\n", + "\n", + "[ 1 4 0 3 2 7 8 5 6 12 11 15 14 13 16 17 18 9 10]\n", + "=======================\n", + "['mark ward faville , of christiansburg , virginia , was found guilty of voluntary manslaughter in the death of his wife anne , who died in 2000 after being suffocated in a homicidal manner .a man took his own life shortly after he was convicted of killing his wife in court on friday .faville had reported at the time she had choked on a piece of chicken , something that was supported by an initial autopsy .']\n", + "=======================\n", + "[\"mark faville , of christiansburg , virginia , was found guilty of voluntary manslaughter in the death of his wife anne , who died in 2000 , on fridayit was initially believed she choked to death , but a new autopsy determined she had been suffocated in a homicidal mannerthe couple 's two adult daughters testified against their father during the trial , noting his odd behavioras he was led away , deputies began yelling , with one saying ` drop it , drop it 'the courthouse was placed on lockdown , and faville was later found dead of a self-inflicted woundit is not known what he used as deputies do not carry guns\"]\n", + "mark ward faville , of christiansburg , virginia , was found guilty of voluntary manslaughter in the death of his wife anne , who died in 2000 after being suffocated in a homicidal manner .a man took his own life shortly after he was convicted of killing his wife in court on friday .faville had reported at the time she had choked on a piece of chicken , something that was supported by an initial autopsy .\n", + "mark faville , of christiansburg , virginia , was found guilty of voluntary manslaughter in the death of his wife anne , who died in 2000 , on fridayit was initially believed she choked to death , but a new autopsy determined she had been suffocated in a homicidal mannerthe couple 's two adult daughters testified against their father during the trial , noting his odd behavioras he was led away , deputies began yelling , with one saying ` drop it , drop it 'the courthouse was placed on lockdown , and faville was later found dead of a self-inflicted woundit is not known what he used as deputies do not carry guns\n", + "[1.5617461 1.5052437 1.337486 1.3206415 1.1143787 1.0559582 1.0326755\n", + " 1.0141084 1.0127145 1.0539513 1.0209327 1.035896 1.1082962 1.0310167\n", + " 1.0461164 1.0157356 1.0993719 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 4 12 16 5 9 14 11 6 13 10 15 7 8 17 18 19 20]\n", + "=======================\n", + "[\"craig gardner hailed a ` massive ' win for west brom at crystal palace on saturday as the baggies eased their relegation fears .the midfielder scored a spectacular strike as former palace boss tony pulis enjoyed a 2-0 win on his first return to selhurst park .the welshman left palace on the eve of the new season and has since taken over at the hawthorns - with three points in south london crucial having seen his side lose their last three in the premier league .\"]\n", + "=======================\n", + "[\"tony pulis ' side beat crystal palace 2-0 on saturday at crystal palacejames morrison and craig gardner fired in the goals at selhurst parkvictory moved west brom up to 13th in the premier leagueon 36 points , the baggies are currently eight clear of the relegation zone\"]\n", + "craig gardner hailed a ` massive ' win for west brom at crystal palace on saturday as the baggies eased their relegation fears .the midfielder scored a spectacular strike as former palace boss tony pulis enjoyed a 2-0 win on his first return to selhurst park .the welshman left palace on the eve of the new season and has since taken over at the hawthorns - with three points in south london crucial having seen his side lose their last three in the premier league .\n", + "tony pulis ' side beat crystal palace 2-0 on saturday at crystal palacejames morrison and craig gardner fired in the goals at selhurst parkvictory moved west brom up to 13th in the premier leagueon 36 points , the baggies are currently eight clear of the relegation zone\n", + "[1.2538368 1.3621395 1.2615374 1.2560409 1.1488662 1.1021684 1.0748018\n", + " 1.1800343 1.0959523 1.0418122 1.1506807 1.1229159 1.0376232 1.0148433\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 7 10 4 11 5 8 6 9 12 13 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"villagers in the small country hamlet of cledford , near middlewich in cheshire , had vehemently opposed the plans saying that travellers could ` intimidate ' nearby pensioners and may ruin the idyllic surroundings .but yesterday , cheshire east council gave the proposal the go ahead at a planning meeting , which will create a ` transit site ' with room for nine gipsy families .controversial plans to spend # 3.2 million pulling down a 19th century country mansion and building a ` butlins-style ' gipsy camp have been approved despite angry protests by neighbours .\"]\n", + "=======================\n", + "['plans for site for travellers has been approved by east cheshire councilthis is despite angry neighbours in village of cledford angry about plansgrade ii listed barn next to hall to be converted into toilets and showersfull cost of the development was only revealed through freedom of information request']\n", + "villagers in the small country hamlet of cledford , near middlewich in cheshire , had vehemently opposed the plans saying that travellers could ` intimidate ' nearby pensioners and may ruin the idyllic surroundings .but yesterday , cheshire east council gave the proposal the go ahead at a planning meeting , which will create a ` transit site ' with room for nine gipsy families .controversial plans to spend # 3.2 million pulling down a 19th century country mansion and building a ` butlins-style ' gipsy camp have been approved despite angry protests by neighbours .\n", + "plans for site for travellers has been approved by east cheshire councilthis is despite angry neighbours in village of cledford angry about plansgrade ii listed barn next to hall to be converted into toilets and showersfull cost of the development was only revealed through freedom of information request\n", + "[1.2080877 1.3586634 1.3396447 1.4093503 1.310117 1.0302353 1.0779992\n", + " 1.0605409 1.0139455 1.0170622 1.0259308 1.1174991 1.0518851 1.0842756\n", + " 1.2199453 1.0801852 1.064232 1.0431626 1.0511968 1.0327749 1.0397142]\n", + "\n", + "[ 3 1 2 4 14 0 11 13 15 6 16 7 12 18 17 20 19 5 10 9 8]\n", + "=======================\n", + "['guilty : susan monica was found guilty on tuesday of murdering two handymen on her pig farm over a one-year span .circuit judge tim barnack immediately sentenced 66-year-old monica to life in prison , with the possibility of parole after a minimum of 50 years .jurors spent only about an hour deliberating tuesday before convicting an oregon woman of killing two handymen and feeding their bodies to her pigs .']\n", + "=======================\n", + "[\"it took jurors just an hour to convict susan monica on the murder charges on tuesdayon monday , monica 's former cellmate testified in court and said she sent her a letter signed from ` the sweetest murderer in jackson county 'prosecutors said monica murdered two handymen who worked on her farm between 2012 and 2013monica said she killed the first man , stephen delicino , out of self defense when he attacked hershe says she later found robert haney being eaten by her pigs and shot him out of mercyhowever , she never reported either of their deaths to policethe remains were found buried on her farm , with signs that they had been fed on by animals - most likely her pigs\"]\n", + "guilty : susan monica was found guilty on tuesday of murdering two handymen on her pig farm over a one-year span .circuit judge tim barnack immediately sentenced 66-year-old monica to life in prison , with the possibility of parole after a minimum of 50 years .jurors spent only about an hour deliberating tuesday before convicting an oregon woman of killing two handymen and feeding their bodies to her pigs .\n", + "it took jurors just an hour to convict susan monica on the murder charges on tuesdayon monday , monica 's former cellmate testified in court and said she sent her a letter signed from ` the sweetest murderer in jackson county 'prosecutors said monica murdered two handymen who worked on her farm between 2012 and 2013monica said she killed the first man , stephen delicino , out of self defense when he attacked hershe says she later found robert haney being eaten by her pigs and shot him out of mercyhowever , she never reported either of their deaths to policethe remains were found buried on her farm , with signs that they had been fed on by animals - most likely her pigs\n", + "[1.3976676 1.2452642 1.2160649 1.438517 1.2755413 1.2162929 1.1373847\n", + " 1.0909042 1.1763641 1.110987 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 4 1 5 2 8 6 9 7 18 17 16 15 10 13 12 11 19 14 20]\n", + "=======================\n", + "['premier league side aston villa could sign cordoba striker florin andone ( left ) for as little as # 2.5 millionthe romanian has scored six goals in 17 games for the struggling spanish side this seasonthe spanish side are poised to be relegated and need to raise funds .']\n", + "=======================\n", + "['aston villa have held talks over cordoba striker florin andonethe premier league club could sign the striker for as little as # 2.5 millioncordoba are poised for la liga relegation and need to raise funds']\n", + "premier league side aston villa could sign cordoba striker florin andone ( left ) for as little as # 2.5 millionthe romanian has scored six goals in 17 games for the struggling spanish side this seasonthe spanish side are poised to be relegated and need to raise funds .\n", + "aston villa have held talks over cordoba striker florin andonethe premier league club could sign the striker for as little as # 2.5 millioncordoba are poised for la liga relegation and need to raise funds\n", + "[1.1988146 1.1626499 1.0879682 1.4157244 1.2991385 1.1754918 1.0257881\n", + " 1.0505235 1.0725304 1.0800009 1.0238804 1.0143839 1.072095 1.120124\n", + " 1.019837 1.0283403 1.0143855 1.0226763 1.0157762 1.0431358 0. ]\n", + "\n", + "[ 3 4 0 5 1 13 2 9 8 12 7 19 15 6 10 17 14 18 16 11 20]\n", + "=======================\n", + "[\"bath fly half george ford ghosts past leinster full-back rob kearney on his way to fine individual score at the aviva stadiumthe england no 10 's solo-try was the only score that the west country outfit managed to register in the first-halfat half-time , everything pointed to another humiliating english defeat in dublin .\"]\n", + "=======================\n", + "[\"george ford scythed through the leinster defence for sublime try in the first halffive penalties from ian madigan gave leinster a 15-5 half-time leadstuart hooper crashed over for bath 's second try following another dazzling ford breakmadigan 's sixth penalty proved crucial as leinster held on for a hard-fought victory\"]\n", + "bath fly half george ford ghosts past leinster full-back rob kearney on his way to fine individual score at the aviva stadiumthe england no 10 's solo-try was the only score that the west country outfit managed to register in the first-halfat half-time , everything pointed to another humiliating english defeat in dublin .\n", + "george ford scythed through the leinster defence for sublime try in the first halffive penalties from ian madigan gave leinster a 15-5 half-time leadstuart hooper crashed over for bath 's second try following another dazzling ford breakmadigan 's sixth penalty proved crucial as leinster held on for a hard-fought victory\n", + "[1.3836586 1.1881359 1.300553 1.1993595 1.1085298 1.0538975 1.1054201\n", + " 1.062551 1.0891577 1.1352438 1.0794898 1.045247 1.048565 1.0251635\n", + " 1.0470275 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 3 1 9 4 6 8 10 7 5 12 14 11 13 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"voters in last year 's parliamentary by-elections lodged complaints about aggressive campaigningin one case , a voter complained that wealthy party donors were luring young activists to a key seat with the ` unfair ' promise of free curry , nightclub entertainment and hotel stays .others , in letters of complaint to police forces and local authorities , accused politicians of ` fly-posting ' , while detectives were called when scraps broke out over conflicting ` political views ' .\"]\n", + "=======================\n", + "[\"some wrote complaint letters to police accusing politicians of ` fly-posting 'one voter complained donors were promising free curry and hotel staysdetails refer to by-elections in clacton , heywood and middleton , newarkalso include rochester and strood , and wythenshawe and sale east\"]\n", + "voters in last year 's parliamentary by-elections lodged complaints about aggressive campaigningin one case , a voter complained that wealthy party donors were luring young activists to a key seat with the ` unfair ' promise of free curry , nightclub entertainment and hotel stays .others , in letters of complaint to police forces and local authorities , accused politicians of ` fly-posting ' , while detectives were called when scraps broke out over conflicting ` political views ' .\n", + "some wrote complaint letters to police accusing politicians of ` fly-posting 'one voter complained donors were promising free curry and hotel staysdetails refer to by-elections in clacton , heywood and middleton , newarkalso include rochester and strood , and wythenshawe and sale east\n", + "[1.3180443 1.1502542 1.2414323 1.2710582 1.3377914 1.2449441 1.1469247\n", + " 1.0757927 1.0888014 1.0398699 1.0225492 1.0129757 1.0207841 1.0503032\n", + " 1.0259838 1.0619737 1.0226271 1.0122274 1.0127679 1.0210752 1.02121\n", + " 1.0155361]\n", + "\n", + "[ 4 0 3 5 2 1 6 8 7 15 13 9 14 16 10 20 19 12 21 11 18 17]\n", + "=======================\n", + "[\"lee 's bout on saturday will no longer be a title fight after quillin failed to make the 160lb weightandy lee will be onto a winner no matter what happens on saturday night .andy lee ( left ) lines up with ( l-r ) danny garcia , lamont peterson and his opponent peter quillin in new york\"]\n", + "=======================\n", + "['andy lee was set to defend his middleweight title against peter quillinthe bout is now a non-title fight after american missed the 160lbs weightbilly joe saunders is the next mandatory challenger while there is also talk of a lucrative contest with miguel cotto']\n", + "lee 's bout on saturday will no longer be a title fight after quillin failed to make the 160lb weightandy lee will be onto a winner no matter what happens on saturday night .andy lee ( left ) lines up with ( l-r ) danny garcia , lamont peterson and his opponent peter quillin in new york\n", + "andy lee was set to defend his middleweight title against peter quillinthe bout is now a non-title fight after american missed the 160lbs weightbilly joe saunders is the next mandatory challenger while there is also talk of a lucrative contest with miguel cotto\n", + "[1.339663 1.1383629 1.0855018 1.2093756 1.2380676 1.1662638 1.0558088\n", + " 1.0436325 1.0609993 1.0638769 1.062994 1.0810025 1.0365883 1.175415\n", + " 1.0628854 1.0834845 1.0313634 1.0173235 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 4 3 13 5 1 2 15 11 9 10 14 8 6 7 12 16 17 18 19 20 21]\n", + "=======================\n", + "['target : groups of men and women were asked whether they would kill a young hitler ( pictured above aged 25 ) to prevent wwiiresearchers from germany , canada and the united states analysed answers to the hitler question , and others like it , from 6,100 people .the answer , according to a recent scientific study , has a lot to do with your gender ; and women are far more reluctant to cause any harm in the short term in order to get a better result in the long run .']\n", + "=======================\n", + "[\"researchers in usa , canada and germany analyzed 6,100 responsesfound men were more likely than women to say ends justify the meanswhichever way they decided , women also found the decisions harderscientists speculated it is because women 's reasoning is more emotional\"]\n", + "target : groups of men and women were asked whether they would kill a young hitler ( pictured above aged 25 ) to prevent wwiiresearchers from germany , canada and the united states analysed answers to the hitler question , and others like it , from 6,100 people .the answer , according to a recent scientific study , has a lot to do with your gender ; and women are far more reluctant to cause any harm in the short term in order to get a better result in the long run .\n", + "researchers in usa , canada and germany analyzed 6,100 responsesfound men were more likely than women to say ends justify the meanswhichever way they decided , women also found the decisions harderscientists speculated it is because women 's reasoning is more emotional\n", + "[1.2427363 1.5059462 1.2688496 1.1903008 1.2738422 1.157217 1.0806367\n", + " 1.0836401 1.0773479 1.1049669 1.0277326 1.0451821 1.0578659 1.0536205\n", + " 1.0782475 1.0474911 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 2 0 3 5 9 7 6 14 8 12 13 15 11 10 16 17 18 19 20 21]\n", + "=======================\n", + "[\"kevin pimentel , 12 , shot dead his six-year-old brother , brady , as they made dinner inside their mobile home in hudson , florida last week - before shooting his older brother in the leg and then taking his own life .the injured brother , 16-year-old trevor , attended the boys ' funeral at st. james the apostle catholic church in a wheelchair on wednesday , while his divorced parents , helen campochiaro and luis pimentel , were seen receiving hugs from well-wishers before the service .two brothers who died after one of the boys shot the other then turned the gun on himself have been laid to rest in a joint funeral .\"]\n", + "=======================\n", + "[\"kevin pimentel , 12 , shot his brother brady pimentel , 6 , dead on wednesday march 25 at their mobile home in hudson , floridahe also wounded 16-year-old brother trevor pimentel in the leg before killing himselftrevor attended the boys ' funeral in a wheelchair on wednesdaykevin and trevor had been cooking about 6pm but officials said they had not been arguing before the shootingstheir mother , helen campochiaro , 38 , was working one of her two jobsrelatives say she was a single mom who kept a gun for protection and that the boys had been brought up with gun safetyon a gofundme page set up one day before the shooting , campochiaro asked for help in raising a deposit for a new home\"]\n", + "kevin pimentel , 12 , shot dead his six-year-old brother , brady , as they made dinner inside their mobile home in hudson , florida last week - before shooting his older brother in the leg and then taking his own life .the injured brother , 16-year-old trevor , attended the boys ' funeral at st. james the apostle catholic church in a wheelchair on wednesday , while his divorced parents , helen campochiaro and luis pimentel , were seen receiving hugs from well-wishers before the service .two brothers who died after one of the boys shot the other then turned the gun on himself have been laid to rest in a joint funeral .\n", + "kevin pimentel , 12 , shot his brother brady pimentel , 6 , dead on wednesday march 25 at their mobile home in hudson , floridahe also wounded 16-year-old brother trevor pimentel in the leg before killing himselftrevor attended the boys ' funeral in a wheelchair on wednesdaykevin and trevor had been cooking about 6pm but officials said they had not been arguing before the shootingstheir mother , helen campochiaro , 38 , was working one of her two jobsrelatives say she was a single mom who kept a gun for protection and that the boys had been brought up with gun safetyon a gofundme page set up one day before the shooting , campochiaro asked for help in raising a deposit for a new home\n", + "[1.2729219 1.3816628 1.1929548 1.1210335 1.23964 1.2263507 1.1144655\n", + " 1.0720615 1.1734698 1.0586947 1.0736232 1.0785928 1.054576 1.0580314\n", + " 1.059193 1.0612938 1.1031371 1.095931 1.013361 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 4 5 2 8 3 6 16 17 11 10 7 15 14 9 13 12 18 19 20 21]\n", + "=======================\n", + "[\"author martin fletcher claims the devastating fire was not an accident and has revealed a sequence of other blazes at businesses owned by or associated with stafford heginbotham , the club 's chairman at the time .the former chairman of bradford city was linked to eight other fires before the valley parade blaze that killed 56 , a new book has claimed .tragedy : the fire at bradford city 's valley parade claimed 56 victims and injured 265 on may 11 , 1985\"]\n", + "=======================\n", + "['author martin fletcher claims the devastating blaze was not an accidentbook reveals fires at other businesses owned by or associated with then club chairman stafford heginbothammr fletcher , a survivor of the blaze , says his findings warrant investigationan inquiry into fire found it was an accident caused by discarded cigarettewest yorkshire police will consider any fresh evidence that comes to light']\n", + "author martin fletcher claims the devastating fire was not an accident and has revealed a sequence of other blazes at businesses owned by or associated with stafford heginbotham , the club 's chairman at the time .the former chairman of bradford city was linked to eight other fires before the valley parade blaze that killed 56 , a new book has claimed .tragedy : the fire at bradford city 's valley parade claimed 56 victims and injured 265 on may 11 , 1985\n", + "author martin fletcher claims the devastating blaze was not an accidentbook reveals fires at other businesses owned by or associated with then club chairman stafford heginbothammr fletcher , a survivor of the blaze , says his findings warrant investigationan inquiry into fire found it was an accident caused by discarded cigarettewest yorkshire police will consider any fresh evidence that comes to light\n", + "[1.3260977 1.1935327 1.3254288 1.2404037 1.1738586 1.1627334 1.0804487\n", + " 1.0586259 1.0933897 1.1574475 1.0433887 1.020085 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 3 1 4 5 9 8 6 7 10 11 12 13 14 15]\n", + "=======================\n", + "[\"boko haram fighters have been murdering dozens of young women and girls they had taken as ` wives ' and using children as ` expendable cannon fodder ' , the u.n. 's human rights chief said today .boko haram 's reported use of children as shields and human bombs would , if confirmed , constitute war crimes and crimes against humanity , he said .as the islamist militant group has retreated from parts of northeastern nigeria , ` gruesome scenes of mass graves and further evident signs of slaughter , ' has been brought to light , zeid raad al-hussein told a special session of the u.n. human rights council in geneva .\"]\n", + "=======================\n", + "[\"boko haram accused of war crimes by u.n. human rights chiefmilitants in nigeria accused of murdering ` wives ' during retreatreports also say they have used children as ` expendable cannon fodder '\"]\n", + "boko haram fighters have been murdering dozens of young women and girls they had taken as ` wives ' and using children as ` expendable cannon fodder ' , the u.n. 's human rights chief said today .boko haram 's reported use of children as shields and human bombs would , if confirmed , constitute war crimes and crimes against humanity , he said .as the islamist militant group has retreated from parts of northeastern nigeria , ` gruesome scenes of mass graves and further evident signs of slaughter , ' has been brought to light , zeid raad al-hussein told a special session of the u.n. human rights council in geneva .\n", + "boko haram accused of war crimes by u.n. human rights chiefmilitants in nigeria accused of murdering ` wives ' during retreatreports also say they have used children as ` expendable cannon fodder '\n", + "[1.1836442 1.1610904 1.1617235 1.4146394 1.1692927 1.3390601 1.0974282\n", + " 1.0666881 1.0874345 1.0917785 1.038425 1.0340668 1.0450586 1.0160067\n", + " 1.0145642 1.0328695]\n", + "\n", + "[ 3 5 0 4 2 1 6 9 8 7 12 10 11 15 13 14]\n", + "=======================\n", + "[\"malky mackay 's tenure at wigan athletic came to an end on monday following a 2-0 defeat by derbydave whelan ( right ) appointed mackay ( left ) as manager of wigan in november 2014 despite the warningssportsmail revealed in august mackay was being investigated over ` sexist , racism and homophobic ' texts\"]\n", + "=======================\n", + "[\"sportsmail revealed in august that malky mackay and iain moody were being investigated by fa over ` sexist , racism and homophobic ' textsmackay became manager of wigan athletic in november 2014wigan are eight points from safety as they sit in the relegation zonethe championship club are on the verge of dropping into league oneread : mackay sacked by wigan after derby defeat\"]\n", + "malky mackay 's tenure at wigan athletic came to an end on monday following a 2-0 defeat by derbydave whelan ( right ) appointed mackay ( left ) as manager of wigan in november 2014 despite the warningssportsmail revealed in august mackay was being investigated over ` sexist , racism and homophobic ' texts\n", + "sportsmail revealed in august that malky mackay and iain moody were being investigated by fa over ` sexist , racism and homophobic ' textsmackay became manager of wigan athletic in november 2014wigan are eight points from safety as they sit in the relegation zonethe championship club are on the verge of dropping into league oneread : mackay sacked by wigan after derby defeat\n", + "[1.5501261 1.2773324 1.1782047 1.3259398 1.1128727 1.1764463 1.0731249\n", + " 1.0840753 1.094603 1.1229401 1.0775309 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 1 2 5 9 4 8 7 10 6 11 12 13 14 15]\n", + "=======================\n", + "[\"manchester united duo david de gea and victor valdes made the most of the rare english sun with a trip to a theme park on tuesday afternoon .the spanish pair donned sunglasses as they enjoyed a relaxing time just days after united 's impressive win against fierce rivals manchester city .it has certainly been a rollercoaster season for the red devils , who have emerged in recent weeks as rivals to arsenal for second place in the premier league having been struggling to make the top-four earlier in the campaign .\"]\n", + "=======================\n", + "['david de gea and victor valdes enjoyed an afternoon off at a theme parkspanish duo donned shades as they made the most of the rare sunshineit has certainly been a rollercoaster season for manchester unitedunited are third in the premier league after an impressive recent run']\n", + "manchester united duo david de gea and victor valdes made the most of the rare english sun with a trip to a theme park on tuesday afternoon .the spanish pair donned sunglasses as they enjoyed a relaxing time just days after united 's impressive win against fierce rivals manchester city .it has certainly been a rollercoaster season for the red devils , who have emerged in recent weeks as rivals to arsenal for second place in the premier league having been struggling to make the top-four earlier in the campaign .\n", + "david de gea and victor valdes enjoyed an afternoon off at a theme parkspanish duo donned shades as they made the most of the rare sunshineit has certainly been a rollercoaster season for manchester unitedunited are third in the premier league after an impressive recent run\n", + "[1.2418108 1.4503596 1.3241546 1.253462 1.1825277 1.1582043 1.1891428\n", + " 1.0638806 1.0505054 1.2193352 1.0269271 1.053854 1.1334686 1.0176095\n", + " 1.059936 0. ]\n", + "\n", + "[ 1 2 3 0 9 6 4 5 12 7 14 11 8 10 13 15]\n", + "=======================\n", + "[\"the german woman , who has not been named , was in a taxi which was stuck in traffic shortly after arriving at charles de gaulle airport on wednesday afternoon .three thieves are said to have ` appeared from nowhere ' and smashed a rear window of the car , making off with the bag .the heist took place in the landy tunnel ( pictured ) , which is just under a mile long and notorious for smash-and-grabs\"]\n", + "=======================\n", + "[\"` extremely rich ' german woman 's taxi was stuck in traffic as thieves struckthey smashed rear window of vehicle before running away with handbagthe victim says one of the stolen rings was worth close to # 1million aloneclaimed she was on her way to loan some of the items to museum in paris\"]\n", + "the german woman , who has not been named , was in a taxi which was stuck in traffic shortly after arriving at charles de gaulle airport on wednesday afternoon .three thieves are said to have ` appeared from nowhere ' and smashed a rear window of the car , making off with the bag .the heist took place in the landy tunnel ( pictured ) , which is just under a mile long and notorious for smash-and-grabs\n", + "` extremely rich ' german woman 's taxi was stuck in traffic as thieves struckthey smashed rear window of vehicle before running away with handbagthe victim says one of the stolen rings was worth close to # 1million aloneclaimed she was on her way to loan some of the items to museum in paris\n", + "[1.7141256 1.3263135 1.0841496 1.2631412 1.2135633 1.0557293 1.0337803\n", + " 1.0728098 1.0338845 1.1740158 1.0646801 1.0649922 1.0806842 1.0624177\n", + " 1.0195911 0. ]\n", + "\n", + "[ 0 1 3 4 9 2 12 7 11 10 13 5 8 6 14 15]\n", + "=======================\n", + "['world no 1 novak djokovic became the first player to win the opening three atp world tour masters 1000 events when he defeated tomas berdych 7-5 4-6 6-3 at monte carlo on sunday .djokovic had overpowered eight-time champion rafael nadal to reach the final , not dropping a set on his 2015 clay-court debut this week .novak djokovic got his clay court season underway with victory at the monte carlo open']\n", + "=======================\n", + "['the world no 1 defeated tomas berdych 7-5 , 4-6 , 6-3 in monte carlonovak djokovic is first player to win opening three masters 1000 eventsserbia star defeated clay court specialist rafael nadal in semi-finals']\n", + "world no 1 novak djokovic became the first player to win the opening three atp world tour masters 1000 events when he defeated tomas berdych 7-5 4-6 6-3 at monte carlo on sunday .djokovic had overpowered eight-time champion rafael nadal to reach the final , not dropping a set on his 2015 clay-court debut this week .novak djokovic got his clay court season underway with victory at the monte carlo open\n", + "the world no 1 defeated tomas berdych 7-5 , 4-6 , 6-3 in monte carlonovak djokovic is first player to win opening three masters 1000 eventsserbia star defeated clay court specialist rafael nadal in semi-finals\n", + "[1.3039892 1.518691 1.2114177 1.1539803 1.1192472 1.0992444 1.0924771\n", + " 1.1076499 1.0900102 1.0457804 1.035222 1.0181855 1.2240835 1.0515548\n", + " 1.015469 1.0143224 1.0244226 1.0124036 0. 0. 0. ]\n", + "\n", + "[ 1 0 12 2 3 4 7 5 6 8 13 9 10 16 11 14 15 17 19 18 20]\n", + "=======================\n", + "[\"the world no 1 - now 103 places above woods in the world rankings - is the favourite to win the masters next week and claim his first green jacket , thus completing a career grand slam .they will come up against each other in the year 's first major on thursday , but it was n't that long ago that rory mcilroy was looking up to tiger woods .mcilroy and woods will line up at augusta for the masters this week but in contrasting form\"]\n", + "=======================\n", + "[\"tiger woods and rory mcilroy will both play at next week 's mastersaugusta favourite mcilroy looked up to woods when he was a childnew nike advert shows portrays a young mcilroy 's rise to the topwoods has won four green jackets , the last of which came in 2005mcilroy is looking for his fifth major win to complete a career grand slam\"]\n", + "the world no 1 - now 103 places above woods in the world rankings - is the favourite to win the masters next week and claim his first green jacket , thus completing a career grand slam .they will come up against each other in the year 's first major on thursday , but it was n't that long ago that rory mcilroy was looking up to tiger woods .mcilroy and woods will line up at augusta for the masters this week but in contrasting form\n", + "tiger woods and rory mcilroy will both play at next week 's mastersaugusta favourite mcilroy looked up to woods when he was a childnew nike advert shows portrays a young mcilroy 's rise to the topwoods has won four green jackets , the last of which came in 2005mcilroy is looking for his fifth major win to complete a career grand slam\n", + "[1.1641299 1.0794256 1.3128009 1.391964 1.36016 1.2322595 1.1665976\n", + " 1.1212664 1.0816559 1.093359 1.1399952 1.0321635 1.0538048 1.0103462\n", + " 1.0117549 1.0093642 1.0105854 1.0122333 0. 0. 0. ]\n", + "\n", + "[ 3 4 2 5 6 0 10 7 9 8 1 12 11 17 14 16 13 15 19 18 20]\n", + "=======================\n", + "[\"charlie adam ( second right ) celebrates his stunning goal against chelsea with his stoke team-matespeter crouch was at hand to give his verdict on adam 's dancing skills on sky 's soccer am chat showcrouch originally brought the robot celebration into prominence for england against jamaica in 2006\"]\n", + "=======================\n", + "[\"peter crouch analysed charlie adam 's robot celebration against chelseathe midfielder scored from his own half at stamford bridge on saturdayadam followed his goal with a light-hearted ode to his stoke team-matethe scot was asked to perform the act by sky 's soccer am presenterscrouch made the celebration famous whilst playing for england in 2006\"]\n", + "charlie adam ( second right ) celebrates his stunning goal against chelsea with his stoke team-matespeter crouch was at hand to give his verdict on adam 's dancing skills on sky 's soccer am chat showcrouch originally brought the robot celebration into prominence for england against jamaica in 2006\n", + "peter crouch analysed charlie adam 's robot celebration against chelseathe midfielder scored from his own half at stamford bridge on saturdayadam followed his goal with a light-hearted ode to his stoke team-matethe scot was asked to perform the act by sky 's soccer am presenterscrouch made the celebration famous whilst playing for england in 2006\n", + "[1.1550704 1.275005 1.4019251 1.3035741 1.3328204 1.1534994 1.0386776\n", + " 1.0282902 1.0426477 1.0434165 1.0172851 1.1649889 1.022869 1.0240107\n", + " 1.0159189 1.0193958 1.0163678 1.0152967 1.0126183 1.0214355 1.0155014]\n", + "\n", + "[ 2 4 3 1 11 0 5 9 8 6 7 13 12 19 15 10 16 14 20 17 18]\n", + "=======================\n", + "[\"within 48 hours gus poyet had been sacked and dick advocaat was being installed .sunderland goalkeeper costel pantilimon celebrates jermain defoe 's goal against newcastle unitedthe dutch boss celebrated his first home match with a 1-0 victory over newcastle last weekend , a result which moved the black cats three points clear of the relegation zone ahead of this afternoon 's visit of crystal palace .\"]\n", + "=======================\n", + "[\"costel pantilimon believes the good times have returned to the clubhe believes manager dick advocaat has helped improve atmospheresunderland have been buoyed by their win over neighbours newcastledefoe 's winner secured advocaat his first victory as black cats boss\"]\n", + "within 48 hours gus poyet had been sacked and dick advocaat was being installed .sunderland goalkeeper costel pantilimon celebrates jermain defoe 's goal against newcastle unitedthe dutch boss celebrated his first home match with a 1-0 victory over newcastle last weekend , a result which moved the black cats three points clear of the relegation zone ahead of this afternoon 's visit of crystal palace .\n", + "costel pantilimon believes the good times have returned to the clubhe believes manager dick advocaat has helped improve atmospheresunderland have been buoyed by their win over neighbours newcastledefoe 's winner secured advocaat his first victory as black cats boss\n", + "[1.141717 1.0630625 1.0315056 1.3967767 1.3154426 1.1555758 1.243879\n", + " 1.1490406 1.0831364 1.0953479 1.0641137 1.0520753 1.044982 1.0457741\n", + " 1.1460055 1.1244694 1.0415522 1.0860565 0. 0. 0. ]\n", + "\n", + "[ 3 4 6 5 7 14 0 15 9 17 8 10 1 11 13 12 16 2 19 18 20]\n", + "=======================\n", + "['president barack obama has held the fewest number of state dinners since harry s. truman , who left office 62 years ago .in his first six years , obama held just seven state dinners and will hold at least two more this year : for the leaders of japan , on april 28 , and china , later in the year .obama held his first state dinner toward the end of his first year in office , honoring then-indian prime minister manmohan singh .']\n", + "=======================\n", + "[\"obama 's record is lowest since truman left office in 1953 having hosted sixstate department pays cost of each event , which averages around $ 500,000obama concerned about expense during worst economic slide since 1930s\"]\n", + "president barack obama has held the fewest number of state dinners since harry s. truman , who left office 62 years ago .in his first six years , obama held just seven state dinners and will hold at least two more this year : for the leaders of japan , on april 28 , and china , later in the year .obama held his first state dinner toward the end of his first year in office , honoring then-indian prime minister manmohan singh .\n", + "obama 's record is lowest since truman left office in 1953 having hosted sixstate department pays cost of each event , which averages around $ 500,000obama concerned about expense during worst economic slide since 1930s\n", + "[1.4055026 1.2685726 1.167935 1.2840877 1.2010108 1.1316684 1.0281218\n", + " 1.1116261 1.1882896 1.0179513 1.0147437 1.1039214 1.075273 1.0682511\n", + " 1.033088 1.0293661 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 8 2 5 7 11 12 13 14 15 6 9 10 16 17 18 19 20]\n", + "=======================\n", + "[\"rita wilson took to her twitter account on wednesday to thank her supporters , one day after revealing she has breast cancer and undergone double mastectomy and reconstructive surgery .the 58-year-old actress - who is married to actor tom hanks - tweeted : ' i am overwhelmed with gratitude by your prayers and good wishes and the kindness you 're sending .on tuesday , she shared the news of her disease through a statement published by people magazine .\"]\n", + "=======================\n", + "['the 58-year-old actress revealed her diagnosis in a statement on tuesdayshe explained that doctors initially failed to find the cancer but that it was discovered after she sought out a second opinionshe underwent surgery last week with hanks by her side and she is expected to make a full recoverywilson took medical leave from the broadway play fish in the dark earlier this month but is expected back on stage in may']\n", + "rita wilson took to her twitter account on wednesday to thank her supporters , one day after revealing she has breast cancer and undergone double mastectomy and reconstructive surgery .the 58-year-old actress - who is married to actor tom hanks - tweeted : ' i am overwhelmed with gratitude by your prayers and good wishes and the kindness you 're sending .on tuesday , she shared the news of her disease through a statement published by people magazine .\n", + "the 58-year-old actress revealed her diagnosis in a statement on tuesdayshe explained that doctors initially failed to find the cancer but that it was discovered after she sought out a second opinionshe underwent surgery last week with hanks by her side and she is expected to make a full recoverywilson took medical leave from the broadway play fish in the dark earlier this month but is expected back on stage in may\n", + "[1.3730053 1.166835 1.4953967 1.1977347 1.1626246 1.2572792 1.0957859\n", + " 1.0843308 1.0417305 1.0925452 1.1226102 1.0235317 1.0332942 1.0761514\n", + " 1.0525635 1.061055 1.094049 1.0798982 0. 0. ]\n", + "\n", + "[ 2 0 5 3 1 4 10 6 16 9 7 17 13 15 14 8 12 11 18 19]\n", + "=======================\n", + "[\"alan rogers , 73 , smashed the skull of 76-year-old grandfather fred hatch in the communal garden of their sheltered housing complex near cardiff .today at cardiff crown court , rogers pleaded guilty to manslaughter and is due to be sentenced later today .mr hatch 's worried wife enid then went looking for her husband after he failed to return into the house from the garden .\"]\n", + "=======================\n", + "[\"alan rogers smashed the head of fred hatch in their communal gardenmr hatch 's wife enid found rogers standing over her husband 's bodyrogers claimed he wanted mr hatch dead as he was involved in witchcrafthe told officers arresting him ' i have been waiting a long time to kill that man '\"]\n", + "alan rogers , 73 , smashed the skull of 76-year-old grandfather fred hatch in the communal garden of their sheltered housing complex near cardiff .today at cardiff crown court , rogers pleaded guilty to manslaughter and is due to be sentenced later today .mr hatch 's worried wife enid then went looking for her husband after he failed to return into the house from the garden .\n", + "alan rogers smashed the head of fred hatch in their communal gardenmr hatch 's wife enid found rogers standing over her husband 's bodyrogers claimed he wanted mr hatch dead as he was involved in witchcrafthe told officers arresting him ' i have been waiting a long time to kill that man '\n", + "[1.419402 1.5667993 1.5595514 1.1705419 1.0276184 1.0248203 1.0235857\n", + " 1.0142127 1.155246 1.2242943 1.1205935 1.0193602 1.0415359 1.0201788\n", + " 1.3757898 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 14 9 3 8 10 12 4 5 6 13 11 7 18 15 16 17 19]\n", + "=======================\n", + "[\"wales climbed to 22 , their highest-ever position in football 's world order , in the april rankings to move within eight places of england .chris coleman 's side are unbeaten in euro 2016 qualifying and would be within touching distance of the finals in france should they beat belgium in june - and wales midfielder ramsey admits the banter with the likes of theo walcott , jack wilshere and danny welbeck is already flying on the arsenal training ground .aaron ramsey has told his english team-mates at arsenal to beware wales overtaking them in the fifa rankings .\"]\n", + "=======================\n", + "[\"wales climbed to 22nd place in the recent fifa world rankingsengland are currently 14th the current standingschris coleman 's side are unbeaten in euro 2016 qualifyingaaron ramsey 's side face belgium in crucial clash in june\"]\n", + "wales climbed to 22 , their highest-ever position in football 's world order , in the april rankings to move within eight places of england .chris coleman 's side are unbeaten in euro 2016 qualifying and would be within touching distance of the finals in france should they beat belgium in june - and wales midfielder ramsey admits the banter with the likes of theo walcott , jack wilshere and danny welbeck is already flying on the arsenal training ground .aaron ramsey has told his english team-mates at arsenal to beware wales overtaking them in the fifa rankings .\n", + "wales climbed to 22nd place in the recent fifa world rankingsengland are currently 14th the current standingschris coleman 's side are unbeaten in euro 2016 qualifyingaaron ramsey 's side face belgium in crucial clash in june\n", + "[1.381499 1.2705399 1.4342761 1.2703367 1.3011631 1.2835951 1.0394711\n", + " 1.0421764 1.0214474 1.0302067 1.0215191 1.1155367 1.034069 1.0252084\n", + " 1.0132434 1.0249946 1.1566076 1.01251 0. 0. ]\n", + "\n", + "[ 2 0 4 5 1 3 16 11 7 6 12 9 13 15 10 8 14 17 18 19]\n", + "=======================\n", + "[\"mitchell keenan , 32 , was diagnosed with frostbite six weeks ago after his sister discovered his blackened toes and rushed him to hospital .it came after mr keenan had been living in the tent with his father keith , 62 , following their eviction from their four-bedroom home in skelmersdale , west lancashire , last year when they fell behind with their repayments .mr keenan 's father was also diagnosed with severe health problems including malnourishment , scabies and dementia .\"]\n", + "=======================\n", + "[\"mitchell keenan and his father keith were evicted from their family homethey were forced to live in a tent during the winter on a local hillmr keenan 's toes turned black with frostbite and they were amputatedwarning graphic content\"]\n", + "mitchell keenan , 32 , was diagnosed with frostbite six weeks ago after his sister discovered his blackened toes and rushed him to hospital .it came after mr keenan had been living in the tent with his father keith , 62 , following their eviction from their four-bedroom home in skelmersdale , west lancashire , last year when they fell behind with their repayments .mr keenan 's father was also diagnosed with severe health problems including malnourishment , scabies and dementia .\n", + "mitchell keenan and his father keith were evicted from their family homethey were forced to live in a tent during the winter on a local hillmr keenan 's toes turned black with frostbite and they were amputatedwarning graphic content\n", + "[1.2279963 1.4433079 1.248868 1.3046839 1.2128878 1.3267719 1.1247725\n", + " 1.1171771 1.1178669 1.0214992 1.0192655 1.0223565 1.0981505 1.0138462\n", + " 1.0198961 1.071919 1.019512 1.0144547 1.014254 1.0377066]\n", + "\n", + "[ 1 5 3 2 0 4 6 8 7 12 15 19 11 9 14 16 10 17 18 13]\n", + "=======================\n", + "[\"karen sharpe , the mother of north charleston police officer michael slager , defended her son in an interview , saying she can not believe that he would do anything like what he 's accused of .ms sharpe said that she will never watch the video footage of the fatal shooting .she also revealed that his wife , who is eight months pregnant , is devastated .\"]\n", + "=======================\n", + "[\"the mother of north charleston police officer michael slager is speaking out as her son is behind bars for the the shooting death of walter scottkaren sharpe defended her son , saying she could not imagine him ever murdering someone and that he loved being a police officershe also revealed that slager 's pregnant wife is devastated about what has happened as she is set to give birth next monthsharpe said she has not watched the video of the shooting or read any news reports or watched any news coverage of the incidentshe also expressed sympathy for the scott family , noting this event has caused them both to ` change forever 'slager has not entered a plea to the murder charge nor commented publicly on the killing\"]\n", + "karen sharpe , the mother of north charleston police officer michael slager , defended her son in an interview , saying she can not believe that he would do anything like what he 's accused of .ms sharpe said that she will never watch the video footage of the fatal shooting .she also revealed that his wife , who is eight months pregnant , is devastated .\n", + "the mother of north charleston police officer michael slager is speaking out as her son is behind bars for the the shooting death of walter scottkaren sharpe defended her son , saying she could not imagine him ever murdering someone and that he loved being a police officershe also revealed that slager 's pregnant wife is devastated about what has happened as she is set to give birth next monthsharpe said she has not watched the video of the shooting or read any news reports or watched any news coverage of the incidentshe also expressed sympathy for the scott family , noting this event has caused them both to ` change forever 'slager has not entered a plea to the murder charge nor commented publicly on the killing\n", + "[1.4683723 1.4649162 1.246055 1.2001727 1.054508 1.2737794 1.188412\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 2 3 6 4 17 16 15 14 13 9 11 10 18 8 7 12 19]\n", + "=======================\n", + "[\"relegation-threatened romanian club ceahlaul piatra neamt have sacked brazilian coach ze maria for the second time in a week .former brazil defender ze maria was fired on wednesday after a poor run , only to be reinstated the next day after flamboyant owner angelo massone decided to ` give the coaching staff another chance . 'ze maria replaced florin marin in january to become ceahlaul 's third coach this season .\"]\n", + "=======================\n", + "['romanian club ceahlaul piatra neamt sacked ze maria on wednesdaybut the former brazil international was reinstated the next dayhe was then sacked again following a defeat on saturday']\n", + "relegation-threatened romanian club ceahlaul piatra neamt have sacked brazilian coach ze maria for the second time in a week .former brazil defender ze maria was fired on wednesday after a poor run , only to be reinstated the next day after flamboyant owner angelo massone decided to ` give the coaching staff another chance . 'ze maria replaced florin marin in january to become ceahlaul 's third coach this season .\n", + "romanian club ceahlaul piatra neamt sacked ze maria on wednesdaybut the former brazil international was reinstated the next dayhe was then sacked again following a defeat on saturday\n", + "[1.1310753 1.4723144 1.3142678 1.1937578 1.106151 1.1072812 1.2313678\n", + " 1.2179973 1.1224422 1.0619648 1.0307072 1.0218778 1.0369252 1.0494888\n", + " 1.0175542 1.0692673 1.0575397 1.0389601 1.1279927 1.0479729 1.055486\n", + " 1.0144542 0. 0. ]\n", + "\n", + "[ 1 2 6 7 3 0 18 8 5 4 15 9 16 20 13 19 17 12 10 11 14 21 22 23]\n", + "=======================\n", + "[\"casey levi filmed the moment he tried to get his son sam to eat a california roll with a $ 10 prize up for grabs .he stipulated that there must be no ` gagging or making any faces . 'footage shows the youngster stepping up to the challenge but backing down after a minute 's hesitation and running off ` to be sick ' .\"]\n", + "=======================\n", + "[\"casey levi filmed the moment he tried to get his son sam to eat a california roll with a $ 10 prize up for grabsfootage shows the youngster stepping up to the challenge but backing down after a minute 's hesitation and running off ` to be sick 'after sam 's ruled out of the game , his younger sister charlie confidently steps up to the markwith $ 10 in her pocket she gives her father a celebratory a high five\"]\n", + "casey levi filmed the moment he tried to get his son sam to eat a california roll with a $ 10 prize up for grabs .he stipulated that there must be no ` gagging or making any faces . 'footage shows the youngster stepping up to the challenge but backing down after a minute 's hesitation and running off ` to be sick ' .\n", + "casey levi filmed the moment he tried to get his son sam to eat a california roll with a $ 10 prize up for grabsfootage shows the youngster stepping up to the challenge but backing down after a minute 's hesitation and running off ` to be sick 'after sam 's ruled out of the game , his younger sister charlie confidently steps up to the markwith $ 10 in her pocket she gives her father a celebratory a high five\n", + "[1.5031581 1.2728256 1.3725058 1.3758706 1.0984011 1.0616254 1.0304447\n", + " 1.0141637 1.020278 1.0155927 1.0170635 1.1471891 1.3109343 1.0991099\n", + " 1.0861311 1.0161146 1.0133567 1.0956815 1.0104771 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 12 1 11 13 4 17 14 5 6 8 10 15 9 7 16 18 19 20 21 22 23]\n", + "=======================\n", + "['manchester united midfielder marouane fellaini has been terrorising opposition defences of late , but goalkeeper thibaut courtois has revealed chelsea have a plan to deal with him .marouane fellaini ( pictured ) has been in brilliant form for manchester united in recent weeksbut his countryman courtois says the blues have been working on a way to combat the unorthodox midfielder after he starred in recent wins over tottenham , liverpool and manchester city .']\n", + "=======================\n", + "['thibaut courtois hopes chelsea can keep marouane fellaini quietchelsea face manchester united at stamford bridge on saturdayfellaini has been in impressive form for united in recent weeksblues goalkeeper knows he will have to collect more crosses than usual']\n", + "manchester united midfielder marouane fellaini has been terrorising opposition defences of late , but goalkeeper thibaut courtois has revealed chelsea have a plan to deal with him .marouane fellaini ( pictured ) has been in brilliant form for manchester united in recent weeksbut his countryman courtois says the blues have been working on a way to combat the unorthodox midfielder after he starred in recent wins over tottenham , liverpool and manchester city .\n", + "thibaut courtois hopes chelsea can keep marouane fellaini quietchelsea face manchester united at stamford bridge on saturdayfellaini has been in impressive form for united in recent weeksblues goalkeeper knows he will have to collect more crosses than usual\n", + "[1.5481467 1.3198925 1.1942047 1.1336001 1.0727693 1.0341247 1.135567\n", + " 1.0623491 1.047837 1.0776337 1.0506479 1.0889443 1.0496144 1.025838\n", + " 1.0242162 1.0320606 1.040865 1.0258849 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 6 3 11 9 4 7 10 12 8 16 5 15 17 13 14 18 19 20 21 22 23]\n", + "=======================\n", + "['( cnn ) actress linda thompson , bruce jenner \\'s second wife , says she can \" breathe a little easier \" knowing her ex-husband has found the strength to publicly declare he is transgender .in a two-hour special that aired friday , the olympic gold medalist and \" keeping up with the kardashians \" star said he has the \" soul of a female \" even though he was born with male body parts .thompson , who had two sons with jenner during their five-year marriage , was one of many relatives to cheer jenner for publicly sharing what she had known for decades .']\n", + "=======================\n", + "['bruce jenner \\'s second wife linda thompson says she learned of his \" gender issues \" during their marriageshe says she can breathe easier now that he can be \" who he authentically is \"']\n", + "( cnn ) actress linda thompson , bruce jenner 's second wife , says she can \" breathe a little easier \" knowing her ex-husband has found the strength to publicly declare he is transgender .in a two-hour special that aired friday , the olympic gold medalist and \" keeping up with the kardashians \" star said he has the \" soul of a female \" even though he was born with male body parts .thompson , who had two sons with jenner during their five-year marriage , was one of many relatives to cheer jenner for publicly sharing what she had known for decades .\n", + "bruce jenner 's second wife linda thompson says she learned of his \" gender issues \" during their marriageshe says she can breathe easier now that he can be \" who he authentically is \"\n", + "[1.4401573 1.2272098 1.4195148 1.2798632 1.0945312 1.0611868 1.0416039\n", + " 1.0195141 1.0440432 1.0825632 1.1137574 1.0806975 1.0175642 1.0357857\n", + " 1.1871907 1.1725733 1.0131594 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 14 15 10 4 9 11 5 8 6 13 7 12 16 22 17 18 19 20 21 23]\n", + "=======================\n", + "[\"prosecutor nafir afzal said hundreds of british teenagers see isis as ` pop idols ' like one direction and justin biebermr afzal , former head of the crown prosecution service in the north-west , said children are ` manipulated ' by islamists and that britain needs a new approach in the way it deals with radicalisation .the prosecutor warned that unless the next government recruited young muslim role models to help mentor those who are being radicalised , the country could face ` another 7/7 ' terror attack .\"]\n", + "=======================\n", + "[\"top muslim prosecutor warned that another 7/7 terror attack could happennafir afzal said british teenagers see isis as ` pop idols ' like one directionchildren are manipulated by islamists like sex grooming gangs , he addednext government should recruit muslim role models to help mentor teenagers who have been radicalised , prosecutor said\"]\n", + "prosecutor nafir afzal said hundreds of british teenagers see isis as ` pop idols ' like one direction and justin biebermr afzal , former head of the crown prosecution service in the north-west , said children are ` manipulated ' by islamists and that britain needs a new approach in the way it deals with radicalisation .the prosecutor warned that unless the next government recruited young muslim role models to help mentor those who are being radicalised , the country could face ` another 7/7 ' terror attack .\n", + "top muslim prosecutor warned that another 7/7 terror attack could happennafir afzal said british teenagers see isis as ` pop idols ' like one directionchildren are manipulated by islamists like sex grooming gangs , he addednext government should recruit muslim role models to help mentor teenagers who have been radicalised , prosecutor said\n", + "[1.3974264 1.3851253 1.3215247 1.2464584 1.1351161 1.0388166 1.0343559\n", + " 1.0352457 1.0185796 1.0214883 1.1545674 1.0502473 1.069422 1.0189651\n", + " 1.0209842 1.0149639 1.0160558 1.0139861 1.0156307 1.0655628 1.1375188\n", + " 1.0839199 1.122383 1.1105417]\n", + "\n", + "[ 0 1 2 3 10 20 4 22 23 21 12 19 11 5 7 6 9 14 13 8 16 18 15 17]\n", + "=======================\n", + "[\"mourinho with his wife matilde faria at the 2014 victoria 's secret fashion show in londonthe father-of-two said that he and his family ` know about poverty ' and have been privileged to have worked with the word food programme as an ambassador against hunger .the former real madrid manager said he only prays for things in is personal life , never about chelsea . '\"]\n", + "=======================\n", + "[\"jose mourinho said he is proud to work with underprivileged peoplehe claimed that he never discusses footballing issues with his wifein a wide-ranging interview he said he is a deeply religious personhe also claims that he is essentially a ` very good person ' despite his antics\"]\n", + "mourinho with his wife matilde faria at the 2014 victoria 's secret fashion show in londonthe father-of-two said that he and his family ` know about poverty ' and have been privileged to have worked with the word food programme as an ambassador against hunger .the former real madrid manager said he only prays for things in is personal life , never about chelsea . '\n", + "jose mourinho said he is proud to work with underprivileged peoplehe claimed that he never discusses footballing issues with his wifein a wide-ranging interview he said he is a deeply religious personhe also claims that he is essentially a ` very good person ' despite his antics\n", + "[1.1171129 1.3778658 1.2683817 1.2284945 1.2372015 1.1674035 1.1677235\n", + " 1.1426494 1.0651994 1.0602975 1.0563316 1.128068 1.099623 1.0450459\n", + " 1.0538841 1.0555795 1.0573272 1.061359 0. 0. ]\n", + "\n", + "[ 1 2 4 3 6 5 7 11 0 12 8 17 9 16 10 15 14 13 18 19]\n", + "=======================\n", + "[\"many of the smartphones on sale today - including apple 's iphones , samsung 's galaxy phones and lg phones - come with built-in fm chips .however , nearly two thirds of smartphones do not have the feature activated .now the radio industry , faced with the rise of digital radio , are calling for this to change .\"]\n", + "=======================\n", + "[\"many smartphones - including apple 's iphone - come with an fm chip installed but many are not switched on by the manufacturersbbc and other broadcasters are pushing to have radio capability turned onthey say it would allow users to listen to broadcasts without data chargesit could also prove a vital way of getting information during emergencies\"]\n", + "many of the smartphones on sale today - including apple 's iphones , samsung 's galaxy phones and lg phones - come with built-in fm chips .however , nearly two thirds of smartphones do not have the feature activated .now the radio industry , faced with the rise of digital radio , are calling for this to change .\n", + "many smartphones - including apple 's iphone - come with an fm chip installed but many are not switched on by the manufacturersbbc and other broadcasters are pushing to have radio capability turned onthey say it would allow users to listen to broadcasts without data chargesit could also prove a vital way of getting information during emergencies\n", + "[1.1876808 1.495256 1.2792251 1.3345208 1.3456111 1.10326 1.0627682\n", + " 1.0821402 1.0750262 1.0858474 1.0528133 1.0337012 1.0383129 1.0283042\n", + " 1.0854692 1.0418983 1.0216537 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 2 0 5 9 14 7 8 6 10 15 12 11 13 16 18 17 19]\n", + "=======================\n", + "[\"dominika petrinova , from the czech republic , was furious after her boyfriend erik meldik 's prank , which went viral after he posted it online .erik meldik screamed in pain as he tried to pull himself free after being glued to a chair by his girlfriendthe 27-year-old had burst into tears when she was told her dog sam had accidentally been put in the wash before mr meldik revealed the ` joke ' and that her beloved pet was safe and sound .\"]\n", + "=======================\n", + "[\"dominika petrinova glued naked boyfriend to a chair as painful revengeerik meldik cried as he tried to free his genitals from the waxing stripseventually he had to rip himself off the chair leaving behind hair and skinprank came after he claimed ms petrinova 's dog was in washing machine\"]\n", + "dominika petrinova , from the czech republic , was furious after her boyfriend erik meldik 's prank , which went viral after he posted it online .erik meldik screamed in pain as he tried to pull himself free after being glued to a chair by his girlfriendthe 27-year-old had burst into tears when she was told her dog sam had accidentally been put in the wash before mr meldik revealed the ` joke ' and that her beloved pet was safe and sound .\n", + "dominika petrinova glued naked boyfriend to a chair as painful revengeerik meldik cried as he tried to free his genitals from the waxing stripseventually he had to rip himself off the chair leaving behind hair and skinprank came after he claimed ms petrinova 's dog was in washing machine\n", + "[1.1011201 1.3766716 1.3279898 1.3712809 1.2776226 1.036219 1.1605439\n", + " 1.0509468 1.020778 1.0262896 1.0161555 1.0202599 1.0247197 1.0211823\n", + " 1.0255631 1.0830717 1.1010817 1.0404999 0. 0. ]\n", + "\n", + "[ 1 3 2 4 6 0 16 15 7 17 5 9 14 12 13 8 11 10 18 19]\n", + "=======================\n", + "['temperatures are due to rise throughout today peaking at 22c ( 72f ) tomorrow .that is 11c warmer than the uk april average and would beat the current 2015 high of 20.7 c ( 69f ) on easter sunday in aboyne , aberdeenshire .not only will that be the warmest temperature recorded this year , but it will also surpass the average daytime temperature for august .']\n", + "=======================\n", + "[\"22c forecast for south east is 11c warmer than average - and would beat 2015 high of 20.7 c in aberdeenshireamong the best coastal areas for warm weather tomorrow will be hunstanton in norfolk and whitstable in kentweather will stay mostly dry and sunny for next few days , but some showers are expected from late tomorrowdefra warns asthma sufferers and people with lung problems of ` very high ' air pollution in south east tomorrow\"]\n", + "temperatures are due to rise throughout today peaking at 22c ( 72f ) tomorrow .that is 11c warmer than the uk april average and would beat the current 2015 high of 20.7 c ( 69f ) on easter sunday in aboyne , aberdeenshire .not only will that be the warmest temperature recorded this year , but it will also surpass the average daytime temperature for august .\n", + "22c forecast for south east is 11c warmer than average - and would beat 2015 high of 20.7 c in aberdeenshireamong the best coastal areas for warm weather tomorrow will be hunstanton in norfolk and whitstable in kentweather will stay mostly dry and sunny for next few days , but some showers are expected from late tomorrowdefra warns asthma sufferers and people with lung problems of ` very high ' air pollution in south east tomorrow\n", + "[1.2711263 1.3708293 1.3721281 1.3654625 1.3745478 1.0935315 1.212461\n", + " 1.0992246 1.0309825 1.0659993 1.0465131 1.0238357 1.033919 1.0777277\n", + " 1.0847028 1.012977 1.0120077 1.0111661 1.0246706 1.0425828]\n", + "\n", + "[ 4 2 1 3 0 6 7 5 14 13 9 10 19 12 8 18 11 15 16 17]\n", + "=======================\n", + "['levi acre-kendall , 19 , was charged with one count of first-degree reckless homicide on fridaypeter kelly , who leaves behind a wife in addition to five children under the age of nine , was killed on tuesday night when he was stabbed in the chest after he and a friend argued with three teens .a 19-year-old minnesota teen has been charged with fatally stabbing a 34-year-old father-of-five after an argument on the wisconsin side of the st croix river.about swearing took a deadly turn .']\n", + "=======================\n", + "['peter kelly , 34 , was fatally stabbed on tuesday night at the st croix riverlevi acre-kendall , 19 , charged friday with first-degree reckless homicidemax sentence is 60 years of combined prison and extended supervisionkelly and friend were fishing on minnesota side of river and heard swearingasked three men on wisconsin side to be quiet and an argument ensuedkelly and friend drove over to other side and the fatal stabbing occurreddead man , who volunteered as a high school wrestling coach in his spare time , leaves behind a wife and five children , all under the age of nine']\n", + "levi acre-kendall , 19 , was charged with one count of first-degree reckless homicide on fridaypeter kelly , who leaves behind a wife in addition to five children under the age of nine , was killed on tuesday night when he was stabbed in the chest after he and a friend argued with three teens .a 19-year-old minnesota teen has been charged with fatally stabbing a 34-year-old father-of-five after an argument on the wisconsin side of the st croix river.about swearing took a deadly turn .\n", + "peter kelly , 34 , was fatally stabbed on tuesday night at the st croix riverlevi acre-kendall , 19 , charged friday with first-degree reckless homicidemax sentence is 60 years of combined prison and extended supervisionkelly and friend were fishing on minnesota side of river and heard swearingasked three men on wisconsin side to be quiet and an argument ensuedkelly and friend drove over to other side and the fatal stabbing occurreddead man , who volunteered as a high school wrestling coach in his spare time , leaves behind a wife and five children , all under the age of nine\n", + "[1.2701676 1.3972027 1.1863669 1.3672001 1.2848556 1.1583523 1.06912\n", + " 1.0570173 1.2614107 1.0400289 1.0262451 1.0697798 1.0929756 1.055326\n", + " 1.0264347 1.0305889 1.0106351 1.0235391 0. 0. ]\n", + "\n", + "[ 1 3 4 0 8 2 5 12 11 6 7 13 9 15 14 10 17 16 18 19]\n", + "=======================\n", + "[\"the snp leader has said she is prepared to work with labour to put mr miliband in number 10 , even if david cameron 's conservatives win more seats .nicola sturgeon today warned ed miliband that time is running out on her offer to help lock the tories out of powerthe snp is projected to win more than 40 seats in scotland at the election , potentially leaving them holding the balance of power if labour and the tories both fall short .\"]\n", + "=======================\n", + "['snp leader challenges miliband to respond to her offer of help after may 7sturgeon says she will put labour in power even if tories win more seatswarns the clock is ticking on her offer to help miliband get into no. 10']\n", + "the snp leader has said she is prepared to work with labour to put mr miliband in number 10 , even if david cameron 's conservatives win more seats .nicola sturgeon today warned ed miliband that time is running out on her offer to help lock the tories out of powerthe snp is projected to win more than 40 seats in scotland at the election , potentially leaving them holding the balance of power if labour and the tories both fall short .\n", + "snp leader challenges miliband to respond to her offer of help after may 7sturgeon says she will put labour in power even if tories win more seatswarns the clock is ticking on her offer to help miliband get into no. 10\n", + "[1.2956183 1.431382 1.406007 1.1707946 1.3056513 1.2097409 1.1192563\n", + " 1.0212842 1.0109282 1.0107846 1.0108398 1.1901114 1.0554545 1.1338977\n", + " 1.0807693 1.0506934 1.0545622 1.0084362 1.0087017 0. 0. ]\n", + "\n", + "[ 1 2 4 0 5 11 3 13 6 14 12 16 15 7 8 10 9 18 17 19 20]\n", + "=======================\n", + "[\"the chelsea manager has sided with arsene wenger in calling into the question the legitimacy of the award .real madrid superstar cristiano ronaldo is the current holder of the trophy which is voted for by national team managers and captains .cristiano ronaldo , winner of the ballon d'or on three occasions , is presented with last year 's award\"]\n", + "=======================\n", + "[\"arsene wenger called for the competition to be scrapped last yearand jose mourinho is in agreement with his great premier league rivalthe chelsea boss said : ` wenger is against the ballon d'or , and he 's right 'they are seven points ahead of arsenal with a game in handmourinho : i have a problem , i am getting better and better\"]\n", + "the chelsea manager has sided with arsene wenger in calling into the question the legitimacy of the award .real madrid superstar cristiano ronaldo is the current holder of the trophy which is voted for by national team managers and captains .cristiano ronaldo , winner of the ballon d'or on three occasions , is presented with last year 's award\n", + "arsene wenger called for the competition to be scrapped last yearand jose mourinho is in agreement with his great premier league rivalthe chelsea boss said : ` wenger is against the ballon d'or , and he 's right 'they are seven points ahead of arsenal with a game in handmourinho : i have a problem , i am getting better and better\n", + "[1.5455775 1.5112637 1.1814647 1.1949941 1.0557493 1.0524309 1.0356557\n", + " 1.0245695 1.123609 1.0331465 1.0184171 1.0180466 1.0233637 1.0679911\n", + " 1.0863299 1.183294 1.144427 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 15 2 16 8 14 13 4 5 6 9 7 12 10 11 19 17 18 20]\n", + "=======================\n", + "[\"pep guardiola was left purring at bayern munich 's first-half performance against porto as the club put a turbulent week behind them to storm in to the champions league semi-finals .bayern munich players celebrate in front of their fans after the 6-1 demolition of porto on tuesday nightbayern find out their semi-final opponents on thursday with guardiola 's former club barcelona already through to the last four and the winners of real madrid v atletico madrid and monaco v juventus to join them in the draw .\"]\n", + "=======================\n", + "[\"bayern munich beat porto 6-1 at the allianz arena on tuesday nightresult gave them a 7-4 aggregate victory in champions league last eightbayern manager pep guardiola hailed his players after the matchread : luis enrique ` happy ' to see pep guardiola prove doubters wrong\"]\n", + "pep guardiola was left purring at bayern munich 's first-half performance against porto as the club put a turbulent week behind them to storm in to the champions league semi-finals .bayern munich players celebrate in front of their fans after the 6-1 demolition of porto on tuesday nightbayern find out their semi-final opponents on thursday with guardiola 's former club barcelona already through to the last four and the winners of real madrid v atletico madrid and monaco v juventus to join them in the draw .\n", + "bayern munich beat porto 6-1 at the allianz arena on tuesday nightresult gave them a 7-4 aggregate victory in champions league last eightbayern manager pep guardiola hailed his players after the matchread : luis enrique ` happy ' to see pep guardiola prove doubters wrong\n", + "[1.3887522 1.2535421 1.2954024 1.1174078 1.1234823 1.1144625 1.105062\n", + " 1.1032159 1.0913457 1.1024059 1.1210295 1.0405874 1.0170809 1.0974936\n", + " 1.0525512 1.0552905 1.0824435 1.0474085 1.0342972 0. 0. ]\n", + "\n", + "[ 0 2 1 4 10 3 5 6 7 9 13 8 16 15 14 17 11 18 12 19 20]\n", + "=======================\n", + "[\"david letterman stunned his late show audience into silence with a joke branded ` disrespectful to women 'the veteran host was attempting to warm up the studio audience ahead of his show on monday when he made the off-colour gag .they asked what advice the scandal-hit comic would give to this year 's graduates .\"]\n", + "=======================\n", + "[\"david letterman made the joke while warming up his late show audiencecollege staffer asked what advice the ` scandal-scarred ' comic could givethe host told them ` treat a lady like a wh -- e , and a wh -- e like a lady 'joke was met with stunned silence with some branding it ` disrespectful '\"]\n", + "david letterman stunned his late show audience into silence with a joke branded ` disrespectful to women 'the veteran host was attempting to warm up the studio audience ahead of his show on monday when he made the off-colour gag .they asked what advice the scandal-hit comic would give to this year 's graduates .\n", + "david letterman made the joke while warming up his late show audiencecollege staffer asked what advice the ` scandal-scarred ' comic could givethe host told them ` treat a lady like a wh -- e , and a wh -- e like a lady 'joke was met with stunned silence with some branding it ` disrespectful '\n", + "[1.3665193 1.3483561 1.3133004 1.2859575 1.1526115 1.1385629 1.1232307\n", + " 1.0320405 1.0651492 1.0412301 1.0343474 1.0302294 1.0280277 1.0893339\n", + " 1.0316533 1.0722382 1.0536951 1.117021 1.0334159 1.1030678 1.0112897]\n", + "\n", + "[ 0 1 2 3 4 5 6 17 19 13 15 8 16 9 10 18 7 14 11 12 20]\n", + "=======================\n", + "[\"( cnn ) a duke student has admitted to hanging a noose made of rope from a tree near a student union , university officials said thursday .the prestigious private school did n't identify the student , citing federal privacy laws .in a news release , it said the student was no longer on campus and will face student conduct review .\"]\n", + "=======================\n", + "['student is no longer on duke university campus and will face disciplinary reviewschool officials identified student during investigation and the person admitted to hanging the noose , duke saysthe noose , made of rope , was discovered on campus about 2 a.m.']\n", + "( cnn ) a duke student has admitted to hanging a noose made of rope from a tree near a student union , university officials said thursday .the prestigious private school did n't identify the student , citing federal privacy laws .in a news release , it said the student was no longer on campus and will face student conduct review .\n", + "student is no longer on duke university campus and will face disciplinary reviewschool officials identified student during investigation and the person admitted to hanging the noose , duke saysthe noose , made of rope , was discovered on campus about 2 a.m.\n", + "[1.2760787 1.446797 1.2005781 1.0754158 1.3030092 1.2313379 1.1155438\n", + " 1.1211112 1.0322542 1.0270965 1.1366067 1.0725406 1.0757804 1.0642959\n", + " 1.1355283 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 5 2 10 14 7 6 12 3 11 13 8 9 19 15 16 17 18 20]\n", + "=======================\n", + "[\"officers of the central motorway police group ( cmpg ) spotted the delorean - a replica of the car used in the back to the future films - being carried on the back of a tranpsporter between stoke-on-trent and crewe yesterday morning .a motorway police patrol pulled over a car on suspicion of attempting to go back in time .officers joked that the futuristic-looking car from the 1980s had a ` leaky flux capacitor ' from the movie\"]\n", + "=======================\n", + "[\"the iconic 1980s vehicle was being transported between stoke and crewepolice stopped the the car on suspicion of having a ` leaky flux capacitor 'the car 's owner joined the fun asking the police for directions to 1985the movie trilogy starring michael j fox made # 750 million in the 1980s\"]\n", + "officers of the central motorway police group ( cmpg ) spotted the delorean - a replica of the car used in the back to the future films - being carried on the back of a tranpsporter between stoke-on-trent and crewe yesterday morning .a motorway police patrol pulled over a car on suspicion of attempting to go back in time .officers joked that the futuristic-looking car from the 1980s had a ` leaky flux capacitor ' from the movie\n", + "the iconic 1980s vehicle was being transported between stoke and crewepolice stopped the the car on suspicion of having a ` leaky flux capacitor 'the car 's owner joined the fun asking the police for directions to 1985the movie trilogy starring michael j fox made # 750 million in the 1980s\n", + "[1.4175651 1.2063153 1.0576199 1.1101975 1.1293738 1.1097867 1.190294\n", + " 1.0752993 1.0679344 1.1082283 1.0270187 1.0713828 1.0388197 1.0890797\n", + " 1.3469431 1.0672269 1.0882719 1.0222346]\n", + "\n", + "[ 0 14 1 6 4 3 5 9 13 16 7 11 8 15 2 12 10 17]\n", + "=======================\n", + "[\"at the meeting in paris between pep guardiola and roman abramovich in the summer of 2012 , the former barcelona coach made it clear that he craved stability .abramovich 's track record with managers had not been good , dispensing with claudio ranieri , jose mourinho , avram grant , luiz felipe scolari , carlo ancelotti and andre villas-boas when he raged against results .manuel pellegrini 's position at manchester city is under threat as they fight for fourth place\"]\n", + "=======================\n", + "[\"chelsea owner roman abramovich believed he had pep guardiola in 2012but the spaniard was spooked by abramovich 's regular hiring and firingguardiola craves the stability he has found at bayern munichand he will seek similar assurances should he join manchester citypellegrini 's time at the etihad appears to be drawing to a closecity are clinging on to fourth spot in thepremier leagueread : patrick vieira has all the tools to become next man city manager\"]\n", + "at the meeting in paris between pep guardiola and roman abramovich in the summer of 2012 , the former barcelona coach made it clear that he craved stability .abramovich 's track record with managers had not been good , dispensing with claudio ranieri , jose mourinho , avram grant , luiz felipe scolari , carlo ancelotti and andre villas-boas when he raged against results .manuel pellegrini 's position at manchester city is under threat as they fight for fourth place\n", + "chelsea owner roman abramovich believed he had pep guardiola in 2012but the spaniard was spooked by abramovich 's regular hiring and firingguardiola craves the stability he has found at bayern munichand he will seek similar assurances should he join manchester citypellegrini 's time at the etihad appears to be drawing to a closecity are clinging on to fourth spot in thepremier leagueread : patrick vieira has all the tools to become next man city manager\n", + "[1.2390286 1.1892022 1.3435475 1.1643647 1.147776 1.1687175 1.0840573\n", + " 1.0920532 1.037891 1.0579991 1.0591362 1.0671333 1.075169 1.168118\n", + " 1.0893453 1.0681635 0. 0. ]\n", + "\n", + "[ 2 0 1 5 13 3 4 7 14 6 12 15 11 10 9 8 16 17]\n", + "=======================\n", + "[\"for every last piece of hunting memorabilia has been removed from public display and replaced with what one visitor called ` trinkets and bric-a-brac ' .with its stuffed rhino heads and gleaming white tusks , the trophy room at sandringham was a relic of a bygone era -- as well as rather embarrassing for animal welfare crusader prince william .but now the age of political correctness appears to have caught up with the queen 's norfolk estate .\"]\n", + "=======================\n", + "['all hunting memorabilia removed from public display at norfolk estatemore than 60 items , including an indian tiger , have been placed in storageand the blood-red walls have been painted white to make change clearnew sign outside sandringham museum makes pointed reference to how changing times have spelled the end for some exhibits']\n", + "for every last piece of hunting memorabilia has been removed from public display and replaced with what one visitor called ` trinkets and bric-a-brac ' .with its stuffed rhino heads and gleaming white tusks , the trophy room at sandringham was a relic of a bygone era -- as well as rather embarrassing for animal welfare crusader prince william .but now the age of political correctness appears to have caught up with the queen 's norfolk estate .\n", + "all hunting memorabilia removed from public display at norfolk estatemore than 60 items , including an indian tiger , have been placed in storageand the blood-red walls have been painted white to make change clearnew sign outside sandringham museum makes pointed reference to how changing times have spelled the end for some exhibits\n", + "[1.2908576 1.5478661 1.269798 1.4275707 1.1598004 1.129985 1.1256795\n", + " 1.0203246 1.021382 1.0118917 1.0137608 1.0921118 1.0919867 1.0578055\n", + " 1.1162053 1.0337048 1.0342833 0. ]\n", + "\n", + "[ 1 3 0 2 4 5 6 14 11 12 13 16 15 8 7 10 9 17]\n", + "=======================\n", + "[\"iona costello , 51 , and daughter emily were going into the city when they were last seen on march 30 near their home in the the wealthy seaside village of greenport .a long island widow and her 14-year-old who have been missing for almost three weeks after a trip to new york city to see a play were stressed out by a legal battle , a relative said .relatives of the ` quiet irish family ' , who own a horse farm on long island 's north fork , reported them missing on tuesday .\"]\n", + "=======================\n", + "[\"iona costello , 51 , and her daughter emily , 14 , missing since late marchpair from posh suburb of greenport , long island , often went to showsvideo shows them with suitcases , but relatives began to worry after daughter began missing schoolmother told workers at her horse farm that she 'd be ` back on tuesday 'relative said that mrs costello had been ` under a lot of stress ' during the legal battle over her husband 's estate\"]\n", + "iona costello , 51 , and daughter emily were going into the city when they were last seen on march 30 near their home in the the wealthy seaside village of greenport .a long island widow and her 14-year-old who have been missing for almost three weeks after a trip to new york city to see a play were stressed out by a legal battle , a relative said .relatives of the ` quiet irish family ' , who own a horse farm on long island 's north fork , reported them missing on tuesday .\n", + "iona costello , 51 , and her daughter emily , 14 , missing since late marchpair from posh suburb of greenport , long island , often went to showsvideo shows them with suitcases , but relatives began to worry after daughter began missing schoolmother told workers at her horse farm that she 'd be ` back on tuesday 'relative said that mrs costello had been ` under a lot of stress ' during the legal battle over her husband 's estate\n", + "[1.3109779 1.4481076 1.3360763 1.312033 1.169344 1.0794578 1.1177855\n", + " 1.111972 1.0365534 1.0273522 1.0480407 1.0253023 1.051664 1.0273402\n", + " 1.0849913 1.0253332 1.0590669 0. ]\n", + "\n", + "[ 1 2 3 0 4 6 7 14 5 16 12 10 8 9 13 15 11 17]\n", + "=======================\n", + "[\"the 26-year-old , who was known as ` chris ' by uk soldiers , was hit in the leg when gunmen opened fire near his home in khost , eastern afghanistan .his son muhammad also sustained injuries in the attack , which chris says was the latest in a series of attempts to kill or kidnap him because of his time spent helping the british government -- which now wo n't let him come to the uk .an afghan interpreter who risked his life on the front line with british troops was shot with his two-year-old son by taliban hitmen after he says he was ` abandoned ' by the uk government .\"]\n", + "=======================\n", + "[\"` chris ' , who worked with sas and marines , was shot near home in khost26-year-old says taliban have attempted to kill or kidnap him several timesbut he says british government has dismissed his fears on ten occasionsimmigration scheme says he can not live in uk because of his dates of service\"]\n", + "the 26-year-old , who was known as ` chris ' by uk soldiers , was hit in the leg when gunmen opened fire near his home in khost , eastern afghanistan .his son muhammad also sustained injuries in the attack , which chris says was the latest in a series of attempts to kill or kidnap him because of his time spent helping the british government -- which now wo n't let him come to the uk .an afghan interpreter who risked his life on the front line with british troops was shot with his two-year-old son by taliban hitmen after he says he was ` abandoned ' by the uk government .\n", + "` chris ' , who worked with sas and marines , was shot near home in khost26-year-old says taliban have attempted to kill or kidnap him several timesbut he says british government has dismissed his fears on ten occasionsimmigration scheme says he can not live in uk because of his dates of service\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[1.1926043 1.4411697 1.250628 1.2790657 1.1831099 1.1986483 1.0683004\n", + " 1.0827827 1.116769 1.07601 1.0232072 1.043369 1.0747149 1.0443342\n", + " 1.0767865 1.1432536 1.1420976 1.0188203]\n", + "\n", + "[ 1 3 2 5 0 4 15 16 8 7 14 9 12 6 13 11 10 17]\n", + "=======================\n", + "[\"the 28 minute movie in which a woman , dressed as a school girl , has sex with a man in a vintage train carriage was filmed on board the epping ongar historic railway in south-west essex .locals in the area were shocked to learn the location , a favourite with families and children , had been rented out by its bosses to american adult film company brazzers , the brentwood gazette reported .parents have been outraged to discover a heritage railway attraction was used to shoot a ` hardcore schoolgirl ' porn film .\"]\n", + "=======================\n", + "['the 28 minute pornographic film was shot at epping ongar historic railwaya popular location for family days out , parents are outraged by decisionin the video a woman , dressed as a school girl , has sex in a wood carriagemanagers have apologised for the filming and for any offence caused']\n", + "the 28 minute movie in which a woman , dressed as a school girl , has sex with a man in a vintage train carriage was filmed on board the epping ongar historic railway in south-west essex .locals in the area were shocked to learn the location , a favourite with families and children , had been rented out by its bosses to american adult film company brazzers , the brentwood gazette reported .parents have been outraged to discover a heritage railway attraction was used to shoot a ` hardcore schoolgirl ' porn film .\n", + "the 28 minute pornographic film was shot at epping ongar historic railwaya popular location for family days out , parents are outraged by decisionin the video a woman , dressed as a school girl , has sex in a wood carriagemanagers have apologised for the filming and for any offence caused\n", + "[1.4516269 1.2000103 1.1735398 1.1620011 1.1150094 1.3288318 1.0870548\n", + " 1.0267963 1.0291051 1.0198104 1.0841409 1.0372969 1.0333612 1.024897\n", + " 1.1110774 1.0342643 1.0454843 1.1022273 1.0571353 1.053613 1.0289739]\n", + "\n", + "[ 0 5 1 2 3 4 14 17 6 10 18 19 16 11 15 12 8 20 7 13 9]\n", + "=======================\n", + "[\"kelly ripa has been grief stricken following the sad news that her friend , cosmetic surgeon dr fredric brandt , was found dead by suicide at his miami mansion on sunday .so it 's understandable that 44-year-old tv star was looking morose as she left her new york city apartment on tuesday .when appearing on her morning show she said , ` he was such a great man ... he was just a great person , a great friend , he will be missed - i can not tell you how much i will miss him .\"]\n", + "=======================\n", + "[\"cosmetic dermatologist to the stars fredric brandt was found dead at his coconut grove home in miami on sunday , aged 65ripa tweeted : ` my heart is breaking for the loss of dr. fredric brandt .on live with kelly & michael the 44-year-old said , ` he was a great man '\"]\n", + "kelly ripa has been grief stricken following the sad news that her friend , cosmetic surgeon dr fredric brandt , was found dead by suicide at his miami mansion on sunday .so it 's understandable that 44-year-old tv star was looking morose as she left her new york city apartment on tuesday .when appearing on her morning show she said , ` he was such a great man ... he was just a great person , a great friend , he will be missed - i can not tell you how much i will miss him .\n", + "cosmetic dermatologist to the stars fredric brandt was found dead at his coconut grove home in miami on sunday , aged 65ripa tweeted : ` my heart is breaking for the loss of dr. fredric brandt .on live with kelly & michael the 44-year-old said , ` he was a great man '\n", + "[1.4905015 1.1867728 1.1428621 1.2204792 1.2963797 1.2704375 1.0883118\n", + " 1.0212591 1.0157975 1.014491 1.0284706 1.045045 1.0187701 1.144799\n", + " 1.0387502 1.0815958 1.1845194 1.0905299 1.0452139 1.0821415 0. ]\n", + "\n", + "[ 0 4 5 3 1 16 13 2 17 6 19 15 18 11 14 10 7 12 8 9 20]\n", + "=======================\n", + "[\"poppy smart complained to police after accusing builders of sexual harassment for wolf-whistlingshe compared the wolf-whistling to racial discrimination and said it made her walk to work in worcester city centre an ` awful experience ' .finally , after a month of unwanted attention from the men on the building site , the marketing co-ordinator decided she 'd had enough -- and called the police .\"]\n", + "=======================\n", + "[\"poppy smart , 23 , accused builders of sexual harassment for wolf-whistlingcompared it to racial discrimination and asked other women to speak outbuilding firm claims cctv footage proves it was not one of their workerspolice investigated ms smart 's complaint but took no further action\"]\n", + "poppy smart complained to police after accusing builders of sexual harassment for wolf-whistlingshe compared the wolf-whistling to racial discrimination and said it made her walk to work in worcester city centre an ` awful experience ' .finally , after a month of unwanted attention from the men on the building site , the marketing co-ordinator decided she 'd had enough -- and called the police .\n", + "poppy smart , 23 , accused builders of sexual harassment for wolf-whistlingcompared it to racial discrimination and asked other women to speak outbuilding firm claims cctv footage proves it was not one of their workerspolice investigated ms smart 's complaint but took no further action\n", + "[1.1564072 1.5515354 1.3939371 1.2387872 1.2554016 1.23321 1.0679634\n", + " 1.0258161 1.0158224 1.0214586 1.1191602 1.0354294 1.0324775 1.0212708\n", + " 1.0956764 1.1742134 1.0586796 1.0429039 1.0569032 1.0600922 1.0160823]\n", + "\n", + "[ 1 2 4 3 5 15 0 10 14 6 19 16 18 17 11 12 7 9 13 20 8]\n", + "=======================\n", + "['jon huxley , 46 , hopes to cash in on the fifty shades of grey effect and attract guests from the gay and swinging communities at his hotel westward ho !he plans to install sex swings , bondage rooms and dungeons and have rooms of differing sizes to cater for couples and multiple groups .jon huxley hopes the change in hotel ethos can see his business grow']\n", + "=======================\n", + "[\"jon huxley , 46 , hopes to cash in on the fifty shades of grey effectplans for complete transformation of westward ho !describes the expected environment to be ` civilised and friendly '\"]\n", + "jon huxley , 46 , hopes to cash in on the fifty shades of grey effect and attract guests from the gay and swinging communities at his hotel westward ho !he plans to install sex swings , bondage rooms and dungeons and have rooms of differing sizes to cater for couples and multiple groups .jon huxley hopes the change in hotel ethos can see his business grow\n", + "jon huxley , 46 , hopes to cash in on the fifty shades of grey effectplans for complete transformation of westward ho !describes the expected environment to be ` civilised and friendly '\n", + "[1.2201611 1.5755739 1.121069 1.124086 1.1277236 1.0672022 1.2218779\n", + " 1.0897144 1.0932624 1.048256 1.1892216 1.049914 1.0746193 1.0586213\n", + " 1.0908921 1.1925402 1.0142831 1.010519 1.0328399 0. 0. ]\n", + "\n", + "[ 1 6 0 15 10 4 3 2 8 14 7 12 5 13 11 9 18 16 17 19 20]\n", + "=======================\n", + "['yassir ali , 29 , of no-fixed-abode , was stopped by traffic police in birmingham at 3.45 pm on february 22 after officers suspected the silver bmw 1 series may have been stolen .the man attempts to block the squad car while ali tries to escape at break-neck speeds .these are the unbelievable scenes captured on a police car dashcam when a man drove at 80 miles per hour in a bid to escape arrest .']\n", + "=======================\n", + "['yassir ali , 29 , flew through red lights during the two-minute chaseali was pulled over by police who suspected that his bmw was stolenali , of no-fixed-abode , sped off on a two-minute-long car chasehe crashed the bmw into a bollard in front of a shop and was arrested']\n", + "yassir ali , 29 , of no-fixed-abode , was stopped by traffic police in birmingham at 3.45 pm on february 22 after officers suspected the silver bmw 1 series may have been stolen .the man attempts to block the squad car while ali tries to escape at break-neck speeds .these are the unbelievable scenes captured on a police car dashcam when a man drove at 80 miles per hour in a bid to escape arrest .\n", + "yassir ali , 29 , flew through red lights during the two-minute chaseali was pulled over by police who suspected that his bmw was stolenali , of no-fixed-abode , sped off on a two-minute-long car chasehe crashed the bmw into a bollard in front of a shop and was arrested\n", + "[1.4258664 1.2592161 1.4682791 1.2184907 1.2109067 1.1793247 1.0476799\n", + " 1.0329661 1.1008761 1.0179985 1.0223897 1.0497005 1.0130395 1.0283929\n", + " 1.0999804 1.0397824 1.041871 1.0172341 1.0106251 1.0360602 0. ]\n", + "\n", + "[ 2 0 1 3 4 5 8 14 11 6 16 15 19 7 13 10 9 17 12 18 20]\n", + "=======================\n", + "[\"raymond allen - who is only a handful of people in the world to know its secret recipe - opened the first franchise in preston , lancashire , in 1965 .the businessman who brought kfc to the uk but has only ever eaten it once , says he will not go again and branded the fast-food chain ` dreadful . 'he had become a personal friend of harland ` the colonel ' sanders after meeting during a conference in chicago 50 years ago .\"]\n", + "=======================\n", + "[\"raymond allen has hand-written copy of the colonel 's secret recipeestablished uk franchise of restaurant in preston , lancashire , in 196587-year-old said company had strayed and should have ` stuck to chicken 'personal friend of ` the colonel ' sanders who was ` kind ' but ` forthright '\"]\n", + "raymond allen - who is only a handful of people in the world to know its secret recipe - opened the first franchise in preston , lancashire , in 1965 .the businessman who brought kfc to the uk but has only ever eaten it once , says he will not go again and branded the fast-food chain ` dreadful . 'he had become a personal friend of harland ` the colonel ' sanders after meeting during a conference in chicago 50 years ago .\n", + "raymond allen has hand-written copy of the colonel 's secret recipeestablished uk franchise of restaurant in preston , lancashire , in 196587-year-old said company had strayed and should have ` stuck to chicken 'personal friend of ` the colonel ' sanders who was ` kind ' but ` forthright '\n", + "[1.4182014 1.4030743 1.1041851 1.4611748 1.1467047 1.2145513 1.0432123\n", + " 1.0252302 1.0230993 1.0222518 1.0191351 1.0242735 1.019954 1.019263\n", + " 1.0179836 1.0190353 1.017017 1.0239598 1.0868291 1.0616136 1.0497844\n", + " 1.0186558 1.0987569 1.076147 ]\n", + "\n", + "[ 3 0 1 5 4 2 22 18 23 19 20 6 7 11 17 8 9 12 13 10 15 21 14 16]\n", + "=======================\n", + "[\"lewis hamilton was fastest in first practice for this weekend 's chinese grand prixferrari and sebastian vettel conjured one of the biggest surprises for many a formula one season with the team 's first victory for almost two years at the last race in malaysia .hamilton was over half-a-second clear of mercedes team-mate nico rosberg in opening practice\"]\n", + "=======================\n", + "['lewis hamilton over half-a-second clear of team-mate nico rosbergsebastian vettel was a further second adrift of the mercedes pairjenson button was 13th and fernando alonso 17th for mclaren']\n", + "lewis hamilton was fastest in first practice for this weekend 's chinese grand prixferrari and sebastian vettel conjured one of the biggest surprises for many a formula one season with the team 's first victory for almost two years at the last race in malaysia .hamilton was over half-a-second clear of mercedes team-mate nico rosberg in opening practice\n", + "lewis hamilton over half-a-second clear of team-mate nico rosbergsebastian vettel was a further second adrift of the mercedes pairjenson button was 13th and fernando alonso 17th for mclaren\n", + "[1.2082595 1.364224 1.2491429 1.1937991 1.2303993 1.1240522 1.1762654\n", + " 1.0321941 1.0279057 1.111162 1.0637599 1.0642188 1.0528445 1.0591903\n", + " 1.0683486 1.0452908 1.0335418 1.0238731 1.0591534 1.0977196 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 0 3 6 5 9 19 14 11 10 13 18 12 15 16 7 8 17 22 20 21 23]\n", + "=======================\n", + "['the findings , in the journal of the american medical association ( jama ) , are based on a study of about 95,000 young people .all those in the study had older siblings .numerous studies over the last 15 years have ruled out a link between the mmr vaccine and autism']\n", + "=======================\n", + "['the findings , in the journal of the american medical association , are based on a study of about 95,000 young peoplesome children in the study had elder siblings with autismbut researchers found vaccines had no effect on autism risk , whether or not a sibling in the family was diagnosed']\n", + "the findings , in the journal of the american medical association ( jama ) , are based on a study of about 95,000 young people .all those in the study had older siblings .numerous studies over the last 15 years have ruled out a link between the mmr vaccine and autism\n", + "the findings , in the journal of the american medical association , are based on a study of about 95,000 young peoplesome children in the study had elder siblings with autismbut researchers found vaccines had no effect on autism risk , whether or not a sibling in the family was diagnosed\n", + "[1.0585979 1.1819276 1.3314841 1.1663672 1.145217 1.1227463 1.0529852\n", + " 1.0224096 1.0218991 1.284086 1.101767 1.1373094 1.0490474 1.0517613\n", + " 1.032939 1.18919 1.0649961 1.0694278 1.055962 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 9 15 1 3 4 11 5 10 17 16 0 18 6 13 12 14 7 8 19 20 21 22 23]\n", + "=======================\n", + "['the prince , who begun a month-long secondment to the australian defence force on monday , took an hour-long break at the village during a training exercise with a norforce unit .warm welcome : prince harry arrived in australia on monday for his month-long secondmentthe prince is scheduled to spend the next month in australia and , once he comes to the end of his time with norforce , will spend the rest of the month stationed in sydney and perth .']\n", + "=======================\n", + "[\"prince harry made a surprise visit to a remote aboriginal villagewuggubugan is in the outback and 600 miles from darwin , the nearest cityharry just ` rocked up ' say thrilled locals and is a ` delightful chap '30-year-old has been in australia since monday and will stay for a month\"]\n", + "the prince , who begun a month-long secondment to the australian defence force on monday , took an hour-long break at the village during a training exercise with a norforce unit .warm welcome : prince harry arrived in australia on monday for his month-long secondmentthe prince is scheduled to spend the next month in australia and , once he comes to the end of his time with norforce , will spend the rest of the month stationed in sydney and perth .\n", + "prince harry made a surprise visit to a remote aboriginal villagewuggubugan is in the outback and 600 miles from darwin , the nearest cityharry just ` rocked up ' say thrilled locals and is a ` delightful chap '30-year-old has been in australia since monday and will stay for a month\n", + "[1.2816685 1.403134 1.148144 1.2254875 1.2637484 1.2006656 1.143046\n", + " 1.1297061 1.0641263 1.0439311 1.0623668 1.0718476 1.1043586 1.0448275\n", + " 1.0261395 1.0864083 1.0492276 1.0830688 1.0228523 1.0783991 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 3 5 2 6 7 12 15 17 19 11 8 10 16 13 9 14 18 20 21 22 23]\n", + "=======================\n", + "['the unidentified child caused the presidential residence to be closed off for a few moments on sunday afternoon .a four-year-old child climbed under a temporary bike rack along pennsylvania avenue triggering secret service to put the white house under lockdown .the incident is the second lockdown in washington only a day after a man shot and killed himself on saturday .']\n", + "=======================\n", + "['child climbed under a temporary bike rack along pennsylvania avenue causing lockdown on sunday afternoonthe unidentified child was reunited with parents following the incident']\n", + "the unidentified child caused the presidential residence to be closed off for a few moments on sunday afternoon .a four-year-old child climbed under a temporary bike rack along pennsylvania avenue triggering secret service to put the white house under lockdown .the incident is the second lockdown in washington only a day after a man shot and killed himself on saturday .\n", + "child climbed under a temporary bike rack along pennsylvania avenue causing lockdown on sunday afternoonthe unidentified child was reunited with parents following the incident\n", + "[1.2068492 1.387855 1.2008463 1.2159433 1.2655935 1.2499216 1.2301857\n", + " 1.0865014 1.0643471 1.1509387 1.095807 1.0165017 1.0559506 1.0631725\n", + " 1.0630316 1.0688405 1.0403848 1.0409886 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 4 5 6 3 0 2 9 10 7 15 8 13 14 12 17 16 11 18 19 20 21 22 23]\n", + "=======================\n", + "['the video taken in the forecourt of the sunoco gas station on north 5th street in philadelphia shows five people , including two children , storming out of a minivan and attacking the helpless 51-year-old .the encounter is believed to have been caused by a 10-year-old boy telling his mother the homeless man hit him - an allegation police have found no evidence of during their investigation .they then stamp on his head and continue punching him as he lies motionless .']\n", + "=======================\n", + "['shocking video captured at the sunoco on north 5th street in philadelphiafive attackers stream out of a minivan and target the helpless 51-year-oldafter beating him to the ground , they continue to stamp on his headtwo alleged attackers have been charged with attempted murderpolice are still searching for the other suspects involved in the attack']\n", + "the video taken in the forecourt of the sunoco gas station on north 5th street in philadelphia shows five people , including two children , storming out of a minivan and attacking the helpless 51-year-old .the encounter is believed to have been caused by a 10-year-old boy telling his mother the homeless man hit him - an allegation police have found no evidence of during their investigation .they then stamp on his head and continue punching him as he lies motionless .\n", + "shocking video captured at the sunoco on north 5th street in philadelphiafive attackers stream out of a minivan and target the helpless 51-year-oldafter beating him to the ground , they continue to stamp on his headtwo alleged attackers have been charged with attempted murderpolice are still searching for the other suspects involved in the attack\n", + "[1.0802407 1.3901337 1.4809489 1.2686186 1.1738017 1.1878551 1.1379786\n", + " 1.0661519 1.1142412 1.0325103 1.1006217 1.101743 1.0278263 1.0220424\n", + " 1.0111729 1.0159128]\n", + "\n", + "[ 2 1 3 5 4 6 8 11 10 0 7 9 12 13 15 14]\n", + "=======================\n", + "[\"the device , called the illume arclighter , creates a ` super high-intensity ' electrical arc and contains a rechargeable lithium-ion battery so users will never run out of fuel at a tricky moment again .a new lighter uses electricity to ignite , and it 's claimed to be the first flameless gadget of its kind .its inventors , based in edmonton , canada , are raising money to put the lighter into production on kickstarter and have almost doubled their goal .\"]\n", + "=======================\n", + "[\"illume arclighter creates a ` super high-intensity ' electrical arcit uses electricity stored in a lithium ion battery instead of standard fuelarc is smaller than an open flame , but is much hotter and does n't flare updevice is available to pre-order via kickstarter for cad$ 40 ( # 21 or us$ 32 )\"]\n", + "the device , called the illume arclighter , creates a ` super high-intensity ' electrical arc and contains a rechargeable lithium-ion battery so users will never run out of fuel at a tricky moment again .a new lighter uses electricity to ignite , and it 's claimed to be the first flameless gadget of its kind .its inventors , based in edmonton , canada , are raising money to put the lighter into production on kickstarter and have almost doubled their goal .\n", + "illume arclighter creates a ` super high-intensity ' electrical arcit uses electricity stored in a lithium ion battery instead of standard fuelarc is smaller than an open flame , but is much hotter and does n't flare updevice is available to pre-order via kickstarter for cad$ 40 ( # 21 or us$ 32 )\n", + "[1.3037353 1.1379453 1.3046156 1.2178582 1.3317862 1.1113863 1.1588954\n", + " 1.0946047 1.2404208 1.1876017 1.0288935 1.018615 1.022659 1.0361779\n", + " 1.0716435 1.0116063]\n", + "\n", + "[ 4 2 0 8 3 9 6 1 5 7 14 13 10 12 11 15]\n", + "=======================\n", + "[\"fake winner : kendall schler cheated her way to the front of the st. louis marathon courseher finish time that qualified her to run in monday 's boston marathon has now been erased , and her spot in the event has been vacated .schler was spotted at the beginning of the race and the end of the race , and while schler 's actual course is unknown , the starting point of the race are suspiciously just three blocks apart .\"]\n", + "=======================\n", + "[\"kendall schler crept onto the go !her times that qualified her to run in monday 's boston marathon have now been erased , and her spot in the event has been vacatedthe true winner of the race was a woman named angela karl\"]\n", + "fake winner : kendall schler cheated her way to the front of the st. louis marathon courseher finish time that qualified her to run in monday 's boston marathon has now been erased , and her spot in the event has been vacated .schler was spotted at the beginning of the race and the end of the race , and while schler 's actual course is unknown , the starting point of the race are suspiciously just three blocks apart .\n", + "kendall schler crept onto the go !her times that qualified her to run in monday 's boston marathon have now been erased , and her spot in the event has been vacatedthe true winner of the race was a woman named angela karl\n", + "[1.0916203 1.1284013 1.087181 1.322322 1.349967 1.3415954 1.0659723\n", + " 1.1026597 1.2111042 1.0778733 1.2249074 1.0707742 1.0633763 1.0111495\n", + " 1.0205877 1.0099442]\n", + "\n", + "[ 4 5 3 10 8 1 7 0 2 9 11 6 12 14 13 15]\n", + "=======================\n", + "[\"porto star striker jackson martinez was one of many players to look perplexed by their warm receptionporto boss julen lopetegui ( left ) was hugged by fans congratulating him on their champions league runporto supporters gave their team a hero 's welcome following their 6-1 defeat at bayern munich on tuesday\"]\n", + "=======================\n", + "['bayern munich beat porto 6-1 in their champions league tie on tuesdayresult saw bayern win quarter-final encounter 7-4 on aggregateit was the first-time porto had reached that stage since the 2008-09 season']\n", + "porto star striker jackson martinez was one of many players to look perplexed by their warm receptionporto boss julen lopetegui ( left ) was hugged by fans congratulating him on their champions league runporto supporters gave their team a hero 's welcome following their 6-1 defeat at bayern munich on tuesday\n", + "bayern munich beat porto 6-1 in their champions league tie on tuesdayresult saw bayern win quarter-final encounter 7-4 on aggregateit was the first-time porto had reached that stage since the 2008-09 season\n", + "[1.2271066 1.4961052 1.1545361 1.2238597 1.1504122 1.0526661 1.0316547\n", + " 1.0734586 1.0703713 1.0989594 1.0817077 1.0941203 1.0278575 1.1845106\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 3 13 2 4 9 11 10 7 8 5 6 12 14 15]\n", + "=======================\n", + "[\"peter tait , the headmaster of sherborne preparatory school in dorset , claimed parents have become ` dervishes ' about their children 's education and should take a back seat to allow them to develop naturally .parents need to keep their distance and trust schools and teachers instead of being ` dervishes ready to battle with anyone and anything on behalf of their child ' , a leading head teacher has said .writing in attain , the magazine for the independent association of prep schools , mr tait said the modern trend of interfering stemmed from parents being bombarded with information about how to raise a child .\"]\n", + "=======================\n", + "[\"headmaster peter tait claimed parents should trust their child 's educatorsexcessive interference could harm their children 's development , he saidhe made the comments for article in preparatory school magazine attain\"]\n", + "peter tait , the headmaster of sherborne preparatory school in dorset , claimed parents have become ` dervishes ' about their children 's education and should take a back seat to allow them to develop naturally .parents need to keep their distance and trust schools and teachers instead of being ` dervishes ready to battle with anyone and anything on behalf of their child ' , a leading head teacher has said .writing in attain , the magazine for the independent association of prep schools , mr tait said the modern trend of interfering stemmed from parents being bombarded with information about how to raise a child .\n", + "headmaster peter tait claimed parents should trust their child 's educatorsexcessive interference could harm their children 's development , he saidhe made the comments for article in preparatory school magazine attain\n", + "[1.3235195 1.4567165 1.2314696 1.2510662 1.1244104 1.1065953 1.0800272\n", + " 1.0556768 1.0995959 1.0464078 1.1522892 1.154325 1.0663038 1.0739491\n", + " 1.0145128 1.0592091]\n", + "\n", + "[ 1 0 3 2 11 10 4 5 8 6 13 12 15 7 9 14]\n", + "=======================\n", + "[\"the eccentrically-disguised man entered a branch of the u.s bank in the city of santa cruz at around 3pm last friday and handed the cashier a note demanding money .police in california have released surveillance images of a man who robbed a bank dressed in women 's clothing - leading investigators to compare his outfit with mrs doubtfire .santa cruz police said the man appeared to be aged between 25 and 35 , was about five foot five inches tall and weighed 160-170 pounds .\"]\n", + "=======================\n", + "['cross-dressing bankrobber entered u.s. bank in santa cruz on fridaycashier handed over money after being handed a note making demandsman wearing the exact same outfit was seen acting suspiciously outside a different bank an hour earlier']\n", + "the eccentrically-disguised man entered a branch of the u.s bank in the city of santa cruz at around 3pm last friday and handed the cashier a note demanding money .police in california have released surveillance images of a man who robbed a bank dressed in women 's clothing - leading investigators to compare his outfit with mrs doubtfire .santa cruz police said the man appeared to be aged between 25 and 35 , was about five foot five inches tall and weighed 160-170 pounds .\n", + "cross-dressing bankrobber entered u.s. bank in santa cruz on fridaycashier handed over money after being handed a note making demandsman wearing the exact same outfit was seen acting suspiciously outside a different bank an hour earlier\n", + "[1.408821 1.3566217 1.244293 1.2204283 1.2806191 1.1112071 1.1081283\n", + " 1.0342573 1.0558332 1.0232434 1.0465075 1.1076541 1.0370643 1.0150797\n", + " 1.0840766 1.2131536 1.0102514 0. 0. ]\n", + "\n", + "[ 0 1 4 2 3 15 5 6 11 14 8 10 12 7 9 13 16 17 18]\n", + "=======================\n", + "[\"( cnn ) the united nations is appealing for $ 174 million to help nigerian refugees who 've fled to neighboring nations following militant attacks .boko haram has killed thousands in the nation 's northeast by attacking villages , schools , churches and mosques .the militants have attacked relentlessly for six years , sending 192,000 people seeking shelter in cameroon , niger and chad .\"]\n", + "=======================\n", + "[\"boko haram has killed thousands in the nation 's northeast since 2009aid agencies are scrambling to provide the refugees with clean water , shelter , food and education\"]\n", + "( cnn ) the united nations is appealing for $ 174 million to help nigerian refugees who 've fled to neighboring nations following militant attacks .boko haram has killed thousands in the nation 's northeast by attacking villages , schools , churches and mosques .the militants have attacked relentlessly for six years , sending 192,000 people seeking shelter in cameroon , niger and chad .\n", + "boko haram has killed thousands in the nation 's northeast since 2009aid agencies are scrambling to provide the refugees with clean water , shelter , food and education\n", + "[1.2544935 1.5191975 1.2388247 1.2124262 1.3571435 1.1390362 1.0882851\n", + " 1.0910062 1.0237457 1.0130891 1.0338099 1.1258157 1.1324998 1.1298466\n", + " 1.082052 1.0292335 1.0111121 0. 0. ]\n", + "\n", + "[ 1 4 0 2 3 5 12 13 11 7 6 14 10 15 8 9 16 17 18]\n", + "=======================\n", + "['the 47-year-old man from warwick , 150km south-west of brisbane , has been accused of sexually abusing 28 children from three states , including taking some of his victims to hotel rooms where he allegedly raped them .an alleged online sex offender accused of raping five children and involving 20 more in the making of child pornography has been charged with 145 child exploitation offences .police allege the man used a range of social media sites to prey on children under the age of 16 and in some cases arranged meetings so he could physically abuse them and use them to make child pornography .']\n", + "=======================\n", + "['man , 47 , faces 145 child exploitation offences after targeting kids onlinewarwick man is accused of sexually abusing 28 children from three statesvictims could be as far as wa , as well as in victoria , qld and nswhe allegedly used social media to prey on children under the age of 16in some cases he allegedly arranged meetings to physically abuse themhe is also accused of forcing them to make child pornography']\n", + "the 47-year-old man from warwick , 150km south-west of brisbane , has been accused of sexually abusing 28 children from three states , including taking some of his victims to hotel rooms where he allegedly raped them .an alleged online sex offender accused of raping five children and involving 20 more in the making of child pornography has been charged with 145 child exploitation offences .police allege the man used a range of social media sites to prey on children under the age of 16 and in some cases arranged meetings so he could physically abuse them and use them to make child pornography .\n", + "man , 47 , faces 145 child exploitation offences after targeting kids onlinewarwick man is accused of sexually abusing 28 children from three statesvictims could be as far as wa , as well as in victoria , qld and nswhe allegedly used social media to prey on children under the age of 16in some cases he allegedly arranged meetings to physically abuse themhe is also accused of forcing them to make child pornography\n", + "[1.4062638 1.2865243 1.2436683 1.3894787 1.2864974 1.2630705 1.0486915\n", + " 1.0313458 1.0288426 1.0450336 1.0314299 1.0086484 1.0953244 1.279813\n", + " 1.0134352 1.0180051 1.1131182 1.0097343 1.0067209]\n", + "\n", + "[ 0 3 1 4 13 5 2 16 12 6 9 10 7 8 15 14 17 11 18]\n", + "=======================\n", + "[\"ronald koeman held a meeting with southampton 's players to refocus their minds on european qualification after victor wanyama 's future came under question .this weekend is arguably saints ' biggest match of their season , with former manager mauricio pochettino returning to st mary 's for the first time since leaving for tottenham in the summer .morgan schneiderlin has been linked with moves to arsenal and tottenham in another saints firesale\"]\n", + "=======================\n", + "[\"ronald koeman called a meeting to refocus his southampton playersvictor wanyama appeared to hint that he wanted to leave in an interviewmorgan schneiderlin , nathaniel clyne and jay rodriguez linked to movesbut koeman slams talk wanyama wants to leave for arsenal as ` bulls *** 'saints still have a chance of securing european football for next seasonread : victor wanyama quashes reports he 's spoken to arsene wenger\"]\n", + "ronald koeman held a meeting with southampton 's players to refocus their minds on european qualification after victor wanyama 's future came under question .this weekend is arguably saints ' biggest match of their season , with former manager mauricio pochettino returning to st mary 's for the first time since leaving for tottenham in the summer .morgan schneiderlin has been linked with moves to arsenal and tottenham in another saints firesale\n", + "ronald koeman called a meeting to refocus his southampton playersvictor wanyama appeared to hint that he wanted to leave in an interviewmorgan schneiderlin , nathaniel clyne and jay rodriguez linked to movesbut koeman slams talk wanyama wants to leave for arsenal as ` bulls *** 'saints still have a chance of securing european football for next seasonread : victor wanyama quashes reports he 's spoken to arsene wenger\n", + "[1.2584109 1.4033146 1.2893147 1.3581581 1.2571008 1.2046534 1.1016384\n", + " 1.0379417 1.0342177 1.0113255 1.0562428 1.1285079 1.1181083 1.1331612\n", + " 1.0449044 1.0075558 1.0260406 1.0959 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 13 11 12 6 17 10 14 7 8 16 9 15 18]\n", + "=======================\n", + "['the swedish retailer has been forced to take action to stop visitors kicking off their shoes and going to sleep on their beds and sofas .sleepy shoppers in china have had a rude awakening -- after being banned from napping in furniture store ikea .the practice has become widespread in ikea stores - with shoppers coming in especially to take a nap']\n", + "=======================\n", + "['exhausted shoppers regularly fall asleep in ikea stores across chinacheeky nappers kick off their shoes and get under the covers of displaysmanagers forced to ban visitors from taking off their shoes to go to sleep']\n", + "the swedish retailer has been forced to take action to stop visitors kicking off their shoes and going to sleep on their beds and sofas .sleepy shoppers in china have had a rude awakening -- after being banned from napping in furniture store ikea .the practice has become widespread in ikea stores - with shoppers coming in especially to take a nap\n", + "exhausted shoppers regularly fall asleep in ikea stores across chinacheeky nappers kick off their shoes and get under the covers of displaysmanagers forced to ban visitors from taking off their shoes to go to sleep\n", + "[1.045597 1.0494123 1.3649702 1.3228502 1.2372133 1.25327 1.1720724\n", + " 1.1114545 1.099356 1.0908678 1.0516644 1.0970638 1.0801117 1.0212113\n", + " 1.0171252 1.0122547 1.0217867 0. 0. ]\n", + "\n", + "[ 2 3 5 4 6 7 8 11 9 12 10 1 0 16 13 14 15 17 18]\n", + "=======================\n", + "[\"meet some of the more than 200 members of check it , the only documented gang of gay and transgender youths in america .the teenagers and young adults , who have faced discrimination throughout their entire lives , are the subjects of a new independent documentary .but now , the ` tight-knit ' gang members , who are aged 14 to 22 , are fighting to break the cycle of poverty and violence that they have grown up in .\"]\n", + "=======================\n", + "[\"check it was formed by group of ` bullied ninth graders ' in the washington dc neighborhood of trinidad in 2005it is the only recorded gang of gay and transgender youths in america , with more than 200 members at presentnew documentary , also called check it , tells how members are now trying to break cycle of poverty and violencethey are working on their own clothing label , putting on fashion shows and even doing stints as runway modelsone of the film 's co-directors said : ` being gay and black ... it 's like a nightmare waiting to happen '\"]\n", + "meet some of the more than 200 members of check it , the only documented gang of gay and transgender youths in america .the teenagers and young adults , who have faced discrimination throughout their entire lives , are the subjects of a new independent documentary .but now , the ` tight-knit ' gang members , who are aged 14 to 22 , are fighting to break the cycle of poverty and violence that they have grown up in .\n", + "check it was formed by group of ` bullied ninth graders ' in the washington dc neighborhood of trinidad in 2005it is the only recorded gang of gay and transgender youths in america , with more than 200 members at presentnew documentary , also called check it , tells how members are now trying to break cycle of poverty and violencethey are working on their own clothing label , putting on fashion shows and even doing stints as runway modelsone of the film 's co-directors said : ` being gay and black ... it 's like a nightmare waiting to happen '\n", + "[1.233344 1.3630471 1.2740331 1.216153 1.1790158 1.2347132 1.236152\n", + " 1.1218394 1.1595639 1.1862485 1.0764887 1.0871577 1.0359205 1.0233011\n", + " 1.0116409 1.0252848 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 6 5 0 3 9 4 8 7 11 10 12 15 13 14 25 16 17 18 19 20 21 22\n", + " 23 24 26]\n", + "=======================\n", + "[\"the ukip leader said ` millions ' of refugees could arrive on boats in europe over the next few years unless they are intercepted and turned back now .mr farage urged prime minister david cameron to resist pressure at an emergency summit of eu leaders in brussels tomorrow for britain to take in large numbers of refugees brought across the mediterranean by people-smugglers .up to 950 people are believed to have drowned in a shipwreck off the coast of libya on saturday , according to the office of the united nations high commissioner for refugees .\"]\n", + "=======================\n", + "[\"ukip leader said ` millions ' of refugees could arrive on boats in europehe said britain could only take ' a few thousand ' refugees but no moreup to 950 refugees drowned trying to reach italy on saturdayboris johnson called on the pm to send the sas to libya to solve crisis\"]\n", + "the ukip leader said ` millions ' of refugees could arrive on boats in europe over the next few years unless they are intercepted and turned back now .mr farage urged prime minister david cameron to resist pressure at an emergency summit of eu leaders in brussels tomorrow for britain to take in large numbers of refugees brought across the mediterranean by people-smugglers .up to 950 people are believed to have drowned in a shipwreck off the coast of libya on saturday , according to the office of the united nations high commissioner for refugees .\n", + "ukip leader said ` millions ' of refugees could arrive on boats in europehe said britain could only take ' a few thousand ' refugees but no moreup to 950 refugees drowned trying to reach italy on saturdayboris johnson called on the pm to send the sas to libya to solve crisis\n", + "[1.3232455 1.5985724 1.1640486 1.2089404 1.3553059 1.0160824 1.0119233\n", + " 1.0138419 1.0157 1.0213964 1.0474105 1.0446659 1.0702175 1.0288187\n", + " 1.0238339 1.0215389 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 3 2 12 10 11 13 14 15 9 5 8 7 6 24 23 22 21 17 19 18 16\n", + " 25 20 26]\n", + "=======================\n", + "['craig davies bagged a brace after eidur gudjohnsen hammered the trotters in front , with 62-time england international emile heskey proving his worth by laying on two assists .craig davies fired a double to ensure his side claimed all three points at the cardiff city stadiumbolton look to have secured their sky bet championship status after shocking cardiff to claim a 3-0 triumph in the welsh capital .']\n", + "=======================\n", + "['eidur gudjohnsen rolled back the years to open the scoringcraig davies fired home a second-half brace to ensure his side claimed wincardiff and bolton remain in mid-table with five games to go']\n", + "craig davies bagged a brace after eidur gudjohnsen hammered the trotters in front , with 62-time england international emile heskey proving his worth by laying on two assists .craig davies fired a double to ensure his side claimed all three points at the cardiff city stadiumbolton look to have secured their sky bet championship status after shocking cardiff to claim a 3-0 triumph in the welsh capital .\n", + "eidur gudjohnsen rolled back the years to open the scoringcraig davies fired home a second-half brace to ensure his side claimed wincardiff and bolton remain in mid-table with five games to go\n", + "[1.06729 1.2127644 1.2711837 1.0642829 1.4140283 1.1271541 1.1959958\n", + " 1.0892206 1.040338 1.0273572 1.0350876 1.0398575 1.0495406 1.0696331\n", + " 1.0449443 1.0355879 1.0243207 1.020992 1.0214 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 2 1 6 5 7 13 0 3 12 14 8 11 15 10 9 16 18 17 19 20 21 22 23\n", + " 24 25 26]\n", + "=======================\n", + "[\"celtic left back emilo izaguirre has called on his team-mates to focus their attention on winning the league titleronny deila 's men looked like a tired team by time-up at hampden .the good news for celtic is that they have an immediate opportunity to both vent their frustration and exorcise any sense of helplessness created by sunday 's controversial scottish cup semi-final loss .\"]\n", + "=======================\n", + "[\"emilo izaguirre has rallied his team-mates ahead of final six league gamesceltic 's hopes of winning domestic treble came to an end on sundayronny deila 's side were knocked out of the scottish cup semi-finalread : celtic write to sfa over josh meekings handball controversy\"]\n", + "celtic left back emilo izaguirre has called on his team-mates to focus their attention on winning the league titleronny deila 's men looked like a tired team by time-up at hampden .the good news for celtic is that they have an immediate opportunity to both vent their frustration and exorcise any sense of helplessness created by sunday 's controversial scottish cup semi-final loss .\n", + "emilo izaguirre has rallied his team-mates ahead of final six league gamesceltic 's hopes of winning domestic treble came to an end on sundayronny deila 's side were knocked out of the scottish cup semi-finalread : celtic write to sfa over josh meekings handball controversy\n", + "[1.165878 1.515625 1.1469257 1.121782 1.064604 1.0453707 1.0427682\n", + " 1.0454013 1.2671348 1.2831713 1.0731717 1.0204455 1.0222663 1.0152075\n", + " 1.0316361 1.047644 1.0243913 1.0141642 1.0234514 1.0162358 1.0734593\n", + " 1.0179532 1.046294 1.0417786 1.0113872 1.0109247 1.0080987]\n", + "\n", + "[ 1 9 8 0 2 3 20 10 4 15 22 7 5 6 23 14 16 18 12 11 21 19 13 17\n", + " 24 25 26]\n", + "=======================\n", + "['tiger woods is the 111th best golfer in the world .tiger woods was all smiles as he played a practice around ahead of his 20th appearance at the mastersjudging by some of the stuff said and written about woods in the build-up to his 20th masters , it will be an achievement if he makes the cut .']\n", + "=======================\n", + "[\"tiger woods begins his 20th masters ranked a lowly 111th in the worldformer world no 1 turned on the charm ahead of masters 2015 at augustaamerican was joined by girlfriend lindsay vonn and his childrena fifth green jacket would take the 39-year-old 's major haul to 15click here for all the latest news from the masters 2015\"]\n", + "tiger woods is the 111th best golfer in the world .tiger woods was all smiles as he played a practice around ahead of his 20th appearance at the mastersjudging by some of the stuff said and written about woods in the build-up to his 20th masters , it will be an achievement if he makes the cut .\n", + "tiger woods begins his 20th masters ranked a lowly 111th in the worldformer world no 1 turned on the charm ahead of masters 2015 at augustaamerican was joined by girlfriend lindsay vonn and his childrena fifth green jacket would take the 39-year-old 's major haul to 15click here for all the latest news from the masters 2015\n", + "[1.3357494 1.2884312 1.355115 1.3474342 1.1629632 1.1538322 1.0733035\n", + " 1.1242944 1.041872 1.0100847 1.1408929 1.1622645 1.0130347 1.0129777\n", + " 1.0427729 1.1357089 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 1 4 11 5 10 15 7 6 14 8 12 13 9 16 17 18 19 20 21 22 23\n", + " 24 25 26]\n", + "=======================\n", + "[\"the ultimate toy cupboard will house up to 114 cars and have five-star accommodation for chauffeurs and staff .it is being built by the billionaire emir of dubai , sheikh mohammed bin rashid al maktoum , one of the world 's richest men .the ruler of dubai is set to build a personal six-storey super car park in london for his fleet of more than 100 luxury motors .\"]\n", + "=======================\n", + "['car park will be next to battersea heliport so sheik can fly inwill feature two basement floors and six levels above groundneighbours worried about volume of traffic it will bring to areathey say his enormous wealth should not be put before local needs']\n", + "the ultimate toy cupboard will house up to 114 cars and have five-star accommodation for chauffeurs and staff .it is being built by the billionaire emir of dubai , sheikh mohammed bin rashid al maktoum , one of the world 's richest men .the ruler of dubai is set to build a personal six-storey super car park in london for his fleet of more than 100 luxury motors .\n", + "car park will be next to battersea heliport so sheik can fly inwill feature two basement floors and six levels above groundneighbours worried about volume of traffic it will bring to areathey say his enormous wealth should not be put before local needs\n", + "[1.4816236 1.0632031 1.4974658 1.1182275 1.0576514 1.0462605 1.3287766\n", + " 1.1204412 1.0268446 1.0571532 1.0674556 1.0423952 1.1400776 1.0379006\n", + " 1.018438 1.063621 0. 0. ]\n", + "\n", + "[ 2 0 6 12 7 3 10 15 1 4 9 5 11 13 8 14 16 17]\n", + "=======================\n", + "[\"bale joined cristiano ronaldo and co for their second day back at training as they prepared for their first match back after the devastating loss to barcelona that saw them fall four points behind the la liga leaders .gareth bale drives an unstoppable left-footed bullet in at the far post during a routine training drill as real madrid train on wednesday .the under fire winger returns to madrid on the back of a vital double for wales against israel as they claimed top spot in euro 2016 qualifying 's group b.\"]\n", + "=======================\n", + "[\"gareth bale was on target in training with real madrid on wednesdayhe returned to real madrid on the back of a double for walesalvaro arbeloa said he could n't understand the ` witch hunt ' against balereal madrid host 19th-placed granada at the bernabeu on sundaythe match is real 's first since their el clasico defeat at barcelonaclick here for the latest real madrid news\"]\n", + "bale joined cristiano ronaldo and co for their second day back at training as they prepared for their first match back after the devastating loss to barcelona that saw them fall four points behind the la liga leaders .gareth bale drives an unstoppable left-footed bullet in at the far post during a routine training drill as real madrid train on wednesday .the under fire winger returns to madrid on the back of a vital double for wales against israel as they claimed top spot in euro 2016 qualifying 's group b.\n", + "gareth bale was on target in training with real madrid on wednesdayhe returned to real madrid on the back of a double for walesalvaro arbeloa said he could n't understand the ` witch hunt ' against balereal madrid host 19th-placed granada at the bernabeu on sundaythe match is real 's first since their el clasico defeat at barcelonaclick here for the latest real madrid news\n", + "[1.1002617 1.3547528 1.3839034 1.2111053 1.1935129 1.1027805 1.1279756\n", + " 1.1952858 1.1150017 1.1041211 1.2165087 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 10 3 7 4 6 8 9 5 0 11 12 13 14 15 16 17]\n", + "=======================\n", + "[\"the 23-year-old also scored in brazil 's recent 3-1 victory against france in paris for good measure .the chelsea forward has a capital one cup medal to his name this season while his side are currently commanding a six-point lead at the summit of the premier league standings .juventus scouts were at the stade de france to watch oscar in action\"]\n", + "=======================\n", + "[\"chelsea lead manchester city by six points at the premier league summitoscar scored in brazil 's recent 3-1 victory against francejuventus scouts were present in paris to watch oscar in action\"]\n", + "the 23-year-old also scored in brazil 's recent 3-1 victory against france in paris for good measure .the chelsea forward has a capital one cup medal to his name this season while his side are currently commanding a six-point lead at the summit of the premier league standings .juventus scouts were at the stade de france to watch oscar in action\n", + "chelsea lead manchester city by six points at the premier league summitoscar scored in brazil 's recent 3-1 victory against francejuventus scouts were present in paris to watch oscar in action\n", + "[1.0581391 1.0575908 1.4453605 1.2752094 1.1965332 1.1541958 1.0767809\n", + " 1.0878836 1.1268159 1.0632155 1.0825244 1.0327083 1.0959965 1.0941234\n", + " 1.0682455 1.039821 1.0185547 0. ]\n", + "\n", + "[ 2 3 4 5 8 12 13 7 10 6 14 9 0 1 15 11 16 17]\n", + "=======================\n", + "['a new study has found that acetaminophen , the main ingredient in tylenol , most forms of midol and more than 600 other medicines , reduces not only pain but pleasure , as well .the authors of the study , which was published this week in psychological science , say that it was already known that acetaminophen blunted psychological pain .but their new research led them to the conclusion that it also blunted joy -- in other words , that it narrowed the range of feelings experienced .']\n", + "=======================\n", + "['subjects taking acetaminophen reacted less strongly to both pleasant and unpleasant photoseach week , 52 million americans use the pain relieverunknown whether other pain products produce the same effect']\n", + "a new study has found that acetaminophen , the main ingredient in tylenol , most forms of midol and more than 600 other medicines , reduces not only pain but pleasure , as well .the authors of the study , which was published this week in psychological science , say that it was already known that acetaminophen blunted psychological pain .but their new research led them to the conclusion that it also blunted joy -- in other words , that it narrowed the range of feelings experienced .\n", + "subjects taking acetaminophen reacted less strongly to both pleasant and unpleasant photoseach week , 52 million americans use the pain relieverunknown whether other pain products produce the same effect\n", + "[1.4979664 1.4792799 1.127007 1.5010527 1.0286801 1.0177329 1.0232983\n", + " 1.1352774 1.0601814 1.3682492 1.1261486 1.0188248 1.0148016 1.0140666\n", + " 1.010221 1.0438085 1.0164213 1.0133309]\n", + "\n", + "[ 3 0 1 9 7 2 10 8 15 4 6 11 5 16 12 13 17 14]\n", + "=======================\n", + "[\"manu tuilagi has not featured for england since the three-test summer tour of new zealand in 2014england centre manu tuilagi is taking his rehabilitation ` week by week ' as the powerhouse midfielder continues his recovery from a troublesome groin injury that has sidelined him for most of the season .tuilagi has been out of action since october and missed the autumn internationals as well as england 's entire rbs 6 nations campaign - but the 23-year-old is targeting a return to action in the summer in time for his country 's pre-world cup preparations .\"]\n", + "=======================\n", + "[\"manu tuilagi has been out of action since octoberthe leicester tigers centre has struggled with a groin injury all seasontuilagi is hoping to be back in time for england 's pre-world cup plans\"]\n", + "manu tuilagi has not featured for england since the three-test summer tour of new zealand in 2014england centre manu tuilagi is taking his rehabilitation ` week by week ' as the powerhouse midfielder continues his recovery from a troublesome groin injury that has sidelined him for most of the season .tuilagi has been out of action since october and missed the autumn internationals as well as england 's entire rbs 6 nations campaign - but the 23-year-old is targeting a return to action in the summer in time for his country 's pre-world cup preparations .\n", + "manu tuilagi has been out of action since octoberthe leicester tigers centre has struggled with a groin injury all seasontuilagi is hoping to be back in time for england 's pre-world cup plans\n", + "[1.0890142 1.4844968 1.3269732 1.1298664 1.2008955 1.0705156 1.0473466\n", + " 1.1625965 1.1051414 1.0321078 1.0324532 1.0336795 1.0258667 1.1105578\n", + " 1.1813195 1.0497873 1.035627 0. ]\n", + "\n", + "[ 1 2 4 14 7 3 13 8 0 5 15 6 16 11 10 9 12 17]\n", + "=======================\n", + "[\"ocean photographer lloyd meudell started taking images of the sea with a gopro after being an avid surfer his entire life .he formed an obsession with photography and after purchasing all the high end equipment , he began to shoot ocean foam , calling the venture ` foam surrealism . 'an ocean photographer has captured the unique and surreal moment ocean foam hits the sand\"]\n", + "=======================\n", + "[\"an ocean photographer has captured the unique and surreal moment ocean foam hits the sandsurfer lloyd meudell formed a severe photography obsession after buying a gopro two years agohe now shoots on a eos 5d mark iii dslr and uses numerous lenses but does not reveal his secretsthe ` foam surrealism ' pieces are shot on the south coast of nsw at kiama beach through to gerrigongmr meudell 's shots draw from works of surrealism such as salvador dali and appear very dream-like\"]\n", + "ocean photographer lloyd meudell started taking images of the sea with a gopro after being an avid surfer his entire life .he formed an obsession with photography and after purchasing all the high end equipment , he began to shoot ocean foam , calling the venture ` foam surrealism . 'an ocean photographer has captured the unique and surreal moment ocean foam hits the sand\n", + "an ocean photographer has captured the unique and surreal moment ocean foam hits the sandsurfer lloyd meudell formed a severe photography obsession after buying a gopro two years agohe now shoots on a eos 5d mark iii dslr and uses numerous lenses but does not reveal his secretsthe ` foam surrealism ' pieces are shot on the south coast of nsw at kiama beach through to gerrigongmr meudell 's shots draw from works of surrealism such as salvador dali and appear very dream-like\n", + "[1.0419844 1.2019191 1.2570212 1.1555046 1.2116476 1.2299304 1.1206148\n", + " 1.1366347 1.0995587 1.0428469 1.0693123 1.0769073 1.0548227 1.05829\n", + " 1.058445 1.0320951 1.0126215 0. 0. ]\n", + "\n", + "[ 2 5 4 1 3 7 6 8 11 10 14 13 12 9 0 15 16 17 18]\n", + "=======================\n", + "['it could even have been a form of emergency surgery for battle wounds .at 30 angstroms -- a unit of measurement equal to one hundred millionth of a centimeter -- an obsidian scalpel can rival diamond in the fineness of its edge .obsidian -- a type of volcanic glass -- can produce cutting edges many times finer than even the best steel scalpels .']\n", + "=======================\n", + "['obsidian can produce cutting edges many times finer than even the best steel scalpelssome surgeons still use the blades in procedures today']\n", + "it could even have been a form of emergency surgery for battle wounds .at 30 angstroms -- a unit of measurement equal to one hundred millionth of a centimeter -- an obsidian scalpel can rival diamond in the fineness of its edge .obsidian -- a type of volcanic glass -- can produce cutting edges many times finer than even the best steel scalpels .\n", + "obsidian can produce cutting edges many times finer than even the best steel scalpelssome surgeons still use the blades in procedures today\n", + "[1.2279936 1.4344325 1.226959 1.2981528 1.2192595 1.1371062 1.0437107\n", + " 1.0503224 1.1196709 1.042124 1.0643857 1.0382307 1.0311916 1.0261661\n", + " 1.1703286 1.098412 1.1512793 1.0193247 1.0423089]\n", + "\n", + "[ 1 3 0 2 4 14 16 5 8 15 10 7 6 18 9 11 12 13 17]\n", + "=======================\n", + "['timothy fradeneck was arraigned on first-degree murder charges in the deaths of his wife and children , whose bodies were found monday in their eastpointe , michigan home .authorities say that fradeneck used a usb cord to kill 37-year-old christine fradeneck and the children , celeste fradeneck and timothy fradeneck iii ( called trey ) .a 38-year-old man accused of strangling his wife , their 2-year-old daughter and their 8-year-old son told a judge wednesday that he wants to plead insanity .']\n", + "=======================\n", + "[\"timothy fradeneck , 38 , appeared in court on wednesday as he was arraigned on first-degree murder and child abuse chargesfradeneck 's wife christine , 37 , their 2-year-old daughter celeste and 8-year-old son timothy iii were found dead in their home on mondaywhen police searched the home , fradeneck allegedly confessed to strangling all three with a usb cordin court on wednesday , fradeneck was emotionless through the proceedings and prematurely tried to enter an insanity pleaif convicted on the charges , he could spend the rest of his life in prison\"]\n", + "timothy fradeneck was arraigned on first-degree murder charges in the deaths of his wife and children , whose bodies were found monday in their eastpointe , michigan home .authorities say that fradeneck used a usb cord to kill 37-year-old christine fradeneck and the children , celeste fradeneck and timothy fradeneck iii ( called trey ) .a 38-year-old man accused of strangling his wife , their 2-year-old daughter and their 8-year-old son told a judge wednesday that he wants to plead insanity .\n", + "timothy fradeneck , 38 , appeared in court on wednesday as he was arraigned on first-degree murder and child abuse chargesfradeneck 's wife christine , 37 , their 2-year-old daughter celeste and 8-year-old son timothy iii were found dead in their home on mondaywhen police searched the home , fradeneck allegedly confessed to strangling all three with a usb cordin court on wednesday , fradeneck was emotionless through the proceedings and prematurely tried to enter an insanity pleaif convicted on the charges , he could spend the rest of his life in prison\n", + "[1.1218318 1.0393165 1.0229903 1.0326126 1.1435864 1.3988068 1.1469934\n", + " 1.0302881 1.0420707 1.1030246 1.2893003 1.0195317 1.0450726 1.0491033\n", + " 1.2154312 1.0535904 1.0427079 1.0114626 1.019301 ]\n", + "\n", + "[ 5 10 14 6 4 0 9 15 13 12 16 8 1 3 7 2 11 18 17]\n", + "=======================\n", + "['seventy years on : st peter port in guernsey is one of the key locations for the heritage festivalthe ongoing channel islands heritage festival ( 3 april -- 11 may ) is a five-week hurrah of history , parades , concerts and food that will unite most of the archipelago -- guernsey , alderney , jersey , herm and sark .during the german occupation of the channel islands ( 30 june 1940 to 9 may 1945 ) , this stately retreat was commandeered as the general staff headquarters .']\n", + "=======================\n", + "[\"channel islands were the only parts of the british isles occupied in the warmay 9 is the 70th anniversary of the islands ' liberation from german ruleguernsey , jersey et al are marking the occasion with a five-week festival\"]\n", + "seventy years on : st peter port in guernsey is one of the key locations for the heritage festivalthe ongoing channel islands heritage festival ( 3 april -- 11 may ) is a five-week hurrah of history , parades , concerts and food that will unite most of the archipelago -- guernsey , alderney , jersey , herm and sark .during the german occupation of the channel islands ( 30 june 1940 to 9 may 1945 ) , this stately retreat was commandeered as the general staff headquarters .\n", + "channel islands were the only parts of the british isles occupied in the warmay 9 is the 70th anniversary of the islands ' liberation from german ruleguernsey , jersey et al are marking the occasion with a five-week festival\n", + "[1.2163103 1.2945758 1.3249813 1.2983623 1.2570299 1.1310314 1.0978947\n", + " 1.0709306 1.022642 1.0191728 1.1019747 1.0943958 1.0358227 1.0266478\n", + " 1.0508473 1.042567 1.0575219 1.076372 0. ]\n", + "\n", + "[ 2 3 1 4 0 5 10 6 11 17 7 16 14 15 12 13 8 9 18]\n", + "=======================\n", + "['more than 300 fishermen emerged from nearby trawlers , villages and even the jungle to make the trip , having been kept like slaves at the pusaka benjina resources fishing company compound .they were finally being rescued by the indonesian fisheries ministry after officials issued a moratorium on fishing to crack down on poaching .indonesian officials probing labor abuses told the migrant workers today they were allowing them to leave for another island by boat out of concern for their safety .']\n", + "=======================\n", + "['around 300 fishermen emerged from trawlers , villages and even the junglehad been stranded on benjina island by unscrupulous fishing companyfrom poor countries like myanmar and cambodia , some were promised jobs in thailand but were instead taken against their will to indonesiamany were made to work 20 to 22-hour days with no time off and zero payclaims of abuse by beating , whipping with stingray tails and electric shockindonesian fisheries ministry steps in after issuing a fishing moratorium']\n", + "more than 300 fishermen emerged from nearby trawlers , villages and even the jungle to make the trip , having been kept like slaves at the pusaka benjina resources fishing company compound .they were finally being rescued by the indonesian fisheries ministry after officials issued a moratorium on fishing to crack down on poaching .indonesian officials probing labor abuses told the migrant workers today they were allowing them to leave for another island by boat out of concern for their safety .\n", + "around 300 fishermen emerged from trawlers , villages and even the junglehad been stranded on benjina island by unscrupulous fishing companyfrom poor countries like myanmar and cambodia , some were promised jobs in thailand but were instead taken against their will to indonesiamany were made to work 20 to 22-hour days with no time off and zero payclaims of abuse by beating , whipping with stingray tails and electric shockindonesian fisheries ministry steps in after issuing a fishing moratorium\n", + "[1.1956826 1.3995855 1.2965398 1.346617 1.2500944 1.1858683 1.1975653\n", + " 1.0610801 1.1219387 1.0840417 1.1252451 1.1433814 1.061889 1.0147599\n", + " 1.0060576 1.007314 1.0753771 0. 0. ]\n", + "\n", + "[ 1 3 2 4 6 0 5 11 10 8 9 16 12 7 13 15 14 17 18]\n", + "=======================\n", + "['pub landlord paul harris was arrested last july on suspicion of perverting the course of justice .missing chef : claudia lawrence ( left ) was 35 when she disappeared in north yorkshire in march 2009 .north yorkshire police said the 47-year-old man had been released from his bail conditions after he provided information to detectives which has progressed the investigation .']\n", + "=======================\n", + "['47-year-old arrested on suspicion of perverting the course of justicereleased from bail conditions almost a year after his arrest last julypolice say he provided details which have progressed investigationmiss lawrence was reported missing by her father in york in 2009']\n", + "pub landlord paul harris was arrested last july on suspicion of perverting the course of justice .missing chef : claudia lawrence ( left ) was 35 when she disappeared in north yorkshire in march 2009 .north yorkshire police said the 47-year-old man had been released from his bail conditions after he provided information to detectives which has progressed the investigation .\n", + "47-year-old arrested on suspicion of perverting the course of justicereleased from bail conditions almost a year after his arrest last julypolice say he provided details which have progressed investigationmiss lawrence was reported missing by her father in york in 2009\n", + "[1.1920755 1.3318954 1.3540998 1.2951487 1.2583666 1.2496183 1.0336915\n", + " 1.0429094 1.133749 1.0968416 1.0401655 1.0327976 1.1042624 1.1160116\n", + " 1.0223916 1.0367956 1.0379275 1.0446085 1.0151982 0. 0. ]\n", + "\n", + "[ 2 1 3 4 5 0 8 13 12 9 17 7 10 16 15 6 11 14 18 19 20]\n", + "=======================\n", + "[\"members of the banned leftist group - known as the dhkp-c - took senior turkish prosecutor mehmet selim kiraz hostage last week .the british national , of polish origin but who has not been named , was arrested on saturday as part of an operation against the revolutionary people 's liberation party-front , according to reports .both the prosecutor and the hostage takers were killed after a police shoot-out .\"]\n", + "=======================\n", + "['man is a british national of polish origin , but has not yet been identifiedhe was arrested on saturday as part of an operation against the dhkp-cbanned leftist militant group took senior turkish prosecutor mehmet selim kiraz hostage in istanbul last weekboth kiraz and hostage takers were killed in the resulting police shoot-out']\n", + "members of the banned leftist group - known as the dhkp-c - took senior turkish prosecutor mehmet selim kiraz hostage last week .the british national , of polish origin but who has not been named , was arrested on saturday as part of an operation against the revolutionary people 's liberation party-front , according to reports .both the prosecutor and the hostage takers were killed after a police shoot-out .\n", + "man is a british national of polish origin , but has not yet been identifiedhe was arrested on saturday as part of an operation against the dhkp-cbanned leftist militant group took senior turkish prosecutor mehmet selim kiraz hostage in istanbul last weekboth kiraz and hostage takers were killed in the resulting police shoot-out\n", + "[1.4207389 1.3441501 1.235353 1.4759729 1.3217716 1.0634652 1.0219294\n", + " 1.0153763 1.0205735 1.0221864 1.0261751 1.107192 1.1064907 1.1044683\n", + " 1.0389777 1.0829811 1.1835896 1.0990433 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 2 16 11 12 13 17 15 5 14 10 9 6 8 7 18 19 20]\n", + "=======================\n", + "['manchester united have offered goalkeeper david de gea # 200,000-a-week to stay at the clubfears are growing at united that de gea will return to spain and join real madrid on a free transfer when his contract runs out next summer .so far there has been no breakthrough in negotiations and manager louis van gaal admitted yesterday that the club have made de gea a huge offer to persuade him to stay .']\n", + "=======================\n", + "[\"david de gea has been linked with a move to real madrid in the summermanchester united have offered the goalkeeper # 200,000-a-week to stayif he signs , he will become the world 's best paid goalkeeperlouis van gaal admitted on friday that the club have offered him ' a lot '\"]\n", + "manchester united have offered goalkeeper david de gea # 200,000-a-week to stay at the clubfears are growing at united that de gea will return to spain and join real madrid on a free transfer when his contract runs out next summer .so far there has been no breakthrough in negotiations and manager louis van gaal admitted yesterday that the club have made de gea a huge offer to persuade him to stay .\n", + "david de gea has been linked with a move to real madrid in the summermanchester united have offered the goalkeeper # 200,000-a-week to stayif he signs , he will become the world 's best paid goalkeeperlouis van gaal admitted on friday that the club have offered him ' a lot '\n", + "[1.5698667 1.0819632 1.1747346 1.5181179 1.1378665 1.033443 1.0141451\n", + " 1.0130037 1.0160094 1.2272528 1.1222913 1.0232276 1.0281292 1.0244833\n", + " 1.0186799 1.0232042 1.0470759 1.055085 0. 0. 0. ]\n", + "\n", + "[ 0 3 9 2 4 10 1 17 16 5 12 13 11 15 14 8 6 7 19 18 20]\n", + "=======================\n", + "['beaten fa cup semi-finalists reading lost again as they were defeated by birmingham in a scrappy sky bet championship game at the madejski stadium on wednesday night .clayton donaldson ( left ) scored a late headed winner for birmingham city as his side defeated reading 1-0reading were involved in a dramatic 2-1 defeat against arsenal , after extra-time , in the last four of the cup at wembley on saturday .']\n", + "=======================\n", + "[\"reading are 18th in the championship while birmingham city sit in 15thclayton donaldson 's 83rd minute header secured the three pointsthe fa cup semi-finalists dominated possession but were made to pay\"]\n", + "beaten fa cup semi-finalists reading lost again as they were defeated by birmingham in a scrappy sky bet championship game at the madejski stadium on wednesday night .clayton donaldson ( left ) scored a late headed winner for birmingham city as his side defeated reading 1-0reading were involved in a dramatic 2-1 defeat against arsenal , after extra-time , in the last four of the cup at wembley on saturday .\n", + "reading are 18th in the championship while birmingham city sit in 15thclayton donaldson 's 83rd minute header secured the three pointsthe fa cup semi-finalists dominated possession but were made to pay\n", + "[1.4092363 1.2936145 1.340597 1.2037079 1.2657135 1.0570824 1.0576363\n", + " 1.199222 1.0466301 1.0230868 1.0290498 1.0278227 1.0210559 1.0977408\n", + " 1.053865 1.1745222 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 4 3 7 15 13 6 5 14 8 10 11 9 12 19 16 17 18 20]\n", + "=======================\n", + "[\"alex salmond has stepped up the pressure on ed miliband saying he wo n't be able to avoid a deal with the snp and was ` foolish ' to rule out a coalitionhe said all parties would have to face up to the ` electorate 's judgment ' after polling day on may 7 .when questioned about a potential coalition with labour , he suggested mr miliband had only rejected the idea because he was ` under pressure from the conservative press ' .\"]\n", + "=======================\n", + "[\"alex salmond said ed miliband would find it difficult to avoid an snp dealformer snp leader also said miliband was ` foolish ' to rule out coalitionhe said all parties would have to face up to the ` electorate 's judgment 'nicola sturgeon warned miliband not to allow cameron back into power\"]\n", + "alex salmond has stepped up the pressure on ed miliband saying he wo n't be able to avoid a deal with the snp and was ` foolish ' to rule out a coalitionhe said all parties would have to face up to the ` electorate 's judgment ' after polling day on may 7 .when questioned about a potential coalition with labour , he suggested mr miliband had only rejected the idea because he was ` under pressure from the conservative press ' .\n", + "alex salmond said ed miliband would find it difficult to avoid an snp dealformer snp leader also said miliband was ` foolish ' to rule out coalitionhe said all parties would have to face up to the ` electorate 's judgment 'nicola sturgeon warned miliband not to allow cameron back into power\n", + "[1.1367099 1.1637996 1.1886364 1.0976427 1.1004199 1.0768658 1.0808861\n", + " 1.1058453 1.1901689 1.1267056 1.019581 1.0210841 1.042063 1.0531763\n", + " 1.0339615 1.0180475 1.0234548 1.0461382 1.1165993 1.03266 1.019006 ]\n", + "\n", + "[ 8 2 1 0 9 18 7 4 3 6 5 13 17 12 14 19 16 11 10 20 15]\n", + "=======================\n", + "[\"here 's my list of pet hates -- which gets longer by the day :among the feel-good experiences were said to be fresh sheets and popping bubble wrap .an example of this banality last week was one about what makes us most happy .\"]\n", + "=======================\n", + "['an increasing number of surveys claim to reveal what makes us happiestbut are these generic lists really of any use to us ?janet street-porter makes her own list - of things making her unhappy !']\n", + "here 's my list of pet hates -- which gets longer by the day :among the feel-good experiences were said to be fresh sheets and popping bubble wrap .an example of this banality last week was one about what makes us most happy .\n", + "an increasing number of surveys claim to reveal what makes us happiestbut are these generic lists really of any use to us ?janet street-porter makes her own list - of things making her unhappy !\n", + "[1.225186 1.1841695 1.3409328 1.3017098 1.092867 1.0841482 1.0647072\n", + " 1.0961785 1.0904235 1.0312089 1.094559 1.0322641 1.0476128 1.0433961\n", + " 1.1301435 1.0753771 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 1 14 7 10 4 8 5 15 6 12 13 11 9 16 17 18 19]\n", + "=======================\n", + "[\"for despite being set to marry , the alcoholic benefits claimant still has a live profile on the site where he met his bride-to-be .despite being engaged for the fourth time and having already fathered 40 children by 20 different women , mike holpin still has an active online dating profilefamily : holpin says that he loves sex and wo n't use contraception - even though 16 of his children were taken into care\"]\n", + "=======================\n", + "['mike holpin , from ebbw vale in monmouthshire , has at least 40 childrenthe 56-year-old is set to marry for fourth time after meeting partner onlinehis dating profile on plenty of fish is still active despite him being engagedone of his dozens of children said he wished he had never met his fathermike holpin junior , 22 , claimed he would rather have been related to hitler']\n", + "for despite being set to marry , the alcoholic benefits claimant still has a live profile on the site where he met his bride-to-be .despite being engaged for the fourth time and having already fathered 40 children by 20 different women , mike holpin still has an active online dating profilefamily : holpin says that he loves sex and wo n't use contraception - even though 16 of his children were taken into care\n", + "mike holpin , from ebbw vale in monmouthshire , has at least 40 childrenthe 56-year-old is set to marry for fourth time after meeting partner onlinehis dating profile on plenty of fish is still active despite him being engagedone of his dozens of children said he wished he had never met his fathermike holpin junior , 22 , claimed he would rather have been related to hitler\n", + "[1.0592214 1.3561893 1.127152 1.0854117 1.1176394 1.111447 1.0244576\n", + " 1.2183273 1.0417957 1.0588051 1.202047 1.0459328 1.0329233 1.0612397\n", + " 1.0324568 1.0465219 1.0161065 1.0171105 1.1523283 1.0273453]\n", + "\n", + "[ 1 7 10 18 2 4 5 3 13 0 9 15 11 8 12 14 19 6 17 16]\n", + "=======================\n", + "[\"italians embrace the cricket world cup ( yes , really ) , a neville takes charge of england and it 's not looking good for the rickies .the future of test cricket could be in line for a change now colin graves is the new ecb chiefmancini 's inter milan are way off the pace in serie a\"]\n", + "=======================\n", + "['rickie lambert is likely to miss out when liverpool play arsenalrickie fowler has been urged to develop a nasty streak at augustaphil jones - can louis van gaal find his perfect position ?roberto mancini has a huge italian job on his hands at inter milanbut he probably enjoyed coverage of the cricket world cup in the paper']\n", + "italians embrace the cricket world cup ( yes , really ) , a neville takes charge of england and it 's not looking good for the rickies .the future of test cricket could be in line for a change now colin graves is the new ecb chiefmancini 's inter milan are way off the pace in serie a\n", + "rickie lambert is likely to miss out when liverpool play arsenalrickie fowler has been urged to develop a nasty streak at augustaphil jones - can louis van gaal find his perfect position ?roberto mancini has a huge italian job on his hands at inter milanbut he probably enjoyed coverage of the cricket world cup in the paper\n", + "[1.2673527 1.5951765 1.3484397 1.3162652 1.2721102 1.1315664 1.058155\n", + " 1.0126396 1.0141618 1.0139053 1.0131505 1.2879637 1.0679737 1.0880251\n", + " 1.1486847 1.0720627 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 11 4 0 14 5 13 15 12 6 8 9 10 7 18 16 17 19]\n", + "=======================\n", + "['deva joseph , 14 , was reduced to tears at london stansted airport after being told she would not be allowed to take her flight home to spain .the teenager offered to pay for the second item to be put in the hold but was told only credit cards would be accepted - even though she is too young to have one .a schoolgirl was left stranded at a busy airport after easyjet refused to let her board its plane - because she was carrying two pieces of hand luggage ( file picture )']\n", + "=======================\n", + "[\"deva joseph hit problems when she could n't fit handbag inside suitcase14-year-old left in floods of tears after flight to spain left without heroffered to pay for bag to go in hold but was told she needed a credit cardeasyjet said it should have made an exception to policy of accepting cash\"]\n", + "deva joseph , 14 , was reduced to tears at london stansted airport after being told she would not be allowed to take her flight home to spain .the teenager offered to pay for the second item to be put in the hold but was told only credit cards would be accepted - even though she is too young to have one .a schoolgirl was left stranded at a busy airport after easyjet refused to let her board its plane - because she was carrying two pieces of hand luggage ( file picture )\n", + "deva joseph hit problems when she could n't fit handbag inside suitcase14-year-old left in floods of tears after flight to spain left without heroffered to pay for bag to go in hold but was told she needed a credit cardeasyjet said it should have made an exception to policy of accepting cash\n", + "[1.6770759 1.1037679 1.1503904 1.1034911 1.3430052 1.1382543 1.185998\n", + " 1.1529915 1.1315743 1.2546542 1.0324622 1.0610286 1.0076679 1.006754\n", + " 1.0068218 1.0087783 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 9 6 7 2 5 8 1 3 11 10 15 12 14 13 18 16 17 19]\n", + "=======================\n", + "['top-ranked serena williams overcame a stiff challenge in the opening set for a 7-6 ( 5 ) , 6-2 win over camila giorgi on saturday to give the united states a 1-0 lead over italy in a fed cup world group playoff .serena williams handed usa the lead against italy with a first victory in the fed cupwilliams defeated camila giorgi 7-6 , 6-2 on the clay in brindisi , italy']\n", + "=======================\n", + "['usa face italy in a fed cup world play off in brindisiworld no 1 serena williams defeated camila giorgi 7-5 , 6-2lauren davies will play sara errani in the second singles match']\n", + "top-ranked serena williams overcame a stiff challenge in the opening set for a 7-6 ( 5 ) , 6-2 win over camila giorgi on saturday to give the united states a 1-0 lead over italy in a fed cup world group playoff .serena williams handed usa the lead against italy with a first victory in the fed cupwilliams defeated camila giorgi 7-6 , 6-2 on the clay in brindisi , italy\n", + "usa face italy in a fed cup world play off in brindisiworld no 1 serena williams defeated camila giorgi 7-5 , 6-2lauren davies will play sara errani in the second singles match\n", + "[1.2788771 1.4615631 1.2977579 1.3514497 1.2162634 1.1155868 1.109161\n", + " 1.1513101 1.0309813 1.0234505 1.0149251 1.2361286 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 11 4 7 5 6 8 9 10 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"jesse norman allegedly gave out cake while campaigning for re-election at an asda supermarket in his hereford constituency .claim : mp jesse norman is being investigated by police over claims he attempted to ` bribe ' voters with chocolate cake , pictured abovewest mercia police last night said it was investigating reports of a breach of the representation of the people act 1983 , which bans election candidates from providing food , drink or entertainment in a bid to win votes .\"]\n", + "=======================\n", + "['jesse norman allegedly gave out cake while campaigning for re-electionelection candidates banned from providing food in bid to win voteswest mercia police confirm they are investigating the allegation']\n", + "jesse norman allegedly gave out cake while campaigning for re-election at an asda supermarket in his hereford constituency .claim : mp jesse norman is being investigated by police over claims he attempted to ` bribe ' voters with chocolate cake , pictured abovewest mercia police last night said it was investigating reports of a breach of the representation of the people act 1983 , which bans election candidates from providing food , drink or entertainment in a bid to win votes .\n", + "jesse norman allegedly gave out cake while campaigning for re-electionelection candidates banned from providing food in bid to win voteswest mercia police confirm they are investigating the allegation\n", + "[1.0908848 1.1601318 1.445245 1.2542851 1.3404512 1.2064445 1.0797095\n", + " 1.0456827 1.022989 1.0563952 1.0469699 1.1482847 1.1559784 1.1026082\n", + " 1.1199698 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 4 3 5 1 12 11 14 13 0 6 9 10 7 8 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the college student spotted the car on the streets of mississauga , canada , last autumn and began following in his own vehicle .` time to shine ' : nasr bitar saw taking the perfect selfie with google street view as a chance to ` shine 'to get the all important ` selfie ' - and make an appearance on the street view map .\"]\n", + "=======================\n", + "[\"nasr bitar spotted google street view car driving around last autumndecided it was ` his time to shine ' with it so followed in his car to get a selfiesensing the perfect moment , he got out and took the snap in mississaugapicture of nasr 's selfie and the street view image shared 2.9 million times\"]\n", + "the college student spotted the car on the streets of mississauga , canada , last autumn and began following in his own vehicle .` time to shine ' : nasr bitar saw taking the perfect selfie with google street view as a chance to ` shine 'to get the all important ` selfie ' - and make an appearance on the street view map .\n", + "nasr bitar spotted google street view car driving around last autumndecided it was ` his time to shine ' with it so followed in his car to get a selfiesensing the perfect moment , he got out and took the snap in mississaugapicture of nasr 's selfie and the street view image shared 2.9 million times\n", + "[1.2447532 1.2039733 1.3992943 1.3267181 1.0641482 1.0583503 1.2082146\n", + " 1.0684179 1.0626074 1.0807716 1.0937717 1.0486277 1.052496 1.0321684\n", + " 1.0280119 1.0152603 1.1256061 1.0793804 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 6 1 16 10 9 17 7 4 8 5 12 11 13 14 15 19 18 20]\n", + "=======================\n", + "[\"christine royles , 24 , of south portland , who is suffering from kidney failure , organized fundraisers to reimburse dall-leighton for unpaid time away from work .the donor , josh dall-leighton of windham said that maine medical center officials informed him this week that it has concerns about the amount of money raised for him .a hospital has delayed kidney transplant surgery after a fundraising effort on behalf of donor to cover his time off work and expenses raised so much money it is now an ` ethical issue '\"]\n", + "=======================\n", + "['donor , josh dall-leighton said maine medical center officials informed them it has concerns about amount of money raised for themchristine royles , 24 , who has kidney failure , organized fundraisers to reimburse dall-leighton for unpaid time away from workonline fund has ballooned to more than $ 40,000royles painted an appeal for a donor on the rear window of her car']\n", + "christine royles , 24 , of south portland , who is suffering from kidney failure , organized fundraisers to reimburse dall-leighton for unpaid time away from work .the donor , josh dall-leighton of windham said that maine medical center officials informed him this week that it has concerns about the amount of money raised for him .a hospital has delayed kidney transplant surgery after a fundraising effort on behalf of donor to cover his time off work and expenses raised so much money it is now an ` ethical issue '\n", + "donor , josh dall-leighton said maine medical center officials informed them it has concerns about amount of money raised for themchristine royles , 24 , who has kidney failure , organized fundraisers to reimburse dall-leighton for unpaid time away from workonline fund has ballooned to more than $ 40,000royles painted an appeal for a donor on the rear window of her car\n", + "[1.3269365 1.4493276 1.2097929 1.1660907 1.1841822 1.1139194 1.1753924\n", + " 1.0736189 1.1103623 1.100547 1.0733267 1.0525017 1.0538527 1.1139382\n", + " 1.0807761 1.0827085 1.0275556 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 6 3 13 5 8 9 15 14 7 10 12 11 16 19 17 18 20]\n", + "=======================\n", + "[\"kim ki-jong , 55 , was also indicted wednesday on charges of assaulting a foreign envoy and obstruction , according to an official at the seoul central district prosecutors ' office , who did not want to be named , citing department rules .on monday , the recovering diplomat , mark lippert , was pictured out on the streets of seoul flanked by five bodyguards .us ambassador mark lippert was pictured with five bodyguards on wednesday , following the attack that left his arm in a cast\"]\n", + "=======================\n", + "['kim ki-jong , 55 , was indicted on charges of attempted murder for allegedly slashing u.s. ambassador mark lippert with a razor at a breakfast forumprosecutors have also been investigating whether kim violated a controversial law that bans praise or assistance for north koreaactivist kim blames the presence of 28,500 u.s. troops in the south as a deterrent to the north for the continuing split of the korean peninsula']\n", + "kim ki-jong , 55 , was also indicted wednesday on charges of assaulting a foreign envoy and obstruction , according to an official at the seoul central district prosecutors ' office , who did not want to be named , citing department rules .on monday , the recovering diplomat , mark lippert , was pictured out on the streets of seoul flanked by five bodyguards .us ambassador mark lippert was pictured with five bodyguards on wednesday , following the attack that left his arm in a cast\n", + "kim ki-jong , 55 , was indicted on charges of attempted murder for allegedly slashing u.s. ambassador mark lippert with a razor at a breakfast forumprosecutors have also been investigating whether kim violated a controversial law that bans praise or assistance for north koreaactivist kim blames the presence of 28,500 u.s. troops in the south as a deterrent to the north for the continuing split of the korean peninsula\n", + "[1.1854218 1.4615139 1.1406031 1.3434788 1.1946979 1.1475646 1.1183306\n", + " 1.0611212 1.1376574 1.0914136 1.120023 1.093643 1.0377082 1.1590769\n", + " 1.0579613 1.0348474 1.0271193 1.0521936 1.0157137 1.006895 1.0058714]\n", + "\n", + "[ 1 3 4 0 13 5 2 8 10 6 11 9 7 14 17 12 15 16 18 19 20]\n", + "=======================\n", + "[\"the former drummer and a founding member of the southern hard rock band lynyrd skynyrd , robert ` bob ' burns jr , died late friday in a single-vehicle crash near cartersville , georgia .cartersville is about 125 miles away from macon , georgia , where duane allman died in a 1971 motorcycle crashburns was one of five people who founded the band in jacksonville , florida , and played on its first two albums\"]\n", + "=======================\n", + "['his vehicle struck mailbox as it was approaching a curve near cartersvilleburns helped found the southern hard rock band in jacksonville , floridaplayed on hit songs like sweet home alabama , simple man and free birdcartersville is about 125 miles away from macon , where duane allman diedafter 1971 death of allman brothers guitarist , skynrd dedicated free birdthree other band members were previously killed in a plane crash in 1977']\n", + "the former drummer and a founding member of the southern hard rock band lynyrd skynyrd , robert ` bob ' burns jr , died late friday in a single-vehicle crash near cartersville , georgia .cartersville is about 125 miles away from macon , georgia , where duane allman died in a 1971 motorcycle crashburns was one of five people who founded the band in jacksonville , florida , and played on its first two albums\n", + "his vehicle struck mailbox as it was approaching a curve near cartersvilleburns helped found the southern hard rock band in jacksonville , floridaplayed on hit songs like sweet home alabama , simple man and free birdcartersville is about 125 miles away from macon , where duane allman diedafter 1971 death of allman brothers guitarist , skynrd dedicated free birdthree other band members were previously killed in a plane crash in 1977\n", + "[1.3344828 1.3928825 1.3798076 1.4336399 1.2767074 1.1523489 1.098652\n", + " 1.0242896 1.0143152 1.0123605 1.0113586 1.240926 1.2154071 1.0078602\n", + " 1.0084105 1.0089208 1.0104641 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 0 4 11 12 5 6 7 8 9 10 16 15 14 13 17 18 19 20]\n", + "=======================\n", + "[\"divock origi signed for liverpool for # 10million last summer before being loaned back to former club lillebelgium international origi has also received messages from members of the club 's management team to let him know they are monitoring his progress closely during his season-long loan at french side lille .divock origi has revealed that compatriot simon mignolet has been helping him prepare for the ` special feeling ' of playing at anfield and the goalkeeper has given him tips about the best places to go in liverpool .\"]\n", + "=======================\n", + "['belgium striker divock origi signed for liverpool for # 10m last summerorigi was then loaned back to french side lille for the whole of this seasonthe 20-year-old has been in contact with simon mignolet about liverpoolnational team-mate mignolet has been giving origi advice about the citymembers of the management have also messaged origi throughout season']\n", + "divock origi signed for liverpool for # 10million last summer before being loaned back to former club lillebelgium international origi has also received messages from members of the club 's management team to let him know they are monitoring his progress closely during his season-long loan at french side lille .divock origi has revealed that compatriot simon mignolet has been helping him prepare for the ` special feeling ' of playing at anfield and the goalkeeper has given him tips about the best places to go in liverpool .\n", + "belgium striker divock origi signed for liverpool for # 10m last summerorigi was then loaned back to french side lille for the whole of this seasonthe 20-year-old has been in contact with simon mignolet about liverpoolnational team-mate mignolet has been giving origi advice about the citymembers of the management have also messaged origi throughout season\n", + "[1.342532 1.2639493 1.1152432 1.3511358 1.1101996 1.0600952 1.1553915\n", + " 1.1724181 1.0682187 1.1557858 1.0239112 1.0216401 1.0321165 1.0459124\n", + " 1.01522 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 7 9 6 2 4 8 5 13 12 10 11 14 18 15 16 17 19]\n", + "=======================\n", + "['president barack obama this morning put a human face on the harmful effects climate change can have on public health - his daughter maliawhile making the case that higher temperatures lead to increases in wildfires , which send allergy-causing particulates into the air that can lead to greater and more serious incidents of asthma , the president recalled his own child \\'s run-in with the disease as a toddler .the president said he can ` relate to ... the fear a parent has when your four-year-old daughter comes up to you and says , \" daddy , i \\'m having trouble breathing . \" \\'']\n", + "=======================\n", + "['said he can relate to ` fear a parent has when your four-year-old daughter comes up to you and says , \" daddy , i \\'m having trouble breathing \" \\'health scare resulted in a single trip to the emergency room for malia - who at the age of 16 now lives an active life , inhaler freebut other children are n\\'t so fortunate ; they they find themselves in and out the emergency room several times a year , he saidwhite house says higher temperatures lead to increases in wildfires , which send allergy-causing particulates into the air that can lead to greater and more serious incidents of asthmanew initiative aimed at slowing the pace of global warming puts front and center the personal cost of inaction']\n", + "president barack obama this morning put a human face on the harmful effects climate change can have on public health - his daughter maliawhile making the case that higher temperatures lead to increases in wildfires , which send allergy-causing particulates into the air that can lead to greater and more serious incidents of asthma , the president recalled his own child 's run-in with the disease as a toddler .the president said he can ` relate to ... the fear a parent has when your four-year-old daughter comes up to you and says , \" daddy , i 'm having trouble breathing . \" '\n", + "said he can relate to ` fear a parent has when your four-year-old daughter comes up to you and says , \" daddy , i 'm having trouble breathing \" 'health scare resulted in a single trip to the emergency room for malia - who at the age of 16 now lives an active life , inhaler freebut other children are n't so fortunate ; they they find themselves in and out the emergency room several times a year , he saidwhite house says higher temperatures lead to increases in wildfires , which send allergy-causing particulates into the air that can lead to greater and more serious incidents of asthmanew initiative aimed at slowing the pace of global warming puts front and center the personal cost of inaction\n", + "[1.2498643 1.5816604 1.3026934 1.3197806 1.2292671 1.0527452 1.0220764\n", + " 1.0184953 1.0162268 1.0691599 1.0683911 1.0556586 1.0634232 1.063379\n", + " 1.0309176 1.019475 1.0244926 1.0435938 1.0452557 1.0207888]\n", + "\n", + "[ 1 3 2 0 4 9 10 12 13 11 5 18 17 14 16 6 19 15 7 8]\n", + "=======================\n", + "['david tungate , 58 , was left devastated after the marriage to his first gambian wife broke down shortly after he brought her to the uk .david tungate with his fiancee isatou jarjuhe then remarried , but his second wife , also from gambia , turned out to be a serial bigamist who conned him out of # 24,000 of his retirement money and left him close to bankruptcy .']\n", + "=======================\n", + "[\"david tungate , 58 , from norwich , is engaged to a 30 year old from gambiahe has already been married three times - twice to gambian womenhis last wife was a bigamist who became pregnant with another man 's baby\"]\n", + "david tungate , 58 , was left devastated after the marriage to his first gambian wife broke down shortly after he brought her to the uk .david tungate with his fiancee isatou jarjuhe then remarried , but his second wife , also from gambia , turned out to be a serial bigamist who conned him out of # 24,000 of his retirement money and left him close to bankruptcy .\n", + "david tungate , 58 , from norwich , is engaged to a 30 year old from gambiahe has already been married three times - twice to gambian womenhis last wife was a bigamist who became pregnant with another man 's baby\n", + "[1.5068144 1.1656722 1.5360347 1.2473749 1.138413 1.06323 1.0254586\n", + " 1.0965524 1.0584216 1.1331444 1.0675842 1.070054 1.0169314 1.0156201\n", + " 1.0209798 1.0686569 1.1097678 1.0731955 0. 0. ]\n", + "\n", + "[ 2 0 3 1 4 9 16 7 17 11 15 10 5 8 6 14 12 13 18 19]\n", + "=======================\n", + "['builder mark lawson , 44 , was in the diamond tap public house in newbury , berkshire for his christmas party when he agreed that his co-worker simon myers could take some chips from his plate .however , when mr myers started eating an onion ring , lawson was angered , shouted at his victim and drove the knife into his thigh .a pub diner who stabbed a work colleague in the leg with a steak knife in a row over his onion rings was spared jail today .']\n", + "=======================\n", + "['simon myers had asked mark lawson if he could have some of his chipslawson agreed , but reacted angrily when mr myers took onion ring insteadincident , that started as a joke , took place at the work christmas partylawson was given a six-month prison sentence suspended for a year']\n", + "builder mark lawson , 44 , was in the diamond tap public house in newbury , berkshire for his christmas party when he agreed that his co-worker simon myers could take some chips from his plate .however , when mr myers started eating an onion ring , lawson was angered , shouted at his victim and drove the knife into his thigh .a pub diner who stabbed a work colleague in the leg with a steak knife in a row over his onion rings was spared jail today .\n", + "simon myers had asked mark lawson if he could have some of his chipslawson agreed , but reacted angrily when mr myers took onion ring insteadincident , that started as a joke , took place at the work christmas partylawson was given a six-month prison sentence suspended for a year\n", + "[1.2889994 1.5029101 1.2515211 1.0959352 1.1951108 1.3426142 1.1513262\n", + " 1.0765002 1.1489457 1.0649214 1.0333974 1.0260262 1.0423319 1.0136776\n", + " 1.0555881 1.0078996 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 0 2 4 6 8 3 7 9 14 12 10 11 13 15 16 17 18 19]\n", + "=======================\n", + "[\"the 26-year-old 's burned body was found around five metres from a road in cocoparra national park , north of griffith , nsw , on friday afternoon by police in an area where her accused killer went on regular camping trips .the body of stephanie scott , pictured with her mother on a wine tour for her hen party last month in canberra , has been formally identified after an autopsy was carried out this weeknsw health says a post-mortem has been completed at glebe morgue in sydney and a report is in the hands of the coroner .\"]\n", + "=======================\n", + "[\"stephanie scott 's remains were formally identified during an autopsythe corner will now attempt to determine the cause of her deathpolice discovered the body in a remote national park on fridayshe went missing on easter sunday , just days before she was due to get married to her partner of five yearsher father has spoken out about the family 's pain , saying it 's difficult to be surrounded by reminders of her weddingpolice will contact authorities in holland as they investigate accused killer , vincent stanford , who was charged with stephanie 's murder\"]\n", + "the 26-year-old 's burned body was found around five metres from a road in cocoparra national park , north of griffith , nsw , on friday afternoon by police in an area where her accused killer went on regular camping trips .the body of stephanie scott , pictured with her mother on a wine tour for her hen party last month in canberra , has been formally identified after an autopsy was carried out this weeknsw health says a post-mortem has been completed at glebe morgue in sydney and a report is in the hands of the coroner .\n", + "stephanie scott 's remains were formally identified during an autopsythe corner will now attempt to determine the cause of her deathpolice discovered the body in a remote national park on fridayshe went missing on easter sunday , just days before she was due to get married to her partner of five yearsher father has spoken out about the family 's pain , saying it 's difficult to be surrounded by reminders of her weddingpolice will contact authorities in holland as they investigate accused killer , vincent stanford , who was charged with stephanie 's murder\n", + "[1.5730886 1.330198 1.3012671 1.1997536 1.0354964 1.0535094 1.2494956\n", + " 1.0109552 1.0105776 1.0122513 1.0113648 1.0759221 1.0338852 1.0413611\n", + " 1.2127703 1.0275488 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 6 14 3 11 5 13 4 12 15 9 10 7 8 18 16 17 19]\n", + "=======================\n", + "['falkirk booked their place in the scottish cup final with a smash-and-grab 1-0 win over hibernian at hampden park .the dominant easter road side hit the post just before the break through fraser fyvie and again in the second half through fellow midfielder scott allan , with the bairns rarely threatening .however , the hibees were stunned in the 74th minute when falkirk midfielder craig sibbald headed in a blair alston cross to set up a meeting on may 30 with either inverness or celtic .']\n", + "=======================\n", + "[\"craig sibbald 's 74th-minute header is enough to send falkirk throughfraser fyvie and scott allan both hit the post for hibs with the score at 0-0falkirk will play either inverness caledonian thistle or celtic on may 30\"]\n", + "falkirk booked their place in the scottish cup final with a smash-and-grab 1-0 win over hibernian at hampden park .the dominant easter road side hit the post just before the break through fraser fyvie and again in the second half through fellow midfielder scott allan , with the bairns rarely threatening .however , the hibees were stunned in the 74th minute when falkirk midfielder craig sibbald headed in a blair alston cross to set up a meeting on may 30 with either inverness or celtic .\n", + "craig sibbald 's 74th-minute header is enough to send falkirk throughfraser fyvie and scott allan both hit the post for hibs with the score at 0-0falkirk will play either inverness caledonian thistle or celtic on may 30\n", + "[1.6005144 1.2441397 1.1375573 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 16 15 14 13 12 11 10 9 8 7 6 5 4 3 17 18]\n", + "=======================\n", + "[\"scott dann was a fraction offside when he set up glenn murray for palace 's first goal ( 2 ) , but it would be harsh to put too much blame on assistant john brooks .he was spot on with two equally tight calls in the same move -- before dann got the ball ( 1 ) and for murray 's finish ( 3 ) .the speed of it , plus two players blocking his view , made it unbelievably hard for him to get all three right .\"]\n", + "=======================\n", + "['scott dann was a fraction offside when he set up glenn murrayassistant john brooks was spot on with two close calls in same movecrystal palace beat manchester city 2-1 in premier league on monday']\n", + "scott dann was a fraction offside when he set up glenn murray for palace 's first goal ( 2 ) , but it would be harsh to put too much blame on assistant john brooks .he was spot on with two equally tight calls in the same move -- before dann got the ball ( 1 ) and for murray 's finish ( 3 ) .the speed of it , plus two players blocking his view , made it unbelievably hard for him to get all three right .\n", + "scott dann was a fraction offside when he set up glenn murrayassistant john brooks was spot on with two close calls in same movecrystal palace beat manchester city 2-1 in premier league on monday\n", + "[1.2338572 1.2069556 1.2405565 1.391615 1.3831948 1.2492499 1.1681969\n", + " 1.0717678 1.0806122 1.0824065 1.1268017 1.0836824 1.0090109 1.0908934\n", + " 1.1226231 1.0213349 1.0662346 1.0419894 1.0241038]\n", + "\n", + "[ 3 4 5 2 0 1 6 10 14 13 11 9 8 7 16 17 18 15 12]\n", + "=======================\n", + "['leo greene , 39 , of salt lake city was asked to hand over the keys to his car by police when he drove off , crashed through the fence lines and onto the tarmac area before crashing into another fence .he was arrested and now faces multiple charges including driving under the influence , fleeing and resisting arrest .a man has been arrested after crashing through two fences and sprinting from police onto a runway during an eight-minute chase at a utah airport .']\n", + "=======================\n", + "['leo greene , 39 , of salt lake city crashed through airport fence on mondaypolice tried to stop the car with its bumper hanging before the chasegreene was asked for his keys when he drove off and crashed into fenceshe jumped out of his car and ran to a shed before being forced to groundgreene faces multiple charges including driving under the influence , fleeing and resisting ; he is also also being booked for property damagefence damages are estimated at $ 4,500']\n", + "leo greene , 39 , of salt lake city was asked to hand over the keys to his car by police when he drove off , crashed through the fence lines and onto the tarmac area before crashing into another fence .he was arrested and now faces multiple charges including driving under the influence , fleeing and resisting arrest .a man has been arrested after crashing through two fences and sprinting from police onto a runway during an eight-minute chase at a utah airport .\n", + "leo greene , 39 , of salt lake city crashed through airport fence on mondaypolice tried to stop the car with its bumper hanging before the chasegreene was asked for his keys when he drove off and crashed into fenceshe jumped out of his car and ran to a shed before being forced to groundgreene faces multiple charges including driving under the influence , fleeing and resisting ; he is also also being booked for property damagefence damages are estimated at $ 4,500\n", + "[1.2303991 1.4007962 1.2186366 1.2722616 1.2714158 1.219204 1.1228749\n", + " 1.0998669 1.133281 1.1519047 1.0466791 1.135708 1.0482303 1.0893463\n", + " 1.0646292 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 0 5 2 9 11 8 6 7 13 14 12 10 17 15 16 18]\n", + "=======================\n", + "['indian media reported that the boeing 777-300er first diverted to chhatrapati shivaji international airport to refuel about eight hours into its flight from southern china to addis ababa .a 10-hour flight turned into a lengthy delay as an ethiopian airlines plane diverted twice to mumbaiflight et607 was carrying 283 passengers and 14 crew members from guangzhou , china when it had to change course and refuel in mumbai at about 4:15 am local time yesterday .']\n", + "=======================\n", + "[\"plane was flying from guangzhou , china to addis ababa , ethiopiaboeing 777-300er was forced to land in mumbai the first time to refuelit departed but had to return due to engine trouble , indian media reportedpassengers disembarked and were transferred to a hotelwhat should have been a 10-hour flight turned into a day-long delayethiopian was recently named one of the world 's most reliable carriers\"]\n", + "indian media reported that the boeing 777-300er first diverted to chhatrapati shivaji international airport to refuel about eight hours into its flight from southern china to addis ababa .a 10-hour flight turned into a lengthy delay as an ethiopian airlines plane diverted twice to mumbaiflight et607 was carrying 283 passengers and 14 crew members from guangzhou , china when it had to change course and refuel in mumbai at about 4:15 am local time yesterday .\n", + "plane was flying from guangzhou , china to addis ababa , ethiopiaboeing 777-300er was forced to land in mumbai the first time to refuelit departed but had to return due to engine trouble , indian media reportedpassengers disembarked and were transferred to a hotelwhat should have been a 10-hour flight turned into a day-long delayethiopian was recently named one of the world 's most reliable carriers\n", + "[1.2870269 1.4230125 1.2763168 1.2613547 1.1727341 1.1184555 1.0297915\n", + " 1.0435297 1.1011546 1.2159184 1.0653421 1.1015636 1.0103378 1.009104\n", + " 1.0099883 1.009827 1.0679159 1.0458431 0. ]\n", + "\n", + "[ 1 0 2 3 9 4 5 11 8 16 10 17 7 6 12 14 15 13 18]\n", + "=======================\n", + "[\"the university of houston said in a statement tuesday that it was paying mcconaughey speaking fees totaling $ 135,000 plus travel expenses , as well as a $ 20,250 commission to the celebrity talent international booking agency engaged by the university .a texas university that booked matthew mcconaughey as its may commencement speaker has broken the silence on the texas-born actor 's speaking fee .meanwhile , the statement says mcconaughey is donating his fees to his jk livin foundation , which the actor started to provide tools to help high school students lead active lives and make healthy choices for the future .\"]\n", + "=======================\n", + "[\"the public texas university first balked at disclosing the actor 's fee but has since caved , saying a confidentiality agreement is no longer bindingactor 's jk livin foundation provides ` tools to help high school students lead active lives and make healthy choices for the future '\"]\n", + "the university of houston said in a statement tuesday that it was paying mcconaughey speaking fees totaling $ 135,000 plus travel expenses , as well as a $ 20,250 commission to the celebrity talent international booking agency engaged by the university .a texas university that booked matthew mcconaughey as its may commencement speaker has broken the silence on the texas-born actor 's speaking fee .meanwhile , the statement says mcconaughey is donating his fees to his jk livin foundation , which the actor started to provide tools to help high school students lead active lives and make healthy choices for the future .\n", + "the public texas university first balked at disclosing the actor 's fee but has since caved , saying a confidentiality agreement is no longer bindingactor 's jk livin foundation provides ` tools to help high school students lead active lives and make healthy choices for the future '\n", + "[1.3185072 1.3674202 1.2203486 1.3192058 1.1428041 1.1417451 1.1268471\n", + " 1.1819682 1.1063101 1.0830439 1.020475 1.0306964 1.0127076 1.0123855\n", + " 1.1845715 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 14 7 4 5 6 8 9 11 10 12 13 17 15 16 18]\n", + "=======================\n", + "[\"mr umunna , increasingly tipped as a likely successor to ed miliband , said he was opposed to ` taxing for the sake of taxing ' .labour appeared split on its proposed new 50p top rate of income tax today after shadow business secretary chuka umunna said it should only be a temporary measure .his remarks highlighted divisions in labour 's top ranks over the 50p rate , introduced for the last few weeks of gordon brown 's government as a trap for the tories .\"]\n", + "=======================\n", + "[\"mr umunna said he was opposed to ` taxing for the sake of taxing 'business secretary said re-introduction of the rate should be temporaryhis remarks highlighted divisions in labour 's top ranks over the 50p rateed miliband said the 50p top rate of tax was ` about fairness in our society '\"]\n", + "mr umunna , increasingly tipped as a likely successor to ed miliband , said he was opposed to ` taxing for the sake of taxing ' .labour appeared split on its proposed new 50p top rate of income tax today after shadow business secretary chuka umunna said it should only be a temporary measure .his remarks highlighted divisions in labour 's top ranks over the 50p rate , introduced for the last few weeks of gordon brown 's government as a trap for the tories .\n", + "mr umunna said he was opposed to ` taxing for the sake of taxing 'business secretary said re-introduction of the rate should be temporaryhis remarks highlighted divisions in labour 's top ranks over the 50p rateed miliband said the 50p top rate of tax was ` about fairness in our society '\n", + "[1.3752337 1.4948311 1.3004736 1.3035553 1.1840919 1.0624441 1.0237547\n", + " 1.038654 1.0174084 1.1402137 1.2456328 1.0937304 1.0211247 1.0436794\n", + " 1.0668923 1.0298771 1.0140315 1.0458412 1.0469087 1.0247627 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 3 2 10 4 9 11 14 5 18 17 13 7 15 19 6 12 8 16 21 20 22]\n", + "=======================\n", + "[\"framed squad photographs of sir bobby alongside the likes of alan shearer , gary speed , nobby solano and shay given have been found discarded alongside grass cuttings , cardboard boxes and bin bags .the pictures were removed from corporate boxes inside the stadium and have been replaced by more recent images .the skip was situated outside st james ' park where fans were able to spot the disgraceful move by the club\"]\n", + "=======================\n", + "[\"newcastle fans angered after club dump pictures of sir bobby robsonsir bobby 's side finished fourth and qualified for the champions league back in 2001-2002 in what was one of their most successful seasonssupporters are upset over a lack of respect to their former manageralan shearer , nolberto solano and gary speed are included in the photosclick here for all the latest newcastle united news\"]\n", + "framed squad photographs of sir bobby alongside the likes of alan shearer , gary speed , nobby solano and shay given have been found discarded alongside grass cuttings , cardboard boxes and bin bags .the pictures were removed from corporate boxes inside the stadium and have been replaced by more recent images .the skip was situated outside st james ' park where fans were able to spot the disgraceful move by the club\n", + "newcastle fans angered after club dump pictures of sir bobby robsonsir bobby 's side finished fourth and qualified for the champions league back in 2001-2002 in what was one of their most successful seasonssupporters are upset over a lack of respect to their former manageralan shearer , nolberto solano and gary speed are included in the photosclick here for all the latest newcastle united news\n", + "[1.219729 1.4557672 1.3373873 1.2563806 1.3152452 1.1699342 1.2493216\n", + " 1.0784714 1.1355952 1.1218531 1.0526297 1.0093204 1.0114434 1.0146834\n", + " 1.0261035 1.019255 1.0249524 1.0124627 1.0130509 1.022516 1.0150373\n", + " 1.0785332 0. ]\n", + "\n", + "[ 1 2 4 3 6 0 5 8 9 21 7 10 14 16 19 15 20 13 18 17 12 11 22]\n", + "=======================\n", + "['emma dickson , of edinburgh , thought she would be planning her wedding to her fiance dougie , 26 , but ended up talking to him about her funeral when she was rushed to hospital and told she had developed blood clots which had moved to her lungs .the 31-year-old had two blood clots in her lungs , which led to a condition which caused her left lung to collapse - just a month before she was due to get married .a bride-to-be was left fighting for her life when her lung collapsed after she had been taking the contraceptive pill .']\n", + "=======================\n", + "[\"emma dickson was taking the contraceptive pill and then was taken to hospital after suffering with sharp pains last novemberdoctors said she had developed blood clots , which can be caused by synthetic hormones in the pill , and clots had moved up to her lungsclots , or pulmonary embolisms , were wedged in mrs dickson 's lungs and caused pleural effusion - where fluid starts to build up around the lungsfluid caused her left lung to collapse and she thought she would die\"]\n", + "emma dickson , of edinburgh , thought she would be planning her wedding to her fiance dougie , 26 , but ended up talking to him about her funeral when she was rushed to hospital and told she had developed blood clots which had moved to her lungs .the 31-year-old had two blood clots in her lungs , which led to a condition which caused her left lung to collapse - just a month before she was due to get married .a bride-to-be was left fighting for her life when her lung collapsed after she had been taking the contraceptive pill .\n", + "emma dickson was taking the contraceptive pill and then was taken to hospital after suffering with sharp pains last novemberdoctors said she had developed blood clots , which can be caused by synthetic hormones in the pill , and clots had moved up to her lungsclots , or pulmonary embolisms , were wedged in mrs dickson 's lungs and caused pleural effusion - where fluid starts to build up around the lungsfluid caused her left lung to collapse and she thought she would die\n", + "[1.265967 1.3825226 1.279945 1.2814008 1.2400825 1.1551459 1.050129\n", + " 1.082877 1.1959076 1.0826776 1.1528857 1.0319972 1.0160862 1.0160893\n", + " 1.0191749 1.0746827 1.0548972 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 8 5 10 7 9 15 16 6 11 14 13 12 21 17 18 19 20 22]\n", + "=======================\n", + "[\"ed miliband said it was ` not good enough ' for millions of workers not to know how many hours they would be working from one week to the next .labour party leader ed miliband announced the zero-hours contract ban to workers at david brown gear systems in huddersfield this morninghe said a labour government would give workers the right to demand a ` regular contract if they do regular hours ' after three months .\"]\n", + "=======================\n", + "[\"labour leader said it 's ` not good enough ' for staff not to have regular payhe said workers should get the right to a regular contract after 3 monthscomes after the pm struggled to say if he could live on zero-hours contract\"]\n", + "ed miliband said it was ` not good enough ' for millions of workers not to know how many hours they would be working from one week to the next .labour party leader ed miliband announced the zero-hours contract ban to workers at david brown gear systems in huddersfield this morninghe said a labour government would give workers the right to demand a ` regular contract if they do regular hours ' after three months .\n", + "labour leader said it 's ` not good enough ' for staff not to have regular payhe said workers should get the right to a regular contract after 3 monthscomes after the pm struggled to say if he could live on zero-hours contract\n", + "[1.2851561 1.1114838 1.1921293 1.4667264 1.1778924 1.1680919 1.2681415\n", + " 1.047772 1.1570339 1.0427195 1.0414145 1.032779 1.025149 1.0395964\n", + " 1.0194502 1.0140884 1.1797466 1.0195369 1.0488024 1.0176216 1.0208383\n", + " 1.0101289 1.0115726]\n", + "\n", + "[ 3 0 6 2 16 4 5 8 1 18 7 9 10 13 11 12 20 17 14 19 15 22 21]\n", + "=======================\n", + "[\"manny pacquiao will also earn more than $ 100million in las vegas on may 2 .floyd mayweather jnr recalls the reaction of his friends on the day he set himself up as an independent boxing business and told them : ` the time will come when i make a hundred million dollars in one night . 'mayweather is a little more than two weeks away from the richest-ever boxing fight against manny pacquiao\"]\n", + "=======================\n", + "[\"floyd mayweather held media workout at his gym - but turned up latehe is just over two weeks away from facing manny pacquiao on may 2mayweather will earn more than $ 180m from the richest fight in boxingbut he admitted he no longer enjoys the sport and will retire this yearmayweather plans to have one more fight in september to finish his careerricky hatton : pacquiao has style but mayweather ` will find a way to win 'click here to watch manny pacquiao 's open media workout live\"]\n", + "manny pacquiao will also earn more than $ 100million in las vegas on may 2 .floyd mayweather jnr recalls the reaction of his friends on the day he set himself up as an independent boxing business and told them : ` the time will come when i make a hundred million dollars in one night . 'mayweather is a little more than two weeks away from the richest-ever boxing fight against manny pacquiao\n", + "floyd mayweather held media workout at his gym - but turned up latehe is just over two weeks away from facing manny pacquiao on may 2mayweather will earn more than $ 180m from the richest fight in boxingbut he admitted he no longer enjoys the sport and will retire this yearmayweather plans to have one more fight in september to finish his careerricky hatton : pacquiao has style but mayweather ` will find a way to win 'click here to watch manny pacquiao 's open media workout live\n", + "[1.5273659 1.4678844 1.5517449 1.2826247 1.1167132 1.0408223 1.0211703\n", + " 1.0209051 1.0364085 1.0859298 1.124221 1.0517192 1.0200762 1.0208348\n", + " 1.0154098 1.0246333 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 1 3 10 4 9 11 5 8 15 6 7 13 12 14 21 16 17 18 19 20 22]\n", + "=======================\n", + "['wladimir klitschko goes up against bryant jennings in new york on saturday nightfury is the mandatory challenger to the long-reigning heavyweight champion and hopes to lure him to england in the autumn .klitschko has held a portion of the world title since 2000 but fury is convinced he is the man to beat him .']\n", + "=======================\n", + "['wladimir klitschko faces bryant jennings in new york on saturday nighttyson fury hopes his next fight will be against klitschko in septemberbritish heavyweight champion convinced he can take the wbo title']\n", + "wladimir klitschko goes up against bryant jennings in new york on saturday nightfury is the mandatory challenger to the long-reigning heavyweight champion and hopes to lure him to england in the autumn .klitschko has held a portion of the world title since 2000 but fury is convinced he is the man to beat him .\n", + "wladimir klitschko faces bryant jennings in new york on saturday nighttyson fury hopes his next fight will be against klitschko in septemberbritish heavyweight champion convinced he can take the wbo title\n", + "[1.1541411 1.3266437 1.0765924 1.0654918 1.2897352 1.101195 1.0540736\n", + " 1.0736599 1.0321593 1.1233612 1.0648432 1.1403438 1.1329609 1.0470964\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 11 12 9 5 2 7 3 10 6 13 8 14 15 16 17]\n", + "=======================\n", + "[\"the presence of blue origin , llc , the brainchild of amazon founder jeff bezos , barely registers in nearby van horn , a way station along interstate 10 , a full decade after he began buying land in one of texas ' largest and most remote counties .billionaires : amazon ceo jeff bezos ( left ) and spacex elon musk ( right ) have seemingly unlimited resources -- bezos ' wealth is estimated at nearly $ 35 billion , musk 's at $ 12 billionan isolated edge of vast west texas is home to a highly secretive part of the 21st-century space race , one of two being directed in the lone star state by internet billionaires whose personalities and corporate strategies seem worlds apart .\"]\n", + "=======================\n", + "[\"elon musk 's spacex and jeff bezos ' blue origin are among several us companies engaged in the private space businessblue origin , llc , keeps a low profile in van horn , texas , a way station along interstate 10the highly visible spacex venture is at the opposite end of the statebezos ' wealth is estimated at nearly $ 35 billion , musk 's at $ 12 billionboth men hope to launch a new era of commercial space operations , in part by cutting costs through reusable rockets\"]\n", + "the presence of blue origin , llc , the brainchild of amazon founder jeff bezos , barely registers in nearby van horn , a way station along interstate 10 , a full decade after he began buying land in one of texas ' largest and most remote counties .billionaires : amazon ceo jeff bezos ( left ) and spacex elon musk ( right ) have seemingly unlimited resources -- bezos ' wealth is estimated at nearly $ 35 billion , musk 's at $ 12 billionan isolated edge of vast west texas is home to a highly secretive part of the 21st-century space race , one of two being directed in the lone star state by internet billionaires whose personalities and corporate strategies seem worlds apart .\n", + "elon musk 's spacex and jeff bezos ' blue origin are among several us companies engaged in the private space businessblue origin , llc , keeps a low profile in van horn , texas , a way station along interstate 10the highly visible spacex venture is at the opposite end of the statebezos ' wealth is estimated at nearly $ 35 billion , musk 's at $ 12 billionboth men hope to launch a new era of commercial space operations , in part by cutting costs through reusable rockets\n", + "[1.2090367 1.3187143 1.3511422 1.4107579 1.2044712 1.1759777 1.0818611\n", + " 1.1419108 1.1937891 1.084897 1.0242395 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 1 0 4 8 5 7 9 6 10 16 11 12 13 14 15 17]\n", + "=======================\n", + "[\"william ` frankie ' dugan , 29 , and 32-year-old valerie ojo allegedly performed sex acts on two children aged five and six in oklahoma .the couple were charged in march after they allegedly committed forcible sodomy , incest and exploitation against two children , aged 5 and 6 .police fear that two serial pedophiles arrested last month may have had more victims .\"]\n", + "=======================\n", + "[\"authorities searching for other potential victims of william ` frankie ' dugan , 29 , and 32-year-old valerie ojo\"]\n", + "william ` frankie ' dugan , 29 , and 32-year-old valerie ojo allegedly performed sex acts on two children aged five and six in oklahoma .the couple were charged in march after they allegedly committed forcible sodomy , incest and exploitation against two children , aged 5 and 6 .police fear that two serial pedophiles arrested last month may have had more victims .\n", + "authorities searching for other potential victims of william ` frankie ' dugan , 29 , and 32-year-old valerie ojo\n", + "[1.2916707 1.4806834 1.3490211 1.3142184 1.146089 1.1730763 1.0600045\n", + " 1.0319582 1.1644812 1.0373898 1.1015321 1.0125785 1.0521808 1.0459806\n", + " 1.0405881 1.0534439 1.137193 1.0083972]\n", + "\n", + "[ 1 2 3 0 5 8 4 16 10 6 15 12 13 14 9 7 11 17]\n", + "=======================\n", + "[\"ten officers from guernsey police executed search warrants at the eagle medical practice and a private residential address on the island of alderney after the force was alerted by the health & social services department .the hssd said that following its initial investigation a doctor was excluded from treating patients at the mignot memorial hospital and the general medical council ( gmc ) was informed .police officers have raided a doctors ' surgery following ` concerns ' about the deaths of four patients in the channel islands .\"]\n", + "=======================\n", + "[\"police raided surgery on alderney as part of investigation into patient deathshealth and social services department alerted force to their ` concerns 'a doctor has been excluded from treating patients but no arrests made yetanyone with concerns urged to contact staff at mignot memorial hospital\"]\n", + "ten officers from guernsey police executed search warrants at the eagle medical practice and a private residential address on the island of alderney after the force was alerted by the health & social services department .the hssd said that following its initial investigation a doctor was excluded from treating patients at the mignot memorial hospital and the general medical council ( gmc ) was informed .police officers have raided a doctors ' surgery following ` concerns ' about the deaths of four patients in the channel islands .\n", + "police raided surgery on alderney as part of investigation into patient deathshealth and social services department alerted force to their ` concerns 'a doctor has been excluded from treating patients but no arrests made yetanyone with concerns urged to contact staff at mignot memorial hospital\n", + "[1.5012114 1.3239338 1.1406204 1.047622 1.3245237 1.2348151 1.0935707\n", + " 1.0925512 1.1023566 1.0442259 1.0572038 1.0176854 1.0132657 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 5 2 8 6 7 10 3 9 11 12 16 13 14 15 17]\n", + "=======================\n", + "[\"actress julia louis-dreyfus has revealed that the ultra-short hairstyle she models in the newest season of hbo 's political comedy veep was inspired by none other than presidential candidate hillary clinton .strictly business : julia louis-dreyfus covers marie claire 's career-oriented supplement @work , which is featured in the may issue of the magazine` hillary clinton has gotten so much sh ** for her hairstyles over the years , ' julia , who also features on the cover of the supplement , explained .\"]\n", + "=======================\n", + "[\"the 54-year-old actress covers marie claire 's career-oriented supplement , which is featured in the may issue of the magazine\"]\n", + "actress julia louis-dreyfus has revealed that the ultra-short hairstyle she models in the newest season of hbo 's political comedy veep was inspired by none other than presidential candidate hillary clinton .strictly business : julia louis-dreyfus covers marie claire 's career-oriented supplement @work , which is featured in the may issue of the magazine` hillary clinton has gotten so much sh ** for her hairstyles over the years , ' julia , who also features on the cover of the supplement , explained .\n", + "the 54-year-old actress covers marie claire 's career-oriented supplement , which is featured in the may issue of the magazine\n", + "[1.2173007 1.4794635 1.0674886 1.1632911 1.4042536 1.2745868 1.0471187\n", + " 1.1704334 1.1909969 1.0947355 1.0688509 1.0400027 1.025231 1.0782087\n", + " 1.0680357 1.0502967 0. 0. ]\n", + "\n", + "[ 1 4 5 0 8 7 3 9 13 10 14 2 15 6 11 12 16 17]\n", + "=======================\n", + "[\"robin thomas , of jonesboro , posted a sign on his truck that reads , ` looking for a date ?an arkansas single dad has decided to change up his romance strategy by putting an ad on the side of his pickup truck after not finding love online .thomas has three kids , aged six to 11 , who he said that his kids think the sign is ` cute ' .\"]\n", + "=======================\n", + "[\"robin thomas , of jonesboro , arkansas , says that he failed to find love with online dating sitesthe sign reads , ` looking for a date ?the retired cook is looking for a ` down-to-earth ' woman who 's ` at least 28 'thomas says his kids , aged six to 11 , think the advertisement is ` cute '\"]\n", + "robin thomas , of jonesboro , posted a sign on his truck that reads , ` looking for a date ?an arkansas single dad has decided to change up his romance strategy by putting an ad on the side of his pickup truck after not finding love online .thomas has three kids , aged six to 11 , who he said that his kids think the sign is ` cute ' .\n", + "robin thomas , of jonesboro , arkansas , says that he failed to find love with online dating sitesthe sign reads , ` looking for a date ?the retired cook is looking for a ` down-to-earth ' woman who 's ` at least 28 'thomas says his kids , aged six to 11 , think the advertisement is ` cute '\n", + "[1.4159212 1.3795459 1.2405643 1.1703162 1.3329811 1.1719935 1.0140961\n", + " 1.0129796 1.0170474 1.0200117 1.3043069 1.1055903 1.152829 1.0186652\n", + " 1.0143088 0. 0. ]\n", + "\n", + "[ 0 1 4 10 2 5 3 12 11 9 13 8 14 6 7 15 16]\n", + "=======================\n", + "[\"olympic gold medallist jessica ennis-hill has confirmed she will return to competition in london this july following her break from athletics to become a mother .jessica ennis-hill became a national hero when she won heptathlon gold at the london 2012 olympicskatarina johnson-thompson has emerged as the new rising star of british athletics and ennis-hill 's heir\"]\n", + "=======================\n", + "['jessica ennis-hill will compete at the anniversary games in julyolympic gold medallist has not been in action since 2013her return could set up showdown against katarina johnson-thompson']\n", + "olympic gold medallist jessica ennis-hill has confirmed she will return to competition in london this july following her break from athletics to become a mother .jessica ennis-hill became a national hero when she won heptathlon gold at the london 2012 olympicskatarina johnson-thompson has emerged as the new rising star of british athletics and ennis-hill 's heir\n", + "jessica ennis-hill will compete at the anniversary games in julyolympic gold medallist has not been in action since 2013her return could set up showdown against katarina johnson-thompson\n", + "[1.1146481 1.2669089 1.3572018 1.3441331 1.1991653 1.2660289 1.1347027\n", + " 1.1620841 1.0604703 1.1774467 1.033658 1.018969 1.0154431 1.0297935\n", + " 1.0208739 0. 0. ]\n", + "\n", + "[ 2 3 1 5 4 9 7 6 0 8 10 13 14 11 12 15 16]\n", + "=======================\n", + "[\"the #skyhighselfie is one of the unusual extras being offered on the airline 's dreamliner 787 routes , alongside mood lighting to help with jetlag , windows that can be darkened with a touch of a button and full length windows in the toilets .all guests on the new virgin 787 dreamliner routes will be able to take a selfie and share it on facebook , with specially-selected cabin shots advisedand now that status update about jetting off on holiday is set to be even easier after virgin atlantic announced it would allow each passenger one facebook login for free so they can post an update from 35,000 ft.\"]\n", + "=======================\n", + "['customers in all areas of the plane will be able to share one selfie shot on facebookmood lighting introduced throughout plane that is designed to help people with time zone differencesfull length bathroom mirror , again in all areas of the plane , can help you keep looking your best']\n", + "the #skyhighselfie is one of the unusual extras being offered on the airline 's dreamliner 787 routes , alongside mood lighting to help with jetlag , windows that can be darkened with a touch of a button and full length windows in the toilets .all guests on the new virgin 787 dreamliner routes will be able to take a selfie and share it on facebook , with specially-selected cabin shots advisedand now that status update about jetting off on holiday is set to be even easier after virgin atlantic announced it would allow each passenger one facebook login for free so they can post an update from 35,000 ft.\n", + "customers in all areas of the plane will be able to share one selfie shot on facebookmood lighting introduced throughout plane that is designed to help people with time zone differencesfull length bathroom mirror , again in all areas of the plane , can help you keep looking your best\n", + "[1.3441924 1.1602149 1.4634848 1.2463466 1.2605711 1.2551625 1.0860541\n", + " 1.069944 1.114694 1.0282649 1.0168158 1.1073169 1.0403234 1.112988\n", + " 1.1589793 0. 0. ]\n", + "\n", + "[ 2 0 4 5 3 1 14 8 13 11 6 7 12 9 10 15 16]\n", + "=======================\n", + "['porche wright , 27 , was scheduled to appear in court on tuesday afternoon on attempted murder charges .attempted murder : porche wright is accused of setting her seven-year-old daughter on firewhen paramedics arrived at the sacramento home , the seven-year-old girl was covered in serious burns .']\n", + "=======================\n", + "['porche wright , 27 , is accused of setting her seven-year-old daughter on fire over the weekendthe child survived but suffers from serious burnswright was charged with attempted murder and in the past has been charged with prostitution , disorderly conduct , and domestic violenceneighbors say they often heard wright yelling at her daughter']\n", + "porche wright , 27 , was scheduled to appear in court on tuesday afternoon on attempted murder charges .attempted murder : porche wright is accused of setting her seven-year-old daughter on firewhen paramedics arrived at the sacramento home , the seven-year-old girl was covered in serious burns .\n", + "porche wright , 27 , is accused of setting her seven-year-old daughter on fire over the weekendthe child survived but suffers from serious burnswright was charged with attempted murder and in the past has been charged with prostitution , disorderly conduct , and domestic violenceneighbors say they often heard wright yelling at her daughter\n", + "[1.1260169 1.3262514 1.1353047 1.3538947 1.2286466 1.1152354 1.1018542\n", + " 1.1375691 1.1437699 1.2693509 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 3 1 9 4 8 7 2 0 5 6 15 10 11 12 13 14 16]\n", + "=======================\n", + "[\"an adorable green sea turtle pulled off the ultimate photo-bomb , crashing this group photo in the philippinestraveller diovani de jesus posted the hilarious photo on earth day as a reminder that we can all co-existthe shallow water in apo island , negros oriental , philippines is a feeding ground for sea turtles , so spottings are n't uncommon .\"]\n", + "=======================\n", + "[\"at apo island , this green sea turtle unexpected appeared in group 's photoas the snorkellers posed , the turtle surfaced to breathe and photo-bombedthe area is a feeding ground and well-known marine protection site\"]\n", + "an adorable green sea turtle pulled off the ultimate photo-bomb , crashing this group photo in the philippinestraveller diovani de jesus posted the hilarious photo on earth day as a reminder that we can all co-existthe shallow water in apo island , negros oriental , philippines is a feeding ground for sea turtles , so spottings are n't uncommon .\n", + "at apo island , this green sea turtle unexpected appeared in group 's photoas the snorkellers posed , the turtle surfaced to breathe and photo-bombedthe area is a feeding ground and well-known marine protection site\n", + "[1.3941827 1.1800203 1.4916596 1.286388 1.2733674 1.2647203 1.140266\n", + " 1.0299035 1.0238903 1.0401298 1.0203552 1.0684195 1.2070786 1.0485129\n", + " 1.0695642 1.0438669 1.0185649]\n", + "\n", + "[ 2 0 3 4 5 12 1 6 14 11 13 15 9 7 8 10 16]\n", + "=======================\n", + "[\"lance corporal riki hughes has been jailed for 16 months after he plundered the accounts of tidworth town football club , where he volunteered as club secretary .he claimed to be making rent payments to the club 's landlord - even though the team was actually getting its property for free .hughes , 31 , spent the money on himself , including camping equipment and a stag holiday to las vegas , salisbury crown court heard .\"]\n", + "=======================\n", + "[\"ex-soldier riki hughes , 31 , was the club secretary at tidworth town fche set up fake bank account in the name of the team 's landlord and siphoned off at least # 17,000jailed for 16 months after spending the cash on camping gear and holiday\"]\n", + "lance corporal riki hughes has been jailed for 16 months after he plundered the accounts of tidworth town football club , where he volunteered as club secretary .he claimed to be making rent payments to the club 's landlord - even though the team was actually getting its property for free .hughes , 31 , spent the money on himself , including camping equipment and a stag holiday to las vegas , salisbury crown court heard .\n", + "ex-soldier riki hughes , 31 , was the club secretary at tidworth town fche set up fake bank account in the name of the team 's landlord and siphoned off at least # 17,000jailed for 16 months after spending the cash on camping gear and holiday\n", + "[1.0707799 1.2490504 1.3318597 1.1937755 1.189688 1.0850517 1.1322489\n", + " 1.1181821 1.1378003 1.1848098 1.1297095 1.059403 1.0484586 1.032187\n", + " 1.0678431 1.0327002 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 4 9 8 6 10 7 5 0 14 11 12 15 13 16 17 18 19]\n", + "=======================\n", + "[\"the unusual statistics were revealed as part of a travelzoo survey into voters and their holiday habits , revealing the greens love a long-haul trip and labour are the most likely to try out their dance moves on holiday .conservative party supporters are more likely to take on some light reading such as fifty shades of grey rather than some more refined reading ( file photo )cutting down on emissions and pollution is a mainstay of the green party 's manifesto , however almost half of their supporters ( 49 per cent ) are likely to travel on long haul destinations , preferring an aisle seat on the plane .\"]\n", + "=======================\n", + "['labour party supporters most likely to get up and show off their movesvoters for the liberal democrats prefer a window seat on a planegreen party fans more likely to take home the toiletries than others']\n", + "the unusual statistics were revealed as part of a travelzoo survey into voters and their holiday habits , revealing the greens love a long-haul trip and labour are the most likely to try out their dance moves on holiday .conservative party supporters are more likely to take on some light reading such as fifty shades of grey rather than some more refined reading ( file photo )cutting down on emissions and pollution is a mainstay of the green party 's manifesto , however almost half of their supporters ( 49 per cent ) are likely to travel on long haul destinations , preferring an aisle seat on the plane .\n", + "labour party supporters most likely to get up and show off their movesvoters for the liberal democrats prefer a window seat on a planegreen party fans more likely to take home the toiletries than others\n", + "[1.2891524 1.2326022 1.239968 1.3638649 1.1174135 1.0970277 1.058077\n", + " 1.104356 1.2048246 1.0465982 1.2176609 1.1837798 1.019648 1.019922\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 2 1 10 8 11 4 7 5 6 9 13 12 14 15 16 17 18 19]\n", + "=======================\n", + "[\"marouane fellaini picked steven gerrard as the best passer he has played against in an official club interviewfellaini was on the pitch as gerrard was dismissed just 38 seconds after coming on during liverpool 's 2-1 defeat to united at anfield last month .the belgian put to one side manchester united 's rivalry with their north-west rivals to heap praise on the reds captain for his range of passing in an interview for manutd.com .\"]\n", + "=======================\n", + "['manchester united midfielder picks wayne rooney as his best finishermichael carrick crowned the best passer to have played alongside himphil jagielka named as the toughest tackler belgian has faced']\n", + "marouane fellaini picked steven gerrard as the best passer he has played against in an official club interviewfellaini was on the pitch as gerrard was dismissed just 38 seconds after coming on during liverpool 's 2-1 defeat to united at anfield last month .the belgian put to one side manchester united 's rivalry with their north-west rivals to heap praise on the reds captain for his range of passing in an interview for manutd.com .\n", + "manchester united midfielder picks wayne rooney as his best finishermichael carrick crowned the best passer to have played alongside himphil jagielka named as the toughest tackler belgian has faced\n", + "[1.5135934 1.3978015 1.2520083 1.1665236 1.1395872 1.0937257 1.1235987\n", + " 1.024259 1.0537139 1.1536169 1.1276438 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 3 9 4 10 6 5 8 7 18 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "['( cnn ) film director david lynch has confirmed he will no longer direct the revival of \" twin peaks \" -- a cult 1990s television show that was set to return in 2016 .the offbeat tv series , created by lynch and mark frost , featured a quirky fbi agent who went to the pacific northwest town of twin peaks to investigate the mysterious murder of a high school girl named laura palmer .the groundbreaking series is considered one of the most influential shows in television history .']\n", + "=======================\n", + "['david lynch says he wo n\\'t be directing new episodes of twin peaksshowtime \" saddened \" over decision , which involved a dispute over money']\n", + "( cnn ) film director david lynch has confirmed he will no longer direct the revival of \" twin peaks \" -- a cult 1990s television show that was set to return in 2016 .the offbeat tv series , created by lynch and mark frost , featured a quirky fbi agent who went to the pacific northwest town of twin peaks to investigate the mysterious murder of a high school girl named laura palmer .the groundbreaking series is considered one of the most influential shows in television history .\n", + "david lynch says he wo n't be directing new episodes of twin peaksshowtime \" saddened \" over decision , which involved a dispute over money\n", + "[1.4627006 1.5346489 1.3094835 1.2477754 1.2288935 1.0675104 1.0569774\n", + " 1.0263373 1.0220633 1.017478 1.0164154 1.0259727 1.0219067 1.1848829\n", + " 1.1079868 1.0141433 1.0325285 1.122163 1.0147802 1.0270088]\n", + "\n", + "[ 1 0 2 3 4 13 17 14 5 6 16 19 7 11 8 12 9 10 18 15]\n", + "=======================\n", + "[\"mcilroy 's fourth place in the masters is his best finish in seven appearances , while his 12 under par total was 12 shots better than last year and beat his previous best by eight shots .graeme mcdowell believes jordan spieth may not be the only rival rory mcilroy has to face as he looks to complete the career grand slam and add more majors to his collection .but the world number one never threatened to claim a first green jacket to become only the sixth player in history to win all four major titles and saw spieth follow up his second place at augusta 12 months ago with a record-breaking victory .\"]\n", + "=======================\n", + "['graeme mcdowell believes it is an exciting time for the sportjordan spieth won his maiden major at the masters at augusta on sundayrory mcilroy finished in the fourth position , six shots behind spiethmcdowell finished in a tie for 52nd on six over par']\n", + "mcilroy 's fourth place in the masters is his best finish in seven appearances , while his 12 under par total was 12 shots better than last year and beat his previous best by eight shots .graeme mcdowell believes jordan spieth may not be the only rival rory mcilroy has to face as he looks to complete the career grand slam and add more majors to his collection .but the world number one never threatened to claim a first green jacket to become only the sixth player in history to win all four major titles and saw spieth follow up his second place at augusta 12 months ago with a record-breaking victory .\n", + "graeme mcdowell believes it is an exciting time for the sportjordan spieth won his maiden major at the masters at augusta on sundayrory mcilroy finished in the fourth position , six shots behind spiethmcdowell finished in a tie for 52nd on six over par\n", + "[1.4056218 1.0980124 1.0504345 1.1691154 1.0768245 1.3025513 1.3791668\n", + " 1.1839275 1.1524721 1.1180977 1.2758533 1.0099627 1.0314116 1.0397023\n", + " 1.0223863 1.0343077 1.0111734 1.0086257 1.016057 0. ]\n", + "\n", + "[ 0 6 5 10 7 3 8 9 1 4 2 13 15 12 14 18 16 11 17 19]\n", + "=======================\n", + "[\"france legend serge betsen tells sportsmail where he thinks clermont 's clash with saracens at stade geoffrey-guichard will be won ...brad barritt is back to anchor the saracens midfield against the top 14 giantsclermont centre wesley fofana was in scintillating form during his side 's recent destruction of northampton\"]\n", + "=======================\n", + "['saracens skipper brad barritt will line up opposite wesley fofanaflanker julien bonnaire will be tasked with stopping billy vunipolacharlie hodgson is enjoying a rich vein of form at presentclermont will fear jacques burger after his performance last yearthe top 14 side have the best supporters in french rugby']\n", + "france legend serge betsen tells sportsmail where he thinks clermont 's clash with saracens at stade geoffrey-guichard will be won ...brad barritt is back to anchor the saracens midfield against the top 14 giantsclermont centre wesley fofana was in scintillating form during his side 's recent destruction of northampton\n", + "saracens skipper brad barritt will line up opposite wesley fofanaflanker julien bonnaire will be tasked with stopping billy vunipolacharlie hodgson is enjoying a rich vein of form at presentclermont will fear jacques burger after his performance last yearthe top 14 side have the best supporters in french rugby\n", + "[1.0887884 1.5413525 1.3186976 1.2938346 1.2086642 1.1753473 1.1330802\n", + " 1.0463507 1.113106 1.060058 1.016512 1.0622202 1.0685627 1.0410647\n", + " 1.0282837 1.0140259 1.0231229 1.066007 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 4 5 6 8 0 12 17 11 9 7 13 14 16 10 15 20 18 19 21]\n", + "=======================\n", + "['the bruno smartcan is said to be the first internet connected combined kitchen bin and vacuum cleaner .using sensors on the front of the bin , it is able to sense when dust and debris from the kitchen floor is swept towards it with a brush , turning on a vacuum to suck up the offending mess .it also has an integrated bag store and charging cord']\n", + "=======================\n", + "[\"bruno smartcan is world 's first internet connected vacuum and rubbish binit uses sensors to detect when dust is brushed close to it and sucks it upmotion sensors open the lid automatically and can send alerts to your phone to remind you when the trash needs to be taken out\"]\n", + "the bruno smartcan is said to be the first internet connected combined kitchen bin and vacuum cleaner .using sensors on the front of the bin , it is able to sense when dust and debris from the kitchen floor is swept towards it with a brush , turning on a vacuum to suck up the offending mess .it also has an integrated bag store and charging cord\n", + "bruno smartcan is world 's first internet connected vacuum and rubbish binit uses sensors to detect when dust is brushed close to it and sucks it upmotion sensors open the lid automatically and can send alerts to your phone to remind you when the trash needs to be taken out\n", + "[1.2182424 1.0792813 1.088262 1.1911259 1.1353737 1.1409864 1.1180098\n", + " 1.0672565 1.1028112 1.094954 1.062419 1.0763124 1.0498422 1.0289928\n", + " 1.0496616 1.1179276 1.128487 1.0998225 1.0933489 1.0188794 1.0330174\n", + " 1.022141 ]\n", + "\n", + "[ 0 3 5 4 16 6 15 8 17 9 18 2 1 11 7 10 12 14 20 13 21 19]\n", + "=======================\n", + "[\"( cnn ) the sun had n't risen at garissa university college .it started with an explosion and gunshots around 5:30 a.m. thursday ( 10:30 p.m. et wednesday ) at the kenyan school 's front gates .at one point , they burst into a room where christians had gathered and took hostages , said lecturer joel ayora .\"]\n", + "=======================\n", + "['kenyan agency : 147 dead , plans underway to evacuate students and othersgarissa university college students wake to explosions and gunfirereports : gunmen storm the kenyan school , attacking christians and letting muslims go']\n", + "( cnn ) the sun had n't risen at garissa university college .it started with an explosion and gunshots around 5:30 a.m. thursday ( 10:30 p.m. et wednesday ) at the kenyan school 's front gates .at one point , they burst into a room where christians had gathered and took hostages , said lecturer joel ayora .\n", + "kenyan agency : 147 dead , plans underway to evacuate students and othersgarissa university college students wake to explosions and gunfirereports : gunmen storm the kenyan school , attacking christians and letting muslims go\n", + "[1.2500411 1.2373692 1.3022285 1.2731094 1.285863 1.1444365 1.1287167\n", + " 1.1028336 1.0553958 1.0311906 1.1752338 1.0858157 1.030491 1.0261277\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 4 3 0 1 10 5 6 7 11 8 9 12 13 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"senior conservatives claimed mr miliband was effectively ` accusing the prime minister of murder ' in a ` desperate and negative ' attempt to score political points by exploiting a human tragedy .ed miliband claimed the mediterranean crisis was ` in part a direct result ' of the pm 's libya policyed miliband , pictured , was accused of trying to make political capital from the mediterranean tragedy\"]\n", + "=======================\n", + "[\"ed miliband said the crisis was ` in part a direct result ' of the pm 's policymiliband made a rare address on the issue of foreign policy in londonsenior conservatives accused miliband of exploiting a human tragedyliam fox claimed the labour leader was ` weaponise drowning migrants '\"]\n", + "senior conservatives claimed mr miliband was effectively ` accusing the prime minister of murder ' in a ` desperate and negative ' attempt to score political points by exploiting a human tragedy .ed miliband claimed the mediterranean crisis was ` in part a direct result ' of the pm 's libya policyed miliband , pictured , was accused of trying to make political capital from the mediterranean tragedy\n", + "ed miliband said the crisis was ` in part a direct result ' of the pm 's policymiliband made a rare address on the issue of foreign policy in londonsenior conservatives accused miliband of exploiting a human tragedyliam fox claimed the labour leader was ` weaponise drowning migrants '\n", + "[1.1760013 1.4179444 1.2257835 1.2869679 1.204838 1.2163618 1.1563365\n", + " 1.0912904 1.0188429 1.0874441 1.10724 1.1226612 1.0803137 1.0473082\n", + " 1.0092937 1.0300614 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 5 4 0 6 11 10 7 9 12 13 15 8 14 20 16 17 18 19 21]\n", + "=======================\n", + "['units from multiple fire departments were called to a fire just west of grand valley state university in michigan after an april fools prank involving fireworks sent one apartment unit up in smoke , the holland sentinel reports .fire officials said one of the girls threw a lit firework at a roommate ; the firework landed in a laundry hamper , setting the contents on fire .four girls live in apartment 4 of building b of the campus west apartments .']\n", + "=======================\n", + "['an april fools day prank involving fireworks resulted in an apartment fire near the grand valley state university in michigana girl allegedly threw a lit firework at a roommate , which landed in a laundry hamper , and set the contents on fireno one was hurt and the girl is not expected to face charges']\n", + "units from multiple fire departments were called to a fire just west of grand valley state university in michigan after an april fools prank involving fireworks sent one apartment unit up in smoke , the holland sentinel reports .fire officials said one of the girls threw a lit firework at a roommate ; the firework landed in a laundry hamper , setting the contents on fire .four girls live in apartment 4 of building b of the campus west apartments .\n", + "an april fools day prank involving fireworks resulted in an apartment fire near the grand valley state university in michigana girl allegedly threw a lit firework at a roommate , which landed in a laundry hamper , and set the contents on fireno one was hurt and the girl is not expected to face charges\n", + "[1.3055027 1.3494108 1.0659313 1.1555673 1.2461628 1.144382 1.057325\n", + " 1.0725397 1.0681938 1.1058908 1.084771 1.0608244 1.0973389 1.0670261\n", + " 1.0468681 1.0741118 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 4 3 5 9 12 10 15 7 8 13 2 11 6 14 20 16 17 18 19 21]\n", + "=======================\n", + "['house homeland security panel chairman michael mccaul revealed that capitol authorities had doug hughes , 61 , in their sights and were prepared to open fire .the florida mailman who caused a major security scare when he landed his gyro-copter on the us capitol lawn on wednesday afternoon was just seconds from being shot out of the sky .however , hughes claims he informed the secret service and capitol police of his potentially lethal stunt into the no-fly zone , which was designed to draw attention to campaign finance reform and government corruption .']\n", + "=======================\n", + "['florida mailman breaches no-fly zone and lands gyro-copter on us capitol west front lawndoug hughes , 61 , concocted the stunt to raise awareness of campaign finance reformflew undetected from an undisclosed location near to washington d.c and landed at 2pmstunned bystanders just watched as the helicopter flew past the gen. ulysses grant statue and came to a halthe has been planning the stunt for two years and said he kept his wife in the dark about it']\n", + "house homeland security panel chairman michael mccaul revealed that capitol authorities had doug hughes , 61 , in their sights and were prepared to open fire .the florida mailman who caused a major security scare when he landed his gyro-copter on the us capitol lawn on wednesday afternoon was just seconds from being shot out of the sky .however , hughes claims he informed the secret service and capitol police of his potentially lethal stunt into the no-fly zone , which was designed to draw attention to campaign finance reform and government corruption .\n", + "florida mailman breaches no-fly zone and lands gyro-copter on us capitol west front lawndoug hughes , 61 , concocted the stunt to raise awareness of campaign finance reformflew undetected from an undisclosed location near to washington d.c and landed at 2pmstunned bystanders just watched as the helicopter flew past the gen. ulysses grant statue and came to a halthe has been planning the stunt for two years and said he kept his wife in the dark about it\n", + "[1.4516685 1.5553 1.3777049 1.3802369 1.170942 1.0795603 1.0761281\n", + " 1.0450202 1.021904 1.0268968 1.0138264 1.0103568 1.1262472 1.0314324\n", + " 1.0421152 1.0319762 1.0138478 1.0768535 1.167308 1.0259296]\n", + "\n", + "[ 1 0 3 2 4 18 12 5 17 6 7 14 15 13 9 19 8 16 10 11]\n", + "=======================\n", + "[\"paris saint-germain striker ibrahimovic will now miss three games and marseille playmaker payet just one after both clubs succeeded with appeals to the french olympic committee ( cnosf ) .zlatan ibrahimovic and dimitri payet have had their respective suspensions for abusing ligue 1 referees reduced by one match apiece .ibrahimovic was initially banned for four games by the french football league ( lfp ) when he was caught on camera after last month 's 3-2 defeat to bordeaux launching into a tirade against official lionel jaffredo while walking back to the dressing room .\"]\n", + "=======================\n", + "[\"paris saint-germain striker zlatan ibrahimovic picked up a four-game banthe sweden international was caught on camera swearing about a refereemarseille 's dimitri payet also received a two-game ban for swearing at a closed referee 's door after a match against lyonboth have had their bans reduced by one match after appealing\"]\n", + "paris saint-germain striker ibrahimovic will now miss three games and marseille playmaker payet just one after both clubs succeeded with appeals to the french olympic committee ( cnosf ) .zlatan ibrahimovic and dimitri payet have had their respective suspensions for abusing ligue 1 referees reduced by one match apiece .ibrahimovic was initially banned for four games by the french football league ( lfp ) when he was caught on camera after last month 's 3-2 defeat to bordeaux launching into a tirade against official lionel jaffredo while walking back to the dressing room .\n", + "paris saint-germain striker zlatan ibrahimovic picked up a four-game banthe sweden international was caught on camera swearing about a refereemarseille 's dimitri payet also received a two-game ban for swearing at a closed referee 's door after a match against lyonboth have had their bans reduced by one match after appealing\n", + "[1.2242222 1.5250218 1.2301358 1.4002514 1.1825404 1.1360532 1.0381414\n", + " 1.0935614 1.0685517 1.0759522 1.1435136 1.0434258 1.0373914 1.0484982\n", + " 1.0118349 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 10 5 7 9 8 13 11 6 12 14 18 15 16 17 19]\n", + "=======================\n", + "[\"dr adam cobb was taken into custody on friday in portsmouth , new hampshire , for receipt and distribution of child pornography after allegedly uploading images of child pornography to the social networking site , tumblr .if convicted he faces 20 years ' jail in the us .cobb took up the position at the us naval war college in june last year after holding senior military and government roles in australia and the us , including a recent strategic policy and planning position at us special operations command in tampa , florida . '\"]\n", + "=======================\n", + "[\"dr adam cobb , 45 , was arrested in portsmouth , new hampshire on fridayhe allegedly uploaded images of child pornography to tumblr websitethe 45-year-old held senior military and government roles in australiahe was in the us working as a research professor and director at the prestigious us naval war college in rhode islandif convicted of the child pornography charges he faces 20 years ' jail\"]\n", + "dr adam cobb was taken into custody on friday in portsmouth , new hampshire , for receipt and distribution of child pornography after allegedly uploading images of child pornography to the social networking site , tumblr .if convicted he faces 20 years ' jail in the us .cobb took up the position at the us naval war college in june last year after holding senior military and government roles in australia and the us , including a recent strategic policy and planning position at us special operations command in tampa , florida . '\n", + "dr adam cobb , 45 , was arrested in portsmouth , new hampshire on fridayhe allegedly uploaded images of child pornography to tumblr websitethe 45-year-old held senior military and government roles in australiahe was in the us working as a research professor and director at the prestigious us naval war college in rhode islandif convicted of the child pornography charges he faces 20 years ' jail\n", + "[1.1980369 1.4750748 1.3493129 1.2847621 1.1480702 1.1107136 1.073345\n", + " 1.0644417 1.0243356 1.026852 1.1097509 1.1007469 1.1162271 1.052697\n", + " 1.0144446 1.0121138 1.0495834 1.0351381 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 12 5 10 11 6 7 13 16 17 9 8 14 15 18 19]\n", + "=======================\n", + "['this week , us army staf sgt julian mcdonald , welcomed 4-year-old layka , a belgian malinois , into his columbus , ohio home after fighting to adopt her for two years .layka was on her eighth overseas military tour with sgt. mcdonald in 2012 when she was shot four times at point blank range by an enemy fighter armed with an ak-47 .a heroic army dog who lost her entire front leg while clearing a taliban compound on patrol in afghanistan has a new home with one of the men she saved .']\n", + "=======================\n", + "[\"u.s. army staff sgt. julian mcdonald of columbus , ohio has adopted a 4-year-old dog named layka who protected him in afghanistandespite being injured in 2012 , layka completed the mission with her team and her wounds were treated upon her return to safe territory` she was the sole reason why i was living and breathing and able to come home to my son and wife , ' said mcdonald of his four legged partner\"]\n", + "this week , us army staf sgt julian mcdonald , welcomed 4-year-old layka , a belgian malinois , into his columbus , ohio home after fighting to adopt her for two years .layka was on her eighth overseas military tour with sgt. mcdonald in 2012 when she was shot four times at point blank range by an enemy fighter armed with an ak-47 .a heroic army dog who lost her entire front leg while clearing a taliban compound on patrol in afghanistan has a new home with one of the men she saved .\n", + "u.s. army staff sgt. julian mcdonald of columbus , ohio has adopted a 4-year-old dog named layka who protected him in afghanistandespite being injured in 2012 , layka completed the mission with her team and her wounds were treated upon her return to safe territory` she was the sole reason why i was living and breathing and able to come home to my son and wife , ' said mcdonald of his four legged partner\n", + "[1.2414258 1.3901073 1.2846093 1.4251698 1.2588822 1.0339457 1.0116391\n", + " 1.1377333 1.1901677 1.0185227 1.1141922 1.02976 1.0199089 1.1514559\n", + " 1.0876915 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 4 0 8 13 7 10 14 5 11 12 9 6 15 16 17 18 19]\n", + "=======================\n", + "[\"belinda bartholomew claims she was racially abused at a bondi butcher on monday night when she was buying a chicken for her and her roosters star boyfriend aidan guerra to have for dinneraccording to ms bartholomew , she was called names and told to go to ` an aussie butcher ' when she tried to change her chicken selection .however the butcher who was working at the shop on monday has hit back saying ms bartholomew is ` lying ' and trying to ruin the business .\"]\n", + "=======================\n", + "[\"belinda bartholomew claims she was racially abused at a bondi butcherthe girlfriend of sydney roosters star aidan guerra went to buy a chicken for a game of thrones inspired dinnershe says she was sworn at and told to ` go to a f *** ing aussie butcher ' when she tried to change her chicken selectionthe butcher vehemently denies he was rude to or swore at her and says the woman is a ` troublemaker ' out to ruin the business\"]\n", + "belinda bartholomew claims she was racially abused at a bondi butcher on monday night when she was buying a chicken for her and her roosters star boyfriend aidan guerra to have for dinneraccording to ms bartholomew , she was called names and told to go to ` an aussie butcher ' when she tried to change her chicken selection .however the butcher who was working at the shop on monday has hit back saying ms bartholomew is ` lying ' and trying to ruin the business .\n", + "belinda bartholomew claims she was racially abused at a bondi butcherthe girlfriend of sydney roosters star aidan guerra went to buy a chicken for a game of thrones inspired dinnershe says she was sworn at and told to ` go to a f *** ing aussie butcher ' when she tried to change her chicken selectionthe butcher vehemently denies he was rude to or swore at her and says the woman is a ` troublemaker ' out to ruin the business\n", + "[1.2884729 1.3308364 1.3476301 1.181568 1.1360029 1.1259651 1.1273589\n", + " 1.1711897 1.0483482 1.0277866 1.022961 1.0435693 1.070984 1.041537\n", + " 1.0464591 1.0196824 1.163646 1.0296525 1.0261368 0. ]\n", + "\n", + "[ 2 1 0 3 7 16 4 6 5 12 8 14 11 13 17 9 18 10 15 19]\n", + "=======================\n", + "['he was also fined $ 100,000 - more than double the $ 40,000 his attorneys had requested .the former u.s. army general , whose career was destroyed when the affair with paula broadwell emerged in november 2012 , avoided jail time at the hearing in charlotte , north carolina on thursday and was instead sentenced to two years probation .disgraced former cia director david petraeus will not go to jail for giving his mistress classified material while she was working on a book about him , a judge ruled today .']\n", + "=======================\n", + "[\"the former u.s. army general appeared in court in charlotte , north carolina on thursday for his sentencing hearinghe admitted to giving his biographer mistress classified material he had improperly kept from the military - which carried up to a year in prisonbut he was instead sentenced to two years probation and a $ 100,000 finespeaking after , petraeus apologized for his ` mistakes ' but thanked his supporters and said he was looking forward to moving on with his lifehe had an affair with paula broadwell between late 2011 and summer 2012 , and stepped down from the cia after the relationship emerged\"]\n", + "he was also fined $ 100,000 - more than double the $ 40,000 his attorneys had requested .the former u.s. army general , whose career was destroyed when the affair with paula broadwell emerged in november 2012 , avoided jail time at the hearing in charlotte , north carolina on thursday and was instead sentenced to two years probation .disgraced former cia director david petraeus will not go to jail for giving his mistress classified material while she was working on a book about him , a judge ruled today .\n", + "the former u.s. army general appeared in court in charlotte , north carolina on thursday for his sentencing hearinghe admitted to giving his biographer mistress classified material he had improperly kept from the military - which carried up to a year in prisonbut he was instead sentenced to two years probation and a $ 100,000 finespeaking after , petraeus apologized for his ` mistakes ' but thanked his supporters and said he was looking forward to moving on with his lifehe had an affair with paula broadwell between late 2011 and summer 2012 , and stepped down from the cia after the relationship emerged\n", + "[1.3762479 1.3904928 1.2672436 1.3572323 1.0330186 1.0311363 1.1498921\n", + " 1.0139383 1.1866871 1.1174599 1.0880015 1.0102038 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 8 6 9 10 4 5 7 11 15 12 13 14 16]\n", + "=======================\n", + "[\"pittsburgh-based pop-up store , less than 100 , has priced its entire stock to reflect the local gender pay gap , meaning that female customers are only charged 76 per cent of the retail price while men pay in full .in the united states , women earn an average of 78 cents for every dollar that men make -- and a new pop-up shop in pennsylvania is using this blatant gender-biased wage gap in order to charge its female customers lower prices than its male visitors .ms. schlenker can afford the gender-conscious pricing because her shop is n't aiming to make money ; all sales from the ceramics , textiles , publications , art prints , and stationery sole will go back to the female artists who made them .\"]\n", + "=======================\n", + "['a store in pittsburgh , pennsylvania is charging women 76 per cent of what they charge men , reflecting the local pay gapowner elana schlenker says she hopes the project , called less than 100 , draws attention to wage inequalityshe plans to travel with the shop and will open up in new orleans , louisiana , this fall']\n", + "pittsburgh-based pop-up store , less than 100 , has priced its entire stock to reflect the local gender pay gap , meaning that female customers are only charged 76 per cent of the retail price while men pay in full .in the united states , women earn an average of 78 cents for every dollar that men make -- and a new pop-up shop in pennsylvania is using this blatant gender-biased wage gap in order to charge its female customers lower prices than its male visitors .ms. schlenker can afford the gender-conscious pricing because her shop is n't aiming to make money ; all sales from the ceramics , textiles , publications , art prints , and stationery sole will go back to the female artists who made them .\n", + "a store in pittsburgh , pennsylvania is charging women 76 per cent of what they charge men , reflecting the local pay gapowner elana schlenker says she hopes the project , called less than 100 , draws attention to wage inequalityshe plans to travel with the shop and will open up in new orleans , louisiana , this fall\n", + "[1.2963965 1.4193854 1.3260211 1.2790507 1.1732191 1.0779405 1.0480756\n", + " 1.0225272 1.1050863 1.1237671 1.0545499 1.0290632 1.0498422 1.043459\n", + " 1.1908201 1.0712315 1.0357811]\n", + "\n", + "[ 1 2 0 3 14 4 9 8 5 15 10 12 6 13 16 11 7]\n", + "=======================\n", + "[\"the proposal has been put forward by experts at nhs health scotland , the scottish government 's health promotions agency , which says more action is needed to tackle the ` continuing problem ' of ` hazardous alcohol consumption in young people ' .the move would apply in pubs , clubs , supermarkets and off-licences in scotland .health bosses are considering raising the legal age for buying alcohol to 21 to tackle binge drinking .\"]\n", + "=======================\n", + "['the proposal has been put forward by experts at nhs health scotlandthey say more must be done to tackle alcohol problem with young peoplethe move would apply in pubs , clubs , supermarkets and off-licences']\n", + "the proposal has been put forward by experts at nhs health scotland , the scottish government 's health promotions agency , which says more action is needed to tackle the ` continuing problem ' of ` hazardous alcohol consumption in young people ' .the move would apply in pubs , clubs , supermarkets and off-licences in scotland .health bosses are considering raising the legal age for buying alcohol to 21 to tackle binge drinking .\n", + "the proposal has been put forward by experts at nhs health scotlandthey say more must be done to tackle alcohol problem with young peoplethe move would apply in pubs , clubs , supermarkets and off-licences\n", + "[1.2470864 1.4856912 1.277337 1.2256029 1.2829795 1.1640334 1.0835509\n", + " 1.0444722 1.1424593 1.0965902 1.023848 1.0380915 1.0589944 1.0923517\n", + " 1.0620518 1.0482426 0. ]\n", + "\n", + "[ 1 4 2 0 3 5 8 9 13 6 14 12 15 7 11 10 16]\n", + "=======================\n", + "[\"university student waheed ahmed , 21 , from rochdale , greater manchester , was held at birmingham airport in the early hours of this morning by anti-terrorism police .he was deported by the turkish authorities and flown back to britain on a plane packed with holidaymakers last night .a labour councillor 's son accused of trying to enter syria illegally with eight family members has been arrested as he landed back in the uk .\"]\n", + "=======================\n", + "['waheed ahmed , 21 , was held by anti-terror police at birmingham airportstudent is accused of trying to take eight family members into syriahe was arrested in turkish border town with family , including four children']\n", + "university student waheed ahmed , 21 , from rochdale , greater manchester , was held at birmingham airport in the early hours of this morning by anti-terrorism police .he was deported by the turkish authorities and flown back to britain on a plane packed with holidaymakers last night .a labour councillor 's son accused of trying to enter syria illegally with eight family members has been arrested as he landed back in the uk .\n", + "waheed ahmed , 21 , was held by anti-terror police at birmingham airportstudent is accused of trying to take eight family members into syriahe was arrested in turkish border town with family , including four children\n", + "[1.2684877 1.5155413 1.205997 1.0974941 1.420913 1.026473 1.013944\n", + " 1.0191483 1.0176325 1.0350895 1.073792 1.0218045 1.0169911 1.0240301\n", + " 1.0759095 1.0418725 0. ]\n", + "\n", + "[ 1 4 0 2 3 14 10 15 9 5 13 11 7 8 12 6 16]\n", + "=======================\n", + "[\"swindon 's win over peterborough meant steve cotterill will have to wait until tuesday to finish the job of returning to the championship , but almost as importantly they made sure preston would n't make any ground on them in the top two .bristol city striker aaron wilbraham celebrates his 63rd minute goal against preston at deepdaleultimately , bristol city were never destined to become the first football league club to win promotion this season at deepdale , even though they are inching ever closer .\"]\n", + "=======================\n", + "['second-placed preston hosted league one leaders bristol cityjermaine beckford fired the home side into the lead in the 59th minuteaaron wilbraham equalised for bristol city four minutes later']\n", + "swindon 's win over peterborough meant steve cotterill will have to wait until tuesday to finish the job of returning to the championship , but almost as importantly they made sure preston would n't make any ground on them in the top two .bristol city striker aaron wilbraham celebrates his 63rd minute goal against preston at deepdaleultimately , bristol city were never destined to become the first football league club to win promotion this season at deepdale , even though they are inching ever closer .\n", + "second-placed preston hosted league one leaders bristol cityjermaine beckford fired the home side into the lead in the 59th minuteaaron wilbraham equalised for bristol city four minutes later\n", + "[1.4469798 1.2839582 1.3636223 1.2746229 1.1459558 1.1866012 1.0326746\n", + " 1.01491 1.0200787 1.0153562 1.015903 1.0198095 1.1014973 1.0202719\n", + " 1.0487682 0. 0. ]\n", + "\n", + "[ 0 2 1 3 5 4 12 14 6 13 8 11 10 9 7 15 16]\n", + "=======================\n", + "['juventus ensured their treble dreams remained alive as they overcame a first-leg defeat thanks to goals by alessandro matri , roberto pereyra and leonardo bonucci .juventus were hit with the news that former premier league striker tevez was to miss the match due to a thigh injury just hours before kick-off , however his absence did not prove to be costly .the feat was made even more impressive as the old lady were without key trio carlos tevez , paul pogba and andrea pirlo .']\n", + "=======================\n", + "['juventus reach final without carlos tevez , paul pogba and andrea pirlothe old lady raced into 3-0 lead thanks to goals by alessandro matri , roberto pereyra and leonardo bonuccialvaro morata was sent off for innocuous tackle on alessandro diamantijuventus will face either napoli or lazio in coppa italia final']\n", + "juventus ensured their treble dreams remained alive as they overcame a first-leg defeat thanks to goals by alessandro matri , roberto pereyra and leonardo bonucci .juventus were hit with the news that former premier league striker tevez was to miss the match due to a thigh injury just hours before kick-off , however his absence did not prove to be costly .the feat was made even more impressive as the old lady were without key trio carlos tevez , paul pogba and andrea pirlo .\n", + "juventus reach final without carlos tevez , paul pogba and andrea pirlothe old lady raced into 3-0 lead thanks to goals by alessandro matri , roberto pereyra and leonardo bonuccialvaro morata was sent off for innocuous tackle on alessandro diamantijuventus will face either napoli or lazio in coppa italia final\n", + "[1.3756082 1.1764878 1.1393178 1.1485206 1.1640596 1.1124486 1.1106064\n", + " 1.059302 1.0463157 1.065674 1.0550627 1.0338645 1.0587641 1.0443058\n", + " 1.041037 1.0228928 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 3 2 5 6 9 7 12 10 8 13 14 11 15 16 17 18 19 20]\n", + "=======================\n", + "['( cnn ) as we approach april 27 when south africa marks the anniversary of the first post-apartheid elections held that day in 1994 , we are faced with yet another wave of deadly attacks against african migrants .outrage triggered by this violence is being heard loudly throughout social media with \" #weareafrica \" showcasing the need for a common front against this affront .attacks against newcomers in south africa are often reduced to attitudes of hate and resentment towards other black africans .']\n", + "=======================\n", + "['xenophobia can not explain the conflict between native poor black south africans and foreign african entrepreneurs , says abdikillings of foreigners can not be separated from the brutal violence poor south africans experience , she adds .']\n", + "( cnn ) as we approach april 27 when south africa marks the anniversary of the first post-apartheid elections held that day in 1994 , we are faced with yet another wave of deadly attacks against african migrants .outrage triggered by this violence is being heard loudly throughout social media with \" #weareafrica \" showcasing the need for a common front against this affront .attacks against newcomers in south africa are often reduced to attitudes of hate and resentment towards other black africans .\n", + "xenophobia can not explain the conflict between native poor black south africans and foreign african entrepreneurs , says abdikillings of foreigners can not be separated from the brutal violence poor south africans experience , she adds .\n", + "[1.306502 1.2002312 1.3515072 1.3263822 1.2858644 1.1408668 1.0396795\n", + " 1.01349 1.0121545 1.1303056 1.2288446 1.1064421 1.0581697 1.0106573\n", + " 1.0116001 1.0443307 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 4 10 1 5 9 11 12 15 6 7 8 14 13 19 16 17 18 20]\n", + "=======================\n", + "[\"the items from the collection of ` dean of american crafts ' allen eaton were slated for public auction on friday at the rago auction house in lambertville , new jersey .stopped the sale : star trek actor george takei helped halt the action of 450 photos and artifacts from world war ii japanese-american internment campsthe collection includes 63 photos of people of japanese descent who were imprisoned over fears they were spies and dozens of arts and crafts they made .\"]\n", + "=======================\n", + "['the star trek star helped pressure a new jersey auction house to cancel a sale of 450 photos and artifacts from world war ii internment camps']\n", + "the items from the collection of ` dean of american crafts ' allen eaton were slated for public auction on friday at the rago auction house in lambertville , new jersey .stopped the sale : star trek actor george takei helped halt the action of 450 photos and artifacts from world war ii japanese-american internment campsthe collection includes 63 photos of people of japanese descent who were imprisoned over fears they were spies and dozens of arts and crafts they made .\n", + "the star trek star helped pressure a new jersey auction house to cancel a sale of 450 photos and artifacts from world war ii internment camps\n", + "[1.2097034 1.2352989 1.411689 1.234519 1.0687486 1.0702239 1.0907776\n", + " 1.1170496 1.0871032 1.0779872 1.0169963 1.0429754 1.0249033 1.0283337\n", + " 1.0575725 1.0789264 1.0373213 1.0452354 1.0381422 0. 0. ]\n", + "\n", + "[ 2 1 3 0 7 6 8 15 9 5 4 14 17 11 18 16 13 12 10 19 20]\n", + "=======================\n", + "['the federal government estimated 4.2 million barrels of oil spilled into the gulf , but bp argued in court that it was much lower .for 87 straight days , oil and methane gas spewed from an uncapped wellhead , 1 mile below the surface of the ocean .a judge ruled bp was responsible for the release of 3.1 million barrels .']\n", + "=======================\n", + "['april 20 marks 5 years since the bp oil spillat the time , there were dire predictions for the environmenttoday , it is still too soon to know the long-term impact']\n", + "the federal government estimated 4.2 million barrels of oil spilled into the gulf , but bp argued in court that it was much lower .for 87 straight days , oil and methane gas spewed from an uncapped wellhead , 1 mile below the surface of the ocean .a judge ruled bp was responsible for the release of 3.1 million barrels .\n", + "april 20 marks 5 years since the bp oil spillat the time , there were dire predictions for the environmenttoday , it is still too soon to know the long-term impact\n", + "[1.1497054 1.4720641 1.2889985 1.2214257 1.1907423 1.1761315 1.2632861\n", + " 1.1795645 1.122975 1.0337412 1.0102798 1.0328835 1.1231261 1.0459437\n", + " 1.1545995 1.0182569 1.0091248 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 6 3 4 7 5 14 0 12 8 13 9 11 15 10 16 17 18 19 20]\n", + "=======================\n", + "['beth hall , 24 , from cambridge , plummeted to a tiny 4st 13lb after battling the horrific eating disorder since her teenage years - while working in a chocolate shop .tormented by bullies at school , she began a strict diet regime at the age of 16 , living off nothing more than black tea and coffee .determined to lose weight , she would often go for up to three days without eating a single thing .']\n", + "=======================\n", + "['beth hall , 24 , from cambridge , plummeted to a tiny 4st 13lb at her worsthad begun the strict starvation regime at 16 after being bullied at schoolsays she survived off tea and coffee and would go days without eatingonly when she was warned she was killing herself did she seek help']\n", + "beth hall , 24 , from cambridge , plummeted to a tiny 4st 13lb after battling the horrific eating disorder since her teenage years - while working in a chocolate shop .tormented by bullies at school , she began a strict diet regime at the age of 16 , living off nothing more than black tea and coffee .determined to lose weight , she would often go for up to three days without eating a single thing .\n", + "beth hall , 24 , from cambridge , plummeted to a tiny 4st 13lb at her worsthad begun the strict starvation regime at 16 after being bullied at schoolsays she survived off tea and coffee and would go days without eatingonly when she was warned she was killing herself did she seek help\n", + "[1.1203374 1.4001174 1.1914613 1.2269069 1.1375395 1.1647431 1.0992845\n", + " 1.0459181 1.099988 1.0800381 1.0232713 1.0447614 1.048558 1.0584637\n", + " 1.0593321 1.0310795 1.0239542 1.036451 1.0181395 1.0156746 1.0215331]\n", + "\n", + "[ 1 3 2 5 4 0 8 6 9 14 13 12 7 11 17 15 16 10 20 18 19]\n", + "=======================\n", + "[\"dallas mavericks owner mark cuban advised twitterers to have their blood tested for everything available -- and to do so every three months .and arizona gov. doug ducey signed legislation to allow arizonans to get any lab test without a doctor 's order .following her mother 's cancer diagnosis , singer taylor swift urged her fans to remind their parents to get screening tests .\"]\n", + "=======================\n", + "[\"mark cuban said people should have their blood tested every quartergilbert welch : giving people more tests will increase health spending , but it wo n't make us healthier .\"]\n", + "dallas mavericks owner mark cuban advised twitterers to have their blood tested for everything available -- and to do so every three months .and arizona gov. doug ducey signed legislation to allow arizonans to get any lab test without a doctor 's order .following her mother 's cancer diagnosis , singer taylor swift urged her fans to remind their parents to get screening tests .\n", + "mark cuban said people should have their blood tested every quartergilbert welch : giving people more tests will increase health spending , but it wo n't make us healthier .\n", + "[1.2978929 1.4446783 1.1812483 1.1895127 1.1528242 1.3736178 1.0835427\n", + " 1.0434768 1.0427428 1.0566608 1.0241845 1.040899 1.0635266 1.0949794\n", + " 1.0570066 1.0778937 1.079268 1.0183038 0. 0. 0. ]\n", + "\n", + "[ 1 5 0 3 2 4 13 6 16 15 12 14 9 7 8 11 10 17 18 19 20]\n", + "=======================\n", + "['with furious demonstrations going on below him in the capital delhi , ganjendra singh , 41 , was seen sitting in the tree for some time before throwing a suicide note into the crowd .an indian farmer hanged himself from a tree in the middle of a public protest over land rights after telling onlookers he could no longer afford to feed his three children .the demonstrations were organised by members of the aam aadmi political party , including chief minister arvind kejriwal .']\n", + "=======================\n", + "['ganjendra singh , 41 , took his own life during a demonstration in delhifarmer from rajasthan state could no longer afford to feed three childrenunseasonable heavy rain and hailstorms last month ruined his wheat cropmore than 30 indian farmers have killed themselves in north and west india']\n", + "with furious demonstrations going on below him in the capital delhi , ganjendra singh , 41 , was seen sitting in the tree for some time before throwing a suicide note into the crowd .an indian farmer hanged himself from a tree in the middle of a public protest over land rights after telling onlookers he could no longer afford to feed his three children .the demonstrations were organised by members of the aam aadmi political party , including chief minister arvind kejriwal .\n", + "ganjendra singh , 41 , took his own life during a demonstration in delhifarmer from rajasthan state could no longer afford to feed three childrenunseasonable heavy rain and hailstorms last month ruined his wheat cropmore than 30 indian farmers have killed themselves in north and west india\n", + "[1.456944 1.2702506 1.165352 1.092699 1.1387286 1.1691505 1.0683445\n", + " 1.014776 1.0582433 1.2328856 1.0970933 1.1622441 1.0326056 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 9 5 2 11 4 10 3 6 8 12 7 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "['( cnn ) a professor at texas a&m galveston said in an email to his strategic management students that they were a disgrace , that they lacked maturity -- and that he would fail the entire class .irwin horwitz , an instructional associate professor in the university \\'s department of maritime administration , told cnn affiliate kprc that he had finally reached a breaking point .\" enough was enough , \" horwitz said .']\n", + "=======================\n", + "[\"a texas a&m galveston professor said in an email to students he would fail the entire classuniversity officials wo n't necessarily stand by failing grades , cnn affiliate kprc reports\"]\n", + "( cnn ) a professor at texas a&m galveston said in an email to his strategic management students that they were a disgrace , that they lacked maturity -- and that he would fail the entire class .irwin horwitz , an instructional associate professor in the university 's department of maritime administration , told cnn affiliate kprc that he had finally reached a breaking point .\" enough was enough , \" horwitz said .\n", + "a texas a&m galveston professor said in an email to students he would fail the entire classuniversity officials wo n't necessarily stand by failing grades , cnn affiliate kprc reports\n", + "[1.2965698 1.3989897 1.3623525 1.2485728 1.221944 1.0640068 1.0830747\n", + " 1.1260546 1.0659373 1.0568792 1.0643786 1.0359708 1.0757543 1.033107\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 7 6 12 8 10 5 9 11 13 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"heritage auctions offered the gray jacket and skirt , featuring a black zigzag applique , plus more than 150 other items from the academy award-winning film at auction on saturday in beverly hills , california .the dress - a jacket and full skirt ensemble - was worn in several key scenes in the 1939 movie , including when scarlett o'hara encounters rhett butler , played by clark gable , and when she gets attacked in the shanty town .a dress worn by vivien leigh when she played scarlett o'hara in the classic 1939 film gone with the wind has fetched $ 137,000 at auction .\"]\n", + "=======================\n", + "['a jacket and full skirt ensemble worn in several key scenes in the 1939 movie has fetched $ 137,000 at auctionthe has faded over time from its original slate blue-gray color to become light grayprivate collection james tumblin learned that the dress was about to be thrown out in the 1960s and negotiated a deal to buy it for $ 20other top selling items from the auction were a straw hat worn by leigh that sold for $ 52,500']\n", + "heritage auctions offered the gray jacket and skirt , featuring a black zigzag applique , plus more than 150 other items from the academy award-winning film at auction on saturday in beverly hills , california .the dress - a jacket and full skirt ensemble - was worn in several key scenes in the 1939 movie , including when scarlett o'hara encounters rhett butler , played by clark gable , and when she gets attacked in the shanty town .a dress worn by vivien leigh when she played scarlett o'hara in the classic 1939 film gone with the wind has fetched $ 137,000 at auction .\n", + "a jacket and full skirt ensemble worn in several key scenes in the 1939 movie has fetched $ 137,000 at auctionthe has faded over time from its original slate blue-gray color to become light grayprivate collection james tumblin learned that the dress was about to be thrown out in the 1960s and negotiated a deal to buy it for $ 20other top selling items from the auction were a straw hat worn by leigh that sold for $ 52,500\n", + "[1.2748849 1.5143744 1.2825704 1.2477283 1.0781987 1.093445 1.1882701\n", + " 1.1286237 1.0444167 1.0201954 1.0146061 1.0191292 1.2479945 1.185415\n", + " 1.0257787 1.0540342 1.0955933 1.0957462 1.0914575 0. 0. ]\n", + "\n", + "[ 1 2 0 12 3 6 13 7 17 16 5 18 4 15 8 14 9 11 10 19 20]\n", + "=======================\n", + "['the girl is in hospital after she was savaged by the animal in namtsy , in the sakha republic in siberia - one of the coldest regions in the world .photographs show the lion being walked around by a worker for a circus that had been visiting the village .a nine-year-old girl was attacked by a lion that was being walked like a dog by circus entertainers who had brought their show to a quiet siberian village .']\n", + "=======================\n", + "['a circus worker was seen walking a lion around a village like a dogthe animal was seen being pulled by a makeshift leash in namtsy , siberiait savaged a nine-year-old girl in the village , on her way home from lessonsgirl is in hospital and the extent of her injuries from the attack not known']\n", + "the girl is in hospital after she was savaged by the animal in namtsy , in the sakha republic in siberia - one of the coldest regions in the world .photographs show the lion being walked around by a worker for a circus that had been visiting the village .a nine-year-old girl was attacked by a lion that was being walked like a dog by circus entertainers who had brought their show to a quiet siberian village .\n", + "a circus worker was seen walking a lion around a village like a dogthe animal was seen being pulled by a makeshift leash in namtsy , siberiait savaged a nine-year-old girl in the village , on her way home from lessonsgirl is in hospital and the extent of her injuries from the attack not known\n", + "[1.3992289 1.4741049 1.1612171 1.1104354 1.1189612 1.3094085 1.2635314\n", + " 1.1073606 1.0555946 1.0714649 1.0351869 1.0275803 1.076647 1.0280852\n", + " 1.0535473 1.1595103 1.1224029 1.0093803 1.0101678 1.0079241 1.0282187]\n", + "\n", + "[ 1 0 5 6 2 15 16 4 3 7 12 9 8 14 10 20 13 11 18 17 19]\n", + "=======================\n", + "[\"reverend jonno williams is the parish priest of the anglican-uniting church at canowindra and will be conducting wednesday 's funeral service .stephanie scott went missing on easter sunday .her burned body was found last friday around five metres from a road in cocoparra national park\"]\n", + "=======================\n", + "[\"reverend jonno williams says funeral of teacher to be held on wednesdayhe will be speaking with the family this afternoon to finalise the detailsreverend williams says it 'll be especially hard for the town 's young people` she was a very friendly and cheerful girl , ' reverend williams saysnsw health spokeswoman says ms scott 's body is still undergoing testsschool cleaner vincent stanford , 24 , has been charged with her murder\"]\n", + "reverend jonno williams is the parish priest of the anglican-uniting church at canowindra and will be conducting wednesday 's funeral service .stephanie scott went missing on easter sunday .her burned body was found last friday around five metres from a road in cocoparra national park\n", + "reverend jonno williams says funeral of teacher to be held on wednesdayhe will be speaking with the family this afternoon to finalise the detailsreverend williams says it 'll be especially hard for the town 's young people` she was a very friendly and cheerful girl , ' reverend williams saysnsw health spokeswoman says ms scott 's body is still undergoing testsschool cleaner vincent stanford , 24 , has been charged with her murder\n", + "[1.239687 1.421414 1.1809211 1.2506205 1.299365 1.2541311 1.2210301\n", + " 1.2611294 1.0557235 1.0180014 1.0096875 1.1370441 1.0165442 1.0296941\n", + " 1.0217825 1.0178318 1.0175356 1.1013132 1.0594344 1.0544945 1.0281501]\n", + "\n", + "[ 1 4 7 5 3 0 6 2 11 17 18 8 19 13 20 14 9 15 16 12 10]\n", + "=======================\n", + "[\"marco evaristti , the south american artist who is based in copenhagen , poured red fruit dye into the strokkur geysir , found around 70 miles to the north east of reykjavik , at dawn .he has since been jailed for two weeks after landowners lambasted his efforts as ` vandalism ' .icelandic authorities jailed the chilean national for 15 days\"]\n", + "=======================\n", + "[\"marco evaristti poured red fruit dye into the strokkur geysir at dawnwhen the hot spring boiled , bright pink steam erupted from the groundthe chilean artist has been jailed for 15 days by ` disgusted ' authoritieshe defended the artwork saying ` nature belongs to no one '\"]\n", + "marco evaristti , the south american artist who is based in copenhagen , poured red fruit dye into the strokkur geysir , found around 70 miles to the north east of reykjavik , at dawn .he has since been jailed for two weeks after landowners lambasted his efforts as ` vandalism ' .icelandic authorities jailed the chilean national for 15 days\n", + "marco evaristti poured red fruit dye into the strokkur geysir at dawnwhen the hot spring boiled , bright pink steam erupted from the groundthe chilean artist has been jailed for 15 days by ` disgusted ' authoritieshe defended the artwork saying ` nature belongs to no one '\n", + "[1.3043312 1.3756664 1.1406537 1.447355 1.2460583 1.1287769 1.075849\n", + " 1.0915794 1.073482 1.1174223 1.0333537 1.112622 1.1116089 1.0525429\n", + " 1.064633 1.0221989 1.0167491 1.0103964 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 4 2 5 9 11 12 7 6 8 14 13 10 15 16 17 18 19 20]\n", + "=======================\n", + "[\"raheem sterling has rejected a new # 100,000-a-week contract with liverpool and could leave this summerunder premier league regulations the 20-year-old is entitled to ` buy-out ' the last year of his current contract which runs out in 2017 .raheem sterling could force his way out of liverpool this summer , costing the club up to # 25million while saving potential suitors such as manchester city and chelsea the same amount .\"]\n", + "=======================\n", + "[\"raheem sterling 's contract with liverpool expires in the summer of 2017the forward could buy-out the final year of his deal for # 1.7 millionliverpool may be forced to accept a much lower bid for the 20-year-oldslaven bilic is in the frame to replace sam allardyce at west hamsouthampton set to make summer bid for man united 's javier hernandeztottenham still interested in move for aston villa 's christian bentekewest ham determined to keep hold of chelsea target aaron cresswell\"]\n", + "raheem sterling has rejected a new # 100,000-a-week contract with liverpool and could leave this summerunder premier league regulations the 20-year-old is entitled to ` buy-out ' the last year of his current contract which runs out in 2017 .raheem sterling could force his way out of liverpool this summer , costing the club up to # 25million while saving potential suitors such as manchester city and chelsea the same amount .\n", + "raheem sterling 's contract with liverpool expires in the summer of 2017the forward could buy-out the final year of his deal for # 1.7 millionliverpool may be forced to accept a much lower bid for the 20-year-oldslaven bilic is in the frame to replace sam allardyce at west hamsouthampton set to make summer bid for man united 's javier hernandeztottenham still interested in move for aston villa 's christian bentekewest ham determined to keep hold of chelsea target aaron cresswell\n", + "[1.3710856 1.5084062 1.1413653 1.0475734 1.0334644 1.1619847 1.0630676\n", + " 1.0209833 1.0457071 1.1448423 1.0583584 1.1457275 1.0191982 1.1361828\n", + " 1.2450024 1.0895264 1.1696866 1.0316656 1.0261176 0. 0. ]\n", + "\n", + "[ 1 0 14 16 5 11 9 2 13 15 6 10 3 8 4 17 18 7 12 19 20]\n", + "=======================\n", + "[\"world no 1 rory mcilroy shields himself from the rain during a practice round at augustaahead of golf 's first major of the year , where all talk is of whether rory mcilroy can complete a career grand slam or how tiger woods ' latest comeback will fare , sportsmail 's derek lawrenson will bring daily updates from behind the scenes at augusta .masters tuesday saw the 80th anniversary of the most famous shot in the tournament 's history , the one that put the event on the map , when gene sarazen made his albatross on the 15th hole in the final round to edge out craig wood .\"]\n", + "=======================\n", + "[\"season 's first major , the masters , tees off thursday april 9 at augustaian poulter forgot to bring his clubs ahead of his practice roundtiger woods ' children will carry his bag during par three tournamenthenrik stenson played down his chances after coming down with flu\"]\n", + "world no 1 rory mcilroy shields himself from the rain during a practice round at augustaahead of golf 's first major of the year , where all talk is of whether rory mcilroy can complete a career grand slam or how tiger woods ' latest comeback will fare , sportsmail 's derek lawrenson will bring daily updates from behind the scenes at augusta .masters tuesday saw the 80th anniversary of the most famous shot in the tournament 's history , the one that put the event on the map , when gene sarazen made his albatross on the 15th hole in the final round to edge out craig wood .\n", + "season 's first major , the masters , tees off thursday april 9 at augustaian poulter forgot to bring his clubs ahead of his practice roundtiger woods ' children will carry his bag during par three tournamenthenrik stenson played down his chances after coming down with flu\n", + "[1.3208365 1.2248956 1.4846789 1.3472486 1.1740308 1.089357 1.3291342\n", + " 1.222028 1.0746559 1.0158468 1.0302262 1.066954 1.015787 1.0220873\n", + " 1.0408992 1.0253658 1.0715809 1.0995859 1.0117612 1.0217657 0. ]\n", + "\n", + "[ 2 3 6 0 1 7 4 17 5 8 16 11 14 10 15 13 19 9 12 18 20]\n", + "=======================\n", + "[\"david nellist , 38 , of keswick , cumbria was foiled after a neighbour heard the young spaniel cross called coco ` screaming ' .nellist was sentenced to two months in prison , suspended for 18 months , banned from keeping animals for five years , ordered to complete 200 hours of unpaid work and pay costs of # 1,580 at workington magistrates court in cumbria last week .the court was told the incident took place early on monday january 19 at the tapas bar nellist co-owned at the time of the incident in keswick .\"]\n", + "=======================\n", + "[\"david nellist was caught on cctv attacking his dog coco in a restauranthe has been sentenced to two months in prison , suspended for 18 monthsnellist , of keswick , cumbria banned from keeping animals for five yearsthe 38-year-old was caught after a neighbour heard the pet ` screaming '\"]\n", + "david nellist , 38 , of keswick , cumbria was foiled after a neighbour heard the young spaniel cross called coco ` screaming ' .nellist was sentenced to two months in prison , suspended for 18 months , banned from keeping animals for five years , ordered to complete 200 hours of unpaid work and pay costs of # 1,580 at workington magistrates court in cumbria last week .the court was told the incident took place early on monday january 19 at the tapas bar nellist co-owned at the time of the incident in keswick .\n", + "david nellist was caught on cctv attacking his dog coco in a restauranthe has been sentenced to two months in prison , suspended for 18 monthsnellist , of keswick , cumbria banned from keeping animals for five yearsthe 38-year-old was caught after a neighbour heard the pet ` screaming '\n", + "[1.3956761 1.2447193 1.2203194 1.1547604 1.2652481 1.0927515 1.0696832\n", + " 1.1340358 1.0938601 1.1068486 1.0386236 1.0810597 1.0237433 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 2 3 7 9 8 5 11 6 10 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"whistleblower julian asssange has added insult to injury for sony pictures after his website wikileaks put hundreds of thousands of emails and documents from last year 's cyberattack into a searchable online archive .the calculated move by assange to expose thousands of indiscreet and personal correspondences will likely spell fresh embarrassment for the embattled company so soon after they hoped the dust had settled on the matter .assange and wikileaks issued a statement on thursday saying that the data has a public interest , but the majority of the correspondences run from the mundane to the deeply personal .\"]\n", + "=======================\n", + "[\"wikileaks uploads hundreds of thousands of emails and documents into a searchable online archivedocuments date from last year 's crippling cyberattack against sony pictures entertainmentit 's the latest blow for the company struggling to get past the attackwikileaks founder julian assange defended actions and said the documents were already in the public domain\"]\n", + "whistleblower julian asssange has added insult to injury for sony pictures after his website wikileaks put hundreds of thousands of emails and documents from last year 's cyberattack into a searchable online archive .the calculated move by assange to expose thousands of indiscreet and personal correspondences will likely spell fresh embarrassment for the embattled company so soon after they hoped the dust had settled on the matter .assange and wikileaks issued a statement on thursday saying that the data has a public interest , but the majority of the correspondences run from the mundane to the deeply personal .\n", + "wikileaks uploads hundreds of thousands of emails and documents into a searchable online archivedocuments date from last year 's crippling cyberattack against sony pictures entertainmentit 's the latest blow for the company struggling to get past the attackwikileaks founder julian assange defended actions and said the documents were already in the public domain\n", + "[1.256014 1.4544852 1.3447833 1.2367659 1.0798919 1.0261264 1.0129157\n", + " 1.0538864 1.214427 1.1943877 1.1259117 1.0801661 1.040358 1.0376356\n", + " 1.0508144 1.0233587 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 8 9 10 11 4 7 14 12 13 5 15 6 18 16 17 19]\n", + "=======================\n", + "[\"the reportedly painful method involves participants placing their mouth over the opening of a cup , jar or other narrow vessel and sucking in until the air vacuum causes their lips to swell up - all in the hopes of emulating kylie jenner 's bee-stung pout .countless teens , both boys and girls , have been sharing the disturbing results of their experiments on twitter and instagram , which in many cases has led to severe bruising around the mouth .a worrying new trend dubbed the ' #kyliejennerchallenge ' is sweeping social media , encouraging teens to blow their lips up to epic proportions using bottles or shot glasses .\"]\n", + "=======================\n", + "[\"the #kyliejennerchallenge is currently sweeping social mediamethod involves creating an airlock which forces lips to swellteens are hoping to emulate kylie jenner 's puffy pout\"]\n", + "the reportedly painful method involves participants placing their mouth over the opening of a cup , jar or other narrow vessel and sucking in until the air vacuum causes their lips to swell up - all in the hopes of emulating kylie jenner 's bee-stung pout .countless teens , both boys and girls , have been sharing the disturbing results of their experiments on twitter and instagram , which in many cases has led to severe bruising around the mouth .a worrying new trend dubbed the ' #kyliejennerchallenge ' is sweeping social media , encouraging teens to blow their lips up to epic proportions using bottles or shot glasses .\n", + "the #kyliejennerchallenge is currently sweeping social mediamethod involves creating an airlock which forces lips to swellteens are hoping to emulate kylie jenner 's puffy pout\n", + "[1.184797 1.4638263 1.1812259 1.1935939 1.1071433 1.0557187 1.0433416\n", + " 1.0413917 1.0280321 1.0282117 1.2080173 1.0943161 1.0797344 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 10 3 0 2 4 11 12 5 6 7 9 8 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"vin los , 24 , gained notoriety last year for his tattoo-covered visage and his dreams of becoming the most famous man in the world ; despite facing heavy criticism about his unique ink , vin insisted that the sharpie-like tattoos on his face , neck , chest , and arms 'em body pop culture ' , create ' a myth , a mystery ' and would one day help him to achieve his goal of global fame .art history : vin says he got his first tattoo around the age of 16 ; it 's the logo for le coq sportif on his chestmost people might believe that being covered in face tattoos would make it impossible to land a job ; but for one inked-up canadian man the decision to cover his head , neck and arms in crude body art has actually earned him a lucrative career as a model .\"]\n", + "=======================\n", + "[\"vin los , 24 , poses in boxer briefs for underwear brand garçon modelthe montreal native has a selection of words tattooed on his face , neck , and body that look like they were scrawled on with a sharpievin 's goal is to be the most famous man on earth and he insists that his body art embodies pop culture\"]\n", + "vin los , 24 , gained notoriety last year for his tattoo-covered visage and his dreams of becoming the most famous man in the world ; despite facing heavy criticism about his unique ink , vin insisted that the sharpie-like tattoos on his face , neck , chest , and arms 'em body pop culture ' , create ' a myth , a mystery ' and would one day help him to achieve his goal of global fame .art history : vin says he got his first tattoo around the age of 16 ; it 's the logo for le coq sportif on his chestmost people might believe that being covered in face tattoos would make it impossible to land a job ; but for one inked-up canadian man the decision to cover his head , neck and arms in crude body art has actually earned him a lucrative career as a model .\n", + "vin los , 24 , poses in boxer briefs for underwear brand garçon modelthe montreal native has a selection of words tattooed on his face , neck , and body that look like they were scrawled on with a sharpievin 's goal is to be the most famous man on earth and he insists that his body art embodies pop culture\n", + "[1.4321533 1.1720409 1.2614825 1.1555367 1.2218826 1.2153083 1.0968368\n", + " 1.072878 1.0279629 1.0285963 1.0802733 1.0306884 1.0471638 1.05624\n", + " 1.0254453 1.1260577 1.0309047 1.0393492 1.0361261 1.0630051]\n", + "\n", + "[ 0 2 4 5 1 3 15 6 10 7 19 13 12 17 18 16 11 9 8 14]\n", + "=======================\n", + "[\"hillary clinton and top aide huma abedin did n't leave a tip during their now infamous stop at an ohio chipotle on monday - despite there being a jar on the counter .to be fair , multimillionaire ` clinton did n't pay ' for the meal , according to wright .she was spotted standing next to clinton in security camera footage released by the toledo-area store .\"]\n", + "=======================\n", + "[\"` her bill was $ 20 and some change , and they paid with $ 21 and left , ' said the manager of the maumee , ohio , restaurantto be fair , ` clinton did n't pay ' for the meal - ` the other lady paid the bill , ' he said , referring to abedin , the vice chairwoman of clinton 's campaignthis branch of the chain does have a tip jar says its manager - although many other chipotles do notclinton and abedin dropped by restaurant incognito for lunch during their road trip from new york to iowa for the first round of campaign events\"]\n", + "hillary clinton and top aide huma abedin did n't leave a tip during their now infamous stop at an ohio chipotle on monday - despite there being a jar on the counter .to be fair , multimillionaire ` clinton did n't pay ' for the meal , according to wright .she was spotted standing next to clinton in security camera footage released by the toledo-area store .\n", + "` her bill was $ 20 and some change , and they paid with $ 21 and left , ' said the manager of the maumee , ohio , restaurantto be fair , ` clinton did n't pay ' for the meal - ` the other lady paid the bill , ' he said , referring to abedin , the vice chairwoman of clinton 's campaignthis branch of the chain does have a tip jar says its manager - although many other chipotles do notclinton and abedin dropped by restaurant incognito for lunch during their road trip from new york to iowa for the first round of campaign events\n", + "[1.3517456 1.2917147 1.1561034 1.3416996 1.1704364 1.1449817 1.090388\n", + " 1.0710367 1.0625767 1.0669467 1.0886259 1.057133 1.0666835 1.0620486\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 5 6 10 7 9 12 8 13 11 14 15 16 17 18 19]\n", + "=======================\n", + "[\"the mother of nicholas figueroa , a 23-year-old male model who died in a building explosion on new york city 's 2nd avenue last month , has spoken outana figueroa , 55 , told daily mail online that though she cries every night , those responsible for the explosion and handling its aftermath have not reached out to her .the young man and recent college graduate was paying the bill on a blind date at a sushi restaurant when three buildings in new york 's east village were destroyed\"]\n", + "=======================\n", + "[\"ana figueroa , mother of nicholas figueroa , 23 , set up memorial to her son who died in the march 26 explosion on new york city 's second avenueblast , which killed two , thought to be the result of illegal gas tappingthe grieving mother said that neither the landlord of the demolished buildings , mayor bill de blasio nor con edison have contacted herfamily has built memorial , plans to push for small park in memory of son\"]\n", + "the mother of nicholas figueroa , a 23-year-old male model who died in a building explosion on new york city 's 2nd avenue last month , has spoken outana figueroa , 55 , told daily mail online that though she cries every night , those responsible for the explosion and handling its aftermath have not reached out to her .the young man and recent college graduate was paying the bill on a blind date at a sushi restaurant when three buildings in new york 's east village were destroyed\n", + "ana figueroa , mother of nicholas figueroa , 23 , set up memorial to her son who died in the march 26 explosion on new york city 's second avenueblast , which killed two , thought to be the result of illegal gas tappingthe grieving mother said that neither the landlord of the demolished buildings , mayor bill de blasio nor con edison have contacted herfamily has built memorial , plans to push for small park in memory of son\n", + "[1.4371948 1.475717 1.179885 1.4593537 1.1837606 1.0449591 1.0218053\n", + " 1.014279 1.0258214 1.0214652 1.1430434 1.1729856 1.0839982 1.015689\n", + " 1.01328 1.0097765 1.0095379 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 11 10 12 5 8 6 9 13 7 14 15 16 17 18 19]\n", + "=======================\n", + "[\"ramsey 's qpr , who face pulis 's west brom at the hawthorns on saturday , are 19th in the barclay 's premier league table -- four points adrift of sunderland in 17th .chris ramsey praised tony pulis ahead of his sides crucial clash with west brom in the premier leaguechris ramsey has hailed tony pulis as one of the best british coaches in the country , but insists he does n't need to take any tactical tips from the experienced relegation dodger .\"]\n", + "=======================\n", + "[\"chris ramsey praises tony pulis as one of the best coaches in britainthe queens park rangers boss says he wo n't be asking for his adviceqpr travel to west brom on saturday in crucial relegation clashclick here for all the latest qpr news\"]\n", + "ramsey 's qpr , who face pulis 's west brom at the hawthorns on saturday , are 19th in the barclay 's premier league table -- four points adrift of sunderland in 17th .chris ramsey praised tony pulis ahead of his sides crucial clash with west brom in the premier leaguechris ramsey has hailed tony pulis as one of the best british coaches in the country , but insists he does n't need to take any tactical tips from the experienced relegation dodger .\n", + "chris ramsey praises tony pulis as one of the best coaches in britainthe queens park rangers boss says he wo n't be asking for his adviceqpr travel to west brom on saturday in crucial relegation clashclick here for all the latest qpr news\n", + "[1.5301387 1.2360061 1.2227852 1.4738718 1.2763073 1.0858248 1.0569105\n", + " 1.0190543 1.0114397 1.0121391 1.0198599 1.0145197 1.0208435 1.0170218\n", + " 1.0198876 1.0862143 1.3490007 1.1268669 1.0760379 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 3 16 4 1 2 17 15 5 18 6 12 14 10 7 13 11 9 8 20 19 21]\n", + "=======================\n", + "[\"inter milan target yaya toure has admitted that he is open to ` new challenges ' and will not remain at manchester city just to pick up his # 220,000-a-week wages .inter milan boss roberto mancini wants to be reunited with toure next season after managing him at citytoure is challenged by west ham 's mark noble during city 's 2-0 win at the etihad on sunday afternoon\"]\n", + "=======================\n", + "[\"inter milan are keen to sign manchester city midfielder yaya tourethe ivorian is open to a move if the right challenge presents itselftoure insists that he will not remain at city just to pick up his wagesthe 31-year-old could be sold by city as they look to reshape their squadread : manuel pellegrini is ` weak ' , says yaya toure 's agent\"]\n", + "inter milan target yaya toure has admitted that he is open to ` new challenges ' and will not remain at manchester city just to pick up his # 220,000-a-week wages .inter milan boss roberto mancini wants to be reunited with toure next season after managing him at citytoure is challenged by west ham 's mark noble during city 's 2-0 win at the etihad on sunday afternoon\n", + "inter milan are keen to sign manchester city midfielder yaya tourethe ivorian is open to a move if the right challenge presents itselftoure insists that he will not remain at city just to pick up his wagesthe 31-year-old could be sold by city as they look to reshape their squadread : manuel pellegrini is ` weak ' , says yaya toure 's agent\n", + "[1.2513003 1.3855981 1.2398239 1.3164433 1.1525185 1.1400069 1.1015527\n", + " 1.0468149 1.0230548 1.0276972 1.0887889 1.0716218 1.0685495 1.0712589\n", + " 1.0907727 1.066313 1.0883967 1.0726246 1.1324848 1.035756 1.0386829\n", + " 1.0430557]\n", + "\n", + "[ 1 3 0 2 4 5 18 6 14 10 16 17 11 13 12 15 7 21 20 19 9 8]\n", + "=======================\n", + "['as darkness fell on the beach in hokota , around 60 miles northeast of tokyo , coastguards and officials called off the rescue operation after only managing to save three of the 149 melon-headed dolphins that had beached .rescuers were forced to abandon their efforts to save 149 dolphins that were stranded on a beach in japan after working tirelessly all day to help the creatures .the rest of the animals had either died or were dying , they said .']\n", + "=======================\n", + "[\"pod of melon-headed whales beached in hokota , 60 miles from tokyorescuers worked tirelessly to save creatures , but only three survived146 helpless dolphins were ` dead or dying ' as rescue operation called offscientists believe creatures ended up on shore after being disorientated\"]\n", + "as darkness fell on the beach in hokota , around 60 miles northeast of tokyo , coastguards and officials called off the rescue operation after only managing to save three of the 149 melon-headed dolphins that had beached .rescuers were forced to abandon their efforts to save 149 dolphins that were stranded on a beach in japan after working tirelessly all day to help the creatures .the rest of the animals had either died or were dying , they said .\n", + "pod of melon-headed whales beached in hokota , 60 miles from tokyorescuers worked tirelessly to save creatures , but only three survived146 helpless dolphins were ` dead or dying ' as rescue operation called offscientists believe creatures ended up on shore after being disorientated\n", + "[1.28088 1.4557841 1.4089792 1.217727 1.1495426 1.0793622 1.1287516\n", + " 1.0641087 1.0381038 1.0153863 1.0461864 1.070925 1.092491 1.0774465\n", + " 1.062453 1.0906296 1.1245247 1.0265551 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 4 6 16 12 15 5 13 11 7 14 10 8 17 9 18 19 20 21]\n", + "=======================\n", + "[\"transsexual kellie , formerly boxing promoter frank maloney , started the process to change gender two years ago and underwent her final surgery last week .the twice-married 61-year-old was expected to stay in hospital for 10 days , but has been released four days early .kellie maloney has left hospital after completing her sex change and said : ' i am proud to be the woman i should 've always been ' .\"]\n", + "=======================\n", + "[\"transsexual kellie was formerly boxing promoter frank maloney , 61she has completed her sex change and is at home recoveringtweeted to her fans : ` still very sore and got pain but in good health 'started transition to change gender two years ago and has now completed\"]\n", + "transsexual kellie , formerly boxing promoter frank maloney , started the process to change gender two years ago and underwent her final surgery last week .the twice-married 61-year-old was expected to stay in hospital for 10 days , but has been released four days early .kellie maloney has left hospital after completing her sex change and said : ' i am proud to be the woman i should 've always been ' .\n", + "transsexual kellie was formerly boxing promoter frank maloney , 61she has completed her sex change and is at home recoveringtweeted to her fans : ` still very sore and got pain but in good health 'started transition to change gender two years ago and has now completed\n", + "[1.207494 1.480521 1.0992632 1.1290891 1.265236 1.1792724 1.2558424\n", + " 1.1596335 1.0511978 1.0461453 1.0257128 1.0245253 1.2736824 1.0945545\n", + " 1.0160015 1.015242 1.0184858 1.0101253 1.0098196 1.0112107 0.\n", + " 0. ]\n", + "\n", + "[ 1 12 4 6 0 5 7 3 2 13 8 9 10 11 16 14 15 19 17 18 20 21]\n", + "=======================\n", + "[\"the comedian tweeted a picture on thursday alongside former england captain david beckham and new york giants ' nfl hotshot odell beckham jnr .david beckham embarrassed his son brooklyn on james corden 's late late show in america last monththe saying ` two is company but three 's a crowd ' clearly did n't apply to james corden as he met two beckham sporting stars .\"]\n", + "=======================\n", + "[\"james corden shared the picture on thursday via twittercorden is currently in america filming late-night talk show late latedavid beckham was a guest on the 36-year-old 's show last month\"]\n", + "the comedian tweeted a picture on thursday alongside former england captain david beckham and new york giants ' nfl hotshot odell beckham jnr .david beckham embarrassed his son brooklyn on james corden 's late late show in america last monththe saying ` two is company but three 's a crowd ' clearly did n't apply to james corden as he met two beckham sporting stars .\n", + "james corden shared the picture on thursday via twittercorden is currently in america filming late-night talk show late latedavid beckham was a guest on the 36-year-old 's show last month\n", + "[1.1924396 1.4228035 1.3368477 1.288373 1.060949 1.2110227 1.2108307\n", + " 1.0968887 1.0424855 1.0241517 1.0930728 1.1813352 1.0708643 1.0415548\n", + " 1.0235596 1.0389693 1.0203696 1.0109475 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 5 6 0 11 7 10 12 4 8 13 15 9 14 16 17 20 18 19 21]\n", + "=======================\n", + "[\"the russian man , who was filming a documentary in snow-covered mountains , found himself injured and unable to continue the ascent .it is believed the man , whose nickname is ` che ' , was struck by a huge falling icicle , causing a collection of blood under the skin called a haemotoma .a russian hiker performed surgery on himself at the top of some snow-covered mountains using only items in his first aid kit\"]\n", + "=======================\n", + "['warning : graphic contentrussian climber is struck by a falling icicle , causing a blood clot in his legusing snow as an anaesthetic he cuts his own leg open with a scalpelhe scoops out the blood clot and sews up the wound with items in his kitten days later the stitches are removed and he is left with barely any scar']\n", + "the russian man , who was filming a documentary in snow-covered mountains , found himself injured and unable to continue the ascent .it is believed the man , whose nickname is ` che ' , was struck by a huge falling icicle , causing a collection of blood under the skin called a haemotoma .a russian hiker performed surgery on himself at the top of some snow-covered mountains using only items in his first aid kit\n", + "warning : graphic contentrussian climber is struck by a falling icicle , causing a blood clot in his legusing snow as an anaesthetic he cuts his own leg open with a scalpelhe scoops out the blood clot and sews up the wound with items in his kitten days later the stitches are removed and he is left with barely any scar\n", + "[1.3646367 1.2381209 1.3985828 1.2622219 1.1467842 1.1825789 1.1081754\n", + " 1.1766067 1.0537738 1.0794567 1.0433942 1.0419909 1.0875733 1.0166315\n", + " 1.0258636 1.063434 1.0459392 1.0239136 1.0339724 1.0133494]\n", + "\n", + "[ 2 0 3 1 5 7 4 6 12 9 15 8 16 10 11 18 14 17 13 19]\n", + "=======================\n", + "[\"thursday 's attack by al-shabaab militants killed 147 people , including 142 students , three security officers and two university security personnel .the attack left 104 people injured , including 19 who are in critical condition , nkaissery said .nkaissery told reporters the university will be able to confirm saturday if everyone has been accounted for .\"]\n", + "=======================\n", + "['5 suspects arrested in attack on kenyan campus , official saysstudent tells cnn of smearing herself with blood to escape deathal-shabaab gunmen opened fire , and 147 people died']\n", + "thursday 's attack by al-shabaab militants killed 147 people , including 142 students , three security officers and two university security personnel .the attack left 104 people injured , including 19 who are in critical condition , nkaissery said .nkaissery told reporters the university will be able to confirm saturday if everyone has been accounted for .\n", + "5 suspects arrested in attack on kenyan campus , official saysstudent tells cnn of smearing herself with blood to escape deathal-shabaab gunmen opened fire , and 147 people died\n", + "[1.4505442 1.1607744 1.4358872 1.2022684 1.2065804 1.2109073 1.0827341\n", + " 1.1275879 1.103257 1.0781407 1.081535 1.0538663 1.0328376 1.0147732\n", + " 1.1747025 1.053595 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 5 4 3 14 1 7 8 6 10 9 11 15 12 13 18 16 17 19]\n", + "=======================\n", + "[\"fiona cullum provided a safe haven for hassan hussain and yassin james after they gunned down innocent nursery teacher sabrina mossmiss moss ' friend sabrina gachette , then 24 , was lucky to survive after being blasted in the back with a sawn-off shotgun during the attack outside woody grill , in south kilburn .the men sprayed bullets at mother-of-one miss moss and her friends as they took cover from the rain outside a bar .\"]\n", + "=======================\n", + "['sabrina moss was gunned down in a london street on her 24th birthdayfiona cullum , 25 , sheltered two of her killers as they evaded the policetwo murderers and getaway driver were last year jailed for 111 yearsbut cullum was spared jail today and was handed a suspended sentence for harbouring a killer and perverting the course of justice']\n", + "fiona cullum provided a safe haven for hassan hussain and yassin james after they gunned down innocent nursery teacher sabrina mossmiss moss ' friend sabrina gachette , then 24 , was lucky to survive after being blasted in the back with a sawn-off shotgun during the attack outside woody grill , in south kilburn .the men sprayed bullets at mother-of-one miss moss and her friends as they took cover from the rain outside a bar .\n", + "sabrina moss was gunned down in a london street on her 24th birthdayfiona cullum , 25 , sheltered two of her killers as they evaded the policetwo murderers and getaway driver were last year jailed for 111 yearsbut cullum was spared jail today and was handed a suspended sentence for harbouring a killer and perverting the course of justice\n", + "[1.1934575 1.4975871 1.0875214 1.3050387 1.1499995 1.1730174 1.0544175\n", + " 1.070728 1.0242848 1.0407604 1.1745383 1.1641167 1.0520551 1.1304442\n", + " 1.0759301 1.0493275 1.1117573 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 10 5 11 4 13 16 2 14 7 6 12 15 9 8 17 18 19]\n", + "=======================\n", + "[\"father damian maria montes , 29 , from madrid , was appearing on the spanish version of the voice when he belted out the robbie williams 1997 ballad while donning his priest 's collar .a spanish priest has stunned viewers and judges on a talent show with his remarkable rendition of angels .lofty dreams : father montes claimed he had been singing since he was 16 years old and had always wanted to be a musical artist\"]\n", + "=======================\n", + "[\"father damian maria montes stunned viewers with his version of angelspriest , 29 , of madrid , said he once hoped to become a professional singerbut before chasing dream he turned to the church to ` make sense of life '\"]\n", + "father damian maria montes , 29 , from madrid , was appearing on the spanish version of the voice when he belted out the robbie williams 1997 ballad while donning his priest 's collar .a spanish priest has stunned viewers and judges on a talent show with his remarkable rendition of angels .lofty dreams : father montes claimed he had been singing since he was 16 years old and had always wanted to be a musical artist\n", + "father damian maria montes stunned viewers with his version of angelspriest , 29 , of madrid , said he once hoped to become a professional singerbut before chasing dream he turned to the church to ` make sense of life '\n", + "[1.3020808 1.202167 1.3689572 1.2619717 1.2782719 1.160778 1.1600751\n", + " 1.0732391 1.1571773 1.0767841 1.0493377 1.0683498 1.0158249 1.1381409\n", + " 1.0661016 1.0410905 1.0563015 0. 0. 0. ]\n", + "\n", + "[ 2 0 4 3 1 5 6 8 13 9 7 11 14 16 10 15 12 17 18 19]\n", + "=======================\n", + "[\"the teenagers were detained at their homes in coventry , west midlands , during a 6am raid by the region 's counter terrorism unit today .sue southern , head of west midlands counter terrorism police unit , which has detained three people in relation to terrorism offences todayall three are currently in custody in a west midlands police station and have been detained under the police and criminal evidence act .\"]\n", + "=======================\n", + "['teenagers are currently in police custody at a west midlands police stationpolice said their arrests were pre-planned and there was no risk to publica 39-year-old man is being held on suspicion of fundraising for terroristswest midlands counter terrorism unit appealed for help identifying jihadis']\n", + "the teenagers were detained at their homes in coventry , west midlands , during a 6am raid by the region 's counter terrorism unit today .sue southern , head of west midlands counter terrorism police unit , which has detained three people in relation to terrorism offences todayall three are currently in custody in a west midlands police station and have been detained under the police and criminal evidence act .\n", + "teenagers are currently in police custody at a west midlands police stationpolice said their arrests were pre-planned and there was no risk to publica 39-year-old man is being held on suspicion of fundraising for terroristswest midlands counter terrorism unit appealed for help identifying jihadis\n", + "[1.2476751 1.3732674 1.1872164 1.2290556 1.0651605 1.2258995 1.142924\n", + " 1.119562 1.1442873 1.0937006 1.0708352 1.0412372 1.0393497 1.0403298\n", + " 1.0476305 1.0375297 1.0149078 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 5 2 8 6 7 9 10 4 14 11 13 12 15 16 18 17 19]\n", + "=======================\n", + "['the splatters of blood on the checklist for the very first us spacewalk were from an astronaut as he frantically battled to close the hatch door of the spacecraft after a historic venture .a bloodstained document revealing a life-or-death episode that could have derailed the whole us space programme of the 1960s is tipped to sell for # 80,000 ( $ 120,000 ) .gemini 4 launched from cape canaveral in florida on 3 june 1965 with two astronauts on board .']\n", + "=======================\n", + "[\"a piece of space history is going up for auction in new york this monthit is a bloodstained checklist from the gemini 4 mission in 1965this spacecraft orbited earth 66 times with two astronauts on boardblood came from astronaut 's hand while trying to close the hatch in space\"]\n", + "the splatters of blood on the checklist for the very first us spacewalk were from an astronaut as he frantically battled to close the hatch door of the spacecraft after a historic venture .a bloodstained document revealing a life-or-death episode that could have derailed the whole us space programme of the 1960s is tipped to sell for # 80,000 ( $ 120,000 ) .gemini 4 launched from cape canaveral in florida on 3 june 1965 with two astronauts on board .\n", + "a piece of space history is going up for auction in new york this monthit is a bloodstained checklist from the gemini 4 mission in 1965this spacecraft orbited earth 66 times with two astronauts on boardblood came from astronaut 's hand while trying to close the hatch in space\n", + "[1.5598204 1.4559999 1.238859 1.2896484 1.0965488 1.037094 1.0274196\n", + " 1.0248783 1.0447929 1.04931 1.021655 1.0483159 1.026417 1.0285339\n", + " 1.0489444 1.1775198 1.103255 1.0153648 1.0110754 1.0109859 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 3 2 15 16 4 9 14 11 8 5 13 6 12 7 10 17 18 19 21 20 22]\n", + "=======================\n", + "[\"tim sherwood has revealed he is still in touch with tottenham hotspur chairman daniel levy and even thanks the club 's board for ending his time at white hart lane -- as the decision has led to him taking over at aston villa .levy sacked sherwood as spurs head coach at the end of last season and brought in mauricio pochettino , ending the 46-year-old 's five-month stay in charge and six-year relationship with the club at development level .aston villa boss tim sherwood watches his players in training at bodymoor heath on thursday\"]\n", + "=======================\n", + "[\"aston villa take on tottenham at white hart lane on saturday , ko at 3pmthe match is tim sherwood 's first game back at spurs after being sackedsherwood is thankful for the opportunity he was given by daniel levyvilla boss says mauricio pochettino deserves credit for playing young starsclick here for all the latest premier league news\"]\n", + "tim sherwood has revealed he is still in touch with tottenham hotspur chairman daniel levy and even thanks the club 's board for ending his time at white hart lane -- as the decision has led to him taking over at aston villa .levy sacked sherwood as spurs head coach at the end of last season and brought in mauricio pochettino , ending the 46-year-old 's five-month stay in charge and six-year relationship with the club at development level .aston villa boss tim sherwood watches his players in training at bodymoor heath on thursday\n", + "aston villa take on tottenham at white hart lane on saturday , ko at 3pmthe match is tim sherwood 's first game back at spurs after being sackedsherwood is thankful for the opportunity he was given by daniel levyvilla boss says mauricio pochettino deserves credit for playing young starsclick here for all the latest premier league news\n", + "[1.3314091 1.445194 1.3073168 1.1809694 1.1951461 1.2934208 1.1663679\n", + " 1.0476465 1.0436213 1.0735003 1.0598332 1.0646708 1.0352354 1.0357649\n", + " 1.024175 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 2 5 4 3 6 9 11 10 7 8 13 12 14 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"his mother , rosdeep adekoya , beat her three-year-old son to death before stuffing his body in a suitcase and dumping it in woods in kircaldy , fife , in january last year .the killing of toddler mikaeel kular could ` not have been predicted ' by social and health service workers who visited his family in the months leading up to his death , a review has found .his death came just six months after he was returned to adekoya 's care following more than a year with foster carers .\"]\n", + "=======================\n", + "['toddler mikaeel kular was killed by mother rosdeep adekoya last januaryshe beat her son before dumping his body in a suitcase in woods in fifesocial workers had visited family on a number of ocassions before tragedyreport published today concluded they could not have predicted killing']\n", + "his mother , rosdeep adekoya , beat her three-year-old son to death before stuffing his body in a suitcase and dumping it in woods in kircaldy , fife , in january last year .the killing of toddler mikaeel kular could ` not have been predicted ' by social and health service workers who visited his family in the months leading up to his death , a review has found .his death came just six months after he was returned to adekoya 's care following more than a year with foster carers .\n", + "toddler mikaeel kular was killed by mother rosdeep adekoya last januaryshe beat her son before dumping his body in a suitcase in woods in fifesocial workers had visited family on a number of ocassions before tragedyreport published today concluded they could not have predicted killing\n", + "[1.3755759 1.3318045 1.3126967 1.0835705 1.2022338 1.1739242 1.1385816\n", + " 1.1029668 1.0806628 1.084045 1.038197 1.0374008 1.0277151 1.0175886\n", + " 1.0308759 1.023911 1.0415453 1.0113685 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 4 5 6 7 9 3 8 16 10 11 14 12 15 13 17 21 18 19 20 22]\n", + "=======================\n", + "[\"outrage : snp leader alex salmond , pictured , was caught boasting in secret footagesecret footage showed the former first minister , who is bidding to become an mp , mocking labour after it slapped down its scottish leader jim murphy , who claimed he would write the party 's budget north of the border . 'he also joked that he would ` check his top pocket ' -- a reference to a conservative election poster showing a miniature mr miliband in his breast pocket .\"]\n", + "=======================\n", + "[\"alex salmond has been filmed mocking labour 's weakness in scotlandthe former snp leader said he would be in charge of labour 's first budgetdavid cameron said the footage , which he tweeted , would ` shock ' voters\"]\n", + "outrage : snp leader alex salmond , pictured , was caught boasting in secret footagesecret footage showed the former first minister , who is bidding to become an mp , mocking labour after it slapped down its scottish leader jim murphy , who claimed he would write the party 's budget north of the border . 'he also joked that he would ` check his top pocket ' -- a reference to a conservative election poster showing a miniature mr miliband in his breast pocket .\n", + "alex salmond has been filmed mocking labour 's weakness in scotlandthe former snp leader said he would be in charge of labour 's first budgetdavid cameron said the footage , which he tweeted , would ` shock ' voters\n", + "[1.200166 1.4988823 1.2215967 1.3960031 1.3001 1.194977 1.105551\n", + " 1.1663331 1.1649828 1.025245 1.0142249 1.0134071 1.0109247 1.0157897\n", + " 1.0129488 1.0451295 1.0418214 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 5 7 8 6 15 16 9 13 10 11 14 12 21 17 18 19 20 22]\n", + "=======================\n", + "[\"the pair , who are in their 30s , were convicted of noise pollution and harassment for the ` raucous screams ' during steamy sex sessions at their apartment in the northern town of san martino .the man , who has not been named , was sentenced to four months in prison in 2011 , and his fiancée given a noise abatement order .their long-suffering neighbours , who first took them to court in 2009 , described the wails of passion as ` deafening ' and said it kept them and their two children awake .\"]\n", + "=======================\n", + "[\"italian couple fined # 9,000 for having noisy sex in san martino apartmentneighbours took them to court in 2009 over ` deafening ' sex session noisepair now ordered to pay damages to nearby residents for noise pollution\"]\n", + "the pair , who are in their 30s , were convicted of noise pollution and harassment for the ` raucous screams ' during steamy sex sessions at their apartment in the northern town of san martino .the man , who has not been named , was sentenced to four months in prison in 2011 , and his fiancée given a noise abatement order .their long-suffering neighbours , who first took them to court in 2009 , described the wails of passion as ` deafening ' and said it kept them and their two children awake .\n", + "italian couple fined # 9,000 for having noisy sex in san martino apartmentneighbours took them to court in 2009 over ` deafening ' sex session noisepair now ordered to pay damages to nearby residents for noise pollution\n", + "[1.1403847 1.4839416 1.3836771 1.3783866 1.176848 1.1507533 1.1174712\n", + " 1.146681 1.031474 1.0494918 1.0289881 1.1204787 1.1837738 1.0517418\n", + " 1.0306773 1.0889 1.0368148 1.0230756 1.0360773 1.0291649 1.0090349\n", + " 1.0064218 1.0063013]\n", + "\n", + "[ 1 2 3 12 4 5 7 0 11 6 15 13 9 16 18 8 14 19 10 17 20 21 22]\n", + "=======================\n", + "['alexandra allen , from utah suffers with the condition aquagenic urticaria , which is so rare it affects just 35 people in the whole world .showers have to be quick and cold - long soaks in the bath are out of the question because they trigger burning inflammation .the symptoms can last from a few hours to a week after exposure , reports deseret news .']\n", + "=======================\n", + "['alexandra allen , 17 , from utah suffers with the condition aquagenic urticaria , which is so rare it affects just 35 people in the whole worldadmitted to hospital with internal bleeding and painful joints , and unable to breathe after a trip to flaming gorge which has water activities']\n", + "alexandra allen , from utah suffers with the condition aquagenic urticaria , which is so rare it affects just 35 people in the whole world .showers have to be quick and cold - long soaks in the bath are out of the question because they trigger burning inflammation .the symptoms can last from a few hours to a week after exposure , reports deseret news .\n", + "alexandra allen , 17 , from utah suffers with the condition aquagenic urticaria , which is so rare it affects just 35 people in the whole worldadmitted to hospital with internal bleeding and painful joints , and unable to breathe after a trip to flaming gorge which has water activities\n", + "[1.233589 1.3567556 1.3078655 1.0835948 1.0759717 1.2741039 1.1613594\n", + " 1.0741489 1.0300279 1.0642006 1.1115415 1.0617402 1.0565631 1.0634316\n", + " 1.0382311 1.0934815 1.091919 1.0510137 1.053492 1.0400212]\n", + "\n", + "[ 1 2 5 0 6 10 15 16 3 4 7 9 13 11 12 18 17 19 14 8]\n", + "=======================\n", + "[\"scientists say the lethal ring is leaving tens of thousands of creatures with severe , and often fatal injuries .now researchers have released an interactive roadkill map to show the trail of destruction being caused by california 's state highways .the ring of death refers to an area made up of made up of i-80 ( labelled as 9 ) and route 101 ( labelled as 13 and 8 )\"]\n", + "=======================\n", + "['death ring is made up of i-80 and route 101 which run beside the bayother hotspots include sacramento and route 94 in san diego countythe map uses different coloured markers to highlight the species at riskscientists believe the drought has caused animals to take bigger risks']\n", + "scientists say the lethal ring is leaving tens of thousands of creatures with severe , and often fatal injuries .now researchers have released an interactive roadkill map to show the trail of destruction being caused by california 's state highways .the ring of death refers to an area made up of made up of i-80 ( labelled as 9 ) and route 101 ( labelled as 13 and 8 )\n", + "death ring is made up of i-80 and route 101 which run beside the bayother hotspots include sacramento and route 94 in san diego countythe map uses different coloured markers to highlight the species at riskscientists believe the drought has caused animals to take bigger risks\n", + "[1.3119233 1.3646688 1.2656181 1.2516483 1.2217325 1.0457569 1.1099001\n", + " 1.110796 1.0354334 1.0798054 1.075716 1.0429516 1.0525945 1.0302485\n", + " 1.0426744 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 7 6 9 10 12 5 11 14 8 13 18 15 16 17 19]\n", + "=======================\n", + "[\"dozhd tv , an independent network , fears the video launching clinton 's white house bid may fall foul of putin 's ` gay propaganda ' laws - which allows the imposition heavy fines for promoting homosexuality to people under the age of 18 .hillary clinton 's ` everyday americans ' video has been given an 18 rating by a russian television network - because it features two men holding hands .clinton 's video not only features democrat campaigners jared milrad and nate johnson , from chicago , illinois , holding hands , but talking about their up-coming wedding .\"]\n", + "=======================\n", + "[\"jared milrad and nate johnson filmed holding hands for campaign videorussian opposition network dozhd tv has decided to give it an 18 ratingspokesman says they fear the video may fall foul of ` gay propaganda ' lawscompanies which fall foul of the law could be fined as much as # 13,200\"]\n", + "dozhd tv , an independent network , fears the video launching clinton 's white house bid may fall foul of putin 's ` gay propaganda ' laws - which allows the imposition heavy fines for promoting homosexuality to people under the age of 18 .hillary clinton 's ` everyday americans ' video has been given an 18 rating by a russian television network - because it features two men holding hands .clinton 's video not only features democrat campaigners jared milrad and nate johnson , from chicago , illinois , holding hands , but talking about their up-coming wedding .\n", + "jared milrad and nate johnson filmed holding hands for campaign videorussian opposition network dozhd tv has decided to give it an 18 ratingspokesman says they fear the video may fall foul of ` gay propaganda ' lawscompanies which fall foul of the law could be fined as much as # 13,200\n", + "[1.1640825 1.4666685 1.3950968 1.3380903 1.1002651 1.1009798 1.0960015\n", + " 1.0307213 1.0705528 1.0928773 1.0503995 1.2260556 1.0534112 1.0318471\n", + " 1.0444533 1.0980492 1.0836191 1.0130571 1.0352678 1.0273038]\n", + "\n", + "[ 1 2 3 11 0 5 4 15 6 9 16 8 12 10 14 18 13 7 19 17]\n", + "=======================\n", + "[\"the firm 's humanoid robot is set to start work at the information desk of a department store in tokyo to help customers find their way around .the female-looking robot , named aiko chihira , will only speak japanese - but she is also capable of sign language .in a world where online shopping is king , toshiba hopes technology can change the in store experience - with a robo-assistant .\"]\n", + "=======================\n", + "['aiko chihira will only speak japanese - but is capable of sign languagecreated to appear , talk and move as humanly as possiblewill offer guidance to customers with information about store']\n", + "the firm 's humanoid robot is set to start work at the information desk of a department store in tokyo to help customers find their way around .the female-looking robot , named aiko chihira , will only speak japanese - but she is also capable of sign language .in a world where online shopping is king , toshiba hopes technology can change the in store experience - with a robo-assistant .\n", + "aiko chihira will only speak japanese - but is capable of sign languagecreated to appear , talk and move as humanly as possiblewill offer guidance to customers with information about store\n", + "[1.2432106 1.4155363 1.2353959 1.0327879 1.2300489 1.1998713 1.2802526\n", + " 1.0272279 1.03945 1.0254247 1.0744576 1.0381511 1.0115294 1.0791075\n", + " 1.0877382 1.1376736 1.0730673 1.1064866 1.0453749 1.1115288]\n", + "\n", + "[ 1 6 0 2 4 5 15 19 17 14 13 10 16 18 8 11 3 7 9 12]\n", + "=======================\n", + "[\"young is known for being the resident dj at the red devils , but he admitted to being under strict orders from manager louis van gaal to play only house and funky house music .former reds striker andy ritchie and helen evans hosted the light-hearted mutv programme 'ashley young has revealed the secret of his team-mates ' changing room playlist - and it 's not what you expected .\"]\n", + "=======================\n", + "[\"ashley young admits house sub-genre is louis van gaal 's choice of musicman utd boss bans any other form of music on match daysolly murs and young were speaking to mutv on thursday focus showmanchester united face trip to everton in the premier league this sundayread : memphis depay holds secret meeting with manchester united\"]\n", + "young is known for being the resident dj at the red devils , but he admitted to being under strict orders from manager louis van gaal to play only house and funky house music .former reds striker andy ritchie and helen evans hosted the light-hearted mutv programme 'ashley young has revealed the secret of his team-mates ' changing room playlist - and it 's not what you expected .\n", + "ashley young admits house sub-genre is louis van gaal 's choice of musicman utd boss bans any other form of music on match daysolly murs and young were speaking to mutv on thursday focus showmanchester united face trip to everton in the premier league this sundayread : memphis depay holds secret meeting with manchester united\n", + "[1.1959933 1.4829046 1.1113474 1.3317461 1.141155 1.016442 1.0823345\n", + " 1.111473 1.1196076 1.1704924 1.0911696 1.0855647 1.1170411 1.1040162\n", + " 1.0124961 1.0518126 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 9 4 8 12 7 2 13 10 11 6 15 5 14 18 16 17 19]\n", + "=======================\n", + "[\"the native australian marsupial once occupied more than 70 per cent of the australian mainland while now it 's disappeared from around 80 per cent of that area with small populations remaining in queensland , the northern territory and western australia .australia 's very own nocturnal , rabbit-eared easter mascot is under threat with bilby numbers becoming dangerously low .the lesser bilby is already believed to be extinct while the greater bilby is classed as ` endangered ' in queensland and ` vulnerable ' nationally .\"]\n", + "=======================\n", + "['bilby numbers are dropping with only around 600 left in queenslandthe native marsupial once occupied 70 per cent of the australian mainlandnow , they have disappeared from around 80 per cent of that areaintroduced predators like feral cats and foxes are their biggest threatcontrolled breeding programs are in place to try and save the easter icon']\n", + "the native australian marsupial once occupied more than 70 per cent of the australian mainland while now it 's disappeared from around 80 per cent of that area with small populations remaining in queensland , the northern territory and western australia .australia 's very own nocturnal , rabbit-eared easter mascot is under threat with bilby numbers becoming dangerously low .the lesser bilby is already believed to be extinct while the greater bilby is classed as ` endangered ' in queensland and ` vulnerable ' nationally .\n", + "bilby numbers are dropping with only around 600 left in queenslandthe native marsupial once occupied 70 per cent of the australian mainlandnow , they have disappeared from around 80 per cent of that areaintroduced predators like feral cats and foxes are their biggest threatcontrolled breeding programs are in place to try and save the easter icon\n", + "[1.2203228 1.3821945 1.4011573 1.2821763 1.0887916 1.0430633 1.0522856\n", + " 1.1254772 1.0809586 1.0934105 1.0482684 1.0665642 1.0588257 1.0332358\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 3 0 7 9 4 8 11 12 6 10 5 13 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the oil exploration company claimed analysis of a well near gatwick airport suggested 100 billion barrels of oil lay beneath the weald basin , covering surrey , sussex , hampshire and kent .last week , uk oil & gas investments ( ukog ) boasted it had discovered a ` world class potential resource ' beneath the home counties .a firm which declared that the south of england harboured as much oil as the north sea has been forced to backtrack on its ` wild claims ' .\"]\n", + "=======================\n", + "[\"uk oil & gas investments described discovery as ` world class ' last weekthey claimed the site in sussex could yield up to 100 billion barrels of oilcompany 's share price increased by 200 per cent following ` breakthrough 'but it has today admitted there may not be as much oil there as suggestedthey based their estimates on the 55-square-miles they have licence forit makes up for less than two per cent of the entire weald basin\"]\n", + "the oil exploration company claimed analysis of a well near gatwick airport suggested 100 billion barrels of oil lay beneath the weald basin , covering surrey , sussex , hampshire and kent .last week , uk oil & gas investments ( ukog ) boasted it had discovered a ` world class potential resource ' beneath the home counties .a firm which declared that the south of england harboured as much oil as the north sea has been forced to backtrack on its ` wild claims ' .\n", + "uk oil & gas investments described discovery as ` world class ' last weekthey claimed the site in sussex could yield up to 100 billion barrels of oilcompany 's share price increased by 200 per cent following ` breakthrough 'but it has today admitted there may not be as much oil there as suggestedthey based their estimates on the 55-square-miles they have licence forit makes up for less than two per cent of the entire weald basin\n", + "[1.2647672 1.3278587 1.370326 1.1735303 1.118818 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 1 0 3 4 19 18 17 16 15 14 13 10 11 20 9 8 7 6 5 12 21]\n", + "=======================\n", + "['set for release august 5 , 2016 , \" suicide squad \" is based on the dc comics series and also stars will smith , margot robbie and viola davis .( cnn ) love it or hate it , jared leto \\'s interpretation of the joker is an internet sensation .twitter users got their first look at leto in character friday night , and the memes started almost immediately .']\n", + "=======================\n", + "['leto will play the clown prince of crime in 2016 \\'s \" suicide squad \"the first picture of leto in character led to a series of spoof photos']\n", + "set for release august 5 , 2016 , \" suicide squad \" is based on the dc comics series and also stars will smith , margot robbie and viola davis .( cnn ) love it or hate it , jared leto 's interpretation of the joker is an internet sensation .twitter users got their first look at leto in character friday night , and the memes started almost immediately .\n", + "leto will play the clown prince of crime in 2016 's \" suicide squad \"the first picture of leto in character led to a series of spoof photos\n", + "[1.2262373 1.5158651 1.3623314 1.2035996 1.0774152 1.3003311 1.1140537\n", + " 1.1059604 1.059332 1.0479015 1.0979406 1.0448611 1.0239886 1.1020937\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 5 0 3 6 7 13 10 4 8 9 11 12 20 14 15 16 17 18 19 21]\n", + "=======================\n", + "['jeanetta riley , 35 , a mother-of-three daughters was killed last july after she brandished a knife at two cops outside of a hospital in sandpoint on the evening of july 8 , 2014 .the troubled native american woman , who was addicted to meth and alcohol , had been taken to the hospital by her husband , 44-year-old shane , following threats she made to kill herself , according to the guardian .the moment a pregnant woman was fatally shot by two idaho police officers has been revealed in surveillance footage .']\n", + "=======================\n", + "[\"jeanetta riley , 35 , a mother-of-three daughters was shot and killed by two police officers on july 8 , 2014 in sandpoint , idahoshe was addicted to meth and alcohol and was taken to bronner general hospital by her husband , shane , after making threats to kill herselfwhile outside of the hospital , she pulled the knife from under her car seat with a three-and-a-half inch bladein the video she is repeatedly told to put down the knife but responds ` f *** you no ' and ` bring it on ' before she walks towards officers and is shotnational suicide prevention lifeline , 1 (800) 273-8255 , www.suicidepreventionlifeline.org\"]\n", + "jeanetta riley , 35 , a mother-of-three daughters was killed last july after she brandished a knife at two cops outside of a hospital in sandpoint on the evening of july 8 , 2014 .the troubled native american woman , who was addicted to meth and alcohol , had been taken to the hospital by her husband , 44-year-old shane , following threats she made to kill herself , according to the guardian .the moment a pregnant woman was fatally shot by two idaho police officers has been revealed in surveillance footage .\n", + "jeanetta riley , 35 , a mother-of-three daughters was shot and killed by two police officers on july 8 , 2014 in sandpoint , idahoshe was addicted to meth and alcohol and was taken to bronner general hospital by her husband , shane , after making threats to kill herselfwhile outside of the hospital , she pulled the knife from under her car seat with a three-and-a-half inch bladein the video she is repeatedly told to put down the knife but responds ` f *** you no ' and ` bring it on ' before she walks towards officers and is shotnational suicide prevention lifeline , 1 (800) 273-8255 , www.suicidepreventionlifeline.org\n", + "[1.2916347 1.4638624 1.2610636 1.1764929 1.2485754 1.1193829 1.0843376\n", + " 1.0393685 1.032893 1.0182481 1.013321 1.0281057 1.1604632 1.096808\n", + " 1.0940533 1.1345385 1.0237765 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 4 3 12 15 5 13 14 6 7 8 11 16 9 10 17 18 19 20 21]\n", + "=======================\n", + "['they used sweat stains on the uniform to link it to the overweight german commander and it is now expected to fetch # 85,000 when it goes under the hammer in plymouth , devon .experts have discovered that this dove grey suit was once worn by notorious nazi leader hermann goering .goering , who founded the gestapo and was commander of the german air force , was well known for being overweight and as a result the suit shows the strain of being worn by the large officer .']\n", + "=======================\n", + "['herman goering founded the gestapo and was head of the nazi air forcehe was known for being overweight and for his tendency to sweat a lotwear and tear on the suit made by viennese tailor helped experts identify goering as its ownerit is being auctioned by devon-parade antiques and is expected to fetch # 85,000']\n", + "they used sweat stains on the uniform to link it to the overweight german commander and it is now expected to fetch # 85,000 when it goes under the hammer in plymouth , devon .experts have discovered that this dove grey suit was once worn by notorious nazi leader hermann goering .goering , who founded the gestapo and was commander of the german air force , was well known for being overweight and as a result the suit shows the strain of being worn by the large officer .\n", + "herman goering founded the gestapo and was head of the nazi air forcehe was known for being overweight and for his tendency to sweat a lotwear and tear on the suit made by viennese tailor helped experts identify goering as its ownerit is being auctioned by devon-parade antiques and is expected to fetch # 85,000\n", + "[1.3539412 1.3987415 1.3472769 1.4136502 1.2563655 1.1373719 1.1073955\n", + " 1.0836518 1.0321654 1.0142152 1.0340109 1.0141573 1.0158119 1.0832375\n", + " 1.0477018 1.0480083 1.0610718 1.0353197 1.1947306 1.1132251 1.0104321\n", + " 1.0078512]\n", + "\n", + "[ 3 1 0 2 4 18 5 19 6 7 13 16 15 14 17 10 8 12 9 11 20 21]\n", + "=======================\n", + "[\"max maisel went missing on february 21 and was last seen leaving his vehicle near lake ontario , new york .police have now discovered his bodypolice have found the body of senior espn writer ivan maisel 's son , two months after his car was found abandoned .\"]\n", + "=======================\n", + "['max maisel , 21 , had been missing since february 21he was last seen leaving his vehicle on the shores of the lake in new yorka fisherman saw his body 200 yards from a coast guard station mondayfamily said they were relieved his body had been found in a statementpaid tribute to the sweet , sensitive and caring young manpolice and the coroner are yet to release a cause of death']\n", + "max maisel went missing on february 21 and was last seen leaving his vehicle near lake ontario , new york .police have now discovered his bodypolice have found the body of senior espn writer ivan maisel 's son , two months after his car was found abandoned .\n", + "max maisel , 21 , had been missing since february 21he was last seen leaving his vehicle on the shores of the lake in new yorka fisherman saw his body 200 yards from a coast guard station mondayfamily said they were relieved his body had been found in a statementpaid tribute to the sweet , sensitive and caring young manpolice and the coroner are yet to release a cause of death\n", + "[1.2621305 1.4448938 1.1958408 1.1571839 1.1849787 1.1311187 1.1528428\n", + " 1.1967577 1.0247184 1.0811769 1.0361499 1.0628703 1.0683174 1.0359454\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 7 2 4 3 6 5 9 12 11 10 13 8 17 14 15 16 18]\n", + "=======================\n", + "[\"detlef guenzel chopped polish-born wojciech stempniewicz into small pieces while listening to pop music before burying them in the garden of his home in hartmannsdorf-reichenau in 2013 .a german former police officer who dismembered a willing victim he met on a website for cannibal fetishists was today sentenced to eight years and six months in prison .` he was found guilty of murder and disturbing the peace of the dead , ' said presiding judge birgit wiegand at the regional court in the eastern city of dresden .\"]\n", + "=======================\n", + "['detlef guenzel sliced polish-born wojciech stempniewicz into small piecesvideo reportedly shows him strangling victim using a rope tied to a pulleydefence argued victim could have stopped strangulation if he wanted toguenzel then buried the body parts in the garden of his bed and breakfastprosecutors sought lower sentence because stempniewicz wanted to die']\n", + "detlef guenzel chopped polish-born wojciech stempniewicz into small pieces while listening to pop music before burying them in the garden of his home in hartmannsdorf-reichenau in 2013 .a german former police officer who dismembered a willing victim he met on a website for cannibal fetishists was today sentenced to eight years and six months in prison .` he was found guilty of murder and disturbing the peace of the dead , ' said presiding judge birgit wiegand at the regional court in the eastern city of dresden .\n", + "detlef guenzel sliced polish-born wojciech stempniewicz into small piecesvideo reportedly shows him strangling victim using a rope tied to a pulleydefence argued victim could have stopped strangulation if he wanted toguenzel then buried the body parts in the garden of his bed and breakfastprosecutors sought lower sentence because stempniewicz wanted to die\n", + "[1.4280864 1.5630623 1.2055564 1.4368455 1.2100989 1.0280036 1.0214704\n", + " 1.015489 1.0121086 1.0160402 1.0188066 1.21486 1.0484679 1.3058629\n", + " 1.01447 1.0117315 1.0094974 1.1839736 1.0527787]\n", + "\n", + "[ 1 3 0 13 11 4 2 17 18 12 5 6 10 9 7 14 8 15 16]\n", + "=======================\n", + "[\"the scottish league cup winners are eight points clear of aberdeen at the top of the scottish premiership with six games remaining and strong favourites to make it four in a row .ronny deila is preparing his celtic side for sunday 's scottish cup semi-final against invernessdeila believes treble success will help not only attract players to the club this summer , but also help keep those who are already at parkhead and perhaps thinking of moving to pastures new .\"]\n", + "=======================\n", + "[\"celtic face inverness in sunday 's scottish cup semi-final at hampden parkronny deila 's side are on course for a treble-winning season this yearscottish league cup winners are eight points clear in scottish premiershipdeila said celtic themselves provide the biggest hurdle to treble hopes\"]\n", + "the scottish league cup winners are eight points clear of aberdeen at the top of the scottish premiership with six games remaining and strong favourites to make it four in a row .ronny deila is preparing his celtic side for sunday 's scottish cup semi-final against invernessdeila believes treble success will help not only attract players to the club this summer , but also help keep those who are already at parkhead and perhaps thinking of moving to pastures new .\n", + "celtic face inverness in sunday 's scottish cup semi-final at hampden parkronny deila 's side are on course for a treble-winning season this yearscottish league cup winners are eight points clear in scottish premiershipdeila said celtic themselves provide the biggest hurdle to treble hopes\n", + "[1.1981586 1.4765673 1.3611963 1.371339 1.3080776 1.3136513 1.0647577\n", + " 1.0156578 1.0103782 1.0258347 1.1454092 1.0729911 1.1045231 1.0232536\n", + " 1.0167838 1.0175923 1.0214753 0. 0. ]\n", + "\n", + "[ 1 3 2 5 4 0 10 12 11 6 9 13 16 15 14 7 8 17 18]\n", + "=======================\n", + "['the figure , which equates to # 183 an hour , was paid by the shrewsbury and telford hospital nhs trust .it also emerged there were 47 agency nurses working at the trust in december last year .it represents double the rate for a neurologist and was revealed following a freedom of information request .']\n", + "=======================\n", + "['shrewsbury and telford hospitals nhs trust paid the huge figureequates to # 183 an hour and is double to going rate for a neurologisthospital said temporary staff have to be used to cover staffing shortfalls']\n", + "the figure , which equates to # 183 an hour , was paid by the shrewsbury and telford hospital nhs trust .it also emerged there were 47 agency nurses working at the trust in december last year .it represents double the rate for a neurologist and was revealed following a freedom of information request .\n", + "shrewsbury and telford hospitals nhs trust paid the huge figureequates to # 183 an hour and is double to going rate for a neurologisthospital said temporary staff have to be used to cover staffing shortfalls\n", + "[1.1196413 1.314874 1.2951033 1.326544 1.1807795 1.1289293 1.1631885\n", + " 1.0746996 1.0569159 1.1321306 1.0421274 1.0302463 1.0593771 1.108555\n", + " 1.0851998 1.0382272 1.0298417 0. 0. ]\n", + "\n", + "[ 3 1 2 4 6 9 5 0 13 14 7 12 8 10 15 11 16 17 18]\n", + "=======================\n", + "['lusitanian toadfish ( pictured ) make five types of calls and males can even sing in choruses to attract mates .the fish , which lives in rocky crevices in the mediterranean sea and atlantic ocean and glides over the muddy sea floor , can whistle , croak and grunt .the fish woo females with long , rhythmical boatwhistles , which also act as a deterrent to love rivals ,']\n", + "=======================\n", + "['lusitanian toadfish lives in the mediterranean sea and atlantic oceanattracts mates by singing various songs , which also warn off rivalssongs tell others how large the fish is and how strong and healthy it is']\n", + "lusitanian toadfish ( pictured ) make five types of calls and males can even sing in choruses to attract mates .the fish , which lives in rocky crevices in the mediterranean sea and atlantic ocean and glides over the muddy sea floor , can whistle , croak and grunt .the fish woo females with long , rhythmical boatwhistles , which also act as a deterrent to love rivals ,\n", + "lusitanian toadfish lives in the mediterranean sea and atlantic oceanattracts mates by singing various songs , which also warn off rivalssongs tell others how large the fish is and how strong and healthy it is\n", + "[1.3860064 1.3785655 1.287368 1.3034736 1.1722416 1.0485934 1.1798248\n", + " 1.1080122 1.1199085 1.1208155 1.086194 1.0441198 1.0297552 1.0583311\n", + " 1.085277 1.1403718 1.081311 1.0540979 0. ]\n", + "\n", + "[ 0 1 3 2 6 4 15 9 8 7 10 14 16 13 17 5 11 12 18]\n", + "=======================\n", + "[\"manchester city playmaker david silva has returned to training , the club have reported .silva looked to have been seriously injured on sunday when he was caught in the face by an elbow from west ham 's cheikhou kouyate .the spain international received around eight minutes of treatment on the field at the etihad stadium before being carried off on a stretcher and taken to hospital for examination .\"]\n", + "=======================\n", + "['david silva has returned to training after being caught in the face by an elbow from west ham midfielder cheikhou kouyatemanchester city star required extensive treatment on the pitch before being sent to hospital where tests revealed no fracturepremier league champions face aston villa at the etihad on saturday']\n", + "manchester city playmaker david silva has returned to training , the club have reported .silva looked to have been seriously injured on sunday when he was caught in the face by an elbow from west ham 's cheikhou kouyate .the spain international received around eight minutes of treatment on the field at the etihad stadium before being carried off on a stretcher and taken to hospital for examination .\n", + "david silva has returned to training after being caught in the face by an elbow from west ham midfielder cheikhou kouyatemanchester city star required extensive treatment on the pitch before being sent to hospital where tests revealed no fracturepremier league champions face aston villa at the etihad on saturday\n", + "[1.2177224 1.512081 1.2973899 1.4312075 1.2984209 1.1533738 1.0885441\n", + " 1.0737455 1.0523293 1.02328 1.0302927 1.0171944 1.0437645 1.0713575\n", + " 1.0169522 1.0173068 1.0676857 1.0375222 1.0123842 1.0073378]\n", + "\n", + "[ 1 3 4 2 0 5 6 7 13 16 8 12 17 10 9 15 11 14 18 19]\n", + "=======================\n", + "[\"ozzie the goose was close to being put down numerous times after he broke his leg and it was amputated at the joint .ozzie 's new 3d printed leg ( pictured ) was designed in the shape and size of a goose leg to fit him perfectlybut an animal lover 's appeal for help led to a south african tech company stepping in to manufacture him a brand new limb .\"]\n", + "=======================\n", + "['ozzie the goose has been given a new leg manufactured using a 3d printerhe broke his leg and had it amputated before being nursed back to healthbut he was unable to fly and struggling for self confidence after operationrescuer sue burger made an appeal on public radio for help with ozzietech company bunnycorp stepped in to 3d print him a new prosthetic limb']\n", + "ozzie the goose was close to being put down numerous times after he broke his leg and it was amputated at the joint .ozzie 's new 3d printed leg ( pictured ) was designed in the shape and size of a goose leg to fit him perfectlybut an animal lover 's appeal for help led to a south african tech company stepping in to manufacture him a brand new limb .\n", + "ozzie the goose has been given a new leg manufactured using a 3d printerhe broke his leg and had it amputated before being nursed back to healthbut he was unable to fly and struggling for self confidence after operationrescuer sue burger made an appeal on public radio for help with ozzietech company bunnycorp stepped in to 3d print him a new prosthetic limb\n", + "[1.2519107 1.599731 1.2142495 1.373879 1.0644456 1.0435301 1.0323962\n", + " 1.0268219 1.1696154 1.0530072 1.0199982 1.0157906 1.1490763 1.1629004\n", + " 1.1113708 1.0728449 1.0384879 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 8 13 12 14 15 4 9 5 16 6 7 10 11 18 17 19]\n", + "=======================\n", + "[\"karen davis , from port pirie in south australia , was captured streaking by a camera car for the popular google maps app , which allows users to zoom in on certain streets and towns in cities all over the world with a 360-degree view .a woman who notoriously flashed her k-cup breasts on google street view has been charged by police with disorderly behaviour .police released a statement alleging the 38-year-old mother ` pursued ' the google car to make sure she was captured exposing herself , and that it was an illegal act .\"]\n", + "=======================\n", + "[\"karen davis was photographed on google street view flashing her breastspolice reported her for disorderly behaviour and she must report to courtpolice said her ` actions were the same as someone flashing their genitals 'sa country town mum hit back at critics saying they are insecureshe plans to do a topless skydive for her 40th birthday next year\"]\n", + "karen davis , from port pirie in south australia , was captured streaking by a camera car for the popular google maps app , which allows users to zoom in on certain streets and towns in cities all over the world with a 360-degree view .a woman who notoriously flashed her k-cup breasts on google street view has been charged by police with disorderly behaviour .police released a statement alleging the 38-year-old mother ` pursued ' the google car to make sure she was captured exposing herself , and that it was an illegal act .\n", + "karen davis was photographed on google street view flashing her breastspolice reported her for disorderly behaviour and she must report to courtpolice said her ` actions were the same as someone flashing their genitals 'sa country town mum hit back at critics saying they are insecureshe plans to do a topless skydive for her 40th birthday next year\n", + "[1.4423119 1.1343076 1.310569 1.4495722 1.2814366 1.0486689 1.069692\n", + " 1.0325633 1.0216563 1.0209583 1.0198585 1.0231131 1.0274345 1.077106\n", + " 1.0569206 1.0871972 1.0389571 1.095225 0. 0. ]\n", + "\n", + "[ 3 0 2 4 1 17 15 13 6 14 5 16 7 12 11 8 9 10 18 19]\n", + "=======================\n", + "[\"steven gerrard is seen at boujis nightclub in kensington sunday night after being knocked out of the fa cupsunday 's loss means there will be no birthday fa cup final for him on may 30 , while chelsea 's victory over manchester united in the barclays premier league made it mathematically impossible for liverpool to catch the league leaders .gerrard looked glum after it was confirmed he would end the season without a trophy before moving on\"]\n", + "=======================\n", + "[\"steven gerrard 's hopes of a trophy ended with liverpool 's fa cup exithe was pictured at boujis nightclub in kensington on sunday eveningliverpool captain is moving on to la galaxy at the end of the seasonhe now has a six-game farewell tour of uninspiring matches to playgerrard will go to champions-elect chelsea in the midst of a title partya trip to stoke city on may 24 will be gerrard 's last game for liverpool\"]\n", + "steven gerrard is seen at boujis nightclub in kensington sunday night after being knocked out of the fa cupsunday 's loss means there will be no birthday fa cup final for him on may 30 , while chelsea 's victory over manchester united in the barclays premier league made it mathematically impossible for liverpool to catch the league leaders .gerrard looked glum after it was confirmed he would end the season without a trophy before moving on\n", + "steven gerrard 's hopes of a trophy ended with liverpool 's fa cup exithe was pictured at boujis nightclub in kensington on sunday eveningliverpool captain is moving on to la galaxy at the end of the seasonhe now has a six-game farewell tour of uninspiring matches to playgerrard will go to champions-elect chelsea in the midst of a title partya trip to stoke city on may 24 will be gerrard 's last game for liverpool\n", + "[1.1847987 1.2927375 1.269074 1.3160987 1.1561358 1.143279 1.1370102\n", + " 1.1333661 1.1692647 1.0733479 1.0159931 1.0614954 1.0540712 1.1729066\n", + " 1.0332998 1.0443543 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 0 13 8 4 5 6 7 9 11 12 15 14 10 18 16 17 19]\n", + "=======================\n", + "[\"a poll of scotlans shows 49 per cent of people plan to vote for the snp , with just 25 per cent backing labourthe labour leader used a speech in edinburgh to claim the tory election campaign has descended into ` desperation and panic ' , as some polls put labour ahead across the uk .ed miliband today rushed to scotland to try to shore up his hope of becoming prime minister as a damning poll showed almost half of scots are ready to back the snp .\"]\n", + "=======================\n", + "['yougov poll of scots : 49 % backing snp , 25 % labour , 18 % conservativessnp leader nicola sturgeon offered to prop up miliband in governmentbut she is demanding full fiscal autonomy as a price for her supportmiliband warns it would create a # 7billion blackhole in scottish finances']\n", + "a poll of scotlans shows 49 per cent of people plan to vote for the snp , with just 25 per cent backing labourthe labour leader used a speech in edinburgh to claim the tory election campaign has descended into ` desperation and panic ' , as some polls put labour ahead across the uk .ed miliband today rushed to scotland to try to shore up his hope of becoming prime minister as a damning poll showed almost half of scots are ready to back the snp .\n", + "yougov poll of scots : 49 % backing snp , 25 % labour , 18 % conservativessnp leader nicola sturgeon offered to prop up miliband in governmentbut she is demanding full fiscal autonomy as a price for her supportmiliband warns it would create a # 7billion blackhole in scottish finances\n", + "[1.4499965 1.1768938 1.4044633 1.3148352 1.1265229 1.0606265 1.0547578\n", + " 1.0315888 1.1543753 1.1174837 1.0900013 1.0479217 1.0210923 1.0221878\n", + " 1.0342398 1.0545764 1.2194169 1.0731652 1.0153924 0. ]\n", + "\n", + "[ 0 2 3 16 1 8 4 9 10 17 5 6 15 11 14 7 13 12 18 19]\n", + "=======================\n", + "[\"` exploited by criminals ' : gambian footballer baboucarr ceesay ( above ) was among the 900 migrants who died in the mediterranean boat disaster , his british aunt has revealedbaboucarr ceesay , a talented footballer from the gambia , is believed to have died on the fishing boat in a ` desperate ' attempt to seek a new life in the uk .his aunt jessica sey , from cheltenham , has spoken of her devastation after discovering that he was not among the 27 survivors and demanded the human traffickers be brought to justice .\"]\n", + "=======================\n", + "[\"gambian footballer baboucarr ceesay , 21 , died seeking new life in the ukaunt jessica sey , from cheltenham , outraged at treatment by smugglersshe said : ` he had his head turned and his money taken by criminals 'mr ceesay understood to have been locked in hold when vessel sank\"]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "` exploited by criminals ' : gambian footballer baboucarr ceesay ( above ) was among the 900 migrants who died in the mediterranean boat disaster , his british aunt has revealedbaboucarr ceesay , a talented footballer from the gambia , is believed to have died on the fishing boat in a ` desperate ' attempt to seek a new life in the uk .his aunt jessica sey , from cheltenham , has spoken of her devastation after discovering that he was not among the 27 survivors and demanded the human traffickers be brought to justice .\n", + "gambian footballer baboucarr ceesay , 21 , died seeking new life in the ukaunt jessica sey , from cheltenham , outraged at treatment by smugglersshe said : ` he had his head turned and his money taken by criminals 'mr ceesay understood to have been locked in hold when vessel sank\n", + "[1.2293327 1.4324124 1.4147412 1.3104705 1.1278895 1.0444343 1.0157596\n", + " 1.0199945 1.0620888 1.1243311 1.029666 1.2152166 1.1128855 1.1024631\n", + " 1.0717232 1.0523976 1.0302169 1.0081791]\n", + "\n", + "[ 1 2 3 0 11 4 9 12 13 14 8 15 5 16 10 7 6 17]\n", + "=======================\n", + "[\"but christopher eccleston has now suggested he quit the show after falling out with bosses over his decision to play the character with a strong northern accent .the 51-year-old actor , who grew up in manchester , played the doctor for just 13 episodes during the first series of the show 's revival in 2005 .his turn as doctor who was among the shortest incarnations of the time lord in the programme 's 52-year-history .\"]\n", + "=======================\n", + "[\"christopher eccleston 's turn was among shortest incarnations of dr whoactor , who grew up in manchester , played the doctor for just 13 episodeshe was a huge hit with fans , but fell out with show boss russell t daviesthe 51-year-old suggested he quit after a row over his decision to play character with a strong northern accent\"]\n", + "but christopher eccleston has now suggested he quit the show after falling out with bosses over his decision to play the character with a strong northern accent .the 51-year-old actor , who grew up in manchester , played the doctor for just 13 episodes during the first series of the show 's revival in 2005 .his turn as doctor who was among the shortest incarnations of the time lord in the programme 's 52-year-history .\n", + "christopher eccleston 's turn was among shortest incarnations of dr whoactor , who grew up in manchester , played the doctor for just 13 episodeshe was a huge hit with fans , but fell out with show boss russell t daviesthe 51-year-old suggested he quit after a row over his decision to play character with a strong northern accent\n", + "[1.122887 1.3064007 1.211551 1.336569 1.0714232 1.0496564 1.0915684\n", + " 1.0636909 1.1160526 1.0701723 1.0694051 1.0777804 1.0214365 1.0221987\n", + " 1.0864297 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 0 8 6 14 11 4 9 10 7 5 13 12 16 15 17]\n", + "=======================\n", + "['a. alfred taubman -- his first name was adolph -- was born january 31 , 1924 , in michigan to german jewish immigrants who hit hard times during the great depression .taubman , a real estate developer who helped change the face of suburban life by popularizing upscale indoor shopping malls , died friday at the age of 91 .the announcement was made by his son , robert taubman , the chairman , president and chief executive officer of taubman centers inc. , the company his father founded 65 years ago .']\n", + "=======================\n", + "['alfred taubman , who died friday , was active in philanthropy and worth an estimated $ 3.1 billionamid suburban boom of the \\'50s , he realized people would need places to shop : \" ... we could n\\'t miss \"we was convicted in 2002 of trying to rig auction house commissions ; he maintained he was innocent']\n", + "a. alfred taubman -- his first name was adolph -- was born january 31 , 1924 , in michigan to german jewish immigrants who hit hard times during the great depression .taubman , a real estate developer who helped change the face of suburban life by popularizing upscale indoor shopping malls , died friday at the age of 91 .the announcement was made by his son , robert taubman , the chairman , president and chief executive officer of taubman centers inc. , the company his father founded 65 years ago .\n", + "alfred taubman , who died friday , was active in philanthropy and worth an estimated $ 3.1 billionamid suburban boom of the '50s , he realized people would need places to shop : \" ... we could n't miss \"we was convicted in 2002 of trying to rig auction house commissions ; he maintained he was innocent\n", + "[1.4575136 1.0916809 1.2759458 1.4429951 1.0741484 1.0299975 1.0271096\n", + " 1.108828 1.057582 1.0367397 1.1279413 1.0543218 1.1002325 1.074647\n", + " 1.0802792 1.0739088 1.0176932 1.0179439]\n", + "\n", + "[ 0 3 2 10 7 12 1 14 13 4 15 8 11 9 5 6 17 16]\n", + "=======================\n", + "['isabelle obert , a nutrition consultant , believes a good diet can affect the health of the sperm and the egg before they even meethere , she reveals her list of ten top foods to boost fertility , plus some tips on how to prepare them ...they are a fantastic source of vitamin e , which studies have shown can be beneficial in improving endometrial lining ( the lining of the uterus ) .']\n", + "=======================\n", + "[\"isabelle obert , a nutrition consultant , believes good diet can boost fertilitysays ' a good diet affects the health of the egg and sperm before they meet 'she shares her top 10 foods to aid fertility , and tips on how to eat them ...\"]\n", + "isabelle obert , a nutrition consultant , believes a good diet can affect the health of the sperm and the egg before they even meethere , she reveals her list of ten top foods to boost fertility , plus some tips on how to prepare them ...they are a fantastic source of vitamin e , which studies have shown can be beneficial in improving endometrial lining ( the lining of the uterus ) .\n", + "isabelle obert , a nutrition consultant , believes good diet can boost fertilitysays ' a good diet affects the health of the egg and sperm before they meet 'she shares her top 10 foods to aid fertility , and tips on how to eat them ...\n", + "[1.2727114 1.2893933 1.2469103 1.2806559 1.1775404 1.1209534 1.1499108\n", + " 1.110513 1.1261547 1.100342 1.0542421 1.0129381 1.1112823 1.0212386\n", + " 1.1304413 1.0394232 1.0121315 1.0342618]\n", + "\n", + "[ 1 3 0 2 4 6 14 8 5 12 7 9 10 15 17 13 11 16]\n", + "=======================\n", + "[\"at a news conference thursday afternoon , school spokesman michael schoenfeld said the school would not release the name of the student who admitted to hanging the noose , found early wednesday in a plaza area at the heart of the campus .identified : officials at duke university say they have caught the student culprit responsible for hanging a noose from a tree on campus this weekthe student was identified with information provided by other students and will be subject to duke 's student conduct process and that an investigation is continuing to find out if others were involved , schoenfeld said .\"]\n", + "=======================\n", + "['the university said thursday that they have identified an undergraduate student responsible for hanging a noose from a campus treehowever , officials at the durham , north carolina school have not named the student , citing federal education lawsan official at duke told daily mail online that the student will now face judgement by a panel of peers and faculty membersthe student is not currently on campus , but officials would not say if he or she had been kicked off']\n", + "at a news conference thursday afternoon , school spokesman michael schoenfeld said the school would not release the name of the student who admitted to hanging the noose , found early wednesday in a plaza area at the heart of the campus .identified : officials at duke university say they have caught the student culprit responsible for hanging a noose from a tree on campus this weekthe student was identified with information provided by other students and will be subject to duke 's student conduct process and that an investigation is continuing to find out if others were involved , schoenfeld said .\n", + "the university said thursday that they have identified an undergraduate student responsible for hanging a noose from a campus treehowever , officials at the durham , north carolina school have not named the student , citing federal education lawsan official at duke told daily mail online that the student will now face judgement by a panel of peers and faculty membersthe student is not currently on campus , but officials would not say if he or she had been kicked off\n", + "[1.3991799 1.281426 1.3423854 1.2912471 1.2773731 1.1164633 1.0335145\n", + " 1.0115404 1.0469426 1.1115973 1.0983752 1.1054454 1.2193515 1.1640853\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 4 12 13 5 9 11 10 8 6 7 14 15 16 17]\n", + "=======================\n", + "[\"manchester united 's pursuit of edinson cavani took a blow on monday morning as paris saint-germain denied they are prepared to sell the striker .but psg owner nasser al-khelaifi said the french champions were determined to hold on to the 28-year-old and have not even considered selling him .edinson cavani celebrates with the french league cup trophy after scoring twice in the final against bastia\"]\n", + "=======================\n", + "[\"manchester united have shown interest in signing edinson cavanipsg striker has been out of favour at times in paris this seasoncavani bounced back to score in 4-0 win over bastia in league cup finalpsg owner says ` the question of his departure has not arisen '\"]\n", + "manchester united 's pursuit of edinson cavani took a blow on monday morning as paris saint-germain denied they are prepared to sell the striker .but psg owner nasser al-khelaifi said the french champions were determined to hold on to the 28-year-old and have not even considered selling him .edinson cavani celebrates with the french league cup trophy after scoring twice in the final against bastia\n", + "manchester united have shown interest in signing edinson cavanipsg striker has been out of favour at times in paris this seasoncavani bounced back to score in 4-0 win over bastia in league cup finalpsg owner says ` the question of his departure has not arisen '\n", + "[1.3022369 1.3338495 1.2854273 1.2935041 1.1656613 1.1520592 1.114947\n", + " 1.0652148 1.092018 1.0696483 1.0341358 1.0473083 1.0266144 1.065158\n", + " 1.0188051 1.0558487 1.0222887 1.0518949 1.065444 ]\n", + "\n", + "[ 1 0 3 2 4 5 6 8 9 18 7 13 15 17 11 10 12 16 14]\n", + "=======================\n", + "['the institute is working with state health leaders to control the \" severe outbreak , \" which has spread among users of a prescription opioid called opana .( cnn ) the number of new hiv infections in a rural indiana county has grown , according to the centers for disease control and prevention .as of friday , 142 people have tested positive for hiv , with 136 confirmed cases and six more with preliminary positive test results , all in rural scott and jackson counties .']\n", + "=======================\n", + "['the number of new hiv infections in indiana has grown to 142 casessome families in isolated communities use illegal drugs and share needles as a \" community activity , \" a health official sayspublic health officials urge vigilance to stop the outbreak from gaining ground']\n", + "the institute is working with state health leaders to control the \" severe outbreak , \" which has spread among users of a prescription opioid called opana .( cnn ) the number of new hiv infections in a rural indiana county has grown , according to the centers for disease control and prevention .as of friday , 142 people have tested positive for hiv , with 136 confirmed cases and six more with preliminary positive test results , all in rural scott and jackson counties .\n", + "the number of new hiv infections in indiana has grown to 142 casessome families in isolated communities use illegal drugs and share needles as a \" community activity , \" a health official sayspublic health officials urge vigilance to stop the outbreak from gaining ground\n", + "[1.2296274 1.4245787 1.2015918 1.3750219 1.1873348 1.2187508 1.0542011\n", + " 1.0324876 1.2575886 1.0868031 1.0487604 1.0600451 1.0521258 1.0197105\n", + " 1.0134943 1.0805616 0. 0. 0. ]\n", + "\n", + "[ 1 3 8 0 5 2 4 9 15 11 6 12 10 7 13 14 17 16 18]\n", + "=======================\n", + "[\"former teachers of al-taqwa college , in melbourne 's outer western suburbs , claim in a letter sent to the state and federal education ministers that principal omar hallak was discriminating against female students .omar hallak , principal of islamic school al-taqwa college in melbourne , reportedly bans his female students from runningthe principal of an islamic school has come under fire after he reportedly banned girls from running , amid fears it would cause them to lose their virginity .\"]\n", + "=======================\n", + "[\"al-taqwa college principal banned female students from runningformer teachers claim believes it will cause them to lose their virginitystudents wrote a letter asking omar hallak saying it was ` unfair 'asked him to let them compete in cross country they had been training for\"]\n", + "former teachers of al-taqwa college , in melbourne 's outer western suburbs , claim in a letter sent to the state and federal education ministers that principal omar hallak was discriminating against female students .omar hallak , principal of islamic school al-taqwa college in melbourne , reportedly bans his female students from runningthe principal of an islamic school has come under fire after he reportedly banned girls from running , amid fears it would cause them to lose their virginity .\n", + "al-taqwa college principal banned female students from runningformer teachers claim believes it will cause them to lose their virginitystudents wrote a letter asking omar hallak saying it was ` unfair 'asked him to let them compete in cross country they had been training for\n", + "[1.1606064 1.4127939 1.2347903 1.3247927 1.2743592 1.0295126 1.2225242\n", + " 1.0321398 1.0434059 1.1203977 1.1229824 1.0534286 1.1353893 1.021969\n", + " 1.0843611 1.0683036 1.0723817 1.0721745 0. ]\n", + "\n", + "[ 1 3 4 2 6 0 12 10 9 14 16 17 15 11 8 7 5 13 18]\n", + "=======================\n", + "[\"michelle newman said all she heard was a ` pop ' and looked up to see her son james ' heels as he fell from the second floor of their condo in las vegas .james krainch was almost two-years-old when he toppled out of a second floor condo window and diedmichelle newman visits james ' grave with her other children kierah ( centre ) and spencer ( right ) and said they play games at his grave , flying kites and laughing , so they can remember their brother in a positive way\"]\n", + "=======================\n", + "[\"james krainich was almost two when he toppled from second floor windowmother michelle newman ` heard a pop ' and then saw his heels disappearjames died in hospital nine years ago after losing consciousness from fallhis family play games at his grave every year and hope their story will be a warning to other parents about dangers of putting furniture near windows\"]\n", + "michelle newman said all she heard was a ` pop ' and looked up to see her son james ' heels as he fell from the second floor of their condo in las vegas .james krainch was almost two-years-old when he toppled out of a second floor condo window and diedmichelle newman visits james ' grave with her other children kierah ( centre ) and spencer ( right ) and said they play games at his grave , flying kites and laughing , so they can remember their brother in a positive way\n", + "james krainich was almost two when he toppled from second floor windowmother michelle newman ` heard a pop ' and then saw his heels disappearjames died in hospital nine years ago after losing consciousness from fallhis family play games at his grave every year and hope their story will be a warning to other parents about dangers of putting furniture near windows\n", + "[1.1957657 1.4480805 1.1938316 1.2496768 1.0501134 1.0378016 1.1152178\n", + " 1.089787 1.1216042 1.0553793 1.0918757 1.0874529 1.0551678 1.1721156\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 13 8 6 10 7 11 9 12 4 5 14 15 16 17 18]\n", + "=======================\n", + "[\"woods , 39 , was pictured hugging sam , 8 , and charlie , 6 , during the second day of practice at the augusta national golf club , georgia , ahead of his latest attempt at a comeback at the masters 2015 .once the greatest golfer in the world , but years of bad form and injury have taken their toll on tiger woods and on tuesday he looked grateful just to have the support and adoration of his two young children and longterm girlfriend lindsey vonn .the 14-time major winner certainly needs all the support he can get after he recently dropped out of the world 's top 100 rankings for the first time since september 1996 .\"]\n", + "=======================\n", + "[\"tiger woods , 39 , enjoyed some quality family time on the golf course at augusta on tuesdaythe 14-time major winner was joined by his children sam , 8 , and charlie , 6 , as well as longterm girlfriend lindsey vonn , 30the former world no 1 needs all the support he can get after dropping out of the world 's top 100 rankings for the first time since september 1996woods is making his latest atttempt at a comeback at the masters after his dramatic fall from grace following scandal over his countless infidelities\"]\n", + "woods , 39 , was pictured hugging sam , 8 , and charlie , 6 , during the second day of practice at the augusta national golf club , georgia , ahead of his latest attempt at a comeback at the masters 2015 .once the greatest golfer in the world , but years of bad form and injury have taken their toll on tiger woods and on tuesday he looked grateful just to have the support and adoration of his two young children and longterm girlfriend lindsey vonn .the 14-time major winner certainly needs all the support he can get after he recently dropped out of the world 's top 100 rankings for the first time since september 1996 .\n", + "tiger woods , 39 , enjoyed some quality family time on the golf course at augusta on tuesdaythe 14-time major winner was joined by his children sam , 8 , and charlie , 6 , as well as longterm girlfriend lindsey vonn , 30the former world no 1 needs all the support he can get after dropping out of the world 's top 100 rankings for the first time since september 1996woods is making his latest atttempt at a comeback at the masters after his dramatic fall from grace following scandal over his countless infidelities\n", + "[1.25558 1.521492 1.0539203 1.2897208 1.1542361 1.2829013 1.0298157\n", + " 1.0170128 1.0839097 1.0942905 1.2202327 1.0815204 1.037753 1.024567\n", + " 1.0146426 1.0959483 1.0139478 1.0102886 0. ]\n", + "\n", + "[ 1 3 5 0 10 4 15 9 8 11 2 12 6 13 7 14 16 17 18]\n", + "=======================\n", + "['dayna dobias , 19 , from downers grove was born with cerebral palsy , but she hopes to inspire others with her enthusiastic videos .the teenager says her motivation for creating the video was to counteract stereotypes held by people over certain disabilities .a teenager from illinois is tackling her disability head-on and attempting to positively influence thousands of others by dancing .']\n", + "=======================\n", + "[\"dayna dobias , 19 , has created a video in which she dances despite having a disability that makes it difficult for her to walkshe loves tv , film and fashion , and says she 's not happy with how people with disabilities are representedthe teen has created several videos during the past year aimed at changing stereotypes\"]\n", + "dayna dobias , 19 , from downers grove was born with cerebral palsy , but she hopes to inspire others with her enthusiastic videos .the teenager says her motivation for creating the video was to counteract stereotypes held by people over certain disabilities .a teenager from illinois is tackling her disability head-on and attempting to positively influence thousands of others by dancing .\n", + "dayna dobias , 19 , has created a video in which she dances despite having a disability that makes it difficult for her to walkshe loves tv , film and fashion , and says she 's not happy with how people with disabilities are representedthe teen has created several videos during the past year aimed at changing stereotypes\n", + "[1.482539 1.4235488 1.2049675 1.2783172 1.0630363 1.0584648 1.028707\n", + " 1.0154314 1.2366077 1.0310471 1.0957574 1.0420643 1.1087373 1.048184\n", + " 1.0348651 1.0234842 1.0167062 0. 0. ]\n", + "\n", + "[ 0 1 3 8 2 12 10 4 5 13 11 14 9 6 15 16 7 17 18]\n", + "=======================\n", + "[\"classical singer camilla kerslake was centre of attention at sunday 's olivier awards after she suffered a wardrobe malfunction as she arrived with england rugby skipper boyfriend chris robshaw .wearing a daring , backless black dress , camilla , 26 , showed off more than she bargained for in her revealing floor-length gown .despite being accompanied by robshaw , who played for harlequins in their 29-26 premiership victory over gloucester 24 hours earlier , the cameras were firmly trained on the singer .\"]\n", + "=======================\n", + "[\"robshaw accompanied his 26-year-old girlfriend to ceremony in londonplayed in harlequin 's victory over gloucester 24 hours earlier\"]\n", + "classical singer camilla kerslake was centre of attention at sunday 's olivier awards after she suffered a wardrobe malfunction as she arrived with england rugby skipper boyfriend chris robshaw .wearing a daring , backless black dress , camilla , 26 , showed off more than she bargained for in her revealing floor-length gown .despite being accompanied by robshaw , who played for harlequins in their 29-26 premiership victory over gloucester 24 hours earlier , the cameras were firmly trained on the singer .\n", + "robshaw accompanied his 26-year-old girlfriend to ceremony in londonplayed in harlequin 's victory over gloucester 24 hours earlier\n", + "[1.3230886 1.393464 1.472569 1.4208585 1.0937475 1.028574 1.0786616\n", + " 1.0563518 1.0282454 1.0112531 1.0175669 1.0858408 1.1439925 1.0802153\n", + " 1.0139567 1.0932231 1.0087193 0. 0. ]\n", + "\n", + "[ 2 3 1 0 12 4 15 11 13 6 7 5 8 10 14 9 16 17 18]\n", + "=======================\n", + "[\"captain alastair cook got 76 in a century stand with jonathan trott ( 59 ) at the top before gary ballance 's 77 boosted his 165-run partnership with root , making it a very happy st george 's day in st george 's , grenada .joe root celebrates his century and is 118 not out at stumps on day three of the second test in grenadaroot 's unbeaten 118 came with england posting a 74-run lead at the end of day three , while the score of 373 for six was also down to some impressive batting from england 's top order .\"]\n", + "=======================\n", + "[\"joe root hit 118 not out to help england into a 74-run lead on day threeit was the yorkshireman 's sixth test centurycaptain alastair cook scored 76 in a century stand with jonathan trott ( 59 )\"]\n", + "captain alastair cook got 76 in a century stand with jonathan trott ( 59 ) at the top before gary ballance 's 77 boosted his 165-run partnership with root , making it a very happy st george 's day in st george 's , grenada .joe root celebrates his century and is 118 not out at stumps on day three of the second test in grenadaroot 's unbeaten 118 came with england posting a 74-run lead at the end of day three , while the score of 373 for six was also down to some impressive batting from england 's top order .\n", + "joe root hit 118 not out to help england into a 74-run lead on day threeit was the yorkshireman 's sixth test centurycaptain alastair cook scored 76 in a century stand with jonathan trott ( 59 )\n", + "[1.2736987 1.4301608 1.2089273 1.2811182 1.047771 1.1330739 1.0532739\n", + " 1.0643934 1.0693567 1.1347502 1.1296669 1.0800377 1.0557963 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 9 5 10 11 8 7 12 6 4 17 13 14 15 16 18]\n", + "=======================\n", + "[\"national front leader marine le pen , 46 , who took over from her father in 2011 , says it shows that her party 's brand of political change is getting attention on both sides of the atlantic .the leader of france 's far-right has been named one of time magazine 's 100 most influential people alongside president barack obama , pope francis and kanye west .after this , jean-marie le pen told french publication le figaro that he was withdrawing his candidacy in the south-east provence-alpes-cote d'azur region ` even though i think i am the best candidate ' .\"]\n", + "=======================\n", + "[\"national front-leader named as one of time 's 100 most influentialmarine le pen said it shows her ` brand of politics ' is getting attentionle pen , 46 , has tried to rid party of its extreme right-wing past\"]\n", + "national front leader marine le pen , 46 , who took over from her father in 2011 , says it shows that her party 's brand of political change is getting attention on both sides of the atlantic .the leader of france 's far-right has been named one of time magazine 's 100 most influential people alongside president barack obama , pope francis and kanye west .after this , jean-marie le pen told french publication le figaro that he was withdrawing his candidacy in the south-east provence-alpes-cote d'azur region ` even though i think i am the best candidate ' .\n", + "national front-leader named as one of time 's 100 most influentialmarine le pen said it shows her ` brand of politics ' is getting attentionle pen , 46 , has tried to rid party of its extreme right-wing past\n", + "[1.124565 1.1711705 1.2820402 1.0800482 1.0361089 1.0496459 1.1970698\n", + " 1.064537 1.036571 1.0789698 1.0482246 1.0776716 1.0541835 1.0984814\n", + " 1.0685892 1.0431174 1.0847616 1.0660089 0. ]\n", + "\n", + "[ 2 6 1 0 13 16 3 9 11 14 17 7 12 5 10 15 8 4 18]\n", + "=======================\n", + "[\"the excitement came after a breakthrough nuclear deal with the united states and other world powers that promises to end iran 's international isolation under years of crippling sanctions .it was a fitting double occasion : the agreement was struck on the final day of persian new year festivities , symbolizing a fresh start .iranians erupted in celebration as young people waved flags from their sunroofs , blasted music from stereos and chatted online with the hashtag #irantalks .\"]\n", + "=======================\n", + "['iranians celebrate deal online and in the streets']\n", + "the excitement came after a breakthrough nuclear deal with the united states and other world powers that promises to end iran 's international isolation under years of crippling sanctions .it was a fitting double occasion : the agreement was struck on the final day of persian new year festivities , symbolizing a fresh start .iranians erupted in celebration as young people waved flags from their sunroofs , blasted music from stereos and chatted online with the hashtag #irantalks .\n", + "iranians celebrate deal online and in the streets\n", + "[1.2533802 1.1077843 1.3572977 1.3083861 1.3142413 1.2647474 1.0747573\n", + " 1.0461581 1.0283442 1.0224724 1.0609504 1.0829194 1.0243063 1.0847616\n", + " 1.1098161 1.0428574 1.0887378 1.0454876 1.0546712]\n", + "\n", + "[ 2 4 3 5 0 14 1 16 13 11 6 10 18 7 17 15 8 12 9]\n", + "=======================\n", + "[\"but in fact mobile health apps are ` fuelling anxiety ' and ` eroding people 's sense of wellbeing ' , warns a senior gp .popular apps include myfitnesspal and apple 's health app , which is automatically installed on the latest apple smartphones .the ` untested and unscientific ' apps cause stress by making us worry that we are abnormal or unhealthy , says dr des spence .\"]\n", + "=======================\n", + "[\"health apps such as myfitnesspal ` fuel anxiety ' says senior gpdr des spence calls the health apps ` untested and unscientific 'defenders of apps say they are ` encouraging healthy behaviour '\"]\n", + "but in fact mobile health apps are ` fuelling anxiety ' and ` eroding people 's sense of wellbeing ' , warns a senior gp .popular apps include myfitnesspal and apple 's health app , which is automatically installed on the latest apple smartphones .the ` untested and unscientific ' apps cause stress by making us worry that we are abnormal or unhealthy , says dr des spence .\n", + "health apps such as myfitnesspal ` fuel anxiety ' says senior gpdr des spence calls the health apps ` untested and unscientific 'defenders of apps say they are ` encouraging healthy behaviour '\n", + "[1.4951911 1.4982584 1.1753306 1.4903902 1.0919725 1.125631 1.0438807\n", + " 1.0142648 1.0099958 1.011154 1.0122247 1.0189828 1.0672008 1.1693625\n", + " 1.0449158 1.0441717 1.057471 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 13 5 4 12 16 14 15 6 11 7 10 9 8 17 18 19 20]\n", + "=======================\n", + "[\"poland international lewandowski scored the winner on his first visit back to the club he left on a free transfer last summer as pep guardiola 's side restored their 10-point lead at the top of the bundesliga .robert lewandowski returned to haunt his former club as bayern munich earned a narrow victory against borussia dortmund at the signal iduna park on saturday .robert lewandowski beats marcel schmelzer to the ball to head bayern munich in front against dortmund\"]\n", + "=======================\n", + "['bayern munich beat borussia dortmund 1-0 in the bundesliga on saturdayrobert lewandowski opened the scoring vs his former club on 36 minutesdortmund applied much of the second-half pressure but were kept at baybayern restored their 10-point lead at the top of the bundesliga']\n", + "poland international lewandowski scored the winner on his first visit back to the club he left on a free transfer last summer as pep guardiola 's side restored their 10-point lead at the top of the bundesliga .robert lewandowski returned to haunt his former club as bayern munich earned a narrow victory against borussia dortmund at the signal iduna park on saturday .robert lewandowski beats marcel schmelzer to the ball to head bayern munich in front against dortmund\n", + "bayern munich beat borussia dortmund 1-0 in the bundesliga on saturdayrobert lewandowski opened the scoring vs his former club on 36 minutesdortmund applied much of the second-half pressure but were kept at baybayern restored their 10-point lead at the top of the bundesliga\n", + "[1.1988333 1.4371743 1.2742647 1.3277943 1.3235254 1.1859454 1.0804712\n", + " 1.0933094 1.0504907 1.0319586 1.0418413 1.0297706 1.0301427 1.0344818\n", + " 1.0946347 1.1267598 1.0165478 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 5 15 14 7 6 8 10 13 9 12 11 16 19 17 18 20]\n", + "=======================\n", + "[\"ronald butcher , a ` private and quiet man ' , bequeathed his entire # 500,000 fortune to daniel sharp after he died in march 2013 .lucky : daniel sharp was given # 500,000 by mr butcher after doing building work for him freebut his relatives and family friends insist that the will , made just two months before his death , is invalid and say that the builder is lying about his friendship with mr butcher .\"]\n", + "=======================\n", + "['ronald butcher , 75 , left his entire life savings to builder daniel sharphe cut out his cousin and two family friends who were expecting to inheritbut they are now challenging the will in the high court saying the pensioner did not know what he was doing']\n", + "ronald butcher , a ` private and quiet man ' , bequeathed his entire # 500,000 fortune to daniel sharp after he died in march 2013 .lucky : daniel sharp was given # 500,000 by mr butcher after doing building work for him freebut his relatives and family friends insist that the will , made just two months before his death , is invalid and say that the builder is lying about his friendship with mr butcher .\n", + "ronald butcher , 75 , left his entire life savings to builder daniel sharphe cut out his cousin and two family friends who were expecting to inheritbut they are now challenging the will in the high court saying the pensioner did not know what he was doing\n", + "[1.237674 1.4611412 1.2826622 1.3325925 1.1452931 1.1670105 1.211867\n", + " 1.1566168 1.0661125 1.1155076 1.0451041 1.0143387 1.0093017 1.0095029\n", + " 1.0124053 1.1448476 1.1482228 1.0251619 1.0217865 1.0301039 1.0242071]\n", + "\n", + "[ 1 3 2 0 6 5 7 16 4 15 9 8 10 19 17 20 18 11 14 13 12]\n", + "=======================\n", + "[\"sergey burkaev , 16 , and konstantin surkov , 17 , are said to have raped their last victim before slitting her throat .the vodka-fuelled duo doused all five bodies in petrol and set them alight at a flat in south-west russia , according to prosecutors .two teenage boys reportedly stabbed a third to death after arguing about their mobile phones - then killed four girl pals they were with so they could n't tell police about the murder .\"]\n", + "=======================\n", + "[\"sergey burkaev , 16 , and konstantin surkov , 17 , ` confessed ' to murdersduo are also said to have raped one of the girls before cutting her throatthe accused and their victims were at a house party in kumertau , russia\"]\n", + "sergey burkaev , 16 , and konstantin surkov , 17 , are said to have raped their last victim before slitting her throat .the vodka-fuelled duo doused all five bodies in petrol and set them alight at a flat in south-west russia , according to prosecutors .two teenage boys reportedly stabbed a third to death after arguing about their mobile phones - then killed four girl pals they were with so they could n't tell police about the murder .\n", + "sergey burkaev , 16 , and konstantin surkov , 17 , ` confessed ' to murdersduo are also said to have raped one of the girls before cutting her throatthe accused and their victims were at a house party in kumertau , russia\n", + "[1.138031 1.1318309 1.3558768 1.4579412 1.1347234 1.040497 1.2039187\n", + " 1.1636317 1.1758543 1.1501598 1.1507808 1.043835 1.0203537 1.0176318\n", + " 1.0225703 1.0388248 1.0202901 1.0144993 0. 0. 0. ]\n", + "\n", + "[ 3 2 6 8 7 10 9 0 4 1 11 5 15 14 12 16 13 17 19 18 20]\n", + "=======================\n", + "[\"the five-year-old child is called mai zizhuo and he has been shooting hoops since he was two and a half years old , reported the people 's daily online .a viral video is making the rounds in china , which shows a small boy displaying a dazzling array of basketball skills that would put to shame many professional players .his incredible skills have won him legions of fans across basketball-mad china .\"]\n", + "=======================\n", + "['mai zizhou has been trained to play basketball since 2.5 years oldvideo shows him shooting the hoops and dribbling two basketballshis incredible skills have won him legions of fans around china']\n", + "the five-year-old child is called mai zizhuo and he has been shooting hoops since he was two and a half years old , reported the people 's daily online .a viral video is making the rounds in china , which shows a small boy displaying a dazzling array of basketball skills that would put to shame many professional players .his incredible skills have won him legions of fans across basketball-mad china .\n", + "mai zizhou has been trained to play basketball since 2.5 years oldvideo shows him shooting the hoops and dribbling two basketballshis incredible skills have won him legions of fans around china\n", + "[1.5526772 1.1964282 1.1623914 1.1572258 1.3554124 1.1076273 1.0946101\n", + " 1.2453852 1.150782 1.0153437 1.0628707 1.1154144 1.0754217 1.0977585\n", + " 1.2829733 1.0906779 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 14 7 1 2 3 8 11 5 13 6 15 12 10 9 16 17 18 19 20]\n", + "=======================\n", + "['stephen curry eclipsed his own nba record for most 3-pointers in a season , scoring 45 points to rally the golden state warriors to a 116-105 victory over the portland trail blazers on thursday night .pau gasol ( right ) had 16 points and 15 rebounds as the chicago bulls beat miami heat 89-78 on thursdaycurry entered the game four shy of his mark of 272 three-pointers , which he set two years ago in the season finale at portland .']\n", + "=======================\n", + "[\"golden state warriors beat portland trail blazers 116-105 on thursdaystephen curry broke his three-point record for a total nba seasoncurry hit eight three 's to surpass his previous best of 272 three-pointersmiami heat lost 78-89 vs chicago bulls in the eastern conference\"]\n", + "stephen curry eclipsed his own nba record for most 3-pointers in a season , scoring 45 points to rally the golden state warriors to a 116-105 victory over the portland trail blazers on thursday night .pau gasol ( right ) had 16 points and 15 rebounds as the chicago bulls beat miami heat 89-78 on thursdaycurry entered the game four shy of his mark of 272 three-pointers , which he set two years ago in the season finale at portland .\n", + "golden state warriors beat portland trail blazers 116-105 on thursdaystephen curry broke his three-point record for a total nba seasoncurry hit eight three 's to surpass his previous best of 272 three-pointersmiami heat lost 78-89 vs chicago bulls in the eastern conference\n", + "[1.2881224 1.4319259 1.208189 1.2317736 1.1489768 1.1341668 1.1809522\n", + " 1.061156 1.0601245 1.015961 1.055043 1.0381142 1.257163 1.0490707\n", + " 1.0204947 1.0714513 1.0293766 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 12 3 2 6 4 5 15 7 8 10 13 11 16 14 9 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"frank knight , a lifelong supporter of the seasiders , was ordered to make a public apology after posting a disparaging status on his facebook page this time last year .the oyston family served to form a further wedge between themselves and blackpool 's fans after a pensioner was forced to pay a staggering # 20,000 in damages for allegations made online .blackpool fan frank knight posted an apology on a supporters ' messageboard on thursday\"]\n", + "=======================\n", + "['lifelong blackpool fan frank knight forced to pay # 20,000 in damagesthe pensioner made allegations about the oyston familyclub is owned by owen oyston , while son karl is blackpool chairmanknight ordered to make a public apology following facebook comments']\n", + "frank knight , a lifelong supporter of the seasiders , was ordered to make a public apology after posting a disparaging status on his facebook page this time last year .the oyston family served to form a further wedge between themselves and blackpool 's fans after a pensioner was forced to pay a staggering # 20,000 in damages for allegations made online .blackpool fan frank knight posted an apology on a supporters ' messageboard on thursday\n", + "lifelong blackpool fan frank knight forced to pay # 20,000 in damagesthe pensioner made allegations about the oyston familyclub is owned by owen oyston , while son karl is blackpool chairmanknight ordered to make a public apology following facebook comments\n", + "[1.3173914 1.3155246 1.2414148 1.2910311 1.240879 1.0855056 1.0776594\n", + " 1.0354787 1.08307 1.028978 1.0228952 1.0695204 1.0235139 1.0466123\n", + " 1.0617511 1.0687565 1.0267999 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 5 8 6 11 15 14 13 7 9 16 12 10 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"isis has released a chilling new propaganda video warning there is ` no safety for any american on the globe ' and claiming the u.s. will burn in another 9/11-style attack .titled ` we will burn america ' , the video calls on supporters to attack the u.s. on its own soil , while claiming its citizens ' sense of safety is a ` mirage ' .the 11 minute-long video also forms a showcase of some of the militants ' bloodiest atrocities - it features the beheading of u.s. journalist james foley , as well as several mass beheadings and the horrific burning of jordanian pilot muadh al-kasasbeh .\"]\n", + "=======================\n", + "[\"isis has released yet another bloodthirsty propaganda videothe chilling video states there is ` no safety for any american on the globe 'it features footage of the twin tower attacks and threatens another 9/11footage of beheadings , burnings and other atrocities is broadcast\"]\n", + "isis has released a chilling new propaganda video warning there is ` no safety for any american on the globe ' and claiming the u.s. will burn in another 9/11-style attack .titled ` we will burn america ' , the video calls on supporters to attack the u.s. on its own soil , while claiming its citizens ' sense of safety is a ` mirage ' .the 11 minute-long video also forms a showcase of some of the militants ' bloodiest atrocities - it features the beheading of u.s. journalist james foley , as well as several mass beheadings and the horrific burning of jordanian pilot muadh al-kasasbeh .\n", + "isis has released yet another bloodthirsty propaganda videothe chilling video states there is ` no safety for any american on the globe 'it features footage of the twin tower attacks and threatens another 9/11footage of beheadings , burnings and other atrocities is broadcast\n", + "[1.2435834 1.2714748 1.1987009 1.2207679 1.2222852 1.0991703 1.0597714\n", + " 1.026155 1.0715685 1.0950469 1.2021257 1.1490841 1.0313923 1.1551666\n", + " 1.0880616 1.0544894 1.0308871 1.0438533 1.027057 1.0134631 1.0121058\n", + " 1.0132017 1.021034 1.0289325 1.0116572]\n", + "\n", + "[ 1 0 4 3 10 2 13 11 5 9 14 8 6 15 17 12 16 23 18 7 22 19 21 20\n", + " 24]\n", + "=======================\n", + "['the clip resembles scenes from a hollywood disaster movie , with cars turning around in the road and turning back in a desperate bid to escape the inferno .terrifying dashcam footage has emerged of cars enveloped by a raging wildfire on a road in eastern siberia - with one vehicle driving past with its roof blazing .the clip begins with visibility for the driver of the car with the dashcam at zero']\n", + "=======================\n", + "['terrifying dashcam footage has emerged of cars caught in an infernothe clip was taken by the driver of a car in eastern siberiaat one point a jeep races past with the back of its roof ablazewildfires in siberia have been raging since march 19 , leaving 30 dead']\n", + "the clip resembles scenes from a hollywood disaster movie , with cars turning around in the road and turning back in a desperate bid to escape the inferno .terrifying dashcam footage has emerged of cars enveloped by a raging wildfire on a road in eastern siberia - with one vehicle driving past with its roof blazing .the clip begins with visibility for the driver of the car with the dashcam at zero\n", + "terrifying dashcam footage has emerged of cars caught in an infernothe clip was taken by the driver of a car in eastern siberiaat one point a jeep races past with the back of its roof ablazewildfires in siberia have been raging since march 19 , leaving 30 dead\n", + "[1.2876741 1.5077354 1.1675441 1.282516 1.1498423 1.1148001 1.0552955\n", + " 1.034565 1.0394233 1.0492303 1.0947328 1.0754755 1.0602539 1.0317389\n", + " 1.0524203 1.0221366 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 5 10 11 12 6 14 9 8 7 13 15 23 16 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"the 40-year-old 's son cooper blue and daughter kingsley rainbow were born on monday via a surrogate , with dylan and her paul , 44 , confirming to people on wednesday afternoon that they ` are celebrating the birth of their twins ' .a spokesperson for the couple added to the outlet that ` her parents , fashion icons ralph and ricky lauren , are overjoyed to welcome their first grandchildren and witness their daughter usher in the next generation ' .dylan , who is the founder and ceo of popular confectionery chain dylan 's candy bar , revealed in this week 's issue of the magazine that she chose a surrogate because it 's a ` wonderful option ' and it was the way she and her husband always ` wanted to start a family ' .\"]\n", + "=======================\n", + "[\"the 40-year-old 's son cooper blue and daughter kingsley rainbow were born on mondaydylan and her husband paul arrouet married in 2011\"]\n", + "the 40-year-old 's son cooper blue and daughter kingsley rainbow were born on monday via a surrogate , with dylan and her paul , 44 , confirming to people on wednesday afternoon that they ` are celebrating the birth of their twins ' .a spokesperson for the couple added to the outlet that ` her parents , fashion icons ralph and ricky lauren , are overjoyed to welcome their first grandchildren and witness their daughter usher in the next generation ' .dylan , who is the founder and ceo of popular confectionery chain dylan 's candy bar , revealed in this week 's issue of the magazine that she chose a surrogate because it 's a ` wonderful option ' and it was the way she and her husband always ` wanted to start a family ' .\n", + "the 40-year-old 's son cooper blue and daughter kingsley rainbow were born on mondaydylan and her husband paul arrouet married in 2011\n", + "[1.2501347 1.4354668 1.2896098 1.3287535 1.227297 1.0563935 1.0790732\n", + " 1.066764 1.1013325 1.02869 1.0140575 1.1285163 1.0275 1.0521805\n", + " 1.0932842 1.046634 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 11 8 14 6 7 5 13 15 9 12 10 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "['the louisiana-raised singer is scheduled to raise money with a hartford , connecticut show on july 17 for the sandy hook promise group , which organized in response to the sandy hook elementary school shooting in late 2012 .country star tim mcgraw is facing backlash from conservative fans after agreeing to put on a connecticut concert in support of a pro gun control charity .however , anti-gun control commenters have said that mcgraw , 47 , risks losing his career the same way female country trio the dixie chicks never bounced back from criticizing president george w bush .']\n", + "=======================\n", + "['country music star booked july 17 concert benefiting sandy hook promiseconservative fans mad that star helping raise money for gun controlcommenters say that he could slide to obscurity like the dixie chicks did after statements criticizing george w bush']\n", + "the louisiana-raised singer is scheduled to raise money with a hartford , connecticut show on july 17 for the sandy hook promise group , which organized in response to the sandy hook elementary school shooting in late 2012 .country star tim mcgraw is facing backlash from conservative fans after agreeing to put on a connecticut concert in support of a pro gun control charity .however , anti-gun control commenters have said that mcgraw , 47 , risks losing his career the same way female country trio the dixie chicks never bounced back from criticizing president george w bush .\n", + "country music star booked july 17 concert benefiting sandy hook promiseconservative fans mad that star helping raise money for gun controlcommenters say that he could slide to obscurity like the dixie chicks did after statements criticizing george w bush\n", + "[1.2874796 1.33045 1.2545005 1.30706 1.0907373 1.2209315 1.1576468\n", + " 1.0410978 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 5 6 4 7 18 17 16 15 14 10 12 11 19 9 8 13 20]\n", + "=======================\n", + "['the scene was creve coeur lake outside of st. louis early friday morning .team member devin patel described the moment of terror : \" the fish was flopping on my legs .( cnn ) it was a typical practice day for the washington university of rowing team , but then danger came from beneath .']\n", + "=======================\n", + "['rowing team at washington university attacked by flying carpmember of the team caught the attack on video']\n", + "the scene was creve coeur lake outside of st. louis early friday morning .team member devin patel described the moment of terror : \" the fish was flopping on my legs .( cnn ) it was a typical practice day for the washington university of rowing team , but then danger came from beneath .\n", + "rowing team at washington university attacked by flying carpmember of the team caught the attack on video\n", + "[1.3007843 1.4828197 1.1949174 1.431013 1.146148 1.0310242 1.1254743\n", + " 1.0807385 1.0140083 1.0386033 1.0938156 1.10117 1.2037686 1.0718153\n", + " 1.016561 1.1021798 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 12 2 4 6 15 11 10 7 13 9 5 14 8 19 16 17 18 20]\n", + "=======================\n", + "['angela maxwell said she would not give up her five-hour shift preparing meals at the lunch club at coningsby community hall in lincolnshire despite winning millions of pounds .angela maxwell has returned to her shift at a local lunch club for pensioners a week after scooping # 53million with her husband richardasked what they planned to do with the money last week the couple , who have two adult children , said they would buy a new minibus for pensioners in the community .']\n", + "=======================\n", + "[\"angela maxwell returned to coningsby community hall yesterday morningthe 67-year-old and her husband won # 53million in last week 's lotterycouple said they planned to spend money on a new minibus for local oapsmrs maxwell volunteers for the council preparing meals for pensionersshe returned to the lunchtime club yesterday morning despite the windfall\"]\n", + "angela maxwell said she would not give up her five-hour shift preparing meals at the lunch club at coningsby community hall in lincolnshire despite winning millions of pounds .angela maxwell has returned to her shift at a local lunch club for pensioners a week after scooping # 53million with her husband richardasked what they planned to do with the money last week the couple , who have two adult children , said they would buy a new minibus for pensioners in the community .\n", + "angela maxwell returned to coningsby community hall yesterday morningthe 67-year-old and her husband won # 53million in last week 's lotterycouple said they planned to spend money on a new minibus for local oapsmrs maxwell volunteers for the council preparing meals for pensionersshe returned to the lunchtime club yesterday morning despite the windfall\n", + "[1.1310375 1.222814 1.268353 1.3312521 1.2237496 1.3073931 1.1731348\n", + " 1.1681086 1.0593143 1.1602027 1.0346746 1.0198923 1.177208 1.0678853\n", + " 1.0644102 1.0619974 1.0411284 0. 0. 0. 0. ]\n", + "\n", + "[ 3 5 2 4 1 12 6 7 9 0 13 14 15 8 16 10 11 19 17 18 20]\n", + "=======================\n", + "['there are 650 seats up for grabs on may 7 , with labour and the tories needing more than half to secure a majority .some 70 per cent of seats in the east of england are considered safe , compared to 10 per cent in scotland , where the snp is expected to make sweeping gainsmore than 25million live in constituencies where the result can already be predicted , because one party is so far ahead .']\n", + "=======================\n", + "['650 seats up for grabs on may 7 but more than half will not change hands because one party is so far aheadelectoral reform society calls result in 325 seats in england , 5 in scotland , 20 in wales and 14 in northern ireland70 % of seats in the east of england are considered safe but only 10 % per cent in scotland as snp makes big gains']\n", + "there are 650 seats up for grabs on may 7 , with labour and the tories needing more than half to secure a majority .some 70 per cent of seats in the east of england are considered safe , compared to 10 per cent in scotland , where the snp is expected to make sweeping gainsmore than 25million live in constituencies where the result can already be predicted , because one party is so far ahead .\n", + "650 seats up for grabs on may 7 but more than half will not change hands because one party is so far aheadelectoral reform society calls result in 325 seats in england , 5 in scotland , 20 in wales and 14 in northern ireland70 % of seats in the east of england are considered safe but only 10 % per cent in scotland as snp makes big gains\n", + "[1.2229606 1.0718527 1.2666297 1.3554269 1.2466983 1.1081444 1.0392431\n", + " 1.0372732 1.0575057 1.1686903 1.0844747 1.0951157 1.1354582 1.0403455\n", + " 1.0133487 1.0479776 1.1019132 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 4 0 9 12 5 16 11 10 1 8 15 13 6 7 14 19 17 18 20]\n", + "=======================\n", + "[\"adam johnson ( right ) was accompanied by his lawyer as he was charged with three counts of sexual activity with an underage girl and one of groomingjohnson -- scorer of seven goals in as many matches for sunderland -- believed he was worthy of a recall , 21 months on from a five-minute cameo in norway 's ullevaal stadium during a euro 2012 warm-up friendly .johnson , an england international , was considered a prospect for roy hodgson as recently as a year ago\"]\n", + "=======================\n", + "['only a year ago adam johnson was still considered an england prospectthe former manchester city winger never fulfilled his potentialjohnson has shown flashes of his talent , but never been consistentthe future of both sunderland and their star player hang in the balance']\n", + "adam johnson ( right ) was accompanied by his lawyer as he was charged with three counts of sexual activity with an underage girl and one of groomingjohnson -- scorer of seven goals in as many matches for sunderland -- believed he was worthy of a recall , 21 months on from a five-minute cameo in norway 's ullevaal stadium during a euro 2012 warm-up friendly .johnson , an england international , was considered a prospect for roy hodgson as recently as a year ago\n", + "only a year ago adam johnson was still considered an england prospectthe former manchester city winger never fulfilled his potentialjohnson has shown flashes of his talent , but never been consistentthe future of both sunderland and their star player hang in the balance\n", + "[1.3562074 1.1322945 1.442519 1.2932706 1.3872938 1.1253266 1.0577897\n", + " 1.0247922 1.0279225 1.0309138 1.0235561 1.077325 1.033309 1.1170131\n", + " 1.10811 1.0309998 1.0214309 1.0230187 1.201323 1.2700275 1.0548195]\n", + "\n", + "[ 2 4 0 3 19 18 1 5 13 14 11 6 20 12 15 9 8 7 10 17 16]\n", + "=======================\n", + "['phil smith , 25 , scaled a fence to try to get in his flat in cottingham , hull , but fell and hit his head .he was placed in a medically induced coma at hull royal infirmary , but died five days later on april 9 .the 25-year-old , who worked at a school for disabled children , fractured his skull and suffered a bleed on the brain and a blood clot in the fall .']\n", + "=======================\n", + "[\"phil smith , 25 , forgot his keys and scaled fence to try to get in his flatbut teaching assistant fell and hit his head while climbing through windowhe fractured his skull and suffered a bleed on the brain and a blood clotparents paid tribute to ` lovely son ' who worked at special needs school\"]\n", + "phil smith , 25 , scaled a fence to try to get in his flat in cottingham , hull , but fell and hit his head .he was placed in a medically induced coma at hull royal infirmary , but died five days later on april 9 .the 25-year-old , who worked at a school for disabled children , fractured his skull and suffered a bleed on the brain and a blood clot in the fall .\n", + "phil smith , 25 , forgot his keys and scaled fence to try to get in his flatbut teaching assistant fell and hit his head while climbing through windowhe fractured his skull and suffered a bleed on the brain and a blood clotparents paid tribute to ` lovely son ' who worked at special needs school\n", + "[1.1535165 1.200488 1.3189838 1.2695181 1.2156922 1.1650428 1.1957738\n", + " 1.1769817 1.23377 1.1066538 1.0531994 1.0551658 1.0435406 1.0720105\n", + " 1.0626996 1.0244049 1.0684124 1.0442734 0. ]\n", + "\n", + "[ 2 3 8 4 1 6 7 5 0 9 13 16 14 11 10 17 12 15 18]\n", + "=======================\n", + "['some have been awol from ford open prison for as long as 10 years , according to information only now released by the ministry of justice .one of the escapees from the 500-inmate jail , is violent killer robert donovan , 57 .his disappearance only emerged last year , four years after he had walked out of the prison in arundel , sussex .']\n", + "=======================\n", + "['a total of 39 inmates are at large from ford open prison , west sussexministry of justice revealed they all escaped between 2004 and 2014include murderer derek passmore who beat a man to death in 1996also on-the-run robert donovan who knifed to death a theatre manager']\n", + "some have been awol from ford open prison for as long as 10 years , according to information only now released by the ministry of justice .one of the escapees from the 500-inmate jail , is violent killer robert donovan , 57 .his disappearance only emerged last year , four years after he had walked out of the prison in arundel , sussex .\n", + "a total of 39 inmates are at large from ford open prison , west sussexministry of justice revealed they all escaped between 2004 and 2014include murderer derek passmore who beat a man to death in 1996also on-the-run robert donovan who knifed to death a theatre manager\n", + "[1.3395029 1.1340152 1.330128 1.2249352 1.1814417 1.1924673 1.2521012\n", + " 1.1956728 1.1321592 1.0521728 1.0515712 1.023425 1.0477023 1.1931975\n", + " 1.0525396 1.0330131 1.023513 0. 0. ]\n", + "\n", + "[ 0 2 6 3 7 13 5 4 1 8 14 9 10 12 15 16 11 17 18]\n", + "=======================\n", + "[\"roman abramovich has never spoken in public since buying chelsea , nor is there any expectation that he will .marina granovskaia is a chelsea director and arguably the most powerful woman in english football as the club 's transfer and contract negotiator .she is also abramovich 's day-to-day link with his football team .\"]\n", + "=======================\n", + "[\"roman abramovich has never spoken in public since buying chelseabut marina granovskaia , chelsea director , is set to speak next monthshe is among speakers at a conference to be held at stamford bridgegreg dyke finally handed back the # 16,400 watch given to him by fifagraeme swann has asked twitter followers to help find his jaguar carchannel 4 have been let off by sponsors 32red after an ad-break gaffec4 special , my big fat gypsy grand national , included an aintree hen partysepp blatter 's rivals ' fifa bids look doomed after africa pledge\"]\n", + "roman abramovich has never spoken in public since buying chelsea , nor is there any expectation that he will .marina granovskaia is a chelsea director and arguably the most powerful woman in english football as the club 's transfer and contract negotiator .she is also abramovich 's day-to-day link with his football team .\n", + "roman abramovich has never spoken in public since buying chelseabut marina granovskaia , chelsea director , is set to speak next monthshe is among speakers at a conference to be held at stamford bridgegreg dyke finally handed back the # 16,400 watch given to him by fifagraeme swann has asked twitter followers to help find his jaguar carchannel 4 have been let off by sponsors 32red after an ad-break gaffec4 special , my big fat gypsy grand national , included an aintree hen partysepp blatter 's rivals ' fifa bids look doomed after africa pledge\n", + "[1.2489233 1.3847705 1.1834728 1.3680809 1.2018821 1.137351 1.0548633\n", + " 1.1243161 1.0927702 1.0336868 1.020944 1.0634004 1.040416 1.0381476\n", + " 1.0203822 1.0419328 1.0212168 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 5 7 8 11 6 15 12 13 9 16 10 14 17 18]\n", + "=======================\n", + "[\"following a segment on wedding costs that touched on the price of engagement rings , wcco this morning reporter ashley roberts ' boyfriend , justin mccray , surprised her with an engagement ring of her own .one minnesota reporter made news herself on wednesday when her boyfriend popped the question to her while she was live on-air .romantic plan : ashley 's co-workers helped arrange for her boyfriend to come out after an on-air discussion about engagement rings\"]\n", + "=======================\n", + "['wcco this morning reporter ashley roberts , who lives and works in minnesota , was proposed to by boyfriend justin mccraythe florida native was shocked to see her now-fiancé appear in the studio during a segment on wedding costs']\n", + "following a segment on wedding costs that touched on the price of engagement rings , wcco this morning reporter ashley roberts ' boyfriend , justin mccray , surprised her with an engagement ring of her own .one minnesota reporter made news herself on wednesday when her boyfriend popped the question to her while she was live on-air .romantic plan : ashley 's co-workers helped arrange for her boyfriend to come out after an on-air discussion about engagement rings\n", + "wcco this morning reporter ashley roberts , who lives and works in minnesota , was proposed to by boyfriend justin mccraythe florida native was shocked to see her now-fiancé appear in the studio during a segment on wedding costs\n", + "[1.2299018 1.4617724 1.3854814 1.350919 1.1316949 1.0507499 1.0288544\n", + " 1.0383382 1.106721 1.1999595 1.1288494 1.0452583 1.0339539 1.0641305\n", + " 1.0077716 1.0487977 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 9 4 10 8 13 5 15 11 7 12 6 14 17 16 18]\n", + "=======================\n", + "[\"sajid javid declared some values prevalent in certain asian communities were ` totally unacceptable in british society ' .his comments come after inquiries into the sexual abuse of vulnerable girls targeted by asian men in rochdale , rotherham and oxford found that the authorities had failed to protect them .muslim communities in parts of britain have a ` cultural problem ' where they view women as commodities to be abused , according to the culture secretary .\"]\n", + "=======================\n", + "[\"he said some values in certain communities were ` totally unacceptable 'comments come after sexual abuse by asian men revealed in parts of ukjavid said political correctness should not be a barrier to stopping abuse\"]\n", + "sajid javid declared some values prevalent in certain asian communities were ` totally unacceptable in british society ' .his comments come after inquiries into the sexual abuse of vulnerable girls targeted by asian men in rochdale , rotherham and oxford found that the authorities had failed to protect them .muslim communities in parts of britain have a ` cultural problem ' where they view women as commodities to be abused , according to the culture secretary .\n", + "he said some values in certain communities were ` totally unacceptable 'comments come after sexual abuse by asian men revealed in parts of ukjavid said political correctness should not be a barrier to stopping abuse\n", + "[1.2050321 1.5762317 1.1467404 1.3512913 1.1280818 1.2876356 1.108323\n", + " 1.0458475 1.0711513 1.1775804 1.1476865 1.0119975 1.0131403 1.0115181\n", + " 1.0090622 1.0164086 1.0117944 1.0147818 1.0086889]\n", + "\n", + "[ 1 3 5 0 9 10 2 4 6 8 7 15 17 12 11 16 13 14 18]\n", + "=======================\n", + "['ted loveday managed to answer 10 starter questions in the last round of the bbc quiz show , helping gonville and caius college , cambridge defeat magdalen college , oxford .a student has become an online sensation after powering his cambridge college to glory in the final of university challenge .quizmaster : the bbc two show is hosted by jeremy paxman , notorious for his aggressive putdowns']\n", + "=======================\n", + "['ted loveday led gonville and caius college , cambridge to the university challenge title this weekhe became a web sensation after answering 10 different starter questionsbut the law student admits he revised by using youtube and wikipedia']\n", + "ted loveday managed to answer 10 starter questions in the last round of the bbc quiz show , helping gonville and caius college , cambridge defeat magdalen college , oxford .a student has become an online sensation after powering his cambridge college to glory in the final of university challenge .quizmaster : the bbc two show is hosted by jeremy paxman , notorious for his aggressive putdowns\n", + "ted loveday led gonville and caius college , cambridge to the university challenge title this weekhe became a web sensation after answering 10 different starter questionsbut the law student admits he revised by using youtube and wikipedia\n", + "[1.2173133 1.359276 1.3191974 1.2069354 1.3034692 1.2916272 1.119092\n", + " 1.0955938 1.068137 1.016678 1.0231861 1.0195644 1.0170735 1.0362052\n", + " 1.0214748 1.0128764 1.1553386 1.1857669 1.069965 1.0419164]\n", + "\n", + "[ 1 2 4 5 0 3 17 16 6 7 18 8 19 13 10 14 11 12 9 15]\n", + "=======================\n", + "[\"a black woman , tyus byrd , was recently elected mayor of the town over the white incumbent candidate randall ramsey , mailonline reported earlier this week .six city officials quit their jobs shortly after byrd won , according to multiple reports .two of those individuals - trish cohen , parma 's former police chief , and rich medley , the town 's former assistant police chief - recently spoke to nbc news .\"]\n", + "=======================\n", + "[\"tyus byrd , who is black , was recently elected mayor of parma , missourishe beat the white current mayor randall ramseysix city officials quit their jobs shortly after byrd wontwo of those individuals are trish cohen , parma 's former police chief , and rich medley , the town 's former assistant police chiefcohen has said she and medley feared for their safety , since their home addresses had been shared online by byrd 's family membersmedley has said after being told by byrd 's supporters that parma 's police officers were going to be fired , he decided to quitbyrd has said she does n't know what the ` safety issues ' were and that she ` never said anything about cleaning house '\"]\n", + "a black woman , tyus byrd , was recently elected mayor of the town over the white incumbent candidate randall ramsey , mailonline reported earlier this week .six city officials quit their jobs shortly after byrd won , according to multiple reports .two of those individuals - trish cohen , parma 's former police chief , and rich medley , the town 's former assistant police chief - recently spoke to nbc news .\n", + "tyus byrd , who is black , was recently elected mayor of parma , missourishe beat the white current mayor randall ramseysix city officials quit their jobs shortly after byrd wontwo of those individuals are trish cohen , parma 's former police chief , and rich medley , the town 's former assistant police chiefcohen has said she and medley feared for their safety , since their home addresses had been shared online by byrd 's family membersmedley has said after being told by byrd 's supporters that parma 's police officers were going to be fired , he decided to quitbyrd has said she does n't know what the ` safety issues ' were and that she ` never said anything about cleaning house '\n", + "[1.3911457 1.3420713 1.4181979 1.0737865 1.2760274 1.1292713 1.1488467\n", + " 1.0965508 1.0457453 1.2497144 1.1119798 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 4 9 6 5 10 7 3 8 18 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "['xabi alonso was left stretching for a pass with his team-mates watching on and ending up falling over , as the ball approached him at pace .bayern munich were in high spirits after they restored their lead at the top of the bundesliga back to 10 points .pep guardiola put his players through their paces as they carried out rondo passing drills in training .']\n", + "=======================\n", + "[\"xabi alonso has been in fine form for bayern munichrobert lewandowski ensured bayern beat dortmund on saturdaypep guardiola 's side are top of the bundesliga by 10 points\"]\n", + "xabi alonso was left stretching for a pass with his team-mates watching on and ending up falling over , as the ball approached him at pace .bayern munich were in high spirits after they restored their lead at the top of the bundesliga back to 10 points .pep guardiola put his players through their paces as they carried out rondo passing drills in training .\n", + "xabi alonso has been in fine form for bayern munichrobert lewandowski ensured bayern beat dortmund on saturdaypep guardiola 's side are top of the bundesliga by 10 points\n", + "[1.3491108 1.3759699 1.2352629 1.4416766 1.2244717 1.0546749 1.0397917\n", + " 1.1024532 1.0395851 1.1344216 1.1514076 1.0496675 1.0151936 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 2 4 10 9 7 5 11 6 8 12 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"french handball star nikola karabatic has been accused of match fixing along with 15 otherskarabatic , a multiple world and olympic gold medalist , and his younger brother luka were among a group of players banned by the french league two years ago for betting on the result of a match in which their montpellier club , which had already secured the title , lost to a struggling team .karabatic 's lawyer michael corbier told sportsmail on wednesday the trial will likely take place within months .\"]\n", + "=======================\n", + "[\"nikola karabatic was among group of players banned after betting on a montpellier club match two years agoformer olympic champion will plead not guilty at trial in next few monthsfrance 's biggest handball star now plays for barcelona in spanish league\"]\n", + "french handball star nikola karabatic has been accused of match fixing along with 15 otherskarabatic , a multiple world and olympic gold medalist , and his younger brother luka were among a group of players banned by the french league two years ago for betting on the result of a match in which their montpellier club , which had already secured the title , lost to a struggling team .karabatic 's lawyer michael corbier told sportsmail on wednesday the trial will likely take place within months .\n", + "nikola karabatic was among group of players banned after betting on a montpellier club match two years agoformer olympic champion will plead not guilty at trial in next few monthsfrance 's biggest handball star now plays for barcelona in spanish league\n", + "[1.1667345 1.4145191 1.3636603 1.1885636 1.253174 1.1583138 1.0537456\n", + " 1.0129 1.0134758 1.1712065 1.1363524 1.0721228 1.06619 1.1690841\n", + " 1.0788594 1.0655982 1.0342103 1.0086043 0. 0. ]\n", + "\n", + "[ 1 2 4 3 9 13 0 5 10 14 11 12 15 6 16 8 7 17 18 19]\n", + "=======================\n", + "[\"scientists quizzed more than 5,000 british teenagers about their drinking habits and the films they had watched from a list of 50 , including bridget jones ' diary and aviator .those who had watched the most films which featured characters drinking alcohol were 20 per cent more likely to have tried alcohol and 70 per cent more likely to binge drink .the research also revealed that between 1989 and 2008 almost three quarters of popular uk box office films depicted alcohol use - but only six per cent were classified as adult only .\"]\n", + "=======================\n", + "[\"scientists quizzed more than 5,000 teenagers about their drinking habitsalso the films they watched , including bridget jones ' diary and aviatorthose who watched most films featuring characters drinking alcohol were 20 % more likely to have tried alcohol and 70 % more likely to binge drinkresearchers have called for films to be rated by alcohol content\"]\n", + "scientists quizzed more than 5,000 british teenagers about their drinking habits and the films they had watched from a list of 50 , including bridget jones ' diary and aviator .those who had watched the most films which featured characters drinking alcohol were 20 per cent more likely to have tried alcohol and 70 per cent more likely to binge drink .the research also revealed that between 1989 and 2008 almost three quarters of popular uk box office films depicted alcohol use - but only six per cent were classified as adult only .\n", + "scientists quizzed more than 5,000 teenagers about their drinking habitsalso the films they watched , including bridget jones ' diary and aviatorthose who watched most films featuring characters drinking alcohol were 20 % more likely to have tried alcohol and 70 % more likely to binge drinkresearchers have called for films to be rated by alcohol content\n", + "[1.246006 1.3247371 1.2198814 1.266282 1.1505854 1.1281664 1.1509331\n", + " 1.0909038 1.1604025 1.0433892 1.0972348 1.04745 1.0752393 1.0175091\n", + " 1.0068285 1.0833653 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 8 6 4 5 10 7 15 12 11 9 13 14 18 16 17 19]\n", + "=======================\n", + "[\"lord neuberger , the president of the supreme court , said judges and courtrooms should allow women to wear the traditional dress as they should ` show , and be seen to show ' respect towards different customs .lord neuberger said britain 's privileged judges must be aware of their ` subconscious bias ' when dealing with poorer members of societymuslim women should be allowed to wear a full-face veil while appearing in court , britain 's most senior judge has suggested .\"]\n", + "=======================\n", + "[\"lord neuberger said muslim women should be allowed to wear a full-face veil when appearing in court to show respect to ` different customshe also said judges must be aware of their ` subconscious bias 'judges are ` rightly ' seen as from ` privileged ' part of society , he saidhe cited a judge ruling on a case of an unemployed traveller as an examplesince publication of this article , lord neuberger has since clarified his position which may be read here : article\"]\n", + "lord neuberger , the president of the supreme court , said judges and courtrooms should allow women to wear the traditional dress as they should ` show , and be seen to show ' respect towards different customs .lord neuberger said britain 's privileged judges must be aware of their ` subconscious bias ' when dealing with poorer members of societymuslim women should be allowed to wear a full-face veil while appearing in court , britain 's most senior judge has suggested .\n", + "lord neuberger said muslim women should be allowed to wear a full-face veil when appearing in court to show respect to ` different customshe also said judges must be aware of their ` subconscious bias 'judges are ` rightly ' seen as from ` privileged ' part of society , he saidhe cited a judge ruling on a case of an unemployed traveller as an examplesince publication of this article , lord neuberger has since clarified his position which may be read here : article\n", + "[1.3047751 1.3296067 1.3469663 1.271869 1.1691785 1.1183429 1.1010939\n", + " 1.0931345 1.080969 1.1136316 1.0982913 1.0488988 1.0397472 1.0678767\n", + " 1.0299218 1.0465943 1.0086261 1.0052508 0. ]\n", + "\n", + "[ 2 1 0 3 4 5 9 6 10 7 8 13 11 15 12 14 16 17 18]\n", + "=======================\n", + "['one in seven u.s. residents will be an immigrant by 2023 , the report from the center for immigration studies ( cis ) said .and by 2060 , immigrants could account for 82 per cent of all population growth in the country .documented and undocumented immigrant population in the united states could reach a record high of 51million in just eight years , according to u.s. census figures .']\n", + "=======================\n", + "['documented and undocumented immigrant population in the united states could reach a record high of 51million in just eight yearspresident barack obama is trying to use executive powers to expand immigration policies in the united stateschanges could exempt 5million undocumented immigrants from deportationrepublican presidential candidates have to figure out what their stance is on the subject as potential new policies could be established']\n", + "one in seven u.s. residents will be an immigrant by 2023 , the report from the center for immigration studies ( cis ) said .and by 2060 , immigrants could account for 82 per cent of all population growth in the country .documented and undocumented immigrant population in the united states could reach a record high of 51million in just eight years , according to u.s. census figures .\n", + "documented and undocumented immigrant population in the united states could reach a record high of 51million in just eight yearspresident barack obama is trying to use executive powers to expand immigration policies in the united stateschanges could exempt 5million undocumented immigrants from deportationrepublican presidential candidates have to figure out what their stance is on the subject as potential new policies could be established\n", + "[1.5762537 1.4196242 1.1196197 1.1561366 1.4520446 1.164021 1.1800108\n", + " 1.0219469 1.0171648 1.0262775 1.0197314 1.0207527 1.0160234 1.2241795\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 13 6 5 3 2 9 7 11 10 8 12 17 14 15 16 18]\n", + "=======================\n", + "[\"filipe luis insists he wants to stay at chelsea until the end of his contract , despite atletico madrid considering bringing him back in the summer .the full back signed a three-year contract when he moved from the spanish champions last july , but has struggled to make the left back position his own at stamford bridge .the defender 's attentions now turn to the premier league having played for brazil against france and chile\"]\n", + "=======================\n", + "['filipe luis signed for chelsea from atletico madrid for # 16millionthe defender insists he wants to stay despite interest from former clubbrazilian has struggled to make the left back position his own this season']\n", + "filipe luis insists he wants to stay at chelsea until the end of his contract , despite atletico madrid considering bringing him back in the summer .the full back signed a three-year contract when he moved from the spanish champions last july , but has struggled to make the left back position his own at stamford bridge .the defender 's attentions now turn to the premier league having played for brazil against france and chile\n", + "filipe luis signed for chelsea from atletico madrid for # 16millionthe defender insists he wants to stay despite interest from former clubbrazilian has struggled to make the left back position his own this season\n", + "[1.2614574 1.4249454 1.2142885 1.2584552 1.183094 1.0508643 1.0767599\n", + " 1.0208503 1.0426984 1.1646957 1.0604402 1.0805511 1.050923 1.0257415\n", + " 1.1122131 1.0468688 1.02628 1.0457324 1.0438454]\n", + "\n", + "[ 1 0 3 2 4 9 14 11 6 10 12 5 15 17 18 8 16 13 7]\n", + "=======================\n", + "[\"the clip , which was filmed by the creative agency leo burnett toronto for the homeless charity humans for humans , is designed to make people think twice about the way that they look at people who sleep rough .a new video that shows homeless people reading out cruel tweets that have been written about them is guaranteed to form a lump in your throat .many of the people break down in tears as they read comments like , ' i hate the homeless , i do n't feel sorry for you , ' and ' i saw a homeless girl across the street .\"]\n", + "=======================\n", + "[\"a short film highlights the nasty things people say about the homelesspeople who sleep rough in toronto read tweets people made about themthey include : ' i hate when it 's cold because the homeless get on the bus '\"]\n", + "the clip , which was filmed by the creative agency leo burnett toronto for the homeless charity humans for humans , is designed to make people think twice about the way that they look at people who sleep rough .a new video that shows homeless people reading out cruel tweets that have been written about them is guaranteed to form a lump in your throat .many of the people break down in tears as they read comments like , ' i hate the homeless , i do n't feel sorry for you , ' and ' i saw a homeless girl across the street .\n", + "a short film highlights the nasty things people say about the homelesspeople who sleep rough in toronto read tweets people made about themthey include : ' i hate when it 's cold because the homeless get on the bus '\n", + "[1.2592993 1.4538612 1.1765566 1.2540717 1.2717059 1.1835363 1.0931839\n", + " 1.0365134 1.0329169 1.0522125 1.0367825 1.0215931 1.0349705 1.0311017\n", + " 1.1490331 1.0831702 1.066084 1.0513103 1.0332246]\n", + "\n", + "[ 1 4 0 3 5 2 14 6 15 16 9 17 10 7 12 18 8 13 11]\n", + "=======================\n", + "[\"in june last year , ashton wood raised $ 18,000 online so he and 300 people could destroy his car after jeep refused to pay a full refund for the car or replace the vehicle which he claimed had suffered 21 separate mechanical problems .ashton wood issued this apology to jeep after the car company requested he apologise for criticising thema man who launched an online campaign to help him destroy his brand new $ 49,000 jeep will read out a ` not sorry ' apology to the company on national television tonight .\"]\n", + "=======================\n", + "[\"ashton wood has issued a tongue-in-cheek apology to jeep and will read it out on abc tv 's the checkout tonightthe car company requested he apologise for slamming them after he was not given a refund or replacement for a faulty vehicle he bought in 2010mr wood instead launched an online campaign to destroy his $ 49,000 carhe is now campaigning to introduce lemon laws in australiaa spokesperson for jeep said ` we have and always will treat mr wood in a fair and professional manner '\"]\n", + "in june last year , ashton wood raised $ 18,000 online so he and 300 people could destroy his car after jeep refused to pay a full refund for the car or replace the vehicle which he claimed had suffered 21 separate mechanical problems .ashton wood issued this apology to jeep after the car company requested he apologise for criticising thema man who launched an online campaign to help him destroy his brand new $ 49,000 jeep will read out a ` not sorry ' apology to the company on national television tonight .\n", + "ashton wood has issued a tongue-in-cheek apology to jeep and will read it out on abc tv 's the checkout tonightthe car company requested he apologise for slamming them after he was not given a refund or replacement for a faulty vehicle he bought in 2010mr wood instead launched an online campaign to destroy his $ 49,000 carhe is now campaigning to introduce lemon laws in australiaa spokesperson for jeep said ` we have and always will treat mr wood in a fair and professional manner '\n", + "[1.1626766 1.5002124 1.3321824 1.2262862 1.2796347 1.1533922 1.0223868\n", + " 1.017074 1.0268881 1.0236363 1.0196419 1.1319363 1.0484065 1.1196071\n", + " 1.0991894 1.027435 1.1006005 1.0471874 1.0430543]\n", + "\n", + "[ 1 2 4 3 0 5 11 13 16 14 12 17 18 15 8 9 6 10 7]\n", + "=======================\n", + "['anais zanotti , 30 , who lives in miami , first became interested in the high-flying sport when a friend recommended it to her .now the brunette , who has modelled for playboy , gq , esquire and maxim and has 35 cover shoots under her belt , is a pro who teaches other adrenaline junkies how to jump from a plane , thousands of feet in the air .the st tropez-born model moved to the us to become a glossy magazine bikini model']\n", + "=======================\n", + "['anais zanotti , 30 , has completed 1,350 freestyle skydivesfrench model moved to miami to pose for international magazinesis also a pro skydiver who teaches other adrenaline junkies how to jump']\n", + "anais zanotti , 30 , who lives in miami , first became interested in the high-flying sport when a friend recommended it to her .now the brunette , who has modelled for playboy , gq , esquire and maxim and has 35 cover shoots under her belt , is a pro who teaches other adrenaline junkies how to jump from a plane , thousands of feet in the air .the st tropez-born model moved to the us to become a glossy magazine bikini model\n", + "anais zanotti , 30 , has completed 1,350 freestyle skydivesfrench model moved to miami to pose for international magazinesis also a pro skydiver who teaches other adrenaline junkies how to jump\n", + "[1.145356 1.1276612 1.3906455 1.2692742 1.1022217 1.272586 1.1072327\n", + " 1.041004 1.0457824 1.1491506 1.0327263 1.1382341 1.0719519 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 5 3 9 0 11 1 6 4 12 8 7 10 16 13 14 15 17]\n", + "=======================\n", + "['on thursday \\'s episode of \" somebody \\'s got ta do it , \" rowe meets up with chad pregracke , the founder of living lands & waters , who does just that .since he founded the nonprofit in 1998 at the ripe age of 23 , pregracke and more than 87,000 volunteers have collected 8.4 million pounds of trash from u.s. waterways .pregracke wants to clean up the nation \\'s rivers one piece of detritus at a time .']\n", + "=======================\n", + "['chad pregracke was the 2013 cnn hero of the yearmike rowe visited pregracke for an episode of \" somebody \\'s got ta do it \"']\n", + "on thursday 's episode of \" somebody 's got ta do it , \" rowe meets up with chad pregracke , the founder of living lands & waters , who does just that .since he founded the nonprofit in 1998 at the ripe age of 23 , pregracke and more than 87,000 volunteers have collected 8.4 million pounds of trash from u.s. waterways .pregracke wants to clean up the nation 's rivers one piece of detritus at a time .\n", + "chad pregracke was the 2013 cnn hero of the yearmike rowe visited pregracke for an episode of \" somebody 's got ta do it \"\n", + "[1.2157403 1.439606 1.3814114 1.2252556 1.0562956 1.0687919 1.0481588\n", + " 1.0323899 1.0842395 1.0662743 1.0211563 1.1994231 1.1256833 1.0645394\n", + " 1.1118203 1.1484396 0. 0. ]\n", + "\n", + "[ 1 2 3 0 11 15 12 14 8 5 9 13 4 6 7 10 16 17]\n", + "=======================\n", + "[\"artisan confectioners choc on choc 's limited edition political chocolates collection comes in three different flavours which reflect the colours associated with each leader .david cameron 's bar is studded with blueberry pieces , ed miliband 's comes in a red raspberry flavour and the nick clegg edition is filled with chunks of honeycomb .a british brand is celebrating the forthcoming election in a rather unusual way ... by creating chocolate bars bearing the face of either david cameron , nick clegg or ed miliband .\"]\n", + "=======================\n", + "[\"choc on choc 's chocolates come in three different flavoursthe face of each politician is emblazoned on milk belgium chocolate barscameron 's has blueberries , clegg is honeycomb and miliband is raspberry\"]\n", + "artisan confectioners choc on choc 's limited edition political chocolates collection comes in three different flavours which reflect the colours associated with each leader .david cameron 's bar is studded with blueberry pieces , ed miliband 's comes in a red raspberry flavour and the nick clegg edition is filled with chunks of honeycomb .a british brand is celebrating the forthcoming election in a rather unusual way ... by creating chocolate bars bearing the face of either david cameron , nick clegg or ed miliband .\n", + "choc on choc 's chocolates come in three different flavoursthe face of each politician is emblazoned on milk belgium chocolate barscameron 's has blueberries , clegg is honeycomb and miliband is raspberry\n", + "[1.2964689 1.1740044 1.4064348 1.1364843 1.366929 1.3149848 1.1113303\n", + " 1.0266948 1.0201521 1.0494486 1.0529354 1.1354606 1.0963019 1.1198256\n", + " 1.020578 1.0203726 1.0439823 0. ]\n", + "\n", + "[ 2 4 5 0 1 3 11 13 6 12 10 9 16 7 14 15 8 17]\n", + "=======================\n", + "[\"back in 2005 uzbekistan were playing bahrain in the asian zone fourth-round play-off first leg when japanese referee toshimitsu yoshida incorrectly awarded an indirect free-kick to bahrain after the uzbeks had encroached at their penalty kick when 1-0 up .england are awarded a penalty during their european u19 women 's championships qualifier in belfastuefa has opened a real can of worms by ordering the final 18 seconds of the european women 's under 19 championship qualifier between england and norway to be replayed following a refereeing error .\"]\n", + "=======================\n", + "[\"uefa have ordered the final 18 seconds of the european women 's u19 championship qualifier between england and norway to be replayedreferee marija kurtes incorrectly awarded an indirect free kick after disallowing an england penalty for encroachmentfifa did something similar during a 2006 world cup qualifierbut the entire match between uzbekistan and bahrain was replayeduefa must hope it does n't affect one of their premiere tournaments\"]\n", + "back in 2005 uzbekistan were playing bahrain in the asian zone fourth-round play-off first leg when japanese referee toshimitsu yoshida incorrectly awarded an indirect free-kick to bahrain after the uzbeks had encroached at their penalty kick when 1-0 up .england are awarded a penalty during their european u19 women 's championships qualifier in belfastuefa has opened a real can of worms by ordering the final 18 seconds of the european women 's under 19 championship qualifier between england and norway to be replayed following a refereeing error .\n", + "uefa have ordered the final 18 seconds of the european women 's u19 championship qualifier between england and norway to be replayedreferee marija kurtes incorrectly awarded an indirect free kick after disallowing an england penalty for encroachmentfifa did something similar during a 2006 world cup qualifierbut the entire match between uzbekistan and bahrain was replayeduefa must hope it does n't affect one of their premiere tournaments\n", + "[1.1890274 1.1651801 1.1605059 1.1626729 1.0755925 1.137925 1.1635318\n", + " 1.2902496 1.0804787 1.0409334 1.0466983 1.0205482 1.1318561 1.1632775\n", + " 1.0245875 1.0201064 1.0195383 1.132617 ]\n", + "\n", + "[ 7 0 1 6 13 3 2 5 17 12 8 4 10 9 14 11 15 16]\n", + "=======================\n", + "[\"the amusing moment was caught on camera , by ukranian photographer , vadym shevchenko , 34 , at kiev zoo .these hilarious images show the moment a frisky tortoise scupper his chances while trying to mate with a female .clearly in the mood for love , the aroused reptile is seen beginning its painstakingly slow ascent on to the back of a female 's shell .\"]\n", + "=======================\n", + "['pictures show the laugh out loud moment loved up tortoise takes a tumblephotographed at kiev zoo , he falls flat on his back while trying to matethere are no second chances for the reptile who is left all alone in the mud']\n", + "the amusing moment was caught on camera , by ukranian photographer , vadym shevchenko , 34 , at kiev zoo .these hilarious images show the moment a frisky tortoise scupper his chances while trying to mate with a female .clearly in the mood for love , the aroused reptile is seen beginning its painstakingly slow ascent on to the back of a female 's shell .\n", + "pictures show the laugh out loud moment loved up tortoise takes a tumblephotographed at kiev zoo , he falls flat on his back while trying to matethere are no second chances for the reptile who is left all alone in the mud\n", + "[1.3838581 1.2860359 1.2022556 1.2403989 1.1229016 1.093042 1.1185769\n", + " 1.050549 1.028731 1.082032 1.081397 1.0692534 1.060663 1.0345347\n", + " 1.0712707 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 4 6 5 9 10 14 11 12 7 13 8 15 16 17]\n", + "=======================\n", + "[\"sanaa , yemen ( cnn ) a border guard was killed in a cross-boundary fire exchange with militants in yemen this week , the state-run saudi press agency reported thursday -- marking saudi arabia 's first publicly known military death since it launched airstrikes against rebels inside its southern neighbor .on thursday , houthi rebels seized the presidential palace in the southern yemeni port city of aden , a neutral security official and two houthi commanders in aden told cnn .besides the slain border guard -- identified as cpl. salman ali yahya al-maliki -- 10 others suffered injuries that were not life-threatening , the saudi media outlet said .\"]\n", + "=======================\n", + "[\"militants in yemen fired on saudi border troops in saudi arabia 's asir region , media outlet saysrebels have taken yemen 's presidential palace in aden , sources sayu.s. warships are patrolling off yemen in search of suspicious shipping , a u.s. defense official says\"]\n", + "sanaa , yemen ( cnn ) a border guard was killed in a cross-boundary fire exchange with militants in yemen this week , the state-run saudi press agency reported thursday -- marking saudi arabia 's first publicly known military death since it launched airstrikes against rebels inside its southern neighbor .on thursday , houthi rebels seized the presidential palace in the southern yemeni port city of aden , a neutral security official and two houthi commanders in aden told cnn .besides the slain border guard -- identified as cpl. salman ali yahya al-maliki -- 10 others suffered injuries that were not life-threatening , the saudi media outlet said .\n", + "militants in yemen fired on saudi border troops in saudi arabia 's asir region , media outlet saysrebels have taken yemen 's presidential palace in aden , sources sayu.s. warships are patrolling off yemen in search of suspicious shipping , a u.s. defense official says\n", + "[1.4476337 1.2995172 1.2094868 1.1317606 1.1214898 1.0502583 1.0398124\n", + " 1.060594 1.0292883 1.1400603 1.0600022 1.0477452 1.0744562 1.0800987\n", + " 1.0195543 1.0207242 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 9 3 4 13 12 7 10 5 11 6 8 15 14 17 16 18]\n", + "=======================\n", + "['( cnn ) robert downey jr. is making headlines for walking out of an interview with a british journalist who dared to veer away from the superhero movie downey was there to promote .the journalist instead started asking personal questions about the actor \\'s political beliefs and \" dark periods \" of addiction and jail time .twitter , of course , is abuzz : did journalist krishnan guru-murthy go too far ?']\n", + "=======================\n", + "['peggy drexler : in interview to promote movie , robert downey jr. walked out after being asked personal questionsshe says his behavior was rude , demeaning to the interviewer , who was just doing his job']\n", + "( cnn ) robert downey jr. is making headlines for walking out of an interview with a british journalist who dared to veer away from the superhero movie downey was there to promote .the journalist instead started asking personal questions about the actor 's political beliefs and \" dark periods \" of addiction and jail time .twitter , of course , is abuzz : did journalist krishnan guru-murthy go too far ?\n", + "peggy drexler : in interview to promote movie , robert downey jr. walked out after being asked personal questionsshe says his behavior was rude , demeaning to the interviewer , who was just doing his job\n", + "[1.2259667 1.2747142 1.4266663 1.423256 1.2898217 1.1741732 1.0355395\n", + " 1.0536413 1.0220125 1.2088176 1.1260077 1.0157831 1.0255188 1.0135272\n", + " 1.0231484 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 4 1 0 9 5 10 7 6 12 14 8 11 13 17 15 16 18]\n", + "=======================\n", + "[\"pietersen has rejoined surrey in a last-ditch bid to earn his place in england 's ashes squad this summer - and all eyes will be on cardiff for the start of his campaign against glamorgan in just over a fortnight .darren gough , kevin pietersen 's close friend , says his pal only has a small chance of returning for englandengland 's ninth most successful wicket taker of all-time is a loyal friend to the controversial batsman and was best man at his wedding .\"]\n", + "=======================\n", + "[\"darren gough was kevin pietersen 's best man and is a close friend of hispietersen has rejoined surrey , hoping to earn a place in the ashes squadbut gough believes there is still only a slim chance of an england returngough competes in the investec ashes cycle challenge this summer\"]\n", + "pietersen has rejoined surrey in a last-ditch bid to earn his place in england 's ashes squad this summer - and all eyes will be on cardiff for the start of his campaign against glamorgan in just over a fortnight .darren gough , kevin pietersen 's close friend , says his pal only has a small chance of returning for englandengland 's ninth most successful wicket taker of all-time is a loyal friend to the controversial batsman and was best man at his wedding .\n", + "darren gough was kevin pietersen 's best man and is a close friend of hispietersen has rejoined surrey , hoping to earn a place in the ashes squadbut gough believes there is still only a slim chance of an england returngough competes in the investec ashes cycle challenge this summer\n", + "[1.3465945 1.3383859 1.302335 1.1564611 1.1329379 1.0613813 1.0378516\n", + " 1.1316481 1.0925674 1.0510367 1.0400143 1.1345658 1.0527442 1.0201225\n", + " 1.0722651 1.0625166 1.0695266 1.0810456 0. ]\n", + "\n", + "[ 0 1 2 3 11 4 7 8 17 14 16 15 5 12 9 10 6 13 18]\n", + "=======================\n", + "['( cnn ) paul walker is hardly the first actor to die during a production .but walker \\'s death in november 2013 at the age of 40 after a car crash was especially eerie given his rise to fame in the \" fast and furious \" film franchise .the release of \" furious 7 \" on friday offers the opportunity for fans to remember -- and possibly grieve again -- the man that so many have praised as one of the nicest guys in hollywood .']\n", + "=======================\n", + "['\" furious 7 \" pays tribute to star paul walker , who died during filmingvin diesel : \" this movie is more than a movie \"\" furious 7 \" opens friday']\n", + "( cnn ) paul walker is hardly the first actor to die during a production .but walker 's death in november 2013 at the age of 40 after a car crash was especially eerie given his rise to fame in the \" fast and furious \" film franchise .the release of \" furious 7 \" on friday offers the opportunity for fans to remember -- and possibly grieve again -- the man that so many have praised as one of the nicest guys in hollywood .\n", + "\" furious 7 \" pays tribute to star paul walker , who died during filmingvin diesel : \" this movie is more than a movie \"\" furious 7 \" opens friday\n", + "[1.5996289 1.1900716 1.4233603 1.2154082 1.1273302 1.1497257 1.0746359\n", + " 1.0463022 1.0533512 1.0250003 1.0163728 1.0124916 1.0162828 1.3708227\n", + " 1.1187375 1.008297 1.0166603 1.0089039 1.0355297]\n", + "\n", + "[ 0 2 13 3 1 5 4 14 6 8 7 18 9 16 10 12 11 17 15]\n", + "=======================\n", + "[\"monaco coach leonardo jardim was furious after his side lost 1-0 to what he described as a ` non-existent penalty ' in their champions league quarter-final first leg at juventus on tuesday .the spot kick was awarded after juve 's alvaro morata got clear of monaco 's portuguese defender ricardo carvalho as the striker chased a long ball forward from andrea pirlo .monaco manager leonardo jardim claimed the penalty decision against his side was a ` huge injustice '\"]\n", + "=======================\n", + "[\"juventus were awarded penalty fouling foul on striker alvaro moratahowever , replays suggest ricardo carvalho fouled striker outside the areathe serie a champions claimed a 1-0 win thanks to arturo vidal 's penalty\"]\n", + "monaco coach leonardo jardim was furious after his side lost 1-0 to what he described as a ` non-existent penalty ' in their champions league quarter-final first leg at juventus on tuesday .the spot kick was awarded after juve 's alvaro morata got clear of monaco 's portuguese defender ricardo carvalho as the striker chased a long ball forward from andrea pirlo .monaco manager leonardo jardim claimed the penalty decision against his side was a ` huge injustice '\n", + "juventus were awarded penalty fouling foul on striker alvaro moratahowever , replays suggest ricardo carvalho fouled striker outside the areathe serie a champions claimed a 1-0 win thanks to arturo vidal 's penalty\n", + "[1.2245688 1.3207786 1.2151892 1.184493 1.1539165 1.0284523 1.0624461\n", + " 1.0731881 1.1753556 1.1398152 1.1068988 1.0148017 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 8 4 9 10 7 6 5 11 17 12 13 14 15 16 18]\n", + "=======================\n", + "['while she originally called south africa home , sisonke msimang , 41 , moved to australia with her husband and children in the last few months .a south african writer has claimed australia is more racist than her homeland - where segregation by skin colour used to be law .as a journalist and an activist , she has spent years writing about and commenting on human rights , race relations and government accountability in south africa , including a stint working for the united nations .']\n", + "=======================\n", + "[\"writer sisonke msimang said australians are being racist by denying there are no differences between racesmsimang slammed tony abbott for cutting funds to remote communitiesmany of these communities comprise indigenous australiansshe compared treatment of aboriginal people to south africa 's apartheidshe thinks australians need to recognise and celebrate difference rather than deny its existence .\"]\n", + "while she originally called south africa home , sisonke msimang , 41 , moved to australia with her husband and children in the last few months .a south african writer has claimed australia is more racist than her homeland - where segregation by skin colour used to be law .as a journalist and an activist , she has spent years writing about and commenting on human rights , race relations and government accountability in south africa , including a stint working for the united nations .\n", + "writer sisonke msimang said australians are being racist by denying there are no differences between racesmsimang slammed tony abbott for cutting funds to remote communitiesmany of these communities comprise indigenous australiansshe compared treatment of aboriginal people to south africa 's apartheidshe thinks australians need to recognise and celebrate difference rather than deny its existence .\n", + "[1.2991817 1.2839224 1.2109586 1.199252 1.0767756 1.1062877 1.0611893\n", + " 1.0770353 1.060559 1.0596945 1.0830829 1.0782634 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 3 5 10 11 7 4 6 8 9 12 13 14]\n", + "=======================\n", + "[\"a newly-released video has highlighted the shocking - and arguably discriminatory - price differences between near-identical products and everyday services offered to women and men ,the clip , which was created by hln 's the daily share , illustrates the prevalence of this ` women 's tax ' to shocking affect by directly comparinga variety of different products and services aimed at men and women and then revealing the price differences .even more disappointing is that this practice of ` invisible tax ' is not only found almost everywhere , but it is entirely legal in almost every state in the us - even when the products or services are exactly the same for both genders .\"]\n", + "=======================\n", + "[\"the clip , which was created by the daily share , compares near-identical products for men and women and highlights the price differencesaccording to the creators of the video , california is one of the few states to have put a ban on ` gender pricing discrimination '\"]\n", + "a newly-released video has highlighted the shocking - and arguably discriminatory - price differences between near-identical products and everyday services offered to women and men ,the clip , which was created by hln 's the daily share , illustrates the prevalence of this ` women 's tax ' to shocking affect by directly comparinga variety of different products and services aimed at men and women and then revealing the price differences .even more disappointing is that this practice of ` invisible tax ' is not only found almost everywhere , but it is entirely legal in almost every state in the us - even when the products or services are exactly the same for both genders .\n", + "the clip , which was created by the daily share , compares near-identical products for men and women and highlights the price differencesaccording to the creators of the video , california is one of the few states to have put a ban on ` gender pricing discrimination '\n", + "[1.2831031 1.3995525 1.2432101 1.1998202 1.2865378 1.0851884 1.0721358\n", + " 1.052401 1.1452477 1.0252203 1.0454926 1.0590863 1.0634236 1.0518608\n", + " 0. ]\n", + "\n", + "[ 1 4 0 2 3 8 5 6 12 11 7 13 10 9 14]\n", + "=======================\n", + "[\"the hot spot , near the four corners intersection of arizona , colorado , new mexico and utah , covers only about 2,500 square miles ( 6,500 square kilometers ) , or half the size of connecticut .a small ` hot spot ' in the u.s. southwest is responsible for producing the largest concentration of the greenhouse gas methane seen over the united states - and is the subject of a major new investigation to find out why .a recent nasa map shows is produces more than triple the standard ground-based estimate - and researchers say they do n't know why .\"]\n", + "=======================\n", + "[\"small ` hot spot ' responsible for producing the largest concentration of the greenhouse gas methane seen over the united statesarea near the four corners intersection of arizona , colorado , new mexico and utah covers 2,500 square mileshotspot predates widespread fracking in the area\"]\n", + "the hot spot , near the four corners intersection of arizona , colorado , new mexico and utah , covers only about 2,500 square miles ( 6,500 square kilometers ) , or half the size of connecticut .a small ` hot spot ' in the u.s. southwest is responsible for producing the largest concentration of the greenhouse gas methane seen over the united states - and is the subject of a major new investigation to find out why .a recent nasa map shows is produces more than triple the standard ground-based estimate - and researchers say they do n't know why .\n", + "small ` hot spot ' responsible for producing the largest concentration of the greenhouse gas methane seen over the united statesarea near the four corners intersection of arizona , colorado , new mexico and utah covers 2,500 square mileshotspot predates widespread fracking in the area\n", + "[1.6121814 1.3450384 1.2310727 1.10977 1.4429787 1.0853816 1.0514567\n", + " 1.064331 1.0426271 1.0770372 1.0540682 1.0187985 1.0433536 1.009834\n", + " 1.0251174]\n", + "\n", + "[ 0 4 1 2 3 5 9 7 10 6 12 8 14 11 13]\n", + "=======================\n", + "[\"old-stager jamie peacock scored a try double as leeds claimed a 20th successive victory over salford .jamie peacock broke his try drought with a double for leeds in their win over salford on sundaysalford 's last home win against the rhinos was a 21-12 regal trophy victory at the willows in november 1993 and their wait goes on after a 28-18 loss .\"]\n", + "=======================\n", + "[\"jamie peacock scored two tries for leeds in their win over salfordthe victory is the super league leaders ' 20th in a row over the red devilsthe rhinos have now won their last five matches on the bounce\"]\n", + "old-stager jamie peacock scored a try double as leeds claimed a 20th successive victory over salford .jamie peacock broke his try drought with a double for leeds in their win over salford on sundaysalford 's last home win against the rhinos was a 21-12 regal trophy victory at the willows in november 1993 and their wait goes on after a 28-18 loss .\n", + "jamie peacock scored two tries for leeds in their win over salfordthe victory is the super league leaders ' 20th in a row over the red devilsthe rhinos have now won their last five matches on the bounce\n", + "[1.2745655 1.3927482 1.312633 1.3261266 1.1877754 1.0208316 1.0530735\n", + " 1.0291919 1.0353205 1.2365327 1.0528486 1.022043 1.0180854 1.0132421\n", + " 1.0230709]\n", + "\n", + "[ 1 3 2 0 9 4 6 10 8 7 14 11 5 12 13]\n", + "=======================\n", + "[\"this week hutton has released ` my love affair with food ' in collaboration with the australian women 's weekly , featuring over 40 recipes as well as some of her cherished food memories and personal photos .cooking credit : media personality deborah hutton has added ` cookbook author ' to her accoladesthe 53-year-old media personality shared her favourite recipes from the book with daily mail australia .\"]\n", + "=======================\n", + "[\"australian media personality deborah hutton , 53 , releases new cookbook` my love affair with food ' is a compilation of her favourite recipeshutton says it is not a health or diet cookbook , just good foodshe shares three recipes from the book with daily mail australia\"]\n", + "this week hutton has released ` my love affair with food ' in collaboration with the australian women 's weekly , featuring over 40 recipes as well as some of her cherished food memories and personal photos .cooking credit : media personality deborah hutton has added ` cookbook author ' to her accoladesthe 53-year-old media personality shared her favourite recipes from the book with daily mail australia .\n", + "australian media personality deborah hutton , 53 , releases new cookbook` my love affair with food ' is a compilation of her favourite recipeshutton says it is not a health or diet cookbook , just good foodshe shares three recipes from the book with daily mail australia\n", + "[1.3203269 1.4235764 1.1896218 1.4456363 1.1199373 1.1067605 1.1074688\n", + " 1.0748972 1.0638807 1.0691941 1.0486912 1.0958272 1.1041121 1.0867227\n", + " 0. ]\n", + "\n", + "[ 3 1 0 2 4 6 5 12 11 13 7 9 8 10 14]\n", + "=======================\n", + "[\"deshawn isabelle , 15 , has been arrested for allegedly robbing , beating and sexually assaulting a woman on a chicago train after his mother recognized his face on surveillance images and turned him in to policedeshawn isabelle punched the 41-year-old woman in the head from behind and then dragged her to the ground by pulling on her hair before continuing to punch her in the head and face as she crouched in the fetal position , according to assistant state 's attorney joe dibella .isabelle also stole $ 2,000 in cash that the woman was going to wire back to her family in thailand and spent it on junk food , air jordan track suits and his graduation fees , dibella said .\"]\n", + "=======================\n", + "[\"deshawn isabelle allegedly punched the woman in the head and dragged her to the ground by her hair before repeatedly beating her in chicago trainisabelle stole $ 2,000 of the woman 's cash and her iphone , prosecutors saidteen allegedly spent the money on junk food and air jordan track suitswoman suffered a concussion and cuts and bruises all over her body .isabelle confessed to robbing , beating and sexually assaulting the woman on the cta after his mother turned him in , according to prosecutors\"]\n", + "deshawn isabelle , 15 , has been arrested for allegedly robbing , beating and sexually assaulting a woman on a chicago train after his mother recognized his face on surveillance images and turned him in to policedeshawn isabelle punched the 41-year-old woman in the head from behind and then dragged her to the ground by pulling on her hair before continuing to punch her in the head and face as she crouched in the fetal position , according to assistant state 's attorney joe dibella .isabelle also stole $ 2,000 in cash that the woman was going to wire back to her family in thailand and spent it on junk food , air jordan track suits and his graduation fees , dibella said .\n", + "deshawn isabelle allegedly punched the woman in the head and dragged her to the ground by her hair before repeatedly beating her in chicago trainisabelle stole $ 2,000 of the woman 's cash and her iphone , prosecutors saidteen allegedly spent the money on junk food and air jordan track suitswoman suffered a concussion and cuts and bruises all over her body .isabelle confessed to robbing , beating and sexually assaulting the woman on the cta after his mother turned him in , according to prosecutors\n", + "[1.2946943 1.3363205 1.1804895 1.2935762 1.1873674 1.082338 1.1045434\n", + " 1.0761561 1.0611162 1.0620685 1.2348704 1.0287658 1.0242264 1.0401647\n", + " 1.0951091 1.0608311 1.0361712 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 10 4 2 6 14 5 7 9 8 15 13 16 11 12 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"the president and former actor went off-script during a peace summit in geneva in the 1980s to ask the soviet leader for his support in the event of an invasion from extra terrestrial life .former american president ronald reagan asked mikhail gorbachev for help from russia to ` fight the alien invader ' .the warning was revealed in a book about ufos by dr david clarke , which examines the extent to which americans believed in stories about aliens .\"]\n", + "=======================\n", + "[\"ronald reagan asked mikhail gorbachev for help with aliens at summitthe former us president and actor was said to be a science fiction fanhe arranged private screenings of close encounters of the third kind and asked gorbachev for help dealing with any future alien invasionreagan 's advisers edited out mentions of aliens in subsequent speeches\"]\n", + "the president and former actor went off-script during a peace summit in geneva in the 1980s to ask the soviet leader for his support in the event of an invasion from extra terrestrial life .former american president ronald reagan asked mikhail gorbachev for help from russia to ` fight the alien invader ' .the warning was revealed in a book about ufos by dr david clarke , which examines the extent to which americans believed in stories about aliens .\n", + "ronald reagan asked mikhail gorbachev for help with aliens at summitthe former us president and actor was said to be a science fiction fanhe arranged private screenings of close encounters of the third kind and asked gorbachev for help dealing with any future alien invasionreagan 's advisers edited out mentions of aliens in subsequent speeches\n", + "[1.5451329 1.4103501 1.192128 1.1500365 1.221235 1.0264704 1.0394205\n", + " 1.416996 1.0158967 1.024815 1.0243468 1.0201659 1.0345407 1.0167483\n", + " 1.0152373 1.0152464 1.0115868 1.0200189 1.0257407 1.018707 1.0927552\n", + " 1.0200461 1.011822 1.0109175 1.0124273]\n", + "\n", + "[ 0 7 1 4 2 3 20 6 12 5 18 9 10 11 21 17 19 13 8 15 14 24 22 16\n", + " 23]\n", + "=======================\n", + "[\"former chelsea winger florent malouda has picked his #one2eleven stars he played alongside throughout his career on sky sports ' fantasy football club .florent malouda picked chelsea goalkeeper petr cech to start in between the sticks for his fantasy ximalouda , who won the barclays premier league in 2010 and 2012 champions league with chelsea , chose players from chelsea , guingamp and the france national team .\"]\n", + "=======================\n", + "[\"florent malouda has chosen the likes of john terry and didier drogbapetr cech starts in goal while david luiz is deployed at right backthierry henry and didier drogba lead line in malouda 's dream team\"]\n", + "former chelsea winger florent malouda has picked his #one2eleven stars he played alongside throughout his career on sky sports ' fantasy football club .florent malouda picked chelsea goalkeeper petr cech to start in between the sticks for his fantasy ximalouda , who won the barclays premier league in 2010 and 2012 champions league with chelsea , chose players from chelsea , guingamp and the france national team .\n", + "florent malouda has chosen the likes of john terry and didier drogbapetr cech starts in goal while david luiz is deployed at right backthierry henry and didier drogba lead line in malouda 's dream team\n", + "[1.5878378 1.4806949 1.0910906 1.0592557 1.5992072 1.0211519 1.0163839\n", + " 1.0263482 1.1497232 1.0164926 1.0341116 1.0401894 1.0199343 1.021578\n", + " 1.0246078 1.0229 1.0163732 1.0564008 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 4 0 1 8 2 3 17 11 10 7 14 15 13 5 12 9 6 16 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"jonathan trott is set to make his 50th test appearance for england against the west indies on mondayjonathan trott has admitted that he thought his england career was over after he reached ` breaking point ' in brisbane and was forced to quit the last ashes tour .trott looks certain to adopt a new role as opener alongside alastair cook at the start of a series england can not afford to lose after battling back in county cricket with warwickshire and then as captain of the lions .\"]\n", + "=======================\n", + "['jonathan trott is on the verge of winning his 50th test cap on mondaytrott is set to open alongside alastair cook against the west indiestrott is set for his first test appearance since the 2013 ashes seriesthe warwickshire batsman left the tour due to a stress-related conditiontrott had struggled to deal with australia bowler mitchell johnson']\n", + "jonathan trott is set to make his 50th test appearance for england against the west indies on mondayjonathan trott has admitted that he thought his england career was over after he reached ` breaking point ' in brisbane and was forced to quit the last ashes tour .trott looks certain to adopt a new role as opener alongside alastair cook at the start of a series england can not afford to lose after battling back in county cricket with warwickshire and then as captain of the lions .\n", + "jonathan trott is on the verge of winning his 50th test cap on mondaytrott is set to open alongside alastair cook against the west indiestrott is set for his first test appearance since the 2013 ashes seriesthe warwickshire batsman left the tour due to a stress-related conditiontrott had struggled to deal with australia bowler mitchell johnson\n", + "[1.2474834 1.1085033 1.3988898 1.2949286 1.1983479 1.196015 1.0316998\n", + " 1.0436091 1.0903184 1.0568882 1.1438701 1.0653546 1.0538195 1.0734653\n", + " 1.0748346 1.0487925 1.0385798 1.0121248 1.0113673 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 4 5 10 1 8 14 13 11 9 12 15 7 16 6 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "['but no , she was one of 19 toddlers killed in a daycare center on april 19 , 1995 , in the worst case of homegrown terrorism america has ever seen , the day after her first birthday .the oklahoma city bombing , planted by veteran us army soldier timothy mcveigh , killed 168 american people .baylee almon should be gearing up for her first legal drink on saturday .']\n", + "=======================\n", + "[\"it is 20 years since the worst case of homegrown terrorism in us historytimothy mcveigh killed 168 people with bomb in oklahoma city in 1995terror was encapsulated by photo of a firefighter carrying a lifeless babythat baby was baylee almon , who had turned one the day beforenearing what would have been her 21st birthday , her mother aren almon-kok tells dailymail.com how she marks baylee 's birthday every yearbut says she will never get over the pain of seeing that photographshe is still in touch with the firefighter who was pictured with the baby\"]\n", + "but no , she was one of 19 toddlers killed in a daycare center on april 19 , 1995 , in the worst case of homegrown terrorism america has ever seen , the day after her first birthday .the oklahoma city bombing , planted by veteran us army soldier timothy mcveigh , killed 168 american people .baylee almon should be gearing up for her first legal drink on saturday .\n", + "it is 20 years since the worst case of homegrown terrorism in us historytimothy mcveigh killed 168 people with bomb in oklahoma city in 1995terror was encapsulated by photo of a firefighter carrying a lifeless babythat baby was baylee almon , who had turned one the day beforenearing what would have been her 21st birthday , her mother aren almon-kok tells dailymail.com how she marks baylee 's birthday every yearbut says she will never get over the pain of seeing that photographshe is still in touch with the firefighter who was pictured with the baby\n", + "[1.1774975 1.1745179 1.2569993 1.2954254 1.1648136 1.1267282 1.1106929\n", + " 1.0670049 1.0561451 1.0413966 1.0552897 1.0253175 1.0215414 1.0880264\n", + " 1.0444871 1.0174192 1.0229951 1.1288339 1.0558435 1.1105825 1.0532936\n", + " 1.0840708 1.0322917 0. 0. ]\n", + "\n", + "[ 3 2 0 1 4 17 5 6 19 13 21 7 8 18 10 20 14 9 22 11 16 12 15 23\n", + " 24]\n", + "=======================\n", + "[\"mozambican emmanuel sithole was walking down a street when four south africans surrounded him .it was the morning after a night of unrest in johannesburg 's alexandra township that saw foreign-owned shops looted and destroyed .johannesburg ( cnn ) he checked the series of stills on his camera .\"]\n", + "=======================\n", + "[\"photographer james oatway captured a violent attack that resulted in death of a mozambican in south africaseven people have been killed in recent violence against poorer immigrants , many from south africa 's neighbors\"]\n", + "mozambican emmanuel sithole was walking down a street when four south africans surrounded him .it was the morning after a night of unrest in johannesburg 's alexandra township that saw foreign-owned shops looted and destroyed .johannesburg ( cnn ) he checked the series of stills on his camera .\n", + "photographer james oatway captured a violent attack that resulted in death of a mozambican in south africaseven people have been killed in recent violence against poorer immigrants , many from south africa 's neighbors\n", + "[1.2292236 1.3957602 1.389972 1.3312026 1.0738772 1.1166768 1.0610863\n", + " 1.1668648 1.0354843 1.112634 1.041247 1.1945871 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 11 7 5 9 4 6 10 8 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "['the rare formation , which appears to be formed of two double rainbows , appeared over a commuter rail station on long island early tuesday .amanda curtis , the founder of a fashion company , snapped the phenomenon while she was waiting for the long island railroad at the glen cove station .a stunning quadruple rainbow emerged over long island this morning after storms shook the new york city area .']\n", + "=======================\n", + "['phenomenon formed of two separate double rainbows snapped on tuesdayfashion entrepreneur amanda curtis saw it at glen cove lirr station']\n", + "the rare formation , which appears to be formed of two double rainbows , appeared over a commuter rail station on long island early tuesday .amanda curtis , the founder of a fashion company , snapped the phenomenon while she was waiting for the long island railroad at the glen cove station .a stunning quadruple rainbow emerged over long island this morning after storms shook the new york city area .\n", + "phenomenon formed of two separate double rainbows snapped on tuesdayfashion entrepreneur amanda curtis saw it at glen cove lirr station\n", + "[1.3057606 1.323687 1.2752705 1.2181028 1.2405263 1.0557432 1.0750446\n", + " 1.1479539 1.1519903 1.0841861 1.0339274 1.0195031 1.085216 1.0751926\n", + " 1.0676966 1.0506586 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 3 8 7 12 9 13 6 14 5 15 10 11 18 16 17 19]\n", + "=======================\n", + "[\"the two incidents have raised concerns about the security of shipping lanes in the strategic strait of hormuz , pentagon spokesman colonel steven warren said .iran 's revolutionary guards ` harassed ' a us-flagged commercial ship just days before it seized a vessel carrying cargo and 34 sailors , it has emerged .news of the first incident was revealed by the pentagon after iranian guards seized mv maersk tigris this week , by firing warning shots across the vessel 's bows .\"]\n", + "=======================\n", + "['iran revolutionary guards seized mv maersk tigris with 34 sailors aboardiranian navy harassed another maersk ship days before , pentagon saidrevelations have raised concerns about the security of shipping lanesofficials from iran claimed they seized maersk tigris under a legal order following a long running legal dispute with the shipping company']\n", + "the two incidents have raised concerns about the security of shipping lanes in the strategic strait of hormuz , pentagon spokesman colonel steven warren said .iran 's revolutionary guards ` harassed ' a us-flagged commercial ship just days before it seized a vessel carrying cargo and 34 sailors , it has emerged .news of the first incident was revealed by the pentagon after iranian guards seized mv maersk tigris this week , by firing warning shots across the vessel 's bows .\n", + "iran revolutionary guards seized mv maersk tigris with 34 sailors aboardiranian navy harassed another maersk ship days before , pentagon saidrevelations have raised concerns about the security of shipping lanesofficials from iran claimed they seized maersk tigris under a legal order following a long running legal dispute with the shipping company\n", + "[1.1676922 1.546538 1.1351196 1.3141844 1.0959296 1.0433569 1.0827808\n", + " 1.0714552 1.0493417 1.3041543 1.0663377 1.137675 1.0561575 1.0175664\n", + " 1.0123708 1.0800563 1.0092976 0. 0. 0. ]\n", + "\n", + "[ 1 3 9 0 11 2 4 6 15 7 10 12 8 5 13 14 16 18 17 19]\n", + "=======================\n", + "[\"sylvia freedman , who was enjoying a family trip away at avoca beach in the central coast , about 95kms north of sydney , filmed the disturbing scene that stretched out more than 15 metres from the top of the beach pathway to beyond the water 's edge .ms freedman and her family were forced to leave the holiday house after their power went out on tuesday .her videos - which were filmed on tuesday - show a grotesque , yellow , jelly like substance moving around as the wind blows it up and over surrounding scrubland .\"]\n", + "=======================\n", + "['winds swept the ocean foam off lashing waves before mixing it with sand from the shore linethe result was a bizarre and grotesque yellow , thick , jelly-like foam substance which coated the entire beachit stretched more than 15 metres up avoca beach in the central coast and onto the pathways and shrubberysylvia freedman , who was holidaying there when the storm hit , captured the strange phenomenon on her camera']\n", + "sylvia freedman , who was enjoying a family trip away at avoca beach in the central coast , about 95kms north of sydney , filmed the disturbing scene that stretched out more than 15 metres from the top of the beach pathway to beyond the water 's edge .ms freedman and her family were forced to leave the holiday house after their power went out on tuesday .her videos - which were filmed on tuesday - show a grotesque , yellow , jelly like substance moving around as the wind blows it up and over surrounding scrubland .\n", + "winds swept the ocean foam off lashing waves before mixing it with sand from the shore linethe result was a bizarre and grotesque yellow , thick , jelly-like foam substance which coated the entire beachit stretched more than 15 metres up avoca beach in the central coast and onto the pathways and shrubberysylvia freedman , who was holidaying there when the storm hit , captured the strange phenomenon on her camera\n", + "[1.2857505 1.420774 1.2723929 1.1278057 1.3315517 1.374665 1.1614519\n", + " 1.0605034 1.0362502 1.0167854 1.0235972 1.0396887 1.023364 1.0855583\n", + " 1.1983572 1.0662811 1.0510081 1.0705373 1.0515285 1.0100335]\n", + "\n", + "[ 1 5 4 0 2 14 6 3 13 17 15 7 18 16 11 8 10 12 9 19]\n", + "=======================\n", + "['the labour leader said it was unacceptable to abandon thousands of immigrants boarding makeshift boats in africa in the hope of making it to europe .around 1,300 people are believed to have drowned in the past two weeks while trying to reach europe in boats launched from libya .ed miliband this morning launched a furious attack on david cameron and other eu leaders for leaving refugees to drown by stopping search and rescue missions in the mediterranean .']\n", + "=======================\n", + "[\"around 1,300 people have drowned fleeing to europe in the past two weeksed miliband called on the uk to take a ` fare share ' of refugees fleeing africahe said it was unacceptable to abandon immigrants on makeshift boatsministers claim rescue missions encourage migrants to attempt the journey\"]\n", + "the labour leader said it was unacceptable to abandon thousands of immigrants boarding makeshift boats in africa in the hope of making it to europe .around 1,300 people are believed to have drowned in the past two weeks while trying to reach europe in boats launched from libya .ed miliband this morning launched a furious attack on david cameron and other eu leaders for leaving refugees to drown by stopping search and rescue missions in the mediterranean .\n", + "around 1,300 people have drowned fleeing to europe in the past two weeksed miliband called on the uk to take a ` fare share ' of refugees fleeing africahe said it was unacceptable to abandon immigrants on makeshift boatsministers claim rescue missions encourage migrants to attempt the journey\n", + "[1.4313384 1.3030998 1.2983903 1.2373675 1.1380628 1.1436334 1.0337174\n", + " 1.0410604 1.1405436 1.3265635 1.0843216 1.0302112 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 9 1 2 3 5 8 4 10 7 6 11 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"juan mata has collected his player of the month award for march from manchester united and was quick to thank his supporters after receiving the gong .louis van gaal 's united side are back in action against aston villa in the premier league on saturdaymata scored both goals as united overturned liverpool with a 2-1 win at anfield , while also producing an impressive display in the 3-0 home victory over tottenham .\"]\n", + "=======================\n", + "[\"juan mata scored both times as manchester united beat liverpool 2-1he also impressed as united emphatically beat tottenham 3-0 at homemata thanked his fans after becoming united 's player of the month\"]\n", + "juan mata has collected his player of the month award for march from manchester united and was quick to thank his supporters after receiving the gong .louis van gaal 's united side are back in action against aston villa in the premier league on saturdaymata scored both goals as united overturned liverpool with a 2-1 win at anfield , while also producing an impressive display in the 3-0 home victory over tottenham .\n", + "juan mata scored both times as manchester united beat liverpool 2-1he also impressed as united emphatically beat tottenham 3-0 at homemata thanked his fans after becoming united 's player of the month\n", + "[1.188299 1.3938262 1.3138194 1.3092104 1.206213 1.1300757 1.1727928\n", + " 1.0947349 1.0383947 1.0733992 1.0506827 1.0921739 1.0636978 1.0980799\n", + " 1.0947397 1.1159835 1.0353221 1.0090526 1.0059928 1.1042295]\n", + "\n", + "[ 1 2 3 4 0 6 5 15 19 13 14 7 11 9 12 10 8 16 17 18]\n", + "=======================\n", + "[\"the randolph , in oxford city centre , went up in flames this afternoon , with smoke billowing from the roof as dozens of firefighters battled to bring the inferno under control .the extent of the damage to the grade ii listed victorian building remains unclear but aerial pictures of the scene showed gaps in the roof and exposed beams .a devastating fire has caused serious damage to a world-famous hotel used as a setting for television 's inspector morse .\"]\n", + "=======================\n", + "['witnesses reported massive plumes of smoke billowing above the buildingfamous for being used a filming location for tv show inspector morsefirefighters have been battling fire at five-star gothic hotel since 4.30 pmblaze is not believed to be suspicious and is thought to have started in ground floor kitchen']\n", + "the randolph , in oxford city centre , went up in flames this afternoon , with smoke billowing from the roof as dozens of firefighters battled to bring the inferno under control .the extent of the damage to the grade ii listed victorian building remains unclear but aerial pictures of the scene showed gaps in the roof and exposed beams .a devastating fire has caused serious damage to a world-famous hotel used as a setting for television 's inspector morse .\n", + "witnesses reported massive plumes of smoke billowing above the buildingfamous for being used a filming location for tv show inspector morsefirefighters have been battling fire at five-star gothic hotel since 4.30 pmblaze is not believed to be suspicious and is thought to have started in ground floor kitchen\n", + "[1.4775505 1.200111 1.1690737 1.2302573 1.5833902 1.0437897 1.1522765\n", + " 1.0499313 1.04264 1.0474226 1.0304029 1.0199484 1.0230709 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 0 3 1 2 6 7 9 5 8 10 12 11 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"winger josh mantellato scored four tries and kicked 14 points for hull kr against bradford bullsit was only the east yorkshire side 's second cup tie success since reaching the quarter-finals in 2011 and their first challenge cup victory at bradford since 1926 , albeit only the third time the clubs had met in the competition since then .rovers twice came came from behind , trailing 12-0 in the early stages to the kingstone press championship heavyweights , before easing clear with five tries in the final 18 minutes .\"]\n", + "=======================\n", + "['goalkicking winger josh mantellato dominated the scoring in bradfordrovers twice came came from behind against the championship sidehull kr blew out the scoreline with five tries in the final 18 minutes']\n", + "winger josh mantellato scored four tries and kicked 14 points for hull kr against bradford bullsit was only the east yorkshire side 's second cup tie success since reaching the quarter-finals in 2011 and their first challenge cup victory at bradford since 1926 , albeit only the third time the clubs had met in the competition since then .rovers twice came came from behind , trailing 12-0 in the early stages to the kingstone press championship heavyweights , before easing clear with five tries in the final 18 minutes .\n", + "goalkicking winger josh mantellato dominated the scoring in bradfordrovers twice came came from behind against the championship sidehull kr blew out the scoreline with five tries in the final 18 minutes\n", + "[1.2813892 1.4391 1.1782635 1.4114568 1.1391152 1.1084963 1.0453844\n", + " 1.2528499 1.0697645 1.0394441 1.1748116 1.1830614 1.048224 1.0401319\n", + " 1.0416528 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 7 11 2 10 4 5 8 12 6 14 13 9 15 16 17 18 19]\n", + "=======================\n", + "['after being checked face-first into the glass by chicago blackhawks defenseman brent seabrook , reaves went to the bench and pulled out his own tooth .st. louis blues forward ryan reaves proved on sunday that hockey players truly are some of the toughest men in sports .the st. louis 2-1 win moved the team a point ahead of nashville for the central division lead with just three games left in the season .']\n", + "=======================\n", + "['st. louis blues forward ryan reaves was checked into the glass on sunday by chicago blackhawks defenseman brent seabrookhe went to the bench after the play and calmly pulled his tooth outst. louis won the game 2-1 , putting them at the top of the central division']\n", + "after being checked face-first into the glass by chicago blackhawks defenseman brent seabrook , reaves went to the bench and pulled out his own tooth .st. louis blues forward ryan reaves proved on sunday that hockey players truly are some of the toughest men in sports .the st. louis 2-1 win moved the team a point ahead of nashville for the central division lead with just three games left in the season .\n", + "st. louis blues forward ryan reaves was checked into the glass on sunday by chicago blackhawks defenseman brent seabrookhe went to the bench after the play and calmly pulled his tooth outst. louis won the game 2-1 , putting them at the top of the central division\n", + "[1.3110951 1.1930351 1.1265174 1.128461 1.1643419 1.1135886 1.0980254\n", + " 1.2402585 1.1000648 1.0833774 1.1095371 1.0522834 1.0263844 1.0388161\n", + " 1.0215176 1.0102797 1.0554336 0. 0. 0. ]\n", + "\n", + "[ 0 7 1 4 3 2 5 10 8 6 9 16 11 13 12 14 15 17 18 19]\n", + "=======================\n", + "[\"angela spent many years wearing high heel shoesbut a worrying new study by researchers in the u.s. suggests high heels can also put dangerous pressure on knee joints , wearing away cartilage - the body 's built-in shock absorber - and increasing the risk of osteoarthritis .four years ago , a shopping trip was torture for angela kelly , 67 .\"]\n", + "=======================\n", + "[\"angela kelly suffered the painful legacy of a lifetime wearing high heelsshe had arthritis in her early 30s but would n't kick her heel habitfour years ago , at 63 , she had have a titanium knee replacement\"]\n", + "angela spent many years wearing high heel shoesbut a worrying new study by researchers in the u.s. suggests high heels can also put dangerous pressure on knee joints , wearing away cartilage - the body 's built-in shock absorber - and increasing the risk of osteoarthritis .four years ago , a shopping trip was torture for angela kelly , 67 .\n", + "angela kelly suffered the painful legacy of a lifetime wearing high heelsshe had arthritis in her early 30s but would n't kick her heel habitfour years ago , at 63 , she had have a titanium knee replacement\n", + "[1.2078208 1.2616429 1.4419366 1.158892 1.1755735 1.2445397 1.0548931\n", + " 1.1557978 1.06529 1.0874548 1.0586891 1.016719 1.0159628 1.1281241\n", + " 1.1170353 1.0902615 1.104617 1.0476607 1.0746074 0. ]\n", + "\n", + "[ 2 1 5 0 4 3 7 13 14 16 15 9 18 8 10 6 17 11 12 19]\n", + "=======================\n", + "[\"the woman was allegedly kidnapped thursday in a parking lot in loveland , colorado , police there said in a news release .the unidentified woman 's conversation with a dispatcher was revealed by abc news .audio of a woman 's cell phone call to 911 -- in which she said she 'd been locked and trapped inside a trunk after an armed man had approached her -- has been released .\"]\n", + "=======================\n", + "[\"a woman was allegedly kidnapped thursday in a loveland parking lotpolice said the woman told them she was forced into her car by a manin a 911 call , the woman claimed to have been kidnapped at gunpointafter driving him to estes park , the woman said she 'd been locked into her trunk by the man , police saidshe was able to use her cell phone and contact authoritiesofficers got the woman out after finding her car keysa suspect has n't been found , authorities said\"]\n", + "the woman was allegedly kidnapped thursday in a parking lot in loveland , colorado , police there said in a news release .the unidentified woman 's conversation with a dispatcher was revealed by abc news .audio of a woman 's cell phone call to 911 -- in which she said she 'd been locked and trapped inside a trunk after an armed man had approached her -- has been released .\n", + "a woman was allegedly kidnapped thursday in a loveland parking lotpolice said the woman told them she was forced into her car by a manin a 911 call , the woman claimed to have been kidnapped at gunpointafter driving him to estes park , the woman said she 'd been locked into her trunk by the man , police saidshe was able to use her cell phone and contact authoritiesofficers got the woman out after finding her car keysa suspect has n't been found , authorities said\n", + "[1.4248538 1.1513107 1.5051541 1.212349 1.1996665 1.2407397 1.173331\n", + " 1.1521244 1.1021625 1.1702696 1.0333681 1.0262004 1.0109053 1.0105501\n", + " 1.2168676 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 5 14 3 4 6 9 7 1 8 10 11 12 13 19 15 16 17 18 20]\n", + "=======================\n", + "['bradley dew , 26 , had been drinking with his friend at a pub in faversham in kent earlier that day and had borrowed his mobile .bradley dew has been jailed for mugging his deaf friend to steal his mobile phone and a # 10 notehe then stole # 10 out of his wallet .']\n", + "=======================\n", + "[\"bradley dew was drinking with his deaf friend at pub in faversham in kenthe later stole his friend 's mobile and hit him in the face to steal # 10dew fled , hiding from police in toilets of a pub close to his friend 's housethe 26-year-old was jailed for two years and labelled a ` bully ' by police\"]\n", + "bradley dew , 26 , had been drinking with his friend at a pub in faversham in kent earlier that day and had borrowed his mobile .bradley dew has been jailed for mugging his deaf friend to steal his mobile phone and a # 10 notehe then stole # 10 out of his wallet .\n", + "bradley dew was drinking with his deaf friend at pub in faversham in kenthe later stole his friend 's mobile and hit him in the face to steal # 10dew fled , hiding from police in toilets of a pub close to his friend 's housethe 26-year-old was jailed for two years and labelled a ` bully ' by police\n", + "[1.2295407 1.1664267 1.1007483 1.195637 1.1810316 1.1089549 1.0666592\n", + " 1.0924518 1.118773 1.0490252 1.0506052 1.0560205 1.0286771 1.0664155\n", + " 1.0738082 1.055123 1.0450474 1.040642 1.1211431 1.0811853 1.0309887]\n", + "\n", + "[ 0 3 4 1 18 8 5 2 7 19 14 6 13 11 15 10 9 16 17 20 12]\n", + "=======================\n", + "['the residence : inside the private world of the white housekate brower , an american journalist assigned to cover the obama white house , became intrigued by the workings of the mansion after watching downton abbey.she set about interviewing the staff , who number at least 100 , to build up a comparable picture of the american version of upstairs , downstairs .the staff all live out in washington and commute in .']\n", + "=======================\n", + "['for non-americans the white house it is a respected power symbola journalist assigned to cover the obama white house became intriguedshe interviewed staff to get an insight into the inner workings of the house']\n", + "the residence : inside the private world of the white housekate brower , an american journalist assigned to cover the obama white house , became intrigued by the workings of the mansion after watching downton abbey.she set about interviewing the staff , who number at least 100 , to build up a comparable picture of the american version of upstairs , downstairs .the staff all live out in washington and commute in .\n", + "for non-americans the white house it is a respected power symbola journalist assigned to cover the obama white house became intriguedshe interviewed staff to get an insight into the inner workings of the house\n", + "[1.2492487 1.455611 1.3207009 1.3834882 1.108197 1.122684 1.1440939\n", + " 1.031108 1.0309309 1.1048005 1.075215 1.0909793 1.0650908 1.0196711\n", + " 1.0118662 1.0860537 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 6 5 4 9 11 15 10 12 7 8 13 14 16 17 18 19 20]\n", + "=======================\n", + "[\"shona banda , 37 , who published a book about how she uses a liquid form of cannabis as therapy for crohn 's disease , has a custody hearing monday in garden city , kansas .her boy was taken by authorities on march 24 after officials at his school reported comments he made about marijuana to child protection services .two ounces of cannabis in plant form and one ounce of oil were reportedly seized .\"]\n", + "=======================\n", + "[\"shona banda , 37 , had written book about using cannabis oil to treat crohn 'sgarden city , kansas , woman surprised by police at her home after school told child protective services about her son disagreeing with anti-drug classboy staying with his father after plant and liquid marijuana found in homeno drug charges have been filed against the mother yet\"]\n", + "shona banda , 37 , who published a book about how she uses a liquid form of cannabis as therapy for crohn 's disease , has a custody hearing monday in garden city , kansas .her boy was taken by authorities on march 24 after officials at his school reported comments he made about marijuana to child protection services .two ounces of cannabis in plant form and one ounce of oil were reportedly seized .\n", + "shona banda , 37 , had written book about using cannabis oil to treat crohn 'sgarden city , kansas , woman surprised by police at her home after school told child protective services about her son disagreeing with anti-drug classboy staying with his father after plant and liquid marijuana found in homeno drug charges have been filed against the mother yet\n", + "[1.2235132 1.0617679 1.17612 1.2637693 1.2307701 1.1161878 1.1484971\n", + " 1.241179 1.1308733 1.0652075 1.0254345 1.0329388 1.1485157 1.0303324\n", + " 1.0551056 1.0698155 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 7 4 0 2 12 6 8 5 15 9 1 14 11 13 10 16 17 18 19 20]\n", + "=======================\n", + "['to register for a license plate auction , prospective car buyers like li must put down a deposit in exchange for disc containing software they can use to bid online .each month there are around 10,000 license plates available .the auctions take place once a month on a saturday morning .']\n", + "=======================\n", + "['many large chinese cities ration license plates as they look for a solution to gridlocked roads and pollutionit means many prospective car owners have to bid in license auctionsbut hybrid vehicles automatically qualify for a license plate']\n", + "to register for a license plate auction , prospective car buyers like li must put down a deposit in exchange for disc containing software they can use to bid online .each month there are around 10,000 license plates available .the auctions take place once a month on a saturday morning .\n", + "many large chinese cities ration license plates as they look for a solution to gridlocked roads and pollutionit means many prospective car owners have to bid in license auctionsbut hybrid vehicles automatically qualify for a license plate\n", + "[1.2063906 1.3392094 1.1771263 1.3486788 1.2766438 1.2609732 1.0923557\n", + " 1.0670006 1.1865023 1.0213966 1.0940961 1.0723927 1.0757711 1.0713482\n", + " 1.0585217 1.0534624 1.0417937 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 4 5 0 8 2 10 6 12 11 13 7 14 15 16 9 19 17 18 20]\n", + "=======================\n", + "['the bus ploughed into the engine of the uzbekistan airways boeing 777 passenger jetthe incident is difficult to comprehend as the collision was much more than just a minor skirmish on the tarmac at the busy asian airport .tashkent is the largest international airport in uzbekistan , and the busiest in central asia , so the crash will have more than likely delayed many passengers .']\n", + "=======================\n", + "[\"worrying incident happened at tashkent airport in uzbekistanfront windscreen of bus is shattered by impact with plane 's engineunknown if there were any injured parties or cost of damage\"]\n", + "the bus ploughed into the engine of the uzbekistan airways boeing 777 passenger jetthe incident is difficult to comprehend as the collision was much more than just a minor skirmish on the tarmac at the busy asian airport .tashkent is the largest international airport in uzbekistan , and the busiest in central asia , so the crash will have more than likely delayed many passengers .\n", + "worrying incident happened at tashkent airport in uzbekistanfront windscreen of bus is shattered by impact with plane 's engineunknown if there were any injured parties or cost of damage\n", + "[1.2220489 1.3249463 1.2708817 1.2634993 1.141153 1.2352446 1.1827232\n", + " 1.1476059 1.2109714 1.0165285 1.0148648 1.0109106 1.0145785 1.1238408\n", + " 1.0152047 1.0155978 1.0271893 1.0296257 1.0479964 1.0352639 1.0129662]\n", + "\n", + "[ 1 2 3 5 0 8 6 7 4 13 18 19 17 16 9 15 14 10 12 20 11]\n", + "=======================\n", + "[\"consumed by an obsession with the ` perfect body ' , emma walker slipped into a dangerous cycle , her weight plummeting in a matter of months .such was the severity of her eating disorder , that the 15-year-old was admitted to hospital twice and faced rigorous counselling sessions .today , emma , whose decision to release the photos is supported by her mother kim waddington , said she wants to help other anorexia sufferers .\"]\n", + "=======================\n", + "[\"emma walker 's weight plummeted to just five-and-a-half stone in monthsafter two hospital visits and counselling she is on the road to recoveryrather than being skinny , is focusing on getting fit and building musclenow weighs eight stone and is keen to share her story to help others\"]\n", + "consumed by an obsession with the ` perfect body ' , emma walker slipped into a dangerous cycle , her weight plummeting in a matter of months .such was the severity of her eating disorder , that the 15-year-old was admitted to hospital twice and faced rigorous counselling sessions .today , emma , whose decision to release the photos is supported by her mother kim waddington , said she wants to help other anorexia sufferers .\n", + "emma walker 's weight plummeted to just five-and-a-half stone in monthsafter two hospital visits and counselling she is on the road to recoveryrather than being skinny , is focusing on getting fit and building musclenow weighs eight stone and is keen to share her story to help others\n", + "[1.402843 1.3671067 1.2158976 1.5061076 1.0908303 1.1544747 1.0663865\n", + " 1.0796734 1.0907393 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 2 5 4 8 7 6 18 17 16 15 14 10 12 11 19 9 13 20]\n", + "=======================\n", + "[\"phil brown 's southend united move into fourth after a 1-0 win over bury on tuesday nightformer bury player worrall struck from 25 yards in the 74th minute with a superb curling effort from a set-piece courtesy of a yellow-carded foul by adam el-abd .bury began the night a point ahead of the shrimpers after winning 1-0 at portsmouth on saturday but despite chances they could n't hit the target .\"]\n", + "=======================\n", + "['david worrall scored a 74th-minute free-kick after a foul by adam el-abdsouthend united leapfrog bury to fourth place in league twothe initial fixture was postponed because of heavy rainthe shrimpers are behind third-placed wycombe only on goal difference']\n", + "phil brown 's southend united move into fourth after a 1-0 win over bury on tuesday nightformer bury player worrall struck from 25 yards in the 74th minute with a superb curling effort from a set-piece courtesy of a yellow-carded foul by adam el-abd .bury began the night a point ahead of the shrimpers after winning 1-0 at portsmouth on saturday but despite chances they could n't hit the target .\n", + "david worrall scored a 74th-minute free-kick after a foul by adam el-abdsouthend united leapfrog bury to fourth place in league twothe initial fixture was postponed because of heavy rainthe shrimpers are behind third-placed wycombe only on goal difference\n", + "[1.2299616 1.5025809 1.4100254 1.2093118 1.1511226 1.1000497 1.1075498\n", + " 1.0629312 1.1065333 1.0887614 1.0900272 1.024445 1.0385482 1.2654382\n", + " 1.1834077 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 13 0 3 14 4 6 8 5 10 9 7 12 11 15 16 17 18 19 20]\n", + "=======================\n", + "['thomas brock , 30 , died when he was fatally shot at his home in pasadena , california , after being involved in an argument with another motorist .police have now arrested brothers steven rodriguez , 24 , and jacob rodriguez , 29 , and charged them with capital murder following the alleged road rage killing .a father of four has been shot dead after he was involved in a road rage incident and the man he brawled with returned to his property with a gun , police say .']\n", + "=======================\n", + "['thomas brock , 30 , was fatally shot following alleged road rage incidentpolice say he was followed to his home where he fought with another manthe man left but returned soon after with a gun and shot him , police claimjacob and steven rodriguez have both been charged with capital murder']\n", + "thomas brock , 30 , died when he was fatally shot at his home in pasadena , california , after being involved in an argument with another motorist .police have now arrested brothers steven rodriguez , 24 , and jacob rodriguez , 29 , and charged them with capital murder following the alleged road rage killing .a father of four has been shot dead after he was involved in a road rage incident and the man he brawled with returned to his property with a gun , police say .\n", + "thomas brock , 30 , was fatally shot following alleged road rage incidentpolice say he was followed to his home where he fought with another manthe man left but returned soon after with a gun and shot him , police claimjacob and steven rodriguez have both been charged with capital murder\n", + "[1.5138395 1.2955146 1.2212151 1.0794209 1.0435997 1.0793111 1.0708839\n", + " 1.1514146 1.0770435 1.0567582 1.0250144 1.014372 1.0734143 1.1439561\n", + " 1.1228819 1.0413536 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 2 7 13 14 3 5 8 12 6 9 4 15 10 11 19 16 17 18 20]\n", + "=======================\n", + "['( cnn ) prosperity gospel pastor creflo dollar responded recently to critics of his campaign to buy a very pricey gulfstream g650 .dollar noted in a recent address to his congregants that the devil was attempting to discredit him in regards to his campaign seeking $ 300 from 200,000 people globally to help buy the luxury jet .in a newly posted five-minute clip on youtube , the atlanta-area pastor speaks to his followers at world changers church international , tackling his critics and allegations about tithes , his real name and reports alleging members of having to reveal their w2 statuses to come into the church \\'s sanctuary . \"']\n", + "=======================\n", + "[\"creflo dollar 's ministry had posted a now-withdrawn request asking 200,000 people to chip in $ 300 eachdollar preaches a prosperity gospel , which promises wealth to those who tithe 10 % of their income to the churchthe atlanta-based pastor said the devil wants to stop him from traveling the world , spreading christianity\"]\n", + "( cnn ) prosperity gospel pastor creflo dollar responded recently to critics of his campaign to buy a very pricey gulfstream g650 .dollar noted in a recent address to his congregants that the devil was attempting to discredit him in regards to his campaign seeking $ 300 from 200,000 people globally to help buy the luxury jet .in a newly posted five-minute clip on youtube , the atlanta-area pastor speaks to his followers at world changers church international , tackling his critics and allegations about tithes , his real name and reports alleging members of having to reveal their w2 statuses to come into the church 's sanctuary . \"\n", + "creflo dollar 's ministry had posted a now-withdrawn request asking 200,000 people to chip in $ 300 eachdollar preaches a prosperity gospel , which promises wealth to those who tithe 10 % of their income to the churchthe atlanta-based pastor said the devil wants to stop him from traveling the world , spreading christianity\n", + "[1.5250049 1.292196 1.3447899 1.4839118 1.0319144 1.0317336 1.0305545\n", + " 1.0324944 1.0254012 1.1057078 1.0510874 1.0884773 1.0223606 1.0158362\n", + " 1.0348761 1.1231481 1.1298803 1.0691462 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 16 15 9 11 17 10 14 7 4 5 6 8 12 13 19 18 20]\n", + "=======================\n", + "[\"liverpool defender kolo toure insists a ` sad ' steven gerrard will deal with the reality of being denied a fairytale fa cup final farewell .a 2-1 defeat to aston villa at wembley ended the club 's last hope of silverware and meant gerrard would not be given a perfect send off ahead of his summer move to los angeles galaxy with a cup final appearance on his 35th birthday on what would have been his very last for his boyhood club .the former ivory coast international said the team was probably more disappointed at not being able to deliver a trophy for fans , who this season had seen their side fail to progress out of the champions league group stage and lose to chelsea in the last four of the capital one cup .\"]\n", + "=======================\n", + "['kolo toure admitted that steven gerrard was sad after the fa cup defeatliverpool were beaten 2-1 by aston villa at wembley stadium on sundaytoure says the team are more disappointed to not win a trophy for the fansclick here for all the latest liverpool news']\n", + "liverpool defender kolo toure insists a ` sad ' steven gerrard will deal with the reality of being denied a fairytale fa cup final farewell .a 2-1 defeat to aston villa at wembley ended the club 's last hope of silverware and meant gerrard would not be given a perfect send off ahead of his summer move to los angeles galaxy with a cup final appearance on his 35th birthday on what would have been his very last for his boyhood club .the former ivory coast international said the team was probably more disappointed at not being able to deliver a trophy for fans , who this season had seen their side fail to progress out of the champions league group stage and lose to chelsea in the last four of the capital one cup .\n", + "kolo toure admitted that steven gerrard was sad after the fa cup defeatliverpool were beaten 2-1 by aston villa at wembley stadium on sundaytoure says the team are more disappointed to not win a trophy for the fansclick here for all the latest liverpool news\n", + "[1.1775435 1.3078122 1.2863938 1.224674 1.2283413 1.1228205 1.1387575\n", + " 1.0888002 1.0314391 1.0301156 1.0314223 1.0577207 1.0545112 1.057324\n", + " 1.020409 1.0330362 1.0139984 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 0 6 5 7 11 13 12 15 8 10 9 14 16 25 24 23 22 18 20 19\n", + " 17 26 21 27]\n", + "=======================\n", + "[\"in the case of late 19th-century america , it was the ` escort card ' - not to be confused with the explicit sort you might imagine today - but rather a comical printed card men would hand to women they found attractive .collector alan mays has unearthed a treasure trove of these vintage ice-breakers , which bear phrases such as : ` may i be permitted the blissful pleasure of escorting you home this evening ? 'long before mobile phones came along - allowing single men and women to flirt behind the comfort of a glowing screen - shy love-seekers of the late 19th century had to resort to other tactics ( pictured )\"]\n", + "=======================\n", + "['the cheeky cards were given by men to women in 19th century americasome were romantic in tone , others more blunt - but they were always very politemany men would ask for the card back in return if they were rejected']\n", + "in the case of late 19th-century america , it was the ` escort card ' - not to be confused with the explicit sort you might imagine today - but rather a comical printed card men would hand to women they found attractive .collector alan mays has unearthed a treasure trove of these vintage ice-breakers , which bear phrases such as : ` may i be permitted the blissful pleasure of escorting you home this evening ? 'long before mobile phones came along - allowing single men and women to flirt behind the comfort of a glowing screen - shy love-seekers of the late 19th century had to resort to other tactics ( pictured )\n", + "the cheeky cards were given by men to women in 19th century americasome were romantic in tone , others more blunt - but they were always very politemany men would ask for the card back in return if they were rejected\n", + "[1.1565771 1.1580524 1.1079687 1.268166 1.3593361 1.2241274 1.1422489\n", + " 1.1126096 1.0751666 1.0625213 1.0320891 1.0461466 1.0391644 1.0489703\n", + " 1.0428418 1.0907131 1.026026 1.0256386 1.0106506 1.0128461 1.0124059\n", + " 1.1141785 1.0514281 1.0202206 1.0351703 1.0334096 1.0597193 1.0184925]\n", + "\n", + "[ 4 3 5 1 0 6 21 7 2 15 8 9 26 22 13 11 14 12 24 25 10 16 17 23\n", + " 27 19 20 18]\n", + "=======================\n", + "['abdirahman sheik mohamud , 23 , faces charges for attempting to provide and providing material support to terrorists , attempting to provide and providing material support to a designated foreign terrorist organization , and making false statements to the fbihe pleaded not guilty to the charges friday in a columbusan ohio man who trained with al-qaeda terrorist tried to play off his time abroad as a harmless holiday when questioned by his friends , authorities said .']\n", + "=======================\n", + "['abdirahman sheik mohamud , 23 , is charged with supporting terrorism and making false statements by federal prosecutorsclassmates expressed shock , remembering him as a normal and likable high school student who was not deeply religiousmohamud , 23 , a naturalized american , had been instructed by a muslim cleric to return to the united states and carry out an act of terrorism']\n", + "abdirahman sheik mohamud , 23 , faces charges for attempting to provide and providing material support to terrorists , attempting to provide and providing material support to a designated foreign terrorist organization , and making false statements to the fbihe pleaded not guilty to the charges friday in a columbusan ohio man who trained with al-qaeda terrorist tried to play off his time abroad as a harmless holiday when questioned by his friends , authorities said .\n", + "abdirahman sheik mohamud , 23 , is charged with supporting terrorism and making false statements by federal prosecutorsclassmates expressed shock , remembering him as a normal and likable high school student who was not deeply religiousmohamud , 23 , a naturalized american , had been instructed by a muslim cleric to return to the united states and carry out an act of terrorism\n", + "[1.2822939 1.2160485 1.207963 1.3146111 1.2648607 1.0939656 1.2808564\n", + " 1.0812926 1.0791919 1.1676579 1.05856 1.06224 1.0821515 1.0158848\n", + " 1.0138876 1.0266732 1.1040741 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 6 4 1 2 9 16 5 12 7 8 11 10 15 13 14 26 17 18 19 20 21 22\n", + " 23 24 25 27]\n", + "=======================\n", + "[\"going down : cadbury has snatched two chocolate fingers from its famous packs -- reducing the number to 22the move is the latest evidence of how the nation 's favourite brands and supermarkets are cutting back on pack sizes without a corresponding cut in prices .the ploy means shoppers are being subject to stealth price rises in what economists have dubbed ` shrinkflation ' .\"]\n", + "=======================\n", + "[\"packs of cadbury fingers have come down by 11 grams to weight of 114gpopular biscuits made under licence by another manufacturer , burton 'ssainsbury 's price up from # 1 to # 1.50 in a year , but down to 80p at tescoshoppers facing stealth price rises in what economists call ` shrinkflation '\"]\n", + "going down : cadbury has snatched two chocolate fingers from its famous packs -- reducing the number to 22the move is the latest evidence of how the nation 's favourite brands and supermarkets are cutting back on pack sizes without a corresponding cut in prices .the ploy means shoppers are being subject to stealth price rises in what economists have dubbed ` shrinkflation ' .\n", + "packs of cadbury fingers have come down by 11 grams to weight of 114gpopular biscuits made under licence by another manufacturer , burton 'ssainsbury 's price up from # 1 to # 1.50 in a year , but down to 80p at tescoshoppers facing stealth price rises in what economists call ` shrinkflation '\n", + "[1.3957129 1.3619261 1.1869693 1.3408213 1.1096164 1.0275655 1.0371411\n", + " 1.0211397 1.1179905 1.1141168 1.0873375 1.0600843 1.0852641 1.1248325\n", + " 1.0745217 1.0469365 1.0622159 1.0117862 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 13 8 9 4 10 12 14 16 11 15 6 5 7 17 18 19 20 21 22 23\n", + " 24 25 26 27]\n", + "=======================\n", + "[\"tony blair was branded ` out of touch ' last night after claiming that he is ` absolutely not ' in ` the league of the super-rich ' .the former prime minister also suggested he has left british politics behind , declaring that he has ` done british ' and is now more interested in working at a ` global level ' .claiming the money he generates pays for the ` infrastructure ' around him , mr blair said : ' i could not do what i do unless i was also able to generate income ' .\"]\n", + "=======================\n", + "[\"tony blair has claimed his personal wealth does not make him ` super-rich 'in an interview , he said his earnings pay for ` infrastructure ' around himblair : ' i could not do what i do unless i was also able to generate income 'he earns millions of pounds a year from consultancy and public speaking\"]\n", + "tony blair was branded ` out of touch ' last night after claiming that he is ` absolutely not ' in ` the league of the super-rich ' .the former prime minister also suggested he has left british politics behind , declaring that he has ` done british ' and is now more interested in working at a ` global level ' .claiming the money he generates pays for the ` infrastructure ' around him , mr blair said : ' i could not do what i do unless i was also able to generate income ' .\n", + "tony blair has claimed his personal wealth does not make him ` super-rich 'in an interview , he said his earnings pay for ` infrastructure ' around himblair : ' i could not do what i do unless i was also able to generate income 'he earns millions of pounds a year from consultancy and public speaking\n", + "[1.3989811 1.400147 1.2422528 1.2797512 1.2525036 1.1279429 1.0227523\n", + " 1.0225888 1.0170046 1.0153754 1.0199603 1.0423673 1.2280656 1.0384194\n", + " 1.040484 1.0165305 1.0123372 1.2714704 1.0486698 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 17 4 2 12 5 18 11 14 13 6 7 10 8 15 9 16 26 19 20 21 22\n", + " 23 24 25 27]\n", + "=======================\n", + "[\"the liverpool manager had no complaints about their 2-1 defeat by aston villa -- their first loss in an fa cup semi-final since 1990 -- and accepted his side have to do better in the most important games .brendan rodgers admitted liverpool 's big-game mentality must improve after his hopes of winning the fa cup were left in tatters .aston villa captain fabian delph shoots past liverpool goalkeeper simon mignolet to put his side in the lead\"]\n", + "=======================\n", + "['brendan rodgers believes his side must improve their big-game mentalityliverpool crashed to defeat at wembley despite taking a first-half leadchristian benteke and fabian delph struck to send aston villa throughthe fa cup semi-final defeat to aston villa was their first since 1990']\n", + "the liverpool manager had no complaints about their 2-1 defeat by aston villa -- their first loss in an fa cup semi-final since 1990 -- and accepted his side have to do better in the most important games .brendan rodgers admitted liverpool 's big-game mentality must improve after his hopes of winning the fa cup were left in tatters .aston villa captain fabian delph shoots past liverpool goalkeeper simon mignolet to put his side in the lead\n", + "brendan rodgers believes his side must improve their big-game mentalityliverpool crashed to defeat at wembley despite taking a first-half leadchristian benteke and fabian delph struck to send aston villa throughthe fa cup semi-final defeat to aston villa was their first since 1990\n", + "[1.3400087 1.3008549 1.282043 1.1424539 1.2390046 1.1139222 1.0839435\n", + " 1.120513 1.0747815 1.0870148 1.0277472 1.0117985 1.0255804 1.0090659\n", + " 1.0081189 1.0417075 1.0181675 1.0170732 1.0982461 1.0357031 1.0541074\n", + " 1.1411052 1.1453048 1.0705045 1.0230745]\n", + "\n", + "[ 0 1 2 4 22 3 21 7 5 18 9 6 8 23 20 15 19 10 12 24 16 17 11 13\n", + " 14]\n", + "=======================\n", + "['at least 18 people have died in an avalanche on mount everest sparked by a powerful 7.8 magnitude earthquake in nepal .the avalanche buried part of base camp , raising fears for the safety of hundreds of climbers who are in the area , said gyanendra shrestha from the tourism ministry in kathmandu .a number of britons are among those who have not been heard from since the quake.the identities of those who died in the avalanche have not yet been released .']\n", + "=======================\n", + "[\"powerful 7.8 magnitude earthquake caused an avalanche on mount everestat least 18 people have died and more than 30 injured on the mountainthere are reports the avalanche has buried people in tents at base campthe earthquake - nepal 's worst in 81 years - has killed at more than 1,300\"]\n", + "at least 18 people have died in an avalanche on mount everest sparked by a powerful 7.8 magnitude earthquake in nepal .the avalanche buried part of base camp , raising fears for the safety of hundreds of climbers who are in the area , said gyanendra shrestha from the tourism ministry in kathmandu .a number of britons are among those who have not been heard from since the quake.the identities of those who died in the avalanche have not yet been released .\n", + "powerful 7.8 magnitude earthquake caused an avalanche on mount everestat least 18 people have died and more than 30 injured on the mountainthere are reports the avalanche has buried people in tents at base campthe earthquake - nepal 's worst in 81 years - has killed at more than 1,300\n", + "[1.6951208 1.2928035 1.2320142 1.3393847 1.4117266 1.0325099 1.0212398\n", + " 1.0160079 1.018835 1.017129 1.0289079 1.1291898 1.0156316 1.0188768\n", + " 1.0159149 1.0181603 1.0138015 1.0148729 1.1001275 1.0852736 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 3 1 2 11 18 19 5 10 6 13 8 15 9 7 14 12 17 16 23 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"wayne rooney and louis van gaal took consolation in defeat after manchester united 's performance in the 1-0 loss at chelsea .united ace wayne rooney was happy with his side 's display at stamford bridge despite the negative resultinjury-depleted united slipped to defeat despite enjoying the better of much of the play against the premier league leaders , who are now 11 points clear of the third-placed red devils .\"]\n", + "=======================\n", + "[\"wayne rooney insists his side can take ` great confidence ' from defeatlouis van gaal echoed his captain 's thoughts by hailing displayeden hazard scored winner during match in which united dominated\"]\n", + "wayne rooney and louis van gaal took consolation in defeat after manchester united 's performance in the 1-0 loss at chelsea .united ace wayne rooney was happy with his side 's display at stamford bridge despite the negative resultinjury-depleted united slipped to defeat despite enjoying the better of much of the play against the premier league leaders , who are now 11 points clear of the third-placed red devils .\n", + "wayne rooney insists his side can take ` great confidence ' from defeatlouis van gaal echoed his captain 's thoughts by hailing displayeden hazard scored winner during match in which united dominated\n", + "[1.4263058 1.4135112 1.3129889 1.0942607 1.0317731 1.0216578 1.3509713\n", + " 1.2909331 1.1845237 1.0198122 1.0296901 1.0971435 1.0773768 1.022587\n", + " 1.0624408 1.0606487 1.0332233 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 6 2 7 8 11 3 12 14 15 16 4 10 13 5 9 23 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "['inspirational speaker turia pitt , who suffered horrific burns when she was caught in a bushfire , has revealed she still struggles to overcome her near-death ordeal .the 27-year-old said just the smell from a barbecue brought back the traumatic moment she was trapped for four hours where she suffered burns to 65 per cent of her body .speaking to a networking wa audience at crown perth on wednesday , the burns survivor said she still feels haunted when she talks about being caught in the bushfire when she competed in an ultra-marathon in kimberley in september 2011 .']\n", + "=======================\n", + "['turia pitt said she starts to sweat and her mouth dries up when she talks about her traumatic bushfire ordealshe also revealed she was back running and clocked a faster time than before she was injuredthe revelation follows after surgeons successfully constructed a new nosebut the 27-year-old stopped breathing on the operating tablems pitt had to be placed on an incubator in order to survive the operationwhen she woke up in intensive care , she said she just wanted to diebut ms pitt is now proudly showing off her new facial feature']\n", + "inspirational speaker turia pitt , who suffered horrific burns when she was caught in a bushfire , has revealed she still struggles to overcome her near-death ordeal .the 27-year-old said just the smell from a barbecue brought back the traumatic moment she was trapped for four hours where she suffered burns to 65 per cent of her body .speaking to a networking wa audience at crown perth on wednesday , the burns survivor said she still feels haunted when she talks about being caught in the bushfire when she competed in an ultra-marathon in kimberley in september 2011 .\n", + "turia pitt said she starts to sweat and her mouth dries up when she talks about her traumatic bushfire ordealshe also revealed she was back running and clocked a faster time than before she was injuredthe revelation follows after surgeons successfully constructed a new nosebut the 27-year-old stopped breathing on the operating tablems pitt had to be placed on an incubator in order to survive the operationwhen she woke up in intensive care , she said she just wanted to diebut ms pitt is now proudly showing off her new facial feature\n", + "[1.2427405 1.4499682 1.268378 1.1247795 1.3599871 1.0649388 1.0386992\n", + " 1.03887 1.0300622 1.022059 1.0649958 1.0556722 1.066937 1.2375972\n", + " 1.1083099 1.0572754 1.0433939 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 0 13 3 14 12 10 5 15 11 16 7 6 8 9 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "['seven-year-old lacey mccarty , six-year-old phillip mccarty and five-month-old christopher swist died allegedly at the hands of their mother , jessica mccarty , in a botched murder-suicide .mccarty was arrested on march 20 and faces three counts of first-degree murder for the incident .christopher swist - father of the five-month-old and the man who was dating jessica mccarty just before the alleged killings - had nicknames for all of the children and coached the two oldest in little league baseball .']\n", + "=======================\n", + "[\"christopher swist was on a break from a relationship with jessica mccarty when she allegedly killed her children in palm bay , florida , police saylacey mccarty , seven , phillip mccarty , six , and swist 's son with mccarty , a five-month-old also named christopher swist , died in marchswist was close with the kids and coached the two oldest in little leaguehe 's created a non-profit for underprivileged kids in honor of the childrena little league baseball field in palm bay has been renamed ` angels ' field ' as a memorial for the slain kidsmccarty faces three counts of first-degree murder for the incident\"]\n", + "seven-year-old lacey mccarty , six-year-old phillip mccarty and five-month-old christopher swist died allegedly at the hands of their mother , jessica mccarty , in a botched murder-suicide .mccarty was arrested on march 20 and faces three counts of first-degree murder for the incident .christopher swist - father of the five-month-old and the man who was dating jessica mccarty just before the alleged killings - had nicknames for all of the children and coached the two oldest in little league baseball .\n", + "christopher swist was on a break from a relationship with jessica mccarty when she allegedly killed her children in palm bay , florida , police saylacey mccarty , seven , phillip mccarty , six , and swist 's son with mccarty , a five-month-old also named christopher swist , died in marchswist was close with the kids and coached the two oldest in little leaguehe 's created a non-profit for underprivileged kids in honor of the childrena little league baseball field in palm bay has been renamed ` angels ' field ' as a memorial for the slain kidsmccarty faces three counts of first-degree murder for the incident\n", + "[1.4449928 1.2191386 1.3100847 1.3845452 1.2758682 1.1712244 1.0663651\n", + " 1.0292658 1.0903683 1.0429274 1.0516826 1.0937543 1.0318507 1.0356581\n", + " 1.0227499 1.032072 1.0145247 1.0392258 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 4 1 5 11 8 6 10 9 17 13 15 12 7 14 16 23 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"adi viveash 's chelsea u19s side stormed into the uefa youth league final following a 4-0 mauling of roma in the semis .chelsea will now face shakhtar donetsk 's u19s team in the final .striker dominic solanke then scored a brace , before substitute tammy abraham wrapped up the win with a tap in on 83 minutes .\"]\n", + "=======================\n", + "[\"chelsea youth striker dominic solanke scored a double against romathe 4-0 win sees chelsea u19s progress to the uefa youth league finaladi viveash 's youngsters will take on shakhtar donetsk in the final\"]\n", + "adi viveash 's chelsea u19s side stormed into the uefa youth league final following a 4-0 mauling of roma in the semis .chelsea will now face shakhtar donetsk 's u19s team in the final .striker dominic solanke then scored a brace , before substitute tammy abraham wrapped up the win with a tap in on 83 minutes .\n", + "chelsea youth striker dominic solanke scored a double against romathe 4-0 win sees chelsea u19s progress to the uefa youth league finaladi viveash 's youngsters will take on shakhtar donetsk in the final\n", + "[1.2408402 1.5595701 1.3153552 1.0658014 1.2297446 1.1400051 1.0803478\n", + " 1.0417022 1.0451882 1.0293591 1.0255418 1.019134 1.0494413 1.2577465\n", + " 1.0396434 1.0742824 1.0548725 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 13 0 4 5 6 15 3 16 12 8 7 14 9 10 11 27 34 33 32 31 30 29\n", + " 28 26 18 24 23 22 21 20 19 35 17 25 36]\n", + "=======================\n", + "[\"anna james , 32 , has vowed to defy the school 's ban on taking her children to the ` obby ` oss celebrations - claiming the rituals are part of her ` religion , culture and heritage . 'the school blocked her request under a government crackdown on unauthorised absences announced in 2013 .a mother of four has pledged to remove her children from school to attend an ancient maypole festival - despite facing fines or even prosecution .\"]\n", + "=======================\n", + "[\"mother of four anna james has vowed to take her children to the festivalmrs james , 32 , claims it is part of her ` religion , culture and heritage 'her children 's school has refused to give permission for their absencesthe ancient maypole festival is held every year in padstow , cornwallit is believed to be an ancient pagan ritual that heralds the arrival of spring\"]\n", + "anna james , 32 , has vowed to defy the school 's ban on taking her children to the ` obby ` oss celebrations - claiming the rituals are part of her ` religion , culture and heritage . 'the school blocked her request under a government crackdown on unauthorised absences announced in 2013 .a mother of four has pledged to remove her children from school to attend an ancient maypole festival - despite facing fines or even prosecution .\n", + "mother of four anna james has vowed to take her children to the festivalmrs james , 32 , claims it is part of her ` religion , culture and heritage 'her children 's school has refused to give permission for their absencesthe ancient maypole festival is held every year in padstow , cornwallit is believed to be an ancient pagan ritual that heralds the arrival of spring\n", + "[1.5918424 1.2336899 1.1815909 1.4713607 1.1741233 1.0654445 1.1010704\n", + " 1.0366063 1.0138083 1.0325322 1.0898243 1.2028872 1.0638078 1.1492988\n", + " 1.009696 1.009432 1.0087624 1.0064507 1.0114734 1.022788 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 1 11 2 4 13 6 10 5 12 7 9 19 8 18 14 15 16 17 34 33 32 31\n", + " 30 29 28 26 25 24 23 22 21 20 35 27 36]\n", + "=======================\n", + "[\"chelsea captain john terry hailed eden hazard as one of the world 's best players after the belgian inspired the blues to a 2-1 win over stoke .hazard tucked home a penalty to put chelsea in front before charlie adam scored a memorable 66-yard equaliser for the visitors .diego costa looks set to miss at least two weeks after suffering a hamstring injury during the match\"]\n", + "=======================\n", + "[\"eden hazard starred as chelsea earned a hard-fought victory over stokecaptain john terry described the winger as one of the world 's best playershazard sent blues on their way to victory when he slotted home a penaltybelgian international also grabbed an assist for loic remy to bag a winner\"]\n", + "chelsea captain john terry hailed eden hazard as one of the world 's best players after the belgian inspired the blues to a 2-1 win over stoke .hazard tucked home a penalty to put chelsea in front before charlie adam scored a memorable 66-yard equaliser for the visitors .diego costa looks set to miss at least two weeks after suffering a hamstring injury during the match\n", + "eden hazard starred as chelsea earned a hard-fought victory over stokecaptain john terry described the winger as one of the world 's best playershazard sent blues on their way to victory when he slotted home a penaltybelgian international also grabbed an assist for loic remy to bag a winner\n", + "[1.0271313 1.1042566 1.5660274 1.2067567 1.206639 1.1712513 1.1118847\n", + " 1.1712865 1.0738368 1.3166418 1.0984235 1.0580162 1.0932627 1.1478614\n", + " 1.0548819 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 9 3 4 7 5 13 6 1 10 12 8 11 14 0 34 33 32 31 30 29 28 27 26\n", + " 25 18 23 22 21 20 19 35 17 16 15 24 36]\n", + "=======================\n", + "[\"michael j from michigan filmed his 11-month-old daughter leighton in floods of tears before she was handed a french fry to lure over the family pup , zayla .footage shows the little girl reaching down to feed the hungry canine and chuckling with delight when he snaps the treat up .she 's then handed another fry .\"]\n", + "=======================\n", + "[\"michael j from michigan filmed his 11-month-old daughter leighton in floods of tearsfootage shows her immediately cheering up when she 's handed a french fry to lure over the family pup , zayla\"]\n", + "michael j from michigan filmed his 11-month-old daughter leighton in floods of tears before she was handed a french fry to lure over the family pup , zayla .footage shows the little girl reaching down to feed the hungry canine and chuckling with delight when he snaps the treat up .she 's then handed another fry .\n", + "michael j from michigan filmed his 11-month-old daughter leighton in floods of tearsfootage shows her immediately cheering up when she 's handed a french fry to lure over the family pup , zayla\n", + "[1.4199997 1.1385709 1.0559213 1.0854772 1.2267802 1.125189 1.2083466\n", + " 1.1576124 1.0878694 1.0668384 1.0336014 1.0701518 1.0825038 1.1109091\n", + " 1.0180924 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 4 6 7 1 5 13 8 3 12 11 9 2 10 14 26 34 33 32 31 30 29 28 27\n", + " 25 18 23 22 21 20 19 35 17 16 15 24 36]\n", + "=======================\n", + "[\"aubrey de grey ( pictured ) says ageing is a ` disease that can and should be cured 'for de grey , a charismatic harrow school and cambridge-educated biomedical theorist , firmly believes there is no reason , with the right ` therapies ' , why any of us should n't reach 500 , 1,000 or even 5,000 years of age .paypal boss peter thiel ( worth # 1.5 billion ) donated # 2.4 million to de grey 's anti-ageing institute strategies for engineered negligible senescence ( sens ) .\"]\n", + "=======================\n", + "[\"aubrey de grey , 51 , believes he will unlock secrets to huge advances in lifethe former harrow school and cambridge scholar is a biomedical theoristhe has a hugely rich and influential following in calfornia 's silicon valleyraised in chelsea , he inherited # 11million when his mother passed awayit 's been invested in his strategies for engineered negligible senescencethe eccentric claims : ` aging is a disease that can and should be cured '\"]\n", + "aubrey de grey ( pictured ) says ageing is a ` disease that can and should be cured 'for de grey , a charismatic harrow school and cambridge-educated biomedical theorist , firmly believes there is no reason , with the right ` therapies ' , why any of us should n't reach 500 , 1,000 or even 5,000 years of age .paypal boss peter thiel ( worth # 1.5 billion ) donated # 2.4 million to de grey 's anti-ageing institute strategies for engineered negligible senescence ( sens ) .\n", + "aubrey de grey , 51 , believes he will unlock secrets to huge advances in lifethe former harrow school and cambridge scholar is a biomedical theoristhe has a hugely rich and influential following in calfornia 's silicon valleyraised in chelsea , he inherited # 11million when his mother passed awayit 's been invested in his strategies for engineered negligible senescencethe eccentric claims : ` aging is a disease that can and should be cured '\n", + "[1.2320225 1.1093007 1.0813841 1.0580175 1.1234312 1.1502373 1.0910702\n", + " 1.0928409 1.0730324 1.0604049 1.0864058 1.0875889 1.0725374 1.0587815\n", + " 1.0327444 1.0369711 1.0446501 1.0275997 1.0307405 1.0458834 1.0287446\n", + " 1.0254419 1.0452923 1.0459768 1.0304931 1.0291601 1.0457978 1.0469289\n", + " 1.0701756 1.03138 1.0175104 1.0127883 1.0186478 1.0193202 1.0201159\n", + " 1.0147829 1.0213773]\n", + "\n", + "[ 0 5 4 1 7 6 11 10 2 8 12 28 9 13 3 27 23 19 26 22 16 15 14 29\n", + " 18 24 25 20 17 21 36 34 33 32 30 35 31]\n", + "=======================\n", + "[\"arguments on tuesday over same-sex marriage will cap more thanjustice anthony kennedy , the court 's pivotal member on gayverge of declaring gay marriage legal nationwide .\"]\n", + "=======================\n", + "['top us court is slated to hear arguments in a gay marriage case tuesdaya majority vote could make gay marriage legal nationwidethe court will publish a decision by june']\n", + "arguments on tuesday over same-sex marriage will cap more thanjustice anthony kennedy , the court 's pivotal member on gayverge of declaring gay marriage legal nationwide .\n", + "top us court is slated to hear arguments in a gay marriage case tuesdaya majority vote could make gay marriage legal nationwidethe court will publish a decision by june\n", + "[1.2803031 1.4252301 1.3263167 1.3869357 1.1736903 1.1261873 1.0648028\n", + " 1.0553718 1.0952667 1.0358752 1.0546339 1.0962746 1.0249476 1.0116212\n", + " 1.0152311 1.0157725 1.0442638 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 11 8 6 7 10 16 9 12 15 14 13 17 18]\n", + "=======================\n", + "[\"the ukip leader was booed by voters at westminster 's methodist central hall as he faced claims he blamed all of britain 's problems on migrants .nigel farage today insisted he did not ` lose my rag ' after rounding on the audience of a live tv debate for being too left wingpollster icm , which was hired by the bbc to select the audience members , today defended its process ` using random location selection techniques ' .\"]\n", + "=======================\n", + "[\"ukip leader nigel farage risks alienating those watching debate last nightcomplains of ` remarkable audience even by left-wing standards of bbc 'comments on housing pressure due to immigration greeted with muttersdavid dimbleby says independent polling firm chose ` balanced ' audience\"]\n", + "the ukip leader was booed by voters at westminster 's methodist central hall as he faced claims he blamed all of britain 's problems on migrants .nigel farage today insisted he did not ` lose my rag ' after rounding on the audience of a live tv debate for being too left wingpollster icm , which was hired by the bbc to select the audience members , today defended its process ` using random location selection techniques ' .\n", + "ukip leader nigel farage risks alienating those watching debate last nightcomplains of ` remarkable audience even by left-wing standards of bbc 'comments on housing pressure due to immigration greeted with muttersdavid dimbleby says independent polling firm chose ` balanced ' audience\n", + "[1.2020378 1.4567183 1.1643178 1.1416335 1.2025504 1.2384413 1.0203776\n", + " 1.1048592 1.0454707 1.0217657 1.0910063 1.1989403 1.0616359 1.0558518\n", + " 1.0698705 1.058707 1.0736531 1.025929 1.0503396]\n", + "\n", + "[ 1 5 4 0 11 2 3 7 10 16 14 12 15 13 18 8 17 9 6]\n", + "=======================\n", + "[\"singer melissa plancarte , whose stage name is melissa : cartel princess , was filmed doing her midnight flit in the mexico 's michoacan state courthouse for her pop video ` since you left ' .father : enrique plancarte was in charge of a drugs cartel known for hanging its victims by the neck from busy motorway bridgeslavish lifestyle : melissa plancarte lives in a mansion in the town of nueva italia and has three pet tigers\"]\n", + "=======================\n", + "[\"singer melissa plancarte broke into a court to film her new music videoshe 's the daughter of mexican drugs lord enrique plancarte who died in a shoot out with the navyhis murderous cartel hanged victims by their necks on motorway bridgesplancarte , who has three pet tigers , posts pictures of her ` bling ' life online\"]\n", + "singer melissa plancarte , whose stage name is melissa : cartel princess , was filmed doing her midnight flit in the mexico 's michoacan state courthouse for her pop video ` since you left ' .father : enrique plancarte was in charge of a drugs cartel known for hanging its victims by the neck from busy motorway bridgeslavish lifestyle : melissa plancarte lives in a mansion in the town of nueva italia and has three pet tigers\n", + "singer melissa plancarte broke into a court to film her new music videoshe 's the daughter of mexican drugs lord enrique plancarte who died in a shoot out with the navyhis murderous cartel hanged victims by their necks on motorway bridgesplancarte , who has three pet tigers , posts pictures of her ` bling ' life online\n", + "[1.434471 1.1864004 1.2331973 1.1912742 1.1755104 1.2215602 1.1084915\n", + " 1.0858583 1.0560243 1.102209 1.0582056 1.0701425 1.0531802 1.0618432\n", + " 1.0633547 1.0534953 1.0546896 1.0413846 1.0521157]\n", + "\n", + "[ 0 2 5 3 1 4 6 9 7 11 14 13 10 8 16 15 12 18 17]\n", + "=======================\n", + "[\"( cnn ) the investigation into the crash of germanwings flight 9525 has not revealed evidence of the co-pilot andreas lubitz 's motive , but he suffered from suicidal tendencies at some point before his aviation career , a spokesman for the prosecutor 's office in dusseldorf , germany , said monday .however , medical records reveal that lubitz was suicidal at one time and underwent psychotherapy .it is believed that lubitz locked the captain out of the cockpit and deliberately crashed the plane tuesday into the french alps , killing all 150 on board .\"]\n", + "=======================\n", + "[\"european pilots must fill out forms that ask about mental and physical illnessesroad to crash site is almost finished , says mayor of le vernet , francegerman newspaper bild releases a timeline of the flight 's final moments\"]\n", + "( cnn ) the investigation into the crash of germanwings flight 9525 has not revealed evidence of the co-pilot andreas lubitz 's motive , but he suffered from suicidal tendencies at some point before his aviation career , a spokesman for the prosecutor 's office in dusseldorf , germany , said monday .however , medical records reveal that lubitz was suicidal at one time and underwent psychotherapy .it is believed that lubitz locked the captain out of the cockpit and deliberately crashed the plane tuesday into the french alps , killing all 150 on board .\n", + "european pilots must fill out forms that ask about mental and physical illnessesroad to crash site is almost finished , says mayor of le vernet , francegerman newspaper bild releases a timeline of the flight 's final moments\n", + "[1.5009828 1.418499 1.0953381 1.2749894 1.0672857 1.2001047 1.078582\n", + " 1.1303954 1.1373465 1.1791902 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 5 9 8 7 2 6 4 17 10 11 12 13 14 15 16 18]\n", + "=======================\n", + "[\"aviva premiership club gloucester will face a rugby football union hearing after selecting lock mariano galarza for their league game against sale sharks last month .the rfu has said galarza should have been ineligible for the match .galarza was selected among gloucester 's replacements for a game that they lost 23-6 at the a j bell stadium .\"]\n", + "=======================\n", + "['gloucester are in danger of being given a points deduction by the rfuthe aviva premiership side played mariano galarza against sale sharksthe lock was ineligible to feature so they will now face a panel hearing']\n", + "aviva premiership club gloucester will face a rugby football union hearing after selecting lock mariano galarza for their league game against sale sharks last month .the rfu has said galarza should have been ineligible for the match .galarza was selected among gloucester 's replacements for a game that they lost 23-6 at the a j bell stadium .\n", + "gloucester are in danger of being given a points deduction by the rfuthe aviva premiership side played mariano galarza against sale sharksthe lock was ineligible to feature so they will now face a panel hearing\n", + "[1.3326284 1.1823636 1.3201474 1.1596501 1.2085798 1.262285 1.1388816\n", + " 1.0813708 1.0706788 1.1286024 1.0569264 1.0388166 1.027172 1.1052084\n", + " 1.0717015 1.1767049 1.0305071 0. 0. ]\n", + "\n", + "[ 0 2 5 4 1 15 3 6 9 13 7 14 8 10 11 16 12 17 18]\n", + "=======================\n", + "[\"british officers were forced to accept the four-day inspection from the experts from moscow despite heightened tensions with vladimir putindefence secretary michael fallon said the exercise , involving 58 warships and submarines , 50 aircraft and 3,000 land forces would show the world how ` powerful ' nato was .britain and 11 other nato countries are set to contribute to the naval exercise , which was hailed by the government as one of the largest land , air , and sea training exercises run in europe .\"]\n", + "=======================\n", + "['british officers forced to accept four-day inspection from moscow expertsuk and 11 other nato countries set to contribute to the naval exercisewill involve 58 warships and submarines , 50 aircraft and 3,000 land forces']\n", + "british officers were forced to accept the four-day inspection from the experts from moscow despite heightened tensions with vladimir putindefence secretary michael fallon said the exercise , involving 58 warships and submarines , 50 aircraft and 3,000 land forces would show the world how ` powerful ' nato was .britain and 11 other nato countries are set to contribute to the naval exercise , which was hailed by the government as one of the largest land , air , and sea training exercises run in europe .\n", + "british officers forced to accept four-day inspection from moscow expertsuk and 11 other nato countries set to contribute to the naval exercisewill involve 58 warships and submarines , 50 aircraft and 3,000 land forces\n", + "[1.5369692 1.4886601 1.2576023 1.1041486 1.462151 1.0332811 1.0235475\n", + " 1.136281 1.2200356 1.0338728 1.0198009 1.01649 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 8 7 3 9 5 6 10 11 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"yorkshire have signed india international cheteshwar pujara until the end of may after cancelling the contract of younis khan .younus was set to be yorkshire 's overseas signing for 2015 , but the batsman is now looking to be part of pakistan 's potential touring party to bangladesh , effectively ruling him out of any playing time in the lv = county championship .pujara will instead link up with the division one champions - subject to receiving a work permit - having spent time at the back end of last season with derbyshire , scoring 219 championship runs for them .\"]\n", + "=======================\n", + "[\"indian batsman joins division one champions until end of mayyorkshire cancelled the contract to pakistan batsman younis khankhan instead wants to be part of pakistan 's tour of bangladeshaaron finch will join yorkshire after the indian premier league\"]\n", + "yorkshire have signed india international cheteshwar pujara until the end of may after cancelling the contract of younis khan .younus was set to be yorkshire 's overseas signing for 2015 , but the batsman is now looking to be part of pakistan 's potential touring party to bangladesh , effectively ruling him out of any playing time in the lv = county championship .pujara will instead link up with the division one champions - subject to receiving a work permit - having spent time at the back end of last season with derbyshire , scoring 219 championship runs for them .\n", + "indian batsman joins division one champions until end of mayyorkshire cancelled the contract to pakistan batsman younis khankhan instead wants to be part of pakistan 's tour of bangladeshaaron finch will join yorkshire after the indian premier league\n", + "[1.1389663 1.2255548 1.1849487 1.0809678 1.1433315 1.51699 1.2173278\n", + " 1.0889571 1.084322 1.0775108 1.0513698 1.0369655 1.0484242 1.0200361\n", + " 1.0171973 1.1150434 1.1253194 0. 0. 0. ]\n", + "\n", + "[ 5 1 6 2 4 0 16 15 7 8 3 9 10 12 11 13 14 18 17 19]\n", + "=======================\n", + "['bayern munich doctor hans-wilhelm muller-wohlfahrt quit this week after a reported rift with pep guardiolaso too , indirectly , for hans-wilhelm muller-wohlfahrt .the pair fell out over an injury to philipp lahm during training as early as november last year']\n", + "=======================\n", + "['bayern munich doctor hans-wilhelm muller-wohlfahrt quit this weekhis resignation came after pep guardiola blamed defeat by porto on injuriesthe pair fell out as early as november over the treatment of philipp lahmguardiola now has even more power and could stay at bayern for a long timemanchester city want to bring him in as manager but he is unlikely to leaveguardiola , who is impatient with injuries , could even agree a new dealformer barcelona boss has denied a rift with his medical staff this week']\n", + "bayern munich doctor hans-wilhelm muller-wohlfahrt quit this week after a reported rift with pep guardiolaso too , indirectly , for hans-wilhelm muller-wohlfahrt .the pair fell out over an injury to philipp lahm during training as early as november last year\n", + "bayern munich doctor hans-wilhelm muller-wohlfahrt quit this weekhis resignation came after pep guardiola blamed defeat by porto on injuriesthe pair fell out as early as november over the treatment of philipp lahmguardiola now has even more power and could stay at bayern for a long timemanchester city want to bring him in as manager but he is unlikely to leaveguardiola , who is impatient with injuries , could even agree a new dealformer barcelona boss has denied a rift with his medical staff this week\n", + "[1.3737439 1.272482 1.0720326 1.07171 1.0744498 1.0832814 1.0806962\n", + " 1.0358633 1.0442722 1.0400075 1.0418237 1.2131788 1.1115845 1.0408753\n", + " 1.0397853 1.0265619 1.0208834 1.0368296 1.0190215 1.0534892]\n", + "\n", + "[ 0 1 11 12 5 6 4 2 3 19 8 10 13 9 14 17 7 15 16 18]\n", + "=======================\n", + "[\"dubai ( cnn ) it 's with some trepidation that i set off for the al marmoum camel race in dubai .as the only gulf national in the cnn team , i am expected to be familiar with camel racing , an ancient tradition in the region .there will be 14 races through the afternoon .\"]\n", + "=======================\n", + "['camel racing is a centuries-old tradition in the gulfmodern technology is changing the sportcamels compete for thousands of dollars in prize money']\n", + "dubai ( cnn ) it 's with some trepidation that i set off for the al marmoum camel race in dubai .as the only gulf national in the cnn team , i am expected to be familiar with camel racing , an ancient tradition in the region .there will be 14 races through the afternoon .\n", + "camel racing is a centuries-old tradition in the gulfmodern technology is changing the sportcamels compete for thousands of dollars in prize money\n", + "[1.5181141 1.3717177 1.3776326 1.4057636 1.0638132 1.0302168 1.1718551\n", + " 1.0893646 1.1370811 1.0714293 1.0194058 1.0248563 1.1108488 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 2 1 6 8 12 7 9 4 5 11 10 18 13 14 15 16 17 19]\n", + "=======================\n", + "['england batsman ian bell has signed a three-year contract extension with warwickshire that will keep him at the club until the end of the 2017 season .the 32-year-old has gone on to play 105 test matches and 161 one-day internationals for england .bell signed his first contract with warwickshire in 1999 after progressing through the youth ranks from the under-11 team .']\n", + "=======================\n", + "[\"ian bell 's deal will keep him at the club until the end of the 2017 seasonbell signed his first contract with warwickshire in 1999the england batsman has played 105 test matches for his countryhe has scored 48 centuries in 246 first-class matches\"]\n", + "england batsman ian bell has signed a three-year contract extension with warwickshire that will keep him at the club until the end of the 2017 season .the 32-year-old has gone on to play 105 test matches and 161 one-day internationals for england .bell signed his first contract with warwickshire in 1999 after progressing through the youth ranks from the under-11 team .\n", + "ian bell 's deal will keep him at the club until the end of the 2017 seasonbell signed his first contract with warwickshire in 1999the england batsman has played 105 test matches for his countryhe has scored 48 centuries in 246 first-class matches\n", + "[1.3388305 1.2698755 1.1910833 1.3398687 1.1019183 1.0783317 1.166012\n", + " 1.1522751 1.0932921 1.0193503 1.1567935 1.0452527 1.2532854 1.1161926\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 12 2 6 10 7 13 4 8 5 11 9 14 15 16 17 18 19]\n", + "=======================\n", + "[\"chris smalling posted this photo of himself and girlfriend sam cooke on his newly opened twitterchris smalling has made the brave move of joining the twitter-sphere , just days before his side meets rivals manchester city at old trafford .the 25-year-old is very much a key part of manchester united 's defence under louis van gaal and is quickly establishing himself as one of the best defenders in the country .\"]\n", + "=======================\n", + "[\"chris smalling joins twitter just days before the manchester derbythe 25-year-old posted a photo of himself and his girlfriend sam cookesmalling could return for the clash after missing the win over aston villaread : manchester united players train ahead of sunday 's big derbyclick here for all the latest manchester united news\"]\n", + "chris smalling posted this photo of himself and girlfriend sam cooke on his newly opened twitterchris smalling has made the brave move of joining the twitter-sphere , just days before his side meets rivals manchester city at old trafford .the 25-year-old is very much a key part of manchester united 's defence under louis van gaal and is quickly establishing himself as one of the best defenders in the country .\n", + "chris smalling joins twitter just days before the manchester derbythe 25-year-old posted a photo of himself and his girlfriend sam cookesmalling could return for the clash after missing the win over aston villaread : manchester united players train ahead of sunday 's big derbyclick here for all the latest manchester united news\n", + "[1.1918032 1.1692302 1.0922691 1.1215423 1.299005 1.1838274 1.1496096\n", + " 1.0619963 1.0766557 1.1074593 1.058495 1.0601053 1.0751833 1.0662055\n", + " 1.0864972 1.0657177 1.046612 1.0599258 1.0606134]\n", + "\n", + "[ 4 0 5 1 6 3 9 2 14 8 12 13 15 7 18 11 17 10 16]\n", + "=======================\n", + "['swangard was diagnosed in 2013 with a rare form of metastatic cancer .( cnn ) dan swangard knows what death looks like .to remove the cancer , surgeons took out parts of his pancreas and liver , as well as his entire spleen and gallbladder .']\n", + "=======================\n", + "['dan swangard , a physician , wants to be able to control when and how his life endsa recent survey reveals 54 percent of american doctors support assisted suicide']\n", + "swangard was diagnosed in 2013 with a rare form of metastatic cancer .( cnn ) dan swangard knows what death looks like .to remove the cancer , surgeons took out parts of his pancreas and liver , as well as his entire spleen and gallbladder .\n", + "dan swangard , a physician , wants to be able to control when and how his life endsa recent survey reveals 54 percent of american doctors support assisted suicide\n", + "[1.322318 1.3452582 1.1446081 1.2609639 1.2136348 1.1441386 1.0298378\n", + " 1.0940102 1.1035868 1.0551813 1.090024 1.1135741 1.0517068 1.0515792\n", + " 1.0613918 1.1010001 1.0980295 0. 0. ]\n", + "\n", + "[ 1 0 3 4 2 5 11 8 15 16 7 10 14 9 12 13 6 17 18]\n", + "=======================\n", + "[\"bezos , who is worth $ 34.7 billion from his online marketplace , blended in with the throngs of tourists at the campo de ' fiori on tuesday , happily snapping pictures of the stalls with his amazon phone and a camera .amazon founder jeff bezos was pictured enjoying a roman holiday this week as he took a stroll around a tourist market in the italian capital .the roman holiday appeared to be a well-deserved break for bezos whose space company , blue origin , announced earlier this month that it had finished work on a rocket engine for a suborbital spaceship .\"]\n", + "=======================\n", + "[\"bezos , who is worth $ 34.7 billion , wandered in the campo de ' fiori in rome with family and a security guard on tuesdaythe amazon ceo was seen snapping pictures with his amazon phone of the market stalls\"]\n", + "bezos , who is worth $ 34.7 billion from his online marketplace , blended in with the throngs of tourists at the campo de ' fiori on tuesday , happily snapping pictures of the stalls with his amazon phone and a camera .amazon founder jeff bezos was pictured enjoying a roman holiday this week as he took a stroll around a tourist market in the italian capital .the roman holiday appeared to be a well-deserved break for bezos whose space company , blue origin , announced earlier this month that it had finished work on a rocket engine for a suborbital spaceship .\n", + "bezos , who is worth $ 34.7 billion , wandered in the campo de ' fiori in rome with family and a security guard on tuesdaythe amazon ceo was seen snapping pictures with his amazon phone of the market stalls\n", + "[1.5672162 1.3198924 1.2106094 1.3751547 1.1106292 1.1000936 1.2061499\n", + " 1.0827761 1.0445213 1.0713543 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 6 4 5 7 9 8 17 10 11 12 13 14 15 16 18]\n", + "=======================\n", + "[\"barcelona president josep maria bartomeu has told lionel messi that he would like the argentine star to stay with the club until he retires .lionel messi has a place at barcelona until ` he decides to retire ' , claim club presidentmessi , who has been with the catalan giants since the age of 13 , was linked with a move away from the nou camp earlier this year after a reported falling out with the board .\"]\n", + "=======================\n", + "[\"barcelona president josep maria bartomeu praises ` leader ' lionel messibartomeu reveals messi will always have a place at barcamessi scored his 400th career goal for barca last weekendclick here for all the latest barcelona news\"]\n", + "barcelona president josep maria bartomeu has told lionel messi that he would like the argentine star to stay with the club until he retires .lionel messi has a place at barcelona until ` he decides to retire ' , claim club presidentmessi , who has been with the catalan giants since the age of 13 , was linked with a move away from the nou camp earlier this year after a reported falling out with the board .\n", + "barcelona president josep maria bartomeu praises ` leader ' lionel messibartomeu reveals messi will always have a place at barcamessi scored his 400th career goal for barca last weekendclick here for all the latest barcelona news\n", + "[1.2351521 1.4125115 1.2568165 1.3696363 1.1651971 1.096118 1.1106383\n", + " 1.0736206 1.0672789 1.0857341 1.0816854 1.0853405 1.0804614 1.056157\n", + " 1.049923 1.047636 1.0458221 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 6 5 9 11 10 12 7 8 13 14 15 16 17 18]\n", + "=======================\n", + "[\"angela collins and margaret elizabeth hanson from port hope , ontario , decided to use xytex corp to start a family in 2006 , believing they had a strict vetting process .according to a lawsuit seen by the atlanta constitution journal , the pair were told their donor had an iq of 160 , a bachelor of science degree in neuroscience , a master 's degree in artificial intelligence , and was working on his phd in neuroscience engineering .a lesbian couple are suing a georgia sperm bank for false advertising - claiming their ` phd student , eloquent-speaking ' donor turned out to be a schizophrenic with a criminal record .\"]\n", + "=======================\n", + "[\"angela collins and margaret elizabeth hanson of port hope , ontario , decided to use xytex corp to start a family in 2006the atlanta-based firm said their donor had a bachelors degreeadded that he was mature beyond his age and an eloquent speakerthey then found out the donor was james christian aggeleshe was once arrested for burglary and served eight months in jailpair are concerned for the child 's health because of his medical historyaggeles has 20 children from his sperm around the country\"]\n", + "angela collins and margaret elizabeth hanson from port hope , ontario , decided to use xytex corp to start a family in 2006 , believing they had a strict vetting process .according to a lawsuit seen by the atlanta constitution journal , the pair were told their donor had an iq of 160 , a bachelor of science degree in neuroscience , a master 's degree in artificial intelligence , and was working on his phd in neuroscience engineering .a lesbian couple are suing a georgia sperm bank for false advertising - claiming their ` phd student , eloquent-speaking ' donor turned out to be a schizophrenic with a criminal record .\n", + "angela collins and margaret elizabeth hanson of port hope , ontario , decided to use xytex corp to start a family in 2006the atlanta-based firm said their donor had a bachelors degreeadded that he was mature beyond his age and an eloquent speakerthey then found out the donor was james christian aggeleshe was once arrested for burglary and served eight months in jailpair are concerned for the child 's health because of his medical historyaggeles has 20 children from his sperm around the country\n", + "[1.3554136 1.1598938 1.3357335 1.2784677 1.1457396 1.0181056 1.082408\n", + " 1.143276 1.1231781 1.0968927 1.2283547 1.1522089 1.0675101 1.0117859\n", + " 1.0353658 1.0591166 1.0319295 1.0125515 0. ]\n", + "\n", + "[ 0 2 3 10 1 11 4 7 8 9 6 12 15 14 16 5 17 13 18]\n", + "=======================\n", + "[\"judge nigel cadbury , who prompted outrage by suggesting murdered student nurse karen buckley had put herself in danger by drinking on a night outthe controversial comments came after karen buckley 's remains were found dumped in a field .judge cadbury implied she had been drinking heavily on the night of her death , but her friends say she only had a few drinks\"]\n", + "=======================\n", + "[\"miss buckley went missing in glasgow last week , sparking police searchshe was found dead on farmland .judge spoke about her case when dealing with brawl outside a barhis comments have caused anger among victims ' groups\"]\n", + "judge nigel cadbury , who prompted outrage by suggesting murdered student nurse karen buckley had put herself in danger by drinking on a night outthe controversial comments came after karen buckley 's remains were found dumped in a field .judge cadbury implied she had been drinking heavily on the night of her death , but her friends say she only had a few drinks\n", + "miss buckley went missing in glasgow last week , sparking police searchshe was found dead on farmland .judge spoke about her case when dealing with brawl outside a barhis comments have caused anger among victims ' groups\n", + "[1.3939836 1.2187967 1.1186124 1.2487609 1.1041108 1.0969882 1.0654746\n", + " 1.1462415 1.0601203 1.1385096 1.0634073 1.1194649 1.0410485 1.0824751\n", + " 1.0426203 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 7 9 11 2 4 5 13 6 10 8 14 12 18 15 16 17 19]\n", + "=======================\n", + "[\"just over a decade ago gianfranco zola was voted the greatest chelsea player of all time in a poll of the club 's supporters .eden hazard has developed into one of the world 's best players after flourishing at chelseathis may seem a little premature , but as eden hazard prepares for to make his 100th barclays premier league appearance for chelsea at qpr on sunday , the little magician could have a rival in years to come .\"]\n", + "=======================\n", + "[\"eden hazard will make his 100th league appearance for chelsea on sundaythe belgian 's form dipped when roberto di matteo left the clubbut jose mourinho 's return helped take hazard to another levelthe midfielder has slowly bought into the dressing room cultureinitially he was one of the first to leave the training groundin time , he could rival gianfranco zola as the club 's greatest player\"]\n", + "just over a decade ago gianfranco zola was voted the greatest chelsea player of all time in a poll of the club 's supporters .eden hazard has developed into one of the world 's best players after flourishing at chelseathis may seem a little premature , but as eden hazard prepares for to make his 100th barclays premier league appearance for chelsea at qpr on sunday , the little magician could have a rival in years to come .\n", + "eden hazard will make his 100th league appearance for chelsea on sundaythe belgian 's form dipped when roberto di matteo left the clubbut jose mourinho 's return helped take hazard to another levelthe midfielder has slowly bought into the dressing room cultureinitially he was one of the first to leave the training groundin time , he could rival gianfranco zola as the club 's greatest player\n", + "[1.2404588 1.16589 1.1665211 1.1545299 1.1261137 1.05581 1.05774\n", + " 1.0775896 1.1217052 1.1192226 1.0465014 1.0613364 1.0606437 1.0359051\n", + " 1.0397949 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 3 4 8 9 7 11 12 6 5 10 14 13 18 15 16 17 19]\n", + "=======================\n", + "[\"western australia ( cnn ) many australians are understandably appalled by the brutal and pointless executions of andrew chan and myuran sukumaran .consequently , indonesia 's actions raise more general questions about the powers we give to states -- or , more accurately , to those who control the coercive apparatus of the state at any particular moment .the death penalty looks anachronistic and ineffective at the best of times , but to kill two people who had clearly made the most of their long periods of incarceration to transform themselves and make amends for their actions looks gratuitous and cruel .\"]\n", + "=======================\n", + "['indonesia executed eight prisoners including two australians on wednesdaytwo of \" bali nine \" were killed despite australia \\'s pleas for mercyall around the world , innocent people being killed by the state in our name , writes mark beeson']\n", + "western australia ( cnn ) many australians are understandably appalled by the brutal and pointless executions of andrew chan and myuran sukumaran .consequently , indonesia 's actions raise more general questions about the powers we give to states -- or , more accurately , to those who control the coercive apparatus of the state at any particular moment .the death penalty looks anachronistic and ineffective at the best of times , but to kill two people who had clearly made the most of their long periods of incarceration to transform themselves and make amends for their actions looks gratuitous and cruel .\n", + "indonesia executed eight prisoners including two australians on wednesdaytwo of \" bali nine \" were killed despite australia 's pleas for mercyall around the world , innocent people being killed by the state in our name , writes mark beeson\n", + "[1.2101557 1.5203573 1.1728928 1.3848943 1.2631599 1.1682757 1.1762769\n", + " 1.0758765 1.0286412 1.0169992 1.0096405 1.0733728 1.0191067 1.0795166\n", + " 1.0248408 1.0318763 1.0386448 1.0348027 1.0829188 1.0169641]\n", + "\n", + "[ 1 3 4 0 6 2 5 18 13 7 11 16 17 15 8 14 12 9 19 10]\n", + "=======================\n", + "[\"the pilot scheme will begin by recruiting 10 people with autism or asperger syndrome to be based at the firm 's redmond offices in washington .microsoft is running the scheme with support from specialists at specialisterne .if successful , the scheme could extend to more vacancies worldwide .\"]\n", + "=======================\n", + "[\"the pilot scheme will initially recruit 10 people with autismthey will be based in the tech giant 's redmond offices in washingtonmicrosoft is running the scheme with help from specialists specialisternethe plans were announced by mary ellen smith , corporate vice president of worldwide operations , who herself has a 19-year-old autistic son\"]\n", + "the pilot scheme will begin by recruiting 10 people with autism or asperger syndrome to be based at the firm 's redmond offices in washington .microsoft is running the scheme with support from specialists at specialisterne .if successful , the scheme could extend to more vacancies worldwide .\n", + "the pilot scheme will initially recruit 10 people with autismthey will be based in the tech giant 's redmond offices in washingtonmicrosoft is running the scheme with help from specialists specialisternethe plans were announced by mary ellen smith , corporate vice president of worldwide operations , who herself has a 19-year-old autistic son\n", + "[1.1902124 1.2226783 1.3404448 1.1452192 1.2923203 1.1749533 1.0616021\n", + " 1.1682023 1.0767672 1.0769795 1.044102 1.0611188 1.1559584 1.0318835\n", + " 1.0411539 1.0194552 0. 0. 0. 0. ]\n", + "\n", + "[ 2 4 1 0 5 7 12 3 9 8 6 11 10 14 13 15 18 16 17 19]\n", + "=======================\n", + "[\"campaigners , police chiefs and mps accused her of ignoring the rights of victims and failing to clear the stench of an establishment cover-up that lingers over the case .the position of director of public prosecutions alison saunders looked increasingly fragile as she faced growing calls to stand down .the furious backlash against the uk 's top prosecutor intensified last night over her decision to spare lord janner from the dock .\"]\n", + "=======================\n", + "[\"alison saunders , director of public prosecutions , facing furious backlashcriticism over her decision to spare former mp lord janner from the dockjanner not charged despite 22 allegations of offences against nine victimscampaigners , police and mps have accused her of ignoring victims ' rights\"]\n", + "campaigners , police chiefs and mps accused her of ignoring the rights of victims and failing to clear the stench of an establishment cover-up that lingers over the case .the position of director of public prosecutions alison saunders looked increasingly fragile as she faced growing calls to stand down .the furious backlash against the uk 's top prosecutor intensified last night over her decision to spare lord janner from the dock .\n", + "alison saunders , director of public prosecutions , facing furious backlashcriticism over her decision to spare former mp lord janner from the dockjanner not charged despite 22 allegations of offences against nine victimscampaigners , police and mps have accused her of ignoring victims ' rights\n", + "[1.137215 1.3668807 1.2623124 1.2957451 1.2334946 1.1399205 1.1087301\n", + " 1.0641067 1.0969911 1.0751129 1.0219672 1.0326915 1.0239923 1.0200747\n", + " 1.047963 1.074082 1.0417013 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 5 0 6 8 9 15 7 14 16 11 12 10 13 18 17 19]\n", + "=======================\n", + "['april 26 , 2016 marks the 30th anniversary of the explosion , which was one of the worst nuclear accidents that the world has ever seen .in recent years , the chernobyl nuclear explosion site , and nearby ghost town of pripyat , ukraine , have seen an increase in tourist interestat the time , the area was part of the former soviet union , but is now ukraine .']\n", + "=======================\n", + "['april 26 , 2016 marks the 30th anniversary of the chernobyl tragedy - and the site sees more visitors today than everseveral private tour operators lead excursions into the exclusion zone , a nearly 50-kilometre contamination radiushowever , in order to enter , tourists must obtain a pass and go through multiple security check pointsthough there are several abandoned villages in the zone , the most popular site to visit is the ghost town of pripyat']\n", + "april 26 , 2016 marks the 30th anniversary of the explosion , which was one of the worst nuclear accidents that the world has ever seen .in recent years , the chernobyl nuclear explosion site , and nearby ghost town of pripyat , ukraine , have seen an increase in tourist interestat the time , the area was part of the former soviet union , but is now ukraine .\n", + "april 26 , 2016 marks the 30th anniversary of the chernobyl tragedy - and the site sees more visitors today than everseveral private tour operators lead excursions into the exclusion zone , a nearly 50-kilometre contamination radiushowever , in order to enter , tourists must obtain a pass and go through multiple security check pointsthough there are several abandoned villages in the zone , the most popular site to visit is the ghost town of pripyat\n", + "[1.2740406 1.3001436 1.2846916 1.2129672 1.1338722 1.0781344 1.0576785\n", + " 1.1466177 1.080065 1.0512182 1.0512214 1.0759804 1.0307405 1.0236454\n", + " 1.1158931 1.1287655 1.0861751 1.0377392 1.0362657 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 3 7 4 15 14 16 8 5 11 6 10 9 17 18 12 13 20 19 21]\n", + "=======================\n", + "['instead it ended tuesday , police say , with the teen heart transplant recipient carjacking someone , burglarizing a home , shooting at an elderly woman , leading police on a high speed chase and then dying after his car hit a pole .in 2013 , the teen \\'s family told media that an atlanta hospital rejected him for heart transplant surgery due to what the hospital described in a letter as stokes \\' \" history of non-compliance . \"( cnn ) the story of anthony stokes was supposed to have a happy ending .']\n", + "=======================\n", + "['in 2013 , anthony stokes \\' family said a hospital refused him a heart due to his \" history of noncompliance \"hospital eventually gave stokes a heart ; on tuesday he carjacked someone , burglarized a home , police saidstokes shot at an elderly woman , hit a pedestrian with a stolen car and died in a police chase , authorities said']\n", + "instead it ended tuesday , police say , with the teen heart transplant recipient carjacking someone , burglarizing a home , shooting at an elderly woman , leading police on a high speed chase and then dying after his car hit a pole .in 2013 , the teen 's family told media that an atlanta hospital rejected him for heart transplant surgery due to what the hospital described in a letter as stokes ' \" history of non-compliance . \"( cnn ) the story of anthony stokes was supposed to have a happy ending .\n", + "in 2013 , anthony stokes ' family said a hospital refused him a heart due to his \" history of noncompliance \"hospital eventually gave stokes a heart ; on tuesday he carjacked someone , burglarized a home , police saidstokes shot at an elderly woman , hit a pedestrian with a stolen car and died in a police chase , authorities said\n", + "[1.2781297 1.2700961 1.2610388 1.5288109 1.3765576 1.1542609 1.0795214\n", + " 1.1275067 1.0380355 1.01942 1.0151128 1.0171304 1.0130895 1.0184648\n", + " 1.021543 1.0130316 1.0165347 1.015873 1.0144919 1.0137281 1.0122919\n", + " 0. ]\n", + "\n", + "[ 3 4 0 1 2 5 7 6 8 14 9 13 11 16 17 10 18 19 12 15 20 21]\n", + "=======================\n", + "['brendan rodgers insists he is the man to guide liverpool to success despite a disappointing seasonthe liverpool manager is under pressure following the fa cup semi-final defeat by aston villa last sundaybrendan rodgers has launched an impassioned defence of his abilities , insisting there is nobody better equipped to manage liverpool under the fenway sports group model .']\n", + "=======================\n", + "[\"brendan rodgers is under pressure following fa cup semi-final defeatbut the liverpool boss says he will bounce back despite the criticismliverpool owners fenway sports group maintain rodgers wo n't be sackedjordan henderson hopes raheem sterling commits his future to the reds\"]\n", + "brendan rodgers insists he is the man to guide liverpool to success despite a disappointing seasonthe liverpool manager is under pressure following the fa cup semi-final defeat by aston villa last sundaybrendan rodgers has launched an impassioned defence of his abilities , insisting there is nobody better equipped to manage liverpool under the fenway sports group model .\n", + "brendan rodgers is under pressure following fa cup semi-final defeatbut the liverpool boss says he will bounce back despite the criticismliverpool owners fenway sports group maintain rodgers wo n't be sackedjordan henderson hopes raheem sterling commits his future to the reds\n", + "[1.2980187 1.2383102 1.0747027 1.158855 1.2243822 1.1077743 1.0393422\n", + " 1.1008421 1.06646 1.0494949 1.1072174 1.0761201 1.036479 1.0442497\n", + " 1.0573635 1.1216276 1.0658845 1.0307071 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 4 3 15 5 10 7 11 2 8 16 14 9 13 6 12 17 20 18 19 21]\n", + "=======================\n", + "['( cnn ) they come from more than 20 countries , drawn to libya as the funnel to europe .eritreans want to escape repression or military service ; somalis flee al-shabaab and clan warfare ; syrians have given up hope of returning home .but in 2014 more than 80 % of them headed for the libyan coast as the easiest point of embarkation .']\n", + "=======================\n", + "['would-be immigrants come from more than 20 countries to north africa to cross mediterranean to europethey risk their lives crossing deserts and mountains ; many are robbed or cheated as they try to reach the libyan coast']\n", + "( cnn ) they come from more than 20 countries , drawn to libya as the funnel to europe .eritreans want to escape repression or military service ; somalis flee al-shabaab and clan warfare ; syrians have given up hope of returning home .but in 2014 more than 80 % of them headed for the libyan coast as the easiest point of embarkation .\n", + "would-be immigrants come from more than 20 countries to north africa to cross mediterranean to europethey risk their lives crossing deserts and mountains ; many are robbed or cheated as they try to reach the libyan coast\n", + "[1.2418097 1.1158451 1.391679 1.0607127 1.0531193 1.2848134 1.1054153\n", + " 1.0351934 1.0485424 1.055172 1.0332279 1.0582126 1.0551158 1.0528189\n", + " 1.0325307 1.0335854 1.0243669 1.0260373 1.0202233 1.0282519 1.0209638\n", + " 1.027763 ]\n", + "\n", + "[ 2 5 0 1 6 3 11 9 12 4 13 8 7 15 10 14 19 21 17 16 20 18]\n", + "=======================\n", + "['femail asked well-known food authors to contribute their spin on the classic anzac biscuit recipe , from sugar-free , to a pimped-up chocolate and macadamia version ... and even a raw recipe .but with so many different food tribes competing for prominence these days , be it sugar-free , raw , paleo , or #foodporn , the time-honoured recipe may not quite cut if for you and your family on april 25 .sugar-free anzac biscuits by sarah wilson , i quit sugar']\n", + "=======================\n", + "[\"classic biscuits feature rolled oats , golden syrup and coconutsarah wilson 's sugar-free version substitutes rice malt syrupfood blogger not quite nigella adds chocolateraw foodie taline gabrielian came up with no-cook version of the classic\"]\n", + "femail asked well-known food authors to contribute their spin on the classic anzac biscuit recipe , from sugar-free , to a pimped-up chocolate and macadamia version ... and even a raw recipe .but with so many different food tribes competing for prominence these days , be it sugar-free , raw , paleo , or #foodporn , the time-honoured recipe may not quite cut if for you and your family on april 25 .sugar-free anzac biscuits by sarah wilson , i quit sugar\n", + "classic biscuits feature rolled oats , golden syrup and coconutsarah wilson 's sugar-free version substitutes rice malt syrupfood blogger not quite nigella adds chocolateraw foodie taline gabrielian came up with no-cook version of the classic\n", + "[1.4006321 1.1939707 1.1040395 1.1844939 1.1213207 1.1082976 1.148352\n", + " 1.0789292 1.0580171 1.0234504 1.1416289 1.0332679 1.0221256 1.0332834\n", + " 1.0449392 1.1050719 1.2388115 1.1330316 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 16 1 3 6 10 17 4 5 15 2 7 8 14 13 11 9 12 20 18 19 21]\n", + "=======================\n", + "[\"jaap stam had just ordered a new kitchen for his cheshire home when he was informed by sir alex ferguson that he was being sold to lazio .the then manchester united manager did n't mention in the same conversation that his son , jason , stood to make a seven-figure sum in his role as an agent in the deal .raheem sterling shakes hands with liverpool boss brendan rodgers during training on thursday\"]\n", + "=======================\n", + "[\"raheem sterling is quite within his rights to get the best possible dealthe only issue right now is how he 's choosing to go about doing itliverpool forward should realise that # 100k-a-week is a generous offerswitching to another club now would not be good idea for his development\"]\n", + "jaap stam had just ordered a new kitchen for his cheshire home when he was informed by sir alex ferguson that he was being sold to lazio .the then manchester united manager did n't mention in the same conversation that his son , jason , stood to make a seven-figure sum in his role as an agent in the deal .raheem sterling shakes hands with liverpool boss brendan rodgers during training on thursday\n", + "raheem sterling is quite within his rights to get the best possible dealthe only issue right now is how he 's choosing to go about doing itliverpool forward should realise that # 100k-a-week is a generous offerswitching to another club now would not be good idea for his development\n", + "[1.2641813 1.4253421 1.3893679 1.3323863 1.2358762 1.1518531 1.0583913\n", + " 1.1277429 1.0860308 1.0309123 1.0223175 1.0433295 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 5 7 8 6 11 9 10 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"trading standards officials in buckinghamshire and surrey raised the alarm over the chinese made decorations , as they were ` likely to contravene food imitation safety rules ' .the eggs have now been withdrawn nationwide ahead of the easter break .poundland has been been forced to pull decorative plastic easter eggs from their shelves over fears they may choke - because they look like cadbury mini eggs ( pictured is the poundland version )\"]\n", + "=======================\n", + "[\"trading standards officials in buckinghamshire and surrey raised alarmofficers said they were ` likely to contravene food imitation safety rules 'the eggs bear a striking similarity to the sugar-coated chocolate treats\"]\n", + "trading standards officials in buckinghamshire and surrey raised the alarm over the chinese made decorations , as they were ` likely to contravene food imitation safety rules ' .the eggs have now been withdrawn nationwide ahead of the easter break .poundland has been been forced to pull decorative plastic easter eggs from their shelves over fears they may choke - because they look like cadbury mini eggs ( pictured is the poundland version )\n", + "trading standards officials in buckinghamshire and surrey raised alarmofficers said they were ` likely to contravene food imitation safety rules 'the eggs bear a striking similarity to the sugar-coated chocolate treats\n", + "[1.1703103 1.6060526 1.1464078 1.078839 1.2429235 1.1652255 1.0961899\n", + " 1.1725218 1.0382046 1.0311241 1.1020204 1.0804291 1.08322 1.043625\n", + " 1.0526363 1.030329 1.0153527 1.0135177 1.0143583 1.1238003]\n", + "\n", + "[ 1 4 7 0 5 2 19 10 6 12 11 3 14 13 8 9 15 16 18 17]\n", + "=======================\n", + "['karlis bardelis , 30 , from latvia , was attempting to scale the cliff in coire an lochain , scotland , when the accident happened .bardelis has only just released the footage of his terrifying fall on a training exercise in hospitalthis is the terrifying moment that one wrong move sent a climber tumbling 10 metres down an icy cliff face .']\n", + "=======================\n", + "[\"karlis bardelis , 30 , was scaling the cliff face in coire an lochain , scotlandcamera shows his axe come loose sending him tumbling down the cliffhe 's eventually rescued by safety rope after a falling 10m in 3.5 secondslatvian bardelis remarkably escaped injury and continued with his ascent\"]\n", + "karlis bardelis , 30 , from latvia , was attempting to scale the cliff in coire an lochain , scotland , when the accident happened .bardelis has only just released the footage of his terrifying fall on a training exercise in hospitalthis is the terrifying moment that one wrong move sent a climber tumbling 10 metres down an icy cliff face .\n", + "karlis bardelis , 30 , was scaling the cliff face in coire an lochain , scotlandcamera shows his axe come loose sending him tumbling down the cliffhe 's eventually rescued by safety rope after a falling 10m in 3.5 secondslatvian bardelis remarkably escaped injury and continued with his ascent\n", + "[1.120116 1.5366373 1.3632183 1.1402404 1.2916998 1.1873062 1.0835562\n", + " 1.1038485 1.0526131 1.0400467 1.0262195 1.0165294 1.0115111 1.0163037\n", + " 1.1333003 1.1393447 1.0814202 1.0915385 1.1200135 1.2165024]\n", + "\n", + "[ 1 2 4 19 5 3 15 14 0 18 7 17 6 16 8 9 10 11 13 12]\n", + "=======================\n", + "['john bramblitt , 42 , had epilepsy from the age of 11 and over the next 19 years it slowly caused him to lose his eyesight .the artist uses a special technique using a fabric paint to create an outline before colouring in the workdespite this , he decided that an inability to see should not prevent him from painting .']\n", + "=======================\n", + "['john bramblitt developed epilepsy aged 11 and went blind when he was 30after going blind , bramblitt began creating the most amazing artworkssome of his art features scenes and people he has never seen beforedespite being blind , his art is highly accurate and incredibly vibrant']\n", + "john bramblitt , 42 , had epilepsy from the age of 11 and over the next 19 years it slowly caused him to lose his eyesight .the artist uses a special technique using a fabric paint to create an outline before colouring in the workdespite this , he decided that an inability to see should not prevent him from painting .\n", + "john bramblitt developed epilepsy aged 11 and went blind when he was 30after going blind , bramblitt began creating the most amazing artworkssome of his art features scenes and people he has never seen beforedespite being blind , his art is highly accurate and incredibly vibrant\n", + "[1.2061558 1.4899025 1.229131 1.215432 1.1079713 1.0576532 1.0406379\n", + " 1.0236622 1.095716 1.0625622 1.0618951 1.1392167 1.16199 1.0488285\n", + " 1.0139469 1.0218303 1.0908146 1.0574381 1.1206635 0. ]\n", + "\n", + "[ 1 2 3 0 12 11 18 4 8 16 9 10 5 17 13 6 7 15 14 19]\n", + "=======================\n", + "[\"elijah overcomer , 26 , left gloriavale , a town of about 500 on new zealand 's west coast , with his wife , rosanna , 29 , and their children in late march 2013 .shortly following their departure , the family watched the 2004 psychological thriller the village , by m. night shyamalan .mr overcomer said the film - where residents of a pretend 19th century town fear the ` wicked ' outside world - was a ` good comparison with our community ' , especially in their views of the greater world . '\"]\n", + "=======================\n", + "[\"elijah overcomer and his wife rosanna walked out of gloriavaleit is a secretive christian commune on the new zealand west coasthe said m night shyamalan movie the village is a ` good comparison '` all you know to be outside gloriavale is a lot of evil 'he was initially kicked out for ` asking too many questions 'after leaving gloriavale , family grappled with religious fearspeople opened their homes , hearts and wallets to the gloriavale refugeesa timaru church has been instrumental in settling the familythere has recently been an exodus from gloriavale\"]\n", + "elijah overcomer , 26 , left gloriavale , a town of about 500 on new zealand 's west coast , with his wife , rosanna , 29 , and their children in late march 2013 .shortly following their departure , the family watched the 2004 psychological thriller the village , by m. night shyamalan .mr overcomer said the film - where residents of a pretend 19th century town fear the ` wicked ' outside world - was a ` good comparison with our community ' , especially in their views of the greater world . '\n", + "elijah overcomer and his wife rosanna walked out of gloriavaleit is a secretive christian commune on the new zealand west coasthe said m night shyamalan movie the village is a ` good comparison '` all you know to be outside gloriavale is a lot of evil 'he was initially kicked out for ` asking too many questions 'after leaving gloriavale , family grappled with religious fearspeople opened their homes , hearts and wallets to the gloriavale refugeesa timaru church has been instrumental in settling the familythere has recently been an exodus from gloriavale\n", + "[1.4393767 1.5072014 1.2243992 1.4441805 1.1853503 1.061101 1.0787439\n", + " 1.0678127 1.0346057 1.0189528 1.0177504 1.1071862 1.0313014 1.0366741\n", + " 1.0171331 1.1278975 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 15 11 6 7 5 13 8 12 9 10 14 18 16 17 19]\n", + "=======================\n", + "['chelsea captain john terry had come in with a strong challenge from behind on united striker radamel falcao which sent the colombian hurtling to the ground .after chelsea forward eden hazard had scored give his side a 1-0 lead against manchester united at stamford bridge on saturday , the sky sports punditry team were convinced that there had been a foul in the build-up .blues midfielder cesc fabregas then collected the loose ball and released it to oscar before his back-heel sent it into the path of the oncoming hazard to slot home .']\n", + "=======================\n", + "['eden hazard scored the opening goal for chelsea against manchester unitedat the start of the preceding move , john terry brought down radamel falcaosky sports pundits agreed that play should have been stoppedthierry henry , graeme souness and jamie redknapp analysed at half-time']\n", + "chelsea captain john terry had come in with a strong challenge from behind on united striker radamel falcao which sent the colombian hurtling to the ground .after chelsea forward eden hazard had scored give his side a 1-0 lead against manchester united at stamford bridge on saturday , the sky sports punditry team were convinced that there had been a foul in the build-up .blues midfielder cesc fabregas then collected the loose ball and released it to oscar before his back-heel sent it into the path of the oncoming hazard to slot home .\n", + "eden hazard scored the opening goal for chelsea against manchester unitedat the start of the preceding move , john terry brought down radamel falcaosky sports pundits agreed that play should have been stoppedthierry henry , graeme souness and jamie redknapp analysed at half-time\n", + "[1.2155755 1.4425294 1.2970821 1.2391335 1.2116833 1.0788944 1.092507\n", + " 1.1998551 1.1607132 1.0413254 1.0320045 1.1081649 1.0447567 1.0511304\n", + " 1.0904688 1.0069356 1.0076535 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 7 8 11 6 14 5 13 12 9 10 16 15 17 18]\n", + "=======================\n", + "[\"manny pacquiao revealed yet another of his talents by releasing his own walk-out tune ahead of his $ 300m mega-fight with floyd mayweather jnr .the so-called ` the nation 's fist ' not only wrote the song ` lalaban ako para sa filipino ' but also sang and directed the music video before releasing it on his facebook page on monday .the tune , which sounds somewhat like an 80s rock ballad actually translates as ' i will fight for the fillipino ' and will be played ahead of the richest fight in history against the undefeated american at the mgm grand on may 2 .\"]\n", + "=======================\n", + "[\"manny pacquiao faces floyd mayweather in $ 300m showdown on may 2pac-man has released own entrance song ` lalaban ako para sa filipino 'the 36-year-old also directed the music video ahead of las vegas clash\"]\n", + "manny pacquiao revealed yet another of his talents by releasing his own walk-out tune ahead of his $ 300m mega-fight with floyd mayweather jnr .the so-called ` the nation 's fist ' not only wrote the song ` lalaban ako para sa filipino ' but also sang and directed the music video before releasing it on his facebook page on monday .the tune , which sounds somewhat like an 80s rock ballad actually translates as ' i will fight for the fillipino ' and will be played ahead of the richest fight in history against the undefeated american at the mgm grand on may 2 .\n", + "manny pacquiao faces floyd mayweather in $ 300m showdown on may 2pac-man has released own entrance song ` lalaban ako para sa filipino 'the 36-year-old also directed the music video ahead of las vegas clash\n", + "[1.4703186 1.2833662 1.3096424 1.1532217 1.2605482 1.0700186 1.1332233\n", + " 1.0712912 1.1270972 1.0683575 1.0558568 1.0656325 1.0364332 1.0144769\n", + " 1.1210933 1.0237294 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 4 3 6 8 14 7 5 9 11 10 12 15 13 17 16 18]\n", + "=======================\n", + "[\"( cnn ) kayahan , one of turkey 's best-loved singers and songwriters , died of cancer friday at the age of 66 .the performer , who was also an accomplished guitarist , was first diagnosed with cancer in 1990 , the year he competed in the eurovision song contest , and the year before he released the album that ignited his career .he had performed most recently in istanbul on valentine 's day .\"]\n", + "=======================\n", + "[\"kayahan wrote some of turkey 's best-loved pop songsthe singer was first diagnosed with cancer in 1990he most recently performed in february in istanbul\"]\n", + "( cnn ) kayahan , one of turkey 's best-loved singers and songwriters , died of cancer friday at the age of 66 .the performer , who was also an accomplished guitarist , was first diagnosed with cancer in 1990 , the year he competed in the eurovision song contest , and the year before he released the album that ignited his career .he had performed most recently in istanbul on valentine 's day .\n", + "kayahan wrote some of turkey 's best-loved pop songsthe singer was first diagnosed with cancer in 1990he most recently performed in february in istanbul\n", + "[1.2503327 1.4243352 1.2734818 1.4071999 1.1860901 1.1767194 1.0899092\n", + " 1.0609688 1.0932713 1.0296853 1.0193465 1.0482216 1.0478684 1.0930122\n", + " 1.0575172 1.0723252 1.1080594 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 16 8 13 6 15 7 14 11 12 9 10 17 18]\n", + "=======================\n", + "['the female agent alleged that she was attending a party with xavier morales , her boss , in a washington , d.c. restaurant when he said he loved her and wanted to have sex with her .after the two employees returned to the office from the party , morales , 48 , tried to kiss the woman and grabbed her arms when she resisted , according to two people briefed on her statement .a senior secret service supervisor has been placed on indefinite administrative leave and is not allowed to enter the office after a female employee accused him of assaulting her at agency headquarters .']\n", + "=======================\n", + "[\"xavier morales , 48 , allegedly told the woman he loved her while they attended a party and then tried to kiss her later that night in the officethe woman alleged morales did not relent until a brief strugglethe party was celebrating morales ' new assignment to head the louisville secret service field office , considered a stepping stone in the agencymorales had to turn in his gun and badge and lost his security clearancehe was a manager in the security clearance division and decided which agents lost their jobs because of misconduct\"]\n", + "the female agent alleged that she was attending a party with xavier morales , her boss , in a washington , d.c. restaurant when he said he loved her and wanted to have sex with her .after the two employees returned to the office from the party , morales , 48 , tried to kiss the woman and grabbed her arms when she resisted , according to two people briefed on her statement .a senior secret service supervisor has been placed on indefinite administrative leave and is not allowed to enter the office after a female employee accused him of assaulting her at agency headquarters .\n", + "xavier morales , 48 , allegedly told the woman he loved her while they attended a party and then tried to kiss her later that night in the officethe woman alleged morales did not relent until a brief strugglethe party was celebrating morales ' new assignment to head the louisville secret service field office , considered a stepping stone in the agencymorales had to turn in his gun and badge and lost his security clearancehe was a manager in the security clearance division and decided which agents lost their jobs because of misconduct\n", + "[1.3567021 1.2397333 1.1190262 1.4152985 1.183743 1.1547426 1.1908311\n", + " 1.1850004 1.0307626 1.0199 1.0889443 1.03162 1.0746903 1.0245062\n", + " 1.020859 1.0145154 1.0452938 1.0273097 1.1212277]\n", + "\n", + "[ 3 0 1 6 7 4 5 18 2 10 12 16 11 8 17 13 14 9 15]\n", + "=======================\n", + "[\"manchester city boss manuel pellegrini says he is not impressed by manchester united 's rise up the tablepellegrini feels that juan mata ( left ) and ander herrera are top players and central to united 's run of formpellegrini has also singled out united 's dutch defender daley blind ( right ) as a key part of united 's team\"]\n", + "=======================\n", + "['manuel pellegrini has played down the form of manchester unitedhe feels united were always expected to do well given their transferspellegrini is hoping to end a terrible run of form with manchester citycity have lost five of their last seven games in all competitionsthe two manchester sides meet in the league on sunday at old trafford']\n", + "manchester city boss manuel pellegrini says he is not impressed by manchester united 's rise up the tablepellegrini feels that juan mata ( left ) and ander herrera are top players and central to united 's run of formpellegrini has also singled out united 's dutch defender daley blind ( right ) as a key part of united 's team\n", + "manuel pellegrini has played down the form of manchester unitedhe feels united were always expected to do well given their transferspellegrini is hoping to end a terrible run of form with manchester citycity have lost five of their last seven games in all competitionsthe two manchester sides meet in the league on sunday at old trafford\n", + "[1.2410643 1.5126545 1.2027684 1.2141906 1.3751159 1.0464346 1.0669702\n", + " 1.095142 1.1013204 1.0712016 1.0927138 1.0374173 1.0532124 1.0656341\n", + " 1.0751911 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 3 2 8 7 10 14 9 6 13 12 5 11 15 16 17 18]\n", + "=======================\n", + "[\"ambra battilana , 22 , did not ` co-operate ' with authorities for four days after her initial report to police saying she was groped by weinstein during a ` business meeting ' at his office in manhattan .the former miss italy finalist who has accused film mogul harvey weinstein of molesting her tried to use the accusation to secure a movie role , it has been alleged .but once the ` pipe dream ' came to nothing , she decided to pursue the criminal case , sources told the new york post .\"]\n", + "=======================\n", + "[\"ambra battilana , 22 , did not ` co-operate ' with authorities for four dayshas been claimed delay was because she wanted to try and land a film rolebut once that came to nothing , she decided to pursue the criminal casesting by nypd shows weinstein did not deny touching her , it is claimedhe denies allegations and has spoken to police , who have not filed charges\"]\n", + "ambra battilana , 22 , did not ` co-operate ' with authorities for four days after her initial report to police saying she was groped by weinstein during a ` business meeting ' at his office in manhattan .the former miss italy finalist who has accused film mogul harvey weinstein of molesting her tried to use the accusation to secure a movie role , it has been alleged .but once the ` pipe dream ' came to nothing , she decided to pursue the criminal case , sources told the new york post .\n", + "ambra battilana , 22 , did not ` co-operate ' with authorities for four dayshas been claimed delay was because she wanted to try and land a film rolebut once that came to nothing , she decided to pursue the criminal casesting by nypd shows weinstein did not deny touching her , it is claimedhe denies allegations and has spoken to police , who have not filed charges\n", + "[1.2757373 1.3825316 1.1227555 1.2780728 1.1607528 1.2564384 1.0221118\n", + " 1.0667598 1.0654484 1.1394511 1.1457404 1.0629871 1.1458209 1.0246139\n", + " 1.1072068 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 5 4 12 10 9 2 14 7 8 11 13 6 18 15 16 17 19]\n", + "=======================\n", + "['the 18-carat gold rectangular piece was a gift to lord uxbridge , whose stoic exchange with the duke of wellington after losing his leg to a cannonball has become etched in history .the gold irish freedom box was given to the aristocrat , who was by then marquess of anglesey , in 1828 by trinity college dublin when he served as lord lieutenant of ireland .his leg was buried near the battlefield but later dug up and used as a macabre tourist attraction .']\n", + "=======================\n", + "[\"rectangular 18-carat piece was gifted to lord uxbridge for his heroicsafter being hit by cannonball he remarked ` by god , sir , i 've lost my leg 'the cover of the three and a half inch box is lord uxbridge 's coat of armsit was sold by auction house bonhams to a private collector for # 100,900\"]\n", + "the 18-carat gold rectangular piece was a gift to lord uxbridge , whose stoic exchange with the duke of wellington after losing his leg to a cannonball has become etched in history .the gold irish freedom box was given to the aristocrat , who was by then marquess of anglesey , in 1828 by trinity college dublin when he served as lord lieutenant of ireland .his leg was buried near the battlefield but later dug up and used as a macabre tourist attraction .\n", + "rectangular 18-carat piece was gifted to lord uxbridge for his heroicsafter being hit by cannonball he remarked ` by god , sir , i 've lost my leg 'the cover of the three and a half inch box is lord uxbridge 's coat of armsit was sold by auction house bonhams to a private collector for # 100,900\n", + "[1.3920686 1.2221317 1.2089586 1.289946 1.4276356 1.1349194 1.0762872\n", + " 1.1479002 1.0638318 1.1288565 1.0316417 1.048625 1.0997273 1.0801045\n", + " 1.0426962 1.0138341 1.0059035 1.0340776 0. 0. ]\n", + "\n", + "[ 4 0 3 1 2 7 5 9 12 13 6 8 11 14 17 10 15 16 18 19]\n", + "=======================\n", + "['kawhi leonard scored 32 points as the san antonio spurs beat the los angeles clippers on fridaygame 4 takes place on sunday at the at&t center in texas .the newly crowned defensive player of the year was in excellent form for the reigning nba champions as they took a 2-1 lead in the first-round series .']\n", + "=======================\n", + "['san antonio spurs beat los angeles clippers 100-73 in game 3kawhi leonard scores 32 points as spurs take 2-1 lead in seriesgame 4 takes place on sunday at the at&t center in texashouston rockets move 3-0 ahead on dallas mavericks with 130-128 winwashington wizards beat toronto raptors 106-99 in game 3']\n", + "kawhi leonard scored 32 points as the san antonio spurs beat the los angeles clippers on fridaygame 4 takes place on sunday at the at&t center in texas .the newly crowned defensive player of the year was in excellent form for the reigning nba champions as they took a 2-1 lead in the first-round series .\n", + "san antonio spurs beat los angeles clippers 100-73 in game 3kawhi leonard scores 32 points as spurs take 2-1 lead in seriesgame 4 takes place on sunday at the at&t center in texashouston rockets move 3-0 ahead on dallas mavericks with 130-128 winwashington wizards beat toronto raptors 106-99 in game 3\n", + "[1.2663673 1.4313347 1.3196718 1.256353 1.2312275 1.1761535 1.0935113\n", + " 1.0273849 1.0431535 1.0806447 1.1393297 1.1560999 1.0917009 1.0479951\n", + " 1.1050062 1.0587666 1.0244138 1.0112786 1.0977925 0. ]\n", + "\n", + "[ 1 2 0 3 4 5 11 10 14 18 6 12 9 15 13 8 7 16 17 19]\n", + "=======================\n", + "[\"the former all black , who denies the allegations , was arrested last night after his team was defeated in the quarter finals of the european challenge cup .he had come off injured during connacht 's 14-7 defeat at gloucester last night when he was approached by police .world cup winning rugby star mils muliaina has been bailed after being arrested on suspicion of sexual assault .\"]\n", + "=======================\n", + "[\"mils muliaina came off injured during connacht 's visit to gloucesterthe 34-year-old world cup winner was arrested by police after the gamemuliaina was held in cells overnight and questioned by officers in cardiffhe denies assault allegations over alleged incident last month\"]\n", + "the former all black , who denies the allegations , was arrested last night after his team was defeated in the quarter finals of the european challenge cup .he had come off injured during connacht 's 14-7 defeat at gloucester last night when he was approached by police .world cup winning rugby star mils muliaina has been bailed after being arrested on suspicion of sexual assault .\n", + "mils muliaina came off injured during connacht 's visit to gloucesterthe 34-year-old world cup winner was arrested by police after the gamemuliaina was held in cells overnight and questioned by officers in cardiffhe denies assault allegations over alleged incident last month\n", + "[1.2435085 1.1022816 1.1258981 1.2458551 1.2653962 1.1573168 1.1559495\n", + " 1.1269969 1.1913726 1.1376568 1.0496194 1.0222068 1.0582043 1.0325402\n", + " 1.0809427 1.080512 1.0785279 1.1262611 1.041093 1.0394108]\n", + "\n", + "[ 4 3 0 8 5 6 9 7 17 2 1 14 15 16 12 10 18 19 13 11]\n", + "=======================\n", + "['waitrose announced yesterday the early arrival of its first british tomatoes of the year .but thanks to endless days of sun and temperatures we would not expect until august , english tomatoes and asparagus are already on the shelves , weeks ahead of usual .morrisons , meanwhile , yesterday predicted britain would have best crop of asparagus for nearly a decade .']\n", + "=======================\n", + "['usually eat vegetables from spain and south america at this time of yearbut recent temperatures have led to english tomatoes sprouting earlystrawberries and raspberries also on shelves already , far earlier than usual']\n", + "waitrose announced yesterday the early arrival of its first british tomatoes of the year .but thanks to endless days of sun and temperatures we would not expect until august , english tomatoes and asparagus are already on the shelves , weeks ahead of usual .morrisons , meanwhile , yesterday predicted britain would have best crop of asparagus for nearly a decade .\n", + "usually eat vegetables from spain and south america at this time of yearbut recent temperatures have led to english tomatoes sprouting earlystrawberries and raspberries also on shelves already , far earlier than usual\n", + "[1.1661378 1.5051191 1.2468915 1.3439385 1.1348425 1.0766947 1.1164219\n", + " 1.0682282 1.0506861 1.1082424 1.11113 1.0490526 1.0740604 1.0302116\n", + " 1.1678755 1.0455507 1.0567031 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 14 0 4 6 10 9 5 12 7 16 8 11 15 13 18 17 19]\n", + "=======================\n", + "[\"married couple john and karen copleston claim paul phillips , 67 , ` constantly harassed ' them over a petty dispute after they moved a gate at the back of their # 210,000 house in poole , dorset .retired mr phillips , the treasurer of the local neighbourhood watch scheme , accused the coplestons of putting the garden gate up on communal land and took the matter to council planners .a neighbourhood watch official has been handed a restraining order following a bitter row with his neighbours over a garden gate .\"]\n", + "=======================\n", + "['neighbourhood watch treasurer has been handed three-year restraining order banning him from contacting neighbours following row over gatepaul phillips said john and karen copleston moved gate on to his landbut they claim he harassed them over the dispute which ended up in courtcase against mr phillips was dismissed but restraining order was imposed']\n", + "married couple john and karen copleston claim paul phillips , 67 , ` constantly harassed ' them over a petty dispute after they moved a gate at the back of their # 210,000 house in poole , dorset .retired mr phillips , the treasurer of the local neighbourhood watch scheme , accused the coplestons of putting the garden gate up on communal land and took the matter to council planners .a neighbourhood watch official has been handed a restraining order following a bitter row with his neighbours over a garden gate .\n", + "neighbourhood watch treasurer has been handed three-year restraining order banning him from contacting neighbours following row over gatepaul phillips said john and karen copleston moved gate on to his landbut they claim he harassed them over the dispute which ended up in courtcase against mr phillips was dismissed but restraining order was imposed\n", + "[1.1560544 1.4272873 1.1422992 1.3132863 1.3207567 1.1570113 1.070056\n", + " 1.1212842 1.0909673 1.1634467 1.0469745 1.067283 1.0153447 1.0183595\n", + " 1.0379205 1.0134646 1.0869561 1.0941839 1.0150405 1.042864 1.063897\n", + " 1.0260825 1.0195372]\n", + "\n", + "[ 1 4 3 9 5 0 2 7 17 8 16 6 11 20 10 19 14 21 22 13 12 18 15]\n", + "=======================\n", + "[\"matt stopera misplaced his cellphone in new york city and the only clue that gave a whereabouts to its located was when some unusual photos of orange trees and fireworks started appearing on his photostream .it ended up in the ends of li hongjun in southeastern china .lost in the cloud : li 's pictures began showing up in matt 's icloud and photostream .\"]\n", + "=======================\n", + "[\"matt stopera 's iphone was stolen in a new york bareventually he started seeing pictures on his new phone of a guy posing with an orange treeafter writing about it online , netizens in china managed to track him down` brother orange ' then invited him to the country and the two met up\"]\n", + "matt stopera misplaced his cellphone in new york city and the only clue that gave a whereabouts to its located was when some unusual photos of orange trees and fireworks started appearing on his photostream .it ended up in the ends of li hongjun in southeastern china .lost in the cloud : li 's pictures began showing up in matt 's icloud and photostream .\n", + "matt stopera 's iphone was stolen in a new york bareventually he started seeing pictures on his new phone of a guy posing with an orange treeafter writing about it online , netizens in china managed to track him down` brother orange ' then invited him to the country and the two met up\n", + "[1.2835917 1.4012046 1.2847648 1.1132731 1.2797697 1.2199326 1.1508051\n", + " 1.0871552 1.0464869 1.0651624 1.0491234 1.0500926 1.1700903 1.0631644\n", + " 1.010034 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 0 4 5 12 6 3 7 9 13 11 10 8 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"friday is also sukumaran 's 34th birthday which could well be his last as the pair contemplate the prospect of facing a firing squad on execution island in java .the talented artist 's birthday is being marked in london where his cousin has organised an exhibition of his paintings at the amnesty international headquarters .it is a decade to the day that myuran sukumaran and andrew chan 's lives were changed forever after being arrested for the bali nine drug smuggling operation .\"]\n", + "=======================\n", + "[\"it 's a decade to the day that bali nine pair were arrested for drug smugglingfriday also marks 34th birthday of sukumaran who will spend behind barshis cousin has organised exhibition of his paintings in londonsukumaran and chan 's fate rests with a court that that has previously recommended an option of a life sentence for reformed inmates\"]\n", + "friday is also sukumaran 's 34th birthday which could well be his last as the pair contemplate the prospect of facing a firing squad on execution island in java .the talented artist 's birthday is being marked in london where his cousin has organised an exhibition of his paintings at the amnesty international headquarters .it is a decade to the day that myuran sukumaran and andrew chan 's lives were changed forever after being arrested for the bali nine drug smuggling operation .\n", + "it 's a decade to the day that bali nine pair were arrested for drug smugglingfriday also marks 34th birthday of sukumaran who will spend behind barshis cousin has organised exhibition of his paintings in londonsukumaran and chan 's fate rests with a court that that has previously recommended an option of a life sentence for reformed inmates\n", + "[1.5385556 1.5353725 1.2455144 1.3053026 1.0297636 1.0133145 1.0135546\n", + " 1.0126737 1.0217284 1.05389 1.0572586 1.029123 1.0214586 1.0177333\n", + " 1.0267227 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 3 2 10 9 4 11 14 8 12 13 6 5 7 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "[\"substitute eidur gudjohnsen spared bolton 's blushes with virtually the final kick of the game and denied blackpool a first away victory in 343 days in a 1-1 draw .michael jacobs ' ninth-minute opener looked to have given the bottom-of-the-table seasiders their first success on the road since they beat wanderers ' neighbours wigan on april 26 .blackpool 's michael jacobs ( left ) scores against bolton wanderers\"]\n", + "=======================\n", + "['substitute eidur gudjohnsen scores equaliser for bolton in stoppage timeveteran striker netted with virtually the last kick of the gamemichael jacobs had opened the scoring for blackpool after nine minutes']\n", + "substitute eidur gudjohnsen spared bolton 's blushes with virtually the final kick of the game and denied blackpool a first away victory in 343 days in a 1-1 draw .michael jacobs ' ninth-minute opener looked to have given the bottom-of-the-table seasiders their first success on the road since they beat wanderers ' neighbours wigan on april 26 .blackpool 's michael jacobs ( left ) scores against bolton wanderers\n", + "substitute eidur gudjohnsen scores equaliser for bolton in stoppage timeveteran striker netted with virtually the last kick of the gamemichael jacobs had opened the scoring for blackpool after nine minutes\n", + "[1.111173 1.4970751 1.137378 1.0708504 1.3952035 1.2265797 1.1313012\n", + " 1.0961492 1.1185099 1.1045713 1.109041 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 5 2 6 8 0 10 9 7 3 20 19 18 17 16 11 14 13 12 21 15 22]\n", + "=======================\n", + "[\"fc rostov defender ivan novoseltsev popped the question after his side 's 1-0 win against torpedo moscow on monday night , getting down on one knee at the olimp-2 stadium to ask katerina keyru to marry him .with his team-mates watching on and a camera in place to capture the moment on film , the russia international beamed as his basketball-playing partner said yes .the 23-year-old , who was capped by his country for the first time last month , looked delighted as he placed a ring on keyru 's finger before kissing and hugging her .\"]\n", + "=======================\n", + "[\"ivan novoseltsev proposed after his side 's win against torpedo moscowkaterina keyru , who plays basketball for a living , said yes on the pitchnovoseltsev 's fc rostov team-mates were on hand to congratulate himfc rostov have won four games in a row to move up to 10th in the table\"]\n", + "fc rostov defender ivan novoseltsev popped the question after his side 's 1-0 win against torpedo moscow on monday night , getting down on one knee at the olimp-2 stadium to ask katerina keyru to marry him .with his team-mates watching on and a camera in place to capture the moment on film , the russia international beamed as his basketball-playing partner said yes .the 23-year-old , who was capped by his country for the first time last month , looked delighted as he placed a ring on keyru 's finger before kissing and hugging her .\n", + "ivan novoseltsev proposed after his side 's win against torpedo moscowkaterina keyru , who plays basketball for a living , said yes on the pitchnovoseltsev 's fc rostov team-mates were on hand to congratulate himfc rostov have won four games in a row to move up to 10th in the table\n", + "[1.055008 1.2284315 1.3876736 1.32441 1.1540086 1.0913287 1.0739794\n", + " 1.0834877 1.104777 1.0597719 1.1361971 1.0629987 1.0826814 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 3 1 4 10 8 5 7 12 6 11 9 0 13 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"the crew of the admiral kuznetsov , russia 's largest warship , came up with the novel idea to help keep the deck clear of debris which poses a major risk to jet planes taking off and landing .what is perhaps more surprising is their solution to the problem , which involved strapping an old jet engine to the front of a tractor , and using the contraption as a huge leaf-blower .the massive kuznetsov is the jewel in president putin 's military fleet , carrying a total of 18 fighter jets and 17 anti-submarine helicopters .\"]\n", + "=======================\n", + "['debris on carriers can get sucked into jet engines , causing deadly crashessailors are therefore usually required to search decks for debris by handbut crew of admiral kuznetsov made themselves vehicle to speed up jobconsists of mig-15 engine strapped to tractor to act as giant leaf blower']\n", + "the crew of the admiral kuznetsov , russia 's largest warship , came up with the novel idea to help keep the deck clear of debris which poses a major risk to jet planes taking off and landing .what is perhaps more surprising is their solution to the problem , which involved strapping an old jet engine to the front of a tractor , and using the contraption as a huge leaf-blower .the massive kuznetsov is the jewel in president putin 's military fleet , carrying a total of 18 fighter jets and 17 anti-submarine helicopters .\n", + "debris on carriers can get sucked into jet engines , causing deadly crashessailors are therefore usually required to search decks for debris by handbut crew of admiral kuznetsov made themselves vehicle to speed up jobconsists of mig-15 engine strapped to tractor to act as giant leaf blower\n", + "[1.1577435 1.2658833 1.3164668 1.3326017 1.3576816 1.0346625 1.0851898\n", + " 1.0802213 1.0888125 1.0561782 1.0875481 1.0725982 1.0421789 1.0322131\n", + " 1.0273827 1.0202779 1.0280133 0. 0. 0. 0. ]\n", + "\n", + "[ 4 3 2 1 0 8 10 6 7 11 9 12 5 13 16 14 15 19 17 18 20]\n", + "=======================\n", + "[\"paul nuttall , ukip 's education spokesman , appeared in the party 's manifesto in thick-rimmed glasses holding a book called ` british rebels and reformers ' - a vintage hard-back picture bookthe vintage hardback is listed on amazon as a 48-page illustrated history book from 1942 .they have long claimed to be the only genuine political party -- fighting the manipulated pr of the main westminster parties .\"]\n", + "=======================\n", + "['ukip have claimed to be the only party fighting westminster political prbut the deputy leader paul nuttall posed for a photoshopped picturemr nuttall was pictured clutching a vintage picture book from 1942rows of books are behind him - photoshopped to look like there are more']\n", + "paul nuttall , ukip 's education spokesman , appeared in the party 's manifesto in thick-rimmed glasses holding a book called ` british rebels and reformers ' - a vintage hard-back picture bookthe vintage hardback is listed on amazon as a 48-page illustrated history book from 1942 .they have long claimed to be the only genuine political party -- fighting the manipulated pr of the main westminster parties .\n", + "ukip have claimed to be the only party fighting westminster political prbut the deputy leader paul nuttall posed for a photoshopped picturemr nuttall was pictured clutching a vintage picture book from 1942rows of books are behind him - photoshopped to look like there are more\n", + "[1.2478396 1.3446474 1.3502473 1.2880322 1.1619366 1.1374803 1.1562392\n", + " 1.1385313 1.0342621 1.1066134 1.0493584 1.1348169 1.054098 1.0555004\n", + " 1.0336007 1.0862896 1.0172869 1.0225354 1.0259601 0. 0. ]\n", + "\n", + "[ 2 1 3 0 4 6 7 5 11 9 15 13 12 10 8 14 18 17 16 19 20]\n", + "=======================\n", + "[\"the extravagant purchase will remain with its mother until it is old enough to become shaheed 's pet .the photo shows a beautiful young tiger cub in the hands of a freelance rebel fighter , known as ahmed shaheed .the 28-year-old fighter from sydney , showed off his new furry investment , posting a picture of the tiger cub on his social media account .\"]\n", + "=======================\n", + "['the photo shows a beautiful young tiger cub in the hands of a rebel fighter , known as ahmed shaheedshaheed is believed to be a former bond university student from sydneythe 27-year-old considered buying an little owl and a leopard from a zoo near aleppo , syria']\n", + "the extravagant purchase will remain with its mother until it is old enough to become shaheed 's pet .the photo shows a beautiful young tiger cub in the hands of a freelance rebel fighter , known as ahmed shaheed .the 28-year-old fighter from sydney , showed off his new furry investment , posting a picture of the tiger cub on his social media account .\n", + "the photo shows a beautiful young tiger cub in the hands of a rebel fighter , known as ahmed shaheedshaheed is believed to be a former bond university student from sydneythe 27-year-old considered buying an little owl and a leopard from a zoo near aleppo , syria\n", + "[1.316718 1.2417878 1.4141842 1.311573 1.1455631 1.1356528 1.0616438\n", + " 1.1262777 1.059376 1.0404794 1.1135392 1.0575601 1.010251 1.0183892\n", + " 1.0109282 1.0105059 1.251724 1.0873691 1.0397666 1.0995024 1.046657 ]\n", + "\n", + "[ 2 0 3 16 1 4 5 7 10 19 17 6 8 11 20 9 18 13 14 15 12]\n", + "=======================\n", + "[\"charles terreni jr was four times over the legal alcohol limit when he died , an autopsy has found .he was found at the pi kappa alpha house in columbia , not far from campus , around 10:30 am on march 18 , the morning after an alleged ` kegger ' at the house for the annual irish holiday .an 18-year-old university of carolina freshman who was found dead after a st patrick 's day party died of alcohol poisoning in a ` tragic and totally preventable death ' , a coroner has ruled .\"]\n", + "=======================\n", + "['charles terreni , 18 , was found dead march 18 at a frat house in columbiaterreni was a usc freshman and a member of the pi kappa alpha housecoroner identified cause of death as alcohol poisoningtoxicology tests showed he had a blood alcohol of .375neighbors said there was a large party ; a beer keg was still visible outside']\n", + "charles terreni jr was four times over the legal alcohol limit when he died , an autopsy has found .he was found at the pi kappa alpha house in columbia , not far from campus , around 10:30 am on march 18 , the morning after an alleged ` kegger ' at the house for the annual irish holiday .an 18-year-old university of carolina freshman who was found dead after a st patrick 's day party died of alcohol poisoning in a ` tragic and totally preventable death ' , a coroner has ruled .\n", + "charles terreni , 18 , was found dead march 18 at a frat house in columbiaterreni was a usc freshman and a member of the pi kappa alpha housecoroner identified cause of death as alcohol poisoningtoxicology tests showed he had a blood alcohol of .375neighbors said there was a large party ; a beer keg was still visible outside\n", + "[1.3012911 1.3237569 1.3804759 1.2115923 1.1643373 1.0217587 1.0408175\n", + " 1.0434785 1.1103115 1.2122104 1.0992805 1.0626427 1.07486 1.0491458\n", + " 1.054147 1.02358 1.0255016 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 9 3 4 8 10 12 11 14 13 7 6 16 15 5 19 17 18 20]\n", + "=======================\n", + "[\"the accident left three victims hospitalised with minor injuries , while 20 students were left homeless and one of sheffield 's main arterial roads was closed for a day .a doctor 's wife and a student plunged from the living rooms of their flats into the basement below and a workman was buried after a digger struck a load-bearing column .two property developers branded ` arrogant and greedy ' by a judge have been jailed after a three-storey building collapsed trapping three people in the rubble .\"]\n", + "=======================\n", + "[\"completely unqualified brothers were trying to create an indian restaurantdigger then struck load-bearing column bringing down floors and wallsdoctor 's wife and student fell through floors and worked was buriedjudge jails landlords for a year each telling them it was lucky no one died\"]\n", + "the accident left three victims hospitalised with minor injuries , while 20 students were left homeless and one of sheffield 's main arterial roads was closed for a day .a doctor 's wife and a student plunged from the living rooms of their flats into the basement below and a workman was buried after a digger struck a load-bearing column .two property developers branded ` arrogant and greedy ' by a judge have been jailed after a three-storey building collapsed trapping three people in the rubble .\n", + "completely unqualified brothers were trying to create an indian restaurantdigger then struck load-bearing column bringing down floors and wallsdoctor 's wife and student fell through floors and worked was buriedjudge jails landlords for a year each telling them it was lucky no one died\n", + "[1.45419 1.5149996 1.32231 1.5459198 1.3418574 1.0789229 1.024718\n", + " 1.0235356 1.0156162 1.0165713 1.0160006 1.0239855 1.1354952 1.0258497\n", + " 1.0304432 1.0292723 1.0173707 1.0114512 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 4 2 12 5 14 15 13 6 11 7 16 9 10 8 17 18 19 20]\n", + "=======================\n", + "[\"robbie mcnamara broke eight ribs , cracked six vertebrae and has no feeling in his legsthe jockey was due to partner last year 's cheltenham gold cup winner lord windermere in the crabbie 's grand national at aintree , but suffered multiple injuries when coming to grief in a fall from bursledon in a handicap hurdle the previous day .mcnamara says he is feeling ` great and optimistic ' as he continues to recover from serious injuries\"]\n", + "=======================\n", + "[\"the jockey fell at wexford on 10 april and suffered serious injuriesrobbie mcnamara , however , says he is feeling ` optimistic ' as he recovershe broke eight ribs , cracked six vertebrae and has no feeling in his legs\"]\n", + "robbie mcnamara broke eight ribs , cracked six vertebrae and has no feeling in his legsthe jockey was due to partner last year 's cheltenham gold cup winner lord windermere in the crabbie 's grand national at aintree , but suffered multiple injuries when coming to grief in a fall from bursledon in a handicap hurdle the previous day .mcnamara says he is feeling ` great and optimistic ' as he continues to recover from serious injuries\n", + "the jockey fell at wexford on 10 april and suffered serious injuriesrobbie mcnamara , however , says he is feeling ` optimistic ' as he recovershe broke eight ribs , cracked six vertebrae and has no feeling in his legs\n", + "[1.2219944 1.1539406 1.362981 1.2034416 1.3971105 1.2756855 1.0329528\n", + " 1.0356964 1.1247759 1.0443157 1.0285468 1.073692 1.1037532 1.0837514\n", + " 1.0422864 1.0120353 0. 0. 0. ]\n", + "\n", + "[ 4 2 5 0 3 1 8 12 13 11 9 14 7 6 10 15 17 16 18]\n", + "=======================\n", + "['manager jurgen klopp announced he would be leaving borussia dortmund at the end of the seasonborussia dortmund ceo hans-joachim watzke , klopp and michael zorc of dortmund were present for the press conference at signal iduna park on wednesdayhis voice cracked with emotion at times and in the next breath he laughed at questions and joked with his boss , borussia dortmund sporting director michael zorc .']\n", + "=======================\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['borussia dortmund manager jurgen klopp will leave post this summerklopp ready to take another job with no sabbaticalemotional grip of game makes him ideal for the premier leaguepremier league clubs on alert after the shock news from germanyklopp has been linked with manchester city and arsenal in the past']\n", + "manager jurgen klopp announced he would be leaving borussia dortmund at the end of the seasonborussia dortmund ceo hans-joachim watzke , klopp and michael zorc of dortmund were present for the press conference at signal iduna park on wednesdayhis voice cracked with emotion at times and in the next breath he laughed at questions and joked with his boss , borussia dortmund sporting director michael zorc .\n", + "borussia dortmund manager jurgen klopp will leave post this summerklopp ready to take another job with no sabbaticalemotional grip of game makes him ideal for the premier leaguepremier league clubs on alert after the shock news from germanyklopp has been linked with manchester city and arsenal in the past\n", + "[1.5527878 1.4312834 1.2023396 1.44135 1.1124744 1.116438 1.0938225\n", + " 1.0860189 1.0918535 1.0187074 1.0124315 1.0629318 1.0622327 1.04705\n", + " 1.0409037 1.1117737 1.0799341 0. 0. ]\n", + "\n", + "[ 0 3 1 2 5 4 15 6 8 7 16 11 12 13 14 9 10 17 18]\n", + "=======================\n", + "[\"bayer leverkusen defender emir spahic could face a lengthy ban after video footage emerged appearing to show him fighting and aiming a headbutt at stewards after a defeat by bayern munich on wednesday night .spahic was substituted in the 90th minute with an ankle injury as bayer crashed out of the germany 's dfb-pokal at the quarter-final stage , losing 5-3 on penalties after 120 goalless minutes at the bayarena .but amateur footage from after the game shows the bosnian defender involved in an altercation with stewards along the side of the pitch , where he had to be restrained by pitchside staff who were believed to have stopped his friends from walking between the stadium 's west and east stands .\"]\n", + "=======================\n", + "['emir spahic appears to aim punches and headbutt at stewards in videohis bayer leverkusen team lost on penalties against bayern munichbosnian and his friends became involved in a disagreement with staffpolice are now set to investigate the fighting and spahic faces a ban']\n", + "bayer leverkusen defender emir spahic could face a lengthy ban after video footage emerged appearing to show him fighting and aiming a headbutt at stewards after a defeat by bayern munich on wednesday night .spahic was substituted in the 90th minute with an ankle injury as bayer crashed out of the germany 's dfb-pokal at the quarter-final stage , losing 5-3 on penalties after 120 goalless minutes at the bayarena .but amateur footage from after the game shows the bosnian defender involved in an altercation with stewards along the side of the pitch , where he had to be restrained by pitchside staff who were believed to have stopped his friends from walking between the stadium 's west and east stands .\n", + "emir spahic appears to aim punches and headbutt at stewards in videohis bayer leverkusen team lost on penalties against bayern munichbosnian and his friends became involved in a disagreement with staffpolice are now set to investigate the fighting and spahic faces a ban\n", + "[1.2086246 1.2928133 1.4289548 1.4217129 1.1305196 1.1371206 1.0877244\n", + " 1.0196848 1.0743043 1.0910093 1.0788975 1.1458265 1.0173242 1.05951\n", + " 1.0566716 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 0 11 5 4 9 6 10 8 13 14 7 12 17 15 16 18]\n", + "=======================\n", + "['and even sky sports pundits jamie redknapp and thierry henry are getting involved as they went face-to-face in the studio .with the fight set to gross more than $ 300million , it is certain to be the biggest in the history of the sport .with two weeks to go until floyd mayweather and manny pacquiao finally get in the ring , it seems no-one is immune to being caught up in the hype .']\n", + "=======================\n", + "['manny pacquaio vs floyd mayweather takes place in las vegas on may 2the fight is set to gross more than $ 300million , the most ever in boxingsky sports pundits jamie redknapp and thierry henry went head-to-head']\n", + "and even sky sports pundits jamie redknapp and thierry henry are getting involved as they went face-to-face in the studio .with the fight set to gross more than $ 300million , it is certain to be the biggest in the history of the sport .with two weeks to go until floyd mayweather and manny pacquiao finally get in the ring , it seems no-one is immune to being caught up in the hype .\n", + "manny pacquaio vs floyd mayweather takes place in las vegas on may 2the fight is set to gross more than $ 300million , the most ever in boxingsky sports pundits jamie redknapp and thierry henry went head-to-head\n", + "[1.5070621 1.4720978 1.1753889 1.434933 1.1607591 1.0609674 1.0282371\n", + " 1.015353 1.0177149 1.0259769 1.0179819 1.0442628 1.2054092 1.1970397\n", + " 1.1598191 1.0702437 1.0258873 1.0147434 1.0089209]\n", + "\n", + "[ 0 1 3 12 13 2 4 14 15 5 11 6 9 16 10 8 7 17 18]\n", + "=======================\n", + "[\"harry kane will play for england 's under 21 team in this summer 's european championships after holding talks with gareth southgate .england 's head coach roy hodgson has confirmed that kane , 21 , will join up with the junior squad when he returns from tottenham 's post-season trip to malaysia and australia .ross barkley is excused from the championships despite being eligible to play for gareth southgate 's side\"]\n", + "=======================\n", + "[\"harry kane will play for gareth southgate 's side at this year 's tournamenthe will join up with the junior squad when he returns from tottenham 's post-season trip to malaysia and australiakane scored on his england debut in their 4-0 win against lithuaniaeverton ace ross barkley and liverpool 's raheem sterling are excused\"]\n", + "harry kane will play for england 's under 21 team in this summer 's european championships after holding talks with gareth southgate .england 's head coach roy hodgson has confirmed that kane , 21 , will join up with the junior squad when he returns from tottenham 's post-season trip to malaysia and australia .ross barkley is excused from the championships despite being eligible to play for gareth southgate 's side\n", + "harry kane will play for gareth southgate 's side at this year 's tournamenthe will join up with the junior squad when he returns from tottenham 's post-season trip to malaysia and australiakane scored on his england debut in their 4-0 win against lithuaniaeverton ace ross barkley and liverpool 's raheem sterling are excused\n", + "[1.1297909 1.4158039 1.4028072 1.2881336 1.1998274 1.1557997 1.1140136\n", + " 1.040911 1.0511252 1.057475 1.0765036 1.1503749 1.0934014 1.0666721\n", + " 1.0133464 1.0118977 1.0327865 1.1239098 1.0647488]\n", + "\n", + "[ 1 2 3 4 5 11 0 17 6 12 10 13 18 9 8 7 16 14 15]\n", + "=======================\n", + "['andrew hichens has become the first person to be trained and equipped as a so-called first responder to all types of 999 call .mr hichens , 28 , will be working with one pc and two police community service officers in hayle in western cornwall where the emergency services have been brought together under one roof .jack of all trades : andrew hichens is trained to respond to crimes , fires and medical emergencies']\n", + "=======================\n", + "[\"andrew hichens on call to deal with crimes , fires and medical emergenciesfirst person to be trained and equipped as a first responder to all 999 callsemergency services brought together under one roof in hayle , cornwallbut devon and cornwall police federation chair called it a ` publicity stunt '\"]\n", + "andrew hichens has become the first person to be trained and equipped as a so-called first responder to all types of 999 call .mr hichens , 28 , will be working with one pc and two police community service officers in hayle in western cornwall where the emergency services have been brought together under one roof .jack of all trades : andrew hichens is trained to respond to crimes , fires and medical emergencies\n", + "andrew hichens on call to deal with crimes , fires and medical emergenciesfirst person to be trained and equipped as a first responder to all 999 callsemergency services brought together under one roof in hayle , cornwallbut devon and cornwall police federation chair called it a ` publicity stunt '\n", + "[1.2231429 1.0873826 1.229954 1.2934841 1.173776 1.2104903 1.059875\n", + " 1.0427415 1.0519025 1.0248784 1.1391547 1.0503608 1.079454 1.0573432\n", + " 1.0417836 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 2 0 5 4 10 1 12 6 13 8 11 7 14 9 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"favourites : hobbs , seraphine and asos have all been worn repeatedly during the pregancybut while mulberry coats and alexander mcqueen gowns did creep in , much of kate 's pregnancy wardrobe came from the high street .she 's just days away from giving birth but , as ever , the duchess of cambridge refused to let her style icon status slip during her second pregnancy .\"]\n", + "=======================\n", + "['has appeared in hobbs and seraphine during her pregnancysome of her outfits have cost as little as # 35 , among them asos dressrecycled dalmatian print hobbs coat from her last pregnancy']\n", + "favourites : hobbs , seraphine and asos have all been worn repeatedly during the pregancybut while mulberry coats and alexander mcqueen gowns did creep in , much of kate 's pregnancy wardrobe came from the high street .she 's just days away from giving birth but , as ever , the duchess of cambridge refused to let her style icon status slip during her second pregnancy .\n", + "has appeared in hobbs and seraphine during her pregnancysome of her outfits have cost as little as # 35 , among them asos dressrecycled dalmatian print hobbs coat from her last pregnancy\n", + "[1.2788832 1.3062239 1.1514547 1.4327109 1.2989753 1.1545228 1.0610967\n", + " 1.0394511 1.0171784 1.0374691 1.0209819 1.0137963 1.0160949 1.1516838\n", + " 1.098152 1.0646594 1.0845112 1.0588728 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 4 0 5 13 2 14 16 15 6 17 7 9 10 8 12 11 20 18 19 21]\n", + "=======================\n", + "[\"second job : dolphins defensive tackle aj francis has sent an application to taxi app uber as he wants be a driver during the off-season to earn extra cashthe 6ft 5in , 330lb nfl player is a regular user of the taxi app and yesterday told fans that he had sent them a job application , explaining ` it would be a cool way to get some extra cash ' .unusual decision : francis plans to work for the $ 40billion taxi firm during the sport 's off-season - a rare occurrence considering the money that professional players earn today\"]\n", + "=======================\n", + "[\"the 6ft 5in , 330lb nfl player told fans on twitter of his application to uberhe explained : ` you know what 's better than nfl money ?he 's yet to play in nfl game but predicted to make $ 510,000 next seasonhe will drive passengers around florida in his brand new dodge charger\"]\n", + "second job : dolphins defensive tackle aj francis has sent an application to taxi app uber as he wants be a driver during the off-season to earn extra cashthe 6ft 5in , 330lb nfl player is a regular user of the taxi app and yesterday told fans that he had sent them a job application , explaining ` it would be a cool way to get some extra cash ' .unusual decision : francis plans to work for the $ 40billion taxi firm during the sport 's off-season - a rare occurrence considering the money that professional players earn today\n", + "the 6ft 5in , 330lb nfl player told fans on twitter of his application to uberhe explained : ` you know what 's better than nfl money ?he 's yet to play in nfl game but predicted to make $ 510,000 next seasonhe will drive passengers around florida in his brand new dodge charger\n", + "[1.4407233 1.2130803 1.5225849 1.3172648 1.1238606 1.041011 1.0282725\n", + " 1.018373 1.0147667 1.0132445 1.163189 1.1645114 1.0680652 1.0161612\n", + " 1.0387546 1.1110314 1.0373982 1.1236548 1.1772234 1.0818183 1.0715082\n", + " 1.0779985]\n", + "\n", + "[ 2 0 3 1 18 11 10 4 17 15 19 21 20 12 5 14 16 6 7 13 8 9]\n", + "=======================\n", + "[\"alison hargreaves , 32 , was swept to her death in 260mph winds on her descent from the himalayan mountain in 1995 .tom ballard plans to climb k2 , 20 years after his mother died descending from its peaknow her son tom ballard , one of the world 's most accomplished climbers , plans to conquer k2 himself .\"]\n", + "=======================\n", + "['alison hargreaves , 32 , was killed in 1995 as she descended from k2now her son tom ballard plans to conquer treacherous mountain himselfhis mother was swept to her death by 260mph winds atop the mountainat 28,251 ft , k2 is considered more difficult to climb than mount everest']\n", + "alison hargreaves , 32 , was swept to her death in 260mph winds on her descent from the himalayan mountain in 1995 .tom ballard plans to climb k2 , 20 years after his mother died descending from its peaknow her son tom ballard , one of the world 's most accomplished climbers , plans to conquer k2 himself .\n", + "alison hargreaves , 32 , was killed in 1995 as she descended from k2now her son tom ballard plans to conquer treacherous mountain himselfhis mother was swept to her death by 260mph winds atop the mountainat 28,251 ft , k2 is considered more difficult to climb than mount everest\n", + "[1.3983591 1.489404 1.2510018 1.1803919 1.166821 1.0686941 1.034244\n", + " 1.0461743 1.2857887 1.0193 1.0407091 1.0436387 1.1433426 1.0338871\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 8 2 3 4 12 5 7 11 10 6 13 9 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"a new book claims that the fire at valley parade was just one of at least nine fires at businesses owned by or associated with the club 's then chairman stafford heginbotham , who died in 1995 .former sports minister gerry sutcliffe says new allegations surrounding the bradford city fire in 1985 which claimed 56 lives do not justify a new inquiry into the disaster .the judge ruled the fire was started by a spectator dropping a cigarette into the rubbish that had accumulated under an old timber stand .\"]\n", + "=======================\n", + "['gerry sutcliffe does not believe there should be a fresh inquiry into the firethe inquiry at the time concluded the fire was started by a discarded cigarette in an old wooden standa new book claims former bradford chairman stafford heginbotham was linked to previous fires before the disaster']\n", + "a new book claims that the fire at valley parade was just one of at least nine fires at businesses owned by or associated with the club 's then chairman stafford heginbotham , who died in 1995 .former sports minister gerry sutcliffe says new allegations surrounding the bradford city fire in 1985 which claimed 56 lives do not justify a new inquiry into the disaster .the judge ruled the fire was started by a spectator dropping a cigarette into the rubbish that had accumulated under an old timber stand .\n", + "gerry sutcliffe does not believe there should be a fresh inquiry into the firethe inquiry at the time concluded the fire was started by a discarded cigarette in an old wooden standa new book claims former bradford chairman stafford heginbotham was linked to previous fires before the disaster\n", + "[1.2680101 1.5185864 1.1542625 1.2857337 1.1589805 1.1188745 1.0971478\n", + " 1.0340865 1.0698284 1.1218405 1.0472596 1.0662631 1.0619279 1.158125\n", + " 1.0779963 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 0 4 13 2 9 5 6 14 8 11 12 10 7 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"38-year-old liana barrientos pleaded not guilty on friday based on charges that she married 10 men over 11 years and charged a fee for her ` services ' .covered : alleged ` serial bride ' liana barrientos accused of running a wife-for-hire immigration covers her face as she leaves court for a second time on friday with her niece , this time for evading a subway fareemergency exit : barrientos used the emergency exit at this bronx subway station on friday instead of paying a fare for her trip just hours after leaving the court\"]\n", + "=======================\n", + "[\"liana barrientos allegedly used an emergency exit door at a bronx subway station instead of paying her fare just hours after leaving courtbarrientos spat at reporters and swung her arms as she left the court for a second time on friday where she was released without bailmarried 10 men in 11 years - with six in one year alonealleged scam occurred between 1999 and 2010her eighth husband was deported back to pakistan for making threats against the us in 2006 after a terrorism investigationthe bronx woman plead not guilty to two fraud charges fridaycaught after describing her 2010 nuptials as ` her first and only marriage ' , sparking an investigationthe department of homeland security was ` involved ' in barrientos ' case , the bronx district attorney 's office has said\"]\n", + "38-year-old liana barrientos pleaded not guilty on friday based on charges that she married 10 men over 11 years and charged a fee for her ` services ' .covered : alleged ` serial bride ' liana barrientos accused of running a wife-for-hire immigration covers her face as she leaves court for a second time on friday with her niece , this time for evading a subway fareemergency exit : barrientos used the emergency exit at this bronx subway station on friday instead of paying a fare for her trip just hours after leaving the court\n", + "liana barrientos allegedly used an emergency exit door at a bronx subway station instead of paying her fare just hours after leaving courtbarrientos spat at reporters and swung her arms as she left the court for a second time on friday where she was released without bailmarried 10 men in 11 years - with six in one year alonealleged scam occurred between 1999 and 2010her eighth husband was deported back to pakistan for making threats against the us in 2006 after a terrorism investigationthe bronx woman plead not guilty to two fraud charges fridaycaught after describing her 2010 nuptials as ` her first and only marriage ' , sparking an investigationthe department of homeland security was ` involved ' in barrientos ' case , the bronx district attorney 's office has said\n", + "[1.3050582 1.3934883 1.3133112 1.1715671 1.2124339 1.1079084 1.2242016\n", + " 1.1873295 1.071897 1.0409272 1.0333477 1.0547824 1.0624806 1.0686334\n", + " 1.0572193 1.0611212 1.0490632 1.0583419 1.0350524 1.0245597 0. ]\n", + "\n", + "[ 1 2 0 6 4 7 3 5 8 13 12 15 17 14 11 16 9 18 10 19 20]\n", + "=======================\n", + "[\"in this week 's indictment , durst , 71 , is accused of possessing a .38 caliber revolver , which authorities allegedly found in his hotel room last month .he faces a maximum of 10 years in prison if found guilty of that charge , according to the indictment .( cnn ) a federal grand jury has charged millionaire real estate heir robert durst , a convicted felon , with unlawful possession of a firearm .\"]\n", + "=======================\n", + "['durst , a convicted felon , charged with unlawful possession of a firearmhe is accused of having a .38 caliber revolver and faces up to 10 years in prison']\n", + "in this week 's indictment , durst , 71 , is accused of possessing a .38 caliber revolver , which authorities allegedly found in his hotel room last month .he faces a maximum of 10 years in prison if found guilty of that charge , according to the indictment .( cnn ) a federal grand jury has charged millionaire real estate heir robert durst , a convicted felon , with unlawful possession of a firearm .\n", + "durst , a convicted felon , charged with unlawful possession of a firearmhe is accused of having a .38 caliber revolver and faces up to 10 years in prison\n", + "[1.2937295 1.3235197 1.3079832 1.1640593 1.2647018 1.1292613 1.1026155\n", + " 1.0666199 1.120782 1.0566481 1.0399618 1.0757252 1.1049738 1.0413713\n", + " 1.0335052 1.0883577 1.035936 1.1163217 1.1093789 1.0241368 0. ]\n", + "\n", + "[ 1 2 0 4 3 5 8 17 18 12 6 15 11 7 9 13 10 16 14 19 20]\n", + "=======================\n", + "[\"it is believed the man , from brent , northwest london , works in the military 's post office , where he could have had access to the names and address of all military personnel at home and overseas .he has been put on compassionate leave from his post , after the mod considered suspending him , a source has said .the father of one of three teenagers arrested in turkey on suspicion of trying to join islamic state fighters in syria works for the ministry of defence , it has been revealed .\"]\n", + "=======================\n", + "[\"three teenage boys from north-west london detained in turkey last monththeir parents phoned 999 in britain after realising they were missingauthorities quickly made contact with turkish counterparts to block themnow it has emerged that one of boys ' fathers worked for the mod\"]\n", + "it is believed the man , from brent , northwest london , works in the military 's post office , where he could have had access to the names and address of all military personnel at home and overseas .he has been put on compassionate leave from his post , after the mod considered suspending him , a source has said .the father of one of three teenagers arrested in turkey on suspicion of trying to join islamic state fighters in syria works for the ministry of defence , it has been revealed .\n", + "three teenage boys from north-west london detained in turkey last monththeir parents phoned 999 in britain after realising they were missingauthorities quickly made contact with turkish counterparts to block themnow it has emerged that one of boys ' fathers worked for the mod\n", + "[1.417054 1.280933 1.2718207 1.1280141 1.3253236 1.1302845 1.0428512\n", + " 1.027295 1.0527519 1.0404115 1.0291332 1.0666063 1.070045 1.0564431\n", + " 1.0362668 1.1184112 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 2 5 3 15 12 11 13 8 6 9 14 10 7 16 17 18 19 20]\n", + "=======================\n", + "[\"albert park - australian grand prixbahrain was the first country in the middle east to hold a formula one world championship grand prix but it has been rocked by a number of issues in recent years .but as the f1 circus quickly ends up in bahrain after the chinese grand prix , some things do n't appear to have changed at all as , like shanghai , sakhir debuted in 2004 and is designed by herman tilke .\"]\n", + "=======================\n", + "['round four of the 2015 formula one season takes place at the sakhir circuit for the bahrain grand prixbahrain was the first country from the middle-east to hold a world championship grand prix in 2004fernando alonso is the most successful driver in sakhir having won three times in the desertlewis hamilton looks for second win in bahrain in bid to make it three out of four victories in 2015 seasonclick here for all the latest f1 news']\n", + "albert park - australian grand prixbahrain was the first country in the middle east to hold a formula one world championship grand prix but it has been rocked by a number of issues in recent years .but as the f1 circus quickly ends up in bahrain after the chinese grand prix , some things do n't appear to have changed at all as , like shanghai , sakhir debuted in 2004 and is designed by herman tilke .\n", + "round four of the 2015 formula one season takes place at the sakhir circuit for the bahrain grand prixbahrain was the first country from the middle-east to hold a world championship grand prix in 2004fernando alonso is the most successful driver in sakhir having won three times in the desertlewis hamilton looks for second win in bahrain in bid to make it three out of four victories in 2015 seasonclick here for all the latest f1 news\n", + "[1.3684198 1.3741555 1.2180992 1.2117645 1.2020704 1.1081809 1.1195449\n", + " 1.049855 1.0350301 1.1215637 1.094187 1.0957937 1.1333382 1.0390363\n", + " 1.117122 1.0671809 1.096389 1.0749356 1.0127466 1.0065287 1.0056401]\n", + "\n", + "[ 1 0 2 3 4 12 9 6 14 5 16 11 10 17 15 7 13 8 18 19 20]\n", + "=======================\n", + "['italian authorities have arrested 15 people on suspicion of murdering the christians at sea , police in palermo , sicily , said .rome ( cnn ) muslims who were among migrants trying to get from libya to italy in a boat this week threw 12 fellow passengers overboard -- killing them -- because the 12 were christians , italian police said thursday .why migrants are dying to get to italy']\n", + "=======================\n", + "['the 12 victims were from nigeria and ghana , police saidthe group of 105 people left libya , bound for italymore than 10,000 people have arrived on italian shores from libya since last weekend']\n", + "italian authorities have arrested 15 people on suspicion of murdering the christians at sea , police in palermo , sicily , said .rome ( cnn ) muslims who were among migrants trying to get from libya to italy in a boat this week threw 12 fellow passengers overboard -- killing them -- because the 12 were christians , italian police said thursday .why migrants are dying to get to italy\n", + "the 12 victims were from nigeria and ghana , police saidthe group of 105 people left libya , bound for italymore than 10,000 people have arrived on italian shores from libya since last weekend\n", + "[1.2393594 1.4093658 1.2195562 1.3709929 1.1977843 1.158048 1.1236941\n", + " 1.1020573 1.139528 1.084929 1.0279449 1.0206355 1.0212877 1.0227872\n", + " 1.011603 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 5 8 6 7 9 10 13 12 11 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the tory london mayor warned against allowing nicola sturgeon 's snp to dominate the government of the uk , ` an entity that they are sworn to destroy ' .he likened it to ` asking a fox to look after the henhouse or a temperance campaigner to run a brewery ' .ms sturgeon launched her snp manifesto today , boasting that she can ` lead the uk ' with polices on british foreign policy , benefits , energy bills and english university tuition fees .\"]\n", + "=======================\n", + "[\"london mayor warns the snp want to ` end britain , to decapitate britannia 'says scottish nationalists want higher taxes and welfare paymentsdavid cameron warns england , wales and northern ireland would suffernicola sturgeon launches manifesto with vow to ` lead ' the united kingdom\"]\n", + "the tory london mayor warned against allowing nicola sturgeon 's snp to dominate the government of the uk , ` an entity that they are sworn to destroy ' .he likened it to ` asking a fox to look after the henhouse or a temperance campaigner to run a brewery ' .ms sturgeon launched her snp manifesto today , boasting that she can ` lead the uk ' with polices on british foreign policy , benefits , energy bills and english university tuition fees .\n", + "london mayor warns the snp want to ` end britain , to decapitate britannia 'says scottish nationalists want higher taxes and welfare paymentsdavid cameron warns england , wales and northern ireland would suffernicola sturgeon launches manifesto with vow to ` lead ' the united kingdom\n", + "[1.318069 1.2704499 1.2313843 1.2795928 1.1407105 1.0647508 1.1180352\n", + " 1.0545272 1.0742793 1.1608753 1.054825 1.2103224 1.0505091 1.0552827\n", + " 1.0862669 1.0515789 1.0622008 1.0373211]\n", + "\n", + "[ 0 3 1 2 11 9 4 6 14 8 5 16 13 10 7 15 12 17]\n", + "=======================\n", + "[\"denial : al sharpton today slammed a report claiming he was banner from the funeral of walter scotthe also announced that he would head to north charleston , south carolina , to preach and attend a vigil on sunday , the day after the funeral .al sharpton has denied that the family of police shooting victim walter scott have barred him from attending his funeral because it would cause a ` circus ' of media attention .\"]\n", + "=======================\n", + "[\"preacher and civil rights leader said reports of a funeral ban are ` bogus 'will head to north charleston , south carolina , to preach on sundaywalter scott , 50 , was shot dead by michael slager almost a week ago\"]\n", + "denial : al sharpton today slammed a report claiming he was banner from the funeral of walter scotthe also announced that he would head to north charleston , south carolina , to preach and attend a vigil on sunday , the day after the funeral .al sharpton has denied that the family of police shooting victim walter scott have barred him from attending his funeral because it would cause a ` circus ' of media attention .\n", + "preacher and civil rights leader said reports of a funeral ban are ` bogus 'will head to north charleston , south carolina , to preach on sundaywalter scott , 50 , was shot dead by michael slager almost a week ago\n", + "[1.2367076 1.3398468 1.2545992 1.4089314 1.2240983 1.0314511 1.0357121\n", + " 1.0790802 1.0318528 1.0437529 1.0185742 1.106253 1.1213012 1.09133\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 0 4 12 11 13 7 9 6 8 5 10 16 14 15 17]\n", + "=======================\n", + "[\"wisden editor lawrence booth has launched a stinging attack on the ecb 's handling of kevin pietersenenglish cricket , says booth in the 152nd edition of the fabled almanack , which is published on wednesday , ` repeatedly lost touch with the basic idea that the national team belongs to us all ' .the star batsman will ply his trade for surrey in a bid to reclaim his spot in the england test team\"]\n", + "=======================\n", + "[\"wisden editor lawrence booth launched an attack on english cricketthe sportsmail writer criticised their handling of the kevin pietersen affairbooth was also scathing of england 's late decision to sack alastair cook as one-day captain on the eve of the world cupmoeen ali stars on the cover of wisden , released on wednesdaysri lanka 's kumar sangakkara named leading cricketer in the worldaustralia 's meg lanning is honoured with the inaugural women 's award\"]\n", + "wisden editor lawrence booth has launched a stinging attack on the ecb 's handling of kevin pietersenenglish cricket , says booth in the 152nd edition of the fabled almanack , which is published on wednesday , ` repeatedly lost touch with the basic idea that the national team belongs to us all ' .the star batsman will ply his trade for surrey in a bid to reclaim his spot in the england test team\n", + "wisden editor lawrence booth launched an attack on english cricketthe sportsmail writer criticised their handling of the kevin pietersen affairbooth was also scathing of england 's late decision to sack alastair cook as one-day captain on the eve of the world cupmoeen ali stars on the cover of wisden , released on wednesdaysri lanka 's kumar sangakkara named leading cricketer in the worldaustralia 's meg lanning is honoured with the inaugural women 's award\n", + "[1.2013432 1.5004478 1.3367611 1.2385659 1.2664468 1.153048 1.0875107\n", + " 1.0448122 1.053898 1.0389712 1.0850333 1.0456904 1.0964537 1.0976431\n", + " 1.0338668 1.0190548 1.015183 0. ]\n", + "\n", + "[ 1 2 4 3 0 5 13 12 6 10 8 11 7 9 14 15 16 17]\n", + "=======================\n", + "['janet and john brennan have spent eight years and hundreds of thousands of pounds turning barholm castle , in dumfries and galloway , from a ruin into a stylish castle home .they bought the 15th century fort , reputed to have been used by leader of the scottish protestant reformation john knox as a hiding place , for just # 65,000 .a couple have transformed a 600-year-old castle they bought for # 65,000 into a luxurious home worth # 700,000 .']\n", + "=======================\n", + "['janet and john brennan bought a crumbling barholm castle in dumfries and galloway for just # 65,000 in 1997the couple spent eight years chasing planning permission and spending thousands on renovating the castleit has now gone on the market for # 700,000 and has four bedrooms as well as sea views over wigtown bay']\n", + "janet and john brennan have spent eight years and hundreds of thousands of pounds turning barholm castle , in dumfries and galloway , from a ruin into a stylish castle home .they bought the 15th century fort , reputed to have been used by leader of the scottish protestant reformation john knox as a hiding place , for just # 65,000 .a couple have transformed a 600-year-old castle they bought for # 65,000 into a luxurious home worth # 700,000 .\n", + "janet and john brennan bought a crumbling barholm castle in dumfries and galloway for just # 65,000 in 1997the couple spent eight years chasing planning permission and spending thousands on renovating the castleit has now gone on the market for # 700,000 and has four bedrooms as well as sea views over wigtown bay\n", + "[1.1034296 1.0764017 1.3862536 1.2116139 1.1271849 1.2846897 1.0389583\n", + " 1.0456812 1.0874345 1.0932214 1.0474123 1.1640453 1.0224801 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 5 3 11 4 0 9 8 1 10 7 6 12 16 13 14 15 17]\n", + "=======================\n", + "[\"lee thompson 's seen plenty in his 14 years as an award-winning photojournalist covering the civil war in libya , the revolution in egypt , the tsunami in japan and other extensive travels before he co-founded the flash pack , a small group flashpacking tour company .but even he repeatedly marvels at what the men and women of southeast asia can balance and transport on just a scooter or a beaten up old motorcycle , and on one of his company 's vietnam & cambodia tours with a group of nine this month he was compelled to capture some of the finest .in vietnam alone there are more than 37 million motorbikes or scooters , most definitely the vehicle of choice in traffic that would make western country 's peak hours look tame .\"]\n", + "=======================\n", + "['the flash pack co-owner lee thompson photographed incredible uses for scooters in southeast asiaaward-winning photojournalist thompson was with a 14-day tour of vietnam and cambodia in aprilwoven baskets filled with chickens and pigs , and unique child seats seen on the scooters']\n", + "lee thompson 's seen plenty in his 14 years as an award-winning photojournalist covering the civil war in libya , the revolution in egypt , the tsunami in japan and other extensive travels before he co-founded the flash pack , a small group flashpacking tour company .but even he repeatedly marvels at what the men and women of southeast asia can balance and transport on just a scooter or a beaten up old motorcycle , and on one of his company 's vietnam & cambodia tours with a group of nine this month he was compelled to capture some of the finest .in vietnam alone there are more than 37 million motorbikes or scooters , most definitely the vehicle of choice in traffic that would make western country 's peak hours look tame .\n", + "the flash pack co-owner lee thompson photographed incredible uses for scooters in southeast asiaaward-winning photojournalist thompson was with a 14-day tour of vietnam and cambodia in aprilwoven baskets filled with chickens and pigs , and unique child seats seen on the scooters\n", + "[1.3759403 1.5184723 1.2398307 1.3801274 1.1988467 1.1085626 1.0178165\n", + " 1.0199572 1.0327773 1.0187521 1.0225946 1.017136 1.0987308 1.193526\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 13 5 12 8 10 7 9 6 11 14 15 16 17]\n", + "=======================\n", + "[\"six players - mirco antenucci , giuseppe bellusci , dario del fabro , marco silvestri , souleymane doukara and edgar cani - withdrew from the squad on the eve of saturday 's trip to charlton citing injuries , and this is just the latest incident in another turbulent period at elland road .leeds striker steve morison admits he has never experienced anything like the current circus surrounding the skybet championship side .a ` freakish set of events ' was how beleaguered boss neil redfearn described the sextet 's absence after the game but morison , who scored leeds ' goal in the 2-1 defeat at the valley , told bbc west yorkshire sport : ` we 're around it every day .\"]\n", + "=======================\n", + "['leeds forward steve morrison is surprised by the drama at the clubsix leeds players recently withdrew from the squad to face charltonmanager neil redfearn is facing increasing pressure in his role']\n", + "six players - mirco antenucci , giuseppe bellusci , dario del fabro , marco silvestri , souleymane doukara and edgar cani - withdrew from the squad on the eve of saturday 's trip to charlton citing injuries , and this is just the latest incident in another turbulent period at elland road .leeds striker steve morison admits he has never experienced anything like the current circus surrounding the skybet championship side .a ` freakish set of events ' was how beleaguered boss neil redfearn described the sextet 's absence after the game but morison , who scored leeds ' goal in the 2-1 defeat at the valley , told bbc west yorkshire sport : ` we 're around it every day .\n", + "leeds forward steve morrison is surprised by the drama at the clubsix leeds players recently withdrew from the squad to face charltonmanager neil redfearn is facing increasing pressure in his role\n", + "[1.5064218 1.3708043 1.2585847 1.4062505 1.267482 1.1358069 1.0789869\n", + " 1.0499911 1.086035 1.1254739 1.0344183 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 5 9 8 6 7 10 17 11 12 13 14 15 16 18]\n", + "=======================\n", + "[\"chelsea midfielder cesc fabregas took to instagram to show off the shiners he picked up from stoke city midfielder charlie adam on saturday .jose mourinho 's side extended their lead at the top of barclays premier league to seven points with a 2-1 win but it did n't come without cost for fabregas .the former arsenal and barcelona ace was left bloodied after being caught by a flailing arm following a tussle with adam , the scorer of a 66-yard wonder goal .\"]\n", + "=======================\n", + "[\"cesc fabregas was caught by trailing arm of stoke city ace charlie adamformer barcelona man picked up the injury during chelsea 's home winmidfielder adam scored wonder goal during the game but it was n't enoughfabregas took to instagram to show he was all smiles despite the bruisesclick here for all the latest chelsea news\"]\n", + "chelsea midfielder cesc fabregas took to instagram to show off the shiners he picked up from stoke city midfielder charlie adam on saturday .jose mourinho 's side extended their lead at the top of barclays premier league to seven points with a 2-1 win but it did n't come without cost for fabregas .the former arsenal and barcelona ace was left bloodied after being caught by a flailing arm following a tussle with adam , the scorer of a 66-yard wonder goal .\n", + "cesc fabregas was caught by trailing arm of stoke city ace charlie adamformer barcelona man picked up the injury during chelsea 's home winmidfielder adam scored wonder goal during the game but it was n't enoughfabregas took to instagram to show he was all smiles despite the bruisesclick here for all the latest chelsea news\n", + "[1.4748486 1.0747247 1.5089173 1.2746155 1.1349928 1.173568 1.1921134\n", + " 1.1299138 1.0879104 1.0909511 1.0924407 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 6 5 4 7 10 9 8 1 17 11 12 13 14 15 16 18]\n", + "=======================\n", + "[\"linda macdonald , 55 , was arrested on monday for drunk driving and decided to stick out her tongue when she was brought to vermont state police barracks for booking .police say the woman from shelburne , massachusetts was driving drunk around 10:30 pm when she ran off route 5 in dummerston , vermont and crashed her 2011 toyota camry into a wooden fence .but when officers smelled alcohol on macdonald , they administered a breathalyzer test and she posted a .10 blood-alcohol content - above the state 's legal threshold of .08 .\"]\n", + "=======================\n", + "['linda macdonald was arrested monday night after veering off the road and crashing her car into a wooden fence in dummerston , vermontthe shelburne , massachusetts woman claimed to have been talking on the phone and taking down directions when she crashedpolice smelled alcohol on her and when they administered a breathalyzer test , macdonald tested .02 per cent over the legal limit']\n", + "linda macdonald , 55 , was arrested on monday for drunk driving and decided to stick out her tongue when she was brought to vermont state police barracks for booking .police say the woman from shelburne , massachusetts was driving drunk around 10:30 pm when she ran off route 5 in dummerston , vermont and crashed her 2011 toyota camry into a wooden fence .but when officers smelled alcohol on macdonald , they administered a breathalyzer test and she posted a .10 blood-alcohol content - above the state 's legal threshold of .08 .\n", + "linda macdonald was arrested monday night after veering off the road and crashing her car into a wooden fence in dummerston , vermontthe shelburne , massachusetts woman claimed to have been talking on the phone and taking down directions when she crashedpolice smelled alcohol on her and when they administered a breathalyzer test , macdonald tested .02 per cent over the legal limit\n", + "[1.3060414 1.0728762 1.1076562 1.0514455 1.4080083 1.2582898 1.1880649\n", + " 1.1261326 1.0374404 1.0299356 1.0485501 1.0953201 1.0365679 1.0929723\n", + " 1.0749146 1.0700101 1.0574732 1.0357336 0. ]\n", + "\n", + "[ 4 0 5 6 7 2 11 13 14 1 15 16 3 10 8 12 17 9 18]\n", + "=======================\n", + "['alastair cook needs something different to draw on in his same-same pace bowling attackengland had a good day on tuesday at the start of this second test in conditions that suited them .cook is frustrated after dropping a catch off marlon samuel , who was on 32 and finished the day 94 not out']\n", + "=======================\n", + "[\"west indies were 188 for five at the close of play on day one in grenadaconditions suited england at the start of the second caribbean testengland 's biggest weakness is a lack of something different in their attackmark wood , who is in the caribbean , could offer a new elementalastair cook 's side has n't won away from home since 2012\"]\n", + "alastair cook needs something different to draw on in his same-same pace bowling attackengland had a good day on tuesday at the start of this second test in conditions that suited them .cook is frustrated after dropping a catch off marlon samuel , who was on 32 and finished the day 94 not out\n", + "west indies were 188 for five at the close of play on day one in grenadaconditions suited england at the start of the second caribbean testengland 's biggest weakness is a lack of something different in their attackmark wood , who is in the caribbean , could offer a new elementalastair cook 's side has n't won away from home since 2012\n", + "[1.2841859 1.4759413 1.2807807 1.1660218 1.0467215 1.2710352 1.0914104\n", + " 1.0402615 1.1293267 1.024558 1.0290776 1.0582594 1.0338963 1.1651905\n", + " 1.077162 1.0704619 1.0233206 1.0166093 0. ]\n", + "\n", + "[ 1 0 2 5 3 13 8 6 14 15 11 4 7 12 10 9 16 17 18]\n", + "=======================\n", + "[\"ralph body , up until march 29 , manned the front desk of the luxury 27 on 27th building in long island city , queens .a new york city doorman says he 's been fired for being too good at his job .the 41-year-old told the new york post he ` gave his life ' for his wealthy tenants and would go out of his way to do any personal tasks they asked -- all while keeping a cheerful smile on his face .\"]\n", + "=======================\n", + "[\"ralph body was once a beloved figure at the front desk of the building 27 on 27th in queensthe concierge says he was fired last week and now believes it was because he was too willing to help affluent tenants -- even after his shiftssome tenants are gathering signatures to get 41-year-old body reinstated as the building 's ever-effervescent doorman\"]\n", + "ralph body , up until march 29 , manned the front desk of the luxury 27 on 27th building in long island city , queens .a new york city doorman says he 's been fired for being too good at his job .the 41-year-old told the new york post he ` gave his life ' for his wealthy tenants and would go out of his way to do any personal tasks they asked -- all while keeping a cheerful smile on his face .\n", + "ralph body was once a beloved figure at the front desk of the building 27 on 27th in queensthe concierge says he was fired last week and now believes it was because he was too willing to help affluent tenants -- even after his shiftssome tenants are gathering signatures to get 41-year-old body reinstated as the building 's ever-effervescent doorman\n", + "[1.1701436 1.1341685 1.3466315 1.1673398 1.360017 1.0492469 1.0955381\n", + " 1.133383 1.1097903 1.0665797 1.0638483 1.0382695 1.0608692 1.0139143\n", + " 1.0189352 1.2178288 1.0630802 1.0209397 1.1215955]\n", + "\n", + "[ 4 2 15 0 3 1 7 18 8 6 9 10 16 12 5 11 17 14 13]\n", + "=======================\n", + "[\"trey -- a star on eastern high school 's basketball team in louisville , kentucky , who 's headed to play college ball next year at ball state -- was originally going to take his girlfriend to eastern 's prom .at first glance trey moses and ellie meredith could n't be more different .darla meredith said ellie has struggled with friendships since elementary school , but a special program at eastern called best buddies had made things easier for her .\"]\n", + "=======================\n", + "['college-bound basketball star asks girl with down syndrome to high school prompictures of the two during the \" prom-posal \" have gone viral']\n", + "trey -- a star on eastern high school 's basketball team in louisville , kentucky , who 's headed to play college ball next year at ball state -- was originally going to take his girlfriend to eastern 's prom .at first glance trey moses and ellie meredith could n't be more different .darla meredith said ellie has struggled with friendships since elementary school , but a special program at eastern called best buddies had made things easier for her .\n", + "college-bound basketball star asks girl with down syndrome to high school prompictures of the two during the \" prom-posal \" have gone viral\n", + "[1.1693804 1.4883385 1.3166384 1.3652503 1.2736876 1.1885164 1.0995202\n", + " 1.0662782 1.0925488 1.0479859 1.079557 1.1460738 1.0927446 1.1072277\n", + " 1.0706973 1.0624549 1.0413324 1.015489 1.0095917 1.0399647 1.0374663\n", + " 1.1033113 1.0140314]\n", + "\n", + "[ 1 3 2 4 5 0 11 13 21 6 12 8 10 14 7 15 9 16 19 20 17 22 18]\n", + "=======================\n", + "[\"vanessa santillan 's body was found in a # 400,000 flat in fulham , south west london , at the end of march .the 33-year-old mexican national , who worked as a transgender escort , died as a result of injuries to the head and neck .a 23-year-old man was arrested in connection with her death but has been bailed .\"]\n", + "=======================\n", + "['vanessa santillan was found dead at a flat in fulham , south west londonthe 33-year-old mexican national was working as a transgender escorta 23-year-old man was arrested in connection with her death last monthhe was bailed pending further inquiries as police continue investigationany witnesses or anyone with any information that can assist police are asked to call the incident room on 020 8721 4868 or contact crimestoppers anonymously on 0800 555 111 or via crimestoppers-uk .']\n", + "vanessa santillan 's body was found in a # 400,000 flat in fulham , south west london , at the end of march .the 33-year-old mexican national , who worked as a transgender escort , died as a result of injuries to the head and neck .a 23-year-old man was arrested in connection with her death but has been bailed .\n", + "vanessa santillan was found dead at a flat in fulham , south west londonthe 33-year-old mexican national was working as a transgender escorta 23-year-old man was arrested in connection with her death last monthhe was bailed pending further inquiries as police continue investigationany witnesses or anyone with any information that can assist police are asked to call the incident room on 020 8721 4868 or contact crimestoppers anonymously on 0800 555 111 or via crimestoppers-uk .\n", + "[1.3531646 1.4069471 1.3085413 1.1613075 1.4365444 1.2905449 1.0272579\n", + " 1.0250607 1.0155921 1.0170138 1.1386185 1.0088463 1.0207078 1.0174179\n", + " 1.0275861 1.0233791 1.094383 1.2488874 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 4 1 0 2 5 17 3 10 16 14 6 7 15 12 13 9 8 11 18 19 20 21 22]\n", + "=======================\n", + "[\"gerrard will miss liverpool 's fa cup quarter-final replay with blackburn because of suspensiongerrard will leave anfield at the end of the season to join major league soccer side la galaxy and the skipper is hoping to bow out in style by leading brendan rodgers ' side to the final at wembley .liverpool 's players must focus on getting themselves and the club into the semi-finals of the fa cup rather than steven gerrard , according to reds legend robbie fowler .\"]\n", + "=======================\n", + "[\"liverpool face blackburn in an fa cup quarter-final replay on wednesdaythe fa cup final could be steven gerrard 's last game for the clubrobbie fowler insists liverpool 's players must not focus on gerrardraheem sterling should remain at anfield , according to fowler\"]\n", + "gerrard will miss liverpool 's fa cup quarter-final replay with blackburn because of suspensiongerrard will leave anfield at the end of the season to join major league soccer side la galaxy and the skipper is hoping to bow out in style by leading brendan rodgers ' side to the final at wembley .liverpool 's players must focus on getting themselves and the club into the semi-finals of the fa cup rather than steven gerrard , according to reds legend robbie fowler .\n", + "liverpool face blackburn in an fa cup quarter-final replay on wednesdaythe fa cup final could be steven gerrard 's last game for the clubrobbie fowler insists liverpool 's players must not focus on gerrardraheem sterling should remain at anfield , according to fowler\n", + "[1.4607494 1.1678005 1.4619524 1.2157279 1.1895453 1.1079743 1.1122124\n", + " 1.0692649 1.1103958 1.0755061 1.0532975 1.0644097 1.0467017 1.0181289\n", + " 1.0244954 1.0173051 1.0196017 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 3 4 1 6 8 5 9 7 11 10 12 14 16 13 15 21 17 18 19 20 22]\n", + "=======================\n", + "[\"gloria ross , 84 , who spent 30 years in the national health service as a nurse , was found with a distorted face when she was visited by her grandson wayne wilkins , 25 .but when he asked nurses at whipps cross hospital , north east london , for help , they said mrs ross was ` just tired ' -- and told him the senior nurse was ` on a break ' .mr wilkins called his mother , mrs ross ' daughter maxine , 49 , who rushed to the hospital and pleaded with nurses to step in .\"]\n", + "=======================\n", + "[\"gloria ross was found with a distorted face when grandson visited herhe raised alarm with nurses at whipps cross hospital , north east londonbut they said she was ` just tired ' and that senior nurse was ` on a break 'later discovered she 'd had stroke - and she never regained consciousness\"]\n", + "gloria ross , 84 , who spent 30 years in the national health service as a nurse , was found with a distorted face when she was visited by her grandson wayne wilkins , 25 .but when he asked nurses at whipps cross hospital , north east london , for help , they said mrs ross was ` just tired ' -- and told him the senior nurse was ` on a break ' .mr wilkins called his mother , mrs ross ' daughter maxine , 49 , who rushed to the hospital and pleaded with nurses to step in .\n", + "gloria ross was found with a distorted face when grandson visited herhe raised alarm with nurses at whipps cross hospital , north east londonbut they said she was ` just tired ' and that senior nurse was ` on a break 'later discovered she 'd had stroke - and she never regained consciousness\n", + "[1.2831215 1.485173 1.2109443 1.2646652 1.2849112 1.287377 1.1590631\n", + " 1.1565937 1.0880653 1.0759834 1.0111535 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 5 4 0 3 2 6 7 8 9 10 20 19 18 17 16 11 14 13 12 21 15 22]\n", + "=======================\n", + "[\"mogi mirim announced on tuesday that edson cholbi do nascimento , known as edinho , will be the team 's coach in the second division of the brazilian league this year .mogi mirim currently have former brazil player rivaldo serving as their presidentedson cholbi nascimento , seen in this picture in 2002 , has been hired as a coach of a brazilian team\"]\n", + "=======================\n", + "[\"edinho has been hired as coach of the second division siderivaldo currently serves as mogi mirim 's presidentedinho is the son of brazilian legend pelehe is appealing a 33-year prison sentence\"]\n", + "mogi mirim announced on tuesday that edson cholbi do nascimento , known as edinho , will be the team 's coach in the second division of the brazilian league this year .mogi mirim currently have former brazil player rivaldo serving as their presidentedson cholbi nascimento , seen in this picture in 2002 , has been hired as a coach of a brazilian team\n", + "edinho has been hired as coach of the second division siderivaldo currently serves as mogi mirim 's presidentedinho is the son of brazilian legend pelehe is appealing a 33-year prison sentence\n", + "[1.5083803 1.528192 1.2582986 1.50927 1.0359138 1.0347074 1.0643152\n", + " 1.0259323 1.0250146 1.0520575 1.0396343 1.0185181 1.2787646 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 12 2 6 9 10 4 5 7 8 11 13 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"the 26-year-old has enjoyed a terrific season at ewood park netting 20 goals in the championship for gary bowyer 's side .blackburn striker rudy gestede has revealed his desire to be playing in the premier league next seasonhowever , with rovers ' promotion hopes over for this season the benin international has set his sights on a move away from the club - with swansea , crystal palace , hull and west brom all having showing an interest in the # 7million-rated 6ft 4ins forward in the past .\"]\n", + "=======================\n", + "['rudy gestede has scored 20 goals in the championship this seasonswansea and crystal palace have shown an interest in the 26-year-oldwest brom and hull have all monitored the striker in the past6ft 4ins forward is valued at # 7million by blackburn rovers']\n", + "the 26-year-old has enjoyed a terrific season at ewood park netting 20 goals in the championship for gary bowyer 's side .blackburn striker rudy gestede has revealed his desire to be playing in the premier league next seasonhowever , with rovers ' promotion hopes over for this season the benin international has set his sights on a move away from the club - with swansea , crystal palace , hull and west brom all having showing an interest in the # 7million-rated 6ft 4ins forward in the past .\n", + "rudy gestede has scored 20 goals in the championship this seasonswansea and crystal palace have shown an interest in the 26-year-oldwest brom and hull have all monitored the striker in the past6ft 4ins forward is valued at # 7million by blackburn rovers\n", + "[1.1909811 1.1806008 1.2632579 1.2474176 1.3211884 1.1931797 1.1461716\n", + " 1.1797371 1.0966535 1.1015337 1.0682377 1.0525578 1.0381393 1.0597793\n", + " 1.0485845 0. 0. 0. 0. ]\n", + "\n", + "[ 4 2 3 5 0 1 7 6 9 8 10 13 11 14 12 17 15 16 18]\n", + "=======================\n", + "['nate silver , who correctly predicted the winner in 49 of 50 us states in 2008 , believes that neither labour or the tories will be unable to get enough support together for a majority governmentthe latest icm poll for the guardian had the tories ahead on 34 per cent -- down five points from a week ago .labour were down one point on 32 per cent .']\n", + "=======================\n", + "['nate silver predicts the conservatives will win 283 seats and labour 274means both david cameron or ed miliband could find it all but impossible to cobble together a workable coalition -- let alone rule on their ownrespected us pollster predicted results of 2008 us election almost exactly']\n", + "nate silver , who correctly predicted the winner in 49 of 50 us states in 2008 , believes that neither labour or the tories will be unable to get enough support together for a majority governmentthe latest icm poll for the guardian had the tories ahead on 34 per cent -- down five points from a week ago .labour were down one point on 32 per cent .\n", + "nate silver predicts the conservatives will win 283 seats and labour 274means both david cameron or ed miliband could find it all but impossible to cobble together a workable coalition -- let alone rule on their ownrespected us pollster predicted results of 2008 us election almost exactly\n", + "[1.4666647 1.5713136 1.3047991 1.5450091 1.2618837 1.0933361 1.0145497\n", + " 1.010362 1.0175499 1.0331978 1.0242454 1.0900897 1.0788265 1.0129658\n", + " 1.0153667 1.0096219 1.0135443 1.0082585 1.0092651]\n", + "\n", + "[ 1 3 0 2 4 5 11 12 9 10 8 14 6 16 13 7 15 18 17]\n", + "=======================\n", + "[\"warren picked up his second booking of the competition in sunday 's scottish cup semi-final win over celtic -- meaning automatic suspension for the season finale on may 30 .inverness cup hero gary warren has called for a change to the ` ridiculous ' rule that will see him banned from a second final in successive seasons .but the central defender , who also missed last year 's league cup final for the same reason , says either the threshold should be raised -- or all cards should be wiped from the record for any show-piece final .\"]\n", + "=======================\n", + "[\"inverness ' gary warren will miss the club 's first-ever scottish cup finalwarren picked up his second yellow card of the cup in the semi-final against celtic and is therefore suspended for the showdown on may 30he was also suspended for the scottish league cup final last seasonthe defender believes the threshold for yellow card suspensions should be raised and is disappointed to be missing out on making history\"]\n", + "warren picked up his second booking of the competition in sunday 's scottish cup semi-final win over celtic -- meaning automatic suspension for the season finale on may 30 .inverness cup hero gary warren has called for a change to the ` ridiculous ' rule that will see him banned from a second final in successive seasons .but the central defender , who also missed last year 's league cup final for the same reason , says either the threshold should be raised -- or all cards should be wiped from the record for any show-piece final .\n", + "inverness ' gary warren will miss the club 's first-ever scottish cup finalwarren picked up his second yellow card of the cup in the semi-final against celtic and is therefore suspended for the showdown on may 30he was also suspended for the scottish league cup final last seasonthe defender believes the threshold for yellow card suspensions should be raised and is disappointed to be missing out on making history\n", + "[1.2728671 1.2693729 1.2519534 1.1012833 1.2116698 1.1524651 1.1951605\n", + " 1.1128875 1.0405949 1.0639968 1.1124882 1.0531734 1.0223306 1.0593683\n", + " 1.0411607 1.0488261 1.0273218 1.0179307 1.0301766]\n", + "\n", + "[ 0 1 2 4 6 5 7 10 3 9 13 11 15 14 8 18 16 12 17]\n", + "=======================\n", + "['aaron hernandez looked full of promise in his 2007 high school yearbook pictureaaron hernandez was a rapidly rising star in the nfl .he was a key part of the new england patriots offense , played in the super bowl and had signed a massive five-year contract extension that would pay him nearly $ 40million .']\n", + "=======================\n", + "[\"aaron hernandez , 25 , has been accused of shooting six people - killing three , including odin lloydhe was convicted of first degree murder in lloyd 's death on wednesday and sentenced to life in prison without parolehas a long history of troubling behavior , but was never held accountable because cops and coaches looked the other way , according to reports\"]\n", + "aaron hernandez looked full of promise in his 2007 high school yearbook pictureaaron hernandez was a rapidly rising star in the nfl .he was a key part of the new england patriots offense , played in the super bowl and had signed a massive five-year contract extension that would pay him nearly $ 40million .\n", + "aaron hernandez , 25 , has been accused of shooting six people - killing three , including odin lloydhe was convicted of first degree murder in lloyd 's death on wednesday and sentenced to life in prison without parolehas a long history of troubling behavior , but was never held accountable because cops and coaches looked the other way , according to reports\n", + "[1.2419248 1.5481784 1.0906677 1.1875293 1.1678038 1.3665657 1.097179\n", + " 1.050015 1.023758 1.1749412 1.0248145 1.0152818 1.0904133 1.075875\n", + " 1.0673532 1.2643954 0. 0. 0. ]\n", + "\n", + "[ 1 5 15 0 3 9 4 6 2 12 13 14 7 10 8 11 17 16 18]\n", + "=======================\n", + "['harrison poe was announced as best supporting actor at the annual tommy tune awards on tuesday in houston , texas , but the high school student had a little difficulty navigating the stage .there was more drama than expected at a thespian awards ceremony this week , as an honoree slipped off the stage and nearly crushed musicians in the orchestra pit .red-faced : the young bow tie-wearing actor went on to make a swift recovery and bounced back to the podium - ` thank you !']\n", + "=======================\n", + "['harrison poe was announced as best supporting actor at the annual tommy tune awards on tuesday in houston , texasbut the high school student had a little difficulty navigating the stagetv cameras caught him confidently getting up to accept the accolade before slipping and falling headfirst into the darknesshowever , the young bow tie-wearing actor went on to make a swift recovery and bounced back to the podium']\n", + "harrison poe was announced as best supporting actor at the annual tommy tune awards on tuesday in houston , texas , but the high school student had a little difficulty navigating the stage .there was more drama than expected at a thespian awards ceremony this week , as an honoree slipped off the stage and nearly crushed musicians in the orchestra pit .red-faced : the young bow tie-wearing actor went on to make a swift recovery and bounced back to the podium - ` thank you !\n", + "harrison poe was announced as best supporting actor at the annual tommy tune awards on tuesday in houston , texasbut the high school student had a little difficulty navigating the stagetv cameras caught him confidently getting up to accept the accolade before slipping and falling headfirst into the darknesshowever , the young bow tie-wearing actor went on to make a swift recovery and bounced back to the podium\n", + "[1.3935546 1.41758 1.3626842 1.3623239 1.0560402 1.0548903 1.1068466\n", + " 1.1165464 1.2138615 1.0378097 1.0554897 1.0389432 1.0847342 1.0480771\n", + " 1.0350542 1.0901889 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 8 7 6 15 12 4 10 5 13 11 9 14 17 16 18]\n", + "=======================\n", + "[\"the tv personality was due to record the show , which he has hosted in the past , on april 23 to be broadcast the following day .former top gear host jeremy clarkson has decided against hosting bbc 's have i got news for you later this month .the recording would have marked his first appearance for the bbc since being dismissed for hitting top gear producer oisin tymon in a ` fracas ' at a hotel over dinner .\"]\n", + "=======================\n", + "['clarkson was due to host satirical news show at the end of this monthwould have been first bbc appearance since dismissal from top gearhowever producers today confirmed he has withdrawn from show']\n", + "the tv personality was due to record the show , which he has hosted in the past , on april 23 to be broadcast the following day .former top gear host jeremy clarkson has decided against hosting bbc 's have i got news for you later this month .the recording would have marked his first appearance for the bbc since being dismissed for hitting top gear producer oisin tymon in a ` fracas ' at a hotel over dinner .\n", + "clarkson was due to host satirical news show at the end of this monthwould have been first bbc appearance since dismissal from top gearhowever producers today confirmed he has withdrawn from show\n", + "[1.4354625 1.5205086 1.3968009 1.2564892 1.3989089 1.0708983 1.0332084\n", + " 1.0410326 1.1852719 1.0785595 1.0279806 1.0105026 1.0165871 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 2 3 8 9 5 7 6 10 12 11 17 13 14 15 16 18]\n", + "=======================\n", + "['utility back saili , who made his all blacks debut against argentina in 2013 , will move to the province later this year after the completion of his 2015 contractual commitments .munster have signed new zealand international francis saili on a two-year deal .the 24-year-old currently plays for auckland-based super rugby side the blues and was part of the new zealand under-20 side that won the junior world championship in italy in 2011 .']\n", + "=======================\n", + "['utility back francis saili will join up with munster later this yearthe new zealand international has signed a two-year contractsaili made his debut for the all blacks against argentina in 2013']\n", + "utility back saili , who made his all blacks debut against argentina in 2013 , will move to the province later this year after the completion of his 2015 contractual commitments .munster have signed new zealand international francis saili on a two-year deal .the 24-year-old currently plays for auckland-based super rugby side the blues and was part of the new zealand under-20 side that won the junior world championship in italy in 2011 .\n", + "utility back francis saili will join up with munster later this yearthe new zealand international has signed a two-year contractsaili made his debut for the all blacks against argentina in 2013\n", + "[1.1421396 1.3601015 1.281747 1.2057431 1.1392787 1.0319544 1.1007932\n", + " 1.054002 1.046733 1.0465906 1.1331074 1.0218755 1.1062926 1.0439187\n", + " 1.0397124 1.0170677 1.0202879 1.0131259 1.0137244]\n", + "\n", + "[ 1 2 3 0 4 10 12 6 7 8 9 13 14 5 11 16 15 18 17]\n", + "=======================\n", + "['but a new generation of wipes -- known as radiance pads -- promises not only to remove eyeliner and mascara , but also to retexturise and brighten skin and , in some cases , even do away with fine lines and age spots .infused with exfoliating glycolic and fruit acids , as well as skin-soothers such as mango extract and liquorice , these new pads are beauty game-changers , offering all the benefits of a professional facial in a simple at-home swipe .face wipes have long been a lazy part of our beauty routine to cleanse skin and shift make-up .']\n", + "=======================\n", + "['face wipes have long been a lazy part of our daily beauty regimesbut a new generation of wipes promises to retexturise and brighten skindr nick lowe and lauren libbert decided to put them to the test']\n", + "but a new generation of wipes -- known as radiance pads -- promises not only to remove eyeliner and mascara , but also to retexturise and brighten skin and , in some cases , even do away with fine lines and age spots .infused with exfoliating glycolic and fruit acids , as well as skin-soothers such as mango extract and liquorice , these new pads are beauty game-changers , offering all the benefits of a professional facial in a simple at-home swipe .face wipes have long been a lazy part of our beauty routine to cleanse skin and shift make-up .\n", + "face wipes have long been a lazy part of our daily beauty regimesbut a new generation of wipes promises to retexturise and brighten skindr nick lowe and lauren libbert decided to put them to the test\n", + "[1.4475946 1.2003328 1.472833 1.1457896 1.1148589 1.1438206 1.0867922\n", + " 1.0866092 1.0804772 1.0534278 1.2017605 1.1059083 1.0511062 1.022076\n", + " 1.0538775 1.0435861 0. 0. 0. ]\n", + "\n", + "[ 2 0 10 1 3 5 4 11 6 7 8 14 9 12 15 13 17 16 18]\n", + "=======================\n", + "['rachel lynn lehnardt , 35 , from evans , georgia , was arrested on saturday night and has been charged with two counts of contributing to the delinquency of a minor .party : the mother-of-five allegedly played naked twister with her daughter and her friends before having sex with an 18-year-old male in the bathroom .the details of the drunken party emerged when lehnardt met with her alcoholics anonymous sponsor last friday and told her about the wild party .']\n", + "=======================\n", + "[\"rachel lehnardt , 35 , ` allowed her 16-year-old daughter and her friends drink alcohol and smoke marijuana in her georgia home 'they ` all played naked twister and lehnardt had sex with an 18-year-old man in the bathroom before playing with sex toys in front of the teens 'she said she went to bed alone but awoke to her daughter 's 16-year-old boyfriend having sex with her ; there are no charges against himafter the incident , she lost custody of her children and told her aa sponsor , who contacted authorities\"]\n", + "rachel lynn lehnardt , 35 , from evans , georgia , was arrested on saturday night and has been charged with two counts of contributing to the delinquency of a minor .party : the mother-of-five allegedly played naked twister with her daughter and her friends before having sex with an 18-year-old male in the bathroom .the details of the drunken party emerged when lehnardt met with her alcoholics anonymous sponsor last friday and told her about the wild party .\n", + "rachel lehnardt , 35 , ` allowed her 16-year-old daughter and her friends drink alcohol and smoke marijuana in her georgia home 'they ` all played naked twister and lehnardt had sex with an 18-year-old man in the bathroom before playing with sex toys in front of the teens 'she said she went to bed alone but awoke to her daughter 's 16-year-old boyfriend having sex with her ; there are no charges against himafter the incident , she lost custody of her children and told her aa sponsor , who contacted authorities\n", + "[1.2468472 1.4561032 1.2212908 1.2917249 1.2322861 1.2881141 1.0255128\n", + " 1.0308759 1.1382753 1.0625763 1.0620444 1.034437 1.0558476 1.0933058\n", + " 1.0467232 1.0239944 0. 0. 0. ]\n", + "\n", + "[ 1 3 5 0 4 2 8 13 9 10 12 14 11 7 6 15 17 16 18]\n", + "=======================\n", + "['vladimir bukovsky , 72 , has lived in the uk since he fled the soviet union in the 1970s after he was accused of spreading anti-soviet propaganda .he will be charged with five counts of making an indecent photograph of a child , five counts of possessing indecent photographs of children , and one count of possessing a prohibited image .but now bukovsky has been summonsed to appear at cambridge magistrates early next month following an investigation by cambridgeshire police , the crown prosecution service said .']\n", + "=======================\n", + "['vladimir bukovksy will appear at cambridge magistrates next month72-year-old is to be charged with making indecent photographs of childrendissident spent 12 years in prisons for spreading anti-soviet propaganda']\n", + "vladimir bukovsky , 72 , has lived in the uk since he fled the soviet union in the 1970s after he was accused of spreading anti-soviet propaganda .he will be charged with five counts of making an indecent photograph of a child , five counts of possessing indecent photographs of children , and one count of possessing a prohibited image .but now bukovsky has been summonsed to appear at cambridge magistrates early next month following an investigation by cambridgeshire police , the crown prosecution service said .\n", + "vladimir bukovksy will appear at cambridge magistrates next month72-year-old is to be charged with making indecent photographs of childrendissident spent 12 years in prisons for spreading anti-soviet propaganda\n", + "[1.0749823 1.3950789 1.3491063 1.418047 1.1308093 1.1606065 1.1799077\n", + " 1.0396656 1.0453098 1.1240703 1.0893614 1.0345109 1.0204687 1.0248626\n", + " 1.0528594 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 6 5 4 9 10 0 14 8 7 11 13 12 17 15 16 18]\n", + "=======================\n", + "['researchers at yahoo labs in california have created a sensor that can recognise the shape of your ear or any other body part you want to access your device ( shown )called bodyprint , the technology turns a standard touchscreen into a biometric scanner removing the need to specialist hardware such as fingerprint readers or infrared cameras .the salt card is designed to end the tiresome task of manually unlocking a smartphone or tablet by automatically making it come to life whenever the user is nearby .']\n", + "=======================\n", + "['yahoo labs in california reveals new method to unlock your phonesimply by holding it to your head , their technology can recognise your earit can also use other body parts like a fist or a palm to access your deviceit removes the need for specialist hardware like fingerprint readers']\n", + "researchers at yahoo labs in california have created a sensor that can recognise the shape of your ear or any other body part you want to access your device ( shown )called bodyprint , the technology turns a standard touchscreen into a biometric scanner removing the need to specialist hardware such as fingerprint readers or infrared cameras .the salt card is designed to end the tiresome task of manually unlocking a smartphone or tablet by automatically making it come to life whenever the user is nearby .\n", + "yahoo labs in california reveals new method to unlock your phonesimply by holding it to your head , their technology can recognise your earit can also use other body parts like a fist or a palm to access your deviceit removes the need for specialist hardware like fingerprint readers\n", + "[1.2214795 1.215537 1.1508765 1.1413182 1.2220969 1.2703556 1.104583\n", + " 1.0906096 1.0949738 1.0644611 1.0656514 1.0729387 1.0573938 1.0350482\n", + " 1.0344784 1.0850475 1.029988 1.0259823 0. 0. ]\n", + "\n", + "[ 5 4 0 1 2 3 6 8 7 15 11 10 9 12 13 14 16 17 18 19]\n", + "=======================\n", + "['ninety-one percent of turks do not believe that the events of 1915 -- when , according to armenians , 1.5 million ethnic armenians were systematically killed in the final years of the ottoman empire -- were genocide , according to a recent poll .most turks agree with gurgen .gurgen , a 55-year-old cleaner , says her family has had close friendships with armenians going back generations .']\n", + "=======================\n", + "['massacre of 1.5 million ethnic armenians under the ottoman empire is widely acknowledged by scholars as a genocide .turkish government officially denies it saying hundreds of thousands of turkish muslims and armenian christians died in intercommunal violence']\n", + "ninety-one percent of turks do not believe that the events of 1915 -- when , according to armenians , 1.5 million ethnic armenians were systematically killed in the final years of the ottoman empire -- were genocide , according to a recent poll .most turks agree with gurgen .gurgen , a 55-year-old cleaner , says her family has had close friendships with armenians going back generations .\n", + "massacre of 1.5 million ethnic armenians under the ottoman empire is widely acknowledged by scholars as a genocide .turkish government officially denies it saying hundreds of thousands of turkish muslims and armenian christians died in intercommunal violence\n", + "[1.1108054 1.4728366 1.3632842 1.3346483 1.1205148 1.0265602 1.0628875\n", + " 1.158452 1.1048169 1.0886911 1.0643574 1.0400255 1.0548418 1.1038496\n", + " 1.0676045 1.0356231 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 7 4 0 8 13 9 14 10 6 12 11 15 5 18 16 17 19]\n", + "=======================\n", + "[\"for the first time since november 23 , 2013 united sit above ` noisy neighbours ' manchester city in the premier league after having played the same number of games .following city 's 2-1 defeat at crystal palace on monday night they now trail louis van gaal 's side by a point ahead of sunday 's manchester derby at old trafford .wayne rooney ( centre ) scored a stunning half-volley as united beat aston villa 3-1 on saturday\"]\n", + "=======================\n", + "['manchester united beat aston villa 3-1 in the premier league on saturdaymanchester city lost 2-1 at crystal palace on monday nightresult means united sit one point ahead of city with seven games lefttwo sides meet in the manchester derby at old trafford on sundayclick here for all the latest manchester united news']\n", + "for the first time since november 23 , 2013 united sit above ` noisy neighbours ' manchester city in the premier league after having played the same number of games .following city 's 2-1 defeat at crystal palace on monday night they now trail louis van gaal 's side by a point ahead of sunday 's manchester derby at old trafford .wayne rooney ( centre ) scored a stunning half-volley as united beat aston villa 3-1 on saturday\n", + "manchester united beat aston villa 3-1 in the premier league on saturdaymanchester city lost 2-1 at crystal palace on monday nightresult means united sit one point ahead of city with seven games lefttwo sides meet in the manchester derby at old trafford on sundayclick here for all the latest manchester united news\n", + "[1.2050978 1.1866906 1.4160712 1.2570939 1.2882621 1.1589198 1.1155366\n", + " 1.0904111 1.0672094 1.0375623 1.0445732 1.0735312 1.0414716 1.0446367\n", + " 1.192015 1.0549617 0. 0. 0. 0. ]\n", + "\n", + "[ 2 4 3 0 14 1 5 6 7 11 8 15 13 10 12 9 16 17 18 19]\n", + "=======================\n", + "['virginia roberts is being sued for defamation by high profile us attorney alan dershowitz , who said that he wants to have her thrown in jail .mr dershowitz said that miss roberts would have to give evidence under oath and that if she repeated her claims she will have perjured herself .the woman who claimed she slept with prince andrew whilst working as a sex slave is facing a legal backlash from two other men she claimed had relations with her , it emerged yesterday .']\n", + "=======================\n", + "[\"virginia roberts is being sued for defamation by lawyer alan dershowtizmodel agency owner jean luc brunel said he is considering legal actioncomes after judge orders roberts ' sex slave claims struck from the record\"]\n", + "virginia roberts is being sued for defamation by high profile us attorney alan dershowitz , who said that he wants to have her thrown in jail .mr dershowitz said that miss roberts would have to give evidence under oath and that if she repeated her claims she will have perjured herself .the woman who claimed she slept with prince andrew whilst working as a sex slave is facing a legal backlash from two other men she claimed had relations with her , it emerged yesterday .\n", + "virginia roberts is being sued for defamation by lawyer alan dershowtizmodel agency owner jean luc brunel said he is considering legal actioncomes after judge orders roberts ' sex slave claims struck from the record\n", + "[1.3289485 1.3354499 1.3362087 1.3695489 1.0168698 1.0322376 1.0292236\n", + " 1.0395097 1.0527649 1.157372 1.1401674 1.0907634 1.0154973 1.0189157\n", + " 1.1456542 1.0498661 1.0607084 1.076086 1.0354221 1.0197642]\n", + "\n", + "[ 3 2 1 0 9 14 10 11 17 16 8 15 7 18 5 6 19 13 4 12]\n", + "=======================\n", + "[\"ferrari 's sebastian vettel , a surprise winner last time out in malaysia , will start third , albeit down by nine tenths of a second on hamilton .the 30-year-old briton ultimately finished just 0.042 secs ahead of his mercedes team-mate nico rosberg to give the team another front-row lock out .hamilton now has a record five poles to his name at the track , and three in succession , to take his tally to 41 overall in his career .\"]\n", + "=======================\n", + "[\"lewis hamilton claimed his third straight pole position of the seasonnico rosberg was just 0.042 secs slower than his mercedes team-mategerman says : ` oh , come on , guys , ' when told he is slower than hamiltonsebastian vettel will start third for ferrari with felipe massa fourthmclaren endured another difficult day with jenson button and fernando alonso only 17th and 18th on the grid for sunday 's race\"]\n", + "ferrari 's sebastian vettel , a surprise winner last time out in malaysia , will start third , albeit down by nine tenths of a second on hamilton .the 30-year-old briton ultimately finished just 0.042 secs ahead of his mercedes team-mate nico rosberg to give the team another front-row lock out .hamilton now has a record five poles to his name at the track , and three in succession , to take his tally to 41 overall in his career .\n", + "lewis hamilton claimed his third straight pole position of the seasonnico rosberg was just 0.042 secs slower than his mercedes team-mategerman says : ` oh , come on , guys , ' when told he is slower than hamiltonsebastian vettel will start third for ferrari with felipe massa fourthmclaren endured another difficult day with jenson button and fernando alonso only 17th and 18th on the grid for sunday 's race\n", + "[1.5379943 1.4050927 1.2989552 1.4595224 1.2280864 1.0619978 1.2642797\n", + " 1.02632 1.0194471 1.0133755 1.0169865 1.0139327 1.0138929 1.1193588\n", + " 1.0558226 1.0150245 1.0134733 1.292496 0. 0. ]\n", + "\n", + "[ 0 3 1 2 17 6 4 13 5 14 7 8 10 15 11 12 16 9 18 19]\n", + "=======================\n", + "[\"diego costa will miss four weeks with a hamstring injury , chelsea manager jose mourinho has confirmed .diego costa ( centre ) has been ruled out for up to the next four weeks after injuring his hamstring vs stokethe spain striker aggravated a hamstring problem in last weekend 's win over stoke .\"]\n", + "=======================\n", + "['chelsea beat stoke 2-1 at home in the premier league on april 4diego costa limped off in the second half after aggravating his hamstringblues travel to qpr on sunday in a west london derby at loftus road']\n", + "diego costa will miss four weeks with a hamstring injury , chelsea manager jose mourinho has confirmed .diego costa ( centre ) has been ruled out for up to the next four weeks after injuring his hamstring vs stokethe spain striker aggravated a hamstring problem in last weekend 's win over stoke .\n", + "chelsea beat stoke 2-1 at home in the premier league on april 4diego costa limped off in the second half after aggravating his hamstringblues travel to qpr on sunday in a west london derby at loftus road\n", + "[1.2112169 1.2400249 1.1012161 1.0693609 1.0900806 1.2562735 1.1331413\n", + " 1.1257409 1.1739013 1.2502686 1.0676173 1.086186 1.0717907 1.0378902\n", + " 1.0576917 1.0693171 1.0457816 1.0309954 1.0333656 0. ]\n", + "\n", + "[ 5 9 1 0 8 6 7 2 4 11 12 3 15 10 14 16 13 18 17 19]\n", + "=======================\n", + "[\"alastair cook 's former team-mate graeme swann pointed out when the england captain 's form turnedadil rashid was made to wait for his test debut after being left out after much discussion on day oneon test match special , graeme swann revealed the exact moment cook 's form with the bat took a turn for the worse .\"]\n", + "=======================\n", + "[\"graeme swann revealed the exact moment alastair cook 's form turnedif adil rashid was picked for the second test he 'd be england 666th playerdevon smith was the first grenadan ever to score a test run in grenada\"]\n", + "alastair cook 's former team-mate graeme swann pointed out when the england captain 's form turnedadil rashid was made to wait for his test debut after being left out after much discussion on day oneon test match special , graeme swann revealed the exact moment cook 's form with the bat took a turn for the worse .\n", + "graeme swann revealed the exact moment alastair cook 's form turnedif adil rashid was picked for the second test he 'd be england 666th playerdevon smith was the first grenadan ever to score a test run in grenada\n", + "[1.2203022 1.3989679 1.1594467 1.3537205 1.0842159 1.2270033 1.0911151\n", + " 1.0270276 1.1220745 1.0611333 1.1059442 1.0340241 1.0450307 1.0559269\n", + " 1.022132 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 5 0 2 8 10 6 4 9 13 12 11 7 14 15 16 17 18 19]\n", + "=======================\n", + "[\"the fledgling actress and dancer has been unveiled as mulberry 's new ambassador - and shows off her modelling skills in new imagery released by the british fashion giant .the shoot follows the release of a short film last month for the fashion house .she shot to fame as the pretty blonde on prince harry 's arm , but cressida bonas is keen to make a name for herself away from the royal limelight .\"]\n", + "=======================\n", + "[\"cressida , 26 , models british fashion house 's spring/summer 15 rangeshows off impressive dance moves in shootaccomplished actress and dancer to star in harvey weinstein 's tulip fever\"]\n", + "the fledgling actress and dancer has been unveiled as mulberry 's new ambassador - and shows off her modelling skills in new imagery released by the british fashion giant .the shoot follows the release of a short film last month for the fashion house .she shot to fame as the pretty blonde on prince harry 's arm , but cressida bonas is keen to make a name for herself away from the royal limelight .\n", + "cressida , 26 , models british fashion house 's spring/summer 15 rangeshows off impressive dance moves in shootaccomplished actress and dancer to star in harvey weinstein 's tulip fever\n", + "[1.3957846 1.4314656 1.4116362 1.2137965 1.3732946 1.3248112 1.1677221\n", + " 1.0218203 1.0177354 1.0150857 1.0262597 1.016819 1.0230191 1.008719\n", + " 1.1435554 1.0203996 1.0192851 1.0126482 1.0170704 1.012892 ]\n", + "\n", + "[ 1 2 0 4 5 3 6 14 10 12 7 15 16 8 18 11 9 19 17 13]\n", + "=======================\n", + "[\"the west ham manager feels paying sterling more than the # 100,000-per-week deal he was already offered would lead to the 20-year-old 's team-mates demanding more .yet allardyce does not blame sterling , currently on # 35,000 a week at liverpool , for trying to get as much as possible .sam allardyce has warned brendan rodgers that putting raheem sterling on a bumper new contract could cause a ripple effect across the rest of the liverpool squad .\"]\n", + "=======================\n", + "[\"west ham manager sam allardyce has warned brendan rodgers that any bumper deal offered to raheem sterling could upset other liverpool playerssterling has recently rejected terms of # 100,000 per week at the anfield clubthe england international is widely regarded as one of the best young talents this country has to offerspeaking ahead of west ham 's game with leicester , allardyce also took time to defend under-fire foxes boss nigel pearsonpearson was part of allardyce 's coaching staff when he managed newcastle\"]\n", + "the west ham manager feels paying sterling more than the # 100,000-per-week deal he was already offered would lead to the 20-year-old 's team-mates demanding more .yet allardyce does not blame sterling , currently on # 35,000 a week at liverpool , for trying to get as much as possible .sam allardyce has warned brendan rodgers that putting raheem sterling on a bumper new contract could cause a ripple effect across the rest of the liverpool squad .\n", + "west ham manager sam allardyce has warned brendan rodgers that any bumper deal offered to raheem sterling could upset other liverpool playerssterling has recently rejected terms of # 100,000 per week at the anfield clubthe england international is widely regarded as one of the best young talents this country has to offerspeaking ahead of west ham 's game with leicester , allardyce also took time to defend under-fire foxes boss nigel pearsonpearson was part of allardyce 's coaching staff when he managed newcastle\n", + "[1.1927458 1.4793999 1.2776752 1.3032271 1.2708802 1.1882868 1.0767641\n", + " 1.1117773 1.099404 1.0702065 1.0971646 1.029864 1.0207602 1.010215\n", + " 1.013308 1.0395825 1.030979 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 5 7 8 10 6 9 15 16 11 12 14 13 17 18 19]\n", + "=======================\n", + "[\"ex-bolton wanderers forward delroy facey , 34 , is also alleged to have told a contact that some football conference teams would ` do ' a game in return for payment .delroy facey ( right ) arrives at birmingham crown court for the start of his trial on monday .facey , whose former clubs include hull city and west bromwich albion , is accused of conspiring with non-league player moses swaibu and others to commit bribery .\"]\n", + "=======================\n", + "[\"delroy facey is standing trial in birmingham over match-fixing allegationsthe former premier league footballer denies conspiracy to commit briberyfacey formerly played for bolton wanderers , west brom and hull city34-year-old is alleged to have offered hyde fc 's scott spencer # 2,000facey stands trial alongside former non-league player moses swaibu , who also denies the charges\"]\n", + "ex-bolton wanderers forward delroy facey , 34 , is also alleged to have told a contact that some football conference teams would ` do ' a game in return for payment .delroy facey ( right ) arrives at birmingham crown court for the start of his trial on monday .facey , whose former clubs include hull city and west bromwich albion , is accused of conspiring with non-league player moses swaibu and others to commit bribery .\n", + "delroy facey is standing trial in birmingham over match-fixing allegationsthe former premier league footballer denies conspiracy to commit briberyfacey formerly played for bolton wanderers , west brom and hull city34-year-old is alleged to have offered hyde fc 's scott spencer # 2,000facey stands trial alongside former non-league player moses swaibu , who also denies the charges\n", + "[1.4015526 1.4912025 1.177673 1.2442712 1.0556612 1.1060781 1.0222061\n", + " 1.0589505 1.0429991 1.054141 1.1091878 1.0740527 1.038056 1.0264274\n", + " 1.0198078 1.0139103 1.0227919 1.0222445 1.0171857 0. ]\n", + "\n", + "[ 1 0 3 2 10 5 11 7 4 9 8 12 13 16 17 6 14 18 15 19]\n", + "=======================\n", + "[\"fronted by captain jamie heaslip , leinster are armed with international experience and had 11 players in the ireland squad who beat england last month .as eight teams prepare to battle it out for a place in the semi-finals of this season 's european rugby champions cup , sportsmail 's nik simon gives us a run-down of each of the sides left in the competition .poor league form has stunted leinster 's season , with the dublin side currently fifth in the pro12 competition after winning just one of their last five fixtures .\"]\n", + "=======================\n", + "['eight teams are left to battle for a place in the semi-finals of the european rugby champions cupsportsmail takes a look at their strengths , weaknesses , key players and record in the competition up until nowthe quarter-finals will be played over saturday and sunday april 4-5']\n", + "fronted by captain jamie heaslip , leinster are armed with international experience and had 11 players in the ireland squad who beat england last month .as eight teams prepare to battle it out for a place in the semi-finals of this season 's european rugby champions cup , sportsmail 's nik simon gives us a run-down of each of the sides left in the competition .poor league form has stunted leinster 's season , with the dublin side currently fifth in the pro12 competition after winning just one of their last five fixtures .\n", + "eight teams are left to battle for a place in the semi-finals of the european rugby champions cupsportsmail takes a look at their strengths , weaknesses , key players and record in the competition up until nowthe quarter-finals will be played over saturday and sunday april 4-5\n", + "[1.1891024 1.1038086 1.3292352 1.3118473 1.2068228 1.0525031 1.0532109\n", + " 1.0880259 1.1021231 1.0894344 1.0951921 1.0271842 1.0163778 1.0307676\n", + " 1.0446692 1.0213604 1.0158541 1.0221424 1.0593097 1.0718158 1.0725399\n", + " 1.0794237 1.0795062 1.0140543 1.0162498 1.0072215]\n", + "\n", + "[ 2 3 4 0 1 8 10 9 7 22 21 20 19 18 6 5 14 13 11 17 15 12 24 16\n", + " 23 25]\n", + "=======================\n", + "['twelve people were killed and 70 were injured .on monday , shooting suspect james holmes goes on trial for 165 counts , including murder and attempted murder charges .he has pleaded not guilty by reason of insanity .']\n", + "=======================\n", + "[\"trial for aurora theater shooting suspect begins mondaysurvivors say the shooting changed their lives , but does n't define it\"]\n", + "twelve people were killed and 70 were injured .on monday , shooting suspect james holmes goes on trial for 165 counts , including murder and attempted murder charges .he has pleaded not guilty by reason of insanity .\n", + "trial for aurora theater shooting suspect begins mondaysurvivors say the shooting changed their lives , but does n't define it\n", + "[1.2688987 1.454143 1.2550365 1.194376 1.2951648 1.122437 1.1535121\n", + " 1.1690478 1.0832145 1.0458189 1.0161445 1.0278965 1.0333652 1.0377027\n", + " 1.1210715 1.0904367 1.0499179 1.022847 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 2 3 7 6 5 14 15 8 16 9 13 12 11 17 10 18 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "[\"apryl foster was last seen on february 12 leaving a bar alone in ybor city after a night of partying , having finished work at 11pm at ulele restaurant , where she was a waitress .accidental death : an autopsy has show apryl foster 's blood alcohol level was 0.18 , which is over twice the legal limit for driving , and detected the presence of thc , a component of marijuanaafter a widespread search , the 33-year-old was found by divers in her submerged car in brandon , just a few blocks from her house .\"]\n", + "=======================\n", + "['apryl foster , 33 , was last seen on february 12 in ybor city , floridacctv footage speaking with a man before leaving a tampa-area bar aloneher body was found 10 days later inside her drowned carit was just a few blocks from her house in brandonautopsy found a high blood alcohol level and marijuana in her systemdeath has been ruled an accidental drowning']\n", + "apryl foster was last seen on february 12 leaving a bar alone in ybor city after a night of partying , having finished work at 11pm at ulele restaurant , where she was a waitress .accidental death : an autopsy has show apryl foster 's blood alcohol level was 0.18 , which is over twice the legal limit for driving , and detected the presence of thc , a component of marijuanaafter a widespread search , the 33-year-old was found by divers in her submerged car in brandon , just a few blocks from her house .\n", + "apryl foster , 33 , was last seen on february 12 in ybor city , floridacctv footage speaking with a man before leaving a tampa-area bar aloneher body was found 10 days later inside her drowned carit was just a few blocks from her house in brandonautopsy found a high blood alcohol level and marijuana in her systemdeath has been ruled an accidental drowning\n", + "[1.2146947 1.3477914 1.108427 1.1468539 1.2480197 1.1748333 1.0922954\n", + " 1.1095198 1.0672472 1.0830287 1.1036662 1.0494676 1.0706042 1.0884347\n", + " 1.0410601 1.0666978 1.0692387 1.0216824 1.0488776 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 5 3 7 2 10 6 13 9 12 16 8 15 11 18 14 17 24 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "[\"a female employee accused xavier morales , a supervisor within the agency , of assault after he made sexual advances at her , according to the washington post .the post reports that the march 31 party was in celebration of morales ' new assignment as head of the louisville field office .( cnn ) just as the agency begins to recover from a series of high-profile missteps , the secret service is facing yet another scandal .\"]\n", + "=======================\n", + "[\"secret service says supervisor 's security clearance has been suspendedhe is accused of trying to kiss a colleague\"]\n", + "a female employee accused xavier morales , a supervisor within the agency , of assault after he made sexual advances at her , according to the washington post .the post reports that the march 31 party was in celebration of morales ' new assignment as head of the louisville field office .( cnn ) just as the agency begins to recover from a series of high-profile missteps , the secret service is facing yet another scandal .\n", + "secret service says supervisor 's security clearance has been suspendedhe is accused of trying to kiss a colleague\n", + "[1.3348808 1.3188971 1.1832138 1.4832015 1.4185851 1.061487 1.0097482\n", + " 1.0342977 1.0542988 1.1278753 1.0218883 1.0307453 1.0308362 1.0072001\n", + " 1.0390748 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 0 1 2 9 5 8 14 7 12 11 10 6 13 24 15 16 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "['nick abendanon breaks clear to score for clermont in their thrashing of northampton on saturdaythe english full back was man of the match for the third time against premiership opposition this yearnick abendanon was perhaps the only happy englishman at stade marcel michelin on saturday night and , after leading northampton a merry dance , he revealed faint but lingering world cup hopes .']\n", + "=======================\n", + "[\"nick abendanon was man of the match in clermont win over northamptonclermont thrashed premiership 's saints 37-5 at stade marcel-michelinformer bath full back conceded england career over after france movebut abendanon 's not yet given up hope of a call-up to the national teamhe hopes to be spoken of in the same way as toulon 's steffon armitage\"]\n", + "nick abendanon breaks clear to score for clermont in their thrashing of northampton on saturdaythe english full back was man of the match for the third time against premiership opposition this yearnick abendanon was perhaps the only happy englishman at stade marcel michelin on saturday night and , after leading northampton a merry dance , he revealed faint but lingering world cup hopes .\n", + "nick abendanon was man of the match in clermont win over northamptonclermont thrashed premiership 's saints 37-5 at stade marcel-michelinformer bath full back conceded england career over after france movebut abendanon 's not yet given up hope of a call-up to the national teamhe hopes to be spoken of in the same way as toulon 's steffon armitage\n", + "[1.259475 1.3896707 1.2717831 1.2969363 1.1263802 1.0540185 1.2188957\n", + " 1.1444814 1.060381 1.069099 1.0420543 1.0499547 1.174417 1.0302052\n", + " 1.1264386 1.0489672 1.0663321 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 6 12 7 14 4 9 16 8 5 11 15 10 13 24 17 18 19 20 21 22\n", + " 23 25]\n", + "=======================\n", + "['long tailbacks built up on both sides of the carriageway as a stretch of the motorway between junctions four and five in ortford , kent was closed so an air ambulance could land to rescue a seriously injured female motorcyclist .motorists who were caught playing football on the m25 after becoming stuck in a major traffic jam on the motorway in kentkent police tweeted warning motorists to remain inside their vehicles while they were stuck in the gridlock']\n", + "=======================\n", + "['kent police received reports of a kick-about on a closed stretch of the m25came after an air ambulance was called to rescue an injured motorcyclisttwo teens were also rescued after becoming stranded on opposite carriagehappened when the pair wandered on to the clockwise carriageway as it reopened']\n", + "long tailbacks built up on both sides of the carriageway as a stretch of the motorway between junctions four and five in ortford , kent was closed so an air ambulance could land to rescue a seriously injured female motorcyclist .motorists who were caught playing football on the m25 after becoming stuck in a major traffic jam on the motorway in kentkent police tweeted warning motorists to remain inside their vehicles while they were stuck in the gridlock\n", + "kent police received reports of a kick-about on a closed stretch of the m25came after an air ambulance was called to rescue an injured motorcyclisttwo teens were also rescued after becoming stranded on opposite carriagehappened when the pair wandered on to the clockwise carriageway as it reopened\n", + "[1.3221195 1.4576427 1.1957432 1.1911602 1.3197513 1.0688642 1.1533457\n", + " 1.0397868 1.0198612 1.0396935 1.0248096 1.0500957 1.02153 1.061312\n", + " 1.0393809 1.1208313 1.3577136 0. 0. 0. 0. ]\n", + "\n", + "[ 1 16 0 4 2 3 6 15 5 13 11 7 9 14 10 12 8 19 17 18 20]\n", + "=======================\n", + "[\"the chelsea manager also described sw19 as ` more than a grand slam ' due to its traditions and aura .andy murray beat novak djokovic ( right ) in straight sets to win britian 's first men 's championship in 77 yearsjose mourinho has revealed that he felt like he was british when andy murray won wimbledon two years ago .\"]\n", + "=======================\n", + "[\"andy murray beat novak djokovic in straights sets to win at sw19 in 2013jose mourinho said he could feel the emotion of what it meant to murraymourinho also hails wimbledon as ` more than a grand slam 'read : mourinho critics do n't have a leg to stand on as he gets job done\"]\n", + "the chelsea manager also described sw19 as ` more than a grand slam ' due to its traditions and aura .andy murray beat novak djokovic ( right ) in straight sets to win britian 's first men 's championship in 77 yearsjose mourinho has revealed that he felt like he was british when andy murray won wimbledon two years ago .\n", + "andy murray beat novak djokovic in straights sets to win at sw19 in 2013jose mourinho said he could feel the emotion of what it meant to murraymourinho also hails wimbledon as ` more than a grand slam 'read : mourinho critics do n't have a leg to stand on as he gets job done\n", + "[1.2305955 1.425767 1.3760153 1.2713728 1.1539758 1.0889177 1.0886936\n", + " 1.1225513 1.1118705 1.0544375 1.1496235 1.0383995 1.0394061 1.086479\n", + " 1.0575843 1.0575546 1.0836562 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 10 7 8 5 6 13 16 14 15 9 12 11 19 17 18 20]\n", + "=======================\n", + "['officials ordered 250,000 birds to be slaughtered in telangana after cases of the h5n1 virus were identified , which can be deadly in humans .the virus caused the deaths of nearly 400 people and hundreds of millions of poultry after it spread from asia into europe and africa in 2005-2006 .thousands of chickens and other poultry have been culled following the outbreak of a highly contagious strain of bird flu in india .']\n", + "=======================\n", + "['follows outbreak of h5n1 virus which can be deadly in humanschickens culled and eggs buried in pits in bid to contain virusvirus has caused deaths of nearly 400 people worldwide since 2006']\n", + "officials ordered 250,000 birds to be slaughtered in telangana after cases of the h5n1 virus were identified , which can be deadly in humans .the virus caused the deaths of nearly 400 people and hundreds of millions of poultry after it spread from asia into europe and africa in 2005-2006 .thousands of chickens and other poultry have been culled following the outbreak of a highly contagious strain of bird flu in india .\n", + "follows outbreak of h5n1 virus which can be deadly in humanschickens culled and eggs buried in pits in bid to contain virusvirus has caused deaths of nearly 400 people worldwide since 2006\n", + "[1.227591 1.449228 1.3643098 1.2236996 1.0448978 1.0515087 1.0794871\n", + " 1.0699089 1.0597903 1.1053565 1.0914599 1.11486 1.1140977 1.0525976\n", + " 1.0113404 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 11 12 9 10 6 7 8 13 5 4 14 19 15 16 17 18 20]\n", + "=======================\n", + "['kyle seitz , 37 , of ridgefield , received two years of conditional release , a sentence similar to probation , at the hearing in danbury superior court after his lawyer read aloud a letter written by his wife asking the judge for leniency on his behalf .authorities say seitz forgot to take his 15-month-old son , benjamin , to day care on the morning of july 7 , 2014 , and left him in the car for seven hours while he went to work .a connecticut judge spared today a father from prison time in the death of the young son he left in a car on a hot day , saying the man had suffered enough .']\n", + "=======================\n", + "[\"kyle seitz , 37 , of connecticut , entered a so-called alford plea in which he did n't admit guilt but agreed there was enough evidence to convict himseitz forgot to take son benjamin to daycare last july and accidentally left him in the car for more than seven hours while he went to work , he sayshe returned to the car during the day and drove to get lunch , not realizing the toddler was in the backseatwife lindsey rogers-seitz wrote in a letter asking for leniency that her husband is an amazing father\"]\n", + "kyle seitz , 37 , of ridgefield , received two years of conditional release , a sentence similar to probation , at the hearing in danbury superior court after his lawyer read aloud a letter written by his wife asking the judge for leniency on his behalf .authorities say seitz forgot to take his 15-month-old son , benjamin , to day care on the morning of july 7 , 2014 , and left him in the car for seven hours while he went to work .a connecticut judge spared today a father from prison time in the death of the young son he left in a car on a hot day , saying the man had suffered enough .\n", + "kyle seitz , 37 , of connecticut , entered a so-called alford plea in which he did n't admit guilt but agreed there was enough evidence to convict himseitz forgot to take son benjamin to daycare last july and accidentally left him in the car for more than seven hours while he went to work , he sayshe returned to the car during the day and drove to get lunch , not realizing the toddler was in the backseatwife lindsey rogers-seitz wrote in a letter asking for leniency that her husband is an amazing father\n", + "[1.466901 1.2730298 1.4878744 1.064858 1.1313764 1.1861879 1.148869\n", + " 1.1934141 1.0726823 1.0298799 1.012904 1.0179154 1.0151358 1.1109663\n", + " 1.0412297 1.0287576 1.016586 1.0102328 1.0158119 1.0174816 1.0463092]\n", + "\n", + "[ 2 0 1 7 5 6 4 13 8 3 20 14 9 15 11 19 16 18 12 10 17]\n", + "=======================\n", + "[\"sterling , 20 , has been offered a new # 100,000-a-week contract to stay at the club but admitted he is ` flattered ' by interest from arsenal .brendan rodgers will deliver his weekly briefing to the media on friday afternoon , previewing the showdown with arsenal on saturday and discussing the future of raheem sterling .the young england star has moved a step closer to an anfield exit after revealing in a tv interview that he is not ready to sign a new contract at anfield .\"]\n", + "=======================\n", + "['rodgers will hold press briefing ahead of arsenal match at 2pmsterling set to dominate the agenda after moving closer to anfield exitengland star said he was not ready to sign a new contract with liverpool20-year-old has been offered a # 100,000-a-week deal to stayread : the rise of raheem sterling : from # 60 a day at qpr to knocking back # 100,000-per-week contracts at liverpoolclick for the latest liverpool fc news and sterling contract saga reaction']\n", + "sterling , 20 , has been offered a new # 100,000-a-week contract to stay at the club but admitted he is ` flattered ' by interest from arsenal .brendan rodgers will deliver his weekly briefing to the media on friday afternoon , previewing the showdown with arsenal on saturday and discussing the future of raheem sterling .the young england star has moved a step closer to an anfield exit after revealing in a tv interview that he is not ready to sign a new contract at anfield .\n", + "rodgers will hold press briefing ahead of arsenal match at 2pmsterling set to dominate the agenda after moving closer to anfield exitengland star said he was not ready to sign a new contract with liverpool20-year-old has been offered a # 100,000-a-week deal to stayread : the rise of raheem sterling : from # 60 a day at qpr to knocking back # 100,000-per-week contracts at liverpoolclick for the latest liverpool fc news and sterling contract saga reaction\n", + "[1.4412403 1.5449157 1.3454669 1.3582468 1.1193091 1.0872953 1.042644\n", + " 1.0096982 1.0114495 1.0257537 1.1270335 1.1714386 1.0157703 1.0277617\n", + " 1.0271553 1.0152829 1.0285226 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 11 10 4 5 6 16 13 14 9 12 15 8 7 19 17 18 20]\n", + "=======================\n", + "[\"chelsea , arsenal and manchester city were eliminated at the champions league last 16 stage , and everton were dumped out of the europa league in the same round .atletico madrid boss diego simeone believes english football needs to ` wake up ' after this season 's poor showing in europe .simeone believes that spain is still home to the two best teams in europe - wednesday night 's opponents real madrid , who have home advantage after a 0-0 draw at the vicente calderon last week , and barcelona .\"]\n", + "=======================\n", + "['there are no english clubs left in the champions league or europa leaguediego simeone admits he is surprised at the plight of premier league sideshe believes barcelona and real madrid are the top two clubs in europeatletico madrid face real madrid in their champions league quarter-final']\n", + "chelsea , arsenal and manchester city were eliminated at the champions league last 16 stage , and everton were dumped out of the europa league in the same round .atletico madrid boss diego simeone believes english football needs to ` wake up ' after this season 's poor showing in europe .simeone believes that spain is still home to the two best teams in europe - wednesday night 's opponents real madrid , who have home advantage after a 0-0 draw at the vicente calderon last week , and barcelona .\n", + "there are no english clubs left in the champions league or europa leaguediego simeone admits he is surprised at the plight of premier league sideshe believes barcelona and real madrid are the top two clubs in europeatletico madrid face real madrid in their champions league quarter-final\n", + "[1.1158487 1.1773026 1.0666339 1.3128525 1.3857095 1.1092025 1.1464425\n", + " 1.1864305 1.2042071 1.1137967 1.0915128 1.0197632 1.025836 1.1612369\n", + " 1.1029853 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 3 8 7 1 13 6 0 9 5 14 10 2 12 11 18 15 16 17 19]\n", + "=======================\n", + "[\"only just over half ( 53 per cent ) know the duke of wellington led the british forces , while one in seven believe that it was the french who were victorious in 1815 .research has revealed that three out of four people have little or no knowledge about the battle of waterloo .forty-seven per cent of 2,070 adults polled said they did n't know , or they thought the man in charge was either sir francis drake , sir winston churchill , king arthur or even harry potter 's wizardry mentor albus dumbledore .\"]\n", + "=======================\n", + "['at waterloo bicentenary , research shows adults know little about the battleonly just over half polled knew the duke of wellington led british forcesone in eight between 18-24 said they had never heard of the famous battleyoung people likely to associate waterloo with abba and london station']\n", + "only just over half ( 53 per cent ) know the duke of wellington led the british forces , while one in seven believe that it was the french who were victorious in 1815 .research has revealed that three out of four people have little or no knowledge about the battle of waterloo .forty-seven per cent of 2,070 adults polled said they did n't know , or they thought the man in charge was either sir francis drake , sir winston churchill , king arthur or even harry potter 's wizardry mentor albus dumbledore .\n", + "at waterloo bicentenary , research shows adults know little about the battleonly just over half polled knew the duke of wellington led british forcesone in eight between 18-24 said they had never heard of the famous battleyoung people likely to associate waterloo with abba and london station\n", + "[1.2837902 1.3311286 1.4054627 1.1912134 1.1875218 1.1679925 1.2617776\n", + " 1.0698763 1.0438668 1.1024108 1.0669454 1.0306586 1.025437 1.0621234\n", + " 1.0756352 1.0679305 1.2243825 1.0472258 0. 0. ]\n", + "\n", + "[ 2 1 0 6 16 3 4 5 9 14 7 15 10 13 17 8 11 12 18 19]\n", + "=======================\n", + "[\"daniel messel , 49 , was arrested hours later and has been charged in her death .wilson 's body was found in rural brown county , about 10 miles from the campus , on friday morning after a night out .friends of murdered indiana university student hannah wilson have said she was last seen at the same bar where lauren spierer partied before she vanished in 2011 .\"]\n", + "=======================\n", + "[\"police said the circumstances of the disappearances of hannah wilson and lauren spierer are ` eerily similar 'spierer , 20 , went missing in 2011 after a night partying with friends ; her body has never been found and no criminal charges have been filedwilson 's body was found on rural land about 10 miles away last friday and it is believed she died of blunt force traumadaniel messel , 49 , has been arrested in her death ` after a cellphone at her feet was traced back to him and he had blood inside his car '\"]\n", + "daniel messel , 49 , was arrested hours later and has been charged in her death .wilson 's body was found in rural brown county , about 10 miles from the campus , on friday morning after a night out .friends of murdered indiana university student hannah wilson have said she was last seen at the same bar where lauren spierer partied before she vanished in 2011 .\n", + "police said the circumstances of the disappearances of hannah wilson and lauren spierer are ` eerily similar 'spierer , 20 , went missing in 2011 after a night partying with friends ; her body has never been found and no criminal charges have been filedwilson 's body was found on rural land about 10 miles away last friday and it is believed she died of blunt force traumadaniel messel , 49 , has been arrested in her death ` after a cellphone at her feet was traced back to him and he had blood inside his car '\n", + "[1.2922063 1.4583744 1.295868 1.2914392 1.2711585 1.1873246 1.1737523\n", + " 1.1395214 1.0476799 1.0240936 1.1831957 1.0356656 1.0197939 1.0159667\n", + " 1.036624 1.0302807 1.0289675 1.037982 1.0158228 1.0096929]\n", + "\n", + "[ 1 2 0 3 4 5 10 6 7 8 17 14 11 15 16 9 12 13 18 19]\n", + "=======================\n", + "[\"the body of sarah fox , 27 , was found by police on thursday night , just hours before her 57-year-old mother bernadette was found dead at sheltered accommodation just half a mile away .merseyside police said mrs fox died of asphyxiation , while her daughter was repeatedly stabbed .the family of bernadette ( left ) and sarah family today said they are ` absolutely devastated ' at their loss\"]\n", + "=======================\n", + "[\"sarah fox , 27 , was found dead at her home in bootle on thursday nighther mother bernadette , 57 , was later found at sheltered accommodationpolice are appealing for help in tracing bernadette 's son peter fox , 26merseyside police believe both women were known to alleged murdererbernadette and sarah 's family are ` absolutely devastated ' at their loss\"]\n", + "the body of sarah fox , 27 , was found by police on thursday night , just hours before her 57-year-old mother bernadette was found dead at sheltered accommodation just half a mile away .merseyside police said mrs fox died of asphyxiation , while her daughter was repeatedly stabbed .the family of bernadette ( left ) and sarah family today said they are ` absolutely devastated ' at their loss\n", + "sarah fox , 27 , was found dead at her home in bootle on thursday nighther mother bernadette , 57 , was later found at sheltered accommodationpolice are appealing for help in tracing bernadette 's son peter fox , 26merseyside police believe both women were known to alleged murdererbernadette and sarah 's family are ` absolutely devastated ' at their loss\n", + "[1.38276 1.4302745 1.2201949 1.1865094 1.109642 1.1075515 1.0839621\n", + " 1.0402002 1.1385722 1.0442436 1.0512427 1.0451652 1.0415281 1.0551622\n", + " 1.0978374 1.0485908 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 8 4 5 14 6 13 10 15 11 9 12 7 18 16 17 19]\n", + "=======================\n", + "[\"at least 10 iraqi security forces were killed in the attacks , according to faleh al-essawi , the deputy head of iraq 's anbar provincial council .( cnn ) isis fighters seized several districts in the iraqi city of ramadi in an hours-long assault friday that included suicide and car bombs , an iraqi provincial official said .and the head of the iraqi military operation in anbar province , gen. qassim al-muhammadi , was wounded .\"]\n", + "=======================\n", + "['anbar provincial official : suicide and car bombs were part of the isis assaultiraqi and allied forces have had recent success , but isis remains powerful']\n", + "at least 10 iraqi security forces were killed in the attacks , according to faleh al-essawi , the deputy head of iraq 's anbar provincial council .( cnn ) isis fighters seized several districts in the iraqi city of ramadi in an hours-long assault friday that included suicide and car bombs , an iraqi provincial official said .and the head of the iraqi military operation in anbar province , gen. qassim al-muhammadi , was wounded .\n", + "anbar provincial official : suicide and car bombs were part of the isis assaultiraqi and allied forces have had recent success , but isis remains powerful\n", + "[1.2364982 1.5339712 1.1949353 1.2407798 1.1291735 1.1090816 1.0644234\n", + " 1.0220355 1.0137885 1.3136108 1.1491396 1.178333 1.1295252 1.1172231\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 9 3 0 2 11 10 12 4 13 5 6 7 8 18 14 15 16 17 19]\n", + "=======================\n", + "[\"the freshmen students from yichuan , shaanxi province took the exam on saturday in the first attempt by the school to allow pupils to sit exams in the open .the paper reported that the grade one students at yichuan senior high school suggested and organised the outdoor exam themselves .these extraordinary pictures show more than 1,700 chinese students taking an exam in their high school 's playground - because they could not all fit inside .\"]\n", + "=======================\n", + "[\"more than 1,700 students were spotted taking an exam in an open-air playground at a chinese high schoolgrade one pupils at school in yichuan , shaanxi province could not all fit inside the building to take examyichuan senior high school officials said sitting exam outside would test the students ' organizing capacity\"]\n", + "the freshmen students from yichuan , shaanxi province took the exam on saturday in the first attempt by the school to allow pupils to sit exams in the open .the paper reported that the grade one students at yichuan senior high school suggested and organised the outdoor exam themselves .these extraordinary pictures show more than 1,700 chinese students taking an exam in their high school 's playground - because they could not all fit inside .\n", + "more than 1,700 students were spotted taking an exam in an open-air playground at a chinese high schoolgrade one pupils at school in yichuan , shaanxi province could not all fit inside the building to take examyichuan senior high school officials said sitting exam outside would test the students ' organizing capacity\n", + "[1.2892113 1.4470572 1.1782911 1.3775522 1.2638081 1.1381654 1.1585207\n", + " 1.0280589 1.0257244 1.0529748 1.0482717 1.0286807 1.0726517 1.0315814\n", + " 1.0326889 1.0289091 0. 0. ]\n", + "\n", + "[ 1 3 0 4 2 6 5 12 9 10 14 13 15 11 7 8 16 17]\n", + "=======================\n", + "[\"the planetary society analysed the feasibility and cost of a crewed mission to orbit the martian moon phobos in 2033 , leading up to a crewed landing on the red planet in 2039 .the phobos orbital mission would last approximately 30 months , with nine months of travel each way and 12 months in orbit , the panelists said .it concluded that such a plan could indeed fit within nasa 's human space exploration budget - but that politics is holding the decision back .\"]\n", + "=======================\n", + "[\"planetary society analysed the feasibility and cost of missionscrewed mission to orbit the martian moon phobos in 2033 first stepwill lead up to a crewed landing on the red planet in 2039report says missions fit within nasa 's human space exploration budget\"]\n", + "the planetary society analysed the feasibility and cost of a crewed mission to orbit the martian moon phobos in 2033 , leading up to a crewed landing on the red planet in 2039 .the phobos orbital mission would last approximately 30 months , with nine months of travel each way and 12 months in orbit , the panelists said .it concluded that such a plan could indeed fit within nasa 's human space exploration budget - but that politics is holding the decision back .\n", + "planetary society analysed the feasibility and cost of missionscrewed mission to orbit the martian moon phobos in 2033 first stepwill lead up to a crewed landing on the red planet in 2039report says missions fit within nasa 's human space exploration budget\n", + "[1.2865567 1.3159258 1.2115302 1.1944824 1.346873 1.135297 1.0658617\n", + " 1.033671 1.0222367 1.0196033 1.1222527 1.0216556 1.0994426 1.0624044\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 4 1 0 2 3 5 10 12 6 13 7 8 11 9 16 14 15 17]\n", + "=======================\n", + "['latika bourke had no interest about looking into her origins until she watched the movie slumdog millionaire which she found life-changingalthough she was adopted from india along with two of her siblings , it never occurred to her that she should explore her origins in india , where she was born before being adopted and starting a new life in the lucky country as an eight month old baby .the film was nothing short of life-changing for latika and led her to a fulfilling spiritual journey back to where it all began in an orphanage in the slums of india - the country she instantly fell in love with and has become her second home .']\n", + "=======================\n", + "['latika bourke was born in india and adopted by an australian coupleher parents had two kids , adopted three then had another three naturallyshe grew up in bathurst in nsw and had a very happy childhoodlatika showed no interest in her heritage until she watched the movie slumdog millionaire where a girl had the same name as herinstantly besotted with her home country she has been every since 2012now 31 , she hopes to live in india one day and tell their stories']\n", + "latika bourke had no interest about looking into her origins until she watched the movie slumdog millionaire which she found life-changingalthough she was adopted from india along with two of her siblings , it never occurred to her that she should explore her origins in india , where she was born before being adopted and starting a new life in the lucky country as an eight month old baby .the film was nothing short of life-changing for latika and led her to a fulfilling spiritual journey back to where it all began in an orphanage in the slums of india - the country she instantly fell in love with and has become her second home .\n", + "latika bourke was born in india and adopted by an australian coupleher parents had two kids , adopted three then had another three naturallyshe grew up in bathurst in nsw and had a very happy childhoodlatika showed no interest in her heritage until she watched the movie slumdog millionaire where a girl had the same name as herinstantly besotted with her home country she has been every since 2012now 31 , she hopes to live in india one day and tell their stories\n", + "[1.276807 1.3195415 1.1913415 1.3459909 1.1937183 1.2494925 1.1104137\n", + " 1.1581385 1.0817177 1.1425389 1.0547036 1.0992764 1.0662295 1.0657517\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 5 4 2 7 9 6 11 8 12 13 10 16 14 15 17]\n", + "=======================\n", + "[\"a brazilian website is claiming to have the new chelsea kit for sale , with gareth bale 's name on the backthe website has published three chelsea kits with the incoming ` yokohama ' sponsor across the front , albeit without the adidas emblem , the club 's kit manufacturer .bale ( centre ) has struggled at real madrid this season and reports have linked him with a return to england\"]\n", + "=======================\n", + "[\"brazilian online store claims to be selling next season 's chelsea kitit has published pictures of the new home shirt with ` bale 9 ' on the backthe images do n't have the adidas emblem on , who make chelsea 's kit\"]\n", + "a brazilian website is claiming to have the new chelsea kit for sale , with gareth bale 's name on the backthe website has published three chelsea kits with the incoming ` yokohama ' sponsor across the front , albeit without the adidas emblem , the club 's kit manufacturer .bale ( centre ) has struggled at real madrid this season and reports have linked him with a return to england\n", + "brazilian online store claims to be selling next season 's chelsea kitit has published pictures of the new home shirt with ` bale 9 ' on the backthe images do n't have the adidas emblem on , who make chelsea 's kit\n", + "[1.2545189 1.2504144 1.0289861 1.2491052 1.3425288 1.1965489 1.1692196\n", + " 1.1763923 1.1158592 1.1760198 1.0986387 1.0240061 1.054211 1.0862968\n", + " 1.0715421 1.0738868 1.0904573 1.007587 ]\n", + "\n", + "[ 4 0 1 3 5 7 9 6 8 10 16 13 15 14 12 2 11 17]\n", + "=======================\n", + "['the queen awards a victoria cross to lance corporal joshua leakey , who showed immense bravery by drawing enemy fire and helping his comrades before taking the fight to the taliban in august 2013a paratrooper who braved heavy taliban fire to rescue a wounded comrade received the victoria cross from the queen yesterday .but in fact the 27-year-old is the second member of his family to receive the highest military decoration for valour -- a cousin was given the honour 70 years ago .']\n", + "=======================\n", + "[\"joshua leakey receives sixth vc queen has given to a living uk recipientl/cpl 's cousin was posthumous vc recipient in 1945 for gallantry in wwiihe says award highlights efforts of all soldiers who went to battle talibanthree generations of his family including grandparents attend ceremony\"]\n", + "the queen awards a victoria cross to lance corporal joshua leakey , who showed immense bravery by drawing enemy fire and helping his comrades before taking the fight to the taliban in august 2013a paratrooper who braved heavy taliban fire to rescue a wounded comrade received the victoria cross from the queen yesterday .but in fact the 27-year-old is the second member of his family to receive the highest military decoration for valour -- a cousin was given the honour 70 years ago .\n", + "joshua leakey receives sixth vc queen has given to a living uk recipientl/cpl 's cousin was posthumous vc recipient in 1945 for gallantry in wwiihe says award highlights efforts of all soldiers who went to battle talibanthree generations of his family including grandparents attend ceremony\n", + "[1.2379318 1.2862908 1.2651663 1.3006526 1.2260996 1.195579 1.1622453\n", + " 1.1219372 1.0229988 1.2105305 1.0191483 1.0367881 1.0391421 1.0730081\n", + " 1.0249584 1.025345 1.0428246 1.0503691]\n", + "\n", + "[ 3 1 2 0 4 9 5 6 7 13 17 16 12 11 15 14 8 10]\n", + "=======================\n", + "[\"rumours suggest apple is about to abandon the 6s later this year in favour of going straight for the iphone 7 .this difference may seem slight , but it suggests the next model of iphone could be substantial improvement on iphone 6 range , and rumours have hinted towards new features such as force touch .ever since the iphone 3gs launched in 2009 , apple has followed a new handset one year with a marginally-different 's ' version the year after .\"]\n", + "=======================\n", + "[\"claims were made by thailand-based kgi securities analyst ming-chi kuohe said the next-generation iphone will feature force touchthis was added to the watch and macbook and tracks click pressuresif true , the change will be significant enough to warrant apple calling its handset iphone 7 rather than adding a traditional 's ' to the iphone 6 range\"]\n", + "rumours suggest apple is about to abandon the 6s later this year in favour of going straight for the iphone 7 .this difference may seem slight , but it suggests the next model of iphone could be substantial improvement on iphone 6 range , and rumours have hinted towards new features such as force touch .ever since the iphone 3gs launched in 2009 , apple has followed a new handset one year with a marginally-different 's ' version the year after .\n", + "claims were made by thailand-based kgi securities analyst ming-chi kuohe said the next-generation iphone will feature force touchthis was added to the watch and macbook and tracks click pressuresif true , the change will be significant enough to warrant apple calling its handset iphone 7 rather than adding a traditional 's ' to the iphone 6 range\n", + "[1.3577971 1.3076707 1.3538325 1.3366268 1.1816967 1.0813457 1.0298802\n", + " 1.0106566 1.1708931 1.1595446 1.1558291 1.0143269 1.0092434 1.053596\n", + " 1.0800388 1.0546595 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 4 8 9 10 5 14 15 13 6 11 7 12 18 16 17 19]\n", + "=======================\n", + "[\"fitness guru ashy bines , who has almost one million followers on social media , has admitted some of the healthy eating recipes she had shared had been ripped off from other websites .it comes as ms bines - who is from the gold coast in queensland - also reveals she has been abused by online trolls who made nasty comments about her unborn child , with one saying they hoped her baby would be born with a disability , news corp reported .the 26-year-old confirmed the revelations in a video posted on youtube after a blogger - who looks into ` exposing the truth of ashy bines ' dishonest business ethics ' - posted about the similarities between recipes on ms bines ' website and a food blog .\"]\n", + "=======================\n", + "[\"ashy bines started exercise program , ashy bines bikini body challengethe 26-year-old has attracted enormous online following on social mediain a video , she admits recipes she shared were copied from ` other sources 'ms bines explained she outsourced her recipe finding to a nutritionistshe said she did this so her followers would get best advice from expertspregnant fitness guru said her unborn child was targeted by online trolls\"]\n", + "fitness guru ashy bines , who has almost one million followers on social media , has admitted some of the healthy eating recipes she had shared had been ripped off from other websites .it comes as ms bines - who is from the gold coast in queensland - also reveals she has been abused by online trolls who made nasty comments about her unborn child , with one saying they hoped her baby would be born with a disability , news corp reported .the 26-year-old confirmed the revelations in a video posted on youtube after a blogger - who looks into ` exposing the truth of ashy bines ' dishonest business ethics ' - posted about the similarities between recipes on ms bines ' website and a food blog .\n", + "ashy bines started exercise program , ashy bines bikini body challengethe 26-year-old has attracted enormous online following on social mediain a video , she admits recipes she shared were copied from ` other sources 'ms bines explained she outsourced her recipe finding to a nutritionistshe said she did this so her followers would get best advice from expertspregnant fitness guru said her unborn child was targeted by online trolls\n", + "[1.3113816 1.1435417 1.3417761 1.0884794 1.1292038 1.2934924 1.1400249\n", + " 1.1249447 1.1183155 1.0930927 1.1371453 1.0706048 1.0289643 1.0773673\n", + " 1.1232505 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 5 1 6 10 4 7 14 8 9 3 13 11 12 15 16 17 18 19]\n", + "=======================\n", + "['researchers found women judged to have pretty faces also have voices regarded by men as appealing .researchers photographed the faces and recorded the voices of 42 women with an average age of 24 .men can judge how attractive a woman is by hearing her talk , according to a study .']\n", + "=======================\n", + "['researchers found those with pretty faces also have appealing voicesuniversity of vienna photographed and recorded voices of 42 womentwo separate groups of men rated their attractiveness for the studythose who rated highly for looks often scored well for sound']\n", + "researchers found women judged to have pretty faces also have voices regarded by men as appealing .researchers photographed the faces and recorded the voices of 42 women with an average age of 24 .men can judge how attractive a woman is by hearing her talk , according to a study .\n", + "researchers found those with pretty faces also have appealing voicesuniversity of vienna photographed and recorded voices of 42 womentwo separate groups of men rated their attractiveness for the studythose who rated highly for looks often scored well for sound\n", + "[1.5166762 1.3344147 1.1986861 1.1370649 1.2203549 1.2274247 1.1697097\n", + " 1.0617154 1.1570302 1.076282 1.0355797 1.0454073 1.03385 1.1492046\n", + " 1.0540406 1.0269111 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 4 2 6 8 13 3 9 7 14 11 10 12 15 16 17 18 19]\n", + "=======================\n", + "[\"former all blacks star mils muliaina was arrested on suspicion of sexual assault following connacht 's clash with gloucester on friday night - with tv cameras capturing the moment he was hauled away by police following the game .muliaina , who earned a century of caps for new zealand before retiring after the 2011 world cup , signed for connacht at the beginning of the season and has made 11 appearances for the irish province so far .the former all black was arrested at kingsholm and then led to a police van where he was detained\"]\n", + "=======================\n", + "['mils muliaina won 100 caps for new zealand before retiring in 2011muliaina has been playing for connacht in ireland this seasonthe kiwi was playing against gloucester on friday nightmuliaina was led away led away by police after the match']\n", + "former all blacks star mils muliaina was arrested on suspicion of sexual assault following connacht 's clash with gloucester on friday night - with tv cameras capturing the moment he was hauled away by police following the game .muliaina , who earned a century of caps for new zealand before retiring after the 2011 world cup , signed for connacht at the beginning of the season and has made 11 appearances for the irish province so far .the former all black was arrested at kingsholm and then led to a police van where he was detained\n", + "mils muliaina won 100 caps for new zealand before retiring in 2011muliaina has been playing for connacht in ireland this seasonthe kiwi was playing against gloucester on friday nightmuliaina was led away led away by police after the match\n", + "[1.1860191 1.2026563 1.4127471 1.2688012 1.1158714 1.1497091 1.1208215\n", + " 1.1515878 1.0211581 1.1307961 1.0446252 1.0531487 1.0785267 1.0141797\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 0 7 5 9 6 4 12 11 10 8 13 18 14 15 16 17 19]\n", + "=======================\n", + "[\"yet for aussie blokes , 29 per cent say the variety of sexual partners is what floats their boat - surprise , surprise !single life : according to a new study , for 54 per cent of single women , the best part about being single is to be able to go home and straight to bedthey say men are from mars and women are from venus , and when it comes to the single 's dating scene , this sentiment could n't be more true , according to latest findings from a new relationship study .\"]\n", + "=======================\n", + "[\"eharmony relationship survey reveals pros and cons of single life54 % of women say they prioritise love but men spend almost double the time per week actively looking for dates53 % of women hate being the only single person at a family gathering24 % of men says they 're single because ` all the good ones are taken 'one single woman reveals her friend did n't invite her to a birthday dinner as she would ` ruin table numbers '\"]\n", + "yet for aussie blokes , 29 per cent say the variety of sexual partners is what floats their boat - surprise , surprise !single life : according to a new study , for 54 per cent of single women , the best part about being single is to be able to go home and straight to bedthey say men are from mars and women are from venus , and when it comes to the single 's dating scene , this sentiment could n't be more true , according to latest findings from a new relationship study .\n", + "eharmony relationship survey reveals pros and cons of single life54 % of women say they prioritise love but men spend almost double the time per week actively looking for dates53 % of women hate being the only single person at a family gathering24 % of men says they 're single because ` all the good ones are taken 'one single woman reveals her friend did n't invite her to a birthday dinner as she would ` ruin table numbers '\n", + "[1.4898255 1.3231031 1.275314 1.5234585 1.3078666 1.1477249 1.0544522\n", + " 1.0452754 1.014337 1.0153679 1.1183257 1.0120043 1.0148846 1.0517259\n", + " 1.0111468 1.0215172 1.0300571 1.0087948 1.0147475 1.0103122]\n", + "\n", + "[ 3 0 1 4 2 5 10 6 13 7 16 15 9 12 18 8 11 14 19 17]\n", + "=======================\n", + "['sebastian vettel won the second race of the season with victory in malaysia last monthferrari technical director james allison believes mercedes are again likely to lead the way in china this weekend .fears of another season of domination from mercedes were blown away by a shock , yet deserved victory for sebastian vettel last time out in malaysia .']\n", + "=======================\n", + "[\"ferrari won the second grand prix of the season in malaysiasebastian vettel 's victory was a shock given mercedes ' strong startbut ferrari 's technical director believes mercedes will be strong in chinathe cooler climate should suit lewis hamilton and nico rosbergclick here for the latest f1 news ahead of the 2015 chinese grand prix\"]\n", + "sebastian vettel won the second race of the season with victory in malaysia last monthferrari technical director james allison believes mercedes are again likely to lead the way in china this weekend .fears of another season of domination from mercedes were blown away by a shock , yet deserved victory for sebastian vettel last time out in malaysia .\n", + "ferrari won the second grand prix of the season in malaysiasebastian vettel 's victory was a shock given mercedes ' strong startbut ferrari 's technical director believes mercedes will be strong in chinathe cooler climate should suit lewis hamilton and nico rosbergclick here for the latest f1 news ahead of the 2015 chinese grand prix\n", + "[1.4144038 1.2174273 1.4147308 1.1362734 1.2045233 1.1380817 1.1305494\n", + " 1.2673802 1.1241572 1.0906982 1.0704528 1.0396848 1.0565884 1.0645589\n", + " 1.0480951 1.0758523 1.0384961 1.0209681 1.0504289 1.0179695 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 7 1 4 5 3 6 8 9 15 10 13 12 18 14 11 16 17 19 20 21 22 23\n", + " 24 25]\n", + "=======================\n", + "['raheem sterling has been pictured smoking a shisha pipe with team-mate jordon ibe earlier this seasonhere , sportsmail details five other misbehaving stars involved in similar incidents away from the field .in 2013 he was spotted outside a london nightclub with a cigarette in his mouth and was pictured smoking in a swimming pool in las vegas a year later .']\n", + "=======================\n", + "[\"pictures show raheem sterling and jordon ibe with shisha pipeshowever , liverpool duo are n't first stars to be involved in such controversysaido berahino and kyle walker both pictured inhaling ` hippy crack 'read : sterling filmed inhaling laughing gas\"]\n", + "raheem sterling has been pictured smoking a shisha pipe with team-mate jordon ibe earlier this seasonhere , sportsmail details five other misbehaving stars involved in similar incidents away from the field .in 2013 he was spotted outside a london nightclub with a cigarette in his mouth and was pictured smoking in a swimming pool in las vegas a year later .\n", + "pictures show raheem sterling and jordon ibe with shisha pipeshowever , liverpool duo are n't first stars to be involved in such controversysaido berahino and kyle walker both pictured inhaling ` hippy crack 'read : sterling filmed inhaling laughing gas\n", + "[1.4122186 1.4133391 1.1260645 1.3514282 1.383058 1.0483294 1.0309165\n", + " 1.0200604 1.0311983 1.0678699 1.0203241 1.0240748 1.0321156 1.0315831\n", + " 1.0574265 1.0182819 1.0161127 1.0290029 1.0300286 1.0958469 1.0164508\n", + " 1.0133303 1.0144975 1.0155213 1.0487093 1.0153745]\n", + "\n", + "[ 1 0 4 3 2 19 9 14 24 5 12 13 8 6 18 17 11 10 7 15 20 16 23 25\n", + " 22 21]\n", + "=======================\n", + "[\"a james forrest strike and stefan johansen 's penalty were enough to see off a spirited challenge by the bottom side as celtic moved eight points clear of aberdeen .ronny deila lauded his players for stretching their lead at the top of the premiership with victory at st mirren -- then hit out at the state of pitches in scotland .celtic manager ronny deila was impressed with his side 's performance against st mirren on friday night\"]\n", + "=======================\n", + "[\"celtic beat st mirren 2-0 to move eight points clear at the top of the leagueronny deila praised his players for their patience in waiting for the winalthough pleased , he said the pitches in scotland are ` terrible 'deila believes it would be better to play on artificial pitches\"]\n", + "a james forrest strike and stefan johansen 's penalty were enough to see off a spirited challenge by the bottom side as celtic moved eight points clear of aberdeen .ronny deila lauded his players for stretching their lead at the top of the premiership with victory at st mirren -- then hit out at the state of pitches in scotland .celtic manager ronny deila was impressed with his side 's performance against st mirren on friday night\n", + "celtic beat st mirren 2-0 to move eight points clear at the top of the leagueronny deila praised his players for their patience in waiting for the winalthough pleased , he said the pitches in scotland are ` terrible 'deila believes it would be better to play on artificial pitches\n", + "[1.2874532 1.451682 1.2008305 1.1823318 1.0962728 1.1149437 1.126586\n", + " 1.0873764 1.0487983 1.0585992 1.0765741 1.0417131 1.0686219 1.0465677\n", + " 1.0711008 1.0692385 1.0503671 1.0342702 1.0402509 1.0554223 1.0520917\n", + " 1.0566174 1.0594603 1.0283848 0. 0. ]\n", + "\n", + "[ 1 0 2 3 6 5 4 7 10 14 15 12 22 9 21 19 20 16 8 13 11 18 17 23\n", + " 24 25]\n", + "=======================\n", + "[\"slager has been fired and charged with murder in the death of 50-year-old walter scott .( cnn ) eyewitness video showing white north charleston police officer michael slager shooting to death an unarmed black man has exposed discrepancies in the reports of the first officers on the scene .a bystander 's cell phone video , which began after an alleged struggle on the ground between slager and scott , shows the five-year police veteran shooting at scott eight times as scott runs away .\"]\n", + "=======================\n", + "['more questions than answers emerge in controversial s.c. police shootingofficer michael slager , charged with murder , was fired from the north charleston police department']\n", + "slager has been fired and charged with murder in the death of 50-year-old walter scott .( cnn ) eyewitness video showing white north charleston police officer michael slager shooting to death an unarmed black man has exposed discrepancies in the reports of the first officers on the scene .a bystander 's cell phone video , which began after an alleged struggle on the ground between slager and scott , shows the five-year police veteran shooting at scott eight times as scott runs away .\n", + "more questions than answers emerge in controversial s.c. police shootingofficer michael slager , charged with murder , was fired from the north charleston police department\n", + "[1.3638124 1.2739848 1.4894075 1.5297956 1.1740055 1.1206516 1.0426221\n", + " 1.0161042 1.0156728 1.0608542 1.0492444 1.0136507 1.1100676 1.031178\n", + " 1.0315664 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 0 1 4 5 12 9 10 6 14 13 7 8 11 23 22 21 20 16 18 17 15 24\n", + " 19 25]\n", + "=======================\n", + "[\"danny cipriani is currently relaxing on holiday in dubai before sale 's last four aviva premiership gamessteve diamond 's side will face london irish , harlequins , newcastle and exeter in the coming weeks as they look to secure a top-six finish and qualification for next season 's european champions cup - and a short break looks to be the perfect preparation for cipriani who has been integral to sale 's improved form this season .cipriani contributed 13 points from the boot in a fine display against the cherry and whites and with sale out of contention in europe , cipriani and his team-mates have the weekend off to recharge ahead of a crucial final four rounds of aviva premiership action .\"]\n", + "=======================\n", + "[\"danny cipriani kicked 13 points in sale 's 23-6 victory against gloucester last saturdaycipriani has been in superb form for steve diamond 's side this seasonthe former wasps no 10 was called up to stuart lancaster 's england squad for the rbs 6 nationscipriani made appearances off the bench against italy , scotland and france during the tournament\"]\n", + "danny cipriani is currently relaxing on holiday in dubai before sale 's last four aviva premiership gamessteve diamond 's side will face london irish , harlequins , newcastle and exeter in the coming weeks as they look to secure a top-six finish and qualification for next season 's european champions cup - and a short break looks to be the perfect preparation for cipriani who has been integral to sale 's improved form this season .cipriani contributed 13 points from the boot in a fine display against the cherry and whites and with sale out of contention in europe , cipriani and his team-mates have the weekend off to recharge ahead of a crucial final four rounds of aviva premiership action .\n", + "danny cipriani kicked 13 points in sale 's 23-6 victory against gloucester last saturdaycipriani has been in superb form for steve diamond 's side this seasonthe former wasps no 10 was called up to stuart lancaster 's england squad for the rbs 6 nationscipriani made appearances off the bench against italy , scotland and france during the tournament\n", + "[1.3737515 1.3630233 1.399376 1.2776482 1.0990562 1.1347823 1.0676048\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 3 5 4 6 23 22 21 20 19 18 17 16 12 14 13 24 11 10 9 8 7\n", + " 15 25]\n", + "=======================\n", + "[\"the bbc has made light of jeremy clarkson 's attack on a junior producer by poking fun at it in a comedy showa new episode of mockumentary w1a , to be broadcast later this month , shows bosses holding an emergency meeting after clarkson uses the word ` tosser ' on top gear .the episode was apparently filmed last july , but the narration has recently been tweaked .\"]\n", + "=======================\n", + "[\"the bbc has made light of clarkson fracas in a comedy programmeit shows bosses holding emergency meeting after he uses the word ` tosser 'the episode was filmed last july , but the narration has been tweaked\"]\n", + "the bbc has made light of jeremy clarkson 's attack on a junior producer by poking fun at it in a comedy showa new episode of mockumentary w1a , to be broadcast later this month , shows bosses holding an emergency meeting after clarkson uses the word ` tosser ' on top gear .the episode was apparently filmed last july , but the narration has recently been tweaked .\n", + "the bbc has made light of clarkson fracas in a comedy programmeit shows bosses holding emergency meeting after he uses the word ` tosser 'the episode was filmed last july , but the narration has been tweaked\n", + "[1.5542777 1.4255519 1.1936028 1.2672596 1.1986319 1.0967968 1.1406832\n", + " 1.0662948 1.0285538 1.0143824 1.014601 1.021804 1.0123118 1.016086\n", + " 1.0158325 1.0133824 1.1482606 1.0735995 1.0220021 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 4 2 16 6 5 17 7 8 18 11 13 14 10 9 15 12 20 19 21]\n", + "=======================\n", + "[\"tiger woods declared himself ready to compete for a fifth masters title after completing 11 holes of practice at augusta national on monday .the 39-year-old is returning from a self-imposed break from golf to recover from injuries and a dip in formthat led to the 14-time major winner taking a break from competition to work on his game , during which time he dropped outside the world 's top 100 for the first time since september 1996 , a slide which continued on monday as he fell from 104th to 111th .\"]\n", + "=======================\n", + "['tiger woods has made his first public appearance for 60 dayshe had been on hiatus to recover from injury and a dip in formwoods warmed up at the augusta course ahead of the 2015 mastersthe 39-year-old was given a warm welcome back by the crowd']\n", + "tiger woods declared himself ready to compete for a fifth masters title after completing 11 holes of practice at augusta national on monday .the 39-year-old is returning from a self-imposed break from golf to recover from injuries and a dip in formthat led to the 14-time major winner taking a break from competition to work on his game , during which time he dropped outside the world 's top 100 for the first time since september 1996 , a slide which continued on monday as he fell from 104th to 111th .\n", + "tiger woods has made his first public appearance for 60 dayshe had been on hiatus to recover from injury and a dip in formwoods warmed up at the augusta course ahead of the 2015 mastersthe 39-year-old was given a warm welcome back by the crowd\n", + "[1.23987 1.4887724 1.1434846 1.135756 1.0796437 1.1850777 1.0646129\n", + " 1.178467 1.0846378 1.1190443 1.0507021 1.0621552 1.0404928 1.0628701\n", + " 1.0791534 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 5 7 2 3 9 8 4 14 6 13 11 10 12 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"hernandez 's fiancée , shayanna jenkins , 25 , sobbed and hugged the killer 's mom in the massachusetts court on wednesday as the jury returned a guilty verdict for first-degree murder , sending the ex-nfl star to prison for life with no chance of release .behind the highly-publicized trial of murderer aaron hernandez has played out a painful and private feud between two sisters .the aaron hernandez murder trial has left them estranged\"]\n", + "=======================\n", + "[\"hernandez 's fiancée , shayanna jenkins , 25 , sobbed when the verdict of first-degree murder was announced on wednesdayshe left the courtroom with hernandez 's mother soon afterwardsher sister , shaneah jenkins , odin lloyd 's girlfriend , wept alongside the victim 's family as hernandez was told he would spend rest of his life in jailthe once-close jenkins sisters have sat on opposite sides of the courtroom throughout the trial in massachusetts\"]\n", + "hernandez 's fiancée , shayanna jenkins , 25 , sobbed and hugged the killer 's mom in the massachusetts court on wednesday as the jury returned a guilty verdict for first-degree murder , sending the ex-nfl star to prison for life with no chance of release .behind the highly-publicized trial of murderer aaron hernandez has played out a painful and private feud between two sisters .the aaron hernandez murder trial has left them estranged\n", + "hernandez 's fiancée , shayanna jenkins , 25 , sobbed when the verdict of first-degree murder was announced on wednesdayshe left the courtroom with hernandez 's mother soon afterwardsher sister , shaneah jenkins , odin lloyd 's girlfriend , wept alongside the victim 's family as hernandez was told he would spend rest of his life in jailthe once-close jenkins sisters have sat on opposite sides of the courtroom throughout the trial in massachusetts\n", + "[1.4478791 1.4184355 1.4035692 1.3709118 1.2810287 1.0711508 1.0162947\n", + " 1.0365967 1.0412433 1.0166576 1.0394428 1.0890499 1.0161618 1.0152103\n", + " 1.0111235 1.0895493 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 2 3 4 15 11 5 8 10 7 9 6 12 13 14 20 16 17 18 19 21]\n", + "=======================\n", + "[\"steve bruce has revealed that hull players will have their salaries slashed by up to 50 per cent if they are relegated .the tigers are fourth-bottom of the premier league with one of the toughest run-ins facing them , and hull manager bruce said all players ' contracts have been set up to protect the club financially in the event of relegation .hull have not won for two months , their last win being a 2-1 victory over qpr , and desperately need to end the run with matches against liverpool and arsenal to come .\"]\n", + "=======================\n", + "[\"hull are currently 17th in the premier league table with a difficult run-insteve bruce revealed that relegation would see players ' salaries cutthe tigers face crystal palace at selhurst park on saturday\"]\n", + "steve bruce has revealed that hull players will have their salaries slashed by up to 50 per cent if they are relegated .the tigers are fourth-bottom of the premier league with one of the toughest run-ins facing them , and hull manager bruce said all players ' contracts have been set up to protect the club financially in the event of relegation .hull have not won for two months , their last win being a 2-1 victory over qpr , and desperately need to end the run with matches against liverpool and arsenal to come .\n", + "hull are currently 17th in the premier league table with a difficult run-insteve bruce revealed that relegation would see players ' salaries cutthe tigers face crystal palace at selhurst park on saturday\n", + "[1.4834623 1.3915602 1.1239339 1.4886245 1.2216797 1.1962987 1.2771063\n", + " 1.0887225 1.0176944 1.0219108 1.0180562 1.017888 1.0833201 1.0140738\n", + " 1.0109619 1.016712 1.179007 1.1359853 1.0187511 1.0198128 1.0096245\n", + " 1.0096675]\n", + "\n", + "[ 3 0 1 6 4 5 16 17 2 7 12 9 19 18 10 11 8 15 13 14 21 20]\n", + "=======================\n", + "[\"thibaut courtois ( centre ) was in phenomenal form as chelsea beat rivals queens park rangers on sundaychelsea goalkeeper thibault courtois insists he has not lost any sleep over his high-profile errors of recent weeks .his poor touch allowed abel hernandez to score in chelsea 's 3-2 win over hull on march 22 before stoke 's charlie adam beat him from 66 yards last weekend .\"]\n", + "=======================\n", + "[\"thibaut courtois went into the qpr game in inconsistent form for chelseahe had been criticised for his performances against hull and stokebut he excelled at qpr and said he never doubted his form would returnclick here for neil ashton 's match report from loftus road\"]\n", + "thibaut courtois ( centre ) was in phenomenal form as chelsea beat rivals queens park rangers on sundaychelsea goalkeeper thibault courtois insists he has not lost any sleep over his high-profile errors of recent weeks .his poor touch allowed abel hernandez to score in chelsea 's 3-2 win over hull on march 22 before stoke 's charlie adam beat him from 66 yards last weekend .\n", + "thibaut courtois went into the qpr game in inconsistent form for chelseahe had been criticised for his performances against hull and stokebut he excelled at qpr and said he never doubted his form would returnclick here for neil ashton 's match report from loftus road\n", + "[1.4319792 1.3353332 1.4008622 1.1462502 1.1449778 1.1396726 1.1823804\n", + " 1.1266085 1.062609 1.0349834 1.0483909 1.0156404 1.0127409 1.0258144\n", + " 1.0149239 1.0752687 1.0949827 1.0682293 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 2 1 6 3 4 5 7 16 15 17 8 10 9 13 11 14 12 20 18 19 21]\n", + "=======================\n", + "[\"' a family tragedy ' : mahendra bavishi in khartoummahendra bavishi , who lives in sudan , said detectives have asked to put some ` sensitive ' questions to his british-based son who runs the business , including whether he suspects someone connected to the company or other firms in the same premises had links with criminal gangs .the joint director of the safe deposit company robbed in the # 60million hatton garden gem heist said yesterday that he believes it was an inside job .\"]\n", + "=======================\n", + "['mahendra bavishi is joint director of hatton garden safe deposit ltdhis son manish , 38 , who lives in london , usually runs business full-time69-year-old said robbers almost certainly had some inside informationmr bavishi expressed his fury at police for ignoring an alert from a state of the art alarm in the vault']\n", + "' a family tragedy ' : mahendra bavishi in khartoummahendra bavishi , who lives in sudan , said detectives have asked to put some ` sensitive ' questions to his british-based son who runs the business , including whether he suspects someone connected to the company or other firms in the same premises had links with criminal gangs .the joint director of the safe deposit company robbed in the # 60million hatton garden gem heist said yesterday that he believes it was an inside job .\n", + "mahendra bavishi is joint director of hatton garden safe deposit ltdhis son manish , 38 , who lives in london , usually runs business full-time69-year-old said robbers almost certainly had some inside informationmr bavishi expressed his fury at police for ignoring an alert from a state of the art alarm in the vault\n", + "[1.1974552 1.4926703 1.350791 1.2298152 1.0882087 1.1801522 1.1211027\n", + " 1.0551809 1.1058818 1.0294703 1.0301878 1.0715387 1.0740303 1.1717851\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 5 13 6 8 4 12 11 7 10 9 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the new ` skywalk ' observation deck has opened to the public in yunyang county , southwest china , and those with vertigo are advised to stay at home .the cantilevered platform in chongqing has a 720 degree view from a vantage point that stands nearly 4,000 feet above sea level .its incredible viewing area protrudes nearly 90ft from the cliff face at the longgang scenic area - which is more than 16ft longer than a similar tourist attraction at the grand canyon in america .\"]\n", + "=======================\n", + "['the # 3.7 million structure is the longest skywalk in the world beating one at the grand canyon by five metresthe cantilevered platform in chongqing offers visitors a 720 degree view of the canyon belowglass platforms and transparent barriers mean people get an unobstructed view of the natural beauty spot']\n", + "the new ` skywalk ' observation deck has opened to the public in yunyang county , southwest china , and those with vertigo are advised to stay at home .the cantilevered platform in chongqing has a 720 degree view from a vantage point that stands nearly 4,000 feet above sea level .its incredible viewing area protrudes nearly 90ft from the cliff face at the longgang scenic area - which is more than 16ft longer than a similar tourist attraction at the grand canyon in america .\n", + "the # 3.7 million structure is the longest skywalk in the world beating one at the grand canyon by five metresthe cantilevered platform in chongqing offers visitors a 720 degree view of the canyon belowglass platforms and transparent barriers mean people get an unobstructed view of the natural beauty spot\n", + "[1.0552012 1.3763425 1.1512911 1.2124447 1.3380203 1.2504888 1.0619026\n", + " 1.1533664 1.1397053 1.1211437 1.0124794 1.0241377 1.085074 1.0149268\n", + " 1.0844469 1.0356514 1.0391487 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 5 3 7 2 8 9 12 14 6 0 16 15 11 13 10 17 18 19 20]\n", + "=======================\n", + "[\"when she set the world record of 2:15.25 in the london marathon in april 2003 -- a time no woman has threatened 12 years later -- there was no grinning until after she crossed the line .but a time of 2:36.55 in her final competitive marathon is not to be sniffed at for a 41-year-old with a left foot as flexible as a rod of iron who described herself as ` unfit and unprepared ' for the race .similarly in 2005 when she recorded her third and final victory over the 26.2 mile course from blackheath to the mall , emotions were kept in check until the end .\"]\n", + "=======================\n", + "[\"paula radcliffe finished in 2:36.55 but said the time did n't matterthe world record holder began at the front of the mass startshe had barely run since february due to an achilles injuryradcliffe was the 199th woman to finish the race on sundayshe was first to receive the race 's lifetime achievement awardearlier in the day ethiopian tigist tufa won the women 's elite raceeliud kipchoge won the men 's race in a kenyan top three\"]\n", + "when she set the world record of 2:15.25 in the london marathon in april 2003 -- a time no woman has threatened 12 years later -- there was no grinning until after she crossed the line .but a time of 2:36.55 in her final competitive marathon is not to be sniffed at for a 41-year-old with a left foot as flexible as a rod of iron who described herself as ` unfit and unprepared ' for the race .similarly in 2005 when she recorded her third and final victory over the 26.2 mile course from blackheath to the mall , emotions were kept in check until the end .\n", + "paula radcliffe finished in 2:36.55 but said the time did n't matterthe world record holder began at the front of the mass startshe had barely run since february due to an achilles injuryradcliffe was the 199th woman to finish the race on sundayshe was first to receive the race 's lifetime achievement awardearlier in the day ethiopian tigist tufa won the women 's elite raceeliud kipchoge won the men 's race in a kenyan top three\n", + "[1.2171679 1.415103 1.2139771 1.1865661 1.2210121 1.0491581 1.2406052\n", + " 1.138754 1.0718663 1.1050463 1.0730698 1.0709398 1.0173554 1.0606983\n", + " 1.0301956 1.0998621 1.0556456 1.0633029 0. 0. 0. ]\n", + "\n", + "[ 1 6 4 0 2 3 7 9 15 10 8 11 17 13 16 5 14 12 19 18 20]\n", + "=======================\n", + "['the archive of 52 celluloid negatives show the great british adventurer and his men heading off in the snow-covered wilderness during the ill-fated terra nova expedition of 1912 .the unseen photographs of the antarctic expedition have been sold at auction for # 36,000 to an unnamed buyerthe photographs were taken at the expedition base camp of cape evans on ross island']\n", + "=======================\n", + "['the photos were taken at the expedition base camp on ross island in 1911they show the british explorer and his men setting off for the south polescott and four others died on the return journey after being beaten to itthe 52 negatives were sold for # 36,000 at auction to an unnamed buyer']\n", + "the archive of 52 celluloid negatives show the great british adventurer and his men heading off in the snow-covered wilderness during the ill-fated terra nova expedition of 1912 .the unseen photographs of the antarctic expedition have been sold at auction for # 36,000 to an unnamed buyerthe photographs were taken at the expedition base camp of cape evans on ross island\n", + "the photos were taken at the expedition base camp on ross island in 1911they show the british explorer and his men setting off for the south polescott and four others died on the return journey after being beaten to itthe 52 negatives were sold for # 36,000 at auction to an unnamed buyer\n", + "[1.2623296 1.4281278 1.1975552 1.2568157 1.2284346 1.1743283 1.0836693\n", + " 1.028742 1.0314155 1.129554 1.048839 1.0631455 1.055777 1.0628488\n", + " 1.0483522 1.0562774 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 4 2 5 9 6 11 13 15 12 10 14 8 7 16 17 18 19 20]\n", + "=======================\n", + "[\"cryos international , an online sperm bank , is moving its offices from new york to the central florida research park in orlando , right next to the university of central florida .the world 's largest sperm bank is relocating next to one of the country 's largest universities in order to tap into ` the abundant donor opportunities ' .cryos supplies sperm online to all 50 u.s. states and 80 countries across the world .\"]\n", + "=======================\n", + "[\"cryos international is moving from new york to lab complex in orlandolocated near university of central florida , one of the largest u.s. collegesspokesman said move would help tap into ` abundant donor opportunities 'ucf has undergraduate intake of 52,000 a year , 23,000 of whom are male\"]\n", + "cryos international , an online sperm bank , is moving its offices from new york to the central florida research park in orlando , right next to the university of central florida .the world 's largest sperm bank is relocating next to one of the country 's largest universities in order to tap into ` the abundant donor opportunities ' .cryos supplies sperm online to all 50 u.s. states and 80 countries across the world .\n", + "cryos international is moving from new york to lab complex in orlandolocated near university of central florida , one of the largest u.s. collegesspokesman said move would help tap into ` abundant donor opportunities 'ucf has undergraduate intake of 52,000 a year , 23,000 of whom are male\n", + "[1.2323233 1.3779494 1.2255167 1.2662355 1.2757316 1.2593789 1.1550734\n", + " 1.066875 1.0228053 1.0377675 1.0684904 1.0342331 1.0377048 1.0395231\n", + " 1.159528 1.1014872 1.1078942 1.0612088 1.0984285 1.0931991 1.0445393]\n", + "\n", + "[ 1 4 3 5 0 2 14 6 16 15 18 19 10 7 17 20 13 9 12 11 8]\n", + "=======================\n", + "['police say the man had been ejected from the club late thursday night when he soon returned and attacked the security guard from behind .it is believed two men had been removed from the venue on swanston street when they allegedly assaulted two male staff members at about 10.13 pm .shocking footage has emerged of the moment a man stabbed a bouncer outside a melbourne nightclub just before the easter long weekend']\n", + "=======================\n", + "['police say the man had been ejected from the club when he returned and stabbed the bouncer in the backthe incident occurred at about 10.53 pm on thursday nightthe bouncer , 29 , was taken to hospital but did not suffer life threatening injuriesin a separate incident , another bouncer was stabbed in the leg on good fridaypolice urge anyone with information about either of the incidents to contact crime stoppers']\n", + "police say the man had been ejected from the club late thursday night when he soon returned and attacked the security guard from behind .it is believed two men had been removed from the venue on swanston street when they allegedly assaulted two male staff members at about 10.13 pm .shocking footage has emerged of the moment a man stabbed a bouncer outside a melbourne nightclub just before the easter long weekend\n", + "police say the man had been ejected from the club when he returned and stabbed the bouncer in the backthe incident occurred at about 10.53 pm on thursday nightthe bouncer , 29 , was taken to hospital but did not suffer life threatening injuriesin a separate incident , another bouncer was stabbed in the leg on good fridaypolice urge anyone with information about either of the incidents to contact crime stoppers\n", + "[1.7151706 1.4085737 1.0421166 1.1957324 1.1089089 1.0132445 1.0121632\n", + " 1.0674466 1.1177689 1.2259307 1.0660181 1.027789 1.1076698 1.0989945\n", + " 1.0843568 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 9 3 8 4 12 13 14 7 10 2 11 5 6 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"gerard pique and chart-topper shakira were in the stands as kei nishikori was crowned barcelona open champion for the second consecutive year after a hard-fought 6-4 6-4 victory over surprise spanish finalist pablo andujar on sunday .it was the ninth career title for the top-seeded japanese , who again showed his improved endurance as he battled to come out on top against the world number 66 . 'pique played in barcelona 's 2-0 win over espanyol on saturday which kept them top in la liga\"]\n", + "=======================\n", + "[\"spain defender courtside with his wife shakira at barcelona openpique played in barcelona 's 2-0 win over espanyol on saturdaykei nishikori won in straights sets over surprise finalist pablo andujarworld no 5 crowned barcelona open champion for second year in a row\"]\n", + "gerard pique and chart-topper shakira were in the stands as kei nishikori was crowned barcelona open champion for the second consecutive year after a hard-fought 6-4 6-4 victory over surprise spanish finalist pablo andujar on sunday .it was the ninth career title for the top-seeded japanese , who again showed his improved endurance as he battled to come out on top against the world number 66 . 'pique played in barcelona 's 2-0 win over espanyol on saturday which kept them top in la liga\n", + "spain defender courtside with his wife shakira at barcelona openpique played in barcelona 's 2-0 win over espanyol on saturdaykei nishikori won in straights sets over surprise finalist pablo andujarworld no 5 crowned barcelona open champion for second year in a row\n", + "[1.2677474 1.3851086 1.3951008 1.3261744 1.1721383 1.107563 1.0266093\n", + " 1.0197502 1.0252837 1.0942725 1.040497 1.0393684 1.1258425 1.0236205\n", + " 1.0162433 1.0605898 1.0321696 1.0683671 1.0384934 1.0432659 1.0507928\n", + " 1.0314696 1.0143247]\n", + "\n", + "[ 2 1 3 0 4 12 5 9 17 15 20 19 10 11 18 16 21 6 8 13 7 14 22]\n", + "=======================\n", + "[\"it was marketed by smarttouch media and sold on the amazon and android platforms until it was withdrawn following a string of angry complaints .the game is based on children 's favourite whack-a-mole but instead of hitting the mole with a mallet players are invited to throw food a the cartoon girl .rescue the anorexia girl was available to download on amazon until they removed it following complaints\"]\n", + "=======================\n", + "[\"the game was available to download as an app from amazon and androidits designers sold it as ` an amusing game ' to help people with anorexiafailure to feed the girl results in the character losing weight and dyingsocial media users claim the game stigmatises people with problems\"]\n", + "it was marketed by smarttouch media and sold on the amazon and android platforms until it was withdrawn following a string of angry complaints .the game is based on children 's favourite whack-a-mole but instead of hitting the mole with a mallet players are invited to throw food a the cartoon girl .rescue the anorexia girl was available to download on amazon until they removed it following complaints\n", + "the game was available to download as an app from amazon and androidits designers sold it as ` an amusing game ' to help people with anorexiafailure to feed the girl results in the character losing weight and dyingsocial media users claim the game stigmatises people with problems\n", + "[1.3794905 1.342258 1.1160704 1.0573816 1.1617204 1.1543124 1.2077626\n", + " 1.0745307 1.0287673 1.1266994 1.152652 1.0569794 1.0548263 1.0351211\n", + " 1.0228858 1.0701555 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 6 4 5 10 9 2 7 15 3 11 12 13 8 14 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"jen psaki thought the offer to be president barack obama 's communications director would n't last long .she figured white house chief of staff denis mcdonough had n't heard she 's expecting a baby girl in july .a family-friendly administration : obama aides katie fallon ( left ) and jen psaki ( right ) are expecting babies in may and july of this year .\"]\n", + "=======================\n", + "['white house communications director jen psaki is expecting a baby girl in july ; legislative director katie fallon has a may due date for twin boysboth women say the president has been supportive of their decision to grow their family while serving in his administration']\n", + "jen psaki thought the offer to be president barack obama 's communications director would n't last long .she figured white house chief of staff denis mcdonough had n't heard she 's expecting a baby girl in july .a family-friendly administration : obama aides katie fallon ( left ) and jen psaki ( right ) are expecting babies in may and july of this year .\n", + "white house communications director jen psaki is expecting a baby girl in july ; legislative director katie fallon has a may due date for twin boysboth women say the president has been supportive of their decision to grow their family while serving in his administration\n", + "[1.3203532 1.1774879 1.3668643 1.1079473 1.3585665 1.1998743 1.0555573\n", + " 1.0526327 1.0391909 1.0716224 1.0608853 1.0478214 1.0454696 1.0807855\n", + " 1.0369226 1.0751625 1.1247528 1.0481884 1.0636337 1.026893 1.024513\n", + " 1.0595437 1.0855714]\n", + "\n", + "[ 2 4 0 5 1 16 3 22 13 15 9 18 10 21 6 7 17 11 12 8 14 19 20]\n", + "=======================\n", + "[\"his contract at manchester city expires at the end of the season , when he becomes a free agent .micah richards has found playing time hard to come by during his loan move to italian side fiorentinawhen fiorentina 's season ends next month , micah richards wo n't be jetting off on his summer holidays .\"]\n", + "=======================\n", + "[\"micah richards ' manchester city contract ends this summercurrently on loan at fiorentina , richards wants a return to englandwas one of english football 's golden boys as a youngsteraston villa boss tim sherwood willing to snap him up on a free\"]\n", + "his contract at manchester city expires at the end of the season , when he becomes a free agent .micah richards has found playing time hard to come by during his loan move to italian side fiorentinawhen fiorentina 's season ends next month , micah richards wo n't be jetting off on his summer holidays .\n", + "micah richards ' manchester city contract ends this summercurrently on loan at fiorentina , richards wants a return to englandwas one of english football 's golden boys as a youngsteraston villa boss tim sherwood willing to snap him up on a free\n", + "[1.2490153 1.3657825 1.1565797 1.2465376 1.2075791 1.2180485 1.1541333\n", + " 1.0757209 1.1083571 1.1522156 1.0383753 1.0338477 1.1004229 1.0269648\n", + " 1.0789354 1.0450749 1.0158865 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 3 5 4 2 6 9 8 12 14 7 15 10 11 13 16 21 17 18 19 20 22]\n", + "=======================\n", + "[\"detectives were pointed to cocoparra national park north of griffith , nsw by the mother and brother of vincent standford - who has been charged with ms scott 's murder .police were led to the site where stephanie scott 's remains were found by the family of her accused killer , it has been revealed .police discovered the burnt remains of a woman 's body - who they believe is ms scott , 26 , - in bushland late around 5pm on friday afternoon , the night before the leeton school teacher was due to get married .\"]\n", + "=======================\n", + "[\"police discovered the body of a female at a national park on fridayit is believed to be the remains of teacher stephanie scott , 26the body had been burnt and a gasoline can was found nearbyvincent stanford , a cleaner at her school , has been charged with murderstanford 's family led police to cocoparra national park north of griffithforensic testing will be carried out on the remains of the bodyms scott was due to marry her partner aaron leeson-woolley on saturday\"]\n", + "detectives were pointed to cocoparra national park north of griffith , nsw by the mother and brother of vincent standford - who has been charged with ms scott 's murder .police were led to the site where stephanie scott 's remains were found by the family of her accused killer , it has been revealed .police discovered the burnt remains of a woman 's body - who they believe is ms scott , 26 , - in bushland late around 5pm on friday afternoon , the night before the leeton school teacher was due to get married .\n", + "police discovered the body of a female at a national park on fridayit is believed to be the remains of teacher stephanie scott , 26the body had been burnt and a gasoline can was found nearbyvincent stanford , a cleaner at her school , has been charged with murderstanford 's family led police to cocoparra national park north of griffithforensic testing will be carried out on the remains of the bodyms scott was due to marry her partner aaron leeson-woolley on saturday\n", + "[1.167541 1.3566774 1.3176401 1.2059813 1.1411254 1.0496595 1.0872203\n", + " 1.1439888 1.0882628 1.0286589 1.0303069 1.0280368 1.0905046 1.0884739\n", + " 1.0474292 1.0201724 1.0450488 1.0197028 0. ]\n", + "\n", + "[ 1 2 3 0 7 4 12 13 8 6 5 14 16 10 9 11 15 17 18]\n", + "=======================\n", + "[\"hillary clinton is about to get her first official challenger .sen. bernie sanders of vermont could make an announcement within days , reports cnn 's nia-malika henderson , adding a populist voice to a democratic race that starts with clinton as the overwhelming favorite .sanders has been exploring a run for months , and was a hit this weekend at a big south carolina democratic event .\"]\n", + "=======================\n", + "['what to expect if bernie sanders takes the presidential plungebiden \\'s and kasich \\'s \" wait and see \" 2016 strategiesgop recruiting senate candidates for 2016 in nevada and colorado']\n", + "hillary clinton is about to get her first official challenger .sen. bernie sanders of vermont could make an announcement within days , reports cnn 's nia-malika henderson , adding a populist voice to a democratic race that starts with clinton as the overwhelming favorite .sanders has been exploring a run for months , and was a hit this weekend at a big south carolina democratic event .\n", + "what to expect if bernie sanders takes the presidential plungebiden 's and kasich 's \" wait and see \" 2016 strategiesgop recruiting senate candidates for 2016 in nevada and colorado\n", + "[1.1066885 1.2409035 1.14049 1.1091549 1.0792881 1.0980821 1.1565485\n", + " 1.0719141 1.0263939 1.0658822 1.0385448 1.0364548 1.0787845 1.0640064\n", + " 1.0808405 0. 0. 0. 0. ]\n", + "\n", + "[ 1 6 2 3 0 5 14 4 12 7 9 13 10 11 8 17 15 16 18]\n", + "=======================\n", + "['i was at the sculpturecenter in the new york borough of queens , a spot dedicated to all things modern and avant garde .cultural revolution : new york is in the throes of a cultural revolution - but moma is still brillianttaking pride of place was a cluster of bottles , each of which contained dog fluff and a photo of the mutt it came from .']\n", + "=======================\n", + "['new york is currently enjoying a cultural makeoverhighlights include the sculpturecenter in queens and experimental playsclassic new york spots such as the marvellous moma remain excellentanother highlight is the museum of moving image in queensicelandair allows travellers flying to the us to stop off en routeitineraries include visits to reykjavik and the stunning golden circle']\n", + "i was at the sculpturecenter in the new york borough of queens , a spot dedicated to all things modern and avant garde .cultural revolution : new york is in the throes of a cultural revolution - but moma is still brillianttaking pride of place was a cluster of bottles , each of which contained dog fluff and a photo of the mutt it came from .\n", + "new york is currently enjoying a cultural makeoverhighlights include the sculpturecenter in queens and experimental playsclassic new york spots such as the marvellous moma remain excellentanother highlight is the museum of moving image in queensicelandair allows travellers flying to the us to stop off en routeitineraries include visits to reykjavik and the stunning golden circle\n", + "[1.4710582 1.5376173 1.096931 1.4376328 1.2727479 1.0264093 1.0271115\n", + " 1.0204258 1.0161694 1.0165766 1.1713312 1.0793195 1.2185917 1.2194299\n", + " 1.0513493 1.0381376 1.0087283 1.0066901 1.0174634]\n", + "\n", + "[ 1 0 3 4 13 12 10 2 11 14 15 6 5 7 18 9 8 16 17]\n", + "=======================\n", + "[\"roberto mancini has liverpool midfielder leiva and barcelona 's song , currently on loan at west ham , on his list of alternatives if jovetic and toure prove too costly .inter milan are set to turn to lucas leiva and alex song if their pursuit of manchester city pair stevan jovetic and yaya toure fails .lucas leiva ( left ) is believed to be a target for inter milan and could leave liverpool in the summer\"]\n", + "=======================\n", + "['inter milan are interested in signing midfielders lucas leiva and alex songinter are keen on manchester city duo yaya toure and stevan joevticroberto mancini worked with them both during his spell at the clubclick here for all the latest liverpool newsclick here for all the latest manchester city news']\n", + "roberto mancini has liverpool midfielder leiva and barcelona 's song , currently on loan at west ham , on his list of alternatives if jovetic and toure prove too costly .inter milan are set to turn to lucas leiva and alex song if their pursuit of manchester city pair stevan jovetic and yaya toure fails .lucas leiva ( left ) is believed to be a target for inter milan and could leave liverpool in the summer\n", + "inter milan are interested in signing midfielders lucas leiva and alex songinter are keen on manchester city duo yaya toure and stevan joevticroberto mancini worked with them both during his spell at the clubclick here for all the latest liverpool newsclick here for all the latest manchester city news\n", + "[1.2139759 1.4169852 1.4154965 1.2510583 1.3542583 1.0540082 1.1519256\n", + " 1.0396456 1.0186595 1.0294257 1.0137093 1.0525315 1.0208313 1.0175976\n", + " 1.1531181 1.0476887 1.1058617 1.0287459 1.0577672]\n", + "\n", + "[ 1 2 4 3 0 14 6 16 18 5 11 15 7 9 17 12 8 13 10]\n", + "=======================\n", + "['paul tudor jones ii , the billionaire founder of tudor investment corporation , bought the casa apava estate in palm beach last week , the palm beach daily news reported .the mediterranean-style seven-bedroom , 18-bathroom property was built in 1918 and has 420 feet of oceanfront access , as well as a tennis court , movie theater , swimming pool and gym .the hefty purchase came days after jones , 60 , warned that increasing inequality could spark a revolution as he gave a sold-out ted talk in canada in march .']\n", + "=======================\n", + "['paul tudor jones ii , who is worth $ 4.6 billion , reportedly bought the oceanfront casa apava estate in palm beach last weeklast month , he slammed the rising wealth gap during a ted talk in canada and warned there may be a revolution if nothing is done to change it']\n", + "paul tudor jones ii , the billionaire founder of tudor investment corporation , bought the casa apava estate in palm beach last week , the palm beach daily news reported .the mediterranean-style seven-bedroom , 18-bathroom property was built in 1918 and has 420 feet of oceanfront access , as well as a tennis court , movie theater , swimming pool and gym .the hefty purchase came days after jones , 60 , warned that increasing inequality could spark a revolution as he gave a sold-out ted talk in canada in march .\n", + "paul tudor jones ii , who is worth $ 4.6 billion , reportedly bought the oceanfront casa apava estate in palm beach last weeklast month , he slammed the rising wealth gap during a ted talk in canada and warned there may be a revolution if nothing is done to change it\n", + "[1.3852974 1.3269503 1.1706406 1.0834353 1.2877436 1.1988513 1.2383428\n", + " 1.0391746 1.0151391 1.0158093 1.0543598 1.0732479 1.110883 1.1239997\n", + " 1.034461 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 6 5 2 13 12 3 11 10 7 14 9 8 15 16 17 18]\n", + "=======================\n", + "[\"an unidentified male concert-goer has come under fire for his offensive choice of festival fashion after he was photographed at coachella wearing a t-shirt emblazoned with the words ` eat sleep rape repeat ' .the snapshot , which shows the man giving the peace sign as he flaunts his controversial shirt at the festival held in indio , california , sparked outrage after it was shared on twitter on sunday by jemayel khawaja , the managing editor of vice 's music and culture channel thump .the distasteful choice of words on the concert goer 's shirt are thought to be a play on the fatboy slim song eat sleep rave repeat , which was released in 2013 . '\"]\n", + "=======================\n", + "['the unidentified man was photographed in the distasteful clothing item by a twitter userdozens of people responded to express their disgust at the t-shirt']\n", + "an unidentified male concert-goer has come under fire for his offensive choice of festival fashion after he was photographed at coachella wearing a t-shirt emblazoned with the words ` eat sleep rape repeat ' .the snapshot , which shows the man giving the peace sign as he flaunts his controversial shirt at the festival held in indio , california , sparked outrage after it was shared on twitter on sunday by jemayel khawaja , the managing editor of vice 's music and culture channel thump .the distasteful choice of words on the concert goer 's shirt are thought to be a play on the fatboy slim song eat sleep rave repeat , which was released in 2013 . '\n", + "the unidentified man was photographed in the distasteful clothing item by a twitter userdozens of people responded to express their disgust at the t-shirt\n", + "[1.2591956 1.5320222 1.2337694 1.3537432 1.1722023 1.2154286 1.0461174\n", + " 1.023689 1.0296267 1.1396044 1.0494987 1.0654306 1.0663267 1.0308555\n", + " 1.1569278 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 5 4 14 9 12 11 10 6 13 8 7 17 15 16 18]\n", + "=======================\n", + "[\"rahul kumar , 17 , clambered over the enclosure fence at the kamla nehru zoological park in ahmedabad , and began running towards the animals , shouting he would ` kill them ' .a drunk teenage boy had to be rescued by security after jumping into a lions ' enclosure at a zoo in western india .mr kumar explained afterwards that he was drunk and ` thought i 'd stand a good chance ' against the predators .\"]\n", + "=======================\n", + "[\"drunk teenage boy climbed into lion enclosure at zoo in west indiarahul kumar , 17 , ran towards animals shouting ` today i kill a lion ! 'fortunately he fell into a moat before reaching lions and was rescued\"]\n", + "rahul kumar , 17 , clambered over the enclosure fence at the kamla nehru zoological park in ahmedabad , and began running towards the animals , shouting he would ` kill them ' .a drunk teenage boy had to be rescued by security after jumping into a lions ' enclosure at a zoo in western india .mr kumar explained afterwards that he was drunk and ` thought i 'd stand a good chance ' against the predators .\n", + "drunk teenage boy climbed into lion enclosure at zoo in west indiarahul kumar , 17 , ran towards animals shouting ` today i kill a lion ! 'fortunately he fell into a moat before reaching lions and was rescued\n", + "[1.066077 1.0445441 1.1044025 1.1382353 1.4703395 1.3796118 1.3549955\n", + " 1.0741807 1.0270188 1.0406251 1.0606917 1.0823948 1.0389841 1.0637133\n", + " 1.0853081 1.1237435 1.0185035 1.0178504 1.0202146]\n", + "\n", + "[ 4 5 6 3 15 2 14 11 7 0 13 10 1 9 12 8 18 16 17]\n", + "=======================\n", + "[\"new attraction : the enormous anthem of the seas is set to welcome more than 80,000 people on board this summerin the evening , they dance to music .pouring drinks is only one of these bartenders ' tricks .\"]\n", + "=======================\n", + "[\"new royal caribbean cruise ship anthem of the seas is sailing out of southampton this summerit has innovations including robot bartenders who dance to music as well as pour margaritasthe liner holds the title of being the world 's third largest cruise ship , with room for nearly 5,000 passengers\"]\n", + "new attraction : the enormous anthem of the seas is set to welcome more than 80,000 people on board this summerin the evening , they dance to music .pouring drinks is only one of these bartenders ' tricks .\n", + "new royal caribbean cruise ship anthem of the seas is sailing out of southampton this summerit has innovations including robot bartenders who dance to music as well as pour margaritasthe liner holds the title of being the world 's third largest cruise ship , with room for nearly 5,000 passengers\n", + "[1.0574465 1.2272432 1.3369912 1.3303539 1.1873977 1.237628 1.1914355\n", + " 1.1241926 1.0828085 1.0762358 1.1103302 1.0654333 1.074413 1.0433002\n", + " 1.05326 1.0269486 0. 0. 0. ]\n", + "\n", + "[ 2 3 5 1 6 4 7 10 8 9 12 11 0 14 13 15 16 17 18]\n", + "=======================\n", + "['the huge increase in demand for coloured stones , such as sapphires and rubies , has seen their prices soar .kate middleton proudly wore a ceylon sapphire once owned by princess diana as her engagement ringdemand has seen the value of some coloured stones increase by more than 2,000 per cent over the last ten years , with leading auctioneers now branding them a better investment than diamonds .']\n", + "=======================\n", + "['increased demand for coloured stones has seen their prices soarvalue of diamonds has been vastly overtaken by sapphires and rubiesauctioneers are now branding them a better investment than diamondscelebrities such as kate middleton have driven the craze']\n", + "the huge increase in demand for coloured stones , such as sapphires and rubies , has seen their prices soar .kate middleton proudly wore a ceylon sapphire once owned by princess diana as her engagement ringdemand has seen the value of some coloured stones increase by more than 2,000 per cent over the last ten years , with leading auctioneers now branding them a better investment than diamonds .\n", + "increased demand for coloured stones has seen their prices soarvalue of diamonds has been vastly overtaken by sapphires and rubiesauctioneers are now branding them a better investment than diamondscelebrities such as kate middleton have driven the craze\n", + "[1.4542067 1.2527119 1.2555373 1.218909 1.2298548 1.0804147 1.0854471\n", + " 1.0668976 1.0691203 1.087364 1.0636604 1.083663 1.0708786 1.0843915\n", + " 1.045866 1.0212849 1.0282835 0. 0. ]\n", + "\n", + "[ 0 2 1 4 3 9 6 13 11 5 12 8 7 10 14 16 15 17 18]\n", + "=======================\n", + "[\"( cnn ) a u.s. army soldier was killed wednesday in an attack in eastern afghanistan by an afghan national army gunman , a u.s. military official told cnn , shortly after an american official met with a provincial governor .a u.s. defense official did n't provide details about the attack in the city of jalalabad .the afghan soldier opened fire on the u.s. troops as they were leaving a meeting at the compound , said fazal ahmad shirzad , police chief of nangarhar province .\"]\n", + "=======================\n", + "['gunfire erupts after senior u.s. official meets with afghan governor in jalalabad , u.s. embassy saysafghan soldier fires at u.s. troops , afghan police official says']\n", + "( cnn ) a u.s. army soldier was killed wednesday in an attack in eastern afghanistan by an afghan national army gunman , a u.s. military official told cnn , shortly after an american official met with a provincial governor .a u.s. defense official did n't provide details about the attack in the city of jalalabad .the afghan soldier opened fire on the u.s. troops as they were leaving a meeting at the compound , said fazal ahmad shirzad , police chief of nangarhar province .\n", + "gunfire erupts after senior u.s. official meets with afghan governor in jalalabad , u.s. embassy saysafghan soldier fires at u.s. troops , afghan police official says\n", + "[1.6125026 1.3475602 1.1236321 1.2740889 1.0444107 1.0126829 1.0128896\n", + " 1.0135636 1.1589265 1.0499341 1.1212988 1.0455089 1.1488435 1.1756302\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 13 8 12 2 10 9 11 4 7 6 5 17 14 15 16 18]\n", + "=======================\n", + "['chelsea and tottenham hotspur missed out on the opportunity to narrow the gap to under 21 league leaders manchester united after playing out a goalless draw at wheatsheaf park .spurs went into the game at staines town sitting sixth in the league but victory would have taken them joint top with the red devils , while the defending champions were only three points behind the north london outfit .ruben loftus-cheek played for chelsea under 21s having already starred in the champions league this term']\n", + "=======================\n", + "['luke mcgee made stoppage time double save for tottenham hotspurchelsea keeper mitchell beeney nearly handed spurs lead with errortottenham missed out going level on points with manchester unitedspurs now sit third in table behind united and liverpooldefending champions , in eighth , remain three points behind spurs']\n", + "chelsea and tottenham hotspur missed out on the opportunity to narrow the gap to under 21 league leaders manchester united after playing out a goalless draw at wheatsheaf park .spurs went into the game at staines town sitting sixth in the league but victory would have taken them joint top with the red devils , while the defending champions were only three points behind the north london outfit .ruben loftus-cheek played for chelsea under 21s having already starred in the champions league this term\n", + "luke mcgee made stoppage time double save for tottenham hotspurchelsea keeper mitchell beeney nearly handed spurs lead with errortottenham missed out going level on points with manchester unitedspurs now sit third in table behind united and liverpooldefending champions , in eighth , remain three points behind spurs\n", + "[1.2915664 1.4772856 1.2165667 1.3559633 1.1011682 1.1081291 1.0807841\n", + " 1.0923944 1.0197726 1.0845954 1.0858952 1.0336286 1.0676963 1.204731\n", + " 1.0404785 1.0663943 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 13 5 4 7 10 9 6 12 15 14 11 8 19 16 17 18 20]\n", + "=======================\n", + "[\"bbc2 boss kim shillinglaw , who has been tasked with finding a new presenter for the show , said clarkson ` will be back ' on the bbc , despite his very public sacking from top gear just last month .jeremy clarkson will return to the bbc but not on top gear - even though bosses still have n't found his replacement .kim shillinglaw refused to say who would be replacing clarkson .\"]\n", + "=======================\n", + "[\"bbc2 's kim shillinglaw says clarkson ` will be back ' because there is ` no ban on jeremy being on the bbc 'she insisted he would return in the future but currently ` needs some time 'also said top gear scenes filmed before sacking would be aired in summerms shillinglaw said females were being considered to take clarkson 's post\"]\n", + "bbc2 boss kim shillinglaw , who has been tasked with finding a new presenter for the show , said clarkson ` will be back ' on the bbc , despite his very public sacking from top gear just last month .jeremy clarkson will return to the bbc but not on top gear - even though bosses still have n't found his replacement .kim shillinglaw refused to say who would be replacing clarkson .\n", + "bbc2 's kim shillinglaw says clarkson ` will be back ' because there is ` no ban on jeremy being on the bbc 'she insisted he would return in the future but currently ` needs some time 'also said top gear scenes filmed before sacking would be aired in summerms shillinglaw said females were being considered to take clarkson 's post\n", + "[1.1833949 1.4872985 1.2240286 1.2769656 1.3669012 1.1077279 1.0219234\n", + " 1.0693381 1.0832958 1.036873 1.0895221 1.0514393 1.1333299 1.1956398\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 2 13 0 12 5 10 8 7 11 9 6 19 14 15 16 17 18 20]\n", + "=======================\n", + "['gregg manderson , 68 , of st paul , minnesota , first sought medical attention after he got twinkle twinkle little star trapped inside his mind last may , setting off nearly twelve months of doctors his mind shuffling between tunes that are stuck on repeat .minneapolis va medical center neurologist dr khalaf alla bushara and researcher roger dumas have looked for a way to end the earworm , though they have yet to find a cure for the military-style revelry .he has also hallucinated the theme song to the western 1950s television show cheyenne had the same mysterious bugle call stuck in his head for years .']\n", + "=======================\n", + "[\"gregg manderson , 68 , of st paul , minnesota , has auditory hallucinationshe sought help for condition last may when lullaby twinkle , twinkle little star crept into his headsongs , which have included police sirens , last for about a month , but for years he has heard a bugle call that could be linked to his time in vietnammanderson originally did n't knowtheme song to the 1950s western show cheyenne also often in his mind\"]\n", + "gregg manderson , 68 , of st paul , minnesota , first sought medical attention after he got twinkle twinkle little star trapped inside his mind last may , setting off nearly twelve months of doctors his mind shuffling between tunes that are stuck on repeat .minneapolis va medical center neurologist dr khalaf alla bushara and researcher roger dumas have looked for a way to end the earworm , though they have yet to find a cure for the military-style revelry .he has also hallucinated the theme song to the western 1950s television show cheyenne had the same mysterious bugle call stuck in his head for years .\n", + "gregg manderson , 68 , of st paul , minnesota , has auditory hallucinationshe sought help for condition last may when lullaby twinkle , twinkle little star crept into his headsongs , which have included police sirens , last for about a month , but for years he has heard a bugle call that could be linked to his time in vietnammanderson originally did n't knowtheme song to the 1950s western show cheyenne also often in his mind\n", + "[1.35813 1.2142539 1.1754653 1.2480634 1.2380614 1.1150535 1.0865672\n", + " 1.1162434 1.1292007 1.0230315 1.017442 1.1167059 1.0860057 1.14347\n", + " 1.028254 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 1 2 13 8 11 7 5 6 12 14 9 10 15 16 17 18 19 20]\n", + "=======================\n", + "[\"cad : poet rupert brooke had a string of short-lived relationships with various women before he died aged 27 in april 1915the documents , brought to light for the first time thanks to a # 430,000 grant , show brooke 's lovers complaining about his refusal to take their relationships seriously .the letters are part of the john schroder collection , which has spent decades in private hands but will now be available to the public after being bought by king 's college , cambridge , where the poet was a student .\"]\n", + "=======================\n", + "[\"the poet has a reputation as a ` young apollo ' who died tragically youngnew letters reveal he had a string of brief relationships with womenlover cathleen nesbitt suggested that he could ` settle in the wild 'brooke was mourned by the nation and celebrated by churchill when he died 100 years ago today\"]\n", + "cad : poet rupert brooke had a string of short-lived relationships with various women before he died aged 27 in april 1915the documents , brought to light for the first time thanks to a # 430,000 grant , show brooke 's lovers complaining about his refusal to take their relationships seriously .the letters are part of the john schroder collection , which has spent decades in private hands but will now be available to the public after being bought by king 's college , cambridge , where the poet was a student .\n", + "the poet has a reputation as a ` young apollo ' who died tragically youngnew letters reveal he had a string of brief relationships with womenlover cathleen nesbitt suggested that he could ` settle in the wild 'brooke was mourned by the nation and celebrated by churchill when he died 100 years ago today\n", + "[1.619913 1.218012 1.4078825 1.1525892 1.0527602 1.0334576 1.0495625\n", + " 1.1713231 1.2040187 1.191187 1.0394481 1.0173638 1.0260452 1.0974039\n", + " 1.0115451 1.0155602 1.072276 1.0126506 1.0095526 0. 0. ]\n", + "\n", + "[ 0 2 1 8 9 7 3 13 16 4 6 10 5 12 11 15 17 14 18 19 20]\n", + "=======================\n", + "[\"chelsea match-winner cesc fabregas hailed a vital win after his late goal gave his side a 1-0 victory over qpr at loftus road .the win moved jose mourinho 's men seven points clear at the top of the table and fabregas admitted it was an important goal .the game looked to be heading for a stalemate before fabregas ' 88th minute shot - their first on target in the game - found its way past rob green .\"]\n", + "=======================\n", + "[\"chelsea scored late winner to beat qpr 1-0 at loftus road on sundaycesc fabregas scored with chelsea 's only shot on targetchelsea move seven points clear at the top of the premier league\"]\n", + "chelsea match-winner cesc fabregas hailed a vital win after his late goal gave his side a 1-0 victory over qpr at loftus road .the win moved jose mourinho 's men seven points clear at the top of the table and fabregas admitted it was an important goal .the game looked to be heading for a stalemate before fabregas ' 88th minute shot - their first on target in the game - found its way past rob green .\n", + "chelsea scored late winner to beat qpr 1-0 at loftus road on sundaycesc fabregas scored with chelsea 's only shot on targetchelsea move seven points clear at the top of the premier league\n", + "[1.1910642 1.410556 1.2419214 1.23475 1.1321024 1.197789 1.0903206\n", + " 1.1856253 1.0334272 1.0923926 1.1042104 1.1063828 1.1735666 1.0158286\n", + " 1.016901 1.0739094 1.0367336 1.0665784 1.0373187 1.0734087 1.0411915]\n", + "\n", + "[ 1 2 3 5 0 7 12 4 11 10 9 6 15 19 17 20 18 16 8 14 13]\n", + "=======================\n", + "[\"representative jesse young wants to use two or three carriers to link bremerton and port orchard across the sinclair inlet .a proposal put forth by young which would use money from the state 's highway budget to fund a feasibility study about the bridge passed in the washington house on thursday .the idea is intriguing because the us navy is storing three retired carriers just a few hundred yards from the proposed site of the bridge .\"]\n", + "=======================\n", + "['the bridge would link bremerton and port orchard across the sinclair inletwashington state representative jesse young is behind the unique ideastate highway budget about project passed washington house thursdaystudy of idea will have a $ 90,000 budget if approved by legislatureproject would involve three carriers or just two and two rampsrep. young has eye on the uss independence and the uss kitty hawk']\n", + "representative jesse young wants to use two or three carriers to link bremerton and port orchard across the sinclair inlet .a proposal put forth by young which would use money from the state 's highway budget to fund a feasibility study about the bridge passed in the washington house on thursday .the idea is intriguing because the us navy is storing three retired carriers just a few hundred yards from the proposed site of the bridge .\n", + "the bridge would link bremerton and port orchard across the sinclair inletwashington state representative jesse young is behind the unique ideastate highway budget about project passed washington house thursdaystudy of idea will have a $ 90,000 budget if approved by legislatureproject would involve three carriers or just two and two rampsrep. young has eye on the uss independence and the uss kitty hawk\n", + "[1.0587139 1.2517952 1.4988415 1.35921 1.3417436 1.3430521 1.1975113\n", + " 1.1251087 1.1229858 1.0174972 1.0111166 1.0452615 1.1853997 1.0132722\n", + " 1.0996913 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 3 5 4 1 6 12 7 8 14 0 11 9 13 10 15 16 17 18 19 20 21 22 23]\n", + "=======================\n", + "['the confused bird was seen swimming in the grand union canal earlier this month after apparently flying into london along the thames .the puffin was given some fish and wrapped in a blanket , before being handed to a specialist centre in dorset to recuperatethe distinctive bird with an orange beak was spotted by an eagle-eyed canal boat resident .']\n", + "=======================\n", + "[\"bird was spotted near the a4 flyover at brentford after flying along thameseagle-eyed canal boat resident saw the puffin and contacted rescue agencypuffins most commonly found in iceland , but this bird ` blown off course '\"]\n", + "the confused bird was seen swimming in the grand union canal earlier this month after apparently flying into london along the thames .the puffin was given some fish and wrapped in a blanket , before being handed to a specialist centre in dorset to recuperatethe distinctive bird with an orange beak was spotted by an eagle-eyed canal boat resident .\n", + "bird was spotted near the a4 flyover at brentford after flying along thameseagle-eyed canal boat resident saw the puffin and contacted rescue agencypuffins most commonly found in iceland , but this bird ` blown off course '\n", + "[1.4621199 1.450409 1.4105403 1.1085255 1.2888851 1.0312873 1.027326\n", + " 1.0191505 1.0218903 1.0285327 1.0865635 1.1444516 1.0157334 1.0411309\n", + " 1.0070903 1.0084164 1.0078236 1.0123779 1.0116005 1.0259528 1.0078084\n", + " 1.0086287 1.0690043 1.4221154]\n", + "\n", + "[ 0 1 23 2 4 11 3 10 22 13 5 9 6 19 8 7 12 17 18 21 15 16 20 14]\n", + "=======================\n", + "[\"aston villa shocked liverpool to reach the fa cup final to take on arsenal in may .philippe coutinho fired liverpool ahead with a smart chip before a long range chrisitan benteke strike equalised for aston villa .tim sherwood 's side moved into the lead thanks to a solo effort from fabian delph and held on for the famous victory .\"]\n", + "=======================\n", + "[\"tim sherwood 's side came from behind to beat liverpool 2-1philippe coutinho chipped liverpool into the lead in the first-halfchristian benteke and fabian delph inspired an aston villa comeback19-year-old jack grealish was in fine form on his wembley debutclick here to read sportsmail 's match zone from the wembley clash\"]\n", + "aston villa shocked liverpool to reach the fa cup final to take on arsenal in may .philippe coutinho fired liverpool ahead with a smart chip before a long range chrisitan benteke strike equalised for aston villa .tim sherwood 's side moved into the lead thanks to a solo effort from fabian delph and held on for the famous victory .\n", + "tim sherwood 's side came from behind to beat liverpool 2-1philippe coutinho chipped liverpool into the lead in the first-halfchristian benteke and fabian delph inspired an aston villa comeback19-year-old jack grealish was in fine form on his wembley debutclick here to read sportsmail 's match zone from the wembley clash\n", + "[1.4533423 1.4947493 1.2654486 1.2548085 1.2404397 1.1660843 1.0302067\n", + " 1.0228671 1.2879502 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 8 2 3 4 5 6 7 21 20 19 18 17 16 11 14 13 12 22 10 9 15 23]\n", + "=======================\n", + "[\"movistar rider valverde sprinted to victory ahead of julian alaphilippe and michael albasini in a race which saw former winner philippe gilbert pull out after a bad crash some 50 kilometres from the end .alejandro valverde successfully defended his fleche wallonne title on wednesday as chris froome finished back in 123rd after a fall .team sky 's chris froome fell in the closing 12km but fought on to finish the race despite being ` banged up '\"]\n", + "=======================\n", + "[\"alejandro valverde won ahead of julian alaphilippe and michael albasinichris froome finished 123rd after a crash during the final 12 kilometresteam sky 's sports director gabriel rasch praised froome for finishingrasch said froome was ` banged up ' but expects to ride tour de romandie\"]\n", + "movistar rider valverde sprinted to victory ahead of julian alaphilippe and michael albasini in a race which saw former winner philippe gilbert pull out after a bad crash some 50 kilometres from the end .alejandro valverde successfully defended his fleche wallonne title on wednesday as chris froome finished back in 123rd after a fall .team sky 's chris froome fell in the closing 12km but fought on to finish the race despite being ` banged up '\n", + "alejandro valverde won ahead of julian alaphilippe and michael albasinichris froome finished 123rd after a crash during the final 12 kilometresteam sky 's sports director gabriel rasch praised froome for finishingrasch said froome was ` banged up ' but expects to ride tour de romandie\n", + "[1.0943938 1.1690123 1.2273979 1.2255504 1.1569048 1.144413 1.1623938\n", + " 1.1135845 1.141962 1.0782089 1.068793 1.1147158 1.0632503 1.1096116\n", + " 1.0813644 1.0495013 1.0355872 1.0273384 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 6 4 5 8 11 7 13 0 14 9 10 12 15 16 17 22 18 19 20 21 23]\n", + "=======================\n", + "[\"some look like exotic bird feathers and colourful ribbon , while others resemble jagged autumnal leaves that change colour at the outer edges .these stunning pictures show the finer details of a butterfly 's wing in stunning clarity , including their rainbow scales .the photos were shot by linden gledhill from staffordshire , who combines his love of photography with a phd in biochemistry .\"]\n", + "=======================\n", + "['the stunning photos of the butterfly wings were taken by 51-year-old linden gledhill from staffordshirehe used a trinocular-reflecting light microscope with a canon eos 5d mark ii camera is fitted to the topimages include close-up shots of the peacock swallowtail , a sunset moth and the mother of pearl butterfly']\n", + "some look like exotic bird feathers and colourful ribbon , while others resemble jagged autumnal leaves that change colour at the outer edges .these stunning pictures show the finer details of a butterfly 's wing in stunning clarity , including their rainbow scales .the photos were shot by linden gledhill from staffordshire , who combines his love of photography with a phd in biochemistry .\n", + "the stunning photos of the butterfly wings were taken by 51-year-old linden gledhill from staffordshirehe used a trinocular-reflecting light microscope with a canon eos 5d mark ii camera is fitted to the topimages include close-up shots of the peacock swallowtail , a sunset moth and the mother of pearl butterfly\n", + "[1.256665 1.3488834 1.1645578 1.2168158 1.1871715 1.2112855 1.1044419\n", + " 1.1287417 1.0861756 1.058256 1.0602342 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 5 4 2 7 6 8 10 9 21 20 19 18 17 11 15 14 13 12 22 16 23]\n", + "=======================\n", + "['the founder of weight watchers died wednesday at her home in florida .( cnn ) combining healthy eating with moral support , jean nidetch became a heavyweight in the weight-loss industry .nidetch described herself as an \" overweight housewife obsessed with cookies . \"']\n", + "=======================\n", + "['jean nidetch started weight watchers in 1963nidetch \\'s philosophy : \" it \\'s choice -- not chance -- that determines your destiny \"']\n", + "the founder of weight watchers died wednesday at her home in florida .( cnn ) combining healthy eating with moral support , jean nidetch became a heavyweight in the weight-loss industry .nidetch described herself as an \" overweight housewife obsessed with cookies . \"\n", + "jean nidetch started weight watchers in 1963nidetch 's philosophy : \" it 's choice -- not chance -- that determines your destiny \"\n", + "[1.2736034 1.3619835 1.225895 1.2435066 1.1189234 1.1457822 1.0190947\n", + " 1.068873 1.10166 1.0987175 1.027458 1.0446486 1.0350403 1.0583408\n", + " 1.0199126 1.0312283 1.0618726 0. ]\n", + "\n", + "[ 1 0 3 2 5 4 8 9 7 16 13 11 12 15 10 14 6 17]\n", + "=======================\n", + "[\"the visit , which kicked off with a pageant aboard a flotilla of boats on the local canal , was part of willem-alexander 's 48th birthday celebrations .there were scenes of jubilation in the dutch city of dordrecht today , as flag-waving locals turned out to welcome king willem-alexander and his glamorous wife maxima today .happy family : the dutch royals celebrated king willem-alexander 's birthday in dordrecht\"]\n", + "=======================\n", + "[\"king willem-alexander of the netherlands is celebrating his 48th birthdaytook part in a water-borne procession along a canal in dordrechtwas joined by his glamorous wife , queen maxima , and their daughtersthe 43-year-old queen was resplendent in a cheerful raspberry get-upking 's day - or koningsdag - is a national holiday in the netherlandscelebrations include ` king 's parties ' and eating lots of tompouce pastries\"]\n", + "the visit , which kicked off with a pageant aboard a flotilla of boats on the local canal , was part of willem-alexander 's 48th birthday celebrations .there were scenes of jubilation in the dutch city of dordrecht today , as flag-waving locals turned out to welcome king willem-alexander and his glamorous wife maxima today .happy family : the dutch royals celebrated king willem-alexander 's birthday in dordrecht\n", + "king willem-alexander of the netherlands is celebrating his 48th birthdaytook part in a water-borne procession along a canal in dordrechtwas joined by his glamorous wife , queen maxima , and their daughtersthe 43-year-old queen was resplendent in a cheerful raspberry get-upking 's day - or koningsdag - is a national holiday in the netherlandscelebrations include ` king 's parties ' and eating lots of tompouce pastries\n", + "[1.3951026 1.4429626 1.3197906 1.3847649 1.1958516 1.0184896 1.0920779\n", + " 1.2026112 1.1092434 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 7 4 8 6 5 16 9 10 11 12 13 14 15 17]\n", + "=======================\n", + "[\"the 24-year-old was last month charged with violent conduct by the fa after he was accused of sinking his teeth into the hand of stevenage defender ronnie henry during dagenham 's 1-0 win at the lamex stadium .dagenham and redbridge midfielder joss labadie has been banned for six months after being found guilty of a biting offence for the second time in the space of a year .labadie pleaded not guilty to the violent conduct charge at a disciplinary hearing on wednesday\"]\n", + "=======================\n", + "['joss labadie given six-month ban for biting ronnie henryincident took place shortly before the end of league two clash between dagenham and stevenage in marchthe midfielder pleaded not guilty to the violent conduct charge at a fa disciplinary hearing on wednesdaylabadie served a 10-match ban and was fined # 2,000 in 2014 for biting']\n", + "the 24-year-old was last month charged with violent conduct by the fa after he was accused of sinking his teeth into the hand of stevenage defender ronnie henry during dagenham 's 1-0 win at the lamex stadium .dagenham and redbridge midfielder joss labadie has been banned for six months after being found guilty of a biting offence for the second time in the space of a year .labadie pleaded not guilty to the violent conduct charge at a disciplinary hearing on wednesday\n", + "joss labadie given six-month ban for biting ronnie henryincident took place shortly before the end of league two clash between dagenham and stevenage in marchthe midfielder pleaded not guilty to the violent conduct charge at a fa disciplinary hearing on wednesdaylabadie served a 10-match ban and was fined # 2,000 in 2014 for biting\n", + "[1.1374141 1.2571082 1.3702844 1.2794316 1.2584529 1.2708867 1.1900704\n", + " 1.1618278 1.0643024 1.1019367 1.0594236 1.0091236 1.0261374 1.1803486\n", + " 1.0717416 1.0134002 1.0329409 0. ]\n", + "\n", + "[ 2 3 5 4 1 6 13 7 0 9 14 8 10 16 12 15 11 17]\n", + "=======================\n", + "['the sale is a record amount for the bathing boxes in brighton since they were first constructed in 1862 .it came after five bidders battled it out at auction for the 2.4 m x 2.0 m x 2.0 m size box .this blue and yellow bathing box on brighton beach in melbourne has sold for a staggering $ 276,000']\n", + "=======================\n", + "[\"a bathing box sold in brighton , melbourne , for a record $ 276,000a sydney garage was snapped up to be turned into a home for $ 1.2 millionan old maximum security prison in victoria is on the market for $ 2 millionand australia 's priciest parking space at $ 330,000 suggests even your car ca n't find a cheap home in the current property boom\"]\n", + "the sale is a record amount for the bathing boxes in brighton since they were first constructed in 1862 .it came after five bidders battled it out at auction for the 2.4 m x 2.0 m x 2.0 m size box .this blue and yellow bathing box on brighton beach in melbourne has sold for a staggering $ 276,000\n", + "a bathing box sold in brighton , melbourne , for a record $ 276,000a sydney garage was snapped up to be turned into a home for $ 1.2 millionan old maximum security prison in victoria is on the market for $ 2 millionand australia 's priciest parking space at $ 330,000 suggests even your car ca n't find a cheap home in the current property boom\n", + "[1.287206 1.2969828 1.189256 1.2412314 1.2150408 1.075259 1.1645011\n", + " 1.1772717 1.0392396 1.051135 1.0296367 1.1314929 1.1523846 1.0252129\n", + " 1.1020795 1.0317795 1.069578 1.0126861]\n", + "\n", + "[ 1 0 3 4 2 7 6 12 11 14 5 16 9 8 15 10 13 17]\n", + "=======================\n", + "['now more than two years since australian warren rodwell was finally staggered to freedom from the clutches of the filipino terror group abu sayyaf , he believes he may be in for another fight .he was held against his will in a foreign jungle for 472 days and feared his al-qaeda linked captors would behead him .islamist militants posing as policemen abducted mr rodwell from his home in the philippines by gunpoint on december 5 , 2011 .']\n", + "=======================\n", + "[\"australian warren rodwell was held hostage for 472 days and feared his abu sayyaf captors would behead himhe was freed in march 2013 after his family successfully managed to raise a ransomnow he fears he will not receive victims of terrorism overseas compensationunless prime minister tony abbott decides otherwise , his kidnapping is not listed as a ` declared terrorist event 'asio has officially declared abu sayyaf as a terrorist organisation\"]\n", + "now more than two years since australian warren rodwell was finally staggered to freedom from the clutches of the filipino terror group abu sayyaf , he believes he may be in for another fight .he was held against his will in a foreign jungle for 472 days and feared his al-qaeda linked captors would behead him .islamist militants posing as policemen abducted mr rodwell from his home in the philippines by gunpoint on december 5 , 2011 .\n", + "australian warren rodwell was held hostage for 472 days and feared his abu sayyaf captors would behead himhe was freed in march 2013 after his family successfully managed to raise a ransomnow he fears he will not receive victims of terrorism overseas compensationunless prime minister tony abbott decides otherwise , his kidnapping is not listed as a ` declared terrorist event 'asio has officially declared abu sayyaf as a terrorist organisation\n", + "[1.438181 1.513036 1.2553461 1.4004596 1.0599878 1.0155332 1.0149918\n", + " 1.0182258 1.1288958 1.0972368 1.0879941 1.0728549 1.0398839 1.1636027\n", + " 1.0082296 1.030286 0. 0. ]\n", + "\n", + "[ 1 0 3 2 13 8 9 10 11 4 12 15 7 5 6 14 16 17]\n", + "=======================\n", + "[\"the tigers head to southampton on saturday without a win in five games and perching just two points above the bottom three after wins last week for qpr and leicester .hull boss steve bruce has admitted his side need to pull off a couple of ` crazy results ' if they are to preserve their premier league status in a frantic end-of-season run-in .and bruce hopes the unpredictable nature of this season 's top flight will continue into the final weeks , with the likes of liverpool , arsenal and manchester united still due to visit the kc stadium .\"]\n", + "=======================\n", + "[\"steve bruce admits hull need to pull off ` crazy results ' to avoid the dropthe tigers still have to play liverpool , arsenal and manchester unitedhull are just two points away from the bottom three of the premier leagueclick here for all the latest hull news\"]\n", + "the tigers head to southampton on saturday without a win in five games and perching just two points above the bottom three after wins last week for qpr and leicester .hull boss steve bruce has admitted his side need to pull off a couple of ` crazy results ' if they are to preserve their premier league status in a frantic end-of-season run-in .and bruce hopes the unpredictable nature of this season 's top flight will continue into the final weeks , with the likes of liverpool , arsenal and manchester united still due to visit the kc stadium .\n", + "steve bruce admits hull need to pull off ` crazy results ' to avoid the dropthe tigers still have to play liverpool , arsenal and manchester unitedhull are just two points away from the bottom three of the premier leagueclick here for all the latest hull news\n", + "[1.2120589 1.4234952 1.3001863 1.2746687 1.1777 1.1181419 1.0260134\n", + " 1.0409425 1.1551745 1.0505365 1.0661668 1.0461615 1.0912488 1.0311688\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 8 5 12 10 9 11 7 13 6 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"the man , known only as donor 7042 , carries a defective gene known as neurofibromatosis 1 ( nf1 ) that can pass on a severe , life-limiting condition to his offspring .with demand for danish sperm soaring , the donor is understood to have fathered 99 ` viking babies ' -- as they are widely dubbed -- across the world through the clinic nordic cryobank .ten of his offspring have already been diagnosed with nf1 -- a condition which can increase the risk of cancer , cause learning difficulties and reduce a sufferer 's lifespan by up to 15 years .\"]\n", + "=======================\n", + "[\"donor 7042 carries defective gene known as neurofibromatosis 1 ( nf1 )ten of the donor 's offspring have already been diagnosed with nf1can increase risk of cancer , cause learning difficulties and reduce lifespanfour families are suing the nordic cryobank that supplied the sperm\"]\n", + "the man , known only as donor 7042 , carries a defective gene known as neurofibromatosis 1 ( nf1 ) that can pass on a severe , life-limiting condition to his offspring .with demand for danish sperm soaring , the donor is understood to have fathered 99 ` viking babies ' -- as they are widely dubbed -- across the world through the clinic nordic cryobank .ten of his offspring have already been diagnosed with nf1 -- a condition which can increase the risk of cancer , cause learning difficulties and reduce a sufferer 's lifespan by up to 15 years .\n", + "donor 7042 carries defective gene known as neurofibromatosis 1 ( nf1 )ten of the donor 's offspring have already been diagnosed with nf1can increase risk of cancer , cause learning difficulties and reduce lifespanfour families are suing the nordic cryobank that supplied the sperm\n", + "[1.3975252 1.329996 1.3024611 1.1094887 1.1127832 1.0414048 1.0929935\n", + " 1.1165237 1.1316293 1.0415287 1.1466821 1.0447187 1.0532591 1.0253811\n", + " 1.0144743 1.0309882 1.1414785 1.0347477 1.1330341 1.0167538 1.0133499]\n", + "\n", + "[ 0 1 2 10 16 18 8 7 4 3 6 12 11 9 5 17 15 13 19 14 20]\n", + "=======================\n", + "['floyd mayweather vs manny pacquiao tickets are the hottest property in town .only 500 were on general sale with the rest distributed by the fighters , promoters , television networks showtime and hbo and the mgm grand .one fan , ade adebayo , 34 , from brighton was lucky enough to get hold of a ticket when they were released last week and here he tells us his story and his hopes for the fight .']\n", + "=======================\n", + "['floyd mayweather will fight manny pacquiao on may 2 at mgm grandtickets were officially sold for as much as $ 10,000read : fans get their hands on mayweather vs pacquiao ticketsmayweather vs pacquiao by numbers : from tickets to betting oddsclick here for the latest mayweather vs pacquiao news']\n", + "floyd mayweather vs manny pacquiao tickets are the hottest property in town .only 500 were on general sale with the rest distributed by the fighters , promoters , television networks showtime and hbo and the mgm grand .one fan , ade adebayo , 34 , from brighton was lucky enough to get hold of a ticket when they were released last week and here he tells us his story and his hopes for the fight .\n", + "floyd mayweather will fight manny pacquiao on may 2 at mgm grandtickets were officially sold for as much as $ 10,000read : fans get their hands on mayweather vs pacquiao ticketsmayweather vs pacquiao by numbers : from tickets to betting oddsclick here for the latest mayweather vs pacquiao news\n", + "[1.1942853 1.5361502 1.3703989 1.1656253 1.3365834 1.2191635 1.10212\n", + " 1.0662754 1.050402 1.1475414 1.0581849 1.0401518 1.111219 1.0377135\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 5 0 3 9 12 6 7 10 8 11 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "['hakaoro hakaoro was sentenced to 20 months in jail in january 2014 for working without a licence .this week the 55-year-old has been found guilty of six new complaints by the immigration advisors disciplinary tribunal .hakaoro took $ 3,000 from two siblings who wanted help with their immigration status .']\n", + "=======================\n", + "['hakaoro hakaoro was jailed in january 2014 for working without a licencea string of new complaints against him have come to light this weekhe tried to lure women into sexual services for their promised visasthe tribunal will wait to decide on a penalty for the new complaints']\n", + "hakaoro hakaoro was sentenced to 20 months in jail in january 2014 for working without a licence .this week the 55-year-old has been found guilty of six new complaints by the immigration advisors disciplinary tribunal .hakaoro took $ 3,000 from two siblings who wanted help with their immigration status .\n", + "hakaoro hakaoro was jailed in january 2014 for working without a licencea string of new complaints against him have come to light this weekhe tried to lure women into sexual services for their promised visasthe tribunal will wait to decide on a penalty for the new complaints\n", + "[1.2829762 1.1100132 1.2910658 1.4229943 1.2697164 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 0 4 1 18 17 16 15 14 13 12 10 19 9 8 7 6 5 11 20]\n", + "=======================\n", + "[\"andros townsend scores england 's equaliser in their 1-1 friendly draw with italy in turin on tuesday nightthree lions manager roy hodgson has , however , kept faith with the tottenham winger - belief he paid back in quite exceptional fashion at the juventus stadium .andros townsend enjoyed silencing the critics with his wonder strike for england , saying naysayers like paul merson provided the perfect motivation for him in italy .\"]\n", + "=======================\n", + "[\"andros townsend scored the equaliser in england 's 1-1 draw with italytownsend tweeted to hit back at paul merson for his previous commentstownsend has been been ` desperate ' to silence his criticsmerson had slammed townsend for his display against man unitedâ\"]\n", + "andros townsend scores england 's equaliser in their 1-1 friendly draw with italy in turin on tuesday nightthree lions manager roy hodgson has , however , kept faith with the tottenham winger - belief he paid back in quite exceptional fashion at the juventus stadium .andros townsend enjoyed silencing the critics with his wonder strike for england , saying naysayers like paul merson provided the perfect motivation for him in italy .\n", + "andros townsend scored the equaliser in england 's 1-1 draw with italytownsend tweeted to hit back at paul merson for his previous commentstownsend has been been ` desperate ' to silence his criticsmerson had slammed townsend for his display against man unitedâ\n", + "[1.2633902 1.4241917 1.2365599 1.1361234 1.2869229 1.215068 1.2030833\n", + " 1.1544279 1.1315867 1.1563101 1.1017479 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 2 5 6 9 7 3 8 10 11 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"police say the man , a garbage truck driver , was collecting bins in footscray early on saturday morning when the truck rolled forward , pinning him between the vehicle and a pole .paramedics tried to revive the man but he died at the scene .meanwhile another man has died and two others are fighting for their life in hospital after a car apparently packed with six passengers , crashed in melbourne 's east .\"]\n", + "=======================\n", + "[\"a man has died after being crushed by a garbage truck in melbournethe man was collecting garbage when the truck rolled and crushed himanother man has died after the car he was travelling in crashed into trees in melbourne 's east on friday\"]\n", + "police say the man , a garbage truck driver , was collecting bins in footscray early on saturday morning when the truck rolled forward , pinning him between the vehicle and a pole .paramedics tried to revive the man but he died at the scene .meanwhile another man has died and two others are fighting for their life in hospital after a car apparently packed with six passengers , crashed in melbourne 's east .\n", + "a man has died after being crushed by a garbage truck in melbournethe man was collecting garbage when the truck rolled and crushed himanother man has died after the car he was travelling in crashed into trees in melbourne 's east on friday\n", + "[1.1251111 1.3769264 1.4782096 1.4052334 1.1333964 1.1689308 1.0518857\n", + " 1.0323364 1.0268923 1.0243056 1.0204738 1.1920674 1.1650962 1.1152002\n", + " 1.0658014 1.0992281 1.0722513 0. 0. ]\n", + "\n", + "[ 2 3 1 11 5 12 4 0 13 15 16 14 6 7 8 9 10 17 18]\n", + "=======================\n", + "['paddy morrall noticed the full-length christ on a snapped scaffolding board in inverness , scotland , on wednesday .the 31-year-old builder , from keighley , near bradford , has kept the board .the son of god appeared wearing a robe after the joiner and colleagues left the piece of wood out in the rain for several hours .']\n", + "=======================\n", + "['paddy morrall noticed image after wood was left in rain for several hours31-year-old said he was not normally a religious guy but it was easter']\n", + "paddy morrall noticed the full-length christ on a snapped scaffolding board in inverness , scotland , on wednesday .the 31-year-old builder , from keighley , near bradford , has kept the board .the son of god appeared wearing a robe after the joiner and colleagues left the piece of wood out in the rain for several hours .\n", + "paddy morrall noticed image after wood was left in rain for several hours31-year-old said he was not normally a religious guy but it was easter\n", + "[1.2609153 1.4767644 1.2068859 1.2494725 1.261374 1.1916938 1.0854696\n", + " 1.0669445 1.0346656 1.0613314 1.040183 1.0403908 1.0236064 1.0714052\n", + " 1.0954694 1.1998203 1.0502245 1.1093316 1.1612117]\n", + "\n", + "[ 1 4 0 3 2 15 5 18 17 14 6 13 7 9 16 11 10 8 12]\n", + "=======================\n", + "['grace rebecca mann , 20 , was found unconscious by two female roommates in the home they shared in fredericksburg , near the college campus , about 3pm .a 20-year-old university of mary washington student was found murdered on friday in virginia and her older male roommate has now been arrested and charged with the killing .the fourth roommate of the house , steven vander briel , 30 , was home when the two women stumbled upon the body , but ran out of the house , according to fredericksburg.com .']\n", + "=======================\n", + "['grace rebecca mann , 20 , was found unconscious friday afternoon by two female roommates at their home in fredericksburg , virginiathe fourth roommate , steven vander briel , 30 , was at home but fledhe was arrested a few later emerging from woods near churchbriel was charged with first-degree murder and abductionmann , a popular junior , reportedly had a plastic bag down her throather father thomas mann is a juvenile and domestic relations court judge in fairfax county']\n", + "grace rebecca mann , 20 , was found unconscious by two female roommates in the home they shared in fredericksburg , near the college campus , about 3pm .a 20-year-old university of mary washington student was found murdered on friday in virginia and her older male roommate has now been arrested and charged with the killing .the fourth roommate of the house , steven vander briel , 30 , was home when the two women stumbled upon the body , but ran out of the house , according to fredericksburg.com .\n", + "grace rebecca mann , 20 , was found unconscious friday afternoon by two female roommates at their home in fredericksburg , virginiathe fourth roommate , steven vander briel , 30 , was at home but fledhe was arrested a few later emerging from woods near churchbriel was charged with first-degree murder and abductionmann , a popular junior , reportedly had a plastic bag down her throather father thomas mann is a juvenile and domestic relations court judge in fairfax county\n", + "[1.4639817 1.2330918 1.1614777 1.5520664 1.2135961 1.0661787 1.0132052\n", + " 1.0123925 1.0121928 1.0136274 1.0172478 1.124158 1.0430032 1.0617248\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 2 11 5 13 12 10 9 6 7 8 14 15 16 17 18]\n", + "=======================\n", + "[\"jamie o'hara scored from the penalty spot to give blackpool a lead against reading on tuesday nightblackpool marked their relegation into sky bet league one with a 1-1 draw against reading , but the fireworks were restricted to outside of bloomfield road as long-suffering supporters held protests against seasiders chairman karl oyston .the tangerines ' demotion into the third tier was finally confirmed on easter monday and that triggered pre-match public displays of fury from fans at the oyston family 's handling of the club on tuesday .\"]\n", + "=======================\n", + "[\"jamie o'hara scored from the spot after just six minutesbut grant hall 's own goal gave reading a share of the spoilsblackpool fans protested against owners , the oyston familythe seasiders need two more points to pass stockport 's 26\"]\n", + "jamie o'hara scored from the penalty spot to give blackpool a lead against reading on tuesday nightblackpool marked their relegation into sky bet league one with a 1-1 draw against reading , but the fireworks were restricted to outside of bloomfield road as long-suffering supporters held protests against seasiders chairman karl oyston .the tangerines ' demotion into the third tier was finally confirmed on easter monday and that triggered pre-match public displays of fury from fans at the oyston family 's handling of the club on tuesday .\n", + "jamie o'hara scored from the spot after just six minutesbut grant hall 's own goal gave reading a share of the spoilsblackpool fans protested against owners , the oyston familythe seasiders need two more points to pass stockport 's 26\n", + "[1.3094324 1.4253868 1.4223568 1.2655532 1.0467951 1.0294096 1.0288903\n", + " 1.0900004 1.0848212 1.2100202 1.179645 1.0259273 1.0436965 1.0188321\n", + " 1.0128775 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 9 10 7 8 4 12 5 6 11 13 14 17 15 16 18]\n", + "=======================\n", + "[\"the 26-year-old south african bombshell oozes old hollywood glamour in the series of shots , which see her don a platinum blonde wig , a crimson pout and a dramatic cat-eye flick .max factor , which celebrates its 80th anniversary this year , is the brand widely accredited for transforming monroe from a mousy brunette to a knockout blonde back in 1935 , and delivering her with the iconic look showcased by candice today .candice swanepoel has appeared in max factor 's latest beauty campaign as none other than silver screen legend marilyn monroe .\"]\n", + "=======================\n", + "[\"the 26-year-old victoria 's secret angel is max factor 's latest facecampaign celebrates max factor 's former allegiance with marilyn monroethe make-up brand is credited with transforming her look in the 30s\"]\n", + "the 26-year-old south african bombshell oozes old hollywood glamour in the series of shots , which see her don a platinum blonde wig , a crimson pout and a dramatic cat-eye flick .max factor , which celebrates its 80th anniversary this year , is the brand widely accredited for transforming monroe from a mousy brunette to a knockout blonde back in 1935 , and delivering her with the iconic look showcased by candice today .candice swanepoel has appeared in max factor 's latest beauty campaign as none other than silver screen legend marilyn monroe .\n", + "the 26-year-old victoria 's secret angel is max factor 's latest facecampaign celebrates max factor 's former allegiance with marilyn monroethe make-up brand is credited with transforming her look in the 30s\n", + "[1.2026055 1.3889481 1.3304659 1.0876896 1.092786 1.0598848 1.0369422\n", + " 1.0312959 1.0738853 1.125106 1.1074421 1.0940795 1.0640836 1.0271649\n", + " 1.079029 1.0625068 1.0226479 1.0241547 1.0297987]\n", + "\n", + "[ 1 2 0 9 10 11 4 3 14 8 12 15 5 6 7 18 13 17 16]\n", + "=======================\n", + "['in an email to his students , irwin horwitz accused them of \" backstabbing , game playing , cheating , lying , fighting . \"the professor at the texas a&m university galveston campus expected his missive would create some conflict , but that it could then be resolved quickly -- and quietly .( cnn ) pushed to his limits , a college professor took the extreme measure of threatening to fail his entire class .']\n", + "=======================\n", + "['irwin horwitz threatens to fail his entire classhis fiery email goes viral ; he now wonders if the unwanted attention will affect his career']\n", + "in an email to his students , irwin horwitz accused them of \" backstabbing , game playing , cheating , lying , fighting . \"the professor at the texas a&m university galveston campus expected his missive would create some conflict , but that it could then be resolved quickly -- and quietly .( cnn ) pushed to his limits , a college professor took the extreme measure of threatening to fail his entire class .\n", + "irwin horwitz threatens to fail his entire classhis fiery email goes viral ; he now wonders if the unwanted attention will affect his career\n", + "[1.100334 1.0618829 1.1482079 1.4750926 1.2922475 1.1601223 1.1138241\n", + " 1.1521364 1.1166513 1.0302713 1.1653727 1.2259858 1.0532248 1.0196807\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 11 10 5 7 2 8 6 0 1 12 9 13 16 14 15 17]\n", + "=======================\n", + "['luis suarez and daniel sturridge ( right ) scored 52 premier league goals for liverpool last seasondiego costa is the joint top scorer in the premier league with 19 goals in his first season in englandjordan henderson ( centre ) celebrates scoring sixth goal of the season , a penalty against arsenal on saturday']\n", + "=======================\n", + "[\"raheem sterling , jordan henderson and steven gerrard are liverpool 's top scorers in the premier league this season with six goals eachseventeen of 20 premier league clubs have top scorers with more goalsliverpool are paying for failing to properly replace goals of luis suarez\"]\n", + "luis suarez and daniel sturridge ( right ) scored 52 premier league goals for liverpool last seasondiego costa is the joint top scorer in the premier league with 19 goals in his first season in englandjordan henderson ( centre ) celebrates scoring sixth goal of the season , a penalty against arsenal on saturday\n", + "raheem sterling , jordan henderson and steven gerrard are liverpool 's top scorers in the premier league this season with six goals eachseventeen of 20 premier league clubs have top scorers with more goalsliverpool are paying for failing to properly replace goals of luis suarez\n", + "[1.0751231 1.1221341 1.402011 1.3545668 1.2671103 1.2006108 1.1419306\n", + " 1.1667167 1.060545 1.0706143 1.0354872 1.1251379 1.0435764 1.0350617\n", + " 1.0277076 1.0605962 1.0243924 1.0481262]\n", + "\n", + "[ 2 3 4 5 7 6 11 1 0 9 15 8 17 12 10 13 14 16]\n", + "=======================\n", + "['researchers found that heart patients who expressed gratitude for the positive things in their life had improved mental , and ultimately physical , health .the study involved men and women who had been diagnosed with stage b heart failure .stage b is where patients have developed structural heart disease - they may , for example , have had a heart attack that damaged the heart - but do not show symptoms of heart failure , such as shortness of breath or fatigue .']\n", + "=======================\n", + "[\"heart patients who were more grateful had improved physical healththey had lower markers for inflammation - which can worsen heart failurethey also had better moods , better sleep , and less fatigue , experts foundwriting a ` gratitude journal ' is also linked with better heart health , they said\"]\n", + "researchers found that heart patients who expressed gratitude for the positive things in their life had improved mental , and ultimately physical , health .the study involved men and women who had been diagnosed with stage b heart failure .stage b is where patients have developed structural heart disease - they may , for example , have had a heart attack that damaged the heart - but do not show symptoms of heart failure , such as shortness of breath or fatigue .\n", + "heart patients who were more grateful had improved physical healththey had lower markers for inflammation - which can worsen heart failurethey also had better moods , better sleep , and less fatigue , experts foundwriting a ` gratitude journal ' is also linked with better heart health , they said\n", + "[1.2592316 1.1980742 1.1883299 1.3067379 1.2559029 1.142782 1.1624954\n", + " 1.0347836 1.1256803 1.1473566 1.0257744 1.1238606 1.0403924 1.0183872\n", + " 1.0573177 1.1147987 1.0651343 1.0282117]\n", + "\n", + "[ 3 0 4 1 2 6 9 5 8 11 15 16 14 12 7 17 10 13]\n", + "=======================\n", + "[\"but they say labour -- and some senior lib dems -- appear to be threatening to reimpose state controls .concerns are raised about labour 's policy under shadow education secretary tristram huntthe letter , signed by the heads of good and outstanding autonomous schools , was backed yesterday by david cameron .\"]\n", + "=======================\n", + "[\"in a letter to the mail , 80 headteachers said academies benefit childrenbut they warned that labour is threatening to reimpose state controlsheads expressed alarm at ed miliband 's comments on school reformsteachers signing the letter are from some of the best schools in britain\"]\n", + "but they say labour -- and some senior lib dems -- appear to be threatening to reimpose state controls .concerns are raised about labour 's policy under shadow education secretary tristram huntthe letter , signed by the heads of good and outstanding autonomous schools , was backed yesterday by david cameron .\n", + "in a letter to the mail , 80 headteachers said academies benefit childrenbut they warned that labour is threatening to reimpose state controlsheads expressed alarm at ed miliband 's comments on school reformsteachers signing the letter are from some of the best schools in britain\n", + "[1.2704824 1.2830831 1.2801423 1.1385326 1.1988978 1.1525512 1.1660259\n", + " 1.1426967 1.108046 1.1274695 1.0602995 1.0864451 1.0572015 1.0471743\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 6 5 7 3 9 8 11 10 12 13 14 15 16 17]\n", + "=======================\n", + "[\"a video from the office features characters in ` safety suits ' including bubbleman , a ` fashionista ' wrapped in the poppable material and a young man in flashing lights .the campaigners are seen talking to residents about the dangers of not looking up from one 's phone , including the fact that 37 people died from being hit by cars last year .the philadelphia office of transportation aims to get the city 's pedestrians off their phones by sending a man in bubble wrap out to spread their safety message to the people .\"]\n", + "=======================\n", + "[\"road safety video stars walk streets in bizarre ` safety suit ' costumescampaign says that 37 people pedestrians killed each year in philadelphiasome have criticized program for blaming those hit rather than motorists\"]\n", + "a video from the office features characters in ` safety suits ' including bubbleman , a ` fashionista ' wrapped in the poppable material and a young man in flashing lights .the campaigners are seen talking to residents about the dangers of not looking up from one 's phone , including the fact that 37 people died from being hit by cars last year .the philadelphia office of transportation aims to get the city 's pedestrians off their phones by sending a man in bubble wrap out to spread their safety message to the people .\n", + "road safety video stars walk streets in bizarre ` safety suit ' costumescampaign says that 37 people pedestrians killed each year in philadelphiasome have criticized program for blaming those hit rather than motorists\n", + "[1.5112628 1.4792728 1.2588869 1.4148778 1.0587356 1.0230303 1.0193344\n", + " 1.0195837 1.182939 1.165024 1.0229237 1.1246622 1.0212756 1.0118878\n", + " 1.1448523 1.117101 1.1051024 0. ]\n", + "\n", + "[ 0 1 3 2 8 9 14 11 15 16 4 5 10 12 7 6 13 17]\n", + "=======================\n", + "[\"england international sam tomkins rejected an offer from warrington in order to return to wigan .the 2012 super league man of steel is to cut short his stay in the nrl with new zealand warriors and rejoin his home-town club on a four-year contract from 2016 .the announcement was made by wigan chairman ian lenagan at half-time in thursday night 's first utility super league derby with warrington , who were the other club after his signature once he announced he was returning to super league .\"]\n", + "=======================\n", + "[\"wigan confirmed sam tomkins is to re-join the club during thursday 's derby against warringtonthe 26-year-old full back is to cut short his stay in the nrl with new zealand warriors\"]\n", + "england international sam tomkins rejected an offer from warrington in order to return to wigan .the 2012 super league man of steel is to cut short his stay in the nrl with new zealand warriors and rejoin his home-town club on a four-year contract from 2016 .the announcement was made by wigan chairman ian lenagan at half-time in thursday night 's first utility super league derby with warrington , who were the other club after his signature once he announced he was returning to super league .\n", + "wigan confirmed sam tomkins is to re-join the club during thursday 's derby against warringtonthe 26-year-old full back is to cut short his stay in the nrl with new zealand warriors\n", + "[1.2766606 1.1035885 1.0705311 1.0738672 1.0854739 1.0589393 1.0465428\n", + " 1.0639 1.0447993 1.4289258 1.1922209 1.1868168 1.0322151 1.0680507\n", + " 1.0264486 1.0144144 1.0230732 1.0159628 1.021634 1.014216 1.0201747\n", + " 1.0173519 1.0217899 1.0167533 1.0347135 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 9 0 10 11 1 4 3 2 13 7 5 6 8 24 12 14 16 22 18 20 21 23 17 15\n", + " 19 27 25 26 28]\n", + "=======================\n", + "[\"adam gemili says usain bolt is a joker on the circuit and gives him great advicethe young british athlete says he is nowhere near bolt 's standard at the moment but it could be his time soongemili has announced his participation in the sainsbury 's anniversary games this summer\"]\n", + "=======================\n", + "['british sprinter adam gemili blogs about his preparations for rio 2016gemili says usain bolt is great at the circuit as he is often joking aroundadmits bolt gives great advice and he will try to take that into this season']\n", + "adam gemili says usain bolt is a joker on the circuit and gives him great advicethe young british athlete says he is nowhere near bolt 's standard at the moment but it could be his time soongemili has announced his participation in the sainsbury 's anniversary games this summer\n", + "british sprinter adam gemili blogs about his preparations for rio 2016gemili says usain bolt is great at the circuit as he is often joking aroundadmits bolt gives great advice and he will try to take that into this season\n", + "[1.2834193 1.3550913 1.1860801 1.1582875 1.0672643 1.1439034 1.0909845\n", + " 1.1237679 1.0745785 1.0284344 1.1404994 1.100589 1.0750419 1.0433373\n", + " 1.0399655 1.0480341 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 3 5 10 7 11 6 12 8 4 15 13 14 9 16 17 18 19 20 21 22 23\n", + " 24 25 26 27 28]\n", + "=======================\n", + "['the 60-year-old is facing charges over the funding of his failed 2012 bid to retain the presidency of the country .nicolas sarkozy was being grilled by judges in a criminal court today two days after being heralded as the politician to save france from socialism .images of sarkozy arriving at a specialist financial court in paris today are a huge embarrassment for a politician who still thinks he can return to power .']\n", + "=======================\n", + "[\"sarkozy faces charges over funding of failed 2012 bid to retain presidencydeclared that ` hope has been reborn ' after huge gains in regional electionsbut just days later , he is pictured being driven to a financial court hearing\"]\n", + "the 60-year-old is facing charges over the funding of his failed 2012 bid to retain the presidency of the country .nicolas sarkozy was being grilled by judges in a criminal court today two days after being heralded as the politician to save france from socialism .images of sarkozy arriving at a specialist financial court in paris today are a huge embarrassment for a politician who still thinks he can return to power .\n", + "sarkozy faces charges over funding of failed 2012 bid to retain presidencydeclared that ` hope has been reborn ' after huge gains in regional electionsbut just days later , he is pictured being driven to a financial court hearing\n", + "[1.135482 1.3544867 1.2175266 1.2107586 1.2454848 1.0676744 1.1198239\n", + " 1.0626581 1.1020616 1.0590543 1.0886606 1.0423956 1.0171651 1.0313853\n", + " 1.0762357 1.0934602 1.1342183 1.0914623 1.0875653 1.1557369 1.0243479\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 4 2 3 19 0 16 6 8 15 17 10 18 14 5 7 9 11 13 20 12 27 21 22\n", + " 23 24 25 26 28]\n", + "=======================\n", + "[\"surveillance footage from philadelphia 's 15th street station shows one passenger lose his balance as he tries to skirt past somebody on the platform at 6.40 on wednesday night .fallen : this man was walking close to the edge of philadelphia 's 15 street station platform on wednesday at 6.40 pm when he tumbled .he falls , and bystanders jump back in shock .\"]\n", + "=======================\n", + "['cctv shows a man fall while walking along philadelphia platformbystanders jump back in shock , but one instinctively leaps after himgood samaritan pushes the fallen man onto the platform then jumps up']\n", + "surveillance footage from philadelphia 's 15th street station shows one passenger lose his balance as he tries to skirt past somebody on the platform at 6.40 on wednesday night .fallen : this man was walking close to the edge of philadelphia 's 15 street station platform on wednesday at 6.40 pm when he tumbled .he falls , and bystanders jump back in shock .\n", + "cctv shows a man fall while walking along philadelphia platformbystanders jump back in shock , but one instinctively leaps after himgood samaritan pushes the fallen man onto the platform then jumps up\n", + "[1.1056414 1.2297888 1.3255653 1.2387985 1.259189 1.1041679 1.1651742\n", + " 1.1196371 1.0588394 1.0847232 1.0726439 1.1068053 1.0659235 1.0711488\n", + " 1.0282319 1.0602181 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 4 3 1 6 7 11 0 5 9 10 13 12 15 8 14 16 17 18 19 20 21 22 23\n", + " 24 25 26 27 28]\n", + "=======================\n", + "[\"as so-called short waves collide near the surface they create weak microseismic waves , which combine with long , more powerful waves dragging across the ocean 's floor to create the constant hum .it 's long been known that earthquakes contribute to making the earth ring like a bell , but researchers have now proved ocean waves also play a role .this oscillation is caused by vibrations and researchers in the mid-1980s found the hum can drop as low as an e flat , 20 octaves below middle c on the musical scale .\"]\n", + "=======================\n", + "[\"it has long been known that earth is constantly oscillating and ` humming 'earthquakes cause a certain level of hum , but a study claims different sized ocean waves also contribute to earth 's oscillationsas water collides , it creates weak microseismic waves that cause a humstronger seismic waves then occurs when water travels along the floor\"]\n", + "as so-called short waves collide near the surface they create weak microseismic waves , which combine with long , more powerful waves dragging across the ocean 's floor to create the constant hum .it 's long been known that earthquakes contribute to making the earth ring like a bell , but researchers have now proved ocean waves also play a role .this oscillation is caused by vibrations and researchers in the mid-1980s found the hum can drop as low as an e flat , 20 octaves below middle c on the musical scale .\n", + "it has long been known that earth is constantly oscillating and ` humming 'earthquakes cause a certain level of hum , but a study claims different sized ocean waves also contribute to earth 's oscillationsas water collides , it creates weak microseismic waves that cause a humstronger seismic waves then occurs when water travels along the floor\n", + "[1.0453616 1.5773675 1.3699331 1.3754556 1.0557266 1.0297558 1.0311803\n", + " 1.0308578 1.0250748 1.0248607 1.0224239 1.0212377 1.0183897 1.0148748\n", + " 1.0125158 1.0137358 1.0140718 1.0118985 1.0157598 1.0162838 1.0160142\n", + " 1.0155314 1.0147878 1.013637 1.0280405 1.0731454 1.020802 1.0876333\n", + " 1.0212075]\n", + "\n", + "[ 1 3 2 27 25 4 0 6 7 5 24 8 9 10 11 28 26 12 19 20 18 21 13 22\n", + " 16 15 23 14 17]\n", + "=======================\n", + "['scott keyes , a 28-year-old writer for think progress , is about to travel 20,000 miles on 21 flights , stopping by 13 countries along the way in europe and south and north america while enjoying first class service .in the end , he was able to book a vacation with stops in mexico , nicaragua , trinidad , st. lucia , grenada , germany , czech republic , ukraine , bulgaria , greece , macedonia , lithuania , and finland without having to pay more than a few dollars on any of the flights .keyes decided to plan his trip when he realized he had some free time between his departure from oaxaca , mexico , where he has lived for the past year , to return home to the united states and get back to full time work .']\n", + "=======================\n", + "['scott keyes , a 28-year-old writer , is about to travel 20,000 miles on 21 flights and visit 13 countriesfor this trip he will pay hardly anything , with all flights and hotels already covered thanks to airline miles and credit card pointshe will make stops in mexico , nicaragua , trinidad , st. lucia , grenada , germany , czech republic , ukraine , bulgaria , greece , macedonia , lithuania , and finlandthe trip took him between 10 to 15 hours to plan and cost him 136,500 frequent flyer miles']\n", + "scott keyes , a 28-year-old writer for think progress , is about to travel 20,000 miles on 21 flights , stopping by 13 countries along the way in europe and south and north america while enjoying first class service .in the end , he was able to book a vacation with stops in mexico , nicaragua , trinidad , st. lucia , grenada , germany , czech republic , ukraine , bulgaria , greece , macedonia , lithuania , and finland without having to pay more than a few dollars on any of the flights .keyes decided to plan his trip when he realized he had some free time between his departure from oaxaca , mexico , where he has lived for the past year , to return home to the united states and get back to full time work .\n", + "scott keyes , a 28-year-old writer , is about to travel 20,000 miles on 21 flights and visit 13 countriesfor this trip he will pay hardly anything , with all flights and hotels already covered thanks to airline miles and credit card pointshe will make stops in mexico , nicaragua , trinidad , st. lucia , grenada , germany , czech republic , ukraine , bulgaria , greece , macedonia , lithuania , and finlandthe trip took him between 10 to 15 hours to plan and cost him 136,500 frequent flyer miles\n", + "[1.2552583 1.2503809 1.4301251 1.3131881 1.1241204 1.1566753 1.1942482\n", + " 1.0456944 1.0905654 1.0297574 1.0738221 1.043718 1.0643363 1.0319589\n", + " 1.0096323 1.0439848 0. 0. ]\n", + "\n", + "[ 2 3 0 1 6 5 4 8 10 12 7 15 11 13 9 14 16 17]\n", + "=======================\n", + "['the 24-year-old man charged with the murder of local english and drama teacher ms scott on easter sunday was born in tasmania and lived in holland with his family before returning to australia as an adult .vincent stanford moved into a single-storey home with his mother and elder brother in leeton , in the riverina region of new south wales , which is 550 kilometres south-west of sydney and 450km north of melbourne , with just a small bag of belongings each .the man accused of murdering bride-to-be stephanie scott is like an invisible man in the small rural town he moved to just 13 months ago .']\n", + "=======================\n", + "[\"vincent stanford was born in tasmania before moving to hollandarriving back in australia in recent years , he has lived with his mother and elder brother in a small house in leeton , nsw , for 13 monthshis identical twin returned from holland in june 2013` he was a nice enough sort of bloke , clearly a loner , ' neighbour saysstanford gained employment as a casual cleaner in octoberhe cleaned leeton high school where stephanie scott workedhis employer said he passed all the national criminal record checksstanford was charged with stephanie scott 's murder on thursdaythe school keys she was loaned were allegedly found at his home\"]\n", + "the 24-year-old man charged with the murder of local english and drama teacher ms scott on easter sunday was born in tasmania and lived in holland with his family before returning to australia as an adult .vincent stanford moved into a single-storey home with his mother and elder brother in leeton , in the riverina region of new south wales , which is 550 kilometres south-west of sydney and 450km north of melbourne , with just a small bag of belongings each .the man accused of murdering bride-to-be stephanie scott is like an invisible man in the small rural town he moved to just 13 months ago .\n", + "vincent stanford was born in tasmania before moving to hollandarriving back in australia in recent years , he has lived with his mother and elder brother in a small house in leeton , nsw , for 13 monthshis identical twin returned from holland in june 2013` he was a nice enough sort of bloke , clearly a loner , ' neighbour saysstanford gained employment as a casual cleaner in octoberhe cleaned leeton high school where stephanie scott workedhis employer said he passed all the national criminal record checksstanford was charged with stephanie scott 's murder on thursdaythe school keys she was loaned were allegedly found at his home\n", + "[1.2734786 1.1230578 1.3101301 1.4222081 1.3295951 1.0679995 1.0395148\n", + " 1.0431901 1.1260087 1.02538 1.0837052 1.1097515 1.0161123 1.0167894\n", + " 1.1105365 0. 0. 0. ]\n", + "\n", + "[ 3 4 2 0 8 1 14 11 10 5 7 6 9 13 12 16 15 17]\n", + "=======================\n", + "[\"bianca london and martha cliff used facetune to edit their selfies .the # 2.99 photo editing app is designed to help you edit your portrait photographs into ` perfection ' - but the results were rather scary ... and obviouskim kardashian is undoubtedly the queen of self-promotion , posting ` selfie ' snaps to her millions of followers on a daily basis and even releasing a book filled with her self-taken pictures .\"]\n", + "=======================\n", + "['# 2.99 editing app is thought to be loved by kim kardashianallows you to retouch face , banish wrinkles and change eye colourfemail tests out retouching skills on their selfies']\n", + "bianca london and martha cliff used facetune to edit their selfies .the # 2.99 photo editing app is designed to help you edit your portrait photographs into ` perfection ' - but the results were rather scary ... and obviouskim kardashian is undoubtedly the queen of self-promotion , posting ` selfie ' snaps to her millions of followers on a daily basis and even releasing a book filled with her self-taken pictures .\n", + "# 2.99 editing app is thought to be loved by kim kardashianallows you to retouch face , banish wrinkles and change eye colourfemail tests out retouching skills on their selfies\n", + "[1.2496938 1.4786296 1.2243899 1.2816012 1.3635386 1.0785438 1.0448079\n", + " 1.0238522 1.021928 1.085272 1.0569057 1.089822 1.0675122 1.0312754\n", + " 1.0139968 1.0135711 1.0725472 1.0371283]\n", + "\n", + "[ 1 4 3 0 2 11 9 5 16 12 10 6 17 13 7 8 14 15]\n", + "=======================\n", + "[\"peter hiett , a decorated former prison guard at feltham young offenders institution , said staff would put inmates in a cell padded with mattresses and leave them to fight out any differences .he also said gangs controlled entire wings at the jail in hounslow , south west london , leaving staff afraid to visit some areas of the prison for fear of being attacked .a former prison officer has claimed staff at one of britain 's toughest jails regularly arrange brutal fights between rival criminals behind bars .\"]\n", + "=======================\n", + "['former prison guard claims fights between inmates are organised by staffpeter hiett , 49 , said staff would put rivals in a cell and let them battle it outsaid gangs also control full wings at feltham young offenders institutionfeltham named as the most violent prison in england and wales last year']\n", + "peter hiett , a decorated former prison guard at feltham young offenders institution , said staff would put inmates in a cell padded with mattresses and leave them to fight out any differences .he also said gangs controlled entire wings at the jail in hounslow , south west london , leaving staff afraid to visit some areas of the prison for fear of being attacked .a former prison officer has claimed staff at one of britain 's toughest jails regularly arrange brutal fights between rival criminals behind bars .\n", + "former prison guard claims fights between inmates are organised by staffpeter hiett , 49 , said staff would put rivals in a cell and let them battle it outsaid gangs also control full wings at feltham young offenders institutionfeltham named as the most violent prison in england and wales last year\n", + "[1.6761253 1.2934855 1.2503184 1.5107691 1.0364896 1.0857447 1.0772029\n", + " 1.0461166 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 5 6 7 4 15 14 13 12 8 10 9 16 11 17]\n", + "=======================\n", + "[\"josh harrop starred as manchester united secured a hard-earned victory against west ham united to go four points clear at the top of the under 21 premier league .basement boys west ham took a shock lead when reece oxford headed home an impressive delivery from josh cullen with just ten minutes played .it was the east londoner 's first away goal since september , however their advantage lasted all of 12 minutes as harrop grabbed his first of the game to level the scores before joe rothwell capped an impressive turnaround minutes later .\"]\n", + "=======================\n", + "['josh harrop scored twice as manchester united came from behind to winreece oxford headed west ham ahead before hosts scored twicejordan brown leveled before the break , but harrop pounced to earn winadnan januzaj captained the side as they went four points clear at the top']\n", + "josh harrop starred as manchester united secured a hard-earned victory against west ham united to go four points clear at the top of the under 21 premier league .basement boys west ham took a shock lead when reece oxford headed home an impressive delivery from josh cullen with just ten minutes played .it was the east londoner 's first away goal since september , however their advantage lasted all of 12 minutes as harrop grabbed his first of the game to level the scores before joe rothwell capped an impressive turnaround minutes later .\n", + "josh harrop scored twice as manchester united came from behind to winreece oxford headed west ham ahead before hosts scored twicejordan brown leveled before the break , but harrop pounced to earn winadnan januzaj captained the side as they went four points clear at the top\n", + "[1.3085301 1.4579775 1.1225604 1.3495356 1.0885941 1.1217201 1.066442\n", + " 1.087715 1.0730965 1.0359099 1.0485069 1.0190158 1.093252 1.0681665\n", + " 1.0960292 1.0142145 1.0147374 0. ]\n", + "\n", + "[ 1 3 0 2 5 14 12 4 7 8 13 6 10 9 11 16 15 17]\n", + "=======================\n", + "[\"the product , phynova joint and muscle relief , contains sigesbeckia , a herb traditionally used to treat aches and pains caused by arthritis .for the first time , the government 's drug regulator - the medicines and healthcare products regulatory agency ( mhra ) - has approved a remedy containing a traditional chinese herb .` until now many gps have been wary of recommending chinese herbs , but now there is one product that we know is produced safely and at the optimum dose , ' explains professor george lewith , a complementary medicine researcher from southampton university .\"]\n", + "=======================\n", + "[\"the government 's drug regulator has approved a ` herbal remedy 'phynova joint and muscle relief , contains sigesbeckiathe traditional chinese herb is traditionally used to treat aches and painsdr uzma ali advises patients with aches to take a curcumin supplement\"]\n", + "the product , phynova joint and muscle relief , contains sigesbeckia , a herb traditionally used to treat aches and pains caused by arthritis .for the first time , the government 's drug regulator - the medicines and healthcare products regulatory agency ( mhra ) - has approved a remedy containing a traditional chinese herb .` until now many gps have been wary of recommending chinese herbs , but now there is one product that we know is produced safely and at the optimum dose , ' explains professor george lewith , a complementary medicine researcher from southampton university .\n", + "the government 's drug regulator has approved a ` herbal remedy 'phynova joint and muscle relief , contains sigesbeckiathe traditional chinese herb is traditionally used to treat aches and painsdr uzma ali advises patients with aches to take a curcumin supplement\n", + "[1.137623 1.3906147 1.0992827 1.0597568 1.1763778 1.0718863 1.133173\n", + " 1.0770183 1.2911283 1.1732876 1.0349131 1.1488489 1.0233446 1.0354838\n", + " 1.05037 1.0488509 1.0259714 1.0350251 1.0111836 1.0139152]\n", + "\n", + "[ 1 8 4 9 11 0 6 2 7 5 3 14 15 13 17 10 16 12 19 18]\n", + "=======================\n", + "[\"it 's been almost a year to the day since darrell clarke cracked in front of the cameras as he explained how bristol rovers fell out of the football league for the first time since 1920 .rovers had spent less than an hour in the league two relegation zone all season but , crucially , it was the last hour of the campaign .darrell clarke was distraught at the end of last season , but there could be tears of joy this time around\"]\n", + "=======================\n", + "['bristol rovers were relegated from the football league last seasonthere were tears on the final day after they lost their place in league two12 months later , rovers are on the brink of returning to the leaguethey sit second going into the final weekend , behind barnet']\n", + "it 's been almost a year to the day since darrell clarke cracked in front of the cameras as he explained how bristol rovers fell out of the football league for the first time since 1920 .rovers had spent less than an hour in the league two relegation zone all season but , crucially , it was the last hour of the campaign .darrell clarke was distraught at the end of last season , but there could be tears of joy this time around\n", + "bristol rovers were relegated from the football league last seasonthere were tears on the final day after they lost their place in league two12 months later , rovers are on the brink of returning to the leaguethey sit second going into the final weekend , behind barnet\n", + "[1.2365074 1.3987583 1.383111 1.2959962 1.2061932 1.1720164 1.1239921\n", + " 1.068943 1.1370128 1.0994377 1.0264826 1.050783 1.0315956 1.0722635\n", + " 1.0406162 1.1111984 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 5 8 6 15 9 13 7 11 14 12 10 16 17 18 19]\n", + "=======================\n", + "[\"the woman 's lawyer says the ruling was made by manhattan supreme court justice matthew cooper .the daily news says victor sena blood-dzraku will be served with the divorce summons via a private facebook message .it will be repeated once a week for three consecutive weeks or until ` acknowledged ' by ellanora baidoo 's hard-to-find husband .\"]\n", + "=======================\n", + "['elanora baidoo married victor sena blood-dzraku in 2009marriage was not consummated and blood-dzraku has disappearedjudge in brooklyn has allowed baidoo to issue divorce papers via facebook']\n", + "the woman 's lawyer says the ruling was made by manhattan supreme court justice matthew cooper .the daily news says victor sena blood-dzraku will be served with the divorce summons via a private facebook message .it will be repeated once a week for three consecutive weeks or until ` acknowledged ' by ellanora baidoo 's hard-to-find husband .\n", + "elanora baidoo married victor sena blood-dzraku in 2009marriage was not consummated and blood-dzraku has disappearedjudge in brooklyn has allowed baidoo to issue divorce papers via facebook\n", + "[1.2282892 1.3972069 1.2472208 1.2547204 1.177333 1.0657924 1.1418313\n", + " 1.0452942 1.1106409 1.0789095 1.0625038 1.1191447 1.07395 1.1116645\n", + " 1.0322953 1.0268565 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 6 11 13 8 9 12 5 10 7 14 15 16 17 18 19]\n", + "=======================\n", + "[\"the prime minister said the scottish national party would prop up a minority labour administration in the hope that the government would be a ` disaster ' and bring forward its dream of independence .david cameron , addressing supporters in somerset this afternoon , has warned voters that they have '11 days to save britain ' , as he claimed scottish nationalists ` do n't want the country to succeed 'a survation poll put the conservatives three points ahead on 33 per cent to labour 's 30 per cent .\"]\n", + "=======================\n", + "[\"pm says a minority labour administration would be propped up by the snplatest poll shows the conservatives have nudged 3 % ahead of labourmr cameron said a tory victory was needed ` effectively to save britain '\"]\n", + "the prime minister said the scottish national party would prop up a minority labour administration in the hope that the government would be a ` disaster ' and bring forward its dream of independence .david cameron , addressing supporters in somerset this afternoon , has warned voters that they have '11 days to save britain ' , as he claimed scottish nationalists ` do n't want the country to succeed 'a survation poll put the conservatives three points ahead on 33 per cent to labour 's 30 per cent .\n", + "pm says a minority labour administration would be propped up by the snplatest poll shows the conservatives have nudged 3 % ahead of labourmr cameron said a tory victory was needed ` effectively to save britain '\n", + "[1.1063418 1.2500381 1.5286336 1.1953418 1.0890285 1.1536297 1.13809\n", + " 1.1765616 1.1810486 1.0411727 1.1398473 1.2367622 1.0796235 1.0582485\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 11 3 8 7 5 10 6 0 4 12 13 9 14 15 16 17 18 19]\n", + "=======================\n", + "['loren mathieson filmed her pet boston terrier , gizmo , performing the gravity-defying stunt one day at home after he tried on a set of new booties .this skillful pooch has mastered the art of paw-stand walking .footage shows him taking a few steps forwards before planting down his front feet and launching his back legs vertically in the air .']\n", + "=======================\n", + "['loren mathieson filmed her dog performing the gravity-defying stunt one day at home after he tried on a set of new bootiesfootage shows him taking a few steps forwards before planting down his front feet and launching his back legs vertically in the air']\n", + "loren mathieson filmed her pet boston terrier , gizmo , performing the gravity-defying stunt one day at home after he tried on a set of new booties .this skillful pooch has mastered the art of paw-stand walking .footage shows him taking a few steps forwards before planting down his front feet and launching his back legs vertically in the air .\n", + "loren mathieson filmed her dog performing the gravity-defying stunt one day at home after he tried on a set of new bootiesfootage shows him taking a few steps forwards before planting down his front feet and launching his back legs vertically in the air\n", + "[1.1293246 1.2995192 1.2555048 1.2751703 1.2276442 1.1874957 1.2447828\n", + " 1.0763822 1.0230232 1.0173389 1.157746 1.0735427 1.0445771 1.0587246\n", + " 1.0434793 1.0198901 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 6 4 5 10 0 7 11 13 12 14 8 15 9 16 17 18 19]\n", + "=======================\n", + "['noise-induced hearing loss is one of the most common work-related illnesses and members of the armed forces are particularly vulnerable .now , however , scientists at the university of southern california believe they have made a breakthrough in their understanding of the condition .they have identified a gene , named nox3 , found in the inner ear , that is crucial in determining how vulnerable a person is to developing hearing loss .']\n", + "=======================\n", + "[\"research was conducted at the university of southern californiascientists there have identified a gene , named nox3 , found in the inner earsay this is crucial in determining a person 's vulnerability to hearing lossnoise-induced hearing loss is most common work-related illness in the us\"]\n", + "noise-induced hearing loss is one of the most common work-related illnesses and members of the armed forces are particularly vulnerable .now , however , scientists at the university of southern california believe they have made a breakthrough in their understanding of the condition .they have identified a gene , named nox3 , found in the inner ear , that is crucial in determining how vulnerable a person is to developing hearing loss .\n", + "research was conducted at the university of southern californiascientists there have identified a gene , named nox3 , found in the inner earsay this is crucial in determining a person 's vulnerability to hearing lossnoise-induced hearing loss is most common work-related illness in the us\n", + "[1.0484442 1.037385 1.0306381 1.0580376 1.035357 1.0429865 1.0654467\n", + " 1.2532051 1.19614 1.0924706 1.1054986 1.0783782 1.0927494 1.0895243\n", + " 1.1738577 1.0813196 1.0485268 1.0832512 1.0644643 1.0397574 1.0831144]\n", + "\n", + "[ 7 8 14 10 12 9 13 17 20 15 11 6 18 3 16 0 5 19 1 4 2]\n", + "=======================\n", + "['today , in the third part of our major good health series on dementia , we look at ways to help minimise the impact of these memory problems , to prolong independence and help those with dementia live as full a life as possible .older people find it harder to reach a deeper sleep - but they still need just as muchrecently , scientists have found out why .']\n", + "=======================\n", + "[\"this is the third part of our major good health series on dementiawe look at ways to help minimise the impact of memory problemsfor example , we need just as much sleep as we get olderthe problem is that older people find it harder to reach a deeper sleepwhen the short-term memory starts to go , it can make it hard for someone to recall what they have already done that day , such as whether they 've had breakfast , or showered , or spoken to someone .it can help to keep a diary - a record of what has been done through the day .create a memory hub - that is , a central place in the home , perhaps the dining room table or a desk , where important notes , car keys , house keys and drugs that need to be taken are kept .get a whiteboard or blackboard - that can be used to record a timetable of what needs to be done each day that week .label doors , drawers , cupboards and cabinets to avoid confusion about what goes where .have a list of the numbers of key people by the phone - your gp and other care professionals , carers , family and reliable friends .have a daily newspaper delivered - it is a simple way of keeping aware of what is happening in the world and is a useful reminder of that day 's date .when showering or having a bath , establish a routine as a reminder of whether your hair has been washed .eat regular meals .in the early stages of dementia , begin a reminiscence book to act as a reminder of key events in that person 's life and who people are .\"]\n", + "today , in the third part of our major good health series on dementia , we look at ways to help minimise the impact of these memory problems , to prolong independence and help those with dementia live as full a life as possible .older people find it harder to reach a deeper sleep - but they still need just as muchrecently , scientists have found out why .\n", + "this is the third part of our major good health series on dementiawe look at ways to help minimise the impact of memory problemsfor example , we need just as much sleep as we get olderthe problem is that older people find it harder to reach a deeper sleepwhen the short-term memory starts to go , it can make it hard for someone to recall what they have already done that day , such as whether they 've had breakfast , or showered , or spoken to someone .it can help to keep a diary - a record of what has been done through the day .create a memory hub - that is , a central place in the home , perhaps the dining room table or a desk , where important notes , car keys , house keys and drugs that need to be taken are kept .get a whiteboard or blackboard - that can be used to record a timetable of what needs to be done each day that week .label doors , drawers , cupboards and cabinets to avoid confusion about what goes where .have a list of the numbers of key people by the phone - your gp and other care professionals , carers , family and reliable friends .have a daily newspaper delivered - it is a simple way of keeping aware of what is happening in the world and is a useful reminder of that day 's date .when showering or having a bath , establish a routine as a reminder of whether your hair has been washed .eat regular meals .in the early stages of dementia , begin a reminiscence book to act as a reminder of key events in that person 's life and who people are .\n", + "[1.2246118 1.428624 1.3612603 1.2371634 1.1338917 1.2259748 1.101398\n", + " 1.0566324 1.0217037 1.0699935 1.1460928 1.1633712 1.1070426 1.059906\n", + " 1.0433508 1.0689914 1.0271755 1.0096818 1.0109127 0. 0. ]\n", + "\n", + "[ 1 2 3 5 0 11 10 4 12 6 9 15 13 7 14 16 8 18 17 19 20]\n", + "=======================\n", + "['grandparents patrick and marianne charles , 78 and 74 , were without heating during a blackout on a cold november night last year .the couple , who had been married for 53 years , sat down in their conservatory in eastbourne , east sussex , with a glass of wine each and fired up the barbecue to heat up the room .an elderly couple died of carbon monoxide poisoning after lighting a barbecue in their home ( pictured ) to keep warm during a power cut , an inquest heard']\n", + "=======================\n", + "['patrick and marianne charles lit the barbecue as their heating was cut offgrandparents choked on carbon monoxide fumes in their conservatorythe couple , 78 and 74 , laid dead for 16 days before they were foundeast sussex coroner recorded verdicts of accidental death']\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "grandparents patrick and marianne charles , 78 and 74 , were without heating during a blackout on a cold november night last year .the couple , who had been married for 53 years , sat down in their conservatory in eastbourne , east sussex , with a glass of wine each and fired up the barbecue to heat up the room .an elderly couple died of carbon monoxide poisoning after lighting a barbecue in their home ( pictured ) to keep warm during a power cut , an inquest heard\n", + "patrick and marianne charles lit the barbecue as their heating was cut offgrandparents choked on carbon monoxide fumes in their conservatorythe couple , 78 and 74 , laid dead for 16 days before they were foundeast sussex coroner recorded verdicts of accidental death\n", + "[1.3192616 1.1702887 1.3431401 1.1220231 1.1675044 1.2888118 1.1110064\n", + " 1.0222741 1.0221066 1.025707 1.0203975 1.0262632 1.1036028 1.0480051\n", + " 1.0724128 1.1541947 1.3083019 1.0404352 1.0307536 0. 0. ]\n", + "\n", + "[ 2 0 16 5 1 4 15 3 6 12 14 13 17 18 11 9 7 8 10 19 20]\n", + "=======================\n", + "[\"the four-year-old has an unusual appetite for furniture , soft furnishings and fittings , and doctors say they are unable to treat her .condition : jessica knight ca n't stop eating carpet underlay and the stuffing from soft furnishingsjessica suffers from pica , a rare medical disorder that leads to an appetite for non-nutritious substances .\"]\n", + "=======================\n", + "[\"jessica knight loves eating carpet underlay and furniture stuffingshe also snacks on sand and rocks even though parents try to stop herfamily now give her a purse full of sponge to control her cravingsjessica suffers from rare condition pica but doctors say they ca n't treat her until she is six years old\"]\n", + "the four-year-old has an unusual appetite for furniture , soft furnishings and fittings , and doctors say they are unable to treat her .condition : jessica knight ca n't stop eating carpet underlay and the stuffing from soft furnishingsjessica suffers from pica , a rare medical disorder that leads to an appetite for non-nutritious substances .\n", + "jessica knight loves eating carpet underlay and furniture stuffingshe also snacks on sand and rocks even though parents try to stop herfamily now give her a purse full of sponge to control her cravingsjessica suffers from rare condition pica but doctors say they ca n't treat her until she is six years old\n", + "[1.2815322 1.3880738 1.1883717 1.1902055 1.1244738 1.077459 1.091815\n", + " 1.0894862 1.1341381 1.1317574 1.0706073 1.053907 1.0687841 1.0816319\n", + " 1.0384586 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 8 9 4 6 7 13 5 10 12 11 14 19 15 16 17 18 20]\n", + "=======================\n", + "[\"the gulf state 's constellation hotels bought the 64 per cent stake in hotel company coroin - which owns five-star offerings claridge 's , the berkeley and the connaught - from billionaire brothers sir david and sir frederick barclay .qatar 's grip on london 's real estate tightened this week when it agreed to buy a majority share in the company behind the iconic claridge 's hotel .the hotels are the latest in an impressive list of high-profile acquisitions for the country , whose investment arm has been snapping up a number of the city 's landmark buildings including the shard , harrods and one canada tower - the centrepiece of the canary wharf financial district .\"]\n", + "=======================\n", + "[\"qatar 's constellation hotels bought majority share in company behind claridge 's , the berkeley and the connaughtfive-star hotels latest in impressive list of high-profile acquisitions , including the shard , harrods and canary wharfgulf state 's royal family also planning their own british palace - converting three properties into a # 200m mansion\"]\n", + "the gulf state 's constellation hotels bought the 64 per cent stake in hotel company coroin - which owns five-star offerings claridge 's , the berkeley and the connaught - from billionaire brothers sir david and sir frederick barclay .qatar 's grip on london 's real estate tightened this week when it agreed to buy a majority share in the company behind the iconic claridge 's hotel .the hotels are the latest in an impressive list of high-profile acquisitions for the country , whose investment arm has been snapping up a number of the city 's landmark buildings including the shard , harrods and one canada tower - the centrepiece of the canary wharf financial district .\n", + "qatar 's constellation hotels bought majority share in company behind claridge 's , the berkeley and the connaughtfive-star hotels latest in impressive list of high-profile acquisitions , including the shard , harrods and canary wharfgulf state 's royal family also planning their own british palace - converting three properties into a # 200m mansion\n", + "[1.3365159 1.1949102 1.115765 1.2552524 1.5487094 1.1790935 1.0802011\n", + " 1.020617 1.0190276 1.0211353 1.0252512 1.0165371 1.1148406 1.0683651\n", + " 1.0871863 1.2500796 1.0546273 1.0105865 1.0114338 0. 0. ]\n", + "\n", + "[ 4 0 3 15 1 5 2 12 14 6 13 16 10 9 7 8 11 18 17 19 20]\n", + "=======================\n", + "[\"aberdeen striker adam rooney does not want to see celtic win the league on their patch on may 11adam rooney is determined to prevent a season of outstanding personal achievement from ending with a sting its tail .should the current eight-point gap between the teams remain intact , then ronny deila 's side will have the chance to clinch a fourth successive premiership crown when they head to the north-east on may 10 .\"]\n", + "=======================\n", + "[\"celtic are eight points clear of aberdeen in the scottish premiershipif the gap stays the same celtic could win the title at aberdeen on may 11aberdeen 's adam rooney does n't want celtic to celebrate on their patch\"]\n", + "aberdeen striker adam rooney does not want to see celtic win the league on their patch on may 11adam rooney is determined to prevent a season of outstanding personal achievement from ending with a sting its tail .should the current eight-point gap between the teams remain intact , then ronny deila 's side will have the chance to clinch a fourth successive premiership crown when they head to the north-east on may 10 .\n", + "celtic are eight points clear of aberdeen in the scottish premiershipif the gap stays the same celtic could win the title at aberdeen on may 11aberdeen 's adam rooney does n't want celtic to celebrate on their patch\n", + "[1.3465188 1.3504604 1.3103567 1.4021931 1.2231768 1.1776748 1.0563211\n", + " 1.03068 1.0613273 1.0415092 1.020933 1.0283443 1.0190066 1.0170376\n", + " 1.0421627 1.1031463 1.0168958 1.0104228 1.0087963 1.0093954 1.1612859\n", + " 1.0923322]\n", + "\n", + "[ 3 1 0 2 4 5 20 15 21 8 6 14 9 7 11 10 12 13 16 17 19 18]\n", + "=======================\n", + "[\"pete bennett appeared on jeremy kyle today to reveal that he is now homelessthe 33 year old from brighton 's life went rapidly downhill after he finished first in the seventh series of the channel 4 show nine years ago .despite being given # 100,000 of prize money and releasing a successful autobiography , pete is now broke and living off the charity of friends .\"]\n", + "=======================\n", + "['2006 big brother winner pete bennett is currently homelessthe star squandered his prize money after becoming addicted to ketaminehe is now clean and wants to make his name as an actor']\n", + "pete bennett appeared on jeremy kyle today to reveal that he is now homelessthe 33 year old from brighton 's life went rapidly downhill after he finished first in the seventh series of the channel 4 show nine years ago .despite being given # 100,000 of prize money and releasing a successful autobiography , pete is now broke and living off the charity of friends .\n", + "2006 big brother winner pete bennett is currently homelessthe star squandered his prize money after becoming addicted to ketaminehe is now clean and wants to make his name as an actor\n", + "[1.0998893 1.4245768 1.2890675 1.3754663 1.2857187 1.0585366 1.1229824\n", + " 1.1240693 1.0605317 1.0965196 1.0721602 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 4 7 6 0 9 10 8 5 20 11 12 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"dangelo conner , from new york , filmed himself messing around with the powerful weapon in a friend 's apartment , first waving it around , then sending volts coursing through a coke can .but his antics all went horribly wrong after he decided to electrocute a metal bracelet while he was still holding it , sending the current through his hand and into his body .users have branded the video ` hilarious ' , while one girl kayla chambers said it was the ` best thing i ever seen ' .\"]\n", + "=======================\n", + "['dangelo conner , from new york , was messing around with stun gunzapped the air and a coke can before deciding to use on metal braceletshocked jewelry while he was holding it , sending current into his bodyis shown collapsing and twitching while his friends watch and laugh']\n", + "dangelo conner , from new york , filmed himself messing around with the powerful weapon in a friend 's apartment , first waving it around , then sending volts coursing through a coke can .but his antics all went horribly wrong after he decided to electrocute a metal bracelet while he was still holding it , sending the current through his hand and into his body .users have branded the video ` hilarious ' , while one girl kayla chambers said it was the ` best thing i ever seen ' .\n", + "dangelo conner , from new york , was messing around with stun gunzapped the air and a coke can before deciding to use on metal braceletshocked jewelry while he was holding it , sending current into his bodyis shown collapsing and twitching while his friends watch and laugh\n", + "[1.2524066 1.2762095 1.2233891 1.2854204 1.1714954 1.0506101 1.3169874\n", + " 1.2223934 1.0808781 1.1203523 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 6 3 1 0 2 7 4 9 8 5 19 18 17 16 15 10 13 12 11 20 14 21]\n", + "=======================\n", + "[\"the 19-year-old is currently out with a knee injury but is expected to return in the next few weeks and boost brendan rodgers ' side , as they continue to chase the champions league places .jordon ibe posted on instagram , the video of him performing the moonwalk while he recovers from injurythe liverpool star has broken into the first team set-up this season , with some eye-catching performances at wing back or in a more attacking role .\"]\n", + "=======================\n", + "['jordan ibe showed off the impressive dance move on his instagramthe liverpool star has broken into the first team during this campaignibe is currently on the sidelines after suffering a knee injuryclick here for all the latest liverpool news']\n", + "the 19-year-old is currently out with a knee injury but is expected to return in the next few weeks and boost brendan rodgers ' side , as they continue to chase the champions league places .jordon ibe posted on instagram , the video of him performing the moonwalk while he recovers from injurythe liverpool star has broken into the first team set-up this season , with some eye-catching performances at wing back or in a more attacking role .\n", + "jordan ibe showed off the impressive dance move on his instagramthe liverpool star has broken into the first team during this campaignibe is currently on the sidelines after suffering a knee injuryclick here for all the latest liverpool news\n", + "[1.3467563 1.3063929 1.2155492 1.2695329 1.0905932 1.1440101 1.1244987\n", + " 1.0707611 1.0720098 1.0267237 1.0764562 1.2476598 1.0597733 1.0183924\n", + " 1.03219 1.0100656 1.0079281 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 11 2 5 6 4 10 8 7 12 14 9 13 15 16 20 17 18 19 21]\n", + "=======================\n", + "[\"david cameron and boris johnson warned of a looming ` constitutional crisis ' last night after scotland 's former first minister alex salmond was caught boasting : ` i 'm writing labour 's budget . 'the two most high-profile conservatives joined forces to question the legitimacy of the snp 's plan to try to put ed miliband in downing street , even if labour wins fewer seats at the general election .boris johnson and david cameron joined forces yesterday to slam the snp plans to prop up labour\"]\n", + "=======================\n", + "[\"david cameron and boris johnson last night warned of a looming ` crisis 'they joined forces to question legitimacy of snp 's labour-boosting planmr johnson claimed it would mean ` truckloads of cash ' moving up the m1it comes as mr salmond was filmed joking he would write labour 's budget\"]\n", + "david cameron and boris johnson warned of a looming ` constitutional crisis ' last night after scotland 's former first minister alex salmond was caught boasting : ` i 'm writing labour 's budget . 'the two most high-profile conservatives joined forces to question the legitimacy of the snp 's plan to try to put ed miliband in downing street , even if labour wins fewer seats at the general election .boris johnson and david cameron joined forces yesterday to slam the snp plans to prop up labour\n", + "david cameron and boris johnson last night warned of a looming ` crisis 'they joined forces to question legitimacy of snp 's labour-boosting planmr johnson claimed it would mean ` truckloads of cash ' moving up the m1it comes as mr salmond was filmed joking he would write labour 's budget\n", + "[1.2589556 1.4269773 1.2231209 1.2896832 1.2634871 1.1055188 1.2084768\n", + " 1.0987179 1.0143992 1.0872138 1.1191404 1.0367931 1.0268754 1.0506613\n", + " 1.0251741 1.0231699 1.0270052 1.0124533 1.0186998 1.0145892 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 4 0 2 6 10 5 7 9 13 11 16 12 14 15 18 19 8 17 20 21]\n", + "=======================\n", + "['the company behind the device says it has the potential to break down the chemical components of almost any object from a distance .technology that claims to transform any smartphone into a star trek-style tricorder is set to be unveiled in israel .the technology could help a range of industries such as food and drink , healthcare and the defence sector , the researchers claim .']\n", + "=======================\n", + "[\"system uses combination of powerful software and ` mems ' technologythis allows the camera to pick up the hyperspectral image of an objecthyperspectral imaging reveals chemical composition from a distancedata will be analysed elsewhere and the results sent to a smartphone\"]\n", + "the company behind the device says it has the potential to break down the chemical components of almost any object from a distance .technology that claims to transform any smartphone into a star trek-style tricorder is set to be unveiled in israel .the technology could help a range of industries such as food and drink , healthcare and the defence sector , the researchers claim .\n", + "system uses combination of powerful software and ` mems ' technologythis allows the camera to pick up the hyperspectral image of an objecthyperspectral imaging reveals chemical composition from a distancedata will be analysed elsewhere and the results sent to a smartphone\n", + "[1.3440418 1.3875109 1.0943229 1.065609 1.0445848 1.2839751 1.269206\n", + " 1.0632381 1.0665041 1.090818 1.0659868 1.0934743 1.0987997 1.0659419\n", + " 1.1528656 1.1282588 1.0478516 1.2000757 1.0904789 0. ]\n", + "\n", + "[ 1 0 5 6 17 14 15 12 2 11 9 18 8 10 13 3 7 16 4 19]\n", + "=======================\n", + "['the goose at first appeared to make it successfully through the operation at a bird and wildlife clinic wednesday but then died a short time later , said katie ingram of orange county animal care .an egyptian goose that lived for at least a week with an arrow piercing its neck as it evaded capture by animal control workers in southern california died after it was wrangled and taken to surgery .the cause of the birds injuries are unknown but officials believe it was the victim of animal cruelty .']\n", + "=======================\n", + "[\"an egyptian goose that lived for at least a week with an arrow piercing its neck died after surgerythe goose at first appeared to make it successfully through the operation at a bird and wildlife clinic wednesday but then died a short time later` the vet did everything that they could do , ' said katie ingram of orange county animal carethe cause of injury is likely a victim of animal cruelty\"]\n", + "the goose at first appeared to make it successfully through the operation at a bird and wildlife clinic wednesday but then died a short time later , said katie ingram of orange county animal care .an egyptian goose that lived for at least a week with an arrow piercing its neck as it evaded capture by animal control workers in southern california died after it was wrangled and taken to surgery .the cause of the birds injuries are unknown but officials believe it was the victim of animal cruelty .\n", + "an egyptian goose that lived for at least a week with an arrow piercing its neck died after surgerythe goose at first appeared to make it successfully through the operation at a bird and wildlife clinic wednesday but then died a short time later` the vet did everything that they could do , ' said katie ingram of orange county animal carethe cause of injury is likely a victim of animal cruelty\n", + "[1.334463 1.4809315 1.3645253 1.1774606 1.2916962 1.0340613 1.068075\n", + " 1.0680898 1.0542501 1.042281 1.0222272 1.196461 1.042004 1.0193634\n", + " 1.065411 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 11 3 7 6 14 8 9 12 5 10 13 18 15 16 17 19]\n", + "=======================\n", + "['the boeing 787-8 departed from london gatwick at around 9.40 am yesterday , and was seven-and-a-half hours into its flight to cancun when it landed at lf wade international airport in bermuda .the plane , carrying 278 passengers , was met by six police cars on landing , with officers seen entering the aircraft and removing the passengers .two men have been arrested after a thomson airways flight from london to mexico was forced to divert to bermuda .']\n", + "=======================\n", + "['boeing 787-8 was bound for cancun after leaving london gatwickpilot made decision to divert to bermuda due to ` disruptive passengerspolice confirm two men removed from plane and taken into custody']\n", + "the boeing 787-8 departed from london gatwick at around 9.40 am yesterday , and was seven-and-a-half hours into its flight to cancun when it landed at lf wade international airport in bermuda .the plane , carrying 278 passengers , was met by six police cars on landing , with officers seen entering the aircraft and removing the passengers .two men have been arrested after a thomson airways flight from london to mexico was forced to divert to bermuda .\n", + "boeing 787-8 was bound for cancun after leaving london gatwickpilot made decision to divert to bermuda due to ` disruptive passengerspolice confirm two men removed from plane and taken into custody\n", + "[1.3617105 1.4784844 1.2883315 1.2653582 1.1370444 1.1244942 1.2191526\n", + " 1.0402064 1.1105001 1.0283601 1.0658096 1.0558981 1.0989821 1.0607086\n", + " 1.0534693 1.0770288 1.0518873 1.0691775 1.0980487 1.0078194]\n", + "\n", + "[ 1 0 2 3 6 4 5 8 12 18 15 17 10 13 11 14 16 7 9 19]\n", + "=======================\n", + "['the man is believed to have scaled the 10-foot grandstand fence before sprinting across the start-finish straight in between cars and then climbing the pit wall .a formula one fan was arrested on friday after he ran across the track during practice for the chinese grand prix .it was reported that the fan then walked into the ferrari garage expressing his desire to race a grand prix car .']\n", + "=======================\n", + "[\"f1 fan arrested after invading track during practice for chinese grand prixthe man scaled the grandstand before running across start-finish linehe then walked into ferrari garage , believed to be shouting : ' i want a car .chinese officials said to embarrassed by the invading spectatorclick here for all the latest formula one news\"]\n", + "the man is believed to have scaled the 10-foot grandstand fence before sprinting across the start-finish straight in between cars and then climbing the pit wall .a formula one fan was arrested on friday after he ran across the track during practice for the chinese grand prix .it was reported that the fan then walked into the ferrari garage expressing his desire to race a grand prix car .\n", + "f1 fan arrested after invading track during practice for chinese grand prixthe man scaled the grandstand before running across start-finish linehe then walked into ferrari garage , believed to be shouting : ' i want a car .chinese officials said to embarrassed by the invading spectatorclick here for all the latest formula one news\n", + "[1.4906429 1.443627 1.1422204 1.5340195 1.2027044 1.3064345 1.0528611\n", + " 1.0332363 1.0196439 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 5 4 2 6 7 8 17 16 15 14 9 12 11 10 18 13 19]\n", + "=======================\n", + "[\"kylie leuluai faces another six weeks out of action for the leeds rhinos after being told he needs surgerythe 37-year-old new zealander has not played since the super league leaders ' only defeat at warrington a month ago but coach brian mcdermott says his injury has now been properly diagnosed .mcdermott had feared leuluai could be out for three months if he needed a bicep operation .\"]\n", + "=======================\n", + "['kylie leuluai needs surgery on his shoulderveteran leeds prop facing the prospect of another six weeks outthe 37-year-old new zealander has not played since last month']\n", + "kylie leuluai faces another six weeks out of action for the leeds rhinos after being told he needs surgerythe 37-year-old new zealander has not played since the super league leaders ' only defeat at warrington a month ago but coach brian mcdermott says his injury has now been properly diagnosed .mcdermott had feared leuluai could be out for three months if he needed a bicep operation .\n", + "kylie leuluai needs surgery on his shoulderveteran leeds prop facing the prospect of another six weeks outthe 37-year-old new zealander has not played since last month\n", + "[1.1382763 1.5071919 1.3891842 1.3252351 1.1257559 1.197615 1.1488663\n", + " 1.0687705 1.0944158 1.0527387 1.0988686 1.1803272 1.1129552 1.0199566\n", + " 1.014289 1.0112938 1.0060418 1.0152844 0. 0. ]\n", + "\n", + "[ 1 2 3 5 11 6 0 4 12 10 8 7 9 13 17 14 15 16 18 19]\n", + "=======================\n", + "['the tiny copper coin , which is smaller than a penny , dates from the iron age almost 2,300 years ago and suggests there were links between the south west of england and the mediterranean .it was found in silt after the river avon burst its banks between bristol and bath .experts have dated the coin to between 300 bc and 264 bc and say it came from the western mediterranean - probably sardinia or ancient carthage .']\n", + "=======================\n", + "[\"tiny copper coin is dated to the iron age , almost 2,300 years agoit was found in saltford between bristol and bath in south west englandbears image of a horse 's head and the carthaginian goddess tanitfind suggests trading links between south west and the mediterranean\"]\n", + "the tiny copper coin , which is smaller than a penny , dates from the iron age almost 2,300 years ago and suggests there were links between the south west of england and the mediterranean .it was found in silt after the river avon burst its banks between bristol and bath .experts have dated the coin to between 300 bc and 264 bc and say it came from the western mediterranean - probably sardinia or ancient carthage .\n", + "tiny copper coin is dated to the iron age , almost 2,300 years agoit was found in saltford between bristol and bath in south west englandbears image of a horse 's head and the carthaginian goddess tanitfind suggests trading links between south west and the mediterranean\n", + "[1.3178124 1.4356838 1.3534572 1.2510233 1.3545606 1.1918938 1.1604389\n", + " 1.0746965 1.1097647 1.0577513 1.1243047 1.0415378 1.0146571 1.0128828\n", + " 1.013173 1.0058675 1.0044334 1.0038105 1.0056756 1.0051079 1.0340872\n", + " 1.0595648]\n", + "\n", + "[ 1 4 2 0 3 5 6 10 8 7 21 9 11 20 12 14 13 15 18 19 16 17]\n", + "=======================\n", + "[\"the premier league title holders give star players like sergio aguero , david silva , joe hart and yaya toure incentivised contracts to make sure the club stay within financial fairplay requirements and they will miss out on a big payday if city fail to reach the group stages of europe 's top competition .manuel pellegrini 's lost to rivals manchester united in the 169th manchester derby at old trafford on sunday with their european hopes still in the balance .manchester city players will lose # 500,000-a-man in bonuses if they fail to qualify for the champions league this season .\"]\n", + "=======================\n", + "[\"city 's players are on incentivised contracts because of financial fairplaythey will lose # 500k each if they miss out on champions leaguemanuel pellegrini 's team are currently fourth in premier leaguebut they are only four points ahead of fifth-placed southampton\"]\n", + "the premier league title holders give star players like sergio aguero , david silva , joe hart and yaya toure incentivised contracts to make sure the club stay within financial fairplay requirements and they will miss out on a big payday if city fail to reach the group stages of europe 's top competition .manuel pellegrini 's lost to rivals manchester united in the 169th manchester derby at old trafford on sunday with their european hopes still in the balance .manchester city players will lose # 500,000-a-man in bonuses if they fail to qualify for the champions league this season .\n", + "city 's players are on incentivised contracts because of financial fairplaythey will lose # 500k each if they miss out on champions leaguemanuel pellegrini 's team are currently fourth in premier leaguebut they are only four points ahead of fifth-placed southampton\n", + "[1.4291568 1.3561008 1.0754532 1.25915 1.5034406 1.1706952 1.2187965\n", + " 1.0275174 1.0341986 1.0237912 1.0423807 1.0143136 1.0166866 1.0140705\n", + " 1.072447 1.0155336 1.0209633 1.0153406 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 4 0 1 3 6 5 2 14 10 8 7 9 16 12 15 17 11 13 20 18 19 21]\n", + "=======================\n", + "[\"justin rose was unable to take victory at the masters , despite carding 14-under-par for the tournamentjustin rose will try to take a leaf out of rory mcilroy 's book after kickstarting his season with his share of second place in the masters .rose arrived at augusta national having missed the cut in three of his previous five tournaments on the pga tour , but left with renewed enthusiasm and a 14-under-par total which has only been bettered six times in masters history .\"]\n", + "=======================\n", + "[\"justin rose finished joint runner-up at the masters 2015 on 14-under-parrose 's final total has only been bettered six times at the the mastersrose hopes to build on his display and take some big titles across the yearclick here for all the latest news and reaction following the masters\"]\n", + "justin rose was unable to take victory at the masters , despite carding 14-under-par for the tournamentjustin rose will try to take a leaf out of rory mcilroy 's book after kickstarting his season with his share of second place in the masters .rose arrived at augusta national having missed the cut in three of his previous five tournaments on the pga tour , but left with renewed enthusiasm and a 14-under-par total which has only been bettered six times in masters history .\n", + "justin rose finished joint runner-up at the masters 2015 on 14-under-parrose 's final total has only been bettered six times at the the mastersrose hopes to build on his display and take some big titles across the yearclick here for all the latest news and reaction following the masters\n", + "[1.281536 1.3677858 1.2353263 1.3700355 1.3105574 1.0424595 1.0832766\n", + " 1.0280375 1.0296488 1.0421056 1.0761725 1.0145187 1.049829 1.1730956\n", + " 1.0601174 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 4 0 2 13 6 10 14 12 5 9 8 7 11 20 15 16 17 18 19 21]\n", + "=======================\n", + "[\"crystal o'connor ( above ) , owner of memories pizza in walkerton , indiana , says she stands by her decision to never cater a gay weddingshe then responded to the now staggering $ 850,000 that has been raised in support of her establishment by saying ; ` god has blessed us for standing up for what we believe , and not denying him . 'in her interview , with fox news business ' neil cavuto , o'connor also said ; ` it is not a sin that we bring gays into our establishment , and to serve them .\"]\n", + "=======================\n", + "[\"crystal o'connor , owner of memories pizza in walkerton , indiana , says she stands by her decision to never cater a gay weddingthis despite the fact that she claims she has been receiving death threats for her beliefs , though none have been documentedshe has closed her store , but said she will reopen again and $ 850,000 has been raised for the business by supporters in just two dayso'connor said in a recent interview of this ; ` god has blessed us for standing up for what we believe , and not denying him 'also on saturday , openly gay basketball stars jason collins and derrick gordon arrived for the ncaa final four in indianapolis\"]\n", + "crystal o'connor ( above ) , owner of memories pizza in walkerton , indiana , says she stands by her decision to never cater a gay weddingshe then responded to the now staggering $ 850,000 that has been raised in support of her establishment by saying ; ` god has blessed us for standing up for what we believe , and not denying him . 'in her interview , with fox news business ' neil cavuto , o'connor also said ; ` it is not a sin that we bring gays into our establishment , and to serve them .\n", + "crystal o'connor , owner of memories pizza in walkerton , indiana , says she stands by her decision to never cater a gay weddingthis despite the fact that she claims she has been receiving death threats for her beliefs , though none have been documentedshe has closed her store , but said she will reopen again and $ 850,000 has been raised for the business by supporters in just two dayso'connor said in a recent interview of this ; ` god has blessed us for standing up for what we believe , and not denying him 'also on saturday , openly gay basketball stars jason collins and derrick gordon arrived for the ncaa final four in indianapolis\n", + "[1.2500768 1.3611187 1.2994328 1.3749592 1.2503014 1.1867846 1.1114451\n", + " 1.0770046 1.0606081 1.0756875 1.077478 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 2 4 0 5 6 10 7 9 8 20 11 12 13 14 15 16 17 18 19 21]\n", + "=======================\n", + "[\"ecuador 's leader rafael correa ( right ) posed for a picture next to a boy wearing an ` i 'm with stupid ' t-shirtthe casually-dressed 52-year-old is said to be able to speak fluent english - but seemingly failed to pick up the meaning of the t-shirt .the picture was shared thousands of times on social media networks in the country .\"]\n", + "=======================\n", + "[\"rafael correa , who claims to speak english , pictured with arm around boybut apparently failed to pick up meaning of the message on child 's t-shirtpicture shared thousands of times on social media networks in ecuador\"]\n", + "ecuador 's leader rafael correa ( right ) posed for a picture next to a boy wearing an ` i 'm with stupid ' t-shirtthe casually-dressed 52-year-old is said to be able to speak fluent english - but seemingly failed to pick up the meaning of the t-shirt .the picture was shared thousands of times on social media networks in the country .\n", + "rafael correa , who claims to speak english , pictured with arm around boybut apparently failed to pick up meaning of the message on child 's t-shirtpicture shared thousands of times on social media networks in ecuador\n", + "[1.3982065 1.1996207 1.0388103 1.0497621 1.0593024 1.2055035 1.1172355\n", + " 1.1641546 1.1321002 1.1379051 1.201691 1.1464106 1.0351683 1.0544173\n", + " 1.044058 1.0284547 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 5 10 1 7 11 9 8 6 4 13 3 14 2 12 15 16 17 18 19 20 21]\n", + "=======================\n", + "[\"the secret drawings and letters belonged to the co-pilot of enola gay bomber which dropped the bomb and reveal captain robert lewis 's immense guilt following the mission .historic : a previously unseen hand-drawn flightplan of the mission to drop an atom bomb on hiroshima is now for salethe previously unseen documents used to plan the dropping of the world 's first atomic bomb on japan on august 6 , 1945 , in a bid to end the second world war have emerged for sale 70 years on .\"]\n", + "=======================\n", + "['the hand-drawn flightplan for bombing mission on hiroshima is now for saleunseen documents were kept by co-pilot of plane that dropped atom bombcaptain robert lewis was in the enola gay b29 bomber on august 6 , 1945remarkable drawings put to auction by his son expected to fetch # 300,000']\n", + "the secret drawings and letters belonged to the co-pilot of enola gay bomber which dropped the bomb and reveal captain robert lewis 's immense guilt following the mission .historic : a previously unseen hand-drawn flightplan of the mission to drop an atom bomb on hiroshima is now for salethe previously unseen documents used to plan the dropping of the world 's first atomic bomb on japan on august 6 , 1945 , in a bid to end the second world war have emerged for sale 70 years on .\n", + "the hand-drawn flightplan for bombing mission on hiroshima is now for saleunseen documents were kept by co-pilot of plane that dropped atom bombcaptain robert lewis was in the enola gay b29 bomber on august 6 , 1945remarkable drawings put to auction by his son expected to fetch # 300,000\n", + "[1.2457904 1.5219735 1.2749515 1.3730078 1.0806104 1.02188 1.0195822\n", + " 1.059086 1.1836302 1.1748197 1.0497812 1.1201106 1.0537992 1.0090033\n", + " 1.0091755 1.0095085 1.0100886 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 8 9 11 4 7 12 10 5 6 16 15 14 13 23 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"lucy , who is the face of sunkissed , has called on her younger sister lydia to join her in the latest beauty campaign for the fake tan brand .lucy , 23 , and her 19-year-old sister prove that good looks run in the family as they pose in their swimsuits and show off their golden glows in the new shoot .lucy mecklenburgh shot to fame as one of the postergirls of the only way is essex - and she 's not the only family member making waves in the modelling world .\"]\n", + "=======================\n", + "[\"lucy and lydia star in beauty campaign for fake tan brand sunkissedboth say it was ` really lovely ' to work together on the shootlucy says she loves the waist she works hard to achieveadmits she is jealous of her teen sister 's long legs\"]\n", + "lucy , who is the face of sunkissed , has called on her younger sister lydia to join her in the latest beauty campaign for the fake tan brand .lucy , 23 , and her 19-year-old sister prove that good looks run in the family as they pose in their swimsuits and show off their golden glows in the new shoot .lucy mecklenburgh shot to fame as one of the postergirls of the only way is essex - and she 's not the only family member making waves in the modelling world .\n", + "lucy and lydia star in beauty campaign for fake tan brand sunkissedboth say it was ` really lovely ' to work together on the shootlucy says she loves the waist she works hard to achieveadmits she is jealous of her teen sister 's long legs\n", + "[1.2884098 1.3260982 1.2780663 1.2634573 1.1599876 1.1584443 1.1067287\n", + " 1.0498643 1.0453374 1.0324229 1.0868483 1.1502984 1.0445282 1.1019459\n", + " 1.0631405 1.0887072 1.1317672 1.0357938 1.0520113 1.1158123 1.0339231\n", + " 1.019554 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 5 11 16 19 6 13 15 10 14 18 7 8 12 17 20 9 21 23 22\n", + " 24]\n", + "=======================\n", + "['the county parks department set the fire on tuesday to clear the area of highly flammable cattails , although a shift in the wind in the mojave narrows park , between apple valley and victorville caused the fire to spread .residents in san bernardino county in california were forced to flee their homes after a planned control burn in an area of brush land went out of control due to high winds .an estimated 200 firefighters battled the blaze in california which threatened several outlying ranches']\n", + "=======================\n", + "['parks department officials had a permit to attempt a controlled burnfire officers had to deploy four aircraft and two bulldozers to fight the firemore than 70 acres of the mojave narrows park were affected by the blazeresidents were able to return home once firemen controlled the inferno']\n", + "the county parks department set the fire on tuesday to clear the area of highly flammable cattails , although a shift in the wind in the mojave narrows park , between apple valley and victorville caused the fire to spread .residents in san bernardino county in california were forced to flee their homes after a planned control burn in an area of brush land went out of control due to high winds .an estimated 200 firefighters battled the blaze in california which threatened several outlying ranches\n", + "parks department officials had a permit to attempt a controlled burnfire officers had to deploy four aircraft and two bulldozers to fight the firemore than 70 acres of the mojave narrows park were affected by the blazeresidents were able to return home once firemen controlled the inferno\n", + "[1.2480465 1.1105247 1.263164 1.207979 1.1800948 1.198762 1.1536595\n", + " 1.2434356 1.0769156 1.0451931 1.0270921 1.0392028 1.0189272 1.0370333\n", + " 1.13046 1.0595006 1.0690022 1.1299331 1.0944368 1.0145537 1.0369073\n", + " 1.0128738 1.0130213 1.0428739 1.0639479]\n", + "\n", + "[ 2 0 7 3 5 4 6 14 17 1 18 8 16 24 15 9 23 11 13 20 10 12 19 22\n", + " 21]\n", + "=======================\n", + "['moore escaped from police custody three times during the 1970s and eventually settled into a quiet life , living in kentucky since at least 2009 .frail and tired of leading a secret life for four decades , 66-year-old clarence david moore called police this week to surrender .his health is poor from a stroke late last year and he has difficulty speaking .']\n", + "=======================\n", + "[\"clarence david moore , 66 , was convicted of larceny of more than $ 200 in north carolina in 1967 and was sentenced to up to seven years in prisonwhile working with a road crew in the asheville area , he escaped and was recaptured in 1971he escaped again the following year and was on the lam until he was apprehended in texas in 1975his third escape from a henderson county prison was august 6 , 1976moore 's neighbors knew him by an alias and described his as ' a good neighbor , ' and also ` very compassioante 'the sheriff said he thought moore 's poor health factored into his decision to turn himself in .as moore arrived at the jail , he thanked the sheriff for his kindness\"]\n", + "moore escaped from police custody three times during the 1970s and eventually settled into a quiet life , living in kentucky since at least 2009 .frail and tired of leading a secret life for four decades , 66-year-old clarence david moore called police this week to surrender .his health is poor from a stroke late last year and he has difficulty speaking .\n", + "clarence david moore , 66 , was convicted of larceny of more than $ 200 in north carolina in 1967 and was sentenced to up to seven years in prisonwhile working with a road crew in the asheville area , he escaped and was recaptured in 1971he escaped again the following year and was on the lam until he was apprehended in texas in 1975his third escape from a henderson county prison was august 6 , 1976moore 's neighbors knew him by an alias and described his as ' a good neighbor , ' and also ` very compassioante 'the sheriff said he thought moore 's poor health factored into his decision to turn himself in .as moore arrived at the jail , he thanked the sheriff for his kindness\n", + "[1.027833 1.2982397 1.4589058 1.2384377 1.2153128 1.098075 1.0439727\n", + " 1.0325139 1.1673353 1.1084504 1.0723835 1.0582975 1.0726342 1.0499923\n", + " 1.0605009 1.0334655 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 4 8 9 5 12 10 14 11 13 6 15 7 0 16 17 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"those championing pink include christine lagarde , the first female chief executive of the international monetary fund , and plaid cymru 's leanne wood , who chose a bright shade of the colour for her live election debate last thursday .pink is the new colour of choice for high-achieving women in the world of politics and showbusiness and the style is now spreading to the high street .the pair are among a host of powerful women reaching for different shades of pink , according to the sunday times newspaper .\"]\n", + "=======================\n", + "['holly willoughby , katherine jenkins and samantha cameron all wear pinkspring/summer collections are awash with different shades of the colouraccording to experts , stronger pinks show confidence , energy and power']\n", + "those championing pink include christine lagarde , the first female chief executive of the international monetary fund , and plaid cymru 's leanne wood , who chose a bright shade of the colour for her live election debate last thursday .pink is the new colour of choice for high-achieving women in the world of politics and showbusiness and the style is now spreading to the high street .the pair are among a host of powerful women reaching for different shades of pink , according to the sunday times newspaper .\n", + "holly willoughby , katherine jenkins and samantha cameron all wear pinkspring/summer collections are awash with different shades of the colouraccording to experts , stronger pinks show confidence , energy and power\n", + "[1.1585866 1.4827802 1.3269303 1.2739677 1.2257721 1.0645212 1.2159443\n", + " 1.0977997 1.0330607 1.0133971 1.0196774 1.0207 1.0113374 1.0999972\n", + " 1.06925 1.083541 1.1101503 1.1045902 1.1720599 1.0257823 1.0114094\n", + " 1.0833946 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 6 18 0 16 17 13 7 15 21 14 5 8 19 11 10 9 20 12 22 23\n", + " 24]\n", + "=======================\n", + "['mother-of-two cheryl howe , 32 , from morecambe , was diagnosed with polycystic ovary syndrome ( pcos ) at the age of 12 , and suffers from excessive hair growth on her face , breasts , stomach and legs .she has been fighting for six years for treatment on the nhs , spending # 2,000 a year on razors , and shaving up to three times a day .she finally got approved for nhs funding for laser hair removal treatment , which costs a minimum of # 10,000 .']\n", + "=======================\n", + "[\"cheryl howe , 32 , was diagnosed with polycystic ovary syndrome at age 12morecambe mother-of-two fought for six years for treatment on the nhseven conchita wurst sent her a note of support after abuse from trollshas now been told she 'll receive more than # 10k in funding\"]\n", + "mother-of-two cheryl howe , 32 , from morecambe , was diagnosed with polycystic ovary syndrome ( pcos ) at the age of 12 , and suffers from excessive hair growth on her face , breasts , stomach and legs .she has been fighting for six years for treatment on the nhs , spending # 2,000 a year on razors , and shaving up to three times a day .she finally got approved for nhs funding for laser hair removal treatment , which costs a minimum of # 10,000 .\n", + "cheryl howe , 32 , was diagnosed with polycystic ovary syndrome at age 12morecambe mother-of-two fought for six years for treatment on the nhseven conchita wurst sent her a note of support after abuse from trollshas now been told she 'll receive more than # 10k in funding\n", + "[1.2634984 1.562819 1.1419059 1.3669653 1.1030345 1.0286428 1.0143087\n", + " 1.0327427 1.0261534 1.053559 1.0699236 1.0342193 1.0449072 1.0795097\n", + " 1.0493191 1.0653064 1.2359462 1.095613 1.0580696 1.1403619 1.0612471]\n", + "\n", + "[ 1 3 0 16 2 19 4 17 13 10 15 20 18 9 14 12 11 7 5 8 6]\n", + "=======================\n", + "[\"precious richardson coleman , 29 , turned herself in to police saturday and awaits two charges of attempted murder after running down 24-year-old beatrice ` dee dee ' spence and her uncle in her 2004 white dodge durango .a philadelphia woman lost her leg and her home went up in flames , all because a neighbor believed she was trying to steal her boyfriend and ran her down in her suv , family members say .wpvi reports that coleman had shown up on spence 's block in the nicetown neighborhood of philadelphia , before spence went out to confront her .\"]\n", + "=======================\n", + "[\"precious richard coleman turned herself in to police saturday after running down beatrice ` dee dee ' spence and her unclecoleman believed spence was going after her boyfriend , family members sayspence had her leg amputated after the hit and run , and the home caught fire while spence 's mother danika accompanied her daughter to the hospitalcoleman is being held on $ 750,000 on attempted murder charges\"]\n", + "precious richardson coleman , 29 , turned herself in to police saturday and awaits two charges of attempted murder after running down 24-year-old beatrice ` dee dee ' spence and her uncle in her 2004 white dodge durango .a philadelphia woman lost her leg and her home went up in flames , all because a neighbor believed she was trying to steal her boyfriend and ran her down in her suv , family members say .wpvi reports that coleman had shown up on spence 's block in the nicetown neighborhood of philadelphia , before spence went out to confront her .\n", + "precious richard coleman turned herself in to police saturday after running down beatrice ` dee dee ' spence and her unclecoleman believed spence was going after her boyfriend , family members sayspence had her leg amputated after the hit and run , and the home caught fire while spence 's mother danika accompanied her daughter to the hospitalcoleman is being held on $ 750,000 on attempted murder charges\n", + "[1.2761209 1.3337299 1.1218362 1.2225113 1.2729099 1.2475783 1.0751776\n", + " 1.0927188 1.0899503 1.1908524 1.0707355 1.0275537 1.0173507 1.0255462\n", + " 1.0207891 1.0186129 1.2284234 1.1327474 1.0689234 0. 0. ]\n", + "\n", + "[ 1 0 4 5 16 3 9 17 2 7 8 6 10 18 11 13 14 15 12 19 20]\n", + "=======================\n", + "[\"the prime minister , who had just done a viewer call-in on itv 's this morning , made the comment as host phillip schofield moved on to the next item .david cameron has been caught joking about alex salmond pinching people 's wallets in remarks broadcast after a tv interview ended .co-host amanda holden burst out laughing at the remark as the programme went to ads .\"]\n", + "=======================\n", + "[\"the pm made the remark after carrying out a call-in on itv 's this morninghost philip schofield announced that the next guest was a picket pocketcameron , who was off camera , overheard saying : ` is that alex salmond ? '\"]\n", + "the prime minister , who had just done a viewer call-in on itv 's this morning , made the comment as host phillip schofield moved on to the next item .david cameron has been caught joking about alex salmond pinching people 's wallets in remarks broadcast after a tv interview ended .co-host amanda holden burst out laughing at the remark as the programme went to ads .\n", + "the pm made the remark after carrying out a call-in on itv 's this morninghost philip schofield announced that the next guest was a picket pocketcameron , who was off camera , overheard saying : ` is that alex salmond ? '\n", + "[1.3041458 1.1362929 1.1509099 1.0594292 1.0851136 1.0831064 1.0953488\n", + " 1.0998374 1.0701535 1.0778539 1.042896 1.0621035 1.079072 1.0531325\n", + " 1.0709925 1.0810204 1.0498989 1.0307204 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 7 6 4 5 15 12 9 14 8 11 3 13 16 10 17 18 19 20]\n", + "=======================\n", + "[\"( cnn ) it 's easy to be anxious about the threat posed by the islamic state of iraq and syria .such moves are part of this murky group 's propaganda and its deliberate efforts to manipulate information .after all , this is a brutal organization that not only kills but seems to revel in doing so in ways designed to shock the world -- from the beheadings of journalists to burning a jordanian pilot alive .\"]\n", + "=======================\n", + "['fareed zakaria : isis has thrived because of a local sunni cause in syria and iraqleaders of isis have recognized they are a messaging machine , he says']\n", + "( cnn ) it 's easy to be anxious about the threat posed by the islamic state of iraq and syria .such moves are part of this murky group 's propaganda and its deliberate efforts to manipulate information .after all , this is a brutal organization that not only kills but seems to revel in doing so in ways designed to shock the world -- from the beheadings of journalists to burning a jordanian pilot alive .\n", + "fareed zakaria : isis has thrived because of a local sunni cause in syria and iraqleaders of isis have recognized they are a messaging machine , he says\n", + "[1.2369337 1.3907211 1.1974728 1.2396793 1.2977469 1.1719627 1.2391131\n", + " 1.086343 1.0839255 1.0576311 1.0556391 1.0756361 1.0199008 1.0755441\n", + " 1.0112964 1.013651 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 6 0 2 5 7 8 11 13 9 10 12 15 14 19 16 17 18 20]\n", + "=======================\n", + "['a defense petition to return 14-year-old jamie silvonek to the juvenile facility where she was initially sent after the body of 54-year-old cheryl silvonek was discovered last month was denied by lehigh county judge maria dantos on friday .jamiesilvonek , the eighth-grader accused of conspiring with her soldier boyfriend by text message to have her mother killed must remain in an adult jail while awaiting trial , it was ruled on fridayher boyfriend , caleb barnes , 20 , who is from el paso , texas , but was stationed at fort meade , maryland , is charged with homicide .']\n", + "=======================\n", + "[\"the defense petition to return jamie silvonek to the juvenile facility she was initially sent to was denied on fridayjamie silvonek has been charged as an adult with homicide and criminal conspiracyher boyfriend caleb barnes , 20 , is charged with homicidecheryl silvonek 's body was found stabbed in a shallow grave about 50 miles northwest of philadelphiaauthorities said silvonek met barnes when she was 13 but said she was 17before the killing silvonek allegedly texted barnes ' i want her gone '\"]\n", + "a defense petition to return 14-year-old jamie silvonek to the juvenile facility where she was initially sent after the body of 54-year-old cheryl silvonek was discovered last month was denied by lehigh county judge maria dantos on friday .jamiesilvonek , the eighth-grader accused of conspiring with her soldier boyfriend by text message to have her mother killed must remain in an adult jail while awaiting trial , it was ruled on fridayher boyfriend , caleb barnes , 20 , who is from el paso , texas , but was stationed at fort meade , maryland , is charged with homicide .\n", + "the defense petition to return jamie silvonek to the juvenile facility she was initially sent to was denied on fridayjamie silvonek has been charged as an adult with homicide and criminal conspiracyher boyfriend caleb barnes , 20 , is charged with homicidecheryl silvonek 's body was found stabbed in a shallow grave about 50 miles northwest of philadelphiaauthorities said silvonek met barnes when she was 13 but said she was 17before the killing silvonek allegedly texted barnes ' i want her gone '\n", + "[1.2981372 1.3076513 1.261698 1.4264562 1.0504236 1.0641516 1.0833939\n", + " 1.1640426 1.0522535 1.030718 1.0292892 1.0398754 1.1281993 1.0165561\n", + " 1.0286615 1.0332117 1.0362154 1.0259013 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 2 7 12 6 5 8 4 11 16 15 9 10 14 17 13 19 18 20]\n", + "=======================\n", + "['will hatton has made a career out of travelling the globe as the broke backpacker while spending only us$ 100 a weekthe 26-year-old british backpacker has only once tried to conform to a regular nine-to-five desk job at a travel agency - an endeavour that failed within six months .for just $ 100 mr hatton received a stack of money totalling over 1000 bills']\n", + "=======================\n", + "['will hatton has travelled to about 50 countries in seven years and plans to make it to 100 by the time he is 30the 26-year-old backpacks , hitch-hikes and dumpster-dives in order to keep to his budget of us$ 100 each weekhe picks up odd jobs as he goes , including goat herding in the middle easthis adventures have led him into tricky situations , including being robbed at knife point and strip searched at gun point']\n", + "will hatton has made a career out of travelling the globe as the broke backpacker while spending only us$ 100 a weekthe 26-year-old british backpacker has only once tried to conform to a regular nine-to-five desk job at a travel agency - an endeavour that failed within six months .for just $ 100 mr hatton received a stack of money totalling over 1000 bills\n", + "will hatton has travelled to about 50 countries in seven years and plans to make it to 100 by the time he is 30the 26-year-old backpacks , hitch-hikes and dumpster-dives in order to keep to his budget of us$ 100 each weekhe picks up odd jobs as he goes , including goat herding in the middle easthis adventures have led him into tricky situations , including being robbed at knife point and strip searched at gun point\n", + "[1.2928015 1.3193513 1.2843919 1.2499238 1.1322381 1.0955524 1.124273\n", + " 1.0745156 1.0925186 1.0628955 1.0484519 1.0471249 1.0163331 1.0292094\n", + " 1.2479765 1.0225022 1.0130844 1.012814 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 2 3 14 4 6 5 8 7 9 10 11 13 15 12 16 17 20 18 19 21]\n", + "=======================\n", + "[\"an independent review of rolling stone 's story about an alleged violent gang rape at the university of virginia said the story fell apart because of ` basic , even routine ' failures of journalism .still employed : rolling stone is not expected to take any action against sabrina rubin erdely , whose reporting was roundly discreditedprofessors at the columbia university graduate school of journalism issued a 12,000-word autopsy of the discredited story sunday night , going through its shortcomings step by step .\"]\n", + "=======================\n", + "[\"magazine published a rape on campus in november 2014 issuegraphically recounted supposed gang-rape of university of virginia studentsabrina rubin erdely wrote article based on interviews with victim ` jackie 'she claims she was raped by seven men and penetrated with a beer bottlejackie 's account soon fell apart , and rolling stone commissioned review12,000-word account published sunday , and recounted failures in depthrounded on erdely and editors for not probing the account more deeplyerdely is expected to apologize - but will get to keep her job\"]\n", + "an independent review of rolling stone 's story about an alleged violent gang rape at the university of virginia said the story fell apart because of ` basic , even routine ' failures of journalism .still employed : rolling stone is not expected to take any action against sabrina rubin erdely , whose reporting was roundly discreditedprofessors at the columbia university graduate school of journalism issued a 12,000-word autopsy of the discredited story sunday night , going through its shortcomings step by step .\n", + "magazine published a rape on campus in november 2014 issuegraphically recounted supposed gang-rape of university of virginia studentsabrina rubin erdely wrote article based on interviews with victim ` jackie 'she claims she was raped by seven men and penetrated with a beer bottlejackie 's account soon fell apart , and rolling stone commissioned review12,000-word account published sunday , and recounted failures in depthrounded on erdely and editors for not probing the account more deeplyerdely is expected to apologize - but will get to keep her job\n", + "[1.4222156 1.1617069 1.3039448 1.1879944 1.0731336 1.0945085 1.1949024\n", + " 1.1596959 1.1698279 1.0686878 1.0383725 1.0175892 1.0187047 1.0297842\n", + " 1.0420244 1.0999717 1.0677477 1.0580286 1.023339 1.024262 1.0378649\n", + " 1.0263623]\n", + "\n", + "[ 0 2 6 3 8 1 7 15 5 4 9 16 17 14 10 20 13 21 19 18 12 11]\n", + "=======================\n", + "['( cnn ) at least two people were taken into custody as protesters upset over the death of freddie gray scuffled thursday evening with police on the streets of baltimore .the baltimore police department said the two were detained for disorderly conduct and destruction of property .gray died sunday , one week after he was arrested by baltimore police .']\n", + "=======================\n", + "['two people are taken into custody , but the protests -- on the whole -- are peacefulbaltimore police commissioner sits down with the gray family']\n", + "( cnn ) at least two people were taken into custody as protesters upset over the death of freddie gray scuffled thursday evening with police on the streets of baltimore .the baltimore police department said the two were detained for disorderly conduct and destruction of property .gray died sunday , one week after he was arrested by baltimore police .\n", + "two people are taken into custody , but the protests -- on the whole -- are peacefulbaltimore police commissioner sits down with the gray family\n", + "[1.135105 1.6111767 1.1524742 1.0735066 1.0540144 1.3564715 1.1401789\n", + " 1.1207075 1.0230029 1.058805 1.0636188 1.1639489 1.1048622 1.1260278\n", + " 1.1309704 1.033172 1.0410264 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 5 11 2 6 0 14 13 7 12 3 10 9 4 16 15 8 17 18 19 20 21]\n", + "=======================\n", + "[\"gary saurage , 45 , who runs the gator country wildlife park in beaumont , texas , was called out on monday morning to catch a giant 400lb , 11ft-long alligator from a family 's backyard pond .all hands on deck : saurage later reported that the gator was safely hauled out of the pond , although it took a bit of work as it was being particularly ` aggressive 'a photograph of the capture - later posted to facebook - shows saurage approaching the giant reptile with his bare hands stretched forwards .\"]\n", + "=======================\n", + "[\"gary saurage , 45 , who runs the gator country wildlife park in beaumont , texas , was called out on monday morning to catch a giant 400lb , 11ft-long alligator from a family 's backyard ponda photograph of the capture - later posted to facebook - shows saurage approaching the giant reptile with his bare hands stretched forwardshe appears to looking at the creature directly in the eyes as it lurks just a few feet away\"]\n", + "gary saurage , 45 , who runs the gator country wildlife park in beaumont , texas , was called out on monday morning to catch a giant 400lb , 11ft-long alligator from a family 's backyard pond .all hands on deck : saurage later reported that the gator was safely hauled out of the pond , although it took a bit of work as it was being particularly ` aggressive 'a photograph of the capture - later posted to facebook - shows saurage approaching the giant reptile with his bare hands stretched forwards .\n", + "gary saurage , 45 , who runs the gator country wildlife park in beaumont , texas , was called out on monday morning to catch a giant 400lb , 11ft-long alligator from a family 's backyard ponda photograph of the capture - later posted to facebook - shows saurage approaching the giant reptile with his bare hands stretched forwardshe appears to looking at the creature directly in the eyes as it lurks just a few feet away\n", + "[1.4313 1.4157295 1.25786 1.2661262 1.1260018 1.090462 1.094003\n", + " 1.1287161 1.1701553 1.0421461 1.0656201 1.0704206 1.0491238 1.0597044\n", + " 1.0419242 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 1 3 2 8 7 4 6 5 11 10 13 12 9 14 15 16 17 18 19 20 21]\n", + "=======================\n", + "['( cnn ) police added attempted murder to the list of charges against the mother of a quadriplegic man who was left in the woods for days , philadelphia police spokeswoman christine o\\'brien said tuesday .nyia parler can not be extradited to face the charges in philadelphia until she completes an unspecified \" treatment , \" maryland police said monday .when she does arrive , she will be charged with aggravated assault , simple assault , recklessly endangering another person and related offenses , in addition to the attempted murder count , o\\'brien said .']\n", + "=======================\n", + "['philadelphia police add attempted murder to list of charges mom will facemom told police son was with her in maryland , but he was found friday alone in woodsvictim being treated for malnutrition , dehydration ; mother faces host of charges after extradition']\n", + "( cnn ) police added attempted murder to the list of charges against the mother of a quadriplegic man who was left in the woods for days , philadelphia police spokeswoman christine o'brien said tuesday .nyia parler can not be extradited to face the charges in philadelphia until she completes an unspecified \" treatment , \" maryland police said monday .when she does arrive , she will be charged with aggravated assault , simple assault , recklessly endangering another person and related offenses , in addition to the attempted murder count , o'brien said .\n", + "philadelphia police add attempted murder to list of charges mom will facemom told police son was with her in maryland , but he was found friday alone in woodsvictim being treated for malnutrition , dehydration ; mother faces host of charges after extradition\n", + "[1.2367691 1.2104073 1.4226158 1.3422042 1.2956482 1.1481854 1.0508025\n", + " 1.1066005 1.1089648 1.1655854 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 3 4 0 1 9 5 8 7 6 19 18 17 16 15 10 13 12 11 20 14 21]\n", + "=======================\n", + "['crystal palace winger wilfried zaha posted a photo via his instagram account which shows the england international undergoing close-up shots at several different angles .wilfried zaha poses for close-up shots as the release of the heavily-awaited fifa 16 edges closeras the football calendar approaches the business end of the campaign , ea sports are already looking towards next season as they begin to take close-up shots of football stars for fifa 16 .']\n", + "=======================\n", + "['wilfried zaha posted instagram photo of fifa 16 close-up shotsthe crystal palace winger has been in fine form for the eagleszaha has scored twice since making move to selhurst park permanentfifa 16 is set to be released by ea sports later this year']\n", + "crystal palace winger wilfried zaha posted a photo via his instagram account which shows the england international undergoing close-up shots at several different angles .wilfried zaha poses for close-up shots as the release of the heavily-awaited fifa 16 edges closeras the football calendar approaches the business end of the campaign , ea sports are already looking towards next season as they begin to take close-up shots of football stars for fifa 16 .\n", + "wilfried zaha posted instagram photo of fifa 16 close-up shotsthe crystal palace winger has been in fine form for the eagleszaha has scored twice since making move to selhurst park permanentfifa 16 is set to be released by ea sports later this year\n", + "[1.2898669 1.3416357 1.2143854 1.2642059 1.2766955 1.1502957 1.198782\n", + " 1.1796749 1.1043273 1.0283446 1.0151346 1.0944828 1.1246538 1.0818294\n", + " 1.0156914 1.009718 1.1137009 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 3 2 6 7 5 12 16 8 11 13 9 14 10 15 18 17 19]\n", + "=======================\n", + "[\"the 40 centimetre-long philippine crocs travelled in custom designed boxes specially built by melbourne zoo to ensure they had a smooth flight .seven of the world 's most endangered crocodiles flew out of melbourne on wednesday en route to their native country .there are only about 250 philippines crocodiles left in the wild , making them the most endangered crocodilian species in the world\"]\n", + "=======================\n", + "['the 40cm-long philippine crocodiles travelled in custom designed boxesthey were sent to the palawan wildlife rescue & conservation centrethe project is part of a conservation effort for the endangered speciesphilippine crocodiles are the most endangered croc species in the world']\n", + "the 40 centimetre-long philippine crocs travelled in custom designed boxes specially built by melbourne zoo to ensure they had a smooth flight .seven of the world 's most endangered crocodiles flew out of melbourne on wednesday en route to their native country .there are only about 250 philippines crocodiles left in the wild , making them the most endangered crocodilian species in the world\n", + "the 40cm-long philippine crocodiles travelled in custom designed boxesthey were sent to the palawan wildlife rescue & conservation centrethe project is part of a conservation effort for the endangered speciesphilippine crocodiles are the most endangered croc species in the world\n", + "[1.3646843 1.2034945 1.3569992 1.1549585 1.0328609 1.02562 1.1875082\n", + " 1.0591329 1.0763258 1.1598943 1.1503489 1.0843383 1.1155206 1.1135044\n", + " 1.0278158 1.0753702 1.0295707 1.0223371 1.0195816 0. ]\n", + "\n", + "[ 0 2 1 6 9 3 10 12 13 11 8 15 7 4 16 14 5 17 18 19]\n", + "=======================\n", + "[\"richard attenborough 's possessions will be soldrichard attenborough was present -- behind or in front of the camera -- at some of the most magical moments in cinema history , and following his death aged 90 last year , the actor-director 's treasured possessions are going up for up sale at auction house bonhams .they are mementoes of a brilliant career in movies , stretching from the tunnels of the great escape to the dinosaurs of jurassic park and gandhi 's vast crowd scenes .\"]\n", + "=======================\n", + "[\"richard attenborough 's treasured possessions will go under the hammeractor-director died aged 90 last year and his items will be sold at bonhamshis son , richard , says it would n't be possible to keep all of the belongings\"]\n", + "richard attenborough 's possessions will be soldrichard attenborough was present -- behind or in front of the camera -- at some of the most magical moments in cinema history , and following his death aged 90 last year , the actor-director 's treasured possessions are going up for up sale at auction house bonhams .they are mementoes of a brilliant career in movies , stretching from the tunnels of the great escape to the dinosaurs of jurassic park and gandhi 's vast crowd scenes .\n", + "richard attenborough 's treasured possessions will go under the hammeractor-director died aged 90 last year and his items will be sold at bonhamshis son , richard , says it would n't be possible to keep all of the belongings\n", + "[1.1999925 1.4394062 1.2558216 1.3203014 1.2857869 1.272084 1.0956956\n", + " 1.1356647 1.03981 1.022516 1.0174978 1.072296 1.0343874 1.1782157\n", + " 1.133414 1.0156878 1.0208117 1.0135931 1.0056995 0. ]\n", + "\n", + "[ 1 3 4 5 2 0 13 7 14 6 11 8 12 9 16 10 15 17 18 19]\n", + "=======================\n", + "['kinessa johnson from yelm , washington state , works for the veterans empowered to protect african wildlife ( vepaw ) , training park rangers to catch and detain the wildlife killers .she joined the group last november after a four-year stint in the services as a weapons instructor and mechanic .she was also deployed for one tour of afghanistan .']\n", + "=======================\n", + "[\"kinessa johnson served four years as a weapons instructor and mechanicnow she works for veterans empowered to protect african wildlifepatrols with park rangers and assists in intelligence operationsinsists she is not a ` poacher hunter ' , and only catches and detains them\"]\n", + "kinessa johnson from yelm , washington state , works for the veterans empowered to protect african wildlife ( vepaw ) , training park rangers to catch and detain the wildlife killers .she joined the group last november after a four-year stint in the services as a weapons instructor and mechanic .she was also deployed for one tour of afghanistan .\n", + "kinessa johnson served four years as a weapons instructor and mechanicnow she works for veterans empowered to protect african wildlifepatrols with park rangers and assists in intelligence operationsinsists she is not a ` poacher hunter ' , and only catches and detains them\n", + "[1.3294966 1.48789 1.1636218 1.2836444 1.2487452 1.2903169 1.2294427\n", + " 1.1347525 1.0414581 1.0748477 1.0314814 1.0075792 1.0100287 1.0113704\n", + " 1.0907978 1.0561997 1.0752742 1.0226876 1.0416679 1.006048 ]\n", + "\n", + "[ 1 0 5 3 4 6 2 7 14 16 9 15 18 8 10 17 13 12 11 19]\n", + "=======================\n", + "['mick schumacher will compete in the formula 4 category , in what is regarded as a stepping stone for junior drivers hoping to reach the top .the 16-year-son of michael schumacher , the seven-time formula one champion , is set to make his debut in the same sport this weekend .schumacher jnr is part of the van amersfoort racing team competing in the 2015 adac formula 4 series .']\n", + "=======================\n", + "[\"mick schumacher makes his formula 4 debut this weekend in germanyfor the first time , he will use his own name rather than his mother 's namehis father is still recovering from a ski accident at his home in switzerlandschumacher snr , seven-time formula champion , won a record 91 races\"]\n", + "mick schumacher will compete in the formula 4 category , in what is regarded as a stepping stone for junior drivers hoping to reach the top .the 16-year-son of michael schumacher , the seven-time formula one champion , is set to make his debut in the same sport this weekend .schumacher jnr is part of the van amersfoort racing team competing in the 2015 adac formula 4 series .\n", + "mick schumacher makes his formula 4 debut this weekend in germanyfor the first time , he will use his own name rather than his mother 's namehis father is still recovering from a ski accident at his home in switzerlandschumacher snr , seven-time formula champion , won a record 91 races\n", + "[1.4024904 1.4715514 1.3024788 1.3023062 1.1105903 1.2377882 1.1737933\n", + " 1.1393578 1.1044853 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 5 6 7 4 8 17 16 15 14 9 12 11 10 18 13 19]\n", + "=======================\n", + "['the 25-year-old signed for cardiff from stade rennais for # 2.1 million but has been on loan with st etienne this season .st etienne want to sign cardiff full-back kevin theophile-catherine on a permanent deal .they have an option to make the deal permanent for # 1.5 million but theophile-catherine wants to see if there are other options before committing .']\n", + "=======================\n", + "['the 25-year-old signed for cardiff from stade rennais for # 2.1 millionbut the defender has been on loan with st etienne this seasonthe club have an option to make the deal permanent for # 1.5 millionst etienne will not take up an option to sign norwich striker ricky van wolfswinkel on a permanent deal']\n", + "the 25-year-old signed for cardiff from stade rennais for # 2.1 million but has been on loan with st etienne this season .st etienne want to sign cardiff full-back kevin theophile-catherine on a permanent deal .they have an option to make the deal permanent for # 1.5 million but theophile-catherine wants to see if there are other options before committing .\n", + "the 25-year-old signed for cardiff from stade rennais for # 2.1 millionbut the defender has been on loan with st etienne this seasonthe club have an option to make the deal permanent for # 1.5 millionst etienne will not take up an option to sign norwich striker ricky van wolfswinkel on a permanent deal\n", + "[1.2411321 1.3711581 1.3700144 1.2049185 1.1102221 1.0954016 1.1142521\n", + " 1.1094835 1.0663382 1.0808822 1.070302 1.0626626 1.0546122 1.1132662\n", + " 1.0467166 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 6 13 4 7 5 9 10 8 11 12 14 16 15 17]\n", + "=======================\n", + "[\"union barons gave more than # 700,000 to ed miliband 's party , swelling labour 's election war chest for the last 14 days of the campaign .overall , labour received # 1.1 million in donations between april 6 and april 12 -- more than twice as much as the conservative party which received just # 492,512 .christopher rokos , who was a co-founder of hedge fund brevan howard asset management , donated # 170,000 - the largest single amount in the period - to the tories .\"]\n", + "=======================\n", + "[\"union barons gave more than # 700,000 to ed miliband 's party in a weekoverall , labour accepted more than # 1.1 million between april 6 - april 12tories received just # 492,000 with most coming from wealthy individualsthe lib dems , meanwhile , were given just # 50,000 and ukip # 8,000\"]\n", + "union barons gave more than # 700,000 to ed miliband 's party , swelling labour 's election war chest for the last 14 days of the campaign .overall , labour received # 1.1 million in donations between april 6 and april 12 -- more than twice as much as the conservative party which received just # 492,512 .christopher rokos , who was a co-founder of hedge fund brevan howard asset management , donated # 170,000 - the largest single amount in the period - to the tories .\n", + "union barons gave more than # 700,000 to ed miliband 's party in a weekoverall , labour accepted more than # 1.1 million between april 6 - april 12tories received just # 492,000 with most coming from wealthy individualsthe lib dems , meanwhile , were given just # 50,000 and ukip # 8,000\n", + "[1.2843407 1.4577695 1.1235981 1.0724306 1.4037293 1.2107055 1.153707\n", + " 1.1221786 1.1476101 1.0243549 1.0167276 1.031289 1.15585 1.0213727\n", + " 1.0715735 0. 0. 0. ]\n", + "\n", + "[ 1 4 0 5 12 6 8 2 7 3 14 11 9 13 10 16 15 17]\n", + "=======================\n", + "['todd larson , 55 , told daily mail online he had parked his collectible dodge challenger worth $ 30,000 in the driveway of his taylorsville home on march 25 when moments later an ice chunk crashed onto his car at 1.53 am .todd larson said a chunk of ice fell from a plan smashing through the windshield of his dodge challenger parked at his taylorsville , utah home ( above his damaged dodge challenger )he said the faa did an investigation and found an a1 aircraft that matched within two minutes of the time the incident happened and when the plane was flying above his home']\n", + "=======================\n", + "[\"todd larson , 55 , of taylorsville , utah claims delta a1 aircraft flew over his home dropping ice chunk smashing his dodge challenger 's windshieldhe paid $ 4,000 in repairs and wants the airline to ` admit its fault 'mr larson said faa did an investigation and found that at the time of the incident an aircraft matched within two minutes that was overhead\"]\n", + "todd larson , 55 , told daily mail online he had parked his collectible dodge challenger worth $ 30,000 in the driveway of his taylorsville home on march 25 when moments later an ice chunk crashed onto his car at 1.53 am .todd larson said a chunk of ice fell from a plan smashing through the windshield of his dodge challenger parked at his taylorsville , utah home ( above his damaged dodge challenger )he said the faa did an investigation and found an a1 aircraft that matched within two minutes of the time the incident happened and when the plane was flying above his home\n", + "todd larson , 55 , of taylorsville , utah claims delta a1 aircraft flew over his home dropping ice chunk smashing his dodge challenger 's windshieldhe paid $ 4,000 in repairs and wants the airline to ` admit its fault 'mr larson said faa did an investigation and found that at the time of the incident an aircraft matched within two minutes that was overhead\n", + "[1.1180558 1.5092562 1.1684147 1.3466008 1.2302061 1.1737707 1.0422684\n", + " 1.1442629 1.1533394 1.0703331 1.0617901 1.0763762 1.0331614 1.0183941\n", + " 1.0145589 1.0193858 0. 0. ]\n", + "\n", + "[ 1 3 4 5 2 8 7 0 11 9 10 6 12 15 13 14 16 17]\n", + "=======================\n", + "[\"devoted wife wei guiyi , 76 , has guided her blind hubby huang funeng , 80 , around with a bamboo pole in their small village in southern china for 30 years since he lost his sight to a degenerative eye condition .now the story and images of the couple making their way around donglan county in guangxi province have been branded ` pictures of true love ' as they have been picked up on social media .despite her own hunchback condition caused by osteoporosis , the pensioner never complains about their plights and says she looks forward to every new day , the people 's daily online reports .\"]\n", + "=======================\n", + "[\"huang funeng , 80 , lost his sight to degenerative eye conditionwei guiyi , 76 , struggles with osteoporosis but leads him on daily walkscouple have become online hit after pictures emerged of their ` true love '\"]\n", + "devoted wife wei guiyi , 76 , has guided her blind hubby huang funeng , 80 , around with a bamboo pole in their small village in southern china for 30 years since he lost his sight to a degenerative eye condition .now the story and images of the couple making their way around donglan county in guangxi province have been branded ` pictures of true love ' as they have been picked up on social media .despite her own hunchback condition caused by osteoporosis , the pensioner never complains about their plights and says she looks forward to every new day , the people 's daily online reports .\n", + "huang funeng , 80 , lost his sight to degenerative eye conditionwei guiyi , 76 , struggles with osteoporosis but leads him on daily walkscouple have become online hit after pictures emerged of their ` true love '\n", + "[1.2311885 1.5002611 1.1887538 1.0613098 1.0972133 1.3509498 1.0812974\n", + " 1.0608348 1.0232788 1.0490489 1.0674392 1.1003925 1.0522192 1.2556626\n", + " 1.0664598 1.0143895 1.014836 0. ]\n", + "\n", + "[ 1 5 13 0 2 11 4 6 10 14 3 7 12 9 8 16 15 17]\n", + "=======================\n", + "[\"new yorker sarah theeboom was inspired to give up using products on her hair after she ran into an old friend whose once dry , frizzy locks were smooth and shiny .natural beauty : sarah theeboom ( pictured ) has n't washed her hair in six years after a friend told her that giving up shampoo was the secret to gorgeous locksnew woman : the writer from new york city said her hair is now silkier and ` totally frizz-free ' since she gave up using shampoo\"]\n", + "=======================\n", + "[\"sarah theeboom , from new york city , gave up using hair products as a part of the ` no poo ' movementthe writer battled greasy hair and dandruff for nearly two months before locks became silkier and ` totally frizz-free '\"]\n", + "new yorker sarah theeboom was inspired to give up using products on her hair after she ran into an old friend whose once dry , frizzy locks were smooth and shiny .natural beauty : sarah theeboom ( pictured ) has n't washed her hair in six years after a friend told her that giving up shampoo was the secret to gorgeous locksnew woman : the writer from new york city said her hair is now silkier and ` totally frizz-free ' since she gave up using shampoo\n", + "sarah theeboom , from new york city , gave up using hair products as a part of the ` no poo ' movementthe writer battled greasy hair and dandruff for nearly two months before locks became silkier and ` totally frizz-free '\n", + "[1.2464398 1.2485026 1.3048346 1.2435427 1.0721982 1.1517973 1.1860923\n", + " 1.1416217 1.0985283 1.0648121 1.0706527 1.0531356 1.0679071 1.0759721\n", + " 1.0529485 1.0922228 1.0293868 1.0636352]\n", + "\n", + "[ 2 1 0 3 6 5 7 8 15 13 4 10 12 9 17 11 14 16]\n", + "=======================\n", + "['the results could help farmers on earth get a higher crop yield - and may also help future astronauts grow plants on missions beyond earth orbit to the moon and mars .in the weightless environment of the space station , researchers will monitor how plants grow in a particular direction without a noticeable gravitational pull .an experiment on the iss will investigate whether plants are able to use a sixth sense while in space - a sense of gravity .']\n", + "=======================\n", + "['japanese-led experiment will see how plants grow on the issresearchers will monitor how they grow without influence of gravityresults could help farmers on earth get a higher crop yieldand it may also help future astronauts grow plants on mars']\n", + "the results could help farmers on earth get a higher crop yield - and may also help future astronauts grow plants on missions beyond earth orbit to the moon and mars .in the weightless environment of the space station , researchers will monitor how plants grow in a particular direction without a noticeable gravitational pull .an experiment on the iss will investigate whether plants are able to use a sixth sense while in space - a sense of gravity .\n", + "japanese-led experiment will see how plants grow on the issresearchers will monitor how they grow without influence of gravityresults could help farmers on earth get a higher crop yieldand it may also help future astronauts grow plants on mars\n", + "[1.1895422 1.2974854 1.2149633 1.2252973 1.093077 1.2540358 1.0586826\n", + " 1.0536096 1.0248265 1.077986 1.0631098 1.1217812 1.0754906 1.0682497\n", + " 1.0567166 1.023613 1.0540713 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 5 3 2 0 11 4 9 12 13 10 6 14 16 7 8 15 17 18 19 20 21 22]\n", + "=======================\n", + "[\"the long-necked dinosaur was one of the largest animals to ever walk the earth with its legacy captivating children 's imaginations the world over .the researchers looked at 477 anatomical features across 81 individual dinosaurs found in museums throughout europe and us .the giant dinosaur and its evocative name - meaning ` thunder lizard ' - has enthralled generations of youngsters.but since 1903 , experts have believed the creature was originally misnamed .\"]\n", + "=======================\n", + "[\"since 1903 , scientists have been claiming brontosaurus does n't existthey said the famous species should be classified as an apatosaurusnew study calculated the differences between families of diplodocidbrontosaurus had a thinner neck and slightly different bone structure\"]\n", + "the long-necked dinosaur was one of the largest animals to ever walk the earth with its legacy captivating children 's imaginations the world over .the researchers looked at 477 anatomical features across 81 individual dinosaurs found in museums throughout europe and us .the giant dinosaur and its evocative name - meaning ` thunder lizard ' - has enthralled generations of youngsters.but since 1903 , experts have believed the creature was originally misnamed .\n", + "since 1903 , scientists have been claiming brontosaurus does n't existthey said the famous species should be classified as an apatosaurusnew study calculated the differences between families of diplodocidbrontosaurus had a thinner neck and slightly different bone structure\n", + "[1.3293524 1.2204418 1.0513269 1.0700233 1.0608628 1.2111502 1.2059866\n", + " 1.3240346 1.0674665 1.0239142 1.0736107 1.0468043 1.0366446 1.035484\n", + " 1.1537205 1.0610231 1.0483799 1.0481724 1.0502559 1.0920004 1.083507\n", + " 1.0438145 1.0926831]\n", + "\n", + "[ 0 7 1 5 6 14 22 19 20 10 3 8 15 4 2 18 16 17 11 21 12 13 9]\n", + "=======================\n", + "['( cnn ) a white police officer claims he feared for his life and is justified in killing an unarmed black man .walter scott was stopped by officer michael slager for a broken taillight , and within minutes scott was dead .a police chief supports the police officer , who is ultimately exonerated , and a predominantly black community seethes with rage because it knows that an injustice was done .']\n", + "=======================\n", + "[\"dorothy brown : shooting by cop might have followed usual narrative of blaming black suspectsbut video in walter scott 's fatal shooting showed the truth , brown sayswith hindsight from michael brown case , north charleston did the right thing with arrest\"]\n", + "( cnn ) a white police officer claims he feared for his life and is justified in killing an unarmed black man .walter scott was stopped by officer michael slager for a broken taillight , and within minutes scott was dead .a police chief supports the police officer , who is ultimately exonerated , and a predominantly black community seethes with rage because it knows that an injustice was done .\n", + "dorothy brown : shooting by cop might have followed usual narrative of blaming black suspectsbut video in walter scott 's fatal shooting showed the truth , brown sayswith hindsight from michael brown case , north charleston did the right thing with arrest\n", + "[1.2093127 1.4521105 1.3693098 1.3539516 1.2437583 1.1165094 1.0814533\n", + " 1.0262926 1.0350157 1.1232406 1.045635 1.1054388 1.0997822 1.0196378\n", + " 1.027494 1.0809848 1.0562559 1.0490983 1.0258002 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 9 5 11 12 6 15 16 17 10 8 14 7 18 13 21 19 20 22]\n", + "=======================\n", + "['biso had squeezed into the hole in the wall at the mohamed naguib metro station as a kitten in 2010 - but then soon became to big to escape .he survived thanks to an elderly man named uncle abdo , who gave the trapped cat water and fed him scraps of food every day .biso the cat , who was stuck behind a wall in a cairo train station for five years , has finally been freed']\n", + "=======================\n", + "['the cat was trapped behind the wall at mohamed naguib metro stationhe survived thanks to a man uncle abdo , who owns a shop outside stationuncle abdo gave biso water and fed him scraps through hole every daythanks to a social media campaign , biso the cat is now finally free']\n", + "biso had squeezed into the hole in the wall at the mohamed naguib metro station as a kitten in 2010 - but then soon became to big to escape .he survived thanks to an elderly man named uncle abdo , who gave the trapped cat water and fed him scraps of food every day .biso the cat , who was stuck behind a wall in a cairo train station for five years , has finally been freed\n", + "the cat was trapped behind the wall at mohamed naguib metro stationhe survived thanks to a man uncle abdo , who owns a shop outside stationuncle abdo gave biso water and fed him scraps through hole every daythanks to a social media campaign , biso the cat is now finally free\n", + "[1.3322473 1.3070881 1.2683784 1.1631291 1.2539475 1.1626649 1.113859\n", + " 1.0361482 1.0730308 1.043041 1.0632056 1.0321172 1.041685 1.0798049\n", + " 1.1140169 1.1070158 1.1307926 1.077843 1.0379769 1.0514803 1.0161085\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 2 4 3 5 16 14 6 15 13 17 8 10 19 9 12 18 7 11 20 21 22]\n", + "=======================\n", + "[\"` burned up inside ' : doctors could not save eloise aimee parry , 21 , above , after she took the ` diet pills 'deadly diet pills thought to have killed six young people in britain are being sold online for just 70p each .unscrupulous dealers in the uk and abroad are selling the potentially fatal drug , which contains a toxic chemical used in pesticides and explosives , to those desperate to lose weight .\"]\n", + "=======================\n", + "['potentially fatal drug contains chemical used in pesticides and explosivesdespite the dangers , the drug can be bought cheaply and easily onlinemost recent victim is 21-year-old eloise aimee parry who died this month']\n", + "` burned up inside ' : doctors could not save eloise aimee parry , 21 , above , after she took the ` diet pills 'deadly diet pills thought to have killed six young people in britain are being sold online for just 70p each .unscrupulous dealers in the uk and abroad are selling the potentially fatal drug , which contains a toxic chemical used in pesticides and explosives , to those desperate to lose weight .\n", + "potentially fatal drug contains chemical used in pesticides and explosivesdespite the dangers , the drug can be bought cheaply and easily onlinemost recent victim is 21-year-old eloise aimee parry who died this month\n", + "[1.4163525 1.2424234 1.2649655 1.4630376 1.1845642 1.1518582 1.0386144\n", + " 1.0914632 1.0428236 1.0217837 1.0160993 1.0148495 1.0125418 1.1803036\n", + " 1.1591824 1.0846076 1.0285069 1.0100882 1.0103216 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 0 2 1 4 13 14 5 7 15 8 6 16 9 10 11 12 18 17 21 19 20 22]\n", + "=======================\n", + "[\"jack colback ( left ) says the newcastle united fans deserve more following another disappointing defeatjack colback admits newcastle united 's supporters are being left short-changed as the club 's sorry season threatens to plunge new depths .but before this season is out colback and his team-mates will have to endure planned protests with a boycott of sunday 's match against spurs set to see thousands stay away from st james ' park .\"]\n", + "=======================\n", + "[\"jack colback admits he feels sorry for the newcastle united supportersjohn carver 's side have n't won a game since the end of februarynewcastle were outclassed by liverpool on monday night at anfieldsiem de jong could boost the club with his imminent returnclick here for all the latest newcastle united news\"]\n", + "jack colback ( left ) says the newcastle united fans deserve more following another disappointing defeatjack colback admits newcastle united 's supporters are being left short-changed as the club 's sorry season threatens to plunge new depths .but before this season is out colback and his team-mates will have to endure planned protests with a boycott of sunday 's match against spurs set to see thousands stay away from st james ' park .\n", + "jack colback admits he feels sorry for the newcastle united supportersjohn carver 's side have n't won a game since the end of februarynewcastle were outclassed by liverpool on monday night at anfieldsiem de jong could boost the club with his imminent returnclick here for all the latest newcastle united news\n", + "[1.2052839 1.5445858 1.2037282 1.398194 1.199474 1.0993257 1.0633776\n", + " 1.0967096 1.0974438 1.1121802 1.0940989 1.1788993 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 11 9 5 8 7 10 6 17 12 13 14 15 16 18]\n", + "=======================\n", + "[\"bridget olinda garcia , 32 , had confiscated her 13-year-old 's mobile phone and was preparing to leave their home in port st. lucie , south-east florida , following ' a brief altercation ' .a florida woman has been charged with child abuse after driving with her teenage son on the hood of her car , police have said .garcia was arrested and booked into the st. lucie county jail .\"]\n", + "=======================\n", + "['bridget olinda garcia , 32 , drove for 400ft with son , 13 , on the hoodteen jumped into the hood after garcia confiscated his mobile phonewhen she stopped , teen son fell off and injured his hip , knee and foot']\n", + "bridget olinda garcia , 32 , had confiscated her 13-year-old 's mobile phone and was preparing to leave their home in port st. lucie , south-east florida , following ' a brief altercation ' .a florida woman has been charged with child abuse after driving with her teenage son on the hood of her car , police have said .garcia was arrested and booked into the st. lucie county jail .\n", + "bridget olinda garcia , 32 , drove for 400ft with son , 13 , on the hoodteen jumped into the hood after garcia confiscated his mobile phonewhen she stopped , teen son fell off and injured his hip , knee and foot\n", + "[1.2243124 1.4336866 1.3149512 1.2724273 1.1902331 1.1662369 1.1250727\n", + " 1.0612841 1.0586356 1.0395964 1.0742562 1.0313625 1.0541914 1.0526326\n", + " 1.0643011 1.0396906 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 5 6 10 14 7 8 12 13 15 9 11 17 16 18]\n", + "=======================\n", + "[\"the prime minister pledged to deliver effective ` home rule ' for england - giving mps the same powers to set tax rates which have been agreed for scotland following last year 's independent referendum .mr cameron said in the interests of fairness english mps must be given a veto on legislation that no longer applies in scotland .england could have a separate income tax rate to scotland under radical new reforms which will be introduced within 100 days of a tory election victory , david cameron announced today .\"]\n", + "=======================\n", + "[\"the tories publish a separate ` english manifesto ' for the first timemr cameron said delivering ` home rule ' for england is a top prioritytory government will introduce the new system before march 2016 budgetit will allow english mpsto set separate rate of income tax to scotland\"]\n", + "the prime minister pledged to deliver effective ` home rule ' for england - giving mps the same powers to set tax rates which have been agreed for scotland following last year 's independent referendum .mr cameron said in the interests of fairness english mps must be given a veto on legislation that no longer applies in scotland .england could have a separate income tax rate to scotland under radical new reforms which will be introduced within 100 days of a tory election victory , david cameron announced today .\n", + "the tories publish a separate ` english manifesto ' for the first timemr cameron said delivering ` home rule ' for england is a top prioritytory government will introduce the new system before march 2016 budgetit will allow english mpsto set separate rate of income tax to scotland\n", + "[1.4747105 1.2358234 1.2687595 1.0724528 1.312878 1.112396 1.0647519\n", + " 1.0685387 1.0782745 1.0620041 1.0243565 1.0759109 1.078181 1.0834575\n", + " 1.0181036 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 2 1 5 13 8 12 11 3 7 6 9 10 14 17 15 16 18]\n", + "=======================\n", + "['liverpool have become the first premier league club to release their new kit to be used for the 2015-16 campaign , with new balance taking over in supplying the merseyside club .so as reds fans give verdict on the new liverpool kit , sportsmail picks out its five favourites from over the years .it ends three seasons of the reds having their kit manufactured by warrior where , despite a string of smart home strips , away kits ranged from the bright to the bizarre .']\n", + "=======================\n", + "['liverpool have released their new kit for the 2015-16 seasonthe reds have had plenty of memorable strips from down the yearssportsmail picks five favourites from home and away kits']\n", + "liverpool have become the first premier league club to release their new kit to be used for the 2015-16 campaign , with new balance taking over in supplying the merseyside club .so as reds fans give verdict on the new liverpool kit , sportsmail picks out its five favourites from over the years .it ends three seasons of the reds having their kit manufactured by warrior where , despite a string of smart home strips , away kits ranged from the bright to the bizarre .\n", + "liverpool have released their new kit for the 2015-16 seasonthe reds have had plenty of memorable strips from down the yearssportsmail picks five favourites from home and away kits\n", + "[1.4020251 1.1149759 1.212163 1.1323017 1.1051687 1.1107508 1.0924711\n", + " 1.0850389 1.0919443 1.0583698 1.0591824 1.0653116 1.0652477 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 5 4 6 8 7 11 12 10 9 13 14 15 16 17 18]\n", + "=======================\n", + "['ahead of another weekend in the barclays premier league , sportsmail brings you the latest squad news , odds and stats on every top flight fixture as it breaks .keep up-to-date with all the latest team news and stats ahead of the premier league weekendswansea city vs everton ( 12.45 pm )']\n", + "=======================\n", + "['manchester united and manchester city clash in sunday 4pm derbychelsea also in derby action when they visit queens park rangersliverpool host newcastle united in monday night footballarsenal travel to burnley for late saturday kick-offtim sherwood returns to tottenham hotspur with aston villa']\n", + "ahead of another weekend in the barclays premier league , sportsmail brings you the latest squad news , odds and stats on every top flight fixture as it breaks .keep up-to-date with all the latest team news and stats ahead of the premier league weekendswansea city vs everton ( 12.45 pm )\n", + "manchester united and manchester city clash in sunday 4pm derbychelsea also in derby action when they visit queens park rangersliverpool host newcastle united in monday night footballarsenal travel to burnley for late saturday kick-offtim sherwood returns to tottenham hotspur with aston villa\n", + "[1.358706 1.2384939 1.2809143 1.2661858 1.2669612 1.1114398 1.0926253\n", + " 1.0490894 1.1015327 1.066713 1.0168936 1.0799544 1.1130759 1.1667582\n", + " 1.085032 1.0394394 1.0467829 1.0343155 1.0218086]\n", + "\n", + "[ 0 2 4 3 1 13 12 5 8 6 14 11 9 7 16 15 17 18 10]\n", + "=======================\n", + "[\"alan greaves , pictured , claimed ` the illuminati framed him by downloading child abuse images on his computerpolice raided alan greaves 's home in colne , lancashire in september 2013 where they found the disturbing images on a digital storage device .burnley crown court heard there were also 17,821 other indecent images with 106 movies .\"]\n", + "=======================\n", + "['alan greaves owned almost 700 of the worst type of child abuse imageshe also had more than 100 indecent videos stored at his lancashire homegreaves told detectives that he did not have any sexual interest in childrenthe father of eight was jailed for 21 months by burnley crown court']\n", + "alan greaves , pictured , claimed ` the illuminati framed him by downloading child abuse images on his computerpolice raided alan greaves 's home in colne , lancashire in september 2013 where they found the disturbing images on a digital storage device .burnley crown court heard there were also 17,821 other indecent images with 106 movies .\n", + "alan greaves owned almost 700 of the worst type of child abuse imageshe also had more than 100 indecent videos stored at his lancashire homegreaves told detectives that he did not have any sexual interest in childrenthe father of eight was jailed for 21 months by burnley crown court\n", + "[1.3144195 1.3948747 1.2334414 1.3341017 1.1638266 1.1370304 1.0923635\n", + " 1.0890216 1.1247222 1.0756992 1.0464984 1.1160444 1.0155983 1.0247751\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 5 8 11 6 7 9 10 13 12 17 14 15 16 18]\n", + "=======================\n", + "[\"australian choreographer wade robson , once the singer 's staunchest defender , now claims jackson was a predator who repeatedly sexually abused him as a child .two men who claim they were molested as young boys by michael jackson are expected to find out on tuesday if they will be allowed to sue for a slice of the late king of pop 's $ 1.5 billion estate .los angeles superior court judge mitchell beckloff has scheduled a hearing for robson and another of jackson 's alleged child victims , james safechuck , on tuesday that could decide if their respective claims proceed .\"]\n", + "=======================\n", + "[\"wade robson and james safechuck hope to find out on tuesday if they can bring a civil lawsuit against the late singer 's estateboth claim that the king of pop molested them as young boystheir lawyers claim jackson paid out nearly $ 200 million to as many as 20 victimsa judge 's ruling on tuesday could determine if more alleged victims come forward\"]\n", + "australian choreographer wade robson , once the singer 's staunchest defender , now claims jackson was a predator who repeatedly sexually abused him as a child .two men who claim they were molested as young boys by michael jackson are expected to find out on tuesday if they will be allowed to sue for a slice of the late king of pop 's $ 1.5 billion estate .los angeles superior court judge mitchell beckloff has scheduled a hearing for robson and another of jackson 's alleged child victims , james safechuck , on tuesday that could decide if their respective claims proceed .\n", + "wade robson and james safechuck hope to find out on tuesday if they can bring a civil lawsuit against the late singer 's estateboth claim that the king of pop molested them as young boystheir lawyers claim jackson paid out nearly $ 200 million to as many as 20 victimsa judge 's ruling on tuesday could determine if more alleged victims come forward\n", + "[1.2618084 1.5173955 1.1403842 1.1858392 1.0819577 1.2914715 1.3011309\n", + " 1.0936947 1.0779254 1.0211997 1.0544292 1.0633211 1.0691586 1.0530068\n", + " 1.014585 1.0142969 1.2523031 0. 0. ]\n", + "\n", + "[ 1 6 5 0 16 3 2 7 4 8 12 11 10 13 9 14 15 17 18]\n", + "=======================\n", + "['superior court judge susan garsh punished robert cusanelli of whdh-tv after two jurors told the court they were trailed by a van as they tried to get into their cars on wednesday .a tv cameraman has been banned from the aaron hernandez murder trial after admitting he followed jurors at the end of a court session .two jurors informed the court thursday morning that they saw someone watching them in a ford explorer .']\n", + "=======================\n", + "[\"two jurors said a vehicle , believed to be from whdh-tv , trailed themrobert cusanelli told the court he made a ` mistake ' and acted on his ownallegedly watched as the group got into their cars in an off-site parking lotinsisted he did not take any pictures or speak to any of the jurorsjury finished their deliberations thursday without reaching a verdictwill return on friday as the ex-new england patriot player awaits his fate\"]\n", + "superior court judge susan garsh punished robert cusanelli of whdh-tv after two jurors told the court they were trailed by a van as they tried to get into their cars on wednesday .a tv cameraman has been banned from the aaron hernandez murder trial after admitting he followed jurors at the end of a court session .two jurors informed the court thursday morning that they saw someone watching them in a ford explorer .\n", + "two jurors said a vehicle , believed to be from whdh-tv , trailed themrobert cusanelli told the court he made a ` mistake ' and acted on his ownallegedly watched as the group got into their cars in an off-site parking lotinsisted he did not take any pictures or speak to any of the jurorsjury finished their deliberations thursday without reaching a verdictwill return on friday as the ex-new england patriot player awaits his fate\n", + "[1.3427323 1.2465177 1.2133255 1.1545106 1.3566881 1.1031084 1.0442743\n", + " 1.0478737 1.0598307 1.0376762 1.0353396 1.0800818 1.0198404 1.0174049\n", + " 1.0406154 1.0370193 1.0434245 1.0243468 1.043399 ]\n", + "\n", + "[ 4 0 1 2 3 5 11 8 7 6 16 18 14 9 15 10 17 12 13]\n", + "=======================\n", + "[\"robin rinaldi ( pictured ) demanded an open marriage from her husband , scott after he had a vasectomyat the age of 42 , san francisco-based journalist robin rinaldi believed she had accidentally succeeded in conceiving a longed - for child .the pregnancy test turned out to be wrong , but her husband scott was n't taking any more chances : he got a vasectomy .\"]\n", + "=======================\n", + "['aged 42 robin rinaldi believed she had conceived a longed-for childthe pregnancy test was negative and her husband had a vasectomyrinaldi then demanded an open marriage and slept with 12 people in a year']\n", + "robin rinaldi ( pictured ) demanded an open marriage from her husband , scott after he had a vasectomyat the age of 42 , san francisco-based journalist robin rinaldi believed she had accidentally succeeded in conceiving a longed - for child .the pregnancy test turned out to be wrong , but her husband scott was n't taking any more chances : he got a vasectomy .\n", + "aged 42 robin rinaldi believed she had conceived a longed-for childthe pregnancy test was negative and her husband had a vasectomyrinaldi then demanded an open marriage and slept with 12 people in a year\n", + "[1.3455993 1.3823304 1.2359143 1.2688448 1.3966827 1.1052163 1.0710223\n", + " 1.0580355 1.0515192 1.0152683 1.0153289 1.0144054 1.068898 1.0611334\n", + " 1.0680927 1.0363092 1.2257929 1.1360922 1.0076907]\n", + "\n", + "[ 4 1 0 3 2 16 17 5 6 12 14 13 7 8 15 10 9 11 18]\n", + "=======================\n", + "['sunderland boss dick advocaat insists he will not underestiamte the signficance of the wear-tyne derbythe 67-year-old takes charge of sunderland for the first time on home soil tomorrow with north-east adversaries newcastle the visitors .dick advocaat will not make the same mistake he did during his first season at rangers by playing down the significance of the old firm derby .']\n", + "=======================\n", + "[\"sunderland manager dick advocaat insists he is not underestimating the significance of sunday 's game against local rivals newcastlewhile in charge of rangers in 1998 , advocaat made the mistake of playing down the old firm game against celtic and lost 5-1the dutchman does not want a repeat of that embarrassmenthe is considering starting winger adam johnson for the game , for the first time for his arrest on suspicion of sexual activity with a 15-year-old girl\"]\n", + "sunderland boss dick advocaat insists he will not underestiamte the signficance of the wear-tyne derbythe 67-year-old takes charge of sunderland for the first time on home soil tomorrow with north-east adversaries newcastle the visitors .dick advocaat will not make the same mistake he did during his first season at rangers by playing down the significance of the old firm derby .\n", + "sunderland manager dick advocaat insists he is not underestimating the significance of sunday 's game against local rivals newcastlewhile in charge of rangers in 1998 , advocaat made the mistake of playing down the old firm game against celtic and lost 5-1the dutchman does not want a repeat of that embarrassmenthe is considering starting winger adam johnson for the game , for the first time for his arrest on suspicion of sexual activity with a 15-year-old girl\n", + "[1.2868693 1.4430001 1.383836 1.2819647 1.0172299 1.0801755 1.1222332\n", + " 1.0666748 1.0621825 1.0580673 1.0590959 1.1353244 1.0316712 1.0514996\n", + " 1.0195334 1.0490419 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 11 6 5 7 8 10 9 13 15 12 14 4 16 17 18]\n", + "=======================\n", + "[\"scientists hope that immunisation is possible with just one injection after ` highly promising results ' in the first 138 healthy adults who were vaccinated with various doses .the vaccine , developed in canada , is based on an animal virus called vesicular stomatitis virus ( vsv ) that is combined with a portion of the protein covering of the ebola virus .a new ebola jab is being given to people living in the west african countries most badly hit by the virus after human trials in unaffected countries proved successful .\"]\n", + "=======================\n", + "[\"scientists hope immunisation against virus is possible with one injectionvaccine based on animal virus and the protein covering of ebola virusebola antigen in vaccine acts as ` trojan horse ' to create immune responseebola has killed more than 10,000 people in a year across six countries\"]\n", + "scientists hope that immunisation is possible with just one injection after ` highly promising results ' in the first 138 healthy adults who were vaccinated with various doses .the vaccine , developed in canada , is based on an animal virus called vesicular stomatitis virus ( vsv ) that is combined with a portion of the protein covering of the ebola virus .a new ebola jab is being given to people living in the west african countries most badly hit by the virus after human trials in unaffected countries proved successful .\n", + "scientists hope immunisation against virus is possible with one injectionvaccine based on animal virus and the protein covering of ebola virusebola antigen in vaccine acts as ` trojan horse ' to create immune responseebola has killed more than 10,000 people in a year across six countries\n", + "[1.3029557 1.3195975 1.3515289 1.2783778 1.14675 1.2270522 1.1397634\n", + " 1.0806186 1.0651615 1.0743744 1.0381631 1.0411028 1.0296898 1.1079254\n", + " 1.0471163 1.0385535 0. 0. ]\n", + "\n", + "[ 2 1 0 3 5 4 6 13 7 9 8 14 11 15 10 12 16 17]\n", + "=======================\n", + "[\"the man has now been charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' , according to victorian police and afp .the 18-year-old hampton park man had his preventative detention order - which allows police to hold a person without charge for up to 14 days - removed , and the teenager was re-arrested .a third man has been charged after raids in melbourne led police to foil an anzac day terror plot .\"]\n", + "=======================\n", + "[\"third man charged after terror raids in melbourne at the weekendthe 18-year-old man will front melbourne magistrates ' court on tuesdayearlier sickening details emerged about the planned anzac day terror plotthe men had planned to run down a police officer and kill him with a knifethey then intended to go on a shooting rampage with his gunit eerily mirrors the death of british soldier lee rigby in 2013he was run down and then butchered with a meat cleaverswords and knifes were found in the teen 's houses\"]\n", + "the man has now been charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' , according to victorian police and afp .the 18-year-old hampton park man had his preventative detention order - which allows police to hold a person without charge for up to 14 days - removed , and the teenager was re-arrested .a third man has been charged after raids in melbourne led police to foil an anzac day terror plot .\n", + "third man charged after terror raids in melbourne at the weekendthe 18-year-old man will front melbourne magistrates ' court on tuesdayearlier sickening details emerged about the planned anzac day terror plotthe men had planned to run down a police officer and kill him with a knifethey then intended to go on a shooting rampage with his gunit eerily mirrors the death of british soldier lee rigby in 2013he was run down and then butchered with a meat cleaverswords and knifes were found in the teen 's houses\n", + "[1.3936958 1.5157454 1.3389142 1.1782584 1.0540814 1.1549506 1.0303991\n", + " 1.1658885 1.1216083 1.0385971 1.0358496 1.0900367 1.0200894 1.2329226\n", + " 1.0091945 1.0223525 1.032315 0. ]\n", + "\n", + "[ 1 0 2 13 3 7 5 8 11 4 9 10 16 6 15 12 14 17]\n", + "=======================\n", + "[\"the inn , which will have 20 bedrooms , is being built in the prince 's model village in dorset as a joint development between the duchy of cornwall and brewery hall & woodhouse .prince charles is to name a pub in his designer village poundbury after the duchess of cornwall - it will be built on the centre-piece queen mother square .the pub is expected to open early next year .\"]\n", + "=======================\n", + "[\"inn will have 20 bedrooms and is to be completed to meet demand in 2016it will sit in the prince 's village on a square named after the queen motherthe model village ` poundbury , ' dorset , already has a prince george house\"]\n", + "the inn , which will have 20 bedrooms , is being built in the prince 's model village in dorset as a joint development between the duchy of cornwall and brewery hall & woodhouse .prince charles is to name a pub in his designer village poundbury after the duchess of cornwall - it will be built on the centre-piece queen mother square .the pub is expected to open early next year .\n", + "inn will have 20 bedrooms and is to be completed to meet demand in 2016it will sit in the prince 's village on a square named after the queen motherthe model village ` poundbury , ' dorset , already has a prince george house\n", + "[1.2692503 1.0797561 1.2348326 1.3981616 1.2312354 1.0396003 1.059477\n", + " 1.165996 1.1019685 1.1516279 1.0999264 1.1420057 1.045273 1.0205109\n", + " 1.0255711 1.0294076 1.0097952 1.013517 ]\n", + "\n", + "[ 3 0 2 4 7 9 11 8 10 1 6 12 5 15 14 13 17 16]\n", + "=======================\n", + "[\"get this : sweden grants a total of 480 calendar days of parental leave , with 390 of them paid at 80 % of income , with a maximum of 3,160 euros a month or $ 3,474 .( cnn ) when photographer johan bavman became a father for the first time , he took more than a passing wonder about how his native sweden is said to be the most generous nation on earth for parental leave .he used his photography to document the real-life experience of other fathers taking full advantage of sweden 's extraordinary program , which allows mothers and fathers to take long , long leaves from their careers so they can care for their newborns .\"]\n", + "=======================\n", + "[\"johan bavman photographed fathers in sweden , which has generous parental leavesweden 's policies encourage fathers to take just as much leave as mothers\"]\n", + "get this : sweden grants a total of 480 calendar days of parental leave , with 390 of them paid at 80 % of income , with a maximum of 3,160 euros a month or $ 3,474 .( cnn ) when photographer johan bavman became a father for the first time , he took more than a passing wonder about how his native sweden is said to be the most generous nation on earth for parental leave .he used his photography to document the real-life experience of other fathers taking full advantage of sweden 's extraordinary program , which allows mothers and fathers to take long , long leaves from their careers so they can care for their newborns .\n", + "johan bavman photographed fathers in sweden , which has generous parental leavesweden 's policies encourage fathers to take just as much leave as mothers\n", + "[1.4716561 1.314878 1.2014588 1.2138747 1.2367703 1.1053619 1.0738087\n", + " 1.0990723 1.0983331 1.0481861 1.076008 1.080409 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 3 2 5 7 8 11 10 6 9 16 12 13 14 15 17]\n", + "=======================\n", + "['( cnn ) five militants from the kurdistan workers \\' party were killed and another was wounded in clashes with turkish armed forces in eastern turkey , the country \\'s military said saturday .four turkish soldiers also were wounded in the fighting that took place in the eastern city of agri , the armed forces said in a written statement .turkish president recep tayyip erdogan also harshly condemned the attack , describing it as the kurdish separatists \\' attempt to \" intervene in the resolution process ( with the kurds ) in our country . \"']\n", + "=======================\n", + "[\"four turkish troops were wounded in the flight , according to the country 's militaryturkey president recep tayyip erdogan says clashes are attempt to halt a resolution process with kurdsviolence between kurds and the turkish military has been ongoing for more than three decades\"]\n", + "( cnn ) five militants from the kurdistan workers ' party were killed and another was wounded in clashes with turkish armed forces in eastern turkey , the country 's military said saturday .four turkish soldiers also were wounded in the fighting that took place in the eastern city of agri , the armed forces said in a written statement .turkish president recep tayyip erdogan also harshly condemned the attack , describing it as the kurdish separatists ' attempt to \" intervene in the resolution process ( with the kurds ) in our country . \"\n", + "four turkish troops were wounded in the flight , according to the country 's militaryturkey president recep tayyip erdogan says clashes are attempt to halt a resolution process with kurdsviolence between kurds and the turkish military has been ongoing for more than three decades\n", + "[1.4731061 1.3393754 1.3400145 1.1858537 1.2158941 1.1857758 1.1332752\n", + " 1.0939159 1.160151 1.0669829 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 4 3 5 8 6 7 9 16 10 11 12 13 14 15 17]\n", + "=======================\n", + "[\"( cnn ) gastrointestinal illness has gripped 100 people on the cruise ship celebrity infinity , according to a report from the centers for disease control .the illness has also affected five members of the 964-person crew .of the ship 's 2,117 passengers , 95 have suffered from vomiting , diarrhea and other symptoms , the cdc said .\"]\n", + "=======================\n", + "['100 passengers and crew members have been sickened on celebrity infinitythe ship , which is based on the west coast , left san diego in late marchthe cdc is scheduled to board the ship monday']\n", + "( cnn ) gastrointestinal illness has gripped 100 people on the cruise ship celebrity infinity , according to a report from the centers for disease control .the illness has also affected five members of the 964-person crew .of the ship 's 2,117 passengers , 95 have suffered from vomiting , diarrhea and other symptoms , the cdc said .\n", + "100 passengers and crew members have been sickened on celebrity infinitythe ship , which is based on the west coast , left san diego in late marchthe cdc is scheduled to board the ship monday\n", + "[1.2912583 1.3997636 1.3077137 1.1792055 1.2577302 1.0895627 1.0713758\n", + " 1.0610805 1.0927641 1.0866414 1.0664163 1.0558255 1.0546516 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 3 8 5 9 6 10 7 11 12 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"ann rule 's son , 54-year-old andrew rule , is accused of bullying her into giving him $ 23,327 , according to court documents , and admitted to authorities that he blew the money given to him on gambling and strip clubs .famous true crime writer ann rule ( above ) , 84 , had more than $ 100,000 allegedly stolen and defrauded from her by her two sonsprosecutors have filed a restraining order against both men to stay away from ann rule , and the two sons accused of wrongdoing are set to appear in court on april 30 .\"]\n", + "=======================\n", + "[\"sons of new york times bestselling author , ann rule , have been charged with theft and forgery in alleged financial exploitation caseshe has been in declining health since october 2013 and is ` vulnerable to undue influence ' , according to court documentsmichael rule , 51 , is accused of forging her signature on her checks amounting to $ 103,628 between march 2014 to february 2015andrew rule , 54 , is accused of bullying her into giving him $ 23,327 and is said to have at times ` threatened suicide and screamed obscenities at her 'two sons , along with their two siblings , are given an estimated $ 25,000 combined monthly salary through mother 's corporation , rule enterprisesann rule has published 33 books including small sacrifices and the stranger beside me , and eight books have been made into movies\"]\n", + "ann rule 's son , 54-year-old andrew rule , is accused of bullying her into giving him $ 23,327 , according to court documents , and admitted to authorities that he blew the money given to him on gambling and strip clubs .famous true crime writer ann rule ( above ) , 84 , had more than $ 100,000 allegedly stolen and defrauded from her by her two sonsprosecutors have filed a restraining order against both men to stay away from ann rule , and the two sons accused of wrongdoing are set to appear in court on april 30 .\n", + "sons of new york times bestselling author , ann rule , have been charged with theft and forgery in alleged financial exploitation caseshe has been in declining health since october 2013 and is ` vulnerable to undue influence ' , according to court documentsmichael rule , 51 , is accused of forging her signature on her checks amounting to $ 103,628 between march 2014 to february 2015andrew rule , 54 , is accused of bullying her into giving him $ 23,327 and is said to have at times ` threatened suicide and screamed obscenities at her 'two sons , along with their two siblings , are given an estimated $ 25,000 combined monthly salary through mother 's corporation , rule enterprisesann rule has published 33 books including small sacrifices and the stranger beside me , and eight books have been made into movies\n", + "[1.4762185 1.1924237 1.3674928 1.2383139 1.1310881 1.0401379 1.0299355\n", + " 1.1409199 1.1007572 1.2426565 1.064479 1.1150082 1.0394477 1.0334493\n", + " 1.0635481 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 9 3 1 7 4 11 8 10 14 5 12 13 6 18 15 16 17 19]\n", + "=======================\n", + "['former primary school teacher mary cowan , 92 , has generously stated in her will that # 700,000 of her # 2million fortune should be left to charity groupsthe mary cowan bursary will have funds of around # 325,000 and will be used to help current or prospective poorer pupils attend the school .ms cowan , of edinburgh , passed away in november last year but her will revealed she asked for a bursary scheme to be set up in her name at the school where famous faces such as olympic hero sir chris hoy and rugby legend gavin hastings were taught .']\n", + "=======================\n", + "[\"mary cowan , 92 , has generously left share of # 2million fortune to charitiesformer teacher said in will # 325,000 should help poor children go to schoolother groups to benefit include blind veterans uk and the salvation armymoney also left to alzheimer scotland , children 's hospital and churches\"]\n", + "former primary school teacher mary cowan , 92 , has generously stated in her will that # 700,000 of her # 2million fortune should be left to charity groupsthe mary cowan bursary will have funds of around # 325,000 and will be used to help current or prospective poorer pupils attend the school .ms cowan , of edinburgh , passed away in november last year but her will revealed she asked for a bursary scheme to be set up in her name at the school where famous faces such as olympic hero sir chris hoy and rugby legend gavin hastings were taught .\n", + "mary cowan , 92 , has generously left share of # 2million fortune to charitiesformer teacher said in will # 325,000 should help poor children go to schoolother groups to benefit include blind veterans uk and the salvation armymoney also left to alzheimer scotland , children 's hospital and churches\n", + "[1.3707831 1.3745555 1.1557422 1.3215151 1.1322513 1.111822 1.1018486\n", + " 1.0668412 1.174339 1.0824746 1.0632285 1.0292329 1.0204723 1.0369669\n", + " 1.0997839 1.1122036 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 8 2 4 15 5 6 14 9 7 10 13 11 12 18 16 17 19]\n", + "=======================\n", + "[\"the 60-year-old was called to serve on a case involving a car crash and had to answer a couple of questions about his relatives .supreme court chief justice john roberts reported for jury duty in rockville , maryland on wednesday - and was not selected .however , when it came to a question about the jurors legal experience the sitting judge refrained from making roberts answer , saying , ` obviously we know what you do for a living , sir . '\"]\n", + "=======================\n", + "['chief justice john roberts , 60 , arrived in rockville , maryland court on wednesday']\n", + "the 60-year-old was called to serve on a case involving a car crash and had to answer a couple of questions about his relatives .supreme court chief justice john roberts reported for jury duty in rockville , maryland on wednesday - and was not selected .however , when it came to a question about the jurors legal experience the sitting judge refrained from making roberts answer , saying , ` obviously we know what you do for a living , sir . '\n", + "chief justice john roberts , 60 , arrived in rockville , maryland court on wednesday\n", + "[1.44327 1.3429956 1.3464704 1.465198 1.2335458 1.1215723 1.0857528\n", + " 1.0186653 1.0250118 1.0158966 1.1219156 1.102468 1.1951821 1.0782212\n", + " 1.0229545 1.0247847 1.0351064 1.0062377 1.005991 1.0112727]\n", + "\n", + "[ 3 0 2 1 4 12 10 5 11 6 13 16 8 15 14 7 9 19 17 18]\n", + "=======================\n", + "[\"louis van gaal says manchester united can still win the barclays premier league at this late stage in the racevictory over aston villa in the premier league on saturday would put some pressure on neighbours manchester city - currently second - who do n't play until monday at crystal palace .van gaal also admitted that marouane fellaini has become almost undroppable , given his performances in united 's recent run of form .\"]\n", + "=======================\n", + "[\"louis van gaal says manchester united are in race for the premier leaguedutch boss reserved special praise for marouane fellaini 's recent formhe says that the belgian midfielder has made himself almost undroppableunited are eight points behind chelsea having played a game morevan gaal 's charges face aston villa at old trafford on saturday at 3pmrobin van persie is still not fit enough to play at the weekend\"]\n", + "louis van gaal says manchester united can still win the barclays premier league at this late stage in the racevictory over aston villa in the premier league on saturday would put some pressure on neighbours manchester city - currently second - who do n't play until monday at crystal palace .van gaal also admitted that marouane fellaini has become almost undroppable , given his performances in united 's recent run of form .\n", + "louis van gaal says manchester united are in race for the premier leaguedutch boss reserved special praise for marouane fellaini 's recent formhe says that the belgian midfielder has made himself almost undroppableunited are eight points behind chelsea having played a game morevan gaal 's charges face aston villa at old trafford on saturday at 3pmrobin van persie is still not fit enough to play at the weekend\n", + "[1.0929942 1.2143899 1.2941084 1.0924728 1.2385917 1.3165703 1.2117143\n", + " 1.0667644 1.0526565 1.0264887 1.0389689 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 5 2 4 1 6 0 3 7 8 10 9 11 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "['meanwhile , as many marvel fans know , thursday was the eve of the new netflix series \" daredevil , \" and after a photoshopped first look at charlie cox \\'s iconic red daredevil suit went out , marvel put out a video of the real one .but there was one character who remained a mystery : the vision , to be played by paul bettany .with less than a month to go before the movie hits theaters , marvel studios put all the speculation to rest with a poster featuring bettany as the heroic android , who was a member of the superhero group for many years in the comics .']\n", + "=======================\n", + "['marvel studios releases first looks at paul bettany as the vision in \" avengers : age of ultron \" and charlie cox in full \" daredevil \" costumejamie bell \\'s character of the thing was also unveiled for 20th century fox \\'s marvel-based reboot of \" fantastic four \"bryan singer unveiled the first look at \" x-men : apocalypse \" angel played by ben hardy']\n", + "meanwhile , as many marvel fans know , thursday was the eve of the new netflix series \" daredevil , \" and after a photoshopped first look at charlie cox 's iconic red daredevil suit went out , marvel put out a video of the real one .but there was one character who remained a mystery : the vision , to be played by paul bettany .with less than a month to go before the movie hits theaters , marvel studios put all the speculation to rest with a poster featuring bettany as the heroic android , who was a member of the superhero group for many years in the comics .\n", + "marvel studios releases first looks at paul bettany as the vision in \" avengers : age of ultron \" and charlie cox in full \" daredevil \" costumejamie bell 's character of the thing was also unveiled for 20th century fox 's marvel-based reboot of \" fantastic four \"bryan singer unveiled the first look at \" x-men : apocalypse \" angel played by ben hardy\n", + "[1.4679447 1.5131534 1.1061028 1.0669323 1.3726759 1.2640684 1.2322788\n", + " 1.1289839 1.029075 1.0149237 1.2444246 1.1192296 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 5 10 6 7 11 2 3 8 9 12 13 14 15 16 17 18]\n", + "=======================\n", + "['the 21-year-old has been linked with premier league duo manchester united and chelsea in some quarters but he says remaining at the mestalla is his preferred option .valencia midfielder andre gomes insists he has no intention of leaving the club this summer .the 21-year-old midfielder insists he is happy to stay with valencia and ply his trade in la liga']\n", + "=======================\n", + "[\"reports have linked chelsea with a move for valencia 's andre gomesbut the midfielder says wants to stay with the la liga side next seasongomes has scored four league goals in 25 appearances this term\"]\n", + "the 21-year-old has been linked with premier league duo manchester united and chelsea in some quarters but he says remaining at the mestalla is his preferred option .valencia midfielder andre gomes insists he has no intention of leaving the club this summer .the 21-year-old midfielder insists he is happy to stay with valencia and ply his trade in la liga\n", + "reports have linked chelsea with a move for valencia 's andre gomesbut the midfielder says wants to stay with the la liga side next seasongomes has scored four league goals in 25 appearances this term\n", + "[1.1949974 1.48424 1.3473973 1.299671 1.144274 1.0858449 1.0414308\n", + " 1.0440873 1.1244609 1.1777455 1.2126737 1.0092354 1.0093596 1.0154743\n", + " 1.0109583 1.0511725 1.0505795 1.1498172 0. ]\n", + "\n", + "[ 1 2 3 10 0 9 17 4 8 5 15 16 7 6 13 14 12 11 18]\n", + "=======================\n", + "['the owner of the bunny baker cafe in manila etches customised caricatures into coffee froth at no extra cost to his clientele , even detailing local favourite , boxer manny pacquiao .graphic artist zach yonzon runs the cafe with his wife and uses steamed milk and froth as the canvas upon which he creates his masterpieces which can leave happy memories for tourists .a cafe in the philippines is serving up artistic cups of coffee for customers who enjoy their beverages tailor made .']\n", + "=======================\n", + "['zach yonzon runs the bunny baker cafe with his wife in manilaartist uses a spoon and a barbecue skewer dipped in chocolatecreates incredibly detailed portraits at the request of customersservice started out as novelty when owner began etching rabbitsartistic barista hopes to one day be able to create 3d caricatures']\n", + "the owner of the bunny baker cafe in manila etches customised caricatures into coffee froth at no extra cost to his clientele , even detailing local favourite , boxer manny pacquiao .graphic artist zach yonzon runs the cafe with his wife and uses steamed milk and froth as the canvas upon which he creates his masterpieces which can leave happy memories for tourists .a cafe in the philippines is serving up artistic cups of coffee for customers who enjoy their beverages tailor made .\n", + "zach yonzon runs the bunny baker cafe with his wife in manilaartist uses a spoon and a barbecue skewer dipped in chocolatecreates incredibly detailed portraits at the request of customersservice started out as novelty when owner began etching rabbitsartistic barista hopes to one day be able to create 3d caricatures\n", + "[1.1821647 1.5045732 1.2606678 1.3352234 1.2339215 1.0761573 1.0595782\n", + " 1.0806588 1.1100911 1.0553057 1.0415083 1.0533968 1.0374266 1.0806252\n", + " 1.048726 1.0588535 1.1439023 1.1015041 1.0522636]\n", + "\n", + "[ 1 3 2 4 0 16 8 17 7 13 5 6 15 9 11 18 14 10 12]\n", + "=======================\n", + "['khayree gay , 31 , was captured on friday at the security inn and suites hotel in lake city , south carolina , according to a report from the bureau of alcohol , tobacco , firearms and explosives .gay , who is originally from feltonville , pennsylvania , is facing federal charges for allegedly kidnapping a jewelers row employee on april 4 in philadelphia .a former jewelry store worker has been arrested for his alleged role in the abduction and torture of a female employee at the business .']\n", + "=======================\n", + "['khayree gay , 31 , was captured on friday at the security inn and suites hotel in lake city , south carolinagay , is facing federal charges for allegedly kidnapping a jewelers row employee on april 4 in philadelphiathe woman , 53 , was abducted in a van from a parking garage and then beaten , tasered and threatened with deathshe was left handcuffed in a pennsylvania cemetery following abduction']\n", + "khayree gay , 31 , was captured on friday at the security inn and suites hotel in lake city , south carolina , according to a report from the bureau of alcohol , tobacco , firearms and explosives .gay , who is originally from feltonville , pennsylvania , is facing federal charges for allegedly kidnapping a jewelers row employee on april 4 in philadelphia .a former jewelry store worker has been arrested for his alleged role in the abduction and torture of a female employee at the business .\n", + "khayree gay , 31 , was captured on friday at the security inn and suites hotel in lake city , south carolinagay , is facing federal charges for allegedly kidnapping a jewelers row employee on april 4 in philadelphiathe woman , 53 , was abducted in a van from a parking garage and then beaten , tasered and threatened with deathshe was left handcuffed in a pennsylvania cemetery following abduction\n", + "[1.286554 1.4327395 1.2716877 1.2795274 1.1732947 1.0988923 1.1084965\n", + " 1.0812917 1.0855901 1.0702609 1.0873688 1.0724823 1.0781456 1.0192037\n", + " 1.0597577 1.05944 1.0754509 1.0834231 1.0178083]\n", + "\n", + "[ 1 0 3 2 4 6 5 10 8 17 7 12 16 11 9 14 15 13 18]\n", + "=======================\n", + "[\"calcium formations on ` altamura man ' - a skeleton found in a cave in 1993 - suggest he was 128,000 to 187,000 years old .scientists in italy have extracted the oldest ever dna sample to be taken from a neanderthal .now researchers plan to sequence his dna to see if they can reveal new details about the evolution of our ancient ancestors .\"]\n", + "=======================\n", + "[\"altamura man was discovered in a cave in 1993 in southern italyskeleton 's calcium formations suggest it is 128,000 to 187,000 years oldscientists have successful extracted dna and are trying to sequence itthey say dna might reveal new details about the evolution of hominids\"]\n", + "calcium formations on ` altamura man ' - a skeleton found in a cave in 1993 - suggest he was 128,000 to 187,000 years old .scientists in italy have extracted the oldest ever dna sample to be taken from a neanderthal .now researchers plan to sequence his dna to see if they can reveal new details about the evolution of our ancient ancestors .\n", + "altamura man was discovered in a cave in 1993 in southern italyskeleton 's calcium formations suggest it is 128,000 to 187,000 years oldscientists have successful extracted dna and are trying to sequence itthey say dna might reveal new details about the evolution of hominids\n", + "[1.360384 1.198574 1.4576902 1.1896241 1.1787174 1.171958 1.2051227\n", + " 1.0745655 1.0410668 1.0181358 1.1066912 1.0263176 1.1134324 1.1803896\n", + " 1.140002 1.0502708 1.0510559 0. 0. ]\n", + "\n", + "[ 2 0 6 1 3 13 4 5 14 12 10 7 16 15 8 11 9 17 18]\n", + "=======================\n", + "['hannah mcwhirter , 21 , of banff , aberdeenshire , engaged in the ménage a trois with co-worker dionne clark and her husband shaun in july 2013 .fiscal depute elaine ward said the accused had become close friends with mrs clark , 29 , after starting work in the same shop in january 2013 .a woman accused a married couple of rape after her boyfriend found out she had a threesome with them in a travelodge hotel room .']\n", + "=======================\n", + "[\"hannah mcwhirter , 21 , had threesome with co-worker and her husbandexchanged texts with dionne and shaun clark after saying she had funbut when mcwhirter 's boyfriend found out she claimed she had been rapedshe has now admitted wasting police time and will be sentenced in may\"]\n", + "hannah mcwhirter , 21 , of banff , aberdeenshire , engaged in the ménage a trois with co-worker dionne clark and her husband shaun in july 2013 .fiscal depute elaine ward said the accused had become close friends with mrs clark , 29 , after starting work in the same shop in january 2013 .a woman accused a married couple of rape after her boyfriend found out she had a threesome with them in a travelodge hotel room .\n", + "hannah mcwhirter , 21 , had threesome with co-worker and her husbandexchanged texts with dionne and shaun clark after saying she had funbut when mcwhirter 's boyfriend found out she claimed she had been rapedshe has now admitted wasting police time and will be sentenced in may\n", + "[1.1918632 1.2157388 1.4238333 1.2270505 1.082331 1.3442254 1.1374375\n", + " 1.0785344 1.1057942 1.0620292 1.078686 1.1434615 1.0276566 1.0334331\n", + " 1.0694642 1.0236338 1.0381217 1.0526026 0. 0. 0. ]\n", + "\n", + "[ 2 5 3 1 0 11 6 8 4 10 7 14 9 17 16 13 12 15 19 18 20]\n", + "=======================\n", + "['liftoff of the 208ft ( 63 metre ) tall falcon 9 rocket was scheduled for 4:33 pm edt/2033gmt from cape canaveral air force station in florida .but poor weather conditions meant the countdown was halted at the 2 1/2 - minute mark .a historic spacex launch that was set to take off today has been scrubbed due to bad weather .']\n", + "=======================\n", + "['launch postponed due to lightning from an approaching anvil cloudliftoff has been rescheduled by spacex for tomorrow at 4.10 pm etif successful , it will prove affordable , reusuable rockets are possible']\n", + "liftoff of the 208ft ( 63 metre ) tall falcon 9 rocket was scheduled for 4:33 pm edt/2033gmt from cape canaveral air force station in florida .but poor weather conditions meant the countdown was halted at the 2 1/2 - minute mark .a historic spacex launch that was set to take off today has been scrubbed due to bad weather .\n", + "launch postponed due to lightning from an approaching anvil cloudliftoff has been rescheduled by spacex for tomorrow at 4.10 pm etif successful , it will prove affordable , reusuable rockets are possible\n", + "[1.2655209 1.4497497 1.2500253 1.1646824 1.2023277 1.158433 1.0375026\n", + " 1.032209 1.0382079 1.223445 1.1021427 1.0356266 1.0193609 1.0428314\n", + " 1.0224484 1.030315 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 9 4 3 5 10 13 8 6 11 7 15 14 12 19 16 17 18 20]\n", + "=======================\n", + "[\"ed miliband initially suggested he would ` abolish ' the non-domicile status on wednesday should his party take power in the general election on may 7 , but it later emerged he is effectively proposing a time limit on it of between two and five years .labour 's plans to change rules allowing wealthy foreigners to lower their tax bills is causing london property deals to fall through and homeowners to sell up , estate agents have claimed .although labour aides suggested this would raise as much as # 1billion , it seems the announcement has already had a negative impact on the capital 's property market .\"]\n", + "=======================\n", + "['labour plans to change rules that allow foreigners to lower their tax billsnon-doms only pay tax on their uk income , not earnings from overseasestate agents claim non-doms are selling up and deals are falling through']\n", + "ed miliband initially suggested he would ` abolish ' the non-domicile status on wednesday should his party take power in the general election on may 7 , but it later emerged he is effectively proposing a time limit on it of between two and five years .labour 's plans to change rules allowing wealthy foreigners to lower their tax bills is causing london property deals to fall through and homeowners to sell up , estate agents have claimed .although labour aides suggested this would raise as much as # 1billion , it seems the announcement has already had a negative impact on the capital 's property market .\n", + "labour plans to change rules that allow foreigners to lower their tax billsnon-doms only pay tax on their uk income , not earnings from overseasestate agents claim non-doms are selling up and deals are falling through\n", + "[1.1421317 1.4045275 1.2588338 1.2689531 1.2447608 1.10742 1.089574\n", + " 1.0911938 1.1024004 1.0790193 1.1277663 1.0561652 1.0459437 1.058846\n", + " 1.0909772 1.0993584 1.1141491 1.0133317 1.0206964 1.0406868 1.0125571]\n", + "\n", + "[ 1 3 2 4 0 10 16 5 8 15 7 14 6 9 13 11 12 19 18 17 20]\n", + "=======================\n", + "['scientists analysed 57 species in the region and found that the majority of populations had diminished as a result of the nuclear accident .researchers have found that bird species are continuing to drop in fukushima ( shown after the disaster in 2011 ) .they found that one breed in particular had plummeted from several hundred before the 2011 disaster to just a few dozen today .']\n", + "=======================\n", + "['researchers find that bird species are continuing to drop in fukushimathe barn swallow , for example , dropped from hundreds to dozensthis is despite radiation levels in the region starting to falland comparing it to chernobyl could reveal what the future holds']\n", + "scientists analysed 57 species in the region and found that the majority of populations had diminished as a result of the nuclear accident .researchers have found that bird species are continuing to drop in fukushima ( shown after the disaster in 2011 ) .they found that one breed in particular had plummeted from several hundred before the 2011 disaster to just a few dozen today .\n", + "researchers find that bird species are continuing to drop in fukushimathe barn swallow , for example , dropped from hundreds to dozensthis is despite radiation levels in the region starting to falland comparing it to chernobyl could reveal what the future holds\n", + "[1.2280055 1.5365636 1.2741466 1.4558353 1.2824233 1.1800396 1.1400805\n", + " 1.2017795 1.0771972 1.0259123 1.0117272 1.0938894 1.0108203 1.0094599\n", + " 1.0192032 1.0163175 1.0723245 1.0759536 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 2 0 7 5 6 11 8 17 16 9 14 15 10 12 13 19 18 20]\n", + "=======================\n", + "['derek lowe , 38 , and tina lowe , 33 , were hit shortly before 10am on sunday in durham by a train heading north .authorities say none of the 166 passengers on the train were injured , although a man who fell ill during the delay did receive treatmentamtrak spokesman marc magliari said train no. 80 , the carolinian , was headed from charlotte to new york city when the accident occurred on property owned by norfolk-southern .']\n", + "=======================\n", + "['accident happened just before 10am on sunday in durham , north carolinaderek lowe , 38 , and tina lowe , 33 , were pronounced dead at the scenenorthbound train struck pair on property owned by norfolk-southerntrain no. 80 , the carolinian , was headed from charlotte to new york citytrip continued after about three-hour delay and no passengers were hurtman who met pair while collecting scrap metal said they were homeless']\n", + "derek lowe , 38 , and tina lowe , 33 , were hit shortly before 10am on sunday in durham by a train heading north .authorities say none of the 166 passengers on the train were injured , although a man who fell ill during the delay did receive treatmentamtrak spokesman marc magliari said train no. 80 , the carolinian , was headed from charlotte to new york city when the accident occurred on property owned by norfolk-southern .\n", + "accident happened just before 10am on sunday in durham , north carolinaderek lowe , 38 , and tina lowe , 33 , were pronounced dead at the scenenorthbound train struck pair on property owned by norfolk-southerntrain no. 80 , the carolinian , was headed from charlotte to new york citytrip continued after about three-hour delay and no passengers were hurtman who met pair while collecting scrap metal said they were homeless\n", + "[1.1810105 1.3473636 1.232571 1.3155242 1.0722274 1.1535685 1.0421216\n", + " 1.038667 1.0445808 1.0372491 1.0496584 1.2825975 1.0203063 1.0121824\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 11 2 0 5 4 10 8 6 7 9 12 13 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"in an exclusive interview with daily mail australia , uk children 's cookbook guru annabel karmel has slammed pete evans ' controversial bone broth recipe in his book ` bubba yum yum - the paleo way ' , calling it dangerous , and said the paleo method goes against everything nutritionists and child health experts recommend .motivated mumpreneur : british children 's cook book author annabel karmel , has over 40 books to her name` babies need milk - it needs to be a formula or breast milk because it has the nutrients they need and bone broth will not give them what breast milk or formula does , ' karmel , 51 , said .\"]\n", + "=======================\n", + "[\"uk celebrity cook book author annabel karmel shares her thoughts on paleo for kidsthe acclaimed author has over 40 children 's cook bookssays the paleo method goes against everything nutritionists and child health experts recommendkarmel is in australia to launch nutritious children 's food range at coles\"]\n", + "in an exclusive interview with daily mail australia , uk children 's cookbook guru annabel karmel has slammed pete evans ' controversial bone broth recipe in his book ` bubba yum yum - the paleo way ' , calling it dangerous , and said the paleo method goes against everything nutritionists and child health experts recommend .motivated mumpreneur : british children 's cook book author annabel karmel , has over 40 books to her name` babies need milk - it needs to be a formula or breast milk because it has the nutrients they need and bone broth will not give them what breast milk or formula does , ' karmel , 51 , said .\n", + "uk celebrity cook book author annabel karmel shares her thoughts on paleo for kidsthe acclaimed author has over 40 children 's cook bookssays the paleo method goes against everything nutritionists and child health experts recommendkarmel is in australia to launch nutritious children 's food range at coles\n", + "[1.2219651 1.3086255 1.229026 1.1233184 1.2614768 1.0798473 1.0520483\n", + " 1.0730371 1.0406922 1.0597612 1.0659647 1.066199 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 2 0 3 5 7 11 10 9 6 8 21 12 13 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "['during a recent ted talk , lillian bustle , from new jersey , revealed that she also calls herself ` short \\' , because she is 5 \\' 3 \" , and ` wife \\' , because she is married , noting that each of these words is just an honest description of what she is .not-so-tiny dancer : burlesque performer lillian bustle explained in her ted talk that ` fat \\' is just another word - and using it does n\\'t have to be an insult` we as women are programmed to tell each other that we \\'re not fat , because to many people - both men and women - fat is the worst thing that you can be , \\' she said during her talk , which took place earlier this month .']\n", + "=======================\n", + "[\"at 240lbs , lillian bustle says she 's not being negative when she calls herself ` fat ' - she is just being factualshe says she likes performing burlesque because it helps open people up to liking different body typesthe dancer says she 's thrilled at the positive reception her ted talk has received , adding that she believes it means ` body-positivity ' is working\"]\n", + "during a recent ted talk , lillian bustle , from new jersey , revealed that she also calls herself ` short ' , because she is 5 ' 3 \" , and ` wife ' , because she is married , noting that each of these words is just an honest description of what she is .not-so-tiny dancer : burlesque performer lillian bustle explained in her ted talk that ` fat ' is just another word - and using it does n't have to be an insult` we as women are programmed to tell each other that we 're not fat , because to many people - both men and women - fat is the worst thing that you can be , ' she said during her talk , which took place earlier this month .\n", + "at 240lbs , lillian bustle says she 's not being negative when she calls herself ` fat ' - she is just being factualshe says she likes performing burlesque because it helps open people up to liking different body typesthe dancer says she 's thrilled at the positive reception her ted talk has received , adding that she believes it means ` body-positivity ' is working\n", + "[1.2628176 1.2335657 1.2148314 1.3819305 1.2734041 1.1689298 1.2070224\n", + " 1.1711891 1.1298302 1.0251169 1.0219911 1.011813 1.0145293 1.1113753\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 3 4 0 1 2 6 7 5 8 13 9 10 12 11 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "[\"lewis hamilton told the clare balding show how he once stepped on former president bill clinton 's foothamilton ( centre ) said the incident occurred at nelson mandela 's 90th birthday party back in 2008lewis hamilton has barely put a foot wrong during the last year with mercedes on the track , but the reigning formula one world champion did admit to doing so off it in rather embarrassing circumstances .\"]\n", + "=======================\n", + "[\"lewis hamilton attended nelson mandela 's 90th birthday seven years ago30-year-old wanted to say hello to hollywood actor will smithf1 world champion is a big fan of former show the fresh prince of bel-air\"]\n", + "lewis hamilton told the clare balding show how he once stepped on former president bill clinton 's foothamilton ( centre ) said the incident occurred at nelson mandela 's 90th birthday party back in 2008lewis hamilton has barely put a foot wrong during the last year with mercedes on the track , but the reigning formula one world champion did admit to doing so off it in rather embarrassing circumstances .\n", + "lewis hamilton attended nelson mandela 's 90th birthday seven years ago30-year-old wanted to say hello to hollywood actor will smithf1 world champion is a big fan of former show the fresh prince of bel-air\n", + "[1.3390698 1.3106551 1.0612861 1.0482188 1.0721935 1.053607 1.0742611\n", + " 1.0569388 1.1141849 1.08471 1.046057 1.0606861 1.040393 1.0419852\n", + " 1.0384674 1.0425577 1.059695 1.0331172 1.0334989 1.0250977 1.0680228\n", + " 1.0309535 1.021118 ]\n", + "\n", + "[ 0 1 8 9 6 4 20 2 11 16 7 5 3 10 15 13 12 14 18 17 21 19 22]\n", + "=======================\n", + "['( cnn ) the united states department of justice has named a new defendant in the war on drugs , and the charges are serious indeed .a 15-count indictment filed in federal court in california bristles with accusations of conspiracies , transporting prescription pharmaceuticals dispensed with illegal prescriptions , violations of the controlled substances act , misbranding charges , and money laundering charges .it turns out a corporation can indeed be prosecuted like a person .']\n", + "=======================\n", + "[\"justice department prosecuting fedex over unauthorized shipment of drugsdanny cevallos : fedex has a strong argument that it should n't be held responsible\"]\n", + "( cnn ) the united states department of justice has named a new defendant in the war on drugs , and the charges are serious indeed .a 15-count indictment filed in federal court in california bristles with accusations of conspiracies , transporting prescription pharmaceuticals dispensed with illegal prescriptions , violations of the controlled substances act , misbranding charges , and money laundering charges .it turns out a corporation can indeed be prosecuted like a person .\n", + "justice department prosecuting fedex over unauthorized shipment of drugsdanny cevallos : fedex has a strong argument that it should n't be held responsible\n", + "[1.1730312 1.2121935 1.1981834 1.2901318 1.290581 1.2122314 1.1610696\n", + " 1.188189 1.1057101 1.0601436 1.0860939 1.0772736 1.0502756 1.0343442\n", + " 1.0232321 1.0498224 1.0787153 1.0905516 1.014984 1.0100579 0.\n", + " 0. 0. ]\n", + "\n", + "[ 4 3 5 1 2 7 0 6 8 17 10 16 11 9 12 15 13 14 18 19 21 20 22]\n", + "=======================\n", + "['they found it could measure changes in lightning caused by cosmic rays ( illustrated ) .scientists in the netherlands were using the lofar radio telescope .a storm can have hundreds of millions of volts over multiple kilometres .']\n", + "=======================\n", + "['scientists in the netherlands were using the lofar radio telescopethey found it could measure changes in lightning caused by cosmic raysa storm can have hundreds of millions of volts over multiple kilometresmethod could provide a novel way to understand thunderclouds']\n", + "they found it could measure changes in lightning caused by cosmic rays ( illustrated ) .scientists in the netherlands were using the lofar radio telescope .a storm can have hundreds of millions of volts over multiple kilometres .\n", + "scientists in the netherlands were using the lofar radio telescopethey found it could measure changes in lightning caused by cosmic raysa storm can have hundreds of millions of volts over multiple kilometresmethod could provide a novel way to understand thunderclouds\n", + "[1.4693255 1.3106453 1.299535 1.4561538 1.3803806 1.0295162 1.0142696\n", + " 1.0143557 1.0147303 1.2227411 1.1119215 1.032057 1.0280467 1.0127032\n", + " 1.0112693 1.2042847 1.0127782 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 4 1 2 9 15 10 11 5 12 8 7 6 16 13 14 21 17 18 19 20 22]\n", + "=======================\n", + "[\"celtic 's title prospects ` look great ' following their 2-0 win over bottom side st mirren in paisley on friday night , according to stefan johansen .ronny deila 's side have only lost one league game this year and take four successive victories into the home match against partick thistle on wednesday night which encouraged johansen , 24 , to say : ` it looks great for us now .the norway midfielder clinched the points with a 79th minute penalty after wide-man james forrest had finished off a well-worked hoops move from close range to open the scoring .\"]\n", + "=======================\n", + "[\"celtic won 2-0 away st mirren on good friday in the scottish premiershipwin moved celtic eight points above aberdeen having played a game morestefan johansen scored celtic 's second goal from the penalty spot\"]\n", + "celtic 's title prospects ` look great ' following their 2-0 win over bottom side st mirren in paisley on friday night , according to stefan johansen .ronny deila 's side have only lost one league game this year and take four successive victories into the home match against partick thistle on wednesday night which encouraged johansen , 24 , to say : ` it looks great for us now .the norway midfielder clinched the points with a 79th minute penalty after wide-man james forrest had finished off a well-worked hoops move from close range to open the scoring .\n", + "celtic won 2-0 away st mirren on good friday in the scottish premiershipwin moved celtic eight points above aberdeen having played a game morestefan johansen scored celtic 's second goal from the penalty spot\n", + "[1.6081696 1.5757135 1.1066461 1.0480903 1.5716746 1.1620914 1.0317569\n", + " 1.2572386 1.0115391 1.0086282 1.0095408 1.0089374 1.0081059 1.0128667\n", + " 1.0163726 0. 0. ]\n", + "\n", + "[ 0 1 4 7 5 2 3 6 14 13 8 10 11 9 12 15 16]\n", + "=======================\n", + "[\"cristiano ronaldo scored five , including a eight-minute hat-trick , as real madrid beat sorry granada 9-1 .gareth bale broke the deadlock and carlo ancelotti 's team were 4-0 up before half-time as they put memories of their clasico defeat to barcelona a fortnight ago behind them .real madrid bounced back from their el clasico defeat by barcelona with a thumping win on easter sunday\"]\n", + "=======================\n", + "[\"cristiano ronaldo scored eight-minute hat-trick in first half as real madrid thumped granada 9-1 on sundayportuguese star helps himself to two more goals in second period to make it five goals in a gamekarim benzema also nets double , while gareth bale grabbed the opener at the santiago bernabeudiego mainz scores own goal in second half while roberto ibanez nets consolation for the visitorscarlo ancelotti 's side now one point behind leaders barcelona in la liga table\"]\n", + "cristiano ronaldo scored five , including a eight-minute hat-trick , as real madrid beat sorry granada 9-1 .gareth bale broke the deadlock and carlo ancelotti 's team were 4-0 up before half-time as they put memories of their clasico defeat to barcelona a fortnight ago behind them .real madrid bounced back from their el clasico defeat by barcelona with a thumping win on easter sunday\n", + "cristiano ronaldo scored eight-minute hat-trick in first half as real madrid thumped granada 9-1 on sundayportuguese star helps himself to two more goals in second period to make it five goals in a gamekarim benzema also nets double , while gareth bale grabbed the opener at the santiago bernabeudiego mainz scores own goal in second half while roberto ibanez nets consolation for the visitorscarlo ancelotti 's side now one point behind leaders barcelona in la liga table\n", + "[1.2060053 1.5016589 1.076574 1.289497 1.2305627 1.0941291 1.0577122\n", + " 1.1151497 1.0862033 1.0616082 1.0253664 1.1017888 1.0493954 1.0257016\n", + " 1.0229828 1.0191121 1.0148634]\n", + "\n", + "[ 1 3 4 0 7 11 5 8 2 9 6 12 13 10 14 15 16]\n", + "=======================\n", + "['hungarian architect matyas gutai believes that water is the perfect material for keeping a house at a comfortable temperature .gutai built a prototype house in his hometown of kecskemet , south of budapest , with his high school friend milan berenyi , after years of research and development .the house was built with a grant from the eu , and showcases the \" liquid engineering \" concepts gutai has written about extensively .']\n", + "=======================\n", + "['matyas gutai is pioneering the use of water as an insulator for sustainable architecturereacting to its surroundings , the water keeps the house at a comfortable temperature']\n", + "hungarian architect matyas gutai believes that water is the perfect material for keeping a house at a comfortable temperature .gutai built a prototype house in his hometown of kecskemet , south of budapest , with his high school friend milan berenyi , after years of research and development .the house was built with a grant from the eu , and showcases the \" liquid engineering \" concepts gutai has written about extensively .\n", + "matyas gutai is pioneering the use of water as an insulator for sustainable architecturereacting to its surroundings , the water keeps the house at a comfortable temperature\n", + "[1.2176178 1.4606258 1.271188 1.356672 1.1651341 1.0265157 1.014766\n", + " 1.0459273 1.2630035 1.1814282 1.0793045 1.0318763 1.0485575 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 8 0 9 4 10 12 7 11 5 6 15 13 14 16]\n", + "=======================\n", + "['dr alex zhavoronkov , an anti-ageing expert , believes medical advances and knowledge of lifestyles will lead to a far longer life expectancy than has been seen to date .he is following a strict regime of regular exercise combined with drugs and supplements and regular health checks , while shunning marriage , children and material assets to focus on anti-ageing research instead .a scientist says he expects to live to 150 after uncovering the secrets of how to slow down the ageing process .']\n", + "=======================\n", + "['dr alex zhavoronkov , an anti-ageing expert , is confident he can live to 150scientist believes he can slow the ageing process by altering his lifestylethat includes shunning marriage and children , while using supplementscurrent uk life expectancy is 78.8 years for boys and 82.8 years for girls']\n", + "dr alex zhavoronkov , an anti-ageing expert , believes medical advances and knowledge of lifestyles will lead to a far longer life expectancy than has been seen to date .he is following a strict regime of regular exercise combined with drugs and supplements and regular health checks , while shunning marriage , children and material assets to focus on anti-ageing research instead .a scientist says he expects to live to 150 after uncovering the secrets of how to slow down the ageing process .\n", + "dr alex zhavoronkov , an anti-ageing expert , is confident he can live to 150scientist believes he can slow the ageing process by altering his lifestylethat includes shunning marriage and children , while using supplementscurrent uk life expectancy is 78.8 years for boys and 82.8 years for girls\n", + "[1.2544696 1.5509233 1.331112 1.3974583 1.096102 1.1374567 1.0538634\n", + " 1.0562159 1.0400146 1.135638 1.0432941 1.0492225 1.05631 1.0200429\n", + " 1.1006583 0. 0. ]\n", + "\n", + "[ 1 3 2 0 5 9 14 4 12 7 6 11 10 8 13 15 16]\n", + "=======================\n", + "[\"jeffrey okafor , 24 , of east dulwich , south east london , is accused of stabbing carl beatson-asiedu to death outside a nightclub in the summer of 2009 .the 19-year-old victim , known as dj charmz , had been leaving the club life nightclub in vauxhall 's goding street , in london , with a group of friends after performing a set when a group of men approached them , the court heard .the suspected killer of a teenage cbbc star confessed to his girlfriend before fleeing to nigeria on his brother 's passport , a court has heard .\"]\n", + "=======================\n", + "['carl beatson-asiedu , 19 , was stabbed to death outside a nightclub in 2009suspected killer jeffrey okafor , 24 , had confessed to his girlfriendhe then then went on the run to nigeria for five years until last november']\n", + "jeffrey okafor , 24 , of east dulwich , south east london , is accused of stabbing carl beatson-asiedu to death outside a nightclub in the summer of 2009 .the 19-year-old victim , known as dj charmz , had been leaving the club life nightclub in vauxhall 's goding street , in london , with a group of friends after performing a set when a group of men approached them , the court heard .the suspected killer of a teenage cbbc star confessed to his girlfriend before fleeing to nigeria on his brother 's passport , a court has heard .\n", + "carl beatson-asiedu , 19 , was stabbed to death outside a nightclub in 2009suspected killer jeffrey okafor , 24 , had confessed to his girlfriendhe then then went on the run to nigeria for five years until last november\n", + "[1.3483245 1.3284549 1.2691846 1.2313989 1.3010453 1.0529999 1.0269157\n", + " 1.0356836 1.0374508 1.0770291 1.1573153 1.177009 1.0543565 1.0666549\n", + " 1.0709202 1.0979322 0. ]\n", + "\n", + "[ 0 1 4 2 3 11 10 15 9 14 13 12 5 8 7 6 16]\n", + "=======================\n", + "[\"an indiana university was in lockdown late on friday night after a ` likely prank call ' about an armed person near the main administration building , school officials said .manchester university had issued a statement advising students at its north manchester campus , some 36 miles west of fort wayne , to shelter in place .north manchester police , a bomb squad from fort wayne and indiana state police were all at the scene , according to wane .\"]\n", + "=======================\n", + "['manchester university west of fort wayne on lockdown for hourslocal media reports that man seen may have been armed with explosivesschool tells students to shelter in place as bomb squad arrives']\n", + "an indiana university was in lockdown late on friday night after a ` likely prank call ' about an armed person near the main administration building , school officials said .manchester university had issued a statement advising students at its north manchester campus , some 36 miles west of fort wayne , to shelter in place .north manchester police , a bomb squad from fort wayne and indiana state police were all at the scene , according to wane .\n", + "manchester university west of fort wayne on lockdown for hourslocal media reports that man seen may have been armed with explosivesschool tells students to shelter in place as bomb squad arrives\n", + "[1.314187 1.3723747 1.2683535 1.2266752 1.1033671 1.2477943 1.1939279\n", + " 1.2908766 1.0225817 1.0152333 1.0146787 1.0121688 1.2010722 1.0596668\n", + " 1.0141029 1.0101917 1.0379033 1.0396109 1.0628422 1.0668354 1.039301\n", + " 1.037786 1.0246072]\n", + "\n", + "[ 1 0 7 2 5 3 12 6 4 19 18 13 17 20 16 21 22 8 9 10 14 11 15]\n", + "=======================\n", + "[\"with 18 broken bones , a broken nose , a ruptured kidney , a ruptured liver , missing teeth , and a fractured rib , mack was unrecognisable as she fled her las vegas home on august 8 , 2014 .nine months after she suffered horrific injuries in a brutal attack , former porn star christy mack still has to wear a wig and glasses to look herself .mack , 23 , claims mma fighter koppenhaver , 33 , became abusive months into their one-year relationship '\"]\n", + "=======================\n", + "[\"former porn actress christy mack claims ex-boyfriend jonathan paul koppenhaver beat and raped her until she almost died at her homeshe had been asleep next to a male friend when he ` burst in with a knife 'koppenhaver , who goes by the name war machine , claims to be innocentmack has opened up about her recovery , now needs glasses and a wigthe case against koppenhaver , who faces 26 charges , resumes in autumn\"]\n", + "with 18 broken bones , a broken nose , a ruptured kidney , a ruptured liver , missing teeth , and a fractured rib , mack was unrecognisable as she fled her las vegas home on august 8 , 2014 .nine months after she suffered horrific injuries in a brutal attack , former porn star christy mack still has to wear a wig and glasses to look herself .mack , 23 , claims mma fighter koppenhaver , 33 , became abusive months into their one-year relationship '\n", + "former porn actress christy mack claims ex-boyfriend jonathan paul koppenhaver beat and raped her until she almost died at her homeshe had been asleep next to a male friend when he ` burst in with a knife 'koppenhaver , who goes by the name war machine , claims to be innocentmack has opened up about her recovery , now needs glasses and a wigthe case against koppenhaver , who faces 26 charges , resumes in autumn\n", + "[1.3748543 1.4947734 1.0562038 1.060941 1.0518095 1.1576223 1.083994\n", + " 1.1068864 1.0643582 1.1399791 1.1189079 1.1088108 1.1217558 1.0810112\n", + " 1.0762596 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 5 9 12 10 11 7 6 13 14 8 3 2 4 21 15 16 17 18 19 20 22]\n", + "=======================\n", + "['former staff sgt. charlie linville , 29 , from boise , idaho , is using a specially designed metal foot outfitted with a climbing boot and another one with crampons in his quest to conquer the 8,850-meter ( 29,035-foot ) summit next month .a former u.s. marine who lost his right leg and several fingers in an explosion in afghanistan is making a second attempt to scale mount everest to inspire others like him , a year after an avalanche that killed 16 sherpa guides stopped him at the base camp .everest would be his highest and toughest mountain that he has attempted to climb .']\n", + "=======================\n", + "['former staff sgt. charlie linville , 29 , from boise , idaho , was an explosives expert serving in afghanistan in 2011 when he was seriously woundedtwo years later , he had his right leg amputated below the kneehe retired from service and has been climbing since with the heroes project , a nonprofit organization that helps wounded veteranshis quest to climb everest last year was thwarted following the deaths of 16 sherpa guides in april when an avalanche swept down']\n", + "former staff sgt. charlie linville , 29 , from boise , idaho , is using a specially designed metal foot outfitted with a climbing boot and another one with crampons in his quest to conquer the 8,850-meter ( 29,035-foot ) summit next month .a former u.s. marine who lost his right leg and several fingers in an explosion in afghanistan is making a second attempt to scale mount everest to inspire others like him , a year after an avalanche that killed 16 sherpa guides stopped him at the base camp .everest would be his highest and toughest mountain that he has attempted to climb .\n", + "former staff sgt. charlie linville , 29 , from boise , idaho , was an explosives expert serving in afghanistan in 2011 when he was seriously woundedtwo years later , he had his right leg amputated below the kneehe retired from service and has been climbing since with the heroes project , a nonprofit organization that helps wounded veteranshis quest to climb everest last year was thwarted following the deaths of 16 sherpa guides in april when an avalanche swept down\n", + "[1.2717345 1.4584507 1.1572603 1.2213782 1.2944313 1.2449386 1.1451924\n", + " 1.0848057 1.0478667 1.0155967 1.0221081 1.0165132 1.0522127 1.0352343\n", + " 1.0189196 1.2214335 1.0272516 1.0412244 1.0668584 1.0445266 1.0733565\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 0 5 15 3 2 6 7 20 18 12 8 19 17 13 16 10 14 11 9 21 22]\n", + "=======================\n", + "['easter road striker gary deegan caught dens defender gary irvine high on his right shin in a dangerous challenge .the governing body immediately took the stance they * should * be allowed to use video evidence to review incidents the referee had clearly missed .the seeds of the josh meekings furore were planted during an otherwise unremarkable match between hibernian and dundee in the early weeks of 2013 .']\n", + "=======================\n", + "['scottish pfa chief believes retrospective action is too far reachingrules were changed after an incident between gary deegan and gary irvinethere was clamour to see action taken against josh meekings after a handball in the scottish cup semi-final that was missed by the referee']\n", + "easter road striker gary deegan caught dens defender gary irvine high on his right shin in a dangerous challenge .the governing body immediately took the stance they * should * be allowed to use video evidence to review incidents the referee had clearly missed .the seeds of the josh meekings furore were planted during an otherwise unremarkable match between hibernian and dundee in the early weeks of 2013 .\n", + "scottish pfa chief believes retrospective action is too far reachingrules were changed after an incident between gary deegan and gary irvinethere was clamour to see action taken against josh meekings after a handball in the scottish cup semi-final that was missed by the referee\n", + "[1.2792823 1.4532015 1.2258475 1.4528964 1.1324879 1.1270316 1.0826463\n", + " 1.2023281 1.1455472 1.0713158 1.044025 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 0 2 7 8 4 5 6 9 10 20 19 18 17 16 11 14 13 12 21 15 22]\n", + "=======================\n", + "[\"the teenager took to social media after welbeck scored the winner to knock his former club manchester united out of the fa cup on march 9 .a 15-year-old boy has been cautioned after posting a racist tweet aimed at arsenal striker danny welbeck .he posted a vile , racist rant under the username @angeisleftfoot which read : ` welbeck is dead to me , the f ****** c *** ... '\"]\n", + "=======================\n", + "['arsenal beat manchester united 2-1 in the fa cup quarter-final on march 9danny welbeck scored the winning goal for arsenal against unitedteenager has been cautioned after posting racist tweet aimed at welbeck']\n", + "the teenager took to social media after welbeck scored the winner to knock his former club manchester united out of the fa cup on march 9 .a 15-year-old boy has been cautioned after posting a racist tweet aimed at arsenal striker danny welbeck .he posted a vile , racist rant under the username @angeisleftfoot which read : ` welbeck is dead to me , the f ****** c *** ... '\n", + "arsenal beat manchester united 2-1 in the fa cup quarter-final on march 9danny welbeck scored the winning goal for arsenal against unitedteenager has been cautioned after posting racist tweet aimed at welbeck\n", + "[1.4077255 1.241096 1.2729944 1.1970438 1.1233232 1.1278797 1.1432974\n", + " 1.0606303 1.1502174 1.1151196 1.1154796 1.0816789 1.0478572 1.0120413\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 2 1 3 8 6 5 4 10 9 11 7 12 13 21 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "['( cnn ) suzanne crough , the child actress who portrayed youngest daughter tracy on the \\'70s musical sitcom \" the partridge family , \" has died .tracy played tambourine and percussion in the traveling \" partridge family \" band .crough passed away monday at home in laughlin , nevada , the clark county coroner \\'s office said .']\n", + "=======================\n", + "['suzanne crough was the youngest member of tv \\'s \" partridge family \"crough died monday at 52 in nevada']\n", + "( cnn ) suzanne crough , the child actress who portrayed youngest daughter tracy on the '70s musical sitcom \" the partridge family , \" has died .tracy played tambourine and percussion in the traveling \" partridge family \" band .crough passed away monday at home in laughlin , nevada , the clark county coroner 's office said .\n", + "suzanne crough was the youngest member of tv 's \" partridge family \"crough died monday at 52 in nevada\n", + "[1.2401391 1.3657662 1.3437912 1.2509525 1.1694558 1.1218996 1.084928\n", + " 1.0874288 1.0686158 1.1106688 1.170294 1.1066263 1.0498376 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 10 4 5 9 11 7 6 8 12 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "['the footage shows the two-metre long reptile managing to balance at the top of the pole while swallowing its prey .the lizard swings its neck back and forth as it battles to swallow its catch , before managing to finish the feat in under a minute .an australian goanna has been filmed swallowing a whole rabbit in under one minute .']\n", + "=======================\n", + "['the gruesome vision was captured in australia and uploaded last weekthe lizard swings its neck back and forth in a bid to swallow the rabbitgoannas can unhinge their lower jaws allowing them to swallow large prey']\n", + "the footage shows the two-metre long reptile managing to balance at the top of the pole while swallowing its prey .the lizard swings its neck back and forth as it battles to swallow its catch , before managing to finish the feat in under a minute .an australian goanna has been filmed swallowing a whole rabbit in under one minute .\n", + "the gruesome vision was captured in australia and uploaded last weekthe lizard swings its neck back and forth in a bid to swallow the rabbitgoannas can unhinge their lower jaws allowing them to swallow large prey\n", + "[1.0784438 1.4398873 1.3831148 1.3333648 1.2333717 1.2668107 1.0394416\n", + " 1.0420327 1.0429363 1.1639395 1.0665704 1.020953 1.0135748 1.1892447\n", + " 1.0337553 1.0337911 1.0722691 1.0098028 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 5 4 13 9 0 16 10 8 7 6 15 14 11 12 17 19 18 20]\n", + "=======================\n", + "[\"the site has today rolled out a new feature dubbed ` highlights ' , aimed at helping users sift through the large number of tweets on their feed each day .the service provides a twice-daily summary ` of the best tweets for you , delivered via rich push notification , ' twitter 's gordon luk said in a blog post .to enable the feature on your account , launch the official twitter app and bring up the three-dot icon in the top-right corner of your screen .\"]\n", + "=======================\n", + "[\"it only works for english-language readers using an android phonetwitter 's ` highlights ' are delivered using an opt-in push notificationworks based on accounts and topics popular among people you followit also looks at tweets from people you 're closely tied to or in your area\"]\n", + "the site has today rolled out a new feature dubbed ` highlights ' , aimed at helping users sift through the large number of tweets on their feed each day .the service provides a twice-daily summary ` of the best tweets for you , delivered via rich push notification , ' twitter 's gordon luk said in a blog post .to enable the feature on your account , launch the official twitter app and bring up the three-dot icon in the top-right corner of your screen .\n", + "it only works for english-language readers using an android phonetwitter 's ` highlights ' are delivered using an opt-in push notificationworks based on accounts and topics popular among people you followit also looks at tweets from people you 're closely tied to or in your area\n", + "[1.386444 1.3257012 1.1050663 1.0597267 1.1906431 1.1941499 1.1655139\n", + " 1.0984274 1.1186724 1.0797267 1.0544723 1.0904663 1.0966947 1.080614\n", + " 1.058752 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 4 6 8 2 7 12 11 13 9 3 14 10 15 16 17 18 19 20]\n", + "=======================\n", + "[\"the ex-king of spain , juan carlos , was leading a double life and having an affair with a german aristocrat for the last ten years of his reign , according to a new book that claims they were ' a couple , pure and simple ' .glamorous : the aristocrat is 27 years younger than the former spanish king .their affair is said to have ended in 2014\"]\n", + "=======================\n", + "[\"book claims juan carlos was romancing corinna zu sayn-wittgensteinfinal de partida - or end game - by ana romero , sold out within 24 hoursauthor said at the book 's launch the pair were ' a couple pure and simple '\"]\n", + "the ex-king of spain , juan carlos , was leading a double life and having an affair with a german aristocrat for the last ten years of his reign , according to a new book that claims they were ' a couple , pure and simple ' .glamorous : the aristocrat is 27 years younger than the former spanish king .their affair is said to have ended in 2014\n", + "book claims juan carlos was romancing corinna zu sayn-wittgensteinfinal de partida - or end game - by ana romero , sold out within 24 hoursauthor said at the book 's launch the pair were ' a couple pure and simple '\n", + "[1.3311664 1.3288187 1.4321461 1.3121923 1.1947154 1.0999973 1.0367182\n", + " 1.0353745 1.0201249 1.0229372 1.0517297 1.0746245 1.1385694 1.1612272\n", + " 1.117212 1.0563428 1.048005 1.0898489 1.0401977 1.0177971 1.0586864]\n", + "\n", + "[ 2 0 1 3 4 13 12 14 5 17 11 20 15 10 16 18 6 7 9 8 19]\n", + "=======================\n", + "['the 14-storey booster manages to hit the barge , but its high speed and tilt causes it to explode on impact .spacex has released dramatic footage of its third attempt to land a rocket booster on a barge in the atlantic .the video , taken from a plane yesterday , shows the falcon 9 booster lowering itself onto the platform , before a gust of wind sways it to one side .']\n", + "=======================\n", + "['spacex made its third attempt to land a booster on a barge yesterdaybut the booster tipped over after hitting its target and was destroyedfalcon 9 is on its way to the iss with supplies and will arrive fridaycargo includes first espresso machine designed for use in space']\n", + "the 14-storey booster manages to hit the barge , but its high speed and tilt causes it to explode on impact .spacex has released dramatic footage of its third attempt to land a rocket booster on a barge in the atlantic .the video , taken from a plane yesterday , shows the falcon 9 booster lowering itself onto the platform , before a gust of wind sways it to one side .\n", + "spacex made its third attempt to land a booster on a barge yesterdaybut the booster tipped over after hitting its target and was destroyedfalcon 9 is on its way to the iss with supplies and will arrive fridaycargo includes first espresso machine designed for use in space\n", + "[1.1783229 1.4398321 1.3494345 1.2584634 1.2363702 1.1443368 1.1149423\n", + " 1.0829276 1.0112278 1.1423886 1.1674068 1.0795277 1.0416819 1.0334032\n", + " 1.0248828 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 10 5 9 6 7 11 12 13 14 8 19 15 16 17 18 20]\n", + "=======================\n", + "[\"the disused rhondda tunnel , which runs 1,000 feet beneath the welsh hills , was closed as part of the beeching cutbacks , a project which spelled the end for thousands and stations across the rail network in britain .but engineers are due to visit the 3,148 m tunnel next week - for the first time since it closed - to see whether it is safe to use as a cycle route .a two-mile victorian railway line which was shut down 50 years ago under a programme of sweeping closures could reopen as britain 's longest cycle tunnel .\"]\n", + "=======================\n", + "[\"disused rhondda tunnel closed 50 years ago as part of sweeping closuresengineers due to visit 3,148 m tunnel next week for first time since it closedcyclists could retrace steam locomotives ' route from rhondda to swanseait would be world 's second longest cycle tunnel , after 4,000 m snoqualmie tunnel near seattle , u.s\"]\n", + "the disused rhondda tunnel , which runs 1,000 feet beneath the welsh hills , was closed as part of the beeching cutbacks , a project which spelled the end for thousands and stations across the rail network in britain .but engineers are due to visit the 3,148 m tunnel next week - for the first time since it closed - to see whether it is safe to use as a cycle route .a two-mile victorian railway line which was shut down 50 years ago under a programme of sweeping closures could reopen as britain 's longest cycle tunnel .\n", + "disused rhondda tunnel closed 50 years ago as part of sweeping closuresengineers due to visit 3,148 m tunnel next week for first time since it closedcyclists could retrace steam locomotives ' route from rhondda to swanseait would be world 's second longest cycle tunnel , after 4,000 m snoqualmie tunnel near seattle , u.s\n", + "[1.2678372 1.5039924 1.3986948 1.1566759 1.1179646 1.1285417 1.0276264\n", + " 1.018244 1.1055369 1.0656297 1.0596968 1.0389987 1.0651622 1.0806512\n", + " 1.0533936 1.0401123 1.028041 1.1572592 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 0 17 3 5 4 8 13 9 12 10 14 15 11 16 6 7 20 18 19 21]\n", + "=======================\n", + "[\"light sentence : mark west , 32 , will serve four months prison and eight years probation for having sex with a student in 2012scene : west has resigned from his post as assistant principal at spring high school , texas , after the incident became public .he had previously said the girl instigated the moment , seducing him by saying she was ` feeling horny ' .\"]\n", + "=======================\n", + "[\"mark west , 32 , was sentenced tuesday to four months jail and eight years probation for having sex once with a student , 18 , during 2012 prom eventjudge said west made ' a poor decision to have an inappropriate extramarital affair ' and that the girl was graduating just three weeks laterthe girl admitted to police she seduced west and met him in the officewest is married with a son and resigned from spring high school in spring , texas , following his arreststaff reported other ` inappropriate ' behavior with female studentswest apologized , saying it was a ` selfish , impulsive decision '\"]\n", + "light sentence : mark west , 32 , will serve four months prison and eight years probation for having sex with a student in 2012scene : west has resigned from his post as assistant principal at spring high school , texas , after the incident became public .he had previously said the girl instigated the moment , seducing him by saying she was ` feeling horny ' .\n", + "mark west , 32 , was sentenced tuesday to four months jail and eight years probation for having sex once with a student , 18 , during 2012 prom eventjudge said west made ' a poor decision to have an inappropriate extramarital affair ' and that the girl was graduating just three weeks laterthe girl admitted to police she seduced west and met him in the officewest is married with a son and resigned from spring high school in spring , texas , following his arreststaff reported other ` inappropriate ' behavior with female studentswest apologized , saying it was a ` selfish , impulsive decision '\n", + "[1.0974537 1.3086044 1.2927805 1.342717 1.2623323 1.1947012 1.1155593\n", + " 1.0605308 1.0267814 1.1066341 1.0311942 1.0463762 1.0598061 1.0741171\n", + " 1.2450318 1.0477781 1.0367217 1.0835521 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 1 2 4 14 5 6 9 0 17 13 7 12 15 11 16 10 8 18 19 20 21]\n", + "=======================\n", + "['floyd mayweather ( left ) vs manny pacquiao in the official advert for their mega-fight on may 2floyd mayweather has commissioned a mouthguard not only imbedded with his usual diamond and gold bling but stuffed with $ 100 bills .total cost , according to his favourite website tmz , is $ 25,000 .']\n", + "=======================\n", + "[\"floyd mayweather will have $ 25,000 mouthguard for manny pacquiao boutthe mouthguard to contain diamonds , gold and $ 100 dollar billshe also spent $ 300,000 on mercedes ` land yacht ' people carriercarl foch unlikely to meet andre ward or julio cesar chavez jnrclick here for all the latest news from the world of boxing\"]\n", + "floyd mayweather ( left ) vs manny pacquiao in the official advert for their mega-fight on may 2floyd mayweather has commissioned a mouthguard not only imbedded with his usual diamond and gold bling but stuffed with $ 100 bills .total cost , according to his favourite website tmz , is $ 25,000 .\n", + "floyd mayweather will have $ 25,000 mouthguard for manny pacquiao boutthe mouthguard to contain diamonds , gold and $ 100 dollar billshe also spent $ 300,000 on mercedes ` land yacht ' people carriercarl foch unlikely to meet andre ward or julio cesar chavez jnrclick here for all the latest news from the world of boxing\n", + "[1.5092213 1.5787392 1.4218059 1.4679046 1.1304718 1.0428126 1.0376788\n", + " 1.0250793 1.0163399 1.0161575 1.0171665 1.0196579 1.0125728 1.0131466\n", + " 1.0108802 1.2441633 1.1741682 1.0188266 1.0173836 1.0101578 1.0089287\n", + " 0. ]\n", + "\n", + "[ 1 0 3 2 15 16 4 5 6 7 11 17 18 10 8 9 13 12 14 19 20 21]\n", + "=======================\n", + "[\"the 29-year-old from dudley is aiming to be the first woman to qualify for the world championship in sheffield this month when she faces former champion ken doherty in qualifying .reanne evans insists her world championship bid is ` do or die ' for women in snooker .evans has won 10 women 's world titles and plays irishman doherty at pond 's forge in sheffield on thursday .\"]\n", + "=======================\n", + "[\"reanne evans says qualifying for the world championships is a mustthe 29-year-old needs to beat former champion ken doherty to qualifyevans has won 10 women 's world titles during her successful careerread : steve davis plays down crucible chances as he bids to qualify\"]\n", + "the 29-year-old from dudley is aiming to be the first woman to qualify for the world championship in sheffield this month when she faces former champion ken doherty in qualifying .reanne evans insists her world championship bid is ` do or die ' for women in snooker .evans has won 10 women 's world titles and plays irishman doherty at pond 's forge in sheffield on thursday .\n", + "reanne evans says qualifying for the world championships is a mustthe 29-year-old needs to beat former champion ken doherty to qualifyevans has won 10 women 's world titles during her successful careerread : steve davis plays down crucible chances as he bids to qualify\n", + "[1.0771348 1.3724726 1.0672641 1.2273284 1.2320004 1.244815 1.2160321\n", + " 1.0419041 1.0226856 1.1327047 1.0505073 1.1920147 1.0507921 1.0412707\n", + " 1.0284609 1.0826654 1.1066709 1.0772436 1.0421677 1.0361605 1.1075507\n", + " 1.0407209]\n", + "\n", + "[ 1 5 4 3 6 11 9 20 16 15 17 0 2 12 10 18 7 13 21 19 14 8]\n", + "=======================\n", + "[\"born with epidermolysis bullosa - or ` butterfly skin ' - his body is covered with deep blistering wounds that will never heal .his skin is as fragile as a butterfly 's wingpain : he must be bathed and bandaged every day .\"]\n", + "=======================\n", + "[\"jonathan pitre has deep blistering wounds all over his body that wo n't healhis condition , epidermolysis bullosa , has a life expectancy of 25 yearsevery day screams in pain as his mother bathes and bandages himhe loved sports but ca n't play any more , now trying out sportscastingfor more about jonathan and his condition , visit the website of charity debra\"]\n", + "born with epidermolysis bullosa - or ` butterfly skin ' - his body is covered with deep blistering wounds that will never heal .his skin is as fragile as a butterfly 's wingpain : he must be bathed and bandaged every day .\n", + "jonathan pitre has deep blistering wounds all over his body that wo n't healhis condition , epidermolysis bullosa , has a life expectancy of 25 yearsevery day screams in pain as his mother bathes and bandages himhe loved sports but ca n't play any more , now trying out sportscastingfor more about jonathan and his condition , visit the website of charity debra\n", + "[1.1214116 1.2054307 1.20361 1.342927 1.1705644 1.2140651 1.146527\n", + " 1.1442044 1.0462068 1.0685807 1.1377466 1.1179816 1.021899 1.1222122\n", + " 1.1563495 1.121578 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 5 1 2 4 14 6 7 10 13 15 0 11 9 8 12 20 16 17 18 19 21]\n", + "=======================\n", + "[\"the message 13-year-old stephanie wrote to her father in nevada 's delamar dry lakestephanie thought she could use his hobby to send him a message from back on earth .13-year-old stephanie decided that long-distance phone calls were n't enough and she wanted to given her father a visual note of how much she missed him while he was away .\"]\n", + "=======================\n", + "[\"stephanie from houston , texas , has a father who works as an astronautshe wrote a message on land that could be seen from the space station11 cars created the 59 million sq ft message in nevada 's delamar dry lake\"]\n", + "the message 13-year-old stephanie wrote to her father in nevada 's delamar dry lakestephanie thought she could use his hobby to send him a message from back on earth .13-year-old stephanie decided that long-distance phone calls were n't enough and she wanted to given her father a visual note of how much she missed him while he was away .\n", + "stephanie from houston , texas , has a father who works as an astronautshe wrote a message on land that could be seen from the space station11 cars created the 59 million sq ft message in nevada 's delamar dry lake\n", + "[1.3904054 1.2612535 1.3490118 1.1878918 1.1755862 1.1250017 1.0844109\n", + " 1.0967952 1.2071557 1.0592391 1.0820184 1.0174803 1.0124686 1.0317876\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 1 8 3 4 5 7 6 10 9 13 11 12 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"disgraced dj dave lee travis ( pictured arriving at court in 2013 ) has claimed that his indecent assault trials ` financially ruined ' him , but he will still receive # 4,000 from the taxpayer to pay for his taxis to courtthe 69-year-old was convicted of indecently assaulting a woman behind the scenes at the mrs merton show and was sentenced to three months ' imprisonment , suspended for two years .today travis was told he will be awarded more than # 4,000 for taxi fares to and from court , as well as a further # 630 for hotel stays while he was on trial .\"]\n", + "=======================\n", + "[\"lawyers for dave lee travis say he was ` financially devastated ' by trialsformer presenter , 69 , will be given more than # 4,000 to pay for taxi farestravis was also awarded # 630 to pay for hotel costs while he was on trialhe was convicted of indecently assaulting a woman behind the scenes of the mrs merton show and was handed a suspended sentence last year\"]\n", + "disgraced dj dave lee travis ( pictured arriving at court in 2013 ) has claimed that his indecent assault trials ` financially ruined ' him , but he will still receive # 4,000 from the taxpayer to pay for his taxis to courtthe 69-year-old was convicted of indecently assaulting a woman behind the scenes at the mrs merton show and was sentenced to three months ' imprisonment , suspended for two years .today travis was told he will be awarded more than # 4,000 for taxi fares to and from court , as well as a further # 630 for hotel stays while he was on trial .\n", + "lawyers for dave lee travis say he was ` financially devastated ' by trialsformer presenter , 69 , will be given more than # 4,000 to pay for taxi farestravis was also awarded # 630 to pay for hotel costs while he was on trialhe was convicted of indecently assaulting a woman behind the scenes of the mrs merton show and was handed a suspended sentence last year\n", + "[1.3655083 1.4958404 1.2693202 1.3260424 1.1389574 1.0710458 1.0502349\n", + " 1.0626917 1.028522 1.0625099 1.0486068 1.056422 1.0437138 1.0251983\n", + " 1.0303847 1.1175104 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 2 4 15 5 7 9 11 6 10 12 14 8 13 16 17 18 19 20]\n", + "=======================\n", + "['the couple appeared not to mind being in full view during their steamy encounter at the three bridges playing fields in crawley , west sussex , as temperatures reached 25c in some parts of the uk .workers at an office block which overlooks the park said the pair , who were semi-naked , did not even appear to be put off when people walked past them during their sex session at 3.30 pm yesterday .photographs and videos of the unusual incident were quickly posted online and shared thousands of time .']\n", + "=======================\n", + "[\"couple caught on camera having sex in broad daylight in crawley parksemi-naked pair did n't appear to mind people walking past the encounterentire incident was seen by workers at office block overlooking the parkit came on the hottest day of the year so far as temperatures reached 25c\"]\n", + "the couple appeared not to mind being in full view during their steamy encounter at the three bridges playing fields in crawley , west sussex , as temperatures reached 25c in some parts of the uk .workers at an office block which overlooks the park said the pair , who were semi-naked , did not even appear to be put off when people walked past them during their sex session at 3.30 pm yesterday .photographs and videos of the unusual incident were quickly posted online and shared thousands of time .\n", + "couple caught on camera having sex in broad daylight in crawley parksemi-naked pair did n't appear to mind people walking past the encounterentire incident was seen by workers at office block overlooking the parkit came on the hottest day of the year so far as temperatures reached 25c\n", + "[1.4780777 1.5323853 1.1765422 1.0212386 1.2633035 1.3050716 1.0356739\n", + " 1.0351063 1.0308255 1.0933659 1.0304722 1.0796213 1.0258733 1.0506972\n", + " 1.0181152 1.0918548 1.0496451 1.0291783 1.0880553 1.0459089 1.0631788]\n", + "\n", + "[ 1 0 5 4 2 9 15 18 11 20 13 16 19 6 7 8 10 17 12 3 14]\n", + "=======================\n", + "[\"poland international lewandowski scored the winner on his first visit back to the club he left on a free transfer last summer as pep guardiola 's side restored their 10-point lead at the top of the bundesliga .robert lewandowski returned to haunt his former club as bayern munich earned a narrow victory against borussia dortmund at the signal iduna park on saturday .lewandowski spent four years at dortmund , leading them to back-to-back league titles during that period , and offered only a muted celebration when he pounced to give the visitors the lead 10 minutes before half time .\"]\n", + "=======================\n", + "['ex-dortmund star robert lewandowski nets winner in the 36th minutedortmund are unable to score equaliser despite dictating second halfbayern munich open up 10-point lead over second-placed wolfsburgdortmund xi vs bayern munich : weidenfeller ; sokratis , subotic , hummels , schmelzer ; gundogan , bender ; błaszczykowski , reus , kampl ; aubameyangbayern munich xi vs dortmund : neuer ; dante , boateng , benatia ; rafinha , alonso , bernat , lahm , schweinsteiger , muller ; lewandowski']\n", + "poland international lewandowski scored the winner on his first visit back to the club he left on a free transfer last summer as pep guardiola 's side restored their 10-point lead at the top of the bundesliga .robert lewandowski returned to haunt his former club as bayern munich earned a narrow victory against borussia dortmund at the signal iduna park on saturday .lewandowski spent four years at dortmund , leading them to back-to-back league titles during that period , and offered only a muted celebration when he pounced to give the visitors the lead 10 minutes before half time .\n", + "ex-dortmund star robert lewandowski nets winner in the 36th minutedortmund are unable to score equaliser despite dictating second halfbayern munich open up 10-point lead over second-placed wolfsburgdortmund xi vs bayern munich : weidenfeller ; sokratis , subotic , hummels , schmelzer ; gundogan , bender ; błaszczykowski , reus , kampl ; aubameyangbayern munich xi vs dortmund : neuer ; dante , boateng , benatia ; rafinha , alonso , bernat , lahm , schweinsteiger , muller ; lewandowski\n", + "[1.4190443 1.427062 1.2182574 1.2488387 1.2270352 1.1833403 1.065443\n", + " 1.0354955 1.027735 1.2022512 1.0571936 1.1295453 1.0202081 1.0199437\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 4 2 9 5 11 6 10 7 8 12 13 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"qpr are unlikely to face disciplinary action over the incident which happened as chelsea players celebrated the winning goal in sunday 's 1-0 victory .the football association will be contacting qpr and chelsea after an incident which saw branislav ivanovic struck on the head by a cigarette lighter thrown from a section of home supporters at loftus road .jubilant chelsea celebrations were marred by objects being thrown onto the pitch by the crowd\"]\n", + "=======================\n", + "['qpr unlikely to face disciplinary action over the incidentqueens park rangers to review cctv and promise to ban anyone involvedcesc fabregas scored a late winner for chelsea at loftus road']\n", + "qpr are unlikely to face disciplinary action over the incident which happened as chelsea players celebrated the winning goal in sunday 's 1-0 victory .the football association will be contacting qpr and chelsea after an incident which saw branislav ivanovic struck on the head by a cigarette lighter thrown from a section of home supporters at loftus road .jubilant chelsea celebrations were marred by objects being thrown onto the pitch by the crowd\n", + "qpr unlikely to face disciplinary action over the incidentqueens park rangers to review cctv and promise to ban anyone involvedcesc fabregas scored a late winner for chelsea at loftus road\n", + "[1.1244363 1.1693197 1.4202724 1.1504608 1.0944315 1.3559 1.0506376\n", + " 1.021977 1.0347958 1.0990628 1.0825397 1.0290341 1.0286326 1.0471648\n", + " 1.021133 1.1775303 1.1523913 1.0328206 0. 0. 0. ]\n", + "\n", + "[ 2 5 15 1 16 3 0 9 4 10 6 13 8 17 11 12 7 14 19 18 20]\n", + "=======================\n", + "['the baffled cheetahs surrounded the tortoise and attempted to scare it out of its shell with snarls but the reptile kept well tucked up inside its tough exterior forcing the big cats to wander off in search of another snack .the intriguing scene was captured by john mullineux , a chemical engineer from secunda , south africa .slow and steady : the tortoise continues his escape across the sands of the kalahari desert in south africa']\n", + "=======================\n", + "[\"amazing scene captured on film in south africa 's kalahari deserttwo of the big cats approach the little reptile as it scuttled across the sandsbut they were denied their meal and forced to wander off disappointed\"]\n", + "the baffled cheetahs surrounded the tortoise and attempted to scare it out of its shell with snarls but the reptile kept well tucked up inside its tough exterior forcing the big cats to wander off in search of another snack .the intriguing scene was captured by john mullineux , a chemical engineer from secunda , south africa .slow and steady : the tortoise continues his escape across the sands of the kalahari desert in south africa\n", + "amazing scene captured on film in south africa 's kalahari deserttwo of the big cats approach the little reptile as it scuttled across the sandsbut they were denied their meal and forced to wander off disappointed\n", + "[1.3465319 1.4955264 1.215786 1.5190203 1.2849622 1.0444218 1.0449684\n", + " 1.0172899 1.0152016 1.021617 1.0403663 1.119401 1.0655506 1.1049198\n", + " 1.0636157 1.0609548 1.1026409 1.0093651 1.0094173]\n", + "\n", + "[ 3 1 0 4 2 11 13 16 12 14 15 6 5 10 9 7 8 18 17]\n", + "=======================\n", + "['ronny deila will take his celtic side to hampden park for the scottish cup semi-final on sundayronny deila has warned television broadcasters to stop messing around scottish football fans .and after a week of turmoil and complaints -- from clubs and supporters -- over the unhealthy sway television has on kick-off times , deila says the balance of power in the relationship is all wrong .']\n", + "=======================\n", + "['celtic will play their scottish cup semi-final against inverness on sundaythe match kicks off at 12:15 , which has angered scottish supportersceltic boss ronny deila believes the club should decide kick-off timesfans believe it is unfair for television broadcasters to dictate timings when they are offering scottish football a fraction of the billions paid in england']\n", + "ronny deila will take his celtic side to hampden park for the scottish cup semi-final on sundayronny deila has warned television broadcasters to stop messing around scottish football fans .and after a week of turmoil and complaints -- from clubs and supporters -- over the unhealthy sway television has on kick-off times , deila says the balance of power in the relationship is all wrong .\n", + "celtic will play their scottish cup semi-final against inverness on sundaythe match kicks off at 12:15 , which has angered scottish supportersceltic boss ronny deila believes the club should decide kick-off timesfans believe it is unfair for television broadcasters to dictate timings when they are offering scottish football a fraction of the billions paid in england\n", + "[1.1694415 1.5166581 1.1709282 1.3777391 1.1629945 1.023081 1.0477898\n", + " 1.0156342 1.0583724 1.0717187 1.0649159 1.1035371 1.1088182 1.1929176\n", + " 1.0693998 1.0417771 0. 0. 0. ]\n", + "\n", + "[ 1 3 13 2 0 4 12 11 9 14 10 8 6 15 5 7 17 16 18]\n", + "=======================\n", + "[\"with no cell phone reception to call for help , owner tom george had to leave his dog shelby stuck in a pool by the great salt lake 's spiral jetty and drive an hour out to the nearest town .but , lucky for george , a family was willing to stay with shelby - and only more and more strangers followed as they heard his story .what was supposed to be a day spent visiting a famous earthwork sculpture soon turned into a massive rescue effort as 20 strangers joined forces to help rescue a dog out of a tar pit .\"]\n", + "=======================\n", + "[\"tom george 's dog shelby got stuck by the great salt lake 's spiral jettygeorge had no cell phone reception and had to drive an hour to the nearest town for helpbut strangers who were planning to visit the famous earthwork sculpture instead spent over an hour to get the dog outveterinarians removed 40lbs off shelby , who has since recovered\"]\n", + "with no cell phone reception to call for help , owner tom george had to leave his dog shelby stuck in a pool by the great salt lake 's spiral jetty and drive an hour out to the nearest town .but , lucky for george , a family was willing to stay with shelby - and only more and more strangers followed as they heard his story .what was supposed to be a day spent visiting a famous earthwork sculpture soon turned into a massive rescue effort as 20 strangers joined forces to help rescue a dog out of a tar pit .\n", + "tom george 's dog shelby got stuck by the great salt lake 's spiral jettygeorge had no cell phone reception and had to drive an hour to the nearest town for helpbut strangers who were planning to visit the famous earthwork sculpture instead spent over an hour to get the dog outveterinarians removed 40lbs off shelby , who has since recovered\n", + "[1.1665123 1.305424 1.3401564 1.2245034 1.2375641 1.193115 1.1298634\n", + " 1.1401932 1.1146173 1.0963678 1.0648593 1.0809175 1.0224619 1.0349964\n", + " 1.0490805 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 4 3 5 0 7 6 8 9 11 10 14 13 12 15 16 17 18]\n", + "=======================\n", + "['between 2009 and 2014 a total of 617 youngsters aged under ten in the region either committed , of were suspected of committing , a crime .shocking figures from west midlands police also show a nine-year-old has been probed on suspicion of criminal damage and a four-year-old questioned over an assault .they include 41 nine-year-old boys investigated for crimes last year including five suspected of sexual offences , according to the details released after a freedom of information act request .']\n", + "=======================\n", + "['nine-year-old probed over criminal damage & four-year-old over assault617 under-tens in west midlands from 2009 to 2014 in suspected crimesfive-year-old girl is alleged to have committed sexual activity with childthe legal age of criminal responsibility in england and wales is ten']\n", + "between 2009 and 2014 a total of 617 youngsters aged under ten in the region either committed , of were suspected of committing , a crime .shocking figures from west midlands police also show a nine-year-old has been probed on suspicion of criminal damage and a four-year-old questioned over an assault .they include 41 nine-year-old boys investigated for crimes last year including five suspected of sexual offences , according to the details released after a freedom of information act request .\n", + "nine-year-old probed over criminal damage & four-year-old over assault617 under-tens in west midlands from 2009 to 2014 in suspected crimesfive-year-old girl is alleged to have committed sexual activity with childthe legal age of criminal responsibility in england and wales is ten\n", + "[1.2102605 1.1608626 1.1282017 1.2002839 1.1020483 1.1273285 1.1449053\n", + " 1.1537731 1.110112 1.1064788 1.1296127 1.0403087 1.0515399 1.0791762\n", + " 1.068425 1.0461982 1.0279633 0. 0. ]\n", + "\n", + "[ 0 3 1 7 6 10 2 5 8 9 4 13 14 12 15 11 16 17 18]\n", + "=======================\n", + "[\"with 17 feature films , two fashion campaigns and a role as a un ambassador under her belt , it 's hard to believe that emma watson is just 25 .emma watson turns 25 and has already carved a career that many of us can only dream ofthe harry potter star reached a quarter of a century yesterday , celebrating what must arguably be one of the recognisable a-lister names on the planet .\"]\n", + "=======================\n", + "['emma watson celebrated her 25th birthday on 15 aprilthe actress has been centre stage since the age of just 11femail charts her journey from child star to a feminist icon']\n", + "with 17 feature films , two fashion campaigns and a role as a un ambassador under her belt , it 's hard to believe that emma watson is just 25 .emma watson turns 25 and has already carved a career that many of us can only dream ofthe harry potter star reached a quarter of a century yesterday , celebrating what must arguably be one of the recognisable a-lister names on the planet .\n", + "emma watson celebrated her 25th birthday on 15 aprilthe actress has been centre stage since the age of just 11femail charts her journey from child star to a feminist icon\n", + "[1.2134916 1.354758 1.2253616 1.1732194 1.2223096 1.1866871 1.2486112\n", + " 1.0313885 1.0370959 1.0354853 1.0695654 1.0766848 1.0734657 1.02545\n", + " 1.1320161 1.1293626 1.0575283 1.0568295 0. ]\n", + "\n", + "[ 1 6 2 4 0 5 3 14 15 11 12 10 16 17 8 9 7 13 18]\n", + "=======================\n", + "['typhoon maysak was initially a top-rated category 5 typhoon , causing troops in the philippines to be put on alert today .it is expected to weaken once it hits the central or northern parts of the main philippine island of luzon on saturday or sunday .and residents and toursists along the eastern coast have been warned that it will hit land some time in the next 72 hours .']\n", + "=======================\n", + "['italian esa astronaut samantha cristoforetti and us astronaut terry virts have snapped images of a typhoonthey took them from the iss while orbiting earth at a height of 255 miles ( 410km )super typhoon maysak was a top-rated category 5 typhoon , and will make landfall in the philippines this weekendas it moved over the pacific ocean , the storm generated winds of more than 140mph ( 225km/h )']\n", + "typhoon maysak was initially a top-rated category 5 typhoon , causing troops in the philippines to be put on alert today .it is expected to weaken once it hits the central or northern parts of the main philippine island of luzon on saturday or sunday .and residents and toursists along the eastern coast have been warned that it will hit land some time in the next 72 hours .\n", + "italian esa astronaut samantha cristoforetti and us astronaut terry virts have snapped images of a typhoonthey took them from the iss while orbiting earth at a height of 255 miles ( 410km )super typhoon maysak was a top-rated category 5 typhoon , and will make landfall in the philippines this weekendas it moved over the pacific ocean , the storm generated winds of more than 140mph ( 225km/h )\n", + "[1.1607608 1.3235124 1.3793306 1.311866 1.308169 1.1842992 1.0683112\n", + " 1.0353558 1.0201356 1.1179233 1.0318066 1.0593077 1.0371376 1.0496966\n", + " 1.0602885 1.1041296 1.0379165 1.0381676 0. 0. ]\n", + "\n", + "[ 2 1 3 4 5 0 9 15 6 14 11 13 17 16 12 7 10 8 18 19]\n", + "=======================\n", + "['the microscopic particles have previously been shown to cause lung damage and harmful changes in blood vessels and clotting , and are thought to contribute to the deaths of 29,000 people every year in britain .exposure to small , sooty particles , mostly caused by traffic fumes and factory emissions , alters the structure of the brain , they said .living near a congested road can increase the chance of developing dementia , research has found']\n", + "=======================\n", + "[\"american researchers examined more than 900 people aged 60 and overexperts believe that air pollution could increase the risk of ` silent strokes 'microscopic particles in pollution are thought to kill 29,000 people a yearthe risk of having a silent stroke can be raised by more than 40 per cent\"]\n", + "the microscopic particles have previously been shown to cause lung damage and harmful changes in blood vessels and clotting , and are thought to contribute to the deaths of 29,000 people every year in britain .exposure to small , sooty particles , mostly caused by traffic fumes and factory emissions , alters the structure of the brain , they said .living near a congested road can increase the chance of developing dementia , research has found\n", + "american researchers examined more than 900 people aged 60 and overexperts believe that air pollution could increase the risk of ` silent strokes 'microscopic particles in pollution are thought to kill 29,000 people a yearthe risk of having a silent stroke can be raised by more than 40 per cent\n", + "[1.2230952 1.494555 1.3889294 1.2188456 1.1692442 1.2113336 1.0262523\n", + " 1.023394 1.0137873 1.0238866 1.021695 1.019524 1.1382669 1.2154477\n", + " 1.0647604 1.0138094 1.0134616 1.0397965 1.0534393 1.2108986]\n", + "\n", + "[ 1 2 0 3 13 5 19 4 12 14 18 17 6 9 7 10 11 15 8 16]\n", + "=======================\n", + "['felix the cat has been missing for almost a week after he escaped from his crate at john f kennedy international airport .the two-year-old grey tabby belongs to jennifer stewart , 31 , and her 34-year-old husband , joseph naaman , who said the airline-approved pet carrier was damaged so badly -- apparently while being transferred from the plane -- that felix was able to get out and run away .a devastated couple has launched a desperate search for their beloved pet cat after he disappeared following a 14-hour flight from abu dhabi to new york .']\n", + "=======================\n", + "[\"felix the cat disappeared after he escaped his plastic crate at jfk airportowner jennifer stewart said the crate was badly damaged in transitshe is calling for better policies and procedures for the transport of petsetihad said it is working with ground handlers and ` specialists ' to find felix\"]\n", + "felix the cat has been missing for almost a week after he escaped from his crate at john f kennedy international airport .the two-year-old grey tabby belongs to jennifer stewart , 31 , and her 34-year-old husband , joseph naaman , who said the airline-approved pet carrier was damaged so badly -- apparently while being transferred from the plane -- that felix was able to get out and run away .a devastated couple has launched a desperate search for their beloved pet cat after he disappeared following a 14-hour flight from abu dhabi to new york .\n", + "felix the cat disappeared after he escaped his plastic crate at jfk airportowner jennifer stewart said the crate was badly damaged in transitshe is calling for better policies and procedures for the transport of petsetihad said it is working with ground handlers and ` specialists ' to find felix\n", + "[1.3451972 1.1463727 1.4008908 1.3622788 1.1735972 1.1100208 1.0327913\n", + " 1.0391649 1.0841033 1.0305502 1.0723783 1.0706903 1.0565789 1.0569682\n", + " 1.0285465 1.0472631 1.0647405 1.0342473 0. 0. ]\n", + "\n", + "[ 2 3 0 4 1 5 8 10 11 16 13 12 15 7 17 6 9 14 18 19]\n", + "=======================\n", + "['this is according to a new study that claims acetaminophen ( paracetamol ) - the main ingredient in the over-the-counter pain reliever tylenol and paracetamol - has the ability to weaken feelings of happiness and sadness .acetaminophen has been in use for more than 70 years , but this is the first time that this side effect has been discovered .previous research had shown that acetaminophen works not only on physical pain , but also on psychological pain .']\n", + "=======================\n", + "[\"it looked at acetaminophen ( paracetamol ) , the main ingredient in tylenoleighty one people were asked to look at happy , sad and neutral imagesthose who took the drug had less extreme emotions towards the photospeople who took pain reliever did n't know they were reacting differently\"]\n", + "this is according to a new study that claims acetaminophen ( paracetamol ) - the main ingredient in the over-the-counter pain reliever tylenol and paracetamol - has the ability to weaken feelings of happiness and sadness .acetaminophen has been in use for more than 70 years , but this is the first time that this side effect has been discovered .previous research had shown that acetaminophen works not only on physical pain , but also on psychological pain .\n", + "it looked at acetaminophen ( paracetamol ) , the main ingredient in tylenoleighty one people were asked to look at happy , sad and neutral imagesthose who took the drug had less extreme emotions towards the photospeople who took pain reliever did n't know they were reacting differently\n", + "[1.5321193 1.3686748 1.1241317 1.057347 1.2200183 1.0401694 1.4085722\n", + " 1.194904 1.0326521 1.0221723 1.2636796 1.1414905 1.0696766 1.0198811\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 6 1 10 4 7 11 2 12 3 5 8 9 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"conor mcgregor is gearing up for a featherweight title challenge against jose aldo on july 11 and has unveiled a fearsome new tattoo ahead of the encounter .the 26-year-old irishman has already got a picture of a gorilla eating a heart inked upon his chest and ` the notorious ' has now revealed a tiger 's face tattooed onto his stomach .conor mcgregor grabbed aldo 's ( left ) belt when they took their promotional tour to dublin\"]\n", + "=======================\n", + "[\"conor mcgregor shared a picture of his new tiger tattoo on his stomachthe 26-year-old mcgregor is set to challenge jose aldo on july 11mcgregor grabbed aldo 's featherweight champion belt in dublinclick here for all the latest ufc news\"]\n", + "conor mcgregor is gearing up for a featherweight title challenge against jose aldo on july 11 and has unveiled a fearsome new tattoo ahead of the encounter .the 26-year-old irishman has already got a picture of a gorilla eating a heart inked upon his chest and ` the notorious ' has now revealed a tiger 's face tattooed onto his stomach .conor mcgregor grabbed aldo 's ( left ) belt when they took their promotional tour to dublin\n", + "conor mcgregor shared a picture of his new tiger tattoo on his stomachthe 26-year-old mcgregor is set to challenge jose aldo on july 11mcgregor grabbed aldo 's featherweight champion belt in dublinclick here for all the latest ufc news\n", + "[1.0720578 1.1034962 1.4532236 1.4687276 1.2756772 1.2107432 1.1370938\n", + " 1.0094403 1.3008454 1.1852992 1.0981815 1.0705103 1.0151207 1.0093701\n", + " 1.0128208 1.0150504 0. 0. 0. 0. ]\n", + "\n", + "[ 3 2 8 4 5 9 6 1 10 0 11 12 15 14 7 13 16 17 18 19]\n", + "=======================\n", + "[\"craig dawson is set to return for west brom after serving a one-match ban .west bromwich albion vs leicester city ( the hawthorns )matt upson and dean hammond are available for leicester 's trip to west brom .\"]\n", + "=======================\n", + "['craig dawson set to return to west brom defence after serving banbut youssouf mulumbu starts three-match suspensionmatthew upson and dean hammond available for leicester cityhammond has been sidelined since january but is back in training']\n", + "craig dawson is set to return for west brom after serving a one-match ban .west bromwich albion vs leicester city ( the hawthorns )matt upson and dean hammond are available for leicester 's trip to west brom .\n", + "craig dawson set to return to west brom defence after serving banbut youssouf mulumbu starts three-match suspensionmatthew upson and dean hammond available for leicester cityhammond has been sidelined since january but is back in training\n", + "[1.3153586 1.3286355 1.1086408 1.113228 1.1155728 1.0723133 1.1749692\n", + " 1.1223791 1.186837 1.0699457 1.092948 1.0314269 1.0199983 1.0514432\n", + " 1.0507691 1.0421004 1.0346125 1.0339577 1.0335119 1.0893824 1.033708\n", + " 1.0150589 1.0139062 1.0548733 1.0338271 1.0368983 1.0512127 1.0764349\n", + " 1.040925 1.0439451 1.0461677 1.025533 1.0147007 1.0347929]\n", + "\n", + "[ 1 0 8 6 7 4 3 2 10 19 27 5 9 23 13 26 14 30 29 15 28 25 33 16\n", + " 17 24 20 18 11 31 12 21 32 22]\n", + "=======================\n", + "['the meeting next wednesday would aim to negotiate possiblerepresentatives from comcast and time warner cable will meet with us department of justice officials to discuss concerns raised by their planned $ 45billion merger , according to reports .the proposed meeting will be the first time the cable companies have met with regulators since announcing their proposed']\n", + "=======================\n", + "['reps from both cable giants will meet with doj officials on wednesdayfirst meeting companies had with regulators since announcing proposalearlier reports said doj antitrust attorneys wanted to block the mergerofficials fear the new company would dominate internet broadband markettime warner shares closed friday at $ 149.61 while comcast was at $ 58.42']\n", + "the meeting next wednesday would aim to negotiate possiblerepresentatives from comcast and time warner cable will meet with us department of justice officials to discuss concerns raised by their planned $ 45billion merger , according to reports .the proposed meeting will be the first time the cable companies have met with regulators since announcing their proposed\n", + "reps from both cable giants will meet with doj officials on wednesdayfirst meeting companies had with regulators since announcing proposalearlier reports said doj antitrust attorneys wanted to block the mergerofficials fear the new company would dominate internet broadband markettime warner shares closed friday at $ 149.61 while comcast was at $ 58.42\n", + "[1.375111 1.3053769 1.357388 1.4508077 1.3902355 1.1776196 1.2634387\n", + " 1.0437611 1.0253567 1.0130137 1.0246729 1.0258281 1.033093 1.0167115\n", + " 1.0156007 1.0494357 1.1030836 1.1115292 1.1304594 1.037148 1.0131944\n", + " 1.0112492 1.00934 1.0082915 1.0103308 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 0 2 1 6 5 18 17 16 15 7 19 12 11 8 10 13 14 20 9 21 24 22\n", + " 23 25 26 27 28 29 30 31 32 33]\n", + "=======================\n", + "['raheem sterling says he is not ready to sign a new deal at liverpoolpaul scholes has advised sterling to stay at liverpool and continue to developformer manchester united midfielder scholes hailed sterling as a good player but says he does not score enough goals and needs to focus on playing every week rather than move to a bigger club and not play .']\n", + "=======================\n", + "[\"raheem sterling says he is not yet ready to sign a new deal at liverpoolpaul scholes says he should stay and develop at anfieldscholes says sterling does not score enough goalsthe rise of raheem sterling : from # 60 a day at qpr to knocking back # 100,000-per-week contractsread : sportsmail answers five questions on sterling 's futuresterling : what he said about contract talks ... and what he meant\"]\n", + "raheem sterling says he is not ready to sign a new deal at liverpoolpaul scholes has advised sterling to stay at liverpool and continue to developformer manchester united midfielder scholes hailed sterling as a good player but says he does not score enough goals and needs to focus on playing every week rather than move to a bigger club and not play .\n", + "raheem sterling says he is not yet ready to sign a new deal at liverpoolpaul scholes says he should stay and develop at anfieldscholes says sterling does not score enough goalsthe rise of raheem sterling : from # 60 a day at qpr to knocking back # 100,000-per-week contractsread : sportsmail answers five questions on sterling 's futuresterling : what he said about contract talks ... and what he meant\n", + "[1.1946338 1.4744399 1.2491537 1.1754445 1.2678516 1.2736588 1.0857749\n", + " 1.073914 1.127311 1.0797274 1.0376518 1.0936466 1.0673071 1.1167912\n", + " 1.0487925 1.0461662 1.0399196 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 4 2 0 3 8 13 11 6 9 7 12 14 15 16 10 32 31 30 29 28 27 26\n", + " 25 24 22 21 20 19 18 17 23 33]\n", + "=======================\n", + "[\"environmental health were called to the sutton arms , in elton , stockton last year after two dozen people suffered gastroenteritis after eating at the pub on easter sunday .owner michael alan flegg , 68 , pleaded guilty to nine food hygiene offences when he appeared at teesside magistrates ' court yesterday .inspectors discovered evidence of a rodent infestation in the food storage area which was littered with droppings and food past its sell-by date .\"]\n", + "=======================\n", + "['environmental health found mice droppings and rotting meat in the pubinvestigation came after 24 customers suffered food poisoning last yearowner of the sutton arms admitted breaching food hygiene regulationswere you affected by the food at the sutton arms ?were you affected by the food at the sutton arms ?']\n", + "environmental health were called to the sutton arms , in elton , stockton last year after two dozen people suffered gastroenteritis after eating at the pub on easter sunday .owner michael alan flegg , 68 , pleaded guilty to nine food hygiene offences when he appeared at teesside magistrates ' court yesterday .inspectors discovered evidence of a rodent infestation in the food storage area which was littered with droppings and food past its sell-by date .\n", + "environmental health found mice droppings and rotting meat in the pubinvestigation came after 24 customers suffered food poisoning last yearowner of the sutton arms admitted breaching food hygiene regulationswere you affected by the food at the sutton arms ?were you affected by the food at the sutton arms ?\n", + "[1.1031424 1.1762835 1.4360127 1.3692601 1.2885413 1.2093283 1.0383096\n", + " 1.0434284 1.0876076 1.0663971 1.0729125 1.1452287 1.043899 1.0319016\n", + " 1.0614916 1.0264701 1.0460775 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 4 5 1 11 0 8 10 9 14 16 12 7 6 13 15 31 30 29 28 27 26 25\n", + " 22 23 21 20 19 18 17 32 24 33]\n", + "=======================\n", + "[\"olivier rousteing has revealed that he chose kim and kanye to star in balmain 's latest campaign because they ` represent a family for the new world ' .fashion 's most well-connected designer , olivier rousteing , has revealed why he snapped kim kardashian and kanye west up to front his balmain campaignthe 29-year-old creative director has revealed he was inspired to feature the couple - who have a 22-month-old daughter north - in the label 's spring/summer 2015 men 's campaign .\"]\n", + "=======================\n", + "[\"olivier rousteing has revealed why he chose kim and kanye for balmaindesigner says the couple are ` among the most talked-about people 'fashionable couple love wearing matching designs by balmain designer\"]\n", + "olivier rousteing has revealed that he chose kim and kanye to star in balmain 's latest campaign because they ` represent a family for the new world ' .fashion 's most well-connected designer , olivier rousteing , has revealed why he snapped kim kardashian and kanye west up to front his balmain campaignthe 29-year-old creative director has revealed he was inspired to feature the couple - who have a 22-month-old daughter north - in the label 's spring/summer 2015 men 's campaign .\n", + "olivier rousteing has revealed why he chose kim and kanye for balmaindesigner says the couple are ` among the most talked-about people 'fashionable couple love wearing matching designs by balmain designer\n", + "[1.1612139 1.3130115 1.3211513 1.2407694 1.2351484 1.2256043 1.1847434\n", + " 1.1172632 1.0562006 1.0832518 1.1493464 1.0994103 1.0441502 1.072288\n", + " 1.0228692 1.0157359 1.0227915 1.0399323 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 4 5 6 0 10 7 11 9 13 8 12 17 14 16 15 31 30 29 28 27 26\n", + " 32 25 23 22 21 20 19 18 24 33]\n", + "=======================\n", + "['distressed onlookers tried to intervene in the violent clash which culminated in the 25-year-old driver of the white bmw accelerating and hitting the other man in broad daylight .footage shows how one of the men emerged from his black bmw with no shirt on before trying to punch the driver of a white bmw through his car window in east london .this is the shocking moment a bmw driver rammed a shirtless man in the street after a furious road rage row .']\n", + "=======================\n", + "['two bmw drivers violently clashed after a road rage row in east londona 25-year-old motorist rammed fellow driver who had stripped in streethe was arrested on suspicion of actual bodily harm and has been bailedvideo shows shirtless man punching fellow motorist through car window']\n", + "distressed onlookers tried to intervene in the violent clash which culminated in the 25-year-old driver of the white bmw accelerating and hitting the other man in broad daylight .footage shows how one of the men emerged from his black bmw with no shirt on before trying to punch the driver of a white bmw through his car window in east london .this is the shocking moment a bmw driver rammed a shirtless man in the street after a furious road rage row .\n", + "two bmw drivers violently clashed after a road rage row in east londona 25-year-old motorist rammed fellow driver who had stripped in streethe was arrested on suspicion of actual bodily harm and has been bailedvideo shows shirtless man punching fellow motorist through car window\n", + "[1.2509236 1.3630273 1.3094052 1.2785714 1.1273414 1.1960523 1.0755248\n", + " 1.1301981 1.149489 1.0956758 1.0542402 1.0108427 1.0098537 1.0099226\n", + " 1.0091155 1.0152954 1.2097554 1.0527866 1.0384513 1.1067815 1.040121\n", + " 1.0443088]\n", + "\n", + "[ 1 2 3 0 16 5 8 7 4 19 9 6 10 17 21 20 18 15 11 13 12 14]\n", + "=======================\n", + "['kenneth lombardi , who goes by ken , was a red carpet regular for cbs new york , interviewing stars from oprah to ashton kutcher and arnold schwarzenegger .a celebrity reporter for cbs filed a lawsuit against two of his bosses at the network this week , claiming one drunkenly groped and kissed him at a christmas party and that the other aggressively came onto him during an after-hours meeting .plaintiff : he also claims he was forced to leave his job as a result , and is seeking damages for violation of labor laws , emotional distress and discrimination']\n", + "=======================\n", + "[\"kenneth lombardi was a red carpet reporter for cbs new yorkhe claims duane tollison , a senior producer , grabbed his crotch and kissed his neck in front of other colleagues at a december 2013 work partytollison later sent an email saying : ` if you were n't offended lets do it again 'lombardi also claims evening news directior albert colley touched and kissed him over drinks in may 2014he is suing cbs , tollison and colley for unspecified damages\"]\n", + "kenneth lombardi , who goes by ken , was a red carpet regular for cbs new york , interviewing stars from oprah to ashton kutcher and arnold schwarzenegger .a celebrity reporter for cbs filed a lawsuit against two of his bosses at the network this week , claiming one drunkenly groped and kissed him at a christmas party and that the other aggressively came onto him during an after-hours meeting .plaintiff : he also claims he was forced to leave his job as a result , and is seeking damages for violation of labor laws , emotional distress and discrimination\n", + "kenneth lombardi was a red carpet reporter for cbs new yorkhe claims duane tollison , a senior producer , grabbed his crotch and kissed his neck in front of other colleagues at a december 2013 work partytollison later sent an email saying : ` if you were n't offended lets do it again 'lombardi also claims evening news directior albert colley touched and kissed him over drinks in may 2014he is suing cbs , tollison and colley for unspecified damages\n", + "[1.45963 1.2155241 1.2289338 1.4855611 1.1722933 1.2285167 1.0964551\n", + " 1.0890149 1.0138168 1.0107594 1.0157663 1.0077819 1.11401 1.0081807\n", + " 1.0232108 1.0565877 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 0 2 5 1 4 12 6 7 15 14 10 8 9 13 11 20 16 17 18 19 21]\n", + "=======================\n", + "[\"charlie adam scored a late winner as stoke city came from behind to earn all three points at home to ronald koeman 's southamptonmark hughes thinks tom jones is stopping stoke city from qualifying for europe .the stoke manager believes jones 's hit delilah , belted out regularly by the britannia stadium hordes , is causing his side to be marked down in uefa 's fair play league because of its violent theme and thus affecting their chances of qualifying for the europa league .\"]\n", + "=======================\n", + "['scottish international midfielder charlie adam scored late to secure stoke city comeback the britanniafrench ace morgan schneiderlin had given southampton a first-half lead with just 22 minutes of the game gonebut a dogged stoke city replied when mame biram diouf equalised for the hosts before adam claimed the winsaints now sit sixth in the premier league with stoke city back in ninth position ahead of west ham united']\n", + "charlie adam scored a late winner as stoke city came from behind to earn all three points at home to ronald koeman 's southamptonmark hughes thinks tom jones is stopping stoke city from qualifying for europe .the stoke manager believes jones 's hit delilah , belted out regularly by the britannia stadium hordes , is causing his side to be marked down in uefa 's fair play league because of its violent theme and thus affecting their chances of qualifying for the europa league .\n", + "scottish international midfielder charlie adam scored late to secure stoke city comeback the britanniafrench ace morgan schneiderlin had given southampton a first-half lead with just 22 minutes of the game gonebut a dogged stoke city replied when mame biram diouf equalised for the hosts before adam claimed the winsaints now sit sixth in the premier league with stoke city back in ninth position ahead of west ham united\n", + "[1.213514 1.1626182 1.39121 1.1242117 1.133214 1.1641338 1.0327518\n", + " 1.0268451 1.0356451 1.1894631 1.055804 1.1831529 1.0373069 1.0301342\n", + " 1.0936209 1.0222712 1.0167358 1.0119339 1.033398 0. 0.\n", + " 0. ]\n", + "\n", + "[ 2 0 9 11 5 1 4 3 14 10 12 8 18 6 13 7 15 16 17 20 19 21]\n", + "=======================\n", + "[\"among them is lance lara , 10 , from fort worth in texas , who has proved so successful that he was crowned world champion in his age group last year .it is one of the most dangerous sports in the world and one in every 15 bull rides ends in an injury of some sort .bull riding is a multi-billion dollar industry in the us and events staged by the pbr , the professional bull riders ' association , are watched by up to half a billion people around the world each year .\"]\n", + "=======================\n", + "[\"children as young as seven can take part in bull riding competitionsyoungest children ride calves before graduating to bullocks then bullsbetween four and six , they hone their skills by ` mutton busting ' on sheepbull riding is thought to be one of the most dangerous sports in the worldan estimated one in every 15 bull rides ends in some sort of injuryunreported world , tonight at 7.30 pm on channel 4\"]\n", + "among them is lance lara , 10 , from fort worth in texas , who has proved so successful that he was crowned world champion in his age group last year .it is one of the most dangerous sports in the world and one in every 15 bull rides ends in an injury of some sort .bull riding is a multi-billion dollar industry in the us and events staged by the pbr , the professional bull riders ' association , are watched by up to half a billion people around the world each year .\n", + "children as young as seven can take part in bull riding competitionsyoungest children ride calves before graduating to bullocks then bullsbetween four and six , they hone their skills by ` mutton busting ' on sheepbull riding is thought to be one of the most dangerous sports in the worldan estimated one in every 15 bull rides ends in some sort of injuryunreported world , tonight at 7.30 pm on channel 4\n", + "[1.221504 1.4055315 1.2259625 1.321294 1.2075067 1.1225727 1.0322958\n", + " 1.1084037 1.1658564 1.1063565 1.0674484 1.0929412 1.0623738 1.046522\n", + " 1.0451262 1.135982 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 0 4 8 15 5 7 9 11 10 12 13 14 6 16 17 18 19 20 21]\n", + "=======================\n", + "[\"a woman who boarded the driver 's bus in ozone park , queens , recorded the unidentified driver marking a set of papers with a highlighter and looking away from the road .a new york city bus driver running a route in queens is facing possible termination after an unidentified commuter recorded him driving with papers in his handthe driver was seen with both hands on a piece of paper , believed to be a timetable for his route replacing the closed section of a subway , and driving the bus with his wrists and forearms\"]\n", + "=======================\n", + "['bus driver in queens seen highlighting timetables as he drives with wriststen minutes of distracted driving caught on camera by commuterat least nine pedestrians were killed by new york city buses last year']\n", + "a woman who boarded the driver 's bus in ozone park , queens , recorded the unidentified driver marking a set of papers with a highlighter and looking away from the road .a new york city bus driver running a route in queens is facing possible termination after an unidentified commuter recorded him driving with papers in his handthe driver was seen with both hands on a piece of paper , believed to be a timetable for his route replacing the closed section of a subway , and driving the bus with his wrists and forearms\n", + "bus driver in queens seen highlighting timetables as he drives with wriststen minutes of distracted driving caught on camera by commuterat least nine pedestrians were killed by new york city buses last year\n", + "[1.1136621 1.5757132 1.4385936 1.4447429 1.0445429 1.0446249 1.0558851\n", + " 1.026313 1.1321677 1.1161702 1.0238869 1.0213479 1.0264002 1.0175534\n", + " 1.015876 1.0150601 1.2451888 1.1115651 1.0777736 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 2 16 8 9 0 17 18 6 5 4 12 7 10 11 13 14 15 20 19 21]\n", + "=======================\n", + "[\"one of australia 's most loved cooks , lyndey milan , has teamed up with aldi to create easter lunch recipes that will easily feed six people for less than $ 6 each .the home cook icon put her skills to the test by trawling the supermarket aisles to find healthy , fresh produce to turn into an easter feast .the results of her aldi experiment include greek lamb with salad and zucchini pilaf and herb crusted salmon with pea puree , smashed potatoes and carrots .\"]\n", + "=======================\n", + "['lyndey milan created easter lunch recipes for $ 6 per person from aldihome cook icon trawled supermarket aisles to find inspiration for recipesresult of experiment include greek lamb and herb crusted salmon disheshot cross bun and easter egg bread & butter pudding came in at just $ 2 a person and lyndey says it is sure to be a crowd pleaser']\n", + "one of australia 's most loved cooks , lyndey milan , has teamed up with aldi to create easter lunch recipes that will easily feed six people for less than $ 6 each .the home cook icon put her skills to the test by trawling the supermarket aisles to find healthy , fresh produce to turn into an easter feast .the results of her aldi experiment include greek lamb with salad and zucchini pilaf and herb crusted salmon with pea puree , smashed potatoes and carrots .\n", + "lyndey milan created easter lunch recipes for $ 6 per person from aldihome cook icon trawled supermarket aisles to find inspiration for recipesresult of experiment include greek lamb and herb crusted salmon disheshot cross bun and easter egg bread & butter pudding came in at just $ 2 a person and lyndey says it is sure to be a crowd pleaser\n", + "[1.2904328 1.3439 1.1733656 1.1400001 1.1237332 1.1255658 1.2037641\n", + " 1.0457903 1.0704807 1.0974184 1.0998515 1.07216 1.0640012 1.0529583\n", + " 1.0719948 0. 0. 0. ]\n", + "\n", + "[ 1 0 6 2 3 5 4 10 9 11 14 8 12 13 7 15 16 17]\n", + "=======================\n", + "[\"while enjoying the slopes in the country 's chiisagata district , the man can be seen decked out in purple holding a matching selfie stick at arm 's length .selfie sticks and extreme sports are not designed to go together , as a snowboarder in japan proved .the snowboarder , in a bright purple jacket , is using a selfie stick to film himself in action\"]\n", + "=======================\n", + "['the man records himself descending mountain with fellow skierhe negotiates a number of trees and video is initially a successpair stop but the snowboarder fails to move from path of chairliftwhile posing for the camera the chairlift hits him hard in the headthe footage was recorded in the chiisagata district of japan']\n", + "while enjoying the slopes in the country 's chiisagata district , the man can be seen decked out in purple holding a matching selfie stick at arm 's length .selfie sticks and extreme sports are not designed to go together , as a snowboarder in japan proved .the snowboarder , in a bright purple jacket , is using a selfie stick to film himself in action\n", + "the man records himself descending mountain with fellow skierhe negotiates a number of trees and video is initially a successpair stop but the snowboarder fails to move from path of chairliftwhile posing for the camera the chairlift hits him hard in the headthe footage was recorded in the chiisagata district of japan\n", + "[1.4292636 1.2116055 1.0660571 1.3450837 1.2886333 1.2179877 1.1730381\n", + " 1.0753559 1.0948524 1.0583639 1.1438236 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 5 1 6 10 8 7 2 9 16 11 12 13 14 15 17]\n", + "=======================\n", + "['zenit st petersburg striker hulk lived up to his nickname on monday night by dressing up as the aforementioned superhero at the premiere of the avengers : age of ultron movie .the 28-year-old ( right ) recently signed a new long-term deal at zenit until the end of the 2018-19 seasonthe 28-year-old , who acquired his nickname due to his likeness to the actor lou ferrigno who played the incredible hulk in the incredible hulk television show in the 1970s , was all smiles as he posed for photos ahead of watching the film .']\n", + "=======================\n", + "['hulk saw the premiere of the avengers : age of ultron movie on monday28-year-old signed a new deal with zenit st petersburg in februaryhulk has scored 15 goals in 33 appearances for the russian club this term']\n", + "zenit st petersburg striker hulk lived up to his nickname on monday night by dressing up as the aforementioned superhero at the premiere of the avengers : age of ultron movie .the 28-year-old ( right ) recently signed a new long-term deal at zenit until the end of the 2018-19 seasonthe 28-year-old , who acquired his nickname due to his likeness to the actor lou ferrigno who played the incredible hulk in the incredible hulk television show in the 1970s , was all smiles as he posed for photos ahead of watching the film .\n", + "hulk saw the premiere of the avengers : age of ultron movie on monday28-year-old signed a new deal with zenit st petersburg in februaryhulk has scored 15 goals in 33 appearances for the russian club this term\n", + "[1.2977035 1.4482418 1.1750228 1.2814426 1.2516572 1.3869445 1.178822\n", + " 1.0502768 1.0786483 1.0529776 1.019428 1.0322096 1.0414311 1.1171885\n", + " 1.0100707 1.0237755 0. 0. ]\n", + "\n", + "[ 1 5 0 3 4 6 2 13 8 9 7 12 11 15 10 14 16 17]\n", + "=======================\n", + "[\"joyce cox was just days away from celebrating her fifth birthday when she was strangled to death on her way home from school in cardiff on september 28 , 1939 .the family of a four-year-old girl who was sexually assaulted and murdered more than 75 years ago have accused police of a ` cover-up ' after officers ordered that the case file be kept secret until 2040 .her body was found dumped by a railway station but police have never caught her killer .\"]\n", + "=======================\n", + "[\"joyce cox was aged four when she was sexually assaulted and murderedyoungster went missing on her way home from school in cardiff in 1939her body was found by railway line but her killer has never been caughtfamily accusing police of a ` cover-up ' after case file was closed until 2040\"]\n", + "joyce cox was just days away from celebrating her fifth birthday when she was strangled to death on her way home from school in cardiff on september 28 , 1939 .the family of a four-year-old girl who was sexually assaulted and murdered more than 75 years ago have accused police of a ` cover-up ' after officers ordered that the case file be kept secret until 2040 .her body was found dumped by a railway station but police have never caught her killer .\n", + "joyce cox was aged four when she was sexually assaulted and murderedyoungster went missing on her way home from school in cardiff in 1939her body was found by railway line but her killer has never been caughtfamily accusing police of a ` cover-up ' after case file was closed until 2040\n", + "[1.2340993 1.3618652 1.1392814 1.3319728 1.0995438 1.0937016 1.0979832\n", + " 1.1731913 1.1064652 1.1146646 1.0857874 1.0766103 1.049617 1.1260657\n", + " 1.0156521 1.0355145 1.0461863 1.0480597]\n", + "\n", + "[ 1 3 0 7 2 13 9 8 4 6 5 10 11 12 17 16 15 14]\n", + "=======================\n", + "[\"a team of researchers at vanderbilt university in tennessee explored how best to minimise the risk of infection after surgery .children 's soft toys act as a reservoir for bacteria and bring germs into hospitals , scientists have warned .their study revealed that soft toys brought into the operating theatre by children served as a breeding ground for bacteria .\"]\n", + "=======================\n", + "['scientists at vanderbilt university explored how to reduce infection riskfound all stuffed toys they swabbed showed signs of bacteria growthurged parents to wash and sterilise any cuddly toys before surgery']\n", + "a team of researchers at vanderbilt university in tennessee explored how best to minimise the risk of infection after surgery .children 's soft toys act as a reservoir for bacteria and bring germs into hospitals , scientists have warned .their study revealed that soft toys brought into the operating theatre by children served as a breeding ground for bacteria .\n", + "scientists at vanderbilt university explored how to reduce infection riskfound all stuffed toys they swabbed showed signs of bacteria growthurged parents to wash and sterilise any cuddly toys before surgery\n", + "[1.0650524 1.1571457 1.230267 1.4225891 1.2370974 1.1332378 1.1228452\n", + " 1.0720905 1.0596362 1.0685242 1.1100135 1.0206084 1.0571305 1.0486028\n", + " 1.035856 1.0571868 0. 0. ]\n", + "\n", + "[ 3 4 2 1 5 6 10 7 9 0 8 15 12 13 14 11 16 17]\n", + "=======================\n", + "[\"the robshaws sample insects in tonight 's episode of bbc two 's back for dinnertwo billion people worldwide already supplement their diet with insectsbut the consumption of locusts , crickets , worms and grubs could become very much a part of our diet as the cost of meat production rises , and the demand for meat grows .\"]\n", + "=======================\n", + "[\"bbc 's back in time for dinner claims that grubs are the future of foodthe robshaw family dig into cricket tacos , worm tarts and insect burgersmeat will become scarce or more expensive as demand for it growsinsects are full of protein , low in fat and packed full of nutrients\"]\n", + "the robshaws sample insects in tonight 's episode of bbc two 's back for dinnertwo billion people worldwide already supplement their diet with insectsbut the consumption of locusts , crickets , worms and grubs could become very much a part of our diet as the cost of meat production rises , and the demand for meat grows .\n", + "bbc 's back in time for dinner claims that grubs are the future of foodthe robshaw family dig into cricket tacos , worm tarts and insect burgersmeat will become scarce or more expensive as demand for it growsinsects are full of protein , low in fat and packed full of nutrients\n", + "[1.3471289 1.2368948 1.1440157 1.43767 1.1806026 1.0663546 1.0378115\n", + " 1.0829283 1.1031444 1.0351939 1.1031787 1.049201 1.0448279 1.0939845\n", + " 1.1492375 1.0433669 1.222563 1.064746 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 0 1 16 4 14 2 10 8 13 7 5 17 11 12 15 6 9 18 19 20 21 22 23\n", + " 24 25 26 27 28]\n", + "=======================\n", + "[\"chelsea manager jose mourinho watched fulham under 21s 3-0 defeat by porto u21s on wednesdayon the same night that madrid knocked out rivals atletico and juventus overcame monaco , mourinho chose fulham 's motspur park training ground to have his dose of live football .real madrid progressed to the champions league semi-final with a 1-0 victory over atletico madrid\"]\n", + "=======================\n", + "[\"jose mourinho opted against watching a champions league fixtureinstead , the chelsea boss saw fulham u21s ' 3-0 defeat by porto u21smourinho was at fulham 's motspur park along with his son jose juniorreal madrid and juventus join bayern munich and barcelona in semi-finals\"]\n", + "chelsea manager jose mourinho watched fulham under 21s 3-0 defeat by porto u21s on wednesdayon the same night that madrid knocked out rivals atletico and juventus overcame monaco , mourinho chose fulham 's motspur park training ground to have his dose of live football .real madrid progressed to the champions league semi-final with a 1-0 victory over atletico madrid\n", + "jose mourinho opted against watching a champions league fixtureinstead , the chelsea boss saw fulham u21s ' 3-0 defeat by porto u21smourinho was at fulham 's motspur park along with his son jose juniorreal madrid and juventus join bayern munich and barcelona in semi-finals\n", + "[1.221901 1.4563638 1.2525884 1.4306841 1.3034365 1.168747 1.1401656\n", + " 1.1006972 1.0563682 1.0948201 1.109561 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 4 2 0 5 6 10 7 9 8 26 25 24 23 22 21 20 19 14 17 16 15 27\n", + " 13 12 11 18 28]\n", + "=======================\n", + "[\"bell will miss the first three games for abusing the league 's substance abuse policy and he will also be fined a game cheque .bell was stopped in his chevrolet camaro last august after a police officer noticed a strong smell of marijuana .the pittsburgh steelers ended last season without le'veon bell and it seems they 'll start the new one without their stud running back too .\"]\n", + "=======================\n", + "['bell has been banned after being found in possession of a 20 gram bag of marijuana and was hit with a dui charge last augusta key piece of the steelers offense , his absence during the play-off game with the ravens was a key factor in the steelers defeatand they will have to start the season without the 23-year-old running backlegarrette blount was in the vehicle with bell and he was banned for the first game of the season earlier this week']\n", + "bell will miss the first three games for abusing the league 's substance abuse policy and he will also be fined a game cheque .bell was stopped in his chevrolet camaro last august after a police officer noticed a strong smell of marijuana .the pittsburgh steelers ended last season without le'veon bell and it seems they 'll start the new one without their stud running back too .\n", + "bell has been banned after being found in possession of a 20 gram bag of marijuana and was hit with a dui charge last augusta key piece of the steelers offense , his absence during the play-off game with the ravens was a key factor in the steelers defeatand they will have to start the season without the 23-year-old running backlegarrette blount was in the vehicle with bell and he was banned for the first game of the season earlier this week\n", + "[1.2753127 1.5093851 1.3537939 1.0978792 1.0398064 1.0367731 1.3563966\n", + " 1.2119662 1.0843767 1.048214 1.0869861 1.0625772 1.1027802 1.0388306\n", + " 1.0636877 1.0135379 1.0146785 1.0111122 1.2099205 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 6 2 0 7 18 12 3 10 8 14 11 9 4 13 5 16 15 17 26 25 24 23 19\n", + " 21 20 27 22 28]\n", + "=======================\n", + "[\"cassandra fortin has finished the treatment a court ruled that she must undergo at connecticut children 's medical center for hodgkin 's lymphoma , which she was diagnosed with in september .as she was discharged from the facility on monday , the teenager said she was ` happy ' to be heading back to her hartford home after spending five months undergoing chemotherapy to save her life .a 17-year-old connecticut girl who was forced to have chemotherapy for her cancer has finally been released from hospital after she was removed from her home almost four months ago .\"]\n", + "=======================\n", + "[\"cassandra fortin removed from hartford , connecticut , home in januaryshe was forced to undergo chemotherapy to treat hodgkin 's lymphomaher mother jackie had supported desire to explore natural alternativesbut state ruled teen was not legally mature enough to make the decisionon monday , cassandra was released from the children 's medical centershe said ` i 'm so happy ' , adding that the feeling of fresh air ` is wonderful 'teen was reunited with mother in april for first time since the new yearcancer is in remission , but she says she is happy she ` fought for my rights '\"]\n", + "cassandra fortin has finished the treatment a court ruled that she must undergo at connecticut children 's medical center for hodgkin 's lymphoma , which she was diagnosed with in september .as she was discharged from the facility on monday , the teenager said she was ` happy ' to be heading back to her hartford home after spending five months undergoing chemotherapy to save her life .a 17-year-old connecticut girl who was forced to have chemotherapy for her cancer has finally been released from hospital after she was removed from her home almost four months ago .\n", + "cassandra fortin removed from hartford , connecticut , home in januaryshe was forced to undergo chemotherapy to treat hodgkin 's lymphomaher mother jackie had supported desire to explore natural alternativesbut state ruled teen was not legally mature enough to make the decisionon monday , cassandra was released from the children 's medical centershe said ` i 'm so happy ' , adding that the feeling of fresh air ` is wonderful 'teen was reunited with mother in april for first time since the new yearcancer is in remission , but she says she is happy she ` fought for my rights '\n", + "[1.4246556 1.1627765 1.1362534 1.1064684 1.1092019 1.1752433 1.13586\n", + " 1.0912107 1.0928198 1.0445261 1.0559963 1.1130277 1.0570349 1.0564027\n", + " 1.0651394 1.0691354 1.053624 1.0168074 1.0134343 1.0261394 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 0 5 1 2 6 11 4 3 8 7 15 14 12 13 10 16 9 19 17 18 26 25 24 20\n", + " 22 21 27 23 28]\n", + "=======================\n", + "['( cnn ) iran \\'s president on friday hailed the proposed international deal on his country \\'s nuclear program , vowing that iran will stick to its promises and -- assuming other countries live up to their end of the bargain -- become a more active , engaged player in world affairs .rouhani said his government kept its word to iranians when negotiating the framework deal , which was agreed upon thursday and sets parameters for talks that could lead to a comprehensive deal by a june 30 deadline .\" some think that we should either fight ... or we should surrender to other powers , \" president hassan rouhani said .']\n", + "=======================\n", + "['iranian president says a nuclear deal would remove a major obstacle for business\" we can cooperate with the world , \" president hassan rouhani insistshe says , \" we do not lie , \" and iran will abide by its promises on nuclear deal']\n", + "( cnn ) iran 's president on friday hailed the proposed international deal on his country 's nuclear program , vowing that iran will stick to its promises and -- assuming other countries live up to their end of the bargain -- become a more active , engaged player in world affairs .rouhani said his government kept its word to iranians when negotiating the framework deal , which was agreed upon thursday and sets parameters for talks that could lead to a comprehensive deal by a june 30 deadline .\" some think that we should either fight ... or we should surrender to other powers , \" president hassan rouhani said .\n", + "iranian president says a nuclear deal would remove a major obstacle for business\" we can cooperate with the world , \" president hassan rouhani insistshe says , \" we do not lie , \" and iran will abide by its promises on nuclear deal\n", + "[1.0903344 1.0433071 1.0690285 1.1789169 1.0541364 1.1001004 1.1845821\n", + " 1.0471399 1.0551913 1.0624264 1.0746274 1.0458909 1.0452281 1.0588384\n", + " 1.0167024 1.0140735 1.0198925 1.0193375 1.0229061 1.0117247 1.0207238\n", + " 1.0180004 1.10284 1.1553118 1.0946821 1.0885415 1.0740095 1.1000091\n", + " 1.0428947]\n", + "\n", + "[ 6 3 23 22 5 27 24 0 25 10 26 2 9 13 8 4 7 11 12 1 28 18 20 16\n", + " 17 21 14 15 19]\n", + "=======================\n", + "['the protests started in response to the death of freddie gray in police hands .police , trying to save their city last weekend , were blamed both for doing too little and for doing too much .in baltimore this year -- just like last year and just like next year -- police will arrest tens of thousands of poor black men , mostly on drug charges .']\n", + "=======================\n", + "['peter moskos : when man died in police custody , many unfairly blamed all baltimore cops .he says those who trashed city are part of larger societal woes of poverty and class .']\n", + "the protests started in response to the death of freddie gray in police hands .police , trying to save their city last weekend , were blamed both for doing too little and for doing too much .in baltimore this year -- just like last year and just like next year -- police will arrest tens of thousands of poor black men , mostly on drug charges .\n", + "peter moskos : when man died in police custody , many unfairly blamed all baltimore cops .he says those who trashed city are part of larger societal woes of poverty and class .\n", + "[1.253938 1.1078321 1.0341393 1.2470984 1.2990035 1.1991277 1.0951198\n", + " 1.1158792 1.1564922 1.0698632 1.0898173 1.0645913 1.0505221 1.061689\n", + " 1.1117705 1.0242862 1.0581287 1.0427502 1.0192133 1.0438828]\n", + "\n", + "[ 4 0 3 5 8 7 14 1 6 10 9 11 13 16 12 19 17 2 15 18]\n", + "=======================\n", + "['the us researchers say very few of these - often very expensive - weight loss plans have solid evidence to back up their claims .scientists claim to have established which diets are most likely to work - and keep the weight off in the long termin fact , the results suggest only a few programmes have shown their users lose more weight than those not using them .']\n", + "=======================\n", + "['researchers examined 4,200 studies and selected 11 weight loss plansincluded atkins , jenny craig , meal replacements and online support siteswanted to see how successful they were at first and in the long termvery few plans had evidence they worked better than getting information elsewhere for free - or that they helped weight stay off permanently']\n", + "the us researchers say very few of these - often very expensive - weight loss plans have solid evidence to back up their claims .scientists claim to have established which diets are most likely to work - and keep the weight off in the long termin fact , the results suggest only a few programmes have shown their users lose more weight than those not using them .\n", + "researchers examined 4,200 studies and selected 11 weight loss plansincluded atkins , jenny craig , meal replacements and online support siteswanted to see how successful they were at first and in the long termvery few plans had evidence they worked better than getting information elsewhere for free - or that they helped weight stay off permanently\n", + "[1.1728014 1.1270689 1.1614754 1.2302046 1.0852921 1.0566843 1.1230216\n", + " 1.080247 1.142977 1.0303042 1.0240839 1.1652408 1.1524955 1.1086203\n", + " 1.0863698 1.1029699 1.0615735 1.0272642 0. 0. ]\n", + "\n", + "[ 3 0 11 2 12 8 1 6 13 15 14 4 7 16 5 9 17 10 18 19]\n", + "=======================\n", + "[\"dubai : it 's still ` bling ' but the natural habitat of the mega-wealthy has a developing cultural undersidedubai is renowned as the playground of the rich and famous .lily allen performed at dubai 's first party in the park\"]\n", + "=======================\n", + "[\"the retail scene is changing too with macy 's due to open soonan opera house is being built in the lagoons areaseveral trendy art galleries have appeared\"]\n", + "dubai : it 's still ` bling ' but the natural habitat of the mega-wealthy has a developing cultural undersidedubai is renowned as the playground of the rich and famous .lily allen performed at dubai 's first party in the park\n", + "the retail scene is changing too with macy 's due to open soonan opera house is being built in the lagoons areaseveral trendy art galleries have appeared\n", + "[1.1891261 1.0962167 1.2074105 1.3789415 1.2976899 1.1731464 1.0554242\n", + " 1.0447389 1.0818632 1.1549568 1.0245187 1.057915 1.0697565 1.1029496\n", + " 1.0230141 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 4 2 0 5 9 13 1 8 12 11 6 7 10 14 18 15 16 17 19]\n", + "=======================\n", + "['visitors or locals can select made-to-order picnic baskets filled with wine , baguettes , cheese and crispscustomers can pick from one of the four picnic options on offer and order online .paris picnics saves its customers from the hassle of trawling through the marché by delivering a freshly-prepared lunch to wherever they are in the city .']\n", + "=======================\n", + "['customers can have a picnic basket delivered after ordering onlineparis picnics packs all the specialties , including french bread and winemore expensive menu options include macarons and foie gras']\n", + "visitors or locals can select made-to-order picnic baskets filled with wine , baguettes , cheese and crispscustomers can pick from one of the four picnic options on offer and order online .paris picnics saves its customers from the hassle of trawling through the marché by delivering a freshly-prepared lunch to wherever they are in the city .\n", + "customers can have a picnic basket delivered after ordering onlineparis picnics packs all the specialties , including french bread and winemore expensive menu options include macarons and foie gras\n", + "[1.1261469 1.270438 1.1199229 1.3107272 1.1781828 1.1335212 1.1884134\n", + " 1.0951104 1.1005201 1.0340842 1.0405577 1.014458 1.0928661 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 6 4 5 0 2 8 7 12 10 9 11 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"pretty popular : barbie 's style-centric instagram account , @barbiestyle , is painstakingly planned - and now has three quarters of a million followerssince barbie 's style instagram account launched last august , swarms of fashion lovers have become fans of her ` official style feed ' , watching as the mattel icon models an impressive collection of barbie clothes that even includes pieces by top designers .the page for @barbiestyle , she told racked , tells the story of barbie 's role in pop culture today as a ` contemporary girl with an aspirational lifestyle ' .\"]\n", + "=======================\n", + "[\"the account 's creators have made ` thousands ' of one-of-a-kind pieces for the iconic dollshe actually travels to new york , paris , london , and miami to be photographed in beautiful outfitsfamous designers like moschino and rachel zoe have styled her\"]\n", + "pretty popular : barbie 's style-centric instagram account , @barbiestyle , is painstakingly planned - and now has three quarters of a million followerssince barbie 's style instagram account launched last august , swarms of fashion lovers have become fans of her ` official style feed ' , watching as the mattel icon models an impressive collection of barbie clothes that even includes pieces by top designers .the page for @barbiestyle , she told racked , tells the story of barbie 's role in pop culture today as a ` contemporary girl with an aspirational lifestyle ' .\n", + "the account 's creators have made ` thousands ' of one-of-a-kind pieces for the iconic dollshe actually travels to new york , paris , london , and miami to be photographed in beautiful outfitsfamous designers like moschino and rachel zoe have styled her\n", + "[1.2239348 1.4158533 1.2776923 1.3389561 1.288359 1.120182 1.1015944\n", + " 1.0929003 1.1097894 1.090797 1.0855219 1.0193454 1.0299174 1.0201932\n", + " 1.0166438 1.1578395 1.0539218 1.074431 1.0324686 0. ]\n", + "\n", + "[ 1 3 4 2 0 15 5 8 6 7 9 10 17 16 18 12 13 11 14 19]\n", + "=======================\n", + "[\"hamilton county 's prosecutor said that the grand jury also indicted andrea bradley , 28 , and glen bates , 32 , on murder and child endangering charges in glenara bates ' death .innocent : glenara bates was brought to an ohio hospital last month dead and weighing only 13lbsprosecutor joe deters says the parents , both of cincinnati , could face the death penalty if convicted of all the charges .\"]\n", + "=======================\n", + "[\"andrea bradley and glen bates charged with aggravated murder in the beating death of their two-year-old daughter glenaraglenara was brought to the hospital last month with bruises , belt marks and bite marks , a head injury and broken teethprosecutors say at the time of her death the toddler was weighing only 13lbscoroner said it was the worst case of starvation she 's even seenin her final days , glenara ate and slept in a bathtub filled with feces and blood\"]\n", + "hamilton county 's prosecutor said that the grand jury also indicted andrea bradley , 28 , and glen bates , 32 , on murder and child endangering charges in glenara bates ' death .innocent : glenara bates was brought to an ohio hospital last month dead and weighing only 13lbsprosecutor joe deters says the parents , both of cincinnati , could face the death penalty if convicted of all the charges .\n", + "andrea bradley and glen bates charged with aggravated murder in the beating death of their two-year-old daughter glenaraglenara was brought to the hospital last month with bruises , belt marks and bite marks , a head injury and broken teethprosecutors say at the time of her death the toddler was weighing only 13lbscoroner said it was the worst case of starvation she 's even seenin her final days , glenara ate and slept in a bathtub filled with feces and blood\n", + "[1.3987943 1.1663284 1.4273787 1.1752201 1.1540881 1.1524932 1.1127442\n", + " 1.0255913 1.0352198 1.2580315 1.1481917 1.0432891 1.0622276 1.1013861\n", + " 1.1401669 1.026288 1.0387546 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 9 3 1 4 5 10 14 6 13 12 11 16 8 15 7 25 17 18 19 20 21 22\n", + " 23 24 26]\n", + "=======================\n", + "['terry martin , 48 , shot his girlfriend laurice hampton , 48 , after she asked for half of the proceeds .victim : hampton , pictured , was taken by ambulance to john peter smith hospital but died a few hours laterbut hampton , critically injured from a gunshot wound to her chest , was able to call 911 about 6:30 am saturday to report the shootings before she died .']\n", + "=======================\n", + "['terry martin , 48 , shot his girlfriend laurice hampton on saturdaythe couple allegedly had a heated argument over the proceeds of the tickethampton was able to call 911 to report the shootings just before she diedofficers found the couple inside a master bedroom and martin was deadhampton was taken by ambulance to a hospital where she died hours later']\n", + "terry martin , 48 , shot his girlfriend laurice hampton , 48 , after she asked for half of the proceeds .victim : hampton , pictured , was taken by ambulance to john peter smith hospital but died a few hours laterbut hampton , critically injured from a gunshot wound to her chest , was able to call 911 about 6:30 am saturday to report the shootings before she died .\n", + "terry martin , 48 , shot his girlfriend laurice hampton on saturdaythe couple allegedly had a heated argument over the proceeds of the tickethampton was able to call 911 to report the shootings just before she diedofficers found the couple inside a master bedroom and martin was deadhampton was taken by ambulance to a hospital where she died hours later\n", + "[1.4164586 1.1930848 1.0782495 1.2347782 1.2251365 1.0981911 1.1507621\n", + " 1.109898 1.0957532 1.0949054 1.0922518 1.1258974 1.0660534 1.0083995\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 1 6 11 7 5 8 9 10 2 12 13 14 15 16 17 18 19 20 21 22 23\n", + " 24 25 26]\n", + "=======================\n", + "[\"( cnn ) japan 's space agency announced this week that the country would put an unmanned rover on the surface of the moon by 2018 , joining an elite club of nations who have explored earth 's satellite .japanese media estimates that the mission will cost in the region of ¥ 10 billion to ¥ 15 billion ( $ 83.4 million - $ 125 million ) .the japan aerospace exploration agency ( jaxa ) , divulged the plan to an expert panel , including members of the cabinet and the education , culture , sports , science and technology ministry on monday .\"]\n", + "=======================\n", + "['japan aims to put an unmanned rover on the surface of the moon by 2018the mission is expected to to be used to perfect technologies which could be utilized for future manned space missions']\n", + "( cnn ) japan 's space agency announced this week that the country would put an unmanned rover on the surface of the moon by 2018 , joining an elite club of nations who have explored earth 's satellite .japanese media estimates that the mission will cost in the region of ¥ 10 billion to ¥ 15 billion ( $ 83.4 million - $ 125 million ) .the japan aerospace exploration agency ( jaxa ) , divulged the plan to an expert panel , including members of the cabinet and the education , culture , sports , science and technology ministry on monday .\n", + "japan aims to put an unmanned rover on the surface of the moon by 2018the mission is expected to to be used to perfect technologies which could be utilized for future manned space missions\n", + "[1.056902 1.4325442 1.2856396 1.0937109 1.042622 1.0674239 1.1029794\n", + " 1.2640643 1.1674961 1.135009 1.076391 1.0319358 1.1049912 1.0551535\n", + " 1.0293868 1.0175734 1.0133455 1.102637 1.0999839 1.0604055 1.0224314\n", + " 1.0480175 1.0173289 1.1288772 0. 0. 0. ]\n", + "\n", + "[ 1 2 7 8 9 23 12 6 17 18 3 10 5 19 0 13 21 4 11 14 20 15 22 16\n", + " 25 24 26]\n", + "=======================\n", + "[\"footage shows three-year-old luiz antonio from brazil being presented with a fanciful dish of octopus gnocchi at the dinner table .but instead of digging into the seafood feast , he starts asking about where the tentacled creature set before him came from with english subtitles detailing his train of thought .his mother reassures him that she only cooked using the octopuses ` little legs chopped ' .\"]\n", + "=======================\n", + "['footage shows three-year-old luiz antonio from brazil being presented with a fanciful dish of octopus gnocchi at the dinner tablebut instead of digging into the seafood feast he starts asking about where the tentacled creature set before him came fromenglish subtitles detail his train of thoughthis mother is reduced to tears through laughter as she listens']\n", + "footage shows three-year-old luiz antonio from brazil being presented with a fanciful dish of octopus gnocchi at the dinner table .but instead of digging into the seafood feast , he starts asking about where the tentacled creature set before him came from with english subtitles detailing his train of thought .his mother reassures him that she only cooked using the octopuses ` little legs chopped ' .\n", + "footage shows three-year-old luiz antonio from brazil being presented with a fanciful dish of octopus gnocchi at the dinner tablebut instead of digging into the seafood feast he starts asking about where the tentacled creature set before him came fromenglish subtitles detail his train of thoughthis mother is reduced to tears through laughter as she listens\n", + "[1.183112 1.3602924 1.339966 1.2058715 1.2368019 1.1521755 1.0925343\n", + " 1.0886593 1.189397 1.0510526 1.138322 1.0774989 1.0200552 1.0534464\n", + " 1.023365 1.0324366 1.0263042 1.0375457 1.0545423 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 8 0 5 10 6 7 11 18 13 9 17 15 16 14 12 25 19 20 21 22\n", + " 23 24 26]\n", + "=======================\n", + "[\"the lunar event - where earth 's shadow completely blocks the moon - lasted only five minutes , making it the shortest eclipse of the century , nasa said .the so-called ` blood moon ' could be seen by billions of people across the western u.s. , canada and australia .the eclipse is the third in a series of four blood moons , with the final one expected on september 28 .\"]\n", + "=======================\n", + "[\"the moon skimmed across the earth 's shadow on saturday , reflecting the red glare of the sunit was the shortest lunar eclipse this century , with ` totality ' only visible for five minutes\"]\n", + "the lunar event - where earth 's shadow completely blocks the moon - lasted only five minutes , making it the shortest eclipse of the century , nasa said .the so-called ` blood moon ' could be seen by billions of people across the western u.s. , canada and australia .the eclipse is the third in a series of four blood moons , with the final one expected on september 28 .\n", + "the moon skimmed across the earth 's shadow on saturday , reflecting the red glare of the sunit was the shortest lunar eclipse this century , with ` totality ' only visible for five minutes\n", + "[1.4985704 1.3956023 1.1552207 1.3809665 1.1828692 1.1460634 1.1761326\n", + " 1.1473042 1.1443347 1.0431587 1.0180365 1.0379046 1.0942307 1.0251402\n", + " 1.017821 1.0109297 1.0116374 1.0374806 1.042517 1.0243793 1.0109481\n", + " 1.0175056 1.0146042 1.0119821 1.0173752 1.0116607 1.0135854]\n", + "\n", + "[ 0 1 3 4 6 2 7 5 8 12 9 18 11 17 13 19 10 14 21 24 22 26 23 25\n", + " 16 20 15]\n", + "=======================\n", + "['alison hall , 48 , almost choked to death after a false nail in her pocket worked its way into her asthma inhaler .it then shot to the back of her throat when she took a puffthe mother-of-one ran outside in a panic when a neighbour came to her rescue and began pounding her back before calling 999 .']\n", + "=======================\n", + "['alison hall , 48 , says the nail became lodged and she started to chokebelieves nail had come off in her pocket and worked way inside the inhalerthere is a 1mm gap at top of salbutamol inhaler where it may have got innow wants to warn others about thoroughly checking inhalers before use']\n", + "alison hall , 48 , almost choked to death after a false nail in her pocket worked its way into her asthma inhaler .it then shot to the back of her throat when she took a puffthe mother-of-one ran outside in a panic when a neighbour came to her rescue and began pounding her back before calling 999 .\n", + "alison hall , 48 , says the nail became lodged and she started to chokebelieves nail had come off in her pocket and worked way inside the inhalerthere is a 1mm gap at top of salbutamol inhaler where it may have got innow wants to warn others about thoroughly checking inhalers before use\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[1.1188753 1.1945068 1.1544409 1.1787616 1.1625264 1.3494738 1.1119328\n", + " 1.1234084 1.0968728 1.0820731 1.0662593 1.0863642 1.057216 1.0329272\n", + " 1.0351306 1.0216267 1.0212259 1.0274365 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 5 1 3 4 2 7 0 6 8 11 9 10 12 14 13 17 15 16 18 19 20 21]\n", + "=======================\n", + "['an estimated 18,000 refugees are now trapped inside yarmouk , stuck between isis and syrian regime forces in \" the deepest circle of hell , \" in the words of u.n. secretary-general ban ki-moon .besieged and bombed by syrian forces for more than two years , the desperate residents of this palestinian refugee camp near damascus awoke in early april to a new , even more terrifying reality -- isis militants seizing yarmouk after defeating several militia groups operating in the area .\" they ( caught ) three people and killed them in the street , in front of people .']\n", + "=======================\n", + "['isis has seized control of large parts of the yarmouk palestinian refugee camp in syriaan estimated 18,000 refugees are trapped between militant groups and regime forcesu.n. : \" in the horror that is syria , the yarmouk refugee camp is the deepest circle of hell \"']\n", + "an estimated 18,000 refugees are now trapped inside yarmouk , stuck between isis and syrian regime forces in \" the deepest circle of hell , \" in the words of u.n. secretary-general ban ki-moon .besieged and bombed by syrian forces for more than two years , the desperate residents of this palestinian refugee camp near damascus awoke in early april to a new , even more terrifying reality -- isis militants seizing yarmouk after defeating several militia groups operating in the area .\" they ( caught ) three people and killed them in the street , in front of people .\n", + "isis has seized control of large parts of the yarmouk palestinian refugee camp in syriaan estimated 18,000 refugees are trapped between militant groups and regime forcesu.n. : \" in the horror that is syria , the yarmouk refugee camp is the deepest circle of hell \"\n", + "[1.2495756 1.4120554 1.2826668 1.2371106 1.4213698 1.2221899 1.0408691\n", + " 1.0130068 1.0204692 1.1040696 1.0246215 1.117358 1.0660486 1.0325148\n", + " 1.013622 1.1344249 1.0679624 1.018691 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 4 1 2 0 3 5 15 11 9 16 12 6 13 10 8 17 14 7 18 19 20 21]\n", + "=======================\n", + "['rochelle holmes , 26 , ballooned to 20st 5lbs ( left ) after eating four takeaways a week - and she also smoked 20 cigarettes a day .but by swapping takeaways for healthy alternatives and controlling the amounts she ate , she managed to slim down to a size 12 .by the time she reached 17 , miss holmes was a size 20 .']\n", + "=======================\n", + "['rochelle holmes , 26 , ballooned to 20st on a diet of pizzas and kebabsshe smoked 20 cigarettes a day and got out of breath walking up stairsdoctors warned her blood pressure was so high she was at risk of a strokeshe managed to lose 8st and drop 6 dress sizes by changing her lifestyle']\n", + "rochelle holmes , 26 , ballooned to 20st 5lbs ( left ) after eating four takeaways a week - and she also smoked 20 cigarettes a day .but by swapping takeaways for healthy alternatives and controlling the amounts she ate , she managed to slim down to a size 12 .by the time she reached 17 , miss holmes was a size 20 .\n", + "rochelle holmes , 26 , ballooned to 20st on a diet of pizzas and kebabsshe smoked 20 cigarettes a day and got out of breath walking up stairsdoctors warned her blood pressure was so high she was at risk of a strokeshe managed to lose 8st and drop 6 dress sizes by changing her lifestyle\n", + "[1.5206163 1.2044307 1.1204765 1.0431706 1.0507681 1.1525675 1.249936\n", + " 1.1866467 1.0431857 1.0228382 1.0370713 1.0473484 1.1914601 1.0281411\n", + " 1.0148916 1.276884 1.2340899 1.0185678 1.01539 1.0198407 1.0117831\n", + " 1.0097562]\n", + "\n", + "[ 0 15 6 16 1 12 7 5 2 4 11 8 3 10 13 9 19 17 18 14 20 21]\n", + "=======================\n", + "[\"peter moores insisted he could work with michael vaughan if he becomes england 's new director of cricket despite the pair 's chequered past .paul downton , with whom moores was close , was sacked as managing director of england cricketmichael vaughan with peter moores in 2008 during his unsuccessful first spell as england coach\"]\n", + "=======================\n", + "['michael vaughan in the frame to replace paul downtonformer england captain has a chequered past with peter mooresmoores insists there are no personal issues between he and vaughandownton was sacked as managing director of england cricket']\n", + "peter moores insisted he could work with michael vaughan if he becomes england 's new director of cricket despite the pair 's chequered past .paul downton , with whom moores was close , was sacked as managing director of england cricketmichael vaughan with peter moores in 2008 during his unsuccessful first spell as england coach\n", + "michael vaughan in the frame to replace paul downtonformer england captain has a chequered past with peter mooresmoores insists there are no personal issues between he and vaughandownton was sacked as managing director of england cricket\n", + "[1.0796597 1.2101333 1.232931 1.2086957 1.1580479 1.1120741 1.1968923\n", + " 1.2883878 1.1070952 1.0494049 1.0540282 1.0807567 1.0941569 1.0342914\n", + " 1.0766551 1.0721005 1.1544594 1.05033 1.1226317 0. 0.\n", + " 0. ]\n", + "\n", + "[ 7 2 1 3 6 4 16 18 5 8 12 11 0 14 15 10 17 9 13 20 19 21]\n", + "=======================\n", + "['the bulldog puppy named hazel stands inside the basket and rather foolishly leans up against the side of itfilmed in a front room , the video begins erratically with the dog flying through the air and jumping onto the basket , which sits on its side .and an english bulldog named hazel is no exception to this rule , as demonstrated in her attempts to get the better of a washing basket .']\n", + "=======================\n", + "['the english bulldog puppy named hazel jumps into the basketafter leaning on the side of it , the puppy is thrown across roompuppy gets up , jumps back inside basket and chews on its rimhazel the bulldog is featured in a number of videos on youtube']\n", + "the bulldog puppy named hazel stands inside the basket and rather foolishly leans up against the side of itfilmed in a front room , the video begins erratically with the dog flying through the air and jumping onto the basket , which sits on its side .and an english bulldog named hazel is no exception to this rule , as demonstrated in her attempts to get the better of a washing basket .\n", + "the english bulldog puppy named hazel jumps into the basketafter leaning on the side of it , the puppy is thrown across roompuppy gets up , jumps back inside basket and chews on its rimhazel the bulldog is featured in a number of videos on youtube\n", + "[1.3779534 1.3952184 1.1572245 1.3020272 1.1611912 1.1968302 1.1882738\n", + " 1.041818 1.0923382 1.0598031 1.1254902 1.0527837 1.0905908 1.0387688\n", + " 1.0511732 1.0370108 1.0734986 1.0821675 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 5 6 4 2 10 8 12 17 16 9 11 14 7 13 15 20 18 19 21]\n", + "=======================\n", + "['the 39-year-old , who was already facing serious drug charges , was allegedly caught along with two other men in a toilet cubicle with white powder at around 4pm on easter friday .former kayak world champion and two-time olympic medalist nathan baggaley has been taken back into custody for allegedly assaulting a police officer at byron bay blues festival .mr baggaley was apprehended when he reported for bail earlier this week at tweed heads police station .']\n", + "=======================\n", + "[\"nathan baggaley has been charged and detained after assaulting policehe allegedly hit an officer 's hand when he was found with a white powderthe fallen athlete has been denied bail and will face courts may 7mr baggaley has also been charged with a string of serious drug chargeshe has plead guilty to manufacturing a border-controlled drug and manufacturing a marketable quantity of methamphetamine\"]\n", + "the 39-year-old , who was already facing serious drug charges , was allegedly caught along with two other men in a toilet cubicle with white powder at around 4pm on easter friday .former kayak world champion and two-time olympic medalist nathan baggaley has been taken back into custody for allegedly assaulting a police officer at byron bay blues festival .mr baggaley was apprehended when he reported for bail earlier this week at tweed heads police station .\n", + "nathan baggaley has been charged and detained after assaulting policehe allegedly hit an officer 's hand when he was found with a white powderthe fallen athlete has been denied bail and will face courts may 7mr baggaley has also been charged with a string of serious drug chargeshe has plead guilty to manufacturing a border-controlled drug and manufacturing a marketable quantity of methamphetamine\n", + "[1.2625012 1.2184943 1.3506685 1.23757 1.2307242 1.1541638 1.0927423\n", + " 1.0899564 1.0641328 1.0280093 1.0329143 1.0361152 1.0982847 1.0810194\n", + " 1.0665379 1.0843666 1.0452043 0. 0. ]\n", + "\n", + "[ 2 0 3 4 1 5 12 6 7 15 13 14 8 16 11 10 9 17 18]\n", + "=======================\n", + "[\"lynch is serving nine years for a series of violent gang robberies , including one in which a knife was held to a terrified father 's throat in front of his family .arrogant : violent robber lynch posing for a jail selfieuse of computers , social media and mobile phones is strictly forbidden behind bars .\"]\n", + "=======================\n", + "[\"craig lynch , 34 , is serving nine years for a series of violent gang robberieshe has taken a series of audacious self-portraits posted on social mediaaccording to a friend , he is using facebook to make huge online profitsit 's claimed he is selling legal highs and investing in overseas properties\"]\n", + "lynch is serving nine years for a series of violent gang robberies , including one in which a knife was held to a terrified father 's throat in front of his family .arrogant : violent robber lynch posing for a jail selfieuse of computers , social media and mobile phones is strictly forbidden behind bars .\n", + "craig lynch , 34 , is serving nine years for a series of violent gang robberieshe has taken a series of audacious self-portraits posted on social mediaaccording to a friend , he is using facebook to make huge online profitsit 's claimed he is selling legal highs and investing in overseas properties\n", + "[1.2474293 1.4555829 1.0741738 1.3890163 1.3051119 1.1572932 1.058385\n", + " 1.0445045 1.0892661 1.0442487 1.0171267 1.0261705 1.1174117 1.1758368\n", + " 1.0437292 1.1036688 1.0208018 1.0243675 1.0246869]\n", + "\n", + "[ 1 3 4 0 13 5 12 15 8 2 6 7 9 14 11 18 17 16 10]\n", + "=======================\n", + "[\"peter endean , who is standing for nigel farage 's party in council elections , re-tweeted an image with a caption that said : ` labour 's new floating voters .around 1,300 people are believed to have drowned in the past two weeks while trying to reach europe in make-shift boats launched by people smugglers from libya -- with up to 950 perishing off the italian island of lampedusa over the weekend alone .peter endean has apologised for retweeting a message mocking victims of the mediterranean refugee crisis\"]\n", + "=======================\n", + "[\"peter endean re-tweeted a message with an image of the fleeing refugeesa caption read : ` labour 's floating voters .it comes just days after up to 950 refugees drowned trying to reach europemr endean later apologised ` unreservedly ' but insisted it was an accidentthe council candidate from plymouth said it was ` unintentional '\"]\n", + "peter endean , who is standing for nigel farage 's party in council elections , re-tweeted an image with a caption that said : ` labour 's new floating voters .around 1,300 people are believed to have drowned in the past two weeks while trying to reach europe in make-shift boats launched by people smugglers from libya -- with up to 950 perishing off the italian island of lampedusa over the weekend alone .peter endean has apologised for retweeting a message mocking victims of the mediterranean refugee crisis\n", + "peter endean re-tweeted a message with an image of the fleeing refugeesa caption read : ` labour 's floating voters .it comes just days after up to 950 refugees drowned trying to reach europemr endean later apologised ` unreservedly ' but insisted it was an accidentthe council candidate from plymouth said it was ` unintentional '\n", + "[1.2109544 1.5280006 1.263943 1.1811008 1.2246658 1.160327 1.0729806\n", + " 1.0276337 1.1231407 1.0883288 1.1151989 1.0553426 1.0406878 1.0566883\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 0 3 5 8 10 9 6 13 11 12 7 17 14 15 16 18]\n", + "=======================\n", + "['michael brelo , 31 , made his first appearance in court in cleveland , ohio , on monday charged with two counts of voluntary manslaughter for the deaths of timothy russell , 43 , and malissa williams , 30 .he is the lone officer among the 13 who fired their weapons that night who is charged criminally because prosecutors say he stood on the hood and opened fire four seconds after the other officers had stopped shooting .but brelo and 12 officers who shot a total of 137 rounds into the car in november 2012 had ample reason to believe that russell and williams were shooting at them , he said .']\n", + "=======================\n", + "[\"cleveland , ohio , officer michael brelo is facing two counts of manslaughtertimothy russell , 43 , and malissa williams , 30 , killed during 2012 shootingbrelo 's footprints were found on hood of chevy malibu where they diedrookie said he learned about hood ` because [ brelo ] was talking about it 'judge will decide brelo 's fate and he faces a max sentence of 25 years\"]\n", + "michael brelo , 31 , made his first appearance in court in cleveland , ohio , on monday charged with two counts of voluntary manslaughter for the deaths of timothy russell , 43 , and malissa williams , 30 .he is the lone officer among the 13 who fired their weapons that night who is charged criminally because prosecutors say he stood on the hood and opened fire four seconds after the other officers had stopped shooting .but brelo and 12 officers who shot a total of 137 rounds into the car in november 2012 had ample reason to believe that russell and williams were shooting at them , he said .\n", + "cleveland , ohio , officer michael brelo is facing two counts of manslaughtertimothy russell , 43 , and malissa williams , 30 , killed during 2012 shootingbrelo 's footprints were found on hood of chevy malibu where they diedrookie said he learned about hood ` because [ brelo ] was talking about it 'judge will decide brelo 's fate and he faces a max sentence of 25 years\n", + "[1.3413107 1.386064 1.2904136 1.1745278 1.2317175 1.2427722 1.2073534\n", + " 1.0585456 1.0778029 1.0872271 1.0507326 1.0468379 1.0534552 1.1288677\n", + " 1.0996767 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 5 4 6 3 13 14 9 8 7 12 10 11 15 16 17 18]\n", + "=======================\n", + "[\"it has emerged that detectives spent just over an hour at the repairman 's house in bonny hills on the nsw north coast on monday afternoon , the daily telegraph reports .police have returned to the home of bill spedding for the third time this year - a person of interest in the case of missing toddler william tyrrell .the 63-year-old 's home had been searched earlier in the year , in january and march , after it was unveiled that he was due to fix william 's grandmother 's washing machine around the time the boy vanished .\"]\n", + "=======================\n", + "['detectives returned to the home of bill spedding on monday afternoonthey reportedly spent more than an hour speaking to the 63-year-oldhis house on the nsw north coast was searched in january and marchwilliam tyrrell vanished from his home in kendall , nsw in september 2014police recently said they believe the boy may be alive after six months']\n", + "it has emerged that detectives spent just over an hour at the repairman 's house in bonny hills on the nsw north coast on monday afternoon , the daily telegraph reports .police have returned to the home of bill spedding for the third time this year - a person of interest in the case of missing toddler william tyrrell .the 63-year-old 's home had been searched earlier in the year , in january and march , after it was unveiled that he was due to fix william 's grandmother 's washing machine around the time the boy vanished .\n", + "detectives returned to the home of bill spedding on monday afternoonthey reportedly spent more than an hour speaking to the 63-year-oldhis house on the nsw north coast was searched in january and marchwilliam tyrrell vanished from his home in kendall , nsw in september 2014police recently said they believe the boy may be alive after six months\n", + "[1.143094 1.4426768 1.3700063 1.2485452 1.2839255 1.1543069 1.1155751\n", + " 1.1888517 1.0338337 1.0573308 1.0194299 1.1369996 1.0372819 1.0144823\n", + " 1.0079347 1.2085503 0. 0. 0. ]\n", + "\n", + "[ 1 2 4 3 15 7 5 0 11 6 9 12 8 10 13 14 17 16 18]\n", + "=======================\n", + "[\"wandsworth council in london has announced that it is set to remove the rule giving an automatic place to a pupil 's brothers and sisters even if the family has moved out of the catchment area .this comes after it was revealed that 80,000 children face missing out on their preferred primary school , with more than 20,000 at risk of being denied any of their preferred choices .in the most oversubscribed areas , four in ten pupils are expected not to get a place at their favourite school amid an escalating crisis over places fuelled by a baby boom and immigration .\"]\n", + "=======================\n", + "['councils in london facing unprecedented pressure on primary placeswandsworth council set to scrap rule giving siblings automatic prioritythe aim is to make process fairer and give priority to those living nearbymore than 20,000 at risk of being denied any of their preferred choices']\n", + "wandsworth council in london has announced that it is set to remove the rule giving an automatic place to a pupil 's brothers and sisters even if the family has moved out of the catchment area .this comes after it was revealed that 80,000 children face missing out on their preferred primary school , with more than 20,000 at risk of being denied any of their preferred choices .in the most oversubscribed areas , four in ten pupils are expected not to get a place at their favourite school amid an escalating crisis over places fuelled by a baby boom and immigration .\n", + "councils in london facing unprecedented pressure on primary placeswandsworth council set to scrap rule giving siblings automatic prioritythe aim is to make process fairer and give priority to those living nearbymore than 20,000 at risk of being denied any of their preferred choices\n", + "[1.4196509 1.2195009 1.1531843 1.2418703 1.1827122 1.3572758 1.0593823\n", + " 1.149992 1.0480887 1.1098042 1.1640592 1.0299655 1.0224538 1.0231446\n", + " 1.0354713 1.0141468 1.0084506 1.0282432]\n", + "\n", + "[ 0 5 3 1 4 10 2 7 9 6 8 14 11 17 13 12 15 16]\n", + "=======================\n", + "[\"as patrick bamford fired home his 19th middlesbrough goal of the season on tuesday night , there was one question on everybody 's lips : can he make the grade at chelsea next season ?patrcik bamford ( centre ) scored in middlesbrough 's their 2-1 championship win over wolves on tuesdayhe will also be given the chance to impress jose mourinho on chelsea 's summer tour although at the end of it he is expected to go out on loan again .\"]\n", + "=======================\n", + "['middlesbrough beat wolves 2-1 in the championship on tuesday nightpatrick bamford scored his 19th goal of the season for boro in the winbamford is one of 26 players out on loan from chelsea this season21-year-old has opened contract talks with the blues over a new deal']\n", + "as patrick bamford fired home his 19th middlesbrough goal of the season on tuesday night , there was one question on everybody 's lips : can he make the grade at chelsea next season ?patrcik bamford ( centre ) scored in middlesbrough 's their 2-1 championship win over wolves on tuesdayhe will also be given the chance to impress jose mourinho on chelsea 's summer tour although at the end of it he is expected to go out on loan again .\n", + "middlesbrough beat wolves 2-1 in the championship on tuesday nightpatrick bamford scored his 19th goal of the season for boro in the winbamford is one of 26 players out on loan from chelsea this season21-year-old has opened contract talks with the blues over a new deal\n", + "[1.2274821 1.3876736 1.1779046 1.1515486 1.3049983 1.1309924 1.0538673\n", + " 1.0909595 1.1783249 1.1505972 1.095949 1.0640272 1.0534685 1.1385186\n", + " 1.0620108 1.0259498 1.0667739 0. ]\n", + "\n", + "[ 1 4 0 8 2 3 9 13 5 10 7 16 11 14 6 12 15 17]\n", + "=======================\n", + "[\"darlene feliciano , a manager at a honolulu walmart , was out on the makapuu ` tom-tom ' trail overlooking sea life park along kalanianaole highway with a male friend when she slipped and fell .a 27-year-old woman fell 500 feet to her death while hiking an off-limits trail famed for its breath-taking vistas in oahu , hawaii , friday .picturesque : feliciano was found unresponsive about 500 feet below a hole in the trail known locally as the puka ( pictured )\"]\n", + "=======================\n", + "[\"darlene feliciano , a walmart manager , was out on makapuu ` tom-tom ' trail overlooking sea life park along kalanianaole highway in oahushe slipped and fell 500 feet below a hole in the trail know as the puka\"]\n", + "darlene feliciano , a manager at a honolulu walmart , was out on the makapuu ` tom-tom ' trail overlooking sea life park along kalanianaole highway with a male friend when she slipped and fell .a 27-year-old woman fell 500 feet to her death while hiking an off-limits trail famed for its breath-taking vistas in oahu , hawaii , friday .picturesque : feliciano was found unresponsive about 500 feet below a hole in the trail known locally as the puka ( pictured )\n", + "darlene feliciano , a walmart manager , was out on makapuu ` tom-tom ' trail overlooking sea life park along kalanianaole highway in oahushe slipped and fell 500 feet below a hole in the trail know as the puka\n", + "[1.0422497 1.5185438 1.172985 1.3770801 1.07575 1.0686833 1.0509831\n", + " 1.1689105 1.0506741 1.1285579 1.0927896 1.0245694 1.0290618 1.0342801\n", + " 1.0242976 1.0231012 1.0331472 1.0199195]\n", + "\n", + "[ 1 3 2 7 9 10 4 5 6 8 0 13 16 12 11 14 15 17]\n", + "=======================\n", + "[\"the viva las vegas rockabilly weekend - now in its 18th year - is a flashback to classic cars , vintage pinups , tiki drinks , tattoos and a fashion aesthetic that balances high heels with just as high hair .around 20,000 fans of the era gathered over the weekend for musical performances and car show off the strip at the orleans hotel and casino .` it 's good clean fun , with a hint of naughty , ' said tara o'hara of chicago .\"]\n", + "=======================\n", + "[\"the viva las vegas rockabilly weekend is an annual four-day music festival that takes place over easterit also puts on north america 's biggest pre-1960 's era car showan estimated 20,000 attendees flock to the orleans hotel and casino for the event each year\"]\n", + "the viva las vegas rockabilly weekend - now in its 18th year - is a flashback to classic cars , vintage pinups , tiki drinks , tattoos and a fashion aesthetic that balances high heels with just as high hair .around 20,000 fans of the era gathered over the weekend for musical performances and car show off the strip at the orleans hotel and casino .` it 's good clean fun , with a hint of naughty , ' said tara o'hara of chicago .\n", + "the viva las vegas rockabilly weekend is an annual four-day music festival that takes place over easterit also puts on north america 's biggest pre-1960 's era car showan estimated 20,000 attendees flock to the orleans hotel and casino for the event each year\n", + "[1.3375088 1.3078313 1.1831117 1.2010666 1.1314098 1.1197145 1.1627965\n", + " 1.0850513 1.0898165 1.0174468 1.0489959 1.1693754 1.0784441 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 11 6 4 5 8 7 12 10 9 13 14 15 16 17]\n", + "=======================\n", + "[\"marks and spencer 's first clothes sales rise for four years has today been credited to its fashion supremo belinda earl , the former saturday shopgirl parachuted in to turn round the business .the married mother-of-two ran debenhams , jaeger and aquascutum before she won the make-or-break style director role at m&s in september 2012 .today it appears that her hard work has paid off , with general merchandise sales , which is mainly women 's clothes , up 0.7 per cent - the first rise after 14 consecutive quarters of losses .\"]\n", + "=======================\n", + "[\"belinda earl was parachuted in to turn round the retailer 's sales slumptoday m&s said sales were up 0.7 % - the first time in almost four yearsfood sales also up after retailer enjoys record valentine 's day salesglitches with its expensive website also fixed with sales up 13 %m&s shares up 20p this morning - first time above # 5.50 since 2007\"]\n", + "marks and spencer 's first clothes sales rise for four years has today been credited to its fashion supremo belinda earl , the former saturday shopgirl parachuted in to turn round the business .the married mother-of-two ran debenhams , jaeger and aquascutum before she won the make-or-break style director role at m&s in september 2012 .today it appears that her hard work has paid off , with general merchandise sales , which is mainly women 's clothes , up 0.7 per cent - the first rise after 14 consecutive quarters of losses .\n", + "belinda earl was parachuted in to turn round the retailer 's sales slumptoday m&s said sales were up 0.7 % - the first time in almost four yearsfood sales also up after retailer enjoys record valentine 's day salesglitches with its expensive website also fixed with sales up 13 %m&s shares up 20p this morning - first time above # 5.50 since 2007\n", + "[1.2395008 1.4007362 1.2696772 1.3168336 1.1083381 1.0710379 1.0709318\n", + " 1.2009538 1.0392874 1.0859729 1.1771233 1.0802679 1.0326647 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 7 10 4 9 11 5 6 8 12 13 14 15 16 17]\n", + "=======================\n", + "[\"the bride-to-be was spotted cheering on her fiancé andy murray yesterday as he battled novak djokovic in the men 's final at the miami open , in an outfit almost identical to two others she wore during the tournament .the 27-year-old wore a short black silk dress with a zip front and a large straw hat to keep her glowing complexion intact for her wedding on april 11 .just days before she is due to wear a big white dress , kim sears has been making black her colour of choice .\"]\n", + "=======================\n", + "['kim sears watched novak djokovic defeat andy murray at the miami openlooked serious in a whistles black mini dress , sunglasses and straw hatthird time kim , 27 , has worn a black dress at the miami open']\n", + "the bride-to-be was spotted cheering on her fiancé andy murray yesterday as he battled novak djokovic in the men 's final at the miami open , in an outfit almost identical to two others she wore during the tournament .the 27-year-old wore a short black silk dress with a zip front and a large straw hat to keep her glowing complexion intact for her wedding on april 11 .just days before she is due to wear a big white dress , kim sears has been making black her colour of choice .\n", + "kim sears watched novak djokovic defeat andy murray at the miami openlooked serious in a whistles black mini dress , sunglasses and straw hatthird time kim , 27 , has worn a black dress at the miami open\n", + "[1.5206515 1.3421865 1.1798383 1.4511287 1.094975 1.0592728 1.0187318\n", + " 1.0189824 1.1517274 1.231017 1.0818595 1.0597781 1.0145909 1.0091863\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 9 2 8 4 10 11 5 7 6 12 13 22 14 15 16 17 18 19 20 21 23]\n", + "=======================\n", + "['nicola adams has no intention of following her former great britain team-mate natasha jonas into retirement as she focuses on becoming a double olympic gold medallist in rio next year .having overcome another lengthy injury lay-off , adams is preparing to return to an english ring for the first time since her london 2012 triumph at the national championships in liverpool next week .natasha jonas , pictured in blue at london 2012 , announced her retirement from boxing on april 7']\n", + "=======================\n", + "[\"london 2012 gold medallist nicola adams will prolong her careeradams has said she ` will keep fighting as long as i have motivation 'the 32-year-old underwent surgery on her shoulder earlier this yearread : natasha jonas retires from boxing despite recent injury recovery\"]\n", + "nicola adams has no intention of following her former great britain team-mate natasha jonas into retirement as she focuses on becoming a double olympic gold medallist in rio next year .having overcome another lengthy injury lay-off , adams is preparing to return to an english ring for the first time since her london 2012 triumph at the national championships in liverpool next week .natasha jonas , pictured in blue at london 2012 , announced her retirement from boxing on april 7\n", + "london 2012 gold medallist nicola adams will prolong her careeradams has said she ` will keep fighting as long as i have motivation 'the 32-year-old underwent surgery on her shoulder earlier this yearread : natasha jonas retires from boxing despite recent injury recovery\n", + "[1.3509531 1.1783814 1.2859269 1.2628894 1.1430392 1.1516227 1.2003882\n", + " 1.1251084 1.0683234 1.1011261 1.0536314 1.022617 1.157138 1.1141026\n", + " 1.1103172 1.0615343 1.0665219 1.0139955 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 6 1 12 5 4 7 13 14 9 8 16 15 10 11 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"volvo teamed up with a swedish start-up to make a light reflective spray for cyclists , called life paintthe paint has proved so popular that the trial cans up for grabs at certain cycling shops in london were snapped up in days .it contains powder-fine reflective particles designed to react to a car 's headlights , alerting drivers to the presence of cyclists in the dark .\"]\n", + "=======================\n", + "['volvo and a start-up made life paint - a wash-off reflective spray for bikesinvisible spray covers anything in reflective particles and glows at nightcans were given away in london cycle shops and proved a big hitnow some are on sale on ebay and volvo is considering selling the spray']\n", + "volvo teamed up with a swedish start-up to make a light reflective spray for cyclists , called life paintthe paint has proved so popular that the trial cans up for grabs at certain cycling shops in london were snapped up in days .it contains powder-fine reflective particles designed to react to a car 's headlights , alerting drivers to the presence of cyclists in the dark .\n", + "volvo and a start-up made life paint - a wash-off reflective spray for bikesinvisible spray covers anything in reflective particles and glows at nightcans were given away in london cycle shops and proved a big hitnow some are on sale on ebay and volvo is considering selling the spray\n", + "[1.2915072 1.2060297 1.163449 1.1453115 1.1077837 1.2076417 1.0888938\n", + " 1.2107425 1.1158171 1.0891653 1.0861132 1.0894926 1.0978432 1.0382746\n", + " 1.0326372 1.0249199 1.0967848 1.0189312 1.0755143 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 7 5 1 2 3 8 4 12 16 11 9 6 10 18 13 14 15 17 22 19 20 21 23]\n", + "=======================\n", + "['( cnn ) the latest outbreak of bird flu -- the worst in the u.s. since the 1980s -- is not a likely threat to humans , reports the centers for disease control and prevention .on monday , health leaders in iowa said more than 5 million hens would have to be euthanized after bird flu was detected at a commercial laying facility there .since mid-december , 16 states have seen bird flu turn up in commercial poultry , backyard chickens , and in flocks of wild and captive wild birds , according to the cdc .']\n", + "=======================\n", + "['the cdc says \" the risk to humans is low , \" but , as always , they are preparing for the worst caseyou ca n\\'t get bird flu from eating poultry or eggsat least 100 people who worked with the sick birds are being monitored for any sign of sicknessso far 3.5 million birds have been euthanized']\n", + "( cnn ) the latest outbreak of bird flu -- the worst in the u.s. since the 1980s -- is not a likely threat to humans , reports the centers for disease control and prevention .on monday , health leaders in iowa said more than 5 million hens would have to be euthanized after bird flu was detected at a commercial laying facility there .since mid-december , 16 states have seen bird flu turn up in commercial poultry , backyard chickens , and in flocks of wild and captive wild birds , according to the cdc .\n", + "the cdc says \" the risk to humans is low , \" but , as always , they are preparing for the worst caseyou ca n't get bird flu from eating poultry or eggsat least 100 people who worked with the sick birds are being monitored for any sign of sicknessso far 3.5 million birds have been euthanized\n", + "[1.0791941 1.0703757 1.2189952 1.1728511 1.1215882 1.2643701 1.1562905\n", + " 1.1127123 1.1501786 1.0141522 1.0391109 1.0799727 1.0445218 1.042919\n", + " 1.079629 1.0939415 1.0534552 1.0484216 1.1109949 1.0636808 1.0238144\n", + " 1.0319506 1.0120653 1.0156488]\n", + "\n", + "[ 5 2 3 6 8 4 7 18 15 11 14 0 1 19 16 17 12 13 10 21 20 23 9 22]\n", + "=======================\n", + "['one hundred sixty-eight people died in the terrorist attack , including 19 children .and the struggle to save the last male northern white rhino in the world .these are your best videos of the week :']\n", + "=======================\n", + "['videos of the week include drone footage of oklahoma citynasa has a car that drives sideways -- and a spacecraft headed for pluto']\n", + "one hundred sixty-eight people died in the terrorist attack , including 19 children .and the struggle to save the last male northern white rhino in the world .these are your best videos of the week :\n", + "videos of the week include drone footage of oklahoma citynasa has a car that drives sideways -- and a spacecraft headed for pluto\n", + "[1.3022043 1.1817008 1.3076439 1.1921982 1.1348614 1.1345417 1.1617119\n", + " 1.0819108 1.1786276 1.1109946 1.0144862 1.0122845 1.0279104 1.0721217\n", + " 1.1104418 1.0579612 1.077027 1.0436555 1.0679486 1.1020803 1.0202608\n", + " 1.044878 0. 0. ]\n", + "\n", + "[ 2 0 3 1 8 6 4 5 9 14 19 7 16 13 18 15 21 17 12 20 10 11 22 23]\n", + "=======================\n", + "[\"noreen , then 68 , had the scan as part of the nhs breast cancer screening programme , and as she says : ` as always , getting the all-clear was a big relief . '8,000 women in their 70s are diagnosed and treated for breast cancerbut 18 months later , shortly before her 70th birthday , the mother-of-three from derbyshire developed intermittent pain in her left side , just below her breast .\"]\n", + "=======================\n", + "[\"noreen spendlove was 68 when she developed pain in her left sidegp referred noreen for a mammogram which revealed three tumoursmps warn that women will die as a result of the screening age limit` extending the age for routine mammograms would mean more lives saved '\"]\n", + "noreen , then 68 , had the scan as part of the nhs breast cancer screening programme , and as she says : ` as always , getting the all-clear was a big relief . '8,000 women in their 70s are diagnosed and treated for breast cancerbut 18 months later , shortly before her 70th birthday , the mother-of-three from derbyshire developed intermittent pain in her left side , just below her breast .\n", + "noreen spendlove was 68 when she developed pain in her left sidegp referred noreen for a mammogram which revealed three tumoursmps warn that women will die as a result of the screening age limit` extending the age for routine mammograms would mean more lives saved '\n", + "[1.25566 1.3545146 1.3002396 1.4184923 1.1910526 1.1512694 1.0981882\n", + " 1.0811942 1.1234499 1.13523 1.1296864 1.0281888 1.0249453 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 2 0 4 5 9 10 8 6 7 11 12 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"zara phillips has had to pull out of the kentucky three-day event after high kingdom suffered an injuryphillips had travelled to the united states with her london 2012 and 2014 world equestrian games great britain team silver medal-winning ride high kingdom .but phillips , the queen 's granddaughter , withdrew before her scheduled dressage test at kentucky horse park .\"]\n", + "=======================\n", + "[\"the queen 's granddaughter had been set to make her kentucky debutbut high kingdom suffered injury in stables and had to withdrawzara phillips still hopeful the horse can competed at badminton\"]\n", + "zara phillips has had to pull out of the kentucky three-day event after high kingdom suffered an injuryphillips had travelled to the united states with her london 2012 and 2014 world equestrian games great britain team silver medal-winning ride high kingdom .but phillips , the queen 's granddaughter , withdrew before her scheduled dressage test at kentucky horse park .\n", + "the queen 's granddaughter had been set to make her kentucky debutbut high kingdom suffered injury in stables and had to withdrawzara phillips still hopeful the horse can competed at badminton\n", + "[1.2448605 1.4190459 1.2025701 1.3476475 1.3016279 1.0881339 1.1293905\n", + " 1.0914392 1.0518758 1.1657057 1.0898265 1.0250144 1.077417 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 4 0 2 9 6 7 10 5 12 8 11 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"dominique granier sparked outrage after he suggested putting on a service specifically for people travelling from a roma encampment next to a cemetery into the centre of montpellier , in the south of france .odour : the smell on route 9 in montpellier is said to be ` unbearable ' and caused by roma using the servicebus driver mr granier said the smell which accompanied the roma was a ` sanitation risk ' in an interview last week .\"]\n", + "=======================\n", + "[\"montpellier bus driver sparks outrage with comment over the ` odour 'said smell from those traveling into the city on route 9 was ' a true infection 'bus company tam is said to have now outsourced that part of the routebut union bosses have said it risks creating ` apartheid ' in french city\"]\n", + "dominique granier sparked outrage after he suggested putting on a service specifically for people travelling from a roma encampment next to a cemetery into the centre of montpellier , in the south of france .odour : the smell on route 9 in montpellier is said to be ` unbearable ' and caused by roma using the servicebus driver mr granier said the smell which accompanied the roma was a ` sanitation risk ' in an interview last week .\n", + "montpellier bus driver sparks outrage with comment over the ` odour 'said smell from those traveling into the city on route 9 was ' a true infection 'bus company tam is said to have now outsourced that part of the routebut union bosses have said it risks creating ` apartheid ' in french city\n", + "[1.3039602 1.4976711 1.4017069 1.255123 1.124733 1.2206701 1.1010431\n", + " 1.1380624 1.0403513 1.0177183 1.0132558 1.0136001 1.0793947 1.0431522\n", + " 1.0333849 1.0252573 1.0923538 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 5 7 4 6 16 12 13 8 14 15 9 11 10 17 18 19 20]\n", + "=======================\n", + "[\"all saints church in wolverhampton re-scheduled the service , which marks the start of easter celebrations , so that vulnerable women can attend their regular thursday sessions tomorrow .the decision comes after prostitutes were left disappointed when the drop-in sessions were cancelled on christmas day and new year 's day because they both fell on a thursday .a church will hold its maundy thursday service today instead of tomorrow to allow a weekly drop-in session for prostitutes to go ahead .\"]\n", + "=======================\n", + "['all saints church , wolverhampton , hosts thursday session for prostitutesmoved traditional maundy thursday service to today to avoid cancellingreligious leaders said the move reflected the true values of christianity']\n", + "all saints church in wolverhampton re-scheduled the service , which marks the start of easter celebrations , so that vulnerable women can attend their regular thursday sessions tomorrow .the decision comes after prostitutes were left disappointed when the drop-in sessions were cancelled on christmas day and new year 's day because they both fell on a thursday .a church will hold its maundy thursday service today instead of tomorrow to allow a weekly drop-in session for prostitutes to go ahead .\n", + "all saints church , wolverhampton , hosts thursday session for prostitutesmoved traditional maundy thursday service to today to avoid cancellingreligious leaders said the move reflected the true values of christianity\n", + "[1.2610054 1.3258559 1.2667874 1.1551206 1.2373977 1.1449616 1.1980411\n", + " 1.1074821 1.2275839 1.0355859 1.0264766 1.0393655 1.070776 1.0349882\n", + " 1.089257 1.0861355 1.0449331 1.037655 1.0318183 0. 0. ]\n", + "\n", + "[ 1 2 0 4 8 6 3 5 7 14 15 12 16 11 17 9 13 18 10 19 20]\n", + "=======================\n", + "['the co-founder of death row records was punched a number of times during the deadly confrontation , but close-ups taken by detectives show he only had a slight black eye .pictures of suge knight showing he had virtually no facial injuries after he was arrested for killing one man and seriously injuring another in his pickup truck have been released .superior court judge ronald coen ruled thursday that there was enough evidence for knight , 49 , to stand trial on charges he killed terry carter and attempted to kill sloan during a parking lot confrontation .']\n", + "=======================\n", + "[\"warning : graphic contentfootage was released along with other key pieces of evidencevideo played in court shows truck pulling up to driveway of burger standhis pickup then backs up after a struggle and runs over sloan 's legthe vehicle is then seen plowing over carter , killing himother pieces of evidence included an hour-long interview with cle ` bone ' sloan , who survived being run over by the death row records co-foundera number of images taken immediately after his arrest were also releasedclose-ups of his face were intended to show injuries he sustained after being punched by sloan\"]\n", + "the co-founder of death row records was punched a number of times during the deadly confrontation , but close-ups taken by detectives show he only had a slight black eye .pictures of suge knight showing he had virtually no facial injuries after he was arrested for killing one man and seriously injuring another in his pickup truck have been released .superior court judge ronald coen ruled thursday that there was enough evidence for knight , 49 , to stand trial on charges he killed terry carter and attempted to kill sloan during a parking lot confrontation .\n", + "warning : graphic contentfootage was released along with other key pieces of evidencevideo played in court shows truck pulling up to driveway of burger standhis pickup then backs up after a struggle and runs over sloan 's legthe vehicle is then seen plowing over carter , killing himother pieces of evidence included an hour-long interview with cle ` bone ' sloan , who survived being run over by the death row records co-foundera number of images taken immediately after his arrest were also releasedclose-ups of his face were intended to show injuries he sustained after being punched by sloan\n", + "[1.4355862 1.3524588 1.3718183 1.0924894 1.1249734 1.225884 1.0677209\n", + " 1.0148132 1.0134737 1.011224 1.1094806 1.1080991 1.0790479 1.0314856\n", + " 1.1884255 1.0156534 1.0097424 1.0085005 1.0082184 1.1224524 1.0157042]\n", + "\n", + "[ 0 2 1 5 14 4 19 10 11 3 12 6 13 20 15 7 8 9 16 17 18]\n", + "=======================\n", + "[\"oxford women made history on saturday with a 12th boat race victory in 16 years on a landmark day for the sport .hot favourites oxford romped to victory by six and a half lengths against cambridge , as the women struck a telling blow for sporting equality in racing the same championship course on the same day as the men .oxford women 's president anastasia chitty hailed the victory as a special moment for her crew , but also for rowing and sporting equality overall .\"]\n", + "=======================\n", + "[\"oxford won their 12th women 's boat race in 16 yearsthe dark blues triumphed by six and a half lengthsit was the first time the women 's race has been raced over the same course and on the same day as the men 's event\"]\n", + "oxford women made history on saturday with a 12th boat race victory in 16 years on a landmark day for the sport .hot favourites oxford romped to victory by six and a half lengths against cambridge , as the women struck a telling blow for sporting equality in racing the same championship course on the same day as the men .oxford women 's president anastasia chitty hailed the victory as a special moment for her crew , but also for rowing and sporting equality overall .\n", + "oxford won their 12th women 's boat race in 16 yearsthe dark blues triumphed by six and a half lengthsit was the first time the women 's race has been raced over the same course and on the same day as the men 's event\n", + "[1.2106892 1.4132614 1.1920589 1.3981066 1.137793 1.1739101 1.0687361\n", + " 1.1471912 1.1139778 1.0448369 1.0561308 1.013833 1.0642775 1.0109249\n", + " 1.0478299 1.051053 1.0414846 0. 0. ]\n", + "\n", + "[ 1 3 0 2 5 7 4 8 6 12 10 15 14 9 16 11 13 17 18]\n", + "=======================\n", + "[\"christopher stefanoni , a 50-year-old from darien , a town of 21,000 with a median household income of $ 200,000 , says his nine-year old was kicked off his team and put in a lower-ranking one just after he proposed developments involving affordable housing .a property developer in a wealthy connecticut suburb believes his family are the victims of small-town vengeance which saw his son demoted in the local little league to punish him for threatening the town 's overwhelmingly white ethnic makeup .the town and the little league both deny that the goings-on of the little league and stefanoni 's housing plans are linked .\"]\n", + "=======================\n", + "[\"christopher stefanoni 's son was pushed into low-ranking team in 2010followed father 's plans for apartment complexes in darien , connecticut , which included affordable housingstefanoni has filed lawsuit claiming townsfolk turned on son to punish himdarien , a wealthy new york city suburb , has a median income of $ 200,000the town is 94 per cent white , with only 70 black residents - 0.33 per centlittle league and the town both deny there is any connection\"]\n", + "christopher stefanoni , a 50-year-old from darien , a town of 21,000 with a median household income of $ 200,000 , says his nine-year old was kicked off his team and put in a lower-ranking one just after he proposed developments involving affordable housing .a property developer in a wealthy connecticut suburb believes his family are the victims of small-town vengeance which saw his son demoted in the local little league to punish him for threatening the town 's overwhelmingly white ethnic makeup .the town and the little league both deny that the goings-on of the little league and stefanoni 's housing plans are linked .\n", + "christopher stefanoni 's son was pushed into low-ranking team in 2010followed father 's plans for apartment complexes in darien , connecticut , which included affordable housingstefanoni has filed lawsuit claiming townsfolk turned on son to punish himdarien , a wealthy new york city suburb , has a median income of $ 200,000the town is 94 per cent white , with only 70 black residents - 0.33 per centlittle league and the town both deny there is any connection\n", + "[1.1702157 1.3967161 1.1045259 1.4000051 1.3543191 1.1212848 1.1335194\n", + " 1.0450124 1.1123679 1.1581026 1.0573014 1.1813713 1.0306572 1.0255411\n", + " 1.0475773 1.0351346 1.0383384 0. 0. ]\n", + "\n", + "[ 3 1 4 11 0 9 6 5 8 2 10 14 7 16 15 12 13 17 18]\n", + "=======================\n", + "[\"diddy and mark wahlberg placed a bet of $ 250,000 on the floyd mayweather and manny pacquiao mega-fightthe rapper and producer placed a $ 250,000 bet with hollywood actor and friend mark wahlberg that ` money ' mayweather will come out on top in the bout .boxing duo mayweather and pacquiao are just days away from their mega-fight in las vegas\"]\n", + "=======================\n", + "[\"diddy and mark wahlberg have placed a $ 250,000 bet on the mega-fightthe rapper is confident floyd mayweather can put him in the ` money 'american boxer adrien broner has also put his money where his mouth isbroner admitted he will be putting $ 10,000 on there to be a stoppagemayweather vs pacquiao - 12 things you did n't know about the pairclick here for all the latest mayweather vs pacquiao news\"]\n", + "diddy and mark wahlberg placed a bet of $ 250,000 on the floyd mayweather and manny pacquiao mega-fightthe rapper and producer placed a $ 250,000 bet with hollywood actor and friend mark wahlberg that ` money ' mayweather will come out on top in the bout .boxing duo mayweather and pacquiao are just days away from their mega-fight in las vegas\n", + "diddy and mark wahlberg have placed a $ 250,000 bet on the mega-fightthe rapper is confident floyd mayweather can put him in the ` money 'american boxer adrien broner has also put his money where his mouth isbroner admitted he will be putting $ 10,000 on there to be a stoppagemayweather vs pacquiao - 12 things you did n't know about the pairclick here for all the latest mayweather vs pacquiao news\n", + "[1.4410907 1.1977977 1.3106881 1.2709451 1.2452549 1.1377519 1.0752554\n", + " 1.1015573 1.0743731 1.09221 1.0333414 1.0201484 1.1175852 1.0175037\n", + " 1.0223842 1.0369225 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 4 1 5 12 7 9 6 8 15 10 14 11 13 17 16 18]\n", + "=======================\n", + "[\"sale 's hopes of qualification for next season 's european champions cup were dealt a hammer blow as they went down to a surprising 25-23 defeat at the madejski stadium .irish scored three tries through alex lewington ( two ) and andrew fenby with chris noakes adding two penalties and two conversions .sale still remain in seventh position but they lost ground on most of their rivals and have only themselves to blame for this disappointing result as they made too many critical errors .\"]\n", + "=======================\n", + "['sale remain seventh in the aviva premiership despite their defeatlondon irish scored tries through alex lewington ( two ) and andrew fenbyexiles fly half chris noakes adding two penalties and two conversionsthe sharks replied with tries from tom arscott ( two ) and mike haleydanny cipriani added eight points from the boot']\n", + "sale 's hopes of qualification for next season 's european champions cup were dealt a hammer blow as they went down to a surprising 25-23 defeat at the madejski stadium .irish scored three tries through alex lewington ( two ) and andrew fenby with chris noakes adding two penalties and two conversions .sale still remain in seventh position but they lost ground on most of their rivals and have only themselves to blame for this disappointing result as they made too many critical errors .\n", + "sale remain seventh in the aviva premiership despite their defeatlondon irish scored tries through alex lewington ( two ) and andrew fenbyexiles fly half chris noakes adding two penalties and two conversionsthe sharks replied with tries from tom arscott ( two ) and mike haleydanny cipriani added eight points from the boot\n", + "[1.060142 1.081221 1.3035681 1.4880712 1.0404267 1.0411206 1.0659903\n", + " 1.1232271 1.0463945 1.0953106 1.023929 1.0309448 1.0850607 1.0750885\n", + " 1.1143184 1.166537 1.046549 1.0175357 1.0208796]\n", + "\n", + "[ 3 2 15 7 14 9 12 1 13 6 0 16 8 5 4 11 10 18 17]\n", + "=======================\n", + "[\"stephen dodd took this photograph of asif bodi and abubakar bhula praying at anfield last monthlast saturday 's inept capitulation to aston villa was the most recent occasion : a soft goal down after 45 minutes and an expensively assembled team which looked as if it had been recruited from the local jobcentre half an hour before the kick-off .the extraordinary scene was captured on a mobile phone camera by liverpool supporter stephen dodd .\"]\n", + "=======================\n", + "['image shows two men praying at half-time during fa cup clashhow would the management have reacted if some devout catholics had decided to stage a holy communion at half-time ?muslim fans could start demanding special prayer rooms at stadiums']\n", + "stephen dodd took this photograph of asif bodi and abubakar bhula praying at anfield last monthlast saturday 's inept capitulation to aston villa was the most recent occasion : a soft goal down after 45 minutes and an expensively assembled team which looked as if it had been recruited from the local jobcentre half an hour before the kick-off .the extraordinary scene was captured on a mobile phone camera by liverpool supporter stephen dodd .\n", + "image shows two men praying at half-time during fa cup clashhow would the management have reacted if some devout catholics had decided to stage a holy communion at half-time ?muslim fans could start demanding special prayer rooms at stadiums\n", + "[1.2041665 1.5088966 1.2501016 1.3544744 1.2145965 1.1670702 1.1098564\n", + " 1.054118 1.0573102 1.0709953 1.0523177 1.0720919 1.0407227 1.1429163\n", + " 1.0162739 1.0201013 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 5 13 6 11 9 8 7 10 12 15 14 16 17 18]\n", + "=======================\n", + "[\"steven allison , 37 , formerly of idle near bradford , west yorkshire , had been uploading pictures of himself looking tanned and happy as he enjoyed his freedom in his new life down under .but he was unaware the net was closing in as british police teamed up with colleagues in australia and interpol to locate allison , who was living in the country 's capital , canberra .allison had already been on the run for a year when he was given a 30 month jail sentence for sexually assaulting two women after failing to turn up at bradford crown court in february last year .\"]\n", + "=======================\n", + "[\"steven allison , 37 , uploaded pictures of himself looking happy and tannedhe fled to australia after going on run from the law more than a year agopolice were closing in on him with help of interpol and australian officersallison was given 30 month jail sentence for sexual assault of two womenhe was supposed to be lying low but could n't help post clues on facebooktracked down by authorities and flown back to uk in handcuffs yesterday\"]\n", + "steven allison , 37 , formerly of idle near bradford , west yorkshire , had been uploading pictures of himself looking tanned and happy as he enjoyed his freedom in his new life down under .but he was unaware the net was closing in as british police teamed up with colleagues in australia and interpol to locate allison , who was living in the country 's capital , canberra .allison had already been on the run for a year when he was given a 30 month jail sentence for sexually assaulting two women after failing to turn up at bradford crown court in february last year .\n", + "steven allison , 37 , uploaded pictures of himself looking happy and tannedhe fled to australia after going on run from the law more than a year agopolice were closing in on him with help of interpol and australian officersallison was given 30 month jail sentence for sexual assault of two womenhe was supposed to be lying low but could n't help post clues on facebooktracked down by authorities and flown back to uk in handcuffs yesterday\n", + "[1.327274 1.391967 1.256445 1.4057322 1.2978549 1.3039784 1.210696\n", + " 1.0734183 1.0357188 1.0167915 1.0113957 1.0384587 1.0158062 1.0155904\n", + " 1.008962 1.0091839 1.0110556 1.0087538 1.007641 1.2072644 1.1643001]\n", + "\n", + "[ 3 1 0 5 4 2 6 19 20 7 11 8 9 12 13 10 16 15 14 17 18]\n", + "=======================\n", + "['liverpool midfielder philippe coutinho ( left ) says winning the fa cup would rescue their seasonthe reds go into their fa cup quarter-final replay at blackburn on wednesday night off the back of damaging league losses at home to manchester united in march followed by a 4-1 thumping at the hands of arsenal on saturday .fifth-placed liverpool ( centre ) are seven points adrift of fourth with seven games left in the premier league']\n", + "=======================\n", + "[\"liverpool lost 4-1 at premier league top four rivals arsenal on saturdayresult sees reds seven points adrift of fourth place with seven games leftreds travel to blackburn in their fa cup quarter-final replay on wednesdayadrian durham : sterling would only be earning the same as balotelli if he signed new # 100,000-a-week deal at liverpool ... that 's the real issue hereclick here for the latest liverpool news\"]\n", + "liverpool midfielder philippe coutinho ( left ) says winning the fa cup would rescue their seasonthe reds go into their fa cup quarter-final replay at blackburn on wednesday night off the back of damaging league losses at home to manchester united in march followed by a 4-1 thumping at the hands of arsenal on saturday .fifth-placed liverpool ( centre ) are seven points adrift of fourth with seven games left in the premier league\n", + "liverpool lost 4-1 at premier league top four rivals arsenal on saturdayresult sees reds seven points adrift of fourth place with seven games leftreds travel to blackburn in their fa cup quarter-final replay on wednesdayadrian durham : sterling would only be earning the same as balotelli if he signed new # 100,000-a-week deal at liverpool ... that 's the real issue hereclick here for the latest liverpool news\n", + "[1.1479491 1.1583052 1.2624254 1.1948967 1.1561661 1.0874155 1.0376239\n", + " 1.0506684 1.0593418 1.0932043 1.0270873 1.0398946 1.0376035 1.0766147\n", + " 1.1897501 1.149836 1.0813776 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 14 1 4 15 0 9 5 16 13 8 7 11 6 12 10 17 18 19 20]\n", + "=======================\n", + "[\"chelsea 's manager is staying true to the game -- his game -- because the end result will be a fourth barclays premier league title for this football club .chelsea 's jose mourinho gestures on the sideline after going into the game against arsenal without a strikereden hazard leads a trio with willian and oscar that has fantasy about their play but mourinho wants function\"]\n", + "=======================\n", + "['chelsea played out a 0-0 draw with arsenal at the emirates on sundayjose mourinho started with no striker despite having didier drogbahis tactics were not pretty but of deserving premier league championswillian gave perhaps his best performance in a chelsea shirt']\n", + "chelsea 's manager is staying true to the game -- his game -- because the end result will be a fourth barclays premier league title for this football club .chelsea 's jose mourinho gestures on the sideline after going into the game against arsenal without a strikereden hazard leads a trio with willian and oscar that has fantasy about their play but mourinho wants function\n", + "chelsea played out a 0-0 draw with arsenal at the emirates on sundayjose mourinho started with no striker despite having didier drogbahis tactics were not pretty but of deserving premier league championswillian gave perhaps his best performance in a chelsea shirt\n", + "[1.2787492 1.4504594 1.1827413 1.1264703 1.168967 1.0834758 1.0749581\n", + " 1.0824084 1.0388589 1.1404234 1.0749999 1.1335654 1.0945398 1.0618048\n", + " 1.0120442 1.0218652 1.0120517 1.0254424 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 4 9 11 3 12 5 7 10 6 13 8 17 15 16 14 18 19 20]\n", + "=======================\n", + "[\"dr george hamilton , the chief apostle of the w.o.r.d. ministries in summerville , south carolina , launched an attack on officer michael slager , who killed scott last week by shooting him five times in the back , referring to him as a ` disgrace ' .the funeral of south carolina police shooting victim walter scott took on a fiery tone today when the pastor presiding over the service said his death was ` motivated by racial discrimination ' .hundreds of mourners were crammed inside the small church today , where scott 's casket , draped in an american flag , was led in , accompanied by his distraught mother .\"]\n", + "=======================\n", + "[\"service for scott , 50 , in summerville , south carolina , was attended by hundreds of mournersdr george hamilton , chief apostle of the w.o.r.d ministries , called officer michael slager a ` racist ' and a ` disgrace 'fiery speech was given before a crowd of hundreds of mourners , and over scott 's casket , draped in a u.s. flagdistraught mother judy scott accompanied her son , who was shot dead last saturdayfamily were given a police escort on the way to the funeral , by a separate force to the officer who shot scottcongressman jim clyburn ( d-sc ) and senator tim scott ( r-sc ) attended , as did charleston county 's sheriffslager , a north charleston police officer , was filmed shooting scott five times in the back as he ranofficer had pulled him over moments before on a routine traffic stop .family said scott may have run because he owed $ 18,000 in child support , and that he routinely avoided police\"]\n", + "dr george hamilton , the chief apostle of the w.o.r.d. ministries in summerville , south carolina , launched an attack on officer michael slager , who killed scott last week by shooting him five times in the back , referring to him as a ` disgrace ' .the funeral of south carolina police shooting victim walter scott took on a fiery tone today when the pastor presiding over the service said his death was ` motivated by racial discrimination ' .hundreds of mourners were crammed inside the small church today , where scott 's casket , draped in an american flag , was led in , accompanied by his distraught mother .\n", + "service for scott , 50 , in summerville , south carolina , was attended by hundreds of mournersdr george hamilton , chief apostle of the w.o.r.d ministries , called officer michael slager a ` racist ' and a ` disgrace 'fiery speech was given before a crowd of hundreds of mourners , and over scott 's casket , draped in a u.s. flagdistraught mother judy scott accompanied her son , who was shot dead last saturdayfamily were given a police escort on the way to the funeral , by a separate force to the officer who shot scottcongressman jim clyburn ( d-sc ) and senator tim scott ( r-sc ) attended , as did charleston county 's sheriffslager , a north charleston police officer , was filmed shooting scott five times in the back as he ranofficer had pulled him over moments before on a routine traffic stop .family said scott may have run because he owed $ 18,000 in child support , and that he routinely avoided police\n", + "[1.3427858 1.4479982 1.5146501 1.3497958 1.1707593 1.2261536 1.1164782\n", + " 1.026149 1.0145732 1.0102928 1.0169178 1.2260103 1.0439683 1.194752\n", + " 1.0881357 1.0448656 1.0111787 1.0077434 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 0 5 11 13 4 6 14 15 12 7 10 8 16 9 17 18 19 20]\n", + "=======================\n", + "[\"christian benteke and fabian delph scored to cancel out philippe coutinho 's opener as villa booked a final showdown with arsenal on may 30 .the midfielder helped villa reach the fa cup final after their 2-1 last-four victory over liverpool on sunday .tom cleverley has hailed tim sherwood 's style and insists aston villa 's attacking gambles are paying off .\"]\n", + "=======================\n", + "[\"aston villa beat liverpool 2-1 in the fa cup semi-final at wembleymidfielder tom cleverley praised tim sherwood 's impact as villa bosscleverley believes villa can beat arsenal in the final in a ` one-off match '\"]\n", + "christian benteke and fabian delph scored to cancel out philippe coutinho 's opener as villa booked a final showdown with arsenal on may 30 .the midfielder helped villa reach the fa cup final after their 2-1 last-four victory over liverpool on sunday .tom cleverley has hailed tim sherwood 's style and insists aston villa 's attacking gambles are paying off .\n", + "aston villa beat liverpool 2-1 in the fa cup semi-final at wembleymidfielder tom cleverley praised tim sherwood 's impact as villa bosscleverley believes villa can beat arsenal in the final in a ` one-off match '\n", + "[1.1929026 1.3623506 1.2736002 1.2728174 1.2333298 1.0475283 1.06345\n", + " 1.1327499 1.0772196 1.0509837 1.0439874 1.0632873 1.1513026 1.0819757\n", + " 1.127296 1.0273204 1.03949 1.0162941 1.0446571 1.0763547 0. ]\n", + "\n", + "[ 1 2 3 4 0 12 7 14 13 8 19 6 11 9 5 18 10 16 15 17 20]\n", + "=======================\n", + "[\"from today , users can post , explore other people 's photos and interact with captions using just emoji .emoji hashtags work with single emoji , multiple emoji or can be combined with text .emoji are popular in the instagram community , with nearly half of instagram captions ( pictured on rosie huntington-whiteley 's page ) already featuring the small pictures\"]\n", + "=======================\n", + "['from today , emoji will now work within hashtags on instagramusers add them to posts , search on explore tab and tap them in captionshashtags work with single and multiple emoji , as well as with textapp has also added three new filters called lark , reyes and juno']\n", + "from today , users can post , explore other people 's photos and interact with captions using just emoji .emoji hashtags work with single emoji , multiple emoji or can be combined with text .emoji are popular in the instagram community , with nearly half of instagram captions ( pictured on rosie huntington-whiteley 's page ) already featuring the small pictures\n", + "from today , emoji will now work within hashtags on instagramusers add them to posts , search on explore tab and tap them in captionshashtags work with single and multiple emoji , as well as with textapp has also added three new filters called lark , reyes and juno\n", + "[1.2905605 1.3978508 1.2042316 1.2297248 1.051198 1.0287293 1.2610759\n", + " 1.1310256 1.1275036 1.1734802 1.0196987 1.0862501 1.0153257 1.0196118\n", + " 1.1038705 1.0165768 1.0139487 1.0461446 0. ]\n", + "\n", + "[ 1 0 6 3 2 9 7 8 14 11 4 17 5 10 13 15 12 16 18]\n", + "=======================\n", + "[\"posted to facebook two weeks ago , the loving image of rosa camfield and baby kaylee became an online sensation before it was announced that rosa had sadly passed away on monday .the picture of a 101-year-old arizona woman cradling her new-born great-granddaughter spanned four generations of the same the family in one photograph and captured the hearts of millions .speaking to daily mail online , rosa 's granddaughter , sarah hamm , 33 , detailed her grandmother 's life from tumultuous youth in the depression era , to a difficult divorce in the 1950s and all the way to her third marriage - to her childhood sweetheart - in her 80s .\"]\n", + "=======================\n", + "[\"rosa camfield of gilbert , arizona became an internet celebrity just before her death on mondaya picture of camfield and her newborn great-granddaughter kaylee was shared thousands of times when it was posted online last weekdaily mail online spoke with camfield 's family who detailed her amazing life story\"]\n", + "posted to facebook two weeks ago , the loving image of rosa camfield and baby kaylee became an online sensation before it was announced that rosa had sadly passed away on monday .the picture of a 101-year-old arizona woman cradling her new-born great-granddaughter spanned four generations of the same the family in one photograph and captured the hearts of millions .speaking to daily mail online , rosa 's granddaughter , sarah hamm , 33 , detailed her grandmother 's life from tumultuous youth in the depression era , to a difficult divorce in the 1950s and all the way to her third marriage - to her childhood sweetheart - in her 80s .\n", + "rosa camfield of gilbert , arizona became an internet celebrity just before her death on mondaya picture of camfield and her newborn great-granddaughter kaylee was shared thousands of times when it was posted online last weekdaily mail online spoke with camfield 's family who detailed her amazing life story\n", + "[1.1558123 1.3058006 1.2421339 1.0885586 1.2648824 1.1456188 1.1364197\n", + " 1.1075737 1.0773286 1.0859493 1.0906084 1.0312833 1.0578121 1.0650439\n", + " 1.0246233 1.0616728 0. 0. 0. ]\n", + "\n", + "[ 1 4 2 0 5 6 7 10 3 9 8 13 15 12 11 14 16 17 18]\n", + "=======================\n", + "['now genetic research has revealed that ancient european populations were dark skinned for far longer than had originally been thought .genetic analysis has shown that hunter gatherers living in spain up to 8,500 years ago still had dark skin .rather than lightening as early humans migrated north from africa around 40,000 years ago due to lower levels of sunlight , these first homo sapiens retained their dark skin colour .']\n", + "=======================\n", + "['the original migrants to europe from africa arrived 40,000 years agoup until 8,000 years ago , early hunter-gatherers largely had darker skinwhen near east farmers arrived , they carried with them light skin genesgenomes of 83 people found 5 genes linked with diet and skin changes']\n", + "now genetic research has revealed that ancient european populations were dark skinned for far longer than had originally been thought .genetic analysis has shown that hunter gatherers living in spain up to 8,500 years ago still had dark skin .rather than lightening as early humans migrated north from africa around 40,000 years ago due to lower levels of sunlight , these first homo sapiens retained their dark skin colour .\n", + "the original migrants to europe from africa arrived 40,000 years agoup until 8,000 years ago , early hunter-gatherers largely had darker skinwhen near east farmers arrived , they carried with them light skin genesgenomes of 83 people found 5 genes linked with diet and skin changes\n", + "[1.1369275 1.1373191 1.303356 1.1425079 1.3539559 1.4026817 1.0953294\n", + " 1.0357641 1.0458475 1.027043 1.0188346 1.0843242 1.054389 1.1081399\n", + " 1.1105273 1.0782192 0. 0. 0. ]\n", + "\n", + "[ 5 4 2 3 1 0 14 13 6 11 15 12 8 7 9 10 17 16 18]\n", + "=======================\n", + "['bouchard refused to shake the hand of alexandra dulgheru before fed cup match at the weekendeugenie bouchard was mocked at home and abroad over the handshake controversyher refusal to shake hands with romanian opponent alexandra dulgheru turned out to be the precursor of a dreadful few days for the world no 7 .']\n", + "=======================\n", + "[\"eugenie bouchard refused to shake hands with rival alexandra dulgherucontroversy sparked a dreadful few days for last year 's wimbledon finalistbouchard suffered two humiliating defeats in front of her hometown crowd\"]\n", + "bouchard refused to shake the hand of alexandra dulgheru before fed cup match at the weekendeugenie bouchard was mocked at home and abroad over the handshake controversyher refusal to shake hands with romanian opponent alexandra dulgheru turned out to be the precursor of a dreadful few days for the world no 7 .\n", + "eugenie bouchard refused to shake hands with rival alexandra dulgherucontroversy sparked a dreadful few days for last year 's wimbledon finalistbouchard suffered two humiliating defeats in front of her hometown crowd\n", + "[1.301167 1.0763755 1.3789296 1.3929625 1.215325 1.1291304 1.052675\n", + " 1.0940245 1.0807519 1.1630626 1.0349337 1.0802536 1.036317 1.0489874\n", + " 1.0280354 1.0256699 1.029654 1.0262938 1.0362504]\n", + "\n", + "[ 3 2 0 4 9 5 7 8 11 1 6 13 12 18 10 16 14 17 15]\n", + "=======================\n", + "[\"andy murray and kim sears , pictured at the wimbledon champions dinner 2013 , are preparing to marry in his home town of dunblane this weekendprince william and kate middleton 's wedding is arguably the most famous marital ceremony of the the 21st century so far .the decoration was first seen at the royal wedding in 2011 , when trees lined the aisle at the end of each pew in westminster abbey .\"]\n", + "=======================\n", + "[\"andy murray and kim sears are getting married in dunblane this weekendpreparations are underway for their nuptials at the town 's cathedralthe decor echoes that of prince william 's wedding to kate middleton\"]\n", + "andy murray and kim sears , pictured at the wimbledon champions dinner 2013 , are preparing to marry in his home town of dunblane this weekendprince william and kate middleton 's wedding is arguably the most famous marital ceremony of the the 21st century so far .the decoration was first seen at the royal wedding in 2011 , when trees lined the aisle at the end of each pew in westminster abbey .\n", + "andy murray and kim sears are getting married in dunblane this weekendpreparations are underway for their nuptials at the town 's cathedralthe decor echoes that of prince william 's wedding to kate middleton\n", + "[1.5916948 1.4296463 1.1584523 1.4958937 1.1678439 1.0543272 1.0486885\n", + " 1.0225239 1.0124145 1.015233 1.0123123 1.1991626 1.0252264 1.023304\n", + " 1.0390773 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 11 4 2 5 6 14 12 13 7 9 8 10 17 15 16 18]\n", + "=======================\n", + "[\"arsenal manager arsene wenger accepted his side were ' a bit lucky ' after a fumble from reading goalkeeper adam federici handed them a 2-1 extra-time victory and a place in the fa cup final .the gunners will head back to wembley on may 30 aiming to defend the trophy after edging past the sky bet championship side , who had rallied after going behind just before half-time to a fine goal from alexis sanchez .wenger 's side failed to hit the level seen in recent games against reading at wembley\"]\n", + "=======================\n", + "[\"arsenal reached the fa cup final despite failing to live up to recent formadam federici 's gaffe was only difference between the sides at wembleyhe let a soft alexis sanchez effort squirm through his grasp in extra timewenger felt federici kept reading in the game with numerous top saves\"]\n", + "arsenal manager arsene wenger accepted his side were ' a bit lucky ' after a fumble from reading goalkeeper adam federici handed them a 2-1 extra-time victory and a place in the fa cup final .the gunners will head back to wembley on may 30 aiming to defend the trophy after edging past the sky bet championship side , who had rallied after going behind just before half-time to a fine goal from alexis sanchez .wenger 's side failed to hit the level seen in recent games against reading at wembley\n", + "arsenal reached the fa cup final despite failing to live up to recent formadam federici 's gaffe was only difference between the sides at wembleyhe let a soft alexis sanchez effort squirm through his grasp in extra timewenger felt federici kept reading in the game with numerous top saves\n", + "[1.1659724 1.3957381 1.3887779 1.2989314 1.2425138 1.0973111 1.1149014\n", + " 1.0356662 1.1370683 1.0330411 1.0371 1.0796013 1.0596882 1.023481\n", + " 1.0475498 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 8 6 5 11 12 14 10 7 9 13 16 15 17]\n", + "=======================\n", + "['eating the kernels without their skins can improve gut health and the ability to ward off bugs like e.coli , according to the research .scientists from the university of maryland found that flour made from peanut kernel significantly stimulated the growth of lactobacillus casei and lactobacillus rhamnosus , the type of friendly bacteria more commonly associated with yoghurt drinks .by increasing the amount of good bacteria , the peanut flour was able to reduce the amount of a dangerous bacterium , enterohaemorrhagic e.coli , which can cause severe food poisoning .']\n", + "=======================\n", + "['flour made from peanut kernel majorly stimulated growth of friendly bacteriathis means it can lower amount of e.coli , university of maryland study foundharmful bacteria is out-competed as friendly takes up space on intestine wall']\n", + "eating the kernels without their skins can improve gut health and the ability to ward off bugs like e.coli , according to the research .scientists from the university of maryland found that flour made from peanut kernel significantly stimulated the growth of lactobacillus casei and lactobacillus rhamnosus , the type of friendly bacteria more commonly associated with yoghurt drinks .by increasing the amount of good bacteria , the peanut flour was able to reduce the amount of a dangerous bacterium , enterohaemorrhagic e.coli , which can cause severe food poisoning .\n", + "flour made from peanut kernel majorly stimulated growth of friendly bacteriathis means it can lower amount of e.coli , university of maryland study foundharmful bacteria is out-competed as friendly takes up space on intestine wall\n", + "[1.2585437 1.2392296 1.251622 1.3457181 1.066537 1.1627563 1.0727316\n", + " 1.1054825 1.0918301 1.2175542 1.075999 1.0411159 1.0424068 1.0718516\n", + " 1.0282199 1.0369791 0. 0. ]\n", + "\n", + "[ 3 0 2 1 9 5 7 8 10 6 13 4 12 11 15 14 16 17]\n", + "=======================\n", + "['hundreds of yazidi girls and women , some as young as eight , were kidnapped by isis last year , and have since been held as sex slaves in the islamic statetraumatised after months of rape and torture at the hands of isis militants , some of victims have returned after falling pregnant by their captors and further at risk at being ostracised by their community , which frowns upon pre-marital sex .around 40,000 people were kidnapped at gunpoint when islamic state fighters attacked yazidi villages last summer .']\n", + "=======================\n", + "['hundreds of yazidi girls and women held as sex slaves in islamic statesome who have escaped have returned pregnant by their captorsabortion is illegal in kurdistan , but some doctors are breaking the law']\n", + "hundreds of yazidi girls and women , some as young as eight , were kidnapped by isis last year , and have since been held as sex slaves in the islamic statetraumatised after months of rape and torture at the hands of isis militants , some of victims have returned after falling pregnant by their captors and further at risk at being ostracised by their community , which frowns upon pre-marital sex .around 40,000 people were kidnapped at gunpoint when islamic state fighters attacked yazidi villages last summer .\n", + "hundreds of yazidi girls and women held as sex slaves in islamic statesome who have escaped have returned pregnant by their captorsabortion is illegal in kurdistan , but some doctors are breaking the law\n", + "[1.3655635 1.3384916 1.1599383 1.0456371 1.2236991 1.0732548 1.0385259\n", + " 1.0333233 1.0288848 1.1973226 1.1356305 1.0813154 1.0740355 1.0788082\n", + " 1.038372 1.2086219 1.1156307 0. ]\n", + "\n", + "[ 0 1 4 15 9 2 10 16 11 13 12 5 3 6 14 7 8 17]\n", + "=======================\n", + "[\"hungry for power : snp leader nicola sturgeonshe also suggested that david cameron had been ` not unhelpful ' to the snp by gaining the party greater publicity .pledge : miss sturgeon 's remarks came after she had insisted that she would put ed miliband ( right ) into downing street even if labour wins 40 fewer seats than the tories in a hung parliament .\"]\n", + "=======================\n", + "[\"leader said she understands concerns about snp being part of coalitionmiss sturgeon also suggested pm had been ` not unhelpful ' to her partypolls indicate snp is on the brink of a historic landside victory in election\"]\n", + "hungry for power : snp leader nicola sturgeonshe also suggested that david cameron had been ` not unhelpful ' to the snp by gaining the party greater publicity .pledge : miss sturgeon 's remarks came after she had insisted that she would put ed miliband ( right ) into downing street even if labour wins 40 fewer seats than the tories in a hung parliament .\n", + "leader said she understands concerns about snp being part of coalitionmiss sturgeon also suggested pm had been ` not unhelpful ' to her partypolls indicate snp is on the brink of a historic landside victory in election\n", + "[1.31917 1.422541 1.274197 1.2727538 1.1658583 1.0816544 1.076044\n", + " 1.0259935 1.0395803 1.1632899 1.078707 1.1210386 1.0334457 1.0596712\n", + " 1.016751 1.0122124 1.0436386 0. ]\n", + "\n", + "[ 1 0 2 3 4 9 11 5 10 6 13 16 8 12 7 14 15 17]\n", + "=======================\n", + "['michelle , a 32-year-old mother who has asked for her surname not to be used , said the white van drove through a red light at about 2:30 p.m. on tuesday and almost hit her vehicle .police in florida are investigating a possible road rage incident after a woman filmed a man throwing a bottle of liquid at her vehicle while driving his van .she said she followed the man and taped him after he swerved in and out of traffic while speeding on a stretch of road that has two school crossings .']\n", + "=======================\n", + "['a woman named michelle told police that the white van drove through a red light at about 2:30 p.m. on tuesday and almost hit her vehiclecell phone footage shows him throwing a bottle at her carpolice have identified the driver as daniel robert frank , 28frank is helping police with their misdemeanor criminal mischief investigation and his attorney claims michelle threw something at his van']\n", + "michelle , a 32-year-old mother who has asked for her surname not to be used , said the white van drove through a red light at about 2:30 p.m. on tuesday and almost hit her vehicle .police in florida are investigating a possible road rage incident after a woman filmed a man throwing a bottle of liquid at her vehicle while driving his van .she said she followed the man and taped him after he swerved in and out of traffic while speeding on a stretch of road that has two school crossings .\n", + "a woman named michelle told police that the white van drove through a red light at about 2:30 p.m. on tuesday and almost hit her vehiclecell phone footage shows him throwing a bottle at her carpolice have identified the driver as daniel robert frank , 28frank is helping police with their misdemeanor criminal mischief investigation and his attorney claims michelle threw something at his van\n", + "[1.4321347 1.3083959 1.176441 1.3811533 1.276468 1.1594218 1.1092491\n", + " 1.0317912 1.0528934 1.1598943 1.0997666 1.0238644 1.0233665 1.0448887\n", + " 1.1060568 1.013981 1.1024252 1.037953 ]\n", + "\n", + "[ 0 3 1 4 2 9 5 6 14 16 10 8 13 17 7 11 12 15]\n", + "=======================\n", + "[\"hawthorn coach alastair clarkson has been filmed lashing out at an aggressive afl fan after his team 's narrow loss to port adelaide on saturday night .the footage shows a young man , thought to be an adelaide power fan , taunting clarkson as he made his way back to his adelaide hotel room , before clarkson pushes the man and grabs his neck .it appears the video was captured by a friend of the young man and it 's understood the pair had been goading clarkson in the lead-up to the confrontation .\"]\n", + "=======================\n", + "[\"alastair clarkson has been filmed pushing and grabbing the neck of an adelaide power fan after hawthorn 's loss to port adelaide on saturdaythe intoxicated fan is seen harassing clarkson outside his adelaide hotelclarkson was ` pushed , shoved all the way to the door , ' hawks ceo says\"]\n", + "hawthorn coach alastair clarkson has been filmed lashing out at an aggressive afl fan after his team 's narrow loss to port adelaide on saturday night .the footage shows a young man , thought to be an adelaide power fan , taunting clarkson as he made his way back to his adelaide hotel room , before clarkson pushes the man and grabs his neck .it appears the video was captured by a friend of the young man and it 's understood the pair had been goading clarkson in the lead-up to the confrontation .\n", + "alastair clarkson has been filmed pushing and grabbing the neck of an adelaide power fan after hawthorn 's loss to port adelaide on saturdaythe intoxicated fan is seen harassing clarkson outside his adelaide hotelclarkson was ` pushed , shoved all the way to the door , ' hawks ceo says\n", + "[1.2344568 1.3168612 1.2204504 1.3504312 1.1803683 1.208856 1.0562433\n", + " 1.0613618 1.0681579 1.0218008 1.0853522 1.0676028 1.0597812 1.0560933\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 2 5 4 10 8 11 7 12 6 13 9 14 15 16 17 18 19]\n", + "=======================\n", + "[\"a beachfront property with summer and winter cottages ( middle , bottom left ) has gone on the market for # 3million in cornwalldie-hard fans of the hit bbc series poldark are n't just flocking to cornwall as tourists , as interest in the programme has spurred demand for holiday homes along the county 's picturesque coastline .since the series started airing last month estate agents said they have seen a rise in enquiries about the cottage , overlooking an ancient smugglers ' cove on cornwall 's north coast , and other properties where the title character , ross poldark , plies his trade .\"]\n", + "=======================\n", + "[\"interest in the hit bbc series poldark has given cornwall 's tourism and housing market a boostestate agents said they have seen a rise in interest from fans who are interested in purchasing a second homebeachfront property near portreath has seven bedrooms , six reception rooms and seven bathrooms\"]\n", + "a beachfront property with summer and winter cottages ( middle , bottom left ) has gone on the market for # 3million in cornwalldie-hard fans of the hit bbc series poldark are n't just flocking to cornwall as tourists , as interest in the programme has spurred demand for holiday homes along the county 's picturesque coastline .since the series started airing last month estate agents said they have seen a rise in enquiries about the cottage , overlooking an ancient smugglers ' cove on cornwall 's north coast , and other properties where the title character , ross poldark , plies his trade .\n", + "interest in the hit bbc series poldark has given cornwall 's tourism and housing market a boostestate agents said they have seen a rise in interest from fans who are interested in purchasing a second homebeachfront property near portreath has seven bedrooms , six reception rooms and seven bathrooms\n", + "[1.2566237 1.3654944 1.1123805 1.2080898 1.2757101 1.1750898 1.098658\n", + " 1.1086351 1.1105801 1.0549178 1.0856895 1.0727248 1.0596446 1.0380208\n", + " 1.0298425 1.0552176 1.0917745 1.0580558 0. 0. ]\n", + "\n", + "[ 1 4 0 3 5 2 8 7 6 16 10 11 12 17 15 9 13 14 18 19]\n", + "=======================\n", + "[\"the world no 3 posted on twitter a hilarious series of ` emojis ' to his 2.98 million followers , displaying his various plans for the day .andy murray clearly has a vision for how his wedding day will play out when he marries his long-term girlfriend kim sears in his hometown of dunblane on saturday .andy murray is delighted after some snooker with friends ross hutchins ( left ) and jamie delgado ( centre )\"]\n", + "=======================\n", + "['andy murray is getting married to kim sears in dunblane on saturdaybritish no 1 looked a little apprehensive at the wedding rehearsalformer wimbledon champion is set to jet off after the wedding to take a look at prospective new assistant coach jonas bjorkman']\n", + "the world no 3 posted on twitter a hilarious series of ` emojis ' to his 2.98 million followers , displaying his various plans for the day .andy murray clearly has a vision for how his wedding day will play out when he marries his long-term girlfriend kim sears in his hometown of dunblane on saturday .andy murray is delighted after some snooker with friends ross hutchins ( left ) and jamie delgado ( centre )\n", + "andy murray is getting married to kim sears in dunblane on saturdaybritish no 1 looked a little apprehensive at the wedding rehearsalformer wimbledon champion is set to jet off after the wedding to take a look at prospective new assistant coach jonas bjorkman\n", + "[1.1271755 1.2351575 1.3019966 1.2206451 1.0905343 1.1129625 1.1355013\n", + " 1.079821 1.0265186 1.0315977 1.1609093 1.0778872 1.0350559 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 3 10 6 0 5 4 7 11 12 9 8 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"however , officials say china and other nations are rapidly expanding the size and scope of their own submarine forces .for decades , the u.s. military has maintained its dominance in the depths of the world 's oceans by boasting the most technologically advanced submarine fleet .darpa says the so-called drone ships will be 132 feet long and likely cost about $ 20 million , significantly less than the billion-dollar manned warships currently in use .\"]\n", + "=======================\n", + "['u.s. navy is developing an unmanned drone ship to track enemy submarines to limit their tactical capacity for surprisethe vessel would be able to operate under with little supervisory controladvances are necessary to maintain technological edge on russia and china , admiral tells house panel']\n", + "however , officials say china and other nations are rapidly expanding the size and scope of their own submarine forces .for decades , the u.s. military has maintained its dominance in the depths of the world 's oceans by boasting the most technologically advanced submarine fleet .darpa says the so-called drone ships will be 132 feet long and likely cost about $ 20 million , significantly less than the billion-dollar manned warships currently in use .\n", + "u.s. navy is developing an unmanned drone ship to track enemy submarines to limit their tactical capacity for surprisethe vessel would be able to operate under with little supervisory controladvances are necessary to maintain technological edge on russia and china , admiral tells house panel\n", + "[1.1296587 1.0847256 1.065676 1.4187126 1.1104076 1.5106667 1.4515944\n", + " 1.0376875 1.0214843 1.0280553 1.0169772 1.0195838 1.0149007 1.0270439\n", + " 1.088326 1.087191 1.0381742 1.1196613 1.0648372 1.0566174]\n", + "\n", + "[ 5 6 3 0 17 4 14 15 1 2 18 19 16 7 9 13 8 11 10 12]\n", + "=======================\n", + "['gary neville and paul scholes attending the salford city game at home to clitheroe town on saturday( left to right ) scholes , phil neville , nicky butt and ryan giggs co-own the club with gary neville ( not pictured )it is a cold , spring night in the heart of liverpool at a football ground bordering huyton , where steven gerrard grew up , so paul scholes is in unfamiliar territory .']\n", + "=======================\n", + "[\"class of '92 owners of salford city discuss their non-league clubpaul scholes , phil neville and gary neville co-own alongside former manchester united team-mates nicky butt and ryan giggssalford currently top the evo-stik league first division north\"]\n", + "gary neville and paul scholes attending the salford city game at home to clitheroe town on saturday( left to right ) scholes , phil neville , nicky butt and ryan giggs co-own the club with gary neville ( not pictured )it is a cold , spring night in the heart of liverpool at a football ground bordering huyton , where steven gerrard grew up , so paul scholes is in unfamiliar territory .\n", + "class of '92 owners of salford city discuss their non-league clubpaul scholes , phil neville and gary neville co-own alongside former manchester united team-mates nicky butt and ryan giggssalford currently top the evo-stik league first division north\n", + "[1.4882588 1.3413247 1.224839 1.3744686 1.3643566 1.0560427 1.0241133\n", + " 1.0599046 1.1869664 1.0132264 1.0185882 1.0133297 1.0141207 1.2970412\n", + " 1.1152499 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 1 13 2 8 14 7 5 6 10 12 11 9 15 16 17 18 19]\n", + "=======================\n", + "[\"former manchester united and city striker carlos tevez believes it is harder to score goals in serie a than the premier league .the striker has 36 league goals in the italian top flight since leaving england for juventus in 2013after sitting out juve 's defeat to bottom of the table parma , ahead of a champions league quarter-final against monaco on tuesday , tevez who has scored 25 times for the old lady this season , insisted his task was now ` much more difficult ' .\"]\n", + "=======================\n", + "[\"carlos tevez played for manchester united , manchester city and west hamargentinian striker scored 84 premier league goals and won three titlesbut tevez says in england ` the midfield is non-existent 'tevez insists his juventus side can win the champions leaguestriker won the trophy with manchester united in 2008\"]\n", + "former manchester united and city striker carlos tevez believes it is harder to score goals in serie a than the premier league .the striker has 36 league goals in the italian top flight since leaving england for juventus in 2013after sitting out juve 's defeat to bottom of the table parma , ahead of a champions league quarter-final against monaco on tuesday , tevez who has scored 25 times for the old lady this season , insisted his task was now ` much more difficult ' .\n", + "carlos tevez played for manchester united , manchester city and west hamargentinian striker scored 84 premier league goals and won three titlesbut tevez says in england ` the midfield is non-existent 'tevez insists his juventus side can win the champions leaguestriker won the trophy with manchester united in 2008\n", + "[1.2914772 1.3728764 1.3092963 1.1123629 1.1958916 1.1700763 1.0897579\n", + " 1.0514034 1.1060649 1.062312 1.0866147 1.0347732 1.07304 1.0316006\n", + " 1.0368096 1.0772103 1.0147282 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 5 3 8 6 10 15 12 9 7 14 11 13 16 18 17 19]\n", + "=======================\n", + "[\"activists in the missouri suburb , protesting over the fatal shooting of unarmed black teen michael brown by a white cop , were also known as ` adversaries ' , according to internal briefings seen by cnn this week .the national guard was first activated in ferguson in august after missouri governor jay nixon declared a state of emergency when riots and looting broke out amid peaceful demonstrations over police brutality .an internal report has revealed that the heavily-militarized guard referred to protesters as ` enemy forces '\"]\n", + "=======================\n", + "[\"activists in the missouri suburb , protesting over the shooting death of unarmed black teen michael brown , were also known as ` adversaries 'the national guard was first activated in ferguson in august after missouri governor jay nixon declared a state of emergency when riots broke out\"]\n", + "activists in the missouri suburb , protesting over the fatal shooting of unarmed black teen michael brown by a white cop , were also known as ` adversaries ' , according to internal briefings seen by cnn this week .the national guard was first activated in ferguson in august after missouri governor jay nixon declared a state of emergency when riots and looting broke out amid peaceful demonstrations over police brutality .an internal report has revealed that the heavily-militarized guard referred to protesters as ` enemy forces '\n", + "activists in the missouri suburb , protesting over the shooting death of unarmed black teen michael brown , were also known as ` adversaries 'the national guard was first activated in ferguson in august after missouri governor jay nixon declared a state of emergency when riots broke out\n", + "[1.240672 1.5567687 1.1710739 1.1272963 1.0428406 1.0676014 1.198759\n", + " 1.2518536 1.0945492 1.0878766 1.0971546 1.0588264 1.0745997 1.0868585\n", + " 1.1039687 1.096851 1.0732638 1.0216264 1.0137426 1.0490265]\n", + "\n", + "[ 1 7 0 6 2 3 14 10 15 8 9 13 12 16 5 11 19 4 17 18]\n", + "=======================\n", + "['nicholas figueroa , 23 , and moises locon , 26 , both died when the manhattan apartment building collapsed last thursday following a massive blast .nicholas figueroa ( left ) was killed in the explosion while on a date , while moises lucon ( right ) worked at the restaurant and was identified yesterday as the second victimthe owner of the east village building that blew up last week and left two dead people could yet face criminal charges , it has emerged .']\n", + "=======================\n", + "['owner of manhattan building which exploded could face criminal chargesnicholas figueroa , 23 , and moises locon , 26 , died in the huge explosionauthorities are now building a case against the owner , it has been claimedinvestigators are looking into possibility gas was tapped from next door']\n", + "nicholas figueroa , 23 , and moises locon , 26 , both died when the manhattan apartment building collapsed last thursday following a massive blast .nicholas figueroa ( left ) was killed in the explosion while on a date , while moises lucon ( right ) worked at the restaurant and was identified yesterday as the second victimthe owner of the east village building that blew up last week and left two dead people could yet face criminal charges , it has emerged .\n", + "owner of manhattan building which exploded could face criminal chargesnicholas figueroa , 23 , and moises locon , 26 , died in the huge explosionauthorities are now building a case against the owner , it has been claimedinvestigators are looking into possibility gas was tapped from next door\n", + "[1.5740136 1.3790975 1.2444527 1.3294293 1.0879254 1.1052387 1.0503079\n", + " 1.0947186 1.0815871 1.141434 1.0768173 1.0204211 1.0134692 1.0169827\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 3 2 9 5 7 4 8 10 6 11 13 12 18 14 15 16 17 19]\n", + "=======================\n", + "[\"ferrari team principal maurizio arrivabene has urged kimi raikkonen to prove himself if he wants to remain with the maranello marque .raikkonen 's contract finishes at the end of the current formula one season , although there is an option for 2016 providing both parties are in agreement .the finn stated this week he has never been happier working with a team in his entire f1 career , although his form to date has not matched that of team-mate sebastian vettel .\"]\n", + "=======================\n", + "[\"kimi raikkonen 's deal with ferrari expires at the end of the seasonteam principal maurizio arrivabene wants finn to improve performancesmaranello driver has struggled to replicate team-mate sebastian vettel\"]\n", + "ferrari team principal maurizio arrivabene has urged kimi raikkonen to prove himself if he wants to remain with the maranello marque .raikkonen 's contract finishes at the end of the current formula one season , although there is an option for 2016 providing both parties are in agreement .the finn stated this week he has never been happier working with a team in his entire f1 career , although his form to date has not matched that of team-mate sebastian vettel .\n", + "kimi raikkonen 's deal with ferrari expires at the end of the seasonteam principal maurizio arrivabene wants finn to improve performancesmaranello driver has struggled to replicate team-mate sebastian vettel\n", + "[1.395299 1.2691774 1.2666078 1.2832952 1.1616228 1.114547 1.058584\n", + " 1.0832328 1.0918897 1.0546067 1.0233353 1.0591573 1.0149559 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 2 4 5 8 7 11 6 9 10 12 18 13 14 15 16 17 19]\n", + "=======================\n", + "[\"hollywood screen icon lauren bacall 's carefully-collected personal mementos fetched $ 3.64 million on the auction block at bonhams new york earlier this week .rest in peace : lauren bacall , pictured circa 1950 , died of a stroke in new york last august at the age of 89there were hundreds of items up for grabs at the two-day sale , which came to an end on wednesday - including housewares , furniture , fine art , jewelry and clothing - and every single one of them found a buyer , a spokesperson for the auction house confirmed .\"]\n", + "=======================\n", + "[\"the items went under the hammer at bonhams new york on march 31 and april 1several pieces once belonging to bacall 's first husband humphrey bogart were included in the auction\"]\n", + "hollywood screen icon lauren bacall 's carefully-collected personal mementos fetched $ 3.64 million on the auction block at bonhams new york earlier this week .rest in peace : lauren bacall , pictured circa 1950 , died of a stroke in new york last august at the age of 89there were hundreds of items up for grabs at the two-day sale , which came to an end on wednesday - including housewares , furniture , fine art , jewelry and clothing - and every single one of them found a buyer , a spokesperson for the auction house confirmed .\n", + "the items went under the hammer at bonhams new york on march 31 and april 1several pieces once belonging to bacall 's first husband humphrey bogart were included in the auction\n", + "[1.4365124 1.333764 1.3719993 1.2987258 1.3550917 1.266987 1.020242\n", + " 1.0186204 1.0376348 1.0341125 1.2741492 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 4 1 3 10 5 8 9 6 7 18 11 12 13 14 15 16 17 19]\n", + "=======================\n", + "['real madrid manager carlo ancelotti plans to appeal the yellow card shown to cristiano ronaldo for diving in the area during their 2-0 win over rayo vallecano .the decision means ronaldo could be suspended for the game against eibar in la liga on saturdayronaldo appeared to be unfairly cautioned by referee mario melero lopez after he was chopped down by defender antonio amaya inside the box .']\n", + "=======================\n", + "['real madrid beat rayo vallecano 2-0 in la liga on wednesday nightcristiano ronaldo scored his 300th goal for the spanish giantsronaldo was also booked for diving in the area but it appeared unfaircarlo ancelotti plans to appeal the yellow card shown to ronaldoclick here for all the latest real madrid news']\n", + "real madrid manager carlo ancelotti plans to appeal the yellow card shown to cristiano ronaldo for diving in the area during their 2-0 win over rayo vallecano .the decision means ronaldo could be suspended for the game against eibar in la liga on saturdayronaldo appeared to be unfairly cautioned by referee mario melero lopez after he was chopped down by defender antonio amaya inside the box .\n", + "real madrid beat rayo vallecano 2-0 in la liga on wednesday nightcristiano ronaldo scored his 300th goal for the spanish giantsronaldo was also booked for diving in the area but it appeared unfaircarlo ancelotti plans to appeal the yellow card shown to ronaldoclick here for all the latest real madrid news\n", + "[1.1461246 1.4029565 1.3611009 1.1397698 1.138789 1.1018045 1.0917407\n", + " 1.0513673 1.0560958 1.2251279 1.0958086 1.0347186 1.0664301 1.0381732\n", + " 1.0375552 0. 0. ]\n", + "\n", + "[ 1 2 9 0 3 4 5 10 6 12 8 7 13 14 11 15 16]\n", + "=======================\n", + "[\"almond growers in california are at the centre of a row over water usage during one of the worst droughts in decades .the state , which supplies more than three-quarters of the world 's $ 4.93 billion ( # 3.3 bn ) almond market , is in its fourth year of drought .it is a superfood with numerous health benefits , but our enthusiasm for almond milk is causing a storm in the us .\"]\n", + "=======================\n", + "[\"california supplies more than three-quarters of world 's almond marketbut the state is now in its fourth year of drought and there is growing angergrowers - who need a gallon of water to make a nut - are still planting treesanger that the almond industry has been left to expand its orchards\"]\n", + "almond growers in california are at the centre of a row over water usage during one of the worst droughts in decades .the state , which supplies more than three-quarters of the world 's $ 4.93 billion ( # 3.3 bn ) almond market , is in its fourth year of drought .it is a superfood with numerous health benefits , but our enthusiasm for almond milk is causing a storm in the us .\n", + "california supplies more than three-quarters of world 's almond marketbut the state is now in its fourth year of drought and there is growing angergrowers - who need a gallon of water to make a nut - are still planting treesanger that the almond industry has been left to expand its orchards\n", + "[1.3873329 1.2984207 1.1262047 1.099514 1.3706201 1.1109442 1.2251697\n", + " 1.089376 1.089767 1.0358295 1.0768784 1.0644804 1.170505 1.0646693\n", + " 1.1871037 0. 0. ]\n", + "\n", + "[ 0 4 1 6 14 12 2 5 3 8 7 10 13 11 9 15 16]\n", + "=======================\n", + "[\"manny pacquiao literally got two words in before a conference call about his fight with floyd mayweather jnr was abruptly cancelled on monday .a spokesman for pacquiao 's promoter blamed technical difficulties for the cancellation , partly due to the large number of boxing writers and broadcasters who were on the call .mayweather is supposed to have his own conference call on wednesday .\"]\n", + "=======================\n", + "[\"manny pacquiao 's conference call with boxing writers was cancelledquestion and answer session had to be postponed due to technical issuespacquiao responded to one question in what was supposed to be his last media event before travelling to las vegas for may 2 fight\"]\n", + "manny pacquiao literally got two words in before a conference call about his fight with floyd mayweather jnr was abruptly cancelled on monday .a spokesman for pacquiao 's promoter blamed technical difficulties for the cancellation , partly due to the large number of boxing writers and broadcasters who were on the call .mayweather is supposed to have his own conference call on wednesday .\n", + "manny pacquiao 's conference call with boxing writers was cancelledquestion and answer session had to be postponed due to technical issuespacquiao responded to one question in what was supposed to be his last media event before travelling to las vegas for may 2 fight\n", + "[1.2630405 1.2585827 1.2551774 1.3296943 1.111332 1.0681881 1.0378563\n", + " 1.0992519 1.2032512 1.035006 1.04202 1.0659834 1.0629903 1.2125545\n", + " 1.1797898 1.0238458 1.0493734]\n", + "\n", + "[ 3 0 1 2 13 8 14 4 7 5 11 12 16 10 6 9 15]\n", + "=======================\n", + "[\"yaphet kotto ( pictured opposite roger moore in live and let die ) said james bond can not be portrayed by a black manhis comments come in response to months of speculation that black british actor idris elba is in the running to be named as daniel craig 's successor .hackney-born idris elba ( pictured ) has been tipped to replace daniel craig as the next james bond actor\"]\n", + "=======================\n", + "['the first black bond villain , yaphet kotto , says secret agent must be whitehe said the role was created for a white hero and should remain as suchblack british actor idris elba has been tipped to replace daniel craig as 007kotto played villain dr kananga in the 1973 installment live and let die']\n", + "yaphet kotto ( pictured opposite roger moore in live and let die ) said james bond can not be portrayed by a black manhis comments come in response to months of speculation that black british actor idris elba is in the running to be named as daniel craig 's successor .hackney-born idris elba ( pictured ) has been tipped to replace daniel craig as the next james bond actor\n", + "the first black bond villain , yaphet kotto , says secret agent must be whitehe said the role was created for a white hero and should remain as suchblack british actor idris elba has been tipped to replace daniel craig as 007kotto played villain dr kananga in the 1973 installment live and let die\n", + "[1.4451718 1.2186539 1.4801825 1.2813053 1.0321437 1.0197064 1.0174997\n", + " 1.0631496 1.2518427 1.0622207 1.1039339 1.0692368 1.016893 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 8 1 10 11 7 9 4 5 6 12 15 13 14 16]\n", + "=======================\n", + "['crsity collins was using crystal meth every day and spending up to $ 500 a week to keep up her drug habit .former paramedic crsity collins had admitted that she used ice while driving and treating patients in an effort to raise awareness about the damaging drugthe 30-year-old , who took herself to the emergency room six times while suffering drug induced psychosis , has slammed health services for failing to offer her support despite claiming on numerous occasions that bugs were eating her eyes .']\n", + "=======================\n", + "['cristy collins worked for the tasmanian ambulance service in launcestonshe used to drive the ambulance and treat patients while high on ice30-year-old , who is now clean , was never offered support by hospital staffpost traumatic stress disorder from her service in iraq and borderline personality disorder both fuelled her drug addictionms collins has shared her story in an effort to raise awareness of the damaging drug and the lack of support available for addicts seeking help']\n", + "crsity collins was using crystal meth every day and spending up to $ 500 a week to keep up her drug habit .former paramedic crsity collins had admitted that she used ice while driving and treating patients in an effort to raise awareness about the damaging drugthe 30-year-old , who took herself to the emergency room six times while suffering drug induced psychosis , has slammed health services for failing to offer her support despite claiming on numerous occasions that bugs were eating her eyes .\n", + "cristy collins worked for the tasmanian ambulance service in launcestonshe used to drive the ambulance and treat patients while high on ice30-year-old , who is now clean , was never offered support by hospital staffpost traumatic stress disorder from her service in iraq and borderline personality disorder both fuelled her drug addictionms collins has shared her story in an effort to raise awareness of the damaging drug and the lack of support available for addicts seeking help\n", + "[1.3315101 1.2648411 1.30214 1.3535368 1.121394 1.2258244 1.087596\n", + " 1.0318241 1.1924849 1.1309098 1.0464964 1.0352961 1.0085495 1.0554508\n", + " 1.0815862 0. 0. ]\n", + "\n", + "[ 3 0 2 1 5 8 9 4 6 14 13 10 11 7 12 15 16]\n", + "=======================\n", + "[\"a specially-produced advert will be played on e4 on may 7 featuring ` darren ' -- the man fictionally in charge of keeping the programme on airthe tv channel e4 will shut down for 12 hours on the day of the general election to encourage more youngsters to vote .e4 is the most popular channel for younger viewers , reaching 8.7 million 16-34 year olds every month -- ahead of bbc2 and channel 5 .\"]\n", + "=======================\n", + "['cult us shows like the big bang theory will be axed for 12 hours on may 7instead , e4 will show a special advert encouraging people to votethe radical move could have a significant impact on the electione4 is the most popular channel for 16-34 year olds , watched by 8.7 million']\n", + "a specially-produced advert will be played on e4 on may 7 featuring ` darren ' -- the man fictionally in charge of keeping the programme on airthe tv channel e4 will shut down for 12 hours on the day of the general election to encourage more youngsters to vote .e4 is the most popular channel for younger viewers , reaching 8.7 million 16-34 year olds every month -- ahead of bbc2 and channel 5 .\n", + "cult us shows like the big bang theory will be axed for 12 hours on may 7instead , e4 will show a special advert encouraging people to votethe radical move could have a significant impact on the electione4 is the most popular channel for 16-34 year olds , watched by 8.7 million\n", + "[1.252754 1.4544091 1.3006301 1.0860643 1.2273575 1.1974089 1.1127104\n", + " 1.1581445 1.0966417 1.0340949 1.0632576 1.0664423 1.1680114 1.0081769\n", + " 1.0070581 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 5 12 7 6 8 3 11 10 9 13 14 22 21 20 19 15 17 16 23 18\n", + " 24]\n", + "=======================\n", + "['more than seven million episodes from seasons one to four were illegally downloaded between february and april this year as fans of the hit hbo show caught up or re-capped before its eagerly-return on sky atlantic on sunday night .figures by anti-piracy and security firm irdeto revealed overall illegal downloading of show is up 45 per cent year-on-year , jumping from 4.9 million for the same two-month period in 2014 .the return of game of thrones has sparked a surge in internet piracy with fans making more than 100,000 illegal downloads per day .']\n", + "=======================\n", + "['fans downloaded seven million episodes between february and aprilillegal downloads beat favourites the walking dead and breaking badseason five of the hit hbo show premieres on sky atlantic on sundaycable network launched internet streaming service to curb piracy']\n", + "more than seven million episodes from seasons one to four were illegally downloaded between february and april this year as fans of the hit hbo show caught up or re-capped before its eagerly-return on sky atlantic on sunday night .figures by anti-piracy and security firm irdeto revealed overall illegal downloading of show is up 45 per cent year-on-year , jumping from 4.9 million for the same two-month period in 2014 .the return of game of thrones has sparked a surge in internet piracy with fans making more than 100,000 illegal downloads per day .\n", + "fans downloaded seven million episodes between february and aprilillegal downloads beat favourites the walking dead and breaking badseason five of the hit hbo show premieres on sky atlantic on sundaycable network launched internet streaming service to curb piracy\n", + "[1.2340577 1.3691194 1.1396956 1.3228652 1.2309868 1.2177819 1.1163952\n", + " 1.1037893 1.1194551 1.1811435 1.1385812 1.0596995 1.0280149 1.0166855\n", + " 1.0194443 1.0141329 1.010421 1.0122122 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 4 5 9 2 10 8 6 7 11 12 14 13 15 17 16 18 19 20 21 22 23\n", + " 24]\n", + "=======================\n", + "['a kestrel and a barn owl repeatedly lunged at each other while trying to gain mastery of the box so they could lay eggs and rear their young in safety .two birds of prey have been caught on camera brutally fighting over a nesting box , staring each other down before attacking each other with sharp talons and beaks .the fight was captured on video by wildlife photographer robert fuller , using a camera he set up inside a 13ft-high elm tree stump in his garden in thixendale , north yorkshire .']\n", + "=======================\n", + "['two birds of prey fought each other in a north yorkshire gardenbarn owl succeeded in driving out a kestrel from nesting box which he had been guarding all daythe battle was caught on camera by photographer robert fuller']\n", + "a kestrel and a barn owl repeatedly lunged at each other while trying to gain mastery of the box so they could lay eggs and rear their young in safety .two birds of prey have been caught on camera brutally fighting over a nesting box , staring each other down before attacking each other with sharp talons and beaks .the fight was captured on video by wildlife photographer robert fuller , using a camera he set up inside a 13ft-high elm tree stump in his garden in thixendale , north yorkshire .\n", + "two birds of prey fought each other in a north yorkshire gardenbarn owl succeeded in driving out a kestrel from nesting box which he had been guarding all daythe battle was caught on camera by photographer robert fuller\n", + "[1.0612079 1.21725 1.3286164 1.1856802 1.1085128 1.0703243 1.0281711\n", + " 1.2064097 1.1625847 1.1517231 1.2974572 1.059452 1.0548328 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 10 1 7 3 8 9 4 5 0 11 12 6 23 13 14 15 16 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"with four rounds of matches remaining , just 11 points split leaders es setif and bottom-placed na hussein dey , meaning , theoretically , that any of the 16 teams in the league could still be crowned champions .last year 's champions usm algier are currently in fifth place but are just four points off the top .but sir alex ferguson 's favourite phrase for this scenario , ` squeaky bum time ' , does n't begin to cover the current situation in algeria 's championnat national de premiere division .\"]\n", + "=======================\n", + "['11 points split leaders setif and bottom-placed hussein dey with four rounds of the algerian league to playall 16 teams could mathematically still win the championshiptop two qualify for caf champions league while three are relegatedincredibly tense final day is expected on june 12']\n", + "with four rounds of matches remaining , just 11 points split leaders es setif and bottom-placed na hussein dey , meaning , theoretically , that any of the 16 teams in the league could still be crowned champions .last year 's champions usm algier are currently in fifth place but are just four points off the top .but sir alex ferguson 's favourite phrase for this scenario , ` squeaky bum time ' , does n't begin to cover the current situation in algeria 's championnat national de premiere division .\n", + "11 points split leaders setif and bottom-placed hussein dey with four rounds of the algerian league to playall 16 teams could mathematically still win the championshiptop two qualify for caf champions league while three are relegatedincredibly tense final day is expected on june 12\n", + "[1.5216193 1.190981 1.5275726 1.2806568 1.2640573 1.0928541 1.0227418\n", + " 1.0148883 1.1159266 1.0884103 1.0600227 1.0561562 1.0677109 1.0635344\n", + " 1.0537627 1.013239 1.0129365 1.0527642 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 4 1 8 5 9 12 13 10 11 14 17 6 7 15 16 23 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"kim rose , 57 , was alleged to have bribed voters in southampton by putting on a spread at a party event , which included the pastry snacks and sandwiches .although he was never arrested or charged , mr rose was questioned by police over an alleged criminal offence of ` treating ' .he has now criticised the ` absolutely ridiculous ' police investigation - and says he believes the furore could help him win his seat .\"]\n", + "=======================\n", + "[\"kim rose was questioned after handing out sausage rolls at party event57-year-old jeweller was accused of ` treating ' - trying to influence votershe branded investigation ` ridiculous ' but believes it will help him win votessouthampton itchen candidate said : ' i could be the first politician to win a seat in parliament based on sausage rolls and jaffa cakes '\"]\n", + "kim rose , 57 , was alleged to have bribed voters in southampton by putting on a spread at a party event , which included the pastry snacks and sandwiches .although he was never arrested or charged , mr rose was questioned by police over an alleged criminal offence of ` treating ' .he has now criticised the ` absolutely ridiculous ' police investigation - and says he believes the furore could help him win his seat .\n", + "kim rose was questioned after handing out sausage rolls at party event57-year-old jeweller was accused of ` treating ' - trying to influence votershe branded investigation ` ridiculous ' but believes it will help him win votessouthampton itchen candidate said : ' i could be the first politician to win a seat in parliament based on sausage rolls and jaffa cakes '\n", + "[1.2704341 1.0490698 1.0408208 1.0595524 1.07151 1.0558192 1.064937\n", + " 1.0512778 1.0772251 1.0988762 1.2024331 1.0817443 1.0433404 1.0790219\n", + " 1.0441786 1.0513554 1.1158847 1.055714 1.0236936 1.0427444 1.0222938\n", + " 1.2108434 1.0282714 1.1087244 1.031886 ]\n", + "\n", + "[ 0 21 10 16 23 9 11 13 8 4 6 3 5 17 15 7 1 14 12 19 2 24 22 18\n", + " 20]\n", + "=======================\n", + "[\"ap mccoy stood with the trainer , jonjo o'neill , in the parade ring .the last race of mccoy 's career , the bet365 handicap hurdle , was won by richard johnson , 15 times a runner-up to mccoy in the jockeys ' championship .mccoy was presented the champion jockey trophy by ian wright - mccoy is an arsenal fanatic\"]\n", + "=======================\n", + "['ian wright presented tony mccoy with champion jockey trophymccoy finished third on box office in last-ever race on saturdaythe 40-year-old also finished third on mr mole in penultimate racemccoy was reduced to tears as he competed professionally for last time']\n", + "ap mccoy stood with the trainer , jonjo o'neill , in the parade ring .the last race of mccoy 's career , the bet365 handicap hurdle , was won by richard johnson , 15 times a runner-up to mccoy in the jockeys ' championship .mccoy was presented the champion jockey trophy by ian wright - mccoy is an arsenal fanatic\n", + "ian wright presented tony mccoy with champion jockey trophymccoy finished third on box office in last-ever race on saturdaythe 40-year-old also finished third on mr mole in penultimate racemccoy was reduced to tears as he competed professionally for last time\n", + "[1.205864 1.286726 1.2924848 1.161396 1.0551232 1.1024 1.0438613\n", + " 1.0838771 1.0505027 1.0847671 1.143497 1.0183878 1.0218853 1.0212039\n", + " 1.0165966 1.0183051 0. 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 10 5 9 7 4 8 6 12 13 11 15 14 18 16 17 19]\n", + "=======================\n", + "['from the couple who wore matching american flag leotards to the man who sported a loincloth over speedos , could this be the worst year for coachella street style yet ?but as the first weekend of the arts and music festival wrapped in indio , california , some of the outfits paraded around the sunny campus - or lack thereof - stood out as being particularly woeful .when it comes to the coachella festival , a number of suspect looks crop up each year including hippie ensembles , outlandish headgear and plenty of skin - and 2015 has been no exception .']\n", + "=======================\n", + "['in the searing california heat , many jumped on the chance to shed most of their clothesstring monokinis and skimpy leotards were spotted at every turncelebrity style offenders included paris hilton , katy perry , jourdan dunn and kendall jenner']\n", + "from the couple who wore matching american flag leotards to the man who sported a loincloth over speedos , could this be the worst year for coachella street style yet ?but as the first weekend of the arts and music festival wrapped in indio , california , some of the outfits paraded around the sunny campus - or lack thereof - stood out as being particularly woeful .when it comes to the coachella festival , a number of suspect looks crop up each year including hippie ensembles , outlandish headgear and plenty of skin - and 2015 has been no exception .\n", + "in the searing california heat , many jumped on the chance to shed most of their clothesstring monokinis and skimpy leotards were spotted at every turncelebrity style offenders included paris hilton , katy perry , jourdan dunn and kendall jenner\n", + "[1.1344054 1.4675231 1.482615 1.3649485 1.2114029 1.0986961 1.1626527\n", + " 1.1158543 1.0503745 1.1242384 1.0199362 1.0305489 1.0134343 1.0365651\n", + " 1.0232501 1.0196625 1.0742563 1.0085106 1.0072219 1.0588398]\n", + "\n", + "[ 2 1 3 4 6 0 9 7 5 16 19 8 13 11 14 10 15 12 17 18]\n", + "=======================\n", + "['the craft was supposed to be capturing footage of the royal burgers zoo chimp enclosure for a tv show .an arnhem tv station has lost one of its expensive drones after a chimpanzee managed to knock it out of the sky .following the attack , the drone crashes to the ground - only for the chimp to pounce on it']\n", + "=======================\n", + "['drone was filming at royal burgers zoo chimp enclosure for a tv showchimpanzees spotted the drone - and one grabbed a branchon its second attempt , it knocked the drone out of the sky']\n", + "the craft was supposed to be capturing footage of the royal burgers zoo chimp enclosure for a tv show .an arnhem tv station has lost one of its expensive drones after a chimpanzee managed to knock it out of the sky .following the attack , the drone crashes to the ground - only for the chimp to pounce on it\n", + "drone was filming at royal burgers zoo chimp enclosure for a tv showchimpanzees spotted the drone - and one grabbed a branchon its second attempt , it knocked the drone out of the sky\n", + "[1.2747834 1.1879783 1.174659 1.2397308 1.1542968 1.1881986 1.137427\n", + " 1.1227582 1.1141505 1.0714846 1.0923052 1.0797788 1.0693686 1.0752121\n", + " 1.0419472 1.0181339 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 5 1 2 4 6 7 8 10 11 13 9 12 14 15 18 16 17 19]\n", + "=======================\n", + "[\"at two kilometres in circumference and protected by an imposing 12-metre wall , the ming dynasty 's ` martial city ' had a reputation that struck fear into opposing armies .among the works being carried out at wanquan castle is the restoration of the fortress ' dilapidated outer wallthe fortress was built in 1393 and managed to repel all attacks by the invading mongolian armies\"]\n", + "=======================\n", + "['historians are hoping the wanquan castle can be restored to its former glory , particularly its imposing outer wallfortress was built in 1393 and successfully repelled every attack that invading mongolian armies threw at itcastle has huge historical , cultural and military significance and has key cultural relic status for chinese people']\n", + "at two kilometres in circumference and protected by an imposing 12-metre wall , the ming dynasty 's ` martial city ' had a reputation that struck fear into opposing armies .among the works being carried out at wanquan castle is the restoration of the fortress ' dilapidated outer wallthe fortress was built in 1393 and managed to repel all attacks by the invading mongolian armies\n", + "historians are hoping the wanquan castle can be restored to its former glory , particularly its imposing outer wallfortress was built in 1393 and successfully repelled every attack that invading mongolian armies threw at itcastle has huge historical , cultural and military significance and has key cultural relic status for chinese people\n", + "[1.4247434 1.4882858 1.3734411 1.3135575 1.3022239 1.0267787 1.0162239\n", + " 1.02296 1.0260723 1.019362 1.0179633 1.0152966 1.0198442 1.0221062\n", + " 1.1824328 1.0539334 1.0123149 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 3 4 14 15 5 8 7 13 12 9 10 6 11 16 18 17 19]\n", + "=======================\n", + "[\"the sunderland hitman smashed home a missile of a left-footed volley in sunday 's 1-0 win at the stadium of light to ease the black cats three points clear of the barclays premier league relegation zone and send wearside into ecstasy .derby hero jermain defoe was lost for words as he tried to describe the emotion of scoring his stunning winner against newcastle admitting he even had to question that it was even happening .it was just the club 's third home league win of the season , but a fifth successive victory over the magpies , and january signing defoe will have good reason to remember it long after he has finally hung up his boots .\"]\n", + "=======================\n", + "['sunderland beat newcastle 1-0 at the stadium of light on sundayjermain defoe scored the winner with a stunning volley from 25 yardsthe striker was lost for words as he tried to describe the feeling']\n", + "the sunderland hitman smashed home a missile of a left-footed volley in sunday 's 1-0 win at the stadium of light to ease the black cats three points clear of the barclays premier league relegation zone and send wearside into ecstasy .derby hero jermain defoe was lost for words as he tried to describe the emotion of scoring his stunning winner against newcastle admitting he even had to question that it was even happening .it was just the club 's third home league win of the season , but a fifth successive victory over the magpies , and january signing defoe will have good reason to remember it long after he has finally hung up his boots .\n", + "sunderland beat newcastle 1-0 at the stadium of light on sundayjermain defoe scored the winner with a stunning volley from 25 yardsthe striker was lost for words as he tried to describe the feeling\n", + "[1.2297883 1.385874 1.2222488 1.3986552 1.2078484 1.0863973 1.0937763\n", + " 1.0962081 1.0846114 1.0959834 1.1020125 1.0669825 1.0109481 1.0099882\n", + " 1.1416487 1.1520616 1.1291575 1.0636417 0. 0. ]\n", + "\n", + "[ 3 1 0 2 4 15 14 16 10 7 9 6 5 8 11 17 12 13 18 19]\n", + "=======================\n", + "[\"manchester united star ander herrera scores his side 's opening goal against aston villa with his eyes shutander herrera has caught the eye in recent weeks after cementing a spot in manchester united 's starting line-up but it appears he does not actually have a clear sight at goal .in fact , six of herrera 's seven goals have been scored without him even having to glimpse at either the ball or the opposition 's net .\"]\n", + "=======================\n", + "[\"ander herrera has scored seven goals for man united since joining in juneherrera 's eyes have been shut when striking the ball for six of his goalshis superb strike against yeovil town has been only goal with eyes openherrera netted a brace in manchester united 's 3-1 win over aston villa\"]\n", + "manchester united star ander herrera scores his side 's opening goal against aston villa with his eyes shutander herrera has caught the eye in recent weeks after cementing a spot in manchester united 's starting line-up but it appears he does not actually have a clear sight at goal .in fact , six of herrera 's seven goals have been scored without him even having to glimpse at either the ball or the opposition 's net .\n", + "ander herrera has scored seven goals for man united since joining in juneherrera 's eyes have been shut when striking the ball for six of his goalshis superb strike against yeovil town has been only goal with eyes openherrera netted a brace in manchester united 's 3-1 win over aston villa\n", + "[1.2997707 1.3115441 1.1621271 1.3469543 1.288413 1.1244221 1.2112802\n", + " 1.1412593 1.1144297 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 4 6 2 7 5 8 17 16 15 14 9 12 11 10 18 13 19]\n", + "=======================\n", + "[\"marathon world record holder dennis kimetto has seen his agent banned ahead of doping investigationsathletics kenya president isaiah kiplagat announced the decision monday to suspend two athlete management companies , the netherlands ' volare sports and italy 's rosa & associati .ak did not make accusations against the companies , but said they would be suspended from working in kenya for six months so that investigations can be carried out .\"]\n", + "=======================\n", + "[\"kenya 's athletic federation has banned runners ' agents for six monthsmarathon world record holder dennis kimetto is a client of one of two banned management companies - volare sports and rosa & associatiinvestigations into a doping spike among runners is set to take place\"]\n", + "marathon world record holder dennis kimetto has seen his agent banned ahead of doping investigationsathletics kenya president isaiah kiplagat announced the decision monday to suspend two athlete management companies , the netherlands ' volare sports and italy 's rosa & associati .ak did not make accusations against the companies , but said they would be suspended from working in kenya for six months so that investigations can be carried out .\n", + "kenya 's athletic federation has banned runners ' agents for six monthsmarathon world record holder dennis kimetto is a client of one of two banned management companies - volare sports and rosa & associatiinvestigations into a doping spike among runners is set to take place\n", + "[1.0952133 1.4609962 1.0750303 1.1435587 1.3172586 1.1896427 1.048687\n", + " 1.0352858 1.1339768 1.0705189 1.0990846 1.0430703 1.2099768 1.0957509\n", + " 1.0652721 1.0508478 1.0461562 0. 0. 0. ]\n", + "\n", + "[ 1 4 12 5 3 8 10 13 0 2 9 14 15 6 16 11 7 17 18 19]\n", + "=======================\n", + "[\"the 19-year-old model took inspiration from the keeping up with the kardashians star when it came to learning how to deal with negative feedback , particularly on social media .gigi hadid has credited her best friend kendall jenner , right , for helping her deal with social media hatersand it 's not only kendall , 19 , who gigi has taken social media tips from as she believes former victoria 's secret model karlie kloss is comfortable with her social media persona .\"]\n", + "=======================\n", + "['kendall , 19 , helps gigi learn how to deal with negative feedbackgigi , 19 , says kendall has a really good sense of when to stand upkendall has been bullied on instagram by fellow models']\n", + "the 19-year-old model took inspiration from the keeping up with the kardashians star when it came to learning how to deal with negative feedback , particularly on social media .gigi hadid has credited her best friend kendall jenner , right , for helping her deal with social media hatersand it 's not only kendall , 19 , who gigi has taken social media tips from as she believes former victoria 's secret model karlie kloss is comfortable with her social media persona .\n", + "kendall , 19 , helps gigi learn how to deal with negative feedbackgigi , 19 , says kendall has a really good sense of when to stand upkendall has been bullied on instagram by fellow models\n", + "[1.2615912 1.210733 1.6027552 1.2738384 1.2674749 1.0190438 1.0128932\n", + " 1.0124785 1.0111259 1.0129511 1.0924252 1.0496497 1.0592417 1.0521095\n", + " 1.0286717 1.0370197 1.1085383 1.0304686 0. 0. ]\n", + "\n", + "[ 2 3 4 0 1 16 10 12 13 11 15 17 14 5 9 6 7 8 18 19]\n", + "=======================\n", + "[\"matt derbyshire 's early finish proved to be the difference between the two teams at the aes seal new york stadium and moved rotherham to just two points behind the visitors .matt derbyshire gets to the ball first to apply the finish and give rotherham the lead against brightondavid stockdale is unable to stop derbyshire 's near post effort after a good cross by jordan bowery\"]\n", + "=======================\n", + "['rotherham beat brighton 1-0 at the new york stadium on saturdaymatt derbyshire opened the scoring for rotherham after just eight minutesrotherham move seven points clear of the relegation zone with victory']\n", + "matt derbyshire 's early finish proved to be the difference between the two teams at the aes seal new york stadium and moved rotherham to just two points behind the visitors .matt derbyshire gets to the ball first to apply the finish and give rotherham the lead against brightondavid stockdale is unable to stop derbyshire 's near post effort after a good cross by jordan bowery\n", + "rotherham beat brighton 1-0 at the new york stadium on saturdaymatt derbyshire opened the scoring for rotherham after just eight minutesrotherham move seven points clear of the relegation zone with victory\n", + "[1.4447789 1.1713016 1.3834695 1.1315917 1.199117 1.26159 1.0471251\n", + " 1.0138724 1.0177221 1.0868003 1.2374576 1.124142 1.0501846 1.0273919\n", + " 1.0175434 1.0163007 1.0714027 1.0187588 1.0331097 1.0323329]\n", + "\n", + "[ 0 2 5 10 4 1 3 11 9 16 12 6 18 19 13 17 8 14 15 7]\n", + "=======================\n", + "['warren sapp was charged with soliciting prostitution and two counts of assault in februarysapp was arrested the night after the super bowl in phoenix , arizona , on a prostitution charge after an alleged incident involving two women .the two women who were arrested along with sapp were britney osbourne , 23 , and 34-year-old quying boyd .']\n", + "=======================\n", + "[\"warren sapp was arrested night after the super bowl in phoenix , arizonasapp , 42 , admits he paid for oral sex after meeting two women at hotelsaid they met at bar and ` everybody got naked ' when he put $ 600 on tablesapp took pictures of them in bed ` because i 'm silly like that sometimes 'alternated between laughing and crying after going to jail was mentionedbritney osbourne , 23 , denied being paid $ 300 to perform sex act on sappquying boyd , 34 , pleaded not guilty to not having a license to escort count\"]\n", + "warren sapp was charged with soliciting prostitution and two counts of assault in februarysapp was arrested the night after the super bowl in phoenix , arizona , on a prostitution charge after an alleged incident involving two women .the two women who were arrested along with sapp were britney osbourne , 23 , and 34-year-old quying boyd .\n", + "warren sapp was arrested night after the super bowl in phoenix , arizonasapp , 42 , admits he paid for oral sex after meeting two women at hotelsaid they met at bar and ` everybody got naked ' when he put $ 600 on tablesapp took pictures of them in bed ` because i 'm silly like that sometimes 'alternated between laughing and crying after going to jail was mentionedbritney osbourne , 23 , denied being paid $ 300 to perform sex act on sappquying boyd , 34 , pleaded not guilty to not having a license to escort count\n", + "[1.3119526 1.3784611 1.1172143 1.29478 1.1592066 1.1633794 1.1116934\n", + " 1.0760314 1.2349902 1.2078804 1.0173424 1.0117942 1.0136588 1.0473655\n", + " 1.038451 1.0126071 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 8 9 5 4 2 6 7 13 14 10 12 15 11 18 16 17 19]\n", + "=======================\n", + "[\"more than 27,000 people signed a change.com petition started by three students asking for an apology , and for the initiative to be scrapped .victoria 's secret caused huge a backlash when it unveiled campaign slogan ` the perfect body ' splashed across an image of skinny models .the final ten contenders for star in abra feature in the powerful new image recreating the notorious vs advert\"]\n", + "=======================\n", + "[\"victoria 's secret caused huge consumer backlash with ` the perfect body 'campaign was amended after change.com petition started by studentsd + bra brand curvy kate spoof ad using top 10 star in a bra contenderscompetition for ` real women ' finds their next lingerie model each year\"]\n", + "more than 27,000 people signed a change.com petition started by three students asking for an apology , and for the initiative to be scrapped .victoria 's secret caused huge a backlash when it unveiled campaign slogan ` the perfect body ' splashed across an image of skinny models .the final ten contenders for star in abra feature in the powerful new image recreating the notorious vs advert\n", + "victoria 's secret caused huge consumer backlash with ` the perfect body 'campaign was amended after change.com petition started by studentsd + bra brand curvy kate spoof ad using top 10 star in a bra contenderscompetition for ` real women ' finds their next lingerie model each year\n", + "[1.1884493 1.4945749 1.2966349 1.268913 1.2507062 1.1845044 1.1383572\n", + " 1.1911039 1.1282163 1.0616248 1.0721266 1.1501982 1.0782549 1.0355948\n", + " 1.0110947 1.0232472 1.0857508 1.0199627 1.0076449 1.0792713 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 7 0 5 11 6 8 16 19 12 10 9 13 15 17 14 18 20 21 22 23\n", + " 24]\n", + "=======================\n", + "[\"john pat cunningham , 27 , was shot by the army in a field in benburb , county armagh .a 73-year-old suspect has now been detained in england .he is being taken to northern ireland for questioning at the police 's serious crime suite in antrim .\"]\n", + "=======================\n", + "['man with mental age of less than 10 was shot by army in field in 1974british government later apologised and investigation re-opened this yeara former british soldier has now been arrested over the deaththe suspect has been taken to northern ireland for questioning']\n", + "john pat cunningham , 27 , was shot by the army in a field in benburb , county armagh .a 73-year-old suspect has now been detained in england .he is being taken to northern ireland for questioning at the police 's serious crime suite in antrim .\n", + "man with mental age of less than 10 was shot by army in field in 1974british government later apologised and investigation re-opened this yeara former british soldier has now been arrested over the deaththe suspect has been taken to northern ireland for questioning\n", + "[1.1851871 1.5203046 1.3142529 1.0661697 1.2192972 1.0915799 1.2874987\n", + " 1.0528882 1.0179442 1.0226295 1.0146949 1.02375 1.0339879 1.0145433\n", + " 1.0300871 1.2967932 1.0203581 1.0337837 1.070376 1.0487288 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 15 6 4 0 5 18 3 7 19 12 17 14 11 9 16 8 10 13 23 20 21 22\n", + " 24]\n", + "=======================\n", + "['niamh geaney , a 26-year-old student and tv presenter , found her 29-year-old doppleganger after she teamed up with two friends to launch a project called twin strangersthe aim of the social media experiment was to see which of the three could find their closest lookalike within 28 days and it attracted submissions to their website ` twin-strangers .incredibly , miss geaney , of dublin found karen branigan in just two weeks - just an hour away .']\n", + "=======================\n", + "[\"niamh geaney , 26 , found her doppelgänger through social mediaher lookalike , karen branigan , lives only a hour away in irelandthe pair met in real life and although it was ` freaky ' , they got on very wellboth have sisters , and say they do n't look similar to either of them\"]\n", + "niamh geaney , a 26-year-old student and tv presenter , found her 29-year-old doppleganger after she teamed up with two friends to launch a project called twin strangersthe aim of the social media experiment was to see which of the three could find their closest lookalike within 28 days and it attracted submissions to their website ` twin-strangers .incredibly , miss geaney , of dublin found karen branigan in just two weeks - just an hour away .\n", + "niamh geaney , 26 , found her doppelgänger through social mediaher lookalike , karen branigan , lives only a hour away in irelandthe pair met in real life and although it was ` freaky ' , they got on very wellboth have sisters , and say they do n't look similar to either of them\n", + "[1.0154086 1.0403563 1.5685799 1.4600801 1.2533566 1.3216903 1.0749478\n", + " 1.307615 1.0369688 1.0219904 1.0280688 1.026571 1.0361557 1.045255\n", + " 1.0372171 1.019083 1.0265547 1.0653385 1.1198922 1.0234183 1.036562\n", + " 1.0510483 1.0232726 1.0229471 1.0214638]\n", + "\n", + "[ 2 3 5 7 4 18 6 17 21 13 1 14 8 20 12 10 11 16 19 22 23 9 24 15\n", + " 0]\n", + "=======================\n", + "[\"just one crème egg will take 19 minutes of skipping to burn off , and contains almost seven teaspoons of sugar .that 's more than half of the 50g of sugar the world health organisation ( who ) recommends per day .and a kit kat chunky easter egg - and the chocolate bar that comes with it - will take three 45 minute cycle classes to work off .\"]\n", + "=======================\n", + "['from rowing to zumba , two nutritionists reveal the exercises you can do to burn off your favourite easter eggsnutritionist dr sam christie warns many easter eggs contain high levels of sugar , which can cause behavioural problems and acne']\n", + "just one crème egg will take 19 minutes of skipping to burn off , and contains almost seven teaspoons of sugar .that 's more than half of the 50g of sugar the world health organisation ( who ) recommends per day .and a kit kat chunky easter egg - and the chocolate bar that comes with it - will take three 45 minute cycle classes to work off .\n", + "from rowing to zumba , two nutritionists reveal the exercises you can do to burn off your favourite easter eggsnutritionist dr sam christie warns many easter eggs contain high levels of sugar , which can cause behavioural problems and acne\n", + "[1.2012669 1.4548554 1.3766067 1.3474972 1.1182034 1.0493252 1.0608748\n", + " 1.1045532 1.0615655 1.0584748 1.1816485 1.0703552 1.0605735 1.0739877\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 10 4 7 13 11 8 6 12 9 5 23 14 15 16 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"john caudwell , the founder of phones4u , bought the audley street garage in mayfair , central london for # 155million in order to knock it down and build a high-end housing complex .the new apartment block will contain five townhouses , three penthouses , a mews home and 21 more luxury flats , rivalling properties such as one hyde park for the title of the world 's most desirable living space .one of britain 's top entrepreneurs has unveiled a new plan to build a block of flats worth as much as # 2billion on the site of an ugly multi-storey car park .\"]\n", + "=======================\n", + "['john caudwell has bought a car park in audley street , mayfair and is planning to replace it with a huge block of flatsthe new complex will contain five townhouses , a mews house , three penthouses and 21 more luxury apartmentsthe homes being built by phones4u entrepreneur will boast their own swimming pools and private gymsbut he could have difficulty with planning permission if vip neighbours object to proposal for four-storey basement']\n", + "john caudwell , the founder of phones4u , bought the audley street garage in mayfair , central london for # 155million in order to knock it down and build a high-end housing complex .the new apartment block will contain five townhouses , three penthouses , a mews home and 21 more luxury flats , rivalling properties such as one hyde park for the title of the world 's most desirable living space .one of britain 's top entrepreneurs has unveiled a new plan to build a block of flats worth as much as # 2billion on the site of an ugly multi-storey car park .\n", + "john caudwell has bought a car park in audley street , mayfair and is planning to replace it with a huge block of flatsthe new complex will contain five townhouses , a mews house , three penthouses and 21 more luxury apartmentsthe homes being built by phones4u entrepreneur will boast their own swimming pools and private gymsbut he could have difficulty with planning permission if vip neighbours object to proposal for four-storey basement\n", + "[1.2138253 1.1798848 1.1822062 1.273272 1.1963574 1.20287 1.1981755\n", + " 1.1775678 1.0803226 1.0994332 1.0802207 1.0401208 1.038236 1.0605499\n", + " 1.0300702 1.0459511 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 3 0 5 6 4 2 1 7 9 8 10 13 15 11 12 14 23 16 17 18 19 20 21 22\n", + " 24]\n", + "=======================\n", + "[\"a survation poll for the mail on sunday has shown a swing towards the tories against miliband 's labour partythe tories are inching ahead of labour as nigel farage starts to peel off ed miliband 's supporters .david cameron , pictured , has surged ahead by three points in the polls going into the final stage of the election\"]\n", + "=======================\n", + "[\"english voters have grave concerns over nicola sturgeon 's power planhalf believe ms sturgeon will have the upper hand over ed milibandukip has been gaining support from former labour voters and not toriesthe poll shows snp are more interested in independence that the economysurvation interviewed 1,004 people online on friday and saturday .\"]\n", + "a survation poll for the mail on sunday has shown a swing towards the tories against miliband 's labour partythe tories are inching ahead of labour as nigel farage starts to peel off ed miliband 's supporters .david cameron , pictured , has surged ahead by three points in the polls going into the final stage of the election\n", + "english voters have grave concerns over nicola sturgeon 's power planhalf believe ms sturgeon will have the upper hand over ed milibandukip has been gaining support from former labour voters and not toriesthe poll shows snp are more interested in independence that the economysurvation interviewed 1,004 people online on friday and saturday .\n", + "[1.351655 1.2969706 1.2777182 1.0964915 1.3465307 1.1209035 1.126349\n", + " 1.0241847 1.0319101 1.0357336 1.0219424 1.1330018 1.0218972 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 2 11 6 5 3 9 8 7 10 12 13 14 15 16]\n", + "=======================\n", + "[\"octavia spencer shocked and angered hundreds of fans at a recent book signing , acting like an ` ungrateful b **** , ' say eyewitnesses who were so incensed with the actress 's behavior they stormed out and demanded refunds .behind the smile : oscar-winning actress octavia spencer was at the barnes & noble bookstore at the grove in los angeles last week to autograph copies of her children 's book ` randi rhodes ninja detective -- the sweetest heist in history . 'but before the night was over people were dragging their kids out of line , demanding refunds on the books and stormed out of the store in disgust .\"]\n", + "=======================\n", + "[\"oscar-winning actress octavia spencer was at the barnes & noble bookstore at the grove in los angeles to autograph copies of her new children 's bookbefore the night was over people were dragging their kids out of line , demanding refunds and storming out of the store in disgustoctavia said ` no touching , no coming around the table to take a photo 'she would not engage - fans had to tell assistant their name , she wrote it on a sticky and handed it to actresswhen man approached with a photo of octavia for her to sign she said , ` i 'm not doing that '\"]\n", + "octavia spencer shocked and angered hundreds of fans at a recent book signing , acting like an ` ungrateful b **** , ' say eyewitnesses who were so incensed with the actress 's behavior they stormed out and demanded refunds .behind the smile : oscar-winning actress octavia spencer was at the barnes & noble bookstore at the grove in los angeles last week to autograph copies of her children 's book ` randi rhodes ninja detective -- the sweetest heist in history . 'but before the night was over people were dragging their kids out of line , demanding refunds on the books and stormed out of the store in disgust .\n", + "oscar-winning actress octavia spencer was at the barnes & noble bookstore at the grove in los angeles to autograph copies of her new children 's bookbefore the night was over people were dragging their kids out of line , demanding refunds and storming out of the store in disgustoctavia said ` no touching , no coming around the table to take a photo 'she would not engage - fans had to tell assistant their name , she wrote it on a sticky and handed it to actresswhen man approached with a photo of octavia for her to sign she said , ` i 'm not doing that '\n", + "[1.2816746 1.4969531 1.171489 1.2543622 1.2810538 1.1159135 1.0640476\n", + " 1.0642923 1.0590353 1.0442998 1.0388793 1.0626303 1.0791407 1.0554996\n", + " 1.0384078 0. 0. ]\n", + "\n", + "[ 1 0 4 3 2 5 12 7 6 11 8 13 9 10 14 15 16]\n", + "=======================\n", + "[\"the shocking images were taken in isis-held territory in the province of homs and show the two accused men being savagely executed by up to four jihadis .depraved militants fighting for the islamic state in syria have brutally stoned two gay men to death only seconds after they were photographed embracing and ` forgiving ' them .shocking : the group of executioners made a display of hugging the blindfolded couple and telling them they were forgiven of their ` sins ' , before pummeling them to death with hundreds of fist-sized rocks\"]\n", + "=======================\n", + "['shocking images show men being savagely executed in homs provinceexecutioners embraced the two victims before stoning them to deathbloodthirsty crowds are seen in the desert clearing to watch the atrocitymen were executed after isis militants accused them of being a gay couple']\n", + "the shocking images were taken in isis-held territory in the province of homs and show the two accused men being savagely executed by up to four jihadis .depraved militants fighting for the islamic state in syria have brutally stoned two gay men to death only seconds after they were photographed embracing and ` forgiving ' them .shocking : the group of executioners made a display of hugging the blindfolded couple and telling them they were forgiven of their ` sins ' , before pummeling them to death with hundreds of fist-sized rocks\n", + "shocking images show men being savagely executed in homs provinceexecutioners embraced the two victims before stoning them to deathbloodthirsty crowds are seen in the desert clearing to watch the atrocitymen were executed after isis militants accused them of being a gay couple\n", + "[1.4018608 1.1682084 1.2725817 1.2506006 1.2620322 1.2313781 1.161914\n", + " 1.0554993 1.1867795 1.0784514 1.1307807 1.0868803 1.1338419 1.1638634\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 2 4 3 5 8 1 13 6 12 10 11 9 7 15 14 16]\n", + "=======================\n", + "[\"j.b. silverthorn got charged with a dui moments after being convicted for his first on mondaypolice say they repeatedly told j.b. silverthorn of orchard park , new york , to not drive home from grand island town court on monday night after they noticed he ` smelled of alcohol ' and was ` intoxicated ' .silverthorn was charged with felony dui , meaning he could serve a minimum of one year in jail .\"]\n", + "=======================\n", + "[\"police say they repeatedly instructed j.b. silverthorn of orchard park , new york , not to drive home from grand island town court on monday nightthe warning came after they noticed he ` smelled of alcohol 'despite the threat , silverthorn proceeded to get in his car and pull out the parking lot before being stopped by deputieshe 's currently being held in the erie county jail with his bail set at $ 1,000\"]\n", + "j.b. silverthorn got charged with a dui moments after being convicted for his first on mondaypolice say they repeatedly told j.b. silverthorn of orchard park , new york , to not drive home from grand island town court on monday night after they noticed he ` smelled of alcohol ' and was ` intoxicated ' .silverthorn was charged with felony dui , meaning he could serve a minimum of one year in jail .\n", + "police say they repeatedly instructed j.b. silverthorn of orchard park , new york , not to drive home from grand island town court on monday nightthe warning came after they noticed he ` smelled of alcohol 'despite the threat , silverthorn proceeded to get in his car and pull out the parking lot before being stopped by deputieshe 's currently being held in the erie county jail with his bail set at $ 1,000\n", + "[1.5017233 1.4037881 1.2455306 1.4790274 1.2650746 1.1891323 1.0382802\n", + " 1.0258328 1.0532663 1.0261203 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 4 2 5 8 6 9 7 15 10 11 12 13 14 16]\n", + "=======================\n", + "[\"ulster and ireland prop declan fitzpatrick is to retire from rugby on medical grounds .ulster said that 31-year-old fitzpatrick had ` experienced a number of concussive episodes ' in recent seasons , and his symptoms were ` progressively slower to resolve ' .fitzpatrick won seven caps for ireland , the last of which was against new zealand during the 2013 autumn tests .\"]\n", + "=======================\n", + "[\"ulster and ireland prop declan fitzpatrick has announced his retirementthe 31-year-old was advised to on medical grounds following ' a number of concussive episodes ' in recent seasonsmedics and the guinness pro12 province referred him to a neurologistfitzpatrick was capped seven times by his country\"]\n", + "ulster and ireland prop declan fitzpatrick is to retire from rugby on medical grounds .ulster said that 31-year-old fitzpatrick had ` experienced a number of concussive episodes ' in recent seasons , and his symptoms were ` progressively slower to resolve ' .fitzpatrick won seven caps for ireland , the last of which was against new zealand during the 2013 autumn tests .\n", + "ulster and ireland prop declan fitzpatrick has announced his retirementthe 31-year-old was advised to on medical grounds following ' a number of concussive episodes ' in recent seasonsmedics and the guinness pro12 province referred him to a neurologistfitzpatrick was capped seven times by his country\n", + "[1.3710239 1.276221 1.2300324 1.2092283 1.2678441 1.2135712 1.0888418\n", + " 1.0429318 1.0592203 1.0761195 1.0778729 1.1269673 1.0850638 1.0775738\n", + " 1.0417194 1.0617745 1.0247561]\n", + "\n", + "[ 0 1 4 2 5 3 11 6 12 10 13 9 15 8 7 14 16]\n", + "=======================\n", + "[\"arsenal goalkeeper wojciech szczesny had more than one reason to celebrate on saturday .just hours after he had played the full 120 minutes it took for the gunners to grind out a 2-1 win in extra-time over reading in a tense fa cup semi-final , szczesny was treated to a lovely birthday surprise courtesy of his singer-songwriter girlfriend mariana luczenko .the poland international , now 25 , was joined at his home by family and friends as well as one of his favourite rock bands , ` lemon ' , who delivered a private performance .\"]\n", + "=======================\n", + "['arsenal goalkeeper wojciech szczesny celebrated his 25th birthdaythe poland international was surprised with a gathering of friends and family as well as one of his favourite bands , lemon , at his home on saturdayszczesny had helped arsenal reach the fa cup final after a 2-1 win over reading in the semis at wembley earlier that same afternoon']\n", + "arsenal goalkeeper wojciech szczesny had more than one reason to celebrate on saturday .just hours after he had played the full 120 minutes it took for the gunners to grind out a 2-1 win in extra-time over reading in a tense fa cup semi-final , szczesny was treated to a lovely birthday surprise courtesy of his singer-songwriter girlfriend mariana luczenko .the poland international , now 25 , was joined at his home by family and friends as well as one of his favourite rock bands , ` lemon ' , who delivered a private performance .\n", + "arsenal goalkeeper wojciech szczesny celebrated his 25th birthdaythe poland international was surprised with a gathering of friends and family as well as one of his favourite bands , lemon , at his home on saturdayszczesny had helped arsenal reach the fa cup final after a 2-1 win over reading in the semis at wembley earlier that same afternoon\n", + "[1.1873815 1.370675 1.1453965 1.0696207 1.3090963 1.259846 1.0902498\n", + " 1.0478935 1.0439517 1.0760539 1.1789728 1.0720447 1.0567307 1.0431534\n", + " 1.0534292 1.0284661 1.0476613 1.119414 ]\n", + "\n", + "[ 1 4 5 0 10 2 17 6 9 11 3 12 14 7 16 8 13 15]\n", + "=======================\n", + "[\"it has been designed to put your colour vision and eyesight to the test by showing boards of coloured squares .kuku kube ( pictured ) is available for free on facebook , android , ios and on desktop browsers .scores lower than 11 are poor , scores between 15 and 20 is ` lower than average ' , 21 to 30 is considered normal or average , and a score higher than 31 means your eyesight is considered great '\"]\n", + "=======================\n", + "[\"free app is available on facebook , android , ios and on desktop browsersit starts with four squares and asks you to identify the different shadeboard grows to up to 81 squares and differentiation is subtle each timeand a score of 31 or above is a considered a sign of ` great eyesight '\"]\n", + "it has been designed to put your colour vision and eyesight to the test by showing boards of coloured squares .kuku kube ( pictured ) is available for free on facebook , android , ios and on desktop browsers .scores lower than 11 are poor , scores between 15 and 20 is ` lower than average ' , 21 to 30 is considered normal or average , and a score higher than 31 means your eyesight is considered great '\n", + "free app is available on facebook , android , ios and on desktop browsersit starts with four squares and asks you to identify the different shadeboard grows to up to 81 squares and differentiation is subtle each timeand a score of 31 or above is a considered a sign of ` great eyesight '\n", + "[1.3376875 1.4094515 1.3065072 1.3633058 1.2625763 1.1539651 1.1253053\n", + " 1.1281326 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 4 5 7 6 15 14 13 12 8 10 9 16 11 17]\n", + "=======================\n", + "['the attacking midfielder turned 19 last month but has been in contract dispute with his club atletico paranaense .atletico paranaense attacking midfielder nathan is attracting interest from chelsea and manchester citychelsea are looking to beat manchester city to sign brazilian prospect nathan .']\n", + "=======================\n", + "['both chelsea and manchester city are keen on signing nathanthe attacking midfielder has been in contract dispute with his current clubnathan is due to speak to chelsea next week ahead of proposed move']\n", + "the attacking midfielder turned 19 last month but has been in contract dispute with his club atletico paranaense .atletico paranaense attacking midfielder nathan is attracting interest from chelsea and manchester citychelsea are looking to beat manchester city to sign brazilian prospect nathan .\n", + "both chelsea and manchester city are keen on signing nathanthe attacking midfielder has been in contract dispute with his current clubnathan is due to speak to chelsea next week ahead of proposed move\n", + "[1.4050218 1.1765867 1.4518391 1.2591848 1.1164961 1.0973283 1.0516021\n", + " 1.0749712 1.1395841 1.0508487 1.1307586 1.1693455 1.112757 1.0508206\n", + " 1.0493929 1.0107642 1.0426937 0. ]\n", + "\n", + "[ 2 0 3 1 11 8 10 4 12 5 7 6 9 13 14 16 15 17]\n", + "=======================\n", + "[\"mother-of-two hayley sandiford has been told she must get rid of her seven-stone american bulldog winston by the end of april or she will also have to leave her house in blackburn , lancashire .the pet has attacked several terrified postmen but miss sandiford says royal mail are victimising winston and claims her family are being ` taunted all the time ' by people in the area .a dog has been evicted from social housing for terrorising postmen - meaning neighbours can have their mail delivered for the first time since february 2014 .\"]\n", + "=======================\n", + "[\"court rules american bulldog winston must leave his home this monthpet 's attacks led to 14-month ban on deliveries on two blackburn roadshis owner hayley sandiford claims winston is ` not a danger ' to anyone` unfortunately he does have a thing about postmen but it is the mail they carry and not the postmen themselves ' , she saidwinston 's eviction means that postal deliveries will resume on may 1\"]\n", + "mother-of-two hayley sandiford has been told she must get rid of her seven-stone american bulldog winston by the end of april or she will also have to leave her house in blackburn , lancashire .the pet has attacked several terrified postmen but miss sandiford says royal mail are victimising winston and claims her family are being ` taunted all the time ' by people in the area .a dog has been evicted from social housing for terrorising postmen - meaning neighbours can have their mail delivered for the first time since february 2014 .\n", + "court rules american bulldog winston must leave his home this monthpet 's attacks led to 14-month ban on deliveries on two blackburn roadshis owner hayley sandiford claims winston is ` not a danger ' to anyone` unfortunately he does have a thing about postmen but it is the mail they carry and not the postmen themselves ' , she saidwinston 's eviction means that postal deliveries will resume on may 1\n", + "[1.0938381 1.0745503 1.1335663 1.2490245 1.178007 1.0465062 1.0982013\n", + " 1.1272231 1.1587201 1.0535417 1.0731285 1.1374142 1.1156797 1.0432984\n", + " 1.043431 0. 0. 0. ]\n", + "\n", + "[ 3 4 8 11 2 7 12 6 0 1 10 9 5 14 13 15 16 17]\n", + "=======================\n", + "['lindsay lohan at the age of 18 in 2005 ( left ) and now at the age of 28 ( right )the child actress shot to fame as a freckle-faced darling in classics such as the parent trap , freaky friday and mean girls , but despite showing much promise , the now 28-year-old began to experience regular run-ins with the law and started appearing on headlines for the wrong reasons .johnny depp shot to stardom as a teen idol due to his dark and mysterious looks and acting versatility , which scored him roles in films such as edward scissorhands and a nightmare on elm street .']\n", + "=======================\n", + "['some are child actors , others are former hollywood heartthrobscan be attributed to poor lifestyles , career lows , or shattered relationshipsrenée zellweger caused controversy with her dramatically altered face']\n", + "lindsay lohan at the age of 18 in 2005 ( left ) and now at the age of 28 ( right )the child actress shot to fame as a freckle-faced darling in classics such as the parent trap , freaky friday and mean girls , but despite showing much promise , the now 28-year-old began to experience regular run-ins with the law and started appearing on headlines for the wrong reasons .johnny depp shot to stardom as a teen idol due to his dark and mysterious looks and acting versatility , which scored him roles in films such as edward scissorhands and a nightmare on elm street .\n", + "some are child actors , others are former hollywood heartthrobscan be attributed to poor lifestyles , career lows , or shattered relationshipsrenée zellweger caused controversy with her dramatically altered face\n", + "[1.2677727 1.3963614 1.2313809 1.3611889 1.1097736 1.0846792 1.0245137\n", + " 1.0867794 1.0230643 1.1591904 1.128683 1.1052238 1.0682274 1.039258\n", + " 1.0516326 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 9 10 4 11 7 5 12 14 13 6 8 15 16 17]\n", + "=======================\n", + "[\"the stunning ashbrittle yew , in the churchyard of the parish 's church of st john the baptist , in somerset , has a girth of 38ft and an enormous vast canopy .the 4,000-year-old tree is ` looking extremely sick , ' according to a warden at the church in ashbrittle , somerseta 4,000-year-old tree thought to be britain 's oldest living organism may be dying according to its custodian .\"]\n", + "=======================\n", + "[\"experts say the ashbrittle yew was mature when stonehenge was builtlocals fear it 's ` extremely sick ' due to wilting branches and falling leavesbut a tree surgeon thinks it could just be going through a ` bad patch '\"]\n", + "the stunning ashbrittle yew , in the churchyard of the parish 's church of st john the baptist , in somerset , has a girth of 38ft and an enormous vast canopy .the 4,000-year-old tree is ` looking extremely sick , ' according to a warden at the church in ashbrittle , somerseta 4,000-year-old tree thought to be britain 's oldest living organism may be dying according to its custodian .\n", + "experts say the ashbrittle yew was mature when stonehenge was builtlocals fear it 's ` extremely sick ' due to wilting branches and falling leavesbut a tree surgeon thinks it could just be going through a ` bad patch '\n", + "[1.2417428 1.4750634 1.1197425 1.3049335 1.3309959 1.065032 1.0417231\n", + " 1.1308354 1.1158506 1.015732 1.0413688 1.1368661 1.0843128 1.0515039\n", + " 1.053394 1.0379201 1.0151813 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 4 3 0 11 7 2 8 12 5 14 13 6 10 15 9 16 22 17 18 19 20 21 23]\n", + "=======================\n", + "['paul hellyer , who was a canadian minister from 1963 to 1967 , is now urging world powers to release what he believes to be hidden data on ufos .a former defence minister has accused world leaders of concealing aliens .hellyer is the first high ranking politician to publicly state that aliens are real']\n", + "=======================\n", + "[\"paul hellyer served as canada 's defence minister from 1963 to 1967he made the comments during a speech at the university of calgaryhellyer says aliens have ` been visiting our planet for thousands of years 'many walk among us , he claims , but it can be difficult to tell them apart\"]\n", + "paul hellyer , who was a canadian minister from 1963 to 1967 , is now urging world powers to release what he believes to be hidden data on ufos .a former defence minister has accused world leaders of concealing aliens .hellyer is the first high ranking politician to publicly state that aliens are real\n", + "paul hellyer served as canada 's defence minister from 1963 to 1967he made the comments during a speech at the university of calgaryhellyer says aliens have ` been visiting our planet for thousands of years 'many walk among us , he claims , but it can be difficult to tell them apart\n", + "[1.1617136 1.6023798 1.2826036 1.086472 1.0474782 1.2989767 1.1086498\n", + " 1.0190578 1.0247363 1.1280315 1.0283304 1.0492734 1.0272701 1.2910756\n", + " 1.1547691 1.0604934 1.0149286 1.0248402 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 5 13 2 0 14 9 6 3 15 11 4 10 12 17 8 7 16 22 18 19 20 21 23]\n", + "=======================\n", + "[\"louisa steckenreuter , 35 , a mother to two young children , darcy , 13 , and tilda , 2 , was diagnosed with osteosarcoma , a rare form of cancer last year .louisa steckenreuter is desperately trying to raise money for an expensive cancer treatment which could buy her more time with her family 'now to have a chance at accessing potentially life-saving treatment the woman from dulwich hill , in sydney 's inner-west , needs to raise $ 100,000 .\"]\n", + "=======================\n", + "['louisa steckenreuter was diagnosed with osteosarcoma last junethe mother-of-two , 35 , is fundraising to access expensive treatmenta drug called keytruda could buy her more time with her husband and kidsit costs $ 6000 a month and is not on the pharmaceutical benefits schemems steckenreuter would be the first australian with her cancer to trial drug']\n", + "louisa steckenreuter , 35 , a mother to two young children , darcy , 13 , and tilda , 2 , was diagnosed with osteosarcoma , a rare form of cancer last year .louisa steckenreuter is desperately trying to raise money for an expensive cancer treatment which could buy her more time with her family 'now to have a chance at accessing potentially life-saving treatment the woman from dulwich hill , in sydney 's inner-west , needs to raise $ 100,000 .\n", + "louisa steckenreuter was diagnosed with osteosarcoma last junethe mother-of-two , 35 , is fundraising to access expensive treatmenta drug called keytruda could buy her more time with her husband and kidsit costs $ 6000 a month and is not on the pharmaceutical benefits schemems steckenreuter would be the first australian with her cancer to trial drug\n", + "[1.1587102 1.5594118 1.3582984 1.3532038 1.0416176 1.0492733 1.0619168\n", + " 1.054459 1.0980797 1.0501797 1.0537897 1.0840303 1.0169203 1.0163054\n", + " 1.0159553 1.0105174 1.0491716 1.025944 1.012582 1.1669704 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 19 0 8 11 6 7 10 9 5 16 4 17 12 13 14 18 15 20 21 22 23]\n", + "=======================\n", + "['tanguy pepiot , a steeplechase runner for the university of oregon , had a clear lead on his rival meron simon , who competes for the university of washington .but at a track meet saturday in eugene , oregon , a crowd of more than 3,000 people saw the distance evaporate after pepiot raised his hands in pre-emptive joy , with less than 100m to go .personal best : meron , pictured left at a different event , ran his best ever time in the 3,000 m steeplechase .']\n", + "=======================\n", + "[\"university of oregon 's tanguy pepiot had strong lead over meron simonraised arms in triumph while he was still running - which slowed him downsimon , of the university of washington sprinted and closed the gapbeat pepiot by a tenth of a second at track event in eugene , oregon\"]\n", + "tanguy pepiot , a steeplechase runner for the university of oregon , had a clear lead on his rival meron simon , who competes for the university of washington .but at a track meet saturday in eugene , oregon , a crowd of more than 3,000 people saw the distance evaporate after pepiot raised his hands in pre-emptive joy , with less than 100m to go .personal best : meron , pictured left at a different event , ran his best ever time in the 3,000 m steeplechase .\n", + "university of oregon 's tanguy pepiot had strong lead over meron simonraised arms in triumph while he was still running - which slowed him downsimon , of the university of washington sprinted and closed the gapbeat pepiot by a tenth of a second at track event in eugene , oregon\n", + "[1.0322095 1.0449907 1.3700019 1.3531066 1.2126503 1.0644064 1.0643172\n", + " 1.2051548 1.1034619 1.173751 1.0402793 1.1061614 1.1586629 1.0235556\n", + " 1.1056798 1.0186907 1.0783633 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 2 3 4 7 9 12 11 14 8 16 5 6 1 10 0 13 15 22 17 18 19 20 21 23]\n", + "=======================\n", + "['they are among the latest group of migrants to have safely reached land after a desperate voyage across the mediterranean that has claimed the lives of so many others .of the 446 people on board the italian rescue vessel , the navy said 59 of them were children , who were no doubt unaware just how perilous their boat trip could have been .reaching the safety of dry land : two migrant boys cling to each other as their rescue ship docks in the sicilian port of augusta after their smuggler boat was picked up off the coast of the italian mainland']\n", + "=======================\n", + "['latest group of migrants rescued from mediterranean includes 59 childrenpicked up off italian coast as families make desperate bid to reach europecomes days after 900 men , women and children died in capsize disaster']\n", + "they are among the latest group of migrants to have safely reached land after a desperate voyage across the mediterranean that has claimed the lives of so many others .of the 446 people on board the italian rescue vessel , the navy said 59 of them were children , who were no doubt unaware just how perilous their boat trip could have been .reaching the safety of dry land : two migrant boys cling to each other as their rescue ship docks in the sicilian port of augusta after their smuggler boat was picked up off the coast of the italian mainland\n", + "latest group of migrants rescued from mediterranean includes 59 childrenpicked up off italian coast as families make desperate bid to reach europecomes days after 900 men , women and children died in capsize disaster\n", + "[1.278564 1.1389749 1.0474474 1.041099 1.1661943 1.0892128 1.135819\n", + " 1.0929198 1.2959938 1.073623 1.0516583 1.043583 1.0493705 1.0735362\n", + " 1.0733023 1.05476 1.0262133 1.0169197 1.0203277 1.0372442 1.0282505\n", + " 1.0368505 1.0429579 1.0215125]\n", + "\n", + "[ 8 0 4 1 6 7 5 9 13 14 15 10 12 2 11 22 3 19 21 20 16 23 18 17]\n", + "=======================\n", + "['former blair ally charles dunstone ( pictured ) is now supporting the conservative party in the electionten years ago , i signed a letter backing labour in the 2005 election .five years ago the world was facing catastrophic economic problems .']\n", + "=======================\n", + "[\"charles dunstone backed labour in 2005 election , but now supports toriessaid conservatives deserved credit for remarkable economic turnaroundadmired tories for sticking with plan even when opinion was against themsaid labour party under miliband wrongly saw business as ` the problem '\"]\n", + "former blair ally charles dunstone ( pictured ) is now supporting the conservative party in the electionten years ago , i signed a letter backing labour in the 2005 election .five years ago the world was facing catastrophic economic problems .\n", + "charles dunstone backed labour in 2005 election , but now supports toriessaid conservatives deserved credit for remarkable economic turnaroundadmired tories for sticking with plan even when opinion was against themsaid labour party under miliband wrongly saw business as ` the problem '\n", + "[1.703467 1.2549026 1.1295422 1.4716002 1.1007833 1.0595568 1.1273385\n", + " 1.1067879 1.056955 1.2733009 1.044589 1.019412 1.0147029 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 9 1 2 6 7 4 5 8 10 11 12 13 14 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "['former valencia striker aritz aduriz denied his old team victory with a last-gasp equaliser for athletic bilbao at san mames stadium .athletic bilbao aritz aduriz scored a 90th minute equaliser to deny his former club valencia victoryecuadorian felipe caicedo scored twice for espanyol in the 3-0 defeat of villarreal']\n", + "=======================\n", + "[\"valencia were held to a 1-1 draw by athletic bilbao after aritz aduriz nettedgetafe boosted survival chances with 1-0 win over strugglers elchefelipe caicedo scored a brace in espanyol 's 3-0 defeat of villarreal\"]\n", + "former valencia striker aritz aduriz denied his old team victory with a last-gasp equaliser for athletic bilbao at san mames stadium .athletic bilbao aritz aduriz scored a 90th minute equaliser to deny his former club valencia victoryecuadorian felipe caicedo scored twice for espanyol in the 3-0 defeat of villarreal\n", + "valencia were held to a 1-1 draw by athletic bilbao after aritz aduriz nettedgetafe boosted survival chances with 1-0 win over strugglers elchefelipe caicedo scored a brace in espanyol 's 3-0 defeat of villarreal\n", + "[1.1775916 1.3799759 1.391598 1.2544928 1.2144184 1.1462868 1.1114485\n", + " 1.0418578 1.0487577 1.0604794 1.1621425 1.0524389 1.0937848 1.0883061\n", + " 1.0655342 1.0120548 1.0263261 1.0631905 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 1 3 4 0 10 5 6 12 13 14 17 9 11 8 7 16 15 18 19 20 21 22]\n", + "=======================\n", + "['the 38-year-old suspect has been taken to an area hospital to be treated for injuries to his arm and leg .responding officers and firefighters followed the fugitive into the murky waters of brush creek in kansas city and fished him out early friday morning .he may face charges in connection to a hit-and-run crash .']\n", + "=======================\n", + "[\"the 38-year-old suspect was questioned by kansas city police after neighbors complained he was blasting music in his 2007 infinityinstead of handing over his id , driver smiled , said ` i 'm out ! 'after crashing into bridge , the man stripped down to his underwear and jumped into brush creekit took cops armed with a bb gun 15 minutes to fish out the fugitive\"]\n", + "the 38-year-old suspect has been taken to an area hospital to be treated for injuries to his arm and leg .responding officers and firefighters followed the fugitive into the murky waters of brush creek in kansas city and fished him out early friday morning .he may face charges in connection to a hit-and-run crash .\n", + "the 38-year-old suspect was questioned by kansas city police after neighbors complained he was blasting music in his 2007 infinityinstead of handing over his id , driver smiled , said ` i 'm out ! 'after crashing into bridge , the man stripped down to his underwear and jumped into brush creekit took cops armed with a bb gun 15 minutes to fish out the fugitive\n", + "[1.1703185 1.1044492 1.4456174 1.284938 1.1656895 1.1980404 1.2918714\n", + " 1.1565404 1.1146091 1.0361881 1.1403998 1.0163201 1.0163314 1.0493199\n", + " 1.0250156 1.0279608 1.0663452 1.0388426 1.0099765 1.0183041 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 6 3 5 0 4 7 10 8 1 16 13 17 9 15 14 19 12 11 18 21 20 22]\n", + "=======================\n", + "['the woman , who was with three friends , is believed to have lost her footing and fallen from the deck after her punt hit another boat .she disappeared under the waters of the cam several times , screaming for help each time she resurfaced .as the sun made its long-awaited appearance , a woman believed to be in her 20s , had to be rescued from the river cam , cambridge , after almost drowning while punting ( pictured left and right )']\n", + "=======================\n", + "[\"temperatures reached 20.5 c in scotland today , while highs of 17c were seen across the south west and walesbest of sunshine was in scotland and northumberland , while norfolk , suffolk , essex and kent remained cloudytoday 's warm weather is the start of week-long spell of sunshine , which could culminate with 21c high on fridaytourist , in her 20s , had to be rescued in cambridge after toppling into the water while punting with three friends\"]\n", + "the woman , who was with three friends , is believed to have lost her footing and fallen from the deck after her punt hit another boat .she disappeared under the waters of the cam several times , screaming for help each time she resurfaced .as the sun made its long-awaited appearance , a woman believed to be in her 20s , had to be rescued from the river cam , cambridge , after almost drowning while punting ( pictured left and right )\n", + "temperatures reached 20.5 c in scotland today , while highs of 17c were seen across the south west and walesbest of sunshine was in scotland and northumberland , while norfolk , suffolk , essex and kent remained cloudytoday 's warm weather is the start of week-long spell of sunshine , which could culminate with 21c high on fridaytourist , in her 20s , had to be rescued in cambridge after toppling into the water while punting with three friends\n", + "[1.2770181 1.5052114 1.2325488 1.3880322 1.0904422 1.0603467 1.1130576\n", + " 1.0582201 1.1006863 1.1257148 1.0188059 1.0174289 1.049904 1.053333\n", + " 1.1443982 1.1529828 1.0701844 1.0678285 1.0747018 1.0296884 1.0121161\n", + " 1.0842339 0. ]\n", + "\n", + "[ 1 3 0 2 15 14 9 6 8 4 21 18 16 17 5 7 13 12 19 10 11 20 22]\n", + "=======================\n", + "[\"ron aydelott , head coach for the riverdale high school warriors in murfreesboro for nearly ten years , suffered serious facial injuries in the attack , which will require surgery .a tennessee high school 's football coach was assaulted in his office tuesday , allegedly by a student who 'd inquired about trying out for the team .witnesses said aydelott in no way provoked the attack but that the 17-year-old alleged attacker became violent after he felt ` disrespected , ' reports news channel five network .\"]\n", + "=======================\n", + "['ron aydelott , coach of the riverdale high school warriors in murfreesboro , tennessee , sustained serious facial injuries in the attack']\n", + "ron aydelott , head coach for the riverdale high school warriors in murfreesboro for nearly ten years , suffered serious facial injuries in the attack , which will require surgery .a tennessee high school 's football coach was assaulted in his office tuesday , allegedly by a student who 'd inquired about trying out for the team .witnesses said aydelott in no way provoked the attack but that the 17-year-old alleged attacker became violent after he felt ` disrespected , ' reports news channel five network .\n", + "ron aydelott , coach of the riverdale high school warriors in murfreesboro , tennessee , sustained serious facial injuries in the attack\n", + "[1.0889636 1.076102 1.0680346 1.0828209 1.1395383 1.2060461 1.2847216\n", + " 1.2265967 1.1730822 1.0376425 1.0804478 1.0370339 1.0207483 1.0563608\n", + " 1.0591865 1.0278989 1.040995 1.0288641 1.0171666 1.0174512 1.0169958\n", + " 1.0276864 1.0183094]\n", + "\n", + "[ 6 7 5 8 4 0 3 10 1 2 14 13 16 9 11 17 15 21 12 22 19 18 20]\n", + "=======================\n", + "['for the first time a majority , 53 % , favor its legalization , with 77 % supporting it for medical purposes .support for legalization has risen 11 points in the past few years alone .i see a revolution in the attitudes of everyday americans .']\n", + "=======================\n", + "['cnn \\'s dr. sanjay gupta says we should legalize medical marijuana nowhe says he knows how easy it is do nothing \" because i did nothing for too long \"']\n", + "for the first time a majority , 53 % , favor its legalization , with 77 % supporting it for medical purposes .support for legalization has risen 11 points in the past few years alone .i see a revolution in the attitudes of everyday americans .\n", + "cnn 's dr. sanjay gupta says we should legalize medical marijuana nowhe says he knows how easy it is do nothing \" because i did nothing for too long \"\n", + "[1.2243768 1.33391 1.232767 1.2474302 1.3565006 1.0851978 1.1517582\n", + " 1.0872014 1.108403 1.0527875 1.1162941 1.115116 1.04037 1.0172871\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 4 1 3 2 0 6 10 11 8 7 5 9 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"aracely meza , who is reportedly not the child 's mother , was arrested on monday and has been charged with injury to a child by omission , said police ( above meza in the video )in the clip capturing the attempted resurrection , the boy identified by a witness as benjamin , is being held in the arms of texas pastor 's wife aracely meza as others , including a man who appears to be her husband pastor daniel meza , are gathered around .a shocking ` resurrection ceremony ' for a two-year-old dead boy at a texas church has been caught on camera .\"]\n", + "=======================\n", + "[\"warning graphic contentaracely meza , who is not the child 's mother , was arrested on mondayshe is the wife of pastor daniel meza who presided over church services held at a balch springs , texas residence where ceremony occurredaracely meza has been charged with injury to a child by omissionwitness identified child as benjamin who said pastors said he was possessed by demons ; he also went 25 days without food before he diedpolice went to the home on march 26 to do a welfare check and were told by residents that a two-year-old child had diedmarch 22 ceremony was an attempt to resurrect the child , police claimed\"]\n", + "aracely meza , who is reportedly not the child 's mother , was arrested on monday and has been charged with injury to a child by omission , said police ( above meza in the video )in the clip capturing the attempted resurrection , the boy identified by a witness as benjamin , is being held in the arms of texas pastor 's wife aracely meza as others , including a man who appears to be her husband pastor daniel meza , are gathered around .a shocking ` resurrection ceremony ' for a two-year-old dead boy at a texas church has been caught on camera .\n", + "warning graphic contentaracely meza , who is not the child 's mother , was arrested on mondayshe is the wife of pastor daniel meza who presided over church services held at a balch springs , texas residence where ceremony occurredaracely meza has been charged with injury to a child by omissionwitness identified child as benjamin who said pastors said he was possessed by demons ; he also went 25 days without food before he diedpolice went to the home on march 26 to do a welfare check and were told by residents that a two-year-old child had diedmarch 22 ceremony was an attempt to resurrect the child , police claimed\n", + "[1.199281 1.3997376 1.2251174 1.2690852 1.2678919 1.1203009 1.019278\n", + " 1.0280302 1.1056561 1.2067208 1.1436021 1.0243258 1.2043693 1.1345106\n", + " 1.1092874 1.0594058 1.0754273 1.0080236 1.0159228 0. ]\n", + "\n", + "[ 1 3 4 2 9 12 0 10 13 5 14 8 16 15 7 11 6 18 17 19]\n", + "=======================\n", + "['the meteor shower , visible around the world but best seen from europe , has been observed for the past 2,700 years and peaked overnight with between ten and 20 an hour .john phelan took this picture , showing the lyrid meteor at porthcurno beach in cornwall in the early hours of this morningnick watson , a semi-professional photographer from newcastle , captured an amazing picture of the meteor over lindisfarne castle on holy island in northumberland .']\n", + "=======================\n", + "['photographers in the uk captured the lyrid meteor shower in the sky last nightit occurs every year around 16 to 25 april , so you can still catch some meteors tonight and tomorrowthe strength of the showers vary from year to year and most years there are no more than 20 meteors an hourbut in 1982 americans counted nearly 100 an hour and in 1803 it was as high as 700 an hour']\n", + "the meteor shower , visible around the world but best seen from europe , has been observed for the past 2,700 years and peaked overnight with between ten and 20 an hour .john phelan took this picture , showing the lyrid meteor at porthcurno beach in cornwall in the early hours of this morningnick watson , a semi-professional photographer from newcastle , captured an amazing picture of the meteor over lindisfarne castle on holy island in northumberland .\n", + "photographers in the uk captured the lyrid meteor shower in the sky last nightit occurs every year around 16 to 25 april , so you can still catch some meteors tonight and tomorrowthe strength of the showers vary from year to year and most years there are no more than 20 meteors an hourbut in 1982 americans counted nearly 100 an hour and in 1803 it was as high as 700 an hour\n", + "[1.4961423 1.2975447 1.1115166 1.4325016 1.1503055 1.2214272 1.080153\n", + " 1.1954417 1.091222 1.076077 1.1418312 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 3 1 5 7 4 10 2 8 6 9 11 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"english referee mark clattenburg will take charge of the champions league quarter-final clash between paris saint-germain and barcelona on wednesday night , and he will be assisted by five other englishmen .clattenburg , regarded by uefa to be england 's top official , is the only english appointment for the first leg meetings of europe 's top eight clubs with fellow top ref martin atkinson not selected for this round of fixtures .clattenburg chose not to send vincent kompany off in sunday 's manchester derby at old trafford\"]\n", + "=======================\n", + "['mark clattenburg will referee barcelona vs psg in the champions leaguehe will be assisted by five other englishmen at the parc des princesmartin atkinson has not been chosen by uefa for this round of fixturesreferees from serbia , czech republic and spain also selected for gamesgraham poll : clattenburg was right to confer for vincent kompany foul']\n", + "english referee mark clattenburg will take charge of the champions league quarter-final clash between paris saint-germain and barcelona on wednesday night , and he will be assisted by five other englishmen .clattenburg , regarded by uefa to be england 's top official , is the only english appointment for the first leg meetings of europe 's top eight clubs with fellow top ref martin atkinson not selected for this round of fixtures .clattenburg chose not to send vincent kompany off in sunday 's manchester derby at old trafford\n", + "mark clattenburg will referee barcelona vs psg in the champions leaguehe will be assisted by five other englishmen at the parc des princesmartin atkinson has not been chosen by uefa for this round of fixturesreferees from serbia , czech republic and spain also selected for gamesgraham poll : clattenburg was right to confer for vincent kompany foul\n", + "[1.235431 1.321277 1.4552794 1.4100796 1.280754 1.2123461 1.053371\n", + " 1.0173378 1.017763 1.095698 1.061906 1.0214654 1.0320222 1.3130248\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 1 13 4 0 5 9 10 6 12 11 8 7 18 14 15 16 17 19]\n", + "=======================\n", + "[\"former ashes hero flintoff believes pietersen is now ` running out of time ' to resurrect his test career .he will be 35 on june 27 , before the home ashes series starts .that is the view of former captain andrew flintoff -- with ballance , ian bell and joe root surely all now secure in the middle order for the summer .\"]\n", + "=======================\n", + "['gary ballance , ian bell and joe root are forming a strong middle orderballance shone at no 3 for england against west indiesengland exile kevin pietersen will be 35 on june 27']\n", + "former ashes hero flintoff believes pietersen is now ` running out of time ' to resurrect his test career .he will be 35 on june 27 , before the home ashes series starts .that is the view of former captain andrew flintoff -- with ballance , ian bell and joe root surely all now secure in the middle order for the summer .\n", + "gary ballance , ian bell and joe root are forming a strong middle orderballance shone at no 3 for england against west indiesengland exile kevin pietersen will be 35 on june 27\n", + "[1.549375 1.3567722 1.3301284 1.1768614 1.3517532 1.0578146 1.2029377\n", + " 1.0784919 1.0779456 1.0668111 1.0774616 1.024217 1.009096 1.0141001\n", + " 1.0187786 1.0710049 1.0197864 1.0430577 1.0247049 1.0111579]\n", + "\n", + "[ 0 1 4 2 6 3 7 8 10 15 9 5 17 18 11 16 14 13 19 12]\n", + "=======================\n", + "['billy joe saunders and chris eubank jnr could rematch in under six weeks after the pair reignited their war of words at a london press conference on thursday .the pair clashed in a memorable 12-round grudge match on november 29 with british , commonwealth and european middleweight champions saunders handing his rival his first career defeat .now the duo are both set to fight at wembley arena on may 9 but not against each other .']\n", + "=======================\n", + "['billy joe saunders and chris eubank jnr are set to fight on the same bill at wembley arena on may 9eubank challenged saunders to a re-match for the may datesaunders beat eubank on points when the pair met in november']\n", + "billy joe saunders and chris eubank jnr could rematch in under six weeks after the pair reignited their war of words at a london press conference on thursday .the pair clashed in a memorable 12-round grudge match on november 29 with british , commonwealth and european middleweight champions saunders handing his rival his first career defeat .now the duo are both set to fight at wembley arena on may 9 but not against each other .\n", + "billy joe saunders and chris eubank jnr are set to fight on the same bill at wembley arena on may 9eubank challenged saunders to a re-match for the may datesaunders beat eubank on points when the pair met in november\n", + "[1.2514703 1.4034474 1.1897538 1.246857 1.1110877 1.2537264 1.0357667\n", + " 1.0749454 1.0572411 1.2464488 1.1358656 1.0357953 1.042539 1.044828\n", + " 1.0286536 0. 0. 0. ]\n", + "\n", + "[ 1 5 0 3 9 2 10 4 7 8 13 12 11 6 14 15 16 17]\n", + "=======================\n", + "[\"the bold design of the new # 400million stadium , due to be completed for the start of the 2018-19 season , could involve a ` slide-out ' grass football pitch with an nfl-style synthetic surface housed underneath .the nfl is said to be within five years of having a permanent franchise in london .tottenham are considering a state-of-the-art stadium with a retractable pitch that enables them to become the home of a new nfl london franchise .\"]\n", + "=======================\n", + "[\"tottenham 's new # 400m stadium due to be completed for 2018-19 seasonnfl said to be within five years of having a franchise in londonwembley stadium currently hosts nfl international series gamesthree regular-season nfl games will be played in london this yearclick here for all the latest tottenham hotspur news\"]\n", + "the bold design of the new # 400million stadium , due to be completed for the start of the 2018-19 season , could involve a ` slide-out ' grass football pitch with an nfl-style synthetic surface housed underneath .the nfl is said to be within five years of having a permanent franchise in london .tottenham are considering a state-of-the-art stadium with a retractable pitch that enables them to become the home of a new nfl london franchise .\n", + "tottenham 's new # 400m stadium due to be completed for 2018-19 seasonnfl said to be within five years of having a franchise in londonwembley stadium currently hosts nfl international series gamesthree regular-season nfl games will be played in london this yearclick here for all the latest tottenham hotspur news\n", + "[1.1800851 1.3921629 1.2762345 1.2644705 1.2415185 1.203278 1.1012837\n", + " 1.141835 1.1406898 1.0855895 1.0642321 1.0767071 1.1037697 1.0558472\n", + " 1.0433451 1.0548393 1.0115917 1.0050322]\n", + "\n", + "[ 1 2 3 4 5 0 7 8 12 6 9 11 10 13 15 14 16 17]\n", + "=======================\n", + "['foreign-born blacks made up just 3.1 per cent of the black population in 1980 , but they accounted for 8.7 per cent of that group in 2013 , according to a report from the pew research center .most of the immigrants are from jamaica and haitithe majority of the 40 million us-born african americans trace their heritage to african ancestors brought to america as slaves .']\n", + "=======================\n", + "['foreign-born blacks made up 3.1 per cent of the black population in 1980that number has been on rise and they were 8.7 per cent of group in 2013majority of immigrants are from jamaica , haiti , ethiopia and nigeriablack immigrants more likely to have college degree and have a higher income and are less likely to live in poverty than the us-born populationforeign-born blacks are now large part of population in nyc , dc and miami']\n", + "foreign-born blacks made up just 3.1 per cent of the black population in 1980 , but they accounted for 8.7 per cent of that group in 2013 , according to a report from the pew research center .most of the immigrants are from jamaica and haitithe majority of the 40 million us-born african americans trace their heritage to african ancestors brought to america as slaves .\n", + "foreign-born blacks made up 3.1 per cent of the black population in 1980that number has been on rise and they were 8.7 per cent of group in 2013majority of immigrants are from jamaica , haiti , ethiopia and nigeriablack immigrants more likely to have college degree and have a higher income and are less likely to live in poverty than the us-born populationforeign-born blacks are now large part of population in nyc , dc and miami\n", + "[1.331198 1.5454031 1.1869756 1.1875545 1.2552 1.1220977 1.2398704\n", + " 1.020609 1.0442868 1.0129719 1.0558317 1.0132743 1.1229924 1.0409166\n", + " 1.0223498 1.1608332 1.0319489 0. ]\n", + "\n", + "[ 1 0 4 6 3 2 15 12 5 10 8 13 16 14 7 11 9 17]\n", + "=======================\n", + "[\"brian the lar gibbon , who is 50-years-old , was videoed by amanda dorman from south lanarkshire , scotland , who captured the critter 's creepy walk on a visit to the lake district wildlife park near keswick .europe 's oldest lar gibbon is enjoying celebrity status after a video of it strutting through a wildlife park went viral .this resulted in the video being viewed over nine million times .\"]\n", + "=======================\n", + "[\"brian the lar gibbon was captured strutting at the lake district wildlife parkamanda dorman from scotland shot and uploaded the seven-second clipvideo shows 50-year-old primate sneaking along while looking at filmmakerpark manager said brian has been ` entertaining our guests for years '\"]\n", + "brian the lar gibbon , who is 50-years-old , was videoed by amanda dorman from south lanarkshire , scotland , who captured the critter 's creepy walk on a visit to the lake district wildlife park near keswick .europe 's oldest lar gibbon is enjoying celebrity status after a video of it strutting through a wildlife park went viral .this resulted in the video being viewed over nine million times .\n", + "brian the lar gibbon was captured strutting at the lake district wildlife parkamanda dorman from scotland shot and uploaded the seven-second clipvideo shows 50-year-old primate sneaking along while looking at filmmakerpark manager said brian has been ` entertaining our guests for years '\n", + "[1.3102148 1.4906648 1.481095 1.2777098 1.2950566 1.0772129 1.0261507\n", + " 1.0162486 1.0425779 1.0248833 1.0146712 1.0199351 1.057209 1.0751405\n", + " 1.096323 1.0855447 1.2411395 0. ]\n", + "\n", + "[ 1 2 0 4 3 16 14 15 5 13 12 8 6 9 11 7 10 17]\n", + "=======================\n", + "['david cameron will today announce that all children who do not pass their tests aged 11 will have to take them again in the first year of secondary school , when they are 12 .thousands of children who fail maths and english tests in primary school will be forced by the tories to re-sit them to ensure they can read , write and add up .statistics from the department for education show that around 100,000 young people - one in five - fail to reach the expected standard in english and maths at the age of 11 .']\n", + "=======================\n", + "['david cameron to announce that children will have to retake the three rschildren who do not pass tests aged 11 will sit them again the next yearabout 100,000 pupils a year do not pass primary school english and mathsthese children will be given extra help to stop them falling behind , pm says']\n", + "david cameron will today announce that all children who do not pass their tests aged 11 will have to take them again in the first year of secondary school , when they are 12 .thousands of children who fail maths and english tests in primary school will be forced by the tories to re-sit them to ensure they can read , write and add up .statistics from the department for education show that around 100,000 young people - one in five - fail to reach the expected standard in english and maths at the age of 11 .\n", + "david cameron to announce that children will have to retake the three rschildren who do not pass tests aged 11 will sit them again the next yearabout 100,000 pupils a year do not pass primary school english and mathsthese children will be given extra help to stop them falling behind , pm says\n", + "[1.3195062 1.331324 1.2544035 1.3034868 1.0747712 1.291078 1.0738375\n", + " 1.0946767 1.0948071 1.1313921 1.0277817 1.0299236 1.092821 1.0875224\n", + " 1.0203812 1.0263659 0. 0. ]\n", + "\n", + "[ 1 0 3 5 2 9 8 7 12 13 4 6 11 10 15 14 16 17]\n", + "=======================\n", + "[\"in a development which will hearten his family , officials in washington said the 48-year-old is likely to be released in the summer after 13 years in captivity without charge or trial .britain 's last guantanamo bay detainee shaker aamer is expected to be freed as early as june , according to us government sources .the 48-year-old has been held at guantanamo bay without charge for more than 13 years ( file picture of the prison )\"]\n", + "=======================\n", + "['shaker aamer has been held at guantanamo without charge for 13 yearsthe 48-year-old , from london , could be freed in june , it has been revealedus president barack obama has repeatedly vowed to close the facility']\n", + "in a development which will hearten his family , officials in washington said the 48-year-old is likely to be released in the summer after 13 years in captivity without charge or trial .britain 's last guantanamo bay detainee shaker aamer is expected to be freed as early as june , according to us government sources .the 48-year-old has been held at guantanamo bay without charge for more than 13 years ( file picture of the prison )\n", + "shaker aamer has been held at guantanamo without charge for 13 yearsthe 48-year-old , from london , could be freed in june , it has been revealedus president barack obama has repeatedly vowed to close the facility\n", + "[1.1577456 1.5056881 1.3134112 1.2931778 1.2516711 1.2301644 1.0464865\n", + " 1.1431159 1.0783653 1.0917007 1.0717292 1.0643615 1.0171337 1.0242313\n", + " 1.0536354 1.0595033 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 2 3 4 5 0 7 9 8 10 11 15 14 6 13 12 20 16 17 18 19 21]\n", + "=======================\n", + "['personal advisor tola ore , 32 , fitted a high-tech device to her desktop computer which allowed fraudsters to take control of the workstation from outside the bank in palmers green in north london .the old bailey heard that ore attached a keyboard video mouse ( kvm ) to her computer allowing the unknown criminals to steal money electronically from the bank .the gang attempted to deposit # 1,274,000 into 12 different bank accounts over the course of one morning on july 23 , 2013 .']\n", + "=======================\n", + "['tola ore attached a high-tech gadget to her workstation in july 2013fraudsters attempted to transfer the cash before the branch openedore removed the device and handed it to someone in a supermarket toiletshe pleaded guilty to one count of fraud at the old bailey on friday']\n", + "personal advisor tola ore , 32 , fitted a high-tech device to her desktop computer which allowed fraudsters to take control of the workstation from outside the bank in palmers green in north london .the old bailey heard that ore attached a keyboard video mouse ( kvm ) to her computer allowing the unknown criminals to steal money electronically from the bank .the gang attempted to deposit # 1,274,000 into 12 different bank accounts over the course of one morning on july 23 , 2013 .\n", + "tola ore attached a high-tech gadget to her workstation in july 2013fraudsters attempted to transfer the cash before the branch openedore removed the device and handed it to someone in a supermarket toiletshe pleaded guilty to one count of fraud at the old bailey on friday\n", + "[1.2359055 1.4694037 1.3052315 1.3057642 1.3323222 1.2963746 1.0520236\n", + " 1.0467049 1.0237726 1.112583 1.0978879 1.036814 1.0229409 1.0241182\n", + " 1.0614809 1.0364588 1.019941 1.0173993 1.0859318 1.046095 1.0100937\n", + " 1.007581 ]\n", + "\n", + "[ 1 4 3 2 5 0 9 10 18 14 6 7 19 11 15 13 8 12 16 17 20 21]\n", + "=======================\n", + "[\"all of the 36 units at the redlands house sheltered accommodation have been given the colourful treatment which has been labelled an ` eyesore ' by local residents .the 36 homes as they were before the council spent # 750,000 including funds from the intermediate care fund on the renovationgraham white , 76 , from penarth said the changes to the property looks ` more like a children 's playscheme '\"]\n", + "=======================\n", + "[\"locals say the bizarre refurbishment is more suitable for a playgroundvale of glamorgan council paid # 750,000 for the unusual renovationone resident living near the penarth home called it an eyesorecouncil claims colour scheme will help elderly residents with dementiaan earlier version of this article stated the welsh government contributed # 500,000 to the ` legoland ' makeover of sheltered accommodation in penarth .\"]\n", + "all of the 36 units at the redlands house sheltered accommodation have been given the colourful treatment which has been labelled an ` eyesore ' by local residents .the 36 homes as they were before the council spent # 750,000 including funds from the intermediate care fund on the renovationgraham white , 76 , from penarth said the changes to the property looks ` more like a children 's playscheme '\n", + "locals say the bizarre refurbishment is more suitable for a playgroundvale of glamorgan council paid # 750,000 for the unusual renovationone resident living near the penarth home called it an eyesorecouncil claims colour scheme will help elderly residents with dementiaan earlier version of this article stated the welsh government contributed # 500,000 to the ` legoland ' makeover of sheltered accommodation in penarth .\n", + "[1.1208462 1.118272 1.2772585 1.3110317 1.1896765 1.0686466 1.0825753\n", + " 1.1071968 1.1096679 1.1444533 1.058342 1.0394697 1.098543 1.1499941\n", + " 1.0897912 1.0707512 1.0499179 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 3 2 4 13 9 0 1 8 7 12 14 6 15 5 10 16 11 20 17 18 19 21]\n", + "=======================\n", + "['dangerous work : local villagers work on renewing the keshwa chaca - the last inca rope bridge - in the andes near huinchiri , peruincredible skill : the 90ft long keshwa chaca remains thanks to local villagers who rebuild the bridge each year using the same techniques as their inca ancestorsin the ancient inca kingdom , the wheel was yet to be invented , iron was foreign and steel was unheard of .']\n", + "=======================\n", + "['inca kingdom in the andes was connected via handwoven rope bridgestoday , only one bridge remains - the keshwa chaca near huinchiri , peruthe 90ft-long bridge is rebuilt by villagers over three days every june , before gradually disintegrating each timelocals use the same techniques to make the rope as their inca ancestors']\n", + "dangerous work : local villagers work on renewing the keshwa chaca - the last inca rope bridge - in the andes near huinchiri , peruincredible skill : the 90ft long keshwa chaca remains thanks to local villagers who rebuild the bridge each year using the same techniques as their inca ancestorsin the ancient inca kingdom , the wheel was yet to be invented , iron was foreign and steel was unheard of .\n", + "inca kingdom in the andes was connected via handwoven rope bridgestoday , only one bridge remains - the keshwa chaca near huinchiri , peruthe 90ft-long bridge is rebuilt by villagers over three days every june , before gradually disintegrating each timelocals use the same techniques to make the rope as their inca ancestors\n", + "[1.2820368 1.5699115 1.2124851 1.2717987 1.0544419 1.0227267 1.0219756\n", + " 1.0225703 1.0208269 1.0381489 1.0277886 1.0209289 1.0553248 1.1432171\n", + " 1.0498688 1.0882208 0. 0. 0. 0. 0.\n", + " 0. ]\n", + "\n", + "[ 1 0 3 2 13 15 12 4 14 9 10 5 7 6 11 8 16 17 18 19 20 21]\n", + "=======================\n", + "[\"matilda kahl , an art director at saatchi & saatchi , wears the exact same ` uniform ' -- an outfit made up of black trousers , white shirt and a custom leather rosette -- every single day because , as she explains to dailymail.com : ` when at work , i want to be judged on my work and my work only . 'a new york woman has worn the same ensemble to work every day for three years .in an article for harper 's bazaar , matilda explained that the unique sartorial idea came to her after a particularly stressful morning when , with ' a fairly important meeting on the horizon ' she began trying on a variety outfits to no satisfaction .\"]\n", + "=======================\n", + "[\"matilda kahl , an art director at saatchi & saatchi , owns 15 of the same white shirt and several pairs of plain black trousersshe has just had to invest in 15 new shirts from zara because the others are now too worn to wear but has no other plans to change her ` uniform '\"]\n", + "matilda kahl , an art director at saatchi & saatchi , wears the exact same ` uniform ' -- an outfit made up of black trousers , white shirt and a custom leather rosette -- every single day because , as she explains to dailymail.com : ` when at work , i want to be judged on my work and my work only . 'a new york woman has worn the same ensemble to work every day for three years .in an article for harper 's bazaar , matilda explained that the unique sartorial idea came to her after a particularly stressful morning when , with ' a fairly important meeting on the horizon ' she began trying on a variety outfits to no satisfaction .\n", + "matilda kahl , an art director at saatchi & saatchi , owns 15 of the same white shirt and several pairs of plain black trousersshe has just had to invest in 15 new shirts from zara because the others are now too worn to wear but has no other plans to change her ` uniform '\n", + "[1.2726482 1.4335725 1.283438 1.3541572 1.2977004 1.3496057 1.1734457\n", + " 1.0293479 1.0172687 1.0587986 1.0244782 1.0101922 1.0083416 1.035289\n", + " 1.2035867 1.0301073 1.1836407 1.0413129 1.0168781 1.0245205 0.\n", + " 0. ]\n", + "\n", + "[ 1 3 5 4 2 0 14 16 6 9 17 13 15 7 19 10 8 18 11 12 20 21]\n", + "=======================\n", + "[\"robbie savage branded balotelli ` pathetic ' for missing the game , four days after he withdrew himself from the liverpool squad for their trip to arsenal following a ` slight knock ' suffered in training .liverpool manager brendan rodgers revealed the # 16million striker travelled with the squad to blackburn , but that he felt too ill to take part after staying over in the hotel with his team-mates .mario balotelli hit back at those criticising his absence for liverpool 's fa cup quarter-final win over blackburn rovers due to illness by attempting to prove he had a high temperature .\"]\n", + "=======================\n", + "[\"mario balotelli missed liverpool 's 4-1 defeat against arsenal on saturdaybalotelli was absent again at blackburn due to illness , confirmed the clubbt sport pundit robbie savage branded balotelli ` pathetic ' as a resultbalotelli responded by showing a thermometer reading 38.7 c ( 101.66 f )the liverpool striker used the hashtags #unluckyseason and #illbebackliverpool beat blackburn 1-0 thanks to philippe coutinho 's winner\"]\n", + "robbie savage branded balotelli ` pathetic ' for missing the game , four days after he withdrew himself from the liverpool squad for their trip to arsenal following a ` slight knock ' suffered in training .liverpool manager brendan rodgers revealed the # 16million striker travelled with the squad to blackburn , but that he felt too ill to take part after staying over in the hotel with his team-mates .mario balotelli hit back at those criticising his absence for liverpool 's fa cup quarter-final win over blackburn rovers due to illness by attempting to prove he had a high temperature .\n", + "mario balotelli missed liverpool 's 4-1 defeat against arsenal on saturdaybalotelli was absent again at blackburn due to illness , confirmed the clubbt sport pundit robbie savage branded balotelli ` pathetic ' as a resultbalotelli responded by showing a thermometer reading 38.7 c ( 101.66 f )the liverpool striker used the hashtags #unluckyseason and #illbebackliverpool beat blackburn 1-0 thanks to philippe coutinho 's winner\n", + "[1.3479625 1.2460177 1.2626673 1.2608998 1.17596 1.1392795 1.1305602\n", + " 1.1010733 1.1052552 1.0741816 1.0540699 1.0912986 1.06353 1.0175207\n", + " 1.0247052 1.1024925 0. ]\n", + "\n", + "[ 0 2 3 1 4 5 6 8 15 7 11 9 12 10 14 13 16]\n", + "=======================\n", + "[\"ed miliband would be a ` catastrophe ' for britain , according to ftse 100 bossesthe poll of ftse 100 chairman has revealed overwhelming support for david cameron to remain prime minister , despite the widespread business concern over his pledge to hold an in-out referendum on europe .it comes just days after more than 100 company bosses signed a letter warning against a labour government .\"]\n", + "=======================\n", + "['poll of ftse 100 bosses reveals overwhelming support for the toriesseven out of 10 said ed miliband fearful of a labour governmentcomes after 100 business chiefs signed an open letter in support of toriesmr miliband said letter only showed pm backed his rich friends in the city']\n", + "ed miliband would be a ` catastrophe ' for britain , according to ftse 100 bossesthe poll of ftse 100 chairman has revealed overwhelming support for david cameron to remain prime minister , despite the widespread business concern over his pledge to hold an in-out referendum on europe .it comes just days after more than 100 company bosses signed a letter warning against a labour government .\n", + "poll of ftse 100 bosses reveals overwhelming support for the toriesseven out of 10 said ed miliband fearful of a labour governmentcomes after 100 business chiefs signed an open letter in support of toriesmr miliband said letter only showed pm backed his rich friends in the city\n", + "[1.2714807 1.389741 1.3097796 1.2713606 1.1742471 1.0243279 1.0571645\n", + " 1.1107864 1.0808579 1.117542 1.0746024 1.122307 1.1069891 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 4 11 9 7 12 8 10 6 5 13 14 15 16]\n", + "=======================\n", + "[\"amanda taylor , of blacksburg , was apprehended in north carolina last sunday following a multi-state manhunt sparked by the murder of her former relative by marriage , 59-year-old charles taylor , who was discovered stabbed to death at his home near ellet april 4 .a 24-year-old widow from virginia has been charged with first-degree murder after police say she killed her former father-in-law because she blamed him for introducing her husband to drugs at a young age and driving him to suicide .` accomplice ' turned victim : sean ball , 32 , who is also facing charges in charles taylor 's death , was seriously wounded when police say amanda taylor turned on him as the two were fleeing police\"]\n", + "=======================\n", + "[\"amanda taylor , 24 , charged with first-degree murder in stabbing of her former father-in-law charles taylortaylor blamed 59-year-old victim for introducing her late husband , rex taylor , to drugs at age 15rex taylor committed suicide by hanging last august , leaving amanda alone with two childrenms taylor allegedly committed stabbing with friend sean ball , but then turned on him as the two were fleeing policeshe has confessed to the crimes on facebook and instagramfriend mariah roebuck said taylor had checked herself into hospital in late march but was released three days before her father-in-law 's killing\"]\n", + "amanda taylor , of blacksburg , was apprehended in north carolina last sunday following a multi-state manhunt sparked by the murder of her former relative by marriage , 59-year-old charles taylor , who was discovered stabbed to death at his home near ellet april 4 .a 24-year-old widow from virginia has been charged with first-degree murder after police say she killed her former father-in-law because she blamed him for introducing her husband to drugs at a young age and driving him to suicide .` accomplice ' turned victim : sean ball , 32 , who is also facing charges in charles taylor 's death , was seriously wounded when police say amanda taylor turned on him as the two were fleeing police\n", + "amanda taylor , 24 , charged with first-degree murder in stabbing of her former father-in-law charles taylortaylor blamed 59-year-old victim for introducing her late husband , rex taylor , to drugs at age 15rex taylor committed suicide by hanging last august , leaving amanda alone with two childrenms taylor allegedly committed stabbing with friend sean ball , but then turned on him as the two were fleeing policeshe has confessed to the crimes on facebook and instagramfriend mariah roebuck said taylor had checked herself into hospital in late march but was released three days before her father-in-law 's killing\n", + "[1.4087272 1.1536646 1.3978308 1.2539738 1.2285889 1.2263005 1.1752955\n", + " 1.0855758 1.1128162 1.0786604 1.0741353 1.0232888 1.0359267 1.0472788\n", + " 1.0460238 1.0361013 1.0260864]\n", + "\n", + "[ 0 2 3 4 5 6 1 8 7 9 10 13 14 15 12 16 11]\n", + "=======================\n", + "[\"edwin ` jock ' mee allegedly targeted young army cadets - including a woman who was 19 when he locked her in a room and raped herthe woman , now 27 , told southwark crown court that mee raped her as he called her a ` sweet woman ' .she claims she became pregnant before suffering a life threatening ectopic pregnancy .\"]\n", + "=======================\n", + "[\"edwin ` jock ' mee , 45 , allegedly targeted 11 cadets aged between 15 and 25one of his alleged victims claims he locked her in a room and raped herwoman told the jury he locked the doors and told her he had the keysshe claimed he told her that if she ` f *** with him ' , then ` he will f *** with me '\"]\n", + "edwin ` jock ' mee allegedly targeted young army cadets - including a woman who was 19 when he locked her in a room and raped herthe woman , now 27 , told southwark crown court that mee raped her as he called her a ` sweet woman ' .she claims she became pregnant before suffering a life threatening ectopic pregnancy .\n", + "edwin ` jock ' mee , 45 , allegedly targeted 11 cadets aged between 15 and 25one of his alleged victims claims he locked her in a room and raped herwoman told the jury he locked the doors and told her he had the keysshe claimed he told her that if she ` f *** with him ' , then ` he will f *** with me '\n", + "[1.2174383 1.4716794 1.3980274 1.4512365 1.3004068 1.1331311 1.0368584\n", + " 1.017069 1.0219979 1.0820227 1.0723581 1.0782661 1.0901619 1.0235832\n", + " 1.0392531 1.0424534 1.0651753]\n", + "\n", + "[ 1 3 2 4 0 5 12 9 11 10 16 15 14 6 13 8 7]\n", + "=======================\n", + "['teenager kimberly greenberg became angry and left her santa monica home to calm down about 8.30 pm on march 24 , but never returned .her mother janice greenberg has now made an urgent appeal for help as the teenager , described as having the mental capacity of an eight-year-old , has gone missing without her cellphone or medication .the autistic teenager left her home without medication or her cellphone and has not been seen for a week']\n", + "=======================\n", + "['autistic teenager kimberly greenberg went missing more than a week agothe 15-year-old left her la home to go for a walk and never returnedher mother janice has now made a desperate plea for help finding hershe is said to be very trusting and has the mental capacity of an 8-year-old']\n", + "teenager kimberly greenberg became angry and left her santa monica home to calm down about 8.30 pm on march 24 , but never returned .her mother janice greenberg has now made an urgent appeal for help as the teenager , described as having the mental capacity of an eight-year-old , has gone missing without her cellphone or medication .the autistic teenager left her home without medication or her cellphone and has not been seen for a week\n", + "autistic teenager kimberly greenberg went missing more than a week agothe 15-year-old left her la home to go for a walk and never returnedher mother janice has now made a desperate plea for help finding hershe is said to be very trusting and has the mental capacity of an 8-year-old\n", + "[1.2200998 1.4349862 1.2882307 1.2420887 1.3023144 1.1968837 1.0272993\n", + " 1.0114774 1.0107695 1.1564282 1.1257906 1.076682 1.121571 1.0932451\n", + " 1.0296642 1.0404981 1.0063319]\n", + "\n", + "[ 1 4 2 3 0 5 9 10 12 13 11 15 14 6 7 8 16]\n", + "=======================\n", + "[\"the retailer has consistently been one of the lowest-rated grocers since 2005 in consumer reports ' annual survey , and this year it was rated number 67 , the second worst supermarket .as it is the primary shopping destination for ten per cent of the 63,000 readers surveyed by the magazine , walmart is lacking in areas including service and quality of produce .however , it was noted for its better-than-average prices .\"]\n", + "=======================\n", + "[\"walmart supercenter was ranked the second worst in consumer reports ' annual supermarket surveyit earned 64 points along with a&p and waldbaum 's , which was ranked the worst out of 68 supermarkets surveyedpublix was ranked second best followed by trader joe 's and fareway stores\"]\n", + "the retailer has consistently been one of the lowest-rated grocers since 2005 in consumer reports ' annual survey , and this year it was rated number 67 , the second worst supermarket .as it is the primary shopping destination for ten per cent of the 63,000 readers surveyed by the magazine , walmart is lacking in areas including service and quality of produce .however , it was noted for its better-than-average prices .\n", + "walmart supercenter was ranked the second worst in consumer reports ' annual supermarket surveyit earned 64 points along with a&p and waldbaum 's , which was ranked the worst out of 68 supermarkets surveyedpublix was ranked second best followed by trader joe 's and fareway stores\n", + "[1.2796359 1.3099074 1.2930788 1.2138447 1.2265304 1.0571104 1.0227926\n", + " 1.0187105 1.0242527 1.1323363 1.0735333 1.0408381 1.0179958 1.0256027\n", + " 1.0187173 1.263056 1.0549883 1.0405394 1.0856642 1.0464164]\n", + "\n", + "[ 1 2 0 15 4 3 9 18 10 5 16 19 11 17 13 8 6 14 7 12]\n", + "=======================\n", + "[\"ever since , emily ratajkowski has become an object of desire for men worldwide - and women everywhere are desperate to emulate her curves .a newly unveiled set of photographs show london-born emily , 23 , showing off her enviable figure - so what 's her secret ?she shot to fame as the half-naked cavorting star of robin thicke 's steamy blurred lines video and landed a role in gone girl alongside industry heavyweights ben affleck and rosamind pike .\"]\n", + "=======================\n", + "[\"emily ratajkowski has become a global sex iconmodel and actress swears by hiking , yoga and occasional indulgencesays that cooking using fresh ingredients is essentialfits in her yoga classes a ` couple of time a week '\"]\n", + "ever since , emily ratajkowski has become an object of desire for men worldwide - and women everywhere are desperate to emulate her curves .a newly unveiled set of photographs show london-born emily , 23 , showing off her enviable figure - so what 's her secret ?she shot to fame as the half-naked cavorting star of robin thicke 's steamy blurred lines video and landed a role in gone girl alongside industry heavyweights ben affleck and rosamind pike .\n", + "emily ratajkowski has become a global sex iconmodel and actress swears by hiking , yoga and occasional indulgencesays that cooking using fresh ingredients is essentialfits in her yoga classes a ` couple of time a week '\n", + "[1.374028 1.365598 1.1762235 1.1192698 1.3246771 1.0894376 1.0791739\n", + " 1.0622293 1.1398978 1.0711906 1.0933297 1.0196458 1.0107964 1.0991535\n", + " 1.1526012 1.0792551 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 2 14 8 3 13 10 5 15 6 9 7 11 12 18 16 17 19]\n", + "=======================\n", + "[\"australian broadcaster sbs has sacked its football reporter scott mcintyre over his ` inappropriate and disrespectful ' anzac day tweets .mcintyre condemned the commemoration of anzac day on twitter yesterday , calling it ` the cultification of an imperialist invasion , ' and accusing australian diggers of committing war crimes which included ` widespread rape and theft . 'sbs football reporter and presenter scott mcintyre took to social media to tweet ` inappropriate ' comments on the day of the centenary services which have received significant backlash\"]\n", + "=======================\n", + "[\"australian broadcaster has sacked sports reporter over anzac day tweetsfootball journalist scott mcintyre condemned anzac day commemorations on the 100th anniversary of the gallipoli campaignremembering ` rape and theft ' committed by ` brave ' anzacs , he tweetedmcintyre also called the gallipoli landings ` an imperialist invasion 'his comments sparked fury , with hundreds calling for him to be sacked` sbs apologises for any offence or harm caused by mr mcintyre 's comments ' the broadcaster says\"]\n", + "australian broadcaster sbs has sacked its football reporter scott mcintyre over his ` inappropriate and disrespectful ' anzac day tweets .mcintyre condemned the commemoration of anzac day on twitter yesterday , calling it ` the cultification of an imperialist invasion , ' and accusing australian diggers of committing war crimes which included ` widespread rape and theft . 'sbs football reporter and presenter scott mcintyre took to social media to tweet ` inappropriate ' comments on the day of the centenary services which have received significant backlash\n", + "australian broadcaster has sacked sports reporter over anzac day tweetsfootball journalist scott mcintyre condemned anzac day commemorations on the 100th anniversary of the gallipoli campaignremembering ` rape and theft ' committed by ` brave ' anzacs , he tweetedmcintyre also called the gallipoli landings ` an imperialist invasion 'his comments sparked fury , with hundreds calling for him to be sacked` sbs apologises for any offence or harm caused by mr mcintyre 's comments ' the broadcaster says\n", + "[1.3725886 1.4506471 1.1571367 1.2838068 1.2338507 1.1113 1.133317\n", + " 1.0875249 1.2012397 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 4 8 2 6 5 7 17 16 15 14 9 12 11 10 18 13 19]\n", + "=======================\n", + "[\"the 22-year-old is currently in mauritius for a photo shoot with golf punk magazine and has been keen to show off her assets while away .booth posted photos on her instagram showing off her impressive bikini body while on the indian ocean islandbooth posted a behind the scenes snap on instagram with the caption : ` thank you @golfpunk magazine for a fun day #golfpunk #golf . '\"]\n", + "=======================\n", + "[\"carly booth took to instagram to show off her impressive bikini bodythe scottish golfer is currently in mauritius shooting for golf punk magit 's not the first time booth has been in the headlines for a revealing photo\"]\n", + "the 22-year-old is currently in mauritius for a photo shoot with golf punk magazine and has been keen to show off her assets while away .booth posted photos on her instagram showing off her impressive bikini body while on the indian ocean islandbooth posted a behind the scenes snap on instagram with the caption : ` thank you @golfpunk magazine for a fun day #golfpunk #golf . '\n", + "carly booth took to instagram to show off her impressive bikini bodythe scottish golfer is currently in mauritius shooting for golf punk magit 's not the first time booth has been in the headlines for a revealing photo\n", + "[1.4638175 1.400034 1.2655433 1.4592983 1.2409399 1.1682763 1.035866\n", + " 1.0127088 1.016097 1.0180302 1.0317205 1.1135979 1.0672289 1.0411075\n", + " 1.0283673 1.0691397 1.0998976 1.00841 1.006853 0. ]\n", + "\n", + "[ 0 3 1 2 4 5 11 16 15 12 13 6 10 14 9 8 7 17 18 19]\n", + "=======================\n", + "[\"winston reid says west ham no longer suffer from the fear factor that came with facing manchester city as they prepare to visit the etihad stadium on sunday .city had won their last five games against west ham -- by an aggregate score of 14-1 -- before falling to just their second league defeat of the season at upton park in october .and after a recent run of form that has seen the barclays premier league champions lose six of their last eight games , hammers defender reid says he and his team-mates no longer dread facing manuel pellegrini 's side .\"]\n", + "=======================\n", + "[\"west ham no longer fear facing manchester city , says winston reidreid was in side that beat city this season after five-game losing streakpremier league champions have lost six of their last eight gameswest ham travel to the etihad hoping to replicate october 's victorynew zealand defender reid has experience to stop sergio aguero\"]\n", + "winston reid says west ham no longer suffer from the fear factor that came with facing manchester city as they prepare to visit the etihad stadium on sunday .city had won their last five games against west ham -- by an aggregate score of 14-1 -- before falling to just their second league defeat of the season at upton park in october .and after a recent run of form that has seen the barclays premier league champions lose six of their last eight games , hammers defender reid says he and his team-mates no longer dread facing manuel pellegrini 's side .\n", + "west ham no longer fear facing manchester city , says winston reidreid was in side that beat city this season after five-game losing streakpremier league champions have lost six of their last eight gameswest ham travel to the etihad hoping to replicate october 's victorynew zealand defender reid has experience to stop sergio aguero\n", + "[1.5882907 1.3647153 1.2651049 1.5206952 1.2697088 1.0517944 1.0295273\n", + " 1.0246959 1.0181686 1.0176489 1.0136817 1.0198437 1.0373247 1.2956084\n", + " 1.0260092 1.0141548 1.0158534 1.017725 1.0174955 1.0146261]\n", + "\n", + "[ 0 3 1 13 4 2 5 12 6 14 7 11 8 17 9 18 16 19 15 10]\n", + "=======================\n", + "[\"southampton striker graziano pelle insists his confidence has n't been destroyed despite no scoring in the premier league since december 20 .graziano pelle remains confident despite not scoring in his last 13 premier league gamesthe 29-year-old , who netted against england for italy in the 1-1 international friendly on tuesday , is now hoping to return to the form that saw him plunder eight goals in his first 17 league games .\"]\n", + "=======================\n", + "[\"graziano pelle has n't scored in the premier league since december 20italy striker did find the net against england in recent international friendlythe 29-year-old has thanked saints fans for supporting him in lean spell\"]\n", + "southampton striker graziano pelle insists his confidence has n't been destroyed despite no scoring in the premier league since december 20 .graziano pelle remains confident despite not scoring in his last 13 premier league gamesthe 29-year-old , who netted against england for italy in the 1-1 international friendly on tuesday , is now hoping to return to the form that saw him plunder eight goals in his first 17 league games .\n", + "graziano pelle has n't scored in the premier league since december 20italy striker did find the net against england in recent international friendlythe 29-year-old has thanked saints fans for supporting him in lean spell\n", + "[1.1474427 1.3938488 1.1908822 1.1407413 1.0527141 1.0864741 1.0323753\n", + " 1.0911682 1.1615376 1.0588982 1.088604 1.2238959 1.0724269 1.0930932\n", + " 1.0591475 1.0117602 1.0100034 1.0136435 1.0140553 1.0161293]\n", + "\n", + "[ 1 11 2 8 0 3 13 7 10 5 12 14 9 4 6 19 18 17 15 16]\n", + "=======================\n", + "[\"the hurt of losing back-to-back european and domestic finals last year took mark mccall 's men all of last summer and a good chunk of this season to overcome .twenty-year-old maro itoje was impressive making his first start in europe , while the vunipola brothers were magnificent .this time they must lick their wounds and refocus their efforts on the aviva premiership after coming up short against clermont .\"]\n", + "=======================\n", + "['saracens lead 6-3 at the break thanks to two charlie hodgson penaltieswesley fofana raced onto a brock james chip for the opening trya late owen farrell penalty kept saracens in the huntbut brock james struck a 72nd penalty to seal the win']\n", + "the hurt of losing back-to-back european and domestic finals last year took mark mccall 's men all of last summer and a good chunk of this season to overcome .twenty-year-old maro itoje was impressive making his first start in europe , while the vunipola brothers were magnificent .this time they must lick their wounds and refocus their efforts on the aviva premiership after coming up short against clermont .\n", + "saracens lead 6-3 at the break thanks to two charlie hodgson penaltieswesley fofana raced onto a brock james chip for the opening trya late owen farrell penalty kept saracens in the huntbut brock james struck a 72nd penalty to seal the win\n", + "[1.3175168 1.1854327 1.4418235 1.2842499 1.2187649 1.0393435 1.0211169\n", + " 1.0498786 1.0896561 1.0650507 1.0793861 1.0779722 1.0935037 1.0585884\n", + " 1.0744276 1.074094 1.0576608 0. 0. 0. ]\n", + "\n", + "[ 2 0 3 4 1 12 8 10 11 14 15 9 13 16 7 5 6 17 18 19]\n", + "=======================\n", + "[\"nearly 3.8 million crimes were recorded by police last year , an increase of 2 per cent from 2013 , figures released yesterday revealed .experts said the rise in the number of reported rapes and sexual offences was due in part to high profile historic cases like jimmy savile 'sand a record number of rapes and other sex crimes were logged -- up by a third ( 32 per cent ) to 80,200 , or 220 a day .\"]\n", + "=======================\n", + "[\"nearly 3.8 million crimes were recorded by the police last yearthis represented an increase of 2 per cent from 2013 , figures revealedrecord number of rapes and other sex crimes were logged - 220 a dayexperts chalked the surge down to high profile cases like jimmy savile 's\"]\n", + "nearly 3.8 million crimes were recorded by police last year , an increase of 2 per cent from 2013 , figures released yesterday revealed .experts said the rise in the number of reported rapes and sexual offences was due in part to high profile historic cases like jimmy savile 'sand a record number of rapes and other sex crimes were logged -- up by a third ( 32 per cent ) to 80,200 , or 220 a day .\n", + "nearly 3.8 million crimes were recorded by the police last yearthis represented an increase of 2 per cent from 2013 , figures revealedrecord number of rapes and other sex crimes were logged - 220 a dayexperts chalked the surge down to high profile cases like jimmy savile 's\n", + "[1.2795382 1.3689926 1.3472403 1.2448443 1.1189679 1.1045778 1.1945643\n", + " 1.0728915 1.0421772 1.0247066 1.0557636 1.0464483 1.0189986 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 3 6 4 5 7 10 11 8 9 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"earlier this month france passed a new law that bars models from walking the runway if their body mass index is deemed too low , in an attempt to combat anorexia .and the pressure is on for agencies who can face a fines of up to $ 80,000 and six months in prison for employing too-thin models .europe 's controversial new laws banning ultra-thin models from strutting down the catwalk may be doing more harm than good as models are reportedly going to extreme measures to ensure they clock in at a ` healthy ' weight when they hop on the scale - including stuffing their underwear with sandbags .\"]\n", + "=======================\n", + "[\"former model jennifer sky , 38 , claims that models are being asked to stuff their underwear with sandbags so they can clock in at a ` healthy ' weightthe activist says she is against france 's new law , which bars models from walking the runway if their body mass index is deemed too low\"]\n", + "earlier this month france passed a new law that bars models from walking the runway if their body mass index is deemed too low , in an attempt to combat anorexia .and the pressure is on for agencies who can face a fines of up to $ 80,000 and six months in prison for employing too-thin models .europe 's controversial new laws banning ultra-thin models from strutting down the catwalk may be doing more harm than good as models are reportedly going to extreme measures to ensure they clock in at a ` healthy ' weight when they hop on the scale - including stuffing their underwear with sandbags .\n", + "former model jennifer sky , 38 , claims that models are being asked to stuff their underwear with sandbags so they can clock in at a ` healthy ' weightthe activist says she is against france 's new law , which bars models from walking the runway if their body mass index is deemed too low\n", + "[1.4174106 1.4129591 1.1575859 1.4454293 1.2658099 1.182111 1.0908338\n", + " 1.0279268 1.0252705 1.0130945 1.0276433 1.0519812 1.1041108 1.2185507\n", + " 1.04933 1.0129976 1.0125667 0. 0. 0. ]\n", + "\n", + "[ 3 0 1 4 13 5 2 12 6 11 14 7 10 8 9 15 16 17 18 19]\n", + "=======================\n", + "[\"luke shaw admits he has endured a ` frustrating ' debut season at manchester united giving himself a ` c - 'shaw joined united last summer in a # 31.5 million transfer from southampton after an impressive campaign on the south coast , which resulted in him playing for england at the world cup .the 19-year-old 's campaign has been beset by injuries since joining from southampton last summer\"]\n", + "=======================\n", + "[\"luke shaw has made just 17 appearances for manchester unitedshaw joined united from southampton last summerthe 19-year-old 's start at old trafford has been beset by injury problemsunited travel to premier league leaders chelsea on saturday eveningluke shaw : united players pranked ashley young after bird poo incident\"]\n", + "luke shaw admits he has endured a ` frustrating ' debut season at manchester united giving himself a ` c - 'shaw joined united last summer in a # 31.5 million transfer from southampton after an impressive campaign on the south coast , which resulted in him playing for england at the world cup .the 19-year-old 's campaign has been beset by injuries since joining from southampton last summer\n", + "luke shaw has made just 17 appearances for manchester unitedshaw joined united from southampton last summerthe 19-year-old 's start at old trafford has been beset by injury problemsunited travel to premier league leaders chelsea on saturday eveningluke shaw : united players pranked ashley young after bird poo incident\n", + "[1.300778 1.1487355 1.2323835 1.219326 1.1331353 1.0644147 1.091029\n", + " 1.1995698 1.1031642 1.0986694 1.0867659 1.0222548 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 7 1 4 8 9 6 10 5 11 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "[\"the handwritten notes of samir al - khlifawi explains in detail how isis were able to take control in syria by infiltrating villages and using spiesa cache of documents , including the blueprints for an isis secret service and instructions on how to infiltrate and take control of local villages have been discovered in syria , der spiegel reveals .haji bakr is widely considered to have been isis leader abu bakr al-baghdadi 's closest advisor and the overall head of his military council until his execution at the hands of a rebel group known as the syrian martyr 's brigade in january 2014 .\"]\n", + "=======================\n", + "[\"german magazine uncover ` blueprints for islamic state ' in syriahandwritten by former member of saddam hussein 's iraqi armydetails ` stasi-like ' system of islamic state leaders spying on each otheroutlines how isis would infiltrate villages through recruiting spies\"]\n", + "the handwritten notes of samir al - khlifawi explains in detail how isis were able to take control in syria by infiltrating villages and using spiesa cache of documents , including the blueprints for an isis secret service and instructions on how to infiltrate and take control of local villages have been discovered in syria , der spiegel reveals .haji bakr is widely considered to have been isis leader abu bakr al-baghdadi 's closest advisor and the overall head of his military council until his execution at the hands of a rebel group known as the syrian martyr 's brigade in january 2014 .\n", + "german magazine uncover ` blueprints for islamic state ' in syriahandwritten by former member of saddam hussein 's iraqi armydetails ` stasi-like ' system of islamic state leaders spying on each otheroutlines how isis would infiltrate villages through recruiting spies\n", + "[1.2604829 1.2118822 1.2797241 1.3184936 1.1285965 1.1900793 1.1506069\n", + " 1.0763707 1.0564923 1.088555 1.0870167 1.0605581 1.0415258 1.0360659\n", + " 1.0719707 1.0455401 1.0584658 1.0572742 1.0631232]\n", + "\n", + "[ 3 2 0 1 5 6 4 9 10 7 14 18 11 16 17 8 15 12 13]\n", + "=======================\n", + "['the vessel sunk to more than 16,800 feet under the surface ( 5,150 meters ) where it went undiscovered until 2011 when deep ocean search decided to go looking for it .in november 1942 , the unguarded ss city of cairo was sunk by a german u-boat while carrying 296 civilians and cargo that included 100 tons of silver .for most of those years , the money was deep at the bottom of the atlantic , the monetary casualty of a cruel world war ii sinking .']\n", + "=======================\n", + "['the ship was sunk in 1942 hundreds of miles of the coast of south americaa british company says the salvage operation occurred at a world record depththe torpedoing is the subject of the book \" goodnight , sorry for sinking you \"']\n", + "the vessel sunk to more than 16,800 feet under the surface ( 5,150 meters ) where it went undiscovered until 2011 when deep ocean search decided to go looking for it .in november 1942 , the unguarded ss city of cairo was sunk by a german u-boat while carrying 296 civilians and cargo that included 100 tons of silver .for most of those years , the money was deep at the bottom of the atlantic , the monetary casualty of a cruel world war ii sinking .\n", + "the ship was sunk in 1942 hundreds of miles of the coast of south americaa british company says the salvage operation occurred at a world record depththe torpedoing is the subject of the book \" goodnight , sorry for sinking you \"\n", + "[1.1176457 1.2621584 1.1199698 1.4023732 1.2244565 1.1036218 1.0723221\n", + " 1.0774555 1.0518378 1.1650126 1.0946724 1.0259522 1.0355837 1.1351883\n", + " 1.0268781 1.0269039 1.0177135 0. 0. ]\n", + "\n", + "[ 3 1 4 9 13 2 0 5 10 7 6 8 12 15 14 11 16 17 18]\n", + "=======================\n", + "['bon apetit have revealed that the best way to revive a stale loaf of bread is to run it under water before baking it in the ovennutritionist luvisa nillson says that you should be careful to check that your bread is not mouldy and make sure to eat it within one dayand whilst it might sound like an unusual move , they promise that this trick will revive your crusty old bread before dinner time .']\n", + "=======================\n", + "['bon apetit have revealed the best way to revive a stale loaf of breadthey say the trick is to run the bread under a tap and put it in the oventhe result is a loaf that is soft on the inside and crusty on the outsidelifesum nutritionist luvisa nilsson says the trick is safehowever , you must make sure the loaf is not mouldy before going ahead']\n", + "bon apetit have revealed that the best way to revive a stale loaf of bread is to run it under water before baking it in the ovennutritionist luvisa nillson says that you should be careful to check that your bread is not mouldy and make sure to eat it within one dayand whilst it might sound like an unusual move , they promise that this trick will revive your crusty old bread before dinner time .\n", + "bon apetit have revealed the best way to revive a stale loaf of breadthey say the trick is to run the bread under a tap and put it in the oventhe result is a loaf that is soft on the inside and crusty on the outsidelifesum nutritionist luvisa nilsson says the trick is safehowever , you must make sure the loaf is not mouldy before going ahead\n", + "[1.4453665 1.443429 1.230932 1.3802904 1.2056904 1.2543477 1.0517274\n", + " 1.1101087 1.0124197 1.1257669 1.0283434 1.0209135 1.0131626 1.011167\n", + " 1.0116851 1.0587282 1.1096615 1.0081706 0. ]\n", + "\n", + "[ 0 1 3 5 2 4 9 7 16 15 6 10 11 12 8 14 13 17 18]\n", + "=======================\n", + "[\"ben flower has been urged to be ' a bit more aggressive ' when the prop sensationally sent off in last year 's grand final returns for wigan in thursday 's super league derby with warrington .the 28-year-old welsh international forward on tuesday completed his six-month ban for twice punching lance hohaia in the opening moments of october 's grand-final at old trafford .flower , here walking off after being shown a grand final red card , will return on thursday against warrington\"]\n", + "=======================\n", + "[\"ben flower was suspended for six month after grand final red cardprop flower punched lance hohaia on the ground in horrifying incidenthe returns for wigan against warrington on thursday nightcoach shaun wane said the welsh international is ready to ` rip in 'flower said on monday that he regrets the brutal attack every day\"]\n", + "ben flower has been urged to be ' a bit more aggressive ' when the prop sensationally sent off in last year 's grand final returns for wigan in thursday 's super league derby with warrington .the 28-year-old welsh international forward on tuesday completed his six-month ban for twice punching lance hohaia in the opening moments of october 's grand-final at old trafford .flower , here walking off after being shown a grand final red card , will return on thursday against warrington\n", + "ben flower was suspended for six month after grand final red cardprop flower punched lance hohaia on the ground in horrifying incidenthe returns for wigan against warrington on thursday nightcoach shaun wane said the welsh international is ready to ` rip in 'flower said on monday that he regrets the brutal attack every day\n", + "[1.3420295 1.2918055 1.2739935 1.2898479 1.3242083 1.0767947 1.1228669\n", + " 1.0801619 1.105242 1.1144934 1.1768357 1.1715692 1.0294287 1.1384993\n", + " 1.0330278 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 1 3 2 10 11 13 6 9 8 7 5 14 12 15 16 17 18]\n", + "=======================\n", + "['manchester united have become favourites to sign danny ings after holding talks with burnley about a summer deal .liverpool maintain an interest in the player and were prepared to exploit a premier league loophole to guarantee a transfer in the summer .ings has scored nine goals in his first season in the premier league and united consider him to be a future england international .']\n", + "=======================\n", + "[\"danny ings ' contract atburnley expires at the end of the seasonliverpool have held an interest in the striker since earlier in the yearunited have made contact early with burnley to hurry through a moveings also linked with manchester city , tottenham and real sociedaddanny ings : the man with an inspiring tattoo\"]\n", + "manchester united have become favourites to sign danny ings after holding talks with burnley about a summer deal .liverpool maintain an interest in the player and were prepared to exploit a premier league loophole to guarantee a transfer in the summer .ings has scored nine goals in his first season in the premier league and united consider him to be a future england international .\n", + "danny ings ' contract atburnley expires at the end of the seasonliverpool have held an interest in the striker since earlier in the yearunited have made contact early with burnley to hurry through a moveings also linked with manchester city , tottenham and real sociedaddanny ings : the man with an inspiring tattoo\n", + "[1.3630403 1.2041813 1.3270754 1.2454674 1.0511667 1.2492653 1.3090593\n", + " 1.297119 1.0168172 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 2 6 7 5 3 1 4 8 16 15 14 13 9 11 10 17 12 18]\n", + "=======================\n", + "['sportsmail have teamed up with gillette to offer one lucky reader the chance to win a pair of nike magista obra boots signed by the england and manchester city goalkeeper joe hart .and since hart is a gillette ambassador , the prize winner will also receive one of the brand new fusion proglide razors with flexball technology worth # 12 , plus a gillette fusion proglide shave gel worth # 4.99 .joe hart is the no 1 for manchester city and the england national team']\n", + "=======================\n", + "[\"win a pair of nike magista obra boots signed by city and england no1prize winner will receive band new gillette fusion proglide razor worth # 12and we 'll also throw in some fusion proglide shave gel worth # 4.99click here to enter the competition\"]\n", + "sportsmail have teamed up with gillette to offer one lucky reader the chance to win a pair of nike magista obra boots signed by the england and manchester city goalkeeper joe hart .and since hart is a gillette ambassador , the prize winner will also receive one of the brand new fusion proglide razors with flexball technology worth # 12 , plus a gillette fusion proglide shave gel worth # 4.99 .joe hart is the no 1 for manchester city and the england national team\n", + "win a pair of nike magista obra boots signed by city and england no1prize winner will receive band new gillette fusion proglide razor worth # 12and we 'll also throw in some fusion proglide shave gel worth # 4.99click here to enter the competition\n", + "[1.5203918 1.466567 1.2420301 1.495755 1.0803081 1.040034 1.0336187\n", + " 1.0347185 1.0360184 1.0249193 1.0230699 1.0788707 1.0511038 1.0556571\n", + " 1.0199075 1.0169221 1.1035506 1.0107872 1.012943 1.0104884]\n", + "\n", + "[ 0 3 1 2 16 4 11 13 12 5 8 7 6 9 10 14 15 18 17 19]\n", + "=======================\n", + "[\"jonjo o'neill hosted a media stable visit on thursday at his jackdaws castle yard in gloucestershire and said he could not be happier with favourite for the crabbie 's grand national , shutthefrontdoor .jonjo o'neill hopes jockey ap mccoy rides shutthefrontdoor to grand national success later this monthhe trains shutthefrontdoor for his principal patron j p mcmanus , who owns jackdaws castle and retains ap mccoy , the record-breaking jump jockey who is about to gain his 20th consecutive jockeys ' championship and retire .\"]\n", + "=======================\n", + "[\"crabbie 's grand national takes place at aintree on april 11shutthefrontdoor , trained by jonjo o'neill , is the race favouriteap mccoy is expected to ride shutthefrontdoor at aintree\"]\n", + "jonjo o'neill hosted a media stable visit on thursday at his jackdaws castle yard in gloucestershire and said he could not be happier with favourite for the crabbie 's grand national , shutthefrontdoor .jonjo o'neill hopes jockey ap mccoy rides shutthefrontdoor to grand national success later this monthhe trains shutthefrontdoor for his principal patron j p mcmanus , who owns jackdaws castle and retains ap mccoy , the record-breaking jump jockey who is about to gain his 20th consecutive jockeys ' championship and retire .\n", + "crabbie 's grand national takes place at aintree on april 11shutthefrontdoor , trained by jonjo o'neill , is the race favouriteap mccoy is expected to ride shutthefrontdoor at aintree\n", + "[1.249945 1.2249093 1.3693877 1.4316629 1.1057013 1.1822231 1.135411\n", + " 1.0560583 1.1582167 1.0634558 1.0621668 1.1417093 1.0544331 1.0642357\n", + " 1.0695685 1.0592585 1.1410772 1.0495459 0. 0. ]\n", + "\n", + "[ 3 2 0 1 5 8 11 16 6 4 14 13 9 10 15 7 12 17 18 19]\n", + "=======================\n", + "['danny ings ( right ) is a top target for manchester united and could be set for a summer move to old traffordthe futures of robin van persie and radamel falcao are uncertain and van gaal has put the 22-year-old englishman on his list of targets .louis van gaal wants danny ings to form a central part of his manchester united rebuilding this summer .']\n", + "=======================\n", + "['danny ings is being targeted by manchester united in the summerlouis van gaal has been impressed with the burnley forward this seasonings is likely to be one of a number of signings for the red devilsclick here for all the latest manchester united news']\n", + "danny ings ( right ) is a top target for manchester united and could be set for a summer move to old traffordthe futures of robin van persie and radamel falcao are uncertain and van gaal has put the 22-year-old englishman on his list of targets .louis van gaal wants danny ings to form a central part of his manchester united rebuilding this summer .\n", + "danny ings is being targeted by manchester united in the summerlouis van gaal has been impressed with the burnley forward this seasonings is likely to be one of a number of signings for the red devilsclick here for all the latest manchester united news\n", + "[1.2704816 1.5319883 1.2801392 1.0544956 1.2059171 1.2151005 1.0870024\n", + " 1.0550804 1.0318264 1.0676774 1.0643218 1.0514927 1.0424873 1.0766107\n", + " 1.0592501 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 5 4 6 13 9 10 14 7 3 11 12 8 18 15 16 17 19]\n", + "=======================\n", + "[\"louis jordan , 37 , who was rescued 200 miles off the north carolina coast , said he survived for more than two months on his stricken boat by eating fish he caught by trailing dirty clothes in the ocean , and by catching rainwater in a bucket .but doubters have questioned how jordan -- who declined medical help despite claiming to have broken a shoulder and who appears well-fed , with pale , unblemished skin -- seemed in such good shape after such a gruelling ordeal .the sailor who claimed to have ` miraculously ' survived for 66 days at sea has responded to sceptics around the world -- saying : ` god knows i am a truthful man ' .\"]\n", + "=======================\n", + "['louis jordan , 37 , was rescued thursday after being stranded 200 miles off the coast of north carolinarefused treatment when he was taken to hospital in norfolk , virginiacoast guard crew who rescued him said he was smiling when they arrivedgroup expected him to be severely sun burnt and covered in blistershe refused treatment at hospital and conducted tv interviews straight awayauthorities are looking into his credit card and bank statements from during the time he says he was drifting']\n", + "louis jordan , 37 , who was rescued 200 miles off the north carolina coast , said he survived for more than two months on his stricken boat by eating fish he caught by trailing dirty clothes in the ocean , and by catching rainwater in a bucket .but doubters have questioned how jordan -- who declined medical help despite claiming to have broken a shoulder and who appears well-fed , with pale , unblemished skin -- seemed in such good shape after such a gruelling ordeal .the sailor who claimed to have ` miraculously ' survived for 66 days at sea has responded to sceptics around the world -- saying : ` god knows i am a truthful man ' .\n", + "louis jordan , 37 , was rescued thursday after being stranded 200 miles off the coast of north carolinarefused treatment when he was taken to hospital in norfolk , virginiacoast guard crew who rescued him said he was smiling when they arrivedgroup expected him to be severely sun burnt and covered in blistershe refused treatment at hospital and conducted tv interviews straight awayauthorities are looking into his credit card and bank statements from during the time he says he was drifting\n", + "[1.190621 1.3414512 1.2331983 1.2815374 1.2330256 1.154683 1.1464773\n", + " 1.0990387 1.1899738 1.0927987 1.0876276 1.0199697 1.0175611 1.0117985\n", + " 1.0508654 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 8 5 6 7 9 10 14 11 12 13 15 16 17 18 19]\n", + "=======================\n", + "['the gap between wage rises for young and older staff has widened significantly during the past five years , amid claims the over-50s are being left behind , official figures reveal .the under-25s saw their wages rise more than eight times faster than the over-50s , as they quickly climbed the rungs of the career laddercritics said employers were cynically taking advantage of older workers who stay with the same company for longer by failing to train and promote them or give them decent annual pay rises .']\n", + "=======================\n", + "[\"workers aged 18-25 saw wages rise eight times faster than over 50sin three months , 5.4 % of 18-25-year-olds changed jobs , 1.2 % aged 50-64ons says young have ` willingness to move to higher-paying positions '\"]\n", + "the gap between wage rises for young and older staff has widened significantly during the past five years , amid claims the over-50s are being left behind , official figures reveal .the under-25s saw their wages rise more than eight times faster than the over-50s , as they quickly climbed the rungs of the career laddercritics said employers were cynically taking advantage of older workers who stay with the same company for longer by failing to train and promote them or give them decent annual pay rises .\n", + "workers aged 18-25 saw wages rise eight times faster than over 50sin three months , 5.4 % of 18-25-year-olds changed jobs , 1.2 % aged 50-64ons says young have ` willingness to move to higher-paying positions '\n", + "[1.3287833 1.371258 1.2609218 1.3823147 1.1921991 1.3256968 1.0952826\n", + " 1.0308232 1.0411414 1.0318912 1.0754272 1.0412843 1.0721308 1.047507\n", + " 1.0451249 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 3 1 0 5 2 4 6 10 12 13 14 11 8 9 7 15 16 17 18 19]\n", + "=======================\n", + "[\"boris johnson , who is standing to be a tory mp in a west london constituency , has set out his vision of ` moral purpose ' in business and politicsthe london mayor praised the coalition for having kept down unemployment and not returning to the dole queues of 1980s britain .he said the fact that more jobs were being created was ` one of the absolute moral triumphs ' of the government .\"]\n", + "=======================\n", + "[\"london mayor praised the coalition for having kept down unemploymenthe said creation of more jobs was ` one of moral triumphs ' of governmentcomments will be seen as attempt to position himself as future party leader\"]\n", + "boris johnson , who is standing to be a tory mp in a west london constituency , has set out his vision of ` moral purpose ' in business and politicsthe london mayor praised the coalition for having kept down unemployment and not returning to the dole queues of 1980s britain .he said the fact that more jobs were being created was ` one of the absolute moral triumphs ' of the government .\n", + "london mayor praised the coalition for having kept down unemploymenthe said creation of more jobs was ` one of moral triumphs ' of governmentcomments will be seen as attempt to position himself as future party leader\n", + "[1.149168 1.4702374 1.3146383 1.350028 1.2290599 1.2407246 1.0983412\n", + " 1.0177188 1.1500458 1.2037022 1.0388247 1.0965654 1.026202 1.0454965\n", + " 1.1144557 1.1442552 1.005774 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 5 4 9 8 0 15 14 6 11 13 10 12 7 16 18 17 19]\n", + "=======================\n", + "[\"matthew riches allegedly dropped the drug into the clubber 's drink at the roof gardens in kensington in august 2 last year .today , the 29-year-old , from epsom in surrey , dressed in a smart pinstripe suit and blue tie , appeared at isleworth crown court .model matthew riches , who has been accused of spiking a woman 's drink , arriving at a court appearance\"]\n", + "=======================\n", + "[\"matthew riches allegedly spiked a woman 's drink with the drug mdmaaccused of dropping the drug in her drink so he could have sex with herthe 29-year-old now set to go on trial at isleworth crown court in august\"]\n", + "matthew riches allegedly dropped the drug into the clubber 's drink at the roof gardens in kensington in august 2 last year .today , the 29-year-old , from epsom in surrey , dressed in a smart pinstripe suit and blue tie , appeared at isleworth crown court .model matthew riches , who has been accused of spiking a woman 's drink , arriving at a court appearance\n", + "matthew riches allegedly spiked a woman 's drink with the drug mdmaaccused of dropping the drug in her drink so he could have sex with herthe 29-year-old now set to go on trial at isleworth crown court in august\n", + "[1.2612126 1.3753053 1.2566617 1.1224073 1.2014499 1.2956091 1.120188\n", + " 1.0766554 1.0746342 1.0903505 1.0257412 1.0147928 1.091997 1.0584983\n", + " 1.1717174 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 0 2 4 14 3 6 12 9 7 8 13 10 11 15 16 17 18 19]\n", + "=======================\n", + "[\"they allege that at least three of 73-year-old robert bates ' supervisors were removed from their posts when they refused to sign off on forged field training hours - and that he was not fit to police the streets .charged : robert bates is free on $ 25,000 bail and is charged with second-degree manslaughter for the death of eric harris on april 2the tulsa county sheriff 's office falsified the training and firearms records of the millionaire reserve deputy who shot dead an unarmed suspect by mistake , claim sources within the department .\"]\n", + "=======================\n", + "[\"tulsa county sheriff 's office falsified robert bates ' training claim sources within the departmentbates is officially an ` advanced reserve ' and has 480 hours of traininghowever , the sheriff 's department can not find the woman they claim did his firearms trainingthe names of the supervisors who did his field training have been redacted\"]\n", + "they allege that at least three of 73-year-old robert bates ' supervisors were removed from their posts when they refused to sign off on forged field training hours - and that he was not fit to police the streets .charged : robert bates is free on $ 25,000 bail and is charged with second-degree manslaughter for the death of eric harris on april 2the tulsa county sheriff 's office falsified the training and firearms records of the millionaire reserve deputy who shot dead an unarmed suspect by mistake , claim sources within the department .\n", + "tulsa county sheriff 's office falsified robert bates ' training claim sources within the departmentbates is officially an ` advanced reserve ' and has 480 hours of traininghowever , the sheriff 's department can not find the woman they claim did his firearms trainingthe names of the supervisors who did his field training have been redacted\n", + "[1.2242475 1.2271417 1.222367 1.2469816 1.2274563 1.124211 1.1595974\n", + " 1.029542 1.1663517 1.0871844 1.0259436 1.0302838 1.0564458 1.0707558\n", + " 1.0883422 1.070249 1.0177706 0. 0. 0. ]\n", + "\n", + "[ 3 4 1 0 2 8 6 5 14 9 13 15 12 11 7 10 16 17 18 19]\n", + "=======================\n", + "[\"she shouted out in pain from a large burn on the back of her right arm .white hot : tori spelling was a trouper and stuck through her family brunch at benihana restaurant in la. .according to eyewitnesses at benihana 's japanese restaurant in encino , california , tori , hubby dean mcdermott , their kids , liam , stella , hattie and finn , and a few other guests , had enjoyed their easter brunch , when tori tripped and fell onto a hot japanese style grill used to prepare food in front of customers .\"]\n", + "=======================\n", + "[\"a family brunch with tori spelling , dean mcdermott and their four kids turned into a disastertori 's heel caught as she was walking out of benihana restaurant in encino and she fell backward onto a hot hibachishe was later taken to the grossman burn center at west hill hospitaldoctors said she risked severe infection and scarring if she did n't act right away\"]\n", + "she shouted out in pain from a large burn on the back of her right arm .white hot : tori spelling was a trouper and stuck through her family brunch at benihana restaurant in la. .according to eyewitnesses at benihana 's japanese restaurant in encino , california , tori , hubby dean mcdermott , their kids , liam , stella , hattie and finn , and a few other guests , had enjoyed their easter brunch , when tori tripped and fell onto a hot japanese style grill used to prepare food in front of customers .\n", + "a family brunch with tori spelling , dean mcdermott and their four kids turned into a disastertori 's heel caught as she was walking out of benihana restaurant in encino and she fell backward onto a hot hibachishe was later taken to the grossman burn center at west hill hospitaldoctors said she risked severe infection and scarring if she did n't act right away\n", + "[1.3606268 1.3330936 1.2759104 1.1346625 1.1048106 1.0667303 1.183226\n", + " 1.0954415 1.030003 1.0372084 1.0662199 1.0665238 1.076513 1.0316062\n", + " 1.1353617 1.0363199 1.0133076 1.0083433 0. 0. ]\n", + "\n", + "[ 0 1 2 6 14 3 4 7 12 5 11 10 9 15 13 8 16 17 18 19]\n", + "=======================\n", + "[\"images revealing the shocking extent of gender stereotyping in toy shops have been posted online under the hashtag #notanaprilfools .the pictures show a wide divide between the aspirations set out for girls and boys , with females offered pink beautician 's outfits while males are offered doctor 's uniforms .products intended for infants are equally polarised , with babygros for girls emblazoned with a slogan that reads : ' i hate my thighs ' .\"]\n", + "=======================\n", + "[\"let toys be toys highlighted some of today 's ` sexist ' toysstarted hashtag #notanaprilfools on april 1 sharing pictures onlinetoys include cookery books with separate foods for boys and girlsbabygro for girls reads ' i hate my thighs ' - the boys ' one says ` i 'm super '\"]\n", + "images revealing the shocking extent of gender stereotyping in toy shops have been posted online under the hashtag #notanaprilfools .the pictures show a wide divide between the aspirations set out for girls and boys , with females offered pink beautician 's outfits while males are offered doctor 's uniforms .products intended for infants are equally polarised , with babygros for girls emblazoned with a slogan that reads : ' i hate my thighs ' .\n", + "let toys be toys highlighted some of today 's ` sexist ' toysstarted hashtag #notanaprilfools on april 1 sharing pictures onlinetoys include cookery books with separate foods for boys and girlsbabygro for girls reads ' i hate my thighs ' - the boys ' one says ` i 'm super '\n", + "[1.2302312 1.4987929 1.3095586 1.418845 1.1623545 1.1975479 1.0624216\n", + " 1.1328868 1.0315119 1.0122201 1.0234021 1.2455966 1.15855 1.1069045\n", + " 1.0430508 1.0151165 1.0136681 1.0134758 1.0099858 1.126823 ]\n", + "\n", + "[ 1 3 2 11 0 5 4 12 7 19 13 6 14 8 10 15 16 17 9 18]\n", + "=======================\n", + "[\"addison russell , 21 , may recall his first game at wrigley field with a sense of horror because he let his bat slip through his fingers in the seventh while he was trying to catch up to a fastball .the bat went flying and struck a fan sitting several rows behind the cubs ' on-deck circle in the face .russell , a rookie , swung at a first-pitch fastball and accidentally let the bat slip out of his fingers\"]\n", + "=======================\n", + "[\"addison russell , 21 , was playing in his first home game for chicago cubshe was batting in the seventh inning when he swung at pitch and lost batbat struck a fan sitting several rows behind the cubs ' on-deck circlefan suffered ` wounds ' but was conscious and taken to a nearby hospitalrussell saw fan get hit and said : ` words ca n't describe how bad i feel '\"]\n", + "addison russell , 21 , may recall his first game at wrigley field with a sense of horror because he let his bat slip through his fingers in the seventh while he was trying to catch up to a fastball .the bat went flying and struck a fan sitting several rows behind the cubs ' on-deck circle in the face .russell , a rookie , swung at a first-pitch fastball and accidentally let the bat slip out of his fingers\n", + "addison russell , 21 , was playing in his first home game for chicago cubshe was batting in the seventh inning when he swung at pitch and lost batbat struck a fan sitting several rows behind the cubs ' on-deck circlefan suffered ` wounds ' but was conscious and taken to a nearby hospitalrussell saw fan get hit and said : ` words ca n't describe how bad i feel '\n", + "[1.225958 1.55102 1.2639692 1.1913465 1.1764611 1.3771033 1.0429049\n", + " 1.0605555 1.0900409 1.02151 1.148878 1.0853257 1.0160966 1.0186933\n", + " 1.0343606 0. 0. 0. 0. ]\n", + "\n", + "[ 1 5 2 0 3 4 10 8 11 7 6 14 9 13 12 17 15 16 18]\n", + "=======================\n", + "[\"new zealander philip lyle hansen , 56 , has pleaded not guilty to 11 charges , including unlawful sexual connection and charges of wounding with intent to injure four women between 1988 and 2011 .on wednesday a wellington district court jury continued hearing evidence from a woman , 47 , who was in a relationship with hansen during the 1990s .a man accused of removing women 's teeth with pliers and a screwdriver during sex because he liked ` gummy ladies ' claims he was just trying to ` help ' them .\"]\n", + "=======================\n", + "[\"philip lyle hansen , 56 , has pleaded not guilty to 11 chargeson wednesday wellington district court heard of his teeth ` fascination 'he allegedly removed six teeth from one woman , 47 , during sexhansen later allegedly removed her wisdom teeth with a screwdriverhe is said to have injured four women between 1988 and 2011defence lawyer mike antunovic suggested hansen was trying to help\"]\n", + "new zealander philip lyle hansen , 56 , has pleaded not guilty to 11 charges , including unlawful sexual connection and charges of wounding with intent to injure four women between 1988 and 2011 .on wednesday a wellington district court jury continued hearing evidence from a woman , 47 , who was in a relationship with hansen during the 1990s .a man accused of removing women 's teeth with pliers and a screwdriver during sex because he liked ` gummy ladies ' claims he was just trying to ` help ' them .\n", + "philip lyle hansen , 56 , has pleaded not guilty to 11 chargeson wednesday wellington district court heard of his teeth ` fascination 'he allegedly removed six teeth from one woman , 47 , during sexhansen later allegedly removed her wisdom teeth with a screwdriverhe is said to have injured four women between 1988 and 2011defence lawyer mike antunovic suggested hansen was trying to help\n", + "[1.2672204 1.4174232 1.2852912 1.094899 1.2409388 1.2209814 1.1308869\n", + " 1.0944595 1.1214651 1.0415223 1.0155344 1.0290809 1.0987713 1.0260934\n", + " 1.0544152 1.0109375 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 5 6 8 12 3 7 14 9 11 13 10 15 17 16 18]\n", + "=======================\n", + "[\"police across malawi have been ordered to shoot anyone caught attacking albinos , while tanzania 's prime minister has urged citizens to kill anyone found with albino body parts .and in nearby burundi , albino youngsters from across east africa are being housed in special accommodation under army protection in a bid to deter attackers .the drastic developments come as the united nations reports at least 15 people with albinism , mostly children , have been killed , wounded , abducted or kidnapped in east africa in the past six months .\"]\n", + "=======================\n", + "['albino men and women continue to be hunted for their body parts in africamalawi police have been ordered to shoot anyone caught attacking albinostanzania pm previously urged citizens to kill those caught with body partsin nearby burundi , youngsters are being housed in special accommodation']\n", + "police across malawi have been ordered to shoot anyone caught attacking albinos , while tanzania 's prime minister has urged citizens to kill anyone found with albino body parts .and in nearby burundi , albino youngsters from across east africa are being housed in special accommodation under army protection in a bid to deter attackers .the drastic developments come as the united nations reports at least 15 people with albinism , mostly children , have been killed , wounded , abducted or kidnapped in east africa in the past six months .\n", + "albino men and women continue to be hunted for their body parts in africamalawi police have been ordered to shoot anyone caught attacking albinostanzania pm previously urged citizens to kill those caught with body partsin nearby burundi , youngsters are being housed in special accommodation\n", + "[1.2399993 1.2599635 1.112927 1.1320263 1.175315 1.1443272 1.0852556\n", + " 1.0571702 1.0385078 1.1302158 1.0141822 1.0911317 1.055165 1.0305703\n", + " 1.0457811 1.0305731 1.1702323 0. 0. ]\n", + "\n", + "[ 1 0 4 16 5 3 9 2 11 6 7 12 14 8 15 13 10 17 18]\n", + "=======================\n", + "[\"chief justice john roberts -- who shocked conservatives with his swing vote to uphold obamacare -- this time seemed to lean more closely to conservative justices .washington ( cnn ) supreme court justices appeared divided tuesday during historic arguments over the constitutionality of gay marriage , with justice anthony kennedy returning to a familiar role as the court 's pivotal vote .many questions on tuesday centered around the definition of marriage and whether the decision to authorize or ban gay marriage should be left to voters in individual states or decided by the judicial system .\"]\n", + "=======================\n", + "['questions tuesday centered on whether defining marriage should be left to voters in individual states or decided by judicial systemchief justice john roberts , who shocked conservatives with his swing vote to uphold obamacare , seemed to lean conservativeeyes on justice anthony kennedy , a key vote for challengers to the state bans , who has penned decisions in favor of gay rights']\n", + "chief justice john roberts -- who shocked conservatives with his swing vote to uphold obamacare -- this time seemed to lean more closely to conservative justices .washington ( cnn ) supreme court justices appeared divided tuesday during historic arguments over the constitutionality of gay marriage , with justice anthony kennedy returning to a familiar role as the court 's pivotal vote .many questions on tuesday centered around the definition of marriage and whether the decision to authorize or ban gay marriage should be left to voters in individual states or decided by the judicial system .\n", + "questions tuesday centered on whether defining marriage should be left to voters in individual states or decided by judicial systemchief justice john roberts , who shocked conservatives with his swing vote to uphold obamacare , seemed to lean conservativeeyes on justice anthony kennedy , a key vote for challengers to the state bans , who has penned decisions in favor of gay rights\n", + "[1.3441128 1.3442651 1.4063492 1.2475817 1.1556461 1.1318113 1.1555638\n", + " 1.0846002 1.024968 1.0152767 1.0158172 1.038477 1.0296776 1.0928385\n", + " 1.0700043 1.0548352 0. 0. 0. ]\n", + "\n", + "[ 2 1 0 3 4 6 5 13 7 14 15 11 12 8 10 9 16 17 18]\n", + "=======================\n", + "['his flat , in a gated community near hampstead heath , north london , was transferred free of charge to his two daughters and son in march last year -- the same month that police raided his westminster office , and three months after they had swooped on his home .it puts the luxury apartment out of reach for potential child abuse victims suing the peer for compensation .lord janner signed over the deeds of his # 2million home to his children at the height of the police paedophile case against him .']\n", + "=======================\n", + "['lord janner signed over the deeds of his flat in hampstead north londonthe transfer happened after police raided his office in the house of lordsdocuments show the deeds were passed without charge to his childrenlawyers representing his alleged victims have asked for answers']\n", + "his flat , in a gated community near hampstead heath , north london , was transferred free of charge to his two daughters and son in march last year -- the same month that police raided his westminster office , and three months after they had swooped on his home .it puts the luxury apartment out of reach for potential child abuse victims suing the peer for compensation .lord janner signed over the deeds of his # 2million home to his children at the height of the police paedophile case against him .\n", + "lord janner signed over the deeds of his flat in hampstead north londonthe transfer happened after police raided his office in the house of lordsdocuments show the deeds were passed without charge to his childrenlawyers representing his alleged victims have asked for answers\n", + "[1.2275957 1.334538 1.2455089 1.156209 1.0764748 1.0713775 1.0657115\n", + " 1.1265091 1.0850407 1.0793958 1.0749245 1.051317 1.0601665 1.1249949\n", + " 1.0241748 1.0443424 1.035393 1.0203652 1.0292447]\n", + "\n", + "[ 1 2 0 3 7 13 8 9 4 10 5 6 12 11 15 16 18 14 17]\n", + "=======================\n", + "['a controversial beijing-backed election proposal tabled wednesday that pro-democracy legislators have already sworn to veto , describing it as \" ridiculous . \"in a speech before the city \\'s legislature , chief secretary carrie lam said that if approved , the proposal would give hong kongers the right to vote for their next leader in 2017 .hong kong ( cnn ) four months after the end of the massive occupy protests that clogged hong kong \\'s streets in a bid for greater voting rights , another confrontation is heating up in the former british colony .']\n", + "=======================\n", + "['reform proposal would give hong kongers right to vote for their next leader in 2017but candidates would have to be approved by a mostly pro-beijing committeepro-democracy legislators have vowed to veto proposal']\n", + "a controversial beijing-backed election proposal tabled wednesday that pro-democracy legislators have already sworn to veto , describing it as \" ridiculous . \"in a speech before the city 's legislature , chief secretary carrie lam said that if approved , the proposal would give hong kongers the right to vote for their next leader in 2017 .hong kong ( cnn ) four months after the end of the massive occupy protests that clogged hong kong 's streets in a bid for greater voting rights , another confrontation is heating up in the former british colony .\n", + "reform proposal would give hong kongers right to vote for their next leader in 2017but candidates would have to be approved by a mostly pro-beijing committeepro-democracy legislators have vowed to veto proposal\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[1.1874468 1.4261938 1.499625 1.3116755 1.2147288 1.1545638 1.1716768\n", + " 1.1203309 1.0144821 1.0431665 1.0307033 1.0183537 1.1032122 1.2324495\n", + " 1.1416732 1.0507393 1.0447791 1.0076702]\n", + "\n", + "[ 2 1 3 13 4 0 6 5 14 7 12 15 16 9 10 11 8 17]\n", + "=======================\n", + "['the 32-year-old from eastleigh has been charged with 28 separate offences against two children that include rape and sexual activity with a child .lloyd dennis taught at a number of primary schools across hampshire before becoming a lecturer at basingstoke college of technology .among the schools where lloyd dennis has taught is cadland primary school in hampshire ( above )']\n", + "=======================\n", + "['lloyd dennis has been charged with 28 offences against two childrenthe 32-year-old has worked at a number of primary schools in hampshirethe reel of charges includes rape and sexual activity with a child']\n", + "the 32-year-old from eastleigh has been charged with 28 separate offences against two children that include rape and sexual activity with a child .lloyd dennis taught at a number of primary schools across hampshire before becoming a lecturer at basingstoke college of technology .among the schools where lloyd dennis has taught is cadland primary school in hampshire ( above )\n", + "lloyd dennis has been charged with 28 offences against two childrenthe 32-year-old has worked at a number of primary schools in hampshirethe reel of charges includes rape and sexual activity with a child\n", + "[1.3377104 1.3509424 1.1534169 1.0886618 1.3853896 1.2129011 1.0776898\n", + " 1.0355592 1.0139756 1.1571718 1.0630406 1.1133252 1.0166575 1.0179578\n", + " 1.0400232 0. 0. 0. ]\n", + "\n", + "[ 4 1 0 5 9 2 11 3 6 10 14 7 13 12 8 15 16 17]\n", + "=======================\n", + "[\"quirky collab : sister duo jess and stef dadon have teamed up with new york company ' print all over me 'made famous by their ` matchy matchy ' style and twin-like looks ( despite the five year age difference ) , the melbourne based fashion duo jess , 22 , and stef , 27 , dadon are now set to take their crazy style collaborations to a new level .cocktails and creativity : the sisters are heading to la soon for summer to launch new shoe line ` twoobs '\"]\n", + "=======================\n", + "[\"the stylish sisters ` how two live ' collaborate with print and shoe brandsthe collaboration is with us company ' print all over me ' that lets you design and customise a print to wear or sell commerciallyalso featured is buffalo shoes , makers of the spice girls platformsthe vibrant sisters have 111,000 fans on instagram\"]\n", + "quirky collab : sister duo jess and stef dadon have teamed up with new york company ' print all over me 'made famous by their ` matchy matchy ' style and twin-like looks ( despite the five year age difference ) , the melbourne based fashion duo jess , 22 , and stef , 27 , dadon are now set to take their crazy style collaborations to a new level .cocktails and creativity : the sisters are heading to la soon for summer to launch new shoe line ` twoobs '\n", + "the stylish sisters ` how two live ' collaborate with print and shoe brandsthe collaboration is with us company ' print all over me ' that lets you design and customise a print to wear or sell commerciallyalso featured is buffalo shoes , makers of the spice girls platformsthe vibrant sisters have 111,000 fans on instagram\n", + "[1.3555827 1.304708 1.3924912 1.2335255 1.1567471 1.06986 1.0292673\n", + " 1.0343145 1.0966606 1.150569 1.0755311 1.100807 1.0641888 1.059238\n", + " 1.119122 1.1092752 1.060391 0. ]\n", + "\n", + "[ 2 0 1 3 4 9 14 15 11 8 10 5 12 16 13 7 6 17]\n", + "=======================\n", + "[\"the gun was inside a hard rifle case and was ` secured properly ' to a truck safe with padlocks and chains while the car was parked at the marriott springhill suites , according to police .an fbi agent 's sniper rifle ( similar to the one pictured ) was ripped out of his car 's window and stolen from a salt lake city hotel parking lotpolice believe the thief stole the rifle by breaking the rear right passenger-side window , tying a rope around the rifle case 's handle or a cable lock , and using the momentum from another vehicle to then break the case 's handle free from the lock .\"]\n", + "=======================\n", + "[\"rifle was stolen overnight while agent 's car was parked at a salt lake city hotel across the street from the state 's fbi officegun was ` secured properly ' in a case and truck safe with padlocks and chainspolice believe thief tied a rope around the case and used another car to break the handle off by ripping the case through the car 's windowagent 's stolen backpack and gear bags were recovered at a nearby hotel , but the gun has not been found\"]\n", + "the gun was inside a hard rifle case and was ` secured properly ' to a truck safe with padlocks and chains while the car was parked at the marriott springhill suites , according to police .an fbi agent 's sniper rifle ( similar to the one pictured ) was ripped out of his car 's window and stolen from a salt lake city hotel parking lotpolice believe the thief stole the rifle by breaking the rear right passenger-side window , tying a rope around the rifle case 's handle or a cable lock , and using the momentum from another vehicle to then break the case 's handle free from the lock .\n", + "rifle was stolen overnight while agent 's car was parked at a salt lake city hotel across the street from the state 's fbi officegun was ` secured properly ' in a case and truck safe with padlocks and chainspolice believe thief tied a rope around the case and used another car to break the handle off by ripping the case through the car 's windowagent 's stolen backpack and gear bags were recovered at a nearby hotel , but the gun has not been found\n", + "[1.4657826 1.2818177 1.0687091 1.3212786 1.2945577 1.1847186 1.0630724\n", + " 1.1104975 1.021911 1.0837238 1.0542234 1.0649441 1.1073653 1.0422075\n", + " 1.010082 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 1 5 7 12 9 2 11 6 10 13 8 14 15 16 17]\n", + "=======================\n", + "['serena williams will be 34 at the end of a summer that she looks all set to enter without having been beaten on tour in 2015 .serena williams celebrates after reaching the miami open final to continue her unbeaten run in 2015williams was taken the distance by world no 2 simona halep in the semi finals in florida']\n", + "=======================\n", + "['world no 1 has not been beaten since the start of the year with 17-0 recordserena williams plays carla suarez navarro in the miami open finalplayers including simona halep , maria sharapova and eugenie bouchard have failed to mount a serious challenge to the american veteran']\n", + "serena williams will be 34 at the end of a summer that she looks all set to enter without having been beaten on tour in 2015 .serena williams celebrates after reaching the miami open final to continue her unbeaten run in 2015williams was taken the distance by world no 2 simona halep in the semi finals in florida\n", + "world no 1 has not been beaten since the start of the year with 17-0 recordserena williams plays carla suarez navarro in the miami open finalplayers including simona halep , maria sharapova and eugenie bouchard have failed to mount a serious challenge to the american veteran\n", + "[1.276063 1.4260838 1.265856 1.3244077 1.1989731 1.2409029 1.0141779\n", + " 1.0944256 1.0495659 1.1236992 1.0674305 1.0662497 1.1501867 1.1437846\n", + " 1.1226456 1.0294245 1.0285345 1.0680822]\n", + "\n", + "[ 1 3 0 2 5 4 12 13 9 14 7 17 10 11 8 15 16 6]\n", + "=======================\n", + "['goalkeepers thibaut courtois and david de gea and liverpool midfielders raheem sterling and philippe coutinho complete the list of players - all aged 23 or under at the start of this season .harry kane has scored 19 league goals this season and has been nominated for pfa young player of the yearthe winners , voted for by their fellow professionals , will be announced at the awards ceremony in central london on april 26 .']\n", + "=======================\n", + "['pfa have announced their six-man shortlist for young player of the yearharry kane and eden hazard will among the front runners for the awardkane has scored 19 premier league goals for tottenham this seasonhazard has been instrumental for table-toppers chelsea this campaign']\n", + "goalkeepers thibaut courtois and david de gea and liverpool midfielders raheem sterling and philippe coutinho complete the list of players - all aged 23 or under at the start of this season .harry kane has scored 19 league goals this season and has been nominated for pfa young player of the yearthe winners , voted for by their fellow professionals , will be announced at the awards ceremony in central london on april 26 .\n", + "pfa have announced their six-man shortlist for young player of the yearharry kane and eden hazard will among the front runners for the awardkane has scored 19 premier league goals for tottenham this seasonhazard has been instrumental for table-toppers chelsea this campaign\n", + "[1.2813663 1.4651003 1.1784408 1.2653999 1.3196129 1.2281276 1.1125067\n", + " 1.1130207 1.0810696 1.0598679 1.0415996 1.0545747 1.0439115 1.0521717\n", + " 1.0137705 1.0144497 1.0327233]\n", + "\n", + "[ 1 4 0 3 5 2 7 6 8 9 11 13 12 10 16 15 14]\n", + "=======================\n", + "[\"she is accused of prying on former partner pc stuart swarbrick 200 times over a yeardc ciara campbell ( pictured ) was an officer at lancaster cid .after detective constable ciara campbell broke up with police marksman stuart swarbrick , a ` large number ' of photographs of his new partner , a civilian police worker , were found on her ipad , a jury was told .\"]\n", + "=======================\n", + "[\"dc ciara campbell , 43 , ` used the police computer system to spy on her ex 'also allegedly pried on stuart swarbrick 's new girlfriend who is also officercourt heard she also accessed information about dispute involving a friendcampbell denies three counts of unlawfully obtaining personal data and eight offences of unauthorised access to computer material\"]\n", + "she is accused of prying on former partner pc stuart swarbrick 200 times over a yeardc ciara campbell ( pictured ) was an officer at lancaster cid .after detective constable ciara campbell broke up with police marksman stuart swarbrick , a ` large number ' of photographs of his new partner , a civilian police worker , were found on her ipad , a jury was told .\n", + "dc ciara campbell , 43 , ` used the police computer system to spy on her ex 'also allegedly pried on stuart swarbrick 's new girlfriend who is also officercourt heard she also accessed information about dispute involving a friendcampbell denies three counts of unlawfully obtaining personal data and eight offences of unauthorised access to computer material\n", + "[1.4000013 1.1274108 1.2758688 1.2762129 1.1905919 1.076922 1.0376184\n", + " 1.0291563 1.02305 1.0816125 1.1349806 1.0294868 1.0331007 1.0284995\n", + " 1.0317127 1.0345521 0. ]\n", + "\n", + "[ 0 3 2 4 10 1 9 5 6 15 12 14 11 7 13 8 16]\n", + "=======================\n", + "[\"she 's the clean eating food lover who has more than 102,000 followers on instagram thanks to her healthy and delicious looking meals .over the last year alice ( pictured before , left , and after , right ) has completely transformed her body with the help of healthy eating and the ldn muscle bikini guidewe 're talking about clean eating alice , the latest social media sensation to be making a name for herself by living a healthy life .\"]\n", + "=======================\n", + "['clean eating alice is the latest healthy living instagram sensationshe posts pictures of her body transformation and healthy mealsthe pretty blonde has a six pack thanks to the ldn muscle bikini plan']\n", + "she 's the clean eating food lover who has more than 102,000 followers on instagram thanks to her healthy and delicious looking meals .over the last year alice ( pictured before , left , and after , right ) has completely transformed her body with the help of healthy eating and the ldn muscle bikini guidewe 're talking about clean eating alice , the latest social media sensation to be making a name for herself by living a healthy life .\n", + "clean eating alice is the latest healthy living instagram sensationshe posts pictures of her body transformation and healthy mealsthe pretty blonde has a six pack thanks to the ldn muscle bikini plan\n", + "[1.3790734 1.280744 1.2876542 1.0711724 1.0961576 1.1230725 1.1520532\n", + " 1.0720766 1.0463953 1.0381138 1.0666947 1.1653509 1.0942204 1.0693018\n", + " 1.1017079 1.0303787 1.0213958]\n", + "\n", + "[ 0 2 1 11 6 5 14 4 12 7 3 13 10 8 9 15 16]\n", + "=======================\n", + "[\"the health secretary promised a crackdown if the conservatives are re-electedspeaking as the mail revealed how nhs managers were potentially dodging income tax by channelling huge salaries through personal companies , jeremy hunt promised an immediate crackdown if his party is in power after the election .labour health spokesman andy burnham has also vowed that a labour government would investigate the mail 's evidence .\"]\n", + "=======================\n", + "[\"the health secretary said the mail 's campaign exposed abuse of fundspromised a future conservative government would stop abuse as prioritylabour health spokesman andy burnham vowed to investigate findingsother senior politicians said nhs trusts should be ` hauled ' before mps\"]\n", + "the health secretary promised a crackdown if the conservatives are re-electedspeaking as the mail revealed how nhs managers were potentially dodging income tax by channelling huge salaries through personal companies , jeremy hunt promised an immediate crackdown if his party is in power after the election .labour health spokesman andy burnham has also vowed that a labour government would investigate the mail 's evidence .\n", + "the health secretary said the mail 's campaign exposed abuse of fundspromised a future conservative government would stop abuse as prioritylabour health spokesman andy burnham vowed to investigate findingsother senior politicians said nhs trusts should be ` hauled ' before mps\n", + "[1.5510567 1.428534 1.2177161 1.469897 1.2935811 1.0225351 1.0128326\n", + " 1.0133852 1.1971985 1.1570848 1.1442586 1.0262789 1.0143559 1.0126797\n", + " 1.0089579 1.0086083 1.2261558]\n", + "\n", + "[ 0 3 1 4 16 2 8 9 10 11 5 12 7 6 13 14 15]\n", + "=======================\n", + "['portugal striker nelson oliveira is determined to take his swansea chance presented to him by the absence of the in-form bafetimbi gomis .oliveira has won 14 caps for his country and was once linked to a # 24million move to manchester united , but his career has stalled at benfica and swansea is his third loan spell in as many seasons .the striker ( right ) has recovered from a training-ground ankle injury and is expected to start against leicester']\n", + "=======================\n", + "['nelson oliveira is on-loan at swansea from portuguese giants benficaoliveira set to make only his second premier league start against leicesterswansea outcast is hopeful of proving his worth in englandportugal international was once linked with a move to manchester united']\n", + "portugal striker nelson oliveira is determined to take his swansea chance presented to him by the absence of the in-form bafetimbi gomis .oliveira has won 14 caps for his country and was once linked to a # 24million move to manchester united , but his career has stalled at benfica and swansea is his third loan spell in as many seasons .the striker ( right ) has recovered from a training-ground ankle injury and is expected to start against leicester\n", + "nelson oliveira is on-loan at swansea from portuguese giants benficaoliveira set to make only his second premier league start against leicesterswansea outcast is hopeful of proving his worth in englandportugal international was once linked with a move to manchester united\n", + "[1.4812446 1.2105781 1.2706299 1.4391418 1.3167468 1.1664263 1.0948733\n", + " 1.0470557 1.0623283 1.0112512 1.0126511 1.0097438 1.1530449 1.109669\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 3 4 2 1 5 12 13 6 8 7 10 9 11 15 14 16]\n", + "=======================\n", + "[\"lee clark admitted blackpool face a challenge to win back their stay-away fans after an evening in which their relegation into sky bet league one was marked by pre-match supporters ' protests against karl oyston .jamie o'hara scored from the penalty spot to give blackpool a lead during the draw against readingthey repeatedly chanted for oyston to leave a club that became the first in the football league to be demoted following rotherham 's win over brighton on easter monday .\"]\n", + "=======================\n", + "['blackpool fans protested against owners , the oyston family , before their 1-1 draw against reading on tuesday nightthousands of supporters stayed away from bloomfield roadthose who did show protested before the gamethey are already relegated from the championship']\n", + "lee clark admitted blackpool face a challenge to win back their stay-away fans after an evening in which their relegation into sky bet league one was marked by pre-match supporters ' protests against karl oyston .jamie o'hara scored from the penalty spot to give blackpool a lead during the draw against readingthey repeatedly chanted for oyston to leave a club that became the first in the football league to be demoted following rotherham 's win over brighton on easter monday .\n", + "blackpool fans protested against owners , the oyston family , before their 1-1 draw against reading on tuesday nightthousands of supporters stayed away from bloomfield roadthose who did show protested before the gamethey are already relegated from the championship\n", + "[1.1632236 1.4267411 1.3661586 1.3269383 1.2634606 1.1802872 1.0342022\n", + " 1.0452471 1.0290741 1.1578506 1.0420436 1.0338883 1.0196565 1.0242382\n", + " 1.1515158 1.0619441 1.0267131 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 4 5 0 9 14 15 7 10 6 11 8 16 13 12 21 17 18 19 20 22]\n", + "=======================\n", + "['it found that children who ate a diet higher in saturated fats and cholesterol had slower reaction times and a poorer working memory .for the study , scientists at the university of illinois recruited 150 children aged between seven and 10 and gave them a game which involved learning a pattern between a set of shapes and colours .the game was designed to test cognitive flexibility , which is our ability to shift attention , select information and alter our response strategy to fit the changing demands of a task .']\n", + "=======================\n", + "[\"university of illinois researchers gave 150 children a pattern gameit was designed to test cognitive flexibility , which is our ability to shift attention and select information to fit the changing demands of a taskthey compared the results with the children 's food diariesfound those who ate fatty food had slower reaction times and worse working memories than children who ate healthier diets\"]\n", + "it found that children who ate a diet higher in saturated fats and cholesterol had slower reaction times and a poorer working memory .for the study , scientists at the university of illinois recruited 150 children aged between seven and 10 and gave them a game which involved learning a pattern between a set of shapes and colours .the game was designed to test cognitive flexibility , which is our ability to shift attention , select information and alter our response strategy to fit the changing demands of a task .\n", + "university of illinois researchers gave 150 children a pattern gameit was designed to test cognitive flexibility , which is our ability to shift attention and select information to fit the changing demands of a taskthey compared the results with the children 's food diariesfound those who ate fatty food had slower reaction times and worse working memories than children who ate healthier diets\n", + "[1.336346 1.3369312 1.3198657 1.2497519 1.1918178 1.2792006 1.0340947\n", + " 1.1602939 1.1270256 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 0 2 5 3 4 7 8 6 20 19 18 17 16 15 11 13 12 21 10 9 14 22]\n", + "=======================\n", + "[\"the migrants were picked up 30 miles off the coast of libya , said european parliament member matteo salvini , the leader of italy 's far-right northern league .( cnn ) desperate migrants from africa and the middle east keep heading to europe , with 978 rescued friday in the mediterranean sea , the italian coast guard said saturday via twitter .in the first three months of 2015 , italy registered more than 10,000 migrants arriving , the international organization for migration said , and about 2,000 were rescued at sea during the first weekend of april in the channel of sicily .\"]\n", + "=======================\n", + "['the migrants were picked up 30 miles off the coast of libya , an italian leader saysat least 480 migrants have died while crossing the mediterranean this year']\n", + "the migrants were picked up 30 miles off the coast of libya , said european parliament member matteo salvini , the leader of italy 's far-right northern league .( cnn ) desperate migrants from africa and the middle east keep heading to europe , with 978 rescued friday in the mediterranean sea , the italian coast guard said saturday via twitter .in the first three months of 2015 , italy registered more than 10,000 migrants arriving , the international organization for migration said , and about 2,000 were rescued at sea during the first weekend of april in the channel of sicily .\n", + "the migrants were picked up 30 miles off the coast of libya , an italian leader saysat least 480 migrants have died while crossing the mediterranean this year\n", + "[1.0809124 1.3675691 1.3091369 1.295124 1.0816706 1.1814563 1.1678649\n", + " 1.1377945 1.1008904 1.0970684 1.1137067 1.0315436 1.0968554 1.067038\n", + " 1.0558044 1.0287806 1.0207813 1.0364654 1.0291125 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 2 3 5 6 7 10 8 9 12 4 0 13 14 17 11 18 15 16 21 19 20 22]\n", + "=======================\n", + "[\"while apple offers touch id to use your fingerprint to unlock a handset , google has now released an update to its android software allowing owners to unlock their phone with their voice .known as trusted voice , it can unlock a phone simply by hearing its owner say ` ok , google ' .` tapping the option under smart lock will take users to the google app 's settings . '\"]\n", + "=======================\n", + "['google introduced face unlock in android 4.0 ice cream sandwichnow rolling out new voice unlock feature to usersit acts as an alternative to screen locks involving a pattern or a pin']\n", + "while apple offers touch id to use your fingerprint to unlock a handset , google has now released an update to its android software allowing owners to unlock their phone with their voice .known as trusted voice , it can unlock a phone simply by hearing its owner say ` ok , google ' .` tapping the option under smart lock will take users to the google app 's settings . '\n", + "google introduced face unlock in android 4.0 ice cream sandwichnow rolling out new voice unlock feature to usersit acts as an alternative to screen locks involving a pattern or a pin\n", + "[1.298502 1.4489288 1.4269928 1.3764027 1.1287475 1.1276993 1.0741515\n", + " 1.1043165 1.0403774 1.0404707 1.0602779 1.0114522 1.0123894 1.0142199\n", + " 1.0182807 1.0180691 1.0355918 1.0388925 1.0896016 1.0584885 1.0327045\n", + " 1.0288179 1.0248901]\n", + "\n", + "[ 1 2 3 0 4 5 7 18 6 10 19 9 8 17 16 20 21 22 14 15 13 12 11]\n", + "=======================\n", + "[\"the actor and his human rights lawyer wife are understood to have invited friends to their mansion on lake como .the party is a belated celebration of mrs clooney 's 37th birthday in february , according to a source .george and amal clooney have returned to italy to celebrate her birthday with a three-day , star-studded party , it has been reported .\"]\n", + "=======================\n", + "['george and amal clooney expected to host celebrity friends this weekendthe couple invited guests to their lake como villa , according to a sourceitalian authorities imposed fines for anyone caught loitering around villamrs clooney , a humans right lawyer , turned 37 at beginning of february']\n", + "the actor and his human rights lawyer wife are understood to have invited friends to their mansion on lake como .the party is a belated celebration of mrs clooney 's 37th birthday in february , according to a source .george and amal clooney have returned to italy to celebrate her birthday with a three-day , star-studded party , it has been reported .\n", + "george and amal clooney expected to host celebrity friends this weekendthe couple invited guests to their lake como villa , according to a sourceitalian authorities imposed fines for anyone caught loitering around villamrs clooney , a humans right lawyer , turned 37 at beginning of february\n", + "[1.4485459 1.3840252 1.2071403 1.0177128 1.3191376 1.1220825 1.1218748\n", + " 1.1364822 1.0846248 1.0838219 1.1307973 1.1305336 1.0758419 1.1148529\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 1 4 2 7 10 11 5 6 13 8 9 12 3 21 14 15 16 17 18 19 20 22]\n", + "=======================\n", + "['manchester city will resist any attempt by valencia to pull out of a # 24million deal for alvaro negredo to fund a move for radamel falcao .negredo joined valencia on loan last summer and the agreement included a compulsory purchase clause that triggered a permanent move to the mestalla as soon as he played for the la liga club .reports in spain on thursday suggested that valencia are having second thoughts about keeping negredo next season , but city are adamant that the deal will go through as planned .']\n", + "=======================\n", + "[\"manchester city maintain striker alvaro negredo will move to valenciathe spaniard will cost the la liga side # 24million this summerfee was part of the loan agreement put in place for negredocity scouts were deployed to watch porto 's alex sandro this week\"]\n", + "manchester city will resist any attempt by valencia to pull out of a # 24million deal for alvaro negredo to fund a move for radamel falcao .negredo joined valencia on loan last summer and the agreement included a compulsory purchase clause that triggered a permanent move to the mestalla as soon as he played for the la liga club .reports in spain on thursday suggested that valencia are having second thoughts about keeping negredo next season , but city are adamant that the deal will go through as planned .\n", + "manchester city maintain striker alvaro negredo will move to valenciathe spaniard will cost the la liga side # 24million this summerfee was part of the loan agreement put in place for negredocity scouts were deployed to watch porto 's alex sandro this week\n", + "[1.4418951 1.1674612 1.3511926 1.3223023 1.101722 1.0362821 1.028425\n", + " 1.1573384 1.1421723 1.135037 1.0437652 1.032352 1.0519071 1.1551781\n", + " 1.013726 1.0196002 1.0392988 0. 0. 0. ]\n", + "\n", + "[ 0 2 3 1 7 13 8 9 4 12 10 16 5 11 6 15 14 18 17 19]\n", + "=======================\n", + "[\"dmitry kaminskiy is hoping his million dollar gift will trigger a new group of ` supercenternarians 'he says research into stem cells , tissue rejuvenation and regenerative medicine will allow people to live beyond 120 - an age that has been quoted as the ` real absolute limit to human lifespan ' .a moldovan multi-millionaire whose dream it is to live forever has promised to give $ 1 million to the first person to reach the age of 123 .\"]\n", + "=======================\n", + "[\"the large prize is being offered by businessman , dmitry kaminskiyhe hopes money will help create a new group of ` supercenternarians 'jeanne calment holds the record of oldest person , dying aged 122.5he has made a $ 1m bet with dr alex zhavoronkov on who will die first\"]\n", + "dmitry kaminskiy is hoping his million dollar gift will trigger a new group of ` supercenternarians 'he says research into stem cells , tissue rejuvenation and regenerative medicine will allow people to live beyond 120 - an age that has been quoted as the ` real absolute limit to human lifespan ' .a moldovan multi-millionaire whose dream it is to live forever has promised to give $ 1 million to the first person to reach the age of 123 .\n", + "the large prize is being offered by businessman , dmitry kaminskiyhe hopes money will help create a new group of ` supercenternarians 'jeanne calment holds the record of oldest person , dying aged 122.5he has made a $ 1m bet with dr alex zhavoronkov on who will die first\n", + "[1.4943107 1.4976203 1.0641637 1.4320999 1.0544888 1.1524704 1.0378947\n", + " 1.1451111 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 5 7 2 4 6 17 16 15 14 13 9 11 10 18 8 12 19]\n", + "=======================\n", + "[\"the 29-year-old former dewsbury forward was handed the suspension by uk anti-doping ( ukad ) after a sample taken in an out-of-competition test last november returned a positive test for growth hormone releasing factors .featherstone prop james lockwood has been given a two-year ban for breaching the rugby football league 's anti-doping regulations in the first finding of its kind in the uk .lockwood has spent the last three seasons with featherstone after joining them from dewsbury in 2012 and was in their team that lost 36-12 to leigh in last october 's championship grand final at headingley .\"]\n", + "=======================\n", + "['rugby league star james lockwood has been banned for two yearsfeatherstone prop tested positive for growth hormone releasing factorsformer dewsbury player was part of team that lost 2014 grand final']\n", + "the 29-year-old former dewsbury forward was handed the suspension by uk anti-doping ( ukad ) after a sample taken in an out-of-competition test last november returned a positive test for growth hormone releasing factors .featherstone prop james lockwood has been given a two-year ban for breaching the rugby football league 's anti-doping regulations in the first finding of its kind in the uk .lockwood has spent the last three seasons with featherstone after joining them from dewsbury in 2012 and was in their team that lost 36-12 to leigh in last october 's championship grand final at headingley .\n", + "rugby league star james lockwood has been banned for two yearsfeatherstone prop tested positive for growth hormone releasing factorsformer dewsbury player was part of team that lost 2014 grand final\n", + "[1.3160074 1.1685158 1.4957905 1.1986438 1.2619239 1.2138215 1.0959438\n", + " 1.0916528 1.0881922 1.0766325 1.0743635 1.0227878 1.0675982 1.0817416\n", + " 1.0246018 1.0217531 1.0852385 1.0191596 0. 0. ]\n", + "\n", + "[ 2 0 4 5 3 1 6 7 8 16 13 9 10 12 14 11 15 17 18 19]\n", + "=======================\n", + "[\"deborah roberts , 53 , forced the tissue into phyllis hadlow 's mouth in an attempt to silence her in front of other nursing staff at kent and canterbury hospital .roberts was found guilty of one count of ill-treatment or wilful neglect of a person without capacity following a two-day trial - but avoided a prison sentence .she also poured water over the dementia patient , telling other staff : ` my son said if they do it to you , you can do it to them . '\"]\n", + "=======================\n", + "[\"nurse deborah roberts forced a wet wipe into phyllis hadlow 's mouthdementia patient , 96 , occasionally screamed out because of her conditionroberts , 53 , also poured water over the elderly widow in a hospital wardshe admitted wilfully neglecting frail mrs hadlow but will not be jailed\"]\n", + "deborah roberts , 53 , forced the tissue into phyllis hadlow 's mouth in an attempt to silence her in front of other nursing staff at kent and canterbury hospital .roberts was found guilty of one count of ill-treatment or wilful neglect of a person without capacity following a two-day trial - but avoided a prison sentence .she also poured water over the dementia patient , telling other staff : ` my son said if they do it to you , you can do it to them . '\n", + "nurse deborah roberts forced a wet wipe into phyllis hadlow 's mouthdementia patient , 96 , occasionally screamed out because of her conditionroberts , 53 , also poured water over the elderly widow in a hospital wardshe admitted wilfully neglecting frail mrs hadlow but will not be jailed\n", + "[1.233079 1.466022 1.356807 1.3965739 1.2903523 1.2050853 1.1532618\n", + " 1.0246212 1.073323 1.0175138 1.0143813 1.090889 1.0891451 1.1477046\n", + " 1.0661652 1.0163926 1.0475922 1.0136453 1.0599481 1.0812026]\n", + "\n", + "[ 1 3 2 4 0 5 6 13 11 12 19 8 14 18 16 7 9 15 10 17]\n", + "=======================\n", + "[\"damon clay , 17 , is in a medically induced coma in critical condition at grady memorial hospital in atlanta after monday 's attack .officers have arrested 19-year-old quintavious barber and 18-year-old malik morton for aggravated assault and cruelty to a child , among other charges .an atlanta teenager is hospitalized with burns covering 70 per cent of his body after two other teens attacked him with a pot of boiling rice while he was sleeping .\"]\n", + "=======================\n", + "['damon clay , 17 , of atlanta , has burns covering 70 per cent of his bodyofficers have arrested quintavious barber , 19 , and malik morton , 18they were arrested for aggravated assault and cruelty to a childrelatives of clay say the two men accused him of stealing a playstation 3']\n", + "damon clay , 17 , is in a medically induced coma in critical condition at grady memorial hospital in atlanta after monday 's attack .officers have arrested 19-year-old quintavious barber and 18-year-old malik morton for aggravated assault and cruelty to a child , among other charges .an atlanta teenager is hospitalized with burns covering 70 per cent of his body after two other teens attacked him with a pot of boiling rice while he was sleeping .\n", + "damon clay , 17 , of atlanta , has burns covering 70 per cent of his bodyofficers have arrested quintavious barber , 19 , and malik morton , 18they were arrested for aggravated assault and cruelty to a childrelatives of clay say the two men accused him of stealing a playstation 3\n", + "[1.2000935 1.4961598 1.2843547 1.4134575 1.161509 1.186495 1.136145\n", + " 1.119208 1.0348307 1.1369989 1.1094388 1.0605048 1.0181867 1.020759\n", + " 1.0872664 1.049691 1.0441576 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 5 4 9 6 7 10 14 11 15 16 8 13 12 18 17 19]\n", + "=======================\n", + "['brian nicol , 32 , dived into a swimming pool at a luxury holiday villa in the costa del sol , where he was staying with friends , but failed to resurface .his desperate friends dragged mr nicol , who was born in glasgow , out of the water and tried to save him .a british tourist has drowned in a pool in a luxury villa in spain , just hours after arriving on holiday .']\n", + "=======================\n", + "[\"brian nicol , 32 from glasgow , dived into a pool but failed to resurfacefrantic friends dragged him out of the water but he could not be revivedgroup were partying around pool after night out in marbella , says sourceearly investigations show death was a ` tragic accident ' according to police\"]\n", + "brian nicol , 32 , dived into a swimming pool at a luxury holiday villa in the costa del sol , where he was staying with friends , but failed to resurface .his desperate friends dragged mr nicol , who was born in glasgow , out of the water and tried to save him .a british tourist has drowned in a pool in a luxury villa in spain , just hours after arriving on holiday .\n", + "brian nicol , 32 from glasgow , dived into a pool but failed to resurfacefrantic friends dragged him out of the water but he could not be revivedgroup were partying around pool after night out in marbella , says sourceearly investigations show death was a ` tragic accident ' according to police\n", + "[1.2576469 1.5323002 1.4831274 1.393662 1.0902789 1.0579212 1.0492564\n", + " 1.0183344 1.1760035 1.1030991 1.0506641 1.0293117 1.0671147 1.020323\n", + " 1.0520065 1.0538896 1.0463375 1.026096 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 8 9 4 12 5 15 14 10 6 16 11 17 13 7 19 18 20]\n", + "=======================\n", + "[\"john foran 's wife nita was preparing a chicken tikka biryani stir-fry on tuesday april 7 when he found the splinter-covered shard .the # 2 ready meal was bought from an iceland foods store in spytty retail park near the couple 's home in newport , south wales , within the last two weeks .a man was horrified after finding a five inch piece of timber in his frozen curry .\"]\n", + "=======================\n", + "['man left horrified after discovering timber in frozen iceland currywife discovered splinter-covered shard whilst preparing the biryaniiceland are now conducting an investigation into how it happened']\n", + "john foran 's wife nita was preparing a chicken tikka biryani stir-fry on tuesday april 7 when he found the splinter-covered shard .the # 2 ready meal was bought from an iceland foods store in spytty retail park near the couple 's home in newport , south wales , within the last two weeks .a man was horrified after finding a five inch piece of timber in his frozen curry .\n", + "man left horrified after discovering timber in frozen iceland currywife discovered splinter-covered shard whilst preparing the biryaniiceland are now conducting an investigation into how it happened\n", + "[1.3316227 1.4351556 1.3503163 1.3997961 1.3274965 1.3055943 1.0451739\n", + " 1.015382 1.0321866 1.014448 1.0104996 1.0097435 1.0707355 1.0928185\n", + " 1.012758 1.0194416 1.078174 1.042078 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 0 4 5 13 16 12 6 17 8 15 7 9 14 10 11 19 18 20]\n", + "=======================\n", + "[\"the ironman actor promised to fly a winner and a friend to los angeles to join him on the red carpet for the world premiere of marvel 's avengers : age of ultron .robert downey jr has helped raise more than # 1million for british hospice julia 's housedorset-based charity will now use the money to build a new hospice in wiltshire\"]\n", + "=======================\n", + "[\"raffle raised # 1,388,863 for dorset-based charity julia 's housewinner to join ironman actor for marvel 's avengers : age of ultron premierecharity will use cash to build a new hospice in wiltshire\"]\n", + "the ironman actor promised to fly a winner and a friend to los angeles to join him on the red carpet for the world premiere of marvel 's avengers : age of ultron .robert downey jr has helped raise more than # 1million for british hospice julia 's housedorset-based charity will now use the money to build a new hospice in wiltshire\n", + "raffle raised # 1,388,863 for dorset-based charity julia 's housewinner to join ironman actor for marvel 's avengers : age of ultron premierecharity will use cash to build a new hospice in wiltshire\n", + "[1.2977798 1.4696411 1.4292722 1.3708313 1.1195796 1.1068224 1.1524293\n", + " 1.1495081 1.1073922 1.0873313 1.0191026 1.0112977 1.1371429 1.0274227\n", + " 1.0111076 1.0079937 1.037182 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 6 7 12 4 8 5 9 16 13 10 11 14 15 19 17 18 20]\n", + "=======================\n", + "[\"the former premier league defender said he had ` moved out of the marital home ' in yorkshire that he shared with his wife of 14 years , gemma .mr carlisle tried to kill himself in december , two days after he was arrested on suspicion of drink-driving .troubled footballer clarke carlisle has revealed he has split from his wife as he continues to battle with depression following his failed suicide attempt .\"]\n", + "=======================\n", + "[\"clarke carlisle reveals he has ` moved out of the marital home ' in yorkshirefather-of-three says both hand his wife have to focus on their ` well-being 'the former premier league defender , 35 , tried to kill himself in december\"]\n", + "the former premier league defender said he had ` moved out of the marital home ' in yorkshire that he shared with his wife of 14 years , gemma .mr carlisle tried to kill himself in december , two days after he was arrested on suspicion of drink-driving .troubled footballer clarke carlisle has revealed he has split from his wife as he continues to battle with depression following his failed suicide attempt .\n", + "clarke carlisle reveals he has ` moved out of the marital home ' in yorkshirefather-of-three says both hand his wife have to focus on their ` well-being 'the former premier league defender , 35 , tried to kill himself in december\n", + "[1.1586516 1.3458848 1.3881091 1.3050745 1.1817279 1.1650453 1.2313329\n", + " 1.0922143 1.0551313 1.0564377 1.097092 1.0396979 1.0814854 1.0149821\n", + " 1.1298275 1.0100565 1.0086966 1.0085822 1.0164022 0. 0. ]\n", + "\n", + "[ 2 1 3 6 4 5 0 14 10 7 12 9 8 11 18 13 15 16 17 19 20]\n", + "=======================\n", + "[\"the siblings , both in their twenties , fell seriously ill earlier this month after smoking the drug , which is a mix of herbs that has been sprayed with a chemical to produce a similar sensation to marijuana .these shocking photos show brothers jeff and joey stallings , who were placed in medically-induced comas after taking a ` bad batch ' of synthetic marijuana in their hometown of mccomb , mississippi .they were hospitalized on april 6 , within hours of each other , when they collapsed after suffering from hallucinations , vomiting , night sweats and violent shaking .\"]\n", + "=======================\n", + "[\"jeff and joey stallings took a ` bad batch ' of spice in mississippi hometownhospitalized after suffering from hallucinations , sweats and violent shakingphotos show the brothers in medically-induced comas in mccomb hospitalfortunately , siblings rallied against the drug 's effects and are now at homebut jeff has ` permanent kidney damage ' and both are still addicted to drugnow , their mom , karen , has begged others not to take synthetic marijuanabecause chemicals in spice vary , users do not know what they 're smoking\"]\n", + "the siblings , both in their twenties , fell seriously ill earlier this month after smoking the drug , which is a mix of herbs that has been sprayed with a chemical to produce a similar sensation to marijuana .these shocking photos show brothers jeff and joey stallings , who were placed in medically-induced comas after taking a ` bad batch ' of synthetic marijuana in their hometown of mccomb , mississippi .they were hospitalized on april 6 , within hours of each other , when they collapsed after suffering from hallucinations , vomiting , night sweats and violent shaking .\n", + "jeff and joey stallings took a ` bad batch ' of spice in mississippi hometownhospitalized after suffering from hallucinations , sweats and violent shakingphotos show the brothers in medically-induced comas in mccomb hospitalfortunately , siblings rallied against the drug 's effects and are now at homebut jeff has ` permanent kidney damage ' and both are still addicted to drugnow , their mom , karen , has begged others not to take synthetic marijuanabecause chemicals in spice vary , users do not know what they 're smoking\n", + "[1.4073448 1.4403965 1.1597924 1.0844077 1.0738187 1.0858977 1.0903093\n", + " 1.0938892 1.0753741 1.0212034 1.1783047 1.1832069 1.0345051 1.0163018\n", + " 1.0479724 1.0895483 1.0706552 1.0599073 1.0577904 1.0112625 1.0349662]\n", + "\n", + "[ 1 0 11 10 2 7 6 15 5 3 8 4 16 17 18 14 20 12 9 13 19]\n", + "=======================\n", + "['the items are crafts and artifacts made by japanese-americans confined to world war ii internment camps .( cnn ) a new jersey auction house has removed items from its april 17 event after an uproar from the public .the auction house said 24 lots of an original collection of works of art and crafts were removed .']\n", + "=======================\n", + "['the items were originally given to a historian who opposed the camps , cnn affiliate reportsauctioneer hoped they would be bought by museum or someone who would donate them for historical appreciationjapanese-americans were furious about items from family members , others being sold']\n", + "the items are crafts and artifacts made by japanese-americans confined to world war ii internment camps .( cnn ) a new jersey auction house has removed items from its april 17 event after an uproar from the public .the auction house said 24 lots of an original collection of works of art and crafts were removed .\n", + "the items were originally given to a historian who opposed the camps , cnn affiliate reportsauctioneer hoped they would be bought by museum or someone who would donate them for historical appreciationjapanese-americans were furious about items from family members , others being sold\n", + "[1.2589033 1.4879255 1.373733 1.4472526 1.1176594 1.0680027 1.0308707\n", + " 1.0308214 1.0231943 1.0171419 1.0194415 1.3024422 1.0153329 1.022753\n", + " 1.0167952 1.021821 1.0328579 1.0265133 1.0213078 1.0179464 1.0182085\n", + " 1.0178504 1.0697355]\n", + "\n", + "[ 1 3 2 11 0 4 22 5 16 6 7 17 8 13 15 18 10 20 19 21 9 14 12]\n", + "=======================\n", + "[\"the londoner takes on jan blachowicz tonight , more than a year after he suffered his first defeat to alexander gustafsson .jimi manuwa confident he can forget about his first career loss and defeat polish fighter jan blachowiczand manuwa does n't expect to spend more than 10 minutes in the octagon .\"]\n", + "=======================\n", + "[\"jimi manuwa plans to finish opponent jan blachowicz inside two roundsthe londoner says his ` aggression and killer instinct ' will see him throughmanuwa wants to get back to winning after losing to alexander gustafsson\"]\n", + "the londoner takes on jan blachowicz tonight , more than a year after he suffered his first defeat to alexander gustafsson .jimi manuwa confident he can forget about his first career loss and defeat polish fighter jan blachowiczand manuwa does n't expect to spend more than 10 minutes in the octagon .\n", + "jimi manuwa plans to finish opponent jan blachowicz inside two roundsthe londoner says his ` aggression and killer instinct ' will see him throughmanuwa wants to get back to winning after losing to alexander gustafsson\n", + "[1.2127256 1.4183685 1.268702 1.2899685 1.1586002 1.1784608 1.0961752\n", + " 1.0210809 1.032369 1.0922201 1.074176 1.0641851 1.0426798 1.1019812\n", + " 1.0528959 1.0330321 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 0 5 4 13 6 9 10 11 14 12 15 8 7 21 16 17 18 19 20 22]\n", + "=======================\n", + "['ayatollah hossein dehnavi , a celebrity preacher in iran , made the speech to a packed auditorium of men and women in his home country .islamic cleric dehnavi is a celebrity in his native iran , giving speeches on relationships and family valuesit is the latest controversial teaching put forward by dehnavi , who also warned that if women did not wear the hijab - the veil covering the hair and chest - properly , they could inadvertently cause some men to become homosexual .']\n", + "=======================\n", + "['ayatollah hossein dehnavi made statement during marriage advice speechalso claims women not wearing hijab properly could make men gayhomosexuals face persecution in iran under strict islamic regime']\n", + "ayatollah hossein dehnavi , a celebrity preacher in iran , made the speech to a packed auditorium of men and women in his home country .islamic cleric dehnavi is a celebrity in his native iran , giving speeches on relationships and family valuesit is the latest controversial teaching put forward by dehnavi , who also warned that if women did not wear the hijab - the veil covering the hair and chest - properly , they could inadvertently cause some men to become homosexual .\n", + "ayatollah hossein dehnavi made statement during marriage advice speechalso claims women not wearing hijab properly could make men gayhomosexuals face persecution in iran under strict islamic regime\n", + "[1.3386172 1.280092 1.3682299 1.1424792 1.296035 1.1323663 1.2271085\n", + " 1.061942 1.0743632 1.0340655 1.0264156 1.0197068 1.0391469 1.095849\n", + " 1.1118006 1.1196444 1.0232714 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 2 0 4 1 6 3 5 15 14 13 8 7 12 9 10 16 11 17 18 19 20 21 22]\n", + "=======================\n", + "[\"the tests of the substance came back negative and the quarantine of room 239 of the cannon house office building was removed at 3:37 p.m. on wednesday , reports triblive .hazmat teams tested a white powdery substance sent to u.s. rep mike doyle 's office on wednesday causing the building to temporarily close down .a powdery white substance was found in the office of rep. mike doyle , d-forest hills ( pictured ) but it was found to be a non-harmful substance\"]\n", + "=======================\n", + "[\"hazmat teams tested a white powdery substance sent to u.s. rep mike doyle 's office on wednesday causing temporary building shutdownthe white substance came back as negative and after just under two hours the congressman was able to return to his officei live in pittsburgh .\"]\n", + "the tests of the substance came back negative and the quarantine of room 239 of the cannon house office building was removed at 3:37 p.m. on wednesday , reports triblive .hazmat teams tested a white powdery substance sent to u.s. rep mike doyle 's office on wednesday causing the building to temporarily close down .a powdery white substance was found in the office of rep. mike doyle , d-forest hills ( pictured ) but it was found to be a non-harmful substance\n", + "hazmat teams tested a white powdery substance sent to u.s. rep mike doyle 's office on wednesday causing temporary building shutdownthe white substance came back as negative and after just under two hours the congressman was able to return to his officei live in pittsburgh .\n", + "[1.2427641 1.346537 1.1944916 1.18764 1.2797922 1.2439822 1.0879725\n", + " 1.0426568 1.0375247 1.0327632 1.0584273 1.0660756 1.041428 1.0250783\n", + " 1.0246075 1.0262338 1.0257039 1.0766793 1.0223094 1.0192007 1.0146655\n", + " 1.0378522 0. ]\n", + "\n", + "[ 1 4 5 0 2 3 6 17 11 10 7 12 21 8 9 15 16 13 14 18 19 20 22]\n", + "=======================\n", + "[\"paul , who launched his presidential campaign tuesday in louisville , kentucky , sparred with today host savannah guthrie about his past foreign policy positions .` washington 's horribly broken , ' kentucky republican sen. rand paul said tuesday , but it came in the midst of a tv interview broken up by prickly moments and interruptions .as guthrie rattled off a list of issues where she said the senator had flipped and flopped -- iran , aid to israel and defense spending -- a testy and impatient paul cut her off .\"]\n", + "=======================\n", + "[\"paul is already under fire for his evolving views on iran , foreign aid to israel and defense spendingwhy do n't we let me explain instead of talking over me , ok ? 'paul launched his presidential quest on tuesday in kentucky andis already on a five-state campaign swinghe pinned his 2007 claim that iran was not a threat to the us on the fact that he was campaigning for his father 's presidential bid at the time\"]\n", + "paul , who launched his presidential campaign tuesday in louisville , kentucky , sparred with today host savannah guthrie about his past foreign policy positions .` washington 's horribly broken , ' kentucky republican sen. rand paul said tuesday , but it came in the midst of a tv interview broken up by prickly moments and interruptions .as guthrie rattled off a list of issues where she said the senator had flipped and flopped -- iran , aid to israel and defense spending -- a testy and impatient paul cut her off .\n", + "paul is already under fire for his evolving views on iran , foreign aid to israel and defense spendingwhy do n't we let me explain instead of talking over me , ok ? 'paul launched his presidential quest on tuesday in kentucky andis already on a five-state campaign swinghe pinned his 2007 claim that iran was not a threat to the us on the fact that he was campaigning for his father 's presidential bid at the time\n", + "[1.1911591 1.4009298 1.243006 1.276773 1.2103194 1.1389258 1.0458851\n", + " 1.067297 1.0856336 1.1723545 1.0961989 1.1085777 1.0941603 1.0554531\n", + " 1.0508012 1.0490522 1.0469134 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 9 5 11 10 12 8 7 13 14 15 16 6 21 17 18 19 20 22]\n", + "=======================\n", + "[\"channel seven 's sunday night will tell the story of ivan milat 's first violent crime and how he escaped police prosecution , before going on to butcher seven backpackers .a new report claims ivan milat , australia 's most notorious serial killer , could have been caught before he murdered seven backpackersthe revelation includes first-hand evidence from milat 's older brother , boris , into the killer 's ` secret victim ' .\"]\n", + "=======================\n", + "[\"report claims ivan milat shot first victim years before backpacker murdersthe ` wrong man ' jailed for attack , which left milat free to kill , report saysmilat 's brother , boris , says he has kept the shocking secret for 52 yearsmilat brutally murdered seven backpackers between 1989 and 1992he is serving seven consecutive life sentences at goulburn supermax jail\"]\n", + "channel seven 's sunday night will tell the story of ivan milat 's first violent crime and how he escaped police prosecution , before going on to butcher seven backpackers .a new report claims ivan milat , australia 's most notorious serial killer , could have been caught before he murdered seven backpackersthe revelation includes first-hand evidence from milat 's older brother , boris , into the killer 's ` secret victim ' .\n", + "report claims ivan milat shot first victim years before backpacker murdersthe ` wrong man ' jailed for attack , which left milat free to kill , report saysmilat 's brother , boris , says he has kept the shocking secret for 52 yearsmilat brutally murdered seven backpackers between 1989 and 1992he is serving seven consecutive life sentences at goulburn supermax jail\n", + "[1.1806359 1.5558951 1.3542533 1.3863459 1.213049 1.1047395 1.1681255\n", + " 1.1082562 1.0801708 1.0476319 1.0268168 1.0627303 1.0878373 1.0263965\n", + " 1.1790493 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 14 6 7 5 12 8 11 9 10 13 18 15 16 17 19]\n", + "=======================\n", + "[\"the 23-year-old driver and his two adult passengers managed to escape unharmed after the blue mitsubishi lancer sunk to the bottom of the pool at hinchinbrook in sydney 's north-west early on friday morning .the men told police they were driving along partridge road at 4.30 am on friday when they collided with a taxi at a roundabout .the car spun out of control and smashed through a colourbond fence before landing in the pool\"]\n", + "=======================\n", + "[\"mitsubishi lancer crashed through family 's fence in sydney 's north-westthe 23-year-old driver was hit by taxi and sent him spiralling out of controldriver and two passengers managed to escape when car crashed into poolblue lancer sunk to the bottom and will need to be retrieved with a crane\"]\n", + "the 23-year-old driver and his two adult passengers managed to escape unharmed after the blue mitsubishi lancer sunk to the bottom of the pool at hinchinbrook in sydney 's north-west early on friday morning .the men told police they were driving along partridge road at 4.30 am on friday when they collided with a taxi at a roundabout .the car spun out of control and smashed through a colourbond fence before landing in the pool\n", + "mitsubishi lancer crashed through family 's fence in sydney 's north-westthe 23-year-old driver was hit by taxi and sent him spiralling out of controldriver and two passengers managed to escape when car crashed into poolblue lancer sunk to the bottom and will need to be retrieved with a crane\n", + "[1.1650504 1.1346427 1.062664 1.0683529 1.1728147 1.1656518 1.0830048\n", + " 1.3070376 1.1502233 1.1398289 1.0914533 1.0309306 1.0620288 1.0805866\n", + " 1.0370471 1.0287358 1.0816774 1.0460025 1.0187215 1.0432633]\n", + "\n", + "[ 7 4 5 0 8 9 1 10 6 16 13 3 2 12 17 19 14 11 15 18]\n", + "=======================\n", + "[\"this week there will be two days as a spectator for mccoy at the punchestown festival .ap mccoy makes a lap of honour round the parade ring with champion jockey 's trophy at sandownmccoy walks into parade ring to ride his final race on box office as the media assemble to get one last shot\"]\n", + "=======================\n", + "['ap mccoy will struggle with his new routine now he has retired from racing20-time champion jockey described saturday as the hardest day of his lifehis short-term list of diversions will include watching his beloved arsenalconditional jockey champion sean bowen tipped to follow in his footsteps']\n", + "this week there will be two days as a spectator for mccoy at the punchestown festival .ap mccoy makes a lap of honour round the parade ring with champion jockey 's trophy at sandownmccoy walks into parade ring to ride his final race on box office as the media assemble to get one last shot\n", + "ap mccoy will struggle with his new routine now he has retired from racing20-time champion jockey described saturday as the hardest day of his lifehis short-term list of diversions will include watching his beloved arsenalconditional jockey champion sean bowen tipped to follow in his footsteps\n", + "[1.2833261 1.4330318 1.3406396 1.2856406 1.2390604 1.1588902 1.2015885\n", + " 1.1630257 1.0603671 1.018447 1.018788 1.0655948 1.0997701 1.0422932\n", + " 1.1673524 1.0869025 1.0488597 1.0594999 1.0174198 1.0239403]\n", + "\n", + "[ 1 2 3 0 4 6 14 7 5 12 15 11 8 17 16 13 19 10 9 18]\n", + "=======================\n", + "[\"the nigerian-flagged thunder was being tracked by activists from the charity sea shepherd , who believed it was engaged in illegal fishing .the thunder 's captain and crew manned life rafts late on monday after the ship was scuttled .rogue fishermen are believed to have scuttled this ship , thunder from lagos to cover up illegal fishing\"]\n", + "=======================\n", + "[\"the thunder from lagos was suspected of illegally fishing for toothfishsea shepherd had been tracking the thunder for more than 100 daysthe thunder 's captain is suspected of scuttling the vessel in a cover-upwatertight doors were dogged open to allow the vessel to sink faster\"]\n", + "the nigerian-flagged thunder was being tracked by activists from the charity sea shepherd , who believed it was engaged in illegal fishing .the thunder 's captain and crew manned life rafts late on monday after the ship was scuttled .rogue fishermen are believed to have scuttled this ship , thunder from lagos to cover up illegal fishing\n", + "the thunder from lagos was suspected of illegally fishing for toothfishsea shepherd had been tracking the thunder for more than 100 daysthe thunder 's captain is suspected of scuttling the vessel in a cover-upwatertight doors were dogged open to allow the vessel to sink faster\n", + "[1.2248126 1.3626599 1.2624656 1.2439464 1.1794635 1.1178132 1.0829124\n", + " 1.0662527 1.0487179 1.1362282 1.1064878 1.1045312 1.0791739 1.1325959\n", + " 1.0457946 1.0437561 1.0356659 1.0473953 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 9 13 5 10 11 6 12 7 8 17 14 15 16 18 19]\n", + "=======================\n", + "['the 53-second video , posted on youtube , features footage of the unnamed woman recording an incident involving multiple officers in south gate on sunday .about 25 seconds into the clip , the woman who had been attempting to speak to some of the officers is approached by a tall man strapped with a riffle who suddenly lunges at her .video footage has emerged of a law enforcement officer grabbing a cell phone from the hands of a woman recording him and throwing it violently to the pavement in southern california .']\n", + "=======================\n", + "[\"the 53-second video features footage of the unnamed woman recording an incident involving multiple officers in south gate , southern californiathe woman is then approached by a tall man with a riffle who wrestles the cell phone from herhe then throws it to the pavement and then kicks it in a fit of rageu.s. marshals spokesperson has said the shocking footage ` is being reviewed ' , while the l.a. county sheriff 's department is also investigating\"]\n", + "the 53-second video , posted on youtube , features footage of the unnamed woman recording an incident involving multiple officers in south gate on sunday .about 25 seconds into the clip , the woman who had been attempting to speak to some of the officers is approached by a tall man strapped with a riffle who suddenly lunges at her .video footage has emerged of a law enforcement officer grabbing a cell phone from the hands of a woman recording him and throwing it violently to the pavement in southern california .\n", + "the 53-second video features footage of the unnamed woman recording an incident involving multiple officers in south gate , southern californiathe woman is then approached by a tall man with a riffle who wrestles the cell phone from herhe then throws it to the pavement and then kicks it in a fit of rageu.s. marshals spokesperson has said the shocking footage ` is being reviewed ' , while the l.a. county sheriff 's department is also investigating\n", + "[1.4119182 1.3688141 1.1692356 1.1843548 1.2841163 1.2949946 1.1089488\n", + " 1.024548 1.2183638 1.2373365 1.0099118 1.0094578 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 5 4 9 8 3 2 6 7 10 11 18 12 13 14 15 16 17 19]\n", + "=======================\n", + "['chelsea manager jose mourinho believes he is improving in every aspect of his job but insisted his one problem is that he can not help but be truthful when he addresses the media .the 52-year-old has won league titles in all four countries that he has managed - portugal , england , italy and spain - and insists he continues to get better as a manager .the former real madrid manager was fined # 25,000 earlier this season after claiming there was a clear campaign against his side after being riled by a number of refereeing decisions .']\n", + "=======================\n", + "['jose mourinho says he he is getting better at every aspect of his jobthe chelsea boss has won titles in all four leagues he has managedbut mourinho says he has one problem that he can not changethat is that he is never a hypocrite when he faces the mediamourinho was fined for claiming there was a campaign against chelseahe was fined a similar amount last season for three separate incidents']\n", + "chelsea manager jose mourinho believes he is improving in every aspect of his job but insisted his one problem is that he can not help but be truthful when he addresses the media .the 52-year-old has won league titles in all four countries that he has managed - portugal , england , italy and spain - and insists he continues to get better as a manager .the former real madrid manager was fined # 25,000 earlier this season after claiming there was a clear campaign against his side after being riled by a number of refereeing decisions .\n", + "jose mourinho says he he is getting better at every aspect of his jobthe chelsea boss has won titles in all four leagues he has managedbut mourinho says he has one problem that he can not changethat is that he is never a hypocrite when he faces the mediamourinho was fined for claiming there was a campaign against chelseahe was fined a similar amount last season for three separate incidents\n", + "[1.2596955 1.440472 1.0974411 1.0962219 1.2454674 1.0312341 1.2598526\n", + " 1.204301 1.1068491 1.0400367 1.103672 1.0619422 1.0489535 1.1082717\n", + " 1.0234377 1.0495538 1.0123466 1.0104494 1.0135884 1.0128542 1.0420518\n", + " 1.0264066 0. ]\n", + "\n", + "[ 1 6 0 4 7 13 8 10 2 3 11 15 12 20 9 5 21 14 18 19 16 17 22]\n", + "=======================\n", + "['the leaders of places with names like molossia , westarctica , vikesland and broslavia are coming together at the anaheim central library for microcon 2015 , which has been dubbed the first north american gathering of micronations .molossia , population five , is just one of the small , self-proclaimed micronations that will be represented at microcon 2015 in los angeles this weekendbut most of their citizens have a population of less than 10 .']\n", + "=======================\n", + "[\"microcon 2015 is the first north american gathering of micronationsplaces like molossia , westarctica and vikesland will be in attendanceone country is the size of a football field , another is as large as alaskathey print their own stamps , wave their own flags , and mint their own moneybut most of their citizens do n't actually live on the land\"]\n", + "the leaders of places with names like molossia , westarctica , vikesland and broslavia are coming together at the anaheim central library for microcon 2015 , which has been dubbed the first north american gathering of micronations .molossia , population five , is just one of the small , self-proclaimed micronations that will be represented at microcon 2015 in los angeles this weekendbut most of their citizens have a population of less than 10 .\n", + "microcon 2015 is the first north american gathering of micronationsplaces like molossia , westarctica and vikesland will be in attendanceone country is the size of a football field , another is as large as alaskathey print their own stamps , wave their own flags , and mint their own moneybut most of their citizens do n't actually live on the land\n", + "[1.0535296 1.0647525 1.0731962 1.3487875 1.1059742 1.1245732 1.102922\n", + " 1.0546314 1.1144543 1.0260395 1.2750354 1.100638 1.0222781 1.026442\n", + " 1.0354143 1.0877482 1.0839396 1.037606 1.0555799 1.1516739 1.0822539\n", + " 1.020453 1.0212643]\n", + "\n", + "[ 3 10 19 5 8 4 6 11 15 16 20 2 1 18 7 0 17 14 13 9 12 22 21]\n", + "=======================\n", + "[\"deborah described her naturally curly hair as a ` frizz nightmare ' .the expert : we sent deborah to the taylor ferguson salon in glasgow for the nanokeratin system hair relaxing treatment .taming frizzy hair can be a constant battle .\"]\n", + "=======================\n", + "[\"our beauty expert says ` frizz nightmare ' hair like deborah 's can be a battleshe sent her to the taylor ferguson salon in glasgowhad the nanokeratin system hair relaxing treatment ( from # 195 )` the coarse texture has gone and my hair has never felt so smooth ! '\"]\n", + "deborah described her naturally curly hair as a ` frizz nightmare ' .the expert : we sent deborah to the taylor ferguson salon in glasgow for the nanokeratin system hair relaxing treatment .taming frizzy hair can be a constant battle .\n", + "our beauty expert says ` frizz nightmare ' hair like deborah 's can be a battleshe sent her to the taylor ferguson salon in glasgowhad the nanokeratin system hair relaxing treatment ( from # 195 )` the coarse texture has gone and my hair has never felt so smooth ! '\n", + "[1.189637 1.3979511 1.18923 1.1682655 1.1998644 1.1600393 1.0593815\n", + " 1.0679162 1.2445475 1.0701153 1.0365639 1.0881952 1.0391328 1.0570785\n", + " 1.0457263 1.0291389 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 8 4 0 2 3 5 11 9 7 6 13 14 12 10 15 21 16 17 18 19 20 22]\n", + "=======================\n", + "[\"the prime minister visited a primary school near bolton to unveil the party 's latest proposal to improve education standards , after announcing that under a future tory government children who achieve poor sats results will be forced to resit them in secondary school .the resit plan would mean 100,000 pupils taking a new test in english and maths during their first year after leaving primary school .david cameron was upstaged by a six-year-old school girl today after trying to unveil a new tory education policy .\"]\n", + "=======================\n", + "[\"six-year-old lucy howarth completely unfazed by the prime ministeryoungster pulled a series of faces as mr cameron tried to read to her classhe had visited primary school in bolton to unveil new tory schools policypupils who get poor sats will be forced to resit them in secondary schoolpm said he wanted ` more rigour and zero tolerance of failure ' in schools\"]\n", + "the prime minister visited a primary school near bolton to unveil the party 's latest proposal to improve education standards , after announcing that under a future tory government children who achieve poor sats results will be forced to resit them in secondary school .the resit plan would mean 100,000 pupils taking a new test in english and maths during their first year after leaving primary school .david cameron was upstaged by a six-year-old school girl today after trying to unveil a new tory education policy .\n", + "six-year-old lucy howarth completely unfazed by the prime ministeryoungster pulled a series of faces as mr cameron tried to read to her classhe had visited primary school in bolton to unveil new tory schools policypupils who get poor sats will be forced to resit them in secondary schoolpm said he wanted ` more rigour and zero tolerance of failure ' in schools\n", + "[1.170481 1.4709712 1.2125618 1.3979336 1.2106638 1.0648013 1.0356231\n", + " 1.0260421 1.036998 1.0712193 1.1325628 1.0952207 1.0215726 1.0199687\n", + " 1.0468564 1.1589696 1.0947005 1.014036 1.0110224 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 2 4 0 15 10 11 16 9 5 14 8 6 7 12 13 17 18 21 19 20 22]\n", + "=======================\n", + "[\"the legendary physicist was speaking at the sydney opera house as a 3d hologram from his physical location at cambridge university in the uk , when the question was put to him .but it was a subject that professor hawking had his own theory on saying : ` finally , a question about something important . 'during the show professor hawking was asked about the cosmological effect of former one direction singer zayn malik leaving the boy band\"]\n", + "=======================\n", + "[\"the legendary physicist was speaking at the sydney opera househe appeared as a 3d hologram from cambridge university in the ukthe question was what effect zayn malik leaving one direction would haveprofessor hawking tackled the conundrum and had a perfect explanationhe joked that in another different universe ` zayn is still in one direction '\"]\n", + "the legendary physicist was speaking at the sydney opera house as a 3d hologram from his physical location at cambridge university in the uk , when the question was put to him .but it was a subject that professor hawking had his own theory on saying : ` finally , a question about something important . 'during the show professor hawking was asked about the cosmological effect of former one direction singer zayn malik leaving the boy band\n", + "the legendary physicist was speaking at the sydney opera househe appeared as a 3d hologram from cambridge university in the ukthe question was what effect zayn malik leaving one direction would haveprofessor hawking tackled the conundrum and had a perfect explanationhe joked that in another different universe ` zayn is still in one direction '\n", + "[1.3553376 1.2098205 1.1746883 1.3384478 1.2815017 1.2060082 1.04463\n", + " 1.0498393 1.0400726 1.0300248 1.0390849 1.0643641 1.0200729 1.0318775\n", + " 1.1281439 1.0170755 1.0123382 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 4 1 5 2 14 11 7 6 8 10 13 9 12 15 16 21 17 18 19 20 22]\n", + "=======================\n", + "[\"clothing that features slogans joking about stalking has been slammed by the suzy lamplugh trust , a london-based charity which aims to ` make society a safer place ' .according to the slt , the t-shirts mock a serious issue which affects one in six women , and play into people 's fear of being laughed at , which prevents victims from seeking help to deal with stalkers and puts them at a higher risk of being attacked .a number of online retailers stock the offending garments , which feature phrases such as ' i heart my stalker ' and ` some people call it stalking .\"]\n", + "=======================\n", + "[\"suzy lamplugh trust said slogans make the crime seem ` humorous 'charity warns joking about stalking can prevent victims coming forwardt-shirts joking about stalking are sold online in various us and uk storesone in six women will be stalked at some point in their life\"]\n", + "clothing that features slogans joking about stalking has been slammed by the suzy lamplugh trust , a london-based charity which aims to ` make society a safer place ' .according to the slt , the t-shirts mock a serious issue which affects one in six women , and play into people 's fear of being laughed at , which prevents victims from seeking help to deal with stalkers and puts them at a higher risk of being attacked .a number of online retailers stock the offending garments , which feature phrases such as ' i heart my stalker ' and ` some people call it stalking .\n", + "suzy lamplugh trust said slogans make the crime seem ` humorous 'charity warns joking about stalking can prevent victims coming forwardt-shirts joking about stalking are sold online in various us and uk storesone in six women will be stalked at some point in their life\n", + "[1.28881 1.4597498 1.3439049 1.2085804 1.2235214 1.1739432 1.0770154\n", + " 1.0218599 1.0215178 1.0754116 1.0163982 1.0204555 1.019636 1.094537\n", + " 1.1744511 1.1241074 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 1 2 0 4 3 14 5 15 13 6 9 7 8 11 12 10 22 16 17 18 19 20 21 23]\n", + "=======================\n", + "['currently second in the championship , the easter road club stand to make # 1million from anticipated sell-out home gates against rangers and the 11th place club in the premiership - currently motherwell .under recently passed spfl rules , however , play-off sides must hand over 50 per cent of their play-off profits for distribution among lower league clubs within seven days .spfl clubs are poised to do battle over a late hibernian move to cash in on the premiership play-offs .']\n", + "=======================\n", + "['hibernian stand to make # 1million from gate revenues in play-offsedinburgh club battling to try and reduce share to lower league clubshibs would have to give 50 per cent of gate revenues to lower teamsclub has received support from hearts and motherwell to lower to 25 %']\n", + "currently second in the championship , the easter road club stand to make # 1million from anticipated sell-out home gates against rangers and the 11th place club in the premiership - currently motherwell .under recently passed spfl rules , however , play-off sides must hand over 50 per cent of their play-off profits for distribution among lower league clubs within seven days .spfl clubs are poised to do battle over a late hibernian move to cash in on the premiership play-offs .\n", + "hibernian stand to make # 1million from gate revenues in play-offsedinburgh club battling to try and reduce share to lower league clubshibs would have to give 50 per cent of gate revenues to lower teamsclub has received support from hearts and motherwell to lower to 25 %\n", + "[1.6913085 1.1020186 1.0873356 1.0483999 1.5620863 1.0892045 1.3058918\n", + " 1.0642245 1.0652817 1.0171622 1.0154915 1.2407448 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 4 6 11 1 5 2 8 7 3 9 10 21 20 19 18 17 13 15 14 12 22 16 23]\n", + "=======================\n", + "[\"new york mets closer jenrry mejia has been suspended for 80 games without pay after testing positive for the banned substance stanozolol , major league baseball said on sunday . 'the 25-year-old right hander , who is on the disabled list with an inflamed elbow , will not be able to play again until at least july and would be ineligible for the playoffs if the team make the post-season , the mets said on their website .i know the rules are the rules and i will accept my punishment , but i can honestly say i have no idea how a banned substance ended up in my system , ' mejia said in a statement issued by the players union . '\"]\n", + "=======================\n", + "['jenrry mejia suspended for 80 new york mets games without paymejia tested positive for banned substance stanozolol25-year-old right hander will not be able to play again until at least july']\n", + "new york mets closer jenrry mejia has been suspended for 80 games without pay after testing positive for the banned substance stanozolol , major league baseball said on sunday . 'the 25-year-old right hander , who is on the disabled list with an inflamed elbow , will not be able to play again until at least july and would be ineligible for the playoffs if the team make the post-season , the mets said on their website .i know the rules are the rules and i will accept my punishment , but i can honestly say i have no idea how a banned substance ended up in my system , ' mejia said in a statement issued by the players union . '\n", + "jenrry mejia suspended for 80 new york mets games without paymejia tested positive for banned substance stanozolol25-year-old right hander will not be able to play again until at least july\n", + "[1.3807621 1.3137156 1.1606561 1.2521454 1.081901 1.0397823 1.1300228\n", + " 1.0368718 1.0193034 1.0724243 1.0258442 1.1847997 1.0496314 1.0580275\n", + " 1.0510626 1.0776263 1.0169835 1.0207807 1.0457664 1.0348271 1.0344601\n", + " 1.0159739 1.0839736 1.0753856]\n", + "\n", + "[ 0 1 3 11 2 6 22 4 15 23 9 13 14 12 18 5 7 19 20 10 17 8 16 21]\n", + "=======================\n", + "[\"chelsea took a giant step towards the premier league title with a hard-fought 1-0 victory against manchester united .eden hazard 's sublime strike in the 38th minute proved crucial as jose mourinho 's side extended their lead at the top of the standings .branislav ivanovic had a tough afternoon marking marouane fellaini ( left ) but he did well in the air throughout\"]\n", + "=======================\n", + "[\"chelsea sealed a 1-0 victory against manchester united at stamford bridgeeden hazard struck in the 38th minute after a storming run into the boxjohn terry marshalled the chelsea defensive line superblywayne rooney 's midfield role blunted his influenceradamel falcao struggled to cope with terry all afternoon\"]\n", + "chelsea took a giant step towards the premier league title with a hard-fought 1-0 victory against manchester united .eden hazard 's sublime strike in the 38th minute proved crucial as jose mourinho 's side extended their lead at the top of the standings .branislav ivanovic had a tough afternoon marking marouane fellaini ( left ) but he did well in the air throughout\n", + "chelsea sealed a 1-0 victory against manchester united at stamford bridgeeden hazard struck in the 38th minute after a storming run into the boxjohn terry marshalled the chelsea defensive line superblywayne rooney 's midfield role blunted his influenceradamel falcao struggled to cope with terry all afternoon\n", + "[1.3989468 1.3878381 1.1471609 1.2411091 1.4608221 1.222792 1.1170028\n", + " 1.0202599 1.0119959 1.0124769 1.0116619 1.0123216 1.1552098 1.0119059\n", + " 1.0178543 1.1402493 1.2547171 1.0956721 1.0535121 1.0247321 1.0150105\n", + " 0. 0. 0. ]\n", + "\n", + "[ 4 0 1 16 3 5 12 2 15 6 17 18 19 7 14 20 9 11 8 13 10 22 21 23]\n", + "=======================\n", + "[\"shay given will start for aston villa against liverpool in sunday 's fa cup semi-final at wembleyshay given has revealed the pain still lingers from ruud gullit 's decision to snub him for the 1999 fa cup final between newcastle and manchester united .the republic of ireland goalkeeper played every round of newcastle 's run but was dropped in favour of steve harper for the wembley showpiece , won 2-0 by sir alex ferguson 's side .\"]\n", + "=======================\n", + "[\"shay given to start against liverpool in fa cup a day before he turns 39tim sherwood confirmed the news as he prepares for sunday 's semi-finalgiven has played in all four of aston villa 's fa cup matches this term\"]\n", + "shay given will start for aston villa against liverpool in sunday 's fa cup semi-final at wembleyshay given has revealed the pain still lingers from ruud gullit 's decision to snub him for the 1999 fa cup final between newcastle and manchester united .the republic of ireland goalkeeper played every round of newcastle 's run but was dropped in favour of steve harper for the wembley showpiece , won 2-0 by sir alex ferguson 's side .\n", + "shay given to start against liverpool in fa cup a day before he turns 39tim sherwood confirmed the news as he prepares for sunday 's semi-finalgiven has played in all four of aston villa 's fa cup matches this term\n", + "[1.4904506 1.0472091 1.1039586 1.4052418 1.4089314 1.265031 1.1724474\n", + " 1.0224371 1.0167949 1.0145867 1.1976414 1.0444943 1.1645269 1.1302779\n", + " 1.0204172 1.0974091 1.171284 0. 0. 0. 0.\n", + " 0. 0. 0. ]\n", + "\n", + "[ 0 4 3 5 10 6 16 12 13 2 15 1 11 7 14 8 9 17 18 19 20 21 22 23]\n", + "=======================\n", + "[\"arsenal star alexis sanchez says he is ` very proud ' to have joined the north london club and has been impressed by the quality of his team-mates . 'arsenal forward alexis sanchez has enjoyed a fine debut season in english football , scoring 22 goals so farthe chilean forward , who signed from barcelona last summer , has been nominated for pfa player of the year\"]\n", + "=======================\n", + "[\"arsenal 's alexis sanchez is enjoying a fine debut season in english footballhe has scored 22 goals in all competitions since signing from barcelonasanchez has been nominated for the pfa player of the year awardthe 26-year-old has spoken highly about the quality of his arsenal team-mates and singled out fellow attacker santi carzola for particular praisethe gunners are currently second in the premier league table and through to the fa cup final for a second consecutive season\"]\n", + "arsenal star alexis sanchez says he is ` very proud ' to have joined the north london club and has been impressed by the quality of his team-mates . 'arsenal forward alexis sanchez has enjoyed a fine debut season in english football , scoring 22 goals so farthe chilean forward , who signed from barcelona last summer , has been nominated for pfa player of the year\n", + "arsenal 's alexis sanchez is enjoying a fine debut season in english footballhe has scored 22 goals in all competitions since signing from barcelonasanchez has been nominated for the pfa player of the year awardthe 26-year-old has spoken highly about the quality of his arsenal team-mates and singled out fellow attacker santi carzola for particular praisethe gunners are currently second in the premier league table and through to the fa cup final for a second consecutive season\n", + "[1.2711821 1.3681369 1.2524335 1.1934452 1.1355939 1.1738734 1.2232264\n", + " 1.0695329 1.0816052 1.1065395 1.0364906 1.0240003 1.0298946 1.0660766\n", + " 1.0388236 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 2 6 3 5 4 9 8 7 13 14 10 12 11 18 15 16 17 19]\n", + "=======================\n", + "['the al qaeda-linked networks have altered their tactics since the fugitive stole intelligence files from gchq and the us national security agency , according to a report .at least three terror groups plotting attacks against britain have changed their communication methods since the leaks by edward snowden , it was claimed last night .extremist websites have also moved to protect their digital communications by releasing encryption programmes for followers , making it harder for extremists to be tracked down .']\n", + "=======================\n", + "['al-qaeda linked networks have altered tactics since snowden stole fileshe stole intelligence files from gchq and us national security agencyhe fled justice in us to hong kong , then russia where granted asylum']\n", + "the al qaeda-linked networks have altered their tactics since the fugitive stole intelligence files from gchq and the us national security agency , according to a report .at least three terror groups plotting attacks against britain have changed their communication methods since the leaks by edward snowden , it was claimed last night .extremist websites have also moved to protect their digital communications by releasing encryption programmes for followers , making it harder for extremists to be tracked down .\n", + "al-qaeda linked networks have altered tactics since snowden stole fileshe stole intelligence files from gchq and us national security agencyhe fled justice in us to hong kong , then russia where granted asylum\n", + "[1.1985651 1.365168 1.3257319 1.2282746 1.2440403 1.2200495 1.1655117\n", + " 1.1291921 1.0205755 1.0257295 1.0667709 1.0470061 1.0906166 1.0556239\n", + " 1.0387999 1.0572271 1.068698 1.100495 1.0295632 1.0489899]\n", + "\n", + "[ 1 2 4 3 5 0 6 7 17 12 16 10 15 13 19 11 14 18 9 8]\n", + "=======================\n", + "[\"medical and law enforcement sources briefed on the police investigation told abc news gray 's ` catastrophic ' head injuries were consistent with hitting a bolt ` in the back door of the van ' .they claimed there was ` no evidence ' gray sustained a fatal spine injury during his arrest , which was caught on camera on a street side on april 12 .it is believed he fell into the door , breaking his neck .\"]\n", + "=======================\n", + "[\"medical examiner ` found freddie gray 's catastrophic head injury was consistent with bolt in the back door of the police van 'police report suggests he was standing and fell head first into the doorofficer driving van has yet to give statement to police , sources claimreport on freddie gray 's arrest and death handed to state 's attorney at 8.50 am et on thursdayit includes admission that police van made a previously unknown stoppolice commissioner refused to elaborate on the information\"]\n", + "medical and law enforcement sources briefed on the police investigation told abc news gray 's ` catastrophic ' head injuries were consistent with hitting a bolt ` in the back door of the van ' .they claimed there was ` no evidence ' gray sustained a fatal spine injury during his arrest , which was caught on camera on a street side on april 12 .it is believed he fell into the door , breaking his neck .\n", + "medical examiner ` found freddie gray 's catastrophic head injury was consistent with bolt in the back door of the police van 'police report suggests he was standing and fell head first into the doorofficer driving van has yet to give statement to police , sources claimreport on freddie gray 's arrest and death handed to state 's attorney at 8.50 am et on thursdayit includes admission that police van made a previously unknown stoppolice commissioner refused to elaborate on the information\n", + "[1.2841953 1.271965 1.3245934 1.1498038 1.2272853 1.1056664 1.047451\n", + " 1.0389307 1.1011804 1.0759892 1.0375265 1.0692909 1.023596 1.053415\n", + " 1.0802785 1.0213587 0. 0. 0. 0. ]\n", + "\n", + "[ 2 0 1 4 3 5 8 14 9 11 13 6 7 10 12 15 18 16 17 19]\n", + "=======================\n", + "['the result is inside abbey road , a new web app that takes users on an interactive , immersive and hugely detailed virtual tour of the inner workings of abbey road .it has the most famous zebra crossing in the world outside it , and has hosted every major name in music in the last 80 years , but abbey road studios has never before been open to the public .despite receiving around 500,000 visitors a year , mostly to walk the famous crossing , the studio doors have been shut to those not recording ever since 1931 - that is , until now , thanks to a new collaboration with google .']\n", + "=======================\n", + "['the world famous studios have never before been open to the publicbut in a google first the web giant has made an app with a virtual tourincludes archived beatles photos and music videos of stars at the studiousers navigate round in the same way that google street view works']\n", + "the result is inside abbey road , a new web app that takes users on an interactive , immersive and hugely detailed virtual tour of the inner workings of abbey road .it has the most famous zebra crossing in the world outside it , and has hosted every major name in music in the last 80 years , but abbey road studios has never before been open to the public .despite receiving around 500,000 visitors a year , mostly to walk the famous crossing , the studio doors have been shut to those not recording ever since 1931 - that is , until now , thanks to a new collaboration with google .\n", + "the world famous studios have never before been open to the publicbut in a google first the web giant has made an app with a virtual tourincludes archived beatles photos and music videos of stars at the studiousers navigate round in the same way that google street view works\n", + "[1.2813781 1.3957019 1.2013414 1.2161014 1.3511364 1.0672637 1.0466611\n", + " 1.0535424 1.0411236 1.044234 1.029699 1.0215055 1.0563707 1.0289645\n", + " 1.1025788 1.0451739 1.0394301 1.0619923 1.0214723 0. ]\n", + "\n", + "[ 1 4 0 3 2 14 5 17 12 7 6 15 9 8 16 10 13 11 18 19]\n", + "=======================\n", + "[\"jaclyn methuen , who nearly left husband ryan ranellone at the altar because she deemed him too unattractive , continues to put her new husband in the ` friend zone ' during their romantic trip to puerto rico and at one point the 30-year-old even admits to him that she wanted to be a runaway bride .the stars of married at first sight embark on their honeymoons on tonight 's episode of the fyi series , but all three of the couples quickly find themselves experiencing some serious trouble in paradise .i just feel pure disappointment , ' ryan , 29 , says in a web exclusive clip from the episode .\"]\n", + "=======================\n", + "[\"jaclyn methuen nearly left her husband ryan ranellone at the altar because she was n't physically attracted to him\"]\n", + "jaclyn methuen , who nearly left husband ryan ranellone at the altar because she deemed him too unattractive , continues to put her new husband in the ` friend zone ' during their romantic trip to puerto rico and at one point the 30-year-old even admits to him that she wanted to be a runaway bride .the stars of married at first sight embark on their honeymoons on tonight 's episode of the fyi series , but all three of the couples quickly find themselves experiencing some serious trouble in paradise .i just feel pure disappointment , ' ryan , 29 , says in a web exclusive clip from the episode .\n", + "jaclyn methuen nearly left her husband ryan ranellone at the altar because she was n't physically attracted to him\n", + "[1.0964863 1.5024961 1.2595744 1.1531608 1.1658207 1.0800989 1.101017\n", + " 1.1416322 1.1458794 1.0988599 1.0365864 1.0750173 1.0428038 1.0973666\n", + " 1.0337825 1.2253597 1.05019 1.1274165 0. 0. ]\n", + "\n", + "[ 1 2 15 4 3 8 7 17 6 9 13 0 5 11 16 12 10 14 18 19]\n", + "=======================\n", + "[\"the famous trophy was on show at alton towers theme park in staffordshire ahead of this weekend 's semi-finals at wembley , nestled in between an arsenal fan and reading supporter .the gunners head into saturday 's showdown as the favourites against the championship side .arsenal midfielder aaron ramsey ( number 16 ) scores the winning foal against hull in last year 's fa cup final\"]\n", + "=======================\n", + "[\"the fa cup is usually a rollercoaster of emotionsfittingly , the famous trophy was taken on looping ride at alton towersit was accompanied by an arsenal and a reading fan ahead of the pair 's semi-final at wembley on saturdayarsenal are the current holders of the competition and keen to retain itliverpool and aston villa will contest the other semi-final on sunday\"]\n", + "the famous trophy was on show at alton towers theme park in staffordshire ahead of this weekend 's semi-finals at wembley , nestled in between an arsenal fan and reading supporter .the gunners head into saturday 's showdown as the favourites against the championship side .arsenal midfielder aaron ramsey ( number 16 ) scores the winning foal against hull in last year 's fa cup final\n", + "the fa cup is usually a rollercoaster of emotionsfittingly , the famous trophy was taken on looping ride at alton towersit was accompanied by an arsenal and a reading fan ahead of the pair 's semi-final at wembley on saturdayarsenal are the current holders of the competition and keen to retain itliverpool and aston villa will contest the other semi-final on sunday\n", + "[1.2264231 1.3298779 1.2542219 1.253991 1.206826 1.1243333 1.0857196\n", + " 1.1318946 1.0777782 1.2296708 1.0207934 1.0111804 1.1143093 1.0701811\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 9 0 4 7 5 12 6 8 13 10 11 19 14 15 16 17 18 20]\n", + "=======================\n", + "[\"in line with eu regulations , the first line of treatment for organic fish should be ` substances from plants , animals or minerals in a homeopathic dilution ' , beforebritish and norwegian vets have called the directives ` scientifically illiterate ' , saying that the use of homeopathy could lead to ` serious animal health and welfare detriment . 'veterinarians have criticised eu rules on organic farming that demands that fish are treated with homoeopathic remedies .\"]\n", + "=======================\n", + "[\"norwegian vets criticise eu regulations on treatment of organic fishfirst line of treatment for organic fish should be homeopathic remedyvets call directives ` scientifically illiterate ' , saying it delays real carebritish vets say use of homeopathy could lead to serious health detriment\"]\n", + "in line with eu regulations , the first line of treatment for organic fish should be ` substances from plants , animals or minerals in a homeopathic dilution ' , beforebritish and norwegian vets have called the directives ` scientifically illiterate ' , saying that the use of homeopathy could lead to ` serious animal health and welfare detriment . 'veterinarians have criticised eu rules on organic farming that demands that fish are treated with homoeopathic remedies .\n", + "norwegian vets criticise eu regulations on treatment of organic fishfirst line of treatment for organic fish should be homeopathic remedyvets call directives ` scientifically illiterate ' , saying it delays real carebritish vets say use of homeopathy could lead to serious health detriment\n", + "[1.1979595 1.4899349 1.4143742 1.3862329 1.308105 1.0796032 1.0700119\n", + " 1.1582724 1.0269864 1.0142002 1.0160322 1.0985934 1.0631242 1.1291574\n", + " 1.0913458 1.0125844 1.0107152 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 4 0 7 13 11 14 5 6 12 8 10 9 15 16 17 18 19 20]\n", + "=======================\n", + "[\"around 50 obese pupils at jianxin primary school , in china 's eastern zhejiang province , are put through their paces by instructors every day after school to help them lose weight .the kung fu panda classes were set up after a survey showed that 5 per cent of its 858 students were obese , with one 11-year-old pupil weighing in at 180lbs , reports the people 's daily online .the lessons are named after the dreamworks film of the same name , in which an overweight panda becomes a kung fu master .\"]\n", + "=======================\n", + "['fitness classes set up after survey showed 5 per cent of pupils were obesearound 50 pupils attend including 11-year-old boy who weighs 12 stoneinstructors say kung fu panda classes are designed to make fitness fun']\n", + "around 50 obese pupils at jianxin primary school , in china 's eastern zhejiang province , are put through their paces by instructors every day after school to help them lose weight .the kung fu panda classes were set up after a survey showed that 5 per cent of its 858 students were obese , with one 11-year-old pupil weighing in at 180lbs , reports the people 's daily online .the lessons are named after the dreamworks film of the same name , in which an overweight panda becomes a kung fu master .\n", + "fitness classes set up after survey showed 5 per cent of pupils were obesearound 50 pupils attend including 11-year-old boy who weighs 12 stoneinstructors say kung fu panda classes are designed to make fitness fun\n", + "[1.6191151 1.3845468 1.138204 1.16819 1.0949849 1.0919458 1.122443\n", + " 1.0986247 1.0778868 1.017147 1.0726535 1.0732327 1.0583429 1.0412205\n", + " 1.0531288 1.0624385 1.0529422 1.0262731 1.0086843 1.0110778 1.080226 ]\n", + "\n", + "[ 0 1 3 2 6 7 4 5 20 8 11 10 15 12 14 16 13 17 9 19 18]\n", + "=======================\n", + "['( cnn ) minnesota vikings running back adrian peterson will be reinstated as an active player by the nfl on friday , the league said .the nfl suspended the 30-year-old football star in november over allegations that last may he disciplined his son , who was 4 at the time , too harshly with a \" switch , \" or thin stick .also required of peterson : avoiding \" any further conduct that violates the ( nfl \\'s ) personal conduct policy or other nfl policies . \"']\n", + "=======================\n", + "['adrian peterson had been suspended after pleading guilty to misdemeanor reckless assaultnfl commissioner roger goodell requires him to keep going to counseling , other treatmentminnesota vikings , 7-9 last season , say they look forward to him rejoining the team']\n", + "( cnn ) minnesota vikings running back adrian peterson will be reinstated as an active player by the nfl on friday , the league said .the nfl suspended the 30-year-old football star in november over allegations that last may he disciplined his son , who was 4 at the time , too harshly with a \" switch , \" or thin stick .also required of peterson : avoiding \" any further conduct that violates the ( nfl 's ) personal conduct policy or other nfl policies . \"\n", + "adrian peterson had been suspended after pleading guilty to misdemeanor reckless assaultnfl commissioner roger goodell requires him to keep going to counseling , other treatmentminnesota vikings , 7-9 last season , say they look forward to him rejoining the team\n", + "[1.4232061 1.3345397 1.1059304 1.0854951 1.1481318 1.1090472 1.1109403\n", + " 1.0335299 1.0259361 1.1207187 1.0485284 1.0341597 1.0773861 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 0 1 4 9 6 5 2 3 12 10 11 7 8 19 13 14 15 16 17 18 20]\n", + "=======================\n", + "['( cnn ) when isis overran their villages near mosul in august 2014 , a small group of assyrians , a middle eastern minority with a history reaching back more than 4,000 years , picked up weapons and formed their own militia : dwekh nawsha -- \" the sacrificers . \"assyrians belong to the rapidly dwindling christian population of iraq -- recent estimates from capni , the largest christian relief organization in northern iraq put the number as low as 300,000 compared with 1.5 million 20 years ago -- and many among them see the fight with isis as a final battle for survival against the islamists . \"the exodus of christians from iraq started prior to isis -- and the civil war in the mid-2000s took an especially heavy toll .']\n", + "=======================\n", + "['assyrians are an ancient middle eastern minority -- they are part of the rapidly dwindling christian population of iraqafter isis overran their villages , some assyrians formed a militia to fight for survival against the terror group']\n", + "( cnn ) when isis overran their villages near mosul in august 2014 , a small group of assyrians , a middle eastern minority with a history reaching back more than 4,000 years , picked up weapons and formed their own militia : dwekh nawsha -- \" the sacrificers . \"assyrians belong to the rapidly dwindling christian population of iraq -- recent estimates from capni , the largest christian relief organization in northern iraq put the number as low as 300,000 compared with 1.5 million 20 years ago -- and many among them see the fight with isis as a final battle for survival against the islamists . \"the exodus of christians from iraq started prior to isis -- and the civil war in the mid-2000s took an especially heavy toll .\n", + "assyrians are an ancient middle eastern minority -- they are part of the rapidly dwindling christian population of iraqafter isis overran their villages , some assyrians formed a militia to fight for survival against the terror group\n", + "[1.3149978 1.3298677 1.228764 1.2704002 1.2592688 1.0920922 1.0846678\n", + " 1.1104196 1.091864 1.0847716 1.0555854 1.1268386 1.0915804 1.0945579\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 0 3 4 2 11 7 13 5 8 12 9 6 10 14 15 16 17 18 19 20]\n", + "=======================\n", + "['prosecutors say the driver with a concealed carry permit shot a 22-year-old man who opened fire on a group of pedestrians in logan square .an uber driver who was credited with stopping a potential mass shooting in chicago at the weekend by pulling out his own personal firearm and shooting the would-be gunman will not face any charges for his actions , a court has decided .the driver - a 47-year-old man from the little italy neighborhood - then grabbed his own weapon and fired six rounds at custodio , striking him multiple times .']\n", + "=======================\n", + "['everado custodio , 22 , allegedly opened fire at a crowd in logan square , chicago , about 11.50 pm friday nighthappened in front of uber driver , 47 , who pulled out his personal firearm and shot custodio several times in the legs and lower backthere were no other injuriesinvestigation determined the driver will not face an charges because he acted in self defense and the defense of others']\n", + "prosecutors say the driver with a concealed carry permit shot a 22-year-old man who opened fire on a group of pedestrians in logan square .an uber driver who was credited with stopping a potential mass shooting in chicago at the weekend by pulling out his own personal firearm and shooting the would-be gunman will not face any charges for his actions , a court has decided .the driver - a 47-year-old man from the little italy neighborhood - then grabbed his own weapon and fired six rounds at custodio , striking him multiple times .\n", + "everado custodio , 22 , allegedly opened fire at a crowd in logan square , chicago , about 11.50 pm friday nighthappened in front of uber driver , 47 , who pulled out his personal firearm and shot custodio several times in the legs and lower backthere were no other injuriesinvestigation determined the driver will not face an charges because he acted in self defense and the defense of others\n", + "[1.3292711 1.4952209 1.2152201 1.3354428 1.0424845 1.0338855 1.150594\n", + " 1.0639528 1.0452075 1.0217831 1.0300913 1.093543 0. 0.\n", + " 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 3 0 2 6 11 7 8 4 5 10 9 12 13 14 15 16 17 18 19]\n", + "=======================\n", + "[\"in a book stéphane charbonnier , known as charb , finished just two days before being murdered by jihadist gunmen he argued that left-leaning intellectuals who denounced the cartoons in the satirical magazine were ` ridiculous demagogues ' for doing so .the slain editor of charlie hebdo has slammed his left-wing critics from beyond the grave for criticising publication of drawings of mohammad .in the short book , extracts of which are to be published today in weekly magazine l'obs , he writes : ` the suggestion that you can laugh at everything , except certain aspects of islam , because muslims are much more susceptible than the rest of the population , what is that , if not discrimination ?\"]\n", + "=======================\n", + "[\"stéphane charbonnier finished a book just two days before he was killedthe book blames the media for helping popularise the term ` islamophobia 'extracts from it are being published today in weekly magazine l'obs\"]\n", + "in a book stéphane charbonnier , known as charb , finished just two days before being murdered by jihadist gunmen he argued that left-leaning intellectuals who denounced the cartoons in the satirical magazine were ` ridiculous demagogues ' for doing so .the slain editor of charlie hebdo has slammed his left-wing critics from beyond the grave for criticising publication of drawings of mohammad .in the short book , extracts of which are to be published today in weekly magazine l'obs , he writes : ` the suggestion that you can laugh at everything , except certain aspects of islam , because muslims are much more susceptible than the rest of the population , what is that , if not discrimination ?\n", + "stéphane charbonnier finished a book just two days before he was killedthe book blames the media for helping popularise the term ` islamophobia 'extracts from it are being published today in weekly magazine l'obs\n", + "[1.2303863 1.4667803 1.1963676 1.2591003 1.3242071 1.2731694 1.0947833\n", + " 1.1148701 1.0672593 1.0578474 1.0197523 1.021701 1.0331683 1.0199265\n", + " 1.1117194 1.1030182 1.1520407 1.0479673 1.0129535 1.0110005]\n", + "\n", + "[ 1 4 5 3 0 2 16 7 14 15 6 8 9 17 12 11 13 10 18 19]\n", + "=======================\n", + "[\"richard ilczyszyn , a leading financial broker , could be heard ` groaning ' and ` crying ' by staff on the orange county-bound plane as it prepared to land .distraught : kelly ilczyszyn claims her husband richard ( pictured together with their daughter sydney ) could have survived his heart attack on a southwest flight if attendants sought medical attention rather than policebut rather than seeking medical help , the attendants allegedly left the father-of-three in the cubicle and , on landing , letting off all other passengers before calling paramedics .\"]\n", + "=======================\n", + "[\"richard ilczyszyn , 46 , died on board a southwest flight of a heart attackflight attendants ` heard him groaning and crying in the cubicle 'one staffer ` opened the door , saw him whimpering , and left him there 'his widow , a southwest flight attendant , is suing the firm for wrongful deaththe airline says staff are trained to treat behavior like his as a security risk\"]\n", + "richard ilczyszyn , a leading financial broker , could be heard ` groaning ' and ` crying ' by staff on the orange county-bound plane as it prepared to land .distraught : kelly ilczyszyn claims her husband richard ( pictured together with their daughter sydney ) could have survived his heart attack on a southwest flight if attendants sought medical attention rather than policebut rather than seeking medical help , the attendants allegedly left the father-of-three in the cubicle and , on landing , letting off all other passengers before calling paramedics .\n", + "richard ilczyszyn , 46 , died on board a southwest flight of a heart attackflight attendants ` heard him groaning and crying in the cubicle 'one staffer ` opened the door , saw him whimpering , and left him there 'his widow , a southwest flight attendant , is suing the firm for wrongful deaththe airline says staff are trained to treat behavior like his as a security risk\n", + "[1.6426682 1.0365856 1.0822533 1.0487452 1.1833646 1.0483903 1.1429683\n", + " 1.1585588 1.0517428 1.0752716 1.0622197 1.1042321 1.0304035 1.0483804\n", + " 1.0624506 1.0492809 0. 0. 0. 0. ]\n", + "\n", + "[ 0 4 7 6 11 2 9 14 10 8 15 3 5 13 1 12 18 16 17 19]\n", + "=======================\n", + "['( cnn ) c-span \\'s live telecast of the white house correspondents \\' association dinner on saturday night , hosted by cecily strong of \" saturday night live , \" was not strong \\'s finest hour , though the entire affair seemed like five of c-span \\'s longest hours .more than 2,000 credentialed white house journalists and their mostly celebrity guests convened for the occasion .obama , as in past years , came out strong -- a tough act to follow for any comedian .']\n", + "=======================\n", + "['david bianculli : correspondents \\' dinner , and cecily strong as host , were mostly weak , but obama had some funny zingershe says \" anger translator \" bit was funny , but crowd was tough on strong as event went on and on']\n", + "( cnn ) c-span 's live telecast of the white house correspondents ' association dinner on saturday night , hosted by cecily strong of \" saturday night live , \" was not strong 's finest hour , though the entire affair seemed like five of c-span 's longest hours .more than 2,000 credentialed white house journalists and their mostly celebrity guests convened for the occasion .obama , as in past years , came out strong -- a tough act to follow for any comedian .\n", + "david bianculli : correspondents ' dinner , and cecily strong as host , were mostly weak , but obama had some funny zingershe says \" anger translator \" bit was funny , but crowd was tough on strong as event went on and on\n", + "[1.1035824 1.2753996 1.3328526 1.3323507 1.2965387 1.2190726 1.1001029\n", + " 1.0185838 1.0377603 1.0140232 1.1816623 1.1298575 1.1409132 1.0745701\n", + " 1.0545031 1.1204978 1.0611738 0. 0. 0. ]\n", + "\n", + "[ 2 3 4 1 5 10 12 11 15 0 6 13 16 14 8 7 9 17 18 19]\n", + "=======================\n", + "[\"to counteract even the slightest shifts in gravitational pull , experts must build the jet on ` floating ' concrete rafts that move in sync with the moon .the typhoon ( pictured ) is powered by two eurojet ej200 engines .it is 49ft ( 15 metres ) long from tip to tip and the material is ` no more than the thickness of a match stick . '\"]\n", + "=======================\n", + "[\"to counteract shifts in gravitational pull , engineers build typhoon on ` floating ' concrete rafts with laser trackers and computer-automated jacksthis # 2.5 million system means the jet is accurately alignedelsewhere , the jet fighter can reach supersonic speeds in 30 secondsand the typhoon helmet lets pilots ` see ' through the bottom of the jet\"]\n", + "to counteract even the slightest shifts in gravitational pull , experts must build the jet on ` floating ' concrete rafts that move in sync with the moon .the typhoon ( pictured ) is powered by two eurojet ej200 engines .it is 49ft ( 15 metres ) long from tip to tip and the material is ` no more than the thickness of a match stick . '\n", + "to counteract shifts in gravitational pull , engineers build typhoon on ` floating ' concrete rafts with laser trackers and computer-automated jacksthis # 2.5 million system means the jet is accurately alignedelsewhere , the jet fighter can reach supersonic speeds in 30 secondsand the typhoon helmet lets pilots ` see ' through the bottom of the jet\n", + "[1.2968462 1.3538649 1.3433652 1.1168356 1.1364785 1.095021 1.069604\n", + " 1.065443 1.0920278 1.0587441 1.064752 1.0745009 1.0392809 1.0762143\n", + " 1.0252312 1.092645 1.0221674 1.0374854 1.039985 0. ]\n", + "\n", + "[ 1 2 0 4 3 5 15 8 13 11 6 7 10 9 18 12 17 14 16 19]\n", + "=======================\n", + "['protesters rallied in baltimore late tuesday , the same day police released the names of the officers involved in the arrest of freddie gray .gray died of a spinal injury sunday , exactly one week after he was taken into custody .( cnn ) chanting \" no justice !']\n", + "=======================\n", + "['\" we have the power and ... today shows we have the numbers , \" says a protesterthe justice department is looking into whether a civil rights violation occurredautopsy results on gray show that he died from a severe injury to his spinal cord']\n", + "protesters rallied in baltimore late tuesday , the same day police released the names of the officers involved in the arrest of freddie gray .gray died of a spinal injury sunday , exactly one week after he was taken into custody .( cnn ) chanting \" no justice !\n", + "\" we have the power and ... today shows we have the numbers , \" says a protesterthe justice department is looking into whether a civil rights violation occurredautopsy results on gray show that he died from a severe injury to his spinal cord\n", + "[1.312009 1.191967 1.3485358 1.3140398 1.14706 1.2334542 1.1538546\n", + " 1.2648838 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 2 3 0 7 5 1 6 4 15 14 13 12 8 10 9 16 11 17]\n", + "=======================\n", + "[\"manchester city , chelsea , real madrid , paris st germain and bayern munich are all among sterling 's admirers with offers of up to # 50million expected to be made in the coming weeks .juventus are monitoring liverpool wideman raheem sterling as the serie a side look to strengthenjuventus monitoring raheem sterling 's situation at liverpool .\"]\n", + "=======================\n", + "[\"juventus are interested in liverpool forward raheem sterlingthe italian champions are also taking calls for star man paul pogbajuventus want at least # 55million for the former man united midfielderread : liverpool launch bid to rival man utd for psv 's memphis depayread : liverpool set for summer overhaul with ten kop stars on way out\"]\n", + "manchester city , chelsea , real madrid , paris st germain and bayern munich are all among sterling 's admirers with offers of up to # 50million expected to be made in the coming weeks .juventus are monitoring liverpool wideman raheem sterling as the serie a side look to strengthenjuventus monitoring raheem sterling 's situation at liverpool .\n", + "juventus are interested in liverpool forward raheem sterlingthe italian champions are also taking calls for star man paul pogbajuventus want at least # 55million for the former man united midfielderread : liverpool launch bid to rival man utd for psv 's memphis depayread : liverpool set for summer overhaul with ten kop stars on way out\n", + "[1.2565384 1.2593488 1.0574027 1.1728915 1.170824 1.3766766 1.1878577\n", + " 1.1135445 1.1173896 1.0303683 1.0852236 0. 0. 0.\n", + " 0. 0. 0. 0. ]\n", + "\n", + "[ 5 1 0 6 3 4 8 7 10 2 9 16 11 12 13 14 15 17]\n", + "=======================\n", + "[\"deion sanders ( left ) called out his son deion sanders jr. ( right ) when he wrote about needing ` hood doughnuts almost every morning 'sanders jr. seems to benefit from his dad 's reported $ 40million worth , and enjoys showing off his luxury clothing items ( above ) on his social media accountsthen , seeing this tweet , dad deion sanders decided to have a little fun with his son , and give him a piece of his mind , writing back ; ` you 're a huxtable with a million $ trust fund stop the hood stuff !\"]\n", + "=======================\n", + "[\"deion sanders called out his son deion sanders jr. when he wrote about needing ` hood doughnuts almost every morning '` you 're a huxtable with a million $ trust fund stop the hood stuff ! 'sanders later confirmed the entire thing was just a joke between father and sonthe former football and baseball star and current analyst is said to be worth around $ 40milliona huxtable is a phrase used by some to refer to upper class black people , in reference to the huxtable family from the cosby show\"]\n", + "deion sanders ( left ) called out his son deion sanders jr. ( right ) when he wrote about needing ` hood doughnuts almost every morning 'sanders jr. seems to benefit from his dad 's reported $ 40million worth , and enjoys showing off his luxury clothing items ( above ) on his social media accountsthen , seeing this tweet , dad deion sanders decided to have a little fun with his son , and give him a piece of his mind , writing back ; ` you 're a huxtable with a million $ trust fund stop the hood stuff !\n", + "deion sanders called out his son deion sanders jr. when he wrote about needing ` hood doughnuts almost every morning '` you 're a huxtable with a million $ trust fund stop the hood stuff ! 'sanders later confirmed the entire thing was just a joke between father and sonthe former football and baseball star and current analyst is said to be worth around $ 40milliona huxtable is a phrase used by some to refer to upper class black people , in reference to the huxtable family from the cosby show\n", + "[1.2206457 1.3871784 1.3504784 1.3391429 1.1304758 1.1093097 1.088228\n", + " 1.142591 1.1108586 1.0771657 1.0926797 1.0497538 1.0232577 1.0333301\n", + " 1.0350561 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 7 4 8 5 10 6 9 11 14 13 12 16 15 17]\n", + "=======================\n", + "[\"in a case which could have huge financial consequences for the nhs , julie ronayne was awarded # 160,000 after she was left ` looking like michelin man ' following the bungled hysterectomy in 2008 .a husband was left so traumatised by his wife 's botched surgery that he was awarded thousands of pounds in compensation for nervous shock , despite his wife already being given a hefty payout .the severe swelling had been caused by a dangerous infection known as peritonitis , which the woman had contracted during the surgery at liverpool women 's hospital .\"]\n", + "=======================\n", + "[\"julie ronayne was given # 160,000 after a botched hysterectomy in 2008she contracted peritonitis following surgery at liverpool women 's hospitalhusband edward was given # 9,000 for ` shock ' and being ` secondary victim 'nhs fighting payout , fearing it could open the floodgates to similar claims\"]\n", + "in a case which could have huge financial consequences for the nhs , julie ronayne was awarded # 160,000 after she was left ` looking like michelin man ' following the bungled hysterectomy in 2008 .a husband was left so traumatised by his wife 's botched surgery that he was awarded thousands of pounds in compensation for nervous shock , despite his wife already being given a hefty payout .the severe swelling had been caused by a dangerous infection known as peritonitis , which the woman had contracted during the surgery at liverpool women 's hospital .\n", + "julie ronayne was given # 160,000 after a botched hysterectomy in 2008she contracted peritonitis following surgery at liverpool women 's hospitalhusband edward was given # 9,000 for ` shock ' and being ` secondary victim 'nhs fighting payout , fearing it could open the floodgates to similar claims\n", + "[1.1642488 1.4196324 1.4051615 1.3011744 1.2647212 1.2101759 1.0372379\n", + " 1.1868591 1.0246313 1.0126255 1.0175632 1.119503 1.0921859 1.119014\n", + " 1.021738 1.0176222 1.0616931 1.0582232]\n", + "\n", + "[ 1 2 3 4 5 7 0 11 13 12 16 17 6 8 14 15 10 9]\n", + "=======================\n", + "[\"a savannah baby and a baby in atlanta has been awarded $ 1,529 for college expenses as part of a state sweepstake draw before even turning 10-hours-old .the savannah morning news reports levi jarrett millspaugh was born at 2:38 a.m. wednesday , making him this year 's first tax day baby at memorial university medical center .the donation , made by path2college 529 plan , is given to the first child born each year on tax day at memorial .\"]\n", + "=======================\n", + "[\"savannah baby levi jarrett millspaugh is this year 's first tax day baby at memorial university medical centerthe other lucky winner was a baby named johnathan from atlantathe babies were awarded $ 1,529 for college expenses , a donation made by path2college 529 plan\"]\n", + "a savannah baby and a baby in atlanta has been awarded $ 1,529 for college expenses as part of a state sweepstake draw before even turning 10-hours-old .the savannah morning news reports levi jarrett millspaugh was born at 2:38 a.m. wednesday , making him this year 's first tax day baby at memorial university medical center .the donation , made by path2college 529 plan , is given to the first child born each year on tax day at memorial .\n", + "savannah baby levi jarrett millspaugh is this year 's first tax day baby at memorial university medical centerthe other lucky winner was a baby named johnathan from atlantathe babies were awarded $ 1,529 for college expenses , a donation made by path2college 529 plan\n", + "[1.358604 1.1610624 1.2701213 1.1578631 1.1421273 1.1781776 1.1628264\n", + " 1.0832227 1.1728585 1.1060357 1.0513698 1.0362321 1.0400236 1.040877\n", + " 1.0144365 1.0617868 0. 0. ]\n", + "\n", + "[ 0 2 5 8 6 1 3 4 9 7 15 10 13 12 11 14 16 17]\n", + "=======================\n", + "[\"garissa , kenya ( cnn ) days after a horrific al-shabaab attack on its soil , kenya launched airstrikes targeting the terror group in somalia , according to a military source , who insisted the strikes were not retribution for last week 's massacre at garissa university college that killed nearly 150 people .it is not a retaliation to the garissa attack .the kenyan military began its bombing raids sunday afternoon , targeting the al-shabaab stronghold of godon dhawe , somali resident ibrahim mohammed said .\"]\n", + "=======================\n", + "['\" we did everything that we could do , \" kenya \\'s foreign minister saysdespite intelligence , rapid response team stuck in nairobi for hours after massacre , official saysal-shabaab \\'s mohamed mohamud \" has a lot of grudges against the kenyans , \" expert says']\n", + "garissa , kenya ( cnn ) days after a horrific al-shabaab attack on its soil , kenya launched airstrikes targeting the terror group in somalia , according to a military source , who insisted the strikes were not retribution for last week 's massacre at garissa university college that killed nearly 150 people .it is not a retaliation to the garissa attack .the kenyan military began its bombing raids sunday afternoon , targeting the al-shabaab stronghold of godon dhawe , somali resident ibrahim mohammed said .\n", + "\" we did everything that we could do , \" kenya 's foreign minister saysdespite intelligence , rapid response team stuck in nairobi for hours after massacre , official saysal-shabaab 's mohamed mohamud \" has a lot of grudges against the kenyans , \" expert says\n", + "[1.0347301 1.0589116 1.0565251 1.0604041 1.0593365 1.1414175 1.2324595\n", + " 1.1813304 1.1460841 1.097788 1.0818259 1.0556953 1.0270183 1.0332654\n", + " 1.0852712 1.0587367 1.046942 1.039421 1.0856082 1.0597007 1.0924547\n", + " 1.0764418 1.035345 ]\n", + "\n", + "[ 6 7 8 5 9 20 18 14 10 21 3 19 4 1 15 2 11 16 17 22 0 13 12]\n", + "=======================\n", + "[\"it can be quite subtle , but in men the ring finger ( measured from the crease where it joins the hand ) is likely to be longer than the index finger .in women the two fingers are typically the same length .strangely enough , your hands give clues to what is sometimes called ` brain sex ' -- the way your brain reflects your gender .\"]\n", + "=======================\n", + "[\"a person 's brain often reflects their gender .why are some skills or characteristics considered male or female-specific ?documentary examines if gender-specific traits are due to biology ( occuring from birth ) or develop as a result of environmentthe film examines different theories and studies about gender and the brainstudy says fingers can indicate how much testosterone is in a person 's bodyis your brain male or female ?\"]\n", + "it can be quite subtle , but in men the ring finger ( measured from the crease where it joins the hand ) is likely to be longer than the index finger .in women the two fingers are typically the same length .strangely enough , your hands give clues to what is sometimes called ` brain sex ' -- the way your brain reflects your gender .\n", + "a person 's brain often reflects their gender .why are some skills or characteristics considered male or female-specific ?documentary examines if gender-specific traits are due to biology ( occuring from birth ) or develop as a result of environmentthe film examines different theories and studies about gender and the brainstudy says fingers can indicate how much testosterone is in a person 's bodyis your brain male or female ?\n", + "[1.2999233 1.3872548 1.229161 1.243324 1.3497876 1.2303197 1.0589869\n", + " 1.0688063 1.205358 1.024291 1.0837808 1.0665767 1.031672 1.0398903\n", + " 1.0151507 1.0390644 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 4 0 3 5 2 8 10 7 11 6 13 15 12 9 14 21 16 17 18 19 20 22]\n", + "=======================\n", + "['kamron t. taylor , who has a history of escape attempts , fled from the jerome combs detention center in kankakee at about 3 a.m. .he was convicted of first-degree murder in february and faces a sentence of 45 years to life in prison .a man awaiting sentencing for murder escaped from a jail in eastern illinois wednesday after beating a guard into unconsciousness , taking his keys and uniform and speeding off in his suv .']\n", + "=======================\n", + "['kamron t. taylor was recently convicted of murderhe stole officers keys and uniform being fleeing the jail in officers vehicletaylor was awaiting sentencing when he escapedthe 23-year-old fugitive is wanted for aggravated battery to a correctional officer as well as escapea $ 1,000 cash reward is being offered for any informationauthorities say they have found a 15-year-old girl who they had thought to be in the company of the murderer']\n", + "kamron t. taylor , who has a history of escape attempts , fled from the jerome combs detention center in kankakee at about 3 a.m. .he was convicted of first-degree murder in february and faces a sentence of 45 years to life in prison .a man awaiting sentencing for murder escaped from a jail in eastern illinois wednesday after beating a guard into unconsciousness , taking his keys and uniform and speeding off in his suv .\n", + "kamron t. taylor was recently convicted of murderhe stole officers keys and uniform being fleeing the jail in officers vehicletaylor was awaiting sentencing when he escapedthe 23-year-old fugitive is wanted for aggravated battery to a correctional officer as well as escapea $ 1,000 cash reward is being offered for any informationauthorities say they have found a 15-year-old girl who they had thought to be in the company of the murderer\n", + "[1.215421 1.4694306 1.1459563 1.3762691 1.2957246 1.2297095 1.1742364\n", + " 1.0250697 1.0526558 1.0836133 1.1075813 1.0938573 1.0639154 1.0878482\n", + " 1.078004 1.0499736 1.0524963 1.0491611 1.038555 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 3 4 5 0 6 2 10 11 13 9 14 12 8 16 15 17 18 7 21 19 20 22]\n", + "=======================\n", + "['erica leeder , 26 , was charged with assaulting a police officer an altercation at rockingham police station , about 50 kilometres south of perth .she has two previous charges and could face a prison sentencewest australian police confirmed to daily mail australia the mother of three was arrested on march 25 when she was taken to the station on an outstanding warrant , reportedly during a strip search .']\n", + "=======================\n", + "['mother of three erica leeder allegedly squirted breast milk at a police officerthe 26-year-old was picked up on an outstanding arrest warrant on april 7was charged with assaulting a police officer and fronted court on tuesdayperth woman spent a week in jail before she was released on bail']\n", + "erica leeder , 26 , was charged with assaulting a police officer an altercation at rockingham police station , about 50 kilometres south of perth .she has two previous charges and could face a prison sentencewest australian police confirmed to daily mail australia the mother of three was arrested on march 25 when she was taken to the station on an outstanding warrant , reportedly during a strip search .\n", + "mother of three erica leeder allegedly squirted breast milk at a police officerthe 26-year-old was picked up on an outstanding arrest warrant on april 7was charged with assaulting a police officer and fronted court on tuesdayperth woman spent a week in jail before she was released on bail\n", + "[1.4314473 1.139058 1.2623004 1.273633 1.224299 1.2255514 1.1123165\n", + " 1.2010581 1.0392362 1.0227188 1.040325 1.0179257 1.1451461 1.0313423\n", + " 1.0808067 1.1382399 1.0451487 1.0169375 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 0 3 2 5 4 7 12 1 15 6 14 16 10 8 13 9 11 17 18 19 20 21 22]\n", + "=======================\n", + "[\"david rylance has been jailed for stealing more than # 50,000 from his dying mother , who was suffering from alzheimer 'sbut in reality her son david rylance , 47 , had been slowly siphoning the money away , spending it on luxuries for himself as well as everyday living costs .when pensioner margaret rylance realised her money appeared to be going missing from her bank account , her concerns were put down to her having alzheimer 's disease .\"]\n", + "=======================\n", + "[\"david rylance , 47 , stole thousands of pounds from his own dying motherdying pensioner margaret rylance was suffering from alzheimer 's diseaseshe noticed money was missing but concerns were put down to conditionher son was jailed for two years and three months for stealing # 52,000\"]\n", + "david rylance has been jailed for stealing more than # 50,000 from his dying mother , who was suffering from alzheimer 'sbut in reality her son david rylance , 47 , had been slowly siphoning the money away , spending it on luxuries for himself as well as everyday living costs .when pensioner margaret rylance realised her money appeared to be going missing from her bank account , her concerns were put down to her having alzheimer 's disease .\n", + "david rylance , 47 , stole thousands of pounds from his own dying motherdying pensioner margaret rylance was suffering from alzheimer 's diseaseshe noticed money was missing but concerns were put down to conditionher son was jailed for two years and three months for stealing # 52,000\n", + "[1.0822786 1.545752 1.4636436 1.2113233 1.0882442 1.0463212 1.4636478\n", + " 1.0833086 1.0722189 1.0347954 1.0152453 1.0107478 1.0119117 1.0358555\n", + " 1.0126894 1.0086535 0. 0. 0. 0. 0.\n", + " 0. 0. ]\n", + "\n", + "[ 1 6 2 3 4 7 0 8 5 13 9 10 14 12 11 15 16 17 18 19 20 21 22]\n", + "=======================\n", + "['in sergio aguero they boast the joint leading scorer in the barclays premier league .sergio aguero slotted manchester city into a two goal lead after a fine flowing counter attack by the home side against west hamand in david silva and jesus navas , not to mention a seemingly revitalised yaya toure , they had players far too accomplished for the quality of this opposition .']\n", + "=======================\n", + "[\"the home side were gifted the lead after james collins sliced a cross over adrian for an astonishing own goala devastating counter-attacking goal was swept in by sergio aguero for his 20th league goal of the seasonthe victory moved manuel pellegrini 's side back to within one point of manchester united in third in the leagueclick here for the player ratings from the etihad stadium after jesus navas steals the show\"]\n", + "in sergio aguero they boast the joint leading scorer in the barclays premier league .sergio aguero slotted manchester city into a two goal lead after a fine flowing counter attack by the home side against west hamand in david silva and jesus navas , not to mention a seemingly revitalised yaya toure , they had players far too accomplished for the quality of this opposition .\n", + "the home side were gifted the lead after james collins sliced a cross over adrian for an astonishing own goala devastating counter-attacking goal was swept in by sergio aguero for his 20th league goal of the seasonthe victory moved manuel pellegrini 's side back to within one point of manchester united in third in the leagueclick here for the player ratings from the etihad stadium after jesus navas steals the show\n", + "[1.035263 1.0925529 1.5640173 1.267174 1.1889471 1.1649143 1.1359643\n", + " 1.2159519 1.1554695 1.3610244 1.0709001 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 2 9 3 7 4 5 8 6 1 10 0 11 12 13 14 15 16 17 18 19 20]\n", + "=======================\n", + "[\"kristina patrick from alaska filmed her german shepherd pakak performing a very skillful trick .video footage shows the pup lying on her back with a tennis ball neatly clutched between her front paws .pakak 's owner says she loves playing with balls .\"]\n", + "=======================\n", + "['kristina patrick from alaska filmed her german shepherd pakak performing a very skillful trickfootage shows the pup taking the ball from her mouth with her paws and holding it up high in the air to admire itshe then carefully lowers it back down to the starting point']\n", + "kristina patrick from alaska filmed her german shepherd pakak performing a very skillful trick .video footage shows the pup lying on her back with a tennis ball neatly clutched between her front paws .pakak 's owner says she loves playing with balls .\n", + "kristina patrick from alaska filmed her german shepherd pakak performing a very skillful trickfootage shows the pup taking the ball from her mouth with her paws and holding it up high in the air to admire itshe then carefully lowers it back down to the starting point\n", + "[1.2794874 1.3795376 1.1996007 1.2451718 1.245952 1.1252341 1.1199687\n", + " 1.0670881 1.0405393 1.1039643 1.1359677 1.0386096 1.0649215 1.0561455\n", + " 1.0214891 1.0115899 1.0166129 1.0476801 0. 0. 0. ]\n", + "\n", + "[ 1 0 4 3 2 10 5 6 9 7 12 13 17 8 11 14 16 15 19 18 20]\n", + "=======================\n", + "[\"steve esmond , his teenage sons and the teens ' mother fell ill more than two weeks ago in st. john , where they were renting a villa at the sirenusa resort .( cnn ) a delaware father is in stable condition and improving as his two boys remain in critical condition after they became sick -- perhaps from pesticide exposure , federal officials say -- during a trip to the u.s. virgin islands .the family has confidence in their medical professionals and is hopeful for a full recovery , according to a statement released monday from the family 's attorney , james maron .\"]\n", + "=======================\n", + "[\"chemical damages ozone and is being phased out , though it 's used in strawberry fields , epa saysa delaware family becomes ill at a resort in the u.s. virgin islandspreliminary epa results find methyl bromide was present in the unit where they stayed\"]\n", + "steve esmond , his teenage sons and the teens ' mother fell ill more than two weeks ago in st. john , where they were renting a villa at the sirenusa resort .( cnn ) a delaware father is in stable condition and improving as his two boys remain in critical condition after they became sick -- perhaps from pesticide exposure , federal officials say -- during a trip to the u.s. virgin islands .the family has confidence in their medical professionals and is hopeful for a full recovery , according to a statement released monday from the family 's attorney , james maron .\n", + "chemical damages ozone and is being phased out , though it 's used in strawberry fields , epa saysa delaware family becomes ill at a resort in the u.s. virgin islandspreliminary epa results find methyl bromide was present in the unit where they stayed\n", + "[1.0681337 1.2822615 1.2514595 1.2375147 1.1455724 1.0837892 1.0952933\n", + " 1.0988461 1.0828239 1.0881733 1.0460519 1.1213367 1.03225 1.0149841\n", + " 1.0777612 1.0512314 1.0163078 1.0499492 1.0402709 1.0119573 1.0148479]\n", + "\n", + "[ 1 2 3 4 11 7 6 9 5 8 14 0 15 17 10 18 12 16 13 20 19]\n", + "=======================\n", + "['these are only two of the 100 challenges chinese-born , american-based jia jiang put himself up to when he decided to blog about \" 100 days of rejection \" , a project he launched after he quit his comfortable six-figure job to follow his dreams of being an entrepreneur at the age of 30 , just weeks before his first child was born .after his tech start-up was declined investment , jiang decided to confront his fear of rejection head-on .this led to his writing his book called rejection proof , part self-help and part motivational/autobiography , which is being released this week .']\n", + "=======================\n", + "['one man \\'s entrepreneurial quest turned into unexpected success\" 100 days of rejection \" took jiang out of his comfort zoneit \\'s the fear of rejection , more than rejection itself , which holds us back']\n", + "these are only two of the 100 challenges chinese-born , american-based jia jiang put himself up to when he decided to blog about \" 100 days of rejection \" , a project he launched after he quit his comfortable six-figure job to follow his dreams of being an entrepreneur at the age of 30 , just weeks before his first child was born .after his tech start-up was declined investment , jiang decided to confront his fear of rejection head-on .this led to his writing his book called rejection proof , part self-help and part motivational/autobiography , which is being released this week .\n", + "one man 's entrepreneurial quest turned into unexpected success\" 100 days of rejection \" took jiang out of his comfort zoneit 's the fear of rejection , more than rejection itself , which holds us back\n", + "[1.2405896 1.3887632 1.3476088 1.3191266 1.2197607 1.0892402 1.0901191\n", + " 1.065546 1.0296253 1.0295341 1.165595 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. ]\n", + "\n", + "[ 1 2 3 0 4 10 6 5 7 8 9 19 11 12 13 14 15 16 17 18 20]\n", + "=======================\n", + "[\"left-wing , buenos aires-based tectonica is responsible for the websites of more than 200 labour parliamentary candidates , including senior figures such as shadow foreign secretary and election chief douglas alexander and shadow defence minister vernon coaker , who oversee the party 's policy on the falklands .ed miliband is paying an argentinian company which has attacked ` vulture ' american bankers to help him become prime ministertory mps last night claimed labour 's argentinian link was an ` embarrassment ' for miliband .\"]\n", + "=======================\n", + "[\"tectonica responsible for websites of more than 200 labour candidatesthe argentinian link is an 'em barrassment ' for miliband , tories claimed\"]\n", + "left-wing , buenos aires-based tectonica is responsible for the websites of more than 200 labour parliamentary candidates , including senior figures such as shadow foreign secretary and election chief douglas alexander and shadow defence minister vernon coaker , who oversee the party 's policy on the falklands .ed miliband is paying an argentinian company which has attacked ` vulture ' american bankers to help him become prime ministertory mps last night claimed labour 's argentinian link was an ` embarrassment ' for miliband .\n", + "tectonica responsible for websites of more than 200 labour candidatesthe argentinian link is an 'em barrassment ' for miliband , tories claimed\n" + ] + } + ], + "source": [ + "import numpy as np\n", + "prediction = []\n", + "for i in range(len(test_dataset)):\n", + " sent_scores = prediction_list[i]\n", + " print(sent_scores)\n", + " temp_pred, temp_target = get_pred(test_dataset[i], sent_scores)\n", + " prediction.extend(temp_pred)\n", + " print(temp_pred[0])\n", + " print(temp_target[0])" + ] + }, + { + "cell_type": "code", + "execution_count": 237, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "11489\n", + "11489\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-12-20 06:21:12,847 [MainThread ] [INFO ] Writing summaries.\n", + "I1220 06:21:12.847082 140392325338944 pyrouge.py:525] Writing summaries.\n", + "2019-12-20 06:21:12,848 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpyuoedfgj/system and model files to ./results/tmpyuoedfgj/model.\n", + "I1220 06:21:12.848933 140392325338944 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpyuoedfgj/system and model files to ./results/tmpyuoedfgj/model.\n", + "2019-12-20 06:21:12,849 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-20-06-21-11/candidate/.\n", + "I1220 06:21:12.849878 140392325338944 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-20-06-21-11/candidate/.\n", + "2019-12-20 06:21:13,939 [MainThread ] [INFO ] Saved processed files to ./results/tmpyuoedfgj/system.\n", + "I1220 06:21:13.939141 140392325338944 pyrouge.py:53] Saved processed files to ./results/tmpyuoedfgj/system.\n", + "2019-12-20 06:21:13,941 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-20-06-21-11/reference/.\n", + "I1220 06:21:13.941029 140392325338944 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-20-06-21-11/reference/.\n", + "2019-12-20 06:21:15,025 [MainThread ] [INFO ] Saved processed files to ./results/tmpyuoedfgj/model.\n", + "I1220 06:21:15.025310 140392325338944 pyrouge.py:53] Saved processed files to ./results/tmpyuoedfgj/model.\n", + "2019-12-20 06:21:15,112 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp8sp02wte/rouge_conf.xml\n", + "I1220 06:21:15.112840 140392325338944 pyrouge.py:354] Written ROUGE configuration to ./results/tmp8sp02wte/rouge_conf.xml\n", + "2019-12-20 06:21:15,114 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp8sp02wte/rouge_conf.xml\n", + "I1220 06:21:15.114081 140392325338944 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp8sp02wte/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.54208 (95%-conf.int. 0.53930 - 0.54484)\n", + "1 ROUGE-1 Average_P: 0.36866 (95%-conf.int. 0.36651 - 0.37103)\n", + "1 ROUGE-1 Average_F: 0.42466 (95%-conf.int. 0.42276 - 0.42672)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.24754 (95%-conf.int. 0.24499 - 0.25011)\n", + "1 ROUGE-2 Average_P: 0.16856 (95%-conf.int. 0.16669 - 0.17049)\n", + "1 ROUGE-2 Average_F: 0.19382 (95%-conf.int. 0.19190 - 0.19576)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.49419 (95%-conf.int. 0.49159 - 0.49685)\n", + "1 ROUGE-L Average_P: 0.33667 (95%-conf.int. 0.33456 - 0.33889)\n", + "1 ROUGE-L Average_F: 0.38754 (95%-conf.int. 0.38561 - 0.38960)\n", + "\n" + ] + } + ], + "source": [ + "rouge_transformer = get_rouge(prediction, target, \"./results/\")" + ] + }, + { + "cell_type": "code", + "execution_count": 200, + "metadata": {}, + "outputs": [ + { + "ename": "SyntaxError", + "evalue": "'continue' not properly in loop (, line 17)", + "output_type": "error", + "traceback": [ + "\u001b[0;36m File \u001b[0;32m\"\"\u001b[0;36m, line \u001b[0;32m17\u001b[0m\n\u001b[0;31m continue\u001b[0m\n\u001b[0m ^\u001b[0m\n\u001b[0;31mSyntaxError\u001b[0m\u001b[0;31m:\u001b[0m 'continue' not properly in loop\n" + ] + } + ], + "source": [] + }, { "cell_type": "code", "execution_count": 25, From cccd4ae462574befa912e987dd68ac249d6025fd Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 20 Dec 2019 21:31:40 +0000 Subject: [PATCH 082/167] rewrite the prediciton function --- .../transformers/extractive_summarization.py | 262 +++++++----------- 1 file changed, 104 insertions(+), 158 deletions(-) diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index 0453707d9..2cf119985 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -13,16 +13,16 @@ import torch import torch.nn as nn from torch.utils.data import Dataset, IterableDataset +from torch.utils.data import DataLoader, RandomSampler, SequentialSampler +from torch.utils.data.distributed import DistributedSampler from transformers import DistilBertModel, BertModel +from bertsum.models import model_builder, data_loader +from bertsum.models.data_loader import Batch, DataIterator +from bertsum.models.model_builder import Summarizer from utils_nlp.common.pytorch_utils import get_device from utils_nlp.models.transformers.common import MAX_SEQ_LEN, TOKENIZER_CLASS, Transformer - - -from bertsum.models import model_builder, data_loader -from bertsum.models.data_loader import DataIterator -from bertsum.models.model_builder import Summarizer from utils_nlp.dataset.sentence_selection import combination_selection, greedy_selection MODEL_CLASS = {"bert-base-uncased": BertModel, "distilbert-base-uncased": DistilBertModel} @@ -37,35 +37,6 @@ def __init__(self, adict): self.__dict__.update(adict) -def get_sequential_dataloader(dataset, is_labeled=False, batch_size=3000): - """ - Function to get sequential data iterator over a list of data objects. - Args: - dataset (list of objects): a list of data objects. - is_test (bool): it specifies whether the data objects are labeled data. - batch_size (int): number of tokens per batch. - - Returns: - DataIterator - """ - - return DataIterator(dataset, batch_size, is_labeled=is_labeled, shuffle=False, sort=False) - - -def get_cycled_dataset(train_dataset_generator): - """ - Function to get iterator over the dataset specified by train_iter. - It cycles through the dataset. - """ - cycle_iterator = itertools.cycle("123") - for _ in cycle_iterator: - for batch in train_dataset_generator(): - yield batch - - - - - def get_dataloader(data_iter, shuffle=True, is_labeled=False, batch_size=3000): """ Function to get data iterator over a list of data objects. @@ -147,17 +118,12 @@ def preprocess(self, src, tgt=None, oracle_ids=None): return src_subtoken_idxs, labels, segments_ids, cls_ids, src_txt, tgt_txt def get_dataset(file): - #if is_shuffle: - # random.shuffle(file_list) - #print(file_list) - #for file in file_list: yield torch.load(file) class ExmSumProcessedIterableDataset(IterableDataset): def __init__(self, file_list, is_shuffle=False): self.file_list = file_list - print(self.file_list) self.is_shuffle = is_shuffle def get_stream(self): @@ -184,15 +150,62 @@ def __len__(self): def __getitem__(self, idx): return self.data[idx] - + +def get_pred(example, sent_scores, cal_lead=False, sentence_seperator='', block_trigram=True, top_n=3): + def _get_ngrams(n, text): + ngram_set = set() + text_length = len(text) + max_index_ngram_start = text_length - n + for i in range(max_index_ngram_start + 1): + ngram_set.add(tuple(text[i : i + n])) + return ngram_set + + def _block_tri(c, p): + tri_c = _get_ngrams(3, c.split()) + for s in p: + tri_s = _get_ngrams(3, s.split()) + if len(tri_c.intersection(tri_s)) > 0: + return True + return False + + selected_ids = np.argsort(-sent_scores) + #selected_ids = np.argsort(-sent_scores, 1) + if cal_lead: + selected_ids = range(len(example['clss'])) + pred = [] + #target = [] + #for i, idx in enumerate(selected_ids): + _pred = [] + if len(example['src_txt']) == 0: + pred.append("") + for j in selected_ids[: len(example['src_txt'])]: + if j >= len(example['src_txt']): + continue + candidate = example['src_txt'][j].strip() + if block_trigram: + if not _block_tri(candidate, _pred): + _pred.append(candidate) + else: + _pred.append(candidate) + + # only select the top n + if len(_pred) == top_n: + break + + # _pred = ''.join(_pred) + _pred = sentence_seperator.join(_pred) + pred.append(_pred.strip()) + #target.append(example['tgt_txt']) + return pred #, target + class ExtSumProcessedData: @staticmethod def save_data(data_iter, is_test=False, save_path="./", chunk_size=None): os.makedirs(save_path, exist_ok=True) def chunks(iterable, chunk_size): - iterator = filter(None, iterable) # iter(iterable) + iterator = filter(None, iterable) for first in iterator: if chunk_size: yield itertools.chain([first], itertools.islice(iterator, chunk_size - 1)) @@ -224,7 +237,7 @@ def get_files(self, root): def splits(self, root): train_files, test_files = self.get_files(root) return ExmSumProcessedIterableDataset(train_files, is_shuffle=True), ExmSumProcessedDataset(test_files, is_shuffle=False) - # return get_cycled_dataset(get_dataset(train_files)), get_dataset(test_files) + class ExtSumProcessor: @@ -252,7 +265,7 @@ def __init__( } print(default_preprocessing_parameters) args = Bunch(default_preprocessing_parameters) - self.preprossor = TransformerSumData(args, self.tokenizer) + self.processor = TransformerSumData(args, self.tokenizer) @staticmethod def get_inputs(batch, model_name, train_mode=True): @@ -281,14 +294,12 @@ def get_inputs(batch, model_name, train_mode=True): def preprocess(self, sources, targets=None, oracle_mode="greedy", selections=3): """preprocess multiple data points""" - is_labeled = False if targets is None: for source in sources: yield self._preprocess_single(source, None, oracle_mode, selections) else: for (source, target) in zip(sources, targets): yield self._preprocess_single(source, target, oracle_mode, selections) - is_labeled = True def _preprocess_single(self, source, target=None, oracle_mode="greedy", selections=3): """preprocess single data point""" @@ -299,7 +310,7 @@ def _preprocess_single(self, source, target=None, oracle_mode="greedy", selectio elif oracle_mode == "combination": oracle_ids = combination_selection(source, target, selections) - b_data = self.preprossor.preprocess(source, target, oracle_ids) + b_data = self.processor.preprocess(source, target, oracle_ids) if b_data is None: return None indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data @@ -402,7 +413,7 @@ def move_batch_to_device(batch, device): def predict( self, - eval_dataloader, + test_dataset, num_gpus=1, batch_size=16, sentence_seperator="", @@ -411,68 +422,56 @@ def predict( verbose=True, cal_lead=False, ): - def _get_ngrams(n, text): - ngram_set = set() - text_length = len(text) - max_index_ngram_start = text_length - n - for i in range(max_index_ngram_start + 1): - ngram_set.add(tuple(text[i : i + n])) - return ngram_set - - def _block_tri(c, p): - tri_c = _get_ngrams(3, c.split()) - for s in p: - tri_s = _get_ngrams(3, s.split()) - if len(tri_c.intersection(tri_s)) > 0: - return True - return False - - def _get_pred(batch, sent_scores): - # return sent_scores - if cal_lead: - selected_ids = list(range(batch.clss.size(1))) * len(batch.clss) + + def collate_fn(dict_list): + # tuple_batch = [list(col) for col in zip(*[d.values() for d in dict_list] + if dict_list is None or len(dict_list) <= 0: + return None + is_labeled = False + if "labels" in dict_list[0]: + is_labeled = True + tuple_batch = [list(d.values()) for d in dict_list] + ## generate mask and mask_cls, and only select tensors for the model input + batch = Batch(tuple_batch, is_labeled=True) + if is_labeled: + return { + "src": batch.src, + "segs": batch.segs, + "clss": batch.clss, + "mask": batch.mask, + "mask_cls": batch.mask_cls, + "labels": batch.labels, + } else: - # negative_sent_score = [-i for i in sent_scores[0]] - selected_ids = np.argsort(-sent_scores, 1) - # selected_ids = np.sort(selected_ids,1) - pred = [] - for i, idx in enumerate(selected_ids): - _pred = [] - if len(batch.src_str[i]) == 0: - pred.append("") - continue - for j in selected_ids[i][: len(batch.src_str[i])]: - if j >= len(batch.src_str[i]): - continue - candidate = batch.src_str[i][j].strip() - if block_trigram: - if not _block_tri(candidate, _pred): - _pred.append(candidate) - else: - _pred.append(candidate) - - # only select the top 3 - if len(_pred) == top_n: - break - - # _pred = ''.join(_pred) - _pred = sentence_seperator.join(_pred) - pred.append(_pred.strip()) - return pred + return { + "src": batch.src, + "segs": batch.segs, + "clss": batch.clss, + "mask": batch.mask, + "mask_cls": batch.mask_cls, + } - sent_scores = summarizer.predict(test_dataloader) + test_sampler = SequentialSampler(test_dataset) + test_dataloader = DataLoader(test_dataset, sampler=test_sampler, batch_size=batch_size, collate_fn=collate_fn) + sent_scores = self.predict_scores(test_dataloader, num_gpus=num_gpus) + sent_scores_list = list(sent_scores) + scores_list = [] + for i in sent_scores_list: + scores_list.extend(i) + prediction = [] + for i in range(len(test_dataset)): + temp_pred = get_pred(test_dataset[i], scores_list[i]) + prediction.extend(temp_pred) + print(temp_pred[0]) + print(temp_target[0]) + return prediction def predict_scores( self, eval_dataloader, - num_gpus=1, - batch_size=16, - sentence_seperator="", - top_n=3, - block_trigram=True, + num_gpus=1, verbose=True, - cal_lead=False, ): device, num_gpus = get_device(num_gpus=num_gpus, local_rank=-1) @@ -489,13 +488,12 @@ def move_batch_to_device(batch, device): batch['clss'] = batch['clss'].to(device) batch['mask'] = batch['mask'].to(device) batch['mask_cls'] = batch['mask_cls'].to(device) - - if 'labels' in batch.keys(): + if 'labels' in batch: batch['labels'] = batch['labels'].to(device) return Bunch(batch) self.model.eval() - #pred = [] + for batch in eval_dataloader: batch = move_batch_to_device(batch, device) with torch.no_grad(): @@ -504,8 +502,7 @@ def move_batch_to_device(batch, device): sent_scores = outputs[0] sent_scores = sent_scores.detach().cpu().numpy() yield sent_scores - #pred.extend(_get_pred(batch, sent_scores)) - #return pred + def save_model(self, name): output_model_dir = os.path.join(self.cache_dir, "fine_tuned") @@ -516,55 +513,4 @@ def save_model(self, name): full_name = os.path.join(output_model_dir, name) logger.info("Saving model checkpoint to %s", full_name) torch.save(self.model, name) - -def _get_ngrams(n, text): - ngram_set = set() - text_length = len(text) - max_index_ngram_start = text_length - n - for i in range(max_index_ngram_start + 1): - ngram_set.add(tuple(text[i : i + n])) - return ngram_set - -def _block_tri(c, p): - tri_c = _get_ngrams(3, c.split()) - for s in p: - tri_s = _get_ngrams(3, s.split()) - if len(tri_c.intersection(tri_s)) > 0: - return True - return False - -def get_pred(batch, sent_scores, cal_lead=False, sentence_seperator='', block_trigram=True, top_n=3): - print(type(sent_scores)) - selected_ids = np.argsort(-sent_scores) - #selected_ids = np.argsort(-sent_scores, 1) - if cal_lead: - selected_ids = range(len(batch['clss'])) - pred = [] - target = [] - #for i, idx in enumerate(selected_ids): - _pred = [] - if len(batch['src_txt']) == 0: - pred.append("") - for j in selected_ids[: len(batch['src_txt'])]: - if j >= len(batch['src_txt']): - continue - candidate = batch['src_txt'][j].strip() - if block_trigram: - if not _block_tri(candidate, _pred): - _pred.append(candidate) - else: - _pred.append(candidate) - - # only select the top 3 - if len(_pred) == top_n: - break - - # _pred = ''.join(_pred) - _pred = sentence_seperator.join(_pred) - pred.append(_pred.strip()) - target.append(batch['tgt_txt']) - print("=======================") - print(pred) - print("=======================") - print(target) - return pred, target \ No newline at end of file + \ No newline at end of file From 6cb0cf027d55393ef226e6c8df399fdc59a91bb2 Mon Sep 17 00:00:00 2001 From: hlums Date: Fri, 20 Dec 2019 21:59:34 +0000 Subject: [PATCH 083/167] Add rouge packages --- tools/generate_conda_file.py | 2 ++ 1 file changed, 2 insertions(+) diff --git a/tools/generate_conda_file.py b/tools/generate_conda_file.py index 06d6291cf..ddc302159 100644 --- a/tools/generate_conda_file.py +++ b/tools/generate_conda_file.py @@ -86,6 +86,8 @@ "gensim": "gensim>=3.7.0", "nltk": "nltk>=3.4", "seqeval": "seqeval>=0.0.12", + "pyrouge": "pyrouge>=0.1.3", + "py-rouge": "py-rouge>=1.1", } PIP_GPU = {} From 11bcd302ceb1b4fcef2336f3168b6568ea9a466f Mon Sep 17 00:00:00 2001 From: hlums Date: Fri, 20 Dec 2019 22:01:20 +0000 Subject: [PATCH 084/167] Add docstring. --- utils_nlp/eval/compute_rouge.py | 43 ++++++++++++++++++++++++++++++--- 1 file changed, 39 insertions(+), 4 deletions(-) diff --git a/utils_nlp/eval/compute_rouge.py b/utils_nlp/eval/compute_rouge.py index 8eb7d2759..8aa53b970 100644 --- a/utils_nlp/eval/compute_rouge.py +++ b/utils_nlp/eval/compute_rouge.py @@ -8,6 +8,24 @@ def compute_rouge_perl(cand, ref, input_files=False): + """ + Computes ROUGE scores using the python wrapper + (https://github.com/bheinzerling/pyrouge) of perl ROUGE package. + + Args: + cand (list or string): If `input_files` is `False`, `cand` is a list of strings + containing predicted summaries. if `input_files` is `True`, `cand` is the path + to the file containing the predicted summaries. + ref (list or string): If `input_files` is `False`, `cand` is a list of strings + containing reference summaries. if `input_files` is `True`, `cand` is the path + to the file containing the reference summaries. + input_files (bool, optional): If True, inputs are file names. Otherwise, inputs are lists + of predicted and reference summaries. Defaults to False. + + Returns: + dict: Dictionary of ROUGE scores. + + """ temp_dir = tempfile.mkdtemp() @@ -25,10 +43,10 @@ def compute_rouge_perl(cand, ref, input_files=False): cnt = len(candidates) current_time = time.strftime("%Y-%m-%d-%H-%M-%S", time.localtime()) tmp_dir = os.path.join(temp_dir, "rouge-tmp-{}".format(current_time)) - if not os.path.isdir(tmp_dir): - os.mkdir(tmp_dir) - os.mkdir(tmp_dir + "/candidate") - os.mkdir(tmp_dir + "/reference") + + os.makedirs(tmp_dir + "/candidate", exist_ok=True) + os.makedirs(tmp_dir + "/reference", exist_ok=True) + try: for i in range(cnt): if len(references[i]) < 1: @@ -53,6 +71,23 @@ def compute_rouge_perl(cand, ref, input_files=False): def compute_rouge_python(cand, ref, input_files=False): + """ + Computes ROUGE scores using the python package (https://pypi.org/project/py-rouge/). + + Args: + cand (list or string): If `input_files` is `False`, `cand` is a list of strings + containing predicted summaries. if `input_files` is `True`, `cand` is the path + to the file containing the predicted summaries. + ref (list or string): If `input_files` is `False`, `cand` is a list of strings + containing reference summaries. if `input_files` is `True`, `cand` is the path + to the file containing the reference summaries. + input_files (bool, optional): If True, inputs are file names. Otherwise, inputs are lists of + predicted and reference summaries. Defaults to False. + + Returns: + dict: Dictionary of ROUGE scores. + + """ if input_files: candidates = [line.strip() for line in open(cand, encoding="utf-8")] references = [line.strip() for line in open(ref, encoding="utf-8")] From 8d5ae4fcdd3427068f22de956acacd9089e1f3ef Mon Sep 17 00:00:00 2001 From: hlums Date: Fri, 20 Dec 2019 22:02:24 +0000 Subject: [PATCH 085/167] Add tests for compute_rouge.py --- tests/unit/test_eval_compute_rouge.py | 145 ++++++++++++++++++++++++++ 1 file changed, 145 insertions(+) create mode 100644 tests/unit/test_eval_compute_rouge.py diff --git a/tests/unit/test_eval_compute_rouge.py b/tests/unit/test_eval_compute_rouge.py new file mode 100644 index 000000000..06c7343b0 --- /dev/null +++ b/tests/unit/test_eval_compute_rouge.py @@ -0,0 +1,145 @@ +import os +import pytest +from utils_nlp.eval.compute_rouge import compute_rouge_perl, compute_rouge_python + +ABS_TOL = 0.00001 + +R1R = 0.71429 +R1P = 0.77381 +R1F = 0.74176 +R2R = 0.44231 +R2P = 0.49231 +R2F = 0.46504 +RLR = 0.67857 +RLP = 0.73810 +RLF = 0.70605 + + +@pytest.fixture() +def rouge_test_data(): + ## First testing case: + # Unigrams in candidate: 14 + # Unigrams in reference: 14 + # Unigram overlapping: 10 + # Bigrams in candidate: 13 + # Bigrams in reference: 13 + # Bigram overlapping: 5 + # LCS: 6, 3 + # ROUGE-1 R: 10/14 = 0.71429 + # ROUGE-1 P: 10/14 = 0.71429 + # ROUGE-1 F: 2/(14/10 + 14/10) = 20/28 = 0.71429 + # ROUGE-2 R: 5/13 = 0.38462 + # ROUGE-2 P: 5/13 = 0.38462 + # ROUGE-2 F: 0.38462 + # ROUGE-L R: (6+3)/(9+5) = 0.64286 + # ROUGE-L P: 0.64286 + # ROUGE-L F: 0.64286 + + ## Second testing case: + # Unigrams in candidate: 6 + # Unigrams in reference: 7 + # Unigram overlapping: 5 + # Bigrams in candidate: 5 + # Bigrams in reference: 6 + # Bigram overlapping: 3 + # LCS: 5 + # ROUGE-1 R: 5/7 = 0.71429 + # ROUGE-1 P: 5/6 = 0.83333 + # ROUGE-1 F: 2/(7/5 + 6/5) = 10/13 = 0.76923 + # ROUGE-2 R: 3/6 = 0.5 + # ROUGE-2 P: 3/5 = 0.6 + # ROUGE-2 F: 2/(6/3 + 5/3) = 6/11 = 0.54545 + # ROUGE-L R: 5/7 = 0.71429 + # ROUGE-L P: 5/6 = 0.83333 + # ROUGE-L F: 2/(7/5 + 6/5) = 10/13 = 0.76923 + + summary_candidates = [ + "The stock market is doing very well this year. Hope the same for 2020", + "The new movie is very popular.", + ] + summary_references = [ + "The stock market is doing really well in 2019. Hope 2020 is the same.", + "The movie is very popular among millennials.", + ] + + return {"candidates": summary_candidates, "references": summary_references} + + +def test_compute_rouge_perl(rouge_test_data): + rouge_perl = compute_rouge_perl( + cand=rouge_test_data["candidates"], ref=rouge_test_data["references"] + ) + + pytest.approx(rouge_perl["rouge_1_recall"], R1R, abs=ABS_TOL) + pytest.approx(rouge_perl["rouge_1_precision"], R1P, abs=ABS_TOL) + pytest.approx(rouge_perl["rouge_1_f_score"], R1F, abs=ABS_TOL) + pytest.approx(rouge_perl["rouge_2_recall"], R2R, abs=ABS_TOL) + pytest.approx(rouge_perl["rouge_2_precision"], R2P, abs=ABS_TOL) + pytest.approx(rouge_perl["rouge_2_f_score"], R2F, abs=ABS_TOL) + pytest.approx(rouge_perl["rouge_l_recall"], RLR, abs=ABS_TOL) + pytest.approx(rouge_perl["rouge_l_precision"], RLP, abs=ABS_TOL) + pytest.approx(rouge_perl["rouge_l_f_score"], RLF, abs=ABS_TOL) + + +def test_compute_rouge_python(rouge_test_data): + rouge_python = compute_rouge_python( + cand=rouge_test_data["candidates"], ref=rouge_test_data["references"] + ) + + pytest.approx(rouge_python["rouge-1"]["r"], R1R, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-1"]["p"], R1P, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-1"]["f"], R1F, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-2"]["r"], R2R, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-2"]["p"], R2P, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-2"]["f"], R2F, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-l"]["r"], RLR, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-l"]["p"], RLP, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-l"]["f"], RLF, abs=ABS_TOL) + + +def test_compute_rouge_perl_file(rouge_test_data, tmp): + tmp_cand_file = os.path.join(tmp, "cand.txt") + tmp_ref_file = os.path.join(tmp, "ref.txt") + + with open(tmp_cand_file, "w") as f: + for s in rouge_test_data["candidates"]: + f.write(s + "\n") + with open(tmp_ref_file, "w") as f: + for s in rouge_test_data["references"]: + f.write(s + "\n") + + rouge_perl = compute_rouge_perl(cand=tmp_cand_file, ref=tmp_ref_file, input_files=True) + + pytest.approx(rouge_perl["rouge_1_recall"], R1R, abs=ABS_TOL) + pytest.approx(rouge_perl["rouge_1_precision"], R1P, abs=ABS_TOL) + pytest.approx(rouge_perl["rouge_1_f_score"], R1F, abs=ABS_TOL) + pytest.approx(rouge_perl["rouge_2_recall"], R2R, abs=ABS_TOL) + pytest.approx(rouge_perl["rouge_2_precision"], R2P, abs=ABS_TOL) + pytest.approx(rouge_perl["rouge_2_f_score"], R2F, abs=ABS_TOL) + pytest.approx(rouge_perl["rouge_l_recall"], RLR, abs=ABS_TOL) + pytest.approx(rouge_perl["rouge_l_precision"], RLP, abs=ABS_TOL) + pytest.approx(rouge_perl["rouge_l_f_score"], RLF, abs=ABS_TOL) + + +def test_compute_rouge_python_file(rouge_test_data, tmp): + tmp_cand_file = os.path.join(tmp, "cand.txt") + tmp_ref_file = os.path.join(tmp, "ref.txt") + + with open(tmp_cand_file, "w") as f: + for s in rouge_test_data["candidates"]: + f.write(s + "\n") + with open(tmp_ref_file, "w") as f: + for s in rouge_test_data["references"]: + f.write(s + "\n") + + rouge_python = compute_rouge_python(cand=tmp_cand_file, ref=tmp_ref_file, input_files=True) + + pytest.approx(rouge_python["rouge-1"]["r"], R1R, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-1"]["p"], R1P, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-1"]["f"], R1F, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-2"]["r"], R2R, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-2"]["p"], R2P, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-2"]["f"], R2F, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-l"]["r"], RLR, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-l"]["p"], RLP, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-l"]["f"], RLF, abs=ABS_TOL) From d6233c7a7e0c7bf10dfcba553a9c14ac7aecec89 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Tue, 24 Dec 2019 02:48:14 +0000 Subject: [PATCH 086/167] remove the temp_target printout --- ...tive_summarization_cnndm_transformer.ipynb | 84112 +--------------- tests/unit/test_extractive_summarization.py | 7 +- utils_nlp/models/transformers/common.py | 23 +- .../transformers/extractive_summarization.py | 40 +- 4 files changed, 288 insertions(+), 83894 deletions(-) diff --git a/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb b/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb index ec559c25d..358fdbc36 100644 --- a/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb +++ b/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb @@ -20,45 +20,43 @@ "\n", "This notebook demonstrates how to fine tune Transformers for extractive text summarization. Utility functions and classes in the NLP Best Practices repo are used to facilitate data preprocessing, model training, model scoring, result postprocessing, and model evaluation.\n", "\n", - "BertSum refers to [Fine-tune BERT for Extractive Summarization (https://arxiv.org/pdf/1903.10318.pdf) with [published example](https://github.com/nlpyang/BertSum/). And the Transformer version of Bertsum refers to our modification of BertSum and the source code can be accessed at (https://github.com/daden-ms/BertSum/). \n", + "BertSum refers to [Fine-tune BERT for Extractive Summarization](https://arxiv.org/pdf/1903.10318.pdf) with [published example](https://github.com/nlpyang/BertSum/). And the Transformer version of Bertsum refers to our modification of BertSum and the source code can be accessed at (https://github.com/daden-ms/BertSum/). \n", "\n", - "Extractive summarization are usually used in document summarization where each input document consists of mutiple sentences. The preprocessing of the input training data involves assigning label 0 or 1 to the document sentences based on the give summary. The summarization problem is also simplfied to classifying whether each document sentence should be included in the summary. \n", + "Extractive summarization are usually used in document summarization where each input document consists of mutiple sentences. The preprocessing of the input training data involves assigning label 0 or 1 to the document sentences based on the give summary. The summarization problem is also simplfied to classifying whether a document sentence should be included in the summary. \n", "\n", - "The figure below illustrates how BERTSum can be fine tuned for extractive summarization task. Each sentence is inserted with [CLS] token at the beginning and [SEP] at the end. Interval segment embedding and positional embedding are added upon the token embedding before input the BERT model. The [CLS] token representation is used as sentence embedding and only the [CLS] tokens are used as input for the summarization model. The summarization layer predicts whether the probability of each each sentence token should be included in the summary or not. Techniques like trigram blocking can be used to improve model accuarcy. \n", + "The figure below illustrates how BERTSum can be fine tuned for extractive summarization task. [CLS] token is inserted at the beginning of each sentence, so is [SEP] token at the end. Interval segment embedding and positional embedding are added upon the token embedding as the input of the BERT model. The [CLS] token representation is used as sentence embedding and only the [CLS] tokens are used as the input for the summarization model. The summarization layer predicts the probability for each sentence being included in the summary. Techniques like trigram blocking can be used to improve model accuarcy. \n", "\n", "\n", "\n", "\n", "### Before You Start\n", "\n", - "The running time shown in this notebook is on a Standard_NC24s_v3 Azure Deep Learning Virtual Machine with 4 NVIDIA Tesla V100 GPUs. \n", + "The running time shown in this notebook is on a Standard_NC24s_v3 Azure Ubuntu Virtual Machine with 4 NVIDIA Tesla V100 GPUs. \n", "> **Tip**: If you want to run through the notebook quickly, you can set the **`QUICK_RUN`** flag in the cell below to **`True`** to run the notebook on a small subset of the data and a smaller number of epochs. \n", "\n", - "On a machine with 1 NVIDIA Tesla V100 GPUs, 16GB GPU memory configuration,\n", - "- for data preprocessing, it takes around 10 minutes the data preprocessing for quick run. Otherwise it takes ~2 hours to finish the data preprocessing. This time estimation assumes the chosen transformer model is \"distilbert-base-uncased\" and the sentence selection method is \"greedy\", which is the default. The preprocessing time can be significantly longer if the sentence selection method is \"combination\", which can achieve better model performance.\n", + "Using only 1 NVIDIA Tesla V100 GPUs, 16GB GPU memory configuration,\n", + "- for data preprocessing, it takes around 10 minutes to preprocess the data for quick run. Otherwise it takes ~2 hours to finish the data preprocessing. This time estimation assumes that the chosen transformer model is \"distilbert-base-uncased\" and the sentence selection method is \"greedy\", which is the default. The preprocessing time can be significantly longer if the sentence selection method is \"combination\", which can achieve better model performance.\n", "\n", - "- for model fine tuning, it takes around 30 minutes for quick run. Otherwise, it takes around ~3 hours to finish. This estimation assume the chosen encoder method is \"transformer\". The model fine tuning time can be shorter if other encoder method is chosen, which may result in worse model performance. \n" + "- for model fine tuning, it takes around 30 minutes for quick run. Otherwise, it takes around ~3 hours to finish. This estimation assumes the chosen encoder method is \"transformer\". The model fine tuning time can be shorter if other encoder method is chosen, which may result in worse model performance. \n" ] }, { "cell_type": "code", - "execution_count": 212, + "execution_count": 1, "metadata": {}, "outputs": [], "source": [ "## Set QUICK_RUN = True to run the notebook on a small subset of data and a smaller number of epochs.\n", "QUICK_RUN = True\n", "## Set USE_PREPROCSSED_DATA = True to skip the data preprocessing\n", - "USE_PREPROCSSED_DATA = True" + "USE_PREPROCSSED_DATA = False" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "### Configuration\n", - "\n", - "Before we start the notebook, we should set the environment variable to make sure you can access the GPUs on your machine" + "### Configuration\n" ] }, { @@ -72,7 +70,7 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": 4, "metadata": {}, "outputs": [], "source": [ @@ -81,7 +79,7 @@ }, { "cell_type": "code", - "execution_count": 204, + "execution_count": 7, "metadata": {}, "outputs": [], "source": [ @@ -98,13 +96,10 @@ "from utils_nlp.dataset.cnndm import CNNDMBertSumProcessedData, CNNDMSummarizationDataset\n", "from utils_nlp.eval.evaluate_summarization import get_rouge\n", "from utils_nlp.models.transformers.extractive_summarization import (\n", - " get_cycled_dataset,\n", " get_dataloader,\n", - " get_sequential_dataloader,\n", " ExtractiveSummarizer,\n", " ExtSumProcessedData,\n", " ExtSumProcessor,\n", - " get_pred\n", ")" ] }, @@ -112,12 +107,13 @@ "cell_type": "markdown", "metadata": {}, "source": [ + "\n", "### Configuration: choose the transformer model to be used" ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 8, "metadata": {}, "outputs": [], "source": [ @@ -137,16 +133,18 @@ "metadata": {}, "source": [ "# dependencies for ROUGE-1.5.5.pl\n", - "!sudo apt-get update\n", - "!sudo apt-get install expat\n", - "!sudo apt-get install libexpat-dev -y" + "Run the following commands in your terminal to install XML parsing C library.\n", + "\n", + "1. sudo apt-get update\n", + "1. sudo apt-get install expat\n", + "1. sudo apt-get install libexpat-dev -y" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "Run the following command in your terminal to install pre-requiste for using pyrouge.\n", + "Run the following commands in your terminal to install other pre-requistes for using pyrouge.\n", "1. sudo cpan install XML::Parser\n", "1. sudo cpan install XML::Parser::PerlSAX\n", "1. sudo cpan install XML::DOM\n", @@ -162,58 +160,38 @@ "source": [ "### Data Preprossing\n", "\n", - "The dataset we used for this notebook is CNN/DM dataset which contains the documents and accompanying questions from the news articles of CNN and Daily mail. The highlights in each article are used as summary. The dataset consits of ~289K training examples, ~11K valiation and ~11K test dataset. You can choose the [Option 1] below preprocess the data or [Option 2] to use the preprocessed version at [BERTSum published example](https://github.com/nlpyang/BertSum/). You don't need to manually download any of these two data sets as the code below will handle this part. Since it takes up to 28 hours to preprocess the training data to run on 10 Intel(R) Xeon(R) CPU E5-2690 v3 @ 2.60GHz, we suggest you continue with set as True first and experiment with data preprocessing with QUICKRUN set as True.\n", + "The dataset we used for this notebook is CNN/DM dataset which contains the documents and accompanying questions from the news articles of CNN and Daily mail. The highlights in each article are used as summary. The dataset consits of ~289K training examples, ~11K valiation examples and ~11K test examples. You can choose the [Option 1] below preprocess the data or [Option 2] to use the preprocessed version at [BERTSum published example](https://github.com/nlpyang/BertSum/). You don't need to manually download any of these two data sets as the code below will handle downloading. Functions defined specific in [cnndm.py](../../utils_nlp/dataset/cnndm.py) are unique to CNN/DM dataset that's preprocessed by harvardnlp. However, it provides a skeleton of how to preprocessing text into the format that model preprocessor takes: sentence tokenization and work tokenization. \n", "\n", "##### Details of Data Preprocessing\n", "\n", - "The purpose of preprocessing is to process the input articles to the format that BertSum takes. Functions defined specific in harvardnlp_cnndm_preprocess function are unique to CNN/DM dataset that's processed by harvardnlp. However, it provides a skeleton of how to preprocessing data into the format that BertSum takes. Assuming you have all articles and target summery each in a file, line-breaker seperated, the steps to preprocess the data are:\n", + "The purpose of preprocessing is to process the input articles to the format that model finetuning needed. Assuming you have (1) all articles and (2) target summaries, each in a file and line-breaker seperated, the steps to preprocess the data are:\n", "1. sentence tokenization\n", "2. word tokenization\n", - "3. **label** the sentences in the article with 1 meaning the sentence is selected and 0 meaning the sentence is not selected. The options for the selection algorithms are \"greedy\" and \"combination\"\n", + "3. **label** the sentences in the article with 1 meaning the sentence is selected and 0 meaning the sentence is not selected. The algorithms for the sentence selection are \"greedy\" and \"combination\" and can be found in [sentence_selection.py](../../utils_nlp/dataset/sentence_selection.py)\n", "3. convert each example to the desired format for extractive summarization\n", " - filter the sentences in the example based on the min_src_ntokens argument. If the lefted total sentence number is less than min_nsents, the example is discarded.\n", " - truncate the sentences in the example if the length is greater than max_src_ntokens\n", - " - truncate the sentences in the example and the labels if the totle number of sentences is greater than max_nsents\n", + " - truncate the sentences in the example and the labels if the total number of sentences is greater than max_nsents\n", " - [CLS] and [SEP] are inserted before and after each sentence\n", - " - wordPiece tokenization\n", + " - wordPiece tokenization or Byte Pair Encoding (BPE) subword tokenization\n", " - truncate the example to 512 tokens\n", - " - convert the tokens into token indices corresponding to the BERT tokenizer's vocabulary.\n", - " - segment ids are generated\n", + " - convert the tokens into token indices corresponding to the transformer tokenizer's vocabulary.\n", + " - segment ids are generated and added\n", " - [CLS] token positions are logged\n", - " - [CLS] token labels are truncated if it's greater than 512, which is the maximum input length that can be taken by the BERT model.\n", + " - [CLS] token labels are truncated if it's greater than 512, which is the maximum input length that can be taken by the transformer model.\n", " \n", " \n", - "Note that the original BERTSum paper use Stanford CoreNLP for data proprocessing, here we'll first how to use NLTK version, and then we also provide instruction of how to set up Stanford NLP and code examples of how to use Standford CoreNLP. " + "Note that the original BERTSum paper use Stanford CoreNLP for data preprocessing, here we use NLTK for data preprocessing. " ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "##### [Option 1] Preprocess data\n", + "##### [Option 1] Preprocess data (Please skil this part if you choose to use preprocessed data)\n", "The code in following cell will download the CNN/DM dataset listed at https://github.com/harvardnlp/sent-summary/." ] }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "'/tmp/tmpm2eh8iau'" - ] - }, - "execution_count": 10, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "DATA_PATH" - ] - }, { "cell_type": "code", "execution_count": 9, @@ -225,12 +203,13 @@ "# The number of lines at the head of data file used for preprocessing. -1 means all the lines.\n", "TOP_N = -1\n", "if QUICK_RUN:\n", - " TOP_N = 1000" + " #TOP_N = 10000\n", + " TOP_N=20" ] }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 10, "metadata": { "scrolled": true }, @@ -239,8 +218,13 @@ "name": "stderr", "output_type": "stream", "text": [ - "100%|██████████| 489k/489k [00:07<00:00, 64.2kKB/s] \n", - "I1220 02:01:25.255479 140392325338944 utils.py:173] Opening tar file /tmp/tmpm2eh8iau/cnndm.tar.gz.\n" + "I1220 21:53:00.933556 140207304460096 utils.py:173] Opening tar file /tmp/tmpm2eh8iau/cnndm.tar.gz.\n", + "I1220 21:53:00.935238 140207304460096 utils.py:181] /tmp/tmpm2eh8iau/test.txt.src already extracted.\n", + "I1220 21:53:01.244342 140207304460096 utils.py:181] /tmp/tmpm2eh8iau/test.txt.tgt.tagged already extracted.\n", + "I1220 21:53:01.272053 140207304460096 utils.py:181] /tmp/tmpm2eh8iau/train.txt.src already extracted.\n", + "I1220 21:53:08.778068 140207304460096 utils.py:181] /tmp/tmpm2eh8iau/train.txt.tgt.tagged already extracted.\n", + "I1220 21:53:09.402392 140207304460096 utils.py:181] /tmp/tmpm2eh8iau/val.txt.src already extracted.\n", + "I1220 21:53:09.738530 140207304460096 utils.py:181] /tmp/tmpm2eh8iau/val.txt.tgt.tagged already extracted.\n" ] } ], @@ -257,14 +241,19 @@ }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 11, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1220 02:01:53.700232 140392325338944 tokenization_utils.py:379] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + "I1220 21:53:11.937460 140207304460096 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt not found in cache or force_download set to True, downloading to /tmp/tmpjgimfb7c\n", + "100%|██████████| 231508/231508 [00:00<00:00, 2007349.00B/s]\n", + "I1220 21:53:12.196867 140207304460096 file_utils.py:334] copying /tmp/tmpjgimfb7c to cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n", + "I1220 21:53:12.198070 140207304460096 file_utils.py:338] creating metadata file for ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n", + "I1220 21:53:12.199477 140207304460096 file_utils.py:347] removing temp file /tmp/tmpjgimfb7c\n", + "I1220 21:53:12.200323 140207304460096 tokenization_utils.py:379] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" ] }, { @@ -283,7 +272,7 @@ }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 12, "metadata": {}, "outputs": [], "source": [ @@ -298,7 +287,7 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 13, "metadata": {}, "outputs": [ { @@ -307,7 +296,7 @@ "['/tmp/tmpm2eh8iau/processed/0_train']" ] }, - "execution_count": 14, + "execution_count": 13, "metadata": {}, "output_type": "execute_result" } @@ -318,27 +307,7 @@ }, { "cell_type": "code", - "execution_count": 33, - "metadata": {}, - "outputs": [], - "source": [ - "import random\n", - "random.shuffle(train_files)" - ] - }, - { - "cell_type": "code", - "execution_count": 56, - "metadata": {}, - "outputs": [], - "source": [ - "def myprint(u, is_shuffle):\n", - " print(u)" - ] - }, - { - "cell_type": "code", - "execution_count": 15, + "execution_count": 14, "metadata": {}, "outputs": [ { @@ -347,7 +316,7 @@ "['/tmp/tmpm2eh8iau/processed/0_test']" ] }, - "execution_count": 15, + "execution_count": 14, "metadata": {}, "output_type": "execute_result" } @@ -358,22 +327,13 @@ }, { "cell_type": "code", - "execution_count": 17, - "metadata": {}, - "outputs": [], - "source": [ - "tempdata = ExtSumProcessedData()" - ] - }, - { - "cell_type": "code", - "execution_count": 22, + "execution_count": 15, "metadata": { "scrolled": true }, "outputs": [], "source": [ - "train_dataset, test_dataset = tempdata.splits(root=save_path)" + "train_dataset, test_dataset = ExtSumProcessedData().splits(root=save_path)" ] }, { @@ -385,14 +345,14 @@ }, { "cell_type": "code", - "execution_count": 23, + "execution_count": 15, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "994\n" + "200\n" ] }, { @@ -401,7 +361,7 @@ "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" ] }, - "execution_count": 23, + "execution_count": 15, "metadata": {}, "output_type": "execute_result" } @@ -415,16 +375,16 @@ }, { "cell_type": "code", - "execution_count": 24, + "execution_count": 16, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "[0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]" + "[0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1]" ] }, - "execution_count": 24, + "execution_count": 16, "metadata": {}, "output_type": "execute_result" } @@ -442,7 +402,7 @@ }, { "cell_type": "code", - "execution_count": 216, + "execution_count": 17, "metadata": {}, "outputs": [], "source": [ @@ -455,17 +415,9 @@ }, { "cell_type": "code", - "execution_count": 217, + "execution_count": 18, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['./temp_data5/cnndm.train.22.bert.pt', './temp_data5/cnndm.train.78.bert.pt', './temp_data5/cnndm.train.88.bert.pt', './temp_data5/cnndm.train.51.bert.pt', './temp_data5/cnndm.train.5.bert.pt', './temp_data5/cnndm.train.120.bert.pt', './temp_data5/cnndm.train.114.bert.pt', './temp_data5/cnndm.train.140.bert.pt', './temp_data5/cnndm.train.87.bert.pt', './temp_data5/cnndm.train.104.bert.pt', './temp_data5/cnndm.train.94.bert.pt', './temp_data5/cnndm.train.59.bert.pt', './temp_data5/cnndm.train.30.bert.pt', './temp_data5/cnndm.train.44.bert.pt', './temp_data5/cnndm.train.73.bert.pt', './temp_data5/cnndm.train.56.bert.pt', './temp_data5/cnndm.train.58.bert.pt', './temp_data5/cnndm.train.83.bert.pt', './temp_data5/cnndm.train.41.bert.pt', './temp_data5/cnndm.train.124.bert.pt', './temp_data5/cnndm.train.125.bert.pt', './temp_data5/cnndm.train.18.bert.pt', './temp_data5/cnndm.train.86.bert.pt', './temp_data5/cnndm.train.142.bert.pt', './temp_data5/cnndm.train.131.bert.pt', './temp_data5/cnndm.train.110.bert.pt', './temp_data5/cnndm.train.111.bert.pt', './temp_data5/cnndm.train.66.bert.pt', './temp_data5/cnndm.train.97.bert.pt', './temp_data5/cnndm.train.27.bert.pt', './temp_data5/cnndm.train.33.bert.pt', './temp_data5/cnndm.train.39.bert.pt', './temp_data5/cnndm.train.43.bert.pt', './temp_data5/cnndm.train.8.bert.pt', './temp_data5/cnndm.train.99.bert.pt', './temp_data5/cnndm.train.35.bert.pt', './temp_data5/cnndm.train.136.bert.pt', './temp_data5/cnndm.train.89.bert.pt', './temp_data5/cnndm.train.67.bert.pt', './temp_data5/cnndm.train.101.bert.pt', './temp_data5/cnndm.train.141.bert.pt', './temp_data5/cnndm.train.20.bert.pt', './temp_data5/cnndm.train.10.bert.pt', './temp_data5/cnndm.train.118.bert.pt', './temp_data5/cnndm.train.81.bert.pt', './temp_data5/cnndm.train.117.bert.pt', './temp_data5/cnndm.train.84.bert.pt', './temp_data5/cnndm.train.50.bert.pt', './temp_data5/cnndm.train.65.bert.pt', './temp_data5/cnndm.train.25.bert.pt', './temp_data5/cnndm.train.123.bert.pt', './temp_data5/cnndm.train.138.bert.pt', './temp_data5/cnndm.train.47.bert.pt', './temp_data5/cnndm.train.52.bert.pt', './temp_data5/cnndm.train.77.bert.pt', './temp_data5/cnndm.train.108.bert.pt', './temp_data5/cnndm.train.132.bert.pt', './temp_data5/cnndm.train.71.bert.pt', './temp_data5/cnndm.train.90.bert.pt', './temp_data5/cnndm.train.9.bert.pt', './temp_data5/cnndm.train.28.bert.pt', './temp_data5/cnndm.train.42.bert.pt', './temp_data5/cnndm.train.6.bert.pt', './temp_data5/cnndm.train.113.bert.pt', './temp_data5/cnndm.train.95.bert.pt', './temp_data5/cnndm.train.75.bert.pt', './temp_data5/cnndm.train.92.bert.pt', './temp_data5/cnndm.train.0.bert.pt', './temp_data5/cnndm.train.121.bert.pt', './temp_data5/cnndm.train.14.bert.pt', './temp_data5/cnndm.train.93.bert.pt', './temp_data5/cnndm.train.85.bert.pt', './temp_data5/cnndm.train.76.bert.pt', './temp_data5/cnndm.train.129.bert.pt', './temp_data5/cnndm.train.119.bert.pt', './temp_data5/cnndm.train.130.bert.pt', './temp_data5/cnndm.train.2.bert.pt', './temp_data5/cnndm.train.19.bert.pt', './temp_data5/cnndm.train.15.bert.pt', './temp_data5/cnndm.train.13.bert.pt', './temp_data5/cnndm.train.23.bert.pt', './temp_data5/cnndm.train.34.bert.pt', './temp_data5/cnndm.train.116.bert.pt', './temp_data5/cnndm.train.60.bert.pt', './temp_data5/cnndm.train.115.bert.pt', './temp_data5/cnndm.train.126.bert.pt', './temp_data5/cnndm.train.133.bert.pt', './temp_data5/cnndm.train.53.bert.pt', './temp_data5/cnndm.train.29.bert.pt', './temp_data5/cnndm.train.102.bert.pt', './temp_data5/cnndm.train.3.bert.pt', './temp_data5/cnndm.train.68.bert.pt', './temp_data5/cnndm.train.26.bert.pt', './temp_data5/cnndm.train.107.bert.pt', './temp_data5/cnndm.train.55.bert.pt', './temp_data5/cnndm.train.91.bert.pt', './temp_data5/cnndm.train.128.bert.pt', './temp_data5/cnndm.train.143.bert.pt', './temp_data5/cnndm.train.63.bert.pt', './temp_data5/cnndm.train.12.bert.pt', './temp_data5/cnndm.train.122.bert.pt', './temp_data5/cnndm.train.127.bert.pt', './temp_data5/cnndm.train.134.bert.pt', './temp_data5/cnndm.train.46.bert.pt', './temp_data5/cnndm.train.7.bert.pt', './temp_data5/cnndm.train.61.bert.pt', './temp_data5/cnndm.train.100.bert.pt', './temp_data5/cnndm.train.37.bert.pt', './temp_data5/cnndm.train.64.bert.pt', './temp_data5/cnndm.train.80.bert.pt', './temp_data5/cnndm.train.57.bert.pt', './temp_data5/cnndm.train.24.bert.pt', './temp_data5/cnndm.train.139.bert.pt', './temp_data5/cnndm.train.137.bert.pt', './temp_data5/cnndm.train.98.bert.pt', './temp_data5/cnndm.train.17.bert.pt', './temp_data5/cnndm.train.103.bert.pt', './temp_data5/cnndm.train.72.bert.pt', './temp_data5/cnndm.train.109.bert.pt', './temp_data5/cnndm.train.40.bert.pt', './temp_data5/cnndm.train.11.bert.pt', './temp_data5/cnndm.train.49.bert.pt', './temp_data5/cnndm.train.105.bert.pt', './temp_data5/cnndm.train.45.bert.pt', './temp_data5/cnndm.train.82.bert.pt', './temp_data5/cnndm.train.70.bert.pt', './temp_data5/cnndm.train.112.bert.pt', './temp_data5/cnndm.train.1.bert.pt', './temp_data5/cnndm.train.69.bert.pt', './temp_data5/cnndm.train.79.bert.pt', './temp_data5/cnndm.train.48.bert.pt', './temp_data5/cnndm.train.62.bert.pt', './temp_data5/cnndm.train.32.bert.pt', './temp_data5/cnndm.train.4.bert.pt', './temp_data5/cnndm.train.74.bert.pt', './temp_data5/cnndm.train.31.bert.pt', './temp_data5/cnndm.train.38.bert.pt', './temp_data5/cnndm.train.96.bert.pt', './temp_data5/cnndm.train.135.bert.pt', './temp_data5/cnndm.train.54.bert.pt', './temp_data5/cnndm.train.21.bert.pt', './temp_data5/cnndm.train.36.bert.pt', './temp_data5/cnndm.train.16.bert.pt', './temp_data5/cnndm.train.106.bert.pt']\n" - ] - } - ], + "outputs": [], "source": [ "if USE_PREPROCSSED_DATA:\n", " CNNDMBertSumProcessedData.download(local_path=PROCESSED_DATA_PATH)\n", @@ -495,7 +447,7 @@ }, { "cell_type": "code", - "execution_count": 25, + "execution_count": 17, "metadata": {}, "outputs": [], "source": [ @@ -516,7 +468,7 @@ "LEARNING_RATE=2e-3\n", "\n", "# How often the statistics reports show up in training, unit is step.\n", - "REPORT_EVERY=1\n", + "REPORT_EVERY=100\n", " \n", "if QUICK_RUN:\n", " # total number of steps for training\n", @@ -532,7 +484,7 @@ }, { "cell_type": "code", - "execution_count": 26, + "execution_count": 18, "metadata": { "scrolled": true }, @@ -541,13 +493,13 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1220 02:30:19.238502 140392325338944 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json not found in cache or force_download set to True, downloading to /tmp/tmp95d7livz\n", - "100%|██████████| 492/492 [00:00<00:00, 412389.60B/s]\n", - "I1220 02:30:19.408243 140392325338944 file_utils.py:334] copying /tmp/tmp95d7livz to cache at /tmp/tmpisbozsdw/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1220 02:30:19.409225 140392325338944 file_utils.py:338] creating metadata file for /tmp/tmpisbozsdw/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1220 02:30:19.410874 140392325338944 file_utils.py:347] removing temp file /tmp/tmp95d7livz\n", - "I1220 02:30:19.411635 140392325338944 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpisbozsdw/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1220 02:30:19.412680 140392325338944 configuration_utils.py:174] Model config {\n", + "I1220 21:53:53.286549 140207304460096 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json not found in cache or force_download set to True, downloading to /tmp/tmpksnb8v3a\n", + "100%|██████████| 492/492 [00:00<00:00, 541768.85B/s]\n", + "I1220 21:53:53.437712 140207304460096 file_utils.py:334] copying /tmp/tmpksnb8v3a to cache at /tmp/tmpr6wt1w_l/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1220 21:53:53.438850 140207304460096 file_utils.py:338] creating metadata file for /tmp/tmpr6wt1w_l/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1220 21:53:53.439659 140207304460096 file_utils.py:347] removing temp file /tmp/tmpksnb8v3a\n", + "I1220 21:53:53.440414 140207304460096 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpr6wt1w_l/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1220 21:53:53.441374 140207304460096 configuration_utils.py:174] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -573,14 +525,14 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1220 02:30:19.553013 140392325338944 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin not found in cache or force_download set to True, downloading to /tmp/tmp1iqeaj75\n", - "100%|██████████| 267967963/267967963 [00:04<00:00, 64472906.81B/s]\n", - "I1220 02:30:23.974077 140392325338944 file_utils.py:334] copying /tmp/tmp1iqeaj75 to cache at /tmp/tmpisbozsdw/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1220 02:30:24.253362 140392325338944 file_utils.py:338] creating metadata file for /tmp/tmpisbozsdw/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1220 02:30:24.254622 140392325338944 file_utils.py:347] removing temp file /tmp/tmp1iqeaj75\n", - "I1220 02:30:24.291017 140392325338944 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpisbozsdw/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1220 02:30:25.861599 140392325338944 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpisbozsdw/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1220 02:30:25.862995 140392325338944 configuration_utils.py:174] Model config {\n", + "I1220 21:53:54.101483 140207304460096 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin not found in cache or force_download set to True, downloading to /tmp/tmpybj6baev\n", + "100%|██████████| 267967963/267967963 [00:04<00:00, 58609030.10B/s]\n", + "I1220 21:53:58.841547 140207304460096 file_utils.py:334] copying /tmp/tmpybj6baev to cache at /tmp/tmpr6wt1w_l/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1220 21:53:59.137463 140207304460096 file_utils.py:338] creating metadata file for /tmp/tmpr6wt1w_l/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1220 21:53:59.138775 140207304460096 file_utils.py:347] removing temp file /tmp/tmpybj6baev\n", + "I1220 21:53:59.180640 140207304460096 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpr6wt1w_l/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1220 21:54:00.468782 140207304460096 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpr6wt1w_l/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1220 21:54:00.471764 140207304460096 configuration_utils.py:174] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -606,7 +558,7 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1220 02:30:26.001698 140392325338944 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpisbozsdw/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I1220 21:54:00.614732 140207304460096 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpr6wt1w_l/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], @@ -616,28 +568,7 @@ }, { "cell_type": "code", - "execution_count": 80, - "metadata": {}, - "outputs": [], - "source": [ - "a = train_dataset.get_stream()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "j = 0\n", - "for i in a:\n", - " print(i)\n", - " break" - ] - }, - { - "cell_type": "code", - "execution_count": 111, + "execution_count": 59, "metadata": {}, "outputs": [], "source": [ @@ -647,37 +578,7 @@ }, { "cell_type": "code", - "execution_count": 112, - "metadata": {}, - "outputs": [], - "source": [ - "from tqdm import tqdm, trange \n", - "epoch_iterator = tqdm(\n", - " train_dataloader,\n", - " desc=\"Iteration\",\n", - " disable=True, # local_rank not in [-1, 0] or not verbose\n", - " )" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "j = 0\n", - "for i in epoch_iterator:\n", - " if j%100==0:\n", - " print(i)\n", - " print(j)\n", - " j+=1\n", - " if j>10000:\n", - " break" - ] - }, - { - "cell_type": "code", - "execution_count": 114, + "execution_count": 60, "metadata": { "scrolled": true }, @@ -686,45 +587,112 @@ "name": "stdout", "output_type": "stream", "text": [ - "loss: 34.572636, time: 21.864492, number of examples in current step: 5, step 100 out of total 10000\n", - "loss: 33.382410, time: 21.413861, number of examples in current step: 5, step 200 out of total 10000\n", - "loss: 31.746298, time: 21.314547, number of examples in current step: 5, step 300 out of total 10000\n", - "loss: 30.833345, time: 21.308201, number of examples in current step: 5, step 400 out of total 10000\n", - "loss: 30.152527, time: 21.169602, number of examples in current step: 5, step 500 out of total 10000\n", - "loss: 29.770242, time: 21.089946, number of examples in current step: 5, step 600 out of total 10000\n", - "loss: 29.853581, time: 21.112016, number of examples in current step: 5, step 700 out of total 10000\n", - "loss: 29.837940, time: 21.113029, number of examples in current step: 5, step 800 out of total 10000\n", - "loss: 29.794852, time: 21.256818, number of examples in current step: 6, step 900 out of total 10000\n", - "loss: 28.980921, time: 21.132634, number of examples in current step: 5, step 1000 out of total 10000\n", - "loss: 28.932903, time: 21.129682, number of examples in current step: 5, step 1100 out of total 10000\n", - "loss: 28.369533, time: 21.315317, number of examples in current step: 5, step 1200 out of total 10000\n", - "loss: 27.124619, time: 21.226260, number of examples in current step: 5, step 1300 out of total 10000\n", - "loss: 25.962306, time: 21.218809, number of examples in current step: 5, step 1400 out of total 10000\n", - "loss: 24.348667, time: 21.254830, number of examples in current step: 5, step 1500 out of total 10000\n", - "loss: 21.763542, time: 21.121371, number of examples in current step: 5, step 1600 out of total 10000\n", - "loss: 19.965395, time: 21.105967, number of examples in current step: 5, step 1700 out of total 10000\n", - "loss: 16.524592, time: 21.133273, number of examples in current step: 5, step 1800 out of total 10000\n", - "loss: 13.789285, time: 21.124618, number of examples in current step: 5, step 1900 out of total 10000\n", - "loss: 11.572547, time: 21.060168, number of examples in current step: 5, step 2000 out of total 10000\n", - "loss: 9.827798, time: 21.194333, number of examples in current step: 5, step 2100 out of total 10000\n", - "loss: 7.758873, time: 21.068254, number of examples in current step: 7, step 2200 out of total 10000\n", - "loss: 6.515889, time: 21.238866, number of examples in current step: 5, step 2300 out of total 10000\n", - "loss: 5.755732, time: 21.171366, number of examples in current step: 5, step 2400 out of total 10000\n" - ] - }, - { - "ename": "KeyboardInterrupt", - "evalue": "", - "output_type": "error", - "traceback": [ - "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[0;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)", - "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 8\u001b[0m \u001b[0mverbose\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mTrue\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 9\u001b[0m \u001b[0mreport_every\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mREPORT_EVERY\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 10\u001b[0;31m \u001b[0mclip_grad_norm\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mFalse\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 11\u001b[0m )\n", - "\u001b[0;32m/dadendev/nlp/utils_nlp/models/transformers/extractive_summarization.py\u001b[0m in \u001b[0;36mfit\u001b[0;34m(self, train_dataloader, num_gpus, local_rank, max_steps, optimization_method, lr, max_grad_norm, beta1, beta2, decay_method, warmup_steps, verbose, seed, gradient_accumulation_steps, report_every, clip_grad_norm, **kwargs)\u001b[0m\n\u001b[1;32m 417\u001b[0m \u001b[0mreport_every\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mreport_every\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 418\u001b[0m \u001b[0mclip_grad_norm\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mclip_grad_norm\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 419\u001b[0;31m \u001b[0mmax_grad_norm\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mmax_grad_norm\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 420\u001b[0m )\n\u001b[1;32m 421\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/nlp/utils_nlp/models/transformers/common.py\u001b[0m in \u001b[0;36mfine_tune\u001b[0;34m(self, train_dataloader, get_inputs, device, max_steps, num_train_epochs, max_grad_norm, gradient_accumulation_steps, n_gpu, move_batch_to_device, optimizer, scheduler, weight_decay, learning_rate, adam_epsilon, warmup_steps, fp16, fp16_opt_level, local_rank, verbose, seed, report_every, clip_grad_norm)\u001b[0m\n\u001b[1;32m 244\u001b[0m \u001b[0mstart\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mend\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 245\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 246\u001b[0;31m \u001b[0moptimizer\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstep\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 247\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mscheduler\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 248\u001b[0m \u001b[0mscheduler\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstep\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/bertsum/models/optimizers.py\u001b[0m in \u001b[0;36mstep\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 233\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmax_grad_norm\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 234\u001b[0m \u001b[0mclip_grad_norm_\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mparams\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmax_grad_norm\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 235\u001b[0;31m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0moptimizer\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstep\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 236\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 237\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;32m/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/optim/adam.py\u001b[0m in \u001b[0;36mstep\u001b[0;34m(self, closure)\u001b[0m\n\u001b[1;32m 105\u001b[0m \u001b[0mstep_size\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mgroup\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'lr'\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;34m*\u001b[0m \u001b[0mmath\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msqrt\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mbias_correction2\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;34m/\u001b[0m \u001b[0mbias_correction1\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 106\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 107\u001b[0;31m \u001b[0mp\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdata\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0maddcdiv_\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m-\u001b[0m\u001b[0mstep_size\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mexp_avg\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdenom\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 108\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 109\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mloss\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;31mKeyboardInterrupt\u001b[0m: " + "loss: 35.705171, time: 20.699702, number of examples in current step: 5, step 100 out of total 10000\n", + "loss: 33.614549, time: 21.716000, number of examples in current step: 5, step 200 out of total 10000\n", + "loss: 32.161929, time: 21.074021, number of examples in current step: 5, step 300 out of total 10000\n", + "loss: 31.248698, time: 21.511255, number of examples in current step: 5, step 400 out of total 10000\n", + "loss: 31.356782, time: 20.723727, number of examples in current step: 5, step 500 out of total 10000\n", + "loss: 30.632976, time: 21.887540, number of examples in current step: 5, step 600 out of total 10000\n", + "loss: 30.196731, time: 21.082027, number of examples in current step: 6, step 700 out of total 10000\n", + "loss: 30.639471, time: 21.844819, number of examples in current step: 5, step 800 out of total 10000\n", + "loss: 30.196533, time: 20.926623, number of examples in current step: 5, step 900 out of total 10000\n", + "loss: 30.191796, time: 21.434845, number of examples in current step: 5, step 1000 out of total 10000\n", + "loss: 30.495885, time: 20.993397, number of examples in current step: 5, step 1100 out of total 10000\n", + "loss: 30.398810, time: 22.044536, number of examples in current step: 5, step 1200 out of total 10000\n", + "loss: 30.563597, time: 21.231229, number of examples in current step: 5, step 1300 out of total 10000\n", + "loss: 29.913852, time: 21.846574, number of examples in current step: 5, step 1400 out of total 10000\n", + "loss: 29.966697, time: 20.929719, number of examples in current step: 5, step 1500 out of total 10000\n", + "loss: 29.850745, time: 21.726946, number of examples in current step: 5, step 1600 out of total 10000\n", + "loss: 30.064030, time: 21.038953, number of examples in current step: 5, step 1700 out of total 10000\n", + "loss: 29.384425, time: 21.891750, number of examples in current step: 2, step 1800 out of total 10000\n", + "loss: 29.542826, time: 21.164304, number of examples in current step: 5, step 1900 out of total 10000\n", + "loss: 29.368233, time: 21.729423, number of examples in current step: 5, step 2000 out of total 10000\n", + "loss: 29.897217, time: 20.885688, number of examples in current step: 5, step 2100 out of total 10000\n", + "loss: 28.955702, time: 21.920631, number of examples in current step: 5, step 2200 out of total 10000\n", + "loss: 29.168944, time: 20.652082, number of examples in current step: 5, step 2300 out of total 10000\n", + "loss: 29.024738, time: 21.605953, number of examples in current step: 5, step 2400 out of total 10000\n", + "loss: 28.886404, time: 20.676236, number of examples in current step: 5, step 2500 out of total 10000\n", + "loss: 28.935077, time: 21.559490, number of examples in current step: 5, step 2600 out of total 10000\n", + "loss: 28.166987, time: 20.780099, number of examples in current step: 5, step 2700 out of total 10000\n", + "loss: 27.596512, time: 21.436802, number of examples in current step: 5, step 2800 out of total 10000\n", + "loss: 28.518833, time: 20.700445, number of examples in current step: 5, step 2900 out of total 10000\n", + "loss: 28.037077, time: 21.611207, number of examples in current step: 5, step 3000 out of total 10000\n", + "loss: 27.949670, time: 20.695011, number of examples in current step: 5, step 3100 out of total 10000\n", + "loss: 27.567136, time: 21.478218, number of examples in current step: 8, step 3200 out of total 10000\n", + "loss: 27.531180, time: 20.588627, number of examples in current step: 5, step 3300 out of total 10000\n", + "loss: 26.776694, time: 21.408890, number of examples in current step: 9, step 3400 out of total 10000\n", + "loss: 26.813284, time: 20.645501, number of examples in current step: 5, step 3500 out of total 10000\n", + "loss: 26.683800, time: 21.558728, number of examples in current step: 5, step 3600 out of total 10000\n", + "loss: 25.921678, time: 20.619819, number of examples in current step: 5, step 3700 out of total 10000\n", + "loss: 26.077410, time: 21.860998, number of examples in current step: 5, step 3800 out of total 10000\n", + "loss: 26.636974, time: 20.638044, number of examples in current step: 5, step 3900 out of total 10000\n", + "loss: 25.742668, time: 21.513433, number of examples in current step: 5, step 4000 out of total 10000\n", + "loss: 24.708473, time: 20.689856, number of examples in current step: 5, step 4100 out of total 10000\n", + "loss: 24.782704, time: 21.566555, number of examples in current step: 5, step 4200 out of total 10000\n", + "loss: 24.848932, time: 21.616572, number of examples in current step: 5, step 4300 out of total 10000\n", + "loss: 23.519407, time: 20.755903, number of examples in current step: 5, step 4400 out of total 10000\n", + "loss: 22.817265, time: 21.491147, number of examples in current step: 5, step 4500 out of total 10000\n", + "loss: 22.207907, time: 20.577339, number of examples in current step: 5, step 4600 out of total 10000\n", + "loss: 22.295377, time: 21.496679, number of examples in current step: 5, step 4700 out of total 10000\n", + "loss: 22.965252, time: 20.695663, number of examples in current step: 5, step 4800 out of total 10000\n", + "loss: 22.509197, time: 21.525093, number of examples in current step: 5, step 4900 out of total 10000\n", + "loss: 20.583351, time: 20.646291, number of examples in current step: 5, step 5000 out of total 10000\n", + "loss: 20.348251, time: 21.552454, number of examples in current step: 5, step 5100 out of total 10000\n", + "loss: 20.249200, time: 20.725060, number of examples in current step: 5, step 5200 out of total 10000\n", + "loss: 19.258824, time: 21.462859, number of examples in current step: 5, step 5300 out of total 10000\n", + "loss: 17.822348, time: 20.987993, number of examples in current step: 5, step 5400 out of total 10000\n", + "loss: 17.038601, time: 21.720732, number of examples in current step: 5, step 5500 out of total 10000\n", + "loss: 16.602293, time: 20.712011, number of examples in current step: 5, step 5600 out of total 10000\n", + "loss: 16.917393, time: 21.915439, number of examples in current step: 5, step 5700 out of total 10000\n", + "loss: 17.467426, time: 20.745253, number of examples in current step: 10, step 5800 out of total 10000\n", + "loss: 16.622328, time: 21.490287, number of examples in current step: 5, step 5900 out of total 10000\n", + "loss: 13.652303, time: 20.551913, number of examples in current step: 5, step 6000 out of total 10000\n", + "loss: 13.903904, time: 21.412506, number of examples in current step: 5, step 6100 out of total 10000\n", + "loss: 14.111962, time: 20.629999, number of examples in current step: 5, step 6200 out of total 10000\n", + "loss: 12.658363, time: 21.632099, number of examples in current step: 5, step 6300 out of total 10000\n", + "loss: 12.392262, time: 20.716752, number of examples in current step: 5, step 6400 out of total 10000\n", + "loss: 11.626139, time: 21.517132, number of examples in current step: 5, step 6500 out of total 10000\n", + "loss: 11.267348, time: 20.689841, number of examples in current step: 5, step 6600 out of total 10000\n", + "loss: 11.635910, time: 21.477170, number of examples in current step: 5, step 6700 out of total 10000\n", + "loss: 12.101193, time: 20.592640, number of examples in current step: 5, step 6800 out of total 10000\n", + "loss: 11.018077, time: 21.399954, number of examples in current step: 5, step 6900 out of total 10000\n", + "loss: 9.155422, time: 20.709160, number of examples in current step: 5, step 7000 out of total 10000\n", + "loss: 9.673459, time: 21.612552, number of examples in current step: 5, step 7100 out of total 10000\n", + "loss: 9.708870, time: 20.670329, number of examples in current step: 5, step 7200 out of total 10000\n", + "loss: 8.755084, time: 21.467199, number of examples in current step: 5, step 7300 out of total 10000\n", + "loss: 7.942005, time: 20.793214, number of examples in current step: 5, step 7400 out of total 10000\n", + "loss: 8.233920, time: 22.216369, number of examples in current step: 5, step 7500 out of total 10000\n", + "loss: 7.670865, time: 20.644497, number of examples in current step: 5, step 7600 out of total 10000\n", + "loss: 8.376804, time: 21.664812, number of examples in current step: 5, step 7700 out of total 10000\n", + "loss: 8.142896, time: 20.710759, number of examples in current step: 5, step 7800 out of total 10000\n", + "loss: 7.450985, time: 21.802760, number of examples in current step: 5, step 7900 out of total 10000\n", + "loss: 6.650354, time: 20.655127, number of examples in current step: 10, step 8000 out of total 10000\n", + "loss: 7.041661, time: 21.893282, number of examples in current step: 5, step 8100 out of total 10000\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss: 6.526273, time: 22.247599, number of examples in current step: 5, step 8200 out of total 10000\n", + "loss: 5.718608, time: 20.802443, number of examples in current step: 5, step 8300 out of total 10000\n", + "loss: 5.863779, time: 21.679484, number of examples in current step: 5, step 8400 out of total 10000\n", + "loss: 5.775331, time: 20.776518, number of examples in current step: 5, step 8500 out of total 10000\n", + "loss: 5.439230, time: 21.519706, number of examples in current step: 5, step 8600 out of total 10000\n", + "loss: 6.215319, time: 20.749641, number of examples in current step: 5, step 8700 out of total 10000\n", + "loss: 6.318656, time: 21.646634, number of examples in current step: 5, step 8800 out of total 10000\n", + "loss: 4.837764, time: 20.833888, number of examples in current step: 5, step 8900 out of total 10000\n", + "loss: 4.769266, time: 21.449505, number of examples in current step: 5, step 9000 out of total 10000\n", + "loss: 4.849743, time: 20.846905, number of examples in current step: 5, step 9100 out of total 10000\n", + "loss: 4.765189, time: 22.010775, number of examples in current step: 5, step 9200 out of total 10000\n", + "loss: 4.286385, time: 20.883247, number of examples in current step: 5, step 9300 out of total 10000\n", + "loss: 4.207896, time: 21.537331, number of examples in current step: 5, step 9400 out of total 10000\n", + "loss: 4.151980, time: 20.909060, number of examples in current step: 5, step 9500 out of total 10000\n", + "loss: 4.407137, time: 21.653464, number of examples in current step: 5, step 9600 out of total 10000\n", + "loss: 4.215871, time: 20.745822, number of examples in current step: 7, step 9700 out of total 10000\n", + "loss: 4.864621, time: 21.670415, number of examples in current step: 5, step 9800 out of total 10000\n", + "loss: 3.503241, time: 20.759992, number of examples in current step: 5, step 9900 out of total 10000\n", + "loss: 3.773483, time: 21.494518, number of examples in current step: 5, step 10000 out of total 10000\n" ] } ], @@ -744,35 +712,26 @@ }, { "cell_type": "code", - "execution_count": 21, + "execution_count": 69, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1217 19:20:14.048710 139802557667136 extractive_summarization.py:432] Saving model checkpoint to /tmp/tmpdym52i5i/fine_tuned/extsum_modelname_distilbert-base-uncased_quickrun_True.pt\n" + "I1220 21:05:21.955157 140334900168512 extractive_summarization.py:467] Saving model checkpoint to /tmp/tmp88nx0v51/fine_tuned/extsum_modelname_distilbert-base-uncased_usepreprocessTrue_steps_10000.0.pt\n" ] } ], "source": [ - "summarizer.save_model(\"extsum_modelname_{0}_quickrun_{1}.pt\".format(MODEL_NAME, QUICK_RUN))" + "summarizer.save_model(\"extsum_modelname_{0}_usepreprocess{1}_steps_{2}.pt\".format(MODEL_NAME, USE_PREPROCSSED_DATA, MAX_STEPS))" ] }, { "cell_type": "code", - "execution_count": 230, + "execution_count": 19, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/serialization.py:453: SourceChangeWarning: source code of class 'transformers.modeling_distilbert.DistilBertModel' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.\n", - " warnings.warn(msg, SourceChangeWarning)\n" - ] - } - ], + "outputs": [], "source": [ "# for loading a previous saved model\n", "import torch\n", @@ -790,7 +749,7 @@ }, { "cell_type": "code", - "execution_count": 218, + "execution_count": 20, "metadata": {}, "outputs": [], "source": [ @@ -799,7 +758,7 @@ }, { "cell_type": "code", - "execution_count": 219, + "execution_count": 21, "metadata": {}, "outputs": [ { @@ -808,7 +767,7 @@ "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" ] }, - "execution_count": 219, + "execution_count": 21, "metadata": {}, "output_type": "execute_result" } @@ -819,123 +778,56 @@ }, { "cell_type": "code", - "execution_count": 220, + "execution_count": 22, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "11489" + "" ] }, - "execution_count": 220, + "execution_count": 22, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "len(target)" + "test_dataset" ] }, { "cell_type": "code", - "execution_count": 171, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "from bertsum.models.data_loader import Batch\n", - "def collate_fn(dict_list):\n", - " # tuple_batch = [list(col) for col in zip(*[d.values() for d in dict_list]\n", - " # Todo: get is_labeled very dict_list \n", - " tuple_batch = [list(d.values()) for d in dict_list]\n", - " batch = Batch(tuple_batch, is_labeled=True)\n", - " is_labeled=True\n", - " if is_labeled:\n", - " # labels must be the last\n", - " return {\n", - " \"src\": batch.src,\n", - " \"segs\": batch.segs,\n", - " \"clss\": batch.clss,\n", - " \"mask\": batch.mask,\n", - " \"mask_cls\": batch.mask_cls,\n", - " \"labels\": batch.labels,\n", - " }\n", - " else:\n", - " return {\n", - " \"src\": batch.src,\n", - " \"segs\": batch.segs,\n", - " \"clss\": batch.clss,\n", - " \"mask\": batch.mask,\n", - " \"mask_cls\": batch.mask_cls,\n", - " }\n", - " " + "prediction = summarizer.predict(test_dataset, num_gpus=2)" ] }, { "cell_type": "code", - "execution_count": 163, + "execution_count": 76, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" + "9999" ] }, - "execution_count": 163, + "execution_count": 76, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "test_dataset[0].keys()" - ] - }, - { - "cell_type": "code", - "execution_count": 231, - "metadata": {}, - "outputs": [], - "source": [ - "from torch.utils.data import DataLoader, RandomSampler, SequentialSampler\n", - "from torch.utils.data.distributed import DistributedSampler\n", - "test_sampler = SequentialSampler(test_dataset)" + "len(prediction)" ] }, { "cell_type": "code", - "execution_count": 232, - "metadata": {}, - "outputs": [], - "source": [ - "test_dataloader = DataLoader(test_dataset, sampler=test_sampler, batch_size=5, collate_fn=collate_fn)" - ] - }, - { - "cell_type": "code", - "execution_count": 233, - "metadata": {}, - "outputs": [], - "source": [ - "prediction = summarizer.predict_scores(test_dataloader)\n" - ] - }, - { - "cell_type": "code", - "execution_count": 234, - "metadata": { - "scrolled": true - }, - "outputs": [], - "source": [ - "prediction_list = []\n", - "for i in prediction:\n", - " prediction_list.extend(i)" - ] - }, - { - "cell_type": "code", - "execution_count": 236, + "execution_count": 77, "metadata": { "scrolled": true }, @@ -944,83404 +836,49 @@ "name": "stdout", "output_type": "stream", "text": [ - "[1.2796938 1.4137597 1.3299941 1.2632748 1.2464952 1.0687683 1.1606723\n", - " 1.0789145 1.0379118 1.0830826 1.1102908 1.0584245 1.047128 1.0388101\n", - " 1.0484103 1.0267538 1.0320449 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 4 6 10 9 7 5 11 14 12 13 8 16 15 20 17 18 19 21]\n", - "=======================\n", - "[\"a turkish court imposed the blocks because images of the deadly siege were being shared on social media and ` deeply upset ' the wife and children of mehmet selim kiraz , the hostage who was killed .the 46-year-old turkish prosecutor died in hospital when members of the revolutionary people 's liberation party-front ( dhkp-c ) stormed a courthouse and took him hostage .turkey has blocked access to twitter and youtube after they refused a request to remove pictures of a prosecutor held during an armed siege last week .\"]\n", - "=======================\n", - "[\"turkish court imposed blocks as images of siege shared on social mediaimages ` deeply upset ' wife and children of hostage mehmet selim kirazprosecutor , 46 , died in hospital after hostages stormed a courthousetwo of his captors were killed when security forces took back the building\"]\n", - "a turkish court imposed the blocks because images of the deadly siege were being shared on social media and ` deeply upset ' the wife and children of mehmet selim kiraz , the hostage who was killed .the 46-year-old turkish prosecutor died in hospital when members of the revolutionary people 's liberation party-front ( dhkp-c ) stormed a courthouse and took him hostage .turkey has blocked access to twitter and youtube after they refused a request to remove pictures of a prosecutor held during an armed siege last week .\n", - "turkish court imposed blocks as images of siege shared on social mediaimages ` deeply upset ' wife and children of hostage mehmet selim kirazprosecutor , 46 , died in hospital after hostages stormed a courthousetwo of his captors were killed when security forces took back the building\n", - "[1.4332309 1.2014918 1.4598142 1.3369315 1.2129854 1.195212 1.1715063\n", - " 1.0673668 1.0350817 1.0249394 1.0774491 1.0214591 1.0350432 1.0661979\n", - " 1.0975418 1.0838022 1.0363333 1.0532433 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 3 4 1 5 6 14 15 10 7 13 17 16 8 12 9 11 20 18 19 21]\n", - "=======================\n", - "[\"deborah fuller , 56 , dragged her dog tango for 400 metres behind her car as she drove along the b1066 near long melford , essex .the rhodesian ridgeback was left with injuries to all four paws as well as grazing to his chest and a deep wound on his elbow .he is believed to have somehow escaped from the boot of her car and was dragged along the single carriageway because his lead was attached to the vehicle 's tailgate .\"]\n", - "=======================\n", - "[\"warning : graphic content - deborah fuller dragged her one-year-old dog behind her car for 400 metres at a speed of around 30mphanimal was left with wounds to paws and elbow and grazes on his stomachfuller , a breeder , failed to quickly take the animal to vet which could have reduced the ` unnecessary suffering ' of the rhodesian ridgebackshe was banned from keeping animals for five years and given a curfew\"]\n", - "deborah fuller , 56 , dragged her dog tango for 400 metres behind her car as she drove along the b1066 near long melford , essex .the rhodesian ridgeback was left with injuries to all four paws as well as grazing to his chest and a deep wound on his elbow .he is believed to have somehow escaped from the boot of her car and was dragged along the single carriageway because his lead was attached to the vehicle 's tailgate .\n", - "warning : graphic content - deborah fuller dragged her one-year-old dog behind her car for 400 metres at a speed of around 30mphanimal was left with wounds to paws and elbow and grazes on his stomachfuller , a breeder , failed to quickly take the animal to vet which could have reduced the ` unnecessary suffering ' of the rhodesian ridgebackshe was banned from keeping animals for five years and given a curfew\n", - "[1.3368304 1.5234545 1.1833438 1.1580886 1.3970908 1.1416503 1.1154733\n", - " 1.066751 1.0551693 1.047369 1.0774546 1.0161132 1.0235069 1.0214039\n", - " 1.0414332 1.0414616 1.0308359 1.0465719 1.0515779 1.0198278 1.039393\n", - " 1.0168059]\n", - "\n", - "[ 1 4 0 2 3 5 6 10 7 8 18 9 17 15 14 20 16 12 13 19 21 11]\n", - "=======================\n", - "[\"flanker david pocock scored a hat-trick of tries for australian super rugby team , the brumbies , who were on their way to a win against the highlanders at canberra stadium on friday night .miranda devine has apologised after calling david pocock a ` tosser ' for celebrating a try using sign languagedevine tweeted : ` did pocock actually do jazz hands when he celebrated a try ?!!!\"]\n", - "=======================\n", - "[\"after scoring a try on friday night , david pocock gestured in sign language to a friendmiranda devine mistook it for ` jazz hands ' , calling him a ` tosser ' on twitterthe rugby player gracefully corrected devine , who promptly apologisedsocial media went into a frenzy following the exchange\"]\n", - "flanker david pocock scored a hat-trick of tries for australian super rugby team , the brumbies , who were on their way to a win against the highlanders at canberra stadium on friday night .miranda devine has apologised after calling david pocock a ` tosser ' for celebrating a try using sign languagedevine tweeted : ` did pocock actually do jazz hands when he celebrated a try ?!!!\n", - "after scoring a try on friday night , david pocock gestured in sign language to a friendmiranda devine mistook it for ` jazz hands ' , calling him a ` tosser ' on twitterthe rugby player gracefully corrected devine , who promptly apologisedsocial media went into a frenzy following the exchange\n", - "[1.399592 1.299201 1.2810969 1.370365 1.1762639 1.1740103 1.0317382\n", - " 1.0151825 1.030411 1.1223116 1.1196861 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 2 4 5 9 10 6 8 7 20 11 12 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"saracens director of rugby mark mccall lauded his young guns after their latest european heartache before declaring he has no intention of overspending in a competitive post-world cup transfer market .maro itoje ( second left ) was one of five england-qualified forwards in the saracens pack that faced clermontsaracens ' millionaire chairman nigel wray spent much of last week repeating his belief the cap should be scrapped in order for saracens to compete at europe 's top table , raising expectations they could be set to land a ` marquee ' player from outside the league whose wages would sit outside next season 's # 5.5 m cap .\"]\n", - "=======================\n", - "[\"saracens lost 13-9 to clermont at stade geoffroy-guichard on saturdaythe sarries pack contained five english-qualified forwardssaracens ' millionaire chairman nigel wray wants the salary cap scrapped\"]\n", - "saracens director of rugby mark mccall lauded his young guns after their latest european heartache before declaring he has no intention of overspending in a competitive post-world cup transfer market .maro itoje ( second left ) was one of five england-qualified forwards in the saracens pack that faced clermontsaracens ' millionaire chairman nigel wray spent much of last week repeating his belief the cap should be scrapped in order for saracens to compete at europe 's top table , raising expectations they could be set to land a ` marquee ' player from outside the league whose wages would sit outside next season 's # 5.5 m cap .\n", - "saracens lost 13-9 to clermont at stade geoffroy-guichard on saturdaythe sarries pack contained five english-qualified forwardssaracens ' millionaire chairman nigel wray wants the salary cap scrapped\n", - "[1.2745605 1.4863069 1.1092843 1.2818605 1.1078014 1.0224999 1.0339149\n", - " 1.2592342 1.0943308 1.1625483 1.0522639 1.0986007 1.0222622 1.0162874\n", - " 1.0466537 1.0517602 1.1166394 1.0232146 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 7 9 16 2 4 11 8 10 15 14 6 17 5 12 13 18 19 20 21]\n", - "=======================\n", - "[\"eight teams will play a total of 60 games over almost seven weeks across 12 venues all round india in a battle to be crowned champions of the tournament 's eighth edition , with the final taking place at eden gardens in kolkata on may 24 .will virat kohli lead the royal challengers bangalore to their first title ?it 's t20 season on the sub-continent and the world 's best players are about the pad up for the latest edition of the indian premier league , cricket 's most exciting and richest domestic tournament .\"]\n", - "=======================\n", - "['ipl 2015 to begin in kolkata on wednesday , april 8kolkata knight riders looking to retain the title they won last yeareighth edition of the tournament features eight teams and 60 matcheseoin morgan , ravi bopara and kevin pietersen lead english chargefinal takes place at eden gardens in kolkata on sunday , may 24']\n", - "eight teams will play a total of 60 games over almost seven weeks across 12 venues all round india in a battle to be crowned champions of the tournament 's eighth edition , with the final taking place at eden gardens in kolkata on may 24 .will virat kohli lead the royal challengers bangalore to their first title ?it 's t20 season on the sub-continent and the world 's best players are about the pad up for the latest edition of the indian premier league , cricket 's most exciting and richest domestic tournament .\n", - "ipl 2015 to begin in kolkata on wednesday , april 8kolkata knight riders looking to retain the title they won last yeareighth edition of the tournament features eight teams and 60 matcheseoin morgan , ravi bopara and kevin pietersen lead english chargefinal takes place at eden gardens in kolkata on sunday , may 24\n", - "[1.2457873 1.5437553 1.3736362 1.3614495 1.1393809 1.0297986 1.0439297\n", - " 1.1057585 1.2554127 1.0354297 1.0579945 1.0620288 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 8 0 4 7 11 10 6 9 5 12 13 14 15 16 17 18]\n", - "=======================\n", - "['the thief entered a branch of lloyds bank in new milton , hampshire before threatening cashier staff and ordering them to hand over money .the man , whose face and hands were heavily swathed in bandages , then fled from the station road bank .police say a 56-year-old man from new milton has been arrested on suspicion of robbery']\n", - "=======================\n", - "[\"man with bandages covering head robbed bank in new milton , hampshirethreatened staff before making off with a ` significant ' amount of moneypolice have arrested a man , 56 , from the town on suspicion of robbery\"]\n", - "the thief entered a branch of lloyds bank in new milton , hampshire before threatening cashier staff and ordering them to hand over money .the man , whose face and hands were heavily swathed in bandages , then fled from the station road bank .police say a 56-year-old man from new milton has been arrested on suspicion of robbery\n", - "man with bandages covering head robbed bank in new milton , hampshirethreatened staff before making off with a ` significant ' amount of moneypolice have arrested a man , 56 , from the town on suspicion of robbery\n", - "[1.37374 1.3196958 1.1605532 1.3467275 1.0919834 1.0700476 1.0633694\n", - " 1.0434928 1.0424489 1.1595212 1.099494 1.0723164 1.0485145 1.0601734\n", - " 1.0541053 1.0853757 1.0208286 0. 0. ]\n", - "\n", - "[ 0 3 1 2 9 10 4 15 11 5 6 13 14 12 7 8 16 17 18]\n", - "=======================\n", - "[\"millionaire real estate heir robert durst has pleaded not guilty to two weapons charges related to his arrest last month , further delaying his extradition to california to face murder charges .durst entered his plea during an arraignment in a new orleans court on weapons charges that accused him of possessing a firearm after a felony conviction and possessing both a firearm and an illegal drug , marijuana .durst 's hands were shackled to his sides , and two defense attorneys lifted him from an armchair to his feet to walk to the podium .\"]\n", - "=======================\n", - "['robert durst was indicted wednesday on the two weapons charges that have kept him in new orleansgrand jury charged durst with possession of a firearm by a felon , and possession of both a firearm and an illegal drug : 5 ounces of marijuanaon thursday he appeared in court to plead not guiltydurst , 71 , is wanted in california for the murder of his friend susan bermanberman , an author who formerly acted a media spokeswoman for durst , was shot in the head at her benedict canyon home in 2000']\n", - "millionaire real estate heir robert durst has pleaded not guilty to two weapons charges related to his arrest last month , further delaying his extradition to california to face murder charges .durst entered his plea during an arraignment in a new orleans court on weapons charges that accused him of possessing a firearm after a felony conviction and possessing both a firearm and an illegal drug , marijuana .durst 's hands were shackled to his sides , and two defense attorneys lifted him from an armchair to his feet to walk to the podium .\n", - "robert durst was indicted wednesday on the two weapons charges that have kept him in new orleansgrand jury charged durst with possession of a firearm by a felon , and possession of both a firearm and an illegal drug : 5 ounces of marijuanaon thursday he appeared in court to plead not guiltydurst , 71 , is wanted in california for the murder of his friend susan bermanberman , an author who formerly acted a media spokeswoman for durst , was shot in the head at her benedict canyon home in 2000\n", - "[1.1292754 1.4101024 1.350781 1.3655038 1.1074867 1.0480973 1.042002\n", - " 1.1361786 1.0647401 1.09524 1.0721804 1.0837209 1.1290894 1.0555414\n", - " 1.0346663 1.0647441 1.0336522 1.0410854 0. ]\n", - "\n", - "[ 1 3 2 7 0 12 4 9 11 10 15 8 13 5 6 17 14 16 18]\n", - "=======================\n", - "['barcelona will dedicate a museum exclusively to the new york director , who picked the catalan capital for the setting of his oscar winning film , vicky cristina barcelona .the cultural centre is hoped to be housed in former arts and crafts school , la llotja , following an refurbishment of the now abandoned building .first they made a life-sized bronze statue of him , and now they are creating an entire museum in his honour .']\n", - "=======================\n", - "[\"the project is hoped to open at the former arts centre , la llotjafriend and producer jaume roures of mediapro is leading the tributethe museum follows allen 's vicky cristina barcelona , set in the city\"]\n", - "barcelona will dedicate a museum exclusively to the new york director , who picked the catalan capital for the setting of his oscar winning film , vicky cristina barcelona .the cultural centre is hoped to be housed in former arts and crafts school , la llotja , following an refurbishment of the now abandoned building .first they made a life-sized bronze statue of him , and now they are creating an entire museum in his honour .\n", - "the project is hoped to open at the former arts centre , la llotjafriend and producer jaume roures of mediapro is leading the tributethe museum follows allen 's vicky cristina barcelona , set in the city\n", - "[1.4443982 1.5454713 1.2682319 1.2090927 1.0538732 1.0409672 1.0508757\n", - " 1.0621388 1.0475276 1.0709457 1.0454873 1.0838014 1.0430697 1.0517381\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 11 9 7 4 13 6 8 10 12 5 17 14 15 16 18]\n", - "=======================\n", - "[\"yarde excelled in saturday 's roller-coaster aviva premiership victory over gloucester , scoring the crucial try in the 70th minute at the stoop .harlequins director of rugby conor o'shea believes it is only a matter of time before marland yarde is restored to the england fold .the 22-year-old wing won the last of his seven caps as a replacement last autumn , but was overlooked by england throughout the rbs 6 nations .\"]\n", - "=======================\n", - "['gloucester led 13-11 at half-time thanks to a billy meakes trya charlie walker try and two nick evans penalties kept quins in the huntcharlie sharples register another try for the cheery and whitesbut two more evans three-pointers kept the home side in frontlate tries from marland yarde and ollie lindsay-hague secured the win']\n", - "yarde excelled in saturday 's roller-coaster aviva premiership victory over gloucester , scoring the crucial try in the 70th minute at the stoop .harlequins director of rugby conor o'shea believes it is only a matter of time before marland yarde is restored to the england fold .the 22-year-old wing won the last of his seven caps as a replacement last autumn , but was overlooked by england throughout the rbs 6 nations .\n", - "gloucester led 13-11 at half-time thanks to a billy meakes trya charlie walker try and two nick evans penalties kept quins in the huntcharlie sharples register another try for the cheery and whitesbut two more evans three-pointers kept the home side in frontlate tries from marland yarde and ollie lindsay-hague secured the win\n", - "[1.0441909 1.0848387 1.3194044 1.3200206 1.2352278 1.1263459 1.0971383\n", - " 1.1699048 1.1982301 1.0809026 1.0852153 1.1156242 1.1261463 1.0749183\n", - " 1.0500864 1.0139292 1.0111586 1.0552317 1.0811725]\n", - "\n", - "[ 3 2 4 8 7 5 12 11 6 10 1 18 9 13 17 14 0 15 16]\n", - "=======================\n", - "['the video maker holds two stacked cups up to the camera and rotates through the various hairstylesdrawn on the inside cup is a head and a torso and pictured on the outside cup are a selection of haircuts .the artist initially uploaded the video to reddit and claims to be have been influenced by japanese comics']\n", - "=======================\n", - "['filmmaker rotates four stacked see-through plastic cupshe selects an afro hair type , a shirt and a pair of glassesthe video maker initially uploaded his creation to redditone user stated there are a total of 294 possible variations']\n", - "the video maker holds two stacked cups up to the camera and rotates through the various hairstylesdrawn on the inside cup is a head and a torso and pictured on the outside cup are a selection of haircuts .the artist initially uploaded the video to reddit and claims to be have been influenced by japanese comics\n", - "filmmaker rotates four stacked see-through plastic cupshe selects an afro hair type , a shirt and a pair of glassesthe video maker initially uploaded his creation to redditone user stated there are a total of 294 possible variations\n", - "[1.2953751 1.402004 1.3001013 1.2459035 1.0812249 1.1525496 1.0430893\n", - " 1.0449923 1.101909 1.0582598 1.1751766 1.1351498 1.0954334 1.0804315\n", - " 1.0356342 1.147336 1.094095 1.0390401 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 10 5 15 11 8 12 16 4 13 9 7 6 17 14 19 18 20]\n", - "=======================\n", - "[\"it is thought the migrants had climbed into the british-registered truck in belgium before crossing the channel and entering the uk illegally .police sniffer dogs were used to find them after officers opened the truck 's back doors on the a40 near churcham , gloucestershire .five afghan men were found hiding in the back of a refrigerated lorry after travelling 200 miles across britain .\"]\n", - "=======================\n", - "['truck stopped by police this morning after travelling 200m across the ukpolice sniffer dog team found five men hiding in tiny space insideit is thought they had climbed on board in belgium before entering britaincomes days after illegal camp in calais , france was closed down']\n", - "it is thought the migrants had climbed into the british-registered truck in belgium before crossing the channel and entering the uk illegally .police sniffer dogs were used to find them after officers opened the truck 's back doors on the a40 near churcham , gloucestershire .five afghan men were found hiding in the back of a refrigerated lorry after travelling 200 miles across britain .\n", - "truck stopped by police this morning after travelling 200m across the ukpolice sniffer dog team found five men hiding in tiny space insideit is thought they had climbed on board in belgium before entering britaincomes days after illegal camp in calais , france was closed down\n", - "[1.064936 1.1124885 1.1417198 1.1110886 1.583643 1.5115285 1.0350237\n", - " 1.044666 1.0643039 1.022126 1.0737963 1.0252631 1.054259 1.0460339\n", - " 1.0229783 1.0136569 1.0331256 1.1172823 1.0184094 1.2041773 1.1738735]\n", - "\n", - "[ 4 5 19 20 2 17 1 3 10 0 8 12 13 7 6 16 11 14 9 18 15]\n", - "=======================\n", - "['gael monfils celebrates after beating roger federer in straight sets at the monte carlo mastersfrenchman monfils beat the former world no 1 6-4 7-6 in a last-16 thriller on thursday in monacomonfils will face grigor dimitrov in what should be an explosive quarter-final .']\n", - "=======================\n", - "['gael monfils beat roger federer 6-4 , 7-6 at the monte carlo mastersthe frenchman showed how good he can be in thrilling last-16 winmonfils now faces grigor dimitrov in the quarter-finals in monaco']\n", - "gael monfils celebrates after beating roger federer in straight sets at the monte carlo mastersfrenchman monfils beat the former world no 1 6-4 7-6 in a last-16 thriller on thursday in monacomonfils will face grigor dimitrov in what should be an explosive quarter-final .\n", - "gael monfils beat roger federer 6-4 , 7-6 at the monte carlo mastersthe frenchman showed how good he can be in thrilling last-16 winmonfils now faces grigor dimitrov in the quarter-finals in monaco\n", - "[1.2140512 1.1486871 1.365796 1.2709178 1.116648 1.0904206 1.1068004\n", - " 1.0875931 1.1940852 1.0981406 1.0467284 1.0238405 1.0349622 1.2037832\n", - " 1.0231459 1.022642 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 13 8 1 4 6 9 5 7 10 12 11 14 15 19 16 17 18 20]\n", - "=======================\n", - "['sepsis , previously known as septicaemia , affects more than 100,000 britons a year and kills 37,000 -- more than breast , bowel and prostate cancer combined .now a snapshot nhs study reveals that on one surgical ward at a leading teaching hospital , 90 per cent of patients failed to get the correct treatment , involving a simple set of lifesaving measures known as sepsis six .mother-of-two anna tilley survived after spending four days in intensive care with blood poisoning , pictured with her son harry']\n", - "=======================\n", - "['experts have warned hospitals not using standard treatment for sepsisblood poisoning affects more than 100,000 britons a year and kills 37,00010 % of patients at edinburgh royal infirmary ward given correct treatmentsepsis six involves blood tests to check for infection and monitoring urine']\n", - "sepsis , previously known as septicaemia , affects more than 100,000 britons a year and kills 37,000 -- more than breast , bowel and prostate cancer combined .now a snapshot nhs study reveals that on one surgical ward at a leading teaching hospital , 90 per cent of patients failed to get the correct treatment , involving a simple set of lifesaving measures known as sepsis six .mother-of-two anna tilley survived after spending four days in intensive care with blood poisoning , pictured with her son harry\n", - "experts have warned hospitals not using standard treatment for sepsisblood poisoning affects more than 100,000 britons a year and kills 37,00010 % of patients at edinburgh royal infirmary ward given correct treatmentsepsis six involves blood tests to check for infection and monitoring urine\n", - "[1.358745 1.2290006 1.3385173 1.273929 1.1532464 1.0749671 1.0846143\n", - " 1.0623585 1.0659871 1.1980501 1.1182722 1.0223542 1.0187707 1.1040316\n", - " 1.1067235 1.0534732 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 9 4 10 14 13 6 5 8 7 15 11 12 19 16 17 18 20]\n", - "=======================\n", - "[\"prince harry will arrive in australia next monday to kick-off his last tour of duty , where he will spend four-weeks with the australian military .captain wales , as he is known in the british army , will fall in with troops at the perth sas base and take on training exercises .the prince will also time with indigenous norforce soldiers in the northern territory , and the army 's sydney-based 6th aviation regiment .\"]\n", - "=======================\n", - "[\"prince harry to arrive in australia next monday ahead of four-week staywill be australian soldiers in darwin , perth and sydney during tripprince will observe elite sas soldiers , and indigenous norforce troopsthe royal said to be excited for ` challenging and hectic ' schedulethe trip is the last of prince harry 's military career before he retires\"]\n", - "prince harry will arrive in australia next monday to kick-off his last tour of duty , where he will spend four-weeks with the australian military .captain wales , as he is known in the british army , will fall in with troops at the perth sas base and take on training exercises .the prince will also time with indigenous norforce soldiers in the northern territory , and the army 's sydney-based 6th aviation regiment .\n", - "prince harry to arrive in australia next monday ahead of four-week staywill be australian soldiers in darwin , perth and sydney during tripprince will observe elite sas soldiers , and indigenous norforce troopsthe royal said to be excited for ` challenging and hectic ' schedulethe trip is the last of prince harry 's military career before he retires\n", - "[1.6202111 1.1320655 1.1687465 1.4237128 1.1356177 1.1943634 1.0378575\n", - " 1.0134997 1.0447756 1.2494421 1.0460242 1.1329224 1.0722809 1.0463997\n", - " 1.03284 1.0380366 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 9 5 2 4 11 1 12 13 10 8 15 6 14 7 16 17 18 19 20]\n", - "=======================\n", - "[\"bafetimbi gomis scored twice in swansea 's 3-1 win over hull on saturday and tops this week 's ea sports ' performance index after another thrilling installment of premier league action .the ea sports ppi is the official player rating index of the premier league .the frenchman - who made a slow start to his career in south wales after playing second fiddle to the recently-departed wilfried bony - has scored four goals in his last six premier league games and earned a game index score of 52.9 this weekend .\"]\n", - "=======================\n", - "[\"bafetimbi gomis scored a brace as swansea beat hull 3-1 on saturdaythe french striker tops this week 's ea sports ' performance indexcharlie austin takes second place after qpr 's 4-1 win against west bromeden hazard , alexis sancez and ander herrera also feature in the top 10click here for all the latest premier league news\"]\n", - "bafetimbi gomis scored twice in swansea 's 3-1 win over hull on saturday and tops this week 's ea sports ' performance index after another thrilling installment of premier league action .the ea sports ppi is the official player rating index of the premier league .the frenchman - who made a slow start to his career in south wales after playing second fiddle to the recently-departed wilfried bony - has scored four goals in his last six premier league games and earned a game index score of 52.9 this weekend .\n", - "bafetimbi gomis scored a brace as swansea beat hull 3-1 on saturdaythe french striker tops this week 's ea sports ' performance indexcharlie austin takes second place after qpr 's 4-1 win against west bromeden hazard , alexis sancez and ander herrera also feature in the top 10click here for all the latest premier league news\n", - "[1.0808711 1.2166747 1.250782 1.2842052 1.2542619 1.1531214 1.0721672\n", - " 1.0418371 1.1634774 1.10041 1.1146388 1.025619 1.194466 1.0661174\n", - " 1.0381167 1.0567709 1.0755002 1.0537832 1.024133 1.0628465 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 2 1 12 8 5 10 9 0 16 6 13 19 15 17 7 14 11 18 24 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"craig gardner starred as tony pulis ' west bromwich albion side gave him a winning return to crystal palace , even despite the efforts of in-form palace winger yannick bolasie .everton claimed a win over struggling burnley , stoke city saw off southampton and leonardo ulloa scored to continue leicester city 's late surge against swansea city .he is joined by two team-mates from jose mourinho 's champions-elect .\"]\n", - "=======================\n", - "['eden hazard scored the only goal as chelsea beat manchester unitedleonardo ulloa struck as leicester city claimed vital win over swanseaeverton beat burnley at goodison park with aaron lennon starringcraig gardner scored to help west brom win at crystal palacestoke city won against southampton , with philipp wollscheid starring']\n", - "craig gardner starred as tony pulis ' west bromwich albion side gave him a winning return to crystal palace , even despite the efforts of in-form palace winger yannick bolasie .everton claimed a win over struggling burnley , stoke city saw off southampton and leonardo ulloa scored to continue leicester city 's late surge against swansea city .he is joined by two team-mates from jose mourinho 's champions-elect .\n", - "eden hazard scored the only goal as chelsea beat manchester unitedleonardo ulloa struck as leicester city claimed vital win over swanseaeverton beat burnley at goodison park with aaron lennon starringcraig gardner scored to help west brom win at crystal palacestoke city won against southampton , with philipp wollscheid starring\n", - "[1.4505794 1.4136542 1.3725557 1.4156457 1.0309619 1.0296772 1.0260646\n", - " 1.0973401 1.0278871 1.0726101 1.1348093 1.1159482 1.0553818 1.0126375\n", - " 1.009657 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 10 11 7 9 12 4 5 8 6 13 14 23 22 21 20 17 18 16 15 24\n", - " 19 25]\n", - "=======================\n", - "[\"qpr manager chris ramsey is convinced he is the right man to bring long-term success to loftus road - whether rangers are relegated or not .ramsey has overseen just one victory since he was appointed permanent manager in february but four points from games against aston villa and west brom , and a narrow defeat to chelsea , have revived hopes of survival .west ham 's sam allardyce and bournemouth 's eddie howe have both been linked with ramsey 's job in the summer but the former tottenham coach believes it would be unfair for his future to depend on rangers avoiding the drop .\"]\n", - "=======================\n", - "[\"chris ramsey has overseen just one victory since he was appointed permanent manager in februarywest ham 's sam allardyce and bournemouth 's eddie howe have both been linked with ramsey 's job in the summerqpr face west ham at loftus road on saturdayclick here for the latest queens park rangers news\"]\n", - "qpr manager chris ramsey is convinced he is the right man to bring long-term success to loftus road - whether rangers are relegated or not .ramsey has overseen just one victory since he was appointed permanent manager in february but four points from games against aston villa and west brom , and a narrow defeat to chelsea , have revived hopes of survival .west ham 's sam allardyce and bournemouth 's eddie howe have both been linked with ramsey 's job in the summer but the former tottenham coach believes it would be unfair for his future to depend on rangers avoiding the drop .\n", - "chris ramsey has overseen just one victory since he was appointed permanent manager in februarywest ham 's sam allardyce and bournemouth 's eddie howe have both been linked with ramsey 's job in the summerqpr face west ham at loftus road on saturdayclick here for the latest queens park rangers news\n", - "[1.2377533 1.1824865 1.1689575 1.2859814 1.2463613 1.1739305 1.1883651\n", - " 1.1616007 1.0934342 1.1601442 1.0332905 1.0342398 1.052422 1.0392015\n", - " 1.0278347 1.0318431 1.0227463 1.0395747 1.1494843 1.0380152 1.0545505\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 0 6 1 5 2 7 9 18 8 20 12 17 13 19 11 10 15 14 16 21 22 23\n", - " 24 25]\n", - "=======================\n", - "['nasa scientists in california have revealed new images of the dwarf planet ceres .they reveal new views of the two brightest spots in a crater ( shown ) .dawn will begin its first science orbit around ceres on 23 april']\n", - "=======================\n", - "['nasa scientists in california reveal new images of dwarf planet ceresthey show new views of the two brightest spots in a craterhowever , scientists are still not able to explain what they aredawn will begin its first science orbit around ceres on 23 april']\n", - "nasa scientists in california have revealed new images of the dwarf planet ceres .they reveal new views of the two brightest spots in a crater ( shown ) .dawn will begin its first science orbit around ceres on 23 april\n", - "nasa scientists in california reveal new images of dwarf planet ceresthey show new views of the two brightest spots in a craterhowever , scientists are still not able to explain what they aredawn will begin its first science orbit around ceres on 23 april\n", - "[1.3561604 1.0730218 1.2646568 1.3066972 1.2255148 1.103288 1.0500331\n", - " 1.2102985 1.0685575 1.083679 1.0731925 1.0969577 1.1029953 1.0301567\n", - " 1.0851698 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 4 7 5 12 11 14 9 10 1 8 6 13 23 22 21 20 16 18 17 15 24\n", - " 19 25]\n", - "=======================\n", - "[\"blue bell ice cream announced friday that it has suspended operations at an oklahoma production facility that officials had previously connected to a foodborne illness linked to the deaths of three people .last month , the company and health officials said a 3-ounce cup of ice cream contaminated with listeriosis was traced to a plant in broken arrow , oklahoma .ten products recalled earlier in march were from a production line at a plant the company 's headquarters in brenham , texas\"]\n", - "=======================\n", - "['last month , the company and health officials said a 3-ounce cup of ice cream contaminated with listeriosis was traced to a plant oklahomaofficials determined at least four people hospitalized with the bacteria drank milkshakes that contained blue bell ice cream , three of whom later diedthe disease primarily affects pregnant women , newborns , older adults and people with weakened immune systems']\n", - "blue bell ice cream announced friday that it has suspended operations at an oklahoma production facility that officials had previously connected to a foodborne illness linked to the deaths of three people .last month , the company and health officials said a 3-ounce cup of ice cream contaminated with listeriosis was traced to a plant in broken arrow , oklahoma .ten products recalled earlier in march were from a production line at a plant the company 's headquarters in brenham , texas\n", - "last month , the company and health officials said a 3-ounce cup of ice cream contaminated with listeriosis was traced to a plant oklahomaofficials determined at least four people hospitalized with the bacteria drank milkshakes that contained blue bell ice cream , three of whom later diedthe disease primarily affects pregnant women , newborns , older adults and people with weakened immune systems\n", - "[1.2615465 1.3040895 1.2205065 1.2262024 1.2838578 1.0524828 1.037308\n", - " 1.0208085 1.0416635 1.030731 1.0238423 1.0431895 1.1462207 1.0434402\n", - " 1.0435926 1.01605 1.0194663 1.0312167 1.0383221 1.0420077 1.0387852\n", - " 1.0299622 1.045367 1.0336238 1.0978714 1.0566553]\n", - "\n", - "[ 1 4 0 3 2 12 24 25 5 22 14 13 11 19 8 20 18 6 23 17 9 21 10 7\n", - " 16 15]\n", - "=======================\n", - "[\"according to peter 's father , the letter submitted to the weekly standard took six-months to write because troubled peter was ` too angry ' to write it all down in one sitting .dear michelle obama : an eight-year-old boy named peter penned a letter to health conscious michelle obama to tell her one ketchup packet at lunch simply is not enough and that the united states should bomb syriain addition to telling michelle obama that public school children ca n't live on one packet of ketchup alone , peter criticizes the first lady for america 's lack of troops in the middle east and in the ukraine .\"]\n", - "=======================\n", - "[\"peter , 8 , wrote a letter to michelle obama criticizing her health guidelines for school lunches at public schoolspeter 's father said the letter submitted to the weekly standard took six-months to write because peter was ` too angry ' to write it in one sittingpeter thinks president obama needs to work on his speeches and that the united states should bomb syria\"]\n", - "according to peter 's father , the letter submitted to the weekly standard took six-months to write because troubled peter was ` too angry ' to write it all down in one sitting .dear michelle obama : an eight-year-old boy named peter penned a letter to health conscious michelle obama to tell her one ketchup packet at lunch simply is not enough and that the united states should bomb syriain addition to telling michelle obama that public school children ca n't live on one packet of ketchup alone , peter criticizes the first lady for america 's lack of troops in the middle east and in the ukraine .\n", - "peter , 8 , wrote a letter to michelle obama criticizing her health guidelines for school lunches at public schoolspeter 's father said the letter submitted to the weekly standard took six-months to write because peter was ` too angry ' to write it in one sittingpeter thinks president obama needs to work on his speeches and that the united states should bomb syria\n", - "[1.0558883 1.27272 1.1716899 1.5257993 1.2826905 1.3269957 1.2430445\n", - " 1.1335053 1.0286895 1.0337349 1.0274755 1.0253458 1.0380149 1.0296564\n", - " 1.2158798 0. 0. ]\n", - "\n", - "[ 3 5 4 1 6 14 2 7 0 12 9 13 8 10 11 15 16]\n", - "=======================\n", - "[\"sienna miller s a yoga fan - her mother started one of the first london yoga schools in the seventiesyet despite being ` very sporty at school ' , the actress says she 's ` not a gym person ' .this week : sienna miller 's waist .\"]\n", - "=======================\n", - "[\"sienna miller , 33 , is ` not a gym person ' but loves yogamother-of-one works with a personal trainer , power-walking and joggingtry hip rolls , a pilates move that targets the ` oblique ' abdominal muscles\"]\n", - "sienna miller s a yoga fan - her mother started one of the first london yoga schools in the seventiesyet despite being ` very sporty at school ' , the actress says she 's ` not a gym person ' .this week : sienna miller 's waist .\n", - "sienna miller , 33 , is ` not a gym person ' but loves yogamother-of-one works with a personal trainer , power-walking and joggingtry hip rolls , a pilates move that targets the ` oblique ' abdominal muscles\n", - "[1.4884305 1.3826058 1.2190751 1.1438854 1.080151 1.2292196 1.1144091\n", - " 1.0542384 1.0262822 1.3665146 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 9 5 2 3 6 4 7 8 10 11 12 13 14 15 16]\n", - "=======================\n", - "[\"despite arsenal winning their eighth premier league game in a row on saturday , the club 's chief executive ivan gazidis says he is ` not happy ' that the club are not going to win the title .with top spot set to elude arsenal again , gazidis says the club will ` keep pushing ' chelsea , but he admitted winning the championship is unlikely .and gazidis fears arsenal will find it harder in future just to maintain their perennial place in the top four champions league qualification places due to a surge in television cash .\"]\n", - "=======================\n", - "[\"arsenal beat burnley 1-0 on saturday to move four points clear in secondbut chief executive ivan gazidis is ` not happy ' to miss out on title againgazidis fears arsenal may struggle to make champions league in future\"]\n", - "despite arsenal winning their eighth premier league game in a row on saturday , the club 's chief executive ivan gazidis says he is ` not happy ' that the club are not going to win the title .with top spot set to elude arsenal again , gazidis says the club will ` keep pushing ' chelsea , but he admitted winning the championship is unlikely .and gazidis fears arsenal will find it harder in future just to maintain their perennial place in the top four champions league qualification places due to a surge in television cash .\n", - "arsenal beat burnley 1-0 on saturday to move four points clear in secondbut chief executive ivan gazidis is ` not happy ' to miss out on title againgazidis fears arsenal may struggle to make champions league in future\n", - "[1.4012876 1.401438 1.105844 1.3591516 1.3135192 1.2294632 1.0604424\n", - " 1.0247636 1.1277357 1.1264304 1.1609439 1.0613414 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 4 5 10 8 9 2 11 6 7 15 12 13 14 16]\n", - "=======================\n", - "[\"the 25-year-old opened the scoring in saturday 's 4-1 win over west brom but picked up the injury to his left knee after falling awkwardly and had to be replaced in the first half .qpr have confirmed that eduardo vargas has been ruled out for the rest of the season with a knee ligament injury that is expected to keep him out for between 10-12 weeks .scans have since revealed vargas sustained a grade two medial collateral ligament injury\"]\n", - "=======================\n", - "[\"eduardo vargas has been ruled out for 10-12 weeks with knee injurychilean ace vargas will miss the rest of the premier league seasonvargas picked up the injury during saturday 's win against west bromscans revealed he sustained a grade two medial collateral ligament injury\"]\n", - "the 25-year-old opened the scoring in saturday 's 4-1 win over west brom but picked up the injury to his left knee after falling awkwardly and had to be replaced in the first half .qpr have confirmed that eduardo vargas has been ruled out for the rest of the season with a knee ligament injury that is expected to keep him out for between 10-12 weeks .scans have since revealed vargas sustained a grade two medial collateral ligament injury\n", - "eduardo vargas has been ruled out for 10-12 weeks with knee injurychilean ace vargas will miss the rest of the premier league seasonvargas picked up the injury during saturday 's win against west bromscans revealed he sustained a grade two medial collateral ligament injury\n", - "[1.4609945 1.2794378 1.1345139 1.0847574 1.2487726 1.1304988 1.1899537\n", - " 1.0837101 1.1722959 1.0737085 1.0437347 1.0311992 1.0543664 1.0709195\n", - " 1.0580684 1.0282693 1.041389 ]\n", - "\n", - "[ 0 1 4 6 8 2 5 3 7 9 13 14 12 10 16 11 15]\n", - "=======================\n", - "[\"condemned bali nine drug smuggler myuran sukumaran has pledged to stare down the indonesian firing squad who will drag him to a jungle clearing and kill him shortly after midnight wednesday .that 's according close supporter and artist ben quilty , who has taken to the airwaves in a desperate final bid to stop sukumaran and fellow australian inmate andrew chan 's execution .as a ` realistic ' mr quilty pledged to fight the death penalty ` with everything i have for the rest of my life ' , the australian duo selected the spiritual advisers who will accompany them to their execution .\"]\n", - "=======================\n", - "[\"myuran sukumaran 's friend ben quilty says he will face his execution with ` strength and dignity '` myuran always said to me he would never take this lying down ... that he would stare them down , ' the artist saidsukumaran and chan have selected ` spiritual advisers ' to accompany them on their final journeyboth men refused to sign their execution warrants three days before their execution , saying that the process was unjustas his final request , chan has asked for a final church service with his familysukumaran has also requested as much time as possible to paintthe men have both nominated spiritual witnesses to their execution\"]\n", - "condemned bali nine drug smuggler myuran sukumaran has pledged to stare down the indonesian firing squad who will drag him to a jungle clearing and kill him shortly after midnight wednesday .that 's according close supporter and artist ben quilty , who has taken to the airwaves in a desperate final bid to stop sukumaran and fellow australian inmate andrew chan 's execution .as a ` realistic ' mr quilty pledged to fight the death penalty ` with everything i have for the rest of my life ' , the australian duo selected the spiritual advisers who will accompany them to their execution .\n", - "myuran sukumaran 's friend ben quilty says he will face his execution with ` strength and dignity '` myuran always said to me he would never take this lying down ... that he would stare them down , ' the artist saidsukumaran and chan have selected ` spiritual advisers ' to accompany them on their final journeyboth men refused to sign their execution warrants three days before their execution , saying that the process was unjustas his final request , chan has asked for a final church service with his familysukumaran has also requested as much time as possible to paintthe men have both nominated spiritual witnesses to their execution\n", - "[1.3878683 1.3759097 1.2027653 1.2332342 1.1539938 1.0908823 1.0586339\n", - " 1.0726274 1.0653658 1.0372437 1.0935917 1.0745882 1.0823798 1.0382544\n", - " 1.043819 1.0345594 1.0706943]\n", - "\n", - "[ 0 1 3 2 4 10 5 12 11 7 16 8 6 14 13 9 15]\n", - "=======================\n", - "['jakarta ( cnn ) an indonesian court has rejected a bid by two australian drug smugglers -- members of the \" bali nine \" -- to challenge their planned executions .andrew chan and myuran sukumaran are awaiting death by firing squad on indonesia \\'s \" execution island \" for their role in a failed 2005 heroin smuggling plot .lawyers for the pair had argued that widodo had failed to individually consider their cases .']\n", - "=======================\n", - "['two australian drug traffickers on death row in indonesia have had legal bids rejectedthe men were seeking to challenge president widodo \\'s decision to refuse clemency in their casesandrew chan and myuran sukumaran are members of the \" bali nine \" drug syndicate']\n", - "jakarta ( cnn ) an indonesian court has rejected a bid by two australian drug smugglers -- members of the \" bali nine \" -- to challenge their planned executions .andrew chan and myuran sukumaran are awaiting death by firing squad on indonesia 's \" execution island \" for their role in a failed 2005 heroin smuggling plot .lawyers for the pair had argued that widodo had failed to individually consider their cases .\n", - "two australian drug traffickers on death row in indonesia have had legal bids rejectedthe men were seeking to challenge president widodo 's decision to refuse clemency in their casesandrew chan and myuran sukumaran are members of the \" bali nine \" drug syndicate\n", - "[1.5291135 1.2618191 1.1696348 1.2218401 1.1118115 1.066898 1.4051639\n", - " 1.0419376 1.0285302 1.0473623 1.0178782 1.0229334 1.0205995 1.0337073\n", - " 1.1008918 1.0124897 1.011867 1.0179355 1.0263911 1.1346602 1.0208267\n", - " 1.0161799 1.0110201 1.0180331 1.0169977 1.0122404 1.0162419 1.0150385\n", - " 1.0154517]\n", - "\n", - "[ 0 6 1 3 2 19 4 14 5 9 7 13 8 18 11 20 12 23 17 10 24 26 21 28\n", - " 27 15 25 16 22]\n", - "=======================\n", - "[\"west ham united 's on-loan barcelona midfielder alex song has picked his #one2eleven of stars he played alongside throughout his career , on the fantasy football club on sky sports .alex song believes cameroon goalkeeper carlos kameni could have played in the premier leaguesong , who has also played for arsenal as well as representing cameroon at international level , has picked a mixture of talent in his squad .\"]\n", - "=======================\n", - "[\"west ham 's on-loan barcelona ace has picked his fantasy football xicameroon midfielder has picked a whopping nine barcelona playerscarlos kameni and rigobert song are the only two non barca players\"]\n", - "west ham united 's on-loan barcelona midfielder alex song has picked his #one2eleven of stars he played alongside throughout his career , on the fantasy football club on sky sports .alex song believes cameroon goalkeeper carlos kameni could have played in the premier leaguesong , who has also played for arsenal as well as representing cameroon at international level , has picked a mixture of talent in his squad .\n", - "west ham 's on-loan barcelona ace has picked his fantasy football xicameroon midfielder has picked a whopping nine barcelona playerscarlos kameni and rigobert song are the only two non barca players\n", - "[1.1667786 1.2369187 1.222073 1.1676626 1.1714194 1.1762612 1.2080864\n", - " 1.1095884 1.067549 1.0510184 1.1022704 1.0233567 1.1060086 1.0903872\n", - " 1.0579156 1.0835305 1.0415031 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 6 5 4 3 0 7 12 10 13 15 8 14 9 16 11 27 17 18 19 20 21 22\n", - " 23 24 25 26 28]\n", - "=======================\n", - "[\"disgruntled flyers and flight attendants from around the globe , have taken their frustration to social media to shame feral passengers with annoying habits - and the results are sure to shock .they include a feet being wedged in between seats or near other passenger 's head , rubbish being trashed in seat pockets and bathrooms while others are taking up more space than necessary .the images , captured by anonymous travellers , were posted on former flight attendant shawn kathleen 's instagram account passenger shaming .\"]\n", - "=======================\n", - "['disgruntled flyers have taken to social media to shame feral passengersthe photographs show people with less than desirable habits on planesimages are submitted anonymously by passengers and flight attendantsthe images were posted on an instagram account passenger shaming']\n", - "disgruntled flyers and flight attendants from around the globe , have taken their frustration to social media to shame feral passengers with annoying habits - and the results are sure to shock .they include a feet being wedged in between seats or near other passenger 's head , rubbish being trashed in seat pockets and bathrooms while others are taking up more space than necessary .the images , captured by anonymous travellers , were posted on former flight attendant shawn kathleen 's instagram account passenger shaming .\n", - "disgruntled flyers have taken to social media to shame feral passengersthe photographs show people with less than desirable habits on planesimages are submitted anonymously by passengers and flight attendantsthe images were posted on an instagram account passenger shaming\n", - "[1.3719854 1.3669356 1.2029107 1.211582 1.3884776 1.2722417 1.2024059\n", - " 1.0799159 1.0571306 1.1097773 1.0464827 1.0256417 1.0447136 1.0266863\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 4 0 1 5 3 2 6 9 7 8 10 12 13 11 22 26 25 24 23 21 14 19 18 17\n", - " 16 15 27 20 28]\n", - "=======================\n", - "['johnny manziel was spotted at a texas rangers game tuesday night days after leaving rehabhe was joined by his girlfriend colleen crowley and sipped water throughout the nightthis as offseason workouts with the team will begin next monday , april 20 .']\n", - "=======================\n", - "[\"johnny manziel was spotted at a texas rangers game tuesday night just days after leaving rehab and was drinking water all nighthe entered a facility on january 28 and stayed for an extended periodthis after manziel 's partying had been a topic of conversation since his rookie season began last july , with some worried about his drinkinghe is now set to begin offseason workouts with the cleveland browns on mondaymanziel will be forced to compete with josh mccown for the starting quarterback position , who just signed a $ 14 million contract with the team\"]\n", - "johnny manziel was spotted at a texas rangers game tuesday night days after leaving rehabhe was joined by his girlfriend colleen crowley and sipped water throughout the nightthis as offseason workouts with the team will begin next monday , april 20 .\n", - "johnny manziel was spotted at a texas rangers game tuesday night just days after leaving rehab and was drinking water all nighthe entered a facility on january 28 and stayed for an extended periodthis after manziel 's partying had been a topic of conversation since his rookie season began last july , with some worried about his drinkinghe is now set to begin offseason workouts with the cleveland browns on mondaymanziel will be forced to compete with josh mccown for the starting quarterback position , who just signed a $ 14 million contract with the team\n", - "[1.3412689 1.240374 1.1036874 1.1053135 1.1365138 1.1107591 1.1166807\n", - " 1.189025 1.0833546 1.1208175 1.0405164 1.040359 1.0280685 1.0698498\n", - " 1.0517592 1.0371798 1.0665153 1.0536767 1.042873 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 7 4 9 6 5 3 2 8 13 16 17 14 18 10 11 15 12 27 19 20 21 22\n", - " 23 24 25 26 28]\n", - "=======================\n", - "[\"it 's probable that thiago alcantara would never have signed for manchester united even if david moyes had wanted him .once pep guardiola had made it clear he required the midfelder at bayern munich , it was pointless for united to continue their pursuit anyway ,thiago ( right ) heads in bayern munich 's first goal during their 6-1 win over porto on tuesday night\"]\n", - "=======================\n", - "[\"thiago alcantara scored bayern munich 's first goal in 6-1 win over portospanish midfielder dictated the game with precise passing from deepone commentator said : ` thiago might well be the most technically-gifted central midfielder who has ever played for bayern .thiago followed pep guardiola from barcelona to bayern munichmanchester united made an ultimately fruitless effort to sign the midfielder\"]\n", - "it 's probable that thiago alcantara would never have signed for manchester united even if david moyes had wanted him .once pep guardiola had made it clear he required the midfelder at bayern munich , it was pointless for united to continue their pursuit anyway ,thiago ( right ) heads in bayern munich 's first goal during their 6-1 win over porto on tuesday night\n", - "thiago alcantara scored bayern munich 's first goal in 6-1 win over portospanish midfielder dictated the game with precise passing from deepone commentator said : ` thiago might well be the most technically-gifted central midfielder who has ever played for bayern .thiago followed pep guardiola from barcelona to bayern munichmanchester united made an ultimately fruitless effort to sign the midfielder\n", - "[1.0779257 1.1703844 1.4387575 1.4493976 1.1805114 1.078304 1.2933731\n", - " 1.1242819 1.0114121 1.3051672 1.1123585 1.0651162 1.0523841 1.0109013\n", - " 1.0105488 1.0117238 1.0231559 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 2 9 6 4 1 7 10 5 0 11 12 16 15 8 13 14 17 18 19 20 21 22 23\n", - " 24 25 26 27 28]\n", - "=======================\n", - "[\"sunderland midfielder sebastian larsson is suspended for crystal palace 's barclays premier league trip to the stadium of light on saturday .jack rodwell will return to the squad after a hamstring problem , while fellow midfielder will buckley was included among the substitutes against the magpies following his recovery from a knee problem .the sweden international will sit out the next two games after reaching 10 bookings for the campaign during sunday 's 1-0 derby victory over newcastle .\"]\n", - "=======================\n", - "['seb larsson banned for sunderland following yellow card vs newcastlejack rodwell will return for black cats following hamstring injuryjoe ledley to be given chance by crystal palace to prove fitnessmile jedinak set to be included for eagles following four-match ban']\n", - "sunderland midfielder sebastian larsson is suspended for crystal palace 's barclays premier league trip to the stadium of light on saturday .jack rodwell will return to the squad after a hamstring problem , while fellow midfielder will buckley was included among the substitutes against the magpies following his recovery from a knee problem .the sweden international will sit out the next two games after reaching 10 bookings for the campaign during sunday 's 1-0 derby victory over newcastle .\n", - "seb larsson banned for sunderland following yellow card vs newcastlejack rodwell will return for black cats following hamstring injuryjoe ledley to be given chance by crystal palace to prove fitnessmile jedinak set to be included for eagles following four-match ban\n", - "[1.259764 1.459744 1.1811235 1.357691 1.222637 1.2421745 1.107218\n", - " 1.0184245 1.0815184 1.13297 1.0095662 1.0150323 1.0157832 1.0561296\n", - " 1.0318934 1.0829964 1.0686442 1.0640336 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 5 4 2 9 6 15 8 16 17 13 14 7 12 11 10 18 19 20]\n", - "=======================\n", - "['around 250 men and women from the reconnaissance unit , which has most recently served in iraq and afghanistan , marched through the town of dereham for the final time .they are set to leave robertson barracks in swanton morley this summer and move some 200 miles to their new home in catterick , north yorkshire .thousands of people , including hundreds of school children , lined the streets of norfolk today to wave farewell to the light dragoons .']\n", - "=======================\n", - "[\"the light dragoons have been based at robertson barracks , swanton morley , for the past 15 yearsmore than 4,000 people , including school children , lined the streets to say farewell to the reconnaissance unitthe regiment are packing up and moving some 200 miles to their new home in catterick , north yorkshiretheir commanding officer said it would be ' a strain to leave ' after putting down ` deep roots ' in norfolk\"]\n", - "around 250 men and women from the reconnaissance unit , which has most recently served in iraq and afghanistan , marched through the town of dereham for the final time .they are set to leave robertson barracks in swanton morley this summer and move some 200 miles to their new home in catterick , north yorkshire .thousands of people , including hundreds of school children , lined the streets of norfolk today to wave farewell to the light dragoons .\n", - "the light dragoons have been based at robertson barracks , swanton morley , for the past 15 yearsmore than 4,000 people , including school children , lined the streets to say farewell to the reconnaissance unitthe regiment are packing up and moving some 200 miles to their new home in catterick , north yorkshiretheir commanding officer said it would be ' a strain to leave ' after putting down ` deep roots ' in norfolk\n", - "[1.2302682 1.4026072 1.3914211 1.3493729 1.216423 1.0562884 1.2555015\n", - " 1.0653988 1.0840267 1.072034 1.0507021 1.0483731 1.0530117 1.0355299\n", - " 1.01775 1.0175041 1.0247408 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 6 0 4 8 9 7 5 12 10 11 13 16 14 15 19 17 18 20]\n", - "=======================\n", - "['men , women and children who boarded a united express flight from kansas city , missouri , to denver , colorado , were instead diverted to colorado springs due to bad weather .the 6am flight took just an hour and a half to get to the unscheduled stop at colorado springs - but then languished for another six hours , before everybody was ordered off anyway .passengers hoping to make a short domestic flight friday were trapped on the tarmac at an airport for six hours with only one bathroom between them .']\n", - "=======================\n", - "['flight from kansas city , missouri to denver , colorado , was diverted fridaylanded at colorado springs at 7.30 am - beginning six-hour ordealafter three hours passengers could go - but would have had to pay for new connecting flights and transportduring long wait airplane ran low on water , food and bathroom suppliesairline has denied it was feasible to get passengers off the flight']\n", - "men , women and children who boarded a united express flight from kansas city , missouri , to denver , colorado , were instead diverted to colorado springs due to bad weather .the 6am flight took just an hour and a half to get to the unscheduled stop at colorado springs - but then languished for another six hours , before everybody was ordered off anyway .passengers hoping to make a short domestic flight friday were trapped on the tarmac at an airport for six hours with only one bathroom between them .\n", - "flight from kansas city , missouri to denver , colorado , was diverted fridaylanded at colorado springs at 7.30 am - beginning six-hour ordealafter three hours passengers could go - but would have had to pay for new connecting flights and transportduring long wait airplane ran low on water , food and bathroom suppliesairline has denied it was feasible to get passengers off the flight\n", - "[1.2491499 1.4445509 1.2891569 1.377841 1.2073393 1.1079051 1.0854356\n", - " 1.140962 1.0216659 1.0278554 1.02998 1.012048 1.064408 1.0728105\n", - " 1.083211 1.2197138 1.0537738 1.0090238 1.0648241 1.0590564 1.0552905]\n", - "\n", - "[ 1 3 2 0 15 4 7 5 6 14 13 18 12 19 20 16 10 9 8 11 17]\n", - "=======================\n", - "['wesley burton , who worked at kpfa , was driving home from work when a white dodge charger crashed into his silver mercury .the crash occurred near the berkeley-oakland city line and police say the hit-and-run driver fled the on foot .a father-of-three and popular radio host in berkeley , california , was killed in a hit-and-run in the early hours of saturday morning .']\n", - "=======================\n", - "[\"wesley burton , a father-of-three and popular radio host at kpfa in berkeley , california , was killed in a hit-and-run on saturdayhe was driving home from work when a white dodge charger crashed into his silver mercurywife lucrecia has made an emotional plea for anyone with information about her husband 's killer to come forwardburton had three children aged between 4 and 9 and after growing up without a father his dream had been to raise his own kids\"]\n", - "wesley burton , who worked at kpfa , was driving home from work when a white dodge charger crashed into his silver mercury .the crash occurred near the berkeley-oakland city line and police say the hit-and-run driver fled the on foot .a father-of-three and popular radio host in berkeley , california , was killed in a hit-and-run in the early hours of saturday morning .\n", - "wesley burton , a father-of-three and popular radio host at kpfa in berkeley , california , was killed in a hit-and-run on saturdayhe was driving home from work when a white dodge charger crashed into his silver mercurywife lucrecia has made an emotional plea for anyone with information about her husband 's killer to come forwardburton had three children aged between 4 and 9 and after growing up without a father his dream had been to raise his own kids\n", - "[1.3194239 1.3945194 1.2048712 1.3199415 1.0804137 1.1957752 1.0357281\n", - " 1.0194426 1.0409372 1.0436531 1.1029956 1.189055 1.1153253 1.0138916\n", - " 1.0560541 1.069544 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 5 11 12 10 4 15 14 9 8 6 7 13 19 16 17 18 20]\n", - "=======================\n", - "[\"the neurosurgeon , who is in kathmandu to cover the aftermath of saturday 's deadly earthquake , performed a craniotomy on the 15-year-old girl , sandhya chalise , after a wall of her family 's home fell on her as she collected water outside .put to work : dr sanjay gupta ( second left ) , the chief medical correspondent for cnn , was asked by a nepalese hospital to perform brain surgery on a 15-year-girl who was injured in the earthquakesandhya , who lives in a more remote area of the country , only reached kathmandu 's bir hospital two days after the 7.8-magnitude quake and by that point , blood had collected in the top of her brain , cnn reported .\"]\n", - "=======================\n", - "['gupta is in kathmandu to cover the aftermath of deadly earthquakethe hospitals are so overstretched that he was asked to perform brain surgery on a teenager who had been crushed by a wall in the quakehe said the girl is now doing well - but she is just one of many victims4,352 people are believed to have died , including at least four americans , and more than 6,000 suffered injuries']\n", - "the neurosurgeon , who is in kathmandu to cover the aftermath of saturday 's deadly earthquake , performed a craniotomy on the 15-year-old girl , sandhya chalise , after a wall of her family 's home fell on her as she collected water outside .put to work : dr sanjay gupta ( second left ) , the chief medical correspondent for cnn , was asked by a nepalese hospital to perform brain surgery on a 15-year-girl who was injured in the earthquakesandhya , who lives in a more remote area of the country , only reached kathmandu 's bir hospital two days after the 7.8-magnitude quake and by that point , blood had collected in the top of her brain , cnn reported .\n", - "gupta is in kathmandu to cover the aftermath of deadly earthquakethe hospitals are so overstretched that he was asked to perform brain surgery on a teenager who had been crushed by a wall in the quakehe said the girl is now doing well - but she is just one of many victims4,352 people are believed to have died , including at least four americans , and more than 6,000 suffered injuries\n", - "[1.2501135 1.5240557 1.2977054 1.2218864 1.1245092 1.0273926 1.015535\n", - " 1.1347685 1.0857377 1.1263369 1.0686561 1.0860112 1.0568018 1.0270755\n", - " 1.0652105 1.0102608 1.0902201 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 7 9 4 16 11 8 10 14 12 5 13 6 15 17 18 19 20]\n", - "=======================\n", - "[\"emma giffard , 36 , and ollie halls , 37 , from somerset , bought the cinema for just # 1,200 in 2005 and spent # 35,000 on restoring the vintage classic with friends in devon over five years .they toured the country with the classic bus which became a celebrity , starring alongside melvyn bragg in a 20-part bbc2 series ` the reel history of britain and in ` george clarke 's amazing spaces ' .britain 's only surviving mobile cinema has gone on sale for # 120,000 as the owners who spent years of their life restoring it and touring the country now want to enjoy parenthood .\"]\n", - "=======================\n", - "[\"one of only seven commissioned by ministry of technology in 1967 to visit factories promoting new technologiesowned by transport trust until 1975 then sat in essex field in for 14 years until rescued by former owner in somersetollie halls and emma giffard bought it in 2005 for just # 1,200 and spent # 35,000 and five years on total restorationsince then it has toured the country showing vintage footage and even starred in tv and radio programmesre-united with lost trailer after 23 years thanks to call ` out of the blue ' - which had been being used as a wood shopnow on sale on ebay for # 120,000 as parents no longer have time to run the cinema which has ` taken over our lives '\"]\n", - "emma giffard , 36 , and ollie halls , 37 , from somerset , bought the cinema for just # 1,200 in 2005 and spent # 35,000 on restoring the vintage classic with friends in devon over five years .they toured the country with the classic bus which became a celebrity , starring alongside melvyn bragg in a 20-part bbc2 series ` the reel history of britain and in ` george clarke 's amazing spaces ' .britain 's only surviving mobile cinema has gone on sale for # 120,000 as the owners who spent years of their life restoring it and touring the country now want to enjoy parenthood .\n", - "one of only seven commissioned by ministry of technology in 1967 to visit factories promoting new technologiesowned by transport trust until 1975 then sat in essex field in for 14 years until rescued by former owner in somersetollie halls and emma giffard bought it in 2005 for just # 1,200 and spent # 35,000 and five years on total restorationsince then it has toured the country showing vintage footage and even starred in tv and radio programmesre-united with lost trailer after 23 years thanks to call ` out of the blue ' - which had been being used as a wood shopnow on sale on ebay for # 120,000 as parents no longer have time to run the cinema which has ` taken over our lives '\n", - "[1.2990243 1.4283911 1.3391541 1.3700349 1.0595791 1.0439045 1.0615785\n", - " 1.0925326 1.0548551 1.0323054 1.049121 1.0566214 1.0684787 1.021898\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 7 12 6 4 11 8 10 5 9 13 16 14 15 17]\n", - "=======================\n", - "[\"calling himself ` volcano ' , the 31-year-old musician was filmed wearing hip hop-style clothing as he stands in front of missile launchers and burning buildings in the conflict-ravaged city of benghazi .libya 's second largest city was seized by the hardline islamist group ansar al-sharia in july last year and intense fighting between the rebels and regime forces over the past few months have reduced much of benghazi to rubble - apparently an ideal backdrop to volcano 's rap videos .it is also unclear whether the fighters he appears alongside are rebels or members of the libyan national army .\"]\n", - "=======================\n", - "[\"calling himself ` volcano ' rapper is a 31-year-old from war-torn benghazihe is seen standing in front of weapons of war and burning buildingshe poses with fighters and even carries a massive assault rifle himselfvideo shows volcano performing on benghazi 's rubble-strewn streets\"]\n", - "calling himself ` volcano ' , the 31-year-old musician was filmed wearing hip hop-style clothing as he stands in front of missile launchers and burning buildings in the conflict-ravaged city of benghazi .libya 's second largest city was seized by the hardline islamist group ansar al-sharia in july last year and intense fighting between the rebels and regime forces over the past few months have reduced much of benghazi to rubble - apparently an ideal backdrop to volcano 's rap videos .it is also unclear whether the fighters he appears alongside are rebels or members of the libyan national army .\n", - "calling himself ` volcano ' rapper is a 31-year-old from war-torn benghazihe is seen standing in front of weapons of war and burning buildingshe poses with fighters and even carries a massive assault rifle himselfvideo shows volcano performing on benghazi 's rubble-strewn streets\n", - "[1.2352526 1.2202693 1.2808181 1.1387391 1.1657075 1.1380378 1.1342918\n", - " 1.2008344 1.08624 1.0924184 1.0570301 1.0920452 1.0571525 1.083765\n", - " 1.058204 1.0397844 1.0487902 0. ]\n", - "\n", - "[ 2 0 1 7 4 3 5 6 9 11 8 13 14 12 10 16 15 17]\n", - "=======================\n", - "[\"but the u.s. department of agriculture said monday that the h5n2 bird flu virus had been found at a farm in northwest iowa 's osceola county - prompting a massive bird cull .the virulent strain in question is the h5n2 , a highly contagious virus that kills commercial poultry quickly once it gets into a barn .discovery of the bird flu on an iowa turkey farm has raised serious concerns that the bird killer could find its way into chicken barns in the nation 's top egg-producing state and rapidly decimate the flocks that provide the u.s. with its breakfast staple\"]\n", - "=======================\n", - "['the deadly h5n2 bird flu virus has been found at a farm in northwest iowaup to 5.3 million hens must be destroyed in the state to contain outbreakseven other midwestern states have also been hit by the deadly virusminnesota , the top turkey-producing state has been severally effectednearly 7.8 million turkeys and chickens have died or been culled since march']\n", - "but the u.s. department of agriculture said monday that the h5n2 bird flu virus had been found at a farm in northwest iowa 's osceola county - prompting a massive bird cull .the virulent strain in question is the h5n2 , a highly contagious virus that kills commercial poultry quickly once it gets into a barn .discovery of the bird flu on an iowa turkey farm has raised serious concerns that the bird killer could find its way into chicken barns in the nation 's top egg-producing state and rapidly decimate the flocks that provide the u.s. with its breakfast staple\n", - "the deadly h5n2 bird flu virus has been found at a farm in northwest iowaup to 5.3 million hens must be destroyed in the state to contain outbreakseven other midwestern states have also been hit by the deadly virusminnesota , the top turkey-producing state has been severally effectednearly 7.8 million turkeys and chickens have died or been culled since march\n", - "[1.197013 1.1769054 1.382925 1.2158201 1.2632296 1.1013671 1.1049867\n", - " 1.0419117 1.1151578 1.0731267 1.0836666 1.0626236 1.0390984 1.1168025\n", - " 1.0163354 1.0707588 1.0698125 1.0430452]\n", - "\n", - "[ 2 4 3 0 1 13 8 6 5 10 9 15 16 11 17 7 12 14]\n", - "=======================\n", - "[\"now these ` pro-anorexia ' sites will face a year in prison and a fine equivalent to just over # 7,000 .deputies in the national assembly in paris voted through the amendment to a law on public health and it is expected to be rubber-stamped by the senate .france today voted to punish anyone who ` incites ' people to become dangerously thin with prison and huge fines .\"]\n", - "=======================\n", - "[\"anyone ` inciting ' extreme thinness faces prison and fines of up to # 7,000new law voted through by mps to prevent the ` vicious circle of anorexia 'condition affects 40,000 people in france and has very high mortality rate\"]\n", - "now these ` pro-anorexia ' sites will face a year in prison and a fine equivalent to just over # 7,000 .deputies in the national assembly in paris voted through the amendment to a law on public health and it is expected to be rubber-stamped by the senate .france today voted to punish anyone who ` incites ' people to become dangerously thin with prison and huge fines .\n", - "anyone ` inciting ' extreme thinness faces prison and fines of up to # 7,000new law voted through by mps to prevent the ` vicious circle of anorexia 'condition affects 40,000 people in france and has very high mortality rate\n", - "[1.2921224 1.3703568 1.371916 1.150756 1.1246032 1.0709574 1.0709009\n", - " 1.0437866 1.070635 1.1257583 1.0726922 1.0530952 1.0521674 1.0814823\n", - " 1.0363338 1.0596159 1.0262723 1.0226128]\n", - "\n", - "[ 2 1 0 3 9 4 13 10 5 6 8 15 11 12 7 14 16 17]\n", - "=======================\n", - "[\"the five activists on women 's rights -- aged from 25 to 32 -- were picked up by police in three different cities just before march 8 , the international women 's day .wei tingting , wang man , zheng churan , li tingting and wu rongrong were freed from the haidian detention center on the outskirts of beijing late monday .beijing ( cnn ) a day after the chinese government released five young feminists on bail , their families and supporters expressed mixed emotions on the unexpected development .\"]\n", - "=======================\n", - "[\"wei tingting , wang man , zheng churan , li tingting and wu rongrong freedthey 're still considered suspects in an ongoing criminal investigation , may face charges in the futurethey will be under surveillance for a year with their movements and activities restricted\"]\n", - "the five activists on women 's rights -- aged from 25 to 32 -- were picked up by police in three different cities just before march 8 , the international women 's day .wei tingting , wang man , zheng churan , li tingting and wu rongrong were freed from the haidian detention center on the outskirts of beijing late monday .beijing ( cnn ) a day after the chinese government released five young feminists on bail , their families and supporters expressed mixed emotions on the unexpected development .\n", - "wei tingting , wang man , zheng churan , li tingting and wu rongrong freedthey 're still considered suspects in an ongoing criminal investigation , may face charges in the futurethey will be under surveillance for a year with their movements and activities restricted\n", - "[1.2829815 1.5059211 1.1940808 1.3063366 1.1250861 1.0327214 1.0214255\n", - " 1.21029 1.1313679 1.1768063 1.1259606 1.0937487 1.0523915 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 7 2 9 8 10 4 11 12 5 6 16 13 14 15 17]\n", - "=======================\n", - "[\"the migratory bird was spotted at a salt lake near the british raf base at akrotiri on the island 's south coast close to the resort city of limassol .a rare black flamingo amazed bird watchers when it was spotted feeding among a group of the traditionally pink birds in cyprus .a black flamingo was reportedly last spotted in israel in 2014 and aside from its colour , it is no different to the hundreds of pink flamingos which flock to the salt lakes of cyprus every spring .\"]\n", - "=======================\n", - "[\"bird watchers photographed the rare bird near british raf base at akrotiri on the island 's south coastthe last recorded sighting of a black flamingo was in israel in 2014dark colouring thought to be caused by genetic irregularity where it can generate more melanin than usual\"]\n", - "the migratory bird was spotted at a salt lake near the british raf base at akrotiri on the island 's south coast close to the resort city of limassol .a rare black flamingo amazed bird watchers when it was spotted feeding among a group of the traditionally pink birds in cyprus .a black flamingo was reportedly last spotted in israel in 2014 and aside from its colour , it is no different to the hundreds of pink flamingos which flock to the salt lakes of cyprus every spring .\n", - "bird watchers photographed the rare bird near british raf base at akrotiri on the island 's south coastthe last recorded sighting of a black flamingo was in israel in 2014dark colouring thought to be caused by genetic irregularity where it can generate more melanin than usual\n", - "[1.2441808 1.262038 1.2845268 1.167702 1.4071158 1.1007178 1.0744686\n", - " 1.0473403 1.0592839 1.0295703 1.0172796 1.204753 1.0714985 1.0872563\n", - " 1.0389374 1.0506042 0. 0. 0. 0. ]\n", - "\n", - "[ 4 2 1 0 11 3 5 13 6 12 8 15 7 14 9 10 18 16 17 19]\n", - "=======================\n", - "['accused : gianni van , 45 , ( left ) is accused of the 1995 murder of f gonzalo ramirez ( right ) , whose blindfolded , bloodied body was found on the side of an irvine , california road having suffered 30 blows with a cleaverat the opening of his trial wednesday , prosecutors said van was enraged after his ex-girlfriend norma patricia esparza told him ramirez had raped her and he must be held responsible for the attack .attorneys for two sides agree that in april 1995 , a 24-year-old man who had been pointed out by a southern california college student as her rapist had his truck rear-ended before he was kidnapped , brutally beaten and killed .']\n", - "=======================\n", - "[\"gianni van , now 45 , is accused of kidnapping and brutally killing his then girlfriend 's accused rapist while in college in southern california in 1995norma esparza , who went on to work as a psychology professor in france , was accused in the murder along with three othersesparza , now the mother of a little girl , was expected to testify against her former boyfriend in a santa ana courtroom this month\"]\n", - "accused : gianni van , 45 , ( left ) is accused of the 1995 murder of f gonzalo ramirez ( right ) , whose blindfolded , bloodied body was found on the side of an irvine , california road having suffered 30 blows with a cleaverat the opening of his trial wednesday , prosecutors said van was enraged after his ex-girlfriend norma patricia esparza told him ramirez had raped her and he must be held responsible for the attack .attorneys for two sides agree that in april 1995 , a 24-year-old man who had been pointed out by a southern california college student as her rapist had his truck rear-ended before he was kidnapped , brutally beaten and killed .\n", - "gianni van , now 45 , is accused of kidnapping and brutally killing his then girlfriend 's accused rapist while in college in southern california in 1995norma esparza , who went on to work as a psychology professor in france , was accused in the murder along with three othersesparza , now the mother of a little girl , was expected to testify against her former boyfriend in a santa ana courtroom this month\n", - "[1.2194883 1.3235482 1.1361578 1.1726182 1.1130711 1.0616245 1.1045241\n", - " 1.1378071 1.0453135 1.0918305 1.0689485 1.136797 1.085964 1.0530609\n", - " 1.091861 1.066652 1.0644939 1.0525072 1.0367002 0. ]\n", - "\n", - "[ 1 0 3 7 11 2 4 6 14 9 12 10 15 16 5 13 17 8 18 19]\n", - "=======================\n", - "[\"traditional chinese medicine ( tcm ) claims all manner of ailments including back ache , poor memory and even cancer can be cured by the natural world .from bear testicles and tiger paws to crocodile jaws and snake heads , these are just some of the bizarre animal parts being sold in china 's so-called medicine markets .such wisdom is widespread in guangzhou , where markets stock exotic and rare animals destined for restaurant menus , pharmacists and pet cages .\"]\n", - "=======================\n", - "[\"warning : graphic contenttraditional chinese medicine claims to cure all sorts of ailments including back ache , poor memory and cancermarkets in guangzhou stock exotic and rare animals destined for restaurant menus , pharmacists and pet cagesbut beliefs drive # 13billion illegal wildlife network , the world 's third-largest elicit trade behind arms and drugsnetwork of fledgling organisations are now challenging centuries of tradition in bid to change consumer appetites\"]\n", - "traditional chinese medicine ( tcm ) claims all manner of ailments including back ache , poor memory and even cancer can be cured by the natural world .from bear testicles and tiger paws to crocodile jaws and snake heads , these are just some of the bizarre animal parts being sold in china 's so-called medicine markets .such wisdom is widespread in guangzhou , where markets stock exotic and rare animals destined for restaurant menus , pharmacists and pet cages .\n", - "warning : graphic contenttraditional chinese medicine claims to cure all sorts of ailments including back ache , poor memory and cancermarkets in guangzhou stock exotic and rare animals destined for restaurant menus , pharmacists and pet cagesbut beliefs drive # 13billion illegal wildlife network , the world 's third-largest elicit trade behind arms and drugsnetwork of fledgling organisations are now challenging centuries of tradition in bid to change consumer appetites\n", - "[1.2205462 1.3443213 1.3554499 1.2510654 1.1781628 1.1686784 1.2834918\n", - " 1.1255069 1.0680779 1.0832105 1.0526043 1.0450491 1.0125886 1.0190854\n", - " 1.0239509 1.0806854 1.052194 1.115936 0. 0. ]\n", - "\n", - "[ 2 1 6 3 0 4 5 7 17 9 15 8 10 16 11 14 13 12 18 19]\n", - "=======================\n", - "['she was ordered held on $ 150,000 bail and could face up to 21 years in state prison if convicted .lyvette crespo , 43 , entered the plea to a grand jury indictment .indicted : lyvette crespo ( right ) allegedly shot her husband , bell gardens , california mayor daniel crespo ( left ) , in september during a heated argument about his infidelity .']\n", - "=======================\n", - "['widow of slain bell gardens mayor lyvette crespo pleaded not guilty and was ordered held on $ 150,000 bondthe 43-year-old told authorities it was in self-defense after her husband punched their teenage son when he tried to intervene in the fighther former brother-in-law claims that allegations of years of abuse are all a lie and says he has text messages proving the slaying was in cold bloodcrespo faces up to 21 years in state prison if convicted']\n", - "she was ordered held on $ 150,000 bail and could face up to 21 years in state prison if convicted .lyvette crespo , 43 , entered the plea to a grand jury indictment .indicted : lyvette crespo ( right ) allegedly shot her husband , bell gardens , california mayor daniel crespo ( left ) , in september during a heated argument about his infidelity .\n", - "widow of slain bell gardens mayor lyvette crespo pleaded not guilty and was ordered held on $ 150,000 bondthe 43-year-old told authorities it was in self-defense after her husband punched their teenage son when he tried to intervene in the fighther former brother-in-law claims that allegations of years of abuse are all a lie and says he has text messages proving the slaying was in cold bloodcrespo faces up to 21 years in state prison if convicted\n", - "[1.0502231 1.0457461 1.0639904 1.0747567 1.0799428 1.1910747 1.4547317\n", - " 1.0732149 1.0428585 1.031389 1.0408404 1.1945261 1.0656303 1.0385004\n", - " 1.0600717 1.0328377 1.0325773 1.0182536 1.0270984 1.1086823]\n", - "\n", - "[ 6 11 5 19 4 3 7 12 2 14 0 1 8 10 13 15 16 9 18 17]\n", - "=======================\n", - "['daisy goodwin has has problems with head lice since she was 19 and says she has suffered with them almost 100 times since theni have had nits at least 100 times .i edge away from my unsuspecting friends .']\n", - "=======================\n", - "[\"daisy goodwin has had problems with head lice since she was 19she says she 's suffered with the itchy parasites at least 100 timesa nit is the egg sac laid by female lice on human hair shafts\"]\n", - "daisy goodwin has has problems with head lice since she was 19 and says she has suffered with them almost 100 times since theni have had nits at least 100 times .i edge away from my unsuspecting friends .\n", - "daisy goodwin has had problems with head lice since she was 19she says she 's suffered with the itchy parasites at least 100 timesa nit is the egg sac laid by female lice on human hair shafts\n", - "[1.611891 1.2139858 1.1560454 1.1708694 1.2848804 1.1200624 1.066101\n", - " 1.0465095 1.0927898 1.0398253 1.0219114 1.0658866 1.0422322 1.0729402\n", - " 1.0921974 1.1156275 1.026765 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 3 2 5 15 8 14 13 6 11 7 12 9 16 10 18 17 19]\n", - "=======================\n", - "[\"( cnn ) seven people -- including illinois state university associate men 's basketball coach torrey ward and deputy athletic director aaron leetch -- died when their small plane crashed while heading back from the ncaa tournament final .the aircraft went down overnight monday about 2 miles east of the central illinois regional airport in bloomington , mclean county sheriff 's office sgt. bill tate said .it was not immediately known who else was on the aircraft , which the national transportation safety board tweeted was a cessna 414 .\"]\n", - "=======================\n", - "['the crashed plane was a cessna 414 , national transportation safety board reportscoach torrey ward , administrator aaron leetch among the 7 killed in the crashthe plane crashed while coming back from the ncaa title game in indianapolis']\n", - "( cnn ) seven people -- including illinois state university associate men 's basketball coach torrey ward and deputy athletic director aaron leetch -- died when their small plane crashed while heading back from the ncaa tournament final .the aircraft went down overnight monday about 2 miles east of the central illinois regional airport in bloomington , mclean county sheriff 's office sgt. bill tate said .it was not immediately known who else was on the aircraft , which the national transportation safety board tweeted was a cessna 414 .\n", - "the crashed plane was a cessna 414 , national transportation safety board reportscoach torrey ward , administrator aaron leetch among the 7 killed in the crashthe plane crashed while coming back from the ncaa title game in indianapolis\n", - "[1.3694215 1.2006246 1.3747519 1.2636108 1.2325816 1.353364 1.1010205\n", - " 1.0476348 1.0566379 1.0261538 1.0109422 1.0147245 1.1858547 1.0695208\n", - " 1.0325888 1.154217 1.164525 1.0073628 1.0283724 0. ]\n", - "\n", - "[ 2 0 5 3 4 1 12 16 15 6 13 8 7 14 18 9 11 10 17 19]\n", - "=======================\n", - "[\"christopher may , 50 , will appear at pontypridd magistrates ' court tomorrow charged in connection with the murder of tracey woodford , 47 .the 47-year-old 's body was discovered with ` massive injuries ' at the flat around 3pm on friday afternoon , prompting police to launch a murder investigation .today , her family described her as ` very kind-hearted ' and ` selfless ' .\"]\n", - "=======================\n", - "[\"body discovered in pontypridd property identified as tracey woodford , 47she is thought to have been attacked in woodland before being taken to flatshe was ` liked and loved by all ' and would ` help anyone ' , family saidman named locally as christopher may , 50 , charged over the murder\"]\n", - "christopher may , 50 , will appear at pontypridd magistrates ' court tomorrow charged in connection with the murder of tracey woodford , 47 .the 47-year-old 's body was discovered with ` massive injuries ' at the flat around 3pm on friday afternoon , prompting police to launch a murder investigation .today , her family described her as ` very kind-hearted ' and ` selfless ' .\n", - "body discovered in pontypridd property identified as tracey woodford , 47she is thought to have been attacked in woodland before being taken to flatshe was ` liked and loved by all ' and would ` help anyone ' , family saidman named locally as christopher may , 50 , charged over the murder\n", - "[1.244589 1.4733657 1.4552609 1.2928028 1.1240739 1.112395 1.1617715\n", - " 1.0490115 1.0511881 1.0313401 1.0734128 1.1693177 1.0230296 1.0253892\n", - " 1.0195193 1.1384257 1.031403 1.0319592 1.0358818 0. ]\n", - "\n", - "[ 1 2 3 0 11 6 15 4 5 10 8 7 18 17 16 9 13 12 14 19]\n", - "=======================\n", - "['his jeans were left on the underside of the red car after firefighters spent 25 minutes to free the man .the man , believed to be in his 20s , suffered head and chest injuries , as well as suspected leg fractures , but remained conscious during the efforts to cut him free .medics say he was fortunate to still be alive given the severity of the crash .']\n", - "=======================\n", - "['medics say the driver was fortunate to still be alive given severity of crashhis jeans were left on the underside of the car in southam , warwickshirefirefighters spent 25 minutes trying to free the man trapped under the carthe man , who was thought to be in his 20s , was then air lifted to hospital']\n", - "his jeans were left on the underside of the red car after firefighters spent 25 minutes to free the man .the man , believed to be in his 20s , suffered head and chest injuries , as well as suspected leg fractures , but remained conscious during the efforts to cut him free .medics say he was fortunate to still be alive given the severity of the crash .\n", - "medics say the driver was fortunate to still be alive given severity of crashhis jeans were left on the underside of the car in southam , warwickshirefirefighters spent 25 minutes trying to free the man trapped under the carthe man , who was thought to be in his 20s , was then air lifted to hospital\n", - "[1.2406026 1.5228271 1.1073402 1.0780076 1.3696339 1.1634506 1.0479242\n", - " 1.1444274 1.0638006 1.04737 1.0529463 1.0824313 1.0422364 1.0266196\n", - " 1.0159206 1.2423744 1.0988799 1.055935 1.0316477 1.0535475]\n", - "\n", - "[ 1 4 15 0 5 7 2 16 11 3 8 17 19 10 6 9 12 18 13 14]\n", - "=======================\n", - "[\"danielle davis says she looked to her faith when she was faced with the prospect of losing her husband brian in 2011 , just seven months after they were married . 'hopeless : brian 's motorcycle was split in two and doctors initially urged his wife to take him off life supportdavis tells wtoc that doctors told her they would have chosen to pull the plug had they been in her position .\"]\n", - "=======================\n", - "[\"danielle davis of savannah , georgia looked to her faith after her husband brian nearly died seven months after they were married in 2011doctors encouraged her to pull the plug but she refused and brian was eventually able to go home in her carethree years of brian 's memories were wiped and he 's challenged by everyday task but continues to improve with danielle 's help\"]\n", - "danielle davis says she looked to her faith when she was faced with the prospect of losing her husband brian in 2011 , just seven months after they were married . 'hopeless : brian 's motorcycle was split in two and doctors initially urged his wife to take him off life supportdavis tells wtoc that doctors told her they would have chosen to pull the plug had they been in her position .\n", - "danielle davis of savannah , georgia looked to her faith after her husband brian nearly died seven months after they were married in 2011doctors encouraged her to pull the plug but she refused and brian was eventually able to go home in her carethree years of brian 's memories were wiped and he 's challenged by everyday task but continues to improve with danielle 's help\n", - "[1.36354 1.4352623 1.1510682 1.3685219 1.2037582 1.200569 1.0418607\n", - " 1.0434012 1.1215767 1.0290059 1.1280959 1.0968353 1.047937 1.0500525\n", - " 1.0236014 1.0146178 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 5 2 10 8 11 13 12 7 6 9 14 15 16 17 18 19]\n", - "=======================\n", - "['the club are expected to jet across the atlantic in july for a trip of around 12 days , which would have been an ideal opportunity to showcase their new gear following their # 750m , 10-year agreement .manchester united will have to wear nike kit during their summer us tour , despite their new adidas dealadidas are the new sponsors in a # 750million deal but there is no buy-out clause in nike deal that ends in july']\n", - "=======================\n", - "[\"manchester united signed a # 750million , 10-year kit deal with adidasbut the old trafford club will have to wear old nike kit on us tourunited are expected to stage a 12-day tour of the us west coastthere is no buy-out agreement in nike 's current deal which ends in july\"]\n", - "the club are expected to jet across the atlantic in july for a trip of around 12 days , which would have been an ideal opportunity to showcase their new gear following their # 750m , 10-year agreement .manchester united will have to wear nike kit during their summer us tour , despite their new adidas dealadidas are the new sponsors in a # 750million deal but there is no buy-out clause in nike deal that ends in july\n", - "manchester united signed a # 750million , 10-year kit deal with adidasbut the old trafford club will have to wear old nike kit on us tourunited are expected to stage a 12-day tour of the us west coastthere is no buy-out agreement in nike 's current deal which ends in july\n", - "[1.2224495 1.3759646 1.3426117 1.3702149 1.2143397 1.1399527 1.0895989\n", - " 1.0944556 1.1070496 1.0467371 1.025702 1.0786284 1.0264751 1.0130066\n", - " 1.1697649 1.0142262 1.0649558 1.1228974 1.1139655 0. ]\n", - "\n", - "[ 1 3 2 0 4 14 5 17 18 8 7 6 11 16 9 12 10 15 13 19]\n", - "=======================\n", - "['several properties were littered with debris that appeared to fall out of the sky over the town of west pittston in luzerne county on monday morning .paula viccica believes the debris that landed on her property was expelled from a plane flying overheadus aviation authorities have launched an investigation to find out whether a plane dumped toilet paper and plastic objects all over a neighbourhood in a pennsylvania town .']\n", - "=======================\n", - "[\"debris landed on paula viccica 's property in west pittston , pennsylvaniashe said she saw bits of paper falling from the sky for several minuteshomeowner believes the debris came from a plane flying overheadshe filed a complaint with the federal aviation administrationpaula said she wants an assurance ` that it does not pose a danger '\"]\n", - "several properties were littered with debris that appeared to fall out of the sky over the town of west pittston in luzerne county on monday morning .paula viccica believes the debris that landed on her property was expelled from a plane flying overheadus aviation authorities have launched an investigation to find out whether a plane dumped toilet paper and plastic objects all over a neighbourhood in a pennsylvania town .\n", - "debris landed on paula viccica 's property in west pittston , pennsylvaniashe said she saw bits of paper falling from the sky for several minuteshomeowner believes the debris came from a plane flying overheadshe filed a complaint with the federal aviation administrationpaula said she wants an assurance ` that it does not pose a danger '\n", - "[1.3040402 1.0927033 1.207543 1.161736 1.5816593 1.1898112 1.0494379\n", - " 1.0229442 1.0270236 1.027799 1.0326039 1.116593 1.0263089 1.1071599\n", - " 1.0743366 1.0405443 1.0222844 1.012712 1.0137651 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 4 0 2 5 3 11 13 1 14 6 15 10 9 8 12 7 16 18 17 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"mark wood has been called up by england for the test series against west indiesmark wood spent a day this week donning his newly arrived england suit .when he 's not steaming in to bowl at 90mph mark wood can find himself fielding for long stretches of time .\"]\n", - "=======================\n", - "[\"mark wood part of the england squad flying to the caribbeanalastair cook 's side to play three test matches against west indiesat 5ft 11in and 12st , he is not the size of traditional fast bowler\"]\n", - "mark wood has been called up by england for the test series against west indiesmark wood spent a day this week donning his newly arrived england suit .when he 's not steaming in to bowl at 90mph mark wood can find himself fielding for long stretches of time .\n", - "mark wood part of the england squad flying to the caribbeanalastair cook 's side to play three test matches against west indiesat 5ft 11in and 12st , he is not the size of traditional fast bowler\n", - "[1.2268236 1.4557714 1.3675234 1.3564173 1.3223895 1.1715362 1.1374667\n", - " 1.1558759 1.0756997 1.0318751 1.0997883 1.0315735 1.0115001 1.0115808\n", - " 1.1305182 1.031209 1.0418664 1.017368 1.0084238 1.0778005 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 5 7 6 14 10 19 8 16 9 11 15 17 13 12 18 23 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"the baby boy was found in the female toilets of a shoe factory in wenzhou city by a cleaner , prompting its managers to start searching for the mother .they found xiao ying , 17 , working on the production line -- but she completely denied giving birth to the child , the people 's daily online reported .a teenage factory girl in china dumped her newborn child in a toilet after giving birth -- before going back to work on a shoe production line .\"]\n", - "=======================\n", - "[\"17-year-old gave birth in shoe factory in china - then went back to workbaby was ` icy cold ' when he was found by cleaner , then taken to hospitalteenager kept pregnancy a secret because she was scared of her parentsher father said : ` my daughter is not married .\"]\n", - "the baby boy was found in the female toilets of a shoe factory in wenzhou city by a cleaner , prompting its managers to start searching for the mother .they found xiao ying , 17 , working on the production line -- but she completely denied giving birth to the child , the people 's daily online reported .a teenage factory girl in china dumped her newborn child in a toilet after giving birth -- before going back to work on a shoe production line .\n", - "17-year-old gave birth in shoe factory in china - then went back to workbaby was ` icy cold ' when he was found by cleaner , then taken to hospitalteenager kept pregnancy a secret because she was scared of her parentsher father said : ` my daughter is not married .\n", - "[1.4425108 1.1957042 1.4162192 1.1553023 1.1660696 1.1191369 1.0286381\n", - " 1.0253774 1.0813311 1.0741422 1.1656938 1.0802627 1.0450193 1.0534499\n", - " 1.0966341 1.0821055 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 4 10 3 5 14 15 8 11 9 13 12 6 7 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"mother charged : tyecka evans , 28 , has been charged with manslaughter in the death of her 3-month-old baby , which occurred while she was out clubbing with her sistertyecka shanta evans , a mother of two from ocala , was taken into custody tuesday after her youngest child , 3-month-old taliya richardson , was discovered unresponsive at home last thursday .toyana evans ( left ) , tyecka 's sister , could face charges for lying to police .\"]\n", - "=======================\n", - "['tyecka evans , 28 , charged with manslaughter in death of 3-month-old taliya richardsonevans initially lied that she fell asleep at home and woke up to discover her daughter with plastic bag over her faceflorida mother of two later admitted she went to a club with her sister , leaving three children home alone for nearly two hours']\n", - "mother charged : tyecka evans , 28 , has been charged with manslaughter in the death of her 3-month-old baby , which occurred while she was out clubbing with her sistertyecka shanta evans , a mother of two from ocala , was taken into custody tuesday after her youngest child , 3-month-old taliya richardson , was discovered unresponsive at home last thursday .toyana evans ( left ) , tyecka 's sister , could face charges for lying to police .\n", - "tyecka evans , 28 , charged with manslaughter in death of 3-month-old taliya richardsonevans initially lied that she fell asleep at home and woke up to discover her daughter with plastic bag over her faceflorida mother of two later admitted she went to a club with her sister , leaving three children home alone for nearly two hours\n", - "[1.450465 1.4289895 1.2040809 1.4908997 1.2899201 1.2901675 1.0126193\n", - " 1.0136614 1.0141535 1.0183091 1.0119905 1.0146729 1.011044 1.0139983\n", - " 1.0198531 1.009962 1.0099263 1.009166 1.0098655 1.0150908 1.0200016\n", - " 1.2299409 1.0797627 1.046916 1.0750124]\n", - "\n", - "[ 3 0 1 5 4 21 2 22 24 23 20 14 9 19 11 8 13 7 6 10 12 15 16 18\n", - " 17]\n", - "=======================\n", - "[\"jack wilshere played 90 minutes for arsenal 's under 21 side in tuesday night 's game with stoke citythe england midfielder completed 90 minutes in arsenal 's 4-1 win over stoke city as he stepped up his recovery from the ankle injury that has wrecked his season .wilshere injured his ankle during the loss to manchester united back in november\"]\n", - "=======================\n", - "[\"jack wilshere played full 90 minutes as arsenal under 21s beat stoke 4-1midfielder is targeting return after recovering from ankle injuryengland international has been on the sidelines since novemberhe believes he can play a part in arsenal 's season-defining gameswilshere is on manchester city 's summer shopping list\"]\n", - "jack wilshere played 90 minutes for arsenal 's under 21 side in tuesday night 's game with stoke citythe england midfielder completed 90 minutes in arsenal 's 4-1 win over stoke city as he stepped up his recovery from the ankle injury that has wrecked his season .wilshere injured his ankle during the loss to manchester united back in november\n", - "jack wilshere played full 90 minutes as arsenal under 21s beat stoke 4-1midfielder is targeting return after recovering from ankle injuryengland international has been on the sidelines since novemberhe believes he can play a part in arsenal 's season-defining gameswilshere is on manchester city 's summer shopping list\n", - "[1.2192525 1.322147 1.2092866 1.3304555 1.2804277 1.1277761 1.1548669\n", - " 1.1169333 1.0646379 1.0254616 1.0959404 1.0947723 1.0740758 1.0146512\n", - " 1.0286645 1.0260065 1.0471295 1.0124136 1.0117483 1.0179324 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 4 0 2 6 5 7 10 11 12 8 16 14 15 9 19 13 17 18 23 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"summer robertson , 21 , who died after drowning off the coast of south africa , where she had been helping youngsters in one of the country 's poorest townshipsmiss robertson 's parents sarah and john have been remembering their daughter who they described as a ` bubbly tomboy 'miss robertson was with three other british members of a team that had completed a 10-week charity adventure together with the latitude youth volunteering group , at a remote camping resort .\"]\n", - "=======================\n", - "['summer robertson , 21 , drowned after being overcome by strong wavesshe had been completing a 10-week volunteering course in south africafour months on , her parents sarah and john have paid tribute to herthey say they take great comfort knowing she died doing something she loved']\n", - "summer robertson , 21 , who died after drowning off the coast of south africa , where she had been helping youngsters in one of the country 's poorest townshipsmiss robertson 's parents sarah and john have been remembering their daughter who they described as a ` bubbly tomboy 'miss robertson was with three other british members of a team that had completed a 10-week charity adventure together with the latitude youth volunteering group , at a remote camping resort .\n", - "summer robertson , 21 , drowned after being overcome by strong wavesshe had been completing a 10-week volunteering course in south africafour months on , her parents sarah and john have paid tribute to herthey say they take great comfort knowing she died doing something she loved\n", - "[1.4912449 1.2975576 1.2115676 1.17709 1.103694 1.1251988 1.0953668\n", - " 1.049768 1.0432422 1.0340123 1.014049 1.020236 1.2738814 1.1785804\n", - " 1.0597802 1.2226928 0. 0. 0. ]\n", - "\n", - "[ 0 1 12 15 2 13 3 5 4 6 14 7 8 9 11 10 17 16 18]\n", - "=======================\n", - "[\"barcelona coach luis enrique is not concerned by neymar 's recent goal drought and is confident the brazil forward will soon return to top form as the catalans continue their bid to repeat 2009 's historic treble .after an impressive first half of the season , neymar has gone off the boil since the turn of the year and has not scored for the leaders in la liga since hitting the opener in a 5-0 win at home to levante on february 15 .luis enrique 's side are through to the last eight of the champions league to face paris st germain and will seek a record-extending 27th king 's cup triumph when they play athletic bilbao in the final on may 30 .\"]\n", - "=======================\n", - "[\"barcelona 's brazilian forward neymar has not scored since february 15however , luis enrique is not concerned by the frontman 's droughtbarcelona players trained on tuesday and remain on course for the trebleread : xavi still has vital role to play for barcelona , insists luis enriqueclick here for all the latest barcelona news\"]\n", - "barcelona coach luis enrique is not concerned by neymar 's recent goal drought and is confident the brazil forward will soon return to top form as the catalans continue their bid to repeat 2009 's historic treble .after an impressive first half of the season , neymar has gone off the boil since the turn of the year and has not scored for the leaders in la liga since hitting the opener in a 5-0 win at home to levante on february 15 .luis enrique 's side are through to the last eight of the champions league to face paris st germain and will seek a record-extending 27th king 's cup triumph when they play athletic bilbao in the final on may 30 .\n", - "barcelona 's brazilian forward neymar has not scored since february 15however , luis enrique is not concerned by the frontman 's droughtbarcelona players trained on tuesday and remain on course for the trebleread : xavi still has vital role to play for barcelona , insists luis enriqueclick here for all the latest barcelona news\n", - "[1.1151167 1.2588322 1.2577115 1.1895521 1.1707869 1.0880824 1.1590219\n", - " 1.1819897 1.1168797 1.1430371 1.1077893 1.0782961 1.1304499 1.1138325\n", - " 1.0505673 1.0579321 1.0924718 1.0906137 1.1249459]\n", - "\n", - "[ 1 2 3 7 4 6 9 12 18 8 0 13 10 16 17 5 11 15 14]\n", - "=======================\n", - "['surveillance video shows a sound transit link light rail carriage going along a straight trackway in south seattle , when all of a sudden a white sedan veers left into its path .the car gets rapidly rammed back until the train eventually reaches a standstill as a street light gets sent flying .despite the crunch , the driver of the car miraculously escapes uninjured .']\n", - "=======================\n", - "['surveillance video shows a sound transit link light rail carriage going along a straight trackway in south seattleall of a sudden a white sedan veers left into its pathluckily the driver survived and was taken to hospital with only minor injuriesthe incident occurred just after 11am on monday where the rail tracks intersect at 7150 martin luther king way south']\n", - "surveillance video shows a sound transit link light rail carriage going along a straight trackway in south seattle , when all of a sudden a white sedan veers left into its path .the car gets rapidly rammed back until the train eventually reaches a standstill as a street light gets sent flying .despite the crunch , the driver of the car miraculously escapes uninjured .\n", - "surveillance video shows a sound transit link light rail carriage going along a straight trackway in south seattleall of a sudden a white sedan veers left into its pathluckily the driver survived and was taken to hospital with only minor injuriesthe incident occurred just after 11am on monday where the rail tracks intersect at 7150 martin luther king way south\n", - "[1.1755447 1.1440917 1.0786477 1.0803356 1.107871 1.1170118 1.0391634\n", - " 1.0462877 1.1642227 1.0677621 1.1320794 1.0857176 1.0254222 1.0486596\n", - " 1.1422826 0. 0. 0. 0. ]\n", - "\n", - "[ 0 8 1 14 10 5 4 11 3 2 9 13 7 6 12 15 16 17 18]\n", - "=======================\n", - "['imminent arrival : the duchess of cambridge , pictured with prince georgeanmer is set to become their principal residence over the next few years as william focuses on family and his new flying career .they could have been any mother and child .']\n", - "=======================\n", - "['william and kate are turning anmer hall into a secluded fortress homecouple want informal , away-from-the-cameras upbringing for their childrenanmer is set to become their principal residence over the next few yearsroyal aides confirmed the cambridges will head to anmer after the birth']\n", - "imminent arrival : the duchess of cambridge , pictured with prince georgeanmer is set to become their principal residence over the next few years as william focuses on family and his new flying career .they could have been any mother and child .\n", - "william and kate are turning anmer hall into a secluded fortress homecouple want informal , away-from-the-cameras upbringing for their childrenanmer is set to become their principal residence over the next few yearsroyal aides confirmed the cambridges will head to anmer after the birth\n", - "[1.1505882 1.4847007 1.4538956 1.222827 1.4425902 1.0958816 1.040406\n", - " 1.0174208 1.0131018 1.1130319 1.1960961 1.0139165 1.0144322 1.0101327\n", - " 1.0711169 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 10 0 9 5 14 6 7 12 11 8 13 17 15 16 18]\n", - "=======================\n", - "[\"the top three nations in uefa 's rankings qualify for the europa league , with england currently sitting third and west ham topping the barclays premier league 's fair play table .west ham have little left to play for as they sit ninth ahead of saturday 's match with bottom-club leicester city at the king power stadium .west ham manager sam allardyce wants the club to qualify for europe next season through fair play\"]\n", - "=======================\n", - "['west ham are currently top of the fair play rankings in the premier leagueshould they finish there at the end of the season , they could qualify for the europa league next termsam allardyce is well aware of the benefits of being able to offer european football to players in the transfer marketallardyce led bolton wanderers to uefa cup qualification in 2005']\n", - "the top three nations in uefa 's rankings qualify for the europa league , with england currently sitting third and west ham topping the barclays premier league 's fair play table .west ham have little left to play for as they sit ninth ahead of saturday 's match with bottom-club leicester city at the king power stadium .west ham manager sam allardyce wants the club to qualify for europe next season through fair play\n", - "west ham are currently top of the fair play rankings in the premier leagueshould they finish there at the end of the season , they could qualify for the europa league next termsam allardyce is well aware of the benefits of being able to offer european football to players in the transfer marketallardyce led bolton wanderers to uefa cup qualification in 2005\n", - "[1.4082923 1.3762393 1.2132164 1.2557814 1.0967785 1.1040332 1.0748626\n", - " 1.085621 1.0669266 1.0943849 1.043465 1.099431 1.037492 1.0550201\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 5 11 4 9 7 6 8 13 10 12 17 14 15 16 18]\n", - "=======================\n", - "[\"( cnn ) the fbi has confirmed that one of its most wanted terrorists , the malaysian bomb maker known as marwan , was killed in an otherwise disastrous raid in the philippines in january .marwan , whose real name is zulkifli bin hir , was believed by the fbi to a member of southeast asian terror group jemaah islamiyah 's central command .but the fbi now says tests have confirmed that the dead man was the wanted islamic extremist .\"]\n", - "=======================\n", - "['a man killed in a raid in the philippines in january was a \" most wanted \" terrorist , the fbi saysmarwan was a malaysian believed to have provided support to islamist terror groups44 elite philippine commandos were killed in the raid on his hideout last month']\n", - "( cnn ) the fbi has confirmed that one of its most wanted terrorists , the malaysian bomb maker known as marwan , was killed in an otherwise disastrous raid in the philippines in january .marwan , whose real name is zulkifli bin hir , was believed by the fbi to a member of southeast asian terror group jemaah islamiyah 's central command .but the fbi now says tests have confirmed that the dead man was the wanted islamic extremist .\n", - "a man killed in a raid in the philippines in january was a \" most wanted \" terrorist , the fbi saysmarwan was a malaysian believed to have provided support to islamist terror groups44 elite philippine commandos were killed in the raid on his hideout last month\n", - "[1.2674652 1.5656251 1.2800012 1.2765126 1.1311328 1.1729261 1.0555016\n", - " 1.0171578 1.017614 1.03347 1.0992262 1.0512856 1.1049185 1.0498734\n", - " 1.107908 1.0104733 1.0081726 1.0087022 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 4 14 12 10 6 11 13 9 8 7 15 17 16 19 18 20]\n", - "=======================\n", - "['natalie prescott , 26 , was not expected to survive after she dived into a quarry in a dare-devil stunt which went horribly wrong .her family was warned she was unlikely to pull through and that if she did , she would almost certainly lose her legs .but after learning that a teenage boy tragically drowned in the same quarry on friday , natalie is campaigning to have the area closed off to the public .']\n", - "=======================\n", - "['natalie prescott , 26 , had to be flown to intensive care by air ambulanceshe plunged 40 feet off appley bridge quarry , near wiganteenager miracle godson , 13 , drowned in same area on fridaymum-of-three vows to have area closed after learning of drowning']\n", - "natalie prescott , 26 , was not expected to survive after she dived into a quarry in a dare-devil stunt which went horribly wrong .her family was warned she was unlikely to pull through and that if she did , she would almost certainly lose her legs .but after learning that a teenage boy tragically drowned in the same quarry on friday , natalie is campaigning to have the area closed off to the public .\n", - "natalie prescott , 26 , had to be flown to intensive care by air ambulanceshe plunged 40 feet off appley bridge quarry , near wiganteenager miracle godson , 13 , drowned in same area on fridaymum-of-three vows to have area closed after learning of drowning\n", - "[1.3783956 1.1508726 1.4509774 1.4576526 1.1935159 1.1387024 1.0562353\n", - " 1.0700396 1.0169454 1.0621974 1.0479494 1.0251031 1.020506 1.0142609\n", - " 1.0124061 1.0115004 1.0121534 1.0157299 1.0816808 1.1863704 1.1697118]\n", - "\n", - "[ 3 2 0 4 19 20 1 5 18 7 9 6 10 11 12 8 17 13 14 16 15]\n", - "=======================\n", - "[\"the former lib dem councillor , 50 , used the party 's offices in ashfield , nottinghamshire , to hold auditions for the sordid films .michelle gent directed and starred in violent films featuring whips , chains , swords and scantily clad women before selling the videos online .lib dem campaigner michelle gent used her party 's constituency headquarters for her bondage and porn film business\"]\n", - "=======================\n", - "[\"michelle gent , 50 , directed and starred in violent bondage and porn moviesformer lib dem councillor used local party hq to hold auditions for filmsher film 's titles include the exorcist chronicles and rise of the 4th reichviolent films feature women covered in fake blood using whips and knives\"]\n", - "the former lib dem councillor , 50 , used the party 's offices in ashfield , nottinghamshire , to hold auditions for the sordid films .michelle gent directed and starred in violent films featuring whips , chains , swords and scantily clad women before selling the videos online .lib dem campaigner michelle gent used her party 's constituency headquarters for her bondage and porn film business\n", - "michelle gent , 50 , directed and starred in violent bondage and porn moviesformer lib dem councillor used local party hq to hold auditions for filmsher film 's titles include the exorcist chronicles and rise of the 4th reichviolent films feature women covered in fake blood using whips and knives\n", - "[1.2345337 1.3472754 1.3044719 1.4672017 1.2989463 1.1308925 1.1394674\n", - " 1.1017848 1.0352423 1.0230649 1.0325773 1.0222176 1.0234941 1.0516504\n", - " 1.0797819 1.0583515 1.0218308 1.0113015 1.011653 1.0217639 0. ]\n", - "\n", - "[ 3 1 2 4 0 6 5 7 14 15 13 8 10 12 9 11 16 19 18 17 20]\n", - "=======================\n", - "['sherrell dillion from benefits street has been given a place in the top model of colour competition , however , her good news is marred by the fact that she is currently homelesshowever , the single mother-of-two , who was featured in the hit channel 4 series which saw her desperately searching for work , now says she is technically homeless .sherrell starred on benefits street alongside white dee and she says she feels happiness for her co-star']\n", - "=======================\n", - "['sherrell dillion starred on the hit tv series benefits streetas an aspiring model she has landed herself a place in a top competitionbut sherrell is still struggling as she has recently been made homelessthe mother-of-two was removed from her house due to mice']\n", - "sherrell dillion from benefits street has been given a place in the top model of colour competition , however , her good news is marred by the fact that she is currently homelesshowever , the single mother-of-two , who was featured in the hit channel 4 series which saw her desperately searching for work , now says she is technically homeless .sherrell starred on benefits street alongside white dee and she says she feels happiness for her co-star\n", - "sherrell dillion starred on the hit tv series benefits streetas an aspiring model she has landed herself a place in a top competitionbut sherrell is still struggling as she has recently been made homelessthe mother-of-two was removed from her house due to mice\n", - "[1.1280638 1.2258551 1.3209662 1.2331095 1.102821 1.233313 1.1534064\n", - " 1.050632 1.2064934 1.0736028 1.0332668 1.0364985 1.0338473 1.0356717\n", - " 1.032572 1.0372685 1.0313246 1.0363431 1.0162582 1.023156 0. ]\n", - "\n", - "[ 2 5 3 1 8 6 0 4 9 7 15 11 17 13 12 10 14 16 19 18 20]\n", - "=======================\n", - "['the action in this cookery programme takes place in the tiniest kitchen in the world , and demonstrates how to make perfectly formed miniature versions of classic foods .the miniature space videos are filmed in the bijou areaa tiny strawberry cake made with cut out bread , one strawberry and covered in frosting and coloured balls']\n", - "=======================\n", - "['japanese cookery programme miniature space is set in a a tiny kitchenvideos demonstrate how to make different foods in miniature formpetite kitchen equipped with mini spatula , tongs and knives']\n", - "the action in this cookery programme takes place in the tiniest kitchen in the world , and demonstrates how to make perfectly formed miniature versions of classic foods .the miniature space videos are filmed in the bijou areaa tiny strawberry cake made with cut out bread , one strawberry and covered in frosting and coloured balls\n", - "japanese cookery programme miniature space is set in a a tiny kitchenvideos demonstrate how to make different foods in miniature formpetite kitchen equipped with mini spatula , tongs and knives\n", - "[1.5526302 1.291374 1.4570041 1.3215394 1.0360107 1.2332884 1.0114183\n", - " 1.0217124 1.0137864 1.0257657 1.0901161 1.1109076 1.0562524 1.1256347\n", - " 1.132191 1.085787 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 5 14 13 11 10 15 12 4 9 7 8 6 19 16 17 18 20]\n", - "=======================\n", - "[\"holders sevilla will take on fiorentina for a place in this season 's europa league final .fiorentina overcame tottenham , roma and dynamo kiev en route to the last four and have home advantage for the second leg .retaining the title will see the spanish club win the competition for a record fourth time , although overcoming la viola will be a big ask .\"]\n", - "=======================\n", - "['europa league semi-final draw : napoli vs dnipro , sevilla vs fiorentinalast-four ties to be played on may 7 and may 14final takes place at national stadium in warsaw on may 27']\n", - "holders sevilla will take on fiorentina for a place in this season 's europa league final .fiorentina overcame tottenham , roma and dynamo kiev en route to the last four and have home advantage for the second leg .retaining the title will see the spanish club win the competition for a record fourth time , although overcoming la viola will be a big ask .\n", - "europa league semi-final draw : napoli vs dnipro , sevilla vs fiorentinalast-four ties to be played on may 7 and may 14final takes place at national stadium in warsaw on may 27\n", - "[1.5762169 1.291333 1.2162426 1.2138007 1.1882893 1.1879363 1.0327059\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 5 6 15 14 13 12 8 10 9 16 7 11 17]\n", - "=======================\n", - "[\"( hlntv ) actress alyssa milano had some angry tweets for heathrow airport authorities thursday morning after workers there allegedly confiscated breast milk she 'd pumped for her daughter while she was on a plane .according to the heathrow airport guidelines on its website regarding baby food and/or milk , the airport asks that travelers carry only what they need for the flight .a blogger mom apparently experienced a similar issue at the airport in 2011 when her pumped milk was also confiscated .\"]\n", - "=======================\n", - "['milano had pumped while on planetravelers are asked to carry only what they need']\n", - "( hlntv ) actress alyssa milano had some angry tweets for heathrow airport authorities thursday morning after workers there allegedly confiscated breast milk she 'd pumped for her daughter while she was on a plane .according to the heathrow airport guidelines on its website regarding baby food and/or milk , the airport asks that travelers carry only what they need for the flight .a blogger mom apparently experienced a similar issue at the airport in 2011 when her pumped milk was also confiscated .\n", - "milano had pumped while on planetravelers are asked to carry only what they need\n", - "[1.3064716 1.0605711 1.1086501 1.1480958 1.2827852 1.1311752 1.0680968\n", - " 1.081785 1.0841511 1.0683079 1.072397 1.0822265 1.0973364 1.0581656\n", - " 1.0269195 1.0480164 1.0221869 1.0219043]\n", - "\n", - "[ 0 4 3 5 2 12 8 11 7 10 9 6 1 13 15 14 16 17]\n", - "=======================\n", - "['( cnn ) so now the real trial is underway : what does the surviving boston marathon bomber , dzhokhar tsarnaev , deserve and why ?the killing was \" heinous , cruel and depraved . \"prosecutors have listed , as they must , the aggravating circumstances that make this horrific mass murderer deserve the harshest punishment .']\n", - "=======================\n", - "['robert blecker : in sentencing phase , the prosecution lays out wealth of evidence that dzhokhar tsarnaev deserves penalty reserved for the worst of the worsthe predicts most of the jury will vote for a death sentence , but it must be unanimous ; therefore , tsarnaev will most likely get life in prison']\n", - "( cnn ) so now the real trial is underway : what does the surviving boston marathon bomber , dzhokhar tsarnaev , deserve and why ?the killing was \" heinous , cruel and depraved . \"prosecutors have listed , as they must , the aggravating circumstances that make this horrific mass murderer deserve the harshest punishment .\n", - "robert blecker : in sentencing phase , the prosecution lays out wealth of evidence that dzhokhar tsarnaev deserves penalty reserved for the worst of the worsthe predicts most of the jury will vote for a death sentence , but it must be unanimous ; therefore , tsarnaev will most likely get life in prison\n", - "[1.3515129 1.3466233 1.2529936 1.2554998 1.1208653 1.040537 1.181928\n", - " 1.1722834 1.0146961 1.0251882 1.0120989 1.0192531 1.1632928 1.1414396\n", - " 1.0979743 1.0693872 1.0408428 0. ]\n", - "\n", - "[ 0 1 3 2 6 7 12 13 4 14 15 16 5 9 11 8 10 17]\n", - "=======================\n", - "[\"the brazilian man shot dead alongside australians andrew chan and myuran sukumaran in indonesia was a paranoid schizophrenic who did n't realise he was being executed until his last moments of life .rodrigo gularte , 42 , asked ` am i being executed ? 'the irish priest appointed to be gularte 's spiritual advisor in his final hours said he talked to gularte for an hour and a half late on tuesday night to prepare him for the executions , but the convicted drug trafficker was confused about his fate and complained about hearing voices .\"]\n", - "=======================\n", - "['brazilian national rodrigo gularte , 42 , was a paranoid schizophreniche did not understand he was being executed until his final momentsgularte was shot by a firing squad alongside australians andrew chan and myuran sukumaran and five other death row inmatesgularte spent seven of his 11 years in prison on nusakambanganhe was arrested in 2004 for attempting to smuggle six kilograms of cocaine into indonesia hidden inside a surfboard']\n", - "the brazilian man shot dead alongside australians andrew chan and myuran sukumaran in indonesia was a paranoid schizophrenic who did n't realise he was being executed until his last moments of life .rodrigo gularte , 42 , asked ` am i being executed ? 'the irish priest appointed to be gularte 's spiritual advisor in his final hours said he talked to gularte for an hour and a half late on tuesday night to prepare him for the executions , but the convicted drug trafficker was confused about his fate and complained about hearing voices .\n", - "brazilian national rodrigo gularte , 42 , was a paranoid schizophreniche did not understand he was being executed until his final momentsgularte was shot by a firing squad alongside australians andrew chan and myuran sukumaran and five other death row inmatesgularte spent seven of his 11 years in prison on nusakambanganhe was arrested in 2004 for attempting to smuggle six kilograms of cocaine into indonesia hidden inside a surfboard\n", - "[1.1192632 1.4319234 1.2968426 1.3070387 1.1629632 1.0445052 1.125373\n", - " 1.056752 1.1337992 1.1154933 1.0556113 1.0596123 1.0363635 1.0209684\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 8 6 0 9 11 7 10 5 12 13 16 14 15 17]\n", - "=======================\n", - "[\"that 's because they 're constructing a mountain road thousands of feet above the ground in pingjiang county , hunan province .with no ropes or safety harnesses , and only hard hats to protect them if they fall , these men spend their days hauling heavy planks and wheelbarrows full of cement over a rickety wooden walkway .chinese officials hope that the road will draw thousands more tourists to the area , as they flock to walk along the scenic route .\"]\n", - "=======================\n", - "['workers carry heavy planks and wheelbarrows full of concrete across wooden walkway thousands of feet in the airmen , who are just one step from death , have no ropes or safety harnesses and only hard hats to cushion their fallofficials in pingjiang county , hunan province , hope the path will attract thousands of tourists when it is complete']\n", - "that 's because they 're constructing a mountain road thousands of feet above the ground in pingjiang county , hunan province .with no ropes or safety harnesses , and only hard hats to protect them if they fall , these men spend their days hauling heavy planks and wheelbarrows full of cement over a rickety wooden walkway .chinese officials hope that the road will draw thousands more tourists to the area , as they flock to walk along the scenic route .\n", - "workers carry heavy planks and wheelbarrows full of concrete across wooden walkway thousands of feet in the airmen , who are just one step from death , have no ropes or safety harnesses and only hard hats to cushion their fallofficials in pingjiang county , hunan province , hope the path will attract thousands of tourists when it is complete\n", - "[1.0466125 1.040051 1.0474985 1.106377 1.2293702 1.5586934 1.1996661\n", - " 1.1006585 1.1436279 1.0903655 1.0387473 1.0900416 1.0608293 1.1874475\n", - " 1.0639753 1.0388149 1.1173582 1.0917218]\n", - "\n", - "[ 5 4 6 13 8 16 3 7 17 9 11 14 12 2 0 1 15 10]\n", - "=======================\n", - "[\"juan cuardrado arrived at chelsea for # 23m from fiorentina but has failed to impress at stamford bridgehere , sportsmail looks at five winter-window arrivals who have disappointed for their new employers ...for a fee in the region of # 23m and arriving from fiorentina with a reputation bloated by his impressive performance for colombia at last summer 's world cup , cuadrado was expected to help fire chelsea towards the premier league and champions league crowns .\"]\n", - "=======================\n", - "[\"several january signings have failed to impress in the premier leaguechelsea winger juan cuardrado has barely played since fiorentina movewilfried bony has scored one goal after leaving swansea for man cityqpr tried to send mauro zarate back to west ham before he floppedcallum mcmanaman has failed to show his wigan form at west brombenfica 's filip djuricic has struggled with injuries at southampton\"]\n", - "juan cuardrado arrived at chelsea for # 23m from fiorentina but has failed to impress at stamford bridgehere , sportsmail looks at five winter-window arrivals who have disappointed for their new employers ...for a fee in the region of # 23m and arriving from fiorentina with a reputation bloated by his impressive performance for colombia at last summer 's world cup , cuadrado was expected to help fire chelsea towards the premier league and champions league crowns .\n", - "several january signings have failed to impress in the premier leaguechelsea winger juan cuardrado has barely played since fiorentina movewilfried bony has scored one goal after leaving swansea for man cityqpr tried to send mauro zarate back to west ham before he floppedcallum mcmanaman has failed to show his wigan form at west brombenfica 's filip djuricic has struggled with injuries at southampton\n", - "[1.3147557 1.1287754 1.2097291 1.1276038 1.0985698 1.0889347 1.0994391\n", - " 1.0675712 1.0555512 1.0438834 1.0368631 1.0434368 1.0294482 1.0425822\n", - " 1.0724658 1.0482492 1.0580237 1.0546718 1.048248 1.0449067 1.0379423\n", - " 1.0457224 1.0465367 1.0481538 1.033738 1.0734584 1.0454967 1.062199\n", - " 1.0433419]\n", - "\n", - "[ 0 2 1 3 6 4 5 25 14 7 27 16 8 17 15 18 23 22 21 26 19 9 11 28\n", - " 13 20 10 24 12]\n", - "=======================\n", - "[\"russian president vladimir putin said russia has key interests in common with the united states and needs to work with it on a common agendain his comments to the state-run rossiya channel , putinwestern powers , have soured over the conflict in russia 's\"]\n", - "=======================\n", - "[\"putin said on saturday that the countries need to work on common agendahe said us and russia are working towards same efforts of making the world order more democraticputin 's latest remarks come two days after saying us wanted ` not allies , but vassals '\"]\n", - "russian president vladimir putin said russia has key interests in common with the united states and needs to work with it on a common agendain his comments to the state-run rossiya channel , putinwestern powers , have soured over the conflict in russia 's\n", - "putin said on saturday that the countries need to work on common agendahe said us and russia are working towards same efforts of making the world order more democraticputin 's latest remarks come two days after saying us wanted ` not allies , but vassals '\n", - "[1.3604583 1.1540937 1.4610984 1.3903869 1.190302 1.1484257 1.0729723\n", - " 1.0488008 1.0373814 1.093758 1.0813398 1.0678201 1.0464598 1.0629278\n", - " 1.0875204 1.0324945 1.1911651 1.0509298 1.01841 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 3 0 16 4 1 5 9 14 10 6 11 13 17 7 12 8 15 18 19 20 21 22 23\n", - " 24 25 26 27 28]\n", - "=======================\n", - "[\"shaquille omar hallisey 's attack in cardiff was described by a judge as ' a savage demonstration of violence in a public place ' .the 20-year-old 's victim matthew leeke , 38 , had been out with friends and was making his way home alone when the assault took place .a judge at cardiff crown court ( pictured ) jailed hallisey for four years after he admitted to wounding with intent to cause grievous bodily harm\"]\n", - "=======================\n", - "[\"shaquille omar hallisey attacked matthew leeke in queen street , cardiffthe 20-year-old 's victim was walking home when the assault took placehe pleaded guilty to wounding with intent to cause grievous bodily harmjudge describes attack in june 2014 as ` savage demonstration of violence '\"]\n", - "shaquille omar hallisey 's attack in cardiff was described by a judge as ' a savage demonstration of violence in a public place ' .the 20-year-old 's victim matthew leeke , 38 , had been out with friends and was making his way home alone when the assault took place .a judge at cardiff crown court ( pictured ) jailed hallisey for four years after he admitted to wounding with intent to cause grievous bodily harm\n", - "shaquille omar hallisey attacked matthew leeke in queen street , cardiffthe 20-year-old 's victim was walking home when the assault took placehe pleaded guilty to wounding with intent to cause grievous bodily harmjudge describes attack in june 2014 as ` savage demonstration of violence '\n", - "[1.4304551 1.3412471 1.3610461 1.165392 1.0777812 1.1353629 1.1135547\n", - " 1.1124227 1.0992413 1.1727022 1.1669255 1.1076684 1.1512723 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 9 10 3 12 5 6 7 11 8 4 21 26 25 24 23 22 20 14 18 17 16\n", - " 15 27 13 19 28]\n", - "=======================\n", - "[\"werder bremen edged past bottom club hamburg sv 1-0 courtesy of an 84th-minute penalty by franco di santo that kept them in the running for a europa league spot .argentine di santo converted his spot-kick for his 13th goal of the season after hamburg 's valon behrami had brought down zlatko junuzovic and was sent off as new hamburg coach bruno labbadia made a losing return to their bench .second-placed vfl wolfsburg , on 60 points , will look to cut bayern munich 's lead back to 10 points when they take on schalke 04 later on sunday .\"]\n", - "=======================\n", - "['werder bremen defeated hamburg sv 1-0 in the bundesliga on sundaybruno labbadia has returned as coach to save hamburg from relegationwolfsburg meet schalke 04 in the later game on sunday']\n", - "werder bremen edged past bottom club hamburg sv 1-0 courtesy of an 84th-minute penalty by franco di santo that kept them in the running for a europa league spot .argentine di santo converted his spot-kick for his 13th goal of the season after hamburg 's valon behrami had brought down zlatko junuzovic and was sent off as new hamburg coach bruno labbadia made a losing return to their bench .second-placed vfl wolfsburg , on 60 points , will look to cut bayern munich 's lead back to 10 points when they take on schalke 04 later on sunday .\n", - "werder bremen defeated hamburg sv 1-0 in the bundesliga on sundaybruno labbadia has returned as coach to save hamburg from relegationwolfsburg meet schalke 04 in the later game on sunday\n", - "[1.1134688 1.4421403 1.1570655 1.1499608 1.2009438 1.1923934 1.1954089\n", - " 1.0928646 1.0959153 1.0859286 1.0303115 1.0773536 1.0576894 1.0310868\n", - " 1.1448365 1.0795842 1.0145113 1.0133747 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 6 5 2 3 14 0 8 7 9 15 11 12 13 10 16 17 26 25 24 23 18 21\n", - " 20 19 27 22 28]\n", - "=======================\n", - "[\"that 's according to a study that found almost 30 million health records nationwide were involved in criminal theft , malicious hacking or other data breaches over four years .most involved electronic data and theft , including stolen laptops and computer thumb drives .the study did n't examine motives behind criminal breaches , or how stolen data might have been used , but cyber-security experts say thieves may try to use patients ' personal information to fraudulently obtain medical services .\"]\n", - "=======================\n", - "[\"a study published in tuesday 's journal of the american medical association revealed the figuresalmost 30 million health records nationwide were involved in criminal theft , malicious hacking or other data breaches over four yearscompromised information included patients ' names , home addresses , ages , illnesses , test results or social security numbersmost involved electronic data and theft , including stolen laptops and computer thumb drivescyber-security experts say thieves may try to use patients ' personal information to fraudulently obtain medical services\"]\n", - "that 's according to a study that found almost 30 million health records nationwide were involved in criminal theft , malicious hacking or other data breaches over four years .most involved electronic data and theft , including stolen laptops and computer thumb drives .the study did n't examine motives behind criminal breaches , or how stolen data might have been used , but cyber-security experts say thieves may try to use patients ' personal information to fraudulently obtain medical services .\n", - "a study published in tuesday 's journal of the american medical association revealed the figuresalmost 30 million health records nationwide were involved in criminal theft , malicious hacking or other data breaches over four yearscompromised information included patients ' names , home addresses , ages , illnesses , test results or social security numbersmost involved electronic data and theft , including stolen laptops and computer thumb drivescyber-security experts say thieves may try to use patients ' personal information to fraudulently obtain medical services\n", - "[1.2822558 1.5243518 1.1747988 1.251892 1.2307523 1.0342871 1.1768739\n", - " 1.1564213 1.019426 1.0178106 1.0221668 1.0150474 1.161333 1.0596697\n", - " 1.0528797 1.0973363 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 4 6 2 12 7 15 13 14 5 10 8 9 11 26 25 24 23 22 19 20 18\n", - " 17 16 27 21 28]\n", - "=======================\n", - "[\"one utah national guard officer was sacked and three other soldiers have been disciplined for their involvement with hot shots 2015 , where military vehicles became props for the group 's risque calendar and ` behind-the-scenes ' video .an investigator has blamed sexism , including pornography sold at base stores , for the attitudes that led to army members joining british bikini models for a photo shoot .cover up : the army times saw emails where members of the 19th special forces talked about removing references to their involvement and blamed ` uptight mormons ' for outrage of their time with the models '\"]\n", - "=======================\n", - "[\"investigator recommends removing pornography from army base storessaid soldiers did n't realize salacious shoot not ` in harmony with our values 'utah national guard officer sacked after allowing risqué video to be shotemails from within 19th special forces unit show attempts to remove references to their involvement with hot shots bikini modelsscantily clad women used army tank , helicopter and truck as propsafter video made public , soldiers blamed ` uptight mormons ' for outrage\"]\n", - "one utah national guard officer was sacked and three other soldiers have been disciplined for their involvement with hot shots 2015 , where military vehicles became props for the group 's risque calendar and ` behind-the-scenes ' video .an investigator has blamed sexism , including pornography sold at base stores , for the attitudes that led to army members joining british bikini models for a photo shoot .cover up : the army times saw emails where members of the 19th special forces talked about removing references to their involvement and blamed ` uptight mormons ' for outrage of their time with the models '\n", - "investigator recommends removing pornography from army base storessaid soldiers did n't realize salacious shoot not ` in harmony with our values 'utah national guard officer sacked after allowing risqué video to be shotemails from within 19th special forces unit show attempts to remove references to their involvement with hot shots bikini modelsscantily clad women used army tank , helicopter and truck as propsafter video made public , soldiers blamed ` uptight mormons ' for outrage\n", - "[1.0567856 1.3554475 1.3975271 1.1579942 1.3516697 1.1530728 1.0808884\n", - " 1.05058 1.0639101 1.0697054 1.0461842 1.0702943 1.1121936 1.0710471\n", - " 1.0274744 1.0185207 1.0386057 1.0616792 1.1284341 1.1645281]\n", - "\n", - "[ 2 1 4 19 3 5 18 12 6 13 11 9 8 17 0 7 10 16 14 15]\n", - "=======================\n", - "[\"james was at practice with his cleveland cavalier teammates on saturday at the td garden in boston before their game against the celtics on sunday afternoon .lebron james has been able to do just about anything he wants during his team 's first three playoff games this season and that has apparently carried over to practice as well .lebron james hit a one-handed shot , which traveled almost the full length of the 94-foot court , on saturday\"]\n", - "=======================\n", - "[\"james was practicing at td garden in boston , massachusetts , on saturdayhe made the shot by effortlessly flicking basketball at hoop 94 feet awayjust before the shot hit nothing but net , james said : ` give me my money ! 'dwight howard of houston rockets issued a response video later in daycleveland cavaliers are playing nba playoff game vs celtics on sunday\"]\n", - "james was at practice with his cleveland cavalier teammates on saturday at the td garden in boston before their game against the celtics on sunday afternoon .lebron james has been able to do just about anything he wants during his team 's first three playoff games this season and that has apparently carried over to practice as well .lebron james hit a one-handed shot , which traveled almost the full length of the 94-foot court , on saturday\n", - "james was practicing at td garden in boston , massachusetts , on saturdayhe made the shot by effortlessly flicking basketball at hoop 94 feet awayjust before the shot hit nothing but net , james said : ` give me my money ! 'dwight howard of houston rockets issued a response video later in daycleveland cavaliers are playing nba playoff game vs celtics on sunday\n", - "[1.2709085 1.4431416 1.2019857 1.2911302 1.2615256 1.2176481 1.1182839\n", - " 1.0458403 1.0510212 1.0539922 1.0410944 1.0775335 1.051603 1.074608\n", - " 1.1295959 1.0899503 1.0842637 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 5 2 14 6 15 16 11 13 9 12 8 7 10 18 17 19]\n", - "=======================\n", - "[\"van gaal and mourinho come face-to-face on saturday when the former 's manchester united travel to premier league leaders chelsea .louis van gaal 's ( right ) greatest achievement in football is the making of jose mourinho , feels gary nevillemourinho ( left ) and van gaal will come face to face again when chelsea host manchester united on saturday\"]\n", - "=======================\n", - "['chelsea entertain manchester united in the premier league on saturdaychelsea boss jose mourinho and united manager louis van gaal are palspair enjoyed a successful relationship together at barcelona in the 1990smourinho has since won trophies in portugal , england , italy and spain']\n", - "van gaal and mourinho come face-to-face on saturday when the former 's manchester united travel to premier league leaders chelsea .louis van gaal 's ( right ) greatest achievement in football is the making of jose mourinho , feels gary nevillemourinho ( left ) and van gaal will come face to face again when chelsea host manchester united on saturday\n", - "chelsea entertain manchester united in the premier league on saturdaychelsea boss jose mourinho and united manager louis van gaal are palspair enjoyed a successful relationship together at barcelona in the 1990smourinho has since won trophies in portugal , england , italy and spain\n", - "[1.250888 1.5495005 1.1873991 1.2118025 1.2071583 1.402334 1.1015049\n", - " 1.0635974 1.0794175 1.0479958 1.0461187 1.0586876 1.0507743 1.0488453\n", - " 1.1022921 1.0435951 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 0 3 4 2 14 6 8 7 11 12 13 9 10 15 18 16 17 19]\n", - "=======================\n", - "[\"steven mathieson , 38 , stabbed prostitute luciana maurer dozens of times in a frenzied and unprovoked attack at his home falkirk , stirlingshire last december .his young son was asleep in the bedroom next door while he carried out the horrific crimes .mathieson , who has previously been described as of ` impeccable character ' , pleaded guilty to murder and rape at the high court in glasgow today and now faces life in prison .\"]\n", - "=======================\n", - "['steven mathieson , 38 , stabbed 23-year-old escort luciana maurer 44 timesas she lay dead on the floor , he raped two other prostitutes at family homecrimes occurred while his partner was out and son was asleep in bedroommathieson , who was high on cocaine at the time , now faces life in prison']\n", - "steven mathieson , 38 , stabbed prostitute luciana maurer dozens of times in a frenzied and unprovoked attack at his home falkirk , stirlingshire last december .his young son was asleep in the bedroom next door while he carried out the horrific crimes .mathieson , who has previously been described as of ` impeccable character ' , pleaded guilty to murder and rape at the high court in glasgow today and now faces life in prison .\n", - "steven mathieson , 38 , stabbed 23-year-old escort luciana maurer 44 timesas she lay dead on the floor , he raped two other prostitutes at family homecrimes occurred while his partner was out and son was asleep in bedroommathieson , who was high on cocaine at the time , now faces life in prison\n", - "[1.307717 1.2419193 1.3537922 1.2079233 1.3477039 1.2040141 1.0599159\n", - " 1.0375615 1.0254298 1.1164515 1.0257447 1.1037347 1.0148934 1.0258975\n", - " 1.0271691 1.0228356 1.0977603 1.0168507 1.0192075 0. ]\n", - "\n", - "[ 2 4 0 1 3 5 9 11 16 6 7 14 13 10 8 15 18 17 12 19]\n", - "=======================\n", - "['this enabled affleck to hide the identity of his ancestor , named today by the sun as james mcguire , who kept eight slaves on his farm in trenton in new jersey in the 1840s .ben affleck has apologized after he demanded information about a slave-owning relative be withheld from a pbs show about his ancestryafter appearing on finding your roots and learning one of his ancestors was a slave owner , affleck pushed the network to leave that information out of the program it was first revealed by dailymail.com , a request the producers ultimately agreed to .']\n", - "=======================\n", - "[\"ben affleck has apologized after he demanded information about a slave-owning relative be withheld from a pbs show about his ancestryas dailymail.com first revealed , producers agreed to the actor 's demand and cut the segment from the programi did n't want any television show about my family to include a guy who owned slaves .pbs has launched an internal investigation into whether or not finding your roots violated their editorial standards by allowing this request\"]\n", - "this enabled affleck to hide the identity of his ancestor , named today by the sun as james mcguire , who kept eight slaves on his farm in trenton in new jersey in the 1840s .ben affleck has apologized after he demanded information about a slave-owning relative be withheld from a pbs show about his ancestryafter appearing on finding your roots and learning one of his ancestors was a slave owner , affleck pushed the network to leave that information out of the program it was first revealed by dailymail.com , a request the producers ultimately agreed to .\n", - "ben affleck has apologized after he demanded information about a slave-owning relative be withheld from a pbs show about his ancestryas dailymail.com first revealed , producers agreed to the actor 's demand and cut the segment from the programi did n't want any television show about my family to include a guy who owned slaves .pbs has launched an internal investigation into whether or not finding your roots violated their editorial standards by allowing this request\n", - "[1.2734374 1.485684 1.1598083 1.0890589 1.4113724 1.1217544 1.0409778\n", - " 1.1318882 1.0582105 1.0329306 1.0385997 1.0786475 1.0756686 1.075494\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 2 7 5 3 11 12 13 8 6 10 9 14 15 16 17 18 19]\n", - "=======================\n", - "[\"the loose women panellist said she was ` hounded on twitter ' after airing her views on the itv show in a discussion about overweight teenagers , and now insists she was only referring to people larger than a size 20 .jamelia has today responded to the furious backlash she is facing after saying that obese women ` should feel uncomfortable ' about their unhealthy size , and that high street stores should not be catering for them .` of course i do n't think we should ban plus-size clothes from shops , ' the 34-year-old mother-of-two said on loose women this afternoon . '\"]\n", - "=======================\n", - "[\"the 34-year-old singer made the initial comments on loose womenargued that ` unhealthy lifestyles ' should not be ` facilitated 'star faced bitter twitter backlash , then appeared on good morning britainback on loose women this afternoon , she clarified her viewsjanet street porter and her other co-stars leapt to her defence\"]\n", - "the loose women panellist said she was ` hounded on twitter ' after airing her views on the itv show in a discussion about overweight teenagers , and now insists she was only referring to people larger than a size 20 .jamelia has today responded to the furious backlash she is facing after saying that obese women ` should feel uncomfortable ' about their unhealthy size , and that high street stores should not be catering for them .` of course i do n't think we should ban plus-size clothes from shops , ' the 34-year-old mother-of-two said on loose women this afternoon . '\n", - "the 34-year-old singer made the initial comments on loose womenargued that ` unhealthy lifestyles ' should not be ` facilitated 'star faced bitter twitter backlash , then appeared on good morning britainback on loose women this afternoon , she clarified her viewsjanet street porter and her other co-stars leapt to her defence\n", - "[1.2121733 1.3847636 1.3196932 1.179319 1.2941062 1.1533056 1.1142622\n", - " 1.0771343 1.1064999 1.0972788 1.029917 1.0371891 1.0338342 1.0329937\n", - " 1.029452 1.0251379 1.0259184 1.02456 1.0227958 1.1565821 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 4 0 3 19 5 6 8 9 7 11 12 13 10 14 16 15 17 18 20 21]\n", - "=======================\n", - "[\"volcano calbuco , which has laid dormant for more than 40 years , suddenly erupted on wednesday causing a thick plume of ash to cloud the sky while thousands of people living in its shadow were forced to flee the ` apocalypse-like ' event .hundreds filmed the eruption , near the southern port city of puerto montt , chile , and its deadly ash cloud which caused all nearby flights to be grounded for safety .mysterious white lights have been spotted hovering near chile 's erupting calbuco volcano on wednesday\"]\n", - "=======================\n", - "[\"calbuco volcano in southern chile - which has been dormant for 40 years - erupted without warning on wednesdaya second terrifying eruption yesterday has now forced over 4,000 to flee in aftermath of the ` apocalypse-like ' eventfootage of the eruption has revealed a strange pair of white lights floating perilously close to the ash cloud\"]\n", - "volcano calbuco , which has laid dormant for more than 40 years , suddenly erupted on wednesday causing a thick plume of ash to cloud the sky while thousands of people living in its shadow were forced to flee the ` apocalypse-like ' event .hundreds filmed the eruption , near the southern port city of puerto montt , chile , and its deadly ash cloud which caused all nearby flights to be grounded for safety .mysterious white lights have been spotted hovering near chile 's erupting calbuco volcano on wednesday\n", - "calbuco volcano in southern chile - which has been dormant for 40 years - erupted without warning on wednesdaya second terrifying eruption yesterday has now forced over 4,000 to flee in aftermath of the ` apocalypse-like ' eventfootage of the eruption has revealed a strange pair of white lights floating perilously close to the ash cloud\n", - "[1.3621485 1.4387137 1.25918 1.4099145 1.2393421 1.1327375 1.0482597\n", - " 1.056024 1.1258618 1.116988 1.1753031 1.0573099 1.052052 1.0346287\n", - " 1.0267998 1.0556141 1.0194278 1.0447431 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 2 4 10 5 8 9 11 7 15 12 6 17 13 14 16 20 18 19 21]\n", - "=======================\n", - "[\"the spain international limped off just 11 minutes after coming on as a substitute in chelsea 's 2-1 win over stoke on saturday .diego costa is unlikely to miss the entirety of chelsea 's title run-in and could return within two weeksdiego costa has identified chelsea 's crunch clash against arsenal for his latest hamstring injury comeback .\"]\n", - "=======================\n", - "['injured chelsea striker diego costa is expected to be out for two weekshe could return in time to face arsenal in the premier league run-inspain striker limped off just 11 minutes into appearance against stoke city']\n", - "the spain international limped off just 11 minutes after coming on as a substitute in chelsea 's 2-1 win over stoke on saturday .diego costa is unlikely to miss the entirety of chelsea 's title run-in and could return within two weeksdiego costa has identified chelsea 's crunch clash against arsenal for his latest hamstring injury comeback .\n", - "injured chelsea striker diego costa is expected to be out for two weekshe could return in time to face arsenal in the premier league run-inspain striker limped off just 11 minutes into appearance against stoke city\n", - "[1.213049 1.3713833 1.2826939 1.3595412 1.1479572 1.1709784 1.1033962\n", - " 1.1006484 1.0332327 1.0708252 1.0612866 1.1411288 1.1465778 1.0316741\n", - " 1.0157539 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 5 4 12 11 6 7 9 10 8 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the south african , whose announcement as jon stewart 's replacement surprized many last month , was spotted taking in a baseball game in new york on monday along with jerry seinfeld , larry david and broadway star matthew broadrick .the quartet were all present at citi field in queens to watch the game between the new york mets and the philadelphia phillies .trevor noah does n't take over as daily show host until later this year , but he 's already ingratiating himself with american comedy royalty .\"]\n", - "=======================\n", - "[\"the south african comedian , whose announcement as jon stewart 's replacement surprized many , was spotted at citi field on mondayhe was spotted enjoying the mets taking on the philadelphia phillies in the company of jerry seinfeld , larry david and matthew broadricknoah 's very public appearance with new york jewish comedy royalty comes not long after he was accused of anti-semitismhe and seinfeld were also photographed filming a segment for seinfeld 's acclaimed comedians in cars getting coffee online series\"]\n", - "the south african , whose announcement as jon stewart 's replacement surprized many last month , was spotted taking in a baseball game in new york on monday along with jerry seinfeld , larry david and broadway star matthew broadrick .the quartet were all present at citi field in queens to watch the game between the new york mets and the philadelphia phillies .trevor noah does n't take over as daily show host until later this year , but he 's already ingratiating himself with american comedy royalty .\n", - "the south african comedian , whose announcement as jon stewart 's replacement surprized many , was spotted at citi field on mondayhe was spotted enjoying the mets taking on the philadelphia phillies in the company of jerry seinfeld , larry david and matthew broadricknoah 's very public appearance with new york jewish comedy royalty comes not long after he was accused of anti-semitismhe and seinfeld were also photographed filming a segment for seinfeld 's acclaimed comedians in cars getting coffee online series\n", - "[1.3368053 1.4536977 1.1973135 1.1712388 1.2248502 1.1491293 1.0749861\n", - " 1.1109146 1.0739238 1.030615 1.0692343 1.031179 1.0256854 1.0769756\n", - " 1.0607857 1.0412774 1.0390977 1.0429285 1.028032 1.0212408 1.0294323\n", - " 1.0567762]\n", - "\n", - "[ 1 0 4 2 3 5 7 13 6 8 10 14 21 17 15 16 11 9 20 18 12 19]\n", - "=======================\n", - "[\"boardwine 's friend , joyce bruce , had used his sperm and a turkey baster to get pregnant .( cnn ) robert boardwine 's path to fatherhood was unconventional , but virginia 's appeals court said tuesday he is legally entitled to be a part of his son 's life .the court of appeals of virginia decided differently in weighing the commonwealth 's assisted conception statute and denying bruce 's appeal to deny boardwine visitation .\"]\n", - "=======================\n", - "[\"in july 2010 , joyce bruce got pregnant in an unusual way -- with repeated attempts using a turkey basterthe man who gave her his sperm wanted to have a role in his son 's lifethey ended up in court , and he has won joint custody and visitation rights\"]\n", - "boardwine 's friend , joyce bruce , had used his sperm and a turkey baster to get pregnant .( cnn ) robert boardwine 's path to fatherhood was unconventional , but virginia 's appeals court said tuesday he is legally entitled to be a part of his son 's life .the court of appeals of virginia decided differently in weighing the commonwealth 's assisted conception statute and denying bruce 's appeal to deny boardwine visitation .\n", - "in july 2010 , joyce bruce got pregnant in an unusual way -- with repeated attempts using a turkey basterthe man who gave her his sperm wanted to have a role in his son 's lifethey ended up in court , and he has won joint custody and visitation rights\n", - "[1.3639303 1.2829207 1.1279411 1.1158115 1.153905 1.3628409 1.1199288\n", - " 1.0674543 1.0734459 1.0518582 1.0258288 1.0524577 1.0393021 1.0515332\n", - " 1.0180342 1.0588955 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 5 1 4 2 6 3 8 7 15 11 9 13 12 10 14 20 16 17 18 19 21]\n", - "=======================\n", - "[\"since it was revealed that andreas lubitz -- the co-pilot who purposefully crashed germanwings flight 9525 , killing 150 people -- had been treated for psychiatric illness , a debate has ensued over whether privacy laws regarding medical records should be less strict when it comes to professions that carry special responsibilities .it has been widely argued that germany 's privacy laws were to blame for the tragedy .while dirk fischer , german lawmaker and the transport spokesman for the christian democratic union ( cdu ) , called for airlines to have mandatory access to pilots ' medical records , frank ulrich montgomery , president of the german medical association ( bäk ) , disagreed .\"]\n", - "=======================\n", - "[\"andreas lubitz crashed germanwings flight 9525 into the french alps , killing himself as well as the other 149 people on board the flightit has since emerged lubitz had been treated for psychiatric illnessnews has triggered a debate over whether airlines should have mandatory access to all pilots ' medical records , to try and prevent a similar tragedycarissa veliz is a philosophy graduate from oxford university and is writing her dissertation on the subject of privacy\"]\n", - "since it was revealed that andreas lubitz -- the co-pilot who purposefully crashed germanwings flight 9525 , killing 150 people -- had been treated for psychiatric illness , a debate has ensued over whether privacy laws regarding medical records should be less strict when it comes to professions that carry special responsibilities .it has been widely argued that germany 's privacy laws were to blame for the tragedy .while dirk fischer , german lawmaker and the transport spokesman for the christian democratic union ( cdu ) , called for airlines to have mandatory access to pilots ' medical records , frank ulrich montgomery , president of the german medical association ( bäk ) , disagreed .\n", - "andreas lubitz crashed germanwings flight 9525 into the french alps , killing himself as well as the other 149 people on board the flightit has since emerged lubitz had been treated for psychiatric illnessnews has triggered a debate over whether airlines should have mandatory access to all pilots ' medical records , to try and prevent a similar tragedycarissa veliz is a philosophy graduate from oxford university and is writing her dissertation on the subject of privacy\n", - "[1.3837467 1.3371418 1.2116206 1.1852939 1.0492206 1.1638114 1.146979\n", - " 1.094622 1.1401678 1.0691502 1.1182822 1.0376996 1.0179902 1.0538728\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 5 6 8 10 7 9 13 4 11 12 14 15 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "['eight guards at nauru detention centre have been suspended after they posted anti-islamic messages on social media and were pictured with pauline hanson at a recent reclaim australia rally .detention centre operator transfield services said the employees -- who are part of nauru \\'s emergency response team - were found to be contravening a company policy that they display ` cultural sensitivity \\' .a former staffer at transfield subcontractor wilson security said the guards -- seven of whom are former australian defence personnel - ` frequently referred to asylum seekers in their care as \" the enemy \" \\' , the guardian australia reported .']\n", - "=======================\n", - "[\"eight guards at nauru detention centre have been suspendedthey posted ` anti-islamic ' messages on social media and were pictured with pauline hanson at a recent reclaim australia rallythe men contravened a policy that they display ` cultural sensitivity '\"]\n", - "eight guards at nauru detention centre have been suspended after they posted anti-islamic messages on social media and were pictured with pauline hanson at a recent reclaim australia rally .detention centre operator transfield services said the employees -- who are part of nauru 's emergency response team - were found to be contravening a company policy that they display ` cultural sensitivity ' .a former staffer at transfield subcontractor wilson security said the guards -- seven of whom are former australian defence personnel - ` frequently referred to asylum seekers in their care as \" the enemy \" ' , the guardian australia reported .\n", - "eight guards at nauru detention centre have been suspendedthey posted ` anti-islamic ' messages on social media and were pictured with pauline hanson at a recent reclaim australia rallythe men contravened a policy that they display ` cultural sensitivity '\n", - "[1.365588 1.4256345 1.4065965 1.0908448 1.3945787 1.1572762 1.0420619\n", - " 1.0172946 1.0315069 1.0279623 1.0906353 1.1046712 1.1463318 1.0132143\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 0 5 12 11 3 10 6 8 9 7 13 23 22 21 20 19 15 17 16 14 24\n", - " 18 25]\n", - "=======================\n", - "['the 26-year-old has signed a one-year deal after suffering a tear to his right acl last season .he played just six games as the patriots won their sixth straight afc east title and went on to win the super bowl .stevan ridley ( right ) became the 15th player to join the jets in a frantic free agency']\n", - "=======================\n", - "['ridley stays in the afc east after signing a one-year deal with the jetsthe running back joins a revamped offense including fellow free agency acquisitions brandon marshall and ryan fitzpatrickhe had a career-high year in 2012 but played just six games last season after a tear to his right acl']\n", - "the 26-year-old has signed a one-year deal after suffering a tear to his right acl last season .he played just six games as the patriots won their sixth straight afc east title and went on to win the super bowl .stevan ridley ( right ) became the 15th player to join the jets in a frantic free agency\n", - "ridley stays in the afc east after signing a one-year deal with the jetsthe running back joins a revamped offense including fellow free agency acquisitions brandon marshall and ryan fitzpatrickhe had a career-high year in 2012 but played just six games last season after a tear to his right acl\n", - "[1.3215576 1.4933245 1.1355777 1.1103388 1.1842301 1.1974207 1.2112973\n", - " 1.1203774 1.0496268 1.1386884 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 6 5 4 9 2 7 3 8 23 22 21 20 19 18 17 12 15 14 13 24 11 10\n", - " 16 25]\n", - "=======================\n", - "['the plus-size clothing retailer has launched an ad campaign for its cacique line titled #imnoangel , seeking to \" redefine sexy . \"( cnn ) lane bryant has come up with a devil of an idea to market its lingerie while poking fun at a competitor .lane bryant \\'s campaign is getting positive buzz in social media land , with the company being hailed for celebrating beauty of all shapes and sizes .']\n", - "=======================\n", - "['the company says it is seeking to \" redefine sexy \"victoria \\'s secret was criticized for its \" perfect body \" campaign']\n", - "the plus-size clothing retailer has launched an ad campaign for its cacique line titled #imnoangel , seeking to \" redefine sexy . \"( cnn ) lane bryant has come up with a devil of an idea to market its lingerie while poking fun at a competitor .lane bryant 's campaign is getting positive buzz in social media land , with the company being hailed for celebrating beauty of all shapes and sizes .\n", - "the company says it is seeking to \" redefine sexy \"victoria 's secret was criticized for its \" perfect body \" campaign\n", - "[1.212907 1.2887967 1.0489746 1.0270841 1.0542427 1.489176 1.1563296\n", - " 1.1679606 1.0629189 1.0387499 1.0249617 1.1740526 1.0318322 1.0588753\n", - " 1.0215566 1.0345757 1.0249001 1.100334 1.0520273 1.0411463 1.0496361\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 5 1 0 11 7 6 17 8 13 4 18 20 2 19 9 15 12 3 10 16 14 24 21 22\n", - " 23 25]\n", - "=======================\n", - "['manchester united boss louis van gaal is among those in the running for manager of the yearthe romantics will pick sean dyche or ronald koeman , the statistics lovers will go for jose mourinho or , at a push , arsene wenger .after the early-season defeats at mk dons and leicester city , they were laying into van gaal .']\n", - "=======================\n", - "[\"manchester united 4-2 manchester city : click here for the match reportlouis van gaal is in with a shout of winning manager of the yearchelsea 's jose mourinho and southampton 's ronald koeman are toosean dyche could be in if he saves burnley from relegationadrian durham : man city must think big or forever remain small\"]\n", - "manchester united boss louis van gaal is among those in the running for manager of the yearthe romantics will pick sean dyche or ronald koeman , the statistics lovers will go for jose mourinho or , at a push , arsene wenger .after the early-season defeats at mk dons and leicester city , they were laying into van gaal .\n", - "manchester united 4-2 manchester city : click here for the match reportlouis van gaal is in with a shout of winning manager of the yearchelsea 's jose mourinho and southampton 's ronald koeman are toosean dyche could be in if he saves burnley from relegationadrian durham : man city must think big or forever remain small\n", - "[1.4598291 1.4222261 1.2162688 1.3182105 1.3154677 1.1105884 1.0290117\n", - " 1.0236523 1.1814955 1.033525 1.0215588 1.0224777 1.0297656 1.0340507\n", - " 1.0157948 1.0695655 1.0209703 1.0320376 1.1128874 1.0179929 1.0164957\n", - " 1.0119187 1.01539 1.0105759 1.0993389 1.0409894]\n", - "\n", - "[ 0 1 3 4 2 8 18 5 24 15 25 13 9 17 12 6 7 11 10 16 19 20 14 22\n", - " 21 23]\n", - "=======================\n", - "[\"david silva declared himself fit on sunday night despite fears he had fractured his cheekbone after being caught in the face by cheikhou kouyate 's elbow .the manchester city star was carried off in the win over west ham following eight minutes of treatment on the pitch , where he was given oxygen .the spaniard was caught right on the cheekbone and has been taken to hospital to be assessed\"]\n", - "=======================\n", - "[\"manchester city defeated west ham 2-1 in their premier league clashdavid silva was taken to hospital after a challenge by chiekhou kouyatespain international has allayed fans ' fears with a twitter message\"]\n", - "david silva declared himself fit on sunday night despite fears he had fractured his cheekbone after being caught in the face by cheikhou kouyate 's elbow .the manchester city star was carried off in the win over west ham following eight minutes of treatment on the pitch , where he was given oxygen .the spaniard was caught right on the cheekbone and has been taken to hospital to be assessed\n", - "manchester city defeated west ham 2-1 in their premier league clashdavid silva was taken to hospital after a challenge by chiekhou kouyatespain international has allayed fans ' fears with a twitter message\n", - "[1.2556953 1.3875955 1.3059667 1.2449175 1.2305496 1.0563492 1.0570225\n", - " 1.0984675 1.0854273 1.0450329 1.0746526 1.0759081 1.05262 1.0685136\n", - " 1.043257 1.1174101 1.0493654 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 4 15 7 8 11 10 13 6 5 12 16 9 14 20 17 18 19 21]\n", - "=======================\n", - "['the uss theodore roosevelt and the uss normandy left the persian gulf on sunday and are steaming through the arabian sea and heading towards yemen .the vessels are believed to be joining other u.s. ships that are poised to intercept any iranian ships carrying weapons to the houthi rebels fighting in yemen .the navy has been beefing up its presence in the gulf of aden and the southern arabian sea amid reports that about eight iranian ships are heading toward yemen and possibly carrying arms .']\n", - "=======================\n", - "['uss theodore roosevelt and uss normandy left persian gulf on sunday and are steaming through the arabian sea and heading towards yementhey will join seven other us vessels that are prepared to block iranian ships potentially carrying weapons for houthi rebels fighting in yemen']\n", - "the uss theodore roosevelt and the uss normandy left the persian gulf on sunday and are steaming through the arabian sea and heading towards yemen .the vessels are believed to be joining other u.s. ships that are poised to intercept any iranian ships carrying weapons to the houthi rebels fighting in yemen .the navy has been beefing up its presence in the gulf of aden and the southern arabian sea amid reports that about eight iranian ships are heading toward yemen and possibly carrying arms .\n", - "uss theodore roosevelt and uss normandy left persian gulf on sunday and are steaming through the arabian sea and heading towards yementhey will join seven other us vessels that are prepared to block iranian ships potentially carrying weapons for houthi rebels fighting in yemen\n", - "[1.2024242 1.5176629 1.2571545 1.4166589 1.276075 1.1132064 1.0248328\n", - " 1.0223693 1.0225648 1.1541018 1.0704286 1.0531541 1.0158627 1.009582\n", - " 1.017661 1.1343226 1.0687234 1.0237592 1.028175 1.0619011 1.0280322\n", - " 1.0900626]\n", - "\n", - "[ 1 3 4 2 0 9 15 5 21 10 16 19 11 18 20 6 17 8 7 14 12 13]\n", - "=======================\n", - "[\"ian rogers , 36 , became hooked on all things paranormal as a child and took part in his first ghost hunt in the year 2000 .ian rogers owns nine haunted dolls all of which he says contain their own personalityian 's favourite doll is annabel , who he thinks is haunted by a seven-year-old girl who drowned\"]\n", - "=======================\n", - "['ian rogers has spent hundreds of pounds on his collection of nine dollsthe dolls are said to be haunted with the spirits of dead peoplehe says each doll has their own unique storyhe used to share them with his sister but she found them too mischievous']\n", - "ian rogers , 36 , became hooked on all things paranormal as a child and took part in his first ghost hunt in the year 2000 .ian rogers owns nine haunted dolls all of which he says contain their own personalityian 's favourite doll is annabel , who he thinks is haunted by a seven-year-old girl who drowned\n", - "ian rogers has spent hundreds of pounds on his collection of nine dollsthe dolls are said to be haunted with the spirits of dead peoplehe says each doll has their own unique storyhe used to share them with his sister but she found them too mischievous\n", - "[1.372884 1.4384768 1.1773269 1.1823828 1.097071 1.1503111 1.2279502\n", - " 1.15264 1.1309661 1.1169841 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 6 3 2 7 5 8 9 4 19 18 17 16 15 10 13 12 11 20 14 21]\n", - "=======================\n", - "[\"dufner and wife amanda married in 2012 and were considered one of the golden couples of golf , but the pair separated in february and the divorce was finalised on march 31 .jason dufner 's marriage has landed in the rough as he agreed a divorce settlement from wife amanda at the end of last month .jason dufner looks dejected as he struggles on the golf course following a neck injury last year\"]\n", - "=======================\n", - "[\"jason dufner and amanda married in 2012divorce settlement states there had been an ` irretrievable breakdown of the marriage 'amanda will receive $ 2.5 m as part of the settlement while jason will keep two houses\"]\n", - "dufner and wife amanda married in 2012 and were considered one of the golden couples of golf , but the pair separated in february and the divorce was finalised on march 31 .jason dufner 's marriage has landed in the rough as he agreed a divorce settlement from wife amanda at the end of last month .jason dufner looks dejected as he struggles on the golf course following a neck injury last year\n", - "jason dufner and amanda married in 2012divorce settlement states there had been an ` irretrievable breakdown of the marriage 'amanda will receive $ 2.5 m as part of the settlement while jason will keep two houses\n", - "[1.1961745 1.1368605 1.2650295 1.2799262 1.2635372 1.2327057 1.2169199\n", - " 1.1298921 1.0635147 1.0546389 1.0825307 1.0558711 1.0559292 1.0576631\n", - " 1.0493735 1.1358325 1.0539149 1.0632068 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 2 4 5 6 0 1 15 7 10 8 17 13 12 11 9 16 14 20 18 19 21]\n", - "=======================\n", - "['he is accused of walking into wayne county community college in goldsboro , north carolina on monday and killing his former supervisor , ronald lane , 44 , before fleeing on a motorbike .kenneth morgan stancil iii , 20 , said as he was ushered out of the courtroom in daytona beach , florida .he was arrested more than 500 miles away early on tuesday after officers found him sleeping on a florida beach .']\n", - "=======================\n", - "[\"kenneth morgan stancil iii ` walked into wayne county community college in north carolina on monday and shot dead print shop director ron lane 'he was arrested in florida and will be extradited back to north carolinalane , 44 , had supervised him under a work-study program at the print shop but stancil , 20 , was dismissed last month for absenteeismin court on tuesday , stancil said he ` ridded one last child molester from the earth ' ; he said lane had sexually assaulted one of stancil 's relativesbut stancil 's mother said it was not true and that her son is ` rattled 'police are investigating the killing of lane as a possible hate crimestancil lists ` white power ' as his interests on facebook and has white supremacist tattoos , including an ' 88 ' to signify ` heil hitler '\"]\n", - "he is accused of walking into wayne county community college in goldsboro , north carolina on monday and killing his former supervisor , ronald lane , 44 , before fleeing on a motorbike .kenneth morgan stancil iii , 20 , said as he was ushered out of the courtroom in daytona beach , florida .he was arrested more than 500 miles away early on tuesday after officers found him sleeping on a florida beach .\n", - "kenneth morgan stancil iii ` walked into wayne county community college in north carolina on monday and shot dead print shop director ron lane 'he was arrested in florida and will be extradited back to north carolinalane , 44 , had supervised him under a work-study program at the print shop but stancil , 20 , was dismissed last month for absenteeismin court on tuesday , stancil said he ` ridded one last child molester from the earth ' ; he said lane had sexually assaulted one of stancil 's relativesbut stancil 's mother said it was not true and that her son is ` rattled 'police are investigating the killing of lane as a possible hate crimestancil lists ` white power ' as his interests on facebook and has white supremacist tattoos , including an ' 88 ' to signify ` heil hitler '\n", - "[1.0881512 1.2083037 1.2987735 1.2340512 1.279657 1.1520795 1.0387948\n", - " 1.1765679 1.0775839 1.0271995 1.1263694 1.1951859 1.0520389 1.0615966\n", - " 1.0226841 1.0161453 1.011245 1.0081947 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 4 3 1 11 7 5 10 0 8 13 12 6 9 14 15 16 17 20 18 19 21]\n", - "=======================\n", - "[\"indeed , it was reported today in closer magazine that katie still regularly checks kieran 's phone and makes him tell her whenever she is going out , following his cheating scandal last year .it has been reported today that katie price still has n't forgiven her cheating husband kieran haylerit was also claimed that she no longer allows him to go to the gym as katie worries that kieran 's obsession with his looks could feed into his sex addiction .\"]\n", - "=======================\n", - "[\"katie price 's husband kieran hayler cheated on her twicethe former stripped slept with two of her best friendsit has today been reported that she still checks his phonesam bailey , a friend of katie 's , says star ` panics ' when he 's with women\"]\n", - "indeed , it was reported today in closer magazine that katie still regularly checks kieran 's phone and makes him tell her whenever she is going out , following his cheating scandal last year .it has been reported today that katie price still has n't forgiven her cheating husband kieran haylerit was also claimed that she no longer allows him to go to the gym as katie worries that kieran 's obsession with his looks could feed into his sex addiction .\n", - "katie price 's husband kieran hayler cheated on her twicethe former stripped slept with two of her best friendsit has today been reported that she still checks his phonesam bailey , a friend of katie 's , says star ` panics ' when he 's with women\n", - "[1.3870429 1.4862884 1.1360134 1.0368394 1.0442996 1.0805358 1.0245891\n", - " 1.1980088 1.0168767 1.0638868 1.1265225 1.1573141 1.0621761 1.1454016\n", - " 1.0352457 1.0260179 1.144525 1.1530721 1.0878645 1.14916 1.0247647]\n", - "\n", - "[ 1 0 7 11 17 19 13 16 2 10 18 5 9 12 4 3 14 15 20 6 8]\n", - "=======================\n", - "[\"glenn murray fired the eagles ahead on 34 minutes with a close-range effort before jason puncheon scored a stunning free-kick to secure a 2-0 lead .manchester city 's hopes of retaining the premier league title were dealt another blow as manuel pellegrini 's men limped to a 2-1 defeat at crystal palace .manuel pellegrini will struggle to defend his city players after they crowded referee michael oliver\"]\n", - "=======================\n", - "[\"manchester city 's hopes of retaining the premier league title were dealt a hammer blow after a 2-1 defeat at crystal palacevincent kompany and city players were visibly frustrated and the belgian even manhandled referee michael oliverglenn murray and jason puncheon gave palace a 2-0 lead before yaya toure scored what proved to be a consolation for cityfor the 16th league game this season , city fielded a starting line-up with no english outfield players\"]\n", - "glenn murray fired the eagles ahead on 34 minutes with a close-range effort before jason puncheon scored a stunning free-kick to secure a 2-0 lead .manchester city 's hopes of retaining the premier league title were dealt another blow as manuel pellegrini 's men limped to a 2-1 defeat at crystal palace .manuel pellegrini will struggle to defend his city players after they crowded referee michael oliver\n", - "manchester city 's hopes of retaining the premier league title were dealt a hammer blow after a 2-1 defeat at crystal palacevincent kompany and city players were visibly frustrated and the belgian even manhandled referee michael oliverglenn murray and jason puncheon gave palace a 2-0 lead before yaya toure scored what proved to be a consolation for cityfor the 16th league game this season , city fielded a starting line-up with no english outfield players\n", - "[1.1572169 1.4842243 1.1381146 1.0939009 1.0880067 1.2612801 1.0425977\n", - " 1.0962715 1.0878214 1.0510931 1.0555105 1.1466887 1.0899725 1.0693021\n", - " 1.0897955 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 0 11 2 7 3 12 14 4 8 13 10 9 6 15 16 17 18 19 20]\n", - "=======================\n", - "[\"for the superhero project , renee bergeron , 38 , photographs children with special needs as superheroes , dressing them up with capes , goggles , and wands in order to make them feel like they can do anything . 'caped crusader : avery , pictured , was photographed for renee bergeron 's superhero project ; avery was born prematurely , has had multiple brain surgeries , and has a feeding tube in her stomachdisabled children can face a lot of challenges - but one photographer from washington wants to make sure they recognize that they all have a super-human ability to conquer any challenge set before them .\"]\n", - "=======================\n", - "[\"renee bergeron , 38 , captures children with disabilities at their most confident for her superhero projectthe washington-based photographer 's first subject was her son , apollo , who has a feeding tube in his stomachshe takes the photos free of charge to encourage families and to spread awareness\"]\n", - "for the superhero project , renee bergeron , 38 , photographs children with special needs as superheroes , dressing them up with capes , goggles , and wands in order to make them feel like they can do anything . 'caped crusader : avery , pictured , was photographed for renee bergeron 's superhero project ; avery was born prematurely , has had multiple brain surgeries , and has a feeding tube in her stomachdisabled children can face a lot of challenges - but one photographer from washington wants to make sure they recognize that they all have a super-human ability to conquer any challenge set before them .\n", - "renee bergeron , 38 , captures children with disabilities at their most confident for her superhero projectthe washington-based photographer 's first subject was her son , apollo , who has a feeding tube in his stomachshe takes the photos free of charge to encourage families and to spread awareness\n", - "[1.5537145 1.4314605 1.4354551 1.1356137 1.3246808 1.0516368 1.0153995\n", - " 1.0186192 1.0407883 1.0154808 1.017143 1.1156116 1.1045653 1.0517796\n", - " 1.0579658 1.132749 1.043663 1.0135431 1.015803 0. 0. ]\n", - "\n", - "[ 0 2 1 4 3 15 11 12 14 13 5 16 8 7 10 18 9 6 17 19 20]\n", - "=======================\n", - "[\"nick scholfield is lined up to ride spring heeled in the grand national at aintree on april 11scholfield had been expected to partner paul nicholls-trained sam winner , who was pulled up in the cheltenham gold cup , in the # 1million race .scholfield , who has ridden in six nationals and finished third in 2013 on teaforthree , will travel to ireland to sit on spring heeled at culloty 's county cork stable on friday .\"]\n", - "=======================\n", - "['nick scholfield is lined up to ride spring heeled in the grand nationalthe famous race takes place at aintree on april 11scholfield travels to ireland to sit on spring heeled on friday']\n", - "nick scholfield is lined up to ride spring heeled in the grand national at aintree on april 11scholfield had been expected to partner paul nicholls-trained sam winner , who was pulled up in the cheltenham gold cup , in the # 1million race .scholfield , who has ridden in six nationals and finished third in 2013 on teaforthree , will travel to ireland to sit on spring heeled at culloty 's county cork stable on friday .\n", - "nick scholfield is lined up to ride spring heeled in the grand nationalthe famous race takes place at aintree on april 11scholfield travels to ireland to sit on spring heeled on friday\n", - "[1.536316 1.1411731 1.2267554 1.0509564 1.0566487 1.3261085 1.0177506\n", - " 1.1943449 1.0784156 1.3055922 1.0544432 1.0496892 1.0589846 1.1843743\n", - " 1.1118705 1.0973934 1.032181 1.0823483 0. 0. 0. ]\n", - "\n", - "[ 0 5 9 2 7 13 1 14 15 17 8 12 4 10 3 11 16 6 19 18 20]\n", - "=======================\n", - "[\"anthony davis had 31 points and 13 rebounds as the new orleans pelicans earned their first play-off berth since 2011 with a 108-103 victory over the san antonio spurs on wednesday .oklahoma city 's russell westbrook scored 37 points in the thunder 's 138-113 victory over minnesota that was rendered moot by new orleans ' play-off-clinching win over san antonio .tyreke evans had 19 points and 11 assists , and eric gordon added 14 points for new orleans , which had to win to make the post-season because oklahoma city also won in minnesota .\"]\n", - "=======================\n", - "[\"new orleans pelicans beat the san antonio spurs 108-103 on wednesdayoklahoma city thunder 's defeated minnesota timberwolves 138-113new orleans pipped thunder to eighth seed in the west via tiebreakerbrooklyn nets beat the orlando magic 138-113 in the eastern conferenceindiana pacers lost 95-83 to the memphis grizzliesresults meant that brooklyn took the no 8 seed via the better tiebreaker\"]\n", - "anthony davis had 31 points and 13 rebounds as the new orleans pelicans earned their first play-off berth since 2011 with a 108-103 victory over the san antonio spurs on wednesday .oklahoma city 's russell westbrook scored 37 points in the thunder 's 138-113 victory over minnesota that was rendered moot by new orleans ' play-off-clinching win over san antonio .tyreke evans had 19 points and 11 assists , and eric gordon added 14 points for new orleans , which had to win to make the post-season because oklahoma city also won in minnesota .\n", - "new orleans pelicans beat the san antonio spurs 108-103 on wednesdayoklahoma city thunder 's defeated minnesota timberwolves 138-113new orleans pipped thunder to eighth seed in the west via tiebreakerbrooklyn nets beat the orlando magic 138-113 in the eastern conferenceindiana pacers lost 95-83 to the memphis grizzliesresults meant that brooklyn took the no 8 seed via the better tiebreaker\n", - "[1.2423872 1.0873712 1.351927 1.2311006 1.1441997 1.0469674 1.1348248\n", - " 1.0325097 1.0248748 1.1276084 1.1423465 1.1079051 1.0204505 1.0217141\n", - " 1.0387486 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 4 10 6 9 11 1 5 14 7 8 13 12 19 15 16 17 18 20]\n", - "=======================\n", - "['to get a glimpse inside this elite - and rarely planned - world , mailonline travel spoke to wedding and event planner sarah haywood , who has helped organise ceremonies and honeymoons for everyone from celebrities to fortune 500 businessmen .for the 0.01 per cent , booking holiday travel is a far different experience than it is for the rest of us .for the super-wealthy , money is of no concern when it comes to booking private jets and chartering yachts']\n", - "=======================\n", - "[\"for the most elite travellers , vacations are rarely planned far in advancethere is an an emphasis on travel ` experiences , ' which happen on a whima-list wedding and event planners from the us and uk share their stories\"]\n", - "to get a glimpse inside this elite - and rarely planned - world , mailonline travel spoke to wedding and event planner sarah haywood , who has helped organise ceremonies and honeymoons for everyone from celebrities to fortune 500 businessmen .for the 0.01 per cent , booking holiday travel is a far different experience than it is for the rest of us .for the super-wealthy , money is of no concern when it comes to booking private jets and chartering yachts\n", - "for the most elite travellers , vacations are rarely planned far in advancethere is an an emphasis on travel ` experiences , ' which happen on a whima-list wedding and event planners from the us and uk share their stories\n", - "[1.5882415 1.3626477 1.1935358 1.2182785 1.0855988 1.0512537 1.0727392\n", - " 1.1026409 1.1371481 1.0473589 1.0454577 1.0812576 1.1840148 1.0701104\n", - " 1.093827 1.0808802 1.1041265 1.0540557 1.0311891 0. 0. ]\n", - "\n", - "[ 0 1 3 2 12 8 16 7 14 4 11 15 6 13 17 5 9 10 18 19 20]\n", - "=======================\n", - "['stephen curry scored 27 points and klay thompson had 25 as the golden state warriors held off the los angeles clippers 110-106 on tuesday for their 10th consecutive victory .david lee added 17 points for the warriors , who had lost four in a row at staples center .the clippers blew a 17-point lead and had their seven-game winning streak broken .']\n", - "=======================\n", - "[\"stephen curry scored 27 points against the clippers to help his side to winklay thompson also played key role in golden state warriors ' victoryeastern conference leaders atlanta hawks were beaten by detroit\"]\n", - "stephen curry scored 27 points and klay thompson had 25 as the golden state warriors held off the los angeles clippers 110-106 on tuesday for their 10th consecutive victory .david lee added 17 points for the warriors , who had lost four in a row at staples center .the clippers blew a 17-point lead and had their seven-game winning streak broken .\n", - "stephen curry scored 27 points against the clippers to help his side to winklay thompson also played key role in golden state warriors ' victoryeastern conference leaders atlanta hawks were beaten by detroit\n", - "[1.3942986 1.4179366 1.0669062 1.1491504 1.1564015 1.0412941 1.030423\n", - " 1.2409258 1.2498451 1.0661014 1.07582 1.1022741 1.1162388 1.1132762\n", - " 1.0346913 1.017475 1.0213854 1.0235254 1.0882264 0. 0. ]\n", - "\n", - "[ 1 0 8 7 4 3 12 13 11 18 10 2 9 5 14 6 17 16 15 19 20]\n", - "=======================\n", - "[\"bobby was performing at the verizon theatre in dallas when he told the stunned audience that ` bobbi is awake .despite his daughter remaining in a medically induced coma since she was found unresponsive in a bathtub at her atlanta home in january , singer bobby brown told an audience on saturday night that she is ` awake . 'but tmz reported on monday that whitney houston 's family insists the 22-year-old is not awake and is the same condition she was when she entered the facility .\"]\n", - "=======================\n", - "[\"the singer was performing at the verizon theatre in dallas on saturdaytold the stunned audience that ` bobbi is awake .did n't elaborate on if his daughter had regained consciousness or if he was talking instead about her spiritafter , his sister tina wrote on facebook , ' [ bobbi ] woke up and is no longer on life support !!!!!whitney houston 's family denies anything has changed , according to a sourcebobbi kristina has been in a medically induced coma since januarybobby is reportedly at odds with the family of his deceased ex-wife whitney houston over how long to keep his daughter on life support\"]\n", - "bobby was performing at the verizon theatre in dallas when he told the stunned audience that ` bobbi is awake .despite his daughter remaining in a medically induced coma since she was found unresponsive in a bathtub at her atlanta home in january , singer bobby brown told an audience on saturday night that she is ` awake . 'but tmz reported on monday that whitney houston 's family insists the 22-year-old is not awake and is the same condition she was when she entered the facility .\n", - "the singer was performing at the verizon theatre in dallas on saturdaytold the stunned audience that ` bobbi is awake .did n't elaborate on if his daughter had regained consciousness or if he was talking instead about her spiritafter , his sister tina wrote on facebook , ' [ bobbi ] woke up and is no longer on life support !!!!!whitney houston 's family denies anything has changed , according to a sourcebobbi kristina has been in a medically induced coma since januarybobby is reportedly at odds with the family of his deceased ex-wife whitney houston over how long to keep his daughter on life support\n", - "[1.3114406 1.384958 1.0887806 1.2393523 1.1372188 1.2946186 1.189764\n", - " 1.1805685 1.1124374 1.0279664 1.0587239 1.0745765 1.1018426 1.0282425\n", - " 1.013301 1.0126249 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 5 3 6 7 4 8 12 2 11 10 13 9 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"alfred guy vuozzo swore loudly as he was told he would not be eligible for parole for 35 years for murdering brent mcguigan , 68 , and his son , brendon , 39 , on prince edward island last august .a 46-year-old man was sentenced to life in prison on monday after shooting dead a father and son because they were related to a driver who killed his nine-year-old sister in a crash 45 years ago .brent 's father , herbert , who was behind the wheel , later received a nine-month sentence for dangerous driving .\"]\n", - "=======================\n", - "[\"alfred guy vuozzo , 46 , shot dead brent mcguigan and his son , brendonhe carried out shooting last august to avenge nine-year-old sister , cathycathy was killed in a car smash involving brent 's father , herbert , in 1970herbert given nine-month sentence for dangerous driving ; has since diedvuozzo , from prince edward island , said the sentence had ` haunted ' himknew victims , who lived near montague , were not involved in fatal crashdefendant pleaded guilty to first - and second-degree murder in februaryhe was jailed for life on monday ; he is not eligible for parole for 35 years\"]\n", - "alfred guy vuozzo swore loudly as he was told he would not be eligible for parole for 35 years for murdering brent mcguigan , 68 , and his son , brendon , 39 , on prince edward island last august .a 46-year-old man was sentenced to life in prison on monday after shooting dead a father and son because they were related to a driver who killed his nine-year-old sister in a crash 45 years ago .brent 's father , herbert , who was behind the wheel , later received a nine-month sentence for dangerous driving .\n", - "alfred guy vuozzo , 46 , shot dead brent mcguigan and his son , brendonhe carried out shooting last august to avenge nine-year-old sister , cathycathy was killed in a car smash involving brent 's father , herbert , in 1970herbert given nine-month sentence for dangerous driving ; has since diedvuozzo , from prince edward island , said the sentence had ` haunted ' himknew victims , who lived near montague , were not involved in fatal crashdefendant pleaded guilty to first - and second-degree murder in februaryhe was jailed for life on monday ; he is not eligible for parole for 35 years\n", - "[1.2580409 1.3155913 1.3207234 1.2140598 1.1154903 1.1227968 1.0394782\n", - " 1.030345 1.0502123 1.0666193 1.0431641 1.0212029 1.0395066 1.0396112\n", - " 1.0368296 1.068293 1.0488851 1.0335388 1.0419538 1.0950217 1.0446177]\n", - "\n", - "[ 2 1 0 3 5 4 19 15 9 8 16 20 10 18 13 12 6 14 17 7 11]\n", - "=======================\n", - "['yet he is still sending thousands of copies across the border from south to north korea in balloons , determined his people will see the movie in which the leader kim jong un is assassinated on screen .the north korean defector calls the hollywood comedy \" vulgar , \" admitting he could n\\'t even watch the whole film .seoul , south korea ( cnn ) lee min-bok did n\\'t laugh once when he watched \" the interview . \"']\n", - "=======================\n", - "['defector deploys balloons with \" the interview \" to north korealee min-bok says he finds the movie vulgar , but sends it anyway']\n", - "yet he is still sending thousands of copies across the border from south to north korea in balloons , determined his people will see the movie in which the leader kim jong un is assassinated on screen .the north korean defector calls the hollywood comedy \" vulgar , \" admitting he could n't even watch the whole film .seoul , south korea ( cnn ) lee min-bok did n't laugh once when he watched \" the interview . \"\n", - "defector deploys balloons with \" the interview \" to north korealee min-bok says he finds the movie vulgar , but sends it anyway\n", - "[1.3376573 1.4370928 1.1766236 1.421206 1.136206 1.1336712 1.0219563\n", - " 1.0183002 1.3143163 1.1199546 1.0396756 1.1097223 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 8 2 4 5 9 11 10 6 7 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "['the former barcelona boss , who led bayern to the bundesliga title and german cup in his first season in charge , has a contract which expires in the summer of 2016 .pep guardiola is set to enter into contract negotiations with bayern munich at the end of the seasonbayern are currently 10 points clear at the top of the bundesliga and face bayer leverkusen in the quarter-finals of the german cup on wednesday night .']\n", - "=======================\n", - "[\"pep guardiola is set for contract negotiations at the end of the seasonthe former barcelona boss is out of contract in the summer of 2016board member jan-christian dreesen does not believe guardiola 's decision on a new contract will be influenced by moneybayern munich are 10 points clear at the top of the bundesliga\"]\n", - "the former barcelona boss , who led bayern to the bundesliga title and german cup in his first season in charge , has a contract which expires in the summer of 2016 .pep guardiola is set to enter into contract negotiations with bayern munich at the end of the seasonbayern are currently 10 points clear at the top of the bundesliga and face bayer leverkusen in the quarter-finals of the german cup on wednesday night .\n", - "pep guardiola is set for contract negotiations at the end of the seasonthe former barcelona boss is out of contract in the summer of 2016board member jan-christian dreesen does not believe guardiola 's decision on a new contract will be influenced by moneybayern munich are 10 points clear at the top of the bundesliga\n", - "[1.1203624 1.2688096 1.3319213 1.2858183 1.2113532 1.2307599 1.1821615\n", - " 1.1529986 1.0731629 1.109489 1.0295975 1.0505416 1.0616062 1.0518742\n", - " 1.0421797 1.0415272 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 5 4 6 7 0 9 8 12 13 11 14 15 10 18 16 17 19]\n", - "=======================\n", - "['the future king , 32 , became the most senior member of the royal family to work as an ordinary paye employee when he became a pilot for east anglian air ambulance .according to kensington palace , he plans to take time off to be with his wife and new baby , just like he did when his son , prince george , was born in 2013 .but prince william confirmed yesterday that he will take his full fortnight of paternity leave when his second child is born later this month .']\n", - "=======================\n", - "[\"kensington palace has revealed details of plans in place for royal birthwilliam will remain in norfolk and faces a two-hour hospital dashkate , meanwhile , remains in london close to the lindo wingthe couple have thanked people ` around the world ' for good luck notesalso said that prince george is ` excited ' about the impending birththe couple also say that they wo n't be hiring a second nanny\"]\n", - "the future king , 32 , became the most senior member of the royal family to work as an ordinary paye employee when he became a pilot for east anglian air ambulance .according to kensington palace , he plans to take time off to be with his wife and new baby , just like he did when his son , prince george , was born in 2013 .but prince william confirmed yesterday that he will take his full fortnight of paternity leave when his second child is born later this month .\n", - "kensington palace has revealed details of plans in place for royal birthwilliam will remain in norfolk and faces a two-hour hospital dashkate , meanwhile , remains in london close to the lindo wingthe couple have thanked people ` around the world ' for good luck notesalso said that prince george is ` excited ' about the impending birththe couple also say that they wo n't be hiring a second nanny\n", - "[1.4212049 1.4737619 1.257751 1.2062023 1.2656097 1.1228877 1.0320526\n", - " 1.0162516 1.014759 1.0198017 1.0385573 1.0341407 1.189036 1.13958\n", - " 1.1229044 1.0410416 1.016953 1.0112786 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 12 13 14 5 15 10 11 6 9 16 7 8 17 18 19]\n", - "=======================\n", - "[\"tony blackburn claims disgraced entertainer jimmy savile ` tarnished ' his era after his fellow colleague 's names were ` dragged through the mud ' during probes into historic sex abuse .the probe also exposed abuse by paedophile dj savile , who sexually assaulted staff and patients aged between 5 and 75 over several decades .the 72-year-old 's long-term employer , the bbc , is still reeling from a string of allegations levelled against former staff - most of them blackburn 's vintage .\"]\n", - "=======================\n", - "[\"tony blackburn claims disgraced entertainers ` tarnished ' his era of djsbbc reeling from historic sex abuse claims against his former colleaguesbroadcasters jimmy savile , dave lee travis and rolf harris among themhe 's outraged at how friend and fellow dj paul gambaccini was treated\"]\n", - "tony blackburn claims disgraced entertainer jimmy savile ` tarnished ' his era after his fellow colleague 's names were ` dragged through the mud ' during probes into historic sex abuse .the probe also exposed abuse by paedophile dj savile , who sexually assaulted staff and patients aged between 5 and 75 over several decades .the 72-year-old 's long-term employer , the bbc , is still reeling from a string of allegations levelled against former staff - most of them blackburn 's vintage .\n", - "tony blackburn claims disgraced entertainers ` tarnished ' his era of djsbbc reeling from historic sex abuse claims against his former colleaguesbroadcasters jimmy savile , dave lee travis and rolf harris among themhe 's outraged at how friend and fellow dj paul gambaccini was treated\n", - "[1.3529587 1.358686 1.1593237 1.0835024 1.1887231 1.2821366 1.1951373\n", - " 1.1613747 1.0666294 1.0580076 1.0590205 1.117726 1.0380678 1.0306273\n", - " 1.1109662 1.0670658 1.0390131 1.0361954 1.0682418 1.0417129]\n", - "\n", - "[ 1 0 5 6 4 7 2 11 14 3 18 15 8 10 9 19 16 12 17 13]\n", - "=======================\n", - "[\"chelsea ellen bruck , 22 , has been missing almost six months , police said .police searched an area near a ford motor company plant in michigan on sunday for clues related to the disappearance of a woman who was last seen at halloween wearing a poison ivy costumehe declined to discuss media reports that part of chelsea 's costume were found .\"]\n", - "=======================\n", - "[\"chelsea ellen bruck , 22 , was last seen in the early hours of october 26 in frenchtown township , michigan dressed as the batman villain poison ivypolice searched an area near a ford motor company plant in michiganthe sheriff 's office declined to discuss media reports that part of chelsea 's costume were foundshe was last seen in the parking lot with dark-haired man at 3amthe party had to be shut down after numbers swelled from 500 to 800 people\"]\n", - "chelsea ellen bruck , 22 , has been missing almost six months , police said .police searched an area near a ford motor company plant in michigan on sunday for clues related to the disappearance of a woman who was last seen at halloween wearing a poison ivy costumehe declined to discuss media reports that part of chelsea 's costume were found .\n", - "chelsea ellen bruck , 22 , was last seen in the early hours of october 26 in frenchtown township , michigan dressed as the batman villain poison ivypolice searched an area near a ford motor company plant in michiganthe sheriff 's office declined to discuss media reports that part of chelsea 's costume were foundshe was last seen in the parking lot with dark-haired man at 3amthe party had to be shut down after numbers swelled from 500 to 800 people\n", - "[1.2062702 1.5268369 1.3767242 1.3906984 1.2456056 1.1605012 1.0898303\n", - " 1.0573074 1.0500544 1.0908237 1.1234344 1.0541402 1.0221423 1.0483509\n", - " 1.0124557 1.0166205 1.0272833 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 5 10 9 6 7 11 8 13 16 12 15 14 18 17 19]\n", - "=======================\n", - "[\"michelle filkins , 44 , of west wareham has been charged with breaking and entering , larceny over $ 250 , and malicious destruction of property .she was discovered at the court street property in edgartown by owner mark conklin on april 17 .a woman has been arrested after she allegedly broke into a home on martha 's vineyard , lived inside for at least a week and sold items belonging to the owners in a yard sale .\"]\n", - "=======================\n", - "['michelle filkins , 44 , of west wareham has been charged with breaking and entering , larceny over $ 250 , and the malicious destruction of propertyshe was arrested on april 17 after owner mark conklin found her sitting in his summer homea neighbor told police he saw filkins outside with items from the house and that she appeared to be having a yard sale or giving the items awaypolice are asking anyone who received items from the home - including a lamp and a painting - to return them']\n", - "michelle filkins , 44 , of west wareham has been charged with breaking and entering , larceny over $ 250 , and malicious destruction of property .she was discovered at the court street property in edgartown by owner mark conklin on april 17 .a woman has been arrested after she allegedly broke into a home on martha 's vineyard , lived inside for at least a week and sold items belonging to the owners in a yard sale .\n", - "michelle filkins , 44 , of west wareham has been charged with breaking and entering , larceny over $ 250 , and the malicious destruction of propertyshe was arrested on april 17 after owner mark conklin found her sitting in his summer homea neighbor told police he saw filkins outside with items from the house and that she appeared to be having a yard sale or giving the items awaypolice are asking anyone who received items from the home - including a lamp and a painting - to return them\n", - "[1.2017032 1.5153158 1.2794834 1.357122 1.2196295 1.1338506 1.0985051\n", - " 1.1214291 1.1461174 1.0670466 1.0556362 1.0801988 1.015233 1.0277418\n", - " 1.0139269 1.0145001 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 8 5 7 6 11 9 10 13 12 15 14 18 16 17 19]\n", - "=======================\n", - "[\"astrophysics undergraduate torin lakeman , 19 , died alongside his brother jacques , 20 , in a pub in manchester after consuming six times the lethal dose of mdma after ordering the drug via the web .at bolton coroner 's court today , alan walsh said he would be contacting home secretary theresa may over the deaths , adding that it was unacceptable that ` intellectual people are able to access drugs in this way . 'the brothers were found dead in a room above this pub after going to watch manchester united play a game against hull at old trafford in december last year\"]\n", - "=======================\n", - "[\"torin lakeman , 19 , died in december last year with brother jacques , 20torin had bought ecstasy via dark web in order to ` have a good weekend 'but pair took massive overdose and were found dead in pub in manchestertoday coroner said he was ` frightened ' by use of dark web to buy drugs\"]\n", - "astrophysics undergraduate torin lakeman , 19 , died alongside his brother jacques , 20 , in a pub in manchester after consuming six times the lethal dose of mdma after ordering the drug via the web .at bolton coroner 's court today , alan walsh said he would be contacting home secretary theresa may over the deaths , adding that it was unacceptable that ` intellectual people are able to access drugs in this way . 'the brothers were found dead in a room above this pub after going to watch manchester united play a game against hull at old trafford in december last year\n", - "torin lakeman , 19 , died in december last year with brother jacques , 20torin had bought ecstasy via dark web in order to ` have a good weekend 'but pair took massive overdose and were found dead in pub in manchestertoday coroner said he was ` frightened ' by use of dark web to buy drugs\n", - "[1.2241137 1.243555 1.3463863 1.1285758 1.1004426 1.0977886 1.0285599\n", - " 1.1320081 1.1090112 1.0523075 1.0622321 1.0867177 1.0608331 1.0491389\n", - " 1.0583179 1.0508989 1.0174563 0. 0. ]\n", - "\n", - "[ 2 1 0 7 3 8 4 5 11 10 12 14 9 15 13 6 16 17 18]\n", - "=======================\n", - "[\"the slants are five asian-american musicians from portland , oregon , who pay homage to the '80s on stage -- and homage to their heritage in an ironic way .this week , a higher court scrutinized a lesser-known trademark -- when the band the slants sought to protect its name .( cnn ) given that most people could n't tell the difference between a copyright and a trademark , it usually takes something controversial , such as the washington redskins ' refusal to change their name , to get people interested in trademark law .\"]\n", - "=======================\n", - "['marc randazza : court upholds a trademark denial for asian-american band the slants on the grounds that name was disparaginghe says court is wrong : trademarks are commercial speech , protected by first amendment .']\n", - "the slants are five asian-american musicians from portland , oregon , who pay homage to the '80s on stage -- and homage to their heritage in an ironic way .this week , a higher court scrutinized a lesser-known trademark -- when the band the slants sought to protect its name .( cnn ) given that most people could n't tell the difference between a copyright and a trademark , it usually takes something controversial , such as the washington redskins ' refusal to change their name , to get people interested in trademark law .\n", - "marc randazza : court upholds a trademark denial for asian-american band the slants on the grounds that name was disparaginghe says court is wrong : trademarks are commercial speech , protected by first amendment .\n", - "[1.1533247 1.30409 1.2865052 1.296141 1.3307996 1.1514192 1.0740366\n", - " 1.116165 1.023028 1.0884097 1.0683239 1.0817449 1.056532 1.1789694\n", - " 1.0269257 1.0277871 1.0203134 1.009684 0. ]\n", - "\n", - "[ 4 1 3 2 13 0 5 7 9 11 6 10 12 15 14 8 16 17 18]\n", - "=======================\n", - "['each year in the uk around 41,000 men are diagnosed with prostate cancer and 11,000 die from the diseasetests carried out in combination with chemotherapy drugs achieved almost complete remission in mice .the us scientists used low doses of the drug oxaliplatin , which has a unique ability to activate cancer-killing immune cells in small tumours but works less well in large , aggressive tumours .']\n", - "=======================\n", - "[\"us scientists used drug oxaliplatin to fire up cancer-killing immune cellsdrug blocks ` b-cells ' that put a brake on body 's defences against cancerthere are currently few options in cases of aggressive prostate cancer\"]\n", - "each year in the uk around 41,000 men are diagnosed with prostate cancer and 11,000 die from the diseasetests carried out in combination with chemotherapy drugs achieved almost complete remission in mice .the us scientists used low doses of the drug oxaliplatin , which has a unique ability to activate cancer-killing immune cells in small tumours but works less well in large , aggressive tumours .\n", - "us scientists used drug oxaliplatin to fire up cancer-killing immune cellsdrug blocks ` b-cells ' that put a brake on body 's defences against cancerthere are currently few options in cases of aggressive prostate cancer\n", - "[1.3207934 1.316544 1.2957567 1.3774135 1.3421768 1.3762507 1.0216154\n", - " 1.00762 1.0647471 1.084377 1.1010809 1.0873427 1.2325081 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 5 4 0 1 2 12 10 11 9 8 6 7 13 14 15 16 17 18]\n", - "=======================\n", - "[\"philippe coutinho is becoming liverpool 's go-to guy , according to sportsmail 's jamie carragherliverpool sold star striker luis suarez to barcelona for # 75million during the summercoutinho starred for liverpool in their 2-0 win against newcastle united on monday night\"]\n", - "=======================\n", - "[\"liverpool 2-0 newcastle united : click here to read the match reportphilippe coutinho starred in liverpool 's premier league win on mondaysportsmail 's jamie carragher feels coutinho is becoming their key manliverpool boss brendan rodgers : we can still finish in the top fourclick here for all the latest liverpool news\"]\n", - "philippe coutinho is becoming liverpool 's go-to guy , according to sportsmail 's jamie carragherliverpool sold star striker luis suarez to barcelona for # 75million during the summercoutinho starred for liverpool in their 2-0 win against newcastle united on monday night\n", - "liverpool 2-0 newcastle united : click here to read the match reportphilippe coutinho starred in liverpool 's premier league win on mondaysportsmail 's jamie carragher feels coutinho is becoming their key manliverpool boss brendan rodgers : we can still finish in the top fourclick here for all the latest liverpool news\n", - "[1.3751945 1.2682319 1.262278 1.1746953 1.1191695 1.0348065 1.0137993\n", - " 1.0617455 1.1187063 1.1429034 1.1505526 1.1125737 1.1706719 1.0148554\n", - " 1.0226811 1.1102039 1.0851732 1.0295548 1.0387734]\n", - "\n", - "[ 0 1 2 3 12 10 9 4 8 11 15 16 7 18 5 17 14 13 6]\n", - "=======================\n", - "[\"kim kardashian has launched an outspoken attack on president obama for refusing to use the word ` genocide ' as he marked the 100th anniversary of the massacre of 1.5 million armenians .the reality star said it was ` very disappointing ' that he stopped short of using the word - which he had promised to use when he ran for office .kardashian , whose armenian heritage comes from her father , the late robert kardashian , has used her celebrity since 2011 to bring awareness to the genocide .\"]\n", - "=======================\n", - "[\"in 1915 , 1.5 million armenians were killed by ottoman turks in what historians have described as the first genocide of the 20th centuryobama refused to call the mass killings a ` genocide ' in official statement despite promising as a presidential candidate that he wouldturkish officials furiously deny there was a genocide , and obama has shied away from offending the close u.s. allykim kardashian - who is armenian on her father 's side - has called the killings a genocide and says obama should tookasdashian recently traveled to the country for the first time with her husband kanye west , sister khole and cousins kara and kourtni\"]\n", - "kim kardashian has launched an outspoken attack on president obama for refusing to use the word ` genocide ' as he marked the 100th anniversary of the massacre of 1.5 million armenians .the reality star said it was ` very disappointing ' that he stopped short of using the word - which he had promised to use when he ran for office .kardashian , whose armenian heritage comes from her father , the late robert kardashian , has used her celebrity since 2011 to bring awareness to the genocide .\n", - "in 1915 , 1.5 million armenians were killed by ottoman turks in what historians have described as the first genocide of the 20th centuryobama refused to call the mass killings a ` genocide ' in official statement despite promising as a presidential candidate that he wouldturkish officials furiously deny there was a genocide , and obama has shied away from offending the close u.s. allykim kardashian - who is armenian on her father 's side - has called the killings a genocide and says obama should tookasdashian recently traveled to the country for the first time with her husband kanye west , sister khole and cousins kara and kourtni\n", - "[1.2242695 1.409372 1.2703942 1.2984433 1.2577659 1.1282198 1.0274743\n", - " 1.0167361 1.1332389 1.0472385 1.0738361 1.0648736 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 8 5 10 11 9 6 7 12 13 14 15 16 17 18]\n", - "=======================\n", - "['the singer , who will be performing four sold-out shows as part of the sydney vivid live festival in may , has written a public letter to the just group imploring them to cease their use of angora wool .the australian retail giant , who own just jeans , portmans , dotti , peter alexander , jacqui e , and jay jays , have so far refused to back down on their stance in using the controversial fur .brutal : peta have successfully petitioned a number of australian and international retailers to stop selling angora wool after revealing the horrific treatment of rabbits at chinese angora farms']\n", - "=======================\n", - "[\"morrissey wrote a letter to australian retailer the just groupthey own just jeans , dotti , portmans , jay jays , and peter alexanderthe group have so far refused to stop selling controversial angora woolsinger to ask audience at sydney concert to sign petition against companymorrissey has also banned the sale of meat products at opera housemyer , david jones , sportsgirl among those who 've agreed to angora ban\"]\n", - "the singer , who will be performing four sold-out shows as part of the sydney vivid live festival in may , has written a public letter to the just group imploring them to cease their use of angora wool .the australian retail giant , who own just jeans , portmans , dotti , peter alexander , jacqui e , and jay jays , have so far refused to back down on their stance in using the controversial fur .brutal : peta have successfully petitioned a number of australian and international retailers to stop selling angora wool after revealing the horrific treatment of rabbits at chinese angora farms\n", - "morrissey wrote a letter to australian retailer the just groupthey own just jeans , dotti , portmans , jay jays , and peter alexanderthe group have so far refused to stop selling controversial angora woolsinger to ask audience at sydney concert to sign petition against companymorrissey has also banned the sale of meat products at opera housemyer , david jones , sportsgirl among those who 've agreed to angora ban\n", - "[1.3316319 1.3692216 1.2784646 1.1069593 1.164818 1.206851 1.1399872\n", - " 1.1440296 1.0897387 1.0961308 1.0793343 1.0687708 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 5 4 7 6 3 9 8 10 11 12 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "['the documents were filed by two students who were expelled from the university at albany after trevor duffy , 19 , of the bronx died in november .a college sophomore who died of excessive alcohol consumption drank a 60-ounce bottle of vodka during what college officials said was the hazing of pledges at an unsanctioned fraternity , according to court papers filed in connection to the case .his death came after a night of heavy drinking during a party held by zeta beta tau members at an off-campus home .']\n", - "=======================\n", - "[\"trevor duffy , a university of albany fraternity pledge who died during hazing last november , drank a 60-ounce bottle of vodkathis according to court papers filed by two students who were expelled after his death and wish to return to the collegeduffy 's death came after a night of heavy drinking during a party held by zeta beta tau members at an off-campus home24 members of the underground fraternity were sanctioned by the university after the incidentan investigation determined members of the frat were guilty of drug , alcohol and student group violationsno one has been arrested in duffy 's death and albany police said their investigation is continuingfour other men were also treated for alcohol poisoning that night\"]\n", - "the documents were filed by two students who were expelled from the university at albany after trevor duffy , 19 , of the bronx died in november .a college sophomore who died of excessive alcohol consumption drank a 60-ounce bottle of vodka during what college officials said was the hazing of pledges at an unsanctioned fraternity , according to court papers filed in connection to the case .his death came after a night of heavy drinking during a party held by zeta beta tau members at an off-campus home .\n", - "trevor duffy , a university of albany fraternity pledge who died during hazing last november , drank a 60-ounce bottle of vodkathis according to court papers filed by two students who were expelled after his death and wish to return to the collegeduffy 's death came after a night of heavy drinking during a party held by zeta beta tau members at an off-campus home24 members of the underground fraternity were sanctioned by the university after the incidentan investigation determined members of the frat were guilty of drug , alcohol and student group violationsno one has been arrested in duffy 's death and albany police said their investigation is continuingfour other men were also treated for alcohol poisoning that night\n", - "[1.2303605 1.1961727 1.2300781 1.2140908 1.122939 1.0640669 1.0693284\n", - " 1.117861 1.0801529 1.0805775 1.0506191 1.1598619 1.092394 1.030377\n", - " 1.084494 1.0416144 1.065572 1.0166183 1.026338 1.0252697 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 3 1 11 4 7 12 14 9 8 6 16 5 10 15 13 18 19 17 20 21]\n", - "=======================\n", - "[\"london ( cnn ) the hatton garden heist , as it will surely come to be known , was every safe deposit box holder 's nightmare , every movie director 's dream .and they reportedly got away with hundreds of thousands of pounds worth of gems and cash -- even , in the educated guess of one former police official , as much as 200 million pounds , or $ 300 million .police were offering few details wednesday of the robbery at hatton garden safe deposit ltd. .\"]\n", - "=======================\n", - "[\"robbers may have taken advantage of a four-day holiday weekendestimates of the value of the items taken rage from hundreds of thousands of pounds to 200 million poundsthe heist took place in a historic heart of london 's jewelry business\"]\n", - "london ( cnn ) the hatton garden heist , as it will surely come to be known , was every safe deposit box holder 's nightmare , every movie director 's dream .and they reportedly got away with hundreds of thousands of pounds worth of gems and cash -- even , in the educated guess of one former police official , as much as 200 million pounds , or $ 300 million .police were offering few details wednesday of the robbery at hatton garden safe deposit ltd. .\n", - "robbers may have taken advantage of a four-day holiday weekendestimates of the value of the items taken rage from hundreds of thousands of pounds to 200 million poundsthe heist took place in a historic heart of london 's jewelry business\n", - "[1.2592471 1.6102555 1.2435796 1.2387935 1.2892668 1.1607611 1.0637912\n", - " 1.0218798 1.0173829 1.041176 1.1021066 1.013304 1.014366 1.0265878\n", - " 1.0789894 1.0358106 1.0197074 1.0124586 1.0150431 1.0113318 1.0096889\n", - " 1.0185134]\n", - "\n", - "[ 1 4 0 2 3 5 10 14 6 9 15 13 7 16 21 8 18 12 11 17 19 20]\n", - "=======================\n", - "[\"mohammad ali jawad , 56 , allegedly dimmed the lights , shut the blinds and asked her to dance to the music of julio iglesias before massaging her neck and touching her breasts .today a medical tribunal heard how he allegedly molested another patient at his surgery in marylebone , central london after getting drunkto the strains of the spanish singer crooning on his iphone , he is claimed to have asked her : ` do you see me as a man or a surgeon ? '\"]\n", - "=======================\n", - "['dr mohammad ali jawad allegedly bragged about treatment of katie piperpatient claims he gave her vodka during an appointment at his surgeryaccused of asking her to dance before touching the top of her breaststhe plastic surgeon who is currently in pakistan denies the allegations']\n", - "mohammad ali jawad , 56 , allegedly dimmed the lights , shut the blinds and asked her to dance to the music of julio iglesias before massaging her neck and touching her breasts .today a medical tribunal heard how he allegedly molested another patient at his surgery in marylebone , central london after getting drunkto the strains of the spanish singer crooning on his iphone , he is claimed to have asked her : ` do you see me as a man or a surgeon ? '\n", - "dr mohammad ali jawad allegedly bragged about treatment of katie piperpatient claims he gave her vodka during an appointment at his surgeryaccused of asking her to dance before touching the top of her breaststhe plastic surgeon who is currently in pakistan denies the allegations\n", - "[1.2931299 1.4049062 1.1780133 1.2881376 1.2017549 1.2477157 1.028685\n", - " 1.0120384 1.0135231 1.2692969 1.1835936 1.1507233 1.0278031 1.0377815\n", - " 1.0587803 1.0179975 1.0220758 1.0231379 1.0258911 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 9 5 4 10 2 11 14 13 6 12 18 17 16 15 8 7 20 19 21]\n", - "=======================\n", - "['mandi l. walkley , 39 , and jacob m. austin , 52 , were in the dungeness bay , where swells were as high as 3ft , for one to two hours before they could be rescued by the coast guard .two kayakers died , and another remains hospitalized in serious condition , after a sudden seattle storm with 35mph winds overturned their boats during a church-organized trip .fellow kayaker william d. kelley , 50 , remains hospitalized .']\n", - "=======================\n", - "[\"mandi l. walkley , 39 , and jacob m. austin , 52 , had been in the dungeness bay for one to two hours before the coast guard could rescue themthey both passed away from their injuries after being hospitalizedwilliam d. kelley , 50 , was also rescued by the coast guard and has improved from critical to serious conditionweather was predicted to be stormy on saturday and an advisory had been issued on friday , according to the sheriff 's officebut friend dennis caines , who was kayaking with the group , said the weather had been calm earlier that day\"]\n", - "mandi l. walkley , 39 , and jacob m. austin , 52 , were in the dungeness bay , where swells were as high as 3ft , for one to two hours before they could be rescued by the coast guard .two kayakers died , and another remains hospitalized in serious condition , after a sudden seattle storm with 35mph winds overturned their boats during a church-organized trip .fellow kayaker william d. kelley , 50 , remains hospitalized .\n", - "mandi l. walkley , 39 , and jacob m. austin , 52 , had been in the dungeness bay for one to two hours before the coast guard could rescue themthey both passed away from their injuries after being hospitalizedwilliam d. kelley , 50 , was also rescued by the coast guard and has improved from critical to serious conditionweather was predicted to be stormy on saturday and an advisory had been issued on friday , according to the sheriff 's officebut friend dennis caines , who was kayaking with the group , said the weather had been calm earlier that day\n", - "[1.384409 1.1781738 1.2612011 1.1704221 1.1360376 1.117898 1.0869019\n", - " 1.1119404 1.0730897 1.0678248 1.0483313 1.1332166 1.0938594 1.0669465\n", - " 1.0516294 1.0869154 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 3 4 11 5 7 12 15 6 8 9 13 14 10 16 17 18 19 20 21]\n", - "=======================\n", - "[\"history of depression : former missouri auditor tom schweich openly contemplated committing suicide for years before he shot himself on february 26 , according to new police reports on the republican gubernatorial candidate 's death released tuesdaypolice in the st. louis suburb of clayton said they have found nothing to suggest the death of schweich , who was running as a republican candidate for governor in 2016 , was anything other than a suicide .schweich 's death and the apparent suicide a month later of his spokesman spence jackson have sent shockwaves through missouri politics .\"]\n", - "=======================\n", - "[\"former missouri auditor tom schweich committed suicide on february 26 , as he was running for governor as a republicannew police reports released tuesday reveal schweich had contemplated suicide for yearsjust moments before he shot himself , schweich called associated press reporters to set up an interview about alleged anti-semitism in his partythe candidate learned that missouri gop chairman john hancock had told donors at a party that he was jewishschweich was a practicing christian but has jewish heritageschweich became upset and allegedly called an aide on the day of his death and said he had to either ` run as independent ' or ` kill himself '\"]\n", - "history of depression : former missouri auditor tom schweich openly contemplated committing suicide for years before he shot himself on february 26 , according to new police reports on the republican gubernatorial candidate 's death released tuesdaypolice in the st. louis suburb of clayton said they have found nothing to suggest the death of schweich , who was running as a republican candidate for governor in 2016 , was anything other than a suicide .schweich 's death and the apparent suicide a month later of his spokesman spence jackson have sent shockwaves through missouri politics .\n", - "former missouri auditor tom schweich committed suicide on february 26 , as he was running for governor as a republicannew police reports released tuesday reveal schweich had contemplated suicide for yearsjust moments before he shot himself , schweich called associated press reporters to set up an interview about alleged anti-semitism in his partythe candidate learned that missouri gop chairman john hancock had told donors at a party that he was jewishschweich was a practicing christian but has jewish heritageschweich became upset and allegedly called an aide on the day of his death and said he had to either ` run as independent ' or ` kill himself '\n", - "[1.3825489 1.518049 1.1720747 1.1326654 1.1502252 1.051161 1.2933776\n", - " 1.1886337 1.0255072 1.0223724 1.0163795 1.0182966 1.0160958 1.012838\n", - " 1.2482191 1.0381973 1.0158715 1.3373606 0. ]\n", - "\n", - "[ 1 0 17 6 14 7 2 4 3 5 15 8 9 11 10 12 16 13 18]\n", - "=======================\n", - "[\"the 37-year-old , a qualifier this year , survived a series of twitches close to the winning line before clinching a 10-8 first-round victory over ricky walden at the crucible in sheffield on sunday .graeme dott fears exhaustion will kill off his hopes of winning snooker 's betfred world championship .john higgins impressed with a 10-5 victory over robert milkins in his first-round clash in sheffield\"]\n", - "=======================\n", - "['graeme dott had to play three best-of-19-frame matches to qualifyhe overcame ricky walden 10-8 in first-round crucible clashbut former world champion fears exhaustion will ruin his bid for 2015 titlemeanwhile , john higgins impressed with a 10-5 victory over robert milkins']\n", - "the 37-year-old , a qualifier this year , survived a series of twitches close to the winning line before clinching a 10-8 first-round victory over ricky walden at the crucible in sheffield on sunday .graeme dott fears exhaustion will kill off his hopes of winning snooker 's betfred world championship .john higgins impressed with a 10-5 victory over robert milkins in his first-round clash in sheffield\n", - "graeme dott had to play three best-of-19-frame matches to qualifyhe overcame ricky walden 10-8 in first-round crucible clashbut former world champion fears exhaustion will ruin his bid for 2015 titlemeanwhile , john higgins impressed with a 10-5 victory over robert milkins\n", - "[1.3719938 1.432175 1.1313026 1.1561663 1.3698232 1.2506548 1.0185899\n", - " 1.2321444 1.1251215 1.1774926 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 5 7 9 3 2 8 6 17 10 11 12 13 14 15 16 18]\n", - "=======================\n", - "[\"german ace gomez has been linked with a move to the nou camp , however the 29-year-old insists even the lure of playing alongside the likes of lionel messi and neymar could not tempt him away from the stadio artemio franchi .mario gomez has poured cold water over suggestions he could join barcelona in the summer by insisting he is content with life at fiorentina .gomez , pictured against tottenham , left bayern munich to join fiorentina for over # 17million in july 2013 '\"]\n", - "=======================\n", - "['mario gomez has been linked with a move to la liga giants barcelonahowever gomez insists he would reject a transfer to the nou campthe striker joined fiorentina in 2013 for a fee believed to be over # 17m']\n", - "german ace gomez has been linked with a move to the nou camp , however the 29-year-old insists even the lure of playing alongside the likes of lionel messi and neymar could not tempt him away from the stadio artemio franchi .mario gomez has poured cold water over suggestions he could join barcelona in the summer by insisting he is content with life at fiorentina .gomez , pictured against tottenham , left bayern munich to join fiorentina for over # 17million in july 2013 '\n", - "mario gomez has been linked with a move to la liga giants barcelonahowever gomez insists he would reject a transfer to the nou campthe striker joined fiorentina in 2013 for a fee believed to be over # 17m\n", - "[1.3050985 1.3980722 1.3114926 1.130645 1.3295884 1.218038 1.1882498\n", - " 1.1185099 1.107975 1.069798 1.0626302 1.1051348 1.0243818 1.0148867\n", - " 1.0225705 1.0736009 1.0814888 1.023624 1.010787 ]\n", - "\n", - "[ 1 4 2 0 5 6 3 7 8 11 16 15 9 10 12 17 14 13 18]\n", - "=======================\n", - "['a state prisons official says hernandez , 25 , was moved wednesday to the maximum-security souza-baranowski correctional center in shirley , massachusetts .hernandez had been at cedar junction prison in walpole since he was convicted april 15 of killing 27-year-old odin lloyd in 2013 .he was sentenced to life in prison']\n", - "=======================\n", - "[\"hernandez was moved on wednesday to the maximum-security souza-baranowski correctional center in shirley , massachusettshe had been at cedar junction prison in walpole since he was convicted april 15 of killing 27-year-old odin lloyd in 2013souza-baranowski is massachusetts ' newest and most advanced prisonhernandez 's cell will have a bunk , writing desk and stool , a combination sink and toilet and room for a tv , if he wants to spend $ 200\"]\n", - "a state prisons official says hernandez , 25 , was moved wednesday to the maximum-security souza-baranowski correctional center in shirley , massachusetts .hernandez had been at cedar junction prison in walpole since he was convicted april 15 of killing 27-year-old odin lloyd in 2013 .he was sentenced to life in prison\n", - "hernandez was moved on wednesday to the maximum-security souza-baranowski correctional center in shirley , massachusettshe had been at cedar junction prison in walpole since he was convicted april 15 of killing 27-year-old odin lloyd in 2013souza-baranowski is massachusetts ' newest and most advanced prisonhernandez 's cell will have a bunk , writing desk and stool , a combination sink and toilet and room for a tv , if he wants to spend $ 200\n", - "[1.3743801 1.226165 1.3400037 1.2536697 1.0357617 1.0411725 1.1165093\n", - " 1.068934 1.0909375 1.217701 1.0813416 1.0761534 1.0971737 1.1418178\n", - " 1.221541 1.0241745 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 14 9 13 6 12 8 10 11 7 5 4 15 17 16 18]\n", - "=======================\n", - "['arrested : doug hughes ( photographed ) was arrested after landing his gyrocopter on the u.s. capitol lawn to protest campaign finance lawsafter more than two years of planning , 61-year-old doug hughes made it through restricted airspace and a no-fly zone in a gyrocopter wednesday carrying 535 letters -- one for each member of congress -- and landed the aircraft on the capitol lawn .hughes has since been released on his own recognizance and is allowed to return to florida under certain conditions .']\n", - "=======================\n", - "['alena hughes , the wife of the florida postal worker who landed a gyrocopter on the lawn of the u.s. capitol says her husband is a patriotdoug hughes performed the risky stunt wednesday to protest campaign finance lawsthe man has received support from the public and his wife says what he did was very brave']\n", - "arrested : doug hughes ( photographed ) was arrested after landing his gyrocopter on the u.s. capitol lawn to protest campaign finance lawsafter more than two years of planning , 61-year-old doug hughes made it through restricted airspace and a no-fly zone in a gyrocopter wednesday carrying 535 letters -- one for each member of congress -- and landed the aircraft on the capitol lawn .hughes has since been released on his own recognizance and is allowed to return to florida under certain conditions .\n", - "alena hughes , the wife of the florida postal worker who landed a gyrocopter on the lawn of the u.s. capitol says her husband is a patriotdoug hughes performed the risky stunt wednesday to protest campaign finance lawsthe man has received support from the public and his wife says what he did was very brave\n", - "[1.2417939 1.3246962 1.3855721 1.246296 1.218518 1.1777619 1.1648988\n", - " 1.0326111 1.0358095 1.0725247 1.0842562 1.0323416 1.0290102 1.0146358\n", - " 1.1406494 1.193933 1.1438078 0. 0. ]\n", - "\n", - "[ 2 1 3 0 4 15 5 6 16 14 10 9 8 7 11 12 13 17 18]\n", - "=======================\n", - "[\"mack , 19 , from chicago , could spend 15 years in jail for the murder of her mother , 62-year-old socialite sheila von wiese-mack , whose body was then stuffed inside a suitcase .the ` body in suitcase ' teen and her baby received a personal visit from a government minister who offered extra comforts .behind bars : heather mack has been keeping her baby with her in a crowded cell in bali 's kerobokan prison\"]\n", - "=======================\n", - "['heather mack is accused of murdering her mother and is in a bali prisonteenager is caring for her baby in cell shared with eight other prisonersa minister paid her a personal visit today and offered her extra comfortsmack will get own room until she decides whether to give baby to a family']\n", - "mack , 19 , from chicago , could spend 15 years in jail for the murder of her mother , 62-year-old socialite sheila von wiese-mack , whose body was then stuffed inside a suitcase .the ` body in suitcase ' teen and her baby received a personal visit from a government minister who offered extra comforts .behind bars : heather mack has been keeping her baby with her in a crowded cell in bali 's kerobokan prison\n", - "heather mack is accused of murdering her mother and is in a bali prisonteenager is caring for her baby in cell shared with eight other prisonersa minister paid her a personal visit today and offered her extra comfortsmack will get own room until she decides whether to give baby to a family\n", - "[1.2238152 1.4174197 1.3942225 1.1994385 1.2577387 1.2211472 1.1257721\n", - " 1.0850762 1.0479205 1.0587847 1.067763 1.0916061 1.0683547 1.0468895\n", - " 1.0635269 1.0295551 1.0401194 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 0 5 3 6 11 7 12 10 14 9 8 13 16 15 17 18 19]\n", - "=======================\n", - "[\"mr miliband 's party has jumped to 35 per cent , up one point from last month .labour has moved two points clear of the tories -- despite just one in three voters thinking ed miliband is ` capable ' .only a third of the public see the labour leader as a ` capable leader ' while just a quarter think he would be ` good in a crisis ' , according to the poll for the evening standard .\"]\n", - "=======================\n", - "[\"labour has jumped to 35 % in the polls , up one point from last monththe tories remain stuck on 33 % , according to the pollsters ipsos morigreens have pushed nick clegg 's lib dems into a humiliating fifth placelib dems are on 7 % , the greens 8 % and nigel farage 's ukip 10 %\"]\n", - "mr miliband 's party has jumped to 35 per cent , up one point from last month .labour has moved two points clear of the tories -- despite just one in three voters thinking ed miliband is ` capable ' .only a third of the public see the labour leader as a ` capable leader ' while just a quarter think he would be ` good in a crisis ' , according to the poll for the evening standard .\n", - "labour has jumped to 35 % in the polls , up one point from last monththe tories remain stuck on 33 % , according to the pollsters ipsos morigreens have pushed nick clegg 's lib dems into a humiliating fifth placelib dems are on 7 % , the greens 8 % and nigel farage 's ukip 10 %\n", - "[1.29971 1.2483451 1.3473907 1.3150331 1.1626568 1.1142325 1.146215\n", - " 1.2347478 1.0307306 1.06437 1.1687933 1.0993817 1.1114465 1.082055\n", - " 1.0447971 1.066973 1.0482955 1.0212324 1.0241777 0. ]\n", - "\n", - "[ 2 3 0 1 7 10 4 6 5 12 11 13 15 9 16 14 8 18 17 19]\n", - "=======================\n", - "[\"southampton , lazio , stoke city and west ham are also interested in signing him in the summer but the prospect of champions league football with the ambitious bundesliga side could prove tempting .bundesliga club wolfsburg are showing an interest in manchester united misfit javier hernandezthe mexico international has endured a frustrating season on loan at real madrid and spoke this week about how at times his confidence has been ` left in tatters ' .\"]\n", - "=======================\n", - "[\"wolfsburg are showing interest in manchester united 's javier hernandezthe german club have also considered edin dzeko at manchester cityunited , meanwhile , have made a revised contract offer to andreas pereiraparis saint-germain are very interested in angel di maria and paul pogbaliverpool have been watching fiorentina goalkeeper norberto netonedum onouha is being tracked by west ham , stoke , everton and hullburnley are among clubs monitoring newcastle loan star haris vuckic\"]\n", - "southampton , lazio , stoke city and west ham are also interested in signing him in the summer but the prospect of champions league football with the ambitious bundesliga side could prove tempting .bundesliga club wolfsburg are showing an interest in manchester united misfit javier hernandezthe mexico international has endured a frustrating season on loan at real madrid and spoke this week about how at times his confidence has been ` left in tatters ' .\n", - "wolfsburg are showing interest in manchester united 's javier hernandezthe german club have also considered edin dzeko at manchester cityunited , meanwhile , have made a revised contract offer to andreas pereiraparis saint-germain are very interested in angel di maria and paul pogbaliverpool have been watching fiorentina goalkeeper norberto netonedum onouha is being tracked by west ham , stoke , everton and hullburnley are among clubs monitoring newcastle loan star haris vuckic\n", - "[1.0713564 1.5005021 1.1849805 1.3382615 1.249628 1.1119542 1.1421586\n", - " 1.1274863 1.10331 1.0505166 1.0756599 1.031821 1.0378535 1.0353178\n", - " 1.0771002 1.078517 1.0810806 1.0672828 1.0315281 1.0163758]\n", - "\n", - "[ 1 3 4 2 6 7 5 8 16 15 14 10 0 17 9 12 13 11 18 19]\n", - "=======================\n", - "[\"laser expert patrick priebe created a working iron man-style arm and hand that fires beams from the back of the wrist or from the wearer 's palm .the gadget was created by wuppertal-based mr priebe , who designs and builds metal laser gadgets to order online .and in a video , the contraption is shown popping balloons and lighting matches from feet away .\"]\n", - "=======================\n", - "[\"iron man-style arm and hand was built by laser expert patrick priebeit fires beams from the back of the wrist or from the wearer 's palmin a video , the contraption is shown popping balloons and lighting matchesgadget is powered by lithium-ion cells and can be ordered from mr priebe\"]\n", - "laser expert patrick priebe created a working iron man-style arm and hand that fires beams from the back of the wrist or from the wearer 's palm .the gadget was created by wuppertal-based mr priebe , who designs and builds metal laser gadgets to order online .and in a video , the contraption is shown popping balloons and lighting matches from feet away .\n", - "iron man-style arm and hand was built by laser expert patrick priebeit fires beams from the back of the wrist or from the wearer 's palmin a video , the contraption is shown popping balloons and lighting matchesgadget is powered by lithium-ion cells and can be ordered from mr priebe\n", - "[1.5773637 1.251467 1.0844806 1.464246 1.2686024 1.1483923 1.2752162\n", - " 1.0694009 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 6 4 1 5 2 7 17 16 15 14 13 9 11 10 18 8 12 19]\n", - "=======================\n", - "['tomas berdych advanced to the semi-finals of the monte carlo masters for the third time on friday after opponent milos raonic retired with a foot injury .eight-time champion rafael nadal will play david ferrer , and top-ranked novak djokovic will face marin cilic .raonic had to retire from his quarter-final showdown with berdych due to a troublesome foot injury']\n", - "=======================\n", - "[\"milos raonic had to pull out of tournament after sustaining foot injurytomas berdych will face grigor dimitrov or gael monfils in next roundberdych is yet to lose a set this week following raonic 's injury\"]\n", - "tomas berdych advanced to the semi-finals of the monte carlo masters for the third time on friday after opponent milos raonic retired with a foot injury .eight-time champion rafael nadal will play david ferrer , and top-ranked novak djokovic will face marin cilic .raonic had to retire from his quarter-final showdown with berdych due to a troublesome foot injury\n", - "milos raonic had to pull out of tournament after sustaining foot injurytomas berdych will face grigor dimitrov or gael monfils in next roundberdych is yet to lose a set this week following raonic 's injury\n", - "[1.3088932 1.2836547 1.1514325 1.3758332 1.2257594 1.1992446 1.0847162\n", - " 1.0363605 1.1548283 1.0806185 1.019482 1.0906161 1.0227343 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 5 8 2 11 6 9 7 12 10 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"terrill wayne newman ( right ) , who is vying to become governor of kentucky , has legally changed his name to gatewood galbraith after the late local celebrity ( left ) who bid five times for the title but never wonthe newly-christened galbraith filed paperwork on wednesday to run as an independent for the state 's highest office .the secretary of state 's office says independent candidates must obtain 5,000 signatures from registered voters by august 11 to get their names on the general election ballot .\"]\n", - "=======================\n", - "[\"terrill wayne newman is vying to become the next kentucky governoron tuesday he legally changed his name to gatewood galbraith after a late local celebrity who bid five times for the title but never won enough votesnewman says he does n't expect to be elected but hopes the gesture will ` warm galbraith 's grave '\"]\n", - "terrill wayne newman ( right ) , who is vying to become governor of kentucky , has legally changed his name to gatewood galbraith after the late local celebrity ( left ) who bid five times for the title but never wonthe newly-christened galbraith filed paperwork on wednesday to run as an independent for the state 's highest office .the secretary of state 's office says independent candidates must obtain 5,000 signatures from registered voters by august 11 to get their names on the general election ballot .\n", - "terrill wayne newman is vying to become the next kentucky governoron tuesday he legally changed his name to gatewood galbraith after a late local celebrity who bid five times for the title but never won enough votesnewman says he does n't expect to be elected but hopes the gesture will ` warm galbraith 's grave '\n", - "[1.3404174 1.3207744 1.114357 1.2672416 1.1911523 1.1040231 1.1135468\n", - " 1.0958872 1.1251491 1.0883495 1.0783216 1.1339957 1.1616559 1.0954231\n", - " 1.1959455 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 14 4 12 11 8 2 6 5 7 13 9 10 18 15 16 17 19]\n", - "=======================\n", - "[\"arsenal are having reservations over their interest in raheem sterling following the liverpool forward 's turbulent few weeks .the gunners are keen on the reds forward , who is stalling on a new # 100,000-per-week contract at anfield .brendan rodgers has backed his wayward star but contract stand-off has created tension at liverpool\"]\n", - "=======================\n", - "[\"arsenal have shown an interest in liverpool forward raheem sterlinghowever sterling 's recent behaviour has troubled arsenal 's hierarchysterling has been caught smoking shisha and inhaling nitrous oxideman city , man united and chelsea are monitoring sterling 's situationread : real madrid are keen on signing sterling , says zinedine zidaneread : sterling pictured again with shisha pipe ... this time with jordan ibe\"]\n", - "arsenal are having reservations over their interest in raheem sterling following the liverpool forward 's turbulent few weeks .the gunners are keen on the reds forward , who is stalling on a new # 100,000-per-week contract at anfield .brendan rodgers has backed his wayward star but contract stand-off has created tension at liverpool\n", - "arsenal have shown an interest in liverpool forward raheem sterlinghowever sterling 's recent behaviour has troubled arsenal 's hierarchysterling has been caught smoking shisha and inhaling nitrous oxideman city , man united and chelsea are monitoring sterling 's situationread : real madrid are keen on signing sterling , says zinedine zidaneread : sterling pictured again with shisha pipe ... this time with jordan ibe\n", - "[1.1359484 1.0929275 1.4276652 1.3479055 1.2858285 1.1987214 1.2282027\n", - " 1.0717416 1.0266774 1.0534049 1.2961082 1.0849566 1.0214852 1.0194649\n", - " 1.0152197 1.0163963 1.0332537 0. 0. 0. ]\n", - "\n", - "[ 2 3 10 4 6 5 0 1 11 7 9 16 8 12 13 15 14 17 18 19]\n", - "=======================\n", - "['rhiannon langley , from melbourne , is sharing every step of the journey with hundreds of thousands of strangers , who can follow along on her social media accounts on the hashtag created just for the event , #rhiannongetsrhino .sharing is caring : rhiannon langley is posting her cosmetic surgery experience on social media through pictures and videosinfluencer : the 24-year-old from melbourne has 189,000 followers on instagram']\n", - "=======================\n", - "['rhiannon langley , from melbourne , is undergoing rhinoplasty in bangkokthe 24-year-old has 189,000 followers on instagram aloneshe is sharing pictures and videos of her experience on social medialangley tells daily mail australia that reaction so far has been positive']\n", - "rhiannon langley , from melbourne , is sharing every step of the journey with hundreds of thousands of strangers , who can follow along on her social media accounts on the hashtag created just for the event , #rhiannongetsrhino .sharing is caring : rhiannon langley is posting her cosmetic surgery experience on social media through pictures and videosinfluencer : the 24-year-old from melbourne has 189,000 followers on instagram\n", - "rhiannon langley , from melbourne , is undergoing rhinoplasty in bangkokthe 24-year-old has 189,000 followers on instagram aloneshe is sharing pictures and videos of her experience on social medialangley tells daily mail australia that reaction so far has been positive\n", - "[1.2930517 1.4539951 1.2651997 1.3206346 1.3116765 1.1795424 1.124013\n", - " 1.0412734 1.0147985 1.0219139 1.1504133 1.0792581 1.0114523 1.0100683\n", - " 1.0436273 1.0224682 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 0 2 5 10 6 11 14 7 15 9 8 12 13 18 16 17 19]\n", - "=======================\n", - "['kevin morgan , 55 , of weybridge in surrey , was injured when a land rover discovery reversed into his stationary rover 75 while he was working in dorset in september 2005 .but as his # 600,000 damages claim began at the central london county court , he was accused of a staggering fraud by motor insurers , direct line group .kevin morgan ( pictured right ) was filmed meeting up in a coffee shop with his friend max clifford ( pictured left ) .']\n", - "=======================\n", - "['motor insurers direct line group put him under video surveillancehe was filmed meeting his friend clifford and pals in coffee shopbut the claimant argues footage proves he does not go far from homelawyer says client ventures no further than a 1,350 ft radius from houseengineer tells how injuries from accident put an end to his active life']\n", - "kevin morgan , 55 , of weybridge in surrey , was injured when a land rover discovery reversed into his stationary rover 75 while he was working in dorset in september 2005 .but as his # 600,000 damages claim began at the central london county court , he was accused of a staggering fraud by motor insurers , direct line group .kevin morgan ( pictured right ) was filmed meeting up in a coffee shop with his friend max clifford ( pictured left ) .\n", - "motor insurers direct line group put him under video surveillancehe was filmed meeting his friend clifford and pals in coffee shopbut the claimant argues footage proves he does not go far from homelawyer says client ventures no further than a 1,350 ft radius from houseengineer tells how injuries from accident put an end to his active life\n", - "[1.3275893 1.2842087 1.2838825 1.1584485 1.208748 1.0789192 1.104871\n", - " 1.097632 1.1581335 1.0164642 1.0865682 1.0216926 1.0583647 1.0757867\n", - " 1.1758412 1.0971614 1.1485187 1.0358996 1.0203197 1.0350947]\n", - "\n", - "[ 0 1 2 4 14 3 8 16 6 7 15 10 5 13 12 17 19 11 18 9]\n", - "=======================\n", - "['poland said it is demanding a formal apology from the u.s. over the comments made by fbi director james comey ( pictured above )james coney had written an editorial opinion piece for the washington post claiming poland shares responsibility for the holocaust with germany .us ambassador stephen mull met with the polish deputy foreign affairs minister and apologised for the comments .']\n", - "=======================\n", - "[\"us ambassador stephen mull apologised for james comey 's commentscomey , head of the fbi , wrote editorial opinion piece in washington postit said : ` in their minds , the murderers and accomplices of germany , and poland , and hungary and so many other places did n't do something evil 'mr mull said nazi germany alone bears responsibility for the holocaust\"]\n", - "poland said it is demanding a formal apology from the u.s. over the comments made by fbi director james comey ( pictured above )james coney had written an editorial opinion piece for the washington post claiming poland shares responsibility for the holocaust with germany .us ambassador stephen mull met with the polish deputy foreign affairs minister and apologised for the comments .\n", - "us ambassador stephen mull apologised for james comey 's commentscomey , head of the fbi , wrote editorial opinion piece in washington postit said : ` in their minds , the murderers and accomplices of germany , and poland , and hungary and so many other places did n't do something evil 'mr mull said nazi germany alone bears responsibility for the holocaust\n", - "[1.3311598 1.2590868 1.1296753 1.1493287 1.0976619 1.0811176 1.2888563\n", - " 1.13814 1.1318437 1.0783398 1.1454402 1.1032711 1.1091076 1.0435609\n", - " 1.1331866 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 6 1 3 10 7 14 8 2 12 11 4 5 9 13 18 15 16 17 19]\n", - "=======================\n", - "['violent protesters in baltimore , maryland injured several police officers on monday , throwing bricks and rocks at the overwhelmed cops hiding behind riot armor .fifteen police officers were injured monday - two seriously - in the clashes with angry mobs rioting over the death of freddie gray .while most of the cops tried not to engage with the protesters , at least one officer was seen throwing the rocks right back at the mostly-young groups of rioters even as the nation watched on live tv .']\n", - "=======================\n", - "['fifteen baltimore police officers were injured monday night in clashes with rioters angry over the death of freddie graywhile most the officers appeared peaceful in their control of the crowds , one officer was pictured lobbing a rock back at rioters']\n", - "violent protesters in baltimore , maryland injured several police officers on monday , throwing bricks and rocks at the overwhelmed cops hiding behind riot armor .fifteen police officers were injured monday - two seriously - in the clashes with angry mobs rioting over the death of freddie gray .while most of the cops tried not to engage with the protesters , at least one officer was seen throwing the rocks right back at the mostly-young groups of rioters even as the nation watched on live tv .\n", - "fifteen baltimore police officers were injured monday night in clashes with rioters angry over the death of freddie graywhile most the officers appeared peaceful in their control of the crowds , one officer was pictured lobbing a rock back at rioters\n", - "[1.2227361 1.5385079 1.2649269 1.0681962 1.0544326 1.2002443 1.2988381\n", - " 1.1215786 1.0639158 1.0205816 1.1303473 1.0747576 1.0247288 1.0958009\n", - " 1.1372421 1.1016494 1.0201108 1.0153594 1.013539 1.0200881 1.0226337\n", - " 0. ]\n", - "\n", - "[ 1 6 2 0 5 14 10 7 15 13 11 3 8 4 12 20 9 16 19 17 18 21]\n", - "=======================\n", - "[\"madelyn yensen , 94 , of salt lake city , died just after 4pm before her husband passed away at 9.30 pm .marcus yensen , 95 ( left ) , and his wife madelyn , 94 ( right ) , died within hours of each other earlier this month after a romance that started with a month of dating and continued through 74 years of marriagejust after her mother died , carol bradford went to see her 95-year-old father at a care center and told him the news . '\"]\n", - "=======================\n", - "[\"madelyn yensen , 94 , died five hours before husband marcus , 95salt lake city couple with three children lived in same house since 1949madelyn suffered seizure while holding her husband 's hand at his bedsidemarcus later died of cardiac arrest , family saidcouple met in 1940 when marcus took dance lesson from his future wife\"]\n", - "madelyn yensen , 94 , of salt lake city , died just after 4pm before her husband passed away at 9.30 pm .marcus yensen , 95 ( left ) , and his wife madelyn , 94 ( right ) , died within hours of each other earlier this month after a romance that started with a month of dating and continued through 74 years of marriagejust after her mother died , carol bradford went to see her 95-year-old father at a care center and told him the news . '\n", - "madelyn yensen , 94 , died five hours before husband marcus , 95salt lake city couple with three children lived in same house since 1949madelyn suffered seizure while holding her husband 's hand at his bedsidemarcus later died of cardiac arrest , family saidcouple met in 1940 when marcus took dance lesson from his future wife\n", - "[1.3518105 1.1926672 1.3757721 1.1816477 1.1665062 1.0540155 1.0537328\n", - " 1.0451617 1.1152686 1.0879205 1.0266706 1.042571 1.1142006 1.0401531\n", - " 1.1604692 1.0613496 1.0738431 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 1 3 4 14 8 12 9 16 15 5 6 7 11 13 10 17 18 19 20 21]\n", - "=======================\n", - "[\"author alice dreger took to twitter to express her horror at what she heard at east lansing high school , in michigan , when she sat in on a lesson earlier this week .an outraged mom live tweeted her son 's sex education class after becoming outraged by its abstinence only stance .ms dreger , a respected professor , began furiously tweeting out the contents of the lesson - which was filled with horror stories about what happened to people who have pre-marital sex .\"]\n", - "=======================\n", - "['author alice dreger sent 45 angry tweets during her son \\'s sex ed lessoncould not believe michigan school was teaching abstinence only classes` the whole lesson here is \" sex is part of a terrible lifestyle \" , \\' she fumedprincipal coby fletcher denied the school has an ` abstinence only \\' policy']\n", - "author alice dreger took to twitter to express her horror at what she heard at east lansing high school , in michigan , when she sat in on a lesson earlier this week .an outraged mom live tweeted her son 's sex education class after becoming outraged by its abstinence only stance .ms dreger , a respected professor , began furiously tweeting out the contents of the lesson - which was filled with horror stories about what happened to people who have pre-marital sex .\n", - "author alice dreger sent 45 angry tweets during her son 's sex ed lessoncould not believe michigan school was teaching abstinence only classes` the whole lesson here is \" sex is part of a terrible lifestyle \" , ' she fumedprincipal coby fletcher denied the school has an ` abstinence only ' policy\n", - "[1.217411 1.4464482 1.3279654 1.3415487 1.2905294 1.0655099 1.0521175\n", - " 1.1846446 1.1512414 1.1325392 1.0136391 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 4 0 7 8 9 5 6 10 11 12 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "['in what is being described as a horrific accident , 20-month-old kendra moad of kearns , utah followed her grandfather , who has not been named , out of the house as he pulled his truck forward so he could move some garbage cans .he did not however see the toddler in front of his truck and killed her .a man tragically ran over his granddaughter friday morning as he moved his truck in the driveway .']\n", - "=======================\n", - "['kendra moad of kearns , utah followed her grandfather out of the house friday morning and into the drivewayhe did not see the 20-month-old toddler and ran her over as he pulled his truck up in the driveway to move the trash cansthis is now the fourth time since august that a child was accidentally run over and killed in their own driveway by a family member in utahkendra suffered severe head trauma and was unconscious when workers arrived , and was pronounced dead shortly after at a nearby hospitalthe grandfather is not facing any charges at this time , but the case remains under investigation']\n", - "in what is being described as a horrific accident , 20-month-old kendra moad of kearns , utah followed her grandfather , who has not been named , out of the house as he pulled his truck forward so he could move some garbage cans .he did not however see the toddler in front of his truck and killed her .a man tragically ran over his granddaughter friday morning as he moved his truck in the driveway .\n", - "kendra moad of kearns , utah followed her grandfather out of the house friday morning and into the drivewayhe did not see the 20-month-old toddler and ran her over as he pulled his truck up in the driveway to move the trash cansthis is now the fourth time since august that a child was accidentally run over and killed in their own driveway by a family member in utahkendra suffered severe head trauma and was unconscious when workers arrived , and was pronounced dead shortly after at a nearby hospitalthe grandfather is not facing any charges at this time , but the case remains under investigation\n", - "[1.172521 1.4057565 1.1984692 1.223321 1.1508068 1.1583507 1.0895886\n", - " 1.0782931 1.0508206 1.0809708 1.1691072 1.0421973 1.0633715 1.1110017\n", - " 1.0408254 1.0620738 1.0700064 1.0338502 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 10 5 4 13 6 9 7 16 12 15 8 11 14 17 20 18 19 21]\n", - "=======================\n", - "['statistics collected at maastricht university in holland , where cannabis is decriminalised , have shown that students who were able to buy the drug from coffee shops were five percent less likely to pass their courses .the study will rankle with the increasing number calling for the legislation of cannabis around the worldat the same time , foreign students who did not have ready access to the mind bending drug did better on average , the observer reported .']\n", - "=======================\n", - "[\"study at maastricht university found access to drug lowered grade scoresthose who could buy cannabis legally did 5 % worse across all coursesstatistics were worst for maths students or those developing number skillseconomists say more to be done to investigate the drug 's affect on society\"]\n", - "statistics collected at maastricht university in holland , where cannabis is decriminalised , have shown that students who were able to buy the drug from coffee shops were five percent less likely to pass their courses .the study will rankle with the increasing number calling for the legislation of cannabis around the worldat the same time , foreign students who did not have ready access to the mind bending drug did better on average , the observer reported .\n", - "study at maastricht university found access to drug lowered grade scoresthose who could buy cannabis legally did 5 % worse across all coursesstatistics were worst for maths students or those developing number skillseconomists say more to be done to investigate the drug 's affect on society\n", - "[1.3461771 1.4360093 1.2684802 1.2847314 1.2417762 1.219258 1.1710805\n", - " 1.0646538 1.0250427 1.0178839 1.078659 1.0890285 1.0893499 1.0845193\n", - " 1.0114187 1.0200417 1.0328982 1.0793087 1.0637842 1.0591296 1.0197881\n", - " 1.0071594]\n", - "\n", - "[ 1 0 3 2 4 5 6 12 11 13 17 10 7 18 19 16 8 15 20 9 14 21]\n", - "=======================\n", - "[\"its previous plane was destroyed in a crash in the mojave desert in october 2014 .virgin galactic hopes to begin testing a new version of spaceshiptwo by the end of the year , according to the company 's chief executive .chief executive george whitesides has said the new spacecraft ( shown in construction ) is nearly ready .\"]\n", - "=======================\n", - "['chief executive george whitesides says new spacecraft is nearly readyhe said it could begin test flights by the end of this yearits predecessor was destroyed in the mojave desert on 31 october 2014co-pilot michael alsbury was killed and pilot peter siebold was injured']\n", - "its previous plane was destroyed in a crash in the mojave desert in october 2014 .virgin galactic hopes to begin testing a new version of spaceshiptwo by the end of the year , according to the company 's chief executive .chief executive george whitesides has said the new spacecraft ( shown in construction ) is nearly ready .\n", - "chief executive george whitesides says new spacecraft is nearly readyhe said it could begin test flights by the end of this yearits predecessor was destroyed in the mojave desert on 31 october 2014co-pilot michael alsbury was killed and pilot peter siebold was injured\n", - "[1.2579494 1.0836995 1.301187 1.3139619 1.2281172 1.1661799 1.1852415\n", - " 1.1017611 1.0683479 1.1842637 1.0488268 1.0708456 1.061049 1.1512301\n", - " 1.1194088 1.0422744 1.0320743]\n", - "\n", - "[ 3 2 0 4 6 9 5 13 14 7 1 11 8 12 10 15 16]\n", - "=======================\n", - "[\"dealing across europe and asia was thrown into chaos by the crash of the server at bloomberg 's offices in the city of london .for a massive computer glitch that halted trading in stock exchanges around the world yesterday is being blamed on a spilt fizzy drink .bloomberg 's computer system is the world 's largest dealing platform and is used by most banks and trading floors .\"]\n", - "=======================\n", - "['huge computer glitch prevented deals in stock exchanges across the worldbloomberg down for several hours just after trading began this morningeurope and asia thrown into chaos after server crashed in london officeand reports from inside the company say a spilt can of coke was to blame']\n", - "dealing across europe and asia was thrown into chaos by the crash of the server at bloomberg 's offices in the city of london .for a massive computer glitch that halted trading in stock exchanges around the world yesterday is being blamed on a spilt fizzy drink .bloomberg 's computer system is the world 's largest dealing platform and is used by most banks and trading floors .\n", - "huge computer glitch prevented deals in stock exchanges across the worldbloomberg down for several hours just after trading began this morningeurope and asia thrown into chaos after server crashed in london officeand reports from inside the company say a spilt can of coke was to blame\n", - "[1.1991994 1.2941849 1.3324159 1.2786613 1.240264 1.2648039 1.1167661\n", - " 1.0733969 1.080002 1.0496048 1.104794 1.1348048 1.0453746 1.0644166\n", - " 1.0322235 1.0778704 1.0607461]\n", - "\n", - "[ 2 1 3 5 4 0 11 6 10 8 15 7 13 16 9 12 14]\n", - "=======================\n", - "[\"but those two - plus cristiano ronaldo , carlos tevez , paul pogba and gerard pique - have all made the semi-finals in their former club 's absence from the competition .last season 's disastrous campaign under david moyes saw united miss out on europe 's premier competition for the first time in 19 years , with patrice evra and javier hernandez members of the failing squad .javier hernandez scored the winner for real madrid against atletico .\"]\n", - "=======================\n", - "[\"manchester united have six ex-players in champions league semi-finalsjavier hernandez scored the winner for real madrid against atletico madridpaul pogba , carlos tevez and patrice evra play for italian side juventuscristiano ronaldo set up hernandez 's goal for real madrid on wednesdaybarcelona 's gerard pique helped keep out paris saint-germainhernandez was the hero for madrid but he will need to find a new home\"]\n", - "but those two - plus cristiano ronaldo , carlos tevez , paul pogba and gerard pique - have all made the semi-finals in their former club 's absence from the competition .last season 's disastrous campaign under david moyes saw united miss out on europe 's premier competition for the first time in 19 years , with patrice evra and javier hernandez members of the failing squad .javier hernandez scored the winner for real madrid against atletico .\n", - "manchester united have six ex-players in champions league semi-finalsjavier hernandez scored the winner for real madrid against atletico madridpaul pogba , carlos tevez and patrice evra play for italian side juventuscristiano ronaldo set up hernandez 's goal for real madrid on wednesdaybarcelona 's gerard pique helped keep out paris saint-germainhernandez was the hero for madrid but he will need to find a new home\n", - "[1.268426 1.2645222 1.1383988 1.2332008 1.0474286 1.1493806 1.0798819\n", - " 1.0986109 1.1422689 1.160512 1.1083902 1.0776798 1.0447178 1.0135833\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 9 5 8 2 10 7 6 11 4 12 13 15 14 16]\n", - "=======================\n", - "[\"the white house was stalling for time on wednesday as talks with iran over its nuclear program threatened to stretch into another day of overtime .president barack obama 's spokesman refused to give reporters an update on the status of the meetings or scheduling , saying he would leave those announcements to negotiators .speculation was swirling on wednesday afternoon that representatives from the six countries , including the u.s. , participating in the switzerland-based discussions with iran in were on the verge of making a deal as french foreign minister laurent fabius rushed back to lausanne .\"]\n", - "=======================\n", - "[\"president barack obama 's spokesman refused to give reporters an update on the status of the meetings or scheduling` the sense that we have is yes , that the talks continue to be productive and that progress is being made , ' he saidspeculation was swirling wednesday that negotiators were on the verge of a breakthrough as the french foreign minister rushed back to switzerlandwhite house would n't talk about next steps if a deal could not be reached but admitted that a ` military option ' was on the table as well as sanctions\"]\n", - "the white house was stalling for time on wednesday as talks with iran over its nuclear program threatened to stretch into another day of overtime .president barack obama 's spokesman refused to give reporters an update on the status of the meetings or scheduling , saying he would leave those announcements to negotiators .speculation was swirling on wednesday afternoon that representatives from the six countries , including the u.s. , participating in the switzerland-based discussions with iran in were on the verge of making a deal as french foreign minister laurent fabius rushed back to lausanne .\n", - "president barack obama 's spokesman refused to give reporters an update on the status of the meetings or scheduling` the sense that we have is yes , that the talks continue to be productive and that progress is being made , ' he saidspeculation was swirling wednesday that negotiators were on the verge of a breakthrough as the french foreign minister rushed back to switzerlandwhite house would n't talk about next steps if a deal could not be reached but admitted that a ` military option ' was on the table as well as sanctions\n", - "[1.2926512 1.2780106 1.1148871 1.3154719 1.0993742 1.1881266 1.237146\n", - " 1.1666267 1.0430425 1.1664362 1.0818337 1.0680507 1.094311 1.0369478\n", - " 1.018464 1.0096232 0. ]\n", - "\n", - "[ 3 0 1 6 5 7 9 2 4 12 10 11 8 13 14 15 16]\n", - "=======================\n", - "['ambitious : boris johnson admitted last night he hopes to be considered to lead the conservative party after david cameron .the london mayor , pressed on his leadership ambitions by sky news anchor kay burley , insisted the position would not become vacant for five years .mr johnson , running to become mp in uxbridge and south ruislip , has long been tipped as a future leader of the party , most recently by mr cameron .']\n", - "=======================\n", - "['boris johnson said he hopes to be considered for tory leadership after pmbut london mayor insisted position would not become vacant for 5 yearsdavid cameron named mr johnson as one of three potential successors']\n", - "ambitious : boris johnson admitted last night he hopes to be considered to lead the conservative party after david cameron .the london mayor , pressed on his leadership ambitions by sky news anchor kay burley , insisted the position would not become vacant for five years .mr johnson , running to become mp in uxbridge and south ruislip , has long been tipped as a future leader of the party , most recently by mr cameron .\n", - "boris johnson said he hopes to be considered for tory leadership after pmbut london mayor insisted position would not become vacant for 5 yearsdavid cameron named mr johnson as one of three potential successors\n", - "[1.3524344 1.3710802 1.2103517 1.3297483 1.2015269 1.1059974 1.1044841\n", - " 1.0999281 1.1235579 1.11053 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 8 9 5 6 7 15 10 11 12 13 14 16]\n", - "=======================\n", - "[\"dyke was given one of a limited edition of parmigiani watches by the brazilian fa during a fifa congress meeting in sao paulo during the world cup - with 65 handed out in goodie bags totalling more than # 1million .fifa has announced that football association chairman greg dyke has returned a # 16,000 watch he was given as a gift .when the watches were recalled , dyke initially refused to hand his back having promised to donate it to the fa 's official charity partner , breast cancer care , so that it could be auctioned .\"]\n", - "=======================\n", - "['65 parmigiani watches given to fifa delegates at world cup in brazilfifa ethics committee ordered the watch be given backgreg dyke did not give his back as he wanted to auction it for charitydyke has now given the watch back with all 65 to be donated to charity']\n", - "dyke was given one of a limited edition of parmigiani watches by the brazilian fa during a fifa congress meeting in sao paulo during the world cup - with 65 handed out in goodie bags totalling more than # 1million .fifa has announced that football association chairman greg dyke has returned a # 16,000 watch he was given as a gift .when the watches were recalled , dyke initially refused to hand his back having promised to donate it to the fa 's official charity partner , breast cancer care , so that it could be auctioned .\n", - "65 parmigiani watches given to fifa delegates at world cup in brazilfifa ethics committee ordered the watch be given backgreg dyke did not give his back as he wanted to auction it for charitydyke has now given the watch back with all 65 to be donated to charity\n", - "[1.2367855 1.3260998 1.2988048 1.2253444 1.1837935 1.1463827 1.1234121\n", - " 1.0885652 1.0790993 1.095587 1.0301046 1.0471106 1.0828888 1.1121546\n", - " 1.0223982 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 5 6 13 9 7 12 8 11 10 14 18 15 16 17 19]\n", - "=======================\n", - "['they say the system is open to abuse and many oversubscribed schools reject non-churchgoing families even though they may live nearby .many christian schools give priority to families who regularly attend services , a practice which they say preserves their faith ethos .church of england schools should stop selecting pupils on faith because it discriminates against the poor , a group of vicars has claimed .']\n", - "=======================\n", - "['group of vicars say coe schools should stop selecting pupils on faithmany christian schools give priority to those who regularly attend churchbut vicars argue the system is open to abuse and oversubscribed schools may reject non-churchgoing families even though they may live nearbyclergymen said affluent parents were more likely to cheat the system by going to church just to get their children into a high-performing coe school']\n", - "they say the system is open to abuse and many oversubscribed schools reject non-churchgoing families even though they may live nearby .many christian schools give priority to families who regularly attend services , a practice which they say preserves their faith ethos .church of england schools should stop selecting pupils on faith because it discriminates against the poor , a group of vicars has claimed .\n", - "group of vicars say coe schools should stop selecting pupils on faithmany christian schools give priority to those who regularly attend churchbut vicars argue the system is open to abuse and oversubscribed schools may reject non-churchgoing families even though they may live nearbyclergymen said affluent parents were more likely to cheat the system by going to church just to get their children into a high-performing coe school\n", - "[1.1899486 1.3080655 1.3171359 1.1971536 1.1605759 1.0944604 1.2438958\n", - " 1.0826131 1.125377 1.0879195 1.0373462 1.1047826 1.090185 1.064401\n", - " 1.0286808 1.0175937 1.0317441 1.0094677 1.0080912 1.0543306]\n", - "\n", - "[ 2 1 6 3 0 4 8 11 5 12 9 7 13 19 10 16 14 15 17 18]\n", - "=======================\n", - "['the skier teamed up with the red bull media house and starelation to create the unusual stunt , using coloured powder packed into the poles he swerved around .but talented marcel hirscher added a little extra flare to his downhill slalom run by bringing the pistes alive with a colourful display .said the four times world champion skier , marcel hirscher']\n", - "=======================\n", - "['the austrian skier worked with the team at red bull to create the multi-coloured skiing videopoles filled with biodegradable powder were positioned on an enhanced slope , which erupted as he went passedit took six gopros , two phantom cameras and three red epic dragon cameras to capture the event']\n", - "the skier teamed up with the red bull media house and starelation to create the unusual stunt , using coloured powder packed into the poles he swerved around .but talented marcel hirscher added a little extra flare to his downhill slalom run by bringing the pistes alive with a colourful display .said the four times world champion skier , marcel hirscher\n", - "the austrian skier worked with the team at red bull to create the multi-coloured skiing videopoles filled with biodegradable powder were positioned on an enhanced slope , which erupted as he went passedit took six gopros , two phantom cameras and three red epic dragon cameras to capture the event\n", - "[1.2856597 1.4604939 1.2109077 1.2139173 1.1804258 1.360981 1.149747\n", - " 1.04346 1.058883 1.0215362 1.0223753 1.0397358 1.032137 1.0163757\n", - " 1.0500575 1.0276278 1.0810362 1.131027 1.1084379 1.0421126]\n", - "\n", - "[ 1 5 0 3 2 4 6 17 18 16 8 14 7 19 11 12 15 10 9 13]\n", - "=======================\n", - "[\"the row broke out between andrea trunfio , 36 , and mario bretti , 64 , after the former allegedly tried to muscle in on mr bretti 's patch .an italian ice cream man pursued his older rival in his van and then punched him through the driver 's window in a turf war over ` stealing ' customers from a new housing development .mr bretti said his competitor chased him along a busy road before cutting him off at a junction and blocking him with his van .\"]\n", - "=======================\n", - "[\"row broke out between andrea trunfio , 36 , and mario bretti , 64 , last julyargument was over ownership of a new housing development in wiltshiremr bretti said rival cut him off and then punched him through windowtrunfio was handed a 12 month community order at magistrates ' court\"]\n", - "the row broke out between andrea trunfio , 36 , and mario bretti , 64 , after the former allegedly tried to muscle in on mr bretti 's patch .an italian ice cream man pursued his older rival in his van and then punched him through the driver 's window in a turf war over ` stealing ' customers from a new housing development .mr bretti said his competitor chased him along a busy road before cutting him off at a junction and blocking him with his van .\n", - "row broke out between andrea trunfio , 36 , and mario bretti , 64 , last julyargument was over ownership of a new housing development in wiltshiremr bretti said rival cut him off and then punched him through windowtrunfio was handed a 12 month community order at magistrates ' court\n", - "[1.3092678 1.3434331 1.31478 1.1663474 1.3412474 1.0721871 1.0376387\n", - " 1.1280776 1.0723132 1.0836151 1.0124978 1.0134419 1.0127295 1.0711434\n", - " 1.0476398 1.0609608 1.0775136 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 0 3 7 9 16 8 5 13 15 14 6 11 12 10 18 17 19]\n", - "=======================\n", - "[\"after hearing positive stories about the benefits of using the controversial treatment , the 32-year-old cairns man decided to give cannabis oil to his daughter who is battling a rare form of cancer called neuroblastoma .the father has been charged for treating his 2-year-old daughter with medical cannabis oildespite his claims that it improved her condition , the father , who can not be named for legal reasons but has been nicknamed ` fearless father ' , was charged with administering a dangerous drug to a minor and was refused access to his sick daughter .\"]\n", - "=======================\n", - "['a cairns man faces court after giving his daughter medical cannabis oiltwo-year-old daughter is suffering from a rare form of cancerthe 30-year-old father claims the effects of the cannabis were miraculoushe was arrested for administering the drug to his daughterhe has since set up a campaign to highlight his situation']\n", - "after hearing positive stories about the benefits of using the controversial treatment , the 32-year-old cairns man decided to give cannabis oil to his daughter who is battling a rare form of cancer called neuroblastoma .the father has been charged for treating his 2-year-old daughter with medical cannabis oildespite his claims that it improved her condition , the father , who can not be named for legal reasons but has been nicknamed ` fearless father ' , was charged with administering a dangerous drug to a minor and was refused access to his sick daughter .\n", - "a cairns man faces court after giving his daughter medical cannabis oiltwo-year-old daughter is suffering from a rare form of cancerthe 30-year-old father claims the effects of the cannabis were miraculoushe was arrested for administering the drug to his daughterhe has since set up a campaign to highlight his situation\n", - "[1.0990815 1.4445915 1.3155544 1.2315754 1.2547581 1.1066314 1.0707847\n", - " 1.0203407 1.2844136 1.0223413 1.1225154 1.2285271 1.1035628 1.0730474\n", - " 1.0414027 1.0337112 1.0068835 1.013391 0. 0. ]\n", - "\n", - "[ 1 2 8 4 3 11 10 5 12 0 13 6 14 15 9 7 17 16 18 19]\n", - "=======================\n", - "[\"yet the duchess of cambridge has been dismissed as an ` uneventful ' dresser by leading author margaret atwood .and most controversially , the 75-year-old said kate has n't lived up to the fashion icon reputation of her husband 's late mother , princess diana .miss atwood said she thinks the duchess is cautious when it comes to clothes and is told what to wear by advisers .\"]\n", - "=======================\n", - "[\"author margaret atwood dismissed katherine as an ` uneventful ' dressershe says duchess of cambridge has n't lived up to fashion icon dianamiss atwood says kate is cautious when it comes to clothing\"]\n", - "yet the duchess of cambridge has been dismissed as an ` uneventful ' dresser by leading author margaret atwood .and most controversially , the 75-year-old said kate has n't lived up to the fashion icon reputation of her husband 's late mother , princess diana .miss atwood said she thinks the duchess is cautious when it comes to clothes and is told what to wear by advisers .\n", - "author margaret atwood dismissed katherine as an ` uneventful ' dressershe says duchess of cambridge has n't lived up to fashion icon dianamiss atwood says kate is cautious when it comes to clothing\n", - "[1.2909002 1.2154379 1.3743961 1.2248826 1.3405703 1.0314794 1.1449203\n", - " 1.0849662 1.1656537 1.1245666 1.0129384 1.0135367 1.092356 1.0159379\n", - " 1.0467244 1.009773 1.0141013 1.0774164 1.1292385]\n", - "\n", - "[ 2 4 0 3 1 8 6 18 9 12 7 17 14 5 13 16 11 10 15]\n", - "=======================\n", - "[\"it was bumper-to-bumper all up the i-65 in louisville for president obama 's visit to the city to tour a technology plant and give a speech about the economy , worsened because obama had been caught up in washington d.c.a kentucky woman was forced to give birth on interstate 65 on thursday while stuck in traffic waiting for the presidential motorcade to pass .jessica brown was on her way to hospital with her husband , zakk satterley , when the couple realized , in standstill traffic , they were n't going to make it .\"]\n", - "=======================\n", - "[\"jessica brown and husband zakk satterly were en route to hospital tuesday when they became stuck in standstill on the i-65 in louisvillethe roads were closed for the presidential motorcadebrown went into labor , and a nurse , tonia vetter , quickly came to her aidthe baby was born ` quickly ' in the traffican ambulance was able to get through and transport them to hospital\"]\n", - "it was bumper-to-bumper all up the i-65 in louisville for president obama 's visit to the city to tour a technology plant and give a speech about the economy , worsened because obama had been caught up in washington d.c.a kentucky woman was forced to give birth on interstate 65 on thursday while stuck in traffic waiting for the presidential motorcade to pass .jessica brown was on her way to hospital with her husband , zakk satterley , when the couple realized , in standstill traffic , they were n't going to make it .\n", - "jessica brown and husband zakk satterly were en route to hospital tuesday when they became stuck in standstill on the i-65 in louisvillethe roads were closed for the presidential motorcadebrown went into labor , and a nurse , tonia vetter , quickly came to her aidthe baby was born ` quickly ' in the traffican ambulance was able to get through and transport them to hospital\n", - "[1.4757444 1.1828381 1.2667907 1.1709528 1.1480769 1.1133108 1.1421603\n", - " 1.0710051 1.0517695 1.0937356 1.0432868 1.0162129 1.0765831 1.0322367\n", - " 1.0360041 1.0680082 1.0599893 0. 0. ]\n", - "\n", - "[ 0 2 1 3 4 6 5 9 12 7 15 16 8 10 14 13 11 17 18]\n", - "=======================\n", - "['( cnn ) the palestinian authority officially became the 123rd member of the international criminal court on wednesday , a step that gives the court jurisdiction over alleged crimes in palestinian territories .the formal accession was marked with a ceremony at the hague , in the netherlands , where the court is based .as members of the court , palestinians may be subject to counter-charges as well .']\n", - "=======================\n", - "['membership gives the icc jurisdiction over alleged crimes committed in palestinian territories since last juneisrael and the united states opposed the move , which could open the door to war crimes investigations against israelis']\n", - "( cnn ) the palestinian authority officially became the 123rd member of the international criminal court on wednesday , a step that gives the court jurisdiction over alleged crimes in palestinian territories .the formal accession was marked with a ceremony at the hague , in the netherlands , where the court is based .as members of the court , palestinians may be subject to counter-charges as well .\n", - "membership gives the icc jurisdiction over alleged crimes committed in palestinian territories since last juneisrael and the united states opposed the move , which could open the door to war crimes investigations against israelis\n", - "[1.1110636 1.3187507 1.3437006 1.1990316 1.159883 1.264939 1.0973241\n", - " 1.0379876 1.1798193 1.0610063 1.0474616 1.0942612 1.1021103 1.0179591\n", - " 1.0201088 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 5 3 8 4 0 12 6 11 9 10 7 14 13 17 15 16 18]\n", - "=======================\n", - "[\"they were all placed on the 1904 blacklist after four convictions under the inebriates act of 1898 .in fact , they were the drunkards banned from every boozer in birmingham for a string of crimes including drink-driving a steam engine , riding a horse while drunk and being intoxicated to the point of ` complete incompetence ' .the list was then sent to landlords who were not allowed to sell them alcohol .\"]\n", - "=======================\n", - "[\"archives reveal list of drunkards banned from every pub in birminghamwere all put on the 1904 blacklist after convictions under inebriates actlist was then sent to landlords who were not allowed to sell them boozeoffenders were also ordered to work up to 21 days of ` hard labour '\"]\n", - "they were all placed on the 1904 blacklist after four convictions under the inebriates act of 1898 .in fact , they were the drunkards banned from every boozer in birmingham for a string of crimes including drink-driving a steam engine , riding a horse while drunk and being intoxicated to the point of ` complete incompetence ' .the list was then sent to landlords who were not allowed to sell them alcohol .\n", - "archives reveal list of drunkards banned from every pub in birminghamwere all put on the 1904 blacklist after convictions under inebriates actlist was then sent to landlords who were not allowed to sell them boozeoffenders were also ordered to work up to 21 days of ` hard labour '\n", - "[1.4206983 1.3931552 1.193817 1.2030964 1.1847517 1.1379967 1.2058947\n", - " 1.053975 1.0855305 1.0990666 1.0587966 1.0884721 1.1124693 1.0549253\n", - " 1.0091714 1.010189 0. 0. 0. ]\n", - "\n", - "[ 0 1 6 3 2 4 5 12 9 11 8 10 13 7 15 14 17 16 18]\n", - "=======================\n", - "['( cnn ) the mother of a quadriplegic man who police say was left in the woods for days can not be extradited to face charges in philadelphia until she completes an unspecified \" treatment , \" maryland police said monday .citing federal health care privacy laws , montgomery county police spokesman capt. paul starks said he could not divulge why parler was receiving treatment , but he said she had to complete it before she could be extradited .a man walking through the woods found him friday \" lying in leaves , covered in a blanket with a bible and a wheelchair nearby , \" philadelphia police say .']\n", - "=======================\n", - "['mother must complete \" treatment \" before she can be extradited , maryland police saymom told police son was with her in maryland , but he was found friday alone in woodsvictim being treated for malnutrition , dehydration ; mother faces host of charges after extradition']\n", - "( cnn ) the mother of a quadriplegic man who police say was left in the woods for days can not be extradited to face charges in philadelphia until she completes an unspecified \" treatment , \" maryland police said monday .citing federal health care privacy laws , montgomery county police spokesman capt. paul starks said he could not divulge why parler was receiving treatment , but he said she had to complete it before she could be extradited .a man walking through the woods found him friday \" lying in leaves , covered in a blanket with a bible and a wheelchair nearby , \" philadelphia police say .\n", - "mother must complete \" treatment \" before she can be extradited , maryland police saymom told police son was with her in maryland , but he was found friday alone in woodsvictim being treated for malnutrition , dehydration ; mother faces host of charges after extradition\n", - "[1.1823093 1.4394426 1.3927813 1.3242726 1.118187 1.1492549 1.0520494\n", - " 1.2518535 1.0213997 1.1011696 1.105402 1.015926 1.0996785 1.0811198\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 7 0 5 4 10 9 12 13 6 8 11 17 14 15 16 18]\n", - "=======================\n", - "['on wednesday virgin australia launched complimentary food on all flights across the australian domestic network .the latest introduction of free food will be part of a package that will also include free checked baggage on all domestic flights , which will complement the free in-flight entertainment on offer already .virgin australia chief customer officer , mark hassell confirmed this saying virgin australia was committed to maintaining an excellent service and to continue to put customers first .']\n", - "=======================\n", - "['virgin australia launches complimentary food on all domestic flightspackage will also include free checked baggage on all local flightsfood and beverage service tailored to time of day and duration of journeymove also includes free checked baggage on all domestic flights']\n", - "on wednesday virgin australia launched complimentary food on all flights across the australian domestic network .the latest introduction of free food will be part of a package that will also include free checked baggage on all domestic flights , which will complement the free in-flight entertainment on offer already .virgin australia chief customer officer , mark hassell confirmed this saying virgin australia was committed to maintaining an excellent service and to continue to put customers first .\n", - "virgin australia launches complimentary food on all domestic flightspackage will also include free checked baggage on all local flightsfood and beverage service tailored to time of day and duration of journeymove also includes free checked baggage on all domestic flights\n", - "[1.2338138 1.2702775 1.2359433 1.214811 1.2106459 1.136891 1.1959882\n", - " 1.0880777 1.0666825 1.1204126 1.0451146 1.0562705 1.0767162 1.131537\n", - " 1.0246087 1.0126288 1.0743141 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 6 5 13 9 7 12 16 8 11 10 14 15 18 17 19]\n", - "=======================\n", - "[\"power giant e.on has been ordered to pay a # 7.75 million penalty after it ripped off customers who were switching to rivals .the money will go to citizens advice to fund the organisation 's work helping those trying to cut their energy bills .e.on effectively overcharged thousands who decided to move to other suppliers after it announced price rises in january 2013 and again in early 2014 .\"]\n", - "=======================\n", - "[\"firm to pay citizens advice # 7.75 m after incorrectly imposing exit feesrefunds for 40,000 customers affected in january 2013 and january 2014ofgem brands e.on ` absolutely unacceptable ' for failing to protect clients\"]\n", - "power giant e.on has been ordered to pay a # 7.75 million penalty after it ripped off customers who were switching to rivals .the money will go to citizens advice to fund the organisation 's work helping those trying to cut their energy bills .e.on effectively overcharged thousands who decided to move to other suppliers after it announced price rises in january 2013 and again in early 2014 .\n", - "firm to pay citizens advice # 7.75 m after incorrectly imposing exit feesrefunds for 40,000 customers affected in january 2013 and january 2014ofgem brands e.on ` absolutely unacceptable ' for failing to protect clients\n", - "[1.4134828 1.3013681 1.0709922 1.450223 1.321949 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 4 1 2 17 16 15 14 13 12 9 10 18 8 7 6 5 11 19]\n", - "=======================\n", - "[\"chelsea midfielder oriol romeu , currently on loan at stuttgart , predicts the scores for the weekend 's matchesromeu is currently on a season-long loan at bundesliga side stuttgartthe standout fixture in the league on saturday sees leaders chelsea welcome manchester united to stamford bridge , while aston villa and liverpool clash at wembley in the fa cup semi-final .\"]\n", - "=======================\n", - "[\"oriol romeu is on a season-long loan at stuttgart from chelseathe spanish midfielder predicts the scores in saturday 's matchesromeu goes head-to-head with sportsmail 's martin keown\"]\n", - "chelsea midfielder oriol romeu , currently on loan at stuttgart , predicts the scores for the weekend 's matchesromeu is currently on a season-long loan at bundesliga side stuttgartthe standout fixture in the league on saturday sees leaders chelsea welcome manchester united to stamford bridge , while aston villa and liverpool clash at wembley in the fa cup semi-final .\n", - "oriol romeu is on a season-long loan at stuttgart from chelseathe spanish midfielder predicts the scores in saturday 's matchesromeu goes head-to-head with sportsmail 's martin keown\n", - "[1.1973859 1.427371 1.2610673 1.2207181 1.2123802 1.1779338 1.1786758\n", - " 1.0736501 1.0910438 1.1054446 1.0293583 1.2128563 1.0551783 1.0385495\n", - " 1.0511816 1.0280801 1.0236683 1.0457249 1.012773 1.0066707]\n", - "\n", - "[ 1 2 3 11 4 0 6 5 9 8 7 12 14 17 13 10 15 16 18 19]\n", - "=======================\n", - "[\"dave heeley , 57 , from west bromwich , ran the gruelling challenge over six days as he battled through sand dunes , dried river beds and rocks .the super-fit father-of-three , known affectionately by his friends as ` blind dave ' , took part in the marathon des sables where competitors carry provisions on their backs and temperatures can rise to 50 degrees .completed : mr heeley finished the ` toughest foot race on earth ' on friday after running almost 160 miles\"]\n", - "=======================\n", - "[\"dave heeley , 57 , completed the 156-mile marathon des sables on fridaythe father-of-three known as ` blind dave ' is the first blind man to do sohe previously finished the seven magnificent marathons challenge in 2008\"]\n", - "dave heeley , 57 , from west bromwich , ran the gruelling challenge over six days as he battled through sand dunes , dried river beds and rocks .the super-fit father-of-three , known affectionately by his friends as ` blind dave ' , took part in the marathon des sables where competitors carry provisions on their backs and temperatures can rise to 50 degrees .completed : mr heeley finished the ` toughest foot race on earth ' on friday after running almost 160 miles\n", - "dave heeley , 57 , completed the 156-mile marathon des sables on fridaythe father-of-three known as ` blind dave ' is the first blind man to do sohe previously finished the seven magnificent marathons challenge in 2008\n", - "[1.3760115 1.3861272 1.3047333 1.0903667 1.2951369 1.2109301 1.2205738\n", - " 1.2071035 1.0624862 1.0332137 1.1436455 1.0736887 1.0630299 1.0278176\n", - " 1.0346893 1.0312866 1.0165511 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 6 5 7 10 3 11 12 8 14 9 15 13 16 18 17 19]\n", - "=======================\n", - "[\"the chelsea owner , who frequently visits tel aviv on business , is expected to convert the 19th century building into his israeli home .roman abramovich has bought tel aviv 's varsano hotel for 100million israeli shekels ( # 17.1 m ) .covering 1,500 square metres , the hotel complex is listed as a preserved building .\"]\n", - "=======================\n", - "[\"chelsea owner roman abramovich has bought a new # 17.1 m propertyhe has bought tel aviv 's varsano hotel to convert into his israeli homethe hotel is listed as a preserved building and covers 1,500 square metres\"]\n", - "the chelsea owner , who frequently visits tel aviv on business , is expected to convert the 19th century building into his israeli home .roman abramovich has bought tel aviv 's varsano hotel for 100million israeli shekels ( # 17.1 m ) .covering 1,500 square metres , the hotel complex is listed as a preserved building .\n", - "chelsea owner roman abramovich has bought a new # 17.1 m propertyhe has bought tel aviv 's varsano hotel to convert into his israeli homethe hotel is listed as a preserved building and covers 1,500 square metres\n", - "[1.4502903 1.1770966 1.4323938 1.3036005 1.2838476 1.1335101 1.0697925\n", - " 1.0702364 1.0930265 1.0558692 1.0602831 1.0845671 1.0416856 1.0121574\n", - " 1.0117921 1.0412798 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 4 1 5 8 11 7 6 10 9 12 15 13 14 16 17 18 19]\n", - "=======================\n", - "[\"margaret gretton has been banned from classrooms for labelling an asian job applicant ` taliban ' and calling special needs pupils ` roadkill 'margaret gretton , 46 , has been barred indefinitely from the profession after she referred to the applicant as a member of the terror group and talked of ` bombs and blowing up the school ' in an asian accent .a disciplinary panel of the national college for teaching and leadership in coventry ruled ms gretton ` exhibited clear intolerance on the grounds of race , as well as disability ' .\"]\n", - "=======================\n", - "[\"margaret gretton , 46 , has been barred indefinitely from the professionshe was headteacher of burton joyce primary school in nottinghamshe talked of ` bombs and blowing up the school ' in an asian accentdisciplinary panel concluded she ` exhibited clear intolerance on the grounds of race , as well as disability '\"]\n", - "margaret gretton has been banned from classrooms for labelling an asian job applicant ` taliban ' and calling special needs pupils ` roadkill 'margaret gretton , 46 , has been barred indefinitely from the profession after she referred to the applicant as a member of the terror group and talked of ` bombs and blowing up the school ' in an asian accent .a disciplinary panel of the national college for teaching and leadership in coventry ruled ms gretton ` exhibited clear intolerance on the grounds of race , as well as disability ' .\n", - "margaret gretton , 46 , has been barred indefinitely from the professionshe was headteacher of burton joyce primary school in nottinghamshe talked of ` bombs and blowing up the school ' in an asian accentdisciplinary panel concluded she ` exhibited clear intolerance on the grounds of race , as well as disability '\n", - "[1.3818513 1.3537712 1.3601168 1.2530416 1.1853864 1.3355772 1.1277068\n", - " 1.0659288 1.0750504 1.0747291 1.1302735 1.1008333 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 5 3 4 10 6 11 8 9 7 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"richard henyekane , a former south africa striker , was killed in a car crash early tuesday , his club and the country 's premier soccer league have confirmed .henyekane made nine appearances for south africa in 2009 .henyekane 's club , free state stars , said the 31-year-old player was traveling with four other people in the vehicle but was the only person to die in the crash .\"]\n", - "=======================\n", - "['richard henyekane died in car accident in the early hours of tuesdaythe former south africa striker was the only person to die in the crashhenyekane made nine appearances for south africa back in 2009']\n", - "richard henyekane , a former south africa striker , was killed in a car crash early tuesday , his club and the country 's premier soccer league have confirmed .henyekane made nine appearances for south africa in 2009 .henyekane 's club , free state stars , said the 31-year-old player was traveling with four other people in the vehicle but was the only person to die in the crash .\n", - "richard henyekane died in car accident in the early hours of tuesdaythe former south africa striker was the only person to die in the crashhenyekane made nine appearances for south africa back in 2009\n", - "[1.1928933 1.487685 1.2660977 1.2570543 1.250691 1.0575368 1.156566\n", - " 1.088567 1.0836079 1.0625455 1.0388358 1.0229139 1.0558745 1.0768019\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - " 1.0736054 1.1881458 1.0440168 1.067861 1.100926 1.0278056]\n", - "\n", - "[ 1 2 3 4 0 15 6 18 7 8 13 14 17 9 5 12 16 10 19 11]\n", - "=======================\n", - "[\"xie hong feng was found dead after falling five floors down an empty elevator shaft in her apartment block in ningbo city in china .her neighbour and property manager yang shao told police the 45-year-old had been pushed by her toddler son , the people 's daily online reported .her three-year-old son has been accused of pushing her by the property 's manager - but there is no cctv evidence of the accident\"]\n", - "=======================\n", - "[\"three-year-old accused of murder by the apartment block managerxie hong feng had dropped her keys through the gap of the lift and floorneighbour yang claims toddler pushed her - but there 's no other evidence\"]\n", - "xie hong feng was found dead after falling five floors down an empty elevator shaft in her apartment block in ningbo city in china .her neighbour and property manager yang shao told police the 45-year-old had been pushed by her toddler son , the people 's daily online reported .her three-year-old son has been accused of pushing her by the property 's manager - but there is no cctv evidence of the accident\n", - "three-year-old accused of murder by the apartment block managerxie hong feng had dropped her keys through the gap of the lift and floorneighbour yang claims toddler pushed her - but there 's no other evidence\n", - "[1.6425304 1.1980231 1.0919544 1.307472 1.1848196 1.2668688 1.1154639\n", - " 1.1440672 1.0463077 1.0488224 1.1079246 1.1531594 1.0746408 1.049434\n", - " 1.0328894 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 5 1 4 11 7 6 10 2 12 13 9 8 14 15 16 17 18 19]\n", - "=======================\n", - "[\"celta vigo forward fabian orellana has been handed a one-match ban by the spanish football federation following his straight-red card for throwing grass at barcelona midfielder sergio busquets , the club has confirmed on their official website .fabian orellana collects a lump of grass from the ground before throwing it towards sergio busquetsthe celta vigo striker aims his throw in busquets ' direction during the closing stages of the match\"]\n", - "=======================\n", - "[\"fabian orellana was angered by sergio busquets ' time-wasting tacticsthe celta vigo striker threw lump of turf towards the barca midfielderorellana will now serve a one-match ban for his antics and will miss celta 's next game against grenada on wednesday\"]\n", - "celta vigo forward fabian orellana has been handed a one-match ban by the spanish football federation following his straight-red card for throwing grass at barcelona midfielder sergio busquets , the club has confirmed on their official website .fabian orellana collects a lump of grass from the ground before throwing it towards sergio busquetsthe celta vigo striker aims his throw in busquets ' direction during the closing stages of the match\n", - "fabian orellana was angered by sergio busquets ' time-wasting tacticsthe celta vigo striker threw lump of turf towards the barca midfielderorellana will now serve a one-match ban for his antics and will miss celta 's next game against grenada on wednesday\n", - "[1.0963782 1.1972566 1.4694166 1.1940956 1.1531609 1.0858741 1.1697557\n", - " 1.0423989 1.0536467 1.0706633 1.096228 1.0547795 1.0804787 1.071351\n", - " 1.0526227 1.1883494 1.0627688 1.0516036 0. 0. ]\n", - "\n", - "[ 2 1 3 15 6 4 0 10 5 12 13 9 16 11 8 14 17 7 18 19]\n", - "=======================\n", - "['the pup was filmed squeaking and squawking after meeting a young husky dog and attempting to bark at its new companion .at least , that seemed to be the case for one young shibu inu , who caused hilarity with a somewhat chatty display at an american kennel club centre .captured on video , the puppies are held in the air by their respective handlers and one of the dogs makes a high-pitched whining sound .']\n", - "=======================\n", - "['the shibu inu puppy has the impromptu chat with a huskybegins vocalising with a yappy bark while the husky whinesamerican kennel club staff try to pacify the excited shibu inushibu inu runs in the air in an attempt to get closer to husky']\n", - "the pup was filmed squeaking and squawking after meeting a young husky dog and attempting to bark at its new companion .at least , that seemed to be the case for one young shibu inu , who caused hilarity with a somewhat chatty display at an american kennel club centre .captured on video , the puppies are held in the air by their respective handlers and one of the dogs makes a high-pitched whining sound .\n", - "the shibu inu puppy has the impromptu chat with a huskybegins vocalising with a yappy bark while the husky whinesamerican kennel club staff try to pacify the excited shibu inushibu inu runs in the air in an attempt to get closer to husky\n", - "[1.4913628 1.2922809 1.3176705 1.2706318 1.1081507 1.0839459 1.1445403\n", - " 1.1136945 1.0607781 1.0558856 1.0899286 1.1420616 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 6 11 7 4 10 5 8 9 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"world no 5 caroline wozniacki was invited to the white house on monday to take part in the annual easter egg roll and played tennis with us president barack obama .the event was broadcast on the popular talk show live !the danish ace participated in this year 's themed #gimmefive campaign aimed at promoting more active and healthy lifestyles among american people .\"]\n", - "=======================\n", - "['caroline wozniacki played tennis with us president barack obama as part of the #gimmegive campaign at the annual easter egg rollthe campaign aimed at promoting more active and healthy lifestyles among american people involved several celebritiesthe event was broadcast on the popular american talk show live !']\n", - "world no 5 caroline wozniacki was invited to the white house on monday to take part in the annual easter egg roll and played tennis with us president barack obama .the event was broadcast on the popular talk show live !the danish ace participated in this year 's themed #gimmefive campaign aimed at promoting more active and healthy lifestyles among american people .\n", - "caroline wozniacki played tennis with us president barack obama as part of the #gimmegive campaign at the annual easter egg rollthe campaign aimed at promoting more active and healthy lifestyles among american people involved several celebritiesthe event was broadcast on the popular american talk show live !\n", - "[1.3488749 1.3089921 1.3504597 1.1323489 1.0317078 1.0246919 1.1418207\n", - " 1.229256 1.161649 1.1244037 1.1527392 1.0432144 1.0500793 1.0628724\n", - " 1.0313585 1.0260664 0. ]\n", - "\n", - "[ 2 0 1 7 8 10 6 3 9 13 12 11 4 14 15 5 16]\n", - "=======================\n", - "[\"taking the stand against charlie bothuell iv and monique dillard-bothuell on tuesday , charlie bothuell , who was 12 when he was found in the basement , described the horrors of his home life .a 13-year-old boy who was allegedly locked in a basement for 11 days has testified against his father and stepmother in court , saying his home was a ` very terrible ' place where he was often beaten with a plastic pipe , forced to rise before dawn for workouts and isolated from other children .he revealed his treatment was so horrific , he attempted suicide in a bid to escape his parents ' torture .\"]\n", - "=======================\n", - "[\"charlie bothuell , now 13 , was discovered in detroit basement last juneblanket , cereal box and a bowl of chicken bones were in room with himon tuesday , charlie testified in court against his father and stepmothersaid home was ` very terrible place to be ' where he was regularly beatenclaimed he was tormented with workouts and isolated from other kidshe attempted suicide in bid to escape abusive conditions , he told courtit is first time charlie has spoken publicly since he was found by policehearing is meant to determine if there is enough evidence to send the youngster 's father and stepmother to trial for ` torture and child abuse '\"]\n", - "taking the stand against charlie bothuell iv and monique dillard-bothuell on tuesday , charlie bothuell , who was 12 when he was found in the basement , described the horrors of his home life .a 13-year-old boy who was allegedly locked in a basement for 11 days has testified against his father and stepmother in court , saying his home was a ` very terrible ' place where he was often beaten with a plastic pipe , forced to rise before dawn for workouts and isolated from other children .he revealed his treatment was so horrific , he attempted suicide in a bid to escape his parents ' torture .\n", - "charlie bothuell , now 13 , was discovered in detroit basement last juneblanket , cereal box and a bowl of chicken bones were in room with himon tuesday , charlie testified in court against his father and stepmothersaid home was ` very terrible place to be ' where he was regularly beatenclaimed he was tormented with workouts and isolated from other kidshe attempted suicide in bid to escape abusive conditions , he told courtit is first time charlie has spoken publicly since he was found by policehearing is meant to determine if there is enough evidence to send the youngster 's father and stepmother to trial for ` torture and child abuse '\n", - "[1.0676888 1.1026133 1.417643 1.3964999 1.1368254 1.1999863 1.060578\n", - " 1.1075926 1.1192502 1.0801454 1.0431957 1.0447252 1.0286844 1.046471\n", - " 1.0675192 0. 0. ]\n", - "\n", - "[ 2 3 5 4 8 7 1 9 0 14 6 13 11 10 12 15 16]\n", - "=======================\n", - "[\"starting at the very bottom of the chocolate egg scale is the mini solid egg , around four of them equate to 550 kilojules .after eating only four mini solid chocolate eggs that contain 550 kilojules you 'll need to run for at least 40 minutes to melt the calories awaya man weighing in at around 80 kilograms could achieve the same in 30 minutes .\"]\n", - "=======================\n", - "[\"a balanced diet can get harder to achieve around the holiday timesto keep healthy it 's important to maintain regular exerciseto burn off four mini easter eggs you 'll need to exercise for 40 minutesa large easter bunny would have you on the squash court for 3 hoursthose who eat hot cross buns would spend an hour hitting the pavement\"]\n", - "starting at the very bottom of the chocolate egg scale is the mini solid egg , around four of them equate to 550 kilojules .after eating only four mini solid chocolate eggs that contain 550 kilojules you 'll need to run for at least 40 minutes to melt the calories awaya man weighing in at around 80 kilograms could achieve the same in 30 minutes .\n", - "a balanced diet can get harder to achieve around the holiday timesto keep healthy it 's important to maintain regular exerciseto burn off four mini easter eggs you 'll need to exercise for 40 minutesa large easter bunny would have you on the squash court for 3 hoursthose who eat hot cross buns would spend an hour hitting the pavement\n", - "[1.3794196 1.3754702 1.2084627 1.334204 1.4301796 1.2299043 1.1309156\n", - " 1.1866633 1.0309238 1.0151699 1.0211793 1.0166295 1.0208433 1.017277\n", - " 1.0942469 1.1108825 0. ]\n", - "\n", - "[ 4 0 1 3 5 2 7 6 15 14 8 10 12 13 11 9 16]\n", - "=======================\n", - "[\"sarah thomas is set to become the nfl 's first full-time female official after refereeing college gamesthe 42-year-old mother-of-three from mississippi has officiated pre-season games as a line judge .the los angeles times reported that thomas will be one of eight new officials for the 2015 season .\"]\n", - "=======================\n", - "[\"thomas set to be named as one of eight new referees for the 2015 seasonthe married mother-of-three has regularly officiated college gamesthomas was the first woman to officiate an ncaa game in 2007she has also spent time in the nfl 's developmental program for officials\"]\n", - "sarah thomas is set to become the nfl 's first full-time female official after refereeing college gamesthe 42-year-old mother-of-three from mississippi has officiated pre-season games as a line judge .the los angeles times reported that thomas will be one of eight new officials for the 2015 season .\n", - "thomas set to be named as one of eight new referees for the 2015 seasonthe married mother-of-three has regularly officiated college gamesthomas was the first woman to officiate an ncaa game in 2007she has also spent time in the nfl 's developmental program for officials\n", - "[1.2362115 1.3800906 1.2061027 1.1790931 1.2650614 1.1074437 1.1244982\n", - " 1.0755665 1.0607796 1.0814099 1.1063098 1.0349466 1.0949404 1.0896881\n", - " 1.04886 1.0699426 1.049344 ]\n", - "\n", - "[ 1 4 0 2 3 6 5 10 12 13 9 7 15 8 16 14 11]\n", - "=======================\n", - "['the prevention of terrorism act - passed in the capital kuala lumpur yesterday - officially enables authorities to detain suspected terrorists for two years without charge or trial .rise : malaysian police said in january they had arrested a total of 120 people with suspected links or sympathies to the islamic state terror group ( pictured ) , or who had sought to travel to war-torn syria or iraqmalaysia has passed a controversial terror law aimed at tackling growing support for islamic state extremists in the country in a move opponents denounced as a harsh blow for civil rights .']\n", - "=======================\n", - "[\"law allows police to hold suspects for two years without charge or trialgovernment-appointed terror board can then decide to grant an extensionopponents and human rights groups said the bill was ` open to abuse ' and represents ' a giant step backwards for human rights 'law has been introduced to combat the growing threat of isis in malaysia\"]\n", - "the prevention of terrorism act - passed in the capital kuala lumpur yesterday - officially enables authorities to detain suspected terrorists for two years without charge or trial .rise : malaysian police said in january they had arrested a total of 120 people with suspected links or sympathies to the islamic state terror group ( pictured ) , or who had sought to travel to war-torn syria or iraqmalaysia has passed a controversial terror law aimed at tackling growing support for islamic state extremists in the country in a move opponents denounced as a harsh blow for civil rights .\n", - "law allows police to hold suspects for two years without charge or trialgovernment-appointed terror board can then decide to grant an extensionopponents and human rights groups said the bill was ` open to abuse ' and represents ' a giant step backwards for human rights 'law has been introduced to combat the growing threat of isis in malaysia\n", - "[1.3709462 1.237158 1.2497052 1.1619292 1.3940048 1.1571487 1.1875536\n", - " 1.0995047 1.0780634 1.0630887 1.0546484 1.1037445 1.0214982 1.0149678\n", - " 1.0124007 1.123719 0. ]\n", - "\n", - "[ 4 0 2 1 6 3 5 15 11 7 8 9 10 12 13 14 16]\n", - "=======================\n", - "[\"manuel pellegrini says the academy players at manchester city are not ready for the first teampremier league regulations require clubs to carry at least eight homegrown players , which can include youngsters who have spent three of their formative years at an english club .in the week that liverpool 's raheem sterling spoke about his unwillingness to agree a new contract at anfield , pellegrini 's comments suggest that city may look to invest heavily in other teams ' homegrown talent this summer .\"]\n", - "=======================\n", - "['manuel pellegrini believes his youth players are not ready for the first-teamhis homegrown quote will be depleted when frank lamapard leavespellegrini may lose james milner , forcing him to invest in home talent']\n", - "manuel pellegrini says the academy players at manchester city are not ready for the first teampremier league regulations require clubs to carry at least eight homegrown players , which can include youngsters who have spent three of their formative years at an english club .in the week that liverpool 's raheem sterling spoke about his unwillingness to agree a new contract at anfield , pellegrini 's comments suggest that city may look to invest heavily in other teams ' homegrown talent this summer .\n", - "manuel pellegrini believes his youth players are not ready for the first-teamhis homegrown quote will be depleted when frank lamapard leavespellegrini may lose james milner , forcing him to invest in home talent\n", - "[1.3027674 1.4019724 1.3937812 1.1618629 1.1264151 1.138892 1.1479597\n", - " 1.1809776 1.1022873 1.0165056 1.0273155 1.0943031 1.1052809 1.0653558\n", - " 1.0563593 1.0672847 1.0181664 0. 0. ]\n", - "\n", - "[ 1 2 0 7 3 6 5 4 12 8 11 15 13 14 10 16 9 17 18]\n", - "=======================\n", - "[\"the 77-year-old wrote the letters from his bed at ashworth psychiatric hospital in merseyside .brady was jailed for life in 1966 after torturing and killing five children with his then-girlfriend myra hindley .moors murderer ian brady has revealed he is a ukip supporter and thinks david dimbleby is an ` establishment dumpling ' .\"]\n", - "=======================\n", - "[\"77-year-old wrote letters from his bed at ashworth hospital in merseysidehopes ukip will ` decimate ' the other political parties in general electionbranded david dimbleby an ` establishment dumpling ' in the rantmurdered five children in 1960s and buried bodies on saddleworth moorhe hopes that ukip will ` decimate ' the other political parties in the general election , describing david cameron 's views as ` the usual mob-pleasing pr drivel expected from such bovines ' .the political leaders are unworthy of ` even being assassinated ' .voters must choose between ` public school millionaires ' or a ` refugee , privileged german jew ' - an offensive and inaccurate reference to ed miliband , whose belgian father fled the nazis .after ` half-a-century 's imprisonment ' , he believes most professional criminals are tory voters .branded question time ` for the dumb ' with the ` same old party hacks ' and labelled host david dimbleby an ` establishment dumpling ' .claims he does not like the bbc and stopped reading newspapers in 1998 - instead getting his information from al jazeera .\"]\n", - "the 77-year-old wrote the letters from his bed at ashworth psychiatric hospital in merseyside .brady was jailed for life in 1966 after torturing and killing five children with his then-girlfriend myra hindley .moors murderer ian brady has revealed he is a ukip supporter and thinks david dimbleby is an ` establishment dumpling ' .\n", - "77-year-old wrote letters from his bed at ashworth hospital in merseysidehopes ukip will ` decimate ' the other political parties in general electionbranded david dimbleby an ` establishment dumpling ' in the rantmurdered five children in 1960s and buried bodies on saddleworth moorhe hopes that ukip will ` decimate ' the other political parties in the general election , describing david cameron 's views as ` the usual mob-pleasing pr drivel expected from such bovines ' .the political leaders are unworthy of ` even being assassinated ' .voters must choose between ` public school millionaires ' or a ` refugee , privileged german jew ' - an offensive and inaccurate reference to ed miliband , whose belgian father fled the nazis .after ` half-a-century 's imprisonment ' , he believes most professional criminals are tory voters .branded question time ` for the dumb ' with the ` same old party hacks ' and labelled host david dimbleby an ` establishment dumpling ' .claims he does not like the bbc and stopped reading newspapers in 1998 - instead getting his information from al jazeera .\n", - "[1.1365881 1.5225899 1.2465382 1.3180699 1.3815706 1.0757854 1.1323164\n", - " 1.0833479 1.0564699 1.0152174 1.1576424 1.1053184 1.0139357 1.0171901\n", - " 1.0251054 1.0966033 1.0615973 1.0568249 1.027029 ]\n", - "\n", - "[ 1 4 3 2 10 0 6 11 15 7 5 16 17 8 18 14 13 9 12]\n", - "=======================\n", - "['father-of-two shiraz nawaz said he felt lucky to be alive after the 15-foot flames shot out of the manhole just seconds after he had walked over it in a busy street in the west midlands .the 36-year-old had been on his way to his local takeaway when he heard buzzing from the ground just a few feet behind him .this is the incredible moment a man narrowly missed being burnt alive by a massive fireball which erupted from the pavement .']\n", - "=======================\n", - "['shiraz nawaz felt lucky to be alive after the flames shot out the manholethe fire erupted just moments after he walked over it in the busy streetincredibly no-one was hurt in the incident after nawaz evacuated the area']\n", - "father-of-two shiraz nawaz said he felt lucky to be alive after the 15-foot flames shot out of the manhole just seconds after he had walked over it in a busy street in the west midlands .the 36-year-old had been on his way to his local takeaway when he heard buzzing from the ground just a few feet behind him .this is the incredible moment a man narrowly missed being burnt alive by a massive fireball which erupted from the pavement .\n", - "shiraz nawaz felt lucky to be alive after the flames shot out the manholethe fire erupted just moments after he walked over it in the busy streetincredibly no-one was hurt in the incident after nawaz evacuated the area\n", - "[1.5435141 1.3324033 1.2627997 1.0512539 1.2852829 1.1047974 1.0689812\n", - " 1.0655773 1.1824113 1.1047846 1.0961672 1.0536299 1.0186117 1.0095623\n", - " 1.0231208 1.0512304 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 8 5 9 10 6 7 11 3 15 14 12 13 17 16 18]\n", - "=======================\n", - "['javier hernandez made it six goals in eight starts as real madrid kept up their pursuit of barcelona at the top of la liga with a 4-2 win over celta vigo .chicharito is currently scoring a goal every 83 minutes with a scoring ratio that is only two minutes short of leo messi who nets once every 81 minutes .javier hernandez scored two more important goals for real madrid as they look to keep up with barcelona in the quest for the la liga crown']\n", - "=======================\n", - "[\"javier hernandez scored twice to keep real madrid in touching distance of la liga leaders barcelonachicharito is scoring a goal every 83 minutes with a scoring ratio that is only two minutes short of lionel messireal went a goal down in the opening minutes following a surprise goal from celta vigo 's nolitotoni kroos equalised for the visitors and hernandez doubled real 's scoring with a goal in the 24th minutealthough the home side levelled four minutes later the tie was put to bed after goals from james rodriguez and another from hernandez\"]\n", - "javier hernandez made it six goals in eight starts as real madrid kept up their pursuit of barcelona at the top of la liga with a 4-2 win over celta vigo .chicharito is currently scoring a goal every 83 minutes with a scoring ratio that is only two minutes short of leo messi who nets once every 81 minutes .javier hernandez scored two more important goals for real madrid as they look to keep up with barcelona in the quest for the la liga crown\n", - "javier hernandez scored twice to keep real madrid in touching distance of la liga leaders barcelonachicharito is scoring a goal every 83 minutes with a scoring ratio that is only two minutes short of lionel messireal went a goal down in the opening minutes following a surprise goal from celta vigo 's nolitotoni kroos equalised for the visitors and hernandez doubled real 's scoring with a goal in the 24th minutealthough the home side levelled four minutes later the tie was put to bed after goals from james rodriguez and another from hernandez\n", - "[1.3650906 1.4246732 1.1790779 1.3611689 1.1777346 1.108882 1.1709645\n", - " 1.0257025 1.0237519 1.0269578 1.0310436 1.0541836 1.0751907 1.030926\n", - " 1.020398 1.0184695 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 6 5 12 11 10 13 9 7 8 14 15 16 17 18]\n", - "=======================\n", - "[\"nine months after smith received a one-week suspension for claiming women can play a role in provoking men into violence , smith tried to to claim that boxer floyd mayweather jr 's career should be looked at separate from his domestic violence history .broadcaster stephen a. smith has once again taken a controversial stance on domestic violence on espn 's first take .in the discussion , he told fellow anchor cari champion that he understood why she disagreed with his stance because she was a woman and ` should feel that way ' .\"]\n", - "=======================\n", - "[\"stephen a. smith said floyd mayweather jr 's boxing career should be looked at as separate from his domestic violence historymayweather has been convicted twice for domestic violence in the pastsmith said that people are ` lumping all of this other stuff that floyd mayweather allegedly has done ' , which sheds a bad light on himco-anchor cari champion said she has ` an issue with how he treats women period outside the ring 'smith said she holds that position because she 's a woman and that as a boxing fan , he looks at ` two dudes strictly in the boxing ring '\"]\n", - "nine months after smith received a one-week suspension for claiming women can play a role in provoking men into violence , smith tried to to claim that boxer floyd mayweather jr 's career should be looked at separate from his domestic violence history .broadcaster stephen a. smith has once again taken a controversial stance on domestic violence on espn 's first take .in the discussion , he told fellow anchor cari champion that he understood why she disagreed with his stance because she was a woman and ` should feel that way ' .\n", - "stephen a. smith said floyd mayweather jr 's boxing career should be looked at as separate from his domestic violence historymayweather has been convicted twice for domestic violence in the pastsmith said that people are ` lumping all of this other stuff that floyd mayweather allegedly has done ' , which sheds a bad light on himco-anchor cari champion said she has ` an issue with how he treats women period outside the ring 'smith said she holds that position because she 's a woman and that as a boxing fan , he looks at ` two dudes strictly in the boxing ring '\n", - "[1.2407819 1.4995179 1.2488699 1.197989 1.3499701 1.0762296 1.0368845\n", - " 1.0214901 1.058474 1.0961301 1.0915208 1.1621722 1.0232072 1.0540013\n", - " 1.0177857 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 0 3 11 9 10 5 8 13 6 12 7 14 17 15 16 18]\n", - "=======================\n", - "[\"danielle and alexander meitiv have been cited multiple times for allowing their son rafi , 10 , and daughter dvora , 6 , roam free in their suburban neighborhood .but the meitivs , both of them scientists , say authorities crossed a line over the weekend when they picked up rafi and dvora and held them nearly six hours without food before allowing them to reunite with their parents .two maryland parents whose hands-off ` free-range ' parenting got their children picked up by police yet again on sunday are now vowing to file a lawsuit .\"]\n", - "=======================\n", - "[\"police seized rafi , 10 , and dvora , 6 , in a maryland park on sunday and their parents say they were n't reunited by cps for hoursscientists danielle and alexander meitiv believe in ` free range parenting ' meaning the children are afforded total independence from infancythe meitivs were found guilty of neglect in march .\"]\n", - "danielle and alexander meitiv have been cited multiple times for allowing their son rafi , 10 , and daughter dvora , 6 , roam free in their suburban neighborhood .but the meitivs , both of them scientists , say authorities crossed a line over the weekend when they picked up rafi and dvora and held them nearly six hours without food before allowing them to reunite with their parents .two maryland parents whose hands-off ` free-range ' parenting got their children picked up by police yet again on sunday are now vowing to file a lawsuit .\n", - "police seized rafi , 10 , and dvora , 6 , in a maryland park on sunday and their parents say they were n't reunited by cps for hoursscientists danielle and alexander meitiv believe in ` free range parenting ' meaning the children are afforded total independence from infancythe meitivs were found guilty of neglect in march .\n", - "[1.2957035 1.4939779 1.2366827 1.211678 1.1404514 1.2967148 1.1386284\n", - " 1.0937649 1.0801038 1.0202749 1.036718 1.0138918 1.0906441 1.0305575\n", - " 1.027847 1.0428591 1.0232383 1.1204739 1.0606681 1.062928 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 5 0 2 3 4 6 17 7 12 8 19 18 15 10 13 14 16 9 11 20 21 22]\n", - "=======================\n", - "[\"rachael bishop , 19 , was working an afternoon shift at the ice cream chain 's lynnwood store when a man wearing a baseball cap and sunglasses came in , unzipped his jacket and showed her he had a gun .this is the moment a heroic teenage baskin robbins employee in washington punched an armed robber as he tried to steal money from the cash register .as the man reached into the till , bishop tried to swat his hand away .\"]\n", - "=======================\n", - "[\"rachael bishop , 19 , at first pleaded with the man when he ordered her to hand over all the money in the lynnwood , washington storebut as he ignored her and reached into the till she punched him in the head multiple timeshe punched her back and stole $ 280 but she still chased after himother people saw bishop tailing the robber and followed , helping police arrest the man - who was a wanted felon for forgerybishop said she loves her bosses and fighting back was ` just a reaction '\"]\n", - "rachael bishop , 19 , was working an afternoon shift at the ice cream chain 's lynnwood store when a man wearing a baseball cap and sunglasses came in , unzipped his jacket and showed her he had a gun .this is the moment a heroic teenage baskin robbins employee in washington punched an armed robber as he tried to steal money from the cash register .as the man reached into the till , bishop tried to swat his hand away .\n", - "rachael bishop , 19 , at first pleaded with the man when he ordered her to hand over all the money in the lynnwood , washington storebut as he ignored her and reached into the till she punched him in the head multiple timeshe punched her back and stole $ 280 but she still chased after himother people saw bishop tailing the robber and followed , helping police arrest the man - who was a wanted felon for forgerybishop said she loves her bosses and fighting back was ` just a reaction '\n", - "[1.547147 1.0823201 1.4587085 1.1667993 1.0749774 1.4840891 1.182402\n", - " 1.0508778 1.0856186 1.026795 1.0568389 1.0272504 1.0193241 1.1469617\n", - " 1.0510826 1.01699 1.0138934 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 5 2 6 3 13 8 1 4 10 14 7 11 9 12 15 16 21 17 18 19 20 22]\n", - "=======================\n", - "[\"charlie adam stunned the premier league with a goal from his own half in stoke 's clash with chelsea on saturday evening .beckham celebrated the final goal in 3-0 win for united on the opening day of the 1996-97 seasonthibaut courtois was left helpless also his chelsea side eventually went on to win 2-1\"]\n", - "=======================\n", - "['charlie adam stunned the premier league with a goal from his own halfstoke midfielder struck the equaliser in a 2-1 defeat at chelseadavid beckham and xabi alonso have also hit famous wonder-strikes']\n", - "charlie adam stunned the premier league with a goal from his own half in stoke 's clash with chelsea on saturday evening .beckham celebrated the final goal in 3-0 win for united on the opening day of the 1996-97 seasonthibaut courtois was left helpless also his chelsea side eventually went on to win 2-1\n", - "charlie adam stunned the premier league with a goal from his own halfstoke midfielder struck the equaliser in a 2-1 defeat at chelseadavid beckham and xabi alonso have also hit famous wonder-strikes\n", - "[1.1264298 1.2558469 1.5029688 1.1265066 1.0849068 1.2913423 1.0322953\n", - " 1.0245245 1.0582759 1.031652 1.071438 1.0286834 1.0331783 1.1459144\n", - " 1.0484931 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 5 1 13 3 0 4 10 8 14 12 6 9 11 7 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"appearing under a fictional name to remain anonymous , chef jacques lamerde - which roughly translates to ` jack sh -- ' - the account pokes fun at high-end dining by dressing up cheap , fattening , convenience store goods to look like fancy gastronomic creations .that 's the question followers of a clever new instagram account are asking themselves , after taking a harder look at the deceiving dishes being served up online .gastronomic : this creation was called ` bugs on a stick ' and features raisins on a celery stick with cheez whiz and kale shreds\"]\n", - "=======================\n", - "[\"anonymous instagram account called chef jacques lamerde is poking fun at high-end diningpictures feature artistically arranged funk food , such as dunk-a-roos and cheez whizthe account has over 18,000 followerspictures are elaborately captioned : ` featuring a palate cleansing shot of fermented lake michigan water '\"]\n", - "appearing under a fictional name to remain anonymous , chef jacques lamerde - which roughly translates to ` jack sh -- ' - the account pokes fun at high-end dining by dressing up cheap , fattening , convenience store goods to look like fancy gastronomic creations .that 's the question followers of a clever new instagram account are asking themselves , after taking a harder look at the deceiving dishes being served up online .gastronomic : this creation was called ` bugs on a stick ' and features raisins on a celery stick with cheez whiz and kale shreds\n", - "anonymous instagram account called chef jacques lamerde is poking fun at high-end diningpictures feature artistically arranged funk food , such as dunk-a-roos and cheez whizthe account has over 18,000 followerspictures are elaborately captioned : ` featuring a palate cleansing shot of fermented lake michigan water '\n", - "[1.0393676 1.0455899 1.0321498 1.0794574 1.0457432 1.1113017 1.1126423\n", - " 1.178807 1.3701744 1.1969295 1.1505808 1.0360765 1.0519183 1.0819464\n", - " 1.0685395 1.0813285 1.0220711 1.0252815 1.0174276 1.0153632 1.0153993\n", - " 1.0132228 1.0479019]\n", - "\n", - "[ 8 9 7 10 6 5 13 15 3 14 12 22 4 1 0 11 2 17 16 18 20 19 21]\n", - "=======================\n", - "['unknown : wigry national park , in north-east poland , is the furthest outreach of the masurian lakesthen a friend suggested a back-to-nature break in poland .my last choices all ended in teenage snits .']\n", - "=======================\n", - "[\"poland 's cities are tourism favourites - but its lake district is less knownwigry national park , in the north-east , is one of poland 's prettiest areasencompassing part of the masurian lakes , it is great for family breaks\"]\n", - "unknown : wigry national park , in north-east poland , is the furthest outreach of the masurian lakesthen a friend suggested a back-to-nature break in poland .my last choices all ended in teenage snits .\n", - "poland 's cities are tourism favourites - but its lake district is less knownwigry national park , in the north-east , is one of poland 's prettiest areasencompassing part of the masurian lakes , it is great for family breaks\n", - "[1.2717148 1.3803372 1.236615 1.319207 1.0746415 1.173619 1.1083719\n", - " 1.015228 1.0659738 1.040526 1.1050272 1.2734733 1.0123092 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 11 0 2 5 6 10 4 8 9 7 12 20 19 18 17 13 15 14 21 16 22]\n", - "=======================\n", - "[\"sarah hulbert , of auburn , wrote in her complaint that she was treated differently from her male co-workers during her time as an executive assistant at bates college in lewiston and was fired for having ` no pizzazz . 'bates president : the ex-assistant to bates college president clayton a. spencer ( pictured ) claims that the president fired her because she would n't job with her or watch chick flicksa woman who worked briefly for the president of a maine college has filed a discrimination lawsuit against the school , alleging she was expected to play tennis , jog and watch ` chick flicks ' with her female boss .\"]\n", - "=======================\n", - "[\"sarah hulbert claims she was treated differently from her male co-workers during her time as an executive assistant at bates college in lewistonhulbert claims that bates president a. clayton spencer expected her to jog , play tennis , and watch chick flicksa bates spokesman said in a statement that ` the college strongly disagrees with the allegations ' and will defend itself in court\"]\n", - "sarah hulbert , of auburn , wrote in her complaint that she was treated differently from her male co-workers during her time as an executive assistant at bates college in lewiston and was fired for having ` no pizzazz . 'bates president : the ex-assistant to bates college president clayton a. spencer ( pictured ) claims that the president fired her because she would n't job with her or watch chick flicksa woman who worked briefly for the president of a maine college has filed a discrimination lawsuit against the school , alleging she was expected to play tennis , jog and watch ` chick flicks ' with her female boss .\n", - "sarah hulbert claims she was treated differently from her male co-workers during her time as an executive assistant at bates college in lewistonhulbert claims that bates president a. clayton spencer expected her to jog , play tennis , and watch chick flicksa bates spokesman said in a statement that ` the college strongly disagrees with the allegations ' and will defend itself in court\n", - "[1.2320241 1.1791847 1.4222488 1.1337265 1.1663809 1.1323246 1.2591212\n", - " 1.1204488 1.0593439 1.2353318 1.0262858 1.016705 1.033851 1.1344936\n", - " 1.0945317 1.0107502 1.0202594 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 6 9 0 1 4 13 3 5 7 14 8 12 10 16 11 15 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"transport for london ( tfl ) has revealed that the controversial posters around the london underground , featuring a bikini-clad model called renee somerfield are being removed .the advertising standards authority has also received more than 200 complaints from people saying that the adverts promote an unhealthy body image .campaigners against the new protein world ` are you beach body ready ? '\"]\n", - "=======================\n", - "[\"transport for london are removing ` are you beach body ready ? 'tfl say protein world has come to end of three-week ad placement perioda rally has been organised against protein world in hyde park on may 2\"]\n", - "transport for london ( tfl ) has revealed that the controversial posters around the london underground , featuring a bikini-clad model called renee somerfield are being removed .the advertising standards authority has also received more than 200 complaints from people saying that the adverts promote an unhealthy body image .campaigners against the new protein world ` are you beach body ready ? '\n", - "transport for london are removing ` are you beach body ready ? 'tfl say protein world has come to end of three-week ad placement perioda rally has been organised against protein world in hyde park on may 2\n", - "[1.2225468 1.3880761 1.1867088 1.3788695 1.2270935 1.1222968 1.1028217\n", - " 1.0830637 1.0758474 1.0659515 1.0563965 1.0676955 1.0978054 1.0634581\n", - " 1.0430269 1.0148742 1.0872357 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 0 2 5 6 12 16 7 8 11 9 13 10 14 15 23 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"new haven superior court judge thomas o'keefe jr. ruled monday that 49-year-old lishan wang should be sent to connecticut valley hospital for treatment .lishan wang was charged with murder in the shooting of yale university doctor vajinder toor outside his home in april 2010a former doctor charged with killing a yale university physician he once worked with has been found incompetent to stand trial for the second time .\"]\n", - "=======================\n", - "[\"lishan wang was charged with murder in the shooting of dr. vajinder toor outside his home in april 2010in 2010 wang was originally ruled incompetent , but he was restored to competency after being treated at connecticut valley hospitala second evaluation was ordered earlier this year after the public defender 's office asked the court to terminate wang 's self-representationmental health experts said wang displayed ` paranoid thinking 'they said he was ` guarded and suspicious ' when discussing a relationship with court-appointed lawyerswang , who represented himself at the hearing , is due back in court in may\"]\n", - "new haven superior court judge thomas o'keefe jr. ruled monday that 49-year-old lishan wang should be sent to connecticut valley hospital for treatment .lishan wang was charged with murder in the shooting of yale university doctor vajinder toor outside his home in april 2010a former doctor charged with killing a yale university physician he once worked with has been found incompetent to stand trial for the second time .\n", - "lishan wang was charged with murder in the shooting of dr. vajinder toor outside his home in april 2010in 2010 wang was originally ruled incompetent , but he was restored to competency after being treated at connecticut valley hospitala second evaluation was ordered earlier this year after the public defender 's office asked the court to terminate wang 's self-representationmental health experts said wang displayed ` paranoid thinking 'they said he was ` guarded and suspicious ' when discussing a relationship with court-appointed lawyerswang , who represented himself at the hearing , is due back in court in may\n", - "[1.1468735 1.1110764 1.0636337 1.2874764 1.1950805 1.1652958 1.1816597\n", - " 1.2725394 1.2023635 1.0246292 1.0546262 1.0336947 1.0429971 1.0429903\n", - " 1.0664893 1.0423867 1.0394759 1.0462911 1.0450013 1.044315 1.036316\n", - " 1.0437607 1.0549865 1.0526705 1.0425378]\n", - "\n", - "[ 3 7 8 4 6 5 0 1 14 2 22 10 23 17 18 19 21 12 13 24 15 16 20 11\n", - " 9]\n", - "=======================\n", - "[\"in the bowels of teotihuacan , a mysterious ancient city thathope : mexican archaeologist sergio gomez has been excavating a pre-aztec pyramid in teotihuacan , mexico , for six years and came across ` large quantities ' of liquid mercury earlier this monthunderground : gomez announced on friday that he found the liquid mercury in a chamber at the end of a tunnel ( pictured ) that had been sealed off for more than 1,800 years\"]\n", - "=======================\n", - "[\"mexican archaeologist found mercury in chamber of teotihuacan pyramidthe chamber had been sealed at the end of a tunnel for nearly 1,800 yearsbecause of the potential supernatural significance of liquid mercury in rituals , archaeologist sergio gomez hopes to find king 's tomb in pyramidteotihuacan , or ` abode of the gods ' in the aztec language of nahuatl , was distinct from the mayan civilization\"]\n", - "in the bowels of teotihuacan , a mysterious ancient city thathope : mexican archaeologist sergio gomez has been excavating a pre-aztec pyramid in teotihuacan , mexico , for six years and came across ` large quantities ' of liquid mercury earlier this monthunderground : gomez announced on friday that he found the liquid mercury in a chamber at the end of a tunnel ( pictured ) that had been sealed off for more than 1,800 years\n", - "mexican archaeologist found mercury in chamber of teotihuacan pyramidthe chamber had been sealed at the end of a tunnel for nearly 1,800 yearsbecause of the potential supernatural significance of liquid mercury in rituals , archaeologist sergio gomez hopes to find king 's tomb in pyramidteotihuacan , or ` abode of the gods ' in the aztec language of nahuatl , was distinct from the mayan civilization\n", - "[1.5481708 1.2395028 1.3156828 1.3243556 1.138665 1.1201303 1.0599163\n", - " 1.0377064 1.0385618 1.1075768 1.0142225 1.0450404 1.0581881 1.0108563\n", - " 1.0131981 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 4 5 9 6 12 11 8 7 10 14 13 23 15 16 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "['it may have taken 170 minutes to come but super sub yevhen shakhov earned dnipro a place in the europa league semi-finals after breaking brugge hearts with a late winner on thursday night .yevhen shakhov broke the deadlock in the final 10 minutes with a left-footed drive that took a slight deflectionthe belgian league leaders set the record for most europa league games unbeaten after the stalemate took them to 11 without loss since the opening game of the group stage earlier this season .']\n", - "=======================\n", - "[\"dnipro beat brugge 1-0 in ukraine to earn place in europa league last fouryevhen shakhov scored the tie 's only goal in the 82nd minute on thursdaythe first leg between the two sides finished goalless in belgium last week\"]\n", - "it may have taken 170 minutes to come but super sub yevhen shakhov earned dnipro a place in the europa league semi-finals after breaking brugge hearts with a late winner on thursday night .yevhen shakhov broke the deadlock in the final 10 minutes with a left-footed drive that took a slight deflectionthe belgian league leaders set the record for most europa league games unbeaten after the stalemate took them to 11 without loss since the opening game of the group stage earlier this season .\n", - "dnipro beat brugge 1-0 in ukraine to earn place in europa league last fouryevhen shakhov scored the tie 's only goal in the 82nd minute on thursdaythe first leg between the two sides finished goalless in belgium last week\n", - "[1.4114468 1.4135134 1.2847853 1.4416606 1.260785 1.0831292 1.0308453\n", - " 1.0153917 1.0186828 1.0177392 1.047127 1.0252867 1.019849 1.020495\n", - " 1.0255052 1.0137888 1.0131958 1.016382 1.274699 1.0773431 1.0189949\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 2 18 4 5 19 10 6 14 11 13 12 20 8 9 17 7 15 16 21 22 23\n", - " 24]\n", - "=======================\n", - "['rangers winger david templeton is full of praise for the impact of new boss stuart mccallthe ibrox winger claimed stuart mccall had brought a brand of coaching and tactical preparation he felt was lacking under the previous management .david templeton has delivered a damning critique of the training-ground methods deployed at rangers by ally mccoist and kenny mcdowall .']\n", - "=======================\n", - "[\"rangers winger david templeton is full of praise for the impact of new boss stuart mccallhe feels that the new regime is far better than that under ally mccoist and kenny mcdowalltempleton has singled out a new-found intensity and more astute tactics as reasons behind the recent upturn in fortunes at ibroxrangers go into saturday 's game with championship title-winners hearts off the back of two consecutive wins\"]\n", - "rangers winger david templeton is full of praise for the impact of new boss stuart mccallthe ibrox winger claimed stuart mccall had brought a brand of coaching and tactical preparation he felt was lacking under the previous management .david templeton has delivered a damning critique of the training-ground methods deployed at rangers by ally mccoist and kenny mcdowall .\n", - "rangers winger david templeton is full of praise for the impact of new boss stuart mccallhe feels that the new regime is far better than that under ally mccoist and kenny mcdowalltempleton has singled out a new-found intensity and more astute tactics as reasons behind the recent upturn in fortunes at ibroxrangers go into saturday 's game with championship title-winners hearts off the back of two consecutive wins\n", - "[1.4861894 1.1459846 1.5098085 1.288504 1.1190689 1.0866907 1.2212117\n", - " 1.1270789 1.0510198 1.0271871 1.0139322 1.0333712 1.0248189 1.0210854\n", - " 1.0150654 1.0200571 1.0280452 1.1776085 1.0867736 1.0669664 1.0403637]\n", - "\n", - "[ 2 0 3 6 17 1 7 4 18 5 19 8 20 11 16 9 12 13 15 14 10]\n", - "=======================\n", - "['luca railton was born with bones missing from his legs , due to the rare condition bilateral tibial hemimelia .luca railton , 11 , was told he would never walk - but has now taken his first steps unaideddoctors said the condition - which affects just one in three million people - meant he would to have his right leg amputated or fused straight .']\n", - "=======================\n", - "['luca railton was born with leg bones missing due to a medical conditionin february 2014 , doctors said he would need to have his leg amputatedbut his family raised # 135k to take him to the us for surgery insteadnow , he is able to walk unaided and is happy he can wear skinny jeans']\n", - "luca railton was born with bones missing from his legs , due to the rare condition bilateral tibial hemimelia .luca railton , 11 , was told he would never walk - but has now taken his first steps unaideddoctors said the condition - which affects just one in three million people - meant he would to have his right leg amputated or fused straight .\n", - "luca railton was born with leg bones missing due to a medical conditionin february 2014 , doctors said he would need to have his leg amputatedbut his family raised # 135k to take him to the us for surgery insteadnow , he is able to walk unaided and is happy he can wear skinny jeans\n", - "[1.2827432 1.3951983 1.303861 1.127841 1.2638178 1.1030774 1.0914192\n", - " 1.1593674 1.057896 1.0976163 1.1022418 1.0620136 1.0604092 1.1763282\n", - " 1.0234854 1.093936 1.0317595 1.0283449 1.0528305 1.0572484 1.1075091]\n", - "\n", - "[ 1 2 0 4 13 7 3 20 5 10 9 15 6 11 12 8 19 18 16 17 14]\n", - "=======================\n", - "['coast guard ships came to the aid of five boats in the southern mediterranean on saturday and managed to save all passengers .the rescues were made as newly released figures show an increase of 43 per cent of migrant arrivals into the eu via italy on the same period last year .the 1,500 migrants were rescued on saturday by two coast']\n", - "=======================\n", - "['some 1,500 migrants were rescued by coast guards in 24 hoursthe migrants were picked up from five boats in the mediterraneanarrivals are up 43 per cent this year versus same period in 2014']\n", - "coast guard ships came to the aid of five boats in the southern mediterranean on saturday and managed to save all passengers .the rescues were made as newly released figures show an increase of 43 per cent of migrant arrivals into the eu via italy on the same period last year .the 1,500 migrants were rescued on saturday by two coast\n", - "some 1,500 migrants were rescued by coast guards in 24 hoursthe migrants were picked up from five boats in the mediterraneanarrivals are up 43 per cent this year versus same period in 2014\n", - "[1.3323909 1.4563892 1.3312654 1.3305132 1.2334583 1.066573 1.0351644\n", - " 1.0395193 1.052713 1.0379927 1.0131416 1.0503691 1.013075 1.0172884\n", - " 1.0197972 1.2207822 1.0168879 1.0178046 1.1845962 1.0760541 0. ]\n", - "\n", - "[ 1 0 2 3 4 15 18 19 5 8 11 7 9 6 14 17 13 16 10 12 20]\n", - "=======================\n", - "[\"the massive fire started last wednesday and took more than 24 hours to put out .a former commander of the metropolitan police 's elite flying squad has said the hatton garden gem heist could be linked to the huge underground fire which ripped through london last week .john o'connor , a highly experienced former police detective , has claimed the major power outage and the proximity of the multi-million burglary was far more than a coincidence .\"]\n", - "=======================\n", - "[\"the holborn fire broke out on wednesday just 500 metres from the vaultraiders entered the hatton garden vault some time over the weekendan alarm sounded on good friday , but the vault was not checkedformer flying squad chief john o'connor believes there could be a link\"]\n", - "the massive fire started last wednesday and took more than 24 hours to put out .a former commander of the metropolitan police 's elite flying squad has said the hatton garden gem heist could be linked to the huge underground fire which ripped through london last week .john o'connor , a highly experienced former police detective , has claimed the major power outage and the proximity of the multi-million burglary was far more than a coincidence .\n", - "the holborn fire broke out on wednesday just 500 metres from the vaultraiders entered the hatton garden vault some time over the weekendan alarm sounded on good friday , but the vault was not checkedformer flying squad chief john o'connor believes there could be a link\n", - "[1.3413805 1.4704629 1.1538903 1.2379959 1.1274129 1.0227028 1.0650759\n", - " 1.1584016 1.2063919 1.1706474 1.0320215 1.0275235 1.0756814 1.042739\n", - " 1.0324062 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 8 9 7 2 4 12 6 13 14 10 11 5 19 15 16 17 18 20]\n", - "=======================\n", - "[\"the winner of 2013 's strictly come dancing joins singer foxes , 25 , victoria 's secret angel lily donaldson , 28 , and model alice dellal , 27 , in the new series of pictures by photographer simon emmett for fashion targets breast cancer .model abbey clancy is helping to target breast cancer , by striking a sultry pose in a new charity campaign .holding onto heaven singer foxes dons a stripy top and jeans for the campaign she says she 's ` honoured ' to be a part of\"]\n", - "=======================\n", - "[\"models abbey and lily are joined by alice dellal and singer foxesthe women are pictured ` wearing ' their supportabbey , 29 , says she is proud to be part of a campaign that funds vital workcampaign has raised # 13.5 m for breakthrough breast cancer 's research\"]\n", - "the winner of 2013 's strictly come dancing joins singer foxes , 25 , victoria 's secret angel lily donaldson , 28 , and model alice dellal , 27 , in the new series of pictures by photographer simon emmett for fashion targets breast cancer .model abbey clancy is helping to target breast cancer , by striking a sultry pose in a new charity campaign .holding onto heaven singer foxes dons a stripy top and jeans for the campaign she says she 's ` honoured ' to be a part of\n", - "models abbey and lily are joined by alice dellal and singer foxesthe women are pictured ` wearing ' their supportabbey , 29 , says she is proud to be part of a campaign that funds vital workcampaign has raised # 13.5 m for breakthrough breast cancer 's research\n", - "[1.146667 1.3608763 1.4379267 1.4669276 1.1958283 1.0346652 1.0540049\n", - " 1.0358052 1.056201 1.0171549 1.0207272 1.12673 1.1183587 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 4 0 11 12 8 6 7 5 10 9 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"jonathan keats , an experimental philosopher , hopes to capture 1,000 years of changes at a mountain range in massachusetts with his ` millennium camera 'he hopes the resulting photograph will chronicle climate change by taking a 1,000-year exposure of a western massachusetts mountain range .the camera , which is made of cooper and allows light to enter through a tiny hole and change paint inside , will create one image that keats says will display centuries of changes to the environment\"]\n", - "=======================\n", - "['jonathon keats , experimental philosopher , plans to photo holyoke rangehe hopes pinhole camera will capture the gradual environmental changes in the mountains near amherst collegecamera , which is filled with paint , will create image showing 1,000 years']\n", - "jonathan keats , an experimental philosopher , hopes to capture 1,000 years of changes at a mountain range in massachusetts with his ` millennium camera 'he hopes the resulting photograph will chronicle climate change by taking a 1,000-year exposure of a western massachusetts mountain range .the camera , which is made of cooper and allows light to enter through a tiny hole and change paint inside , will create one image that keats says will display centuries of changes to the environment\n", - "jonathon keats , experimental philosopher , plans to photo holyoke rangehe hopes pinhole camera will capture the gradual environmental changes in the mountains near amherst collegecamera , which is filled with paint , will create image showing 1,000 years\n", - "[1.0665851 1.3764676 1.2411418 1.3036656 1.2090651 1.2158433 1.2349291\n", - " 1.0667458 1.0495808 1.1571579 1.0833491 1.0475289 1.0275738 1.0853659\n", - " 1.0557407 0. 0. ]\n", - "\n", - "[ 1 3 2 6 5 4 9 13 10 7 0 14 8 11 12 15 16]\n", - "=======================\n", - "['the boxer invited compatriot adrien broner for a feast at his mansion , as he continues his preparation for the $ 300million mega-fight against manny pacquiao .floyd mayweather is willing to splash the cash in the food department by paying over $ 1,000 per dishbroner , a three-time world champion , took to instagram to show off the food on show .']\n", - "=======================\n", - "[\"chef q cooked a slap-up feast for floyd mayweather and adrien bronereach plate costs the boxer anything between $ 1,000 and $ 3,000bbq chicken , potatoes and rice were some of the foods cookedmayweather takes on manny pacquiao at the mgm in las vegas on may 2gordon ramsay offered ringside seats in exchange for post-match mealfloyd mayweather vs manny pacquiao tickets sell out within 60 secondsread : mayweather has earned over $ 400m and here 's how he spends itclick here for all the latest floyd mayweather vs manny pacquiao news\"]\n", - "the boxer invited compatriot adrien broner for a feast at his mansion , as he continues his preparation for the $ 300million mega-fight against manny pacquiao .floyd mayweather is willing to splash the cash in the food department by paying over $ 1,000 per dishbroner , a three-time world champion , took to instagram to show off the food on show .\n", - "chef q cooked a slap-up feast for floyd mayweather and adrien bronereach plate costs the boxer anything between $ 1,000 and $ 3,000bbq chicken , potatoes and rice were some of the foods cookedmayweather takes on manny pacquiao at the mgm in las vegas on may 2gordon ramsay offered ringside seats in exchange for post-match mealfloyd mayweather vs manny pacquiao tickets sell out within 60 secondsread : mayweather has earned over $ 400m and here 's how he spends itclick here for all the latest floyd mayweather vs manny pacquiao news\n", - "[1.0569987 1.5880976 1.4343731 1.4213257 1.2760273 1.1499391 1.0416372\n", - " 1.0286034 1.0219753 1.0191978 1.0865649 1.127498 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 5 11 10 0 6 7 8 9 15 12 13 14 16]\n", - "=======================\n", - "[\"for notts county star ellen white , thursday night was a night to remember as she managed both at the same time against arsenal in the women 's super league .in the 26th minute , with county having been awarded a free kick on the edge of the box , laura bassett and alex greenwood appeared to mess things up , the former almost running into the latter .as the arsenal defence relaxed , the ball was shifted for white , who span and smashed it into the corner against the club where she spent three seasons .\"]\n", - "=======================\n", - "['former arsenal star ellen white scored brilliantly against her old teamtwo county players appeared to mess up free kick , before white scoredbut white also missed a penalty as arsenal equalised']\n", - "for notts county star ellen white , thursday night was a night to remember as she managed both at the same time against arsenal in the women 's super league .in the 26th minute , with county having been awarded a free kick on the edge of the box , laura bassett and alex greenwood appeared to mess things up , the former almost running into the latter .as the arsenal defence relaxed , the ball was shifted for white , who span and smashed it into the corner against the club where she spent three seasons .\n", - "former arsenal star ellen white scored brilliantly against her old teamtwo county players appeared to mess up free kick , before white scoredbut white also missed a penalty as arsenal equalised\n", - "[1.4118599 1.3376186 1.221902 1.3476994 1.3418072 1.01929 1.0512698\n", - " 1.0460272 1.0297884 1.0650927 1.0801332 1.0324013 1.0963361 1.0752938\n", - " 1.1039861 1.0709721 1.0434303]\n", - "\n", - "[ 0 3 4 1 2 14 12 10 13 15 9 6 7 16 11 8 5]\n", - "=======================\n", - "[\"lance armstrong has said the world anti-doping agency and others are ` owed an apology ' from him for cheating during his cycling career - but noted that the agency 's chief rebuffed efforts to meet back in 2013 .wada director general david howman said this week that he was disappointed armstrong had n't apologised 'armstrong initially declined comment on howman 's remark , but on wednesday provided the ap with a may 2013 email exchange with howman , who initially indicted he could meet with armstrong , then backed off under advice from wada lawyers .\"]\n", - "=======================\n", - "[\"wada director general david howman said he was disappointed the disgraced former cyclist had n't yet apologised for drug offenceslance armstrong showed 2013 email chain attempting to meet howmanhowman broke off the email discussions after advice from lawyersarmstrong was stripped of seven tour de france wins from 1999-2005\"]\n", - "lance armstrong has said the world anti-doping agency and others are ` owed an apology ' from him for cheating during his cycling career - but noted that the agency 's chief rebuffed efforts to meet back in 2013 .wada director general david howman said this week that he was disappointed armstrong had n't apologised 'armstrong initially declined comment on howman 's remark , but on wednesday provided the ap with a may 2013 email exchange with howman , who initially indicted he could meet with armstrong , then backed off under advice from wada lawyers .\n", - "wada director general david howman said he was disappointed the disgraced former cyclist had n't yet apologised for drug offenceslance armstrong showed 2013 email chain attempting to meet howmanhowman broke off the email discussions after advice from lawyersarmstrong was stripped of seven tour de france wins from 1999-2005\n", - "[1.1635149 1.3165202 1.297323 1.3060535 1.0849223 1.2258854 1.0700433\n", - " 1.0169524 1.0311942 1.0268899 1.2230908 1.1730281 1.1110214 1.0570997\n", - " 1.0520918 1.0219857 0. ]\n", - "\n", - "[ 1 3 2 5 10 11 0 12 4 6 13 14 8 9 15 7 16]\n", - "=======================\n", - "[\"this is the image of the big bogan statue that the bogan shire council is aiming to erect in the town of nyngan to honour the aussie icon - and hopefully draw in the crowds .this is how graeme burke envisages the ` big bogan ' statue will look likethe man behind it all is graeme burke who is the manager of engineering services for the council and this is his design for the statue .\"]\n", - "=======================\n", - "[\"bogan shire council in nsw is planning a statue to honour its namesakeit would depict a ` bloke ' in shorts and singlet carrying a rod and tuckerboxmayor ray donald said the statue could have tourism benefitswould join the trend for ` big ' things in country townsexisting icons include the big merino , the big banana and the big pineapple\"]\n", - "this is the image of the big bogan statue that the bogan shire council is aiming to erect in the town of nyngan to honour the aussie icon - and hopefully draw in the crowds .this is how graeme burke envisages the ` big bogan ' statue will look likethe man behind it all is graeme burke who is the manager of engineering services for the council and this is his design for the statue .\n", - "bogan shire council in nsw is planning a statue to honour its namesakeit would depict a ` bloke ' in shorts and singlet carrying a rod and tuckerboxmayor ray donald said the statue could have tourism benefitswould join the trend for ` big ' things in country townsexisting icons include the big merino , the big banana and the big pineapple\n", - "[1.2985809 1.2014176 1.3838301 1.276934 1.1991538 1.1877785 1.0717483\n", - " 1.1154511 1.1056161 1.0706614 1.0633317 1.1336497 1.0467254 1.0166805\n", - " 1.0194056 0. 0. ]\n", - "\n", - "[ 2 0 3 1 4 5 11 7 8 6 9 10 12 14 13 15 16]\n", - "=======================\n", - "[\"slager has been charged with the murder of unarmed black father walter scott , 50 , who was fatally shot five times in the back in north charleston , south carolina on saturday .a financial fund for killer cop michael slager was shut down by crowd-funding website , gofundme , on wednesday .the site told daily mail online that ` after review by our team , the campaign set up for officer slager was removed due to a violation of gofundme 's terms & conditions ' but refused to elaborate due to privacy concerns .\"]\n", - "=======================\n", - "[\"gofundme told daily mail online ` that after review , the campaign set up for officer slager was removed due to a violation of terms & conditions 'fundraising site indiegogo allowed the ` michael t. slager support fund ' to raise $ 393 of a $ 5,000 goal at 11am on thursdayan indiegogo spokesperson said : ` we do n't judge the content of campaigns as long as they are in compliance with our terms of use '\"]\n", - "slager has been charged with the murder of unarmed black father walter scott , 50 , who was fatally shot five times in the back in north charleston , south carolina on saturday .a financial fund for killer cop michael slager was shut down by crowd-funding website , gofundme , on wednesday .the site told daily mail online that ` after review by our team , the campaign set up for officer slager was removed due to a violation of gofundme 's terms & conditions ' but refused to elaborate due to privacy concerns .\n", - "gofundme told daily mail online ` that after review , the campaign set up for officer slager was removed due to a violation of terms & conditions 'fundraising site indiegogo allowed the ` michael t. slager support fund ' to raise $ 393 of a $ 5,000 goal at 11am on thursdayan indiegogo spokesperson said : ` we do n't judge the content of campaigns as long as they are in compliance with our terms of use '\n", - "[1.2646898 1.2686756 1.3806471 1.289325 1.1958838 1.1411529 1.1198319\n", - " 1.0372332 1.0738046 1.0535201 1.1067352 1.0266248 1.0984864 1.021815\n", - " 1.0149447 1.0472952 1.0558873 0. ]\n", - "\n", - "[ 2 3 1 0 4 5 6 10 12 8 16 9 15 7 11 13 14 17]\n", - "=======================\n", - "['all three planets in the system orbit the star , hd 7924 , at a distance closer than mercury orbits the sun , completing their orbits in just 5 , 15 and 24 days .the automated planet finder ( apf ) consists of a 2.4-metre automated telescope and enclosure , and a high-resolution spectrograph .now scientists have proven its capabilities by using the telescope to find a unique a planetary system orbiting a nearby star 54 light-years away .']\n", - "=======================\n", - "[\"automated planet finder in california found planets around hd 7924planets orbit the star at a distance closer than mercury orbits the sunscientists say automating the search for alien life could be beneficial` it 's like owning a driverless car that goes planet shopping ' they said\"]\n", - "all three planets in the system orbit the star , hd 7924 , at a distance closer than mercury orbits the sun , completing their orbits in just 5 , 15 and 24 days .the automated planet finder ( apf ) consists of a 2.4-metre automated telescope and enclosure , and a high-resolution spectrograph .now scientists have proven its capabilities by using the telescope to find a unique a planetary system orbiting a nearby star 54 light-years away .\n", - "automated planet finder in california found planets around hd 7924planets orbit the star at a distance closer than mercury orbits the sunscientists say automating the search for alien life could be beneficial` it 's like owning a driverless car that goes planet shopping ' they said\n", - "[1.2920372 1.243968 1.1294867 1.3473055 1.1262087 1.0647445 1.1495528\n", - " 1.1390033 1.096378 1.0790123 1.2077026 1.1020765 1.0521284 1.0364599\n", - " 1.0400817 1.0768847 1.0349078 1.0450515]\n", - "\n", - "[ 3 0 1 10 6 7 2 4 11 8 9 15 5 12 17 14 13 16]\n", - "=======================\n", - "['a former banker , 29-year-old briton rurik jutting , was charged with two counts of murder .( cnn ) when hong kong police answered a call in the early hours of a saturday morning last november , they encountered a grisly scene and an alleged crime that shocked the city .one woman was lying on the floor with cuts to her neck and buttocks .']\n", - "=======================\n", - "['hong kong banker alleged murder case adjourned until maythe 29-year-old rurik jutting is accused of killing two indonesian domestic workers']\n", - "a former banker , 29-year-old briton rurik jutting , was charged with two counts of murder .( cnn ) when hong kong police answered a call in the early hours of a saturday morning last november , they encountered a grisly scene and an alleged crime that shocked the city .one woman was lying on the floor with cuts to her neck and buttocks .\n", - "hong kong banker alleged murder case adjourned until maythe 29-year-old rurik jutting is accused of killing two indonesian domestic workers\n", - "[1.212556 1.443534 1.2144917 1.3550035 1.1457385 1.0953797 1.0479639\n", - " 1.1059216 1.0920862 1.1206295 1.1060404 1.0487175 1.0645564 1.062305\n", - " 1.0259683 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 9 10 7 5 8 12 13 11 6 14 15 16 17]\n", - "=======================\n", - "[\"the lib dem leader , who hopes to hold the balance of power after may 7 , said the idea of more than two parties forming a government is not ` going to work ' .he said it would be a ` messy ' way to run the country , and risked instability with the future of the government put in peril with every late night vote .a ` rainbow coalition ' made up of several different parties could cause chaos , nick clegg warned today .\"]\n", - "=======================\n", - "[\"lib dem leader warns three or four-party coalition ` is not going to work 'raises prospect of lib dems entering government with labour or toriesexperts warn hung parliament could send financial markets into turmoil\"]\n", - "the lib dem leader , who hopes to hold the balance of power after may 7 , said the idea of more than two parties forming a government is not ` going to work ' .he said it would be a ` messy ' way to run the country , and risked instability with the future of the government put in peril with every late night vote .a ` rainbow coalition ' made up of several different parties could cause chaos , nick clegg warned today .\n", - "lib dem leader warns three or four-party coalition ` is not going to work 'raises prospect of lib dems entering government with labour or toriesexperts warn hung parliament could send financial markets into turmoil\n", - "[1.5096072 1.2926165 1.2193432 1.2341061 1.2208217 1.062547 1.171364\n", - " 1.1166768 1.137071 1.1028341 1.0759938 1.0910949 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 4 2 6 8 7 9 11 10 5 16 12 13 14 15 17]\n", - "=======================\n", - "[\"top seed kei nishikori made a successful start to his barcelona open title defence with a straight sets victory over teymuraz gabashvili on tuesday .japan 's nishikori emerged triumphant from the second-round encounter after seeing off his russian opponent 6-3 6-4 .the other seeds to advance to the third round were both spaniards - seventh seed roberto bautista-agut with a 6-3 6-4 win over thomaz bellucci of brazil , and ninth seed tommy robredo , the 2004 champion who was a 6-3 6-2 victor against kazakhstan 's mikhail kukushkin .\"]\n", - "=======================\n", - "[\"japan 's kei nishikori emerged triumphant from second-round encounterhe beat his russian challenger in straight sets of 6-3 6-4 in barcelonarafael nadal 's first match will be against fellow spaniard nicolas almagro\"]\n", - "top seed kei nishikori made a successful start to his barcelona open title defence with a straight sets victory over teymuraz gabashvili on tuesday .japan 's nishikori emerged triumphant from the second-round encounter after seeing off his russian opponent 6-3 6-4 .the other seeds to advance to the third round were both spaniards - seventh seed roberto bautista-agut with a 6-3 6-4 win over thomaz bellucci of brazil , and ninth seed tommy robredo , the 2004 champion who was a 6-3 6-2 victor against kazakhstan 's mikhail kukushkin .\n", - "japan 's kei nishikori emerged triumphant from second-round encounterhe beat his russian challenger in straight sets of 6-3 6-4 in barcelonarafael nadal 's first match will be against fellow spaniard nicolas almagro\n", - "[1.5662203 1.4330982 1.1556429 1.2995567 1.2098613 1.0818102 1.0865897\n", - " 1.0468088 1.1770605 1.0122306 1.0107118 1.0167243 1.0085486 1.0194337\n", - " 1.0650449 1.1280867 0. 0. ]\n", - "\n", - "[ 0 1 3 4 8 2 15 6 5 14 7 13 11 9 10 12 16 17]\n", - "=======================\n", - "[\"robin van persie and jonny evans both enjoyed gentle re-introductions into the game as manchester united 's under 21 side drew 1-1 at leicester , although rafael and adnan januzaj both limped off .dutch forward van persie has been out of action since february with an ankle injury after leaving swansea on crutches .manchester united right back rafael had to be taken off in the 44th minute after sustaining a rib injury during the reserve match\"]\n", - "=======================\n", - "[\"robin van persie , adnan januzaj , jonny evans , tyler blackett , james wilson and rafael all started for man unitedman united first team stars januzaj and rafael sustained injuries during the 1-1 draw at the king power stadiumvan persie boosted his chances of starting against everton on sunday by playing 62 minutes of under 21 encounterboth goals came during the first half as sean goss cancelled out leicester forward harry panayiotou 's opener\"]\n", - "robin van persie and jonny evans both enjoyed gentle re-introductions into the game as manchester united 's under 21 side drew 1-1 at leicester , although rafael and adnan januzaj both limped off .dutch forward van persie has been out of action since february with an ankle injury after leaving swansea on crutches .manchester united right back rafael had to be taken off in the 44th minute after sustaining a rib injury during the reserve match\n", - "robin van persie , adnan januzaj , jonny evans , tyler blackett , james wilson and rafael all started for man unitedman united first team stars januzaj and rafael sustained injuries during the 1-1 draw at the king power stadiumvan persie boosted his chances of starting against everton on sunday by playing 62 minutes of under 21 encounterboth goals came during the first half as sean goss cancelled out leicester forward harry panayiotou 's opener\n", - "[1.4529264 1.5318453 1.2045317 1.4152291 1.2621236 1.1031913 1.0533853\n", - " 1.0183123 1.0233451 1.0176344 1.0414289 1.0122167 1.0093987 1.0096599\n", - " 1.0813724 1.0118982 1.0263959 1.1278744 1.2544324 1.0101731 1.0188177\n", - " 1.0364048 1.0110564]\n", - "\n", - "[ 1 0 3 4 18 2 17 5 14 6 10 21 16 8 20 7 9 11 15 22 19 13 12]\n", - "=======================\n", - "[\"saints have slipped out of the champions league places and into seventh following a run of three defeats in their last six games ahead of saturday 's home clash with hull .ronald koeman insists southampton 's goals have dried up due to their barclays premier league rivals giving them more respect .ronald koeman feels southampton have found it hard to score due to opponents respecting them more\"]\n", - "=======================\n", - "[\"southampton have dropped out of the premier league top sixronald koeman has pinpointed his team 's struggle to hit the nethe feels the problem is down to opponents having more respect for saints\"]\n", - "saints have slipped out of the champions league places and into seventh following a run of three defeats in their last six games ahead of saturday 's home clash with hull .ronald koeman insists southampton 's goals have dried up due to their barclays premier league rivals giving them more respect .ronald koeman feels southampton have found it hard to score due to opponents respecting them more\n", - "southampton have dropped out of the premier league top sixronald koeman has pinpointed his team 's struggle to hit the nethe feels the problem is down to opponents having more respect for saints\n", - "[1.423023 1.4050069 1.242542 1.1241493 1.0835642 1.0850329 1.3854954\n", - " 1.0700318 1.1686599 1.0584456 1.0214719 1.0263842 1.0314791 1.0408577\n", - " 1.0315402 1.1690176 1.0918381 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 6 2 15 8 3 16 5 4 7 9 13 14 12 11 10 17 18 19 20 21 22]\n", - "=======================\n", - "[\"lewis hamilton has told nico rosberg he will do his talking ` on the track ' as the two title contenders prepare to renew their rivalry in the desert .the mercedes men left shanghai after the chinese grand prix arguing over the rights and wrongs of how they raced .but hamilton , speaking ahead of sunday 's race in bahrain , adopted an air of cool disdain for any psychological battles .\"]\n", - "=======================\n", - "['lewis hamilton and nico rosberg will renew their rivalry in bahrainthe mercedes pair had argued in the aftermath of the chinese grand prixhamilton , though , has dismissed mind games and is focused on the next race']\n", - "lewis hamilton has told nico rosberg he will do his talking ` on the track ' as the two title contenders prepare to renew their rivalry in the desert .the mercedes men left shanghai after the chinese grand prix arguing over the rights and wrongs of how they raced .but hamilton , speaking ahead of sunday 's race in bahrain , adopted an air of cool disdain for any psychological battles .\n", - "lewis hamilton and nico rosberg will renew their rivalry in bahrainthe mercedes pair had argued in the aftermath of the chinese grand prixhamilton , though , has dismissed mind games and is focused on the next race\n", - "[1.4879276 1.19154 1.2089727 1.2563728 1.1283125 1.1139603 1.2272823\n", - " 1.0734636 1.1134353 1.0894705 1.0554658 1.0405588 1.0345625 1.0186974\n", - " 1.0790992 1.0415257 1.01452 1.012023 1.0114983 1.0094697 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 6 2 1 4 5 8 9 14 7 10 15 11 12 13 16 17 18 19 21 20 22]\n", - "=======================\n", - "[\"` secret stuff ' : ivana chubbuck , 62 , is a part therapist and part acting coach , known as the ` celebrity whisperer 'ivana chubbuck 's client list includes eva mendes , charlize theron , gerard butler , halle berry , sharon stone and many others .today , brad pitt is known the world over .\"]\n", - "=======================\n", - "[\"ivana chubbuck , 62 , is known as the ` celebrity whisperer ' and hones talentshe 's a therapist and acting coach and runs a drama school in los angeleschubbuck counts beyoncé , eva mendes and brad pitt among her clients\"]\n", - "` secret stuff ' : ivana chubbuck , 62 , is a part therapist and part acting coach , known as the ` celebrity whisperer 'ivana chubbuck 's client list includes eva mendes , charlize theron , gerard butler , halle berry , sharon stone and many others .today , brad pitt is known the world over .\n", - "ivana chubbuck , 62 , is known as the ` celebrity whisperer ' and hones talentshe 's a therapist and acting coach and runs a drama school in los angeleschubbuck counts beyoncé , eva mendes and brad pitt among her clients\n", - "[1.3571844 1.3891957 1.2747363 1.2204592 1.2684126 1.2167817 1.0517855\n", - " 1.1271447 1.15331 1.0288166 1.016116 1.0287131 1.0878918 1.0468826\n", - " 1.0144048 1.0566192 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 2 4 3 5 8 7 12 15 6 13 9 11 10 14 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"charlene wall jeffs , 58 , had 10 children with her husband and the two have been married for 31 years , but she claims the church has ` become even more disturbing than it was under warren ' .the legal wife of lyle jeffs - brother of warren jeffs and current leader of the polygamous fundamentalist church of jesus christ of latter-day saints - has officially filed for divorce from her husband in utah , citing rape and illegal practices within the mormon sect .lyle jeffs has multiple wives within the sect - nine , according to reports - but mrs jeffs is legally married to him and has been since 1983 .\"]\n", - "=======================\n", - "[\"charlene wall jeffs , 58 , is one of a reported nine wives of lyle jeffsthe couple married in 1983 and have 10 children togetherhe stepped up to lead the fundamentalist church of jesus christ of latter-day saints when brother warren jeffs was sentenced to prison in 2007mrs jeffs says she spent years in exile before being banished last yearalleged the church only allow a group of men called ` seed bearers ' to impregnate women , and the husbands stand by holding their wife 's handmrs jeffs is fighting for custody of two of her children\"]\n", - "charlene wall jeffs , 58 , had 10 children with her husband and the two have been married for 31 years , but she claims the church has ` become even more disturbing than it was under warren ' .the legal wife of lyle jeffs - brother of warren jeffs and current leader of the polygamous fundamentalist church of jesus christ of latter-day saints - has officially filed for divorce from her husband in utah , citing rape and illegal practices within the mormon sect .lyle jeffs has multiple wives within the sect - nine , according to reports - but mrs jeffs is legally married to him and has been since 1983 .\n", - "charlene wall jeffs , 58 , is one of a reported nine wives of lyle jeffsthe couple married in 1983 and have 10 children togetherhe stepped up to lead the fundamentalist church of jesus christ of latter-day saints when brother warren jeffs was sentenced to prison in 2007mrs jeffs says she spent years in exile before being banished last yearalleged the church only allow a group of men called ` seed bearers ' to impregnate women , and the husbands stand by holding their wife 's handmrs jeffs is fighting for custody of two of her children\n", - "[1.4247732 1.2198539 1.4833544 1.218318 1.2033571 1.1041172 1.1243567\n", - " 1.084695 1.0453163 1.0424461 1.0603757 1.0460616 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 1 3 4 6 5 7 10 11 8 9 21 12 13 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"andrew anderson , 43 , was accused of forcing social worker julie mcgoldrick to the floor , injuring her wrist , as they battled over the unit which had been reduced from # 199 to # 99 as part of the frenzied midnight sales event .a father-of-three has been cleared of assaulting a social worker following a black friday bundle at tesco over a 32in tv - after a judge said the chaotic scenes made it hard to blame anyone .the self-employed gardener ` strategised ' his shopping and grabbed a tv near the bottom of a pallet in manchester , only for mrs mcgoldrick , 53 , to grab the same one at the same time - and suffer injuries that saw her end up in hospital .\"]\n", - "=======================\n", - "[\"andrew anderson was accused of forcing julie mcgoldrick to the floorfought over tv reduced from # 199 to # 99 at tesco store in manchesterfrenzied scenes saw him grab tv before tesco workers pulled him away43-year-old had jumped queue and admitted he ` knew what i was in for '\"]\n", - "andrew anderson , 43 , was accused of forcing social worker julie mcgoldrick to the floor , injuring her wrist , as they battled over the unit which had been reduced from # 199 to # 99 as part of the frenzied midnight sales event .a father-of-three has been cleared of assaulting a social worker following a black friday bundle at tesco over a 32in tv - after a judge said the chaotic scenes made it hard to blame anyone .the self-employed gardener ` strategised ' his shopping and grabbed a tv near the bottom of a pallet in manchester , only for mrs mcgoldrick , 53 , to grab the same one at the same time - and suffer injuries that saw her end up in hospital .\n", - "andrew anderson was accused of forcing julie mcgoldrick to the floorfought over tv reduced from # 199 to # 99 at tesco store in manchesterfrenzied scenes saw him grab tv before tesco workers pulled him away43-year-old had jumped queue and admitted he ` knew what i was in for '\n", - "[1.2426348 1.16494 1.393862 1.2075541 1.1704906 1.2522103 1.1272211\n", - " 1.0588423 1.0265065 1.0262439 1.0494214 1.079754 1.1141435 1.0192553\n", - " 1.0294864 1.1142056 1.1399313 1.1183236 1.0759412 1.0916437]\n", - "\n", - "[ 2 5 0 3 4 1 16 6 17 15 12 19 11 18 7 10 14 8 9 13]\n", - "=======================\n", - "['singleton bought 80 beach drive for a suburb record of $ 4.25 million in late 2007 , and the agents expect bidding for the may 9 auction to will kick off at $ 3.5 million , reports property observer .advertising entrepreneur john singleton is selling his breathtaking beach house on the central coast of new south wales .the property offers wide open plan living areas leading onto an undercover front balcony']\n", - "=======================\n", - "['advertising entrepreneur john singleton is selling his breathtaking beach housethe luxurious five-bedroom abode offers sweeping views of the pacific oceansingleton bought 80 beach drive for a suburb record of $ 4.25 million in late 2007the exquisite design captures the quintessential australian beachside home']\n", - "singleton bought 80 beach drive for a suburb record of $ 4.25 million in late 2007 , and the agents expect bidding for the may 9 auction to will kick off at $ 3.5 million , reports property observer .advertising entrepreneur john singleton is selling his breathtaking beach house on the central coast of new south wales .the property offers wide open plan living areas leading onto an undercover front balcony\n", - "advertising entrepreneur john singleton is selling his breathtaking beach housethe luxurious five-bedroom abode offers sweeping views of the pacific oceansingleton bought 80 beach drive for a suburb record of $ 4.25 million in late 2007the exquisite design captures the quintessential australian beachside home\n", - "[1.2664664 1.4019451 1.2512033 1.317831 1.2234253 1.178027 1.0303633\n", - " 1.0230589 1.3096117 1.1444861 1.0109822 1.022781 1.0613964 1.0403048\n", - " 1.0372328 1.006287 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 8 0 2 4 5 9 12 13 14 6 7 11 10 15 18 16 17 19]\n", - "=======================\n", - "[\"dyke wants to increase the minimum number of home-grown players in club squads from eight to 12 , however he is facing opposition from the premier league .former england managers ( clockwise ) glenn hoddle , kevin keegan , steve mcclaren and sven-goran eriksson have backed dyke 's callthe proposals also include changing the rules so that ` home-grown ' means having trained in england for three years before the age of 18 rather than before 21 .\"]\n", - "=======================\n", - "['greg dyke wants to increase the minimum number of homegrown players at premier league clubs from eight to 12fa chairman has been backed by ex-england bosses graham taylor , glenn hoddle , kevin keegan , sven-goran eriksson and steve mcclarenrise of harry kane proves england can develop talented youngsters']\n", - "dyke wants to increase the minimum number of home-grown players in club squads from eight to 12 , however he is facing opposition from the premier league .former england managers ( clockwise ) glenn hoddle , kevin keegan , steve mcclaren and sven-goran eriksson have backed dyke 's callthe proposals also include changing the rules so that ` home-grown ' means having trained in england for three years before the age of 18 rather than before 21 .\n", - "greg dyke wants to increase the minimum number of homegrown players at premier league clubs from eight to 12fa chairman has been backed by ex-england bosses graham taylor , glenn hoddle , kevin keegan , sven-goran eriksson and steve mcclarenrise of harry kane proves england can develop talented youngsters\n", - "[1.4270093 1.3698877 1.108448 1.3809751 1.2798858 1.0236782 1.1264045\n", - " 1.0985506 1.1016057 1.2605083 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 9 6 2 8 7 5 18 10 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "['michael phelps made a winning return to competitive racing as the 18-time olympic gold-medallist claimed 100 metres butterfly victory at the arena pro swim series in arizona .phelps , back in action after a six-month suspension imposed by usa swimming following his drink driving conviction last september , won the race in mesa with a time of 52.38 seconds , edging out ryan lochte .29-year-old phelps is aiming to compete in a fifth olympics next year in rio de janeiro']\n", - "=======================\n", - "['michael phelps won his first race back following six-month suspensionphelps was suspended by usa swimming for failing a drink-driving testolympic champion won 100m butterfly at the arena pro swim series']\n", - "michael phelps made a winning return to competitive racing as the 18-time olympic gold-medallist claimed 100 metres butterfly victory at the arena pro swim series in arizona .phelps , back in action after a six-month suspension imposed by usa swimming following his drink driving conviction last september , won the race in mesa with a time of 52.38 seconds , edging out ryan lochte .29-year-old phelps is aiming to compete in a fifth olympics next year in rio de janeiro\n", - "michael phelps won his first race back following six-month suspensionphelps was suspended by usa swimming for failing a drink-driving testolympic champion won 100m butterfly at the arena pro swim series\n", - "[1.2738861 1.3644879 1.1044649 1.3452221 1.2522879 1.313213 1.0468853\n", - " 1.0299845 1.039047 1.0913504 1.163512 1.0731663 1.0665131 1.0838389\n", - " 1.078912 1.0556674 1.0798815 1.0491574 1.0603 0. ]\n", - "\n", - "[ 1 3 5 0 4 10 2 9 13 16 14 11 12 18 15 17 6 8 7 19]\n", - "=======================\n", - "[\"manager louis van gaal has been hugely impressed with carrick 's contribution at old trafford this season .michael carrick ( left ) has been instrumental in manchester united 's recent run of good formmanchester united have begun the search for michael carrick 's long-term replacement , with ilkay gundogan a prime contender to fill the role .\"]\n", - "=======================\n", - "[\"ilkay gundogan is seen as a successor to michael carrick in midfieldmanchester united boss louis van gaal has been impressed by carrickvan gaal feels gundogan can replicate 33-year-old carrick 's displays\"]\n", - "manager louis van gaal has been hugely impressed with carrick 's contribution at old trafford this season .michael carrick ( left ) has been instrumental in manchester united 's recent run of good formmanchester united have begun the search for michael carrick 's long-term replacement , with ilkay gundogan a prime contender to fill the role .\n", - "ilkay gundogan is seen as a successor to michael carrick in midfieldmanchester united boss louis van gaal has been impressed by carrickvan gaal feels gundogan can replicate 33-year-old carrick 's displays\n", - "[1.3155298 1.4212631 1.2839147 1.3385204 1.1059191 1.123948 1.0528665\n", - " 1.0671254 1.0724034 1.0618598 1.060932 1.0867355 1.1232483 1.0689481\n", - " 1.045186 1.0298605 1.0447292 1.0258503 0. 0. ]\n", - "\n", - "[ 1 3 0 2 5 12 4 11 8 13 7 9 10 6 14 16 15 17 18 19]\n", - "=======================\n", - "['the teenager from lahore in punjab province pakistan , who has been identified only as nuaman , had just left a local shop when he was beaten and burnt with kerosene .two young muslims have put a 14-year-old pakistani boy in hospital with burns to 55 percent of his body after they set him on fire because he is a christian .the boy , who is now being treated at mayo hospital in lahore , described how he was approached by the two muslim youths as they left friday prayers at their local mosque .']\n", - "=======================\n", - "['teenager has burns to 55 % of his body after religiously motivated attackmuslims beat him and set him alight with kerosene because he is christianattack follows taliban bombing which killed 17 in lahore church in march']\n", - "the teenager from lahore in punjab province pakistan , who has been identified only as nuaman , had just left a local shop when he was beaten and burnt with kerosene .two young muslims have put a 14-year-old pakistani boy in hospital with burns to 55 percent of his body after they set him on fire because he is a christian .the boy , who is now being treated at mayo hospital in lahore , described how he was approached by the two muslim youths as they left friday prayers at their local mosque .\n", - "teenager has burns to 55 % of his body after religiously motivated attackmuslims beat him and set him alight with kerosene because he is christianattack follows taliban bombing which killed 17 in lahore church in march\n", - "[1.1347492 1.2940238 1.360365 1.1009134 1.1549106 1.0994836 1.0753331\n", - " 1.0442551 1.1335294 1.0356128 1.0939528 1.0575175 1.0757687 1.0748949\n", - " 1.0698073 1.0484501 1.0805024 1.0421959 0. 0. ]\n", - "\n", - "[ 2 1 4 0 8 3 5 10 16 12 6 13 14 11 15 7 17 9 18 19]\n", - "=======================\n", - "[\"that 's a claim from former white house florist ronn payne , retold in a new book based on interviews with more than 100 members of the presidential mansion 's domestic staff .but she also learned to call the secret service ` pigs . 'a member of her secret service protective detail came in behind him to take the clintons ' only child to school .\"]\n", - "=======================\n", - "[\"stunning tale came from white house domestic help who tended to the clintons ' every need during the 1990sbook published today is based on more than 100 interviews with ordinary non-political staff who ran america 's presidential mansionone former head of the household staff said : they were about the most paranoid people i 'd ever seen in my life 'another staff member said he was fired after he helped former first lady barbara bush with her computer because clintons feared he was gossipinga third recalled listening as bill and hillary fought during the monica lewinsky saga , with hillary once calling him a ` g * ddamn b * stard '\"]\n", - "that 's a claim from former white house florist ronn payne , retold in a new book based on interviews with more than 100 members of the presidential mansion 's domestic staff .but she also learned to call the secret service ` pigs . 'a member of her secret service protective detail came in behind him to take the clintons ' only child to school .\n", - "stunning tale came from white house domestic help who tended to the clintons ' every need during the 1990sbook published today is based on more than 100 interviews with ordinary non-political staff who ran america 's presidential mansionone former head of the household staff said : they were about the most paranoid people i 'd ever seen in my life 'another staff member said he was fired after he helped former first lady barbara bush with her computer because clintons feared he was gossipinga third recalled listening as bill and hillary fought during the monica lewinsky saga , with hillary once calling him a ` g * ddamn b * stard '\n", - "[1.4307926 1.3609345 1.2948493 1.392745 1.3157358 1.246237 1.0264562\n", - " 1.014504 1.2894881 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 8 5 6 7 17 16 15 14 9 12 11 10 18 13 19]\n", - "=======================\n", - "[\"liverpool starlet joao teixeira has been ruled out for the rest of the season after suffering a broken leg during his loan spell at brighton .liverpool youngster joao teixeira broke his leg while playing in brighton 's goalless draw with huddersfieldportuguese starlet teixeira was carried off on a stretcher during tuesday night 's clash at the amex stadium\"]\n", - "=======================\n", - "[\"joao teixeira will miss brighton 's last three games of the seasonthe portuguese starlet sustained broken leg in 0-0 draw with huddersfieldliverpool 's teixeira joined brighton on season-long loan deal in august\"]\n", - "liverpool starlet joao teixeira has been ruled out for the rest of the season after suffering a broken leg during his loan spell at brighton .liverpool youngster joao teixeira broke his leg while playing in brighton 's goalless draw with huddersfieldportuguese starlet teixeira was carried off on a stretcher during tuesday night 's clash at the amex stadium\n", - "joao teixeira will miss brighton 's last three games of the seasonthe portuguese starlet sustained broken leg in 0-0 draw with huddersfieldliverpool 's teixeira joined brighton on season-long loan deal in august\n", - "[1.4725299 1.4036422 1.3508437 1.374587 1.2054274 1.0477564 1.0227066\n", - " 1.2333058 1.0573996 1.1335423 1.0364783 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 7 4 9 8 5 10 6 18 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"kyle naughton has been ruled out for the rest of the season after david meyler 's red card challenge on saturday .the hull midfielder was shown a straight red for the hefty challenge that left naughton in hospital at the weekend , though neither garry monk nor steve bruce condemned meyler at the time .a scan on monday revealed naughton suffered ligament damage and the right-back will face a six-week lay-off .\"]\n", - "=======================\n", - "['kyle naughton ruled out for six weeks with ankle ligament damagedavid meyler was sent off the tackle and will serve a suspensionangel rangel could replace naughton for their home game versus evertonclick here for all the latest swansea news']\n", - "kyle naughton has been ruled out for the rest of the season after david meyler 's red card challenge on saturday .the hull midfielder was shown a straight red for the hefty challenge that left naughton in hospital at the weekend , though neither garry monk nor steve bruce condemned meyler at the time .a scan on monday revealed naughton suffered ligament damage and the right-back will face a six-week lay-off .\n", - "kyle naughton ruled out for six weeks with ankle ligament damagedavid meyler was sent off the tackle and will serve a suspensionangel rangel could replace naughton for their home game versus evertonclick here for all the latest swansea news\n", - "[1.1245886 1.0380512 1.0567434 1.2567472 1.1076891 1.4688454 1.0673897\n", - " 1.0243591 1.0336303 1.2150819 1.0357262 1.075381 1.0266953 1.1271687\n", - " 1.0912058 1.0997229 1.0281311 1.0791414 1.0174193 1.0256581]\n", - "\n", - "[ 5 3 9 13 0 4 15 14 17 11 6 2 1 10 8 16 12 19 7 18]\n", - "=======================\n", - "[\"the luxurious ulusaba game reserve is in south africa 's sabi sands and is sir richard branson 's private reservethere were three other rhinos with her and , let 's be honest , they 're not called a crash of rhino for nothing .kutner came face to face with three rhinos , along with documenting the roar of a bush lion , the yawn of a hippo and the prowl of a glorious leopard\"]\n", - "=======================\n", - "[\"alexander kutner travelled with his sky presenter mum , kay burleythey stayed at the ulusaba reserve in south africa 's sabi sandsthe stay at cliff lodge had luxury furnishings , soft sheets and a chef\"]\n", - "the luxurious ulusaba game reserve is in south africa 's sabi sands and is sir richard branson 's private reservethere were three other rhinos with her and , let 's be honest , they 're not called a crash of rhino for nothing .kutner came face to face with three rhinos , along with documenting the roar of a bush lion , the yawn of a hippo and the prowl of a glorious leopard\n", - "alexander kutner travelled with his sky presenter mum , kay burleythey stayed at the ulusaba reserve in south africa 's sabi sandsthe stay at cliff lodge had luxury furnishings , soft sheets and a chef\n", - "[1.3310246 1.4711888 1.1645294 1.0797464 1.0696393 1.0512655 1.3051535\n", - " 1.0846342 1.0740627 1.0459403 1.0303904 1.0772202 1.0974327 1.0697778\n", - " 1.0307636 1.1404066 1.013001 0. 0. 0. ]\n", - "\n", - "[ 1 0 6 2 15 12 7 3 11 8 13 4 5 9 14 10 16 18 17 19]\n", - "=======================\n", - "[\"corinna skorpenske , from pittsburgh , pennsylvania , took to facebook to publicly shame the anonymous note writer , while also defending her daughter harley jo , a student at ohio state university , and her condition .the mother of a young woman who suffers from lupus , an inflammatory disease which affects the immune system , has hit back at a stranger who left a cruel note on her daughter 's car claiming she had no right to park in a disabled space -- despite the fact that she has a handicap permit .` my first reaction was anger , ' corinna told yahoo health .\"]\n", - "=======================\n", - "[\"corrina skorpenske , from pittsburgh , pennsylvania , took to facebook to publicly shame the person who left a cruel note on her daughter 's carthe anonymous critic accused ohio state university student harley jo of taking away a handicap spot from ` actual disabled people '\"]\n", - "corinna skorpenske , from pittsburgh , pennsylvania , took to facebook to publicly shame the anonymous note writer , while also defending her daughter harley jo , a student at ohio state university , and her condition .the mother of a young woman who suffers from lupus , an inflammatory disease which affects the immune system , has hit back at a stranger who left a cruel note on her daughter 's car claiming she had no right to park in a disabled space -- despite the fact that she has a handicap permit .` my first reaction was anger , ' corinna told yahoo health .\n", - "corrina skorpenske , from pittsburgh , pennsylvania , took to facebook to publicly shame the person who left a cruel note on her daughter 's carthe anonymous critic accused ohio state university student harley jo of taking away a handicap spot from ` actual disabled people '\n", - "[1.3267035 1.1803823 1.2646872 1.1209176 1.2774153 1.2008828 1.1526263\n", - " 1.120021 1.1423045 1.0315746 1.0680958 1.0707846 1.0194987 1.0199608\n", - " 1.041189 1.0246462 1.1485673 1.0863501 1.0105841]\n", - "\n", - "[ 0 4 2 5 1 6 16 8 3 7 17 11 10 14 9 15 13 12 18]\n", - "=======================\n", - "['( cnn ) five years ago , rebecca francis posed for a photo while lying next to a dead giraffe .in the past three days , his tweet has been retweeted almost 30,000 times .the trouble started monday , when comedian ricky gervais tweeted the photo with a question .']\n", - "=======================\n", - "['rebecca francis \\' photo with a giraffe was shared by ricky gervaisfrancis was threatened on twitter for the picturefrancis , a hunter , said the giraffe was \" close to death \" and became food for locals']\n", - "( cnn ) five years ago , rebecca francis posed for a photo while lying next to a dead giraffe .in the past three days , his tweet has been retweeted almost 30,000 times .the trouble started monday , when comedian ricky gervais tweeted the photo with a question .\n", - "rebecca francis ' photo with a giraffe was shared by ricky gervaisfrancis was threatened on twitter for the picturefrancis , a hunter , said the giraffe was \" close to death \" and became food for locals\n", - "[1.0598562 1.2996818 1.3363686 1.2963088 1.1583459 1.1059307 1.1089051\n", - " 1.14574 1.1552609 1.0706545 1.135361 1.0794172 1.1343858 1.0701001\n", - " 1.0443785 1.064075 1.0299184 0. 0. ]\n", - "\n", - "[ 2 1 3 4 8 7 10 12 6 5 11 9 13 15 0 14 16 17 18]\n", - "=======================\n", - "['air passengers face up to three days of disruption , with british airways , easyjet , ryanair and flybe among the airlines forced to cancel dozens of flights .in a double hit for thousands of holidaymakers trying to leave britain today , strikes by french air traffic controllers and new border control checks threaten severe delays .chaos : new passport regulations could cause queues on roads leading to dover and folkestone ( file photo )']\n", - "=======================\n", - "['strikes by french air traffic controllers will affect thousands of brits todaynew border control checks may also mean major delays for holidaymakersba , easyjet , flybe and ryanair among airlines forced to cancel flightsthree days of disruption start today at 5am and end on friday morning']\n", - "air passengers face up to three days of disruption , with british airways , easyjet , ryanair and flybe among the airlines forced to cancel dozens of flights .in a double hit for thousands of holidaymakers trying to leave britain today , strikes by french air traffic controllers and new border control checks threaten severe delays .chaos : new passport regulations could cause queues on roads leading to dover and folkestone ( file photo )\n", - "strikes by french air traffic controllers will affect thousands of brits todaynew border control checks may also mean major delays for holidaymakersba , easyjet , flybe and ryanair among airlines forced to cancel flightsthree days of disruption start today at 5am and end on friday morning\n", - "[1.2925203 1.4095051 1.2449019 1.0549883 1.4835111 1.339869 1.1172208\n", - " 1.0433427 1.0335401 1.0381511 1.0187393 1.0267384 1.0286623 1.0356798\n", - " 1.0533196 1.0187106 1.0194577 0. 0. ]\n", - "\n", - "[ 4 1 5 0 2 6 3 14 7 9 13 8 12 11 16 10 15 17 18]\n", - "=======================\n", - "[\"alex hales believes england 's players are n't competing in enough twenty20 competitionsalex hales and chris woakes , two foot soldiers in the recent world cup fiasco , both called for some rethinking of the domestic structure to avoid a repeat of what happened in australia and new zealand .hales was at edgbaston on thursday at the launch of this season 's t20 domestic competition\"]\n", - "=======================\n", - "[\"england suffered humiliation in the 50-over world cup this yearalex hales believes they would benefit from playing more t20 crickethales was talking at the launch of this season 's domestic t20 competition\"]\n", - "alex hales believes england 's players are n't competing in enough twenty20 competitionsalex hales and chris woakes , two foot soldiers in the recent world cup fiasco , both called for some rethinking of the domestic structure to avoid a repeat of what happened in australia and new zealand .hales was at edgbaston on thursday at the launch of this season 's t20 domestic competition\n", - "england suffered humiliation in the 50-over world cup this yearalex hales believes they would benefit from playing more t20 crickethales was talking at the launch of this season 's domestic t20 competition\n", - "[1.2870083 1.4496863 1.3296893 1.2622201 1.1978618 1.0663663 1.0314492\n", - " 1.040472 1.017902 1.1816257 1.1092706 1.0231495 1.1069405 1.0342885\n", - " 1.0230924 1.0599746 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 9 10 12 5 15 7 13 6 11 14 8 17 16 18]\n", - "=======================\n", - "[\"china , south korea and japan have all banned new charter flights of thai carriers after an audit by the un 's international civil aviation organization ( icao ) reported that it found ` significant safety concerns ' with the country 's aviation safety to thailand 's department of civil aviation .according to casa , thai airways is the only thai airline that regularly operates in australia .australia 's civil aviation safety authority ( casa ) has placed higher safety restrictions on thai airways , but avoided following the footsteps of its asian neighbours by banning future flights .\"]\n", - "=======================\n", - "[\"un 's international civil aviation organization ( icao ) reported ` significant safety concerns ' with thailand 's aviation safetychina , south korea and japan have banned any new charter flightsthe country 's airlines now receive strict inspections in australiathailand said it plans to inform countries about the status of its aviation safety and ` the solutions to fix the faults ... as soon as possible '\"]\n", - "china , south korea and japan have all banned new charter flights of thai carriers after an audit by the un 's international civil aviation organization ( icao ) reported that it found ` significant safety concerns ' with the country 's aviation safety to thailand 's department of civil aviation .according to casa , thai airways is the only thai airline that regularly operates in australia .australia 's civil aviation safety authority ( casa ) has placed higher safety restrictions on thai airways , but avoided following the footsteps of its asian neighbours by banning future flights .\n", - "un 's international civil aviation organization ( icao ) reported ` significant safety concerns ' with thailand 's aviation safetychina , south korea and japan have banned any new charter flightsthe country 's airlines now receive strict inspections in australiathailand said it plans to inform countries about the status of its aviation safety and ` the solutions to fix the faults ... as soon as possible '\n", - "[1.103191 1.418314 1.3152652 1.2933946 1.2496961 1.0547462 1.17611\n", - " 1.0802855 1.101046 1.1178557 1.138876 1.0859083 1.0440117 1.033993\n", - " 1.0180944 1.0373169 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 6 10 9 0 8 11 7 5 12 15 13 14 17 16 18]\n", - "=======================\n", - "[\"more than 480 design teams submitted entries to evolo magazine 's 2015 contest and a jury of experts chose three winners and awarded 15 other designs with honorable mentions from 480 global entries .the first place was awarded to a polish group called bomp for its ` natural habitat ' essence skyscraper , beating the designs for a giant ` times squared 3015 ' concept at the heart of times square , a bio-pyramid in the sahara and cybertopia - a project that blurs the lines between digital and physical worlds .the evolo magazine skyscraper competition was established in 2006 to recognise ` outstanding ideas for vertical living ' .\"]\n", - "=======================\n", - "[\"the evolo magazine awards were established in 2006 to recognise ` outstanding ideas for vertical living 'a jury of experts chose three winners and awarded 15 others with honorable mentions from 480 global entriesfirst place went polish design team bomp for its essence skyscraper with a range of natural habitatsother entries include a skyscraper made from scraps and the cybertopia project that blurs the lines between digital and physical worlds\"]\n", - "more than 480 design teams submitted entries to evolo magazine 's 2015 contest and a jury of experts chose three winners and awarded 15 other designs with honorable mentions from 480 global entries .the first place was awarded to a polish group called bomp for its ` natural habitat ' essence skyscraper , beating the designs for a giant ` times squared 3015 ' concept at the heart of times square , a bio-pyramid in the sahara and cybertopia - a project that blurs the lines between digital and physical worlds .the evolo magazine skyscraper competition was established in 2006 to recognise ` outstanding ideas for vertical living ' .\n", - "the evolo magazine awards were established in 2006 to recognise ` outstanding ideas for vertical living 'a jury of experts chose three winners and awarded 15 others with honorable mentions from 480 global entriesfirst place went polish design team bomp for its essence skyscraper with a range of natural habitatsother entries include a skyscraper made from scraps and the cybertopia project that blurs the lines between digital and physical worlds\n", - "[1.4585757 1.2425979 1.2024906 1.1959517 1.1051791 1.1605437 1.1736634\n", - " 1.0491925 1.0625178 1.0277011 1.0924382 1.086961 1.1154099 1.0442066\n", - " 1.0510168 1.0749266 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 3 6 5 12 4 10 11 15 8 14 7 13 9 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"jeremy clarkson , james may and richard hammond today held talks with top gear executive producer andy wilman - just hours before it was sensationally announced he had quit the bbc .the resignation marks another blow for the hugely-popular show , which has been marred by uncertainty since clarkson was axed last month following a ` fracas ' with a producer .it means mr wilman , a childhood friend of clarkson who helped revamp top gear into the corporation 's most successful programme , is now free to reunite with the team on a rival channel .\"]\n", - "=======================\n", - "[\"presenters met with top gear executive producer andy wilman in londoncame hours after mr wilman , a close friend of clarkson , quit the bbcmeeting fueled speculation that team will reunite to launch show with rivaljames may says bbc should not attempt show with ` surrogate jeremy '\"]\n", - "jeremy clarkson , james may and richard hammond today held talks with top gear executive producer andy wilman - just hours before it was sensationally announced he had quit the bbc .the resignation marks another blow for the hugely-popular show , which has been marred by uncertainty since clarkson was axed last month following a ` fracas ' with a producer .it means mr wilman , a childhood friend of clarkson who helped revamp top gear into the corporation 's most successful programme , is now free to reunite with the team on a rival channel .\n", - "presenters met with top gear executive producer andy wilman in londoncame hours after mr wilman , a close friend of clarkson , quit the bbcmeeting fueled speculation that team will reunite to launch show with rivaljames may says bbc should not attempt show with ` surrogate jeremy '\n", - "[1.3594415 1.3975831 1.1146605 1.1967204 1.1467168 1.0724622 1.082264\n", - " 1.0431396 1.1040598 1.09589 1.0507007 1.036457 1.098078 1.0923936\n", - " 1.0926249 1.1073657 1.13694 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 3 4 16 2 15 8 12 9 14 13 6 5 10 7 11 17 18 19 20 21 22]\n", - "=======================\n", - "['attorneys for plaintiff sarah grimes and for kristen saban would not say whether there had been a settlement of the lawsuit , which was set for trial in early august .a woman asked a judge on thursday to dismiss her lawsuit against the daughter of university of alabama football coach nick saban , bringing an end to a legal fight between sorority sisters that was sparked by an alcohol-fueled brawl .girl brawl : grimes ( left ) claimed in her 2012 lawsuit that she suffered lasting injuries during a boozy brawl with saban ( right ) in 2010 , which evidence showed began over a facebook post after a night of drinking']\n", - "=======================\n", - "[\"sarah grimes accused kristen saban , daughter of alabama football coach nick saban , of brutally beating her after a night of drinking in 2010in her suit , grimes said the sorority sisters were arguing over a boy when saban posted on facebook : ` no one likes sarah , yayyyyy !grimes claimed saban left her with a broken nose and a concussionsaban argued it was grimes who attacked her and left her bleedinggrimes ' lawsuit was set for trial in early august ; both women now will have to pay their own legal costs\"]\n", - "attorneys for plaintiff sarah grimes and for kristen saban would not say whether there had been a settlement of the lawsuit , which was set for trial in early august .a woman asked a judge on thursday to dismiss her lawsuit against the daughter of university of alabama football coach nick saban , bringing an end to a legal fight between sorority sisters that was sparked by an alcohol-fueled brawl .girl brawl : grimes ( left ) claimed in her 2012 lawsuit that she suffered lasting injuries during a boozy brawl with saban ( right ) in 2010 , which evidence showed began over a facebook post after a night of drinking\n", - "sarah grimes accused kristen saban , daughter of alabama football coach nick saban , of brutally beating her after a night of drinking in 2010in her suit , grimes said the sorority sisters were arguing over a boy when saban posted on facebook : ` no one likes sarah , yayyyyy !grimes claimed saban left her with a broken nose and a concussionsaban argued it was grimes who attacked her and left her bleedinggrimes ' lawsuit was set for trial in early august ; both women now will have to pay their own legal costs\n", - "[1.0754585 1.5250607 1.1674737 1.0637801 1.1626935 1.0449754 1.0662535\n", - " 1.0280272 1.1410416 1.2244961 1.0134357 1.0280297 1.031978 1.3063889\n", - " 1.1700076 1.1695827 1.0175204 1.0098166 1.0162201 1.0137887 1.0753827\n", - " 1.0462416 1.1047325]\n", - "\n", - "[ 1 13 9 14 15 2 4 8 22 0 20 6 3 21 5 12 11 7 16 18 19 10 17]\n", - "=======================\n", - "[\"their 2-0 victory over swansea made it three premier league wins in a row for the first time since 2000 , lifting nigel pearson 's side to 17th and ending their five-month spell at the bottom .andy king scores leicester 's second goal to seal three points against swansea at the king power stadiumulloa scored his first premier league goal in 647 minutes ; last scoring on boxing day 2014 .\"]\n", - "=======================\n", - "[\"leicester have recorded three consecutive premier league winsthe latest , a 2-0 success over swansea , lifted them to 17th in the tablenigel pearson 's side are starting to dream of beating relegationesteban cambiasso has been superb for the foxes this seasongoalkeeper kasper schmeichel has also hit some timely form\"]\n", - "their 2-0 victory over swansea made it three premier league wins in a row for the first time since 2000 , lifting nigel pearson 's side to 17th and ending their five-month spell at the bottom .andy king scores leicester 's second goal to seal three points against swansea at the king power stadiumulloa scored his first premier league goal in 647 minutes ; last scoring on boxing day 2014 .\n", - "leicester have recorded three consecutive premier league winsthe latest , a 2-0 success over swansea , lifted them to 17th in the tablenigel pearson 's side are starting to dream of beating relegationesteban cambiasso has been superb for the foxes this seasongoalkeeper kasper schmeichel has also hit some timely form\n", - "[1.5205431 1.2745793 1.2440703 1.1278563 1.2248515 1.1230354 1.13049\n", - " 1.0760404 1.015795 1.0183687 1.0208662 1.0304909 1.027679 1.0416565\n", - " 1.0425842 1.0518324 1.0288818 1.0146173 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 4 6 3 5 7 15 14 13 11 16 12 10 9 8 17 18 19 20 21 22]\n", - "=======================\n", - "[\"ss sergeant oskar groening - known as ` the bookkeeper of auschwitz ' - is set to go on trial charged with complicity in the killing of 300,000 jews at the nazi extermination campnow those who lost loved ones have travelled thousands of miles to bear witness as co-plaintiffs against groening in what may prove to be the last nazi trial of its kind in germany . 'they spoke of their pain , pride and duty in confronting this ` cog ' in the machinery of genocide .\"]\n", - "=======================\n", - "['ss sergeant oskar groening , 93 , faces trial for being a guard at auschwitzcharged with 300,000 counts of accessory to murder in 2 months in 1944groening says he was at the camp but denies killing or torturing jewssurvivors and relatives filed into court today as they waited for trial to start']\n", - "ss sergeant oskar groening - known as ` the bookkeeper of auschwitz ' - is set to go on trial charged with complicity in the killing of 300,000 jews at the nazi extermination campnow those who lost loved ones have travelled thousands of miles to bear witness as co-plaintiffs against groening in what may prove to be the last nazi trial of its kind in germany . 'they spoke of their pain , pride and duty in confronting this ` cog ' in the machinery of genocide .\n", - "ss sergeant oskar groening , 93 , faces trial for being a guard at auschwitzcharged with 300,000 counts of accessory to murder in 2 months in 1944groening says he was at the camp but denies killing or torturing jewssurvivors and relatives filed into court today as they waited for trial to start\n", - "[1.1885495 1.3612356 1.23235 1.19134 1.29944 1.2453725 1.118502\n", - " 1.1332694 1.0820009 1.0544789 1.1002731 1.0824593 1.0225793 1.0547947\n", - " 1.0810348 1.0349505 1.06637 1.0270212 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 5 2 3 0 7 6 10 11 8 14 16 13 9 15 17 12 21 18 19 20 22]\n", - "=======================\n", - "[\"chaplin 's union to lita grey , who was nearly 20 years his junior , lasted just three years .an original copy of the couples 50-page divorce papers was set to fetch an estimated # 15,000 when it goes under the hammer , after being found in america .the iconic film star was said have bedded the impressionable 16-year-old after promising her marriage and then tried to convince her to have an abortion when she fell pregnant .\"]\n", - "=======================\n", - "[\"charlie chaplin , 35 , married his second wife lita grey in 1924divorced three years later with grey branding ex ` cruel and inhumane 'salacious details of their married life revealed in 50 page legal documentdivorce papers set to fetch # 15,000 when they go under the hammer\"]\n", - "chaplin 's union to lita grey , who was nearly 20 years his junior , lasted just three years .an original copy of the couples 50-page divorce papers was set to fetch an estimated # 15,000 when it goes under the hammer , after being found in america .the iconic film star was said have bedded the impressionable 16-year-old after promising her marriage and then tried to convince her to have an abortion when she fell pregnant .\n", - "charlie chaplin , 35 , married his second wife lita grey in 1924divorced three years later with grey branding ex ` cruel and inhumane 'salacious details of their married life revealed in 50 page legal documentdivorce papers set to fetch # 15,000 when they go under the hammer\n", - "[1.2119298 1.4184474 1.2971702 1.2152364 1.1648033 1.0833869 1.0388532\n", - " 1.0209937 1.0339408 1.1165452 1.0616467 1.1578244 1.0923711 1.0319769\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 11 9 12 5 10 6 8 13 7 14 15 16 17]\n", - "=======================\n", - "[\"but this year 's cannes film festival has been declared a selfie-free zone after organisers asked celebrities to stop taking the ` ridiculous and grotesque ' images .while cannes director thierry fremaux admitted that he did not have the powers to ban the pictures altogether , he urged movie starts to resist the temptation .since ellen degeneres broke the internet with her celebrity selfie at last year 's oscars , taking mobile phone snaps on the red carpet has become a must-do for a list stars .\"]\n", - "=======================\n", - "[\"thierry fremaux , director of cannes , aims to make red carpet selfie-freesaid celebrities taking pictures of themselves slows entire event downmr fremaux then added : ` you never look as ugly as you do in a selfie 'stars featuring at 68th event include cate blanchett and michael caine\"]\n", - "but this year 's cannes film festival has been declared a selfie-free zone after organisers asked celebrities to stop taking the ` ridiculous and grotesque ' images .while cannes director thierry fremaux admitted that he did not have the powers to ban the pictures altogether , he urged movie starts to resist the temptation .since ellen degeneres broke the internet with her celebrity selfie at last year 's oscars , taking mobile phone snaps on the red carpet has become a must-do for a list stars .\n", - "thierry fremaux , director of cannes , aims to make red carpet selfie-freesaid celebrities taking pictures of themselves slows entire event downmr fremaux then added : ` you never look as ugly as you do in a selfie 'stars featuring at 68th event include cate blanchett and michael caine\n", - "[1.1770132 1.0649781 1.3293762 1.4799043 1.2370751 1.0933518 1.1333432\n", - " 1.118872 1.1103239 1.0412669 1.0825229 1.060178 1.1069281 1.0241406\n", - " 1.0346087 1.0158244 0. 0. ]\n", - "\n", - "[ 3 2 4 0 6 7 8 12 5 10 1 11 9 14 13 15 16 17]\n", - "=======================\n", - "[\"aidan turner has been signed up for a second series of bbc period drama poldarktv chiefs yesterday announced the cornwall-set drama will be coming back for eight more episodes after it helped bbc1 deliver its strongest start to a year for a decade .bbc1 boss charlotte moore confirmed that turner 's broody ross would return for another series , alongside actress eleanor tomlinson , who plays love interest -- and now wife -- demelza .\"]\n", - "=======================\n", - "[\"tv chiefs have announced drama poldark will return for second seasonabout 8.1 million people on average tuned in to watch each episodesecond series will be based on winston graham 's third and fourth books\"]\n", - "aidan turner has been signed up for a second series of bbc period drama poldarktv chiefs yesterday announced the cornwall-set drama will be coming back for eight more episodes after it helped bbc1 deliver its strongest start to a year for a decade .bbc1 boss charlotte moore confirmed that turner 's broody ross would return for another series , alongside actress eleanor tomlinson , who plays love interest -- and now wife -- demelza .\n", - "tv chiefs have announced drama poldark will return for second seasonabout 8.1 million people on average tuned in to watch each episodesecond series will be based on winston graham 's third and fourth books\n", - "[1.5431738 1.2743939 1.1019943 1.049202 1.0867672 1.0687125 1.0308774\n", - " 1.041512 1.118709 1.1111463 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 8 9 2 4 5 3 7 6 16 10 11 12 13 14 15 17]\n", - "=======================\n", - "['( cnn ) the powers of marvel \\'s all-star superheroes go a bit wobbly in \" avengers : age of ultron . \"faced with the daunting prospect of topping the surprise and excitement of 2012 \\'s the avengers , the third highest-grossing film of all time , writer-director joss whedon mixes some brooding down-time in with the abundant spectacle .last summer , \" guardians of the galaxy \" showed that marvel could play it a bit more fast and loose than it generally does , but the big-name franchises still seem sacrosanct .']\n", - "=======================\n", - "[\"` avengers : age of ultron ' hits theaters may 1critic : movie does n't quite measure up to the original from 2012\"]\n", - "( cnn ) the powers of marvel 's all-star superheroes go a bit wobbly in \" avengers : age of ultron . \"faced with the daunting prospect of topping the surprise and excitement of 2012 's the avengers , the third highest-grossing film of all time , writer-director joss whedon mixes some brooding down-time in with the abundant spectacle .last summer , \" guardians of the galaxy \" showed that marvel could play it a bit more fast and loose than it generally does , but the big-name franchises still seem sacrosanct .\n", - "` avengers : age of ultron ' hits theaters may 1critic : movie does n't quite measure up to the original from 2012\n", - "[1.1933709 1.4258403 1.3619118 1.351897 1.1362469 1.2496682 1.0318921\n", - " 1.0190967 1.0296946 1.0811018 1.067317 1.0672218 1.0863808 1.0510858\n", - " 1.0172814 1.0790159 1.0105767 1.0415889]\n", - "\n", - "[ 1 2 3 5 0 4 12 9 15 10 11 13 17 6 8 7 14 16]\n", - "=======================\n", - "[\"secretary of state john kerry said washington would not accept foreign interference in the country in a direct criticism of tehran 's backing of shiite houthi fighters .it comes as a saudi-led coalition continues to pound anti-government forces in yemen at the start of a third week of bombing .the middle east crisis deepened today as the us warned it will not ` stand by ' while iran supports rebels in yemen .\"]\n", - "=======================\n", - "[\"secretary of state john kerry hits out at iran 's support of houthi fightersbut adds that washington is not looking for a confrontation with tehransaudi-led coalition starts third week of air-strikes against rebels in yemenpentagon has started daily aerial refuelling for warplanes in the coalition\"]\n", - "secretary of state john kerry said washington would not accept foreign interference in the country in a direct criticism of tehran 's backing of shiite houthi fighters .it comes as a saudi-led coalition continues to pound anti-government forces in yemen at the start of a third week of bombing .the middle east crisis deepened today as the us warned it will not ` stand by ' while iran supports rebels in yemen .\n", - "secretary of state john kerry hits out at iran 's support of houthi fightersbut adds that washington is not looking for a confrontation with tehransaudi-led coalition starts third week of air-strikes against rebels in yemenpentagon has started daily aerial refuelling for warplanes in the coalition\n", - "[1.0634526 1.5126628 1.2125566 1.3294288 1.2715017 1.2151952 1.0436924\n", - " 1.0214723 1.0283825 1.0322219 1.0286847 1.1231933 1.1186087 1.066524\n", - " 1.0665157 1.0347835 1.0192876 1.0259103]\n", - "\n", - "[ 1 3 4 5 2 11 12 13 14 0 6 15 9 10 8 17 7 16]\n", - "=======================\n", - "[\"companies tittygram and titisign have popped up in russia offering the eyebrow raising service and are , by all accounts , causing quite a stir .cleavage : burger king has become one of the first big companies to take advantage of thi type of advertisingfrom the heart of russia : two companies now offer to write on a woman 's cleavage and take a snap\"]\n", - "=======================\n", - "[\"two russian companies have started offering unusual service this yearone message can cost as little as $ 6 , or # 4 , so it is a cost effective methodamerican fastfood chain posted an ` advert ' to its russian page this monthbut critics have pointed out it is unlikely to have mass market appeal\"]\n", - "companies tittygram and titisign have popped up in russia offering the eyebrow raising service and are , by all accounts , causing quite a stir .cleavage : burger king has become one of the first big companies to take advantage of thi type of advertisingfrom the heart of russia : two companies now offer to write on a woman 's cleavage and take a snap\n", - "two russian companies have started offering unusual service this yearone message can cost as little as $ 6 , or # 4 , so it is a cost effective methodamerican fastfood chain posted an ` advert ' to its russian page this monthbut critics have pointed out it is unlikely to have mass market appeal\n", - "[1.3877966 1.0867856 1.3067207 1.2195964 1.2345209 1.0805085 1.0792471\n", - " 1.0947522 1.149662 1.0876118 1.0459278 1.020057 1.0265268 1.0565935\n", - " 1.0345368 1.0141186 1.0097222 1.0111111 1.0568323 1.0163056 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 4 3 8 7 9 1 5 6 18 13 10 14 12 11 19 15 17 16 20 21]\n", - "=======================\n", - "['floyd mayweather v manny pacquiao will be the biggest fight of all time financially and the most significant this century .where money man v pacman comes to rank among the most important fights in ring history will depend upon what happens that coming night in the mgm grand garden arena .the fight voted the greatest sporting event of the 20th century .']\n", - "=======================\n", - "[\"floyd mayweather v manny pacquiao is now just nine days awaysportsmail 's jeff powell has been counting down the greatest fightsin the fourth of a series of 12 fights that shaped boxing history , we have george foreman v muhammad ali - the rumble in the jungleit was a fight which astonished the satellite world on october 30 , 1974foreman v ali inspired movies and millions of words written about it\"]\n", - "floyd mayweather v manny pacquiao will be the biggest fight of all time financially and the most significant this century .where money man v pacman comes to rank among the most important fights in ring history will depend upon what happens that coming night in the mgm grand garden arena .the fight voted the greatest sporting event of the 20th century .\n", - "floyd mayweather v manny pacquiao is now just nine days awaysportsmail 's jeff powell has been counting down the greatest fightsin the fourth of a series of 12 fights that shaped boxing history , we have george foreman v muhammad ali - the rumble in the jungleit was a fight which astonished the satellite world on october 30 , 1974foreman v ali inspired movies and millions of words written about it\n", - "[1.2112752 1.1203684 1.5051389 1.3323271 1.3509676 1.1834595 1.2624725\n", - " 1.0683305 1.052788 1.030328 1.0149578 1.0303392 1.0364796 1.067488\n", - " 1.05453 1.0993052 1.0900395 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 4 3 6 0 5 1 15 16 7 13 14 8 12 11 9 10 17 18 19 20 21]\n", - "=======================\n", - "[\"condemned staffordshire terrier izzy is set to be destroyed after she bit a woman in august 2012 after escaping from her owner tania isbester 's backyard in the basin , east melbourne , victoria .the woman who izzy bit suffered a 1.5 cm to her finger on august 4 in 2012 , which is deemed as a ` serious injury ' under the domestic animal act in victorian law , and izzy was seized by the council in june 2013 .lawyers for victorian woman tania isbester appealed to the high court hoping to have her staffordshire terrier , deemed aggressive by knox city council , saved from being put down .\"]\n", - "=======================\n", - "[\"the city of knox council made an ` administrative decision ' to kill izzyan appeal to save the dog has begun in australia 's high court on tuesdaythe staffordshire terrier bit a woman in august 2012she suffered a 1.5 cm cut but it was classed as a ` serious injury 'council decided to destroy izzy during a council panel meetingnormally a magistrate decides whether a dog should be killedthe barristers animal welfare panel are fighting her case at no costif they win the council will have to pay legal feesrspca sa offered to take izzy and assess her for rehabilitation\"]\n", - "condemned staffordshire terrier izzy is set to be destroyed after she bit a woman in august 2012 after escaping from her owner tania isbester 's backyard in the basin , east melbourne , victoria .the woman who izzy bit suffered a 1.5 cm to her finger on august 4 in 2012 , which is deemed as a ` serious injury ' under the domestic animal act in victorian law , and izzy was seized by the council in june 2013 .lawyers for victorian woman tania isbester appealed to the high court hoping to have her staffordshire terrier , deemed aggressive by knox city council , saved from being put down .\n", - "the city of knox council made an ` administrative decision ' to kill izzyan appeal to save the dog has begun in australia 's high court on tuesdaythe staffordshire terrier bit a woman in august 2012she suffered a 1.5 cm cut but it was classed as a ` serious injury 'council decided to destroy izzy during a council panel meetingnormally a magistrate decides whether a dog should be killedthe barristers animal welfare panel are fighting her case at no costif they win the council will have to pay legal feesrspca sa offered to take izzy and assess her for rehabilitation\n", - "[1.4437673 1.1615813 1.4065585 1.0498996 1.0436713 1.0658904 1.062497\n", - " 1.1776917 1.049792 1.0290372 1.0254096 1.029774 1.0263301 1.0356205\n", - " 1.0277027 1.0647329 1.0320674 1.0235444 1.2165606 1.0195457 1.0176084\n", - " 1.0170664]\n", - "\n", - "[ 0 2 18 7 1 5 15 6 3 8 4 13 16 11 9 14 12 10 17 19 20 21]\n", - "=======================\n", - "[\"three 's company : rebecca and husband harry settle in at anantara the palm jumeirahour baby girl is due on june 4 and , when we touched down in dubai , i was 28 weeks pregnant .jump in : the anantara has three turquoise-blue ` lagoons ' ideal for swimmers of all experience levels\"]\n", - "=======================\n", - "[\"it was a crucial holiday for the olympic gold medallist and husband harrytheir stay would be their last getaway before the birth of their first childthe couple stayed in over-the-water bungalows at dubai 's anantara resort\"]\n", - "three 's company : rebecca and husband harry settle in at anantara the palm jumeirahour baby girl is due on june 4 and , when we touched down in dubai , i was 28 weeks pregnant .jump in : the anantara has three turquoise-blue ` lagoons ' ideal for swimmers of all experience levels\n", - "it was a crucial holiday for the olympic gold medallist and husband harrytheir stay would be their last getaway before the birth of their first childthe couple stayed in over-the-water bungalows at dubai 's anantara resort\n", - "[1.0246129 1.2293129 1.2858038 1.3535016 1.1701058 1.3353839 1.0781659\n", - " 1.1264131 1.02887 1.0418338 1.1425045 1.0963116 1.1056093 1.037589\n", - " 1.0612415 1.0137793 1.0518802 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 5 2 1 4 10 7 12 11 6 14 16 9 13 8 0 15 20 17 18 19 21]\n", - "=======================\n", - "[\"ethical maldives alliance is encouraging tourists to boycott ` high risk ' resorts linked to human rights abusesthe alliance has crafted a list of over 100 well-known hotels and is urging visitors to consult the guide before travelling .known for pristine beaches and crystal clear water , the maldives has recently come under scrutiny after the country 's former president , mohammad nasheed , was found guilty of terrorism charges earlier this year .\"]\n", - "=======================\n", - "[\"the organisation has classified over 100 resorts into ` risk ' categoriesurges boycott of those considered to have ` high risk ' of corruptionamong those listed to avoid is the popular conrad maldives rangali island\"]\n", - "ethical maldives alliance is encouraging tourists to boycott ` high risk ' resorts linked to human rights abusesthe alliance has crafted a list of over 100 well-known hotels and is urging visitors to consult the guide before travelling .known for pristine beaches and crystal clear water , the maldives has recently come under scrutiny after the country 's former president , mohammad nasheed , was found guilty of terrorism charges earlier this year .\n", - "the organisation has classified over 100 resorts into ` risk ' categoriesurges boycott of those considered to have ` high risk ' of corruptionamong those listed to avoid is the popular conrad maldives rangali island\n", - "[1.3291545 1.399166 1.1398249 1.1923592 1.1658065 1.1518769 1.1836478\n", - " 1.1177865 1.0766891 1.0989974 1.0551573 1.0621456 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 6 4 5 2 7 9 8 11 10 12 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"three federal court judges ruled that vella , 61 - who is regularly described as a millionaire businessman - be prohibited from returning after the government cancelled the rebels bikie gang president 's visa while he was overseas in his native malta last year .the australian government has won its bid to ban the boss of the nation 's biggest bikie gang from australia after the federal court ruled unanimously against alex vella re-entering the country .the decision strands vella in malta , leaving behind in australia 24 close family members including a wife , sons and an elderly mother , all of whom are australian citizens .\"]\n", - "=======================\n", - "[\"rebels bikie gang boss alex vella has been stranded in malta since his visa was cancelled in june last yearthe federal court ruled this week he is banned from returning to australia and the ` the maltese falcon ' has been ordered to pay court costsmillionaire businessman vella sold key rings and t-shirts to raise money for his court challengecourt documents claimed rebels engaged in drug dealing , extortion and kidnapping under vella\"]\n", - "three federal court judges ruled that vella , 61 - who is regularly described as a millionaire businessman - be prohibited from returning after the government cancelled the rebels bikie gang president 's visa while he was overseas in his native malta last year .the australian government has won its bid to ban the boss of the nation 's biggest bikie gang from australia after the federal court ruled unanimously against alex vella re-entering the country .the decision strands vella in malta , leaving behind in australia 24 close family members including a wife , sons and an elderly mother , all of whom are australian citizens .\n", - "rebels bikie gang boss alex vella has been stranded in malta since his visa was cancelled in june last yearthe federal court ruled this week he is banned from returning to australia and the ` the maltese falcon ' has been ordered to pay court costsmillionaire businessman vella sold key rings and t-shirts to raise money for his court challengecourt documents claimed rebels engaged in drug dealing , extortion and kidnapping under vella\n", - "[1.3318563 1.3644273 1.3044395 1.1449335 1.299035 1.2586203 1.0391052\n", - " 1.0181701 1.0200789 1.0998259 1.0229179 1.0309159 1.1307052 1.0275568\n", - " 1.0203379 1.0113455 1.0122792 1.0129809 1.2677141 1.0660797 1.0224283\n", - " 1.0183985 1.0156451]\n", - "\n", - "[ 1 0 2 4 18 5 3 12 9 19 6 11 13 10 20 14 8 21 7 22 17 16 15]\n", - "=======================\n", - "[\"the brazilian has been at anfield for eight years and holds the unwanted record of playing more games for liverpool without winning a major trophy than anyone else in 50 years .lucas leiva would like to remind people it is not just steven gerrard playing out his own emotional journey in sunday 's fa cup semi-final against aston villa at wembley .he missed the 2012 league cup final and two other wembley appearances that year with a serious knee injury sustained against chelsea the previous november .\"]\n", - "=======================\n", - "[\"lucas holds record of playing more liverpool games without winning a major trophy than anyone else in 50 yearsliverpool face aston villa in fa cup semi-final at wembley on sundayfa cup final next month could be steven gerrard 's last liverpool game\"]\n", - "the brazilian has been at anfield for eight years and holds the unwanted record of playing more games for liverpool without winning a major trophy than anyone else in 50 years .lucas leiva would like to remind people it is not just steven gerrard playing out his own emotional journey in sunday 's fa cup semi-final against aston villa at wembley .he missed the 2012 league cup final and two other wembley appearances that year with a serious knee injury sustained against chelsea the previous november .\n", - "lucas holds record of playing more liverpool games without winning a major trophy than anyone else in 50 yearsliverpool face aston villa in fa cup semi-final at wembley on sundayfa cup final next month could be steven gerrard 's last liverpool game\n", - "[1.2254448 1.4604268 1.1878097 1.1245049 1.2022871 1.2170584 1.1511277\n", - " 1.0798678 1.0558062 1.0776415 1.1827947 1.0620108 1.1114068 1.031009\n", - " 1.0590059 1.0609031 1.0707301 1.061425 1.0239359 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 5 4 2 10 6 3 12 7 9 16 11 17 15 14 8 13 18 19 20 21 22]\n", - "=======================\n", - "['zaur dadaev is accused of being involved in the shooting of the politician in moscow on february 27 , along with four other chechan men .a man charged with assassinating russian opposition leader boris nemstov has told a court he was beaten and pressured into confessing to the murder .dadaev is one of five chechan men who have been accused of killing the opposition leader .']\n", - "=======================\n", - "['zaur dadaev is accused of shooting the kremlin critic , close to red squaresuspect had reportedly confessed to murder but later retracted statementclaims he was abducted , beaten and pressured into confessing to murder']\n", - "zaur dadaev is accused of being involved in the shooting of the politician in moscow on february 27 , along with four other chechan men .a man charged with assassinating russian opposition leader boris nemstov has told a court he was beaten and pressured into confessing to the murder .dadaev is one of five chechan men who have been accused of killing the opposition leader .\n", - "zaur dadaev is accused of shooting the kremlin critic , close to red squaresuspect had reportedly confessed to murder but later retracted statementclaims he was abducted , beaten and pressured into confessing to murder\n", - "[1.2679466 1.2419407 1.2609365 1.4353856 1.2788224 1.0638008 1.1337227\n", - " 1.0407699 1.1564547 1.0161848 1.0476702 1.0136384 1.291528 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 12 4 0 2 1 8 6 5 10 7 9 11 13 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "['david seaman says this save against sheffield united was the best one he ever made during his careerarsene wenger ( left ) has been warned not to underestimate his fa cup semi-final opponents readingthe former england international went on the win the fa cup with arsenal in the same season']\n", - "=======================\n", - "[\"david seaman reveals that his save against sheffield united was his bestthe former arsenal keeper somehow kept out paul peschisolido 's headerseaman has warned the gunners to be wary of underdogs readingarsenal were given a torrid time by sheffield united back in 2003click here for all the latest arsenal news\"]\n", - "david seaman says this save against sheffield united was the best one he ever made during his careerarsene wenger ( left ) has been warned not to underestimate his fa cup semi-final opponents readingthe former england international went on the win the fa cup with arsenal in the same season\n", - "david seaman reveals that his save against sheffield united was his bestthe former arsenal keeper somehow kept out paul peschisolido 's headerseaman has warned the gunners to be wary of underdogs readingarsenal were given a torrid time by sheffield united back in 2003click here for all the latest arsenal news\n", - "[1.3336775 1.5350288 1.2534708 1.4947404 1.1549964 1.0434835 1.020582\n", - " 1.0294492 1.0224775 1.0832465 1.123594 1.0167345 1.0278076 1.0297457\n", - " 1.0359924 1.0109941 1.090214 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 10 16 9 5 14 13 7 12 8 6 11 15 21 17 18 19 20 22]\n", - "=======================\n", - "[\"prior to the international break the reds ' 13-match unbeaten league run was ended at home to champions league-chasing rivals manchester united , leaving them five points adrift of the qualification places .liverpool manager brendan rodgers has urged his team to perform well in the clash with arsenal on saturdaydefeat at third-placed arsenal would be a huge blow to their aspirations of returning to europe 's elite for a second successive season .\"]\n", - "=======================\n", - "['arsenal host top four rivals liverpool at the emirates on saturdaymartin skrtel and steven gerrard are suspended for the pivotal clashliverpool lost 2-1 to manchester united before the international breakarsenal , in third place , are six points ahead of liverpool in the league']\n", - "prior to the international break the reds ' 13-match unbeaten league run was ended at home to champions league-chasing rivals manchester united , leaving them five points adrift of the qualification places .liverpool manager brendan rodgers has urged his team to perform well in the clash with arsenal on saturdaydefeat at third-placed arsenal would be a huge blow to their aspirations of returning to europe 's elite for a second successive season .\n", - "arsenal host top four rivals liverpool at the emirates on saturdaymartin skrtel and steven gerrard are suspended for the pivotal clashliverpool lost 2-1 to manchester united before the international breakarsenal , in third place , are six points ahead of liverpool in the league\n", - "[1.2975702 1.1868212 1.28754 1.10276 1.4001747 1.3459795 1.1232245\n", - " 1.1279927 1.0845518 1.0861692 1.0202116 1.0687481 1.0406512 1.0549971\n", - " 1.0487227 1.0293616 1.0275141 1.053732 1.0300654 1.0331969 0.\n", - " 0. 0. ]\n", - "\n", - "[ 4 5 0 2 1 7 6 3 9 8 11 13 17 14 12 19 18 15 16 10 21 20 22]\n", - "=======================\n", - "['formula one supremo bernie ecclestone with lewis hamilton in bahrainbernie ecclestone has urged lewis hamilton to think the unthinkable -- and consider a move from mercedes to ferrari .hamilton , 30 , has yet to put pen to paper on a new contract with mercedes .']\n", - "=======================\n", - "['bernie ecclestone has urged lewis hamilton to consider a move to ferrarithe 30-year-old has yet to put pen to paper on new contract with mercedesthe brit will seek to to extend his 13-point lead at the bahrain grand prix']\n", - "formula one supremo bernie ecclestone with lewis hamilton in bahrainbernie ecclestone has urged lewis hamilton to think the unthinkable -- and consider a move from mercedes to ferrari .hamilton , 30 , has yet to put pen to paper on a new contract with mercedes .\n", - "bernie ecclestone has urged lewis hamilton to consider a move to ferrarithe 30-year-old has yet to put pen to paper on new contract with mercedesthe brit will seek to to extend his 13-point lead at the bahrain grand prix\n", - "[1.1118885 1.1691227 1.2937812 1.1488175 1.3760426 1.2202864 1.1316626\n", - " 1.039336 1.2781473 1.0249083 1.0115246 1.0127615 1.0117522 1.013242\n", - " 1.0120814 0. 0. 0. 0. ]\n", - "\n", - "[ 4 2 8 5 1 3 6 0 7 9 13 11 14 12 10 15 16 17 18]\n", - "=======================\n", - "[\"leicester , for example , are winning games , but we are n't , ' he said after goals from nacer chadli , christian eriksen and harry kane 's 30th of the season condemned them to a 10th loss in 14 .in fact , head coach john carver fears his side -- the worst in the division on present form -- could yet plummet towards the bottom three .harry kane celebrates putting the result beyond doubt as spurs claim a 3-1 win over newcastle , who sink to a sixth loss on the bounce\"]\n", - "=======================\n", - "[\"nacer chadli opened the scoring with a left-footed strike from outside the box on the half-hour markjack colback equalised for the home side immediately after half-time after the ball fell kindly in the areachristian eriksen won spurs the lead back with the swede 's curling free-kick missing everyoneharry kane topped off a relatively quiet game with a runaway goal after regular time was upnewcastle have now lost six consecutive premier league matches under manager john carverfans protested before and during the match against owner mike ashley 's perceived lack of ambition\"]\n", - "leicester , for example , are winning games , but we are n't , ' he said after goals from nacer chadli , christian eriksen and harry kane 's 30th of the season condemned them to a 10th loss in 14 .in fact , head coach john carver fears his side -- the worst in the division on present form -- could yet plummet towards the bottom three .harry kane celebrates putting the result beyond doubt as spurs claim a 3-1 win over newcastle , who sink to a sixth loss on the bounce\n", - "nacer chadli opened the scoring with a left-footed strike from outside the box on the half-hour markjack colback equalised for the home side immediately after half-time after the ball fell kindly in the areachristian eriksen won spurs the lead back with the swede 's curling free-kick missing everyoneharry kane topped off a relatively quiet game with a runaway goal after regular time was upnewcastle have now lost six consecutive premier league matches under manager john carverfans protested before and during the match against owner mike ashley 's perceived lack of ambition\n", - "[1.3460047 1.2155452 1.3136708 1.3629178 1.1843348 1.1042349 1.0722657\n", - " 1.120091 1.1261636 1.035489 1.010274 1.1856744 1.1290716 1.0283867\n", - " 1.0232136 1.0501429 1.0128193 0. 0. ]\n", - "\n", - "[ 3 0 2 1 11 4 12 8 7 5 6 15 9 13 14 16 10 17 18]\n", - "=======================\n", - "[\"thousands of voters have suggested landmarks across the city in devon to fill the more expensive slots , which are taken up on the london version by the likes of mayfair and park lane .it 's the most popular board game in the world , with hundreds of versions springing up in far-flung cities across the globe .but no one has come forward with ideas for which streets should fill the brown sections of the board , which cost $ 60 in monopoly money .\"]\n", - "=======================\n", - "[\"exeter is getting its own special edition of classic board game monopolybut residents ca n't think of anywhere to fill low-rent spaces on the boardgame-makers say they have never come across this issue in a city beforeexeter council leader says there are no areas suitable to be old kent road\"]\n", - "thousands of voters have suggested landmarks across the city in devon to fill the more expensive slots , which are taken up on the london version by the likes of mayfair and park lane .it 's the most popular board game in the world , with hundreds of versions springing up in far-flung cities across the globe .but no one has come forward with ideas for which streets should fill the brown sections of the board , which cost $ 60 in monopoly money .\n", - "exeter is getting its own special edition of classic board game monopolybut residents ca n't think of anywhere to fill low-rent spaces on the boardgame-makers say they have never come across this issue in a city beforeexeter council leader says there are no areas suitable to be old kent road\n", - "[1.4521712 1.445871 1.2229273 1.267827 1.1830304 1.0905582 1.1380517\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 6 5 16 15 14 13 12 9 10 17 8 7 11 18]\n", - "=======================\n", - "[\"manchester united are to hand trials to mk dons teenagers luke tingey and kyran wiltshire .central defender tingey , 18 , became a hit on youtube last month when he scored a sensational 40 yard free-kick against swindon in a 5-3 win for mk dons under-18s .wiltshire , also 18 , is a lively centre midfielder who was included in karl robinson 's first-team squad for friendlies last pre-season .\"]\n", - "=======================\n", - "[\"luke tingey and kyran wiltshire to spend time at united 's carrington hqtingey , 18 , became youtube sensation after stunning 40-yard free kickwiltshire , a central midfielder , was involved in mk dons ' pre-season squadunited keen to bring in talented younger players to boost squad numbers ahead of next season 's uefa under-19 youth league competitionread : what has louis van gaal changed since man utd sacked moyes ?read : manchester united gareth bale to give his side needed dynamism\"]\n", - "manchester united are to hand trials to mk dons teenagers luke tingey and kyran wiltshire .central defender tingey , 18 , became a hit on youtube last month when he scored a sensational 40 yard free-kick against swindon in a 5-3 win for mk dons under-18s .wiltshire , also 18 , is a lively centre midfielder who was included in karl robinson 's first-team squad for friendlies last pre-season .\n", - "luke tingey and kyran wiltshire to spend time at united 's carrington hqtingey , 18 , became youtube sensation after stunning 40-yard free kickwiltshire , a central midfielder , was involved in mk dons ' pre-season squadunited keen to bring in talented younger players to boost squad numbers ahead of next season 's uefa under-19 youth league competitionread : what has louis van gaal changed since man utd sacked moyes ?read : manchester united gareth bale to give his side needed dynamism\n", - "[1.2680154 1.5335594 1.3732936 1.3832366 1.0804082 1.043536 1.0344727\n", - " 1.1579447 1.195343 1.225334 1.0246137 1.0212109 1.0252424 1.0182399\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 9 8 7 4 5 6 12 10 11 13 17 14 15 16 18]\n", - "=======================\n", - "[\"jake drage sang a children 's song for reporters as he left a west java jail nine months after he was put behind bars following a crash that killed a woman who was riding a motorcycle with her teenage daughter .the 23-year-old surfer , who was taken into custody in june last year , said he can not wait to get back in the water .an australian man who walked free from an indonesian prison after nine months plans to celebrate his season by heading to the beach .\"]\n", - "=======================\n", - "[\"jake drage released after nine months in an indonesian prisondrage was jailed following a crash that killed a woman riding a motorbike23-year-old west australian man sang children 's songs as he was releasedsays one of the first things he 'll do is go surfing after getting back home\"]\n", - "jake drage sang a children 's song for reporters as he left a west java jail nine months after he was put behind bars following a crash that killed a woman who was riding a motorcycle with her teenage daughter .the 23-year-old surfer , who was taken into custody in june last year , said he can not wait to get back in the water .an australian man who walked free from an indonesian prison after nine months plans to celebrate his season by heading to the beach .\n", - "jake drage released after nine months in an indonesian prisondrage was jailed following a crash that killed a woman riding a motorbike23-year-old west australian man sang children 's songs as he was releasedsays one of the first things he 'll do is go surfing after getting back home\n", - "[1.2462147 1.3834732 1.3138856 1.2783215 1.268348 1.1651256 1.1080315\n", - " 1.1116637 1.0586323 1.0322157 1.0264956 1.0559834 1.1269002 1.0909096\n", - " 1.0359957 1.0349091 1.0766803 1.1640937 1.0560837]\n", - "\n", - "[ 1 2 3 4 0 5 17 12 7 6 13 16 8 18 11 14 15 9 10]\n", - "=======================\n", - "[\"it was revealed last month kieran loveridge , who brutally attacked mr kelly at kings cross , was moved to goulburn supermax prison because he had an ` improper relationship ' with a female officer .the 21-year-old is thought to have had a relationship with port macquarie woman jody marson , the daily telegraph reported .jody marson ( left and right ) has been named as the prison guard who had an affair with kieran loveridge\"]\n", - "=======================\n", - "[\"jody marson is prison guard who had alleged affair with kieran loveridgems marson is from port macquarie on new south wales ' mid-north coastthe 30-year-old was suspended when alleged relationship was discoveredms marson is a fitness enthusiastic who competes in ironwoman eventsloveridge is serving 12 years for killing thomas king in sydney in 2012he was moved to goulburn supermax prison when he assaulted an inmate\"]\n", - "it was revealed last month kieran loveridge , who brutally attacked mr kelly at kings cross , was moved to goulburn supermax prison because he had an ` improper relationship ' with a female officer .the 21-year-old is thought to have had a relationship with port macquarie woman jody marson , the daily telegraph reported .jody marson ( left and right ) has been named as the prison guard who had an affair with kieran loveridge\n", - "jody marson is prison guard who had alleged affair with kieran loveridgems marson is from port macquarie on new south wales ' mid-north coastthe 30-year-old was suspended when alleged relationship was discoveredms marson is a fitness enthusiastic who competes in ironwoman eventsloveridge is serving 12 years for killing thomas king in sydney in 2012he was moved to goulburn supermax prison when he assaulted an inmate\n", - "[1.0817056 1.0727832 1.2207266 1.1074908 1.2545289 1.1783568 1.1095966\n", - " 1.1275605 1.0659697 1.0519875 1.0657804 1.0540286 1.0497308 1.0899447\n", - " 1.0629611 1.0325298 0. 0. ]\n", - "\n", - "[ 4 2 5 7 6 3 13 0 1 8 10 14 11 9 12 15 16 17]\n", - "=======================\n", - "['one of the biggest catalysts has been \" the meatrix , \" a 2003 animation parody based on \" the matrix \" and produced by the grace communications foundation , which crystallized the public health risks and environmental harms of factory farming .that inspired me to found food policy action and become politically active in a range of food issues , from hunger to factory farms .a decade ago , concepts like \" sustainable farming , \" \" animal welfare \" and \" organic food \" were considered fringe .']\n", - "=======================\n", - "['tom colicchio : \" the meatrix : relaunched \" is an important benchmark of the evolution of sustainable food movementbut factory farms continued to reap large profits while producing subpar meat , polluting nature and damaging our healthcolicchio : we need to ask members of congress to promote sustainable farming']\n", - "one of the biggest catalysts has been \" the meatrix , \" a 2003 animation parody based on \" the matrix \" and produced by the grace communications foundation , which crystallized the public health risks and environmental harms of factory farming .that inspired me to found food policy action and become politically active in a range of food issues , from hunger to factory farms .a decade ago , concepts like \" sustainable farming , \" \" animal welfare \" and \" organic food \" were considered fringe .\n", - "tom colicchio : \" the meatrix : relaunched \" is an important benchmark of the evolution of sustainable food movementbut factory farms continued to reap large profits while producing subpar meat , polluting nature and damaging our healthcolicchio : we need to ask members of congress to promote sustainable farming\n", - "[1.3283868 1.3933282 1.2782633 1.2022781 1.0745269 1.2514534 1.0719056\n", - " 1.0287558 1.0188602 1.0947782 1.0468614 1.1174023 1.0941708 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 5 3 11 9 12 4 6 10 7 8 13 14 15 16 17]\n", - "=======================\n", - "[\"the journalist and lifestyle guru behind the ` i quit sugar ' book and website complained to mamamia after her image was used to illustrate a story about orthorexia nervosa -- a condition defined by an obsession for eating ` healthily ' .wilson 's face was plastered on the article alongside controversial wellness blogger belle gibson , who has been accused of faking terminal cancer , and paleo diet preacher pete evans .sarah wilson hit out at the mamamia website after it published her photograph alongside a story on an eating disorder\"]\n", - "=======================\n", - "[\"mamamia used a photo of wilson on a story about orthorexia nervosathe i quit sugar author and wellness blogger complained to the websitethey have apologised and removed her photo from the story` the choice of images originally used to illustrate this story were n't ideal , ' mamamia saidwilson was pictured alongside controversial blogger belle gibsonpaleo preacher pete evans 's photo was also used in the articlein 2013 mamamia 's founder mia freedman called wilson ` obsessed '\"]\n", - "the journalist and lifestyle guru behind the ` i quit sugar ' book and website complained to mamamia after her image was used to illustrate a story about orthorexia nervosa -- a condition defined by an obsession for eating ` healthily ' .wilson 's face was plastered on the article alongside controversial wellness blogger belle gibson , who has been accused of faking terminal cancer , and paleo diet preacher pete evans .sarah wilson hit out at the mamamia website after it published her photograph alongside a story on an eating disorder\n", - "mamamia used a photo of wilson on a story about orthorexia nervosathe i quit sugar author and wellness blogger complained to the websitethey have apologised and removed her photo from the story` the choice of images originally used to illustrate this story were n't ideal , ' mamamia saidwilson was pictured alongside controversial blogger belle gibsonpaleo preacher pete evans 's photo was also used in the articlein 2013 mamamia 's founder mia freedman called wilson ` obsessed '\n", - "[1.4409914 1.444511 1.2523012 1.5548246 1.1259582 1.0592868 1.090963\n", - " 1.0370874 1.0218676 1.0577676 1.0157497 1.0143737 1.0207434 1.0191573\n", - " 1.0278363 1.0159568 1.1088483 0. ]\n", - "\n", - "[ 3 1 0 2 4 16 6 5 9 7 14 8 12 13 15 10 11 17]\n", - "=======================\n", - "[\"leeds rhinos captain kevin sinfield is to switch codes and join yorkshire carnegie at the end of the seasonsinfield , who is closing in on third place in rugby league 's all-time scoring list with 3,997 points , told a news conference at headingley he did not want to play against rhinos and that the opportunity to spearhead carnegie 's bid for a premiership return was too good to resist .sinfield ( centre ) lifts the super league trophy after leeds beat warrington in the grand final in october 2012\"]\n", - "=======================\n", - "['kevin sinfield has announced he is leaving leeds at the end of the seasonthe 34-year-old will cross codes to join sister club yorkshire carnegiesinfield has won six super league titles , three world club challenges and one challenge cup with the rhinos']\n", - "leeds rhinos captain kevin sinfield is to switch codes and join yorkshire carnegie at the end of the seasonsinfield , who is closing in on third place in rugby league 's all-time scoring list with 3,997 points , told a news conference at headingley he did not want to play against rhinos and that the opportunity to spearhead carnegie 's bid for a premiership return was too good to resist .sinfield ( centre ) lifts the super league trophy after leeds beat warrington in the grand final in october 2012\n", - "kevin sinfield has announced he is leaving leeds at the end of the seasonthe 34-year-old will cross codes to join sister club yorkshire carnegiesinfield has won six super league titles , three world club challenges and one challenge cup with the rhinos\n", - "[1.279011 1.4573529 1.1836567 1.311125 1.2452583 1.1122406 1.0622452\n", - " 1.0420047 1.20989 1.0291213 1.0227605 1.0197836 1.0802908 1.0311981\n", - " 1.0412781 1.1392024 1.0356009 0. ]\n", - "\n", - "[ 1 3 0 4 8 2 15 5 12 6 7 14 16 13 9 10 11 17]\n", - "=======================\n", - "['shadow health secretary and keen football fan andy burnham said the move could unlock # 400 million to nurture the talents of the next generation of stars over the course of the next parliament .andy burnham ( left ) and ed miliband promise that labour will make the premier league invest in grassrootsa labour government would take action to enforce a premier league commitment to invest five per cent of the proceeds from lucrative tv rights deals in grassroots sport , the party has said .']\n", - "=======================\n", - "[\"andy burnham says labour would enforce the premier league to invest an estimtated # 400million into grassroots football with the new tv dealthe shadow health secretary accused prime minister david cameron of not fulfilling his promises of investing and improving grassrootslabour 's sports spokesman clive efford promised to get tough\"]\n", - "shadow health secretary and keen football fan andy burnham said the move could unlock # 400 million to nurture the talents of the next generation of stars over the course of the next parliament .andy burnham ( left ) and ed miliband promise that labour will make the premier league invest in grassrootsa labour government would take action to enforce a premier league commitment to invest five per cent of the proceeds from lucrative tv rights deals in grassroots sport , the party has said .\n", - "andy burnham says labour would enforce the premier league to invest an estimtated # 400million into grassroots football with the new tv dealthe shadow health secretary accused prime minister david cameron of not fulfilling his promises of investing and improving grassrootslabour 's sports spokesman clive efford promised to get tough\n", - "[1.3052886 1.4197571 1.2157513 1.1989566 1.1723194 1.1115941 1.0281749\n", - " 1.0432924 1.1399966 1.0439653 1.0807883 1.1105522 1.053636 1.0426948\n", - " 1.0395373 1.0230747 1.0441412 1.0418631]\n", - "\n", - "[ 1 0 2 3 4 8 5 11 10 12 16 9 7 13 17 14 6 15]\n", - "=======================\n", - "[\"among them , the family of eight-year-old martin richard , the youngest victim to lose his life in the april 15 , 2013 attack , headed to boylston street to help officials unveil commemorative banners .survivors of the boston marathon bombing returned to the site of the deadly blasts on tuesday as they marked the second anniversary of the tragedy .four orange signs each bearing a white heart and the word ` boston ' were placed at the site .\"]\n", - "=======================\n", - "['a ceremony was held on boylston street on tuesday morning to mark two years since the april 15 , 2013 bombingsthe family of eight-year-old martin richard , the youngest victim to lose his life , helped unveil commemorative banners at the sitejeff bauman , who lost both his legs , also walked along the street on his prosthetic legs with his wife erin and their baby daughter norahe also greeted carlos arredondo , who helped save his lifea moment of silence was also held at 2.49 pm to mark the first of the explosions , which killed three people and left more than 260 injured']\n", - "among them , the family of eight-year-old martin richard , the youngest victim to lose his life in the april 15 , 2013 attack , headed to boylston street to help officials unveil commemorative banners .survivors of the boston marathon bombing returned to the site of the deadly blasts on tuesday as they marked the second anniversary of the tragedy .four orange signs each bearing a white heart and the word ` boston ' were placed at the site .\n", - "a ceremony was held on boylston street on tuesday morning to mark two years since the april 15 , 2013 bombingsthe family of eight-year-old martin richard , the youngest victim to lose his life , helped unveil commemorative banners at the sitejeff bauman , who lost both his legs , also walked along the street on his prosthetic legs with his wife erin and their baby daughter norahe also greeted carlos arredondo , who helped save his lifea moment of silence was also held at 2.49 pm to mark the first of the explosions , which killed three people and left more than 260 injured\n", - "[1.3903329 1.4622421 1.1654214 1.0887977 1.2836769 1.0954635 1.0661273\n", - " 1.179903 1.1385784 1.1804429 1.1617826 1.0512073 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 4 9 7 2 10 8 5 3 6 11 20 12 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"kawhi leonard , matt bonner , patty mills , aron baynes and official mascot the coyote all teamed up to form the band - with the bands name in reference to english rockers duran duran .defending nba champions san antonio spurs have stepped up their title defence preparation by taking part in an amusing music video which announced band spuran spuran .matt bonner was on guitar duty for spuran spuran as they announced debut song ` spurs ! '\"]\n", - "=======================\n", - "[\"san antonio spurs players take part in spuran spuran music videothe nba champions perform single ` spurs ! 'kawhi leonard , matt bonner , patty mills and aron baynes all teamed upspurs are third in the western conference with the play-offs approaching\"]\n", - "kawhi leonard , matt bonner , patty mills , aron baynes and official mascot the coyote all teamed up to form the band - with the bands name in reference to english rockers duran duran .defending nba champions san antonio spurs have stepped up their title defence preparation by taking part in an amusing music video which announced band spuran spuran .matt bonner was on guitar duty for spuran spuran as they announced debut song ` spurs ! '\n", - "san antonio spurs players take part in spuran spuran music videothe nba champions perform single ` spurs ! 'kawhi leonard , matt bonner , patty mills and aron baynes all teamed upspurs are third in the western conference with the play-offs approaching\n", - "[1.3903532 1.3115867 1.2318001 1.2049019 1.1594983 1.1909621 1.1799778\n", - " 1.0182221 1.0136561 1.1388131 1.1124957 1.0557883 1.1276727 1.1389649\n", - " 1.1012616 1.0775427 1.0141062 1.0236926 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 3 5 6 4 13 9 12 10 14 15 11 17 7 16 8 18 19 20 21]\n", - "=======================\n", - "[\"singer-songwriter don mclean 's original manuscript and notes to ` american pie ' have been sold at auction for $ 1.2 million .mclean offered the wistful anthem that asks ` do you recall what was revealed the day the music died ? 'at christie 's on tuesday .\"]\n", - "=======================\n", - "[\"original lyrics to u.s. pop anthem american pie up for auction tuesdayunidentified bidder won the 16-page document for $ 1.2 millionthe manuscript includes a deleted verse about music being ` reborn ' .\"]\n", - "singer-songwriter don mclean 's original manuscript and notes to ` american pie ' have been sold at auction for $ 1.2 million .mclean offered the wistful anthem that asks ` do you recall what was revealed the day the music died ? 'at christie 's on tuesday .\n", - "original lyrics to u.s. pop anthem american pie up for auction tuesdayunidentified bidder won the 16-page document for $ 1.2 millionthe manuscript includes a deleted verse about music being ` reborn ' .\n", - "[1.39832 1.1751765 1.4342103 1.1856083 1.2572001 1.217752 1.1173266\n", - " 1.0921606 1.0935551 1.0982828 1.0161109 1.0210321 1.0155033 1.0108647\n", - " 1.0579032 1.0366917 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 4 5 3 1 6 9 8 7 14 15 11 10 12 13 20 16 17 18 19 21]\n", - "=======================\n", - "[\"anna foord , of elstree , hertfordshire , convinced investors to buy low grade gems overvalued by up to 2,000 per cent , a court heard .diamond fraudster anna foord jetted around the world buying designer shoes and bags using cash she swindled from her victimsshe was part of a gang of fraudsters who lived lavish lifestyles by selling investors coloured diamonds in the # 1.5 m ` boiler room ' scam .\"]\n", - "=======================\n", - "[\"anna foord sold low grade diamonds at hugely inflated prices , court is toldpart of gang who sold coloured diamonds in # 1.5 million ` boiler room ' scamfoord , 30 , was found guilty of conspiracy to defraud and money launderinganother gang member was found guilty while three others admitted similar charges\"]\n", - "anna foord , of elstree , hertfordshire , convinced investors to buy low grade gems overvalued by up to 2,000 per cent , a court heard .diamond fraudster anna foord jetted around the world buying designer shoes and bags using cash she swindled from her victimsshe was part of a gang of fraudsters who lived lavish lifestyles by selling investors coloured diamonds in the # 1.5 m ` boiler room ' scam .\n", - "anna foord sold low grade diamonds at hugely inflated prices , court is toldpart of gang who sold coloured diamonds in # 1.5 million ` boiler room ' scamfoord , 30 , was found guilty of conspiracy to defraud and money launderinganother gang member was found guilty while three others admitted similar charges\n", - "[1.2103547 1.338335 1.2353264 1.2605736 1.2913007 1.0307301 1.0672451\n", - " 1.1847749 1.1428689 1.112191 1.083037 1.0604028 1.0691913 1.0277133\n", - " 1.022639 1.0127124 1.1182979 1.0171127 1.0130491 1.0476149 1.0310636\n", - " 0. ]\n", - "\n", - "[ 1 4 3 2 0 7 8 16 9 10 12 6 11 19 20 5 13 14 17 18 15 21]\n", - "=======================\n", - "[\"a private hospital in harley street says that increasing numbers of people are seeking its help after being given bad advice or poor treatment elsewhere .up to 120,000 britons have laser eye surgery each year to correct long and short-sightedness , and almost one in 20 of them suffer some sort of complication.most operations are done privately , with patients paying up to # 5,000 to have both eyes corrected .and it says it is now time for the industry to be ` taken to task ' .\"]\n", - "=======================\n", - "['warning comes from the london eye hospital in harley streetcomes after rise in patients previously given poor information or caresaid laser eye surgeons are presently only required to be registered as doctors - and no specialist qualifications are legally required']\n", - "a private hospital in harley street says that increasing numbers of people are seeking its help after being given bad advice or poor treatment elsewhere .up to 120,000 britons have laser eye surgery each year to correct long and short-sightedness , and almost one in 20 of them suffer some sort of complication.most operations are done privately , with patients paying up to # 5,000 to have both eyes corrected .and it says it is now time for the industry to be ` taken to task ' .\n", - "warning comes from the london eye hospital in harley streetcomes after rise in patients previously given poor information or caresaid laser eye surgeons are presently only required to be registered as doctors - and no specialist qualifications are legally required\n", - "[1.2928388 1.3256221 1.2289695 1.4337677 1.2483717 1.0753365 1.0270126\n", - " 1.0197567 1.3530034 1.0307204 1.0152078 1.1210382 1.0225966 1.0219129\n", - " 1.0776182 1.0199074 1.1117241 1.0389742 1.023668 1.0373634 1.0358444\n", - " 1.0194443]\n", - "\n", - "[ 3 8 1 0 4 2 11 16 14 5 17 19 20 9 6 18 12 13 15 7 21 10]\n", - "=======================\n", - "[\"marc leishman has withdrawn from this year 's competition to be with his wifebilly payne has ruled out starting a women 's masters despite talking about growing the gamehis wife audrey spent part of last week in an induced coma owing to a serious infection .\"]\n", - "=======================\n", - "[\"australian marc leishman , who got so close to victory in 2013 , had to withdraw to be with his sick wifemasters chairman billy payne talked a lot about growing the game but he ruled out any idea of starting a women 's mastersarnold palmer , clad in his green jacket , was snapped under the oak tree in front of the clubhouse alongside niall horanjack nicklaus showed he 's still got it at the age of 75 with a hole-in-one in the par-3 , but he could n't match camilo villegas who recorded two\"]\n", - "marc leishman has withdrawn from this year 's competition to be with his wifebilly payne has ruled out starting a women 's masters despite talking about growing the gamehis wife audrey spent part of last week in an induced coma owing to a serious infection .\n", - "australian marc leishman , who got so close to victory in 2013 , had to withdraw to be with his sick wifemasters chairman billy payne talked a lot about growing the game but he ruled out any idea of starting a women 's mastersarnold palmer , clad in his green jacket , was snapped under the oak tree in front of the clubhouse alongside niall horanjack nicklaus showed he 's still got it at the age of 75 with a hole-in-one in the par-3 , but he could n't match camilo villegas who recorded two\n", - "[1.261187 1.5027411 1.4536679 1.2231374 1.3139888 1.2777631 1.0196986\n", - " 1.0125396 1.0131198 1.008475 1.2639625 1.1355827 1.0909189 1.0500032\n", - " 1.0455287 1.0218011 1.0128798 1.0358866 1.0741919 1.0715337 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 4 5 10 0 3 11 12 18 19 13 14 17 15 6 8 16 7 9 21 20 22]\n", - "=======================\n", - "[\"the biancoceleste are riding a seven-game winning streak in serie a and won 1-0 at napoli on wednesday to reach their eighth coppa italia final .senad lulic 's late goal gave lazio a 2-1 aggregate win and set up a meeting with juventus in the final on june 7 in rome .the biancoceleste won 3-1 at cagliari last weekend to remain third in the standings .\"]\n", - "=======================\n", - "[\"stefano pioli is enjoying the success but remains focused on resultspioli 's men reached their eighth coppa italia final with a win over napolithird-placed lazio are a point behind roma in second with nine serie a games remaining\"]\n", - "the biancoceleste are riding a seven-game winning streak in serie a and won 1-0 at napoli on wednesday to reach their eighth coppa italia final .senad lulic 's late goal gave lazio a 2-1 aggregate win and set up a meeting with juventus in the final on june 7 in rome .the biancoceleste won 3-1 at cagliari last weekend to remain third in the standings .\n", - "stefano pioli is enjoying the success but remains focused on resultspioli 's men reached their eighth coppa italia final with a win over napolithird-placed lazio are a point behind roma in second with nine serie a games remaining\n", - "[1.0944605 1.2664199 1.3541213 1.3567723 1.1295712 1.1307895 1.1354977\n", - " 1.1200491 1.0887036 1.1445298 1.0429912 1.0216392 1.0563692 1.0235325\n", - " 1.0222197 1.0161839 1.0144752 1.0181028 1.0258483 1.1002187 1.0397066\n", - " 1.0421095 0. ]\n", - "\n", - "[ 3 2 1 9 6 5 4 7 19 0 8 12 10 21 20 18 13 14 11 17 15 16 22]\n", - "=======================\n", - "[\"stana katic and business consultant kris brkljac , spotted at the 2012 elton john academy awards viewing party in la in february 2012 , wed in croatia over the weekendthe walk down the aisle took place on the same weekend as the castle star 's 37th birthday .she is off the market : the 37-year-old actress at the independent spirit awards in february\"]\n", - "=======================\n", - "['stana , 37 , has been on the hit series castle for nearly six yearsshe wed over the weekend in the dalmatian coast in croatiathe new husband and wife shared a photo of their wedding ringsshe has been dating brkljac for several years but was only spotted with him once in 2012']\n", - "stana katic and business consultant kris brkljac , spotted at the 2012 elton john academy awards viewing party in la in february 2012 , wed in croatia over the weekendthe walk down the aisle took place on the same weekend as the castle star 's 37th birthday .she is off the market : the 37-year-old actress at the independent spirit awards in february\n", - "stana , 37 , has been on the hit series castle for nearly six yearsshe wed over the weekend in the dalmatian coast in croatiathe new husband and wife shared a photo of their wedding ringsshe has been dating brkljac for several years but was only spotted with him once in 2012\n", - "[1.1523917 1.549948 1.2425725 1.5027598 1.3311145 1.1605487 1.0451108\n", - " 1.0163684 1.0173368 1.0146387 1.1008952 1.0135994 1.0839156 1.035428\n", - " 1.0360509 1.0676662 1.0735958 1.0758371 1.0353421 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 4 2 5 0 10 12 17 16 15 6 14 13 18 8 7 9 11 19 20 21 22]\n", - "=======================\n", - "[\"max muggeridge , 19 , from coomera in qld was camping at tweed heads just across the nsw border with his girlfriend when the pair decided to go for an early morning fish .an avid angler , mr muggeridge could n't believe his luck when a huge four metre tiger shark took a bite of his line , and he spent the next three hours trying to bring it to shore .the massive creature is one of the largest tiger sharks ever caught off a beach , according to max\"]\n", - "=======================\n", - "[\"max muggeridge reeled in a four metre tiger shark at the weekendhe was fishing with girlfriend at tweed heads in nswthe gold coast man described the catch as the best moment of his lifeafter a three hour battle with the monster max released the sharkhe believes it could have been a world record but did n't get measurements\"]\n", - "max muggeridge , 19 , from coomera in qld was camping at tweed heads just across the nsw border with his girlfriend when the pair decided to go for an early morning fish .an avid angler , mr muggeridge could n't believe his luck when a huge four metre tiger shark took a bite of his line , and he spent the next three hours trying to bring it to shore .the massive creature is one of the largest tiger sharks ever caught off a beach , according to max\n", - "max muggeridge reeled in a four metre tiger shark at the weekendhe was fishing with girlfriend at tweed heads in nswthe gold coast man described the catch as the best moment of his lifeafter a three hour battle with the monster max released the sharkhe believes it could have been a world record but did n't get measurements\n", - "[1.4454596 1.3031824 1.3115791 1.3890141 1.2221985 1.0457437 1.0403911\n", - " 1.1267973 1.0943334 1.0213717 1.0248804 1.0117072 1.1095986 1.1927688\n", - " 1.2099531 1.017667 1.0287218 1.0217083 1.0134977 1.060332 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 2 1 4 14 13 7 12 8 19 5 6 16 10 17 9 15 18 11 20 21 22]\n", - "=======================\n", - "[\"radamel falcao could still sign permanently for manchester united after it emerged that chief executive ed woodward held talks with monaco on sunday over the striker 's future .but woodward told monaco vice-president vadim vasilyev last sunday that they would make a decision on the right to sign him permanently at the end of the season .falcao , who has scored just four times for united since his season-long loan move from monaco , drew another blank at stamford bridge against chelsea on saturday evening .\"]\n", - "=======================\n", - "[\"manchester united could still sign radamel falcao permanentlychief executive ed woodward held talks with monaco on sundaywoodward told monaco the club would make decision at end of the seasonunder the terms of the loan , united would have to pay # 43.5 m for strikermonaco are willing to negotiate fee however after falcao 's poor loan spellfalcao has managed just four league goals for united this termmonaco manager leonardo jardim believes falcao can rediscover his form\"]\n", - "radamel falcao could still sign permanently for manchester united after it emerged that chief executive ed woodward held talks with monaco on sunday over the striker 's future .but woodward told monaco vice-president vadim vasilyev last sunday that they would make a decision on the right to sign him permanently at the end of the season .falcao , who has scored just four times for united since his season-long loan move from monaco , drew another blank at stamford bridge against chelsea on saturday evening .\n", - "manchester united could still sign radamel falcao permanentlychief executive ed woodward held talks with monaco on sundaywoodward told monaco the club would make decision at end of the seasonunder the terms of the loan , united would have to pay # 43.5 m for strikermonaco are willing to negotiate fee however after falcao 's poor loan spellfalcao has managed just four league goals for united this termmonaco manager leonardo jardim believes falcao can rediscover his form\n", - "[1.1657428 1.3813127 1.2865113 1.2012609 1.3137124 1.2807903 1.0749049\n", - " 1.1470598 1.0429327 1.156938 1.0356452 1.0940292 1.105754 1.0775687\n", - " 1.0588872 1.021719 1.0116992 1.0082295 1.0100191 1.0086097 1.0232928\n", - " 1.0154538 1.0129716]\n", - "\n", - "[ 1 4 2 5 3 0 9 7 12 11 13 6 14 8 10 20 15 21 22 16 18 19 17]\n", - "=======================\n", - "['julia ware , who was 15 at the time of the accident , appeared at wayne county court in honesdale , pennslyvania , on wednesday .julia ware ( center ) accepted responsibility for three homicide by vehicle felony counts in a pennsylvania courtthe families of shamus digney , cullen keffer and ryan lesher - who were all 15 - watched her admit to five of the 12 counts she was charged with by prosecutors .']\n", - "=======================\n", - "['julia ware was driving before crash in paupack township , pennsylvaniachevy suburban rolled over several times during deadly august accidentthree passengers ryan lesher , shamus digney , and cullen keffer were 15ware accepted responsibility for three homicide by vehicle felony countspleasantville , new york , girl also admitted to two misdemeanor chargesfather faces charges for allegedly letting his daughter have keys to suv']\n", - "julia ware , who was 15 at the time of the accident , appeared at wayne county court in honesdale , pennslyvania , on wednesday .julia ware ( center ) accepted responsibility for three homicide by vehicle felony counts in a pennsylvania courtthe families of shamus digney , cullen keffer and ryan lesher - who were all 15 - watched her admit to five of the 12 counts she was charged with by prosecutors .\n", - "julia ware was driving before crash in paupack township , pennsylvaniachevy suburban rolled over several times during deadly august accidentthree passengers ryan lesher , shamus digney , and cullen keffer were 15ware accepted responsibility for three homicide by vehicle felony countspleasantville , new york , girl also admitted to two misdemeanor chargesfather faces charges for allegedly letting his daughter have keys to suv\n", - "[1.3536242 1.3264943 1.1993943 1.1165495 1.1377763 1.0947394 1.0551368\n", - " 1.0765015 1.0809431 1.0753046 1.0703816 1.0793264 1.0525355 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 4 3 5 8 11 7 9 10 6 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"a federal judge has ordered the internal revenue service to hand over a list of the 298 tea party organizations that it targeted with broad and often intrusive questions when they applied for nonprofit tax-exempt status .the decision from u.s. district judge susan dlott means right-wing groups are a step closer to being allowed to pursue a class-action lawsuit against the irs .the agency has admitted playing political favorites with the tax code beginning in 2010 , when it began applying extra scrutiny to groups with red-flag words like ` patriots ' or ` tea party ' in their names .\"]\n", - "=======================\n", - "[\"right-wing groups want court to let them sue the irs in a class-action lawsuit for violating their constitutional right to equal treatmentirs applied different criteria to right-wing groups , holding up their applications for years while liberal organizations skated throughobama administration fought the release of a list of 298 groups it denied tax-exempt status beginning in 2010 , citing privacy concernsjudge in cincinnati overruled the government and ordered the irs to hand over the listif court ` certifies ' class-action status , the tea party groups will be free to demand emails , phone records and other documents\"]\n", - "a federal judge has ordered the internal revenue service to hand over a list of the 298 tea party organizations that it targeted with broad and often intrusive questions when they applied for nonprofit tax-exempt status .the decision from u.s. district judge susan dlott means right-wing groups are a step closer to being allowed to pursue a class-action lawsuit against the irs .the agency has admitted playing political favorites with the tax code beginning in 2010 , when it began applying extra scrutiny to groups with red-flag words like ` patriots ' or ` tea party ' in their names .\n", - "right-wing groups want court to let them sue the irs in a class-action lawsuit for violating their constitutional right to equal treatmentirs applied different criteria to right-wing groups , holding up their applications for years while liberal organizations skated throughobama administration fought the release of a list of 298 groups it denied tax-exempt status beginning in 2010 , citing privacy concernsjudge in cincinnati overruled the government and ordered the irs to hand over the listif court ` certifies ' class-action status , the tea party groups will be free to demand emails , phone records and other documents\n", - "[1.464972 1.4643307 1.2390335 1.2785193 1.1949089 1.1598321 1.0473727\n", - " 1.0429083 1.0143154 1.1324192 1.1011356 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 5 9 10 6 7 8 19 11 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"manchester city 's fa cup-winning goalkeeper , harry dowd , has died , aged 76 .dowd , a member of the side who beat leicester city 1-0 at wembley in 1969 , played 181 games in nine years at maine road .the salford-born keeper once famously scored for city , against bury , after switching to centre forward in a game in 1964 , having broken his thumb .\"]\n", - "=======================\n", - "['harry dowd played a key role in fa cup triumph over leicester citydowd continued working as a plumber during his professional careerthe former keeper scored for city , playing outfield after breaking his thumb']\n", - "manchester city 's fa cup-winning goalkeeper , harry dowd , has died , aged 76 .dowd , a member of the side who beat leicester city 1-0 at wembley in 1969 , played 181 games in nine years at maine road .the salford-born keeper once famously scored for city , against bury , after switching to centre forward in a game in 1964 , having broken his thumb .\n", - "harry dowd played a key role in fa cup triumph over leicester citydowd continued working as a plumber during his professional careerthe former keeper scored for city , playing outfield after breaking his thumb\n", - "[1.3267705 1.3683017 1.1351814 1.1824096 1.2570019 1.1242143 1.08223\n", - " 1.1086581 1.1348406 1.0657216 1.0320188 1.0147064 1.0134991 1.0880018\n", - " 1.058061 1.1789896 1.0186875 1.049388 1.0322771 1.0392958 1.0152385]\n", - "\n", - "[ 1 0 4 3 15 2 8 5 7 13 6 9 14 17 19 18 10 16 20 11 12]\n", - "=======================\n", - "[\"the brazilian captioned the photo of himself with luis suarez and lionel messi : ` buena victoria chavaleeeeees ... .but the cheeky brazilian had used the typically argentine/uruguayan expression ` dale ' in reference to his two team-mates .neymar celebrates with lionel messi after giving barcelona a 3-0 lead at the nou camp on tuesday night\"]\n", - "=======================\n", - "['barcelona beat getafe 6-0 at the nou camp on tuesday nightlionel messi and luis suarez both scored twice , while neymar also struckthe front three have now scored more than 100 goals this season']\n", - "the brazilian captioned the photo of himself with luis suarez and lionel messi : ` buena victoria chavaleeeeees ... .but the cheeky brazilian had used the typically argentine/uruguayan expression ` dale ' in reference to his two team-mates .neymar celebrates with lionel messi after giving barcelona a 3-0 lead at the nou camp on tuesday night\n", - "barcelona beat getafe 6-0 at the nou camp on tuesday nightlionel messi and luis suarez both scored twice , while neymar also struckthe front three have now scored more than 100 goals this season\n", - "[1.3293203 1.1408746 1.1919687 1.0704038 1.230076 1.137651 1.3791724\n", - " 1.0574284 1.0457474 1.1704537 1.0315231 1.0204905 1.0146221 1.0878813\n", - " 1.038446 1.0738822 1.0379822 1.0193689 1.0130956 1.0100425 0. ]\n", - "\n", - "[ 6 0 4 2 9 1 5 13 15 3 7 8 14 16 10 11 17 12 18 19 20]\n", - "=======================\n", - "[\"they are selling it for # 185,000 to help pay for craig jr 's prep school feesparents craig and bonnie morgan want their children to have the best possible start in life .they 've also slashed their weekly grocery bills by more than half , taken in lodgers , and have pinned their hopes on a ` crowd-funding ' initiative , hoping members of the public will help them achieve their dream .\"]\n", - "=======================\n", - "[\"craig and bonnie morgan are desperate to keep son craig at prep schoolfrom hastings in east sussex , they are sending him to battle abbeyfees of # 4,000 mean selling their terraced house and trying crowd-fundingclaim ` academically gifted ' craig was n't being stretched at state primary\"]\n", - "they are selling it for # 185,000 to help pay for craig jr 's prep school feesparents craig and bonnie morgan want their children to have the best possible start in life .they 've also slashed their weekly grocery bills by more than half , taken in lodgers , and have pinned their hopes on a ` crowd-funding ' initiative , hoping members of the public will help them achieve their dream .\n", - "craig and bonnie morgan are desperate to keep son craig at prep schoolfrom hastings in east sussex , they are sending him to battle abbeyfees of # 4,000 mean selling their terraced house and trying crowd-fundingclaim ` academically gifted ' craig was n't being stretched at state primary\n", - "[1.2521167 1.3676779 1.3186793 1.3124489 1.196278 1.1444558 1.0317063\n", - " 1.133465 1.0250888 1.1135241 1.1338773 1.029122 1.0191046 1.0101393\n", - " 1.0256649 1.0258741 1.0411524 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 5 10 7 9 16 6 11 15 14 8 12 13 19 17 18 20]\n", - "=======================\n", - "['pulaski county sheriff jim davis announced the arrests of ashley jennifer white , 30 , and paul thomas , 32 , thursday afternoon -- a week to the day after the tragic discovery .their 5-year-old son , noah thomas , went missing from their home in rural dublin on the morning of march 22 as his mother slept with her infant daughter .the parents of a 5-year-old boy whose body was found inside a septic tank in virginia last month have been charged with felony child abuse and neglect .']\n", - "=======================\n", - "[\"ashley white , 30 , and paul thomas , 32 , charged with child abuse and neglectcouple 's son , noah thomas , 5 , from dublin , virginia , was last seen alive march 22mother went back to sleep , child was missing at 10am when she woke upafter fbi search , noah 's body was found in septic tank on family 's property five days laterthomas and white 's 6-month-old daughter was removed from home a day later\"]\n", - "pulaski county sheriff jim davis announced the arrests of ashley jennifer white , 30 , and paul thomas , 32 , thursday afternoon -- a week to the day after the tragic discovery .their 5-year-old son , noah thomas , went missing from their home in rural dublin on the morning of march 22 as his mother slept with her infant daughter .the parents of a 5-year-old boy whose body was found inside a septic tank in virginia last month have been charged with felony child abuse and neglect .\n", - "ashley white , 30 , and paul thomas , 32 , charged with child abuse and neglectcouple 's son , noah thomas , 5 , from dublin , virginia , was last seen alive march 22mother went back to sleep , child was missing at 10am when she woke upafter fbi search , noah 's body was found in septic tank on family 's property five days laterthomas and white 's 6-month-old daughter was removed from home a day later\n", - "[1.6082189 1.2859874 1.2037106 1.2431269 1.0433046 1.0126123 1.0201559\n", - " 1.0530527 1.0178529 1.0162545 1.1098042 1.0169348 1.1673377 1.0157928\n", - " 1.1041951 1.0759729 0. ]\n", - "\n", - "[ 0 1 3 2 12 10 14 15 7 4 6 8 11 9 13 5 16]\n", - "=======================\n", - "[\"west ham manager sam allardyce conceded that his side are suffering from a psychological problem after marko arnautovic 's 95th-minute equaliser saw the hammers drop points for the second game in a row .allardyce 's side had been on track for their first back-to-back home wins in almost four months but having already had two goals ruled out for offside , arnautovic eventually punished the fading hosts to earn a draw .marko arnautovic ( second left ) is mobbed by his stoke city team-mates after scoring a 95th minute equaliser at west ham united\"]\n", - "=======================\n", - "['aaron cresswell gave west ham united an early lead with a stunning 25-yard free kick on seven minuteshosts were denied all three points after marko arnautovic equalised for stoke city in the 95th minutearnautovic had earlier seen two goals disallowed for offside during the upton park encounter']\n", - "west ham manager sam allardyce conceded that his side are suffering from a psychological problem after marko arnautovic 's 95th-minute equaliser saw the hammers drop points for the second game in a row .allardyce 's side had been on track for their first back-to-back home wins in almost four months but having already had two goals ruled out for offside , arnautovic eventually punished the fading hosts to earn a draw .marko arnautovic ( second left ) is mobbed by his stoke city team-mates after scoring a 95th minute equaliser at west ham united\n", - "aaron cresswell gave west ham united an early lead with a stunning 25-yard free kick on seven minuteshosts were denied all three points after marko arnautovic equalised for stoke city in the 95th minutearnautovic had earlier seen two goals disallowed for offside during the upton park encounter\n", - "[1.2797009 1.4029343 1.1603581 1.2306724 1.1333704 1.1268736 1.1637464\n", - " 1.0553511 1.0644596 1.1560612 1.0244052 1.0357649 1.0153283 1.1667473\n", - " 1.1802359 0. 0. ]\n", - "\n", - "[ 1 0 3 14 13 6 2 9 4 5 8 7 11 10 12 15 16]\n", - "=======================\n", - "[\"capel path , ridden by ryan moore and trained by sir michael stoute , finished third to richard hannon 's desert force in the dubai duty free full of surprises handicap but it was the queen 's hannon-trained two-year-old ring of truth who looked the one who got away .the queen had her fingers firmly crossed but luck was not on her side as he annual visit to newbury 's opening ended with two near-misses .the 7-1 shot , making her debut in the five furlong al basti equiworld maiden stakes , took time to understand what was required of her as she showed understandable signs of inexperience but the richard hughes-ridden daughter of royal applause was closing hard on winner harvard man at the line and was only touched off by short head .\"]\n", - "=======================\n", - "[\"the queen was pictured on her annual visit to newbury 's openingher richard hannon-trained two-year-old ring of truth went close to a winthe 7-1 shot was making her debut in the al basti equiworld maiden stakes\"]\n", - "capel path , ridden by ryan moore and trained by sir michael stoute , finished third to richard hannon 's desert force in the dubai duty free full of surprises handicap but it was the queen 's hannon-trained two-year-old ring of truth who looked the one who got away .the queen had her fingers firmly crossed but luck was not on her side as he annual visit to newbury 's opening ended with two near-misses .the 7-1 shot , making her debut in the five furlong al basti equiworld maiden stakes , took time to understand what was required of her as she showed understandable signs of inexperience but the richard hughes-ridden daughter of royal applause was closing hard on winner harvard man at the line and was only touched off by short head .\n", - "the queen was pictured on her annual visit to newbury 's openingher richard hannon-trained two-year-old ring of truth went close to a winthe 7-1 shot was making her debut in the al basti equiworld maiden stakes\n", - "[1.2325275 1.3825438 1.145551 1.2806199 1.3008024 1.1069849 1.1470234\n", - " 1.1689719 1.0765289 1.0192086 1.0609809 1.2819641 1.0255861 1.0385367\n", - " 1.0468212 0. 0. ]\n", - "\n", - "[ 1 4 11 3 0 7 6 2 5 8 10 14 13 12 9 15 16]\n", - "=======================\n", - "[\"superior court judge m. marc kelly told an orange county jury that 20-year-old kevin jonas rojano-nieto ` did not intend to harm ' the three-year-old girl he raped at his family home in june .the mandatory sentence should be 25-years to lifea california judge has reduced a child rapist 's mandatory 25-year sentence down to only 10 - saying anything longer would be ` cruel and unusual punishment ' .\"]\n", - "=======================\n", - "[\"superior court judge m. marc kelly handed kevin jonas rojano-nieto a 10-year sentencethe mandatory sentence rojano-nieto should have received was 25-years to lifethe state of california has said that it will appeal judge kelly 's decision\"]\n", - "superior court judge m. marc kelly told an orange county jury that 20-year-old kevin jonas rojano-nieto ` did not intend to harm ' the three-year-old girl he raped at his family home in june .the mandatory sentence should be 25-years to lifea california judge has reduced a child rapist 's mandatory 25-year sentence down to only 10 - saying anything longer would be ` cruel and unusual punishment ' .\n", - "superior court judge m. marc kelly handed kevin jonas rojano-nieto a 10-year sentencethe mandatory sentence rojano-nieto should have received was 25-years to lifethe state of california has said that it will appeal judge kelly 's decision\n", - "[1.4319212 1.1986825 1.4003217 1.3635511 1.1964834 1.2940931 1.1001289\n", - " 1.0663259 1.0529778 1.1218997 1.0741835 1.045724 1.0126718 1.0488935\n", - " 1.0650767 1.0106798 1.0145835]\n", - "\n", - "[ 0 2 3 5 1 4 9 6 10 7 14 8 13 11 16 12 15]\n", - "=======================\n", - "['chad geyen ( above ) of ramsey , minnesota was found dead on sunday of a self-inflicted gunshot woundhe had been accused of assaulting at least six boys hundreds of times , including his own foster son , between 1990 and 2013 .he was set to stand trial on five counts of first-degree and two counts of second-degree criminal sexual conduct .']\n", - "=======================\n", - "[\"chad geyen of ramsey , minnesota was found dead on sunday of a self-inflicted gunshot woundthe married father of two had been reported missing on saturdayhe was set to stand trial monday on five counts of first-degree and two counts of second-degree criminal sexual conductsix boys claim they were sexually abused by the man hundreds of times starting when some were as young as 5-years-oldone of the boys was even taken in by geyen as a foster childthe hennepin county medical examiner 's office is set to release further details about geyen 's death later this week\"]\n", - "chad geyen ( above ) of ramsey , minnesota was found dead on sunday of a self-inflicted gunshot woundhe had been accused of assaulting at least six boys hundreds of times , including his own foster son , between 1990 and 2013 .he was set to stand trial on five counts of first-degree and two counts of second-degree criminal sexual conduct .\n", - "chad geyen of ramsey , minnesota was found dead on sunday of a self-inflicted gunshot woundthe married father of two had been reported missing on saturdayhe was set to stand trial monday on five counts of first-degree and two counts of second-degree criminal sexual conductsix boys claim they were sexually abused by the man hundreds of times starting when some were as young as 5-years-oldone of the boys was even taken in by geyen as a foster childthe hennepin county medical examiner 's office is set to release further details about geyen 's death later this week\n", - "[1.297933 1.3897626 1.4161503 1.257673 1.1844893 1.2096183 1.2366766\n", - " 1.0602512 1.0422374 1.0238461 1.0675501 1.0543561 1.22883 1.0317708\n", - " 1.0160923 0. 0. ]\n", - "\n", - "[ 2 1 0 3 6 12 5 4 10 7 11 8 13 9 14 15 16]\n", - "=======================\n", - "[\"the unidentified pilot was flying a six-seat cessna 310 aircraft , registered vh-tbe , with two adults and three children on board when he became distracted by one of the passengers .the australian air transport safety bureau ( atsb ) released its report on wednesday into the ` wheels up landing ' on december 12 , 2014 at jabiru airport , southeast of darwin .a pilot has blamed one of his passengers for coughing ` incessantly ' into his headset during a short flight in the northern territory which caused him to forget to put the landing gear down , an air crash report has found .\"]\n", - "=======================\n", - "[\"a pilot was flying a short flight from oenpelli to jabiru , northern territoryon board the flight last year were the pilot , two adults and three childrenthe pilot reported the children on board were excited and a little disruptivethe passenger seated in the front seat coughed through the headsetthe pilot says this distracted him as he forgot to lower the landing gearreport also found the pilot was ` relatively new ' to the cessna 310 aircraftthere were no injuries but the aircraft was substantially damaged\"]\n", - "the unidentified pilot was flying a six-seat cessna 310 aircraft , registered vh-tbe , with two adults and three children on board when he became distracted by one of the passengers .the australian air transport safety bureau ( atsb ) released its report on wednesday into the ` wheels up landing ' on december 12 , 2014 at jabiru airport , southeast of darwin .a pilot has blamed one of his passengers for coughing ` incessantly ' into his headset during a short flight in the northern territory which caused him to forget to put the landing gear down , an air crash report has found .\n", - "a pilot was flying a short flight from oenpelli to jabiru , northern territoryon board the flight last year were the pilot , two adults and three childrenthe pilot reported the children on board were excited and a little disruptivethe passenger seated in the front seat coughed through the headsetthe pilot says this distracted him as he forgot to lower the landing gearreport also found the pilot was ` relatively new ' to the cessna 310 aircraftthere were no injuries but the aircraft was substantially damaged\n", - "[1.2233999 1.4853615 1.179917 1.3435708 1.2744743 1.2322512 1.0790753\n", - " 1.0931306 1.0817422 1.1395625 1.0588461 1.0548536 1.047457 1.0443008\n", - " 1.0172913 1.0345649 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 5 0 2 9 7 8 6 10 11 12 13 15 14 17 16 18]\n", - "=======================\n", - "[\"phil blackwood was sentenced to two-and-a-half years with hard labour by a burmese court last month after posting the mocked-up image of the buddha wearing dj headphones on facebook .human rights campaigners claim he has been ` abandoned ' by the foreign officethe 32-year-old bar manager , who has dual new zealand and british nationality , was found guilty of insulting religion along with the bar 's burmese owner and another manager , despite apologising profusely for posting the picture .\"]\n", - "=======================\n", - "['phil blackwood was sentenced to two-and-a-half years with hard labourposted the mocked-up image advertising a cheap drinks night on facebook32-year-old was found guilty of insulting religion despite apologising']\n", - "phil blackwood was sentenced to two-and-a-half years with hard labour by a burmese court last month after posting the mocked-up image of the buddha wearing dj headphones on facebook .human rights campaigners claim he has been ` abandoned ' by the foreign officethe 32-year-old bar manager , who has dual new zealand and british nationality , was found guilty of insulting religion along with the bar 's burmese owner and another manager , despite apologising profusely for posting the picture .\n", - "phil blackwood was sentenced to two-and-a-half years with hard labourposted the mocked-up image advertising a cheap drinks night on facebook32-year-old was found guilty of insulting religion despite apologising\n", - "[1.2672012 1.3462726 1.3488857 1.1287836 1.1769357 1.1807549 1.0707852\n", - " 1.0656806 1.0390494 1.1849484 1.024833 1.0478035 1.0863978 1.1036093\n", - " 1.0737939 1.0283886 1.0536225 0. 0. ]\n", - "\n", - "[ 2 1 0 9 5 4 3 13 12 14 6 7 16 11 8 15 10 17 18]\n", - "=======================\n", - "[\"it was expected to launch on 24 april .in a leaked memo from the firm 's angela ahrendts , the retail chief said that customers wo n't be able to buy an apple watch in store ` through the month of may ' due to ` high global interest combined with our initial supply . 'an estimated 957,000 shoppers in the us alone ordered apple watches on friday and this popularity surpassed expectations - even apple 's .\"]\n", - "=======================\n", - "[\"the leaked memo was written by apple 's retail chief angela ahrendtsshe said she expects online orders ` to continue through the month of may 'and added it had not been an easy decision and would provide more updates as the firm gets ` closer to in-store availability '\"]\n", - "it was expected to launch on 24 april .in a leaked memo from the firm 's angela ahrendts , the retail chief said that customers wo n't be able to buy an apple watch in store ` through the month of may ' due to ` high global interest combined with our initial supply . 'an estimated 957,000 shoppers in the us alone ordered apple watches on friday and this popularity surpassed expectations - even apple 's .\n", - "the leaked memo was written by apple 's retail chief angela ahrendtsshe said she expects online orders ` to continue through the month of may 'and added it had not been an easy decision and would provide more updates as the firm gets ` closer to in-store availability '\n", - "[1.4880259 1.2241138 1.0651255 1.3418145 1.3335617 1.3123914 1.0457829\n", - " 1.0399405 1.0215753 1.1296836 1.100458 1.0565035 1.2133085 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 5 1 12 9 10 2 11 6 7 8 17 13 14 15 16 18]\n", - "=======================\n", - "['planners in windsor have allowed two costa cafes less than 500 yards apart ( file picture )the latest costa will open on the site of the former dedworth road hsbc branch , the last bank in the area before it closed last year amid protests .it means there will be two costas just a brisk five-minute walk apart , plus the costa express at a petrol station between them .']\n", - "=======================\n", - "['town planners have allowed two costa cafes less than 500 yards aparttwo coffee shops in windsor will be just a short walk away from each otherand there is even a costa express in between the two new outlets']\n", - "planners in windsor have allowed two costa cafes less than 500 yards apart ( file picture )the latest costa will open on the site of the former dedworth road hsbc branch , the last bank in the area before it closed last year amid protests .it means there will be two costas just a brisk five-minute walk apart , plus the costa express at a petrol station between them .\n", - "town planners have allowed two costa cafes less than 500 yards aparttwo coffee shops in windsor will be just a short walk away from each otherand there is even a costa express in between the two new outlets\n", - "[1.3417956 1.1755729 1.4664097 1.2866359 1.257527 1.156008 1.1309247\n", - " 1.086806 1.0517442 1.0224292 1.024358 1.0594115 1.044209 1.0562371\n", - " 1.0845265 1.0497782 1.0381292 1.0289172 0. ]\n", - "\n", - "[ 2 0 3 4 1 5 6 7 14 11 13 8 15 12 16 17 10 9 18]\n", - "=======================\n", - "['zoe hadley , 19 , also known as zoe hommel , had been battling an undiagnosed illness since the age of 13 and was found dead at a hotel in putney , south west london last year .an inquest at westminster coroners court heard how her parents , solicitor lisa hommel and her gp father laurence , struggled to treat her condition .the inquest heard how doctors could find no physical cause for her illness and that the teenager refused to accept she had mental health problems .']\n", - "=======================\n", - "['zoe hadley , 19 , was found dead in a hotel in putney , south west londonteenager had been battling an undiagnosed illness since she was 13her parents , a leading solicitor and a gp , struggled to treat her conditioninquest heard how she refused to accept she had mental health problemsfor confidential support on suicide matters in the uk , call the samaritans on 08457 90 90 90 , visit a local samaritans branch or click here .']\n", - "zoe hadley , 19 , also known as zoe hommel , had been battling an undiagnosed illness since the age of 13 and was found dead at a hotel in putney , south west london last year .an inquest at westminster coroners court heard how her parents , solicitor lisa hommel and her gp father laurence , struggled to treat her condition .the inquest heard how doctors could find no physical cause for her illness and that the teenager refused to accept she had mental health problems .\n", - "zoe hadley , 19 , was found dead in a hotel in putney , south west londonteenager had been battling an undiagnosed illness since she was 13her parents , a leading solicitor and a gp , struggled to treat her conditioninquest heard how she refused to accept she had mental health problemsfor confidential support on suicide matters in the uk , call the samaritans on 08457 90 90 90 , visit a local samaritans branch or click here .\n", - "[1.2705505 1.299984 1.1630751 1.2757778 1.2184321 1.1763517 1.0787864\n", - " 1.1718974 1.109623 1.0589758 1.0328298 1.0162812 1.1211735 1.0736692\n", - " 1.1391444 1.0292687 1.0180824 1.0588205 1.0803187]\n", - "\n", - "[ 1 3 0 4 5 7 2 14 12 8 18 6 13 9 17 10 15 16 11]\n", - "=======================\n", - "[\"orange school superintendent ronald lee said in a statement that school administrators ` vehemently deny ' any knowledge of marilyn zuniga 's assignment .the letters were delivered to mumia abu-jamal in prison following his hospitalization last month for what his family said was treatment for complications from diabetes .a teacher in new jersey who assigned her third-grade class to write ` get well ' letters to a sick inmate convicted of killing a philadelphia police officer was suspended friday , the school superintendent said .\"]\n", - "=======================\n", - "[\"marilyn zuniga , third grade teacher at forest street school in orange , new jersey , suspended without payshe had her students write letters to former black panther mumia abu-jamal who was hospitalized at schuykill medical center in pennsylvaniazuniga had the cards delivered and they made mumia ` chuckle and smile 'critics say they ` promote a twisted agenda glorifying murder and hatred 'school district said zuniga did not speak with parents or ask permissionmumia is serving a life sentence after years of appeals won him a reprieve from his death sentence in 2012\"]\n", - "orange school superintendent ronald lee said in a statement that school administrators ` vehemently deny ' any knowledge of marilyn zuniga 's assignment .the letters were delivered to mumia abu-jamal in prison following his hospitalization last month for what his family said was treatment for complications from diabetes .a teacher in new jersey who assigned her third-grade class to write ` get well ' letters to a sick inmate convicted of killing a philadelphia police officer was suspended friday , the school superintendent said .\n", - "marilyn zuniga , third grade teacher at forest street school in orange , new jersey , suspended without payshe had her students write letters to former black panther mumia abu-jamal who was hospitalized at schuykill medical center in pennsylvaniazuniga had the cards delivered and they made mumia ` chuckle and smile 'critics say they ` promote a twisted agenda glorifying murder and hatred 'school district said zuniga did not speak with parents or ask permissionmumia is serving a life sentence after years of appeals won him a reprieve from his death sentence in 2012\n", - "[1.4464391 1.4573944 1.3280618 1.4254208 1.2052007 1.0894161 1.0514742\n", - " 1.0476601 1.0164312 1.2073108 1.0212146 1.0580256 1.0233147 1.0098791\n", - " 1.025673 1.1367301 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 2 9 4 15 5 11 6 7 14 12 10 8 13 20 16 17 18 19 21]\n", - "=======================\n", - "[\"the former st mirren boss has reportedly agreed a deal to take charge of the scottish championship side until the summer of 2016 .danny lennon 's interim appointment as scotland under 21 coach officially ended as reports claim he will be named as alloa athletic boss on tuesday .` danny leaves with the association 's best wishes after dedicating himself to the stewardship of the team for the 2-1 victory against hungary in tatabanya last month . '\"]\n", - "=======================\n", - "[\"danny lennon was named interim scotland under 21 manager last monthlennon won his only game in charge , a 2-1 win against hungarysfa announced lennon 's departure in a statement on tuesdayformer st mirren boss lennon looks set to take over at alloa athletic\"]\n", - "the former st mirren boss has reportedly agreed a deal to take charge of the scottish championship side until the summer of 2016 .danny lennon 's interim appointment as scotland under 21 coach officially ended as reports claim he will be named as alloa athletic boss on tuesday .` danny leaves with the association 's best wishes after dedicating himself to the stewardship of the team for the 2-1 victory against hungary in tatabanya last month . '\n", - "danny lennon was named interim scotland under 21 manager last monthlennon won his only game in charge , a 2-1 win against hungarysfa announced lennon 's departure in a statement on tuesdayformer st mirren boss lennon looks set to take over at alloa athletic\n", - "[1.2316573 1.4073428 1.1766735 1.4627296 1.0654974 1.0467814 1.1633229\n", - " 1.0507436 1.0458726 1.0495007 1.1119361 1.0581572 1.0821396 1.0573448\n", - " 1.1411533 1.0850515 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 0 2 6 14 10 15 12 4 11 13 7 9 5 8 20 16 17 18 19 21]\n", - "=======================\n", - "[\"golden state warriors ' steph curry ( right ) made 77 consecutive three-point attempts in a row during practice` steph curry with the shot , ' is a lyric synonymous from hip hop star drake 's song 0 to 100 and the point guard has been showing off his stunning finishing skills again during a recent practice session .and the 27-year-old demonstrated why he is widely-regarded as one of the best-ever shooters from behind the arc in basketball history , with a golden state ' three-point drill - where he made a staggering 77 shots in the row .\"]\n", - "=======================\n", - "['steph curry made 94 out of his 100 attempts during the practice sessiongolden state warriors sit top of the western conference standingswarriors host denver nuggets in regular season finale on wednesday']\n", - "golden state warriors ' steph curry ( right ) made 77 consecutive three-point attempts in a row during practice` steph curry with the shot , ' is a lyric synonymous from hip hop star drake 's song 0 to 100 and the point guard has been showing off his stunning finishing skills again during a recent practice session .and the 27-year-old demonstrated why he is widely-regarded as one of the best-ever shooters from behind the arc in basketball history , with a golden state ' three-point drill - where he made a staggering 77 shots in the row .\n", - "steph curry made 94 out of his 100 attempts during the practice sessiongolden state warriors sit top of the western conference standingswarriors host denver nuggets in regular season finale on wednesday\n", - "[1.7197781 1.3418397 1.259289 1.2449597 1.1903025 1.0455265 1.0154998\n", - " 1.0142063 1.0260483 1.0371985 1.0222496 1.0199515 1.0188843 1.0154415\n", - " 1.0483549 1.0253822 1.0202725 1.2948822 1.1038533 1.0711874 1.0075614\n", - " 1.0075545]\n", - "\n", - "[ 0 1 17 2 3 4 18 19 14 5 9 8 15 10 16 11 12 6 13 7 20 21]\n", - "=======================\n", - "[\"paris saint-germain manager laurent blanc admitted that barcelona were superior to his side ` in virtually every department ' as he saw his team slump to a 3-1 defeat in the first leg of the quarter-final at the parc des princes .an early strike from neymar and second-half brace from luis suarez sealed victory for barcelona and placed the catalan outfit into a commanding position ahead of the return at the nou camp on tuesday .laurent blanc made no excuses for his side as they now face elimination from the champions league\"]\n", - "=======================\n", - "[\"barcelona have one foot in last four after beating paris saint-germain 3-1luis suarez scored a double and neymar was on target in convincing winlaurent blanc made no excuses for his side 's defeat on wednesdaypsg travel to barcelona for the return leg on march 21\"]\n", - "paris saint-germain manager laurent blanc admitted that barcelona were superior to his side ` in virtually every department ' as he saw his team slump to a 3-1 defeat in the first leg of the quarter-final at the parc des princes .an early strike from neymar and second-half brace from luis suarez sealed victory for barcelona and placed the catalan outfit into a commanding position ahead of the return at the nou camp on tuesday .laurent blanc made no excuses for his side as they now face elimination from the champions league\n", - "barcelona have one foot in last four after beating paris saint-germain 3-1luis suarez scored a double and neymar was on target in convincing winlaurent blanc made no excuses for his side 's defeat on wednesdaypsg travel to barcelona for the return leg on march 21\n", - "[1.2159835 1.3453066 1.4106319 1.1954376 1.2792144 1.145845 1.1057961\n", - " 1.0449024 1.0364711 1.0195439 1.160965 1.105436 1.0145128 1.1031024\n", - " 1.0762244 1.011524 1.010319 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 4 0 3 10 5 6 11 13 14 7 8 9 12 15 16 20 17 18 19 21]\n", - "=======================\n", - "['the measure would require all new or replacement dryers to operate at a noise level no louder than 84 decibels .the bill says that the recent proliferation of powerful dryers is efficient , but can sometimes trigger ringing of in the ears , or cause discomfort for people with development or sensory disabilities .an oregon lawmaker proposed legislation monday creating uniform standards for hand dryers in public restrooms .']\n", - "=======================\n", - "[\"bill would require all new dryers to be no louder than 84 decibelsstate senator says the ` air knife ' elicited episodes in his autistic son\"]\n", - "the measure would require all new or replacement dryers to operate at a noise level no louder than 84 decibels .the bill says that the recent proliferation of powerful dryers is efficient , but can sometimes trigger ringing of in the ears , or cause discomfort for people with development or sensory disabilities .an oregon lawmaker proposed legislation monday creating uniform standards for hand dryers in public restrooms .\n", - "bill would require all new dryers to be no louder than 84 decibelsstate senator says the ` air knife ' elicited episodes in his autistic son\n", - "[1.0574746 1.3053973 1.095875 1.442134 1.3648527 1.121847 1.2668812\n", - " 1.2125725 1.0700841 1.0224015 1.0415815 1.0890493 1.0910879 1.107143\n", - " 1.0298249 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 4 1 6 7 5 13 2 12 11 8 0 10 14 9 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"tammy abraham scores for chelsea during their 3-1 fa youth cup final first leg win against manchester citystriker dominic solanke celebrates after scoring chelsea 's third goal at the academy stadium on mondayand after extraordinary seasons in which they have both smashed the 35-goal mark , chelsea 's teenage strike duo tammy abraham and dominic solanke are certainly flush at the moment .\"]\n", - "=======================\n", - "['tammy abraham scored twice against manchester city on mondaydominic solanke was also on target in the fa youth cup final first legthe chelsea duo have been in brilliant form so far this seasonboth will be hoping to earn some playing time if chelsea clinch the titlesolanke could be involved against arsenal at the emirates on sunday']\n", - "tammy abraham scores for chelsea during their 3-1 fa youth cup final first leg win against manchester citystriker dominic solanke celebrates after scoring chelsea 's third goal at the academy stadium on mondayand after extraordinary seasons in which they have both smashed the 35-goal mark , chelsea 's teenage strike duo tammy abraham and dominic solanke are certainly flush at the moment .\n", - "tammy abraham scored twice against manchester city on mondaydominic solanke was also on target in the fa youth cup final first legthe chelsea duo have been in brilliant form so far this seasonboth will be hoping to earn some playing time if chelsea clinch the titlesolanke could be involved against arsenal at the emirates on sunday\n", - "[1.1398106 1.3876672 1.0813172 1.0608335 1.1063958 1.1189611 1.2409389\n", - " 1.031267 1.0241607 1.0233469 1.0249425 1.0328003 1.018297 1.0156561\n", - " 1.1554439 1.0518839 1.0301912 1.0614349 1.0417856 1.0261002]\n", - "\n", - "[ 1 6 14 0 5 4 2 17 3 15 18 11 7 16 19 10 8 9 12 13]\n", - "=======================\n", - "[\"aitor karanka would surely have made his defenders walk home from watford were it not for the probability they 'd spend most of the journey travelling in circles .odion ighalo 's shot flies into the top corner of dimi konstantopoulos ' net on 65 minutesthey gifted troy deeney his 20th goal of the season and they contributed significantly to odion ighalo scoring his 19th in the second half .\"]\n", - "=======================\n", - "[\"middlesbrough started the day top of the championship on 75 pointstroy deeney opened the score before odion ighalo 's brilliant strikewatford end the day in third place after bournemouth and norwich win\"]\n", - "aitor karanka would surely have made his defenders walk home from watford were it not for the probability they 'd spend most of the journey travelling in circles .odion ighalo 's shot flies into the top corner of dimi konstantopoulos ' net on 65 minutesthey gifted troy deeney his 20th goal of the season and they contributed significantly to odion ighalo scoring his 19th in the second half .\n", - "middlesbrough started the day top of the championship on 75 pointstroy deeney opened the score before odion ighalo 's brilliant strikewatford end the day in third place after bournemouth and norwich win\n", - "[1.5206726 1.4701538 1.2752233 1.1740856 1.380944 1.2319856 1.0401918\n", - " 1.0236773 1.047503 1.0149711 1.0166416 1.1387599 1.0333822 1.0344207\n", - " 1.011581 1.0361211 1.0528374 1.0610082 1.0391463 1.020728 ]\n", - "\n", - "[ 0 1 4 2 5 3 11 17 16 8 6 18 15 13 12 7 19 10 9 14]\n", - "=======================\n", - "[\"philippe coutinho fired liverpool into the fa cup semi-finals and made it a night to remember for jordan henderson .liverpool 's captain provided the 70th-minute assist for coutinho to break blackburn rovers ' resistance and secure a 1-0 win that sets up a wembley date against aston villa a week on sunday .it has been a dramatic 24 hours for henderson , as his partner beccy gave birth to their second daughter , alba .\"]\n", - "=======================\n", - "['coutinho hit the only goal of the game as liverpool beat blackburnthey will meet aston villa in the semi-finals a week on sundayliverpool skipper henderson had not slept the night before the game as his wife gave birth to his second daughterboss brendan rodgers revealed henderson had no thoughts about missing the match` he said to me , \" boss , as soon as the baby \\'s out , i \\'ll be coming back \" , \\' rodgers explained']\n", - "philippe coutinho fired liverpool into the fa cup semi-finals and made it a night to remember for jordan henderson .liverpool 's captain provided the 70th-minute assist for coutinho to break blackburn rovers ' resistance and secure a 1-0 win that sets up a wembley date against aston villa a week on sunday .it has been a dramatic 24 hours for henderson , as his partner beccy gave birth to their second daughter , alba .\n", - "coutinho hit the only goal of the game as liverpool beat blackburnthey will meet aston villa in the semi-finals a week on sundayliverpool skipper henderson had not slept the night before the game as his wife gave birth to his second daughterboss brendan rodgers revealed henderson had no thoughts about missing the match` he said to me , \" boss , as soon as the baby 's out , i 'll be coming back \" , ' rodgers explained\n", - "[1.3674097 1.3167608 1.5198078 1.2979913 1.2328281 1.3494973 1.0562841\n", - " 1.0178607 1.0105509 1.0130986 1.0114225 1.010857 1.0125816 1.0318018\n", - " 1.0212767 1.0767353 1.0329496 0. 0. 0. ]\n", - "\n", - "[ 2 0 5 1 3 4 15 6 16 13 14 7 9 12 10 11 8 18 17 19]\n", - "=======================\n", - "[\"cristiano ronaldo missed a penalty but provided goals for sergio ramos and james rodriguez , before adding the third himself , as madrid kept within touching distance of league leaders barcelona .real madrid closed the gap on barcelona to just two points at the top of la liga , but will be praying injuries to gareth bale and luka modric do n't derail their season .both los blancos stars were substituted as carlo ancelotti 's side struggled to overcome a spirited malaga , who had chances to snatch a draw .\"]\n", - "=======================\n", - "['sergio ramos opened the scoring for real madrid in the first half at the bernabeucristiano ronaldo then hit the post with a penalty before james rodriguez netsjuanmi pulled one back for malaga but ronaldo scored late on to secure the wingareth bale and luka modric go off injured for real madrid']\n", - "cristiano ronaldo missed a penalty but provided goals for sergio ramos and james rodriguez , before adding the third himself , as madrid kept within touching distance of league leaders barcelona .real madrid closed the gap on barcelona to just two points at the top of la liga , but will be praying injuries to gareth bale and luka modric do n't derail their season .both los blancos stars were substituted as carlo ancelotti 's side struggled to overcome a spirited malaga , who had chances to snatch a draw .\n", - "sergio ramos opened the scoring for real madrid in the first half at the bernabeucristiano ronaldo then hit the post with a penalty before james rodriguez netsjuanmi pulled one back for malaga but ronaldo scored late on to secure the wingareth bale and luka modric go off injured for real madrid\n", - "[1.3305273 1.4346678 1.1787106 1.0532528 1.1935382 1.0228118 1.017262\n", - " 1.2357512 1.307706 1.1893195 1.0167446 1.0134469 1.078836 1.0490818\n", - " 1.066606 1.025998 1.012309 0. 0. 0. ]\n", - "\n", - "[ 1 0 8 7 4 9 2 12 14 3 13 15 5 6 10 11 16 18 17 19]\n", - "=======================\n", - "[\"last season , the championship side held eventual premier league champions city to a draw , but were then thrashed 5-0 in the return .blackburn rovers are in familiar territory facing an fa cup replay against one of the country 's best , only this time it 's liverpool and not manchester city .tom cairney , who will face sterling on wednesday night , has sympathy for the young winger\"]\n", - "=======================\n", - "['blackburn face liverpool in the fa cup quarter-final replay on wednesdaytom cairney has sympathy for raheem sterling over his contractsterling rejected a # 100,000-a-week new deal at anfield']\n", - "last season , the championship side held eventual premier league champions city to a draw , but were then thrashed 5-0 in the return .blackburn rovers are in familiar territory facing an fa cup replay against one of the country 's best , only this time it 's liverpool and not manchester city .tom cairney , who will face sterling on wednesday night , has sympathy for the young winger\n", - "blackburn face liverpool in the fa cup quarter-final replay on wednesdaytom cairney has sympathy for raheem sterling over his contractsterling rejected a # 100,000-a-week new deal at anfield\n", - "[1.4903381 1.1634647 1.4552052 1.2385936 1.2158705 1.1308696 1.1879544\n", - " 1.1175743 1.138369 1.0638009 1.0533118 1.0764276 1.0450459 1.0185096\n", - " 1.0236919 1.0205945 1.0133007 1.0464933 0. 0. ]\n", - "\n", - "[ 0 2 3 4 6 1 8 5 7 11 9 10 17 12 14 15 13 16 18 19]\n", - "=======================\n", - "['professor ninian peckitt , 63 , has been struck off after a hearing heard that he punched a patient in the face ten times to fix a broken cheekbonethe patient , known as patient a , had come to ipswich hospital in february 2012 after an industrial accident and been operated on by prof peckitt , who is a world-renowned facial surgeon .but he required a second procedure after falling off the bed in hospital which displaced his cheekbone .']\n", - "=======================\n", - "[\"patient came to ipswich hospital after industrial accident in july 2012pioneering professor ninian peckitt performed surgery but was needed again when patient fell from hospital bed and his cheekbone was displacedcolleague told to hold patient 's head as he applied ten punches like a boxerhearing heard the patient could have been blinded by force of the blowsprofessor quit post days later and is now believed to be working in dubai\"]\n", - "professor ninian peckitt , 63 , has been struck off after a hearing heard that he punched a patient in the face ten times to fix a broken cheekbonethe patient , known as patient a , had come to ipswich hospital in february 2012 after an industrial accident and been operated on by prof peckitt , who is a world-renowned facial surgeon .but he required a second procedure after falling off the bed in hospital which displaced his cheekbone .\n", - "patient came to ipswich hospital after industrial accident in july 2012pioneering professor ninian peckitt performed surgery but was needed again when patient fell from hospital bed and his cheekbone was displacedcolleague told to hold patient 's head as he applied ten punches like a boxerhearing heard the patient could have been blinded by force of the blowsprofessor quit post days later and is now believed to be working in dubai\n", - "[1.3718398 1.330231 1.166497 1.2238953 1.1593045 1.1691564 1.0975143\n", - " 1.0967138 1.0647322 1.1286955 1.0294551 1.0456554 1.0446435 1.0449383\n", - " 1.0765753 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 5 2 4 9 6 7 14 8 11 13 12 10 18 15 16 17 19]\n", - "=======================\n", - "[\"american model kendra spears , who has been known as princess salwa since her marriage to the aga khan 's son prince rahim , has given birth to her first child .the baby , a boy named prince irfan , was born in the swiss city of geneva last saturday and both mother and child are doing well .the model , 26 , had been considered ` the next cindy crawford ' by her agency ford models , but has put her career on the back-burner since becoming wife to the 44-year-old royal .\"]\n", - "=======================\n", - "['kendra spears , 26 , has given birth to her first child , a son named irfanthe baby , whose father is prince rahim aga khan , was born in genevams spears , now known as princess salwa , is said to be doing well']\n", - "american model kendra spears , who has been known as princess salwa since her marriage to the aga khan 's son prince rahim , has given birth to her first child .the baby , a boy named prince irfan , was born in the swiss city of geneva last saturday and both mother and child are doing well .the model , 26 , had been considered ` the next cindy crawford ' by her agency ford models , but has put her career on the back-burner since becoming wife to the 44-year-old royal .\n", - "kendra spears , 26 , has given birth to her first child , a son named irfanthe baby , whose father is prince rahim aga khan , was born in genevams spears , now known as princess salwa , is said to be doing well\n", - "[1.2868556 1.2534423 1.3809223 1.220182 1.1404703 1.1545874 1.2483473\n", - " 1.0814356 1.1008008 1.1126211 1.0315838 1.0136446 1.0411144 1.0136238\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 6 3 5 4 9 8 7 12 10 11 13 18 14 15 16 17 19]\n", - "=======================\n", - "[\"baroness brady , who is also the government 's small business ambassador , was appearing alongside mr cameronat a national grid training centre in newark , nottinghamshire , to announce the creation of more trainee jobs for young people .when tv star karren brady agreed to help david cameron announce 16,000 new apprenticeships today she might have been hoping to steal a little of the limelight from the prime minister .however , the businesswoman and apprentice judge was instead relegated to coat duty , helping mr cameron with his jacket as he stood to speak , before sitting politely with it on the sidelines .\"]\n", - "=======================\n", - "['prime minister and tv star karren brady announced new apprenticeshipsbaroness brady was pictured during event helping the pm with his jacketpair were announcing 16,000 more training positions for young people']\n", - "baroness brady , who is also the government 's small business ambassador , was appearing alongside mr cameronat a national grid training centre in newark , nottinghamshire , to announce the creation of more trainee jobs for young people .when tv star karren brady agreed to help david cameron announce 16,000 new apprenticeships today she might have been hoping to steal a little of the limelight from the prime minister .however , the businesswoman and apprentice judge was instead relegated to coat duty , helping mr cameron with his jacket as he stood to speak , before sitting politely with it on the sidelines .\n", - "prime minister and tv star karren brady announced new apprenticeshipsbaroness brady was pictured during event helping the pm with his jacketpair were announcing 16,000 more training positions for young people\n", - "[1.3407965 1.5246366 1.2163906 1.0789082 1.3208578 1.0800668 1.0389315\n", - " 1.0146085 1.0183069 1.0178758 1.0544326 1.0570602 1.0945945 1.1340367\n", - " 1.1190822 1.0599242 1.1065089 1.0638297 1.0287595 1.0915128]\n", - "\n", - "[ 1 0 4 2 13 14 16 12 19 5 3 17 15 11 10 6 18 8 9 7]\n", - "=======================\n", - "['rebecca eldemire , 21 , was shot repeatedly in the face with a .357 magnum by her boyfriend , 27-year-old larry tipton .after shooting eldemire twice , tipton laid down face up beside her and fatally shot himself .eldemire was not under the influence of drugs or alcohol , according to the report .']\n", - "=======================\n", - "[\"rebecca eldemire and larry tipton , 27 , were found dead in her bedroom in oxford , ohio on feb. 1 after her roommates heard loud bangsa coroner 's report revealed tuesday eldemire was shot at ` intermediate ' range and there were no signs of strugglethe night before , eldemire had called oxford police to ask for protection when he arrived at the apartment and police stopped him in the parking lotshe instructed the officers to accompany them to her apartment but after talking , she asked them to leave and they did\"]\n", - "rebecca eldemire , 21 , was shot repeatedly in the face with a .357 magnum by her boyfriend , 27-year-old larry tipton .after shooting eldemire twice , tipton laid down face up beside her and fatally shot himself .eldemire was not under the influence of drugs or alcohol , according to the report .\n", - "rebecca eldemire and larry tipton , 27 , were found dead in her bedroom in oxford , ohio on feb. 1 after her roommates heard loud bangsa coroner 's report revealed tuesday eldemire was shot at ` intermediate ' range and there were no signs of strugglethe night before , eldemire had called oxford police to ask for protection when he arrived at the apartment and police stopped him in the parking lotshe instructed the officers to accompany them to her apartment but after talking , she asked them to leave and they did\n", - "[1.4685625 1.411631 1.3272502 1.291702 1.0822557 1.0354812 1.020696\n", - " 1.0214181 1.1304262 1.0167035 1.1408645 1.0379789 1.0185049 1.1921312\n", - " 1.0160875 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 13 10 8 4 11 5 7 6 12 9 14 15 16 17 18 19]\n", - "=======================\n", - "['everton manager roberto martinez sees a fearlessness in relegation-threatened burnley similar to that displayed by his wigan team in surviving against the odds in the premier league .the clarets head to goodison park having beaten manchester city , drawn against tottenham and being narrowly defeated by arsenal in the last month .they remain two points from safety but martinez believes the fact they have been scrapping to get out of the bottom three all season - much like his wigan side in the four seasons he spent with them before joining the toffees - gives them an advantage over teams who have been dragged into the race for survival .']\n", - "=======================\n", - "[\"roberto martinez likens burnley to his former side wigan athleticsean dyche 's men are currently in the bottom three but are playing wellmartinez described wigan as fearless ahead of their clash on saturdayclick here for all the latest everton news\"]\n", - "everton manager roberto martinez sees a fearlessness in relegation-threatened burnley similar to that displayed by his wigan team in surviving against the odds in the premier league .the clarets head to goodison park having beaten manchester city , drawn against tottenham and being narrowly defeated by arsenal in the last month .they remain two points from safety but martinez believes the fact they have been scrapping to get out of the bottom three all season - much like his wigan side in the four seasons he spent with them before joining the toffees - gives them an advantage over teams who have been dragged into the race for survival .\n", - "roberto martinez likens burnley to his former side wigan athleticsean dyche 's men are currently in the bottom three but are playing wellmartinez described wigan as fearless ahead of their clash on saturdayclick here for all the latest everton news\n", - "[1.2813334 1.270668 1.0560974 1.201559 1.1513729 1.323909 1.2038056\n", - " 1.1934583 1.0112597 1.0430624 1.0925033 1.0467067 1.1457232 1.1577026\n", - " 1.0170012 1.0161352 0. 0. 0. 0. ]\n", - "\n", - "[ 5 0 1 6 3 7 13 4 12 10 2 11 9 14 15 8 16 17 18 19]\n", - "=======================\n", - "['a recent survey by the british heart foundation showed two fifths of parents are badgered by their children each week to buy food after seeing it advertised on tv , prompting the charity to deliver a 30,000 strong petition asking the government to ban junk food adverts being shown before the 9pm watershedacross the globe , more than 42 million children under the age of five are overweight or obese .and the rising tide of obesity extends into adulthood with 1.9 billion adults worldwide overweight , 600 million of which are classified as obese .']\n", - "=======================\n", - "[\"worldwide , 42 million children under the age of 5 are overweight or obesebritish heart foundation survey shows two thirds of parents feel badgered by their children each week to buy junk food after seeing it advertisedweight loss expert dr sally norton backed calls for ban on tv adsand criticised coca cola 's sponsorship of the london eye attraction\"]\n", - "a recent survey by the british heart foundation showed two fifths of parents are badgered by their children each week to buy food after seeing it advertised on tv , prompting the charity to deliver a 30,000 strong petition asking the government to ban junk food adverts being shown before the 9pm watershedacross the globe , more than 42 million children under the age of five are overweight or obese .and the rising tide of obesity extends into adulthood with 1.9 billion adults worldwide overweight , 600 million of which are classified as obese .\n", - "worldwide , 42 million children under the age of 5 are overweight or obesebritish heart foundation survey shows two thirds of parents feel badgered by their children each week to buy junk food after seeing it advertisedweight loss expert dr sally norton backed calls for ban on tv adsand criticised coca cola 's sponsorship of the london eye attraction\n", - "[1.3778373 1.1773584 1.3192606 1.2198166 1.2589487 1.24317 1.1867564\n", - " 1.0940188 1.0767584 1.0162759 1.0576619 1.07693 1.0399692 1.0524001\n", - " 1.0609623 1.0063068 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 4 5 3 6 1 7 11 8 14 10 13 12 9 15 16 17 18 19]\n", - "=======================\n", - "[\"beatrice tollman , founder of a luxury hotel chain , made her most recent donation of # 20,000 to the tories earlier this month to boost the party 's general election campaign coffershowever on the same day in 2008 her husband stanley tollman pleaded guilty to tax evasion .mr tollman repaid more than 100 million us dollars to america after the couple spent five years fighting off attempts to extradite mrs tollman from the uk over claims the south african couple had millions stashed in the channel islands .\"]\n", - "=======================\n", - "['tories returned donation from beatrice tollman , founder of hotel chainshe had previously been charged with conspiracy to evade millions of dollars in tax before the charges were dismissed by a judgebut on same day husband stanley tollman pleaded guilty to tax evasion']\n", - "beatrice tollman , founder of a luxury hotel chain , made her most recent donation of # 20,000 to the tories earlier this month to boost the party 's general election campaign coffershowever on the same day in 2008 her husband stanley tollman pleaded guilty to tax evasion .mr tollman repaid more than 100 million us dollars to america after the couple spent five years fighting off attempts to extradite mrs tollman from the uk over claims the south african couple had millions stashed in the channel islands .\n", - "tories returned donation from beatrice tollman , founder of hotel chainshe had previously been charged with conspiracy to evade millions of dollars in tax before the charges were dismissed by a judgebut on same day husband stanley tollman pleaded guilty to tax evasion\n", - "[1.2705054 1.1711845 1.1975679 1.1949297 1.3109617 1.3962498 1.1463858\n", - " 1.0529494 1.0324572 1.049327 1.0469296 1.104321 1.0729246 1.1999519\n", - " 1.0536833 1.0416914 1.0655828 0. 0. 0. ]\n", - "\n", - "[ 5 4 0 13 2 3 1 6 11 12 16 14 7 9 10 15 8 18 17 19]\n", - "=======================\n", - "[\"radamel falcao has struggled at manchester united after signing on loan from ligue 1 side monacomanchester united have been linked with cavani but the striker has n't impressed this seasonedinson cavani 's slumbering champions league performance against barcelona may well have put to bed any chance of him making a switch to manchester united .\"]\n", - "=======================\n", - "[\"edinson cavani struggled in both legs for psg against barcelonauruguayan striker 's scoring record in ligue 1 is n't what it should belouis van gaal prefers to work with young talent and cavani is 28radamel falcao has struggled at manchester united after signing on loancavani says he wants to stay at psg and he may not have much choicevan gaal identifies ilkay gundogan as replacement for michael carrick\"]\n", - "radamel falcao has struggled at manchester united after signing on loan from ligue 1 side monacomanchester united have been linked with cavani but the striker has n't impressed this seasonedinson cavani 's slumbering champions league performance against barcelona may well have put to bed any chance of him making a switch to manchester united .\n", - "edinson cavani struggled in both legs for psg against barcelonauruguayan striker 's scoring record in ligue 1 is n't what it should belouis van gaal prefers to work with young talent and cavani is 28radamel falcao has struggled at manchester united after signing on loancavani says he wants to stay at psg and he may not have much choicevan gaal identifies ilkay gundogan as replacement for michael carrick\n", - "[1.3556226 1.3290087 1.2647792 1.2078606 1.1781442 1.1074222 1.1171688\n", - " 1.0951743 1.1152341 1.097196 1.0175076 1.0272784 1.0262905 1.019655\n", - " 1.1098695 1.1420314 1.078577 1.0580835 1.0089135 0. ]\n", - "\n", - "[ 0 1 2 3 4 15 6 8 14 5 9 7 16 17 11 12 13 10 18 19]\n", - "=======================\n", - "[\"egypt 's former president mohammed morsi has been sentenced to 20 years for ordering the arrest and torture of protesters in 2012 .but a court in the country 's capital cairo acquitted the 63-year-old leader of charges that would have seen him face the death penalty .but the court cleared the defendants on charges of inciting murder over the deaths of a journalist and two protesters during the december 5 , 2012 clashes outside the presidential palace in cairo .\"]\n", - "=======================\n", - "['a court in cairo has sentenced the former leader over abuses of protestersbut he was cleared of charges that would have seen him face death penalty14 others convicted on same charges with most also sentenced to 20 yearsdefence lawyers said they would launch an appeal against the convictions']\n", - "egypt 's former president mohammed morsi has been sentenced to 20 years for ordering the arrest and torture of protesters in 2012 .but a court in the country 's capital cairo acquitted the 63-year-old leader of charges that would have seen him face the death penalty .but the court cleared the defendants on charges of inciting murder over the deaths of a journalist and two protesters during the december 5 , 2012 clashes outside the presidential palace in cairo .\n", - "a court in cairo has sentenced the former leader over abuses of protestersbut he was cleared of charges that would have seen him face death penalty14 others convicted on same charges with most also sentenced to 20 yearsdefence lawyers said they would launch an appeal against the convictions\n", - "[1.524626 1.4617527 1.114307 1.0880511 1.1221969 1.2542069 1.2066052\n", - " 1.3253069 1.0290147 1.0184381 1.0100056 1.038861 1.0964586 1.0551802\n", - " 1.0926037 1.0357394 1.042122 1.0580841 1.0221606 1.0155932]\n", - "\n", - "[ 0 1 7 5 6 4 2 12 14 3 17 13 16 11 15 8 18 9 19 10]\n", - "=======================\n", - "['unbeaten floyd mayweather faces more pressure than manny pacquiao when the pair meet in las vegas on may 2 but he will still be victorious , says joe calzaghe .it is being billed as the fight of the century , and is worth at least $ 180million and $ 120m to mayweather and pacquiao respectively , but former undefeated world super-middleweight and light-heavyweight boxing champion calzaghe is confident he can predict the outcome .floyd mayweather works out with his uncle roger at the mayweather boxing club ahead of the fight']\n", - "=======================\n", - "[\"floyd mayweather and manny pacquiao face off in las vegas on may 2joe calzaghe believes mayweather 's unbeaten record is a burdendespite that , the welshman thinks mayweather will beat his opponentread : ricky hatton gives his prediction to jeff powell ahead of the fightread : floyd mayweather vs manny pacquiao tickets finally go on sale\"]\n", - "unbeaten floyd mayweather faces more pressure than manny pacquiao when the pair meet in las vegas on may 2 but he will still be victorious , says joe calzaghe .it is being billed as the fight of the century , and is worth at least $ 180million and $ 120m to mayweather and pacquiao respectively , but former undefeated world super-middleweight and light-heavyweight boxing champion calzaghe is confident he can predict the outcome .floyd mayweather works out with his uncle roger at the mayweather boxing club ahead of the fight\n", - "floyd mayweather and manny pacquiao face off in las vegas on may 2joe calzaghe believes mayweather 's unbeaten record is a burdendespite that , the welshman thinks mayweather will beat his opponentread : ricky hatton gives his prediction to jeff powell ahead of the fightread : floyd mayweather vs manny pacquiao tickets finally go on sale\n", - "[1.2415152 1.1601381 1.2851362 1.2330275 1.2055869 1.2112999 1.16761\n", - " 1.0295478 1.0687743 1.1614995 1.0528457 1.0127361 1.0253698 1.013997\n", - " 1.2053874 1.0426368 1.0288476 1.0144712 1.0117706 1.0154111]\n", - "\n", - "[ 2 0 3 5 4 14 6 9 1 8 10 15 7 16 12 19 17 13 11 18]\n", - "=======================\n", - "[\"now he 's exhibiting his ` skills ' on stage in a one-man pickpocket show , called man of steal , in which he even takes off someone 's tie without them realising .no wonder james freedman 's super-nimble hands are insured for a huge sum -- for the fingers he uses to steal wallets are the tools of his trade .the watch : james freedman removes harry mount 's timepiece without him noticing in his pickpocketing lesson\"]\n", - "=======================\n", - "['harry met james freedman , who has his own one-man pickpocket showperformer advises police and teaches people how not to be victims of theftin astonishing demonstration , he shows how quickly a thief can rob you']\n", - "now he 's exhibiting his ` skills ' on stage in a one-man pickpocket show , called man of steal , in which he even takes off someone 's tie without them realising .no wonder james freedman 's super-nimble hands are insured for a huge sum -- for the fingers he uses to steal wallets are the tools of his trade .the watch : james freedman removes harry mount 's timepiece without him noticing in his pickpocketing lesson\n", - "harry met james freedman , who has his own one-man pickpocket showperformer advises police and teaches people how not to be victims of theftin astonishing demonstration , he shows how quickly a thief can rob you\n", - "[1.2552693 1.4258591 1.1690365 1.2177094 1.1550785 1.0854716 1.0578365\n", - " 1.0249579 1.185719 1.108408 1.0558221 1.0573736 1.0337398 1.1511295\n", - " 1.0391059 1.0278716 0. 0. ]\n", - "\n", - "[ 1 0 3 8 2 4 13 9 5 6 11 10 14 12 15 7 16 17]\n", - "=======================\n", - "['captured in a front room in bahama , north carolina , the three dogs -- a husky called sky , a brown and white springer spaniel called sadie and a black and white springer spaniel called marshall -- take their positions on their make-shift stage .a singing three piece of dogs exercised their vocal chords and produced a musical ensemble for the benefit of their owner .the video begins with sadie the springer spaniel barking and interacting with the husky named sky']\n", - "=======================\n", - "['the dogs called sky , sadie and marshall each stand in the front roomspringer spaniel begins barking before husky turns song into howlthird dog joins in with the song and the three dogs howl even louderbefore owner interrupts them and they stop and stare at him in surprise']\n", - "captured in a front room in bahama , north carolina , the three dogs -- a husky called sky , a brown and white springer spaniel called sadie and a black and white springer spaniel called marshall -- take their positions on their make-shift stage .a singing three piece of dogs exercised their vocal chords and produced a musical ensemble for the benefit of their owner .the video begins with sadie the springer spaniel barking and interacting with the husky named sky\n", - "the dogs called sky , sadie and marshall each stand in the front roomspringer spaniel begins barking before husky turns song into howlthird dog joins in with the song and the three dogs howl even louderbefore owner interrupts them and they stop and stare at him in surprise\n", - "[1.2737963 1.4487281 1.1279204 1.2633243 1.0864352 1.188147 1.1144928\n", - " 1.0696588 1.1368859 1.0732646 1.1207397 1.0242223 1.0109476 1.0152524\n", - " 1.0140823 1.0113014 0. 0. ]\n", - "\n", - "[ 1 0 3 5 8 2 10 6 4 9 7 11 13 14 15 12 16 17]\n", - "=======================\n", - "['a video posted on social media site vine by a user known as old row , shows the girl surrounded by her fellow festival goers at texas-based country music festival chilifest last weekend , facing up to three officers who are believed to have busted her for drinking , before challenging her to a round of the beloved playground game .an unidentified college student managed to get away without any kind of punishment after cops caught her drinking underage at a festival - because she beat them at a game of rock paper scissors .since being posted on monday , the vine has been viewed more than 500,000 times , receiving a total of 5,000 likes .']\n", - "=======================\n", - "[\"a video of the game , filmed at chilifest in snook , texas , was posted onto social media site vinethe clip shows the unidentified girl , believed to be a student at texas a&m university in college station winning the game by showing a ` rock '\"]\n", - "a video posted on social media site vine by a user known as old row , shows the girl surrounded by her fellow festival goers at texas-based country music festival chilifest last weekend , facing up to three officers who are believed to have busted her for drinking , before challenging her to a round of the beloved playground game .an unidentified college student managed to get away without any kind of punishment after cops caught her drinking underage at a festival - because she beat them at a game of rock paper scissors .since being posted on monday , the vine has been viewed more than 500,000 times , receiving a total of 5,000 likes .\n", - "a video of the game , filmed at chilifest in snook , texas , was posted onto social media site vinethe clip shows the unidentified girl , believed to be a student at texas a&m university in college station winning the game by showing a ` rock '\n", - "[1.232945 1.5749506 1.289292 1.4229558 1.1839433 1.1109478 1.0832261\n", - " 1.1347777 1.0878032 1.0501384 1.0137295 1.0304209 1.0314521 1.1078105\n", - " 1.0601093 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 7 5 13 8 6 14 9 12 11 10 15 16 17]\n", - "=======================\n", - "[\"andrew ` drew ' butler , 25 , allegedly shot mother-of-three kendra gonzalez from the passenger seat in san jose , california , in front of the couple 's two-year-old son and her teenage daughter .police said gonzalez and butler were involved in an argument when the gun went off .police have launched a manhunt for a father suspected of gunning down his girlfriend while she was driving .\"]\n", - "=======================\n", - "[\"andrew ` drew ' butler , 25 , allegedly shot mother-of-three kendra gonzalezhe was in passenger seat while pair were driving in san jose , californiadragged her body out of the car and left it lying on the streetbutler told the children to get out , drove off and abandoned them\"]\n", - "andrew ` drew ' butler , 25 , allegedly shot mother-of-three kendra gonzalez from the passenger seat in san jose , california , in front of the couple 's two-year-old son and her teenage daughter .police said gonzalez and butler were involved in an argument when the gun went off .police have launched a manhunt for a father suspected of gunning down his girlfriend while she was driving .\n", - "andrew ` drew ' butler , 25 , allegedly shot mother-of-three kendra gonzalezhe was in passenger seat while pair were driving in san jose , californiadragged her body out of the car and left it lying on the streetbutler told the children to get out , drove off and abandoned them\n", - "[1.2254366 1.2029094 1.1976238 1.3043736 1.2559577 1.0323861 1.025305\n", - " 1.134644 1.1422629 1.0545573 1.0869083 1.084845 1.039781 1.1430155\n", - " 1.025043 1.011884 1.0085279 1.013693 ]\n", - "\n", - "[ 3 4 0 1 2 13 8 7 10 11 9 12 5 6 14 17 15 16]\n", - "=======================\n", - "[\"jordan spieth hits a tee shot on the eighth hole during the final round of the rbc heritage tournamentspieth has competed in four events in a row as the new masters champion shows his commitment to the sportshortly after being presented with the green jacket , the man who has rapidly become everyone 's favourite texan flew to new york and gave 25 interviews over the course of 24 hours .\"]\n", - "=======================\n", - "['shortly after being presented with his green jacket , new masters champion jordan spieth gave 25 interviews over the course of 24 hours in new yorkthen , despite his fatigue , the 21-year-old flew to south carolina to keep a promise and play in the heritage tournament - his fourth event in a rowby contrast , players on the european tour have not shown the same sort of unwavering commitment to the sportian poulter , henrik stenson and sergio garcia have decided not to play at the bmw pga championship being staged at wentworth next month']\n", - "jordan spieth hits a tee shot on the eighth hole during the final round of the rbc heritage tournamentspieth has competed in four events in a row as the new masters champion shows his commitment to the sportshortly after being presented with the green jacket , the man who has rapidly become everyone 's favourite texan flew to new york and gave 25 interviews over the course of 24 hours .\n", - "shortly after being presented with his green jacket , new masters champion jordan spieth gave 25 interviews over the course of 24 hours in new yorkthen , despite his fatigue , the 21-year-old flew to south carolina to keep a promise and play in the heritage tournament - his fourth event in a rowby contrast , players on the european tour have not shown the same sort of unwavering commitment to the sportian poulter , henrik stenson and sergio garcia have decided not to play at the bmw pga championship being staged at wentworth next month\n", - "[1.2182704 1.4875808 1.2219974 1.2484466 1.2927666 1.0509561 1.0224625\n", - " 1.017856 1.073588 1.0492544 1.2218562 1.1551087 1.0513486 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 2 10 0 11 8 12 5 9 6 7 16 13 14 15 17]\n", - "=======================\n", - "[\"the heritage-listed colonial georgian residence , with three storeys and six bedrooms , was built by whaling captain george grimes who constructed a row of early 1840s terraces depicted in artist conrad marten 's work in 1843 .the 416sqm inner city block property boasts stunning views of the sydney harbour bridge from the front lacework terraceone of sydney 's oldest surviving homes is expected to go under the hammer for $ 4million in the much sought after harbourside suburb of millers point next month .\"]\n", - "=======================\n", - "[\"grimes cottage is a heritage-listed 1830s colonial georgian residence with three storeys and six bedroomsone of the oldest surviving homes in sydney - the 185-year-old house was built by whaling captain george grimesless than 10 minutes walk to the city 's centre - the property boasts sydney harbour bridge viewsonly one of two freestanding properties in nsw goverment 's social housing portfolio earmarked to be sold in areathe 50 argyle place property is situated in the much sought after postcode of millers point\"]\n", - "the heritage-listed colonial georgian residence , with three storeys and six bedrooms , was built by whaling captain george grimes who constructed a row of early 1840s terraces depicted in artist conrad marten 's work in 1843 .the 416sqm inner city block property boasts stunning views of the sydney harbour bridge from the front lacework terraceone of sydney 's oldest surviving homes is expected to go under the hammer for $ 4million in the much sought after harbourside suburb of millers point next month .\n", - "grimes cottage is a heritage-listed 1830s colonial georgian residence with three storeys and six bedroomsone of the oldest surviving homes in sydney - the 185-year-old house was built by whaling captain george grimesless than 10 minutes walk to the city 's centre - the property boasts sydney harbour bridge viewsonly one of two freestanding properties in nsw goverment 's social housing portfolio earmarked to be sold in areathe 50 argyle place property is situated in the much sought after postcode of millers point\n", - "[1.3101906 1.4790165 1.3157911 1.1500002 1.1640295 1.1453001 1.1902748\n", - " 1.0807564 1.1020768 1.0412284 1.1540093 1.0230373 1.0254833 1.0468563\n", - " 1.0807453 1.0286543 1.0420432 1.0345094 1.0075066]\n", - "\n", - "[ 1 2 0 6 4 10 3 5 8 7 14 13 16 9 17 15 12 11 18]\n", - "=======================\n", - "[\"the ex bon jovi guitarist , 55 , allegedly told former business partner nikki lund he would ` dig a hole in the desert and bury her ' , daily mail online can exclusively reveal .sambora is said to have made the chilling threat during a blazing telephone argument on march 19 .rocker richie sambora is being investigated by police over claims he ` threatened to kill ' his former fashion designer lover .\"]\n", - "=======================\n", - "[\"richie sambora is about to be quizzed by police over claims he ` threatened to kill ' his former fashion designer lover and business partnershe is a childhood friend of kim kardashianpolice in the wealthy los angeles suburb of calabasas confirmed sambora is a ` person of interest ' in an active investigation into criminal threatstheir joint venture collapsed at the last moment and nikki went out on her ownrock star is believed to be on vacation in bora bora with his ex-wife heather locklear and daughter ava\"]\n", - "the ex bon jovi guitarist , 55 , allegedly told former business partner nikki lund he would ` dig a hole in the desert and bury her ' , daily mail online can exclusively reveal .sambora is said to have made the chilling threat during a blazing telephone argument on march 19 .rocker richie sambora is being investigated by police over claims he ` threatened to kill ' his former fashion designer lover .\n", - "richie sambora is about to be quizzed by police over claims he ` threatened to kill ' his former fashion designer lover and business partnershe is a childhood friend of kim kardashianpolice in the wealthy los angeles suburb of calabasas confirmed sambora is a ` person of interest ' in an active investigation into criminal threatstheir joint venture collapsed at the last moment and nikki went out on her ownrock star is believed to be on vacation in bora bora with his ex-wife heather locklear and daughter ava\n", - "[1.2943006 1.2755392 1.335212 1.3243597 1.3540448 1.1523331 1.0352718\n", - " 1.1163529 1.0356644 1.0229807 1.0564387 1.1300514 1.1676109 1.0849316\n", - " 1.015753 1.0499953 1.0081577 1.0074534 0. ]\n", - "\n", - "[ 4 2 3 0 1 12 5 11 7 13 10 15 8 6 9 14 16 17 18]\n", - "=======================\n", - "['the family were walking near their home at caves beach , near lake macquarie , when he was killed suddenly in a puddle that was connected to a fallen live electrical wireaussie the dog had always been very protective of his owners kai , seven , and sophie , 10 .their grandmother deanna addicoat said the children were traumatised after seeing their dog die']\n", - "=======================\n", - "['aussie the dog saved the lives of his owners kai , seven , and sophie , 10he stepped into a puddle that was live with electrical current in the aftermath of the wild nsw storms at caves beach , near lake macquariethe cattle dog puppy is being remembered as a hero by the family']\n", - "the family were walking near their home at caves beach , near lake macquarie , when he was killed suddenly in a puddle that was connected to a fallen live electrical wireaussie the dog had always been very protective of his owners kai , seven , and sophie , 10 .their grandmother deanna addicoat said the children were traumatised after seeing their dog die\n", - "aussie the dog saved the lives of his owners kai , seven , and sophie , 10he stepped into a puddle that was live with electrical current in the aftermath of the wild nsw storms at caves beach , near lake macquariethe cattle dog puppy is being remembered as a hero by the family\n", - "[1.052312 1.3280796 1.3866248 1.2923135 1.2817073 1.0686502 1.126902\n", - " 1.0413145 1.3019264 1.1796615 1.0310798 1.0420991 1.0245817 1.0192742\n", - " 1.0310261 1.036666 0. 0. 0. ]\n", - "\n", - "[ 2 1 8 3 4 9 6 5 0 11 7 15 10 14 12 13 17 16 18]\n", - "=======================\n", - "[\"the eerie phenomenon is called an ` earthflow ' and is a rare type of landslide .but one russian youtuber captured the terrifying moment a stream of soil flowed down a bank next to a main road , crushing trees in its powerful path and leaving toppled power lines in its wake .alexander giniyatullin kept a remarkably steady hand filming the scary scene in the kemerovo region of russia ( shown by the red marker ) , which is thought to have happened at 1pm on april 1\"]\n", - "=======================\n", - "['eerie earthflow was captured in the kemerovo region of russiait left a wide path of destruction , toppling pylons and crushing treesearthflows can vary in speed from barely detectable to 12 mph ( 20km/h )they are a form of landslide where fine soil or sand becomes waterlogged']\n", - "the eerie phenomenon is called an ` earthflow ' and is a rare type of landslide .but one russian youtuber captured the terrifying moment a stream of soil flowed down a bank next to a main road , crushing trees in its powerful path and leaving toppled power lines in its wake .alexander giniyatullin kept a remarkably steady hand filming the scary scene in the kemerovo region of russia ( shown by the red marker ) , which is thought to have happened at 1pm on april 1\n", - "eerie earthflow was captured in the kemerovo region of russiait left a wide path of destruction , toppling pylons and crushing treesearthflows can vary in speed from barely detectable to 12 mph ( 20km/h )they are a form of landslide where fine soil or sand becomes waterlogged\n", - "[1.3059387 1.3860811 1.2088375 1.37377 1.0584567 1.2559054 1.120127\n", - " 1.1429412 1.0783556 1.0787128 1.0111965 1.0182363 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 5 2 7 6 9 8 4 11 10 17 12 13 14 15 16 18]\n", - "=======================\n", - "[\"the former 2day fm co-host , who shot to notoriety in 2012 after a prank call during the duchess of cambridge 's first pregnancy resulted in the death of the nurse who took the call , penned the letter to ask the media , ` have we not learnt enough from the royal prank call ? 'in the letter , greig asks why the media continues to seek fresh angles for stories after seeing the consequences of her mistake , and asks various media outlets to learn from the tragedy of ms saldana 's death and to be sensible when it comes to covering the birth of the second royal baby .greig has since revealed her personal torment over the prank , and was unable to return to her role on the air , saying earlier in the year that she felt ` the world hated [ her ] ' for what had happened .\"]\n", - "=======================\n", - "[\"former 2day fm host mel greig penned an open note to the mediagreig became infamous in 2012 when she was involved in a prank with her co-host which resulted in the suicide of a nurse in london two days later` have we not learnt enough from the royal prank call ? 'she asks the media to be sensible when covering the birth of baby # 2greig speaks of being on the receiving end of aggressive journalists and says that there are certain lines that should never be crossed\"]\n", - "the former 2day fm co-host , who shot to notoriety in 2012 after a prank call during the duchess of cambridge 's first pregnancy resulted in the death of the nurse who took the call , penned the letter to ask the media , ` have we not learnt enough from the royal prank call ? 'in the letter , greig asks why the media continues to seek fresh angles for stories after seeing the consequences of her mistake , and asks various media outlets to learn from the tragedy of ms saldana 's death and to be sensible when it comes to covering the birth of the second royal baby .greig has since revealed her personal torment over the prank , and was unable to return to her role on the air , saying earlier in the year that she felt ` the world hated [ her ] ' for what had happened .\n", - "former 2day fm host mel greig penned an open note to the mediagreig became infamous in 2012 when she was involved in a prank with her co-host which resulted in the suicide of a nurse in london two days later` have we not learnt enough from the royal prank call ? 'she asks the media to be sensible when covering the birth of baby # 2greig speaks of being on the receiving end of aggressive journalists and says that there are certain lines that should never be crossed\n", - "[1.4851804 1.3573996 1.3232604 1.4695549 1.1090304 1.0796154 1.1271408\n", - " 1.123571 1.0283886 1.0332049 1.0301071 1.0121533 1.0349033 1.2032944\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 13 6 7 4 5 12 9 10 8 11 17 14 15 16 18]\n", - "=======================\n", - "[\"rory mcilroy was joined by niall horan at the masters on wednesday and the world 's best golfer is set to return the favour by singing on stage with the one direction star at the end of the summer .one direction singer niall horan caddied for rory mcilroy in the traditional par-3 contest at augusta nationalaugusta national 's par-3 course traditionally hosts the par-3 contest the day before the first major of the year\"]\n", - "=======================\n", - "[\"rory mcilory was joined on the course by niall horan for par-3 contestthe one direction star suffered an embarrassing slip while carrying mcilroy 's clubs during the round on wednesdaymcilroy shot a one-under-par round to finish in a tie for 16th\"]\n", - "rory mcilroy was joined by niall horan at the masters on wednesday and the world 's best golfer is set to return the favour by singing on stage with the one direction star at the end of the summer .one direction singer niall horan caddied for rory mcilroy in the traditional par-3 contest at augusta nationalaugusta national 's par-3 course traditionally hosts the par-3 contest the day before the first major of the year\n", - "rory mcilory was joined on the course by niall horan for par-3 contestthe one direction star suffered an embarrassing slip while carrying mcilroy 's clubs during the round on wednesdaymcilroy shot a one-under-par round to finish in a tie for 16th\n", - "[1.461101 1.2494727 1.4169729 1.1832803 1.180861 1.0510832 1.060574\n", - " 1.061697 1.0457821 1.1173288 1.098337 1.0162609 1.1124125 1.1742214\n", - " 1.1034741 1.030469 1.0230967 1.0168144 1.0906428 1.0334885 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 4 13 9 12 14 10 18 7 6 5 8 19 15 16 17 11 20 21 22 23]\n", - "=======================\n", - "[\"ryan wray , 26 , was formally charged with second-degree felony forcible sexual abuse on fridaya former utah state university fraternity president who was arrested in march on suspicion of sexual assault was officially charged in first district court on friday .wray , who served as the 2013 and 2014 pi kappa alpha president , was tasked with keeping safe women who ` could no longer take care of themselves ' at parties at the off-campus frat house , the salt lake tribune reported .\"]\n", - "=======================\n", - "[\"ryan wray , 26 , charged with second-degree felony forcible sexual abuseusu pi kappa alpha chapter suspended operations after wray 's arrestthe 2013-14 president was suspended by fraternity after allegationswray faces up to 15 years in prison and could be disciplined by schoolincidents allegedly occurred between last october and wray 's march arrest\"]\n", - "ryan wray , 26 , was formally charged with second-degree felony forcible sexual abuse on fridaya former utah state university fraternity president who was arrested in march on suspicion of sexual assault was officially charged in first district court on friday .wray , who served as the 2013 and 2014 pi kappa alpha president , was tasked with keeping safe women who ` could no longer take care of themselves ' at parties at the off-campus frat house , the salt lake tribune reported .\n", - "ryan wray , 26 , charged with second-degree felony forcible sexual abuseusu pi kappa alpha chapter suspended operations after wray 's arrestthe 2013-14 president was suspended by fraternity after allegationswray faces up to 15 years in prison and could be disciplined by schoolincidents allegedly occurred between last october and wray 's march arrest\n", - "[1.2525496 1.3954211 1.2300948 1.1349223 1.252303 1.2091868 1.0609483\n", - " 1.1065131 1.063899 1.0559411 1.0762632 1.0856075 1.0867388 1.0913261\n", - " 1.0733078 1.0649279 1.0358396 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 5 3 7 13 12 11 10 14 15 8 6 9 16 22 17 18 19 20 21 23]\n", - "=======================\n", - "[\"kim howe 's two adult stepchildren are said to be considering suing the former olympic athlete turned reality television star following her death .bruce jenner could be sued by the stepchildren of the woman who died in the pacific coast highway car crash earlier this year - despite the fact they had ` virtually no relationship ' .crash : mrs howe , 69 , died after being involved in a four-way smash with realtiy tv star bruce jenner\"]\n", - "=======================\n", - "[\"kim howe 's stepchildren are said to have ` lawyered up ' following her deathmrs howe , 69 , died after being involved in a crash with the reality tv starthought she has no living blood relatives so stepchildren have only claimattorneys : ` sky 's the limit ' for pay out in a successful wrongful death suit\"]\n", - "kim howe 's two adult stepchildren are said to be considering suing the former olympic athlete turned reality television star following her death .bruce jenner could be sued by the stepchildren of the woman who died in the pacific coast highway car crash earlier this year - despite the fact they had ` virtually no relationship ' .crash : mrs howe , 69 , died after being involved in a four-way smash with realtiy tv star bruce jenner\n", - "kim howe 's stepchildren are said to have ` lawyered up ' following her deathmrs howe , 69 , died after being involved in a crash with the reality tv starthought she has no living blood relatives so stepchildren have only claimattorneys : ` sky 's the limit ' for pay out in a successful wrongful death suit\n", - "[1.0754203 1.2468487 1.288195 1.3448334 1.1607143 1.1258118 1.291336\n", - " 1.0570614 1.0498816 1.0345467 1.0315268 1.0388634 1.0316576 1.030716\n", - " 1.0152977 1.0319773 1.0677222 1.0237359 1.025001 1.0264966 1.0257506\n", - " 1.0281174 1.0258752 1.0184121]\n", - "\n", - "[ 3 6 2 1 4 5 0 16 7 8 11 9 15 12 10 13 21 19 22 20 18 17 23 14]\n", - "=======================\n", - "['a book designed to discover clever people in the 1930s has been republished and is full of tricky questions and brain-teasers .four men can build four boats in four days .the answers can be found at the bottom of the page .']\n", - "=======================\n", - "['book by robert streeter and robert hoehn republished from 1930soriginally designed to discover clever people by posing hard questions']\n", - "a book designed to discover clever people in the 1930s has been republished and is full of tricky questions and brain-teasers .four men can build four boats in four days .the answers can be found at the bottom of the page .\n", - "book by robert streeter and robert hoehn republished from 1930soriginally designed to discover clever people by posing hard questions\n", - "[1.1878365 1.5250748 1.3791193 1.4373803 1.2997824 1.1889988 1.050196\n", - " 1.0274268 1.0311699 1.030446 1.0341582 1.0395691 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 5 0 6 11 10 8 9 7 22 12 13 14 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"fearless atif saeed , 38 , from lahore , pakistan was in the city 's safari park when he spotted the male lion in the distance .atif saeed crept to within 10 feet of the hungry lion before leaving the safety of his car to lie on the groundarmed only with a camera , mr saeed , managed to capture a couple of frames before retreating to safety\"]\n", - "=======================\n", - "[\"photographer atif saeed crept to within ten feet of the hungry male lionfearless mr saeed left the safety of his car to sit on the ground for the shotas soon as the camera captured the image , mr saeed had to flee for his lifethe lion charged at the intrepid photographer as he closed the car 's door\"]\n", - "fearless atif saeed , 38 , from lahore , pakistan was in the city 's safari park when he spotted the male lion in the distance .atif saeed crept to within 10 feet of the hungry lion before leaving the safety of his car to lie on the groundarmed only with a camera , mr saeed , managed to capture a couple of frames before retreating to safety\n", - "photographer atif saeed crept to within ten feet of the hungry male lionfearless mr saeed left the safety of his car to sit on the ground for the shotas soon as the camera captured the image , mr saeed had to flee for his lifethe lion charged at the intrepid photographer as he closed the car 's door\n", - "[1.2115985 1.0518073 1.0831859 1.1030508 1.1195159 1.153248 1.1621553\n", - " 1.110232 1.1609371 1.0715239 1.0582395 1.0869689 1.0726432 1.0272775\n", - " 1.0527296 1.0865701 1.0393904 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 6 8 5 4 7 3 11 15 2 12 9 10 14 1 16 13 22 17 18 19 20 21 23]\n", - "=======================\n", - "['( cnn ) whether a patient is in the hospital for an organ transplant , an appendectomy or to have a baby , one complaint is common : the gown .the cleveland clinic was an early trendsetter .hospital gowns have gotten a face-lift after some help from fashion designers like these from patient style and the henry ford innovation institute .']\n", - "=======================\n", - "['hospital gowns have gotten a face-lift with help from fashion designers such as diane von furstenbergwhat patients wear needs to be comfortable yet allow health professionals access during examspatient satisfaction is linked to the size of medicare payments hospitals get']\n", - "( cnn ) whether a patient is in the hospital for an organ transplant , an appendectomy or to have a baby , one complaint is common : the gown .the cleveland clinic was an early trendsetter .hospital gowns have gotten a face-lift after some help from fashion designers like these from patient style and the henry ford innovation institute .\n", - "hospital gowns have gotten a face-lift with help from fashion designers such as diane von furstenbergwhat patients wear needs to be comfortable yet allow health professionals access during examspatient satisfaction is linked to the size of medicare payments hospitals get\n", - "[1.0437446 1.1417108 1.244711 1.4781785 1.2708519 1.3235968 1.1522312\n", - " 1.078746 1.084987 1.0959195 1.1193964 1.094417 1.1049933 1.0568993\n", - " 1.0525858 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 5 4 2 6 1 10 12 9 11 8 7 13 14 0 15 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"more than 730,285 reddit users have pressed the button ( pictured ) since the california firm launched its r/thebutton thread on april fool 's day .it is not yet known what happens when the timer reaches zero and users can only click the button oncea current reddit thread is testing its users resolve to do just this by placing a clickable button next to a 60-second timer .\"]\n", - "=======================\n", - "[\"reddit launched its r/thebutton thread on april fool 's dayit is accompanied by a timer that counts down from 60 secondswhen the button is clicked , the timer resets and the person who pressed it is given a colour that signifies how long they left it before pressingit is not known what will happen if the timer drops to zero\"]\n", - "more than 730,285 reddit users have pressed the button ( pictured ) since the california firm launched its r/thebutton thread on april fool 's day .it is not yet known what happens when the timer reaches zero and users can only click the button oncea current reddit thread is testing its users resolve to do just this by placing a clickable button next to a 60-second timer .\n", - "reddit launched its r/thebutton thread on april fool 's dayit is accompanied by a timer that counts down from 60 secondswhen the button is clicked , the timer resets and the person who pressed it is given a colour that signifies how long they left it before pressingit is not known what will happen if the timer drops to zero\n", - "[1.2816731 1.1442727 1.3022002 1.1644254 1.1470629 1.2229383 1.0951123\n", - " 1.0658718 1.0804223 1.0965383 1.105385 1.1108602 1.0705807 1.0251989\n", - " 1.0205959 1.014438 1.021671 1.0259291 1.03934 1.0496087 1.0429183\n", - " 1.0261291 1.0228336 1.0453613 1.03312 1.0686414]\n", - "\n", - "[ 2 0 5 3 4 1 11 10 9 6 8 12 25 7 19 23 20 18 24 21 17 13 22 16\n", - " 14 15]\n", - "=======================\n", - "[\"the pontiff made the comments at a 100th anniversary mass onpope francis has angered the turkish government by describing the mass-murders of up to 1.5 million armenians in 1915 as ` the firstsunday , prompting turkey to summon the holy see 's ambassador in\"]\n", - "=======================\n", - "[\"pope calls mass murder of armenians ` first genocide of the 20th century 'the 1915 killings saw 1.5 m armenians slaughtered by ottoman turksturkey said pope francis ' comments had caused a ` problem of trust 'turkey denies killings were genocide , saying both sides suffered loss\"]\n", - "the pontiff made the comments at a 100th anniversary mass onpope francis has angered the turkish government by describing the mass-murders of up to 1.5 million armenians in 1915 as ` the firstsunday , prompting turkey to summon the holy see 's ambassador in\n", - "pope calls mass murder of armenians ` first genocide of the 20th century 'the 1915 killings saw 1.5 m armenians slaughtered by ottoman turksturkey said pope francis ' comments had caused a ` problem of trust 'turkey denies killings were genocide , saying both sides suffered loss\n", - "[1.3358284 1.2900354 1.4073675 1.1965872 1.4617461 1.1029699 1.0205048\n", - " 1.0188191 1.0163747 1.017915 1.0158069 1.0121961 1.014095 1.3173233\n", - " 1.128939 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 2 0 13 1 3 14 5 6 7 9 8 10 12 11 15 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"tom daley hopes his new ` firework ' dive can help win olympic gold at the 2016 rio de janiero gameshowever , along with new coach jane figueiredo he spent the winter modifying a new plunge , something that has never been attempted before .the former world champion knows he needs to push the boundaries of his sport and spent most of last year battling to master his ` demon ' dive , a dizzying combination of somersaults and twists he had hoped would prove the difference .\"]\n", - "=======================\n", - "[\"tom daley won bronze in the men 's 10m platform at the 2012 olympicsfirework dive is a forward three-and-a-half somersaults with one twist pikedaley won silver with the plunge at the world diving series last monthdaley 's main aim this year is to win gold at the world championships\"]\n", - "tom daley hopes his new ` firework ' dive can help win olympic gold at the 2016 rio de janiero gameshowever , along with new coach jane figueiredo he spent the winter modifying a new plunge , something that has never been attempted before .the former world champion knows he needs to push the boundaries of his sport and spent most of last year battling to master his ` demon ' dive , a dizzying combination of somersaults and twists he had hoped would prove the difference .\n", - "tom daley won bronze in the men 's 10m platform at the 2012 olympicsfirework dive is a forward three-and-a-half somersaults with one twist pikedaley won silver with the plunge at the world diving series last monthdaley 's main aim this year is to win gold at the world championships\n", - "[1.2748749 1.1818849 1.0800005 1.0401734 1.4916128 1.1443226 1.1623923\n", - " 1.1364486 1.049275 1.0246195 1.0191035 1.0199139 1.0372918 1.0592859\n", - " 1.0619899 1.0307083 1.0180956 1.0216235 1.050767 1.0289648 1.01759\n", - " 1.0299512 1.0195522 1.0312618 1.0411986 1.1702791]\n", - "\n", - "[ 4 0 1 25 6 5 7 2 14 13 18 8 24 3 12 23 15 21 19 9 17 11 22 10\n", - " 16 20]\n", - "=======================\n", - "['leigh griffiths celebrates scoring his third goal of the afternoon against dundee united on sundaythey see less of leigh griffiths on the streets of leith now than they used to .he no longer plays for hibernian for a start .']\n", - "=======================\n", - "['leigh griffiths is making the right sort of noise with celticas a youngster griffiths had his fair share of controversythen celtic manager neil lennon took a gamble signing him last yeargriffiths has been a real success for the bhoys since - most notably scoring 14 goals in his last 17 games']\n", - "leigh griffiths celebrates scoring his third goal of the afternoon against dundee united on sundaythey see less of leigh griffiths on the streets of leith now than they used to .he no longer plays for hibernian for a start .\n", - "leigh griffiths is making the right sort of noise with celticas a youngster griffiths had his fair share of controversythen celtic manager neil lennon took a gamble signing him last yeargriffiths has been a real success for the bhoys since - most notably scoring 14 goals in his last 17 games\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[1.3285886 1.513016 1.2143127 1.3361108 1.0635701 1.0391334 1.0164845\n", - " 1.1094636 1.0903815 1.0593792 1.0296787 1.0723603 1.105767 1.0748998\n", - " 1.0705884 1.0635091 1.0697367 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 7 12 8 13 11 14 16 4 15 9 5 10 6 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "['tavon watson , 24 , was doing 100mph at the exotic driving experience at walt disney world in orlando when he slammed the $ 220,000 lamborghini on the passenger side into a guardrail , killing 35-year-old race track employee gary terry .the disney driving instructor who was killed in a lamborghini crash sunday tried to grab the wheel in a desperate attempt to prevent a collision , as investigators say the car may have been speeding in the wrong direction around the track .florida highway patrol sgt kim montes revealed tuesday that the guardrail damaged the italian car on the east side of the passenger door .']\n", - "=======================\n", - "[\"the exotic driving experience park lets racing fans drive top-end carsgary terry , 36 , died in the crash and was on the passengers sidetavon watson , 24-year-old hotel bellhop , was driving and was taken to hospital for treatmentday at the racetrack was a gift from watson 's wife for his birthdaydisney world spokesman said driver ` lost control ' of the lamborghinifamily friend said working at disney attraction was a ` dream job ' for terry , a former race car driver from michigan\"]\n", - "tavon watson , 24 , was doing 100mph at the exotic driving experience at walt disney world in orlando when he slammed the $ 220,000 lamborghini on the passenger side into a guardrail , killing 35-year-old race track employee gary terry .the disney driving instructor who was killed in a lamborghini crash sunday tried to grab the wheel in a desperate attempt to prevent a collision , as investigators say the car may have been speeding in the wrong direction around the track .florida highway patrol sgt kim montes revealed tuesday that the guardrail damaged the italian car on the east side of the passenger door .\n", - "the exotic driving experience park lets racing fans drive top-end carsgary terry , 36 , died in the crash and was on the passengers sidetavon watson , 24-year-old hotel bellhop , was driving and was taken to hospital for treatmentday at the racetrack was a gift from watson 's wife for his birthdaydisney world spokesman said driver ` lost control ' of the lamborghinifamily friend said working at disney attraction was a ` dream job ' for terry , a former race car driver from michigan\n", - "[1.3412728 1.1865602 1.3760544 1.3771024 1.202 1.2320564 1.1313462\n", - " 1.1022902 1.1296558 1.0539728 1.0334983 1.0117604 1.2108017 1.0431715\n", - " 1.0775222 1.0512191 1.0164099 1.0096347 1.0440309]\n", - "\n", - "[ 3 2 0 5 12 4 1 6 8 7 14 9 15 18 13 10 16 11 17]\n", - "=======================\n", - "[\"her husband bernie deegan , 70 , died suddenly earlier this year following a 12-year cancer battle .yvonne deegan , 77 , described the investigation as ` absolutely diabolical ' and said she was ` perfectly happy ' with the care provided by dr rory lyons .probe : guernsey police sent ten officers to the island last thursday to raid dr rory lyon 's surgery and a private address\"]\n", - "=======================\n", - "[\"widow of a patient who died has defended gp at the centre of police probeyvonne deegan 's husband bernie died this year following cancer battleshe said she was ` perfectly happy ' with the care provided by dr rory lyonsher husband 's death is one of four being investigated as part of probe\"]\n", - "her husband bernie deegan , 70 , died suddenly earlier this year following a 12-year cancer battle .yvonne deegan , 77 , described the investigation as ` absolutely diabolical ' and said she was ` perfectly happy ' with the care provided by dr rory lyons .probe : guernsey police sent ten officers to the island last thursday to raid dr rory lyon 's surgery and a private address\n", - "widow of a patient who died has defended gp at the centre of police probeyvonne deegan 's husband bernie died this year following cancer battleshe said she was ` perfectly happy ' with the care provided by dr rory lyonsher husband 's death is one of four being investigated as part of probe\n", - "[1.1431677 1.3098481 1.1765596 1.3081539 1.1957033 1.1590153 1.2544829\n", - " 1.143509 1.0195987 1.182447 1.0402544 1.0432229 1.0334234 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 6 4 9 2 5 7 0 11 10 12 8 17 13 14 15 16 18]\n", - "=======================\n", - "[\"there 's seaweed and kale puree to start , followed by a reishi mushroom flaxseed cream main course , with a dessert of coconut and blueberry chia pudding - with gluten-free cinnamon quinoa .foodie fidos will be treated to a five-course drinks-paired set menu at the curious canine kitchen which opens for one weekend only ( 11 to 12 april ) in shoreditch , londonmenu was devised by event organiser natty mason who worked with whole foods chef emily stevenson\"]\n", - "=======================\n", - "[\"the curious canine kitchen is a ` holistic restaurant for four-legged friends 'for # 20 per dog , your pet will be treated to a slap-up five-course set menuall proceeds will be donated to amazon cares , a street dogs charity\"]\n", - "there 's seaweed and kale puree to start , followed by a reishi mushroom flaxseed cream main course , with a dessert of coconut and blueberry chia pudding - with gluten-free cinnamon quinoa .foodie fidos will be treated to a five-course drinks-paired set menu at the curious canine kitchen which opens for one weekend only ( 11 to 12 april ) in shoreditch , londonmenu was devised by event organiser natty mason who worked with whole foods chef emily stevenson\n", - "the curious canine kitchen is a ` holistic restaurant for four-legged friends 'for # 20 per dog , your pet will be treated to a slap-up five-course set menuall proceeds will be donated to amazon cares , a street dogs charity\n", - "[1.1637776 1.4495366 1.4105086 1.4075358 1.230328 1.0300502 1.0209459\n", - " 1.0185214 1.0156208 1.2506475 1.0830792 1.0158345 1.0206872 1.1122504\n", - " 1.1071086 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 9 4 0 13 14 10 5 6 12 7 11 8 17 15 16 18]\n", - "=======================\n", - "[\"the toffees forward is the latest recipient of the barclays spirit of the game award for his selfless charity work and contributions to the local community .the 28-year-old has worked with the likes of job centre plus , dyslexia scotland and the whitechapel centre in liverpool , to help give back to the communities that have supported him throughout his football career .he 's earned the plaudits of the majority of everton supporters for his endeavours on-the-pitch , and now steven naismith has been awarded for his generosity off-it too .\"]\n", - "=======================\n", - "['steven naismith has worked with the likes of job centre plus , dyslexia scotland and the whitechapel centre in liverpool28-year-old has given back to communities that have supported himeverton forward teamed up with job centre plus to offer unemployed fans the opportunity to watch the club this season']\n", - "the toffees forward is the latest recipient of the barclays spirit of the game award for his selfless charity work and contributions to the local community .the 28-year-old has worked with the likes of job centre plus , dyslexia scotland and the whitechapel centre in liverpool , to help give back to the communities that have supported him throughout his football career .he 's earned the plaudits of the majority of everton supporters for his endeavours on-the-pitch , and now steven naismith has been awarded for his generosity off-it too .\n", - "steven naismith has worked with the likes of job centre plus , dyslexia scotland and the whitechapel centre in liverpool28-year-old has given back to communities that have supported himeverton forward teamed up with job centre plus to offer unemployed fans the opportunity to watch the club this season\n", - "[1.2698133 1.4772432 1.2879125 1.3740034 1.2587042 1.1320169 1.0156211\n", - " 1.0230548 1.0488222 1.0812497 1.101465 1.0736448 1.0911944 1.0536646\n", - " 1.0572073 1.0122213 1.0148354 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 10 12 9 11 14 13 8 7 6 16 15 17 18]\n", - "=======================\n", - "[\"lobster pound and moore , in cape breton , nova scotia , had posted ` effective as of now , we will no longer allow small screaming children ' , saying that it ` caters to those who enjoy food and are out to enjoy themselves ' .the message , posted last sunday night , was deleted by monday morning after a torrent of online abuse came from disgruntled parents .commenters began giving the restaurant 's facebook page one-star reviews and said that they would never again set foot in his restaurant .\"]\n", - "=======================\n", - "[\"lobster pound and moore in nova scotia had announced ban on loud kidsparents criticized decision and began giving the restaurant 1-star reviewsowner changed policy after ` hate and threats ' against him and his familyrestaurateur said he should have said ` lil diners having a moment ' and not used the word ` screaming ' in heartfelt apology\"]\n", - "lobster pound and moore , in cape breton , nova scotia , had posted ` effective as of now , we will no longer allow small screaming children ' , saying that it ` caters to those who enjoy food and are out to enjoy themselves ' .the message , posted last sunday night , was deleted by monday morning after a torrent of online abuse came from disgruntled parents .commenters began giving the restaurant 's facebook page one-star reviews and said that they would never again set foot in his restaurant .\n", - "lobster pound and moore in nova scotia had announced ban on loud kidsparents criticized decision and began giving the restaurant 1-star reviewsowner changed policy after ` hate and threats ' against him and his familyrestaurateur said he should have said ` lil diners having a moment ' and not used the word ` screaming ' in heartfelt apology\n", - "[1.2494429 1.5903473 1.2752208 1.3784193 1.2445884 1.1200773 1.1501942\n", - " 1.086626 1.1030524 1.0936459 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 6 5 8 9 7 17 10 11 12 13 14 15 16 18]\n", - "=======================\n", - "['dan klice , 57 , was officiating at a competition at ramapo college in mahwah , new jersey , when he was pierced by the projectile .police say that he saw the errant javelin headed towards him and tried to dodge it - but tripped over in the process .his fall left his left heel exposed , which was hit by the soaring javelin .']\n", - "=======================\n", - "[\"dan klice , 57 , was hit by soaring projectile ` after a gust of wind 'tried to dodge it , but fell , leaving his heel exposed when javelin struckhe was judging a contest at ramapo college , mahwah , new jersey\"]\n", - "dan klice , 57 , was officiating at a competition at ramapo college in mahwah , new jersey , when he was pierced by the projectile .police say that he saw the errant javelin headed towards him and tried to dodge it - but tripped over in the process .his fall left his left heel exposed , which was hit by the soaring javelin .\n", - "dan klice , 57 , was hit by soaring projectile ` after a gust of wind 'tried to dodge it , but fell , leaving his heel exposed when javelin struckhe was judging a contest at ramapo college , mahwah , new jersey\n", - "[1.2829764 1.3903323 1.290312 1.2425305 1.2108561 1.1372695 1.06897\n", - " 1.0630953 1.0927885 1.0873158 1.1231613 1.0735958 1.1198102 1.1214982\n", - " 1.0147638 1.0508299]\n", - "\n", - "[ 1 2 0 3 4 5 10 13 12 8 9 11 6 7 15 14]\n", - "=======================\n", - "['pierre collins was taken into custody on suspicion of second-degree murder in the death of barway collins , crystal police chief stephanie revering said in a news release .the father of a 10-year-old minnesota boy whose body was found in the mississippi river over the weekend was arrested monday , less than a month after he appeared at a vigil tearfully pleading for his safe return .he will be processed and taken to the hennepin county jail .']\n", - "=======================\n", - "[\"barway edwin collins , 10 , went missing from his crystal , minnesota apartment complex march 18 after schoolon saturday , searchers from boy scout troop found a body ten feet from mississippi river 's edge which was identified as barwaycrystal police chief said electronic evidence shows boy 's father pierre collins , 33 , was in area where body was found at time he disappearedhennepin county medical examiner said the cause and manner of barway 's death are still being investigatedmr collins was arrested monday on suspicion of second-degree murde\"]\n", - "pierre collins was taken into custody on suspicion of second-degree murder in the death of barway collins , crystal police chief stephanie revering said in a news release .the father of a 10-year-old minnesota boy whose body was found in the mississippi river over the weekend was arrested monday , less than a month after he appeared at a vigil tearfully pleading for his safe return .he will be processed and taken to the hennepin county jail .\n", - "barway edwin collins , 10 , went missing from his crystal , minnesota apartment complex march 18 after schoolon saturday , searchers from boy scout troop found a body ten feet from mississippi river 's edge which was identified as barwaycrystal police chief said electronic evidence shows boy 's father pierre collins , 33 , was in area where body was found at time he disappearedhennepin county medical examiner said the cause and manner of barway 's death are still being investigatedmr collins was arrested monday on suspicion of second-degree murde\n", - "[1.1926117 1.3908412 1.2213776 1.2909362 1.1711576 1.1102049 1.0927384\n", - " 1.1243566 1.0385032 1.0608927 1.0556264 1.0678729 1.106544 1.0261447\n", - " 1.0403348 1.0274087]\n", - "\n", - "[ 1 3 2 0 4 7 5 12 6 11 9 10 14 8 15 13]\n", - "=======================\n", - "['frank abagnale , whose early life on the run from the fbi was brought to life on the screen by leonardo di caprio , has said the public is underestimating the extent that their details have been stolen by digital fraudsters , the times reported .frank abagnale ( right ) has said individuals in the western world have probably already had their identities stolen .in the 2002 steven spielberg film abagnale , now 66 , poses as a doctor , a lecturer , a lawyer and an airline pilot over the course of a crime spree that eventually landed him in prison .']\n", - "=======================\n", - "[\"conman who inspired spielberg film says personal details no longer safefrank abagnale , with fbi for 35 years , says ids have already been stolenfraud expert calls level of theft ` unimaginable ' in the technological age\"]\n", - "frank abagnale , whose early life on the run from the fbi was brought to life on the screen by leonardo di caprio , has said the public is underestimating the extent that their details have been stolen by digital fraudsters , the times reported .frank abagnale ( right ) has said individuals in the western world have probably already had their identities stolen .in the 2002 steven spielberg film abagnale , now 66 , poses as a doctor , a lecturer , a lawyer and an airline pilot over the course of a crime spree that eventually landed him in prison .\n", - "conman who inspired spielberg film says personal details no longer safefrank abagnale , with fbi for 35 years , says ids have already been stolenfraud expert calls level of theft ` unimaginable ' in the technological age\n", - "[1.2867742 1.2840008 1.2137446 1.1844288 1.1885617 1.140714 1.0765133\n", - " 1.0768242 1.2588034 1.1191859 1.0675107 1.0733595 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 8 2 4 3 5 9 7 6 11 10 12 13 14 15]\n", - "=======================\n", - "[\"conceding three goals would be embarrassment enough for any goalkeeper , but rob green was forced to suffer even more humiliation at the hands of a ball boy on monday night .as the clock ticked down during qpr 's 3-3 away draw with aston villa , a cheeky youngster decided to while away a few more seconds by mugging off the former england no 1 with a handmade nutmeg .belgium powerhouse christian benteke ensured the points were shared at villa park by scoring a hat-trick against their his fellow relegation strugglers to move three points clear of the safety zone .\"]\n", - "=======================\n", - "['aston villa drew 3-3 with qpr in their premier league clash on mondaybelgium striker christian benteke scored a hat-trick for the villansrobert green was embarrassed by a nutmeg from a cheeky ball boy']\n", - "conceding three goals would be embarrassment enough for any goalkeeper , but rob green was forced to suffer even more humiliation at the hands of a ball boy on monday night .as the clock ticked down during qpr 's 3-3 away draw with aston villa , a cheeky youngster decided to while away a few more seconds by mugging off the former england no 1 with a handmade nutmeg .belgium powerhouse christian benteke ensured the points were shared at villa park by scoring a hat-trick against their his fellow relegation strugglers to move three points clear of the safety zone .\n", - "aston villa drew 3-3 with qpr in their premier league clash on mondaybelgium striker christian benteke scored a hat-trick for the villansrobert green was embarrassed by a nutmeg from a cheeky ball boy\n", - "[1.0957114 1.3537283 1.3151166 1.3753154 1.1917953 1.2944825 1.1183232\n", - " 1.0713571 1.0332159 1.0522158 1.126827 1.0662513 1.0584424 1.0404049\n", - " 1.0995938 1.0599849]\n", - "\n", - "[ 3 1 2 5 4 10 6 14 0 7 11 15 12 9 13 8]\n", - "=======================\n", - "[\"researchers from the university of patras took thermal infrared photographs of 41 volunteers ' faces , before and after drinking four glasses of wine .greek researchers created the algorithm , which determines a person 's state of intoxication by looking at the temperature of their face - especially the forehead and nose .and they say the technology could one day be installed in cars to spot drink drivers and stop them starting the ignition .\"]\n", - "=======================\n", - "[\"researchers from the university of patras , in greece created the algorithmdetermines a person 's state of intoxication by their facial temperatureanalysing the forehead and nose gives an accuracy rate of 90 per centexperts say system could one day be used by the police , and even in cars\"]\n", - "researchers from the university of patras took thermal infrared photographs of 41 volunteers ' faces , before and after drinking four glasses of wine .greek researchers created the algorithm , which determines a person 's state of intoxication by looking at the temperature of their face - especially the forehead and nose .and they say the technology could one day be installed in cars to spot drink drivers and stop them starting the ignition .\n", - "researchers from the university of patras , in greece created the algorithmdetermines a person 's state of intoxication by their facial temperatureanalysing the forehead and nose gives an accuracy rate of 90 per centexperts say system could one day be used by the police , and even in cars\n", - "[1.3418546 1.3597597 1.2784171 1.2631837 1.2611848 1.1861556 1.1436117\n", - " 1.1198217 1.080173 1.0292342 1.0327836 1.011371 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 5 6 7 8 10 9 11 12 13 14 15]\n", - "=======================\n", - "[\"henthorn was charged with the murder of second wife , toni bertolet , 51 , last november and police have since reopened their investigation into the suspicious death of his first wife some 20 years earlier .` double wife killer ' harold henthorn wants to use a $ 1.5 million life insurance pay out from a policy taken out on his second wife to pay for the defense in his trial for her murder .both women died in ` freak accidents ' to which henthorn , 59 , was the sole witness .\"]\n", - "=======================\n", - "[\"harold henthorn is charged with murdering his second wife and being investigated over the similar death of his first wifehe has demanded that he gets access to the $ 1.5 million life insurance payout from his second wife 's death to fund his defenseprosecutors are opposing move to access the funds\"]\n", - "henthorn was charged with the murder of second wife , toni bertolet , 51 , last november and police have since reopened their investigation into the suspicious death of his first wife some 20 years earlier .` double wife killer ' harold henthorn wants to use a $ 1.5 million life insurance pay out from a policy taken out on his second wife to pay for the defense in his trial for her murder .both women died in ` freak accidents ' to which henthorn , 59 , was the sole witness .\n", - "harold henthorn is charged with murdering his second wife and being investigated over the similar death of his first wifehe has demanded that he gets access to the $ 1.5 million life insurance payout from his second wife 's death to fund his defenseprosecutors are opposing move to access the funds\n", - "[1.4947413 1.3601285 1.1101822 1.3809127 1.2079018 1.068261 1.0668892\n", - " 1.086471 1.0934458 1.318387 1.1162778 1.0314327 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 9 4 10 2 8 7 5 6 11 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "['novak djokovic overcame a strong challenge from rafael nadal to reach the monte carlo masters final with a 6-3 , 6-3 win .novak djokovic celebrates victory over rafael nadal in the semi-final of monte carlothe world no 1 , who is bidding to win his third masters title in a row , lost the first two games of the match before battling back to set up a final against sixth seed tomas berdych .']\n", - "=======================\n", - "['novak djokovic beats rafael nadal 6-3 6-3 in monte carloserbian world no 1 will face tomas berdych in the final']\n", - "novak djokovic overcame a strong challenge from rafael nadal to reach the monte carlo masters final with a 6-3 , 6-3 win .novak djokovic celebrates victory over rafael nadal in the semi-final of monte carlothe world no 1 , who is bidding to win his third masters title in a row , lost the first two games of the match before battling back to set up a final against sixth seed tomas berdych .\n", - "novak djokovic beats rafael nadal 6-3 6-3 in monte carloserbian world no 1 will face tomas berdych in the final\n", - "[1.1032104 1.3397624 1.3491899 1.3437586 1.230485 1.1042475 1.0980271\n", - " 1.072701 1.1290244 1.046193 1.1120969 1.0161746 1.0288903 1.0119715\n", - " 1.0122892 1.0458847 1.1123444 1.1163806 1.0300131 1.0204518 1.112515 ]\n", - "\n", - "[ 2 3 1 4 8 17 20 16 10 5 0 6 7 9 15 18 12 19 11 14 13]\n", - "=======================\n", - "[\"called adidas go , the songs are additionally selected based on the runner 's musical interests and listening history and these selections become more relevant the more the app is used .adidas has partnered with spotify to create an app that tracks your speed and matches music to suit .instagram has launched an account called @music that helps people explore songs and albums .\"]\n", - "=======================\n", - "[\"adidas go app uses the phone 's accelerometer to monitor the user 's strideit then automatically plays tracks with matching beats per minutesongs are also selected based on the runner 's musical intereststhese selections become more relevant the more the app is used\"]\n", - "called adidas go , the songs are additionally selected based on the runner 's musical interests and listening history and these selections become more relevant the more the app is used .adidas has partnered with spotify to create an app that tracks your speed and matches music to suit .instagram has launched an account called @music that helps people explore songs and albums .\n", - "adidas go app uses the phone 's accelerometer to monitor the user 's strideit then automatically plays tracks with matching beats per minutesongs are also selected based on the runner 's musical intereststhese selections become more relevant the more the app is used\n", - "[1.1557446 1.2062693 1.1434772 1.2315518 1.2023245 1.0563488 1.0563143\n", - " 1.175448 1.1315923 1.0823426 1.1139445 1.0280086 1.0328065 1.0310898\n", - " 1.0692703 1.0523152 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 4 7 0 2 8 10 9 14 5 6 15 12 13 11 19 16 17 18 20]\n", - "=======================\n", - "['thingvellir national park provided the location for the north of westeros in game of thronesdespite the fact that iceland has been used in filming as far back as 1920 , well-known fantasy , sci-fi and action film directors and producers have all descended on the island nation as of late , prompting the quick development of 17 production services companies nationwide .fans will likely recognise the national park as the setting of the battle of the hound and brienne']\n", - "=======================\n", - "[\"iceland has become an increasingly popular filming location recentlychristopher nolan 's interstellar was shot atop the svinafellsjokull glaciereurope 's most powerful waterfall , dettifoss , was featured in prometheusgame of thrones producers opted to film at thingvellir national parkwarning : story contains spoilers for series four of game of thrones\"]\n", - "thingvellir national park provided the location for the north of westeros in game of thronesdespite the fact that iceland has been used in filming as far back as 1920 , well-known fantasy , sci-fi and action film directors and producers have all descended on the island nation as of late , prompting the quick development of 17 production services companies nationwide .fans will likely recognise the national park as the setting of the battle of the hound and brienne\n", - "iceland has become an increasingly popular filming location recentlychristopher nolan 's interstellar was shot atop the svinafellsjokull glaciereurope 's most powerful waterfall , dettifoss , was featured in prometheusgame of thrones producers opted to film at thingvellir national parkwarning : story contains spoilers for series four of game of thrones\n", - "[1.3243132 1.2344874 1.1842139 1.3707161 1.2323351 1.0480238 1.0921675\n", - " 1.0272 1.1282704 1.0961783 1.093635 1.0637171 1.0409836 1.033344\n", - " 1.0438979 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 2 8 9 10 6 11 5 14 12 13 7 19 15 16 17 18 20]\n", - "=======================\n", - "['an estimated 1,600 migrants have died so far this year on the dangerous mediterranean crossing , but still more wait to try to reach europe .tripoli , libya ( cnn ) smugglers lure arab and african migrants by offering discounts to get onto overcrowded ships if people bring more potential passengers , a cnn investigation has revealed .a smuggler in the libyan capital of tripoli laid bare the system for loading boats with poor and desperate refugees , during a conversation that a cnn producer secretly filmed .']\n", - "=======================\n", - "['cnn investigation uncovers the business inside a human smuggling ring10 % discount offered for every referral of another paying migrant , desperate to reach europe']\n", - "an estimated 1,600 migrants have died so far this year on the dangerous mediterranean crossing , but still more wait to try to reach europe .tripoli , libya ( cnn ) smugglers lure arab and african migrants by offering discounts to get onto overcrowded ships if people bring more potential passengers , a cnn investigation has revealed .a smuggler in the libyan capital of tripoli laid bare the system for loading boats with poor and desperate refugees , during a conversation that a cnn producer secretly filmed .\n", - "cnn investigation uncovers the business inside a human smuggling ring10 % discount offered for every referral of another paying migrant , desperate to reach europe\n", - "[1.1864789 1.3568757 1.3248901 1.2218406 1.1530885 1.1469276 1.0441482\n", - " 1.0963988 1.0556604 1.1149877 1.0358143 1.14781 1.0546577 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 11 5 9 7 8 12 6 10 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the grade i listed walton canonry is on the south side of cathedral close boasts a view of the river avon , backing onto the meadow where john constable took studies for his famous 1831 painting of the cathedral .the property agents say they 'll need to find someone with deep pockets to buy the 8,147 square foot mansion with 1.6 acres , on the market now for # 6.95 million .but it 's nothing compared to the # 23.1 million that the tate paid in 2013 for the painting , inspired by oils he painted on many visits to the exclusive area in the 1820s , now on show at the national museum of wales , cardiff .\"]\n", - "=======================\n", - "['walton canonry has view of salisbury cathedral enjoyed by john constable while taking studies for famous painting300-year-old home with six bedrooms and views of salisbury cathedral and avon has gone on the market for # 7millionconstable painting salisbury cathedral from the meadows was bought by the tate for # 23.1 million in 2013']\n", - "the grade i listed walton canonry is on the south side of cathedral close boasts a view of the river avon , backing onto the meadow where john constable took studies for his famous 1831 painting of the cathedral .the property agents say they 'll need to find someone with deep pockets to buy the 8,147 square foot mansion with 1.6 acres , on the market now for # 6.95 million .but it 's nothing compared to the # 23.1 million that the tate paid in 2013 for the painting , inspired by oils he painted on many visits to the exclusive area in the 1820s , now on show at the national museum of wales , cardiff .\n", - "walton canonry has view of salisbury cathedral enjoyed by john constable while taking studies for famous painting300-year-old home with six bedrooms and views of salisbury cathedral and avon has gone on the market for # 7millionconstable painting salisbury cathedral from the meadows was bought by the tate for # 23.1 million in 2013\n", - "[1.6278826 1.3220502 1.2884842 1.477324 1.2406387 1.0140927 1.0105796\n", - " 1.2122438 1.0097519 1.1597399 1.012175 1.022118 1.0813696 1.3071591\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 13 2 4 7 9 12 11 5 10 6 8 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"atletico madrid striker mario mandzukic is still bruised from a physical champions league quarter-final first leg against real madrid but is expected to be fit for the return at the bernabeu on wednesday , said coach diego simeone .the croatian suffered a cut to the top of the nose from an elbow by sergio ramos and fellow real defender dani carvajal punched him in the stomach , an incident unseen by the referee , during the clash at the calderon that ended 0-0 .mandzukic also suffered an ankle injury that forced him to miss saturday 's 2-1 win at deportivo la coruna in la liga but he is now back in training although showing the marks of his encounter with ramos .\"]\n", - "=======================\n", - "[\"atletico madrid drew 0-0 with real madrid in first leg at vicente calderonmandzukic was battered and bruised during the quarter-final matchthe atletico striker came to blows with sergio ramos and dani carvajaldiego simeone says mandzukic should be fit for wednesday 's second leg\"]\n", - "atletico madrid striker mario mandzukic is still bruised from a physical champions league quarter-final first leg against real madrid but is expected to be fit for the return at the bernabeu on wednesday , said coach diego simeone .the croatian suffered a cut to the top of the nose from an elbow by sergio ramos and fellow real defender dani carvajal punched him in the stomach , an incident unseen by the referee , during the clash at the calderon that ended 0-0 .mandzukic also suffered an ankle injury that forced him to miss saturday 's 2-1 win at deportivo la coruna in la liga but he is now back in training although showing the marks of his encounter with ramos .\n", - "atletico madrid drew 0-0 with real madrid in first leg at vicente calderonmandzukic was battered and bruised during the quarter-final matchthe atletico striker came to blows with sergio ramos and dani carvajaldiego simeone says mandzukic should be fit for wednesday 's second leg\n", - "[1.1040807 1.5182893 1.2638898 1.4152066 1.1911488 1.2652376 1.2644624\n", - " 1.0832937 1.2147765 1.0308963 1.0124804 1.0227019 1.0176519 1.1071408\n", - " 1.0850463 1.0132122 1.0166627 1.0856344 1.0217199 1.0070136 1.0088139\n", - " 1.0109715]\n", - "\n", - "[ 1 3 5 6 2 8 4 13 0 17 14 7 9 11 18 12 16 15 10 21 20 19]\n", - "=======================\n", - "['kira hollis was diagnosed with borderline personality disorder three years ago after a lengthy battle with depression and body dysmorphia .doctors had ordered the 27-year-old , from tamworth , staffordshire , to go to the gym to gain some weightshe had been self-harming and experienced from aggressive outbursts - and at just 6st , she was deemed clinically underweight .']\n", - "=======================\n", - "['kira hollis , 27 , weighed just 6st and was deemed clinically underweightshe was diagnosed with borderline personality disorder three years agodoctors ordered ms hollis , from tamworth , to start going to the gymshe reveals bodybuilding gave her confidence to overcome depression']\n", - "kira hollis was diagnosed with borderline personality disorder three years ago after a lengthy battle with depression and body dysmorphia .doctors had ordered the 27-year-old , from tamworth , staffordshire , to go to the gym to gain some weightshe had been self-harming and experienced from aggressive outbursts - and at just 6st , she was deemed clinically underweight .\n", - "kira hollis , 27 , weighed just 6st and was deemed clinically underweightshe was diagnosed with borderline personality disorder three years agodoctors ordered ms hollis , from tamworth , to start going to the gymshe reveals bodybuilding gave her confidence to overcome depression\n", - "[1.2753586 1.346231 1.2535712 1.2618544 1.094477 1.057762 1.0365522\n", - " 1.2014332 1.1052902 1.0898522 1.1023499 1.0228902 1.0586926 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 2 7 8 10 4 9 12 5 6 11 20 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"more than 40 years after the exorcist left cinema audiences green , the vatican has gathered a team of experts including practising exorcists to give ordinary catholics the tools needed to recognise a case of demonic possession when they see one -- and teach them what to do about it .the vatican are training up ordinary doctors , teachers and psychologists to cope with a rising tide of demonic possessions .the tenth edition of the annual course , ` exorcism and prayer of liberation , ' sponsored by the vatican congregation for the clergy , the department responsible for overseeing matters regarding priests , began this morning at rome 's regina apostolorum university .\"]\n", - "=======================\n", - "['doctors , teachers and psychologists being trained to cope with rising tidethe exorcist film left cinema audiences green more than 40 years agoexperts are teaching ordinary catholics how to recognise possessioncourse aims to help would-be exorcists distinguish demonic possession from psychological or medical conditions']\n", - "more than 40 years after the exorcist left cinema audiences green , the vatican has gathered a team of experts including practising exorcists to give ordinary catholics the tools needed to recognise a case of demonic possession when they see one -- and teach them what to do about it .the vatican are training up ordinary doctors , teachers and psychologists to cope with a rising tide of demonic possessions .the tenth edition of the annual course , ` exorcism and prayer of liberation , ' sponsored by the vatican congregation for the clergy , the department responsible for overseeing matters regarding priests , began this morning at rome 's regina apostolorum university .\n", - "doctors , teachers and psychologists being trained to cope with rising tidethe exorcist film left cinema audiences green more than 40 years agoexperts are teaching ordinary catholics how to recognise possessioncourse aims to help would-be exorcists distinguish demonic possession from psychological or medical conditions\n", - "[1.2127556 1.255301 1.3278519 1.1220192 1.2879449 1.248791 1.1730568\n", - " 1.0601958 1.1244346 1.0865229 1.0586004 1.0260795 1.0263371 1.1672268\n", - " 1.0834584 1.0748736 1.0257822 1.0447867 1.0141491 1.0200062 0.\n", - " 0. ]\n", - "\n", - "[ 2 4 1 5 0 6 13 8 3 9 14 15 7 10 17 12 11 16 19 18 20 21]\n", - "=======================\n", - "[\"it also comes as one of the few australians known to be facing death row in china - sydney man peter gardner - had his case pushed forward by six months .chinese authorities have said that eleven australians were apprehended on suspected drug smuggling charges in guangzhou alone in 2014 - a crime punishable by death .the revelation follows widespread public anger at indonesia 's executions of australian nationals myuran sukumaran and andrew chan despite the pleas of the federal government .\"]\n", - "=======================\n", - "[\"number and seriousness of australians facing death penalty in china is ` unprecedented 'that 's according to a high-level ministerial briefing obtained by daily mail australia under freedom of information lawsmany australians arrested were caught in guangzhou province - a production hub of the drug ` ice 'as many as 11 were arrested in guangzhou alone in 2014a prominent jockey and four other citizens are known to be potentially facing death row , including kalynda davis 's former partner peter gardnerms davis , 22 , was freed without charge in december after a month spent in a chinese prisondo you know more ?\"]\n", - "it also comes as one of the few australians known to be facing death row in china - sydney man peter gardner - had his case pushed forward by six months .chinese authorities have said that eleven australians were apprehended on suspected drug smuggling charges in guangzhou alone in 2014 - a crime punishable by death .the revelation follows widespread public anger at indonesia 's executions of australian nationals myuran sukumaran and andrew chan despite the pleas of the federal government .\n", - "number and seriousness of australians facing death penalty in china is ` unprecedented 'that 's according to a high-level ministerial briefing obtained by daily mail australia under freedom of information lawsmany australians arrested were caught in guangzhou province - a production hub of the drug ` ice 'as many as 11 were arrested in guangzhou alone in 2014a prominent jockey and four other citizens are known to be potentially facing death row , including kalynda davis 's former partner peter gardnerms davis , 22 , was freed without charge in december after a month spent in a chinese prisondo you know more ?\n", - "[1.29179 1.4564348 1.2491746 1.2954794 1.2664583 1.1418271 1.0323077\n", - " 1.0302308 1.0398397 1.1408495 1.1278831 1.0152152 1.1153885 1.0967807\n", - " 1.0393318 1.019144 1.0363599 1.0126206 1.0136318 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 4 2 5 9 10 12 13 8 14 16 6 7 15 11 18 17 20 19 21]\n", - "=======================\n", - "[\"jamar nicholson , 15 , and his friends were hanging out in an alleyway in south l.a. before school on february 10 when two police officers working for the lapd 's criminal gang-homicide unit approached the boys with their guns drawn .suing la for millions : jamar nicholson ( left ) and his friend jason huerta ( right ) , who stand solemnly in the alleyway where nicholson was shot , are suing the city of los angeles for $ 20 millionthe la times reports that one of the teenagers was holding a toy gun that the officers thought was real and it prompted the officers to fire .\"]\n", - "=======================\n", - "['jamar nicholson , 15 , was shot in the back by officer miguel gutierrez on february 10 because his friend was holding a toy gunnicholson and his friend jason huerta , 17 , are suing the city of los angeles for $ 20mofficer miguel gutierrez who shot nicholson has returned to duty but the incident is under investigation']\n", - "jamar nicholson , 15 , and his friends were hanging out in an alleyway in south l.a. before school on february 10 when two police officers working for the lapd 's criminal gang-homicide unit approached the boys with their guns drawn .suing la for millions : jamar nicholson ( left ) and his friend jason huerta ( right ) , who stand solemnly in the alleyway where nicholson was shot , are suing the city of los angeles for $ 20 millionthe la times reports that one of the teenagers was holding a toy gun that the officers thought was real and it prompted the officers to fire .\n", - "jamar nicholson , 15 , was shot in the back by officer miguel gutierrez on february 10 because his friend was holding a toy gunnicholson and his friend jason huerta , 17 , are suing the city of los angeles for $ 20mofficer miguel gutierrez who shot nicholson has returned to duty but the incident is under investigation\n", - "[1.1097245 1.2894329 1.4359599 1.3604643 1.3075874 1.0477774 1.0253152\n", - " 1.0269445 1.1462108 1.0382222 1.0705636 1.0420271 1.0580091 1.0443572\n", - " 1.0595701 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 4 1 8 0 10 14 12 5 13 11 9 7 6 15 16 17 18 19]\n", - "=======================\n", - "[\"the $ 250 ( # 168 ) device recognises the electronic signature of different devices - such as kettles and washing machines - allowing users to keep an eye on their energy consumption and even control appliances through their phone .now there 's a device called neurio that claims to make any ` ordinary home smart ' and even tells you when you 've accidently left lights on .neurio feeds information about energy consumption of the devices it 's recognised back to an app , where users can make decisions about how to save power and money by turning gadgets off , for instance .\"]\n", - "=======================\n", - "[\"$ 250 ( # 168 ) neurio device claims to make ` an ordinary home smart 'recognises the electronic signature of different devices , such as kettlesinformation is fed to an app to tell users their home 's energy consumptionapp allows users to control appliances through their phone too\"]\n", - "the $ 250 ( # 168 ) device recognises the electronic signature of different devices - such as kettles and washing machines - allowing users to keep an eye on their energy consumption and even control appliances through their phone .now there 's a device called neurio that claims to make any ` ordinary home smart ' and even tells you when you 've accidently left lights on .neurio feeds information about energy consumption of the devices it 's recognised back to an app , where users can make decisions about how to save power and money by turning gadgets off , for instance .\n", - "$ 250 ( # 168 ) neurio device claims to make ` an ordinary home smart 'recognises the electronic signature of different devices , such as kettlesinformation is fed to an app to tell users their home 's energy consumptionapp allows users to control appliances through their phone too\n", - "[1.4714993 1.1838503 1.4741414 1.2906654 1.2558548 1.2221111 1.0345945\n", - " 1.0254819 1.0375329 1.0320201 1.0361675 1.0303048 1.0198367 1.0320928\n", - " 1.1882538 1.0409476 1.0393499 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 4 5 14 1 15 16 8 10 6 13 9 11 7 12 18 17 19]\n", - "=======================\n", - "[\"ousman jatta , 45 , married wife beryl , 88 , in gambia 13 years ago and moved back to the uk with her when she became ill with dementia in 2006 .mr jatta , who is his wife 's carer , had taken her to a care home in february while he returned to africa for three weeks .but when he went to pick her up he was told social services had intervened and ruled she could not go home with him .\"]\n", - "=======================\n", - "['ousman jatta married to wife beryl 13 years ago after meeting in gambiacouple lived in africa until 2006 when mrs jatta became ill with dementia and they moved to bristolmr jatta took wife to care home in february when he went to africabut he says bristol city council have not allowed her to return home']\n", - "ousman jatta , 45 , married wife beryl , 88 , in gambia 13 years ago and moved back to the uk with her when she became ill with dementia in 2006 .mr jatta , who is his wife 's carer , had taken her to a care home in february while he returned to africa for three weeks .but when he went to pick her up he was told social services had intervened and ruled she could not go home with him .\n", - "ousman jatta married to wife beryl 13 years ago after meeting in gambiacouple lived in africa until 2006 when mrs jatta became ill with dementia and they moved to bristolmr jatta took wife to care home in february when he went to africabut he says bristol city council have not allowed her to return home\n", - "[1.4454296 1.2876867 1.4951786 1.3236994 1.1970943 1.0503933 1.0260717\n", - " 1.014474 1.0921366 1.0723759 1.2223608 1.0902128 1.0667576 1.0198556\n", - " 1.0503949 1.1322159 1.0492128 1.0251342 1.0205032 1.0157775]\n", - "\n", - "[ 2 0 3 1 10 4 15 8 11 9 12 14 5 16 6 17 18 13 19 7]\n", - "=======================\n", - "[\"kurt ludwigsen , 43 , is accused of kissing , harassing and touching 13 of his players during his time at nyack college .kurt ludwigsen is facing 94 sex-related chargeshe is facing 44 counts of forcible touching of another 's sexual parts , 49 counts of harassment involving unwanted physical contact and one count of sexual abuse .\"]\n", - "=======================\n", - "[\"kurt ludwigsen fired by nyack college in march after allegations surfacedpolice say he kissed , fondled and was inappropriate towards 13 playersludwigsen charged with forcible touching , harassment and sexual abusethe 43-year-old father of two is being held on $ 15,000 bail after arrestwould have been coach 's first season at nyack , a christian school in nyludwigsen , a career softball coach , lives in ridgewood , new jersey\"]\n", - "kurt ludwigsen , 43 , is accused of kissing , harassing and touching 13 of his players during his time at nyack college .kurt ludwigsen is facing 94 sex-related chargeshe is facing 44 counts of forcible touching of another 's sexual parts , 49 counts of harassment involving unwanted physical contact and one count of sexual abuse .\n", - "kurt ludwigsen fired by nyack college in march after allegations surfacedpolice say he kissed , fondled and was inappropriate towards 13 playersludwigsen charged with forcible touching , harassment and sexual abusethe 43-year-old father of two is being held on $ 15,000 bail after arrestwould have been coach 's first season at nyack , a christian school in nyludwigsen , a career softball coach , lives in ridgewood , new jersey\n", - "[1.4068948 1.2805502 1.1809084 1.0812149 1.0851625 1.3539386 1.1727724\n", - " 1.0447315 1.0443425 1.1182177 1.0164678 1.0164059 1.1387173 1.0412959\n", - " 1.0535767 1.0461627 1.0174242 1.0231138 1.0248413 1.050363 ]\n", - "\n", - "[ 0 5 1 2 6 12 9 4 3 14 19 15 7 8 13 18 17 16 10 11]\n", - "=======================\n", - "['at least one is dead after a powerful storm capsized several sailboats participating in a regatta , and crews searched late on saturday for at least four people missing in the waters , the coast guard said .more than 100 sailboats and as many as 200 people were participating in the dauphin island regatta in mobile bay .he said crews would search through the night .']\n", - "=======================\n", - "[\"a powerful storm capsized several sailboats participating in a regatta , and crews searched for at least four people missing in the watersdauphin island mayor jeff collier said that at least one person was confirmed dead , but he did not know the cause` it 's been a very tragic day , ' michael smith , with the buccaneer yacht clubthe identities of those who are dead and missing have not yet been revealed\"]\n", - "at least one is dead after a powerful storm capsized several sailboats participating in a regatta , and crews searched late on saturday for at least four people missing in the waters , the coast guard said .more than 100 sailboats and as many as 200 people were participating in the dauphin island regatta in mobile bay .he said crews would search through the night .\n", - "a powerful storm capsized several sailboats participating in a regatta , and crews searched for at least four people missing in the watersdauphin island mayor jeff collier said that at least one person was confirmed dead , but he did not know the cause` it 's been a very tragic day , ' michael smith , with the buccaneer yacht clubthe identities of those who are dead and missing have not yet been revealed\n", - "[1.362777 1.3165739 1.2918308 1.2764976 1.193832 1.2167437 1.0593226\n", - " 1.0850235 1.084929 1.046343 1.0495995 1.046491 1.0627396 1.0685558\n", - " 1.0415173 1.0276138 1.0284806 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 5 4 7 8 13 12 6 10 11 9 14 16 15 17 18 19]\n", - "=======================\n", - "[\"an indian salesman is facing seven years in prison and a fine of up to one million dirham - around # 186,000 - for allegedly cursing islam and the prophet mohammad on facebook .the 41-year-old man - identified only by his initials s.g. - is said to have posted a ` blasphemous ' status on his facebook page after watching a news bulletin about the war in iraq on television last july .he told police he was sent the image over whatsapp , but allegedly then admitted to posting the status\"]\n", - "=======================\n", - "['indian man , 41 , accused of posting insulting status about islamic prophetallegedly told police he wrote the status after watching footage of iraq warif found guilty he faces up to seven years in prison , a huge fine , or both']\n", - "an indian salesman is facing seven years in prison and a fine of up to one million dirham - around # 186,000 - for allegedly cursing islam and the prophet mohammad on facebook .the 41-year-old man - identified only by his initials s.g. - is said to have posted a ` blasphemous ' status on his facebook page after watching a news bulletin about the war in iraq on television last july .he told police he was sent the image over whatsapp , but allegedly then admitted to posting the status\n", - "indian man , 41 , accused of posting insulting status about islamic prophetallegedly told police he wrote the status after watching footage of iraq warif found guilty he faces up to seven years in prison , a huge fine , or both\n", - "[1.2052394 1.4164397 1.1731857 1.3298695 1.1886691 1.1462986 1.0467206\n", - " 1.0564059 1.0234392 1.0320423 1.1302598 1.0538933 1.0219598 1.0251523\n", - " 1.0265514 1.0166847 1.0374583 1.1501691 1.0645347 1.0391746 1.0125979\n", - " 1.0145054 1.0156153 1.092162 ]\n", - "\n", - "[ 1 3 0 4 2 17 5 10 23 18 7 11 6 19 16 9 14 13 8 12 15 22 21 20]\n", - "=======================\n", - "['motorists had to swerve out of the way of the giant hole after it appeared on the residential earl street in northampton at around 2pm , just hours after part of a london pavement collapsed , swallowing a pedestrian .enormous : the hole opened up on earl street , northampton , at about 2pm on thursdaya busy town centre was brought to a standstill this afternoon after a mysterious 15-foot sinkhole opened up in the road without warning - almost swallowing a number of cars in the process .']\n", - "=======================\n", - "[\"cars forced to swerve to avoid street collapse in northampton todayemergency services acted quickly to seal off the residential roadwitness describes it as ` something you would see in a disaster movie 'hole appeared hours after woman fell through london pavement\"]\n", - "motorists had to swerve out of the way of the giant hole after it appeared on the residential earl street in northampton at around 2pm , just hours after part of a london pavement collapsed , swallowing a pedestrian .enormous : the hole opened up on earl street , northampton , at about 2pm on thursdaya busy town centre was brought to a standstill this afternoon after a mysterious 15-foot sinkhole opened up in the road without warning - almost swallowing a number of cars in the process .\n", - "cars forced to swerve to avoid street collapse in northampton todayemergency services acted quickly to seal off the residential roadwitness describes it as ` something you would see in a disaster movie 'hole appeared hours after woman fell through london pavement\n", - "[1.3485843 1.3256438 1.2135851 1.2585233 1.114195 1.0864046 1.0692697\n", - " 1.1426433 1.104311 1.12038 1.1527153 1.058856 1.0805986 1.1325941\n", - " 1.0485672 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 10 7 13 9 4 8 5 12 6 11 14 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "['the body of a newborn baby was discovered hidden in a cubicle inside a michigan office building after police say the mother had secretly given birth in the bathroom and then returned to her seat to resume her work .staff at ceva logistics in the 24400 block of glendale avenue in redford reportedly had no idea their co-worker had been pregnant until tuesday morning .police confirmed that the 26-year-old woman , who has not been named , delivered a baby that was later pronounced dead .']\n", - "=======================\n", - "[\"the 26-year-old mother was found sitting in her cubicle at ceva logistics in michigan with blood on her clothesco-workers heard moaning and found blood all over bathroom stallpolice arrived on the scene and discovered baby 's body stuffed inside mother 's bag beneath her deskmedical examiner will determine whether or not the baby was born alive\"]\n", - "the body of a newborn baby was discovered hidden in a cubicle inside a michigan office building after police say the mother had secretly given birth in the bathroom and then returned to her seat to resume her work .staff at ceva logistics in the 24400 block of glendale avenue in redford reportedly had no idea their co-worker had been pregnant until tuesday morning .police confirmed that the 26-year-old woman , who has not been named , delivered a baby that was later pronounced dead .\n", - "the 26-year-old mother was found sitting in her cubicle at ceva logistics in michigan with blood on her clothesco-workers heard moaning and found blood all over bathroom stallpolice arrived on the scene and discovered baby 's body stuffed inside mother 's bag beneath her deskmedical examiner will determine whether or not the baby was born alive\n", - "[1.2186466 1.504689 1.1838626 1.256267 1.2574925 1.1374274 1.1253293\n", - " 1.098233 1.0985891 1.0884329 1.0467068 1.013683 1.075852 1.0376931\n", - " 1.032969 1.0667961 1.095597 1.0409105 1.0400207 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 0 2 5 6 8 7 16 9 12 15 10 17 18 13 14 11 19 20 21 22 23]\n", - "=======================\n", - "['ranulfo perez , 48 , was arrested by police after he allegedly groped the breasts of a 16-year-old girl who was outside a toys r us store as she was shown round with her tour group .a man who dresses as the cookie monster and greets visitors to times square was arrested for allegedly groping a 16-year-old and then freed after police could not be sure it was him .the incident is the latest involving people dressed up as costumed characters in times square , amid claims of sexual harassment and disorder .']\n", - "=======================\n", - "[\"a man dressed as the cookie monster in times square was arrestedranulfo perez was accused of aggressively hugging a 16-year-old girl and then ` forcibly ' touching her breasts outside a toys r us storebut he was released and police said they would not be prosecuting because they could not be sure teenager had identified correct manperez protested his innocence and said it ` could have been anyone '\"]\n", - "ranulfo perez , 48 , was arrested by police after he allegedly groped the breasts of a 16-year-old girl who was outside a toys r us store as she was shown round with her tour group .a man who dresses as the cookie monster and greets visitors to times square was arrested for allegedly groping a 16-year-old and then freed after police could not be sure it was him .the incident is the latest involving people dressed up as costumed characters in times square , amid claims of sexual harassment and disorder .\n", - "a man dressed as the cookie monster in times square was arrestedranulfo perez was accused of aggressively hugging a 16-year-old girl and then ` forcibly ' touching her breasts outside a toys r us storebut he was released and police said they would not be prosecuting because they could not be sure teenager had identified correct manperez protested his innocence and said it ` could have been anyone '\n", - "[1.3308319 1.5640231 1.22849 1.3175447 1.0960572 1.0820774 1.0221478\n", - " 1.0206431 1.015512 1.0992042 1.042916 1.0302131 1.0292029 1.1614107\n", - " 1.0494759 1.2011257 1.0920804 1.0513029 1.0223573 1.0120842 1.0957509\n", - " 1.1590208 1.032442 0. ]\n", - "\n", - "[ 1 0 3 2 15 13 21 9 4 20 16 5 17 14 10 22 11 12 18 6 7 8 19 23]\n", - "=======================\n", - "[\"the reds frontman was challenged to a dance-off by kop kids presenter paisley back in february and duly obliged only to be left red-faced by the talented youngster .daniel sturridge is well-known for showing off his dance moves , but the striker 's shapes were no match for a young liverpool fan .before the pair showed each other their moves , paisley sat down with the former chelsea man to ask him how important dancing and music is in his lift .\"]\n", - "=======================\n", - "[\"daniel sturridge has dance-off with kop kids presenter paisleyliverpool striker shows off new dance move called ` feed the ducks '25-year-old reveals his passion for music and dancingread : sturridge fitness our main concern says liverpool boss rodgersread : sturridge heads back to the us to see specialist\"]\n", - "the reds frontman was challenged to a dance-off by kop kids presenter paisley back in february and duly obliged only to be left red-faced by the talented youngster .daniel sturridge is well-known for showing off his dance moves , but the striker 's shapes were no match for a young liverpool fan .before the pair showed each other their moves , paisley sat down with the former chelsea man to ask him how important dancing and music is in his lift .\n", - "daniel sturridge has dance-off with kop kids presenter paisleyliverpool striker shows off new dance move called ` feed the ducks '25-year-old reveals his passion for music and dancingread : sturridge fitness our main concern says liverpool boss rodgersread : sturridge heads back to the us to see specialist\n", - "[1.0766658 1.156951 1.0630674 1.1331617 1.1448267 1.1904048 1.2394942\n", - " 1.1153964 1.2977655 1.0548916 1.1445553 1.0547484 1.0940751 1.0287817\n", - " 1.0133332 1.0278573 1.1304362 1.0383843 1.0363272 1.0306106 1.0947838\n", - " 1.0130341 1.0101902 1.0103691]\n", - "\n", - "[ 8 6 5 1 4 10 3 16 7 20 12 0 2 9 11 17 18 19 13 15 14 21 23 22]\n", - "=======================\n", - "[\"gascoigne 's goal came five minutes into an fa cup semi-final against tottenham 's arch-rivals , arsenalpaul gascoigne hits the 35-yard free-kick that would cement his place in tottenham legendthe other main contender for that prize is probably another of his , for england against scotland at euro 96 .\"]\n", - "=======================\n", - "['it is 24 years to the day since paul gascoigne scored in the fa cup semi-final against arsenalgascoigne struck a fierce 35-yard free-kick that beat david seamanit was hailed as one of the best goals in wembley history , and that comment still applies']\n", - "gascoigne 's goal came five minutes into an fa cup semi-final against tottenham 's arch-rivals , arsenalpaul gascoigne hits the 35-yard free-kick that would cement his place in tottenham legendthe other main contender for that prize is probably another of his , for england against scotland at euro 96 .\n", - "it is 24 years to the day since paul gascoigne scored in the fa cup semi-final against arsenalgascoigne struck a fierce 35-yard free-kick that beat david seamanit was hailed as one of the best goals in wembley history , and that comment still applies\n", - "[1.1010047 1.0500625 1.3078067 1.2306868 1.0371706 1.0256923 1.0291958\n", - " 1.5138705 1.0995892 1.0352699 1.0415586 1.0374256 1.3089874 1.1008539\n", - " 1.0364175 1.0221939 1.0123047 1.0626945 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 7 12 2 3 0 13 8 17 1 10 11 4 14 9 6 5 15 16 22 18 19 20 21 23]\n", - "=======================\n", - "[\"joe root ( left ) and ian bell ( right ) put on 177 runs for the fourth wicket on day one in antiguaben stokes was unbeaten on 71 at the close of play as england reached 341 for fiveengland 's top three are exceptional players but the issue is that they are very one-paced and when the west indies bowling was so disciplined , that became a problem on the first morning of the first test .\"]\n", - "=======================\n", - "[\"england close day one of first test against west indies on 341 for fiveian bell , joe root and ben stokes all played well to lead the recoveryengland 's top three were all dismissed cheaply to leave england in a holewhen england were 34 for three i received a lot of comments about my supposed motivational skills .paul newman 's day one report from antigua\"]\n", - "joe root ( left ) and ian bell ( right ) put on 177 runs for the fourth wicket on day one in antiguaben stokes was unbeaten on 71 at the close of play as england reached 341 for fiveengland 's top three are exceptional players but the issue is that they are very one-paced and when the west indies bowling was so disciplined , that became a problem on the first morning of the first test .\n", - "england close day one of first test against west indies on 341 for fiveian bell , joe root and ben stokes all played well to lead the recoveryengland 's top three were all dismissed cheaply to leave england in a holewhen england were 34 for three i received a lot of comments about my supposed motivational skills .paul newman 's day one report from antigua\n", - "[1.4229237 1.2537991 1.4156575 1.2541932 1.1684754 1.0753639 1.1013727\n", - " 1.0826306 1.0494442 1.0380591 1.1822597 1.1635993 1.0939443 1.0461015\n", - " 1.0299737 1.038989 1.0603923 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 10 4 11 6 12 7 5 16 8 13 15 9 14 22 17 18 19 20 21 23]\n", - "=======================\n", - "[\"matthew kenney smoked flakka and then ran nakedmatthew kenney , 34 , told police he smoked flakka before he streaked though traffic early on saturday evening while only wearing a pair of sneakers .flakka , which can be injected , snorted , smoked , swallowed or taken with other substances , has been nicknamed ' $ 5 insanity ' for its mind-bending effects and cheap cost .\"]\n", - "=======================\n", - "['matthew kenney , 34 , said he smoked flakka before he went streakingwas arrested on saturday after run through fort lauderdale , floridadrug is made from same version of stimulant used to produce bath saltsit causes euphoria , hallucinations , psychosis and superhuman strengthkenney has prior arrests and was hospitalized for a psychiatric evaluation']\n", - "matthew kenney smoked flakka and then ran nakedmatthew kenney , 34 , told police he smoked flakka before he streaked though traffic early on saturday evening while only wearing a pair of sneakers .flakka , which can be injected , snorted , smoked , swallowed or taken with other substances , has been nicknamed ' $ 5 insanity ' for its mind-bending effects and cheap cost .\n", - "matthew kenney , 34 , said he smoked flakka before he went streakingwas arrested on saturday after run through fort lauderdale , floridadrug is made from same version of stimulant used to produce bath saltsit causes euphoria , hallucinations , psychosis and superhuman strengthkenney has prior arrests and was hospitalized for a psychiatric evaluation\n", - "[1.2151773 1.4093648 1.43103 1.3072882 1.2109025 1.1294302 1.1237081\n", - " 1.2298367 1.0863994 1.0704442 1.026241 1.0322096 1.015573 1.0094258\n", - " 1.0104159 1.011155 1.0175214 1.1594628 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 7 0 4 17 5 6 8 9 11 10 16 12 15 14 13 18 19 20 21 22 23]\n", - "=======================\n", - "[\"the canines , which appeared to have been killed with blows to the head , were used for the fillings of ` pastels ' , a traditional brazilian stuffed pastry which is deep-fried and normally made with ground beef .officers investigating the popular fast food house reportedly found boxes containing the frozen carcasses of dozens of dogs .customers at a rio de janeiro snack bar were unwittingly eating pastries made from the meat of stray dogs , police said today .\"]\n", - "=======================\n", - "['warning graphic contentpolice in brazil found frozen carcasses of dozens of dogs at the restaurantchinese owner van ruilonc admitted making pasties out of stray caninesdog meat would be sold to unwitting customers at the fast food outlet']\n", - "the canines , which appeared to have been killed with blows to the head , were used for the fillings of ` pastels ' , a traditional brazilian stuffed pastry which is deep-fried and normally made with ground beef .officers investigating the popular fast food house reportedly found boxes containing the frozen carcasses of dozens of dogs .customers at a rio de janeiro snack bar were unwittingly eating pastries made from the meat of stray dogs , police said today .\n", - "warning graphic contentpolice in brazil found frozen carcasses of dozens of dogs at the restaurantchinese owner van ruilonc admitted making pasties out of stray caninesdog meat would be sold to unwitting customers at the fast food outlet\n", - "[1.306206 1.4746925 1.3332796 1.4150239 1.2621844 1.1709973 1.0506217\n", - " 1.0123463 1.0131975 1.0158488 1.018095 1.0147225 1.0199943 1.055959\n", - " 1.0449909 1.019753 1.0591143 1.1273538 1.063128 1.0579256 1.038753\n", - " 1.1643671 1.0509254 1.0644296]\n", - "\n", - "[ 1 3 2 0 4 5 21 17 23 18 16 19 13 22 6 14 20 12 15 10 9 11 8 7]\n", - "=======================\n", - "[\"kevin coulton from manchester decided to stick his mouth in the rim of a glass because ` everyone was doing it ' .but the 16-year-old was left with dark bruising around his lips and chin which lasted more than three days .a 16-year-old schoolboy is warning classmates to avoid the ` kylie jenner ' challenge after being left with a bruised face when he sucked into a glass to emulate the kardashians star 's bee-stung pout .\"]\n", - "=======================\n", - "['kevin coulton , 16 , from manchester stuck his mouth in the rim of a glassthe schoolboy wanted to achieve a fuller pout like celebrity kylie jennerbut , like scores before him , he was left with painful bruising around lipsnow he is warning peers not to take part in craze sweeping social media']\n", - "kevin coulton from manchester decided to stick his mouth in the rim of a glass because ` everyone was doing it ' .but the 16-year-old was left with dark bruising around his lips and chin which lasted more than three days .a 16-year-old schoolboy is warning classmates to avoid the ` kylie jenner ' challenge after being left with a bruised face when he sucked into a glass to emulate the kardashians star 's bee-stung pout .\n", - "kevin coulton , 16 , from manchester stuck his mouth in the rim of a glassthe schoolboy wanted to achieve a fuller pout like celebrity kylie jennerbut , like scores before him , he was left with painful bruising around lipsnow he is warning peers not to take part in craze sweeping social media\n", - "[1.2256923 1.3189845 1.3568571 1.3709877 1.183866 1.063124 1.0495751\n", - " 1.0566846 1.0800369 1.1234562 1.1058106 1.0493978 1.0548836 1.0461733\n", - " 1.0349011 1.055975 1.0540932 1.0657506 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 0 4 9 10 8 17 5 7 15 12 16 6 11 13 14 22 18 19 20 21 23]\n", - "=======================\n", - "[\"a man was apparently beheaded by isis in hama , syria , for being an alleged ` blasphemer 'his beheading is believed to have taken place in hama in syria .a series of gruesome photographs show a man being led out of a van handcuffed and blindfolded before he is executed by a masked man , wielding a meat cleaver .\"]\n", - "=======================\n", - "[\"warning : graphic contentseries of photos appear to show the beheading of a man in hama in syriaman is handcuffed and blindfolded as he is led from a van to area of landhe is surrounded by men with guns and executioner with a meat cleaverit is claimed the man was beheaded because he is an alleged ` blasphemer '\"]\n", - "a man was apparently beheaded by isis in hama , syria , for being an alleged ` blasphemer 'his beheading is believed to have taken place in hama in syria .a series of gruesome photographs show a man being led out of a van handcuffed and blindfolded before he is executed by a masked man , wielding a meat cleaver .\n", - "warning : graphic contentseries of photos appear to show the beheading of a man in hama in syriaman is handcuffed and blindfolded as he is led from a van to area of landhe is surrounded by men with guns and executioner with a meat cleaverit is claimed the man was beheaded because he is an alleged ` blasphemer '\n", - "[1.2141414 1.0939603 1.0489869 1.0924705 1.15207 1.1272126 1.0870245\n", - " 1.0492476 1.1536181 1.1206111 1.0443871 1.0569373 1.1375178 1.1252106\n", - " 1.049289 1.0212543 1.0602065 1.0249568 1.0321697 1.0273494 1.0910957\n", - " 1.0111303 1.0382454 1.0127478 1.0310196 1.0218498]\n", - "\n", - "[ 0 8 4 12 5 13 9 1 3 20 6 16 11 14 7 2 10 22 18 24 19 17 25 15\n", - " 23 21]\n", - "=======================\n", - "['( cnn ) kim bok-dong is 89 now , and is going blind and deaf .kim was a 14-year-old girl when the japanese came to her village in korea .the nightmares from five years as a sex slave of the japanese army , from 1940 onwards , are still crystal clear .']\n", - "=======================\n", - "['kim bok-dong is determined to share her story of sexual slavery until she \\'s no longer physically ablekim was held prisoner by the japanese military in a \" comfort station \" for five years , raped ceaselesslyshe says she wo n\\'t rest until she receives a formal apology from the japanese government']\n", - "( cnn ) kim bok-dong is 89 now , and is going blind and deaf .kim was a 14-year-old girl when the japanese came to her village in korea .the nightmares from five years as a sex slave of the japanese army , from 1940 onwards , are still crystal clear .\n", - "kim bok-dong is determined to share her story of sexual slavery until she 's no longer physically ablekim was held prisoner by the japanese military in a \" comfort station \" for five years , raped ceaselesslyshe says she wo n't rest until she receives a formal apology from the japanese government\n", - "[1.1946388 1.2773297 1.3316317 1.351854 1.1120365 1.0824006 1.1171206\n", - " 1.0805231 1.0381608 1.074744 1.0298873 1.0366052 1.0991483 1.0522989\n", - " 1.0920613 1.0268226 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 0 6 4 12 14 5 7 9 13 8 11 10 15 23 22 21 20 16 18 17 24\n", - " 19 25]\n", - "=======================\n", - "['over 10,000 were rescued off the coast of italy in the last week alone .a boatload of 900 migrants who embarked from libya are now feared dead in the latest sinking .a surge of refugees this year , usually transported by smugglers on overcrowded vessels , has sought to reach europe via the libyan coast .']\n", - "=======================\n", - "[\"ruth ben-ghiat : italy 's colonial past plays a key role in the migrant humanitarian disaster in the mediterraneanshe says african migrants still bound to histories of exploitation that shaped their home countries long after end of italian rule\"]\n", - "over 10,000 were rescued off the coast of italy in the last week alone .a boatload of 900 migrants who embarked from libya are now feared dead in the latest sinking .a surge of refugees this year , usually transported by smugglers on overcrowded vessels , has sought to reach europe via the libyan coast .\n", - "ruth ben-ghiat : italy 's colonial past plays a key role in the migrant humanitarian disaster in the mediterraneanshe says african migrants still bound to histories of exploitation that shaped their home countries long after end of italian rule\n", - "[1.4168644 1.4381577 1.1090589 1.1564697 1.2710856 1.3974645 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 5 4 3 2 23 22 21 20 19 18 17 16 15 12 13 24 11 10 9 8 7 6\n", - " 14 25]\n", - "=======================\n", - "['the airbus a330 took off soon after 11am but was back on the tarmac by 12.30 pm after an indicator light showed a possible issue with the rear cargo doors , a qantas spokesman said .a qantas jet bound for perth was forced to turn back to sydney airport after a safety light turned on mid-air .passengers will be moved to another flight due to depart sunday afternoon , he said .']\n", - "=======================\n", - "['a qantas jet bound for perth has been forced to return to sydney airport after a safety light turned on mid-airairbus a330 took off soon after 11am but was back on tarmac by 12.30 pmafter an indicator light showed a possible issue with the rear cargo doorsengineers are inspecting aircraft but no evidence at this stage of a problem']\n", - "the airbus a330 took off soon after 11am but was back on the tarmac by 12.30 pm after an indicator light showed a possible issue with the rear cargo doors , a qantas spokesman said .a qantas jet bound for perth was forced to turn back to sydney airport after a safety light turned on mid-air .passengers will be moved to another flight due to depart sunday afternoon , he said .\n", - "a qantas jet bound for perth has been forced to return to sydney airport after a safety light turned on mid-airairbus a330 took off soon after 11am but was back on tarmac by 12.30 pmafter an indicator light showed a possible issue with the rear cargo doorsengineers are inspecting aircraft but no evidence at this stage of a problem\n", - "[1.2437813 1.2639098 1.1721851 1.3420211 1.2812315 1.1957264 1.108207\n", - " 1.1099714 1.1415608 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 1 0 5 2 8 7 6 23 22 21 20 19 18 17 12 15 14 13 24 11 10 9\n", - " 16 25]\n", - "=======================\n", - "[\"the age had a special tribute edition to richie benaud on saturdaythe weekend australian carried tributes to ` the face of cricket ' on saturdaythe world has been paying tribute to benaud , the former australia captain and iconic cricket commentator , who died on friday .\"]\n", - "=======================\n", - "[\"the world has been paying tribute to richie benaud , the ` voice of cricket 'former australia captain and legendary cricket commentator died aged 84in november , benaud revealed he was being treated for skin cancer\"]\n", - "the age had a special tribute edition to richie benaud on saturdaythe weekend australian carried tributes to ` the face of cricket ' on saturdaythe world has been paying tribute to benaud , the former australia captain and iconic cricket commentator , who died on friday .\n", - "the world has been paying tribute to richie benaud , the ` voice of cricket 'former australia captain and legendary cricket commentator died aged 84in november , benaud revealed he was being treated for skin cancer\n", - "[1.1725857 1.2603987 1.3533782 1.3567903 1.3118757 1.1661487 1.1554902\n", - " 1.0536602 1.0175579 1.0205736 1.0634904 1.109935 1.087957 1.0769181\n", - " 1.0415939 1.0722595 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 4 1 0 5 6 11 12 13 15 10 7 14 9 8 23 22 21 20 17 18 16 24\n", - " 19 25]\n", - "=======================\n", - "[\"clair schuler , who goes by the stage name cici ryder , ( pictured ) is a drag queen who was friends with robert durst when he was living as deaf , mute womanclair schuler told click 2 houston durst was ` very infatuated with the drag queens that performed , and their hair and their make-up , especially the hair and the make-up 'the 71-year-old real estate tycoon used to live on galveston island , on the texas gulf coast and went by the name of dorothy in the early 2000s .\"]\n", - "=======================\n", - "['71-year-old tycoon used to live in texas and went by name of dorothyclair schuler , who goes by the stage name cici ryder , said that when he met durst he was pretending to be a deaf , mute womansaid that durst was shy and never let anyone touch him or take photosschuler said durst was a generous tipper and although there were some strange things about his nature he did not think of him as a threat']\n", - "clair schuler , who goes by the stage name cici ryder , ( pictured ) is a drag queen who was friends with robert durst when he was living as deaf , mute womanclair schuler told click 2 houston durst was ` very infatuated with the drag queens that performed , and their hair and their make-up , especially the hair and the make-up 'the 71-year-old real estate tycoon used to live on galveston island , on the texas gulf coast and went by the name of dorothy in the early 2000s .\n", - "71-year-old tycoon used to live in texas and went by name of dorothyclair schuler , who goes by the stage name cici ryder , said that when he met durst he was pretending to be a deaf , mute womansaid that durst was shy and never let anyone touch him or take photosschuler said durst was a generous tipper and although there were some strange things about his nature he did not think of him as a threat\n", - "[1.2756509 1.3715363 1.2129338 1.169453 1.3951101 1.1184275 1.08757\n", - " 1.0407552 1.0886855 1.0472101 1.0145524 1.0455328 1.0864997 1.0861254\n", - " 1.0386784 1.0202036 1.1695713 1.0466756 0. 0. ]\n", - "\n", - "[ 4 1 0 2 16 3 5 8 6 12 13 9 17 11 7 14 15 10 18 19]\n", - "=======================\n", - "['no jail time : former capitol hill staffer donny ray williams is disfigured from an acid attack that occurred years after he raped two women .a former democratic congressional aide who pleaded guilty last year to raping two women was spared jail time on friday because horrific disfiguring injuries he suffered in an unrelated 2013 acid attack .that same year , he had sex with a woman too inebriated to give her consent , prosecutors say .']\n", - "=======================\n", - "['donny ray williams on friday was given a suspended sentence and 5 years probation for two 2010 sexual assaultsprosecutors spared williams jail time largely because of his severe medical issues stemming from an unrelated 2013 acid attackwilliams was once a staffer for the senate homeland security and government affairs disaster recovery subcommittees']\n", - "no jail time : former capitol hill staffer donny ray williams is disfigured from an acid attack that occurred years after he raped two women .a former democratic congressional aide who pleaded guilty last year to raping two women was spared jail time on friday because horrific disfiguring injuries he suffered in an unrelated 2013 acid attack .that same year , he had sex with a woman too inebriated to give her consent , prosecutors say .\n", - "donny ray williams on friday was given a suspended sentence and 5 years probation for two 2010 sexual assaultsprosecutors spared williams jail time largely because of his severe medical issues stemming from an unrelated 2013 acid attackwilliams was once a staffer for the senate homeland security and government affairs disaster recovery subcommittees\n", - "[1.241103 1.4543625 1.387836 1.2823216 1.2554425 1.1558625 1.0640112\n", - " 1.11276 1.1167938 1.133387 1.1471217 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 5 10 9 8 7 6 18 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "['the four-seater plane is believed to have come down near hatten , oldenburg , shortly after taking off from a nearby airfield .the male pilot was killed in the crash , and three passengers have been taken to a nearby hospital , local police said .one man has died after a sports plane crashed onto a motorway in north-west germany on sunday afternoon .']\n", - "=======================\n", - "['one died and three injured as plane crashes on motorway in germanyfour-seater plane believed to have crashed shortly after take-offplane came down between fence and a rail , just feet from passing cars']\n", - "the four-seater plane is believed to have come down near hatten , oldenburg , shortly after taking off from a nearby airfield .the male pilot was killed in the crash , and three passengers have been taken to a nearby hospital , local police said .one man has died after a sports plane crashed onto a motorway in north-west germany on sunday afternoon .\n", - "one died and three injured as plane crashes on motorway in germanyfour-seater plane believed to have crashed shortly after take-offplane came down between fence and a rail , just feet from passing cars\n", - "[1.1773326 1.4549451 1.471936 1.3026062 1.3365717 1.1201894 1.084033\n", - " 1.123378 1.0791602 1.0949805 1.0357322 1.0212703 1.0114683 1.0692017\n", - " 1.0490651 1.0091646 1.0230749 0. 0. 0. ]\n", - "\n", - "[ 2 1 4 3 0 7 5 9 6 8 13 14 10 16 11 12 15 18 17 19]\n", - "=======================\n", - "[\"ms huxham 's ex partner carl garry chapman , 32 , has been detained and charged with a string of offences including assault , torture and deprivation of liberty .billy-anne huxham , 18 , from caboolture , queensland , was found at 9.45 pm at aerodrome road in maroochydore , on queensland 's sunshine coast , after police found the nissan suv that was used in her abduction earlier that day .found : abducted teen billy-anne huxton was located by police on thursday night after she made contact with a family member\"]\n", - "=======================\n", - "['billy-anne huxham was abducted from her caboolture home on tuesdayshe was located on thursday night by police on aerodrome roadshe was allegedly taken by 32-year-old ex-boyfriend carl garry chapmanchapman was reportedly carrying a firearm when he was apprehendedhe has been charged with a string of offences including torture and assaultchapman , who was out on bail , is due to face the magistrate on saturday']\n", - "ms huxham 's ex partner carl garry chapman , 32 , has been detained and charged with a string of offences including assault , torture and deprivation of liberty .billy-anne huxham , 18 , from caboolture , queensland , was found at 9.45 pm at aerodrome road in maroochydore , on queensland 's sunshine coast , after police found the nissan suv that was used in her abduction earlier that day .found : abducted teen billy-anne huxton was located by police on thursday night after she made contact with a family member\n", - "billy-anne huxham was abducted from her caboolture home on tuesdayshe was located on thursday night by police on aerodrome roadshe was allegedly taken by 32-year-old ex-boyfriend carl garry chapmanchapman was reportedly carrying a firearm when he was apprehendedhe has been charged with a string of offences including torture and assaultchapman , who was out on bail , is due to face the magistrate on saturday\n", - "[1.3700056 1.1506144 1.433958 1.2484066 1.2236928 1.3128927 1.0904515\n", - " 1.0597805 1.0621783 1.0798059 1.0506988 1.0616908 1.0173057 1.0998068\n", - " 1.0819004 1.0882056 1.0705625 1.1628659 1.0375422 1.0621051]\n", - "\n", - "[ 2 0 5 3 4 17 1 13 6 15 14 9 16 8 19 11 7 10 18 12]\n", - "=======================\n", - "['adam johnson , 27 , who plays in the premier league for sunderland and has represented his country 12 times , faces a lengthy jail term if he is convicted .charged with four offences : sunderland footballer adam johnson arrives to answer bail at peterlee police station in county durham yesterdaythe # 50,000-a-week player is due to appear before peterlee magistrates on may 20 and the case will then be transferred to crown court .']\n", - "=======================\n", - "['four offences allegedly committed against one girl aged 15 at time27-year-old answered bail at police station in county durham yesterdaysunderland star had previously had his bail extended for five weeks']\n", - "adam johnson , 27 , who plays in the premier league for sunderland and has represented his country 12 times , faces a lengthy jail term if he is convicted .charged with four offences : sunderland footballer adam johnson arrives to answer bail at peterlee police station in county durham yesterdaythe # 50,000-a-week player is due to appear before peterlee magistrates on may 20 and the case will then be transferred to crown court .\n", - "four offences allegedly committed against one girl aged 15 at time27-year-old answered bail at police station in county durham yesterdaysunderland star had previously had his bail extended for five weeks\n", - "[1.2729989 1.2262354 1.3148686 1.1332642 1.069423 1.0403513 1.098089\n", - " 1.0945857 1.0602367 1.0883436 1.0404494 1.1568592 1.0833285 1.0776981\n", - " 1.0840802 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 11 3 6 7 9 14 12 13 4 8 10 5 18 15 16 17 19]\n", - "=======================\n", - "['it comes as saudi arabia continues to lead a bombing campaign to oust the iran-allied houthi movement which has taken most of yemen and forced president abd-rabbu mansour hadi to flee to riyadh .iran has sent two warships to the waters off yemen while the us has accelerated moves to supply weapons to the saudi coalition as foreign powers get drawn deeper into the conflict .the alborz destroyer and bushehr support vessel sailed from bandar abbas to the gulf of aden today with military bosses claiming the move is designed to protect iranian shipping from piracy .']\n", - "=======================\n", - "['destroyer and support ship sent from bandar abbas , iran , to gulf of adenmilitary chiefs claim the move is to protect iranian shipping from piracysaudi arabia is leading bombing campaign to oust iran-allied houthi which has taken most of yemenus is stepping up weapons deliveries in support of the saudi-led coalition']\n", - "it comes as saudi arabia continues to lead a bombing campaign to oust the iran-allied houthi movement which has taken most of yemen and forced president abd-rabbu mansour hadi to flee to riyadh .iran has sent two warships to the waters off yemen while the us has accelerated moves to supply weapons to the saudi coalition as foreign powers get drawn deeper into the conflict .the alborz destroyer and bushehr support vessel sailed from bandar abbas to the gulf of aden today with military bosses claiming the move is designed to protect iranian shipping from piracy .\n", - "destroyer and support ship sent from bandar abbas , iran , to gulf of adenmilitary chiefs claim the move is to protect iranian shipping from piracysaudi arabia is leading bombing campaign to oust iran-allied houthi which has taken most of yemenus is stepping up weapons deliveries in support of the saudi-led coalition\n", - "[1.6165676 1.400189 1.1797968 1.1035005 1.1486375 1.2793484 1.0878283\n", - " 1.3442522 1.0432272 1.0185024 1.0309497 1.0163027 1.0838513 1.0623621\n", - " 1.0656713 1.0378757 1.0264988 0. 0. 0. ]\n", - "\n", - "[ 0 1 7 5 2 4 3 6 12 14 13 8 15 10 16 9 11 18 17 19]\n", - "=======================\n", - "['sky sports pundit gary neville has laid into referee lee mason after he failed to award newcastle a penalty during their 2-0 defeat at liverpool on monday night .an incident in the 38th minute of the game , saw ayoze perez felled by a reckless challenge from dejan lovren .ayoze perez drives into the liverpool box on 38 minutes only to be brought down by dejan lovren']\n", - "=======================\n", - "[\"newcastle were denied a penalty against liverpool on monday nightayoze perez was brought down by a rash challenge from dejan lovrensky pundit gary neville has criticised the referee 's lack of actionthe magpies went on to lose the game 2-0 at anfield\"]\n", - "sky sports pundit gary neville has laid into referee lee mason after he failed to award newcastle a penalty during their 2-0 defeat at liverpool on monday night .an incident in the 38th minute of the game , saw ayoze perez felled by a reckless challenge from dejan lovren .ayoze perez drives into the liverpool box on 38 minutes only to be brought down by dejan lovren\n", - "newcastle were denied a penalty against liverpool on monday nightayoze perez was brought down by a rash challenge from dejan lovrensky pundit gary neville has criticised the referee 's lack of actionthe magpies went on to lose the game 2-0 at anfield\n", - "[1.3090501 1.4100361 1.3161992 1.3587873 1.2016397 1.1468602 1.1198242\n", - " 1.0789291 1.0780354 1.069618 1.1149842 1.0456356 1.0915285 1.0755796\n", - " 1.0091909 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 6 10 12 7 8 13 9 11 14 18 15 16 17 19]\n", - "=======================\n", - "[\"phillips , who was jailed in 2005 , is serving a sentence of more than 31 years for choking his girlfriend in san diego and driving his car into three teens after a pickup football game in los angeles .nebraska 's lawrence phillips phillips is suspected of killing his cellmate in a central california prisonsoward was found lifeless on saturday morning in the cell he shared with phillips , 39 , at kern valley state prison .\"]\n", - "=======================\n", - "[\"lawrence phillips , 39 , was one of the nation 's top players for nebraskahe was jailed in 2005 and sentenced to 31 years at kern valley state prisonhis cellmate damion soward , 37 , was found lifeless on saturday morningsoward was serving 82 years to life for first-degree murder\"]\n", - "phillips , who was jailed in 2005 , is serving a sentence of more than 31 years for choking his girlfriend in san diego and driving his car into three teens after a pickup football game in los angeles .nebraska 's lawrence phillips phillips is suspected of killing his cellmate in a central california prisonsoward was found lifeless on saturday morning in the cell he shared with phillips , 39 , at kern valley state prison .\n", - "lawrence phillips , 39 , was one of the nation 's top players for nebraskahe was jailed in 2005 and sentenced to 31 years at kern valley state prisonhis cellmate damion soward , 37 , was found lifeless on saturday morningsoward was serving 82 years to life for first-degree murder\n", - "[1.0323694 1.2810043 1.3801359 1.3209883 1.4241495 1.037818 1.2621486\n", - " 1.0658518 1.0788757 1.0255193 1.0497898 1.0641313 1.1039702 1.0204356\n", - " 1.1253326 1.0277203 1.0176544 1.0484288 1.0284455 0. ]\n", - "\n", - "[ 4 2 3 1 6 14 12 8 7 11 10 17 5 0 18 15 9 13 16 19]\n", - "=======================\n", - "[\"it 's estimated that more than 4 million u.s. pets are euthanized every year .groups such as california-based wings of rescue or south carolina-based pilots n paws recruit pilots to volunteer their planes , fuel and time .the two non-profits say their concept has been a roaring success with the numbers increasing year-on-year .\"]\n", - "=======================\n", - "[\"groups such as california-based wings of rescue or south carolina-based pilots n paws , recruit pilots to volunteer their planes , fuel and timethe two non-profits say their concept has been a roaring success with the numbers increasing year-on-yearall dogs have to be spayed or neutered , microchipped and vaccinated before they take offit 's reported that most pooches sleep in the air and do n't get sick\"]\n", - "it 's estimated that more than 4 million u.s. pets are euthanized every year .groups such as california-based wings of rescue or south carolina-based pilots n paws recruit pilots to volunteer their planes , fuel and time .the two non-profits say their concept has been a roaring success with the numbers increasing year-on-year .\n", - "groups such as california-based wings of rescue or south carolina-based pilots n paws , recruit pilots to volunteer their planes , fuel and timethe two non-profits say their concept has been a roaring success with the numbers increasing year-on-yearall dogs have to be spayed or neutered , microchipped and vaccinated before they take offit 's reported that most pooches sleep in the air and do n't get sick\n", - "[1.0905834 1.2567558 1.1612259 1.3061458 1.1925248 1.1086478 1.1075803\n", - " 1.0586365 1.0287288 1.0716746 1.1063132 1.0222343 1.0680971 1.138522\n", - " 1.0527302 1.0753313 1.0842937 1.0379374 1.0345935 1.2000331]\n", - "\n", - "[ 3 1 19 4 2 13 5 6 10 0 16 15 9 12 7 14 17 18 8 11]\n", - "=======================\n", - "[\"the two planes begin their descent simultaneously at san francisco airportthe plane landings at saint martin 's princess juliana international airport have become legendary worldwidein astonishing video captured by a passenger on one of the planes , both aircrafts ' wheels touch the tarmac at the same time\"]\n", - "=======================\n", - "[\"video shows the planes approaching the runway at the same speedthe two aircraft maintain this as their wheels touch the tarmacaviation expert calls the manoeuvre ` closely spaced parallel runway operations '\"]\n", - "the two planes begin their descent simultaneously at san francisco airportthe plane landings at saint martin 's princess juliana international airport have become legendary worldwidein astonishing video captured by a passenger on one of the planes , both aircrafts ' wheels touch the tarmac at the same time\n", - "video shows the planes approaching the runway at the same speedthe two aircraft maintain this as their wheels touch the tarmacaviation expert calls the manoeuvre ` closely spaced parallel runway operations '\n", - "[1.2647488 1.4059086 1.3184755 1.215507 1.1514555 1.1958404 1.1263285\n", - " 1.1833315 1.0934541 1.0813059 1.0331038 1.0125086 1.1016108 1.0131282\n", - " 1.1811744 1.064573 1.0358666 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 5 7 14 4 6 12 8 9 15 16 10 13 11 18 17 19]\n", - "=======================\n", - "[\"a series of model letters have been drawn up with carefully pre-crafted messages designed to woo voters with just 28 days to go before the may 7 election .women are told they are ` vital to the success of the british economy ' while pensioners are praised for their ` wealth of experience ' .tory election chiefs have given their candidates a letter-writing kit to target farmers , pensioners and women , leaked documents have revealed .\"]\n", - "=======================\n", - "[\"series of model letters drawn up with carefully pre-crafted messagestory candidates are told to praise teachers as ` the best we have ever had 'women should be told they are ` vital to the success of the british economy 'pensioners , meanwhile , are praised for their ` wealth of experience '\"]\n", - "a series of model letters have been drawn up with carefully pre-crafted messages designed to woo voters with just 28 days to go before the may 7 election .women are told they are ` vital to the success of the british economy ' while pensioners are praised for their ` wealth of experience ' .tory election chiefs have given their candidates a letter-writing kit to target farmers , pensioners and women , leaked documents have revealed .\n", - "series of model letters drawn up with carefully pre-crafted messagestory candidates are told to praise teachers as ` the best we have ever had 'women should be told they are ` vital to the success of the british economy 'pensioners , meanwhile , are praised for their ` wealth of experience '\n", - "[1.5568793 1.2387009 1.1124235 1.1042646 1.1354872 1.0534437 1.3516494\n", - " 1.0525676 1.0244728 1.027086 1.0367581 1.0491233 1.0137024 1.0145516\n", - " 1.0151699 1.0133255 1.0166023 1.0215427 1.0222894 1.0783169 1.3248067\n", - " 1.0324099 1.018517 1.0185304]\n", - "\n", - "[ 0 6 20 1 4 2 3 19 5 7 11 10 21 9 8 18 17 23 22 16 14 13 12 15]\n", - "=======================\n", - "[\"chelsea were made to work hard for their three points against stoke at stamford bridge on saturday but eden hazard starred for jose mourinho 's team .thibaut courtois was on the winning team but will want to forget charlie adam beating him from his own halfeden hazard put chelsea into the lead with from the penalty spot in the first half\"]\n", - "=======================\n", - "['eden hazard and loic remy hit the net as chelsea beat stoke 2-1charlie adam hit the net from 66 yards for stoke to level the scoresthe moment is one to forget for chelsea goalkeeper thibaut courtois']\n", - "chelsea were made to work hard for their three points against stoke at stamford bridge on saturday but eden hazard starred for jose mourinho 's team .thibaut courtois was on the winning team but will want to forget charlie adam beating him from his own halfeden hazard put chelsea into the lead with from the penalty spot in the first half\n", - "eden hazard and loic remy hit the net as chelsea beat stoke 2-1charlie adam hit the net from 66 yards for stoke to level the scoresthe moment is one to forget for chelsea goalkeeper thibaut courtois\n", - "[1.3487772 1.1550411 1.5139573 1.3553667 1.2587519 1.2047927 1.1068901\n", - " 1.1159337 1.0408949 1.0280095 1.0154029 1.0179224 1.0607055 1.0284742\n", - " 1.0425047 1.0816289 1.0249188 1.0270636 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 4 5 1 7 6 15 12 14 8 13 9 17 16 11 10 18 19 20 21 22 23]\n", - "=======================\n", - "[\"dr christopher valentine , 52 , was sacked from a sexual health clinic and hauled before the general medical council nine years ago for photographing half-naked male and female patients without consent .his behaviour was branded ` inappropriate ' but he was not struck off and went to work at an nhs service for drug addicts and alcoholics .however , the married doctor has been caught again after a nurse saw images of a semi-naked man on his ipod touch during a night out .\"]\n", - "=======================\n", - "[\"dr christopher valentine 's colleague saw the pictures on his ipod touchgallery of his pets contained an image of a semi-naked man , tribunal tolddoctor was out with members of clydebank community addiction teamlater revealed that he had used his ipod to take around 53 photos of at least two patients\"]\n", - "dr christopher valentine , 52 , was sacked from a sexual health clinic and hauled before the general medical council nine years ago for photographing half-naked male and female patients without consent .his behaviour was branded ` inappropriate ' but he was not struck off and went to work at an nhs service for drug addicts and alcoholics .however , the married doctor has been caught again after a nurse saw images of a semi-naked man on his ipod touch during a night out .\n", - "dr christopher valentine 's colleague saw the pictures on his ipod touchgallery of his pets contained an image of a semi-naked man , tribunal tolddoctor was out with members of clydebank community addiction teamlater revealed that he had used his ipod to take around 53 photos of at least two patients\n", - "[1.31638 1.437819 1.142515 1.1464478 1.0428694 1.0293998 1.4565418\n", - " 1.2324488 1.0377321 1.0165734 1.0163493 1.0804687 1.1110134 1.0278666\n", - " 1.0197124 1.049248 1.1213242 1.0218054 1.0241162 1.053216 1.0282359\n", - " 0. 0. 0. ]\n", - "\n", - "[ 6 1 0 7 3 2 16 12 11 19 15 4 8 5 20 13 18 17 14 9 10 22 21 23]\n", - "=======================\n", - "['justin rose battled back from a nightmare start and is in contention at augustathe 2013 us open champion ended the day on seven under , sharing third place and is one of a handful of players hanging on to the coat tails of runaway leader jordan spieth .rose bogeyed three of the first four holes , finding himself playing from the trees as he recovered from wayward tee shots .']\n", - "=======================\n", - "['rose put himself in contention , ending the second day on seven underit took a neat bit of psychology to rescue his round after a disastrous startrose bogeyed three of the first four , finding himself playing from the treesand that was where the magic pencil line came to his rescue']\n", - "justin rose battled back from a nightmare start and is in contention at augustathe 2013 us open champion ended the day on seven under , sharing third place and is one of a handful of players hanging on to the coat tails of runaway leader jordan spieth .rose bogeyed three of the first four holes , finding himself playing from the trees as he recovered from wayward tee shots .\n", - "rose put himself in contention , ending the second day on seven underit took a neat bit of psychology to rescue his round after a disastrous startrose bogeyed three of the first four , finding himself playing from the treesand that was where the magic pencil line came to his rescue\n", - "[1.0306914 1.0335933 1.1055763 1.4522042 1.2860732 1.1620021 1.0743778\n", - " 1.0707775 1.17471 1.1192877 1.0493994 1.0265335 1.1090231 1.1347116\n", - " 1.1403122 1.0494363 1.0265615 1.0635315 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 4 8 5 14 13 9 12 2 6 7 17 15 10 1 0 16 11 18 19 20 21 22 23]\n", - "=======================\n", - "['charlotte watts argues that stress drain nutrients from the body , meaning it shows up in some surprising ways .these seven symptoms are an indicator you are stressed , warns nutritionist charlotte watts .as a result , some symptoms associated with vitamin or mineral deficiencies can also be a warning sign of the deeper , long-term effects of chronic stress .']\n", - "=======================\n", - "['charlotte watts , a nutritionist , says stress drains the body of nutrientsnutrient deficiencies shows up as things like spots on nails or cracked lipsshe reveals seven signs of stress and what to eat to replenish the body']\n", - "charlotte watts argues that stress drain nutrients from the body , meaning it shows up in some surprising ways .these seven symptoms are an indicator you are stressed , warns nutritionist charlotte watts .as a result , some symptoms associated with vitamin or mineral deficiencies can also be a warning sign of the deeper , long-term effects of chronic stress .\n", - "charlotte watts , a nutritionist , says stress drains the body of nutrientsnutrient deficiencies shows up as things like spots on nails or cracked lipsshe reveals seven signs of stress and what to eat to replenish the body\n", - "[1.351857 1.486872 1.2835815 1.3203561 1.0601882 1.0311134 1.1519668\n", - " 1.0714781 1.0904973 1.1156453 1.0500308 1.1155565 1.0391884 1.0953193\n", - " 1.1964053 1.0544643 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 14 6 9 11 13 8 7 4 15 10 12 5 22 16 17 18 19 20 21 23]\n", - "=======================\n", - "['the 31-year-old has reportedly been transferred from hmp manchester , formerly strangeways , to ashworth hospital , a high-security psychiatric unit in maghull , merseyside .one-eyed police killer dale cregan has been sent to the same psychiatric hospital as moors murderer ian brady after going on hunger strike for the second time .cregan , who was jailed for life after shooting police officers fiona bone and nicola hughes in 2012 , was said to have started refusing food at the category a jail after being moved to solitary confinement .']\n", - "=======================\n", - "['31-year-old reportedly transferred to ashworth hospital , merseysidemove to high-security psychiatric unit comes after cregan refused foodkilled two men before luring two officers to house with fake 999 callfired 32 bullets at fiona bone and nicola hughes and threw a grenade']\n", - "the 31-year-old has reportedly been transferred from hmp manchester , formerly strangeways , to ashworth hospital , a high-security psychiatric unit in maghull , merseyside .one-eyed police killer dale cregan has been sent to the same psychiatric hospital as moors murderer ian brady after going on hunger strike for the second time .cregan , who was jailed for life after shooting police officers fiona bone and nicola hughes in 2012 , was said to have started refusing food at the category a jail after being moved to solitary confinement .\n", - "31-year-old reportedly transferred to ashworth hospital , merseysidemove to high-security psychiatric unit comes after cregan refused foodkilled two men before luring two officers to house with fake 999 callfired 32 bullets at fiona bone and nicola hughes and threw a grenade\n", - "[1.3042308 1.1507711 1.0656531 1.1254448 1.1152167 1.1760322 1.0331637\n", - " 1.0291011 1.0627445 1.0969548 1.0456206 1.0336566 1.0507411 1.1722472\n", - " 1.0221201 1.0305275 1.028368 1.0186828 1.0162425]\n", - "\n", - "[ 0 5 13 1 3 4 9 2 8 12 10 11 6 15 7 16 14 17 18]\n", - "=======================\n", - "[\"ravi opi , kavre district , nepal ( cnn ) by the time you reach the outskirts of nepal 's capital , even the roads are showing signs of the sheer magnitude of this earthquake -- and the enormity of the task awaiting a country struggling to come to terms with devastation and tragedy .maili tamang , 62 , is alive , but surveys the desolation the quake has wreaked on her life .the main highway that heads east out of kathmandu shows massive cracks , the tarmac torn apart by the force of saturday 's huge tremor .\"]\n", - "=======================\n", - "['roads out of kathmandu are damaged but passableeven close to the capital , aid is taking forever to trickle througheast of the city , the village of ravi opi counts the cost of devastation']\n", - "ravi opi , kavre district , nepal ( cnn ) by the time you reach the outskirts of nepal 's capital , even the roads are showing signs of the sheer magnitude of this earthquake -- and the enormity of the task awaiting a country struggling to come to terms with devastation and tragedy .maili tamang , 62 , is alive , but surveys the desolation the quake has wreaked on her life .the main highway that heads east out of kathmandu shows massive cracks , the tarmac torn apart by the force of saturday 's huge tremor .\n", - "roads out of kathmandu are damaged but passableeven close to the capital , aid is taking forever to trickle througheast of the city , the village of ravi opi counts the cost of devastation\n", - "[1.0935508 1.4574866 1.3692282 1.3623902 1.122529 1.0604603 1.03255\n", - " 1.0463681 1.1260848 1.0579374 1.0572795 1.0853393 1.1008704 1.0943046\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 8 4 12 13 0 11 5 9 10 7 6 17 14 15 16 18]\n", - "=======================\n", - "['played by dame maggie smith in the itv drama , violet , countess of grantham may be coming back in the new american show the gilded age , from downton creator julian fellowes .there may also be a place for robert , the earl of grantham , and his wife cora , who is american-born .the sixth and final series of downton abbey goes out later this year on itv .']\n", - "=======================\n", - "[\"dame maggie smith 's character may appear in american period dramathe guilded age was by julian fellowes and is based in new yorkthere may also be a plot for american-born cora in the u.s. show\"]\n", - "played by dame maggie smith in the itv drama , violet , countess of grantham may be coming back in the new american show the gilded age , from downton creator julian fellowes .there may also be a place for robert , the earl of grantham , and his wife cora , who is american-born .the sixth and final series of downton abbey goes out later this year on itv .\n", - "dame maggie smith 's character may appear in american period dramathe guilded age was by julian fellowes and is based in new yorkthere may also be a plot for american-born cora in the u.s. show\n", - "[1.2863568 1.3924878 1.2873945 1.260713 1.0878038 1.2120092 1.1689928\n", - " 1.0450472 1.0209672 1.0180852 1.1008453 1.0233378 1.1050915 1.0506196\n", - " 1.1393375 1.0430651 1.0247225 0. 0. ]\n", - "\n", - "[ 1 2 0 3 5 6 14 12 10 4 13 7 15 16 11 8 9 17 18]\n", - "=======================\n", - "[\"hundreds of people gathered at eat your greens , just outside eugowra in nsw 's central west , to pay their respects to the beloved teacher who was allegedly murdered on easter sunday , just days before her wedding .among the mourners were her fiance and partner of five years aaron leeson-woolley , who was dressed in a black bow tie with a yellow flower pinned to his shirt , her mother merrilyn , father robert , and her siblings .stephanie scott has been remembered as a ` beautiful friend ' who brought laughter to her loved ones , in a touching funeral service on wednesday .\"]\n", - "=======================\n", - "[\"funeral for murdered school teacher stephanie scott was held outside eugowra in central-west nsw on wednesdayfiance aaron leeson-woolley sat between ms scott 's parents merrilyn and robert during the serviceher sister kim , parents , and leeton high school vice captain grace green spoke at the funeralhundreds of yellow balloons were released following her funeral service to the tune of ` home 'earlier in the day people in eugowra and canowindra painted the town yellow with balloons and streamers\"]\n", - "hundreds of people gathered at eat your greens , just outside eugowra in nsw 's central west , to pay their respects to the beloved teacher who was allegedly murdered on easter sunday , just days before her wedding .among the mourners were her fiance and partner of five years aaron leeson-woolley , who was dressed in a black bow tie with a yellow flower pinned to his shirt , her mother merrilyn , father robert , and her siblings .stephanie scott has been remembered as a ` beautiful friend ' who brought laughter to her loved ones , in a touching funeral service on wednesday .\n", - "funeral for murdered school teacher stephanie scott was held outside eugowra in central-west nsw on wednesdayfiance aaron leeson-woolley sat between ms scott 's parents merrilyn and robert during the serviceher sister kim , parents , and leeton high school vice captain grace green spoke at the funeralhundreds of yellow balloons were released following her funeral service to the tune of ` home 'earlier in the day people in eugowra and canowindra painted the town yellow with balloons and streamers\n", - "[1.3795508 1.2315165 1.3188349 1.2570264 1.1807665 1.1264651 1.1017225\n", - " 1.1219745 1.0706699 1.0274541 1.020374 1.0137068 1.1003053 1.195805\n", - " 1.1053572 1.0395076 1.0131851 1.023063 1.0442106]\n", - "\n", - "[ 0 2 3 1 13 4 5 7 14 6 12 8 18 15 9 17 10 11 16]\n", - "=======================\n", - "['peter morris was devastated when his sister , claire , died in a car crash when she was just 32 .only a year before , he had walked her down the aisle to give her away to her husband , malcolm webster , from surrey , then aged 33 , who seemed equally bereft at the loss of his wife .claire and malcolm webster pictured on their wedding day in 1993 , the following year he murdered her']\n", - "=======================\n", - "['peter morris was devastated when his sister , claire , died in a car crashonly a year before , she had married malcolm websterhe believed his sister had died in a tragic accidentit took two decades for the truth to be revealedclaire was murdered by webster so he could cash in on her life insurancetried to do same to his second wife in 1999 - and was jailed in 2011']\n", - "peter morris was devastated when his sister , claire , died in a car crash when she was just 32 .only a year before , he had walked her down the aisle to give her away to her husband , malcolm webster , from surrey , then aged 33 , who seemed equally bereft at the loss of his wife .claire and malcolm webster pictured on their wedding day in 1993 , the following year he murdered her\n", - "peter morris was devastated when his sister , claire , died in a car crashonly a year before , she had married malcolm websterhe believed his sister had died in a tragic accidentit took two decades for the truth to be revealedclaire was murdered by webster so he could cash in on her life insurancetried to do same to his second wife in 1999 - and was jailed in 2011\n", - "[1.3602691 1.1306694 1.1431038 1.1591598 1.1385808 1.0559683 1.0556833\n", - " 1.0726721 1.078565 1.0827087 1.0294464 1.0356638 1.0819721 1.1042231\n", - " 1.0543013 1.0641714 1.0338315 0. 0. ]\n", - "\n", - "[ 0 3 2 4 1 13 9 12 8 7 15 5 6 14 11 16 10 17 18]\n", - "=======================\n", - "['( cnn ) the best part of the supreme court oral arguments about marriage equality was when justice ruth bader ginsburg alluded to s&m .\" it was her obligation to follow him . \"\" yes , it was marriage between a man and a woman , but the man decided where the couple would be domiciled , \" said ginsburg .']\n", - "=======================\n", - "['sally kohn : supreme court seems to have increasingly become a place for partisan theatricsshe says marriage equality arguments seemed even more shaped by politics than the law']\n", - "( cnn ) the best part of the supreme court oral arguments about marriage equality was when justice ruth bader ginsburg alluded to s&m .\" it was her obligation to follow him . \"\" yes , it was marriage between a man and a woman , but the man decided where the couple would be domiciled , \" said ginsburg .\n", - "sally kohn : supreme court seems to have increasingly become a place for partisan theatricsshe says marriage equality arguments seemed even more shaped by politics than the law\n", - "[1.5360559 1.4031295 1.115995 1.4865793 1.0917181 1.0267833 1.0156205\n", - " 1.0223318 1.2327334 1.0818179 1.0925144 1.1524609 1.152574 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 8 12 11 2 10 4 9 5 7 6 13 14 15 16 17 18]\n", - "=======================\n", - "[\"everton stars leighton baines and luke garbutt visited alder hey children 's hospital on wednesday to spread some easter cheer for the young patients and their families .the toffees duo handed out easter eggs and posed for photographs in the wards of the west derby hospital following their training session on wednesday .garbutt and baines will now be turning their attention to everton 's premier league clash against southampton on saturday .\"]\n", - "=======================\n", - "[\"leighton baines and luke garbutt visit children 's hospital in liverpooleverton defenders hand out easter eggs to young patients and familiestoffees face premier league clash against southampton on saturday\"]\n", - "everton stars leighton baines and luke garbutt visited alder hey children 's hospital on wednesday to spread some easter cheer for the young patients and their families .the toffees duo handed out easter eggs and posed for photographs in the wards of the west derby hospital following their training session on wednesday .garbutt and baines will now be turning their attention to everton 's premier league clash against southampton on saturday .\n", - "leighton baines and luke garbutt visit children 's hospital in liverpooleverton defenders hand out easter eggs to young patients and familiestoffees face premier league clash against southampton on saturday\n", - "[1.3633723 1.4154556 1.1716173 1.2247623 1.0872083 1.0589159 1.0130068\n", - " 1.0402843 1.1370549 1.0751123 1.0715781 1.0401222 1.1103406 1.0081774\n", - " 1.198211 1.0213028 1.0151275 1.059043 1.0480611]\n", - "\n", - "[ 1 0 3 14 2 8 12 4 9 10 17 5 18 7 11 15 16 6 13]\n", - "=======================\n", - "[\"mark o'meara celebrates his winning putt in 1998ahead of the 79th edition of the masters , sportsmail counts down the 20 greatest shots ever seen at augusta national golf club .but o'meara shot two birdies in three holes from the 15th on sunday and a good approach into the 18th left him with a 20-footer to beat david duval and fred couples .\"]\n", - "=======================\n", - "['the 79th masters tournament begins on thursday at augusta nationaltiger woods and rory mcilroy are among the leading contendersit has seen many shots which have gone down in golfing legendseve ballesteros , phil mickelson and nick faldo all made history']\n", - "mark o'meara celebrates his winning putt in 1998ahead of the 79th edition of the masters , sportsmail counts down the 20 greatest shots ever seen at augusta national golf club .but o'meara shot two birdies in three holes from the 15th on sunday and a good approach into the 18th left him with a 20-footer to beat david duval and fred couples .\n", - "the 79th masters tournament begins on thursday at augusta nationaltiger woods and rory mcilroy are among the leading contendersit has seen many shots which have gone down in golfing legendseve ballesteros , phil mickelson and nick faldo all made history\n", - "[1.2771502 1.3954055 1.3474468 1.1617817 1.1316869 1.1418691 1.1858134\n", - " 1.0916373 1.2036204 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 8 6 3 5 4 7 16 15 14 13 9 11 10 17 12 18]\n", - "=======================\n", - "['twisted sister says that its 2016 tour will be its last , according to a press release .next year marks the band \\'s 40th anniversary , and to celebrate , the tour is being titled \" forty and f*ck it . \"( cnn ) they \\'re not gon na take it anymore .']\n", - "=======================\n", - "[\"twisted sister 's 2016 tour will be its lastband will celebrate 40 years in 2016twisted sister drummer a.j. pero died in march\"]\n", - "twisted sister says that its 2016 tour will be its last , according to a press release .next year marks the band 's 40th anniversary , and to celebrate , the tour is being titled \" forty and f*ck it . \"( cnn ) they 're not gon na take it anymore .\n", - "twisted sister 's 2016 tour will be its lastband will celebrate 40 years in 2016twisted sister drummer a.j. pero died in march\n", - "[1.233584 1.4800897 1.2875121 1.3311765 1.2875676 1.1275408 1.10083\n", - " 1.0504012 1.0549734 1.1072469 1.0859679 1.0481693 1.0520766 1.0340228\n", - " 1.0365617 1.0669523 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 5 9 6 10 15 8 12 7 11 14 13 17 16 18]\n", - "=======================\n", - "[\"jamyra gallmon of washington was arrested last week and charged with first-degree murder while armed for allegedly killing david messerschmitt , 30 , on february 9 at the boutique donovan hotel .her roommate - and alleged girlfriend - 19-year-old dominique johnson was arrested on wednesday and is accused of being an accomplice .jamyra gallmon , right , has been charged in the stabbing death of a lawyer at an upscale washington hotel stole just $ 40 and the victim 's metro smartrip card , while dominique johnson , left , has been charged with conspiracy to commit armed robbery\"]\n", - "=======================\n", - "['dominique johnson , 19 , was arrested on wednesday and has been charged with conspiracy to commit armed robberyshe is the roommate and alleged girlfriend of jamyra gallmon , 21 , who last week was charged with first-degree murderdavid messerschmitt , 30 , was stabbed to death on february 9 at the boutique donovan hotel in washington d.c.gallmon has admitted to police that she set up the lawyer so that he was expecting to meet a man for gay sex at the hotelwhen she attempted to rob him they got into a struggle and she pulled a knife from her pants and stabbed him repeatedly']\n", - "jamyra gallmon of washington was arrested last week and charged with first-degree murder while armed for allegedly killing david messerschmitt , 30 , on february 9 at the boutique donovan hotel .her roommate - and alleged girlfriend - 19-year-old dominique johnson was arrested on wednesday and is accused of being an accomplice .jamyra gallmon , right , has been charged in the stabbing death of a lawyer at an upscale washington hotel stole just $ 40 and the victim 's metro smartrip card , while dominique johnson , left , has been charged with conspiracy to commit armed robbery\n", - "dominique johnson , 19 , was arrested on wednesday and has been charged with conspiracy to commit armed robberyshe is the roommate and alleged girlfriend of jamyra gallmon , 21 , who last week was charged with first-degree murderdavid messerschmitt , 30 , was stabbed to death on february 9 at the boutique donovan hotel in washington d.c.gallmon has admitted to police that she set up the lawyer so that he was expecting to meet a man for gay sex at the hotelwhen she attempted to rob him they got into a struggle and she pulled a knife from her pants and stabbed him repeatedly\n", - "[1.2503247 1.1915666 1.1862265 1.3526127 1.1136602 1.0537426 1.0212069\n", - " 1.0307 1.1332325 1.1823069 1.0420096 1.0651244 1.0664748 1.0457209\n", - " 1.0258878 1.0143226 1.0997317 0. 0. ]\n", - "\n", - "[ 3 0 1 2 9 8 4 16 12 11 5 13 10 7 14 6 15 17 18]\n", - "=======================\n", - "[\"superyachts can sell for more than # 50million , while others cost more than # 400,000 a week to charterthey 're the ultimate status symbol for the ultra-rich , but superyacht owners or charter clients are n't content to just sip margaritas in the sun or watch films in their on-board cinemas .they spare no expense or detail when they throw extravagant parties and they go to great lengths to one-up fellow members of the world 's one per cent or impress their celebrity guests .\"]\n", - "=======================\n", - "[\"superyacht owners spare no expense when they throw extravagant partiesthey will do whatever it takes to impress their celebrity guestsone owner had two tigers brought in so guests could pose for selfiesa load of fresh fruit and vegetables was flown from france to the maldivesthree ` a-list ' musical acts were hired for a private party on a desert island\"]\n", - "superyachts can sell for more than # 50million , while others cost more than # 400,000 a week to charterthey 're the ultimate status symbol for the ultra-rich , but superyacht owners or charter clients are n't content to just sip margaritas in the sun or watch films in their on-board cinemas .they spare no expense or detail when they throw extravagant parties and they go to great lengths to one-up fellow members of the world 's one per cent or impress their celebrity guests .\n", - "superyacht owners spare no expense when they throw extravagant partiesthey will do whatever it takes to impress their celebrity guestsone owner had two tigers brought in so guests could pose for selfiesa load of fresh fruit and vegetables was flown from france to the maldivesthree ` a-list ' musical acts were hired for a private party on a desert island\n", - "[1.3525751 1.3834021 1.2581406 1.171135 1.1839945 1.0873728 1.1261373\n", - " 1.2048612 1.0543057 1.0977136 1.0526083 1.0769839 1.0721792 1.0531588\n", - " 1.0887265 1.0080113 1.006872 1.1212265 1.0285361 0. 0. ]\n", - "\n", - "[ 1 0 2 7 4 3 6 17 9 14 5 11 12 8 13 10 18 15 16 19 20]\n", - "=======================\n", - "[\"the wildcats faced off against the university of wisconsin badgers in saturday night 's semi-final game , breaking their winning streak with a 71-64 loss .more than 30 drunk and disorderly university of kentucky fans were arrested near the school 's lexington campus saturday night after the previously undefeated team was kicked out of the ncaa tournament .now , its wisconsin heading to monday 's final to play duke - their first final since 1941 .\"]\n", - "=======================\n", - "[\"the university of kentucky 's winning streak was brought to an end saturday night with a 71-64 loss to the university of wisconsinthe wisconsin badgers will now play duke for the ncaa tournament title monday night - their first final since 1941a crowd of more than a thousand gathered near uk 's lexington campus saturday night to mourn the losspolice in riot gear arrested 31 people at that gathering on charges of public intoxication and disorderly conduct\"]\n", - "the wildcats faced off against the university of wisconsin badgers in saturday night 's semi-final game , breaking their winning streak with a 71-64 loss .more than 30 drunk and disorderly university of kentucky fans were arrested near the school 's lexington campus saturday night after the previously undefeated team was kicked out of the ncaa tournament .now , its wisconsin heading to monday 's final to play duke - their first final since 1941 .\n", - "the university of kentucky 's winning streak was brought to an end saturday night with a 71-64 loss to the university of wisconsinthe wisconsin badgers will now play duke for the ncaa tournament title monday night - their first final since 1941a crowd of more than a thousand gathered near uk 's lexington campus saturday night to mourn the losspolice in riot gear arrested 31 people at that gathering on charges of public intoxication and disorderly conduct\n", - "[1.2647738 1.3507866 1.2473866 1.1094255 1.1395504 1.2152593 1.0750086\n", - " 1.1975778 1.0884663 1.0354658 1.0655596 1.0254215 1.0197797 1.0288464\n", - " 1.0322956 1.0816008 1.0814607 1.0340208 1.039884 1.0263643 1.0768024]\n", - "\n", - "[ 1 0 2 5 7 4 3 8 15 16 20 6 10 18 9 17 14 13 19 11 12]\n", - "=======================\n", - "['steven sloan , joined by friends michael niccum and eugene dight were on an aluminium rowboat when the encounter occurred off the west coast of anderson island , washington .three friends got the fright of their life when they were confronted by a pod of baby killer whales while on a crabbing trip .filming from the boat , steven captured the orcas swimming from afar -- two of them can be seen jumping from the water .']\n", - "=======================\n", - "['the group were on a crabbing trip near anderson island , washingtonthey video two killer whales jumping from water at a safe distancesuddenly the pod get closer and swim underneath the small boatvideo maker and friends panic and begin rowing back to shore']\n", - "steven sloan , joined by friends michael niccum and eugene dight were on an aluminium rowboat when the encounter occurred off the west coast of anderson island , washington .three friends got the fright of their life when they were confronted by a pod of baby killer whales while on a crabbing trip .filming from the boat , steven captured the orcas swimming from afar -- two of them can be seen jumping from the water .\n", - "the group were on a crabbing trip near anderson island , washingtonthey video two killer whales jumping from water at a safe distancesuddenly the pod get closer and swim underneath the small boatvideo maker and friends panic and begin rowing back to shore\n", - "[1.1823739 1.4843775 1.2654934 1.2351624 1.2738872 1.3118737 1.0909708\n", - " 1.0763342 1.0718722 1.0565438 1.0839927 1.0945615 1.0648135 1.0189949\n", - " 1.0493702 1.0675036 1.0280665 1.0507299 1.0165735 1.0165589 0. ]\n", - "\n", - "[ 1 5 4 2 3 0 11 6 10 7 8 15 12 9 17 14 16 13 18 19 20]\n", - "=======================\n", - "['luke brett moore was found guilty of knowingly dealing with proceeds of crime and dishonestly obtaining financial advantage by deception in goulburn district court .the 27-year-old goulburn man was able to overdraw $ 2.189 million over three years from his st george bankmoore was receiving centrelink payments while he was overdrawing his account']\n", - "=======================\n", - "['luke brett moore overdrew $ 2 million he did not have from a bank accountthe goulburn man was found guilty of exploiting the loophole in februaryhe spent money on buying a maserati , an alfa romeo and a power boatpolice raided his home in december 2012 and he will be sentenced friday']\n", - "luke brett moore was found guilty of knowingly dealing with proceeds of crime and dishonestly obtaining financial advantage by deception in goulburn district court .the 27-year-old goulburn man was able to overdraw $ 2.189 million over three years from his st george bankmoore was receiving centrelink payments while he was overdrawing his account\n", - "luke brett moore overdrew $ 2 million he did not have from a bank accountthe goulburn man was found guilty of exploiting the loophole in februaryhe spent money on buying a maserati , an alfa romeo and a power boatpolice raided his home in december 2012 and he will be sentenced friday\n", - "[1.3491763 1.1953137 1.4266155 1.3215506 1.101581 1.1192024 1.078753\n", - " 1.0787379 1.0872517 1.089135 1.0763804 1.0271921 1.0252017 1.0234189\n", - " 1.0180124 1.0270209 1.1361715 1.0429676 1.0404142 0. 0. ]\n", - "\n", - "[ 2 0 3 1 16 5 4 9 8 6 7 10 17 18 11 15 12 13 14 19 20]\n", - "=======================\n", - "[\"the man , who can not be named for legal reasons , was given a life sentence after derby crown court after jurors heard how he ` took his daughter 's life ' through sexual abuse .a man has been jailed after fathering a child with his own daughter who he raped repeatedly from when she was aged just 10 ( file image )earlier the court heard how her father had been her primary carer for years and began raping her when he felt ` out of sorts or angry ' .\"]\n", - "=======================\n", - "[\"man raped his daughter repeatedly over four years from when she was 10he had ` poisoned ' youngster against her mother who did not live with themhis depravity was exposed when the girl became pregnant as a teenagerdespite the abuse she told derby crown court she still loved her fatherhe was told to serve a minimum sentence of 15 years for horrific abuse\"]\n", - "the man , who can not be named for legal reasons , was given a life sentence after derby crown court after jurors heard how he ` took his daughter 's life ' through sexual abuse .a man has been jailed after fathering a child with his own daughter who he raped repeatedly from when she was aged just 10 ( file image )earlier the court heard how her father had been her primary carer for years and began raping her when he felt ` out of sorts or angry ' .\n", - "man raped his daughter repeatedly over four years from when she was 10he had ` poisoned ' youngster against her mother who did not live with themhis depravity was exposed when the girl became pregnant as a teenagerdespite the abuse she told derby crown court she still loved her fatherhe was told to serve a minimum sentence of 15 years for horrific abuse\n", - "[1.4876704 1.5474733 1.2018436 1.0796313 1.1122506 1.2434244 1.1591305\n", - " 1.0595398 1.0306679 1.0218331 1.0188305 1.0184003 1.0180844 1.0469441\n", - " 1.0428421 1.106163 1.0164261 1.0165489 1.0314761 1.3089736 1.1850787]\n", - "\n", - "[ 1 0 19 5 2 20 6 4 15 3 7 13 14 18 8 9 10 11 12 17 16]\n", - "=======================\n", - "[\"the former manchester united and england defender saw city lose 2-1 to leave them in fourth - nine points short of chelsea at the top of the barclays premier league .gary neville tore into manchester city following their defeat against crystal palace by insisting the champions have a ` mentality problem ' which prevents them from winning back-to-back titles .manchester city captain vincent kompany leaves the field after their 2-1 defeat by crystal palace on monday\"]\n", - "=======================\n", - "[\"manchester city lost 2-1 against crystal palace on monday nightgary neville : ` they 've got a mentality problem .former manchester united and england defender neville on what is wrong with reigning champions city : ` this team can not sustain success 'jamie carragher : yaya toure ducked out of his duties in the wallclick here for all the latest man city news\"]\n", - "the former manchester united and england defender saw city lose 2-1 to leave them in fourth - nine points short of chelsea at the top of the barclays premier league .gary neville tore into manchester city following their defeat against crystal palace by insisting the champions have a ` mentality problem ' which prevents them from winning back-to-back titles .manchester city captain vincent kompany leaves the field after their 2-1 defeat by crystal palace on monday\n", - "manchester city lost 2-1 against crystal palace on monday nightgary neville : ` they 've got a mentality problem .former manchester united and england defender neville on what is wrong with reigning champions city : ` this team can not sustain success 'jamie carragher : yaya toure ducked out of his duties in the wallclick here for all the latest man city news\n", - "[1.2635484 1.3434101 1.3940539 1.2013619 1.340791 1.2521715 1.1108663\n", - " 1.0755217 1.0787344 1.1193919 1.0481836 1.2214663 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 4 0 5 11 3 9 6 8 7 10 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the goat was then captured in the middle of a roadway by three policemen around 5pm on saturday .officers in paramus , bergen county , responded to an animal that was headbutting a door in the wealthy community , according to their facebook page .a ` disorderly ' goat was shepherded away from houses in suburban new jersey after causing a ruckus .\"]\n", - "=======================\n", - "['police in paramus , new jersey , captured stray goat in middle of the roadauthorities still working to find owner of goat , who is with animal control']\n", - "the goat was then captured in the middle of a roadway by three policemen around 5pm on saturday .officers in paramus , bergen county , responded to an animal that was headbutting a door in the wealthy community , according to their facebook page .a ` disorderly ' goat was shepherded away from houses in suburban new jersey after causing a ruckus .\n", - "police in paramus , new jersey , captured stray goat in middle of the roadauthorities still working to find owner of goat , who is with animal control\n", - "[1.2501316 1.3681335 1.2703085 1.1834354 1.2164551 1.180736 1.1274987\n", - " 1.0741287 1.0524818 1.0504118 1.1225979 1.2364361 1.0571824 1.191024\n", - " 1.0377061 1.0113223 1.0065875 1.0081574 1.0051057 1.0071279 0. ]\n", - "\n", - "[ 1 2 0 11 4 13 3 5 6 10 7 12 8 9 14 15 17 19 16 18 20]\n", - "=======================\n", - "[\"around 650 foreign entrants , three times more than last year , joined in today 's event under the constant watch of soldiers .the event - which only opened its doors to non-local amateurs in 2014 - was founded in 1981 in the single-party country , which is now led by brutal dictator kim jong un .hundreds of runners from across the globe have taken part in north korea 's pyongyang marathon - perhaps the most isolated international sporting event in the world .\"]\n", - "=======================\n", - "['around 650 foreign runners took part in the annual north korea marathonentrants were banned from taking photographs and under constant watchbut runners praised jovial atmosphere and even high-fived supporters10km event was won by american cable installation guy charles kobold']\n", - "around 650 foreign entrants , three times more than last year , joined in today 's event under the constant watch of soldiers .the event - which only opened its doors to non-local amateurs in 2014 - was founded in 1981 in the single-party country , which is now led by brutal dictator kim jong un .hundreds of runners from across the globe have taken part in north korea 's pyongyang marathon - perhaps the most isolated international sporting event in the world .\n", - "around 650 foreign runners took part in the annual north korea marathonentrants were banned from taking photographs and under constant watchbut runners praised jovial atmosphere and even high-fived supporters10km event was won by american cable installation guy charles kobold\n", - "[1.5617027 1.2880045 1.3403476 1.4472085 1.201863 1.3551518 1.0773002\n", - " 1.0141829 1.0205796 1.0153344 1.0277486 1.1120563 1.182262 1.0850954\n", - " 1.1635336 1.0210193 1.0064489 1.0071367 1.0106028 1.0062742 1.005608 ]\n", - "\n", - "[ 0 3 5 2 1 4 12 14 11 13 6 10 15 8 9 7 18 17 16 19 20]\n", - "=======================\n", - "[\"tim sherwood has confirmed he will start shay given against liverpool in the fa cup semi-final at wembley on sunday , a day before the irishman turns 39 .brad guzan , villa 's no 1 , suffered heartbreak in 2010 , when he was understudy to brad friedel but played every round of the league cup -- before being left out of the final against manchester united by manager martin o'neill .the 38-year-old has played in all four of villa 's fa cup matches this season and has kept two clean-sheets\"]\n", - "=======================\n", - "[\"shay given to start against liverpool in fa cup a day before he turns 39tim sherwood confirmed the news as he prepares for sunday 's semi-finalgiven has played in all four of aston villa 's fa cup matches this term\"]\n", - "tim sherwood has confirmed he will start shay given against liverpool in the fa cup semi-final at wembley on sunday , a day before the irishman turns 39 .brad guzan , villa 's no 1 , suffered heartbreak in 2010 , when he was understudy to brad friedel but played every round of the league cup -- before being left out of the final against manchester united by manager martin o'neill .the 38-year-old has played in all four of villa 's fa cup matches this season and has kept two clean-sheets\n", - "shay given to start against liverpool in fa cup a day before he turns 39tim sherwood confirmed the news as he prepares for sunday 's semi-finalgiven has played in all four of aston villa 's fa cup matches this term\n", - "[1.2210882 1.4701495 1.2417555 1.2432134 1.3351983 1.0819584 1.0458456\n", - " 1.1296692 1.0781109 1.0915335 1.1084026 1.1281312 1.0725765 1.0907911\n", - " 1.0892638 1.0548714 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 2 0 7 11 10 9 13 14 5 8 12 15 6 19 16 17 18 20]\n", - "=======================\n", - "[\"paula dunican spent # 25 on the baby blue coat at her local branch in canterbury , kent .paula dunican was horrified when she found the body of a crushed lizard on the lining of a # 25 coat from asda 'inside , a four inch-long gecko was flattened , its scales imprinted onto the fabric .\"]\n", - "=======================\n", - "[\"paula dunican paid # 25 for the baby blue coat at her local branch of asdawhen she took it home she noticed a ` seeping ' stain on the back of coatshe then discovered the reptile 's crushed body on the garment 's liningthe supermarket has apologised and offered her a # 40 voucher and refund\"]\n", - "paula dunican spent # 25 on the baby blue coat at her local branch in canterbury , kent .paula dunican was horrified when she found the body of a crushed lizard on the lining of a # 25 coat from asda 'inside , a four inch-long gecko was flattened , its scales imprinted onto the fabric .\n", - "paula dunican paid # 25 for the baby blue coat at her local branch of asdawhen she took it home she noticed a ` seeping ' stain on the back of coatshe then discovered the reptile 's crushed body on the garment 's liningthe supermarket has apologised and offered her a # 40 voucher and refund\n", - "[1.436663 1.083483 1.2412565 1.1159902 1.3491348 1.0774356 1.0601065\n", - " 1.3458099 1.1149867 1.0195106 1.0696094 1.049371 1.0546502 1.1296659\n", - " 1.0762371 1.0329826 1.0229121 1.0473179 1.0510701 0. 0. ]\n", - "\n", - "[ 0 4 7 2 13 3 8 1 5 14 10 6 12 18 11 17 15 16 9 19 20]\n", - "=======================\n", - "[\"atletico madrid and real madrid may have played out a goalless draw at the vicente calderon on tuesday night , but there was still plenty to talk about after the champions league first leg .carlo ancelotti 's favoured centre-back partnership is sergio ramos and pepe , but in raphael varane , who turns 22 later this month , they have a diamond .raphael varane ( left ) impressed again for real madrid - and saved\"]\n", - "=======================\n", - "['gareth bale missed a one-on-one chance after just three minutesraphael varane impressed with his pace and general reading of the gamemario mandzukic left bloodied after clashing with sergio ramos']\n", - "atletico madrid and real madrid may have played out a goalless draw at the vicente calderon on tuesday night , but there was still plenty to talk about after the champions league first leg .carlo ancelotti 's favoured centre-back partnership is sergio ramos and pepe , but in raphael varane , who turns 22 later this month , they have a diamond .raphael varane ( left ) impressed again for real madrid - and saved\n", - "gareth bale missed a one-on-one chance after just three minutesraphael varane impressed with his pace and general reading of the gamemario mandzukic left bloodied after clashing with sergio ramos\n", - "[1.2009331 1.4652882 1.2597381 1.3478342 1.1978691 1.1203151 1.1039463\n", - " 1.1565932 1.1949228 1.0197078 1.0333806 1.0124773 1.010086 1.0661362\n", - " 1.0577853 1.0543026 1.0428982 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 8 7 5 6 13 14 15 16 10 9 11 12 19 17 18 20]\n", - "=======================\n", - "['jerry grayson , who lives in melbourne but is originally from arundel , sussex , set himself the task of tracking down every aircraft he ever flew as part of royal navy rescue missions during the 1970s .the 59-year-old , who now designs aerial stunts for films , was once the youngest pilot to join the navy and was responsible for saving 15 yachtsmen during the doomed fastnet yacht race in 1979 .a helicopter hero travelled 23,000 miles to find every chopper he had ever flown - only to find one had been converted into a posh camping facility .']\n", - "=======================\n", - "['jerry grayson flew dozens of aircrafts during royal navy rescue missionshe was involved in 1979 fastnet yacht race rescue , saving 15 yachtsmenmr grayson found most helicopters had been turned into museum piecesbut one , a wessex mark 1 , is now a glamping unit in ditchling , sussex']\n", - "jerry grayson , who lives in melbourne but is originally from arundel , sussex , set himself the task of tracking down every aircraft he ever flew as part of royal navy rescue missions during the 1970s .the 59-year-old , who now designs aerial stunts for films , was once the youngest pilot to join the navy and was responsible for saving 15 yachtsmen during the doomed fastnet yacht race in 1979 .a helicopter hero travelled 23,000 miles to find every chopper he had ever flown - only to find one had been converted into a posh camping facility .\n", - "jerry grayson flew dozens of aircrafts during royal navy rescue missionshe was involved in 1979 fastnet yacht race rescue , saving 15 yachtsmenmr grayson found most helicopters had been turned into museum piecesbut one , a wessex mark 1 , is now a glamping unit in ditchling , sussex\n", - "[1.2028261 1.5607055 1.3075037 1.3616349 1.0919163 1.2906623 1.0404265\n", - " 1.0374615 1.12459 1.0611701 1.0242304 1.1880965 1.0147277 1.0711375\n", - " 1.0464208 1.0275065 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 5 0 11 8 4 13 9 14 6 7 15 10 12 19 16 17 18 20]\n", - "=======================\n", - "['the unnamed worker was spotted on the roof 30-feet above the ground on top of an edwardian semi-detached home in greenwich , south east london .a local resident noticed the man carrying out the work with a lack of safety equipment on the slippery tiles and quickly took snaps of the man .a building expert said the man should have at least had scaffolding up at the front of the property and a longer ladder']\n", - "=======================\n", - "['unnamed worker was spotted on the roof of a house in south east londonappeared to only be using rope for safety while 30-feet above the groundhealth and safety executive attended and stopped the work following concerns']\n", - "the unnamed worker was spotted on the roof 30-feet above the ground on top of an edwardian semi-detached home in greenwich , south east london .a local resident noticed the man carrying out the work with a lack of safety equipment on the slippery tiles and quickly took snaps of the man .a building expert said the man should have at least had scaffolding up at the front of the property and a longer ladder\n", - "unnamed worker was spotted on the roof of a house in south east londonappeared to only be using rope for safety while 30-feet above the groundhealth and safety executive attended and stopped the work following concerns\n", - "[1.302706 1.4613174 1.361957 1.168921 1.2699232 1.0680925 1.0639673\n", - " 1.0598336 1.0398751 1.0621699 1.1149561 1.1184107 1.0979736 1.0348291\n", - " 1.0277674 1.0553404 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 3 11 10 12 5 6 9 7 15 8 13 14 19 16 17 18 20]\n", - "=======================\n", - "[\"but barry lyttle , 33 , will now be sentenced in sydney 's local court , where the maximum jail term is two years , rather than the district court , where people could face up to 10 years for that offence .an irish tourist accused of leaving his brother in a coma after a late night argument in sydney has pleaded guilty to recklessly causing grievous bodily harm after the crown declined to downgrade the charge .downing centre local court was told of the plea during a brief mention on thursday , where lyttle was supported by family , including his younger brother patrick , whom he punched in potts point in the early hours of january 3 .\"]\n", - "=======================\n", - "[\"irish brothers barry and patrick lyttle hoping to return home soonbarry lyttle is still negotiating for a lesser chargehe allegedly struck his brother patrick during a night out on january 3patrick told reporters he had made a ` fantastic recovery ' on thursdaybarry is negotiating with prosecutors for a lesser charge\"]\n", - "but barry lyttle , 33 , will now be sentenced in sydney 's local court , where the maximum jail term is two years , rather than the district court , where people could face up to 10 years for that offence .an irish tourist accused of leaving his brother in a coma after a late night argument in sydney has pleaded guilty to recklessly causing grievous bodily harm after the crown declined to downgrade the charge .downing centre local court was told of the plea during a brief mention on thursday , where lyttle was supported by family , including his younger brother patrick , whom he punched in potts point in the early hours of january 3 .\n", - "irish brothers barry and patrick lyttle hoping to return home soonbarry lyttle is still negotiating for a lesser chargehe allegedly struck his brother patrick during a night out on january 3patrick told reporters he had made a ` fantastic recovery ' on thursdaybarry is negotiating with prosecutors for a lesser charge\n", - "[1.3400648 1.3803543 1.3130894 1.3072866 1.2032875 1.116956 1.1450342\n", - " 1.1193588 1.0959909 1.0766382 1.0622779 1.0177535 1.0099099 1.0203682\n", - " 1.2166791 1.0893701 1.037762 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 14 4 6 7 5 8 15 9 10 16 13 11 12 19 17 18 20]\n", - "=======================\n", - "[\"the ukip leader said the pain meant he was not ` firing on all cylinders ' during the early weeks of the election campaign , but insists he is now ` back on form ' .nigel farage 's ` terrible ' back and shoulder pain has forced him to cut his working day and consider quitting smoking .he revealed he was suffering after a flare-up of an old spinal injury and had been prescribed temazepam , a strong sleeping pill and muscle relaxant .\"]\n", - "=======================\n", - "[\"nigel farage is considering quitting smoking because of ` terrible ' back painukip leader was n't ` firing on all cylinders ' at the start of election campaignsuffering from flare-up of spinal injury and been prescribed sleeping pills\"]\n", - "the ukip leader said the pain meant he was not ` firing on all cylinders ' during the early weeks of the election campaign , but insists he is now ` back on form ' .nigel farage 's ` terrible ' back and shoulder pain has forced him to cut his working day and consider quitting smoking .he revealed he was suffering after a flare-up of an old spinal injury and had been prescribed temazepam , a strong sleeping pill and muscle relaxant .\n", - "nigel farage is considering quitting smoking because of ` terrible ' back painukip leader was n't ` firing on all cylinders ' at the start of election campaignsuffering from flare-up of spinal injury and been prescribed sleeping pills\n", - "[1.4810936 1.4668915 1.1455076 1.4597193 1.1306479 1.0746745 1.0281441\n", - " 1.0156871 1.0117918 1.017439 1.0684477 1.1275135 1.0395986 1.1223714\n", - " 1.1310859 1.408291 1.0189457 1.0101868 1.0100771 1.0085166 1.0089009]\n", - "\n", - "[ 0 1 3 15 2 14 4 11 13 5 10 12 6 16 9 7 8 17 18 20 19]\n", - "=======================\n", - "[\"adam federici will put his wembley blunder behind him when reading take on birmingham in the sky bet championship , according to manager steve clarke .the australian goalkeeper let a tame alexis sanchez shot slip through his grasp in the sixth minute of extra-time as the royals were narrowly beaten 2-1 by arsenal in saturday 's fa cup semi-final .adam federici fails to alexis sanchez 's shot from crossing the line at wembley on saturday evening\"]\n", - "=======================\n", - "[\"adam federici allowed alexis sanchez 's shot to squirm through his legshis error meant arsenal advanced to the fa cup final after extra-timereading boss steve clarke has backed his goalkeeper to get back on trackthe royals face birmingham in the championship on wednesday night\"]\n", - "adam federici will put his wembley blunder behind him when reading take on birmingham in the sky bet championship , according to manager steve clarke .the australian goalkeeper let a tame alexis sanchez shot slip through his grasp in the sixth minute of extra-time as the royals were narrowly beaten 2-1 by arsenal in saturday 's fa cup semi-final .adam federici fails to alexis sanchez 's shot from crossing the line at wembley on saturday evening\n", - "adam federici allowed alexis sanchez 's shot to squirm through his legshis error meant arsenal advanced to the fa cup final after extra-timereading boss steve clarke has backed his goalkeeper to get back on trackthe royals face birmingham in the championship on wednesday night\n", - "[1.299387 1.4578608 1.2831118 1.0909702 1.0436805 1.0379411 1.2277329\n", - " 1.0516217 1.0691129 1.0511982 1.1309205 1.0571091 1.0687404 1.0524801\n", - " 1.0543185 1.1964281 0. ]\n", - "\n", - "[ 1 0 2 6 15 10 3 8 12 11 14 13 7 9 4 5 16]\n", - "=======================\n", - "[\"jayla currie from berne , indiana , is a part of the wee ones nursery program at the indiana women 's prison , a system that was established in 2008 and allows mothers , like jayla , to share rooms with their babies while they serve out their sentences .an incarcerated mother has revealed that her one-year-old son celebrated his first birthday in prison with a party that featured donated presents and a colorful cake shared by the prison staffers who served as the toddler 's guests .in 23-year-old jayla 's case that means a 10 month sentence for drug charges .\"]\n", - "=======================\n", - "[\"jayla currie , 23 , is part of the wee ones nursery program at the indiana women 's prisonthe program allows incarcerated mothers to share rooms with their babies while they serve their sentences\"]\n", - "jayla currie from berne , indiana , is a part of the wee ones nursery program at the indiana women 's prison , a system that was established in 2008 and allows mothers , like jayla , to share rooms with their babies while they serve out their sentences .an incarcerated mother has revealed that her one-year-old son celebrated his first birthday in prison with a party that featured donated presents and a colorful cake shared by the prison staffers who served as the toddler 's guests .in 23-year-old jayla 's case that means a 10 month sentence for drug charges .\n", - "jayla currie , 23 , is part of the wee ones nursery program at the indiana women 's prisonthe program allows incarcerated mothers to share rooms with their babies while they serve their sentences\n", - "[1.1783092 1.4658449 1.3475925 1.3059263 1.0794172 1.2007668 1.1421415\n", - " 1.1043987 1.0771757 1.0546485 1.1348625 1.074123 1.0247148 1.0383178\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 5 0 6 10 7 4 8 11 9 13 12 15 14 16]\n", - "=======================\n", - "[\"medical professionals at the university of arkansas for medical sciences in little rock ruled out several causes for a 56-year-old man 's kidney problems before blaming the 16 cups of iced tea he drank daily .black tea has high levels of oxalate , a chemical known to produce kidney stones and even lead to kidney failure if consumed in excessive doses .the man was admitted to the hospital in may complaining of nausea , weakness , fatigue and body aches .\"]\n", - "=======================\n", - "[\"doctors at the university of arkansas for medical sciences found a 56-year-old man 's kidney problems stemmed from drinking too much iced teablack tea contains oxalate , a chemical known to produce kidney stones and sometimes lead to kidney failurethe unidentified man will likely spend the rest of his life in dialysis\"]\n", - "medical professionals at the university of arkansas for medical sciences in little rock ruled out several causes for a 56-year-old man 's kidney problems before blaming the 16 cups of iced tea he drank daily .black tea has high levels of oxalate , a chemical known to produce kidney stones and even lead to kidney failure if consumed in excessive doses .the man was admitted to the hospital in may complaining of nausea , weakness , fatigue and body aches .\n", - "doctors at the university of arkansas for medical sciences found a 56-year-old man 's kidney problems stemmed from drinking too much iced teablack tea contains oxalate , a chemical known to produce kidney stones and sometimes lead to kidney failurethe unidentified man will likely spend the rest of his life in dialysis\n", - "[1.3506436 1.1568218 1.2641453 1.1597191 1.1456779 1.1280203 1.1371799\n", - " 1.154798 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 7 4 6 5 14 13 12 8 10 9 15 11 16]\n", - "=======================\n", - "['( cnn ) the people of nepal are still trying to recover from two major earthquakes and a mudslide .we have vetted a list of organizations working in nepal that have created specific funds for relief efforts , including :-- adventist development and relief agency international']\n", - "=======================\n", - "['aid organizations are still working to help the people of nepal in the wake of two major earthquakesthousands were killed in a magnitude 7.8 earthquake in nepal on april 25a second quake rocked the country less than three weeks later']\n", - "( cnn ) the people of nepal are still trying to recover from two major earthquakes and a mudslide .we have vetted a list of organizations working in nepal that have created specific funds for relief efforts , including :-- adventist development and relief agency international\n", - "aid organizations are still working to help the people of nepal in the wake of two major earthquakesthousands were killed in a magnitude 7.8 earthquake in nepal on april 25a second quake rocked the country less than three weeks later\n", - "[1.4853745 1.4278536 1.2143837 1.2658055 1.0820749 1.0399079 1.0340357\n", - " 1.0184321 1.0151684 1.2684729 1.2684457 1.015152 1.0124199 1.0175054\n", - " 1.022897 1.0561575 1.1258954]\n", - "\n", - "[ 0 1 9 10 3 2 16 4 15 5 6 14 7 13 8 11 12]\n", - "=======================\n", - "['felipe massa believes he has finally silenced his critics following his storming start to the new formula one season .williams head of vehicle performance rob smedley claimed earlier this week he was seeing the best of the brazilian in their nine years working together .the williams driver says he is performing as good as he was in 2008 , a season he challenged for the title']\n", - "=======================\n", - "['felipe massa says he is performing as good as he was in 2008the brazilian challenged for the title seven years ago but finished 2ndmassa has enjoyed a storming start to the new formula one seasonthe williams driver sits 4th in the championship standings with 30 points']\n", - "felipe massa believes he has finally silenced his critics following his storming start to the new formula one season .williams head of vehicle performance rob smedley claimed earlier this week he was seeing the best of the brazilian in their nine years working together .the williams driver says he is performing as good as he was in 2008 , a season he challenged for the title\n", - "felipe massa says he is performing as good as he was in 2008the brazilian challenged for the title seven years ago but finished 2ndmassa has enjoyed a storming start to the new formula one seasonthe williams driver sits 4th in the championship standings with 30 points\n", - "[1.3687353 1.4117444 1.1889195 1.1017175 1.1730006 1.1546266 1.2099376\n", - " 1.1370907 1.0215552 1.0220945 1.0384278 1.0284669 1.0541441 1.0664693\n", - " 1.1400315 0. 0. ]\n", - "\n", - "[ 1 0 6 2 4 5 14 7 3 13 12 10 11 9 8 15 16]\n", - "=======================\n", - "[\"qantas warned back in february that it would begin strictly enforcing its business class lounge dress code from april 1 - but not everyone got the memo .the first people to be affected by qantas 's newly enforced ` smart casual ' dress code have taken to social media to complain after being turned away from the airline 's lounges for wearing thongs .people wearing thongs are no longer allowed in the qantas lounges around australia\"]\n", - "=======================\n", - "[\"qantas lounge 's ` smart casual ' dress code is now being enforced by staffsince april 1 staff can refuse entry to customers dressed incorrectlycustomers have complained on social media after being turned awaymany of them said they were refused entry because of their thongs` the dress guidelines for our lounges are the same as most restaurants and club , ' qantas saybut they refuse to define exactly what items are not allowed\"]\n", - "qantas warned back in february that it would begin strictly enforcing its business class lounge dress code from april 1 - but not everyone got the memo .the first people to be affected by qantas 's newly enforced ` smart casual ' dress code have taken to social media to complain after being turned away from the airline 's lounges for wearing thongs .people wearing thongs are no longer allowed in the qantas lounges around australia\n", - "qantas lounge 's ` smart casual ' dress code is now being enforced by staffsince april 1 staff can refuse entry to customers dressed incorrectlycustomers have complained on social media after being turned awaymany of them said they were refused entry because of their thongs` the dress guidelines for our lounges are the same as most restaurants and club , ' qantas saybut they refuse to define exactly what items are not allowed\n", - "[1.0407465 1.1017368 1.1648563 1.3310089 1.2352595 1.0730103 1.0552992\n", - " 1.0632024 1.0573598 1.0614307 1.1576588 1.0707972 1.0621735 1.0307966\n", - " 1.066798 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 2 10 1 5 11 14 7 12 9 8 6 0 13 17 15 16 18]\n", - "=======================\n", - "[\"gary lineker , alan shearer , jason roberts and ian wright fronted the bbc 's coverage at wembleybbc presenter lineker prepares to present the match of the day 50th anniversary special broadcastlest you were in any doubt , its coverage of the semi-final kicked off with footage of the late sir laurence olivier doing the st crispin 's day speech from the film of henry v ( ` we happy few , we band of brothers , ' and so on ) .\"]\n", - "=======================\n", - "[\"the weekend saw bbc 's fa cup coverage compete with sky 's premier leagueit was a refreshing throwback to see the bbc 's use of archive footagegary lineker remains one of the bbc 's prized assets and they must keep him\"]\n", - "gary lineker , alan shearer , jason roberts and ian wright fronted the bbc 's coverage at wembleybbc presenter lineker prepares to present the match of the day 50th anniversary special broadcastlest you were in any doubt , its coverage of the semi-final kicked off with footage of the late sir laurence olivier doing the st crispin 's day speech from the film of henry v ( ` we happy few , we band of brothers , ' and so on ) .\n", - "the weekend saw bbc 's fa cup coverage compete with sky 's premier leagueit was a refreshing throwback to see the bbc 's use of archive footagegary lineker remains one of the bbc 's prized assets and they must keep him\n", - "[1.3765329 1.4838669 1.2066363 1.3669933 1.2008173 1.265964 1.1256884\n", - " 1.0220034 1.0426548 1.0907292 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 5 2 4 6 9 8 7 17 10 11 12 13 14 15 16 18]\n", - "=======================\n", - "[\"bangladeshi politician kamal resigned after voicing his disquiet at umpiring decisions in his country 's world cup quarter-final defeat against india in melbourne last month .mustafa kamal 's resignation as international cricket council president has been accepted , it was confirmed after the governing body 's quarterly meeting .kamal 's remarks were described at the time as ` unfortunate ' by icc chief executive david richardson .\"]\n", - "=======================\n", - "[\"the icc confirm mustafa kamal 's departure as presidentkamal unhappy with umpires after india beat bangladesh at the world cupthere will be no immediate replacement for kamal\"]\n", - "bangladeshi politician kamal resigned after voicing his disquiet at umpiring decisions in his country 's world cup quarter-final defeat against india in melbourne last month .mustafa kamal 's resignation as international cricket council president has been accepted , it was confirmed after the governing body 's quarterly meeting .kamal 's remarks were described at the time as ` unfortunate ' by icc chief executive david richardson .\n", - "the icc confirm mustafa kamal 's departure as presidentkamal unhappy with umpires after india beat bangladesh at the world cupthere will be no immediate replacement for kamal\n", - "[1.4370028 1.1827843 1.2702113 1.3362286 1.1889781 1.1253917 1.049528\n", - " 1.0317265 1.1358049 1.107416 1.0408901 1.0238994 1.0318586 1.0235926\n", - " 1.0849698 1.0336201 1.0628173 1.0278217 0. ]\n", - "\n", - "[ 0 3 2 4 1 8 5 9 14 16 6 10 15 12 7 17 11 13 18]\n", - "=======================\n", - "[\"lucky : selena dicker , 38 , outran the avalanche on mount everest in the wake of the nepal quakeas rescuers faced a desperate race against time to airlift stranded climbers off the world 's highest peak after the devastating earthquake on saturday night , selina dicker described how she ran for her life as a wall of snow and ice tore through base camp .the tragedy forced miss dicker , head of lending for finance company europa capital mezzanine , to abandon her first attempt on the summit .\"]\n", - "=======================\n", - "[\"selina dicker , 38 , from fulham , london , survived mount everest avalancheclimber ran for her life as a wall of snow and ice tore through base campshe was in same group as google executive dan fredinburg who diedamanda holden 's said sister survived because she had altitude sickness\"]\n", - "lucky : selena dicker , 38 , outran the avalanche on mount everest in the wake of the nepal quakeas rescuers faced a desperate race against time to airlift stranded climbers off the world 's highest peak after the devastating earthquake on saturday night , selina dicker described how she ran for her life as a wall of snow and ice tore through base camp .the tragedy forced miss dicker , head of lending for finance company europa capital mezzanine , to abandon her first attempt on the summit .\n", - "selina dicker , 38 , from fulham , london , survived mount everest avalancheclimber ran for her life as a wall of snow and ice tore through base campshe was in same group as google executive dan fredinburg who diedamanda holden 's said sister survived because she had altitude sickness\n", - "[1.3093624 1.4478506 1.1426831 1.2856591 1.2685392 1.2483319 1.22837\n", - " 1.1481482 1.127857 1.1335084 1.0118613 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 4 5 6 7 2 9 8 10 17 11 12 13 14 15 16 18]\n", - "=======================\n", - "['northern territory police arrested and charged a 39-year-old man and a 26-year-old woman following the drug bust in katherine , 320 kilometres southeast of darwin on sunday .nearly 1000 bags of the depressant drug kava were seized from a vehicle where four unrestrained children were sitting in the back seat .during the extensive search , police found approximately 20 kilograms of kava divided into 862 small bags and a small quantity of cannabis .']\n", - "=======================\n", - "['police seized 20 kilograms of kava after pulling over an unregistered cara 39-year-old man and a 26-year-old woman have been chargedpolice found the kava divided into 862 deal bags on sundaythey also found a small quantity of cannabis and four unrestrained kidsthe pair will appear in katherine magistrates court on mondaykava is a depressant drug made from the root or stump of the kava shrub']\n", - "northern territory police arrested and charged a 39-year-old man and a 26-year-old woman following the drug bust in katherine , 320 kilometres southeast of darwin on sunday .nearly 1000 bags of the depressant drug kava were seized from a vehicle where four unrestrained children were sitting in the back seat .during the extensive search , police found approximately 20 kilograms of kava divided into 862 small bags and a small quantity of cannabis .\n", - "police seized 20 kilograms of kava after pulling over an unregistered cara 39-year-old man and a 26-year-old woman have been chargedpolice found the kava divided into 862 deal bags on sundaythey also found a small quantity of cannabis and four unrestrained kidsthe pair will appear in katherine magistrates court on mondaykava is a depressant drug made from the root or stump of the kava shrub\n", - "[1.1069373 1.1867235 1.3744645 1.285994 1.3283671 1.1041635 1.136138\n", - " 1.1862177 1.0947336 1.030904 1.0259665 1.0128131 1.014574 1.1632514\n", - " 1.1612151 1.0357368 1.1624436 1.0262518 1.0096593]\n", - "\n", - "[ 2 4 3 1 7 13 16 14 6 0 5 8 15 9 17 10 12 11 18]\n", - "=======================\n", - "[\"but since march the soft drink company has been putting scarlet tops on diet coke as well - causing consternation for fans of the zero calorie , zero sugar version .coke has switched all the lids on its 500ml bottles to red to ` help make our consumers aware of the full choice available to them within the coca-cola range 'diet coke bottles like this one now have red lids just like regular coke - causing a headache for some fans\"]\n", - "=======================\n", - "[\"customers used to white lids on the famous zero calorie , zero sugar typeother variants coke zero and coke life used to have black and green topsbut company has now brought all four variants ` together under one brand 'company accused of ` messing with our heads ' with red tops for all types\"]\n", - "but since march the soft drink company has been putting scarlet tops on diet coke as well - causing consternation for fans of the zero calorie , zero sugar version .coke has switched all the lids on its 500ml bottles to red to ` help make our consumers aware of the full choice available to them within the coca-cola range 'diet coke bottles like this one now have red lids just like regular coke - causing a headache for some fans\n", - "customers used to white lids on the famous zero calorie , zero sugar typeother variants coke zero and coke life used to have black and green topsbut company has now brought all four variants ` together under one brand 'company accused of ` messing with our heads ' with red tops for all types\n", - "[1.172968 1.5022573 1.3356084 1.3875928 1.237059 1.1965218 1.0530013\n", - " 1.0135682 1.0108244 1.2065145 1.1003486 1.0456414 1.0628327 1.0368248\n", - " 1.025527 1.0395678 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 9 5 0 10 12 6 11 15 13 14 7 8 18 16 17 19]\n", - "=======================\n", - "['peter barnett , 43 , is said to have caused a loss of # 23,000 to chiltern railways over a two-and-a-half year period .he travelled from his oxfordshire home to london marylebone but pretended to have only gone from wembley , in north west london .barnett admits six counts of fraud by false representation between april 2012 and november last year']\n", - "=======================\n", - "[\"peter barnett , 43 , travelled from haddenham and thame to marylebonebut pretended to have gone from wembley and tapped out with oyster carddeception places him among the ranks of britain 's biggest fare dodgersoxford university-educated lawyer has admitted to six counts of fraud\"]\n", - "peter barnett , 43 , is said to have caused a loss of # 23,000 to chiltern railways over a two-and-a-half year period .he travelled from his oxfordshire home to london marylebone but pretended to have only gone from wembley , in north west london .barnett admits six counts of fraud by false representation between april 2012 and november last year\n", - "peter barnett , 43 , travelled from haddenham and thame to marylebonebut pretended to have gone from wembley and tapped out with oyster carddeception places him among the ranks of britain 's biggest fare dodgersoxford university-educated lawyer has admitted to six counts of fraud\n", - "[1.1394905 1.2085121 1.2928511 1.3639051 1.1852398 1.1925535 1.0745302\n", - " 1.1700372 1.021004 1.0425066 1.1408474 1.0548352 1.0187522 1.0238057\n", - " 1.0347998 1.070342 1.0344859 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 5 4 7 10 0 6 15 11 9 14 16 13 8 12 17 18 19]\n", - "=======================\n", - "['antoni van leeuwenhoek ( pictured in a portrait ) used his body as a guinea pig in an experimenton the seventh day , he removed the stocking and counted more than 80 eggs but no young lice .he took three lice , nestled them among the hairs of his calf , rolled up a tight stocking so that the insects were bound to his leg and then left the stocking on and did not bathe for six days .']\n", - "=======================\n", - "[\"at 41 van leeuwenhoek used his body as a guinea pig in an experimentvermeer spent hours peering into the box-like interior of a camera obscuracould vermeer and van leeuwenhoek have inspired each other 's work ?\"]\n", - "antoni van leeuwenhoek ( pictured in a portrait ) used his body as a guinea pig in an experimenton the seventh day , he removed the stocking and counted more than 80 eggs but no young lice .he took three lice , nestled them among the hairs of his calf , rolled up a tight stocking so that the insects were bound to his leg and then left the stocking on and did not bathe for six days .\n", - "at 41 van leeuwenhoek used his body as a guinea pig in an experimentvermeer spent hours peering into the box-like interior of a camera obscuracould vermeer and van leeuwenhoek have inspired each other 's work ?\n", - "[1.2761576 1.2286702 1.3225696 1.2389494 1.3116021 1.1855121 1.0931579\n", - " 1.0332098 1.0292029 1.102703 1.046582 1.0518653 1.074265 1.021048\n", - " 1.0151044 1.0148354 1.0313578 1.0211878 0. 0. ]\n", - "\n", - "[ 2 4 0 3 1 5 9 6 12 11 10 7 16 8 17 13 14 15 18 19]\n", - "=======================\n", - "[\"in the other emails president obama is labelled a monkey , welfare recipients are described as ` lazy ' and unable to speak english before being compared to dogs and black individuals are first lady michelle obama is called a tribeswoman .police captain richard henke ( left ) and city cleark mary ann twitty ( right ) were fired after exchanging racist emailsthe emails that resulted in the firings of two police officers and a court clerk in the city of ferguson , missouri were released on thursday .\"]\n", - "=======================\n", - "[\"the emails that resulted in the firings of two police officers and a court clerk in the city of ferguson , missouri were released on thursdayin one email a photo of ronald reagan holding a monkey is labeled ` rare photo of ronald reagan babysitting barack obama 'former police sergeant william mudd said he was getting his dogs welfare in one email as they are ` mixed in color , unemployed , lazy , ca n't speak english , and have no frigging clues who their daddies are 'in another sent by city clerk mary ann twitty , a group of tribespeople in native costumes is captioned ` michelle obama 's high school reunionmudd also sent an email that said a black woman in new orleans got $ 5,000 after having an abortion from ` crimestoppers 'disgraced police officer richard henke was responsible for sending the email that said of president obama ; ` what black man holds a steady job for four years '\"]\n", - "in the other emails president obama is labelled a monkey , welfare recipients are described as ` lazy ' and unable to speak english before being compared to dogs and black individuals are first lady michelle obama is called a tribeswoman .police captain richard henke ( left ) and city cleark mary ann twitty ( right ) were fired after exchanging racist emailsthe emails that resulted in the firings of two police officers and a court clerk in the city of ferguson , missouri were released on thursday .\n", - "the emails that resulted in the firings of two police officers and a court clerk in the city of ferguson , missouri were released on thursdayin one email a photo of ronald reagan holding a monkey is labeled ` rare photo of ronald reagan babysitting barack obama 'former police sergeant william mudd said he was getting his dogs welfare in one email as they are ` mixed in color , unemployed , lazy , ca n't speak english , and have no frigging clues who their daddies are 'in another sent by city clerk mary ann twitty , a group of tribespeople in native costumes is captioned ` michelle obama 's high school reunionmudd also sent an email that said a black woman in new orleans got $ 5,000 after having an abortion from ` crimestoppers 'disgraced police officer richard henke was responsible for sending the email that said of president obama ; ` what black man holds a steady job for four years '\n", - "[1.3165675 1.3951147 1.2423027 1.326318 1.0807744 1.0384706 1.142845\n", - " 1.085306 1.0845513 1.0785534 1.1626626 1.0678126 1.0529127 1.0889869\n", - " 1.059403 1.0294467 1.0678668 1.0142637 1.0210204 1.0646785]\n", - "\n", - "[ 1 3 0 2 10 6 13 7 8 4 9 16 11 19 14 12 5 15 18 17]\n", - "=======================\n", - "[\"the pair allegedly worked as a team to manipulate the results of a full body scanner at a security check-point in denver international airport last year , cbs4 reported .two tsa employees have been fired after they used the airport body scanner inappropriately to allow the male worker to fondle male passengers ' genitals .according to a denver police department report seen by daily mail online , the transportation security administration ( tsa ) received an anonymous tip in november last year that an employee had admitted to ` groping ' men who came through security .\"]\n", - "=======================\n", - "[\"the male employee and a female accomplice worked as a team to manipulate a screening system at denver international airport in 2014she would indicate a female was being screened when it was a male passenger after a signal when male worker found someone attractivethe tsa machine would then show up an ` anomaly ' in the genital area and the male tsa employee would pat down the male passenger 's genitalsboth tsa employees have been fired but criminal charges were not filed\"]\n", - "the pair allegedly worked as a team to manipulate the results of a full body scanner at a security check-point in denver international airport last year , cbs4 reported .two tsa employees have been fired after they used the airport body scanner inappropriately to allow the male worker to fondle male passengers ' genitals .according to a denver police department report seen by daily mail online , the transportation security administration ( tsa ) received an anonymous tip in november last year that an employee had admitted to ` groping ' men who came through security .\n", - "the male employee and a female accomplice worked as a team to manipulate a screening system at denver international airport in 2014she would indicate a female was being screened when it was a male passenger after a signal when male worker found someone attractivethe tsa machine would then show up an ` anomaly ' in the genital area and the male tsa employee would pat down the male passenger 's genitalsboth tsa employees have been fired but criminal charges were not filed\n", - "[1.0410272 1.1606405 1.442007 1.2878838 1.1377374 1.1006725 1.0615544\n", - " 1.0452306 1.213134 1.1466889 1.0730815 1.031964 1.0902379 1.1289628\n", - " 1.0377123 1.0164987 1.1262636 0. 0. 0. ]\n", - "\n", - "[ 2 3 8 1 9 4 13 16 5 12 10 6 7 0 14 11 15 18 17 19]\n", - "=======================\n", - "[\"redditor roxambops , aka roxy de la rosa posted the pictures of dozing alex elenes on the social networking site this week with the caption : ` went to the amazon , cousin slept everywhere . 'the traveller went on a trip of a lifetime to see the amazon rainforest ... but he missed the whole thing being asleep !cousin roxy said that her slumbering companion had been the one to push for the trip and that he chose the trip over going to machu picchu since he was set on seeing the jungle .\"]\n", - "=======================\n", - "['alex elenes persuaded his cousin to go to the amazon over machu picchuhe booked many exciting tours including a jungle trek and piranha fishingthe traveller slept through the entire trip , missing sloths and monkeyshis cousin roxy de la rosa posted the hilarious pictures on reddit']\n", - "redditor roxambops , aka roxy de la rosa posted the pictures of dozing alex elenes on the social networking site this week with the caption : ` went to the amazon , cousin slept everywhere . 'the traveller went on a trip of a lifetime to see the amazon rainforest ... but he missed the whole thing being asleep !cousin roxy said that her slumbering companion had been the one to push for the trip and that he chose the trip over going to machu picchu since he was set on seeing the jungle .\n", - "alex elenes persuaded his cousin to go to the amazon over machu picchuhe booked many exciting tours including a jungle trek and piranha fishingthe traveller slept through the entire trip , missing sloths and monkeyshis cousin roxy de la rosa posted the hilarious pictures on reddit\n", - "[1.1836038 1.5659144 1.2601929 1.3389664 1.248462 1.2086351 1.0617416\n", - " 1.0482895 1.0800362 1.093053 1.1100724 1.1082207 1.1134951 1.0678719\n", - " 1.050092 1.010497 1.0105968 1.0094014 1.0083313 1.0357941 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 5 0 12 10 11 9 8 13 6 14 7 19 16 15 17 18 22 20 21 23]\n", - "=======================\n", - "['marian carole rees was 13 when she disappeared from hillsdale in southern sydney in early april 1975 after telling a friend that she had forgotten something and jumped off her school bus .marion carole rees ( pictured ) who went missing 40 years ago may still be alive , according to an inquestthe teenager often talked of running away from home and had said goodbye to her brother on the morning she disappeared , magistrate sharon freund said in findings handed down on thursday .']\n", - "=======================\n", - "['a 13-year-old girl who vanished 40 years ago may still be alivemarian carole rees disappeared from hillsdale in southern sydneyshe often talked about running away and an inquest has heard it was not suspiciousmagistrate sharon freund believes she may still want to avoid detectionshe said she was unconvinced that ms rees is dead']\n", - "marian carole rees was 13 when she disappeared from hillsdale in southern sydney in early april 1975 after telling a friend that she had forgotten something and jumped off her school bus .marion carole rees ( pictured ) who went missing 40 years ago may still be alive , according to an inquestthe teenager often talked of running away from home and had said goodbye to her brother on the morning she disappeared , magistrate sharon freund said in findings handed down on thursday .\n", - "a 13-year-old girl who vanished 40 years ago may still be alivemarian carole rees disappeared from hillsdale in southern sydneyshe often talked about running away and an inquest has heard it was not suspiciousmagistrate sharon freund believes she may still want to avoid detectionshe said she was unconvinced that ms rees is dead\n", - "[1.2657585 1.4869199 1.2668589 1.2794179 1.0190082 1.063453 1.0945878\n", - " 1.0583667 1.0747538 1.0892564 1.0934082 1.0892968 1.134604 1.0562514\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 12 6 10 11 9 8 5 7 13 4 22 14 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "['the 173 lots include the issa dress as worn by kate middleton for her engagement photos , and designs similar to those seen on the fashionable feet of carrie and samantha in sex and the city .bid time : 173 lots of designer brands worth from # 300 to thousands are set to go up for auction on april 28 .the items , which are in immaculate condition , come from the lifetime collection of an anonymous single lady owner , and her family are now selling them and donating the money to charity .']\n", - "=======================\n", - "[\"single lady leaves legacy of labels including chanel , gucci and pradabid on designs worn by kate middleton and satc 's carrie and samanthahouse & son auctioneers in bournemouth to sell the 173 designer lotsworth from # 300 to thousands , the no-reserve lots could go for a bargain\"]\n", - "the 173 lots include the issa dress as worn by kate middleton for her engagement photos , and designs similar to those seen on the fashionable feet of carrie and samantha in sex and the city .bid time : 173 lots of designer brands worth from # 300 to thousands are set to go up for auction on april 28 .the items , which are in immaculate condition , come from the lifetime collection of an anonymous single lady owner , and her family are now selling them and donating the money to charity .\n", - "single lady leaves legacy of labels including chanel , gucci and pradabid on designs worn by kate middleton and satc 's carrie and samanthahouse & son auctioneers in bournemouth to sell the 173 designer lotsworth from # 300 to thousands , the no-reserve lots could go for a bargain\n", - "[1.3426359 1.1987215 1.5438137 1.3606001 1.2253772 1.1124715 1.0631047\n", - " 1.0381608 1.023793 1.0166814 1.0211879 1.105388 1.031312 1.0253954\n", - " 1.0273876 1.0581024 1.0139704 1.1324457 1.0358038 1.1524894 1.046291\n", - " 1.0140399 0. 0. ]\n", - "\n", - "[ 2 3 0 4 1 19 17 5 11 6 15 20 7 18 12 14 13 8 10 9 21 16 22 23]\n", - "=======================\n", - "[\"sophie wilson , 17 , performed cpr on bradley parkes after she and a friend found him hanging from a tree in the woods near his home in willenhall , in coventry .the 16-year-old was taken to birmingham children 's hospital in a coma but yesterday his mother tiffany , 35 , revealed he had made a ` miracle ' recovery , as she thanked the girls .sophie and katie alwill , 18 , raised the alarm and summoned help after they stumbled across the teenager during a woodland walk\"]\n", - "=======================\n", - "[\"schoolboy bradley parkes , 16 , discovered hanging in woods in coventrysophie wilson , 17 , performed cpr on the teen after raising the alarmbradley 's mother said he had been bullied and terrorised by gangsays her son is now out of coma and thanked the girls who found him\"]\n", - "sophie wilson , 17 , performed cpr on bradley parkes after she and a friend found him hanging from a tree in the woods near his home in willenhall , in coventry .the 16-year-old was taken to birmingham children 's hospital in a coma but yesterday his mother tiffany , 35 , revealed he had made a ` miracle ' recovery , as she thanked the girls .sophie and katie alwill , 18 , raised the alarm and summoned help after they stumbled across the teenager during a woodland walk\n", - "schoolboy bradley parkes , 16 , discovered hanging in woods in coventrysophie wilson , 17 , performed cpr on the teen after raising the alarmbradley 's mother said he had been bullied and terrorised by gangsays her son is now out of coma and thanked the girls who found him\n", - "[1.5185356 1.464752 1.1529162 1.5802846 1.2444535 1.1483831 1.0763582\n", - " 1.0330316 1.0221845 1.020483 1.0255643 1.0172971 1.0174834 1.0209421\n", - " 1.0174699 1.0142419 1.023906 1.020099 1.0583466 1.0969225 1.0114081\n", - " 1.0120188 1.0106071 1.0093985]\n", - "\n", - "[ 3 0 1 4 2 5 19 6 18 7 10 16 8 13 9 17 12 14 11 15 21 20 22 23]\n", - "=======================\n", - "['mirko filipovic ( right ) faces gabriel gonzaga in poland on saturday , eight years after losing to the brazilianbut he is confident he can avenge the defeat on home territory .filipovic admitted revenge is a motivating factor ahead of the encounter against gonzaga']\n", - "=======================\n", - "[\"mirko filipovic aims to avenge 2007 first-round defeat to gabriel gonzagafilipovic was beaten by a head-kick from the brazilian eight years agohe admitted revenge is a motivating factor ahead of saturday 's bout\"]\n", - "mirko filipovic ( right ) faces gabriel gonzaga in poland on saturday , eight years after losing to the brazilianbut he is confident he can avenge the defeat on home territory .filipovic admitted revenge is a motivating factor ahead of the encounter against gonzaga\n", - "mirko filipovic aims to avenge 2007 first-round defeat to gabriel gonzagafilipovic was beaten by a head-kick from the brazilian eight years agohe admitted revenge is a motivating factor ahead of saturday 's bout\n", - "[1.0968457 1.4280045 1.4133263 1.1293715 1.1784948 1.0720384 1.0522354\n", - " 1.2107772 1.0845654 1.0360346 1.0335891 1.0368642 1.0203067 1.0243604\n", - " 1.0266755 1.021552 1.0186604 1.0174421 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 7 4 3 0 8 5 6 11 9 10 14 13 15 12 16 17 22 18 19 20 21 23]\n", - "=======================\n", - "[\"a hilarious new hashtag has popped up on social media site instagram exposing some of these ` awful ' that things parents do to their children - such as giving them a bath ( how dare they ) , putting them in their high chair ( so mean ) , and even giving them cookies ( what a truly evil thing to do ) .# a ** holeparent has almost 4000 posts from parents all over world , admitting through their uploaded pictures to cleaning , feeding , and entertaining their children to their immense dissatisfaction .most of the photos show children crying , followed by an explanation of exactly what their parent has done to upset them so . '\"]\n", - "=======================\n", - "[\"# a ** holeparents is a hashtag on instagram to expose ` flawed parenting 'parents posts pictures of their children crying with the hashtagchildren are shown crying because they are being fed and cleanedi would n't let her have a knife , ' captioned one snap of a child sobbingthe hashtag has almost 4000 posts from parents all over the world\"]\n", - "a hilarious new hashtag has popped up on social media site instagram exposing some of these ` awful ' that things parents do to their children - such as giving them a bath ( how dare they ) , putting them in their high chair ( so mean ) , and even giving them cookies ( what a truly evil thing to do ) .# a ** holeparent has almost 4000 posts from parents all over world , admitting through their uploaded pictures to cleaning , feeding , and entertaining their children to their immense dissatisfaction .most of the photos show children crying , followed by an explanation of exactly what their parent has done to upset them so . '\n", - "# a ** holeparents is a hashtag on instagram to expose ` flawed parenting 'parents posts pictures of their children crying with the hashtagchildren are shown crying because they are being fed and cleanedi would n't let her have a knife , ' captioned one snap of a child sobbingthe hashtag has almost 4000 posts from parents all over the world\n", - "[1.4451212 1.3255792 1.2953398 1.1176567 1.0716773 1.0737028 1.0219387\n", - " 1.0256625 1.0264156 1.0368742 1.0338194 1.0256631 1.1526632 1.1106113\n", - " 1.0649449 1.0978777 1.2601197 1.0847588 1.1204667 1.0368205]\n", - "\n", - "[ 0 1 2 16 12 18 3 13 15 17 5 4 14 9 19 10 8 11 7 6]\n", - "=======================\n", - "[\"relief : chrystie crownover told gma on monday that she watched her ex-husband , bruce jenner 's dramatic abc diane sawyer interview with the olympic athlete and their childrenspeaking to gma in a tearful interview , chrystie crownover , the daughter of a mormon minister , told how the olympic champion first opened up to her when they married in 1972 . 'chrystie was the first to learn about bruce 's gender confusion and has kept his secret .\"]\n", - "=======================\n", - "[\"chrystie crownover told gma that bruce revealed his ` true self ' the year they were married in 1972chrystie told gma that she has kept his secret for the past 43-yearsrevealed she was shocked at first but was pleased he told her and ` never felt threatened 'told gma that she watched friday 's diane sawyer interview with brucethe olympic champion and chrystie have two children together and are grandparents\"]\n", - "relief : chrystie crownover told gma on monday that she watched her ex-husband , bruce jenner 's dramatic abc diane sawyer interview with the olympic athlete and their childrenspeaking to gma in a tearful interview , chrystie crownover , the daughter of a mormon minister , told how the olympic champion first opened up to her when they married in 1972 . 'chrystie was the first to learn about bruce 's gender confusion and has kept his secret .\n", - "chrystie crownover told gma that bruce revealed his ` true self ' the year they were married in 1972chrystie told gma that she has kept his secret for the past 43-yearsrevealed she was shocked at first but was pleased he told her and ` never felt threatened 'told gma that she watched friday 's diane sawyer interview with brucethe olympic champion and chrystie have two children together and are grandparents\n", - "[1.3735635 1.3509243 1.1976702 1.117747 1.2693896 1.0777702 1.0314445\n", - " 1.036196 1.0871305 1.0584885 1.1897055 1.0271895 1.0768502 1.1246259\n", - " 1.0124118 1.0545003 1.0172238 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 10 13 3 8 5 12 9 15 7 6 11 16 14 17 18 19]\n", - "=======================\n", - "[\"yemeni rebels have seized president abedrabbo mansour hadi 's palace on the same day al-qaeda militants freed hundreds of inmates in a jailbreak .security officials said member of al-qaeda stormed a hadramawt provincial prison in southeast yemen and freed more than 300 inmates , including one of their leaders khalid batarfi .two guards and five inmates were killed in clashes , the official said .\"]\n", - "=======================\n", - "['300 inmates including al-qaeda leader freed during breakout at jailtwo guards and five inmates killed in clashes44 people , including 18 civilians , reportedly killed in city of adensecurity officials later confirmed fall of the palace']\n", - "yemeni rebels have seized president abedrabbo mansour hadi 's palace on the same day al-qaeda militants freed hundreds of inmates in a jailbreak .security officials said member of al-qaeda stormed a hadramawt provincial prison in southeast yemen and freed more than 300 inmates , including one of their leaders khalid batarfi .two guards and five inmates were killed in clashes , the official said .\n", - "300 inmates including al-qaeda leader freed during breakout at jailtwo guards and five inmates killed in clashes44 people , including 18 civilians , reportedly killed in city of adensecurity officials later confirmed fall of the palace\n", - "[1.2070866 1.4314234 1.1697432 1.2854081 1.2366637 1.1549838 1.1639568\n", - " 1.0430554 1.0902635 1.0545512 1.0142667 1.021348 1.0241668 1.0430791\n", - " 1.1331477 1.2028425 1.1233294 1.0292466 0. 0. ]\n", - "\n", - "[ 1 3 4 0 15 2 6 5 14 16 8 9 13 7 17 12 11 10 18 19]\n", - "=======================\n", - "['revellers in the remote village in jharkhand state tie themselves upside down onto a wooden pole that hand hangs just feet above a raging fire .locals believe that the unusual practice helps protect the village from drought and disease , adding that criticism over the safety is misguided and there are no reports of those taking part ever being injured .unusual : villagers , including children as young as 10 , roast themselves over the open fire in the hope it will bring them good luck']\n", - "=======================\n", - "['locals in the remote area of jharkhand state believe the ceremony has the power to protect their villageparticipants are tied to a wooden pole by their feet and gradually lowered into the roaring flames belowas those taking part get closer to the fire , a hindu priest throws oil to intensify the blaze ever furtherthose escaping injury are deemed worthy to take part in the next stage of the ceremony - walking on hot coals']\n", - "revellers in the remote village in jharkhand state tie themselves upside down onto a wooden pole that hand hangs just feet above a raging fire .locals believe that the unusual practice helps protect the village from drought and disease , adding that criticism over the safety is misguided and there are no reports of those taking part ever being injured .unusual : villagers , including children as young as 10 , roast themselves over the open fire in the hope it will bring them good luck\n", - "locals in the remote area of jharkhand state believe the ceremony has the power to protect their villageparticipants are tied to a wooden pole by their feet and gradually lowered into the roaring flames belowas those taking part get closer to the fire , a hindu priest throws oil to intensify the blaze ever furtherthose escaping injury are deemed worthy to take part in the next stage of the ceremony - walking on hot coals\n", - "[1.1337901 1.3741809 1.3958476 1.3173995 1.236018 1.141628 1.0916011\n", - " 1.0483574 1.0586686 1.0470247 1.0462265 1.0868661 1.068973 1.0559034\n", - " 1.033389 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 4 5 0 6 11 12 8 13 7 9 10 14 18 15 16 17 19]\n", - "=======================\n", - "[\"the mum-of-twins claims her account was deleted because the images were deemed to contain inappropriate ` nudity and violence ' which breach the site 's decency guidelines .hannah moore , 20 , from broxburn in west lothian , did n't get that far though ; her images of the stretchmarks on her tummy were vetoed by the world 's biggest photo-sharing website within minutes of her posting them .she gave birth to twin girls lily and grace ( pictured above with fiance david johnstone , 22 ) in june last year\"]\n", - "=======================\n", - "['young mum hannah moore , 20 , had shots of her stretchmarks taken downinstagram has also censored images of periods , pubic hair and nipplesyet provocative images of bikini models are deemed appropriatethose who have had their shots censored accuse the site of sexism']\n", - "the mum-of-twins claims her account was deleted because the images were deemed to contain inappropriate ` nudity and violence ' which breach the site 's decency guidelines .hannah moore , 20 , from broxburn in west lothian , did n't get that far though ; her images of the stretchmarks on her tummy were vetoed by the world 's biggest photo-sharing website within minutes of her posting them .she gave birth to twin girls lily and grace ( pictured above with fiance david johnstone , 22 ) in june last year\n", - "young mum hannah moore , 20 , had shots of her stretchmarks taken downinstagram has also censored images of periods , pubic hair and nipplesyet provocative images of bikini models are deemed appropriatethose who have had their shots censored accuse the site of sexism\n", - "[1.3406547 1.345654 1.1826196 1.3491081 1.2350229 1.1686811 1.0795094\n", - " 1.0464021 1.0209972 1.0389761 1.066088 1.0795648 1.0687711 1.1362284\n", - " 1.0598998 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 4 2 5 13 11 6 12 10 14 7 9 8 15 16 17 18 19]\n", - "=======================\n", - "[\"nick clegg was heckled by tuition fees protesters while out campaigning in surbiton , south west london , today - while lib dem supporters tried to intervenemr clegg ignored the protesters as he stuck to his message that only the lib dems can be trusted to balance the budget without hitting the poor .the lib dem leader 's campaign stop came after he launched a furious attack on the ` ideological ' cuts planned by the tories .\"]\n", - "=======================\n", - "[\"deputy pm was met by protesters in surbiton , south-west londonprotesters chanted : ` nick clegg lied to me , he said uni would be free 'mr clegg ignored the protesters and launched new assault on the torieshe said george osborne 's plan was ` socially and morally unacceptable '\"]\n", - "nick clegg was heckled by tuition fees protesters while out campaigning in surbiton , south west london , today - while lib dem supporters tried to intervenemr clegg ignored the protesters as he stuck to his message that only the lib dems can be trusted to balance the budget without hitting the poor .the lib dem leader 's campaign stop came after he launched a furious attack on the ` ideological ' cuts planned by the tories .\n", - "deputy pm was met by protesters in surbiton , south-west londonprotesters chanted : ` nick clegg lied to me , he said uni would be free 'mr clegg ignored the protesters and launched new assault on the torieshe said george osborne 's plan was ` socially and morally unacceptable '\n", - "[1.2455711 1.4932203 1.4725525 1.2164263 1.069367 1.0399632 1.0844197\n", - " 1.1207153 1.1082976 1.0218905 1.2285802 1.0451092 1.0539668 1.012849\n", - " 1.0148553 1.0084851 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 10 3 7 8 6 4 12 11 5 9 14 13 15 19 16 17 18 20]\n", - "=======================\n", - "[\"laura stevens ' photo series ` another november ' captures the stages grief following the breakdown of a relationship .the british photographer , 38 , who lives in paris , found inspiration for the series after her own painful break up .` jessica ' from the series another november by laura stevens shows a woman sitting in a foetal position next to crumpled bed covers\"]\n", - "=======================\n", - "[\"laura stevens , 38 , who lives in paris , suffered a painful relationship break-upbritish photographer asked friends and women she met to pose for photos of ` how she was feeling 'therapeutic , personal project is called another november ( the month in which she and her partner separated )\"]\n", - "laura stevens ' photo series ` another november ' captures the stages grief following the breakdown of a relationship .the british photographer , 38 , who lives in paris , found inspiration for the series after her own painful break up .` jessica ' from the series another november by laura stevens shows a woman sitting in a foetal position next to crumpled bed covers\n", - "laura stevens , 38 , who lives in paris , suffered a painful relationship break-upbritish photographer asked friends and women she met to pose for photos of ` how she was feeling 'therapeutic , personal project is called another november ( the month in which she and her partner separated )\n", - "[1.2471458 1.299242 1.3743328 1.2991563 1.2435912 1.1346942 1.1582778\n", - " 1.0289854 1.0320225 1.2244974 1.0722904 1.1214935 1.051888 1.0956582\n", - " 1.0268358 1.0102462 1.0124372 1.011862 1.0145915 1.0466677 0. ]\n", - "\n", - "[ 2 1 3 0 4 9 6 5 11 13 10 12 19 8 7 14 18 16 17 15 20]\n", - "=======================\n", - "['the swedish firm says producing the new version uses far less energy than making the pork and beef variety .the dish loved by millions of british customers is to get a meat-free makeover that it is claimed will cut carbon emissions by half .it changed the world with its flat-pack furniture and now ikea wants to save the planet ... with vegetarian meatballs .']\n", - "=======================\n", - "[\"ikea hopes to save the planet with chickpea and kale ` veggie balls 'the ` non-meat meatball ' also contains carrots , peppers and peasswedish flat-pack firm sells one billion regular meatballs every year\"]\n", - "the swedish firm says producing the new version uses far less energy than making the pork and beef variety .the dish loved by millions of british customers is to get a meat-free makeover that it is claimed will cut carbon emissions by half .it changed the world with its flat-pack furniture and now ikea wants to save the planet ... with vegetarian meatballs .\n", - "ikea hopes to save the planet with chickpea and kale ` veggie balls 'the ` non-meat meatball ' also contains carrots , peppers and peasswedish flat-pack firm sells one billion regular meatballs every year\n", - "[1.3647213 1.2641045 1.2794594 1.1471597 1.4037814 1.1388129 1.086125\n", - " 1.0446657 1.041453 1.0549191 1.0294794 1.0512064 1.0471933 1.0532824\n", - " 1.0150554 1.1955333 1.0996985 1.0805905 1.0907323 0. 0. ]\n", - "\n", - "[ 4 0 2 1 15 3 5 16 18 6 17 9 13 11 12 7 8 10 14 19 20]\n", - "=======================\n", - "[\"ankit keshri had passed away after suffering a cardiac arrest following an on-field injury in kolkatasachin tendulkar has paid tribute to a ` promising ' indian cricketer who has died after colliding with a team-mate while attempting to take a catch during a club match in kolkata .keshri was only playing as a substitute fielder having been the 12th man .\"]\n", - "=======================\n", - "['ankit keshri was on the pitch as a substitute fielder having been 12th man20-year-old did regain consciousness after colliding with team-matesachin tendulkar is one of several stars to give his condolences']\n", - "ankit keshri had passed away after suffering a cardiac arrest following an on-field injury in kolkatasachin tendulkar has paid tribute to a ` promising ' indian cricketer who has died after colliding with a team-mate while attempting to take a catch during a club match in kolkata .keshri was only playing as a substitute fielder having been the 12th man .\n", - "ankit keshri was on the pitch as a substitute fielder having been 12th man20-year-old did regain consciousness after colliding with team-matesachin tendulkar is one of several stars to give his condolences\n", - "[1.2890873 1.2735841 1.2522662 1.1823425 1.2543113 1.2294309 1.0435125\n", - " 1.0325671 1.0496285 1.0633053 1.0756998 1.0592756 1.0448837 1.0550077\n", - " 1.0268201 1.020244 1.0345361 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 5 3 10 9 11 13 8 12 6 16 7 14 15 19 17 18 20]\n", - "=======================\n", - "['washington ( cnn ) in 2011 , al qaeda took warren weinstein hostage .then , about a year later , his family paid money to his captors , said a pakistani source who was in regular contact with the kidnappers .she has been described as the \" poster girl \" for islamic jihad and is serving an 86-year sentence in the united states .']\n", - "=======================\n", - "['about a year after al qaeda took warren weinstein hostage , his family paid a ransom , a pakistani source saysthe captors demanded that other prisoners be released , the source saysweinstein , an american aid worker , was killed in a drone strike in january , the u.s. says']\n", - "washington ( cnn ) in 2011 , al qaeda took warren weinstein hostage .then , about a year later , his family paid money to his captors , said a pakistani source who was in regular contact with the kidnappers .she has been described as the \" poster girl \" for islamic jihad and is serving an 86-year sentence in the united states .\n", - "about a year after al qaeda took warren weinstein hostage , his family paid a ransom , a pakistani source saysthe captors demanded that other prisoners be released , the source saysweinstein , an american aid worker , was killed in a drone strike in january , the u.s. says\n", - "[1.5279236 1.4569858 1.2054073 1.4111737 1.1232213 1.1314778 1.0750175\n", - " 1.0257297 1.0165603 1.024516 1.0548879 1.0205165 1.0373728 1.0217078\n", - " 1.0202322 1.022024 1.021004 1.0178227 1.0626309 1.0888308 1.016718 ]\n", - "\n", - "[ 0 1 3 2 5 4 19 6 18 10 12 7 9 15 13 16 11 14 17 20 8]\n", - "=======================\n", - "[\"thierry henry has hit out at javier hernandez for celebrating his late champions league winner against atletico madrid ` like he had just won the world cup ' .the real madrid striker sent home fans into raptures when he swept in a pass from cristiano ronaldo with just two minutes left to play after neat work by the portugal international .hernandez opted to run to the corner and celebrate on his own following his winner but henry feels the forward , on loan from manchester united , owes all the credit to his team-mate .\"]\n", - "=======================\n", - "['former arsenal attacker thierry henry criticised javier hernandezhernandez scored late to earn real madrid champions league victorybut , henry feels the mexican owes all the credit to cristiano ronaldoronaldo provided the assist for the on-loan striker to tap home late onclick here for our lowdown on the uefa champions league final four']\n", - "thierry henry has hit out at javier hernandez for celebrating his late champions league winner against atletico madrid ` like he had just won the world cup ' .the real madrid striker sent home fans into raptures when he swept in a pass from cristiano ronaldo with just two minutes left to play after neat work by the portugal international .hernandez opted to run to the corner and celebrate on his own following his winner but henry feels the forward , on loan from manchester united , owes all the credit to his team-mate .\n", - "former arsenal attacker thierry henry criticised javier hernandezhernandez scored late to earn real madrid champions league victorybut , henry feels the mexican owes all the credit to cristiano ronaldoronaldo provided the assist for the on-loan striker to tap home late onclick here for our lowdown on the uefa champions league final four\n", - "[1.2589861 1.4371848 1.2323543 1.1384233 1.1269474 1.0631629 1.0250459\n", - " 1.0198727 1.1950538 1.2063601 1.118641 1.0425999 1.0470407 1.0324101\n", - " 1.0240425 0. 0. ]\n", - "\n", - "[ 1 0 2 9 8 3 4 10 5 12 11 13 6 14 7 15 16]\n", - "=======================\n", - "[\"having led the chasing pack for most of the season , the blues are currently seven points clear with a game in hand over their closest rivals and seven games remaining ahead of the weekend 's visit of manchester united .chelsea have turned to the latest fitness technology to carry them over the line towards the premier league title following a relentless campaign .despite their commanding position , jose mourinho 's side is leaving nothing to chance as players hit the gym following the announcement of a partnership with leading wellness solutions provider technogym - who have kitted out their cobham training ground with state-of-the-art equipment .\"]\n", - "=======================\n", - "[\"chelsea are seven points clear at the top of the premier league tableblues have announced partnership with fitness leaders technogymkurt zouma , eden hazard and nemanja matic have been working outjose mourinho 's side host man united at stamford bridge on saturday\"]\n", - "having led the chasing pack for most of the season , the blues are currently seven points clear with a game in hand over their closest rivals and seven games remaining ahead of the weekend 's visit of manchester united .chelsea have turned to the latest fitness technology to carry them over the line towards the premier league title following a relentless campaign .despite their commanding position , jose mourinho 's side is leaving nothing to chance as players hit the gym following the announcement of a partnership with leading wellness solutions provider technogym - who have kitted out their cobham training ground with state-of-the-art equipment .\n", - "chelsea are seven points clear at the top of the premier league tableblues have announced partnership with fitness leaders technogymkurt zouma , eden hazard and nemanja matic have been working outjose mourinho 's side host man united at stamford bridge on saturday\n", - "[1.4365492 1.1651014 1.4437468 1.2401601 1.1715031 1.0700718 1.1048673\n", - " 1.0453253 1.0665336 1.1232989 1.0626559 1.1049004 1.0339348 1.0565722\n", - " 1.0134712 1.0147039 0. ]\n", - "\n", - "[ 2 0 3 4 1 9 11 6 5 8 10 13 7 12 15 14 16]\n", - "=======================\n", - "[\"tamara pacskowska pretended to be 76-year-old georgina bagnall-oakley at meetings with estate agents and solicitors in november last year over sale of the home in bayswater , west london .tamara pacskowska , who posed as a wealthy pensioner to try and sell a # 1million bayswater mews house from under the owner 's nosethe 56-year-old , from croydon , south london , could not speak english and took her daughter-in-law monika brzezinska , 34 , along with her on the visits to help her translate .\"]\n", - "=======================\n", - "['tamara pacskowska pretended to be 76-year-old georgina bagnall-oakleytried to sell her # 1million bayswater mews home from under her noserecruited daughter-in-law monika brzezinska to translate agent meetingsthey planned to sell the home to fellow conman benjamin khoury , aged 26']\n", - "tamara pacskowska pretended to be 76-year-old georgina bagnall-oakley at meetings with estate agents and solicitors in november last year over sale of the home in bayswater , west london .tamara pacskowska , who posed as a wealthy pensioner to try and sell a # 1million bayswater mews house from under the owner 's nosethe 56-year-old , from croydon , south london , could not speak english and took her daughter-in-law monika brzezinska , 34 , along with her on the visits to help her translate .\n", - "tamara pacskowska pretended to be 76-year-old georgina bagnall-oakleytried to sell her # 1million bayswater mews home from under her noserecruited daughter-in-law monika brzezinska to translate agent meetingsthey planned to sell the home to fellow conman benjamin khoury , aged 26\n", - "[1.1650279 1.522244 1.2128218 1.3100291 1.214293 1.1507188 1.1005214\n", - " 1.0788714 1.0788392 1.0844153 1.0372357 1.0448714 1.0767235 1.1105917\n", - " 1.0238624 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 5 13 6 9 7 8 12 11 10 14 15 16]\n", - "=======================\n", - "['amol gupta , from manhattan , is suing zogsports kickball league claiming that during a match two years ago he ran into a brick wall , breaking his nose and elbow , and also injuring his spine .filed of dreams : the match at the center of the lawsuit took place april 27 , 2013 , on roosevelt islandkickball is a popular american schoolyard game akin to baseball where players kick the ball to bat instead of using bats .']\n", - "=======================\n", - "['amol gupta was playing in a match on roosevelt island in april 2013 when he injured himselfgupta suffered a broke nose and elbow , and damaged his spine when he slammed into retaining wallkickball game was organized by zogsports league']\n", - "amol gupta , from manhattan , is suing zogsports kickball league claiming that during a match two years ago he ran into a brick wall , breaking his nose and elbow , and also injuring his spine .filed of dreams : the match at the center of the lawsuit took place april 27 , 2013 , on roosevelt islandkickball is a popular american schoolyard game akin to baseball where players kick the ball to bat instead of using bats .\n", - "amol gupta was playing in a match on roosevelt island in april 2013 when he injured himselfgupta suffered a broke nose and elbow , and damaged his spine when he slammed into retaining wallkickball game was organized by zogsports league\n", - "[1.3202108 1.4192585 1.3068931 1.1064699 1.084534 1.1650552 1.0285846\n", - " 1.0934296 1.0890993 1.1436276 1.0638484 1.128026 1.0724654 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 5 9 11 3 7 8 4 12 10 6 13 14 15 16]\n", - "=======================\n", - "['gov. andrew cuomo said friday that more than 160 patients in nine days have been rushed to hospitals across the state for adverse reactions to synthetic cannabinoid , known as \" spice \" or \" k2 . \"new york ( cnn ) new york state authorities have issued a health alert following a dramatic spike in hospital visits for synthetic marijuana-related emergencies .synthetic marijuana is popular among teens because it is marketed as incense or natural products to \" mask its true purpose , \" the health department statement said .']\n", - "=======================\n", - "['new york reports 160 hospitalizations related to synthetic marijuanagov. andrew cuomo issued a health alert']\n", - "gov. andrew cuomo said friday that more than 160 patients in nine days have been rushed to hospitals across the state for adverse reactions to synthetic cannabinoid , known as \" spice \" or \" k2 . \"new york ( cnn ) new york state authorities have issued a health alert following a dramatic spike in hospital visits for synthetic marijuana-related emergencies .synthetic marijuana is popular among teens because it is marketed as incense or natural products to \" mask its true purpose , \" the health department statement said .\n", - "new york reports 160 hospitalizations related to synthetic marijuanagov. andrew cuomo issued a health alert\n", - "[1.362892 1.2841445 1.2002985 1.2772777 1.0764903 1.0911422 1.1428437\n", - " 1.0384547 1.0415715 1.1078923 1.0309646 1.0301645 1.0512562 1.0480514\n", - " 1.0808262 1.0868633 1.0636748]\n", - "\n", - "[ 0 1 3 2 6 9 5 15 14 4 16 12 13 8 7 10 11]\n", - "=======================\n", - "['( cnn ) two of the best actresses on television are back on \" the big bang theory \" -- one of our six suggested things to watch this week .tv \\'s top comedy will see the return of christine baranski and laurie metcalf as the mothers of leonard and sheldon , respectively .scarlett johannsson is the host , the day after her new blockbuster \" avengers \" movie opens nationwide .']\n", - "=======================\n", - "['the two moms from \" big bang theory \" guest star this week\" backstrom , \" \" blue bloods \" are among the week \\'s season finalescomedy \" younger \" is gaining big buzz']\n", - "( cnn ) two of the best actresses on television are back on \" the big bang theory \" -- one of our six suggested things to watch this week .tv 's top comedy will see the return of christine baranski and laurie metcalf as the mothers of leonard and sheldon , respectively .scarlett johannsson is the host , the day after her new blockbuster \" avengers \" movie opens nationwide .\n", - "the two moms from \" big bang theory \" guest star this week\" backstrom , \" \" blue bloods \" are among the week 's season finalescomedy \" younger \" is gaining big buzz\n", - "[1.4130232 1.4481889 1.2011834 1.4270222 1.2535948 1.1025354 1.2605697\n", - " 1.0758206 1.0350448 1.0701361 1.0672072 1.0358198 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 6 4 2 5 7 9 10 11 8 22 21 20 19 18 12 16 15 14 13 23 17\n", - " 24]\n", - "=======================\n", - "[\"the 19-year-old was in contention to play for the club 's under-21s against derby on wednesday evening along with fellow long-term absentee siem de jong .newcastle midfielder rolando aarons has suffered another injury setback and may not play again this seasonmidfielder moussa sissoko was sent off during monday night 's loss at liverpool to ensure his own enforced spell on the sidelines just as carver prepares to welcome skipper fabricio coloccini back from a three-match ban .\"]\n", - "=======================\n", - "['rolando aarons was in contention to play for under 21s on wednesdaythe 19-year-old newcastle midfielder has suffered another injury setbackthe magpies have lost their last five barclays premier league matches']\n", - "the 19-year-old was in contention to play for the club 's under-21s against derby on wednesday evening along with fellow long-term absentee siem de jong .newcastle midfielder rolando aarons has suffered another injury setback and may not play again this seasonmidfielder moussa sissoko was sent off during monday night 's loss at liverpool to ensure his own enforced spell on the sidelines just as carver prepares to welcome skipper fabricio coloccini back from a three-match ban .\n", - "rolando aarons was in contention to play for under 21s on wednesdaythe 19-year-old newcastle midfielder has suffered another injury setbackthe magpies have lost their last five barclays premier league matches\n", - "[1.5427499 1.4901841 1.4339141 1.18115 1.1858613 1.0298325 1.0313499\n", - " 1.0230933 1.374408 1.0156909 1.0240904 1.0365237 1.0954182 1.0115238\n", - " 1.0135014 1.0084335 1.009268 1.0080495 1.0294304 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 8 4 3 12 11 6 5 18 10 7 9 14 13 16 15 17 23 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"juan mata described manchester united 's 4-2 derby victory as a ` massive win ' as they opened up a four-point gap on manchester city .united had lost their last four meetings with city but goals from ashley young , marouane fellaini , mata and chris smalling gave the red devils their biggest derby win for six years .sergio aguero opened the scoring and also netted late on for his 100th city goal but united were by far the better team to tighten their grip on third spot in the barclays premier league .\"]\n", - "=======================\n", - "[\"juan mata scored as manchester united thumped manchester cityvictory sends louis van gaal 's side four points clear of their rivals in thirdmanchester united are now just one point adrift of second placed arsenalmata has challenged his teammates to keep on fighting right to the end\"]\n", - "juan mata described manchester united 's 4-2 derby victory as a ` massive win ' as they opened up a four-point gap on manchester city .united had lost their last four meetings with city but goals from ashley young , marouane fellaini , mata and chris smalling gave the red devils their biggest derby win for six years .sergio aguero opened the scoring and also netted late on for his 100th city goal but united were by far the better team to tighten their grip on third spot in the barclays premier league .\n", - "juan mata scored as manchester united thumped manchester cityvictory sends louis van gaal 's side four points clear of their rivals in thirdmanchester united are now just one point adrift of second placed arsenalmata has challenged his teammates to keep on fighting right to the end\n", - "[1.2030106 1.5328276 1.2829217 1.4260806 1.257935 1.1017917 1.0238111\n", - " 1.0335063 1.0255603 1.0627583 1.0483966 1.0564077 1.0316985 1.0559042\n", - " 1.1291176 1.0923443 1.1056505 1.2497867 1.0319022 1.0413446 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 17 0 14 16 5 15 9 11 13 10 19 7 18 12 8 6 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"denise chiffon berry and her son were driving in hawthorne , california on wednesday afternoon when they passed by three men in a cadillac - one of whom had his legs dangling out of the window .the mother and son allegedly laughed at the scene , but someone in the car did n't find it funny when he made eye contact with the 12-year-old boy .a 44-year-old woman has been shot dead in front of her 12-year-old son by a stranger she simply laughed at while passing him in her car .\"]\n", - "=======================\n", - "[\"denise chiffon berry , 44 , was driving in hawthorne , california with her unidentified 12-year-old son on wednesdayaround 12:30 pm , her son saw a man riding in a cadillac with his feet handing out the window and the two laughed at the scenewhen the cadillac began following their vehicle , ms berry pulled over to ask a police officer for helpthat 's when raymond washington , who was in the front passenger seat , got out of the cadillac and started shooting at ms berry and her sonms berry died at her scene while her son survived ; washington was shot dead by the police officer helping the mother and sonwashington , 38 , was a father-of-two and had a previous felony conviction\"]\n", - "denise chiffon berry and her son were driving in hawthorne , california on wednesday afternoon when they passed by three men in a cadillac - one of whom had his legs dangling out of the window .the mother and son allegedly laughed at the scene , but someone in the car did n't find it funny when he made eye contact with the 12-year-old boy .a 44-year-old woman has been shot dead in front of her 12-year-old son by a stranger she simply laughed at while passing him in her car .\n", - "denise chiffon berry , 44 , was driving in hawthorne , california with her unidentified 12-year-old son on wednesdayaround 12:30 pm , her son saw a man riding in a cadillac with his feet handing out the window and the two laughed at the scenewhen the cadillac began following their vehicle , ms berry pulled over to ask a police officer for helpthat 's when raymond washington , who was in the front passenger seat , got out of the cadillac and started shooting at ms berry and her sonms berry died at her scene while her son survived ; washington was shot dead by the police officer helping the mother and sonwashington , 38 , was a father-of-two and had a previous felony conviction\n", - "[1.3838533 1.408431 1.3106151 1.3956201 1.1611845 1.0169232 1.0348867\n", - " 1.0502863 1.073854 1.3122509 1.0617157 1.0185019 1.0162678 1.0280571\n", - " 1.0245202 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 9 2 4 8 10 7 6 13 14 11 5 12 15 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"having beaten denmark and azerbaijan in their opening elite round qualifiers , the young lions had to beat france in saint-lo to advance to july 's finals in greecepatrick roberts was on target for england 's young lions against france but it was n't enough to qualifyengland will not be playing in the under 19 european championships this summer after losing 2-1 to france in their decisive final qualifier .\"]\n", - "=======================\n", - "[\"england needed to beat france in their final euro 2015 qualifierbut goals from sehrou guirassy and gnaly cornet won it for the hostslate response from fulham 's patrick roberts was n't enough\"]\n", - "having beaten denmark and azerbaijan in their opening elite round qualifiers , the young lions had to beat france in saint-lo to advance to july 's finals in greecepatrick roberts was on target for england 's young lions against france but it was n't enough to qualifyengland will not be playing in the under 19 european championships this summer after losing 2-1 to france in their decisive final qualifier .\n", - "england needed to beat france in their final euro 2015 qualifierbut goals from sehrou guirassy and gnaly cornet won it for the hostslate response from fulham 's patrick roberts was n't enough\n", - "[1.4760062 1.5233865 1.1439657 1.4405065 1.3285851 1.2449188 1.1166501\n", - " 1.0145687 1.0120492 1.0242953 1.047945 1.0159976 1.0141429 1.0152537\n", - " 1.0128081 1.013982 1.014089 1.012118 1.1259341 1.0636805 1.0123351\n", - " 1.009915 1.008826 1.0203094 1.0099257]\n", - "\n", - "[ 1 0 3 4 5 2 18 6 19 10 9 23 11 13 7 12 16 15 14 20 17 8 24 21\n", - " 22]\n", - "=======================\n", - "[\"hazard scored chelsea 's 38th minute winner against manchester united and is widely expected to be named pfa player of the year on sunday .jose mourinho claims eden hazard has joined lionel messi and cristiano ronaldo as one of the best three players in world football .hazard 's goal in the 1-0 victory over united extends chelsea 's lead at the top of the premier league table\"]\n", - "=======================\n", - "[\"chelsea forward eden hazard has been in superb form this seasonthe belgian scored the winning goal against manchester united on saturday to extend chelsea 's lead at the top of the premier league tablemanager jose mourinho believes hazard is one of the best players in the world and holds him in similar esteem to cristiano ronaldo\"]\n", - "hazard scored chelsea 's 38th minute winner against manchester united and is widely expected to be named pfa player of the year on sunday .jose mourinho claims eden hazard has joined lionel messi and cristiano ronaldo as one of the best three players in world football .hazard 's goal in the 1-0 victory over united extends chelsea 's lead at the top of the premier league table\n", - "chelsea forward eden hazard has been in superb form this seasonthe belgian scored the winning goal against manchester united on saturday to extend chelsea 's lead at the top of the premier league tablemanager jose mourinho believes hazard is one of the best players in the world and holds him in similar esteem to cristiano ronaldo\n", - "[1.2563139 1.4332807 1.223016 1.3608625 1.3166951 1.2394727 1.1512841\n", - " 1.0437438 1.014142 1.0112789 1.0523509 1.0465915 1.130072 1.1369972\n", - " 1.0451807 1.0248212 1.0089158 1.00848 0. ]\n", - "\n", - "[ 1 3 4 0 5 2 6 13 12 10 11 14 7 15 8 9 16 17 18]\n", - "=======================\n", - "['flakka , which can be injected , snorted , smoked , swallowed or taken with other substances like marijuana , is usually made from the chemical alpha-pvp .the use of flakka a designer drug that can be even stronger than crystal meth or bath salts , is up in floridaflakka resembles a mix of crack cocaine and meth and it has a noticeably foul smell ( bath salts pictured )']\n", - "=======================\n", - "['drug is made from same version of stimulant used to produce bath saltsflakka can be injected , snorted , smoked , or swallowedit causes euphoria , hallucinations , psychosis and superhuman strengthhigh lasts for couple hours and users have strong desire to re-usemore than 670 flakka occurrences in florida in 2014 , up from 85 in 2012']\n", - "flakka , which can be injected , snorted , smoked , swallowed or taken with other substances like marijuana , is usually made from the chemical alpha-pvp .the use of flakka a designer drug that can be even stronger than crystal meth or bath salts , is up in floridaflakka resembles a mix of crack cocaine and meth and it has a noticeably foul smell ( bath salts pictured )\n", - "drug is made from same version of stimulant used to produce bath saltsflakka can be injected , snorted , smoked , or swallowedit causes euphoria , hallucinations , psychosis and superhuman strengthhigh lasts for couple hours and users have strong desire to re-usemore than 670 flakka occurrences in florida in 2014 , up from 85 in 2012\n", - "[1.3123739 1.5095592 1.2282248 1.1116929 1.3904753 1.0261105 1.0896617\n", - " 1.104842 1.1012725 1.024109 1.0612042 1.066214 1.0354174 1.1139051\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 2 13 3 7 8 6 11 10 12 5 9 14 15 16 17 18]\n", - "=======================\n", - "[\"phillip buchanon was a first-round draft pick for the oakland raiders , and seventeenth overall , when his mother made the request in 2002 .a former nfl player has revealed that his mother demanded he pay her one million dollars as the cost for ` raising him for the last 18 years ' after he was drafted into the professional league .buchanon , who also played for the houston texans , tampa bay buccaneers , detroit lions and washington redskins before retiring in 2011 , discussed the incident in his recently released book new money : stay rich .\"]\n", - "=======================\n", - "[\"phillip buchanon was a first-round draft pick for the oakland raiders in 2002 when his mother made what he called the ` desperate demand 'buchanon , who is now retired , instead bought her a brand new housebut she refused to sell her old house and rented it to her sisterso he ended up paying maintenance for both houses for seven years without getting any of the rent moneywhen buchanon finally had enough his mother asked for $ 15,000 instead of a smaller house whose upkeep she could afford\"]\n", - "phillip buchanon was a first-round draft pick for the oakland raiders , and seventeenth overall , when his mother made the request in 2002 .a former nfl player has revealed that his mother demanded he pay her one million dollars as the cost for ` raising him for the last 18 years ' after he was drafted into the professional league .buchanon , who also played for the houston texans , tampa bay buccaneers , detroit lions and washington redskins before retiring in 2011 , discussed the incident in his recently released book new money : stay rich .\n", - "phillip buchanon was a first-round draft pick for the oakland raiders in 2002 when his mother made what he called the ` desperate demand 'buchanon , who is now retired , instead bought her a brand new housebut she refused to sell her old house and rented it to her sisterso he ended up paying maintenance for both houses for seven years without getting any of the rent moneywhen buchanon finally had enough his mother asked for $ 15,000 instead of a smaller house whose upkeep she could afford\n", - "[1.0836905 1.4568707 1.3340794 1.2145004 1.1698899 1.074954 1.0377622\n", - " 1.0236839 1.0333976 1.0541761 1.0319868 1.018281 1.0738986 1.1085603\n", - " 1.0960838 1.0680208 1.0439727 0. 0. ]\n", - "\n", - "[ 1 2 3 4 13 14 0 5 12 15 9 16 6 8 10 7 11 17 18]\n", - "=======================\n", - "[\"a 12th century castle that was once used as a fortress by napoleon has gone on the market for a gigantic # 4,887,164 ( $ 7,510,569 ) .castello baronale , situated just 31 miles ( 50km ) from rome , towers 3,280 ft over sea level , and includes nine en-suite bedrooms , a further two bedrooms in an adjacent apartment , a lavish ballroom , library , gym and even a theatre .castello baronale has been tastefully restored to combine modern living whilst maintaining remnants of the property 's illustrious past\"]\n", - "=======================\n", - "[\"the impressive castello baronale is located 31 miles outside rome and has battlement towersthe nine-bedroom fort has an incredible library decorated in the venetian stylenapoleon plundered the castle 's gold , and used it as a fortress for french revolutionary troops between 1796-1800\"]\n", - "a 12th century castle that was once used as a fortress by napoleon has gone on the market for a gigantic # 4,887,164 ( $ 7,510,569 ) .castello baronale , situated just 31 miles ( 50km ) from rome , towers 3,280 ft over sea level , and includes nine en-suite bedrooms , a further two bedrooms in an adjacent apartment , a lavish ballroom , library , gym and even a theatre .castello baronale has been tastefully restored to combine modern living whilst maintaining remnants of the property 's illustrious past\n", - "the impressive castello baronale is located 31 miles outside rome and has battlement towersthe nine-bedroom fort has an incredible library decorated in the venetian stylenapoleon plundered the castle 's gold , and used it as a fortress for french revolutionary troops between 1796-1800\n", - "[1.2806543 1.3491094 1.2868174 1.333303 1.1914966 1.123182 1.0460567\n", - " 1.0330677 1.2376032 1.0849403 1.1335214 1.1078649 1.0826461 1.0389316\n", - " 1.0338242 1.0381087 1.0556616 1.0598412 1.10335 ]\n", - "\n", - "[ 1 3 2 0 8 4 10 5 11 18 9 12 17 16 6 13 15 14 7]\n", - "=======================\n", - "[\"staff heard the baby girl crying in the ladies ' toilet of a burger bar in chengdu , sichuan province , reports people 's daily online .workers who found the baby , who was wrapped in a shirt but was still attached to the umbilical cord and placenta , called the police and ambulance .a woman was arrested in china after apparently dumping her newborn baby in a rubbish bin in a fast-food restaurant .\"]\n", - "=======================\n", - "[\"staff at restaurant in chengdu heard crying and found a newborn babythe tot still had the umbilical cord and placenta attached but was otherwise finewoman who had been in toilet returned to her table ` like she was in trance 'she was arrested after cctv showed her visiting the restroom\"]\n", - "staff heard the baby girl crying in the ladies ' toilet of a burger bar in chengdu , sichuan province , reports people 's daily online .workers who found the baby , who was wrapped in a shirt but was still attached to the umbilical cord and placenta , called the police and ambulance .a woman was arrested in china after apparently dumping her newborn baby in a rubbish bin in a fast-food restaurant .\n", - "staff at restaurant in chengdu heard crying and found a newborn babythe tot still had the umbilical cord and placenta attached but was otherwise finewoman who had been in toilet returned to her table ` like she was in trance 'she was arrested after cctv showed her visiting the restroom\n", - "[1.3101476 1.377592 1.1206288 1.220602 1.1295676 1.1142595 1.070163\n", - " 1.0891773 1.1412423 1.0847518 1.069874 1.055654 1.0612957 1.0769992\n", - " 1.1122459 1.1320229 1.0882038 0. 0. ]\n", - "\n", - "[ 1 0 3 8 15 4 2 5 14 7 16 9 13 6 10 12 11 17 18]\n", - "=======================\n", - "['the real-life tomb raiders began their daring plan by renting a restaurant across the road from guanghui temple in zhengdin county , north china at the start of february .a gang of eight dug a 50m underground tunnel in an attempt to steal the ancient treasures inside a 1,400-year-old temple .the gang was just 20 metres away from breaching the hua pagoda when they were caught .']\n", - "=======================\n", - "[\"gang hatched an audacious plot to rob guanghui temple in north chinaplan involved renting restaurant across the street and digging 70m tunnelbut before they could breach temple , police were tipped off about the heist5 men were arrested including the gang 's leader , a well-known artefact thief\"]\n", - "the real-life tomb raiders began their daring plan by renting a restaurant across the road from guanghui temple in zhengdin county , north china at the start of february .a gang of eight dug a 50m underground tunnel in an attempt to steal the ancient treasures inside a 1,400-year-old temple .the gang was just 20 metres away from breaching the hua pagoda when they were caught .\n", - "gang hatched an audacious plot to rob guanghui temple in north chinaplan involved renting restaurant across the street and digging 70m tunnelbut before they could breach temple , police were tipped off about the heist5 men were arrested including the gang 's leader , a well-known artefact thief\n", - "[1.2949408 1.388723 1.33143 1.3260616 1.2464532 1.1971945 1.0672843\n", - " 1.2071022 1.0224613 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 7 5 6 8 20 19 18 17 16 15 11 13 12 21 10 9 14 22]\n", - "=======================\n", - "[\"the crash took place sunday at the exotic driving experience , which bills itself as a chance to drive your dream car on a racetrack .the lamborghini 's passenger , 36-year-old gary terry of davenport , florida , died at the scene , florida highway patrol said .( cnn ) what was supposed to be a fantasy sports car ride at walt disney world speedway turned deadly when a lamborghini crashed into a guardrail .\"]\n", - "=======================\n", - "['the crash occurred at the exotic driving experience at walt disney world speedwayofficials say the driver , 24-year-old tavon watson , lost control of a lamborghinipassenger gary terry , 36 , died at the scene']\n", - "the crash took place sunday at the exotic driving experience , which bills itself as a chance to drive your dream car on a racetrack .the lamborghini 's passenger , 36-year-old gary terry of davenport , florida , died at the scene , florida highway patrol said .( cnn ) what was supposed to be a fantasy sports car ride at walt disney world speedway turned deadly when a lamborghini crashed into a guardrail .\n", - "the crash occurred at the exotic driving experience at walt disney world speedwayofficials say the driver , 24-year-old tavon watson , lost control of a lamborghinipassenger gary terry , 36 , died at the scene\n", - "[1.1300309 1.4615318 1.2204729 1.4564809 1.3519535 1.3101867 1.0450546\n", - " 1.0294029 1.0304369 1.0262183 1.0527364 1.0260149 1.0163953 1.0277793\n", - " 1.0126929 1.0127538 1.0210372 1.0222487 1.0266689 1.0167632 1.0197777\n", - " 1.2027436 1.009627 ]\n", - "\n", - "[ 1 3 4 5 2 21 0 10 6 8 7 13 18 9 11 17 16 20 19 12 15 14 22]\n", - "=======================\n", - "[\"his first in the dugout was as assistant to ruud gullit in august , 1999 , when on a sodden night at st james ' park the dutchman left out alan shearer and duncan ferguson and paid for his selection with his job after a 2-1 defeat .john carver is relishing the chance to take charge of his hometown club against sunderland on sundaycarver was assistant to former newcastle manager ruud gullit who managed the club between 1998 and 1999\"]\n", - "=======================\n", - "[\"newcastle boss john carver is relishing the chance to take charge of his hometown club against sunderland in the wear-tyne derbycarver has been part of the coaching staff for previous newcastle managers alan pardew , sir bobby robson and ruud gullithe was gullit 's assistant when newcastle were beaten 2-1 by sunderland after the dutchman benched alan shearer and duncan fergusoncarver insists that he will not make the same mistakes as his predecessor\"]\n", - "his first in the dugout was as assistant to ruud gullit in august , 1999 , when on a sodden night at st james ' park the dutchman left out alan shearer and duncan ferguson and paid for his selection with his job after a 2-1 defeat .john carver is relishing the chance to take charge of his hometown club against sunderland on sundaycarver was assistant to former newcastle manager ruud gullit who managed the club between 1998 and 1999\n", - "newcastle boss john carver is relishing the chance to take charge of his hometown club against sunderland in the wear-tyne derbycarver has been part of the coaching staff for previous newcastle managers alan pardew , sir bobby robson and ruud gullithe was gullit 's assistant when newcastle were beaten 2-1 by sunderland after the dutchman benched alan shearer and duncan fergusoncarver insists that he will not make the same mistakes as his predecessor\n", - "[1.1900525 1.1595601 1.4334809 1.2929301 1.1287912 1.3389167 1.1235585\n", - " 1.0759789 1.0337456 1.0920678 1.0831289 1.0867952 1.0173942 1.0119423\n", - " 1.0110624 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 5 3 0 1 4 6 9 11 10 7 8 12 13 14 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"khloe , 30 , has been showcasing blonder locks , a flawless face and honed physique in recent weeks - and she 's looking better than ever , so what 's her secret ?she recently revealed she 's lost 13 pounds in three months thanks to her grueling exercise regime .with her contoured skin , glossy hair and high fashion wardrobe , kim is undeniably the breakout star of the kardashians .\"]\n", - "=======================\n", - "['khloe , 30 , has been showcasing a glamorous new lookstar has dyed hair blonder and curated a specific beauty regimeshe has also lost an impressive amount of weight']\n", - "khloe , 30 , has been showcasing blonder locks , a flawless face and honed physique in recent weeks - and she 's looking better than ever , so what 's her secret ?she recently revealed she 's lost 13 pounds in three months thanks to her grueling exercise regime .with her contoured skin , glossy hair and high fashion wardrobe , kim is undeniably the breakout star of the kardashians .\n", - "khloe , 30 , has been showcasing a glamorous new lookstar has dyed hair blonder and curated a specific beauty regimeshe has also lost an impressive amount of weight\n", - "[1.175871 1.4605026 1.262047 1.3323905 1.1898876 1.1814197 1.0635992\n", - " 1.0509713 1.0596834 1.080728 1.0899627 1.1356328 1.0570252 1.141539\n", - " 1.0191243 1.0104282 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 4 5 0 13 11 10 9 6 8 12 7 14 15 21 16 17 18 19 20 22]\n", - "=======================\n", - "['grant allen , 38 , of harlow , essex , travelled first class around the world with his girlfriend gaynor godwin and bought a holiday home on the costa del sol , spain , using criminally gained money .the pair stayed at top hotels on at least eight holidays costing # 30,000 between 2006 and 2010 , including a trip to dubai , united arab emirates , in 2009 worth # 7,600 .edward byatt ( behind allen , left ) was also involved in the fraud']\n", - "=======================\n", - "[\"grant allen , 38 , spent # 30,000 holidaying with girlfriend gaynor godwinhe bought houses in costa del sol as well as in essex and hertfordshirecourt heard meat trader hid fraud by funnelling cash into partner 's bankallen was previously jailed for six years for fraud and money laundering\"]\n", - "grant allen , 38 , of harlow , essex , travelled first class around the world with his girlfriend gaynor godwin and bought a holiday home on the costa del sol , spain , using criminally gained money .the pair stayed at top hotels on at least eight holidays costing # 30,000 between 2006 and 2010 , including a trip to dubai , united arab emirates , in 2009 worth # 7,600 .edward byatt ( behind allen , left ) was also involved in the fraud\n", - "grant allen , 38 , spent # 30,000 holidaying with girlfriend gaynor godwinhe bought houses in costa del sol as well as in essex and hertfordshirecourt heard meat trader hid fraud by funnelling cash into partner 's bankallen was previously jailed for six years for fraud and money laundering\n", - "[1.1237538 1.4225249 1.1809129 1.1397614 1.1546097 1.0532775 1.0417631\n", - " 1.404925 1.1502202 1.0460892 1.0319082 1.0583766 1.0680625 1.0789468\n", - " 1.0446848 1.0184115 1.0325257 1.0200737 1.1776662 1.0362743 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 7 2 18 4 8 3 0 13 12 11 5 9 14 6 19 16 10 17 15 21 20 22]\n", - "=======================\n", - "[\"that is the question being posed in a new youtube video by entertainer yousef saleh erakat , who disguised himself as a homeless man and found out that the answer was often less than kind .as a man in a suit and on his cell phone walks by in the beginning of the video , erakat gets his attention . 'erakat said he wanted to ` flip the script ' .\"]\n", - "=======================\n", - "[\"entertainer yousef saleh erakat posed as a homeless man in los angelesmost people responded to his offer of a $ 10 bill angrily , cursing at him , giving him the finger and calling him namesone man brags about his black card and points to his mercedes benz , telling the seemingly homeless man he needs to ` earn his way up 'only two people in the video actually stop and offer erakat money instead\"]\n", - "that is the question being posed in a new youtube video by entertainer yousef saleh erakat , who disguised himself as a homeless man and found out that the answer was often less than kind .as a man in a suit and on his cell phone walks by in the beginning of the video , erakat gets his attention . 'erakat said he wanted to ` flip the script ' .\n", - "entertainer yousef saleh erakat posed as a homeless man in los angelesmost people responded to his offer of a $ 10 bill angrily , cursing at him , giving him the finger and calling him namesone man brags about his black card and points to his mercedes benz , telling the seemingly homeless man he needs to ` earn his way up 'only two people in the video actually stop and offer erakat money instead\n", - "[1.0758524 1.1133118 1.4147258 1.4661487 1.21114 1.10269 1.1285964\n", - " 1.0130223 1.2534837 1.1278465 1.2199984 1.0447754 1.0139437 1.00921\n", - " 1.01009 1.0156248 1.0251472 0. 0. ]\n", - "\n", - "[ 3 2 8 10 4 6 9 1 5 0 11 16 15 12 7 14 13 17 18]\n", - "=======================\n", - "[\"veteran full-back angel rangel is in line for his first swansea start for over two months at home to everton in the early barclays premier league kick-off on saturday afternoon .swansea city vs everton ( liberty stadium )striker romelu lukaku remains a doubt for everton 's trip to swansea and is rated just 50-50 by his manager roberto martinez .\"]\n", - "=======================\n", - "[\"angel rangel could make first swansea city start in over two monthsjefferson montero may be fit enough to make bench for garry monk 's sideromelu lukaku 's fitness at 50-50 with belgian carrying hamstring problemaiden mcgeady is also a major doubt for everton with a back injury\"]\n", - "veteran full-back angel rangel is in line for his first swansea start for over two months at home to everton in the early barclays premier league kick-off on saturday afternoon .swansea city vs everton ( liberty stadium )striker romelu lukaku remains a doubt for everton 's trip to swansea and is rated just 50-50 by his manager roberto martinez .\n", - "angel rangel could make first swansea city start in over two monthsjefferson montero may be fit enough to make bench for garry monk 's sideromelu lukaku 's fitness at 50-50 with belgian carrying hamstring problemaiden mcgeady is also a major doubt for everton with a back injury\n", - "[1.3558357 1.0915419 1.1146677 1.2698371 1.0515633 1.0900863 1.0555848\n", - " 1.0521998 1.1667596 1.0349466 1.024974 1.0375535 1.0243179 1.0284829\n", - " 1.0338655 1.023558 1.0504016 1.0314751 1.0232248]\n", - "\n", - "[ 0 3 8 2 1 5 6 7 4 16 11 9 14 17 13 10 12 15 18]\n", - "=======================\n", - "['to hear leigh griffiths tell it , the intervention staged by celtic boss ronny deila and assistant john collins was definitely closer to a kick in the what-nots than it was a pat on the back .hat-trick hero leigh griffiths with signed match ball and man of the match awardi had a talk with the manager and john collins about everything and about what they wanted me to do .']\n", - "=======================\n", - "['leigh griffiths revealed that ronny deila and john collins warned himthe celtic striker took a while to settle in at his new club after his movegriffiths has been in red-hot form and scored three against kilmarnock']\n", - "to hear leigh griffiths tell it , the intervention staged by celtic boss ronny deila and assistant john collins was definitely closer to a kick in the what-nots than it was a pat on the back .hat-trick hero leigh griffiths with signed match ball and man of the match awardi had a talk with the manager and john collins about everything and about what they wanted me to do .\n", - "leigh griffiths revealed that ronny deila and john collins warned himthe celtic striker took a while to settle in at his new club after his movegriffiths has been in red-hot form and scored three against kilmarnock\n", - "[1.243651 1.4656136 1.2249224 1.3329847 1.2038242 1.1063665 1.1894284\n", - " 1.0438695 1.0569236 1.1313545 1.083874 1.0506443 1.0417023 1.0266448\n", - " 1.0330168 1.0122435 1.0236081 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 6 9 5 10 8 11 7 12 14 13 16 15 17 18]\n", - "=======================\n", - "[\"erica ann ginneti , 35 , a married mother of three from philadelphia , pleaded guilty in december to institutional sexual assault and disseminating sexually explicit materials to a minor .a pennsylvania math teacher was called ` dangling candy ' by the judge who sentenced her to 30 days in jail for having sex with a 17-year-old student .during her sentencing , montgomery county court judge garrett d. page reportedly asked ` what young man would not jump on that candy ? '\"]\n", - "=======================\n", - "[\"erica ginnetti , 35 , must also serve 60 days under house arrest , 100 hours of community service and three years ' probationjudge garrett page reportedly asked ` what young man would not jump on that candy ? 'ginnetti pleaded guilty in a pennsylvania court in december to having sex with a 17-year-old studentpage told ginneti her ` sexual hunger ' had devastating consequences for two familiesmarried mother of three said she has mended fences with her family and became a fitness instructorshe first approached her victim in may 2013 when she chaperoned the senior prom and invited him to come work out at her gym\"]\n", - "erica ann ginneti , 35 , a married mother of three from philadelphia , pleaded guilty in december to institutional sexual assault and disseminating sexually explicit materials to a minor .a pennsylvania math teacher was called ` dangling candy ' by the judge who sentenced her to 30 days in jail for having sex with a 17-year-old student .during her sentencing , montgomery county court judge garrett d. page reportedly asked ` what young man would not jump on that candy ? '\n", - "erica ginnetti , 35 , must also serve 60 days under house arrest , 100 hours of community service and three years ' probationjudge garrett page reportedly asked ` what young man would not jump on that candy ? 'ginnetti pleaded guilty in a pennsylvania court in december to having sex with a 17-year-old studentpage told ginneti her ` sexual hunger ' had devastating consequences for two familiesmarried mother of three said she has mended fences with her family and became a fitness instructorshe first approached her victim in may 2013 when she chaperoned the senior prom and invited him to come work out at her gym\n", - "[1.2458203 1.41085 1.2549357 1.2765675 1.1275033 1.1533989 1.1527492\n", - " 1.1070029 1.130377 1.0832636 1.0858719 1.0267973 1.0907415 1.0824133\n", - " 1.1213008 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 5 6 8 4 14 7 12 10 9 13 11 17 15 16 18]\n", - "=======================\n", - "[\"the ukip leader was expected at a farm in staffordshire , as he prepared to attack the government over defence spending , but organisers pulled the plug while he was trapped in his chauffeur-driven car .nigel farage 's campaigning got off to a faltering start today as he missed a ukip event after getting stuck in traffic .mr farage faced ridicule last year when he blamed immigrants clogging up the m4 after he missed an event charging supporters # 25-a-head to meet him .\"]\n", - "=======================\n", - "[\"jams mean ukip leader forced to pull the plug on farm visit in staffordshirelast year blamed ` open door immigration ' for getting stuck in traffic on m4plans to attack the tories over refusal to spend 2 % of gdp on defence\"]\n", - "the ukip leader was expected at a farm in staffordshire , as he prepared to attack the government over defence spending , but organisers pulled the plug while he was trapped in his chauffeur-driven car .nigel farage 's campaigning got off to a faltering start today as he missed a ukip event after getting stuck in traffic .mr farage faced ridicule last year when he blamed immigrants clogging up the m4 after he missed an event charging supporters # 25-a-head to meet him .\n", - "jams mean ukip leader forced to pull the plug on farm visit in staffordshirelast year blamed ` open door immigration ' for getting stuck in traffic on m4plans to attack the tories over refusal to spend 2 % of gdp on defence\n", - "[1.3793936 1.4404427 1.3230404 1.2864285 1.0819651 1.1244135 1.1964719\n", - " 1.0242857 1.0255471 1.0136176 1.0247877 1.0793548 1.0268438 1.0200415\n", - " 1.2386544 1.1455562 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 14 6 15 5 4 11 12 8 10 7 13 9 16 17 18]\n", - "=======================\n", - "[\"in a new report , goldman sachs predicts population growth will slow to 1.25 per cent over the next three years due to low birth rates , high death rates and falling net migration .property prices are predicted to fall by up to 10 per cent in some states with economists tipping a housing surplus in 2017 .this is significantly lower than widely-used australian bureau of statistics population predictions of between 1.7 and 1.8 per cent - which goldman sachs analysts tim toohey and andrew boak label as ` too optimistic ' .\"]\n", - "=======================\n", - "['house prices tipped to fall by up to 10 per cent in some states with economists predicting a housing surplus in 2017goldman sachs predicts population growth will slow to 1.25 per cent over the next three years creating oversupplybiggest hit will be in markets where construction supply has been strong , such as inner-city melbourne and perth']\n", - "in a new report , goldman sachs predicts population growth will slow to 1.25 per cent over the next three years due to low birth rates , high death rates and falling net migration .property prices are predicted to fall by up to 10 per cent in some states with economists tipping a housing surplus in 2017 .this is significantly lower than widely-used australian bureau of statistics population predictions of between 1.7 and 1.8 per cent - which goldman sachs analysts tim toohey and andrew boak label as ` too optimistic ' .\n", - "house prices tipped to fall by up to 10 per cent in some states with economists predicting a housing surplus in 2017goldman sachs predicts population growth will slow to 1.25 per cent over the next three years creating oversupplybiggest hit will be in markets where construction supply has been strong , such as inner-city melbourne and perth\n", - "[1.4407942 1.368774 1.0830054 1.4577892 1.3048526 1.2019216 1.050385\n", - " 1.0144523 1.0257281 1.1194558 1.0562885 1.0439196 1.0178059 1.079342\n", - " 1.1118747 1.0861286 1.0575972 1.0092316 1.0096622 0. ]\n", - "\n", - "[ 3 0 1 4 5 9 14 15 2 13 16 10 6 11 8 12 7 18 17 19]\n", - "=======================\n", - "['manuel pellegrini has warned his side must overcome a difficult obstacle at crystal palacefading champions city had to watch in frustration on saturday , not only as chelsea extended their lead at the top of the barclays premier league , but as arsenal and manchester united shunted them down to fourth .manchester city manager pellegrini does not want his side to lose any more ground in the race for the title']\n", - "=======================\n", - "['manchester city face crystal palace on monday night at selhurst parkcity remain nine points behind chelsea in the premier leaguemanuel pellegrini knows his team can not afford to lose any more ground']\n", - "manuel pellegrini has warned his side must overcome a difficult obstacle at crystal palacefading champions city had to watch in frustration on saturday , not only as chelsea extended their lead at the top of the barclays premier league , but as arsenal and manchester united shunted them down to fourth .manchester city manager pellegrini does not want his side to lose any more ground in the race for the title\n", - "manchester city face crystal palace on monday night at selhurst parkcity remain nine points behind chelsea in the premier leaguemanuel pellegrini knows his team can not afford to lose any more ground\n", - "[1.2435613 1.058562 1.1044133 1.2960545 1.2395598 1.0593553 1.0471652\n", - " 1.0476135 1.1135849 1.110342 1.1359653 1.0763171 1.0704644 1.1342154\n", - " 1.1304747 1.0662408 1.036755 1.0765309 1.0244843 1.0530463]\n", - "\n", - "[ 3 0 4 10 13 14 8 9 2 17 11 12 15 5 1 19 7 6 16 18]\n", - "=======================\n", - "[\"given new and relevant information , human beings have the capacity to strengthen weak memories using emotions - and researchers have said this points to the adaptive nature of human memory .researchers have discovered that the brain can remember ` neutral ' or boring events more easily when they are tied to an emotionpsychologists at new york university have been trying to gain an understanding about how the brain stores memories for 'em otionally neutral events ' that gain significance through subsequent experience .\"]\n", - "=======================\n", - "['new york university psychologists studied how the brain stores memoriesfound boring details become more memorable with emotional contextemotional experience can enhance memory for old neutral information']\n", - "given new and relevant information , human beings have the capacity to strengthen weak memories using emotions - and researchers have said this points to the adaptive nature of human memory .researchers have discovered that the brain can remember ` neutral ' or boring events more easily when they are tied to an emotionpsychologists at new york university have been trying to gain an understanding about how the brain stores memories for 'em otionally neutral events ' that gain significance through subsequent experience .\n", - "new york university psychologists studied how the brain stores memoriesfound boring details become more memorable with emotional contextemotional experience can enhance memory for old neutral information\n", - "[1.5013844 1.0504342 1.0491388 1.1663494 1.1208171 1.3075755 1.1672163\n", - " 1.0828975 1.0637 1.0493932 1.1055229 1.1085066 1.0689592 1.0678816\n", - " 1.152741 1.1300522 1.0362806 1.0228153 0. 0. ]\n", - "\n", - "[ 0 5 6 3 14 15 4 11 10 7 12 13 8 1 9 2 16 17 18 19]\n", - "=======================\n", - "['the university of nebraska at omaha is getting a new $ 81.6 million stadium for its hockey , basketball and volleyball teams .an omaha taco shop has teamed up with the university to shoot tacos into the stands at sporting events .that the foil-wrapped eats will make to fans was made evident when voodoo tacos owner eric newton demonstrated the power of the cannon for cnn affiliate ketv .']\n", - "=======================\n", - "[\"#tacocannon trends in omaha as excited fans eat up the idea of flying tacosthe cannon will shoot off tacos at university of nebraska-omaha 's new arena\"]\n", - "the university of nebraska at omaha is getting a new $ 81.6 million stadium for its hockey , basketball and volleyball teams .an omaha taco shop has teamed up with the university to shoot tacos into the stands at sporting events .that the foil-wrapped eats will make to fans was made evident when voodoo tacos owner eric newton demonstrated the power of the cannon for cnn affiliate ketv .\n", - "#tacocannon trends in omaha as excited fans eat up the idea of flying tacosthe cannon will shoot off tacos at university of nebraska-omaha 's new arena\n", - "[1.1592073 1.1277804 1.1646199 1.1268167 1.0927762 1.1307497 1.284233\n", - " 1.1374758 1.0531553 1.107189 1.0792785 1.0511839 1.0403464 1.02737\n", - " 1.0675483 1.0326016 1.0330545 0. 0. 0. ]\n", - "\n", - "[ 6 2 0 7 5 1 3 9 4 10 14 8 11 12 16 15 13 18 17 19]\n", - "=======================\n", - "[\"trying to separate himself from the pack , new jersey gov. chris christie called for substantial cuts to social security .hillary clinton , who announced last week , even jumped into her black van for a road trip out to iowa , including a pit stop at chipotle along the way .( cnn ) it 's only a few weeks since the first presidential announcement but already it feels like the campaign is in high gear .\"]\n", - "=======================\n", - "[\"julian zelizer : in early weeks of the 2016 campaign , candidates and potential contenders have stumbled in small wayshe says chris christie 's words about social security and marijuana may haunt him\"]\n", - "trying to separate himself from the pack , new jersey gov. chris christie called for substantial cuts to social security .hillary clinton , who announced last week , even jumped into her black van for a road trip out to iowa , including a pit stop at chipotle along the way .( cnn ) it 's only a few weeks since the first presidential announcement but already it feels like the campaign is in high gear .\n", - "julian zelizer : in early weeks of the 2016 campaign , candidates and potential contenders have stumbled in small wayshe says chris christie 's words about social security and marijuana may haunt him\n", - "[1.267912 1.2857816 1.225175 1.3782587 1.3499917 1.2238656 1.2345587\n", - " 1.0544355 1.1162852 1.0358065 1.0178652 1.0132009 1.0361195 1.1516074\n", - " 1.0272328 1.0149825 1.0077467 1.0109254 0. 0. ]\n", - "\n", - "[ 3 4 1 0 6 2 5 13 8 7 12 9 14 10 15 11 17 16 18 19]\n", - "=======================\n", - "[\"the men were found guilty in march and have now been handed sentences of between three and nine years in jail .jailed : ahmed hassan-sule , 21 ( left ) was sentenced to nine years ' imprisonment .the offences , which ranged from inciting sexual activity with a child , to rape , happened in cars , woods or at the defendants ' homes in banbury , oxfordshire .\"]\n", - "=======================\n", - "[\"gang have been jailed for a total of 31 years for sexually abusing childrenoffences happened in cars , woods or at the defendants ' homes in banburylured victims to parties organised on social media and then abused themgirls aged between 13 and 16 were exploited by the gang from 2009 to 2014\"]\n", - "the men were found guilty in march and have now been handed sentences of between three and nine years in jail .jailed : ahmed hassan-sule , 21 ( left ) was sentenced to nine years ' imprisonment .the offences , which ranged from inciting sexual activity with a child , to rape , happened in cars , woods or at the defendants ' homes in banbury , oxfordshire .\n", - "gang have been jailed for a total of 31 years for sexually abusing childrenoffences happened in cars , woods or at the defendants ' homes in banburylured victims to parties organised on social media and then abused themgirls aged between 13 and 16 were exploited by the gang from 2009 to 2014\n", - "[1.515465 1.3296834 1.1694841 1.4476596 1.1576957 1.0767276 1.1077316\n", - " 1.1274874 1.2705442 1.0288686 1.0261321 1.0158074 1.0109187 1.0091486\n", - " 1.0094924 1.009408 1.0189034 1.0185635 0. 0. ]\n", - "\n", - "[ 0 3 1 8 2 4 7 6 5 9 10 16 17 11 12 14 15 13 18 19]\n", - "=======================\n", - "[\"john carver says he has the hardest job in football as head coach of newcastle united with thousands of supporters planning to boycott sunday 's home match against spurs .the 50-year-old has found himself the target of angry fans who are disillusioned with mike ashley 's running of the club .steve mcclaren has already been tipped as a replacement for carver should he face the newcastle axe\"]\n", - "=======================\n", - "['john carver has become the target of fans angry with how the club is runhis depleted and disinterested squad have lost five games in successionsupporter sites have organised a boycott of the clash with tottenhamsteve mcclaren has already been tipped as a replacement for carver']\n", - "john carver says he has the hardest job in football as head coach of newcastle united with thousands of supporters planning to boycott sunday 's home match against spurs .the 50-year-old has found himself the target of angry fans who are disillusioned with mike ashley 's running of the club .steve mcclaren has already been tipped as a replacement for carver should he face the newcastle axe\n", - "john carver has become the target of fans angry with how the club is runhis depleted and disinterested squad have lost five games in successionsupporter sites have organised a boycott of the clash with tottenhamsteve mcclaren has already been tipped as a replacement for carver\n", - "[1.4581095 1.288274 1.1225673 1.1088367 1.1671182 1.1611233 1.1155202\n", - " 1.1744992 1.0824441 1.0453049 1.0825311 1.0473396 1.0325516 1.0554174\n", - " 1.0483502 1.0476727 1.0411061 0. 0. 0. ]\n", - "\n", - "[ 0 1 7 4 5 2 6 3 10 8 13 14 15 11 9 16 12 18 17 19]\n", - "=======================\n", - "[\"( cnn ) unicef said friday that an initial shipment of 16 tons of medical supplies , meant to help 80,000 innocents caught up in the havoc of yemen , had at last landed in yemen 's capital , sanaa .the conflict is exacting a heavy toll on children and families , unicef said in a statement .also friday , the u.n. high commissioner for refugees said that about 900 refugees from yemen have arrived in the horn of africa .\"]\n", - "=======================\n", - "['u.n. agency says 900 refugees from yemen have arrived in horn of africa , asks ships in area to be vigilantwho : at least 643 people have been killed , more than 2,000 injured in three weeksunicef : aid includes medical supplies for up to 80,000 people and more airlifts are planned']\n", - "( cnn ) unicef said friday that an initial shipment of 16 tons of medical supplies , meant to help 80,000 innocents caught up in the havoc of yemen , had at last landed in yemen 's capital , sanaa .the conflict is exacting a heavy toll on children and families , unicef said in a statement .also friday , the u.n. high commissioner for refugees said that about 900 refugees from yemen have arrived in the horn of africa .\n", - "u.n. agency says 900 refugees from yemen have arrived in horn of africa , asks ships in area to be vigilantwho : at least 643 people have been killed , more than 2,000 injured in three weeksunicef : aid includes medical supplies for up to 80,000 people and more airlifts are planned\n", - "[1.2651124 1.5274493 1.2666203 1.328851 1.2696364 1.1137153 1.0357735\n", - " 1.0297239 1.0212559 1.0232671 1.0881096 1.0341723 1.0726047 1.1130134\n", - " 1.092645 1.052676 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 5 13 14 10 12 15 6 11 7 9 8 16 17 18 19]\n", - "=======================\n", - "[\"shayna hubers has been charged with murder in the october 12 , 2012 , of 29-year-old ryan poston inside his condominium in highland heights , ohio .hubers , who was 21 at the time , claimed she was acting in self-defense because the young attorney was shoving and hitting her , but during an interview with police she was quoted as telling a detective she gave posten ` the nose job he wanted . 'testimony got under way tuesday in the murder trial of a 24-year-old kentucky woman who is accused of fatally shooting her lawyer boyfriend in the face in 2012 .\"]\n", - "=======================\n", - "[\"testimony got under way in murder trial of 24-year-old shayna hubers accused of killing ohio lawyer ryan poston in 2012jurors were shown videotaped police interview with hubers , where she claimed she shot poston in self-defensehubers , then 21 , told police she shot poston in the face and then fired again to put him out of his miseryhubers described poston was ` vain ' to detectives and said she gave him the ` nose job he wanted ' by shooting him in the facewoman told police how poston allegedly pushed and shoved her , and mocked her for being a ` hillbilly from kentucky '\"]\n", - "shayna hubers has been charged with murder in the october 12 , 2012 , of 29-year-old ryan poston inside his condominium in highland heights , ohio .hubers , who was 21 at the time , claimed she was acting in self-defense because the young attorney was shoving and hitting her , but during an interview with police she was quoted as telling a detective she gave posten ` the nose job he wanted . 'testimony got under way tuesday in the murder trial of a 24-year-old kentucky woman who is accused of fatally shooting her lawyer boyfriend in the face in 2012 .\n", - "testimony got under way in murder trial of 24-year-old shayna hubers accused of killing ohio lawyer ryan poston in 2012jurors were shown videotaped police interview with hubers , where she claimed she shot poston in self-defensehubers , then 21 , told police she shot poston in the face and then fired again to put him out of his miseryhubers described poston was ` vain ' to detectives and said she gave him the ` nose job he wanted ' by shooting him in the facewoman told police how poston allegedly pushed and shoved her , and mocked her for being a ` hillbilly from kentucky '\n", - "[1.4426597 1.4178165 1.1433724 1.1198103 1.1522434 1.0699933 1.077263\n", - " 1.0940127 1.0438321 1.186229 1.0723374 1.0423591 1.1021762 1.1050357\n", - " 1.112901 1.0645373 1.0155758 1.0103588 1.0186331 1.0941721]\n", - "\n", - "[ 0 1 9 4 2 3 14 13 12 19 7 6 10 5 15 8 11 18 16 17]\n", - "=======================\n", - "['( cnn ) australia has recalled its ambassador to indonesia for consultations after two australians were among eight drug smugglers executed by firing squad early wednesday .australian prime minister tony abbott called the executions \" cruel and unnecessary \" because both men , andrew chan and myuran sukumaran , had been \" fully rehabilitated \" during a decade in prison .foreign minister retno marsudi said the country had no plans to recall its own ambassador in response .']\n", - "=======================\n", - "['brazil extends ` deepest sympathy \\' to family of executed brazilianindonesia executed eight death row inmates early wednesdayaustralian pm calls executions \" cruel and unnecessary \"']\n", - "( cnn ) australia has recalled its ambassador to indonesia for consultations after two australians were among eight drug smugglers executed by firing squad early wednesday .australian prime minister tony abbott called the executions \" cruel and unnecessary \" because both men , andrew chan and myuran sukumaran , had been \" fully rehabilitated \" during a decade in prison .foreign minister retno marsudi said the country had no plans to recall its own ambassador in response .\n", - "brazil extends ` deepest sympathy ' to family of executed brazilianindonesia executed eight death row inmates early wednesdayaustralian pm calls executions \" cruel and unnecessary \"\n", - "[1.4859848 1.1294656 1.3792859 1.2627168 1.2201661 1.130461 1.0348579\n", - " 1.0295395 1.0256419 1.088655 1.0406303 1.0318319 1.0634297 1.0400982\n", - " 1.0296957 1.0248973 1.049786 1.1395075 0. 0. ]\n", - "\n", - "[ 0 2 3 4 17 5 1 9 12 16 10 13 6 11 14 7 8 15 18 19]\n", - "=======================\n", - "['( cnn ) a grand jury in dallas county , texas , has decided not to indict two officers in the fatal shooting of jason harrison , a schizophrenic man whose mother had called police for help getting him to the hospital .but the officers are still facing a wrongful death lawsuit from harrison \\'s family .the harrison family \\'s lawsuit against rogers and hutchins says they should have used nonlethal means of defusing the situation instead of choosing to engage \" in unlawful vicious attacks \" when they and the department were aware of harrison \\'s condition .']\n", - "=======================\n", - "[\"police in dallas shot and killed jason harrison last yeara grand jury has decided not to indict the officersthe officers are still facing a civil lawsuit filed by harrison 's family\"]\n", - "( cnn ) a grand jury in dallas county , texas , has decided not to indict two officers in the fatal shooting of jason harrison , a schizophrenic man whose mother had called police for help getting him to the hospital .but the officers are still facing a wrongful death lawsuit from harrison 's family .the harrison family 's lawsuit against rogers and hutchins says they should have used nonlethal means of defusing the situation instead of choosing to engage \" in unlawful vicious attacks \" when they and the department were aware of harrison 's condition .\n", - "police in dallas shot and killed jason harrison last yeara grand jury has decided not to indict the officersthe officers are still facing a civil lawsuit filed by harrison 's family\n", - "[1.4947255 1.1468502 1.1199403 1.3410244 1.2157583 1.1494036 1.123478\n", - " 1.2190642 1.1873142 1.0716342 1.057349 1.0374755 1.0903665 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 7 4 8 5 1 6 2 12 9 10 11 13 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "['manny pacquiao may be aiming to conquer opponent floyd mayweather jnr on may 2 , but the boxer first set himself the target of conquering the mountains as he continued his harsh training regime .manny pacquiao trains with his team at griffith park in los angeles , california ahead of the mega-fightit is now less than a month before the two go head-to-head in las vegas for what will be the richest bout in boxing history .']\n", - "=======================\n", - "['manny pacquiao continued his high intensity training with a mountain runfilipino fighter is preparing for mega-fight with floyd mayweather jnrfans joined pacquiao as he climbed to the top of the griffith park summitthe mega-fight with mayweather jnr is now less than a month away']\n", - "manny pacquiao may be aiming to conquer opponent floyd mayweather jnr on may 2 , but the boxer first set himself the target of conquering the mountains as he continued his harsh training regime .manny pacquiao trains with his team at griffith park in los angeles , california ahead of the mega-fightit is now less than a month before the two go head-to-head in las vegas for what will be the richest bout in boxing history .\n", - "manny pacquiao continued his high intensity training with a mountain runfilipino fighter is preparing for mega-fight with floyd mayweather jnrfans joined pacquiao as he climbed to the top of the griffith park summitthe mega-fight with mayweather jnr is now less than a month away\n", - "[1.3021656 1.3683373 1.4113767 1.2525961 1.2320094 1.1343037 1.024419\n", - " 1.0260967 1.1437075 1.0721047 1.052756 1.0215694 1.0583647 1.0483304\n", - " 1.0329734 1.0637038 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 1 0 3 4 8 5 9 15 12 10 13 14 7 6 11 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"the original recipe for the ` brew ' contained more than 10 times the maximum daily intake of vitamin a for babies .controversial australian celebrity chef pete evans is under attack again with experts warning his ` reworked ' baby milk formula is dangerous to babies .the paleo diet has been one of the hottest diet trends around , with celebrity followers taking on the lifestyle\"]\n", - "=======================\n", - "[\"health experts slam pete evans ' new baby milk formula as a danger to kidsdietitians says formula has five times daily vitamin a intake for babiesevans ' is an outspoken advocate for the paleo diet and lifestylepete evans has shared two incredible stories on social mediaa woman , ` hollie ' , claimed the paleo diet alleviated her ms symptomsanother woman , marg , who also has ms , said her condition has improvedhealth experts say there is no scientific evidence to back up the claims\"]\n", - "the original recipe for the ` brew ' contained more than 10 times the maximum daily intake of vitamin a for babies .controversial australian celebrity chef pete evans is under attack again with experts warning his ` reworked ' baby milk formula is dangerous to babies .the paleo diet has been one of the hottest diet trends around , with celebrity followers taking on the lifestyle\n", - "health experts slam pete evans ' new baby milk formula as a danger to kidsdietitians says formula has five times daily vitamin a intake for babiesevans ' is an outspoken advocate for the paleo diet and lifestylepete evans has shared two incredible stories on social mediaa woman , ` hollie ' , claimed the paleo diet alleviated her ms symptomsanother woman , marg , who also has ms , said her condition has improvedhealth experts say there is no scientific evidence to back up the claims\n", - "[1.2888422 1.4177941 1.315604 1.0957217 1.1760042 1.1924372 1.086368\n", - " 1.1038488 1.091222 1.0498167 1.049884 1.0411493 1.0695446 1.0467496\n", - " 1.0639437 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 5 4 7 3 8 6 12 14 10 9 13 11 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"the labour leader announced plans to overhaul britain 's non-domicile regime , which allows 116,000 foreigners and people with foreign links to pay tax only on money that they bring into britain .mr miliband initially suggested he would ` abolish ' non-dom status -- but it later emerged that labour is effectively proposing a time limit on it of between two and five years .ed miliband 's proposed change in the rules on ` non-doms ' would cost britain billions , experts warned last night .\"]\n", - "=======================\n", - "[\"experts warn ed miliband 's changes for non-doms would cost millionsthe labour leader initially suggested he would abolish non-dom statusbut it later emerged he is effectively only proposing a time limit on itit allows those with foreign links to be taxed only on money entering britain\"]\n", - "the labour leader announced plans to overhaul britain 's non-domicile regime , which allows 116,000 foreigners and people with foreign links to pay tax only on money that they bring into britain .mr miliband initially suggested he would ` abolish ' non-dom status -- but it later emerged that labour is effectively proposing a time limit on it of between two and five years .ed miliband 's proposed change in the rules on ` non-doms ' would cost britain billions , experts warned last night .\n", - "experts warn ed miliband 's changes for non-doms would cost millionsthe labour leader initially suggested he would abolish non-dom statusbut it later emerged he is effectively only proposing a time limit on itit allows those with foreign links to be taxed only on money entering britain\n", - "[1.3158845 1.4725429 1.1240891 1.0944865 1.2020776 1.155445 1.227458\n", - " 1.0807434 1.0400643 1.0515783 1.0279495 1.0274615 1.243238 1.0154957\n", - " 1.0181763 1.021219 1.0207027 1.0322183 1.0256226 1.1222152 1.0701438\n", - " 1.0622594 0. ]\n", - "\n", - "[ 1 0 12 6 4 5 2 19 3 7 20 21 9 8 17 10 11 18 15 16 14 13 22]\n", - "=======================\n", - "[\"the sydney photographer returned to her husband sabino matera and their daughter on thursday evening after she vanished on the way to the bank around 8.30 am on wednesday morning .the husband of missing woman jessica bialek has posted a heartfelt thank you on social media to everyone who helped bring his wife home .ms bialek 's husband , sabino matera , confirmed she was home with a post on his facebook page\"]\n", - "=======================\n", - "[\"jessica bialek found ` safe and well ' after vanishing 36 hours earlierms bialek was last seen leaving her home at 8.30 am on wednesdayshe was walking to the bank in coogee , south-eastern sydneyms bialek 's husband pleaded for help in finding his wifeon thursday her father also made a plea for her to contact familythe mother-of-one is an accomplished arts photographershe returned home on thursday evening to her husband and daughter\"]\n", - "the sydney photographer returned to her husband sabino matera and their daughter on thursday evening after she vanished on the way to the bank around 8.30 am on wednesday morning .the husband of missing woman jessica bialek has posted a heartfelt thank you on social media to everyone who helped bring his wife home .ms bialek 's husband , sabino matera , confirmed she was home with a post on his facebook page\n", - "jessica bialek found ` safe and well ' after vanishing 36 hours earlierms bialek was last seen leaving her home at 8.30 am on wednesdayshe was walking to the bank in coogee , south-eastern sydneyms bialek 's husband pleaded for help in finding his wifeon thursday her father also made a plea for her to contact familythe mother-of-one is an accomplished arts photographershe returned home on thursday evening to her husband and daughter\n", - "[1.3481952 1.1756617 1.0548325 1.3577381 1.130121 1.161265 1.2608911\n", - " 1.101434 1.1207565 1.1893966 1.0822479 1.0217398 1.0290185 1.0193332\n", - " 1.0369129 1.0540023 1.0182822 1.0118973 1.0243989 1.0418806 1.0617217\n", - " 1.0287954 1.0534581]\n", - "\n", - "[ 3 0 6 9 1 5 4 8 7 10 20 2 15 22 19 14 12 21 18 11 13 16 17]\n", - "=======================\n", - "[\"she was arrested as she was sailing north and is now one of 350 migrants being held in a facility just outside tripoli .tripoli , libya ( cnn ) it took one somali woman seven months and 4,000 miles to trek to libya .the somali woman 's baby , sabrine , was born a week after she was detained .\"]\n", - "=======================\n", - "[\"migrant women hope to reach europe so their babies will be born therehundreds of arrested migrants are detained in libya while officials try to figure out what to doa funeral is held outside a valletta , malta , hospital for migrants killed in ship 's sinking\"]\n", - "she was arrested as she was sailing north and is now one of 350 migrants being held in a facility just outside tripoli .tripoli , libya ( cnn ) it took one somali woman seven months and 4,000 miles to trek to libya .the somali woman 's baby , sabrine , was born a week after she was detained .\n", - "migrant women hope to reach europe so their babies will be born therehundreds of arrested migrants are detained in libya while officials try to figure out what to doa funeral is held outside a valletta , malta , hospital for migrants killed in ship 's sinking\n", - "[1.3017782 1.416827 1.3027034 1.342504 1.171821 1.0745915 1.0341139\n", - " 1.0421727 1.0440005 1.0202955 1.0244863 1.0239466 1.0295079 1.015423\n", - " 1.0200497 1.1219182 1.2981565 1.036971 1.0494603 1.0174565 1.026362\n", - " 1.0304377 1.020967 1.0327734]\n", - "\n", - "[ 1 3 2 0 16 4 15 5 18 8 7 17 6 23 21 12 20 10 11 22 9 14 19 13]\n", - "=======================\n", - "['other passengers watched in horror as the man , said to be in his 20s , was struck by a northern line train at stockwell station this morning .emergency services were called to stockwell station in south london this morning after a man sustained life-threatening head injuries while bending down to pick up his bag from the platformthe station , which also serves the victoria line , was shut while medics tended to the passenger who was later taken to hospital .']\n", - "=======================\n", - "['man in his twenties said to have bent down to pick up his bag at stockwellhe was hit on the head on northern line platform of south london stationcommuters have said the platforms are too narrow and unsafe when busyman was rushed to hospital with life-threatening head injuries']\n", - "other passengers watched in horror as the man , said to be in his 20s , was struck by a northern line train at stockwell station this morning .emergency services were called to stockwell station in south london this morning after a man sustained life-threatening head injuries while bending down to pick up his bag from the platformthe station , which also serves the victoria line , was shut while medics tended to the passenger who was later taken to hospital .\n", - "man in his twenties said to have bent down to pick up his bag at stockwellhe was hit on the head on northern line platform of south london stationcommuters have said the platforms are too narrow and unsafe when busyman was rushed to hospital with life-threatening head injuries\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[1.2417107 1.4663212 1.1191059 1.194283 1.3692157 1.2453241 1.1260781\n", - " 1.098253 1.0906166 1.2259347 1.0377517 1.0137777 1.0648385 1.042651\n", - " 1.1017592 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 4 5 0 9 3 6 2 14 7 8 12 13 10 11 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"four-month-old roscoe was caught on camera this week at the asheville humane society in north carolina taking some of his first steps .the rescue pup was born with a deformity which caused his front to legs to be bent backwards at the knees .a pit pull puppy who could n't walk due to a crippling birth defect has now been likened to the sprightly-footed tap dancer fred astaire after undergoing reconstructive surgery .\"]\n", - "=======================\n", - "['roscoe was caught on camera this week at the asheville humane society in north carolina taking some of his first stepsthe rescue pup was born with a deformity which caused his front to legs to be bent backwards at the knees']\n", - "four-month-old roscoe was caught on camera this week at the asheville humane society in north carolina taking some of his first steps .the rescue pup was born with a deformity which caused his front to legs to be bent backwards at the knees .a pit pull puppy who could n't walk due to a crippling birth defect has now been likened to the sprightly-footed tap dancer fred astaire after undergoing reconstructive surgery .\n", - "roscoe was caught on camera this week at the asheville humane society in north carolina taking some of his first stepsthe rescue pup was born with a deformity which caused his front to legs to be bent backwards at the knees\n", - "[1.334286 1.4966341 1.1818857 1.0815301 1.1642542 1.0582765 1.1163087\n", - " 1.0779105 1.2813736 1.065237 1.0440905 1.0600828 1.0681648 1.0340829\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 8 2 4 6 3 7 12 9 11 5 10 13 22 14 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "['godfrey elfwick was recruited via twitter to appear on the programme world have your say , where producers were preparing an item about the trailer for the new film in the franchise .the bbc has apologised and admitted the fell victim to a hoaxer who appeared on the world service claiming the star wars films are anti-women , anti-gay and said darth vader listens to rap music .in particular , the programme were looking for people who had never seen any of the films to watch them and give their assessment .']\n", - "=======================\n", - "[\"godfrey elfwick recruited via twitter to appear on world have your saycame after claims he had never seen the star wars franchise beforeon the show he described the films as both anti-women and anti-gayalso said that darth vader was a black man and a ` really bad racial stereotype '\"]\n", - "godfrey elfwick was recruited via twitter to appear on the programme world have your say , where producers were preparing an item about the trailer for the new film in the franchise .the bbc has apologised and admitted the fell victim to a hoaxer who appeared on the world service claiming the star wars films are anti-women , anti-gay and said darth vader listens to rap music .in particular , the programme were looking for people who had never seen any of the films to watch them and give their assessment .\n", - "godfrey elfwick recruited via twitter to appear on world have your saycame after claims he had never seen the star wars franchise beforeon the show he described the films as both anti-women and anti-gayalso said that darth vader was a black man and a ` really bad racial stereotype '\n", - "[1.1366016 1.0820816 1.0997928 1.2424035 1.2393398 1.4663908 1.167325\n", - " 1.0264492 1.085669 1.0170711 1.1260644 1.0793794 1.034482 1.1979989\n", - " 1.032388 1.0151215 1.034684 1.0214957 1.0190516 1.0169586 1.0226287\n", - " 1.0114038 1.0123937 0. ]\n", - "\n", - "[ 5 3 4 13 6 0 10 2 8 1 11 16 12 14 7 20 17 18 9 19 15 22 21 23]\n", - "=======================\n", - "[\"danny welbeck talks to sportsmail 's martin keown ahead of arsenal 's fa cup semi-final against readingwe discussed life at arsenal , scoring against manchester united and his fa cup dreams .you can watch the full interview on football focus on bbc one today at 12.10 pm and reading 's semi-final with arsenal live on bbc one from 5.05 pm .\"]\n", - "=======================\n", - "[\"danny welbeck met up with sportsmail 's martin keownwelbeck thanks fans and staff for making him so welcome at arsenalformer manchester united striker talks about scoring at old traffordwelbeck wants to be a striker , but says playing on the wing is easier in a front three than when part of a midfield fourarsenal take on reading at wembley on saturday evening\"]\n", - "danny welbeck talks to sportsmail 's martin keown ahead of arsenal 's fa cup semi-final against readingwe discussed life at arsenal , scoring against manchester united and his fa cup dreams .you can watch the full interview on football focus on bbc one today at 12.10 pm and reading 's semi-final with arsenal live on bbc one from 5.05 pm .\n", - "danny welbeck met up with sportsmail 's martin keownwelbeck thanks fans and staff for making him so welcome at arsenalformer manchester united striker talks about scoring at old traffordwelbeck wants to be a striker , but says playing on the wing is easier in a front three than when part of a midfield fourarsenal take on reading at wembley on saturday evening\n", - "[1.152008 1.1416669 1.258072 1.1564145 1.1144984 1.050225 1.0601568\n", - " 1.0978609 1.092854 1.0778639 1.0883176 1.0609624 1.0776258 1.169483\n", - " 1.0532422 1.0236167 1.0554167 1.0431706 1.0417062 1.0265353 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 13 3 0 1 4 7 8 10 9 12 11 6 16 14 5 17 18 19 15 20 21 22 23]\n", - "=======================\n", - "['according to one female businesswoman in texas , hillary clinton should n\\'t be president because her hormones might make her so irrational she \\'ll start an unnecessary war .time magazine declared hillary clinton the \" perfect \" age to be president , because she \\'s a postmenopausal woman who is \" biologically primed \" to lead .( cnn ) thinking about presidential candidates ?']\n", - "=======================\n", - "[\"a businesswoman worries that if hillary clinton becomes president , her hormones will make her go to warmel robbins : what 's scary is that the bias against women in the workplace is still going strong in 2015\"]\n", - "according to one female businesswoman in texas , hillary clinton should n't be president because her hormones might make her so irrational she 'll start an unnecessary war .time magazine declared hillary clinton the \" perfect \" age to be president , because she 's a postmenopausal woman who is \" biologically primed \" to lead .( cnn ) thinking about presidential candidates ?\n", - "a businesswoman worries that if hillary clinton becomes president , her hormones will make her go to warmel robbins : what 's scary is that the bias against women in the workplace is still going strong in 2015\n", - "[1.3394073 1.4944599 1.3446417 1.2508457 1.0725937 1.2037649 1.081172\n", - " 1.1335876 1.0195777 1.0118951 1.0465438 1.014125 1.0644212 1.1217799\n", - " 1.1552285 1.1099513 1.0386367 1.0190661 1.0311425 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 3 5 14 7 13 15 6 4 12 10 16 18 8 17 11 9 19 20 21 22]\n", - "=======================\n", - "['just sixty four days after the first defence of his ibf belt against jo jo dan , brook will return to action on a packed pay-per-view show on may 30 at the o2 in london .the welterweight bout has been added to a card that includes world title challenges for kevin mitchell and lee selby while anthony joshua faces his toughest test to date against kevin johnson .kell brook has finally landed the battle of britain he craved , but will take on frankie gavin rather than bitter rival amir khan .']\n", - "=======================\n", - "['kell brook will make the second defence of his title in just over two monthshe will take on fellow brit frankie gavin at the o2 arena on may 30brook stopped jo jo dan in the fourth round in sheffield last monthanthony joshua , lee selby and kevin mitchell will also be on the cardclick here for all the latest boxing news']\n", - "just sixty four days after the first defence of his ibf belt against jo jo dan , brook will return to action on a packed pay-per-view show on may 30 at the o2 in london .the welterweight bout has been added to a card that includes world title challenges for kevin mitchell and lee selby while anthony joshua faces his toughest test to date against kevin johnson .kell brook has finally landed the battle of britain he craved , but will take on frankie gavin rather than bitter rival amir khan .\n", - "kell brook will make the second defence of his title in just over two monthshe will take on fellow brit frankie gavin at the o2 arena on may 30brook stopped jo jo dan in the fourth round in sheffield last monthanthony joshua , lee selby and kevin mitchell will also be on the cardclick here for all the latest boxing news\n", - "[1.4718668 1.262475 1.3708833 1.1450827 1.1493345 1.2477337 1.1325762\n", - " 1.0683244 1.0355526 1.0798924 1.0646012 1.0858115 1.0377136 1.0534654\n", - " 1.0392927 1.0526389 1.0217193 1.0446995 1.0714998 1.0524791 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 1 5 4 3 6 11 9 18 7 10 13 15 19 17 14 12 8 16 21 20 22]\n", - "=======================\n", - "['michael shepard , 35 , allegedly molested at least seven children within 18 months of his releasehe is accused of horrific sexual attacks on seven children , both boys and girls .police now say he did everything he could to win the confidence of the parents at cedar hollow apartments in pinellas park so that he could prey on their children .']\n", - "=======================\n", - "[\"michael shepard , 35 , conned parents into believing he was n't dangerous and even convinced them to let him babysit , police sayhe raped and sexually abused at least seven children , including a girl as young as five , authorities allegeat a hearing to keep him locked up , one psychologist testified in his defense , the other said he was ` on the fence ' about keeping shepard behind barsshepard spent 15 years in prison for sexually abusing two boys and has a history of sex offense dating back two decades\"]\n", - "michael shepard , 35 , allegedly molested at least seven children within 18 months of his releasehe is accused of horrific sexual attacks on seven children , both boys and girls .police now say he did everything he could to win the confidence of the parents at cedar hollow apartments in pinellas park so that he could prey on their children .\n", - "michael shepard , 35 , conned parents into believing he was n't dangerous and even convinced them to let him babysit , police sayhe raped and sexually abused at least seven children , including a girl as young as five , authorities allegeat a hearing to keep him locked up , one psychologist testified in his defense , the other said he was ` on the fence ' about keeping shepard behind barsshepard spent 15 years in prison for sexually abusing two boys and has a history of sex offense dating back two decades\n", - "[1.2971092 1.4585574 1.2050018 1.254728 1.1879153 1.0621123 1.1128846\n", - " 1.0524943 1.2470504 1.0806787 1.1361446 1.0676794 1.0419507 1.0468999\n", - " 1.0542512 1.0325232 1.0189366 1.060184 1.0632102 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 3 8 2 4 10 6 9 11 18 5 17 14 7 13 12 15 16 21 19 20 22]\n", - "=======================\n", - "[\"luke has been missing for two nights in a victorian national park , with temperatures dropping to as low as eight degree celsius on saturday night .water police have been called in to help with the search of a missing autistic boy , as 11-year-old luke shambrook is ` fascinated ' by water but can not swim .he was last seen leaving candlebark campground in fraser national park near lake eildon at 9.30 am on good friday .\"]\n", - "=======================\n", - "['luke shambrook was last seen leaving candlebark campground on fridaythe 11-year old was camping in the victorian national park with his familyhe has been missing for two nights and temperatures dipped to as low as eight degrees celsius on saturday nightthere has been an unconfirmed sighting of luke with police acting quicklythe 11-year-old was reportedly seen walking 4 kms from his campsiteluke has limited speech and his family says he is probably confuseda large search is being carried by a medley of search and rescue teamspolice also said conditions are favourable for his survival overnightthey have issued an extensive description of luke and his clothing']\n", - "luke has been missing for two nights in a victorian national park , with temperatures dropping to as low as eight degree celsius on saturday night .water police have been called in to help with the search of a missing autistic boy , as 11-year-old luke shambrook is ` fascinated ' by water but can not swim .he was last seen leaving candlebark campground in fraser national park near lake eildon at 9.30 am on good friday .\n", - "luke shambrook was last seen leaving candlebark campground on fridaythe 11-year old was camping in the victorian national park with his familyhe has been missing for two nights and temperatures dipped to as low as eight degrees celsius on saturday nightthere has been an unconfirmed sighting of luke with police acting quicklythe 11-year-old was reportedly seen walking 4 kms from his campsiteluke has limited speech and his family says he is probably confuseda large search is being carried by a medley of search and rescue teamspolice also said conditions are favourable for his survival overnightthey have issued an extensive description of luke and his clothing\n", - "[1.2409496 1.2641814 1.240449 1.0953227 1.2045612 1.2059449 1.2298276\n", - " 1.1536472 1.1028996 1.0739375 1.0262256 1.0269964 1.039005 1.035835\n", - " 1.0352784 1.0337644 1.0194916 1.0106894 1.0131373 1.031268 1.0220853\n", - " 1.1133965 1.0807984]\n", - "\n", - "[ 1 0 2 6 5 4 7 21 8 3 22 9 12 13 14 15 19 11 10 20 16 18 17]\n", - "=======================\n", - "['a dramatic , frenetic 12 rounds here saw the irishman sent sprawling in the very first against the dangerous peter quillin , the man who vacated the wbo middleweight title lee won so gloriously in las vegas last december before the result was deemed a draw .andy lee will leave new york with his head held high and a burgeoning reputation firmly intact .it was the first time the reigning champion had gone the distance .']\n", - "=======================\n", - "['judges scored the contest 113-112 , 112-113 , 113-113 - a tieirishman lee was floored in the first round but fought back admirablyhe threw more punches and connected more regularly than his opponentquillin had failed to make the required weight of 160lbs on fridayreigning wbo middleweight champion lee went distance for first timeand he did most of it with a strained biceps muscle in his left arm']\n", - "a dramatic , frenetic 12 rounds here saw the irishman sent sprawling in the very first against the dangerous peter quillin , the man who vacated the wbo middleweight title lee won so gloriously in las vegas last december before the result was deemed a draw .andy lee will leave new york with his head held high and a burgeoning reputation firmly intact .it was the first time the reigning champion had gone the distance .\n", - "judges scored the contest 113-112 , 112-113 , 113-113 - a tieirishman lee was floored in the first round but fought back admirablyhe threw more punches and connected more regularly than his opponentquillin had failed to make the required weight of 160lbs on fridayreigning wbo middleweight champion lee went distance for first timeand he did most of it with a strained biceps muscle in his left arm\n", - "[1.2203975 1.3431438 1.1980698 1.3376902 1.2717371 1.2566282 1.04181\n", - " 1.1062105 1.0653527 1.1761296 1.1127408 1.0115161 1.0158861 1.0164862\n", - " 1.0800937 1.0216883 1.0701128 1.0616647 1.0368137 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 4 5 0 2 9 10 7 14 16 8 17 6 18 15 13 12 11 19 20 21 22]\n", - "=======================\n", - "[\"the sailors were stationed or had been stationed at the west australian port of hmas stirling off the coast of rockingham , south of perth .five of the sailors who committed suicide had been serving with the australian navy on hmas stirlingstuart addison hanged himself while he was on-shore leave in 2011 and his father , mark addison , was faced with the tough decision to turn off his son 's life support after several days in hospital .\"]\n", - "=======================\n", - "[\"five sailors took their own lives while serving on wa 's hmas stirlingsuicides happened over two years and some had attempted it beforestuart addison 's family did n't know about his other attempts until his deathit was a similar case for four other families , including stuart 's close friendsrevelations of ice use , binge drinking and depression have also emerged\"]\n", - "the sailors were stationed or had been stationed at the west australian port of hmas stirling off the coast of rockingham , south of perth .five of the sailors who committed suicide had been serving with the australian navy on hmas stirlingstuart addison hanged himself while he was on-shore leave in 2011 and his father , mark addison , was faced with the tough decision to turn off his son 's life support after several days in hospital .\n", - "five sailors took their own lives while serving on wa 's hmas stirlingsuicides happened over two years and some had attempted it beforestuart addison 's family did n't know about his other attempts until his deathit was a similar case for four other families , including stuart 's close friendsrevelations of ice use , binge drinking and depression have also emerged\n", - "[1.6453714 1.3582602 1.12224 1.5727106 1.0896394 1.0433949 1.0614871\n", - " 1.0405226 1.0310785 1.0141582 1.0140097 1.0211563 1.0213047 1.0242741\n", - " 1.0234405 1.0232092 1.0379833 1.0377109 1.0157886 1.027077 1.0196894]\n", - "\n", - "[ 0 3 1 2 4 6 5 7 16 17 8 19 13 14 15 12 11 20 18 9 10]\n", - "=======================\n", - "[\"luke rockhold is ready to be the bull to lyoto machida 's matador when the middleweights collide in new jersey on saturday .lyoto machida ( left ) and luke rockhold face off ahead of their middleweight clash this weekend 'the californian is bidding for his fourth consecutive victory since losing to vitor belfort two years ago and has a title shot in his sights .\"]\n", - "=======================\n", - "['luke rockhold takes on lyoto machida in new jersey on saturdaythe middleweights will hope the winner will earn a title shotrockhold believes he has to dominate machida to earn the win']\n", - "luke rockhold is ready to be the bull to lyoto machida 's matador when the middleweights collide in new jersey on saturday .lyoto machida ( left ) and luke rockhold face off ahead of their middleweight clash this weekend 'the californian is bidding for his fourth consecutive victory since losing to vitor belfort two years ago and has a title shot in his sights .\n", - "luke rockhold takes on lyoto machida in new jersey on saturdaythe middleweights will hope the winner will earn a title shotrockhold believes he has to dominate machida to earn the win\n", - "[1.350326 1.4148422 1.3414891 1.239454 1.1526276 1.0643538 1.0515397\n", - " 1.0603383 1.0396241 1.0705922 1.0916727 1.0294275 1.0395494 1.1103723\n", - " 1.0550869 1.0300584 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 13 10 9 5 7 14 6 8 12 15 11 19 16 17 18 20]\n", - "=======================\n", - "[\"the state 's legislature on friday passed a bill raising the minimum legal age -- currently 18 -- to buy tobacco or e-cigarettes .( cnn ) hawaii is poised to become the first state in the nation to prohibit the sale of cigarettes and other tobacco products to anybody under age 21 .the bill will now go before gov. david ige , whose signature would make it law in hawaii as of january 1 , 2016 .\"]\n", - "=======================\n", - "[\"hawaii 's legislature passes a bill raising the legal age for buying tobacco to 21the bill is now before gov. david ige , whose signature would make it lawmost states allow tobacco sales to anyone 18 and older\"]\n", - "the state 's legislature on friday passed a bill raising the minimum legal age -- currently 18 -- to buy tobacco or e-cigarettes .( cnn ) hawaii is poised to become the first state in the nation to prohibit the sale of cigarettes and other tobacco products to anybody under age 21 .the bill will now go before gov. david ige , whose signature would make it law in hawaii as of january 1 , 2016 .\n", - "hawaii 's legislature passes a bill raising the legal age for buying tobacco to 21the bill is now before gov. david ige , whose signature would make it lawmost states allow tobacco sales to anyone 18 and older\n", - "[1.2289586 1.0993879 1.1730648 1.3618891 1.2113978 1.1947136 1.1376446\n", - " 1.0752691 1.0801041 1.197853 1.0458963 1.0521978 1.0445356 1.0727609\n", - " 1.0320078 1.0415466 1.0627201 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 4 9 5 2 6 1 8 7 13 16 11 10 12 15 14 19 17 18 20]\n", - "=======================\n", - "[\"oleg kalashnikov , the former member of parliament , was shot and killed shortly after 7 p.m. wednesday at the entrance to his apartment block .kiev , ukraine ( cnn ) the question haunting kiev is this : who might be murdering allies of ukraine 's ousted president viktor yanukovych ?at least three former members of parliament with the party of regions have reportedly committed suicide in the last seven weeks :\"]\n", - "=======================\n", - "['five recent deaths heighten suspicions on both side of ukraine \\'s ethnic divideukraine \\'s president orders an investigation of the recent killingsthe opposition calls the killings \" oppression , \" but the government says moscow may be to blame']\n", - "oleg kalashnikov , the former member of parliament , was shot and killed shortly after 7 p.m. wednesday at the entrance to his apartment block .kiev , ukraine ( cnn ) the question haunting kiev is this : who might be murdering allies of ukraine 's ousted president viktor yanukovych ?at least three former members of parliament with the party of regions have reportedly committed suicide in the last seven weeks :\n", - "five recent deaths heighten suspicions on both side of ukraine 's ethnic divideukraine 's president orders an investigation of the recent killingsthe opposition calls the killings \" oppression , \" but the government says moscow may be to blame\n", - "[1.2079824 1.3799 1.2053583 1.2890506 1.1466548 1.123052 1.0924853\n", - " 1.0599754 1.0631449 1.1691903 1.0764405 1.0167625 1.16609 1.0890411\n", - " 1.0506694 1.0801986 1.0288815 1.0458964 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 9 12 4 5 6 13 15 10 8 7 14 17 16 11 19 18 20]\n", - "=======================\n", - "[\"a 39-year-old woman named lillian roldan came forward to author john glatt to say she dated castro from 2000 to 2003 , a three-year period during which castro kidnapped and imprisoned michelle knight and amanda berry in his ohio home .as he kept two young women locked up as sex slaves in his basement , ariel castro was looking for a wife , a new book about the cleveland kidnapper has revealed .roldan describes castro in glatt 's book the lost girls as nothing short of a gentleman , who was ` completely normal ' in the bedroom , and even romantic .\"]\n", - "=======================\n", - "['lillian roldan says she dated ariel castro from 2000 to 2003 according to a new book about the cleveland house of horrors by john glattroldan says she met castro on a blind date and that during their three-year relationship , he was nothing but a gentlemantwo years into their relationship , castro kidnapped his first two victims , michelle knight and amanda berry , and locked them in his basementroldan says she never knew castro was hiding the women , but that he did keep a padlock on his basement doorcastro broke up with roldan with a letter in october 2003 , and a few months later went on to kidnap his third victim gina dejesusthe three women were kept captive in the house for another nine years , until they made a dramatic escape in may 2013']\n", - "a 39-year-old woman named lillian roldan came forward to author john glatt to say she dated castro from 2000 to 2003 , a three-year period during which castro kidnapped and imprisoned michelle knight and amanda berry in his ohio home .as he kept two young women locked up as sex slaves in his basement , ariel castro was looking for a wife , a new book about the cleveland kidnapper has revealed .roldan describes castro in glatt 's book the lost girls as nothing short of a gentleman , who was ` completely normal ' in the bedroom , and even romantic .\n", - "lillian roldan says she dated ariel castro from 2000 to 2003 according to a new book about the cleveland house of horrors by john glattroldan says she met castro on a blind date and that during their three-year relationship , he was nothing but a gentlemantwo years into their relationship , castro kidnapped his first two victims , michelle knight and amanda berry , and locked them in his basementroldan says she never knew castro was hiding the women , but that he did keep a padlock on his basement doorcastro broke up with roldan with a letter in october 2003 , and a few months later went on to kidnap his third victim gina dejesusthe three women were kept captive in the house for another nine years , until they made a dramatic escape in may 2013\n", - "[1.37842 1.1001968 1.1304884 1.201053 1.1336339 1.097129 1.1009434\n", - " 1.0562311 1.0184216 1.0184674 1.1426502 1.1002223 1.3435494 1.1353786\n", - " 1.0392832 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 12 3 10 13 4 2 6 11 1 5 7 14 9 8 19 15 16 17 18 20]\n", - "=======================\n", - "[\"jeremy clarkson has become a green campaigner , simon cowell is going to be put on the # 5 note and the leaning tower of pisa is becoming a luxury hotel , it emerged today .among the other jokes to sneak into the news today were tesco 's new trampoline aisles , and the claim that the manchester united team is picked using the power of astrology .innovation : tesco claims to be introducing bouncy aisles in a publicity campaign including lucy mecklenburgh from the only way is essex\"]\n", - "=======================\n", - "[\"april 1 has heralded a crop of fake news stories hoodwinking readersthe guardian claims jeremy clarkson is campaigning against fossil fuelssimon cowell will replace the queen on the # 5 note , according to the sunthe leaning tower of pisa is set to become a luxury hotel , says one paperant and dec ` will add strictly 's anton du beke to their presenting line-up '\"]\n", - "jeremy clarkson has become a green campaigner , simon cowell is going to be put on the # 5 note and the leaning tower of pisa is becoming a luxury hotel , it emerged today .among the other jokes to sneak into the news today were tesco 's new trampoline aisles , and the claim that the manchester united team is picked using the power of astrology .innovation : tesco claims to be introducing bouncy aisles in a publicity campaign including lucy mecklenburgh from the only way is essex\n", - "april 1 has heralded a crop of fake news stories hoodwinking readersthe guardian claims jeremy clarkson is campaigning against fossil fuelssimon cowell will replace the queen on the # 5 note , according to the sunthe leaning tower of pisa is set to become a luxury hotel , says one paperant and dec ` will add strictly 's anton du beke to their presenting line-up '\n", - "[1.155676 1.145018 1.3405592 1.1357869 1.1088406 1.3973093 1.0364505\n", - " 1.087236 1.0322176 1.0206355 1.0622144 1.0296816 1.0649611 1.0984051\n", - " 1.0194712 1.0234693 1.082753 1.0622056 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 5 2 0 1 3 4 13 7 16 12 10 17 6 8 11 15 9 14 21 18 19 20 22]\n", - "=======================\n", - "[\"wasps coach dai young has called for reform to the premiership salary cap so english clubs can compete on the european stage - the comments came after his team lost 32-18 to toulon on sundaywasps ' director of rugby could not have asked much more from his gallant side as they pushed toulon all the way before losing their champions cup quarter-final at stade felix mayol on sunday .it 's that time of year when the english challenge in europe fades in the face of overwhelming firepower and the thorny issue of the salary cap re-surfaces .\"]\n", - "=======================\n", - "[\"dai young wants to reform the current salary cap in english top flightit means premiership clubs are struggling to compete with frenchyoung 's wasps side lost 32-18 to toulon in champions cup last eightonly saracens made it through to the last four from england\"]\n", - "wasps coach dai young has called for reform to the premiership salary cap so english clubs can compete on the european stage - the comments came after his team lost 32-18 to toulon on sundaywasps ' director of rugby could not have asked much more from his gallant side as they pushed toulon all the way before losing their champions cup quarter-final at stade felix mayol on sunday .it 's that time of year when the english challenge in europe fades in the face of overwhelming firepower and the thorny issue of the salary cap re-surfaces .\n", - "dai young wants to reform the current salary cap in english top flightit means premiership clubs are struggling to compete with frenchyoung 's wasps side lost 32-18 to toulon in champions cup last eightonly saracens made it through to the last four from england\n", - "[1.5375295 1.2268635 1.4623613 1.2421424 1.1955695 1.1706654 1.0872086\n", - " 1.0398579 1.0214576 1.1156615 1.021664 1.0272164 1.0912111 1.0163162\n", - " 1.0153097 1.012342 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 3 1 4 5 9 12 6 7 11 10 8 13 14 15 21 16 17 18 19 20 22]\n", - "=======================\n", - "['christopher barry , 53 , was stabbed to death by a 13-year-old boy after a row outside a block of flatsthe boy , who is a member of the notorious wood green gang , pleaded guilty to stabbing 53-year-old christopher barry twice in the chest outside his home in edmonton , north london , on december 14 last year .the teenager , who can not be named for legal reasons , pulled a knife from his rucksack and stabbed mr barry , a builder , as he got into a lift following a row .']\n", - "=======================\n", - "[\"a boy aged 13 has been jailed for 11 years for murder of christopher barryhe stabbed mr barry , a builder , twice in ` cowardly and unprovoked ' attackteenager was a member of the notorious wood green gang in londonboy was thrown out of school at 11 for possessing cannabis and a knife\"]\n", - "christopher barry , 53 , was stabbed to death by a 13-year-old boy after a row outside a block of flatsthe boy , who is a member of the notorious wood green gang , pleaded guilty to stabbing 53-year-old christopher barry twice in the chest outside his home in edmonton , north london , on december 14 last year .the teenager , who can not be named for legal reasons , pulled a knife from his rucksack and stabbed mr barry , a builder , as he got into a lift following a row .\n", - "a boy aged 13 has been jailed for 11 years for murder of christopher barryhe stabbed mr barry , a builder , twice in ` cowardly and unprovoked ' attackteenager was a member of the notorious wood green gang in londonboy was thrown out of school at 11 for possessing cannabis and a knife\n", - "[1.3659714 1.3316609 1.1925737 1.4123499 1.1835067 1.0748246 1.079769\n", - " 1.0364305 1.0200658 1.1838259 1.1413579 1.0303681 1.0307691 1.0229492\n", - " 1.0170488 1.0332553 1.0351087 1.1106097 1.0367795 1.0162237 1.0229857\n", - " 1.0322175 1.0268729]\n", - "\n", - "[ 3 0 1 2 9 4 10 17 6 5 18 7 16 15 21 12 11 22 20 13 8 14 19]\n", - "=======================\n", - "[\"former everton chairman and life president sir phillip carter passed away on thursday .carter also served as president of the football league and a vice-president of the football association but it is as chairman of everton throughout the 1980s that he will be remembered .under his stewardship , the club won two league titles , an fa cup and the european cup winners ' cup , which is still the toffees ' only piece of continental silverware .\"]\n", - "=======================\n", - "[\"sir philip carter died at his home on thursday morning after a short illnesscarter served everton during three spells after first joining the club in 1977toffees chairman bill kenwright pays tribute to a ` great man and leader '\"]\n", - "former everton chairman and life president sir phillip carter passed away on thursday .carter also served as president of the football league and a vice-president of the football association but it is as chairman of everton throughout the 1980s that he will be remembered .under his stewardship , the club won two league titles , an fa cup and the european cup winners ' cup , which is still the toffees ' only piece of continental silverware .\n", - "sir philip carter died at his home on thursday morning after a short illnesscarter served everton during three spells after first joining the club in 1977toffees chairman bill kenwright pays tribute to a ` great man and leader '\n", - "[1.5042933 1.4826872 1.2909542 1.4552462 1.291869 1.1214203 1.1538382\n", - " 1.0563726 1.0199232 1.0284811 1.011123 1.0134255 1.0114685 1.1255242\n", - " 1.0781924 1.1319753 1.0128279 1.0109953 1.0077106 1.007828 1.00789\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 3 4 2 6 15 13 5 14 7 9 8 11 16 12 10 17 20 19 18 21 22]\n", - "=======================\n", - "[\"st mirren skipper steven thompson has apologised to team-mate john mcginn after accidentally spearing him with a training ground pole .the scotland under 21 player is now on crutches and will miss the rest of the season after a prank at saints ' renfrewshire training ground went badly wrong on thursday .gary teale 's first-team squad were doing a dribbling drill when veteran thompson lost possession to mcginn and stumbled into two poles which were intended for the players to run through .\"]\n", - "=======================\n", - "[\"john mcginn will miss the rest of the season after the incident in trainingsteven thompson threw a pole towards mcginn after losing possessionthe pole stabbed mcginn in the leg , leaving him needing hospital attentionthompson says ` blood started pouring out of the hole ' in mcginn 's legst mirren captain is believed to have given his goal bonus to mcginn\"]\n", - "st mirren skipper steven thompson has apologised to team-mate john mcginn after accidentally spearing him with a training ground pole .the scotland under 21 player is now on crutches and will miss the rest of the season after a prank at saints ' renfrewshire training ground went badly wrong on thursday .gary teale 's first-team squad were doing a dribbling drill when veteran thompson lost possession to mcginn and stumbled into two poles which were intended for the players to run through .\n", - "john mcginn will miss the rest of the season after the incident in trainingsteven thompson threw a pole towards mcginn after losing possessionthe pole stabbed mcginn in the leg , leaving him needing hospital attentionthompson says ` blood started pouring out of the hole ' in mcginn 's legst mirren captain is believed to have given his goal bonus to mcginn\n", - "[1.3063645 1.3550125 1.3312668 1.3328191 1.2834315 1.0716566 1.0322552\n", - " 1.065797 1.1259557 1.1076481 1.0339866 1.0474808 1.0617776 1.0999126\n", - " 1.1489902 1.0109663 1.023496 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 14 8 9 13 5 7 12 11 10 6 16 15 17 18 19 20 21 22]\n", - "=======================\n", - "[\"the unique psychedelic cartoon , which is hand-painted , depicts the eponymous submarine from the 1968 film in which the fab four travel to pepperland to save it from the blue meanies .the first ever drawing of the beatles ' famous yellow submarine which is dubbed the ` holy grail of memorabilia ' is set to fetch more than # 10,000 when it is sold at auction in dallas , texas , on thursdaythe rare celluloid painting , known as a cel , was used as a master version from which artists working on the film created all other images of the wacky vessel .\"]\n", - "=======================\n", - "[\"first drawing of yellow submarine to fetch more than # 10,000 at auctionrare celluloid painting depicts vessel used in 1968 film starring beatlesfeaturing handwritten notes , it was used as a master for animation teamyellow submarine was a success and led to the beatles ' 10th studio album\"]\n", - "the unique psychedelic cartoon , which is hand-painted , depicts the eponymous submarine from the 1968 film in which the fab four travel to pepperland to save it from the blue meanies .the first ever drawing of the beatles ' famous yellow submarine which is dubbed the ` holy grail of memorabilia ' is set to fetch more than # 10,000 when it is sold at auction in dallas , texas , on thursdaythe rare celluloid painting , known as a cel , was used as a master version from which artists working on the film created all other images of the wacky vessel .\n", - "first drawing of yellow submarine to fetch more than # 10,000 at auctionrare celluloid painting depicts vessel used in 1968 film starring beatlesfeaturing handwritten notes , it was used as a master for animation teamyellow submarine was a success and led to the beatles ' 10th studio album\n", - "[1.4545388 1.4289217 1.4433212 1.2845107 1.2725259 1.0527868 1.0228492\n", - " 1.014018 1.1431218 1.0810815 1.0646313 1.1494298 1.034496 1.0289321\n", - " 1.0123856 1.0109262 1.0149754 1.0123966 1.0112249 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 1 3 4 11 8 9 10 5 12 13 6 16 7 17 14 18 15 21 19 20 22]\n", - "=======================\n", - "[\"steve bruce has promised his wife janet he will go on a diet after unflattering paparazzi pictures of him on a barbados beach were publicised .steve bruce was looking larger than life after being snapped holidaying in barbados with alan shearerthe hull manager says he was ` disappointed ' that the pictures were published and that he was baffled that anyone would be interested .\"]\n", - "=======================\n", - "['steve bruce has promised wife janet to go on a diet and lose some weighthull boss was pictured lapping up the sun with pal alan shearerbruce was enjoying a short holiday during the international break']\n", - "steve bruce has promised his wife janet he will go on a diet after unflattering paparazzi pictures of him on a barbados beach were publicised .steve bruce was looking larger than life after being snapped holidaying in barbados with alan shearerthe hull manager says he was ` disappointed ' that the pictures were published and that he was baffled that anyone would be interested .\n", - "steve bruce has promised wife janet to go on a diet and lose some weighthull boss was pictured lapping up the sun with pal alan shearerbruce was enjoying a short holiday during the international break\n", - "[1.2511523 1.5206053 1.3268483 1.3606603 1.0456614 1.0771745 1.2110994\n", - " 1.0750772 1.0426941 1.0232941 1.0208882 1.1272098 1.0509971 1.0615479\n", - " 1.1442881 1.0540297 1.1383293 1.050822 1.0347302 1.035191 1.0082585\n", - " 1.0115358 0. ]\n", - "\n", - "[ 1 3 2 0 6 14 16 11 5 7 13 15 12 17 4 8 19 18 9 10 21 20 22]\n", - "=======================\n", - "['slager , 33 , is charged with murder after opening fire on walter scott , 50 , after reportedly stopping him over a broken tail light in north charleston , south carolina , on saturday .his attorney andy savage told cbs that slager is housed in a room with one small window and does not have any interaction with any other detainees at charleston county jail .officer michael slager is being kept in isolation and can not walk down a hall without the entire cell block being cleared first , according to his lawyer .']\n", - "=======================\n", - "['officer michael slager is being held at charleston county jailhoused in housed in a room with one small window and does not have any interaction with any other detainees at charleston county jailslager , 33 , is charged with murder after opening fire on walter scott , 50 , after reportedly stopping him over a broken tail light in north charlestondashcam footage shows scott running from his car after being pulled overminutes later slager shot him in the back in a nearby park']\n", - "slager , 33 , is charged with murder after opening fire on walter scott , 50 , after reportedly stopping him over a broken tail light in north charleston , south carolina , on saturday .his attorney andy savage told cbs that slager is housed in a room with one small window and does not have any interaction with any other detainees at charleston county jail .officer michael slager is being kept in isolation and can not walk down a hall without the entire cell block being cleared first , according to his lawyer .\n", - "officer michael slager is being held at charleston county jailhoused in housed in a room with one small window and does not have any interaction with any other detainees at charleston county jailslager , 33 , is charged with murder after opening fire on walter scott , 50 , after reportedly stopping him over a broken tail light in north charlestondashcam footage shows scott running from his car after being pulled overminutes later slager shot him in the back in a nearby park\n", - "[1.3341138 1.1931401 1.1494536 1.1480751 1.1697911 1.1441885 1.1809742\n", - " 1.1174393 1.0551695 1.0821025 1.0984193 1.0514927 1.0334103 1.060202\n", - " 1.0573956 1.040987 1.0211079 1.0269868 1.0313889 1.040956 1.082824\n", - " 1.0297683 1.0247419]\n", - "\n", - "[ 0 1 6 4 2 3 5 7 10 20 9 13 14 8 11 15 19 12 18 21 17 22 16]\n", - "=======================\n", - "[\"( cnn ) the head of the libyan army has rejected the possibility of cooperating with any eu military intervention in his country intended to stem the flow of undocumented migrants trying to reach europe .in an exclusive interview friday with cnn 's becky anderson , libyan army head gen. khalifa haftar said libyan authorities had not been consulted and , in any event , military action would not solve the problem .the capsizing of one vessel last weekend left an estimated 900 people dead .\"]\n", - "=======================\n", - "['head of libyan army tells cnn libyan authorities have not been consultedgen. khalifa haftar says libya will \" look after \" its interestssolution to migration problem requires lifting of sanctions , general says']\n", - "( cnn ) the head of the libyan army has rejected the possibility of cooperating with any eu military intervention in his country intended to stem the flow of undocumented migrants trying to reach europe .in an exclusive interview friday with cnn 's becky anderson , libyan army head gen. khalifa haftar said libyan authorities had not been consulted and , in any event , military action would not solve the problem .the capsizing of one vessel last weekend left an estimated 900 people dead .\n", - "head of libyan army tells cnn libyan authorities have not been consultedgen. khalifa haftar says libya will \" look after \" its interestssolution to migration problem requires lifting of sanctions , general says\n", - "[1.1704073 1.4530709 1.2466118 1.2679102 1.2965238 1.2003433 1.0959753\n", - " 1.0923635 1.0929451 1.1028707 1.028536 1.0151802 1.0151306 1.0117431\n", - " 1.0879654 1.0632119 1.0684421 1.0555614 1.0122766 1.0128468 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 3 2 5 0 9 6 8 7 14 16 15 17 10 11 12 19 18 13 21 20 22]\n", - "=======================\n", - "[\"the horrific incident happened after lisa and james tuttle moved with their five children to the rural village of geldeston in norfolk in 2005 .lisa tuttle with her one remaining dog bella , after her other two dogs were shot dead by the farmer next doorbut their happiness was shattered in 2014 after their dogs marley and lily were shot after escaping on to their neighbour 's farmland where they were accused of killing his birds .\"]\n", - "=======================\n", - "[\"lisa and james tuttle moved with children to idyllic geldeston , norfolktheir dogs kept escaping onto neighbouring farmlandthey were warned if dogs kept bothering farmer 's birds , they 'd be shotcouple believed dogs were gentle and would n't have attacked birdsin 2014 while family were on holiday , gamekeeper shot two of the dogsacted within law so was not chargedfamily are devastated by loss of pets and now want to move\"]\n", - "the horrific incident happened after lisa and james tuttle moved with their five children to the rural village of geldeston in norfolk in 2005 .lisa tuttle with her one remaining dog bella , after her other two dogs were shot dead by the farmer next doorbut their happiness was shattered in 2014 after their dogs marley and lily were shot after escaping on to their neighbour 's farmland where they were accused of killing his birds .\n", - "lisa and james tuttle moved with children to idyllic geldeston , norfolktheir dogs kept escaping onto neighbouring farmlandthey were warned if dogs kept bothering farmer 's birds , they 'd be shotcouple believed dogs were gentle and would n't have attacked birdsin 2014 while family were on holiday , gamekeeper shot two of the dogsacted within law so was not chargedfamily are devastated by loss of pets and now want to move\n", - "[1.439002 1.1744466 1.4420475 1.192234 1.2418694 1.1623385 1.1921761\n", - " 1.0168053 1.0214745 1.02507 1.1412677 1.0411541 1.0302742 1.1299112\n", - " 1.155869 1.0228132 1.0230842 1.0607008 1.0310246 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 4 3 6 1 5 14 10 13 17 11 18 12 9 16 15 8 7 19 20 21 22]\n", - "=======================\n", - "[\"arthur townsend , who lives in a care home in epping , essex , poured the product over a mercedes sprinter belonging to martin carter - the son of his friend olive carter , 96 .the retired antiques restorer was given a lift in a car to mr carter 's address where he dumped the brown-coloured paint stripper on the van , causing more than # 2,000 of damage .townsend carried out the attack after becoming angry with mr carter , who he believed was making his mother stay at home to sign for packages relating to his online business .\"]\n", - "=======================\n", - "['care home resident arthur townsend poured it over mercedes sprinterhe had become angry at martin carter , son of his friend olive carter , 96believed he was making her stay at home to sign for business packagestownsend admitted criminal damage and must pay # 500 compensation']\n", - "arthur townsend , who lives in a care home in epping , essex , poured the product over a mercedes sprinter belonging to martin carter - the son of his friend olive carter , 96 .the retired antiques restorer was given a lift in a car to mr carter 's address where he dumped the brown-coloured paint stripper on the van , causing more than # 2,000 of damage .townsend carried out the attack after becoming angry with mr carter , who he believed was making his mother stay at home to sign for packages relating to his online business .\n", - "care home resident arthur townsend poured it over mercedes sprinterhe had become angry at martin carter , son of his friend olive carter , 96believed he was making her stay at home to sign for business packagestownsend admitted criminal damage and must pay # 500 compensation\n", - "[1.3885813 1.3443917 1.24194 1.181102 1.1507931 1.1671027 1.1206845\n", - " 1.0482897 1.0526614 1.0458013 1.0335857 1.0577637 1.018613 1.0186701\n", - " 1.0561223 1.0687115 1.0619748 1.0373837 1.0194589 0. ]\n", - "\n", - "[ 0 1 2 3 5 4 6 15 16 11 14 8 7 9 17 10 18 13 12 19]\n", - "=======================\n", - "['( cnn ) the death of freddie gray , which was the flashpoint for the protests and now the riots in baltimore , has raised again the questions surrounding police use of force , especially after the now-familiar video of officers arresting mr. gray and loading him into a police van .gray was arrested by police on april 12 .the 25-year-old was carried in the van for 40 minutes and he was not properly buckled in , according to authorities .']\n", - "=======================\n", - "['were the police justified in stopping freddie gray ?can they be held liable for his death ?']\n", - "( cnn ) the death of freddie gray , which was the flashpoint for the protests and now the riots in baltimore , has raised again the questions surrounding police use of force , especially after the now-familiar video of officers arresting mr. gray and loading him into a police van .gray was arrested by police on april 12 .the 25-year-old was carried in the van for 40 minutes and he was not properly buckled in , according to authorities .\n", - "were the police justified in stopping freddie gray ?can they be held liable for his death ?\n", - "[1.3438509 1.1596155 1.2489053 1.2652647 1.1440063 1.1983032 1.099345\n", - " 1.0846148 1.0748091 1.1343092 1.126036 1.102272 1.0810165 1.1081703\n", - " 1.0329472 1.026067 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 5 1 4 9 10 13 11 6 7 12 8 14 15 18 16 17 19]\n", - "=======================\n", - "['carriers of the brca1 gene , like hollywood star angelina jolie , can reduce their risk of death once they have been diagnosed with breast cancer by having their ovaries removedmiss jolie , 39 , had the procedure , known as an oophorectomy , in march .women who carry a mutated version of brca1 or another gene known as brca2 face a life-time risk of breast cancer of up to 70 per cent .']\n", - "=======================\n", - "['carriers of brca1 gene mutation who are diagnosed with breast cancer are less likely to die if they have their ovaries removed , study foundbut the theory does not apply for those with brca2 gene mutationhaving the brca1 or brca2 genes increase risk of breast cancer by 70 %experts said benefits of having ovaries removed lasted for up to 15 years']\n", - "carriers of the brca1 gene , like hollywood star angelina jolie , can reduce their risk of death once they have been diagnosed with breast cancer by having their ovaries removedmiss jolie , 39 , had the procedure , known as an oophorectomy , in march .women who carry a mutated version of brca1 or another gene known as brca2 face a life-time risk of breast cancer of up to 70 per cent .\n", - "carriers of brca1 gene mutation who are diagnosed with breast cancer are less likely to die if they have their ovaries removed , study foundbut the theory does not apply for those with brca2 gene mutationhaving the brca1 or brca2 genes increase risk of breast cancer by 70 %experts said benefits of having ovaries removed lasted for up to 15 years\n", - "[1.6612835 1.3320022 1.3587496 1.092954 1.1956159 1.0322298 1.0171072\n", - " 1.019564 1.0142717 1.0136565 1.0176269 1.1324736 1.1649845 1.0559349\n", - " 1.065439 1.0302382 1.0772958 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 4 12 11 3 16 14 13 5 15 7 10 6 8 9 17 18 19]\n", - "=======================\n", - "[\"andres iniesta has responded to his critics by claiming he ` never went away ' following a vintage first-half performance in barcelona 's 2-0 win over paris saint-germain on tuesday night .but iniesta capped an impressive 45 minutes in his side 's champions league quarter-final second-leg victory over psg with a mesmeric run and pass for neymar to score his first goal of the evening at the camp nou .the spaniard had failed to register a single assist or goal from 19 la liga appearances this season , prompting critics to suggest the 30-year-old was on the decline .\"]\n", - "=======================\n", - "[\"midfielder fires a warning to his detractors that he is now back to his bestiniesta ran from his own half to set up neymar 's opener in 2-0 winworld cup winner had recorded zero assists this season prior to tuesdayneymar and andres iniesta star men for barca in 2-0 win over psg\"]\n", - "andres iniesta has responded to his critics by claiming he ` never went away ' following a vintage first-half performance in barcelona 's 2-0 win over paris saint-germain on tuesday night .but iniesta capped an impressive 45 minutes in his side 's champions league quarter-final second-leg victory over psg with a mesmeric run and pass for neymar to score his first goal of the evening at the camp nou .the spaniard had failed to register a single assist or goal from 19 la liga appearances this season , prompting critics to suggest the 30-year-old was on the decline .\n", - "midfielder fires a warning to his detractors that he is now back to his bestiniesta ran from his own half to set up neymar 's opener in 2-0 winworld cup winner had recorded zero assists this season prior to tuesdayneymar and andres iniesta star men for barca in 2-0 win over psg\n", - "[1.2891132 1.3477134 1.2605879 1.3764118 1.3412527 1.0327659 1.021986\n", - " 1.3647339 1.0969334 1.1590173 1.0211291 1.0172335 1.1532183 1.1247928\n", - " 1.015481 1.0108135 1.0086366 1.0085335 1.0148786 1.0112965]\n", - "\n", - "[ 3 7 1 4 0 2 9 12 13 8 5 6 10 11 14 18 19 15 16 17]\n", - "=======================\n", - "[\"crystal palace manager alan pardew is keen on bringing in a star name to boost the club 's profilepardew is prepared to let star winger yannick bolasie leave for ` between 40 and 60 million pounds ' and would use the money to build a formidable squad .pardew has transformed palace into relegation candidates to a club pushing for a top-half finish since taking charge in january .\"]\n", - "=======================\n", - "['alan pardew believes high-profile signing will send out statement of intentthe crystal palace manager is keen on bringing the club to next levelpardew has warned potential suitors off of star winger yannick bolasie']\n", - "crystal palace manager alan pardew is keen on bringing in a star name to boost the club 's profilepardew is prepared to let star winger yannick bolasie leave for ` between 40 and 60 million pounds ' and would use the money to build a formidable squad .pardew has transformed palace into relegation candidates to a club pushing for a top-half finish since taking charge in january .\n", - "alan pardew believes high-profile signing will send out statement of intentthe crystal palace manager is keen on bringing the club to next levelpardew has warned potential suitors off of star winger yannick bolasie\n", - "[1.2221239 1.4118679 1.2359644 1.33198 1.1960839 1.080835 1.118436\n", - " 1.1024166 1.0860089 1.0683608 1.1346755 1.073533 1.0476366 1.0540792\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 10 6 7 8 5 11 9 13 12 14 15 16 17 18 19]\n", - "=======================\n", - "[\"mohammed khubaib , originally from pakistan , befriended girls and then ` hooked ' them with alcohol - normally vodka - in an attempt to make them ` compliant ' to sexual advances .the 43-year-old married businessman , who lived in the city with his wife and children , would pursue his interest ` away from his home and family ' , using his restaurant as a ` focal point ' .a restaurant boss is facing a lengthy jail sentence after he became the last of a string of men to be convicted of child sex offences against girls in peterborough .\"]\n", - "=======================\n", - "[\"married businessman mohammed khubaib convicted of raping girl , 14also guilty of trafficking girls as young as 12 over more than two yearsco-defendant cleared of raping 16-year-old and seven trafficking chargesconviction part of cambridgeshire police 's probe into child sex offences\"]\n", - "mohammed khubaib , originally from pakistan , befriended girls and then ` hooked ' them with alcohol - normally vodka - in an attempt to make them ` compliant ' to sexual advances .the 43-year-old married businessman , who lived in the city with his wife and children , would pursue his interest ` away from his home and family ' , using his restaurant as a ` focal point ' .a restaurant boss is facing a lengthy jail sentence after he became the last of a string of men to be convicted of child sex offences against girls in peterborough .\n", - "married businessman mohammed khubaib convicted of raping girl , 14also guilty of trafficking girls as young as 12 over more than two yearsco-defendant cleared of raping 16-year-old and seven trafficking chargesconviction part of cambridgeshire police 's probe into child sex offences\n", - "[1.1902719 1.468699 1.191999 1.2888114 1.269143 1.161405 1.1295662\n", - " 1.0852208 1.0757382 1.1322911 1.0945902 1.0498354 1.0397218 1.069109\n", - " 1.04928 1.0243483 1.0709486 1.0706412 1.062696 ]\n", - "\n", - "[ 1 3 4 2 0 5 9 6 10 7 8 16 17 13 18 11 14 12 15]\n", - "=======================\n", - "['roy day , 29 , and gerard lundie , 26 , targeted 13 properties over four months at the end of last year while the owners were asleep in bed .but after the duo left their dna at the scenes of some of the crimes they were arrested .two fast and the furious-style crooks who stole # 160,000 worth of luxury cars from homes across four counties have been jailed for more than 10 years .']\n", - "=======================\n", - "['roy day , 29 , and gerald lundie , 26 , stole # 160,000 worth of luxury carsthe pair hit 13 properties in four counties while their owners slept at homefinally caught , after a high-speed chase , when dna found in a crashed careach jailed for five years and four months at birmingham crown court']\n", - "roy day , 29 , and gerard lundie , 26 , targeted 13 properties over four months at the end of last year while the owners were asleep in bed .but after the duo left their dna at the scenes of some of the crimes they were arrested .two fast and the furious-style crooks who stole # 160,000 worth of luxury cars from homes across four counties have been jailed for more than 10 years .\n", - "roy day , 29 , and gerald lundie , 26 , stole # 160,000 worth of luxury carsthe pair hit 13 properties in four counties while their owners slept at homefinally caught , after a high-speed chase , when dna found in a crashed careach jailed for five years and four months at birmingham crown court\n", - "[1.2610687 1.4003592 1.226155 1.1508144 1.0624977 1.0693077 1.2438695\n", - " 1.2033458 1.0396265 1.0220463 1.0230789 1.0183226 1.1716036 1.0794015\n", - " 1.0814629 1.1038399 1.0266786 0. 0. ]\n", - "\n", - "[ 1 0 6 2 7 12 3 15 14 13 5 4 8 16 10 9 11 17 18]\n", - "=======================\n", - "[\"but just a few hundred yards from the famous setting at runnymede in surrey -- which the queen will visit in june to celebrate the document 's 800th anniversary -- dozens of anarchists have made their squalid home in a litter-strewn shanty town .it is the historic site where king john sealed the magna carta to establish the rule of law .squatting on the private land , the group , who are linked to the occupy london movement that caused chaos in london when they set up camp outside st paul 's cathedral in 2011 , have left locals outraged .\"]\n", - "=======================\n", - "['squatters have set up shanty town just yards from runnymede in surreythe group who are linked to occupy london have left locals outragedone member said they were using the land to grow their own vegetablesthey have been given two weeks to submit a defence ahead of hearing']\n", - "but just a few hundred yards from the famous setting at runnymede in surrey -- which the queen will visit in june to celebrate the document 's 800th anniversary -- dozens of anarchists have made their squalid home in a litter-strewn shanty town .it is the historic site where king john sealed the magna carta to establish the rule of law .squatting on the private land , the group , who are linked to the occupy london movement that caused chaos in london when they set up camp outside st paul 's cathedral in 2011 , have left locals outraged .\n", - "squatters have set up shanty town just yards from runnymede in surreythe group who are linked to occupy london have left locals outragedone member said they were using the land to grow their own vegetablesthey have been given two weeks to submit a defence ahead of hearing\n", - "[1.2450228 1.163966 1.2145505 1.2539175 1.1952468 1.198672 1.0703362\n", - " 1.1339805 1.1719494 1.0251449 1.1258516 1.0874227 1.0657576 1.0942696\n", - " 1.0566728 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 5 4 8 1 7 10 13 11 6 12 14 9 15 16 17 18]\n", - "=======================\n", - "[\"dark clouds start forming over the city of soligorsk , belarus , as the sandstorm sweeps over the citythis incredible footage shows the moment an ` apocalyptic ' weather storm struck belarus , turning day into night when fast-moving storm clouds blocked out the sun .the sandstorm was so thick the city was plunged into darkness during the monday afternoon storm\"]\n", - "=======================\n", - "[\"incredible footage of an ` apocalyptic ' sandstorm in belarus has gone viralit shows a city being plunged into darkness as a storm blocks out the sunthe sandstorm caused electricity cuts and forced 100,000 people indoorsit brought with it a cold front and heavy rain that damaged buildings\"]\n", - "dark clouds start forming over the city of soligorsk , belarus , as the sandstorm sweeps over the citythis incredible footage shows the moment an ` apocalyptic ' weather storm struck belarus , turning day into night when fast-moving storm clouds blocked out the sun .the sandstorm was so thick the city was plunged into darkness during the monday afternoon storm\n", - "incredible footage of an ` apocalyptic ' sandstorm in belarus has gone viralit shows a city being plunged into darkness as a storm blocks out the sunthe sandstorm caused electricity cuts and forced 100,000 people indoorsit brought with it a cold front and heavy rain that damaged buildings\n", - "[1.226049 1.4305857 1.265722 1.2851069 1.1926692 1.2170609 1.0379678\n", - " 1.0200429 1.018263 1.0132347 1.199443 1.072591 1.0405449 1.0371357\n", - " 1.2022061 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 5 14 10 4 11 12 6 13 7 8 9 15 16 17 18]\n", - "=======================\n", - "[\"pretty agnese klavina , 30 , vanished after being driven away from celebrity puerto banus haunt aqwa mist on september 6 last year .tearful : older sister gunta has made an emotional video appeal for information about agnese 's whereaboutssuspicion : multi-millionaire property developer 's son westley capper ( left ) and pal craig porter ( right ) were summoned to court on monday in nearby marbella\"]\n", - "=======================\n", - "['agnese klavina , 30 , vanished after being driven away from a spanish clubolder sister gunta made a video appeal for information on her whereaboutsbrits westley capper and craig porter were summoned to court on monday']\n", - "pretty agnese klavina , 30 , vanished after being driven away from celebrity puerto banus haunt aqwa mist on september 6 last year .tearful : older sister gunta has made an emotional video appeal for information about agnese 's whereaboutssuspicion : multi-millionaire property developer 's son westley capper ( left ) and pal craig porter ( right ) were summoned to court on monday in nearby marbella\n", - "agnese klavina , 30 , vanished after being driven away from a spanish clubolder sister gunta made a video appeal for information on her whereaboutsbrits westley capper and craig porter were summoned to court on monday\n", - "[1.3288687 1.4178042 1.1613536 1.3984272 1.2240806 1.1093895 1.1162099\n", - " 1.0298108 1.0252632 1.0168909 1.1699923 1.0685241 1.026771 1.0379353\n", - " 1.012555 1.0095162 1.0423992 0. 0. ]\n", - "\n", - "[ 1 3 0 4 10 2 6 5 11 16 13 7 12 8 9 14 15 17 18]\n", - "=======================\n", - "['competitive eater mary schuyler accomplished the stunning feat in front of hundreds at the big texan steak ranch restaurant in amarillo , texas on sunday .a trim 120-pound mother-of-four set a new world record this weekend and earned $ 6,000 in prize money after downing three 72-ounce steak dinners in just 20 minutes .filling : the dinner included three 72-ounce steaks , three shrimp cocktails , three baked potatoes , three salads and three rolls']\n", - "=======================\n", - "['molly schuyler won the 72-ounce steak dinner challenge at big texan steak ranch in amarillo , texas on sundaythe mother of four from california weighs just 120 pounds , but after the dinner she weighed in at 135 poundsshe said she plans to return next year to beat her record and up the ante to four steaks']\n", - "competitive eater mary schuyler accomplished the stunning feat in front of hundreds at the big texan steak ranch restaurant in amarillo , texas on sunday .a trim 120-pound mother-of-four set a new world record this weekend and earned $ 6,000 in prize money after downing three 72-ounce steak dinners in just 20 minutes .filling : the dinner included three 72-ounce steaks , three shrimp cocktails , three baked potatoes , three salads and three rolls\n", - "molly schuyler won the 72-ounce steak dinner challenge at big texan steak ranch in amarillo , texas on sundaythe mother of four from california weighs just 120 pounds , but after the dinner she weighed in at 135 poundsshe said she plans to return next year to beat her record and up the ante to four steaks\n", - "[1.417306 1.2548025 1.2351751 1.3328741 1.163101 1.1768881 1.1174474\n", - " 1.1338621 1.1464584 1.1127983 1.0137464 1.0933688 1.014228 1.0503392\n", - " 1.0607848 1.109356 1.016637 1.0659741 1.0130485 1.0371885 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 1 2 5 4 8 7 6 9 15 11 17 14 13 19 16 12 10 18 20 21 22]\n", - "=======================\n", - "[\"former redgum frontman john schumann has slammed anti-islam protesters for using his song , i was only 19 , at one of saturday 's reclaim australia rallies .the songwriter , who penned the 1983 anthem , said the song - like many of his others - was about compassion , tolerance and inclusiveness .saturday 's rallies across the nation erupted into violence when the group 's supporters clashed with anti-racism groups .\"]\n", - "=======================\n", - "[\"footage has emerged of i was only 19 being played at an anti-islam rallyformer redgum frontman john schumann condemned the use of his songhe said he was ` disappointed ' to see it used by reclaim australia memberssinger said the song was about compassion , tolerance and inclusiveness\"]\n", - "former redgum frontman john schumann has slammed anti-islam protesters for using his song , i was only 19 , at one of saturday 's reclaim australia rallies .the songwriter , who penned the 1983 anthem , said the song - like many of his others - was about compassion , tolerance and inclusiveness .saturday 's rallies across the nation erupted into violence when the group 's supporters clashed with anti-racism groups .\n", - "footage has emerged of i was only 19 being played at an anti-islam rallyformer redgum frontman john schumann condemned the use of his songhe said he was ` disappointed ' to see it used by reclaim australia memberssinger said the song was about compassion , tolerance and inclusiveness\n", - "[1.2604384 1.4877005 1.2685921 1.27882 1.2006783 1.1523607 1.0925999\n", - " 1.0594809 1.0657904 1.0607734 1.079516 1.089485 1.1363269 1.029249\n", - " 1.0314269 1.0601717 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 12 6 11 10 8 9 15 7 14 13 21 16 17 18 19 20 22]\n", - "=======================\n", - "['the jane doe was found in a wooded area in volusia county on april 23 , 1990 .the death was ruled a homicide and the case remains open , and police hope a new facial reconstruction using the latest technology with help them finally solve the murder .investigators believe her badly decomposed remains , which consisted mostly just bones , had been there for up to eight weeks before they were discovered .']\n", - "=======================\n", - "[\"skeletal remains near daytona beach on april 23 , 1990the woman was never identified and her murder never solvednew forensic technology has reconstructed a facial imageshe was aged between 25 and 40 , about 5 ' 4 ' and had her hair in pigtailsthere is a $ 5,000 reward on offer for relevant information\"]\n", - "the jane doe was found in a wooded area in volusia county on april 23 , 1990 .the death was ruled a homicide and the case remains open , and police hope a new facial reconstruction using the latest technology with help them finally solve the murder .investigators believe her badly decomposed remains , which consisted mostly just bones , had been there for up to eight weeks before they were discovered .\n", - "skeletal remains near daytona beach on april 23 , 1990the woman was never identified and her murder never solvednew forensic technology has reconstructed a facial imageshe was aged between 25 and 40 , about 5 ' 4 ' and had her hair in pigtailsthere is a $ 5,000 reward on offer for relevant information\n", - "[1.3261621 1.3900464 1.2031426 1.3542926 1.142407 1.0839058 1.037997\n", - " 1.0667819 1.0410218 1.0314482 1.0805644 1.2327446 1.0191023 1.0159736\n", - " 1.0241742 1.0150621 1.0371399 1.0357493 1.0834494 1.0428357 1.0234381\n", - " 1.0251521 1.0111651]\n", - "\n", - "[ 1 3 0 11 2 4 5 18 10 7 19 8 6 16 17 9 21 14 20 12 13 15 22]\n", - "=======================\n", - "[\"cell phone footage , recorded by the unnamed customer , starts with the woman repeatedly asking to speak to the manager to complain about the quality of a milkshake that she had just been served .a complaint about an unsatisfactory milkshake served at a louisiana branch of burger king quickly turned ugly when the employee started cursing before getting physical with the customerthe footage , first posted on live leak , claims to have been taken on tuesday at a branch in lake charles . '\"]\n", - "=======================\n", - "[\"cell phone footage shows the complaint about an unsatisfactory milkshake served at a louisiana branch of burger kingthe discussion quickly turns ugly when the employee starts cursing before getting physical with the unhappy customer` you wan na get slapped ? 'burger king has released a statement apologizing for the employee 's behavior and confirming that she has been fired as a consequence\"]\n", - "cell phone footage , recorded by the unnamed customer , starts with the woman repeatedly asking to speak to the manager to complain about the quality of a milkshake that she had just been served .a complaint about an unsatisfactory milkshake served at a louisiana branch of burger king quickly turned ugly when the employee started cursing before getting physical with the customerthe footage , first posted on live leak , claims to have been taken on tuesday at a branch in lake charles . '\n", - "cell phone footage shows the complaint about an unsatisfactory milkshake served at a louisiana branch of burger kingthe discussion quickly turns ugly when the employee starts cursing before getting physical with the unhappy customer` you wan na get slapped ? 'burger king has released a statement apologizing for the employee 's behavior and confirming that she has been fired as a consequence\n", - "[1.1699046 1.4950662 1.2993984 1.2756758 1.2591425 1.1737515 1.162715\n", - " 1.0344094 1.020771 1.0240827 1.1857616 1.0723305 1.1016203 1.0819011\n", - " 1.0632253 1.0741554 1.0663899 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 4 10 5 0 6 12 13 15 11 16 14 7 9 8 17 18 19 20 21 22]\n", - "=======================\n", - "['dug and his owner , lindsay castro , were hiking on the jurupa hills trail in fontana , canada , on thursday when they heard a rattling sound .lindsay backed away , but dug ran up to the reptile - and suffered the consequences .the snake bit dug in the face , and his face instantly ballooned to twice its size .']\n", - "=======================\n", - "['dug and owner lindsay castro were hiking in fontana , canadalindsay heard a rattle sound and backed away but dug ran toward itsnake jumped out , bit him , his face swelled to twice its sizeafter two days of intensive antidote treatment , he is going home']\n", - "dug and his owner , lindsay castro , were hiking on the jurupa hills trail in fontana , canada , on thursday when they heard a rattling sound .lindsay backed away , but dug ran up to the reptile - and suffered the consequences .the snake bit dug in the face , and his face instantly ballooned to twice its size .\n", - "dug and owner lindsay castro were hiking in fontana , canadalindsay heard a rattle sound and backed away but dug ran toward itsnake jumped out , bit him , his face swelled to twice its sizeafter two days of intensive antidote treatment , he is going home\n", - "[1.2270944 1.3107749 1.224961 1.3343068 1.1475286 1.1905528 1.1824572\n", - " 1.1342196 1.147083 1.0797291 1.0687194 1.0474356 1.0175521 1.0249647\n", - " 1.0258061 1.0214068 1.0135479 1.0149354 1.0085727 1.009726 1.0124488\n", - " 1.0887516 0. ]\n", - "\n", - "[ 3 1 0 2 5 6 4 8 7 21 9 10 11 14 13 15 12 17 16 20 19 18 22]\n", - "=======================\n", - "['but they were scuppered when an oar snapped 200 yards off jaywick , essex , and they had to call 999 .built with discarded scraps from house conversions including loft insulation board and polystyrene , it was glued together with silicone sealant .it was a fishing trip with a very big catch -- namely the # 9 homemade rowing boat in which the two anglers ventured out on to the open sea .']\n", - "=======================\n", - "['two men had made the diy boat at their home using scrap wood and gluebut the pair became stranded from the shore after their oars snappedrescuers were stunned to see a homemade boat being taken out to sea']\n", - "but they were scuppered when an oar snapped 200 yards off jaywick , essex , and they had to call 999 .built with discarded scraps from house conversions including loft insulation board and polystyrene , it was glued together with silicone sealant .it was a fishing trip with a very big catch -- namely the # 9 homemade rowing boat in which the two anglers ventured out on to the open sea .\n", - "two men had made the diy boat at their home using scrap wood and gluebut the pair became stranded from the shore after their oars snappedrescuers were stunned to see a homemade boat being taken out to sea\n", - "[1.4860234 1.2297266 1.477849 1.2331371 1.2432479 1.0553269 1.0325289\n", - " 1.0244097 1.0295951 1.0276275 1.022063 1.0340037 1.0171947 1.0141551\n", - " 1.0664321 1.1175866 1.0399101 1.0675449 1.0265553 1.0166312 1.0191212\n", - " 1.0858247 1.0812856]\n", - "\n", - "[ 0 2 4 3 1 15 21 22 17 14 5 16 11 6 8 9 18 7 10 20 12 19 13]\n", - "=======================\n", - "['reptile : the 6ft-long albino northern pine snake was found curled up on top of a bath mat on a radiatormrs marriott attempted to call the rscpa at 7am yesterday morning but after she was unable to get through she panicked and dialled 999 .she stared at the reptile for a few minutes until it moved and quickly called for her 40-year-old mother , karen marriott , to come upstairs .']\n", - "=======================\n", - "['hannah brierley , 16 , initially thought 6ft-long snake was a prank by motherbut when it suddenly moved she realised the northern pine snake was realshe shouted mother karen marriott who panicked and called police for helpdet con craig wallace used a pillowcase to capture it and taken to rspcabelieved to have got in through window or door in the recent warm weather']\n", - "reptile : the 6ft-long albino northern pine snake was found curled up on top of a bath mat on a radiatormrs marriott attempted to call the rscpa at 7am yesterday morning but after she was unable to get through she panicked and dialled 999 .she stared at the reptile for a few minutes until it moved and quickly called for her 40-year-old mother , karen marriott , to come upstairs .\n", - "hannah brierley , 16 , initially thought 6ft-long snake was a prank by motherbut when it suddenly moved she realised the northern pine snake was realshe shouted mother karen marriott who panicked and called police for helpdet con craig wallace used a pillowcase to capture it and taken to rspcabelieved to have got in through window or door in the recent warm weather\n", - "[1.3353992 1.1374768 1.1532626 1.2503649 1.2219203 1.140572 1.0716362\n", - " 1.0520834 1.109373 1.1272403 1.1126767 1.0760827 1.0128999 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 4 2 5 1 9 10 8 11 6 7 12 21 13 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"( cnn ) ahmed farouq did n't have the prestige of fellow al qaeda figure osama bin laden , the influence of anwar al-awlaki , or the notoriety of adam gadahn .farouq -- an american -- died in a u.s. counterterrorism airstrike in january , according to the white house .two al qaeda hostages , warren weinstein of the united states and giovanni lo porto from italy , were killed in the same strike , while gadahn died in another u.s. operation that month .\"]\n", - "=======================\n", - "[\"ahmed farouq was a leader in al qaeda 's india branchhe was killed in a u.s. counterterrorism airstrike in januarylike adam gadahn , farouq was american and part of al qaeda\"]\n", - "( cnn ) ahmed farouq did n't have the prestige of fellow al qaeda figure osama bin laden , the influence of anwar al-awlaki , or the notoriety of adam gadahn .farouq -- an american -- died in a u.s. counterterrorism airstrike in january , according to the white house .two al qaeda hostages , warren weinstein of the united states and giovanni lo porto from italy , were killed in the same strike , while gadahn died in another u.s. operation that month .\n", - "ahmed farouq was a leader in al qaeda 's india branchhe was killed in a u.s. counterterrorism airstrike in januarylike adam gadahn , farouq was american and part of al qaeda\n", - "[1.199365 1.1299009 1.1539415 1.4401883 1.3691665 1.3660645 1.1100284\n", - " 1.0242484 1.0389276 1.1546931 1.0631968 1.0566466 1.0908232 1.0555266\n", - " 1.040694 1.0658705 1.0099665 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 4 5 0 9 2 1 6 12 15 10 11 13 14 8 7 16 17 18 19 20 21 22]\n", - "=======================\n", - "['carlo ancelotti must accommodate cristiano ronaldo , gareth bale and karim benzema and that leaves him little choice but to play a 4-3-3 .real madrid and atletico madrid are meeting for the fifth and sixth time in european competition that brings them level with inter and ac milan in number of city duels .there will have been eight madrid derbies by the end of this season , no city showdown has been played more in recent years .']\n", - "=======================\n", - "['real madrid and atletico madrid meet for the fifth and sixth time in europethat brings them level with inter and ac milan in number of city duelsthere will have been eight madrid derbies by the end of this seasonno city showdown has been played more time in recent yearssee where cristiano ronaldo and gareth bale unwind after madrid training']\n", - "carlo ancelotti must accommodate cristiano ronaldo , gareth bale and karim benzema and that leaves him little choice but to play a 4-3-3 .real madrid and atletico madrid are meeting for the fifth and sixth time in european competition that brings them level with inter and ac milan in number of city duels .there will have been eight madrid derbies by the end of this season , no city showdown has been played more in recent years .\n", - "real madrid and atletico madrid meet for the fifth and sixth time in europethat brings them level with inter and ac milan in number of city duelsthere will have been eight madrid derbies by the end of this seasonno city showdown has been played more time in recent yearssee where cristiano ronaldo and gareth bale unwind after madrid training\n", - "[1.3208122 1.2902267 1.2272657 1.2868955 1.0846429 1.1344336 1.058592\n", - " 1.0386059 1.1469047 1.0279772 1.0516136 1.1150373 1.0359282 1.0478674\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 3 2 8 5 11 4 6 10 13 7 12 9 21 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"president barack obama declared the threat of cyber attacks by foreign agents a ` national emergency ' as he unveiled plans to impose sanctions on hackers in the wake of an epidemic of attacks against american networks .obama took aim at russia , china and iran as he revealed an executive order which will allow the u.s. treasury to freeze or block assets of those involved in attacks on ` critical ' american computer networks .the announcement followed a series of high profile incidents , including a devastating attack against sony pictures , and data breaches that stole credit card or health data on tens of millions of americans .\"]\n", - "=======================\n", - "[\"barack obama made announcement following high profile cyber attackssays hackers targeting u.s. from places including russia , china and irancritical of ` governments unable or unwilling ' to go after ` bad actors 'new order allows treasury to freeze or block assets of those involvedit is hoped the power will take away the financial incentive behind attacks\"]\n", - "president barack obama declared the threat of cyber attacks by foreign agents a ` national emergency ' as he unveiled plans to impose sanctions on hackers in the wake of an epidemic of attacks against american networks .obama took aim at russia , china and iran as he revealed an executive order which will allow the u.s. treasury to freeze or block assets of those involved in attacks on ` critical ' american computer networks .the announcement followed a series of high profile incidents , including a devastating attack against sony pictures , and data breaches that stole credit card or health data on tens of millions of americans .\n", - "barack obama made announcement following high profile cyber attackssays hackers targeting u.s. from places including russia , china and irancritical of ` governments unable or unwilling ' to go after ` bad actors 'new order allows treasury to freeze or block assets of those involvedit is hoped the power will take away the financial incentive behind attacks\n", - "[1.2570474 1.4665253 1.1632195 1.3372475 1.1804914 1.0702071 1.0931722\n", - " 1.0603111 1.0448089 1.0904182 1.0689489 1.0930638 1.1107951 1.0536501\n", - " 1.0767653 1.0823404 1.0191545 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 12 6 11 9 15 14 5 10 7 13 8 16 21 17 18 19 20 22]\n", - "=======================\n", - "['the fireball was captured on camera on sunday by the united kingdom meteor observing network ( ukmon ) in portadown , county armagh .rare and valuable pieces of meteorite have fallen to earth from a gigantic fireball that lit up the skies over britain and ireland , experts say .ukmon said that pieces from the meteorite , which came from an asteroid in orbit between mars and jupiter , would have crashed to earth and could potentially be worth thousands of pounds .']\n", - "=======================\n", - "['fireball captured on camera by the uk meteor observing networkit says that it came from an asteroid orbiting between mars and jupiterthe meteor burned up at the relatively low altitude of 21 milesthere were dozens of sightings of the event , from england to ireland']\n", - "the fireball was captured on camera on sunday by the united kingdom meteor observing network ( ukmon ) in portadown , county armagh .rare and valuable pieces of meteorite have fallen to earth from a gigantic fireball that lit up the skies over britain and ireland , experts say .ukmon said that pieces from the meteorite , which came from an asteroid in orbit between mars and jupiter , would have crashed to earth and could potentially be worth thousands of pounds .\n", - "fireball captured on camera by the uk meteor observing networkit says that it came from an asteroid orbiting between mars and jupiterthe meteor burned up at the relatively low altitude of 21 milesthere were dozens of sightings of the event , from england to ireland\n", - "[1.1998677 1.3520879 1.3287239 1.2094775 1.0469723 1.1653851 1.075724\n", - " 1.0329012 1.1083547 1.1039741 1.0626327 1.0664072 1.078572 1.0561445\n", - " 1.0382454 1.0367236 1.0369627 1.0114706 1.0206196 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 8 9 12 6 11 10 13 4 14 16 15 7 18 17 22 19 20 21 23]\n", - "=======================\n", - "[\"le femme , in new jersey , offers training to those have undergone - or are undergoing - sex change operations or cross-dressers to help them make the transition from masculine to feminine .the school was created by ellen weirich , who dedicates her life to helping ` trans ' women feel confident and comfortable in their skin .ellen weirich ( centre ) created ` le femme ' finishing school where she helps transgender females become more feminine .\"]\n", - "=======================\n", - "['ellen weirich opened her us school after successfully helping a friendle femme now helps both transgender and cross-dressers alikewomen are taught airs and graces required to be more femalealso taught how to cover up stubble and create a convincing cleavage']\n", - "le femme , in new jersey , offers training to those have undergone - or are undergoing - sex change operations or cross-dressers to help them make the transition from masculine to feminine .the school was created by ellen weirich , who dedicates her life to helping ` trans ' women feel confident and comfortable in their skin .ellen weirich ( centre ) created ` le femme ' finishing school where she helps transgender females become more feminine .\n", - "ellen weirich opened her us school after successfully helping a friendle femme now helps both transgender and cross-dressers alikewomen are taught airs and graces required to be more femalealso taught how to cover up stubble and create a convincing cleavage\n", - "[1.2546332 1.4105731 1.3179424 1.2212133 1.2062778 1.1128898 1.0568973\n", - " 1.060363 1.089379 1.062127 1.0663772 1.0548807 1.056535 1.0446721\n", - " 1.0695528 1.0853286 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 5 8 15 14 10 9 7 6 12 11 13 22 16 17 18 19 20 21 23]\n", - "=======================\n", - "['letizia , along with her husband king felipe met with the relatives of some of the spaniards who died in the crash in the french alps last month .the flight , which was en-route from barcelona to dusseldorf , had 144 passengers and six crew members on board , including 50 spaniards .she also met with students who had hosted 16 pupils from germany , who had been visiting spain and were travelling back to dusseldorf on board the ill-fated flight .']\n", - "=======================\n", - "[\"spanish royals attended memorial for victims of the germanwings plane that crashed in the french alps last monthsome 50 spaniards died on the plane which was en-route from barcelona to dusseldorf with 150 people on boardqueen letizia shook hands and embraced some of the victims ' relatives and friends with her husband king felipe\"]\n", - "letizia , along with her husband king felipe met with the relatives of some of the spaniards who died in the crash in the french alps last month .the flight , which was en-route from barcelona to dusseldorf , had 144 passengers and six crew members on board , including 50 spaniards .she also met with students who had hosted 16 pupils from germany , who had been visiting spain and were travelling back to dusseldorf on board the ill-fated flight .\n", - "spanish royals attended memorial for victims of the germanwings plane that crashed in the french alps last monthsome 50 spaniards died on the plane which was en-route from barcelona to dusseldorf with 150 people on boardqueen letizia shook hands and embraced some of the victims ' relatives and friends with her husband king felipe\n", - "[1.4272466 1.4376056 1.3162215 1.2195151 1.1051211 1.069139 1.0278533\n", - " 1.0884905 1.0203086 1.0483482 1.0753846 1.0469893 1.0550867 1.0546747\n", - " 1.056889 1.0289869 1.0259526 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 7 10 5 14 12 13 9 11 15 6 16 8 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"the cherry and whites delivered their most complete performance of the campaign to earn a place at the twickenham stoop - where they will compete for their first european title since 2006 .kingsholm transformed into the house of fun on saturday night as gloucester beat exeter to set up a challenge cup final against edinburgh .victory in the capital would also earn the west country side a home play-off spot for next season 's champions cup -- however they would be forced to find an alternative venue for the fixture because of a pre-arranged madness concert in front of the shed .\"]\n", - "=======================\n", - "['gloucester scored tries though bill meakes , tom savage and jonny mayexeter replied through a solitary elvis taione touchdownthe cherry and whites will contest their first european title since 2006']\n", - "the cherry and whites delivered their most complete performance of the campaign to earn a place at the twickenham stoop - where they will compete for their first european title since 2006 .kingsholm transformed into the house of fun on saturday night as gloucester beat exeter to set up a challenge cup final against edinburgh .victory in the capital would also earn the west country side a home play-off spot for next season 's champions cup -- however they would be forced to find an alternative venue for the fixture because of a pre-arranged madness concert in front of the shed .\n", - "gloucester scored tries though bill meakes , tom savage and jonny mayexeter replied through a solitary elvis taione touchdownthe cherry and whites will contest their first european title since 2006\n", - "[1.4697577 1.5477674 1.228439 1.4439781 1.1575917 1.0533586 1.0379257\n", - " 1.0557086 1.0168725 1.0141935 1.0324739 1.015232 1.0309213 1.0384779\n", - " 1.1323744 1.0332285 1.1691682 1.0266242 1.0127715 1.0147271 1.0123625\n", - " 1.0105915 1.0164608 1.0865474]\n", - "\n", - "[ 1 0 3 2 16 4 14 23 7 5 13 6 15 10 12 17 8 22 11 19 9 18 20 21]\n", - "=======================\n", - "[\"the magpies were beaten for the fifth successive time in tyne-wear derbies during sunday 's 1-0 defeat at sunderland .john carver admits newcastle united need to look at the ` dna ' of their dressing-room this summer .head coach carver says the club 's hierarchy have already spoken about addressing their shortcomings during the close-season , and concedes that character is one issue they have to consider .\"]\n", - "=======================\n", - "['newcastle lost 1-0 to rivals sunderland at the stadium of light on sundayjohn carver admits the magpies struggle when they have to competenewcastle play liverpool on monday and are nine points above drop zone']\n", - "the magpies were beaten for the fifth successive time in tyne-wear derbies during sunday 's 1-0 defeat at sunderland .john carver admits newcastle united need to look at the ` dna ' of their dressing-room this summer .head coach carver says the club 's hierarchy have already spoken about addressing their shortcomings during the close-season , and concedes that character is one issue they have to consider .\n", - "newcastle lost 1-0 to rivals sunderland at the stadium of light on sundayjohn carver admits the magpies struggle when they have to competenewcastle play liverpool on monday and are nine points above drop zone\n", - "[1.274419 1.1956388 1.3382282 1.3592943 1.2614639 1.1570241 1.1075869\n", - " 1.1150804 1.0602864 1.1015166 1.0647621 1.0251521 1.1257313 1.0782001\n", - " 1.0646887 1.03388 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 2 0 4 1 5 12 7 6 9 13 10 14 8 15 11 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "['liverpool midfielder raheem sterling can be seen pictured on social media whilst smoking a shisha pipesterling recently snubbed a new # 100,000-a-week contract at anfield amid fears he could leave the club this summer .in a photograph revealed by the sunday mirror , the 20-year-old is seen taking a drag from the large orange pipe -- containing fruit-scented tobacco and smoked through hot coals via a tube -- in a picture published in the sunday mirror .']\n", - "=======================\n", - "[\"raheem sterling was pictured on social media smoking from a shisha pipethe revealing image was accompanied with the caption ' 1 down 3 to go 'the liverpool star recently turned down a # 100,000-a-week deal with redssterling is the second england midfielder to be snapped smoking a shisha this year alongside jack wilshere\"]\n", - "liverpool midfielder raheem sterling can be seen pictured on social media whilst smoking a shisha pipesterling recently snubbed a new # 100,000-a-week contract at anfield amid fears he could leave the club this summer .in a photograph revealed by the sunday mirror , the 20-year-old is seen taking a drag from the large orange pipe -- containing fruit-scented tobacco and smoked through hot coals via a tube -- in a picture published in the sunday mirror .\n", - "raheem sterling was pictured on social media smoking from a shisha pipethe revealing image was accompanied with the caption ' 1 down 3 to go 'the liverpool star recently turned down a # 100,000-a-week deal with redssterling is the second england midfielder to be snapped smoking a shisha this year alongside jack wilshere\n", - "[1.4515891 1.4954389 1.302721 1.2531708 1.1704733 1.1323414 1.0139884\n", - " 1.0111933 1.0170151 1.013886 1.0383348 1.0411 1.0207067 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 5 11 10 12 8 6 9 7 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"former samuel eto'o provided the deft pass to nutmeg philippe mexes and find roberto soriano to open the scoring just before the hour mark with an emphatic finish from the top of the box .a fortunate deflection from an audacious nigel de jong overhed kick saw ac milan salvage a draw and frustrate european hopefuls sampdoria at the san siro on sunday night .de jong celebrates with luca antonelli after his strike took a massive deflection off alfred duncan 's leg\"]\n", - "=======================\n", - "[\"samuel eto'o laid on chance for roberto soriano opener for sampdoriaa deflected overhead kick from nigel de jong levelled for ac milanfans continued protests against the running of the club in the stands\"]\n", - "former samuel eto'o provided the deft pass to nutmeg philippe mexes and find roberto soriano to open the scoring just before the hour mark with an emphatic finish from the top of the box .a fortunate deflection from an audacious nigel de jong overhed kick saw ac milan salvage a draw and frustrate european hopefuls sampdoria at the san siro on sunday night .de jong celebrates with luca antonelli after his strike took a massive deflection off alfred duncan 's leg\n", - "samuel eto'o laid on chance for roberto soriano opener for sampdoriaa deflected overhead kick from nigel de jong levelled for ac milanfans continued protests against the running of the club in the stands\n", - "[1.3325188 1.28145 1.1807284 1.1812533 1.2831292 1.2477227 1.1055657\n", - " 1.0243012 1.025969 1.0207553 1.1069509 1.1078705 1.0622203 1.0359881\n", - " 1.0475954 1.0817261 1.0429533 1.0400059 1.0379264 1.0370507 0. ]\n", - "\n", - "[ 0 4 1 5 3 2 11 10 6 15 12 14 16 17 18 19 13 8 7 9 20]\n", - "=======================\n", - "['( cnn ) the attorney for a suburban new york cardiologist charged in what authorities say was a failed scheme to have another physician hurt or killed is calling the allegations against his client \" completely unsubstantiated . \"moschetto ,54 , pleaded not guilty to all charges wednesday .appearing saturday morning on cnn \\'s \" new day , \" randy zelin defended his client , dr. anthony moschetto , who faces criminal solicitation , conspiracy , burglary , arson , criminal prescription sale and weapons charges in connection to what prosecutors called a plot to take out a rival doctor on long island .']\n", - "=======================\n", - "['a lawyer for dr. anthony moschetto says the charges against him are baselessmoschetto , 54 , was arrested for selling drugs and weapons , prosecutors sayauthorities allege moschetto hired accomplices to burn down the practice of former associate']\n", - "( cnn ) the attorney for a suburban new york cardiologist charged in what authorities say was a failed scheme to have another physician hurt or killed is calling the allegations against his client \" completely unsubstantiated . \"moschetto ,54 , pleaded not guilty to all charges wednesday .appearing saturday morning on cnn 's \" new day , \" randy zelin defended his client , dr. anthony moschetto , who faces criminal solicitation , conspiracy , burglary , arson , criminal prescription sale and weapons charges in connection to what prosecutors called a plot to take out a rival doctor on long island .\n", - "a lawyer for dr. anthony moschetto says the charges against him are baselessmoschetto , 54 , was arrested for selling drugs and weapons , prosecutors sayauthorities allege moschetto hired accomplices to burn down the practice of former associate\n", - "[1.3187938 1.1907837 1.3960224 1.34592 1.2319283 1.3648963 1.0521488\n", - " 1.0464938 1.0670041 1.0561131 1.0959145 1.1133424 1.0405489 1.0531881\n", - " 1.0320203 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 5 3 0 4 1 11 10 8 9 13 6 7 12 14 19 15 16 17 18 20]\n", - "=======================\n", - "[\"grealish has met ireland manager martin o'neill and held a friendly chat with roy keane after winning the country 's under-21 player of the year award in dublin last month .jack grealish could end up playing for republic of ireland against england in june ... but would still be able to switch allegiance to line up for the three lions afterwards .jack grealish put in a dazzling performance as aston villa beat liverpool in an fa cup semi-final on sunday\"]\n", - "=======================\n", - "[\"jack grealish impressed as aston villa beat liverpool 2-1 on sundaygrealish is a republic of ireland youth player and has met martin o'neillengland are monitoring his progress and hope to persuade him\"]\n", - "grealish has met ireland manager martin o'neill and held a friendly chat with roy keane after winning the country 's under-21 player of the year award in dublin last month .jack grealish could end up playing for republic of ireland against england in june ... but would still be able to switch allegiance to line up for the three lions afterwards .jack grealish put in a dazzling performance as aston villa beat liverpool in an fa cup semi-final on sunday\n", - "jack grealish impressed as aston villa beat liverpool 2-1 on sundaygrealish is a republic of ireland youth player and has met martin o'neillengland are monitoring his progress and hope to persuade him\n", - "[1.0681134 1.0669245 1.1867096 1.2177956 1.3453571 1.2304736 1.159419\n", - " 1.044621 1.0304573 1.0901368 1.1136578 1.1184688 1.1388936 1.013806\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 5 3 2 6 12 11 10 9 0 1 7 8 13 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"walford-bound : denise van outen is the latest big name to sign for eastenders .the former chicago star has admitted that she 's turned down the offer twice beforegracing the cobbles : after first achieving fame with girls aloud , sarah harding has turned her hand to acting , signing up to appear in four episodes of coronation street\"]\n", - "=======================\n", - "[\"sarah harding and denise van outen are the latest big-name signings to agree to contracts with british soap operasthey join a long line of stars who 've looked to soaps to boost their careersbarbara windsor , patsy kensit and danny dyer all saw their profiles rise after taking to the small screen\"]\n", - "walford-bound : denise van outen is the latest big name to sign for eastenders .the former chicago star has admitted that she 's turned down the offer twice beforegracing the cobbles : after first achieving fame with girls aloud , sarah harding has turned her hand to acting , signing up to appear in four episodes of coronation street\n", - "sarah harding and denise van outen are the latest big-name signings to agree to contracts with british soap operasthey join a long line of stars who 've looked to soaps to boost their careersbarbara windsor , patsy kensit and danny dyer all saw their profiles rise after taking to the small screen\n", - "[1.4065089 1.2207205 1.1669604 1.1971648 1.1925695 1.1518369 1.207205\n", - " 1.0830611 1.0748277 1.0432255 1.0419152 1.0763897 1.07805 1.0944817\n", - " 1.0563879 1.0597103 1.1125134 1.0550405 1.0711056 1.0636908 1.026379 ]\n", - "\n", - "[ 0 1 6 3 4 2 5 16 13 7 12 11 8 18 19 15 14 17 9 10 20]\n", - "=======================\n", - "['delhi ( cnn ) an international human rights group is calling for an independent investigation of the killings by police of 20 suspected red sandalwood smugglers in southeastern india .\" there must be a criminal investigation to determine whether the police used excessive force , and whether the killings amount to ` fake encounters , \\' or staged extrajudicial executions \" , said abhirr vp , of amnesty international india .the incident in question took place early tuesday in india \\'s southeastern andhra pradesh state .']\n", - "=======================\n", - "['amnesty calls for probe of india police shooting of 20 suspected smugglerspolice decline comment , saying \" investigation is still going on \"india \\'s national human rights commission says incident involved \" serious violation of human rights of the individuals . \"']\n", - "delhi ( cnn ) an international human rights group is calling for an independent investigation of the killings by police of 20 suspected red sandalwood smugglers in southeastern india .\" there must be a criminal investigation to determine whether the police used excessive force , and whether the killings amount to ` fake encounters , ' or staged extrajudicial executions \" , said abhirr vp , of amnesty international india .the incident in question took place early tuesday in india 's southeastern andhra pradesh state .\n", - "amnesty calls for probe of india police shooting of 20 suspected smugglerspolice decline comment , saying \" investigation is still going on \"india 's national human rights commission says incident involved \" serious violation of human rights of the individuals . \"\n", - "[1.3922288 1.444613 1.2760285 1.1752772 1.242523 1.1880546 1.0843471\n", - " 1.1191902 1.1720064 1.0254376 1.0512764 1.1113381 1.0796732 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 5 3 8 7 11 6 12 10 9 13 14 15 16 17 18]\n", - "=======================\n", - "[\"uefa has announced it has opened disciplinary proceedings against the georgian football federation ( gff ) after fans twice invaded the field of play during sunday 's 2-0 defeat by germany in tbilisi .scotland will discover on may 21 if september 's euro 2016 qualifier with georgia will be played behind closed doors .european football 's governing body is also set to look at charges that allege home fans were guilty of setting off fireworks while a string of safety breaches , including blocked stairs , locked gates and a lack of body searches by staff at the boris paichadze stadium , will also be investigated .\"]\n", - "=======================\n", - "[\"uefa will make a decision on september 's match on may 21scotland are set to face georgia in tbilisi on september 4uefa has opened disciplinary proceedings against the georgian football federation following recent crowd troublegeorgia fans twice invaded the field of play during sunday 's 2-0 defeat to germany in tbilisiscotland currently sit third in group d , a point behind leaders poland\"]\n", - "uefa has announced it has opened disciplinary proceedings against the georgian football federation ( gff ) after fans twice invaded the field of play during sunday 's 2-0 defeat by germany in tbilisi .scotland will discover on may 21 if september 's euro 2016 qualifier with georgia will be played behind closed doors .european football 's governing body is also set to look at charges that allege home fans were guilty of setting off fireworks while a string of safety breaches , including blocked stairs , locked gates and a lack of body searches by staff at the boris paichadze stadium , will also be investigated .\n", - "uefa will make a decision on september 's match on may 21scotland are set to face georgia in tbilisi on september 4uefa has opened disciplinary proceedings against the georgian football federation following recent crowd troublegeorgia fans twice invaded the field of play during sunday 's 2-0 defeat to germany in tbilisiscotland currently sit third in group d , a point behind leaders poland\n", - "[1.0721054 1.1984009 1.4329875 1.3126897 1.0946413 1.2531464 1.1880707\n", - " 1.0400685 1.0508472 1.0451589 1.0564933 1.0690806 1.0568961 1.0504158\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 5 1 6 4 0 11 12 10 8 13 9 7 14 15 16 17 18]\n", - "=======================\n", - "['stars including cindy crawford , yasmin le bon and christie brinkley became household names across the world and they still have a-list status 20 years later .models like cindy crawford ( left ) were huge stars in 80s and 90s and now their daughters like caia gerber ( right ) are making their own names in the fashion worldin the 90s , the first breed of supermodel took over the fashion industry , commanding sky high fees for the hugely popular advertising campaigns that they put their faces to .']\n", - "=======================\n", - "['models like cindy crawford and jerry hall were huge stars in 80s and 90sthey walked for all of the biggest designers , including chanel and armanitheir daughters are now becoming the toast of the fashion worldfemail looks at the new breed of supermodel daughters']\n", - "stars including cindy crawford , yasmin le bon and christie brinkley became household names across the world and they still have a-list status 20 years later .models like cindy crawford ( left ) were huge stars in 80s and 90s and now their daughters like caia gerber ( right ) are making their own names in the fashion worldin the 90s , the first breed of supermodel took over the fashion industry , commanding sky high fees for the hugely popular advertising campaigns that they put their faces to .\n", - "models like cindy crawford and jerry hall were huge stars in 80s and 90sthey walked for all of the biggest designers , including chanel and armanitheir daughters are now becoming the toast of the fashion worldfemail looks at the new breed of supermodel daughters\n", - "[1.2897553 1.4342273 1.3099501 1.3073823 1.167547 1.101703 1.0957773\n", - " 1.0501792 1.0431727 1.0609992 1.0699002 1.0723838 1.0574831 1.0314237\n", - " 1.0541812 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 5 6 11 10 9 12 14 7 8 13 15 16 17 18]\n", - "=======================\n", - "[\"five firefighters and one 's girlfriend , who is suspected of videoing the attack at emergency service district 6 volunteer fire department in waxahachie , were taken in to custody earlier this week on sexual assault charges .fire chief gavin satterfield , 31 , and assistant fire chief william ` billy ' getzendaner , 34 , were suspended by the department 's oversight board following the arrests on thursday for allegedly telling the victim to stay quiet .fire department officials in texas have been arrested after their volunteer firefighter were charged with sexually assaulting a new male recruit with a chorizo sausage .\"]\n", - "=======================\n", - "[\"man was allegedly bent over couch and sodomized during gruesome initiation ritual at waxahachie , texas , volunteer fire departmentthe five firefighters apparently ` yelled with excitement ' during the january 20 incident and switched from broom to sausagefire chiefs thought to have told victim not to tell about sexual assaultassistant fire chief said to have chuckled , said ` this is funny s *** 'alleged victim vomited in the bathroom and his would-be colleagues stole his clothes\"]\n", - "five firefighters and one 's girlfriend , who is suspected of videoing the attack at emergency service district 6 volunteer fire department in waxahachie , were taken in to custody earlier this week on sexual assault charges .fire chief gavin satterfield , 31 , and assistant fire chief william ` billy ' getzendaner , 34 , were suspended by the department 's oversight board following the arrests on thursday for allegedly telling the victim to stay quiet .fire department officials in texas have been arrested after their volunteer firefighter were charged with sexually assaulting a new male recruit with a chorizo sausage .\n", - "man was allegedly bent over couch and sodomized during gruesome initiation ritual at waxahachie , texas , volunteer fire departmentthe five firefighters apparently ` yelled with excitement ' during the january 20 incident and switched from broom to sausagefire chiefs thought to have told victim not to tell about sexual assaultassistant fire chief said to have chuckled , said ` this is funny s *** 'alleged victim vomited in the bathroom and his would-be colleagues stole his clothes\n", - "[1.3602084 1.3337593 1.2170503 1.162266 1.1679819 1.2386798 1.0182426\n", - " 1.1218097 1.1265676 1.0777134 1.019576 1.0241421 1.2114066 1.1020379\n", - " 1.0439056 1.0397948 1.0133815 1.0330229 1.1075817]\n", - "\n", - "[ 0 1 5 2 12 4 3 8 7 18 13 9 14 15 17 11 10 6 16]\n", - "=======================\n", - "['five nursing students tragically died early on wednesday in a chain-reaction crash in southeast georgia that authorities said began when a tractor-trailer failed to slow down and smashed into stop-and-go traffic .those killed were traveling on interstate 16 near savannah in two passenger vehicles mangled by the crash .victims : abbie deloach ( left ) , of savannah , and emily clark , of powder springs , ( right ) were among the five young women killed in the horrific crash']\n", - "=======================\n", - "['the women were traveling near savannah in two vehicles mangled by the when a tractor-trailer plowed into an suv , then rolled over a small carkilled were emily clark , morgan bass , abbie deloach , catherine pittman and caitlyn baggett - all juniors at georgia southern universitythe georgia state patrol said three people also were injured and seven vehicles were damaged']\n", - "five nursing students tragically died early on wednesday in a chain-reaction crash in southeast georgia that authorities said began when a tractor-trailer failed to slow down and smashed into stop-and-go traffic .those killed were traveling on interstate 16 near savannah in two passenger vehicles mangled by the crash .victims : abbie deloach ( left ) , of savannah , and emily clark , of powder springs , ( right ) were among the five young women killed in the horrific crash\n", - "the women were traveling near savannah in two vehicles mangled by the when a tractor-trailer plowed into an suv , then rolled over a small carkilled were emily clark , morgan bass , abbie deloach , catherine pittman and caitlyn baggett - all juniors at georgia southern universitythe georgia state patrol said three people also were injured and seven vehicles were damaged\n", - "[1.5265137 1.2430106 1.0695417 1.3517205 1.2915264 1.1078435 1.0251209\n", - " 1.0283902 1.0338345 1.1744261 1.1066556 1.2146277 1.0815008 1.2381793\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 1 13 11 9 5 10 12 2 8 7 6 17 14 15 16 18]\n", - "=======================\n", - "[\"rafael nadal squeezed through to the quarter-finals of the monte carlo masters after a narrow win over america 's john isner , but roger federer 's tournament is over after he lost to gael monfils .the french number three will now face grigor dimitrov , who dumped out defending champion stanislas wawrinka with a 6-1 6-2 win .federer was playing his first tournament since losing to novak djokovic in the indian wells final last month and the second seed 's rustiness showed as he was beaten 6-4 7-6 ( 7/5 ) .\"]\n", - "=======================\n", - "['rafael nadal was pushed all the way by john isner in monte carloroger federer , however , was knocked out in straight sets by gael monfilsgrigor dimitrov is monfils next opponent after beating stanislas warwinka']\n", - "rafael nadal squeezed through to the quarter-finals of the monte carlo masters after a narrow win over america 's john isner , but roger federer 's tournament is over after he lost to gael monfils .the french number three will now face grigor dimitrov , who dumped out defending champion stanislas wawrinka with a 6-1 6-2 win .federer was playing his first tournament since losing to novak djokovic in the indian wells final last month and the second seed 's rustiness showed as he was beaten 6-4 7-6 ( 7/5 ) .\n", - "rafael nadal was pushed all the way by john isner in monte carloroger federer , however , was knocked out in straight sets by gael monfilsgrigor dimitrov is monfils next opponent after beating stanislas warwinka\n", - "[1.0650388 1.1976094 1.2769113 1.152506 1.1099097 1.3193882 1.1948985\n", - " 1.0685586 1.0684332 1.0292562 1.018234 1.0147853 1.0447828 1.0546949\n", - " 1.0902084 1.2718992 1.124065 1.104746 1.0509582 1.0261484 1.0728593]\n", - "\n", - "[ 5 2 15 1 6 3 16 4 17 14 20 7 8 0 13 18 12 9 19 10 11]\n", - "=======================\n", - "[\"erik compton shares a joke with jim furyk during a practice round at augusta ahead of the mastershe 'll tee off this week at the masters on his third .compton , 35 , is set to make his first appearance at the famous tournament this week\"]\n", - "=======================\n", - "['erik compton has had two heart transplants , the last in 2008compton , now on his third heart , is ready to make his augusta debutthe 35-year-old is also a campaigner for charity donate lifehis first masters appearance coincides with donate life month']\n", - "erik compton shares a joke with jim furyk during a practice round at augusta ahead of the mastershe 'll tee off this week at the masters on his third .compton , 35 , is set to make his first appearance at the famous tournament this week\n", - "erik compton has had two heart transplants , the last in 2008compton , now on his third heart , is ready to make his augusta debutthe 35-year-old is also a campaigner for charity donate lifehis first masters appearance coincides with donate life month\n", - "[1.1736554 1.4595065 1.2709972 1.1690835 1.2546823 1.2288524 1.221295\n", - " 1.1518338 1.1020308 1.0422953 1.0109919 1.0216211 1.0685968 1.1005548\n", - " 1.0352623 1.1412139 1.1166874 1.04385 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 5 6 0 3 7 15 16 8 13 12 17 9 14 11 10 18 19 20]\n", - "=======================\n", - "[\"liberty baker , 14 , was walking to school when robert blackwell , 19 , lost control of his car and ploughed into her .he had been smoking cannabis and was allegedly checking a text on his phone at the time of the crash .the family say they are ` devastated ' by the sentence handed to him\"]\n", - "=======================\n", - "[\"liberty baker was killed as she walked to school in witney , oxfordshirerobert blackwell , 19 , was texting at the wheel at the time of the crashthe teenager had been smoking drugs the day before the crash last juneliberty 's father , paul baker , waved her off to school just moments earlierhe said the family had been left ` devastated ' by the shortness of sentencefor confidential support call the samaritans in the uk on 08457 90 90 90 , visit a local samaritans branch or click here for details\"]\n", - "liberty baker , 14 , was walking to school when robert blackwell , 19 , lost control of his car and ploughed into her .he had been smoking cannabis and was allegedly checking a text on his phone at the time of the crash .the family say they are ` devastated ' by the sentence handed to him\n", - "liberty baker was killed as she walked to school in witney , oxfordshirerobert blackwell , 19 , was texting at the wheel at the time of the crashthe teenager had been smoking drugs the day before the crash last juneliberty 's father , paul baker , waved her off to school just moments earlierhe said the family had been left ` devastated ' by the shortness of sentencefor confidential support call the samaritans in the uk on 08457 90 90 90 , visit a local samaritans branch or click here for details\n", - "[1.5120457 1.330406 1.2066555 1.2081631 1.1139559 1.051784 1.091944\n", - " 1.0553007 1.2050781 1.0249013 1.0920142 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 8 4 10 6 7 5 9 19 11 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "['( cnn ) the bad news for rio de janeiro ahead of the 2016 olympics keeps coming after scores of dead fish appeared in the rodrigo de freitas lagoon .officials defended the belief that the latest rains caused a temperature change of the water and the excess of decaying organic matter , which would have led to a black of oxygen , killing the fish .the group will work in partnership with the state environmental institute ( inea ) and the secretariat of state for the environment .']\n", - "=======================\n", - "['officials start to clean up scores of dead fish from the lagoon rodrigo de freitaspollution was a problem even before the preparations for the olympic games beganlast week video showed a separate incident , where floating trash caused a sailing accident']\n", - "( cnn ) the bad news for rio de janeiro ahead of the 2016 olympics keeps coming after scores of dead fish appeared in the rodrigo de freitas lagoon .officials defended the belief that the latest rains caused a temperature change of the water and the excess of decaying organic matter , which would have led to a black of oxygen , killing the fish .the group will work in partnership with the state environmental institute ( inea ) and the secretariat of state for the environment .\n", - "officials start to clean up scores of dead fish from the lagoon rodrigo de freitaspollution was a problem even before the preparations for the olympic games beganlast week video showed a separate incident , where floating trash caused a sailing accident\n", - "[1.2425442 1.4668807 1.502042 1.1201448 1.1146954 1.0192494 1.0254626\n", - " 1.0847064 1.0752177 1.039388 1.0725865 1.0847375 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 4 11 7 8 10 9 6 5 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "['charlie cox is perfectly cast as blind attorney matt murdock , whose nights are consumed with cleaning up the new york neighborhood of hell \\'s kitchen while dressed in a black ninjaesque outfit .the pitch-black-dark new series streamed its entire first season on netflix on friday morning , and the early word is quite good .( cnn ) justice may be blind , but it \\'s easy to see that marvel \\'s \" daredevil \" is already a hit with fans .']\n", - "=======================\n", - "['marvel \\'s long-awaited show \" daredevil \" began streaming early fridaybinge-watchers are already giving the series high marks']\n", - "charlie cox is perfectly cast as blind attorney matt murdock , whose nights are consumed with cleaning up the new york neighborhood of hell 's kitchen while dressed in a black ninjaesque outfit .the pitch-black-dark new series streamed its entire first season on netflix on friday morning , and the early word is quite good .( cnn ) justice may be blind , but it 's easy to see that marvel 's \" daredevil \" is already a hit with fans .\n", - "marvel 's long-awaited show \" daredevil \" began streaming early fridaybinge-watchers are already giving the series high marks\n", - "[1.3581334 1.2470746 1.2681292 1.2548063 1.0943869 1.1266367 1.0812997\n", - " 1.0810443 1.0675097 1.0234449 1.0173261 1.0209532 1.018988 1.0771178\n", - " 1.0770541 1.02404 1.0334427 1.0222371 1.0173862 1.0552982 1.0123621]\n", - "\n", - "[ 0 2 3 1 5 4 6 7 13 14 8 19 16 15 9 17 11 12 18 10 20]\n", - "=======================\n", - "['naturalists in paradise : wallace , bates and spruce in the amazonback in 1961 three young oxford graduates set off to explore the iriri river in a remote part of the amazon .one of them , richard mason , became the last englishman to be killed by an uncontacted tribe , when he was murdered with bows and arrows .']\n", - "=======================\n", - "['naturalists in paradise tells the tale of an early trio of british explorersin 1961 the young oxford graduates set off to explore the iriri riveralfred russel wallace , henry bates and richard spruce found a paradise']\n", - "naturalists in paradise : wallace , bates and spruce in the amazonback in 1961 three young oxford graduates set off to explore the iriri river in a remote part of the amazon .one of them , richard mason , became the last englishman to be killed by an uncontacted tribe , when he was murdered with bows and arrows .\n", - "naturalists in paradise tells the tale of an early trio of british explorersin 1961 the young oxford graduates set off to explore the iriri riveralfred russel wallace , henry bates and richard spruce found a paradise\n", - "[1.1523495 1.4831927 1.2349164 1.1439133 1.3212229 1.1685939 1.0299346\n", - " 1.0923123 1.0272425 1.2752957 1.1171186 1.0270185 1.0964785 1.0457561\n", - " 1.0559249 1.0647976 1.1038897 1.0274137 1.0288476]\n", - "\n", - "[ 1 4 9 2 5 0 3 10 16 12 7 15 14 13 6 18 17 8 11]\n", - "=======================\n", - "[\"chloe the wombat , who first made headlines after her special bond with her surrogate zookeeper mum emerged last december , has found herself a new buddy at taronga zoo 's grounds in sydney after she moved into her new digs alongside a couple of echidnas .in an adorable video uploaded to instagram by taronga zoo , chloe is seen trying to take a nap in the mud on one of the echidnas .as she rolled over to snuggle up , the echidna moved away but chloe still rested her eyes for a moment before getting up .\"]\n", - "=======================\n", - "[\"chloe the wombat has lived at sydney 's taronga zoo since june 2014she was rescued after her mother was killed by a carshe was recently moved into new digs with a couple of echidnaswhen she 's not napping she follows zoo keeper evelyn weston around\"]\n", - "chloe the wombat , who first made headlines after her special bond with her surrogate zookeeper mum emerged last december , has found herself a new buddy at taronga zoo 's grounds in sydney after she moved into her new digs alongside a couple of echidnas .in an adorable video uploaded to instagram by taronga zoo , chloe is seen trying to take a nap in the mud on one of the echidnas .as she rolled over to snuggle up , the echidna moved away but chloe still rested her eyes for a moment before getting up .\n", - "chloe the wombat has lived at sydney 's taronga zoo since june 2014she was rescued after her mother was killed by a carshe was recently moved into new digs with a couple of echidnaswhen she 's not napping she follows zoo keeper evelyn weston around\n", - "[1.4305724 1.2400321 1.1983155 1.1652257 1.1390893 1.1147646 1.1525904\n", - " 1.0314187 1.0517246 1.0248952 1.0384386 1.0267466 1.0789031 1.0316535\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 6 4 5 12 8 10 13 7 11 9 14 15 16 17 18]\n", - "=======================\n", - "['washington ( cnn ) rick santorum says he \\'d hoped indiana gov. mike pence would veto the \" fix \" to his state \\'s religious freedom law rather than limiting its scope .the law unleashed an intense backlash against indiana , led by tech giants like apple and salesforce and sports organizations like the ncaa , amid concerns it would allow businesses to turn away gay and lesbian customers .santorum , the former republican senator from pennsylvania , who is likely to mount another presidential campaign in 2016 , said on cbs \\' \" face the nation \" on sunday that pence \\'s decision to sign a follow-up bill -- which made clear the law could n\\'t be used to refuse services based on sexual orientation -- led to a \" limited view \" of religious freedom .']\n", - "=======================\n", - "['rick santorum says \" religious freedom \" debate is about government telling people what to dosantorum , a likely 2016 gop presidential candidate , weighs in on indiana gov. mike pence \\'s decision']\n", - "washington ( cnn ) rick santorum says he 'd hoped indiana gov. mike pence would veto the \" fix \" to his state 's religious freedom law rather than limiting its scope .the law unleashed an intense backlash against indiana , led by tech giants like apple and salesforce and sports organizations like the ncaa , amid concerns it would allow businesses to turn away gay and lesbian customers .santorum , the former republican senator from pennsylvania , who is likely to mount another presidential campaign in 2016 , said on cbs ' \" face the nation \" on sunday that pence 's decision to sign a follow-up bill -- which made clear the law could n't be used to refuse services based on sexual orientation -- led to a \" limited view \" of religious freedom .\n", - "rick santorum says \" religious freedom \" debate is about government telling people what to dosantorum , a likely 2016 gop presidential candidate , weighs in on indiana gov. mike pence 's decision\n", - "[1.1942617 1.4433509 1.2951206 1.2403432 1.1004639 1.2428548 1.0996603\n", - " 1.0771646 1.1029407 1.0237994 1.0524132 1.1321362 1.026355 1.0961723\n", - " 1.0779485 1.0882456 1.0721986 0. 0. ]\n", - "\n", - "[ 1 2 5 3 0 11 8 4 6 13 15 14 7 16 10 12 9 17 18]\n", - "=======================\n", - "[\"steve and sarah nick built up the huge arsenal , including a 50-caliber machine gun , a sniper rifle , and 17,000 rounds of ammunition , after it was claimed they stole more than $ 50,000 .many of the 30 weapons were legally owned , but the couple , who are said to have links to the michigan militia , are accused of plundering mrs nick 's 67-year-old mother 's savings to fund the potentially deadly haul .the couple are facing a combined total of 15 felony charges , according to mlive.com\"]\n", - "=======================\n", - "['steven and sarah nick are facing a combined total of 15 felony chargesaccused of embezzling more than $ 50,000 to stockpile arsenal of weaponssaid to include 50-caliber machine gun and sniper rifle with suppressorweapons were legally owned but bought using stolen money , police say']\n", - "steve and sarah nick built up the huge arsenal , including a 50-caliber machine gun , a sniper rifle , and 17,000 rounds of ammunition , after it was claimed they stole more than $ 50,000 .many of the 30 weapons were legally owned , but the couple , who are said to have links to the michigan militia , are accused of plundering mrs nick 's 67-year-old mother 's savings to fund the potentially deadly haul .the couple are facing a combined total of 15 felony charges , according to mlive.com\n", - "steven and sarah nick are facing a combined total of 15 felony chargesaccused of embezzling more than $ 50,000 to stockpile arsenal of weaponssaid to include 50-caliber machine gun and sniper rifle with suppressorweapons were legally owned but bought using stolen money , police say\n", - "[1.5374132 1.3578047 1.1409668 1.4604257 1.1501265 1.1050744 1.0334057\n", - " 1.0212778 1.0139086 1.0135498 1.0192733 1.1534882 1.1619765 1.0623951\n", - " 1.2591815 1.0120165 1.0073507 1.0075864 1.106352 ]\n", - "\n", - "[ 0 3 1 14 12 11 4 2 18 5 13 6 7 10 8 9 15 17 16]\n", - "=======================\n", - "[\"paris saint-germain face nice on saturday , hoping to take ligue 1 's top spot from lyon but do so with a host of key stars missing , including captain thiago silva who is recuperating at home from a thigh injury .lyon could take back top spot on sunday but blanc 's side will have a game in hand at the close of the weekend .the game against nice comes more than 24 hours before league leaders lyon face a tough task at home against fifth-place st etienne .\"]\n", - "=======================\n", - "['paris saint-germain captain thiago silva suffered a thigh injury on wednesdaybrazilian defender had to substituted against barcelona in champions leaguehe is recovering at home and is among a list of absentees for game at nice']\n", - "paris saint-germain face nice on saturday , hoping to take ligue 1 's top spot from lyon but do so with a host of key stars missing , including captain thiago silva who is recuperating at home from a thigh injury .lyon could take back top spot on sunday but blanc 's side will have a game in hand at the close of the weekend .the game against nice comes more than 24 hours before league leaders lyon face a tough task at home against fifth-place st etienne .\n", - "paris saint-germain captain thiago silva suffered a thigh injury on wednesdaybrazilian defender had to substituted against barcelona in champions leaguehe is recovering at home and is among a list of absentees for game at nice\n", - "[1.4515293 1.3521817 1.2409768 1.1487758 1.1024896 1.0908649 1.0707908\n", - " 1.0322345 1.0378249 1.0657778 1.0646033 1.0800432 1.0544509 1.0438802\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 5 11 6 9 10 12 13 8 7 17 14 15 16 18]\n", - "=======================\n", - "['( cnn ) richard dysart , the award-winning stage actor who gained fame playing law firm leader leland mckenzie on \" l.a. law , \" has died .he died of cancer at his home in santa monica , california , according to his wife , kathryn jacobi dysart .for decades , dysart was a noted tv and film character actor , and stage star , winning a drama desk award for playing coach in jason miller \\'s pulitzer prize-winning play , \" that championship season . \"']\n", - "=======================\n", - "['the died of cancer at his home in santa monica , californiahe usually took a back seat to the younger , more glamorous characters on the show']\n", - "( cnn ) richard dysart , the award-winning stage actor who gained fame playing law firm leader leland mckenzie on \" l.a. law , \" has died .he died of cancer at his home in santa monica , california , according to his wife , kathryn jacobi dysart .for decades , dysart was a noted tv and film character actor , and stage star , winning a drama desk award for playing coach in jason miller 's pulitzer prize-winning play , \" that championship season . \"\n", - "the died of cancer at his home in santa monica , californiahe usually took a back seat to the younger , more glamorous characters on the show\n", - "[1.2964203 1.3614823 1.2048655 1.2748181 1.061955 1.0758036 1.0501919\n", - " 1.0653344 1.0520595 1.0624614 1.1325369 1.0578153 1.0505052 1.0422032\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 10 5 7 9 4 11 8 12 6 13 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"these men form a small part of jaysh al-islam - or army of islam - who reportedly command as many as 25,000 loyal fighters following the merger of up to 60 rebel factions inside syria .a militant group which opposes both isis and the syrian regime has released a striking video showing off 1,700 troops , fleet of armoured tanks and special forces soldiers in an impressive military parade .dozens of masked special units show off a range of skills including close-range combat in what the group claims is the ` largest military parade witnessed ' since the dawn of the syrian revolution in 2011 .\"]\n", - "=======================\n", - "[\"jaysh al-islam fights against government soldiers in syrian city of damascusmade up of around '60 rebel factions ' , it also opposes islamist groups like isisheld the ` largest military parade witnessed ' since start of the syrian revolutionsaudi arabia is ` funding the group with millions of dollars in arms and training '\"]\n", - "these men form a small part of jaysh al-islam - or army of islam - who reportedly command as many as 25,000 loyal fighters following the merger of up to 60 rebel factions inside syria .a militant group which opposes both isis and the syrian regime has released a striking video showing off 1,700 troops , fleet of armoured tanks and special forces soldiers in an impressive military parade .dozens of masked special units show off a range of skills including close-range combat in what the group claims is the ` largest military parade witnessed ' since the dawn of the syrian revolution in 2011 .\n", - "jaysh al-islam fights against government soldiers in syrian city of damascusmade up of around '60 rebel factions ' , it also opposes islamist groups like isisheld the ` largest military parade witnessed ' since start of the syrian revolutionsaudi arabia is ` funding the group with millions of dollars in arms and training '\n", - "[1.3873394 1.3688314 1.4579263 1.2120308 1.1490178 1.0542709 1.2870235\n", - " 1.0640781 1.0143039 1.0085196 1.0106131 1.0671597 1.254133 1.0425355\n", - " 1.1785301 1.0723877 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 6 12 3 14 4 15 11 7 5 13 8 10 9 16 17 18 19 20]\n", - "=======================\n", - "[\"jackie mcnamara 's side have won just three of their 14 games since , and lost 3-0 at home to ronny deila 's side on sunday .celtic are considering a second double raid on dundee united for teenager john souttar and striker nadir ciftci .the tannadice club sparked a row with supporters when they sold star duo stuart armstrong and gary mackay-steven to the parkhead club on deadline day in january .\"]\n", - "=======================\n", - "[\"celtic considering bids for dundee united 's john souttar and nadir ciftcimidfielder souttar and striker ciftci likely to cost celtic around # 1.5 millionceltic signed stuart armstrong and gary mackay-steven in january\"]\n", - "jackie mcnamara 's side have won just three of their 14 games since , and lost 3-0 at home to ronny deila 's side on sunday .celtic are considering a second double raid on dundee united for teenager john souttar and striker nadir ciftci .the tannadice club sparked a row with supporters when they sold star duo stuart armstrong and gary mackay-steven to the parkhead club on deadline day in january .\n", - "celtic considering bids for dundee united 's john souttar and nadir ciftcimidfielder souttar and striker ciftci likely to cost celtic around # 1.5 millionceltic signed stuart armstrong and gary mackay-steven in january\n", - "[1.395237 1.3250631 1.0667889 1.2058872 1.3142393 1.069442 1.0388764\n", - " 1.132319 1.1382625 1.017691 1.0416183 1.0317533 1.1242161 1.0693727\n", - " 1.0389453 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 3 8 7 12 5 13 2 10 14 6 11 9 15 16 17 18 19 20]\n", - "=======================\n", - "[\"john travolta has broken his silence on the controversial scientology exposé going clear and says he never intends to watch the documentary .speaking to the tampa bay times while promoting his upcoming film the forger , travolta said his decades of personal experience in the organization have been nothing but positive -- nothing like the blackmailing , physically abusive cult portrayed in the film . 'travolta then spoke for the only celebrity whose dealings with scientology get more screen time in going clear than his own , tom cruise .\"]\n", - "=======================\n", - "[\"travolta spoke out about the scientology-bashing hbo documentary on monday as he promoted his upcoming film the forgerthe saturday night fever star says he wo n't watch a film by ` disgruntled ' ex-members that is ` so decidedly negative 'travolta says the church helped him get through the ` loss of children , loved ones , physical illnesses ... many tough , tough life situations '\"]\n", - "john travolta has broken his silence on the controversial scientology exposé going clear and says he never intends to watch the documentary .speaking to the tampa bay times while promoting his upcoming film the forger , travolta said his decades of personal experience in the organization have been nothing but positive -- nothing like the blackmailing , physically abusive cult portrayed in the film . 'travolta then spoke for the only celebrity whose dealings with scientology get more screen time in going clear than his own , tom cruise .\n", - "travolta spoke out about the scientology-bashing hbo documentary on monday as he promoted his upcoming film the forgerthe saturday night fever star says he wo n't watch a film by ` disgruntled ' ex-members that is ` so decidedly negative 'travolta says the church helped him get through the ` loss of children , loved ones , physical illnesses ... many tough , tough life situations '\n", - "[1.5690131 1.3591772 1.2147642 1.190072 1.033433 1.4011335 1.0233917\n", - " 1.0321956 1.0342815 1.0227777 1.0222857 1.0207722 1.0184444 1.1692142\n", - " 1.0918767 1.0289148 1.0430915 1.0175506 1.0310479 1.0132264 1.0220125]\n", - "\n", - "[ 0 5 1 2 3 13 14 16 8 4 7 18 15 6 9 10 20 11 12 17 19]\n", - "=======================\n", - "[\"alan stubbs hailed the bravery of his hibs players after they ruined hearts ' easter road title party with a 2-0 derby win .alan stubbs saw his side record a win in the edinburgh derby to put hearts ' promotion party on holdhe saw his men hold on to second place in the championship with a second straight win , building momentum after a run of three consecutive defeats -- and setting them up for saturday 's scottish cup semi-final against falkirk .\"]\n", - "=======================\n", - "[\"hibs won the derby 2-0 to stay second in the scottish championshipthey had lost their last three , but the win gives them momentum` people were asking if this was the wobble and was this hibs ; season ending again , ' stubbs saidstubbs singled out farid el alagui for special praise after the striker came back from an achilles injury\"]\n", - "alan stubbs hailed the bravery of his hibs players after they ruined hearts ' easter road title party with a 2-0 derby win .alan stubbs saw his side record a win in the edinburgh derby to put hearts ' promotion party on holdhe saw his men hold on to second place in the championship with a second straight win , building momentum after a run of three consecutive defeats -- and setting them up for saturday 's scottish cup semi-final against falkirk .\n", - "hibs won the derby 2-0 to stay second in the scottish championshipthey had lost their last three , but the win gives them momentum` people were asking if this was the wobble and was this hibs ; season ending again , ' stubbs saidstubbs singled out farid el alagui for special praise after the striker came back from an achilles injury\n", - "[1.1705157 1.5257767 1.3954225 1.3606832 1.0848569 1.0842911 1.0364923\n", - " 1.0268092 1.0833191 1.1068362 1.0875385 1.0446551 1.0625958 1.0301341\n", - " 1.0800599 1.0940837 1.0406247 1.0156608 1.0175964 0. 0. ]\n", - "\n", - "[ 1 2 3 0 9 15 10 4 5 8 14 12 11 16 6 13 7 18 17 19 20]\n", - "=======================\n", - "['deborah kane , from tyldesley , manchester , had her right eye removed three years ago in a life-saving nine-hour operation to stop the cancer spreading to her brain .the 46-year-old teaching assistant believes her cancer developed from getting badly burned on holiday in lanzarote when she was 15 - where she also bought cheap sunglasses without proper uv protection .a mother-of-two who lost her eye to skin cancer is warning people against the dangers of wearing cheap sunglasses .']\n", - "=======================\n", - "['deborah kane , from manchester , had a melanoma behind her eyedoctors think it may have been a result of wearing cheap sunglassesshe has also had two cancerous lumps removed from neck and legmother-of-two was badly burned in lanzarote at the age of 15']\n", - "deborah kane , from tyldesley , manchester , had her right eye removed three years ago in a life-saving nine-hour operation to stop the cancer spreading to her brain .the 46-year-old teaching assistant believes her cancer developed from getting badly burned on holiday in lanzarote when she was 15 - where she also bought cheap sunglasses without proper uv protection .a mother-of-two who lost her eye to skin cancer is warning people against the dangers of wearing cheap sunglasses .\n", - "deborah kane , from manchester , had a melanoma behind her eyedoctors think it may have been a result of wearing cheap sunglassesshe has also had two cancerous lumps removed from neck and legmother-of-two was badly burned in lanzarote at the age of 15\n", - "[1.5037376 1.1539268 1.315706 1.1833906 1.2078719 1.0654176 1.1635953\n", - " 1.0994239 1.0918447 1.0965267 1.1422044 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 4 3 6 1 10 7 9 8 5 19 11 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "['( cnn ) the last three defendants prosecuted in the hazing death of florida a&m drum major robert champion were convicted friday of manslaughter and hazing with the result of death , reported cnn affiliate wftv .they will be sentenced june 26 , according to orange county , florida , online court records .champion , 26 , died in november 2011 after a band hazing ritual in which he was beaten aboard a school bus after a football game in orlando , florida .']\n", - "=======================\n", - "['florida a&m drum major robert champion died in 2011 after a hazing ritual aboard a busa jury convicted the last three defendants of manslaughter and hazing with the result of death']\n", - "( cnn ) the last three defendants prosecuted in the hazing death of florida a&m drum major robert champion were convicted friday of manslaughter and hazing with the result of death , reported cnn affiliate wftv .they will be sentenced june 26 , according to orange county , florida , online court records .champion , 26 , died in november 2011 after a band hazing ritual in which he was beaten aboard a school bus after a football game in orlando , florida .\n", - "florida a&m drum major robert champion died in 2011 after a hazing ritual aboard a busa jury convicted the last three defendants of manslaughter and hazing with the result of death\n", - "[1.0539232 1.1015562 1.0734055 1.0680921 1.2716966 1.3865602 1.2169085\n", - " 1.2881539 1.2036455 1.0324615 1.1256042 1.06003 1.0604688 1.1427147\n", - " 1.0964074 1.0701163 1.0438315 1.0109938 1.0122555 1.0633967 1.0272323]\n", - "\n", - "[ 5 7 4 6 8 13 10 1 14 2 15 3 19 12 11 0 16 9 20 18 17]\n", - "=======================\n", - "[\"its customers can call and text uk numbers and use data in some countries at no extra cost to their uk price plans .three 's feel at home covers 18 destinations in europe , australia , the united states , asia and the middle eastthe best option is to be with mobile operator three .\"]\n", - "=======================\n", - "[\"making calls and using the internet abroad results in very large billswith three 's feel at home lets visitors use their phones at no extra costit covers 18 countries including 10 in europe\"]\n", - "its customers can call and text uk numbers and use data in some countries at no extra cost to their uk price plans .three 's feel at home covers 18 destinations in europe , australia , the united states , asia and the middle eastthe best option is to be with mobile operator three .\n", - "making calls and using the internet abroad results in very large billswith three 's feel at home lets visitors use their phones at no extra costit covers 18 countries including 10 in europe\n", - "[1.2052598 1.4929278 1.1237079 1.0758353 1.304337 1.2201786 1.17054\n", - " 1.0343257 1.0364593 1.0463161 1.0434679 1.0726599 1.1186385 1.0437772\n", - " 1.0174222 1.0122424 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 5 0 6 2 12 3 11 9 13 10 8 7 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the discussion , which focuses on brides from russia and the philippines and has so far garnered more than 10,000 comments , asked users to spill the beans on what ` surprised ' them the most when they started living with their spouses . 'one user described the process of ` ordering ' a bride from russia or the philippines , where thousands of women are desperate to start a new life for themselves in europe and the us .a new reddit thread is offering some fascinating insights into the strange lives of men who have purchased mail-order brides .\"]\n", - "=======================\n", - "['a new reddit thread asked users to submit their experiencesmany men were disappointed with their mail-order bridesmeeting a woman this way can cost up to $ 50,000 ( # 32,700 ) or more']\n", - "the discussion , which focuses on brides from russia and the philippines and has so far garnered more than 10,000 comments , asked users to spill the beans on what ` surprised ' them the most when they started living with their spouses . 'one user described the process of ` ordering ' a bride from russia or the philippines , where thousands of women are desperate to start a new life for themselves in europe and the us .a new reddit thread is offering some fascinating insights into the strange lives of men who have purchased mail-order brides .\n", - "a new reddit thread asked users to submit their experiencesmany men were disappointed with their mail-order bridesmeeting a woman this way can cost up to $ 50,000 ( # 32,700 ) or more\n", - "[1.2981746 1.4259311 1.1022588 1.2994123 1.051291 1.122601 1.0722306\n", - " 1.0825394 1.0706974 1.0925493 1.0245439 1.036545 1.0236304 1.0273492\n", - " 1.0193379 1.0227196 1.0304238 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 5 2 9 7 6 8 4 11 16 13 10 12 15 14 19 17 18 20]\n", - "=======================\n", - "[\"celine bisette , who uses this pseudonym whenever she is discussing her career , insists she is neither ` damaged ' nor ` deranged ' - that , in fact , she rather enjoys being a prostitute , and it 's only the social stigma surrounding her career choice that leaves her feeling unhappy . 'a canadian prostitute says that she wishes other people would n't make her feel so ashamed of working in the sex industry - because she actually really enjoys her job .she claims that she did n't have an abusive childhood , she 's not a ` hyper-sexual nympho ' , and she is n't uneducated .\"]\n", - "=======================\n", - "[\"celine bisette , from canada , became an escort when she was in collegeshe wants to feel proud of her job , but complains that she is constantly battling the negative opinions of othersthe writer , who uses a pseudonym , has her master 's degree but explains that sex work pays more than jobs in her field of study\"]\n", - "celine bisette , who uses this pseudonym whenever she is discussing her career , insists she is neither ` damaged ' nor ` deranged ' - that , in fact , she rather enjoys being a prostitute , and it 's only the social stigma surrounding her career choice that leaves her feeling unhappy . 'a canadian prostitute says that she wishes other people would n't make her feel so ashamed of working in the sex industry - because she actually really enjoys her job .she claims that she did n't have an abusive childhood , she 's not a ` hyper-sexual nympho ' , and she is n't uneducated .\n", - "celine bisette , from canada , became an escort when she was in collegeshe wants to feel proud of her job , but complains that she is constantly battling the negative opinions of othersthe writer , who uses a pseudonym , has her master 's degree but explains that sex work pays more than jobs in her field of study\n", - "[1.3089484 1.1445634 1.3535769 1.2116662 1.1814507 1.2191975 1.1215657\n", - " 1.0791302 1.1425745 1.0804535 1.084696 1.0572209 1.0602398 1.0358665\n", - " 1.0413822 1.0178678 1.0652945 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 5 3 4 1 8 6 10 9 7 16 12 11 14 13 15 19 17 18 20]\n", - "=======================\n", - "['they say it contains a third less iodine than normal milk -- which could affect infant brain growth and intelligence later in life .the organic milk industry last night issued a swift rebuttal .uht longlife milk was also found to have similarly low levels of the mineral , academics from reading university found .']\n", - "=======================\n", - "['milk is main source of iodine in british diet , providing 40 % of daily intakeacademics say switching to organic milk could significantly impact healthuht longlife milk was also found to have similarly low levels of the mineral']\n", - "they say it contains a third less iodine than normal milk -- which could affect infant brain growth and intelligence later in life .the organic milk industry last night issued a swift rebuttal .uht longlife milk was also found to have similarly low levels of the mineral , academics from reading university found .\n", - "milk is main source of iodine in british diet , providing 40 % of daily intakeacademics say switching to organic milk could significantly impact healthuht longlife milk was also found to have similarly low levels of the mineral\n", - "[1.3598204 1.3866589 1.2180498 1.2810366 1.0512218 1.1154153 1.0977591\n", - " 1.0825989 1.0589848 1.0755312 1.0442252 1.2500694 1.0389419 1.0332823\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 11 2 5 6 7 9 8 4 10 12 13 14 15 16 17 18 19 20 21 22 23\n", - " 24 25 26]\n", - "=======================\n", - "[\"the 22-year-old said she kneed jason lee , an ex-goldman sachs managing director , in the groin during the struggle after he forced her onto the floor whilst naked in the bathroom of his $ 35,000 a month rented mansion .the irish student allegedly raped by a wall st banker in the hamptons told how she used ` every ounce of strength left inside me ' to throw him off whilst he violently assaulted her .she sobbed and said she was left in a state of ` disbelief ' and begged her friends to take her home - because she felt that it was her fault .\"]\n", - "=======================\n", - "[\"irish student , 22 , accusing jason lee , 38 , of raping her testified in court on tuesday describing of the moment the ` assault ' occurredshe said she kneed him in the groin during the struggle after he forced her onto the floor whilst naked in the bathroom of his rented mansionthe victim said she tried to bite him but he told her to ` shut the f *** up ' as he pulled up her dress and pulled down her underwearshe revealed she has not told her family in ireland about her ordeal and made the 16-hour journey to new york to give evidence on her ownlee was arrested in august 2013 after a woman accused him of attacking her at the home he and his wife rented in east hamptonhe has denied first-degree rape , sexual misconduct and third-degree assault and faces up to 25 years in jail if convictedlee invited the woman , her brother and friends back to the house after they met at trendy restaurant\"]\n", - "the 22-year-old said she kneed jason lee , an ex-goldman sachs managing director , in the groin during the struggle after he forced her onto the floor whilst naked in the bathroom of his $ 35,000 a month rented mansion .the irish student allegedly raped by a wall st banker in the hamptons told how she used ` every ounce of strength left inside me ' to throw him off whilst he violently assaulted her .she sobbed and said she was left in a state of ` disbelief ' and begged her friends to take her home - because she felt that it was her fault .\n", - "irish student , 22 , accusing jason lee , 38 , of raping her testified in court on tuesday describing of the moment the ` assault ' occurredshe said she kneed him in the groin during the struggle after he forced her onto the floor whilst naked in the bathroom of his rented mansionthe victim said she tried to bite him but he told her to ` shut the f *** up ' as he pulled up her dress and pulled down her underwearshe revealed she has not told her family in ireland about her ordeal and made the 16-hour journey to new york to give evidence on her ownlee was arrested in august 2013 after a woman accused him of attacking her at the home he and his wife rented in east hamptonhe has denied first-degree rape , sexual misconduct and third-degree assault and faces up to 25 years in jail if convictedlee invited the woman , her brother and friends back to the house after they met at trendy restaurant\n", - "[1.2138315 1.278727 1.0950688 1.1232927 1.2522027 1.2398332 1.209531\n", - " 1.229234 1.0306748 1.1262591 1.039212 1.0355176 1.1198372 1.1324443\n", - " 1.0572536 1.090671 1.0744047 1.0425403 1.0278115 1.0467733 1.0331955\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 5 7 0 6 13 9 3 12 2 15 16 14 19 17 10 11 20 8 18 25 21 22\n", - " 23 24 26]\n", - "=======================\n", - "['but in the lead up to the rare event tomorrow , the sydney observatory has been expressing their concerns over the bad weather forecast for the big night .a blood red moon lights up the sky during a total lunar eclipse at on october 8 , 2014 in australia .the next two eclipses are forecast to happen are on april 4 and september 28 , 2015']\n", - "=======================\n", - "['the april lunar eclipse is set to turn the moon into blood red this easter weekendthe sydney observatory has been concerned over the bad weather forecast for the big nightadelaide will be have the clearest skies out of all the states , according to the bureau of meteorologya lunar eclipse occurs when the moon passes in the shadow of earth']\n", - "but in the lead up to the rare event tomorrow , the sydney observatory has been expressing their concerns over the bad weather forecast for the big night .a blood red moon lights up the sky during a total lunar eclipse at on october 8 , 2014 in australia .the next two eclipses are forecast to happen are on april 4 and september 28 , 2015\n", - "the april lunar eclipse is set to turn the moon into blood red this easter weekendthe sydney observatory has been concerned over the bad weather forecast for the big nightadelaide will be have the clearest skies out of all the states , according to the bureau of meteorologya lunar eclipse occurs when the moon passes in the shadow of earth\n", - "[1.5024214 1.4845668 1.2672297 1.5116954 1.0731531 1.023733 1.0180361\n", - " 1.0222822 1.0711632 1.0154412 1.0154496 1.1650541 1.1821606 1.0169882\n", - " 1.0090878 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 2 12 11 4 8 5 7 6 13 10 9 14 25 15 16 17 18 19 20 21 22\n", - " 23 24 26]\n", - "=======================\n", - "[\"chris ramsey insists he 's happy at queens park rangers and will stay at the club for as long as they want himramsey was handed the manager 's job until the end of the season after stepping up from his youth development coaching role when harry redknapp resigned in february .reports suggest that ramsey could link up with friend tim sherwood ( left ) at aston villa in the summer\"]\n", - "=======================\n", - "[\"chris ramsey says he 's ` really happy ' at qpr and plans to stay long-termthe 52-year-old was handed the reins until the end of the seasonthe former right back wants to show loyalty to his current employersles ferdinand believes he is the man for the job , according to ramseyramsey has been linked with a reunion with tim sherwood at aston villaclick here for all the latest queens park rangers news\"]\n", - "chris ramsey insists he 's happy at queens park rangers and will stay at the club for as long as they want himramsey was handed the manager 's job until the end of the season after stepping up from his youth development coaching role when harry redknapp resigned in february .reports suggest that ramsey could link up with friend tim sherwood ( left ) at aston villa in the summer\n", - "chris ramsey says he 's ` really happy ' at qpr and plans to stay long-termthe 52-year-old was handed the reins until the end of the seasonthe former right back wants to show loyalty to his current employersles ferdinand believes he is the man for the job , according to ramseyramsey has been linked with a reunion with tim sherwood at aston villaclick here for all the latest queens park rangers news\n", - "[1.1252112 1.2420521 1.120841 1.1065531 1.4398274 1.1803477 1.3116493\n", - " 1.0579497 1.0195915 1.0190251 1.0250597 1.0265889 1.0151087 1.019773\n", - " 1.0299319 1.0270491 1.0903378 1.0315478 1.0135713 1.0190294 1.0142161\n", - " 1.0255209 1.0154136 1.0342845 1.0104089 1.0210485 1.0214639]\n", - "\n", - "[ 4 6 1 5 0 2 3 16 7 23 17 14 15 11 21 10 26 25 13 8 19 9 22 12\n", - " 20 18 24]\n", - "=======================\n", - "[\"louis van gaal is close to delivering his first-season aim of returning man united into champions leagueunited 's win over aston villa took them third , eight points ahead of fifth-placed liverpool in the tablethe first season , he stated , would see him deliver manchester united back into their rightful place in the champions league .\"]\n", - "=======================\n", - "['man united have an eight-point cushion from fifth-place liverpoolvan gaal looks likely to deliver on his promise of top four finishbut the dutchman has a three-year vision mapped outnext season will have to see united mount sustained challenge for titlethey must also reach the later stages of the champions league']\n", - "louis van gaal is close to delivering his first-season aim of returning man united into champions leagueunited 's win over aston villa took them third , eight points ahead of fifth-placed liverpool in the tablethe first season , he stated , would see him deliver manchester united back into their rightful place in the champions league .\n", - "man united have an eight-point cushion from fifth-place liverpoolvan gaal looks likely to deliver on his promise of top four finishbut the dutchman has a three-year vision mapped outnext season will have to see united mount sustained challenge for titlethey must also reach the later stages of the champions league\n", - "[1.3599075 1.4848719 1.1784872 1.2276206 1.0668552 1.1912459 1.0899189\n", - " 1.0759525 1.0373331 1.094268 1.072932 1.0455813 1.0217634 1.0427635\n", - " 1.0429392 1.1181517 1.0333489 1.0200217 1.0210261 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 5 2 15 9 6 7 10 4 11 14 13 8 16 12 18 17 19 20 21 22 23\n", - " 24 25 26]\n", - "=======================\n", - "[\"the nepali pranksters were in the middle of shooting an episode for their hidden camera series when the magnitude-7 .8 earthquake broke out .( cnn ) a video shoot in nepal for an internet comedy series took a serious turn on saturday as the earth began rumbling .for their next prank based on nepal 's ban on plastic bags , ashish prasai and akash sedai were in jawalakhel , sedai said in an email to cnn .\"]\n", - "=======================\n", - "['nepali pranksters make hidden camera videos of awkward social situationsthe three-person team was filming as the nepal earthquake began']\n", - "the nepali pranksters were in the middle of shooting an episode for their hidden camera series when the magnitude-7 .8 earthquake broke out .( cnn ) a video shoot in nepal for an internet comedy series took a serious turn on saturday as the earth began rumbling .for their next prank based on nepal 's ban on plastic bags , ashish prasai and akash sedai were in jawalakhel , sedai said in an email to cnn .\n", - "nepali pranksters make hidden camera videos of awkward social situationsthe three-person team was filming as the nepal earthquake began\n", - "[1.2282966 1.389575 1.3747809 1.3095789 1.1298909 1.1294086 1.1528758\n", - " 1.1691511 1.0851045 1.0478505 1.0537843 1.0354362 1.0298494 1.0138153\n", - " 1.0156082 1.0611311 1.0164582 1.0811867 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 0 7 6 4 5 8 17 15 10 9 11 12 16 14 13 20 18 19 21]\n", - "=======================\n", - "[\"primatologists working in ntokou-pikounda national park have captured the first ever picture of the bouvier 's red colobus monkey .their discovery proves that the primate - which was first discovered in 1887 and is only known from three specimens - is not extinct .a monkey that was thought to have died out more than 50 years ago has been discovered alive in the remote rain forests of the democratic republic of congo .\"]\n", - "=======================\n", - "[\"bouvier 's red colobus monkeys was last sighted in the congo during 1970sbiologists have captured the first ever photographs of the rare primatesthe monkeys live in noisy groups in the swampy forests alongside riversthey are feared to be threatened by growing bushmeat trade in the area\"]\n", - "primatologists working in ntokou-pikounda national park have captured the first ever picture of the bouvier 's red colobus monkey .their discovery proves that the primate - which was first discovered in 1887 and is only known from three specimens - is not extinct .a monkey that was thought to have died out more than 50 years ago has been discovered alive in the remote rain forests of the democratic republic of congo .\n", - "bouvier 's red colobus monkeys was last sighted in the congo during 1970sbiologists have captured the first ever photographs of the rare primatesthe monkeys live in noisy groups in the swampy forests alongside riversthey are feared to be threatened by growing bushmeat trade in the area\n", - "[1.3560741 1.333405 1.2840788 1.1992692 1.1678389 1.082201 1.1376655\n", - " 1.1082615 1.0504323 1.049046 1.0726508 1.06273 1.0201575 1.0525007\n", - " 1.0507399 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 3 4 6 7 5 10 11 13 14 8 9 12 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"( cnn ) a man charged with planning the deadly 2008 mumbai terror attacks in india has been released on bail in pakistan after years of detention , prompting sharp criticism from india .zaki-ur-rehman lakhvi , a top leader of the terrorist group lashkar-e-taiba , was released early friday from a jail in the pakistani city of rawalpindi , according to yahya mujahid , spokesman for jamaat-ud-dawa , a group with which lakhvi is affiliated .lakhvi was charged in pakistan in 2009 , accused of masterminding the november 2008 terror attacks that left more than 160 people dead in mumbai , india 's most populous city .\"]\n", - "=======================\n", - "['the terror attacks in india left more than 160 people deada court granted the suspect bail last year']\n", - "( cnn ) a man charged with planning the deadly 2008 mumbai terror attacks in india has been released on bail in pakistan after years of detention , prompting sharp criticism from india .zaki-ur-rehman lakhvi , a top leader of the terrorist group lashkar-e-taiba , was released early friday from a jail in the pakistani city of rawalpindi , according to yahya mujahid , spokesman for jamaat-ud-dawa , a group with which lakhvi is affiliated .lakhvi was charged in pakistan in 2009 , accused of masterminding the november 2008 terror attacks that left more than 160 people dead in mumbai , india 's most populous city .\n", - "the terror attacks in india left more than 160 people deada court granted the suspect bail last year\n", - "[1.2728009 1.4431744 1.1653601 1.1261326 1.1221584 1.1531259 1.0570914\n", - " 1.0376303 1.2631257 1.145746 1.0339894 1.0619212 1.0336378 1.0328314\n", - " 1.0278889 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 8 2 5 9 3 4 11 6 7 10 12 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"stephanie hannon , who was the tech giant 's director of productmanagement for civic innovation and social impact , will serve as her presidential campaign 's chief technology officer .hillary clinton is deadly serious about attracting young and tech-savvy voters in 2016 , hiring a new digital guru who hails from the world 's most powerful online brand .in that role she will supervise a sprawling effort to develop websites , mobile apps and other vehicles for pushing the former secretary of state 's brand through the 2016 elections .\"]\n", - "=======================\n", - "[\"stephanie hannon , google top dog on product management for ` civic engagement , ' will help hillary navigate the digital waters in 2016hannon will oversee a team that develops websites , apps and other outreach tools designed to attract democratic voterstech gurus are in high demand among presidential campaignsrand paul poached ted cruz 's senior digital strategist away last yearhillary has also filled a few key slots with obama white house aides\"]\n", - "stephanie hannon , who was the tech giant 's director of productmanagement for civic innovation and social impact , will serve as her presidential campaign 's chief technology officer .hillary clinton is deadly serious about attracting young and tech-savvy voters in 2016 , hiring a new digital guru who hails from the world 's most powerful online brand .in that role she will supervise a sprawling effort to develop websites , mobile apps and other vehicles for pushing the former secretary of state 's brand through the 2016 elections .\n", - "stephanie hannon , google top dog on product management for ` civic engagement , ' will help hillary navigate the digital waters in 2016hannon will oversee a team that develops websites , apps and other outreach tools designed to attract democratic voterstech gurus are in high demand among presidential campaignsrand paul poached ted cruz 's senior digital strategist away last yearhillary has also filled a few key slots with obama white house aides\n", - "[1.2493345 1.516416 1.2685887 1.1864214 1.3239928 1.0818707 1.1391321\n", - " 1.0301106 1.023441 1.0504482 1.0358117 1.0515049 1.034781 1.0437938\n", - " 1.035735 1.0591724 1.0315514 1.0328524 1.0347168 1.1439087 1.0171353\n", - " 1.0415616]\n", - "\n", - "[ 1 4 2 0 3 19 6 5 15 11 9 13 21 10 14 12 18 17 16 7 8 20]\n", - "=======================\n", - "[\"linda mclean was in her classroom at pine eagle charter school in the tiny town of halfway in august of that year when a masked man in a hoodie burst in with a gun , lowered it to her head and pulled the trigger .the 56-year-old elementary school teacher had no clue it was a drill to test her ` preparedness ' or that the gun was loaded with blanks .an oregon teacher is suing her rural school district over the lingering stress she feels following a surprise active shooter drill that administrators held in 2013 .\"]\n", - "=======================\n", - "['linda mclean was in her elementary school classroom in tiny halfway , oregon in 2013 when she was surprised by a man in a mask with a gun']\n", - "linda mclean was in her classroom at pine eagle charter school in the tiny town of halfway in august of that year when a masked man in a hoodie burst in with a gun , lowered it to her head and pulled the trigger .the 56-year-old elementary school teacher had no clue it was a drill to test her ` preparedness ' or that the gun was loaded with blanks .an oregon teacher is suing her rural school district over the lingering stress she feels following a surprise active shooter drill that administrators held in 2013 .\n", - "linda mclean was in her elementary school classroom in tiny halfway , oregon in 2013 when she was surprised by a man in a mask with a gun\n", - "[1.21231 1.1143036 1.0954249 1.1728998 1.1700488 1.4918076 1.243945\n", - " 1.1154246 1.0909326 1.0729702 1.1019815 1.0385333 1.0904562 1.1264406\n", - " 1.0835527 1.0242074 1.0167063 1.0253073 1.0315679 0. 0.\n", - " 0. ]\n", - "\n", - "[ 5 6 0 3 4 13 7 1 10 2 8 12 14 9 11 18 17 15 16 20 19 21]\n", - "=======================\n", - "['michael carrick played against ecuador at the 2006 world cup but was dropped for the quarter-finalengland have won just four competitive matches when carrick started , including against polandsuddenly , after close to 14 years of international football and just 33 caps , michael carrick is the answer for england .']\n", - "=======================\n", - "[\"michael carrick impressed during england 's draw with italy last weekbut the midfielder has been ordinary in his nine competitive startsengland won four of those - ecuador , san marino , poland and lithuaniaengland bosses consistently preferred steven gerrard or frank lampard\"]\n", - "michael carrick played against ecuador at the 2006 world cup but was dropped for the quarter-finalengland have won just four competitive matches when carrick started , including against polandsuddenly , after close to 14 years of international football and just 33 caps , michael carrick is the answer for england .\n", - "michael carrick impressed during england 's draw with italy last weekbut the midfielder has been ordinary in his nine competitive startsengland won four of those - ecuador , san marino , poland and lithuaniaengland bosses consistently preferred steven gerrard or frank lampard\n", - "[1.224226 1.5444348 1.2415462 1.1474361 1.1671104 1.2636749 1.0219232\n", - " 1.0230212 1.1477907 1.075206 1.1763246 1.0943142 1.0120492 1.0186241\n", - " 1.0425994 1.0113285 1.010755 1.0187718 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 5 2 0 10 4 8 3 11 9 14 7 6 17 13 12 15 16 21 18 19 20 22]\n", - "=======================\n", - "[\"charlie kwentus , 42 , from webster groves , missouri , was granted his dying wish by the annie 's hope bereavement center for kids .the charity provided all of his family with star treatment for the day , with black tie makeovers and a limousine included .a father-of-two with terminal brain cancer has lived out his dream of sharing a special dance with his daughters in lieu of walking them down the aisle at their weddings .\"]\n", - "=======================\n", - "[\"charlie kwentus , 42 , from webster groves , missouri , was granted his dying wish by the annie 's hope bereavement center for kidsthe charity provided all of his family with star treatment for the day , with black tie makeovers and limousine includedfootage from the event shows kwentus dancing with his daughters maren , aged nine , and zoe , 13 , before stopping to give a heartfelt speechkwentus was diagnosed with oligodendroglioma several years ago and recently decided to stop treatment\"]\n", - "charlie kwentus , 42 , from webster groves , missouri , was granted his dying wish by the annie 's hope bereavement center for kids .the charity provided all of his family with star treatment for the day , with black tie makeovers and a limousine included .a father-of-two with terminal brain cancer has lived out his dream of sharing a special dance with his daughters in lieu of walking them down the aisle at their weddings .\n", - "charlie kwentus , 42 , from webster groves , missouri , was granted his dying wish by the annie 's hope bereavement center for kidsthe charity provided all of his family with star treatment for the day , with black tie makeovers and limousine includedfootage from the event shows kwentus dancing with his daughters maren , aged nine , and zoe , 13 , before stopping to give a heartfelt speechkwentus was diagnosed with oligodendroglioma several years ago and recently decided to stop treatment\n", - "[1.0605749 1.3583328 1.4004108 1.3180732 1.137242 1.0769604 1.0471225\n", - " 1.0776664 1.0431582 1.0334858 1.2042153 1.0655247 1.1118623 1.0760427\n", - " 1.0438187 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 1 3 10 4 12 7 5 13 11 0 6 14 8 9 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"in fact , sellers who end their price with ` 00 ' typically receive offers that are five to eight per cent lower than those with more specific prices .us researchers claim that exact prices of goods on ebay attract higher offers than round numbers .this chart shows that when the posted initial price is of a round number ( the red dots ) , like $ 1,000 , the average counteroffer is much lower than if it is a non-round number ( the blue circles ) , like $ 1,079\"]\n", - "=======================\n", - "[\"researchers claim using exact prices when selling goods on ebay attract higher offers than round numberssellers who end prices with ` 00 ' typically receive offers up to 8 % lowerhowever , goods with round numbers typically sell faster , the study claims\"]\n", - "in fact , sellers who end their price with ` 00 ' typically receive offers that are five to eight per cent lower than those with more specific prices .us researchers claim that exact prices of goods on ebay attract higher offers than round numbers .this chart shows that when the posted initial price is of a round number ( the red dots ) , like $ 1,000 , the average counteroffer is much lower than if it is a non-round number ( the blue circles ) , like $ 1,079\n", - "researchers claim using exact prices when selling goods on ebay attract higher offers than round numberssellers who end prices with ` 00 ' typically receive offers up to 8 % lowerhowever , goods with round numbers typically sell faster , the study claims\n", - "[1.2319683 1.4017732 1.3353591 1.2245402 1.2908725 1.0717144 1.0330975\n", - " 1.0385447 1.1080991 1.0230081 1.1312499 1.0320574 1.0182052 1.0828254\n", - " 1.2631614 1.0895126 1.068472 1.0201099 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 4 14 0 3 10 8 15 13 5 16 7 6 11 9 17 12 21 18 19 20 22]\n", - "=======================\n", - "[\"the party leader said that he gets an ` unbelievably ' positive welcome when he meets black people .but he said claims the party is racist have stopped many supporters -- including internationally acclaimed rock stars and billionaires -- from backing him publicly .ukip is only seen as racist by white people , nigel farage has claimed .\"]\n", - "=======================\n", - "[\"ukip leader says people of catford , south east london , ` all wanted selfies 'mr farage said racist claims stop supporters from backing him publiclysays they include internationally acclaimed rock stars and billionaireshe adds the idea that ukip is racist is based on ` no evidence whatsoever '\"]\n", - "the party leader said that he gets an ` unbelievably ' positive welcome when he meets black people .but he said claims the party is racist have stopped many supporters -- including internationally acclaimed rock stars and billionaires -- from backing him publicly .ukip is only seen as racist by white people , nigel farage has claimed .\n", - "ukip leader says people of catford , south east london , ` all wanted selfies 'mr farage said racist claims stop supporters from backing him publiclysays they include internationally acclaimed rock stars and billionaireshe adds the idea that ukip is racist is based on ` no evidence whatsoever '\n", - "[1.3654234 1.3525611 1.3105607 1.1057482 1.1273746 1.046038 1.0362492\n", - " 1.1137385 1.1212537 1.0929046 1.0700709 1.1658256 1.0524505 1.0380499\n", - " 1.1605426 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 11 14 4 8 7 3 9 10 12 5 13 6 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"ed miliband will do ` more damage to the country than he did to his brother ' , boris johnson said this morning as the pair clashed on live tv .the london mayor , who appeared alongside mr miliband on the bbc 's andrew marr show , launched a furious personal assault on his rival - with their encounter descending into a furious shouting match .but mr miliband , who beat his elder brother david to the labour leadership in 2010 , ended up laughing off the attack , responding : ` come on boris , you 're better than that . '\"]\n", - "=======================\n", - "[\"london mayor appeared with mr miliband on bbc1 's andrew marr showmr johnson said ed would damage uk more than he 'd damaged his siblingbut he conceded : ` i 'm not saying your brother had dagger in the back 'labour leader laughed off row , saying : ` boris , you 're better than that '\"]\n", - "ed miliband will do ` more damage to the country than he did to his brother ' , boris johnson said this morning as the pair clashed on live tv .the london mayor , who appeared alongside mr miliband on the bbc 's andrew marr show , launched a furious personal assault on his rival - with their encounter descending into a furious shouting match .but mr miliband , who beat his elder brother david to the labour leadership in 2010 , ended up laughing off the attack , responding : ` come on boris , you 're better than that . '\n", - "london mayor appeared with mr miliband on bbc1 's andrew marr showmr johnson said ed would damage uk more than he 'd damaged his siblingbut he conceded : ` i 'm not saying your brother had dagger in the back 'labour leader laughed off row , saying : ` boris , you 're better than that '\n", - "[1.5117837 1.4154181 1.3266233 1.5022504 1.072333 1.104168 1.0551038\n", - " 1.023397 1.0279202 1.0157578 1.0319338 1.0102667 1.0090696 1.026162\n", - " 1.087584 1.0252928 1.1177723 1.0612389 1.0221084 1.0664952 1.020212\n", - " 1.0081484 1.0402673]\n", - "\n", - "[ 0 3 1 2 16 5 14 4 19 17 6 22 10 8 13 15 7 18 20 9 11 12 21]\n", - "=======================\n", - "['gary ballance hit a chanceless hundred for england on thursday - his fourth century in nine tests - that further closes the door on the banished kevin pietersen returning to the side whatever the ballyhoo .gary ballance scored 122 as england took firm control of the first test against the west indies in antiguathey finished the fourth day on 98 for two after another superb chris jordan slip catch made the breakthrough .']\n", - "=======================\n", - "['gary ballance hit 122 on day four of the first test in antigua on thursdayballance had a disappointing world cup scoring just 36 runs in four gamesengland declared on 333 for seven , setting hosts a target of 438 to winwest indies closed on 98 for two heading into the final day']\n", - "gary ballance hit a chanceless hundred for england on thursday - his fourth century in nine tests - that further closes the door on the banished kevin pietersen returning to the side whatever the ballyhoo .gary ballance scored 122 as england took firm control of the first test against the west indies in antiguathey finished the fourth day on 98 for two after another superb chris jordan slip catch made the breakthrough .\n", - "gary ballance hit 122 on day four of the first test in antigua on thursdayballance had a disappointing world cup scoring just 36 runs in four gamesengland declared on 333 for seven , setting hosts a target of 438 to winwest indies closed on 98 for two heading into the final day\n", - "[1.2628654 1.4293158 1.2156514 1.2904484 1.1250844 1.3103638 1.1657616\n", - " 1.1481754 1.0994408 1.1121573 1.0386909 1.0220301 1.0288668 1.0183526\n", - " 1.0127696 1.0641669 1.0690153 1.047521 0. 0. ]\n", - "\n", - "[ 1 5 3 0 2 6 7 4 9 8 16 15 17 10 12 11 13 14 18 19]\n", - "=======================\n", - "[\"kate roberts , 24 , noticed her son miles had a slightly different shaped head when he was born , and at three months , he was diagnosed with brachycephaly , also known as ` flat head syndrome ' .doctors believe it is caused by babies sleeping on their back , and as it is not medically dangerous , the nhs does not pay for treatment .a mother managed to raise # 2,000 in just 24 hours to pay a special helmet for her son , who was born with flat-head syndrome .\"]\n", - "=======================\n", - "['at three months old miles roberts was diagnosed with flat head syndromeas it is considered a cosmetic problem , the nhs does not fund treatmentbut a private clinic said it could cause blindness and facial disfigurementsmrs thomas raised # 2,000 in a day for helmet therapy to treat the condition']\n", - "kate roberts , 24 , noticed her son miles had a slightly different shaped head when he was born , and at three months , he was diagnosed with brachycephaly , also known as ` flat head syndrome ' .doctors believe it is caused by babies sleeping on their back , and as it is not medically dangerous , the nhs does not pay for treatment .a mother managed to raise # 2,000 in just 24 hours to pay a special helmet for her son , who was born with flat-head syndrome .\n", - "at three months old miles roberts was diagnosed with flat head syndromeas it is considered a cosmetic problem , the nhs does not fund treatmentbut a private clinic said it could cause blindness and facial disfigurementsmrs thomas raised # 2,000 in a day for helmet therapy to treat the condition\n", - "[1.2567025 1.4219104 1.1127421 1.16899 1.2339438 1.1509717 1.1118059\n", - " 1.0680715 1.1246201 1.067594 1.0585017 1.0406638 1.0978698 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 3 5 8 2 6 12 7 9 10 11 18 13 14 15 16 17 19]\n", - "=======================\n", - "['the spacious five bedroom home , based in the same building where 1950s pin-up and hollywood icon ava gardner spent her final years , offers 3,054 sq. ft. of high-end accommodation with two reception rooms , five bathrooms , a study and kitchen/breakfast room .a luxury knightsbridge flat which is brushed with a touch of hollywood glamour has gone on the rental market - for more than half a million pounds per year .there are five bedrooms with a master bedroom suite with walk in wardrobes .']\n", - "=======================\n", - "['the knightsbridge flat is located in the same building where hollywood star ava gardner spent her last yearsit is based in historic ennismore gardens which were built in 1870 as part of the redevelopment of kingston housethe spacious home which boasts five bedrooms has been put up for rent at # 10,500 a week - or # 546,000 a year']\n", - "the spacious five bedroom home , based in the same building where 1950s pin-up and hollywood icon ava gardner spent her final years , offers 3,054 sq. ft. of high-end accommodation with two reception rooms , five bathrooms , a study and kitchen/breakfast room .a luxury knightsbridge flat which is brushed with a touch of hollywood glamour has gone on the rental market - for more than half a million pounds per year .there are five bedrooms with a master bedroom suite with walk in wardrobes .\n", - "the knightsbridge flat is located in the same building where hollywood star ava gardner spent her last yearsit is based in historic ennismore gardens which were built in 1870 as part of the redevelopment of kingston housethe spacious home which boasts five bedrooms has been put up for rent at # 10,500 a week - or # 546,000 a year\n", - "[1.2054712 1.5176196 1.253942 1.3904526 1.1608945 1.1104244 1.1237041\n", - " 1.1593947 1.0630368 1.0300878 1.0375413 1.0881099 1.0830432 1.1585433\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 7 13 6 5 11 12 8 10 9 14 15 16 17 18 19]\n", - "=======================\n", - "[\"valbona yzeiraj was arrested on thursday and pleaded not guilty to charges of assault , unauthorized practice of a profession and reckless endangerment .authorities said the 45-year-old woman , from white plains , did injections in people 's mouths , performed root canals and on several occasions pulled patients ' teeth .according to cbs , she called herself ` dr val ' , putting on a lab coat when her boss , dr jeffrey schoengold , was n't present and doing dental work on unsuspecting patients .\"]\n", - "=======================\n", - "[\"valbona yzeiraj , of white plains , new york , was arrested on thursday and pleaded not guilty to charges of assaultauthorities said the 45-year-old woman , from white plains , did injections in people 's mouths and performed root canalswhen her boss was out , she allegedly pulled on a white coat and called herself ` dr val '\"]\n", - "valbona yzeiraj was arrested on thursday and pleaded not guilty to charges of assault , unauthorized practice of a profession and reckless endangerment .authorities said the 45-year-old woman , from white plains , did injections in people 's mouths , performed root canals and on several occasions pulled patients ' teeth .according to cbs , she called herself ` dr val ' , putting on a lab coat when her boss , dr jeffrey schoengold , was n't present and doing dental work on unsuspecting patients .\n", - "valbona yzeiraj , of white plains , new york , was arrested on thursday and pleaded not guilty to charges of assaultauthorities said the 45-year-old woman , from white plains , did injections in people 's mouths and performed root canalswhen her boss was out , she allegedly pulled on a white coat and called herself ` dr val '\n", - "[1.4209385 1.2649429 1.433916 1.1670884 1.137264 1.070345 1.0389359\n", - " 1.0110787 1.1890402 1.078723 1.0964204 1.0861045 1.0395602 1.0628519\n", - " 1.0319934 1.0465239 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 8 3 4 10 11 9 5 13 15 12 6 14 7 18 16 17 19]\n", - "=======================\n", - "['kim woodward has been appointed head chef at the famous venue , which has hosted lunches for the likes of prime ministers , musicians and captains of industry for decades .a former masterchef semi-finalist has become the first woman to run the prestigious savoy grill kitchen in its 126-year history .at the five-star , art deco grill , which is now part of the gordon ramsay stable , woodward will head a team of about 35 chefs , of whom some 40 per cent are women .']\n", - "=======================\n", - "[\"kim woodward has been appointed head chef at world famous restaurantart deco grill has fed prime ministers , musicians and actors for decadesyet masterchef runner-up is the first woman to hold the sought-after rolehas said ` masculine ' culinary traditions like daily roast trolley to continue\"]\n", - "kim woodward has been appointed head chef at the famous venue , which has hosted lunches for the likes of prime ministers , musicians and captains of industry for decades .a former masterchef semi-finalist has become the first woman to run the prestigious savoy grill kitchen in its 126-year history .at the five-star , art deco grill , which is now part of the gordon ramsay stable , woodward will head a team of about 35 chefs , of whom some 40 per cent are women .\n", - "kim woodward has been appointed head chef at world famous restaurantart deco grill has fed prime ministers , musicians and actors for decadesyet masterchef runner-up is the first woman to hold the sought-after rolehas said ` masculine ' culinary traditions like daily roast trolley to continue\n", - "[1.0435787 1.0502498 1.1013817 1.2899268 1.2958747 1.2337558 1.0937293\n", - " 1.0518091 1.0820322 1.073052 1.1019397 1.1132584 1.1169136 1.1294997\n", - " 1.1044732 1.1275308 1.1154244 1.0660567 1.0268595 1.0333512]\n", - "\n", - "[ 4 3 5 13 15 12 16 11 14 10 2 6 8 9 17 7 1 0 19 18]\n", - "=======================\n", - "['for nearly 40 years , physicists have argued that black holes suck in information and then evaporate without leaving behind any clues as to what they once contained .now , one scientist says this may not be true , and that interactions between particles emitted by a black hole can reveal information about what lies within .the grey hole theory would allow matter and energy to be held for a period of time before being released back into space']\n", - "=======================\n", - "[\"comments made by dr dejan stojkovic from the university of buffalohe says clues to contents lie in interactions between particles emittedquantum mechanics states that information is always conservedit backs up stephen hawking 's theory that black holes are ` grey '\"]\n", - "for nearly 40 years , physicists have argued that black holes suck in information and then evaporate without leaving behind any clues as to what they once contained .now , one scientist says this may not be true , and that interactions between particles emitted by a black hole can reveal information about what lies within .the grey hole theory would allow matter and energy to be held for a period of time before being released back into space\n", - "comments made by dr dejan stojkovic from the university of buffalohe says clues to contents lie in interactions between particles emittedquantum mechanics states that information is always conservedit backs up stephen hawking 's theory that black holes are ` grey '\n", - "[1.1613075 1.0548002 1.0825773 1.1491389 1.1336657 1.096383 1.0908732\n", - " 1.2656677 1.0918227 1.0678501 1.1718956 1.0302093 1.036166 1.0294073\n", - " 1.1186062 1.0654311 1.0141739 1.0234861 1.0602899 1.0466133 1.0164518\n", - " 1.0874139 1.0531482 1.1131771]\n", - "\n", - "[ 7 10 0 3 4 14 23 5 8 6 21 2 9 15 18 1 22 19 12 11 13 17 20 16]\n", - "=======================\n", - "[\"john carver issues instructions to his players during training on friday ahead of sunday 's derbysunderland are the country 's most out-of-form side and , unless new boss dick advocaat can reverse what is a sorry slide towards the bottom three , they will be back in the championship come august .at last , some good news for sunderland and newcastle united -- apparently form goes out of the window in a derby .\"]\n", - "=======================\n", - "[\"newcastle travel to the stadium of light to face sunderland on sundayclash being billed as ` the desperation derby ' with both sides strugglingjohn carver is fighting to secure his future as manager beyond the seasoncarver has stopped thinking about getting the job on a permanent basisdick advocaat is striving to ensure sunderland remain in premier league\"]\n", - "john carver issues instructions to his players during training on friday ahead of sunday 's derbysunderland are the country 's most out-of-form side and , unless new boss dick advocaat can reverse what is a sorry slide towards the bottom three , they will be back in the championship come august .at last , some good news for sunderland and newcastle united -- apparently form goes out of the window in a derby .\n", - "newcastle travel to the stadium of light to face sunderland on sundayclash being billed as ` the desperation derby ' with both sides strugglingjohn carver is fighting to secure his future as manager beyond the seasoncarver has stopped thinking about getting the job on a permanent basisdick advocaat is striving to ensure sunderland remain in premier league\n", - "[1.2843103 1.3690332 1.2636812 1.2819965 1.2447541 1.0321304 1.1625346\n", - " 1.0546271 1.0806701 1.0814838 1.0708432 1.082672 1.0349644 1.0530702\n", - " 1.0163196 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 6 11 9 8 10 7 13 12 5 14 21 20 19 15 17 16 22 18 23]\n", - "=======================\n", - "[\"an exclusive comres survey for the daily mail and itv news shows the lib dems are up three points to 12 per cent , equal with ukip .ukip has failed to outpoll the liberal democrats for the first time since 2013 in a fresh blow to nigel farage 's faltering election campaign .the poll is the latest bad news for mr farage , and undermines his claim yesterday that support for ukip has ` rallied ' after a lacklustre few weeks .\"]\n", - "=======================\n", - "[\"lib dems move level with ukip for first time since 2013 , according to pollsurvey shows conservatives ' lead has slipped slightly but are still in fronttories on 34 per cent and labour at 33 per cent with less than month to gonick clegg 's lib dems are up three points to 12 per cent , equal with ukip\"]\n", - "an exclusive comres survey for the daily mail and itv news shows the lib dems are up three points to 12 per cent , equal with ukip .ukip has failed to outpoll the liberal democrats for the first time since 2013 in a fresh blow to nigel farage 's faltering election campaign .the poll is the latest bad news for mr farage , and undermines his claim yesterday that support for ukip has ` rallied ' after a lacklustre few weeks .\n", - "lib dems move level with ukip for first time since 2013 , according to pollsurvey shows conservatives ' lead has slipped slightly but are still in fronttories on 34 per cent and labour at 33 per cent with less than month to gonick clegg 's lib dems are up three points to 12 per cent , equal with ukip\n", - "[1.3606199 1.37996 1.1880982 1.2514406 1.224605 1.0910592 1.2929235\n", - " 1.0727216 1.071555 1.1263411 1.0506632 1.0399067 1.0664613 1.031033\n", - " 1.0144713 1.0097598 1.0074987 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 6 3 4 2 9 5 7 8 12 10 11 13 14 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "['the core they hope to retrieve will allow them to look back in time 10 million to 15 million years into the past .researchers plan to drill 5,000 feet ( 1,500 meters ) below the surface of the chicxulub crater in mexico to try and answer the question of how the dinosaurs died out .the impact site is believed to be the 125 mile ( 200km ) wide chicxulub crater buried underneath the yucatán peninsula in mexico .']\n", - "=======================\n", - "['uk researchers studied the asteroid impact 66 million years ago125-mile-wide ( 200 kilometers ) chicxulub crater created by an asteroid']\n", - "the core they hope to retrieve will allow them to look back in time 10 million to 15 million years into the past .researchers plan to drill 5,000 feet ( 1,500 meters ) below the surface of the chicxulub crater in mexico to try and answer the question of how the dinosaurs died out .the impact site is believed to be the 125 mile ( 200km ) wide chicxulub crater buried underneath the yucatán peninsula in mexico .\n", - "uk researchers studied the asteroid impact 66 million years ago125-mile-wide ( 200 kilometers ) chicxulub crater created by an asteroid\n", - "[1.2000078 1.0614485 1.2924778 1.1222475 1.339578 1.1372505 1.0904437\n", - " 1.1225703 1.0674388 1.0177345 1.0909845 1.030018 1.1594127 1.0854647\n", - " 1.0324675 1.0341185 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 4 2 0 12 5 7 3 10 6 13 8 1 15 14 11 9 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"pep guardiola prepares his side for their champions league quarter-final first leg against portobayern munich take on porto on wednesday night and even though they are contending with an injury crisis which leaves them without bastian schweinsteiger , franck ribery and arjen robben among others you might anticipate a sixth champions league semi-final for guardiola in his six years of management .it 's all pep guardiola 's fault ; him and the good folk of scotland or , at least , st andrews .\"]\n", - "=======================\n", - "['bayern munich take on porto in the champions league quarter-finalpep guardiola bidding to reach sixth semi-final in sixth year as a managerfrom 2005-2009 england had 12 out of 20 champions league semi-finalistsin last five years only three semi-finalists have been from premier leagueguardiola changed barcelona tactically , introducing relentless pressinglionel messi brought into it when guardiola supported him against the clubpremier league clubs have struggled to cope with that intensity in europe']\n", - "pep guardiola prepares his side for their champions league quarter-final first leg against portobayern munich take on porto on wednesday night and even though they are contending with an injury crisis which leaves them without bastian schweinsteiger , franck ribery and arjen robben among others you might anticipate a sixth champions league semi-final for guardiola in his six years of management .it 's all pep guardiola 's fault ; him and the good folk of scotland or , at least , st andrews .\n", - "bayern munich take on porto in the champions league quarter-finalpep guardiola bidding to reach sixth semi-final in sixth year as a managerfrom 2005-2009 england had 12 out of 20 champions league semi-finalistsin last five years only three semi-finalists have been from premier leagueguardiola changed barcelona tactically , introducing relentless pressinglionel messi brought into it when guardiola supported him against the clubpremier league clubs have struggled to cope with that intensity in europe\n", - "[1.4703915 1.1686454 1.20642 1.1478117 1.0673774 1.0517279 1.2113212\n", - " 1.0881778 1.0606381 1.0581735 1.0236853 1.0488548 1.0218878 1.0462177\n", - " 1.0250205 1.1670203 1.05475 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 6 2 1 15 3 7 4 8 9 16 5 11 13 14 10 12 22 17 18 19 20 21 23]\n", - "=======================\n", - "['boston ( cnn ) sending boston marathon bomber dzhokhar tsarnaev to prison for the rest of his life would bring years of punishment and rob him of martyrdom , jurors were told monday .bruck told jurors there are only two punishments for them to choose from : death , or life in prison without any possibility of parole .\" no punishment could ever be equal to the terrible effects of this crime on the survivors and the victims \\' families , \" he said .']\n", - "=======================\n", - "['defense expected to show dzhokhar tsarnaev as a puppet of his dominant older brothera deadlocked jury would result in an automatic life sentence for tsarnaev']\n", - "boston ( cnn ) sending boston marathon bomber dzhokhar tsarnaev to prison for the rest of his life would bring years of punishment and rob him of martyrdom , jurors were told monday .bruck told jurors there are only two punishments for them to choose from : death , or life in prison without any possibility of parole .\" no punishment could ever be equal to the terrible effects of this crime on the survivors and the victims ' families , \" he said .\n", - "defense expected to show dzhokhar tsarnaev as a puppet of his dominant older brothera deadlocked jury would result in an automatic life sentence for tsarnaev\n", - "[1.2408482 1.337114 1.315404 1.3106652 1.0593854 1.0959835 1.108327\n", - " 1.0782037 1.1013207 1.1062804 1.0592601 1.0171195 1.0884213 1.0712917\n", - " 1.0183065 1.0236902 1.0135423 1.109741 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 0 17 6 9 8 5 12 7 13 4 10 15 14 11 16 21 18 19 20 22]\n", - "=======================\n", - "[\"sir david nicholson is the latest expert to warn that ed miliband 's plans will not provide enough cash to keep the service going .he was branded the ` man with no shame ' after refusing to resign over the mid staffs scandal which led to 1,200 needless deaths .sir david : the former head of the nhs 's criticism of labour threatens to demolish its claim to be the champion of the nhs\"]\n", - "=======================\n", - "[\"sir david nicholson warned labour about failing to match tory nhs pledgeformer head of nhs said it would leave health service in a ` financial hole 'branded ` man with no shame ' on refusing to resign over mid staffs scandal\"]\n", - "sir david nicholson is the latest expert to warn that ed miliband 's plans will not provide enough cash to keep the service going .he was branded the ` man with no shame ' after refusing to resign over the mid staffs scandal which led to 1,200 needless deaths .sir david : the former head of the nhs 's criticism of labour threatens to demolish its claim to be the champion of the nhs\n", - "sir david nicholson warned labour about failing to match tory nhs pledgeformer head of nhs said it would leave health service in a ` financial hole 'branded ` man with no shame ' on refusing to resign over mid staffs scandal\n", - "[1.3194945 1.3642462 1.1924413 1.3424525 1.055132 1.0581442 1.0699806\n", - " 1.1803333 1.0728358 1.0551672 1.0660472 1.1243616 1.0566618 1.0588818\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 2 7 11 8 6 10 13 5 12 9 4 20 19 18 14 16 15 21 17 22]\n", - "=======================\n", - "[\"the convicted bomber 's aunt , maret tsarnaeva , and two other relatives told time in an interview this week in chechen capital , grozny , that they believed he was wrongly convicted as part of a conspiracy by the u.s. .relatives of boston bomber dzhokhar tsarnaev are refusing to accept that he was behind the marathon terrorist attack and want his defense lawyers fired .the bomber 's uncle , said-hussein tsarnaev , told the magazine that ` american special services ' orchestrated the 2013 terrorist attack which left three dead and hundreds more wounded .\"]\n", - "=======================\n", - "[\"three of the convicted bomber 's family members said they believe dzhokhar tsarnaev was the victim of a conspiracyan uncle said ` american special services ' orchestrated the 2013 terrorist attack which left three dead and hundreds more woundedtsarnaev was found guilty by a boston jury on april 8 of all 30 counts - 17 of them carrying the death penaltythe death penalty phase of his trial begins on april 21\"]\n", - "the convicted bomber 's aunt , maret tsarnaeva , and two other relatives told time in an interview this week in chechen capital , grozny , that they believed he was wrongly convicted as part of a conspiracy by the u.s. .relatives of boston bomber dzhokhar tsarnaev are refusing to accept that he was behind the marathon terrorist attack and want his defense lawyers fired .the bomber 's uncle , said-hussein tsarnaev , told the magazine that ` american special services ' orchestrated the 2013 terrorist attack which left three dead and hundreds more wounded .\n", - "three of the convicted bomber 's family members said they believe dzhokhar tsarnaev was the victim of a conspiracyan uncle said ` american special services ' orchestrated the 2013 terrorist attack which left three dead and hundreds more woundedtsarnaev was found guilty by a boston jury on april 8 of all 30 counts - 17 of them carrying the death penaltythe death penalty phase of his trial begins on april 21\n", - "[1.2032787 1.2079195 1.4111366 1.1167619 1.0727564 1.1252313 1.0606148\n", - " 1.0336301 1.0271755 1.0569369 1.0487217 1.0935544 1.0441461 1.036863\n", - " 1.0951184 1.0355705 1.060756 1.0878966 1.0165879 1.044405 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 1 0 5 3 14 11 17 4 16 6 9 10 19 12 13 15 7 8 18 21 20 22]\n", - "=======================\n", - "[\"now that he has been found guilty on every count , the jury must decide whether boston marathon bomber tsarnaev , 21 , should live or die for what he has done .but on tuesday , jurors also began to hear about the holes his bombs left in the hearts of the survivors and the families of the dead .boston ( cnn ) dzhokhar tsarnaev 's bombs tore through their bodies : singeing flesh , shattering bones , shredding muscles and severing limbs .\"]\n", - "=======================\n", - "[\"the sentencing phase in dzhokhar tsarnaev 's trial begins in a federal court in bostonprosecutor shows pictures of the four victims and tsarnaev flipping his middle fingervictims testify about the impact of the bombing on their lives\"]\n", - "now that he has been found guilty on every count , the jury must decide whether boston marathon bomber tsarnaev , 21 , should live or die for what he has done .but on tuesday , jurors also began to hear about the holes his bombs left in the hearts of the survivors and the families of the dead .boston ( cnn ) dzhokhar tsarnaev 's bombs tore through their bodies : singeing flesh , shattering bones , shredding muscles and severing limbs .\n", - "the sentencing phase in dzhokhar tsarnaev 's trial begins in a federal court in bostonprosecutor shows pictures of the four victims and tsarnaev flipping his middle fingervictims testify about the impact of the bombing on their lives\n", - "[1.4356853 1.3883214 1.1882066 1.1655934 1.246343 1.1022494 1.1477847\n", - " 1.1052377 1.0624484 1.0880601 1.0616367 1.0931203 1.0509751 1.0215827\n", - " 1.0231931 1.033424 1.0912781 1.0088857 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 4 2 3 6 7 5 11 16 9 8 10 12 15 14 13 17 21 18 19 20 22]\n", - "=======================\n", - "[\"seoul ( cnn ) south korea 's prime minister lee wan-koo offered to resign on monday amid a growing political scandal .lee will stay in his official role until south korean president park geun-hye accepts his resignation .calls for lee to resign began after south korean tycoon sung woan-jong was found hanging from a tree in seoul in an apparent suicide on april 9 .\"]\n", - "=======================\n", - "['calls for lee wan-koo to resign began after south korean tycoon sung woan-jong was found hanging from a tree in seoulsung , who was under investigation for fraud and bribery , left a note listing names and amounts of cash given to top officials']\n", - "seoul ( cnn ) south korea 's prime minister lee wan-koo offered to resign on monday amid a growing political scandal .lee will stay in his official role until south korean president park geun-hye accepts his resignation .calls for lee to resign began after south korean tycoon sung woan-jong was found hanging from a tree in seoul in an apparent suicide on april 9 .\n", - "calls for lee wan-koo to resign began after south korean tycoon sung woan-jong was found hanging from a tree in seoulsung , who was under investigation for fraud and bribery , left a note listing names and amounts of cash given to top officials\n", - "[1.0250309 1.0347152 1.0300784 1.0370142 1.2206419 1.222397 1.0452586\n", - " 1.0225095 1.0376854 1.0434155 1.0286504 1.0836282 1.0524951 1.0408527\n", - " 1.0434303 1.0721788 1.0201184 1.0349213 1.1666236 1.0305885 1.0488575\n", - " 1.0275054 1.041648 ]\n", - "\n", - "[ 5 4 18 11 15 12 20 6 14 9 22 13 8 3 17 1 19 2 10 21 0 7 16]\n", - "=======================\n", - "['born into a family of teachers , jia jiang was so determined to become an entrepreneur that , as a child in china , he dug a hole in the garden , intending to reach america by the shortest route .it would take someone exceptionally optimistic and uncynical to propose an alternative thesis , and jia jiang is both of those .the problem was he inevitably encountered rejection , mainly from potential backers for his project ( another iphone app no one could possibly need or want ) .']\n", - "=======================\n", - "[\"it does n't matter where it comes from - no one likes being rejectedand in each and every case there 's nothing we can do about itjia jiang , with his exceptional optimism , proposes an alternative thesishe has developed an entertaining study of rejection in all its many forms\"]\n", - "born into a family of teachers , jia jiang was so determined to become an entrepreneur that , as a child in china , he dug a hole in the garden , intending to reach america by the shortest route .it would take someone exceptionally optimistic and uncynical to propose an alternative thesis , and jia jiang is both of those .the problem was he inevitably encountered rejection , mainly from potential backers for his project ( another iphone app no one could possibly need or want ) .\n", - "it does n't matter where it comes from - no one likes being rejectedand in each and every case there 's nothing we can do about itjia jiang , with his exceptional optimism , proposes an alternative thesishe has developed an entertaining study of rejection in all its many forms\n", - "[1.1705753 1.460412 1.3632666 1.3339534 1.1836627 1.1362758 1.1306392\n", - " 1.0349208 1.2293074 1.1309179 1.0724131 1.0660354 1.0419116 1.0437646\n", - " 1.011884 1.0077913 1.0350387 1.0434183 1.0419766 0. ]\n", - "\n", - "[ 1 2 3 8 4 0 5 9 6 10 11 13 17 18 12 16 7 14 15 19]\n", - "=======================\n", - "[\"kyle major , from blackpool , lancashire , followed his victim - who had just asked his group of friends for directions - and felled him from behind with a punch to the back of the head .paul walker , 52 , was thought to be unconscious before his chin hit the ground and died shortly afterwards in hospital .teenager kyle major cowardly killed father of two paul walker in the early hours of new year 's day\"]\n", - "=======================\n", - "['kyle major killed paul walker with a single punch to the back of his headteenager drunk six bottles of lager and a quarter of a bottle of whiskeyregularly drank to excess and was also habitual cannabis userhe was under supervision of a youth offending team since december 2013the 52 year old father-of-two was unconscious before chin hit the ground']\n", - "kyle major , from blackpool , lancashire , followed his victim - who had just asked his group of friends for directions - and felled him from behind with a punch to the back of the head .paul walker , 52 , was thought to be unconscious before his chin hit the ground and died shortly afterwards in hospital .teenager kyle major cowardly killed father of two paul walker in the early hours of new year 's day\n", - "kyle major killed paul walker with a single punch to the back of his headteenager drunk six bottles of lager and a quarter of a bottle of whiskeyregularly drank to excess and was also habitual cannabis userhe was under supervision of a youth offending team since december 2013the 52 year old father-of-two was unconscious before chin hit the ground\n", - "[1.2449249 1.3234909 1.100907 1.2830181 1.1902566 1.0818565 1.1037347\n", - " 1.1247035 1.0334921 1.023168 1.0964336 1.0997792 1.065949 1.05113\n", - " 1.0221332 1.0141381 1.0143871 1.1185257 1.0452824 1.0293901]\n", - "\n", - "[ 1 3 0 4 7 17 6 2 11 10 5 12 13 18 8 19 9 14 16 15]\n", - "=======================\n", - "['the tallest and fastest \" giga-coaster \" in the world .these are some of the best videos of the week :( cnn ) a trip to a former heavyweight champ \\'s gaudy , abandoned mansion .']\n", - "=======================\n", - "[\"here are six of cnn 's best videos of the weekclips include a look at mike tyson 's abandoned mansion\"]\n", - "the tallest and fastest \" giga-coaster \" in the world .these are some of the best videos of the week :( cnn ) a trip to a former heavyweight champ 's gaudy , abandoned mansion .\n", - "here are six of cnn 's best videos of the weekclips include a look at mike tyson 's abandoned mansion\n", - "[1.2259511 1.4632335 1.3162882 1.2910396 1.1786654 1.1399623 1.133146\n", - " 1.0353382 1.1972252 1.1950645 1.1146414 1.0615833 1.0229455 1.0272083\n", - " 1.0853908 1.0250936 1.0147424 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 8 9 4 5 6 10 14 11 7 13 15 12 16 18 17 19]\n", - "=======================\n", - "['the unnamed woman has been placed in an isolation ward at canberra hospital for treatment on friday with doctors and nurses wearing full protective clothing .the woman did not treat any cases of the deadly virus where she worked at an ebola treatment clinic in liberia before she arrived in australia on april 5 .a healthcare worker who recently returned from west africa has been taken to a hospital after displaying symptoms which could be the deadly ebola virus .']\n", - "=======================\n", - "[\"an ill female health worker is being treated for ebola on fridayshe 's been admitted to canberra hospital after returning from west africathe unnamed woman was working at an ebola treatment clinic in liberiait 's understood the woman did not treat any cases of ebola overseasshe 's being treated in isolation under the hospital 's ebola protocolthe results of the ebola test are expected to be known within 72 hours\"]\n", - "the unnamed woman has been placed in an isolation ward at canberra hospital for treatment on friday with doctors and nurses wearing full protective clothing .the woman did not treat any cases of the deadly virus where she worked at an ebola treatment clinic in liberia before she arrived in australia on april 5 .a healthcare worker who recently returned from west africa has been taken to a hospital after displaying symptoms which could be the deadly ebola virus .\n", - "an ill female health worker is being treated for ebola on fridayshe 's been admitted to canberra hospital after returning from west africathe unnamed woman was working at an ebola treatment clinic in liberiait 's understood the woman did not treat any cases of ebola overseasshe 's being treated in isolation under the hospital 's ebola protocolthe results of the ebola test are expected to be known within 72 hours\n", - "[1.1589499 1.2782547 1.3518033 1.1858214 1.1483753 1.0398673 1.0281408\n", - " 1.0676887 1.1190821 1.0901097 1.0508858 1.0545894 1.0798324 1.0544426\n", - " 1.0746138 1.0744954 1.0140367 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 0 4 8 9 12 14 15 7 11 13 10 5 6 16 18 17 19]\n", - "=======================\n", - "['cave photographer , john spies , 59 , captured the sheer magnificence of the vast , yet intricate , underground wonderland .enormous banks of terraced flowstone decorate the walls of the cave in many places .laos is a popular tourist destination known for its beautiful scenery and ornate temples , however not many people venture below the surface and discover that what is underground is perhaps even more spectacular .']\n", - "=======================\n", - "['the tham khoun ex cave has 15km of spectacular caves waiting to be explore by kayakexplorers can witness the incredible caverns , lake and even the vibrant forest at the entrancecave photographer john spies captured the labyrinthine chambers to unfold the mystery']\n", - "cave photographer , john spies , 59 , captured the sheer magnificence of the vast , yet intricate , underground wonderland .enormous banks of terraced flowstone decorate the walls of the cave in many places .laos is a popular tourist destination known for its beautiful scenery and ornate temples , however not many people venture below the surface and discover that what is underground is perhaps even more spectacular .\n", - "the tham khoun ex cave has 15km of spectacular caves waiting to be explore by kayakexplorers can witness the incredible caverns , lake and even the vibrant forest at the entrancecave photographer john spies captured the labyrinthine chambers to unfold the mystery\n", - "[1.2225388 1.4399277 1.3614402 1.2842684 1.1911857 1.2696183 1.0945556\n", - " 1.1452768 1.1197201 1.0992035 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 5 0 4 7 8 9 6 18 10 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"the plane began to plunge after it was struck by lightning , but autopilot ignored the pilot 's commands to climb and tried to crash the plane into the sea .the airliner pitched down , falling at 9,500 ft a minute , and fell to just 1,100 ft above the ocean before its commander wrestled back control just moments before it was about to crash into the icy water .the island-hopping loganair flight from aberdeen to shetland was put off its approach by thunderstorms , snow , hail and 70mph winds on the evening of december 15 .\"]\n", - "=======================\n", - "[\"loganair aberdeen to shetland flight struck by lightning on approachplunged to just 1,100 ft above the ocean before pilot regained controlprobe found autopilot ignored pilot 's commands to climb and tried to crash\"]\n", - "the plane began to plunge after it was struck by lightning , but autopilot ignored the pilot 's commands to climb and tried to crash the plane into the sea .the airliner pitched down , falling at 9,500 ft a minute , and fell to just 1,100 ft above the ocean before its commander wrestled back control just moments before it was about to crash into the icy water .the island-hopping loganair flight from aberdeen to shetland was put off its approach by thunderstorms , snow , hail and 70mph winds on the evening of december 15 .\n", - "loganair aberdeen to shetland flight struck by lightning on approachplunged to just 1,100 ft above the ocean before pilot regained controlprobe found autopilot ignored pilot 's commands to climb and tried to crash\n", - "[1.2288089 1.3834745 1.2472222 1.4140615 1.082047 1.1365811 1.1570795\n", - " 1.117189 1.046084 1.0723674 1.0525393 1.0719122 1.1379395 1.0566405\n", - " 1.0137544 1.0157987 1.02275 1.0258927 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 0 6 12 5 7 4 9 11 13 10 8 17 16 15 14 25 18 19 20 21 22\n", - " 23 24 26]\n", - "=======================\n", - "[\"zhou qunfei , 45 , has been named china 's richest woman after her company lens technology went publicthe 45-year-old , whose company supplies protective window glass used in apple devices , was born into extreme poverty in a village in rural china .her mother died when she was five .\"]\n", - "=======================\n", - "['zhou qunfei born in poverty in rural china and started work on shop floorquickly promoted before she set up her own company at age of 22her company went public on march 18 and her shares worth # 4.9 billionpatented scratch-persistent glass was inspired by rainfall on lotus leaves']\n", - "zhou qunfei , 45 , has been named china 's richest woman after her company lens technology went publicthe 45-year-old , whose company supplies protective window glass used in apple devices , was born into extreme poverty in a village in rural china .her mother died when she was five .\n", - "zhou qunfei born in poverty in rural china and started work on shop floorquickly promoted before she set up her own company at age of 22her company went public on march 18 and her shares worth # 4.9 billionpatented scratch-persistent glass was inspired by rainfall on lotus leaves\n", - "[1.3967667 1.4783126 1.2674814 1.1283973 1.0846255 1.2018913 1.1231183\n", - " 1.1417643 1.1411566 1.0797021 1.0444263 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 5 7 8 3 6 4 9 10 19 24 23 22 21 20 18 13 16 15 14 25 12\n", - " 11 17 26]\n", - "=======================\n", - "[\"natal 's dunas arena is being sold by owner grupo oas , with the company also trying to sell the 50 percent share it owns of the fonte nova arena in salvador .brazil 's world cup stadium in natal is up for sale as the company that owns it is suffering from cash flow problems following a corruption scandal .the company has struggled for months with the impact of a corruption investigation at state-controlled oil company petrobras , which undercut the builder 's access to financing .\"]\n", - "=======================\n", - "[\"natal 's dunas arena , which held four world cup matches , is up for saleits owners are suffering from cash flow problems after a corruption scandalthe company is also selling a 50 percent share of salvador 's fonte nova arena , which held six matches last summer\"]\n", - "natal 's dunas arena is being sold by owner grupo oas , with the company also trying to sell the 50 percent share it owns of the fonte nova arena in salvador .brazil 's world cup stadium in natal is up for sale as the company that owns it is suffering from cash flow problems following a corruption scandal .the company has struggled for months with the impact of a corruption investigation at state-controlled oil company petrobras , which undercut the builder 's access to financing .\n", - "natal 's dunas arena , which held four world cup matches , is up for saleits owners are suffering from cash flow problems after a corruption scandalthe company is also selling a 50 percent share of salvador 's fonte nova arena , which held six matches last summer\n", - "[1.2397994 1.4850012 1.3362908 1.3405652 1.1083549 1.1061739 1.0728922\n", - " 1.090073 1.1015007 1.0510846 1.076669 1.0615016 1.0296295 1.0168982\n", - " 1.0174682 1.093741 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 8 15 7 10 6 11 9 12 14 13 16 17 18 19 20 21 22 23\n", - " 24 25 26]\n", - "=======================\n", - "['american mohamed soltan , 27 , and 36 others were given life sentences as mohamed badie , the spiritual leader of the muslim brotherhood , and 13 other defendants were ordered to be executed .the defendants were found guilty of plotting unrest from their headquarters in a sprawling cairo protest camp in the months after a military coup overthrew islamist president mohamed morsi in july 2013 .an american-egyptian citizen was jailed for life as an egyptian judge handed down harsh punishments to now outlawed muslim group .']\n", - "=======================\n", - "[\"confirmed death sentences for muslim brotherhood leader and 13 othersamerican-egyptian mohamed soltan , 27 , sentenced to life in prisonhe lived in missouri , michigan and ohio before moving to egypt in 2012found guilty of ` plotting unrest ' after coup against president morsi in 2013ohio state graduate had worked as journalists ' translator at protest sitehe had lost 98 pounds during his hunger strike as of last year\"]\n", - "american mohamed soltan , 27 , and 36 others were given life sentences as mohamed badie , the spiritual leader of the muslim brotherhood , and 13 other defendants were ordered to be executed .the defendants were found guilty of plotting unrest from their headquarters in a sprawling cairo protest camp in the months after a military coup overthrew islamist president mohamed morsi in july 2013 .an american-egyptian citizen was jailed for life as an egyptian judge handed down harsh punishments to now outlawed muslim group .\n", - "confirmed death sentences for muslim brotherhood leader and 13 othersamerican-egyptian mohamed soltan , 27 , sentenced to life in prisonhe lived in missouri , michigan and ohio before moving to egypt in 2012found guilty of ` plotting unrest ' after coup against president morsi in 2013ohio state graduate had worked as journalists ' translator at protest sitehe had lost 98 pounds during his hunger strike as of last year\n", - "[1.3564626 1.1126443 1.0772783 1.1097441 1.0801932 1.4402503 1.2078819\n", - " 1.2899969 1.1049564 1.0134202 1.013723 1.092822 1.020401 1.0228828\n", - " 1.0419059 1.0111108 1.0456517 1.1106194 1.1411419 1.025435 1.0110034\n", - " 1.0087887 1.0103264 1.0095 1.0113018 1.0752484 1.13151 ]\n", - "\n", - "[ 5 0 7 6 18 26 1 17 3 8 11 4 2 25 16 14 19 13 12 10 9 24 15 20\n", - " 22 23 21]\n", - "=======================\n", - "['liverpool boss brendan rodgers has conceded defeat in his quest for the top fourarsenal have won 17 of their 20 games since christmas in all competitions .liverpool players leave the pitch after the 4-1 defeat against arsenal on saturday afternoon']\n", - "=======================\n", - "[\"liverpool suffered 4-1 premier league defeat by rivals arsenalthe defeat greatly reduced liverpool 's chances of top four finishbrendan rodgers admits top players want champions league football\"]\n", - "liverpool boss brendan rodgers has conceded defeat in his quest for the top fourarsenal have won 17 of their 20 games since christmas in all competitions .liverpool players leave the pitch after the 4-1 defeat against arsenal on saturday afternoon\n", - "liverpool suffered 4-1 premier league defeat by rivals arsenalthe defeat greatly reduced liverpool 's chances of top four finishbrendan rodgers admits top players want champions league football\n", - "[1.125551 1.5358169 1.2260925 1.4076409 1.0513883 1.0946943 1.1579155\n", - " 1.1444752 1.1605834 1.0784508 1.0757414 1.0567056 1.1262271 1.1472404\n", - " 1.0582331 1.0314394 1.0108125 1.0419403 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 8 6 13 7 12 0 5 9 10 14 11 4 17 15 16 25 18 19 20 21 22\n", - " 23 24 26]\n", - "=======================\n", - "[\"richard hutchinson , 40 , from thornaby-on-tees , north yorkshire , has been jailed for two years for attacking his victim without warning after the pair fell out over a debt of # 300 .teesside crown court heard that the pair had a ` long-running ' feud after hutchinson borrowed the money but had not paid it all back .he was taken to hospital with a skull fracture and bleed on the brain and had to remain in intensive care for 16 days .\"]\n", - "=======================\n", - "[\"richard hutchinson attacked former friend in betting shop in money rowhe landed a single punch to victim 's face causing brain bleed and fracturehis victim spent 16 days in intensive care and a further 11 days in hospitalhutchinson , 40 , admitted grievous bodily harm and jailed for two years\"]\n", - "richard hutchinson , 40 , from thornaby-on-tees , north yorkshire , has been jailed for two years for attacking his victim without warning after the pair fell out over a debt of # 300 .teesside crown court heard that the pair had a ` long-running ' feud after hutchinson borrowed the money but had not paid it all back .he was taken to hospital with a skull fracture and bleed on the brain and had to remain in intensive care for 16 days .\n", - "richard hutchinson attacked former friend in betting shop in money rowhe landed a single punch to victim 's face causing brain bleed and fracturehis victim spent 16 days in intensive care and a further 11 days in hospitalhutchinson , 40 , admitted grievous bodily harm and jailed for two years\n", - "[1.2209067 1.3317695 1.4368496 1.0824685 1.3066198 1.3465675 1.0327607\n", - " 1.1113862 1.0174774 1.0890613 1.083717 1.0328767 1.0758828 1.072603\n", - " 1.0354897 1.0165136 1.0943828 0. 0. 0. 0. ]\n", - "\n", - "[ 2 5 1 4 0 7 16 9 10 3 12 13 14 11 6 8 15 19 17 18 20]\n", - "=======================\n", - "[\"now locals filomena d'alessandro and bill green have claimed the infant 's body in order to provide her with a fitting farewell .on november 30 , 2014 , two young boys were playing on maroubra beach when they uncovered the body of a baby girl buried under 30 centimetres of sand .since january the couple , who were married last year and have three children between them , have been trying to claim the baby after they heard police were going to give her a ` destitute burial ' .\"]\n", - "=======================\n", - "[\"sydney family claimed the remains of a baby found on maroubra beachfilomena d'alessandro and bill green have vowed to give her a funeralthe baby 's body was found by two boys , buried in sand on november 30the infant was found about 20-30 metres from the water 's edgepolice were unable to identify the baby girl or her parents\"]\n", - "now locals filomena d'alessandro and bill green have claimed the infant 's body in order to provide her with a fitting farewell .on november 30 , 2014 , two young boys were playing on maroubra beach when they uncovered the body of a baby girl buried under 30 centimetres of sand .since january the couple , who were married last year and have three children between them , have been trying to claim the baby after they heard police were going to give her a ` destitute burial ' .\n", - "sydney family claimed the remains of a baby found on maroubra beachfilomena d'alessandro and bill green have vowed to give her a funeralthe baby 's body was found by two boys , buried in sand on november 30the infant was found about 20-30 metres from the water 's edgepolice were unable to identify the baby girl or her parents\n", - "[1.4129803 1.1170356 1.2173518 1.1296747 1.1225632 1.1316851 1.0992601\n", - " 1.0789806 1.0552773 1.0573584 1.06424 1.0701897 1.0696919 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 5 3 4 1 6 7 11 12 10 9 8 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "['ahead of another weekend in the barclays premier league , sportsmail brings you the latest squad news , odds and stats on every top flight fixture as it breaks .keep up-to-date with all the latest team news and stats ahead of the premier league weekendleicester city vs west ham united ( 3pm )']\n", - "=======================\n", - "['arsenal host liverpool in explosive return from international footballmanchester united feature at saturday 3pm when they take on aston villaleague leaders chelsea welcome stoke city in saturday evening kick offbarclays premier league champions manchester city travel to crystal palace for monday night footballsunderland and newcastle united clash in wear-tyne derby on sunday']\n", - "ahead of another weekend in the barclays premier league , sportsmail brings you the latest squad news , odds and stats on every top flight fixture as it breaks .keep up-to-date with all the latest team news and stats ahead of the premier league weekendleicester city vs west ham united ( 3pm )\n", - "arsenal host liverpool in explosive return from international footballmanchester united feature at saturday 3pm when they take on aston villaleague leaders chelsea welcome stoke city in saturday evening kick offbarclays premier league champions manchester city travel to crystal palace for monday night footballsunderland and newcastle united clash in wear-tyne derby on sunday\n", - "[1.0562904 1.5136023 1.3740025 1.4147903 1.0622305 1.0530835 1.1004828\n", - " 1.0238593 1.0188582 1.0271622 1.1924998 1.1245937 1.0239608 1.0251428\n", - " 1.0279838 1.0226004 1.0128888 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 10 11 6 4 0 5 14 9 13 12 7 15 8 16 19 17 18 20]\n", - "=======================\n", - "[\"founded by former nida graduate shannon dooley , 30 , the aerobics classes with a twist are all about ` making fitness fabulous ' .getting physical : shannon dooley has founded ` retrosweat ' - an eighties-inspired aerobics class in the style of jane fonda 's iconic workoutsdescribed as ` freestyle aerobic workout , ' retrosweat is inspired by the era of old-school vhs workouts made famous by jane fonda , and involves choreography to match the eighties soundtrack .\"]\n", - "=======================\n", - "[\"` retrosweat ' aerobics classes allow attendees to ` forget 2015 for an hour 'classes dress up in skimpy leotards and work up a sweat to eighties hitsclasses currently run in sydney 's alexandria and surry hillsfounder shannon dooley also offers ` dial-a-sweat ' class for hens parties\"]\n", - "founded by former nida graduate shannon dooley , 30 , the aerobics classes with a twist are all about ` making fitness fabulous ' .getting physical : shannon dooley has founded ` retrosweat ' - an eighties-inspired aerobics class in the style of jane fonda 's iconic workoutsdescribed as ` freestyle aerobic workout , ' retrosweat is inspired by the era of old-school vhs workouts made famous by jane fonda , and involves choreography to match the eighties soundtrack .\n", - "` retrosweat ' aerobics classes allow attendees to ` forget 2015 for an hour 'classes dress up in skimpy leotards and work up a sweat to eighties hitsclasses currently run in sydney 's alexandria and surry hillsfounder shannon dooley also offers ` dial-a-sweat ' class for hens parties\n", - "[1.1425478 1.4981328 1.2629704 1.4008392 1.2769139 1.3020873 1.143992\n", - " 1.1450212 1.0447417 1.0388528 1.1240033 1.0483536 1.0313201 1.0088086\n", - " 1.00905 1.0178586 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 5 4 2 7 6 0 10 11 8 9 12 15 14 13 19 16 17 18 20]\n", - "=======================\n", - "[\"jericho scott , 16 , who became an internet star after being told he could n't pitch for his little league team because he had a 40mph fastball at age nine , was shot dead in new haven early on sunday .scott was killed while he sat in a white volkswagen with a 20-year-old friend , justin compress , who was shot in the shoulder , hand and wrist but is now in stable condition .the budding star had five no-hitters in the team 's first eight games of the season before he was told he had to sit or switch positions , the hartford courant reported .\"]\n", - "=======================\n", - "[\"jericho scott , 16 , was shot dead in new haven , connecticut , on sundayscott was told he could no longer pitch for will power fitness team in 2009youth baseball league of new haven officials said he pitched too fastsunday 's murder was city 's fourth homicide of 2015 and first youth killing\"]\n", - "jericho scott , 16 , who became an internet star after being told he could n't pitch for his little league team because he had a 40mph fastball at age nine , was shot dead in new haven early on sunday .scott was killed while he sat in a white volkswagen with a 20-year-old friend , justin compress , who was shot in the shoulder , hand and wrist but is now in stable condition .the budding star had five no-hitters in the team 's first eight games of the season before he was told he had to sit or switch positions , the hartford courant reported .\n", - "jericho scott , 16 , was shot dead in new haven , connecticut , on sundayscott was told he could no longer pitch for will power fitness team in 2009youth baseball league of new haven officials said he pitched too fastsunday 's murder was city 's fourth homicide of 2015 and first youth killing\n", - "[1.2562845 1.3725859 1.3395658 1.2703686 1.1694603 1.1662908 1.1030917\n", - " 1.0322509 1.0393575 1.18856 1.0208002 1.0530292 1.0694494 1.1981821\n", - " 1.0589225 1.0343064 1.0683236 1.0397872 1.0347967 1.0154159 1.0100006]\n", - "\n", - "[ 1 2 3 0 13 9 4 5 6 12 16 14 11 17 8 18 15 7 10 19 20]\n", - "=======================\n", - "['so developers in los angeles have designed a case that adds the iconic directional arrows , plus the a and b buttons , from the nintendo game boy to an iphone .called smart boy , the attachment also lets gamers play their existing game boy and game boy color games cartridges on their apple handset .more than 600 million smartphone and tablet owners use their devices to play games .']\n", - "=======================\n", - "[\"attachment was originally devised as part of an april fool 's jokebut the la-based firm has now announced it is making the case a realitycalled smart boy , it attaches to a phone and works with existing cartridgesprice and release details have not yet been announced\"]\n", - "so developers in los angeles have designed a case that adds the iconic directional arrows , plus the a and b buttons , from the nintendo game boy to an iphone .called smart boy , the attachment also lets gamers play their existing game boy and game boy color games cartridges on their apple handset .more than 600 million smartphone and tablet owners use their devices to play games .\n", - "attachment was originally devised as part of an april fool 's jokebut the la-based firm has now announced it is making the case a realitycalled smart boy , it attaches to a phone and works with existing cartridgesprice and release details have not yet been announced\n", - "[1.3048412 1.4297676 1.2089012 1.185045 1.0741974 1.3491985 1.0628811\n", - " 1.035687 1.2058122 1.0648443 1.0493184 1.057713 1.0685878 1.0519927\n", - " 1.0681695 1.0898861 1.0422723 1.0226603 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 5 0 2 8 3 15 4 12 14 9 6 11 13 10 16 7 17 18 19 20 21 22 23]\n", - "=======================\n", - "['mark hawkins reportedly barricaded himself inside the greyhound-style bus in the parking lot of a walmart in salem , oregon , after he was approached by police , who believed him to be wanted .wrecked : mark hawkins , 49 , who was holed up in a vintage blue bus has been shot dead following a seven-hour standoff with swat officers .the bullet struck a police dog named baco in the head , prompting an exchange of gunfire between officers and hawkins .']\n", - "=======================\n", - "[\"mark hawkins , 49 , allegedly barricaded himself inside a vintage blue buswanted for failing to appear in court for ` delivery of controlled substance 'during seven-hour standoff , hawkins ` shot and wounded police dog 'swat team fired over 12 rounds of tear gas in bid to force him out of busthey finally decided to ram armored car into vehicle , punching holes in itat about 6.30 pm friday , hawkins was shot nine times by cops ; later diedofficers involved are on administrative leave ; an investigation is ongoing\"]\n", - "mark hawkins reportedly barricaded himself inside the greyhound-style bus in the parking lot of a walmart in salem , oregon , after he was approached by police , who believed him to be wanted .wrecked : mark hawkins , 49 , who was holed up in a vintage blue bus has been shot dead following a seven-hour standoff with swat officers .the bullet struck a police dog named baco in the head , prompting an exchange of gunfire between officers and hawkins .\n", - "mark hawkins , 49 , allegedly barricaded himself inside a vintage blue buswanted for failing to appear in court for ` delivery of controlled substance 'during seven-hour standoff , hawkins ` shot and wounded police dog 'swat team fired over 12 rounds of tear gas in bid to force him out of busthey finally decided to ram armored car into vehicle , punching holes in itat about 6.30 pm friday , hawkins was shot nine times by cops ; later diedofficers involved are on administrative leave ; an investigation is ongoing\n", - "[1.3412361 1.5008731 1.2753496 1.3629732 1.2551564 1.1024667 1.1177545\n", - " 1.1180942 1.0877116 1.1465958 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 9 7 6 5 8 21 20 19 18 17 16 11 14 13 12 22 10 15 23]\n", - "=======================\n", - "['off-spinner hafeez , 34 , was banned from bowling after being reported for a suspect action five months ago in the first test against new zealand in abu dhabi and then failing an initial test on its legality .pakistan all-rounder mohammad hafeez is free to resume bowling in international cricket after remedial work and a re-test on his action .he was therefore unable to be selected to bowl in the world cup , but injured his calf anyway and was ruled out of the global tournament in australia and new zealand .']\n", - "=======================\n", - "['mohammad hafeez was banned from bowling after being reported for a suspect actionthe pakistan all-rounder then injured his calf and missed out on world cupbut the off-spinner has recovered from the injury and can bowl again']\n", - "off-spinner hafeez , 34 , was banned from bowling after being reported for a suspect action five months ago in the first test against new zealand in abu dhabi and then failing an initial test on its legality .pakistan all-rounder mohammad hafeez is free to resume bowling in international cricket after remedial work and a re-test on his action .he was therefore unable to be selected to bowl in the world cup , but injured his calf anyway and was ruled out of the global tournament in australia and new zealand .\n", - "mohammad hafeez was banned from bowling after being reported for a suspect actionthe pakistan all-rounder then injured his calf and missed out on world cupbut the off-spinner has recovered from the injury and can bowl again\n", - "[1.2542402 1.3882914 1.3354748 1.286641 1.1786666 1.149194 1.2486576\n", - " 1.2261643 1.106254 1.0368003 1.0146633 1.0141726 1.0544102 1.013791\n", - " 1.1108931 1.0406482 1.0586462 1.0388553 1.012249 1.1648464 1.0748854\n", - " 1.0134561 1.051142 1.0557702]\n", - "\n", - "[ 1 2 3 0 6 7 4 19 5 14 8 20 16 23 12 22 15 17 9 10 11 13 21 18]\n", - "=======================\n", - "[\"the tragedy happened as the pilot was trying to land the aircraft at fort lauderdale executive airport around 4.30 pm on sunday .the unnamed pilot declared an emergency , but the plane crashed shortly after in a wooded area close to the runway , before bursting into flames .a ` fireball ' exploded after the twin-engine plane crashed in florida .\"]\n", - "=======================\n", - "['pilot declared emergency but plane crashed in woodland just off runwayeveryone on-board the piper pa-31 aircraft was killed in the tragedyinvestigators in florida trying to establish what caused the plane crash']\n", - "the tragedy happened as the pilot was trying to land the aircraft at fort lauderdale executive airport around 4.30 pm on sunday .the unnamed pilot declared an emergency , but the plane crashed shortly after in a wooded area close to the runway , before bursting into flames .a ` fireball ' exploded after the twin-engine plane crashed in florida .\n", - "pilot declared emergency but plane crashed in woodland just off runwayeveryone on-board the piper pa-31 aircraft was killed in the tragedyinvestigators in florida trying to establish what caused the plane crash\n", - "[1.5818778 1.5101976 1.3388741 1.1538063 1.154217 1.0653409 1.1297652\n", - " 1.1894511 1.0289245 1.0314462 1.0316817 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 7 4 3 6 5 10 9 8 21 20 19 18 17 11 15 14 13 12 22 16 23]\n", - "=======================\n", - "['derry mathews has won the interim wba lightweight title after being handed a unanimous points decision over tony luis in liverpool .mathews saw richar abril twice pull out of a fight due to illness to be striped of the belt and just this week replacement ismael barroso was forced to pull out after failing to obtain a visa .luis ( right ) was drafted in after richar abril and ismael barroso both pulled out']\n", - "=======================\n", - "['derry mathews handed a unanimous points decision at the echo arenatony luis was drafted in after richar abril and ismael barroso pulled out']\n", - "derry mathews has won the interim wba lightweight title after being handed a unanimous points decision over tony luis in liverpool .mathews saw richar abril twice pull out of a fight due to illness to be striped of the belt and just this week replacement ismael barroso was forced to pull out after failing to obtain a visa .luis ( right ) was drafted in after richar abril and ismael barroso both pulled out\n", - "derry mathews handed a unanimous points decision at the echo arenatony luis was drafted in after richar abril and ismael barroso pulled out\n", - "[1.2213092 1.4138328 1.400864 1.3580084 1.1988013 1.0609416 1.0379738\n", - " 1.0144186 1.0151477 1.0204941 1.0176501 1.0645078 1.0237103 1.3083035\n", - " 1.1585456 1.0864582 1.050893 1.0429314 1.0776353 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 13 0 4 14 15 18 11 5 16 17 6 12 9 10 8 7 22 19 20 21 23]\n", - "=======================\n", - "['remmie , 18 , had a thick bar put through her ear as an act of teenage rebellion , and initially hoped it would make her stand out from the crowd .but when the piercing became inflamed , remmie was forced to remove the bar - and the resulting wound healed into a hazelnut-sized lump known as a keloid scar .unsightly : remmie was left with a hazelnut sized scar on the top of her ear following a piercing']\n", - "=======================\n", - "['remmie , 18 , got a piercing across the top of her earshe hoped it would make her stand out from the crowdwent ahead with piercing against advice of her motherher body tried to heal the wound by producing scar tissuecreated an unsightly lump known as a keloid scarextreme beauty disasters is on tlc , thursdays at 8pm']\n", - "remmie , 18 , had a thick bar put through her ear as an act of teenage rebellion , and initially hoped it would make her stand out from the crowd .but when the piercing became inflamed , remmie was forced to remove the bar - and the resulting wound healed into a hazelnut-sized lump known as a keloid scar .unsightly : remmie was left with a hazelnut sized scar on the top of her ear following a piercing\n", - "remmie , 18 , got a piercing across the top of her earshe hoped it would make her stand out from the crowdwent ahead with piercing against advice of her motherher body tried to heal the wound by producing scar tissuecreated an unsightly lump known as a keloid scarextreme beauty disasters is on tlc , thursdays at 8pm\n", - "[1.2052425 1.229589 1.2931226 1.179958 1.0663077 1.077484 1.062241\n", - " 1.0411944 1.0616034 1.1965339 1.0974874 1.0704036 1.0584236 1.0525036\n", - " 1.0369145 1.0564992 1.0333353 0. ]\n", - "\n", - "[ 2 1 0 9 3 10 5 11 4 6 8 12 15 13 7 14 16 17]\n", - "=======================\n", - "[\"while the blondes had fun with it , drake appeared less than enthused after madonna 's prolonged smooch onstage at the coachella music festival in california on sunday .first it was britney and christina , and now rapper drake has been on the receiving end of a little lip action from madge .( cnn ) madonna has a thing for making out with fellow performers on stage .\"]\n", - "=======================\n", - "['drake thanks madonna and says he \" got to make out with the queen \"singer madonna kisses rapper drake onstage at coachelladrake \\'s reaction was priceless , according to the web']\n", - "while the blondes had fun with it , drake appeared less than enthused after madonna 's prolonged smooch onstage at the coachella music festival in california on sunday .first it was britney and christina , and now rapper drake has been on the receiving end of a little lip action from madge .( cnn ) madonna has a thing for making out with fellow performers on stage .\n", - "drake thanks madonna and says he \" got to make out with the queen \"singer madonna kisses rapper drake onstage at coachelladrake 's reaction was priceless , according to the web\n", - "[1.348062 1.3805544 1.0941178 1.352191 1.1021327 1.3641199 1.1919582\n", - " 1.1096429 1.1476314 1.1049817 1.0598466 1.0843823 1.0523075 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 3 0 6 8 7 9 4 2 11 10 12 16 13 14 15 17]\n", - "=======================\n", - "[\"cracks in the structure of the west stand were spotted on tuesday morning and the area was sealed off as structural engineers carried out an assessment of the damage .northern ireland played at windsor park on sunday evening , beating finland 2-1 in euro 2016 qualifying to stay second in group f .northern ireland 's windsor park suffered overnight damage to its west stand on monday night\"]\n", - "=======================\n", - "[\"northern ireland beat finland 2-1 in their euro 2016 qualifier on sundaynorthern ireland host romania next in june at windsor parkmatch at venue is dependent on structural engineers damage assessmentwindsor park 's west stand suffered damage on monday night\"]\n", - "cracks in the structure of the west stand were spotted on tuesday morning and the area was sealed off as structural engineers carried out an assessment of the damage .northern ireland played at windsor park on sunday evening , beating finland 2-1 in euro 2016 qualifying to stay second in group f .northern ireland 's windsor park suffered overnight damage to its west stand on monday night\n", - "northern ireland beat finland 2-1 in their euro 2016 qualifier on sundaynorthern ireland host romania next in june at windsor parkmatch at venue is dependent on structural engineers damage assessmentwindsor park 's west stand suffered damage on monday night\n", - "[1.2610328 1.4644113 1.1160295 1.3789117 1.1893731 1.1430162 1.1401724\n", - " 1.0876651 1.1690418 1.1923647 1.0730903 1.1581792 1.0204931 1.019342\n", - " 1.017768 1.0129098 1.012334 1.0225466]\n", - "\n", - "[ 1 3 0 9 4 8 11 5 6 2 7 10 17 12 13 14 15 16]\n", - "=======================\n", - "[\"the lib dem leader wants existing phone appointments extended so doctors can see patients on video calls .patients should be able to speak to their gps on skype , nick clegg announced today .the liberal democrat leader committed to using # 250million from the sale of nhs assets deemed to be redundant to fund the use of technology in a drive to create a ` paperless health service ' in england .\"]\n", - "=======================\n", - "[\"phone appointments replaced by doctors seeing patients on video callsrepeat prescriptions and booking appointments could also go online# 250million from sale of nhs assets to create a ` paperless health service '\"]\n", - "the lib dem leader wants existing phone appointments extended so doctors can see patients on video calls .patients should be able to speak to their gps on skype , nick clegg announced today .the liberal democrat leader committed to using # 250million from the sale of nhs assets deemed to be redundant to fund the use of technology in a drive to create a ` paperless health service ' in england .\n", - "phone appointments replaced by doctors seeing patients on video callsrepeat prescriptions and booking appointments could also go online# 250million from sale of nhs assets to create a ` paperless health service '\n", - "[1.328204 1.3046548 1.2873989 1.1626524 1.1781037 1.1541917 1.1344604\n", - " 1.0230256 1.044237 1.1119962 1.0981946 1.0595517 1.0815614 1.0426888\n", - " 1.0446253 1.0638715 1.0908307 0. ]\n", - "\n", - "[ 0 1 2 4 3 5 6 9 10 16 12 15 11 14 8 13 7 17]\n", - "=======================\n", - "[\"ed miliband vowed to end casual employment contracts yesterday but his crackdown backfired spectacularly as he forgot labour use themed miliband was accused of hypocrisy last night after labour town halls and mps were revealed to be hiring thousands of workers on zero-hours contracts .in a disastrous day for labour 's general election hopes :\"]\n", - "=======================\n", - "[\"ed miliband vowed yesterday to end casual employment contractsbut labour councils and mps hire many workers on zero-hours contractsfoi requests reveal labour councils have 21,798 zero-hours contractsmiliband has been accused of hypocrisy after his crackdown backfired68 of the party 's mps were revealed to have employed staff on zero-hours contracts over the past two years ;22,000 more of the contracts were handed out by labour-run councils , including doncaster where mr miliband is standing for mp ;employers and legal experts said his crackdown would cost scores of jobs ;statisticians accused labour of using ` unjustified ' propaganda ;17 more business leaders came forward to sign a letter supporting the tories in may 's election -- taking the total to 120 .\"]\n", - "ed miliband vowed to end casual employment contracts yesterday but his crackdown backfired spectacularly as he forgot labour use themed miliband was accused of hypocrisy last night after labour town halls and mps were revealed to be hiring thousands of workers on zero-hours contracts .in a disastrous day for labour 's general election hopes :\n", - "ed miliband vowed yesterday to end casual employment contractsbut labour councils and mps hire many workers on zero-hours contractsfoi requests reveal labour councils have 21,798 zero-hours contractsmiliband has been accused of hypocrisy after his crackdown backfired68 of the party 's mps were revealed to have employed staff on zero-hours contracts over the past two years ;22,000 more of the contracts were handed out by labour-run councils , including doncaster where mr miliband is standing for mp ;employers and legal experts said his crackdown would cost scores of jobs ;statisticians accused labour of using ` unjustified ' propaganda ;17 more business leaders came forward to sign a letter supporting the tories in may 's election -- taking the total to 120 .\n", - "[1.445922 1.488356 1.3062762 1.3781737 1.1899306 1.2584362 1.0114822\n", - " 1.0083427 1.011041 1.0119631 1.0117427 1.0290593 1.0476995 1.0624883\n", - " 1.0195163 1.009458 0. 0. ]\n", - "\n", - "[ 1 0 3 2 5 4 13 12 11 14 9 10 6 8 15 7 16 17]\n", - "=======================\n", - "[\"gonzalo higuain and marek hamsik put the visitors firmly in control as rafa benitez 's side struck twice in the opening 45 minutes before the slovakian midfielder added a third after the break .napoli all but secured their place in the semi-finals of the europa league after inflicting a devastating defeat on wolfsburg at the volkswagen arena on thursday night .manolo gabbiadini heads napoli 4-0 ahead moments after coming on as a second-half substitute\"]\n", - "=======================\n", - "[\"gonzalo higuain gave visitors the lead after 15 minutes with a smart finishthere was a suspicion of handball as the argentine brought the ball downmarek hamsik doubled lead on 23 minutes , higuain the providerslovakian midfielder added his second and napoli 's third in second halfmanolo gabbiadini added a fourth for visitors moments after coming onformer arsenal striker nicklas bendtner pulled one back for the hosts\"]\n", - "gonzalo higuain and marek hamsik put the visitors firmly in control as rafa benitez 's side struck twice in the opening 45 minutes before the slovakian midfielder added a third after the break .napoli all but secured their place in the semi-finals of the europa league after inflicting a devastating defeat on wolfsburg at the volkswagen arena on thursday night .manolo gabbiadini heads napoli 4-0 ahead moments after coming on as a second-half substitute\n", - "gonzalo higuain gave visitors the lead after 15 minutes with a smart finishthere was a suspicion of handball as the argentine brought the ball downmarek hamsik doubled lead on 23 minutes , higuain the providerslovakian midfielder added his second and napoli 's third in second halfmanolo gabbiadini added a fourth for visitors moments after coming onformer arsenal striker nicklas bendtner pulled one back for the hosts\n", - "[1.083991 1.5551686 1.1805845 1.4228231 1.1812321 1.2040747 1.1075293\n", - " 1.0342212 1.0327197 1.0321268 1.0361042 1.0559562 1.0605125 1.0252132\n", - " 1.023702 1.0183009 1.0284946 1.0172803 1.1634524 1.0352511]\n", - "\n", - "[ 1 3 5 4 2 18 6 0 12 11 10 19 7 8 9 16 13 14 15 17]\n", - "=======================\n", - "[\"in a startling new tutorial youtube star promise tamang turns herself into maleficent , angelina jolie 's character from the movie of the same name .promise has previously made videos of herself as elsa from frozen and princess jasmine from aladdin .this is n't the first time she has transformed herself into a disney character though .\"]\n", - "=======================\n", - "[\"youtube star promise tamang often recreates disney princess make-upshe used contouring to replicate the bad fairy 's chiselled cheekbonespromise has 2.8 million subscribers and often posts tutorial videos\"]\n", - "in a startling new tutorial youtube star promise tamang turns herself into maleficent , angelina jolie 's character from the movie of the same name .promise has previously made videos of herself as elsa from frozen and princess jasmine from aladdin .this is n't the first time she has transformed herself into a disney character though .\n", - "youtube star promise tamang often recreates disney princess make-upshe used contouring to replicate the bad fairy 's chiselled cheekbonespromise has 2.8 million subscribers and often posts tutorial videos\n", - "[1.0679238 1.4234153 1.2504332 1.2886016 1.2026163 1.1088674 1.1765811\n", - " 1.1418247 1.0775442 1.1158713 1.1496685 1.0284464 1.0575728 1.046689\n", - " 1.1337575 1.1120027 1.057949 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 6 10 7 14 9 15 5 8 0 16 12 13 11 18 17 19]\n", - "=======================\n", - "[\"estimates suggest around 1,000 ios apps are vulnerable to a flaw in connectivity software from afnetworking .this includes uber , microsoft 's onedrive and movies by flixster and the flaw leaves any information , even if its sent over a seemingly secure https connection , potentially open to hackers .it was first reported at the end of last month by security researchers simone bovi and mauro gentile and specifically applies to version 2.5.1 of afnetworking .\"]\n", - "=======================\n", - "[\"estimates suggest around 1,000 iphone and ipad apps are vulnerableexamples include uber , microsoft 's onedrive and movies by flixsterthe flaw is with software called afnetworking used by developerssourcedna has released a search tool to see if your phone is at risk\"]\n", - "estimates suggest around 1,000 ios apps are vulnerable to a flaw in connectivity software from afnetworking .this includes uber , microsoft 's onedrive and movies by flixster and the flaw leaves any information , even if its sent over a seemingly secure https connection , potentially open to hackers .it was first reported at the end of last month by security researchers simone bovi and mauro gentile and specifically applies to version 2.5.1 of afnetworking .\n", - "estimates suggest around 1,000 iphone and ipad apps are vulnerableexamples include uber , microsoft 's onedrive and movies by flixsterthe flaw is with software called afnetworking used by developerssourcedna has released a search tool to see if your phone is at risk\n", - "[1.2765793 1.167711 1.3485689 1.1323326 1.0450644 1.1809394 1.0509932\n", - " 1.0985891 1.143449 1.195549 1.1374147 1.0725816 1.0618162 1.0962632\n", - " 1.0108408 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 9 5 1 8 10 3 7 13 11 12 6 4 14 15 16 17 18 19]\n", - "=======================\n", - "[\"but the group , which includes well-known royal enthusiast margaret tyler , 71 , could be in for a long wait as the duchess of cambridge 's due date is more than a week away .regular : john loughery , 60 , has been present for every major royal event of the last 10 yearsnow a trickle of royal fans , some familiar faces among them , have begun arriving at the lindo wing ahead of the royal birth .\"]\n", - "=======================\n", - "[\"royal superfans have arrived to set up camp outside the lindo wingmargaret tyler , 71 , owns a # 10,000 collection of royal souvenirsfellow fan john loughery , 60 , never misses a single royal eventboth spent prince george 's birth camped outside st. mary 's hospital\"]\n", - "but the group , which includes well-known royal enthusiast margaret tyler , 71 , could be in for a long wait as the duchess of cambridge 's due date is more than a week away .regular : john loughery , 60 , has been present for every major royal event of the last 10 yearsnow a trickle of royal fans , some familiar faces among them , have begun arriving at the lindo wing ahead of the royal birth .\n", - "royal superfans have arrived to set up camp outside the lindo wingmargaret tyler , 71 , owns a # 10,000 collection of royal souvenirsfellow fan john loughery , 60 , never misses a single royal eventboth spent prince george 's birth camped outside st. mary 's hospital\n", - "[1.2806382 1.5245756 1.3112644 1.3894818 1.2166302 1.0719177 1.2440364\n", - " 1.0178643 1.0416886 1.0272375 1.0864313 1.0273036 1.0552148 1.0844002\n", - " 1.0269465 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 6 4 10 13 5 12 8 11 9 14 7 15 16 17 18 19]\n", - "=======================\n", - "[\"furniture dating back to 1820 was moved from the library at ickworth house in suffolk earlier this year and replaced with four brown leatherette bean bags .the national trust has replaced antique furniture with beanbags in the library of ickworth house , suffolkthe move was designed to encourage visitors to ` dwell and take in the atmosphere ' in the room but it provoked fury from heritage expects who branded the move ` misguided ' .\"]\n", - "=======================\n", - "[\"four brown leatherette bean bags placed in library at ickworth housefurniture dating nearly 200 years removed to make way for bean bagsdesigned to encourage visitors to ` dwell and take in atmosphere 'art historian brands the experiment ` patronising nonsense '\"]\n", - "furniture dating back to 1820 was moved from the library at ickworth house in suffolk earlier this year and replaced with four brown leatherette bean bags .the national trust has replaced antique furniture with beanbags in the library of ickworth house , suffolkthe move was designed to encourage visitors to ` dwell and take in the atmosphere ' in the room but it provoked fury from heritage expects who branded the move ` misguided ' .\n", - "four brown leatherette bean bags placed in library at ickworth housefurniture dating nearly 200 years removed to make way for bean bagsdesigned to encourage visitors to ` dwell and take in atmosphere 'art historian brands the experiment ` patronising nonsense '\n", - "[1.4157605 1.3728027 1.2669747 1.1654181 1.1251507 1.0985167 1.0747993\n", - " 1.0823056 1.0602578 1.0738143 1.0590229 1.0527517 1.020151 1.0210359\n", - " 1.0403302 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 5 7 6 9 8 10 11 14 13 12 18 15 16 17 19]\n", - "=======================\n", - "[\"( cnn ) an amnesty international report is calling for authorities to address the number of attacks on women 's rights activists in afghanistan .the brutal murder of farkhunda , a young woman in afghanistan , whose body was burnt and callously chucked into a river in kabul , shocked the world .accused of burning pages from the muslim holy book , the quran , many protested the 27-year-old 's innocence .\"]\n", - "=======================\n", - "[\"an amnesty international report calls for attacks on women 's rights activists in afghanistan to be investigatedthe report examines the persecution of activists not only by the taliban and tribal warlords , but also by government officialssome activists continue their work despite their lives being at risk\"]\n", - "( cnn ) an amnesty international report is calling for authorities to address the number of attacks on women 's rights activists in afghanistan .the brutal murder of farkhunda , a young woman in afghanistan , whose body was burnt and callously chucked into a river in kabul , shocked the world .accused of burning pages from the muslim holy book , the quran , many protested the 27-year-old 's innocence .\n", - "an amnesty international report calls for attacks on women 's rights activists in afghanistan to be investigatedthe report examines the persecution of activists not only by the taliban and tribal warlords , but also by government officialssome activists continue their work despite their lives being at risk\n", - "[1.2156404 1.4547426 1.1524308 1.3290966 1.2154274 1.1532066 1.0817336\n", - " 1.0825499 1.0801053 1.0344306 1.0736915 1.092356 1.1383334 1.1249574\n", - " 1.0466851 1.0864877 1.0931478 1.037668 ]\n", - "\n", - "[ 1 3 0 4 5 2 12 13 16 11 15 7 6 8 10 14 17 9]\n", - "=======================\n", - "['hakeem kuta , 17 , was on life support and passed away saturday morning after succumbing injuries from the fall that happened on thursday night , said the new york police department .hakeem kuta ( above ) plunged six stories from the roof of the bronx building on thursdaypolice were responding to complaints of a group of teens smoking marijuana and loitering in the lobby when kuta and the five others ran when police officers arrived ( above scenes from where he fell )']\n", - "=======================\n", - "['hakeem kuta , 17 , died on saturday morning after being listed in critical condition at st barnabas hospitalpolice said he appeared to have misjudged a ledge while backing away from approaching cops and was injured after falling on thursday nightofficers were responding to complaints of a group of teens smoking marijuana and loitering in the lobby of the building on valentine avenue']\n", - "hakeem kuta , 17 , was on life support and passed away saturday morning after succumbing injuries from the fall that happened on thursday night , said the new york police department .hakeem kuta ( above ) plunged six stories from the roof of the bronx building on thursdaypolice were responding to complaints of a group of teens smoking marijuana and loitering in the lobby when kuta and the five others ran when police officers arrived ( above scenes from where he fell )\n", - "hakeem kuta , 17 , died on saturday morning after being listed in critical condition at st barnabas hospitalpolice said he appeared to have misjudged a ledge while backing away from approaching cops and was injured after falling on thursday nightofficers were responding to complaints of a group of teens smoking marijuana and loitering in the lobby of the building on valentine avenue\n", - "[1.2486585 1.4296782 1.2684515 1.3331727 1.166681 1.1439232 1.1423535\n", - " 1.1803143 1.0356191 1.0735916 1.0564153 1.0290768 1.1243426 1.0905848\n", - " 1.0331383 1.0071875 0. 0. ]\n", - "\n", - "[ 1 3 2 0 7 4 5 6 12 13 9 10 8 14 11 15 16 17]\n", - "=======================\n", - "['the sprawling house , built on the site of an old telephone exchange in chelsea , west london , has been sold for 300 times the average price of home in england and wales .but the stamp duty alone , paid on top of the price of the home , is enough for the treasury to pay the annual salary of 330 nurses .it has now been bought by an offshore company for # 51,191,950 , according to land registry figures .']\n", - "=======================\n", - "[\"the house sold for 300 times average price of home in england and walesnine-bed property in chelsea is 18 times the size of the average new homemansion , marketed for # 55m , been bought by company based in bermudastamp duty alone is enough for treasury to pay year 's salary of 330 nurses\"]\n", - "the sprawling house , built on the site of an old telephone exchange in chelsea , west london , has been sold for 300 times the average price of home in england and wales .but the stamp duty alone , paid on top of the price of the home , is enough for the treasury to pay the annual salary of 330 nurses .it has now been bought by an offshore company for # 51,191,950 , according to land registry figures .\n", - "the house sold for 300 times average price of home in england and walesnine-bed property in chelsea is 18 times the size of the average new homemansion , marketed for # 55m , been bought by company based in bermudastamp duty alone is enough for treasury to pay year 's salary of 330 nurses\n", - "[1.3741851 1.1635133 1.1527894 1.2479196 1.1037832 1.232453 1.0717314\n", - " 1.1261641 1.0664206 1.0749935 1.0390732 1.0573586 1.3827697 1.0452197\n", - " 1.0394921 1.0385906 1.111104 1.0546952]\n", - "\n", - "[12 0 3 5 1 2 7 16 4 9 6 8 11 17 13 14 10 15]\n", - "=======================\n", - "['cristiano ronaldo scored five goals against granada on sunday to help real madrid to a thumping 9-1 win at the bernabeureal madrid ace gareth bale treated himself to a sunday evening bbq after his earlier exploits had helped los blancos on their way to a sensational victory .gareth bale tweeted : ` unbelievable result this afternoon , great team performance .']\n", - "=======================\n", - "[\"welsh wizard gareth bale opened the scoring in sunday 's stunning winreal madrid put nine goals past granada to keep pressure on barcelonabale treated himself to a bbq in the spanish sun following victorycristiano ronaldo scored five goals in the sensational team performance\"]\n", - "cristiano ronaldo scored five goals against granada on sunday to help real madrid to a thumping 9-1 win at the bernabeureal madrid ace gareth bale treated himself to a sunday evening bbq after his earlier exploits had helped los blancos on their way to a sensational victory .gareth bale tweeted : ` unbelievable result this afternoon , great team performance .\n", - "welsh wizard gareth bale opened the scoring in sunday 's stunning winreal madrid put nine goals past granada to keep pressure on barcelonabale treated himself to a bbq in the spanish sun following victorycristiano ronaldo scored five goals in the sensational team performance\n", - "[1.2142653 1.3169719 1.208095 1.3710647 1.2575833 1.0595611 1.0652249\n", - " 1.0237441 1.2080469 1.1485951 1.1091484 1.0513101 1.0845394 1.0459924\n", - " 1.2187622 0. 0. 0. ]\n", - "\n", - "[ 3 1 4 14 0 2 8 9 10 12 6 5 11 13 7 16 15 17]\n", - "=======================\n", - "[\"a new york city woman caught a man robbing her apartment after he was captured on her cat camerathe woman is now thrilled she purchased the device and has handed the video over to police 'anyone who recognizes the man in the video is asked to contact crime stoppers at 800-577-tips .\"]\n", - "=======================\n", - "['a new york city woman caught a man robbing her apartment after he was captured on her cat camerathe woman is now thrilled she purchased the $ 200 device and has handed the video over to policethe thief took her laptop , jewelry and a digital camera']\n", - "a new york city woman caught a man robbing her apartment after he was captured on her cat camerathe woman is now thrilled she purchased the device and has handed the video over to police 'anyone who recognizes the man in the video is asked to contact crime stoppers at 800-577-tips .\n", - "a new york city woman caught a man robbing her apartment after he was captured on her cat camerathe woman is now thrilled she purchased the $ 200 device and has handed the video over to policethe thief took her laptop , jewelry and a digital camera\n", - "[1.2304198 1.4778929 1.260668 1.3675346 1.1481287 1.1594598 1.1168318\n", - " 1.1001354 1.0228888 1.0530217 1.0868645 1.0845033 1.0551928 1.035426\n", - " 1.0755646 1.04162 1.0459031 1.0549848]\n", - "\n", - "[ 1 3 2 0 5 4 6 7 10 11 14 12 17 9 16 15 13 8]\n", - "=======================\n", - "[\"loushanna and shawn craig from erdington , birmingham , had gone away to the island for a three-day break , marking her birthday and the couple 's anniversary .a holidaymaker was left stranded in tenerife after thieves stole her passport id during a family holiday - and ryanair staff refused to let her fly home over fears she was an illegal immigrant .the 37-year-old was meant to return to the uk on march 9 , but she only arrived back on march 24 - having spent more than three times what she had planned .\"]\n", - "=======================\n", - "['loushanna and shawn craig were on three-day holiday on island in marchshe was marooned in tenerife for two weeks after biometric id card stolenthe 37-year-old was given documentation to prove she was allowed backbut she claims she was stopped at airport check-in and police were calledmrs craig , who has a jamaican passport , has placed blame with ryainair']\n", - "loushanna and shawn craig from erdington , birmingham , had gone away to the island for a three-day break , marking her birthday and the couple 's anniversary .a holidaymaker was left stranded in tenerife after thieves stole her passport id during a family holiday - and ryanair staff refused to let her fly home over fears she was an illegal immigrant .the 37-year-old was meant to return to the uk on march 9 , but she only arrived back on march 24 - having spent more than three times what she had planned .\n", - "loushanna and shawn craig were on three-day holiday on island in marchshe was marooned in tenerife for two weeks after biometric id card stolenthe 37-year-old was given documentation to prove she was allowed backbut she claims she was stopped at airport check-in and police were calledmrs craig , who has a jamaican passport , has placed blame with ryainair\n", - "[1.3240119 1.3870252 1.1690377 1.2814168 1.1559719 1.0601945 1.0708498\n", - " 1.0795932 1.0348105 1.03396 1.0202708 1.0912132 1.1030385 1.0387759\n", - " 1.0581084 1.0894551 1.0169916 1.0318654 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 12 11 15 7 6 5 14 13 8 9 17 10 16 26 18 19 20 21 22\n", - " 23 24 25 27]\n", - "=======================\n", - "['models strut down the runway in delicate sheer creations by marriam seddiq , and a few stood out for being particularly eyebrow-raising .the front row at mercedes-benz fashion week australia were given an eyeful during the st george new generation show on thursday .one model paraded in a completely see-through mesh dress that left little to the imagination .']\n", - "=======================\n", - "['marriam seddiq ensured models were turning heads on the catwalkpart of the st george new gen show of six up and coming designerscollection featured sheer fabric and racily cut designsthe raffles international showcase also caused a stir with racy designsany step showed a dress made of just leather straps and buckles']\n", - "models strut down the runway in delicate sheer creations by marriam seddiq , and a few stood out for being particularly eyebrow-raising .the front row at mercedes-benz fashion week australia were given an eyeful during the st george new generation show on thursday .one model paraded in a completely see-through mesh dress that left little to the imagination .\n", - "marriam seddiq ensured models were turning heads on the catwalkpart of the st george new gen show of six up and coming designerscollection featured sheer fabric and racily cut designsthe raffles international showcase also caused a stir with racy designsany step showed a dress made of just leather straps and buckles\n", - "[1.4736471 1.2675377 1.4681247 1.227157 1.2690985 1.0787714 1.04348\n", - " 1.0371705 1.050559 1.0180063 1.0666541 1.0165899 1.023336 1.1195621\n", - " 1.0717814 1.0230837 1.0320109 1.0273241 1.020671 1.0313702 1.028591\n", - " 1.1322927 1.0310471 1.0298874 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 4 1 3 21 13 5 14 10 8 6 7 16 19 22 23 20 17 12 15 18 9 11\n", - " 26 24 25 27]\n", - "=======================\n", - "['james ward ( pictured ) was left with a severed finger and wounds all over of his body after being attacked at his home by axe-wielding intrudersjames ward , 31 , of burnley , lancashire , also had several other fingers partially severed and surgeons were forced to use staples to seal wounds to his head , legs , and back .mr ward is now in hiding and is too afraid to return to his home and see his children because he fears his attackers will kill him if he does .']\n", - "=======================\n", - "['james ward , 31 , attacked at his home by two intruders wielding an axehorrific attack severed one finger and left him needing 38 staplesmr ward says he is now too scared to return home and is in hidingman , 23 , charged with aggravated burglary and grievous bodily harmwarning : graphic content']\n", - "james ward ( pictured ) was left with a severed finger and wounds all over of his body after being attacked at his home by axe-wielding intrudersjames ward , 31 , of burnley , lancashire , also had several other fingers partially severed and surgeons were forced to use staples to seal wounds to his head , legs , and back .mr ward is now in hiding and is too afraid to return to his home and see his children because he fears his attackers will kill him if he does .\n", - "james ward , 31 , attacked at his home by two intruders wielding an axehorrific attack severed one finger and left him needing 38 staplesmr ward says he is now too scared to return home and is in hidingman , 23 , charged with aggravated burglary and grievous bodily harmwarning : graphic content\n", - "[1.639805 1.4200552 1.318062 1.1096009 1.0848564 1.0483612 1.1534579\n", - " 1.0195405 1.011926 1.0336391 1.022759 1.1574104 1.0211599 1.0227274\n", - " 1.0331597 1.0185275 1.0347245 1.0117587 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 11 6 3 4 5 16 9 14 10 13 12 7 15 8 17 26 18 19 20 21 22\n", - " 23 24 25 27]\n", - "=======================\n", - "[\"captain alastair cook says england will leave antigua with ' a bit of a downer on ' after failing to force victory in the first test against the west indies .the tourists , chasing a first away win since beating india in december 2012 , were halted by a stubbornly unresponsive pitch at the sir vivian richards stadium , as well as a name-making century from all-rounder jason holder .in the end they could only muster five of the eight wickets they needed on day five as holder 's unbeaten 103 steered the hosts to 350 for seven .\"]\n", - "=======================\n", - "['england denied first tour win since december 2012 by stubborn hostsalastair cook rues missed opportunity at the sir vivian richards stadiumjason holder hit a century to frustrate the tourists on day fiveengland could only take five of the eight wickets needed to lead the seriestourists now head to grenada for the start of the second test on tuesday']\n", - "captain alastair cook says england will leave antigua with ' a bit of a downer on ' after failing to force victory in the first test against the west indies .the tourists , chasing a first away win since beating india in december 2012 , were halted by a stubbornly unresponsive pitch at the sir vivian richards stadium , as well as a name-making century from all-rounder jason holder .in the end they could only muster five of the eight wickets they needed on day five as holder 's unbeaten 103 steered the hosts to 350 for seven .\n", - "england denied first tour win since december 2012 by stubborn hostsalastair cook rues missed opportunity at the sir vivian richards stadiumjason holder hit a century to frustrate the tourists on day fiveengland could only take five of the eight wickets needed to lead the seriestourists now head to grenada for the start of the second test on tuesday\n", - "[1.1077049 1.0498388 1.1630371 1.0647041 1.0837855 1.0827295 1.1319888\n", - " 1.0693471 1.0413891 1.0262601 1.0332109 1.0332108 1.091174 1.0302995\n", - " 1.0198569 1.0169427 1.037548 1.0282667 1.0351907 1.0426134 1.0350828\n", - " 1.0329131 1.0274966 1.0697962 1.1075473 1.1323143 1.0637633 1.0429751]\n", - "\n", - "[ 2 25 6 0 24 12 4 5 23 7 3 26 1 27 19 8 16 18 20 10 11 21 13 17\n", - " 22 9 14 15]\n", - "=======================\n", - "['recently , i talked about marriage with a group of journalism students from my alma mater , kent state university .in the united states , almost 42 million adults have been married more than once .\" i did n\\'t go to college for four years to be a mom , \" 21-year old candace monacelli told me .']\n", - "=======================\n", - "[\"carol costello : talk to any millennial and you can envision an america virtually marriage-freein countries like sweden or denmark , people do n't feel pressured to marry even if they have kids together\"]\n", - "recently , i talked about marriage with a group of journalism students from my alma mater , kent state university .in the united states , almost 42 million adults have been married more than once .\" i did n't go to college for four years to be a mom , \" 21-year old candace monacelli told me .\n", - "carol costello : talk to any millennial and you can envision an america virtually marriage-freein countries like sweden or denmark , people do n't feel pressured to marry even if they have kids together\n", - "[1.3551533 1.3577976 1.221346 1.3948066 1.1379043 1.0839701 1.1371682\n", - " 1.28573 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 7 2 4 6 5 19 20 21 25 23 24 18 22 17 13 15 14 26 12 11 10\n", - " 9 8 16 27]\n", - "=======================\n", - "[\"joe gomez has played at right back for charlton this season and is wanted by manchester city and arsenalthe england under-19 defender , valued at # 8m by the championship team , is one of the most wanted young players in the country after his breakthrough season at the valley .manchester city have emerged as the biggest threat to arsenal in the race for charlton 's highly-rated defender joe gomez .\"]\n", - "=======================\n", - "[\"arsenal target joe gomez is one of the most wanted british youngstershe has enjoyed a breakthrough season at charlton and is rated at # 8mgomez is currently playing at right back but could be a centre halfmanchester city want more young english players and are arsenal 's biggest threat\"]\n", - "joe gomez has played at right back for charlton this season and is wanted by manchester city and arsenalthe england under-19 defender , valued at # 8m by the championship team , is one of the most wanted young players in the country after his breakthrough season at the valley .manchester city have emerged as the biggest threat to arsenal in the race for charlton 's highly-rated defender joe gomez .\n", - "arsenal target joe gomez is one of the most wanted british youngstershe has enjoyed a breakthrough season at charlton and is rated at # 8mgomez is currently playing at right back but could be a centre halfmanchester city want more young english players and are arsenal 's biggest threat\n", - "[1.2205198 1.5041878 1.178248 1.2553601 1.2510394 1.0849866 1.0438144\n", - " 1.0602868 1.0840914 1.0824054 1.0257779 1.089793 1.1731626 1.1289233\n", - " 1.0846593 1.0397941 1.035904 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 0 2 12 13 11 5 14 8 9 7 6 15 16 10 17 18 19 20]\n", - "=======================\n", - "[\"harris county sheriff 's officials say ulysses beaudoin , 39 , gunned down ulysses nelson tuesday night after showing up at the family 's home in katy with his mistress in tow .a texas father is accused of shooting dead his 22-year-old son for coming to the defense of his mother during a heated domestic argument .deputies say the deadly confrontation took place at around 9amm at 6622 gordon drive in the bear creek meadows subdivision .\"]\n", - "=======================\n", - "[\"ulysses beaudoin , 39 , of texas , allegedly shot his son , ulysses nelson , twice in the backofficials say he then threatened his 18-year-old son with 9mm handgunbeaudoin and his girlfriend fled from the scene but were tracked downthe father was seen weeping and muttering , my baby , ' as he was being handcuffed\"]\n", - "harris county sheriff 's officials say ulysses beaudoin , 39 , gunned down ulysses nelson tuesday night after showing up at the family 's home in katy with his mistress in tow .a texas father is accused of shooting dead his 22-year-old son for coming to the defense of his mother during a heated domestic argument .deputies say the deadly confrontation took place at around 9amm at 6622 gordon drive in the bear creek meadows subdivision .\n", - "ulysses beaudoin , 39 , of texas , allegedly shot his son , ulysses nelson , twice in the backofficials say he then threatened his 18-year-old son with 9mm handgunbeaudoin and his girlfriend fled from the scene but were tracked downthe father was seen weeping and muttering , my baby , ' as he was being handcuffed\n", - "[1.2255759 1.4994968 1.2911015 1.4091475 1.2140703 1.0801594 1.172206\n", - " 1.0614202 1.0833677 1.0812782 1.1121088 1.0215104 1.011064 1.0294108\n", - " 1.0238892 1.0444682 1.0371659 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 6 10 8 9 5 7 15 16 13 14 11 12 19 17 18 20]\n", - "=======================\n", - "[\"abdel-kader russell-boumzar was granted bail in brisbane 's magistrate court on thursday after a 69 day stint behind bars for a string of alleged offences .the 17-year-old shot to notoriety last october when footage of him apparently spitting on 56-year-old josphat mkhwananzi while racially abusing him on a brisbane train went viral .a teenager who allegedly racially abused a security guard on a train has been dubbed ` public enemy number one ' as a magistrate warned him to pull his head in following his release on bail .\"]\n", - "=======================\n", - "['abdel-kader russell-boumzar granted bail in brisbane court on thursdaythe 17-year-old is accused of racially abusing train guard in brisbanefootage of the teenager allegedly spitting on guard went viralrussell-boumzar spent 69 days behind bars for a string of alleged offencesmagistrate told him to stay out of trouble when released on bailhe will reappear in court on may 4 for charges relating to the train incident']\n", - "abdel-kader russell-boumzar was granted bail in brisbane 's magistrate court on thursday after a 69 day stint behind bars for a string of alleged offences .the 17-year-old shot to notoriety last october when footage of him apparently spitting on 56-year-old josphat mkhwananzi while racially abusing him on a brisbane train went viral .a teenager who allegedly racially abused a security guard on a train has been dubbed ` public enemy number one ' as a magistrate warned him to pull his head in following his release on bail .\n", - "abdel-kader russell-boumzar granted bail in brisbane court on thursdaythe 17-year-old is accused of racially abusing train guard in brisbanefootage of the teenager allegedly spitting on guard went viralrussell-boumzar spent 69 days behind bars for a string of alleged offencesmagistrate told him to stay out of trouble when released on bailhe will reappear in court on may 4 for charges relating to the train incident\n", - "[1.5089974 1.3502191 1.2014103 1.3090559 1.1719079 1.0587956 1.0150391\n", - " 1.2047949 1.1352715 1.0213975 1.0209374 1.0168788 1.0095575 1.0097008\n", - " 1.2685535 1.052889 1.0159931 1.0957025 1.0127612 1.019365 1.2075886]\n", - "\n", - "[ 0 1 3 14 20 7 2 4 8 17 5 15 9 10 19 11 16 6 18 13 12]\n", - "=======================\n", - "[\"barcelona stars neymar , dani alves and adriano looked delighted following their vital win over celta vigo in la liga - but their choice of matching denim was somewhat questionable .the flamboyant brazilians all played their part in helping the catalonian side return home with all three points , following jeremy mathieu 's winning goal .jeremy mathieu ( centre ) admits his side were poor throughout the match and blamed the internationals\"]\n", - "=======================\n", - "[\"dani alves , neymar and adriano celebrated their victory over celta vigothe flamboyant brazilian 's all wore matching double denim outfitsjeremy mathieu says barcelona were poor throughout the gamethe frenchman praised his defensive partner gerard pique for his displayclick here for all the latest barcelona news\"]\n", - "barcelona stars neymar , dani alves and adriano looked delighted following their vital win over celta vigo in la liga - but their choice of matching denim was somewhat questionable .the flamboyant brazilians all played their part in helping the catalonian side return home with all three points , following jeremy mathieu 's winning goal .jeremy mathieu ( centre ) admits his side were poor throughout the match and blamed the internationals\n", - "dani alves , neymar and adriano celebrated their victory over celta vigothe flamboyant brazilian 's all wore matching double denim outfitsjeremy mathieu says barcelona were poor throughout the gamethe frenchman praised his defensive partner gerard pique for his displayclick here for all the latest barcelona news\n", - "[1.2260764 1.432215 1.2782748 1.4326918 1.2172494 1.1615602 1.0465848\n", - " 1.0274512 1.0130115 1.013909 1.1160735 1.1613075 1.011142 1.0800209\n", - " 1.0120897 1.0107152 1.0111536 1.0227705 1.0209092 0. 0. ]\n", - "\n", - "[ 3 1 2 0 4 5 11 10 13 6 7 17 18 9 8 14 16 12 15 19 20]\n", - "=======================\n", - "['86-year-old daphne selfe has starred in the campaign for vans and & other stories alongside flo dunn , 22looking radiant , daphne selfe , 86 , shows off the collaboration between the footwear super-brand and the ethereal high street store with uncompromising grace .the images show the new footwear which sees stories make a twist on the classic vans slip on .']\n", - "=======================\n", - "['daphne selfe has been modelling since the fiftiesshe has recently landed a new campaign with vans and & other storiesthe 86-year-old commands # 1,000 a day for her work']\n", - "86-year-old daphne selfe has starred in the campaign for vans and & other stories alongside flo dunn , 22looking radiant , daphne selfe , 86 , shows off the collaboration between the footwear super-brand and the ethereal high street store with uncompromising grace .the images show the new footwear which sees stories make a twist on the classic vans slip on .\n", - "daphne selfe has been modelling since the fiftiesshe has recently landed a new campaign with vans and & other storiesthe 86-year-old commands # 1,000 a day for her work\n", - "[1.2370507 1.4742279 1.2788373 1.2526906 1.2443447 1.1603655 1.1394734\n", - " 1.1715745 1.0662427 1.0719076 1.1029348 1.0962555 1.0541817 1.0220479\n", - " 1.0073348 1.0161374 1.0087657 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 7 5 6 10 11 9 8 12 13 15 16 14 19 17 18 20]\n", - "=======================\n", - "['abubaker deghayes , 46 , has left his home in brighton in an attempt to rescue his son amer , who travelled to the middle east in january last year .the 21-year-old has been fighting for the organisation jabhat al-nusra , a group affiliated with al-qaeda , who are battling the islamic state and syrian forces .the father of two british jihadis who were killed while fighting in syria has left the uk and travelled to libya in a bid to find his eldest son and bring him home .']\n", - "=======================\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[\"abubaker deghayes has left brighton to go and rescue his eldest son amerhis two younger sons abdullah and jaffar were killed in syria last yearamer is also in syria fighting isis and the country 's government forcesmr deghayes insists he has not ` run away ' to join the fight and just wants amer home\"]\n", - "abubaker deghayes , 46 , has left his home in brighton in an attempt to rescue his son amer , who travelled to the middle east in january last year .the 21-year-old has been fighting for the organisation jabhat al-nusra , a group affiliated with al-qaeda , who are battling the islamic state and syrian forces .the father of two british jihadis who were killed while fighting in syria has left the uk and travelled to libya in a bid to find his eldest son and bring him home .\n", - "abubaker deghayes has left brighton to go and rescue his eldest son amerhis two younger sons abdullah and jaffar were killed in syria last yearamer is also in syria fighting isis and the country 's government forcesmr deghayes insists he has not ` run away ' to join the fight and just wants amer home\n", - "[1.464685 1.2712576 1.1975371 1.2378185 1.0748118 1.1335586 1.0574213\n", - " 1.0665284 1.1350188 1.0541673 1.0317079 1.0291497 1.0682095 1.0507472\n", - " 1.0372152 1.0356687 1.0380718 1.0639492 1.0614427 0. 0. ]\n", - "\n", - "[ 0 1 3 2 8 5 4 12 7 17 18 6 9 13 16 14 15 10 11 19 20]\n", - "=======================\n", - "['( cnn ) mullah mohammed omar is \" still the leader \" of the taliban \\'s self-declared islamic emirate of afghanistan .that appears to be the primary message of a biography , just published by the taliban , of the reclusive militant who is credited with founding the group in the early 1990s .several afghan observers say the biography is aimed at dispelling rumors of omar \\'s demise .']\n", - "=======================\n", - "['mullah omar , the reclusive founder of the afghan taliban , is still in charge , a new biography claimsan ex-taliban insider says there have been rumors that the one-eyed militant is dead']\n", - "( cnn ) mullah mohammed omar is \" still the leader \" of the taliban 's self-declared islamic emirate of afghanistan .that appears to be the primary message of a biography , just published by the taliban , of the reclusive militant who is credited with founding the group in the early 1990s .several afghan observers say the biography is aimed at dispelling rumors of omar 's demise .\n", - "mullah omar , the reclusive founder of the afghan taliban , is still in charge , a new biography claimsan ex-taliban insider says there have been rumors that the one-eyed militant is dead\n", - "[1.0601625 1.1221285 1.2859044 1.1655648 1.1197261 1.1197708 1.0351893\n", - " 1.0282781 1.0336396 1.2123826 1.0445083 1.05872 1.0307373 1.0262803\n", - " 1.0309732 1.0753992 1.022583 1.0484006 1.026169 1.0279557 1.0284632]\n", - "\n", - "[ 2 9 3 1 5 4 15 0 11 17 10 6 8 14 12 20 7 19 13 18 16]\n", - "=======================\n", - "[\"and while once our choice was limited to feather or fibre , the shops are now stuffed with everything from water pillows to scented pillows , and even one which is wired for sound .billed as the ultimate eco-pillow , it 's filled with the tiny husks which protect the kernel of the buckwheat grain .but which is a pain in the neck and which is a dream come true ?\"]\n", - "=======================\n", - "[\"does finding the perfect pillow really need to break the bank ?our femail tester put a selection of the best pillows to ultimate sleep testlidl 's # 3.49 microfibre pillow performed just as well as luxury goose down !\"]\n", - "and while once our choice was limited to feather or fibre , the shops are now stuffed with everything from water pillows to scented pillows , and even one which is wired for sound .billed as the ultimate eco-pillow , it 's filled with the tiny husks which protect the kernel of the buckwheat grain .but which is a pain in the neck and which is a dream come true ?\n", - "does finding the perfect pillow really need to break the bank ?our femail tester put a selection of the best pillows to ultimate sleep testlidl 's # 3.49 microfibre pillow performed just as well as luxury goose down !\n", - "[1.4029813 1.446654 1.2312994 1.4385687 1.2994586 1.2445654 1.0258545\n", - " 1.0254599 1.0477855 1.0214071 1.0185672 1.2090341 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 5 2 11 8 6 7 9 10 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the french left back , 33 , enjoyed eight years at old trafford , claiming five premier league titles as well as a champions league winners ' medal .former manchester united defender patrice evra says sir alex ferguson told him he would be a great coachevra is now at juventus but says he has already taken some of his coaching badges\"]\n", - "=======================\n", - "[\"patrice evra enjoyed eight years at old trafford before joining juventusclaims sir alex ferguson spoke to him before leaving in 2013ferguson said him and ryan giggs would make great coaches one daygiggs is currently louis van gaal 's assistant at manchester unitedevra says he has already taken some of his coaching badges\"]\n", - "the french left back , 33 , enjoyed eight years at old trafford , claiming five premier league titles as well as a champions league winners ' medal .former manchester united defender patrice evra says sir alex ferguson told him he would be a great coachevra is now at juventus but says he has already taken some of his coaching badges\n", - "patrice evra enjoyed eight years at old trafford before joining juventusclaims sir alex ferguson spoke to him before leaving in 2013ferguson said him and ryan giggs would make great coaches one daygiggs is currently louis van gaal 's assistant at manchester unitedevra says he has already taken some of his coaching badges\n", - "[1.226388 1.4613779 1.4129896 1.3778403 1.0633434 1.1534009 1.133393\n", - " 1.1194521 1.0352561 1.0191838 1.1201127 1.0211836 1.0561275 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 6 10 7 4 12 8 11 9 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"robert ewing , 60 , was said to have had an ` inappropriate sexual interest ' in 15-year-old paige chivers and took advantage of her ` chaotic and dysfunctional ' upbringing which had left her ` very troubled and vulnerable ' .he is accused of murdering the schoolgirl , from blackpool , lancashire , between august 23 and august 27 , 2007 .a missing schoolgirl was murdered by a 60-year-old man who called police two weeks prior to the killing to see how officers would react to her disappearance , a jury heard today .\"]\n", - "=======================\n", - "['paige chivers was aged 15 when she disappeared from blackpool homedespite police appeals and a # 12,000 reward , she has never been foundrobert ewing is on trial accused of murdering schoolgirl in august 2007his friend gareth dewhurst is accused of assisting in disposing of body']\n", - "robert ewing , 60 , was said to have had an ` inappropriate sexual interest ' in 15-year-old paige chivers and took advantage of her ` chaotic and dysfunctional ' upbringing which had left her ` very troubled and vulnerable ' .he is accused of murdering the schoolgirl , from blackpool , lancashire , between august 23 and august 27 , 2007 .a missing schoolgirl was murdered by a 60-year-old man who called police two weeks prior to the killing to see how officers would react to her disappearance , a jury heard today .\n", - "paige chivers was aged 15 when she disappeared from blackpool homedespite police appeals and a # 12,000 reward , she has never been foundrobert ewing is on trial accused of murdering schoolgirl in august 2007his friend gareth dewhurst is accused of assisting in disposing of body\n", - "[1.3843775 1.3318341 1.2969458 1.1402957 1.0767426 1.1505598 1.2086906\n", - " 1.0766585 1.1612662 1.0732775 1.0827173 1.0690823 1.0469338 1.0259569\n", - " 1.0676135 1.0631772 1.0562695 1.042934 1.0622485 1.0561099 0. ]\n", - "\n", - "[ 0 1 2 6 8 5 3 10 4 7 9 11 14 15 18 16 19 12 17 13 20]\n", - "=======================\n", - "['( cnn ) the tulsa county reserve deputy who fatally shot a man instead of using his taser turned himself in to authorities tuesday at the tulsa county jail .video shows reserve deputy robert bates announcing he is going to deploy his taser after an undercover weapons sting on april 2 but then shooting eric courtney harris in the back with a handgun .bates was charged with second-degree manslaughter monday .']\n", - "=======================\n", - "['reserve deputy robert bates surrenders to authorities , posts bail of $ 25,000bates is charged with second-degree manslaughter in the killing of eric harris']\n", - "( cnn ) the tulsa county reserve deputy who fatally shot a man instead of using his taser turned himself in to authorities tuesday at the tulsa county jail .video shows reserve deputy robert bates announcing he is going to deploy his taser after an undercover weapons sting on april 2 but then shooting eric courtney harris in the back with a handgun .bates was charged with second-degree manslaughter monday .\n", - "reserve deputy robert bates surrenders to authorities , posts bail of $ 25,000bates is charged with second-degree manslaughter in the killing of eric harris\n", - "[1.186656 1.3828558 1.3523705 1.2021116 1.2471898 1.186274 1.14591\n", - " 1.0823076 1.0225832 1.0405807 1.0242813 1.0984069 1.1352875 1.1143903\n", - " 1.1293857 1.1070575 1.0574006 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 4 3 0 5 6 12 14 13 15 11 7 16 9 10 8 17 18 19 20 21]\n", - "=======================\n", - "['a bizarre fake fundraising page has been set up requesting donations for stacey eden , a 23-year-old sydney resident whose furious stand against racism has spread around the world .ms eden stood up to a middle-aged woman who was abusing brisbane couple hafeez and khalida bhatti on the airport line train on wednesday .her recording of the fiery incident went viral after being published by daily mail australia on thursday morning .']\n", - "=======================\n", - "[\"frausters try and raise money off stacey eden 's high profilems eden stood up for a muslim couple being abused on a sydney traindaily mail australia published video of the incident on thursday` all i want is good karma ' , ms eden said on social mediabizarre fake profile said she had been inundated with offers of donations\"]\n", - "a bizarre fake fundraising page has been set up requesting donations for stacey eden , a 23-year-old sydney resident whose furious stand against racism has spread around the world .ms eden stood up to a middle-aged woman who was abusing brisbane couple hafeez and khalida bhatti on the airport line train on wednesday .her recording of the fiery incident went viral after being published by daily mail australia on thursday morning .\n", - "frausters try and raise money off stacey eden 's high profilems eden stood up for a muslim couple being abused on a sydney traindaily mail australia published video of the incident on thursday` all i want is good karma ' , ms eden said on social mediabizarre fake profile said she had been inundated with offers of donations\n", - "[1.1587673 1.2642088 1.1970453 1.4240595 1.1158267 1.2339196 1.1686659\n", - " 1.1235607 1.0811926 1.1118641 1.047053 1.0229887 1.0472101 1.1047202\n", - " 1.0591987 1.0678759 1.1065218 1.0396374 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 5 2 6 0 7 4 9 16 13 8 15 14 12 10 17 11 20 18 19 21]\n", - "=======================\n", - "['chelsea boss jose mourinho has the best clean sheets percentage record in premier league historymourinho ( left ) beats rafa benitez in the clean sheets record and average of goals concededof the 189 premier league matches the portuguese has overseen , he has an astounding 101 clean sheets , nullifying his rivals in 53.4 per cent of games .']\n", - "=======================\n", - "['jose mourinho has a stunning defensive record from his time at chelseahe has 101 clean sheets from 189 games , conceding only 120 goalshis record surpasses those of rafa benitez and sir alex fergusonmourinho : i have a problem , i am getting better and betterclick here for all the latest chelsea news']\n", - "chelsea boss jose mourinho has the best clean sheets percentage record in premier league historymourinho ( left ) beats rafa benitez in the clean sheets record and average of goals concededof the 189 premier league matches the portuguese has overseen , he has an astounding 101 clean sheets , nullifying his rivals in 53.4 per cent of games .\n", - "jose mourinho has a stunning defensive record from his time at chelseahe has 101 clean sheets from 189 games , conceding only 120 goalshis record surpasses those of rafa benitez and sir alex fergusonmourinho : i have a problem , i am getting better and betterclick here for all the latest chelsea news\n", - "[1.301761 1.4006896 1.2157049 1.100136 1.1055539 1.1898764 1.3242898\n", - " 1.0951717 1.0421146 1.0642767 1.0242689 1.0940089 1.1028217 1.0798966\n", - " 1.0543084 1.0662665 1.0671343 1.0935361 1.0408031 1.0447929 0.\n", - " 0. ]\n", - "\n", - "[ 1 6 0 2 5 4 12 3 7 11 17 13 16 15 9 14 19 8 18 10 20 21]\n", - "=======================\n", - "[\"real housewives of orange county star katie said there was no ` big fight or blow up ' which caused their marriage to end .the wife of la angels player josh hamilton has revealed she was ` blindsided ' by his decision to file for divorce and insists she has never been unfaithful .speaking to tmz sports she said ` nothing sparked it ' and slammed reports she cheated on the slugger as ` entirely false ' .\"]\n", - "=======================\n", - "[\"la angel josh hamilton filed for divorce from katie two months agowas around the same time he admitted to a drugs and alcohol relapsereality star insisted there was no ` big fight or blow up ' causing the splithas maintained she still loves him and will always stand by him\"]\n", - "real housewives of orange county star katie said there was no ` big fight or blow up ' which caused their marriage to end .the wife of la angels player josh hamilton has revealed she was ` blindsided ' by his decision to file for divorce and insists she has never been unfaithful .speaking to tmz sports she said ` nothing sparked it ' and slammed reports she cheated on the slugger as ` entirely false ' .\n", - "la angel josh hamilton filed for divorce from katie two months agowas around the same time he admitted to a drugs and alcohol relapsereality star insisted there was no ` big fight or blow up ' causing the splithas maintained she still loves him and will always stand by him\n", - "[1.1269276 1.2072453 1.4279275 1.334919 1.1143067 1.1273422 1.0877584\n", - " 1.0517226 1.1662472 1.0683565 1.029945 1.0190108 1.1088861 1.0547003\n", - " 1.0396225 1.0910246 1.0210621 1.0298862 1.0240353 1.1027001 1.014026\n", - " 1.0345955]\n", - "\n", - "[ 2 3 1 8 5 0 4 12 19 15 6 9 13 7 14 21 10 17 18 16 11 20]\n", - "=======================\n", - "[\"this photograph was captured in kanagawa prefecture , japan - ` nearby some samurai tombs ' , apparently - late last year .the reddit user who posted it online - a friend of the photographer - insisted it was ` not photoshopped ' and that paranormal forces could be at work .a spooky dark visage that appears behind the child in this photograph has sparked online rumours of a ghost .\"]\n", - "=======================\n", - "[\"are these the ghostly disembodied boots of a samurai soldier ?chatter online after mysterious image emerges of a little girlthe photograph was taken in kanagawa prefecture , japan , last yeara black pair of boots appear behind the small childhowever , there is no evidence of anyone else in other photosi know there are several very old samurai tombs ' nearbythe photographer purportedly insists it has not been photoshopped\"]\n", - "this photograph was captured in kanagawa prefecture , japan - ` nearby some samurai tombs ' , apparently - late last year .the reddit user who posted it online - a friend of the photographer - insisted it was ` not photoshopped ' and that paranormal forces could be at work .a spooky dark visage that appears behind the child in this photograph has sparked online rumours of a ghost .\n", - "are these the ghostly disembodied boots of a samurai soldier ?chatter online after mysterious image emerges of a little girlthe photograph was taken in kanagawa prefecture , japan , last yeara black pair of boots appear behind the small childhowever , there is no evidence of anyone else in other photosi know there are several very old samurai tombs ' nearbythe photographer purportedly insists it has not been photoshopped\n", - "[1.4975991 1.359866 1.1828871 1.458062 1.2322359 1.1656512 1.0258406\n", - " 1.0165234 1.0578042 1.0761633 1.0341641 1.0202966 1.0165137 1.023545\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 4 2 5 9 8 10 6 13 11 7 12 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"jack wilshere continued his return from injury to captain arsenal under 21s , but could not prevent a 1-0 defeat by reading 's youngsters at the emirates stadium .wilshere was joined by other injury plagued first team players including german forward serge gnabry and long-term absentee abou diaby who managed to last 56minutes as his own return gathered pace .former arsenal defender martin keown 's son niall celebrates after scoring the winner for the visitors\"]\n", - "=======================\n", - "['jack wilshere captained arsenal under 21s against reading under 21sgunners first team players abou diaby and serge gnabry also featuredniall keown scored with a header for the royals after only eight minutes']\n", - "jack wilshere continued his return from injury to captain arsenal under 21s , but could not prevent a 1-0 defeat by reading 's youngsters at the emirates stadium .wilshere was joined by other injury plagued first team players including german forward serge gnabry and long-term absentee abou diaby who managed to last 56minutes as his own return gathered pace .former arsenal defender martin keown 's son niall celebrates after scoring the winner for the visitors\n", - "jack wilshere captained arsenal under 21s against reading under 21sgunners first team players abou diaby and serge gnabry also featuredniall keown scored with a header for the royals after only eight minutes\n", - "[1.2552752 1.3424239 1.3709708 1.2204853 1.2291596 1.0682719 1.0284188\n", - " 1.0849261 1.0287879 1.0242299 1.1058213 1.0257646 1.0174488 1.062541\n", - " 1.0316522 1.2288721 1.0834891 1.011803 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 0 4 15 3 10 7 16 5 13 14 8 6 11 9 12 17 20 18 19 21]\n", - "=======================\n", - "[\"but on his arrival at the darwin military museum , mr cordina was refused the medals and told that they ` were more important to the museum . 'after searching far and wide for two years , the 36-year-old amazingly found the medals in the northern territory and drove over 3500 kilometres in four days to be reunited with the family treasures .after his grandfather passed away when he was just 12-years-old , brendan cordina resigned himself to the fact that his beloved world war ii medals were gone forever .\"]\n", - "=======================\n", - "[\"brendan cordina found his granddad 's wwii medals at a nt museumhe spent two years looking for jack slade 's medal 's believing they were lost forevera request to have them returned to the family was refusedmr cordina was told that the museum needed them more than he didhe has now started a petition to have them returned with 15,000 signaturesdirector of the museum said mr slade asked for them to be left to the public in his will\"]\n", - "but on his arrival at the darwin military museum , mr cordina was refused the medals and told that they ` were more important to the museum . 'after searching far and wide for two years , the 36-year-old amazingly found the medals in the northern territory and drove over 3500 kilometres in four days to be reunited with the family treasures .after his grandfather passed away when he was just 12-years-old , brendan cordina resigned himself to the fact that his beloved world war ii medals were gone forever .\n", - "brendan cordina found his granddad 's wwii medals at a nt museumhe spent two years looking for jack slade 's medal 's believing they were lost forevera request to have them returned to the family was refusedmr cordina was told that the museum needed them more than he didhe has now started a petition to have them returned with 15,000 signaturesdirector of the museum said mr slade asked for them to be left to the public in his will\n", - "[1.6289592 1.0917659 1.0582569 1.0387381 1.0822825 1.2142487 1.0944742\n", - " 1.0677103 1.0379726 1.1620076 1.0851034 1.0722651 1.0698484 1.0427212\n", - " 1.1465825 1.0650047 1.0195712 1.0348336 1.0681126 1.0264434 0.\n", - " 0. ]\n", - "\n", - "[ 0 5 9 14 6 1 10 4 11 12 18 7 15 2 13 3 8 17 19 16 20 21]\n", - "=======================\n", - "[\"rory mcilroy 's official coronation will come at augusta national on sunday if he wins the masters to complete the career grand slam and consign the tiger woods era to the history books .but northern ireland 's world no 1 would be forgiven if he had grinned from ear to ear .rory mcilroy shields himself from the rain on tuesday - but a wet course will play into his hands\"]\n", - "=======================\n", - "['rory mcilroy is favourite to win the 79th masters at augusta nationalbubba watson is the defending champion and chasing a third masters wintiger woods returns to action but has no form and worries over his gamejason day and other big-hitters look set for strong week at masters 2015course guide : mcilroy and more stars take you round augusta nationalclick here for the masters 2015 leaderboard']\n", - "rory mcilroy 's official coronation will come at augusta national on sunday if he wins the masters to complete the career grand slam and consign the tiger woods era to the history books .but northern ireland 's world no 1 would be forgiven if he had grinned from ear to ear .rory mcilroy shields himself from the rain on tuesday - but a wet course will play into his hands\n", - "rory mcilroy is favourite to win the 79th masters at augusta nationalbubba watson is the defending champion and chasing a third masters wintiger woods returns to action but has no form and worries over his gamejason day and other big-hitters look set for strong week at masters 2015course guide : mcilroy and more stars take you round augusta nationalclick here for the masters 2015 leaderboard\n", - "[1.1338278 1.5176245 1.2498304 1.4151626 1.2092041 1.1831096 1.154952\n", - " 1.0658586 1.0714929 1.1383625 1.0476167 1.0372095 1.0149105 1.0596772\n", - " 1.0193678 1.0403867 1.0353296 1.0107945 1.0273707 1.0080893 1.0130862\n", - " 1.0077606]\n", - "\n", - "[ 1 3 2 4 5 6 9 0 8 7 13 10 15 11 16 18 14 12 20 17 19 21]\n", - "=======================\n", - "[\"jay brittain , 63 , was worried that the baby owls at small breeds farm park and owl centre , herefordshire , look so similar at birth that he could end up overfeeding them , which can be fatal for the birds .the first born tawny owl is given orange talons , the second hatched has theirs painted purple and for the third born , pink .so he instructed workers at the farm to varnish the claws of each fluffy owlet using nail polish in their very own ` talon salon ' .\"]\n", - "=======================\n", - "[\"jay brittain , 63 , paints the talons of baby owls at small breeds farm park and owl centre , herefordshirethe fledglings look so similar at birth that staff could end up overfeeding them , which can be fatal for the birdsso he instructed workers at the farm to varnish their nails using nail polish in their very own ` talon salon '\"]\n", - "jay brittain , 63 , was worried that the baby owls at small breeds farm park and owl centre , herefordshire , look so similar at birth that he could end up overfeeding them , which can be fatal for the birds .the first born tawny owl is given orange talons , the second hatched has theirs painted purple and for the third born , pink .so he instructed workers at the farm to varnish the claws of each fluffy owlet using nail polish in their very own ` talon salon ' .\n", - "jay brittain , 63 , paints the talons of baby owls at small breeds farm park and owl centre , herefordshirethe fledglings look so similar at birth that staff could end up overfeeding them , which can be fatal for the birdsso he instructed workers at the farm to varnish their nails using nail polish in their very own ` talon salon '\n", - "[1.1097531 1.0738486 1.1422013 1.3916686 1.1155792 1.1566321 1.2674665\n", - " 1.0789981 1.1145521 1.0725567 1.1066157 1.0977795 1.1271487 1.1349828\n", - " 1.0983325 1.0886214 1.030664 1.0859612 1.1111751 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 6 5 2 13 12 4 8 18 0 10 14 11 15 17 7 1 9 16 19 20 21]\n", - "=======================\n", - "[\"watford can be promoted if they win and one of bournemouth or middlesbrough lose and norwich fail to winsteve mcclaren will be desperate to manage in the premier league again ; derby can secure a play-off spothere , sportsmail 's guide takes you through the permutations in the championship , league one , league two and the conference .\"]\n", - "=======================\n", - "['in the championship , both millwall and wigan can be relegatedwatford can secure their place in the top flight , depending on other resultspreston can be promoted to the championship if results go their wayleyton orient , notts county and colchester can go down in league oneburton can be champions of league two if they win against northampton']\n", - "watford can be promoted if they win and one of bournemouth or middlesbrough lose and norwich fail to winsteve mcclaren will be desperate to manage in the premier league again ; derby can secure a play-off spothere , sportsmail 's guide takes you through the permutations in the championship , league one , league two and the conference .\n", - "in the championship , both millwall and wigan can be relegatedwatford can secure their place in the top flight , depending on other resultspreston can be promoted to the championship if results go their wayleyton orient , notts county and colchester can go down in league oneburton can be champions of league two if they win against northampton\n", - "[1.1800951 1.3187814 1.2106085 1.3694968 1.331034 1.1210765 1.0930291\n", - " 1.0714477 1.2908236 1.0343745 1.0342593 1.0200324 1.0779932 1.0209236\n", - " 1.0240492 1.1254458 1.0656182 1.042699 1.0357724 1.0166804 1.054079\n", - " 0. ]\n", - "\n", - "[ 3 4 1 8 2 0 15 5 6 12 7 16 20 17 18 9 10 14 13 11 19 21]\n", - "=======================\n", - "[\"jessica surprised her grandmother patty lawing with the tattoo and it was captured on camerajessica had her husband aaron carey create the stunningly accurate tattoo of patty on her forearm based on a childhood portrait .when jessica carey drove more than three hours to washington to see her grandmother , the elderly lady did n't realise she was in store for two surprises .\"]\n", - "=======================\n", - "[\"jessica carey had her grandmother 's portrait tattooed on her forearmshe then drove almost four hours to surprise her grandmother with ither grandmother patty lawing 's priceless reaction is captured on film\"]\n", - "jessica surprised her grandmother patty lawing with the tattoo and it was captured on camerajessica had her husband aaron carey create the stunningly accurate tattoo of patty on her forearm based on a childhood portrait .when jessica carey drove more than three hours to washington to see her grandmother , the elderly lady did n't realise she was in store for two surprises .\n", - "jessica carey had her grandmother 's portrait tattooed on her forearmshe then drove almost four hours to surprise her grandmother with ither grandmother patty lawing 's priceless reaction is captured on film\n", - "[1.5407512 1.6081551 1.0436125 1.0415062 1.0625886 1.2521405 1.1448638\n", - " 1.0861349 1.098214 1.1233974 1.112012 1.1626798 1.0195705 1.044339\n", - " 1.0714678 1.0383266 1.0244372 1.0161395 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 5 11 6 9 10 8 7 14 4 13 2 3 15 16 12 17 20 18 19 21]\n", - "=======================\n", - "[\"phil burgess , charlie hayter and tom mitchell scored the tries in the final for the english , who bounced back from a thumping group stage defeat to fiji on saturday to win a first title since the wellington sevens in feb. 2013 . 'england defeated championship leaders south africa 21-14 in the decider of the sevens word series eventphil burgess streaks away to score england 's first of three tries in their triumph in japan\"]\n", - "=======================\n", - "[\"england beat south africa 21-14 in the final at the prince chichibu groundengland had n't won a tournament since wellington in february 2013phil burgess , charlie hayter and tom mitchell scored england 's trieswin puts england fourth in series into the final olympic qualifying spot\"]\n", - "phil burgess , charlie hayter and tom mitchell scored the tries in the final for the english , who bounced back from a thumping group stage defeat to fiji on saturday to win a first title since the wellington sevens in feb. 2013 . 'england defeated championship leaders south africa 21-14 in the decider of the sevens word series eventphil burgess streaks away to score england 's first of three tries in their triumph in japan\n", - "england beat south africa 21-14 in the final at the prince chichibu groundengland had n't won a tournament since wellington in february 2013phil burgess , charlie hayter and tom mitchell scored england 's trieswin puts england fourth in series into the final olympic qualifying spot\n", - "[1.1102483 1.1312827 1.4845248 1.17309 1.2497207 1.1946336 1.1162571\n", - " 1.1372032 1.2755157 1.0375985 1.0406841 1.0255723 1.0307528 1.0604768\n", - " 1.0278909 1.023052 1.0969617 1.0493271 1.0547827 1.0244961 1.0270736\n", - " 1.019282 ]\n", - "\n", - "[ 2 8 4 5 3 7 1 6 0 16 13 18 17 10 9 12 14 20 11 19 15 21]\n", - "=======================\n", - "['alaska airlines flight 448 was just barely on its way to los angeles from seattle-tacoma international airport on monday afternoon when the pilot reported hearing unusual banging from the cargo hold .the plane was also only in the air for 14 minutes .the man told authorities he had fallen asleep .']\n", - "=======================\n", - "['ramp agent tells authorities he fell asleep in cargo hold , alaska airlines saysthe cargo hold is pressurized and temperature controlled']\n", - "alaska airlines flight 448 was just barely on its way to los angeles from seattle-tacoma international airport on monday afternoon when the pilot reported hearing unusual banging from the cargo hold .the plane was also only in the air for 14 minutes .the man told authorities he had fallen asleep .\n", - "ramp agent tells authorities he fell asleep in cargo hold , alaska airlines saysthe cargo hold is pressurized and temperature controlled\n", - "[1.3979554 1.1842015 1.3766164 1.1239148 1.1592745 1.1753969 1.0822091\n", - " 1.0331784 1.0131564 1.017401 1.0992091 1.0196491 1.0176111 1.0311204\n", - " 1.0402951 1.0753937 1.0346855 1.034873 1.0145962 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 5 4 3 10 6 15 14 17 16 7 13 11 12 9 18 8 20 19 21]\n", - "=======================\n", - "[\"( cnn ) the victory of a 72-year-old former general , muhammadu buhari , in the nigerian elections represents a moment of maturity in west african politics .but the peaceful transition of power from president goodluck jonathan to president buhari is the first of its kind in history .buhari , who some 30 years ago was nigeria 's harsh military leader , could of course prove to be a disaster ; so many self-described reformers have been .\"]\n", - "=======================\n", - "['tim stanley : muhammadu buhar won nigeria vote on campaign against corruption .he says jonathan administration failed to address corruption , poverty and rise of boko haram .']\n", - "( cnn ) the victory of a 72-year-old former general , muhammadu buhari , in the nigerian elections represents a moment of maturity in west african politics .but the peaceful transition of power from president goodluck jonathan to president buhari is the first of its kind in history .buhari , who some 30 years ago was nigeria 's harsh military leader , could of course prove to be a disaster ; so many self-described reformers have been .\n", - "tim stanley : muhammadu buhar won nigeria vote on campaign against corruption .he says jonathan administration failed to address corruption , poverty and rise of boko haram .\n", - "[1.3038764 1.3103838 1.209718 1.2298121 1.2414525 1.071506 1.0480399\n", - " 1.0152876 1.0937183 1.1053813 1.030696 1.064668 1.1549934 1.0472305\n", - " 1.0432688 1.0700066 1.1497653 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 4 3 2 12 16 9 8 5 15 11 6 13 14 10 7 17 18 19 20 21]\n", - "=======================\n", - "[\"in a tweet published ahead of liverpool 's clash against newcastle tonight , the bookmakers appeared to make light of the issue in the wake of a succession of stories in the us regarding police shootings on african-americans .controversial bookmakers paddy power have provoked outrage with a ` joke ' about the african-american police beatings .it was accompanied by a smirking picture of liverpool boss brendan rodgers and has resulted in a furious backlash on social media .\"]\n", - "=======================\n", - "[\"paddy power said on its twitter page : ` newcastle have suffered more kop beatings over the last 20 years than an unarmed african-american male 'it has resulted in a furious backlash , with people calling it ` deplorable 'bookmakers have attracted criticism in the past for controversial adverts\"]\n", - "in a tweet published ahead of liverpool 's clash against newcastle tonight , the bookmakers appeared to make light of the issue in the wake of a succession of stories in the us regarding police shootings on african-americans .controversial bookmakers paddy power have provoked outrage with a ` joke ' about the african-american police beatings .it was accompanied by a smirking picture of liverpool boss brendan rodgers and has resulted in a furious backlash on social media .\n", - "paddy power said on its twitter page : ` newcastle have suffered more kop beatings over the last 20 years than an unarmed african-american male 'it has resulted in a furious backlash , with people calling it ` deplorable 'bookmakers have attracted criticism in the past for controversial adverts\n", - "[1.303211 1.3174565 1.2455726 1.2860038 1.1898131 1.2126861 1.1613287\n", - " 1.1729463 1.1540244 1.0828279 1.0303833 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 2 5 4 7 6 8 9 10 11 12 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"surveillance footage at neely 's grog house in port st lucie in miami , florida , shows the man get into a dispute with bartenders on sunday night .a man set a bouncer on fire after he was kicked out of a bar .brawl : the bouncer is said to be tackling the man to the ground after he threw a cup of gasoline on him\"]\n", - "=======================\n", - "['man got into a dispute with bartenders at a bar in port st lucie in miamihe was kicked out then returned with cup of gasoline , poured on bouncerbouncer chased the man , who then set him on fire']\n", - "surveillance footage at neely 's grog house in port st lucie in miami , florida , shows the man get into a dispute with bartenders on sunday night .a man set a bouncer on fire after he was kicked out of a bar .brawl : the bouncer is said to be tackling the man to the ground after he threw a cup of gasoline on him\n", - "man got into a dispute with bartenders at a bar in port st lucie in miamihe was kicked out then returned with cup of gasoline , poured on bouncerbouncer chased the man , who then set him on fire\n", - "[1.3505106 1.1507182 1.3697772 1.2900367 1.251275 1.1562555 1.203675\n", - " 1.0458037 1.023967 1.0248151 1.0214094 1.0719397 1.0687647 1.0286274\n", - " 1.0585636 1.1021203 1.0661321 1.038041 1.0425962]\n", - "\n", - "[ 2 0 3 4 6 5 1 15 11 12 16 14 7 18 17 13 9 8 10]\n", - "=======================\n", - "[\"the prime minister said seven key tory policies would help get people on to the property ladder by building more homes and cutting the cost of saving for a deposit , moving house and paying off mortgages .the tory leader , wearing notably clean new work boots , as he chatted to house builders , insisted ` dream of home ownership is alive ' .mr cameron used the launch of the conservative party manifesto yesterday to promise voters ` security at every stage of your life ' .\"]\n", - "=======================\n", - "['tory leader sets out seven point plan for boost home ownership dreamplans to boost construction with thousands of new affordable homeshelp with cutting the cost of saving for a deposit and paying off mortgage']\n", - "the prime minister said seven key tory policies would help get people on to the property ladder by building more homes and cutting the cost of saving for a deposit , moving house and paying off mortgages .the tory leader , wearing notably clean new work boots , as he chatted to house builders , insisted ` dream of home ownership is alive ' .mr cameron used the launch of the conservative party manifesto yesterday to promise voters ` security at every stage of your life ' .\n", - "tory leader sets out seven point plan for boost home ownership dreamplans to boost construction with thousands of new affordable homeshelp with cutting the cost of saving for a deposit and paying off mortgage\n", - "[1.4045993 1.5033536 1.1662097 1.3374226 1.0670363 1.034924 1.0180254\n", - " 1.0233582 1.0440779 1.0401773 1.0469419 1.0159414 1.0104424 1.1869118\n", - " 1.1080978 1.329253 1.0165857 1.0147681 0. ]\n", - "\n", - "[ 1 0 3 15 13 2 14 4 10 8 9 5 7 6 16 11 17 12 18]\n", - "=======================\n", - "[\"the ukrainian superstar will make his return to us soil for the first time in seven years when he takes on the slick philadelphian at the iconic madison square garden in new york .wladimir klitschko has recalled his dramatic rise to the top on the eve of his world title defence against undefeated bryant jennings .reigning heavyweight champion wladimir klitschko ( right ) faces up to bryant jennings on friday '\"]\n", - "=======================\n", - "[\"wladimir klitschko will defend his world title in new york on saturdayklitschko will make his return to us soil for the first time in seven yearswba , wbo , ibf and ibo champion klitschko has n't shown any signs of decline in recent times despite being just a year short of his 40th birthday\"]\n", - "the ukrainian superstar will make his return to us soil for the first time in seven years when he takes on the slick philadelphian at the iconic madison square garden in new york .wladimir klitschko has recalled his dramatic rise to the top on the eve of his world title defence against undefeated bryant jennings .reigning heavyweight champion wladimir klitschko ( right ) faces up to bryant jennings on friday '\n", - "wladimir klitschko will defend his world title in new york on saturdayklitschko will make his return to us soil for the first time in seven yearswba , wbo , ibf and ibo champion klitschko has n't shown any signs of decline in recent times despite being just a year short of his 40th birthday\n", - "[1.0809419 1.0610807 1.4055104 1.3721929 1.3060894 1.1739657 1.1682273\n", - " 1.0935546 1.1419461 1.0647702 1.034596 1.0226201 1.0353471 1.0144037\n", - " 1.2812971 1.051408 1.0118339 1.029757 1.0239966]\n", - "\n", - "[ 2 3 4 14 5 6 8 7 0 9 1 15 12 10 17 18 11 13 16]\n", - "=======================\n", - "['now one of the stars of the show , binky felstead , 24 , has opened up her closet to give wannabe sloane rangers a helping hand in achieving the polished , put-together look she is famed for .binky said that faux fur is one of her top tips for achieving chelsea street stylebinky has been in the cast of the hit e4 programme since 2011 when it first started , along with spencer matthews and rosie fortescue .']\n", - "=======================\n", - "[\"made in chelsea star binky felstead , 24 , stars in street style videoshares five must-haves to always be in fashion in london 's sw3 areastatement jewellery , cashmere and a biker jacket are fashion essentials\"]\n", - "now one of the stars of the show , binky felstead , 24 , has opened up her closet to give wannabe sloane rangers a helping hand in achieving the polished , put-together look she is famed for .binky said that faux fur is one of her top tips for achieving chelsea street stylebinky has been in the cast of the hit e4 programme since 2011 when it first started , along with spencer matthews and rosie fortescue .\n", - "made in chelsea star binky felstead , 24 , stars in street style videoshares five must-haves to always be in fashion in london 's sw3 areastatement jewellery , cashmere and a biker jacket are fashion essentials\n", - "[1.2269533 1.402672 1.1559516 1.1672428 1.1709964 1.1756303 1.1964467\n", - " 1.2142459 1.1368065 1.1415465 1.1605557 1.0120676 1.0316541 1.0115614\n", - " 1.0096905 1.0288937 1.0758482 0. 0. ]\n", - "\n", - "[ 1 0 7 6 5 4 3 10 2 9 8 16 12 15 11 13 14 17 18]\n", - "=======================\n", - "[\"aluel manyang was moved from the intensive care unit at the royal children 's about 5.15 pm on friday , and greeted her distraught mother , akon goode , with a ` big hug ' , her father said .the mother and daughter who survived a tragic car accident this week , which saw three children die , have been reunited .aluel manyang believes her younger sister and two brothers died when they were taken by a crocodile because the children associate the giant reptiles with water .\"]\n", - "=======================\n", - "[\"mother akon guode was released from police custody on thursday nightshe crashed 4wd into melbourne lake just before 4pm on wednesdayher three young children died and another is now recovering in hospitalchildren 's father says ms guode ` did n't feel herself ' as she was drivingms guode reunited with her daughter , aluel , on friday night\"]\n", - "aluel manyang was moved from the intensive care unit at the royal children 's about 5.15 pm on friday , and greeted her distraught mother , akon goode , with a ` big hug ' , her father said .the mother and daughter who survived a tragic car accident this week , which saw three children die , have been reunited .aluel manyang believes her younger sister and two brothers died when they were taken by a crocodile because the children associate the giant reptiles with water .\n", - "mother akon guode was released from police custody on thursday nightshe crashed 4wd into melbourne lake just before 4pm on wednesdayher three young children died and another is now recovering in hospitalchildren 's father says ms guode ` did n't feel herself ' as she was drivingms guode reunited with her daughter , aluel , on friday night\n", - "[1.2544022 1.4126225 1.2392598 1.2547085 1.1768087 1.1007223 1.0586952\n", - " 1.065421 1.1150439 1.0638185 1.1088121 1.0672247 1.0607812 1.0946954\n", - " 1.1100725 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 8 14 10 5 13 11 7 9 12 6 17 15 16 18]\n", - "=======================\n", - "[\"ex-juvenile offender shaun andrew mckerry , dubbed boomerang boy or homing pigeon boy in his youth , burst into shildon post office and stores , county durham , at 8pm on march 15 .as the men wrestled , sab dhillon 's wife sam helped by hitting mckerry with a baseball batshe struck him twice , helping to disarm him while her husband twisted him around to reveal his face to the cameras\"]\n", - "=======================\n", - "['an axe-wielding robber has been jailed for attempting to rob a corner shopbut he failed after he was held and hit with a baseball bat by shopkeepershe was later revealed to be a juvenile offender nicknamed boomerang boyshaun andrew mckerry , 31 , had been arrested 80 times by the age of 15']\n", - "ex-juvenile offender shaun andrew mckerry , dubbed boomerang boy or homing pigeon boy in his youth , burst into shildon post office and stores , county durham , at 8pm on march 15 .as the men wrestled , sab dhillon 's wife sam helped by hitting mckerry with a baseball batshe struck him twice , helping to disarm him while her husband twisted him around to reveal his face to the cameras\n", - "an axe-wielding robber has been jailed for attempting to rob a corner shopbut he failed after he was held and hit with a baseball bat by shopkeepershe was later revealed to be a juvenile offender nicknamed boomerang boyshaun andrew mckerry , 31 , had been arrested 80 times by the age of 15\n", - "[1.316847 1.2964377 1.2952248 1.327663 1.2412806 1.1488309 1.0540726\n", - " 1.0570651 1.0674502 1.0439328 1.0974303 1.0638114 1.0290871 1.0296208\n", - " 1.0184517 1.019608 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 2 4 5 10 8 11 7 6 9 13 12 15 14 16 17 18 19]\n", - "=======================\n", - "[\"the harry potter books ( pictured ) have sold more than 450 million copies and its success may lie in the use of words used - rather than the texts as a whole .by scanning the brains of participants as they read passages from the collection , researchers discovered that the common use of ` arousing words ' affected parts of the brain concerned with emotion .the emotional potential of words is rated in terms of valence and arousal ratings .\"]\n", - "=======================\n", - "['researchers chose 120 passages from across all seven harry potter booksthese passages were read by participants while in an fmri scannereach was rated on how negative or positive , and how arousing they werescans revealed passages rated high for arousal activated parts of the brain associated with emotion , including the left amygdala']\n", - "the harry potter books ( pictured ) have sold more than 450 million copies and its success may lie in the use of words used - rather than the texts as a whole .by scanning the brains of participants as they read passages from the collection , researchers discovered that the common use of ` arousing words ' affected parts of the brain concerned with emotion .the emotional potential of words is rated in terms of valence and arousal ratings .\n", - "researchers chose 120 passages from across all seven harry potter booksthese passages were read by participants while in an fmri scannereach was rated on how negative or positive , and how arousing they werescans revealed passages rated high for arousal activated parts of the brain associated with emotion , including the left amygdala\n", - "[1.2411664 1.2926657 1.1732543 1.1483824 1.1910771 1.2119775 1.1831385\n", - " 1.1386983 1.1930038 1.1293921 1.0372851 1.0532745 1.0413452 1.0561907\n", - " 1.0306609 1.1320912 1.0423461 0. 0. 0. ]\n", - "\n", - "[ 1 0 5 8 4 6 2 3 7 15 9 13 11 16 12 10 14 18 17 19]\n", - "=======================\n", - "['spotters reported a tornado about 6 miles northwest of goddard , which is less than 15 miles west of wichita .( cnn ) tornado sirens blared wednesday night in kansas as several storms brought reports of twisters .other reports of tornadoes came in from southwestern kansas , according to the storm prediction center .']\n", - "=======================\n", - "[\"kansas spotters report at least four tornadoespotosi , missouri , sees wind damage to roofs and some floodingthursday 's forecast calls for more storms but to the east\"]\n", - "spotters reported a tornado about 6 miles northwest of goddard , which is less than 15 miles west of wichita .( cnn ) tornado sirens blared wednesday night in kansas as several storms brought reports of twisters .other reports of tornadoes came in from southwestern kansas , according to the storm prediction center .\n", - "kansas spotters report at least four tornadoespotosi , missouri , sees wind damage to roofs and some floodingthursday 's forecast calls for more storms but to the east\n", - "[1.4416187 1.5173441 1.1243458 1.1097978 1.1048079 1.0775951 1.164841\n", - " 1.15047 1.118182 1.0576338 1.0782954 1.2506336 1.051742 1.060755\n", - " 1.0201486 1.0296357 1.0104877 1.0066801 0. 0. ]\n", - "\n", - "[ 1 0 11 6 7 2 8 3 4 10 5 13 9 12 15 14 16 17 18 19]\n", - "=======================\n", - "[\"the gunners take on brendan rodgers ' side at the emirates , third in the premier league and six points clear of fifth-placed liverpool in the race for the top four .arsenal appear in high spirits ahead of hosting champions league qualification rivals liverpool on saturday afternoon .england international jack wilshere is back in training with the first team having been out since november with an ankle injury\"]\n", - "=======================\n", - "['arsenal host top-four rivals liverpool at the emirates on saturday afternoon in the premier league contestthe gunners won all four of their premier league games in march to sit third in the league tablearsene wenger and olivier giroud won manager and player of the month for an in-form arsenal sidethe gunners are six points ahead of liverpool in the race for champions league qualification next season']\n", - "the gunners take on brendan rodgers ' side at the emirates , third in the premier league and six points clear of fifth-placed liverpool in the race for the top four .arsenal appear in high spirits ahead of hosting champions league qualification rivals liverpool on saturday afternoon .england international jack wilshere is back in training with the first team having been out since november with an ankle injury\n", - "arsenal host top-four rivals liverpool at the emirates on saturday afternoon in the premier league contestthe gunners won all four of their premier league games in march to sit third in the league tablearsene wenger and olivier giroud won manager and player of the month for an in-form arsenal sidethe gunners are six points ahead of liverpool in the race for champions league qualification next season\n", - "[1.121163 1.3028331 1.1790173 1.2176425 1.3288177 1.2472628 1.1523159\n", - " 1.1576407 1.0796613 1.0600423 1.0857394 1.029489 1.1071382 1.162364\n", - " 1.0964633 1.0245227 1.0391634 1.0056695 0. 0. ]\n", - "\n", - "[ 4 1 5 3 2 13 7 6 0 12 14 10 8 9 16 11 15 17 18 19]\n", - "=======================\n", - "['some 45 per cent of the under-30s surveyed for the british chiropractic association said they had a painful back or neck -- up from 28 per cent last year .experts blame increasingly sedentary lifestyles and an obsession with mobile phones for a sharp rise in the number of young people with back and neck problems .as gadgets get smaller , users lean over them more , putting the neck and shock-absorbing discs that cushion the vertebrae under added pressure']\n", - "=======================\n", - "['some 45 per cent of under 30s surveyed said they had painful back or necksurvey by british chiropractic association showed a 28 per cent yearly riseas gadgets get smaller , users lean over them adding pressure on the neck']\n", - "some 45 per cent of the under-30s surveyed for the british chiropractic association said they had a painful back or neck -- up from 28 per cent last year .experts blame increasingly sedentary lifestyles and an obsession with mobile phones for a sharp rise in the number of young people with back and neck problems .as gadgets get smaller , users lean over them more , putting the neck and shock-absorbing discs that cushion the vertebrae under added pressure\n", - "some 45 per cent of under 30s surveyed said they had painful back or necksurvey by british chiropractic association showed a 28 per cent yearly riseas gadgets get smaller , users lean over them adding pressure on the neck\n", - "[1.2697115 1.113072 1.2256353 1.2828456 1.3384883 1.1156193 1.1743577\n", - " 1.1647032 1.1789789 1.0338805 1.0335189 1.0381557 1.0357686 1.060523\n", - " 1.1188416 1.0780326 1.049705 1.0347694 1.0428195 1.0111716]\n", - "\n", - "[ 4 3 0 2 8 6 7 14 5 1 15 13 16 18 11 12 17 9 10 19]\n", - "=======================\n", - "['the total eclipse will only last four minutes and 43 seconds , and nasa says that makes it the shortest one of the century .for the next hour and 45 minutes , that shadow will move across the moon and engulf it at 4:58 a.m. pacific time .( cnn ) sky watchers in western north america are in for a treat : a nearly five-minute total lunar eclipse this morning .']\n", - "=======================\n", - "['the total eclipse will only last 4 minutes and 43 secondspeople west of the mississippi river will have the best viewparts of south america , india , china and russia also will see the eclipse']\n", - "the total eclipse will only last four minutes and 43 seconds , and nasa says that makes it the shortest one of the century .for the next hour and 45 minutes , that shadow will move across the moon and engulf it at 4:58 a.m. pacific time .( cnn ) sky watchers in western north america are in for a treat : a nearly five-minute total lunar eclipse this morning .\n", - "the total eclipse will only last 4 minutes and 43 secondspeople west of the mississippi river will have the best viewparts of south america , india , china and russia also will see the eclipse\n", - "[1.3946568 1.2221187 1.3848765 1.3482138 1.237003 1.0617106 1.0238386\n", - " 1.020183 1.0875616 1.0612731 1.0435123 1.044158 1.037746 1.0709099\n", - " 1.0781006 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 4 1 8 14 13 5 9 11 10 12 6 7 15 16 17 18]\n", - "=======================\n", - "[\"second-hand car dealer neil tuckett has turned his back on the modern vehicle and only sells henry ford 's famous model t.mr tuckett says his customers love the model t - the first affordable mass-produced car - because they do n't require need road tax or an mot and are cheaper to maintain than a modern car , with each one selling for around # 10,000 .top of the range : this 1914 model is # 24,750 and is one of around one a week sold by the buckinghamshire dealer\"]\n", - "=======================\n", - "[\"neil tuckett 's newest model on his forecourt is 90 years old - but he is still selling one model t every weekhis cars are popular with the public as well as the tv and film industry , including the makers of downton abbeycustomers love the model t because they do n't require need road tax or an mot and are cheap to maintainhe said : ` they 're like a giant meccano set really , and so beautifully simple and reliable they just wo n't let you down '\"]\n", - "second-hand car dealer neil tuckett has turned his back on the modern vehicle and only sells henry ford 's famous model t.mr tuckett says his customers love the model t - the first affordable mass-produced car - because they do n't require need road tax or an mot and are cheaper to maintain than a modern car , with each one selling for around # 10,000 .top of the range : this 1914 model is # 24,750 and is one of around one a week sold by the buckinghamshire dealer\n", - "neil tuckett 's newest model on his forecourt is 90 years old - but he is still selling one model t every weekhis cars are popular with the public as well as the tv and film industry , including the makers of downton abbeycustomers love the model t because they do n't require need road tax or an mot and are cheap to maintainhe said : ` they 're like a giant meccano set really , and so beautifully simple and reliable they just wo n't let you down '\n", - "[1.2029248 1.384901 1.2423236 1.1954441 1.045636 1.1689336 1.0505035\n", - " 1.0735244 1.0468754 1.0296897 1.061349 1.1150733 1.016815 1.2053668\n", - " 1.068634 1.0207427 1.096292 1.1710356 1.0968046]\n", - "\n", - "[ 1 2 13 0 3 17 5 11 18 16 7 14 10 6 8 4 9 15 12]\n", - "=======================\n", - "['footage shows best friends carmarie and kanya sat buckled into the device at the indy speedway park on panama city beach , florida , over the weekend .at the start they seem pretty calm but when the carriage tilts back and fires 300ft-high panic sets in and they let out manic screams with horrified facial expressions to match .to date the clip of their traumatic theme park outing has been watched more than 17 million times on facebook .']\n", - "=======================\n", - "[\"footage shows best friends carmarie and kanya sat buckled up in the device at the indy speedway park on panama city beach in floridaat the start they appear to be pretty calm but when the carriage tilts back and fires 300ft-high panic sets inat one point carmarie - who appears to be older - tells kanya : ` if i die , tell my mama i love her 'to date the clip of their traumatic theme park outing has been watched more than 17 million times on facebook\"]\n", - "footage shows best friends carmarie and kanya sat buckled into the device at the indy speedway park on panama city beach , florida , over the weekend .at the start they seem pretty calm but when the carriage tilts back and fires 300ft-high panic sets in and they let out manic screams with horrified facial expressions to match .to date the clip of their traumatic theme park outing has been watched more than 17 million times on facebook .\n", - "footage shows best friends carmarie and kanya sat buckled up in the device at the indy speedway park on panama city beach in floridaat the start they appear to be pretty calm but when the carriage tilts back and fires 300ft-high panic sets inat one point carmarie - who appears to be older - tells kanya : ` if i die , tell my mama i love her 'to date the clip of their traumatic theme park outing has been watched more than 17 million times on facebook\n", - "[1.6020501 1.2382737 1.1147627 1.1035247 1.0442383 1.0795459 1.0668193\n", - " 1.0614891 1.0417851 1.0226989 1.0431716 1.0325406 1.0715729 1.0337816\n", - " 1.0490825 1.0538412 1.0179325 1.044393 1.0140594]\n", - "\n", - "[ 0 1 2 3 5 12 6 7 15 14 17 4 10 8 13 11 9 16 18]\n", - "=======================\n", - "['( cnn ) the seventh installment of the \" fast and furious \" franchise , \" \" furious 7 \" is sure to draw fans curious about how the film handles the real-life death of co-star paul walker .here \\'s what the critics are saying :peter travers , rolling stone : \" ` furious 7 \\' is the best f&f by far , two hours of pure pow fueled by dedication and passionate heart .']\n", - "=======================\n", - "['the film is out in theaters todayco-star paul walker died during productioncritics say \" furious 7 \" is bittersweet and \" plenty of crazy fun \"']\n", - "( cnn ) the seventh installment of the \" fast and furious \" franchise , \" \" furious 7 \" is sure to draw fans curious about how the film handles the real-life death of co-star paul walker .here 's what the critics are saying :peter travers , rolling stone : \" ` furious 7 ' is the best f&f by far , two hours of pure pow fueled by dedication and passionate heart .\n", - "the film is out in theaters todayco-star paul walker died during productioncritics say \" furious 7 \" is bittersweet and \" plenty of crazy fun \"\n", - "[1.1303031 1.0667313 1.2696626 1.455224 1.2973711 1.1506473 1.1123879\n", - " 1.138632 1.1166695 1.0497919 1.0325062 1.0214837 1.0427532 1.1638113\n", - " 1.0165725 1.0189599 1.0174443 1.021287 1.0167013]\n", - "\n", - "[ 3 4 2 13 5 7 0 8 6 1 9 12 10 11 17 15 16 18 14]\n", - "=======================\n", - "['top tips : the video , which has been viewed 600,000 times , features new parents sharing their tipscalled extra storage space , the clip has already been viewed almost 600,000 times and blends practical advice with the odd tear-jerking moment .now a group of parents , all of whom are based in the us , have created a video that lifts the lid on what the first months with a new baby are really like .']\n", - "=======================\n", - "[\"video by extra storage space has been viewed almost 600,000 timesfeatures mothers and fathers offering up advice to first-time parentslist of tips includes ` do what works for you ' and ` get on a schedule '\"]\n", - "top tips : the video , which has been viewed 600,000 times , features new parents sharing their tipscalled extra storage space , the clip has already been viewed almost 600,000 times and blends practical advice with the odd tear-jerking moment .now a group of parents , all of whom are based in the us , have created a video that lifts the lid on what the first months with a new baby are really like .\n", - "video by extra storage space has been viewed almost 600,000 timesfeatures mothers and fathers offering up advice to first-time parentslist of tips includes ` do what works for you ' and ` get on a schedule '\n", - "[1.2859726 1.3271856 1.4566052 1.0767087 1.2427542 1.0402633 1.1138769\n", - " 1.0714424 1.0477375 1.0466899 1.0753496 1.0231894 1.1521409 1.023598\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 4 12 6 3 10 7 8 9 5 13 11 14 15 16 17 18]\n", - "=======================\n", - "[\"in colorado , at least 30 people were injured last year in 32 butane explosions involving hash oil -- nearly three times the number reported throughout 2013 , according to officials with the rocky mountain high intensity drug trafficking area , a state-federal enforcement program .the proposals came after an increase in home fires and blasts linked to homemade hash oil .alarmed by a rash of explosions and injuries caused when amateurs make hash oil , lawmakers in colorado and washington are considering spelling out what 's allowed when it comes to making the concentrated marijuana at home .\"]\n", - "=======================\n", - "[\"lawmakers in colorado and washington are considering spelling out what 's allowed when it comes to making the concentrated marijuana at homeat least 30 were injured in colorado alone in 2014 in butane explosions involving hash oilpeople make hash oil at home to save money , make it to personal taste , or as a hobby\"]\n", - "in colorado , at least 30 people were injured last year in 32 butane explosions involving hash oil -- nearly three times the number reported throughout 2013 , according to officials with the rocky mountain high intensity drug trafficking area , a state-federal enforcement program .the proposals came after an increase in home fires and blasts linked to homemade hash oil .alarmed by a rash of explosions and injuries caused when amateurs make hash oil , lawmakers in colorado and washington are considering spelling out what 's allowed when it comes to making the concentrated marijuana at home .\n", - "lawmakers in colorado and washington are considering spelling out what 's allowed when it comes to making the concentrated marijuana at homeat least 30 were injured in colorado alone in 2014 in butane explosions involving hash oilpeople make hash oil at home to save money , make it to personal taste , or as a hobby\n", - "[1.5010991 1.265046 1.3086808 1.4433314 1.088569 1.0389163 1.0291215\n", - " 1.0329417 1.0351212 1.0164111 1.0331504 1.0193337 1.0842531 1.0501989\n", - " 1.0358651 1.0452002 1.0144067 1.0115504 0. 0. ]\n", - "\n", - "[ 0 3 2 1 4 12 13 15 5 14 8 10 7 6 11 9 16 17 18 19]\n", - "=======================\n", - "[\"jose aldo and conor mcgregor may have taken the spotlight over the past two weeks when it comes to the ufc 's featherweight division , but this weekend it 's time for two other top ranked 145ers to take centre stage , as no 1 ranked chad mendes and no 4 ranked ricardo lamas meet in fairfax , in a bout which could potentially determine the next challenger to the title .but it is aldo 's upcoming opponent , irishman mcgregor , who has dominated conversation in the lead up to this weekend 's fight .mendes ' only two professional losses have come at the hands of the brazilian king and lamas also dropped a decision to aldo when the two met in february last year .\"]\n", - "=======================\n", - "[\"chad mendes expects war with ricardo lamas in saturday 's main eventhaving both fallen to featherweight champion jose aldo in the past , both men feel a win could put them back in title contentionlamas thinks that both he and mendes will drag the best out of each othermendes sees aldo taking july 11 's title fight with conor mcgregortwo of the lightweight division 's best strikers , al iaquinta and jorge masvidal , meet in the co-main event\"]\n", - "jose aldo and conor mcgregor may have taken the spotlight over the past two weeks when it comes to the ufc 's featherweight division , but this weekend it 's time for two other top ranked 145ers to take centre stage , as no 1 ranked chad mendes and no 4 ranked ricardo lamas meet in fairfax , in a bout which could potentially determine the next challenger to the title .but it is aldo 's upcoming opponent , irishman mcgregor , who has dominated conversation in the lead up to this weekend 's fight .mendes ' only two professional losses have come at the hands of the brazilian king and lamas also dropped a decision to aldo when the two met in february last year .\n", - "chad mendes expects war with ricardo lamas in saturday 's main eventhaving both fallen to featherweight champion jose aldo in the past , both men feel a win could put them back in title contentionlamas thinks that both he and mendes will drag the best out of each othermendes sees aldo taking july 11 's title fight with conor mcgregortwo of the lightweight division 's best strikers , al iaquinta and jorge masvidal , meet in the co-main event\n", - "[1.2755862 1.4171793 1.2259157 1.2536018 1.2506862 1.138233 1.0656296\n", - " 1.1210722 1.0487984 1.0801902 1.0697219 1.0277605 1.026661 1.0219927\n", - " 1.0203131 1.0157282 1.0153754 1.0489198 1.0182151 1.1126535]\n", - "\n", - "[ 1 0 3 4 2 5 7 19 9 10 6 17 8 11 12 13 14 18 15 16]\n", - "=======================\n", - "[\"ards borough council in northern ireland , which will merge with its neighbouring authority next week , put on the taxpayer-funded dinner to ` maintain morale ' and to encourage workers to do a good job .council bosses spent more than # 7,000 on a lavish three-course christmas banquet and disco for staff as a last blow-out before the local authority shut up shop .the christmas party ( file picture ) is the first the council has hosted in recent years , and will be their last as the authority no longer exists after a merger with its neighbour\"]\n", - "=======================\n", - "[\"ards council spent # 7,000 on three-course christmas dinner and discostaff feasted on roast turkey with all the trimmings - paid for by taxpayersalmost # 500 was spent on balloons and christmas crackers for the partycelebration was to ` maintain staff morale ' as the council was closing down\"]\n", - "ards borough council in northern ireland , which will merge with its neighbouring authority next week , put on the taxpayer-funded dinner to ` maintain morale ' and to encourage workers to do a good job .council bosses spent more than # 7,000 on a lavish three-course christmas banquet and disco for staff as a last blow-out before the local authority shut up shop .the christmas party ( file picture ) is the first the council has hosted in recent years , and will be their last as the authority no longer exists after a merger with its neighbour\n", - "ards council spent # 7,000 on three-course christmas dinner and discostaff feasted on roast turkey with all the trimmings - paid for by taxpayersalmost # 500 was spent on balloons and christmas crackers for the partycelebration was to ` maintain staff morale ' as the council was closing down\n", - "[1.1186687 1.2580693 1.0583934 1.2389632 1.0869607 1.1095419 1.1011407\n", - " 1.1987557 1.104899 1.0972512 1.02694 1.0188164 1.0521598 1.0195202\n", - " 1.0695943 1.1153805 1.0818875 1.0575202 1.0586232 1.0610698]\n", - "\n", - "[ 1 3 7 0 15 5 8 6 9 4 16 14 19 18 2 17 12 10 13 11]\n", - "=======================\n", - "[\"but here in britain prosecco has long been seen as the second choice to champagne .according to industry figures released this month , we 've developed such a taste for prosecco that last year uk sales overtook those of champagne for the first time -- # 181.8 million compared with # 141.3 million .residents and tourists in venice have for years delighted in their local , laid-back fizz .\"]\n", - "=======================\n", - "[\"britain has long seen prosecco as the second choice to champagnenow that 's all changing as prosecco sales have overtaken for the first timeuk sales were # 181.8 million compared with # 141.3 million for champagne\"]\n", - "but here in britain prosecco has long been seen as the second choice to champagne .according to industry figures released this month , we 've developed such a taste for prosecco that last year uk sales overtook those of champagne for the first time -- # 181.8 million compared with # 141.3 million .residents and tourists in venice have for years delighted in their local , laid-back fizz .\n", - "britain has long seen prosecco as the second choice to champagnenow that 's all changing as prosecco sales have overtaken for the first timeuk sales were # 181.8 million compared with # 141.3 million for champagne\n", - "[1.44691 1.3341573 1.2046117 1.3791562 1.3323836 1.074089 1.0187021\n", - " 1.096511 1.0720879 1.1735673 1.0652375 1.0703461 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 9 7 5 8 11 10 6 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "['in four days time , floyd mayweather will go head-to-head with manny pacquiao in the fight of the century at the mgm grand but he still had time to pose for a picture with motown legend gladys knight .mayweather meets rival pacquiao on may 2 in las vegas in the highly-anticipated blockbuster , which saw tickets sell out within 60 seconds on ticketmaster last week .mayweather is expected to get # 120m from the fight , the biggest event in the history of boxing , with pacquiao .']\n", - "=======================\n", - "['floyd mayweather will fight manny pacquiao on may 2 in las vegasthe fight will be the biggest event in the history of boxingmayweather took time out of training to pose for picture with gladys knightpacquiao arrives in las vegas ahead of showdown with mayweatherclick here for all the latest manny pacquiao and floyd mayweather news']\n", - "in four days time , floyd mayweather will go head-to-head with manny pacquiao in the fight of the century at the mgm grand but he still had time to pose for a picture with motown legend gladys knight .mayweather meets rival pacquiao on may 2 in las vegas in the highly-anticipated blockbuster , which saw tickets sell out within 60 seconds on ticketmaster last week .mayweather is expected to get # 120m from the fight , the biggest event in the history of boxing , with pacquiao .\n", - "floyd mayweather will fight manny pacquiao on may 2 in las vegasthe fight will be the biggest event in the history of boxingmayweather took time out of training to pose for picture with gladys knightpacquiao arrives in las vegas ahead of showdown with mayweatherclick here for all the latest manny pacquiao and floyd mayweather news\n", - "[1.1596056 1.2478522 1.2194093 1.1681709 1.1215963 1.083597 1.0517385\n", - " 1.0645989 1.0614444 1.0296334 1.1038665 1.0585642 1.0948544 1.1601557\n", - " 1.0207089 1.0335312 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 13 0 4 10 12 5 7 8 11 6 15 9 14 18 16 17 19]\n", - "=======================\n", - "['so while there were some loud , dirty guitars at the 2015 rock and roll hall of fame induction ceremony in cleveland on saturday night , there was as much recognition for rock \\'s antecedents in soul and blues , speaking less to a particular taxonomy than a spirit that \\'s beyond words .it \\'s easy to talk of such spirit when paul mccartney is there to honor ringo starr , and yoko ono is on hand as well .speaking briefly backstage , ono expressed feeling that it was wonderful for starr to be honored , \" just sad john and george are n\\'t here , \" referring to her late husband john lennon and beatles guitarist and fellow songwriter george harrison .']\n", - "=======================\n", - "['paul mccartney honors ringo starr at rock and roll hall of fame induction ceremonygreen day , lou reed , joan jett & the blackhearts also honored']\n", - "so while there were some loud , dirty guitars at the 2015 rock and roll hall of fame induction ceremony in cleveland on saturday night , there was as much recognition for rock 's antecedents in soul and blues , speaking less to a particular taxonomy than a spirit that 's beyond words .it 's easy to talk of such spirit when paul mccartney is there to honor ringo starr , and yoko ono is on hand as well .speaking briefly backstage , ono expressed feeling that it was wonderful for starr to be honored , \" just sad john and george are n't here , \" referring to her late husband john lennon and beatles guitarist and fellow songwriter george harrison .\n", - "paul mccartney honors ringo starr at rock and roll hall of fame induction ceremonygreen day , lou reed , joan jett & the blackhearts also honored\n", - "[1.4405318 1.1519802 1.1737113 1.1227179 1.1293387 1.1842364 1.0749102\n", - " 1.0609938 1.0612338 1.0852278 1.0483502 1.1180338 1.150203 1.0317559\n", - " 1.0243568 1.1051803 1.0480765 1.0341895 0. 0. ]\n", - "\n", - "[ 0 5 2 1 12 4 3 11 15 9 6 8 7 10 16 17 13 14 18 19]\n", - "=======================\n", - "['( cnn ) before landing a gyrocopter on the capitol lawn wednesday , doug hughes wrote about his intentions and the reasons behind them on a website called the thedemocracyclub.org .hughes \\' friend michael shanahan told cnn that hughes called him wednesday morning and told him to check out the website .\" my flight is not a secret , \" the post says .']\n", - "=======================\n", - "['doug hughes , 61 , said the point was to present solutions to corruptionhughes mentioned the idea a couple of years ago , his friend sayshughes had a son who committed suicide , report says']\n", - "( cnn ) before landing a gyrocopter on the capitol lawn wednesday , doug hughes wrote about his intentions and the reasons behind them on a website called the thedemocracyclub.org .hughes ' friend michael shanahan told cnn that hughes called him wednesday morning and told him to check out the website .\" my flight is not a secret , \" the post says .\n", - "doug hughes , 61 , said the point was to present solutions to corruptionhughes mentioned the idea a couple of years ago , his friend sayshughes had a son who committed suicide , report says\n", - "[1.3347093 1.4445875 1.3062345 1.2897127 1.1176685 1.0929092 1.1127901\n", - " 1.0750622 1.0210015 1.018385 1.1112336 1.1107619 1.0744748 1.0587252\n", - " 1.0798854 1.0415916 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 6 10 11 5 14 7 12 13 15 8 9 16 17 18 19]\n", - "=======================\n", - "[\"the prince is due to arrive in australia on the 6th april and will split his time between capital canberra , sydney , darwin and perth .prince harry will go on tough bush patrols and take part in ` indigenous engagement ' programmes during his four-week secondment with australian defence force , kensington palace has revealed .on arrival , harry will be taken straight to the australian war memorial on arrival before heading to barracks to report for duty .\"]\n", - "=======================\n", - "[\"details of prince harry 's australian deployment have been releasedprince will arrive in canberra and will visit the australian war memorialhe will then report for duty and will be in perth and darwin among othersduties set to include bush patrols and ` indigenous engagement 'prince harry will briefly travel back later this month for gallipoli memorial34,000 britons and 8,700 australians killed during wwi campaign\"]\n", - "the prince is due to arrive in australia on the 6th april and will split his time between capital canberra , sydney , darwin and perth .prince harry will go on tough bush patrols and take part in ` indigenous engagement ' programmes during his four-week secondment with australian defence force , kensington palace has revealed .on arrival , harry will be taken straight to the australian war memorial on arrival before heading to barracks to report for duty .\n", - "details of prince harry 's australian deployment have been releasedprince will arrive in canberra and will visit the australian war memorialhe will then report for duty and will be in perth and darwin among othersduties set to include bush patrols and ` indigenous engagement 'prince harry will briefly travel back later this month for gallipoli memorial34,000 britons and 8,700 australians killed during wwi campaign\n", - "[1.1061927 1.3461007 1.2074974 1.4032273 1.3191979 1.1108544 1.1072922\n", - " 1.0864447 1.0848508 1.054659 1.0385317 1.0428853 1.0402904 1.0519018\n", - " 1.0194085 1.0556158 1.059022 1.0323155 1.0301802 0. ]\n", - "\n", - "[ 3 1 4 2 5 6 0 7 8 16 15 9 13 11 12 10 17 18 14 19]\n", - "=======================\n", - "[\"those priceless tickets will be on sale at 8pm on thursday after weeks of wrangling and accusations between mayweather promotions and pacquiao 's promoter bob arum .not only the fight of the century but the sale of tickets for floyd mayweather versus manny pacquiao .tickets for the fight between floyd mayweather and manny pacquiao are on sale on thursday\"]\n", - "=======================\n", - "[\"tickets for the fight in las vegas go on sale on thursday nightaround 1000 tickets will be on sale priced between $ 1,500 and 7,500 eachthe mgm grand has a capacity of 16,500 but most of the tickets will be split between mayweather and pacquiao 's camps and the tv broadcastersup to 50,000 tickets for closed-circuit viewing will also be on salejeff powell : mayweather 's now the mature man who weighs words carefully\"]\n", - "those priceless tickets will be on sale at 8pm on thursday after weeks of wrangling and accusations between mayweather promotions and pacquiao 's promoter bob arum .not only the fight of the century but the sale of tickets for floyd mayweather versus manny pacquiao .tickets for the fight between floyd mayweather and manny pacquiao are on sale on thursday\n", - "tickets for the fight in las vegas go on sale on thursday nightaround 1000 tickets will be on sale priced between $ 1,500 and 7,500 eachthe mgm grand has a capacity of 16,500 but most of the tickets will be split between mayweather and pacquiao 's camps and the tv broadcastersup to 50,000 tickets for closed-circuit viewing will also be on salejeff powell : mayweather 's now the mature man who weighs words carefully\n", - "[1.3571811 1.2379947 1.3165666 1.3777453 1.1481339 1.0688369 1.0654045\n", - " 1.1304032 1.0172791 1.0491301 1.1126984 1.0846384 1.0887889 1.0695068\n", - " 1.0547277 1.062437 1.0741338 1.0369794 1.0512847 1.0376505]\n", - "\n", - "[ 3 0 2 1 4 7 10 12 11 16 13 5 6 15 14 18 9 19 17 8]\n", - "=======================\n", - "['celebrity big brother star : natasha giggs had an eight-year affair with football legend ryan giggsmanchester united star ryan giggs has apologised to his brother for the eight-year affair he had with his wife .ryan , 41 , phoned rhodri , 38 , and the two brothers are now reconciling in an attempt to rebuild their relationship .']\n", - "=======================\n", - "[\"ryan giggs apologises for his eight-year affair with brother 's wifemanchester united legend rang his brother out of the blue after four yearsrhodri 's wife natasha aborted ryan 's baby just before marrying rhodrinatasha and rhodri attempted to stay together but divorced in 2013former footballer also had affair with big brother star imogen thomas\"]\n", - "celebrity big brother star : natasha giggs had an eight-year affair with football legend ryan giggsmanchester united star ryan giggs has apologised to his brother for the eight-year affair he had with his wife .ryan , 41 , phoned rhodri , 38 , and the two brothers are now reconciling in an attempt to rebuild their relationship .\n", - "ryan giggs apologises for his eight-year affair with brother 's wifemanchester united legend rang his brother out of the blue after four yearsrhodri 's wife natasha aborted ryan 's baby just before marrying rhodrinatasha and rhodri attempted to stay together but divorced in 2013former footballer also had affair with big brother star imogen thomas\n", - "[1.4007922 1.4494432 1.171764 1.3026468 1.3937595 1.1519332 1.0507537\n", - " 1.0315012 1.0071825 1.007698 1.2523365 1.1517963 1.1140233 1.0231148\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 3 10 2 5 11 12 6 7 13 9 8 14 15 16 17 18 19]\n", - "=======================\n", - "[\"the spanish defender and his club team-mates sit top of the table ahead of facing stoke city at stamford bridge on saturday , six points clear of nearest rivals manchester city with a game in hand .cesar azpilicueta ( centre ) is counting down the games until chelsea win the barclays premier league titlejose mourinho 's men have only briefly relinquished the title lead since their opening 3-1 win over burnley\"]\n", - "=======================\n", - "['chelsea are six points clear with a game in hand in the premier leaguethey have led the title race since a brilliant start to the season in augustcesar azpilicueta feels that consistency puts them in pole position to win']\n", - "the spanish defender and his club team-mates sit top of the table ahead of facing stoke city at stamford bridge on saturday , six points clear of nearest rivals manchester city with a game in hand .cesar azpilicueta ( centre ) is counting down the games until chelsea win the barclays premier league titlejose mourinho 's men have only briefly relinquished the title lead since their opening 3-1 win over burnley\n", - "chelsea are six points clear with a game in hand in the premier leaguethey have led the title race since a brilliant start to the season in augustcesar azpilicueta feels that consistency puts them in pole position to win\n", - "[1.1350738 1.1974819 1.15589 1.0462604 1.1076651 1.118624 1.0886083\n", - " 1.2965226 1.0683677 1.0644616 1.0792248 1.0249608 1.130486 1.1584432\n", - " 1.016446 1.054774 1.2577649 1.1643964 1.0123318 1.0090475 1.0083741\n", - " 1.0097326]\n", - "\n", - "[ 7 16 1 17 13 2 0 12 5 4 6 10 8 9 15 3 11 14 18 21 19 20]\n", - "=======================\n", - "[\"kolo toure found the net in liverpool 's fa cup clash with blackburn but his effort was ruled outsteven gerrard 's birthday falls on may 30 , the same day as the fa cup final at wembleyenter liverpool and brendan rodgers , a club and manager not just popping into the party to say a polite hello and a quick goodbye .\"]\n", - "=======================\n", - "[\"liverpool take on blackburn in their fa cup sixth round replay tonightthe competition represents the anfield club 's last chance of successbrendan rodgers ' side are all but out of the race for the top fourliverpool also endured poor campaigns in both european campaignsrobbie fowler : fa cup hunt must not be all about steven gerrard\"]\n", - "kolo toure found the net in liverpool 's fa cup clash with blackburn but his effort was ruled outsteven gerrard 's birthday falls on may 30 , the same day as the fa cup final at wembleyenter liverpool and brendan rodgers , a club and manager not just popping into the party to say a polite hello and a quick goodbye .\n", - "liverpool take on blackburn in their fa cup sixth round replay tonightthe competition represents the anfield club 's last chance of successbrendan rodgers ' side are all but out of the race for the top fourliverpool also endured poor campaigns in both european campaignsrobbie fowler : fa cup hunt must not be all about steven gerrard\n", - "[1.2363431 1.4376574 1.1953956 1.1597084 1.1751614 1.212577 1.0932051\n", - " 1.1175544 1.0776129 1.162572 1.1004899 1.0361651 1.0223932 1.0898813\n", - " 1.1328912 1.0690329 1.0231179 1.0174313 1.019621 1.0070434 1.0103163\n", - " 0. ]\n", - "\n", - "[ 1 0 5 2 4 9 3 14 7 10 6 13 8 15 11 16 12 18 17 20 19 21]\n", - "=======================\n", - "[\"illinois state associate coach torrey ward , meat processing business owner scott bittner and bar owner terry stralow have been confirmed as among the dead when the cessna 414 crashed near bloomington , illinois , shortly after midnight on tuesday .a college basketball coach , a bar owner and a businessman were among seven killed in a private plane crash as they returned from the ncaa championship game .isu 's deputy director of athletics for external affairs , aaron leetch , was also killed in the crash about two miles away from central illinois regional airport .\"]\n", - "=======================\n", - "[\"plane left indianapolis and crashed near bloomington airport after midnightamong the dead were pilot , business owner , illinois state director of athletics aaron leetch , wells fargo employee and sprint representativethere was fog in the area when the plane , a cessna 414 , crashed near airportillinois state associate head basketball coach torrey ward was also killedterry stralow , the owner of a bar called the pub ii , also died in the crashward cryptically tweeted ` my ride to the game was n't bad ' before the tragedyfaa and the national transportation safety board are investigating the crash\"]\n", - "illinois state associate coach torrey ward , meat processing business owner scott bittner and bar owner terry stralow have been confirmed as among the dead when the cessna 414 crashed near bloomington , illinois , shortly after midnight on tuesday .a college basketball coach , a bar owner and a businessman were among seven killed in a private plane crash as they returned from the ncaa championship game .isu 's deputy director of athletics for external affairs , aaron leetch , was also killed in the crash about two miles away from central illinois regional airport .\n", - "plane left indianapolis and crashed near bloomington airport after midnightamong the dead were pilot , business owner , illinois state director of athletics aaron leetch , wells fargo employee and sprint representativethere was fog in the area when the plane , a cessna 414 , crashed near airportillinois state associate head basketball coach torrey ward was also killedterry stralow , the owner of a bar called the pub ii , also died in the crashward cryptically tweeted ` my ride to the game was n't bad ' before the tragedyfaa and the national transportation safety board are investigating the crash\n", - "[1.3345218 1.3039749 1.1591928 1.2157098 1.050015 1.1000147 1.0509292\n", - " 1.0912248 1.0771813 1.0586178 1.1047548 1.0662069 1.020263 1.0899287\n", - " 1.1377822 1.0482107 1.0520734 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 2 14 10 5 7 13 8 11 9 16 6 4 15 12 20 17 18 19 21]\n", - "=======================\n", - "[\"hillary clinton 's security detail arrived at a suburban des moines , iowa fruit processing company on tuesday with an added vehicle -- a second scooby .after her signature oversize black chevy conversion van dropped her off at capitol fruit company in norwalk , iowa , a visually identical gmc van drove up to the building with a nearly identical secret service escort vehicle .but while the original van -- the one nicknamed ` scooby ' after the scooby-doo cartoon show -- sports a mustard-yellow new york tag , the second has blue and white plates of a different design .\"]\n", - "=======================\n", - "[\"second modified , armored van spotted near des moines , iowa alongside the one that hillary clinton travels invisually identical black vehicles ' biggest difference is the color of their new york license platesone is a chevy and the other a gmc but they are mechanically identical and one was seen using secret service-fitted red and blue lightsvan dubbed ` scooby ' in homage to the scooby-doo cartoon show brought clinton to iowa from her new york house` scooby-two ' made its debut in norwalk , iowa on wednesday outside a fruit processing plant where clinton made a scripted appearance\"]\n", - "hillary clinton 's security detail arrived at a suburban des moines , iowa fruit processing company on tuesday with an added vehicle -- a second scooby .after her signature oversize black chevy conversion van dropped her off at capitol fruit company in norwalk , iowa , a visually identical gmc van drove up to the building with a nearly identical secret service escort vehicle .but while the original van -- the one nicknamed ` scooby ' after the scooby-doo cartoon show -- sports a mustard-yellow new york tag , the second has blue and white plates of a different design .\n", - "second modified , armored van spotted near des moines , iowa alongside the one that hillary clinton travels invisually identical black vehicles ' biggest difference is the color of their new york license platesone is a chevy and the other a gmc but they are mechanically identical and one was seen using secret service-fitted red and blue lightsvan dubbed ` scooby ' in homage to the scooby-doo cartoon show brought clinton to iowa from her new york house` scooby-two ' made its debut in norwalk , iowa on wednesday outside a fruit processing plant where clinton made a scripted appearance\n", - "[1.2716268 1.3783157 1.2657771 1.1955893 1.305429 1.0932331 1.1840482\n", - " 1.1131543 1.0454724 1.043135 1.015862 1.0273052 1.0861354 1.0749158\n", - " 1.1489978 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 0 2 3 6 14 7 5 12 13 8 9 11 10 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the liberal democrats admitted today that their best hope is to end up with 30-something mps after may 7 , compared with the 57 elected in 2010 .mr clegg said the first of what he dubbed his ` premier league policies ' is a # 5billion commitment to protect the entire education budget in real terms .a senior party source said their best chance of holding the balance of power after the general election was to finish ` in the 30s ' if they are able to retain a number of closely-fought seats .\"]\n", - "=======================\n", - "[\"clegg names the first of his ` premier league policies ' as price of supportwould mean raising spending on education every year from 2018 onwardslib dems say it covers every stage of education ` from cradle to college 'but insiders admit the party could lose as many as 20 seats on may 7\"]\n", - "the liberal democrats admitted today that their best hope is to end up with 30-something mps after may 7 , compared with the 57 elected in 2010 .mr clegg said the first of what he dubbed his ` premier league policies ' is a # 5billion commitment to protect the entire education budget in real terms .a senior party source said their best chance of holding the balance of power after the general election was to finish ` in the 30s ' if they are able to retain a number of closely-fought seats .\n", - "clegg names the first of his ` premier league policies ' as price of supportwould mean raising spending on education every year from 2018 onwardslib dems say it covers every stage of education ` from cradle to college 'but insiders admit the party could lose as many as 20 seats on may 7\n", - "[1.5454407 1.4445636 1.0953157 1.4899728 1.1269815 1.039387 1.0135156\n", - " 1.011055 1.063215 1.0726852 1.0206538 1.0170069 1.1268094 1.0363612\n", - " 1.0956395 1.0234219 1.0265874 1.0105393 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 4 12 14 2 9 8 5 13 16 15 10 11 6 7 17 20 18 19 21]\n", - "=======================\n", - "[\"jordan spieth has hailed the ` most incredible week ' of his life after becoming the second youngest masters winner of all time and the first start-to-finish winner at augusta in 39 years .spieth held his nerve in sunday 's final round to keep control of the season 's first major championship , matching tiger woods ' record of an 18-under 270 and finishing four shots clear of the field .spieth was greeted by his family at the 18th green , with his father telling him to do a lap of honour for all the patrons round the 18th green .\"]\n", - "=======================\n", - "['jordan spieth became the second youngest masters winner of all timehis 18-under round was the joint-record and he led from start to finishspieth hailed the week at augusta as the most incredible of his life21-year-old admitted that the accolade had not quite sunk in yetjustin rose praised spieth , saying he showed comfort playing with a lead']\n", - "jordan spieth has hailed the ` most incredible week ' of his life after becoming the second youngest masters winner of all time and the first start-to-finish winner at augusta in 39 years .spieth held his nerve in sunday 's final round to keep control of the season 's first major championship , matching tiger woods ' record of an 18-under 270 and finishing four shots clear of the field .spieth was greeted by his family at the 18th green , with his father telling him to do a lap of honour for all the patrons round the 18th green .\n", - "jordan spieth became the second youngest masters winner of all timehis 18-under round was the joint-record and he led from start to finishspieth hailed the week at augusta as the most incredible of his life21-year-old admitted that the accolade had not quite sunk in yetjustin rose praised spieth , saying he showed comfort playing with a lead\n", - "[1.2253476 1.4448816 1.2244604 1.0959767 1.0696582 1.2368214 1.0907118\n", - " 1.022363 1.020777 1.2171066 1.2431215 1.2300881 1.1666905 1.1032084\n", - " 1.0725439 1.0270439 1.0324589 1.0658734 1.0458261 1.0077524 1.0098523]\n", - "\n", - "[ 1 10 5 11 0 2 9 12 13 3 6 14 4 17 18 16 15 7 8 20 19]\n", - "=======================\n", - "[\"fishing guide carol gleeson watched as the hungry fresh water crocodile swallowed the water monitor whole , which is a type of goanna , at the mary river near pine creek in northern territory .a monster crocodile has been caught devouring a one metre long lizard in one bite at a river .after feasting on its ' meal , the three-metre reptile noticed ms gleeson from a distance before it submerged into the water .\"]\n", - "=======================\n", - "['a three-metre crocodile ate a one metre long lizard in one bite at a riverfishing guide carol gleeson watched the battle at mary river this weekms gleeson said she has never witnessed anything like this beforeit comes after a 4.38 m croc had been eating dogs was caught last month']\n", - "fishing guide carol gleeson watched as the hungry fresh water crocodile swallowed the water monitor whole , which is a type of goanna , at the mary river near pine creek in northern territory .a monster crocodile has been caught devouring a one metre long lizard in one bite at a river .after feasting on its ' meal , the three-metre reptile noticed ms gleeson from a distance before it submerged into the water .\n", - "a three-metre crocodile ate a one metre long lizard in one bite at a riverfishing guide carol gleeson watched the battle at mary river this weekms gleeson said she has never witnessed anything like this beforeit comes after a 4.38 m croc had been eating dogs was caught last month\n", - "[1.2393951 1.1780542 1.2960398 1.0757166 1.2472118 1.1408926 1.055351\n", - " 1.1861515 1.107986 1.1119322 1.0893246 1.0438697 1.01908 1.1895225\n", - " 1.092399 1.2295401 1.0160184 1.0710989 1.1203609 1.0570786 0. ]\n", - "\n", - "[ 2 4 0 15 13 7 1 5 18 9 8 14 10 3 17 19 6 11 12 16 20]\n", - "=======================\n", - "['a man contacted police friday after noticing he was driving in front of the truck that had been stolen from him earlier that morning near piedmont , calhoun county chief deputy matthew wade told wbrc-tv .a man driving to work in alabama had earlier noticed his stolen pickup truck following himsuspect : terry proctor of piedmont , pictured , was booked into the cherokee county jail , on charges including first degree theft and possession of burglary tools']\n", - "=======================\n", - "[\"a man contacted police after noticing he was driving in front of the truck that had been stolen from him earlier that morning , police saidthe truck was swiped on victim 's birthdaypolice attempted to stop the stolen vehicle -- but the driver , 29-year-old terry proctor of piedmont , alabama , did not stop , leading to a pursuitthe driver crashed the vehicle and was ejected as the truck rolled overproctor was captured after a foot chase and was booked into a jail\"]\n", - "a man contacted police friday after noticing he was driving in front of the truck that had been stolen from him earlier that morning near piedmont , calhoun county chief deputy matthew wade told wbrc-tv .a man driving to work in alabama had earlier noticed his stolen pickup truck following himsuspect : terry proctor of piedmont , pictured , was booked into the cherokee county jail , on charges including first degree theft and possession of burglary tools\n", - "a man contacted police after noticing he was driving in front of the truck that had been stolen from him earlier that morning , police saidthe truck was swiped on victim 's birthdaypolice attempted to stop the stolen vehicle -- but the driver , 29-year-old terry proctor of piedmont , alabama , did not stop , leading to a pursuitthe driver crashed the vehicle and was ejected as the truck rolled overproctor was captured after a foot chase and was booked into a jail\n", - "[1.4045377 1.2460196 1.0625521 1.1882737 1.3966513 1.291977 1.1806849\n", - " 1.1133983 1.0446306 1.0361407 1.0840101 1.0749044 1.0333911 1.1396443\n", - " 1.0462631 1.0148097 1.0113479 1.0428313 1.0255152 0. 0. ]\n", - "\n", - "[ 0 4 5 1 3 6 13 7 10 11 2 14 8 17 9 12 18 15 16 19 20]\n", - "=======================\n", - "['manny pacquiao took time out of his busy schedule to hang out with saved by the bell actor mario lopez , otherwise known as ac slater , and nba superstar jeremy lin .pacquiao took to instagram to show off his ripped torso ahead of his fight against floyd mayweatherpacquiao said of meeting los angeles lakers guard lin : ` thank you @jlin7 for coming to show your support .']\n", - "=======================\n", - "[\"manny pacquiao posed for a picture with jeremy lin and mario lopezthe filipino took to instagram to post snap of his ripped physiquepacquiao is counting down the days ` until the blessed event ' in las vegasread : floyd mayweather admits he no longer enjoys boxing 'click here to watch pacquiao 's open media workout live\"]\n", - "manny pacquiao took time out of his busy schedule to hang out with saved by the bell actor mario lopez , otherwise known as ac slater , and nba superstar jeremy lin .pacquiao took to instagram to show off his ripped torso ahead of his fight against floyd mayweatherpacquiao said of meeting los angeles lakers guard lin : ` thank you @jlin7 for coming to show your support .\n", - "manny pacquiao posed for a picture with jeremy lin and mario lopezthe filipino took to instagram to post snap of his ripped physiquepacquiao is counting down the days ` until the blessed event ' in las vegasread : floyd mayweather admits he no longer enjoys boxing 'click here to watch pacquiao 's open media workout live\n", - "[1.3328397 1.227016 1.2897644 1.3647499 1.0686059 1.1760548 1.0218953\n", - " 1.0499738 1.1776242 1.2087829 1.0753725 1.0484041 1.0551763 1.032162\n", - " 1.0301117 1.0364331 1.020576 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 1 9 8 5 10 4 12 7 11 15 13 14 6 16 19 17 18 20]\n", - "=======================\n", - "[\"julius caesar famously collapsed at the battle of thapsus in 46bc and had to be carried to safety.historians have long believed this was result of an epileptic attack , but new research suggests otherwise .doctors at imperial college london came to the conclusion after taking a new look at caesar 's symptoms described in greek and roman documentsfor instance , caesar was known to suffer from depression towards the end of his life , which may have been the result of damage to his brain from the strokes .\"]\n", - "=======================\n", - "[\"roman general suffered from vertigo , dizziness and weakness in limbshistorians have long believed this was caused by late onset of epilepsyepilepsy was often referred to as the ` sacred disease ' in ancient romenew look at symptoms reveal they have more in common with strokes\"]\n", - "julius caesar famously collapsed at the battle of thapsus in 46bc and had to be carried to safety.historians have long believed this was result of an epileptic attack , but new research suggests otherwise .doctors at imperial college london came to the conclusion after taking a new look at caesar 's symptoms described in greek and roman documentsfor instance , caesar was known to suffer from depression towards the end of his life , which may have been the result of damage to his brain from the strokes .\n", - "roman general suffered from vertigo , dizziness and weakness in limbshistorians have long believed this was caused by late onset of epilepsyepilepsy was often referred to as the ` sacred disease ' in ancient romenew look at symptoms reveal they have more in common with strokes\n", - "[1.724193 1.4449747 1.2757876 1.3221431 1.0439358 1.0333774 1.0706456\n", - " 1.0311637 1.0152037 1.1583441 1.0449045 1.0370504 1.0316097 1.1056007\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 9 13 6 10 4 11 5 12 7 8 19 14 15 16 17 18 20]\n", - "=======================\n", - "['former real madrid ace kaka and canadian international cyle larin proved the difference as orlando city earned all three points against portland timbers at a sold-out providence park .canadian international larin reacted quickest to chest home the delivery of kevin molino in the first-half before kaka sealed the win with a penalty in the closing stages of the match .darlington nagbe proved the timbers biggest threat , but aurelien collin and co stood strong in defence to earn orlando their second away win of the season .']\n", - "=======================\n", - "['cyle larin set orlando city on their way to earning all three pointslarin scored his first professional goal in the first half at providence parkbrazilian kaka wrapped up the win when he scored a late penaltysecond away win of the season sends orlando city third in the league']\n", - "former real madrid ace kaka and canadian international cyle larin proved the difference as orlando city earned all three points against portland timbers at a sold-out providence park .canadian international larin reacted quickest to chest home the delivery of kevin molino in the first-half before kaka sealed the win with a penalty in the closing stages of the match .darlington nagbe proved the timbers biggest threat , but aurelien collin and co stood strong in defence to earn orlando their second away win of the season .\n", - "cyle larin set orlando city on their way to earning all three pointslarin scored his first professional goal in the first half at providence parkbrazilian kaka wrapped up the win when he scored a late penaltysecond away win of the season sends orlando city third in the league\n", - "[1.1484277 1.2464491 1.1301049 1.2361858 1.1394614 1.121189 1.0722848\n", - " 1.199263 1.0973536 1.1251612 1.0784615 1.0233911 1.0275532 1.015863\n", - " 1.0704509 1.0709462 1.031562 1.016665 0. 0. 0. ]\n", - "\n", - "[ 1 3 7 0 4 2 9 5 8 10 6 15 14 16 12 11 17 13 19 18 20]\n", - "=======================\n", - "[\"coming up with a punishment that will teach a son or daughter not to commit the crime again but is n't harsh enough to scar them for life is tough .choosing the right punishment for a naughty child is a difficult business ( picture posed by model )reddit users have been comparing the most effective punishments their parents doled out when they were children and many of the schemes are both hilarious and genius\"]\n", - "=======================\n", - "['choosing the right punishment for a naughty child is a difficult businesssome parents now resort to embarrassing their offspring to punish themtactics include diy chores , embarrassing costumes and essay-writing']\n", - "coming up with a punishment that will teach a son or daughter not to commit the crime again but is n't harsh enough to scar them for life is tough .choosing the right punishment for a naughty child is a difficult business ( picture posed by model )reddit users have been comparing the most effective punishments their parents doled out when they were children and many of the schemes are both hilarious and genius\n", - "choosing the right punishment for a naughty child is a difficult businesssome parents now resort to embarrassing their offspring to punish themtactics include diy chores , embarrassing costumes and essay-writing\n", - "[1.3592163 1.2424463 1.2084262 1.3139994 1.2080984 1.1147213 1.0872431\n", - " 1.0690315 1.1042519 1.0989732 1.0590713 1.0366944 1.0177898 1.0146377\n", - " 1.1225975 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 14 5 8 9 6 7 10 11 12 13 19 15 16 17 18 20]\n", - "=======================\n", - "[\"departing england cricket board chairman giles clarke chose one of the most prestigious cricket occasions of the year , the wisden almanack launch , to make a complete fool of himself .clarke , despite his standing as one of world cricket 's big powerbrokers who will continue with his deputy chairmanship of the icc , embarrassed vip guests with his astonishing behaviour at the lord 's pavilion long room dinner .clarke arrived upset that the new ecb regime had just sacked his england managing director appointment , paul downton , whom he had rashly called a ` man of great judgment ' .\"]\n", - "=======================\n", - "[\"giles clarke embarrassed guests during wisden almanack launch dinnerthe departing ecb chairman was not happy with paul downton 's dismissalsky sports have blocked thierry henry from appearing on channel 4clare balding will snub the grand national to present women 's boat race\"]\n", - "departing england cricket board chairman giles clarke chose one of the most prestigious cricket occasions of the year , the wisden almanack launch , to make a complete fool of himself .clarke , despite his standing as one of world cricket 's big powerbrokers who will continue with his deputy chairmanship of the icc , embarrassed vip guests with his astonishing behaviour at the lord 's pavilion long room dinner .clarke arrived upset that the new ecb regime had just sacked his england managing director appointment , paul downton , whom he had rashly called a ` man of great judgment ' .\n", - "giles clarke embarrassed guests during wisden almanack launch dinnerthe departing ecb chairman was not happy with paul downton 's dismissalsky sports have blocked thierry henry from appearing on channel 4clare balding will snub the grand national to present women 's boat race\n", - "[1.2133228 1.4545641 1.2225306 1.2853862 1.3809384 1.0299174 1.0997071\n", - " 1.1822048 1.0868849 1.0535038 1.1076181 1.0690582 1.0318944 1.017984\n", - " 1.048983 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 2 0 7 10 6 8 11 9 14 12 5 13 19 15 16 17 18 20]\n", - "=======================\n", - "[\"sevdet besim , from hallam in melbourne 's south-east , was charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' at the melbourne magistrates court .mr besim is one of two 18-year-old men police arrested for allegedly planning an ` isis inspired ' attack on an anzac day ceremony following the raids .he did not apply for bail and was remanded in custody for a filing hearing on april 24 .\"]\n", - "=======================\n", - "[\"sevdet besim , 18 , was charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' on saturday afternoonhe was one of two teenagers who officers arrested for planning terror actspolice allege they planned to target an ` anzac day ceremony ' and policethey are expected to be charged with a number of offences including the possession of prohibited items , with ` edged weapons ' found at a propertyanother 18-year-old was also arrested and remains in custodythree men released by police late on saturday nightover 200 police officers raided seven properties in melbourne on saturday\"]\n", - "sevdet besim , from hallam in melbourne 's south-east , was charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' at the melbourne magistrates court .mr besim is one of two 18-year-old men police arrested for allegedly planning an ` isis inspired ' attack on an anzac day ceremony following the raids .he did not apply for bail and was remanded in custody for a filing hearing on april 24 .\n", - "sevdet besim , 18 , was charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' on saturday afternoonhe was one of two teenagers who officers arrested for planning terror actspolice allege they planned to target an ` anzac day ceremony ' and policethey are expected to be charged with a number of offences including the possession of prohibited items , with ` edged weapons ' found at a propertyanother 18-year-old was also arrested and remains in custodythree men released by police late on saturday nightover 200 police officers raided seven properties in melbourne on saturday\n", - "[1.3940424 1.2383223 1.3108321 1.2962017 1.114537 1.038552 1.0345485\n", - " 1.0359029 1.1124539 1.1456655 1.0637081 1.1321994 1.2409977 1.089392\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 12 1 9 11 4 8 13 10 5 7 6 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"steven gerrard leaves his beloved liverpool at the end of the season after an illustrious career and amazingly club legend steve heighway predicted that he 'd be a success - in a newspaper article in 1992 .a fresh-faced gerrard was pictured in the paper at just 12-years-old , when he was an up and coming talent in liverpool 's academy .steve heighway ( left ) described the livepool captain as ` outstanding ' after seeing him play at 12\"]\n", - "=======================\n", - "[\"liverpool great steve heighway predicted great things for steven gerrardgerrard was described as ` an outstanding talent ' by heighwaythe liverpool captain has become of the clubs greatest ever playersclick here for all the latest liverpool news\"]\n", - "steven gerrard leaves his beloved liverpool at the end of the season after an illustrious career and amazingly club legend steve heighway predicted that he 'd be a success - in a newspaper article in 1992 .a fresh-faced gerrard was pictured in the paper at just 12-years-old , when he was an up and coming talent in liverpool 's academy .steve heighway ( left ) described the livepool captain as ` outstanding ' after seeing him play at 12\n", - "liverpool great steve heighway predicted great things for steven gerrardgerrard was described as ` an outstanding talent ' by heighwaythe liverpool captain has become of the clubs greatest ever playersclick here for all the latest liverpool news\n", - "[1.1803502 1.2892811 1.2395605 1.4173211 1.2182565 1.1328044 1.1683902\n", - " 1.035693 1.0237843 1.0692592 1.1159261 1.0763965 1.1332991 1.0297247\n", - " 1.0452195 1.0480489 1.0415224 1.0702528 1.0414613 1.0220511 1.009265 ]\n", - "\n", - "[ 3 1 2 4 0 6 12 5 10 11 17 9 15 14 16 18 7 13 8 19 20]\n", - "=======================\n", - "[\"diane mclean , 58 , and her three children lost ` everything but their lives ' when fire destroyed their apartment last weekdiane mclean says she 's been overwhelmed by the generosity of her friends , neighbors and strangers after her four-bedroom rent-stabilized apartment at 45 east seventh street went up in flames .dr mclean , a 58-year-old child psychiatrist in the south bronx , says she and daughter rose , 8 , and twins james and annabelle , 5 , had nothing more than the clothes on their backs after the disaster .\"]\n", - "=======================\n", - "[\"diane mclean 's four-bedroom rent-stabilized apartment was destroyed in the explosion last weekshe paid $ 1,500 a month of east village home - a deal she may never find againgofundme has raised $ 87,000 for her family\"]\n", - "diane mclean , 58 , and her three children lost ` everything but their lives ' when fire destroyed their apartment last weekdiane mclean says she 's been overwhelmed by the generosity of her friends , neighbors and strangers after her four-bedroom rent-stabilized apartment at 45 east seventh street went up in flames .dr mclean , a 58-year-old child psychiatrist in the south bronx , says she and daughter rose , 8 , and twins james and annabelle , 5 , had nothing more than the clothes on their backs after the disaster .\n", - "diane mclean 's four-bedroom rent-stabilized apartment was destroyed in the explosion last weekshe paid $ 1,500 a month of east village home - a deal she may never find againgofundme has raised $ 87,000 for her family\n", - "[1.2110175 1.3667711 1.1425884 1.2285389 1.1868024 1.1158702 1.0599691\n", - " 1.1528156 1.1887949 1.1374451 1.0785209 1.0904523 1.0996839 1.028339\n", - " 1.0248091 1.0297748 1.015407 1.0501288 1.0128472 1.0169684 1.0948588]\n", - "\n", - "[ 1 3 0 8 4 7 2 9 5 12 20 11 10 6 17 15 13 14 19 16 18]\n", - "=======================\n", - "['videoed in their front room , the dog named foxxy cleopatra and the reptile called ryuu can be seen chasing after one another around a coffee table .the video begins with the chihuahua jumping around excitedly while the bearded dragon appears disinteresteda chihuahua and a bearded dragon showed off their interspecies friendship when they embarked upon a game of tag together .']\n", - "=======================\n", - "[\"the dog named foxxy cleopatra jumps around excitedlywhile the reptile called ryuu appears to be disinterestedsuddenly the bearded dragon starts chasing after the dogvideo maker said the pair ` seriously love to play together '\"]\n", - "videoed in their front room , the dog named foxxy cleopatra and the reptile called ryuu can be seen chasing after one another around a coffee table .the video begins with the chihuahua jumping around excitedly while the bearded dragon appears disinteresteda chihuahua and a bearded dragon showed off their interspecies friendship when they embarked upon a game of tag together .\n", - "the dog named foxxy cleopatra jumps around excitedlywhile the reptile called ryuu appears to be disinterestedsuddenly the bearded dragon starts chasing after the dogvideo maker said the pair ` seriously love to play together '\n", - "[1.3717589 1.1840124 1.2072104 1.1212009 1.2640254 1.0639863 1.0369531\n", - " 1.1091318 1.1670245 1.0724491 1.0690105 1.184541 1.077127 1.0628979\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 2 11 1 8 3 7 12 9 10 5 13 6 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"detectives investigating the disappearance of three-year-old william tyrrell believe he may have been abducted by a paedophile ring when he disappeared from his grandmother 's house last september .the news comes as the parents of the missing toddler have begged for his return in a heart-wrenching video made seven months after he vanished from his home on the nsw mid-north coast .he said detectives from the homicide squad and the sex crime squad are ` vigorously perusing that line of inquiry and this investigation is moving at a very fast pace . '\"]\n", - "=======================\n", - "[\"police revealed they are ` vigorously perusing ' paedophile ring theoryparents of william tyrrell have released a plea for his safe return` we ca n't live like this , ' mother said as search entered its seventh monthpolice say search of nsw bushland is reaching the conclusion stagedivers were brought in to search a murky dam in a bush reservewilliam tyrrell vanished from his home in kendall , nsw in september 2014\"]\n", - "detectives investigating the disappearance of three-year-old william tyrrell believe he may have been abducted by a paedophile ring when he disappeared from his grandmother 's house last september .the news comes as the parents of the missing toddler have begged for his return in a heart-wrenching video made seven months after he vanished from his home on the nsw mid-north coast .he said detectives from the homicide squad and the sex crime squad are ` vigorously perusing that line of inquiry and this investigation is moving at a very fast pace . '\n", - "police revealed they are ` vigorously perusing ' paedophile ring theoryparents of william tyrrell have released a plea for his safe return` we ca n't live like this , ' mother said as search entered its seventh monthpolice say search of nsw bushland is reaching the conclusion stagedivers were brought in to search a murky dam in a bush reservewilliam tyrrell vanished from his home in kendall , nsw in september 2014\n", - "[1.2293906 1.3624203 1.3303998 1.2777325 1.3397024 1.0956318 1.0832623\n", - " 1.1193533 1.0598103 1.0811752 1.2358692 1.0491296 1.0454345 1.0793637\n", - " 1.04319 1.0419903 1.0496556 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 3 10 0 7 5 6 9 13 8 16 11 12 14 15 19 17 18 20]\n", - "=======================\n", - "[\"a train heading from queens into manhattan was stalled underneath the east river around 8.30 am monday morning and its conductor saw smoke coming from the board along the track 's third rail .more than 500 passengers were taken to manhattan after spending roughly an hour and a half trapped .hundreds of passengers on a new york city subway train were evacuated from cars in an underwater tunnel after a fire during the monday morning commute .\"]\n", - "=======================\n", - "['train suddenly stopped on 7 line between queens and manhattanpassengers evacuated to grand central station with rescue trainriders spent roughly and hour and a half trapped undergroundno injuries , though one woman requested attention after feeling faint']\n", - "a train heading from queens into manhattan was stalled underneath the east river around 8.30 am monday morning and its conductor saw smoke coming from the board along the track 's third rail .more than 500 passengers were taken to manhattan after spending roughly an hour and a half trapped .hundreds of passengers on a new york city subway train were evacuated from cars in an underwater tunnel after a fire during the monday morning commute .\n", - "train suddenly stopped on 7 line between queens and manhattanpassengers evacuated to grand central station with rescue trainriders spent roughly and hour and a half trapped undergroundno injuries , though one woman requested attention after feeling faint\n", - "[1.5804651 1.3330678 1.1474509 1.2422074 1.1903448 1.0560346 1.1888263\n", - " 1.024896 1.0702136 1.0584208 1.0691125 1.1242522 1.0184873 1.0108867\n", - " 1.1487188 1.0628824 1.0779116 1.0894097 1.0403656 1.0402447 1.083841 ]\n", - "\n", - "[ 0 1 3 4 6 14 2 11 17 20 16 8 10 15 9 5 18 19 7 12 13]\n", - "=======================\n", - "[\"( cnn ) wednesday 's game between the baltimore orioles and chicago white sox will be closed to the public , the orioles announced tuesday .the closed-door contest follows the postponements of monday 's and tuesday 's games against the white sox until a doubleheader scheduled for may 28 following unrest in baltimore .the game at oriole park at camden yards is scheduled to begin at 2:05 p.m. et .\"]\n", - "=======================\n", - "['white sox hall of famer tweets the closed-door game also should be postponedbaltimore unrest leads to postponement of two baseball gamesthird game in series will be first ever played without spectators']\n", - "( cnn ) wednesday 's game between the baltimore orioles and chicago white sox will be closed to the public , the orioles announced tuesday .the closed-door contest follows the postponements of monday 's and tuesday 's games against the white sox until a doubleheader scheduled for may 28 following unrest in baltimore .the game at oriole park at camden yards is scheduled to begin at 2:05 p.m. et .\n", - "white sox hall of famer tweets the closed-door game also should be postponedbaltimore unrest leads to postponement of two baseball gamesthird game in series will be first ever played without spectators\n", - "[1.1860316 1.4367121 1.1572747 1.1364163 1.4096038 1.3244723 1.1062795\n", - " 1.071788 1.184187 1.0978005 1.1309713 1.0243202 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 5 0 8 2 3 10 6 9 7 11 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"the 34-year-old returned to nets on monday for the first time since re-signing for the county last month .it 's the picture some england cricket fans have been waiting to see and others have been equally dreading : kevin pietersen back at surrey .pietersen was later pictured leaving the ground just before 2pm and is expected to step-up his county rehabilitation with a three-day warm-up against oxford mccu on april 12 .\"]\n", - "=======================\n", - "['kevin pietersen took part in a net session at the oval on mondayhe is expected to play in three-day game against oxford mccu on april 12pietersen has returned to county game to boost chances of england recall']\n", - "the 34-year-old returned to nets on monday for the first time since re-signing for the county last month .it 's the picture some england cricket fans have been waiting to see and others have been equally dreading : kevin pietersen back at surrey .pietersen was later pictured leaving the ground just before 2pm and is expected to step-up his county rehabilitation with a three-day warm-up against oxford mccu on april 12 .\n", - "kevin pietersen took part in a net session at the oval on mondayhe is expected to play in three-day game against oxford mccu on april 12pietersen has returned to county game to boost chances of england recall\n", - "[1.0991832 1.5426195 1.1249782 1.1809667 1.0930796 1.135967 1.1630145\n", - " 1.1415262 1.1271471 1.0510281 1.0405327 1.1500912 1.0476418 1.065238\n", - " 1.0956365 1.1577739 1.0640752 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 6 15 11 7 5 8 2 0 14 4 13 16 9 12 10 17 18 19 20]\n", - "=======================\n", - "['floyd mayweather and manny pacquiao are less than two weeks away from facing each other in the richest fight in history .jinkee arrived in los angeles last month , three weeks after her husband had started his training camp .they will both be expected to weigh in at no more than 154lb this coming weekend at the seven-day check .']\n", - "=======================\n", - "['floyd mayweather and manny pacquiao are two weeks away from fightingtheir $ 300million bout will be the richest in the history of boxingboth men spent time with those closest to them over the weekendthey are both starting their final week of hard training']\n", - "floyd mayweather and manny pacquiao are less than two weeks away from facing each other in the richest fight in history .jinkee arrived in los angeles last month , three weeks after her husband had started his training camp .they will both be expected to weigh in at no more than 154lb this coming weekend at the seven-day check .\n", - "floyd mayweather and manny pacquiao are two weeks away from fightingtheir $ 300million bout will be the richest in the history of boxingboth men spent time with those closest to them over the weekendthey are both starting their final week of hard training\n", - "[1.3827562 1.4730083 1.4305369 1.3728688 1.0731258 1.0145267 1.0126163\n", - " 1.101978 1.1230643 1.2291669 1.1555105 1.0202092 1.016573 1.014121\n", - " 1.0246754 1.0212238 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 9 10 8 7 4 14 15 11 12 5 13 6 19 16 17 18 20]\n", - "=======================\n", - "[\"the 28-year-old joined barca in 2008 from manchester united and mundo deportivo have dedicated their front page to the spaniard , with the headline : ` the pique spirit . 'pique is poised to star for barcelona in their champions league quarter-final match with psg in the french capital on wednesday night .gerard pique is preparing to play his 300th game for barcelona against paris saint-germain , and spanish media have celebrated the spain defender beforehand .\"]\n", - "=======================\n", - "[\"gerard pique will be making his 300th barcelona appearance against psgthe 28-year-old joined the spanish giants in 2008 from manchester unitedpique is poised to star in barca 's champions league quarter-final with psg\"]\n", - "the 28-year-old joined barca in 2008 from manchester united and mundo deportivo have dedicated their front page to the spaniard , with the headline : ` the pique spirit . 'pique is poised to star for barcelona in their champions league quarter-final match with psg in the french capital on wednesday night .gerard pique is preparing to play his 300th game for barcelona against paris saint-germain , and spanish media have celebrated the spain defender beforehand .\n", - "gerard pique will be making his 300th barcelona appearance against psgthe 28-year-old joined the spanish giants in 2008 from manchester unitedpique is poised to star in barca 's champions league quarter-final with psg\n", - "[1.4283135 1.3868012 1.1066395 1.4542007 1.1269253 1.1016331 1.1010687\n", - " 1.1489211 1.0531348 1.048583 1.073426 1.0373491 1.0336307 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 7 4 2 5 6 10 8 9 11 12 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"johnny manziel ( above ) has been released from rehab after entering a facility on january 28now comes the real test however , as he will be forced to compete with josh mccown for the starting quarterback position , who just signed a $ 14 million contract with the team that covers the next three seasons .this after manziel 's partying had been a topic of conversation since his rookie season began last july , with some worried his drinking was a priority\"]\n", - "=======================\n", - "[\"johnny manziel has been released from rehab after entering a facility on january 28this after manziel 's partying had been a topic of conversation since his rookie season began last july , with some worried his drinking was a prioritythe heisman trophy winner had a lackluster rookie year where he saw little playing time and just two startshe is now set to begin offseason workouts with the cleveland browns on april 20manziel will be forced to compete with josh mccown for the starting quarterback position , who just signed a $ 14 million contract with the team\"]\n", - "johnny manziel ( above ) has been released from rehab after entering a facility on january 28now comes the real test however , as he will be forced to compete with josh mccown for the starting quarterback position , who just signed a $ 14 million contract with the team that covers the next three seasons .this after manziel 's partying had been a topic of conversation since his rookie season began last july , with some worried his drinking was a priority\n", - "johnny manziel has been released from rehab after entering a facility on january 28this after manziel 's partying had been a topic of conversation since his rookie season began last july , with some worried his drinking was a prioritythe heisman trophy winner had a lackluster rookie year where he saw little playing time and just two startshe is now set to begin offseason workouts with the cleveland browns on april 20manziel will be forced to compete with josh mccown for the starting quarterback position , who just signed a $ 14 million contract with the team\n", - "[1.162034 1.5061958 1.2308729 1.2517723 1.0703616 1.0780687 1.0784837\n", - " 1.0458208 1.08731 1.095204 1.1023462 1.0822147 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 10 9 8 11 6 5 4 7 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"pietro boselli , 26 , originally from brescia , italy , says that he originally tried to keep his modelling a secret from his colleagues at the university college london ( ucl ) where he taught for fear they might ` look down on him ' .in an interview with the times , boselli , an advanced maths lecturer with a phd , said that when he was trying to establish himself as a teacher , he did n't want to include his work for fashion companies such as abercrombie and fitch on his cv and was less than proud of his alternative career .the handsome italian maths teacher who has taken the internet by storm for being the perfect mix of beauty and brains has spoken out about his new-found fame .\"]\n", - "=======================\n", - "[\"pietro boselli , 26 , from brescia in italy taught advanced maths at ucladmits he was ` ashamed ' of his modelling career and kept it a secret from students and almost did n't mention it on his cvinstagram following shot up to more than 480,000 after his story came outphd student says he 's proud of his body and works out once or twice daily\"]\n", - "pietro boselli , 26 , originally from brescia , italy , says that he originally tried to keep his modelling a secret from his colleagues at the university college london ( ucl ) where he taught for fear they might ` look down on him ' .in an interview with the times , boselli , an advanced maths lecturer with a phd , said that when he was trying to establish himself as a teacher , he did n't want to include his work for fashion companies such as abercrombie and fitch on his cv and was less than proud of his alternative career .the handsome italian maths teacher who has taken the internet by storm for being the perfect mix of beauty and brains has spoken out about his new-found fame .\n", - "pietro boselli , 26 , from brescia in italy taught advanced maths at ucladmits he was ` ashamed ' of his modelling career and kept it a secret from students and almost did n't mention it on his cvinstagram following shot up to more than 480,000 after his story came outphd student says he 's proud of his body and works out once or twice daily\n", - "[1.3344857 1.388202 1.3159078 1.1013286 1.1284016 1.0805343 1.0850866\n", - " 1.1085106 1.1393691 1.0701845 1.0502715 1.05666 1.0506501 1.0891806\n", - " 1.0833122 1.0883332 1.1080831 1.0596932 1.0304812 1.0484983 1.042045 ]\n", - "\n", - "[ 1 0 2 8 4 7 16 3 13 15 6 14 5 9 17 11 12 10 19 20 18]\n", - "=======================\n", - "['the officer wounded , john moynihan , is white .( cnn ) to allay possible concerns , boston prosecutors released video friday of the shooting of a police officer last month that resulted in the killing of the gunman .angelo west , the gunman shot to death by officers , was black .']\n", - "=======================\n", - "['boston police officer john moynihan is released from the hospitalvideo shows that the man later shot dead by police in boston opened fire firstmoynihan was shot in the face during a traffic stop']\n", - "the officer wounded , john moynihan , is white .( cnn ) to allay possible concerns , boston prosecutors released video friday of the shooting of a police officer last month that resulted in the killing of the gunman .angelo west , the gunman shot to death by officers , was black .\n", - "boston police officer john moynihan is released from the hospitalvideo shows that the man later shot dead by police in boston opened fire firstmoynihan was shot in the face during a traffic stop\n", - "[1.0595281 1.0713365 1.0508395 1.0774475 1.0935669 1.0671409 1.0718017\n", - " 1.088187 1.1261386 1.107958 1.0526613 1.0284156 1.0965562 1.0960507\n", - " 1.2711112 1.1035407 0. 0. 0. ]\n", - "\n", - "[14 8 9 15 12 13 4 7 3 6 1 5 0 10 2 11 17 16 18]\n", - "=======================\n", - "['dr barbara kubicka says she has clients coming in each and every day asking for botox not on their foreheads but designed to firm their jaw line .forget botox or chemical peels the latest celebrity beauty craze is having a tight jawline like emma stoneand on a recent trip to the u.s. it seemed that i am not the only one .']\n", - "=======================\n", - "['celebrity doctors are seeing an increase in demand for botox in their jowlsthe nefertiti lift is a cosmetic procedure that defines the jaw lineashley pearson takes a look at the latest trend in anti-ageing']\n", - "dr barbara kubicka says she has clients coming in each and every day asking for botox not on their foreheads but designed to firm their jaw line .forget botox or chemical peels the latest celebrity beauty craze is having a tight jawline like emma stoneand on a recent trip to the u.s. it seemed that i am not the only one .\n", - "celebrity doctors are seeing an increase in demand for botox in their jowlsthe nefertiti lift is a cosmetic procedure that defines the jaw lineashley pearson takes a look at the latest trend in anti-ageing\n", - "[1.0389681 1.4533261 1.277674 1.4150956 1.1994116 1.0632874 1.1517667\n", - " 1.0580693 1.0337757 1.0525426 1.1497521 1.0522072 1.0296518 1.0223972\n", - " 1.021925 1.0237514 1.0443418 1.026875 1.0533575]\n", - "\n", - "[ 1 3 2 4 6 10 5 7 18 9 11 16 0 8 12 17 15 13 14]\n", - "=======================\n", - "[\"the appropriately named mark doggett has trained his two animals to sniff out the destructive fungus in old houses where it can hide in places a person would miss .mr doggett gave up a ten-year career in construction after hitting on the idea to set up a business using the animals ' sense of smell , which is said to be up to a million times better than that of humans .after six months of training , four-year-old border collie meg and 22-month-old english springer spaniel jess went to work .\"]\n", - "=======================\n", - "['mark doggett has trained his two dogs to sniff out the destructive fungushis border collie and english springer spaniel had six months trainingwhen they find dry rot they stop , stare at it and point with their nose']\n", - "the appropriately named mark doggett has trained his two animals to sniff out the destructive fungus in old houses where it can hide in places a person would miss .mr doggett gave up a ten-year career in construction after hitting on the idea to set up a business using the animals ' sense of smell , which is said to be up to a million times better than that of humans .after six months of training , four-year-old border collie meg and 22-month-old english springer spaniel jess went to work .\n", - "mark doggett has trained his two dogs to sniff out the destructive fungushis border collie and english springer spaniel had six months trainingwhen they find dry rot they stop , stare at it and point with their nose\n", - "[1.2773921 1.4644299 1.1912247 1.1473601 1.1788948 1.3253613 1.0943187\n", - " 1.1371534 1.0874717 1.0548841 1.0449902 1.0528321 1.2129042 1.1752161\n", - " 1.0185733 1.0216424 0. 0. 0. ]\n", - "\n", - "[ 1 5 0 12 2 4 13 3 7 6 8 9 11 10 15 14 17 16 18]\n", - "=======================\n", - "[\"dimitri harrell reportedly pulled out his gun and pointed it at 19-year-old samirria white after they started arguing over his ` infidelity ' in the bedroom of their st paul apartment at around 3.40 am .shooting : dimitri harrell ( right ) has been arrested after allegedly shooting dead his fiancée , samirria white ( left ) , at their minnesota home on easter morning while holding their baby daughter ( center ) in his armscarrying the couple 's three-month-old child , he then shot miss white in the face at close range , according to police .\"]\n", - "=======================\n", - "[\"dimitri harrell , 21 , was arguing with samirria white , 19 , over his ` infidelity 'with three-month-old daughter in his arms , he apparently pulled out a gunhe then shot his fiancée in the face at close range , killing her , officials saidnow , harrell has been charged with single count of second-degree murderhe revealed to police he had stored the gun under his daughter 's mattressalso claimed he shot victim accidentally while pulling weapon from pocketharrell caused ` trust issues ' after having two children with another womanin custody on $ 200,000 bail ; if convicted , faces up to 40 years behind bars\"]\n", - "dimitri harrell reportedly pulled out his gun and pointed it at 19-year-old samirria white after they started arguing over his ` infidelity ' in the bedroom of their st paul apartment at around 3.40 am .shooting : dimitri harrell ( right ) has been arrested after allegedly shooting dead his fiancée , samirria white ( left ) , at their minnesota home on easter morning while holding their baby daughter ( center ) in his armscarrying the couple 's three-month-old child , he then shot miss white in the face at close range , according to police .\n", - "dimitri harrell , 21 , was arguing with samirria white , 19 , over his ` infidelity 'with three-month-old daughter in his arms , he apparently pulled out a gunhe then shot his fiancée in the face at close range , killing her , officials saidnow , harrell has been charged with single count of second-degree murderhe revealed to police he had stored the gun under his daughter 's mattressalso claimed he shot victim accidentally while pulling weapon from pocketharrell caused ` trust issues ' after having two children with another womanin custody on $ 200,000 bail ; if convicted , faces up to 40 years behind bars\n", - "[1.3974073 1.2156277 1.1639061 1.2565818 1.2732569 1.235323 1.1100334\n", - " 1.0558604 1.098392 1.0744812 1.0559564 1.0322849 1.0529473 1.1498848\n", - " 1.0927814 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 3 5 1 2 13 6 8 14 9 10 7 12 11 17 15 16 18]\n", - "=======================\n", - "[\"lawyers for the parents of michael brown , the unarmed , black 18-year-old who was fatally shot by a white police officer in a st. louis suburb , announced wednesday night that they planned to file a civil lawsuit the following day against the city of ferguson .attorneys for brown 's mother , lesley mcspadden , and his father , michael brown sr. , announced at a press conference in early march that a wrongful death lawsuit would be filed ` soon . 'the lawsuit had been expected .\"]\n", - "=======================\n", - "[\"lawyers for the parents of michael brown announced wednesday night that they planned to file a civil lawsuit against the city of fergusonattorneys for the family said in a statement wednesday night that the wrongful death lawsuit would be filed thursdaybrown was unarmed when he was fatally shot by a white police officer in a st. louis suburb in august 2014the shooting led to sometimes-violent protests and spawned a national ` black lives matter ' movement calling for changes in how police deal with minorities\"]\n", - "lawyers for the parents of michael brown , the unarmed , black 18-year-old who was fatally shot by a white police officer in a st. louis suburb , announced wednesday night that they planned to file a civil lawsuit the following day against the city of ferguson .attorneys for brown 's mother , lesley mcspadden , and his father , michael brown sr. , announced at a press conference in early march that a wrongful death lawsuit would be filed ` soon . 'the lawsuit had been expected .\n", - "lawyers for the parents of michael brown announced wednesday night that they planned to file a civil lawsuit against the city of fergusonattorneys for the family said in a statement wednesday night that the wrongful death lawsuit would be filed thursdaybrown was unarmed when he was fatally shot by a white police officer in a st. louis suburb in august 2014the shooting led to sometimes-violent protests and spawned a national ` black lives matter ' movement calling for changes in how police deal with minorities\n", - "[1.4208924 1.4581599 1.2583015 1.4055594 1.1211216 1.0585257 1.0189962\n", - " 1.0223329 1.0397663 1.0833861 1.0787903 1.0841786 1.2237735 1.1326972\n", - " 1.0362446 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 12 13 4 11 9 10 5 8 14 7 6 17 15 16 18]\n", - "=======================\n", - "[\"the young lyon star has been attracting interest from premier league clubs but the frontman 's father mohamed does not want him to sit on the bench at man city and claims he would progress with arsenal under arsene wenger .nabil fekir 's father insists arsenal would be the ideal destination for his son , rather than a move to manchester city .fekir recently split with his agents after his family were reportedly disappointed with their insistence on pursuing a deal with city .\"]\n", - "=======================\n", - "[\"lyon star nabil fekir has attracted interest from premier league clubsfrontman 's father believes fekir would progress and develop at arsenalhowever , fekir snr thinks his son would be stuck on bench at man city\"]\n", - "the young lyon star has been attracting interest from premier league clubs but the frontman 's father mohamed does not want him to sit on the bench at man city and claims he would progress with arsenal under arsene wenger .nabil fekir 's father insists arsenal would be the ideal destination for his son , rather than a move to manchester city .fekir recently split with his agents after his family were reportedly disappointed with their insistence on pursuing a deal with city .\n", - "lyon star nabil fekir has attracted interest from premier league clubsfrontman 's father believes fekir would progress and develop at arsenalhowever , fekir snr thinks his son would be stuck on bench at man city\n", - "[1.1611992 1.2317214 1.1994528 1.4392419 1.0680983 1.0243201 1.044133\n", - " 1.0226278 1.3480922 1.1946551 1.2122395 1.1442106 1.0179187 1.0199755\n", - " 1.0165145 1.0495807 1.0208253 1.0169613 1.0375042]\n", - "\n", - "[ 3 8 1 10 2 9 0 11 4 15 6 18 5 7 16 13 12 17 14]\n", - "=======================\n", - "['john terry recently revealed he had chosen liverpool midfielder philippe coutinho -- who has been very good but not great -- as his nomination .chelsea winger eden hazard is among the front runners to win the pfa player of the year award this seasonhazard will have to beat off competition from manchester united goalkeeper david de gea']\n", - "=======================\n", - "['the pfa announced the shortlist for player of the year earlier this weekeden hazard , david de gea and harry kane are among leading contendersjamie carragher reveals there will be plenty of tactical voting by players']\n", - "john terry recently revealed he had chosen liverpool midfielder philippe coutinho -- who has been very good but not great -- as his nomination .chelsea winger eden hazard is among the front runners to win the pfa player of the year award this seasonhazard will have to beat off competition from manchester united goalkeeper david de gea\n", - "the pfa announced the shortlist for player of the year earlier this weekeden hazard , david de gea and harry kane are among leading contendersjamie carragher reveals there will be plenty of tactical voting by players\n", - "[1.1670824 1.3968326 1.3268564 1.2449775 1.0422899 1.050106 1.068516\n", - " 1.1401746 1.0997884 1.0811665 1.0583036 1.0809857 1.0693158 1.1405866\n", - " 1.0750767 1.0233102 1.0149993 1.0745587 0. ]\n", - "\n", - "[ 1 2 3 0 13 7 8 9 11 14 17 12 6 10 5 4 15 16 18]\n", - "=======================\n", - "[\"now , fossils from an extinct pygmy sperm whale that died seven million years ago , have shed new light on the evolution of modern day whales .the remains , which were discovered in panama , indicate that the organ involved in sound generation and echolocation got smaller throughout the whale 's evolution .the sperm whale is the largest of the toothed whales and the largest toothed predator .\"]\n", - "=======================\n", - "[\"team of scientists discovered new species of extinct pygmy sperm whaleseven million-year-old nanokogia isthmia bones were found in panamasuggest the bone involved in sound generation and echolocation got smaller throughout the whale 's evolutiontoday 's larger sperm whales are able to navigate under water with ease\"]\n", - "now , fossils from an extinct pygmy sperm whale that died seven million years ago , have shed new light on the evolution of modern day whales .the remains , which were discovered in panama , indicate that the organ involved in sound generation and echolocation got smaller throughout the whale 's evolution .the sperm whale is the largest of the toothed whales and the largest toothed predator .\n", - "team of scientists discovered new species of extinct pygmy sperm whaleseven million-year-old nanokogia isthmia bones were found in panamasuggest the bone involved in sound generation and echolocation got smaller throughout the whale 's evolutiontoday 's larger sperm whales are able to navigate under water with ease\n", - "[1.4437575 1.4830313 1.2272948 1.4297328 1.1918257 1.1360229 1.0700126\n", - " 1.0266274 1.0691309 1.0160965 1.0179886 1.0202157 1.0350848 1.0267016\n", - " 1.0208602 1.2304273 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 15 2 4 5 6 8 12 13 7 14 11 10 9 16 17 18]\n", - "=======================\n", - "[\"as revealed by sportsmail , the fight in oakland , california will not be for ward 's wba super-middleweight world title .paul smith has landed one of the toughest fights in boxing after finalising terms to face andre ward on june 20 .paul smith ( left ) has landed a shot at the unbeaten californian andre ward\"]\n", - "=======================\n", - "[\"paul smith will take on andre ward on june 20 in californiaward 's wba super-middleweight title will not be on the linesmith is coming off back-to-back world title defeats by arthur abrahamward has not fought since he beat edwin rodriquez in november 2013\"]\n", - "as revealed by sportsmail , the fight in oakland , california will not be for ward 's wba super-middleweight world title .paul smith has landed one of the toughest fights in boxing after finalising terms to face andre ward on june 20 .paul smith ( left ) has landed a shot at the unbeaten californian andre ward\n", - "paul smith will take on andre ward on june 20 in californiaward 's wba super-middleweight title will not be on the linesmith is coming off back-to-back world title defeats by arthur abrahamward has not fought since he beat edwin rodriquez in november 2013\n", - "[1.318086 1.2159778 1.1398109 1.0913448 1.1462481 1.1060722 1.0873225\n", - " 1.033822 1.1709898 1.0362272 1.0807371 1.0916817 1.1434765 1.0821228\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 8 4 12 2 5 11 3 6 13 10 9 7 14 15 16 17 18]\n", - "=======================\n", - "[\"( cnn ) just eight months ago , a young woman named fatu kekula was single-handedly trying to save her ebola-stricken family , donning trash bags to protect herself against the deadly virus .today , because of a cnn story and the generosity of donors from around the world , kekula wears scrubs bearing the emblem of the emory university nell hodgson woodruff school of nursing in atlanta , where she 's learning skills she can take back home to care for her fellow liberians .kekula , 23 , was just a year away from finishing up her nursing degree in liberia when ebola struck and her mother , father , sister and cousin came down with the disease .\"]\n", - "=======================\n", - "['fatu kekula , 23 , saved most of her family from ebolathanks to donors , she is being trained at emory universitykekula was one year away from finishing a nursing degree when ebola struck']\n", - "( cnn ) just eight months ago , a young woman named fatu kekula was single-handedly trying to save her ebola-stricken family , donning trash bags to protect herself against the deadly virus .today , because of a cnn story and the generosity of donors from around the world , kekula wears scrubs bearing the emblem of the emory university nell hodgson woodruff school of nursing in atlanta , where she 's learning skills she can take back home to care for her fellow liberians .kekula , 23 , was just a year away from finishing up her nursing degree in liberia when ebola struck and her mother , father , sister and cousin came down with the disease .\n", - "fatu kekula , 23 , saved most of her family from ebolathanks to donors , she is being trained at emory universitykekula was one year away from finishing a nursing degree when ebola struck\n", - "[1.3291888 1.640032 1.1419413 1.4569916 1.0523304 1.1085504 1.1022979\n", - " 1.1393735 1.0854877 1.0517153 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 7 5 6 8 4 9 10 11 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"manchester city striker natasha flint bagged a first-half hat-trick as the young lions squad came from a goal down to secure an impressive victory at seaview .england women 's under 19s smashed northern ireland 9-1 to keep their dreams of euro qualification very much alive .however , saturday 's defeat to norway could yet prove costly as england can now only make it to this summer 's finals in israel as best-placed runners up .\"]\n", - "=======================\n", - "[\"england women 's under 19 's came from behind to secure impressive winmo marley 's side smashed nine past northern ireland womens under 19smanchester city striker natasha flint bagged a first-half hat-trick in the winhowever , it is still touch and go as to whether england qualify for euros\"]\n", - "manchester city striker natasha flint bagged a first-half hat-trick as the young lions squad came from a goal down to secure an impressive victory at seaview .england women 's under 19s smashed northern ireland 9-1 to keep their dreams of euro qualification very much alive .however , saturday 's defeat to norway could yet prove costly as england can now only make it to this summer 's finals in israel as best-placed runners up .\n", - "england women 's under 19 's came from behind to secure impressive winmo marley 's side smashed nine past northern ireland womens under 19smanchester city striker natasha flint bagged a first-half hat-trick in the winhowever , it is still touch and go as to whether england qualify for euros\n", - "[1.2065246 1.1152755 1.2641084 1.1713545 1.2061453 1.1280205 1.172237\n", - " 1.234448 1.0667583 1.0328829 1.0585063 1.1050799 1.0786068 1.0577629\n", - " 1.0803748 1.0732795 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 7 0 4 6 3 5 1 11 14 12 15 8 10 13 9 19 16 17 18 20]\n", - "=======================\n", - "[\"as kenyans mourned those killed last week in one of the deadliest terrorist attacks in the nation , citizens used social media to share the victims ' stories , hopes and dreams .the attack in kenya killed 142 students , three security officers and two university security personnel , and was the nation 's deadliest since the bombing of the u.s. embassy in 1998 .( cnn ) one hundred and forty-seven victims .\"]\n", - "=======================\n", - "['kenyans use hashtag # 147notjustanumber to honor victims of kenya university attackthe attack killed 142 students , three security officers and two university security personnel']\n", - "as kenyans mourned those killed last week in one of the deadliest terrorist attacks in the nation , citizens used social media to share the victims ' stories , hopes and dreams .the attack in kenya killed 142 students , three security officers and two university security personnel , and was the nation 's deadliest since the bombing of the u.s. embassy in 1998 .( cnn ) one hundred and forty-seven victims .\n", - "kenyans use hashtag # 147notjustanumber to honor victims of kenya university attackthe attack killed 142 students , three security officers and two university security personnel\n", - "[1.0514766 1.4028219 1.1936232 1.3266897 1.1965598 1.2640603 1.0827423\n", - " 1.2516987 1.0570371 1.1601908 1.03463 1.0289314 1.0186951 1.036958\n", - " 1.0159857 1.0527359 1.0454504 1.0267913 1.0160207 1.0122007 1.0390702]\n", - "\n", - "[ 1 3 5 7 4 2 9 6 8 15 0 16 20 13 10 11 17 12 18 14 19]\n", - "=======================\n", - "[\"as a part of sky living 's promotion for its upcoming three-part drama , the enfield haunting , real london estate agents were invited to value a house in a viral video .an ordinary house in enfield is chosen as the location , and to draw the estate agents in , is a pretend homeowner , rosie , who wants her house valued .installed with secret cameras , microphones and booby traps , the unsuspecting estate agents are subject to cruel , but hilarious , pranks - which prompt hysterical reactions .\"]\n", - "=======================\n", - "[\"london estate agents invited to value a house rigged with special effectsthe viral video was created to promote sky living 's new three-part dramathe enfield haunting looks at supposed genuine haunting in late seventies\"]\n", - "as a part of sky living 's promotion for its upcoming three-part drama , the enfield haunting , real london estate agents were invited to value a house in a viral video .an ordinary house in enfield is chosen as the location , and to draw the estate agents in , is a pretend homeowner , rosie , who wants her house valued .installed with secret cameras , microphones and booby traps , the unsuspecting estate agents are subject to cruel , but hilarious , pranks - which prompt hysterical reactions .\n", - "london estate agents invited to value a house rigged with special effectsthe viral video was created to promote sky living 's new three-part dramathe enfield haunting looks at supposed genuine haunting in late seventies\n", - "[1.4733248 1.2445027 1.2824525 1.284192 1.2323036 1.1986244 1.0981668\n", - " 1.0883003 1.09883 1.0390713 1.0143273 1.017891 1.0404719 1.0517707\n", - " 1.0150977 1.0157841 1.0124264 1.0151287 1.1905801 0. 0. ]\n", - "\n", - "[ 0 3 2 1 4 5 18 8 6 7 13 12 9 11 15 17 14 10 16 19 20]\n", - "=======================\n", - "[\"washington post journalist jason rezaian has been detained in iran for eight months and faces trial for ` security charges ' unspecified by the governmentthe fars news agency did not reveal the source for their information , but the agency is considered to be close to the ultra conservative iran hard-liners .the report alleges that rezaian , 39 , obtained economic and industrial information from the country and then sold it to unnamed americans .\"]\n", - "=======================\n", - "[\"fars news agency alleges that jason rezaian sold economic and industrial information he obtained from iran to americansgovernment officials said in january that rezaian , 39 , would stand trial for unspecified ` security charges 'rezaian was taken from his tehran home on july 22 and was not permitted to hire a lawyer until last month\"]\n", - "washington post journalist jason rezaian has been detained in iran for eight months and faces trial for ` security charges ' unspecified by the governmentthe fars news agency did not reveal the source for their information , but the agency is considered to be close to the ultra conservative iran hard-liners .the report alleges that rezaian , 39 , obtained economic and industrial information from the country and then sold it to unnamed americans .\n", - "fars news agency alleges that jason rezaian sold economic and industrial information he obtained from iran to americansgovernment officials said in january that rezaian , 39 , would stand trial for unspecified ` security charges 'rezaian was taken from his tehran home on july 22 and was not permitted to hire a lawyer until last month\n", - "[1.23003 1.4830678 1.2718192 1.3669102 1.1048334 1.0561761 1.0561496\n", - " 1.038805 1.0400196 1.0842351 1.0801531 1.1201339 1.0239202 1.1167147\n", - " 1.0343751 1.0974964 1.0738591 1.1492071 1.0736189 0. 0. ]\n", - "\n", - "[ 1 3 2 0 17 11 13 4 15 9 10 16 18 5 6 8 7 14 12 19 20]\n", - "=======================\n", - "[\"holly nicole solomon , now 31 , admitted to running over her husband daniel in a mesa parking lot after an argument where she said that her family would ` face hardship ' because of barack obama 's reelection .solomon , who was six months pregnant at the time , originally pleaded not guilty to charges of aggravated assault and disorderly conduct for the incident , but now will serve three and a half years in prison following a plea deal .an arizona woman has pleaded guilty to hitting her husband with their suv because he did n't vote in the 2012 presidential election .\"]\n", - "=======================\n", - "[\"holly nicole solomon , now 31 , hit husband in mesa , arizona , parking lotshe was mad he did n't vote because they would ` face hardship ' with obamahusband had tried to hide by light pole but she drove in circles to hit himsolomon accepted plea deal that will send her to prison for 3 1/2 yearsshe originally pleaded not guilty and said she meant to hit brakes\"]\n", - "holly nicole solomon , now 31 , admitted to running over her husband daniel in a mesa parking lot after an argument where she said that her family would ` face hardship ' because of barack obama 's reelection .solomon , who was six months pregnant at the time , originally pleaded not guilty to charges of aggravated assault and disorderly conduct for the incident , but now will serve three and a half years in prison following a plea deal .an arizona woman has pleaded guilty to hitting her husband with their suv because he did n't vote in the 2012 presidential election .\n", - "holly nicole solomon , now 31 , hit husband in mesa , arizona , parking lotshe was mad he did n't vote because they would ` face hardship ' with obamahusband had tried to hide by light pole but she drove in circles to hit himsolomon accepted plea deal that will send her to prison for 3 1/2 yearsshe originally pleaded not guilty and said she meant to hit brakes\n", - "[1.2484162 1.2921767 1.3500495 1.2356832 1.2314422 1.102572 1.0908313\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 4 5 6 18 17 16 15 14 13 10 11 19 9 8 7 12 20]\n", - "=======================\n", - "['now popular comic book writer frank miller is returning to his best-known story .\" the dark knight returns , \" published in 1986 , is widely credited for resurrecting batman in pop culture , something we \\'ve seen referenced in everything from 1989 \\'s \" batman \" to the \" dark knight \" trilogy and the upcoming \" batman v. superman : dawn of justice . \"this third chapter in the grim saga will be released sometime in the fall .']\n", - "=======================\n", - "['classic comic book \" the dark knight returns \" is getting a second sequellegendary comics writer frank miller is returning to the story that made him famous']\n", - "now popular comic book writer frank miller is returning to his best-known story .\" the dark knight returns , \" published in 1986 , is widely credited for resurrecting batman in pop culture , something we 've seen referenced in everything from 1989 's \" batman \" to the \" dark knight \" trilogy and the upcoming \" batman v. superman : dawn of justice . \"this third chapter in the grim saga will be released sometime in the fall .\n", - "classic comic book \" the dark knight returns \" is getting a second sequellegendary comics writer frank miller is returning to the story that made him famous\n", - "[1.318937 1.4017591 1.1092973 1.335367 1.103318 1.1819277 1.023545\n", - " 1.2815429 1.1223996 1.1536679 1.0644809 1.0712757 1.0365638 1.0983016\n", - " 1.1943899 1.0807083 0. 0. ]\n", - "\n", - "[ 1 3 0 7 14 5 9 8 2 4 13 15 11 10 12 6 16 17]\n", - "=======================\n", - "[\"the marketing team for both mayweather and pacquiao put together the 30-second clip , filmed in a los angeles studio on march 11 , to advertise the pay-per-view event .the official advert for floyd mayweather ( left ) vs manny pacquiao on pay per view has been releasedthe fight on may 2 is expected to break the pay-per-view record of # 102m set by mayweather 's fight with saul ` canelo ' alvarez in september 2013 .\"]\n", - "=======================\n", - "[\"the official advert for the pay-per-view fight has been releasedfloyd mayweather and manny pacquiao meet on may 2 in las vegasthe advert shows them squaring up with the mgm grand visible behindamir khan : mayweather and pacquiao have n't heard of kell brookfreddie roach : pacquiao will knock mayweather outclick here for all the latest mayweather vs pacquiao fight news\"]\n", - "the marketing team for both mayweather and pacquiao put together the 30-second clip , filmed in a los angeles studio on march 11 , to advertise the pay-per-view event .the official advert for floyd mayweather ( left ) vs manny pacquiao on pay per view has been releasedthe fight on may 2 is expected to break the pay-per-view record of # 102m set by mayweather 's fight with saul ` canelo ' alvarez in september 2013 .\n", - "the official advert for the pay-per-view fight has been releasedfloyd mayweather and manny pacquiao meet on may 2 in las vegasthe advert shows them squaring up with the mgm grand visible behindamir khan : mayweather and pacquiao have n't heard of kell brookfreddie roach : pacquiao will knock mayweather outclick here for all the latest mayweather vs pacquiao fight news\n", - "[1.1418276 1.0873078 1.3198329 1.2408317 1.2567037 1.2245326 1.058599\n", - " 1.0536124 1.207787 1.0502756 1.031282 1.038531 1.0976163 1.1183794\n", - " 1.0453902 1.0259377 1.0503967 1.0373036]\n", - "\n", - "[ 2 4 3 5 8 0 13 12 1 6 7 16 9 14 11 17 10 15]\n", - "=======================\n", - "['believed to be constructed in the first century a.d. and situated on one of the most important ancient trade routes , linking the north and south of the arabian peninsula , the mysterious monument was never finished .now a unesco world heritage site , the ancient remains of qasr al-farid - a rock-cut tomb and part of an ancient nabatean settlement - stands amidst imposing cliffs and striking rocky outcropthe striking structure is the largest of the 131 tombs in the area , hinting it was intended for someone of great power']\n", - "=======================\n", - "[\"qasr al-farid or ` the lonely castle ' has been standing strong since the first century adthe single-rock tomb is incomplete and abandoned , but fascinatingly reveals structures were carved from top downthe striking castle is one of 131 tombs from the nabatean kingdom , located in the al-ula sector\"]\n", - "believed to be constructed in the first century a.d. and situated on one of the most important ancient trade routes , linking the north and south of the arabian peninsula , the mysterious monument was never finished .now a unesco world heritage site , the ancient remains of qasr al-farid - a rock-cut tomb and part of an ancient nabatean settlement - stands amidst imposing cliffs and striking rocky outcropthe striking structure is the largest of the 131 tombs in the area , hinting it was intended for someone of great power\n", - "qasr al-farid or ` the lonely castle ' has been standing strong since the first century adthe single-rock tomb is incomplete and abandoned , but fascinatingly reveals structures were carved from top downthe striking castle is one of 131 tombs from the nabatean kingdom , located in the al-ula sector\n", - "[1.492729 1.2219095 1.4285687 1.2228427 1.3105513 1.134507 1.0686033\n", - " 1.0317186 1.0462271 1.0230038 1.0468136 1.0506299 1.0601647 1.0919138\n", - " 1.081139 1.0251756 1.0258249 0. ]\n", - "\n", - "[ 0 2 4 3 1 5 13 14 6 12 11 10 8 7 16 15 9 17]\n", - "=======================\n", - "[\"` the general ' : mohammed suleman khan , 43 , was sent to prison for four years last april but faces ten more years if he does not pay back # 2.2 mserving inmate khan faced a proceeds of crime hearing at liverpool crown court last week and was ordered to pay # 2.2 million within six months .his nine-year scam was exposed after police raided his birmingham home and discovered plans for his own mansion in pakistan , complete with library , cinema and servant quarters .\"]\n", - "=======================\n", - "[\"mohammed suleman khan lived extravagant lifestyle without a jobpolice found he was building his own buckingham palace in pakistanknown as ` the general ' in uk gangland and jailed for four years last yearjudge orders him to pay back # 2.2 m or face another ten years in jail\"]\n", - "` the general ' : mohammed suleman khan , 43 , was sent to prison for four years last april but faces ten more years if he does not pay back # 2.2 mserving inmate khan faced a proceeds of crime hearing at liverpool crown court last week and was ordered to pay # 2.2 million within six months .his nine-year scam was exposed after police raided his birmingham home and discovered plans for his own mansion in pakistan , complete with library , cinema and servant quarters .\n", - "mohammed suleman khan lived extravagant lifestyle without a jobpolice found he was building his own buckingham palace in pakistanknown as ` the general ' in uk gangland and jailed for four years last yearjudge orders him to pay back # 2.2 m or face another ten years in jail\n", - "[1.3409328 1.3987505 1.1753119 1.2537718 1.1060866 1.0604906 1.1161926\n", - " 1.0329081 1.0368956 1.1059431 1.1092219 1.0513942 1.1842194 1.0337181\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 12 2 6 10 4 9 5 11 8 13 7 14 15 16 17]\n", - "=======================\n", - "[\"justin jackson , a florida man , has been carrying out the bizarre schemes in the hope of cashing in on the freebies , or winning himself a job in luxurious hotels , according to court documents .an alleged fraudster has been accused of posing as oprah winfrey , executives from her tv network , former obama aide reggie love and madonna 's manager in an attempt to trick people into giving him jobs , clothes , free food and jewelry worth $ 2.4 million .jackson is being sued by oprah 's tv network as well as love - the college basketball star who went on to be the president 's personal assistant .\"]\n", - "=======================\n", - "[\"justin jackson allegedly pretended to be celebrity-linked charactersaccused of sending messages to get expensive swag , or get hired in hotelsmost brazen alleged scheme was in 2007 , when he ` made off with jewelry worth $ 2.4 million after saying he needed it for madonna photoshoot 'now being sued in florida federal court by love and oprah 's tv networkjackson named alongside angel agarrat , another alleged fraudster\"]\n", - "justin jackson , a florida man , has been carrying out the bizarre schemes in the hope of cashing in on the freebies , or winning himself a job in luxurious hotels , according to court documents .an alleged fraudster has been accused of posing as oprah winfrey , executives from her tv network , former obama aide reggie love and madonna 's manager in an attempt to trick people into giving him jobs , clothes , free food and jewelry worth $ 2.4 million .jackson is being sued by oprah 's tv network as well as love - the college basketball star who went on to be the president 's personal assistant .\n", - "justin jackson allegedly pretended to be celebrity-linked charactersaccused of sending messages to get expensive swag , or get hired in hotelsmost brazen alleged scheme was in 2007 , when he ` made off with jewelry worth $ 2.4 million after saying he needed it for madonna photoshoot 'now being sued in florida federal court by love and oprah 's tv networkjackson named alongside angel agarrat , another alleged fraudster\n", - "[1.237463 1.3420292 1.3128568 1.1384757 1.1133716 1.1767113 1.0396254\n", - " 1.1326145 1.104775 1.1003584 1.1258931 1.0855983 1.0699823 1.0561528\n", - " 1.05934 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 5 3 7 10 4 8 9 11 12 14 13 6 15 16 17]\n", - "=======================\n", - "[\"dr giorgi-guarnieri testified on friday during court hearings in washington , d.c. , that will ultimately determine whether and under which conditions john hinckley jr. will be allowed to live full time outside a mental hospital .john hinckley jr , in 2014 , the would-be assassin of president ronald reagan , pictured for the first time since a court ruled he can spend 17 days a month away from a mental home where he has been for the last three decades at his mother 's virginia homeone of hinckley 's interests is music , and he sings and plays the guitar .\"]\n", - "=======================\n", - "[\"dr giorgi-guarnieri testified at hearing that will ultimately determine whether hinckley will be allowed to live full time outside a mental hospitalgiorgi-guarnieri said hinckley should be allowed to start the band but not perform publiclyhinckley 's lawyer and treatment team say he 's ready to live full time at his 89-year-old mother 's home in virginia under certain conditions\"]\n", - "dr giorgi-guarnieri testified on friday during court hearings in washington , d.c. , that will ultimately determine whether and under which conditions john hinckley jr. will be allowed to live full time outside a mental hospital .john hinckley jr , in 2014 , the would-be assassin of president ronald reagan , pictured for the first time since a court ruled he can spend 17 days a month away from a mental home where he has been for the last three decades at his mother 's virginia homeone of hinckley 's interests is music , and he sings and plays the guitar .\n", - "dr giorgi-guarnieri testified at hearing that will ultimately determine whether hinckley will be allowed to live full time outside a mental hospitalgiorgi-guarnieri said hinckley should be allowed to start the band but not perform publiclyhinckley 's lawyer and treatment team say he 's ready to live full time at his 89-year-old mother 's home in virginia under certain conditions\n", - "[1.2532697 1.3432182 1.1762499 1.0936294 1.2791176 1.2083739 1.1207213\n", - " 1.1229014 1.0509 1.1286712 1.0575724 1.079301 1.0689398 1.0492156\n", - " 1.0120423 1.0380003 1.0379007 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 5 2 9 7 6 3 11 12 10 8 13 15 16 14 18 17 19]\n", - "=======================\n", - "[\"gchq , the government 's listening post , unlawfully intercepted telephone calls and emails from sami al-saadi -- even though the legally-privileged material was protected by strict rules .britain 's intelligence agencies have been ordered to destroy information they got illegally by spying on confidential communications between a libyan dissident and his lawyers , a watchdog has ruled .gchq confessed it intercepted confidential conversations between mr al-saadi ( pictured ) and his lawyer\"]\n", - "=======================\n", - "[\"sami al-saadi 's communications with his lawyer were illegally interceptedthe investigatory powers tribunal overseeing the security services has ordered spies to destroy two copies of the eavesdropped communicationsmr al-saadi claims the british government was complicit in kidnapping him and sending him back to libya to be tortured by the gadaffi regime\"]\n", - "gchq , the government 's listening post , unlawfully intercepted telephone calls and emails from sami al-saadi -- even though the legally-privileged material was protected by strict rules .britain 's intelligence agencies have been ordered to destroy information they got illegally by spying on confidential communications between a libyan dissident and his lawyers , a watchdog has ruled .gchq confessed it intercepted confidential conversations between mr al-saadi ( pictured ) and his lawyer\n", - "sami al-saadi 's communications with his lawyer were illegally interceptedthe investigatory powers tribunal overseeing the security services has ordered spies to destroy two copies of the eavesdropped communicationsmr al-saadi claims the british government was complicit in kidnapping him and sending him back to libya to be tortured by the gadaffi regime\n", - "[1.2631276 1.2115169 1.1620682 1.2593578 1.240652 1.154756 1.0965947\n", - " 1.1545601 1.0786802 1.0628927 1.0832638 1.0796728 1.0364329 1.0466244\n", - " 1.0229928 1.0443165 1.1985658 1.0612844 0. 0. ]\n", - "\n", - "[ 0 3 4 1 16 2 5 7 6 10 11 8 9 17 13 15 12 14 18 19]\n", - "=======================\n", - "['in the past year solar power in the uk has more than doubled while in the us it has grown by 30 per cent .sonnenspeicher ( pictured ) uses a lithium iron phosphate battery to store energy harnessed by solar panels .this energy can be used throughout the day , and any excess is stored for when the sun goes down .']\n", - "=======================\n", - "[\"sonnenspeicher was designed by wolfram walter and german firm asdits lithium iron phosphate battery stores energy from solar panelscheapest model is $ 8,450 ( # 6,170 ) , but it will save money on electricity billsit also comes with ` intelligent management system ' that controls current\"]\n", - "in the past year solar power in the uk has more than doubled while in the us it has grown by 30 per cent .sonnenspeicher ( pictured ) uses a lithium iron phosphate battery to store energy harnessed by solar panels .this energy can be used throughout the day , and any excess is stored for when the sun goes down .\n", - "sonnenspeicher was designed by wolfram walter and german firm asdits lithium iron phosphate battery stores energy from solar panelscheapest model is $ 8,450 ( # 6,170 ) , but it will save money on electricity billsit also comes with ` intelligent management system ' that controls current\n", - "[1.2275465 1.4643457 1.2592895 1.2202514 1.0745953 1.0733578 1.132407\n", - " 1.0415866 1.1560112 1.1635318 1.0311908 1.0261251 1.0531257 1.0213106\n", - " 1.0401317 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 9 8 6 4 5 12 7 14 10 11 13 18 15 16 17 19]\n", - "=======================\n", - "[\"within ten minutes of tomorrow night 's episode , fans will see aidan turner 's dashing ross poldark gaze lovingly at his new baby daughter .as sunday night 's latest heartthrob , women across the country have voiced their longing to settle down with the brooding cornish gentleman -- but unfortunately it seems as if his heart is well and truly off the market .last week she was barely showing -- but demelza poldark is now the proud mother to the show 's latest addition .\"]\n", - "=======================\n", - "[\"spoiler alert : maid gives birth to baby on sunday 's episodeonly announced she was pregnant with poldark 's baby last week\"]\n", - "within ten minutes of tomorrow night 's episode , fans will see aidan turner 's dashing ross poldark gaze lovingly at his new baby daughter .as sunday night 's latest heartthrob , women across the country have voiced their longing to settle down with the brooding cornish gentleman -- but unfortunately it seems as if his heart is well and truly off the market .last week she was barely showing -- but demelza poldark is now the proud mother to the show 's latest addition .\n", - "spoiler alert : maid gives birth to baby on sunday 's episodeonly announced she was pregnant with poldark 's baby last week\n", - "[1.339768 1.3084171 1.2324998 1.3372204 1.3079764 1.2750136 1.0699391\n", - " 1.09809 1.0171715 1.0155418 1.0154346 1.0138999 1.0121372 1.0183325\n", - " 1.0110264 1.0245432 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 5 2 7 6 15 13 8 9 10 11 12 14 18 16 17 19]\n", - "=======================\n", - "[\"jose mourinho might have called it poetic justice as ashley barnes was sent off on the stroke of half-time to deliver a major blow to burnley 's prospects of staying in the premier league .burnley were left feeling hard-done-by as referee mike jones denied them a couple of possible penalties and more significantly allowed kevin mirallas to stay on the pitch for a tackle worse than anything barnes did .everton forward kevin mirallas ( right ) opens the scoring on his return to the first team at goodison park\"]\n", - "=======================\n", - "[\"everton defeated 10-men burnley 1-0 in their premier league clash at goodison parktom heaton saved a penalty from ross barkley after aaron lennon was fouled in the areakevin mirallas scored the toffees ' winner with a drilled shot after initially miskicking the ballclarets forward ashley barnes was sent off for a second bookable offence on the stroke of half-timemirallas was fortunate to escape being dismissed for a high challenge on george boyd\"]\n", - "jose mourinho might have called it poetic justice as ashley barnes was sent off on the stroke of half-time to deliver a major blow to burnley 's prospects of staying in the premier league .burnley were left feeling hard-done-by as referee mike jones denied them a couple of possible penalties and more significantly allowed kevin mirallas to stay on the pitch for a tackle worse than anything barnes did .everton forward kevin mirallas ( right ) opens the scoring on his return to the first team at goodison park\n", - "everton defeated 10-men burnley 1-0 in their premier league clash at goodison parktom heaton saved a penalty from ross barkley after aaron lennon was fouled in the areakevin mirallas scored the toffees ' winner with a drilled shot after initially miskicking the ballclarets forward ashley barnes was sent off for a second bookable offence on the stroke of half-timemirallas was fortunate to escape being dismissed for a high challenge on george boyd\n", - "[1.1819243 1.2626445 1.2031078 1.1609557 1.2247137 1.1399364 1.1059104\n", - " 1.0823579 1.06658 1.0706635 1.019685 1.0290346 1.0764868 1.1237818\n", - " 1.14494 1.0532478 1.0226711 1.0219166 1.0240817 1.045912 ]\n", - "\n", - "[ 1 4 2 0 3 14 5 13 6 7 12 9 8 15 19 11 18 16 17 10]\n", - "=======================\n", - "[\"saige , five , who 's from the us , concludes the passionate rant by declaring she will move out and stay with her mum 's best friend : ` i 'm moving on , i 'm going to jenn 's ! 'says five-year-old saige , who has had enough of living with her mother for five yearsunfortunately for her , her mother refuses to take the threat seriously and just laughs at her daughter , responding : ` no you 're not . '\"]\n", - "=======================\n", - "[\"saige 's rant is captured on film by her mother who put it onlineshe loaded the funny video on to her youtube channel fourth st. jamesclip in which little girl threatens to leave has been watched 120,000 timessaige : ` this is way dirty , it has no space .\"]\n", - "saige , five , who 's from the us , concludes the passionate rant by declaring she will move out and stay with her mum 's best friend : ` i 'm moving on , i 'm going to jenn 's ! 'says five-year-old saige , who has had enough of living with her mother for five yearsunfortunately for her , her mother refuses to take the threat seriously and just laughs at her daughter , responding : ` no you 're not . '\n", - "saige 's rant is captured on film by her mother who put it onlineshe loaded the funny video on to her youtube channel fourth st. jamesclip in which little girl threatens to leave has been watched 120,000 timessaige : ` this is way dirty , it has no space .\n", - "[1.3046874 1.1396077 1.46611 1.1811067 1.1662303 1.2236053 1.0352454\n", - " 1.0294082 1.0198019 1.0489411 1.0273172 1.0671782 1.1565922 1.2916365\n", - " 1.0665298 1.059951 1.0303199 1.0612135 1.0527927]\n", - "\n", - "[ 2 0 13 5 3 4 12 1 11 14 17 15 18 9 6 16 7 10 8]\n", - "=======================\n", - "['the two-bedroomed terraced house - number 20 the lindens in new addington , near croydon south london - was bulldozed in june 2013 along with the two neighbouring properties .the house where tia sharp was sexually assaulted and then brutally murdered before her body was hidden in the loft has finally been erased from a community .in its place , two new houses have been built , which will be numbered 19a and 19b , completely wiping number 20 from the map .']\n", - "=======================\n", - "[\"two houses built over the site of former home so address no longer existsplace of 12-year-old 's brutal murder was reminder of evil to its neighboursstuart hazell abused young tia there before dumping her body in the loftcouncil feared new addington house would become sick tourist attraction\"]\n", - "the two-bedroomed terraced house - number 20 the lindens in new addington , near croydon south london - was bulldozed in june 2013 along with the two neighbouring properties .the house where tia sharp was sexually assaulted and then brutally murdered before her body was hidden in the loft has finally been erased from a community .in its place , two new houses have been built , which will be numbered 19a and 19b , completely wiping number 20 from the map .\n", - "two houses built over the site of former home so address no longer existsplace of 12-year-old 's brutal murder was reminder of evil to its neighboursstuart hazell abused young tia there before dumping her body in the loftcouncil feared new addington house would become sick tourist attraction\n", - "[1.3815536 1.2155232 1.1648984 1.2577975 1.1688758 1.1810372 1.0822244\n", - " 1.0873983 1.0607938 1.0764872 1.0410928 1.0858557 1.0567789 1.0646635\n", - " 1.0335118 1.0147561 1.025309 0. 0. ]\n", - "\n", - "[ 0 3 1 5 4 2 7 11 6 9 13 8 12 10 14 16 15 17 18]\n", - "=======================\n", - "[\"( cnn ) giovanni lo porto put himself in harm 's way to help , heading to pakistan to work on a much needed reconstruction project following deadly flooding there .two years later , lo porto was dead -- killed accidentally by a u.s. drone strike , according to american authorities .his work and his life , as he knew it then , came to a halt on january 19 , 2012 .\"]\n", - "=======================\n", - "['ngo where lo porto works describes him as a lively , positive man with lots of friendslondon university says he was a \" popular student ... committed to helping others \"he was killed in a u.s. counterterrorism strike in january , authorities say']\n", - "( cnn ) giovanni lo porto put himself in harm 's way to help , heading to pakistan to work on a much needed reconstruction project following deadly flooding there .two years later , lo porto was dead -- killed accidentally by a u.s. drone strike , according to american authorities .his work and his life , as he knew it then , came to a halt on january 19 , 2012 .\n", - "ngo where lo porto works describes him as a lively , positive man with lots of friendslondon university says he was a \" popular student ... committed to helping others \"he was killed in a u.s. counterterrorism strike in january , authorities say\n", - "[1.347905 1.4420474 1.3112558 1.1542139 1.1490694 1.2326896 1.1647892\n", - " 1.1426979 1.0158954 1.0146745 1.0140164 1.1432863 1.0779749 1.0597217\n", - " 1.0781038 1.1256248 1.2195084 0. 0. ]\n", - "\n", - "[ 1 0 2 5 16 6 3 4 11 7 15 14 12 13 8 9 10 17 18]\n", - "=======================\n", - "['authorities say a gunshot rang out and then a man was found dead with an apparent self-inflicted wound around 5 p.m. near the buffet at m resort spa and casino in henderson , nevada .police say one adult who heard the gunshot and fell while running away was taken to the hospital with minor injuries .several people who had gone to the buffet for an easter meal posted tweets expressing their shock at the incident']\n", - "=======================\n", - "['unnamed man was found dead from an apparent self-inflicted wound around 5 p.m. on sundayincident happened near the buffet at the m resort spa and casino in henderson , nevadawitness describe hearing a large boom and then seeing a man lying on the ground with a pool of blood surrounding his salt-and-pepper haira car fire was reported at the same time in the parking garage , and police are investigating if the two incidents are related']\n", - "authorities say a gunshot rang out and then a man was found dead with an apparent self-inflicted wound around 5 p.m. near the buffet at m resort spa and casino in henderson , nevada .police say one adult who heard the gunshot and fell while running away was taken to the hospital with minor injuries .several people who had gone to the buffet for an easter meal posted tweets expressing their shock at the incident\n", - "unnamed man was found dead from an apparent self-inflicted wound around 5 p.m. on sundayincident happened near the buffet at the m resort spa and casino in henderson , nevadawitness describe hearing a large boom and then seeing a man lying on the ground with a pool of blood surrounding his salt-and-pepper haira car fire was reported at the same time in the parking garage , and police are investigating if the two incidents are related\n", - "[1.3989488 1.4171187 1.1234665 1.1930661 1.1583004 1.029487 1.0521286\n", - " 1.2059163 1.0357773 1.0592937 1.0396353 1.0292839 1.0424018 1.1656433\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 7 3 13 4 2 9 6 12 10 8 5 11 17 14 15 16 18]\n", - "=======================\n", - "[\"manhattan-based skin laundry says that after just ten minutes , their light and laser procedure will leave your skin ` glowing ' , while also promising that long-term use will reduce wrinkles , clear acne , and minimize scarring .a new york city skin clinic 's popular new laser treatment promises to tighten skin and improve complexion - if clients are brave enough to sign a waiver releasing their personal information to a funeral director and a coroner first .but that has n't stopped skin-obsessed new yorkers from flocking to the manhattan location .\"]\n", - "=======================\n", - "['skin laundry , a trendy new skin clinic in manhattan , offers a ten-minute laser facial which promises to tighten skinclients have to sign a waiver allowing the clinic to give information to a funeral director , a coroner and to donate their organs']\n", - "manhattan-based skin laundry says that after just ten minutes , their light and laser procedure will leave your skin ` glowing ' , while also promising that long-term use will reduce wrinkles , clear acne , and minimize scarring .a new york city skin clinic 's popular new laser treatment promises to tighten skin and improve complexion - if clients are brave enough to sign a waiver releasing their personal information to a funeral director and a coroner first .but that has n't stopped skin-obsessed new yorkers from flocking to the manhattan location .\n", - "skin laundry , a trendy new skin clinic in manhattan , offers a ten-minute laser facial which promises to tighten skinclients have to sign a waiver allowing the clinic to give information to a funeral director , a coroner and to donate their organs\n", - "[1.391048 1.347923 1.229576 1.4830306 1.0462173 1.126538 1.0294383\n", - " 1.2506845 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 7 2 5 4 6 16 15 14 13 9 11 10 17 8 12 18]\n", - "=======================\n", - "[\"justin rose is back training and was pictured using his state-of-the-art # 30,000 indoor simulatorjoint runner-up with phil mickelson , the englishman was delighted with his performance , as he pushed winner jordan speith all the way on the final day and earned himself a hefty pay-day .rose , however , is already looking ahead to his next outing and posted a photograph on twitter , showing his followers his high-tech ` trackman indoor high definition golf simulator . '\"]\n", - "=======================\n", - "['justin rose posted photo on twitter of his high-tech indoor simulatorthe technology is worth # 30,000 and offers player high-definition golfrose impressed during masters 2015 and finished in joint second']\n", - "justin rose is back training and was pictured using his state-of-the-art # 30,000 indoor simulatorjoint runner-up with phil mickelson , the englishman was delighted with his performance , as he pushed winner jordan speith all the way on the final day and earned himself a hefty pay-day .rose , however , is already looking ahead to his next outing and posted a photograph on twitter , showing his followers his high-tech ` trackman indoor high definition golf simulator . '\n", - "justin rose posted photo on twitter of his high-tech indoor simulatorthe technology is worth # 30,000 and offers player high-definition golfrose impressed during masters 2015 and finished in joint second\n", - "[1.230658 1.5489905 1.2080216 1.3277239 1.1614957 1.0926888 1.0921038\n", - " 1.0619053 1.0556597 1.1222833 1.1185818 1.0773534 1.0198253 1.0637969\n", - " 1.1139864 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 9 10 14 5 6 11 13 7 8 12 17 15 16 18]\n", - "=======================\n", - "[\"raymond townsend , a manager at us limousine on long island , new york , was found liable for sexual harassment against his dispatcher geralyn ganci , now 32 , after more than a year of lurid messages .the married manager of a limousine company fired an employee for refusing to have sex with him , and even said as much in a text he sent her .he also sent her texts saying that he ` had to pull over to the side of the road and masturbate thinking about me ' , ganci said in court papers .\"]\n", - "=======================\n", - "[\"gerlayn ganci , 32 , repeatedly asked for sex by boss raymond townsendlong island 's us limousine and manager to pay $ 700,000 after firingtownsend sent text explaining reason was ` refused to have sex ' with himmarried manager told her to come over when his wife was away\"]\n", - "raymond townsend , a manager at us limousine on long island , new york , was found liable for sexual harassment against his dispatcher geralyn ganci , now 32 , after more than a year of lurid messages .the married manager of a limousine company fired an employee for refusing to have sex with him , and even said as much in a text he sent her .he also sent her texts saying that he ` had to pull over to the side of the road and masturbate thinking about me ' , ganci said in court papers .\n", - "gerlayn ganci , 32 , repeatedly asked for sex by boss raymond townsendlong island 's us limousine and manager to pay $ 700,000 after firingtownsend sent text explaining reason was ` refused to have sex ' with himmarried manager told her to come over when his wife was away\n", - "[1.2516341 1.5143707 1.2854018 1.2280087 1.2524053 1.2003415 1.1465168\n", - " 1.0238252 1.0210879 1.0149873 1.0821457 1.0695301 1.1477566 1.1601543\n", - " 1.0780563 1.0466605 1.0142689 1.0749754 1.0299786]\n", - "\n", - "[ 1 2 4 0 3 5 13 12 6 10 14 17 11 15 18 7 8 9 16]\n", - "=======================\n", - "[\"jennifer houle , 22 , vanished from a bar in minneapolis in the early hours of friday and was later captured on surveillance footage as she walked alone on the 10th avenue bridge .authorities have not said whether she fell or jumped from the bridge , which is 110ft above the river .the medical examiner 's office identified the body as houle 's on thursday .\"]\n", - "=======================\n", - "[\"jennifer houle went missing between 1am and 2am on friday during a night out with a friend in minneapolispolice discovered video footage showing her alone on a nearby bridge and said she entered the water - but it is not clear if she jumped or fellteams searching the water recovered her body on wednesdaymedical examiner 's office say houle died of freshwater drowning\"]\n", - "jennifer houle , 22 , vanished from a bar in minneapolis in the early hours of friday and was later captured on surveillance footage as she walked alone on the 10th avenue bridge .authorities have not said whether she fell or jumped from the bridge , which is 110ft above the river .the medical examiner 's office identified the body as houle 's on thursday .\n", - "jennifer houle went missing between 1am and 2am on friday during a night out with a friend in minneapolispolice discovered video footage showing her alone on a nearby bridge and said she entered the water - but it is not clear if she jumped or fellteams searching the water recovered her body on wednesdaymedical examiner 's office say houle died of freshwater drowning\n", - "[1.444839 1.4446324 1.2761153 1.3807551 1.3229651 1.1124673 1.0675063\n", - " 1.0128651 1.0110205 1.1127119 1.112751 1.0637815 1.016273 1.0438751\n", - " 1.00993 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 4 2 10 9 5 6 11 13 12 7 8 14 17 15 16 18]\n", - "=======================\n", - "[\"swansea manager garry monk insists newcastle 's players will not be affected by any supporters ' protests at st james ' park on saturday .the magpies have lost their last six barclays premier league games under caretaker manager john carver and more demonstrations are planned for the visit of swansea after a significantly smaller crowd than usual saw last weekend 's 3-1 home defeat to tottenham .newcastle united fans have planned a mass protest against owner mike ashley on saturday afternoon\"]\n", - "=======================\n", - "[\"newcastle united face swansea at st james ' park on saturdaythe magpies have lost their last six barclays premier league gamesfans group ashleyout.com have asked supporters to stand in 34th minuteswansea are unbeaten in their three premier league visits to newcastle\"]\n", - "swansea manager garry monk insists newcastle 's players will not be affected by any supporters ' protests at st james ' park on saturday .the magpies have lost their last six barclays premier league games under caretaker manager john carver and more demonstrations are planned for the visit of swansea after a significantly smaller crowd than usual saw last weekend 's 3-1 home defeat to tottenham .newcastle united fans have planned a mass protest against owner mike ashley on saturday afternoon\n", - "newcastle united face swansea at st james ' park on saturdaythe magpies have lost their last six barclays premier league gamesfans group ashleyout.com have asked supporters to stand in 34th minuteswansea are unbeaten in their three premier league visits to newcastle\n", - "[1.1589217 1.3842895 1.3736205 1.1956722 1.0462387 1.2391517 1.153007\n", - " 1.0307194 1.1900878 1.0826417 1.1438982 1.13956 1.0455816 1.0556262\n", - " 1.0400367 1.0236942 1.0161617 1.0070736 1.0290012]\n", - "\n", - "[ 1 2 5 3 8 0 6 10 11 9 13 4 12 14 7 18 15 16 17]\n", - "=======================\n", - "[\"a new study claims these ` taxibots ' could cut the number of cars needed to perform the same number of journeys per day by 90 per cent .the finding comes amid reports that companies such as google and uber are working on technology to develop driverless taxis .car-congested cities could become a thing of the past , provided people are prepared to ride-share with a robot driver .\"]\n", - "=======================\n", - "['computer model simulated how driverless cabs would affect lisbon trafficeven with only one passenger per ride , car number dropped by 77 per centswapping personal cars with self-driving cabs would free valuable spacegoogle and uber are already working on technology for self-driving taxis']\n", - "a new study claims these ` taxibots ' could cut the number of cars needed to perform the same number of journeys per day by 90 per cent .the finding comes amid reports that companies such as google and uber are working on technology to develop driverless taxis .car-congested cities could become a thing of the past , provided people are prepared to ride-share with a robot driver .\n", - "computer model simulated how driverless cabs would affect lisbon trafficeven with only one passenger per ride , car number dropped by 77 per centswapping personal cars with self-driving cabs would free valuable spacegoogle and uber are already working on technology for self-driving taxis\n", - "[1.3909608 1.267363 1.1487541 1.325067 1.3377631 1.0807766 1.049223\n", - " 1.0578693 1.1090001 1.0416428 1.0295688 1.061931 1.0240929 1.0992707\n", - " 1.1126678 1.047499 0. 0. 0. ]\n", - "\n", - "[ 0 4 3 1 2 14 8 13 5 11 7 6 15 9 10 12 17 16 18]\n", - "=======================\n", - "['flower pattern : miriam gonzález durántez wore a particularly colourful ensemble to a fashion show and award gala in central london tonightshe is known for her bold choices and this exotic look was no exception .she was pictured tonight with the likes of model daisy lowe , designer kelly hoppen and bafta chief executive amanda berry .']\n", - "=======================\n", - "[\"nick clegg 's wife wears colourful ensemble tonight to london ceremonypictured with likes of daisy lowe and kelly hoppen at goldsmiths ' hallbright pink , long-sleeved dress covered in bright blooms at ldny showhad # 560 gianvito rossi perspex-panelled metallic patent-leather pumps\"]\n", - "flower pattern : miriam gonzález durántez wore a particularly colourful ensemble to a fashion show and award gala in central london tonightshe is known for her bold choices and this exotic look was no exception .she was pictured tonight with the likes of model daisy lowe , designer kelly hoppen and bafta chief executive amanda berry .\n", - "nick clegg 's wife wears colourful ensemble tonight to london ceremonypictured with likes of daisy lowe and kelly hoppen at goldsmiths ' hallbright pink , long-sleeved dress covered in bright blooms at ldny showhad # 560 gianvito rossi perspex-panelled metallic patent-leather pumps\n", - "[1.3566494 1.141921 1.1596167 1.1302958 1.1108576 1.3684145 1.1652656\n", - " 1.0739664 1.0789036 1.0429054 1.1016697 1.0509446 1.0777419 1.1877774\n", - " 1.0477328 1.0154368 1.0141165 1.0165479 1.0588659 1.012048 1.0093715\n", - " 1.0115066 1.0089201 1.0211337]\n", - "\n", - "[ 5 0 13 6 2 1 3 4 10 8 12 7 18 11 14 9 23 17 15 16 19 21 20 22]\n", - "=======================\n", - "['jonjo shelvey converted from 12 yards to rescue a point for swansea after seamus coleman handled in the penalty boxaaron lennon has finally found something to smile about but roberto martinez carried the frown of a man down on his luck as he headed for the bus home .martinez called for a foul on coleman ; michael oliver called a penalty for handball and jonjo shelvey buried the kick .']\n", - "=======================\n", - "[\"aaron lennon opened the scoring for the visitors with his second goal in three games for the visiting sidebut jonjo shelvey converted from the spot in the second half after seamus coleman handled in the penalty areashelvey had a goal ruled out by referee michael oliver after leighton baines was adjudged to have been fouledthe 1-1 draw leaves swansea eighth in the premier league table with roberto martinez 's men sitting in 12th\"]\n", - "jonjo shelvey converted from 12 yards to rescue a point for swansea after seamus coleman handled in the penalty boxaaron lennon has finally found something to smile about but roberto martinez carried the frown of a man down on his luck as he headed for the bus home .martinez called for a foul on coleman ; michael oliver called a penalty for handball and jonjo shelvey buried the kick .\n", - "aaron lennon opened the scoring for the visitors with his second goal in three games for the visiting sidebut jonjo shelvey converted from the spot in the second half after seamus coleman handled in the penalty areashelvey had a goal ruled out by referee michael oliver after leighton baines was adjudged to have been fouledthe 1-1 draw leaves swansea eighth in the premier league table with roberto martinez 's men sitting in 12th\n", - "[1.2564571 1.2983259 1.2647029 1.2824442 1.1621528 1.0924718 1.0977418\n", - " 1.0715125 1.0552498 1.0556873 1.0989879 1.0611095 1.057999 1.1211752\n", - " 1.0580356 1.012959 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 13 10 6 5 7 11 14 12 9 8 15 22 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"the prime minister will vow to encourage more job creation by extending national insurance breaks , worth at least # 2,000 a year to smaller firms taking on new staff , for a further five years .david cameron will today claim that labour 's economic policies risk putting a million people out of worksaying he is ` really angry ' at labour 's claim that the conservatives are ` the party for the few , not the many ' , mr cameron will hail the ` jobs miracle ' that has seen 1,000 new jobs created every day .\"]\n", - "=======================\n", - "[\"david cameron will launch ` job manifesto ' with plans for ` full employment 'tories will extend national insurance breaks , worth # 2,000 to smaller firmspm is ` angry ' at labour 's claim tories are ` party for the few , not the many 'he will say miliband 's economic policies risk putting millions out of work\"]\n", - "the prime minister will vow to encourage more job creation by extending national insurance breaks , worth at least # 2,000 a year to smaller firms taking on new staff , for a further five years .david cameron will today claim that labour 's economic policies risk putting a million people out of worksaying he is ` really angry ' at labour 's claim that the conservatives are ` the party for the few , not the many ' , mr cameron will hail the ` jobs miracle ' that has seen 1,000 new jobs created every day .\n", - "david cameron will launch ` job manifesto ' with plans for ` full employment 'tories will extend national insurance breaks , worth # 2,000 to smaller firmspm is ` angry ' at labour 's claim tories are ` party for the few , not the many 'he will say miliband 's economic policies risk putting millions out of work\n", - "[1.2276582 1.0938756 1.2258852 1.2679157 1.1540898 1.2904029 1.1956027\n", - " 1.2269948 1.0136523 1.0714166 1.0155352 1.0119402 1.0154848 1.031481\n", - " 1.0538447 1.0293453 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 5 3 0 7 2 6 4 1 9 14 13 15 10 12 8 11 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"inter milan pose for a team photo ahead of their champions league quarter-final against ac milan in 2005the milan derby used to be italian football 's biggest attraction .starting xis from the champs league quarter-final second leg , april 12 , 2005\"]\n", - "=======================\n", - "[\"inter milan host ac milan in a serie a derby this weekendboth clubs are struggling to qualify for european competitionthe milan derby used to be a star-studded tie with the world 's best playerschampions league game in 2005 was abandoned due to flares thrownthe current crop of talent is far cry from the stars 10 years ago\"]\n", - "inter milan pose for a team photo ahead of their champions league quarter-final against ac milan in 2005the milan derby used to be italian football 's biggest attraction .starting xis from the champs league quarter-final second leg , april 12 , 2005\n", - "inter milan host ac milan in a serie a derby this weekendboth clubs are struggling to qualify for european competitionthe milan derby used to be a star-studded tie with the world 's best playerschampions league game in 2005 was abandoned due to flares thrownthe current crop of talent is far cry from the stars 10 years ago\n", - "[1.0931534 1.3627393 1.2311007 1.3110838 1.2314254 1.1722119 1.0756826\n", - " 1.0417055 1.1648878 1.0243057 1.0258472 1.0654211 1.061952 1.095401\n", - " 1.0811142 1.0491451 1.0939627 1.0683557 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 5 8 13 16 0 14 6 17 11 12 15 7 10 9 22 18 19 20 21 23]\n", - "=======================\n", - "[\"run in conjunction with an annual cattlemen 's conference , the photography competition was designed to illustrate the northern territory 's unique outback lifestyle as well as their distinctive people and landscapes .winner : marie muldoon 's heartwarming shot took out the competition , also snagging the people 's choice awardmarie muldoon won this years competition with a touching photo of her daughter cuddling up to a horse , titled true love .\"]\n", - "=======================\n", - "[\"an annual photography competition produced some amazing works that give some insight into life on the landjudges look for images that illustrate the northern territory 's unique outback lifestyle and their distinct peoplemarie muldoon won the competition with a heartwarming shot of her daughter cuddling up to a horsethe categories include ` industry at work or play ' , ` nt landcapes ' and ` best portrait of person or animal 'the competition is run in conjunction with the northern territory cattlemen 's association 's annual conference\"]\n", - "run in conjunction with an annual cattlemen 's conference , the photography competition was designed to illustrate the northern territory 's unique outback lifestyle as well as their distinctive people and landscapes .winner : marie muldoon 's heartwarming shot took out the competition , also snagging the people 's choice awardmarie muldoon won this years competition with a touching photo of her daughter cuddling up to a horse , titled true love .\n", - "an annual photography competition produced some amazing works that give some insight into life on the landjudges look for images that illustrate the northern territory 's unique outback lifestyle and their distinct peoplemarie muldoon won the competition with a heartwarming shot of her daughter cuddling up to a horsethe categories include ` industry at work or play ' , ` nt landcapes ' and ` best portrait of person or animal 'the competition is run in conjunction with the northern territory cattlemen 's association 's annual conference\n", - "[1.2521498 1.5053575 1.20081 1.1870018 1.0425005 1.1304755 1.0766417\n", - " 1.1661925 1.0589591 1.0356504 1.133275 1.0962478 1.0819875 1.0312135\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 7 10 5 11 12 6 8 4 9 13 22 14 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"nicholas figueroa 's mother , ana , was among more than 200 mourners to attend the funeral for her son , who was on a second date at a sushi restaurant in the city 's east village when he was killed .hundreds of relatives , friends and strangers have gathered to bid an emotional farewell to the 23-year-old man who perished in the gas explosion and building collapse in new york city last month .carrying a red rose and wearing a button featuring her son 's image , she wept as she watched his casket being loaded into a hearse outside the church of the holy name of jesus in manhattan .\"]\n", - "=======================\n", - "[\"nicholas figueroa , 23 , killed in gas explosion in the east village last monthon tuesday , relatives , friends and strangers bid him an emotional farewellmr figueroa 's father said family was broken over his ` heartbreaking ' deathbrother paid tribute to ` best friend ' whom he will name his future son afterand mother , ava , wore button on her jacket featuring mr figueroa 's imagetear-jerking service held at manhattan 's church of the holy name of jesusmoises locon , 26 , also died in march 27 blast - and 22 others were injured\"]\n", - "nicholas figueroa 's mother , ana , was among more than 200 mourners to attend the funeral for her son , who was on a second date at a sushi restaurant in the city 's east village when he was killed .hundreds of relatives , friends and strangers have gathered to bid an emotional farewell to the 23-year-old man who perished in the gas explosion and building collapse in new york city last month .carrying a red rose and wearing a button featuring her son 's image , she wept as she watched his casket being loaded into a hearse outside the church of the holy name of jesus in manhattan .\n", - "nicholas figueroa , 23 , killed in gas explosion in the east village last monthon tuesday , relatives , friends and strangers bid him an emotional farewellmr figueroa 's father said family was broken over his ` heartbreaking ' deathbrother paid tribute to ` best friend ' whom he will name his future son afterand mother , ava , wore button on her jacket featuring mr figueroa 's imagetear-jerking service held at manhattan 's church of the holy name of jesusmoises locon , 26 , also died in march 27 blast - and 22 others were injured\n", - "[1.3295829 1.4055305 1.2315127 1.1586504 1.1647758 1.0421929 1.0137942\n", - " 1.0626055 1.1582034 1.0739123 1.0893819 1.0850593 1.0934249 1.0571218\n", - " 1.0636257 1.0615871 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 4 3 8 12 10 11 9 14 7 15 13 5 6 20 16 17 18 19 21]\n", - "=======================\n", - "['the collection , which includes works by some of the greatest artists of the 20th century , went under the hammer in new york on march 31 , following a tour of hong kong , paris , london and los angeles .hong kong ( cnn ) an impressive art collection assembled by the late actress and hollywood icon , lauren bacall , has officially been offered for purchase .bacall , who died in august 2014 at the age of 89 , first shot to international fame in 1944 with her first film , \" to have and have not . \"']\n", - "=======================\n", - "['a collection of 750 items belonging to legendary actress lauren bacall has been auctioned off at bonhams in new yorkhighlights from the lot , which fetched $ 3.6 million , include bronze sculptures , jewelry , and a number of decorative arts and paintings']\n", - "the collection , which includes works by some of the greatest artists of the 20th century , went under the hammer in new york on march 31 , following a tour of hong kong , paris , london and los angeles .hong kong ( cnn ) an impressive art collection assembled by the late actress and hollywood icon , lauren bacall , has officially been offered for purchase .bacall , who died in august 2014 at the age of 89 , first shot to international fame in 1944 with her first film , \" to have and have not . \"\n", - "a collection of 750 items belonging to legendary actress lauren bacall has been auctioned off at bonhams in new yorkhighlights from the lot , which fetched $ 3.6 million , include bronze sculptures , jewelry , and a number of decorative arts and paintings\n", - "[1.2440158 1.2916696 1.2743481 1.1095777 1.2030058 1.1692264 1.0990475\n", - " 1.1794302 1.1198694 1.0852599 1.0543985 1.0188671 1.02823 1.0455981\n", - " 1.0173534 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 4 7 5 8 3 6 9 10 13 12 11 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the offspring of some of sydney 's style set have been front and centre at the catwalk presentations of ellery , alice mccall and maticevski - highly-coveted tickets that many fully grown adults failed to snag an invitation to .the australian fashion crowd are following in the footsteps of the beckhams and kimye by bringing their children to fashion weekstyle blogger hass murad and pr maven roxy jacenko were both pictured with their mini-me 's this week at the carriageworks venue in sydney , while designer camilla freeman-topper brought her daughter along to the ten pieces show at bondi icebergs on thursday .\"]\n", - "=======================\n", - "[\"harper beckham and north west have both attended fashion week showsharper attends with father david and brothers to support victoria 's showsnorth made headlines throwing tantrum while seated next to anna wintourroxy jacenko 's three-year-old daughter attended two mbfwa shows\"]\n", - "the offspring of some of sydney 's style set have been front and centre at the catwalk presentations of ellery , alice mccall and maticevski - highly-coveted tickets that many fully grown adults failed to snag an invitation to .the australian fashion crowd are following in the footsteps of the beckhams and kimye by bringing their children to fashion weekstyle blogger hass murad and pr maven roxy jacenko were both pictured with their mini-me 's this week at the carriageworks venue in sydney , while designer camilla freeman-topper brought her daughter along to the ten pieces show at bondi icebergs on thursday .\n", - "harper beckham and north west have both attended fashion week showsharper attends with father david and brothers to support victoria 's showsnorth made headlines throwing tantrum while seated next to anna wintourroxy jacenko 's three-year-old daughter attended two mbfwa shows\n", - "[1.2186682 1.563916 1.1275051 1.2292545 1.3059845 1.2216061 1.1238922\n", - " 1.1247382 1.0715337 1.0572169 1.1474264 1.0270336 1.043017 1.1230013\n", - " 1.0909641 1.0299785 1.0340056 1.0095317 1.0110098 1.0096977 1.0156041\n", - " 1.03223 ]\n", - "\n", - "[ 1 4 3 5 0 10 2 7 6 13 14 8 9 12 16 21 15 11 20 18 19 17]\n", - "=======================\n", - "['marcin wasniewski , 34 , from foleshill , coventry , escaped death by millimetres after the car he was driving crashed into the back of a lorry on the a444 in coventry .father marcin wasniewski is volunteering at a christian centre until he can return to work when he has recovered from his injuries .he believes he was saved by jesus christ watching over him']\n", - "=======================\n", - "[\"trailer 'em bedded ' into car windscreen in smash on a444 in coventryimpact would have ` certainly been fatal ' if a couple of inches closer to driverparamedics were shocked when marcin wasniewski walked out unaided\"]\n", - "marcin wasniewski , 34 , from foleshill , coventry , escaped death by millimetres after the car he was driving crashed into the back of a lorry on the a444 in coventry .father marcin wasniewski is volunteering at a christian centre until he can return to work when he has recovered from his injuries .he believes he was saved by jesus christ watching over him\n", - "trailer 'em bedded ' into car windscreen in smash on a444 in coventryimpact would have ` certainly been fatal ' if a couple of inches closer to driverparamedics were shocked when marcin wasniewski walked out unaided\n", - "[1.3657842 1.3348798 1.2943859 1.3632452 1.3574697 1.3536694 1.0359825\n", - " 1.0115265 1.0247105 1.0130892 1.0144831 1.0168476 1.0106493 1.0831158\n", - " 1.2625916 1.1510167 1.0694306 1.0128915 1.010261 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 4 5 1 2 14 15 13 16 6 8 11 10 9 17 7 12 18 20 19 21]\n", - "=======================\n", - "['eden hazard needs to become more selfish if he wants to be considered alongside cristiano ronaldo and lionel messi , according to manchester united legend paul scholes .eden hazard celebrates scoring the winner against manchester united as chelsea close in on the titlethe chelsea playmaker is favourite to pick up the pfa player of the year award this season']\n", - "=======================\n", - "[\"chelsea travel to arsenal as they close in on the premier league titleeden hazard has scored 13 goals during another impressive seasonex-man united star paul scholes says hazard needs to be more ruthlessthen he 'll compete with cristiano ronaldo and lionel messi , says scholes\"]\n", - "eden hazard needs to become more selfish if he wants to be considered alongside cristiano ronaldo and lionel messi , according to manchester united legend paul scholes .eden hazard celebrates scoring the winner against manchester united as chelsea close in on the titlethe chelsea playmaker is favourite to pick up the pfa player of the year award this season\n", - "chelsea travel to arsenal as they close in on the premier league titleeden hazard has scored 13 goals during another impressive seasonex-man united star paul scholes says hazard needs to be more ruthlessthen he 'll compete with cristiano ronaldo and lionel messi , says scholes\n", - "[1.2010612 1.409898 1.3104686 1.1875521 1.0627375 1.0514348 1.1441833\n", - " 1.0312092 1.0159053 1.0183024 1.1418557 1.1831263 1.0769696 1.1160983\n", - " 1.0721935 1.0544555 1.0171916 1.1546733 1.1723216 1.0914084 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 11 18 17 6 10 13 19 12 14 4 15 5 7 9 16 8 20 21]\n", - "=======================\n", - "[\"video shows cher lair from apex , north carolina , cutting into a cake at her gender reveal party with family gathered around .she did not know the sex of her baby and gave the scan results to a baker .this is the deafening moment a mother of six boys finds out she 's finally having a girl after the seventh time trying .\"]\n", - "=======================\n", - "['video shows cher lair from apex , north carolina , cutting into a cake at her gender reveal party with family gathered aroundshe did not know the sex of her baby and gave the scan results to a bakeras she lifts up a slice of pink sponge , she can hardly believe her eyes and proceeds to scream out in excitementthe mother-of-six said that she and her husband , stephen , had given up on ever having a daughter - their first is due in august']\n", - "video shows cher lair from apex , north carolina , cutting into a cake at her gender reveal party with family gathered around .she did not know the sex of her baby and gave the scan results to a baker .this is the deafening moment a mother of six boys finds out she 's finally having a girl after the seventh time trying .\n", - "video shows cher lair from apex , north carolina , cutting into a cake at her gender reveal party with family gathered aroundshe did not know the sex of her baby and gave the scan results to a bakeras she lifts up a slice of pink sponge , she can hardly believe her eyes and proceeds to scream out in excitementthe mother-of-six said that she and her husband , stephen , had given up on ever having a daughter - their first is due in august\n", - "[1.2935876 1.339303 1.3422186 1.2865957 1.1363882 1.1532589 1.0876114\n", - " 1.0712445 1.0191277 1.1861165 1.0423815 1.0339746 1.0736302 1.021064\n", - " 1.018437 1.0398915 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 0 3 9 5 4 6 12 7 10 15 11 13 8 14 16 17 18 19 20 21]\n", - "=======================\n", - "[\"there she would spend three and a half hours sitting on her own reading looking ` heartbroken ' , according to a new book .mrs clinton said that she wanted nobody to know when she was going to the pool apart from one usher who was to guide her there .hillary clinton imposed a blanket of secrecy on her movements at the height of the monica lewinsky scandal and told aides they would be fired if she was seen , it is claimed .\"]\n", - "=======================\n", - "[\"former first lady told white house usher she wanted to see him alonenew book makes claims she spent hours reading and looking ` heartbroken 'president bill clinton admitted to affair with monica lewinsky that yearaccount is by former white house correspondent for bloomberg news\"]\n", - "there she would spend three and a half hours sitting on her own reading looking ` heartbroken ' , according to a new book .mrs clinton said that she wanted nobody to know when she was going to the pool apart from one usher who was to guide her there .hillary clinton imposed a blanket of secrecy on her movements at the height of the monica lewinsky scandal and told aides they would be fired if she was seen , it is claimed .\n", - "former first lady told white house usher she wanted to see him alonenew book makes claims she spent hours reading and looking ` heartbroken 'president bill clinton admitted to affair with monica lewinsky that yearaccount is by former white house correspondent for bloomberg news\n", - "[1.0726615 1.3942875 1.3812641 1.161091 1.2821743 1.1430737 1.1321409\n", - " 1.1499435 1.0594769 1.0321586 1.218665 1.0501739 1.0222522 1.026421\n", - " 1.0394493 1.0373008 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 4 10 3 7 5 6 0 8 11 14 15 9 13 12 20 16 17 18 19 21]\n", - "=======================\n", - "[\"in the seventh innings of a game between the kansas city royals and rivals chicago white sox both sets of players became embroiled in a mass brawl .umpires ejected a total of five players from both teams after the fight at chicago 's us cellular field in illinois .the very next innings , royals ' mike moustakas was also hit in the arm , this time by a pitch from chris sale , leading to a warning for both teams .\"]\n", - "=======================\n", - "[\"thursday 's match between two baseball heavyweights turned into a brawlbegan after dispute between the yordana ventura and adam eatonsparked a mass fight with members of both teams running onto the fieldumpired ejected a total of five players after the scrap at chicago 's stadium\"]\n", - "in the seventh innings of a game between the kansas city royals and rivals chicago white sox both sets of players became embroiled in a mass brawl .umpires ejected a total of five players from both teams after the fight at chicago 's us cellular field in illinois .the very next innings , royals ' mike moustakas was also hit in the arm , this time by a pitch from chris sale , leading to a warning for both teams .\n", - "thursday 's match between two baseball heavyweights turned into a brawlbegan after dispute between the yordana ventura and adam eatonsparked a mass fight with members of both teams running onto the fieldumpired ejected a total of five players after the scrap at chicago 's stadium\n", - "[1.3294379 1.2148409 1.1879902 1.2274687 1.1676971 1.1866003 1.1243984\n", - " 1.1276038 1.1460013 1.0892091 1.1009755 1.0367236 1.0339006 1.0467517\n", - " 1.0499108 1.020803 1.014046 1.0111822 1.0397987 1.0298196 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 2 5 4 8 7 6 10 9 14 13 18 11 12 19 15 16 17 20 21]\n", - "=======================\n", - "['washington ( cnn ) one former employee of the private blackwater worldwide security company was sentenced monday to life in prison and three others to 30 years each behind bars for their roles in a 2007 mass shooting in baghdad that left 17 people dead .a federal jury convicted the four in october after a lengthy trial that saw some 30 witnesses travel from iraq to testify against the security contractors .prosecutors accused the men of illegally unleashed \" powerful sniper fire , machine guns and grenade launchers on innocent men , women and children . \"']\n", - "=======================\n", - "['blackwater sniper nicholas slatten is sentenced to life in prison , mandatory for his first-degree murder convictionthree others get 30 years plus one day in the 2007 shooting in baghdad that left 17 dead']\n", - "washington ( cnn ) one former employee of the private blackwater worldwide security company was sentenced monday to life in prison and three others to 30 years each behind bars for their roles in a 2007 mass shooting in baghdad that left 17 people dead .a federal jury convicted the four in october after a lengthy trial that saw some 30 witnesses travel from iraq to testify against the security contractors .prosecutors accused the men of illegally unleashed \" powerful sniper fire , machine guns and grenade launchers on innocent men , women and children . \"\n", - "blackwater sniper nicholas slatten is sentenced to life in prison , mandatory for his first-degree murder convictionthree others get 30 years plus one day in the 2007 shooting in baghdad that left 17 dead\n", - "[1.2737646 1.3329705 1.3000234 1.381797 1.3008479 1.1638701 1.0374733\n", - " 1.023435 1.0142797 1.009884 1.0203819 1.0155648 1.1186864 1.1328135\n", - " 1.0897722 1.0326042 1.158734 1.1367657 1.0702497 1.1151338 1.0745593\n", - " 1.0530806]\n", - "\n", - "[ 3 1 4 2 0 5 16 17 13 12 19 14 20 18 21 6 15 7 10 11 8 9]\n", - "=======================\n", - "[\"lazio , lead by miroslav klose and felipe anderson , have won eight games in a row in serie athe biancoceleste , who have scored 18 goals and conceded just one in their last six italian league games , will attempt to solidify their grip on second place .head coach stefano pioli says his side will go ` all out for victory ' against juventus on saturday\"]\n", - "=======================\n", - "[\"lazio have won eight successive serie a games ahead of juventus clashstefano pioli 's side will cut gap at the top to nine points with victoryac milan and inter milan struggling for form ahead of derbynapoli host hellas verona after impressing in europa league\"]\n", - "lazio , lead by miroslav klose and felipe anderson , have won eight games in a row in serie athe biancoceleste , who have scored 18 goals and conceded just one in their last six italian league games , will attempt to solidify their grip on second place .head coach stefano pioli says his side will go ` all out for victory ' against juventus on saturday\n", - "lazio have won eight successive serie a games ahead of juventus clashstefano pioli 's side will cut gap at the top to nine points with victoryac milan and inter milan struggling for form ahead of derbynapoli host hellas verona after impressing in europa league\n", - "[1.4396428 1.5798151 1.1798139 1.4119105 1.1786948 1.1398149 1.0932823\n", - " 1.0202057 1.1268824 1.0144305 1.0225798 1.0094248 1.0167702 1.022669\n", - " 1.0110235 1.1650418 1.010303 1.0103844 1.0100408 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 2 4 15 5 8 6 13 10 7 12 9 14 17 16 18 11 19 20 21]\n", - "=======================\n", - "[\"gers suffered the first defeat of new boss stuart mccall 's six-game reign on thursday night as they slumped 3-0 at queen of the south .kenny miller fears rangers ' promotion bid could be derailed by the ibrox side 's rollercoaster run of form .it was an especially flat display after the high of recent scottish championship victories over hearts and hibernian .\"]\n", - "=======================\n", - "['rangers lost first game under new boss stuart mccall on thursdayslumped to disappointing 3-0 defeat at hands of queen of the southhad recorded recent victories over hearts and hibernian']\n", - "gers suffered the first defeat of new boss stuart mccall 's six-game reign on thursday night as they slumped 3-0 at queen of the south .kenny miller fears rangers ' promotion bid could be derailed by the ibrox side 's rollercoaster run of form .it was an especially flat display after the high of recent scottish championship victories over hearts and hibernian .\n", - "rangers lost first game under new boss stuart mccall on thursdayslumped to disappointing 3-0 defeat at hands of queen of the southhad recorded recent victories over hearts and hibernian\n", - "[1.2262694 1.2527541 1.2871664 1.1866205 1.2553833 1.0663849 1.0619775\n", - " 1.1039478 1.064074 1.0696439 1.1125715 1.0747164 1.06344 1.0303749\n", - " 1.0635964 1.0635897 0. 0. 0. ]\n", - "\n", - "[ 2 4 1 0 3 10 7 11 9 5 8 14 15 12 6 13 17 16 18]\n", - "=======================\n", - "[\"the tory vote share equals their highest since march 2012 .david cameron 's ( left ) conservative party has opened up a four-point lead over ed miliband 's ( right ) labour with 36 per cent of the vote compared to 32 per cent , a new comres poll reveals with just two weeks to gosome 66 per cent say they would never countenance voting ukip , with 29 per cent saying they would .\"]\n", - "=======================\n", - "[\"conservatives have opened up four-point lead over labour , poll revealsdavid cameron 's party has 36 per cent of vote , ahead of rival 's 32 per centukip on ten per cent , lib dems on eight per cent and greens five per cent\"]\n", - "the tory vote share equals their highest since march 2012 .david cameron 's ( left ) conservative party has opened up a four-point lead over ed miliband 's ( right ) labour with 36 per cent of the vote compared to 32 per cent , a new comres poll reveals with just two weeks to gosome 66 per cent say they would never countenance voting ukip , with 29 per cent saying they would .\n", - "conservatives have opened up four-point lead over labour , poll revealsdavid cameron 's party has 36 per cent of vote , ahead of rival 's 32 per centukip on ten per cent , lib dems on eight per cent and greens five per cent\n", - "[1.3456457 1.3978391 1.2645733 1.2195048 1.0418963 1.0642565 1.0436971\n", - " 1.0140091 1.0117648 1.2228131 1.2295587 1.0360091 1.1234586 1.114106\n", - " 1.0450407 1.0577906 1.014222 0. 0. ]\n", - "\n", - "[ 1 0 2 10 9 3 12 13 5 15 14 6 4 11 16 7 8 17 18]\n", - "=======================\n", - "[\"the 33-year-old , who is vying for a place on team gb at the rio olympics , welcomed mia grace with husband mike tindall last year .zara phillips has revealed how she got her fitness back after the birth of her first child mia - by hitting the exercise bike every morning before her daughter even woke up .but after finding herself ` surprised ' by how her fitness dropped during pregnancy , the queen 's granddaughter has committed to a strict exercise and diet regime to get back in shape .\"]\n", - "=======================\n", - "[\"the queen 's granddaughter is vying for a spot on team gb in 2016she gave birth to her daughter , mia grace , in january last yearto regain her fitness zara , 33 , uses an exercise bike every morningshe sticks to a healthy diet and also goes swimming and cycling\"]\n", - "the 33-year-old , who is vying for a place on team gb at the rio olympics , welcomed mia grace with husband mike tindall last year .zara phillips has revealed how she got her fitness back after the birth of her first child mia - by hitting the exercise bike every morning before her daughter even woke up .but after finding herself ` surprised ' by how her fitness dropped during pregnancy , the queen 's granddaughter has committed to a strict exercise and diet regime to get back in shape .\n", - "the queen 's granddaughter is vying for a spot on team gb in 2016she gave birth to her daughter , mia grace , in january last yearto regain her fitness zara , 33 , uses an exercise bike every morningshe sticks to a healthy diet and also goes swimming and cycling\n", - "[1.1902903 1.1212366 1.3461621 1.0986888 1.1150725 1.122619 1.295754\n", - " 1.0442371 1.048499 1.0508398 1.0242391 1.150997 1.1258962 1.0236788\n", - " 1.1456069 1.0100157 0. 0. 0. ]\n", - "\n", - "[ 2 6 0 11 14 12 5 1 4 3 9 8 7 10 13 15 17 16 18]\n", - "=======================\n", - "[\"as he prepared for a european champions cup quarter-final showdown with saracens on sunday in paris , racing metro 's no 10 and irish icon reflected on his healthy habit .johnny sexton wants to full the void by winning a medal with racing metro this seasonsuccess is a gloriously familiar routine for johnny sexton .\"]\n", - "=======================\n", - "[\"johnny sexton has featured in 11 euro knock-out games and won the lotracing metro 's no 10 wants to finish two-year stint in paris with a medalthe french side face saracens in last eight of european champions cup\"]\n", - "as he prepared for a european champions cup quarter-final showdown with saracens on sunday in paris , racing metro 's no 10 and irish icon reflected on his healthy habit .johnny sexton wants to full the void by winning a medal with racing metro this seasonsuccess is a gloriously familiar routine for johnny sexton .\n", - "johnny sexton has featured in 11 euro knock-out games and won the lotracing metro 's no 10 wants to finish two-year stint in paris with a medalthe french side face saracens in last eight of european champions cup\n", - "[1.4424696 1.3714244 1.2741485 1.1190485 1.0855765 1.1045458 1.0675982\n", - " 1.0165168 1.1021107 1.1531333 1.0418369 1.0868291 1.0154043 1.0173339\n", - " 1.0214891 1.026099 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 9 3 5 8 11 4 6 10 15 14 13 7 12 17 16 18]\n", - "=======================\n", - "['( cnn ) the nfl draft begins on april 30 , and while the tampa bay buccaneers are on the clock with the no. 1 overall pick , the clock is still ticking for another team -- the new england patriots -- as they await the results of the \" deflategate \" investigation , which has already lasted more than three months .in january , the nfl launched an investigation into the patriots to determine why 11 of the 12 game balls they provided for the afc championship game were underinflated .the league hired attorney ted wells -- who also investigated the miami dolphins bullying scandal -- to run the investigation .']\n", - "=======================\n", - "[\"nfl investigating why game balls provided by new england patriots for championship game were underinflatedit 's not clear when investigation by attorney ted wells will be completepatriots say they follow the rules and expect to be vindicated and get an apology\"]\n", - "( cnn ) the nfl draft begins on april 30 , and while the tampa bay buccaneers are on the clock with the no. 1 overall pick , the clock is still ticking for another team -- the new england patriots -- as they await the results of the \" deflategate \" investigation , which has already lasted more than three months .in january , the nfl launched an investigation into the patriots to determine why 11 of the 12 game balls they provided for the afc championship game were underinflated .the league hired attorney ted wells -- who also investigated the miami dolphins bullying scandal -- to run the investigation .\n", - "nfl investigating why game balls provided by new england patriots for championship game were underinflatedit 's not clear when investigation by attorney ted wells will be completepatriots say they follow the rules and expect to be vindicated and get an apology\n", - "[1.1960709 1.1025064 1.5047383 1.3112158 1.1887553 1.1551948 1.0794185\n", - " 1.2332119 1.1183451 1.02963 1.0220577 1.0479904 1.0344095 1.2302431\n", - " 1.0881848 1.1838187 1.07445 1.0399086 1.0074751]\n", - "\n", - "[ 2 3 7 13 0 4 15 5 8 1 14 6 16 11 17 12 9 10 18]\n", - "=======================\n", - "[\"the tiny nipper - measuring just 5.5 inches long - was caught during a 2010 government research trip and its body remained frozen while biologists went about identifying it .this week scientists revealed the dinky creature is a pocket shark - a miniature variation of the more popular kinds .the first pocket shark was found 36 years ago in the pacific ocean off the coast of peru and it 's been sitting in a russian museum since .\"]\n", - "=======================\n", - "[\"the tiny nipper was caught during a 2010 government research tripits body remained frozen while biologists tried to identify itthe pocket shark measures 5.5 inches long and weighs a mere half ounce` it looks like a little whale , ' said tulane university biologist michael doosey\"]\n", - "the tiny nipper - measuring just 5.5 inches long - was caught during a 2010 government research trip and its body remained frozen while biologists went about identifying it .this week scientists revealed the dinky creature is a pocket shark - a miniature variation of the more popular kinds .the first pocket shark was found 36 years ago in the pacific ocean off the coast of peru and it 's been sitting in a russian museum since .\n", - "the tiny nipper was caught during a 2010 government research tripits body remained frozen while biologists tried to identify itthe pocket shark measures 5.5 inches long and weighs a mere half ounce` it looks like a little whale , ' said tulane university biologist michael doosey\n", - "[1.3069717 1.2754691 1.3742509 1.3899597 1.2313366 1.150551 1.0573218\n", - " 1.02072 1.0619969 1.1400154 1.127373 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 2 0 1 4 5 9 10 8 6 7 20 19 18 17 16 11 14 13 12 21 15 22]\n", - "=======================\n", - "[\"andre schurrle and mario gotze were joined by gitrlfriends montana yorke ( left ) and ann-kathrin broemmelthe world cup winning duo got together with their girlfriends for a double date to celebrate their side 's respective victories on saturday .schurrle and yorke attended a charity ball to raise money for hamburg children 's hospital\"]\n", - "=======================\n", - "['andre schurrle and mario gotze enjoyed evening out with girlfriendsgermany duo were joined by montana yorke and ann-kathrin broemmelschurrle and gotze both enjoyed bundesliga victories on saturday']\n", - "andre schurrle and mario gotze were joined by gitrlfriends montana yorke ( left ) and ann-kathrin broemmelthe world cup winning duo got together with their girlfriends for a double date to celebrate their side 's respective victories on saturday .schurrle and yorke attended a charity ball to raise money for hamburg children 's hospital\n", - "andre schurrle and mario gotze enjoyed evening out with girlfriendsgermany duo were joined by montana yorke and ann-kathrin broemmelschurrle and gotze both enjoyed bundesliga victories on saturday\n", - "[1.1092708 1.0735574 1.4453988 1.217552 1.2767473 1.0879434 1.0398617\n", - " 1.1107271 1.3271871 1.0709043 1.0295163 1.0152491 1.0492878 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 8 4 3 7 0 5 1 9 12 6 10 11 13 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"left on the bench for wednesday night 's home clash with kilmarnock , perhaps uncertain over his place in the starting xi for sunday 's scottish cup semi-final against inverness , the celtic striker scored a 19-minute hat-trick to guide his team to a handsome 4-1 victory .celtic 's leigh griffiths ( right ) completes his hat-trick against kilmarnockhat-trick hero leigh griffiths with signed match ball and man of the match award\"]\n", - "=======================\n", - "['defender darryl westlake fired kilmarnock ahead in the 50th minutemidfielder kris commons levelled for the home side eight minutes latersub leigh griffiths netted three goals in a remarkable 19-minute spellceltic moved eight points clear at the top of the scottish premiership']\n", - "left on the bench for wednesday night 's home clash with kilmarnock , perhaps uncertain over his place in the starting xi for sunday 's scottish cup semi-final against inverness , the celtic striker scored a 19-minute hat-trick to guide his team to a handsome 4-1 victory .celtic 's leigh griffiths ( right ) completes his hat-trick against kilmarnockhat-trick hero leigh griffiths with signed match ball and man of the match award\n", - "defender darryl westlake fired kilmarnock ahead in the 50th minutemidfielder kris commons levelled for the home side eight minutes latersub leigh griffiths netted three goals in a remarkable 19-minute spellceltic moved eight points clear at the top of the scottish premiership\n", - "[1.4160581 1.2131582 1.4411194 1.2154065 1.2629755 1.1502506 1.0222416\n", - " 1.0540748 1.0930003 1.1151972 1.1005 1.0615523 1.0413557 1.0465848\n", - " 1.0448519 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 4 3 1 5 9 10 8 11 7 13 14 12 6 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"professor ninian peckitt , 63 , claimed he had simply ` digitally manipulated ' the patient 's face as part of hospital treatment , but witnesses said that in reality he had actually been hitting him , the tribunal was told .a medical practitioners tribunal service hearing in manchester was told a man referred to as patient a had suffered ` extensive injuries ' to the right side of his face in an industrial accident .the world-renowned surgeon , who has lectured on the use of titanium implants to treat disfigured patients and has been published in academic texts , faces being struck off the medical register after being accused of failing three of his patients .\"]\n", - "=======================\n", - "[\"professor ninian peckitt allegedly punched man who had been in accidenthonorary locum consultant at ipswich hospital at time of alleged incidenthe later wrote patient 's face was ` digitally manipulated ' in february 2012the 63-year-old charged with three counts at tribunal and may be struck off\"]\n", - "professor ninian peckitt , 63 , claimed he had simply ` digitally manipulated ' the patient 's face as part of hospital treatment , but witnesses said that in reality he had actually been hitting him , the tribunal was told .a medical practitioners tribunal service hearing in manchester was told a man referred to as patient a had suffered ` extensive injuries ' to the right side of his face in an industrial accident .the world-renowned surgeon , who has lectured on the use of titanium implants to treat disfigured patients and has been published in academic texts , faces being struck off the medical register after being accused of failing three of his patients .\n", - "professor ninian peckitt allegedly punched man who had been in accidenthonorary locum consultant at ipswich hospital at time of alleged incidenthe later wrote patient 's face was ` digitally manipulated ' in february 2012the 63-year-old charged with three counts at tribunal and may be struck off\n", - "[1.3298212 1.3242533 1.2860799 1.1508287 1.1402992 1.1757739 1.0676154\n", - " 1.1673201 1.0677208 1.1043328 1.071085 1.0412687 1.0313232 1.0942632\n", - " 1.0278755 1.0173016 1.0204191 1.0483798 1.0934594 1.1596184 1.0730997\n", - " 1.0970614 1.0371277]\n", - "\n", - "[ 0 1 2 5 7 19 3 4 9 21 13 18 20 10 8 6 17 11 22 12 14 16 15]\n", - "=======================\n", - "[\"david cameron has admitted boris johnson is aiming to be the next tory leaderthe prime minister said the london mayor had ` suddenly realised ' after years of mischief making that his main political rivals were those lining themselves up to take over the top job .it comes just weeks after mr cameron revealed he would stand down as prime minister before 2020 if he wins re-election next month .\"]\n", - "=======================\n", - "[\"david cameron revealed that the london mayor had seen him as a rivalpm said mr johnson ` suddenly realised ' his competition was elsewherecomes after he named johnson , osborne and may as potential successorsmr cameron also admitted bullingdon club past ` cripplingly embarrassing '\"]\n", - "david cameron has admitted boris johnson is aiming to be the next tory leaderthe prime minister said the london mayor had ` suddenly realised ' after years of mischief making that his main political rivals were those lining themselves up to take over the top job .it comes just weeks after mr cameron revealed he would stand down as prime minister before 2020 if he wins re-election next month .\n", - "david cameron revealed that the london mayor had seen him as a rivalpm said mr johnson ` suddenly realised ' his competition was elsewherecomes after he named johnson , osborne and may as potential successorsmr cameron also admitted bullingdon club past ` cripplingly embarrassing '\n", - "[1.3769991 1.2477018 1.1673411 1.2781264 1.0998054 1.0575156 1.0818468\n", - " 1.0931673 1.1078863 1.0472941 1.0734811 1.1112686 1.0539172 1.0574173\n", - " 1.0322789 1.0864085 1.0385884 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 1 2 11 8 4 7 15 6 10 5 13 12 9 16 14 21 17 18 19 20 22]\n", - "=======================\n", - "[\"a shocking video has been released showing four tourists they catching a bronzer shark in new zealand , dragging the thrashing creature in to shore and then pose for photos with the creature .the first fisherman is dragged deep into the water from the water 's edge within seconds when the mighty shark takes hold of the end of his lineas one person holds onto the line , a massive shark leaps out of the water less than two metres away , thrashing violently to try release itself from the hook .\"]\n", - "=======================\n", - "[\"tourists posted a video of themselves dragging a shark onto shorethe clip shows them catching the huge shark with a fishing line on a new zealand beachthey stand just centimetres away from the beast who thrashes angrilycatching and releasing a shark is a legal sport in new zealandit 's crucial right techniques are used for safety of fisherman and sharkthe shark should not be touch minimally , but in the video the tourists drag the shark in and pose for photos holding the creature\"]\n", - "a shocking video has been released showing four tourists they catching a bronzer shark in new zealand , dragging the thrashing creature in to shore and then pose for photos with the creature .the first fisherman is dragged deep into the water from the water 's edge within seconds when the mighty shark takes hold of the end of his lineas one person holds onto the line , a massive shark leaps out of the water less than two metres away , thrashing violently to try release itself from the hook .\n", - "tourists posted a video of themselves dragging a shark onto shorethe clip shows them catching the huge shark with a fishing line on a new zealand beachthey stand just centimetres away from the beast who thrashes angrilycatching and releasing a shark is a legal sport in new zealandit 's crucial right techniques are used for safety of fisherman and sharkthe shark should not be touch minimally , but in the video the tourists drag the shark in and pose for photos holding the creature\n", - "[1.0535592 1.4526262 1.3569632 1.304199 1.3267891 1.3554199 1.1340959\n", - " 1.0226136 1.1103115 1.0683068 1.1132069 1.0645387 1.0212916 1.0134113\n", - " 1.0175864 1.0456773 1.0204233 1.0235058 1.0382352 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 5 4 3 6 10 8 9 11 0 15 18 17 7 12 16 14 13 22 19 20 21 23]\n", - "=======================\n", - "[\"facebook has launched a new app called hello designed to give you more control over who can call you and how their details appear - even if their number is n't stored in your contacts book .it pulls in any publicly-shared data from a user 's facebook profile and lets you easily block unwanted callers .the free app is currently in testing and is only available on android devices in the us .\"]\n", - "=======================\n", - "[\"when a user receives a call , hello will show them info about who 's callingthis includes any public information collated from their facebook profilehello also shows how many people have blocked an unknown numberfree app is currently in beta and only available on android devices\"]\n", - "facebook has launched a new app called hello designed to give you more control over who can call you and how their details appear - even if their number is n't stored in your contacts book .it pulls in any publicly-shared data from a user 's facebook profile and lets you easily block unwanted callers .the free app is currently in testing and is only available on android devices in the us .\n", - "when a user receives a call , hello will show them info about who 's callingthis includes any public information collated from their facebook profilehello also shows how many people have blocked an unknown numberfree app is currently in beta and only available on android devices\n", - "[1.308488 1.388413 1.2785121 1.2201421 1.2743427 1.124763 1.1260177\n", - " 1.0333029 1.0300905 1.138641 1.1730665 1.1610564 1.0434706 1.0128753\n", - " 1.0354278 1.0330493 1.019104 1.0089017 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 3 10 11 9 6 5 12 14 7 15 8 16 13 17 22 18 19 20 21 23]\n", - "=======================\n", - "['the crown prosecution service announced today that 36-year-old leslie cooper would be charged over the suspected murder of mr arwani , 48 , who was an outspoken opponent of the assad regime in his native country .he appeared before magistrates in camberwell today for a brief hearing , and will appear at the old bailey later this weekcharge : a man has been charged with the murder of syrian imam abdul hadi arwani']\n", - "=======================\n", - "['abdul hadi arwani was found shot dead in his car in wembley last weekleslie cooper , 36 , was today charged with his murderimam was a fervent opponent of the assad regime in his native syriasecond man , 61 , arrested tonight on suspicion of conspiracy to murder']\n", - "the crown prosecution service announced today that 36-year-old leslie cooper would be charged over the suspected murder of mr arwani , 48 , who was an outspoken opponent of the assad regime in his native country .he appeared before magistrates in camberwell today for a brief hearing , and will appear at the old bailey later this weekcharge : a man has been charged with the murder of syrian imam abdul hadi arwani\n", - "abdul hadi arwani was found shot dead in his car in wembley last weekleslie cooper , 36 , was today charged with his murderimam was a fervent opponent of the assad regime in his native syriasecond man , 61 , arrested tonight on suspicion of conspiracy to murder\n", - "[1.1251668 1.1283813 1.3572568 1.332292 1.1048467 1.0590886 1.0665114\n", - " 1.0787382 1.1295698 1.0990397 1.0594218 1.1020333 1.0914888 1.0532775\n", - " 1.0830207 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 3 8 1 0 4 11 9 12 14 7 6 10 5 13 21 20 19 15 17 16 22 18 23]\n", - "=======================\n", - "[\"normally on display at graceland , the singer 's former home-turned-museum , it is making a special two month appearance at the elvis at the o2 exhibition from sunday .although touted as his $ 10,000 suit , this astronomical price was reportedly a gimmick and the actual value was closer to $ 2,500 , although this would still be around # 20,000 by today 's standards .and as the decadent outfit makes the 4,300-mile journey his memphis mansion to london , british fans are finally able to get up close to one of their idol 's most famous artefacts .\"]\n", - "=======================\n", - "['presley first wore suit in public on march 28 , 1957 , during a performancewill be on display at the o2 from sunday alongside other artefacts']\n", - "normally on display at graceland , the singer 's former home-turned-museum , it is making a special two month appearance at the elvis at the o2 exhibition from sunday .although touted as his $ 10,000 suit , this astronomical price was reportedly a gimmick and the actual value was closer to $ 2,500 , although this would still be around # 20,000 by today 's standards .and as the decadent outfit makes the 4,300-mile journey his memphis mansion to london , british fans are finally able to get up close to one of their idol 's most famous artefacts .\n", - "presley first wore suit in public on march 28 , 1957 , during a performancewill be on display at the o2 from sunday alongside other artefacts\n", - "[1.2309468 1.2874708 1.1840131 1.1855834 1.2557875 1.0890038 1.1770631\n", - " 1.1334314 1.1582468 1.0376092 1.0334233 1.0278711 1.0378475 1.0197918\n", - " 1.0558736 1.0868018 1.0962269 1.0612066 1.0438253 1.0584162 1.0386288\n", - " 1.0233029 1.0543976 1.0705612]\n", - "\n", - "[ 1 4 0 3 2 6 8 7 16 5 15 23 17 19 14 22 18 20 12 9 10 11 21 13]\n", - "=======================\n", - "[\"police were forced to separate the reclaim australia supporters and opponents of the group in melbourne , after clashes turned ugly and several people had to be treated by paramedics .across australia , 16 rallies were scheduled to take place , but sydney and melbourne drew the biggest crowdanti-islam protests in australia against sharia law and halal tax turned violent after demonstrators clashed with anti-racism activists who burned the country 's flag .\"]\n", - "=======================\n", - "['protesters clashed with anti-racism activists at rallies across australiathe anti-islam protests were against sharia law and the so-called halal taxclashes turned ugly and several people required medical treatment in melbourne']\n", - "police were forced to separate the reclaim australia supporters and opponents of the group in melbourne , after clashes turned ugly and several people had to be treated by paramedics .across australia , 16 rallies were scheduled to take place , but sydney and melbourne drew the biggest crowdanti-islam protests in australia against sharia law and halal tax turned violent after demonstrators clashed with anti-racism activists who burned the country 's flag .\n", - "protesters clashed with anti-racism activists at rallies across australiathe anti-islam protests were against sharia law and the so-called halal taxclashes turned ugly and several people required medical treatment in melbourne\n", - "[1.456131 1.4490284 1.2244738 1.3393424 1.3778759 1.0495374 1.0195702\n", - " 1.0225532 1.0306906 1.0846237 1.103062 1.0448465 1.0154427 1.0125401\n", - " 1.2023498 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 3 2 14 10 9 5 11 8 7 6 12 13 22 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"lewis hamilton and nico rosberg have again been reminded of their responsibilities to mercedes after the team were forced to tackle head on the tension that rose between them in china on sunday .mercedes motorsport boss toto wolff is confident the matter has been laid to rest after rosberg bemoaned hamilton 's ` selfish ' tactics following their one-two finish at the shanghai international circuit .hamilton led home mercedes team-mate nico rosberg in shanghai to retain his lead in the championship\"]\n", - "=======================\n", - "[\"lewis hamilton and nico rosberg to renew f1 title rivalry at bahrain gptensions rose in china after rosberg accused hamilton of being ` selfish 'but mercedes boss toto wolff is confident the matter has been laid to resthamilton heads into the race in bahrain leading the world championship\"]\n", - "lewis hamilton and nico rosberg have again been reminded of their responsibilities to mercedes after the team were forced to tackle head on the tension that rose between them in china on sunday .mercedes motorsport boss toto wolff is confident the matter has been laid to rest after rosberg bemoaned hamilton 's ` selfish ' tactics following their one-two finish at the shanghai international circuit .hamilton led home mercedes team-mate nico rosberg in shanghai to retain his lead in the championship\n", - "lewis hamilton and nico rosberg to renew f1 title rivalry at bahrain gptensions rose in china after rosberg accused hamilton of being ` selfish 'but mercedes boss toto wolff is confident the matter has been laid to resthamilton heads into the race in bahrain leading the world championship\n", - "[1.4176269 1.3364787 1.5144024 1.1612282 1.1162328 1.0610838 1.1148392\n", - " 1.0516694 1.017023 1.1162581 1.0840713 1.0287392 1.3451655 1.030494\n", - " 1.0319979 1.011721 1.0056298 1.0118662 1.0226314 0. ]\n", - "\n", - "[ 2 0 12 1 3 9 4 6 10 5 7 14 13 11 18 8 17 15 16 19]\n", - "=======================\n", - "[\"world no 1 novak djokovic is 30-2 so far this season and became the first man to win the first three masters titles of the year after his triumph in monte carlo .roger federer believes rafael nadal is still the favourite for the french open despite the spaniard 's recent struggles .nadal suffered his earliest exit in 12 years at the barcelona open last week with a third-round defeat by world no 29 fabio fognini and has admitted his confidence is lacking .\"]\n", - "=======================\n", - "['roger federer believes rafael nadal is still the favourite for roland garrosworld no 1 novak djokovic has lost just two matches this yearbut federer feels that nine-time champion nadal is still the man to beatfederer is competing in the inaugural istanbul open this week']\n", - "world no 1 novak djokovic is 30-2 so far this season and became the first man to win the first three masters titles of the year after his triumph in monte carlo .roger federer believes rafael nadal is still the favourite for the french open despite the spaniard 's recent struggles .nadal suffered his earliest exit in 12 years at the barcelona open last week with a third-round defeat by world no 29 fabio fognini and has admitted his confidence is lacking .\n", - "roger federer believes rafael nadal is still the favourite for roland garrosworld no 1 novak djokovic has lost just two matches this yearbut federer feels that nine-time champion nadal is still the man to beatfederer is competing in the inaugural istanbul open this week\n", - "[1.2619625 1.2895988 1.4189684 1.1939013 1.2144613 1.2407979 1.1544476\n", - " 1.0584706 1.0257076 1.0297647 1.0592827 1.0336074 1.0571245 1.0559242\n", - " 1.0914423 1.0550797 1.0233263 1.0455498 1.0507332 1.0773731]\n", - "\n", - "[ 2 1 0 5 4 3 6 14 19 10 7 12 13 15 18 17 11 9 8 16]\n", - "=======================\n", - "['it comes just one day after the extremist group claim to have shot and beheaded more than 30 ethiopian christians in libya .the barbaric footage , released earlier today , shows the men kneeling in the middle of a dusty road in deir ez-zor , syria , as a militant brandishing a sharpened sword stands behind them .three men accused of being agents of the syrian government have been executed in a shocking new video , islamic state has claimed .']\n", - "=======================\n", - "[\"men were executed on a dusty road in deir ez-zor , syria , isis claimedsick video shows the executioner 's sword being sharpened before killingsprisoners were shackled in chains and dressed in orange jumpsuitsjust one day after 30 ethiopian christians were shot and beheaded in libya\"]\n", - "it comes just one day after the extremist group claim to have shot and beheaded more than 30 ethiopian christians in libya .the barbaric footage , released earlier today , shows the men kneeling in the middle of a dusty road in deir ez-zor , syria , as a militant brandishing a sharpened sword stands behind them .three men accused of being agents of the syrian government have been executed in a shocking new video , islamic state has claimed .\n", - "men were executed on a dusty road in deir ez-zor , syria , isis claimedsick video shows the executioner 's sword being sharpened before killingsprisoners were shackled in chains and dressed in orange jumpsuitsjust one day after 30 ethiopian christians were shot and beheaded in libya\n", - "[1.4489367 1.2950554 1.1034244 1.0852482 1.1411061 1.2564393 1.1409065\n", - " 1.1341407 1.0569482 1.065478 1.1152135 1.0500269 1.086696 1.0463364\n", - " 1.0664929 1.0709659 1.0767758 1.0621338 1.0423124 1.0357777]\n", - "\n", - "[ 0 1 5 4 6 7 10 2 12 3 16 15 14 9 17 8 11 13 18 19]\n", - "=======================\n", - "[\"( cnn ) greenpeace activists have climbed aboard a shell oil rig to protest the company 's plans to drill in the arctic near alaska .the six protesters used ropes and harnesses monday to scale the huge platform in the pacific ocean , tweeting images of their daunting climb as they went .the rig , the polar pioneer , is on its way to the arctic via seattle .\"]\n", - "=======================\n", - "[\"six protesters scale the polar pioneer , hundreds of miles northwest of hawaiigreenpeace opposes shell 's plans to drill for oil in the arctic\"]\n", - "( cnn ) greenpeace activists have climbed aboard a shell oil rig to protest the company 's plans to drill in the arctic near alaska .the six protesters used ropes and harnesses monday to scale the huge platform in the pacific ocean , tweeting images of their daunting climb as they went .the rig , the polar pioneer , is on its way to the arctic via seattle .\n", - "six protesters scale the polar pioneer , hundreds of miles northwest of hawaiigreenpeace opposes shell 's plans to drill for oil in the arctic\n", - "[1.3629792 1.5167463 1.25447 1.4116962 1.0649303 1.0184793 1.013534\n", - " 1.0372616 1.0127171 1.0137562 1.1064357 1.3014201 1.0902221 1.0536866\n", - " 1.0417702 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 11 2 10 12 4 13 14 7 5 9 6 8 15 16 17 18 19]\n", - "=======================\n", - "[\"kathrin goldbach and her family are said to be so afraid of being blamed for the germanwings crash - caused by lubitz after he flew the plane he was co-piloting into the french alps -- that they have fled the town and vowed to never return .the girlfriend of killer co-pilot andreas lubtiz is believed to be too scared to return to the small town they both grew up in fearing the she will face the ` hatred of the world ' .an extremely shaken miss goldbach , who is seeking comfort from a priest , told investigators that her long-term boyfriend lubtiz had whisked her away on holiday just days before his death .\"]\n", - "=======================\n", - "[\"kathrin goldbach 's family are reportedly afraid to face ` hatred of the world 'her boyfriend andreas lubitz flew the plane he was co-piloting into alpskathrin , brother andreas and their parents have left home in montabaurclose friends say family have no plans to return to close-knit community\"]\n", - "kathrin goldbach and her family are said to be so afraid of being blamed for the germanwings crash - caused by lubitz after he flew the plane he was co-piloting into the french alps -- that they have fled the town and vowed to never return .the girlfriend of killer co-pilot andreas lubtiz is believed to be too scared to return to the small town they both grew up in fearing the she will face the ` hatred of the world ' .an extremely shaken miss goldbach , who is seeking comfort from a priest , told investigators that her long-term boyfriend lubtiz had whisked her away on holiday just days before his death .\n", - "kathrin goldbach 's family are reportedly afraid to face ` hatred of the world 'her boyfriend andreas lubitz flew the plane he was co-piloting into alpskathrin , brother andreas and their parents have left home in montabaurclose friends say family have no plans to return to close-knit community\n", - "[1.2232168 1.1381335 1.3039784 1.1571146 1.2738155 1.1818019 1.2255718\n", - " 1.1012728 1.0167979 1.013556 1.118605 1.0971621 1.1294602 1.0965668\n", - " 1.1325014 1.1049647 1.131577 1.0246438 1.0272346 0. ]\n", - "\n", - "[ 2 4 6 0 5 3 1 14 16 12 10 15 7 11 13 18 17 8 9 19]\n", - "=======================\n", - "['native reds have been almost wiped out in the country , except for a few pockets in the north of england , the isle of wight and scotland after rival grey squirrels arrived from america in the 19th century .but now , red squirrels have been spotted in windermere , in the picturesque lake district .experts say a lack of habitats caused them to disappear from the area .']\n", - "=======================\n", - "['numbers of native red squirrels have been rapidly dwindling in the countrynow , several sightings have been reported in windermere , lake districtexperts say a lack of habitats caused them to disappear from the areabut they are now returning to woods in the area and some have even been spotted in the town centre']\n", - "native reds have been almost wiped out in the country , except for a few pockets in the north of england , the isle of wight and scotland after rival grey squirrels arrived from america in the 19th century .but now , red squirrels have been spotted in windermere , in the picturesque lake district .experts say a lack of habitats caused them to disappear from the area .\n", - "numbers of native red squirrels have been rapidly dwindling in the countrynow , several sightings have been reported in windermere , lake districtexperts say a lack of habitats caused them to disappear from the areabut they are now returning to woods in the area and some have even been spotted in the town centre\n", - "[1.1280043 1.4557521 1.144781 1.1660101 1.2710168 1.2682856 1.1500326\n", - " 1.1340375 1.1077024 1.0341489 1.0631068 1.0386432 1.0966578 1.0346874\n", - " 1.0306171 1.0498397 1.0163376 1.0626631 1.0095128 1.0149708]\n", - "\n", - "[ 1 4 5 3 6 2 7 0 8 12 10 17 15 11 13 9 14 16 19 18]\n", - "=======================\n", - "['north korean leader kim jong un has backed out of next month \\'s visit to moscow for world war ii anniversary celebrations , kremlin spokesman dmitry peskov said thursday .the visit was highly anticipated because it would have marked kim \\'s first official foreign trip since inheriting the leadership of north korea in late 2011 .\" the decision is connected with north korean domestic affairs . \"']\n", - "=======================\n", - "[\"next month 's visit to moscow by the north korean leader is offthis victory day marks the 70 years since the soviet victory over germany in world war ii\"]\n", - "north korean leader kim jong un has backed out of next month 's visit to moscow for world war ii anniversary celebrations , kremlin spokesman dmitry peskov said thursday .the visit was highly anticipated because it would have marked kim 's first official foreign trip since inheriting the leadership of north korea in late 2011 .\" the decision is connected with north korean domestic affairs . \"\n", - "next month 's visit to moscow by the north korean leader is offthis victory day marks the 70 years since the soviet victory over germany in world war ii\n", - "[1.2870057 1.3519527 1.232785 1.189705 1.2997236 1.2336602 1.0284189\n", - " 1.1083022 1.0543257 1.0233797 1.0436671 1.035955 1.0534457 1.0608784\n", - " 1.0130036 1.0255069 1.0444096 1.0966008 0. 0. ]\n", - "\n", - "[ 1 4 0 5 2 3 7 17 13 8 12 16 10 11 6 15 9 14 18 19]\n", - "=======================\n", - "[\"entitled ` naughty nicola ' , the painting depicts her as a dominatrix in a short red dress , black suspenders on display and whip in hand .it is a remarkable , eye-popping portrait of scotland 's first minister , nicola sturgeon .couple : the image is said to grace the wall of sturgeon 's ( left ) suburban glasgow home after she was given it as a birthday gift by her husband , peter murrell ( right )\"]\n", - "=======================\n", - "[\"it depicts sturgeon as a dominatrix in a short red dress with a whip in handher husband peter murrell gave snp leader the painting as a birthday gifthe is credited with ` transforming ' her into the national stateswoman she ismurrell is nicknamed penfold after danger mouse 's loyal hamster sidekick\"]\n", - "entitled ` naughty nicola ' , the painting depicts her as a dominatrix in a short red dress , black suspenders on display and whip in hand .it is a remarkable , eye-popping portrait of scotland 's first minister , nicola sturgeon .couple : the image is said to grace the wall of sturgeon 's ( left ) suburban glasgow home after she was given it as a birthday gift by her husband , peter murrell ( right )\n", - "it depicts sturgeon as a dominatrix in a short red dress with a whip in handher husband peter murrell gave snp leader the painting as a birthday gifthe is credited with ` transforming ' her into the national stateswoman she ismurrell is nicknamed penfold after danger mouse 's loyal hamster sidekick\n", - "[1.2348123 1.4751995 1.2843263 1.376235 1.2303344 1.2362579 1.053019\n", - " 1.0313108 1.0256509 1.0767688 1.0232409 1.1989326 1.0207967 1.0137534\n", - " 1.0124323 1.0541654 1.0109836 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 5 0 4 11 9 15 6 7 8 10 12 13 14 16 18 17 19]\n", - "=======================\n", - "[\"yervand garginian , a 60-year-old bus driver from south croydon in melbourne , filmed himself cooking chicken on an open charcoal barbecue using a traditional ` khorovats ' recipe at a recent family gathering .his daughter elizabeth garginian , 24 , posted the video to reddit and it has since been viewed more than five million times after it was shared across facebook , youtube and instagram .in the video mr garginian , who moved to australia from armenia in 1977 , dismisses the australian-style barbecue of cooking ` oily ' sausages .\"]\n", - "=======================\n", - "[\"yervand garginian , a 60-year-old melbourne bus driver , has gone viralhe filmed a video showing australians how to cook a ` real barbecue 'his daughter posted it online and it received more than five million views\"]\n", - "yervand garginian , a 60-year-old bus driver from south croydon in melbourne , filmed himself cooking chicken on an open charcoal barbecue using a traditional ` khorovats ' recipe at a recent family gathering .his daughter elizabeth garginian , 24 , posted the video to reddit and it has since been viewed more than five million times after it was shared across facebook , youtube and instagram .in the video mr garginian , who moved to australia from armenia in 1977 , dismisses the australian-style barbecue of cooking ` oily ' sausages .\n", - "yervand garginian , a 60-year-old melbourne bus driver , has gone viralhe filmed a video showing australians how to cook a ` real barbecue 'his daughter posted it online and it received more than five million views\n", - "[1.3636519 1.4670691 1.1306157 1.0951505 1.3333383 1.2780507 1.2342004\n", - " 1.122639 1.042449 1.01724 1.1308168 1.0464424 1.0904166 1.181306\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 5 6 13 10 2 7 3 12 11 8 9 14 15 16 17 18 19]\n", - "=======================\n", - "['the incident took place on friday when the 38-year-old was struck by a car while walking in the residential parking garage of the shangri-la hotel , but he was left uninjured .actor ryan reynolds was the victim of a hit-and-run in a hotel parking lot , according to his publicist and vancouver police .he has been in the city for weeks as he shoots scenes for his new film deadpool ( above reynolds in costume filming scenes from deadpool )']\n", - "=======================\n", - "[\"the vancouver-born actor was not injured in friday 's incident , police saidhe was walking in an underground hotel parking garage during hit-and-run\"]\n", - "the incident took place on friday when the 38-year-old was struck by a car while walking in the residential parking garage of the shangri-la hotel , but he was left uninjured .actor ryan reynolds was the victim of a hit-and-run in a hotel parking lot , according to his publicist and vancouver police .he has been in the city for weeks as he shoots scenes for his new film deadpool ( above reynolds in costume filming scenes from deadpool )\n", - "the vancouver-born actor was not injured in friday 's incident , police saidhe was walking in an underground hotel parking garage during hit-and-run\n", - "[1.4968938 1.3407023 1.1364923 1.472923 1.3840898 1.1264861 1.0800236\n", - " 1.1103185 1.0275148 1.0118618 1.0110219 1.0269076 1.0234224 1.0484005\n", - " 1.0205953 1.0836431 1.0068427 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 1 2 5 7 15 6 13 8 11 12 14 9 10 16 18 17 19]\n", - "=======================\n", - "['stuart broad backed alastair cook to hit the test century that has eluded him for 33 innings on thursday and put england in a winning position in the second test .stuart broad produced his best and quickest bowling since knee surgery last year on day two in grenadathen cook , fighting for his captaincy in this series , and the under pressure jonathan trott joined forces to hit their first half-century partnership as an opening pair and reach 74 without loss by the close of a rain-affected second day .']\n", - "=======================\n", - "[\"england captain alastair cook has n't scored a test century for 33 inningcook became england 's second highest test run scorer on wednesdaystuart broad said his skipper can put england in a winning positioncook ( 37 ) and jonathan trott ( 32 ) were not out at stumps after day twoengland are 74-0 , 225 runs behind , after bowling west indies out for 299broad said an action change overnight gave his bowling an added 10mph\"]\n", - "stuart broad backed alastair cook to hit the test century that has eluded him for 33 innings on thursday and put england in a winning position in the second test .stuart broad produced his best and quickest bowling since knee surgery last year on day two in grenadathen cook , fighting for his captaincy in this series , and the under pressure jonathan trott joined forces to hit their first half-century partnership as an opening pair and reach 74 without loss by the close of a rain-affected second day .\n", - "england captain alastair cook has n't scored a test century for 33 inningcook became england 's second highest test run scorer on wednesdaystuart broad said his skipper can put england in a winning positioncook ( 37 ) and jonathan trott ( 32 ) were not out at stumps after day twoengland are 74-0 , 225 runs behind , after bowling west indies out for 299broad said an action change overnight gave his bowling an added 10mph\n", - "[1.1730676 1.1521947 1.3074319 1.337641 1.0820658 1.0678504 1.2427268\n", - " 1.0906026 1.142479 1.0841751 1.0652674 1.0594542 1.0227368 1.0711515\n", - " 1.025698 1.0112137 1.0121317 1.00863 1.173742 1.0785921 1.017379\n", - " 1.0221922 1.0381135 1.0488447 1.035166 1.0506201 1.0627724 1.0465207\n", - " 1.0180924 1.0296323]\n", - "\n", - "[ 3 2 6 18 0 1 8 7 9 4 19 13 5 10 26 11 25 23 27 22 24 29 14 12\n", - " 21 28 20 16 15 17]\n", - "=======================\n", - "['the so-called new shepard spaceship is designed to fly threecalled blue origin , the firm expects to beginthe new shepard system will take astronauts to space on suborbital journeys , and the firm is also developing an orbital craft , shown here .']\n", - "=======================\n", - "['new shepard spaceship is designed to fly three peoplewill reach altitudes about 62 miles ( 100 km ) above earthfirm expected to sell tourist tickets for its spacecraft']\n", - "the so-called new shepard spaceship is designed to fly threecalled blue origin , the firm expects to beginthe new shepard system will take astronauts to space on suborbital journeys , and the firm is also developing an orbital craft , shown here .\n", - "new shepard spaceship is designed to fly three peoplewill reach altitudes about 62 miles ( 100 km ) above earthfirm expected to sell tourist tickets for its spacecraft\n", - "[1.2508988 1.4123076 1.3824749 1.103585 1.2959473 1.2843282 1.1132247\n", - " 1.1026456 1.0612043 1.0165148 1.1108732 1.0451657 1.0477002 1.0244542\n", - " 1.0252063 1.0666635 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 4 5 0 6 10 3 7 15 8 12 11 14 13 9 28 16 17 18 19 20 21 22\n", - " 23 24 25 26 27 29]\n", - "=======================\n", - "['21-year-old ayyan ali - who has modeled everything from mobile phones to ice cream - was jailed after a staggering amount of money was discovered in her carry-on bag , the guardian reports .she was charged with attempting to illegally transport more than the legal $ 10,000 cash limit out of the country on march 14 - and has been in a rawalpindi prison since .a pakistani supermodel has been charged with money laundering offences after she was caught carrying over half a million dollars in islamabad airport .']\n", - "=======================\n", - "['ayyan ali was caught in islamabad airport with the money in her carry-on bagthe glamorous model has been in jail since march 14 and was been denied bailillegal to carry out over $ 10,000 but lawyers say she was not going to fly with itthey she had yet to check in , and was going to give money to her brother']\n", - "21-year-old ayyan ali - who has modeled everything from mobile phones to ice cream - was jailed after a staggering amount of money was discovered in her carry-on bag , the guardian reports .she was charged with attempting to illegally transport more than the legal $ 10,000 cash limit out of the country on march 14 - and has been in a rawalpindi prison since .a pakistani supermodel has been charged with money laundering offences after she was caught carrying over half a million dollars in islamabad airport .\n", - "ayyan ali was caught in islamabad airport with the money in her carry-on bagthe glamorous model has been in jail since march 14 and was been denied bailillegal to carry out over $ 10,000 but lawyers say she was not going to fly with itthey she had yet to check in , and was going to give money to her brother\n", - "[1.2468815 1.3057339 1.2303913 1.1011376 1.2897925 1.2694337 1.0428294\n", - " 1.1705549 1.0234693 1.0455695 1.0938437 1.053505 1.062741 1.0651258\n", - " 1.0480192 1.020479 1.0488305 1.0309128 1.0253302 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 5 0 2 7 3 10 13 12 11 16 14 9 6 17 18 8 15 27 26 25 24 21\n", - " 22 20 19 28 23 29]\n", - "=======================\n", - "['the unnamed heartbroken girlfriend clearly knew how to hit her lying lover where it hurts , and dumped his imac , iphone , ipad and accessories in the bath tub .a japanese woman got sweet revenge on her cheating boyfriend by giving his apple collection a good washthe woman scorned took the trouble to give his imac - which start at # 899 - a single soaking']\n", - "=======================\n", - "['japanese man pays for his cheating ways with his prized gadget collectionscorned girlfriend takes snaps of apple bath and sends them to himphotos of soaked imac , iphones , ipads and accessories go viral on twitter']\n", - "the unnamed heartbroken girlfriend clearly knew how to hit her lying lover where it hurts , and dumped his imac , iphone , ipad and accessories in the bath tub .a japanese woman got sweet revenge on her cheating boyfriend by giving his apple collection a good washthe woman scorned took the trouble to give his imac - which start at # 899 - a single soaking\n", - "japanese man pays for his cheating ways with his prized gadget collectionscorned girlfriend takes snaps of apple bath and sends them to himphotos of soaked imac , iphones , ipads and accessories go viral on twitter\n", - "[1.1710006 1.3398294 1.3527043 1.1428136 1.1998734 1.1138241 1.102756\n", - " 1.0526437 1.0233055 1.1389314 1.1002702 1.0259943 1.0390487 1.0305907\n", - " 1.019849 1.0420057 1.0714175 1.0658904 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 1 4 0 3 9 5 6 10 16 17 7 15 12 13 11 8 14 18 19 20 21 22 23\n", - " 24 25 26 27 28 29]\n", - "=======================\n", - "[\"the two sat down for a meal at lupa , a small italian eatery on thompson street and were looked after by owner and restaurant mogul mario batali .enjoying a perfect spring day in new york city , the first lady and ` grandmother-in-chief ' , marian robinson , had a mother-daughter bonding lunch in greenwich village .mother 's day is still three weeks away , but michelle obama did n't need an excuse to treat her mom on saturday .\"]\n", - "=======================\n", - "[\"the mother-daughter duo dined at lupa in the greenwich village saturdaythe enjoyed a five-course italian lunch of pasta , salad , meat and cheese by the restaurant 's owner , mario batalimichelle was in new york this week launching an interactive online map to encourage people to join their local ` let 's move ' programmother 's day is may 10\"]\n", - "the two sat down for a meal at lupa , a small italian eatery on thompson street and were looked after by owner and restaurant mogul mario batali .enjoying a perfect spring day in new york city , the first lady and ` grandmother-in-chief ' , marian robinson , had a mother-daughter bonding lunch in greenwich village .mother 's day is still three weeks away , but michelle obama did n't need an excuse to treat her mom on saturday .\n", - "the mother-daughter duo dined at lupa in the greenwich village saturdaythe enjoyed a five-course italian lunch of pasta , salad , meat and cheese by the restaurant 's owner , mario batalimichelle was in new york this week launching an interactive online map to encourage people to join their local ` let 's move ' programmother 's day is may 10\n", - "[1.2581742 1.4314032 1.2647614 1.0563447 1.2073 1.1077054 1.052356\n", - " 1.1650091 1.1497781 1.192817 1.0466143 1.0295407 1.0727448 1.068752\n", - " 1.0823377 1.0492404 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 4 9 7 8 5 14 12 13 3 6 15 10 11 27 26 25 24 23 22 19 20\n", - " 18 17 16 28 21 29]\n", - "=======================\n", - "[\"the number of christians in the us will decline from three quarters of the population in 2010 to just two thirds in 2050 , researchers claim .statistics revealed by the pew research center show the percentage of atheists across the globe is expected to fall across the same time frame while muslims will outnumber christians by 2070 .islam will become america 's second-largest religion by 2050 according to a report outlining the world 's religious landscape 35 years from now .\"]\n", - "=======================\n", - "[\"christians will decline from 75 % of us population to just two thirds in 2050muslims will outnumber christians in the world by 2070 , report predictschristians are expected to fall below 50 % of the population in uk by 2050statistics have been revealed by washington dc 's pew research center\"]\n", - "the number of christians in the us will decline from three quarters of the population in 2010 to just two thirds in 2050 , researchers claim .statistics revealed by the pew research center show the percentage of atheists across the globe is expected to fall across the same time frame while muslims will outnumber christians by 2070 .islam will become america 's second-largest religion by 2050 according to a report outlining the world 's religious landscape 35 years from now .\n", - "christians will decline from 75 % of us population to just two thirds in 2050muslims will outnumber christians in the world by 2070 , report predictschristians are expected to fall below 50 % of the population in uk by 2050statistics have been revealed by washington dc 's pew research center\n", - "[1.2282264 1.3400925 1.3001863 1.1492945 1.1980335 1.1873076 1.2604107\n", - " 1.1288126 1.0289531 1.038078 1.0258551 1.1465931 1.0199599 1.0182087\n", - " 1.0989902 1.0741174 1.0276235 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 6 0 4 5 3 11 7 14 15 9 8 16 10 12 13 20 17 18 19 21]\n", - "=======================\n", - "['care staff say they are increasingly being asked to perform tasks previously only carried out by nurses .these include changing catheter and colostomy bags , feeding through a tube and even administering morphine .almost a quarter -- 24 per cent -- giving medication such as morphine and insulin had received no training while 27 per cent said they were not trained in working with dementia patients .']\n", - "=======================\n", - "[\"care staff ` increasingly being asked to perform tasks nurses used to do 'some untrained carers are changing catheters and administering morphineage uk director has called the findings in a new survey ` frankly terrifying 'survey questioned 1,000 workers employed by councils and private firms\"]\n", - "care staff say they are increasingly being asked to perform tasks previously only carried out by nurses .these include changing catheter and colostomy bags , feeding through a tube and even administering morphine .almost a quarter -- 24 per cent -- giving medication such as morphine and insulin had received no training while 27 per cent said they were not trained in working with dementia patients .\n", - "care staff ` increasingly being asked to perform tasks nurses used to do 'some untrained carers are changing catheters and administering morphineage uk director has called the findings in a new survey ` frankly terrifying 'survey questioned 1,000 workers employed by councils and private firms\n", - "[1.1301758 1.4869196 1.3408923 1.2098358 1.3510219 1.2067939 1.1411896\n", - " 1.182412 1.0407059 1.0225106 1.0114553 1.0282893 1.0144293 1.1516204\n", - " 1.0530596 1.0336739 1.0287551 1.0450039 1.0316879 1.0434186 1.0386752\n", - " 1.0245728]\n", - "\n", - "[ 1 4 2 3 5 7 13 6 0 14 17 19 8 20 15 18 16 11 21 9 12 10]\n", - "=======================\n", - "['mother-of-three danielle davis , 24 , refused a termination when a routine scan showed her baby had a cyst on the brain .but when daisy was born , ms davis and her partner andrew smith , 31 , were told she had the rare disorder anophthalmia , meaning she had no eyes .the condition is incurable , and so while daisy can be fitted with glass eyes as she gets older , she will never be able to see .']\n", - "=======================\n", - "[\"a routine scan showed danielle davis ' baby had a cyst on her brainshe refused a termination , but baby daisy was later born with no eyessuffers from rare condition called anopthalmia , meaning a lack of eyesdaisy will never be able to see , but cosmetic glass eyes could be fitted\"]\n", - "mother-of-three danielle davis , 24 , refused a termination when a routine scan showed her baby had a cyst on the brain .but when daisy was born , ms davis and her partner andrew smith , 31 , were told she had the rare disorder anophthalmia , meaning she had no eyes .the condition is incurable , and so while daisy can be fitted with glass eyes as she gets older , she will never be able to see .\n", - "a routine scan showed danielle davis ' baby had a cyst on her brainshe refused a termination , but baby daisy was later born with no eyessuffers from rare condition called anopthalmia , meaning a lack of eyesdaisy will never be able to see , but cosmetic glass eyes could be fitted\n", - "[1.2587132 1.4388794 1.1573907 1.3578413 1.1729367 1.2180425 1.1075984\n", - " 1.082146 1.0938993 1.0979543 1.1101665 1.1122559 1.0528182 1.0598011\n", - " 1.0385433 1.065056 1.0211202 1.0139174 1.0059066 1.038453 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 5 4 2 11 10 6 9 8 7 15 13 12 14 19 16 17 18 20 21]\n", - "=======================\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['teacher aaron galloway , 23 , was on a half-term city break to prague when he left his expensive slr camera on the seat as he landed in the czech republic capital .flighty : ryanair steward fernando miguel andrade viseu begged adam galloway not to report him to police when he replied to a message warning him that he could prove that he was selling stolen goodswhen aaron got home , he went on ebay to find a replacement and was astonished to see his own camera for sale with just 35 minutes left on the auction .']\n", - "=======================\n", - "['teacher adam galloway got home and found nikon on ebay just 35 minutes before end of auctionhe messaged seller who admitted he worked for ryanair and begged him not to report him to policeseller has sold 118 items on ebay including ray-ban sunglasses and skullcandy headphonessteward fernando miguel andrade viseu ordered to attend drug rehabilitation when sentenced for theft']\n", - "teacher aaron galloway , 23 , was on a half-term city break to prague when he left his expensive slr camera on the seat as he landed in the czech republic capital .flighty : ryanair steward fernando miguel andrade viseu begged adam galloway not to report him to police when he replied to a message warning him that he could prove that he was selling stolen goodswhen aaron got home , he went on ebay to find a replacement and was astonished to see his own camera for sale with just 35 minutes left on the auction .\n", - "teacher adam galloway got home and found nikon on ebay just 35 minutes before end of auctionhe messaged seller who admitted he worked for ryanair and begged him not to report him to policeseller has sold 118 items on ebay including ray-ban sunglasses and skullcandy headphonessteward fernando miguel andrade viseu ordered to attend drug rehabilitation when sentenced for theft\n", - "[1.4651282 1.5513258 1.3104955 1.1473688 1.0554827 1.022136 1.02191\n", - " 1.0156729 1.049474 1.047131 1.0404298 1.0355505 1.0168611 1.0405625\n", - " 1.0314558 1.0657297 1.027601 1.0503511 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 3 15 4 17 8 9 13 10 11 14 16 5 6 12 7 18 19 20 21]\n", - "=======================\n", - "['wednesday substitute sergiu bus opened the scoring in the 86th minute and ishmael miller , also on as a substitute , secured a point for his side with an equaliser just a minute from time .two goals inside the last four minutes saw the yorkshire derby clash between sheffield wednesday and huddersfield end in a 1-1 draw .the result leaves huddersfield without a win in their last seven games and 18th in the table , six places and nine points behind wednesday .']\n", - "=======================\n", - "['substitute ishmael miller scores 89th-minute equaliser for huddersfieldsergiu bus had put sheffield wednesday ahead three minutes earlier']\n", - "wednesday substitute sergiu bus opened the scoring in the 86th minute and ishmael miller , also on as a substitute , secured a point for his side with an equaliser just a minute from time .two goals inside the last four minutes saw the yorkshire derby clash between sheffield wednesday and huddersfield end in a 1-1 draw .the result leaves huddersfield without a win in their last seven games and 18th in the table , six places and nine points behind wednesday .\n", - "substitute ishmael miller scores 89th-minute equaliser for huddersfieldsergiu bus had put sheffield wednesday ahead three minutes earlier\n", - "[1.3908341 1.1940491 1.5392811 1.2887635 1.2700717 1.2696593 1.0518377\n", - " 1.0217437 1.0207608 1.1601381 1.0290378 1.0322375 1.0198956 1.0171056\n", - " 1.0652096 1.0384537 1.0210726 1.0531539 1.0142541 1.0176169 1.0104347\n", - " 0. ]\n", - "\n", - "[ 2 0 3 4 5 1 9 14 17 6 15 11 10 7 16 8 12 19 13 18 20 21]\n", - "=======================\n", - "['joanna goodall forged signatures of customers and colleagues for cash refunds at a premier inn in newcastle and took the money for herself .joanna goodall ( pictured outside court ) stole # 19,000 from the premier inn hotel where she worked as a receptionistbosses noticed the high level of refunds and cctv showed goodall taking money from the till .']\n", - "=======================\n", - "['joanna goodall forged signatures for cash refunds at a premier innbosses noticed high level of refunds and cctv which showed goodall taking money from the tillthe pregnant 30-year-old admitted thefts at newcastle crown courtgoodall , of newcastle , was given a nine-month suspended sentence']\n", - "joanna goodall forged signatures of customers and colleagues for cash refunds at a premier inn in newcastle and took the money for herself .joanna goodall ( pictured outside court ) stole # 19,000 from the premier inn hotel where she worked as a receptionistbosses noticed the high level of refunds and cctv showed goodall taking money from the till .\n", - "joanna goodall forged signatures for cash refunds at a premier innbosses noticed high level of refunds and cctv which showed goodall taking money from the tillthe pregnant 30-year-old admitted thefts at newcastle crown courtgoodall , of newcastle , was given a nine-month suspended sentence\n", - "[1.2818627 1.316614 1.1592981 1.1461715 1.2005358 1.1408129 1.2013944\n", - " 1.0903164 1.0810277 1.0996532 1.0460874 1.0393664 1.1386379 1.0243269\n", - " 1.0676793 1.0180113 1.0362914 1.0370393 0. 0. ]\n", - "\n", - "[ 1 0 6 4 2 3 5 12 9 7 8 14 10 11 17 16 13 15 18 19]\n", - "=======================\n", - "[\"the move comes after federal communications commission decided that merger was n't in the public interest and threw up a regulatory roadblock following fierce opposition from net neutrality activists and content providers like disney and 21st century fox .comcast is abandoning its bid to buy time warner cable for $ 45.2 billion and create a mega-size tv and internet provider , it was reported today .bloomberg , followed by the new york times , reported thursday afternoon that comcast is planning to ` walk away ' from the deal rather than fight it out with the federal government .\"]\n", - "=======================\n", - "[\"merger would have given the new company control of 57percent of the broadband internet market and 30percent of the paid tv marketannouncement that comcast is ` walking away ' from deal could come fridaycomcast has 30million subscribers and time warner cable boasts 11million ; new company would have spun off or sold 3.9 millionfcc staffers recommended the merger be sent to a judge for review - a significant regulatory hurdleregulators questions whether merger was in the public interest\"]\n", - "the move comes after federal communications commission decided that merger was n't in the public interest and threw up a regulatory roadblock following fierce opposition from net neutrality activists and content providers like disney and 21st century fox .comcast is abandoning its bid to buy time warner cable for $ 45.2 billion and create a mega-size tv and internet provider , it was reported today .bloomberg , followed by the new york times , reported thursday afternoon that comcast is planning to ` walk away ' from the deal rather than fight it out with the federal government .\n", - "merger would have given the new company control of 57percent of the broadband internet market and 30percent of the paid tv marketannouncement that comcast is ` walking away ' from deal could come fridaycomcast has 30million subscribers and time warner cable boasts 11million ; new company would have spun off or sold 3.9 millionfcc staffers recommended the merger be sent to a judge for review - a significant regulatory hurdleregulators questions whether merger was in the public interest\n", - "[1.4262688 1.3138548 1.266726 1.3352067 1.0580462 1.3188661 1.2560048\n", - " 1.1272414 1.0284083 1.0346488 1.0162926 1.0183569 1.0851365 1.0374748\n", - " 1.0280782 1.0173471 1.0146581 1.0218536 1.0288087 1.019296 ]\n", - "\n", - "[ 0 3 5 1 2 6 7 12 4 13 9 18 8 14 17 19 11 15 10 16]\n", - "=======================\n", - "['manchester united defender marcos rojo appeared to be enjoying his vacation in portugal as he posed for a picture at the dinner table with family and friends just days after his affair with a fitness instructor was exposed .marcos rojo ( third from left ) enjoys a meal out with friends and family in portugal during a week offfitness instructor sarah watson claims rojo and his advisors tried to frame her for blackmail']\n", - "=======================\n", - "['marcos rojo back in portugal and poses for picture with family in friendsmanchester united defender starred in 3-1 victory against aston villasarah watson claims she was offered money to spend the night with rojosays rojo and his representatives tried to frame her for blackmailrepresentatives tried to entrap sarah with promises of cash to spin story']\n", - "manchester united defender marcos rojo appeared to be enjoying his vacation in portugal as he posed for a picture at the dinner table with family and friends just days after his affair with a fitness instructor was exposed .marcos rojo ( third from left ) enjoys a meal out with friends and family in portugal during a week offfitness instructor sarah watson claims rojo and his advisors tried to frame her for blackmail\n", - "marcos rojo back in portugal and poses for picture with family in friendsmanchester united defender starred in 3-1 victory against aston villasarah watson claims she was offered money to spend the night with rojosays rojo and his representatives tried to frame her for blackmailrepresentatives tried to entrap sarah with promises of cash to spin story\n", - "[1.3692884 1.1823813 1.3278084 1.1043224 1.251967 1.0920157 1.1628851\n", - " 1.0691903 1.0664353 1.0802606 1.157141 1.1072447 1.0467862 1.0401008\n", - " 1.027477 1.0415874 1.0510406 1.0280551 0. 0. ]\n", - "\n", - "[ 0 2 4 1 6 10 11 3 5 9 7 8 16 12 15 13 17 14 18 19]\n", - "=======================\n", - "[\"the baby , known as mary , had been born at alder hey hospital in liverpool , pictured , but died six months later with traces of cocaine in her stomachmary was the youngest child in a family of four children born to a mother aged 30 and a father aged 33 .she was kept in hospital for three months during which time there were ` several consecutive days ' in which she had no contact with her parents .\"]\n", - "=======================\n", - "['infant , known as mary , was also found with two other drugs in her systemshe was discharged from hospital despite her parents being drug usersthe family from liverpool were already well-known to local social servicescame amid concerns about alcohol abuse , domestic violence and neglect']\n", - "the baby , known as mary , had been born at alder hey hospital in liverpool , pictured , but died six months later with traces of cocaine in her stomachmary was the youngest child in a family of four children born to a mother aged 30 and a father aged 33 .she was kept in hospital for three months during which time there were ` several consecutive days ' in which she had no contact with her parents .\n", - "infant , known as mary , was also found with two other drugs in her systemshe was discharged from hospital despite her parents being drug usersthe family from liverpool were already well-known to local social servicescame amid concerns about alcohol abuse , domestic violence and neglect\n", - "[1.1880366 1.2134591 1.2165349 1.3091346 1.3152492 1.1848907 1.1340063\n", - " 1.0332202 1.0334959 1.1044002 1.069052 1.0627246 1.0499208 1.0464147\n", - " 1.0576876 1.045558 0. 0. 0. 0. ]\n", - "\n", - "[ 4 3 2 1 0 5 6 9 10 11 14 12 13 15 8 7 18 16 17 19]\n", - "=======================\n", - "[\"research on infants ' brains by doctors from oxford university has found that young babies are more sensitive to pain than adults .but the new findings , revealed by oxford university doctors , suggest that not only do babies feel pain , but their pain thresholds are even lower than those of adults .it means that newborns often go without painkillers , even during invasive procedures .\"]\n", - "=======================\n", - "['young babies are more sensitive to pain than adults , according to studydoctors previously assumed very young babies had high pain thresholdnew findings by oxford university shows newborn babies do react to pain']\n", - "research on infants ' brains by doctors from oxford university has found that young babies are more sensitive to pain than adults .but the new findings , revealed by oxford university doctors , suggest that not only do babies feel pain , but their pain thresholds are even lower than those of adults .it means that newborns often go without painkillers , even during invasive procedures .\n", - "young babies are more sensitive to pain than adults , according to studydoctors previously assumed very young babies had high pain thresholdnew findings by oxford university shows newborn babies do react to pain\n", - "[1.271489 1.4225061 1.1429797 1.4203581 1.2490722 1.0468651 1.1070523\n", - " 1.1308386 1.0866714 1.0325441 1.0213007 1.0798911 1.0625027 1.0459906\n", - " 1.1029269 1.0564648 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 7 6 14 8 11 12 15 5 13 9 10 18 16 17 19]\n", - "=======================\n", - "[\"in a case that has sparked accusations of heavy-handed censorship , artist megumi igarashi said she had done nothing wrong in handing out the code for a 3d printer . 'a japanese artist charged with obscenity for distributing plans of how to build a kayak shaped like her vagina denied the charges when she appeared in court on wednesday .i am innocent because neither the data for female genitals nor my art works shaped like female genitals are obscene , ' she told judges at tokyo district court .\"]\n", - "=======================\n", - "[\"megumi igarashi makes pieces of art that are modelled on her vaginaher case has sparked accusations of heavy-handed censorship` the data for female genitals is not obsence , ' she told a tokyo court\"]\n", - "in a case that has sparked accusations of heavy-handed censorship , artist megumi igarashi said she had done nothing wrong in handing out the code for a 3d printer . 'a japanese artist charged with obscenity for distributing plans of how to build a kayak shaped like her vagina denied the charges when she appeared in court on wednesday .i am innocent because neither the data for female genitals nor my art works shaped like female genitals are obscene , ' she told judges at tokyo district court .\n", - "megumi igarashi makes pieces of art that are modelled on her vaginaher case has sparked accusations of heavy-handed censorship` the data for female genitals is not obsence , ' she told a tokyo court\n", - "[1.2965021 1.4457829 1.2176653 1.3437812 1.1945512 1.1084911 1.0436453\n", - " 1.0605376 1.0573384 1.10863 1.0526268 1.0504521 1.0459179 1.0370907\n", - " 1.0482663 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 2 4 9 5 7 8 10 11 14 12 6 13 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"dr julie epstein could also face being struck off after an investigation revealed she had been giving substances such as anabolic steroids to some 40 patients , some of whom had trouble with similar drugs in the past .sydney anti-ageing doctor julie epstein ( not pictured ) has been found guilty of medical misconductthe doctor , who opened one of nsw 's first anti-ageing clinics , has been prosecuted by the health care complaints commission ( hccc ) for her conduct between august 2007 and august 2009 , fairfax media reports .\"]\n", - "=======================\n", - "['dr julie epstein has been found guilty of medical misconductthe sydney anti-ageing doctor was inappropriately prescribing drugssteroids and human growth hormone were being given to patientsnsw civil and administrative tribunal said she was irresponsible']\n", - "dr julie epstein could also face being struck off after an investigation revealed she had been giving substances such as anabolic steroids to some 40 patients , some of whom had trouble with similar drugs in the past .sydney anti-ageing doctor julie epstein ( not pictured ) has been found guilty of medical misconductthe doctor , who opened one of nsw 's first anti-ageing clinics , has been prosecuted by the health care complaints commission ( hccc ) for her conduct between august 2007 and august 2009 , fairfax media reports .\n", - "dr julie epstein has been found guilty of medical misconductthe sydney anti-ageing doctor was inappropriately prescribing drugssteroids and human growth hormone were being given to patientsnsw civil and administrative tribunal said she was irresponsible\n", - "[1.3010046 1.198829 1.2965782 1.195022 1.2365786 1.0414485 1.0157903\n", - " 1.1740705 1.130867 1.1764544 1.0852275 1.0848975 1.0475175 1.0205153\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 4 1 3 9 7 8 10 11 12 5 13 6 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "['wanted : a police e-fit image of millionaire people trafficker ermias ghermay , who is thought to have made # 72m with his accomplice mered medhanie from smuggling migrants in the last two yearsone of them , an eritrean called mered medhanie , also known as the general , was heard laughing on a police wiretap about overloading migrant ships , a problem that causes them to capsize .two millionaire people traffickers have been heard mocking the migrant boat disasters that have resulted in thousands of deaths in the mediterranean , it has been reported .']\n", - "=======================\n", - "[\"mered medhanie and ermias ghermay ` have made # 72m in last two years 'medhanie heard on police wiretap mocking the fatal overcrowding of shipsghermay reportedly said : ' i do n't know what happened , they probably died 'pair wanted over major smuggling ring , but are hiding in lawless libya\"]\n", - "wanted : a police e-fit image of millionaire people trafficker ermias ghermay , who is thought to have made # 72m with his accomplice mered medhanie from smuggling migrants in the last two yearsone of them , an eritrean called mered medhanie , also known as the general , was heard laughing on a police wiretap about overloading migrant ships , a problem that causes them to capsize .two millionaire people traffickers have been heard mocking the migrant boat disasters that have resulted in thousands of deaths in the mediterranean , it has been reported .\n", - "mered medhanie and ermias ghermay ` have made # 72m in last two years 'medhanie heard on police wiretap mocking the fatal overcrowding of shipsghermay reportedly said : ' i do n't know what happened , they probably died 'pair wanted over major smuggling ring , but are hiding in lawless libya\n", - "[1.4166213 1.2169802 1.4112982 1.2190155 1.1904078 1.1001763 1.1595328\n", - " 1.0718865 1.0422524 1.0887442 1.0742344 1.057692 1.079117 1.1089447\n", - " 1.1258332 1.1046301 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 3 1 4 6 14 13 15 5 9 12 10 7 11 8 20 16 17 18 19 21]\n", - "=======================\n", - "[\"locked up : martin alvarado jr , 23 , allegedly repeatedly hit his girlfriend 's young son last weekmartin alvarado jr. , from cicero , illinois , appeared in court on monday on a first-degree murder charge for the death of edwin eli o'reilly and has been ordered to be held without bail .he was watching edwin at their home in cicero last thursday when the toddler urinated on him during a diaper change , according to authorities .\"]\n", - "=======================\n", - "[\"martin alvarado , jr. , ` was looking after edwin o'reilly on thursday and became enraged when the child urinated on him as he changed his diaper 'he ` confessed to police that he repeatedly struck the boy , killing him 'alvarado is being held without bail on a first-degree murder charge\"]\n", - "locked up : martin alvarado jr , 23 , allegedly repeatedly hit his girlfriend 's young son last weekmartin alvarado jr. , from cicero , illinois , appeared in court on monday on a first-degree murder charge for the death of edwin eli o'reilly and has been ordered to be held without bail .he was watching edwin at their home in cicero last thursday when the toddler urinated on him during a diaper change , according to authorities .\n", - "martin alvarado , jr. , ` was looking after edwin o'reilly on thursday and became enraged when the child urinated on him as he changed his diaper 'he ` confessed to police that he repeatedly struck the boy , killing him 'alvarado is being held without bail on a first-degree murder charge\n", - "[1.1353577 1.5514308 1.2945606 1.3375409 1.092571 1.1637846 1.1267401\n", - " 1.0862108 1.0187664 1.0190095 1.0987878 1.0730972 1.0261164 1.0208243\n", - " 1.0162321 1.050128 1.0652442 1.0308402 1.0256022 1.0526266 1.032648\n", - " 1.0155013]\n", - "\n", - "[ 1 3 2 5 0 6 10 4 7 11 16 19 15 20 17 12 18 13 9 8 14 21]\n", - "=======================\n", - "['jacksonville , florida photographer kristina bewly took her 4-year-old daughter giselle to the florida theme park for the first time last september and they have been returning every month since .each time the family visits , giselle puts on a new princess bought by her mother kristina .butterflies : giselle visits the park every month and wears a different whimsical outfit every time']\n", - "=======================\n", - "['jacksonville , florida photographer kristina bewly took her 4-year-old daughter giselle to disney world for the first time last septembergiselle and kristina visit the park once a month and giselle wears dresses bought by her mothergiselle , who suffers from down syndrome , models for her photographer mother at the theme park']\n", - "jacksonville , florida photographer kristina bewly took her 4-year-old daughter giselle to the florida theme park for the first time last september and they have been returning every month since .each time the family visits , giselle puts on a new princess bought by her mother kristina .butterflies : giselle visits the park every month and wears a different whimsical outfit every time\n", - "jacksonville , florida photographer kristina bewly took her 4-year-old daughter giselle to disney world for the first time last septembergiselle and kristina visit the park once a month and giselle wears dresses bought by her mothergiselle , who suffers from down syndrome , models for her photographer mother at the theme park\n", - "[1.2896494 1.2846693 1.2476436 1.2020533 1.2209924 1.2808309 1.1729403\n", - " 1.03266 1.0232667 1.0189252 1.0181948 1.0541799 1.078792 1.0730361\n", - " 1.1072335 1.1279781 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 5 2 4 3 6 15 14 12 13 11 7 8 9 10 16 17 18 19 20 21]\n", - "=======================\n", - "[\"it may come as a surprise to some - particularly arsene wenger and pep guardiola - but jose mourinho has revealed how sir alex ferguson inspired him to try to be a gracious manager .the chelsea boss said in a wide-ranging interview with the telegraph that the legendary manchester united manager showed him ` two faces ' during their first competitive meeting in 2004 - the first one of a steely rival and the second one of a sporting loser .fergie 's manchester united were stunned by mourinho 's porto in the champions league in 2004\"]\n", - "=======================\n", - "[\"jose mourinho has spoken about his first meeting with sir alex fergusonmourinho 's porto beat manchester united in the 2004 champions leaguethe portuguese says fergie 's respect in defeat has influenced himmourinho : i have a problem , i am getting better and betterread : mourinho sides with arsene wenger in ballon d'or opposition\"]\n", - "it may come as a surprise to some - particularly arsene wenger and pep guardiola - but jose mourinho has revealed how sir alex ferguson inspired him to try to be a gracious manager .the chelsea boss said in a wide-ranging interview with the telegraph that the legendary manchester united manager showed him ` two faces ' during their first competitive meeting in 2004 - the first one of a steely rival and the second one of a sporting loser .fergie 's manchester united were stunned by mourinho 's porto in the champions league in 2004\n", - "jose mourinho has spoken about his first meeting with sir alex fergusonmourinho 's porto beat manchester united in the 2004 champions leaguethe portuguese says fergie 's respect in defeat has influenced himmourinho : i have a problem , i am getting better and betterread : mourinho sides with arsene wenger in ballon d'or opposition\n", - "[1.2932283 1.3929079 1.3266398 1.372931 1.1279368 1.1547023 1.1407896\n", - " 1.0309683 1.0212266 1.0135318 1.0337926 1.1521888 1.0951011 1.1628656\n", - " 1.1282272 1.0642618 1.0133659 1.0526706 1.0105764 1.0229717 1.0102928\n", - " 1.0078373]\n", - "\n", - "[ 1 3 2 0 13 5 11 6 14 4 12 15 17 10 7 19 8 9 16 18 20 21]\n", - "=======================\n", - "[\"sadly , owner clem schultz 's beloved wife geraldine died in the blast .reunion : widower clem schultz was miraculously reunited with his dog missy on saturday after a deadly tornado hit illinois on thursday and killed his wife geraldinebeloved pet : clem schultz never imagined he would be reunited with missy have losing his love to the storm\"]\n", - "=======================\n", - "[\"clem schultz 's beloved wife geraldine died in the deadly tornado in illinois on thursdayschultz 's dog missy went missing for two days but luckily was found two days later unharmedmissy was so traumatized by the storm that she ran 2.5 miles from her loved ones once she was found until they could catch up with her\"]\n", - "sadly , owner clem schultz 's beloved wife geraldine died in the blast .reunion : widower clem schultz was miraculously reunited with his dog missy on saturday after a deadly tornado hit illinois on thursday and killed his wife geraldinebeloved pet : clem schultz never imagined he would be reunited with missy have losing his love to the storm\n", - "clem schultz 's beloved wife geraldine died in the deadly tornado in illinois on thursdayschultz 's dog missy went missing for two days but luckily was found two days later unharmedmissy was so traumatized by the storm that she ran 2.5 miles from her loved ones once she was found until they could catch up with her\n", - "[1.2116195 1.4608252 1.2614946 1.343288 1.202154 1.1252475 1.1687493\n", - " 1.0882078 1.0860076 1.0282851 1.0559454 1.057121 1.0591478 1.0804697\n", - " 1.0315716 1.0351046 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 4 6 5 7 8 13 12 11 10 15 14 9 16 17 18 19 20 21]\n", - "=======================\n", - "[\"david and margaret-ann rous were on an easter getaway when their private plane crashed into hills during bad weather in the scottish highlands .newlyweds : dr margaret-ann and david rous died when their light aircraft crashed into a scottish hillside while flying from their home in dundee to make a surprise to see family on the the hebridean isle of tireethe pair had arranged a secret visit using mr rous 's light aircraft to see his wife 's mother and sister on an island in the inner hebrides on saturday .\"]\n", - "=======================\n", - "[\"dr margaret-ann rous and her husband david were flying to tiree to see her mother and sistertheir bodies were found inside wreckage after the plane dropped off radarcouple married last july and were believed to be planning to start familydr rous 's sister johann has paid emotional tribute to her ` absolute rock '\"]\n", - "david and margaret-ann rous were on an easter getaway when their private plane crashed into hills during bad weather in the scottish highlands .newlyweds : dr margaret-ann and david rous died when their light aircraft crashed into a scottish hillside while flying from their home in dundee to make a surprise to see family on the the hebridean isle of tireethe pair had arranged a secret visit using mr rous 's light aircraft to see his wife 's mother and sister on an island in the inner hebrides on saturday .\n", - "dr margaret-ann rous and her husband david were flying to tiree to see her mother and sistertheir bodies were found inside wreckage after the plane dropped off radarcouple married last july and were believed to be planning to start familydr rous 's sister johann has paid emotional tribute to her ` absolute rock '\n", - "[1.4716477 1.2522461 1.3255934 1.1580484 1.2088245 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 4 3 19 18 17 16 15 14 13 10 11 20 9 8 7 6 5 12 21]\n", - "=======================\n", - "[\"manchester city are keen to sign anderlecht teenager evangelos patoulidis .the belgian starlet rejected a move to barcelona 's la masia academy when he was 12 as his family wanted him to continue his studies .the 14-year-old playmaker is regarded as one of the best talents to emerge from anderlecht 's youth set-up and has also attracted attention from arsenal and barcelona .\"]\n", - "=======================\n", - "['evangelos patoulidis also attracted interest from barcelona and arsenalanderlecht rejected a move to barcelona when he was 12city in talks with anderlecht chief roger vanden stock to complete a deal']\n", - "manchester city are keen to sign anderlecht teenager evangelos patoulidis .the belgian starlet rejected a move to barcelona 's la masia academy when he was 12 as his family wanted him to continue his studies .the 14-year-old playmaker is regarded as one of the best talents to emerge from anderlecht 's youth set-up and has also attracted attention from arsenal and barcelona .\n", - "evangelos patoulidis also attracted interest from barcelona and arsenalanderlecht rejected a move to barcelona when he was 12city in talks with anderlecht chief roger vanden stock to complete a deal\n", - "[1.2353013 1.5015912 1.3205631 1.2135463 1.213097 1.3246685 1.022394\n", - " 1.0283865 1.0844595 1.0527085 1.1592454 1.1128023 1.0720072 1.0538983\n", - " 1.0113034 1.0125374 1.026902 1.0186383 1.065873 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 5 2 0 3 4 10 11 8 12 18 13 9 7 16 6 17 15 14 20 19 21]\n", - "=======================\n", - "['siyanda ngwenya , known as adams , allegedly attacked the female contestant while she was asleep after a drunken night of partying in the house in johannesburg .the pair were last seen on tv kissing and cuddling in bed before the cameras moved away .a contestant on the south african version of big brother has been expelled from the show after being accused of raping a fellow housemate .']\n", - "=======================\n", - "[\"siyanda ngwenya accused of attacking the woman while she was asleephe ` boasted to housemates they had sex after night of drunken partying 'woman reportedly shocked by claims and said she did not consent to sexfans of the show have questioned the woman 's claims that she was raped\"]\n", - "siyanda ngwenya , known as adams , allegedly attacked the female contestant while she was asleep after a drunken night of partying in the house in johannesburg .the pair were last seen on tv kissing and cuddling in bed before the cameras moved away .a contestant on the south african version of big brother has been expelled from the show after being accused of raping a fellow housemate .\n", - "siyanda ngwenya accused of attacking the woman while she was asleephe ` boasted to housemates they had sex after night of drunken partying 'woman reportedly shocked by claims and said she did not consent to sexfans of the show have questioned the woman 's claims that she was raped\n", - "[1.2258224 1.3521519 1.3802165 1.1834563 1.3330542 1.1580018 1.0498029\n", - " 1.0987602 1.1108911 1.0477506 1.0811588 1.0898283 1.083501 1.0712324\n", - " 1.0500599 1.1902642 1.0484002 1.0063226 1.00988 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 4 0 15 3 5 8 7 11 12 10 13 14 6 16 9 18 17 19 20 21]\n", - "=======================\n", - "[\"daniel messel , 49 , of bloomington , was arrested after a police investigation and he is facing a preliminary charge of murder .police confirmed that hannah wilson 's body was found on friday in the rural area of needmore , indiana , which is about an hour drive outside bloomington , where she attended school , police said .indiana university student hannah wilson , 22 , was last seen at about 1am on friday .\"]\n", - "=======================\n", - "[\"hannah wilson , 22 , was last seen in bloomington at about 1am on fridaya missing persons report regarding the gamma phi beta sorority member was filed friday afternoonpolice found wilson 's body in needmore , more than 20 miles from campusshe died after being struck in the back of the head multiple times by an unknown objectdaniel messel , 49 , of bloomington was arrested and is facing a preliminary charge of murderthe connection between messel and wilson has not been revealed by police\"]\n", - "daniel messel , 49 , of bloomington , was arrested after a police investigation and he is facing a preliminary charge of murder .police confirmed that hannah wilson 's body was found on friday in the rural area of needmore , indiana , which is about an hour drive outside bloomington , where she attended school , police said .indiana university student hannah wilson , 22 , was last seen at about 1am on friday .\n", - "hannah wilson , 22 , was last seen in bloomington at about 1am on fridaya missing persons report regarding the gamma phi beta sorority member was filed friday afternoonpolice found wilson 's body in needmore , more than 20 miles from campusshe died after being struck in the back of the head multiple times by an unknown objectdaniel messel , 49 , of bloomington was arrested and is facing a preliminary charge of murderthe connection between messel and wilson has not been revealed by police\n", - "[1.2211204 1.3523521 1.3633177 1.3611114 1.2537241 1.1303313 1.1102543\n", - " 1.078587 1.0423313 1.0540648 1.0509359 1.0658237 1.0603567 1.0572635\n", - " 1.0256858 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 4 0 5 6 7 11 12 13 9 10 8 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the scientists discovered a protein which helps boost the body 's immune system ten-fold , an astonishing effect which could help patients fight off cancers and viruses .the protein promotes the production of immune cells called cytotoxic t-cells , which have the ability to detect cancerous cells , hunt them down , and destroy thema team led by imperial college london has already applied to patent the therapy , which they say could be ready for human trials within three years .\"]\n", - "=======================\n", - "['treatment developed by british team could boost ability to fight cancerimperial college london say human trials of therapy could begin in 3 yearsprotein discovered could boost immune system ten times to fight cancerthe chance discovery made when unknown molecule was found in mice']\n", - "the scientists discovered a protein which helps boost the body 's immune system ten-fold , an astonishing effect which could help patients fight off cancers and viruses .the protein promotes the production of immune cells called cytotoxic t-cells , which have the ability to detect cancerous cells , hunt them down , and destroy thema team led by imperial college london has already applied to patent the therapy , which they say could be ready for human trials within three years .\n", - "treatment developed by british team could boost ability to fight cancerimperial college london say human trials of therapy could begin in 3 yearsprotein discovered could boost immune system ten times to fight cancerthe chance discovery made when unknown molecule was found in mice\n", - "[1.0660778 1.0703939 1.419506 1.3229814 1.1165334 1.2066691 1.1407624\n", - " 1.1174732 1.0566086 1.0401605 1.0366235 1.1084474 1.0931205 1.0409464\n", - " 1.0494303 1.0410995 1.0773485 1.0365789 1.0485705 1.0259075 1.034599 ]\n", - "\n", - "[ 2 3 5 6 7 4 11 12 16 1 0 8 14 18 15 13 9 10 17 20 19]\n", - "=======================\n", - "[\"these are the ` nail ' houses in china left standing after their owners refused to give in to property developers vying for their demolition .homes such as these in china are known as ` dingzihu ' or ` nail houses ' because they stick out and are difficult to remove , like a stubborn nail .a nail house , the last building in the area , sits in the middle of a road under construction in nanning , guangxi zhuang autonomous region .\"]\n", - "=======================\n", - "[\"homes such as these in china are known as ` nail houses ' because they are difficult to remove , like a stubborn nailone house in wenling , zhejiang province , had a main road built around it when the owner refused to moveanother image shows a house sitting alone in a crater at the centre of a construction site in chongqing municipality\"]\n", - "these are the ` nail ' houses in china left standing after their owners refused to give in to property developers vying for their demolition .homes such as these in china are known as ` dingzihu ' or ` nail houses ' because they stick out and are difficult to remove , like a stubborn nail .a nail house , the last building in the area , sits in the middle of a road under construction in nanning , guangxi zhuang autonomous region .\n", - "homes such as these in china are known as ` nail houses ' because they are difficult to remove , like a stubborn nailone house in wenling , zhejiang province , had a main road built around it when the owner refused to moveanother image shows a house sitting alone in a crater at the centre of a construction site in chongqing municipality\n", - "[1.2382159 1.213701 1.0760163 1.1384438 1.1888057 1.3751268 1.0634199\n", - " 1.0684485 1.0304638 1.0297463 1.0334547 1.028762 1.0236373 1.0236193\n", - " 1.0303931 1.0396452 1.0260508 0. 0. 0. 0. ]\n", - "\n", - "[ 5 0 1 4 3 2 7 6 15 10 8 14 9 11 16 12 13 19 17 18 20]\n", - "=======================\n", - "[\"hibernian manager alan stubbs did not know what to make of peter houston 's recent post-match commentsor , more accurately , the falkirk manager 's sudden escalation of post-match comments into an all-out conflict .in the space of 10 minutes on monday , the hibs boss did placatory -- ` i have a lot of respect for peter and what he 's done ' -- and followed it with accusatory , as in ` i think you need to ask peter what he said when he came into my office after we got beat 1-0 in the first game ; it certainly was not what he said in the press ( on saturday ) . '\"]\n", - "=======================\n", - "[\"alan stubbs felt hibernian did enough to reach scottish cup finalfalkirk manager peter houston hit back at stubbs ' post-match commentshouston 's side take on inverness caledonian thistle on may 30\"]\n", - "hibernian manager alan stubbs did not know what to make of peter houston 's recent post-match commentsor , more accurately , the falkirk manager 's sudden escalation of post-match comments into an all-out conflict .in the space of 10 minutes on monday , the hibs boss did placatory -- ` i have a lot of respect for peter and what he 's done ' -- and followed it with accusatory , as in ` i think you need to ask peter what he said when he came into my office after we got beat 1-0 in the first game ; it certainly was not what he said in the press ( on saturday ) . '\n", - "alan stubbs felt hibernian did enough to reach scottish cup finalfalkirk manager peter houston hit back at stubbs ' post-match commentshouston 's side take on inverness caledonian thistle on may 30\n", - "[1.1341027 1.1200625 1.428715 1.2027645 1.1036695 1.0267918 1.1345628\n", - " 1.0758752 1.1504419 1.1537708 1.0423535 1.0506575 1.0530725 1.0201643\n", - " 1.0450305 1.047683 1.0270233 1.0195818 1.0538157 1.0846506 1.0467373]\n", - "\n", - "[ 2 3 9 8 6 0 1 4 19 7 18 12 11 15 20 14 10 16 5 13 17]\n", - "=======================\n", - "['the students ( aged 8 to 14 ) at the ibnu-siina school in northern kenya are getting a so-called \" western \" education , taking lessons in subjects like mathematics , science and english .but it \\'s an education that al-shabaab -- the somali-based terror group -- is trying to prevent the children from obtaining , according to the head of the school .it was the group \\'s deadliest attack to date .']\n", - "=======================\n", - "['looming threat of al-shabaab has terrified students and teachers in kenyaterror group massacred 147 at kenyan university last week']\n", - "the students ( aged 8 to 14 ) at the ibnu-siina school in northern kenya are getting a so-called \" western \" education , taking lessons in subjects like mathematics , science and english .but it 's an education that al-shabaab -- the somali-based terror group -- is trying to prevent the children from obtaining , according to the head of the school .it was the group 's deadliest attack to date .\n", - "looming threat of al-shabaab has terrified students and teachers in kenyaterror group massacred 147 at kenyan university last week\n", - "[1.4462199 1.4026111 1.260196 1.3989149 1.3604026 1.1881603 1.1170102\n", - " 1.1431441 1.1328309 1.0560393 1.0471078 1.0223391 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 4 2 5 7 8 6 9 10 11 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"hannover fired coach tayfun korkut on monday after a run of 13 games without a win left the club close to the bundesliga 's relegation zone .michael frontzek has been named as his successor , signing a contract valid for the remaining five matches of the season .tayfun korkut has been sacked by hannover after a long winless run saw the club fall down the league table\"]\n", - "=======================\n", - "['tayfun korkut was fired by hannover after the 4-0 defeat by bayer leverkusen on saturday left the club near the relegation zonemichael frontzek will take charge of hannover for the rest of the seasonhannover are currently 15th in the bundesliga table and are on a torrid run of 13 games without a win']\n", - "hannover fired coach tayfun korkut on monday after a run of 13 games without a win left the club close to the bundesliga 's relegation zone .michael frontzek has been named as his successor , signing a contract valid for the remaining five matches of the season .tayfun korkut has been sacked by hannover after a long winless run saw the club fall down the league table\n", - "tayfun korkut was fired by hannover after the 4-0 defeat by bayer leverkusen on saturday left the club near the relegation zonemichael frontzek will take charge of hannover for the rest of the seasonhannover are currently 15th in the bundesliga table and are on a torrid run of 13 games without a win\n", - "[1.2491181 1.3715771 1.1872456 1.4126245 1.1003003 1.1555096 1.0462697\n", - " 1.131263 1.0573475 1.1061319 1.072675 1.0647416 1.0168847 1.0157702\n", - " 1.0126337 1.1066024 1.1262879 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 2 5 7 16 15 9 4 10 11 8 6 12 13 14 18 17 19]\n", - "=======================\n", - "[\"steve harmison seems to be doing a fine job at ashington afc and has led them to seven wins on the spinrecent victories against west allotment celtic , penrith and celtic nation were particularly impressive , harmison is only looking up as a football coach .and former england skipper has supported his former england team-mate , posting a tongue-in-cheek tweet on tuesday night : ' ( sic ) hearing @harmy611 has now won 7 on the bounce as ashington manager ... .\"]\n", - "=======================\n", - "[\"steve harmison took job with local club ashington afc in januarynorthern league division one side have won their last seven gamesmichael vaughan says mike ashley should be watching out at newcastlejohn carver 's side were beaten 1-0 by local rivals sunderland on sunday\"]\n", - "steve harmison seems to be doing a fine job at ashington afc and has led them to seven wins on the spinrecent victories against west allotment celtic , penrith and celtic nation were particularly impressive , harmison is only looking up as a football coach .and former england skipper has supported his former england team-mate , posting a tongue-in-cheek tweet on tuesday night : ' ( sic ) hearing @harmy611 has now won 7 on the bounce as ashington manager ... .\n", - "steve harmison took job with local club ashington afc in januarynorthern league division one side have won their last seven gamesmichael vaughan says mike ashley should be watching out at newcastlejohn carver 's side were beaten 1-0 by local rivals sunderland on sunday\n", - "[1.075925 1.512883 1.2353723 1.3858438 1.1999524 1.0561417 1.1009287\n", - " 1.0321391 1.1411586 1.0726165 1.0499347 1.1041212 1.1495734 1.1187112\n", - " 1.0718054 1.0638425 1.0464327 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 12 8 13 11 6 0 9 14 15 5 10 16 7 18 17 19]\n", - "=======================\n", - "[\"the chelsea captain scored his side 's second goal in their 3-1 win away at leicester on wednesday night - as the blues close in on their fourth premier league title .the 34-year-old 's close-range effort took his tally for the season to seven in all competitions - making him the club 's joint third-highest goalscorer .radamel falcao has endured a difficult season on loan at manchester united - scoring only four goals\"]\n", - "=======================\n", - "[\"chelsea won 3-1 away at leicester in the premier league on wednesdayjohn terry scored chelsea 's second in their win at the king power stadiumgoal was terry 's fourth in the premier league this seasonex-west ham defender julian dicks scored 10 during the 1995-96 seasonread : branislav ivanovic has more assists than mesut ozil\"]\n", - "the chelsea captain scored his side 's second goal in their 3-1 win away at leicester on wednesday night - as the blues close in on their fourth premier league title .the 34-year-old 's close-range effort took his tally for the season to seven in all competitions - making him the club 's joint third-highest goalscorer .radamel falcao has endured a difficult season on loan at manchester united - scoring only four goals\n", - "chelsea won 3-1 away at leicester in the premier league on wednesdayjohn terry scored chelsea 's second in their win at the king power stadiumgoal was terry 's fourth in the premier league this seasonex-west ham defender julian dicks scored 10 during the 1995-96 seasonread : branislav ivanovic has more assists than mesut ozil\n", - "[1.2530805 1.4505911 1.1834639 1.177705 1.1699538 1.2467062 1.1661843\n", - " 1.1228635 1.0464334 1.0598775 1.0408381 1.0716703 1.1719837 1.0478489\n", - " 1.0449727 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 5 2 3 12 4 6 7 11 9 13 8 14 10 18 15 16 17 19]\n", - "=======================\n", - "[\"sbs journalist scott mcintyre was fired on sunday over his tweets which called anzac day ` the cultification of an imperialist invasion ' and accused australian diggers of committing war crimes which included ` widespread rape and theft . 'a senior writer for the australian financial review has labelled anzacs ` racist yobs ' , while standing up for an sbs football reporter who was sacked after condemning anzac day on twitter .speaking up in support of him , the afr 's geoff winestock wrote on the social media site : ` ridiculous .\"]\n", - "=======================\n", - "[\"australian financial review writer geoff winestock told fairfax to sack himhe hopes that ` in 50 years ' there are ` no soldiers around to honour 'mr winestock spoke out in support of sbs sports reporterscott mcintyre was sacked over his anzac day tweetsremembering ` rape and theft ' committed by ` brave ' anzacs , he tweetedmcintyre also called the gallipoli landings ` an imperialist invasion 'his comments sparked fury , with hundreds calling for him to be sacked` sbs apologises for any offence or harm caused by mr mcintyre 's comments ' the broadcaster says\"]\n", - "sbs journalist scott mcintyre was fired on sunday over his tweets which called anzac day ` the cultification of an imperialist invasion ' and accused australian diggers of committing war crimes which included ` widespread rape and theft . 'a senior writer for the australian financial review has labelled anzacs ` racist yobs ' , while standing up for an sbs football reporter who was sacked after condemning anzac day on twitter .speaking up in support of him , the afr 's geoff winestock wrote on the social media site : ` ridiculous .\n", - "australian financial review writer geoff winestock told fairfax to sack himhe hopes that ` in 50 years ' there are ` no soldiers around to honour 'mr winestock spoke out in support of sbs sports reporterscott mcintyre was sacked over his anzac day tweetsremembering ` rape and theft ' committed by ` brave ' anzacs , he tweetedmcintyre also called the gallipoli landings ` an imperialist invasion 'his comments sparked fury , with hundreds calling for him to be sacked` sbs apologises for any offence or harm caused by mr mcintyre 's comments ' the broadcaster says\n", - "[1.1334399 1.5352588 1.325496 1.4590652 1.0856216 1.0219417 1.0289817\n", - " 1.0178483 1.0208181 1.0996417 1.1365839 1.0426866 1.0448585 1.1259036\n", - " 1.0266196 1.0332078 1.0245047 1.0725381 0. 0. ]\n", - "\n", - "[ 1 3 2 10 0 13 9 4 17 12 11 15 6 14 16 5 8 7 18 19]\n", - "=======================\n", - "['jason mcdonald , 34 , from aurora , colorado , walked the thin rope line over a pool containing more the alligators - some which measure up to ten feet in length - at the colorado gator farm .crematory manager mr mcdonald , who volunteers at the farm , has been involved with alligators for over ten years and has taken handling classes , said he thought this would be an interesting new way of interacting with the fearsome creatures .mr mcdonald mounts the slackrope above the alligators pond where more than 50 of the reptiles live']\n", - "=======================\n", - "[\"jason mcdonald has over 10 years of experience as an alligator handlerwalked slackline over pool of 50 reptiles as new way to interact with themcrematory manager volunteers part time at the ` gator farm ' in coloradofootage shows him precariously balancing on rope as reptiles watch\"]\n", - "jason mcdonald , 34 , from aurora , colorado , walked the thin rope line over a pool containing more the alligators - some which measure up to ten feet in length - at the colorado gator farm .crematory manager mr mcdonald , who volunteers at the farm , has been involved with alligators for over ten years and has taken handling classes , said he thought this would be an interesting new way of interacting with the fearsome creatures .mr mcdonald mounts the slackrope above the alligators pond where more than 50 of the reptiles live\n", - "jason mcdonald has over 10 years of experience as an alligator handlerwalked slackline over pool of 50 reptiles as new way to interact with themcrematory manager volunteers part time at the ` gator farm ' in coloradofootage shows him precariously balancing on rope as reptiles watch\n", - "[1.2804031 1.2745912 1.1825287 1.2877183 1.2142668 1.0806118 1.0760988\n", - " 1.0545496 1.0281562 1.0302896 1.0391335 1.237917 1.0716256 1.0306818\n", - " 1.054117 1.0489473 1.0330809 1.0204337 1.0177594 1.0290126]\n", - "\n", - "[ 3 0 1 11 4 2 5 6 12 7 14 15 10 16 13 9 19 8 17 18]\n", - "=======================\n", - "['they are usually used to trap coffee grounds when brewing filter coffee at home but paper filters have a myriad of other household usesbut these lint-free , tear-resistant paper cones can be life-savers in many other situations , too .here femail has rounded up the 20 unusual things you can do with coffee filter papers']\n", - "=======================\n", - "['lint-free and tear resistant filters are good for a range of household taskswrap one sheet around celery stalks when storing in fridge to keep crispuse it to polish shoes , keep laundry smelling fresh and even as a plate']\n", - "they are usually used to trap coffee grounds when brewing filter coffee at home but paper filters have a myriad of other household usesbut these lint-free , tear-resistant paper cones can be life-savers in many other situations , too .here femail has rounded up the 20 unusual things you can do with coffee filter papers\n", - "lint-free and tear resistant filters are good for a range of household taskswrap one sheet around celery stalks when storing in fridge to keep crispuse it to polish shoes , keep laundry smelling fresh and even as a plate\n", - "[1.3363624 1.2627851 1.3511591 1.442272 1.0602117 1.1520753 1.2988673\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 0 6 1 5 4 23 22 21 20 19 18 17 16 12 14 13 24 11 10 9 8 7\n", - " 15 25]\n", - "=======================\n", - "[\"yeovil town manager paul sturrock suffered relegation with the club in only his second day in chargesturrock has been promoted five times as a manager but yeovil 's 1-1 draw with fellow strugglers notts county condemned them to relegation at huish park .paul sturrock experienced a baptism of fire at yeovil , as they were relegated for the second consecutive time in his first game in charge - two days after he got the job .\"]\n", - "=======================\n", - "[\"yeovil town drew 1-1 with notts county at huish park on saturdayresult condemned yeovil to relegation from league onepaul sturrock was appointed as yeovil 's latest manager on thursday\"]\n", - "yeovil town manager paul sturrock suffered relegation with the club in only his second day in chargesturrock has been promoted five times as a manager but yeovil 's 1-1 draw with fellow strugglers notts county condemned them to relegation at huish park .paul sturrock experienced a baptism of fire at yeovil , as they were relegated for the second consecutive time in his first game in charge - two days after he got the job .\n", - "yeovil town drew 1-1 with notts county at huish park on saturdayresult condemned yeovil to relegation from league onepaul sturrock was appointed as yeovil 's latest manager on thursday\n", - "[1.2594929 1.2720537 1.3493192 1.3209257 1.2914802 1.1514267 1.1050361\n", - " 1.0187397 1.0130342 1.0155532 1.0699315 1.0700994 1.1341149 1.2223383\n", - " 1.0654371 1.0711703 1.045702 1.0579073 1.0521569 1.0153805 1.0081522\n", - " 1.008702 1.0099739 0. 0. 0. ]\n", - "\n", - "[ 2 3 4 1 0 13 5 12 6 15 11 10 14 17 18 16 7 9 19 8 22 21 20 23\n", - " 24 25]\n", - "=======================\n", - "['the gunners are second in the barclays premier league following an eight-match winning run and face reading on saturday in the semi-finals of the fa cup .the performances of chilean star alexis sanchez have caught the eye of arsenal legend frank mclintockscottish defender mclintock made 403 appearances for the highbury club between 1964 and 1973']\n", - "=======================\n", - "[\"former arsenal defender impressed by chilean star 's debut seasonsays sanchez would be close to winning a place in best gunners teamsarsenal are second in premier league after eight-match winning runthey also face reading this saturday in semi-finals of fa cupread : arsenal have doubts over signing liverpool star sterling\"]\n", - "the gunners are second in the barclays premier league following an eight-match winning run and face reading on saturday in the semi-finals of the fa cup .the performances of chilean star alexis sanchez have caught the eye of arsenal legend frank mclintockscottish defender mclintock made 403 appearances for the highbury club between 1964 and 1973\n", - "former arsenal defender impressed by chilean star 's debut seasonsays sanchez would be close to winning a place in best gunners teamsarsenal are second in premier league after eight-match winning runthey also face reading this saturday in semi-finals of fa cupread : arsenal have doubts over signing liverpool star sterling\n", - "[1.4602855 1.327026 1.167123 1.3950554 1.1832957 1.1570363 1.074844\n", - " 1.0185833 1.1397132 1.1097994 1.020259 1.0644761 1.0460954 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 5 8 9 6 11 12 10 7 24 13 14 15 16 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"tennis star caroline wozniacki was forced to defend herself after she congratulated american golf sensation jordan spieth on twitter following his masters success .spieth rounded off a record-breaking week by winning the first major of his career with a four-shot victory in the masters at augustabut the tennis star was quick to ensure fans it was n't a dig at her former love interest rory mcilroy\"]\n", - "=======================\n", - "[\"caroline wozniacki took to twitter to congratulate golfer jordan spiethspieth won the first major of his career at the masters in augustabut fans were quick to question wozniacki 's motives following his winmany asked whether it was a dig at former fiancee rory mcilroyclick here for more news and reaction to masters 2015\"]\n", - "tennis star caroline wozniacki was forced to defend herself after she congratulated american golf sensation jordan spieth on twitter following his masters success .spieth rounded off a record-breaking week by winning the first major of his career with a four-shot victory in the masters at augustabut the tennis star was quick to ensure fans it was n't a dig at her former love interest rory mcilroy\n", - "caroline wozniacki took to twitter to congratulate golfer jordan spiethspieth won the first major of his career at the masters in augustabut fans were quick to question wozniacki 's motives following his winmany asked whether it was a dig at former fiancee rory mcilroyclick here for more news and reaction to masters 2015\n", - "[1.2598476 1.4871567 1.1250043 1.0857954 1.2890869 1.0313953 1.0575835\n", - " 1.0573282 1.0875306 1.0820409 1.0466279 1.205127 1.0949531 1.0157781\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 11 2 12 8 3 9 6 7 10 5 13 23 22 21 20 19 15 17 16 14 24\n", - " 18 25]\n", - "=======================\n", - "['lizzie cochran , a student at columbia university , has launched a kickstarter campaign to fund her upcoming fashion line epidemia designs , which she came up with after spending days upon days staring at cells through microscopes in her biology classes , and then spotting an article on epidemics that displayed images of deadly diseases from recent history .from the microscope to the mat : proposed clothing line epidemia will take images from biology and print them on eye-catching active apparela pre-med student in new york city is taking microscopic images of diseases and other biological structures and turning them into prints for her innovative new athletic apparel and accessories line .']\n", - "=======================\n", - "['pre-med student lizzie cochran has created clothing and accessories influenced by the microscopic structure of anatomy and diseaseshe has set up a kickstarter campaign to fund her venture , called epidemia designs , and has nearly reached her goal of $ 15,00015 per cent of profits will go to projects aiming to lower the impact of preventable diseases around the world']\n", - "lizzie cochran , a student at columbia university , has launched a kickstarter campaign to fund her upcoming fashion line epidemia designs , which she came up with after spending days upon days staring at cells through microscopes in her biology classes , and then spotting an article on epidemics that displayed images of deadly diseases from recent history .from the microscope to the mat : proposed clothing line epidemia will take images from biology and print them on eye-catching active apparela pre-med student in new york city is taking microscopic images of diseases and other biological structures and turning them into prints for her innovative new athletic apparel and accessories line .\n", - "pre-med student lizzie cochran has created clothing and accessories influenced by the microscopic structure of anatomy and diseaseshe has set up a kickstarter campaign to fund her venture , called epidemia designs , and has nearly reached her goal of $ 15,00015 per cent of profits will go to projects aiming to lower the impact of preventable diseases around the world\n", - "[1.3479514 1.1259489 1.3800224 1.1268905 1.0751722 1.112231 1.0639924\n", - " 1.0512917 1.1317278 1.1478359 1.1204545 1.0709155 1.0455557 1.0168635\n", - " 1.0157217 1.076916 1.085794 1.0224521 1.0611316 1.105949 1.0216553\n", - " 1.0145898 1.016402 1.0110949 1.0469248 1.0345339]\n", - "\n", - "[ 2 0 9 8 3 1 10 5 19 16 15 4 11 6 18 7 24 12 25 17 20 13 22 14\n", - " 21 23]\n", - "=======================\n", - "[\"anuradha koirala , who rescues victims of sex trafficking , has a rehabilitation center in kathmandu that is home to 425 young women and girls .( cnn ) two cnn heroes are among the earthquake survivors in kathmandu , nepal .koirala 's group is relying on bottled water and is now rationing food .\"]\n", - "=======================\n", - "['anuradha koirala and 425 young women and girls have been sleeping outdoors because of aftershockspushpa basnet and 45 children she cares for were forced to evacuate their residenceseven other cnn heroes and their organizations now assisting in relief efforts']\n", - "anuradha koirala , who rescues victims of sex trafficking , has a rehabilitation center in kathmandu that is home to 425 young women and girls .( cnn ) two cnn heroes are among the earthquake survivors in kathmandu , nepal .koirala 's group is relying on bottled water and is now rationing food .\n", - "anuradha koirala and 425 young women and girls have been sleeping outdoors because of aftershockspushpa basnet and 45 children she cares for were forced to evacuate their residenceseven other cnn heroes and their organizations now assisting in relief efforts\n", - "[1.2081901 1.5091201 1.2498245 1.3878359 1.2472613 1.0733411 1.0439428\n", - " 1.0496694 1.0612681 1.023232 1.059722 1.232726 1.1467705 1.1197116\n", - " 1.1027259 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 11 0 12 13 14 5 8 10 7 6 9 15 16 17 18 19 20]\n", - "=======================\n", - "[\"andrew barr , principal of the geelong college , south-west of melbourne , was allegedly photographed through a window as he watched pornography in his school office .the school council launched an investigation , which included a search of mr barr 's computer , after the photograph appeared on the social media site snapchat .the head of an elite victorian private school has resigned after a photograph of him looking at pornography on his work commuter circulated on social media .\"]\n", - "=======================\n", - "[\"head of the geelong college was photographed watching porn at workan investigation was launched after the photo was shared on snapchatandrew barr has resigned from his position as principalthe college council have called his actions ' a breach of our standards '\"]\n", - "andrew barr , principal of the geelong college , south-west of melbourne , was allegedly photographed through a window as he watched pornography in his school office .the school council launched an investigation , which included a search of mr barr 's computer , after the photograph appeared on the social media site snapchat .the head of an elite victorian private school has resigned after a photograph of him looking at pornography on his work commuter circulated on social media .\n", - "head of the geelong college was photographed watching porn at workan investigation was launched after the photo was shared on snapchatandrew barr has resigned from his position as principalthe college council have called his actions ' a breach of our standards '\n", - "[1.0991026 1.4238946 1.3456906 1.3722833 1.0793087 1.0280637 1.0616893\n", - " 1.0410372 1.0359213 1.0199438 1.03502 1.1524608 1.1097306 1.01337\n", - " 1.049527 1.033957 1.0281794 1.1047626 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 11 12 17 0 4 6 14 7 8 10 15 16 5 9 13 18 19 20]\n", - "=======================\n", - "[\"a new reddit thread asking users to submit the most horrendous baby names they have ever come across has attracted more than 18,000 comments in just 24 hours , and turned up a treasure trove of bad parental judgement calls .femail has compiled the worst examples , including the names ` orgasm ' , submitted by the daughter of a midwife who has heard her fair share of horror stories , and ` mazen ' , because ` it was ` mazen ' ( amazing ) when the child was born .one submitter reported a friend having named her child ` britney shakira beyonce ' , claiming : ` they would call her by the full name every time . '\"]\n", - "=======================\n", - "['a new reddit thread has garnered 18,000 submissions of terrible namesi ` munique , boy boy and abstinence were all stand-outsthe most popular uk baby names are currently sophia and muhammad']\n", - "a new reddit thread asking users to submit the most horrendous baby names they have ever come across has attracted more than 18,000 comments in just 24 hours , and turned up a treasure trove of bad parental judgement calls .femail has compiled the worst examples , including the names ` orgasm ' , submitted by the daughter of a midwife who has heard her fair share of horror stories , and ` mazen ' , because ` it was ` mazen ' ( amazing ) when the child was born .one submitter reported a friend having named her child ` britney shakira beyonce ' , claiming : ` they would call her by the full name every time . '\n", - "a new reddit thread has garnered 18,000 submissions of terrible namesi ` munique , boy boy and abstinence were all stand-outsthe most popular uk baby names are currently sophia and muhammad\n", - "[1.1600868 1.3954715 1.2924619 1.2857451 1.158516 1.2045037 1.1347865\n", - " 1.0618258 1.1619065 1.0161777 1.0181766 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 5 8 0 4 6 7 10 9 19 11 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"the mini-martha stewart , who is known simply as charli , has turned her popular channel , charliscraftykitchen into youtube 's largest food channel in less than three years - beating household names such as celebrity chef jamie oliver to claim the prestigious -- and lucrative -- title .according to data compiled by online video advertising company outrigger media , charli 's channel earned the young entrepreneur an estimated $ 127,777 ( aud $ 163,893 ) in march alone -- and that is after youtube 's share of the profits .meanwhile , charli and her five-year-old sister ashlee , who serves as the channel 's ` chief taste tester ' , are raking in an average of 29 million views per month for their crafty how-to videos .\"]\n", - "=======================\n", - "[\"charli , from queensland , australia , has turned charliscraftykitchen into youtube 's largest food channel in less than three yearsthe channels earns an average of 29 million views per monthcharli 's five-year-old sister ashlee also stars in the how-to cooking clipsone of their most popular videos , which demonstrates how to make frozen-themed popsicles , has received 57 million views in less than a year\"]\n", - "the mini-martha stewart , who is known simply as charli , has turned her popular channel , charliscraftykitchen into youtube 's largest food channel in less than three years - beating household names such as celebrity chef jamie oliver to claim the prestigious -- and lucrative -- title .according to data compiled by online video advertising company outrigger media , charli 's channel earned the young entrepreneur an estimated $ 127,777 ( aud $ 163,893 ) in march alone -- and that is after youtube 's share of the profits .meanwhile , charli and her five-year-old sister ashlee , who serves as the channel 's ` chief taste tester ' , are raking in an average of 29 million views per month for their crafty how-to videos .\n", - "charli , from queensland , australia , has turned charliscraftykitchen into youtube 's largest food channel in less than three yearsthe channels earns an average of 29 million views per monthcharli 's five-year-old sister ashlee also stars in the how-to cooking clipsone of their most popular videos , which demonstrates how to make frozen-themed popsicles , has received 57 million views in less than a year\n", - "[1.3150995 1.2481258 1.2475325 1.1168749 1.2537422 1.1758484 1.050539\n", - " 1.0542536 1.0585438 1.0592092 1.0560395 1.0427498 1.0330172 1.0234454\n", - " 1.0264599 1.1805587 1.1207049 1.062829 1.0386301 1.0525852 1.0227605]\n", - "\n", - "[ 0 4 1 2 15 5 16 3 17 9 8 10 7 19 6 11 18 12 14 13 20]\n", - "=======================\n", - "[\"when scottish student caitlin mcneill , 21 , posted a photo of a blue and black dress that looked white and gold from some angles , it sparked an internet debate so furious even a-listers could n't resist getting involved .nicola sturgeon 's dress divided opinion on twitter during last night 's debatethe snp stalwart , 44 , wore the opinion-splitting ensemble , which has variously been described as blue , grey and green , for her appearance on the bbc contenders ' debate last night .\"]\n", - "=======================\n", - "[\"viewers took to twitter to argue over the colour of nicola sturgeon 's dressmiss sturgeon 's dress appeared blue in some lights and green in othersothers thought she was wearing a grey dress during last night 's debatethe first #thedress debate was sparked by scottish student caitlin mcneill\"]\n", - "when scottish student caitlin mcneill , 21 , posted a photo of a blue and black dress that looked white and gold from some angles , it sparked an internet debate so furious even a-listers could n't resist getting involved .nicola sturgeon 's dress divided opinion on twitter during last night 's debatethe snp stalwart , 44 , wore the opinion-splitting ensemble , which has variously been described as blue , grey and green , for her appearance on the bbc contenders ' debate last night .\n", - "viewers took to twitter to argue over the colour of nicola sturgeon 's dressmiss sturgeon 's dress appeared blue in some lights and green in othersothers thought she was wearing a grey dress during last night 's debatethe first #thedress debate was sparked by scottish student caitlin mcneill\n", - "[1.6529253 1.3718736 1.1059116 1.0818748 1.4147664 1.103871 1.0156937\n", - " 1.00981 1.0999272 1.2491941 1.0466233 1.0851967 1.032235 1.0124955\n", - " 1.0406777 1.0885663 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 9 2 5 8 15 11 3 10 14 12 6 13 7 16 17 18 19 20]\n", - "=======================\n", - "[\"karim benzema hailed team-mate cristiano ronaldo as a ` phenomenon ' after the portuguese struck five goals in real madrid 's 9-1 mauling of granada .on sunday , benzema said on his club 's website : ` cristiano is a phenomenon , he is always looking for goals and ways to help the team .benzema also scored twice after gareth bale had opening the scoring as madrid 's much-vaunted ` bbc ' strikeforce combined to score eight of their side 's nine goals , with the other coming from a diego mainz own goal .\"]\n", - "=======================\n", - "[\"cristiano ronaldo bagged five goals in 9-1 victory against granadakarim benzema scored twice for carlo ancelotti 's real madrid sidebenzema believes ronaldo ` deserves everything he has achieved '\"]\n", - "karim benzema hailed team-mate cristiano ronaldo as a ` phenomenon ' after the portuguese struck five goals in real madrid 's 9-1 mauling of granada .on sunday , benzema said on his club 's website : ` cristiano is a phenomenon , he is always looking for goals and ways to help the team .benzema also scored twice after gareth bale had opening the scoring as madrid 's much-vaunted ` bbc ' strikeforce combined to score eight of their side 's nine goals , with the other coming from a diego mainz own goal .\n", - "cristiano ronaldo bagged five goals in 9-1 victory against granadakarim benzema scored twice for carlo ancelotti 's real madrid sidebenzema believes ronaldo ` deserves everything he has achieved '\n", - "[1.3319716 1.3462532 1.1246792 1.1168916 1.3592361 1.1483246 1.0400116\n", - " 1.1021494 1.097597 1.1458764 1.1973659 1.0756764 1.0370097 1.0241181\n", - " 1.0197316 1.071537 0. 0. 0. ]\n", - "\n", - "[ 4 1 0 10 5 9 2 3 7 8 11 15 6 12 13 14 17 16 18]\n", - "=======================\n", - "[\"grant hackett 's father has revealed the swimmer 's sleeping pill addiction was triggered by a death threatformer police inspector neville hackett said that his son had ` his life threatened by a well-known associate of criminals ' two years ago , leading the swimmer to immediately hop on a plane to his parent 's home in the gold coast . 'the revelation comes after the 34-year-old made a come back last sunday when he earned a 2015 world titles relay team berth by cruising to fourth place in one minute and 46.84 seconds\"]\n", - "=======================\n", - "[\"hackett 's father said son 's life was threatened by ` associate of criminals 'the threats , made two years ago , were not reported to policeinstead , neville hackett said his son turned to stilnox sleeping pillsit comes almost a week after hackett made his comeback by earning a spot in the 2015 world titles relay team\"]\n", - "grant hackett 's father has revealed the swimmer 's sleeping pill addiction was triggered by a death threatformer police inspector neville hackett said that his son had ` his life threatened by a well-known associate of criminals ' two years ago , leading the swimmer to immediately hop on a plane to his parent 's home in the gold coast . 'the revelation comes after the 34-year-old made a come back last sunday when he earned a 2015 world titles relay team berth by cruising to fourth place in one minute and 46.84 seconds\n", - "hackett 's father said son 's life was threatened by ` associate of criminals 'the threats , made two years ago , were not reported to policeinstead , neville hackett said his son turned to stilnox sleeping pillsit comes almost a week after hackett made his comeback by earning a spot in the 2015 world titles relay team\n", - "[1.3568417 1.3233874 1.2674032 1.2259306 1.192471 1.1144459 1.0722905\n", - " 1.1743295 1.1087784 1.1088048 1.0410275 1.0694468 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 7 5 9 8 6 11 10 17 12 13 14 15 16 18]\n", - "=======================\n", - "[\"the crew of a turkish airlines flight are being investigated after they allowed turkish football team captain arda turan into the cockpit so he could use the tannoy to congratulate his team-mates .he was celebrating after the team 's 2-1 international friendly victory against luxembourg and had gone to the cockpit to announce his congratulations over the pa system last week .but after the move was reported in turkish media , turkish aviation officials in the country 's civilian aviation directorate ( shgm ) said it was a serious breach of the safety rules of the flight back from the capital luxembourg city and warned that there would be consequences for the cabin crew .\"]\n", - "=======================\n", - "[\"arda turan was pictured in the cockpit of a turkish airlines flighthe used the pa to announce his congratulations after team 's 2-1 wincrew are facing sanctions because only pilots should be at controlsimage comes amid heightened safety concerns after alps plane crash\"]\n", - "the crew of a turkish airlines flight are being investigated after they allowed turkish football team captain arda turan into the cockpit so he could use the tannoy to congratulate his team-mates .he was celebrating after the team 's 2-1 international friendly victory against luxembourg and had gone to the cockpit to announce his congratulations over the pa system last week .but after the move was reported in turkish media , turkish aviation officials in the country 's civilian aviation directorate ( shgm ) said it was a serious breach of the safety rules of the flight back from the capital luxembourg city and warned that there would be consequences for the cabin crew .\n", - "arda turan was pictured in the cockpit of a turkish airlines flighthe used the pa to announce his congratulations after team 's 2-1 wincrew are facing sanctions because only pilots should be at controlsimage comes amid heightened safety concerns after alps plane crash\n", - "[1.3930771 1.3705413 1.2922274 1.3250244 1.2624549 1.0610416 1.0100905\n", - " 1.0741442 1.1061479 1.0166154 1.1965393 1.0502329 1.1278726 1.078063\n", - " 1.0979182 1.053848 1.0237274 1.0166187 0. ]\n", - "\n", - "[ 0 1 3 2 4 10 12 8 14 13 7 5 15 11 16 17 9 6 18]\n", - "=======================\n", - "[\"ryanair passengers travelling to edinburgh and zadar , croatia were delayed for hours after two of the budget airline 's planes clipped wings at dublin airport this morning .photos snapped by travellers show the tip of a winglet dangling by a thread after clipping the other plane - and it 's the second time in six months two ryanair planes have collided at ireland 's busiest airport .passengers escaped injury when the planes collided as they taxied to a runway shortly before 8am , but the incident caused disruption for hundreds of travellers .\"]\n", - "=======================\n", - "[\"planes were preparing to depart dublin for edinburgh and zadar , croatiaairline said they were under the instruction of air traffic controlwinglet of one aircraft appears to have scraped the tail fin of the otherit 's the second time in six months two ryanair planes have collided\"]\n", - "ryanair passengers travelling to edinburgh and zadar , croatia were delayed for hours after two of the budget airline 's planes clipped wings at dublin airport this morning .photos snapped by travellers show the tip of a winglet dangling by a thread after clipping the other plane - and it 's the second time in six months two ryanair planes have collided at ireland 's busiest airport .passengers escaped injury when the planes collided as they taxied to a runway shortly before 8am , but the incident caused disruption for hundreds of travellers .\n", - "planes were preparing to depart dublin for edinburgh and zadar , croatiaairline said they were under the instruction of air traffic controlwinglet of one aircraft appears to have scraped the tail fin of the otherit 's the second time in six months two ryanair planes have collided\n", - "[1.3319408 1.3543171 1.2018718 1.110962 1.293712 1.1696508 1.04578\n", - " 1.0312978 1.0559047 1.1002707 1.0385395 1.0901266 1.0486039 1.1227651\n", - " 1.0519656 1.0850735 1.0339534 0. 0. ]\n", - "\n", - "[ 1 0 4 2 5 13 3 9 11 15 8 14 12 6 10 16 7 17 18]\n", - "=======================\n", - "[\"the 37-year-old fashion veteran sported a tiny string bikini as she posed with her two-year-old son quinnlann clancy for a sweet snapshot , which she shared monday on her instagram account .supermodel maggie rizer only gave birth to her daughter cecilia kathryn nine weeks ago , but the mother-of-three is already back to her trim and toned self .` boogie boarding with my baby , ' she captioned the image .\"]\n", - "=======================\n", - "['the 37-year-old welcomed her first daughter cecilia kathryn into the world on february 9maggie and her husband alex mehran are also parents to two sons , three-year-old zander and two-year-old quinnlann clancythe parents are enjoying a beach vacation with their three children']\n", - "the 37-year-old fashion veteran sported a tiny string bikini as she posed with her two-year-old son quinnlann clancy for a sweet snapshot , which she shared monday on her instagram account .supermodel maggie rizer only gave birth to her daughter cecilia kathryn nine weeks ago , but the mother-of-three is already back to her trim and toned self .` boogie boarding with my baby , ' she captioned the image .\n", - "the 37-year-old welcomed her first daughter cecilia kathryn into the world on february 9maggie and her husband alex mehran are also parents to two sons , three-year-old zander and two-year-old quinnlann clancythe parents are enjoying a beach vacation with their three children\n", - "[1.2211636 1.3509204 1.3573935 1.2571595 1.2118365 1.0623168 1.0255635\n", - " 1.125475 1.0923219 1.0924917 1.0654234 1.0601288 1.1162055 1.0691496\n", - " 1.0637167 1.0770447 1.0221518 1.0176648 1.0706701]\n", - "\n", - "[ 2 1 3 0 4 7 12 9 8 15 18 13 10 14 5 11 6 16 17]\n", - "=======================\n", - "['the family claim she was then put on a discredited liverpool care pathway-style treatment for the dying -- having fluid and nutrition drips removed six days before she passed away .medics told the family of margaret hesketh that there was little they could do for the 70-year-old because she was riddled with tumours , her children will claim at an inquest this week .doctors have been accused of letting a woman die after wrongly concluding she had terminal cancer .']\n", - "=======================\n", - "['medics told the family of margaret hesketh she was riddled with tumoursrelatives say she was then put on discredited treatment for the dyinghad fluid and nutrition drips removed six days before she passed awayfamily say post-mortem exam found no sign of cancer in the grandmother']\n", - "the family claim she was then put on a discredited liverpool care pathway-style treatment for the dying -- having fluid and nutrition drips removed six days before she passed away .medics told the family of margaret hesketh that there was little they could do for the 70-year-old because she was riddled with tumours , her children will claim at an inquest this week .doctors have been accused of letting a woman die after wrongly concluding she had terminal cancer .\n", - "medics told the family of margaret hesketh she was riddled with tumoursrelatives say she was then put on discredited treatment for the dyinghad fluid and nutrition drips removed six days before she passed awayfamily say post-mortem exam found no sign of cancer in the grandmother\n", - "[1.4027061 1.1003995 1.0537088 1.237388 1.2383674 1.3550141 1.1251006\n", - " 1.0492755 1.0814785 1.0694138 1.1050028 1.0517817 1.0604348 1.04515\n", - " 1.0476123 1.0753441 0. 0. 0. 0. ]\n", - "\n", - "[ 0 5 4 3 6 10 1 8 15 9 12 2 11 7 14 13 16 17 18 19]\n", - "=======================\n", - "[\"john helm was commentating on bradford city 's game against lincoln city when the fire broke out and still struggles to listen to his description of that fatal day .what i did not expect was for someone to suggest the fire may not have been an accident , as martin fletcher has done with his book fifty-six , the story of the bradford fire .he said it was believed the fire had been started by a man , visiting this country from australia , but his name was never revealed .\"]\n", - "=======================\n", - "[\"john helm was commentating on the game the day the fire broke outhe gives his insight into what cause the blaze 30 years ago` from everything i have been told there is n't a jot of evidence to suggest the blaze was caused deliberately , ' says helm\"]\n", - "john helm was commentating on bradford city 's game against lincoln city when the fire broke out and still struggles to listen to his description of that fatal day .what i did not expect was for someone to suggest the fire may not have been an accident , as martin fletcher has done with his book fifty-six , the story of the bradford fire .he said it was believed the fire had been started by a man , visiting this country from australia , but his name was never revealed .\n", - "john helm was commentating on the game the day the fire broke outhe gives his insight into what cause the blaze 30 years ago` from everything i have been told there is n't a jot of evidence to suggest the blaze was caused deliberately , ' says helm\n", - "[1.3888123 1.3919752 1.3605064 1.3883047 1.2647256 1.2616012 1.0584319\n", - " 1.088242 1.0886598 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 5 8 7 6 17 16 15 14 9 12 11 10 18 13 19]\n", - "=======================\n", - "[\"the former real madrid and inter milan midfielder signed a one-year deal with leicester last summer and has been in excellent form .leicester city midfielder esteban cambiasso is wanted by delhi dynamos for india 's i-league .nigel pearson is keen for the 34-year-old to stay for another season but much will hinge on leicester staying in the premier league .\"]\n", - "=======================\n", - "['esteban cambiasso signed a one-year deal at leicester city last summerdelhi dynamos want to bring him to the new indian super league seasonnigel pearson would like to keep him at the club if leicester stay up']\n", - "the former real madrid and inter milan midfielder signed a one-year deal with leicester last summer and has been in excellent form .leicester city midfielder esteban cambiasso is wanted by delhi dynamos for india 's i-league .nigel pearson is keen for the 34-year-old to stay for another season but much will hinge on leicester staying in the premier league .\n", - "esteban cambiasso signed a one-year deal at leicester city last summerdelhi dynamos want to bring him to the new indian super league seasonnigel pearson would like to keep him at the club if leicester stay up\n", - "[1.5364556 1.1516029 1.4286954 1.333214 1.1204172 1.1250576 1.0573667\n", - " 1.0370659 1.0702623 1.0369422 1.0327333 1.172045 1.0769129 1.0780848\n", - " 1.0408374 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 11 1 5 4 13 12 8 6 14 7 9 10 18 15 16 17 19]\n", - "=======================\n", - "[\"joe anderson , 56 , the mayor of liverpool , claimed # 4,500 per year from chesterfield high school , merseyside , despite doing nothing for pupilsmr anderson , who is paid an # 80,000 salary , tried to sue the school ( pictured ) for discrimination after it stopped the payments , saying he was being punished for a ` philosophical belief ' in public servicein the most recent case , judge daniel serota ruled that outsiders would consider the payments a ` misapplication of public monies ' and that the school was right to stop them .\"]\n", - "=======================\n", - "['joe anderson , 56 , earns # 80,000 in full-time job as the mayor of liverpoolwas also taking annual payments of # 4,500 from chesterfield high schoolwhen school stopped payouts , he tried to sue them for discriminationappeal tribunal rejected claim he was punished for belief in public service']\n", - "joe anderson , 56 , the mayor of liverpool , claimed # 4,500 per year from chesterfield high school , merseyside , despite doing nothing for pupilsmr anderson , who is paid an # 80,000 salary , tried to sue the school ( pictured ) for discrimination after it stopped the payments , saying he was being punished for a ` philosophical belief ' in public servicein the most recent case , judge daniel serota ruled that outsiders would consider the payments a ` misapplication of public monies ' and that the school was right to stop them .\n", - "joe anderson , 56 , earns # 80,000 in full-time job as the mayor of liverpoolwas also taking annual payments of # 4,500 from chesterfield high schoolwhen school stopped payouts , he tried to sue them for discriminationappeal tribunal rejected claim he was punished for belief in public service\n", - "[1.2150779 1.4102167 1.2908138 1.2005128 1.2005088 1.2321275 1.1506449\n", - " 1.0895047 1.1445506 1.1051565 1.0215896 1.0261061 1.0505482 1.0484625\n", - " 1.0315282 1.0852089 1.078692 1.0242697 1.1211675 0. ]\n", - "\n", - "[ 1 2 5 0 3 4 6 8 18 9 7 15 16 12 13 14 11 17 10 19]\n", - "=======================\n", - "['the manager of the deli in brooklyn said detective ian cyrus , who has been suspended without pay , was caught on camera stealing cash .his supervisor has been placed on desk duty .five new york police department ( nypd ) detectives went to the brooklyn store on friday april 3 and arrested two employees accused of selling untaxed cigarettes , according to abc7 eyewitness news .']\n", - "=======================\n", - "[\"store manager claims detective ian cyrus was caught on camera stealingnew york detectives were arresting workers for selling untaxed cigaretteshe 's been suspended without pay and his supervisor placed on desk duty\"]\n", - "the manager of the deli in brooklyn said detective ian cyrus , who has been suspended without pay , was caught on camera stealing cash .his supervisor has been placed on desk duty .five new york police department ( nypd ) detectives went to the brooklyn store on friday april 3 and arrested two employees accused of selling untaxed cigarettes , according to abc7 eyewitness news .\n", - "store manager claims detective ian cyrus was caught on camera stealingnew york detectives were arresting workers for selling untaxed cigaretteshe 's been suspended without pay and his supervisor placed on desk duty\n", - "[1.2387002 1.4243476 1.2580842 1.3307639 1.17404 1.1134684 1.2099487\n", - " 1.2607167 1.0500234 1.0449828 1.0279794 1.0831573 1.0428666 1.0207248\n", - " 1.0865635 1.0608679 1.1130153 1.0229628 1.0333681 1.0104678]\n", - "\n", - "[ 1 3 7 2 0 6 4 5 16 14 11 15 8 9 12 18 10 17 13 19]\n", - "=======================\n", - "['the directorate of religious affairs for turkey stated that the use of the material for hygiene is acceptable but water was preferable .a new islamic fatwa in turkey has decreed that muslims are allowed to use toilet paperislamic teachings traditionally state that followers should use water to clean themselves after going to the toilet .']\n", - "=======================\n", - "['announcement states the use of toilet paper by muslims is now permitteddirectorate of religious affairs for turkey allows it but says water is betterislamic rules previously said that followers should use water or left hand']\n", - "the directorate of religious affairs for turkey stated that the use of the material for hygiene is acceptable but water was preferable .a new islamic fatwa in turkey has decreed that muslims are allowed to use toilet paperislamic teachings traditionally state that followers should use water to clean themselves after going to the toilet .\n", - "announcement states the use of toilet paper by muslims is now permitteddirectorate of religious affairs for turkey allows it but says water is betterislamic rules previously said that followers should use water or left hand\n", - "[1.1938003 1.4765761 1.4147614 1.2546148 1.2598579 1.2037729 1.1686147\n", - " 1.1280116 1.067378 1.0880474 1.0642685 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 5 0 6 7 9 8 10 17 11 12 13 14 15 16 18]\n", - "=======================\n", - "['daniel steele , 25 , was arrested at his home in raleigh not long after the shooting which occurred at approximately 9.40 pm on saturday night .kimberly dianne richardson , left , was rushed to hospital in raleigh , north carolina , but died in the early hours of sunday .her baby , a girl , survived and is being cared for at wakemed hospital .']\n", - "=======================\n", - "['kimberly dianne richardson , 25 , was rushed to hospital in raleigh , north carolina , but died in the early hours of sundaydaniel steele , 25 , has been arrested and charged with murderrichardson was six months pregnant and her child - a girl - was safely delivered at a local hospital']\n", - "daniel steele , 25 , was arrested at his home in raleigh not long after the shooting which occurred at approximately 9.40 pm on saturday night .kimberly dianne richardson , left , was rushed to hospital in raleigh , north carolina , but died in the early hours of sunday .her baby , a girl , survived and is being cared for at wakemed hospital .\n", - "kimberly dianne richardson , 25 , was rushed to hospital in raleigh , north carolina , but died in the early hours of sundaydaniel steele , 25 , has been arrested and charged with murderrichardson was six months pregnant and her child - a girl - was safely delivered at a local hospital\n", - "[1.089693 1.0608988 1.1057158 1.3381552 1.1040893 1.2616932 1.0324395\n", - " 1.1672915 1.2109584 1.091455 1.0512707 1.0373633 1.0645704 1.1167704\n", - " 1.0694385 1.0539373 1.0637646 0. 0. ]\n", - "\n", - "[ 3 5 8 7 13 2 4 9 0 14 12 16 1 15 10 11 6 17 18]\n", - "=======================\n", - "['a # 5 bottle has suddenly become # 12 because the wine has lingered in an oak barrel before bottling .the oak bottle promises to impart an authentic aged flavour -- a process that can take up to two years -- in just a day or two .the product , which retails at # 50 , is the brainchild of 30-year-old entrepreneur joel paglione .']\n", - "=======================\n", - "[\"the oak bottle claims to ` oak age ' wine in hours rather than yearsthe product retails at # 50 and promises to impart authentic aged flavoursoz clarke says its a fun product and would make an interesting giftvisit oakbottle.com .\"]\n", - "a # 5 bottle has suddenly become # 12 because the wine has lingered in an oak barrel before bottling .the oak bottle promises to impart an authentic aged flavour -- a process that can take up to two years -- in just a day or two .the product , which retails at # 50 , is the brainchild of 30-year-old entrepreneur joel paglione .\n", - "the oak bottle claims to ` oak age ' wine in hours rather than yearsthe product retails at # 50 and promises to impart authentic aged flavoursoz clarke says its a fun product and would make an interesting giftvisit oakbottle.com .\n", - "[1.3524383 1.4518328 1.4714941 1.343915 1.116085 1.0253162 1.0107548\n", - " 1.0139654 1.0096215 1.2741084 1.2179052 1.0141777 1.0209624 1.1570566\n", - " 1.1089365 1.0503697 1.1180166 0. 0. ]\n", - "\n", - "[ 2 1 0 3 9 10 13 16 4 14 15 5 12 11 7 6 8 17 18]\n", - "=======================\n", - "[\"northampton wing george north has been advised by leading medics not to play again this season after suffering four quick-fire concussions , while ireland 's johnny sexton was stood down for 12 weeks earlier this term .the england full-back remains unsure when he will return after pulling out of harlequins ' aviva premiership clash with saracens at wembley last weekend .mike brown admitted he would adopt a ` cautious ' approach in recovering from his latest concussion setback .\"]\n", - "=======================\n", - "['saracens beat harlequins 42-14 at wembley stadium on march 28harlequins full back mike brown pulled out of the aviva premiership clashbrown is still wary after suffering concussion while on england duty']\n", - "northampton wing george north has been advised by leading medics not to play again this season after suffering four quick-fire concussions , while ireland 's johnny sexton was stood down for 12 weeks earlier this term .the england full-back remains unsure when he will return after pulling out of harlequins ' aviva premiership clash with saracens at wembley last weekend .mike brown admitted he would adopt a ` cautious ' approach in recovering from his latest concussion setback .\n", - "saracens beat harlequins 42-14 at wembley stadium on march 28harlequins full back mike brown pulled out of the aviva premiership clashbrown is still wary after suffering concussion while on england duty\n", - "[1.1749022 1.1583303 1.4362919 1.2668144 1.2646521 1.162659 1.130361\n", - " 1.1051569 1.073284 1.0539196 1.08706 1.0783812 1.0638932 1.04126\n", - " 1.030806 1.0476452 1.0514647 1.0208372 0. ]\n", - "\n", - "[ 2 3 4 0 5 1 6 7 10 11 8 12 9 16 15 13 14 17 18]\n", - "=======================\n", - "['a europe-wide survey of 19,000 people revealed that the more a country paid to the unemployed or sick , and invested in employment schemes , the more likely its residents were to want a job .benefits and welfare schemes are often blamed for making people less likely to want to work .in estonia , one of least generous , only around 40 % did']\n", - "=======================\n", - "['a europe-wide survey of 19,000 people revealed that the more a country paid to the unemployed , the more likely its residents were to want a jobnorway pays the highest benefits and almost 80 % of people wanted a jobby contrast in estonia , one of least generous , only around 40 per cent did']\n", - "a europe-wide survey of 19,000 people revealed that the more a country paid to the unemployed or sick , and invested in employment schemes , the more likely its residents were to want a job .benefits and welfare schemes are often blamed for making people less likely to want to work .in estonia , one of least generous , only around 40 % did\n", - "a europe-wide survey of 19,000 people revealed that the more a country paid to the unemployed , the more likely its residents were to want a jobnorway pays the highest benefits and almost 80 % of people wanted a jobby contrast in estonia , one of least generous , only around 40 per cent did\n", - "[1.1655143 1.3825397 1.2704622 1.2690871 1.0790389 1.2166208 1.1604003\n", - " 1.119107 1.063815 1.0842205 1.0811617 1.0398772 1.0439508 1.0657549\n", - " 1.0829114 1.0675607 1.0276489 1.0376222 1.0461677]\n", - "\n", - "[ 1 2 3 5 0 6 7 9 14 10 4 15 13 8 18 12 11 17 16]\n", - "=======================\n", - "[\"iraqi officials said izzat ibrahim al-douri had died in fighting with government troops in salahuddin province , north of baghdad , on friday .today , his body was returned to baghdad and delivered to the ministry of health as crowds gathered to get a closer look at the ` king of clubs ' .al-douri was ranked sixth on the us military 's list of the 55 most-wanted iraqis after the offensive to overthrow saddam and had a $ 10m bounty on his head\"]\n", - "=======================\n", - "[\"iraqi officials say izzat ibrahim al-douri , 72 , has died in fighting in tikrithe was one of saddam hussein 's most trusted henchmen in ba'ath partyhad a $ 10m bounty on his head and was one of the us 's most wanted menbody returned to baghdad today and delivered to the ministry of healthwarning : graphic content\"]\n", - "iraqi officials said izzat ibrahim al-douri had died in fighting with government troops in salahuddin province , north of baghdad , on friday .today , his body was returned to baghdad and delivered to the ministry of health as crowds gathered to get a closer look at the ` king of clubs ' .al-douri was ranked sixth on the us military 's list of the 55 most-wanted iraqis after the offensive to overthrow saddam and had a $ 10m bounty on his head\n", - "iraqi officials say izzat ibrahim al-douri , 72 , has died in fighting in tikrithe was one of saddam hussein 's most trusted henchmen in ba'ath partyhad a $ 10m bounty on his head and was one of the us 's most wanted menbody returned to baghdad today and delivered to the ministry of healthwarning : graphic content\n", - "[1.4287156 1.4649966 1.2694644 1.5277201 1.1808614 1.0402118 1.036293\n", - " 1.0193802 1.0340931 1.0305734 1.0278904 1.0641735 1.1090132 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 2 4 12 11 5 6 8 9 10 7 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"lionel messi wants celtic to play in the champions league to sample the ` best atmosphere in europe ' againthe scottish giants failed to qualify for europe 's elite club competition this campaign after losing 2-1 on aggregate to slovenian outfit maribor in the play-off round in august .the bhoys ' celtic park is famous for it 's electrifying atmosphere during champions league nights and messi who has sampled this first hand with barcelona in 2008 , 2012 and 2013 would like a repeat scenario with the catalan club so he can collect more mementos and memories .\"]\n", - "=======================\n", - "['lionel messi has played at celtic park three times with barcelona to dateceltic failed to qualify for the champions league this seasonbarcelona face psg in the champions league quarter-finals this campaign']\n", - "lionel messi wants celtic to play in the champions league to sample the ` best atmosphere in europe ' againthe scottish giants failed to qualify for europe 's elite club competition this campaign after losing 2-1 on aggregate to slovenian outfit maribor in the play-off round in august .the bhoys ' celtic park is famous for it 's electrifying atmosphere during champions league nights and messi who has sampled this first hand with barcelona in 2008 , 2012 and 2013 would like a repeat scenario with the catalan club so he can collect more mementos and memories .\n", - "lionel messi has played at celtic park three times with barcelona to dateceltic failed to qualify for the champions league this seasonbarcelona face psg in the champions league quarter-finals this campaign\n", - "[1.4838197 1.3949655 1.3073769 1.4372925 1.1257701 1.0380967 1.0393558\n", - " 1.037038 1.030314 1.026724 1.2976706 1.1020576 1.0912588 1.0874499\n", - " 1.1298761 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 10 14 4 11 12 13 6 5 7 8 9 15 16 17 18 19]\n", - "=======================\n", - "['arsenal are close to signing argentine wonderkid maxi romero - who has been dubbed the next lionel messi .the gunners are in advanced talks with velez sarsfield over a # 4.5 million swoop for the teenage sensation .arsenal are confident of completing a deal for the 16-year-old in the coming days .']\n", - "=======================\n", - "[\"arsenal in advanced talks with velez sarsfield over deal for maxi romerothe 16-year-old wonderkid has been dubbed the next lionel messiromero is expected to remain with velez on loan for at least two seasonsvelez president confirmed arsenal have made a ` big offer ' for the playerromero 's agent revealed he has met twice with arsene wenger in london\"]\n", - "arsenal are close to signing argentine wonderkid maxi romero - who has been dubbed the next lionel messi .the gunners are in advanced talks with velez sarsfield over a # 4.5 million swoop for the teenage sensation .arsenal are confident of completing a deal for the 16-year-old in the coming days .\n", - "arsenal in advanced talks with velez sarsfield over deal for maxi romerothe 16-year-old wonderkid has been dubbed the next lionel messiromero is expected to remain with velez on loan for at least two seasonsvelez president confirmed arsenal have made a ` big offer ' for the playerromero 's agent revealed he has met twice with arsene wenger in london\n", - "[1.2020602 1.3263272 1.4074585 1.1179199 1.1451313 1.3102953 1.1144502\n", - " 1.0922325 1.0675735 1.0153044 1.0761244 1.0609337 1.0432189 1.1154792\n", - " 1.0525177 1.0213052 1.0327008 1.042135 1.0475208 1.01744 ]\n", - "\n", - "[ 2 1 5 0 4 3 13 6 7 10 8 11 14 18 12 17 16 15 19 9]\n", - "=======================\n", - "[\"kim has revealed that she changes her food intake every ten days and works with a nutritionist to create meal plans for her and husband kanye west .harpers bazaar magazine has published an extract from the star 's book selfish revealing what she dines on each day .global megastar kim kardashian has lifted the lid on what exactly she eats to keep her curvaceous figure in tip-top condition .\"]\n", - "=======================\n", - "[\"kim kardashian has revealed her daily diet in extract from her new bookthe star changes her meals every ten days with the help of a nutritionistkim typically eats eggs for breakfast and fish with vegetables for lunchother stars to reveal their eating habits include beyoncé and j-lojennifer aniston is a new atkins fan while gwyneth paltrow eats ` good '\"]\n", - "kim has revealed that she changes her food intake every ten days and works with a nutritionist to create meal plans for her and husband kanye west .harpers bazaar magazine has published an extract from the star 's book selfish revealing what she dines on each day .global megastar kim kardashian has lifted the lid on what exactly she eats to keep her curvaceous figure in tip-top condition .\n", - "kim kardashian has revealed her daily diet in extract from her new bookthe star changes her meals every ten days with the help of a nutritionistkim typically eats eggs for breakfast and fish with vegetables for lunchother stars to reveal their eating habits include beyoncé and j-lojennifer aniston is a new atkins fan while gwyneth paltrow eats ` good '\n", - "[1.2680573 1.4644518 1.2979082 1.3028668 1.1145719 1.0582963 1.0471631\n", - " 1.0541384 1.1052685 1.082114 1.0650051 1.0574797 1.0620772 1.0995548\n", - " 1.1062539 1.1029266 1.0787278 1.0516022 1.0564548 1.0764799]\n", - "\n", - "[ 1 3 2 0 4 14 8 15 13 9 16 19 10 12 5 11 18 7 17 6]\n", - "=======================\n", - "['the maglev train completed a test run on a track in yamanashi , beating the previous record of 361mph ( 580km/h ) set in 2003 .a japanese bullet train has broken the speed record for rail vehicles by reaching 366mph ( 589km/h )another attempt is scheduled for tomorrow , and engineers at the central japan railway company predict it could reach 373mph ( 600km/h ) .']\n", - "=======================\n", - "[\"seven-car train beat previous record of 361mph ( 580km/h ) set in 2003it made use of a magnetic charge to lift and move it above a guidewaymaglev service between tokyo and nagoya will begin running in 2027train 's engineers are planning new attempt to reach 373mph ( 600km/h )\"]\n", - "the maglev train completed a test run on a track in yamanashi , beating the previous record of 361mph ( 580km/h ) set in 2003 .a japanese bullet train has broken the speed record for rail vehicles by reaching 366mph ( 589km/h )another attempt is scheduled for tomorrow , and engineers at the central japan railway company predict it could reach 373mph ( 600km/h ) .\n", - "seven-car train beat previous record of 361mph ( 580km/h ) set in 2003it made use of a magnetic charge to lift and move it above a guidewaymaglev service between tokyo and nagoya will begin running in 2027train 's engineers are planning new attempt to reach 373mph ( 600km/h )\n", - "[1.2074903 1.3787389 1.2554412 1.1756499 1.1518152 1.2681725 1.0724286\n", - " 1.0836577 1.1472468 1.1376907 1.0496169 1.1005765 1.067017 1.0763946\n", - " 1.1004574 1.0173855 1.0182445 0. 0. 0. ]\n", - "\n", - "[ 1 5 2 0 3 4 8 9 11 14 7 13 6 12 10 16 15 18 17 19]\n", - "=======================\n", - "[\"the latest polls have the two main parties locked on around 35 per cent , pointing to another hung parliament on may 7 .one bookie alone has taken five bets for more than # 10,000 on david cameron 's party to emerge with the most seats -- with not a single bet of this size on ed miliband 's labour .but while voters are saying one thing in public , britain 's bookies are seeing a completely different picture in private -- with punters placing a flood of cash on the tories .\"]\n", - "=======================\n", - "['exclusive : punters backing the tories to finish as largest partytwice as many bets are being placed on the tories to win over labourone bookie alone has taken five bets for more than # 10,000 on the toriesgeneral election set to be the first to break the # 100million betting barrier']\n", - "the latest polls have the two main parties locked on around 35 per cent , pointing to another hung parliament on may 7 .one bookie alone has taken five bets for more than # 10,000 on david cameron 's party to emerge with the most seats -- with not a single bet of this size on ed miliband 's labour .but while voters are saying one thing in public , britain 's bookies are seeing a completely different picture in private -- with punters placing a flood of cash on the tories .\n", - "exclusive : punters backing the tories to finish as largest partytwice as many bets are being placed on the tories to win over labourone bookie alone has taken five bets for more than # 10,000 on the toriesgeneral election set to be the first to break the # 100million betting barrier\n", - "[1.2382883 1.4326692 1.1849599 1.2522235 1.0968212 1.2277063 1.1688778\n", - " 1.1406224 1.1474416 1.102885 1.0454642 1.0499041 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 5 2 6 8 7 9 4 11 10 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "['the figure went up from 16 to 31 per cent among men named nigel , the poll of 46,000 people found .if your name is nigel you are twice as likely as the general population to vote ukip , according to research .the study found that the three names most likely to vote tory were charlotte , fiona and pauline whereas those least likely to were sharon , samantha -- unfortunately for the pm -- and clare without an i .']\n", - "=======================\n", - "['those named nigel are twice as likely to vote ukip , according to researchthe three names most likely to vote tory are charlotte , fiona and paulineand those named michelle , june or andy are likely to vote for labour']\n", - "the figure went up from 16 to 31 per cent among men named nigel , the poll of 46,000 people found .if your name is nigel you are twice as likely as the general population to vote ukip , according to research .the study found that the three names most likely to vote tory were charlotte , fiona and pauline whereas those least likely to were sharon , samantha -- unfortunately for the pm -- and clare without an i .\n", - "those named nigel are twice as likely to vote ukip , according to researchthe three names most likely to vote tory are charlotte , fiona and paulineand those named michelle , june or andy are likely to vote for labour\n", - "[1.2976793 1.3775041 1.281013 1.3717718 1.2287292 1.18605 1.0656421\n", - " 1.0219023 1.0298039 1.0434326 1.0939502 1.1104784 1.0310727 1.148481\n", - " 1.0366936 1.0148891 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 5 13 11 10 6 9 14 12 8 7 15 16 17 18 19]\n", - "=======================\n", - "[\"thomas buckett plunged 15ft on to a concrete floor after friends dared him to jump on a glass skylight , and sustained life-changing head injuries as a result .defeat : thomas buckett , 21 , faces a huge legal bill after unsuccessfully suing staffordshire county councila court heard the group of teenagers had broken into the school 's tuck shop before scaling the roof on a sunday in may 2010 .\"]\n", - "=======================\n", - "['thomas buckett , 21 , broke in to tuck shop at school in stoke in may 2010he fell through the roof after friends dared him to jump on skylight and suffered horrific head injuriesfamily sued county council saying they should have protected the buildingbut after a judge threw out their claim they face legal bill of up to # 260,000']\n", - "thomas buckett plunged 15ft on to a concrete floor after friends dared him to jump on a glass skylight , and sustained life-changing head injuries as a result .defeat : thomas buckett , 21 , faces a huge legal bill after unsuccessfully suing staffordshire county councila court heard the group of teenagers had broken into the school 's tuck shop before scaling the roof on a sunday in may 2010 .\n", - "thomas buckett , 21 , broke in to tuck shop at school in stoke in may 2010he fell through the roof after friends dared him to jump on skylight and suffered horrific head injuriesfamily sued county council saying they should have protected the buildingbut after a judge threw out their claim they face legal bill of up to # 260,000\n", - "[1.431083 1.3190463 1.1061504 1.1901311 1.2198609 1.144506 1.1642501\n", - " 1.1165395 1.0427473 1.0758066 1.0602779 1.0420008 1.0421177 1.070987\n", - " 1.0327127 1.0829301 1.0143555 1.0191569 1.0455208 1.0507723]\n", - "\n", - "[ 0 1 4 3 6 5 7 2 15 9 13 10 19 18 8 12 11 14 17 16]\n", - "=======================\n", - "['( cnn ) the arrest and death of freddie gray in baltimore has sparked protests and accusations of police brutality .but it \\'s unclear how gray , who was arrested on a weapons charge april 12 , suffered a severe spinal cord injury that led to his death seven days later .he \" gave up without the use of force , \" baltimore deputy police commissioner jerry rodriguez said last week .']\n", - "=======================\n", - "[\"freddie gray was arrested on a weapons charge april 12 ; he was dead seven days laterhe was put in a police van after his arrest ; it 's unclear what happened inside the vangray has a criminal history but it 's not known if that had anything to do with his arrest or death\"]\n", - "( cnn ) the arrest and death of freddie gray in baltimore has sparked protests and accusations of police brutality .but it 's unclear how gray , who was arrested on a weapons charge april 12 , suffered a severe spinal cord injury that led to his death seven days later .he \" gave up without the use of force , \" baltimore deputy police commissioner jerry rodriguez said last week .\n", - "freddie gray was arrested on a weapons charge april 12 ; he was dead seven days laterhe was put in a police van after his arrest ; it 's unclear what happened inside the vangray has a criminal history but it 's not known if that had anything to do with his arrest or death\n", - "[1.4458864 1.5136104 1.3334024 1.4380608 1.1508821 1.0720097 1.0178584\n", - " 1.0160893 1.0137174 1.0126506 1.0519277 1.1157802 1.3266654 1.0657061\n", - " 1.1013709 1.0130111 1.0159267 1.1321429 1.0994198 0. ]\n", - "\n", - "[ 1 0 3 2 12 4 17 11 14 18 5 13 10 6 7 16 8 15 9 19]\n", - "=======================\n", - "[\"roy hodgson has confirmed the tottenham striker will be in gareth southgate 's squad for the tournament in the czech republic this summer , despite making his senior england debut last week .mauricio pochettino has given harry kane his blessing to play in the european under 21 championships this summer .harry kane , in action for england against italy , will play for the u21s at this year 's european championships\"]\n", - "=======================\n", - "[\"striker given maurico pochettino 's blessing to play for england under 21sroy hodgson has confirmed the kane will be in gareth southgate 's european championship squadkane is also set to travel to australia and malaysia this summer ahead of the championships\"]\n", - "roy hodgson has confirmed the tottenham striker will be in gareth southgate 's squad for the tournament in the czech republic this summer , despite making his senior england debut last week .mauricio pochettino has given harry kane his blessing to play in the european under 21 championships this summer .harry kane , in action for england against italy , will play for the u21s at this year 's european championships\n", - "striker given maurico pochettino 's blessing to play for england under 21sroy hodgson has confirmed the kane will be in gareth southgate 's european championship squadkane is also set to travel to australia and malaysia this summer ahead of the championships\n", - "[1.3846134 1.315768 1.4084815 1.2751244 1.1973101 1.1217312 1.0817758\n", - " 1.0298976 1.0398679 1.0191354 1.0859406 1.051136 1.0995685 1.056731\n", - " 1.0504149 1.0625535 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 3 4 5 12 10 6 15 13 11 14 8 7 9 16 17 18 19]\n", - "=======================\n", - "['karen gaynor appeared at rotherham magistrates court accused of causing criminal damage by pruning the tree , after a complaint was made by her next door neighbour kay daye , as part of a long-running boundary dispute .a mother-of-two was locked in a police cells for six hours and put on bail for seven months before being put on trial for chopping back tree branches hanging over her garden .but magistrates took just 15 minutes to find the 53-year-old not guilty , saying that she had acted with good intentions .']\n", - "=======================\n", - "[\"karen gaynor appeared in court accused of causing criminal damagecame after she pruned neighbour 's tree that was hanging over her gardenprosecution said her pruning was beyond lawful and had caused damagebut magistrates took just 15 minutes to find ms gaynor not guilty\"]\n", - "karen gaynor appeared at rotherham magistrates court accused of causing criminal damage by pruning the tree , after a complaint was made by her next door neighbour kay daye , as part of a long-running boundary dispute .a mother-of-two was locked in a police cells for six hours and put on bail for seven months before being put on trial for chopping back tree branches hanging over her garden .but magistrates took just 15 minutes to find the 53-year-old not guilty , saying that she had acted with good intentions .\n", - "karen gaynor appeared in court accused of causing criminal damagecame after she pruned neighbour 's tree that was hanging over her gardenprosecution said her pruning was beyond lawful and had caused damagebut magistrates took just 15 minutes to find ms gaynor not guilty\n", - "[1.2535834 1.4866524 1.1967494 1.2234212 1.1441976 1.3345923 1.1137779\n", - " 1.0328202 1.192255 1.093421 1.0581443 1.0257522 1.0167221 1.1320462\n", - " 1.0333896 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 0 3 2 8 4 13 6 9 10 14 7 11 12 15 16 17 18 19 20]\n", - "=======================\n", - "[\"scott suggs , 28 , and brandy kangas , 36 , were arrested after police received an anonymous tip regarding the welfare of their children , a 17-month-old boy and two girls , aged three and four .a couple have been spared prison for felony child neglect after admitting to locking their three young children in a room with urine and feces for 24 hours a day - and feeding them through a gate .when police arrived at their home in fredericksburg , virginia , last december , they discovered the youngsters locked in a ` sparsely furnished ' room , where they had seemingly ` remained at all times ' .\"]\n", - "=======================\n", - "[\"scott suggs , 28 , and brandy kangas , 36 , locked three children in roomroom was ` sparsely furnished ' and stained with human urine and fecesgirls , three and four , and 17-month-old boy were fed meals through gatecouple were arrested after police received anonymous tip about abuseboth given six-year suspended sentences after admitting child neglectvictims , who lacked social skills when found by police , are now in care\"]\n", - "scott suggs , 28 , and brandy kangas , 36 , were arrested after police received an anonymous tip regarding the welfare of their children , a 17-month-old boy and two girls , aged three and four .a couple have been spared prison for felony child neglect after admitting to locking their three young children in a room with urine and feces for 24 hours a day - and feeding them through a gate .when police arrived at their home in fredericksburg , virginia , last december , they discovered the youngsters locked in a ` sparsely furnished ' room , where they had seemingly ` remained at all times ' .\n", - "scott suggs , 28 , and brandy kangas , 36 , locked three children in roomroom was ` sparsely furnished ' and stained with human urine and fecesgirls , three and four , and 17-month-old boy were fed meals through gatecouple were arrested after police received anonymous tip about abuseboth given six-year suspended sentences after admitting child neglectvictims , who lacked social skills when found by police , are now in care\n", - "[1.3763982 1.2142162 1.1026819 1.1375682 1.0206592 1.031081 1.0395807\n", - " 1.1844226 1.0581999 1.0951242 1.1238298 1.0759501 1.0803583 1.0769751\n", - " 1.0778807 1.0992924 1.0384135 1.0329099 1.033568 1.0576949 1.0534627]\n", - "\n", - "[ 0 1 7 3 10 2 15 9 12 14 13 11 8 19 20 6 16 18 17 5 4]\n", - "=======================\n", - "[\"charleston , south carolina ( cnn ) police officers saturday accompanied the hearse carrying the body of walter scott to his south carolina funeral service , where hundreds of mourners celebrated his life and death as a catalyst for change in america .a pair of officers on motorcycles were part of the large procession delivering the father of four -- who was fatally shot in the back by a police officer -- to a service open to the public .the flag-draped casket of the u.s. coast guard veteran was wheeled inside the church as scott 's relatives and friends followed .\"]\n", - "=======================\n", - "[\"police officers escort the funeral procession to the servicescott 's family did not attend his visitation ; they need privacy , mayor sayspolice meet with the man who was a passenger in his car when it was pulled over\"]\n", - "charleston , south carolina ( cnn ) police officers saturday accompanied the hearse carrying the body of walter scott to his south carolina funeral service , where hundreds of mourners celebrated his life and death as a catalyst for change in america .a pair of officers on motorcycles were part of the large procession delivering the father of four -- who was fatally shot in the back by a police officer -- to a service open to the public .the flag-draped casket of the u.s. coast guard veteran was wheeled inside the church as scott 's relatives and friends followed .\n", - "police officers escort the funeral procession to the servicescott 's family did not attend his visitation ; they need privacy , mayor sayspolice meet with the man who was a passenger in his car when it was pulled over\n", - "[1.2492853 1.4100553 1.2011658 1.2307502 1.0677061 1.175287 1.0548296\n", - " 1.0589337 1.0977752 1.0757564 1.0822108 1.0453846 1.0366006 1.0946516\n", - " 1.1138474 1.06266 1.0537 1.0487813 1.0689493 1.0161424 1.0284734]\n", - "\n", - "[ 1 0 3 2 5 14 8 13 10 9 18 4 15 7 6 16 17 11 12 20 19]\n", - "=======================\n", - "['bates -- the tulsa county , oklahoma , reserve sheriff \\'s deputy accused of manslaughter in the death of a fleeing suspect -- told nbc \\'s \" today \" show friday that he used to think that , too .( cnn ) robert bates says he gets it , how you might wonder how a cop could confuse a pistol for a stun gun .harris died after bates shot him -- accidentally , he says -- after calling out \" taser !']\n", - "=======================\n", - "['\" i rate this as no. 1 on my list of things in my life that i regret , \" robert bates tells \" today \"he says he did n\\'t mean to kill eric harris and rejects claims his training records were forged\" i still ca n\\'t believe it happened , \" bates tells the nbc show']\n", - "bates -- the tulsa county , oklahoma , reserve sheriff 's deputy accused of manslaughter in the death of a fleeing suspect -- told nbc 's \" today \" show friday that he used to think that , too .( cnn ) robert bates says he gets it , how you might wonder how a cop could confuse a pistol for a stun gun .harris died after bates shot him -- accidentally , he says -- after calling out \" taser !\n", - "\" i rate this as no. 1 on my list of things in my life that i regret , \" robert bates tells \" today \"he says he did n't mean to kill eric harris and rejects claims his training records were forged\" i still ca n't believe it happened , \" bates tells the nbc show\n", - "[1.0628984 1.1086442 1.3468652 1.1949868 1.2644231 1.4683738 1.0739659\n", - " 1.1775205 1.0660081 1.0200868 1.0431832 1.0658706 1.0262548 1.035696\n", - " 1.0239071 1.0317125 1.0154089 1.0222099 0. 0. 0. ]\n", - "\n", - "[ 5 2 4 3 7 1 6 8 11 0 10 13 15 12 14 17 9 16 18 19 20]\n", - "=======================\n", - "[\"the swim tee by land 's end provides upf 50 sun protection and the fabric is supported by the skin cancer foundation - and it 's sold on gwyneth paltrow 's goop sitefrom unbreakable sunglasses to foldable wellies , femail has rounded up the eight products you should be packing to make your summer break as foolproof as possible .the mother-of-two and actress is selling a sun proof t-shirt in her goop shop .\"]\n", - "=======================\n", - "['femail rounds up practical products for summergwyneth paltrow is selling a sun-proof t-shirt on her sitetemperature-regulating dresses aim to keep you cool in hot climes']\n", - "the swim tee by land 's end provides upf 50 sun protection and the fabric is supported by the skin cancer foundation - and it 's sold on gwyneth paltrow 's goop sitefrom unbreakable sunglasses to foldable wellies , femail has rounded up the eight products you should be packing to make your summer break as foolproof as possible .the mother-of-two and actress is selling a sun proof t-shirt in her goop shop .\n", - "femail rounds up practical products for summergwyneth paltrow is selling a sun-proof t-shirt on her sitetemperature-regulating dresses aim to keep you cool in hot climes\n", - "[1.3542992 1.3867881 1.2487898 1.202715 1.2148681 1.1652594 1.1269394\n", - " 1.0979596 1.1472427 1.1076112 1.1180229 1.0613916 1.009471 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 3 5 8 6 10 9 7 11 12 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "['on tuesday , a u.s. rc-135u was flying over the baltic sea when it was intercepted by a russian su-27 flanker .( cnn ) after a russian fighter jet intercepted a u.s. reconnaissance plane in an \" unsafe and unprofessional manner \" earlier this week , the united states is complaining to moscow about the incident .the pentagon said the incident occurred in international airspace north of poland .']\n", - "=======================\n", - "['the incident occurred on april 7 north of poland in the baltic seau.s. says plane was in international airspacerussia says it had transponder turned off and was flying toward russia']\n", - "on tuesday , a u.s. rc-135u was flying over the baltic sea when it was intercepted by a russian su-27 flanker .( cnn ) after a russian fighter jet intercepted a u.s. reconnaissance plane in an \" unsafe and unprofessional manner \" earlier this week , the united states is complaining to moscow about the incident .the pentagon said the incident occurred in international airspace north of poland .\n", - "the incident occurred on april 7 north of poland in the baltic seau.s. says plane was in international airspacerussia says it had transponder turned off and was flying toward russia\n", - "[1.2288886 1.334618 1.4103613 1.2135133 1.3156993 1.2343122 1.1851255\n", - " 1.1883587 1.0410917 1.1005936 1.0517418 1.0577872 1.0146853 1.0239655\n", - " 1.0157075 1.0153993 1.0870651 1.0513202 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 1 4 5 0 3 7 6 9 16 11 10 17 8 13 14 15 12 22 18 19 20 21 23]\n", - "=======================\n", - "['the baby girl was discovered struggling to breathe while trapped inside of a tied plastic bag by austin detray on thursday afternoon when he heard her crying .horry county police said the mother , who will be identified once she is formally charged , turned herself in on thursday night after seeing herself on television in pictures released by the police .a woman suspected of abandoning her newborn baby girl in a south carolina dumpster has come forward following the rescue of the hours old infant by a teenager .']\n", - "=======================\n", - "['the woman , who will be identified once she is charged , came forward on thursday night after the baby was found in a south carolina dumpsterpolice were looking for the woman after the hours old infant was found in the dumpster struggling to breathe on thursday afternoonaustin detray and his brother found the newborn in a plastic bag and said she was suffocating ; he also found the umbilical cord and placenta insidebaby girl is listed in stable condition in hospital and the woman will be charged once she is released from hospital']\n", - "the baby girl was discovered struggling to breathe while trapped inside of a tied plastic bag by austin detray on thursday afternoon when he heard her crying .horry county police said the mother , who will be identified once she is formally charged , turned herself in on thursday night after seeing herself on television in pictures released by the police .a woman suspected of abandoning her newborn baby girl in a south carolina dumpster has come forward following the rescue of the hours old infant by a teenager .\n", - "the woman , who will be identified once she is charged , came forward on thursday night after the baby was found in a south carolina dumpsterpolice were looking for the woman after the hours old infant was found in the dumpster struggling to breathe on thursday afternoonaustin detray and his brother found the newborn in a plastic bag and said she was suffocating ; he also found the umbilical cord and placenta insidebaby girl is listed in stable condition in hospital and the woman will be charged once she is released from hospital\n", - "[1.2500262 1.4455934 1.220656 1.2135144 1.1497316 1.1398224 1.1647358\n", - " 1.1092875 1.0365142 1.0163634 1.0427107 1.1919572 1.0307554 1.0313905\n", - " 1.1735339 1.0184202 1.0105017 1.0248483 1.0240419 1.0430762 1.0209072\n", - " 1.008863 1.0133256 1.0548165]\n", - "\n", - "[ 1 0 2 3 11 14 6 4 5 7 23 19 10 8 13 12 17 18 20 15 9 22 16 21]\n", - "=======================\n", - "[\"frank knight settled before court proceedings with the owners of the championship 's basement club , having to pay a staggering # 20,000 in damages .the football family has rallied round a blackpool pensioner sued by the oyston family for alleged defamatory comments made on his facebook page .supporters up and down the country have reacted to that by raising close to # 15,000 in under three days -- an act of defiance against the running of blackpool .\"]\n", - "=======================\n", - "['lifelong blackpool fan frank knight forced to pay # 20,000 in damagesthe pensioner made allegations about the oyston familyclub is owned by owen oyston , while son karl is blackpool chairmanknight ordered to make a public apology following facebook commentsthe football family has rallied round the blackpool pensioner']\n", - "frank knight settled before court proceedings with the owners of the championship 's basement club , having to pay a staggering # 20,000 in damages .the football family has rallied round a blackpool pensioner sued by the oyston family for alleged defamatory comments made on his facebook page .supporters up and down the country have reacted to that by raising close to # 15,000 in under three days -- an act of defiance against the running of blackpool .\n", - "lifelong blackpool fan frank knight forced to pay # 20,000 in damagesthe pensioner made allegations about the oyston familyclub is owned by owen oyston , while son karl is blackpool chairmanknight ordered to make a public apology following facebook commentsthe football family has rallied round the blackpool pensioner\n", - "[1.4145783 1.3889046 1.1792369 1.4762903 1.3073598 1.1535755 1.0250396\n", - " 1.0166374 1.040955 1.0499249 1.0151134 1.1041576 1.0782092 1.0227989\n", - " 1.0365846 1.0279938 1.1220543 1.079779 1.0649564 1.0708816 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 2 5 16 11 17 12 19 18 9 8 14 15 6 13 7 10 22 20 21 23]\n", - "=======================\n", - "[\"brendan rodgers leads liverpool for the first time at wembley since arriving at the club in 2012brendan rodgers has urged liverpool to turn wembley back into ` anfield south ' and believes an fa cup semi-final victory over aston villa on sunday would help his players develop a stronger winning mentality .rodgers is looking to lead liverpool to an eighth fa cup victory and his first piece of silverware since replacing kenny dalglish as manager in 2012 .\"]\n", - "=======================\n", - "['liverpool take on aston villa on sunday for a place in the fa cup finalbrendan rodgers is leading liverpool at wembley for the first timethe manager wants to ingrain a trophy-winning habit into his players']\n", - "brendan rodgers leads liverpool for the first time at wembley since arriving at the club in 2012brendan rodgers has urged liverpool to turn wembley back into ` anfield south ' and believes an fa cup semi-final victory over aston villa on sunday would help his players develop a stronger winning mentality .rodgers is looking to lead liverpool to an eighth fa cup victory and his first piece of silverware since replacing kenny dalglish as manager in 2012 .\n", - "liverpool take on aston villa on sunday for a place in the fa cup finalbrendan rodgers is leading liverpool at wembley for the first timethe manager wants to ingrain a trophy-winning habit into his players\n", - "[1.1838031 1.4616456 1.3620429 1.2800618 1.2285285 1.1194918 1.1405747\n", - " 1.0479887 1.0956788 1.0771178 1.0293974 1.0250647 1.0436467 1.1541706\n", - " 1.0674113 1.070353 1.0665921 1.0651615 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 13 6 5 8 9 15 14 16 17 7 12 10 11 18 19 20 21 22 23]\n", - "=======================\n", - "[\"afzal khan is accused of conning a string of customers and financial firms at a motor dealership he ran in the us .federal agents hunting the 32-year-old , originally from edinburgh , fear he may have fled the country and have offered a $ 20,000 reward for information leading to his arrest .a british-born businessman has been placed on the fbi 's most wanted list over claims he conducted a multi-million pound luxury car scam .\"]\n", - "=======================\n", - "[\"afzal khan accused of conning customers and financial firms in usfederal agents hunting the 32-year-old fear he may have fled the countryflamboyant khan , from edinburgh , was known to his clients as ` bobby 'he ran the emporio motor group in new jersey and appeared on reality tv\"]\n", - "afzal khan is accused of conning a string of customers and financial firms at a motor dealership he ran in the us .federal agents hunting the 32-year-old , originally from edinburgh , fear he may have fled the country and have offered a $ 20,000 reward for information leading to his arrest .a british-born businessman has been placed on the fbi 's most wanted list over claims he conducted a multi-million pound luxury car scam .\n", - "afzal khan accused of conning customers and financial firms in usfederal agents hunting the 32-year-old fear he may have fled the countryflamboyant khan , from edinburgh , was known to his clients as ` bobby 'he ran the emporio motor group in new jersey and appeared on reality tv\n", - "[1.0972573 1.1291628 1.1926687 1.1839445 1.0886602 1.0590937 1.4753355\n", - " 1.165909 1.2390436 1.1521634 1.0544711 1.0195519 1.0301214 1.0181134\n", - " 1.0120038 1.0193112 1.0600258 1.0399678 1.0212791 1.0585579 1.030826\n", - " 1.0480338 1.0386932 0. ]\n", - "\n", - "[ 6 8 2 3 7 9 1 0 4 16 5 19 10 21 17 22 20 12 18 11 15 13 14 23]\n", - "=======================\n", - "['cesc fabregas will be making his first return to the emirates since leaving arsenal in 2011fabregas joined arsenal as a teenager ( left ) before returning to the premier league with chelsea ( right )that 2011 move was seen and widely accepted - externally - as the prodigal son going home .']\n", - "=======================\n", - "[\"chelsea travel to arsenal for their premier league clash on sundaythis will be cesc fabregas ' first return to the emirates since leavinghis relationship with arsene wenger has deteriorated since he left in 2011wenger : arsenal fans should give fabregas a good welcomeread : jose mourinho deep down admires what wenger has establishedread : arsenal fans call for removal of emirates stadium fabregas flag\"]\n", - "cesc fabregas will be making his first return to the emirates since leaving arsenal in 2011fabregas joined arsenal as a teenager ( left ) before returning to the premier league with chelsea ( right )that 2011 move was seen and widely accepted - externally - as the prodigal son going home .\n", - "chelsea travel to arsenal for their premier league clash on sundaythis will be cesc fabregas ' first return to the emirates since leavinghis relationship with arsene wenger has deteriorated since he left in 2011wenger : arsenal fans should give fabregas a good welcomeread : jose mourinho deep down admires what wenger has establishedread : arsenal fans call for removal of emirates stadium fabregas flag\n", - "[1.2472588 1.4036679 1.1472485 1.170521 1.2581536 1.2327445 1.1126734\n", - " 1.0432396 1.0252066 1.0790465 1.0487322 1.1196136 1.0762557 1.0847589\n", - " 1.1319079 1.0711455 1.1217551 1.1272455 1.060291 0. ]\n", - "\n", - "[ 1 4 0 5 3 2 14 17 16 11 6 13 9 12 15 18 10 7 8 19]\n", - "=======================\n", - "['five-month-old sonit awal was asleep upstairs in the family home when the quake struck , but was saved from death by a cupboard that fell over him .re-united : mother rasmila awal is re-united with her baby boy who was trapped under rubble for 22 hoursduring frantic rescue efforts family and friends used their bare hands to try and free sonit , but without specialist equipment it was impossible .']\n", - "=======================\n", - "[\"parents of miracle baby sonit awal overjoyed as infant pulled from rubblefather dragged rocks away with his bare hands to try and free the boyinfant was saved by a cupboard that fell , protecting him from aftershocksmum rasmila has thanked ` god and the rescuers ' for saving her child\"]\n", - "five-month-old sonit awal was asleep upstairs in the family home when the quake struck , but was saved from death by a cupboard that fell over him .re-united : mother rasmila awal is re-united with her baby boy who was trapped under rubble for 22 hoursduring frantic rescue efforts family and friends used their bare hands to try and free sonit , but without specialist equipment it was impossible .\n", - "parents of miracle baby sonit awal overjoyed as infant pulled from rubblefather dragged rocks away with his bare hands to try and free the boyinfant was saved by a cupboard that fell , protecting him from aftershocksmum rasmila has thanked ` god and the rescuers ' for saving her child\n", - "[1.2089128 1.250751 1.0823636 1.1384872 1.4508333 1.2697253 1.2360181\n", - " 1.0985537 1.1291444 1.0360135 1.0239941 1.0186282 1.0578147 1.0895998\n", - " 1.0212018 1.0810527 1.050509 1.0913069 1.1163774 1.0933965]\n", - "\n", - "[ 4 5 1 6 0 3 8 18 7 19 17 13 2 15 12 16 9 10 14 11]\n", - "=======================\n", - "['phil mickelson capped his resurgence in form at the houston open with rounds of 66 or 67mickelson is one shot behind going into the third round with the masters a week awaytiger woods confirmed his participation at the masters at augusta next week']\n", - "=======================\n", - "['phil mickelson holds a one shot lead going into day three of houston openmickelson has struggled for form , carding an 82 earlier in the seasontiger woods confirmed his participation at the masters on friday']\n", - "phil mickelson capped his resurgence in form at the houston open with rounds of 66 or 67mickelson is one shot behind going into the third round with the masters a week awaytiger woods confirmed his participation at the masters at augusta next week\n", - "phil mickelson holds a one shot lead going into day three of houston openmickelson has struggled for form , carding an 82 earlier in the seasontiger woods confirmed his participation at the masters on friday\n", - "[1.4120309 1.2486913 1.4049354 1.2021103 1.2464827 1.0871005 1.0764887\n", - " 1.0696704 1.0419687 1.0251724 1.0686021 1.0382351 1.0224601 1.225978\n", - " 1.2295347 1.0445713 1.0176892 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 4 14 13 3 5 6 7 10 15 8 11 9 12 16 18 17 19]\n", - "=======================\n", - "[\"convict : small time drug dealer rudy guede , 29 , is currently serving a 16-year sentence for the murdertragic : meredith kercher was found half-naked with her throat slit in the cottage she shared with knoxcleared : amanda knox and her ex-boyfriend raffaele sollecito served four years for meredith kercher 's murder before being conclusively cleared by italy 's highest court last month\"]\n", - "=======================\n", - "[\"rudy guede , 29 , is currently serving a 16-year sentence for the murderivorian says he will now seek a retrial after seeing amanda knox clearedknox and ex-boyfriend raffaele sollecito served four years for the murderbut the pair were sensationally cleared by italy 's highest court last month\"]\n", - "convict : small time drug dealer rudy guede , 29 , is currently serving a 16-year sentence for the murdertragic : meredith kercher was found half-naked with her throat slit in the cottage she shared with knoxcleared : amanda knox and her ex-boyfriend raffaele sollecito served four years for meredith kercher 's murder before being conclusively cleared by italy 's highest court last month\n", - "rudy guede , 29 , is currently serving a 16-year sentence for the murderivorian says he will now seek a retrial after seeing amanda knox clearedknox and ex-boyfriend raffaele sollecito served four years for the murderbut the pair were sensationally cleared by italy 's highest court last month\n", - "[1.3733003 1.4482588 1.237774 1.0780747 1.057074 1.1809173 1.1482377\n", - " 1.1645827 1.1481156 1.036891 1.0258305 1.0564426 1.0314711 1.0565058\n", - " 1.0687144 1.0464779 1.0171386 1.0092449 1.0248661 0. ]\n", - "\n", - "[ 1 0 2 5 7 6 8 3 14 4 13 11 15 9 12 10 18 16 17 19]\n", - "=======================\n", - "[\"the great man considers tiger woods completing the career grand slam at the age of just 24 as the best golfing feat he has seen .gary player will attend his 58th masters this week fully expecting to welcome a new member to the game 's most exclusive club and salute what he considers would be one of the sport 's finest accomplishments .so you can imagine how excited he is at the prospect of rory mcilroy becoming just the sixth player to win all four majors at only 25 .\"]\n", - "=======================\n", - "['gary player considers tiger woods grand slam at 24 as best golfing featsouth african will attend his 58th masters this week at augusta nationalplayer is excited at the prospect of rory mcilroy joining exclusive clubmcilroy could become only the sixth player to win all four majors']\n", - "the great man considers tiger woods completing the career grand slam at the age of just 24 as the best golfing feat he has seen .gary player will attend his 58th masters this week fully expecting to welcome a new member to the game 's most exclusive club and salute what he considers would be one of the sport 's finest accomplishments .so you can imagine how excited he is at the prospect of rory mcilroy becoming just the sixth player to win all four majors at only 25 .\n", - "gary player considers tiger woods grand slam at 24 as best golfing featsouth african will attend his 58th masters this week at augusta nationalplayer is excited at the prospect of rory mcilroy joining exclusive clubmcilroy could become only the sixth player to win all four majors\n", - "[1.208127 1.4186902 1.3530769 1.317547 1.2058396 1.0660074 1.0594634\n", - " 1.0324222 1.0647017 1.0264316 1.0163572 1.1990005 1.0974938 1.0813129\n", - " 1.012968 1.0908885 1.0485694 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 11 12 15 13 5 8 6 16 7 9 10 14 18 17 19]\n", - "=======================\n", - "[\"players of the online game are tasked with escaping syria - which has been ravaged by civil war and the rise of isis - and making it into europe .the syrian journey game , which is available on the bbc website , often leads to players dying and was criticised by experts for turning the suffering of millions into a ` children 's game ' .the bbc 's online game , syrian journey , often ends with refugees drowning in the mediterranean or being sold to militia\"]\n", - "=======================\n", - "[\"bbc makes online game about syrian refugees trying to escape to europe` sickening ' game often ends with migrants drowning in the mediterraneanother outcomes see women refugees sold to militia or abandoned in libyabbc slammed for turning the suffering of millions into a ` children 's game '\"]\n", - "players of the online game are tasked with escaping syria - which has been ravaged by civil war and the rise of isis - and making it into europe .the syrian journey game , which is available on the bbc website , often leads to players dying and was criticised by experts for turning the suffering of millions into a ` children 's game ' .the bbc 's online game , syrian journey , often ends with refugees drowning in the mediterranean or being sold to militia\n", - "bbc makes online game about syrian refugees trying to escape to europe` sickening ' game often ends with migrants drowning in the mediterraneanother outcomes see women refugees sold to militia or abandoned in libyabbc slammed for turning the suffering of millions into a ` children 's game '\n", - "[1.0543611 1.068134 1.3550135 1.1280737 1.1015933 1.08248 1.1280346\n", - " 1.0215263 1.0272833 1.0440546 1.044029 1.1580863 1.0315841 1.026137\n", - " 1.0237632 1.0249507 1.0492623 1.0657959 1.0694376 1.0605216 1.1363347\n", - " 1.0812762 1.0614842 1.0359209]\n", - "\n", - "[ 2 11 20 3 6 4 5 21 18 1 17 22 19 0 16 9 10 23 12 8 13 15 14 7]\n", - "=======================\n", - "['we were there to protest the acquittal of four police officers in the beating death of unarmed motorcyclist arthur mcduffie .the miami riots of 1980 were the first major \" race riots \" since the wave of riots spread across the nation in the 1960s .wednesday marks the 23rd anniversary of the start of the los angeles riots .']\n", - "=======================\n", - "['johnita due : the anger and frustration i saw in 1980 miami is repeated in 2015 baltimoreshe says teaching the power of nonviolent protest is essential']\n", - "we were there to protest the acquittal of four police officers in the beating death of unarmed motorcyclist arthur mcduffie .the miami riots of 1980 were the first major \" race riots \" since the wave of riots spread across the nation in the 1960s .wednesday marks the 23rd anniversary of the start of the los angeles riots .\n", - "johnita due : the anger and frustration i saw in 1980 miami is repeated in 2015 baltimoreshe says teaching the power of nonviolent protest is essential\n", - "[1.2737374 1.2557902 1.3327271 1.2888978 1.1627506 1.2090249 1.1336601\n", - " 1.2435085 1.1193271 1.0402007 1.0288113 1.1054364 1.0782694 1.0293633\n", - " 1.0078279 1.032912 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 1 7 5 4 6 8 11 12 9 15 13 10 14 22 16 17 18 19 20 21 23]\n", - "=======================\n", - "['the former scottish first minister hopes to make a return to the commons as mp for gordon by ousting the lib dems who have held the seat for more than 30 years .nick clegg , who today visited diving equipment manufacturer divex global in aberdeen , urged supporters of rival parties to help stop alex salmond returning to parliamentalex salmond has chosen to stand in the gordon constituency , where veteran lib dem sir malcolm bruce is standing down']\n", - "=======================\n", - "['lib dem leader makes highly unusual plea for help from party rivalsalex salmond bidding to be an mp after quitting as first minister last yearclegg boasts lib dems could be left with more scottish mps than labour']\n", - "the former scottish first minister hopes to make a return to the commons as mp for gordon by ousting the lib dems who have held the seat for more than 30 years .nick clegg , who today visited diving equipment manufacturer divex global in aberdeen , urged supporters of rival parties to help stop alex salmond returning to parliamentalex salmond has chosen to stand in the gordon constituency , where veteran lib dem sir malcolm bruce is standing down\n", - "lib dem leader makes highly unusual plea for help from party rivalsalex salmond bidding to be an mp after quitting as first minister last yearclegg boasts lib dems could be left with more scottish mps than labour\n", - "[1.3770871 1.4237221 1.1837116 1.140136 1.0994489 1.0734725 1.1465133\n", - " 1.0631458 1.0879624 1.1256672 1.0576024 1.0596246 1.0330863 1.0482693\n", - " 1.0994844 1.039982 1.1013427 1.0502261 1.0303649 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 6 3 9 16 14 4 8 5 7 11 10 17 13 15 12 18 22 19 20 21 23]\n", - "=======================\n", - "['the women were among detained on march 6 and march 7 in three chinese cities -- beijing , guangzhou and hangzhou -- shortly before events they had planned for international women \\'s day on march 8 .( cnn ) five young chinese feminists , whose detention has provoked an international outcry , may face up to five years in prison over their campaign for gender equality .wang qiushi , the lawyer for one of the women , wei tingting , said police had recommended on april 6 that prosecutors press charges of \" assembling a crowd to disturb public order . \"']\n", - "=======================\n", - "['five young women have been detained by china since early marchthey campaigned against sexual harassmenttheir detention has attracted international criticism']\n", - "the women were among detained on march 6 and march 7 in three chinese cities -- beijing , guangzhou and hangzhou -- shortly before events they had planned for international women 's day on march 8 .( cnn ) five young chinese feminists , whose detention has provoked an international outcry , may face up to five years in prison over their campaign for gender equality .wang qiushi , the lawyer for one of the women , wei tingting , said police had recommended on april 6 that prosecutors press charges of \" assembling a crowd to disturb public order . \"\n", - "five young women have been detained by china since early marchthey campaigned against sexual harassmenttheir detention has attracted international criticism\n", - "[1.4066803 1.2939246 1.2838295 1.1717482 1.1871777 1.157976 1.0581546\n", - " 1.0600334 1.1652383 1.0760273 1.1509691 1.035227 1.0741388 1.0508448\n", - " 1.0157841 1.0231234 1.161799 1.0269281 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 4 3 8 16 5 10 9 12 7 6 13 11 17 15 14 22 18 19 20 21 23]\n", - "=======================\n", - "[\"although st mary 's hospital in london is the first choice of venue for the delivery of the royal baby , hospitals in reading and norfolk are on standbythe duke and duchess of cambridge 's second child could be the first royal to be born outside london for 85 years .the 33-year-old may visit her parents in bucklebury , berkshire , this week -- just 12 miles from the reading hospital .\"]\n", - "=======================\n", - "[\"st mary 's hospital in west london is the first choice of venue for the birthbut royal berkshire in reading and queen elizabeth in norfolk on standbyplans in case kate goes into labour while visiting parents or country estate\"]\n", - "although st mary 's hospital in london is the first choice of venue for the delivery of the royal baby , hospitals in reading and norfolk are on standbythe duke and duchess of cambridge 's second child could be the first royal to be born outside london for 85 years .the 33-year-old may visit her parents in bucklebury , berkshire , this week -- just 12 miles from the reading hospital .\n", - "st mary 's hospital in west london is the first choice of venue for the birthbut royal berkshire in reading and queen elizabeth in norfolk on standbyplans in case kate goes into labour while visiting parents or country estate\n", - "[1.4243517 1.3802078 1.3372109 1.0409703 1.2608913 1.4019656 1.0631553\n", - " 1.0417336 1.017665 1.0201118 1.0352675 1.1418858 1.0608666 1.0513512\n", - " 1.0914727 1.0275867 1.1337415 1.0601103 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 5 1 2 4 11 16 14 6 12 17 13 7 3 10 15 9 8 22 18 19 20 21 23]\n", - "=======================\n", - "[\"porto have nothing to prove coming into their quarter-final first leg against bayern munich as the only undefeated side in the champions league .julen lopetegui says porto come into the match able to enjoy their achievement of being undefeatedhowever julen lopetegui has warned his side has plenty of room to improve saying the team ` has n't stopped growing ' .\"]\n", - "=======================\n", - "['porto host bayern munich in their champions league quarter-final first legthe match on wednesday brings together the two highest scoring teamsmanagers julen lopetegui and pep guardiola were barcelona team-mateslopetegui said his side is still evolving with new talent from the summer']\n", - "porto have nothing to prove coming into their quarter-final first leg against bayern munich as the only undefeated side in the champions league .julen lopetegui says porto come into the match able to enjoy their achievement of being undefeatedhowever julen lopetegui has warned his side has plenty of room to improve saying the team ` has n't stopped growing ' .\n", - "porto host bayern munich in their champions league quarter-final first legthe match on wednesday brings together the two highest scoring teamsmanagers julen lopetegui and pep guardiola were barcelona team-mateslopetegui said his side is still evolving with new talent from the summer\n", - "[1.5044444 1.4171473 1.1782309 1.249908 1.1843594 1.1605364 1.0333285\n", - " 1.0205249 1.0243447 1.1435816 1.0212026 1.015871 1.0167769 1.0573438\n", - " 1.0266525 1.0777836 1.2003698 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 16 4 2 5 9 15 13 6 14 8 10 7 12 11 20 17 18 19 21]\n", - "=======================\n", - "[\"manchester united winger ashley young celebrated his prominent role in his side 's derby win by laughing at ` noisy neighbours ' city .the 29-year-old , who scored united 's first goal , and created two more for marouane fellaini and chris smalling , said louis van gaal 's side were focused on quieting the manchester city fans .ashley young sweeps home manchester united 's equaliser during a superb personal performance\"]\n", - "=======================\n", - "[\"ashley young scored manchester united equaliser in 4-2 win` we quietened them down straight away ' claims young , as he praises fansyoung claims the game was over once united went 3-1 aheadengland winger says confidence at old trafford is now ` sky high 'click here to read ian ladyman 's match report from old traffordread : man utd runaway league leaders in table vs the current top seven\"]\n", - "manchester united winger ashley young celebrated his prominent role in his side 's derby win by laughing at ` noisy neighbours ' city .the 29-year-old , who scored united 's first goal , and created two more for marouane fellaini and chris smalling , said louis van gaal 's side were focused on quieting the manchester city fans .ashley young sweeps home manchester united 's equaliser during a superb personal performance\n", - "ashley young scored manchester united equaliser in 4-2 win` we quietened them down straight away ' claims young , as he praises fansyoung claims the game was over once united went 3-1 aheadengland winger says confidence at old trafford is now ` sky high 'click here to read ian ladyman 's match report from old traffordread : man utd runaway league leaders in table vs the current top seven\n", - "[1.169508 1.2571042 1.3827503 1.2657295 1.2175943 1.2745628 1.0323324\n", - " 1.0176519 1.0184265 1.0220199 1.0188448 1.0738721 1.0641736 1.0419023\n", - " 1.0378098 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 5 3 1 4 0 11 12 13 14 6 9 10 8 7 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"in his 21 la liga games to date sociedad have conceded just 29 times , climbing from the relegation when moyes took over , to an extremely comfortable tenth place .antoine griezmann ( left ) is congratulated by fernando torres , but did n't celebrate against his former clubmikel gonzalez diverts a corner past his own goalkeeper geronimo rulli who fails to punch it away\"]\n", - "=======================\n", - "['mikel gonzalez own goal puts atletico madrid ahead inside two minutesantoine griezmann adds second after goalkeeping errorchampions could have scored more as real sociedad offer very little']\n", - "in his 21 la liga games to date sociedad have conceded just 29 times , climbing from the relegation when moyes took over , to an extremely comfortable tenth place .antoine griezmann ( left ) is congratulated by fernando torres , but did n't celebrate against his former clubmikel gonzalez diverts a corner past his own goalkeeper geronimo rulli who fails to punch it away\n", - "mikel gonzalez own goal puts atletico madrid ahead inside two minutesantoine griezmann adds second after goalkeeping errorchampions could have scored more as real sociedad offer very little\n", - "[1.1264205 1.0607919 1.0624065 1.2498401 1.3504466 1.3416165 1.3188415\n", - " 1.2634022 1.0914143 1.0480975 1.1112307 1.0203905 1.0211663 1.0904658\n", - " 1.0876552 1.09518 1.0353113 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 4 5 6 7 3 0 10 15 8 13 14 2 1 9 16 12 11 20 17 18 19 21]\n", - "=======================\n", - "[\"but , unbelievably , max has been abandoned and he 's looking for a home .he 's become a favourite with workers at the dogs trust in basildon , essex , who have been looking after him since he was found .max ( pictured ) is a 18.5 in high fully-grown husky corgi cross .\"]\n", - "=======================\n", - "['max is a husky-corgi cross and measures 18.5 in from foot to shoulderhe has become a favourite with staff at the dogs trust in basildon , essexunbelievably , he has been abandoned and is now looking for a hometo find out more about max , call the dogs trust on 0300 303 0292 or visit dogstrust.org.uk .']\n", - "but , unbelievably , max has been abandoned and he 's looking for a home .he 's become a favourite with workers at the dogs trust in basildon , essex , who have been looking after him since he was found .max ( pictured ) is a 18.5 in high fully-grown husky corgi cross .\n", - "max is a husky-corgi cross and measures 18.5 in from foot to shoulderhe has become a favourite with staff at the dogs trust in basildon , essexunbelievably , he has been abandoned and is now looking for a hometo find out more about max , call the dogs trust on 0300 303 0292 or visit dogstrust.org.uk .\n", - "[1.107556 1.0739825 1.2205731 1.3997599 1.080389 1.280516 1.1601596\n", - " 1.1234972 1.043303 1.0391369 1.0467931 1.0239159 1.0202705 1.1530641\n", - " 1.0358607 1.0282842 1.030323 1.0536593 1.1560854 1.0914135 1.0512007\n", - " 1.0340172]\n", - "\n", - "[ 3 5 2 6 18 13 7 0 19 4 1 17 20 10 8 9 14 21 16 15 11 12]\n", - "=======================\n", - "[\"newly launched app , honest , allows users to pose questions , remain anonymous and get feedback from fellow anonymous users .the personal dilemmas posted range from relationship questions such as ` i 'm getting married next week and i 'm having doubts , is that normal ? 'a new app has come up with the perfect solution - talk through your problems with total strangers instead .\"]\n", - "=======================\n", - "[\"new app , honest , allows users to pose questions and remain anonymoususers can post questions they 're too embarrassed to discuss with friendsquestions cover sexual dysfunction , secret crushes and family dilemmasother users weigh in with their advice about how to handle sensitive issue\"]\n", - "newly launched app , honest , allows users to pose questions , remain anonymous and get feedback from fellow anonymous users .the personal dilemmas posted range from relationship questions such as ` i 'm getting married next week and i 'm having doubts , is that normal ? 'a new app has come up with the perfect solution - talk through your problems with total strangers instead .\n", - "new app , honest , allows users to pose questions and remain anonymoususers can post questions they 're too embarrassed to discuss with friendsquestions cover sexual dysfunction , secret crushes and family dilemmasother users weigh in with their advice about how to handle sensitive issue\n", - "[1.3952546 1.2580572 1.2477986 1.3319545 1.2284025 1.2093827 1.1224189\n", - " 1.0752683 1.1835822 1.1137416 1.026581 1.0140651 1.0194432 1.0627204\n", - " 1.103474 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 2 4 5 8 6 9 14 7 13 10 12 11 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"cardiff city will have no supporters present at saturday 's championship game against leeds united at elland road after the welsh club backed their fans in handing back their allocation of 500 tickets .both clubs have a history of fan trouble but leeds have not confirmed whether the decision for such a low number of tickets was down to the club , council or police , when they would usually offer in excess of 2,500 tickets to away fans .cardiff welcomed 2,200 leeds fans to the cardiff city stadium in the reverse fixture back in november 's game , which ended a 3-1 win for the home side , and have been angered by the decision not to reciprocate .\"]\n", - "=======================\n", - "['cardiff city have joined their fans in protest against leeds united ticketsthe two sides face each other in the championship on saturday at 3pmcardiff have returned the entirety of their 500 allocation for yorkshire tripthere is a history of trouble between the supporters of both clubsleeds refuse to give cardiff rights to show the game live at their ground']\n", - "cardiff city will have no supporters present at saturday 's championship game against leeds united at elland road after the welsh club backed their fans in handing back their allocation of 500 tickets .both clubs have a history of fan trouble but leeds have not confirmed whether the decision for such a low number of tickets was down to the club , council or police , when they would usually offer in excess of 2,500 tickets to away fans .cardiff welcomed 2,200 leeds fans to the cardiff city stadium in the reverse fixture back in november 's game , which ended a 3-1 win for the home side , and have been angered by the decision not to reciprocate .\n", - "cardiff city have joined their fans in protest against leeds united ticketsthe two sides face each other in the championship on saturday at 3pmcardiff have returned the entirety of their 500 allocation for yorkshire tripthere is a history of trouble between the supporters of both clubsleeds refuse to give cardiff rights to show the game live at their ground\n", - "[1.2360896 1.3909667 1.3442976 1.291858 1.2902743 1.1717045 1.0251942\n", - " 1.1432008 1.0779852 1.0135164 1.0100348 1.0113353 1.1948631 1.1361879\n", - " 1.0739219 1.0099821 1.0487 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 12 5 7 13 8 14 16 6 9 11 10 15 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"published on the daily blog on wednesday , the anonymous woman has recounted how john key kept playfully pulling her hair despite being told to stop during election time last year .however mr key defended his pranks as ' a bit of banter ' and said he had already apologised for his actions , stuff.co.nz reports .a waitress has revealed how the new zealand prime minister had repeatedly given her unwanted attention while she was working at a cafe in auckland frequented by him and his wife bronagh ( pictured together )\"]\n", - "=======================\n", - "[\"an anonymous waitress revealed how john key kept pulling her hairshe wrote in a blog that she gained unwanted attention from him last yearthe woman had been working at a cafe frequented by mr key and his wifeshe said mr key kept touching her hair despite being told to stopthe prime minister defended his actions , saying he had already apologisedhe also said his pranks were ` all in the context of a bit of banter 'the waitress was reportedly working at a cafe called rosie in parnell , east of auckland\"]\n", - "published on the daily blog on wednesday , the anonymous woman has recounted how john key kept playfully pulling her hair despite being told to stop during election time last year .however mr key defended his pranks as ' a bit of banter ' and said he had already apologised for his actions , stuff.co.nz reports .a waitress has revealed how the new zealand prime minister had repeatedly given her unwanted attention while she was working at a cafe in auckland frequented by him and his wife bronagh ( pictured together )\n", - "an anonymous waitress revealed how john key kept pulling her hairshe wrote in a blog that she gained unwanted attention from him last yearthe woman had been working at a cafe frequented by mr key and his wifeshe said mr key kept touching her hair despite being told to stopthe prime minister defended his actions , saying he had already apologisedhe also said his pranks were ` all in the context of a bit of banter 'the waitress was reportedly working at a cafe called rosie in parnell , east of auckland\n", - "[1.2134247 1.1265385 1.3351245 1.2333078 1.1789839 1.1883959 1.0577812\n", - " 1.0821425 1.1012344 1.0895938 1.0380654 1.0717325 1.1017793 1.0511088\n", - " 1.0694865 1.0607955 1.0137767 1.0134995 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 5 4 1 12 8 9 7 11 14 15 6 13 10 16 17 22 18 19 20 21 23]\n", - "=======================\n", - "[\"workers have begun posting photos of their broken umbrellas scattered in gutters and discarded in bins along with the hashtag #umbrellageddon on social media .commuters are struggling with their umbrellas in the fierce winds which have reached up to 135km/h in some parts of nsw#sydney #takemehome , ' brendan duong posted on instagram after spotting two colourful brollies poking out the top of a sydney bin\"]\n", - "=======================\n", - "[\"cyclone strength winds have lashed parts of nsw as heavy rain continues to fallcommuters using umbrellas have abandoned them in bins and gutters after the wind destroyed themworkers have posted pictures of broken brollies around sydney with the hashtag #umbrellageddonmanufacturers say if damage is caused by the wind that does not constitute a faulty frame` always carry your umbrella into the wind and not over your head , ' umbrella expert advised\"]\n", - "workers have begun posting photos of their broken umbrellas scattered in gutters and discarded in bins along with the hashtag #umbrellageddon on social media .commuters are struggling with their umbrellas in the fierce winds which have reached up to 135km/h in some parts of nsw#sydney #takemehome , ' brendan duong posted on instagram after spotting two colourful brollies poking out the top of a sydney bin\n", - "cyclone strength winds have lashed parts of nsw as heavy rain continues to fallcommuters using umbrellas have abandoned them in bins and gutters after the wind destroyed themworkers have posted pictures of broken brollies around sydney with the hashtag #umbrellageddonmanufacturers say if damage is caused by the wind that does not constitute a faulty frame` always carry your umbrella into the wind and not over your head , ' umbrella expert advised\n", - "[1.25172 1.4948426 1.1588742 1.397812 1.1184251 1.064708 1.0249264\n", - " 1.032454 1.1048197 1.0820274 1.1507331 1.2551312 1.0350134 1.013026\n", - " 1.0172867 1.0150397 1.012043 1.0109884 1.0093882 1.0575672 1.010035\n", - " 1.0085957 1.0109931 1.0621146]\n", - "\n", - "[ 1 3 11 0 2 10 4 8 9 5 23 19 12 7 6 14 15 13 16 22 17 20 18 21]\n", - "=======================\n", - "[\"rihanna cooper , 21 , from hull , hit the headlines when , at 16 , she became the youngest person in britain to be accepted for gender reassignment .born bradley cooper , rihanna realised she was born in the wrong body and at 16 was accepted for treatmentbritain 's youngest sex swap patient has resorted to working as an escort - to pay for her treatment .\"]\n", - "=======================\n", - "['rihanna cooper , 21 , from hull , is working as an escort to pay for genital opbecame the youngest person in britain to be accepted for sex swap at 16part way through treatment , she decided she actually wanted to be a boyshe had hormone injections but stopped treatment after 2 suicide attemptsnow she says she does want to be a woman and is paying for her treatment']\n", - "rihanna cooper , 21 , from hull , hit the headlines when , at 16 , she became the youngest person in britain to be accepted for gender reassignment .born bradley cooper , rihanna realised she was born in the wrong body and at 16 was accepted for treatmentbritain 's youngest sex swap patient has resorted to working as an escort - to pay for her treatment .\n", - "rihanna cooper , 21 , from hull , is working as an escort to pay for genital opbecame the youngest person in britain to be accepted for sex swap at 16part way through treatment , she decided she actually wanted to be a boyshe had hormone injections but stopped treatment after 2 suicide attemptsnow she says she does want to be a woman and is paying for her treatment\n", - "[1.2146223 1.3790658 1.1220374 1.0815332 1.0743743 1.2405494 1.2575512\n", - " 1.1256047 1.1086305 1.2169589 1.0691677 1.0504851 1.0659543 1.0549963\n", - " 1.0199623 1.0664073 1.0218861 1.0325769 1.1231338 1.0326073 1.0303932\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 6 5 9 0 7 18 2 8 3 4 10 15 12 13 11 19 17 20 16 14 22 21 23]\n", - "=======================\n", - "[\"the world 's most expensive footballer and real madrid star gareth bale heads the list of those who have spent time in anywhere between the second and fourth tier of english football .now with leicester in the premier league , kasper schmeichel has been named in three team ( s ) of the seasonto celebrate the 10th birthday of the football league awards , a team celebrating the best players from below england 's top tier during that decade has been put together , including a host of stars .\"]\n", - "=======================\n", - "['gareth bale has been chosen in the football league team of the decadeeleven players and one manager picked as part of awards 10th anniversaryashley williams , rickie lambert and adam lallana are all includedbournemouth boss eddie howe is picked as the manager of the side']\n", - "the world 's most expensive footballer and real madrid star gareth bale heads the list of those who have spent time in anywhere between the second and fourth tier of english football .now with leicester in the premier league , kasper schmeichel has been named in three team ( s ) of the seasonto celebrate the 10th birthday of the football league awards , a team celebrating the best players from below england 's top tier during that decade has been put together , including a host of stars .\n", - "gareth bale has been chosen in the football league team of the decadeeleven players and one manager picked as part of awards 10th anniversaryashley williams , rickie lambert and adam lallana are all includedbournemouth boss eddie howe is picked as the manager of the side\n", - "[1.332319 1.2903063 1.217994 1.0845852 1.2084314 1.0527278 1.1801952\n", - " 1.2981573 1.2206275 1.0423646 1.0955757 1.0585977 1.0280432 1.051998\n", - " 1.0434749 1.0362043 1.0178686 1.0119234 1.0139093 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 7 1 8 2 4 6 10 3 11 5 13 14 9 15 12 16 18 17 22 19 20 21 23]\n", - "=======================\n", - "['a population of wild wood bison were successfully reintroduced to the united states to freely roam the plains of alaska for the first time in over a century .the moment was captured on video and shows alaska department of fish and game biologist tom seaton leading 100 wood bison to freedom on a snowmobile .the land mammals were freed from a temporary pen , where they had been kept for just over a week during the transition , and followed mr seaton to their new home .']\n", - "=======================\n", - "['alaska department of fish and game biologist delivered the animalsthe land mammals followed his snowmobile dropping alfalfa cubesthey travelled a mile and crossed the innoko river to lower innokonew location should start producing sedge for the bison to feed on']\n", - "a population of wild wood bison were successfully reintroduced to the united states to freely roam the plains of alaska for the first time in over a century .the moment was captured on video and shows alaska department of fish and game biologist tom seaton leading 100 wood bison to freedom on a snowmobile .the land mammals were freed from a temporary pen , where they had been kept for just over a week during the transition , and followed mr seaton to their new home .\n", - "alaska department of fish and game biologist delivered the animalsthe land mammals followed his snowmobile dropping alfalfa cubesthey travelled a mile and crossed the innoko river to lower innokonew location should start producing sedge for the bison to feed on\n", - "[1.2190393 1.4830605 1.2314577 1.341938 1.2462337 1.195476 1.0610882\n", - " 1.1233698 1.0454025 1.1851712 1.1596954 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 5 9 10 7 6 8 22 21 20 19 18 17 12 15 14 13 23 11 16\n", - " 24]\n", - "=======================\n", - "[\"the unidentified restaurant owner was attacked by the would-be rapist as she was closing the empty shop in the eastern province of shandong , china .the unidentified woman then raced out of the restaurant - but was followed by her attackershe let the man into the eatery when he knocked on the door and asked to use the toilet , the people 's daily reported .\"]\n", - "=======================\n", - "['woman was attacked as she closed restaurant in shandong , chinaher self-defence training pays off as she overpowers the would-be rapistattacker strikes again outside restaurant - but manager escapes unhurt']\n", - "the unidentified restaurant owner was attacked by the would-be rapist as she was closing the empty shop in the eastern province of shandong , china .the unidentified woman then raced out of the restaurant - but was followed by her attackershe let the man into the eatery when he knocked on the door and asked to use the toilet , the people 's daily reported .\n", - "woman was attacked as she closed restaurant in shandong , chinaher self-defence training pays off as she overpowers the would-be rapistattacker strikes again outside restaurant - but manager escapes unhurt\n", - "[1.0834805 1.5491798 1.2548199 1.1250993 1.1702547 1.1516132 1.3102809\n", - " 1.0427842 1.046107 1.0980436 1.0503927 1.2633531 1.1208616 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 6 11 2 4 5 3 12 9 0 10 8 7 23 13 14 15 16 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"leia , an eight-month-old boxer from pennsylvania , was filmed as she lay on the couch and latched on to a baby 's pacifier .to date the video of leia has garnered more than 145,000 likes on facebook , with many viewers deeming the scene ` cute ' and ` adorable ' .footage shows her then sucking on it before closing her eyes and loudly snoring in her sleep .\"]\n", - "=======================\n", - "[\"leia , an eight-month-old boxer from pennsylvania , was filmed as she lay on the couch and latched on to a baby 's pacifierfootage shows her then sucking on it before closing her eyes and loudly snoring in her sleepto date the video of leia has garnered more than 145,000 likes on facebook , with many viewers deeming the scene ` cute ' and ` adorable '\"]\n", - "leia , an eight-month-old boxer from pennsylvania , was filmed as she lay on the couch and latched on to a baby 's pacifier .to date the video of leia has garnered more than 145,000 likes on facebook , with many viewers deeming the scene ` cute ' and ` adorable ' .footage shows her then sucking on it before closing her eyes and loudly snoring in her sleep .\n", - "leia , an eight-month-old boxer from pennsylvania , was filmed as she lay on the couch and latched on to a baby 's pacifierfootage shows her then sucking on it before closing her eyes and loudly snoring in her sleepto date the video of leia has garnered more than 145,000 likes on facebook , with many viewers deeming the scene ` cute ' and ` adorable '\n", - "[1.3594751 1.3342898 1.3237337 1.1774819 1.3088925 1.2774444 1.1699235\n", - " 1.06913 1.2738546 1.1264429 1.0235034 1.0150794 1.0171533 1.0134771\n", - " 1.017709 1.0231333 1.0183802 1.0361065 1.0298737 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 4 5 8 3 6 9 7 17 18 10 15 16 14 12 11 13 23 19 20 21 22\n", - " 24]\n", - "=======================\n", - "['dundee have vowed to stand by paul mcgowan after the bad boy midfielder was spared jail for a third assault on a policeman .but the dens park bad boy will miss two forthcoming games against former club celtic because he is under house arrest .the 27-year-old has been placed on a 16-week restriction of liberty order which confines him to home between the hours of 7pm and 7am .']\n", - "=======================\n", - "['paul mcgowan avoided a jail sentence after police attackmidfielder under house arrest and will miss two games against celticthe 27-year-old is on a 16-week restriction of liberty order']\n", - "dundee have vowed to stand by paul mcgowan after the bad boy midfielder was spared jail for a third assault on a policeman .but the dens park bad boy will miss two forthcoming games against former club celtic because he is under house arrest .the 27-year-old has been placed on a 16-week restriction of liberty order which confines him to home between the hours of 7pm and 7am .\n", - "paul mcgowan avoided a jail sentence after police attackmidfielder under house arrest and will miss two games against celticthe 27-year-old is on a 16-week restriction of liberty order\n", - "[1.3736253 1.3947389 1.3148707 1.2529025 1.096151 1.124846 1.2470707\n", - " 1.0390083 1.0215824 1.0165179 1.0154709 1.0183129 1.0120577 1.0131948\n", - " 1.0209401 1.0144861 1.0118669 1.0197121 1.1201574 1.0130386 1.0132718\n", - " 1.0227579 1.1616135 1.1597891 1.1474375]\n", - "\n", - "[ 1 0 2 3 6 22 23 24 5 18 4 7 21 8 14 17 11 9 10 15 20 13 19 12\n", - " 16]\n", - "=======================\n", - "[\"the mercedes racer , who leads the drivers ' championship after two races of the 2015 season after finishing first and second , features on the front cover of the may edition of the popular health publication .two-time formula one world champion lewis hamilton has opened up about the meaning behind his tattoos during an interview with lifestyle magazine men 's health .in an interview in the latest issue of the magazine , released on thursday april 2 the 30-year-old discusses the significance of his personal body art .\"]\n", - "=======================\n", - "[\"lewis hamilton features on front cover of the may issue of men 's healthformula one champion opens up about the meaning behind his tattooshamilton discusses faith and the physical demands of being an f1 driverhamilton : ferrari ?click here for all the latest news from the world of formula one\"]\n", - "the mercedes racer , who leads the drivers ' championship after two races of the 2015 season after finishing first and second , features on the front cover of the may edition of the popular health publication .two-time formula one world champion lewis hamilton has opened up about the meaning behind his tattoos during an interview with lifestyle magazine men 's health .in an interview in the latest issue of the magazine , released on thursday april 2 the 30-year-old discusses the significance of his personal body art .\n", - "lewis hamilton features on front cover of the may issue of men 's healthformula one champion opens up about the meaning behind his tattooshamilton discusses faith and the physical demands of being an f1 driverhamilton : ferrari ?click here for all the latest news from the world of formula one\n", - "[1.0667472 1.229651 1.0739498 1.3414412 1.1343 1.1449871 1.0556967\n", - " 1.0326556 1.0280532 1.0201126 1.1668428 1.0122312 1.1631267 1.0553961\n", - " 1.0213256 1.0208861 1.0637063 1.1957288 1.0149875 1.1780404 1.0290159\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 17 19 10 12 5 4 2 0 16 6 13 7 20 8 14 15 9 18 11 23 21 22\n", - " 24]\n", - "=======================\n", - "[\"chris smalling , in action against didier drogba , has been at the forefront of manchester united 's resurgencesteven gerrard was poor at wembley last sunday but as the liverpool captain tried to stop failure in its tracks against aston villa who else in the liverpool engine room assumed responsibility for leadership ?bayern munich 's thomas muller led the post-porto celebrations at the allianz arena on tuesday , climbing into the crowd with a loudhailer .\"]\n", - "=======================\n", - "[\"chris smalling has impressed for manchester united in recent weekssteven gerrard was poor at wembley , but liverpool will miss him next termbayern 's thomas muller led celebrations against porto with megaphonebut do n't try it over here ; stewards in their yellow jackets would not like it\"]\n", - "chris smalling , in action against didier drogba , has been at the forefront of manchester united 's resurgencesteven gerrard was poor at wembley last sunday but as the liverpool captain tried to stop failure in its tracks against aston villa who else in the liverpool engine room assumed responsibility for leadership ?bayern munich 's thomas muller led the post-porto celebrations at the allianz arena on tuesday , climbing into the crowd with a loudhailer .\n", - "chris smalling has impressed for manchester united in recent weekssteven gerrard was poor at wembley , but liverpool will miss him next termbayern 's thomas muller led celebrations against porto with megaphonebut do n't try it over here ; stewards in their yellow jackets would not like it\n", - "[1.4028711 1.1839374 1.1341616 1.0483481 1.4255315 1.168341 1.3210802\n", - " 1.2038293 1.0395947 1.0383923 1.0219104 1.050318 1.0737534 1.0805931\n", - " 1.0243183 1.2221899 1.1420957 1.0489863]\n", - "\n", - "[ 4 0 6 15 7 1 5 16 2 13 12 11 17 3 8 9 14 10]\n", - "=======================\n", - "[\"stoke keeper asmir begovic has been linked with a summer move to spanish giants real madridstoke boss mark hughes has dismissed the latest reports linking asmir begovic with a move away from the britannia stadium .barcelona b winger moha el ouriachi is set to sign for stoke city , according to the player 's agent\"]\n", - "=======================\n", - "['mark hughes has played down reports linking keeper with real madridpotters no 1 asmir begovic is out of contract at stoke at the end of 2016premier league club are hoping to sign moha el ouriachi from barcelona']\n", - "stoke keeper asmir begovic has been linked with a summer move to spanish giants real madridstoke boss mark hughes has dismissed the latest reports linking asmir begovic with a move away from the britannia stadium .barcelona b winger moha el ouriachi is set to sign for stoke city , according to the player 's agent\n", - "mark hughes has played down reports linking keeper with real madridpotters no 1 asmir begovic is out of contract at stoke at the end of 2016premier league club are hoping to sign moha el ouriachi from barcelona\n", - "[1.0679793 1.2252839 1.1033175 1.3581357 1.212174 1.1834296 1.1158857\n", - " 1.1149032 1.1723142 1.1894723 1.0224528 1.129149 1.0957488 1.0172819\n", - " 1.0133337 1.0123831 1.017896 0. ]\n", - "\n", - "[ 3 1 4 9 5 8 11 6 7 2 12 0 10 16 13 14 15 17]\n", - "=======================\n", - "[\"crawley-based acro aircraft seating recently unveiled the design for its new premium economy seatdesigners around the world are creating economy and premium economy seats that are comfier and provide more legroom , and some of them have radical changes from today 's chairs .acro 's ` series 7 ' seat has hand-stitched leather armrests , an aluminium chassis and composite materials\"]\n", - "=======================\n", - "[\"designers are looking to ease passengers ' woes with comfier seatsthe ` series 7 ' premium economy seat is thinner , offering more legroomtravellers who hate the middle seat will enjoy the ` cozy suite 'a hong kong firm 's dual-user armrest is a solution to the elbow wars` the meerkat ' allows passengers to recline without annoying others\"]\n", - "crawley-based acro aircraft seating recently unveiled the design for its new premium economy seatdesigners around the world are creating economy and premium economy seats that are comfier and provide more legroom , and some of them have radical changes from today 's chairs .acro 's ` series 7 ' seat has hand-stitched leather armrests , an aluminium chassis and composite materials\n", - "designers are looking to ease passengers ' woes with comfier seatsthe ` series 7 ' premium economy seat is thinner , offering more legroomtravellers who hate the middle seat will enjoy the ` cozy suite 'a hong kong firm 's dual-user armrest is a solution to the elbow wars` the meerkat ' allows passengers to recline without annoying others\n", - "[1.175009 1.5473983 1.2771851 1.4425718 1.3009647 1.1339567 1.0675608\n", - " 1.0168194 1.013419 1.0170016 1.0903943 1.115488 1.0775533 1.0359691\n", - " 1.011925 1.0135891 1.0195836 1.0268035]\n", - "\n", - "[ 1 3 4 2 0 5 11 10 12 6 13 17 16 9 7 15 8 14]\n", - "=======================\n", - "['susan farmer , from eddy , texas , who weighs 43st ( 605 lbs ) , was told she would die unless she dropped more than half her body weight by concerned doctors .at her heaviest , susan weighed 43st and was unable to walk for longer than 30 seconds at a time .but while the 37 year old was determined to shed the weight , her mother continued to buy her daughter fatty foods .']\n", - "=======================\n", - "['susan farmer , from eddy , texas , weighs 43st ( 605lbs )the 37 year old is told to lose half her body weight or face an early graveshe achieves it over 12 months after her mother stops buying her junk food']\n", - "susan farmer , from eddy , texas , who weighs 43st ( 605 lbs ) , was told she would die unless she dropped more than half her body weight by concerned doctors .at her heaviest , susan weighed 43st and was unable to walk for longer than 30 seconds at a time .but while the 37 year old was determined to shed the weight , her mother continued to buy her daughter fatty foods .\n", - "susan farmer , from eddy , texas , weighs 43st ( 605lbs )the 37 year old is told to lose half her body weight or face an early graveshe achieves it over 12 months after her mother stops buying her junk food\n", - "[1.2980738 1.3988162 1.1861732 1.3380933 1.1499958 1.1147059 1.1121742\n", - " 1.0549374 1.0569134 1.0778838 1.1634449 1.0393322 1.100862 1.0171608\n", - " 1.0271527 1.0092007 0. 0. ]\n", - "\n", - "[ 1 3 0 2 10 4 5 6 12 9 8 7 11 14 13 15 16 17]\n", - "=======================\n", - "['the home secretary said new legislation was urgently needed to update the powers of mi5 and gchq , and repair the damage done by the us traitor edward snowden .theresa may warned last night that lives will be in danger if britain is saddled with a hung parliament unable to pass anti-terror laws .but , based on current polling , parliament would be left deadlocked -- with the balance of power held by scottish nationalists opposed to updating the law .']\n", - "=======================\n", - "[\"home secretary theresa may warned last night that lives will be in danger if britain is saddled with a hung parliament unable to pass anti-terror lawssaid new legislation is urgently needed to update mi5 and gchq 's powersbut based on current polling parliament could be left deadlocked\"]\n", - "the home secretary said new legislation was urgently needed to update the powers of mi5 and gchq , and repair the damage done by the us traitor edward snowden .theresa may warned last night that lives will be in danger if britain is saddled with a hung parliament unable to pass anti-terror laws .but , based on current polling , parliament would be left deadlocked -- with the balance of power held by scottish nationalists opposed to updating the law .\n", - "home secretary theresa may warned last night that lives will be in danger if britain is saddled with a hung parliament unable to pass anti-terror lawssaid new legislation is urgently needed to update mi5 and gchq 's powersbut based on current polling parliament could be left deadlocked\n", - "[1.250827 1.4977458 1.2608653 1.3643966 1.1929293 1.1804042 1.0738647\n", - " 1.0437124 1.1013621 1.0441731 1.0321039 1.099062 1.0592942 1.0724533\n", - " 1.1135976 1.0389472 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 14 8 11 6 13 12 9 7 15 10 16 17]\n", - "=======================\n", - "['adriana giogiosa , 55 , was reported missing after her brother could not contact her at the house in majadahonda , a suburb of madrid , where she had been staying for the last two or three months .the landlord of the house , a 32-year-old spanish man with a history of psychological problems , has been arrested .an industrial meat grinder has been found at the home of a man arrested in connection with the disappearance of his female lodger , as police investigate the disappearance of four other people .']\n", - "=======================\n", - "[\"adriana giogiosa , 55 , was reported missing after flying back to madridpolice searched majadahonda flat she was staying in and arrested landlordthey found blood stains , a knife and an industrial meat grinder at houseofficers are searching for three other missing tenants and the man 's aunt\"]\n", - "adriana giogiosa , 55 , was reported missing after her brother could not contact her at the house in majadahonda , a suburb of madrid , where she had been staying for the last two or three months .the landlord of the house , a 32-year-old spanish man with a history of psychological problems , has been arrested .an industrial meat grinder has been found at the home of a man arrested in connection with the disappearance of his female lodger , as police investigate the disappearance of four other people .\n", - "adriana giogiosa , 55 , was reported missing after flying back to madridpolice searched majadahonda flat she was staying in and arrested landlordthey found blood stains , a knife and an industrial meat grinder at houseofficers are searching for three other missing tenants and the man 's aunt\n", - "[1.3488426 1.2392237 1.1888181 1.1339077 1.233786 1.1713188 1.0938771\n", - " 1.0193765 1.0188642 1.0821544 1.2141871 1.093852 1.0399436 1.077612\n", - " 1.0617536 1.0181675 1.0845313 1.0390073 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 4 10 2 5 3 6 11 16 9 13 14 12 17 7 8 15 21 18 19 20 22]\n", - "=======================\n", - "['more than 2,000 families have fled the iraqi city of ramadi after isis forces intensified their offensive on the iraqi city .according to iraqi officials , isis fighters have nearly surrounded the capital of western anbar province , despite the best efforts of the iraqi army and arriving shiite paramilitary reinforcements .prior to the current bout of fighting , some 400,000 iraqis were already displaced , including 60,000 in ramadi district , according to the international organization for migration .']\n", - "=======================\n", - "['houses and shops have been left deserted as resident try to escape the worsening violencemonths of isis pressure has left iraqi forces outnumbered inside the cityus forces previously waged a eight year battle against insurgents in ramadi and fallujah']\n", - "more than 2,000 families have fled the iraqi city of ramadi after isis forces intensified their offensive on the iraqi city .according to iraqi officials , isis fighters have nearly surrounded the capital of western anbar province , despite the best efforts of the iraqi army and arriving shiite paramilitary reinforcements .prior to the current bout of fighting , some 400,000 iraqis were already displaced , including 60,000 in ramadi district , according to the international organization for migration .\n", - "houses and shops have been left deserted as resident try to escape the worsening violencemonths of isis pressure has left iraqi forces outnumbered inside the cityus forces previously waged a eight year battle against insurgents in ramadi and fallujah\n", - "[1.3919342 1.203495 1.3082185 1.297777 1.1815923 1.1218939 1.0586222\n", - " 1.1016228 1.0445168 1.0516003 1.0264302 1.0332296 1.0980608 1.080791\n", - " 1.032046 1.0822423 1.0622772 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 3 1 4 5 7 12 15 13 16 6 9 8 11 14 10 21 17 18 19 20 22]\n", - "=======================\n", - "[\"security researchers have discovered a way to intercept a person 's fingerprints on a samsung galaxy s5 running android 4.4 and olderbut experts have discovered they may not be as secure as first thought after a number of android devices , including samsung 's galaxy s5 , were said to be potentially ` leaking ' fingerprints .fingerprint scanners are often touted as the future of security and an alternative to the notoriously flawed password .\"]\n", - "=======================\n", - "['experts have discovered a flaw in older versions of the android systemonce a hacker has access to a phone they can monitor data from sensorsfrom this , they can potentially intercept a fingerprint from the scannervulnerability has been tested and confirmed on the samsung galaxy s5']\n", - "security researchers have discovered a way to intercept a person 's fingerprints on a samsung galaxy s5 running android 4.4 and olderbut experts have discovered they may not be as secure as first thought after a number of android devices , including samsung 's galaxy s5 , were said to be potentially ` leaking ' fingerprints .fingerprint scanners are often touted as the future of security and an alternative to the notoriously flawed password .\n", - "experts have discovered a flaw in older versions of the android systemonce a hacker has access to a phone they can monitor data from sensorsfrom this , they can potentially intercept a fingerprint from the scannervulnerability has been tested and confirmed on the samsung galaxy s5\n", - "[1.142106 1.1343564 1.3758981 1.2398193 1.2188013 1.1955233 1.1983558\n", - " 1.0250858 1.0523908 1.0368242 1.1315848 1.0491077 1.0188706 1.0231786\n", - " 1.0223337 1.0254447 1.0235856 1.0347464 1.0191978 1.0238702 1.0143985\n", - " 1.0144795 1.0190393]\n", - "\n", - "[ 2 3 4 6 5 0 1 10 8 11 9 17 15 7 19 16 13 14 18 22 12 21 20]\n", - "=======================\n", - "['these days , his mara group spans over 20 countries and he \\'s been called \" africa \\'s youngest billionaire . \"in late 2013 thakkar joined forces with the former boss of barclays bank -- bob diamond -- to start an investment fund focused on africa called atlas mara .the powerful duo raised $ 325 million through a share flotation - well above the $ 250 million target .']\n", - "=======================\n", - "[\"ugandan ashish thakkar built a vast business empirethe entrepreneur says the answer to unemployment lies in nurturing small businessesafrica 's lack of legacy systems has sped up innovation on the continent\"]\n", - "these days , his mara group spans over 20 countries and he 's been called \" africa 's youngest billionaire . \"in late 2013 thakkar joined forces with the former boss of barclays bank -- bob diamond -- to start an investment fund focused on africa called atlas mara .the powerful duo raised $ 325 million through a share flotation - well above the $ 250 million target .\n", - "ugandan ashish thakkar built a vast business empirethe entrepreneur says the answer to unemployment lies in nurturing small businessesafrica 's lack of legacy systems has sped up innovation on the continent\n", - "[1.2246811 1.3342532 1.4129202 1.1716728 1.300159 1.1446251 1.2522707\n", - " 1.0576584 1.0491632 1.0224774 1.050268 1.0481479 1.0175953 1.0167255\n", - " 1.066699 1.053183 1.1225535 1.1001617 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 1 4 6 0 3 5 16 17 14 7 15 10 8 11 9 12 13 21 18 19 20 22]\n", - "=======================\n", - "[\"her daughter , jessica mejia , was killed in the early hours of december 31 , 2009 when her ex-boyfriend , nicholas sord , lost control of the car they were traveling in and smashed into a pole .christina mejia first outlined her accusations in a lawsuit filed against the cook county sheriff 's office in illinois in 2010 and the trial is scheduled to begin next week .sheriff 's deputies undressed the body of a 20-year-old car crash victim then took inappropriate nude photos of her at the side of the road , her mother has claimed .\"]\n", - "=======================\n", - "[\"jessica mejia , 20 , died when her drunk ex-boyfriend smashed their car into a pole in cook county , illinois in december 2009sheriff 's deputies improperly undressed the young woman 's body at the scene and took photographs of her , according to her mother 's lawsuitbut the sheriff 's office says it was necessary to take the photographs in order to preserve evidence that ultimately put the ex-boyfriend behind barsthe case goes to trial next week\"]\n", - "her daughter , jessica mejia , was killed in the early hours of december 31 , 2009 when her ex-boyfriend , nicholas sord , lost control of the car they were traveling in and smashed into a pole .christina mejia first outlined her accusations in a lawsuit filed against the cook county sheriff 's office in illinois in 2010 and the trial is scheduled to begin next week .sheriff 's deputies undressed the body of a 20-year-old car crash victim then took inappropriate nude photos of her at the side of the road , her mother has claimed .\n", - "jessica mejia , 20 , died when her drunk ex-boyfriend smashed their car into a pole in cook county , illinois in december 2009sheriff 's deputies improperly undressed the young woman 's body at the scene and took photographs of her , according to her mother 's lawsuitbut the sheriff 's office says it was necessary to take the photographs in order to preserve evidence that ultimately put the ex-boyfriend behind barsthe case goes to trial next week\n", - "[1.5436037 1.4229324 1.2150888 1.2637646 1.0655009 1.1582948 1.015349\n", - " 1.0170512 1.1550944 1.1048294 1.0191524 1.0250607 1.065029 1.0130666\n", - " 1.013696 1.0902164 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 3 2 5 8 9 15 4 12 11 10 7 6 14 13 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"francis coquelin is determined to take his chance at arsenal and claims he wants to follow in the footsteps of club legend patrick vieira .the frenchman has thrived in the centre of arsenal 's midfield since returning from loan at championship side charlton earlier in the season to earn plaudits for his robust performances .arsenal midfielder francis coquelin , who has become an integral part of their midfield , celebrates with fans\"]\n", - "=======================\n", - "[\"the 23-year-old has become an integral part of arsenal 's starting xifrancis coquelin was on loan at charlton earlier in the seasonarsenal face liverpool at the emirates on saturday in a crucial clash\"]\n", - "francis coquelin is determined to take his chance at arsenal and claims he wants to follow in the footsteps of club legend patrick vieira .the frenchman has thrived in the centre of arsenal 's midfield since returning from loan at championship side charlton earlier in the season to earn plaudits for his robust performances .arsenal midfielder francis coquelin , who has become an integral part of their midfield , celebrates with fans\n", - "the 23-year-old has become an integral part of arsenal 's starting xifrancis coquelin was on loan at charlton earlier in the seasonarsenal face liverpool at the emirates on saturday in a crucial clash\n", - "[1.306601 1.5017103 1.2830255 1.2123446 1.3695953 1.0268095 1.0253341\n", - " 1.0483708 1.0737832 1.0747277 1.1394951 1.0197586 1.0202811 1.0221359\n", - " 1.0165855 1.0693016 1.0299926 0. 0. ]\n", - "\n", - "[ 1 4 0 2 3 10 9 8 15 7 16 5 6 13 12 11 14 17 18]\n", - "=======================\n", - "[\"the retired midnight oil lead singer , former politician and passionate environmental activist has put his family 's sydney home on the market and is hoping the stunning terrace will be auctioned off for at least $ 1.05 million .the time has come for australia 's favourite rock star-turned-politician peter garrett to sell his charming victorian terrace in randwick in sydney 's affluent eastern suburbs .the 62-year-old has lived at the thoughtfully restored home for almost five years with his wife dora and three daughters , emily , grace and may .\"]\n", - "=======================\n", - "[\"australia 's favourite rock star-turned-politician peter garrett has put his family 's sydney home on the markethe is hoping the stunning terrace in randwick in sydney 's east will be auctioned off for at least $ 1.05 millionas to be expected the 193 centimetre rockstar 's home boasts beautiful high ceilingshe bought the property in 2010 whilst he was a federal minister for $ 932k .\"]\n", - "the retired midnight oil lead singer , former politician and passionate environmental activist has put his family 's sydney home on the market and is hoping the stunning terrace will be auctioned off for at least $ 1.05 million .the time has come for australia 's favourite rock star-turned-politician peter garrett to sell his charming victorian terrace in randwick in sydney 's affluent eastern suburbs .the 62-year-old has lived at the thoughtfully restored home for almost five years with his wife dora and three daughters , emily , grace and may .\n", - "australia 's favourite rock star-turned-politician peter garrett has put his family 's sydney home on the markethe is hoping the stunning terrace in randwick in sydney 's east will be auctioned off for at least $ 1.05 millionas to be expected the 193 centimetre rockstar 's home boasts beautiful high ceilingshe bought the property in 2010 whilst he was a federal minister for $ 932k .\n", - "[1.0911208 1.1268673 1.3694422 1.2121238 1.1991179 1.1556671 1.0657783\n", - " 1.0698549 1.1354696 1.1361588 1.129588 1.0398698 1.0763823 1.0475047\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 4 5 9 8 10 1 0 12 7 6 13 11 17 14 15 16 18]\n", - "=======================\n", - "[\"they 're featured in a new coffee table book , airline visual identity 1945-1975 , which revisits a time when the skies were dominated by the likes of pan am , british overseas airways corp ( boac ) and continental .pan american world airways ( pan am ) was a dominant and influential airline which declared bankruptcy and ceased operations in 1991many of the adverts in the book featured beautiful women in an effort to glamorise destinations and encourage people to travel\"]\n", - "=======================\n", - "['airline visual identity 1945-1975 revisits a time when the skies were dominated by now-defunct airlinesat that time flying was an exclusive experience and passengers wore their best clothesadverts feature drawings or photos of beautiful women , famous landmarks and natural beauty spotsthe book , published by berlin-based callisto publishers , celebrates the creative genius of the designers']\n", - "they 're featured in a new coffee table book , airline visual identity 1945-1975 , which revisits a time when the skies were dominated by the likes of pan am , british overseas airways corp ( boac ) and continental .pan american world airways ( pan am ) was a dominant and influential airline which declared bankruptcy and ceased operations in 1991many of the adverts in the book featured beautiful women in an effort to glamorise destinations and encourage people to travel\n", - "airline visual identity 1945-1975 revisits a time when the skies were dominated by now-defunct airlinesat that time flying was an exclusive experience and passengers wore their best clothesadverts feature drawings or photos of beautiful women , famous landmarks and natural beauty spotsthe book , published by berlin-based callisto publishers , celebrates the creative genius of the designers\n", - "[1.2860185 1.3342084 1.1407244 1.2523813 1.0895356 1.041157 1.1316168\n", - " 1.0434365 1.1119057 1.098039 1.0544223 1.0819225 1.0588821 1.1533736\n", - " 1.0953557 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 13 2 6 8 9 14 4 11 12 10 7 5 17 15 16 18]\n", - "=======================\n", - "[\"last friday , 26-year-old lance futch donned a white wrinkled polo shirt and drove to hill air force base in utah thinking he was going to be led into an auditorium to talk about how to help veterans get more jobs in the infinitely abundant field of solar energy .a utah man was shocked to discover that his ` informal meeting ' with a federal official to discuss veterans was actually with president barack obama .instead , futch was sat at a table with obama , utah senator orrin hatch , congressman rob bishop , and salt lake city mayor ralph becker - all of whom were wearing suits and ties .\"]\n", - "=======================\n", - "[\"lance futch , 26 , was shocked to discover that his ` informal meeting ' with a federal official to discuss jobs for veterans was actually with president barack obama` if i had known it was my commander-in-chief , i definitely would have been wearing my blues , ' said futch , referring to his national guard dress uniformfutch works for utah solar energy company vivant solar and discussed with the president whether the field offered stable career paths for veterans\"]\n", - "last friday , 26-year-old lance futch donned a white wrinkled polo shirt and drove to hill air force base in utah thinking he was going to be led into an auditorium to talk about how to help veterans get more jobs in the infinitely abundant field of solar energy .a utah man was shocked to discover that his ` informal meeting ' with a federal official to discuss veterans was actually with president barack obama .instead , futch was sat at a table with obama , utah senator orrin hatch , congressman rob bishop , and salt lake city mayor ralph becker - all of whom were wearing suits and ties .\n", - "lance futch , 26 , was shocked to discover that his ` informal meeting ' with a federal official to discuss jobs for veterans was actually with president barack obama` if i had known it was my commander-in-chief , i definitely would have been wearing my blues , ' said futch , referring to his national guard dress uniformfutch works for utah solar energy company vivant solar and discussed with the president whether the field offered stable career paths for veterans\n", - "[1.1472485 1.4192896 1.0993382 1.1065253 1.10418 1.2812943 1.2329658\n", - " 1.0214027 1.041233 1.0490619 1.0168903 1.0686868 1.0273267 1.0146177\n", - " 1.0155224 1.0114592 1.2602494 1.0190575 1.0287814]\n", - "\n", - "[ 1 5 16 6 0 3 4 2 11 9 8 18 12 7 17 10 14 13 15]\n", - "=======================\n", - "[\"in the corridors of power , samantha cameron , justine miliband and miriam clegg proved once more that they are the ones who wear the trousers , in more ways than one .sam cam put her best foot forward on the campaign trail in west london .the three leaders ' wives were on parade yesterday , marching across the country in support of their men , in support of the political party into which they married , in support of desperately important employment issues -- keeping their idiot husbands in a job .\"]\n", - "=======================\n", - "[\"all the party leader 's wives have been spotted looking stylish in trouserssamantha cameron and justine miliband wore almost identical uniformsmiriam gonz · lez was more quirky donning a pair of lib dem yellow chinos\"]\n", - "in the corridors of power , samantha cameron , justine miliband and miriam clegg proved once more that they are the ones who wear the trousers , in more ways than one .sam cam put her best foot forward on the campaign trail in west london .the three leaders ' wives were on parade yesterday , marching across the country in support of their men , in support of the political party into which they married , in support of desperately important employment issues -- keeping their idiot husbands in a job .\n", - "all the party leader 's wives have been spotted looking stylish in trouserssamantha cameron and justine miliband wore almost identical uniformsmiriam gonz · lez was more quirky donning a pair of lib dem yellow chinos\n", - "[1.5118861 1.1473417 1.2402114 1.160743 1.4060786 1.0291728 1.0295415\n", - " 1.1186628 1.0793588 1.0919836 1.0330404 1.0500736 1.0410339 1.026303\n", - " 1.0568815 1.03176 1.0403767 0. 0. ]\n", - "\n", - "[ 0 4 2 3 1 7 9 8 14 11 12 16 10 15 6 5 13 17 18]\n", - "=======================\n", - "[\"a bullish performance by exeter tighthead tomas francis could trigger a tug-of-war between stuart lancaster and warren gatland after the 21st 2lb prop helped end northampton 's three-month unbeaten run in the aviva premiership .chiefs prop tomas francis , who qualifies for england and wales , impressed up against alex corbisierowith wales suffering from injury problems in the front row , francis ( right ) could be fast-tracked through the ranks to face england in the world cup pool match .\"]\n", - "=======================\n", - "['exeter moved up to fourth after completing a double over northamptonphil dollman and a penalty try helped the chiefs on their way to victoryjames wilson and jamie elliot scored for the saints but to no avail']\n", - "a bullish performance by exeter tighthead tomas francis could trigger a tug-of-war between stuart lancaster and warren gatland after the 21st 2lb prop helped end northampton 's three-month unbeaten run in the aviva premiership .chiefs prop tomas francis , who qualifies for england and wales , impressed up against alex corbisierowith wales suffering from injury problems in the front row , francis ( right ) could be fast-tracked through the ranks to face england in the world cup pool match .\n", - "exeter moved up to fourth after completing a double over northamptonphil dollman and a penalty try helped the chiefs on their way to victoryjames wilson and jamie elliot scored for the saints but to no avail\n", - "[1.3011767 1.2478076 1.2149674 1.404574 1.161341 1.0670393 1.1260427\n", - " 1.082496 1.1242437 1.0992067 1.0403682 1.0148728 1.0492048 1.0668279\n", - " 1.109377 1.0449809 1.0130676 1.0088698 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 0 1 2 4 6 8 14 9 7 5 13 12 15 10 11 16 17 20 18 19 21]\n", - "=======================\n", - "[\"former flame : giuliana rancic and jerry o'connell were pictured together at the maxim hot 100 party in las vegas in june of 2004she recently revealed her then boyfriend jerry o'connell ` flirted with and felt up ' rebecca romijn at a party over a decade ago .and photos from that party reveal a loved up couple just moments before giuliana rancic became a woman scorned .\"]\n", - "=======================\n", - "[\"the fashion police host dated actor jerry from 2003 to 2004in her new tell-all going off script she confessed he cheated on hergiuliana , jerry and rebecca romijn all attended a maxim party in june 2006o'connell went on to marry rebecca in 2007 and they had two childrenhe previously hooked up with spice girls member geri halliwell\"]\n", - "former flame : giuliana rancic and jerry o'connell were pictured together at the maxim hot 100 party in las vegas in june of 2004she recently revealed her then boyfriend jerry o'connell ` flirted with and felt up ' rebecca romijn at a party over a decade ago .and photos from that party reveal a loved up couple just moments before giuliana rancic became a woman scorned .\n", - "the fashion police host dated actor jerry from 2003 to 2004in her new tell-all going off script she confessed he cheated on hergiuliana , jerry and rebecca romijn all attended a maxim party in june 2006o'connell went on to marry rebecca in 2007 and they had two childrenhe previously hooked up with spice girls member geri halliwell\n", - "[1.0811775 1.0522269 1.1214433 1.1095719 1.081506 1.0726118 1.0871651\n", - " 1.0762367 1.0512345 1.050136 1.0321121 1.0315245 1.0611781 1.05037\n", - " 1.0405937 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 3 6 4 0 7 5 12 1 8 13 9 14 10 11 20 15 16 17 18 19 21]\n", - "=======================\n", - "['sandals , # 34 , office.co.ukclutch bag , # 145 , russellandbromley.co.uksuede courts , # 195 , lkbennett.com']\n", - "=======================\n", - "['pair a floral skirt with a bold , pink sleeveless shirt and matching shoesaccessorise a mondrian print dress with red accentsbrighten up monochrome stripes with a vibrant orange waistcoat']\n", - "sandals , # 34 , office.co.ukclutch bag , # 145 , russellandbromley.co.uksuede courts , # 195 , lkbennett.com\n", - "pair a floral skirt with a bold , pink sleeveless shirt and matching shoesaccessorise a mondrian print dress with red accentsbrighten up monochrome stripes with a vibrant orange waistcoat\n", - "[1.1923304 1.6388862 1.0688043 1.0994854 1.0311022 1.0348322 1.4373946\n", - " 1.1772772 1.0592406 1.0383077 1.0732858 1.0495883 1.0453385 1.0633081\n", - " 1.0248197 1.014992 1.0198623 1.0116178 1.0126653 1.0123191 1.0138977\n", - " 1.0394733]\n", - "\n", - "[ 1 6 0 7 3 10 2 13 8 11 12 21 9 5 4 14 16 15 20 18 19 17]\n", - "=======================\n", - "['james ward-prowse had just led england under 21s to a thrilling 3-2 victory over germany , scoring the winner after a remarkable 34-pass move .james ward-prowse is beginning to get noticed after starring displays for england u 21s and southamptonfor a young man who has spent his career under the radar , the scene outside the riverside stadium on monday night was symbolic .']\n", - "=======================\n", - "['james ward-prowse scored the winner for england u21s against germanysouthampton youngster practices free kicks like david beckham and his childhood idol steven gerrardsaints boss ronald koeman has been giving him tips on dead balls']\n", - "james ward-prowse had just led england under 21s to a thrilling 3-2 victory over germany , scoring the winner after a remarkable 34-pass move .james ward-prowse is beginning to get noticed after starring displays for england u 21s and southamptonfor a young man who has spent his career under the radar , the scene outside the riverside stadium on monday night was symbolic .\n", - "james ward-prowse scored the winner for england u21s against germanysouthampton youngster practices free kicks like david beckham and his childhood idol steven gerrardsaints boss ronald koeman has been giving him tips on dead balls\n", - "[1.4340525 1.3907331 1.2212117 1.4278133 1.3733729 1.2719709 1.0262381\n", - " 1.0119193 1.0121784 1.0282266 1.0352205 1.1226573 1.0415602 1.1149486\n", - " 1.0767076 1.0255088 1.0539681 1.0127686 1.0173938 1.0615429 1.1196744\n", - " 0. ]\n", - "\n", - "[ 0 3 1 4 5 2 11 20 13 14 19 16 12 10 9 6 15 18 17 8 7 21]\n", - "=======================\n", - "[\"franck ribery says his relationship with louis van gaal was ` poisoned ' at bayern munich and claims the current manchester united coach is a ` bad man ' who loses players ' trust .van gaal took charge of the bavarians in 2009 but only lasted two years , with ribery admitting he considered a move while the dutchman was at the club .van gaal won the league and cup double in his first season in charge at bayern in 2009/10\"]\n", - "=======================\n", - "[\"current man utd boss louis van gaal was in charge of bayern munich from 2009 to 2011franck ribery considered leaving after van gaal lost his trust` he does great things on the pitch but the coach van gaal was a bad man . 'van gaal is currently impressing as manchester united managerclick here for all the latest manchester united news\"]\n", - "franck ribery says his relationship with louis van gaal was ` poisoned ' at bayern munich and claims the current manchester united coach is a ` bad man ' who loses players ' trust .van gaal took charge of the bavarians in 2009 but only lasted two years , with ribery admitting he considered a move while the dutchman was at the club .van gaal won the league and cup double in his first season in charge at bayern in 2009/10\n", - "current man utd boss louis van gaal was in charge of bayern munich from 2009 to 2011franck ribery considered leaving after van gaal lost his trust` he does great things on the pitch but the coach van gaal was a bad man . 'van gaal is currently impressing as manchester united managerclick here for all the latest manchester united news\n", - "[1.355871 1.1554035 1.1106992 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 19 18 17 16 15 14 13 12 10 20 9 8 7 6 5 4 3 11 21]\n", - "=======================\n", - "['( cnn ) once hillary clinton \\'s official announcement went online , social media responded in a big way , with terms like \" hillary clinton , \" \" #hillary2016 , \" and yes , even \" #whyimnotvotingforhillary \" trending .certainly , you could n\\'t go far on twitter ( even before clinton tweeted her announcement ) , without an opinion or thought on her new campaign ( there were over 3 million views of her announcment tweets in one hour , and 750,000 facebook video views so far by sunday evening ) .some tweeted their immediate support , with one word :']\n", - "=======================\n", - "[\"response across social media led to multiple trending topics for hillary clinton 's presidential announcementsome responded to her video and her new campaign logo\"]\n", - "( cnn ) once hillary clinton 's official announcement went online , social media responded in a big way , with terms like \" hillary clinton , \" \" #hillary2016 , \" and yes , even \" #whyimnotvotingforhillary \" trending .certainly , you could n't go far on twitter ( even before clinton tweeted her announcement ) , without an opinion or thought on her new campaign ( there were over 3 million views of her announcment tweets in one hour , and 750,000 facebook video views so far by sunday evening ) .some tweeted their immediate support , with one word :\n", - "response across social media led to multiple trending topics for hillary clinton 's presidential announcementsome responded to her video and her new campaign logo\n", - "[1.4024434 1.4060094 1.2133144 1.1627648 1.1297266 1.0454863 1.0501542\n", - " 1.0689076 1.087284 1.0662906 1.0482225 1.0234888 1.0200592 1.1074483\n", - " 1.113184 1.066118 1.0388156 1.019807 1.0199099]\n", - "\n", - "[ 1 0 2 3 4 14 13 8 7 9 15 6 10 5 16 11 12 18 17]\n", - "=======================\n", - "['velentzas and her former roommate , 31-year-old asia siddiqui , were arrested and accused of planning to build an explosive device for attacks in the united states , federal prosecutors said .( cnn ) noelle velentzas , 28 , could n\\'t understand why u.s. citizens like herself were traveling overseas to wage jihad when they could simply \" make history \" at home by unleashing terrorist attacks , according to a federal criminal complaint unsealed thursday .siddiqui is also a u.s. citizen .']\n", - "=======================\n", - "[\"noelle velentzas and asia siddiqui are arrested in connection with a plot inspired by isisthursday 's arrests are part of a series of cases being built by the federal government\"]\n", - "velentzas and her former roommate , 31-year-old asia siddiqui , were arrested and accused of planning to build an explosive device for attacks in the united states , federal prosecutors said .( cnn ) noelle velentzas , 28 , could n't understand why u.s. citizens like herself were traveling overseas to wage jihad when they could simply \" make history \" at home by unleashing terrorist attacks , according to a federal criminal complaint unsealed thursday .siddiqui is also a u.s. citizen .\n", - "noelle velentzas and asia siddiqui are arrested in connection with a plot inspired by isisthursday 's arrests are part of a series of cases being built by the federal government\n", - "[1.2648804 1.3201141 1.1235421 1.0859406 1.3013427 1.3259219 1.1250235\n", - " 1.0212926 1.1627992 1.0493917 1.1031071 1.0818172 1.0308412 1.0206413\n", - " 1.0149999 1.0239346 1.034325 1.0327294 1.1100571]\n", - "\n", - "[ 5 1 4 0 8 6 2 18 10 3 11 9 16 17 12 15 7 13 14]\n", - "=======================\n", - "[\"louis van gaal ( l ) and manuel pellegrini 's ( r ) sides are in contrasting form going into the old trafford clashthe manchester united and manchester city composite xi ahead of the derby - selected by sportsmailat the start of the year the prospect of manchester united leading rivals manchester city going into april 's derby at old trafford looked extremely unlikely .\"]\n", - "=======================\n", - "[\"manchester united lead manchester city in premier league ahead of derbymanuel pellegrini 's side are in poor form ahead of old trafford clashlouis van gaal has found a system to suit his man united squadander herrera , juan mata and wayne rooney are in fine formthe defence may struggle , but our xi has plenty of playmakers and goalsmanchester united vs manchester city : the experts view of the big derby\"]\n", - "louis van gaal ( l ) and manuel pellegrini 's ( r ) sides are in contrasting form going into the old trafford clashthe manchester united and manchester city composite xi ahead of the derby - selected by sportsmailat the start of the year the prospect of manchester united leading rivals manchester city going into april 's derby at old trafford looked extremely unlikely .\n", - "manchester united lead manchester city in premier league ahead of derbymanuel pellegrini 's side are in poor form ahead of old trafford clashlouis van gaal has found a system to suit his man united squadander herrera , juan mata and wayne rooney are in fine formthe defence may struggle , but our xi has plenty of playmakers and goalsmanchester united vs manchester city : the experts view of the big derby\n", - "[1.281835 1.4283906 1.3988575 1.2822151 1.2927759 1.1548191 1.0548359\n", - " 1.0371745 1.0250063 1.1277331 1.0993859 1.0703827 1.0488554 1.0376917\n", - " 1.0514803 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 0 5 9 10 11 6 14 12 13 7 8 17 15 16 18]\n", - "=======================\n", - "[\"the notice has been fixed outside a university building in portugal place - but the message contains grammatical errors , according to one expert .it warns that bikes will be ` removed or destroyed ' if they are left behind a building previously used by the greek orthodox church .a sign written in ancient greek and latin warning cyclists not to chain their bikes to railings in cambridge has been branded ` elitist ' .\"]\n", - "=======================\n", - "[\"sign was erected outside university building in portugal place , cambridgebut the message , in two classical languages , has been branded as ` elitist 'one expert has claimed that there are inaccuracies in the greek warning\"]\n", - "the notice has been fixed outside a university building in portugal place - but the message contains grammatical errors , according to one expert .it warns that bikes will be ` removed or destroyed ' if they are left behind a building previously used by the greek orthodox church .a sign written in ancient greek and latin warning cyclists not to chain their bikes to railings in cambridge has been branded ` elitist ' .\n", - "sign was erected outside university building in portugal place , cambridgebut the message , in two classical languages , has been branded as ` elitist 'one expert has claimed that there are inaccuracies in the greek warning\n", - "[1.4288903 1.2627363 1.3601363 1.0925534 1.3049889 1.2157391 1.1450648\n", - " 1.0489076 1.1098922 1.0715029 1.0674486 1.0537647 1.0373026 1.0945363\n", - " 1.027048 1.0233892 1.0264938 0. 0. ]\n", - "\n", - "[ 0 2 4 1 5 6 8 13 3 9 10 11 7 12 14 16 15 17 18]\n", - "=======================\n", - "[\"celtic retained their seven-point lead at the top of the scottish premiership with an easy 2-0 win over 10-man partick at parkhead .thistle midfielder james craigen had been shown a straight red card by referee willie collum for a ` last man ' foul on hoops midfielder stuart armstrong to concede the spot-kick .stuart armstrong is brought down by partick thistle 's james craigen leading to a penalty\"]\n", - "=======================\n", - "[\"kris commons fired celtic into the lead on the stroke of half-timepartick thistle 's james craigen was sent off before the penaltystefan johansen doubled the home side 's advantage in the 63rd minute\"]\n", - "celtic retained their seven-point lead at the top of the scottish premiership with an easy 2-0 win over 10-man partick at parkhead .thistle midfielder james craigen had been shown a straight red card by referee willie collum for a ` last man ' foul on hoops midfielder stuart armstrong to concede the spot-kick .stuart armstrong is brought down by partick thistle 's james craigen leading to a penalty\n", - "kris commons fired celtic into the lead on the stroke of half-timepartick thistle 's james craigen was sent off before the penaltystefan johansen doubled the home side 's advantage in the 63rd minute\n", - "[1.2287582 1.4899942 1.453321 1.297814 1.1870877 1.0669993 1.0450464\n", - " 1.0175791 1.0645753 1.0434017 1.2505014 1.0533761 1.0894892 1.0135268\n", - " 1.0331125 1.0202827 1.0179365 1.0222635 1.0301509]\n", - "\n", - "[ 1 2 3 10 0 4 12 5 8 11 6 9 14 18 17 15 16 7 13]\n", - "=======================\n", - "[\"aimee west , 24 , is said to be in a relationship with major paul draper -- a former comrade of the murdered soldier .the fiancee of fusilier lee rigby has found ` happiness ' with an army major 27 years her senior .major draper 's ex-wife , jane -- whom he left for another woman in 2002 -- said she was not surprised by his new relationship .\"]\n", - "=======================\n", - "['aimee west , 24 , was devastated when her husband-to-be was murderedshe met fusilier lee rigby at army cadet training camp in august 2012but in may 2013 , the 25-year-old was hacked to death in broad daylightnow , she has found comfort in 51-year-old father-of-three paul draper']\n", - "aimee west , 24 , is said to be in a relationship with major paul draper -- a former comrade of the murdered soldier .the fiancee of fusilier lee rigby has found ` happiness ' with an army major 27 years her senior .major draper 's ex-wife , jane -- whom he left for another woman in 2002 -- said she was not surprised by his new relationship .\n", - "aimee west , 24 , was devastated when her husband-to-be was murderedshe met fusilier lee rigby at army cadet training camp in august 2012but in may 2013 , the 25-year-old was hacked to death in broad daylightnow , she has found comfort in 51-year-old father-of-three paul draper\n", - "[1.1875913 1.4169116 1.1586106 1.1962346 1.2620488 1.032892 1.0685288\n", - " 1.0947438 1.0952531 1.0574692 1.1506623 1.182938 1.0597552 1.0398967\n", - " 1.0188452 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 0 11 2 10 8 7 6 12 9 13 5 14 19 15 16 17 18 20]\n", - "=======================\n", - "[\"audrey nethery , from kentucky , has diamond blackfan anemia ( dba ) , a life-threatening bone marrow condition that impacts her body 's ability to circulate oxygen .but the condition does n't stop audrey from dancing , which she does incredibly well to bruno mars ' chart-topping hit uptown funk in a widely-watched video that her family posted on her facebook page .the parents of a sweet six-year-old are using adorable videos of their daughter dancing to help raise awareness about her rare disorder - and the moving and grooving clips have quickly turned the youngster into an online star .\"]\n", - "=======================\n", - "[\"audrey nethery , from kentucky , suffers from diamond blackfan anemiathe youngster has already undergone 20 blood transfusions because her body does n't produce enough red blood cellsa video of audrey dancing at her zumba class has had nearly three million views and raised vital funds for the diamond blackfan anemia foundation\"]\n", - "audrey nethery , from kentucky , has diamond blackfan anemia ( dba ) , a life-threatening bone marrow condition that impacts her body 's ability to circulate oxygen .but the condition does n't stop audrey from dancing , which she does incredibly well to bruno mars ' chart-topping hit uptown funk in a widely-watched video that her family posted on her facebook page .the parents of a sweet six-year-old are using adorable videos of their daughter dancing to help raise awareness about her rare disorder - and the moving and grooving clips have quickly turned the youngster into an online star .\n", - "audrey nethery , from kentucky , suffers from diamond blackfan anemiathe youngster has already undergone 20 blood transfusions because her body does n't produce enough red blood cellsa video of audrey dancing at her zumba class has had nearly three million views and raised vital funds for the diamond blackfan anemia foundation\n", - "[1.076785 1.4708209 1.4352192 1.2246256 1.2747121 1.092174 1.0358176\n", - " 1.0591522 1.0277584 1.0268575 1.104671 1.0470853 1.1889904 1.0844319\n", - " 1.0411185 1.0284957 1.0087031 1.0801512 1.0782056 0. 0. ]\n", - "\n", - "[ 1 2 4 3 12 10 5 13 17 18 0 7 11 14 6 15 8 9 16 19 20]\n", - "=======================\n", - "['photo stylist nathalie croquet , from paris , has recreated a series of glossy commercials for her project spoof .the exhibition includes parodies of ads from givenchy , lancome , lanvin and acne .lancome : nathalie croquet a photo-stylist from paris created a photo series called spoof in which she recreated the ads of famous designers and brands']\n", - "=======================\n", - "['french stylist nathalie croquet stepped in front of the lens for pic projectshe recreated spoof ads for brands such as givenchy , lancome & lanvinthe series of 11 pictures were shot by photographer daniel schweizer']\n", - "photo stylist nathalie croquet , from paris , has recreated a series of glossy commercials for her project spoof .the exhibition includes parodies of ads from givenchy , lancome , lanvin and acne .lancome : nathalie croquet a photo-stylist from paris created a photo series called spoof in which she recreated the ads of famous designers and brands\n", - "french stylist nathalie croquet stepped in front of the lens for pic projectshe recreated spoof ads for brands such as givenchy , lancome & lanvinthe series of 11 pictures were shot by photographer daniel schweizer\n", - "[1.2432871 1.5374106 1.3184053 1.3580766 1.1920642 1.0747671 1.1380773\n", - " 1.1126575 1.1296813 1.0744431 1.1549747 1.0313267 1.0145863 1.0161493\n", - " 1.0151951 1.0102333 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 10 6 8 7 5 9 11 13 14 12 15 19 16 17 18 20]\n", - "=======================\n", - "[\"grey and white cat marv somehow managed to get wedged in a five inch gap in between owner brendon veale 's garage and his neighbours in hanham , bristol and was left dangling for two hours .the rspca were called and they too were unable to coax the pet from the gap and eventually firefighters had to tunnel through a garage wall with a chisel to get him free .firefighters were forced to chisel through a brick wall to free a pet cat who became stuck upside down in between a tiny gap in two garages .\"]\n", - "=======================\n", - "['pet cat marv became stuck in five inch gap between two garages in bristolmarv was stuck upside down in the small enclosed space for two hoursfirefighters were forced to chisel through a wall in order to free himhe was then reunited with his owners and luckily was uninjured']\n", - "grey and white cat marv somehow managed to get wedged in a five inch gap in between owner brendon veale 's garage and his neighbours in hanham , bristol and was left dangling for two hours .the rspca were called and they too were unable to coax the pet from the gap and eventually firefighters had to tunnel through a garage wall with a chisel to get him free .firefighters were forced to chisel through a brick wall to free a pet cat who became stuck upside down in between a tiny gap in two garages .\n", - "pet cat marv became stuck in five inch gap between two garages in bristolmarv was stuck upside down in the small enclosed space for two hoursfirefighters were forced to chisel through a wall in order to free himhe was then reunited with his owners and luckily was uninjured\n", - "[1.5667095 1.3324084 1.3570842 1.0380012 1.0669765 1.0350295 1.0717875\n", - " 1.0452023 1.3114738 1.097435 1.0612508 1.0889666 1.0845076 1.0885834\n", - " 1.0186437 1.0124785 1.0648259 1.0492347 1.0236288 1.0224279 1.0101233]\n", - "\n", - "[ 0 2 1 8 9 11 13 12 6 4 16 10 17 7 3 5 18 19 14 15 20]\n", - "=======================\n", - "[\"manchester united thumped manchester city 4-2 at old trafford on sunday to move four points clear of their cross-town rivals .manchester city , meanwhile , have gone from joint top on new year 's day to 12 points off the leaders and looking over their shoulders at the likes of liverpool , tottenham and southampton .louis van gaal 's men continued their excellent run of form and a champions league spot looks all but assured now for them after their manchester derby victory .\"]\n", - "=======================\n", - "[\"manchester united beat manchester city 4-2 at old traffordwin moved united four points clear of their cross-town rivalscity went from joint top on new year 's day to 12 points behind chelseamarouane fellaini continues his rebirth in the last few weeks\"]\n", - "manchester united thumped manchester city 4-2 at old trafford on sunday to move four points clear of their cross-town rivals .manchester city , meanwhile , have gone from joint top on new year 's day to 12 points off the leaders and looking over their shoulders at the likes of liverpool , tottenham and southampton .louis van gaal 's men continued their excellent run of form and a champions league spot looks all but assured now for them after their manchester derby victory .\n", - "manchester united beat manchester city 4-2 at old traffordwin moved united four points clear of their cross-town rivalscity went from joint top on new year 's day to 12 points behind chelseamarouane fellaini continues his rebirth in the last few weeks\n", - "[1.2168946 1.5636246 1.2608651 1.3921486 1.3528947 1.1079355 1.1100761\n", - " 1.0362823 1.0312369 1.079675 1.0128155 1.0498751 1.0389693 1.1855628\n", - " 1.0323168 1.0861549 1.0165161 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 13 6 5 15 9 11 12 7 14 8 16 10 17 18 19 20]\n", - "=======================\n", - "[\"diwalinen vankar , 58 , had gone with her 19-year-old daughter kanta , to the bank of the vishwamitri river , 40 kilometres from vadodara , in west india , to wash their clothes .as they were wringing out their laundry , a mugger crocodile grabbed kanta 's right leg and dragged her into the murky river .a heroic mother saved her daughter from the jaws of a 13ft crocodile in a 10-minute long battle , armed only with a wooden washing paddle .\"]\n", - "=======================\n", - "[\"diwalinen vankar went with daughter to wash clothes in vishwamitri rivera crocodile grabbed daughter 's leg and dragged her into river in west indiavankar , 58 , tried to pull daughter - kanta - free from clutches of crocodilebut after no success , she started attacking it with her washing paddleeventually rescued 19-year-old daughter , who only suffered minor injuries\"]\n", - "diwalinen vankar , 58 , had gone with her 19-year-old daughter kanta , to the bank of the vishwamitri river , 40 kilometres from vadodara , in west india , to wash their clothes .as they were wringing out their laundry , a mugger crocodile grabbed kanta 's right leg and dragged her into the murky river .a heroic mother saved her daughter from the jaws of a 13ft crocodile in a 10-minute long battle , armed only with a wooden washing paddle .\n", - "diwalinen vankar went with daughter to wash clothes in vishwamitri rivera crocodile grabbed daughter 's leg and dragged her into river in west indiavankar , 58 , tried to pull daughter - kanta - free from clutches of crocodilebut after no success , she started attacking it with her washing paddleeventually rescued 19-year-old daughter , who only suffered minor injuries\n", - "[1.5180857 1.4988773 1.065681 1.5420977 1.0575969 1.0317781 1.0721426\n", - " 1.0656912 1.0463876 1.2045431 1.0307653 1.0240798 1.0445135 1.0221893\n", - " 1.1215978 1.0208108 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 9 14 6 7 2 4 8 12 5 10 11 13 15 19 16 17 18 20]\n", - "=======================\n", - "[\"robert lewandowski fires bayern munich ahead against eintracht frankfurt on saturday afternoonbayern munich moved a step closer to a third straight bundesliga title thanks to a 3-0 win over eintracht frankfurt .robert lewandowski boosted his own chances of winning the golden boot award at the end of his first season with bayern , and a second in a row after finishing the league 's top-scorer with borussia dortmund last season , by netting two goals in a commanding victory for pep guardiola 's men .\"]\n", - "=======================\n", - "['robert lewandowski scored twice as bayern munich claimed 3-0 victorythomas muller scored with eight minutes remaining to complete winbayern munich maintained their lead at the top of the bundesliga']\n", - "robert lewandowski fires bayern munich ahead against eintracht frankfurt on saturday afternoonbayern munich moved a step closer to a third straight bundesliga title thanks to a 3-0 win over eintracht frankfurt .robert lewandowski boosted his own chances of winning the golden boot award at the end of his first season with bayern , and a second in a row after finishing the league 's top-scorer with borussia dortmund last season , by netting two goals in a commanding victory for pep guardiola 's men .\n", - "robert lewandowski scored twice as bayern munich claimed 3-0 victorythomas muller scored with eight minutes remaining to complete winbayern munich maintained their lead at the top of the bundesliga\n", - "[1.4990876 1.5025043 1.3346517 1.4195471 1.0623184 1.0219959 1.0150621\n", - " 1.0106304 1.15986 1.071281 1.0749956 1.070928 1.0316789 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 8 10 9 11 4 12 5 6 7 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"the 26-year-old holland international midfielder played 45 minutes for the club 's under-21s team on wednesday evening after competing his recovery from surgery to repair a collapsed lung .siem de jong is targeting newcastle 's home clash with swansea later this month for a return to senior action after an eight-month injury nightmare .head coach john carver has hinted that de jong could even make the 18 for sunday 's barclays premier league fixture against tottenham at st james ' park , and while the dutchman has not ruled that out , his sights are set the swans ' visit to tyneside on the following weekend .\"]\n", - "=======================\n", - "['siem de jong signed for newcastle last summer from dutch giants ajaxde jong has been plagued by injuries , playing just three senior gamesthe # 6m summer signing is ready to return to the newcastle first-teamnewcastle are on a five-match losing run in the premier league']\n", - "the 26-year-old holland international midfielder played 45 minutes for the club 's under-21s team on wednesday evening after competing his recovery from surgery to repair a collapsed lung .siem de jong is targeting newcastle 's home clash with swansea later this month for a return to senior action after an eight-month injury nightmare .head coach john carver has hinted that de jong could even make the 18 for sunday 's barclays premier league fixture against tottenham at st james ' park , and while the dutchman has not ruled that out , his sights are set the swans ' visit to tyneside on the following weekend .\n", - "siem de jong signed for newcastle last summer from dutch giants ajaxde jong has been plagued by injuries , playing just three senior gamesthe # 6m summer signing is ready to return to the newcastle first-teamnewcastle are on a five-match losing run in the premier league\n", - "[1.2234505 1.4736031 1.3408445 1.2029545 1.2870823 1.1946205 1.0871117\n", - " 1.0992465 1.0350894 1.0322502 1.0516454 1.0727816 1.0853082 1.128699\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 0 3 5 13 7 6 12 11 10 8 9 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"two-year-old darcy atkinson was covered in bruises and had traces of the stimulant ritalin in his system when he died on december 7 , 2012 .the toddler had been in the care of his mother 's boyfriend adam taylor when he was rushed to gosford hospital by paramedics , before being airlifted to sydney 's westmead children 's hospital after throwing up three times and going rigid in the bath .darcy atkinson , two , died of brain injuries in december 2012 .\"]\n", - "=======================\n", - "[\"darcy atkinson , aged two , died of brain injuries in december 2012he vomited 3 times and went rigid in bath under care of mother 's boyfriendhe had bruising on his ears , temple and limbs and traces of the stimulant ritalin in his system when he dieda doctor told an inquest into his death he had been ` caned or whipped 'he said darcy has serious bruising around his ears which looked infectedhis mother said she received a photo and text from her boyfriend the day before he died , saying he had bumped his head while paddle boardingshe then denied receiving the photo which investigators never found\"]\n", - "two-year-old darcy atkinson was covered in bruises and had traces of the stimulant ritalin in his system when he died on december 7 , 2012 .the toddler had been in the care of his mother 's boyfriend adam taylor when he was rushed to gosford hospital by paramedics , before being airlifted to sydney 's westmead children 's hospital after throwing up three times and going rigid in the bath .darcy atkinson , two , died of brain injuries in december 2012 .\n", - "darcy atkinson , aged two , died of brain injuries in december 2012he vomited 3 times and went rigid in bath under care of mother 's boyfriendhe had bruising on his ears , temple and limbs and traces of the stimulant ritalin in his system when he dieda doctor told an inquest into his death he had been ` caned or whipped 'he said darcy has serious bruising around his ears which looked infectedhis mother said she received a photo and text from her boyfriend the day before he died , saying he had bumped his head while paddle boardingshe then denied receiving the photo which investigators never found\n", - "[1.3806155 1.3738073 1.0956774 1.5269156 1.1025543 1.1298914 1.0151317\n", - " 1.012652 1.115073 1.0742581 1.0887104 1.1658982 1.1640694 1.01767\n", - " 1.0150867 1.2444735 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 15 11 12 5 8 4 2 10 9 13 6 14 7 16 17 18 19 20]\n", - "=======================\n", - "['gary cahill is yet to win the premier league with chelsea since joining the club in january 2012gary cahill has spoken of the demands of maintaining a title challenge as he looks to secure his first ever premier league winners medal with chelsea this season .chelsea can move three points nearer to their fourth premier league trophy with three points against manchester united at stamford bridge on saturday .']\n", - "=======================\n", - "['gary cahill has won four cup competitions since joining chelseathe defender could win the league for the first time this seasoncahill believes league glory would be his toughest achievement yet']\n", - "gary cahill is yet to win the premier league with chelsea since joining the club in january 2012gary cahill has spoken of the demands of maintaining a title challenge as he looks to secure his first ever premier league winners medal with chelsea this season .chelsea can move three points nearer to their fourth premier league trophy with three points against manchester united at stamford bridge on saturday .\n", - "gary cahill has won four cup competitions since joining chelseathe defender could win the league for the first time this seasoncahill believes league glory would be his toughest achievement yet\n", - "[1.2586887 1.4190266 1.2029521 1.2613783 1.2571349 1.2177342 1.184947\n", - " 1.151486 1.1064157 1.0381287 1.0409408 1.038743 1.0541999 1.0388663\n", - " 1.0952791 1.0469236 1.0418783 1.044412 1.0276862 1.0241506 1.0494288]\n", - "\n", - "[ 1 3 0 4 5 2 6 7 8 14 12 20 15 17 16 10 13 11 9 18 19]\n", - "=======================\n", - "[\"friends and strangers can then film relevant clips and attach them to the end of your videocalled riff , it lets you film videos and upload them to facebook and the app .the app was created by london-based developers through facebook 's creative labs .\"]\n", - "=======================\n", - "['riff was developed in london and is available on android and iosit lets you film a video and uploaded it to the app and facebookfriends then film their own clips and tag them onto the end of your video']\n", - "friends and strangers can then film relevant clips and attach them to the end of your videocalled riff , it lets you film videos and upload them to facebook and the app .the app was created by london-based developers through facebook 's creative labs .\n", - "riff was developed in london and is available on android and iosit lets you film a video and uploaded it to the app and facebookfriends then film their own clips and tag them onto the end of your video\n", - "[1.200401 1.066178 1.0607179 1.3086641 1.2289447 1.1477478 1.1254334\n", - " 1.0614437 1.1409136 1.0631217 1.1788038 1.1383773 1.0577219 1.031592\n", - " 1.0206321 1.0930165 1.1121536 1.090033 1.0192375 1.0285299 1.0183197]\n", - "\n", - "[ 3 4 0 10 5 8 11 6 16 15 17 1 9 7 2 12 13 19 14 18 20]\n", - "=======================\n", - "[\"he committed suicide early in the pregnancy .eight years back , yogita 's father-in-law , also a cotton farmer , took his own life .vidarbha , india ( cnn ) yogita kanhaiya is expecting a baby soon .\"]\n", - "=======================\n", - "['vidarbha , the eastern region of the state of maharashtra , is known as the epicenter of the suicide crisisfarmers are becoming burdened with debt due to falling prices but rising costs']\n", - "he committed suicide early in the pregnancy .eight years back , yogita 's father-in-law , also a cotton farmer , took his own life .vidarbha , india ( cnn ) yogita kanhaiya is expecting a baby soon .\n", - "vidarbha , the eastern region of the state of maharashtra , is known as the epicenter of the suicide crisisfarmers are becoming burdened with debt due to falling prices but rising costs\n", - "[1.3060583 1.368304 1.3229164 1.2563049 1.1239511 1.0511975 1.0362862\n", - " 1.0271485 1.1537769 1.084603 1.0361582 1.0607892 1.1040158 1.0519443\n", - " 1.0765145 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 8 4 12 9 14 11 13 5 6 10 7 15 16 17 18 19 20]\n", - "=======================\n", - "[\"khalid rashad , 61 , appeared at camberwell magistrates court today , charged with possession of an explosive substance for an unlawful purpose , and possession of ammunition for a firearm without a certificate .the charges were brought yesterday by officers investigating the death of abdul hadi arwani , 48 , an outspoken critic of the assad regime in syria , whose body was found in his parked volkswagen passat in wembley , north west london , on april 7 .rashad , of wembley , has been remanded in custody to appear at camberwell green magistrates ' court tomorrow .\"]\n", - "=======================\n", - "['khalid rashad , 61 , charged by police investigating death of syrian imanpreacher abdul hadi arwani found shot dead in his car in wembley in aprilleslie cooper , 36 , has already appeared in court accused of murder']\n", - "khalid rashad , 61 , appeared at camberwell magistrates court today , charged with possession of an explosive substance for an unlawful purpose , and possession of ammunition for a firearm without a certificate .the charges were brought yesterday by officers investigating the death of abdul hadi arwani , 48 , an outspoken critic of the assad regime in syria , whose body was found in his parked volkswagen passat in wembley , north west london , on april 7 .rashad , of wembley , has been remanded in custody to appear at camberwell green magistrates ' court tomorrow .\n", - "khalid rashad , 61 , charged by police investigating death of syrian imanpreacher abdul hadi arwani found shot dead in his car in wembley in aprilleslie cooper , 36 , has already appeared in court accused of murder\n", - "[1.2849803 1.277432 1.2170991 1.3525202 1.1143814 1.1094697 1.0390285\n", - " 1.0534655 1.143414 1.0902674 1.154156 1.0442647 1.0508982 1.027644\n", - " 1.0284622 1.055245 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 2 10 8 4 5 9 15 7 12 11 6 14 13 19 16 17 18 20]\n", - "=======================\n", - "[\"snp leader nicola sturgeon was mocked by ex-pm sir john major over her demand to play a role in proper up a labour government , when she is ` not even bothering ' to stand as an mp herselfin a speech today , sir john claimed the snp would use any power they wield in westminster after the election to foster division and further their dream of the break up of the 300-year-old union .welsh nationalists plaid cymru would demand more money for wales while the ` worthy ' green party 's economic plan is ' a recipe for economic self-harm ' .\"]\n", - "=======================\n", - "[\"former tory pm warns snp would use role in government to breakup uksnp leader accuses him of being ` silly and over the top ' in speechpolls suggest snp will prop up a labour minority government\"]\n", - "snp leader nicola sturgeon was mocked by ex-pm sir john major over her demand to play a role in proper up a labour government , when she is ` not even bothering ' to stand as an mp herselfin a speech today , sir john claimed the snp would use any power they wield in westminster after the election to foster division and further their dream of the break up of the 300-year-old union .welsh nationalists plaid cymru would demand more money for wales while the ` worthy ' green party 's economic plan is ' a recipe for economic self-harm ' .\n", - "former tory pm warns snp would use role in government to breakup uksnp leader accuses him of being ` silly and over the top ' in speechpolls suggest snp will prop up a labour minority government\n", - "[1.5412054 1.4086204 1.1858718 1.0846534 1.3429086 1.1350944 1.206346\n", - " 1.0353434 1.1487043 1.0638341 1.0372928 1.0195868 1.0840831 1.0231545\n", - " 1.0227559 1.0387498 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 6 2 8 5 3 12 9 15 10 7 13 14 11 19 16 17 18 20]\n", - "=======================\n", - "[\"gary and phil neville , ryan giggs , nicky butt and paul scholes will no doubt partying hard on tuesday night after salford city clinched the evo-stik league first division north title , with the club gaining promotion on a very fitting 92 points .title rivals darlington 1883 could only draw 1-1 with warrington town , meaning the manchester-based club won the title without having to kick a ball .scholes and gary were in attendance for salford 's victory against clitheroe town before they made made it eight wins on the bounce the following week away to burscough .\"]\n", - "=======================\n", - "[\"salford city clinched the evo-stik league first division north titledarlington 1883 's failure to beat warrington saw them win without playingpaul scholes , nicky butt , ryan giggs and the neville brothers are co-owners of the club and will be delighted with the instant success\"]\n", - "gary and phil neville , ryan giggs , nicky butt and paul scholes will no doubt partying hard on tuesday night after salford city clinched the evo-stik league first division north title , with the club gaining promotion on a very fitting 92 points .title rivals darlington 1883 could only draw 1-1 with warrington town , meaning the manchester-based club won the title without having to kick a ball .scholes and gary were in attendance for salford 's victory against clitheroe town before they made made it eight wins on the bounce the following week away to burscough .\n", - "salford city clinched the evo-stik league first division north titledarlington 1883 's failure to beat warrington saw them win without playingpaul scholes , nicky butt , ryan giggs and the neville brothers are co-owners of the club and will be delighted with the instant success\n", - "[1.4015373 1.5623435 1.2793434 1.4087341 1.0313141 1.0307829 1.120897\n", - " 1.0530577 1.0324941 1.016711 1.2456851 1.243119 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 10 11 6 7 8 4 5 9 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"the argentine forward , 21 , has been linked with a number of europe 's top clubs after some dazzling performances in serie a , and scored his 13th league goal of the season on saturday .paolo dybala says he could be playing his final games for palermo as arsenal and juventus prepare moves 'arsenal target paolo dybala has admitted that these could be his last days at palermo , with the club ready to cash in on their star man .\"]\n", - "=======================\n", - "[\"arsenal and juventus have reportedly bid for palermo 's paolo dybalaargentine forward says final 10 games of season could be his last for clubarsene wenger denies interest but arsenal are said to be his first choicedybala scored his 13th goal of serie a campaign on saturday\"]\n", - "the argentine forward , 21 , has been linked with a number of europe 's top clubs after some dazzling performances in serie a , and scored his 13th league goal of the season on saturday .paolo dybala says he could be playing his final games for palermo as arsenal and juventus prepare moves 'arsenal target paolo dybala has admitted that these could be his last days at palermo , with the club ready to cash in on their star man .\n", - "arsenal and juventus have reportedly bid for palermo 's paolo dybalaargentine forward says final 10 games of season could be his last for clubarsene wenger denies interest but arsenal are said to be his first choicedybala scored his 13th goal of serie a campaign on saturday\n", - "[1.0820657 1.3667709 1.2594337 1.3030035 1.2953782 1.087326 1.1054455\n", - " 1.0836015 1.1634265 1.0987952 1.0602956 1.0594103 1.1262635 1.08666\n", - " 1.0761148 1.050845 1.0434778 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 8 12 6 9 5 13 7 0 14 10 11 15 16 19 17 18 20]\n", - "=======================\n", - "[\"on the market for an enormous $ 15 million , this property is located within 73 acres of daintree rainforest and fringes over 600 metres of far north queensland beachfront .it was designed by architect charles wright and won the australian institute of architects house of the year for queensland in 2014whilst it 's unusual design resembles an alien spaceship , the home was inspired by an australian stamp , with six bedroom pods placed at the end of six fingers .\"]\n", - "=======================\n", - "['a mansion in the rainforest of far north queensland resembling a spaceship is on the market for $ 15 millionthe property called alkira , sits on 73 acres of daintree rainforest and fringes over 600 metres of beachfrontdesigned by architect charles wright , it won australian institute of architects house of the year for the state in 2014it boasts six bedrooms , six bathrooms , five balconies , a 2400 bottle cellar and a helipad 100 metres from the house']\n", - "on the market for an enormous $ 15 million , this property is located within 73 acres of daintree rainforest and fringes over 600 metres of far north queensland beachfront .it was designed by architect charles wright and won the australian institute of architects house of the year for queensland in 2014whilst it 's unusual design resembles an alien spaceship , the home was inspired by an australian stamp , with six bedroom pods placed at the end of six fingers .\n", - "a mansion in the rainforest of far north queensland resembling a spaceship is on the market for $ 15 millionthe property called alkira , sits on 73 acres of daintree rainforest and fringes over 600 metres of beachfrontdesigned by architect charles wright , it won australian institute of architects house of the year for the state in 2014it boasts six bedrooms , six bathrooms , five balconies , a 2400 bottle cellar and a helipad 100 metres from the house\n", - "[1.0935135 1.1060864 1.3227068 1.2959328 1.2577822 1.1259916 1.2848482\n", - " 1.3708878 1.0734828 1.0773174 1.0691603 1.0168129 1.0104282 1.0141352\n", - " 1.0306839 1.0502359 1.0293887 1.1397815 1.1798829 1.0871357 1.0451537]\n", - "\n", - "[ 7 2 3 6 4 18 17 5 1 0 19 9 8 10 15 20 14 16 11 13 12]\n", - "=======================\n", - "[\"manchester city captain vincent kompany is doubtful for sunday 's derby against manchester united with a hamstring injury .manchester united vs manchester city ( old trafford )smalling could feature for the red devils in the manchester derby\"]\n", - "=======================\n", - "['chris smalling in contention but luke shaw and jonny evans outrobin van persie will not be risked by manchester unitedvincent kompany a doubt for manchester city with hamstring injurywilfried bony , stevan jovetic and dedryck boyata will be absent for city']\n", - "manchester city captain vincent kompany is doubtful for sunday 's derby against manchester united with a hamstring injury .manchester united vs manchester city ( old trafford )smalling could feature for the red devils in the manchester derby\n", - "chris smalling in contention but luke shaw and jonny evans outrobin van persie will not be risked by manchester unitedvincent kompany a doubt for manchester city with hamstring injurywilfried bony , stevan jovetic and dedryck boyata will be absent for city\n", - "[1.4150598 1.1883544 1.3962473 1.3071814 1.2566713 1.1376139 1.1667714\n", - " 1.0440459 1.1796937 1.0828388 1.0490733 1.029691 1.0556797 1.0415266\n", - " 1.0314385 1.0154725 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 4 1 8 6 5 9 12 10 7 13 14 11 15 16 17 18 19 20]\n", - "=======================\n", - "[\"jailed : jordan sim-mutch posted pictures of stolen money and drugs on facebook after targeting businesses across greater manchesterthe career criminal , who claimed he worked in ` midnight removals ' in his online profile , was part of an armed gang responsible for 29 robberies and burglaries .sim-mutch , from stockport , greater manchester , was jailed yesterday after admitting to a string of offences at minsull street crown court .\"]\n", - "=======================\n", - "['jordan sim-mutch was member of armed gang that targeted businessescriminals carried out 29 robberies and burglaries in greater manchestersim-mutch posted pictures of stolen cash and drugs on facebook profile']\n", - "jailed : jordan sim-mutch posted pictures of stolen money and drugs on facebook after targeting businesses across greater manchesterthe career criminal , who claimed he worked in ` midnight removals ' in his online profile , was part of an armed gang responsible for 29 robberies and burglaries .sim-mutch , from stockport , greater manchester , was jailed yesterday after admitting to a string of offences at minsull street crown court .\n", - "jordan sim-mutch was member of armed gang that targeted businessescriminals carried out 29 robberies and burglaries in greater manchestersim-mutch posted pictures of stolen cash and drugs on facebook profile\n", - "[1.1544998 1.1671603 1.3225834 1.300839 1.1560907 1.0898967 1.1321939\n", - " 1.1661129 1.2730362 1.070198 1.0344287 1.0618517 1.1650357 1.0684984\n", - " 1.0662674 1.0562078 1.0353892 1.0183747 1.0110388 1.0082871 0. ]\n", - "\n", - "[ 2 3 8 1 7 12 4 0 6 5 9 13 14 11 15 16 10 17 18 19 20]\n", - "=======================\n", - "['yet this was not diego costa circa 2010 to 2014 .this was mario mandzukic involved in bust-up after bust-up as he shed blood and sweat against great rivals real madrid at the vicente calderon .sergio ramos and atletico madrid striker mandzukic continually clashed on tuesday night during the tie']\n", - "=======================\n", - "[\"atletico madrid 0-0 real madrid : read martin samuel 's report from spainmario mandzukic was battered and bruised during the quarter-final tiethe atletico striker came to blows with sergio ramos and dani carvajalatletico have a history of buying great strikers after selling their forwardsdiego simeone has bought the closest thing to diego costa he could findmandzukic differs from costa in style of play but proved as aggressivehe and antoine griezmann can become suitable replacements at atletico\"]\n", - "yet this was not diego costa circa 2010 to 2014 .this was mario mandzukic involved in bust-up after bust-up as he shed blood and sweat against great rivals real madrid at the vicente calderon .sergio ramos and atletico madrid striker mandzukic continually clashed on tuesday night during the tie\n", - "atletico madrid 0-0 real madrid : read martin samuel 's report from spainmario mandzukic was battered and bruised during the quarter-final tiethe atletico striker came to blows with sergio ramos and dani carvajalatletico have a history of buying great strikers after selling their forwardsdiego simeone has bought the closest thing to diego costa he could findmandzukic differs from costa in style of play but proved as aggressivehe and antoine griezmann can become suitable replacements at atletico\n", - "[1.0969954 1.0477271 1.4265735 1.0762751 1.1716983 1.1700531 1.0548941\n", - " 1.0706668 1.1643841 1.224101 1.087773 1.1044643 1.0923612 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 9 4 5 8 11 0 12 10 3 7 6 1 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"but colorado 's new belgium brewery and the folks at ben & jerry 's are teaming up on a beer inspired by ice cream -- salted caramel brownie ice cream , to be precise .both companies have a history of social activism , and the new project will be no different , they say .( cnn ) beer and ice cream .\"]\n", - "=======================\n", - "['new belgium brewery will make a beer inspired by ben & jerry \\'s ice creamit will be called \" salted caramel brownie \"']\n", - "but colorado 's new belgium brewery and the folks at ben & jerry 's are teaming up on a beer inspired by ice cream -- salted caramel brownie ice cream , to be precise .both companies have a history of social activism , and the new project will be no different , they say .( cnn ) beer and ice cream .\n", - "new belgium brewery will make a beer inspired by ben & jerry 's ice creamit will be called \" salted caramel brownie \"\n", - "[1.311481 1.2847883 1.3116527 1.4333947 1.0621206 1.2506132 1.1226962\n", - " 1.1958659 1.073844 1.0729673 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 0 1 5 7 6 8 9 4 18 17 16 15 10 13 12 11 19 14 20]\n", - "=======================\n", - "[\"floyd mayweather 's fight against manny pacquiao in las vegas on may 2 will cost us viewers up to $ 100tv companies hbo and showtime , both of whom will broadcast the fight in the states , confirmed the recommended prices for the may 2 battle as the most expensive in pay-per-view boxing history .sky won the bidding war to screen the fight on british shores , and it will be shown on sky box office at a cost of # 19.95 .\"]\n", - "=======================\n", - "['us viewers will have to pay up to $ 100 ( # 67.48 ) to watch the fighthbo and showtime confirmed recommended price of $ 89.95 ( # 60.70 )hd surcharge of $ 10 could be added on by tv providerssky box office will show fight in the uk at a cost of # 19.95']\n", - "floyd mayweather 's fight against manny pacquiao in las vegas on may 2 will cost us viewers up to $ 100tv companies hbo and showtime , both of whom will broadcast the fight in the states , confirmed the recommended prices for the may 2 battle as the most expensive in pay-per-view boxing history .sky won the bidding war to screen the fight on british shores , and it will be shown on sky box office at a cost of # 19.95 .\n", - "us viewers will have to pay up to $ 100 ( # 67.48 ) to watch the fighthbo and showtime confirmed recommended price of $ 89.95 ( # 60.70 )hd surcharge of $ 10 could be added on by tv providerssky box office will show fight in the uk at a cost of # 19.95\n", - "[1.2691923 1.4031075 1.3336387 1.1454175 1.1324205 1.2794421 1.1176242\n", - " 1.0789301 1.0773367 1.0195216 1.0114785 1.072441 1.0860801 1.0812705\n", - " 1.19822 1.0759028 1.0466608 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 5 0 14 3 4 6 12 13 7 8 15 11 16 9 10 17 18 19 20]\n", - "=======================\n", - "[\"the u.s. attorney 's office says 48-year-old john zelepos of north stonington faces up to 15 years in prison after pleading guilty tuesday to tax evasion and financial structuring offenses .the restaurant owner may also be forced to pay a $ 500,000 fine .owner : mystic pizza owner john zelepos ( seen here in 2008 ) has pleaded guilty to federal tax charges\"]\n", - "=======================\n", - "[\"the u.s. attorney 's office says mystic pizza 's 48-year-old owner john zelepos faces up to 15 years in prisonhe has pleaded guilty to tax evasion and financial structuring offensesprosecutors between 2006 and 2010 , zelepos diverted just over $ 567,000 from mystic pizza 's gross receiptshe diverted the money into his personal bank accounts and those of family members , they saidprosecutors said zelepos also made bank deposits under $ 10,000 to skip currency transaction reports filed by banksmystic pizza became a tourist attraction after julia roberts starred in a 1988 movie about the lives of three waitresses working there\"]\n", - "the u.s. attorney 's office says 48-year-old john zelepos of north stonington faces up to 15 years in prison after pleading guilty tuesday to tax evasion and financial structuring offenses .the restaurant owner may also be forced to pay a $ 500,000 fine .owner : mystic pizza owner john zelepos ( seen here in 2008 ) has pleaded guilty to federal tax charges\n", - "the u.s. attorney 's office says mystic pizza 's 48-year-old owner john zelepos faces up to 15 years in prisonhe has pleaded guilty to tax evasion and financial structuring offensesprosecutors between 2006 and 2010 , zelepos diverted just over $ 567,000 from mystic pizza 's gross receiptshe diverted the money into his personal bank accounts and those of family members , they saidprosecutors said zelepos also made bank deposits under $ 10,000 to skip currency transaction reports filed by banksmystic pizza became a tourist attraction after julia roberts starred in a 1988 movie about the lives of three waitresses working there\n", - "[1.1967185 1.5187303 1.2830598 1.217082 1.1790837 1.0673776 1.0627801\n", - " 1.070601 1.1615328 1.0635116 1.0448253 1.080306 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 8 11 7 5 9 6 10 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "['khalid saeed batarfi was a senior leader with al-qaeda in the arabian peninsula ( aqap ) before he was jailed by yemeni officials .two days ago he was freed , along with 300 other inmates , as the terrorist group stormed the prison he was being held in , killing two guards .gloating as he relaxes with his ak-47 , these pictures show an al-qaeda commander relaxing inside a palace in yemen just days after terrorists liberated him from prison .']\n", - "=======================\n", - "[\"khalid saeed batarfi was freed from a yemeni prison by al-qaeda this weekterrorist commander was today pictured inside mukalla governor 's palacehe was seen pretending to be on the telephone as he wielded an ak-47batarfi led extremists in battle with government forces before he was jailed\"]\n", - "khalid saeed batarfi was a senior leader with al-qaeda in the arabian peninsula ( aqap ) before he was jailed by yemeni officials .two days ago he was freed , along with 300 other inmates , as the terrorist group stormed the prison he was being held in , killing two guards .gloating as he relaxes with his ak-47 , these pictures show an al-qaeda commander relaxing inside a palace in yemen just days after terrorists liberated him from prison .\n", - "khalid saeed batarfi was freed from a yemeni prison by al-qaeda this weekterrorist commander was today pictured inside mukalla governor 's palacehe was seen pretending to be on the telephone as he wielded an ak-47batarfi led extremists in battle with government forces before he was jailed\n", - "[1.334663 1.4622365 1.194954 1.278419 1.0910864 1.3669255 1.0592694\n", - " 1.0320808 1.0383289 1.0759906 1.0176044 1.0259082 1.0184876 1.0150521\n", - " 1.0821449 1.1457658 1.1555148 1.0621809 1.0358206 1.0588815 1.0342232]\n", - "\n", - "[ 1 5 0 3 2 16 15 4 14 9 17 6 19 8 18 20 7 11 12 10 13]\n", - "=======================\n", - "['rspca inspectors were called to the house after they received numerous calls from residents living nearby in lawrence weston , bristol , who were worried about the animals .the animals are thought to have been kept at the site by the side of a house for around a month and are understood to have been moved on by their owners following warnings from the rspca .two horses have been rescued after one was found being kept in an alleyway so narrow it could not turn around , while the other was chained to the ground .']\n", - "=======================\n", - "['rspca inspectors called numerous times by worried bristol residentsthey found a horse in a narrow alleyway and another chained to groundanimals have now been moved on following rspca advice to ownerslocals estimated animals had been living in poor conditions for a month']\n", - "rspca inspectors were called to the house after they received numerous calls from residents living nearby in lawrence weston , bristol , who were worried about the animals .the animals are thought to have been kept at the site by the side of a house for around a month and are understood to have been moved on by their owners following warnings from the rspca .two horses have been rescued after one was found being kept in an alleyway so narrow it could not turn around , while the other was chained to the ground .\n", - "rspca inspectors called numerous times by worried bristol residentsthey found a horse in a narrow alleyway and another chained to groundanimals have now been moved on following rspca advice to ownerslocals estimated animals had been living in poor conditions for a month\n", - "[1.2914479 1.3420587 1.1204448 1.3473787 1.2170179 1.2583189 1.0672772\n", - " 1.1815623 1.0449023 1.0487237 1.0770159 1.0300237 1.0343713 1.0465329\n", - " 1.0229188 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 5 4 7 2 10 6 9 13 8 12 11 14 19 15 16 17 18 20]\n", - "=======================\n", - "['paula radcliffe finishes the london marathon on sunday after running with the masses to bring down the curtain on her professional running careerpaula was delighted she could return to london to run the marathon againit will be an emotional run for paula who will be presented with the the inaugural john disley lifetime achievement award in honour of her achievements , which include setting a still unbeaten world record time of 2 hours 15 minutes and 25 seconds in london in 2003 .']\n", - "=======================\n", - "[\"41-year-old mother-of-two has battled back from injurywill take part in london marathon on sunday but wo n't race competitivelyshe set marathon world record on the course in 2003but also suffered embarrassment with loo stop in 2005 event\"]\n", - "paula radcliffe finishes the london marathon on sunday after running with the masses to bring down the curtain on her professional running careerpaula was delighted she could return to london to run the marathon againit will be an emotional run for paula who will be presented with the the inaugural john disley lifetime achievement award in honour of her achievements , which include setting a still unbeaten world record time of 2 hours 15 minutes and 25 seconds in london in 2003 .\n", - "41-year-old mother-of-two has battled back from injurywill take part in london marathon on sunday but wo n't race competitivelyshe set marathon world record on the course in 2003but also suffered embarrassment with loo stop in 2005 event\n", - "[1.1650584 1.251724 1.3623049 1.2305524 1.1337678 1.2223796 1.1313905\n", - " 1.0313065 1.2171316 1.127535 1.159156 1.0240421 1.1132209 1.016942\n", - " 1.0131787 1.0655565 1.019607 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 5 8 0 10 4 6 9 12 15 7 11 16 13 14 17 18 19]\n", - "=======================\n", - "['started in 1965 , meter maids were the brainchild of gold coast developer bernie elsey who introduced the initiative to stave off the bad publicity associated with newly installed parking meters .the 50-year tradition has split the gold coast community , with business leaders calling for the end of an era , the sunday mail reported .local business owners have labelled surfers paradise meter maids as outdated and were no longer providing a service']\n", - "=======================\n", - "[\"business leaders are calling for the end of surfers paradise meter maidsthe gold coast icons have been around for 50 years and started up in 1965but meter maids general manager says they are part of gold coast culturehe said they were an ` under-utilised resource ' to help revamp the region\"]\n", - "started in 1965 , meter maids were the brainchild of gold coast developer bernie elsey who introduced the initiative to stave off the bad publicity associated with newly installed parking meters .the 50-year tradition has split the gold coast community , with business leaders calling for the end of an era , the sunday mail reported .local business owners have labelled surfers paradise meter maids as outdated and were no longer providing a service\n", - "business leaders are calling for the end of surfers paradise meter maidsthe gold coast icons have been around for 50 years and started up in 1965but meter maids general manager says they are part of gold coast culturehe said they were an ` under-utilised resource ' to help revamp the region\n", - "[1.0574983 1.4925089 1.2274292 1.3657233 1.2245057 1.1974323 1.1393769\n", - " 1.0529449 1.0601065 1.0928833 1.0425432 1.0326811 1.0797958 1.1205028\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 5 6 13 9 12 8 0 7 10 11 18 14 15 16 17 19]\n", - "=======================\n", - "['joel burger , 24 , and proposed to his 23-year-old girlfriend ashley king .joel burger popped the question to ashley king - paving the way for a burger-king weddinghaving it their way ... the couple revealed they plan to serve drinks in personalized burger king cups']\n", - "=======================\n", - "[\"joel burger and ashley king have known each other since kindergartenthey started dating five years ago , friends having stopped ribbing theminsist they are embracing the playful nickname ` burger-king 'plan to serve drinks at wedding in personalized burger king cups\"]\n", - "joel burger , 24 , and proposed to his 23-year-old girlfriend ashley king .joel burger popped the question to ashley king - paving the way for a burger-king weddinghaving it their way ... the couple revealed they plan to serve drinks in personalized burger king cups\n", - "joel burger and ashley king have known each other since kindergartenthey started dating five years ago , friends having stopped ribbing theminsist they are embracing the playful nickname ` burger-king 'plan to serve drinks at wedding in personalized burger king cups\n", - "[1.5217748 1.3998666 1.2442307 1.2694434 1.1291186 1.0935427 1.0524399\n", - " 1.0701814 1.0496987 1.026985 1.0951483 1.0837243 1.1511922 1.0428507\n", - " 1.0122256 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 12 4 10 5 11 7 6 8 13 9 14 15 16 17 18 19]\n", - "=======================\n", - "['ferguson , missouri ( cnn ) at least three people were shot in separate incidents in ferguson , missouri , on late tuesday and early wednesday as hundreds of demonstrators gathered in support of protests in baltimore , a city spokesman said .the two victims shot in the neck were hospitalized , small said .there is a suspect in custody in the latter case : a 20-year-old male from st. louis county .']\n", - "=======================\n", - "['three people shot , one man in custody , city spokesman sayshundreds of demonstrators gathered in support of protests in baltimorepolice not sure if shootings are related to protests , spokesman says']\n", - "ferguson , missouri ( cnn ) at least three people were shot in separate incidents in ferguson , missouri , on late tuesday and early wednesday as hundreds of demonstrators gathered in support of protests in baltimore , a city spokesman said .the two victims shot in the neck were hospitalized , small said .there is a suspect in custody in the latter case : a 20-year-old male from st. louis county .\n", - "three people shot , one man in custody , city spokesman sayshundreds of demonstrators gathered in support of protests in baltimorepolice not sure if shootings are related to protests , spokesman says\n", - "[1.3331509 1.2019689 1.1966351 1.2505753 1.2728571 1.1451607 1.1639335\n", - " 1.1331979 1.061485 1.0642197 1.0695156 1.0479118 1.0185475 1.0564196\n", - " 1.0550299 1.087262 1.1230936 1.0609486 1.0539114 1.0293484]\n", - "\n", - "[ 0 4 3 1 2 6 5 7 16 15 10 9 8 17 13 14 18 11 19 12]\n", - "=======================\n", - "['( cnn ) indonesia has a tough stance on drug smugglers , and since assuming office in october , president joko widodo has made it clear he intends to show no mercy toward those found guilty of such crimes .the 31-year-old chan has been called the ringleader and 33-year-old sukumaran has been described as his collaborator .april marks a decade on death row for andrew chan and myuran sukumaran for their part in a failed heroin smuggling plot .']\n", - "=======================\n", - "[\"two australian drug smugglers , part of the bali nine , await word whether they 'll face a firing squadless is known about the seven other members of the group\"]\n", - "( cnn ) indonesia has a tough stance on drug smugglers , and since assuming office in october , president joko widodo has made it clear he intends to show no mercy toward those found guilty of such crimes .the 31-year-old chan has been called the ringleader and 33-year-old sukumaran has been described as his collaborator .april marks a decade on death row for andrew chan and myuran sukumaran for their part in a failed heroin smuggling plot .\n", - "two australian drug smugglers , part of the bali nine , await word whether they 'll face a firing squadless is known about the seven other members of the group\n", - "[1.2968915 1.4129717 1.2631929 1.3243251 1.219961 1.0595808 1.0387931\n", - " 1.019301 1.0216067 1.0192386 1.0178503 1.1592982 1.0322056 1.0142965\n", - " 1.051769 1.145757 1.0889821 1.2310866 1.0262576 0. ]\n", - "\n", - "[ 1 3 0 2 17 4 11 15 16 5 14 6 12 18 8 7 9 10 13 19]\n", - "=======================\n", - "[\"the prime minister , who has faced criticism over a campaign lacking in passion , said he made ` no apology ' for focusing on the economy , insisting : ` nothing matters more . 'david cameron will put small business at the heart of the election campaign today by declaring that the conservatives are ` the party of the grafters 'he will appeal to small firms and the self-employed , saying while labour sneers at those who work hard , his party backs them .\"]\n", - "=======================\n", - "[\"david cameron will put small business at the heart of election campaignprime minister has faced criticism for lacking passion in recent weekscameron said he made ` no apology ' for tories focusing on the economy\"]\n", - "the prime minister , who has faced criticism over a campaign lacking in passion , said he made ` no apology ' for focusing on the economy , insisting : ` nothing matters more . 'david cameron will put small business at the heart of the election campaign today by declaring that the conservatives are ` the party of the grafters 'he will appeal to small firms and the self-employed , saying while labour sneers at those who work hard , his party backs them .\n", - "david cameron will put small business at the heart of election campaignprime minister has faced criticism for lacking passion in recent weekscameron said he made ` no apology ' for tories focusing on the economy\n", - "[1.3028791 1.3934772 1.3495488 1.3925532 1.18401 1.205767 1.062571\n", - " 1.0220098 1.0232912 1.0353305 1.0117538 1.0138102 1.1697522 1.2076147\n", - " 1.1111078 1.0368228 1.010611 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 13 5 4 12 14 6 15 9 8 7 11 10 16 18 17 19]\n", - "=======================\n", - "['the 65-year old from halliwell , bolton was just about to put his meal in the cooker when he caught sight of the black and white california king hiding inside .atherton scooped up the reptile and placed it in a plastic food recycling box before alerting the police .pensioner david atherton was shocked to find a three-foot snake slithering inside his oven when he innocently went to cook his pie and chips .']\n", - "=======================\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[\"65-year-old david atherton shocked to discover the black and white reptilehe placed it inside a plastic food recycling box while waiting for the policehis sister is so scared of snakes she had ` heart problems ' when she heardinflux of snakes is common in april when weather is warmer , rspca says\"]\n", - "the 65-year old from halliwell , bolton was just about to put his meal in the cooker when he caught sight of the black and white california king hiding inside .atherton scooped up the reptile and placed it in a plastic food recycling box before alerting the police .pensioner david atherton was shocked to find a three-foot snake slithering inside his oven when he innocently went to cook his pie and chips .\n", - "65-year-old david atherton shocked to discover the black and white reptilehe placed it inside a plastic food recycling box while waiting for the policehis sister is so scared of snakes she had ` heart problems ' when she heardinflux of snakes is common in april when weather is warmer , rspca says\n", - "[1.4360877 1.274446 1.5016232 1.2683758 1.1688527 1.1279763 1.1433069\n", - " 1.0309405 1.0360612 1.0142826 1.0113318 1.0141424 1.2796558 1.0750588\n", - " 1.0414242 1.0426893 1.067003 1.0317324 1.0085951 1.0154454]\n", - "\n", - "[ 2 0 12 1 3 4 6 5 13 16 15 14 8 17 7 19 9 11 10 18]\n", - "=======================\n", - "['huw davies , 34 , has been searching for permanent employment for almost 13 years since graduating from the university of glamorgan in 2002 .searching : mr davies has a geography degree and three a-levels , but has not even been called for interviewas well as his bsc ( hons ) degree , mr davies , who lives in merthyr tydfil , also has three a-levels and 10 gcses on his cv .']\n", - "=======================\n", - "['huw davies has been hunting for a permanent job for almost 13 years34-year-old has not been called for a single interview during that timeapplied for a string of jobs - including a train driver - but with no joyhas a geography degree , three a-levels and 10 gcses on his cvhas also spent time teaching in south africa , kuwait and saudi arabia']\n", - "huw davies , 34 , has been searching for permanent employment for almost 13 years since graduating from the university of glamorgan in 2002 .searching : mr davies has a geography degree and three a-levels , but has not even been called for interviewas well as his bsc ( hons ) degree , mr davies , who lives in merthyr tydfil , also has three a-levels and 10 gcses on his cv .\n", - "huw davies has been hunting for a permanent job for almost 13 years34-year-old has not been called for a single interview during that timeapplied for a string of jobs - including a train driver - but with no joyhas a geography degree , three a-levels and 10 gcses on his cvhas also spent time teaching in south africa , kuwait and saudi arabia\n", - "[1.3459351 1.3997625 1.2201158 1.3001316 1.0534618 1.2130859 1.0794219\n", - " 1.0873361 1.1082891 1.050138 1.0468729 1.1477022 1.0677388 1.046096\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 5 11 8 7 6 12 4 9 10 13 18 14 15 16 17 19]\n", - "=======================\n", - "['the attorneys say durst , 72 , got the money , now held by new orleans police , legally and it is not needed for evidence or subject to forfeiture in any of his legal proceedings .lawyers for jailed millionaire robert durst say he wants authorities to return more than $ 161,000 in cash taken after the real estate heir was arrested for murder .murder suspect robert durst and his lawyers have asked for the return of $ 161,000 taken during his arrest in march .']\n", - "=======================\n", - "['durst arrested in march for california murder of friend susan bermanauthorities found map of florida and cuba along with cash and drugslawyers say that money not needed for evidence in charges against clientdurst faces state and federal gun charges before extradition for murder']\n", - "the attorneys say durst , 72 , got the money , now held by new orleans police , legally and it is not needed for evidence or subject to forfeiture in any of his legal proceedings .lawyers for jailed millionaire robert durst say he wants authorities to return more than $ 161,000 in cash taken after the real estate heir was arrested for murder .murder suspect robert durst and his lawyers have asked for the return of $ 161,000 taken during his arrest in march .\n", - "durst arrested in march for california murder of friend susan bermanauthorities found map of florida and cuba along with cash and drugslawyers say that money not needed for evidence in charges against clientdurst faces state and federal gun charges before extradition for murder\n", - "[1.2408401 1.3933263 1.4107089 1.3268696 1.2393924 1.0421954 1.0260015\n", - " 1.0162354 1.1184434 1.0456911 1.0101274 1.1132799 1.2106743 1.1396658\n", - " 1.098251 1.0212911 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 0 4 12 13 8 11 14 9 5 6 15 7 10 18 16 17 19]\n", - "=======================\n", - "[\"father-of-three jeff pyrotek , from seymour in victoria , answered mr hall 's call for help and uploaded his finished product on soundcloud .jacob hall invented the ruse that the tooth fairy lived thousands of kilometres away down under for his seven-year-old son , evan , when he was late paying up the last time around .mr hall , from iowa , said his son was ` totally overjoyed ' with the message .\"]\n", - "=======================\n", - "[\"father wanted an aussie to record a message from tooth fairy to his sonjacob hall , from iowa in the u.s. , made a call for help on website redditvictoria 's jeff pyrotek made a 20-second message as ` bruce ' the tooth fairymr pyrotek , who is a father-of-three , said he wanted to make the boy 's dayso far , mr hall 's message has attracted more than 100 comments on redditmr hall said his son , evan , believed the tooth fairy was from australiahe explained last time evan , 7 , lost a tooth the fictional creature was lateso mr hall told him this happened because the fairy was from down under\"]\n", - "father-of-three jeff pyrotek , from seymour in victoria , answered mr hall 's call for help and uploaded his finished product on soundcloud .jacob hall invented the ruse that the tooth fairy lived thousands of kilometres away down under for his seven-year-old son , evan , when he was late paying up the last time around .mr hall , from iowa , said his son was ` totally overjoyed ' with the message .\n", - "father wanted an aussie to record a message from tooth fairy to his sonjacob hall , from iowa in the u.s. , made a call for help on website redditvictoria 's jeff pyrotek made a 20-second message as ` bruce ' the tooth fairymr pyrotek , who is a father-of-three , said he wanted to make the boy 's dayso far , mr hall 's message has attracted more than 100 comments on redditmr hall said his son , evan , believed the tooth fairy was from australiahe explained last time evan , 7 , lost a tooth the fictional creature was lateso mr hall told him this happened because the fairy was from down under\n", - "[1.2377481 1.1573108 1.076688 1.0395604 1.1843904 1.2533854 1.3048995\n", - " 1.1681386 1.0350988 1.0355053 1.1780771 1.027022 1.1095113 1.1808532\n", - " 1.0780455 1.1136769 1.0245191 1.051221 0. 0. ]\n", - "\n", - "[ 6 5 0 4 13 10 7 1 15 12 14 2 17 3 9 8 11 16 18 19]\n", - "=======================\n", - "[\"a generous double room in peckham , south-east london , close to amenities and a stone 's thrown from public transport into the city , has been put up for rent for just # 400 a month .in an advert posted on gumtree , the rather honest letting agent has posted candid pictures of the cracked ceiling in the otherwise smart , modern and generous bedroomthe ceiling leaks onto the bed - and there does n't seem to be any plan to fix it .\"]\n", - "=======================\n", - "[\"flat in trendy area of peckham , south-east london , up for rent with a leakgumtree advert informs people looking at double room that ` ceiling drips 'as a result the room in otherwise modern flat is available for just # 400 pcmover the last year and a half peckham has witnessed a boom in rent prices\"]\n", - "a generous double room in peckham , south-east london , close to amenities and a stone 's thrown from public transport into the city , has been put up for rent for just # 400 a month .in an advert posted on gumtree , the rather honest letting agent has posted candid pictures of the cracked ceiling in the otherwise smart , modern and generous bedroomthe ceiling leaks onto the bed - and there does n't seem to be any plan to fix it .\n", - "flat in trendy area of peckham , south-east london , up for rent with a leakgumtree advert informs people looking at double room that ` ceiling drips 'as a result the room in otherwise modern flat is available for just # 400 pcmover the last year and a half peckham has witnessed a boom in rent prices\n", - "[1.064196 1.0739057 1.4083371 1.1252482 1.1547433 1.1567608 1.0868728\n", - " 1.1428077 1.1094261 1.2023903 1.145343 1.0363414 1.1268725 1.0473051\n", - " 1.0689492 1.0258178 1.0450634 1.0442207 1.0641227 1.0185769 1.0166137\n", - " 1.0223684 1.0136378 1.0113671 1.0109444 1.0253619]\n", - "\n", - "[ 2 9 5 4 10 7 12 3 8 6 1 14 0 18 13 16 17 11 15 25 21 19 20 22\n", - " 23 24]\n", - "=======================\n", - "['the 117 migrants , mostly from sub-saharan africa , arrived in the port of augusta , sicily , around 1p .last year at least 3,200 died making the journey .the discarded coats , he said , would be thrown away .']\n", - "=======================\n", - "['migrants rescued in augusta , italy tell cnn why they fledthey were packed onto two barely seaworthy boats , tug captain said']\n", - "the 117 migrants , mostly from sub-saharan africa , arrived in the port of augusta , sicily , around 1p .last year at least 3,200 died making the journey .the discarded coats , he said , would be thrown away .\n", - "migrants rescued in augusta , italy tell cnn why they fledthey were packed onto two barely seaworthy boats , tug captain said\n", - "[1.2788187 1.4541961 1.3461446 1.2022736 1.1335931 1.09083 1.0240325\n", - " 1.0342189 1.1244224 1.0904138 1.0857608 1.0306613 1.0279927 1.1805449\n", - " 1.0638216 1.0420886 1.0341964 1.0279579 1.0231855 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 13 4 8 5 9 10 14 15 7 16 11 12 17 6 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "['the images , captured by the dawn probe from 28,000 miles ( 45,000 km ) away , show that a pair of mysterious spots on the dwarf planet have different thermal properties .the images were revealed as part of the first colour map of ceres , showing variations in surface materials , and revealing the diverse processes that helped shape it .two strange , bright flashes on the surface of dwarf planet ceres may have different origins , according to new infrared images released by nasa .']\n", - "=======================\n", - "['images from dawn reveal the mysterious spots on the surface , named feature one and feature five , in infraredfeature one is cooler than rest of surface , but give is in a region that is similar in temperature to surroundingsleading theory for spots is that ice covered by a thin layer of soil is exploding due to pressure in the asteroid']\n", - "the images , captured by the dawn probe from 28,000 miles ( 45,000 km ) away , show that a pair of mysterious spots on the dwarf planet have different thermal properties .the images were revealed as part of the first colour map of ceres , showing variations in surface materials , and revealing the diverse processes that helped shape it .two strange , bright flashes on the surface of dwarf planet ceres may have different origins , according to new infrared images released by nasa .\n", - "images from dawn reveal the mysterious spots on the surface , named feature one and feature five , in infraredfeature one is cooler than rest of surface , but give is in a region that is similar in temperature to surroundingsleading theory for spots is that ice covered by a thin layer of soil is exploding due to pressure in the asteroid\n", - "[1.4459649 1.191855 1.4667053 1.2326181 1.3460734 1.1190938 1.1001124\n", - " 1.0678277 1.0861142 1.0451524 1.0571654 1.0418284 1.0630366 1.0130899\n", - " 1.0134901 1.0579519 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 4 3 1 5 6 8 7 12 15 10 9 11 14 13 24 16 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"dr nadeem azeez , 52 , is thought to be in pakistan but was yesterday charged with manslaughter by gross negligence , along with fellow anaesthetist dr errol cornish , 67 .frances cappuccini died within hours of her second son 's birth after suffering major complications that resulted in the loss of half her blood .maidstone and tunbridge wells nhs trust is also accused of corporate manslaughter -- the first time a health trust has been charged with the offence since its introduction in 2008 .\"]\n", - "=======================\n", - "['frances cappuccini died after giving birth to son giacomo in october 2012two doctors and kent hospital accused of gross negligence manslaughterinternational arrest warrant issued for dr nadeem azeez , 52 , from pakistanteacher and husband wanted caesarian but allegedly persuaded not tomrs cappuccini required emergency c-section and died hours later']\n", - "dr nadeem azeez , 52 , is thought to be in pakistan but was yesterday charged with manslaughter by gross negligence , along with fellow anaesthetist dr errol cornish , 67 .frances cappuccini died within hours of her second son 's birth after suffering major complications that resulted in the loss of half her blood .maidstone and tunbridge wells nhs trust is also accused of corporate manslaughter -- the first time a health trust has been charged with the offence since its introduction in 2008 .\n", - "frances cappuccini died after giving birth to son giacomo in october 2012two doctors and kent hospital accused of gross negligence manslaughterinternational arrest warrant issued for dr nadeem azeez , 52 , from pakistanteacher and husband wanted caesarian but allegedly persuaded not tomrs cappuccini required emergency c-section and died hours later\n", - "[1.3956647 1.5830659 1.3424742 1.4615827 1.3539205 1.2335656 1.0646908\n", - " 1.016586 1.0136704 1.0162885 1.0110141 1.1172384 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 5 11 6 7 9 8 10 19 23 22 21 20 18 12 16 15 14 13 24\n", - " 17 25]\n", - "=======================\n", - "['the striker on loan from manchester united has scored four goals in four for the spanish giants , including a late winner against rivals atletico madrid in the champions league quarter-finals .real madrid manager carlo ancelotti will not rush into a decision on javier hernandezthe mexico international is on a season-long loan from old trafford , and ancelotti is willing to make a final decision once the season is over .']\n", - "=======================\n", - "[\"javier hernandez has four goals in four in all competitions for real madridthe striker is on loan at the spanish club from manchester unitedcarlo ancelotti will make a decision on his future during the summerread : hernandez ` has won ' bid to make loan move permanent\"]\n", - "the striker on loan from manchester united has scored four goals in four for the spanish giants , including a late winner against rivals atletico madrid in the champions league quarter-finals .real madrid manager carlo ancelotti will not rush into a decision on javier hernandezthe mexico international is on a season-long loan from old trafford , and ancelotti is willing to make a final decision once the season is over .\n", - "javier hernandez has four goals in four in all competitions for real madridthe striker is on loan at the spanish club from manchester unitedcarlo ancelotti will make a decision on his future during the summerread : hernandez ` has won ' bid to make loan move permanent\n", - "[1.3221525 1.319674 1.2258091 1.1868895 1.0988735 1.0464385 1.071169\n", - " 1.0525126 1.0867343 1.0370075 1.0784831 1.0583866 1.0301397 1.0472276\n", - " 1.0161271 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 8 10 6 11 7 13 5 9 12 14 15 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"( cnn ) on thursday , president barack obama revealed that a u.s. drone strike had killed warren weinstein and giovanni lo porto , two aid workers held hostage on the afghanistan-pakistan border .al qaeda had sought to trade the two for prisoners held by the united states and an end to drone strikes .but it is not only terrorist groups that try to reap reward from the taking of hostages -- take the case of jason rezaian , the washington post 's tehran bureau chief .\"]\n", - "=======================\n", - "['a u.s. drone strike accidentally killed hostages warren weinstein and giovanni lo portomichael rubin : hostages such as journalist jason rezaian are canaries in the coal mine']\n", - "( cnn ) on thursday , president barack obama revealed that a u.s. drone strike had killed warren weinstein and giovanni lo porto , two aid workers held hostage on the afghanistan-pakistan border .al qaeda had sought to trade the two for prisoners held by the united states and an end to drone strikes .but it is not only terrorist groups that try to reap reward from the taking of hostages -- take the case of jason rezaian , the washington post 's tehran bureau chief .\n", - "a u.s. drone strike accidentally killed hostages warren weinstein and giovanni lo portomichael rubin : hostages such as journalist jason rezaian are canaries in the coal mine\n", - "[1.123993 1.12299 1.0322454 1.0308776 1.1399933 1.4082563 1.2420251\n", - " 1.1543345 1.1403315 1.2313341 1.1170752 1.1264473 1.032297 1.0537056\n", - " 1.0322487 1.1327081 1.019583 ]\n", - "\n", - "[ 5 6 9 7 8 4 15 11 0 1 10 13 12 14 2 3 16]\n", - "=======================\n", - "['a new study by experts at consumer reports in the us has found 60 per cent of packaged prawns tested were found to contain traces of harmful bacteriamany prawns sold in the uk also come from places such as thailand and indonesia .they tested 342 packages of frozen shrimp - 284 raw and 58 cooked samples - from large , chain supermarkets and natural food stores in 27 cities across the us .']\n", - "=======================\n", - "['study found 60 % of prawns tested had traces of harmful bacteriaincluded e.coli , antibiotic resistant mrsa , salmonella and vibriowarned farmed prawns are more likely to trigger violent food poisoningmajority of supermarket prawns from indian , thai and indonesian farms']\n", - "a new study by experts at consumer reports in the us has found 60 per cent of packaged prawns tested were found to contain traces of harmful bacteriamany prawns sold in the uk also come from places such as thailand and indonesia .they tested 342 packages of frozen shrimp - 284 raw and 58 cooked samples - from large , chain supermarkets and natural food stores in 27 cities across the us .\n", - "study found 60 % of prawns tested had traces of harmful bacteriaincluded e.coli , antibiotic resistant mrsa , salmonella and vibriowarned farmed prawns are more likely to trigger violent food poisoningmajority of supermarket prawns from indian , thai and indonesian farms\n", - "[1.496428 1.4370809 1.1598836 1.1241382 1.3192141 1.1714895 1.0512097\n", - " 1.0831089 1.0714653 1.032312 1.0276215 1.0152674 1.0186365 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 5 2 3 7 8 6 9 10 12 11 15 13 14 16]\n", - "=======================\n", - "[\"tiger woods says the par-3 contest is all about ` having fun , enjoying it and not winning ' .woods played in the tournament for the first time since 2004 , and made it quite a family outing with girlfriend lindsey vonn at his side , and his children caddying for him .tiger woods walks with his children charlie ( left ) and sam ( second from right ) and lindsey vonn ( right )\"]\n", - "=======================\n", - "[\"tiger woods : ` have fun , enjoy it , and do n't win .woods made it a family outing with girlfriend lindsey vonn at his side , and his children , charlie and sam , caddying for himwoods played in the par-3 contest for the first time since 2004click here for all the latest from the masters 2015\"]\n", - "tiger woods says the par-3 contest is all about ` having fun , enjoying it and not winning ' .woods played in the tournament for the first time since 2004 , and made it quite a family outing with girlfriend lindsey vonn at his side , and his children caddying for him .tiger woods walks with his children charlie ( left ) and sam ( second from right ) and lindsey vonn ( right )\n", - "tiger woods : ` have fun , enjoy it , and do n't win .woods made it a family outing with girlfriend lindsey vonn at his side , and his children , charlie and sam , caddying for himwoods played in the par-3 contest for the first time since 2004click here for all the latest from the masters 2015\n", - "[1.1147037 1.2607648 1.3333237 1.2895211 1.1422002 1.0601668 1.1212479\n", - " 1.0811437 1.0895946 1.0794868 1.1243556 1.107079 1.0997343 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 4 10 6 0 11 12 8 7 9 5 15 13 14 16]\n", - "=======================\n", - "[\"this video captures the moment her boyfriend got down on one knee and popped the question inside the mcdonald 's restaurant where she works .one lucky woman will forever associate one of the happiest days of her life with burgers and fries .one of them says ` we are in mcdonald 's ' and calls for free happy meals for the happy couple .\"]\n", - "=======================\n", - "[\"man proposes to his girlfriend in front of the food countershe quickly says ` yes ' and they engage in a passionate embracewoman was wearing her mcdonald 's uniform when he proposed\"]\n", - "this video captures the moment her boyfriend got down on one knee and popped the question inside the mcdonald 's restaurant where she works .one lucky woman will forever associate one of the happiest days of her life with burgers and fries .one of them says ` we are in mcdonald 's ' and calls for free happy meals for the happy couple .\n", - "man proposes to his girlfriend in front of the food countershe quickly says ` yes ' and they engage in a passionate embracewoman was wearing her mcdonald 's uniform when he proposed\n", - "[1.3201146 1.4518634 1.3259984 1.2891208 1.1808414 1.1088442 1.0598135\n", - " 1.1585466 1.0701764 1.0639695 1.079988 1.0634564 1.0633641 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 7 5 10 8 9 11 12 6 13 14 15 16]\n", - "=======================\n", - "[\"jose callejon opened the scoring for rafa benitez side with a neat one-on-one finish before antonio balzano 's own-goal doubled napoli 's advantage .substitute manolo gabbiadini grabbed a third goal for the partenopei just minutes after coming on to put the game well and truly beyond doubt in the early stages of the second half .napoli kept their hopes of qualifying for the champions league alive with a comfortable victory against cagliari .\"]\n", - "=======================\n", - "[\"jose callejon finished a neat one-on-one to send napoli on way to victoryantonio balzano scored a bizarre own-goal to double the away side 's leadsubstitute manolo gabbiadini scored minutes after coming on for a thirdchristian maggio earned a second-half red card but napoli grabbed victory\"]\n", - "jose callejon opened the scoring for rafa benitez side with a neat one-on-one finish before antonio balzano 's own-goal doubled napoli 's advantage .substitute manolo gabbiadini grabbed a third goal for the partenopei just minutes after coming on to put the game well and truly beyond doubt in the early stages of the second half .napoli kept their hopes of qualifying for the champions league alive with a comfortable victory against cagliari .\n", - "jose callejon finished a neat one-on-one to send napoli on way to victoryantonio balzano scored a bizarre own-goal to double the away side 's leadsubstitute manolo gabbiadini scored minutes after coming on for a thirdchristian maggio earned a second-half red card but napoli grabbed victory\n", - "[1.3416809 1.3272009 1.3067567 1.1526887 1.2676973 1.2980204 1.2058778\n", - " 1.0997796 1.0731515 1.098463 1.027083 1.0210224 1.0143886 1.020641\n", - " 1.0095402 0. 0. ]\n", - "\n", - "[ 0 1 2 5 4 6 3 7 9 8 10 11 13 12 14 15 16]\n", - "=======================\n", - "[\"a surrender order issued by hitler 's successor in the final days of the second world war that was found on the chief of the luftwaffe when he was arrested is being auctioned 70 years later for # 21,000 .the typed dispatch -- owned by a us collector -- was sent by german president karl doenitz on may 8 , 1945 , telling officers to abandon fighting or face the allies ' wrath .grand admiral doenitz had been hitler 's choice to replace him as leader of the nazis , a role he assumed following the dictator 's suicide on april 30 .\"]\n", - "=======================\n", - "[\"typed dispatch sent by german president karl doenitz on may 8 , 1945seized from luftwaffe chief robert von greim when he was arrestedorder told officers to stop fighting or face the allies ' wrathset to fetch # 21,000 when it goes under the hammer at bonhams , new york\"]\n", - "a surrender order issued by hitler 's successor in the final days of the second world war that was found on the chief of the luftwaffe when he was arrested is being auctioned 70 years later for # 21,000 .the typed dispatch -- owned by a us collector -- was sent by german president karl doenitz on may 8 , 1945 , telling officers to abandon fighting or face the allies ' wrath .grand admiral doenitz had been hitler 's choice to replace him as leader of the nazis , a role he assumed following the dictator 's suicide on april 30 .\n", - "typed dispatch sent by german president karl doenitz on may 8 , 1945seized from luftwaffe chief robert von greim when he was arrestedorder told officers to stop fighting or face the allies ' wrathset to fetch # 21,000 when it goes under the hammer at bonhams , new york\n", - "[1.2378058 1.387706 1.3613107 1.3842261 1.2415265 1.1845335 1.1050669\n", - " 1.0579246 1.027957 1.0240237 1.1155614 1.0304292 1.0102751 1.0115906\n", - " 1.1387292 1.044513 1.1093404 1.0799835 1.0644547 1.0540639 1.0125433]\n", - "\n", - "[ 1 3 2 4 0 5 14 10 16 6 17 18 7 19 15 11 8 9 20 13 12]\n", - "=======================\n", - "[\"the photo of timothy eli thompson that was removed when a pro-life group posted an ad about the infant 's story have since been reinstated .little eli was born premature on march 4 without any nasal passages or sinus cavities , a condition so rare it only has a one in 197 million chance of happening .facebook has admitted it made a mistake when a photo of an alabama boy who was born without a nose was removed from the social media website because it was deemed to be too controversial .\"]\n", - "=======================\n", - "[\"timothy eli thompson was born without nasal passages or sinus cavitiesmother brandi mcglathery said ad with photo of her son that pro-life group posted about him was removed by facebook for being too controversiala post she wrote about it was shared 30,000 times and photo was put backfacebook is now admitting ad was not ` in violation ' and ban was a mistake\"]\n", - "the photo of timothy eli thompson that was removed when a pro-life group posted an ad about the infant 's story have since been reinstated .little eli was born premature on march 4 without any nasal passages or sinus cavities , a condition so rare it only has a one in 197 million chance of happening .facebook has admitted it made a mistake when a photo of an alabama boy who was born without a nose was removed from the social media website because it was deemed to be too controversial .\n", - "timothy eli thompson was born without nasal passages or sinus cavitiesmother brandi mcglathery said ad with photo of her son that pro-life group posted about him was removed by facebook for being too controversiala post she wrote about it was shared 30,000 times and photo was put backfacebook is now admitting ad was not ` in violation ' and ban was a mistake\n", - "[1.4418466 1.3073814 1.1599658 1.3802648 1.1213449 1.0400437 1.0220137\n", - " 1.01313 1.1770328 1.2098255 1.0673035 1.0331923 1.1774043 1.0207986\n", - " 1.0151068 1.0367414 1.0212537 1.0331422 1.2392157 1.0113741 1.0156791]\n", - "\n", - "[ 0 3 1 18 9 12 8 2 4 10 5 15 11 17 6 16 13 20 14 7 19]\n", - "=======================\n", - "[\"rangers boss stuart mccall has delivered a sharp rebuke to david templeton after the winger criticised the training-ground methods deployed by the manager 's predecessors , ally mccoist and kenny mcdowall .former hearts star templeton claimed last week that mccall had introduced a brand of coaching and tactical preparation which had been lacking under the previous management .lee mcculloch has been warned he could lose his place in the starting xi after being sent off against hearts\"]\n", - "=======================\n", - "[\"david templeton spoke out about his former managers last weekstuart mccall admits his winger ` made an error ' with his commentslee mcculloch 's red card against hearts could cost him his starting place\"]\n", - "rangers boss stuart mccall has delivered a sharp rebuke to david templeton after the winger criticised the training-ground methods deployed by the manager 's predecessors , ally mccoist and kenny mcdowall .former hearts star templeton claimed last week that mccall had introduced a brand of coaching and tactical preparation which had been lacking under the previous management .lee mcculloch has been warned he could lose his place in the starting xi after being sent off against hearts\n", - "david templeton spoke out about his former managers last weekstuart mccall admits his winger ` made an error ' with his commentslee mcculloch 's red card against hearts could cost him his starting place\n", - "[1.4642944 1.284433 1.2012744 1.2708259 1.2279583 1.1439009 1.0871999\n", - " 1.0536283 1.0989245 1.1026639 1.0303013 1.0924151 1.0223658 1.0202358\n", - " 1.0143216 1.0147169 1.0156217 1.0299202 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 4 2 5 9 8 11 6 7 10 17 12 13 16 15 14 18 19 20]\n", - "=======================\n", - "['los angeles ( cnn ) former rap mogul marion \" suge \" knight pleaded not guilty thursday to murder and all other charges related to a fatal hit-and-run incident in january in compton , california .his attorney asked the court to further reduce knight \\'s bail , now set at $ 10 million , but los angeles county judge ronald coen denied the request .knight faces one count of murder for the death of terry carter , one count of attempted murder in the case of cle \" bone \" sloan , who was maimed in the incident , and one count of hit-and-run .']\n", - "=======================\n", - "['former rap mogul marion \" suge \" knight is accused of murder in a videotaped hit-and-runjudge declines to reduce his bail from $ 10 million']\n", - "los angeles ( cnn ) former rap mogul marion \" suge \" knight pleaded not guilty thursday to murder and all other charges related to a fatal hit-and-run incident in january in compton , california .his attorney asked the court to further reduce knight 's bail , now set at $ 10 million , but los angeles county judge ronald coen denied the request .knight faces one count of murder for the death of terry carter , one count of attempted murder in the case of cle \" bone \" sloan , who was maimed in the incident , and one count of hit-and-run .\n", - "former rap mogul marion \" suge \" knight is accused of murder in a videotaped hit-and-runjudge declines to reduce his bail from $ 10 million\n", - "[1.2880744 1.3987346 1.3920331 1.3204904 1.1667761 1.149947 1.1208394\n", - " 1.0593327 1.058963 1.066557 1.0453802 1.0583957 1.0232664 1.0349351\n", - " 1.062028 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 5 6 9 14 7 8 11 10 13 12 19 15 16 17 18 20]\n", - "=======================\n", - "[\"ahead of its naming ceremony , which will take place on april 20 , the mammoth ocean liner has reached its berth : the 101 in southampton docks , which will be its home port for the summer season .the world 's third-largest joint ship , owned by royal caribbean , is expecting more than 80,000 people to travel on board this summer .the highly-anticipated new cruise ship , the anthem of the seas , has just arrived in the uk .\"]\n", - "=======================\n", - "['mammoth ocean liner , the anthem of the seas , has now reached its summer home : the southampton docksowned by royal caribbean , the impressive ship expects to welcome over 80,000 people on board this summerwhile on board , guests will be served by robotic bartenders and also have the chance to hone their circus skills']\n", - "ahead of its naming ceremony , which will take place on april 20 , the mammoth ocean liner has reached its berth : the 101 in southampton docks , which will be its home port for the summer season .the world 's third-largest joint ship , owned by royal caribbean , is expecting more than 80,000 people to travel on board this summer .the highly-anticipated new cruise ship , the anthem of the seas , has just arrived in the uk .\n", - "mammoth ocean liner , the anthem of the seas , has now reached its summer home : the southampton docksowned by royal caribbean , the impressive ship expects to welcome over 80,000 people on board this summerwhile on board , guests will be served by robotic bartenders and also have the chance to hone their circus skills\n", - "[1.1734452 1.5513709 1.3052535 1.1934537 1.1329942 1.1005849 1.2551191\n", - " 1.2250631 1.0579633 1.0535141 1.0700349 1.0877684 1.0334849 1.0461639\n", - " 1.0919504 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 6 7 3 0 4 5 14 11 10 8 9 13 12 15 16 17 18 19 20]\n", - "=======================\n", - "['the bird , which has a five-foot wingspan , stalked the rodent from snowy treetops in ontario , canada , before launching its attack .its eyes never straying from its prey , it made a somewhat inelegant landing in the snow before scooping up the mouse with its claws .the predatory bird has an impressive wingspan of around five feet .']\n", - "=======================\n", - "['the great grey owl was pictured swooping on the tiny rodent in ontario , canada , by a wildlife photographerwith soft feathers and heightened hearing , the bird is known as a deadly predator of mice and other small animalsit stalked its prey from snowy treetops before swooping down on it , unheard until the very last minute']\n", - "the bird , which has a five-foot wingspan , stalked the rodent from snowy treetops in ontario , canada , before launching its attack .its eyes never straying from its prey , it made a somewhat inelegant landing in the snow before scooping up the mouse with its claws .the predatory bird has an impressive wingspan of around five feet .\n", - "the great grey owl was pictured swooping on the tiny rodent in ontario , canada , by a wildlife photographerwith soft feathers and heightened hearing , the bird is known as a deadly predator of mice and other small animalsit stalked its prey from snowy treetops before swooping down on it , unheard until the very last minute\n", - "[1.3623338 1.426839 1.2337817 1.4121276 1.1174183 1.1143296 1.1270895\n", - " 1.0458009 1.0359843 1.0241877 1.0769261 1.1388088 1.0512307 1.0757794\n", - " 1.0745003 1.0184336 1.0857329 1.2030039 1.0078123 1.0465424 0. ]\n", - "\n", - "[ 1 3 0 2 17 11 6 4 5 16 10 13 14 12 19 7 8 9 15 18 20]\n", - "=======================\n", - "['the 33-year-old , who now plies his trade with league one strugglers leyton orient , was arrested at the knightsbridge store on tuesday .andrea dossena ( scoring for liverpool against real madrid ) has been arrested on suspicion of shopliftinghe earned around # 40,000-a-week at anfield .']\n", - "=======================\n", - "['andrea dossena arrested on suspicion of shoplifting on tuesdayitalian dossena was later bailed with a 31-year-old womanthe 33-year-old plays for league one strugglers leyton orientdossena was informed by police on april 10 that no further action would be taken in relation to the incidentsince publication of this article , representatives for the player have informed us that the incident was down to an oversight when he forgot to pay for honey and dried beef .']\n", - "the 33-year-old , who now plies his trade with league one strugglers leyton orient , was arrested at the knightsbridge store on tuesday .andrea dossena ( scoring for liverpool against real madrid ) has been arrested on suspicion of shopliftinghe earned around # 40,000-a-week at anfield .\n", - "andrea dossena arrested on suspicion of shoplifting on tuesdayitalian dossena was later bailed with a 31-year-old womanthe 33-year-old plays for league one strugglers leyton orientdossena was informed by police on april 10 that no further action would be taken in relation to the incidentsince publication of this article , representatives for the player have informed us that the incident was down to an oversight when he forgot to pay for honey and dried beef .\n", - "[1.197194 1.3806498 1.2852324 1.2895671 1.2785335 1.2445358 1.212749\n", - " 1.177992 1.0320315 1.0330536 1.0211761 1.055885 1.044158 1.0278054\n", - " 1.0438203 1.0287971 1.0312285 1.1293283 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 5 6 0 7 17 11 12 14 9 8 16 15 13 10 18 19 20]\n", - "=======================\n", - "[\"the image was captured over jaibru in australia by an off-duty emergency services officer who dubbed the phenomenon ` looping lightning ' .and storm chaser dan robinson believes ` looped lightning ' is simply a trick of perspective , based on where the viewer is stood , meaning it appears to rise and loop even though it is not .upwards lightning is possible , but is very rare - with current estimates suggesting less than one per cent of lightning strikes travelling in an ` upwards ' direction .\"]\n", - "=======================\n", - "[\"image was taken by emergency services officer scott murray who dubbed the phenomenon ` looping lightning 'a bolt of lightning is shown leaving the top of the cloud before looping back towards the earthlightning is caused when positive and negative charges build up in a cloud to a level where one leaps to the otheras a result lightning has been seen striking the ground from a cloud and vice versa , and can move between clouds\"]\n", - "the image was captured over jaibru in australia by an off-duty emergency services officer who dubbed the phenomenon ` looping lightning ' .and storm chaser dan robinson believes ` looped lightning ' is simply a trick of perspective , based on where the viewer is stood , meaning it appears to rise and loop even though it is not .upwards lightning is possible , but is very rare - with current estimates suggesting less than one per cent of lightning strikes travelling in an ` upwards ' direction .\n", - "image was taken by emergency services officer scott murray who dubbed the phenomenon ` looping lightning 'a bolt of lightning is shown leaving the top of the cloud before looping back towards the earthlightning is caused when positive and negative charges build up in a cloud to a level where one leaps to the otheras a result lightning has been seen striking the ground from a cloud and vice versa , and can move between clouds\n", - "[1.3604722 1.3132689 1.3711286 1.4083642 1.1325631 1.256118 1.1166551\n", - " 1.0929879 1.0411831 1.0593666 1.0756963 1.0087253 1.011524 1.0110644\n", - " 1.0086064 1.144132 1.2525103 1.0459056 1.0162615 1.0360608 1.0173894]\n", - "\n", - "[ 3 2 0 1 5 16 15 4 6 7 10 9 17 8 19 20 18 12 13 11 14]\n", - "=======================\n", - "[\"manchester united boss louis van gaal insists he is not worried about the prospect of his side facing man cityvan gaal lost his first encounter with united 's closest rivals last november , when sergio aguero struck the only goal in a 1-0 win for the blues .united will be looking to end a run of four successive manchester derby defeats on sunday when city make the short trip across town .\"]\n", - "=======================\n", - "['manchester united boss louis van gaal is not concerned about man cityhe insists he feared facing aston villa because of their defensive set-upvan gaal dreams of beating rivals city in his first old trafford derby matchread : wayne rooney renaissance comes at perfect time for man united']\n", - "manchester united boss louis van gaal insists he is not worried about the prospect of his side facing man cityvan gaal lost his first encounter with united 's closest rivals last november , when sergio aguero struck the only goal in a 1-0 win for the blues .united will be looking to end a run of four successive manchester derby defeats on sunday when city make the short trip across town .\n", - "manchester united boss louis van gaal is not concerned about man cityhe insists he feared facing aston villa because of their defensive set-upvan gaal dreams of beating rivals city in his first old trafford derby matchread : wayne rooney renaissance comes at perfect time for man united\n", - "[1.1830653 1.5103736 1.3573723 1.2677121 1.1703436 1.2692295 1.1163883\n", - " 1.107151 1.1002538 1.0276281 1.0130492 1.0131558 1.0160329 1.0129317\n", - " 1.1036848 1.074088 1.056371 1.0753689 1.0314062 1.0502431 0. ]\n", - "\n", - "[ 1 2 5 3 0 4 6 7 14 8 17 15 16 19 18 9 12 11 10 13 20]\n", - "=======================\n", - "['caitlin kellie-jones suffered from hypoxic ischemic encephalopathy ( hie ) , a type of brain damage that occurs when the brain does not receive enough oxygen or blood .to control the condition caitlin was placed in a special cooling wrap within 40 minutes of her birth to keep her at the target temperature of 33.5 degrees for 72 hours .nicola kellie-jones and partner paul with children caitlin and dylan are raising money to help other children']\n", - "=======================\n", - "['caitlin kellie-jones was born with hypoxic ischemic encephalopathy ( hie )medics had to put her on a special machine to help stop brain damagenow her parents paul and nicola want to raise money for the hospitalthe family want to raise # 16,000 for two of the special cooling machines']\n", - "caitlin kellie-jones suffered from hypoxic ischemic encephalopathy ( hie ) , a type of brain damage that occurs when the brain does not receive enough oxygen or blood .to control the condition caitlin was placed in a special cooling wrap within 40 minutes of her birth to keep her at the target temperature of 33.5 degrees for 72 hours .nicola kellie-jones and partner paul with children caitlin and dylan are raising money to help other children\n", - "caitlin kellie-jones was born with hypoxic ischemic encephalopathy ( hie )medics had to put her on a special machine to help stop brain damagenow her parents paul and nicola want to raise money for the hospitalthe family want to raise # 16,000 for two of the special cooling machines\n", - "[1.0914649 1.3584635 1.187223 1.1095098 1.0443665 1.1341805 1.279108\n", - " 1.1322548 1.1138468 1.0959053 1.0505469 1.0628464 1.0794106 1.0545828\n", - " 1.0164481 1.048766 1.0240618 1.1180475 0. 0. 0. ]\n", - "\n", - "[ 1 6 2 5 7 17 8 3 9 0 12 11 13 10 15 4 16 14 18 19 20]\n", - "=======================\n", - "[\"the park hyatt new york , for example , recently hired first lady michelle obama 's favourite designer , narcisco rodriguez , to re-design the staff 's uniforms .jw marriott houston downtown hired american designer , david peck , for its recent uniform overhaulwhile the shangri la hotel in toronto opted for local designer , sunny fong , when overhauling their lobby lounge dresses and champagne room uniforms .\"]\n", - "=======================\n", - "[\"hotels around the world are now hiring top designs to craft their uniformsnarcisco rodriguez designed dresses for park hyatt new york hotel staffat toronto 's shangri la hotel , sunny fong was inspired by the ming eralondon-based nicholas oakwell created a vintage look for the rosewood\"]\n", - "the park hyatt new york , for example , recently hired first lady michelle obama 's favourite designer , narcisco rodriguez , to re-design the staff 's uniforms .jw marriott houston downtown hired american designer , david peck , for its recent uniform overhaulwhile the shangri la hotel in toronto opted for local designer , sunny fong , when overhauling their lobby lounge dresses and champagne room uniforms .\n", - "hotels around the world are now hiring top designs to craft their uniformsnarcisco rodriguez designed dresses for park hyatt new york hotel staffat toronto 's shangri la hotel , sunny fong was inspired by the ming eralondon-based nicholas oakwell created a vintage look for the rosewood\n", - "[1.0779132 1.4566965 1.4095404 1.2492561 1.1207243 1.0955652 1.0745999\n", - " 1.1876274 1.0740925 1.0692996 1.0191015 1.2323716 1.1533581 1.0930018\n", - " 1.0700166 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 11 7 12 4 5 13 0 6 8 14 9 10 15 16 17 18 19 20]\n", - "=======================\n", - "['but fritz the golden retriever from california appears to lack any eye-mouth co-ordination skills , as a new video shows .the pooch was filmed wearing bunny ears this easter trying - and miserably failing - to catch a hard-boiled egg between his teeth .slow-motion footage shows him licking his lips and enthusiastically leaping up to catch the treat .']\n", - "=======================\n", - "['fritz the golden retriever from california has made quite a name for himself with his inability to catchhis youtube channel boasts more than five million hitsother videos show him being thrown steak , tacos , bread rolls , pizza and donuts , with misses every time']\n", - "but fritz the golden retriever from california appears to lack any eye-mouth co-ordination skills , as a new video shows .the pooch was filmed wearing bunny ears this easter trying - and miserably failing - to catch a hard-boiled egg between his teeth .slow-motion footage shows him licking his lips and enthusiastically leaping up to catch the treat .\n", - "fritz the golden retriever from california has made quite a name for himself with his inability to catchhis youtube channel boasts more than five million hitsother videos show him being thrown steak , tacos , bread rolls , pizza and donuts , with misses every time\n", - "[1.4221117 1.1997511 1.4507085 1.2214749 1.1693107 1.1485438 1.1623415\n", - " 1.0911916 1.0700517 1.0654093 1.0494864 1.0673212 1.0884869 1.0587753\n", - " 1.0545512 1.0301144 1.0329361 1.068595 1.0571947 0. 0. ]\n", - "\n", - "[ 2 0 3 1 4 6 5 7 12 8 17 11 9 13 18 14 10 16 15 19 20]\n", - "=======================\n", - "[\"ethel rider , 87 , suffered a broken pelvis and was left ` cowering ' in pain after falling from her bed .but even though the grandmother was in agony , her carers failed to seek medical help and simply lifted her back into bed .two care home workers who left a mute dementia patient in agony after she fell on the floor , then lied about what had happened , have been jailed .\"]\n", - "=======================\n", - "['ethel rider , 87 , dropped from her bed at half acre care home in radcliffewas left cowering on the floor for 40 minutes and sustained pelvic fracturecarers lauren gillies , 25 , and susan logan , 59 , covered up the incidentthey have now been jailed for six months each for concocting storyambulance finally called only when another carer saw her howling in pain']\n", - "ethel rider , 87 , suffered a broken pelvis and was left ` cowering ' in pain after falling from her bed .but even though the grandmother was in agony , her carers failed to seek medical help and simply lifted her back into bed .two care home workers who left a mute dementia patient in agony after she fell on the floor , then lied about what had happened , have been jailed .\n", - "ethel rider , 87 , dropped from her bed at half acre care home in radcliffewas left cowering on the floor for 40 minutes and sustained pelvic fracturecarers lauren gillies , 25 , and susan logan , 59 , covered up the incidentthey have now been jailed for six months each for concocting storyambulance finally called only when another carer saw her howling in pain\n", - "[1.2930987 1.454472 1.3350554 1.1907145 1.1953923 1.193073 1.0231149\n", - " 1.0445824 1.0233955 1.0253855 1.1173084 1.0285186 1.0532573 1.0757965\n", - " 1.0824554 1.0435678 1.1185879 1.0175408 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 5 3 16 10 14 13 12 7 15 11 9 8 6 17 19 18 20]\n", - "=======================\n", - "[\"a pair of masked men armed with handguns have robbed three banks in the pittsburgh area so far this year , most recently on april 10 .the unknown men , who are seen on surveillance footage pointing their guns at bank employees ' heads , have threatened to kidnapping those at their targets and shoot police .two pennsylvania bank robbers are believed to have had military training and are being described by the fbi as ` armed and extremely dangerous ' .\"]\n", - "=======================\n", - "['masked men have robbed three pittsburgh area banks at gunpointone of the criminals has a holster and uses police weapon safety methodthefts are becoming more violent , robbers have threatened kidnapping']\n", - "a pair of masked men armed with handguns have robbed three banks in the pittsburgh area so far this year , most recently on april 10 .the unknown men , who are seen on surveillance footage pointing their guns at bank employees ' heads , have threatened to kidnapping those at their targets and shoot police .two pennsylvania bank robbers are believed to have had military training and are being described by the fbi as ` armed and extremely dangerous ' .\n", - "masked men have robbed three pittsburgh area banks at gunpointone of the criminals has a holster and uses police weapon safety methodthefts are becoming more violent , robbers have threatened kidnapping\n", - "[1.1492779 1.5043442 1.2068741 1.3642021 1.3365333 1.1555932 1.313687\n", - " 1.2835783 1.0703815 1.1499764 1.030331 1.0179092 1.0142721 1.0133955\n", - " 1.0091339 1.0288516 1.021502 1.0140588 1.0361476 1.0307196 1.018185 ]\n", - "\n", - "[ 1 3 4 6 7 2 5 9 0 8 18 19 10 15 16 20 11 12 17 13 14]\n", - "=======================\n", - "['colby ramos-francis , who is 17 months old , was born with a small , heart-shaped growth over his eyelid .his parents claim nhs doctors were unable to treat the growth or offer surgery , leaving them no option but to beg for help abroad .colby has now had the tumour removed free-of-charge thanks to the us-based little baby face foundation .']\n", - "=======================\n", - "[\"colby ramos-francis was born with a small growth over his eyelidbut this soon developed into a large , uncomfortable benign tumourparents claim nhs doctors could n't help and would n't perform surgeryhe has now successfully had the op in new york - thanks to a us charity\"]\n", - "colby ramos-francis , who is 17 months old , was born with a small , heart-shaped growth over his eyelid .his parents claim nhs doctors were unable to treat the growth or offer surgery , leaving them no option but to beg for help abroad .colby has now had the tumour removed free-of-charge thanks to the us-based little baby face foundation .\n", - "colby ramos-francis was born with a small growth over his eyelidbut this soon developed into a large , uncomfortable benign tumourparents claim nhs doctors could n't help and would n't perform surgeryhe has now successfully had the op in new york - thanks to a us charity\n", - "[1.4456046 1.3584282 1.3255494 1.230536 1.0807749 1.0479716 1.0410001\n", - " 1.0206276 1.0225283 1.0244106 1.0272624 1.0140927 1.191468 1.0175748\n", - " 1.049066 1.0974665 1.0565976 1.0225813 1.1154202 0. 0. ]\n", - "\n", - "[ 0 1 2 3 12 18 15 4 16 14 5 6 10 9 17 8 7 13 11 19 20]\n", - "=======================\n", - "[\"manchester united manager louis van gaal has been given the green light to make gareth bale his top summer transfer target , after a supporter handed him a list of potential targets at a club fan day .the dutchman greeted a group of supporters with life-limiting illnesses at the biannual manchester foundation dream day held at the aon training complex on monday .and moshin tanveer - who suffers from duchenne muscular dystrophy - used the special occasion to provide the former holland boss with a star-studded cast of europe 's top property he should sign in order to bring the barclays premier league title back to old trafford .\"]\n", - "=======================\n", - "[\"man utd fan gives louis van gaal transfer memo with six possible targetsdutchman urged to sign gareth bale and paul pogba in summer spreesouthampton defender nathaniel clyne ` would cost # 15 million 'mats hummels , jackson martinez and memphis depay also make the listtotal expenditure would hit # 300m if all signings were pulled offread : manchester united must keep david de gea , insists phil neville\"]\n", - "manchester united manager louis van gaal has been given the green light to make gareth bale his top summer transfer target , after a supporter handed him a list of potential targets at a club fan day .the dutchman greeted a group of supporters with life-limiting illnesses at the biannual manchester foundation dream day held at the aon training complex on monday .and moshin tanveer - who suffers from duchenne muscular dystrophy - used the special occasion to provide the former holland boss with a star-studded cast of europe 's top property he should sign in order to bring the barclays premier league title back to old trafford .\n", - "man utd fan gives louis van gaal transfer memo with six possible targetsdutchman urged to sign gareth bale and paul pogba in summer spreesouthampton defender nathaniel clyne ` would cost # 15 million 'mats hummels , jackson martinez and memphis depay also make the listtotal expenditure would hit # 300m if all signings were pulled offread : manchester united must keep david de gea , insists phil neville\n", - "[1.1328244 1.3478417 1.2989169 1.1572125 1.230166 1.1133134 1.1161256\n", - " 1.127826 1.0632554 1.138045 1.0862347 1.0592115 1.0781281 1.1041119\n", - " 1.0463111 1.0458804 1.0242494]\n", - "\n", - "[ 1 2 4 3 9 0 7 6 5 13 10 12 8 11 14 15 16]\n", - "=======================\n", - "['according to two popular online measuring tools , no more than 44 per cent of her twitter fan base consists of real people who are active in using the social media platform .and at least 15 per cent -- more than 544,000 -- are completely fake .although hillary clinton boasts a robust 3.6 million twitter followers , not even a vast right-wing conspiracy would be able to interact with 2 million of them .']\n", - "=======================\n", - "[\"two different online audit tools say no more than 44 per cent of hillary 's 3.6 million twitter fans are real people who participate in the platformthe newly minted presidential candidate is fending off accusations that her facebook page is full of fake ` likes 'her facebook fan base includes more people from baghdad , iraq than any us citywhen she was secretary of state , her agency paid $ 630,000 to bulk up its facebook likes , but pledged to stop after she left\"]\n", - "according to two popular online measuring tools , no more than 44 per cent of her twitter fan base consists of real people who are active in using the social media platform .and at least 15 per cent -- more than 544,000 -- are completely fake .although hillary clinton boasts a robust 3.6 million twitter followers , not even a vast right-wing conspiracy would be able to interact with 2 million of them .\n", - "two different online audit tools say no more than 44 per cent of hillary 's 3.6 million twitter fans are real people who participate in the platformthe newly minted presidential candidate is fending off accusations that her facebook page is full of fake ` likes 'her facebook fan base includes more people from baghdad , iraq than any us citywhen she was secretary of state , her agency paid $ 630,000 to bulk up its facebook likes , but pledged to stop after she left\n", - "[1.2601557 1.2984319 1.4132657 1.2281165 1.202092 1.0994964 1.063257\n", - " 1.0457928 1.1440985 1.1494921 1.2000693 1.0847735 1.0171376 1.014559\n", - " 1.014814 1.0802861 1.048071 ]\n", - "\n", - "[ 2 1 0 3 4 10 9 8 5 11 15 6 16 7 12 14 13]\n", - "=======================\n", - "['a poll of 15,560 family doctors also found that one in six is considering going part-time and 7 per cent are contemplating quitting altogether .another one in ten is thinking about moving abroad to countries including canada and australia , where the pay is higher and workload less stressful .more than a third of gps are considering retirement in the next five years , a survey shows .']\n", - "=======================\n", - "['one in ten thinking about moving to countries where the pay is higherpoll of 15,560 family doctors finds 1 in 6 is considering going part-timebma survey also reveals 7 % of gps are contemplating quitting altogetherbenefited from pay deal ten years ago that saw salaries increase by 50 %']\n", - "a poll of 15,560 family doctors also found that one in six is considering going part-time and 7 per cent are contemplating quitting altogether .another one in ten is thinking about moving abroad to countries including canada and australia , where the pay is higher and workload less stressful .more than a third of gps are considering retirement in the next five years , a survey shows .\n", - "one in ten thinking about moving to countries where the pay is higherpoll of 15,560 family doctors finds 1 in 6 is considering going part-timebma survey also reveals 7 % of gps are contemplating quitting altogetherbenefited from pay deal ten years ago that saw salaries increase by 50 %\n", - "[1.0396897 1.0328989 1.0957386 1.4302125 1.2839516 1.267796 1.1184181\n", - " 1.0542263 1.1752362 1.131666 1.0916965 1.0761445 1.081643 1.0959129\n", - " 1.0532585 1.0330807 0. ]\n", - "\n", - "[ 3 4 5 8 9 6 13 2 10 12 11 7 14 0 15 1 16]\n", - "=======================\n", - "['ilha de mana boasts a main residence and four chalets over crystal clear water , with air-conditioned rooms to beat the brazilian heatlocated off the costa verde , between rio de janeiro and sao paulo , the private island boasts stunning surroundingswhile they have the tropical island all to themselves they will have access to a private , 100-ft beach protected from the open ocean on the stunning bay of angra dos reis .']\n", - "=======================\n", - "['ilha de mana , a 15-acre outcrop shaped like a tortoise shell , is located near the colonial town of paratythe private island off the costa verde is three hours by car or 40 minutes by helicopter from rio de janeiroat # 2,500 ( $ 3,750 ) a night , it boasts a main residence and four chalets over crystal clear waterwith stunning surroundings , the island has its own water supply and its buildings are solar powered']\n", - "ilha de mana boasts a main residence and four chalets over crystal clear water , with air-conditioned rooms to beat the brazilian heatlocated off the costa verde , between rio de janeiro and sao paulo , the private island boasts stunning surroundingswhile they have the tropical island all to themselves they will have access to a private , 100-ft beach protected from the open ocean on the stunning bay of angra dos reis .\n", - "ilha de mana , a 15-acre outcrop shaped like a tortoise shell , is located near the colonial town of paratythe private island off the costa verde is three hours by car or 40 minutes by helicopter from rio de janeiroat # 2,500 ( $ 3,750 ) a night , it boasts a main residence and four chalets over crystal clear waterwith stunning surroundings , the island has its own water supply and its buildings are solar powered\n", - "[1.1353308 1.1312785 1.4240308 1.2154665 1.0582138 1.2102425 1.0975015\n", - " 1.0393336 1.0380436 1.0334377 1.027677 1.0887367 1.0312241 1.044165\n", - " 1.132218 1.0512416 0. ]\n", - "\n", - "[ 2 3 5 0 14 1 6 11 4 15 13 7 8 9 12 10 16]\n", - "=======================\n", - "[\"but last week it was on the issue of quotas , or more specifically fa chairman greg dyke 's idea of increasing the number of homegrown players in a premier league squad of 25 from eight to 12 .` i believe that we are in the world of competition , ' said wenger in one of his regular interviews to bein sports .arsene wenger is so respected and so clearly a deeply intelligent man that every now and then you find yourself nodding sagely at something he has said which , upon closer examination , turns out to sound right but to have decidedly unsubstantial foundations .\"]\n", - "=======================\n", - "['fa chairman greg dyke wants to increase the minimum homegrown players in a premier league squad of 25 from eight to 12arsenal manager arsene wenger has criticised the proposalwenger has had his fair share of dud buys for the gunnersperhaps he should pay attention to building a core of homegrown playersclick here for the latest premier league news']\n", - "but last week it was on the issue of quotas , or more specifically fa chairman greg dyke 's idea of increasing the number of homegrown players in a premier league squad of 25 from eight to 12 .` i believe that we are in the world of competition , ' said wenger in one of his regular interviews to bein sports .arsene wenger is so respected and so clearly a deeply intelligent man that every now and then you find yourself nodding sagely at something he has said which , upon closer examination , turns out to sound right but to have decidedly unsubstantial foundations .\n", - "fa chairman greg dyke wants to increase the minimum homegrown players in a premier league squad of 25 from eight to 12arsenal manager arsene wenger has criticised the proposalwenger has had his fair share of dud buys for the gunnersperhaps he should pay attention to building a core of homegrown playersclick here for the latest premier league news\n", - "[1.2940298 1.3609222 1.2405672 1.2370988 1.1408752 1.0835772 1.1119294\n", - " 1.0787679 1.0641434 1.0740787 1.1292496 1.016096 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 10 6 5 7 9 8 11 12 13 14 15 16]\n", - "=======================\n", - "[\"a commission designed to review evidence about the world-changing bombings has not delved into an fbi agent 's claims that a saudi florida family had ties to the hijackers after the agency said that the report was ` unsubstantiated ' .the federal bureau of investigation is facing accusations that it is ` whitewashing ' possible saudi arabian involvement in the 9/11 terrorist attacks .relatives of homeowner esam ghazzawi lived in the plush sarasota dwelling until they fled and left cars , furniture and food in their refrigerator behind right before the 9/11 , prompting some to say they knew about the attacks .\"]\n", - "=======================\n", - "[\"al-hijji family left cars and food behind when they fled in august 2001fbi agent 's report said family of saudi advisor had ` many connections ' to hijackers , some of whom were said to have visited the houseagency now says report ` poorly written ' and ` unsubstantiated '9/11 review commission accepted fbi verdict , did not interview agentcongress document redacted by bush administration pointed ` very strong finger ' at financing from saudi arabia\"]\n", - "a commission designed to review evidence about the world-changing bombings has not delved into an fbi agent 's claims that a saudi florida family had ties to the hijackers after the agency said that the report was ` unsubstantiated ' .the federal bureau of investigation is facing accusations that it is ` whitewashing ' possible saudi arabian involvement in the 9/11 terrorist attacks .relatives of homeowner esam ghazzawi lived in the plush sarasota dwelling until they fled and left cars , furniture and food in their refrigerator behind right before the 9/11 , prompting some to say they knew about the attacks .\n", - "al-hijji family left cars and food behind when they fled in august 2001fbi agent 's report said family of saudi advisor had ` many connections ' to hijackers , some of whom were said to have visited the houseagency now says report ` poorly written ' and ` unsubstantiated '9/11 review commission accepted fbi verdict , did not interview agentcongress document redacted by bush administration pointed ` very strong finger ' at financing from saudi arabia\n", - "[1.2611823 1.4889042 1.2234949 1.228725 1.2228929 1.0649469 1.0496049\n", - " 1.0253884 1.021688 1.1449575 1.0955229 1.021162 1.0455489 1.0672379\n", - " 1.0245454 1.0149553 1.0647238 1.0697836 1.0494434 1.0529212 0. ]\n", - "\n", - "[ 1 0 3 2 4 9 10 17 13 5 16 19 6 18 12 7 14 8 11 15 20]\n", - "=======================\n", - "[\"on saturday , at the 161st oxford-cambridge boat race , the women 's crews will battle the same thames course as the men , who will follow an hour later .melissa wilson and her team-mates are on the brink of making history .and for wilson 's grandfather , 85-year-old richard cowell , from east kilbride , it will be a momentous day .\"]\n", - "=======================\n", - "[\"after decades of campaign the women 's crews are to make historyboat race set to take place on the river thames next saturday\"]\n", - "on saturday , at the 161st oxford-cambridge boat race , the women 's crews will battle the same thames course as the men , who will follow an hour later .melissa wilson and her team-mates are on the brink of making history .and for wilson 's grandfather , 85-year-old richard cowell , from east kilbride , it will be a momentous day .\n", - "after decades of campaign the women 's crews are to make historyboat race set to take place on the river thames next saturday\n", - "[1.2460576 1.0638285 1.2121028 1.3296216 1.2216545 1.2372748 1.2307737\n", - " 1.1033621 1.07724 1.0438422 1.0329876 1.0547633 1.0411955 1.052167\n", - " 1.0167371 1.109938 1.1513476 1.0891459 1.0227958 1.0113358 0. ]\n", - "\n", - "[ 3 0 5 6 4 2 16 15 7 17 8 1 11 13 9 12 10 18 14 19 20]\n", - "=======================\n", - "['two brazil nuts provide 100 per cent of our daily required dose of 75 micrograms .nuts are a source of useful nutrients and have other health benefits - just this month , a study found that peanuts can increase the levels of friendly bacteria in the gut and ward off food poisoning .researchers have also found it activates an antioxidant that helps reduce the risk of bladder and prostate cancer .']\n", - "=======================\n", - "['peanuts can increase the levels of friendly bacteria in the gutalmonds are rich in vitamin e , which helps improve the look of your skinwalnuts have lots of plant-based omega 3 fatty acids and antioxidants']\n", - "two brazil nuts provide 100 per cent of our daily required dose of 75 micrograms .nuts are a source of useful nutrients and have other health benefits - just this month , a study found that peanuts can increase the levels of friendly bacteria in the gut and ward off food poisoning .researchers have also found it activates an antioxidant that helps reduce the risk of bladder and prostate cancer .\n", - "peanuts can increase the levels of friendly bacteria in the gutalmonds are rich in vitamin e , which helps improve the look of your skinwalnuts have lots of plant-based omega 3 fatty acids and antioxidants\n", - "[1.630794 1.1732205 1.1966665 1.4908032 1.2048907 1.0351286 1.025663\n", - " 1.0608008 1.162284 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 2 1 8 7 5 6 18 17 16 15 14 10 12 11 19 9 13 20]\n", - "=======================\n", - "[\"reading goalkeeper adam federici has taken to twitter to apologise for his crucial gaffe in saturday 's fa cup semi-final defeat to arsenal .sanchez ( centre ) celebrates making it 2-1 to arsenal as federici ( second left ) is left dejected after his errorthe 30-year-old , who was ` inconsolable ' after the match , has received unwavering support from his manager and team-mates but issued an apology to reading 's fans .\"]\n", - "=======================\n", - "[\"adam federici lets alexis sanchez 's extra-time effort through his legssanchez 's goal made it 2-1 to arsenal who will now play in the fa cup finalfederici left inconsolable after error but says he will come back stronger\"]\n", - "reading goalkeeper adam federici has taken to twitter to apologise for his crucial gaffe in saturday 's fa cup semi-final defeat to arsenal .sanchez ( centre ) celebrates making it 2-1 to arsenal as federici ( second left ) is left dejected after his errorthe 30-year-old , who was ` inconsolable ' after the match , has received unwavering support from his manager and team-mates but issued an apology to reading 's fans .\n", - "adam federici lets alexis sanchez 's extra-time effort through his legssanchez 's goal made it 2-1 to arsenal who will now play in the fa cup finalfederici left inconsolable after error but says he will come back stronger\n", - "[1.285938 1.410128 1.2011465 1.1596838 1.2005837 1.0998024 1.0694458\n", - " 1.0875745 1.0657046 1.1064721 1.0252112 1.031727 1.1357749 1.0801255\n", - " 1.0963986 1.0522668 1.0722241 1.1018778 1.0351086 1.0416774 1.0293038]\n", - "\n", - "[ 1 0 2 4 3 12 9 17 5 14 7 13 16 6 8 15 19 18 11 20 10]\n", - "=======================\n", - "['the pope has repeatedly lamented christian suffering in the middle east , africa and elsewhere .pope francis is presiding over a good friday torchlight procession at the colosseum this evening - and is using the service to stress the persecution of christians .reflecting this concern , among those chosen to take turns carrying the cross in the way of the cross procession in the ancient arena were faithful from iraq , syria , nigeria , egypt and china .']\n", - "=======================\n", - "[\"pope is presiding over torchlight procession in front of the colosseumhe used way of the cross service to highlight persecution of christianspope francis delivered maundy thursday mass at rebibbia prisonafterwards pontiff offered to kiss the feet of 12 of the jail 's inmates\"]\n", - "the pope has repeatedly lamented christian suffering in the middle east , africa and elsewhere .pope francis is presiding over a good friday torchlight procession at the colosseum this evening - and is using the service to stress the persecution of christians .reflecting this concern , among those chosen to take turns carrying the cross in the way of the cross procession in the ancient arena were faithful from iraq , syria , nigeria , egypt and china .\n", - "pope is presiding over torchlight procession in front of the colosseumhe used way of the cross service to highlight persecution of christianspope francis delivered maundy thursday mass at rebibbia prisonafterwards pontiff offered to kiss the feet of 12 of the jail 's inmates\n", - "[1.2278731 1.2696698 1.3887942 1.1226629 1.1003985 1.074886 1.072796\n", - " 1.1081405 1.0803212 1.0483943 1.1328086 1.0844206 1.0760491 1.0454478\n", - " 1.0435548 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 10 3 7 4 11 8 12 5 6 9 13 14 19 15 16 17 18 20]\n", - "=======================\n", - "['wednesday \\'s issue of \" all-new x-men \" no. 40 reveals the truth : bobby is gay .but there \\'s something we never knew about bobby drake , aka iceman of the x-men .( cnn ) he \\'s been part of a wildly popular superhero team since its very beginning .']\n", - "=======================\n", - "['\" x-men \" original character bobby \" iceman \" drake is revealed to be gay in latest issue\" all-new x-men \" no. 40 has psychic jean grey discovering drake \\'s sexualityiceman has been in marvel comics for over 50 years']\n", - "wednesday 's issue of \" all-new x-men \" no. 40 reveals the truth : bobby is gay .but there 's something we never knew about bobby drake , aka iceman of the x-men .( cnn ) he 's been part of a wildly popular superhero team since its very beginning .\n", - "\" x-men \" original character bobby \" iceman \" drake is revealed to be gay in latest issue\" all-new x-men \" no. 40 has psychic jean grey discovering drake 's sexualityiceman has been in marvel comics for over 50 years\n", - "[1.2345259 1.4543625 1.297019 1.2507815 1.2217116 1.1488197 1.1916779\n", - " 1.1824195 1.1056867 1.0486938 1.0381359 1.0281814 1.0276755 1.1344266\n", - " 1.0480626 1.1006252 1.0157279 1.0226383 0. ]\n", - "\n", - "[ 1 2 3 0 4 6 7 5 13 8 15 9 14 10 11 12 17 16 18]\n", - "=======================\n", - "[\"patrol officer michael slager will be refused the right to hold the baby which his wife jamie is set to give birth to in a few weeks .he is only granted video access to his eight and a half month 's pregnant wife and an officer stands outside the booth whenever he talks to his family .they are not allowed to spend any time together and contact is via video screens with headphones at the charleston county jail .\"]\n", - "=======================\n", - "[\"officer michael slager is being held at charleston county jail accused of murdering walter scott , shooting him eight times in the backslager 's wife jamie is eight and a half months pregnant` he will not be allowed to see the child , ' major eric watson of the charleston county sheriff 's office tells daily mail onlineprisoners are not allowed access to the internet or mobile phone videosno date has yet been set for his first court appearance and his full trial date could more than a year away .walter was stopped for allegedly having a faulty center stop light at the bottom of his rear windscreenfamily tell says the light was an accessory and both mandatory stop lamps were functioning\"]\n", - "patrol officer michael slager will be refused the right to hold the baby which his wife jamie is set to give birth to in a few weeks .he is only granted video access to his eight and a half month 's pregnant wife and an officer stands outside the booth whenever he talks to his family .they are not allowed to spend any time together and contact is via video screens with headphones at the charleston county jail .\n", - "officer michael slager is being held at charleston county jail accused of murdering walter scott , shooting him eight times in the backslager 's wife jamie is eight and a half months pregnant` he will not be allowed to see the child , ' major eric watson of the charleston county sheriff 's office tells daily mail onlineprisoners are not allowed access to the internet or mobile phone videosno date has yet been set for his first court appearance and his full trial date could more than a year away .walter was stopped for allegedly having a faulty center stop light at the bottom of his rear windscreenfamily tell says the light was an accessory and both mandatory stop lamps were functioning\n", - "[1.399235 1.2770573 1.3810905 1.1641538 1.0909748 1.3134382 1.1720372\n", - " 1.1356491 1.0694729 1.0650946 1.0570134 1.0597733 1.0888947 1.0408084\n", - " 1.0209193 1.0266333 1.0557476 0. 0. ]\n", - "\n", - "[ 0 2 5 1 6 3 7 4 12 8 9 11 10 16 13 15 14 17 18]\n", - "=======================\n", - "[\"former toronto mayor rob ford has announced that he will undergo ` very serious ' surgery to remove a cancerous tumor in his abdomen .four surgeons will carry out the eight - to ten-hour operation on may 11 , and he will remain in hospital for 10 to 14 days , he said .in an emotional press conference on thursday , the 45-year-old politician said he met with doctors who told him chemotherapy and radiation have shrunk the tumor to a size where they can operate .\"]\n", - "=======================\n", - "['ford announced at a press conference on thursday that he will undergo a 8-10 hour surgery to remove a tumor on may 11he was diagnosed with malignant liposarcoma - a rare type of soft tissue cancer that begins in fat cells or fatty tissue - last yearhe had refused to step down as mayor in light of his crack and alcohol binges , but the diagnosis forced him to give up the rolebut he ran for his old seat in city council and won']\n", - "former toronto mayor rob ford has announced that he will undergo ` very serious ' surgery to remove a cancerous tumor in his abdomen .four surgeons will carry out the eight - to ten-hour operation on may 11 , and he will remain in hospital for 10 to 14 days , he said .in an emotional press conference on thursday , the 45-year-old politician said he met with doctors who told him chemotherapy and radiation have shrunk the tumor to a size where they can operate .\n", - "ford announced at a press conference on thursday that he will undergo a 8-10 hour surgery to remove a tumor on may 11he was diagnosed with malignant liposarcoma - a rare type of soft tissue cancer that begins in fat cells or fatty tissue - last yearhe had refused to step down as mayor in light of his crack and alcohol binges , but the diagnosis forced him to give up the rolebut he ran for his old seat in city council and won\n", - "[1.1832298 1.322535 1.2415524 1.2314454 1.2350793 1.1828096 1.1319978\n", - " 1.0433186 1.0346364 1.0360863 1.1672025 1.1342516 1.0775574 1.0918043\n", - " 1.0748031 1.0382185 1.0212157 1.0582983 1.0502552]\n", - "\n", - "[ 1 2 4 3 0 5 10 11 6 13 12 14 17 18 7 15 9 8 16]\n", - "=======================\n", - "[\"but dozens of people have been clambering around the debris of the famed dharahara tower in kathmandu to take selfies in front of the wreckage .they have been taking pictures amongst the rubble of the historic nine-storey structure , which has been reduced to an enormous pile of red brick dust .criticism : one rescuer in nepal said those who were taking photographs of themselves and friends were not ` understanding the tragedy '\"]\n", - "=======================\n", - "[\"dozens of people clambering around debris of dharahara tower in kathmandu to take selfies in front of wreckagetaking pictures amongst rubble of historic nine-storey structure , which has been reduced to pile of red brick dustbut one rescuer said those taking photographs of themselves and friends were not ` understanding the tragedy 'not clear how many people were killed in tower in quake-hit city , but it was said to have been filled with tourists\"]\n", - "but dozens of people have been clambering around the debris of the famed dharahara tower in kathmandu to take selfies in front of the wreckage .they have been taking pictures amongst the rubble of the historic nine-storey structure , which has been reduced to an enormous pile of red brick dust .criticism : one rescuer in nepal said those who were taking photographs of themselves and friends were not ` understanding the tragedy '\n", - "dozens of people clambering around debris of dharahara tower in kathmandu to take selfies in front of wreckagetaking pictures amongst rubble of historic nine-storey structure , which has been reduced to pile of red brick dustbut one rescuer said those taking photographs of themselves and friends were not ` understanding the tragedy 'not clear how many people were killed in tower in quake-hit city , but it was said to have been filled with tourists\n", - "[1.2477856 1.513802 1.2944758 1.2562445 1.3445683 1.2773881 1.059299\n", - " 1.0276331 1.0455369 1.205215 1.0517663 1.022066 1.026535 1.0202879\n", - " 1.0242734 1.0137709 1.0097159 0. 0. ]\n", - "\n", - "[ 1 4 2 5 3 0 9 6 10 8 7 12 14 11 13 15 16 17 18]\n", - "=======================\n", - "['dr arfon williams is now the only doctor available across two rural practices in north wales , after his partner and colleague of 20 years retired at the end of march .his surgery has been unable to attract a replacement and is currently functioning with a skeleton service , dr williams said .dr williams is based at ty doctor in nefyn , gwynedd , pictured .']\n", - "=======================\n", - "[\"rural practice in north wales left with one gp to care for 4,300 patientsdr afron williams is the sole doctor after his two partners retiredhe warns the nhs is at ` breaking point ' adding that it will be ` incredibly difficult to provide realistic , safe service for our patients 'health board said recruiting gps is a national problem but said they are exploring both short and long term options to relieve the pressure\"]\n", - "dr arfon williams is now the only doctor available across two rural practices in north wales , after his partner and colleague of 20 years retired at the end of march .his surgery has been unable to attract a replacement and is currently functioning with a skeleton service , dr williams said .dr williams is based at ty doctor in nefyn , gwynedd , pictured .\n", - "rural practice in north wales left with one gp to care for 4,300 patientsdr afron williams is the sole doctor after his two partners retiredhe warns the nhs is at ` breaking point ' adding that it will be ` incredibly difficult to provide realistic , safe service for our patients 'health board said recruiting gps is a national problem but said they are exploring both short and long term options to relieve the pressure\n", - "[1.227285 1.4033546 1.2603501 1.2917843 1.1643908 1.1946118 1.1851325\n", - " 1.0390388 1.204459 1.0914552 1.0263013 1.0183768 1.027771 1.0565825\n", - " 1.0603539 1.0508186 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 8 5 6 4 9 14 13 15 7 12 10 11 17 16 18]\n", - "=======================\n", - "[\"the woman in her mid - to late 30s , who is believed to have had two or three children participating , was at melbourne 's greatest ever easter egg hunt , which was run by zaidee 's rainbow foundation at caulfield racecourse on saturday .she was escorted out of the racecourse , in melbourne 's south-east , when she became ` irate ' after a young volunteer at the hunt asked her to stop taking so many easter eggs .she was told by a 13-year-old volunteer she was taking too many eggs and she told the young person to ` f *** off '\"]\n", - "=======================\n", - "[\"mother was at charity easter egg hunt at melbourne 's caulfield racecoursea volunteer at the event on saturday told her to stop taking too many eggsshe told the 13-year-old to ` f *** off ' and continued to deny she was doing itbut she became so rowdy security guards had to throw her out of the huntthe easter event was held to raise money for zaidee 's rainbow foundationfoundation aims to make people more aware of organ and tissue donation\"]\n", - "the woman in her mid - to late 30s , who is believed to have had two or three children participating , was at melbourne 's greatest ever easter egg hunt , which was run by zaidee 's rainbow foundation at caulfield racecourse on saturday .she was escorted out of the racecourse , in melbourne 's south-east , when she became ` irate ' after a young volunteer at the hunt asked her to stop taking so many easter eggs .she was told by a 13-year-old volunteer she was taking too many eggs and she told the young person to ` f *** off '\n", - "mother was at charity easter egg hunt at melbourne 's caulfield racecoursea volunteer at the event on saturday told her to stop taking too many eggsshe told the 13-year-old to ` f *** off ' and continued to deny she was doing itbut she became so rowdy security guards had to throw her out of the huntthe easter event was held to raise money for zaidee 's rainbow foundationfoundation aims to make people more aware of organ and tissue donation\n", - "[1.3551905 1.322536 1.3039016 1.1537585 1.1443403 1.0757126 1.0633774\n", - " 1.1223705 1.0988518 1.1374298 1.0213432 1.0697366 1.0189269 1.0310154\n", - " 1.0868638 1.0265764 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 9 7 8 14 5 11 6 13 15 10 12 18 16 17 19]\n", - "=======================\n", - "[\"anti-hillary clinton street art emerged in brooklyn just hours before clinton 's presidential candidacy announcement on sunday .the signs feature portraits of clinton with phrases including ` dont say secretive ' , ` do n't say entitled ' and ` do n't say ambitious ' .the street art appears to be a dig at a group of clinton supporters who said it would be on the look out for evidence of sexism in reporting about the democratic politician , according to the weekly standard .\"]\n", - "=======================\n", - "[\"the posters feature a portrait of clinton with phrases including ` do n't say ambitious ' and ` do n't say entitled 'street art appears to be a dig at clinton supporters who said words like ` entitled ' and ` secretive ' which are used to describe her , are sexiston sunday , anti-hillary clinton users shared on twitter reasons why they will not vote for her using the hashtag that began trending online\"]\n", - "anti-hillary clinton street art emerged in brooklyn just hours before clinton 's presidential candidacy announcement on sunday .the signs feature portraits of clinton with phrases including ` dont say secretive ' , ` do n't say entitled ' and ` do n't say ambitious ' .the street art appears to be a dig at a group of clinton supporters who said it would be on the look out for evidence of sexism in reporting about the democratic politician , according to the weekly standard .\n", - "the posters feature a portrait of clinton with phrases including ` do n't say ambitious ' and ` do n't say entitled 'street art appears to be a dig at clinton supporters who said words like ` entitled ' and ` secretive ' which are used to describe her , are sexiston sunday , anti-hillary clinton users shared on twitter reasons why they will not vote for her using the hashtag that began trending online\n", - "[1.3737707 1.3151152 1.1888688 1.422568 1.1808212 1.1208844 1.0631616\n", - " 1.1263628 1.1668901 1.0732707 1.0717981 1.0553114 1.0221959 1.0519813\n", - " 1.0391914 1.0573549 1.0516585 1.0524734 1.0215508 1.0439101]\n", - "\n", - "[ 3 0 1 2 4 8 7 5 9 10 6 15 11 17 13 16 19 14 12 18]\n", - "=======================\n", - "['jurgen klopp has told borussia dortmund he wants to leave the club this summerthe 47-year-old manager believes he has taken the bundesliga club as far as he can and wants a new challenge after a year off .the club have called a press conference for wednesday at 12.30 pm .']\n", - "=======================\n", - "['premier league clubs on alert after shock reports from germanyklopp has told dortmund bosses he wants to leave in the summerpress conference has been scheduled for 12.30 pmthe 47-year-old has been linked to arsenal and man city jobsklopp has won two league titles and the german cup in seven years therebreaking news : klopp confirms he will leave dortmund in the summer']\n", - "jurgen klopp has told borussia dortmund he wants to leave the club this summerthe 47-year-old manager believes he has taken the bundesliga club as far as he can and wants a new challenge after a year off .the club have called a press conference for wednesday at 12.30 pm .\n", - "premier league clubs on alert after shock reports from germanyklopp has told dortmund bosses he wants to leave in the summerpress conference has been scheduled for 12.30 pmthe 47-year-old has been linked to arsenal and man city jobsklopp has won two league titles and the german cup in seven years therebreaking news : klopp confirms he will leave dortmund in the summer\n", - "[1.0573251 1.4527802 1.250611 1.4013507 1.1913717 1.1858938 1.0425749\n", - " 1.034716 1.0455543 1.0221299 1.0180552 1.160782 1.0521097 1.0922163\n", - " 1.0271146 1.0264405 1.1745341 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 5 16 11 13 0 12 8 6 7 14 15 9 10 18 17 19]\n", - "=======================\n", - "[\"smokey da lamb has been turning heads in some of the city 's coolest neighborhoods ever since restaurant owner sandy dee hall , 34 , and his girlfriend maxine cher , 24 , adopted him .but now the couple - and smokey 's impressive legion of fans - have been left devastated after city officials demanded he is taken out of the metropolis .lamb and the city : smokey has made dozens of friends during his month-long stay in new york , however city officials are now demanding that he be sent back to live on the farm\"]\n", - "=======================\n", - "['restaurant owner sandy dee hall , 34 , and his girlfriend maxine cher , 24 , adopted smokey da lamb after he was abandoned by his motherthe lamb has been living with sandy in his lower east side apartment and the couple have been providing him with round-the-clock carein honor of their new pet , sandy removed all lamb dishes from the menu at his manhattan restaurant']\n", - "smokey da lamb has been turning heads in some of the city 's coolest neighborhoods ever since restaurant owner sandy dee hall , 34 , and his girlfriend maxine cher , 24 , adopted him .but now the couple - and smokey 's impressive legion of fans - have been left devastated after city officials demanded he is taken out of the metropolis .lamb and the city : smokey has made dozens of friends during his month-long stay in new york , however city officials are now demanding that he be sent back to live on the farm\n", - "restaurant owner sandy dee hall , 34 , and his girlfriend maxine cher , 24 , adopted smokey da lamb after he was abandoned by his motherthe lamb has been living with sandy in his lower east side apartment and the couple have been providing him with round-the-clock carein honor of their new pet , sandy removed all lamb dishes from the menu at his manhattan restaurant\n", - "[1.1006626 1.4111266 1.2093799 1.1740555 1.2487212 1.2880946 1.1747737\n", - " 1.2119614 1.03949 1.0169313 1.0131493 1.0137341 1.186932 1.0766151\n", - " 1.1532986 1.0855021 1.0571926 1.0407735 0. 0. ]\n", - "\n", - "[ 1 5 4 7 2 12 6 3 14 0 15 13 16 17 8 9 11 10 18 19]\n", - "=======================\n", - "[\"the strange formation was photographed by amateur astronomer gordon ewen , and is a sun spot .sun spots range hugely in size , from just 10 miles ( 16km ) to 100,000 miles ( 160,000 km ) wide - big enough to be seen from earth without a telescope .the sun 's having a yolk !\"]\n", - "=======================\n", - "['strange formation is a sun spot and fairly common.the number on the surface correlates with how active the sun isspots occur when magnetic fields causes surface temperature to reduce , making a section stand outhave temperature of up to 4,200 °c ( 7,590 °f ) , compared to 5,500 °c ( 9,930 °f ) of the surrounding solar materialgordon ewen captured the unique photograph using a large telescope at the bottom of his garden in hertfordshire']\n", - "the strange formation was photographed by amateur astronomer gordon ewen , and is a sun spot .sun spots range hugely in size , from just 10 miles ( 16km ) to 100,000 miles ( 160,000 km ) wide - big enough to be seen from earth without a telescope .the sun 's having a yolk !\n", - "strange formation is a sun spot and fairly common.the number on the surface correlates with how active the sun isspots occur when magnetic fields causes surface temperature to reduce , making a section stand outhave temperature of up to 4,200 °c ( 7,590 °f ) , compared to 5,500 °c ( 9,930 °f ) of the surrounding solar materialgordon ewen captured the unique photograph using a large telescope at the bottom of his garden in hertfordshire\n", - "[1.1831996 1.3860486 1.2787246 1.2435021 1.1242048 1.2136351 1.0587447\n", - " 1.1620697 1.089786 1.1139721 1.1336865 1.014139 1.0692482 1.0635653\n", - " 1.0804311 1.0116649 1.016533 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 5 0 7 10 4 9 8 14 12 13 6 16 11 15 18 17 19]\n", - "=======================\n", - "[\"simply referred to as ` the next gear ' , images of the watch 's circular face were unveiled as part of an announcement about samsung 's upcoming developer scheme .samsung 's previous watches have all had rectangular faces , or in the case of the gear s , a curved design .motorola , huawei and lg currently offer round watches , while the pebble steel and apple watch are square .\"]\n", - "=======================\n", - "[\"korean firm teased the watch with strapline ` get ready for the next gear 'wearable with be the 7th-generation samsung gear wrist-worn devicesamsung made the announcement in a release about developer softwaremotorola , huawei and lg all have round watches , while apple 's is square\"]\n", - "simply referred to as ` the next gear ' , images of the watch 's circular face were unveiled as part of an announcement about samsung 's upcoming developer scheme .samsung 's previous watches have all had rectangular faces , or in the case of the gear s , a curved design .motorola , huawei and lg currently offer round watches , while the pebble steel and apple watch are square .\n", - "korean firm teased the watch with strapline ` get ready for the next gear 'wearable with be the 7th-generation samsung gear wrist-worn devicesamsung made the announcement in a release about developer softwaremotorola , huawei and lg all have round watches , while apple 's is square\n", - "[1.2895362 1.2287468 1.2374232 1.115799 1.1321954 1.1113575 1.1777762\n", - " 1.1603746 1.1443739 1.0965253 1.0280907 1.0523663 1.0233173 1.1468307\n", - " 1.0633285 1.0649601 1.0428166 1.0588317 1.0329269 1.0391856 1.0321112]\n", - "\n", - "[ 0 2 1 6 7 13 8 4 3 5 9 15 14 17 11 16 19 18 20 10 12]\n", - "=======================\n", - "[\"( cnn ) protests are gaining steam in baltimore after a man died from a devastating injury he allegedly suffered while in police custody .to start , protesters say they 're looking for answers about what happened to freddie gray , and why .demonstrators have vowed they 'll keep taking to the streets until they get justice .\"]\n", - "=======================\n", - "[\"freddie gray 's death has fueled protests in baltimoredemonstrators accuse police of using too much force and say officers should face charges\"]\n", - "( cnn ) protests are gaining steam in baltimore after a man died from a devastating injury he allegedly suffered while in police custody .to start , protesters say they 're looking for answers about what happened to freddie gray , and why .demonstrators have vowed they 'll keep taking to the streets until they get justice .\n", - "freddie gray 's death has fueled protests in baltimoredemonstrators accuse police of using too much force and say officers should face charges\n", - "[1.2704854 1.5441082 1.1127641 1.1263988 1.2965442 1.203983 1.0237712\n", - " 1.013948 1.2954102 1.193848 1.0858026 1.1164135 1.0232035 1.0181409\n", - " 1.0260464 1.0626026 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 8 0 5 9 3 11 2 10 15 14 6 12 13 7 19 16 17 18 20]\n", - "=======================\n", - "[\"jonathan stevenson was just 16 years old when he asked for benaud 's advice on left-handed leg spin and he shared the lengthy response on twitter on friday as a tribute to the ` great man ' .a letter from richie benaud to an english fan , jonathon stevenson , almost 20 years ago emerged on friday in the wake of the cricket legend 's deathaccompanying the letter from benaud , dated september 27 , 1996 , was a full sheet of notes about spin bowling for left-hand bowlers .\"]\n", - "=======================\n", - "['jonathan stevenson wrote a letter to richie benaud back in 1996the then-16-year-old asked for his advice on left-handed spin bowlingstevenson , who now works at livewire sport , tweeted the letter on fridaycricket legend died in his sleep on thursday night in a sydney hospiceletter included sheet of notes about spin bowling for left-hand bowlers']\n", - "jonathan stevenson was just 16 years old when he asked for benaud 's advice on left-handed leg spin and he shared the lengthy response on twitter on friday as a tribute to the ` great man ' .a letter from richie benaud to an english fan , jonathon stevenson , almost 20 years ago emerged on friday in the wake of the cricket legend 's deathaccompanying the letter from benaud , dated september 27 , 1996 , was a full sheet of notes about spin bowling for left-hand bowlers .\n", - "jonathan stevenson wrote a letter to richie benaud back in 1996the then-16-year-old asked for his advice on left-handed spin bowlingstevenson , who now works at livewire sport , tweeted the letter on fridaycricket legend died in his sleep on thursday night in a sydney hospiceletter included sheet of notes about spin bowling for left-hand bowlers\n", - "[1.4731808 1.4014049 1.1328458 1.4169928 1.3162289 1.1421322 1.2771646\n", - " 1.0940096 1.013465 1.0112474 1.0135554 1.0106467 1.0114868 1.0159541\n", - " 1.0633162 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 6 5 2 7 14 13 10 8 12 9 11 15 16 17 18 19 20]\n", - "=======================\n", - "[\"argentina beat ecuador 2-1 to notch a second straight copa america warm-up victory without lionel messi at a freezing metlife stadium in new jersey on tuesday .manchester city forward sergio aguero celebrates his goal in argentina 's 2-1 win on tuesday nightgerardo martino 's argentina , with captain messi looking on again while he nurses a right foot injury , had beaten el salvador 2-0 in washington on saturday .\"]\n", - "=======================\n", - "[\"gerardo martino 's team beat their south american rivals in new jerseymanchester city 's sergio aguero opened scoring in the first-halfecuador capitalised on a mistake , allowing miller bolanos to equalisebut javier pastore scored to settle the friendly in the 58th minutelionel messi did not feature as he nurses a foot injury\"]\n", - "argentina beat ecuador 2-1 to notch a second straight copa america warm-up victory without lionel messi at a freezing metlife stadium in new jersey on tuesday .manchester city forward sergio aguero celebrates his goal in argentina 's 2-1 win on tuesday nightgerardo martino 's argentina , with captain messi looking on again while he nurses a right foot injury , had beaten el salvador 2-0 in washington on saturday .\n", - "gerardo martino 's team beat their south american rivals in new jerseymanchester city 's sergio aguero opened scoring in the first-halfecuador capitalised on a mistake , allowing miller bolanos to equalisebut javier pastore scored to settle the friendly in the 58th minutelionel messi did not feature as he nurses a foot injury\n", - "[1.0618038 1.2149909 1.4030528 1.3437604 1.2041749 1.1909758 1.2025036\n", - " 1.1477062 1.1996429 1.1121442 1.0635636 1.0871369 1.0799935 1.0557309\n", - " 1.0133982 1.0231616 1.0168369 1.0123078 1.0446174 0. 0. ]\n", - "\n", - "[ 2 3 1 4 6 8 5 7 9 11 12 10 0 13 18 15 16 14 17 19 20]\n", - "=======================\n", - "[\"a study of wildlife sites across four english counties has found that most are home to fewer species of bee today than they were in the past .it found that the expansion of farmland has actually been more damaging to britain 's bee population than the concreting over of the countryside for housing .but new research suggests britain 's bees are happier near towns and cities .\"]\n", - "=======================\n", - "['reading university researcher says bees prefer cities to fieldsexpansion of farmland has actually been damaging to bee populationwildlife sites in four english counties saw bee species decreasereason is likely due to wide variety of flowering plants in urban areas']\n", - "a study of wildlife sites across four english counties has found that most are home to fewer species of bee today than they were in the past .it found that the expansion of farmland has actually been more damaging to britain 's bee population than the concreting over of the countryside for housing .but new research suggests britain 's bees are happier near towns and cities .\n", - "reading university researcher says bees prefer cities to fieldsexpansion of farmland has actually been damaging to bee populationwildlife sites in four english counties saw bee species decreasereason is likely due to wide variety of flowering plants in urban areas\n", - "[1.2656167 1.3033936 1.1927009 1.2968807 1.1772574 1.1059843 1.0431547\n", - " 1.0645273 1.1471897 1.0199614 1.0365461 1.0841322 1.0607796 1.2134769\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 13 2 4 8 5 11 7 12 6 10 9 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"missoula : rape and the justice system in a college town , a doubleday publication that was released tuesday , immediately sparked a fierce debate in montana and beyond .brave : kelsey belnap ( left ) and allison huguet ( right ) were among the five women profiled by author jon krakauer fopr his new book about sexual assault at the university of montana at missoula .krakauer , the author of the critically acclaimed book into the wild , sat down for an interview with abc 's nightline , which aired wednesday night , to discuss his latest project exploring the sensitive subject of campus rape .\"]\n", - "=======================\n", - "[\"author of ` into the wild ' spoke to five rape victims in missoula , montana` missoula : rape and the justice system in a college town ' was released april 21three of five victims profiled in the book sat down with abc 's nightline wednesday nightkelsey belnap , allison huguet and hillary mclaughlin said they had been raped by university of montana football playershuguet and mclaughlin 's attacker , beau donaldson , pleaded guilty to rape in 2012 and was sentenced to 10 yearsbelnap claimed four players gang-raped her in 2010 , but prosecutors never charged them citing lack of probable causemr krakauer wrote book after realizing close friend was a rape victim\"]\n", - "missoula : rape and the justice system in a college town , a doubleday publication that was released tuesday , immediately sparked a fierce debate in montana and beyond .brave : kelsey belnap ( left ) and allison huguet ( right ) were among the five women profiled by author jon krakauer fopr his new book about sexual assault at the university of montana at missoula .krakauer , the author of the critically acclaimed book into the wild , sat down for an interview with abc 's nightline , which aired wednesday night , to discuss his latest project exploring the sensitive subject of campus rape .\n", - "author of ` into the wild ' spoke to five rape victims in missoula , montana` missoula : rape and the justice system in a college town ' was released april 21three of five victims profiled in the book sat down with abc 's nightline wednesday nightkelsey belnap , allison huguet and hillary mclaughlin said they had been raped by university of montana football playershuguet and mclaughlin 's attacker , beau donaldson , pleaded guilty to rape in 2012 and was sentenced to 10 yearsbelnap claimed four players gang-raped her in 2010 , but prosecutors never charged them citing lack of probable causemr krakauer wrote book after realizing close friend was a rape victim\n", - "[1.3296652 1.4175534 1.2878989 1.23281 1.218458 1.2776294 1.1510062\n", - " 1.0516814 1.1181579 1.0542482 1.0387414 1.0362693 1.0185201 1.0179994\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 5 3 4 6 8 9 7 10 11 12 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the pair will slug it out at the mgm grand in las vegas at the beginning of next month in a $ 300million showdown .it may be april fools ' day but manny pacquiao was wasting no time joking around as the champion boxer continued his preparations for the eagerly-anticipated bout with floyd mayweather on may 2 .with just under five weeks to go till his meeting with mayweather , pacquiao took to his instagram account to share a video of his morning run with the 32-year-old being joined by his training entourage .\"]\n", - "=======================\n", - "['floyd mayweather and manny pacquiao go toe-to-toe on may 2 in vegaspacquiao shared a video of his morning run as he continued his trainingmayweather also shared a video of his late-night training routineread : muhammad ali hopes pacquiao beats mayweatherclick here for the latest pacquiao vs mayweather news']\n", - "the pair will slug it out at the mgm grand in las vegas at the beginning of next month in a $ 300million showdown .it may be april fools ' day but manny pacquiao was wasting no time joking around as the champion boxer continued his preparations for the eagerly-anticipated bout with floyd mayweather on may 2 .with just under five weeks to go till his meeting with mayweather , pacquiao took to his instagram account to share a video of his morning run with the 32-year-old being joined by his training entourage .\n", - "floyd mayweather and manny pacquiao go toe-to-toe on may 2 in vegaspacquiao shared a video of his morning run as he continued his trainingmayweather also shared a video of his late-night training routineread : muhammad ali hopes pacquiao beats mayweatherclick here for the latest pacquiao vs mayweather news\n", - "[1.3329521 1.2145091 1.197222 1.1797987 1.1321074 1.0990475 1.2345767\n", - " 1.1006902 1.0339743 1.0453855 1.0404321 1.0438559 1.035509 1.0357697\n", - " 1.0470419 1.0311899 1.0339559 1.1910757 1.0411785 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 6 1 2 17 3 4 7 5 14 9 11 18 10 13 12 8 16 15 20 19 21]\n", - "=======================\n", - "[\"as brendan rodgers sat down to have his say on thursday , it was easy to forget that liverpool have a critical game against their top-four rivals arsenal on saturday .rodgers issues instructions to sterling as liverpool prepare for saturday 's match with arsenalinstead , there was only one issue on the agenda , brought about by raheem sterling 's television interview 24 hours earlier .\"]\n", - "=======================\n", - "['raheem sterling has rejected a new contract worth # 100,000-a-weekliverpool boss brendan rodgers says sterling will not be soldhe believes sterling still needs to prove himself at the highest levelrodgers is confident that sterling can win silverware while at anfieldliverpool face arsenal at the emirates on saturday , kick-off at 12.45 pm']\n", - "as brendan rodgers sat down to have his say on thursday , it was easy to forget that liverpool have a critical game against their top-four rivals arsenal on saturday .rodgers issues instructions to sterling as liverpool prepare for saturday 's match with arsenalinstead , there was only one issue on the agenda , brought about by raheem sterling 's television interview 24 hours earlier .\n", - "raheem sterling has rejected a new contract worth # 100,000-a-weekliverpool boss brendan rodgers says sterling will not be soldhe believes sterling still needs to prove himself at the highest levelrodgers is confident that sterling can win silverware while at anfieldliverpool face arsenal at the emirates on saturday , kick-off at 12.45 pm\n", - "[1.2447361 1.4516578 1.1003132 1.1861262 1.1442559 1.1290293 1.1403458\n", - " 1.0899725 1.059075 1.0363348 1.0439559 1.0470961 1.0737281 1.046808\n", - " 1.0468968 1.0769584 1.0508105 1.036853 1.0592142 1.0156674 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 4 6 5 2 7 15 12 18 8 16 11 14 13 10 17 9 19 20 21]\n", - "=======================\n", - "['john helinski was homeless and nameless for three years .( cnn ) no identification , no social security card and only a box to live on .helinski hit it big thanks to the social security administration , and a big-hearted cop and a case worker determined to untangle major bureaucracy .']\n", - "=======================\n", - "[\"john helinski 's id and social security cards had been stolenhis case worker and a cop had to get foreign id papers to get him a driver 's licensethen helinski remembered a bank account he used to have\"]\n", - "john helinski was homeless and nameless for three years .( cnn ) no identification , no social security card and only a box to live on .helinski hit it big thanks to the social security administration , and a big-hearted cop and a case worker determined to untangle major bureaucracy .\n", - "john helinski 's id and social security cards had been stolenhis case worker and a cop had to get foreign id papers to get him a driver 's licensethen helinski remembered a bank account he used to have\n", - "[1.1709256 1.5104665 1.2755058 1.2527015 1.3572464 1.1813574 1.0856556\n", - " 1.0517708 1.1023402 1.0888313 1.0639216 1.0616232 1.0264245 1.0274966\n", - " 1.1324642 1.0738723 1.0562018 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 2 3 5 0 14 8 9 6 15 10 11 16 7 13 12 20 17 18 19 21]\n", - "=======================\n", - "['audrey dimitrew , 16 , of virginia accepted a spot on the under-16 chantilly juniors in november believing she would get playing time , but was told by coaches she did not have the skills to compete with her team .the sophomore at woodgrove high school and her family sued the chesapeake region volleyball association on march 10 after they said she was accepted to another club but was denied the transfer from her league .the lawsuit seeks to let audrey transfer clubs and asks for attorney fees .']\n", - "=======================\n", - "[\"audrey dimitrew , a sophomore in high school in virginia , filed a suit with her family against chesapeake regional volleyball associationshe said she accepted spot on team believing she would get playing time , but was benched for first two tournamentsteen was accepted onto a different team but league said player has to show ` verifiable hardship condition exists ' to be moved to another team\"]\n", - "audrey dimitrew , 16 , of virginia accepted a spot on the under-16 chantilly juniors in november believing she would get playing time , but was told by coaches she did not have the skills to compete with her team .the sophomore at woodgrove high school and her family sued the chesapeake region volleyball association on march 10 after they said she was accepted to another club but was denied the transfer from her league .the lawsuit seeks to let audrey transfer clubs and asks for attorney fees .\n", - "audrey dimitrew , a sophomore in high school in virginia , filed a suit with her family against chesapeake regional volleyball associationshe said she accepted spot on team believing she would get playing time , but was benched for first two tournamentsteen was accepted onto a different team but league said player has to show ` verifiable hardship condition exists ' to be moved to another team\n", - "[1.2593563 1.1148931 1.2033058 1.3874018 1.0488906 1.1045568 1.0421427\n", - " 1.0393851 1.030398 1.024697 1.1025373 1.1219251 1.0303398 1.1089569\n", - " 1.095518 1.0822625 1.0446028 1.0161645 1.0228596 1.2332534 1.0737665\n", - " 1.0403931]\n", - "\n", - "[ 3 0 19 2 11 1 13 5 10 14 15 20 4 16 6 21 7 8 12 9 18 17]\n", - "=======================\n", - "[\"it even caught the attention of google executive , eric schmidt , who has revealed that the plunging dress was his inspiration for creating google images .fifteen years ago , jennifer lopez ' shimmering , navel-baring versace gown captivated the worldso much so that , long before kim kardashian was breaking the internet , j lo 's 2000 red carpet appearance set the web ablaze .\"]\n", - "=======================\n", - "[\"the now 45-year-old singer wore the dress at the 2000 grammy awards` it was the most popular search query we had ever seen , ' said schmidtit inspired google to launch image search so people could find it easierpreviously users had to search through pages of text broken up by links\"]\n", - "it even caught the attention of google executive , eric schmidt , who has revealed that the plunging dress was his inspiration for creating google images .fifteen years ago , jennifer lopez ' shimmering , navel-baring versace gown captivated the worldso much so that , long before kim kardashian was breaking the internet , j lo 's 2000 red carpet appearance set the web ablaze .\n", - "the now 45-year-old singer wore the dress at the 2000 grammy awards` it was the most popular search query we had ever seen , ' said schmidtit inspired google to launch image search so people could find it easierpreviously users had to search through pages of text broken up by links\n", - "[1.1734762 1.4981564 1.2343252 1.3196733 1.2070546 1.2003304 1.1725992\n", - " 1.0521585 1.139588 1.0382047 1.0706668 1.0465515 1.0537189 1.0226102\n", - " 1.0144056 1.1539624 1.0278342 1.0161613 1.0089015 0. 0. ]\n", - "\n", - "[ 1 3 2 4 5 0 6 15 8 10 12 7 11 9 16 13 17 14 18 19 20]\n", - "=======================\n", - "[\"families on the high green estate in sheffield , south yorkshire , say they are being ` held to ransom ' by gangs of yobs shooting at their homes and cars with the weapons .cctv footage shows the youngsters shooting at properties , cars and each other as they blatantly carry the air rifles and bb guns through the estate , sparking terror among the area 's residents .residents even claim one woman who confronted the yobs was shot at .\"]\n", - "=======================\n", - "[\"group of young thugs are terrorising high green estate in sheffieldyoungsters are using bb guns and air rifles to shoot at cars and homesterrified residents on estate say they are being ` held to ransom ' by yobsclaim woman was shot at and concerned someone will be seriously injured\"]\n", - "families on the high green estate in sheffield , south yorkshire , say they are being ` held to ransom ' by gangs of yobs shooting at their homes and cars with the weapons .cctv footage shows the youngsters shooting at properties , cars and each other as they blatantly carry the air rifles and bb guns through the estate , sparking terror among the area 's residents .residents even claim one woman who confronted the yobs was shot at .\n", - "group of young thugs are terrorising high green estate in sheffieldyoungsters are using bb guns and air rifles to shoot at cars and homesterrified residents on estate say they are being ` held to ransom ' by yobsclaim woman was shot at and concerned someone will be seriously injured\n", - "[1.5588815 1.5862029 1.2574495 1.1188028 1.0824128 1.0278003 1.0248288\n", - " 1.0255529 1.0179403 1.1081724 1.1069682 1.047324 1.0364288 1.0127181\n", - " 1.0374923 1.0110437 1.0283291 1.0402743 1.059211 1.0932223 1.0177591]\n", - "\n", - "[ 1 0 2 3 9 10 19 4 18 11 17 14 12 16 5 7 6 8 20 13 15]\n", - "=======================\n", - "[\"the reds moved within four points of the barclays premier league top four after goals from raheem sterling and joe allen saw off the struggling magpies at anfield .liverpool boss brendan rodgers vowed not to give up on champions league qualification after a convincing 2-0 win over newcastle .with fading champions manchester city now looking vulnerable in fourth , liverpool 's hopes - which took a hefty blow in back-to-back losses to manchester united and arsenal - could have been reignited .\"]\n", - "=======================\n", - "['liverpool beat newcastle 2-0 in the premier league on monday nightraheem sterling and joe allen saw off the magpies at anfieldliverpool are four points behind fourth-placed manchester cityread : jordan henderson hopes liverpool can turn up heat on man cityread : rodgers will talk to raheem sterling about his behaviour']\n", - "the reds moved within four points of the barclays premier league top four after goals from raheem sterling and joe allen saw off the struggling magpies at anfield .liverpool boss brendan rodgers vowed not to give up on champions league qualification after a convincing 2-0 win over newcastle .with fading champions manchester city now looking vulnerable in fourth , liverpool 's hopes - which took a hefty blow in back-to-back losses to manchester united and arsenal - could have been reignited .\n", - "liverpool beat newcastle 2-0 in the premier league on monday nightraheem sterling and joe allen saw off the magpies at anfieldliverpool are four points behind fourth-placed manchester cityread : jordan henderson hopes liverpool can turn up heat on man cityread : rodgers will talk to raheem sterling about his behaviour\n", - "[1.3959198 1.251095 1.2006137 1.3514198 1.200784 1.1991148 1.1489034\n", - " 1.0778376 1.0761441 1.1652552 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 5 9 6 7 8 18 17 16 15 10 13 12 11 19 14 20]\n", - "=======================\n", - "['bolton-born boxer amir khan spent his friday alongside some fellow natural born fighters as he enjoyed a family trip to a safari park in northern california .khan posed alongside , and also fed , a rare but dangerous white tiger as well posing with stunning giraffes and sea lions at six flags discovery kingdom .khan and his wife and daughter pose with a giraffe as they enjoy a family day at the adventure park']\n", - "=======================\n", - "['amir khan took his family to an adventure park in northern californiakhan posed alongside a rare white tiger as well as a giraffe and sea lionearlier this week the bolton-born fighter announced his return to the ringkhan will take on former light-welterweight world champion chris algieri']\n", - "bolton-born boxer amir khan spent his friday alongside some fellow natural born fighters as he enjoyed a family trip to a safari park in northern california .khan posed alongside , and also fed , a rare but dangerous white tiger as well posing with stunning giraffes and sea lions at six flags discovery kingdom .khan and his wife and daughter pose with a giraffe as they enjoy a family day at the adventure park\n", - "amir khan took his family to an adventure park in northern californiakhan posed alongside a rare white tiger as well as a giraffe and sea lionearlier this week the bolton-born fighter announced his return to the ringkhan will take on former light-welterweight world champion chris algieri\n", - "[1.4131016 1.3876 1.3700132 1.3128409 1.2317531 1.1915158 1.0646372\n", - " 1.1822423 1.0152435 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 5 7 6 8 18 17 16 15 14 10 12 11 19 9 13 20]\n", - "=======================\n", - "['( cnn ) a lamborghini sports car crashed into a guardrail at walt disney world speedway on sunday , killing a passenger , the florida highway patrol said .the crash occurred at 3:30 p.m. at the exotic driving experience , which bills itself as a chance to drive your dream car on a racetrack .he was hospitalized with minor injuries .']\n", - "=======================\n", - "['authorities identify the deceased passenger as 36-year-old gary terryauthorities say the driver , 24-year-old tavon watson , lost control of a lamborghinithe crash occurred at the exotic driving experience at walt disney world speedway']\n", - "( cnn ) a lamborghini sports car crashed into a guardrail at walt disney world speedway on sunday , killing a passenger , the florida highway patrol said .the crash occurred at 3:30 p.m. at the exotic driving experience , which bills itself as a chance to drive your dream car on a racetrack .he was hospitalized with minor injuries .\n", - "authorities identify the deceased passenger as 36-year-old gary terryauthorities say the driver , 24-year-old tavon watson , lost control of a lamborghinithe crash occurred at the exotic driving experience at walt disney world speedway\n", - "[1.2308424 1.4463701 1.1617314 1.3120733 1.2212379 1.1173618 1.0958154\n", - " 1.0906878 1.1275403 1.0936038 1.1136397 1.1179689 1.1812754 1.0536244\n", - " 1.1218679 1.0417442 1.0164843 1.0124176 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 12 2 8 14 11 5 10 6 9 7 13 15 16 17 18 19 20]\n", - "=======================\n", - "[\"mick schumacher made his pre-season test debut in formula 4 at the oschersleben circuit in germany - but at one point was pictured accidentally driving through gravel .michael schumacher 's son has returned to the racing circuit just weeks after he was involved in a 100mph crash - and once again ended up going off the track .the 16-year-old , whose father won the formula 1 championship seven times , reached the new category after seven years of karting in what is seen as a stepping stone for junior drivers hoping to reach the top .\"]\n", - "=======================\n", - "['mick schumacher made pre-season test debut in formula 4 in germanythe 16-year-old was driving weeks after a 100mph crash at another circuitpictured turning into gravel once again during tests at oschersleben trackhis father , michael , is still recovering from a december 2013 ski accident']\n", - "mick schumacher made his pre-season test debut in formula 4 at the oschersleben circuit in germany - but at one point was pictured accidentally driving through gravel .michael schumacher 's son has returned to the racing circuit just weeks after he was involved in a 100mph crash - and once again ended up going off the track .the 16-year-old , whose father won the formula 1 championship seven times , reached the new category after seven years of karting in what is seen as a stepping stone for junior drivers hoping to reach the top .\n", - "mick schumacher made pre-season test debut in formula 4 in germanythe 16-year-old was driving weeks after a 100mph crash at another circuitpictured turning into gravel once again during tests at oschersleben trackhis father , michael , is still recovering from a december 2013 ski accident\n", - "[1.2846599 1.2994733 1.3175361 1.1854187 1.198434 1.1027722 1.0951909\n", - " 1.07559 1.074043 1.0881413 1.0467079 1.0592499 1.1898291 1.0680978\n", - " 1.0167401 1.0172017 1.012363 1.0084696 1.0140735 1.0290409 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 1 0 4 12 3 5 6 9 7 8 13 11 10 19 15 14 18 16 17 20 21 22]\n", - "=======================\n", - "[\"maggio , 52 , sparked controversy last march when he admitted posting a series of comments that were racist , sexist and offensive towards the lgbt community over the past several years .by surrendering his licence , circuit judge michael maggio has avoided a disciplinary hearing over the conviction , for which he faces up to 10 years in prison and a $ 250,000 fine when he is sentenced in july .the arkansas judge who posted private details of charlize theron 's adoption of her son has been forced to hand in his law licence because of a bribery conviction in a separate case .\"]\n", - "=======================\n", - "[\"michael maggio is already banned for life from holding judicial office for revealing actress 's adoption of boy two months before she went publicposted on louisiana state university sports forum in 2012 that theron had applied to take on the youngster in same court division where he servedas ` geauxjudge ' he also posted derogatory comments about womenfaces prison sentence of 10 years and $ 250,000 fine for bribery conviction\"]\n", - "maggio , 52 , sparked controversy last march when he admitted posting a series of comments that were racist , sexist and offensive towards the lgbt community over the past several years .by surrendering his licence , circuit judge michael maggio has avoided a disciplinary hearing over the conviction , for which he faces up to 10 years in prison and a $ 250,000 fine when he is sentenced in july .the arkansas judge who posted private details of charlize theron 's adoption of her son has been forced to hand in his law licence because of a bribery conviction in a separate case .\n", - "michael maggio is already banned for life from holding judicial office for revealing actress 's adoption of boy two months before she went publicposted on louisiana state university sports forum in 2012 that theron had applied to take on the youngster in same court division where he servedas ` geauxjudge ' he also posted derogatory comments about womenfaces prison sentence of 10 years and $ 250,000 fine for bribery conviction\n", - "[1.1229107 1.6150346 1.2334088 1.1232902 1.1232878 1.0935308 1.1017463\n", - " 1.0993536 1.0696503 1.141708 1.0963976 1.3585553 1.0884153 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 11 2 9 3 4 0 6 7 10 5 12 8 21 13 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"gemma the pit bull was filmed at home in california enthusiastically greeting a baby boy named elliot with kisses .footage shows her lovingly licking the infant as he attempts to fend her away with his hands .she also appears to be a fan of elliot 's older sister , adeline .\"]\n", - "=======================\n", - "[\"gemma the pit bull was filmed at home in california enthusiastically greeting a baby boy named elliot with kissesdespite the infant 's best efforts , gemma keeps licking awayother videos show the animal is clearly used to being around children\"]\n", - "gemma the pit bull was filmed at home in california enthusiastically greeting a baby boy named elliot with kisses .footage shows her lovingly licking the infant as he attempts to fend her away with his hands .she also appears to be a fan of elliot 's older sister , adeline .\n", - "gemma the pit bull was filmed at home in california enthusiastically greeting a baby boy named elliot with kissesdespite the infant 's best efforts , gemma keeps licking awayother videos show the animal is clearly used to being around children\n", - "[1.0468805 1.25399 1.1252415 1.1976914 1.111116 1.0992863 1.1983256\n", - " 1.2259169 1.1206796 1.1780217 1.0608313 1.0452185 1.033162 1.0185884\n", - " 1.0263176 1.0787597 1.0489645 1.0240724 1.021446 1.0210689 1.0113417\n", - " 1.0155787 1.0129842]\n", - "\n", - "[ 1 7 6 3 9 2 8 4 5 15 10 16 0 11 12 14 17 18 19 13 21 22 20]\n", - "=======================\n", - "[\"everything that 's unpleasant about male behaviour has been ascribed to the effects of this much maligned hormone .the blood of an adult woman before menopause actually contains about five times more testosterone than oestrogen , the supposedly ` female ' hormone .although this is the case and it 's impossible to think of ` maleness ' without testosterone , it 's also important for sexual behaviour in women .\"]\n", - "=======================\n", - "[\"the male hormone testosterone does n't always get a good pressall that 's unpleasant about male behaviour is ascribed to the hormoneyet , as joe herbert explains , testosterone is at the heart of human life\"]\n", - "everything that 's unpleasant about male behaviour has been ascribed to the effects of this much maligned hormone .the blood of an adult woman before menopause actually contains about five times more testosterone than oestrogen , the supposedly ` female ' hormone .although this is the case and it 's impossible to think of ` maleness ' without testosterone , it 's also important for sexual behaviour in women .\n", - "the male hormone testosterone does n't always get a good pressall that 's unpleasant about male behaviour is ascribed to the hormoneyet , as joe herbert explains , testosterone is at the heart of human life\n", - "[1.0728528 1.1041596 1.1931798 1.0651407 1.2181056 1.1640354 1.1637219\n", - " 1.1959163 1.051277 1.1060494 1.0786347 1.0637301 1.0452349 1.0361887\n", - " 1.1866902 1.1103506 1.07641 1.0573448 1.0432049 1.037393 1.041169\n", - " 0. 0. ]\n", - "\n", - "[ 4 7 2 14 5 6 15 9 1 10 16 0 3 11 17 8 12 18 20 19 13 21 22]\n", - "=======================\n", - "['the kardashians are a strong example of a large celebrity family where the siblings share very different personality traitsaccording to mitchell and brown , first-born children are expected to be higher academic achievers and more ambitious .according to canadian duo mitchell moffit and greg brown , from toronto , who present an online science show , several theories suggest that where you are in your family determines who you are .']\n", - "=======================\n", - "['mitchell moffit and greg brown from asapscience present theoriesdifferent personality traits can vary according to expectations of parentsbeyoncé , hillary clinton and j. k. rowling are all oldest children']\n", - "the kardashians are a strong example of a large celebrity family where the siblings share very different personality traitsaccording to mitchell and brown , first-born children are expected to be higher academic achievers and more ambitious .according to canadian duo mitchell moffit and greg brown , from toronto , who present an online science show , several theories suggest that where you are in your family determines who you are .\n", - "mitchell moffit and greg brown from asapscience present theoriesdifferent personality traits can vary according to expectations of parentsbeyoncé , hillary clinton and j. k. rowling are all oldest children\n", - "[1.3999896 1.36989 1.4009352 1.1628746 1.1266445 1.048056 1.040422\n", - " 1.0303842 1.0291325 1.0271462 1.0278866 1.0935116 1.0263629 1.0237525\n", - " 1.1050373 1.1004859 1.1692588 1.1011521 1.1107395 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 1 16 3 4 18 14 17 15 11 5 6 7 8 10 9 12 13 21 19 20 22]\n", - "=======================\n", - "['the comedic actress said smoking marijuana is \" good medicine \" for relieving the pressure in her eyes .( the hollywood reporter ) roseanne barr has revealed that she is slowly going blind .in an interview with the daily beast , barr said she suffers from macular degeneration and glaucoma and told the website , \" my vision is closing in now . \"']\n", - "=======================\n", - "['roseanne barr told the daily beast that she is slowly going blindbarr said she has macular degeneration and glaucoma']\n", - "the comedic actress said smoking marijuana is \" good medicine \" for relieving the pressure in her eyes .( the hollywood reporter ) roseanne barr has revealed that she is slowly going blind .in an interview with the daily beast , barr said she suffers from macular degeneration and glaucoma and told the website , \" my vision is closing in now . \"\n", - "roseanne barr told the daily beast that she is slowly going blindbarr said she has macular degeneration and glaucoma\n", - "[1.2067766 1.4109021 1.2448847 1.1474782 1.1434419 1.0429574 1.1043067\n", - " 1.0220804 1.0268085 1.0815239 1.0785861 1.090083 1.1025696 1.0376107\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 6 12 11 9 10 5 13 8 7 18 14 15 16 17 19]\n", - "=======================\n", - "[\"massachusetts is hosting two of the highest-profile court trials in recent memory -- those of former new england patriot aaron hernandez and boston bombing suspect dzhokhar tsarnaev .both lengthy trials are coming to a close .( cnn ) the nation 's top stories will be unfolding tuesday in courthouses and political arenas across the country .\"]\n", - "=======================\n", - "['the trials of dzhokhar tsarnaev and aaron hernandez are coming to a closevoting has put rahm emanuel and ferguson , missouri , back in the headlinesrand paul has announced his bid for the presidency']\n", - "massachusetts is hosting two of the highest-profile court trials in recent memory -- those of former new england patriot aaron hernandez and boston bombing suspect dzhokhar tsarnaev .both lengthy trials are coming to a close .( cnn ) the nation 's top stories will be unfolding tuesday in courthouses and political arenas across the country .\n", - "the trials of dzhokhar tsarnaev and aaron hernandez are coming to a closevoting has put rahm emanuel and ferguson , missouri , back in the headlinesrand paul has announced his bid for the presidency\n", - "[1.4948666 1.1690438 1.1900258 1.1591167 1.1025997 1.109175 1.0794647\n", - " 1.0284156 1.0364479 1.1259125 1.0744516 1.0543898 1.032596 1.0192393\n", - " 1.0209693 1.0413254 1.058368 1.0498893 1.0218569 1.0193233]\n", - "\n", - "[ 0 2 1 3 9 5 4 6 10 16 11 17 15 8 12 7 18 14 19 13]\n", - "=======================\n", - "[\"lausanne , switzerland ( cnn ) a roller-coaster series of talks wrapped up thursday in lausanne as a group of world powers known as the p5 +1 reached a framework agreement with iran over the country 's nuclear program .the parties have until the end to june to work out the details and put the plan to paper .the success of that agreement remains to be seen .\"]\n", - "=======================\n", - "['this week \\'s talks on an iranian nuclear deal framework are historicthe negotiations demonstrated diplomacy at its best , but also at its most hecticreporters resorted to ambushes to talk to officials ; negotiations were \" sometimes emotional and confrontational \"']\n", - "lausanne , switzerland ( cnn ) a roller-coaster series of talks wrapped up thursday in lausanne as a group of world powers known as the p5 +1 reached a framework agreement with iran over the country 's nuclear program .the parties have until the end to june to work out the details and put the plan to paper .the success of that agreement remains to be seen .\n", - "this week 's talks on an iranian nuclear deal framework are historicthe negotiations demonstrated diplomacy at its best , but also at its most hecticreporters resorted to ambushes to talk to officials ; negotiations were \" sometimes emotional and confrontational \"\n", - "[1.357949 1.1112965 1.2463125 1.0684648 1.2834082 1.0585017 1.1058257\n", - " 1.1034817 1.1023178 1.0800484 1.1079085 1.0545526 1.0273075 1.0285078\n", - " 1.0103245 1.1974576 1.0275983 1.024651 0. 0. ]\n", - "\n", - "[ 0 4 2 15 1 10 6 7 8 9 3 5 11 13 16 12 17 14 18 19]\n", - "=======================\n", - "[\"realtors in indianapolis are looking to unload what 's likely the midwestern city 's gaudiest and most famous home -- a 26,000-square-foot castle built of ranch homes glued together by a former pimp turned construction king .it sprang from inimitable hostetler 's imagination after he went from 24-year-old pimp known to police as mr. big to a local mini-magnate .for a meager $ 862,000 , its gargoyles , endless balconies and ornate fountains can be yours with which to carry on the eccentric torch of quirky indy celebrity jerry a. hostetler .\"]\n", - "=======================\n", - "[\"the gargoyles , endless balconies and fountains can be yours to help carry on the eccentric torch of quirky indy celebrity jerry a. hostetlerthe current owner bought the home after hostetler 's 2006 death .the house is five garden-variety ranchers glued together to form a campus-o-fun complete with swimming pool , ballroom and guesthouse\"]\n", - "realtors in indianapolis are looking to unload what 's likely the midwestern city 's gaudiest and most famous home -- a 26,000-square-foot castle built of ranch homes glued together by a former pimp turned construction king .it sprang from inimitable hostetler 's imagination after he went from 24-year-old pimp known to police as mr. big to a local mini-magnate .for a meager $ 862,000 , its gargoyles , endless balconies and ornate fountains can be yours with which to carry on the eccentric torch of quirky indy celebrity jerry a. hostetler .\n", - "the gargoyles , endless balconies and fountains can be yours to help carry on the eccentric torch of quirky indy celebrity jerry a. hostetlerthe current owner bought the home after hostetler 's 2006 death .the house is five garden-variety ranchers glued together to form a campus-o-fun complete with swimming pool , ballroom and guesthouse\n", - "[1.4896729 1.2007602 1.4787338 1.2369567 1.1764464 1.1413827 1.0687635\n", - " 1.0372561 1.0146316 1.0678188 1.1768985 1.0998454 1.0796744 1.0372164\n", - " 1.0484776 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 10 4 5 11 12 6 9 14 7 13 8 15 16 17 18 19]\n", - "=======================\n", - "['nigel jackson , 59 , a british expat accused of murdering his wife in portugal has written a letter for jail explaining how he believes she diedat the time jackson claimed mrs davidson committed suicide after being diagnosed with ovarian and thyroid cancer .but after being shown evidence she was killed , he had now changed his story .']\n", - "=======================\n", - "['nigel jackson , 59 , arrested at property in algarve , portugal , in januarybody of wife brenda davidson , 72 , found in shallow grave in the gardenjackson initially claimed she killed herself , but he has now changed storyshown proof she was killed , he now says she must have died in burglary']\n", - "nigel jackson , 59 , a british expat accused of murdering his wife in portugal has written a letter for jail explaining how he believes she diedat the time jackson claimed mrs davidson committed suicide after being diagnosed with ovarian and thyroid cancer .but after being shown evidence she was killed , he had now changed his story .\n", - "nigel jackson , 59 , arrested at property in algarve , portugal , in januarybody of wife brenda davidson , 72 , found in shallow grave in the gardenjackson initially claimed she killed herself , but he has now changed storyshown proof she was killed , he now says she must have died in burglary\n", - "[1.1637255 1.468918 1.2451737 1.1911473 1.269237 1.1186472 1.0433171\n", - " 1.0815959 1.0223321 1.1303928 1.0254786 1.0650017 1.1117727 1.0745034\n", - " 1.1200368 1.0798949 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 3 0 9 14 5 12 7 15 13 11 6 10 8 18 16 17 19]\n", - "=======================\n", - "[\"scientist fergus simpson has calculated the minimum size needed for intelligent life to survive , based on the laws of conservation of energy seen on earth .and from this , he calculates that if intelligent extraterrestrials exist they will typically weigh 650lbs ( 300kg ) - the median weight of a polar bear .aliens ( illustrated with a stock image ) are often portrayed as diminutive beings , but in ` reality ' they could be much larger , one scientist claims .\"]\n", - "=======================\n", - "[\"fergus simpson said aliens probably weigh more than 650 lbs ( 300kg )calculations based on idea that there 's a minimum size for intelligent lifelarger aliens are more likely to live long enough to make advanced techestimated size does n't factor in evolution or an alien planet 's gravity\"]\n", - "scientist fergus simpson has calculated the minimum size needed for intelligent life to survive , based on the laws of conservation of energy seen on earth .and from this , he calculates that if intelligent extraterrestrials exist they will typically weigh 650lbs ( 300kg ) - the median weight of a polar bear .aliens ( illustrated with a stock image ) are often portrayed as diminutive beings , but in ` reality ' they could be much larger , one scientist claims .\n", - "fergus simpson said aliens probably weigh more than 650 lbs ( 300kg )calculations based on idea that there 's a minimum size for intelligent lifelarger aliens are more likely to live long enough to make advanced techestimated size does n't factor in evolution or an alien planet 's gravity\n", - "[1.4522239 1.3657827 1.3306392 1.2638798 1.0668669 1.1438417 1.0379082\n", - " 1.0187682 1.0464109 1.0204057 1.0753502 1.0624579 1.0810026 1.0559121\n", - " 1.0771749 1.0320386 1.0508931 0. ]\n", - "\n", - "[ 0 1 2 3 5 12 14 10 4 11 13 16 8 6 15 9 7 17]\n", - "=======================\n", - "[\"julie mckenzie thought scoliosis was the cause of her bad backjulie mckenzie was assured by her gp that her nagging back pain was down to a mild curvature of the spine .she 'd gone to see him three months after suddenly developing back problems and had been referred for x-rays .\"]\n", - "=======================\n", - "[\"julie mckenzie , 53 , from bushy , herts , had a nagging back painher gp assured her it as down to a mild curvature of the spinebut she 'd always been strong and active until the pain began in 2013she used her private medical cover to see a spinal surgeon , robert leemri scan revealed her coccyx contained a tumour\"]\n", - "julie mckenzie thought scoliosis was the cause of her bad backjulie mckenzie was assured by her gp that her nagging back pain was down to a mild curvature of the spine .she 'd gone to see him three months after suddenly developing back problems and had been referred for x-rays .\n", - "julie mckenzie , 53 , from bushy , herts , had a nagging back painher gp assured her it as down to a mild curvature of the spinebut she 'd always been strong and active until the pain began in 2013she used her private medical cover to see a spinal surgeon , robert leemri scan revealed her coccyx contained a tumour\n", - "[1.6039637 1.1802963 1.2132168 1.4386699 1.211981 1.0785652 1.0203106\n", - " 1.0292522 1.068796 1.0891585 1.0887482 1.0363976 1.0201433 1.0161332\n", - " 1.0609636 1.0326282 1.0749412 0. ]\n", - "\n", - "[ 0 3 2 4 1 9 10 5 16 8 14 11 15 7 6 12 13 17]\n", - "=======================\n", - "[\"leicester boss nigel pearson would have had the ` outstanding ' esteban cambiasso down as his man of the match in saturday 's 2-1 win over west ham even if the veteran foxes midfielder had not scored his fine goal .leicester midfielder esteban cambiasso has received high praise from his manager nigel pearsonthe former real madrid and inter milan star celebrates after putting his side in the lead against west ham\"]\n", - "=======================\n", - "[\"esteban cambiasso helped his side claim a vital victory against west hamcambiasso scored opening goal in leicester 's 2-1 win over the hammersnigel pearson has backed the argentinian to lift leicester out of drop zonethe foxes are bottom of the premier league table with 22 points\"]\n", - "leicester boss nigel pearson would have had the ` outstanding ' esteban cambiasso down as his man of the match in saturday 's 2-1 win over west ham even if the veteran foxes midfielder had not scored his fine goal .leicester midfielder esteban cambiasso has received high praise from his manager nigel pearsonthe former real madrid and inter milan star celebrates after putting his side in the lead against west ham\n", - "esteban cambiasso helped his side claim a vital victory against west hamcambiasso scored opening goal in leicester 's 2-1 win over the hammersnigel pearson has backed the argentinian to lift leicester out of drop zonethe foxes are bottom of the premier league table with 22 points\n", - "[1.2653942 1.1825688 1.1697184 1.0813733 1.0548786 1.1130269 1.134283\n", - " 1.453836 1.1296624 1.0905577 1.0341384 1.0919657 1.1223392 1.1171845\n", - " 1.0317724 1.0333468 1.0128214 1.0150554]\n", - "\n", - "[ 7 0 1 2 6 8 12 13 5 11 9 3 4 10 15 14 17 16]\n", - "=======================\n", - "[\"manchester united boss louis van gaal was left frustrated after his side were defeated 1-0 by chelseathe eruption follows next season .van gaal revealed that he had 11 disappointed faces looking up at him in the dressing room , with the sunken eyes of united 's players pleading with him to explain how they had come to be beaten .\"]\n", - "=======================\n", - "[\"chelsea edged manchester united 1-0 at stamford bridge on saturdayblues forward eden hazard scored the game 's only goal , but united dominated possession and completed many more successful passesdespite defeat , united 's confident performance suggests that they will definitely be premier league title challengers again next seasonunited are preparing to spend heavily in the summer transfer window\"]\n", - "manchester united boss louis van gaal was left frustrated after his side were defeated 1-0 by chelseathe eruption follows next season .van gaal revealed that he had 11 disappointed faces looking up at him in the dressing room , with the sunken eyes of united 's players pleading with him to explain how they had come to be beaten .\n", - "chelsea edged manchester united 1-0 at stamford bridge on saturdayblues forward eden hazard scored the game 's only goal , but united dominated possession and completed many more successful passesdespite defeat , united 's confident performance suggests that they will definitely be premier league title challengers again next seasonunited are preparing to spend heavily in the summer transfer window\n", - "[1.1611812 1.4089351 1.30206 1.1830832 1.26525 1.2280337 1.0610298\n", - " 1.114797 1.1053292 1.0318091 1.0985465 1.1027305 1.0544086 1.0279553\n", - " 1.0714151 1.0329208 1.037256 0. ]\n", - "\n", - "[ 1 2 4 5 3 0 7 8 11 10 14 6 12 16 15 9 13 17]\n", - "=======================\n", - "[\"the uk clocked up growth of 2.8 per cent in 2014 -- the strongest in the group of seven industrialised nations and seven times higher than france 's 0.4 per cent .according to an international monetary fund report , this was enough for britain to leapfrog socialist france and become the second most powerful economy in europe , behind germany .the uk is expected to cement its position in the coming years as one of the fastest growing major economies in the west .\"]\n", - "=======================\n", - "['the uk has overtaken france after seeing growth of 2.8 per cent in 2014britain has the second most powerful economy in europe behind germanyimf is forecasting growth of 2.7 per cent this year and 2.3 per cent in 2016within the g7 only the us is expected to perform better than britain']\n", - "the uk clocked up growth of 2.8 per cent in 2014 -- the strongest in the group of seven industrialised nations and seven times higher than france 's 0.4 per cent .according to an international monetary fund report , this was enough for britain to leapfrog socialist france and become the second most powerful economy in europe , behind germany .the uk is expected to cement its position in the coming years as one of the fastest growing major economies in the west .\n", - "the uk has overtaken france after seeing growth of 2.8 per cent in 2014britain has the second most powerful economy in europe behind germanyimf is forecasting growth of 2.7 per cent this year and 2.3 per cent in 2016within the g7 only the us is expected to perform better than britain\n", - "[1.2092779 1.368834 1.226859 1.3357832 1.2702919 1.1696758 1.020956\n", - " 1.0324033 1.0394363 1.1126354 1.0504699 1.0212666 1.0180789 1.032042\n", - " 1.1128633 1.0692863 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 5 14 9 15 10 8 7 13 11 6 12 16 17]\n", - "=======================\n", - "[\"among them were some 400 zimbabweans -- including pregnant women and babies -- who were packed onto buses to escape the anti-immigrant attacks that have left seven people dead in recent days .about 3,200 malawians have also sought refuge in temporary camps amid the ensuing chaos .their plight emerged as south africa 's influential zulu king goodwill zwelithini denied whipping up the xenophobic hatred in the country that has forced thousands from their homes .\"]\n", - "=======================\n", - "[\"400 zimbabweans fled durban on buses to escape the xenophobic protestsamong thousands of african immigrants who have fled home amid attackszulu king denies sparking hatred saying his remarks were ` misrepresented '\"]\n", - "among them were some 400 zimbabweans -- including pregnant women and babies -- who were packed onto buses to escape the anti-immigrant attacks that have left seven people dead in recent days .about 3,200 malawians have also sought refuge in temporary camps amid the ensuing chaos .their plight emerged as south africa 's influential zulu king goodwill zwelithini denied whipping up the xenophobic hatred in the country that has forced thousands from their homes .\n", - "400 zimbabweans fled durban on buses to escape the xenophobic protestsamong thousands of african immigrants who have fled home amid attackszulu king denies sparking hatred saying his remarks were ` misrepresented '\n", - "[1.288065 1.4007511 1.132238 1.3976345 1.1780553 1.161123 1.1361487\n", - " 1.1894008 1.0376971 1.0353255 1.2117308 1.093803 1.0434746 1.0380193\n", - " 1.0109081 1.1719952 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 10 7 4 15 5 6 2 11 12 13 8 9 14 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"named cats and people , the cafe based in moscow invites cat lovers to bring their pets along with them when they go for a cup of tea .all of the cats that live at the cafe were rescued from a local shelter and have each been vaccinated and chipped .russia 's first ever cat cafe opened its doors to customers and their feline friends this week .\"]\n", - "=======================\n", - "['the cafe is named cats and people and is based in moscowcustomers can bring their own cat or rent one while they are thereall of the cats were rescued and have been vaccinated and chippedthe cafe was influenced by cat-friendly establishments in far-eat asia']\n", - "named cats and people , the cafe based in moscow invites cat lovers to bring their pets along with them when they go for a cup of tea .all of the cats that live at the cafe were rescued from a local shelter and have each been vaccinated and chipped .russia 's first ever cat cafe opened its doors to customers and their feline friends this week .\n", - "the cafe is named cats and people and is based in moscowcustomers can bring their own cat or rent one while they are thereall of the cats were rescued and have been vaccinated and chippedthe cafe was influenced by cat-friendly establishments in far-eat asia\n", - "[1.1780492 1.5595014 1.3046705 1.472424 1.0819883 1.032475 1.0272814\n", - " 1.0451413 1.0207623 1.0178452 1.0638214 1.0455034 1.278265 1.0725771\n", - " 1.0978441 1.0565377 1.032616 1.031649 1.0107472 1.0157448 1.0169355\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 12 0 14 4 13 10 15 11 7 16 5 17 6 8 9 20 19 18 21 22]\n", - "=======================\n", - "[\"ruben blundell 's brother was four days overdue when his mother finally went into labour in the middle of the night .left with no time to get to the hospital , the family had to deliver the baby at home - and ruben assisted in the birth by fetching towels and even telling his mother to breathe .a six-year-old boy showed maturity beyond his years when he helped deliver his baby brother at home .\"]\n", - "=======================\n", - "[\"ruben blundell 's brother was four days overduefamily had to deliver the baby at home - and ruben assisted in the birthfetched towels and even told his mother michelle to breathefather ben helped deliver baby theo , who ruben is besotted with\"]\n", - "ruben blundell 's brother was four days overdue when his mother finally went into labour in the middle of the night .left with no time to get to the hospital , the family had to deliver the baby at home - and ruben assisted in the birth by fetching towels and even telling his mother to breathe .a six-year-old boy showed maturity beyond his years when he helped deliver his baby brother at home .\n", - "ruben blundell 's brother was four days overduefamily had to deliver the baby at home - and ruben assisted in the birthfetched towels and even told his mother michelle to breathefather ben helped deliver baby theo , who ruben is besotted with\n", - "[1.3664556 1.1624823 1.0898166 1.1385897 1.1138492 1.0869974 1.1994052\n", - " 1.0501188 1.0291158 1.0258888 1.1590075 1.1179491 1.0244821 1.0151229\n", - " 1.0435655 1.0370282 1.0411966 1.0440465 1.0443288 1.0229619 1.0669806\n", - " 1.0152427 0. ]\n", - "\n", - "[ 0 6 1 10 3 11 4 2 5 20 7 18 17 14 16 15 8 9 12 19 21 13 22]\n", - "=======================\n", - "['caledonia , michigan ( cnn ) ben and shelby offrink met in college .it was n\\'t the most romantic setting -- a study group for calculus-based physics -- but ben managed to turn it into a story worth telling by cheating .\" it \" turned out to be an intramedullary glioblastoma , a highly aggressive form of brain cancer .']\n", - "=======================\n", - "[\"update : shelby offrink lost her battle to cancer on june 28 , 2015offrink was diagnosed at 30 with rare inoperable brain cancerher husband , ben , was diagnosed with hodgkin 's lymphoma , which had been in remission 15 years\"]\n", - "caledonia , michigan ( cnn ) ben and shelby offrink met in college .it was n't the most romantic setting -- a study group for calculus-based physics -- but ben managed to turn it into a story worth telling by cheating .\" it \" turned out to be an intramedullary glioblastoma , a highly aggressive form of brain cancer .\n", - "update : shelby offrink lost her battle to cancer on june 28 , 2015offrink was diagnosed at 30 with rare inoperable brain cancerher husband , ben , was diagnosed with hodgkin 's lymphoma , which had been in remission 15 years\n", - "[1.4250264 1.271461 1.11148 1.4281265 1.0750982 1.2013056 1.0239362\n", - " 1.0602291 1.0220912 1.1954399 1.0836987 1.0707186 1.0117567 1.1088144\n", - " 1.0756966 1.0530473 1.0356137 1.0233027 1.119562 1.0381155 1.0305187\n", - " 1.0120757 1.009544 ]\n", - "\n", - "[ 3 0 1 5 9 18 2 13 10 14 4 11 7 15 19 16 20 6 17 8 21 12 22]\n", - "=======================\n", - "[\"louis jordan , 37 , took his 35-foot sailboat out in late january and had n't been heard from in 66 days when he was spotted thursday afternoon by the houston express on his ship drifting in the atlantic ocean .( cnn ) the last time frank jordan spoke with his son , louis jordan was fishing on a sailboat a few miles off the south carolina coast .the next time he spoke with him , more than two months had passed and the younger jordan was on a german-flagged container ship 200 miles from north carolina , just rescued from his disabled boat .\"]\n", - "=======================\n", - "[\"louis jordan says his sailboat capsized three timeshe survived by collecting rainwater and eating raw fishfrank jordan told cnn his son is n't an experienced sailor but has a strong will\"]\n", - "louis jordan , 37 , took his 35-foot sailboat out in late january and had n't been heard from in 66 days when he was spotted thursday afternoon by the houston express on his ship drifting in the atlantic ocean .( cnn ) the last time frank jordan spoke with his son , louis jordan was fishing on a sailboat a few miles off the south carolina coast .the next time he spoke with him , more than two months had passed and the younger jordan was on a german-flagged container ship 200 miles from north carolina , just rescued from his disabled boat .\n", - "louis jordan says his sailboat capsized three timeshe survived by collecting rainwater and eating raw fishfrank jordan told cnn his son is n't an experienced sailor but has a strong will\n", - "[1.0984232 1.3468142 1.103229 1.2908077 1.2231174 1.1770439 1.040492\n", - " 1.1360171 1.0173709 1.1074313 1.0544014 1.0652454 1.0440509 1.0502498\n", - " 1.0880867 1.0185668 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 4 5 7 9 2 0 14 11 10 13 12 6 15 8 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"but this week , singer miley cyrus decided to challenge convention and leave her underarms unshaved - perhaps she 's onto something , as there may be health benefits to having an ample covering of fuzz .how body hair helps your skin healhair anywhere on the body is important for maintaining skin health , explains des tobin , a professor of cell biology at the university of bradford .\"]\n", - "=======================\n", - "['miley cyrus challenged convention and left her underarms unshavedthis may help disperse the odours that attract us to a potential partnerhair on your toes could be a sign that your circulation is good']\n", - "but this week , singer miley cyrus decided to challenge convention and leave her underarms unshaved - perhaps she 's onto something , as there may be health benefits to having an ample covering of fuzz .how body hair helps your skin healhair anywhere on the body is important for maintaining skin health , explains des tobin , a professor of cell biology at the university of bradford .\n", - "miley cyrus challenged convention and left her underarms unshavedthis may help disperse the odours that attract us to a potential partnerhair on your toes could be a sign that your circulation is good\n", - "[1.1900105 1.3840233 1.2343351 1.2506816 1.0975779 1.1785511 1.1137521\n", - " 1.1047964 1.1157678 1.119816 1.1044663 1.0486524 1.0393702 1.1752188\n", - " 1.0459383 1.052189 1.0471941 1.0603216]\n", - "\n", - "[ 1 3 2 0 5 13 9 8 6 7 10 4 17 15 11 16 14 12]\n", - "=======================\n", - "['frances clarkson showed off her tanned figure in a white bikini as she relaxed on a beach in barbados .the 53 year old revealed the results of a week sunbathing over easter in the skimpy swimsuit , which was covered in a black palm tree print .as jeremy clarkson continues to battle to save his career after being sacked form top gear , his estranged wife has been enjoying a family break in the caribbean .']\n", - "=======================\n", - "['frances clarkson , 53 , is holidaying in barbados with family and friendsshe spent easter bank holiday weekend on the caribbean islandshe holidayed on the island in 2011 with her estranged husband jeremy']\n", - "frances clarkson showed off her tanned figure in a white bikini as she relaxed on a beach in barbados .the 53 year old revealed the results of a week sunbathing over easter in the skimpy swimsuit , which was covered in a black palm tree print .as jeremy clarkson continues to battle to save his career after being sacked form top gear , his estranged wife has been enjoying a family break in the caribbean .\n", - "frances clarkson , 53 , is holidaying in barbados with family and friendsshe spent easter bank holiday weekend on the caribbean islandshe holidayed on the island in 2011 with her estranged husband jeremy\n", - "[1.3495424 1.080317 1.2602847 1.1509037 1.0377922 1.0906005 1.2168177\n", - " 1.0483637 1.130495 1.048154 1.0336082 1.0424019 1.1130074 1.066316\n", - " 1.0482513 0. 0. 0. ]\n", - "\n", - "[ 0 2 6 3 8 12 5 1 13 7 14 9 11 4 10 16 15 17]\n", - "=======================\n", - "[\"last weekend , after a sunny day in the borders , i posted this picture of myself on twitter with the caption ` just met nicola sturgeon lookalike out canvassing ! 'i was called ugly , vile , ` someone who deserves to die ' , and one wit even ` hoped i would catch malaria ' .in all , i 've probably received more than 600 insults , and two days later they 're still coming .\"]\n", - "=======================\n", - "[\"janet street-porter joked about snp leader nicola sturgeon on twitterthe journalist was called ugly , vile and ` someone who deserves to die 'says worrying questions remain about some of the snp leader 's followers\"]\n", - "last weekend , after a sunny day in the borders , i posted this picture of myself on twitter with the caption ` just met nicola sturgeon lookalike out canvassing ! 'i was called ugly , vile , ` someone who deserves to die ' , and one wit even ` hoped i would catch malaria ' .in all , i 've probably received more than 600 insults , and two days later they 're still coming .\n", - "janet street-porter joked about snp leader nicola sturgeon on twitterthe journalist was called ugly , vile and ` someone who deserves to die 'says worrying questions remain about some of the snp leader 's followers\n", - "[1.3360285 1.1648191 1.2454828 1.2343687 1.1792647 1.08548 1.0841525\n", - " 1.0825219 1.1050221 1.1155585 1.0304202 1.0404996 1.0616066 1.0229601\n", - " 1.0364305 1.0551077 1.0419575 1.069622 ]\n", - "\n", - "[ 0 2 3 4 1 9 8 5 6 7 17 12 15 16 11 14 10 13]\n", - "=======================\n", - "['washington ( cnn ) the flight voice recorder aboard germanwings flight 9525 reportedly captured blaring cockpit alarms , warning co-pilot andreas lubitz to \" pull up \" and that \" terrain \" was ahead .with reports that lubitz apparently ignored those warnings , there are new calls from aviation experts to develop and deploy enhanced crash avoidance software that could take control of an aircraft away from a pilot and steer the plane to a safe altitude .the technology would work in a fashion similar to crash avoidance technology already used in automobiles .']\n", - "=======================\n", - "['autopilot could have taken control of germanwings flight and flown plane to safe altitudebut some experts say taking control away from humans could lead to other dangersanother concern : autopilot might be vulnerable to hackers']\n", - "washington ( cnn ) the flight voice recorder aboard germanwings flight 9525 reportedly captured blaring cockpit alarms , warning co-pilot andreas lubitz to \" pull up \" and that \" terrain \" was ahead .with reports that lubitz apparently ignored those warnings , there are new calls from aviation experts to develop and deploy enhanced crash avoidance software that could take control of an aircraft away from a pilot and steer the plane to a safe altitude .the technology would work in a fashion similar to crash avoidance technology already used in automobiles .\n", - "autopilot could have taken control of germanwings flight and flown plane to safe altitudebut some experts say taking control away from humans could lead to other dangersanother concern : autopilot might be vulnerable to hackers\n", - "[1.4264247 1.1623561 1.4171858 1.1586472 1.1761175 1.1531415 1.0889225\n", - " 1.0361427 1.1059906 1.0757002 1.0646478 1.0625898 1.0542046 1.0771749\n", - " 1.0658146 1.2791476 1.0730582 0. ]\n", - "\n", - "[ 0 2 15 4 1 3 5 8 6 13 9 16 14 10 11 12 7 17]\n", - "=======================\n", - "[\"ben grower ( above ) , a labour councillor , refused to deal with a constituent because they supported ukip , it has been claimedpensioner alan roberts wrote to bournemouth borough council complaining about a lack of action over fly-tipping .ben grower , leader of the authority 's labour group , responded : ` as you now appear to be a supporter of a racist party please do not send me any further emails as they will be put in my junk mail folder and automatically deleted . '\"]\n", - "=======================\n", - "[\"alan roberts wrote to bournemouth borough council about fly-tipping65-year-old signed off his email with : ` that 's why i 'll be voting ukip 'councillor ben grower responded and said he would delete further emails\"]\n", - "ben grower ( above ) , a labour councillor , refused to deal with a constituent because they supported ukip , it has been claimedpensioner alan roberts wrote to bournemouth borough council complaining about a lack of action over fly-tipping .ben grower , leader of the authority 's labour group , responded : ` as you now appear to be a supporter of a racist party please do not send me any further emails as they will be put in my junk mail folder and automatically deleted . '\n", - "alan roberts wrote to bournemouth borough council about fly-tipping65-year-old signed off his email with : ` that 's why i 'll be voting ukip 'councillor ben grower responded and said he would delete further emails\n", - "[1.3340887 1.1412488 1.5154198 1.2030342 1.2028832 1.1482294 1.0816679\n", - " 1.0638787 1.1825839 1.0836157 1.08082 1.0344718 1.0148455 1.0154305\n", - " 1.012828 1.0146127 1.2741908 0. ]\n", - "\n", - "[ 2 0 16 3 4 8 5 1 9 6 10 7 11 13 12 15 14 17]\n", - "=======================\n", - "[\"louise henderson alakil , 49 , moved to the middle eastern country 27 years ago and worked as a teacher at the international school in the capital sanaa until recent fighting forced it to close .terrified : miriam , 11 ( left ) , and ayesha , nine ( right ) , are currently living in fear in their basementbritons have been advised to book commercial flights out the country , but mrs henderson and her children 's passports have expired and the uk authorities in yemen are closed .\"]\n", - "=======================\n", - "[\"louise henderson , 49 , moved to yemen 27 years ago to work as a teacherher family are now caught up in fighting in the country 's capital , sanaashe is currently hiding below her home with her two young daughtersmiriam , 11 , and ayesha , nine , have pleaded for the bombing to stop and for their family to be evacuated to the uk\"]\n", - "louise henderson alakil , 49 , moved to the middle eastern country 27 years ago and worked as a teacher at the international school in the capital sanaa until recent fighting forced it to close .terrified : miriam , 11 ( left ) , and ayesha , nine ( right ) , are currently living in fear in their basementbritons have been advised to book commercial flights out the country , but mrs henderson and her children 's passports have expired and the uk authorities in yemen are closed .\n", - "louise henderson , 49 , moved to yemen 27 years ago to work as a teacherher family are now caught up in fighting in the country 's capital , sanaashe is currently hiding below her home with her two young daughtersmiriam , 11 , and ayesha , nine , have pleaded for the bombing to stop and for their family to be evacuated to the uk\n", - "[1.2129471 1.4221923 1.1286086 1.0675094 1.0942421 1.111783 1.129311\n", - " 1.1167425 1.0342381 1.0672787 1.1343632 1.0993241 1.1181192 1.0956479\n", - " 1.0706702 1.0255026 1.0168253 1.0308272 1.0444343 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 10 6 2 12 7 5 11 13 4 14 3 9 18 8 17 15 16 21 19 20 22]\n", - "=======================\n", - "[\"the auditions for the nationwide search for a brit with very special talent will be televised for six weeks until a winner is chosen .britain 's got talent returns to our screens for a ninth series tomorrow .the biggest star to come out of the show by far is scottish singing sensation susa boyle - but she did n't actually win .\"]\n", - "=======================\n", - "[\"tv show britain 's got talent returns to screens for a ninth series tomorrowwinner gets to perform at the royal variety performance - and # 250,000but once the spotlight comes off - what happens to them ?\"]\n", - "the auditions for the nationwide search for a brit with very special talent will be televised for six weeks until a winner is chosen .britain 's got talent returns to our screens for a ninth series tomorrow .the biggest star to come out of the show by far is scottish singing sensation susa boyle - but she did n't actually win .\n", - "tv show britain 's got talent returns to screens for a ninth series tomorrowwinner gets to perform at the royal variety performance - and # 250,000but once the spotlight comes off - what happens to them ?\n", - "[1.2135272 1.2727039 1.2784178 1.1739509 1.1335242 1.2113323 1.1856894\n", - " 1.1288637 1.0322772 1.0261579 1.0449508 1.0845356 1.0380287 1.0480249\n", - " 1.045842 1.0215789 1.0360624 1.0452582 1.0930092 1.0320191 1.0216111\n", - " 0. 0. ]\n", - "\n", - "[ 2 1 0 5 6 3 4 7 18 11 13 14 17 10 12 16 8 19 9 20 15 21 22]\n", - "=======================\n", - "['then he headed to a st. petersburg , florida , church to make a plea for his own adoption .desperate for a home in 2013 , davion navar henry only dressed up in a suit and borrowed a bible from the boys home where he lived .( cnn ) the boy who asked a church to help him find a forever parent finally has one .']\n", - "=======================\n", - "['davion only took to the pulpit to find a forever homeafter some setbacks , his family is set to make it official in april']\n", - "then he headed to a st. petersburg , florida , church to make a plea for his own adoption .desperate for a home in 2013 , davion navar henry only dressed up in a suit and borrowed a bible from the boys home where he lived .( cnn ) the boy who asked a church to help him find a forever parent finally has one .\n", - "davion only took to the pulpit to find a forever homeafter some setbacks , his family is set to make it official in april\n", - "[1.3193824 1.3105787 1.1519197 1.072889 1.2631665 1.17628 1.0633711\n", - " 1.0488925 1.0572215 1.0733404 1.0462723 1.1018441 1.1196166 1.0370743\n", - " 1.0435183 1.0520601 1.0605503 1.0874625 1.061786 1.0143504 1.0501858\n", - " 1.0666947 1.0224932]\n", - "\n", - "[ 0 1 4 5 2 12 11 17 9 3 21 6 18 16 8 15 20 7 10 14 13 22 19]\n", - "=======================\n", - "[\"australians have taken to social media to remember the sacrifice of the anzacs , as record numbers gathered at dawn services across the country to commemorate the 100th anniversary of the gallipoli landing .proud aussies came together in huge numbers in sydney , while more paid their respects in queensland 's regional and coastal towns of gympie and coolangatta .the gallipoli peninsula in turkey prepared to receive more than 10,000 people to its shores on anzac day .\"]\n", - "=======================\n", - "['social media flooded with images of anzac day services across australiarecord numbers gathered at dawn services held across the countrythis year marks the 100th anniversary of the gallipoli landingmore than 10,000 people expected to attend centenary dawn service at the gallipoli peninsula in turkey']\n", - "australians have taken to social media to remember the sacrifice of the anzacs , as record numbers gathered at dawn services across the country to commemorate the 100th anniversary of the gallipoli landing .proud aussies came together in huge numbers in sydney , while more paid their respects in queensland 's regional and coastal towns of gympie and coolangatta .the gallipoli peninsula in turkey prepared to receive more than 10,000 people to its shores on anzac day .\n", - "social media flooded with images of anzac day services across australiarecord numbers gathered at dawn services held across the countrythis year marks the 100th anniversary of the gallipoli landingmore than 10,000 people expected to attend centenary dawn service at the gallipoli peninsula in turkey\n", - "[1.1365856 1.3732511 1.3908302 1.05342 1.1089952 1.2431195 1.1427611\n", - " 1.0835153 1.0539029 1.0757118 1.0971904 1.0362111 1.0449374 1.0644323\n", - " 1.0343764 1.018415 1.0203784 1.0851161 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 1 5 6 0 4 10 17 7 9 13 8 3 12 11 14 16 15 21 18 19 20 22]\n", - "=======================\n", - "[\"the pictures were taken by professional photographer scott gable , 39 , who spent four months travelling across the region documenting the labour and threadbare equipment used to harvest the carbohydrate-rich food .in a photo album that spans over china , thailand , vietnam , laos and cambodia , extraordinary images portray the crop 's full cycle from the primitive sowing of seeds to the distribution of millions of tonnes for consumption .the crop accounts for one fifth of all calories consumed by humans and 87 per cent of it is produced in asia .\"]\n", - "=======================\n", - "['the spectacular photos were taken at paddy fields in china , thailand , vietnam , laos and cambodiaphotographer scott gable spent four months travelling region to document the process of harvesting the croprice accounts for one fifth of all calories consumed by humans but crop is often still cultivated in primitive way']\n", - "the pictures were taken by professional photographer scott gable , 39 , who spent four months travelling across the region documenting the labour and threadbare equipment used to harvest the carbohydrate-rich food .in a photo album that spans over china , thailand , vietnam , laos and cambodia , extraordinary images portray the crop 's full cycle from the primitive sowing of seeds to the distribution of millions of tonnes for consumption .the crop accounts for one fifth of all calories consumed by humans and 87 per cent of it is produced in asia .\n", - "the spectacular photos were taken at paddy fields in china , thailand , vietnam , laos and cambodiaphotographer scott gable spent four months travelling region to document the process of harvesting the croprice accounts for one fifth of all calories consumed by humans but crop is often still cultivated in primitive way\n", - "[1.0981785 1.1643767 1.0742109 1.346324 1.355509 1.0962496 1.0437683\n", - " 1.1271545 1.1861436 1.0371518 1.037053 1.0422945 1.0179102 1.0152023\n", - " 1.0174909 1.0189577 1.0164881 1.077007 1.1493381 1.0379511 1.0151757\n", - " 1.062423 0. ]\n", - "\n", - "[ 4 3 8 1 18 7 0 5 17 2 21 6 11 19 9 10 15 12 14 16 13 20 22]\n", - "=======================\n", - "['packed it in : anand iyer worked for fashion site threadflip , but ditched his job to spent time at homeafter working at microsoft , he moved over to threadflip to be their chief product officer .a wife , an adorable two-year-old daughter , and a six-figure salary job with a leading tech company in san francisco that he loved .']\n", - "=======================\n", - "[\"anand iyer , 36 , was earning six figures at threadflip in san franciscohe realized he did n't get much time to see his daughter , 2 , avahe felt awkward at the playground and ava was asleep when he got homequit his job to be house-husband , says it 's ` the best investment 'his wife shreya , 34 , now supports the family as a recruitment manager\"]\n", - "packed it in : anand iyer worked for fashion site threadflip , but ditched his job to spent time at homeafter working at microsoft , he moved over to threadflip to be their chief product officer .a wife , an adorable two-year-old daughter , and a six-figure salary job with a leading tech company in san francisco that he loved .\n", - "anand iyer , 36 , was earning six figures at threadflip in san franciscohe realized he did n't get much time to see his daughter , 2 , avahe felt awkward at the playground and ava was asleep when he got homequit his job to be house-husband , says it 's ` the best investment 'his wife shreya , 34 , now supports the family as a recruitment manager\n", - "[1.4781214 1.1934111 1.4936064 1.1695323 1.2445794 1.08698 1.0563772\n", - " 1.0968944 1.0721778 1.1325396 1.0574063 1.1191523 1.0214701 1.0128666\n", - " 1.0098926 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 4 1 3 9 11 7 5 8 10 6 12 13 14 17 15 16 18]\n", - "=======================\n", - "['carlos boente , 33 , was serving time at hmp birmingham for similar harassment type offences when he began contacting the 19-year-old woman in november 2013 .prisoner carlos boente ( pictured ) was jailed for five years after he was found guilty of conspiracy to burgle , harassment and a phone possession chargehe then bombarded the teen with thousands of texts and calls - telling her sob stories about his life saying he had no family and nobody visited him in prison .']\n", - "=======================\n", - "['carlos boente , 33 , was serving time in prison for harassment-type offenceshe began contacting the victim after receiving her number from a cellmateshe spoke to him out of sympathy , but the messages turned threateninghe started telling her she was going to die and threatening her child']\n", - "carlos boente , 33 , was serving time at hmp birmingham for similar harassment type offences when he began contacting the 19-year-old woman in november 2013 .prisoner carlos boente ( pictured ) was jailed for five years after he was found guilty of conspiracy to burgle , harassment and a phone possession chargehe then bombarded the teen with thousands of texts and calls - telling her sob stories about his life saying he had no family and nobody visited him in prison .\n", - "carlos boente , 33 , was serving time in prison for harassment-type offenceshe began contacting the victim after receiving her number from a cellmateshe spoke to him out of sympathy , but the messages turned threateninghe started telling her she was going to die and threatening her child\n", - "[1.2596186 1.3978467 1.1859006 1.1546013 1.263522 1.0931346 1.1706271\n", - " 1.1082971 1.1655917 1.0969596 1.0676851 1.0423741 1.0523064 1.0246724\n", - " 1.0401123 1.0558597 1.0263106 1.0501229 1.0258093]\n", - "\n", - "[ 1 4 0 2 6 8 3 7 9 5 10 15 12 17 11 14 16 18 13]\n", - "=======================\n", - "[\"tennessee last executed a prisoner in 2009 .the tennessee supreme court has vacated the execution dates of the last four men on the state 's death row as new lethal injection methods are challenged .since then , legal challenges and problems obtaining lethal injection drugs have stalled new executions .\"]\n", - "=======================\n", - "[\"tennessee supreme court vacates execution dates for four menleroy hall jr , 48 , donald wayne strouth , 56 , nicholas todd sutton , 53 , and abu-ali abdur ' rahman , 64 , all faced upcoming deathnew executions stalled as states ' new lethal injection methods scrutinized\"]\n", - "tennessee last executed a prisoner in 2009 .the tennessee supreme court has vacated the execution dates of the last four men on the state 's death row as new lethal injection methods are challenged .since then , legal challenges and problems obtaining lethal injection drugs have stalled new executions .\n", - "tennessee supreme court vacates execution dates for four menleroy hall jr , 48 , donald wayne strouth , 56 , nicholas todd sutton , 53 , and abu-ali abdur ' rahman , 64 , all faced upcoming deathnew executions stalled as states ' new lethal injection methods scrutinized\n", - "[1.3734831 1.4268498 1.2887805 1.1845913 1.1379368 1.1122961 1.2211338\n", - " 1.0980141 1.0420517 1.0140576 1.0210837 1.0138379 1.0654665 1.0649024\n", - " 1.0568664 1.0257313 1.049551 1.2721643 1.0799475]\n", - "\n", - "[ 1 0 2 17 6 3 4 5 7 18 12 13 14 16 8 15 10 9 11]\n", - "=======================\n", - "[\"bamford , on loan at the riverside stadium from chelsea , received the award at the gala ceremony in london on sunday evening in front of over 600 guests , following a vote among club managers .middlesbrough 's patrick bamford has been named the championship player of the year at the football league awards .bamford 's goals while on loan have chelsea have steered boro towards promotion\"]\n", - "=======================\n", - "[\"chelsea loanee patrick bamford was named championship player of the year for his displays for middlesbroughpreston 's joe garner won league one award while danny mayor collected the league two gong at the football league awardsmk dons midfielder dele alli won the young player of the year award\"]\n", - "bamford , on loan at the riverside stadium from chelsea , received the award at the gala ceremony in london on sunday evening in front of over 600 guests , following a vote among club managers .middlesbrough 's patrick bamford has been named the championship player of the year at the football league awards .bamford 's goals while on loan have chelsea have steered boro towards promotion\n", - "chelsea loanee patrick bamford was named championship player of the year for his displays for middlesbroughpreston 's joe garner won league one award while danny mayor collected the league two gong at the football league awardsmk dons midfielder dele alli won the young player of the year award\n", - "[1.3042397 1.3035126 1.2105784 1.326621 1.3043678 1.131728 1.1410558\n", - " 1.1715381 1.0376645 1.0147789 1.0153081 1.0671957 1.0112712 1.0686483\n", - " 1.0935464 1.0481226 0. 0. 0. ]\n", - "\n", - "[ 3 4 0 1 2 7 6 5 14 13 11 15 8 10 9 12 17 16 18]\n", - "=======================\n", - "['tragic couple : brittany huber and john redman were involved in a deadly car crash just days before their wedding last spring .the bride to be was killed on impact and the groom was left clinging to liferedman survived , but his body was left shattered and he was told by his doctors that he was likely to spend the rest of his life in a nursing home , confined to a wheelchair .']\n", - "=======================\n", - "[\"brittany huber , 23 , was killed on impact when fiance john redman , 25 , lost control of his lexus in georgia april 28 , 2014the couple were heading to alabama where they were set to get married may 3redman suffered head trauma and multiple broken bones , and was told by his doctors he would likely spend the rest of his life in a wheelchairthe fiance only found out about brittany 's death a month laterredman regained his ability to walk and resumed coaching at dalton state collegeon march 24 , he helped lead his team to its first championship title\"]\n", - "tragic couple : brittany huber and john redman were involved in a deadly car crash just days before their wedding last spring .the bride to be was killed on impact and the groom was left clinging to liferedman survived , but his body was left shattered and he was told by his doctors that he was likely to spend the rest of his life in a nursing home , confined to a wheelchair .\n", - "brittany huber , 23 , was killed on impact when fiance john redman , 25 , lost control of his lexus in georgia april 28 , 2014the couple were heading to alabama where they were set to get married may 3redman suffered head trauma and multiple broken bones , and was told by his doctors he would likely spend the rest of his life in a wheelchairthe fiance only found out about brittany 's death a month laterredman regained his ability to walk and resumed coaching at dalton state collegeon march 24 , he helped lead his team to its first championship title\n", - "[1.3378655 1.3364909 1.0886953 1.3022257 1.3597027 1.2641203 1.0129606\n", - " 1.0167987 1.0150708 1.0161356 1.2566249 1.1523743 1.0825646 1.1722093\n", - " 1.0396928 1.0556412 1.0252059 0. 0. ]\n", - "\n", - "[ 4 0 1 3 5 10 13 11 2 12 15 14 16 7 9 8 6 17 18]\n", - "=======================\n", - "[\"a lamborghini was left severely damaged after it was crashed into a tree and a bollard , causing one of the rear wheels of the # 250,000 supercar to fly off and narrowly miss a man who was walking his granddaughter homeit also lost a wheel which came flying off , missing a child and her grandfather by little more than 10ft .the young man , who has not been identified , is said to have just laughed and told onlookers it did not matter the 202mph supercar was a write-off because he would just ` buy another one tomorrow ' .\"]\n", - "=======================\n", - "['a # 250,00 lamborghini supercar hit a tree and then smashed into a bollardthe car crashed just metres from a primary school and wheel flew offwheel narrowly missed martin johnson and granddaughter charly pennettowner apparently got out and joked he would buy a new one tomorrow']\n", - "a lamborghini was left severely damaged after it was crashed into a tree and a bollard , causing one of the rear wheels of the # 250,000 supercar to fly off and narrowly miss a man who was walking his granddaughter homeit also lost a wheel which came flying off , missing a child and her grandfather by little more than 10ft .the young man , who has not been identified , is said to have just laughed and told onlookers it did not matter the 202mph supercar was a write-off because he would just ` buy another one tomorrow ' .\n", - "a # 250,00 lamborghini supercar hit a tree and then smashed into a bollardthe car crashed just metres from a primary school and wheel flew offwheel narrowly missed martin johnson and granddaughter charly pennettowner apparently got out and joked he would buy a new one tomorrow\n", - "[1.2165489 1.37015 1.3872865 1.2944959 1.116923 1.0648245 1.0633512\n", - " 1.1265454 1.0745319 1.0709854 1.0700974 1.1669048 1.04962 1.0222248\n", - " 1.0426885 1.0290875 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 0 11 7 4 8 9 10 5 6 12 14 15 13 19 16 17 18 20]\n", - "=======================\n", - "[\"any employee working in the regions where the watch is being launched - including the us , uk , australia , canada , china , france , germany , hong kong and japan - will be eligible .and boss tim cook is rewarding his staff by offering them a 50 per cent discount on the device .apple 's watch hits stores this friday when customers and employees alike will be able to pre-order the timepiece .\"]\n", - "=======================\n", - "['the plans were revealed in a leaked memo from apple boss tim cookhe thanked staff for their help and offered employees a 50 % discountthis discount applies from friday and will last for 90 daysapple staff already receive discounts on all products at around 30 %']\n", - "any employee working in the regions where the watch is being launched - including the us , uk , australia , canada , china , france , germany , hong kong and japan - will be eligible .and boss tim cook is rewarding his staff by offering them a 50 per cent discount on the device .apple 's watch hits stores this friday when customers and employees alike will be able to pre-order the timepiece .\n", - "the plans were revealed in a leaked memo from apple boss tim cookhe thanked staff for their help and offered employees a 50 % discountthis discount applies from friday and will last for 90 daysapple staff already receive discounts on all products at around 30 %\n", - "[1.0708345 1.5033016 1.3200474 1.2451527 1.1054785 1.3655751 1.1017781\n", - " 1.1028521 1.0515363 1.043578 1.1139915 1.0405562 1.051434 1.037942\n", - " 1.0332835 1.0175128 1.0139145 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 2 3 10 4 7 6 0 8 12 9 11 13 14 15 16 19 17 18 20]\n", - "=======================\n", - "[\"illustrator lucy scott , from edinburgh , had her first baby in 2012 , and found that nothing could have prepared her for the roller coaster ride that ensued .she proceeded to capture every experience in a new book , doodle diary of a new mom : an illustrated journey through one mommy 's first year , which chronicles this emotional , often fraught time in a new parent 's life in a series of wry , honest illustrations .` the joy of long car journeys ' : lucy scott 's doodle book honestly chronicles the difficult realities of the first year of parenthood\"]\n", - "=======================\n", - "['lucy scott is an edinburgh-born illustrator and mother-of-oneafter having first child , lois , in 2012 , she decided to create honest bookdoodle diary of a new mom looks at chaotic , realistic aspects']\n", - "illustrator lucy scott , from edinburgh , had her first baby in 2012 , and found that nothing could have prepared her for the roller coaster ride that ensued .she proceeded to capture every experience in a new book , doodle diary of a new mom : an illustrated journey through one mommy 's first year , which chronicles this emotional , often fraught time in a new parent 's life in a series of wry , honest illustrations .` the joy of long car journeys ' : lucy scott 's doodle book honestly chronicles the difficult realities of the first year of parenthood\n", - "lucy scott is an edinburgh-born illustrator and mother-of-oneafter having first child , lois , in 2012 , she decided to create honest bookdoodle diary of a new mom looks at chaotic , realistic aspects\n", - "[1.2270126 1.2541151 1.1297922 1.3019304 1.3411033 1.0598366 1.1141334\n", - " 1.1384807 1.0338503 1.0304613 1.2336427 1.0889283 1.0150363 1.0723857\n", - " 1.0952603 1.1744673 1.0527284 1.0142208 1.0183212 1.0547434 1.0210334]\n", - "\n", - "[ 4 3 1 10 0 15 7 2 6 14 11 13 5 19 16 8 9 20 18 12 17]\n", - "=======================\n", - "['mario balotelli ( left ) and rickie lambert appear set to depart liverpool at the end of the seasondanny ings has impressed at burnley this season and is set to leave turf moor when his contract expiresattention is already turning to next season at liverpool after their fa cup semi-final exit at the hands of aston villa .']\n", - "=======================\n", - "['liverpool need new faces in the summer after an underwhelming campaigndanny ings and james milner could join when their contracts expirememphis depay , petr cech and asier illarramendi also linked to anfield']\n", - "mario balotelli ( left ) and rickie lambert appear set to depart liverpool at the end of the seasondanny ings has impressed at burnley this season and is set to leave turf moor when his contract expiresattention is already turning to next season at liverpool after their fa cup semi-final exit at the hands of aston villa .\n", - "liverpool need new faces in the summer after an underwhelming campaigndanny ings and james milner could join when their contracts expirememphis depay , petr cech and asier illarramendi also linked to anfield\n", - "[1.1836566 1.378261 1.2706304 1.348646 1.290028 1.0777129 1.056091\n", - " 1.0587248 1.0382415 1.069479 1.0590698 1.0456464 1.0653578 1.0258161\n", - " 1.0436462 1.0733429 1.1115768 1.0769596 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 16 5 17 15 9 12 10 7 6 11 14 8 13 19 18 20]\n", - "=======================\n", - "[\"a striking picture , taken by photographer kenji wardenclyffe , captured the explosive moment during a melbourne protest against the ` islamisation ' of australia .the reclaim australia event in melbourne was also crashed by neo-nazis , who spectacularly clashed with anti-racism groups .a number of men with shaved heads and tattoos of the swastika ( left ) appeared at the event and attempted to start a fight with anti-racism protesters ( right )\"]\n", - "=======================\n", - "[\"men wearing neo-nazi symbols crashed melbourne reclaim australia rallyreclaim australia believes country should stand up against ` islamisation 'anti-racism group were also in attendance to counter-protest against reclaim australiathe neo-nazis , some with swastika tattoos , attempted to intimidate anti-racism protesterphotographer captured the moment a brave man stood up to the neo-nazi\"]\n", - "a striking picture , taken by photographer kenji wardenclyffe , captured the explosive moment during a melbourne protest against the ` islamisation ' of australia .the reclaim australia event in melbourne was also crashed by neo-nazis , who spectacularly clashed with anti-racism groups .a number of men with shaved heads and tattoos of the swastika ( left ) appeared at the event and attempted to start a fight with anti-racism protesters ( right )\n", - "men wearing neo-nazi symbols crashed melbourne reclaim australia rallyreclaim australia believes country should stand up against ` islamisation 'anti-racism group were also in attendance to counter-protest against reclaim australiathe neo-nazis , some with swastika tattoos , attempted to intimidate anti-racism protesterphotographer captured the moment a brave man stood up to the neo-nazi\n", - "[1.1555668 1.4756804 1.367096 1.3031938 1.1483045 1.0308864 1.020953\n", - " 1.0283756 1.153938 1.0926073 1.0702313 1.1426893 1.0488644 1.1500418\n", - " 1.120657 1.0656415 1.047426 1.0075812 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 8 13 4 11 14 9 10 15 12 16 5 7 6 17 18 19 20]\n", - "=======================\n", - "['two prototypes of the cyg-11 seaplane were tested this week over the sea off the coast of haikou in hainan province in china .the aircraft is believed to be a joint project between russia and china to build new types of super-efficient seaplane .engineers behind the cny 5 billion ( # 500 million ) project say the aircraft are capable of flying 62 miles ( 100 km ) on 28 litres of fuel .']\n", - "=======================\n", - "[\"two prototype aircraft were tested off the coast of haikou , in the hainan province of chinathe cyg-11 plane can reach a top speed of 155mph and boasts a maximum range of 930 milesthe super-efficient craft uses increased lift and reduced drag from its wings to fly 16ft ( 5m ) above thewavesengineers hope the groundbreaking aircraft could be used on ` motorways of the sea ' in the future\"]\n", - "two prototypes of the cyg-11 seaplane were tested this week over the sea off the coast of haikou in hainan province in china .the aircraft is believed to be a joint project between russia and china to build new types of super-efficient seaplane .engineers behind the cny 5 billion ( # 500 million ) project say the aircraft are capable of flying 62 miles ( 100 km ) on 28 litres of fuel .\n", - "two prototype aircraft were tested off the coast of haikou , in the hainan province of chinathe cyg-11 plane can reach a top speed of 155mph and boasts a maximum range of 930 milesthe super-efficient craft uses increased lift and reduced drag from its wings to fly 16ft ( 5m ) above thewavesengineers hope the groundbreaking aircraft could be used on ` motorways of the sea ' in the future\n", - "[1.2264378 1.3496063 1.3285568 1.248593 1.3185109 1.1320264 1.1034245\n", - " 1.2014905 1.0905162 1.0624582 1.1159079 1.020108 1.0269336 1.0369176\n", - " 1.1345199 1.0267354 1.0060894 1.0430442]\n", - "\n", - "[ 1 2 4 3 0 7 14 5 10 6 8 9 17 13 12 15 11 16]\n", - "=======================\n", - "[\"the 78 irish travellers , who hail from just four families , had refused to budge despite facing three different courts , a planning inquiry and a council .and locals in hardhorn , lancashire , accused the group of trashing their leafy village - and branded them the ` neighbours from hell ' .the group claimed the eviction ` violated ' the human rights of the 39 children living on the site in 60 caravans\"]\n", - "=======================\n", - "[\"irish travellers have refused to budge from site in hardhorn , lancashirelast october , the group were told to move out by the court of appealthey took case to supreme court arguing eviction ` violated ' human rights of 39 children living on the sitelocals say they have suffered due to ` neighbours from hell ' for five years\"]\n", - "the 78 irish travellers , who hail from just four families , had refused to budge despite facing three different courts , a planning inquiry and a council .and locals in hardhorn , lancashire , accused the group of trashing their leafy village - and branded them the ` neighbours from hell ' .the group claimed the eviction ` violated ' the human rights of the 39 children living on the site in 60 caravans\n", - "irish travellers have refused to budge from site in hardhorn , lancashirelast october , the group were told to move out by the court of appealthey took case to supreme court arguing eviction ` violated ' human rights of 39 children living on the sitelocals say they have suffered due to ` neighbours from hell ' for five years\n", - "[1.4039193 1.3123592 1.2409524 1.0689042 1.2166915 1.178341 1.0466626\n", - " 1.0527486 1.060345 1.0431169 1.053888 1.1638252 1.0972897 1.0259801\n", - " 1.0724043 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 4 5 11 12 14 3 8 10 7 6 9 13 16 15 17]\n", - "=======================\n", - "[\"with saturday 's fight between floyd mayweather and manny pacquiao billed as the $ 300million fight of the century , it 's no surprise that its pay-per-view figures look set to blow previous bouts out of the water .in the us , viewers are being charged between $ 89.99 ( # 59 ) and $ 99.99 ( # 66 ) to watch the fight while in britain , sky box office is offering the bout for # 19.99 , but those figures will equate to a small fraction of the earnings for mayweather and pacquiao .once ticket sales and casino profits have been considered , the eagerly anticipated mega-fight , which is due to take place at the mgm grand in las vegas , will become the biggest pay-per-view in sport and could see the two fighters pocket astronomical sums .\"]\n", - "=======================\n", - "[\"floyd mayweather faces manny pacquiao in las vegas on may 2mega-fight to become highest grossing pay-per-view event in sportmayweather 's victory against saul alvarez currently tops the listamerican fighter will pocket upwards of # 111m if he goes the distancepacquiao could earn close to # 62m if the fight last 12 roundsread : sportsmail takes a look inside both boxers ' training spotsclick here for the latest floyd mayweather and manny pacquiao news\"]\n", - "with saturday 's fight between floyd mayweather and manny pacquiao billed as the $ 300million fight of the century , it 's no surprise that its pay-per-view figures look set to blow previous bouts out of the water .in the us , viewers are being charged between $ 89.99 ( # 59 ) and $ 99.99 ( # 66 ) to watch the fight while in britain , sky box office is offering the bout for # 19.99 , but those figures will equate to a small fraction of the earnings for mayweather and pacquiao .once ticket sales and casino profits have been considered , the eagerly anticipated mega-fight , which is due to take place at the mgm grand in las vegas , will become the biggest pay-per-view in sport and could see the two fighters pocket astronomical sums .\n", - "floyd mayweather faces manny pacquiao in las vegas on may 2mega-fight to become highest grossing pay-per-view event in sportmayweather 's victory against saul alvarez currently tops the listamerican fighter will pocket upwards of # 111m if he goes the distancepacquiao could earn close to # 62m if the fight last 12 roundsread : sportsmail takes a look inside both boxers ' training spotsclick here for the latest floyd mayweather and manny pacquiao news\n", - "[1.2045596 1.3879176 1.3026474 1.2724202 1.2182621 1.1852927 1.1008195\n", - " 1.08306 1.1131392 1.1222048 1.0193928 1.0231174 1.1257701 1.156708\n", - " 1.1085949 1.0762315 1.0647573 0. ]\n", - "\n", - "[ 1 2 3 4 0 5 13 12 9 8 14 6 7 15 16 11 10 17]\n", - "=======================\n", - "['the unidentified woman from greenpoint , brooklyn , was apparently distraught over her troubled marriage .she walked to the kosciuszko bridge from the brooklyn side shortly before noon on monday , climbed over a railing and stood on a section of metal piping barely wide enough to fit her feet .police arrived on scene at about 11.50 am and spent more than two hours talking to the woman and trying to calm her down']\n", - "=======================\n", - "[\"emergency services were called to the kosciuszko bridge at about 11.50 am monday , where a woman had climbed over the bridge 's railing and was standing on a section of metal pipingofficers tried to calm her down as nypd patrol boats cruised under the bridge on newtown creek , which connects greenpoint in brooklyn and maspeth in queensa witness said the woman was a 44-year-old polish mother-of-one who was going through a tough divorceshe agreed to be rescued after police talked to her about her daughter and was taken to elmhurst hospital\"]\n", - "the unidentified woman from greenpoint , brooklyn , was apparently distraught over her troubled marriage .she walked to the kosciuszko bridge from the brooklyn side shortly before noon on monday , climbed over a railing and stood on a section of metal piping barely wide enough to fit her feet .police arrived on scene at about 11.50 am and spent more than two hours talking to the woman and trying to calm her down\n", - "emergency services were called to the kosciuszko bridge at about 11.50 am monday , where a woman had climbed over the bridge 's railing and was standing on a section of metal pipingofficers tried to calm her down as nypd patrol boats cruised under the bridge on newtown creek , which connects greenpoint in brooklyn and maspeth in queensa witness said the woman was a 44-year-old polish mother-of-one who was going through a tough divorceshe agreed to be rescued after police talked to her about her daughter and was taken to elmhurst hospital\n", - "[1.2883997 1.1274835 1.201374 1.328567 1.3143755 1.141184 1.18095\n", - " 1.1393021 1.0778686 1.0313122 1.0516303 1.0279976 1.0180961 1.0111649\n", - " 1.0468785 1.1103933 1.1167632 0. ]\n", - "\n", - "[ 3 4 0 2 6 5 7 1 16 15 8 10 14 9 11 12 13 17]\n", - "=======================\n", - "[\"us alcohol regulators have approved plans for beer brewed from human wasteproduction of the beer has been approved by alcohol regulators in oregon , us , and will be made from waste gathered by sewage treatment firm clean water services .we 've had an ale made from yeast grown in beard hair , a beer that features barley from the international space station , and a 67.5 per cent alcohol brew that comes with a warning tag .\"]\n", - "=======================\n", - "[\"beer made from waste gathered by sewage treatment firm in oregon , usalcohol regulators in the state approved production of up to ten barrelsbeer brewed to ` raise awareness of the reusable nature of all water '\"]\n", - "us alcohol regulators have approved plans for beer brewed from human wasteproduction of the beer has been approved by alcohol regulators in oregon , us , and will be made from waste gathered by sewage treatment firm clean water services .we 've had an ale made from yeast grown in beard hair , a beer that features barley from the international space station , and a 67.5 per cent alcohol brew that comes with a warning tag .\n", - "beer made from waste gathered by sewage treatment firm in oregon , usalcohol regulators in the state approved production of up to ten barrelsbeer brewed to ` raise awareness of the reusable nature of all water '\n", - "[1.3312718 1.0425727 1.1181937 1.3280559 1.125634 1.1459268 1.074856\n", - " 1.1084911 1.3886495 1.0504688 1.0138347 1.0337616 1.0866034 1.057733\n", - " 1.0676069 1.032864 1.0729351 1.362066 ]\n", - "\n", - "[ 8 17 0 3 5 4 2 7 12 6 16 14 13 9 1 11 15 10]\n", - "=======================\n", - "['sam allardyce is not the man to lead west ham into their new exciting adventure at the olympic stadiumrafael benitez could return to english football after napoli and may be persuaded by the hammers projectjurgen klopp rejected the overtures of west ham united after handing in his notice at borussia dortmund .']\n", - "=======================\n", - "[\"sam allardyce had his chance with west ham but has failed to take itallardyce 's reputation is that of a man who guarantees top-flight survivalyet west ham have been playing relegation football since christmasthey must go to the olympic stadium with more than survival as the aimnapoli manager rafael benitez could be persuaded back to english football\"]\n", - "sam allardyce is not the man to lead west ham into their new exciting adventure at the olympic stadiumrafael benitez could return to english football after napoli and may be persuaded by the hammers projectjurgen klopp rejected the overtures of west ham united after handing in his notice at borussia dortmund .\n", - "sam allardyce had his chance with west ham but has failed to take itallardyce 's reputation is that of a man who guarantees top-flight survivalyet west ham have been playing relegation football since christmasthey must go to the olympic stadium with more than survival as the aimnapoli manager rafael benitez could be persuaded back to english football\n", - "[1.4377563 1.1937197 1.2509024 1.1847774 1.090592 1.0633175 1.0523368\n", - " 1.1374501 1.1048107 1.0802456 1.0458511 1.0502838 1.0423176 1.0457929\n", - " 1.1725123 1.148015 1.0261151 1.0182726 0. 0. ]\n", - "\n", - "[ 0 2 1 3 14 15 7 8 4 9 5 6 11 10 13 12 16 17 18 19]\n", - "=======================\n", - "['david light , account director at the data partnership , revealed the underhand tactics used by his company to coax information from peoplein meetings with our undercover reporters , they admitted ignoring an official no-call list meant to protect the vulnerable .and they said they could never be honest with people about the consequences of passing on personal information because then no one would answer their calls .']\n", - "=======================\n", - "[\"data bosses were caught boasting their underhand tactics to reportersthey admitted ignoring and official no-call list meant to protect vulnerablesaid they could n't be honest with people because they would n't answerdavid light of data partnership revealed tactics used to coax informationfor 8p a record he also offered to sell information on people with pensions\"]\n", - "david light , account director at the data partnership , revealed the underhand tactics used by his company to coax information from peoplein meetings with our undercover reporters , they admitted ignoring an official no-call list meant to protect the vulnerable .and they said they could never be honest with people about the consequences of passing on personal information because then no one would answer their calls .\n", - "data bosses were caught boasting their underhand tactics to reportersthey admitted ignoring and official no-call list meant to protect vulnerablesaid they could n't be honest with people because they would n't answerdavid light of data partnership revealed tactics used to coax informationfor 8p a record he also offered to sell information on people with pensions\n", - "[1.2008204 1.4696919 1.182003 1.1759373 1.0945907 1.091389 1.1563838\n", - " 1.0812818 1.097655 1.1154778 1.045497 1.1033918 1.1552403 1.068619\n", - " 1.0135518 1.0328658 1.0125613 1.0653476 0. 0. ]\n", - "\n", - "[ 1 0 2 3 6 12 9 11 8 4 5 7 13 17 10 15 14 16 18 19]\n", - "=======================\n", - "[\"the woman , who calls herself zhu diandian online , has raised her beloved five flowers since it was a piglet and the porker has now grown to a whopping 187lbs ( 13st )a chinese woman has become an internet sensation after charting life with her pet pig who she dresses , walks and even sleeps with every day .but that has nothing to weaken the bond between the two , with ms zhu proudly posting pictures of them snuggled up in bed together , it was reported by people 's daily online .\"]\n", - "=======================\n", - "[\"zhu diandian becomes web hit after posting pictures of bond with hogimages show her pet snuggled up in bed and going for walks in the parkher husband is said to be ` tolerant ' but her pet dog is raging with jealousy\"]\n", - "the woman , who calls herself zhu diandian online , has raised her beloved five flowers since it was a piglet and the porker has now grown to a whopping 187lbs ( 13st )a chinese woman has become an internet sensation after charting life with her pet pig who she dresses , walks and even sleeps with every day .but that has nothing to weaken the bond between the two , with ms zhu proudly posting pictures of them snuggled up in bed together , it was reported by people 's daily online .\n", - "zhu diandian becomes web hit after posting pictures of bond with hogimages show her pet snuggled up in bed and going for walks in the parkher husband is said to be ` tolerant ' but her pet dog is raging with jealousy\n", - "[1.2154386 1.4124912 1.3598728 1.3001143 1.2589765 1.15871 1.1172434\n", - " 1.1049842 1.0523838 1.1302544 1.0835305 1.0272893 1.0748852 1.0457809\n", - " 1.0334091 1.0377071 1.1354375 1.0608388 1.0287896 1.0447518]\n", - "\n", - "[ 1 2 3 4 0 5 16 9 6 7 10 12 17 8 13 19 15 14 18 11]\n", - "=======================\n", - "[\"the queen 's cousin , 79 , injured himself while staying at the queen 's private residence in royal deeside , aberdeenshire , on saturday .he was taken to aberdeen royal infirmary on easter monday and spent a night in hospital being treated for his injuries before being discharged today .the duke of kent has been spotted leaving hospital with a walking stick after suffering a dislocated hip during an easter trip to the royal family 's balmoral estate .\"]\n", - "=======================\n", - "[\"duke of kent spotted leaving hospital with a walking stick after hip injurythe queen 's cousin dislocated his hip while staying at balmoral for easter79-year-old was taken to aberdeen royal infirmary and discharged today\"]\n", - "the queen 's cousin , 79 , injured himself while staying at the queen 's private residence in royal deeside , aberdeenshire , on saturday .he was taken to aberdeen royal infirmary on easter monday and spent a night in hospital being treated for his injuries before being discharged today .the duke of kent has been spotted leaving hospital with a walking stick after suffering a dislocated hip during an easter trip to the royal family 's balmoral estate .\n", - "duke of kent spotted leaving hospital with a walking stick after hip injurythe queen 's cousin dislocated his hip while staying at balmoral for easter79-year-old was taken to aberdeen royal infirmary and discharged today\n", - "[1.1131812 1.2419586 1.2044702 1.3298428 1.0825834 1.0399339 1.1402236\n", - " 1.188778 1.1613336 1.093962 1.0737613 1.0652715 1.1054447 1.0534126\n", - " 1.018767 1.1390526 1.0753924 1.0573311 1.0384634 0. ]\n", - "\n", - "[ 3 1 2 7 8 6 15 0 12 9 4 16 10 11 17 13 5 18 14 19]\n", - "=======================\n", - "[\"amanda lamb stars in the new air wick fragrance campaign as she poses in lush flower arrangementsthe 42-year-old star lounges among lush blooms in sweeping ball gowns as she collaborates with air wick for a new range of home fragrances .amanda 's housing expertise have been showcased on her years of presenting a place in the sun and now she is at hand to offer advice on how to perk up a house this spring .\"]\n", - "=======================\n", - "['amanda lamb stars in the new fragrance campaign for air wickshe is captured in the plush shoot by vogue photographer willy camdenshe offers tips on home improvements in a special video']\n", - "amanda lamb stars in the new air wick fragrance campaign as she poses in lush flower arrangementsthe 42-year-old star lounges among lush blooms in sweeping ball gowns as she collaborates with air wick for a new range of home fragrances .amanda 's housing expertise have been showcased on her years of presenting a place in the sun and now she is at hand to offer advice on how to perk up a house this spring .\n", - "amanda lamb stars in the new fragrance campaign for air wickshe is captured in the plush shoot by vogue photographer willy camdenshe offers tips on home improvements in a special video\n", - "[1.3568068 1.3566849 1.3092154 1.1836259 1.178698 1.1298648 1.0225466\n", - " 1.0164392 1.068983 1.050141 1.0725108 1.1592447 1.0470088 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 11 5 10 8 9 12 6 7 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"the afghan taliban has published a bizarre biography of their ` charismatic ' supreme leader mullah omar - praising the one-eyed terrorist 's ` special ' sense of humour and love of grenade launchers .in a clear attempt to counter the growing influence of isis in the central asian country , the taliban propaganda release lavished praise on the extremist in celebration of his 19th year as leader .the taliban have reportedly seen defections to isis recently , with some insurgents expressing their disaffection with the one-eyed warrior-cleric who has not been seen since the 2001 us-led invasion .\"]\n", - "=======================\n", - "[\"taliban militants have lavished praise on their enigmatic supreme leaderdescribed jihadi 's intense love of his family and rpg missile launchersbiography was officially said to have been released in celebration of mullah omar 's 19th year as leader of the afghan talibanbut it was also a clear attempt to counter the growing influence of isisseveral afghan taliban members have defected to isis in recent months\"]\n", - "the afghan taliban has published a bizarre biography of their ` charismatic ' supreme leader mullah omar - praising the one-eyed terrorist 's ` special ' sense of humour and love of grenade launchers .in a clear attempt to counter the growing influence of isis in the central asian country , the taliban propaganda release lavished praise on the extremist in celebration of his 19th year as leader .the taliban have reportedly seen defections to isis recently , with some insurgents expressing their disaffection with the one-eyed warrior-cleric who has not been seen since the 2001 us-led invasion .\n", - "taliban militants have lavished praise on their enigmatic supreme leaderdescribed jihadi 's intense love of his family and rpg missile launchersbiography was officially said to have been released in celebration of mullah omar 's 19th year as leader of the afghan talibanbut it was also a clear attempt to counter the growing influence of isisseveral afghan taliban members have defected to isis in recent months\n", - "[1.4787126 1.195777 1.475782 1.2668881 1.2167284 1.2251546 1.167584\n", - " 1.0280917 1.0265453 1.1063275 1.0537602 1.0425304 1.0344027 1.0525769\n", - " 1.0340395 1.0121012 1.0241247 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 3 5 4 1 6 9 10 13 11 12 14 7 8 16 15 21 17 18 19 20 22]\n", - "=======================\n", - "['james webster , 35 , was spared jail after admitting outraging public decencyjames webster targeted female shoppers at the lidl store in maidenhead , berkshire , as they hunted for bargains in the large chest freezers .the 35-year-old was caught after attracting the attention of a fellow shopper , who spotted him moving the bag he was carrying closer to his unsuspecting victim .']\n", - "=======================\n", - "['james webster , 35 , took photos as victims leaned against display cabinetsshoppers became suspicious when saw him angling his bag for best viewwebster admitted one count of outraging public decency in the lidl storeordered to complete sexual offences treatment programme as part of three year community sentence']\n", - "james webster , 35 , was spared jail after admitting outraging public decencyjames webster targeted female shoppers at the lidl store in maidenhead , berkshire , as they hunted for bargains in the large chest freezers .the 35-year-old was caught after attracting the attention of a fellow shopper , who spotted him moving the bag he was carrying closer to his unsuspecting victim .\n", - "james webster , 35 , took photos as victims leaned against display cabinetsshoppers became suspicious when saw him angling his bag for best viewwebster admitted one count of outraging public decency in the lidl storeordered to complete sexual offences treatment programme as part of three year community sentence\n", - "[1.2270423 1.4098302 1.3844697 1.3425891 1.2748702 1.0993079 1.0798023\n", - " 1.1219133 1.0643492 1.0260448 1.0516294 1.0216037 1.011895 1.0391371\n", - " 1.0109133 1.01658 1.0156639 1.1658429 1.1630672 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 17 18 7 5 6 8 10 13 9 11 15 16 12 14 21 19 20 22]\n", - "=======================\n", - "[\"anna moser 's daughter sharista giles of sweetwater , tennessee , was driving home from a concert in december with friends when a car accident sent her to the hospital with injuries so bad doctors believed she would never recover .she was five months pregnant at the time and in january doctors were forced to deliver the baby early , a little boy the family has named leighton isiah giles .her mom , anna moser ( right ) , said that she believed her daughter would wake up even when doctors said she had a two-per cent chance of recovery\"]\n", - "=======================\n", - "['sharista giles of sweetwater , tennessee , went into a coma after a car accident in decemberdoctors forced delivery of her baby in january and giles opened her eyes for the first time earlier this monthshe is still nonverbal and is on a ventilator to help her breathe , but has moved her head when she recognizes voicesher mother , anna moser , believes giles will make a full recovery and will be able to raise her son on her own']\n", - "anna moser 's daughter sharista giles of sweetwater , tennessee , was driving home from a concert in december with friends when a car accident sent her to the hospital with injuries so bad doctors believed she would never recover .she was five months pregnant at the time and in january doctors were forced to deliver the baby early , a little boy the family has named leighton isiah giles .her mom , anna moser ( right ) , said that she believed her daughter would wake up even when doctors said she had a two-per cent chance of recovery\n", - "sharista giles of sweetwater , tennessee , went into a coma after a car accident in decemberdoctors forced delivery of her baby in january and giles opened her eyes for the first time earlier this monthshe is still nonverbal and is on a ventilator to help her breathe , but has moved her head when she recognizes voicesher mother , anna moser , believes giles will make a full recovery and will be able to raise her son on her own\n", - "[1.5419137 1.3573799 1.3368316 1.3921444 1.3805771 1.1351372 1.1548483\n", - " 1.0083307 1.009252 1.0095019 1.0073166 1.0115683 1.0201541 1.0254198\n", - " 1.0361682 1.0141734 1.0195841 1.0275853 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 4 1 2 6 5 14 17 13 12 16 15 11 9 8 7 10 18 19 20 21 22]\n", - "=======================\n", - "[\"robin van persie scored twice as he continued his recovery from an ankle injury in manchester united 's 4-1 win over fulham in the under-21 premier league .van persie made an appearance for manchester united under 21s away at fulham on tuesday nightthe holland striker 's sharp performance at craven cottage suggests he will be in contention to start in louis van gaal 's side for the visit of west bromwich albion on saturday .\"]\n", - "=======================\n", - "[\"robin van persie has been sidelined with an ankle injury since februaryhe came on as a substitute for the senior team against everton on sundayvan persie opened the scoring for united 's under 21s at craven cottagejoe rothwell scored united 's second and third before half-timevan persie grabbed his second goal to secure the win for united\"]\n", - "robin van persie scored twice as he continued his recovery from an ankle injury in manchester united 's 4-1 win over fulham in the under-21 premier league .van persie made an appearance for manchester united under 21s away at fulham on tuesday nightthe holland striker 's sharp performance at craven cottage suggests he will be in contention to start in louis van gaal 's side for the visit of west bromwich albion on saturday .\n", - "robin van persie has been sidelined with an ankle injury since februaryhe came on as a substitute for the senior team against everton on sundayvan persie opened the scoring for united 's under 21s at craven cottagejoe rothwell scored united 's second and third before half-timevan persie grabbed his second goal to secure the win for united\n", - "[1.2832057 1.4265594 1.3308266 1.2682034 1.25422 1.1262912 1.0206825\n", - " 1.0199865 1.0218337 1.020986 1.0144264 1.0161386 1.0757312 1.0194392\n", - " 1.1117811 1.1420338 1.0734076 1.0733644 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 15 5 14 12 16 17 8 9 6 7 13 11 10 18 19 20 21 22]\n", - "=======================\n", - "['treasurer joe hockey said the states had agreed to work toward applying the 10 per cent gst to movies and music downloaded from streaming services such as netflix and apple .the changes may also affect consumers buying any products for less than $ 1,000 online from overseas , thus affecting companies such as google , microsoft , amazon and ebay .consumers could soon have to pay goods and services tax ( gst ) on their movie and music downloads in a government moves to reel in extra billions of dollars in revenue .']\n", - "=======================\n", - "['treasurer joe hockey wants the 10 % gst to apply to streaming servicesnetflix customers would pay 90c extra ; itunes songs would cost 22c extrahockey said the tax measure would raise billions in extra revenuebut consumer advocate says techies will be able to avoid the tax']\n", - "treasurer joe hockey said the states had agreed to work toward applying the 10 per cent gst to movies and music downloaded from streaming services such as netflix and apple .the changes may also affect consumers buying any products for less than $ 1,000 online from overseas , thus affecting companies such as google , microsoft , amazon and ebay .consumers could soon have to pay goods and services tax ( gst ) on their movie and music downloads in a government moves to reel in extra billions of dollars in revenue .\n", - "treasurer joe hockey wants the 10 % gst to apply to streaming servicesnetflix customers would pay 90c extra ; itunes songs would cost 22c extrahockey said the tax measure would raise billions in extra revenuebut consumer advocate says techies will be able to avoid the tax\n", - "[1.2731365 1.3856705 1.2675008 1.179855 1.124609 1.1836772 1.099346\n", - " 1.1971078 1.0418124 1.0320708 1.0705061 1.036336 1.0495505 1.0214435\n", - " 1.0468388 1.0322889 1.0727122 1.042917 1.0641104 1.053564 1.0420778\n", - " 1.0254208 1.0249594]\n", - "\n", - "[ 1 0 2 7 5 3 4 6 16 10 18 19 12 14 17 20 8 11 15 9 21 22 13]\n", - "=======================\n", - "[\"robert gentile appeared in federal court in hartford ,a 78-year-old connecticut man with a long criminal history was arrested on friday , but the man 's lawyer claimed the arrest was a ruse intended to pressure him to talk about the biggest art heist in u.s. history .connecticut , on friday and was charged with selling a firearm to\"]\n", - "=======================\n", - "[\"robert gentile was charged with selling a firearm to an undercover agentbut his attorney claims the arrest was a ruse to get gentile to talk about the 1990 boston art heist at the isabel stewart gardner museumgentile 's house was searched in 2012 and police found a list of the stolen art pieces and their estimated value , as well as police uniformsthe half-a-billion heist remains unsolved and fbi has never come close to finding thievesgardner museum continues to display empty frames , and is offering $ 5million reward for the return of the works\"]\n", - "robert gentile appeared in federal court in hartford ,a 78-year-old connecticut man with a long criminal history was arrested on friday , but the man 's lawyer claimed the arrest was a ruse intended to pressure him to talk about the biggest art heist in u.s. history .connecticut , on friday and was charged with selling a firearm to\n", - "robert gentile was charged with selling a firearm to an undercover agentbut his attorney claims the arrest was a ruse to get gentile to talk about the 1990 boston art heist at the isabel stewart gardner museumgentile 's house was searched in 2012 and police found a list of the stolen art pieces and their estimated value , as well as police uniformsthe half-a-billion heist remains unsolved and fbi has never come close to finding thievesgardner museum continues to display empty frames , and is offering $ 5million reward for the return of the works\n", - "[1.2613556 1.4620379 1.1366353 1.3713613 1.2491127 1.1382375 1.0406823\n", - " 1.0225649 1.0131378 1.0125946 1.0880477 1.0620804 1.1231992 1.1147529\n", - " 1.0119833 1.0783583 1.0915911 1.0895288 1.0688188 1.0071937 0. ]\n", - "\n", - "[ 1 3 0 4 5 2 12 13 16 17 10 15 18 11 6 7 8 9 14 19 20]\n", - "=======================\n", - "['daria rose , 18 , immersed herself in her studies after she and her family lost everything -- including their home -- when the superstorm hit in october 2012 .the hempstead teen has been accepted into all seven of the ivy league schools she applied to , abc news reports .and after a difficult high school experience , the 18-year-old has a bright future ahead of her .']\n", - "=======================\n", - "[\"new york teen daria rose lost everything in hurricane sandy and was recently accepted to seven ivy league schoolsrose and her family lived in multiple hotels and at her grandmother 's house for a year and a half after the 2012 superstormin a college application essay , rose spoke of her hurricane sandy experience\"]\n", - "daria rose , 18 , immersed herself in her studies after she and her family lost everything -- including their home -- when the superstorm hit in october 2012 .the hempstead teen has been accepted into all seven of the ivy league schools she applied to , abc news reports .and after a difficult high school experience , the 18-year-old has a bright future ahead of her .\n", - "new york teen daria rose lost everything in hurricane sandy and was recently accepted to seven ivy league schoolsrose and her family lived in multiple hotels and at her grandmother 's house for a year and a half after the 2012 superstormin a college application essay , rose spoke of her hurricane sandy experience\n", - "[1.2100928 1.556366 1.3795817 1.2673632 1.080843 1.0304259 1.0190752\n", - " 1.0273796 1.1456473 1.2195168 1.0195377 1.0235469 1.0269729 1.0207139\n", - " 1.0183144 1.1329081 1.0898521 1.1255662 1.0891758 1.018875 1.0204116]\n", - "\n", - "[ 1 2 3 9 0 8 15 17 16 18 4 5 7 12 11 13 20 10 6 19 14]\n", - "=======================\n", - "[\"gary lincoln , 48 , from port talbot in wales , was working in a house in cardiff when his jacket sleeve got caught in the blade and his hand was severed at the wrist , leaving it held on by only flesh and skin .he put in in his sleeve ` to hold everything together ' and was taken to hospital where surgeons operated on him for more than seven hours earlier this month .back at work : gary lincoln is carrying out light duties at his workshop just weeks after he severed his hand\"]\n", - "=======================\n", - "[\"gary lincoln , 48 , from wales severed hand using an electric angle cutterhe was working in cardiff when his jacket sleeve got caught in the bladesurgeons were able to reattached hand and he is back at work weeks latermr lincoln said he ` did n't feel any pain at all ' when he chopped hand off\"]\n", - "gary lincoln , 48 , from port talbot in wales , was working in a house in cardiff when his jacket sleeve got caught in the blade and his hand was severed at the wrist , leaving it held on by only flesh and skin .he put in in his sleeve ` to hold everything together ' and was taken to hospital where surgeons operated on him for more than seven hours earlier this month .back at work : gary lincoln is carrying out light duties at his workshop just weeks after he severed his hand\n", - "gary lincoln , 48 , from wales severed hand using an electric angle cutterhe was working in cardiff when his jacket sleeve got caught in the bladesurgeons were able to reattached hand and he is back at work weeks latermr lincoln said he ` did n't feel any pain at all ' when he chopped hand off\n", - "[1.238255 1.4565315 1.2245078 1.397236 1.2972559 1.2571888 1.0394138\n", - " 1.0776274 1.1311623 1.1310745 1.0394621 1.0215623 1.020418 1.0255787\n", - " 1.0146742 1.0157646 1.0211586 1.0135367 1.0109482 1.0558448 0. ]\n", - "\n", - "[ 1 3 4 5 0 2 8 9 7 19 10 6 13 11 16 12 15 14 17 18 20]\n", - "=======================\n", - "['dan fredinburg was one of four americans killed when a massive earthquake struck nepal on saturday , causing a wall of ice and rock to engulf the base camp .he was given letters by friends and family when he reached the summitthe 33-year-old google engineer was given the letters by his girlfriend ashley arenson just before he left']\n", - "=======================\n", - "[\"dan fredinburg was one of three americans killed in the earthquake33-year-old was head of privacy at google x and once dated sophie bushfriend max stossel wrote a heartbreaking letter to him before he lefthe said : ` your story has already impacted mine for the better 'fredinburg was one of four americans killed when the earthquake hit nepal\"]\n", - "dan fredinburg was one of four americans killed when a massive earthquake struck nepal on saturday , causing a wall of ice and rock to engulf the base camp .he was given letters by friends and family when he reached the summitthe 33-year-old google engineer was given the letters by his girlfriend ashley arenson just before he left\n", - "dan fredinburg was one of three americans killed in the earthquake33-year-old was head of privacy at google x and once dated sophie bushfriend max stossel wrote a heartbreaking letter to him before he lefthe said : ` your story has already impacted mine for the better 'fredinburg was one of four americans killed when the earthquake hit nepal\n", - "[1.5249623 1.1618289 1.3357109 1.4514638 1.2013842 1.03635 1.017493\n", - " 1.0127634 1.2697191 1.1147369 1.1827748 1.1282226 1.0740174 1.09253\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 8 4 10 1 11 9 13 12 5 6 7 19 14 15 16 17 18 20]\n", - "=======================\n", - "['pep guardiola was in no mood to celebrate as bayern munich secured their place in the semi-final of the german cup with a 5-3 penalty shoot-out victory over bayer leverkusen on wednesday .bayern munich manager pep guardiola is concerned about his team without arjen robben and franck riberyguardiola believes the team is shackled by the absence of franck ribery and arjen robben .']\n", - "=======================\n", - "['bayern munich have only scored once in their last three gamesthey needed penalties to beat bayer leverkusen in the german cupguardiola feels munich miss arjen robben and franck ribery']\n", - "pep guardiola was in no mood to celebrate as bayern munich secured their place in the semi-final of the german cup with a 5-3 penalty shoot-out victory over bayer leverkusen on wednesday .bayern munich manager pep guardiola is concerned about his team without arjen robben and franck riberyguardiola believes the team is shackled by the absence of franck ribery and arjen robben .\n", - "bayern munich have only scored once in their last three gamesthey needed penalties to beat bayer leverkusen in the german cupguardiola feels munich miss arjen robben and franck ribery\n", - "[1.217511 1.3352523 1.1864655 1.0894135 1.2122605 1.3143932 1.233459\n", - " 1.2062865 1.1017156 1.0500543 1.085669 1.0164756 1.1208055 1.0697325\n", - " 1.0455377 1.0324321 1.0377907 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 6 0 4 7 2 12 8 3 10 13 9 14 16 15 11 17 18 19 20]\n", - "=======================\n", - "[\"so he joined nigel farage on a boat trip in grimsby this morning to try and understand his general election plans .towie star joey essex today met ukip leader nigel farage in grimsby as part of his project to find out about the electionessex told reporters the ukip leader is a ` really , really reem guy ' before boarding a boat and heading out to sea\"]\n", - "=======================\n", - "[\"reality tv star is meeting party leaders to try to understand the electionessex boarded a boat after telling reporters he ` likes fish and stuff 'farage is a keen angler and essex used to work at billingsgate fish marketukip leader ` has n't a clue ' what a vajazzle is and has never had a fake tan\"]\n", - "so he joined nigel farage on a boat trip in grimsby this morning to try and understand his general election plans .towie star joey essex today met ukip leader nigel farage in grimsby as part of his project to find out about the electionessex told reporters the ukip leader is a ` really , really reem guy ' before boarding a boat and heading out to sea\n", - "reality tv star is meeting party leaders to try to understand the electionessex boarded a boat after telling reporters he ` likes fish and stuff 'farage is a keen angler and essex used to work at billingsgate fish marketukip leader ` has n't a clue ' what a vajazzle is and has never had a fake tan\n", - "[1.4680649 1.4641275 1.2129643 1.5049161 1.1127867 1.0709872 1.0356238\n", - " 1.0292069 1.0219481 1.0178283 1.0201244 1.0253534 1.0205641 1.0180255\n", - " 1.0196347 1.0216001 1.0275822 1.0281701 1.0145731 0. ]\n", - "\n", - "[ 3 0 1 2 4 5 6 7 17 16 11 8 15 12 10 14 13 9 18 19]\n", - "=======================\n", - "[\"rory mcilroy insists he has arrived at augusta ready to mount a serious challenge on the mastersrory mcilroy admits thursday can not come soon enough as he bids to complete the career grand slam by winning the masters .the hype surrounding mcilroy 's attempt to join gene sarazen , ben hogan , gary player , jack nicklaus and tiger woods in winning all four major titles has been building since the night before his open victory at hoylake last july .\"]\n", - "=======================\n", - "[\"world no 1 arrives at masters hoping to complete a career grand slamrory mcilroy insists he is ` ready ' to win his final major at augustanorthern irishman admits tiger woods ' comeback could work in his favour\"]\n", - "rory mcilroy insists he has arrived at augusta ready to mount a serious challenge on the mastersrory mcilroy admits thursday can not come soon enough as he bids to complete the career grand slam by winning the masters .the hype surrounding mcilroy 's attempt to join gene sarazen , ben hogan , gary player , jack nicklaus and tiger woods in winning all four major titles has been building since the night before his open victory at hoylake last july .\n", - "world no 1 arrives at masters hoping to complete a career grand slamrory mcilroy insists he is ` ready ' to win his final major at augustanorthern irishman admits tiger woods ' comeback could work in his favour\n", - "[1.4306341 1.4195758 1.2576872 1.1389768 1.3769101 1.131547 1.0431867\n", - " 1.0654459 1.0605576 1.0188676 1.0122565 1.0210949 1.0681075 1.0918093\n", - " 1.0785177 1.2215931 1.0667554 1.0286963 1.0431193 1.0165157]\n", - "\n", - "[ 0 1 4 2 15 3 5 13 14 12 16 7 8 6 18 17 11 9 19 10]\n", - "=======================\n", - "['phoenix mercury standout player brittney griner and fiancee and fellow wnba player glory johnson have been arrested following a fight at their phoenix home .the 24-year-olds were both arrested on suspicion of assault and disorderly conduct on wednesday afternoon and booked into jail but were later released .several people at the couple \\'s home tried to stop griner , who is 6 \\' 8 \" , and johnson , who is 6 \\' 3 \" , from fighting after an argument turned physical , according to a police report .']\n", - "=======================\n", - "[\"the phoenix mercury 's brittney griner and her fiancee glory johnson , both 24 , were arrested after a fight in their phoenix home on wednesdaythe couple , who got engaged last year , ` had been fighting for days before the arguments turned physical and friends were unable to stop them 'both were released from police custody at 4am on thursday\"]\n", - "phoenix mercury standout player brittney griner and fiancee and fellow wnba player glory johnson have been arrested following a fight at their phoenix home .the 24-year-olds were both arrested on suspicion of assault and disorderly conduct on wednesday afternoon and booked into jail but were later released .several people at the couple 's home tried to stop griner , who is 6 ' 8 \" , and johnson , who is 6 ' 3 \" , from fighting after an argument turned physical , according to a police report .\n", - "the phoenix mercury 's brittney griner and her fiancee glory johnson , both 24 , were arrested after a fight in their phoenix home on wednesdaythe couple , who got engaged last year , ` had been fighting for days before the arguments turned physical and friends were unable to stop them 'both were released from police custody at 4am on thursday\n", - "[1.2700406 1.4529476 1.4000494 1.2759423 1.0593576 1.190417 1.1769397\n", - " 1.181225 1.0208873 1.0189418 1.0148488 1.0234091 1.0885268 1.0549151\n", - " 1.0304526 1.0624477 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 7 6 12 15 4 13 14 11 8 9 10 18 16 17 19]\n", - "=======================\n", - "[\"little chloe valentine , 4 , died of massive head injuries after being forced to ride a motorbike that repeatedly crashed over a three-day period in the backyard of her adelaide home in january 2012 .her mother , ashlee polkinghorne , and her then partner are in jail after pleading guilty to chloe 's manslaughter through criminal neglect .in an emotional statement outside the adelaide inquest on thursday , chloe 's grandmother belinda valentine welcomed coroner mark johns ' ruling that families sa was broken and fundamentally flawed and that the agency 's lack of action over chloe 's mother 's drug use was a complete failure .\"]\n", - "=======================\n", - "[\"a coroner found child protection agency broken and fundamentally flawedchloe valentine died from head injuries in 2012 after falling off motorbikeshe was forced to ride it by her drug addicted mother and her partner over three dayscoroner condemned families sa 's dealings with chloe 's mumtheir interactions involved a ` history of drift , irresolution and aimlessness 'coroner recommended 22 changes to the governmentgrandmother belinda valentine said the families could now move forward` the sun will rise in the morning , even though we do n't want it to '` we are actually the lucky ones , because we had chloe in our life '\"]\n", - "little chloe valentine , 4 , died of massive head injuries after being forced to ride a motorbike that repeatedly crashed over a three-day period in the backyard of her adelaide home in january 2012 .her mother , ashlee polkinghorne , and her then partner are in jail after pleading guilty to chloe 's manslaughter through criminal neglect .in an emotional statement outside the adelaide inquest on thursday , chloe 's grandmother belinda valentine welcomed coroner mark johns ' ruling that families sa was broken and fundamentally flawed and that the agency 's lack of action over chloe 's mother 's drug use was a complete failure .\n", - "a coroner found child protection agency broken and fundamentally flawedchloe valentine died from head injuries in 2012 after falling off motorbikeshe was forced to ride it by her drug addicted mother and her partner over three dayscoroner condemned families sa 's dealings with chloe 's mumtheir interactions involved a ` history of drift , irresolution and aimlessness 'coroner recommended 22 changes to the governmentgrandmother belinda valentine said the families could now move forward` the sun will rise in the morning , even though we do n't want it to '` we are actually the lucky ones , because we had chloe in our life '\n", - "[1.2214805 1.1339092 1.44103 1.1728296 1.0833956 1.2128415 1.0857853\n", - " 1.0524056 1.0665984 1.1098496 1.0812784 1.0235459 1.0159669 1.0310003\n", - " 1.0280354 1.0179547 1.0802325 0. 0. 0. ]\n", - "\n", - "[ 2 0 5 3 1 9 6 4 10 16 8 7 13 14 11 15 12 18 17 19]\n", - "=======================\n", - "[\"britain 's biggest fashion retailer has an impressive line in designer copies selling for a fraction of the price of the big labels .after decades of snapping at the heels of rival marks & spencer , next has overtaken the company on profits .victoria beckham had a hit with this armband shift dress ( victoria beckham.com ) .\"]\n", - "=======================\n", - "['next has overtaken marks & spencer on profitsretailer has a vast line in designer copies selling for a fraction of the priceinclude looky-likey mulberry bayswater tote and victoria beckham dress']\n", - "britain 's biggest fashion retailer has an impressive line in designer copies selling for a fraction of the price of the big labels .after decades of snapping at the heels of rival marks & spencer , next has overtaken the company on profits .victoria beckham had a hit with this armband shift dress ( victoria beckham.com ) .\n", - "next has overtaken marks & spencer on profitsretailer has a vast line in designer copies selling for a fraction of the priceinclude looky-likey mulberry bayswater tote and victoria beckham dress\n", - "[1.3697832 1.3287866 1.2232385 1.2423596 1.2546821 1.2808903 1.0979556\n", - " 1.0778638 1.0663981 1.0934056 1.0170021 1.1153226 1.0541581 1.0226718\n", - " 1.0315604 1.0643831 1.0487515 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 4 3 2 11 6 9 7 8 15 12 16 14 13 10 18 17 19]\n", - "=======================\n", - "['lazio replaced their fierce city rivals roma as the leading challengers in the battle to chase down serie a leaders juventus by hammering empoli 4-0 at the stadio olimpico .the biancocelesti took a fourth-minute lead through captain stefano mauri with miroslav klose adding a second just after the half-hour mark .the giallorossi are now 13 points behind juve after struggling to draw 1-1 at torino on sunday .']\n", - "=======================\n", - "['lazio closed the gap on leaders juventus with 4-0 thumping of empoliwin sees lazio leapfrog rivals roma into second place 12 points off juvenapoli smashed three past fiorentina to comfortably regain fourth placepalermo earned just their second away win of the season with udinese win']\n", - "lazio replaced their fierce city rivals roma as the leading challengers in the battle to chase down serie a leaders juventus by hammering empoli 4-0 at the stadio olimpico .the biancocelesti took a fourth-minute lead through captain stefano mauri with miroslav klose adding a second just after the half-hour mark .the giallorossi are now 13 points behind juve after struggling to draw 1-1 at torino on sunday .\n", - "lazio closed the gap on leaders juventus with 4-0 thumping of empoliwin sees lazio leapfrog rivals roma into second place 12 points off juvenapoli smashed three past fiorentina to comfortably regain fourth placepalermo earned just their second away win of the season with udinese win\n", - "[1.2159984 1.5217292 1.347656 1.4154859 1.2349604 1.1131011 1.0465696\n", - " 1.0208721 1.0301611 1.0903254 1.0187445 1.1063333 1.1284461 1.0619836\n", - " 1.076397 1.0392348 1.0761815 0. ]\n", - "\n", - "[ 1 3 2 4 0 12 5 11 9 14 16 13 6 15 8 7 10 17]\n", - "=======================\n", - "[\"jessica kemp from eustis says teachers at seminole county elementary warned they would remove kindergartner logan from class because the products , manufactured by doterra , smell and are a distraction to youngsters around him .the 32-year-old says she applies the liquid to his head and neck as it helps him keep calm and focused .a florida mother has accused a school of threatening to suspend her five-year-old autistic son because of ` essential oils ' he wears to help combat his illness .\"]\n", - "=======================\n", - "[\"jessica kemp , 32 , has slammed seminole county elementary in eustisfaculty have threatened to remove her kindergartner son loganclaims the oils aide him and have n't caused problems beforeschool district have said they will not suspend him as it 's a ` health issue '\"]\n", - "jessica kemp from eustis says teachers at seminole county elementary warned they would remove kindergartner logan from class because the products , manufactured by doterra , smell and are a distraction to youngsters around him .the 32-year-old says she applies the liquid to his head and neck as it helps him keep calm and focused .a florida mother has accused a school of threatening to suspend her five-year-old autistic son because of ` essential oils ' he wears to help combat his illness .\n", - "jessica kemp , 32 , has slammed seminole county elementary in eustisfaculty have threatened to remove her kindergartner son loganclaims the oils aide him and have n't caused problems beforeschool district have said they will not suspend him as it 's a ` health issue '\n", - "[1.1777766 1.4684086 1.3685937 1.354412 1.1396488 1.0335622 1.0253311\n", - " 1.0233427 1.2055714 1.0653907 1.0756857 1.0269837 1.1208804 1.0114316\n", - " 1.1148816 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 8 0 4 12 14 10 9 5 11 6 7 13 16 15 17]\n", - "=======================\n", - "[\"dwelling values rose by 5.8 per cent in the harbour city , a record growth and the strongest increase since april in 2009 , according to the latest figures from rp data .sydney 's performance drove the quarterly national dwelling value to heighten by 3 per cent , despite brisbane , adelaide and perth suffering significant declines over the quarter .there is still no relief for hopeful house-hunters in sydney as the capital city records yet another record boom in property prices after a ` strong ' quarter .\"]\n", - "=======================\n", - "[\"dwelling values rose by 5.8 per cent in sydney over the last quarter , the strongest increase since april 2009the increase has brought the median house price to $ 690,000 in the harbour citysydney 's strong performance led the national dwelling value to heighten by 3 per centcanberra performed second best with a 4.1 per cent increase followed by melbourne at 3.5 per cent and $ 518,000\"]\n", - "dwelling values rose by 5.8 per cent in the harbour city , a record growth and the strongest increase since april in 2009 , according to the latest figures from rp data .sydney 's performance drove the quarterly national dwelling value to heighten by 3 per cent , despite brisbane , adelaide and perth suffering significant declines over the quarter .there is still no relief for hopeful house-hunters in sydney as the capital city records yet another record boom in property prices after a ` strong ' quarter .\n", - "dwelling values rose by 5.8 per cent in sydney over the last quarter , the strongest increase since april 2009the increase has brought the median house price to $ 690,000 in the harbour citysydney 's strong performance led the national dwelling value to heighten by 3 per centcanberra performed second best with a 4.1 per cent increase followed by melbourne at 3.5 per cent and $ 518,000\n", - "[1.2355961 1.1428516 1.3321421 1.1882087 1.1460756 1.2430807 1.1573356\n", - " 1.0465686 1.1006901 1.058601 1.0929786 1.0739155 1.0878502 1.0719613\n", - " 1.0850145 1.0133067 1.0927769 0. ]\n", - "\n", - "[ 2 5 0 3 6 4 1 8 10 16 12 14 11 13 9 7 15 17]\n", - "=======================\n", - "[\"russian researchers believe the unusual object is 300 million years old , leading some people to claim that it may be proof of a highly advanced lost human civilisation , or even the work of aliens .the ` screw ' measures an inch ( 2cm ) long and was collected by a ufo and paranormal research team called the kosmopoisk group .the mystery of what appears to be a screw fixed inside a rock ( pictured ) has perplexed scientists\"]\n", - "=======================\n", - "[\"` screw ' was found in a stone by ufo researchers in kaluga region , russiathe unusual object is said to be 300 million years oldsome think it 's proof aliens used to live on earth or a radical civilisationbut it 's more likely to be a fossilised sea creature called a crinoid\"]\n", - "russian researchers believe the unusual object is 300 million years old , leading some people to claim that it may be proof of a highly advanced lost human civilisation , or even the work of aliens .the ` screw ' measures an inch ( 2cm ) long and was collected by a ufo and paranormal research team called the kosmopoisk group .the mystery of what appears to be a screw fixed inside a rock ( pictured ) has perplexed scientists\n", - "` screw ' was found in a stone by ufo researchers in kaluga region , russiathe unusual object is said to be 300 million years oldsome think it 's proof aliens used to live on earth or a radical civilisationbut it 's more likely to be a fossilised sea creature called a crinoid\n", - "[1.442336 1.3782246 1.2567322 1.4537698 1.2399627 1.2589622 1.0194384\n", - " 1.0168982 1.0133065 1.0249133 1.1113567 1.1192411 1.113924 1.0323644\n", - " 1.0104439 1.0144124 1.0151087 1.049778 ]\n", - "\n", - "[ 3 0 1 5 2 4 11 12 10 17 13 9 6 7 16 15 8 14]\n", - "=======================\n", - "[\"kevin de bruyne is linked with bayern munich as a potential replacement for the club 's veteran forwardsde bruyne , who spent his two years at chelsea largely on loan before joining the second-placed bundesliga club , has scored nine goals this season and is topping the league 's assist charts with 16 -- seven more than the next best .bayern 's franck ribery says despite de bruyne 's impressive form he is the wrong type of player for munich\"]\n", - "=======================\n", - "[\"chelsea flop kevin de bruyne has been linked with bayern munchthe belgian is touted has a possible replacement for franck riberyribery said de bruyne 's is ` great ' but the wrong style of playerhe said chelsea star eden hazard 's attributes would suit bayern\"]\n", - "kevin de bruyne is linked with bayern munich as a potential replacement for the club 's veteran forwardsde bruyne , who spent his two years at chelsea largely on loan before joining the second-placed bundesliga club , has scored nine goals this season and is topping the league 's assist charts with 16 -- seven more than the next best .bayern 's franck ribery says despite de bruyne 's impressive form he is the wrong type of player for munich\n", - "chelsea flop kevin de bruyne has been linked with bayern munchthe belgian is touted has a possible replacement for franck riberyribery said de bruyne 's is ` great ' but the wrong style of playerhe said chelsea star eden hazard 's attributes would suit bayern\n", - "[1.4032297 1.2142181 1.4572453 1.193577 1.1976088 1.2164723 1.2020152\n", - " 1.1282173 1.0266649 1.0305448 1.0227238 1.0528413 1.0296762 1.0477707\n", - " 1.0197711 1.045352 1.0312438 0. ]\n", - "\n", - "[ 2 0 5 1 6 4 3 7 11 13 15 16 9 12 8 10 14 17]\n", - "=======================\n", - "[\"dusan bako , 18 , flew into a rage after he tried to call the teenager 's phone only to discover it was switched off .bako , from oldham , was initially charged with child destruction but ahead of his trial , pleaded guilty to an alternative charge of causing grievous bodily harm with intent after a plea bargaining deal .a teenage rapper has been jailed after punching his heavily pregnant 16-year-old girlfriend in the stomach causing her to lose their unborn baby .\"]\n", - "=======================\n", - "['dusan bako , 18 , flew into a rage with his 16-year-old pregnant girlfriendput his arm around her neck and repeatedly punched her in the stomachthe victim was rushed to hospital where she later miscarried the childhe was jailed for fours years , eight months at manchester crown court']\n", - "dusan bako , 18 , flew into a rage after he tried to call the teenager 's phone only to discover it was switched off .bako , from oldham , was initially charged with child destruction but ahead of his trial , pleaded guilty to an alternative charge of causing grievous bodily harm with intent after a plea bargaining deal .a teenage rapper has been jailed after punching his heavily pregnant 16-year-old girlfriend in the stomach causing her to lose their unborn baby .\n", - "dusan bako , 18 , flew into a rage with his 16-year-old pregnant girlfriendput his arm around her neck and repeatedly punched her in the stomachthe victim was rushed to hospital where she later miscarried the childhe was jailed for fours years , eight months at manchester crown court\n", - "[1.5357282 1.3293233 1.1166188 1.4575946 1.2262269 1.1319604 1.1031655\n", - " 1.0994658 1.2395738 1.0542308 1.0173507 1.0232946 1.014843 1.0191956\n", - " 1.0261271 1.0177134 1.0120904 1.014159 0. 0. ]\n", - "\n", - "[ 0 3 1 8 4 5 2 6 7 9 14 11 13 15 10 12 17 16 18 19]\n", - "=======================\n", - "[\"former rangers defender john brown insists ally mccoist will be welcomed back to ibrox ` with open arms . 'the club 's record scorer has not been spotted at his old stomping ground since his surprise appearance appeared at last month 's general meeting to see the board which axed him as boss swept out of power .mccoist is rangers record scorer but was axed as manager amid speculation surrounding the clubs future\"]\n", - "=======================\n", - "['rangers legend john brown insistent ally mccoist can return to the clubthe former gers boss left the club following speculation over ownershipbrown says that fans love him and would welcome him back at ibrox']\n", - "former rangers defender john brown insists ally mccoist will be welcomed back to ibrox ` with open arms . 'the club 's record scorer has not been spotted at his old stomping ground since his surprise appearance appeared at last month 's general meeting to see the board which axed him as boss swept out of power .mccoist is rangers record scorer but was axed as manager amid speculation surrounding the clubs future\n", - "rangers legend john brown insistent ally mccoist can return to the clubthe former gers boss left the club following speculation over ownershipbrown says that fans love him and would welcome him back at ibrox\n", - "[1.2660444 1.1498497 1.1366564 1.3210155 1.0894809 1.5358803 1.2086515\n", - " 1.0466497 1.0472115 1.0384836 1.0880011 1.0380652 1.087709 1.0309154\n", - " 1.0126129 1.016685 1.0567334 1.0086373 1.0120671 1.0185629]\n", - "\n", - "[ 5 3 0 6 1 2 4 10 12 16 8 7 9 11 13 19 15 14 18 17]\n", - "=======================\n", - "[\"rangers ace david templeton promotes tickets for sunday 's match against hearts at ibroxtempleton made his first start in almost three months last weekend as stuart mccall 's recorded a 4-1 victory over cowdenbeath .if selected on sunday , david templeton will form part of a rangers guard of honour to recognise the outstanding championship success of his former club .\"]\n", - "=======================\n", - "['david templeton endured injury-induced frustration during time at heartsbut , rangers winger insists he will show no envy towards them on sundaytempleton will form part of a celebratory guard of honour if he starts clashthe winger made his first start in almost three months last weekend']\n", - "rangers ace david templeton promotes tickets for sunday 's match against hearts at ibroxtempleton made his first start in almost three months last weekend as stuart mccall 's recorded a 4-1 victory over cowdenbeath .if selected on sunday , david templeton will form part of a rangers guard of honour to recognise the outstanding championship success of his former club .\n", - "david templeton endured injury-induced frustration during time at heartsbut , rangers winger insists he will show no envy towards them on sundaytempleton will form part of a celebratory guard of honour if he starts clashthe winger made his first start in almost three months last weekend\n", - "[1.2094774 1.4958358 1.3179017 1.2302278 1.3042461 1.1879333 1.1919423\n", - " 1.0493087 1.0787222 1.1402408 1.1646042 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 0 6 5 10 9 8 7 18 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"the red mazda had careered off the road up someone 's drive and crashed straight into the front door of the home in crossgates , leeds .it hit the property with such force that the car , which has its front end completely destroyed int he crash , became stuck in the wall .incredibly , no-one was serious injured in the accident .\"]\n", - "=======================\n", - "['a red mazda left the road smashed into the front of a property in leedsluckily no-one was seriously injured in crash which destroyed front of caroccupants escaped with minor injuries while the driver has been reported']\n", - "the red mazda had careered off the road up someone 's drive and crashed straight into the front door of the home in crossgates , leeds .it hit the property with such force that the car , which has its front end completely destroyed int he crash , became stuck in the wall .incredibly , no-one was serious injured in the accident .\n", - "a red mazda left the road smashed into the front of a property in leedsluckily no-one was seriously injured in crash which destroyed front of caroccupants escaped with minor injuries while the driver has been reported\n", - "[1.2514929 1.4534533 1.4093381 1.2613647 1.1641934 1.0850782 1.0361496\n", - " 1.2835748 1.0725863 1.0555413 1.1275171 1.0772835 1.1242397 1.0689142\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 7 3 0 4 10 12 5 11 8 13 9 6 14 15 16 17 18 19]\n", - "=======================\n", - "['top-seeded teams in eight groups will be the defending champions league winner plus title holders in the seven highest-ranked countries .on current standings , arsenal , atletico madrid and porto will drop in status in the august 27 draw .real madrid would also drop down if barcelona wins the champions league and spanish league .']\n", - "=======================\n", - "['top-seeded teams in champions league groups will be title holderstop seven league winners will be joined by the holders of the competitionchange in regulations would mean arsenal and porto drop downatletico madrid and real madrid also face drop from top groupchelsea would stick as top seeds if they win the premier league']\n", - "top-seeded teams in eight groups will be the defending champions league winner plus title holders in the seven highest-ranked countries .on current standings , arsenal , atletico madrid and porto will drop in status in the august 27 draw .real madrid would also drop down if barcelona wins the champions league and spanish league .\n", - "top-seeded teams in champions league groups will be title holderstop seven league winners will be joined by the holders of the competitionchange in regulations would mean arsenal and porto drop downatletico madrid and real madrid also face drop from top groupchelsea would stick as top seeds if they win the premier league\n", - "[1.4598045 1.4757549 1.2542655 1.1820241 1.0972269 1.0534416 1.1925905\n", - " 1.0574646 1.077873 1.0783004 1.029674 1.025617 1.0270362 1.033232\n", - " 1.0379604 1.0187564 1.0201714 1.0518961 1.0186638 1.0197049]\n", - "\n", - "[ 1 0 2 6 3 4 9 8 7 5 17 14 13 10 12 11 16 19 15 18]\n", - "=======================\n", - "[\"officer michael slager was arrested after raw video surfaced showing him firing numerous shots at walter scott as scott ran away from a traffic stop .( cnn ) on tuesday , a white police officer in north charleston , south carolina , was charged with murder for shooting an unarmed black man in the back .the video footage contradicts slager 's statement that he felt threatened after scott allegedly took his stun gun during a scuffle .\"]\n", - "=======================\n", - "['a white police officer in south carolina is charged with killing an unarmed black man in the backdavid love : what happened tells us the epidemic of police deadly force against black people continues']\n", - "officer michael slager was arrested after raw video surfaced showing him firing numerous shots at walter scott as scott ran away from a traffic stop .( cnn ) on tuesday , a white police officer in north charleston , south carolina , was charged with murder for shooting an unarmed black man in the back .the video footage contradicts slager 's statement that he felt threatened after scott allegedly took his stun gun during a scuffle .\n", - "a white police officer in south carolina is charged with killing an unarmed black man in the backdavid love : what happened tells us the epidemic of police deadly force against black people continues\n", - "[1.2416629 1.3737007 1.3478069 1.2586973 1.2314599 1.1135358 1.058223\n", - " 1.0281688 1.0095931 1.032015 1.1107056 1.129823 1.1399062 1.0638543\n", - " 1.1029687 1.0561588 1.0307432 1.0151806]\n", - "\n", - "[ 1 2 3 0 4 12 11 5 10 14 13 6 15 9 16 7 17 8]\n", - "=======================\n", - "[\"chris sussman , executive editor for comedy , revealed particular jokes have to go through ` quite a lot of layers ' to be approved .some jokes even have to be looked over by director general lord hall - alongside editorial policy advisers , the channel and legal advisers - before they are aired , he said .comics at the bbc must go through a lengthy process to get some jokes on air because the corporation is extra-wary about causing offence , an editor at the company has claimed .\"]\n", - "=======================\n", - "[\"chris sussman said particular jokes must go through ' a lot of layers 'cautiousness comes after a ` difficult few years ' at the bbc , he addedmade the comments at a bafta event on free speech and television\"]\n", - "chris sussman , executive editor for comedy , revealed particular jokes have to go through ` quite a lot of layers ' to be approved .some jokes even have to be looked over by director general lord hall - alongside editorial policy advisers , the channel and legal advisers - before they are aired , he said .comics at the bbc must go through a lengthy process to get some jokes on air because the corporation is extra-wary about causing offence , an editor at the company has claimed .\n", - "chris sussman said particular jokes must go through ' a lot of layers 'cautiousness comes after a ` difficult few years ' at the bbc , he addedmade the comments at a bafta event on free speech and television\n", - "[1.2739792 1.3622159 1.0905492 1.1816893 1.1387295 1.2539738 1.0292164\n", - " 1.0834789 1.055384 1.1193734 1.1997838 1.0898087 1.0515459 1.0721104\n", - " 1.0182825 1.0276123 0. 0. ]\n", - "\n", - "[ 1 0 5 10 3 4 9 2 11 7 13 8 12 6 15 14 16 17]\n", - "=======================\n", - "[\"as the manhunt continues , nelson williams sr. of kankakee , says he is worried that 23-year-old kamron taylor , the man convicted of his son nelson jr 's murder , might attack him .the family of an illinois man slain during a botched robbery say they fear for their lives after the killer escaped from jail earlier week after beating a guard unconscious and stealing his uniform and suv .he was convicted of first-degree murder in february in the june 2013 death of nelson williams jr , 21 , and faces a sentence of 45 years to life in prison .\"]\n", - "=======================\n", - "[\"kamron t. taylor was recently convicted of murdering nelson williams jr , 21 , in june 2013victim 's father , nelson williams sr , 48 , says he is afraid taylor might ambush himhe beat a guard unconscious , stole his keys and uniform , and fled in his suvtaylor was awaiting sentencing at jerome combs detention center in kankakee , illinois , when he escaped early wednesdaythe 23-year-old fugitive is wanted for aggravated battery to a correctional officer as well as escapecash reward for any information has been increased to $ 7,500\"]\n", - "as the manhunt continues , nelson williams sr. of kankakee , says he is worried that 23-year-old kamron taylor , the man convicted of his son nelson jr 's murder , might attack him .the family of an illinois man slain during a botched robbery say they fear for their lives after the killer escaped from jail earlier week after beating a guard unconscious and stealing his uniform and suv .he was convicted of first-degree murder in february in the june 2013 death of nelson williams jr , 21 , and faces a sentence of 45 years to life in prison .\n", - "kamron t. taylor was recently convicted of murdering nelson williams jr , 21 , in june 2013victim 's father , nelson williams sr , 48 , says he is afraid taylor might ambush himhe beat a guard unconscious , stole his keys and uniform , and fled in his suvtaylor was awaiting sentencing at jerome combs detention center in kankakee , illinois , when he escaped early wednesdaythe 23-year-old fugitive is wanted for aggravated battery to a correctional officer as well as escapecash reward for any information has been increased to $ 7,500\n", - "[1.3168143 1.1782438 1.2666203 1.2169557 1.1661427 1.1360893 1.1235498\n", - " 1.2008888 1.2422572 1.1011364 1.0824996 1.0888093 1.0691013 1.0327078\n", - " 1.0307906 1.0514404 1.0083331 0. ]\n", - "\n", - "[ 0 2 8 3 7 1 4 5 6 9 11 10 12 15 13 14 16 17]\n", - "=======================\n", - "[\"the new horizons spacecraft has taken its first colour image of pluto and its largest moon charon ahead of its arrival in three months .as the spacecraft gets closer and closer , the images will continue to improve until it flies by on 14 july - humanity 's first ever visit to pluto .in july this year new horizons will become the first spacecraft ever to visit pluto .\"]\n", - "=======================\n", - "[\"nasa scientists in maryland are preparing for historic mission on 14 julythis is when new horizons will arrive at pluto after a journey of nine yearsand it has now released its first colour image - from 71 million miles awaythe mission will be humanity 's first ever visit to the dwarf planet\"]\n", - "the new horizons spacecraft has taken its first colour image of pluto and its largest moon charon ahead of its arrival in three months .as the spacecraft gets closer and closer , the images will continue to improve until it flies by on 14 july - humanity 's first ever visit to pluto .in july this year new horizons will become the first spacecraft ever to visit pluto .\n", - "nasa scientists in maryland are preparing for historic mission on 14 julythis is when new horizons will arrive at pluto after a journey of nine yearsand it has now released its first colour image - from 71 million miles awaythe mission will be humanity 's first ever visit to the dwarf planet\n", - "[1.4480445 1.3621156 1.1643931 1.335443 1.1262164 1.1780746 1.0277896\n", - " 1.1148398 1.0287544 1.0584201 1.0721638 1.1252345 1.0488884 1.058287\n", - " 1.078861 1.1165057 1.1111187 0. ]\n", - "\n", - "[ 0 1 3 5 2 4 11 15 7 16 14 10 9 13 12 8 6 17]\n", - "=======================\n", - "[\"former queens park rangers chairman gianni paladini has registered as a director of a new bradford city holding company in what appears to be the first move towards taking control at valley parade .paladini has been searching for a way back into football since he left loftus road in 2011 and has attempted to buy birmingham city from carson yeung .phil parkinson 's team captured the imagination of fans across the nation when they fought back from 2-0 down to win 4-2 at chelsea in the fa cup and went on to beat sunderland before losing in a quarter-final replay at reading .\"]\n", - "=======================\n", - "[\"gianni paladini has registered as director of bradford 's holding companythe italian has been searching for new club since leaving qpr in 2011paladini made attempt to buy birmingham and has been linked with millwall\"]\n", - "former queens park rangers chairman gianni paladini has registered as a director of a new bradford city holding company in what appears to be the first move towards taking control at valley parade .paladini has been searching for a way back into football since he left loftus road in 2011 and has attempted to buy birmingham city from carson yeung .phil parkinson 's team captured the imagination of fans across the nation when they fought back from 2-0 down to win 4-2 at chelsea in the fa cup and went on to beat sunderland before losing in a quarter-final replay at reading .\n", - "gianni paladini has registered as director of bradford 's holding companythe italian has been searching for new club since leaving qpr in 2011paladini made attempt to buy birmingham and has been linked with millwall\n", - "[1.1867453 1.333912 1.2492247 1.2397089 1.0974209 1.1895084 1.0842502\n", - " 1.0559967 1.2868404 1.0520769 1.0811402 1.0359671 1.0365084 1.0336516\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 8 2 3 5 0 4 6 10 7 9 12 11 13 16 14 15 17]\n", - "=======================\n", - "[\"the 28-year-old has been suspended from the network for a week after being caught on camera telling a parking lot attendant she should ` lose some weight , baby girl ' , adding ` i 'm on television and you 're in a f -- ing trailer , honey ' .but according to her blog , the former model is dedicated to helping women feel ` comfortable in their own skin ' .in a self-aggrandizing rant , mchenry tells her readers she is ` taking a stand ' against ` sexist ' commercials that focus on ` appearance alone ' .\"]\n", - "=======================\n", - "[\"espn reporter britt mchenry was filmed berating tow clerk gina michelleher car had been towed from a chinese diner in arlington , va , on april 6enraged , she insulted mother-of-three michelle 's looks , education and job` lose some weight , baby girl , ' mchenry told the worker in the videohowever , her blog tells women to ` be comfortable in their own skin 'mchenry apologized on thursday after security footage surfaced onlineadvanced towing co insists there are no hard feelings towards mchenryfootage released online is believed to have been edited by the tow firm\"]\n", - "the 28-year-old has been suspended from the network for a week after being caught on camera telling a parking lot attendant she should ` lose some weight , baby girl ' , adding ` i 'm on television and you 're in a f -- ing trailer , honey ' .but according to her blog , the former model is dedicated to helping women feel ` comfortable in their own skin ' .in a self-aggrandizing rant , mchenry tells her readers she is ` taking a stand ' against ` sexist ' commercials that focus on ` appearance alone ' .\n", - "espn reporter britt mchenry was filmed berating tow clerk gina michelleher car had been towed from a chinese diner in arlington , va , on april 6enraged , she insulted mother-of-three michelle 's looks , education and job` lose some weight , baby girl , ' mchenry told the worker in the videohowever , her blog tells women to ` be comfortable in their own skin 'mchenry apologized on thursday after security footage surfaced onlineadvanced towing co insists there are no hard feelings towards mchenryfootage released online is believed to have been edited by the tow firm\n", - "[1.0325227 1.2485113 1.5128247 1.3698399 1.3291918 1.4319631 1.2543494\n", - " 1.0450809 1.0250493 1.0193026 1.098064 1.0540334 1.0423341 1.0152026\n", - " 1.0212842 1.019869 1.0137006 1.0285528 1.0922381 1.0257427]\n", - "\n", - "[ 2 5 3 4 6 1 10 18 11 7 12 0 17 19 8 14 15 9 13 16]\n", - "=======================\n", - "['the mother-of-three , from leeds , suffers from the ultra-rare condition aquagenic urticaria -- an allergy to water .she was diagnosed two years ago after her skin erupted in agonising blisters when she got caught in a rain storm .now the 28-year-old has had to stop kissing her husband of four years , because the saliva on his lips can trigger a painful flare-up .']\n", - "=======================\n", - "['kerrie armitage , 28 , from leeds , suffers from an allergy to waterexternal exposure to water - rather than drinking liquid - causes a reactioncondition also means sweating or crying can trigger a painful flare-upalso suffers from exercise-induced anaphylaxis , so has put on weight']\n", - "the mother-of-three , from leeds , suffers from the ultra-rare condition aquagenic urticaria -- an allergy to water .she was diagnosed two years ago after her skin erupted in agonising blisters when she got caught in a rain storm .now the 28-year-old has had to stop kissing her husband of four years , because the saliva on his lips can trigger a painful flare-up .\n", - "kerrie armitage , 28 , from leeds , suffers from an allergy to waterexternal exposure to water - rather than drinking liquid - causes a reactioncondition also means sweating or crying can trigger a painful flare-upalso suffers from exercise-induced anaphylaxis , so has put on weight\n", - "[1.234574 1.4311026 1.2719226 1.3192847 1.1965619 1.0899062 1.1116866\n", - " 1.067512 1.0751204 1.0321245 1.0780607 1.0729781 1.0801443 1.0446228\n", - " 1.0218803 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 6 5 12 10 8 11 7 13 9 14 15 16 17 18 19]\n", - "=======================\n", - "[\"brian gemmell , a former captain in the intelligence corps , said spy chiefs ordered him to ` stop digging ' when he reported a possible paedophile ring at the northern ireland children 's ' home .he spoke out during a meeting with victim richard kerr , who claimed he was one of three youngsters trafficked from the home before being molested by ` very powerful ' figures in a westminster paedophile gang .mi5 has faced long-standing allegations of covering up child abuse to enable it to gather intelligence on loyalist politicians during the troubles .\"]\n", - "=======================\n", - "[\"brian gemmell said spy chiefs ordered him to ` stop digging ' at boys ' homeformer army intelligence officer claims mi5 covered up the sexual abusestaff jailed in 1980s for sexual abuse at notorious kincora children 's home\"]\n", - "brian gemmell , a former captain in the intelligence corps , said spy chiefs ordered him to ` stop digging ' when he reported a possible paedophile ring at the northern ireland children 's ' home .he spoke out during a meeting with victim richard kerr , who claimed he was one of three youngsters trafficked from the home before being molested by ` very powerful ' figures in a westminster paedophile gang .mi5 has faced long-standing allegations of covering up child abuse to enable it to gather intelligence on loyalist politicians during the troubles .\n", - "brian gemmell said spy chiefs ordered him to ` stop digging ' at boys ' homeformer army intelligence officer claims mi5 covered up the sexual abusestaff jailed in 1980s for sexual abuse at notorious kincora children 's home\n", - "[1.3439153 1.3430232 1.2081312 1.3338397 1.1077783 1.0686111 1.1438496\n", - " 1.0960541 1.0595286 1.029324 1.0174301 1.0224707 1.0676203 1.0999764\n", - " 1.1218075 1.0607907 1.0393142 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 6 14 4 13 7 5 12 15 8 16 9 11 10 18 17 19]\n", - "=======================\n", - "[\"us president barack obama said on saturday that diplomacy was the best option to deal with iran 's contested nuclear program , two days after the conclusion of a framework agreement with tehran .iran and six world powers determined the outlines of a landmark agreement which would curb iran 's nuclear program and potentially lift economic sanctions .as obama gears up to sell us skeptics on the deal , he said he is convinced talks are the best way forward .\"]\n", - "=======================\n", - "[\"us president barack obama said on saturday that diplomacy was the best option to deal with iran 's contested nuclear programthis just two days after a framework was agreed upon which would curb iran 's nuclear program and potentially lift economic sanctionsisraeli prime minister benjamin netanyahu said yesterday this new agreement would ` threaten the very survival of the state of israel 'many americans , especially republicans , also believe this has now paved the way for iran to develop an atomic bomb\"]\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "us president barack obama said on saturday that diplomacy was the best option to deal with iran 's contested nuclear program , two days after the conclusion of a framework agreement with tehran .iran and six world powers determined the outlines of a landmark agreement which would curb iran 's nuclear program and potentially lift economic sanctions .as obama gears up to sell us skeptics on the deal , he said he is convinced talks are the best way forward .\n", - "us president barack obama said on saturday that diplomacy was the best option to deal with iran 's contested nuclear programthis just two days after a framework was agreed upon which would curb iran 's nuclear program and potentially lift economic sanctionsisraeli prime minister benjamin netanyahu said yesterday this new agreement would ` threaten the very survival of the state of israel 'many americans , especially republicans , also believe this has now paved the way for iran to develop an atomic bomb\n", - "[1.1506466 1.2267656 1.4078646 1.3948722 1.0902009 1.0495073 1.0693579\n", - " 1.1343981 1.2948829 1.056102 1.0397599 1.010524 1.0121046 1.1485679\n", - " 1.1998469 1.1453067 1.0208166 0. 0. 0. ]\n", - "\n", - "[ 2 3 8 1 14 0 13 15 7 4 6 9 5 10 16 12 11 18 17 19]\n", - "=======================\n", - "['the 25-year-old personal trainer is joined by professional cricketer , freddie flintoff , 37 , as they model the latest collection of clothing for the brand \\'s summer campaign , filmed in palma , majorca .toby huntington-whiteley , 25 , stars in the new summer advert for men \\'s clothing brand jacamotoby huntington-whiteley has already made waves in the modelling industry due to his towering height - he falls just under 6 \\' 4 \" - and chiselled looks .']\n", - "=======================\n", - "[\"toby huntington-whiteley , 25 , and cricketer flintoff , 37 , model in campaignmen 's clothing brand jacamo caters to larger and taller mensportsman flintoff has been face of brand for 4 yearsthis is second tv ad job for dorset boy toby\"]\n", - "the 25-year-old personal trainer is joined by professional cricketer , freddie flintoff , 37 , as they model the latest collection of clothing for the brand 's summer campaign , filmed in palma , majorca .toby huntington-whiteley , 25 , stars in the new summer advert for men 's clothing brand jacamotoby huntington-whiteley has already made waves in the modelling industry due to his towering height - he falls just under 6 ' 4 \" - and chiselled looks .\n", - "toby huntington-whiteley , 25 , and cricketer flintoff , 37 , model in campaignmen 's clothing brand jacamo caters to larger and taller mensportsman flintoff has been face of brand for 4 yearsthis is second tv ad job for dorset boy toby\n", - "[1.236068 1.5550789 1.2047473 1.3893268 1.1501695 1.0201865 1.0286795\n", - " 1.1842506 1.0780114 1.0143341 1.1809808 1.1354518 1.0198208 1.068048\n", - " 1.0546745 1.0823319 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 7 10 4 11 15 8 13 14 6 5 12 9 16 17 18 19]\n", - "=======================\n", - "[\"the mudgeeraba caravan village is home to more than 100 people , and has been the site of a fatal house fire , stabbings , brawls , and continual violence .shocking images have been released showing the ` horrific ' conditions inside a gold coast caravan park with a long and checkered history of drug abuse , violence , and abject poverty .queensland police patrol the site daily due the extreme level of incidents , and ambulance officers will now only enter the caravan park , which lies just ten kilometres from the region 's famous glitter strip , under police protection .\"]\n", - "=======================\n", - "[\"the ` horrific ' mudgeeraba caravan village is home to over 100 peoplequeensland police patrol the site daily due the extreme level of incidentsit has seen a fatal house fire , stabbings , brawls , and continual violenceambulance officers will only enter the park under police protection` we 'll get up to mischief here on occasions , ' owner bob purcell said\"]\n", - "the mudgeeraba caravan village is home to more than 100 people , and has been the site of a fatal house fire , stabbings , brawls , and continual violence .shocking images have been released showing the ` horrific ' conditions inside a gold coast caravan park with a long and checkered history of drug abuse , violence , and abject poverty .queensland police patrol the site daily due the extreme level of incidents , and ambulance officers will now only enter the caravan park , which lies just ten kilometres from the region 's famous glitter strip , under police protection .\n", - "the ` horrific ' mudgeeraba caravan village is home to over 100 peoplequeensland police patrol the site daily due the extreme level of incidentsit has seen a fatal house fire , stabbings , brawls , and continual violenceambulance officers will only enter the park under police protection` we 'll get up to mischief here on occasions , ' owner bob purcell said\n", - "[1.5549805 1.3611428 1.186755 1.3654014 1.1312679 1.1198744 1.0586318\n", - " 1.0387875 1.0524741 1.1157938 1.0653424 1.0415726 1.0598495 1.0307432\n", - " 1.011579 1.1035208 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 5 9 15 10 12 6 8 11 7 13 14 17 16 18]\n", - "=======================\n", - "['dundee united striker nadir ciftci celebrated a goal by blowing a kiss at opposition goalkeeper scott bain , but the turkish midfielder was the one left blushing as his side lost away at rivals dundee .former portsmouth ace ciftci briefly levelled the scores at dens park when he slotted home a penalty after greg stewart had given the hosts the lead .bain refuses to react as the turkish striker does his best to rile his rival goalkeeper at den park']\n", - "=======================\n", - "['nadir ciftci celebrated by blowing a kiss at rival goalkeeper scott bainhowever , ciftci was left blushing as rivals earned impressive victorywin gave hosts dundee their first derby win in more than a decadegoals from greg stewart , jake mcpake and paul heffernen secured win']\n", - "dundee united striker nadir ciftci celebrated a goal by blowing a kiss at opposition goalkeeper scott bain , but the turkish midfielder was the one left blushing as his side lost away at rivals dundee .former portsmouth ace ciftci briefly levelled the scores at dens park when he slotted home a penalty after greg stewart had given the hosts the lead .bain refuses to react as the turkish striker does his best to rile his rival goalkeeper at den park\n", - "nadir ciftci celebrated by blowing a kiss at rival goalkeeper scott bainhowever , ciftci was left blushing as rivals earned impressive victorywin gave hosts dundee their first derby win in more than a decadegoals from greg stewart , jake mcpake and paul heffernen secured win\n", - "[1.2792659 1.4211944 1.285161 1.3460729 1.07926 1.0560501 1.0209905\n", - " 1.0364251 1.1040717 1.1655678 1.0811204 1.0735025 1.0492909 1.0686718\n", - " 1.0626794 1.0519309 1.0436931 0. 0. ]\n", - "\n", - "[ 1 3 2 0 9 8 10 4 11 13 14 5 15 12 16 7 6 17 18]\n", - "=======================\n", - "[\"president milos zeman has been criticised by ambassador andrew schapiro over his plans to attend the annual parade in moscow , marking the allied win at the western front in 1945 , despite the crisis in ukraine .in response to the critique , president zeman said ambassador schapiro is no longer welcome in the prague castle , the seat of presidency .the president of the czech republic has banned the u.s. ambassador from prague castle following a public dispute over the former 's decision to attend a russian world war ii parade .\"]\n", - "=======================\n", - "['czech president milos zeman plans to attend wwii parade in moscowu.s. ambassador criticised his decision in relation to ukraine crisispresident zeman responded to criticism by banning him from castle']\n", - "president milos zeman has been criticised by ambassador andrew schapiro over his plans to attend the annual parade in moscow , marking the allied win at the western front in 1945 , despite the crisis in ukraine .in response to the critique , president zeman said ambassador schapiro is no longer welcome in the prague castle , the seat of presidency .the president of the czech republic has banned the u.s. ambassador from prague castle following a public dispute over the former 's decision to attend a russian world war ii parade .\n", - "czech president milos zeman plans to attend wwii parade in moscowu.s. ambassador criticised his decision in relation to ukraine crisispresident zeman responded to criticism by banning him from castle\n", - "[1.1884534 1.3174233 1.3070271 1.2533866 1.2701775 1.137303 1.0381459\n", - " 1.0227585 1.0921149 1.110983 1.0155364 1.1111482 1.1033869 1.0464169\n", - " 1.0557342 1.1165335 1.0233084 1.0480777 0. ]\n", - "\n", - "[ 1 2 4 3 0 5 15 11 9 12 8 14 17 13 6 16 7 10 18]\n", - "=======================\n", - "[\"experts said the diet , known by the acronym mind , could reduce the risk of the illness even if it not meticulously followed .the ` mediterranean-dash intervention for neurodegenerative delay ' ( mind ) diet includes at least three daily servings of wholegrains and salad -- along with an extra vegetable and a glass of wine .the new diet could more than halve a person 's risk of developing alzheimer 's disease , new research has found , and even has an effect when a person does n't follow it meticulously\"]\n", - "=======================\n", - "[\"called the ` mediterranean-dash intervention for neurodegenerative delay 'diet even reduces alzheimer 's risk by 35 % if not meticulously followedincludes 10 healthy food groups like fish , poultry , olive oil , beans and nutsinvolves avoiding unhealthy brain foods like cheese , butter and sweets\"]\n", - "experts said the diet , known by the acronym mind , could reduce the risk of the illness even if it not meticulously followed .the ` mediterranean-dash intervention for neurodegenerative delay ' ( mind ) diet includes at least three daily servings of wholegrains and salad -- along with an extra vegetable and a glass of wine .the new diet could more than halve a person 's risk of developing alzheimer 's disease , new research has found , and even has an effect when a person does n't follow it meticulously\n", - "called the ` mediterranean-dash intervention for neurodegenerative delay 'diet even reduces alzheimer 's risk by 35 % if not meticulously followedincludes 10 healthy food groups like fish , poultry , olive oil , beans and nutsinvolves avoiding unhealthy brain foods like cheese , butter and sweets\n", - "[1.2789929 1.4962867 1.3010693 1.121491 1.0245998 1.2662549 1.1072795\n", - " 1.1093497 1.1040367 1.2130647 1.0383149 1.0573348 1.0281663 1.033772\n", - " 1.0674224 1.0120987 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 5 9 3 7 6 8 14 11 10 13 12 4 15 17 16 18]\n", - "=======================\n", - "['the zeta beta tau fraternity was suspended friday and charged with obscene behavior , public intoxication , theft , causing physical or other harm , and damage to property for allegedly disrespecting disabled veterans by spitting on them , shouting verbal abuse and even urinating on the american flag .the deplorable behavior against the ex-servicemen occurred at the warrior beach retreat on april 17 .a veteran has described the hurt he felt after being disrespected by a mob of university of florida fraternity members during a charity weekend that honors wounded heroes in panama beach city .']\n", - "=======================\n", - "[\"zeta beta tau suspended and charged for the ` disgusting ' actsthree members were expelled for the deplorable acts at the warrior beach retreat in panama beach city on april 17event designed to give ex-servicemen a relaxing breakuniversity of florida and emory university branches were there at the timethey allegedly ripped flags off cars and urinated on them and threw items off balconieswounded veteran nicholas connole said he was spat on and felt ` hurt '\"]\n", - "the zeta beta tau fraternity was suspended friday and charged with obscene behavior , public intoxication , theft , causing physical or other harm , and damage to property for allegedly disrespecting disabled veterans by spitting on them , shouting verbal abuse and even urinating on the american flag .the deplorable behavior against the ex-servicemen occurred at the warrior beach retreat on april 17 .a veteran has described the hurt he felt after being disrespected by a mob of university of florida fraternity members during a charity weekend that honors wounded heroes in panama beach city .\n", - "zeta beta tau suspended and charged for the ` disgusting ' actsthree members were expelled for the deplorable acts at the warrior beach retreat in panama beach city on april 17event designed to give ex-servicemen a relaxing breakuniversity of florida and emory university branches were there at the timethey allegedly ripped flags off cars and urinated on them and threw items off balconieswounded veteran nicholas connole said he was spat on and felt ` hurt '\n", - "[1.3853413 1.2220092 1.4154954 1.2253431 1.223552 1.2361411 1.1384157\n", - " 1.0324818 1.0560144 1.0669736 1.0806094 1.0704714 1.0587529 1.048477\n", - " 1.0200812 1.1268752 1.0296489 1.0063417 1.0171442]\n", - "\n", - "[ 2 0 5 3 4 1 6 15 10 11 9 12 8 13 7 16 14 18 17]\n", - "=======================\n", - "[\"john howard , 66 , from canterbury , kent , had been a member of the overseas press and media association for 30 years but began stealing funds two years ago , leaving the company facing bankruptcy .he was jailed for two and a half years and mouthed ` i 'm sorry ' to a former colleague as he left the dock at canterbury crown court .the father-of-three had sole access to the non-profit organisation 's account and enjoyed dining alone on several # 300 meals a month and also spent money on flowers , a court heard .\"]\n", - "=======================\n", - "['john howard , 66 , took cash from overseas press and media associationhe had been a member for 30 years but left company facing bankruptcyfather-of-three enjoyed monthly # 300 meals and sent money to his wifehoward was jailed for two and a half years at canterbury crown court']\n", - "john howard , 66 , from canterbury , kent , had been a member of the overseas press and media association for 30 years but began stealing funds two years ago , leaving the company facing bankruptcy .he was jailed for two and a half years and mouthed ` i 'm sorry ' to a former colleague as he left the dock at canterbury crown court .the father-of-three had sole access to the non-profit organisation 's account and enjoyed dining alone on several # 300 meals a month and also spent money on flowers , a court heard .\n", - "john howard , 66 , took cash from overseas press and media associationhe had been a member for 30 years but left company facing bankruptcyfather-of-three enjoyed monthly # 300 meals and sent money to his wifehoward was jailed for two and a half years at canterbury crown court\n", - "[1.4260465 1.4384745 1.3217055 1.4980375 1.04256 1.0169269 1.0165488\n", - " 1.0127382 1.0129828 1.0214465 1.0247124 1.0597134 1.0380098 1.0681864\n", - " 1.0551659 1.0162346 1.0772724 1.0342437 0. 0. ]\n", - "\n", - "[ 3 1 0 2 16 13 11 14 4 12 17 10 9 5 6 15 8 7 18 19]\n", - "=======================\n", - "['tom ince ( centre ) is currently on loan at derby from premier league side hull city and has been in fine formformer england and manchester united midfielder paul was in the stands as the on-loan hull player scored two long-range efforts for the visitors , one in each half .tom ince scored two fantastic goals in front of his dad as derby twice came from behind to share the points in a thrilling 4-4 draw at huddersfield .']\n", - "=======================\n", - "[\"derby 's tom ince scored two long-range goals at huddersfield in a 4-4 drawplay-off chasers derby were 1-0 up , 3-1 down and 4-3 behind in the gamethe amazing contest also saw huddersfield have three goals disallowed\"]\n", - "tom ince ( centre ) is currently on loan at derby from premier league side hull city and has been in fine formformer england and manchester united midfielder paul was in the stands as the on-loan hull player scored two long-range efforts for the visitors , one in each half .tom ince scored two fantastic goals in front of his dad as derby twice came from behind to share the points in a thrilling 4-4 draw at huddersfield .\n", - "derby 's tom ince scored two long-range goals at huddersfield in a 4-4 drawplay-off chasers derby were 1-0 up , 3-1 down and 4-3 behind in the gamethe amazing contest also saw huddersfield have three goals disallowed\n", - "[1.2058734 1.3653785 1.2851706 1.2102126 1.1341084 1.2334356 1.045253\n", - " 1.0241212 1.0843363 1.1004324 1.0635917 1.0753195 1.1058729 1.1280295\n", - " 1.0659728 1.0597367 1.1134123 1.040359 0. 0. ]\n", - "\n", - "[ 1 2 5 3 0 4 13 16 12 9 8 11 14 10 15 6 17 7 18 19]\n", - "=======================\n", - "['the couple , who have not been named , were arguing in the parking lot of an apartment complex in the 9800 block of south kirkwood road , south west houston .her husband admitted to police that during the heat of the argument he tried to drive off in his green chevrolet pickup truck when she grabbed the door handle , slipped and he ran her over .police say that they questioned the husband extensively but believe his story and have not filed charges against him .']\n", - "=======================\n", - "[\"her husband admits the pair had been arguing minutes before the accidentshe came to the driver 's door while her husband drove away and she fellpolice say they believe the husband 's story and have not charged himdoctors were able to deliver her 36-week-old baby in houston , texasthe pregnant woman , who has not been named , died later in hospital\"]\n", - "the couple , who have not been named , were arguing in the parking lot of an apartment complex in the 9800 block of south kirkwood road , south west houston .her husband admitted to police that during the heat of the argument he tried to drive off in his green chevrolet pickup truck when she grabbed the door handle , slipped and he ran her over .police say that they questioned the husband extensively but believe his story and have not filed charges against him .\n", - "her husband admits the pair had been arguing minutes before the accidentshe came to the driver 's door while her husband drove away and she fellpolice say they believe the husband 's story and have not charged himdoctors were able to deliver her 36-week-old baby in houston , texasthe pregnant woman , who has not been named , died later in hospital\n", - "[1.2108945 1.4398204 1.3166373 1.1651151 1.2747921 1.03446 1.12715\n", - " 1.085714 1.1118025 1.093237 1.0309982 1.0763885 1.0831213 1.0838126\n", - " 1.0886616 1.069263 1.0593191 1.0679791 0. 0. ]\n", - "\n", - "[ 1 2 4 0 3 6 8 9 14 7 13 12 11 15 17 16 5 10 18 19]\n", - "=======================\n", - "['the russian vessel oleg naydenov was carrying 1,400 metric tons of viscous fuel oil , when it caught fire in las palmas port on april 11 .it was towed out to sea as a precaution and sank some 15 miles south of the island three days later .clean up operation : volunteers clear oil from the sunken russian trawler naydenov on los seco beach , gran canaria']\n", - "=======================\n", - "['the russian vessel caught fire in port and was towed out to sea to sinkthree-mile oil slick also threatens tourist spots on tenerife and la gomeraclear-up operations ongoing on beaches near tourist town of maspalomas']\n", - "the russian vessel oleg naydenov was carrying 1,400 metric tons of viscous fuel oil , when it caught fire in las palmas port on april 11 .it was towed out to sea as a precaution and sank some 15 miles south of the island three days later .clean up operation : volunteers clear oil from the sunken russian trawler naydenov on los seco beach , gran canaria\n", - "the russian vessel caught fire in port and was towed out to sea to sinkthree-mile oil slick also threatens tourist spots on tenerife and la gomeraclear-up operations ongoing on beaches near tourist town of maspalomas\n", - "[1.3781829 1.4090945 1.1487557 1.2127087 1.2352095 1.233105 1.203189\n", - " 1.0962415 1.064567 1.0736233 1.0493242 1.076545 1.0474775 1.060118\n", - " 1.0473369 1.0266773 1.0116068 1.0103573 1.0126183 1.0258884]\n", - "\n", - "[ 1 0 4 5 3 6 2 7 11 9 8 13 10 12 14 15 19 18 16 17]\n", - "=======================\n", - "['kelley , 50 , was taken into custody at the atlanta airport wednesday after arriving on a flight from costa rica , deputy u.s. marshal jamie berry said .atlanta ( cnn ) federal marshals have arrested scott kelley , a fugitive accused of kidnapping who was featured on cnn \\'s \" the hunt . \"her trial is scheduled to start next month .']\n", - "=======================\n", - "['scott kelley , stepfather accused of kidnapping , is arrested at the atlanta airportmother genevieve kelley \\'s trial is set to begin next monthmary nunes \\' father says he is \" overjoyed she is alive and back in the us \"']\n", - "kelley , 50 , was taken into custody at the atlanta airport wednesday after arriving on a flight from costa rica , deputy u.s. marshal jamie berry said .atlanta ( cnn ) federal marshals have arrested scott kelley , a fugitive accused of kidnapping who was featured on cnn 's \" the hunt . \"her trial is scheduled to start next month .\n", - "scott kelley , stepfather accused of kidnapping , is arrested at the atlanta airportmother genevieve kelley 's trial is set to begin next monthmary nunes ' father says he is \" overjoyed she is alive and back in the us \"\n", - "[1.3693969 1.2569693 1.0770068 1.0940877 1.0984874 1.0681393 1.0551664\n", - " 1.116726 1.1439632 1.1113421 1.0584643 1.0706682 1.0348256 1.0149728\n", - " 1.1267538 1.066097 1.0584168 1.0935663 0. 0. ]\n", - "\n", - "[ 0 1 8 14 7 9 4 3 17 2 11 5 15 10 16 6 12 13 18 19]\n", - "=======================\n", - "[\"former secretary of state hillary rodham clinton got her budding presidential campaign 's first targeted question about the deadly 2012 benghazi terror attacks on tuesday night , and her answer was the sound of one hand clapping .the bash-the-rich candidate flew first class from boston to washington , d.c. after wrapping up a two-day new hampshire campaign trip .the islamist terror group ansar al-shariah 's military-style benghazi attacks will likely be a thorn in clinton 's side throughout the 2016 presidential campaign season .\"]\n", - "=======================\n", - "[\"former secretary of state landed tuesday night at washington reagan national airport after a first-class flight from bostonclinton stared ahead wordlessly , walked and did n't acknowledge questions as daily mail online asked whether she had made mistakes in benghazideadly attacks , carried out by an affiliate of al qaeda , claimed the lives of u.s. ambassador to libya chris stevens and three other us personnelspecial congressional committee investigating circumstances before and after the attacks ; its report will come out during 2016 presidential campaignquestions remain about clinton 's alleged failure to protect her diplomatic outpost , and the reasons she cited for the debacle after four flag-draped caskets came homeu.s. intelligence knew at the time that benghazi personnel were aware they were under attack , but clinton and other obama administration officials blamed an out-of-control protest linked to an anti-islam youtube video\"]\n", - "former secretary of state hillary rodham clinton got her budding presidential campaign 's first targeted question about the deadly 2012 benghazi terror attacks on tuesday night , and her answer was the sound of one hand clapping .the bash-the-rich candidate flew first class from boston to washington , d.c. after wrapping up a two-day new hampshire campaign trip .the islamist terror group ansar al-shariah 's military-style benghazi attacks will likely be a thorn in clinton 's side throughout the 2016 presidential campaign season .\n", - "former secretary of state landed tuesday night at washington reagan national airport after a first-class flight from bostonclinton stared ahead wordlessly , walked and did n't acknowledge questions as daily mail online asked whether she had made mistakes in benghazideadly attacks , carried out by an affiliate of al qaeda , claimed the lives of u.s. ambassador to libya chris stevens and three other us personnelspecial congressional committee investigating circumstances before and after the attacks ; its report will come out during 2016 presidential campaignquestions remain about clinton 's alleged failure to protect her diplomatic outpost , and the reasons she cited for the debacle after four flag-draped caskets came homeu.s. intelligence knew at the time that benghazi personnel were aware they were under attack , but clinton and other obama administration officials blamed an out-of-control protest linked to an anti-islam youtube video\n", - "[1.2428005 1.4391711 1.3396702 1.2133452 1.2277825 1.1904081 1.0268154\n", - " 1.0231361 1.0391484 1.1440954 1.0554397 1.1256198 1.0652862 1.0736693\n", - " 1.0686831 1.0597008 1.0551676 1.0498374 1.1350774]\n", - "\n", - "[ 1 2 0 4 3 5 9 18 11 13 14 12 15 10 16 17 8 6 7]\n", - "=======================\n", - "[\"keepers at the columbus zoo say ten-year-old irisa had mated before but never conceived .however , this spring it was found the female cat was pregnant - with triplets .a zoo in ohio is celebrating the ` miracle ' birth of three rare amur tiger cubs after it was feared their mother 's biological clock had stopped ticking .\"]\n", - "=======================\n", - "['keepers at the columbus zoo say ten-year-old irisa had bred before but never conceivedhowever , this spring it was found the female cat was pregnantwhile the birth on tuesday went smoothly , irisa failed to show any maternal care so her offspring are being hand-reared in an incubatorthey currently weigh 2.5 lbs but are set to grow to a heftier 650lbs']\n", - "keepers at the columbus zoo say ten-year-old irisa had mated before but never conceived .however , this spring it was found the female cat was pregnant - with triplets .a zoo in ohio is celebrating the ` miracle ' birth of three rare amur tiger cubs after it was feared their mother 's biological clock had stopped ticking .\n", - "keepers at the columbus zoo say ten-year-old irisa had bred before but never conceivedhowever , this spring it was found the female cat was pregnantwhile the birth on tuesday went smoothly , irisa failed to show any maternal care so her offspring are being hand-reared in an incubatorthey currently weigh 2.5 lbs but are set to grow to a heftier 650lbs\n", - "[1.3050256 1.3840599 1.333881 1.4561095 1.1431229 1.0245236 1.0328233\n", - " 1.0132766 1.0116037 1.0724639 1.0773133 1.1827542 1.0652971 1.0359302\n", - " 1.0657698 1.3102806 1.0584742 0. 0. ]\n", - "\n", - "[ 3 1 2 15 0 11 4 10 9 14 12 16 13 6 5 7 8 17 18]\n", - "=======================\n", - "['tiger woods and rory mcilroy were paired together for the final day , but neither could mount a challengemcilroy did his level best to repair the damage of a tentative opening 27 holes by shooting 31 for the back nine on friday and following it with scores of 68 and 66 over the weekend .the world no 1 finished strongly , but the battle came too late to challenge long-time leader jordan spieth for the green jacket .']\n", - "=======================\n", - "['rory mcilroy finished strongly to finish an impressive fourth in augustamcilroy did his best to repair the damage of a tentative opening 27 holesbut the battle came too late to challenge long-time leader jordan spiethspieth rounded off a record-breaking week by winning first major of careerread : mciiroy and justin rose lead tributes to spieth after masters win']\n", - "tiger woods and rory mcilroy were paired together for the final day , but neither could mount a challengemcilroy did his level best to repair the damage of a tentative opening 27 holes by shooting 31 for the back nine on friday and following it with scores of 68 and 66 over the weekend .the world no 1 finished strongly , but the battle came too late to challenge long-time leader jordan spieth for the green jacket .\n", - "rory mcilroy finished strongly to finish an impressive fourth in augustamcilroy did his best to repair the damage of a tentative opening 27 holesbut the battle came too late to challenge long-time leader jordan spiethspieth rounded off a record-breaking week by winning first major of careerread : mciiroy and justin rose lead tributes to spieth after masters win\n", - "[1.4509176 1.255132 1.4452784 1.3493156 1.1957717 1.0591941 1.0175227\n", - " 1.0219055 1.0164291 1.0155864 1.0144266 1.1996841 1.0656321 1.1160265\n", - " 1.1922812 1.0261987 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 11 4 14 13 12 5 15 7 6 8 9 10 17 16 18]\n", - "=======================\n", - "[\"bryony hibbert ( pictured ) , 25 , the girlfriend of the footballer caught having drunken sex in the dugout , has slammed those responsible for the clipstriker jay hart , 24 , could be heard laughing on the mobile phone footage as he was caught romping with the mystery blonde in his club t-shirt with his tracksuit bottoms around his legs .he was dismissed after the sex clip of his tryst at mossley afc in tameside was shared on social media and has now begged for his 25-year-old girlfriend bryony hibbert 's forgiveness .\"]\n", - "=======================\n", - "['striker jay hart , 24 , was caught having sex with supporter after 4-1 defeathe was filmed romping with mystery blonde in dugout wearing tracksuitgirlfriend bryony hibbert , who has two children , slammed creators of clipmr hart has apologised after he was sacked from non-league clitheroe fcif you know the identity of the blonde , email : jenny.awford@dailymail.co.uk or call 02036154835']\n", - "bryony hibbert ( pictured ) , 25 , the girlfriend of the footballer caught having drunken sex in the dugout , has slammed those responsible for the clipstriker jay hart , 24 , could be heard laughing on the mobile phone footage as he was caught romping with the mystery blonde in his club t-shirt with his tracksuit bottoms around his legs .he was dismissed after the sex clip of his tryst at mossley afc in tameside was shared on social media and has now begged for his 25-year-old girlfriend bryony hibbert 's forgiveness .\n", - "striker jay hart , 24 , was caught having sex with supporter after 4-1 defeathe was filmed romping with mystery blonde in dugout wearing tracksuitgirlfriend bryony hibbert , who has two children , slammed creators of clipmr hart has apologised after he was sacked from non-league clitheroe fcif you know the identity of the blonde , email : jenny.awford@dailymail.co.uk or call 02036154835\n", - "[1.310986 1.2480339 1.0494107 1.2982262 1.1832061 1.0592481 1.2661871\n", - " 1.1770933 1.0622919 1.06965 1.0729755 1.1608742 1.0744096 1.0347209\n", - " 1.0407733 1.0874784 0. 0. 0. ]\n", - "\n", - "[ 0 3 6 1 4 7 11 15 12 10 9 8 5 2 14 13 16 17 18]\n", - "=======================\n", - "[\"two adjoining ` his and hers ' mansions have gone on the market on the world-renowned sandbanks peninsula for # 13million .standing just a few feet apart , the beachfront homes are virtually identical in every way , boasting an indoor swimming pool , four storeys and stunning sea views .tom doyle , of estate agents lloyds property group which is selling both properties , said the homes would be perfect for a couple who like their independence .\"]\n", - "=======================\n", - "['adjoining homes are virtually identical , boasting indoor pool and sea viewsbut one of the beachfront homes in poole has an extra en-suite bedroomproperties have replaced a four-storey house which was sold for # 4.5 mlloyds property group said they would suit couple who like independence']\n", - "two adjoining ` his and hers ' mansions have gone on the market on the world-renowned sandbanks peninsula for # 13million .standing just a few feet apart , the beachfront homes are virtually identical in every way , boasting an indoor swimming pool , four storeys and stunning sea views .tom doyle , of estate agents lloyds property group which is selling both properties , said the homes would be perfect for a couple who like their independence .\n", - "adjoining homes are virtually identical , boasting indoor pool and sea viewsbut one of the beachfront homes in poole has an extra en-suite bedroomproperties have replaced a four-storey house which was sold for # 4.5 mlloyds property group said they would suit couple who like independence\n", - "[1.4058945 1.166072 1.2130127 1.2548888 1.242683 1.2659416 1.1402042\n", - " 1.1545154 1.0750854 1.0570542 1.0617144 1.0126128 1.036598 1.0228609\n", - " 1.0181066 1.0352167 0. 0. 0. ]\n", - "\n", - "[ 0 5 3 4 2 1 7 6 8 10 9 12 15 13 14 11 16 17 18]\n", - "=======================\n", - "[\"barclays chairman sir david walker defended the bank 's decision to pay out # 1.86 billion in bonusesshareholders are reeling from big losses in their investments and pension funds as barclays ' share price has plunged since the financial crisis .last year its profits dropped again by 21 per cent to # 2.3 billion after it was hit by huge bills for wrongdoing .\"]\n", - "=======================\n", - "[\"barclays shareholders angered by generous pay packages for top tradersinvestors reeling as bank 's share price has plunged since financial crisisbank has also been hit by huge bills for wrongdoing , with another comingchairman sir david walker defended pay out of # 1.86 billion in bonuses\"]\n", - "barclays chairman sir david walker defended the bank 's decision to pay out # 1.86 billion in bonusesshareholders are reeling from big losses in their investments and pension funds as barclays ' share price has plunged since the financial crisis .last year its profits dropped again by 21 per cent to # 2.3 billion after it was hit by huge bills for wrongdoing .\n", - "barclays shareholders angered by generous pay packages for top tradersinvestors reeling as bank 's share price has plunged since financial crisisbank has also been hit by huge bills for wrongdoing , with another comingchairman sir david walker defended pay out of # 1.86 billion in bonuses\n", - "[1.035583 1.299386 1.3479311 1.1850617 1.3386075 1.3413349 1.0865202\n", - " 1.0515996 1.0213262 1.0655608 1.0262176 1.0781221 1.0917474 1.0259448\n", - " 1.1093785 1.0251161 1.085547 1.0571766 1.0547097 1.0381317 1.021662\n", - " 1.038247 1.0235343]\n", - "\n", - "[ 2 5 4 1 3 14 12 6 16 11 9 17 18 7 21 19 0 10 13 15 22 20 8]\n", - "=======================\n", - "[\"brisbane locals were left scratching their heads after the mysterious message ` i 'm sorry ' followed by a love heart and two crosses for kisses was splashed across the city 's clear blue sky on monday afternoon .one desperate man has forked out nearly $ 4000 for a written message in the sky in a bid to seek forgivenessthe aerial apology hovered above the cbd at about 1pm , prompting several people to jump onto social media to question and voice their theories about who had done what .\"]\n", - "=======================\n", - "[\"locals were left wondering who 'd done what after a mysterious messagethe apology was splashed across brisbane 's cbd on monday afternoonit prompted questions and theories on twitter about who had done whatskywriter rob vance said the man did n't appear to be frantically lovelornthe service usually charges $ 3990 for up to 10 letters of charactersthe author and recipient of monday 's message remain a mystery\"]\n", - "brisbane locals were left scratching their heads after the mysterious message ` i 'm sorry ' followed by a love heart and two crosses for kisses was splashed across the city 's clear blue sky on monday afternoon .one desperate man has forked out nearly $ 4000 for a written message in the sky in a bid to seek forgivenessthe aerial apology hovered above the cbd at about 1pm , prompting several people to jump onto social media to question and voice their theories about who had done what .\n", - "locals were left wondering who 'd done what after a mysterious messagethe apology was splashed across brisbane 's cbd on monday afternoonit prompted questions and theories on twitter about who had done whatskywriter rob vance said the man did n't appear to be frantically lovelornthe service usually charges $ 3990 for up to 10 letters of charactersthe author and recipient of monday 's message remain a mystery\n", - "[1.0789238 1.2604709 1.2376815 1.2406553 1.070894 1.1635634 1.0620066\n", - " 1.1701584 1.1043813 1.0335019 1.0221703 1.0716357 1.043568 1.0562739\n", - " 1.0510432 1.0445482 1.0492054 1.0204293 1.0145051 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 7 5 8 0 11 4 6 13 14 16 15 12 9 10 17 18 21 19 20 22]\n", - "=======================\n", - "['since the news broke last weekend that hillary clinton had declared her candidacy , notable among the blitz of news stories are the many that refer to her as the mononymous \" hillary , \" as if she were a pop star in a pantsuit .even the new republic posted a piece about the run called \" there \\'s nothing inevitable about hillary . \"the new york post published an item titled \" lena dunham backs hillary for president \" while gossip site tmz refers to the former flotus , u.s. senator , and secretary of state on a first-name basis throughout its news story on the announcement .']\n", - "=======================\n", - "[\"peggy drexler : media , even candidate herself call clinton just ` hillary . 'she says especially in global context , trust , respect important for the potential leader of free world , not familiarity .\"]\n", - "since the news broke last weekend that hillary clinton had declared her candidacy , notable among the blitz of news stories are the many that refer to her as the mononymous \" hillary , \" as if she were a pop star in a pantsuit .even the new republic posted a piece about the run called \" there 's nothing inevitable about hillary . \"the new york post published an item titled \" lena dunham backs hillary for president \" while gossip site tmz refers to the former flotus , u.s. senator , and secretary of state on a first-name basis throughout its news story on the announcement .\n", - "peggy drexler : media , even candidate herself call clinton just ` hillary . 'she says especially in global context , trust , respect important for the potential leader of free world , not familiarity .\n", - "[1.4803499 1.4066159 1.4046528 1.2772359 1.1599466 1.0739973 1.0328248\n", - " 1.0363562 1.1831524 1.0219454 1.0248957 1.141648 1.0291857 1.0319117\n", - " 1.0179907 1.1716254 1.0220368 1.0112443 1.0111011 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 3 8 15 4 11 5 7 6 13 12 10 16 9 14 17 18 21 19 20 22]\n", - "=======================\n", - "[\"christian benteke believes it would be risky to suggest aston villa can be safe from relegation with one more victory .the belgian striker , back to form under manager tim sherwood with eight goals in six games , said his side must continue to stretch their lead over the drop zone .villa are six points clear of queens park rangers in 18th but the gap could close this weekend with burnley and leicester in premier league action and sherwood 's team in the fa cup semi-final .\"]\n", - "=======================\n", - "['aston villa beat tottenham 1-0 at white hart lane on saturdaythe win moved villa six points clear of the relegation zonebenteke says it would be risky to think one more win would be enough']\n", - "christian benteke believes it would be risky to suggest aston villa can be safe from relegation with one more victory .the belgian striker , back to form under manager tim sherwood with eight goals in six games , said his side must continue to stretch their lead over the drop zone .villa are six points clear of queens park rangers in 18th but the gap could close this weekend with burnley and leicester in premier league action and sherwood 's team in the fa cup semi-final .\n", - "aston villa beat tottenham 1-0 at white hart lane on saturdaythe win moved villa six points clear of the relegation zonebenteke says it would be risky to think one more win would be enough\n", - "[1.0427533 1.3011298 1.2920586 1.2038823 1.1591312 1.0764185 1.080948\n", - " 1.0796925 1.1162838 1.067096 1.0582279 1.0401337 1.0294236 1.0348549\n", - " 1.0416083 1.0303831 1.0179026 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 4 8 6 7 5 9 10 0 14 11 13 15 12 16 21 17 18 19 20 22]\n", - "=======================\n", - "['the certificate documents my successful completion of the dc special flight rules area , or sfra , online course .the online course verifies that i am knowledgeable to fly a plane under visual flight rules into the most highly restricted u.s. airspace in the country .although a \" no-fly zone \" over the white house has long existed , the sfra airspace was developed to protect the washington area further after the 9/11 terrorist attacks .']\n", - "=======================\n", - "[\"les abend : how did gyrocopter fly on to capitol grounds when faa , defense forces keep tight rein on airspace ?he says gyrocopter may be lightweight and slow enough that it evaded radarhe says it 's unlikely such a flight could pose a serious danger\"]\n", - "the certificate documents my successful completion of the dc special flight rules area , or sfra , online course .the online course verifies that i am knowledgeable to fly a plane under visual flight rules into the most highly restricted u.s. airspace in the country .although a \" no-fly zone \" over the white house has long existed , the sfra airspace was developed to protect the washington area further after the 9/11 terrorist attacks .\n", - "les abend : how did gyrocopter fly on to capitol grounds when faa , defense forces keep tight rein on airspace ?he says gyrocopter may be lightweight and slow enough that it evaded radarhe says it 's unlikely such a flight could pose a serious danger\n", - "[1.1802045 1.4543902 1.2631769 1.3599699 1.1728445 1.1296321 1.1402338\n", - " 1.0870236 1.0814745 1.0760188 1.1340636 1.1459845 1.0169132 1.0112338\n", - " 1.0097356 1.0132797 1.0326238 1.0585021 1.0805737 1.0504298 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 11 6 10 5 7 8 18 9 17 19 16 12 15 13 14 20 21 22]\n", - "=======================\n", - "[\"richard kerr , 53 , said he was one of three youngsters who were taken from the home in belfast to london in the 1970s .once in the capital , they were allegedly molested by politicians and other establishment figures at dolphin square and elm guest house -- which are now under investigation by scotland yard .vulnerable boys were trafficked from a children 's home before being abused by ` very powerful ' figures in a westminster paedophile ring , a victim has claimed .\"]\n", - "=======================\n", - "[\"richard kerr says he was taken from the belfast home to london in 1970sclaims he and two other youngsters were abused by ` very powerful ' figuresmr kerr , who now lives in dallas , texas , made a highly emotional return to london last month to visit the scenes of his alleged abuseaccount provides the first clear link between three alleged major vip paedophile rings that operated in london and northern ireland\"]\n", - "richard kerr , 53 , said he was one of three youngsters who were taken from the home in belfast to london in the 1970s .once in the capital , they were allegedly molested by politicians and other establishment figures at dolphin square and elm guest house -- which are now under investigation by scotland yard .vulnerable boys were trafficked from a children 's home before being abused by ` very powerful ' figures in a westminster paedophile ring , a victim has claimed .\n", - "richard kerr says he was taken from the belfast home to london in 1970sclaims he and two other youngsters were abused by ` very powerful ' figuresmr kerr , who now lives in dallas , texas , made a highly emotional return to london last month to visit the scenes of his alleged abuseaccount provides the first clear link between three alleged major vip paedophile rings that operated in london and northern ireland\n", - "[1.2899863 1.4219464 1.2951019 1.1841456 1.1716075 1.1026784 1.051272\n", - " 1.0786028 1.157227 1.0625147 1.041156 1.1155747 1.0478431 1.0314982\n", - " 1.07061 1.0659816 1.0393109 1.0333632 1.041049 1.0347914 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 8 11 5 7 14 15 9 6 12 10 18 16 19 17 13 22 20 21 23]\n", - "=======================\n", - "[\"it found alpha delta responsible for causing harm to pledges and violating terms of a suspension for alcohol violations .the fraternity has until next monday to appeal the decision .a dartmouth college judicial committee has ` derecognized ' a fraternity that partly inspired the 1978 cult classic ` animal house ' because some new members received brands on their backsides .\"]\n", - "=======================\n", - "['college judicial committee found alpha delta responsible for causing harm to pledges and violating terms of suspension for alcohol violationsthe 46-year-old fraternity has until next monday to appeal the decisionalpha delta attorney previously said small group of members voluntarily chose to get brands']\n", - "it found alpha delta responsible for causing harm to pledges and violating terms of a suspension for alcohol violations .the fraternity has until next monday to appeal the decision .a dartmouth college judicial committee has ` derecognized ' a fraternity that partly inspired the 1978 cult classic ` animal house ' because some new members received brands on their backsides .\n", - "college judicial committee found alpha delta responsible for causing harm to pledges and violating terms of suspension for alcohol violationsthe 46-year-old fraternity has until next monday to appeal the decisionalpha delta attorney previously said small group of members voluntarily chose to get brands\n", - "[1.2072102 1.5415906 1.3578779 1.207943 1.0326111 1.0719339 1.0323768\n", - " 1.0211278 1.0308832 1.1728117 1.1203328 1.0228341 1.0194808 1.1689743\n", - " 1.1337867 1.0678754 1.0160851 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 9 13 14 10 5 15 4 6 8 11 7 12 16 22 17 18 19 20 21 23]\n", - "=======================\n", - "[\"busy man : gary barlow is preparing for his musical finding neverland to open and the new take that tour to beginfor as the remaining members gary barlow , mark owen and howard donald prepare to hit the road as a trio on their new tour - opening in glasgow on april 27 - gary has revealed to mailonline that jason will be proudly cheering on his former bandmates .jason orange shocked take that fans around the world when he quit the chart-topping band last september but he has n't said goodbye to them forever .\"]\n", - "=======================\n", - "[\"spoke to mailonline ahead of premiere of his new musical finding neverlandgary was handpicked by harvey weinstein to write the music for the showsaid jason 's departure was ` strange ' at first but take that have moved onpromised fans an ` extravaganza ' on the new take that tour\"]\n", - "busy man : gary barlow is preparing for his musical finding neverland to open and the new take that tour to beginfor as the remaining members gary barlow , mark owen and howard donald prepare to hit the road as a trio on their new tour - opening in glasgow on april 27 - gary has revealed to mailonline that jason will be proudly cheering on his former bandmates .jason orange shocked take that fans around the world when he quit the chart-topping band last september but he has n't said goodbye to them forever .\n", - "spoke to mailonline ahead of premiere of his new musical finding neverlandgary was handpicked by harvey weinstein to write the music for the showsaid jason 's departure was ` strange ' at first but take that have moved onpromised fans an ` extravaganza ' on the new take that tour\n", - "[1.304648 1.2230964 1.2354634 1.3731074 1.2642226 1.1066976 1.1338947\n", - " 1.088125 1.066078 1.0318577 1.0380778 1.0694431 1.0287364 1.0733218\n", - " 1.0507098 1.0131803 1.0205107 1.0129237 1.0584518 1.0739014 1.0794712\n", - " 1.0345513 1.0559998 1.0585941]\n", - "\n", - "[ 3 0 4 2 1 6 5 7 20 19 13 11 8 23 18 22 14 10 21 9 12 16 15 17]\n", - "=======================\n", - "[\"philadelphia mayoral candidate lynne abraham ( left ) collapsed on stage 10 minutes into tuesday night 's hour-long debate between democratic candidatesthe former philadelphia district attorney abraham allegedly suffered a momentary drop in blood pressure .mayoral candidate nelson diaz quickly came to abraham 's aide and helped her stand up when she regained consciousness .\"]\n", - "=======================\n", - "[\"candidate lynne abraham says she suffered a momentary drop in blood pressure and that it 's never happened beforewhile a doctor kept her from returning to the debate , the 74-year-old former district attorney says she will not let the incident affect her campaign\"]\n", - "philadelphia mayoral candidate lynne abraham ( left ) collapsed on stage 10 minutes into tuesday night 's hour-long debate between democratic candidatesthe former philadelphia district attorney abraham allegedly suffered a momentary drop in blood pressure .mayoral candidate nelson diaz quickly came to abraham 's aide and helped her stand up when she regained consciousness .\n", - "candidate lynne abraham says she suffered a momentary drop in blood pressure and that it 's never happened beforewhile a doctor kept her from returning to the debate , the 74-year-old former district attorney says she will not let the incident affect her campaign\n", - "[1.1821699 1.4012296 1.2780284 1.3489748 1.1990253 1.0790201 1.0732272\n", - " 1.145639 1.1434196 1.0378256 1.0316571 1.1561172 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 11 7 8 5 6 9 10 21 20 19 18 17 14 15 13 12 22 16 23]\n", - "=======================\n", - "[\"dr mark porter , head of the british medical association , the doctors ' union , said that whoever wins the election will inevitably be tempted to bring in charges .all three major parties have denied there will be any end to the principle that the nhs should be free at the point of use .critics will say that if gps had not enjoyed such enormous pay rises over the past decade , there would be much more money around .\"]\n", - "=======================\n", - "['dr mark porter said election winner will be tempted to bring in chargesnhs england forecast a # 30bn budget gap by 2020 unless savings made']\n", - "dr mark porter , head of the british medical association , the doctors ' union , said that whoever wins the election will inevitably be tempted to bring in charges .all three major parties have denied there will be any end to the principle that the nhs should be free at the point of use .critics will say that if gps had not enjoyed such enormous pay rises over the past decade , there would be much more money around .\n", - "dr mark porter said election winner will be tempted to bring in chargesnhs england forecast a # 30bn budget gap by 2020 unless savings made\n", - "[1.4335399 1.2887537 1.3201073 1.1028744 1.3669485 1.2450283 1.1660191\n", - " 1.0424582 1.0269274 1.0160582 1.0119143 1.177684 1.0215124 1.0207821\n", - " 1.272344 1.1109754 1.007407 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 4 2 1 14 5 11 6 15 3 7 8 12 13 9 10 16 22 17 18 19 20 21 23]\n", - "=======================\n", - "[\"everton manager roberto martinez insists he is not worried that romelu lukaku 's new agent will destabilise the player -- even though incendiary comments last week look like they were made with that intention .romelu lukaku ( left ) has had some big claims made about him by his new agent mino raiola ( right )lukaku was absent injured as phil jagielka 's goal settled this match to give everton a third straight victory .\"]\n", - "=======================\n", - "[\"romelu lukaku 's agent mino raiola said his client would leave for big clubhowever roberto martinez is not concerned by raiola 's recent claimslukaku missed everton 's 1-0 win over southampton due to injury\"]\n", - "everton manager roberto martinez insists he is not worried that romelu lukaku 's new agent will destabilise the player -- even though incendiary comments last week look like they were made with that intention .romelu lukaku ( left ) has had some big claims made about him by his new agent mino raiola ( right )lukaku was absent injured as phil jagielka 's goal settled this match to give everton a third straight victory .\n", - "romelu lukaku 's agent mino raiola said his client would leave for big clubhowever roberto martinez is not concerned by raiola 's recent claimslukaku missed everton 's 1-0 win over southampton due to injury\n", - "[1.2275031 1.3477058 1.4193482 1.289775 1.1510482 1.1465741 1.1339909\n", - " 1.1094358 1.0835955 1.0877478 1.1043838 1.0541872 1.0234537 1.0242785\n", - " 1.0257992 1.0387843 1.0743587 1.0268574 1.0707192 1.0381662 1.0525249]\n", - "\n", - "[ 2 1 3 0 4 5 6 7 10 9 8 16 18 11 20 15 19 17 14 13 12]\n", - "=======================\n", - "[\"brandon wyne was in the backseat of the car driven by his friend courtney griffith , 18 , on january 10 when they were pulled over for a broken tail light .the footage has prompted an investigation into the officers ' conduct - and claims he even tried to delete the video , but failed .a police officer has been filmed beating and tasering a 17-year-old boy during a traffic stop in virginia .\"]\n", - "=======================\n", - "['brandon wyne , 17 , and courtney griffith , 18 , were pulled over for broken tail light in virginia beach in januarypolice said they could smell marijuana and ordered them out of the carwyne agreed but on the condition nobody touch him until his mom arriveofficer hits him , sprays him with pepper spray , stuns him with taserfootage has emerged after griffith found it in her deleted foldervirginia beach pd investigating conduct and evidence tampering']\n", - "brandon wyne was in the backseat of the car driven by his friend courtney griffith , 18 , on january 10 when they were pulled over for a broken tail light .the footage has prompted an investigation into the officers ' conduct - and claims he even tried to delete the video , but failed .a police officer has been filmed beating and tasering a 17-year-old boy during a traffic stop in virginia .\n", - "brandon wyne , 17 , and courtney griffith , 18 , were pulled over for broken tail light in virginia beach in januarypolice said they could smell marijuana and ordered them out of the carwyne agreed but on the condition nobody touch him until his mom arriveofficer hits him , sprays him with pepper spray , stuns him with taserfootage has emerged after griffith found it in her deleted foldervirginia beach pd investigating conduct and evidence tampering\n", - "[1.3419843 1.3883786 1.0891376 1.2203902 1.1585749 1.1926208 1.2100742\n", - " 1.0975989 1.0804293 1.2126845 1.0356008 1.0165908 1.0846314 1.0334321\n", - " 1.0552684 1.0293788 1.0176728 1.0256186 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 9 6 5 4 7 2 12 8 14 10 13 15 17 16 11 19 18 20]\n", - "=======================\n", - "[\"briony ingerson posted the image from an ` african-themed party ' almost three months ago , writing that the costume was as a light-hearted tribute to a friend who was working on network ten program ` i 'm a celebrity ... get me out of here ! 'fox sports australia will not take action against a freelance presenter who posted an instagram picture of herself and a friend in blackface make-up .sports presenter briony ingerson has been widely criticised for posting a photo with black face make up\"]\n", - "=======================\n", - "[\"briony ingerson posted a photo of herself and a friend in ` blackface 'the fox sports australia freelance presenter proceeded to defend her actions on twitter , writing ` it was an african costume party #notracistatall 'fox sports australia say they are satisfied ingerson is upset , apologetic and understands her actions were offensiveissue was flagged by a journalism student who worked alongside ingerson\"]\n", - "briony ingerson posted the image from an ` african-themed party ' almost three months ago , writing that the costume was as a light-hearted tribute to a friend who was working on network ten program ` i 'm a celebrity ... get me out of here ! 'fox sports australia will not take action against a freelance presenter who posted an instagram picture of herself and a friend in blackface make-up .sports presenter briony ingerson has been widely criticised for posting a photo with black face make up\n", - "briony ingerson posted a photo of herself and a friend in ` blackface 'the fox sports australia freelance presenter proceeded to defend her actions on twitter , writing ` it was an african costume party #notracistatall 'fox sports australia say they are satisfied ingerson is upset , apologetic and understands her actions were offensiveissue was flagged by a journalism student who worked alongside ingerson\n", - "[1.1431829 1.4944122 1.2720532 1.0647956 1.0664443 1.1492275 1.061354\n", - " 1.0967809 1.0995163 1.100464 1.2529693 1.1072196 1.0705518 1.0103748\n", - " 1.0223416 1.0570726 1.1143879 1.0756764 1.0606618 0. 0. ]\n", - "\n", - "[ 1 2 10 5 0 16 11 9 8 7 17 12 4 3 6 18 15 14 13 19 20]\n", - "=======================\n", - "['jack rivera , a new york trucker , captured the collision on his dashcam as he drove along the interstate 35e in texas last wednesday .footage shows the driver of a black suv , identified as 49-year-old laura michelle mayeaux , coming off at the 397 exit and veering over to the wrong side of the lane .thick black skid marks can be seen on the tarmac as smoke fills the air .']\n", - "=======================\n", - "['jack rivera , a new york trucker , captured the collision on his dashcam as he drove along the interstate 35e in texas last wednesdaypolice said the driver in the suv , identified as laura michelle mayeaux , may have been intoxicated and trying to take her own lifeshe was transported to baylor university medical center in dallas because of the injuries she sustained during the wreckher last known condition was reported as criticalit is not known if mayeaux will face charges and the event remains under investigation']\n", - "jack rivera , a new york trucker , captured the collision on his dashcam as he drove along the interstate 35e in texas last wednesday .footage shows the driver of a black suv , identified as 49-year-old laura michelle mayeaux , coming off at the 397 exit and veering over to the wrong side of the lane .thick black skid marks can be seen on the tarmac as smoke fills the air .\n", - "jack rivera , a new york trucker , captured the collision on his dashcam as he drove along the interstate 35e in texas last wednesdaypolice said the driver in the suv , identified as laura michelle mayeaux , may have been intoxicated and trying to take her own lifeshe was transported to baylor university medical center in dallas because of the injuries she sustained during the wreckher last known condition was reported as criticalit is not known if mayeaux will face charges and the event remains under investigation\n", - "[1.2210059 1.4917305 1.3472288 1.3926132 1.1390177 1.0784613 1.1292549\n", - " 1.0552799 1.0754714 1.165714 1.0413524 1.0389037 1.0304117 1.0277764\n", - " 1.156122 1.0565606 1.0210315 1.0112805 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 9 14 4 6 5 8 15 7 10 11 12 13 16 17 19 18 20]\n", - "=======================\n", - "['sarah weatherill , 31 , became so dependent on the energy drink she was told if she cut down too quickly she could suffer a seizure as her body was so used to the caffeine .the law student spent a staggering # 5,460 every year on the popular energy drink since she became hooked in 2009 .a mother-of-four whose addiction to red bull saw her drinking 24 cans of a day claims she has been cured of her habit by hypnosis .']\n", - "=======================\n", - "['sarah weatherill , 31 , spent # 5 , 460 every year on the popular energy drinkher 24-a-day habit left her lethargic , depressed and with heart palpitationsif she cut down too quickly she was told she risked suffering a seizureclaims her addiction was cured by one 50 minute hypnosis session']\n", - "sarah weatherill , 31 , became so dependent on the energy drink she was told if she cut down too quickly she could suffer a seizure as her body was so used to the caffeine .the law student spent a staggering # 5,460 every year on the popular energy drink since she became hooked in 2009 .a mother-of-four whose addiction to red bull saw her drinking 24 cans of a day claims she has been cured of her habit by hypnosis .\n", - "sarah weatherill , 31 , spent # 5 , 460 every year on the popular energy drinkher 24-a-day habit left her lethargic , depressed and with heart palpitationsif she cut down too quickly she was told she risked suffering a seizureclaims her addiction was cured by one 50 minute hypnosis session\n", - "[1.17931 1.5364947 1.2106754 1.3490027 1.3504386 1.1825018 1.0997554\n", - " 1.0984192 1.1159385 1.0167792 1.0153486 1.0136207 1.0882224 1.0730602\n", - " 1.0131516 1.019073 1.0087699 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 2 5 0 8 6 7 12 13 15 9 10 11 14 16 19 17 18 20]\n", - "=======================\n", - "[\"angie donohue has told how her husband of four years , daryl scott donohue , 43 , had tried to hire someone to kill her , even from the confines of his prison cell .` i was frightened of him , i was just terrified of him , ' mrs donohue revealed in an interview with a current affair .a terrified woman has revealed her estranged husband 's chilling plot to have her killed , not once , but twice .\"]\n", - "=======================\n", - "[\"angie donohue revealed how her husband tried to have her killeddaryl scott donohue first tried to hire a hit man to ` take care of her 'donohue was caught convicted of inciting murder and stalkinghe then continued to plot her murder from behind barsan inmate who was approached by donohue went to police with information on how the prisoner tried to pay him to kill his wifedonohue was charged again and hit with an extra seven year sentencehe is reportedly trying to appeal the second conviction\"]\n", - "angie donohue has told how her husband of four years , daryl scott donohue , 43 , had tried to hire someone to kill her , even from the confines of his prison cell .` i was frightened of him , i was just terrified of him , ' mrs donohue revealed in an interview with a current affair .a terrified woman has revealed her estranged husband 's chilling plot to have her killed , not once , but twice .\n", - "angie donohue revealed how her husband tried to have her killeddaryl scott donohue first tried to hire a hit man to ` take care of her 'donohue was caught convicted of inciting murder and stalkinghe then continued to plot her murder from behind barsan inmate who was approached by donohue went to police with information on how the prisoner tried to pay him to kill his wifedonohue was charged again and hit with an extra seven year sentencehe is reportedly trying to appeal the second conviction\n", - "[1.22333 1.3898427 1.3658634 1.0779784 1.2363715 1.2870901 1.1160423\n", - " 1.0677137 1.170691 1.0389292 1.0503657 1.0227225 1.0582393 1.0563898\n", - " 1.060401 1.0847806 1.0358406 0. 0. 0. ]\n", - "\n", - "[ 1 2 5 4 0 8 6 15 3 7 14 12 13 10 9 16 11 18 17 19]\n", - "=======================\n", - "['benjamin mellor ripped open one of the 41 bales of cocaine after food ran out and he broke his wrist , cork circuit criminal court heard .the 35-year-old window cleaner , from bradford , was one of three brits who were arrested after naval officers stormed the yacht 200 miles off the south-west coast of ireland in september .thomas britteon , 28 , also received eight years for the same charges while john powell , 70 , was sentenced for 10 .']\n", - "=======================\n", - "['benjamin mellor ripped package of drugs open after food ran out35-year-old was one of three arrested after naval officers stormed yachtthey were all sentenced at cork circuit criminal court yesterday']\n", - "benjamin mellor ripped open one of the 41 bales of cocaine after food ran out and he broke his wrist , cork circuit criminal court heard .the 35-year-old window cleaner , from bradford , was one of three brits who were arrested after naval officers stormed the yacht 200 miles off the south-west coast of ireland in september .thomas britteon , 28 , also received eight years for the same charges while john powell , 70 , was sentenced for 10 .\n", - "benjamin mellor ripped package of drugs open after food ran out35-year-old was one of three arrested after naval officers stormed yachtthey were all sentenced at cork circuit criminal court yesterday\n", - "[1.3337114 1.2470889 1.1079175 1.1411434 1.180423 1.2045989 1.2275963\n", - " 1.07101 1.0839522 1.0997033 1.0327609 1.0159259 1.0836841 1.0533338\n", - " 1.0256608 1.024608 1.0122793 1.0955547 1.2039671 1.0542454]\n", - "\n", - "[ 0 1 6 5 18 4 3 2 9 17 8 12 7 19 13 10 14 15 11 16]\n", - "=======================\n", - "[\"a year after he launched his own app and made headlines , leo grand is still homelessin august 2013 mcconlogue offered grand , the homeless man he saw every day on his walk to work in new york city , a deal : he would either give him $ 100 , or he would teach him how to code .it 's been a year and a half since that moment led to grand and his mentor , patrick mcconlogue , becoming media sensations .\"]\n", - "=======================\n", - "[\"leo grand was offered a deal : either $ 100 or lessons in coding from patrick mcconlogue , who passed him on the street every dayafter daily coding lessons grand launched carpooling app trees for carsgrand said he made $ 15,000 from the app , which is no longer in stores because he does not want to pay for the server spacehe said he has n't found the time to code every day anymoregrand insists he likes living outdoors , but said he should have come up with an idea that made more money\"]\n", - "a year after he launched his own app and made headlines , leo grand is still homelessin august 2013 mcconlogue offered grand , the homeless man he saw every day on his walk to work in new york city , a deal : he would either give him $ 100 , or he would teach him how to code .it 's been a year and a half since that moment led to grand and his mentor , patrick mcconlogue , becoming media sensations .\n", - "leo grand was offered a deal : either $ 100 or lessons in coding from patrick mcconlogue , who passed him on the street every dayafter daily coding lessons grand launched carpooling app trees for carsgrand said he made $ 15,000 from the app , which is no longer in stores because he does not want to pay for the server spacehe said he has n't found the time to code every day anymoregrand insists he likes living outdoors , but said he should have come up with an idea that made more money\n", - "[1.3542246 1.4229374 1.2981379 1.3704076 1.1707307 1.0523069 1.0717146\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 6 5 17 16 15 14 13 9 11 10 18 8 7 12 19]\n", - "=======================\n", - "[\"the council will now offer up to # 200,000 to candidates , rather than the # 160,000 enjoyed by former chief boss martin kimber .he left in december after a council report said 1,400 children had suffered horrific sexual abuse over a 16-year period .the rest of the cabinet resigned in february , after a government report said the council was ` not fit for purpose ' and ` in denial ' about exploitation , mainly of white girls by men of pakistani origin .\"]\n", - "=======================\n", - "[\"new chief executive may require ` additional incentives ' to take the rolethe rotherham council will now offer up to # 200,000 to ceo candidatesits former boss stepped down in the wake of damaging council reportthe report showed 1,400 children had suffered horrific sexual abuse\"]\n", - "the council will now offer up to # 200,000 to candidates , rather than the # 160,000 enjoyed by former chief boss martin kimber .he left in december after a council report said 1,400 children had suffered horrific sexual abuse over a 16-year period .the rest of the cabinet resigned in february , after a government report said the council was ` not fit for purpose ' and ` in denial ' about exploitation , mainly of white girls by men of pakistani origin .\n", - "new chief executive may require ` additional incentives ' to take the rolethe rotherham council will now offer up to # 200,000 to ceo candidatesits former boss stepped down in the wake of damaging council reportthe report showed 1,400 children had suffered horrific sexual abuse\n", - "[1.3996464 1.1659267 1.378257 1.2808543 1.3347862 1.091474 1.0949581\n", - " 1.0545586 1.0620642 1.1788665 1.0388764 1.0593218 1.1302924 1.0609794\n", - " 1.0488857 1.0435774 1.0362333 1.0572042 0. 0. ]\n", - "\n", - "[ 0 2 4 3 9 1 12 6 5 8 13 11 17 7 14 15 10 16 18 19]\n", - "=======================\n", - "[\"william beggs ( pictured ) is known as the limbs in the loch killer for raping , murdering and dismembering barry wallace , 18 , in 1999the teenager 's limbs and torso were found in loch lomond and his head was dumped in the sea off the ayrshire coast .a convicted murderer who murdered and dismembered his teenage victim has had boiling hot water thrown over him in an apparent revenge attack in a scottish prison .\"]\n", - "=======================\n", - "['infamous limbs in loch killer william beggs was attacked in prisonserving life for murdering and dismembering barry wallace in 1999scalded when fellow prisoner threw hot water on him in revenge attack']\n", - "william beggs ( pictured ) is known as the limbs in the loch killer for raping , murdering and dismembering barry wallace , 18 , in 1999the teenager 's limbs and torso were found in loch lomond and his head was dumped in the sea off the ayrshire coast .a convicted murderer who murdered and dismembered his teenage victim has had boiling hot water thrown over him in an apparent revenge attack in a scottish prison .\n", - "infamous limbs in loch killer william beggs was attacked in prisonserving life for murdering and dismembering barry wallace in 1999scalded when fellow prisoner threw hot water on him in revenge attack\n", - "[1.430806 1.2093921 1.4742099 1.2032946 1.2507725 1.0849522 1.0278735\n", - " 1.1573997 1.0714405 1.028263 1.0386928 1.0380863 1.042823 1.0307796\n", - " 1.0426761 1.0680771 1.110515 0. 0. 0. ]\n", - "\n", - "[ 2 0 4 1 3 7 16 5 8 15 12 14 10 11 13 9 6 17 18 19]\n", - "=======================\n", - "[\"carlos manuel perez jr , 28 , was allegedly pitted against andrew jay arevalo , 24 , inside high desert state prison in indian springs on november 12 of last year .the blasts killed perez and left arevalo with wounds to his face , according to the suit , which is seeking damages for a slew of allegations , including wrongful death and excessive force .nevada prison guards allegedly staged a ` gladiator-like ' man-on-man fight between handcuffed inmates in the corridors of a maximum-security prison , then broke it up by opening fire with a shotgun .\"]\n", - "=======================\n", - "['carlos manuel perez , 28 , allegedly made to fight andrew jay arevalo , 24fight happened at high desert state prison in indian springs in novemberperez was shot dead by corrections officer ; arevalo survived with woundsattorney has claimed officers staged the fight between the twofiled lawsuit for large amount of damages in nevada state court']\n", - "carlos manuel perez jr , 28 , was allegedly pitted against andrew jay arevalo , 24 , inside high desert state prison in indian springs on november 12 of last year .the blasts killed perez and left arevalo with wounds to his face , according to the suit , which is seeking damages for a slew of allegations , including wrongful death and excessive force .nevada prison guards allegedly staged a ` gladiator-like ' man-on-man fight between handcuffed inmates in the corridors of a maximum-security prison , then broke it up by opening fire with a shotgun .\n", - "carlos manuel perez , 28 , allegedly made to fight andrew jay arevalo , 24fight happened at high desert state prison in indian springs in novemberperez was shot dead by corrections officer ; arevalo survived with woundsattorney has claimed officers staged the fight between the twofiled lawsuit for large amount of damages in nevada state court\n", - "[1.3108927 1.1518767 1.3320161 1.2434969 1.25367 1.1826757 1.0756749\n", - " 1.0349209 1.0890044 1.1970814 1.0710232 1.0312595 1.100815 1.0432935\n", - " 1.0173855 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 4 3 9 5 1 12 8 6 10 13 7 11 14 17 15 16 18]\n", - "=======================\n", - "['the humongous attraction on staten island promises stunning panoramic views of the manhattan skyline , in addition to other new york city boroughs and the neighbouring state of new jersey .new york is set to officially break ground this week on a ferris wheel that could become the tallest in the world once it is completed in early 2017 .set near the st george ferry terminal the giant observation wheel will cost an estimated $ 25 to $ 30 for a 38-minute ride']\n", - "=======================\n", - "['official ground-breaking for the 630-ft new york wheel will take place this week on staten islandconstruction started last week on the dubai eye , which will be just 60ft highernew york wheel will have mobile bar cars , a 20-seat restaurant and a 4-d ride on the ground']\n", - "the humongous attraction on staten island promises stunning panoramic views of the manhattan skyline , in addition to other new york city boroughs and the neighbouring state of new jersey .new york is set to officially break ground this week on a ferris wheel that could become the tallest in the world once it is completed in early 2017 .set near the st george ferry terminal the giant observation wheel will cost an estimated $ 25 to $ 30 for a 38-minute ride\n", - "official ground-breaking for the 630-ft new york wheel will take place this week on staten islandconstruction started last week on the dubai eye , which will be just 60ft highernew york wheel will have mobile bar cars , a 20-seat restaurant and a 4-d ride on the ground\n", - "[1.1136609 1.5235772 1.3507628 1.3281585 1.2988715 1.2641084 1.0461465\n", - " 1.0414603 1.0178725 1.1471443 1.1173168 1.0413971 1.061264 1.109839\n", - " 1.0273076 1.0386211 1.0387822 0. 0. ]\n", - "\n", - "[ 1 2 3 4 5 9 10 0 13 12 6 7 11 16 15 14 8 17 18]\n", - "=======================\n", - "['the prize porker , known as pigwig , had fallen into the pool in an upmarket neighbourhood in ringwood , hampshire .his owners had been taking him for a walk around the garden when the animal plunged into the water and was unable to get out .a team from dorset fire and rescue struggled to haul the huge black pig out of swimming pool water']\n", - "=======================\n", - "['giant pig fell into the swimming pool at his home in ringwood , hampshireit took the efforts of a team of firefighters to winch him out of the watera wayward horse also had to be rescued from a swimming pool in sussex']\n", - "the prize porker , known as pigwig , had fallen into the pool in an upmarket neighbourhood in ringwood , hampshire .his owners had been taking him for a walk around the garden when the animal plunged into the water and was unable to get out .a team from dorset fire and rescue struggled to haul the huge black pig out of swimming pool water\n", - "giant pig fell into the swimming pool at his home in ringwood , hampshireit took the efforts of a team of firefighters to winch him out of the watera wayward horse also had to be rescued from a swimming pool in sussex\n", - "[1.3577422 1.3163383 1.2368319 1.281674 1.2829164 1.1448057 1.1941816\n", - " 1.0349021 1.079181 1.06631 1.0935966 1.0278014 1.0455519 1.0595549\n", - " 1.0366044 1.048028 1.0466744 1.0415065 1.0486842]\n", - "\n", - "[ 0 1 4 3 2 6 5 10 8 9 13 18 15 16 12 17 14 7 11]\n", - "=======================\n", - "['a freight train carrying a dangerous form of ammonia derailed in a rural area of south carolina on friday night - causing several cars to overturn and leak , and sparking a 1.5-mile-wide evacuation .the train was traveling through salters pond road and highway 121 , near the town of trenton , shortly after 8.30 pm when it derailed after apparently hitting a tree that had fallen onto the tracks .it was also transporting non-hazardous ammonia nitrate']\n", - "=======================\n", - "['norfolk southern train was traveling near trenton , south carolina , fridayit was transporting anhydrous ammonia - highly toxic , dangerous chemicalit derailed shortly after 8.30 pm after apparently hitting a tree on the tracksup to 15 cars overturned and leaked ; haz mat crew was dispatched to siteincident sparked evacuation of 30 people with 1.5-mile radius of the sceneauthorities confirmed friday night that no one was injured following crash']\n", - "a freight train carrying a dangerous form of ammonia derailed in a rural area of south carolina on friday night - causing several cars to overturn and leak , and sparking a 1.5-mile-wide evacuation .the train was traveling through salters pond road and highway 121 , near the town of trenton , shortly after 8.30 pm when it derailed after apparently hitting a tree that had fallen onto the tracks .it was also transporting non-hazardous ammonia nitrate\n", - "norfolk southern train was traveling near trenton , south carolina , fridayit was transporting anhydrous ammonia - highly toxic , dangerous chemicalit derailed shortly after 8.30 pm after apparently hitting a tree on the tracksup to 15 cars overturned and leaked ; haz mat crew was dispatched to siteincident sparked evacuation of 30 people with 1.5-mile radius of the sceneauthorities confirmed friday night that no one was injured following crash\n", - "[1.5424054 1.2120299 1.2202637 1.2501909 1.1717942 1.1169986 1.0371011\n", - " 1.1496079 1.0461645 1.1484492 1.0852349 1.0317807 1.041625 1.0455476\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 4 7 9 5 10 8 13 12 6 11 17 14 15 16 18]\n", - "=======================\n", - "[\"on loan real madrid striker javier hernandez is ready to lead the line in their pivotal champions league quarter-final second leg tie against bitter city rivals atletico , according to as .hernandez , who is on a season-long loan from manchester united , is set to start up front for carlo ancelotti 's side - with the club going through an injury crisis at present .the spanish publication reports that the 26-year-old links up well with real superstar cristiano ronaldo - where in his last two appearances for the club he has scored a goal and created an assist .\"]\n", - "=======================\n", - "['real madrid face atletico in champions league quarter-final second leg tiemanchester united outcast javier hernandez expected to start for realcarlos tevez has made it known he wants to return to argentina one day']\n", - "on loan real madrid striker javier hernandez is ready to lead the line in their pivotal champions league quarter-final second leg tie against bitter city rivals atletico , according to as .hernandez , who is on a season-long loan from manchester united , is set to start up front for carlo ancelotti 's side - with the club going through an injury crisis at present .the spanish publication reports that the 26-year-old links up well with real superstar cristiano ronaldo - where in his last two appearances for the club he has scored a goal and created an assist .\n", - "real madrid face atletico in champions league quarter-final second leg tiemanchester united outcast javier hernandez expected to start for realcarlos tevez has made it known he wants to return to argentina one day\n", - "[1.3060062 1.3636265 1.2127317 1.1058587 1.1423693 1.0797981 1.1343807\n", - " 1.1107185 1.0837057 1.0681789 1.0438544 1.1193492 1.0478992 1.0314605\n", - " 1.0763373 1.0319958 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 6 11 7 3 8 5 14 9 12 10 15 13 17 16 18]\n", - "=======================\n", - "[\"the report , by tel aviv university 's kantor center for the study of contemporary european jewry , said 766 violent anti-semitic acts were carried out around the world last year - marking a huge increase from the previous year .anti-semitic attacks surged worldwide by 38 per cent last year , with the highest number of incidents occurring in france , an annual study has revealed .arson , vandalism and direct threats against jews , synagogues and other jewish institutions were included in the figure , making 2014 the worst year for such attacks since 2009 .\"]\n", - "=======================\n", - "['anti-semitic attacks worldwide have surged by 38 per cent , study revealsfrance remains the country with the highest number of incidentslast year it registered 164 anti-semitic attacks , compared to 141 in 2013earlier this year , four hostages were killed at a paris kosher supermarketbritain was home to 141 violent incidents , after registering 95 a year earlier']\n", - "the report , by tel aviv university 's kantor center for the study of contemporary european jewry , said 766 violent anti-semitic acts were carried out around the world last year - marking a huge increase from the previous year .anti-semitic attacks surged worldwide by 38 per cent last year , with the highest number of incidents occurring in france , an annual study has revealed .arson , vandalism and direct threats against jews , synagogues and other jewish institutions were included in the figure , making 2014 the worst year for such attacks since 2009 .\n", - "anti-semitic attacks worldwide have surged by 38 per cent , study revealsfrance remains the country with the highest number of incidentslast year it registered 164 anti-semitic attacks , compared to 141 in 2013earlier this year , four hostages were killed at a paris kosher supermarketbritain was home to 141 violent incidents , after registering 95 a year earlier\n", - "[1.3747692 1.363265 1.1242251 1.1045587 1.2549262 1.1994687 1.1489418\n", - " 1.0959934 1.030432 1.0421093 1.0136498 1.1657089 1.0882595 1.0646629\n", - " 1.0580776 1.0201461 1.0665563 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 5 11 6 2 3 7 12 16 13 14 9 8 15 10 18 17 19]\n", - "=======================\n", - "[\"james may has been forced to backtrack for suggesting top gear viewers who sent threatening tweets to sue perkins should ` kill themselves ' .perkins , who became a favourite to replace the ousted jeremy clarkson after a flurry of bets , recently announced she was leaving twitter as a result of the horrific abuse .may is currently getting ready to tour a top gear spin-off around the uk alongside clarkson and richard hammond , following the bbc 's sacking of clarkson for punching a producer .\"]\n", - "=======================\n", - "[\"james may has backtracked on comment suggesting trolls ` kill themselves 'he was referring to people sending death threats to sue perkins on twitterperkins has been tipped as a bookies ' favourite to replace jeremy clarksonbut it led to a torrent of abuse sent by top gear fans on social mediashe announced recently she would be leaving twitter for the near future\"]\n", - "james may has been forced to backtrack for suggesting top gear viewers who sent threatening tweets to sue perkins should ` kill themselves ' .perkins , who became a favourite to replace the ousted jeremy clarkson after a flurry of bets , recently announced she was leaving twitter as a result of the horrific abuse .may is currently getting ready to tour a top gear spin-off around the uk alongside clarkson and richard hammond , following the bbc 's sacking of clarkson for punching a producer .\n", - "james may has backtracked on comment suggesting trolls ` kill themselves 'he was referring to people sending death threats to sue perkins on twitterperkins has been tipped as a bookies ' favourite to replace jeremy clarksonbut it led to a torrent of abuse sent by top gear fans on social mediashe announced recently she would be leaving twitter for the near future\n", - "[1.3174076 1.1730012 1.2950113 1.3500218 1.2419878 1.1406229 1.25265\n", - " 1.1832503 1.1118338 1.1299143 1.0525312 1.0236559 1.0186821 1.0138981\n", - " 1.1487405 1.0617291 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 6 4 7 1 14 5 9 8 15 10 11 12 13 16 17 18 19]\n", - "=======================\n", - "['the british army fired approximately 10,000 rounds from their sa-80 assault rifles during afghan conflictaccording to data released by the ministry of defence , some 27 million 5.56 rounds were fired from either the standard sa-80 assault rifle or minimi machine gun .according to a freedom of information request by the daily mirror , at least 80,000 , 105mm artillery shells - at a cost of # 1,250 each - were fired at taliban positions .']\n", - "=======================\n", - "[\"some 27 million rounds were fired from the army 's sa-80 assault riflesnew figures show that seven rounds were fired every minute at the talibana further 80,000 105mm artillery shells were used during the eight-year warapache gunships also blasted 55,000 30mm rounds at the insurgents\"]\n", - "the british army fired approximately 10,000 rounds from their sa-80 assault rifles during afghan conflictaccording to data released by the ministry of defence , some 27 million 5.56 rounds were fired from either the standard sa-80 assault rifle or minimi machine gun .according to a freedom of information request by the daily mirror , at least 80,000 , 105mm artillery shells - at a cost of # 1,250 each - were fired at taliban positions .\n", - "some 27 million rounds were fired from the army 's sa-80 assault riflesnew figures show that seven rounds were fired every minute at the talibana further 80,000 105mm artillery shells were used during the eight-year warapache gunships also blasted 55,000 30mm rounds at the insurgents\n", - "[1.2223041 1.3612587 1.3095281 1.2802866 1.1019815 1.199995 1.0867563\n", - " 1.2158275 1.057767 1.1027513 1.0751902 1.0740014 1.0430144 1.0234666\n", - " 1.0357211 1.063251 1.0711845 1.0332907 0. 0. ]\n", - "\n", - "[ 1 2 3 0 7 5 9 4 6 10 11 16 15 8 12 14 17 13 18 19]\n", - "=======================\n", - "['the raging blaze , reported shortly after 6pm saturday , was sparked by a cooking stove .the fire along the border of cities norco and corona , 35 miles southeast of downtown los angeles , resulted in hundreds of people to being told to evacuate the are area over the weekend .by midday , sunday , fire officials said they had contained 35 percent of the fire , which had ravaged the area and grown to 1.6 square miles .']\n", - "=======================\n", - "['the fire was reported shortly after 6pm saturday in norco and coronaat least 300 homes had to be evacuated as the fire took hold in the arearescue efforts were helped by cooperative weather throughout the regionfire chiefs confirmed no property damage or injuries were reported']\n", - "the raging blaze , reported shortly after 6pm saturday , was sparked by a cooking stove .the fire along the border of cities norco and corona , 35 miles southeast of downtown los angeles , resulted in hundreds of people to being told to evacuate the are area over the weekend .by midday , sunday , fire officials said they had contained 35 percent of the fire , which had ravaged the area and grown to 1.6 square miles .\n", - "the fire was reported shortly after 6pm saturday in norco and coronaat least 300 homes had to be evacuated as the fire took hold in the arearescue efforts were helped by cooperative weather throughout the regionfire chiefs confirmed no property damage or injuries were reported\n", - "[1.4801507 1.1819495 1.4687362 1.4185959 1.1688818 1.1785092 1.0711522\n", - " 1.0194302 1.0272849 1.0275054 1.0475993 1.028439 1.1026185 1.0455978\n", - " 1.0292068 1.0208075 1.0721927 1.1388712 1.0298432 1.0156224]\n", - "\n", - "[ 0 2 3 1 5 4 17 12 16 6 10 13 18 14 11 9 8 15 7 19]\n", - "=======================\n", - "[\"peter moore ( above ) , from stoke-on-trent , staffordshire , received a letter from hm revenue and customs last week telling him he had diedthe letter was addressed to the ` representative ' of peter william john moore and apologised for the family 's ` recent bereavement ' .it added that officials needed to sort out whether mr moore had paid enough - or too much - tax .\"]\n", - "=======================\n", - "[\"peter moore received the letter from hm revenue and customs last weekwife debbie opened it while he was out and was left ` gobsmacked 'mr moore yesterday demanded an apology from the government\"]\n", - "peter moore ( above ) , from stoke-on-trent , staffordshire , received a letter from hm revenue and customs last week telling him he had diedthe letter was addressed to the ` representative ' of peter william john moore and apologised for the family 's ` recent bereavement ' .it added that officials needed to sort out whether mr moore had paid enough - or too much - tax .\n", - "peter moore received the letter from hm revenue and customs last weekwife debbie opened it while he was out and was left ` gobsmacked 'mr moore yesterday demanded an apology from the government\n", - "[1.4482764 1.4379272 1.1723434 1.1629623 1.2122741 1.0643276 1.1144918\n", - " 1.0855488 1.051431 1.0369266 1.0673141 1.0718795 1.0486586 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 3 6 7 11 10 5 8 12 9 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"warrington put a dampener on kevin sinfield 's 500th appearance for leeds as they completed a notable double over the super league leaders in emphatic fashion at headingley .sinfield was on the losing side on his debut for the rhinos against sheffield eagles at headingley in 1997 and he was powerless to prevent a repeat on his landmark occasion , with the wolves running out 29-10 winners .warrington had produced their best display in an 18-6 win over leeds in march and they were again outstanding , with full-back stefan ratchford and second rower ben currie the pick of an impressive bunch .\"]\n", - "=======================\n", - "['kevin sinfield made his 500th appearance for leedswarrington registered tries through gene ormsby , joel monaghan , ashton sims , ben currie and roy asotasileeds replied with kallum watkins and mitch achurch']\n", - "warrington put a dampener on kevin sinfield 's 500th appearance for leeds as they completed a notable double over the super league leaders in emphatic fashion at headingley .sinfield was on the losing side on his debut for the rhinos against sheffield eagles at headingley in 1997 and he was powerless to prevent a repeat on his landmark occasion , with the wolves running out 29-10 winners .warrington had produced their best display in an 18-6 win over leeds in march and they were again outstanding , with full-back stefan ratchford and second rower ben currie the pick of an impressive bunch .\n", - "kevin sinfield made his 500th appearance for leedswarrington registered tries through gene ormsby , joel monaghan , ashton sims , ben currie and roy asotasileeds replied with kallum watkins and mitch achurch\n", - "[1.3686326 1.1451664 1.2235153 1.4451318 1.2243443 1.0958829 1.0476875\n", - " 1.0985222 1.1777276 1.1078473 1.023745 1.0474815 1.0314343 1.1105666\n", - " 1.1209599 1.0540435 1.0107015 0. 0. 0. ]\n", - "\n", - "[ 3 0 4 2 8 1 14 13 9 7 5 15 6 11 12 10 16 18 17 19]\n", - "=======================\n", - "[\"ronnie o'sullivan is spoken to by referee olivier marteel in his second round match against matthew stevenson the table the five-time world champion enjoyed a successful day , firing two rapid centuries in establishing a 12-4 lead , needing just one more in monday 's closing session to the match to reach the quarter-finals .ali carter continued to struggle in his match against australia 's neil robertson .\"]\n", - "=======================\n", - "[\"ronnie o'sullivan is closing in on world championship quarter-final spotbut , he found himself in a spot of bother with referee olivier marteelo'sullivan was warned about his behaviour after obscene hand gesturefive-time world champions needs one more frame to secure progression\"]\n", - "ronnie o'sullivan is spoken to by referee olivier marteel in his second round match against matthew stevenson the table the five-time world champion enjoyed a successful day , firing two rapid centuries in establishing a 12-4 lead , needing just one more in monday 's closing session to the match to reach the quarter-finals .ali carter continued to struggle in his match against australia 's neil robertson .\n", - "ronnie o'sullivan is closing in on world championship quarter-final spotbut , he found himself in a spot of bother with referee olivier marteelo'sullivan was warned about his behaviour after obscene hand gesturefive-time world champions needs one more frame to secure progression\n", - "[1.2311634 1.3267162 1.172843 1.249043 1.1450962 1.1081713 1.0397007\n", - " 1.0511826 1.1455976 1.1663849 1.0940356 1.0668029 1.024414 1.0449823\n", - " 1.1095874 1.0354121 1.0937743 1.0118581 0. 0. ]\n", - "\n", - "[ 1 3 0 2 9 8 4 14 5 10 16 11 7 13 6 15 12 17 18 19]\n", - "=======================\n", - "[\"taken in the capital tokyo , the images show clean-up crews entering rubbish-strewn buildings where the lonely victims spent their final days .these images capture to work of japan 's ` lonely death ' squads , who specialise is clearing out the properties of elderly people who die alone and go unnoticed by their families for weeks or months .although police officers will have already removed the often badly decomposed bodies , the majority of the houses are still packed with signs of a once active life - including unwashed dinner plates , unopened letters and calenders several years out of date .\"]\n", - "=======================\n", - "[\"teams of cleaners , known as ` lonely death squads ' , clear houses where elderly people lay dead for monthspolice remove decomposing corpses but the clean-up crews are faced with houses filled with rubbish and fliesin rapidly ageing japan , more and more people are dying alone and unnoticed in a country of 127 million peopleone in four people in japan is over 65 - with increasingly loose family bonds adding to the isolation of the elderly\"]\n", - "taken in the capital tokyo , the images show clean-up crews entering rubbish-strewn buildings where the lonely victims spent their final days .these images capture to work of japan 's ` lonely death ' squads , who specialise is clearing out the properties of elderly people who die alone and go unnoticed by their families for weeks or months .although police officers will have already removed the often badly decomposed bodies , the majority of the houses are still packed with signs of a once active life - including unwashed dinner plates , unopened letters and calenders several years out of date .\n", - "teams of cleaners , known as ` lonely death squads ' , clear houses where elderly people lay dead for monthspolice remove decomposing corpses but the clean-up crews are faced with houses filled with rubbish and fliesin rapidly ageing japan , more and more people are dying alone and unnoticed in a country of 127 million peopleone in four people in japan is over 65 - with increasingly loose family bonds adding to the isolation of the elderly\n", - "[1.2225014 1.2227433 1.0962831 1.0968075 1.12523 1.1132103 1.1448637\n", - " 1.1083219 1.0949892 1.0651922 1.033713 1.1004702 1.0741423 1.0843576\n", - " 1.0495325 1.0140378 1.0385098 1.017688 1.0243796 1.0209686]\n", - "\n", - "[ 1 0 6 4 5 7 11 3 2 8 13 12 9 14 16 10 18 19 17 15]\n", - "=======================\n", - "['the columbia team concluded that \" the failure encompassed reporting , editing , editorial supervision and fact-checking . \"( cnn ) according to an outside review by columbia journalism school professors , \" ( a ) n institutional failure at rolling stone resulted in a deeply flawed article about a purported gang rape at the university of virginia . \"brian stelter : fraternity to ` pursue all available legal action \\'']\n", - "=======================\n", - "['an outside review found that a rolling stone article about campus rape was \" deeply flawed \"danny cevallos says that there are obstacles to a successful libel case , should one be filed']\n", - "the columbia team concluded that \" the failure encompassed reporting , editing , editorial supervision and fact-checking . \"( cnn ) according to an outside review by columbia journalism school professors , \" ( a ) n institutional failure at rolling stone resulted in a deeply flawed article about a purported gang rape at the university of virginia . \"brian stelter : fraternity to ` pursue all available legal action '\n", - "an outside review found that a rolling stone article about campus rape was \" deeply flawed \"danny cevallos says that there are obstacles to a successful libel case , should one be filed\n", - "[1.1974493 1.4115887 1.1787641 1.3561364 1.298367 1.1483765 1.0969969\n", - " 1.13264 1.2246553 1.057982 1.0594577 1.0608771 1.0197968 1.0892692\n", - " 1.070405 1.0849096 1.040018 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 8 0 2 5 7 6 13 15 14 11 10 9 16 12 18 17 19]\n", - "=======================\n", - "[\"the building , which was built in the 1960s and belongs to zheng gong hospital in henan province , was under threat of demolition as it is situated in the path of a road expansion project , reports people 's daily online .the two-storey brick hospital outpatient building in china is being rolled every day on giant metal ` wheels 'the large brick building is 1,700 square metres in size and needs more than 1,000 wheels to ` roll ' it\"]\n", - "=======================\n", - "[\"chinese hospital marked for demolition because of road expansion projectbosses asked team of engineers to put two-storey building on ` wheels 'more than 1,000 rollers have been placed under the large brick buildingit is pushed 8 metres a day on giant metal rollers out of the demolition zone\"]\n", - "the building , which was built in the 1960s and belongs to zheng gong hospital in henan province , was under threat of demolition as it is situated in the path of a road expansion project , reports people 's daily online .the two-storey brick hospital outpatient building in china is being rolled every day on giant metal ` wheels 'the large brick building is 1,700 square metres in size and needs more than 1,000 wheels to ` roll ' it\n", - "chinese hospital marked for demolition because of road expansion projectbosses asked team of engineers to put two-storey building on ` wheels 'more than 1,000 rollers have been placed under the large brick buildingit is pushed 8 metres a day on giant metal rollers out of the demolition zone\n", - "[1.4780759 1.4762101 1.2849774 1.3431363 1.1466938 1.0529821 1.0786457\n", - " 1.0259547 1.1043348 1.0761118 1.198164 1.1325313 1.1057932 1.0207258\n", - " 1.0154948 1.0117638 1.0174794 1.0108346 0. 0. ]\n", - "\n", - "[ 0 1 3 2 10 4 11 12 8 6 9 5 7 13 16 14 15 17 18 19]\n", - "=======================\n", - "[\"carlos tevez has been told to terminate his contract with juventus to complete a return to his former club boca juniors in argentina .the former manchester city striker 's deal with the serie a champions does not expire until the end of next season but he has reportedly told the club he wishes to leave this summer .italian paper tuttosport claims the 31-year-old has already decided to leave the club this summer\"]\n", - "=======================\n", - "['carlos tevez has reportedly told juventus he wants to return to argentinaformer manchester city star wants to play for former club boca juniorsclub president daniel angelici urges striker to cancel his contract first']\n", - "carlos tevez has been told to terminate his contract with juventus to complete a return to his former club boca juniors in argentina .the former manchester city striker 's deal with the serie a champions does not expire until the end of next season but he has reportedly told the club he wishes to leave this summer .italian paper tuttosport claims the 31-year-old has already decided to leave the club this summer\n", - "carlos tevez has reportedly told juventus he wants to return to argentinaformer manchester city star wants to play for former club boca juniorsclub president daniel angelici urges striker to cancel his contract first\n", - "[1.4314568 1.1736431 1.3436267 1.2827026 1.1752019 1.1730949 1.2171896\n", - " 1.1510549 1.0594734 1.0565212 1.0835359 1.1220725 1.0277735 1.0222979\n", - " 1.0302105 1.1531119 1.1132154 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 6 4 1 5 15 7 11 16 10 8 9 14 12 13 18 17 19]\n", - "=======================\n", - "['isa richardson , a well-known beggar in maidstone , kent , made a 12-year-old hand over her last 15pthe frightened youngster was confronted by homeless isa richardson who claimed she needed money because her car had broken down , a court heard .the schoolgirl , who has not been named , told police she felt intimidated by richardson , 46 , and believed she had no choice but to hand over the money .']\n", - "=======================\n", - "[\"homeless isa richardson claimed her car had broken down to young girl12-year-old felt ` intimidated ' and handed over everything she had - just 15pkent beggar has already been convicted of two similar offences this year\"]\n", - "isa richardson , a well-known beggar in maidstone , kent , made a 12-year-old hand over her last 15pthe frightened youngster was confronted by homeless isa richardson who claimed she needed money because her car had broken down , a court heard .the schoolgirl , who has not been named , told police she felt intimidated by richardson , 46 , and believed she had no choice but to hand over the money .\n", - "homeless isa richardson claimed her car had broken down to young girl12-year-old felt ` intimidated ' and handed over everything she had - just 15pkent beggar has already been convicted of two similar offences this year\n", - "[1.4552212 1.509059 1.1364772 1.4545809 1.214635 1.157806 1.2845954\n", - " 1.2720499 1.0193907 1.0152383 1.0176864 1.0133343 1.0735753 1.0686575\n", - " 1.1558502 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 6 7 4 5 14 2 12 13 8 10 9 11 18 15 16 17 19]\n", - "=======================\n", - "['the winger is on loan from manchester city but can be bought for # 2.5 million in the summer .scott sinclair has confirmed he wants to sign permanently for aston villa at the end of the season .villa midfielder joe cole is backing the club to defy the odds and beat arsenal in the fa cup final in may']\n", - "=======================\n", - "['scott sinclair is currently on loan at aston villa from manchester citythe 26-year-old winger has impressed for the club since his january movevilla could make the switch permanent in the summer for a # 2.5 million feemeanwhile , joe cole has backed villa to beat arsenal and win the fa cup']\n", - "the winger is on loan from manchester city but can be bought for # 2.5 million in the summer .scott sinclair has confirmed he wants to sign permanently for aston villa at the end of the season .villa midfielder joe cole is backing the club to defy the odds and beat arsenal in the fa cup final in may\n", - "scott sinclair is currently on loan at aston villa from manchester citythe 26-year-old winger has impressed for the club since his january movevilla could make the switch permanent in the summer for a # 2.5 million feemeanwhile , joe cole has backed villa to beat arsenal and win the fa cup\n", - "[1.7562764 1.4086974 1.0532956 1.5266273 1.1940882 1.0317196 1.1092901\n", - " 1.0616219 1.0107656 1.007838 1.0057818 1.1534923 1.1612316 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 12 11 6 7 2 5 8 9 10 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"u.s. open champion marin cilic was eliminated in the second round of the barcelona open on wednesday , losing to victor estrella of the dominican republic 6-4 , 6-4 .also , santiago giraldo of colombia beat joao sousa of portugal 6-3 , 3-6 , 6-1 , to reach a third-round meeting against top-seeded kei nishikori , setting up a rematch of last year 's final won by the japanese .estrella , ranked 53rd , last year became the first dominican to finish a season in the top 100 .\"]\n", - "=======================\n", - "['marin cilic defeated 6-4 6-4 by victor estrella in the barcelona openthe u.s. open champion is struggling for form after a shoulder injurycilic said he needs more matches to get his game up to scratch']\n", - "u.s. open champion marin cilic was eliminated in the second round of the barcelona open on wednesday , losing to victor estrella of the dominican republic 6-4 , 6-4 .also , santiago giraldo of colombia beat joao sousa of portugal 6-3 , 3-6 , 6-1 , to reach a third-round meeting against top-seeded kei nishikori , setting up a rematch of last year 's final won by the japanese .estrella , ranked 53rd , last year became the first dominican to finish a season in the top 100 .\n", - "marin cilic defeated 6-4 6-4 by victor estrella in the barcelona openthe u.s. open champion is struggling for form after a shoulder injurycilic said he needs more matches to get his game up to scratch\n", - "[1.2470546 1.4452105 1.28933 1.3377857 1.2853 1.0913591 1.0412362\n", - " 1.0234389 1.1401091 1.0904715 1.1356326 1.081081 1.0605922 1.0470089\n", - " 1.025088 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 8 10 5 9 11 12 13 6 14 7 18 15 16 17 19]\n", - "=======================\n", - "[\"the elite round group 4 qualifier will be restarted at 9:45 pm at seaview stadium in belfast on thursday with the match resuming with england retaking a penalty in the 96th minute at 2-1 down .england are awarded a penalty during their european u19 women 's championships qualifier in belfastengland 's 3-1 group 4 victory against switzerland on thursday afternoon means the young lionesses will qualify for the european championships if the penalty is scored and the match is drawn 2-2 .\"]\n", - "=======================\n", - "[\"uefa have ordered the final 18 seconds of the qualifier to be replayedengland will resume the match against norway from the penalty spotthe elite round qualifier resumes in belfast on thursday at 9:45 pmreferee marija kurtes incorrectly awarded an indirect free-kick to norway for encroachment after disallowing england 's penalty on saturdayengland were 2-1 down to norway at the time in the 96th minutegerman kurtes , 28 , has been sent home following her errorthree lions earn 3-1 victory against switzerland meaning a 2-2 will be enough for european championship qualificationnorway beat northern ireland 8-1 to keep things tight in group 4it is the first time ever that a decision like this has been taken by uefawatch video below of the controversial penalty incidentread : graham poll 's expert verdict on uefa 's bizarre decision\"]\n", - "the elite round group 4 qualifier will be restarted at 9:45 pm at seaview stadium in belfast on thursday with the match resuming with england retaking a penalty in the 96th minute at 2-1 down .england are awarded a penalty during their european u19 women 's championships qualifier in belfastengland 's 3-1 group 4 victory against switzerland on thursday afternoon means the young lionesses will qualify for the european championships if the penalty is scored and the match is drawn 2-2 .\n", - "uefa have ordered the final 18 seconds of the qualifier to be replayedengland will resume the match against norway from the penalty spotthe elite round qualifier resumes in belfast on thursday at 9:45 pmreferee marija kurtes incorrectly awarded an indirect free-kick to norway for encroachment after disallowing england 's penalty on saturdayengland were 2-1 down to norway at the time in the 96th minutegerman kurtes , 28 , has been sent home following her errorthree lions earn 3-1 victory against switzerland meaning a 2-2 will be enough for european championship qualificationnorway beat northern ireland 8-1 to keep things tight in group 4it is the first time ever that a decision like this has been taken by uefawatch video below of the controversial penalty incidentread : graham poll 's expert verdict on uefa 's bizarre decision\n", - "[1.1721939 1.474382 1.2241651 1.1909573 1.2889667 1.2252338 1.0895987\n", - " 1.1402171 1.0619725 1.0627911 1.0399889 1.0837998 1.0648128 1.0289043\n", - " 1.0697783 1.088491 1.059837 1.043414 1.0391068 1.0918782]\n", - "\n", - "[ 1 4 5 2 3 0 7 19 6 15 11 14 12 9 8 16 17 10 18 13]\n", - "=======================\n", - "['beatrice nokes , 21 , faces claims she incited a ring of prostitutes operating out of properties in central london .she is accused of running the vice ring with daniel williamsthe university college london chemistry student is suspected of grooming three young women to sell their bodies for sex .']\n", - "=======================\n", - "['beatrice nokes allegedly ran a prostitute ring in central london last yearshe is suspected of grooming three women to sell their bodies for sexnokes is the daughter of two highly experienced legal professionalsshe allegedly organised the sex ring with met police officer daniel williamshe also faces charges of voyeurism and concealing profits in his chimney']\n", - "beatrice nokes , 21 , faces claims she incited a ring of prostitutes operating out of properties in central london .she is accused of running the vice ring with daniel williamsthe university college london chemistry student is suspected of grooming three young women to sell their bodies for sex .\n", - "beatrice nokes allegedly ran a prostitute ring in central london last yearshe is suspected of grooming three women to sell their bodies for sexnokes is the daughter of two highly experienced legal professionalsshe allegedly organised the sex ring with met police officer daniel williamshe also faces charges of voyeurism and concealing profits in his chimney\n", - "[1.3210222 1.4140625 1.3158901 1.3312658 1.2246679 1.2320647 1.1174234\n", - " 1.0617846 1.2041832 1.0688554 1.0145977 1.0208902 1.0140089 1.0403054\n", - " 1.009009 1.078225 1.056499 1.0515299 1.0473922 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 2 5 4 8 6 15 9 7 16 17 18 13 11 10 12 14 21 19 20 22]\n", - "=======================\n", - "[\"the ex-tottenham and england star , 53 , was rushed to hospital after waking up at 1am to find that the leg had gone cold back in 2013 .horrific scar : gary mabbutt has been left with a 30inch scar on his left leg after his diabetes caused an artery to be clogged requiring emergency surgery to save the limbmabbutt 's diabetes had led to a clogged artery in the limb and doctors warned him it was ` touch and go ' on whether the leg would have to be amputated .\"]\n", - "=======================\n", - "['former footballer woke up in middle of the night to find his leg was coldmabbutt diagnosed with diabetes at 17 but complications had developedhe required the main artery to be replaced and almost lost his left legthe ex-spurs star wants to raise awareness of dangers relating to diabetes']\n", - "the ex-tottenham and england star , 53 , was rushed to hospital after waking up at 1am to find that the leg had gone cold back in 2013 .horrific scar : gary mabbutt has been left with a 30inch scar on his left leg after his diabetes caused an artery to be clogged requiring emergency surgery to save the limbmabbutt 's diabetes had led to a clogged artery in the limb and doctors warned him it was ` touch and go ' on whether the leg would have to be amputated .\n", - "former footballer woke up in middle of the night to find his leg was coldmabbutt diagnosed with diabetes at 17 but complications had developedhe required the main artery to be replaced and almost lost his left legthe ex-spurs star wants to raise awareness of dangers relating to diabetes\n", - "[1.2598048 1.3512352 1.2617028 1.2220695 1.2393471 1.1612661 1.1218275\n", - " 1.0563095 1.0454937 1.0288743 1.1358421 1.132299 1.1372558 1.0480293\n", - " 1.0188903 1.0707017 1.0202086 1.0067306 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 4 3 5 12 10 11 6 15 7 13 8 9 16 14 17 21 18 19 20 22]\n", - "=======================\n", - "[\"mrs danczuk said women were turned off politics because there was no-one in parliament like them .the glamorous labour councillor , who is married to the outspoken mp simon danczuk , said parliament needed people like her ` to bring it back down to reality ' .selfie queen karen danczuk has revealed her ambition to be an mp -- insisting she could relate to ordinary women unlike the current crop of female politicians .\"]\n", - "=======================\n", - "[\"karen danczuk said mps needed to speak in a language people understoodshe said she would like to go into ` mainstream politics ' in the futuremrs danczuk said women did not have anything to relate to this electionshe also defended her infamous selfies : ` this is me , take me as i am '\"]\n", - "mrs danczuk said women were turned off politics because there was no-one in parliament like them .the glamorous labour councillor , who is married to the outspoken mp simon danczuk , said parliament needed people like her ` to bring it back down to reality ' .selfie queen karen danczuk has revealed her ambition to be an mp -- insisting she could relate to ordinary women unlike the current crop of female politicians .\n", - "karen danczuk said mps needed to speak in a language people understoodshe said she would like to go into ` mainstream politics ' in the futuremrs danczuk said women did not have anything to relate to this electionshe also defended her infamous selfies : ` this is me , take me as i am '\n", - "[1.1302812 1.3196785 1.2779669 1.3376439 1.3330278 1.0486774 1.071438\n", - " 1.1009283 1.095211 1.0266441 1.0527581 1.1072679 1.0908657 1.0247304\n", - " 1.0277356 1.011978 1.0148422 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 4 1 2 0 11 7 8 12 6 10 5 14 9 13 16 15 17 18 19 20 21 22]\n", - "=======================\n", - "[\"sharon , 45 , trims her 40-year-old husband 's eyebrows , wax his nostrils and even grooms his pubic hair .high maintenance : sydney couple mike and sharon tierney set aside one evening per month for mutual groomingbut sharon and mike tierney have taken their mutual upkeep to a whole new level , believing that ` the couple that waxes together , stays together . '\"]\n", - "=======================\n", - "[\"mike and sharon tierney set aside one night a month for grooming regimesydney couple tint , trim spray tan and wax each othersharon 's attempt to give husband ` optical extra inch ' had horrifying resultsgrooming began when sharon needed guinea pig for beauty training\"]\n", - "sharon , 45 , trims her 40-year-old husband 's eyebrows , wax his nostrils and even grooms his pubic hair .high maintenance : sydney couple mike and sharon tierney set aside one evening per month for mutual groomingbut sharon and mike tierney have taken their mutual upkeep to a whole new level , believing that ` the couple that waxes together , stays together . '\n", - "mike and sharon tierney set aside one night a month for grooming regimesydney couple tint , trim spray tan and wax each othersharon 's attempt to give husband ` optical extra inch ' had horrifying resultsgrooming began when sharon needed guinea pig for beauty training\n", - "[1.4711612 1.1660527 1.2487404 1.1195847 1.0823267 1.0978699 1.0957682\n", - " 1.1970333 1.1076083 1.0474341 1.0183147 1.0844918 1.0422186 1.0255439\n", - " 1.131538 1.1219406 1.1039448 1.0362333 1.0487484 1.1258485 1.1108341\n", - " 1.088888 1.078389 ]\n", - "\n", - "[ 0 2 7 1 14 19 15 3 20 8 16 5 6 21 11 4 22 18 9 12 17 13 10]\n", - "=======================\n", - "['( cnn ) spacex on tuesday launched a two-stage falcon 9 rocket carrying an uncrewed cargo spacecraft called dragon on a flight from cape canaveral , florida , to the international space station .in a difficult bid to land a rocket stage on a floating barge for the first time , the private space exploration company was unsuccessful .that was the easy part .']\n", - "=======================\n", - "['spacex founder elon musk : \" rocket landed on droneship , but too hard for survival \"this was the second attempt at historic rocket booster barge landingdragon spacecraft will head toward international space station on resupply mission']\n", - "( cnn ) spacex on tuesday launched a two-stage falcon 9 rocket carrying an uncrewed cargo spacecraft called dragon on a flight from cape canaveral , florida , to the international space station .in a difficult bid to land a rocket stage on a floating barge for the first time , the private space exploration company was unsuccessful .that was the easy part .\n", - "spacex founder elon musk : \" rocket landed on droneship , but too hard for survival \"this was the second attempt at historic rocket booster barge landingdragon spacecraft will head toward international space station on resupply mission\n", - "[1.3436506 1.3817484 1.0530516 1.0713564 1.0265728 1.4429852 1.1500138\n", - " 1.0808575 1.2166872 1.374507 1.0342282 1.039757 1.1286609 1.0909569\n", - " 1.0167773 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 5 1 9 0 8 6 12 13 7 3 2 11 10 4 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"real madrid defender raphael varane captured the team 's entrance to the santiago bernabeu on wednesdayjavier hernandez scored the winning goal for madrid in the 88th minute against atletico to win the tiereal defender varane filmed the footage of the supporters as the team arrived to play atletico\"]\n", - "=======================\n", - "['real madrid eliminated atletico madrid from the champions leaguejavier hernandez secured victory with 88th minute strike for real madridraphael varane filmed fans as madrid arrived at the santiago bernabeuread : barcelona vs real madrid is the dream champions league finalwho will win the champions league ?']\n", - "real madrid defender raphael varane captured the team 's entrance to the santiago bernabeu on wednesdayjavier hernandez scored the winning goal for madrid in the 88th minute against atletico to win the tiereal defender varane filmed the footage of the supporters as the team arrived to play atletico\n", - "real madrid eliminated atletico madrid from the champions leaguejavier hernandez secured victory with 88th minute strike for real madridraphael varane filmed fans as madrid arrived at the santiago bernabeuread : barcelona vs real madrid is the dream champions league finalwho will win the champions league ?\n", - "[1.232307 1.4422685 1.3241242 1.3483564 1.1807876 1.0630463 1.08745\n", - " 1.1373991 1.0231463 1.0137051 1.0738325 1.0686718 1.0448014 1.1633779\n", - " 1.0149771 1.0539081 1.0293715 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 13 7 6 10 11 5 15 12 16 8 14 9 17 18]\n", - "=======================\n", - "['researchers found coffee can stop the growth of tumours in women who have already been treated with the drug tamoxifen .just two cups of coffee a day could halve the risk of breast cancer returning in women recovering from the disease , a study has found .most breast cancer tumours rely on the hormone oestrogen to grow , and tamoxifen blocks oestrogen from reaching the cancer cells .']\n", - "=======================\n", - "['coffee can stop cancer returning in women treated with tamoxifentamoxifen stops oestrogen reaching tumour cells , so they do not growcoffee drinkers had fewer cancers and their tumours were smallercaffeine cuts of signalling pathways that the cancer cells require to grow']\n", - "researchers found coffee can stop the growth of tumours in women who have already been treated with the drug tamoxifen .just two cups of coffee a day could halve the risk of breast cancer returning in women recovering from the disease , a study has found .most breast cancer tumours rely on the hormone oestrogen to grow , and tamoxifen blocks oestrogen from reaching the cancer cells .\n", - "coffee can stop cancer returning in women treated with tamoxifentamoxifen stops oestrogen reaching tumour cells , so they do not growcoffee drinkers had fewer cancers and their tumours were smallercaffeine cuts of signalling pathways that the cancer cells require to grow\n", - "[1.3030972 1.2147331 1.5602515 1.2289442 1.110651 1.1036283 1.1818081\n", - " 1.0370955 1.0211395 1.0374715 1.0317241 1.0323317 1.1202363 1.0202549\n", - " 1.0606896 1.1630688 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 1 6 15 12 4 5 14 9 7 11 10 8 13 17 16 18]\n", - "=======================\n", - "[\"furious tracey taylor , 34 , caused more than # 13,000 worth of damage to the luxury cars including scratching the paintwork with a key and smashing the bmw 's windscreen with a rock .bitter : tracey taylor went on a violent rampage following the breakdown of her 20 year relationshipearlier that day she had attacked her former lover and his girlfriend , punching him on the ear and pulling her hair after barging her way into her home in ratby , leics .\"]\n", - "=======================\n", - "[\"tracey taylor was distraught following breakdown of 20 year relationshipshe had earlier burst into love-rival 's home and attacker her and her extwo days later she broke into the property and trashed the loungecouple have two daughters aged 12 and four , and a son aged 15 together\"]\n", - "furious tracey taylor , 34 , caused more than # 13,000 worth of damage to the luxury cars including scratching the paintwork with a key and smashing the bmw 's windscreen with a rock .bitter : tracey taylor went on a violent rampage following the breakdown of her 20 year relationshipearlier that day she had attacked her former lover and his girlfriend , punching him on the ear and pulling her hair after barging her way into her home in ratby , leics .\n", - "tracey taylor was distraught following breakdown of 20 year relationshipshe had earlier burst into love-rival 's home and attacker her and her extwo days later she broke into the property and trashed the loungecouple have two daughters aged 12 and four , and a son aged 15 together\n", - "[1.3092549 1.3155522 1.1430358 1.4225142 1.2821043 1.1367036 1.0626991\n", - " 1.0928309 1.0514319 1.0929047 1.0691493 1.079021 1.1333387 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 4 2 5 12 9 7 11 10 6 8 17 13 14 15 16 18]\n", - "=======================\n", - "['manny pacquiao can not believe his luck that he is actually facing floyd mayweather in the new advertthe filipino , who has tried his hand at acting , politics and coaching basketball over the years , stole the show in an advertisement for the american sportswear company back in november by joking about the possibility of finally being able to go toe-to-toe with mayweather .manny pacquiao has added another string to his impressive bow by appearing in a hilarious commercial for foot locker ahead of his showdown with floyd mayweather .']\n", - "=======================\n", - "['foot locker have released new manny pacquiao advert ahead of fightthe filipino jokes about not knowing if bout against mayweather is onpacquiao previously starred in advert where he acted as if fight against mayweather was on before official contract was signed in februaryread : mayweather vs pacquiao tickets sell out within 60 seconds']\n", - "manny pacquiao can not believe his luck that he is actually facing floyd mayweather in the new advertthe filipino , who has tried his hand at acting , politics and coaching basketball over the years , stole the show in an advertisement for the american sportswear company back in november by joking about the possibility of finally being able to go toe-to-toe with mayweather .manny pacquiao has added another string to his impressive bow by appearing in a hilarious commercial for foot locker ahead of his showdown with floyd mayweather .\n", - "foot locker have released new manny pacquiao advert ahead of fightthe filipino jokes about not knowing if bout against mayweather is onpacquiao previously starred in advert where he acted as if fight against mayweather was on before official contract was signed in februaryread : mayweather vs pacquiao tickets sell out within 60 seconds\n", - "[1.057874 1.5038824 1.2840599 1.323746 1.2760755 1.2390978 1.2219009\n", - " 1.081903 1.0768219 1.0239121 1.0294355 1.0249915 1.0507866 1.0786012\n", - " 1.0254611 1.0280561 1.0545249 0. 0. ]\n", - "\n", - "[ 1 3 2 4 5 6 7 13 8 0 16 12 10 15 14 11 9 17 18]\n", - "=======================\n", - "[\"for a limited time starbucks will be introducing the s'more frappuccino which is scheduled to hit stored on tuesday , april 28 .cnn reports that bottles of the flavor have been on sale in grocery stores since last month .camping favorite : starbucks says that the drink is inspired by the ` the nostalgic summer experience of roasting s'mores . '\"]\n", - "=======================\n", - "[\"for a limited time starbucks will be introducing the s'more frappuccino which is scheduled to hit stored on tuesday , april 28the drink will be made with a combination of marshmallow whipped cream , milk chocolate sauce , graham crackers , coffee , milk and icestarbucks says that the drink is inspired by the ` the nostalgic summer experience of roasting s'mores '\"]\n", - "for a limited time starbucks will be introducing the s'more frappuccino which is scheduled to hit stored on tuesday , april 28 .cnn reports that bottles of the flavor have been on sale in grocery stores since last month .camping favorite : starbucks says that the drink is inspired by the ` the nostalgic summer experience of roasting s'mores . '\n", - "for a limited time starbucks will be introducing the s'more frappuccino which is scheduled to hit stored on tuesday , april 28the drink will be made with a combination of marshmallow whipped cream , milk chocolate sauce , graham crackers , coffee , milk and icestarbucks says that the drink is inspired by the ` the nostalgic summer experience of roasting s'mores '\n", - "[1.1767402 1.0928738 1.3560123 1.2699065 1.351295 1.2665808 1.1096193\n", - " 1.1773298 1.0949392 1.0955584 1.0224845 1.0378469 1.046472 1.0903598\n", - " 1.0487071 1.041234 1.05496 1.0245788 1.0245898]\n", - "\n", - "[ 2 4 3 5 7 0 6 9 8 1 13 16 14 12 15 11 18 17 10]\n", - "=======================\n", - "[\"called toyal lotus , the technology is inspired by the water-repellent nature of a lotus leaf and uses microscopic bumps to stop liquids from sticking .german maker toyo aluminium 's technology won silver place in the 2013 du pont awards for packaging innovation and the firm has teamed up with japan 's morinaga milk industry to bring it to consumersthe toyal lotus technology ( right ) stops yoghurt from sticking to lids of pots ( left ) .\"]\n", - "=======================\n", - "[\"technology is being used by yoghurt manufacturer morinaga milk industryit was designed by toyo aluminium and is inspired by lotus leavesthe toyal lotus lid 's surface is covered in microscopic bumpsthese increases the contact angle for liquids to 170 degrees causing them to form spheres and roll off\"]\n", - "called toyal lotus , the technology is inspired by the water-repellent nature of a lotus leaf and uses microscopic bumps to stop liquids from sticking .german maker toyo aluminium 's technology won silver place in the 2013 du pont awards for packaging innovation and the firm has teamed up with japan 's morinaga milk industry to bring it to consumersthe toyal lotus technology ( right ) stops yoghurt from sticking to lids of pots ( left ) .\n", - "technology is being used by yoghurt manufacturer morinaga milk industryit was designed by toyo aluminium and is inspired by lotus leavesthe toyal lotus lid 's surface is covered in microscopic bumpsthese increases the contact angle for liquids to 170 degrees causing them to form spheres and roll off\n", - "[1.424329 1.2602539 1.2441719 1.0837691 1.0681863 1.2504342 1.2000966\n", - " 1.2369945 1.2593014 1.0948153 1.0237648 1.0260879 1.0381622 1.0180745\n", - " 1.0178531 1.011972 1.0278168 1.0618126 0. ]\n", - "\n", - "[ 0 1 8 5 2 7 6 9 3 4 17 12 16 11 10 13 14 15 18]\n", - "=======================\n", - "[\"wladimir klitschko has confirmed that tyson fury will be his next opponent and the unified heavyweight champion says he is ready to travel to england to defend his belts .the ibf , wba and wbo king ended his seven-year american hiatus by clearly out-pointing bryant jennings at madison square garden on saturday night but it was not the dazzling new york display he had promised on his stateside return .the fight against jennings was klitschko 's first in the united states since he fought sultan ibragimov in 2008\"]\n", - "=======================\n", - "['wladimir klitschko successfully defends his wba , ibf and wbo beltsworld heavyweight champion beat bryant jennings on points in new yorkukrainian awarded 116-111 , 118-109 , 116-111 unanimous points winmandatory challenger tyson fury watched at madison square gardenklitschko ready to travel to england to take on fury']\n", - "wladimir klitschko has confirmed that tyson fury will be his next opponent and the unified heavyweight champion says he is ready to travel to england to defend his belts .the ibf , wba and wbo king ended his seven-year american hiatus by clearly out-pointing bryant jennings at madison square garden on saturday night but it was not the dazzling new york display he had promised on his stateside return .the fight against jennings was klitschko 's first in the united states since he fought sultan ibragimov in 2008\n", - "wladimir klitschko successfully defends his wba , ibf and wbo beltsworld heavyweight champion beat bryant jennings on points in new yorkukrainian awarded 116-111 , 118-109 , 116-111 unanimous points winmandatory challenger tyson fury watched at madison square gardenklitschko ready to travel to england to take on fury\n", - "[1.3202873 1.3525331 1.302827 1.2876407 1.163967 1.0249478 1.0864336\n", - " 1.193335 1.1290808 1.1988233 1.0197474 1.1511858 1.0125018 1.0157101\n", - " 1.0258944 1.0242116 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 9 7 4 11 8 6 14 5 15 10 13 12 17 16 18]\n", - "=======================\n", - "[\"the wraps came off the prototype of the new 10th generation car at the new york international motor show .the new honda civic which the japanese car firm 's uk factory in swindon will be exporting to the world -- including japan and the usa -- was unveiled in america tonight .it came just a day after it was announced that swindon in wiltshire will become the global production hub for the next generation five door civic , supported by a new # 200million investment .\"]\n", - "=======================\n", - "['new honda civic was unveiled at new york auto show tonightswindon factory will be exporting the five-door version of the car']\n", - "the wraps came off the prototype of the new 10th generation car at the new york international motor show .the new honda civic which the japanese car firm 's uk factory in swindon will be exporting to the world -- including japan and the usa -- was unveiled in america tonight .it came just a day after it was announced that swindon in wiltshire will become the global production hub for the next generation five door civic , supported by a new # 200million investment .\n", - "new honda civic was unveiled at new york auto show tonightswindon factory will be exporting the five-door version of the car\n", - "[1.540479 1.4095795 1.2210002 1.4079126 1.0388299 1.1570542 1.0933989\n", - " 1.1266267 1.1047426 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 5 7 8 6 4 16 15 14 13 9 11 10 17 12 18]\n", - "=======================\n", - "[\"england have been drawn with the republic of ireland , holland and italy in group d of the uefa under 17 european championships , which take place in bulgaria in may .john peacock 's young lions are the defending european champions , having defeated holland on penalties in last year 's final in malta .and they will have to overcome the dutch again to advance to the quarter-finals in this tournament , which has been expanded from eight to 16 nations for the first time .\"]\n", - "=======================\n", - "[\"england in group d with holland , italy and republic of irelandtournament takes place in bulgaria between may 6 and 22john peacock 's young lions are the defending championsthey beat holland on penalties to win the competition last yearscotland drawn with greece , russia and france in group c\"]\n", - "england have been drawn with the republic of ireland , holland and italy in group d of the uefa under 17 european championships , which take place in bulgaria in may .john peacock 's young lions are the defending european champions , having defeated holland on penalties in last year 's final in malta .and they will have to overcome the dutch again to advance to the quarter-finals in this tournament , which has been expanded from eight to 16 nations for the first time .\n", - "england in group d with holland , italy and republic of irelandtournament takes place in bulgaria between may 6 and 22john peacock 's young lions are the defending championsthey beat holland on penalties to win the competition last yearscotland drawn with greece , russia and france in group c\n", - "[1.3973308 1.4161718 1.2406249 1.1282854 1.0295712 1.0447408 1.0342374\n", - " 1.2224644 1.2609848 1.0822852 1.1015258 1.0743315 1.0562594 1.0574129\n", - " 1.0284681 1.0196528 1.0489235 1.0233403 0. ]\n", - "\n", - "[ 1 0 8 2 7 3 10 9 11 13 12 16 5 6 4 14 17 15 18]\n", - "=======================\n", - "['the former child star turned real housewife discusses her demons in an emotional interview with dr. phil set to air april 28 , her first for a national audience since the arrest .kim richards is speaking out for the first time since her shocking arrest last week following a drunken altercation at the beverly hills hotel .among the topics the 50-year-old is slated to discuss is her longtime struggle with alcoholism .']\n", - "=======================\n", - "[\"confessed to dr. phil that she is struggling with alcohol in emotional interviewspoke about her arrest on april 16 when she was taken into custody at the beverly hills hotel for a ` drunken incident '\"]\n", - "the former child star turned real housewife discusses her demons in an emotional interview with dr. phil set to air april 28 , her first for a national audience since the arrest .kim richards is speaking out for the first time since her shocking arrest last week following a drunken altercation at the beverly hills hotel .among the topics the 50-year-old is slated to discuss is her longtime struggle with alcoholism .\n", - "confessed to dr. phil that she is struggling with alcohol in emotional interviewspoke about her arrest on april 16 when she was taken into custody at the beverly hills hotel for a ` drunken incident '\n", - "[1.3724241 1.3198959 1.2444904 1.1899551 1.2156959 1.0445584 1.1411257\n", - " 1.0570207 1.083702 1.075897 1.0401291 1.0286516 1.0846802 1.0667697\n", - " 1.0904851 1.1603863 1.0508894 1.0423037 1.0238812]\n", - "\n", - "[ 0 1 2 4 3 15 6 14 12 8 9 13 7 16 5 17 10 11 18]\n", - "=======================\n", - "['garissa , kenya ( cnn ) the kenyan government says mohamed mohamud , also known by aliases dulyadin and gamadhere , is the mastermind of thursday \\'s kenya university terror attack , according to a tweet from the country \\'s interior ministry .it offers a reward of 20 million kenyan shillings , which is about $ 215,000 .earlier , the ministry posted a \" most wanted \" notice for mohamud .']\n", - "=======================\n", - "['government names abdirahim abdullahi as one attacker ; his father is a government officialkenyan government tweets that attack mastermind was mohamed mohamudal-shabaab threatens \" another bloodbath \" in kenya']\n", - "garissa , kenya ( cnn ) the kenyan government says mohamed mohamud , also known by aliases dulyadin and gamadhere , is the mastermind of thursday 's kenya university terror attack , according to a tweet from the country 's interior ministry .it offers a reward of 20 million kenyan shillings , which is about $ 215,000 .earlier , the ministry posted a \" most wanted \" notice for mohamud .\n", - "government names abdirahim abdullahi as one attacker ; his father is a government officialkenyan government tweets that attack mastermind was mohamed mohamudal-shabaab threatens \" another bloodbath \" in kenya\n", - "[1.1100055 1.3310409 1.0865264 1.0616208 1.3837407 1.2061244 1.1078825\n", - " 1.0821475 1.0544327 1.1830578 1.1099997 1.0529324 1.0192022 1.0312054\n", - " 1.1149714 1.0489973 1.0165124 1.031809 1.0742189 1.0206898]\n", - "\n", - "[ 4 1 5 9 14 0 10 6 2 7 18 3 8 11 15 17 13 19 12 16]\n", - "=======================\n", - "['she \\'s the focus of ines dumig \\'s photo series \" apart together . \"sahra , a somali refugee , left her home at 14 years old .dumig met sahra through a photo workshop at refugio , a shelter in munich , germany , for refugees and torture victims .']\n", - "=======================\n", - "['ines dumig \\'s photo series \" apart together \" follows a somali refugee living in germanythe underlying themes include isolation and \" otherness \" and the search for human dignity']\n", - "she 's the focus of ines dumig 's photo series \" apart together . \"sahra , a somali refugee , left her home at 14 years old .dumig met sahra through a photo workshop at refugio , a shelter in munich , germany , for refugees and torture victims .\n", - "ines dumig 's photo series \" apart together \" follows a somali refugee living in germanythe underlying themes include isolation and \" otherness \" and the search for human dignity\n", - "[1.1811347 1.5777324 1.2384796 1.4648976 1.2060121 1.0818216 1.246311\n", - " 1.1494945 1.0411087 1.0357224 1.0243236 1.0188289 1.0192294 1.0126617\n", - " 1.0757053 1.0967325 1.0464176 0. 0. 0. ]\n", - "\n", - "[ 1 3 6 2 4 0 7 15 5 14 16 8 9 10 12 11 13 18 17 19]\n", - "=======================\n", - "['rory mcilroy believes jeff knox , a former georgia state mid-amateur champion , reads the mysterious augusta putting surfaces better than anyone he has ever seen .knox played as a non-competing marker with mcilroy when the northern irishman was first man out in the third round last year .and on friday knox completed something of a notable double when he answered the call from tiger woods to play a practice round .']\n", - "=======================\n", - "['rory mcilroy and tiger woods spoke with augusta club member jeff knoxmcilroy believes knox reads augusta putting surfaces better than anyoneknox played as a non-competing marker with mcilroy last yearon friday knox answered call from tiger woods to play a practice round']\n", - "rory mcilroy believes jeff knox , a former georgia state mid-amateur champion , reads the mysterious augusta putting surfaces better than anyone he has ever seen .knox played as a non-competing marker with mcilroy when the northern irishman was first man out in the third round last year .and on friday knox completed something of a notable double when he answered the call from tiger woods to play a practice round .\n", - "rory mcilroy and tiger woods spoke with augusta club member jeff knoxmcilroy believes knox reads augusta putting surfaces better than anyoneknox played as a non-competing marker with mcilroy last yearon friday knox answered call from tiger woods to play a practice round\n", - "[1.318648 1.316093 1.1378679 1.0618293 1.3820679 1.1558927 1.1447045\n", - " 1.07676 1.0399153 1.0230792 1.055898 1.0185732 1.0250285 1.0227782\n", - " 1.3618081 1.025191 1.0127338 1.015136 1.016257 1.0367749]\n", - "\n", - "[ 4 14 0 1 5 6 2 7 3 10 8 19 15 12 9 13 11 18 17 16]\n", - "=======================\n", - "[\"new york city fc 's mehdi ballouchy opened the scoring before his side were pegged backdavid villa was forced off with a hamstring injury at half time on thursday nightmanchester city 's problems are not confined to the barclays premier league .\"]\n", - "=======================\n", - "[\"new york city fc 's patchy start to the season continuedmehdi ballouchy put the home side ahead but cj sapong levelled late oncity have won just one of their opening six matches in mlsdavid villa was forced off at half time with a hamstring strain\"]\n", - "new york city fc 's mehdi ballouchy opened the scoring before his side were pegged backdavid villa was forced off with a hamstring injury at half time on thursday nightmanchester city 's problems are not confined to the barclays premier league .\n", - "new york city fc 's patchy start to the season continuedmehdi ballouchy put the home side ahead but cj sapong levelled late oncity have won just one of their opening six matches in mlsdavid villa was forced off at half time with a hamstring strain\n", - "[1.3295789 1.3608012 1.1829749 1.1943076 1.3859922 1.1437783 1.0734212\n", - " 1.097138 1.0889169 1.0574625 1.0282308 1.0806712 1.086195 1.0279982\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 1 0 3 2 5 7 8 12 11 6 9 10 13 18 14 15 16 17 19]\n", - "=======================\n", - "[\"lionel messi , neymar jnr and luis suarez are seven goals short of reaching 100 for the seasonthe three amigos will match the total scored by thierry henry , samuel eto'o and messi in 2009 if they reach 100 goals and they will inevitably fuel the debate that they are fast becoming the greatest front three in barcelona 's history .in this campaign messi has 46 , neymar 28 and suarez 19 despite missing the first three months through suspension .\"]\n", - "=======================\n", - "[\"lionel messi , luis suarez and neymar have scored 93 goals this seasonmessi , thierry henry and samuel eto'o scored 100 goals in 2008-09 seasonthe trio will attempt to steer barcelona into champions league semi-finalluis enrique 's side hold a 3-1 advantage from the quarter-final first legread : messi has a place at barca until he retires , claims club president\"]\n", - "lionel messi , neymar jnr and luis suarez are seven goals short of reaching 100 for the seasonthe three amigos will match the total scored by thierry henry , samuel eto'o and messi in 2009 if they reach 100 goals and they will inevitably fuel the debate that they are fast becoming the greatest front three in barcelona 's history .in this campaign messi has 46 , neymar 28 and suarez 19 despite missing the first three months through suspension .\n", - "lionel messi , luis suarez and neymar have scored 93 goals this seasonmessi , thierry henry and samuel eto'o scored 100 goals in 2008-09 seasonthe trio will attempt to steer barcelona into champions league semi-finalluis enrique 's side hold a 3-1 advantage from the quarter-final first legread : messi has a place at barca until he retires , claims club president\n", - "[1.1676085 1.4814216 1.2243303 1.3216665 1.2772764 1.1787448 1.0777862\n", - " 1.0905747 1.0884054 1.1356593 1.1551157 1.096517 1.0534267 1.0337664\n", - " 1.0333083 1.0169524 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 5 0 10 9 11 7 8 6 12 13 14 15 18 16 17 19]\n", - "=======================\n", - "[\"margaret and gary mazan from bradford , west yorkshire , had their 14 red setters seized by rspca inspectors after the animals were discovered in filthy cages in a garden shed .the court heard how the animals had matted fur , were dehydrated and had not been provided with a suitable diet .a dog breeder and her husband have been jailed for animal cruelty after their animals were found in the ` worst conditions ever seen ' .\"]\n", - "=======================\n", - "[\"warning : contains graphic contentmargaret and gary mazan had their 14 dogs seized by rscpa inspectorsanimals were found with matted fur in filthy cages inside a garden shedcouple from bradford found guilty of animal cruelty and jailed for 26 weekswere banned from owning animals for life and ca n't appeal for 25 years\"]\n", - "margaret and gary mazan from bradford , west yorkshire , had their 14 red setters seized by rspca inspectors after the animals were discovered in filthy cages in a garden shed .the court heard how the animals had matted fur , were dehydrated and had not been provided with a suitable diet .a dog breeder and her husband have been jailed for animal cruelty after their animals were found in the ` worst conditions ever seen ' .\n", - "warning : contains graphic contentmargaret and gary mazan had their 14 dogs seized by rscpa inspectorsanimals were found with matted fur in filthy cages inside a garden shedcouple from bradford found guilty of animal cruelty and jailed for 26 weekswere banned from owning animals for life and ca n't appeal for 25 years\n", - "[1.4458013 1.2906907 1.2295318 1.1878303 1.1728125 1.2985271 1.027811\n", - " 1.0393369 1.0290598 1.06808 1.0228153 1.1181198 1.021174 1.025102\n", - " 1.0546837 1.0325328 1.0864857 1.0493153 1.0164577 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 5 1 2 3 4 11 16 9 14 17 7 15 8 6 13 10 12 18 22 19 20 21 23]\n", - "=======================\n", - "['at least 15 fortune 500 companies , many of them worth north of a $ 1 billion , paid zero income taxes in 2014 , says a report out last week from the citizens for tax justice .cbs made $ 1.8 billion in u.s. profits last year and received a $ 235 million tax rebateaccording to the report , household names like cbs , general electric and mattel all successfully manipulated the u.s. tax code to avoid paying taxes on their massive profits .']\n", - "=======================\n", - "['many of the companies named in a report out april 9 from the citizens for tax justice even received federal tax rebatesthe companies include household names such as cbs , mattel , prudential and time warner']\n", - "at least 15 fortune 500 companies , many of them worth north of a $ 1 billion , paid zero income taxes in 2014 , says a report out last week from the citizens for tax justice .cbs made $ 1.8 billion in u.s. profits last year and received a $ 235 million tax rebateaccording to the report , household names like cbs , general electric and mattel all successfully manipulated the u.s. tax code to avoid paying taxes on their massive profits .\n", - "many of the companies named in a report out april 9 from the citizens for tax justice even received federal tax rebatesthe companies include household names such as cbs , mattel , prudential and time warner\n", - "[1.4285243 1.0787532 1.0568929 1.090386 1.3742611 1.1395197 1.053639\n", - " 1.0395306 1.0531949 1.0275943 1.0470738 1.0521363 1.0523286 1.0687088\n", - " 1.023941 1.0319159 1.0481004 1.0434804 1.0645993 1.0631536 1.0283886\n", - " 1.0169017 1.027305 1.0313861]\n", - "\n", - "[ 0 4 5 3 1 13 18 19 2 6 8 12 11 16 10 17 7 15 23 20 9 22 14 21]\n", - "=======================\n", - "['( cnn ) after two days of deliberation , jurors found dzhokhar tsarnaev guilty on all counts in the boston marathon bombing .today , nearly 1 out of 4 people in the world are muslim .because there could be other more young men just like him , which means the lessons we take from boston will affect whether we can keep america and americans safer .']\n", - "=======================\n", - "['haroon moghul : tsarnaev found guilty in terrorist bombing of boston marathon .pew reports by 2050 , one in 4 will be muslim .moghul : muslims see their community besieged around world , some think solution is violence .']\n", - "( cnn ) after two days of deliberation , jurors found dzhokhar tsarnaev guilty on all counts in the boston marathon bombing .today , nearly 1 out of 4 people in the world are muslim .because there could be other more young men just like him , which means the lessons we take from boston will affect whether we can keep america and americans safer .\n", - "haroon moghul : tsarnaev found guilty in terrorist bombing of boston marathon .pew reports by 2050 , one in 4 will be muslim .moghul : muslims see their community besieged around world , some think solution is violence .\n", - "[1.3906307 1.3092072 1.1242855 1.5023978 1.1936697 1.1980942 1.1948454\n", - " 1.0738204 1.0377082 1.0239584 1.019698 1.1520104 1.0599831 1.0179423\n", - " 1.0130696 1.0214357 1.0132214 1.0472865 1.0108494 1.096716 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 5 6 4 11 2 19 7 12 17 8 9 15 10 13 16 14 18 22 20 21 23]\n", - "=======================\n", - "['everton manager roberto martinez has rejected claims that he is stubborn in his tactical approachthe spaniard has come in for criticism for persisting with trying to get his side to play out from the back despite results suffering recently .everton striker arouna kone ( right ) is tackled by southampton defender jose fonte ( left ) at goodison park']\n", - "=======================\n", - "[\"roberto martinez has hit out at suggestions that he is tactically stubbornthe spaniard has been criticised for persisting with the same style of play , moving the ball on the ground out from defencemartinez insists that he is ` innovative ' in his tactics and points to the tinkering he employed during everton 's win over southampton on saturday\"]\n", - "everton manager roberto martinez has rejected claims that he is stubborn in his tactical approachthe spaniard has come in for criticism for persisting with trying to get his side to play out from the back despite results suffering recently .everton striker arouna kone ( right ) is tackled by southampton defender jose fonte ( left ) at goodison park\n", - "roberto martinez has hit out at suggestions that he is tactically stubbornthe spaniard has been criticised for persisting with the same style of play , moving the ball on the ground out from defencemartinez insists that he is ` innovative ' in his tactics and points to the tinkering he employed during everton 's win over southampton on saturday\n", - "[1.2378107 1.4803356 1.2414373 1.2994363 1.3036667 1.2594314 1.1524068\n", - " 1.149338 1.102816 1.0161277 1.0525882 1.0562958 1.080843 1.0624808\n", - " 1.0433749 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 5 2 0 6 7 8 12 13 11 10 14 9 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "['keith anthony allen , 27 , of columbus pleaded not guilty monday to charges including rape , felonious assault and gross sexual imposition .allen is accused of raping two 12-year-old girls since september and fondling a third girl .he remains jailed with no bond , and court records listed no attorney for him .']\n", - "=======================\n", - "['keith anthony allen , 27 , of columbus , ohio , is facing 19 chargesaccused of sexually assaulting three girlstwo of them , both 12 , were raped , and one is pregnantthe third victim was allegedly fondledallen is facing a life sentence if convicted of having sex with a child']\n", - "keith anthony allen , 27 , of columbus pleaded not guilty monday to charges including rape , felonious assault and gross sexual imposition .allen is accused of raping two 12-year-old girls since september and fondling a third girl .he remains jailed with no bond , and court records listed no attorney for him .\n", - "keith anthony allen , 27 , of columbus , ohio , is facing 19 chargesaccused of sexually assaulting three girlstwo of them , both 12 , were raped , and one is pregnantthe third victim was allegedly fondledallen is facing a life sentence if convicted of having sex with a child\n", - "[1.5313715 1.2300423 1.2527308 1.4625306 1.3053513 1.0738996 1.0176039\n", - " 1.0136344 1.0315658 1.0585859 1.1926899 1.047859 1.1949013 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 2 1 12 10 5 9 11 8 6 7 22 13 14 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "['borussia dortmund defender mats hummels is leaving his options open amid speculation he may leave the club in the summer as he admits he is contemplating leaving the club .mats hummels has admitted he is considering his future at borussia dortmundthe germany defender has consistently been linked with a big-money move to manchester united']\n", - "=======================\n", - "['mats hummels has been linked with a move to manchester unitedgermany defender admits he is considering his future at the clubhummels said his future will become clear at the end of the season']\n", - "borussia dortmund defender mats hummels is leaving his options open amid speculation he may leave the club in the summer as he admits he is contemplating leaving the club .mats hummels has admitted he is considering his future at borussia dortmundthe germany defender has consistently been linked with a big-money move to manchester united\n", - "mats hummels has been linked with a move to manchester unitedgermany defender admits he is considering his future at the clubhummels said his future will become clear at the end of the season\n", - "[1.2045757 1.3847344 1.2153227 1.2471952 1.199967 1.1360775 1.1595308\n", - " 1.1501328 1.0633985 1.0636487 1.0876845 1.1058557 1.0871893 1.0223631\n", - " 1.0311444 1.0621068 1.0263151 1.0679435]\n", - "\n", - "[ 1 3 2 0 4 6 7 5 11 10 12 17 9 8 15 14 16 13]\n", - "=======================\n", - "[\"filmed in north vancouver , the bird - which appears to be a golden eagle , despite some speculation that it is a young bald - is captured standing over a football during its try-out before giving it a slight peck with its beak .after standing and shaking its head , the big bird then moves forwards and rolls the ball to the left with its foot .an eagle demonstrated its footwork after gate-crashing a football team 's training session and enjoying a solo kick-about .\"]\n", - "=======================\n", - "[\"the big bird swoops in and demonstrates how to roll ballbefore jumping up on it with both feet and giving it a kickthe bird 's try-out was captured in north vancouver , canadaeagle interrupted north shore football club training session\"]\n", - "filmed in north vancouver , the bird - which appears to be a golden eagle , despite some speculation that it is a young bald - is captured standing over a football during its try-out before giving it a slight peck with its beak .after standing and shaking its head , the big bird then moves forwards and rolls the ball to the left with its foot .an eagle demonstrated its footwork after gate-crashing a football team 's training session and enjoying a solo kick-about .\n", - "the big bird swoops in and demonstrates how to roll ballbefore jumping up on it with both feet and giving it a kickthe bird 's try-out was captured in north vancouver , canadaeagle interrupted north shore football club training session\n", - "[1.2369401 1.537205 1.166135 1.2147006 1.0943552 1.2254095 1.1585355\n", - " 1.0981215 1.1301057 1.1012557 1.0510263 1.0664672 1.039908 1.0645559\n", - " 1.0664508 1.0533613 1.0573608 0. ]\n", - "\n", - "[ 1 0 5 3 2 6 8 9 7 4 11 14 13 16 15 10 12 17]\n", - "=======================\n", - "[\"tom mctevia , 42 , who was left without the use of his legs following another atv accident 11 years ago , was traveling with a group and driving his friend tina hoisington , 45 , near an overlook at lake pend oreille in bonner county on sunday .a paralyzed former police officer who advocated for wheelchair users has died after accidentally driving his atv off an idaho cliff and plunging 500 feet .a firefighter reached the first victim 's body after rappelling down 500 feet of rock , and the second victim was found 1,100 feet below the edge , fire rescue said .\"]\n", - "=======================\n", - "['tom mctevia , 42 , and his passenger and best friend , tina hoisington , 45 , died after their atv plunged from an idaho overlook on sundaywitnesses said they got too close to the edge while posing for a photomctevia was left paralyzed in another atv accident 11 years earlierbut the former cop and navy veteran continued to stay active and advocated for better trails for people in wheelchairs']\n", - "tom mctevia , 42 , who was left without the use of his legs following another atv accident 11 years ago , was traveling with a group and driving his friend tina hoisington , 45 , near an overlook at lake pend oreille in bonner county on sunday .a paralyzed former police officer who advocated for wheelchair users has died after accidentally driving his atv off an idaho cliff and plunging 500 feet .a firefighter reached the first victim 's body after rappelling down 500 feet of rock , and the second victim was found 1,100 feet below the edge , fire rescue said .\n", - "tom mctevia , 42 , and his passenger and best friend , tina hoisington , 45 , died after their atv plunged from an idaho overlook on sundaywitnesses said they got too close to the edge while posing for a photomctevia was left paralyzed in another atv accident 11 years earlierbut the former cop and navy veteran continued to stay active and advocated for better trails for people in wheelchairs\n", - "[1.3491092 1.1643212 1.2146535 1.3046045 1.2550986 1.3077502 1.1055039\n", - " 1.0844575 1.1176167 1.0828431 1.0514399 1.0894574 1.0700502 1.1994958\n", - " 1.0578367 1.0219206 1.0170947 1.0652125]\n", - "\n", - "[ 0 5 3 4 2 13 1 8 6 11 7 9 12 17 14 10 15 16]\n", - "=======================\n", - "['manchester city are preparing bids for english trio raheem sterling , ross barkley and jay rodriguez as part of a summer anglification of their squad .southampton striker jay rodriguez has not played this season but city are monitoring his return from injuryraheem sterling would cost in region of # 50million but the forward could buy out the final year of his contract']\n", - "=======================\n", - "[\"manchester city will make a concerted effort to sign english playersraheem sterling , ross barkley and jay rodriguez are all on the wanted listcity chiefs are concerned about lack of homegrown players at senior levelfrank lampard will leave in summer and james milner 's future is uncertain\"]\n", - "manchester city are preparing bids for english trio raheem sterling , ross barkley and jay rodriguez as part of a summer anglification of their squad .southampton striker jay rodriguez has not played this season but city are monitoring his return from injuryraheem sterling would cost in region of # 50million but the forward could buy out the final year of his contract\n", - "manchester city will make a concerted effort to sign english playersraheem sterling , ross barkley and jay rodriguez are all on the wanted listcity chiefs are concerned about lack of homegrown players at senior levelfrank lampard will leave in summer and james milner 's future is uncertain\n", - "[1.2302864 1.4905294 1.1712778 1.1522926 1.2607555 1.1800488 1.199032\n", - " 1.1492846 1.1117362 1.230125 1.1255856 1.0153115 1.0568068 1.0889109\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 9 6 5 2 3 7 10 8 13 12 11 14 15 16 17]\n", - "=======================\n", - "['olive fowler was caught by police at jfk airport on april 12 after taking a caribbean airlines flight from her hometown in guyana , south america , to new york .hidden packages : a 70-year-old woman faces jail time for allegedly smuggling four pounds of cocaine in her girdle and underwear ( seen above )the packages tested positive for cocaine .']\n", - "=======================\n", - "[\"olive fowler was caught by police at jfk airport on april 12 after taking a caribbean airlines flight from her hometown in guyana to new yorkauthorities said they spotted her ` sweating profusely ' and ` avoiding eye contact with officers ' so they decided to pull her aside to conduct a searchit 's estimated the drugs found in her panties have a street value of more than $ 73,000she now faces federal narcotics smuggling charges\"]\n", - "olive fowler was caught by police at jfk airport on april 12 after taking a caribbean airlines flight from her hometown in guyana , south america , to new york .hidden packages : a 70-year-old woman faces jail time for allegedly smuggling four pounds of cocaine in her girdle and underwear ( seen above )the packages tested positive for cocaine .\n", - "olive fowler was caught by police at jfk airport on april 12 after taking a caribbean airlines flight from her hometown in guyana to new yorkauthorities said they spotted her ` sweating profusely ' and ` avoiding eye contact with officers ' so they decided to pull her aside to conduct a searchit 's estimated the drugs found in her panties have a street value of more than $ 73,000she now faces federal narcotics smuggling charges\n", - "[1.2326052 1.095829 1.0869205 1.0558885 1.5237558 1.0487351 1.0351785\n", - " 1.1392318 1.2492186 1.0782264 1.0927173 1.049157 1.0723011 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 4 8 0 7 1 10 2 9 12 3 11 5 6 16 13 14 15 17]\n", - "=======================\n", - "[\"on this page you will find today 's show transcript and a place for you to request to be on the cnn student news roll call .some questions addressed this thursday : how has the u.s. supreme court addressed the use of force by police ?what impact might lower gas prices be having on hybrid vehicle sales ?\"]\n", - "=======================\n", - "['this page includes the show transcriptuse the transcript to help students with reading comprehension and vocabularyat the bottom of the page , comment for a chance to be mentioned on cnn student news .']\n", - "on this page you will find today 's show transcript and a place for you to request to be on the cnn student news roll call .some questions addressed this thursday : how has the u.s. supreme court addressed the use of force by police ?what impact might lower gas prices be having on hybrid vehicle sales ?\n", - "this page includes the show transcriptuse the transcript to help students with reading comprehension and vocabularyat the bottom of the page , comment for a chance to be mentioned on cnn student news .\n", - "[1.2856035 1.390004 1.2674503 1.3148193 1.1239581 1.0475262 1.1144658\n", - " 1.1102377 1.0827991 1.0390502 1.0327231 1.0494928 1.0453596 1.0562404\n", - " 1.0717068 1.0756245 1.0280433]\n", - "\n", - "[ 1 3 0 2 4 6 7 8 15 14 13 11 5 12 9 10 16]\n", - "=======================\n", - "['the odds were slashed further yesterday after a scottish punter from edinburgh placed a whopping # 2,000 wager on a new princess with ladbrokes .the majority of punters are convinced that the duchess will give birth to a girlodds on the new royal baby being a girl have tumbled after a bookmaker revealed that 90 per cent of bets placed on the sex have been in favour of a female child .']\n", - "=======================\n", - "[\"90 per cent of bets on the royal baby 's sex have been on a girlone scottish punter in edinburgh placed a bet of # 2,000 yesterdayfavourite potential birth dates include the 18th , 19th and 20th aprilthe duchess of cambridge 's official due date is the 25th aprilpopular names include alice , victoria , arthur and james\"]\n", - "the odds were slashed further yesterday after a scottish punter from edinburgh placed a whopping # 2,000 wager on a new princess with ladbrokes .the majority of punters are convinced that the duchess will give birth to a girlodds on the new royal baby being a girl have tumbled after a bookmaker revealed that 90 per cent of bets placed on the sex have been in favour of a female child .\n", - "90 per cent of bets on the royal baby 's sex have been on a girlone scottish punter in edinburgh placed a bet of # 2,000 yesterdayfavourite potential birth dates include the 18th , 19th and 20th aprilthe duchess of cambridge 's official due date is the 25th aprilpopular names include alice , victoria , arthur and james\n", - "[1.5256642 1.4647099 1.2203404 1.1262239 1.0961251 1.0586671 1.025279\n", - " 1.0391713 1.1297971 1.0580062 1.1047373 1.1418684 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 11 8 3 10 4 5 9 7 6 15 12 13 14 16]\n", - "=======================\n", - "['( cnn ) the quaint town of dunblane , scotland , has been set abuzz by the wedding of tennis legend andy murray to his long-term girlfriend , kim sears .saturday \\'s event -- dubbed \" the royal wedding of scotland \" -- took place at dunblane cathedral , with cheering crowds spilling onto the streets to support their home-grown talent .the grand slam and olympic champion donned a traditional blue and green tartan kilt , while his bride dazzled in a vintage-style gown by british designer jenny packham .']\n", - "=======================\n", - "['uk tennis star andy murray wed his long-term girlfriend , kim sears , in dunblane , scotlandsaturday \\'s event has been dubbed \" the royal wedding of scotland \"']\n", - "( cnn ) the quaint town of dunblane , scotland , has been set abuzz by the wedding of tennis legend andy murray to his long-term girlfriend , kim sears .saturday 's event -- dubbed \" the royal wedding of scotland \" -- took place at dunblane cathedral , with cheering crowds spilling onto the streets to support their home-grown talent .the grand slam and olympic champion donned a traditional blue and green tartan kilt , while his bride dazzled in a vintage-style gown by british designer jenny packham .\n", - "uk tennis star andy murray wed his long-term girlfriend , kim sears , in dunblane , scotlandsaturday 's event has been dubbed \" the royal wedding of scotland \"\n", - "[1.274706 1.2514064 1.2281569 1.1968628 1.1234282 1.1313746 1.0989082\n", - " 1.0988065 1.1047653 1.0731944 1.055504 1.0754637 1.068454 1.0703284\n", - " 1.0309389 1.0152981 1.0611783]\n", - "\n", - "[ 0 1 2 3 5 4 8 6 7 11 9 13 12 16 10 14 15]\n", - "=======================\n", - "[\"traitor edward snowden has revealed he did not read all the top-secret intelligence documents he leaked -- a move which put lives at risk from terrorists .in a television interview the fugitive squirmed as he admitted only ` evaluating ' the files stolen from gchq and the us national security agency .the former us spy also acknowledged there had been a ` f *** - up ' when newspapers that were handed the classified material failed to redact sensitive details exposing operations against al qaeda .\"]\n", - "=======================\n", - "[\"british comedian travelled to moscow to interview the whistleblowerquestions why the former cia systems administrator leaked the filesgets him to explain the security threat in the context of nude picturesdescribes snowden as america 's most famous ` hero and/or traitor 'snowden , at moments , is stunned into silence by the line of questioning\"]\n", - "traitor edward snowden has revealed he did not read all the top-secret intelligence documents he leaked -- a move which put lives at risk from terrorists .in a television interview the fugitive squirmed as he admitted only ` evaluating ' the files stolen from gchq and the us national security agency .the former us spy also acknowledged there had been a ` f *** - up ' when newspapers that were handed the classified material failed to redact sensitive details exposing operations against al qaeda .\n", - "british comedian travelled to moscow to interview the whistleblowerquestions why the former cia systems administrator leaked the filesgets him to explain the security threat in the context of nude picturesdescribes snowden as america 's most famous ` hero and/or traitor 'snowden , at moments , is stunned into silence by the line of questioning\n", - "[1.2566305 1.4440718 1.2029216 1.3057916 1.2353647 1.1019866 1.0913892\n", - " 1.1263283 1.0440556 1.0693322 1.0600379 1.0706326 1.0735147 1.0801551\n", - " 1.077735 1.0809665 0. ]\n", - "\n", - "[ 1 3 0 4 2 7 5 6 15 13 14 12 11 9 10 8 16]\n", - "=======================\n", - "[\"nick cousins , 57 , and grace garcia cousins , 53 , were held over alleged ` ill treatment ' of their child after it emerged that her birth , and that of her 14-year-old sister , were never registered and they did not attend school .the 15-year-old daughter of briton nick cousins ( left ) and his partner grace ( right ) fell to her death from their multi-million pound flat in hong kongthe couple were also being questioned by police over claims that filipino mrs cousins had overstayed her visa .\"]\n", - "=======================\n", - "[\"blanca cousins fell to her death at hong kong 's exclusive 3 repulse bay roadbriton nick cousins , 57 , and teen 's mother , grace , arrested on suspicion of ill-treating the girlblanca and her sister did not have passports and were educated at a private tuition centrepolice have said that blanca may have been ` unhappy with her life '\"]\n", - "nick cousins , 57 , and grace garcia cousins , 53 , were held over alleged ` ill treatment ' of their child after it emerged that her birth , and that of her 14-year-old sister , were never registered and they did not attend school .the 15-year-old daughter of briton nick cousins ( left ) and his partner grace ( right ) fell to her death from their multi-million pound flat in hong kongthe couple were also being questioned by police over claims that filipino mrs cousins had overstayed her visa .\n", - "blanca cousins fell to her death at hong kong 's exclusive 3 repulse bay roadbriton nick cousins , 57 , and teen 's mother , grace , arrested on suspicion of ill-treating the girlblanca and her sister did not have passports and were educated at a private tuition centrepolice have said that blanca may have been ` unhappy with her life '\n", - "[1.4230388 1.2238793 1.2469794 1.3975009 1.1287091 1.290714 1.2706261\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 5 6 2 1 4 14 13 12 11 8 9 15 7 10 16]\n", - "=======================\n", - "['manchester city are rivalling manchester united and arsenal for valenciennes teenage defender dayot upamecano .fourth-placed city face aston villa at the etihad stadium on saturday .centre-back umecano has played for france at u16 and u17 level .']\n", - "=======================\n", - "['dayot upamecano was close to signing for manchester united in januarythe 16-year-old , however , opted to stay in france with valenciennescentre-back upamecano has played for france at u16 and u17 levelarsenal are also interested in the defender as man city join chase']\n", - "manchester city are rivalling manchester united and arsenal for valenciennes teenage defender dayot upamecano .fourth-placed city face aston villa at the etihad stadium on saturday .centre-back umecano has played for france at u16 and u17 level .\n", - "dayot upamecano was close to signing for manchester united in januarythe 16-year-old , however , opted to stay in france with valenciennescentre-back upamecano has played for france at u16 and u17 levelarsenal are also interested in the defender as man city join chase\n", - "[1.1553842 1.2563041 1.33136 1.2796452 1.0793011 1.1382618 1.0628511\n", - " 1.0756279 1.0488442 1.134449 1.0442262 1.1709349 1.0430412 1.1325508\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 11 0 5 9 13 4 7 6 8 10 12 15 14 16]\n", - "=======================\n", - "[\"set in a remote valley in the north-west corner of the state , the shire of montana gives guests the chance to live like bilbo baggins for just under $ 300 ( # 200 ) a night .a guest house inspired by author jrr tolkien 's fictional tales is attracting devoted followers of the book and film franchise -- and others who are simply looking to stay in a place that is out of the ordinary .owners steve and christine michaels spent more than $ 400,000 to transform the property into a destination for fans of the series\"]\n", - "=======================\n", - "['set in a remote valley , the shire of montana is located about 100 miles south of the us-canada borderit is built into a hill on a 20-acre property which boasts decorative hobbit homes , fairy doors and a troll housethere is no mobile phone service as the 1,000 square foot guest house is located entirely underground']\n", - "set in a remote valley in the north-west corner of the state , the shire of montana gives guests the chance to live like bilbo baggins for just under $ 300 ( # 200 ) a night .a guest house inspired by author jrr tolkien 's fictional tales is attracting devoted followers of the book and film franchise -- and others who are simply looking to stay in a place that is out of the ordinary .owners steve and christine michaels spent more than $ 400,000 to transform the property into a destination for fans of the series\n", - "set in a remote valley , the shire of montana is located about 100 miles south of the us-canada borderit is built into a hill on a 20-acre property which boasts decorative hobbit homes , fairy doors and a troll housethere is no mobile phone service as the 1,000 square foot guest house is located entirely underground\n", - "[1.2635217 1.2690032 1.4220434 1.3889031 1.0801227 1.0726022 1.0581872\n", - " 1.0771685 1.0432273 1.1114451 1.137158 1.0295066 1.0181978 1.1412174\n", - " 1.1633017 1.0438968 1.0221573]\n", - "\n", - "[ 2 3 1 0 14 13 10 9 4 7 5 6 15 8 11 16 12]\n", - "=======================\n", - "[\"the 33-year-old is said to be planning to renew her wedding vows with her husband robert , 30 , during the ` no expense spared ' jaunt .shameless : cheryl prudham , 33 , who receives # 39,000 in benefits , and her partner robert are spending # 10,000 on a lavish ceremony in las vegas to renew their wedding vowsshe costs taxpayers more than # 39,000 a year in benefits .\"]\n", - "=======================\n", - "[\"cheryl prudham , 33 , from kent , planning to renew vows with husband robpair splashing out on hotel , gown , limousine and casino gambling moneyeven wants to try for 13th child there so she can boast it is conceived in lacomes just weeks after pair reunited following split over mr prudham 's indecent facebook messages\"]\n", - "the 33-year-old is said to be planning to renew her wedding vows with her husband robert , 30 , during the ` no expense spared ' jaunt .shameless : cheryl prudham , 33 , who receives # 39,000 in benefits , and her partner robert are spending # 10,000 on a lavish ceremony in las vegas to renew their wedding vowsshe costs taxpayers more than # 39,000 a year in benefits .\n", - "cheryl prudham , 33 , from kent , planning to renew vows with husband robpair splashing out on hotel , gown , limousine and casino gambling moneyeven wants to try for 13th child there so she can boast it is conceived in lacomes just weeks after pair reunited following split over mr prudham 's indecent facebook messages\n", - "[1.5745839 1.1500794 1.3098367 1.0648121 1.0724969 1.1141393 1.3149774\n", - " 1.1226645 1.2109385 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 6 2 8 1 7 5 4 3 15 9 10 11 12 13 14 16]\n", - "=======================\n", - "[\"roma failed to make the most of lazio 's defeat to league leaders juventus , as they drew 1-1 at home to relegation-threatened atalanta in serie a to move level on points with their city rival in second spot .roma , who was booed by its own fans , moved level with second-placed lazio on 58 points , 15 behind runaway leaders juventus .francesco totti celebrates after putting roma ahead from the penalty spot after just three minutes\"]\n", - "=======================\n", - "['francesco totti puts roma ahead from the penalty spot in third minutedenis equalises for atalanta from another penalty , and visitors hold onroma move level with city rivals lazio behind juventus in serie a']\n", - "roma failed to make the most of lazio 's defeat to league leaders juventus , as they drew 1-1 at home to relegation-threatened atalanta in serie a to move level on points with their city rival in second spot .roma , who was booed by its own fans , moved level with second-placed lazio on 58 points , 15 behind runaway leaders juventus .francesco totti celebrates after putting roma ahead from the penalty spot after just three minutes\n", - "francesco totti puts roma ahead from the penalty spot in third minutedenis equalises for atalanta from another penalty , and visitors hold onroma move level with city rivals lazio behind juventus in serie a\n", - "[1.210818 1.2707449 1.3688465 1.1859483 1.1672188 1.1207542 1.0803814\n", - " 1.1666214 1.0464851 1.0669436 1.1316257 1.0174052 1.0249723 1.0955985\n", - " 1.1122772 1.0175709 0. ]\n", - "\n", - "[ 2 1 0 3 4 7 10 5 14 13 6 9 8 12 15 11 16]\n", - "=======================\n", - "[\"producer jonathan shestack confirmed that he is working on the yet-untitled project with carey 's good friend director brett ratner co-producing .according to ew , new line cinema is planning a mariah carey christmas movie .( cnn ) all we want for christmas is you , mariah carey !\"]\n", - "=======================\n", - "[\"new line cinema is reportedly planning a mariah carey christmas moviecarey was queen of the '90s , and that decade is totally hot now\"]\n", - "producer jonathan shestack confirmed that he is working on the yet-untitled project with carey 's good friend director brett ratner co-producing .according to ew , new line cinema is planning a mariah carey christmas movie .( cnn ) all we want for christmas is you , mariah carey !\n", - "new line cinema is reportedly planning a mariah carey christmas moviecarey was queen of the '90s , and that decade is totally hot now\n", - "[1.208786 1.32079 1.2898912 1.119677 1.3271105 1.0915356 1.1809915\n", - " 1.113337 1.068739 1.1417445 1.0689822 1.0648099 1.0604639 1.0650043\n", - " 1.1386989 0. 0. ]\n", - "\n", - "[ 4 1 2 0 6 9 14 3 7 5 10 8 13 11 12 15 16]\n", - "=======================\n", - "[\"botched : nikko jenkins ( pictured in 2014 ) recently tried to carve ' 666 ' into his forehead but did it backwardsbut in a phenomenal case of idiocy , convicted murderer nikko jenkins used a mirror - so the numbers came out backwards .the symbol is described in the biblical book of revelation as ` the sign of the beast ' , and has since been popularized by the horror movie the omen .\"]\n", - "=======================\n", - "['nikko jenkins , 28 , was trying to etch the revelation sign of the beastbut he now has a series of upside-down 9s across his faceit is believed he may use the botched case as evidence he is mentally unstable and therefore ineligible to face the death penaltyjenkins was convicted of shooting dead four people in 10 days after he was released from prison in omaha , nebraska , in 2013']\n", - "botched : nikko jenkins ( pictured in 2014 ) recently tried to carve ' 666 ' into his forehead but did it backwardsbut in a phenomenal case of idiocy , convicted murderer nikko jenkins used a mirror - so the numbers came out backwards .the symbol is described in the biblical book of revelation as ` the sign of the beast ' , and has since been popularized by the horror movie the omen .\n", - "nikko jenkins , 28 , was trying to etch the revelation sign of the beastbut he now has a series of upside-down 9s across his faceit is believed he may use the botched case as evidence he is mentally unstable and therefore ineligible to face the death penaltyjenkins was convicted of shooting dead four people in 10 days after he was released from prison in omaha , nebraska , in 2013\n", - "[1.184835 1.1349562 1.2853614 1.2459747 1.1912895 1.1045454 1.1923622\n", - " 1.1334009 1.1003947 1.0637345 1.0756239 1.0942028 1.0342928 1.0225329\n", - " 1.0242621 1.0288186 1.0539409 1.025507 1.058119 1.0266291 1.0215936\n", - " 1.0191597 1.022176 ]\n", - "\n", - "[ 2 3 6 4 0 1 7 5 8 11 10 9 18 16 12 15 19 17 14 13 22 20 21]\n", - "=======================\n", - "['in a video , a scientist has revealed how gin and vodka dilute red wine stains , why vinegar is so good at removing mineral deposits on glass , and how spit tackles stubborn food stains in your kitchen .red wine is red because of pigments known as anthocyanins , which are alcohol soluble .the video was created by the washington-based american chemical society ( acs ) as part of its reactions series .']\n", - "=======================\n", - "[\"the video was created by washington-based american chemical societyit reveals three ` hacks ' to tackle stains on windows , carpets and countersand shows the science behind why gin removes red wine stains and why spit removes food stains on hard surfaces\"]\n", - "in a video , a scientist has revealed how gin and vodka dilute red wine stains , why vinegar is so good at removing mineral deposits on glass , and how spit tackles stubborn food stains in your kitchen .red wine is red because of pigments known as anthocyanins , which are alcohol soluble .the video was created by the washington-based american chemical society ( acs ) as part of its reactions series .\n", - "the video was created by washington-based american chemical societyit reveals three ` hacks ' to tackle stains on windows , carpets and countersand shows the science behind why gin removes red wine stains and why spit removes food stains on hard surfaces\n", - "[1.4731439 1.5092969 1.2730112 1.5200541 1.2461977 1.0339713 1.0158788\n", - " 1.0149454 1.0119624 1.014789 1.0149602 1.1416574 1.0790744 1.1681908\n", - " 1.2138172 1.0118088 1.0106864 1.0103842 1.0227515 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 1 0 2 4 14 13 11 12 5 18 6 10 7 9 8 15 16 17 21 19 20 22]\n", - "=======================\n", - "['inter milan loanee lukas podolski says he wants to play for parent club arsenal next seasonthe german world cup winner is currently on loan at inter milan having joined the serie a club in january following a tough start to the season at the emirates , where he scored just three goals in 13 appearances .lukas podolski insists he is prepared to fight for his place at arsenal when he arrives back at the club in the summer .']\n", - "=======================\n", - "['lukas podolski left arsenal for inter milan on a loan deal in januarygerman world cup winner has yet to score since arriving in italyforward was an unused substitute in goalless derby draw on sundaypodolski insists he wants to fight for his place in north london']\n", - "inter milan loanee lukas podolski says he wants to play for parent club arsenal next seasonthe german world cup winner is currently on loan at inter milan having joined the serie a club in january following a tough start to the season at the emirates , where he scored just three goals in 13 appearances .lukas podolski insists he is prepared to fight for his place at arsenal when he arrives back at the club in the summer .\n", - "lukas podolski left arsenal for inter milan on a loan deal in januarygerman world cup winner has yet to score since arriving in italyforward was an unused substitute in goalless derby draw on sundaypodolski insists he wants to fight for his place in north london\n", - "[1.208413 1.1487899 1.2451054 1.3219707 1.1043861 1.220921 1.2100642\n", - " 1.0550205 1.0573485 1.0662994 1.0652736 1.0508249 1.0835369 1.0482463\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 2 5 6 0 1 4 12 9 10 8 7 11 13 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"the steel gate at border field state park in california , which was put in place in the mid-1990s , was unlocked by officials in honor of children 's day , a mexican holiday that celebrates youngsters and family .these pictures show the moving moments men , women and children living in the united states were reunited with their deported relatives after the border gate to mexico was temporarily opened on sunday .two young boys reportedly fell to their knees as they crossed into mexico and saw their cherished mother for the first time in two years .\"]\n", - "=======================\n", - "[\"gate at border field state park , california , was opened for selected families on sunday in honor of children 's dayit was only the second time it had been unlocked by border patrol officers since it was put in place in mid-1990stwo young boys fell to their knees as they saw mom for first time in two years after she was deported to mexico` we talked about how life was without our mom .meanwhile , one grandmother wept as she embraced her seven-year-old granddaughter in front of photographersmany of the deported relatives had been living in us without documentation - and had not seen families for yearsthey were given just minutes to hug and kiss their loved ones ; event was organised by non-profit border angels\"]\n", - "the steel gate at border field state park in california , which was put in place in the mid-1990s , was unlocked by officials in honor of children 's day , a mexican holiday that celebrates youngsters and family .these pictures show the moving moments men , women and children living in the united states were reunited with their deported relatives after the border gate to mexico was temporarily opened on sunday .two young boys reportedly fell to their knees as they crossed into mexico and saw their cherished mother for the first time in two years .\n", - "gate at border field state park , california , was opened for selected families on sunday in honor of children 's dayit was only the second time it had been unlocked by border patrol officers since it was put in place in mid-1990stwo young boys fell to their knees as they saw mom for first time in two years after she was deported to mexico` we talked about how life was without our mom .meanwhile , one grandmother wept as she embraced her seven-year-old granddaughter in front of photographersmany of the deported relatives had been living in us without documentation - and had not seen families for yearsthey were given just minutes to hug and kiss their loved ones ; event was organised by non-profit border angels\n", - "[1.2688109 1.4029869 1.2825103 1.1822519 1.2441485 1.064043 1.0965028\n", - " 1.0636961 1.076048 1.0212888 1.1165054 1.0978857 1.0733645 1.0325993\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 4 3 10 11 6 8 12 5 7 13 9 21 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"the fund had been facing allegations of improper behavior after reports surfaced about undisclosed donations from foreign governments and a donor who was selling his uranium company to a russian state agency at the same time the state department had to approve the sale .the acting chief executive of the clinton foundation acknowledged that the global philanthropy made mistakes in how it disclosed its donors amid growing scrutiny as hillary rodham clinton opens her presidential campaign .however , the tempered apology came the same day that a government watchdog said that the charity seemed like a ` slush fund ' for one of america 's most powerful political families .\"]\n", - "=======================\n", - "[\"acting clinton foundation ceo maura pally said ` yes , we made mistakes 'fund ` mistakenly combined ' government grants and other donationsfoundation faces criticism after report it received millions from executive who sold uranium company to russia in state department-approved dealpally said canadian law prevented its partner from disclosing the donationtook in $ 140million in 2013 and spent on $ 84.6 million on payroll and operations and just $ 9million on direct aid\"]\n", - "the fund had been facing allegations of improper behavior after reports surfaced about undisclosed donations from foreign governments and a donor who was selling his uranium company to a russian state agency at the same time the state department had to approve the sale .the acting chief executive of the clinton foundation acknowledged that the global philanthropy made mistakes in how it disclosed its donors amid growing scrutiny as hillary rodham clinton opens her presidential campaign .however , the tempered apology came the same day that a government watchdog said that the charity seemed like a ` slush fund ' for one of america 's most powerful political families .\n", - "acting clinton foundation ceo maura pally said ` yes , we made mistakes 'fund ` mistakenly combined ' government grants and other donationsfoundation faces criticism after report it received millions from executive who sold uranium company to russia in state department-approved dealpally said canadian law prevented its partner from disclosing the donationtook in $ 140million in 2013 and spent on $ 84.6 million on payroll and operations and just $ 9million on direct aid\n", - "[1.1685553 1.4475114 1.2424135 1.1847416 1.1902622 1.123949 1.1349915\n", - " 1.0765208 1.0933847 1.068568 1.08781 1.1322348 1.1002007 1.069188\n", - " 1.0412186 1.0501813 1.0194727 1.0267612 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 4 3 0 6 11 5 12 8 10 7 13 9 15 14 17 16 21 18 19 20 22]\n", - "=======================\n", - "[\"more than half the members of a group of 28 industrialised nations reduced their aid budget between 2013 and 2014 , a report found .britain 's failure to follow suit -- thanks to a target imposed by david cameron -- means that its overseas aid spending of 0.7 per cent of national income is double the average level of the other nations in the group known as the development assistance committee .out of every # 100 spent by these western nations on overseas aid , no less than # 14 now comes from the uk .\"]\n", - "=======================\n", - "['more than half of members of group of industrial nations reduced aidbut britain failed to follow suit - thanks to target imposed by mr cameronits overseas spending is double the average level of other nations in group']\n", - "more than half the members of a group of 28 industrialised nations reduced their aid budget between 2013 and 2014 , a report found .britain 's failure to follow suit -- thanks to a target imposed by david cameron -- means that its overseas aid spending of 0.7 per cent of national income is double the average level of the other nations in the group known as the development assistance committee .out of every # 100 spent by these western nations on overseas aid , no less than # 14 now comes from the uk .\n", - "more than half of members of group of industrial nations reduced aidbut britain failed to follow suit - thanks to target imposed by mr cameronits overseas spending is double the average level of other nations in group\n", - "[1.5152538 1.1435989 1.3812109 1.3265994 1.2809021 1.2290962 1.1090376\n", - " 1.0913948 1.0340223 1.027298 1.0331761 1.0273224 1.0264554 1.0628488\n", - " 1.0662571 1.0285244 1.0214715 1.0075625 1.0085782 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 3 4 5 1 6 7 14 13 8 10 15 11 9 12 16 18 17 20 19 21]\n", - "=======================\n", - "[\"johanna basford , 32 , has released a colouring book for adults which has sold 226,000 in one monthsince british artist johanna basford created one of the first colouring books for grown-ups in 2013 , called secret garden , it has sold over 1.5 million copies and inspired a flurry of similar books .now , the 32-year-old 's second book enchanted forest has sold out within weeks of its release .\"]\n", - "=======================\n", - "[\"johanna basford released secret garden in 2013 which sold 1.5 m copies32-year-old 's second book enchanted forest has sold out within weeksmother-of-one said huge range of people enjoy her ` stress-relieving ' books\"]\n", - "johanna basford , 32 , has released a colouring book for adults which has sold 226,000 in one monthsince british artist johanna basford created one of the first colouring books for grown-ups in 2013 , called secret garden , it has sold over 1.5 million copies and inspired a flurry of similar books .now , the 32-year-old 's second book enchanted forest has sold out within weeks of its release .\n", - "johanna basford released secret garden in 2013 which sold 1.5 m copies32-year-old 's second book enchanted forest has sold out within weeksmother-of-one said huge range of people enjoy her ` stress-relieving ' books\n", - "[1.2983383 1.256958 1.2647431 1.2222992 1.1429899 1.1534004 1.0900736\n", - " 1.0624925 1.0893749 1.0787432 1.061887 1.0468774 1.0544877 1.0709977\n", - " 1.0793687 1.0813802 1.0171661 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 3 5 4 6 8 15 14 9 13 7 10 12 11 16 20 17 18 19 21]\n", - "=======================\n", - "['( cnn ) as saudi forces pounded southern yemen with a fresh series of airstrikes wednesday , houthi rebels called for peace talks .the previous round of talks between houthi rebels and the government of yemeni president abdu rabu mansour hadi failed in january after rebels attacked the president \\'s personal residence and presidential palace in sanaa , the yemeni capital .the u.n.-sponsored talks should resume \" but only after a complete halt of attacks , \" houthi spokesman mohammed abdulsalam said in a facebook post .']\n", - "=======================\n", - "['houthis call for halt to fighting and resumption of peace talksthe cessation of airstrikes lasted less than 24 hoursnext phase , called \" operation renewal of hope , \" will focus on political process']\n", - "( cnn ) as saudi forces pounded southern yemen with a fresh series of airstrikes wednesday , houthi rebels called for peace talks .the previous round of talks between houthi rebels and the government of yemeni president abdu rabu mansour hadi failed in january after rebels attacked the president 's personal residence and presidential palace in sanaa , the yemeni capital .the u.n.-sponsored talks should resume \" but only after a complete halt of attacks , \" houthi spokesman mohammed abdulsalam said in a facebook post .\n", - "houthis call for halt to fighting and resumption of peace talksthe cessation of airstrikes lasted less than 24 hoursnext phase , called \" operation renewal of hope , \" will focus on political process\n", - "[1.2275603 1.3482678 1.0542786 1.2377504 1.2139018 1.1781908 1.0927937\n", - " 1.1159166 1.161189 1.1129748 1.1242788 1.1945889 1.0747069 1.0495521\n", - " 1.0562112 1.0488602 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 4 11 5 8 10 7 9 6 12 14 2 13 15 20 16 17 18 19 21]\n", - "=======================\n", - "[\"a time lapse video , filmed from the platform over a 45 minute period at 11am , shows the water creeping along the tracks at bardwell park in sydney 's south forcing the partial closure of the t2 airport line .the murky flood water eventually submerges the train line and begins moving like a river past the platform .incredible footage of a sydney train station flooding during the storm of a decade on wednesday has been captured on cctv .\"]\n", - "=======================\n", - "[\"the video was filmed over 45 minutes at bardwell park station in sydneyit shows the rising flood water taking over the train trackssydney 's two-day total rain fall totalled about 225mm on wednesdaythe flooding caused a partial closure of the airport train line\"]\n", - "a time lapse video , filmed from the platform over a 45 minute period at 11am , shows the water creeping along the tracks at bardwell park in sydney 's south forcing the partial closure of the t2 airport line .the murky flood water eventually submerges the train line and begins moving like a river past the platform .incredible footage of a sydney train station flooding during the storm of a decade on wednesday has been captured on cctv .\n", - "the video was filmed over 45 minutes at bardwell park station in sydneyit shows the rising flood water taking over the train trackssydney 's two-day total rain fall totalled about 225mm on wednesdaythe flooding caused a partial closure of the airport train line\n", - "[1.524482 1.4245224 1.1959566 1.3546759 1.0867819 1.0472674 1.0137056\n", - " 1.2234424 1.2308074 1.108818 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 8 7 2 9 4 5 6 19 18 17 16 15 10 13 12 11 20 14 21]\n", - "=======================\n", - "[\"olympic champion alistair brownlee recovered from a fall to claim victory in his return to world triathlon series action in cape town .the 27-year-old , who missed the first three events of the season due to an ankle injury , sprinted away to beat rival javier gomez with frenchman vincent luis in third .brownlee 's victory capped a good week for great britain after vicky holland triumphed in the women 's race on saturday .\"]\n", - "=======================\n", - "[\"alistair brownlee beat javier gomez in a sprint finish in south africahe was tripped but recovered in his world triathlon series returnolympic champion warned rivals he ` should only get fitter from here 'great britain 's vicky holland won the women 's race on saturday\"]\n", - "olympic champion alistair brownlee recovered from a fall to claim victory in his return to world triathlon series action in cape town .the 27-year-old , who missed the first three events of the season due to an ankle injury , sprinted away to beat rival javier gomez with frenchman vincent luis in third .brownlee 's victory capped a good week for great britain after vicky holland triumphed in the women 's race on saturday .\n", - "alistair brownlee beat javier gomez in a sprint finish in south africahe was tripped but recovered in his world triathlon series returnolympic champion warned rivals he ` should only get fitter from here 'great britain 's vicky holland won the women 's race on saturday\n", - "[1.2849386 1.1626325 1.0837175 1.1003814 1.054144 1.1492788 1.1505527\n", - " 1.0908153 1.157948 1.099166 1.1362708 1.0539895 1.0228755 1.0234706\n", - " 1.0426162 1.0229788 1.0282631 1.0343719 1.0294219 1.0744153 1.0166041\n", - " 1.024581 ]\n", - "\n", - "[ 0 1 8 6 5 10 3 9 7 2 19 4 11 14 17 18 16 21 13 15 12 20]\n", - "=======================\n", - "[\"the february afternoon we arrived in adelaide , the mercury was whizzing up to a sizzling 46c and the south australian city was the hottest place on the planet .the temperature had climbed above 40c for a whole week and even the aussies were struggling .sian meets team sky 's geraint thomas ( centre ) and sir chris hoy ( right ) at the start of the tour down under\"]\n", - "=======================\n", - "[\"sian lloyd visited adelaide , hahndorf and clare valley in south australiaformer itv weather forecaster caught the famous indian pacific to perthshe ticked off a bucket list item by cycling the clare valley riesling trailkalgoorlie gold mine and margaret river impressed in the country 's west\"]\n", - "the february afternoon we arrived in adelaide , the mercury was whizzing up to a sizzling 46c and the south australian city was the hottest place on the planet .the temperature had climbed above 40c for a whole week and even the aussies were struggling .sian meets team sky 's geraint thomas ( centre ) and sir chris hoy ( right ) at the start of the tour down under\n", - "sian lloyd visited adelaide , hahndorf and clare valley in south australiaformer itv weather forecaster caught the famous indian pacific to perthshe ticked off a bucket list item by cycling the clare valley riesling trailkalgoorlie gold mine and margaret river impressed in the country 's west\n", - "[1.166363 1.3413811 1.3846192 1.1768343 1.1361822 1.1297362 1.119974\n", - " 1.1497834 1.0744542 1.0837905 1.0554241 1.0794737 1.1082679 1.0586139\n", - " 1.1042062 1.0526046 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 0 7 4 5 6 12 14 9 11 8 13 10 15 18 16 17 19]\n", - "=======================\n", - "['two-thirds of new uk fathers are now over 30 , and the researchers say older would-be fathers should be better informed about the risks of conditions that can occur in their offspring .this increases the risk of epilepsy , autism and breast cancer .whereas the menopause marks the end of reproduction , men are able to produce sperm throughout their lives .']\n", - "=======================\n", - "['two-thirds of new uk fathers are now over 30the older they are , the greater the risk of health problemsincreases the risk of epilepsy , autism and breast cancer for baby']\n", - "two-thirds of new uk fathers are now over 30 , and the researchers say older would-be fathers should be better informed about the risks of conditions that can occur in their offspring .this increases the risk of epilepsy , autism and breast cancer .whereas the menopause marks the end of reproduction , men are able to produce sperm throughout their lives .\n", - "two-thirds of new uk fathers are now over 30the older they are , the greater the risk of health problemsincreases the risk of epilepsy , autism and breast cancer for baby\n", - "[1.3562655 1.335155 1.3087423 1.3003852 1.0569575 1.0627152 1.0371057\n", - " 1.0891725 1.1391685 1.0676581 1.153177 1.0690981 1.0822991 1.0575508\n", - " 1.0356227 1.1030245 1.0722606 1.0426683 1.031001 1.0164266]\n", - "\n", - "[ 0 1 2 3 10 8 15 7 12 16 11 9 5 13 4 17 6 14 18 19]\n", - "=======================\n", - "[\"injuries : the exploding phone caused injuries so deep that doctors could see hanghang 's jawbonea 12-year-old in central china was seriously injured when his phone exploded while it was charging .the boy , known only as hanghang , was using the old handset as an alarm when he woke up early for school and started to play with it .\"]\n", - "=======================\n", - "['hanghang was playing on the phone after waking up early for schoolhe said the phone felt hot and then blew up in his handit left his jawbone exposed and injuries to his hand , leg and kneeexperts blame battery as most likely cause of blast']\n", - "injuries : the exploding phone caused injuries so deep that doctors could see hanghang 's jawbonea 12-year-old in central china was seriously injured when his phone exploded while it was charging .the boy , known only as hanghang , was using the old handset as an alarm when he woke up early for school and started to play with it .\n", - "hanghang was playing on the phone after waking up early for schoolhe said the phone felt hot and then blew up in his handit left his jawbone exposed and injuries to his hand , leg and kneeexperts blame battery as most likely cause of blast\n", - "[1.548142 1.31562 1.2327213 1.1225528 1.0897878 1.0883406 1.0536968\n", - " 1.0330565 1.0373095 1.0393344 1.0679587 1.0571538 1.0550859 1.0466181\n", - " 1.0342937 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 5 10 11 12 6 13 9 8 14 7 15 16 17 18 19]\n", - "=======================\n", - "[\"( cnn ) japanese prime minister shinzo abe is scheduled to speak wednesday to a joint meeting of congress .the address marks the first time in history that the head of the japanese government will address the entire u.s. congress , and given the importance of the u.s.-japan relationship , it is an invitation long overdue .so far , prime minister abe 's appearance has garnered much less attention than last month 's speech to congress by israeli prime minister benjamin netanyahu .\"]\n", - "=======================\n", - "['japanese prime minister shinzo abe will address congress on wednesdaypaul sracic : abe has a lot riding on tpp trade agreement']\n", - "( cnn ) japanese prime minister shinzo abe is scheduled to speak wednesday to a joint meeting of congress .the address marks the first time in history that the head of the japanese government will address the entire u.s. congress , and given the importance of the u.s.-japan relationship , it is an invitation long overdue .so far , prime minister abe 's appearance has garnered much less attention than last month 's speech to congress by israeli prime minister benjamin netanyahu .\n", - "japanese prime minister shinzo abe will address congress on wednesdaypaul sracic : abe has a lot riding on tpp trade agreement\n", - "[1.2895206 1.4810436 1.1383989 1.1055908 1.4109145 1.1743503 1.0409681\n", - " 1.0419323 1.1354659 1.1271918 1.1047521 1.0540173 1.0397513 1.0263705\n", - " 1.0651392 1.05212 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 5 2 8 9 3 10 14 11 15 7 6 12 13 18 16 17 19]\n", - "=======================\n", - "[\"the anfield boss was fined at blackburn magistrates ' court for leaving a # 69,950 terrace house in accrington , lancashire , with broken windows and doors and rubbish strewn across the garden .liverpool manager brendan rodgers was convicted of leaving a property in accrington to rot , but subsequently had his conviction overturned because he did not receive a summonsrodgers was originally told to fix the windows , doors and roof , and to remove the rubbish from the garden\"]\n", - "=======================\n", - "[\"brendan rodgers was found guilty in his absence of ignoring a notice to improve a property he co-owns in accrington , lancashirehouse had broken windows and doors with rubbish strewn across a yardbut rodgers and business partner judith o'hagan had their convictions quashed after court heard they did not receive a summons\"]\n", - "the anfield boss was fined at blackburn magistrates ' court for leaving a # 69,950 terrace house in accrington , lancashire , with broken windows and doors and rubbish strewn across the garden .liverpool manager brendan rodgers was convicted of leaving a property in accrington to rot , but subsequently had his conviction overturned because he did not receive a summonsrodgers was originally told to fix the windows , doors and roof , and to remove the rubbish from the garden\n", - "brendan rodgers was found guilty in his absence of ignoring a notice to improve a property he co-owns in accrington , lancashirehouse had broken windows and doors with rubbish strewn across a yardbut rodgers and business partner judith o'hagan had their convictions quashed after court heard they did not receive a summons\n", - "[1.2868888 1.5406761 1.3804159 1.2086333 1.041921 1.422456 1.1514717\n", - " 1.0697838 1.0191861 1.0778074 1.0141723 1.0164374 1.0939527 1.0831435\n", - " 1.0533496 1.0571272 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 2 0 3 6 12 13 9 7 15 14 4 8 11 10 18 16 17 19]\n", - "=======================\n", - "['clare verrall , 31 , was out with her french bulldog dutchy on wednesday evening near her home in prahran , in melbourne , when a man jumped out at her from behind some bins .melbourne woman clare verrall was randomly attacked while walking her dog on wednesday nighthe attacked her and she was left with a black eye , broken nose and broken toe from the altercation .']\n", - "=======================\n", - "['clare verrall was randomly attacked while walking her dog on wednesdaythe melbourne woman was just streets from her prahan homeshe suffered a black eye , broken nose , broken toe , and other injuriesms verrall managed to get away by kneeing her attacker in the groinshe credits the kickboxing and self-defence classes for her escape']\n", - "clare verrall , 31 , was out with her french bulldog dutchy on wednesday evening near her home in prahran , in melbourne , when a man jumped out at her from behind some bins .melbourne woman clare verrall was randomly attacked while walking her dog on wednesday nighthe attacked her and she was left with a black eye , broken nose and broken toe from the altercation .\n", - "clare verrall was randomly attacked while walking her dog on wednesdaythe melbourne woman was just streets from her prahan homeshe suffered a black eye , broken nose , broken toe , and other injuriesms verrall managed to get away by kneeing her attacker in the groinshe credits the kickboxing and self-defence classes for her escape\n", - "[1.5222147 1.1273508 1.1394322 1.2405026 1.4714502 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 3 2 1 15 14 13 12 11 8 9 16 7 6 5 10 17]\n", - "=======================\n", - "[\"raheem sterling has admitted he is not ready to sign a new contract at liverpool deal despite being offered a # 100,000-a-week deal to stay with the merseyside club .the england international has managed just six goals this season - one less than stoke frontman jon walters - while his conversion rate and minutes per goal ratio have worsened as the graphic below shows .however , despite being one of liverpool 's star men , sterling has struggled to repeat the impressive form he showed for the reds last season .\"]\n", - "=======================\n", - "[\"raheem sterling has revealed he is not ready to sign a new liverpool dealthe reds wideman has struggled to repeat last season 's impressive formthe 20-year-old liverpool star has managed just six goals this seasonread : sterling insists he is not a ` money-grabbing 20-year-old 'sterling : what he said about contract talks ... and what he meantclick here for the latest liverpool news\"]\n", - "raheem sterling has admitted he is not ready to sign a new contract at liverpool deal despite being offered a # 100,000-a-week deal to stay with the merseyside club .the england international has managed just six goals this season - one less than stoke frontman jon walters - while his conversion rate and minutes per goal ratio have worsened as the graphic below shows .however , despite being one of liverpool 's star men , sterling has struggled to repeat the impressive form he showed for the reds last season .\n", - "raheem sterling has revealed he is not ready to sign a new liverpool dealthe reds wideman has struggled to repeat last season 's impressive formthe 20-year-old liverpool star has managed just six goals this seasonread : sterling insists he is not a ` money-grabbing 20-year-old 'sterling : what he said about contract talks ... and what he meantclick here for the latest liverpool news\n", - "[1.3345252 1.2165012 1.1748263 1.2809174 1.2956057 1.1825038 1.1779991\n", - " 1.1478616 1.0909717 1.0300595 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 3 1 5 6 2 7 8 9 10 11 12 13 14 15 16 17]\n", - "=======================\n", - "['( cnn ) tornadoes , fierce winds and severe thunderstorms with large hail are predicted for the midwest and for the plains , from the ozarks eastward to the lower ohio valley , on thursday and friday , the national weather service said .by thursday afternoon , storms will hit parts of indiana and kentucky .severe weather is perilous anytime , of course , but cnn meteorologist chad myers says that tornado conditions are more dangerous during the night .']\n", - "=======================\n", - "['thunderstorms with large hail are predicted for the midwest and the plainstornadoes could strike thursday night and friday']\n", - "( cnn ) tornadoes , fierce winds and severe thunderstorms with large hail are predicted for the midwest and for the plains , from the ozarks eastward to the lower ohio valley , on thursday and friday , the national weather service said .by thursday afternoon , storms will hit parts of indiana and kentucky .severe weather is perilous anytime , of course , but cnn meteorologist chad myers says that tornado conditions are more dangerous during the night .\n", - "thunderstorms with large hail are predicted for the midwest and the plainstornadoes could strike thursday night and friday\n", - "[1.4048698 1.4259748 1.2564188 1.1314976 1.1244428 1.0310414 1.0129117\n", - " 1.0190594 1.0187851 1.019995 1.0280412 1.0833957 1.0680887 1.0671993\n", - " 1.0371149 1.092479 1.0334773 0. ]\n", - "\n", - "[ 1 0 2 3 4 15 11 12 13 14 16 5 10 9 7 8 6 17]\n", - "=======================\n", - "['the 50-year-old needs just two more wins to achieve the fourth promotion of a career that has been mostly spent rescuing clubs from relegation after goals by kieran agard , joe bryan and aaron wilbraham clinched a local derby victory .steve cotterill could be just a week away from putting bristol city back into the championship .in front of a sold-out ashton gate , city took revenge for a bitterly fought 1-0 defeat back in november which ended their unbeaten start to the season .']\n", - "=======================\n", - "[\"bristol city 's lead at the top of the league one table was extended to eight points following a 3-0 win over swindonkieran agard scored the home side 's opening goal from inside the box in the first-halfjoe bryan made it 2-0 with a superb free-kick on 80 minutes before aaron wilbraham wrapped up the win from close range later on\"]\n", - "the 50-year-old needs just two more wins to achieve the fourth promotion of a career that has been mostly spent rescuing clubs from relegation after goals by kieran agard , joe bryan and aaron wilbraham clinched a local derby victory .steve cotterill could be just a week away from putting bristol city back into the championship .in front of a sold-out ashton gate , city took revenge for a bitterly fought 1-0 defeat back in november which ended their unbeaten start to the season .\n", - "bristol city 's lead at the top of the league one table was extended to eight points following a 3-0 win over swindonkieran agard scored the home side 's opening goal from inside the box in the first-halfjoe bryan made it 2-0 with a superb free-kick on 80 minutes before aaron wilbraham wrapped up the win from close range later on\n", - "[1.0960906 1.6201131 1.1642183 1.3396032 1.2406384 1.0832614 1.1477314\n", - " 1.1028792 1.0619056 1.08756 1.1487446 1.1687845 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 11 2 10 6 7 0 9 5 8 12 13 14 15 16 17]\n", - "=======================\n", - "['marc gasol of the memphis grizzlies was heading back to the locker room after the team beat the new orleans pelicans 110-74 on wednesday night .this is the adorable moment memphis grizzlies player marc gasol and a special needs boy shared a quick chat and a high-five after a gamelast year grizzlies player zach randolph left the bench during the fourth quarter and gave the child his warm-up shirt off his back']\n", - "=======================\n", - "[\"marc gasol of the memphis grizzlies was heading back to the locker room when he stopped to talk and give the child a high-fiveas he left the biggest smile spread across the young fan 's facelast year grizzlies player zach randolph left the bench during the fourth quarter of a game to talk to the same boy and give him his warm-up shirt\"]\n", - "marc gasol of the memphis grizzlies was heading back to the locker room after the team beat the new orleans pelicans 110-74 on wednesday night .this is the adorable moment memphis grizzlies player marc gasol and a special needs boy shared a quick chat and a high-five after a gamelast year grizzlies player zach randolph left the bench during the fourth quarter and gave the child his warm-up shirt off his back\n", - "marc gasol of the memphis grizzlies was heading back to the locker room when he stopped to talk and give the child a high-fiveas he left the biggest smile spread across the young fan 's facelast year grizzlies player zach randolph left the bench during the fourth quarter of a game to talk to the same boy and give him his warm-up shirt\n", - "[1.4599504 1.1781576 1.2053337 1.2326565 1.4112885 1.1363676 1.0850033\n", - " 1.0451577 1.1225544 1.1368912 1.0261228 1.1353099 1.0616423 1.0368662\n", - " 1.0433894 1.0161291 1.0180455 1.0623336]\n", - "\n", - "[ 0 4 3 2 1 9 5 11 8 6 17 12 7 14 13 10 16 15]\n", - "=======================\n", - "[\"rory mcilory was joined by niall horan at the masters on wednesday as the one direction singer caddied for the northern irish golfer in the traditional par-3 contest at augusta .the singer from ireland even got an opportunity to tee off on one hole while tiger woods also played the par-3 contest for the first time in 11 years .horan fell while carrying mcilroy 's clubs around the par-three course , but the pair laughed it off as the northern irishman his a one-under-par round on wednesday .\"]\n", - "=======================\n", - "[\"rory mcilory joined on the course by one direction 's niall horan for par-3 contesttiger woods played in the par-3 contest at the augusta national for the first time since 2004mcilroy shot a one-under-par round to finish in a tie for 16th along with ian poulterhoran suffered an embarrassing slip while carrying mcilroy 's clubs during the round on wednesdaygolf legend jack nicklaus his a hole in one on the fourth hole of the par-3 courserickie fowler was caddied by his girlfriend alexis randock and played with two-time champion bubba watsonkevin streelman won par-3 contest after three-hole play-off with camilo villegas\"]\n", - "rory mcilory was joined by niall horan at the masters on wednesday as the one direction singer caddied for the northern irish golfer in the traditional par-3 contest at augusta .the singer from ireland even got an opportunity to tee off on one hole while tiger woods also played the par-3 contest for the first time in 11 years .horan fell while carrying mcilroy 's clubs around the par-three course , but the pair laughed it off as the northern irishman his a one-under-par round on wednesday .\n", - "rory mcilory joined on the course by one direction 's niall horan for par-3 contesttiger woods played in the par-3 contest at the augusta national for the first time since 2004mcilroy shot a one-under-par round to finish in a tie for 16th along with ian poulterhoran suffered an embarrassing slip while carrying mcilroy 's clubs during the round on wednesdaygolf legend jack nicklaus his a hole in one on the fourth hole of the par-3 courserickie fowler was caddied by his girlfriend alexis randock and played with two-time champion bubba watsonkevin streelman won par-3 contest after three-hole play-off with camilo villegas\n", - "[1.3805519 1.2000022 1.4722059 1.3631365 1.1799979 1.1249478 1.1880702\n", - " 1.1788754 1.0317967 1.0163275 1.020716 1.0164762 1.0911943 1.0546608\n", - " 1.1424698 1.1186235 1.0529215 1.1339808 1.0084443]\n", - "\n", - "[ 2 0 3 1 6 4 7 14 17 5 15 12 13 16 8 10 11 9 18]\n", - "=======================\n", - "[\"ronnie lungu was singled out as ' a marked man ' by wiltshire police solely due to his race , the employment tribunal ruled .pc ronnie lungu has won a race discrimination case against wiltshire policeit found the 40-year-old was passed over for promotion in favour of white colleagues after his internal assessments were secretly downgraded to make him appear unworthy .\"]\n", - "=======================\n", - "[\"ronnie lungu successfully sued wiltshire police for race discriminationacting sergeant was turned down for permanent role despite exam passtribunal rules he was singled out as ` marked man ' due to his ethnicitychief constable says he is ` concerned ' and ` lessons will be learned '\"]\n", - "ronnie lungu was singled out as ' a marked man ' by wiltshire police solely due to his race , the employment tribunal ruled .pc ronnie lungu has won a race discrimination case against wiltshire policeit found the 40-year-old was passed over for promotion in favour of white colleagues after his internal assessments were secretly downgraded to make him appear unworthy .\n", - "ronnie lungu successfully sued wiltshire police for race discriminationacting sergeant was turned down for permanent role despite exam passtribunal rules he was singled out as ` marked man ' due to his ethnicitychief constable says he is ` concerned ' and ` lessons will be learned '\n", - "[1.1884263 1.4182639 1.2692927 1.2163126 1.2862649 1.0793712 1.2227651\n", - " 1.1397504 1.1510794 1.126945 1.0598326 1.0584397 1.1037589 1.0833659\n", - " 1.0229847 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 6 3 0 8 7 9 12 13 5 10 11 14 17 15 16 18]\n", - "=======================\n", - "['rspca officers discovered the five illegal pit bull terrier-type dogs at a make-shift farm in lancashire where they had been brutally trained to take part in illegal dog fights .the footage shows the animals were held in electrical shock collars , covered with scars and were kept in urine-soaked cages without water .all five illegal dogs - dingo , sheeba , zula , fenton and mousey - were ordered to be destroyed']\n", - "=======================\n", - "['rspca officers discovered five illegal pit bull terrier-type dogs at farmfootage shows the scarred animals were held in electrical shock collarsthey were covered in injuries and kept in appalling urine soaked cagesthree men involved in illegal dog fights have been fined a total of # 40,000']\n", - "rspca officers discovered the five illegal pit bull terrier-type dogs at a make-shift farm in lancashire where they had been brutally trained to take part in illegal dog fights .the footage shows the animals were held in electrical shock collars , covered with scars and were kept in urine-soaked cages without water .all five illegal dogs - dingo , sheeba , zula , fenton and mousey - were ordered to be destroyed\n", - "rspca officers discovered five illegal pit bull terrier-type dogs at farmfootage shows the scarred animals were held in electrical shock collarsthey were covered in injuries and kept in appalling urine soaked cagesthree men involved in illegal dog fights have been fined a total of # 40,000\n", - "[1.1872531 1.4626963 1.3735578 1.3307706 1.258969 1.1425031 1.1240295\n", - " 1.054515 1.0644597 1.1167353 1.0437645 1.0155389 1.015766 1.0421222\n", - " 1.2002654 1.1112056 1.0170733 1.0087054 0. ]\n", - "\n", - "[ 1 2 3 4 14 0 5 6 9 15 8 7 10 13 16 12 11 17 18]\n", - "=======================\n", - "['asylum seeker jafar adeli , who is of afghani origin , was snared by a paedophile vigilante group called letzgo hunting .married adeli , 32 , arranged to meet someone he believed to be a young teenage girl after engaging in sexual conversations online and sending an indecent image of himself .on wednesday adeli was jailed for 27 months at leicester crown court after he admitted attempting to meet a girl under 16 after grooming her online .']\n", - "=======================\n", - "['jafar adeli thought he had been chatting to a 14-year-old girl he met onlinearranged to meet the girl at a leicester bus station so they could have sexbut he had been duped by paedophile vigilante group letzgo huntingwas arrested and now been jailed for attempted to arrange a child sex offence']\n", - "asylum seeker jafar adeli , who is of afghani origin , was snared by a paedophile vigilante group called letzgo hunting .married adeli , 32 , arranged to meet someone he believed to be a young teenage girl after engaging in sexual conversations online and sending an indecent image of himself .on wednesday adeli was jailed for 27 months at leicester crown court after he admitted attempting to meet a girl under 16 after grooming her online .\n", - "jafar adeli thought he had been chatting to a 14-year-old girl he met onlinearranged to meet the girl at a leicester bus station so they could have sexbut he had been duped by paedophile vigilante group letzgo huntingwas arrested and now been jailed for attempted to arrange a child sex offence\n", - "[1.2617418 1.0759834 1.4467263 1.139719 1.1469476 1.1579301 1.1021569\n", - " 1.0354614 1.083953 1.1551199 1.0484717 1.0406418 1.0379205 1.1061425\n", - " 1.0459188 1.0340042 1.0173742 0. 0. ]\n", - "\n", - "[ 2 0 5 9 4 3 13 6 8 1 10 14 11 12 7 15 16 17 18]\n", - "=======================\n", - "[\"the former secretary of state 's campaign-in-waiting has reportedly signed a lease for two floors of office space in brooklyn , new york -- the epicenter of hipster culturehillary clinton lost the 2008 democratic presidential nomination because barack obama was the picture of cool .so far among serious contenders , only texas republican sen. ted cruz has officially entered the 2016 presidential race .\"]\n", - "=======================\n", - "[\"1 pierrepont plaza also houses morgan stanley and the federal prosecutor 's officehillary 's campaign will occupy two full floors in the brooklyn heights neighborhoodupscale hipster neighborhood includes urban outfitters , banana republic , shake shack and a private squash clubi guess we can expect all the clinton campaign t-shirts to have ironic slogans , right ? 'campaign has just 15 days to declare itself in the white house hunt after taking a formal step like committing to office space\"]\n", - "the former secretary of state 's campaign-in-waiting has reportedly signed a lease for two floors of office space in brooklyn , new york -- the epicenter of hipster culturehillary clinton lost the 2008 democratic presidential nomination because barack obama was the picture of cool .so far among serious contenders , only texas republican sen. ted cruz has officially entered the 2016 presidential race .\n", - "1 pierrepont plaza also houses morgan stanley and the federal prosecutor 's officehillary 's campaign will occupy two full floors in the brooklyn heights neighborhoodupscale hipster neighborhood includes urban outfitters , banana republic , shake shack and a private squash clubi guess we can expect all the clinton campaign t-shirts to have ironic slogans , right ? 'campaign has just 15 days to declare itself in the white house hunt after taking a formal step like committing to office space\n", - "[1.2790008 1.1332521 1.3979557 1.251574 1.1108736 1.0527668 1.1340646\n", - " 1.1342517 1.0497198 1.0826651 1.035548 1.0256568 1.0477338 1.0713034\n", - " 1.080612 1.0670149 1.0548215 1.0678717 1.0154271]\n", - "\n", - "[ 2 0 3 7 6 1 4 9 14 13 17 15 16 5 8 12 10 11 18]\n", - "=======================\n", - "[\"cobain lived in this two bedroom apartment on spaulding avenue in l.a. 's fairfax district during the height of nirvana-mania .currently showing in cinemas , the new documentary montage of heck claims to offer the most intimate glimpse yet into the life of nirvana frontman kurt cobain .now its current owner , brandon kleinman , 31 , has listed it on airbnb .\"]\n", - "=======================\n", - "[\"cobain lived with courtney love in the two bedroom apartment on spaulding avenue in l.a. 's fairfax districtthe nirvana frontman lived here in 1991 and 1992currently owned by brandon kleinmanheart-shaped box was supposedly written in its bathtub\"]\n", - "cobain lived in this two bedroom apartment on spaulding avenue in l.a. 's fairfax district during the height of nirvana-mania .currently showing in cinemas , the new documentary montage of heck claims to offer the most intimate glimpse yet into the life of nirvana frontman kurt cobain .now its current owner , brandon kleinman , 31 , has listed it on airbnb .\n", - "cobain lived with courtney love in the two bedroom apartment on spaulding avenue in l.a. 's fairfax districtthe nirvana frontman lived here in 1991 and 1992currently owned by brandon kleinmanheart-shaped box was supposedly written in its bathtub\n", - "[1.2621192 1.5111206 1.1781747 1.4540243 1.2501212 1.0472145 1.0196476\n", - " 1.0169553 1.022651 1.0279013 1.0170636 1.0179679 1.0251033 1.0978543\n", - " 1.050003 1.0139093 1.019223 1.0166855 1.0171634 1.0570098 1.0900267\n", - " 1.2889721]\n", - "\n", - "[ 1 3 21 0 4 2 13 20 19 14 5 9 12 8 6 16 11 18 10 7 17 15]\n", - "=======================\n", - "[\"arsene wenger 's side were thrashed 6-3 by manchester city and 5-1 by liverpool last season as they slipped from the top of the summit to a battle for the champions league places .per mertesacker says arsenal have brought back the ` arguing culture ' after some heavy defeats last seasonthe central defender gives mezut ozil a piece of his mind following arsenal 's heavy defeat at the etihad\"]\n", - "=======================\n", - "[\"per mertesacker says that suffering embarrassing defeats hurt the squadlosing heavily forced the players to bring back the ` arguing culture 'since then arsenal have improved and could still finish secondclick here to follow all the live updates of arsenal vs liverpoolclick here to read all the latest arsenal news\"]\n", - "arsene wenger 's side were thrashed 6-3 by manchester city and 5-1 by liverpool last season as they slipped from the top of the summit to a battle for the champions league places .per mertesacker says arsenal have brought back the ` arguing culture ' after some heavy defeats last seasonthe central defender gives mezut ozil a piece of his mind following arsenal 's heavy defeat at the etihad\n", - "per mertesacker says that suffering embarrassing defeats hurt the squadlosing heavily forced the players to bring back the ` arguing culture 'since then arsenal have improved and could still finish secondclick here to follow all the live updates of arsenal vs liverpoolclick here to read all the latest arsenal news\n", - "[1.4793093 1.3344346 1.2521021 1.1606604 1.0602539 1.164048 1.0505049\n", - " 1.0329113 1.0241739 1.0259719 1.0382894 1.030379 1.0239416 1.0252782\n", - " 1.0333685 1.0260379 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 5 3 4 6 10 14 7 11 15 9 13 8 12 20 16 17 18 19 21]\n", - "=======================\n", - "['( cnn ) by the time kim kardashian set out to \" break the internet \" in november last year , a photo by 23-year-old conor mcdonnell had already got there -- with a little help from kim \\'s music superstar husband kanye west .mcdonnell is the self-taught photography star behind instagram \\'s most liked photo , showing the couple \\'s embrace at their may wedding , which has earned more than 2.4 milllion \" likes \" to date .the liverpool native has had a breakneck rise to success since his first instagram post in november 2011 , snapping the likes of drake , justin bieber , one direction , mumford & sons , snoop dogg , and red hot chili peppers , while traveling the world on private planes .']\n", - "=======================\n", - "[\"conor mcdonnell is the young photographer behind instagram 's most liked photo23-year-old has snapped the likes of calvin harris , drake , and justin bieber\"]\n", - "( cnn ) by the time kim kardashian set out to \" break the internet \" in november last year , a photo by 23-year-old conor mcdonnell had already got there -- with a little help from kim 's music superstar husband kanye west .mcdonnell is the self-taught photography star behind instagram 's most liked photo , showing the couple 's embrace at their may wedding , which has earned more than 2.4 milllion \" likes \" to date .the liverpool native has had a breakneck rise to success since his first instagram post in november 2011 , snapping the likes of drake , justin bieber , one direction , mumford & sons , snoop dogg , and red hot chili peppers , while traveling the world on private planes .\n", - "conor mcdonnell is the young photographer behind instagram 's most liked photo23-year-old has snapped the likes of calvin harris , drake , and justin bieber\n", - "[1.29152 1.0876687 1.3074994 1.2131444 1.1480516 1.2421865 1.1195166\n", - " 1.1439711 1.1092687 1.107448 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 5 3 4 7 6 8 9 1 19 18 17 16 15 10 13 12 11 20 14 21]\n", - "=======================\n", - "['the city known for excess of everything -- drinking , eating , dancing in the street until all hours -- went smoke-free as tuesday became wednesday at midnight .( cnn ) cigarettes have been put out across the bars of new orleans .the new orleans city council passed its ban against smoking in most places across the city -- including bars , casinos and restaurants -- in january , and the vote was unanimous , the new orleans times-picayune reports .']\n", - "=======================\n", - "[\"new orleans bars are smoke-free as of wednesday morninga lawsuit by harrah 's and bar owners seeks to overturn the ban\"]\n", - "the city known for excess of everything -- drinking , eating , dancing in the street until all hours -- went smoke-free as tuesday became wednesday at midnight .( cnn ) cigarettes have been put out across the bars of new orleans .the new orleans city council passed its ban against smoking in most places across the city -- including bars , casinos and restaurants -- in january , and the vote was unanimous , the new orleans times-picayune reports .\n", - "new orleans bars are smoke-free as of wednesday morninga lawsuit by harrah 's and bar owners seeks to overturn the ban\n", - "[1.2131584 1.3957974 1.2623192 1.3655316 1.1750858 1.2009369 1.1514366\n", - " 1.073369 1.0428758 1.113823 1.0109905 1.1004864 1.053787 1.0391126\n", - " 1.0540894 1.0372602 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 5 4 6 9 11 7 14 12 8 13 15 10 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the ukip leader , who admits to having a pint most lunchtimes , said that it was a ` reasonable proposition ' to charge people who end up in hospital more than once after drinking .he also revealed he is finding the election campaign ` knackering ' , as polls suggest support for ukip is on the slide .drunks who repeatedly turn up at a&e should be fined to pay for treating for their injuries , nigel farage has claimed .\"]\n", - "=======================\n", - "[\"ukip leader says it is a ` reasonable position ' to charge repeat offendersreveals he is finding the gruelling election campaign ` knackering 'lib dems and tories have signalled they back the idea of fines for drunks\"]\n", - "the ukip leader , who admits to having a pint most lunchtimes , said that it was a ` reasonable proposition ' to charge people who end up in hospital more than once after drinking .he also revealed he is finding the election campaign ` knackering ' , as polls suggest support for ukip is on the slide .drunks who repeatedly turn up at a&e should be fined to pay for treating for their injuries , nigel farage has claimed .\n", - "ukip leader says it is a ` reasonable position ' to charge repeat offendersreveals he is finding the gruelling election campaign ` knackering 'lib dems and tories have signalled they back the idea of fines for drunks\n", - "[1.2341871 1.4848387 1.341296 1.2456305 1.1507427 1.1027899 1.0708501\n", - " 1.1614237 1.0328133 1.1466823 1.0125185 1.0555207 1.0475227 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 0 7 4 9 5 6 11 12 8 10 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the two primates , currently living in a lab at stony brook university , are the first animals in history to be covered by a writ of habeas corpus , allowing their detention to be challenged .a representative of the long island university have been ordered to appear in court to respond to a petition by the nonhuman rights project that chimps hercules and leo are ` unlawfully detained . 'a new york judge has granted two chimpanzees held at a research lab the same rights as human prisoners , after a two year legal battle by an animal rights organization .\"]\n", - "=======================\n", - "[\"chimpanzees at ny university to be covered by habeas corpus writpetition by animal rights group claims chimps are ` unlawfully detained 'university rep have been ordered to attend court to respond to petitionruling by judge effectively recognises the chimpanzees as legal humansupdate : since the publication of this story , the court order has been amended .\"]\n", - "the two primates , currently living in a lab at stony brook university , are the first animals in history to be covered by a writ of habeas corpus , allowing their detention to be challenged .a representative of the long island university have been ordered to appear in court to respond to a petition by the nonhuman rights project that chimps hercules and leo are ` unlawfully detained . 'a new york judge has granted two chimpanzees held at a research lab the same rights as human prisoners , after a two year legal battle by an animal rights organization .\n", - "chimpanzees at ny university to be covered by habeas corpus writpetition by animal rights group claims chimps are ` unlawfully detained 'university rep have been ordered to attend court to respond to petitionruling by judge effectively recognises the chimpanzees as legal humansupdate : since the publication of this story , the court order has been amended .\n", - "[1.4379961 1.270234 1.2913932 1.2113938 1.1807742 1.25785 1.1292477\n", - " 1.0914075 1.126828 1.028831 1.0242141 1.0152768 1.0229234 1.0099853\n", - " 1.055374 1.0489693 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 5 3 4 6 8 7 14 15 9 10 12 11 13 18 16 17 19]\n", - "=======================\n", - "[\"everton manager roberto martinez insists he is not concerned that romelu lukaku has joined forces with high-powered agent mino raiola ahead of a potential summer of transfer speculation surrounding the striker .the italian middleman has been involved in transfer deals worth over # 400million and lukaku 's decision to sever his links with christophe henrotay , who oversaw his everton club record # 28m move from chelsea last summer , adds a possible new dimension to his career .raiola , steeped in italian and dutch football , is one of the most influential agents in the game , with paris saint-germain striker zlatan ibrahimovic , juventus midfielder paul pogba and liverpool 's mario balotelli among his high-profile clients .\"]\n", - "=======================\n", - "[\"roberto martinez unconcerned by romelu lukaku 's link with mino raiolaraiola has been involved in transfer deals worth over # 400millionmartinez backs ross barkley to learn from his difficult season\"]\n", - "everton manager roberto martinez insists he is not concerned that romelu lukaku has joined forces with high-powered agent mino raiola ahead of a potential summer of transfer speculation surrounding the striker .the italian middleman has been involved in transfer deals worth over # 400million and lukaku 's decision to sever his links with christophe henrotay , who oversaw his everton club record # 28m move from chelsea last summer , adds a possible new dimension to his career .raiola , steeped in italian and dutch football , is one of the most influential agents in the game , with paris saint-germain striker zlatan ibrahimovic , juventus midfielder paul pogba and liverpool 's mario balotelli among his high-profile clients .\n", - "roberto martinez unconcerned by romelu lukaku 's link with mino raiolaraiola has been involved in transfer deals worth over # 400millionmartinez backs ross barkley to learn from his difficult season\n", - "[1.3725367 1.1825436 1.4515357 1.1980646 1.2039887 1.0990202 1.1532648\n", - " 1.0639629 1.0622034 1.0900868 1.0876676 1.0951043 1.065522 1.0729376\n", - " 1.0825 1.0314558 1.0349938 1.1031077 1.0468186 0. ]\n", - "\n", - "[ 2 0 4 3 1 6 17 5 11 9 10 14 13 12 7 8 18 16 15 19]\n", - "=======================\n", - "['rony john , 15 , died after jumping into the river great ouse in hartford , cambridgeshire , despite being unable to swim .the hearing heard that swimming is compulsory during primary school but is not enforced for those aged 11 or over .at an inquest into his death , the coroner said she would now write to government chiefs to ask why swimming is not included in secondary school education .']\n", - "=======================\n", - "['rony john drowned in the river great ouse in hartford , cambs , in julyinquest heard he was eligible for swim lessons but did not attend severalcoroner questioned why swimming is not compulsory at secondary schoolbelinda cheney said she would write to government chiefs to find out why']\n", - "rony john , 15 , died after jumping into the river great ouse in hartford , cambridgeshire , despite being unable to swim .the hearing heard that swimming is compulsory during primary school but is not enforced for those aged 11 or over .at an inquest into his death , the coroner said she would now write to government chiefs to ask why swimming is not included in secondary school education .\n", - "rony john drowned in the river great ouse in hartford , cambs , in julyinquest heard he was eligible for swim lessons but did not attend severalcoroner questioned why swimming is not compulsory at secondary schoolbelinda cheney said she would write to government chiefs to find out why\n", - "[1.1568081 1.3171844 1.2280827 1.3328627 1.1654284 1.0914813 1.1330578\n", - " 1.0747772 1.0333905 1.0212764 1.0370725 1.0471345 1.058394 1.0831685\n", - " 1.0917243 1.0482402 1.0955887 1.1005569 1.1238673 1.0548301]\n", - "\n", - "[ 3 1 2 4 0 6 18 17 16 14 5 13 7 12 19 15 11 10 8 9]\n", - "=======================\n", - "[\"new home : the lion - known as p-22 - was found by workers in the crawl space at midday on mondaybecause , since monday , the family have been sharing their home with arguably los angeles ' most famous mountain lion , p-22 .the cougar , the other name for the species , has made his home in the crawlspace under the house in the hilly los feliz neighborhood - and has so far resisted all attempts to get him to move out .\"]\n", - "=======================\n", - "['p-22 has made himself a new den underneath a house in los felizthe mountain lion has been living in nearby griffith park for three yearsrose to fame after a picture of him in front of the hollywood sign publishedso far resisted all attempts by animal welfare workers to make him leave']\n", - "new home : the lion - known as p-22 - was found by workers in the crawl space at midday on mondaybecause , since monday , the family have been sharing their home with arguably los angeles ' most famous mountain lion , p-22 .the cougar , the other name for the species , has made his home in the crawlspace under the house in the hilly los feliz neighborhood - and has so far resisted all attempts to get him to move out .\n", - "p-22 has made himself a new den underneath a house in los felizthe mountain lion has been living in nearby griffith park for three yearsrose to fame after a picture of him in front of the hollywood sign publishedso far resisted all attempts by animal welfare workers to make him leave\n", - "[1.3424373 1.1872962 1.5213456 1.1183689 1.2354558 1.254037 1.1024565\n", - " 1.0629013 1.0378897 1.0363811 1.0849259 1.1048418 1.0396692 1.0238932\n", - " 1.0183332 1.0127934 1.0936195 1.1880468 0. 0. ]\n", - "\n", - "[ 2 0 5 4 17 1 3 11 6 16 10 7 12 8 9 13 14 15 18 19]\n", - "=======================\n", - "['solomon bygraves , 29 , was sentenced to 30 months in prison after admitting robbing 93-year-old stanley evans in the entrance to his block of flats in central london as he returned from a shopping trip .soloman bygraves , who has been jailed for 30 months for mugging a pensioner by knocking him to the ground and taking his walletshocking cctv footage played at southwark crown court , showed bygraves following mr evans into the communal entrance of the flat .']\n", - "=======================\n", - "[\"solomon bygraves admitted robbing 93-year-old stanley evans at his flatcctv showed bygraves , 29 , taking the pensioner 's wallet containing # 5in an statement mr evans called for his attacker to be jailed for a long timetoday he was jailed for 30 months after admitting robbery at southwark crown court\"]\n", - "solomon bygraves , 29 , was sentenced to 30 months in prison after admitting robbing 93-year-old stanley evans in the entrance to his block of flats in central london as he returned from a shopping trip .soloman bygraves , who has been jailed for 30 months for mugging a pensioner by knocking him to the ground and taking his walletshocking cctv footage played at southwark crown court , showed bygraves following mr evans into the communal entrance of the flat .\n", - "solomon bygraves admitted robbing 93-year-old stanley evans at his flatcctv showed bygraves , 29 , taking the pensioner 's wallet containing # 5in an statement mr evans called for his attacker to be jailed for a long timetoday he was jailed for 30 months after admitting robbery at southwark crown court\n", - "[1.2431662 1.3681481 1.0743705 1.3950386 1.1009793 1.161988 1.1005208\n", - " 1.0417821 1.031352 1.0868936 1.0655813 1.0724976 1.0751038 1.1109434\n", - " 1.0360336 1.0263989 1.0187558 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 5 13 4 6 9 12 2 11 10 7 14 8 15 16 18 17 19]\n", - "=======================\n", - "['it \\'s the most high-profile premiere yet , airing simultaneously in 170 countries for the first time .the fourth season of \" game of thrones \" saw massive battles , major deaths ( tywin ! )( cnn ) where do you go from here ?']\n", - "=======================\n", - "['the smash hit series \" game of thrones \" returns for a fifth season sundaymajor story arcs should start to converge this year']\n", - "it 's the most high-profile premiere yet , airing simultaneously in 170 countries for the first time .the fourth season of \" game of thrones \" saw massive battles , major deaths ( tywin ! )( cnn ) where do you go from here ?\n", - "the smash hit series \" game of thrones \" returns for a fifth season sundaymajor story arcs should start to converge this year\n", - "[1.0650918 1.3877634 1.4229901 1.2685417 1.1829114 1.1071517 1.0443946\n", - " 1.0970719 1.0671085 1.2385017 1.0647619 1.0877416 1.0439708 1.0363373\n", - " 1.0693209 1.0950475 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 9 4 5 7 15 11 14 8 0 10 6 12 13 19 16 17 18 20]\n", - "=======================\n", - "[\"the salty dog 502 vehicle is one of two unmanned carrier air vehicle demonstrators ( ucas-d ) on the x-47b program .the first ever mid-air refuelling of an unmanned aircraft was today successfully achieved by the navy 's x-47b drone .earlier today , the aircraft plugged its in-flight refuelling ( ifr ) probe into the hose of an omega air kc-707 tanker off the coast of maryland\"]\n", - "=======================\n", - "['salty dog 502 trailed omega air refuelling 707 tanker from a mile offit used optical sensors and a camera to monitor approach to 20 feetit then plugged its refuelling probe into hose of the omega air kc-707drone is size of an f/a -18 super hornet and weighs 44,000 lb ( 20,000 kg )']\n", - "the salty dog 502 vehicle is one of two unmanned carrier air vehicle demonstrators ( ucas-d ) on the x-47b program .the first ever mid-air refuelling of an unmanned aircraft was today successfully achieved by the navy 's x-47b drone .earlier today , the aircraft plugged its in-flight refuelling ( ifr ) probe into the hose of an omega air kc-707 tanker off the coast of maryland\n", - "salty dog 502 trailed omega air refuelling 707 tanker from a mile offit used optical sensors and a camera to monitor approach to 20 feetit then plugged its refuelling probe into hose of the omega air kc-707drone is size of an f/a -18 super hornet and weighs 44,000 lb ( 20,000 kg )\n", - "[1.4892057 1.2402769 1.2346808 1.3628209 1.3500625 1.2434677 1.2201676\n", - " 1.0418986 1.0239326 1.0295241 1.0205445 1.0338227 1.0435597 1.0200133\n", - " 1.0216916 1.022987 1.0164176 1.0439799 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 5 1 2 6 17 12 7 11 9 8 15 14 10 13 16 19 18 20]\n", - "=======================\n", - "[\"manchester united midfielder ander herrera has expressed his desire to remain at old trafford for years to come , describing the red devils as the ` right team in the right league ' .however , the 25-year-old has now started the last eight matches and scored twice in saturday 's 3-1 win over aston villa .the spaniard has come through a testing first six months in english football which saw him begin the season in the team before having a reduced role as a substitute .\"]\n", - "=======================\n", - "[\"ander herrera has started the last eight games for manchester unitedmidfielder says he is in the ` right team in the right league 'herrera scored twice against aston villa during man united 's 3-1 victory\"]\n", - "manchester united midfielder ander herrera has expressed his desire to remain at old trafford for years to come , describing the red devils as the ` right team in the right league ' .however , the 25-year-old has now started the last eight matches and scored twice in saturday 's 3-1 win over aston villa .the spaniard has come through a testing first six months in english football which saw him begin the season in the team before having a reduced role as a substitute .\n", - "ander herrera has started the last eight games for manchester unitedmidfielder says he is in the ` right team in the right league 'herrera scored twice against aston villa during man united 's 3-1 victory\n", - "[1.209523 1.4492478 1.2926866 1.1753268 1.1450541 1.2543371 1.0603732\n", - " 1.0999455 1.0346307 1.0368028 1.0938799 1.1709046 1.055306 1.0619966\n", - " 1.0116235 1.0327673 1.0141774 1.0135113 1.0150363 1.0233428 1.0548378]\n", - "\n", - "[ 1 2 5 0 3 11 4 7 10 13 6 12 20 9 8 15 19 18 16 17 14]\n", - "=======================\n", - "['the stephens county jury found chancey allen luna guilty in the august 16 , 2013 , death of christopher lane , who was shot in the back while running along a city street in duncan .the jury recommended that luna be sentenced to life in prison without parole .an oklahoma jury today convicted a 17-year-old of first-degree murder in the shooting death of an australian college baseball player who was killed while out for a jog .']\n", - "=======================\n", - "[\"oklahoma jury convicted 17-year-old chancey allen luna of first-degree murder in 2013 killing of christopher laneluna is expected to be sentenced to life in prison without paroleoklahoma teen shot lane , an australian baseball player , in the back from moving car as victim was jogging in duncan august 16 , 2013defense claimed luna only meant to scare lane , not kill himconvicted killer told reports he was ` sorry ' as he was being led out of courtroom in handcuffslane 's mother , donna lane , said she was glad the ` naughty boy ' will never hurt anyone again\"]\n", - "the stephens county jury found chancey allen luna guilty in the august 16 , 2013 , death of christopher lane , who was shot in the back while running along a city street in duncan .the jury recommended that luna be sentenced to life in prison without parole .an oklahoma jury today convicted a 17-year-old of first-degree murder in the shooting death of an australian college baseball player who was killed while out for a jog .\n", - "oklahoma jury convicted 17-year-old chancey allen luna of first-degree murder in 2013 killing of christopher laneluna is expected to be sentenced to life in prison without paroleoklahoma teen shot lane , an australian baseball player , in the back from moving car as victim was jogging in duncan august 16 , 2013defense claimed luna only meant to scare lane , not kill himconvicted killer told reports he was ` sorry ' as he was being led out of courtroom in handcuffslane 's mother , donna lane , said she was glad the ` naughty boy ' will never hurt anyone again\n", - "[1.1933899 1.3041375 1.4255807 1.2913659 1.0861614 1.050345 1.0959873\n", - " 1.1452852 1.0364035 1.0469682 1.088125 1.0389596 1.1974771 1.026437\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 12 0 7 6 10 4 5 9 11 8 13 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"but not only has falcao failed to score since january 31 against leicester , he has also failed to have a shot on target in the premier league - featuring in 10 games since.during that period he has collected # 3,080,000 in wages .goals have been hard to come by for the colombian , with just four being netted by the striker this season in a united shirt having signed on a season-long loan from monaco .radamel falcao fires wide for manchester united past chelsea 's onrushing keeper thibaut courtois\"]\n", - "=======================\n", - "['radamel falcao was ineffective for manchester utd in 1-0 loss by chelseastriker has not had shot on target since netting vs leicester in januarycolombian earns # 280,000 a week as part of his loan move from monacofalcao has scored just four goals for manchester united this season']\n", - "but not only has falcao failed to score since january 31 against leicester , he has also failed to have a shot on target in the premier league - featuring in 10 games since.during that period he has collected # 3,080,000 in wages .goals have been hard to come by for the colombian , with just four being netted by the striker this season in a united shirt having signed on a season-long loan from monaco .radamel falcao fires wide for manchester united past chelsea 's onrushing keeper thibaut courtois\n", - "radamel falcao was ineffective for manchester utd in 1-0 loss by chelseastriker has not had shot on target since netting vs leicester in januarycolombian earns # 280,000 a week as part of his loan move from monacofalcao has scored just four goals for manchester united this season\n", - "[1.4213207 1.2332587 1.3965969 1.289598 1.1210785 1.0794215 1.0968677\n", - " 1.0757867 1.0465012 1.0467435 1.0267237 1.0561903 1.0627704 1.0637369\n", - " 1.0349725 1.0445167 1.0890442 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 4 6 16 5 7 13 12 11 9 8 15 14 10 17 18 19 20]\n", - "=======================\n", - "[\"riddick bowe was once seen as the world 's best heavyweight fighter and reportedly had $ 15million , but he is now offering to post tweets for $ 20now riddick bowe , of maryland , has found himself tweeting happy birthday messages and adverts for insurance firms for anyone who pays him $ 20 .the 46-year-old recently offered to ` tweet anything ' for people who credit him through paypal , sharing the messages with his 450,000 followers .\"]\n", - "=======================\n", - "[\"riddick bowe was once seen as best heavyweight boxer in the worldhe sensationally beat evander holyfield and earned a # 15m fortunebut after retiring in 1998 bowe ended up in prison and filed for bankruptcyformer champion is now offering to tweet ` anything ' in return for $ 20\"]\n", - "riddick bowe was once seen as the world 's best heavyweight fighter and reportedly had $ 15million , but he is now offering to post tweets for $ 20now riddick bowe , of maryland , has found himself tweeting happy birthday messages and adverts for insurance firms for anyone who pays him $ 20 .the 46-year-old recently offered to ` tweet anything ' for people who credit him through paypal , sharing the messages with his 450,000 followers .\n", - "riddick bowe was once seen as best heavyweight boxer in the worldhe sensationally beat evander holyfield and earned a # 15m fortunebut after retiring in 1998 bowe ended up in prison and filed for bankruptcyformer champion is now offering to tweet ` anything ' in return for $ 20\n", - "[1.4122837 1.3988707 1.2160732 1.1569086 1.2628706 1.1057072 1.172146\n", - " 1.1229119 1.1328237 1.0514612 1.0159117 1.0146456 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 6 3 8 7 5 9 10 11 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"baghdad , iraq ( cnn ) hundreds of additional iraqi troops are being sent to reinforce colleagues who are trying to fend off isis ' attempt to overrun iraq 's largest oil refinery , a key paramilitary force said tuesday .isis launched an assault on the baiji oil refinery late saturday .the additional troops came from camp speicher , a fortified iraqi base near the city of tikrit , according to the media office of the hasd al-shaabi militia .\"]\n", - "=======================\n", - "[\"isis attacked the baiji oil refinery saturdaythe refinery , iraq 's largest , has long been a lucrative target for militants\"]\n", - "baghdad , iraq ( cnn ) hundreds of additional iraqi troops are being sent to reinforce colleagues who are trying to fend off isis ' attempt to overrun iraq 's largest oil refinery , a key paramilitary force said tuesday .isis launched an assault on the baiji oil refinery late saturday .the additional troops came from camp speicher , a fortified iraqi base near the city of tikrit , according to the media office of the hasd al-shaabi militia .\n", - "isis attacked the baiji oil refinery saturdaythe refinery , iraq 's largest , has long been a lucrative target for militants\n", - "[1.3226591 1.2941679 1.2770905 1.0957806 1.2931886 1.1426895 1.1359708\n", - " 1.0865515 1.0647615 1.0625014 1.1001674 1.0566409 1.0287685 1.0229719\n", - " 1.1102916 1.1030979 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 5 6 14 15 10 3 7 8 9 11 12 13 17 16 18]\n", - "=======================\n", - "[\"google paid its billionaire executive chairman eric schmidt nearly $ 109 million last year while the company 's stock slumped .most of the compensation consisted of stock valued at $ 100 million .schmidt also pocketed a $ 1.25 million salary , a $ 6 million bonus and perks valued at nearly $ 1 million .\"]\n", - "=======================\n", - "[\"google paid its billionaire executive chairman eric schmidt nearly $ 109 million last yearmost of the compensation consisted of stock valued at $ 100 millionschmidt also pocketed a $ 1.25 million salary , a $ 6 million bonus and perks valued at nearly $ 1 millionhis total pay last year soared by more than five-fold from 2013 when his google compensation was valued at $ 19.3 millionthe hefty raise came in a year that saw google 's stock drop by 5 percent amid investor concerns about the company 's big spending on far-flung projects\"]\n", - "google paid its billionaire executive chairman eric schmidt nearly $ 109 million last year while the company 's stock slumped .most of the compensation consisted of stock valued at $ 100 million .schmidt also pocketed a $ 1.25 million salary , a $ 6 million bonus and perks valued at nearly $ 1 million .\n", - "google paid its billionaire executive chairman eric schmidt nearly $ 109 million last yearmost of the compensation consisted of stock valued at $ 100 millionschmidt also pocketed a $ 1.25 million salary , a $ 6 million bonus and perks valued at nearly $ 1 millionhis total pay last year soared by more than five-fold from 2013 when his google compensation was valued at $ 19.3 millionthe hefty raise came in a year that saw google 's stock drop by 5 percent amid investor concerns about the company 's big spending on far-flung projects\n", - "[1.2338853 1.4638476 1.2409198 1.0683787 1.3246242 1.2235949 1.1878808\n", - " 1.0685471 1.0478672 1.0580534 1.055378 1.0138202 1.0196159 1.0621073\n", - " 1.0868554 1.0742462 1.0637609 1.0909543 1.1505934]\n", - "\n", - "[ 1 4 2 0 5 6 18 17 14 15 7 3 16 13 9 10 8 12 11]\n", - "=======================\n", - "[\"brandy savelle and tony gervasi had caesar for two years and were recently trying to teach him to an outside animal .killed : little caesar was shot dead at the weekend after wandering off from his family 's home in ispheming in northern michigan .a michigan family have been left devastated after a state department of natural resources officer shot dead their beloved pet potbelly pig , claiming little ` caesar ' made him feel threatened while on the loose .\"]\n", - "=======================\n", - "[\"caesar went missing at the weekend from his owner 's home in isphemingbrandy savelle and tony gervasi followed his tracks and found bloodafter news spread in the area , a dnr officer came to their homehe explained caesar came running at him and he shot him deadhe believed caesar was wild and a threat , he saidshooting occurred on state land so the officer was within his rights\"]\n", - "brandy savelle and tony gervasi had caesar for two years and were recently trying to teach him to an outside animal .killed : little caesar was shot dead at the weekend after wandering off from his family 's home in ispheming in northern michigan .a michigan family have been left devastated after a state department of natural resources officer shot dead their beloved pet potbelly pig , claiming little ` caesar ' made him feel threatened while on the loose .\n", - "caesar went missing at the weekend from his owner 's home in isphemingbrandy savelle and tony gervasi followed his tracks and found bloodafter news spread in the area , a dnr officer came to their homehe explained caesar came running at him and he shot him deadhe believed caesar was wild and a threat , he saidshooting occurred on state land so the officer was within his rights\n", - "[1.2764567 1.4266791 1.1919727 1.3424748 1.1642184 1.105262 1.0399868\n", - " 1.0142996 1.0137768 1.1866187 1.0684253 1.0585946 1.1530187 1.0646999\n", - " 1.0542028 1.0373697 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 9 4 12 5 10 13 11 14 6 15 7 8 17 16 18]\n", - "=======================\n", - "[\"the country 's chief medical officer dame sally davies is said to be concerned at the number of children suffering from the condition , which is caused by a deficiency in vitamin d .the disease , a scourge of victorian britain , was virtually eradicated after the second world war but is returning as more and more youngsters are used to staying indoors playing video games than going outside .now , it has been reported that professor davies has ordered the national institute for health and clinical excellence ( nice ) to review the cost of providing vitamin supplements to all children under the age of four , in a bid to reverse the trend .\"]\n", - "=======================\n", - "['dame sally davies has ordered review into cost of giving out free vitaminscomes after a rise in the number of cases of rickets in children in the ukincrease is being put down to fact children spend less time outside playingrickets can cause bone deformities such as bowed legs and a curved spine']\n", - "the country 's chief medical officer dame sally davies is said to be concerned at the number of children suffering from the condition , which is caused by a deficiency in vitamin d .the disease , a scourge of victorian britain , was virtually eradicated after the second world war but is returning as more and more youngsters are used to staying indoors playing video games than going outside .now , it has been reported that professor davies has ordered the national institute for health and clinical excellence ( nice ) to review the cost of providing vitamin supplements to all children under the age of four , in a bid to reverse the trend .\n", - "dame sally davies has ordered review into cost of giving out free vitaminscomes after a rise in the number of cases of rickets in children in the ukincrease is being put down to fact children spend less time outside playingrickets can cause bone deformities such as bowed legs and a curved spine\n", - "[1.2240595 1.4334911 1.221242 1.3732033 1.2164853 1.1778121 1.1268982\n", - " 1.0652987 1.0235349 1.0304648 1.1241164 1.1114397 1.0848619 1.0341763\n", - " 1.015129 1.0817637 1.0371988 1.0189039 1.0090543]\n", - "\n", - "[ 1 3 0 2 4 5 6 10 11 12 15 7 16 13 9 8 17 14 18]\n", - "=======================\n", - "['department of public safety trooper billy spears posed for the photograph with snoop at south by southwest in austin after the rap icon delivered his keynote speech .a texas state trooper who did what millions of hip-hop fans would love to do and posed for a picture with snoop dogg was told he has \" deficiencies indicating need for counseling \\' .spears \\' bosses called snoop a figure who has a ` criminal background including numerous drug charges \\'']\n", - "=======================\n", - "[\"department of public safety trooper billy spears was disciplined last weekthe trooper posed with snoop dogg after rapper 's sxsw keynote speechsnoop posted picture to instagram with the caption : ` me n my deputy dogg 'rapper 's past legal problems were cause for concern for spears ' superiorshe was cited for ` deficiencies indicating need for counseling ' for photo with figure who has ` criminal background including numerous drug charges '\"]\n", - "department of public safety trooper billy spears posed for the photograph with snoop at south by southwest in austin after the rap icon delivered his keynote speech .a texas state trooper who did what millions of hip-hop fans would love to do and posed for a picture with snoop dogg was told he has \" deficiencies indicating need for counseling ' .spears ' bosses called snoop a figure who has a ` criminal background including numerous drug charges '\n", - "department of public safety trooper billy spears was disciplined last weekthe trooper posed with snoop dogg after rapper 's sxsw keynote speechsnoop posted picture to instagram with the caption : ` me n my deputy dogg 'rapper 's past legal problems were cause for concern for spears ' superiorshe was cited for ` deficiencies indicating need for counseling ' for photo with figure who has ` criminal background including numerous drug charges '\n", - "[1.1944207 1.3724945 1.3234626 1.331074 1.2359722 1.1700404 1.0774462\n", - " 1.1093436 1.066182 1.0306709 1.0441452 1.0779824 1.0939729 1.0634241\n", - " 1.0554575 1.0388368 1.0430033 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 5 7 12 11 6 8 13 14 10 16 15 9 21 17 18 19 20 22]\n", - "=======================\n", - "['for a limited time transavia france is offering cheap flights with packets of crisps , gummy bears and cereal bars at participating shops .customers who buy one of the products before the #snackholidays promotion ends on april 21 will find a voucher code that can be redeemed online for a discounted flight to one of three destinations within europe .supermarket customers in france can add airline tickets to their shopping lists thanks to a unique promotion by a budget airline .']\n", - "=======================\n", - "['transavia france has included voucher codes with the branded productscustomers can enter the codes online to receive a discounted flightthe codes can be redeemed for flights to barcelona , lisbon and dublinproducts are being sold at shops , a cinema and in two vending machinespassengers still have to pay a booking fee and checked baggage fees']\n", - "for a limited time transavia france is offering cheap flights with packets of crisps , gummy bears and cereal bars at participating shops .customers who buy one of the products before the #snackholidays promotion ends on april 21 will find a voucher code that can be redeemed online for a discounted flight to one of three destinations within europe .supermarket customers in france can add airline tickets to their shopping lists thanks to a unique promotion by a budget airline .\n", - "transavia france has included voucher codes with the branded productscustomers can enter the codes online to receive a discounted flightthe codes can be redeemed for flights to barcelona , lisbon and dublinproducts are being sold at shops , a cinema and in two vending machinespassengers still have to pay a booking fee and checked baggage fees\n", - "[1.3407663 1.3091834 1.3129567 1.4525888 1.1094022 1.06159 1.0446643\n", - " 1.0323856 1.0151092 1.0148342 1.0146152 1.013364 1.0169604 1.0387075\n", - " 1.0949644 1.0856758 1.1430901 1.0530763 1.0178905 1.0704683 1.0853978\n", - " 1.093638 1.0559103]\n", - "\n", - "[ 3 0 2 1 16 4 14 21 15 20 19 5 22 17 6 13 7 18 12 8 9 10 11]\n", - "=======================\n", - "[\"nigel farage has abandoned hopes of winning dozens of seats at the general election and is now targeting just tena party strategist said ` something extraordinary ' would now need to happen for it to win in places outside its target list .ukip , which will today unveil its manifesto , has reduced the number of constituencies where it is concentrating resources as it loses ground in the polls .\"]\n", - "=======================\n", - "['exclusive : farage has abandoned hopes of winning dozens of seatsparty officials admit most candidates are being left to their own devicesamong the seats dropped from the list of hopefuls is folkestone and hytheukip candidate janice atkinson was replaced after expenses scandal']\n", - "nigel farage has abandoned hopes of winning dozens of seats at the general election and is now targeting just tena party strategist said ` something extraordinary ' would now need to happen for it to win in places outside its target list .ukip , which will today unveil its manifesto , has reduced the number of constituencies where it is concentrating resources as it loses ground in the polls .\n", - "exclusive : farage has abandoned hopes of winning dozens of seatsparty officials admit most candidates are being left to their own devicesamong the seats dropped from the list of hopefuls is folkestone and hytheukip candidate janice atkinson was replaced after expenses scandal\n", - "[1.3741012 1.4041835 1.197844 1.1207218 1.1762226 1.0716832 1.0471447\n", - " 1.14416 1.1054066 1.0653839 1.0465804 1.0831358 1.0354902 1.0454532\n", - " 1.0594896 1.0531278 1.0337522 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 2 4 7 3 8 11 5 9 14 15 6 10 13 12 16 21 17 18 19 20 22]\n", - "=======================\n", - "[\"zhou yongkang , 72 , was also charged with abuse of power and leaking state secrets , the supreme people 's procuratorate , the highest prosecution authority in china , said .beijing ( cnn ) china 's state prosecutors on friday formally charged the country 's former security czar with accepting bribes , making him the highest-ranking chinese communist party official ever to face corruption charges .as a member of the ruling communist party 's politburo standing committee -- china 's top decision-making body -- zhou was one of nine men who effectively ruled the country of more than 1.3 billion people .\"]\n", - "=======================\n", - "['prosecutors formally charged former top official zhou yongkangzhou charged with accepting bribes , abuse of power and leaking state secretsformer domestic security official is the most senior chinese official to face corruption charges']\n", - "zhou yongkang , 72 , was also charged with abuse of power and leaking state secrets , the supreme people 's procuratorate , the highest prosecution authority in china , said .beijing ( cnn ) china 's state prosecutors on friday formally charged the country 's former security czar with accepting bribes , making him the highest-ranking chinese communist party official ever to face corruption charges .as a member of the ruling communist party 's politburo standing committee -- china 's top decision-making body -- zhou was one of nine men who effectively ruled the country of more than 1.3 billion people .\n", - "prosecutors formally charged former top official zhou yongkangzhou charged with accepting bribes , abuse of power and leaking state secretsformer domestic security official is the most senior chinese official to face corruption charges\n", - "[1.5953398 1.1877067 1.2702572 1.3802257 1.0657054 1.1771095 1.0912519\n", - " 1.1302748 1.198738 1.1050581 1.0095471 1.1481261 1.0534114 1.0430406\n", - " 1.0219692 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 2 8 1 5 11 7 9 6 4 12 13 14 10 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"jimmy butler set a play-off career-high for the second straight game with 31 points as the chicago bulls beat the milwaukee bucks 91-82 on monday to take a 2-0 lead in their first-round nba play-offs series .chicago 's derrick rose scored all of his 15 points in the second half after dominating in the series opener .pau gasol added 11 points and 16 rebounds and mike dunleavy jr. scored 12 points for the third-seeded bulls .\"]\n", - "=======================\n", - "['the chicago bulls defeated milwaukee bucks 91-82 on monday nightjimmy butler managed 31 points as the bulls took a 2-0 series leadthe golden state warriors beat the new orleans pelicans 97-87klay thompson and stephen curry both starred for the warriors']\n", - "jimmy butler set a play-off career-high for the second straight game with 31 points as the chicago bulls beat the milwaukee bucks 91-82 on monday to take a 2-0 lead in their first-round nba play-offs series .chicago 's derrick rose scored all of his 15 points in the second half after dominating in the series opener .pau gasol added 11 points and 16 rebounds and mike dunleavy jr. scored 12 points for the third-seeded bulls .\n", - "the chicago bulls defeated milwaukee bucks 91-82 on monday nightjimmy butler managed 31 points as the bulls took a 2-0 series leadthe golden state warriors beat the new orleans pelicans 97-87klay thompson and stephen curry both starred for the warriors\n", - "[1.0913181 1.1919391 1.5354178 1.188832 1.1792635 1.3042552 1.0866258\n", - " 1.0309819 1.044827 1.212758 1.1159755 1.0455081 1.0122646 1.0111302\n", - " 1.0161405 1.0209253 1.0994859 1.0436223 1.1079757 1.0147482 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 5 9 1 3 4 10 18 16 0 6 11 8 17 7 15 14 19 12 13 20 21 22]\n", - "=======================\n", - "['nikki and kyle kuchenbecker from illinois went about perfecting a routine to the toe-tapping pop song , classic by mkto .to date , the clip of them in action has been watched more than 900,000 times with many viewers giving it a big thumbs up .but this hip-thrusting dance duo are in fact novices who decided to polish up their skills to surprise guests on their wedding day .']\n", - "=======================\n", - "[\"nikki and kyle kuchenbecker went about perfecting a routine to the toe-tapping pop song , classic by mktovideo footage shows them getting into the groove with an attentive audience watching onat one point nikki 's father makes an appearance , in keeping with traditionto date , the clip of them in action has been watched more than 900,000 times with many viewers giving it a big thumbs up\"]\n", - "nikki and kyle kuchenbecker from illinois went about perfecting a routine to the toe-tapping pop song , classic by mkto .to date , the clip of them in action has been watched more than 900,000 times with many viewers giving it a big thumbs up .but this hip-thrusting dance duo are in fact novices who decided to polish up their skills to surprise guests on their wedding day .\n", - "nikki and kyle kuchenbecker went about perfecting a routine to the toe-tapping pop song , classic by mktovideo footage shows them getting into the groove with an attentive audience watching onat one point nikki 's father makes an appearance , in keeping with traditionto date , the clip of them in action has been watched more than 900,000 times with many viewers giving it a big thumbs up\n", - "[1.181304 1.5656252 1.3703187 1.2744907 1.2819602 1.0655779 1.1292939\n", - " 1.0323818 1.0226833 1.1001627 1.0587106 1.0304846 1.066774 1.0333626\n", - " 1.0242127 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 0 6 9 12 5 10 13 7 11 14 8 17 15 16 18]\n", - "=======================\n", - "[\"ex-bolton wanderers striker delroy facey , 34 , is alleged to have become involved in the ` ugly side ' of his sport by acting as a middleman for two men who have already been convicted of match-fixing .facey , who also played for west bromwich albion and hull city , denies conspiracy to commit bribery and is standing trial at birmingham crown court alongside former non-league player moses swaibu , who also denies the charges .he is accused of being involved in a plot to fix lower league football matches\"]\n", - "=======================\n", - "['delroy facey is standing trial in birmingham over match-fixing allegationsthe former premier league footballer denies conspiracy to commit briberyfacey formerly played for bolton , west brom and hull cityhe stands trial alongside former non-league player moses swaibu , who also denies the charges']\n", - "ex-bolton wanderers striker delroy facey , 34 , is alleged to have become involved in the ` ugly side ' of his sport by acting as a middleman for two men who have already been convicted of match-fixing .facey , who also played for west bromwich albion and hull city , denies conspiracy to commit bribery and is standing trial at birmingham crown court alongside former non-league player moses swaibu , who also denies the charges .he is accused of being involved in a plot to fix lower league football matches\n", - "delroy facey is standing trial in birmingham over match-fixing allegationsthe former premier league footballer denies conspiracy to commit briberyfacey formerly played for bolton , west brom and hull cityhe stands trial alongside former non-league player moses swaibu , who also denies the charges\n", - "[1.1421003 1.2202637 1.3015336 1.3674988 1.1072154 1.391572 1.1543367\n", - " 1.0904578 1.0505662 1.0637617 1.0235646 1.0138239 1.0154223 1.0106161\n", - " 1.01531 1.0161431 0. 0. 0. ]\n", - "\n", - "[ 5 3 2 1 6 0 4 7 9 8 10 15 12 14 11 13 17 16 18]\n", - "=======================\n", - "[\"porto earned an impressive 3-1 champions league first leg victory against bundesliga champions bayern munich on wednesday nightporto remain one of portugal 's eminent teams -- they have been champions in three of the last four seasons -- and won the europa league four years ago .not since the days of jose mourinho more than a decade ago have fc porto seen anything quite like this .\"]\n", - "=======================\n", - "[\"porto earn 3-1 champions league quarter-final first leg victory against bayern munichricardo quaresma gives porto early lead with third minute penalty after manuel neuer 's foul on jackson martinezformer chelsea man quaresma doubles home side 's lead following mistake from bayern defender dantethiago alcantara pulls bundesliga champions back into the tie with 28th minute strikecolombian forward martinez puts porto into commanding 3-1 lead midway through second half\"]\n", - "porto earned an impressive 3-1 champions league first leg victory against bundesliga champions bayern munich on wednesday nightporto remain one of portugal 's eminent teams -- they have been champions in three of the last four seasons -- and won the europa league four years ago .not since the days of jose mourinho more than a decade ago have fc porto seen anything quite like this .\n", - "porto earn 3-1 champions league quarter-final first leg victory against bayern munichricardo quaresma gives porto early lead with third minute penalty after manuel neuer 's foul on jackson martinezformer chelsea man quaresma doubles home side 's lead following mistake from bayern defender dantethiago alcantara pulls bundesliga champions back into the tie with 28th minute strikecolombian forward martinez puts porto into commanding 3-1 lead midway through second half\n", - "[1.2641406 1.3160002 1.2688347 1.1976528 1.174764 1.0595539 1.1367487\n", - " 1.1139446 1.1180642 1.095409 1.0557865 1.0423071 1.0447886 1.0308486\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 6 8 7 9 5 10 12 11 13 17 14 15 16 18]\n", - "=======================\n", - "[\"judith russell , whose daughter katherine married tamerlan tsarnaev , one of the two mass murderers who set of bombs at the 2013 boston marathon , spoke at a court in the city today .her words came as jurors decide whether tamerlan 's brother , dzhokhar tsarnaev , 21 , should be put to death after being convicted of a host of crimes in connection with the massacre .she told how her daughter katherine , left , converted to islam after meeting dzhokhar 's brother tamerlan\"]\n", - "=======================\n", - "[\"dzhokhar tsarnaev was found guilty of killing three people and injuring 264 as well as fatally shooting a police officerhis lawyers on monday argued for the jury to spare him the death penaltycalled judith russell to the stand , who is mother-in-law of dzhokhar 's older brother tamerlan - who was killed in police firefight after the bombingtold how her daughter was enthralled by tamerlan and became muslimbacks up defense claims that dzhokhar was led by influential siblinglawyers have said that tamerlan drove his brother into the bombings\"]\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "judith russell , whose daughter katherine married tamerlan tsarnaev , one of the two mass murderers who set of bombs at the 2013 boston marathon , spoke at a court in the city today .her words came as jurors decide whether tamerlan 's brother , dzhokhar tsarnaev , 21 , should be put to death after being convicted of a host of crimes in connection with the massacre .she told how her daughter katherine , left , converted to islam after meeting dzhokhar 's brother tamerlan\n", - "dzhokhar tsarnaev was found guilty of killing three people and injuring 264 as well as fatally shooting a police officerhis lawyers on monday argued for the jury to spare him the death penaltycalled judith russell to the stand , who is mother-in-law of dzhokhar 's older brother tamerlan - who was killed in police firefight after the bombingtold how her daughter was enthralled by tamerlan and became muslimbacks up defense claims that dzhokhar was led by influential siblinglawyers have said that tamerlan drove his brother into the bombings\n", - "[1.2538229 1.1594423 1.231809 1.2573577 1.1521744 1.0995363 1.1557679\n", - " 1.1191604 1.1620693 1.0641389 1.1337967 1.0416635 1.037728 1.0527836\n", - " 1.0578743 1.0454545 1.0403575 1.0489197 1.0423006]\n", - "\n", - "[ 3 0 2 8 1 6 4 10 7 5 9 14 13 17 15 18 11 16 12]\n", - "=======================\n", - "['the harrowing attack comes just months after al-shabaab militants murdered non-muslim workers in a kenyan quarry .( cnn ) a brutal raid on the garissa university college in kenya has left nearly 150 people dead -- including students -- and dozens more wounded .the u.s. embassy in nairobi said al-shabaab militants have claimed responsibility .']\n", - "=======================\n", - "['al-shabaab is an al-qaeda-linked militant group based in somaliait claimed responsibility for the deadly attack at a kenyan mall in september 2013the group has recruited some americans']\n", - "the harrowing attack comes just months after al-shabaab militants murdered non-muslim workers in a kenyan quarry .( cnn ) a brutal raid on the garissa university college in kenya has left nearly 150 people dead -- including students -- and dozens more wounded .the u.s. embassy in nairobi said al-shabaab militants have claimed responsibility .\n", - "al-shabaab is an al-qaeda-linked militant group based in somaliait claimed responsibility for the deadly attack at a kenyan mall in september 2013the group has recruited some americans\n", - "[1.2103425 1.4862906 1.2459682 1.4082198 1.2019062 1.0864846 1.0966097\n", - " 1.0790819 1.1332699 1.0815122 1.1163723 1.0814373 1.0431418 1.0692654\n", - " 1.089599 1.0961425 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 8 10 6 15 14 5 9 11 7 13 12 17 16 18]\n", - "=======================\n", - "['andrew stewart wood , of havant , hampshire , was accused of urinating into the ice machine at the hard rock hotel in the universal theme park resort in the early hours of tuesday .a guest reportedly told a security guard at the luxury hotel that there was a very intoxicated man on the premises .the guard located wood and saw him urinating into an ice machine .']\n", - "=======================\n", - "[\"andrew stewart wood , of havant , hampshire , was accused of urinating into the ice machine at the hard rock hotel in the early hours of tuesdaywood , who police said was ` extremely intoxicated ' , refused to stop shouting and return to his room at the universal orlando theme park resortwood was charged with disorderly conduct and spent the night in jailhard rock hotel confirmed ice machine removed for health and safety but was unable to say if wood was still a guest for ` security reasons '\"]\n", - "andrew stewart wood , of havant , hampshire , was accused of urinating into the ice machine at the hard rock hotel in the universal theme park resort in the early hours of tuesday .a guest reportedly told a security guard at the luxury hotel that there was a very intoxicated man on the premises .the guard located wood and saw him urinating into an ice machine .\n", - "andrew stewart wood , of havant , hampshire , was accused of urinating into the ice machine at the hard rock hotel in the early hours of tuesdaywood , who police said was ` extremely intoxicated ' , refused to stop shouting and return to his room at the universal orlando theme park resortwood was charged with disorderly conduct and spent the night in jailhard rock hotel confirmed ice machine removed for health and safety but was unable to say if wood was still a guest for ` security reasons '\n", - "[1.2237858 1.5075474 1.3196898 1.4185774 1.2205681 1.1482533 1.0489166\n", - " 1.0156301 1.0181745 1.1389033 1.0648639 1.0285085 1.0243366 1.1033053\n", - " 1.0888757 1.0182368 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 9 13 14 10 6 11 12 15 8 7 19 16 17 18 20]\n", - "=======================\n", - "[\"hannah moore , 20 , of broxburn in west lothian , uploaded the snaps in a bid to boost her confidence and told her followers : ` nobody should be judged by their size because everyone is beautiful ' .but only two minutes later , the mum of twins claims her account was deleted because the images were deemed to contain inappropriate ` nudity and violence ' .a mother-of-two who posted pictures of her post-pregnancy stretchmarks on instagram to inspire others was horrified after they were removed for breaching the site 's decency guidelines .\"]\n", - "=======================\n", - "[\"hannah moore posted photos of her stretchmarks to instagram to inspirethe 20 year old suffered from marks after giving birth to twins last yearinstagram then deleted hannah from broxburn , west lothian 's account\"]\n", - "hannah moore , 20 , of broxburn in west lothian , uploaded the snaps in a bid to boost her confidence and told her followers : ` nobody should be judged by their size because everyone is beautiful ' .but only two minutes later , the mum of twins claims her account was deleted because the images were deemed to contain inappropriate ` nudity and violence ' .a mother-of-two who posted pictures of her post-pregnancy stretchmarks on instagram to inspire others was horrified after they were removed for breaching the site 's decency guidelines .\n", - "hannah moore posted photos of her stretchmarks to instagram to inspirethe 20 year old suffered from marks after giving birth to twins last yearinstagram then deleted hannah from broxburn , west lothian 's account\n", - "[1.3703432 1.1632905 1.1204772 1.1957998 1.1797806 1.1158379 1.1836265\n", - " 1.0834538 1.0771465 1.0252601 1.0240397 1.0773453 1.0186057 1.141295\n", - " 1.1305865 1.0811802 1.0778801 1.1050485 1.0252713 1.0471203 1.070269 ]\n", - "\n", - "[ 0 3 6 4 1 13 14 2 5 17 7 15 16 11 8 20 19 18 9 10 12]\n", - "=======================\n", - "['( cnn ) larry johnson remembers the fear and feeling of helplessness from being on the skywest airlines flight that made an emergency landing in buffalo , new york .johnson was flying with his brother , his girlfriend and his 8-month-old son when he says a flight attendant came over the speaker asking for someone who was medically trained to help with a sick passenger .the federal aviation administration on wednesday initially reported a pressurization problem with skywest flight 5622 , and said it would investigate .']\n", - "=======================\n", - "['three passengers report a loss of consciousness on skywest flightbut officials say there is no evidence of a pressurization problem']\n", - "( cnn ) larry johnson remembers the fear and feeling of helplessness from being on the skywest airlines flight that made an emergency landing in buffalo , new york .johnson was flying with his brother , his girlfriend and his 8-month-old son when he says a flight attendant came over the speaker asking for someone who was medically trained to help with a sick passenger .the federal aviation administration on wednesday initially reported a pressurization problem with skywest flight 5622 , and said it would investigate .\n", - "three passengers report a loss of consciousness on skywest flightbut officials say there is no evidence of a pressurization problem\n", - "[1.2717147 1.494014 1.269059 1.3169514 1.1140828 1.0915183 1.0170304\n", - " 1.0165606 1.0254734 1.1057358 1.1697067 1.1027884 1.0150579 1.0856544\n", - " 1.1347121 1.0202979 1.0249907 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 10 14 4 9 11 5 13 8 16 15 6 7 12 19 17 18 20]\n", - "=======================\n", - "[\"` the diggers are dole bludgers ' has attracted more than 360 likes since the page started in late january , and claims that the australian armed services promotes the thoughtless killing of innocent civilians .the administrator of the page claims that those in the armed forces are ` being paid with money stolen from the taxpayer to do a job that is unnecessary ' .one meme posted to the page features the iconic ` handsome soldier ' photograph with the words ` you have freedom of speech thanks to us .\"]\n", - "=======================\n", - "['facebook page ` the diggers are dole bludgers \\' was created in januarythe page claims returned australian servicemen are rapists and terroristsone post says \" you have freedom of speech thanks to us .social media users have criticised the page as shameful and insultinga protest page demanding the removal of the page has been set up']\n", - "` the diggers are dole bludgers ' has attracted more than 360 likes since the page started in late january , and claims that the australian armed services promotes the thoughtless killing of innocent civilians .the administrator of the page claims that those in the armed forces are ` being paid with money stolen from the taxpayer to do a job that is unnecessary ' .one meme posted to the page features the iconic ` handsome soldier ' photograph with the words ` you have freedom of speech thanks to us .\n", - "facebook page ` the diggers are dole bludgers ' was created in januarythe page claims returned australian servicemen are rapists and terroristsone post says \" you have freedom of speech thanks to us .social media users have criticised the page as shameful and insultinga protest page demanding the removal of the page has been set up\n", - "[1.300681 1.5182636 1.3051124 1.0674709 1.0380272 1.1306794 1.0421736\n", - " 1.0338223 1.1698967 1.0958164 1.0826689 1.0927255 1.0643647 1.2272317\n", - " 1.0788952 1.0617304 1.0484253 1.0290365 1.116769 0. 0. ]\n", - "\n", - "[ 1 2 0 13 8 5 18 9 11 10 14 3 12 15 16 6 4 7 17 19 20]\n", - "=======================\n", - "['the girl , who has not been named but attends school in san dimas , california , is the target of disturbing posts on the photo-sharing service .the posts consist of pictures of her accompanied by threatening messages .a middle school student is being kept home in fear of her life after anonymous instagram users threatened to stab her to death .']\n", - "=======================\n", - "['unnamed girl was targeted by threatening posts on social networkwas taken home from lone hills middle school in san dimas , californiainvestigators believe fellow students are posting the threatsin one message a user threatens to bring a knife to school and stab the girl']\n", - "the girl , who has not been named but attends school in san dimas , california , is the target of disturbing posts on the photo-sharing service .the posts consist of pictures of her accompanied by threatening messages .a middle school student is being kept home in fear of her life after anonymous instagram users threatened to stab her to death .\n", - "unnamed girl was targeted by threatening posts on social networkwas taken home from lone hills middle school in san dimas , californiainvestigators believe fellow students are posting the threatsin one message a user threatens to bring a knife to school and stab the girl\n", - "[1.2516475 1.3598264 1.2607694 1.2432754 1.419532 1.1528164 1.031819\n", - " 1.0100332 1.0224433 1.0107368 1.1249257 1.189402 1.2483131 1.0665181\n", - " 1.0112277 1.0169028 1.0337762 1.0103521 0. 0. 0. ]\n", - "\n", - "[ 4 1 2 0 12 3 11 5 10 13 16 6 8 15 14 9 17 7 19 18 20]\n", - "=======================\n", - "[\"alan pardew called manuel pellegrini a ` f *** ing old c ** t ' during premier league encounter back inpardew was warned about his behaviour by the fa and wrote to pellegrini to apologise for the offensive name he called him .on monday at selhurst park , pardew , now manager of crystal palace , meets pellegrini and manchester city again having taken steps to change a pattern of behaviour he feared was becoming destructive .\"]\n", - "=======================\n", - "[\"alan pardew was warned about his behaviour following touchline spatthe former newcastle boss called manuel pellegrini a ` f *** ing old c ** t 'he wrote to pellegrini to apologise for using such offensive languagecrystal palace host manchester city at selhurst park on monday\"]\n", - "alan pardew called manuel pellegrini a ` f *** ing old c ** t ' during premier league encounter back inpardew was warned about his behaviour by the fa and wrote to pellegrini to apologise for the offensive name he called him .on monday at selhurst park , pardew , now manager of crystal palace , meets pellegrini and manchester city again having taken steps to change a pattern of behaviour he feared was becoming destructive .\n", - "alan pardew was warned about his behaviour following touchline spatthe former newcastle boss called manuel pellegrini a ` f *** ing old c ** t 'he wrote to pellegrini to apologise for using such offensive languagecrystal palace host manchester city at selhurst park on monday\n", - "[1.2008951 1.353239 1.3342869 1.239437 1.1352342 1.2653549 1.1345706\n", - " 1.1651704 1.1217873 1.0802459 1.0222698 1.0441595 1.0151384 1.0129416\n", - " 1.055232 1.1107674 1.0619559 1.0682441 1.0736544]\n", - "\n", - "[ 1 2 5 3 0 7 4 6 8 15 9 18 17 16 14 11 10 12 13]\n", - "=======================\n", - "['some 42 per cent of those polled said they supported shale gas extraction , while 35 per cent disagreed with using the controversial technique .the anti-fracking environmental campaign group was accused of trying to bury the inconvenient survey result .more people in britain back fracking than are opposed to it , a greenpeace survey has found']\n", - "=======================\n", - "['42 per cent of those polled said they support shale gas extractiongreatest support among men and the over-65s , survey revealsresults were hidden in footnote to a greenpeace press release']\n", - "some 42 per cent of those polled said they supported shale gas extraction , while 35 per cent disagreed with using the controversial technique .the anti-fracking environmental campaign group was accused of trying to bury the inconvenient survey result .more people in britain back fracking than are opposed to it , a greenpeace survey has found\n", - "42 per cent of those polled said they support shale gas extractiongreatest support among men and the over-65s , survey revealsresults were hidden in footnote to a greenpeace press release\n", - "[1.360812 1.3311958 1.1799647 1.402005 1.0933592 1.0920205 1.1014111\n", - " 1.1389064 1.1210705 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 2 7 8 6 4 5 16 15 14 13 9 11 10 17 12 18]\n", - "=======================\n", - "[\"edinson cavani strokes the head of a male goat at the animal sanctuary he visited after barcelona defeatedinson cavani found a novel way of burying bad news , as the psg striker overcame another disappointing night 's work against barcelona with a day out at the zoo .the uruguayan has struggled in the shadow of zlatan ibrahimovic during his time in the french capital , and continued to toil at the camp nou , as laurent blanc 's side went down to a comfortable 2-0 second-leg defeat .\"]\n", - "=======================\n", - "['edinson cavani pays visit to local animal zoo day after camp nou defeatpsg striker was virtually anonymous in both legs against barcelonacavani has been linked with a move to manchester united this summer']\n", - "edinson cavani strokes the head of a male goat at the animal sanctuary he visited after barcelona defeatedinson cavani found a novel way of burying bad news , as the psg striker overcame another disappointing night 's work against barcelona with a day out at the zoo .the uruguayan has struggled in the shadow of zlatan ibrahimovic during his time in the french capital , and continued to toil at the camp nou , as laurent blanc 's side went down to a comfortable 2-0 second-leg defeat .\n", - "edinson cavani pays visit to local animal zoo day after camp nou defeatpsg striker was virtually anonymous in both legs against barcelonacavani has been linked with a move to manchester united this summer\n", - "[1.2365229 1.1724439 1.4168904 1.3131394 1.1307077 1.2097903 1.3116252\n", - " 1.147355 1.1068367 1.061195 1.0530115 1.0131277 1.0168544 1.0131178\n", - " 1.0616288 1.076964 1.0674702 1.1955047 1.0617934]\n", - "\n", - "[ 2 3 6 0 5 17 1 7 4 8 15 16 18 14 9 10 12 11 13]\n", - "=======================\n", - "[\"police arrested truong 's sister alyssa chang this week after she allegedly helped kidnap 2-year-old ronnie tran and his mother , with the child 's grandmother , 65-year-old vien nguyen .john truong thought he was helping his sister have a nice night out with her boyfriend .an amber alert was issued for the boy tuesday night , after the mother managed to escape and find help .\"]\n", - "=======================\n", - "[\"john truong of renton , washington says sister dropped off 2-year-old boy ronnie tran at his house tuesdaysister alyssa chang told him the boy was her boyfriend 's son and they wanted to have a date nightwhile scanning facebook the next morning , truong read an amber alert issued for the boy and then called policetruong 's sister was arrested for kidnapping tran and his mother , with the help of the toddler 's grandmother , 65-year-old vien nguyennguyen later turned herself into police for questioningthe motive for the abduction has not yet been released\"]\n", - "police arrested truong 's sister alyssa chang this week after she allegedly helped kidnap 2-year-old ronnie tran and his mother , with the child 's grandmother , 65-year-old vien nguyen .john truong thought he was helping his sister have a nice night out with her boyfriend .an amber alert was issued for the boy tuesday night , after the mother managed to escape and find help .\n", - "john truong of renton , washington says sister dropped off 2-year-old boy ronnie tran at his house tuesdaysister alyssa chang told him the boy was her boyfriend 's son and they wanted to have a date nightwhile scanning facebook the next morning , truong read an amber alert issued for the boy and then called policetruong 's sister was arrested for kidnapping tran and his mother , with the help of the toddler 's grandmother , 65-year-old vien nguyennguyen later turned herself into police for questioningthe motive for the abduction has not yet been released\n", - "[1.2011045 1.5098941 1.2082317 1.1881657 1.2264584 1.1519631 1.0956023\n", - " 1.0420164 1.0864782 1.0984485 1.0788325 1.0531704 1.0788724 1.0962801\n", - " 1.1632261 1.0481905 1.0549455 1.019325 1.0147092]\n", - "\n", - "[ 1 4 2 0 3 14 5 9 13 6 8 12 10 16 11 15 7 17 18]\n", - "=======================\n", - "[\"thor dalhaug died an hour after birth following a difficult delivery during which he suffered fatal brain damage due to a doctor 's errors , ruled stuart fisher , senior coroner for central lincolnshire .doctors at the lincoln county hospital covered up a series of horrendous mistakes that led to the death of a twin baby boy ( pictured above with his mother michelle ) , a coroner has ruledin a damning report , he said an unsupervised junior surgeon tried to deliver the baby using forceps in an ` unorthodox and unacceptable ' way .\"]\n", - "=======================\n", - "[\"thor dalhaug died at lincoln county hospital in september 2013unsupervised surgeon used forceps in an ` unacceptable ' way , report saidsenior managers then tried to remove the fact forceps had been used\"]\n", - "thor dalhaug died an hour after birth following a difficult delivery during which he suffered fatal brain damage due to a doctor 's errors , ruled stuart fisher , senior coroner for central lincolnshire .doctors at the lincoln county hospital covered up a series of horrendous mistakes that led to the death of a twin baby boy ( pictured above with his mother michelle ) , a coroner has ruledin a damning report , he said an unsupervised junior surgeon tried to deliver the baby using forceps in an ` unorthodox and unacceptable ' way .\n", - "thor dalhaug died at lincoln county hospital in september 2013unsupervised surgeon used forceps in an ` unacceptable ' way , report saidsenior managers then tried to remove the fact forceps had been used\n", - "[1.1780075 1.2979718 1.275678 1.3906922 1.2911801 1.3436018 1.104293\n", - " 1.0428233 1.0378715 1.0147077 1.0841073 1.2708124 1.0382648 1.0119009\n", - " 1.0819969 1.0552083 1.0533489 1.0062242 0. ]\n", - "\n", - "[ 3 5 1 4 2 11 0 6 10 14 15 16 7 12 8 9 13 17 18]\n", - "=======================\n", - "[\"ellia beasley has more than 20 tattoos but lived to regret featuring lost prophet lyrics in one of her inkingsian watkins , 37 , was sent to prison for 35 years in 2013 after being convicted of a string of child sex offences - including the attempted rape of a fan 's baby .she loved the song so much , she decided to have a tattoo on her belly in 2012 featuring the lyrics ` scream your heart out ' .\"]\n", - "=======================\n", - "[\"ellia beasley loved singing along to lost prophets song as a teendecided to have line ` scream your heart out ' tattooed onto her bellybut then the band 's lead singer was exposed as child abuser and jailed22-year-old hated being associated with him thanks to tattootattoo disasters uk begins on tuesday 21st april at 9pm on spike - sky 160 , talk talk 31 , bt tv 31 , freeview 31 and freesat 141\"]\n", - "ellia beasley has more than 20 tattoos but lived to regret featuring lost prophet lyrics in one of her inkingsian watkins , 37 , was sent to prison for 35 years in 2013 after being convicted of a string of child sex offences - including the attempted rape of a fan 's baby .she loved the song so much , she decided to have a tattoo on her belly in 2012 featuring the lyrics ` scream your heart out ' .\n", - "ellia beasley loved singing along to lost prophets song as a teendecided to have line ` scream your heart out ' tattooed onto her bellybut then the band 's lead singer was exposed as child abuser and jailed22-year-old hated being associated with him thanks to tattootattoo disasters uk begins on tuesday 21st april at 9pm on spike - sky 160 , talk talk 31 , bt tv 31 , freeview 31 and freesat 141\n", - "[1.2720838 1.4292119 1.3483869 1.2221583 1.0312024 1.1352074 1.0283266\n", - " 1.1350243 1.0616686 1.1473647 1.0577965 1.026135 1.1213632 1.0667677\n", - " 1.0251932 1.0403703 1.008915 0. ]\n", - "\n", - "[ 1 2 0 3 9 5 7 12 13 8 10 15 4 6 11 14 16 17]\n", - "=======================\n", - "[\"governor mary fallin signed into law a bill approving nitrogen as an alternative method of death , giving oklahoma four different ways to enact its death penalty .the method , which involves pumping a chamber full of nitrogen and leaving a prisoner 's body to die from lack of oxygen , has been touted as ` foolproof ' by supporters , in the wake of the embarrassingly botched lethal injections .oklahoma introduced a law allowing it to use nitrogen gas to kill death row prisoners if lethal injections are n't available .\"]\n", - "=======================\n", - "[\"governor mary fallin signed bill allowing nitrogen execution into lawchamber is pumped full of gas , and body dies from lack of oxygenmethod will become oklahoma 's second choice after lethal injectionsupreme court is due to rule on whether current execution drugs are legalif gas execution is not available , state will use electric chair or firing squad\"]\n", - "governor mary fallin signed into law a bill approving nitrogen as an alternative method of death , giving oklahoma four different ways to enact its death penalty .the method , which involves pumping a chamber full of nitrogen and leaving a prisoner 's body to die from lack of oxygen , has been touted as ` foolproof ' by supporters , in the wake of the embarrassingly botched lethal injections .oklahoma introduced a law allowing it to use nitrogen gas to kill death row prisoners if lethal injections are n't available .\n", - "governor mary fallin signed bill allowing nitrogen execution into lawchamber is pumped full of gas , and body dies from lack of oxygenmethod will become oklahoma 's second choice after lethal injectionsupreme court is due to rule on whether current execution drugs are legalif gas execution is not available , state will use electric chair or firing squad\n", - "[1.5754912 1.3418118 1.3399267 1.2195737 1.4275026 1.038826 1.0169605\n", - " 1.0502055 1.121115 1.0486559 1.1124876 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 2 3 8 10 7 9 5 6 16 11 12 13 14 15 17]\n", - "=======================\n", - "[\"lancashire 's liam livingstone scored a reported world-record 350 for nantwich town in a national club championship match against caldy on sunday .the 21-year-old all-rounder , who has yet to make his first-team debut for the red rose , plundered 34 fours and 27 sixes in his remarkable 138-ball innings .lancashire believes the innings is the highest-ever individual score in a one-day match .\"]\n", - "=======================\n", - "[\"liam livingstone hit 34 fours and 27 sixes 138-ball innings of 350the 21-year-old all-rounder is yet to debut for lancashire 's first teamhis nantwich town made 579 for seven from their 45 overs against caldythey won national club championship match by 500 runs\"]\n", - "lancashire 's liam livingstone scored a reported world-record 350 for nantwich town in a national club championship match against caldy on sunday .the 21-year-old all-rounder , who has yet to make his first-team debut for the red rose , plundered 34 fours and 27 sixes in his remarkable 138-ball innings .lancashire believes the innings is the highest-ever individual score in a one-day match .\n", - "liam livingstone hit 34 fours and 27 sixes 138-ball innings of 350the 21-year-old all-rounder is yet to debut for lancashire 's first teamhis nantwich town made 579 for seven from their 45 overs against caldythey won national club championship match by 500 runs\n", - "[1.2647002 1.3778588 1.3180783 1.2990683 1.2348034 1.0420763 1.0535887\n", - " 1.101655 1.0706676 1.0684597 1.0922412 1.0753984 1.0571573 1.0381105\n", - " 1.0777359 1.057827 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 7 10 14 11 8 9 15 12 6 5 13 16 17]\n", - "=======================\n", - "[\"the ohio court of claims on friday granted the money to wiley bridgeman , 60 , and kwame ajamu , 57 , and the brothers ' attorneys said compensation for lost wages has yet to be determined and awarded .bridgeman , ajamu , and ricky jackson , now 59 , were sent to death row after aggravated murder convictions in the slaying of cleveland money order salesman harry franks .two brothers exonerated after being sentenced to death for a 1975 slaying have been awarded more than $ 1.6 million in compensation from the state of ohio for decades of wrongful imprisonment .\"]\n", - "=======================\n", - "['wiley bridgeman , 60 , and kwame ajamu , 57 , sentenced for 1975 killingkey witness , 12-year-old boy , later recanted his testimony last yearajamu spent 27 years in prison , bridgeman spent almost 40 behind barsthird inmate , ricky jackson , received $ 1million in marchajamu and bridgeman , who are brothers , received death sentences at age 17 and 20 , respectively']\n", - "the ohio court of claims on friday granted the money to wiley bridgeman , 60 , and kwame ajamu , 57 , and the brothers ' attorneys said compensation for lost wages has yet to be determined and awarded .bridgeman , ajamu , and ricky jackson , now 59 , were sent to death row after aggravated murder convictions in the slaying of cleveland money order salesman harry franks .two brothers exonerated after being sentenced to death for a 1975 slaying have been awarded more than $ 1.6 million in compensation from the state of ohio for decades of wrongful imprisonment .\n", - "wiley bridgeman , 60 , and kwame ajamu , 57 , sentenced for 1975 killingkey witness , 12-year-old boy , later recanted his testimony last yearajamu spent 27 years in prison , bridgeman spent almost 40 behind barsthird inmate , ricky jackson , received $ 1million in marchajamu and bridgeman , who are brothers , received death sentences at age 17 and 20 , respectively\n", - "[1.2275269 1.4690671 1.1508899 1.3232682 1.2225008 1.213931 1.1604357\n", - " 1.1127965 1.066974 1.0863571 1.0904901 1.0500792 1.134072 1.0935657\n", - " 1.0248016 1.0715591 1.0336179 1.089104 ]\n", - "\n", - "[ 1 3 0 4 5 6 2 12 7 13 10 17 9 15 8 11 16 14]\n", - "=======================\n", - "['the man in his 50s , who has only been named as mr zhang , was travelling on his three-wheeled motorbike in dezhou city in east china when he was hit by a car at a busy junction and thrown off his bike .a man has died in a road accident in north west china - eight months after his brother was tragically killed in exactly the same spot .he later died in hospital from his injuries']\n", - "=======================\n", - "['the man in his 50s , only named as mr zhang , had been on his motorbikea car hit him as he pulled out of the junction , throwing him off the bikevillagers say his younger brother died in the same place last august , when a collision with a lorry killed him instantly']\n", - "the man in his 50s , who has only been named as mr zhang , was travelling on his three-wheeled motorbike in dezhou city in east china when he was hit by a car at a busy junction and thrown off his bike .a man has died in a road accident in north west china - eight months after his brother was tragically killed in exactly the same spot .he later died in hospital from his injuries\n", - "the man in his 50s , only named as mr zhang , had been on his motorbikea car hit him as he pulled out of the junction , throwing him off the bikevillagers say his younger brother died in the same place last august , when a collision with a lorry killed him instantly\n", - "[1.5022284 1.6461407 1.2557927 1.338564 1.0767366 1.121095 1.0282308\n", - " 1.0119196 1.1429343 1.0345883 1.00852 1.176058 1.075911 1.0362101\n", - " 1.0070409 1.0072764 1.0057796 0. ]\n", - "\n", - "[ 1 0 3 2 11 8 5 4 12 13 9 6 7 10 15 14 16 17]\n", - "=======================\n", - "[\"marcelo bosch landed a long-range penalty in the final act of sunday 's showdown with racing metro to clinch a 12-11 victory that has set up a last-four trip to st etienne 's stade geoffroy-guichard on april 18 .mark mccall believes neutral territory offers saracens hope of toppling mighty clermont to reach a second successive european final .awaiting in the champions cup semi-finals are clermont , who are bristling with confidence after their remarkable 37-5 rout of runaway aviva premiership leaders northampton .\"]\n", - "=======================\n", - "['saracens through to champions cup semi-final after beating racing metromarcelo bosch landed last-gasp penalty to seal the win on sundaysaracens face clermont in semi-final in neutral st etienne on april 18 or 19']\n", - "marcelo bosch landed a long-range penalty in the final act of sunday 's showdown with racing metro to clinch a 12-11 victory that has set up a last-four trip to st etienne 's stade geoffroy-guichard on april 18 .mark mccall believes neutral territory offers saracens hope of toppling mighty clermont to reach a second successive european final .awaiting in the champions cup semi-finals are clermont , who are bristling with confidence after their remarkable 37-5 rout of runaway aviva premiership leaders northampton .\n", - "saracens through to champions cup semi-final after beating racing metromarcelo bosch landed last-gasp penalty to seal the win on sundaysaracens face clermont in semi-final in neutral st etienne on april 18 or 19\n", - "[1.4984722 1.0725154 1.0860479 1.2579039 1.5480057 1.2394402 1.3485073\n", - " 1.0177445 1.0133655 1.0128638 1.0188166 1.0153955 1.016369 1.0192835\n", - " 1.0181128 1.0443166 1.0215034 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 4 0 6 3 5 2 1 15 16 13 10 14 7 12 11 8 9 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"tim howard is adamant the europa league is not to blame for everton 's poor season in the premier leagueaaron lennon scored for everton at swansea city but the game ended in a 1-1 draw at the liberty stadiumthe gap between their status now and after 32 games last season is 25 points , the difference between targeting a champions league place and chasing the top 10 .\"]\n", - "=======================\n", - "[\"everton drew 1-1 with swansea city at the liberty stadium on saturdaythey could finish premier league bottom half for first time in nine yearstim howard says his side 's struggles are n't down to europa leaguetoffees played 10 european games but howard says form is down to luck\"]\n", - "tim howard is adamant the europa league is not to blame for everton 's poor season in the premier leagueaaron lennon scored for everton at swansea city but the game ended in a 1-1 draw at the liberty stadiumthe gap between their status now and after 32 games last season is 25 points , the difference between targeting a champions league place and chasing the top 10 .\n", - "everton drew 1-1 with swansea city at the liberty stadium on saturdaythey could finish premier league bottom half for first time in nine yearstim howard says his side 's struggles are n't down to europa leaguetoffees played 10 european games but howard says form is down to luck\n", - "[1.326689 1.2349753 1.2413651 1.1704768 1.1474588 1.1561816 1.2709286\n", - " 1.0371506 1.029092 1.029167 1.0317631 1.032759 1.050798 1.104257\n", - " 1.0809555 1.1213876 1.0430565 1.073818 1.0440148 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 6 2 1 3 5 4 15 13 14 17 12 18 16 7 11 10 9 8 19 20 21 22 23]\n", - "=======================\n", - "['derby county season ticket holders from the 2010-11 campaign might struggle to believe it but alberto bueno prepares to face his former club real madrid on wednesday as the highest-scoring spanish-national in la liga with a big money move to porto waiting for him at the end of the season .after returning to valladolid he moved to rayo vallecano and at the club with one of the lowest budgets in spanish football he has had the season of his life .bueno played for derby on loan five years ago , but with just five goals in 29 games he looked anything like champions league material .']\n", - "=======================\n", - "['alberto bueno ha scored 17 goals for rayo vallecano this seasonstriker will lead the line on wednesday for rayo against real madridbueno has been linked with a move to porto at the end of the season']\n", - "derby county season ticket holders from the 2010-11 campaign might struggle to believe it but alberto bueno prepares to face his former club real madrid on wednesday as the highest-scoring spanish-national in la liga with a big money move to porto waiting for him at the end of the season .after returning to valladolid he moved to rayo vallecano and at the club with one of the lowest budgets in spanish football he has had the season of his life .bueno played for derby on loan five years ago , but with just five goals in 29 games he looked anything like champions league material .\n", - "alberto bueno ha scored 17 goals for rayo vallecano this seasonstriker will lead the line on wednesday for rayo against real madridbueno has been linked with a move to porto at the end of the season\n", - "[1.1369209 1.0439922 1.0596129 1.1355059 1.1066997 1.0591509 1.0424608\n", - " 1.0497916 1.1067975 1.0376608 1.0637922 1.043095 1.0733085 1.037072\n", - " 1.0238347 1.0293645 1.0325403 1.0320399 1.0739443 1.1228275 1.0629857\n", - " 1.0594683 1.0390064 1.0444583]\n", - "\n", - "[ 0 3 19 8 4 18 12 10 20 2 21 5 7 23 1 11 6 22 9 13 16 17 15 14]\n", - "=======================\n", - "[\"kathmandu , nepal ( cnn ) when the earthquake struck , we huddled under a concrete beam -- and prayed .i was at my uncle 's place in ramkot , west kathmandu , some 12 kilometers ( 7.4 miles ) east from my family home .a blood donation camp was said to be buried by the same structure that sheltered it .\"]\n", - "=======================\n", - "[\"journalist sunir pandey was visiting relatives with nepal 's 7.8 magnitude quake struckhe says they ran to shelter under a concrete beam and prayed , as dust rose from the rubble\"]\n", - "kathmandu , nepal ( cnn ) when the earthquake struck , we huddled under a concrete beam -- and prayed .i was at my uncle 's place in ramkot , west kathmandu , some 12 kilometers ( 7.4 miles ) east from my family home .a blood donation camp was said to be buried by the same structure that sheltered it .\n", - "journalist sunir pandey was visiting relatives with nepal 's 7.8 magnitude quake struckhe says they ran to shelter under a concrete beam and prayed , as dust rose from the rubble\n", - "[1.4804033 1.1076878 1.1655428 1.4228101 1.1379547 1.0751654 1.0653673\n", - " 1.1353973 1.0730326 1.0245527 1.1132138 1.0494211 1.018381 1.048895\n", - " 1.0476447 1.0855521 1.0412633 1.030969 1.0406811 1.0347304 1.0360075\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 4 7 10 1 15 5 8 6 11 13 14 16 18 20 19 17 9 12 21 22 23]\n", - "=======================\n", - "['jimmy anderson was given a silver cap by mike atherton to mark his 100th test .the list of fast bowling centurions is a short one and anderson finds himself in good company with courtney walsh ( 132 ) , glenn mcgrath ( 124 ) , chaminda vaas ( 111 ) , shaun pollock ( 108 ) , wasim akram ( 104 ) and makhaya ntini ( 101 ) .in a week when cricket lost one of its most revered voices , respectful tributes were paid before play began in antigua .']\n", - "=======================\n", - "[\"ian bell and joe root try new model helmet , which was released after phillip hughes ' death late last yearchris gayle absent from series , instead playing in indian premier leaguejimmy anderson was presented with silver cap on his 100th test matchteams pay their respect to richie benaud , who died last week\"]\n", - "jimmy anderson was given a silver cap by mike atherton to mark his 100th test .the list of fast bowling centurions is a short one and anderson finds himself in good company with courtney walsh ( 132 ) , glenn mcgrath ( 124 ) , chaminda vaas ( 111 ) , shaun pollock ( 108 ) , wasim akram ( 104 ) and makhaya ntini ( 101 ) .in a week when cricket lost one of its most revered voices , respectful tributes were paid before play began in antigua .\n", - "ian bell and joe root try new model helmet , which was released after phillip hughes ' death late last yearchris gayle absent from series , instead playing in indian premier leaguejimmy anderson was presented with silver cap on his 100th test matchteams pay their respect to richie benaud , who died last week\n", - "[1.3727483 1.5119631 1.3180207 1.443083 1.1437218 1.040511 1.0217586\n", - " 1.0220373 1.0905179 1.1642551 1.0584841 1.0121408 1.0090239 1.0273045\n", - " 1.016937 1.0152924 1.1508325 1.1488805 1.0111343 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 9 16 17 4 8 10 5 13 7 6 14 15 11 18 12 22 19 20 21 23]\n", - "=======================\n", - "[\"the big-hitting top-order batsman has nine england caps to date , since his debut against india last august .alex hales is hoping for a ` proper crack ' at one-day international cricket with englandbut after opening alongside alastair cook four times in that series defeat , hales has played in only five of england 's subsequent 18 matches - including at the world cup - and has batted instead at number three on three occasions .\"]\n", - "=======================\n", - "[\"alex hales has nine england caps since his debut against india last augustthe big-hitting batsman is hoping for a ` proper crack ' with his countryhales has played only five of last 18 matches since india series defeat\"]\n", - "the big-hitting top-order batsman has nine england caps to date , since his debut against india last august .alex hales is hoping for a ` proper crack ' at one-day international cricket with englandbut after opening alongside alastair cook four times in that series defeat , hales has played in only five of england 's subsequent 18 matches - including at the world cup - and has batted instead at number three on three occasions .\n", - "alex hales has nine england caps since his debut against india last augustthe big-hitting batsman is hoping for a ` proper crack ' with his countryhales has played only five of last 18 matches since india series defeat\n", - "[1.3696892 1.500035 1.309545 1.2904625 1.2085391 1.0889308 1.0717607\n", - " 1.0410389 1.0187618 1.0187578 1.0908093 1.1192119 1.0306948 1.0251853\n", - " 1.078421 1.0487643 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 11 10 5 14 6 15 7 12 13 8 9 16 17 18]\n", - "=======================\n", - "[\"anderson induced an edge from west indies captain denesh ramdin on the final day of the first test in antigua for his 384th test scalp on friday , breaking sir ian botham 's record which had stood for 23 years .england 's new record wicket-taker james anderson has promised there is more to come as he believes he is still improving as a bowler .anderson , 32 , broke the record in the same match which saw him collect his landmark 100th cap for england , although there was disappointment as england could not force a victory .\"]\n", - "=======================\n", - "[\"james anderson became england 's leading wicket-taker on fridaythe 32-year-old believes he ` can still improve as a bowler 'anderson reveals he 's still learning despite playing 100 games for englandread : jimmy anderson shows quiet guys do win , says nasser hussain\"]\n", - "anderson induced an edge from west indies captain denesh ramdin on the final day of the first test in antigua for his 384th test scalp on friday , breaking sir ian botham 's record which had stood for 23 years .england 's new record wicket-taker james anderson has promised there is more to come as he believes he is still improving as a bowler .anderson , 32 , broke the record in the same match which saw him collect his landmark 100th cap for england , although there was disappointment as england could not force a victory .\n", - "james anderson became england 's leading wicket-taker on fridaythe 32-year-old believes he ` can still improve as a bowler 'anderson reveals he 's still learning despite playing 100 games for englandread : jimmy anderson shows quiet guys do win , says nasser hussain\n", - "[1.5379536 1.1701988 1.3539445 1.4090213 1.1942295 1.0734358 1.0271902\n", - " 1.013494 1.0749657 1.0388811 1.0760614 1.0528679 1.069951 1.0711567\n", - " 1.1438718 1.021076 1.0108974 1.050782 1.1388952]\n", - "\n", - "[ 0 3 2 4 1 14 18 10 8 5 13 12 11 17 9 6 15 7 16]\n", - "=======================\n", - "[\"yaya toure 's agent has called manchester city boss manuel pellegrini a ` weak manager ' and criticised the club 's chief executive ferran soriano and director of football txiki begiristain .the agent of manchester city midfielder yaya toure ( left ) has called manuel pellegrini , his manager , ` weak 'but agent dimitri seluk has claimed the club are trying to make toure a scapegoat for bigger problems behind the scenes .\"]\n", - "=======================\n", - "[\"manchester city are willing to listen to offers for yaya toure this summerhis agent dimitri seluk has hit out and called manuel pellegrini ` weak 'he also criticised the city 's chief executive and director of footballivorian midfielder has had a difficult season at the premier league champions\"]\n", - "yaya toure 's agent has called manchester city boss manuel pellegrini a ` weak manager ' and criticised the club 's chief executive ferran soriano and director of football txiki begiristain .the agent of manchester city midfielder yaya toure ( left ) has called manuel pellegrini , his manager , ` weak 'but agent dimitri seluk has claimed the club are trying to make toure a scapegoat for bigger problems behind the scenes .\n", - "manchester city are willing to listen to offers for yaya toure this summerhis agent dimitri seluk has hit out and called manuel pellegrini ` weak 'he also criticised the city 's chief executive and director of footballivorian midfielder has had a difficult season at the premier league champions\n", - "[1.2753625 1.3653533 1.1841764 1.3549709 1.2207263 1.0749247 1.1429101\n", - " 1.1604575 1.1101922 1.0658044 1.0547625 1.1022708 1.0637678 1.0285444\n", - " 1.0263627 1.0144616 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 7 6 8 11 5 9 12 10 13 14 15 17 16 18]\n", - "=======================\n", - "[\"police exhumed the boy 's body from his grave in norfolk last year after the case came up for periodical review .the woman , who has not been named , was arrested on suspicion of infanticide but the charge was dropped after she explained how the baby had been stillborn and that she had concealed the pregnancy from her family and friends .a mother of a baby boy was arrested 27 years after his body was found wrapped in a blanket inside a sainsbury 's bag floating on a village pond .\"]\n", - "=======================\n", - "[\"baby boy 's remains were exhumed last year after case came up for reviewdna led police to the mother who was arrested on suspicion of infanticidebut the charge was dropped after she explained the baby was stillborncps may now charge her with failing to register the birth and preventing a lawful burial\"]\n", - "police exhumed the boy 's body from his grave in norfolk last year after the case came up for periodical review .the woman , who has not been named , was arrested on suspicion of infanticide but the charge was dropped after she explained how the baby had been stillborn and that she had concealed the pregnancy from her family and friends .a mother of a baby boy was arrested 27 years after his body was found wrapped in a blanket inside a sainsbury 's bag floating on a village pond .\n", - "baby boy 's remains were exhumed last year after case came up for reviewdna led police to the mother who was arrested on suspicion of infanticidebut the charge was dropped after she explained the baby was stillborncps may now charge her with failing to register the birth and preventing a lawful burial\n", - "[1.4198576 1.1677823 1.4637822 1.1873826 1.249524 1.3023081 1.1432928\n", - " 1.0770407 1.1125618 1.0493008 1.0245795 1.0558146 1.1019673 1.0229452\n", - " 1.0482839 1.0225658 1.0088371 1.0673876 0. ]\n", - "\n", - "[ 2 0 5 4 3 1 6 8 12 7 17 11 9 14 10 13 15 16 18]\n", - "=======================\n", - "['robert knowles , 68 , from plymouth , devon , is a serial shoplifter who first broke the law when he was 13 and has been in court at least once a year since 1959 .he pleaded guilty to stealing a watch and a pair of cuff links worth # 50 from h samuel in the city centre at plymouth magistrates court in his most recent offence and jailed for 16 weeks .it is believed knowles has now clocked up in the region of 350 offences over his lifetime .']\n", - "=======================\n", - "['robert knowles , 68 , from plymouth , first broke the law when he was just 13he was jailed for 16 weeks for stealing watch and cuff links in recent crimepensioner has broken law so many times prosecutors lost track of recordknowles has now clocked up nearly 350 offences in his lifetime']\n", - "robert knowles , 68 , from plymouth , devon , is a serial shoplifter who first broke the law when he was 13 and has been in court at least once a year since 1959 .he pleaded guilty to stealing a watch and a pair of cuff links worth # 50 from h samuel in the city centre at plymouth magistrates court in his most recent offence and jailed for 16 weeks .it is believed knowles has now clocked up in the region of 350 offences over his lifetime .\n", - "robert knowles , 68 , from plymouth , first broke the law when he was just 13he was jailed for 16 weeks for stealing watch and cuff links in recent crimepensioner has broken law so many times prosecutors lost track of recordknowles has now clocked up nearly 350 offences in his lifetime\n", - "[1.2056162 1.3473516 1.2655196 1.300652 1.1564083 1.2839965 1.0518763\n", - " 1.1216089 1.26453 1.0207456 1.1036701 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 5 2 8 0 4 7 10 6 9 11 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"the findings come after the general secretary of the national association of head teachers said he was dubious about using technology as a teaching aid in non-it classes .children who share ipads in class do much better in early literacy tests than those who do n't , researchers claim ( stock image above )shared ipad students scored around 30 points higher than students who used the device on their own and non-ipad users .\"]\n", - "=======================\n", - "['students who shared an ipad scored around 30 points higher on the testcourtney blackwell worked with 352 students in america for the research']\n", - "the findings come after the general secretary of the national association of head teachers said he was dubious about using technology as a teaching aid in non-it classes .children who share ipads in class do much better in early literacy tests than those who do n't , researchers claim ( stock image above )shared ipad students scored around 30 points higher than students who used the device on their own and non-ipad users .\n", - "students who shared an ipad scored around 30 points higher on the testcourtney blackwell worked with 352 students in america for the research\n", - "[1.30851 1.1655452 1.3596578 1.1222252 1.0766118 1.1693027 1.2235088\n", - " 1.1076657 1.0561184 1.0968196 1.0265406 1.0239861 1.0323172 1.0655109\n", - " 1.0683916 1.0426352 1.0681342 1.1598531 1.0659724 1.0489895]\n", - "\n", - "[ 2 0 6 5 1 17 3 7 9 4 14 16 18 13 8 19 15 12 10 11]\n", - "=======================\n", - "[\"yesterday john suchet was in mourning after losing his wife bonnie following her decade-long battle with dementia .classic fm presenter suchet , now 71 , has spoken openly about his wife 's diagnosis and the toll it took on their relationship , writing a book and becoming honorary president of the dementia uk charity .the broadcaster declined to comment , stating it was a ` private family matter ' , but fans took to social networking site twitter to offer their condolences .\"]\n", - "=======================\n", - "[\"suchet , 71 , said his marriage to his bonnie had been ` made in heaven 'had been open about bonnie 's dementia and even wrote a book about itshe died ` peacefully ' on april 15 , according to a notice in a newspaper\"]\n", - "yesterday john suchet was in mourning after losing his wife bonnie following her decade-long battle with dementia .classic fm presenter suchet , now 71 , has spoken openly about his wife 's diagnosis and the toll it took on their relationship , writing a book and becoming honorary president of the dementia uk charity .the broadcaster declined to comment , stating it was a ` private family matter ' , but fans took to social networking site twitter to offer their condolences .\n", - "suchet , 71 , said his marriage to his bonnie had been ` made in heaven 'had been open about bonnie 's dementia and even wrote a book about itshe died ` peacefully ' on april 15 , according to a notice in a newspaper\n", - "[1.6562992 1.4894001 1.2112414 1.5131637 1.0506784 1.0429986 1.015999\n", - " 1.017429 1.0119424 1.0116119 1.0146759 1.0107077 1.2426147 1.179081\n", - " 1.0575569 1.0099765 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 12 2 13 14 4 5 7 6 10 8 9 11 15 18 16 17 19]\n", - "=======================\n", - "[\"england lock joe launchbury is hopeful of making his comeback in wasps ' aviva premiership clash with leicester on may 9 as the final stage of his rehabilitation enters ` crunch time ' .launchbury has been sidelined since october because of a nerve problem caused by a bulging disc in his neck , but is close to regaining full fitness with the showdown against the tigers pencilled in for his return .if the 24-year-old is given the all-clear to face the tigers in a match that could be crucial to wasps ' play-off prospects , it will be his debut at the club 's new home at the ricoh arena .\"]\n", - "=======================\n", - "['joe launchbury has been out of action for wasps since october24-year-old suffered a nerve problem caused by a bulging disc in his neckwasps face leicester tigers at the ricoh arena on may 9']\n", - "england lock joe launchbury is hopeful of making his comeback in wasps ' aviva premiership clash with leicester on may 9 as the final stage of his rehabilitation enters ` crunch time ' .launchbury has been sidelined since october because of a nerve problem caused by a bulging disc in his neck , but is close to regaining full fitness with the showdown against the tigers pencilled in for his return .if the 24-year-old is given the all-clear to face the tigers in a match that could be crucial to wasps ' play-off prospects , it will be his debut at the club 's new home at the ricoh arena .\n", - "joe launchbury has been out of action for wasps since october24-year-old suffered a nerve problem caused by a bulging disc in his neckwasps face leicester tigers at the ricoh arena on may 9\n", - "[1.4790102 1.5449 1.1666179 1.0717673 1.4423633 1.1008303 1.0262052\n", - " 1.0536939 1.0436748 1.0441303 1.1746725 1.1576616 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 10 2 11 5 3 7 9 8 6 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"the six-time olympic gold medallist will compete at the relay championship on may 2 and 3 as part of the jamaican team .usain bolt has confirmed he will be part of jamaica 's team at the world relays in the bahamasthe full jamaican team list for the competition will be announced shortly .\"]\n", - "=======================\n", - "[\"usain bolt will compete at the iaaf/btc world relays on may 2-3six-time olympic gold medalist says he 's ` fit , healthy and ready to run 'bolt was part of the jamaica team that won gold at london 2012\"]\n", - "the six-time olympic gold medallist will compete at the relay championship on may 2 and 3 as part of the jamaican team .usain bolt has confirmed he will be part of jamaica 's team at the world relays in the bahamasthe full jamaican team list for the competition will be announced shortly .\n", - "usain bolt will compete at the iaaf/btc world relays on may 2-3six-time olympic gold medalist says he 's ` fit , healthy and ready to run 'bolt was part of the jamaica team that won gold at london 2012\n", - "[1.0249764 1.1049643 1.3229164 1.2991052 1.286924 1.2379987 1.2483584\n", - " 1.0916198 1.0624733 1.029085 1.0948756 1.0827558 1.1015979 1.0948488\n", - " 1.1575792 1.0883101 1.0457511 0. 0. 0. ]\n", - "\n", - "[ 2 3 4 6 5 14 1 12 10 13 7 15 11 8 16 9 0 17 18 19]\n", - "=======================\n", - "['researchers have discovered that people who have breathing problems while asleep are more likely to experience an early decline in memory and other brain functions .in a worrying study , they found that people with sleep apnoea - a condition often typified by heavy snoring - saw a mental decline more than a decade earlier , on average , than those who had no sleep problems .at least half a million britons suffer from sleep apnoea , which is most often found in middle-aged , overweight men .']\n", - "=======================\n", - "[\"people who snore are more likely to experience an early decline in memorythose with sleep apnoea saw a mental decline more than a decade earliersleep apnoea is where the throat narrows in sleep , interrupting breathingonset of alzheimer 's might be accelerated for people with sleep problems\"]\n", - "researchers have discovered that people who have breathing problems while asleep are more likely to experience an early decline in memory and other brain functions .in a worrying study , they found that people with sleep apnoea - a condition often typified by heavy snoring - saw a mental decline more than a decade earlier , on average , than those who had no sleep problems .at least half a million britons suffer from sleep apnoea , which is most often found in middle-aged , overweight men .\n", - "people who snore are more likely to experience an early decline in memorythose with sleep apnoea saw a mental decline more than a decade earliersleep apnoea is where the throat narrows in sleep , interrupting breathingonset of alzheimer 's might be accelerated for people with sleep problems\n", - "[1.3930602 1.2441223 1.1056665 1.3856153 1.199805 1.0855886 1.0602636\n", - " 1.0500456 1.0476179 1.0817803 1.0315093 1.0269173 1.0866127 1.0573347\n", - " 1.0650777 1.0468948 1.0231435 1.0123112 1.0653135 1.024301 ]\n", - "\n", - "[ 0 3 1 4 2 12 5 9 18 14 6 13 7 8 15 10 11 19 16 17]\n", - "=======================\n", - "['atlanta ( cnn ) a judge , declaring he was n\\'t \" comfortable \" with seven-year prison terms given earlier to three educators in the atlanta public schools cheating scandal , on thursday reduced their sentences to three years in prison .tamara cotman , sharon davis-williams and michael pitts also were ordered thursday to serve seven years on probation , pay $ 10,000 fines and work 2,000 hours in community service .\" i \\'m not comfortable with it , \" fulton county superior court judge jerry baxter said of the sentences he handed down to the three defendants april 14 .']\n", - "=======================\n", - "['\" i had never seen a judge conduct himself in that way , \" defendant \\'s lawyer saysa judge reduces prison sentences for 3 educators in the atlanta public schools cheating scandal\" i \\'m not comfortable with it , \" judge jerry baxter said of the original longer sentences']\n", - "atlanta ( cnn ) a judge , declaring he was n't \" comfortable \" with seven-year prison terms given earlier to three educators in the atlanta public schools cheating scandal , on thursday reduced their sentences to three years in prison .tamara cotman , sharon davis-williams and michael pitts also were ordered thursday to serve seven years on probation , pay $ 10,000 fines and work 2,000 hours in community service .\" i 'm not comfortable with it , \" fulton county superior court judge jerry baxter said of the sentences he handed down to the three defendants april 14 .\n", - "\" i had never seen a judge conduct himself in that way , \" defendant 's lawyer saysa judge reduces prison sentences for 3 educators in the atlanta public schools cheating scandal\" i 'm not comfortable with it , \" judge jerry baxter said of the original longer sentences\n", - "[1.4281638 1.2736405 1.2650247 1.4534053 1.3883421 1.2148963 1.0301743\n", - " 1.0664235 1.0220287 1.0248952 1.0165242 1.0923501 1.0465194 1.0595478\n", - " 1.0262288 1.1045668 1.032839 1.100355 1.007206 1.0126805 1.0122963\n", - " 1.1254377 1.0202085 1.0078106 1.0123415]\n", - "\n", - "[ 3 0 4 1 2 5 21 15 17 11 7 13 12 16 6 14 9 8 22 10 19 24 20 23\n", - " 18]\n", - "=======================\n", - "['harry kane has been nominated for pfa player of the year after a standout season for tottnehamspurs boss mauricio pochettino says kane deserves to win the award for his impact on english footballthat two forwards are the leading contenders to scoop the pfa accolade after their nominations this week .']\n", - "=======================\n", - "['harry kane has been nominated for the pfa player of the year awardkane will have to beat off competition from eden hazard to win awardmauricio pochettino says kane deserves to win the awarddavid de gea , diego costa , philippe coutinho and alexis sanchez complete six-man shortlist']\n", - "harry kane has been nominated for pfa player of the year after a standout season for tottnehamspurs boss mauricio pochettino says kane deserves to win the award for his impact on english footballthat two forwards are the leading contenders to scoop the pfa accolade after their nominations this week .\n", - "harry kane has been nominated for the pfa player of the year awardkane will have to beat off competition from eden hazard to win awardmauricio pochettino says kane deserves to win the awarddavid de gea , diego costa , philippe coutinho and alexis sanchez complete six-man shortlist\n", - "[1.1339291 1.4359249 1.4892449 1.3887606 1.17341 1.0602624 1.0399988\n", - " 1.0211475 1.0185353 1.2086947 1.1346626 1.0133111 1.0423979 1.0260115\n", - " 1.0153699 1.1011336 1.0250776 1.1727884 1.0093429 1.01375 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 9 4 17 10 0 15 5 12 6 13 16 7 8 14 19 11 18 23 20 21 22\n", - " 24]\n", - "=======================\n", - "['it measures a whopping 45ft in length , and according to its maker , sends its occupiers into the air at a height of around 25ft .kyle toth , who runs his own custom woodworking business , built the seesaw from trees behind his workshop in temecula .kyle said the tree was about 65ft long so he cut it to make it even on both sides and the seesaw was born']\n", - "=======================\n", - "['the seesaw was created by talented temecula-based carpenter kyle tothkyle placed the large trunk into natural split of tree and cut it down to sizerope attached to one side of the seesaw helps people get on and offseesaw is made from raw material and sends occupiers to height of 25ft']\n", - "it measures a whopping 45ft in length , and according to its maker , sends its occupiers into the air at a height of around 25ft .kyle toth , who runs his own custom woodworking business , built the seesaw from trees behind his workshop in temecula .kyle said the tree was about 65ft long so he cut it to make it even on both sides and the seesaw was born\n", - "the seesaw was created by talented temecula-based carpenter kyle tothkyle placed the large trunk into natural split of tree and cut it down to sizerope attached to one side of the seesaw helps people get on and offseesaw is made from raw material and sends occupiers to height of 25ft\n", - "[1.2539912 1.2581625 1.2344528 1.218611 1.1480004 1.1981983 1.1889839\n", - " 1.1550586 1.0630646 1.0827638 1.1154604 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 5 6 7 4 10 9 8 22 21 20 19 18 17 12 15 14 13 23 11 16\n", - " 24]\n", - "=======================\n", - "['even though we get more time in bed than most other nations -- seven hours 22 minutes a night -- only the japanese , south koreans and singaporeans are moodier when day breaks .britons wake up grumpier than anyone else in the western world , according to users of a sleep app .the app tracks how well people rest at night by using the motion sensor in their smartphone .']\n", - "=======================\n", - "['according to new app , brits are grumpiest in western world at daybreakdespite getting more sleep than most - at seven hours 22 minutes a nightonly japanese , south koreans and singaporeans are moodier in morning']\n", - "even though we get more time in bed than most other nations -- seven hours 22 minutes a night -- only the japanese , south koreans and singaporeans are moodier when day breaks .britons wake up grumpier than anyone else in the western world , according to users of a sleep app .the app tracks how well people rest at night by using the motion sensor in their smartphone .\n", - "according to new app , brits are grumpiest in western world at daybreakdespite getting more sleep than most - at seven hours 22 minutes a nightonly japanese , south koreans and singaporeans are moodier in morning\n", - "[1.1732126 1.5270858 1.2931666 1.4182104 1.1130552 1.0660505 1.0645593\n", - " 1.0937183 1.0827001 1.2660552 1.0270501 1.0305492 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 9 0 4 7 8 5 6 11 10 19 22 21 20 18 12 16 15 14 13 23 17\n", - " 24]\n", - "=======================\n", - "[\"canterbury forwards james graham and david klemmer could face point penalties or a temporary game ban for their arguments with a referee during the good friday showdown between south sydney and canterbury at the anz stadium in sydney .nrl head of football todd greenberg revealed that the match review committee would ` look very closely at ' their behaviour , noting that contrary conduct and detrimental conduct requirements will ` form part of the review ' .violent spectators might not be the only ones to face strict disciplining after friday night 's nrl match , as nrl head 's reveal players could also face sanctions for their unacceptable behaviour on the field .\"]\n", - "=======================\n", - "[\"nrl head of football todd greenberg said the match review committee would ` look very closely at ' the canterbury forwards ' behaviourgraham argued with referee gerard sutton for awarding souths a penaltyklemmer was sin-binned for yelling ` you 're off your f **** ing face , ' at the refboth could have could have contrary conduct and detrimental conduct charges referred straight to the nrl judiciaryhighest charge carries 525-demerit point penalty and five-game banit comes as nrl heads slam spectators who threw bottles at refereespolice have not laid charges , but two men have had their details taken\"]\n", - "canterbury forwards james graham and david klemmer could face point penalties or a temporary game ban for their arguments with a referee during the good friday showdown between south sydney and canterbury at the anz stadium in sydney .nrl head of football todd greenberg revealed that the match review committee would ` look very closely at ' their behaviour , noting that contrary conduct and detrimental conduct requirements will ` form part of the review ' .violent spectators might not be the only ones to face strict disciplining after friday night 's nrl match , as nrl head 's reveal players could also face sanctions for their unacceptable behaviour on the field .\n", - "nrl head of football todd greenberg said the match review committee would ` look very closely at ' the canterbury forwards ' behaviourgraham argued with referee gerard sutton for awarding souths a penaltyklemmer was sin-binned for yelling ` you 're off your f **** ing face , ' at the refboth could have could have contrary conduct and detrimental conduct charges referred straight to the nrl judiciaryhighest charge carries 525-demerit point penalty and five-game banit comes as nrl heads slam spectators who threw bottles at refereespolice have not laid charges , but two men have had their details taken\n", - "[1.2162642 1.4711759 1.2079107 1.1861072 1.240118 1.2967778 1.1520298\n", - " 1.091647 1.0583311 1.0353167 1.1068223 1.0709723 1.0126237 1.0124602\n", - " 1.084155 1.0585624 1.0494958 1.0575547 1.1065657 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 4 0 2 3 6 10 18 7 14 11 15 8 17 16 9 12 13 23 19 20 21 22\n", - " 24]\n", - "=======================\n", - "['jake castner , from ballarat in victoria , went into hiding last week after a warrant was issued for his arrest in relation to a string of thefts .joking about the ` nightmare \\' title a magistrate gave him last year when he pleaded guilty to 33 offences , he wrote on sunday : ` me i \\'m ur worst \" nightmare \" . \\'a 19-year-old drug addict and convicted thief is taunting police on facebook as he spends his fifth day on the run .']\n", - "=======================\n", - "[\"jake castner is wanted over burglary and theft-related offenceshe is boasting about how the police ` ca n't catch ' him on facebookhe also appears to offer to sell drugs and a locked iphone 4the 19-year-old was called a nightmare by a magistrate last yearpolice are appealing for help to find the teen from ballarat , victoria\"]\n", - "jake castner , from ballarat in victoria , went into hiding last week after a warrant was issued for his arrest in relation to a string of thefts .joking about the ` nightmare ' title a magistrate gave him last year when he pleaded guilty to 33 offences , he wrote on sunday : ` me i 'm ur worst \" nightmare \" . 'a 19-year-old drug addict and convicted thief is taunting police on facebook as he spends his fifth day on the run .\n", - "jake castner is wanted over burglary and theft-related offenceshe is boasting about how the police ` ca n't catch ' him on facebookhe also appears to offer to sell drugs and a locked iphone 4the 19-year-old was called a nightmare by a magistrate last yearpolice are appealing for help to find the teen from ballarat , victoria\n", - "[1.2206922 1.2250526 1.3803725 1.1991194 1.1976969 1.0836008 1.0387927\n", - " 1.0612428 1.0577117 1.0907512 1.0678331 1.0420907 1.0191936 1.0324665\n", - " 1.0249767 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 1 0 3 4 9 5 10 7 8 11 6 13 14 12 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"john frost says he ` would n't trust a nun with a crutch ' ( stock image )other passengers , as jon frost hilariously recounts , try to sneak through the red and green channels considerably more heavily laden .stopped by customs officers , oscar wilde notoriously said he had nothing to declare but his genius .\"]\n", - "=======================\n", - "[\"john frost hilariously recounts stories from his career at london airportsfrost and his team frequently detect drugs hidden in bizarre wayshe has even had to deal with a monkey ` disguised as a hairy child '\"]\n", - "john frost says he ` would n't trust a nun with a crutch ' ( stock image )other passengers , as jon frost hilariously recounts , try to sneak through the red and green channels considerably more heavily laden .stopped by customs officers , oscar wilde notoriously said he had nothing to declare but his genius .\n", - "john frost hilariously recounts stories from his career at london airportsfrost and his team frequently detect drugs hidden in bizarre wayshe has even had to deal with a monkey ` disguised as a hairy child '\n", - "[1.2079232 1.2279725 1.3072438 1.3800724 1.3127766 1.1219798 1.1701627\n", - " 1.105864 1.0310276 1.0720158 1.0415747 1.1713892 1.0579296 1.0303166\n", - " 1.0475821 1.0542446 1.0636926 1.0166063 1.0406313 1.0174391 1.0214969\n", - " 1.0143937 1.0276353]\n", - "\n", - "[ 3 4 2 1 0 11 6 5 7 9 16 12 15 14 10 18 8 13 22 20 19 17 21]\n", - "=======================\n", - "['a patient at the royal victoria hospital in belfast is being tested for suspected rabiesthe public health agency ( pha ) confirmed the person had recently travelled in an area affected by the disease .animal career lisa mcmurray died at the same belfast hospital in 2009 after contracting rabies .']\n", - "=======================\n", - "['public health agency confirm patient is being tested for rabies in hospitalsay that the person had recently travelled to area affected by diseaserabies is a viral infection that attacks the brain and nervous system']\n", - "a patient at the royal victoria hospital in belfast is being tested for suspected rabiesthe public health agency ( pha ) confirmed the person had recently travelled in an area affected by the disease .animal career lisa mcmurray died at the same belfast hospital in 2009 after contracting rabies .\n", - "public health agency confirm patient is being tested for rabies in hospitalsay that the person had recently travelled to area affected by diseaserabies is a viral infection that attacks the brain and nervous system\n", - "[1.2246611 1.3819122 1.3199341 1.3795996 1.300628 1.1004263 1.0150899\n", - " 1.044544 1.0267283 1.057865 1.1233875 1.0852695 1.1086109 1.021739\n", - " 1.0786934 1.0536691 1.082601 1.0177995 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 10 12 5 11 16 14 9 15 7 8 13 17 6 21 18 19 20 22]\n", - "=======================\n", - "[\"kathleen blomberg , a resident at the heavily damaged 125 second ave. , which is still under a full-vacate order , has been reunited with her two cats , kitty cordelia and sebastian .the american society for the prevention of cruelty to animals found the the traumatized animals under blomberg 's bed and said it took about an hour to coax them out .two people died and 22 were injured in last week 's explosion , which authorities now believe was caused by an illegally tapped gas line\"]\n", - "=======================\n", - "[\"kathleen blomberg was forced to leave her beloved pets behind when she fleed her apartment after the gas explosion last thursdayshe was finally reunited with kitty cordelia and sebastian on wednesdaythe aspca had found the two tramatized cats hidden under blomberg 's bed in the abandoned homei have no words , because , i mean , they 're my children , ' said an emotional blomberg following the reunion\"]\n", - "kathleen blomberg , a resident at the heavily damaged 125 second ave. , which is still under a full-vacate order , has been reunited with her two cats , kitty cordelia and sebastian .the american society for the prevention of cruelty to animals found the the traumatized animals under blomberg 's bed and said it took about an hour to coax them out .two people died and 22 were injured in last week 's explosion , which authorities now believe was caused by an illegally tapped gas line\n", - "kathleen blomberg was forced to leave her beloved pets behind when she fleed her apartment after the gas explosion last thursdayshe was finally reunited with kitty cordelia and sebastian on wednesdaythe aspca had found the two tramatized cats hidden under blomberg 's bed in the abandoned homei have no words , because , i mean , they 're my children , ' said an emotional blomberg following the reunion\n", - "[1.409898 1.1640966 1.4411114 1.2288 1.3439078 1.1922766 1.2029027\n", - " 1.1426035 1.023103 1.0267944 1.0662783 1.0297168 1.026403 1.0195881\n", - " 1.0542395 1.0191393 1.0126082 1.019797 1.014835 1.0783929 1.2232006\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 4 3 20 6 5 1 7 19 10 14 11 9 12 8 17 13 15 18 16 21 22]\n", - "=======================\n", - "[\"sandra malcolm 's body was found at her cape town home by her grandson who reportedly climbed through a window when nobody answered the door .mrs malcolm , originally from dundee in scotland , was found on sunday morning at the capri mews complex in the marina da gama area of the city .reports in south africa suggest the 74-year-old 's attackers had mutilated her - although police have yet to confirm this .\"]\n", - "=======================\n", - "[\"reports suggest sandra malcolm 's body was mutilated by her attackerspensioner , originally from dundee , was found at her home in cape townher grandson made the discovery after climbing through a window when nobody answered the door\"]\n", - "sandra malcolm 's body was found at her cape town home by her grandson who reportedly climbed through a window when nobody answered the door .mrs malcolm , originally from dundee in scotland , was found on sunday morning at the capri mews complex in the marina da gama area of the city .reports in south africa suggest the 74-year-old 's attackers had mutilated her - although police have yet to confirm this .\n", - "reports suggest sandra malcolm 's body was mutilated by her attackerspensioner , originally from dundee , was found at her home in cape townher grandson made the discovery after climbing through a window when nobody answered the door\n", - "[1.4018354 1.475707 1.2134767 1.3095245 1.0730634 1.0800768 1.3253189\n", - " 1.0262806 1.0187341 1.0218756 1.122628 1.1987839 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 6 3 2 11 10 5 4 7 9 8 20 19 18 17 14 15 13 12 21 16 22]\n", - "=======================\n", - "[\"american television network showtime has released a short promotional video from within the mayweather camp as the build up to the may 2 bout at the mgm grand in las vegas .the anticipation has been ramped up ahead of next month 's $ 300million mega fight between floyd mayweather jnr and manny pacquiao .mayweather is down to within three-and-a-half pounds of the welterweight limit ahead of mega-fight\"]\n", - "=======================\n", - "['floyd mayweather jnr and manny pacquiao fight in las vegas on may 2showtime have released a short film from inside the mayweather campthe undefeated american says he has never wanted to win a fight so much']\n", - "american television network showtime has released a short promotional video from within the mayweather camp as the build up to the may 2 bout at the mgm grand in las vegas .the anticipation has been ramped up ahead of next month 's $ 300million mega fight between floyd mayweather jnr and manny pacquiao .mayweather is down to within three-and-a-half pounds of the welterweight limit ahead of mega-fight\n", - "floyd mayweather jnr and manny pacquiao fight in las vegas on may 2showtime have released a short film from inside the mayweather campthe undefeated american says he has never wanted to win a fight so much\n", - "[1.5696588 1.3028986 1.216257 1.1558166 1.1108855 1.1166277 1.0512604\n", - " 1.0236088 1.0201834 1.0527039 1.0037398 1.0492215 1.0259353 1.0294125\n", - " 1.0337048 1.0181831 1.0276123 1.0536989 1.1397743 1.0502814 1.0377204\n", - " 1.0329992 1.0180278 1.0147747 1.0407503]\n", - "\n", - "[ 0 1 2 3 18 5 4 17 9 6 19 11 24 20 14 21 13 16 12 7 8 15 22 23\n", - " 10]\n", - "=======================\n", - "['( cnn ) freddie gray was arrested baltimore police on the morning of april 12 without incident , according to police .less than an hour after he was detained , officers transporting him called for a medic .he subsequently slipped into a coma , dying a week after his initial arrest .']\n", - "=======================\n", - "['freddie gray died on sunday after slipping into a comahe was arrested a week earlier under murky circumstances']\n", - "( cnn ) freddie gray was arrested baltimore police on the morning of april 12 without incident , according to police .less than an hour after he was detained , officers transporting him called for a medic .he subsequently slipped into a coma , dying a week after his initial arrest .\n", - "freddie gray died on sunday after slipping into a comahe was arrested a week earlier under murky circumstances\n", - "[1.1783682 1.340548 1.2337209 1.2056271 1.1921287 1.1117384 1.1706587\n", - " 1.1343595 1.0466968 1.056921 1.0944765 1.1027389 1.0653306 1.0481335\n", - " 1.0646446 1.0395677 1.0130707 1.0529531 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 6 7 5 11 10 12 14 9 17 13 8 15 16 23 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"the blob in the ocean was discovered last year , with temperatures one to four degrees celsius ( two to seven degrees fahrenheit ) above surrounding ` normal ' water .and the blob has now extended about 1,000 miles ( 1,600 km ) offshore , from mexico up to alaska , and could herald a warmer summer for some regions .a ` blob ' of warm water 2,000 miles across is sitting in the pacific ocean ( shown in diagram ) .\"]\n", - "=======================\n", - "[\"a ` blob ' of warm water 2,000 miles across is sitting in the pacific oceanit has been present since 2013 and causing fish to seek shelter elsewhereuniversity of washington study says it could be responsible for droughtsbut it is not clear where the blob has come from - or how long it will stay\"]\n", - "the blob in the ocean was discovered last year , with temperatures one to four degrees celsius ( two to seven degrees fahrenheit ) above surrounding ` normal ' water .and the blob has now extended about 1,000 miles ( 1,600 km ) offshore , from mexico up to alaska , and could herald a warmer summer for some regions .a ` blob ' of warm water 2,000 miles across is sitting in the pacific ocean ( shown in diagram ) .\n", - "a ` blob ' of warm water 2,000 miles across is sitting in the pacific oceanit has been present since 2013 and causing fish to seek shelter elsewhereuniversity of washington study says it could be responsible for droughtsbut it is not clear where the blob has come from - or how long it will stay\n", - "[1.3518646 1.3037105 1.1216424 1.2507246 1.2477267 1.1794895 1.0514053\n", - " 1.0826477 1.0811939 1.089777 1.058457 1.0576236 1.0383251 1.0677887\n", - " 1.1670383 1.1180404 1.1306845 1.0511968 1.0410695 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 4 5 14 16 2 15 9 7 8 13 10 11 6 17 18 12 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "['pilots have reported 167 cases of toxic cabin fumes or smoke in only four months , official safety figures reveal .twelve of the cases resulted in the pilots requesting a priority landing , one flight was diverted and on two flights the pilots made an emergency mayday call .eleven of the cabin crew became unwell during flight , with symptoms of light-headedness , nausea and \" sea sickness \" .']\n", - "=======================\n", - "[\"pilots reported 167 cases of toxic cabin fumes or smoke in four monthstwelve cases led pilots to request priority landing , with mayday call in tworeignited debate on whether prolonged exposure to air in planes is safemany former pilots and aircrew think they 've suffered long-term illnesses\"]\n", - "pilots have reported 167 cases of toxic cabin fumes or smoke in only four months , official safety figures reveal .twelve of the cases resulted in the pilots requesting a priority landing , one flight was diverted and on two flights the pilots made an emergency mayday call .eleven of the cabin crew became unwell during flight , with symptoms of light-headedness , nausea and \" sea sickness \" .\n", - "pilots reported 167 cases of toxic cabin fumes or smoke in four monthstwelve cases led pilots to request priority landing , with mayday call in tworeignited debate on whether prolonged exposure to air in planes is safemany former pilots and aircrew think they 've suffered long-term illnesses\n", - "[1.1540043 1.0594695 1.2646513 1.2740744 1.0931295 1.0540919 1.0752163\n", - " 1.1921614 1.2053306 1.0571759 1.0306879 1.0517672 1.0638903 1.0498309\n", - " 1.0179534 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 8 7 0 4 6 12 1 9 5 11 13 10 14 22 21 20 19 16 17 15 23 18\n", - " 24]\n", - "=======================\n", - "[\"she had entered the 2005 ultra-trail du mont-blanc ( utmb ) on a whim -- but now , the reality of the challenge ahead began to sink in .waiting nervously at the starting line of her first 155 km race around mont blanc , 29-year-old lizzy hawker looked down at her holey long johns , clumpy trail shoes and the poorly fitting rucksack she had borrowed , then up at the elite lycra kit of her fellow competitors .she would go on to become britain 's most distinctive female ` ultra runner ' , coming first in the utmb five times , taking gold in the women 's 100km world championships in korea in 2006 , setting a new women 's world record for 24 hours on the road in the 2011 commonwealth championships and a new course record at the sunbaked 246 km spartathlon in 2012 .\"]\n", - "=======================\n", - "[\"lizzy hawker entered the 2005 ultra-trail du mont-blanc ( utmb ) on a whimhawker was the first woman to cross the finish line that year in 24th placeshe 's gone on to become britain 's most distinctive female ` ultra runner '\"]\n", - "she had entered the 2005 ultra-trail du mont-blanc ( utmb ) on a whim -- but now , the reality of the challenge ahead began to sink in .waiting nervously at the starting line of her first 155 km race around mont blanc , 29-year-old lizzy hawker looked down at her holey long johns , clumpy trail shoes and the poorly fitting rucksack she had borrowed , then up at the elite lycra kit of her fellow competitors .she would go on to become britain 's most distinctive female ` ultra runner ' , coming first in the utmb five times , taking gold in the women 's 100km world championships in korea in 2006 , setting a new women 's world record for 24 hours on the road in the 2011 commonwealth championships and a new course record at the sunbaked 246 km spartathlon in 2012 .\n", - "lizzy hawker entered the 2005 ultra-trail du mont-blanc ( utmb ) on a whimhawker was the first woman to cross the finish line that year in 24th placeshe 's gone on to become britain 's most distinctive female ` ultra runner '\n", - "[1.4189152 1.4197087 1.1196855 1.4107769 1.142188 1.2454509 1.1307476\n", - " 1.1026472 1.1180472 1.2201194 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 5 9 4 6 2 8 7 22 21 20 19 18 17 12 15 14 13 23 11 10 16\n", - " 24]\n", - "=======================\n", - "['the forward is out of contract this summer and will be available on a free transfer at the end of the season .tottenham have registered their interest in marseille star andre ayew .andre ayew ( right ) is believed to be a target for tottenham in the summer but they face stiff competition']\n", - "=======================\n", - "[\"tottenham have shown an interest in marseille forward andre ayewthe ghana international is being chased by host of european clubsayew fits into tottenham 's blueprint and can move for free in the summerclick here for all the latest tottenham news\"]\n", - "the forward is out of contract this summer and will be available on a free transfer at the end of the season .tottenham have registered their interest in marseille star andre ayew .andre ayew ( right ) is believed to be a target for tottenham in the summer but they face stiff competition\n", - "tottenham have shown an interest in marseille forward andre ayewthe ghana international is being chased by host of european clubsayew fits into tottenham 's blueprint and can move for free in the summerclick here for all the latest tottenham news\n", - "[1.3687072 1.3267665 1.3331969 1.1095989 1.1259953 1.1710782 1.0277013\n", - " 1.0563325 1.1162666 1.0488721 1.0755982 1.0310524 1.024648 1.0238105\n", - " 1.1427644 1.0629325 1.0794592 0. 0. ]\n", - "\n", - "[ 0 2 1 5 14 4 8 3 16 10 15 7 9 11 6 12 13 17 18]\n", - "=======================\n", - "['california gov. jerry brown ordered state officials to impose mandatory water restrictions for the first time in history on wednesday , as the state continues to grapple with a serious drought .california has been in a drought for four years .brown said wednesday that he had signed an executive order requiring the state water resources control board to implement measures in cities and towns to cut water usage by 25 percent compared with 2013 levels .']\n", - "=======================\n", - "[\"california gov. jerry brown ordered state officials wednesday to impose mandatory water restrictions for the first time in historybrown said he signed an executive order requiring measures be implemented to cut water usage by 25 percent compared with 2013 levelsstate water officials found no snow on the ground at the site for their manual survey of the snowpacksnow supplies about a third of the state 's watera higher snowpack translates to more water in california reservoirs to meet demand in summer and fall\"]\n", - "california gov. jerry brown ordered state officials to impose mandatory water restrictions for the first time in history on wednesday , as the state continues to grapple with a serious drought .california has been in a drought for four years .brown said wednesday that he had signed an executive order requiring the state water resources control board to implement measures in cities and towns to cut water usage by 25 percent compared with 2013 levels .\n", - "california gov. jerry brown ordered state officials wednesday to impose mandatory water restrictions for the first time in historybrown said he signed an executive order requiring measures be implemented to cut water usage by 25 percent compared with 2013 levelsstate water officials found no snow on the ground at the site for their manual survey of the snowpacksnow supplies about a third of the state 's watera higher snowpack translates to more water in california reservoirs to meet demand in summer and fall\n", - "[1.2434648 1.5642576 1.3479544 1.1381382 1.3793265 1.0346316 1.034218\n", - " 1.2425122 1.153003 1.1044147 1.1693856 1.0329506 1.0173393 1.0732193\n", - " 1.0146663 1.011975 1.0097393 1.0095091 1.007963 ]\n", - "\n", - "[ 1 4 2 0 7 10 8 3 9 13 5 6 11 12 14 15 16 17 18]\n", - "=======================\n", - "[\"luke stanwick , 30 , is fighting for his life in a medically-induced coma and may never walk again after the ` horrendous ' accident in portugal .the police officer from hailsham , east sussex , was on holiday with his wife jenny and their two-year-old son , nathan , when he broke his neck .he remains in hospital in the portuguese capital , lisbon , where he was put into a coma for extensive surgery .\"]\n", - "=======================\n", - "[\"pc luke stanwick , 30 , is fighting for his life in a medically-induced comahe has been left paralysed after breaking his neck on holiday in portugalhis father said he may be permanently disabled after ` horrendous ' accidentcolleagues at sussex police have rallied together to raise more than # 8,030\"]\n", - "luke stanwick , 30 , is fighting for his life in a medically-induced coma and may never walk again after the ` horrendous ' accident in portugal .the police officer from hailsham , east sussex , was on holiday with his wife jenny and their two-year-old son , nathan , when he broke his neck .he remains in hospital in the portuguese capital , lisbon , where he was put into a coma for extensive surgery .\n", - "pc luke stanwick , 30 , is fighting for his life in a medically-induced comahe has been left paralysed after breaking his neck on holiday in portugalhis father said he may be permanently disabled after ` horrendous ' accidentcolleagues at sussex police have rallied together to raise more than # 8,030\n", - "[1.2624376 1.4096203 1.2969197 1.3087529 1.3792422 1.1353877 1.0614586\n", - " 1.0674984 1.1357981 1.039283 1.0461799 1.0394031 1.0261312 1.0402532\n", - " 1.0135089 1.0201602 1.0550195 1.0267788 0. ]\n", - "\n", - "[ 1 4 3 2 0 8 5 7 6 16 10 13 11 9 17 12 15 14 18]\n", - "=======================\n", - "[\"a host of failings left gangs free to rape , traffic and sexually abuse at least 1,400 children in the town between 1997 and 2013 , an inquiry by the national crime agency ( nca ) concluded .south yorkshire police missed ` intelligence and investigative opportunities ' to tackle child sex exploitation in rotherham , pictured , a report has found .the nca said the police force did not use ` alternative strategies ' to protect victims or gather evidence , and failed to work effectively with local licencing and community safety officers .\"]\n", - "=======================\n", - "['national crime agency examined police investigations into child sex abuseconcluded police failings left gangs free to prey on children in rotherhamnca will review three more operations in hope of finding more offenders']\n", - "a host of failings left gangs free to rape , traffic and sexually abuse at least 1,400 children in the town between 1997 and 2013 , an inquiry by the national crime agency ( nca ) concluded .south yorkshire police missed ` intelligence and investigative opportunities ' to tackle child sex exploitation in rotherham , pictured , a report has found .the nca said the police force did not use ` alternative strategies ' to protect victims or gather evidence , and failed to work effectively with local licencing and community safety officers .\n", - "national crime agency examined police investigations into child sex abuseconcluded police failings left gangs free to prey on children in rotherhamnca will review three more operations in hope of finding more offenders\n", - "[1.3783988 1.5111573 1.1882509 1.4318764 1.3007106 1.1374049 1.0778052\n", - " 1.0201824 1.02384 1.0391322 1.3446319 1.0144527 1.0132549 1.0129666\n", - " 1.0158985 1.0118371 1.0107383 1.0106169 0. ]\n", - "\n", - "[ 1 3 0 10 4 2 5 6 9 8 7 14 11 12 13 15 16 17 18]\n", - "=======================\n", - "['the black cats are two places and three points above the drop zone but have won just one in nine and end their season with trips to arsenal and chelsea .sunderland manager dick advocaat has concerns about the physical strength of his playersadvocaat has never been relegated during 28 years as a manager but admits he is worried about that record having watched sunderland slump to a 4-1 defeat at home to crystal palace on saturday .']\n", - "=======================\n", - "['sunderland face stoke city next up in the premier league on april 25the black cats are just three points above the relegation zonedick advocaat has concerns about the strength of his players']\n", - "the black cats are two places and three points above the drop zone but have won just one in nine and end their season with trips to arsenal and chelsea .sunderland manager dick advocaat has concerns about the physical strength of his playersadvocaat has never been relegated during 28 years as a manager but admits he is worried about that record having watched sunderland slump to a 4-1 defeat at home to crystal palace on saturday .\n", - "sunderland face stoke city next up in the premier league on april 25the black cats are just three points above the relegation zonedick advocaat has concerns about the strength of his players\n", - "[1.1008512 1.0490687 1.4644713 1.3981149 1.3820567 1.2121345 1.1337371\n", - " 1.0435256 1.0348108 1.0184546 1.0147411 1.0116887 1.109004 1.0780191\n", - " 1.1297224 1.0656365 1.0216173 1.0509614 0. ]\n", - "\n", - "[ 2 3 4 5 6 14 12 0 13 15 17 1 7 8 16 9 10 11 18]\n", - "=======================\n", - "[\"the newest generation of beauty products will be personalised to meet all your particular needs - from bespoke mascaras and eyeliners to foundations and powders unique to you .eyeko london 's bespoke mascara ( # 28 ) comes in dozens of brush shapesenter cover fx custom cover drops ( # 36 ) a new game-changing alternative to foundation which can transform your entire make-up collection .\"]\n", - "=======================\n", - "[\"bespoke mascara and foundation are part of the newest generation of personalised beauty productsskincare brands are also increasingly tailored to specific needsharvey nichols says ` one size fits all concept simply does n't cater to customers ' individual needs at all times anymore '\"]\n", - "the newest generation of beauty products will be personalised to meet all your particular needs - from bespoke mascaras and eyeliners to foundations and powders unique to you .eyeko london 's bespoke mascara ( # 28 ) comes in dozens of brush shapesenter cover fx custom cover drops ( # 36 ) a new game-changing alternative to foundation which can transform your entire make-up collection .\n", - "bespoke mascara and foundation are part of the newest generation of personalised beauty productsskincare brands are also increasingly tailored to specific needsharvey nichols says ` one size fits all concept simply does n't cater to customers ' individual needs at all times anymore '\n", - "[1.2022097 1.3931679 1.2701473 1.3298042 1.2083308 1.1167403 1.044377\n", - " 1.1308513 1.0734493 1.0351942 1.1303318 1.107244 1.0604365 1.033104\n", - " 1.0595732 1.0306742 1.0547291 1.0469427 0. ]\n", - "\n", - "[ 1 3 2 4 0 7 10 5 11 8 12 14 16 17 6 9 13 15 18]\n", - "=======================\n", - "[\"the nantucket wooden chair , which once sat on a first-class promenade of the ill-fated ship , was salvaged by a search team from the atlantic ocean after the titanic sank in 1912 .a 103-year-old deckchair recovered from the wreck of the titanic is expected sold for # 100,000 at auctiondubbed ` one of the rarest types of titanic collectable ' , the chair is too fragile to sit on , but has been carefully preserved , having been owned by a british collector for the past 15 years .\"]\n", - "=======================\n", - "['chair was on first class deck when ship hit an iceberg in april 1912found by mackay-bennett crew members while clearing up the wreckpreviously owned by english collector who kept it in sea-view window']\n", - "the nantucket wooden chair , which once sat on a first-class promenade of the ill-fated ship , was salvaged by a search team from the atlantic ocean after the titanic sank in 1912 .a 103-year-old deckchair recovered from the wreck of the titanic is expected sold for # 100,000 at auctiondubbed ` one of the rarest types of titanic collectable ' , the chair is too fragile to sit on , but has been carefully preserved , having been owned by a british collector for the past 15 years .\n", - "chair was on first class deck when ship hit an iceberg in april 1912found by mackay-bennett crew members while clearing up the wreckpreviously owned by english collector who kept it in sea-view window\n", - "[1.194757 1.4032359 1.192785 1.2117689 1.1307331 1.0771822 1.2201142\n", - " 1.2049022 1.2712122 1.1437554 1.0737536 1.0977478 1.1012719 1.1050742\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 8 6 3 7 0 2 9 4 13 12 11 5 10 17 14 15 16 18]\n", - "=======================\n", - "[\"the crew scoured a burning home in boise , idaho , searching for people shouting ` help ! 'both were pulled from the home and given oxygen .they are expected to survive .\"]\n", - "=======================\n", - "[\"two parrots were home alone when a fire erupted in boise , idahostarted calling ` help ! 'both were pulled from the wreckage and treated with oxygen masks\"]\n", - "the crew scoured a burning home in boise , idaho , searching for people shouting ` help ! 'both were pulled from the home and given oxygen .they are expected to survive .\n", - "two parrots were home alone when a fire erupted in boise , idahostarted calling ` help ! 'both were pulled from the wreckage and treated with oxygen masks\n", - "[1.2655067 1.4104668 1.3528595 1.0892947 1.1508354 1.2209277 1.1768451\n", - " 1.0382917 1.1312865 1.0756154 1.1204908 1.0610734 1.1156121 1.058396\n", - " 1.1207192 1.0848539 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 5 6 4 8 14 10 12 3 15 9 11 13 7 17 16 18]\n", - "=======================\n", - "[\"his parents said young jerry complained of pain in his legs and was taken to university medical center of southern nevada in las vegas at 4am on friday .danny and amy tarkanian said he 's undergoing testing and is showing signs of improvement .the five-year-old namesake grandson of famed college basketball coach jerry tarkanian has suffered a stroke , his family said .\"]\n", - "=======================\n", - "[\"jerry tarkanian , five , was taken to the hospital at 4am on friday after complaining about pain in his legshe was given a ct scan , could n't move the left side of his body and was having trouble answering questions , mom amy tarkanian saidparents danny and amy tarkanian say he 's showing signs of improvementelder jerry tarkanian , a hall of fame coach , died in february , aged 84\"]\n", - "his parents said young jerry complained of pain in his legs and was taken to university medical center of southern nevada in las vegas at 4am on friday .danny and amy tarkanian said he 's undergoing testing and is showing signs of improvement .the five-year-old namesake grandson of famed college basketball coach jerry tarkanian has suffered a stroke , his family said .\n", - "jerry tarkanian , five , was taken to the hospital at 4am on friday after complaining about pain in his legshe was given a ct scan , could n't move the left side of his body and was having trouble answering questions , mom amy tarkanian saidparents danny and amy tarkanian say he 's showing signs of improvementelder jerry tarkanian , a hall of fame coach , died in february , aged 84\n", - "[1.2942111 1.2500632 1.2819128 1.2346133 1.2474228 1.1073083 1.1479539\n", - " 1.149449 1.0941387 1.2043004 1.0526205 1.0498204 1.0105696 1.0092243\n", - " 1.0092236 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 4 3 9 7 6 5 8 10 11 12 13 14 17 15 16 18]\n", - "=======================\n", - "[\"suspected rogue trader navinder sarao lived in his parents ' modest home because it gave him a split-second advantage worth millions of pounds - and a potential # 40million offshore nest egg .his thousands of high-frequency trades could be processed faster than those from dealers in central london , giving him a massive commercial advantage .sarao , 36 , was dubbed the ` hound of hounslow ' after it emerged he lived at home with his parents , despite allegedly making # 26.7 million in just four years of dealing from their home .\"]\n", - "=======================\n", - "[\"navinder sarao lived in parents ' modest home in suburban west londonthousands of his ` high-frequency trades ' could be faster than city dealers36-year-old amassed over # 26million in just four years living at their househe is accused of using computer programs to create ` spoof ' transactions\"]\n", - "suspected rogue trader navinder sarao lived in his parents ' modest home because it gave him a split-second advantage worth millions of pounds - and a potential # 40million offshore nest egg .his thousands of high-frequency trades could be processed faster than those from dealers in central london , giving him a massive commercial advantage .sarao , 36 , was dubbed the ` hound of hounslow ' after it emerged he lived at home with his parents , despite allegedly making # 26.7 million in just four years of dealing from their home .\n", - "navinder sarao lived in parents ' modest home in suburban west londonthousands of his ` high-frequency trades ' could be faster than city dealers36-year-old amassed over # 26million in just four years living at their househe is accused of using computer programs to create ` spoof ' transactions\n", - "[1.1837362 1.3390685 1.2812428 1.1358473 1.2638228 1.2043583 1.1789728\n", - " 1.0747955 1.1412596 1.1859516 1.0532677 1.0251848 1.0870397 1.0491521\n", - " 1.0442375 1.0093032 1.0551121 1.0392509 1.0251338]\n", - "\n", - "[ 1 2 4 5 9 0 6 8 3 12 7 16 10 13 14 17 11 18 15]\n", - "=======================\n", - "[\"on tuesday , sportsmail revealed that the dubai-based brand are set to seal an historic deal with the fa cup which would see football 's oldest knockout competition rebranded as the emirates fa cup .the # 30million three-year deal would add to emirates ' ever-increasing portfolio of sporting sponsorship .arsenal signed the biggest club sponsorship agreement in english football history in 2004 after signing a 15-year deal worth # 100million with the dubai-based international airline .\"]\n", - "=======================\n", - "['fa cup is set to be named emirates fa cup as part of sponsorship dealemirates also sponsor real madrid , ac milan , psg and arsenalairline also purchased naming rights emirates stadium in 2004la liga giants madrid sealed lucrative deal with emirates in 2013']\n", - "on tuesday , sportsmail revealed that the dubai-based brand are set to seal an historic deal with the fa cup which would see football 's oldest knockout competition rebranded as the emirates fa cup .the # 30million three-year deal would add to emirates ' ever-increasing portfolio of sporting sponsorship .arsenal signed the biggest club sponsorship agreement in english football history in 2004 after signing a 15-year deal worth # 100million with the dubai-based international airline .\n", - "fa cup is set to be named emirates fa cup as part of sponsorship dealemirates also sponsor real madrid , ac milan , psg and arsenalairline also purchased naming rights emirates stadium in 2004la liga giants madrid sealed lucrative deal with emirates in 2013\n", - "[1.4024051 1.2227697 1.5256383 1.3230946 1.1718304 1.1359849 1.0222715\n", - " 1.0185081 1.0156785 1.0398144 1.0208359 1.0321165 1.0178987 1.0231236\n", - " 1.2709166 1.0966836 1.0324495 1.079765 1.0342836 1.0114086 1.1190144\n", - " 1.032427 1.012799 ]\n", - "\n", - "[ 2 0 3 14 1 4 5 20 15 17 9 18 16 21 11 13 6 10 7 12 8 22 19]\n", - "=======================\n", - "[\"the men , named locally as michael owen and kyle careford , were killed in the road accident in crowborough , east sussex in the early hours of sunday morning .young father : michael owen was preparing for his daughter 's fifth birthday when he was killed along with his friend kyle careford in east sussextributes have been paid to two young friends who tragically died after their car crashed into a church wall .\"]\n", - "=======================\n", - "[\"crash victims named as michael owen , 21 , and kyle careford , 20mr owen was preparing for his daughter 's fifth birthday when he was killedhad also just been given new job and family say he was ` an amazing dad 'police appealing for information over sunday 's accident in east sussex\"]\n", - "the men , named locally as michael owen and kyle careford , were killed in the road accident in crowborough , east sussex in the early hours of sunday morning .young father : michael owen was preparing for his daughter 's fifth birthday when he was killed along with his friend kyle careford in east sussextributes have been paid to two young friends who tragically died after their car crashed into a church wall .\n", - "crash victims named as michael owen , 21 , and kyle careford , 20mr owen was preparing for his daughter 's fifth birthday when he was killedhad also just been given new job and family say he was ` an amazing dad 'police appealing for information over sunday 's accident in east sussex\n", - "[1.3679619 1.2958343 1.4355069 1.2282759 1.2449757 1.1005911 1.0858724\n", - " 1.0894849 1.0983567 1.110862 1.0697967 1.0594294 1.0163673 1.0513084\n", - " 1.0465665 1.0316955 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 1 4 3 9 5 8 7 6 10 11 13 14 15 12 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"lee joon-seok had been ordered to serve 36 years in prison for negligence and abandoning passengers aboard the sewol , by a district court following last year 's disaster .homicide conviction : lee joon-seok , the captain of the sunken south korean ferry sewol , arrives for verdicts at gwangju high court in gwangju , south koreathe 6,825-tonne passenger ship sank off the southwest coast on april 16 last year , killing 304 people .\"]\n", - "=======================\n", - "[\"lee joon-seok had sentence extended from 36 years to life in jailjudge ruled his actions were ` homicide by willful negligence 'he was one of the first rescued and never ordered evacuationmost victims of the sewol disaster were high school studentsfollows protests from victims families who are calling for ship to be raised\"]\n", - "lee joon-seok had been ordered to serve 36 years in prison for negligence and abandoning passengers aboard the sewol , by a district court following last year 's disaster .homicide conviction : lee joon-seok , the captain of the sunken south korean ferry sewol , arrives for verdicts at gwangju high court in gwangju , south koreathe 6,825-tonne passenger ship sank off the southwest coast on april 16 last year , killing 304 people .\n", - "lee joon-seok had sentence extended from 36 years to life in jailjudge ruled his actions were ` homicide by willful negligence 'he was one of the first rescued and never ordered evacuationmost victims of the sewol disaster were high school studentsfollows protests from victims families who are calling for ship to be raised\n", - "[1.1860985 1.2990887 1.3069804 1.1795373 1.0797083 1.118853 1.1213565\n", - " 1.1035135 1.0559535 1.2854743 1.0838399 1.1954087 1.1080936 1.0118121\n", - " 1.0342537 1.0146401 1.0303236 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 1 9 11 0 3 6 5 12 7 10 4 8 14 16 15 13 17 18 19 20 21 22]\n", - "=======================\n", - "['as the tiger raced towards the bird , it flew directly upwards forcing the mammal to try and stop dead in its tracks .the ferocious feline was chasing what was sure to be dinner when it slipped on the icy surface and lost its footing .the hilarious moment took place at the hengdaohezi siberian tiger park in northeast china and was captured by photographer libby zhang .']\n", - "=======================\n", - "['the hilarious moment took place at the hengdaohezi siberian tiger park in northeast china during feeding timeit was captured by us-based photographer libby zhang who said that the crowd burst out in a roar of laughterthe humorous slip came as several birds were thrown by staff in to the tiger enclosure for them to eat']\n", - "as the tiger raced towards the bird , it flew directly upwards forcing the mammal to try and stop dead in its tracks .the ferocious feline was chasing what was sure to be dinner when it slipped on the icy surface and lost its footing .the hilarious moment took place at the hengdaohezi siberian tiger park in northeast china and was captured by photographer libby zhang .\n", - "the hilarious moment took place at the hengdaohezi siberian tiger park in northeast china during feeding timeit was captured by us-based photographer libby zhang who said that the crowd burst out in a roar of laughterthe humorous slip came as several birds were thrown by staff in to the tiger enclosure for them to eat\n", - "[1.3489292 1.1682093 1.2533071 1.0887209 1.102532 1.0663869 1.0564444\n", - " 1.0627509 1.0596867 1.042806 1.1511564 1.0259565 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 1 10 4 3 5 7 8 6 9 11 12 13 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "['( cnn ) the jailing of four blackwater security guards , eight years after they killed 17 iraqi civilians in a shooting in baghdad , is a positive step for justice -- but is also not enough .in its propaganda , isis has been using abu ghraib and other cases of western abuse to legitimize its current actions in iraq as the latest episodes in over a decade of constant \" sunni resistance \" to \" american aggression \" and to \" shiite betrayal \" -- as phrased in an isis publication from late 2014 titled \" the revived caliphate , \" which chronicles the rise of isis since 2003 .the kind of horror represented by the blackwater case and others like it -- from abu ghraib to the massacre at haditha to cia waterboarding -- may be largely absent from public memory in the west these days , but it is being used by the islamic state in iraq and syria ( isis ) to support its sectarian narrative .']\n", - "=======================\n", - "['isis is using past western transgressions in iraq to justify its brutalitylack of accountability following 2003 invasion paved way for abuse -- and for sectarian tensions']\n", - "( cnn ) the jailing of four blackwater security guards , eight years after they killed 17 iraqi civilians in a shooting in baghdad , is a positive step for justice -- but is also not enough .in its propaganda , isis has been using abu ghraib and other cases of western abuse to legitimize its current actions in iraq as the latest episodes in over a decade of constant \" sunni resistance \" to \" american aggression \" and to \" shiite betrayal \" -- as phrased in an isis publication from late 2014 titled \" the revived caliphate , \" which chronicles the rise of isis since 2003 .the kind of horror represented by the blackwater case and others like it -- from abu ghraib to the massacre at haditha to cia waterboarding -- may be largely absent from public memory in the west these days , but it is being used by the islamic state in iraq and syria ( isis ) to support its sectarian narrative .\n", - "isis is using past western transgressions in iraq to justify its brutalitylack of accountability following 2003 invasion paved way for abuse -- and for sectarian tensions\n", - "[1.1665143 1.5235975 1.3854253 1.2417995 1.2985349 1.1789873 1.0567749\n", - " 1.0592402 1.139806 1.0572361 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 4 3 5 0 8 7 9 6 20 19 18 17 16 11 14 13 12 21 10 15 22]\n", - "=======================\n", - "['gloucestershire police were called to the incident on an unregistered road between the a417 and cowley in gloucestershire by the driver .the driver had followed his sat nav and ended up losing the roof of the lorry suspended in the air between a hedge and a tree .hung out to dry : officers tweeted a picture of the mishap to warn other drivers on country lanes']\n", - "=======================\n", - "['lorry left roof suspended on hedge behind it near birdlip , gloucestershirepolice officer tweeted picture as warning to other drivers on country roadsdriver may now be prosecuted for motoring offence after police attended']\n", - "gloucestershire police were called to the incident on an unregistered road between the a417 and cowley in gloucestershire by the driver .the driver had followed his sat nav and ended up losing the roof of the lorry suspended in the air between a hedge and a tree .hung out to dry : officers tweeted a picture of the mishap to warn other drivers on country lanes\n", - "lorry left roof suspended on hedge behind it near birdlip , gloucestershirepolice officer tweeted picture as warning to other drivers on country roadsdriver may now be prosecuted for motoring offence after police attended\n", - "[1.2369242 1.3011959 1.3587024 1.3314271 1.1855572 1.1429024 1.1857163\n", - " 1.0702087 1.0290923 1.0813633 1.062643 1.0635805 1.0354413 1.0734286\n", - " 1.0485758 1.057709 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 0 6 4 5 9 13 7 11 10 15 14 12 8 17 16 18]\n", - "=======================\n", - "['her husband eric isaiah adusah -- a self-proclaimed prophet and evangelical preacher -- has been charged with her murder .hotel staff found the body of pregnant charmain speirs face-down in a bath where it is believed she had been lying for four days .the case of a british woman allegedly murdered by her pastor husband in ghana took an astonishing twist last week when a court was told that she died of a heroin overdose .']\n", - "=======================\n", - "[\"charmain speirs allegedly murdered by pastor husband eric isaiah adusahcouple travelled to ghana last month so mr adusah could preach at a rallyms speirs , who was pregnant , was found face-down in a bath by hotel staffthe pastor 's defence lawyer claimed ms speirs was a habitual heroin userbut her brother paul has said his sister had never touched drugs\"]\n", - "her husband eric isaiah adusah -- a self-proclaimed prophet and evangelical preacher -- has been charged with her murder .hotel staff found the body of pregnant charmain speirs face-down in a bath where it is believed she had been lying for four days .the case of a british woman allegedly murdered by her pastor husband in ghana took an astonishing twist last week when a court was told that she died of a heroin overdose .\n", - "charmain speirs allegedly murdered by pastor husband eric isaiah adusahcouple travelled to ghana last month so mr adusah could preach at a rallyms speirs , who was pregnant , was found face-down in a bath by hotel staffthe pastor 's defence lawyer claimed ms speirs was a habitual heroin userbut her brother paul has said his sister had never touched drugs\n", - "[1.3607999 1.364677 1.2747933 1.257159 1.2593386 1.1634414 1.0331693\n", - " 1.128922 1.0917171 1.0745575 1.0546728 1.1740634 1.0865957 1.0717478\n", - " 1.058909 1.0755312 1.0145935 1.0079364 1.0102856]\n", - "\n", - "[ 1 0 2 4 3 11 5 7 8 12 15 9 13 14 10 6 16 18 17]\n", - "=======================\n", - "['the centers for disease control and prevention ( cdc ) said in a monday news release there were 2117 total passengers on the ship and 964 total crew members .federal health officials say 106 passengers and six crew members aboard the celebrity infinity cruise ship were sickened by the gastrointestinal illness norovirus .the agency said the main symptoms for those affected were diarrhea and throwing up .']\n", - "=======================\n", - "['the cdc says 106 passengers and six crew members aboard the celebrity infinity cruise ship were sickened by the gastrointestinal illness norovirusstaff on the infinity stepped up cleaning and disinfection in response to the outbreak , according to the health agencythe ship was on its journey from march 29 to april 13symptoms of norovirus include vomiting , diarrhea , fever and body aches .celebrity cruises said in a statement that over-the-counter medication was administered on boardthe ship previously experienced gastrointestinal illness outbreaks in 2006 and 2013']\n", - "the centers for disease control and prevention ( cdc ) said in a monday news release there were 2117 total passengers on the ship and 964 total crew members .federal health officials say 106 passengers and six crew members aboard the celebrity infinity cruise ship were sickened by the gastrointestinal illness norovirus .the agency said the main symptoms for those affected were diarrhea and throwing up .\n", - "the cdc says 106 passengers and six crew members aboard the celebrity infinity cruise ship were sickened by the gastrointestinal illness norovirusstaff on the infinity stepped up cleaning and disinfection in response to the outbreak , according to the health agencythe ship was on its journey from march 29 to april 13symptoms of norovirus include vomiting , diarrhea , fever and body aches .celebrity cruises said in a statement that over-the-counter medication was administered on boardthe ship previously experienced gastrointestinal illness outbreaks in 2006 and 2013\n", - "[1.3626285 1.3757826 1.4073528 1.1284873 1.0793386 1.2442883 1.0436431\n", - " 1.0423119 1.083126 1.035832 1.0134704 1.0602416 1.031888 1.0284041\n", - " 1.0218046 1.0298418 1.0290573 1.050739 1.0600219]\n", - "\n", - "[ 2 1 0 5 3 8 4 11 18 17 6 7 9 12 15 16 13 14 10]\n", - "=======================\n", - "[\"the mercury is predicted to soar to 21c ( 70f ) tomorrow , with forecasters warning people to make the most of it before the weather turns for the worse in the second half of this week .some ice cream vendors say they have had their busiest april ever as britons cool off , with the balmy conditions set to continue .britain 's heatwave has sent ice cream sales soaring - and the warm weather is set to last with the country predicted to be hotter than ibiza , athens and barcelona tomorrow .\"]\n", - "=======================\n", - "[\"britain 's heatwave sends ice creams sales soaring - with some vendors seeing a 400 per cent rise in salestemperatures forecast to hit 21c tomorrow , with the country set to be warmer than ibiza , athens and barcelonabut the balmy conditions could be coming to an end , with clouds , wind and a spot of rain forecast for thursdayshowers predicted to hit london on sunday as tens of thousands of runners take part in the london marathon\"]\n", - "the mercury is predicted to soar to 21c ( 70f ) tomorrow , with forecasters warning people to make the most of it before the weather turns for the worse in the second half of this week .some ice cream vendors say they have had their busiest april ever as britons cool off , with the balmy conditions set to continue .britain 's heatwave has sent ice cream sales soaring - and the warm weather is set to last with the country predicted to be hotter than ibiza , athens and barcelona tomorrow .\n", - "britain 's heatwave sends ice creams sales soaring - with some vendors seeing a 400 per cent rise in salestemperatures forecast to hit 21c tomorrow , with the country set to be warmer than ibiza , athens and barcelonabut the balmy conditions could be coming to an end , with clouds , wind and a spot of rain forecast for thursdayshowers predicted to hit london on sunday as tens of thousands of runners take part in the london marathon\n", - "[1.225196 1.3593323 1.2569377 1.2326959 1.292761 1.291402 1.1222763\n", - " 1.0567198 1.0446644 1.0796319 1.0157231 1.0264238 1.0188653 1.0854234\n", - " 1.0435477 1.0317972 1.0565939 1.0923213 0. ]\n", - "\n", - "[ 1 4 5 2 3 0 6 17 13 9 7 16 8 14 15 11 12 10 18]\n", - "=======================\n", - "[\"general martin dempsey , chairman of the joint chiefs of staff , sent a letter saying he regretted that he ` added to the grief ' of debbie lee , whose son marc was killed in ramadi on august 2 , 2006 .the 28-year-old , the first navy seal to die in iraq , was fatally wounded while providing covering fire from a building in the heavily-contested city .he was awarded the purple heart and silver star for his bravery .\"]\n", - "=======================\n", - "[\"general martin dempsey sent apology to debbie lee , whose son died in iraqpetty officer marc lee , 28 , was killed in 2006 in battle over ramadidempsey had belittled importance of ramadi at a news conference last weeklee said hearing dempsey trivialize son 's sacrifice brought her to tearscastigated general in open letter online , to which he has now responded\"]\n", - "general martin dempsey , chairman of the joint chiefs of staff , sent a letter saying he regretted that he ` added to the grief ' of debbie lee , whose son marc was killed in ramadi on august 2 , 2006 .the 28-year-old , the first navy seal to die in iraq , was fatally wounded while providing covering fire from a building in the heavily-contested city .he was awarded the purple heart and silver star for his bravery .\n", - "general martin dempsey sent apology to debbie lee , whose son died in iraqpetty officer marc lee , 28 , was killed in 2006 in battle over ramadidempsey had belittled importance of ramadi at a news conference last weeklee said hearing dempsey trivialize son 's sacrifice brought her to tearscastigated general in open letter online , to which he has now responded\n", - "[1.3519431 1.269976 1.337973 1.4084394 1.060689 1.0824686 1.0919021\n", - " 1.1511966 1.1087464 1.0522159 1.0250268 1.0162523 1.0223649 1.1178865\n", - " 1.0239657 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 1 7 13 8 6 5 4 9 10 14 12 11 17 15 16 18]\n", - "=======================\n", - "[\"jean wabafiyebazu ( left ) , 17 , was killed and his brother marc ( right ) , 15 , has been arrested after a gunfight erupted during a drug deal on mondaythe 15-year-old son of a canadian diplomat plans to plead not guilty if charges are brought against him after an alleged drug deal in miami turned into a gun battle that left his older brother dead and landed him in custody , where the teenager allegedly threatened to kill a police officer .curt obront , the lawyer for miami consul general roxanne dube 's surviving son , marc wabafiyebazu , called it a tragic case .\"]\n", - "=======================\n", - "[\"marc wabafiyebazu , 15 , plans to plead not guilty if charged with felony in connection to monday 's deadly shootingwabafiyebazu 's 17-year-old brother , jean , was shot dead , along with 17-year-old suspected drug dealer joshua wrightwabafiyebazu brothers reportedly tried to rob a group of miami drug dealerstheir mother is roxanne dubé , the recently appointed canadian consul general in miamithe boys had driven to a house with a third friend to reportedly purchase two pounds of marijuana for $ 5,000gunfire erupted soon after they entered , though marc was in the car at the timeanthony rodriguez , 19 , who was wounded , was also arrested on charges of felony murder\"]\n", - "jean wabafiyebazu ( left ) , 17 , was killed and his brother marc ( right ) , 15 , has been arrested after a gunfight erupted during a drug deal on mondaythe 15-year-old son of a canadian diplomat plans to plead not guilty if charges are brought against him after an alleged drug deal in miami turned into a gun battle that left his older brother dead and landed him in custody , where the teenager allegedly threatened to kill a police officer .curt obront , the lawyer for miami consul general roxanne dube 's surviving son , marc wabafiyebazu , called it a tragic case .\n", - "marc wabafiyebazu , 15 , plans to plead not guilty if charged with felony in connection to monday 's deadly shootingwabafiyebazu 's 17-year-old brother , jean , was shot dead , along with 17-year-old suspected drug dealer joshua wrightwabafiyebazu brothers reportedly tried to rob a group of miami drug dealerstheir mother is roxanne dubé , the recently appointed canadian consul general in miamithe boys had driven to a house with a third friend to reportedly purchase two pounds of marijuana for $ 5,000gunfire erupted soon after they entered , though marc was in the car at the timeanthony rodriguez , 19 , who was wounded , was also arrested on charges of felony murder\n", - "[1.1270642 1.3874199 1.0502743 1.2007511 1.1017079 1.3805948 1.3765199\n", - " 1.1760683 1.058651 1.0255855 1.1164634 1.0660493 1.0440388 1.0590798\n", - " 1.081517 1.0940764 1.0279927 1.0248466 1.0498005 1.0210761 1.0295503\n", - " 1.0153942 1.0318985]\n", - "\n", - "[ 1 5 6 3 7 0 10 4 15 14 11 13 8 2 18 12 22 20 16 9 17 19 21]\n", - "=======================\n", - "[\"brendan rodgers has killed off lambert 's career and you 've got to feel sorry for the player .rickie lambert has scarcely been given a chance since joining liverpool despite their striking problemsbrendan rodgers ' decision to ignore lambert , in favour of mario balotelli , is completely illogical\"]\n", - "=======================\n", - "[\"rickie lambert has barely played since joining from southamptonbrendan rodgers ' decision to continue with mario balotelli is illogicalbalotelli has to go down as liverpool 's worst-ever signinglambert may not be world class but he deserves better than thisread more : manchester united need to raid borussia dortmundread more : mesut ozil is in danger of becoming an arsenal flop\"]\n", - "brendan rodgers has killed off lambert 's career and you 've got to feel sorry for the player .rickie lambert has scarcely been given a chance since joining liverpool despite their striking problemsbrendan rodgers ' decision to ignore lambert , in favour of mario balotelli , is completely illogical\n", - "rickie lambert has barely played since joining from southamptonbrendan rodgers ' decision to continue with mario balotelli is illogicalbalotelli has to go down as liverpool 's worst-ever signinglambert may not be world class but he deserves better than thisread more : manchester united need to raid borussia dortmundread more : mesut ozil is in danger of becoming an arsenal flop\n", - "[1.2882918 1.4652379 1.3378942 1.265577 1.162129 1.1240227 1.1507789\n", - " 1.0403792 1.2695556 1.0166414 1.0161877 1.2014167 1.0690815 1.1864538\n", - " 1.0166622 1.0177399 1.006759 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 8 3 11 13 4 6 5 12 7 15 14 9 10 16 17 18 19 20 21 22]\n", - "=======================\n", - "['twelve-year-old alfie underwent a general anaesthetic for an mri scan at the animal health trust clinic in newmarket , suffolk .the pet , who is also completely deaf , had the scan , last month after his owner lynne edwards from huntington in cambridgeshire , noticed a lump behind his ear .a king charles spaniel suffered three degree burns from a pad used to keep him warm during a scan which vets had heated up in a microwave .']\n", - "=======================\n", - "['spaniel alfie had a heat pad placed on him during an mri scan at a clinicbut vets had warmed it up in a microwave rather than in an incubatorafter his owner lynne edwards then suspected something was wrongthe 12-year-old pet was then found to have suffered three degree burnswarning graphic content']\n", - "twelve-year-old alfie underwent a general anaesthetic for an mri scan at the animal health trust clinic in newmarket , suffolk .the pet , who is also completely deaf , had the scan , last month after his owner lynne edwards from huntington in cambridgeshire , noticed a lump behind his ear .a king charles spaniel suffered three degree burns from a pad used to keep him warm during a scan which vets had heated up in a microwave .\n", - "spaniel alfie had a heat pad placed on him during an mri scan at a clinicbut vets had warmed it up in a microwave rather than in an incubatorafter his owner lynne edwards then suspected something was wrongthe 12-year-old pet was then found to have suffered three degree burnswarning graphic content\n", - "[1.2347261 1.4190191 1.2058167 1.3032664 1.2876858 1.2338753 1.0887984\n", - " 1.0161824 1.1514498 1.0688741 1.0398316 1.0934713 1.0948044 1.0677546\n", - " 1.18755 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 4 0 5 2 14 8 12 11 6 9 13 10 7 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "['on april 7 , thenga adams , flying from guyana in south america was arrested after customs at jfk in new york searched the sneakers in his luggage .smuggler : thenga adams who arrived on a flight from georgetown , guyana to jfk , was allegedly smuggling $ 30,000 worth of cocaine in his sneakersa man was caught allegedly trying to smuggle two pounds of cocaine worth $ 30,000 in pairs of sneakers at jfk airport earlier this month .']\n", - "=======================\n", - "['on april 7 , thenga adams , flying from guyana in south america was arrested for allegedly smuggling $ 30,000 worth of cocaine in his sneakersalso this month a 70-year-old woman from guyana was nabbed allegedly trying to smuggle $ 73,000 cocaine in her panties and girdlethenga adams faces federal drug smuggling charges']\n", - "on april 7 , thenga adams , flying from guyana in south america was arrested after customs at jfk in new york searched the sneakers in his luggage .smuggler : thenga adams who arrived on a flight from georgetown , guyana to jfk , was allegedly smuggling $ 30,000 worth of cocaine in his sneakersa man was caught allegedly trying to smuggle two pounds of cocaine worth $ 30,000 in pairs of sneakers at jfk airport earlier this month .\n", - "on april 7 , thenga adams , flying from guyana in south america was arrested for allegedly smuggling $ 30,000 worth of cocaine in his sneakersalso this month a 70-year-old woman from guyana was nabbed allegedly trying to smuggle $ 73,000 cocaine in her panties and girdlethenga adams faces federal drug smuggling charges\n", - "[1.3192061 1.3123387 1.3701483 1.2791901 1.2380457 1.1916112 1.1457543\n", - " 1.1111307 1.1362426 1.048361 1.035983 1.0234383 1.0186745 1.0237819\n", - " 1.0104803 1.0131493 1.0146375 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 1 3 4 5 6 8 7 9 10 13 11 12 16 15 14 21 17 18 19 20 22]\n", - "=======================\n", - "[\"as a player , mcneill won nine consecutive league championship titles , seven scottish cups , six league cups and , of course , he was the first british team captain to lift the european cup in 1967 .celtic have announced that they are to erect a bronze statue of billy mcneill to mark the magnificent achievements of the club 's greatest ever captain .the statue will be positioned on the recently opened celtic way and will represent a man who is synonymous with the club and someone who represented them with true distinction as both a player and manager .\"]\n", - "=======================\n", - "['former celtic hero billy mcneill will be honoured with a statue by the clubas both a player and a manager , he enjoyed a hugely successful 27-year association with the parkhead outfithe won nine consecutive league titles as a player between 1965 and 1974in 1967 , he became the first ever british captain to lift the european cupas manager , he delivered four more league championships to celtic']\n", - "as a player , mcneill won nine consecutive league championship titles , seven scottish cups , six league cups and , of course , he was the first british team captain to lift the european cup in 1967 .celtic have announced that they are to erect a bronze statue of billy mcneill to mark the magnificent achievements of the club 's greatest ever captain .the statue will be positioned on the recently opened celtic way and will represent a man who is synonymous with the club and someone who represented them with true distinction as both a player and manager .\n", - "former celtic hero billy mcneill will be honoured with a statue by the clubas both a player and a manager , he enjoyed a hugely successful 27-year association with the parkhead outfithe won nine consecutive league titles as a player between 1965 and 1974in 1967 , he became the first ever british captain to lift the european cupas manager , he delivered four more league championships to celtic\n", - "[1.4751589 1.456581 1.2540257 1.2594314 1.1078581 1.2199199 1.0622355\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 3 2 5 4 6 20 19 18 17 16 15 14 11 12 21 10 9 8 7 13 22]\n", - "=======================\n", - "[\"( cnn ) an asiana airlines plane overran a runway while landing at japan 's hiroshima airport on tuesday evening , prompting the airport to temporarily close , the japanese transportation ministry said .twenty-three people had minor injuries after flight 162 landed at 8:05 p.m. , according to fire department and ministry sources .there were 73 passengers and eight crew members -- including five cabin attendants , two pilots and a maintenance official -- aboard when the flight took off from south korea 's incheon international airport at 6:34 p.m. local time , asiana said in a statement late tuesday .\"]\n", - "=======================\n", - "['the plane might have hit an object on the runway , the japanese transportation ministry says23 people have minor injuries , officials saythe airbus a320 overshot the hiroshima airport runway at 8:05 p.m. tuesday , officials say']\n", - "( cnn ) an asiana airlines plane overran a runway while landing at japan 's hiroshima airport on tuesday evening , prompting the airport to temporarily close , the japanese transportation ministry said .twenty-three people had minor injuries after flight 162 landed at 8:05 p.m. , according to fire department and ministry sources .there were 73 passengers and eight crew members -- including five cabin attendants , two pilots and a maintenance official -- aboard when the flight took off from south korea 's incheon international airport at 6:34 p.m. local time , asiana said in a statement late tuesday .\n", - "the plane might have hit an object on the runway , the japanese transportation ministry says23 people have minor injuries , officials saythe airbus a320 overshot the hiroshima airport runway at 8:05 p.m. tuesday , officials say\n", - "[1.4206092 1.3355068 1.3113484 1.2298224 1.1445968 1.094643 1.1501582\n", - " 1.2028979 1.1737561 1.0691304 1.0183249 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 7 8 6 4 5 9 10 11 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"( cnn ) this time , it 's official : russia expects north korean leader kim jong un to visit moscow next month for world war ii anniversary celebrations .north korean representatives have confirmed that kim will be in the russian capital for may 9 victory day celebrations , russian presidential aide yuri ushakov said wednesday , according to russian state-run news agency tass .this would mark kim 's first official foreign trip since inheriting the leadership of north korea in late 2011 .\"]\n", - "=======================\n", - "['a russian presidential aide says kim will be in moscow for may 9 victory day celebrations , news agency reportsthis victory day marks the 70 years since the soviet victory over germany in world war ii']\n", - "( cnn ) this time , it 's official : russia expects north korean leader kim jong un to visit moscow next month for world war ii anniversary celebrations .north korean representatives have confirmed that kim will be in the russian capital for may 9 victory day celebrations , russian presidential aide yuri ushakov said wednesday , according to russian state-run news agency tass .this would mark kim 's first official foreign trip since inheriting the leadership of north korea in late 2011 .\n", - "a russian presidential aide says kim will be in moscow for may 9 victory day celebrations , news agency reportsthis victory day marks the 70 years since the soviet victory over germany in world war ii\n", - "[1.2589126 1.4985714 1.2674338 1.262872 1.162451 1.1138613 1.1074156\n", - " 1.1351289 1.2596486 1.067834 1.0397129 1.018899 1.0109779 1.041376\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 8 0 4 7 5 6 9 13 10 11 12 14 15 16 17 18]\n", - "=======================\n", - "[\"it found nearly 250 cases of malignant melanoma are registered each year by those working outside in industries such as construction , agriculture and leisure .a separate study , also commissioned by the institution of occupational safety and health , found there was a ` macho culture ' in some parts of the construction industry , with two thirds of workers who spent an average of nearly seven hours a day outdoors thinking they were not at risk from the sun and sunburn or were unsure if they were .almost 50 people a year die of skin cancer after being exposed to the sun at work in the uk , research shows .\"]\n", - "=======================\n", - "[\"50 die each year as a result of being exposed to the sun at work in britain250 in jobs like agriculture and construction register skin cancer each yearinstitution of occupational safety and health says ` macho culture ' to blame\"]\n", - "it found nearly 250 cases of malignant melanoma are registered each year by those working outside in industries such as construction , agriculture and leisure .a separate study , also commissioned by the institution of occupational safety and health , found there was a ` macho culture ' in some parts of the construction industry , with two thirds of workers who spent an average of nearly seven hours a day outdoors thinking they were not at risk from the sun and sunburn or were unsure if they were .almost 50 people a year die of skin cancer after being exposed to the sun at work in the uk , research shows .\n", - "50 die each year as a result of being exposed to the sun at work in britain250 in jobs like agriculture and construction register skin cancer each yearinstitution of occupational safety and health says ` macho culture ' to blame\n", - "[1.0959066 1.3577894 1.24085 1.3837365 1.2115082 1.2398677 1.0733023\n", - " 1.0364777 1.0881325 1.1245891 1.0797417 1.076901 1.1083055 1.0384147\n", - " 1.0614607 1.0087004 1.0099001 0. 0. ]\n", - "\n", - "[ 3 1 2 5 4 9 12 0 8 10 11 6 14 13 7 16 15 17 18]\n", - "=======================\n", - "[\"boeing has just filed a patent for a ` transport vehicle upright sleep support system ' known as a ` cuddle chair 'it looks like a backpack and fastens to the back of the headrest to allow passengers to lean forward and rest their face and chest on the contraption .the patent insists that this system is far superior to neck pillows due to sleep 's ` natural horizontal tendency '\"]\n", - "=======================\n", - "[\"recent patent filing shows plans for an ` upright ' sleeping support systemencased in a backpack , the cushions allow the passenger to lean forwarda breathing hole in the face pillow ensures extra customer comfortboeing says : ` we are n't providing any further information or comment '\"]\n", - "boeing has just filed a patent for a ` transport vehicle upright sleep support system ' known as a ` cuddle chair 'it looks like a backpack and fastens to the back of the headrest to allow passengers to lean forward and rest their face and chest on the contraption .the patent insists that this system is far superior to neck pillows due to sleep 's ` natural horizontal tendency '\n", - "recent patent filing shows plans for an ` upright ' sleeping support systemencased in a backpack , the cushions allow the passenger to lean forwarda breathing hole in the face pillow ensures extra customer comfortboeing says : ` we are n't providing any further information or comment '\n", - "[1.4315596 1.2947388 1.1288044 1.1266743 1.0641236 1.3364303 1.0950748\n", - " 1.1672273 1.1457949 1.1867965 1.1239908 1.0308603 1.0529064 1.0214756\n", - " 1.0142329 1.0183065 1.0173615 1.074241 1.0283225]\n", - "\n", - "[ 0 5 1 9 7 8 2 3 10 6 17 4 12 11 18 13 15 16 14]\n", - "=======================\n", - "['steven gerrard and phil jagielka stood shoulder-to-shoulder and paid a poignant tribute by releasing 96 red balloons in memory of liverpool fans who died at hillsborough .wednesday marked the 26th anniversary of the disaster that unfolded during an fa cup semi-final between liverpool and nottingham forest and the annual memorial service was typically poignant and emotional .liverpool manager brendan rodgers was present alongside his team at the 26th hillsborough anniversary at anfield']\n", - "=======================\n", - "[\"liverpool 's squad were in attendance at anfield to remember the 96 supporters who died at hillsboroughthey were joined by families of the victims , club legends and thousands of fansliverpool and everton captains steven gerrard and phil jagielka released 96 ballons into the skyraheem sterling and jordon ibe were with the first team squad at the hillsborough memorial service\"]\n", - "steven gerrard and phil jagielka stood shoulder-to-shoulder and paid a poignant tribute by releasing 96 red balloons in memory of liverpool fans who died at hillsborough .wednesday marked the 26th anniversary of the disaster that unfolded during an fa cup semi-final between liverpool and nottingham forest and the annual memorial service was typically poignant and emotional .liverpool manager brendan rodgers was present alongside his team at the 26th hillsborough anniversary at anfield\n", - "liverpool 's squad were in attendance at anfield to remember the 96 supporters who died at hillsboroughthey were joined by families of the victims , club legends and thousands of fansliverpool and everton captains steven gerrard and phil jagielka released 96 ballons into the skyraheem sterling and jordon ibe were with the first team squad at the hillsborough memorial service\n", - "[1.4063582 1.2467326 1.3328023 1.1856234 1.2152462 1.2567031 1.1033679\n", - " 1.0691916 1.040366 1.0698013 1.0518428 1.0265342 1.0613214 1.0946833\n", - " 1.0719469 1.0339355 1.0781158 1.0167555 0. ]\n", - "\n", - "[ 0 2 5 1 4 3 6 13 16 14 9 7 12 10 8 15 11 17 18]\n", - "=======================\n", - "[\"stephanie scott was due to get married to her partner of five years aaron leeson-woolleyms scott 's remains have been transported to glebe morgue in sydney , and a nsw department of justice spokeswoman confirmed state coroner michael barnes has ordered that an autopsy be carried out this week .police will begin an autopsy on stephanie scott 's body to determine how she was killed .\"]\n", - "=======================\n", - "[\"police discovered the body of a female in bushland on friday afternoonstephanie scott was last seen on easter sunday which sparked a searchthe burnt remains is believed to be the much-loved school teacherpolice will contact authorities in holland for a background check on accused killer , vincent stanford , who was charged with murderstanford 's family led police to cocoparra national park north of griffithforensic testing will be carried out on the remains of the body on monday\"]\n", - "stephanie scott was due to get married to her partner of five years aaron leeson-woolleyms scott 's remains have been transported to glebe morgue in sydney , and a nsw department of justice spokeswoman confirmed state coroner michael barnes has ordered that an autopsy be carried out this week .police will begin an autopsy on stephanie scott 's body to determine how she was killed .\n", - "police discovered the body of a female in bushland on friday afternoonstephanie scott was last seen on easter sunday which sparked a searchthe burnt remains is believed to be the much-loved school teacherpolice will contact authorities in holland for a background check on accused killer , vincent stanford , who was charged with murderstanford 's family led police to cocoparra national park north of griffithforensic testing will be carried out on the remains of the body on monday\n", - "[1.0642115 1.3025265 1.2328839 1.2691158 1.4057171 1.1665652 1.1076748\n", - " 1.0538833 1.0191472 1.1554134 1.1949214 1.0187644 1.0134833 1.0816245\n", - " 1.0374722 1.0117455 0. 0. 0. 0. ]\n", - "\n", - "[ 4 1 3 2 10 5 9 6 13 0 7 14 8 11 12 15 16 17 18 19]\n", - "=======================\n", - "[\"lionel messi poses with each of the 32 balls he has taken home after scoring a hat-trick for barcelonabut that does n't apply to lionel messi .messi will be hoping to add another to his list when barca take on psg in the first leg of their champions league quarter-final on wednesday .\"]\n", - "=======================\n", - "[\"barcelona star lionel messi says he need to be reminded of his hat-tricksthe argentine has netted 32 hat-tricks since making his debut in 2004messi 's favourite came in a 3-3 draw against rivals real madrid in 2007the 27 year old has had each of his hat-trick balls signed by team-mates\"]\n", - "lionel messi poses with each of the 32 balls he has taken home after scoring a hat-trick for barcelonabut that does n't apply to lionel messi .messi will be hoping to add another to his list when barca take on psg in the first leg of their champions league quarter-final on wednesday .\n", - "barcelona star lionel messi says he need to be reminded of his hat-tricksthe argentine has netted 32 hat-tricks since making his debut in 2004messi 's favourite came in a 3-3 draw against rivals real madrid in 2007the 27 year old has had each of his hat-trick balls signed by team-mates\n", - "[1.3106946 1.1813279 1.319205 1.1395462 1.3649621 1.1760759 1.1233425\n", - " 1.0415064 1.1265962 1.0529962 1.0526818 1.0428046 1.0251282 1.0824311\n", - " 1.1088092 1.0129722 0. 0. 0. 0. ]\n", - "\n", - "[ 4 2 0 1 5 3 8 6 14 13 9 10 11 7 12 15 18 16 17 19]\n", - "=======================\n", - "['england captain alastair cook is not concerned about his failure to hit a test hundred since may 2013the opinions of ecb chairman-elect colin graves , new chief executive tom harrison and the man they eventually make director of cricket matter far more than what anyone in the caribbean thinks .alastair cook still has the full support of his coach , team-mates and selectors and is unbeaten in four tests .']\n", - "=======================\n", - "[\"alastair cook has gone 33 test innings without hitting a centurythe 30-year-old remains england 's leading century maker despite blipcook has been watching old footage of himself to study his technique\"]\n", - "england captain alastair cook is not concerned about his failure to hit a test hundred since may 2013the opinions of ecb chairman-elect colin graves , new chief executive tom harrison and the man they eventually make director of cricket matter far more than what anyone in the caribbean thinks .alastair cook still has the full support of his coach , team-mates and selectors and is unbeaten in four tests .\n", - "alastair cook has gone 33 test innings without hitting a centurythe 30-year-old remains england 's leading century maker despite blipcook has been watching old footage of himself to study his technique\n", - "[1.1867199 1.3167207 1.341866 1.1992502 1.2562879 1.1534001 1.1077873\n", - " 1.1196109 1.0846189 1.0522119 1.0572132 1.0537368 1.0374082 1.0415251\n", - " 1.0349398 1.0249867 1.0317521 0. 0. 0. ]\n", - "\n", - "[ 2 1 4 3 0 5 7 6 8 10 11 9 13 12 14 16 15 17 18 19]\n", - "=======================\n", - "['golden globe winner hamm was one of seven sigma nu brothers who tormented and humiliated sanders when he was a young pledge at the university of texas at austin .seen here for the first time , mark allen sanders was beaten with a paddle , dragged around a room by his genitals and had his pants set on fire .hazing hell : today mark sanders is a doctor and lawyer in fort worth texas .']\n", - "=======================\n", - "[\"mad men star was charged with viciously assaulting mark allen sanders in after 1990 hazing incidentthe freshman was hit so hard he suffered a fractured spine and nearly lost a kidneysanders alleged that he and his fellow pledges were subjected to ` repeated confinements ' in tiny compartments carved into the frat building 's basementthe pledge listed hamm as one of his chief tormentors at the sigma nu fraternity at the university of texas at austinthe future star ordered him to recite a six-page list of phrases pledges are told to memorize called the ` bulls *** list 'now 45 , sanders is a doctor and an attorney specializing in medical malpractice and personal injury\"]\n", - "golden globe winner hamm was one of seven sigma nu brothers who tormented and humiliated sanders when he was a young pledge at the university of texas at austin .seen here for the first time , mark allen sanders was beaten with a paddle , dragged around a room by his genitals and had his pants set on fire .hazing hell : today mark sanders is a doctor and lawyer in fort worth texas .\n", - "mad men star was charged with viciously assaulting mark allen sanders in after 1990 hazing incidentthe freshman was hit so hard he suffered a fractured spine and nearly lost a kidneysanders alleged that he and his fellow pledges were subjected to ` repeated confinements ' in tiny compartments carved into the frat building 's basementthe pledge listed hamm as one of his chief tormentors at the sigma nu fraternity at the university of texas at austinthe future star ordered him to recite a six-page list of phrases pledges are told to memorize called the ` bulls *** list 'now 45 , sanders is a doctor and an attorney specializing in medical malpractice and personal injury\n", - "[1.2670394 1.2744973 1.238109 1.290834 1.2398858 1.1401739 1.0873343\n", - " 1.0668064 1.0692633 1.1264168 1.0689857 1.0836797 1.025798 1.0239803\n", - " 1.0201511 1.0173864 1.0498362 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 4 2 5 9 6 11 8 10 7 16 12 13 14 15 18 17 19]\n", - "=======================\n", - "[\"tony fernandes , owner of qpr , wants to avoid fines of up to # 50million for financial fair play breachesfootball league board member jim rodwell 's departure from notts county to become chief executive of scunthorpe has created the need for an election for a league one representative as rodwell can not automatically keep his place .maurice watkins is a sports lawyer whose firm represents qpr over their considerable ffp troubles\"]\n", - "=======================\n", - "[\"maurice watkins is a sports lawyer whose firm represents qprraheem sterling 's agent has emerged as key player in his contract talkspeter moores will begin review into england 's failed world cup next week\"]\n", - "tony fernandes , owner of qpr , wants to avoid fines of up to # 50million for financial fair play breachesfootball league board member jim rodwell 's departure from notts county to become chief executive of scunthorpe has created the need for an election for a league one representative as rodwell can not automatically keep his place .maurice watkins is a sports lawyer whose firm represents qpr over their considerable ffp troubles\n", - "maurice watkins is a sports lawyer whose firm represents qprraheem sterling 's agent has emerged as key player in his contract talkspeter moores will begin review into england 's failed world cup next week\n", - "[1.2294158 1.4546965 1.2551903 1.1430163 1.2017225 1.1832845 1.2722787\n", - " 1.1327565 1.0872113 1.1834708 1.0673927 1.0550648 1.047909 1.0663931\n", - " 1.0418843 1.0123618 1.0815505 1.0520557 1.0334809 1.0807173]\n", - "\n", - "[ 1 6 2 0 4 9 5 3 7 8 16 19 10 13 11 17 12 14 18 15]\n", - "=======================\n", - "[\"anjelica ` aj ' hadsell , 18 , has been missing since march 2 , when she was on a break from longwood university in farmville , virginia and home in norfolk .the remains were found outside a residence in franklin on thursday morning , police said .human remains have been found in the search for a missing college freshman who vanished while home for spring break last month .\"]\n", - "=======================\n", - "[\"anjelica ` aj ' hadsell , 18 , has been missing since march 2 , when she was home in norfolk while on spring break from longwood universityremains were found in franklin , 40 miles from norfolk , on thursday and they are being taken to the medical examiner 's office for identificationher stepdad wesley hadsell was arrested after breaking into a home two weeks after her disappearance and claims he was looking for ajhe has insisted that he does n't know where she is\"]\n", - "anjelica ` aj ' hadsell , 18 , has been missing since march 2 , when she was on a break from longwood university in farmville , virginia and home in norfolk .the remains were found outside a residence in franklin on thursday morning , police said .human remains have been found in the search for a missing college freshman who vanished while home for spring break last month .\n", - "anjelica ` aj ' hadsell , 18 , has been missing since march 2 , when she was home in norfolk while on spring break from longwood universityremains were found in franklin , 40 miles from norfolk , on thursday and they are being taken to the medical examiner 's office for identificationher stepdad wesley hadsell was arrested after breaking into a home two weeks after her disappearance and claims he was looking for ajhe has insisted that he does n't know where she is\n", - "[1.1957521 1.2734985 1.4851286 1.2709644 1.347322 1.0977814 1.1693714\n", - " 1.1996961 1.0529095 1.0612215 1.0486137 1.0208744 1.0118132 1.0182511\n", - " 1.016454 1.020235 1.120538 1.1475071 1.0759811 1.0747745 1.0151557\n", - " 1.0159452]\n", - "\n", - "[ 2 4 1 3 7 0 6 17 16 5 18 19 9 8 10 11 15 13 14 21 20 12]\n", - "=======================\n", - "['over a three year period rajpal singh , 34 , had swallowed 140 coins , 150 nails and a handful of nuts , bolts and batteries .however they were amazed to find the man had actually swallowed hundreds of coins and nails .he had also gulped down screws , nails and magnets .']\n", - "=======================\n", - "[\"rajpal singh , 34 , had become depressed and began eating metal objectsover three years he swallowed around 140 coins , 150 nails and moresays he did n't realise this habit could be the cause of his stomach acheshas undergone 240 procedures to remove objects - but some still remain\"]\n", - "over a three year period rajpal singh , 34 , had swallowed 140 coins , 150 nails and a handful of nuts , bolts and batteries .however they were amazed to find the man had actually swallowed hundreds of coins and nails .he had also gulped down screws , nails and magnets .\n", - "rajpal singh , 34 , had become depressed and began eating metal objectsover three years he swallowed around 140 coins , 150 nails and moresays he did n't realise this habit could be the cause of his stomach acheshas undergone 240 procedures to remove objects - but some still remain\n", - "[1.388414 1.21687 1.2689929 1.2538931 1.2019145 1.1858602 1.0925982\n", - " 1.0209246 1.1394331 1.1195482 1.1021739 1.0291452 1.0521476 1.0219389\n", - " 1.0130537 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 3 1 4 5 8 9 10 6 12 11 13 7 14 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"disgraced former mayor lutfur rahman ( pictured ) is said to have played the race card to silence opponents - and his deputy today reiterated claims there is deep seated racism in the borough of tower hamlets , in east londonthe two men -- who are not related -- are both members of the tower hamlets first party .political opponents said they were playing the same ` cracked record ' by seeking to blame racism and islamophobia for their problems .\"]\n", - "=======================\n", - "[\"oliur rahman took over from deposed mayor lutfur rahman yesterdaynew tower hamlets first leader said borough still had deep-rooted racismthis is despite a judge 's ruling which said group ` played the race card 'rahman 's latest comments derided as ` ludicrous ' by local tory group\"]\n", - "disgraced former mayor lutfur rahman ( pictured ) is said to have played the race card to silence opponents - and his deputy today reiterated claims there is deep seated racism in the borough of tower hamlets , in east londonthe two men -- who are not related -- are both members of the tower hamlets first party .political opponents said they were playing the same ` cracked record ' by seeking to blame racism and islamophobia for their problems .\n", - "oliur rahman took over from deposed mayor lutfur rahman yesterdaynew tower hamlets first leader said borough still had deep-rooted racismthis is despite a judge 's ruling which said group ` played the race card 'rahman 's latest comments derided as ` ludicrous ' by local tory group\n", - "[1.2460442 1.5089834 1.2311575 1.3188412 1.1129147 1.1660491 1.100815\n", - " 1.0601758 1.0537274 1.0252188 1.0243871 1.0760409 1.179116 1.1085988\n", - " 1.0706071 1.066775 1.0397276 1.0183092 1.0624243 1.044639 1.0096309\n", - " 0. ]\n", - "\n", - "[ 1 3 0 2 12 5 4 13 6 11 14 15 18 7 8 19 16 9 10 17 20 21]\n", - "=======================\n", - "[\"ian gibson , 55 , was a lauded figure among u.s. safari enthusiasts , who would commission him to slaughter prized animals near his home in south africa .a celebrated texas-born hunter was crushed to death by a baby elephant in zimbabwe as he tried to measure its ivory tusks for an american client .the dallas safari club is paying for gibson 's funeral .\"]\n", - "=======================\n", - "['ian gibson , 55 , was hunting in zimbabwe for an american clienthe was taking a rest when he spotted the bull elephant in the zambezi valleyapproached it to measure ivory , fired one shot then was crushed to deathfuneral to be paid for by dallas safari club , where he was a popular figure']\n", - "ian gibson , 55 , was a lauded figure among u.s. safari enthusiasts , who would commission him to slaughter prized animals near his home in south africa .a celebrated texas-born hunter was crushed to death by a baby elephant in zimbabwe as he tried to measure its ivory tusks for an american client .the dallas safari club is paying for gibson 's funeral .\n", - "ian gibson , 55 , was hunting in zimbabwe for an american clienthe was taking a rest when he spotted the bull elephant in the zambezi valleyapproached it to measure ivory , fired one shot then was crushed to deathfuneral to be paid for by dallas safari club , where he was a popular figure\n", - "[1.2300978 1.4466285 1.2621267 1.262402 1.2100456 1.1712315 1.089949\n", - " 1.1147816 1.1398818 1.0425124 1.0591992 1.0615343 1.0183078 1.0122573\n", - " 1.0386403 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 8 7 6 11 10 9 14 12 13 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the budget retailer last week announced that sales exceed # 1billion for the first time last year becoming europe 's largest single-price discount retailer .new research has found that certain items on sale at poundland , pictured , are up to 50 per cent more expensive than those sold in supermarketsthe company 's success has been put down to shoppers hunting bargains and taking sales away from britain 's four big supermarkets , asda , tesco , sainsburys and morrisons .\"]\n", - "=======================\n", - "[\"certain products at retailer are more expensive per unit than supermarketscomes as poundland announced sales exceed # 1bn for first time last yearcompany 's success has been put down to shoppers hunting for bargains\"]\n", - "the budget retailer last week announced that sales exceed # 1billion for the first time last year becoming europe 's largest single-price discount retailer .new research has found that certain items on sale at poundland , pictured , are up to 50 per cent more expensive than those sold in supermarketsthe company 's success has been put down to shoppers hunting bargains and taking sales away from britain 's four big supermarkets , asda , tesco , sainsburys and morrisons .\n", - "certain products at retailer are more expensive per unit than supermarketscomes as poundland announced sales exceed # 1bn for first time last yearcompany 's success has been put down to shoppers hunting for bargains\n", - "[1.5313637 1.3790486 1.3147633 1.1341782 1.0873785 1.2842854 1.1248698\n", - " 1.0854918 1.1813896 1.1022682 1.0572953 1.1367078 1.0110235 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 5 8 11 3 6 9 4 7 10 12 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"john isner reached the semifinals of the miami open after easily beating fourth-seeded kei nishikori of japan 6-4 , 6-3 on thursday .the 6-foot-10 , hard-serving isner is the first american man to make the semifinals in miami since 2011 .he 'll next meet either world no. 1 novak djokovic or david ferrer on friday night .\"]\n", - "=======================\n", - "[\"john isner will play either novak djokovic or david ferrer in the last fourhe became the first american to reach miami open semi final since 2011kei nishikori could not handle isner 's serve in a 6-4 , 6-3 defeat\"]\n", - "john isner reached the semifinals of the miami open after easily beating fourth-seeded kei nishikori of japan 6-4 , 6-3 on thursday .the 6-foot-10 , hard-serving isner is the first american man to make the semifinals in miami since 2011 .he 'll next meet either world no. 1 novak djokovic or david ferrer on friday night .\n", - "john isner will play either novak djokovic or david ferrer in the last fourhe became the first american to reach miami open semi final since 2011kei nishikori could not handle isner 's serve in a 6-4 , 6-3 defeat\n", - "[1.1042057 1.0490583 1.2418925 1.3118007 1.0717831 1.2926767 1.18976\n", - " 1.0898132 1.045706 1.0488194 1.0299784 1.1023362 1.0836555 1.1646571\n", - " 1.0431697 1.020874 1.0419835 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 5 2 6 13 0 11 7 12 4 1 9 8 14 16 10 15 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"out-of-date sun lotions may separate and not spread evenly , say experts , meaning you may not be completely covered with vital uv filters , even if the active ingredients in the sun cream remain stablebut a recent survey revealed that almost three-quarters of uk holidaymakers are at risk of uv exposure because they use out-of-date sun cream .alice smellie asked industry experts to find out if it 's really vital to buy new supplies for summer ...\"]\n", - "=======================\n", - "[\"will out-of-date sun lotion protect your skin from sun damage ?can you keep using last summer 's bite cream ?alice smellie finds out which summer supplies we need to restock\"]\n", - "out-of-date sun lotions may separate and not spread evenly , say experts , meaning you may not be completely covered with vital uv filters , even if the active ingredients in the sun cream remain stablebut a recent survey revealed that almost three-quarters of uk holidaymakers are at risk of uv exposure because they use out-of-date sun cream .alice smellie asked industry experts to find out if it 's really vital to buy new supplies for summer ...\n", - "will out-of-date sun lotion protect your skin from sun damage ?can you keep using last summer 's bite cream ?alice smellie finds out which summer supplies we need to restock\n", - "[1.2699203 1.4763917 1.3806815 1.0448049 1.3967826 1.2819 1.2052658\n", - " 1.01686 1.1447494 1.0215195 1.0152243 1.079243 1.0328554 1.0369265\n", - " 1.0812746 1.1046145 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 5 0 6 8 15 14 11 3 13 12 9 7 10 22 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"the victim , john lahiff has spoken out from his hospital bed at cairns base hospital , swearing he will return to the green again after the nasty run-in with the crocodile at politician clive palmer 's port douglas golf course .on monday afternoon , the man in his 70s believes he accidentally stood on a sunbaking crocodile on the 11th hole at the palmer sea reef golf course , causing the croc to swiftly retaliate . 'an elderly man who was bitten by a crocodile while playing golf has defended the creature who attacked him , claiming the 1.2 metre reptile was more frightened than he was and that the spat was partially the golfer 's own fault .\"]\n", - "=======================\n", - "[\"senior golfer john lahiff was attacked by a crocodile in queenslandlahiff was playing golf solo at the palmer sea reef golf course on mondayhe says he did n't feel a thing during the attack and was even able to drive himself in a golf buggy to the clubhouse to seek helpgolf owner clive palmer sent his well wishes to the man after the attackrecovering in hospital , lahiff says the croc was more scared than he waslahiff feels bad for accidentally disturbing the sunbaking crocodile which he did n't see as he retrieved his golf ball\"]\n", - "the victim , john lahiff has spoken out from his hospital bed at cairns base hospital , swearing he will return to the green again after the nasty run-in with the crocodile at politician clive palmer 's port douglas golf course .on monday afternoon , the man in his 70s believes he accidentally stood on a sunbaking crocodile on the 11th hole at the palmer sea reef golf course , causing the croc to swiftly retaliate . 'an elderly man who was bitten by a crocodile while playing golf has defended the creature who attacked him , claiming the 1.2 metre reptile was more frightened than he was and that the spat was partially the golfer 's own fault .\n", - "senior golfer john lahiff was attacked by a crocodile in queenslandlahiff was playing golf solo at the palmer sea reef golf course on mondayhe says he did n't feel a thing during the attack and was even able to drive himself in a golf buggy to the clubhouse to seek helpgolf owner clive palmer sent his well wishes to the man after the attackrecovering in hospital , lahiff says the croc was more scared than he waslahiff feels bad for accidentally disturbing the sunbaking crocodile which he did n't see as he retrieved his golf ball\n", - "[1.128954 1.2343999 1.1278868 1.1161993 1.1749988 1.0747032 1.2665982\n", - " 1.2401359 1.1734213 1.1159587 1.052893 1.110275 1.0825391 1.0347949\n", - " 1.020343 1.0169768 1.0147029 1.0137444 1.018625 1.0297039 1.0219535\n", - " 1.0166321 1.1011028 1.2376903]\n", - "\n", - "[ 6 7 23 1 4 8 0 2 3 9 11 22 12 5 10 13 19 20 14 18 15 21 16 17]\n", - "=======================\n", - "['jose mourinho hit back at arsene wenger during his pre-match press conference on fridayarsene wenger ( left ) and mourinho have over a decade of history in the premier leaguearsenal lost 3-1 to monaco in the champions league - a result which mourinho mentioned to the media']\n", - "=======================\n", - "[\"chelsea can secure the league title if they beat arsenal and leicesterjose mourinho and arsene wenger have had a decade of touchline battlesmourinho has hit back at wenger 's ` defensive ' jibes ahead of sundayhe said : ` if it was easy , you would n't lose 3-1 at home to monaco '\"]\n", - "jose mourinho hit back at arsene wenger during his pre-match press conference on fridayarsene wenger ( left ) and mourinho have over a decade of history in the premier leaguearsenal lost 3-1 to monaco in the champions league - a result which mourinho mentioned to the media\n", - "chelsea can secure the league title if they beat arsenal and leicesterjose mourinho and arsene wenger have had a decade of touchline battlesmourinho has hit back at wenger 's ` defensive ' jibes ahead of sundayhe said : ` if it was easy , you would n't lose 3-1 at home to monaco '\n", - "[1.2788814 1.4536443 1.2803123 1.3459077 1.2562034 1.0946945 1.1266708\n", - " 1.049513 1.0227351 1.0219158 1.0280426 1.0269405 1.0160327 1.0430803\n", - " 1.1393478 1.0309304 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 14 6 5 7 13 15 10 11 8 9 12 22 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"rupa huq , who is standing for ed miliband 's party in a key marginal seat in west london , said fellow candidates who had turned down the cash were ` sticking their noses up ' at mr blair .labour parliamentary candidate rupa huq ( left ) says she felt no shame in accepting a # 1,000 donation from tony blair , despite campaigning heavily against the iraq warms huq - the sister of former blue peter presenter konnie huq - even accused mailonline of ` picking on her ' when she was quizzed about the donation at a hustings debate last night .\"]\n", - "=======================\n", - "[\"labour candidate rupa huq accepted # 1,000 from blair earlier this yearshe campaigned heavily against iraq war but said : ` elections cost money 'three colleagues turned down cash from former prime minister in marchms huq - sister of former blue peter presenter konnie - said candidates who turned down blair 's donation were ` sticking their noses up '\"]\n", - "rupa huq , who is standing for ed miliband 's party in a key marginal seat in west london , said fellow candidates who had turned down the cash were ` sticking their noses up ' at mr blair .labour parliamentary candidate rupa huq ( left ) says she felt no shame in accepting a # 1,000 donation from tony blair , despite campaigning heavily against the iraq warms huq - the sister of former blue peter presenter konnie huq - even accused mailonline of ` picking on her ' when she was quizzed about the donation at a hustings debate last night .\n", - "labour candidate rupa huq accepted # 1,000 from blair earlier this yearshe campaigned heavily against iraq war but said : ` elections cost money 'three colleagues turned down cash from former prime minister in marchms huq - sister of former blue peter presenter konnie - said candidates who turned down blair 's donation were ` sticking their noses up '\n", - "[1.2162893 1.5234923 1.1958935 1.1887736 1.1481131 1.143996 1.202783\n", - " 1.1519843 1.1195544 1.0613945 1.0961454 1.0763726 1.0537525 1.0817612\n", - " 1.0661817 1.1010116 1.0693403 1.0518898 1.0648856 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 6 2 3 7 4 5 8 15 10 13 11 16 14 18 9 12 17 22 19 20 21 23]\n", - "=======================\n", - "[\"sean reardon was stopped by police as he drove through chico in california and claims once he was out of the car he was wrestled to the floor by two police officers who then hit him with a baton or stick .a driver who was pulled over for suspected drink driving is seen in a video being clubbed by two policemen as he lays on the ground .reardon claims he was subjected to violence ` without provocation ' and suffered acute respiratory failure and had to be put on a ventilator in hospital .\"]\n", - "=======================\n", - "['sean reardon was stopped by police on suspected drunk driving chargeshe claims once he got out of the car he was wrestled by two policemr reardon said he was beaten as he lay on the floor in chico , californiasaid he suffered broken bones and ribs as well as breathing problems']\n", - "sean reardon was stopped by police as he drove through chico in california and claims once he was out of the car he was wrestled to the floor by two police officers who then hit him with a baton or stick .a driver who was pulled over for suspected drink driving is seen in a video being clubbed by two policemen as he lays on the ground .reardon claims he was subjected to violence ` without provocation ' and suffered acute respiratory failure and had to be put on a ventilator in hospital .\n", - "sean reardon was stopped by police on suspected drunk driving chargeshe claims once he got out of the car he was wrestled by two policemr reardon said he was beaten as he lay on the floor in chico , californiasaid he suffered broken bones and ribs as well as breathing problems\n", - "[1.2329206 1.4908099 1.2590637 1.1299181 1.1169063 1.0458075 1.1524849\n", - " 1.0984226 1.0680739 1.0612097 1.0474362 1.0459105 1.0459846 1.1144607\n", - " 1.0961989 1.0385593 1.0467434 1.0326817 1.0374593]\n", - "\n", - "[ 1 2 0 6 3 4 13 7 14 8 9 10 16 12 11 5 15 18 17]\n", - "=======================\n", - "[\"jia huaijin , 33 , now hand-makes swords in rural china that sell for up to # 22,000 each -- nearly 18 times the monthly salary of chinese president xi jinping or the average price for a 750-square-foot flat in shanghai .mr jia uses the 2,000-year-old technique to make the traditional swords , which are highly sought after by international collectors from as far as canada , reports the people 's daily online .a chinese entrepreneur has quit his well-paid day job to revive the dying art of chinese sword making .\"]\n", - "=======================\n", - "['jia huaijin aspires to bring back 2,000-year-old sword making techniqueeach sword is worth 18 times the monthly salary of the chinese presidentblades are hand-crafted from steel that is 3mm thick and are razor sharpsword fanatics from as far as canada have bought the expensive replicas']\n", - "jia huaijin , 33 , now hand-makes swords in rural china that sell for up to # 22,000 each -- nearly 18 times the monthly salary of chinese president xi jinping or the average price for a 750-square-foot flat in shanghai .mr jia uses the 2,000-year-old technique to make the traditional swords , which are highly sought after by international collectors from as far as canada , reports the people 's daily online .a chinese entrepreneur has quit his well-paid day job to revive the dying art of chinese sword making .\n", - "jia huaijin aspires to bring back 2,000-year-old sword making techniqueeach sword is worth 18 times the monthly salary of the chinese presidentblades are hand-crafted from steel that is 3mm thick and are razor sharpsword fanatics from as far as canada have bought the expensive replicas\n", - "[1.5282602 1.4475847 1.446928 1.1628078 1.1094153 1.0449045 1.0224702\n", - " 1.0162674 1.0171609 1.0145714 1.3937395 1.0171735 1.0138261 1.0101764\n", - " 1.1971792 1.115453 1.1795866 0. 0. ]\n", - "\n", - "[ 0 1 2 10 14 16 3 15 4 5 6 11 8 7 9 12 13 17 18]\n", - "=======================\n", - "['tim sherwood insists aston villa are prepared for their final survival fight as he backed his side to stay up .villa go to manchester city on saturday , looking good at four points above the bottom three and with an fa cup final against arsenal ahead next month .manager sherwood replaced paul lambert in february when villa were in the barclays premier league relegation zone but believes they have enough to survive with five games left .']\n", - "=======================\n", - "['tim sherwood replaced paul lambert as aston villa boss in februaryvilla are four points above the bottom three with five games remainingphilippe senderos and aly cissokho are available again']\n", - "tim sherwood insists aston villa are prepared for their final survival fight as he backed his side to stay up .villa go to manchester city on saturday , looking good at four points above the bottom three and with an fa cup final against arsenal ahead next month .manager sherwood replaced paul lambert in february when villa were in the barclays premier league relegation zone but believes they have enough to survive with five games left .\n", - "tim sherwood replaced paul lambert as aston villa boss in februaryvilla are four points above the bottom three with five games remainingphilippe senderos and aly cissokho are available again\n", - "[1.4180566 1.189659 1.4677577 1.2560583 1.3254547 1.1479111 1.06173\n", - " 1.0362396 1.0307326 1.0416766 1.0184863 1.0211285 1.0224048 1.0743808\n", - " 1.0240978 1.0327178 1.0294694 1.1704432 1.0709822]\n", - "\n", - "[ 2 0 4 3 1 17 5 13 18 6 9 7 15 8 16 14 12 11 10]\n", - "=======================\n", - "[\"kim rose , who is running for nigel farage 's party in southampton itchen , is being investigated by officers after laying out the snacks at an event , which also featured snooker star jimmy white .mr rose , 57 , branded police involvement as ` absolutely ridiculous ' , adding that voters in the marginal seat were unlikely to ` change their mind for a sausage roll ' .electoral commission rules state food and entertainment can not be provided by parliamentary candidates if their provision is intended to influence votes - a criminal offence known as ` treating ' .\"]\n", - "=======================\n", - "[\"ukip 's kim rose laid out spread of sausage rolls and sandwiches at eventpolice are investigating mr rose for ` treating ' - trying to influence voterslaughing off claims , he said : ` thank god they did n't find the jaffa cakes 'nigel farage backed his candidate , branding investigation ` utter nonsense '\"]\n", - "kim rose , who is running for nigel farage 's party in southampton itchen , is being investigated by officers after laying out the snacks at an event , which also featured snooker star jimmy white .mr rose , 57 , branded police involvement as ` absolutely ridiculous ' , adding that voters in the marginal seat were unlikely to ` change their mind for a sausage roll ' .electoral commission rules state food and entertainment can not be provided by parliamentary candidates if their provision is intended to influence votes - a criminal offence known as ` treating ' .\n", - "ukip 's kim rose laid out spread of sausage rolls and sandwiches at eventpolice are investigating mr rose for ` treating ' - trying to influence voterslaughing off claims , he said : ` thank god they did n't find the jaffa cakes 'nigel farage backed his candidate , branding investigation ` utter nonsense '\n", - "[1.3312865 1.2581438 1.1087952 1.2469811 1.1341126 1.1014986 1.0255202\n", - " 1.1074383 1.1982578 1.0827096 1.0542276 1.0359131 1.0669273 1.1431668\n", - " 1.0412259 1.0309986 1.1370643 0. 0. ]\n", - "\n", - "[ 0 1 3 8 13 16 4 2 7 5 9 12 10 14 11 15 6 17 18]\n", - "=======================\n", - "['( cnn ) how will the new \" fantastic four \" differ from the original movie of a decade ago ?for starters , as a new trailer shows , sue and johnny storm \\'s father initiates the project that ends up giving the foursome their powers .the movie , due out august 7 , promises a very different take on the classic marvel comics characters , played this go-round by miles teller , kate mara , michael b. jordan and jamie bell .']\n", - "=======================\n", - "['dr. doom is seen for the first time in the trailer for the \" fantastic four \" rebootchris pratt takes the lead in the new trailer for \" jurassic world \"']\n", - "( cnn ) how will the new \" fantastic four \" differ from the original movie of a decade ago ?for starters , as a new trailer shows , sue and johnny storm 's father initiates the project that ends up giving the foursome their powers .the movie , due out august 7 , promises a very different take on the classic marvel comics characters , played this go-round by miles teller , kate mara , michael b. jordan and jamie bell .\n", - "dr. doom is seen for the first time in the trailer for the \" fantastic four \" rebootchris pratt takes the lead in the new trailer for \" jurassic world \"\n", - "[1.3448347 1.2963175 1.2452013 1.1094443 1.1922815 1.0996186 1.0765457\n", - " 1.0748936 1.1088979 1.0814403 1.1288276 1.0456744 1.0498022 1.1142317\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 4 10 13 3 8 5 9 6 7 12 11 14 15 16 17 18]\n", - "=======================\n", - "[\"the terrorist group al qaida seized control of a major airport , sea port and oil terminal in southern yemen today , consolidating its hold on the country 's largest province .it came amid wider chaos pitting shiite rebels against forces loyal to the exiled president and a saudi-led air campaign .military officials and residents said al qaida fighters clashed briefly with members of one of yemen 's largest brigades outside mukalla , a city the militants overran earlier this month and where they freed prison inmates .\"]\n", - "=======================\n", - "['al qaida seized control of an airport , sea port and oil terminal in yemenlatest advance marks a major gain for al qaida in the arabian peninsulacame amid chaos pitting rebels against forces loyal to exiled president']\n", - "the terrorist group al qaida seized control of a major airport , sea port and oil terminal in southern yemen today , consolidating its hold on the country 's largest province .it came amid wider chaos pitting shiite rebels against forces loyal to the exiled president and a saudi-led air campaign .military officials and residents said al qaida fighters clashed briefly with members of one of yemen 's largest brigades outside mukalla , a city the militants overran earlier this month and where they freed prison inmates .\n", - "al qaida seized control of an airport , sea port and oil terminal in yemenlatest advance marks a major gain for al qaida in the arabian peninsulacame amid chaos pitting rebels against forces loyal to exiled president\n", - "[1.236374 1.2107911 1.2808076 1.3109326 1.1164291 1.1377847 1.060274\n", - " 1.0803735 1.0291343 1.0225066 1.0394411 1.1424701 1.0938104 1.135496\n", - " 1.0454106 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 2 0 1 11 5 13 4 12 7 6 14 10 8 9 26 25 24 23 22 21 20 18 17\n", - " 16 15 27 19 28]\n", - "=======================\n", - "['the survey , conducted by beauty research organization lqs and associates , looked at the lengths 1,000 american women go to in order to enhance their appearances or copy a celebrity , and the potentially disastrous consequences they might face in doing so , including hair loss , skin swelling , and overly painful procedures .seven per cent , meanwhile , have actually had allergic reactions .according to a new study , while just over half of women worry about the long term damage of beauty treatments , nearly a fifth would still pursue a treatment to get the right look - even it it proved hazardous to their health .']\n", - "=======================\n", - "['american women look to celebrities for hair inspiration , often uneducated about the potential dangers of beauty proceduresmany celebrities who wear weaves , such as beyonce , selena gomez and paris hilton , could be doing serious damage to their hairjennifer aniston , sandra bullock and jennifer lopez were revealed as having the three most popular celebrity hairstyles']\n", - "the survey , conducted by beauty research organization lqs and associates , looked at the lengths 1,000 american women go to in order to enhance their appearances or copy a celebrity , and the potentially disastrous consequences they might face in doing so , including hair loss , skin swelling , and overly painful procedures .seven per cent , meanwhile , have actually had allergic reactions .according to a new study , while just over half of women worry about the long term damage of beauty treatments , nearly a fifth would still pursue a treatment to get the right look - even it it proved hazardous to their health .\n", - "american women look to celebrities for hair inspiration , often uneducated about the potential dangers of beauty proceduresmany celebrities who wear weaves , such as beyonce , selena gomez and paris hilton , could be doing serious damage to their hairjennifer aniston , sandra bullock and jennifer lopez were revealed as having the three most popular celebrity hairstyles\n", - "[1.1743095 1.4083146 1.1263921 1.4130023 1.2988155 1.102542 1.0337733\n", - " 1.1083642 1.0372574 1.1109712 1.0279621 1.1431669 1.0294886 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 4 0 11 2 9 7 5 8 6 12 10 21 26 25 24 23 22 20 14 18 17 16\n", - " 15 27 13 19 28]\n", - "=======================\n", - "[\"didier drogba hit back at claims that chelsea were boring with a video of them completing a ` bin challenge 'the blues are preparing for wednesday night 's trip to leicester city at st george 's park , having drawn criticism for the way they ground out a decisive 0-0 draw against arsenal on sunday .after the ball is headed by loic remy and eden hazard , john terry heads to drogba in the six-man task\"]\n", - "=======================\n", - "[\"didier drogba and five of his chelsea team-mates take part in bin challengeeden hazard , john terry , thibaut courtois and john obi mikel all involveddrogba mocked the tag of ` boring chelsea ' that has been aimed at his sidechelsea have been training at st george 's park ahead of game at leicester\"]\n", - "didier drogba hit back at claims that chelsea were boring with a video of them completing a ` bin challenge 'the blues are preparing for wednesday night 's trip to leicester city at st george 's park , having drawn criticism for the way they ground out a decisive 0-0 draw against arsenal on sunday .after the ball is headed by loic remy and eden hazard , john terry heads to drogba in the six-man task\n", - "didier drogba and five of his chelsea team-mates take part in bin challengeeden hazard , john terry , thibaut courtois and john obi mikel all involveddrogba mocked the tag of ` boring chelsea ' that has been aimed at his sidechelsea have been training at st george 's park ahead of game at leicester\n", - "[1.0898918 1.3325713 1.3863511 1.317796 1.2450199 1.0987815 1.1150346\n", - " 1.1449468 1.2221452 1.0396708 1.025771 1.0344774 1.0339011 1.0186685\n", - " 1.0194834 1.0384756 1.0949782 1.0405564 1.1181222 1.0893246 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 3 4 8 7 18 6 5 16 0 19 17 9 15 11 12 10 14 13 20 21 22 23\n", - " 24 25 26 27 28]\n", - "=======================\n", - "[\"camoji is one of the first apps to take advantage of facebook 's decision to open up messenger , revealed at its recent f8 conference in san francisco .a new app makes creating the images simple on a smartphone - and lets you send them using facebook messenger .camoji allows people to add instagram style filters to their images before sharing them .\"]\n", - "=======================\n", - "[\"one of first apps to take advantage of facebook 's new open approachallows users to send and record gifs inside messenger appinstagram style filters can be added to gif images\"]\n", - "camoji is one of the first apps to take advantage of facebook 's decision to open up messenger , revealed at its recent f8 conference in san francisco .a new app makes creating the images simple on a smartphone - and lets you send them using facebook messenger .camoji allows people to add instagram style filters to their images before sharing them .\n", - "one of first apps to take advantage of facebook 's new open approachallows users to send and record gifs inside messenger appinstagram style filters can be added to gif images\n", - "[1.2310431 1.1148071 1.1261582 1.0907948 1.0428063 1.0645552 1.4129385\n", - " 1.1336547 1.0316727 1.0268316 1.0323285 1.0380569 1.0164638 1.016456\n", - " 1.017875 1.3117745 1.0149229 1.0167596 1.0159993 1.0262914 1.0316738\n", - " 1.0361755 1.0184017 1.0239028 1.1701782 1.0233808 1.0680511 1.0204488\n", - " 1.0152607]\n", - "\n", - "[ 6 15 0 24 7 2 1 3 26 5 4 11 21 10 20 8 9 19 23 25 27 22 14 17\n", - " 12 13 18 28 16]\n", - "=======================\n", - "[\"qpr manager chris ramsey ( centre ) feels they will avoid relegation if they win three more league gamestim sherwood ( left ) believes his appointment at aston villa has given them a lot of belief and confidenceit 's truly squeaky bum time in the premier league relegation battle as just nine points separates the bottom seven teams .\"]\n", - "=======================\n", - "['just nine points separates the bottom seven clubs in the premier leagueqpr boss chris ramsey says they need three more wins to surviveburnley host relegation rivals leicester in the league on saturday']\n", - "qpr manager chris ramsey ( centre ) feels they will avoid relegation if they win three more league gamestim sherwood ( left ) believes his appointment at aston villa has given them a lot of belief and confidenceit 's truly squeaky bum time in the premier league relegation battle as just nine points separates the bottom seven teams .\n", - "just nine points separates the bottom seven clubs in the premier leagueqpr boss chris ramsey says they need three more wins to surviveburnley host relegation rivals leicester in the league on saturday\n", - "[1.2209743 1.1959077 1.1343117 1.2741665 1.1649508 1.1377687 1.0296392\n", - " 1.1654298 1.1443079 1.0250657 1.15474 1.1090893 1.0505364 1.0679162\n", - " 1.0191647 1.0197515 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 0 1 7 4 10 8 5 2 11 13 12 6 9 15 14 16 17 18 19 20 21 22 23\n", - " 24 25 26 27 28]\n", - "=======================\n", - "[\"a pakistani man who fled his village due to fighting between security forces and militants in pakistan 's tribal area of bajur , enjoys a ride on a merry-go-round along with other children , at a makeshift entertainment park set up in a slum area on the outskirts of islamabadfor those in the west , amusement parks are a popular day out , with hundreds of millions of visitors flocking to the most popular theme parks each year .while these rides may be a far cry from disneyland , the camel carousels , hand-turned ferris wheels and trampolines on offers in these small parks offer a world of fun for locals .\"]\n", - "=======================\n", - "['many little amusement parks are set up in the slum areas of pakistan on the outskirts of islamabad and rawalpindithe rides include merry-go-rounds , trampolines , carousels and basic swingschildren who have been forced out of their villages due to fighting shriek with delight whilst enjoying the rides']\n", - "a pakistani man who fled his village due to fighting between security forces and militants in pakistan 's tribal area of bajur , enjoys a ride on a merry-go-round along with other children , at a makeshift entertainment park set up in a slum area on the outskirts of islamabadfor those in the west , amusement parks are a popular day out , with hundreds of millions of visitors flocking to the most popular theme parks each year .while these rides may be a far cry from disneyland , the camel carousels , hand-turned ferris wheels and trampolines on offers in these small parks offer a world of fun for locals .\n", - "many little amusement parks are set up in the slum areas of pakistan on the outskirts of islamabad and rawalpindithe rides include merry-go-rounds , trampolines , carousels and basic swingschildren who have been forced out of their villages due to fighting shriek with delight whilst enjoying the rides\n", - "[1.0994412 1.3988836 1.3206061 1.1911442 1.1326859 1.1428432 1.1337965\n", - " 1.0331124 1.0607166 1.0355709 1.1037843 1.125397 1.0757542 1.0753089\n", - " 1.0235661 1.0519475 1.0530355 0. 0. ]\n", - "\n", - "[ 1 2 3 5 6 4 11 10 0 12 13 8 16 15 9 7 14 17 18]\n", - "=======================\n", - "['heavy drinking among americans rose 17.2 percent between 2005 and 2012 , largely due to rising rates among women , according to the study by the institute for health metrics and evaluation at the university of washington , published thursday in the american journal of public health .the centers for disease control and prevention defines heavy drinking as exceeding an average of one drink per day during the past month for women and two drinks per day for men .nationwide over the course of the decade , the rate of binge drinking among women increased more than seven times the rate among men .']\n", - "=======================\n", - "[\"heavy drinking among americans rose 17.2 percent between 2005 and 2012the increase is driven largely by women 's drinking habitsit 's now more acceptable for women to drink the way men traditionally have , says one expert\"]\n", - "heavy drinking among americans rose 17.2 percent between 2005 and 2012 , largely due to rising rates among women , according to the study by the institute for health metrics and evaluation at the university of washington , published thursday in the american journal of public health .the centers for disease control and prevention defines heavy drinking as exceeding an average of one drink per day during the past month for women and two drinks per day for men .nationwide over the course of the decade , the rate of binge drinking among women increased more than seven times the rate among men .\n", - "heavy drinking among americans rose 17.2 percent between 2005 and 2012the increase is driven largely by women 's drinking habitsit 's now more acceptable for women to drink the way men traditionally have , says one expert\n", - "[1.1974806 1.351351 1.385124 1.1888767 1.2478962 1.2145793 1.1555609\n", - " 1.026948 1.0400162 1.0900332 1.1005758 1.018975 1.0897541 1.0573997\n", - " 1.0814923 1.1346648 1.1485673 1.023194 1.0117172]\n", - "\n", - "[ 2 1 4 5 0 3 6 16 15 10 9 12 14 13 8 7 17 11 18]\n", - "=======================\n", - "[\"it claims irobot 's machines will interfere with its sensitive radio telescopes which astronomers are using to pick up signs of alien life .this is according to the national radio astronomy observatory who is objecting to proposals by irobot to release a radio wave-guided lawnmower .irobot is famous for creating self-guided roomba machines\"]\n", - "=======================\n", - "[\"irobot is creating wireless lawnmowers guided by radio wavesgadget and observatories will both use the 6240-6740 mhz bandastronomers say it could prevent them from detecting methanolirobot says chances of interference occurring are ` infinitesimal '\"]\n", - "it claims irobot 's machines will interfere with its sensitive radio telescopes which astronomers are using to pick up signs of alien life .this is according to the national radio astronomy observatory who is objecting to proposals by irobot to release a radio wave-guided lawnmower .irobot is famous for creating self-guided roomba machines\n", - "irobot is creating wireless lawnmowers guided by radio wavesgadget and observatories will both use the 6240-6740 mhz bandastronomers say it could prevent them from detecting methanolirobot says chances of interference occurring are ` infinitesimal '\n", - "[1.1955376 1.279377 1.4932631 1.1073688 1.0356767 1.1195999 1.3295149\n", - " 1.045119 1.105076 1.0446149 1.1112098 1.0513703 1.0242845 1.0351919\n", - " 1.0320678 0. 0. 0. 0. ]\n", - "\n", - "[ 2 6 1 0 5 10 3 8 11 7 9 4 13 14 12 15 16 17 18]\n", - "=======================\n", - "[\"orana wildlife park in new zealand 's christchurch is one of the few zoos in the world which has installed a moving cage to bring spectators as close as possible to lions in an open habitat .a new zealand zoo is giving visitors the thrilling opportunity to step over the fence and into the depths of a lion 's den during feeding time , if they dare .many thrill seekers have slipped into a cage to get up close and personal with a shark -- now they can do the same with the king of the jungle , putting them just a paw swipe away from a lion - with nothing but cage bars between them .\"]\n", - "=======================\n", - "[\"a new zealand zoo , orana wildlife park , is giving visitors the thrilling opportunity to step into the lion 's denorana wildlife park in new zealand 's christchurch has installed a moving cage to bring you close to the lionsthe king of the jungle clambers over the cage , jumping onto the roof and sticking his tongue through the bars20 people , including visitors and zoo keepers , climb inside to have lunch with a lion for $ 40\"]\n", - "orana wildlife park in new zealand 's christchurch is one of the few zoos in the world which has installed a moving cage to bring spectators as close as possible to lions in an open habitat .a new zealand zoo is giving visitors the thrilling opportunity to step over the fence and into the depths of a lion 's den during feeding time , if they dare .many thrill seekers have slipped into a cage to get up close and personal with a shark -- now they can do the same with the king of the jungle , putting them just a paw swipe away from a lion - with nothing but cage bars between them .\n", - "a new zealand zoo , orana wildlife park , is giving visitors the thrilling opportunity to step into the lion 's denorana wildlife park in new zealand 's christchurch has installed a moving cage to bring you close to the lionsthe king of the jungle clambers over the cage , jumping onto the roof and sticking his tongue through the bars20 people , including visitors and zoo keepers , climb inside to have lunch with a lion for $ 40\n", - "[1.1902689 1.4257805 1.1560745 1.1126821 1.3067042 1.086198 1.2731874\n", - " 1.0464721 1.0683156 1.0433725 1.1053388 1.090657 1.1156605 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 6 0 2 12 3 10 11 5 8 7 9 13 14 15 16 17 18]\n", - "=======================\n", - "['veteran scriptwriter for the radio 4 drama , keri davies , said that having a divan to hand is vital to make post-coital conversations sound convincing .a writer for the archers has revealed that keeping a bed in the studio is essential for realistic sex scenes ( file picture )he added that parties in the fictional ambridge are limited to nine attendees because of budgetary considerations .']\n", - "=======================\n", - "['a bed is kept in the archers studio to help with realistic sex scenesscriptwriter said bed is is vital for convincing post-coital conversationshe added that parties in fictional ambridge are limited to nine attendees because of budget constraints']\n", - "veteran scriptwriter for the radio 4 drama , keri davies , said that having a divan to hand is vital to make post-coital conversations sound convincing .a writer for the archers has revealed that keeping a bed in the studio is essential for realistic sex scenes ( file picture )he added that parties in the fictional ambridge are limited to nine attendees because of budgetary considerations .\n", - "a bed is kept in the archers studio to help with realistic sex scenesscriptwriter said bed is is vital for convincing post-coital conversationshe added that parties in fictional ambridge are limited to nine attendees because of budget constraints\n", - "[1.2689406 1.3416815 1.147121 1.1878171 1.381319 1.1161944 1.1708932\n", - " 1.1394942 1.083842 1.042371 1.0735624 1.0465832 1.0399244 1.0378873\n", - " 1.0252612 0. 0. 0. 0. ]\n", - "\n", - "[ 4 1 0 3 6 2 7 5 8 10 11 9 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"cruel : army major john jackson ( left ) and his wife carolyn ( right ) are currently on trial for abusing their three foster children .john and carolyn jackson also forced some of the children to drink hot sauce or eat hot pepper flakes and were n't exposed until one of their biological children reported the abuse to someone outside the family , assistant u.s. attorney joseph shumofsky said in his opening statement .that child , now in his teens , is expected to provide key testimony for the prosecution .\"]\n", - "=======================\n", - "[\"army major john jackson and his wife carolyn are facing 15 counts of child abusethe couple 's first trial ended in a mistrial last november when a prosecutor accidentally mentioned the death of one of their son 'sthat detail was barred from the trial since the couple had not been officially charged in the boy 's deathon monday , the jacksons appeared in new jersey federal court for their second trialprosecutors said the couple starved their three foster children and beat them so several that they had broken bones all over their bodiesthe couple 's defense attorneys claim that they may have been ` crappy parents ' but are not criminals\"]\n", - "cruel : army major john jackson ( left ) and his wife carolyn ( right ) are currently on trial for abusing their three foster children .john and carolyn jackson also forced some of the children to drink hot sauce or eat hot pepper flakes and were n't exposed until one of their biological children reported the abuse to someone outside the family , assistant u.s. attorney joseph shumofsky said in his opening statement .that child , now in his teens , is expected to provide key testimony for the prosecution .\n", - "army major john jackson and his wife carolyn are facing 15 counts of child abusethe couple 's first trial ended in a mistrial last november when a prosecutor accidentally mentioned the death of one of their son 'sthat detail was barred from the trial since the couple had not been officially charged in the boy 's deathon monday , the jacksons appeared in new jersey federal court for their second trialprosecutors said the couple starved their three foster children and beat them so several that they had broken bones all over their bodiesthe couple 's defense attorneys claim that they may have been ` crappy parents ' but are not criminals\n", - "[1.2475493 1.193131 1.0759039 1.3429594 1.2426542 1.1862519 1.2007111\n", - " 1.1139047 1.1145735 1.0772445 1.0513158 1.0454681 1.0210068 1.0213627\n", - " 1.1121045 1.0516548 1.0156355 1.0309716 0. 0. ]\n", - "\n", - "[ 3 0 4 6 1 5 8 7 14 9 2 15 10 11 17 13 12 16 18 19]\n", - "=======================\n", - "[\"the american chemical society in washington explained the science behind the avengers in a video .the avengers have battled to save earth from an alien invasion , the evil loki and now , in the latest movie , face off against the killing machine ultron .it looks at the composition of iron man 's suit - said to be a gold-titanium alloy in one of the movies - and captain america 's shield .\"]\n", - "=======================\n", - "[\"washington 's american chemical society video explains the avengersit looks at the composition of iron man 's suit and captain america 's shieldand it also explains science behind black widow 's super-healing abilitiesthe verdict is that some - but not all - of the science is plausible\"]\n", - "the american chemical society in washington explained the science behind the avengers in a video .the avengers have battled to save earth from an alien invasion , the evil loki and now , in the latest movie , face off against the killing machine ultron .it looks at the composition of iron man 's suit - said to be a gold-titanium alloy in one of the movies - and captain america 's shield .\n", - "washington 's american chemical society video explains the avengersit looks at the composition of iron man 's suit and captain america 's shieldand it also explains science behind black widow 's super-healing abilitiesthe verdict is that some - but not all - of the science is plausible\n", - "[1.2303777 1.5224187 1.1650217 1.1891221 1.1948893 1.2410698 1.0607467\n", - " 1.0273349 1.0218216 1.0123591 1.1683995 1.0419258 1.1799632 1.1413649\n", - " 1.0710182 1.040806 1.1143804 1.0448215 0. 0. ]\n", - "\n", - "[ 1 5 0 4 3 12 10 2 13 16 14 6 17 11 15 7 8 9 18 19]\n", - "=======================\n", - "[\"the body of anne jarmain , 86 , was found at 7pm on wednesday ; 10 hours after her car was pulled off the road and underwater as she tried to crossed cessnock road , which in the nsw hunter region .the woman who was tragically killed when her car washed away in flood waters in maitland has been identified as an elderly great-grandmother who was popping out for milk .police battled wild flood water as they searched for ms jarmain 's vehicle at the scene of the tragic accident\"]\n", - "=======================\n", - "[\"anne germain , 86 , was killed by the flood waters on wednesdayshe was making a quick trip to the shops when her car washed awaybystanders stripped off and dove into the icy waters to try and save her and her car was dragged by the fast waters in maitlandshe had wanted to go and see her husband in a nursing home but knew it would n't be safensw premier mike baird visited the area and is ` shocked ' by devastation\"]\n", - "the body of anne jarmain , 86 , was found at 7pm on wednesday ; 10 hours after her car was pulled off the road and underwater as she tried to crossed cessnock road , which in the nsw hunter region .the woman who was tragically killed when her car washed away in flood waters in maitland has been identified as an elderly great-grandmother who was popping out for milk .police battled wild flood water as they searched for ms jarmain 's vehicle at the scene of the tragic accident\n", - "anne germain , 86 , was killed by the flood waters on wednesdayshe was making a quick trip to the shops when her car washed awaybystanders stripped off and dove into the icy waters to try and save her and her car was dragged by the fast waters in maitlandshe had wanted to go and see her husband in a nursing home but knew it would n't be safensw premier mike baird visited the area and is ` shocked ' by devastation\n", - "[1.3028021 1.1648316 1.1114962 1.0362664 1.1026073 1.2670889 1.0891072\n", - " 1.140796 1.1148982 1.1092308 1.021761 1.0226493 1.0464723 1.1146233\n", - " 1.0135416 1.0238824 1.0410631 1.031753 1.0306048 1.0155181]\n", - "\n", - "[ 0 5 1 7 8 13 2 9 4 6 12 16 3 17 18 15 11 10 19 14]\n", - "=======================\n", - "[\"on sunday night , at the stade velodrome , it 's the dockers against the dauphins .the home side are ligue 1 top scorers , two points behind the visitors who are leaders and have won seven of france 's last eight classique matches .the stevedores against the stéphanes .\"]\n", - "=======================\n", - "[\"marseille manager marcelo bielsa has previously been nicknamed ` el loco 'bielsa 's bible says : ` running is commitment , running is understanding , running is everything 'marseille face psg at home on sunday night in ligue 1 title clash\"]\n", - "on sunday night , at the stade velodrome , it 's the dockers against the dauphins .the home side are ligue 1 top scorers , two points behind the visitors who are leaders and have won seven of france 's last eight classique matches .the stevedores against the stéphanes .\n", - "marseille manager marcelo bielsa has previously been nicknamed ` el loco 'bielsa 's bible says : ` running is commitment , running is understanding , running is everything 'marseille face psg at home on sunday night in ligue 1 title clash\n", - "[1.2991858 1.4532331 1.2976235 1.3919321 1.3204122 1.228817 1.0247562\n", - " 1.0261829 1.0130097 1.0157886 1.0136203 1.0573866 1.1315314 1.0473706\n", - " 1.0334496 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 0 2 5 12 11 13 14 7 6 9 10 8 18 15 16 17 19]\n", - "=======================\n", - "[\"patrick o'flynn , who is also the party 's economics spokesman , said ukip needs to ` work harder ' as it is ` lagging ' behind with female voters .polls suggest around 15 per cent of men are planning to back ukip , compared to only 10 per cent of women .ukip 's election campaign chief has admitted that the party sometimes resembles a ` rugby club on tour ' with members who can be ` boorish ' and ` chauvinistic ' .\"]\n", - "=======================\n", - "[\"ukip launches its ` policies for women ' to address gender divide15 % of men planning to back ukip , compared to only 10 % of women votersmep patrick o'flynn says party still resorts to ` boorishness or chauvinism '\"]\n", - "patrick o'flynn , who is also the party 's economics spokesman , said ukip needs to ` work harder ' as it is ` lagging ' behind with female voters .polls suggest around 15 per cent of men are planning to back ukip , compared to only 10 per cent of women .ukip 's election campaign chief has admitted that the party sometimes resembles a ` rugby club on tour ' with members who can be ` boorish ' and ` chauvinistic ' .\n", - "ukip launches its ` policies for women ' to address gender divide15 % of men planning to back ukip , compared to only 10 % of women votersmep patrick o'flynn says party still resorts to ` boorishness or chauvinism '\n", - "[1.3625457 1.2851241 1.2003702 1.3365865 1.1584733 1.1655722 1.0783861\n", - " 1.0376648 1.0977391 1.0898788 1.0817881 1.0585951 1.0523518 1.156792\n", - " 1.0640965 1.0370849 1.0152034 1.0294088 0. 0. ]\n", - "\n", - "[ 0 3 1 2 5 4 13 8 9 10 6 14 11 12 7 15 17 16 18 19]\n", - "=======================\n", - "['the 43-year-old is the first presenter of the bbc dance contest to be nominated for the awardswhen claudia winkleman replaced sir bruce forsyth as co-host of strictly come dancing , sceptics thought she would struggle to fill his shoes .now , she has proved them wrong with a bafta nomination for her first season on the show .']\n", - "=======================\n", - "['after one series on the show claudia winkleman is nominated for a baftaneither sir bruce forsyth nor tess daly were nominated for the awardsshe will compete against ant and dec , graham norton and leigh francis']\n", - "the 43-year-old is the first presenter of the bbc dance contest to be nominated for the awardswhen claudia winkleman replaced sir bruce forsyth as co-host of strictly come dancing , sceptics thought she would struggle to fill his shoes .now , she has proved them wrong with a bafta nomination for her first season on the show .\n", - "after one series on the show claudia winkleman is nominated for a baftaneither sir bruce forsyth nor tess daly were nominated for the awardsshe will compete against ant and dec , graham norton and leigh francis\n", - "[1.3901879 1.3699815 1.2657721 1.2455773 1.1905307 1.259165 1.1872058\n", - " 1.188993 1.041734 1.0141802 1.0246716 1.0451477 1.0173957 1.023638\n", - " 1.0293007 1.0496427 1.0114065 1.0171906 1.0099078 1.0222851 1.0171599]\n", - "\n", - "[ 0 1 2 5 3 4 7 6 15 11 8 14 10 13 19 12 17 20 9 16 18]\n", - "=======================\n", - "[\"jack nicklaus believes it is time for the ` young guys to take over ' after jordan spieth 's record-breaking masters victory on sunday .nicklaus was hugely impressed by spieth 's four-shot win over justin rose and phil mickelson , which saw him set 36 and 54-hole scoring records , equal the 72-hole record set by tiger woods in 1997 and also become the first player ever to reach 19 under par at augusta .the 21-year-old , who was second last year , moved from fourth in the world rankings to second behind rory mcilroy as a result and that means the world 's top two players have a combined age of 46 .\"]\n", - "=======================\n", - "[\"jordan spieth sent several records tumbling on his way to augusta gloryjack nicklaus praised the 21-year-old 's ` incredible performance 'he backed spieth and rory mcilroy to ` carry the mantle ' for golfmeet golf 's brightest young star : jordan spiethread : why it wo n't be too long until mcilroy wins the masters\"]\n", - "jack nicklaus believes it is time for the ` young guys to take over ' after jordan spieth 's record-breaking masters victory on sunday .nicklaus was hugely impressed by spieth 's four-shot win over justin rose and phil mickelson , which saw him set 36 and 54-hole scoring records , equal the 72-hole record set by tiger woods in 1997 and also become the first player ever to reach 19 under par at augusta .the 21-year-old , who was second last year , moved from fourth in the world rankings to second behind rory mcilroy as a result and that means the world 's top two players have a combined age of 46 .\n", - "jordan spieth sent several records tumbling on his way to augusta gloryjack nicklaus praised the 21-year-old 's ` incredible performance 'he backed spieth and rory mcilroy to ` carry the mantle ' for golfmeet golf 's brightest young star : jordan spiethread : why it wo n't be too long until mcilroy wins the masters\n", - "[1.2519436 1.5208354 1.2579552 1.2053567 1.3168864 1.1475518 1.1013902\n", - " 1.0571916 1.040904 1.0345968 1.0483886 1.0321972 1.0242007 1.2789819\n", - " 1.0747894 1.0678602 1.0404513 1.0226644 1.0772663 0. 0. ]\n", - "\n", - "[ 1 4 13 2 0 3 5 6 18 14 15 7 10 8 16 9 11 12 17 19 20]\n", - "=======================\n", - "['jason warnock was named as the hero who rescued 23-year-old mathew sitko after he crashed his car on wednesday morning , causing it to hang off a canyon cliff in lewiston , idaho .but after saving the man , warnock said he could not stay and rushed away from the scene .the mystery hero who raced to the edge of a cliff and pulled a driver from his precariously-balanced car has been identified as a 29-year-old man who fled the scene to go to work .']\n", - "=======================\n", - "[\"mathew sitko , 23 , crashed his car and ended up hanging over a cliff edge in lewiston , idaho in an 'em otional episode ' wednesday morningjason warnock , 29 , was nearby when he saw the car above so he climbed up a footbridge and ran to the edge of the cliff and pulled the man outhe needed to leave to go to work but was tracked down after the picture quickly spread online\"]\n", - "jason warnock was named as the hero who rescued 23-year-old mathew sitko after he crashed his car on wednesday morning , causing it to hang off a canyon cliff in lewiston , idaho .but after saving the man , warnock said he could not stay and rushed away from the scene .the mystery hero who raced to the edge of a cliff and pulled a driver from his precariously-balanced car has been identified as a 29-year-old man who fled the scene to go to work .\n", - "mathew sitko , 23 , crashed his car and ended up hanging over a cliff edge in lewiston , idaho in an 'em otional episode ' wednesday morningjason warnock , 29 , was nearby when he saw the car above so he climbed up a footbridge and ran to the edge of the cliff and pulled the man outhe needed to leave to go to work but was tracked down after the picture quickly spread online\n", - "[1.2390717 1.5383053 1.0956 1.0988042 1.351992 1.1521524 1.1064159\n", - " 1.0425751 1.1290675 1.0748466 1.1374702 1.1444696 1.058745 1.0236552\n", - " 1.0550226 1.0310773 1.039369 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 5 11 10 8 6 3 2 9 12 14 7 16 15 13 19 17 18 20]\n", - "=======================\n", - "[\"paul warren smith , 61 , was identified as the man in a white marshall independent school district van seen in surveillance video tossing five , 3-week-old puppies over a chain-link fence just before noon on saturday at the the humane society of harrison county 's the pet place in marshall .uninjured : all five puppies are healthy and uninjured ; each will be put up for adoption when they are at least 8 weeks oldflinging : smith is seen in the video flinging a puppy over the fence in a manner that makes it unlikely that the pup landed on its feet\"]\n", - "=======================\n", - "['paul smith , 61 , is facing animal cruelty charges for allegedly tossing five , 3-week-old puppies over a chain-link fence in marshall , texasthe man was identified after a humane society worker posted a surveillance video of the incident on facebookall five puppies are healthy and uninjured ; smith is being held at the harrison county jail']\n", - "paul warren smith , 61 , was identified as the man in a white marshall independent school district van seen in surveillance video tossing five , 3-week-old puppies over a chain-link fence just before noon on saturday at the the humane society of harrison county 's the pet place in marshall .uninjured : all five puppies are healthy and uninjured ; each will be put up for adoption when they are at least 8 weeks oldflinging : smith is seen in the video flinging a puppy over the fence in a manner that makes it unlikely that the pup landed on its feet\n", - "paul smith , 61 , is facing animal cruelty charges for allegedly tossing five , 3-week-old puppies over a chain-link fence in marshall , texasthe man was identified after a humane society worker posted a surveillance video of the incident on facebookall five puppies are healthy and uninjured ; smith is being held at the harrison county jail\n", - "[1.2499152 1.2974938 1.2817452 1.2705424 1.3137946 1.116344 1.0241885\n", - " 1.1408519 1.0442064 1.1034745 1.0823791 1.095023 1.027361 1.0331637\n", - " 1.0831649 1.036189 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 1 2 3 0 7 5 9 11 14 10 8 15 13 12 6 16 17 18 19 20]\n", - "=======================\n", - "['former england captain andrew strauss ( pictured here in 2011 ) is among the front-runners for the jobthe confidential details were sent by email to potential candidates for the post , front-runners for which are former england captains andrew strauss , michael vaughan and alec stewart .but the work parameters will not appear on the ecb website or that of headhunters sports recruitment international , as would be the normal procedure .']\n", - "=======================\n", - "[\"the ecb are creating a new director of cricket role as part of a restructure after the departure of england 's managing director paul downtonhowever , they have released very few details as to the job descriptionjonathan trott is back in the england set-up following treatment from leading sports psychiatrist steve peterschelsea manager jose mourinho is fronting a new promotional deal with car manufacturers jaguarlegendary jockey ap mccoy , is set to retire from racing on saturday\"]\n", - "former england captain andrew strauss ( pictured here in 2011 ) is among the front-runners for the jobthe confidential details were sent by email to potential candidates for the post , front-runners for which are former england captains andrew strauss , michael vaughan and alec stewart .but the work parameters will not appear on the ecb website or that of headhunters sports recruitment international , as would be the normal procedure .\n", - "the ecb are creating a new director of cricket role as part of a restructure after the departure of england 's managing director paul downtonhowever , they have released very few details as to the job descriptionjonathan trott is back in the england set-up following treatment from leading sports psychiatrist steve peterschelsea manager jose mourinho is fronting a new promotional deal with car manufacturers jaguarlegendary jockey ap mccoy , is set to retire from racing on saturday\n", - "[1.2711482 1.3730645 1.3010477 1.1936455 1.0900563 1.1707592 1.0422682\n", - " 1.0268105 1.1399825 1.127258 1.0742271 1.0363907 1.0567583 1.1443733\n", - " 1.0542054 1.0639477 1.0519091 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 5 13 8 9 4 10 15 12 14 16 6 11 7 19 17 18 20]\n", - "=======================\n", - "[\"officials in buzim , north west bosnia said their home should be known as the ` town of twins ' , due to the unusually high number of multiple births .local journalist nedzib vucelj noticed the phenomena when his wife emira gave birth to twins during the 1992-95 civil war .a bosnian town , home to more than 200 sets of twins in a population of 20,000 has claimed that it is the world 's multiple birth capital and wants to use that fact to turn it into a tourist attraction .\"]\n", - "=======================\n", - "['buzim in north west bosnia saw 21 sets of twins born during the civil warresearchers believe there are more than 200 sets of twins in the townmore are believed to have fled due to the civil war and grinding povertythe mayor now wants to hold a convention for twins to boos tourism']\n", - "officials in buzim , north west bosnia said their home should be known as the ` town of twins ' , due to the unusually high number of multiple births .local journalist nedzib vucelj noticed the phenomena when his wife emira gave birth to twins during the 1992-95 civil war .a bosnian town , home to more than 200 sets of twins in a population of 20,000 has claimed that it is the world 's multiple birth capital and wants to use that fact to turn it into a tourist attraction .\n", - "buzim in north west bosnia saw 21 sets of twins born during the civil warresearchers believe there are more than 200 sets of twins in the townmore are believed to have fled due to the civil war and grinding povertythe mayor now wants to hold a convention for twins to boos tourism\n", - "[1.2025384 1.350027 1.317239 1.1014893 1.129718 1.2172421 1.1153785\n", - " 1.0513805 1.0554398 1.0447165 1.0335654 1.0879326 1.0230888 1.0321205\n", - " 1.0191327 1.0153157 1.1148415 1.0131407 1.0410595 1.0437331 1.0404688\n", - " 1.0904967 1.0512902 1.0473969 1.0212725 1.0215394 1.0351256 1.0159913\n", - " 1.0243767 1.0594025]\n", - "\n", - "[ 1 2 5 0 4 6 16 3 21 11 29 8 7 22 23 9 19 18 20 26 10 13 28 12\n", - " 25 24 14 27 15 17]\n", - "=======================\n", - "[\"national front leader marine le pen and her father jean-marie after she accused him of committing ` political suicide . 'ms le pen has blocked her father 's return to the party following accusations that he was trying to sabotage her party 's efforts to move into thea bitter family feud has erupted between\"]\n", - "=======================\n", - "[\"marine le pen accused father jean-marie of committing ` political suicide 'comes after he called france 's prime minister manuel valls ` the immigrant 'he also defended comment that nazi gas chambers were ` detail of history 'le pen said she would oppose her father 's bid to lead the national front\"]\n", - "national front leader marine le pen and her father jean-marie after she accused him of committing ` political suicide . 'ms le pen has blocked her father 's return to the party following accusations that he was trying to sabotage her party 's efforts to move into thea bitter family feud has erupted between\n", - "marine le pen accused father jean-marie of committing ` political suicide 'comes after he called france 's prime minister manuel valls ` the immigrant 'he also defended comment that nazi gas chambers were ` detail of history 'le pen said she would oppose her father 's bid to lead the national front\n", - "[1.2945696 1.4450532 1.1248691 1.0805373 1.090335 1.109165 1.1286448\n", - " 1.0407451 1.038436 1.2420596 1.1669557 1.0355532 1.0259094 1.0986462\n", - " 1.1070907 1.1618916 1.0668632 1.1896055 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 9 17 10 15 6 2 5 14 13 4 3 16 7 8 11 12 27 26 25 24 23 19\n", - " 21 20 18 28 22 29]\n", - "=======================\n", - "[\"the northern territory 's chief minister adam giles and minister for children and families john elferink made the threat after a recent rise in youth crime in alice springs surrounding the easter holidays .parents will also be fined $ 298 if their child is found on the streets during school hours .on tuesday night no rocks were thrown at police but 34 people were taken into protective custody and 77 youths were conveyed home , while three youths were arrested for trespassing .\"]\n", - "=======================\n", - "[\"northern territory 's chief minister adam giles issued harsh warningminister for children and families john elferink also made the threatthey say children who throw rocks at police will be taken into care` parents should not doubt our resolve to do this , ' mr giles saidnt police have seen a recent rise in youth crime in alice springson monday 50 young people threw ` large rocks ' at policeby wednesday night , however , there was no rock throwing reportedpolice explained to daily mail australia it was not a ` regular occurrence 'no police officers have been harmed during the rock throwing\"]\n", - "the northern territory 's chief minister adam giles and minister for children and families john elferink made the threat after a recent rise in youth crime in alice springs surrounding the easter holidays .parents will also be fined $ 298 if their child is found on the streets during school hours .on tuesday night no rocks were thrown at police but 34 people were taken into protective custody and 77 youths were conveyed home , while three youths were arrested for trespassing .\n", - "northern territory 's chief minister adam giles issued harsh warningminister for children and families john elferink also made the threatthey say children who throw rocks at police will be taken into care` parents should not doubt our resolve to do this , ' mr giles saidnt police have seen a recent rise in youth crime in alice springson monday 50 young people threw ` large rocks ' at policeby wednesday night , however , there was no rock throwing reportedpolice explained to daily mail australia it was not a ` regular occurrence 'no police officers have been harmed during the rock throwing\n", - "[1.0754871 1.2343313 1.2910758 1.1138409 1.1891413 1.1473238 1.1400852\n", - " 1.1286887 1.1877646 1.0342333 1.0519121 1.0981249 1.1035727 1.0683632\n", - " 1.0245689 1.0677614 1.0218008 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 1 4 8 5 6 7 3 12 11 0 13 15 10 9 14 16 17 18 19 20 21 22 23\n", - " 24 25 26 27 28 29]\n", - "=======================\n", - "['while examining species of bacteria that thrive on the fossil fuel deposits deep inside the earth - known as archae - they have found a new type of virus that infects them .scientists have discovered strange new organisms that infect the primitive forms of life that live deep below the ocean floor .they now believe it may be viruses like this that actually hold the secret that have allowed archae bacteria to adapt to some of the harshest environments on earth .']\n", - "=======================\n", - "['new archeal virus infects primitive bacteria living off methane undergroundthe virus has genes that speed up its own mutation rate helping it to adaptscientists believe it holds the key to life surviving in extreme environmentsthey discovered the virus in samples taken from beneath the santa monica basin off the coast of california but say the viruses live around the world']\n", - "while examining species of bacteria that thrive on the fossil fuel deposits deep inside the earth - known as archae - they have found a new type of virus that infects them .scientists have discovered strange new organisms that infect the primitive forms of life that live deep below the ocean floor .they now believe it may be viruses like this that actually hold the secret that have allowed archae bacteria to adapt to some of the harshest environments on earth .\n", - "new archeal virus infects primitive bacteria living off methane undergroundthe virus has genes that speed up its own mutation rate helping it to adaptscientists believe it holds the key to life surviving in extreme environmentsthey discovered the virus in samples taken from beneath the santa monica basin off the coast of california but say the viruses live around the world\n", - "[1.3287703 1.4370648 1.2748073 1.2760133 1.2786436 1.2041581 1.0519682\n", - " 1.1027055 1.0192609 1.0758624 1.1485405 1.1046157 1.1698247 1.1282824\n", - " 1.059331 1.0092806 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 4 3 2 5 12 10 13 11 7 9 14 6 8 15 27 26 25 24 23 22 21 19\n", - " 18 17 16 28 20 29]\n", - "=======================\n", - "[\"the video was apparently filmed by a supporter at the green man pub in wembley ahead of arsenal 's fa cup semi-final win over reading .metropolitan police are assessing footage which appears to show arsenal fans singing a homophobic chant about ashley cole .the video has since been deleted from twitter .\"]\n", - "=======================\n", - "['arsenal beat reading 2-1 in the fa cup semi-final at wembley on saturdayfootage apparently taken by a fan beforehand shows homophobic chantit appears to show fans singing about ashley cole to a lily allen songroma defender cole left arsenal to join london rivals chelsea in 2006a metropolitan police spokesman confirms they are assessing the video']\n", - "the video was apparently filmed by a supporter at the green man pub in wembley ahead of arsenal 's fa cup semi-final win over reading .metropolitan police are assessing footage which appears to show arsenal fans singing a homophobic chant about ashley cole .the video has since been deleted from twitter .\n", - "arsenal beat reading 2-1 in the fa cup semi-final at wembley on saturdayfootage apparently taken by a fan beforehand shows homophobic chantit appears to show fans singing about ashley cole to a lily allen songroma defender cole left arsenal to join london rivals chelsea in 2006a metropolitan police spokesman confirms they are assessing the video\n", - "[1.2069651 1.2763216 1.3711951 1.4170446 1.1644942 1.065599 1.0203301\n", - " 1.0235566 1.0283622 1.0777065 1.1178807 1.0690176 1.0825707 1.0469828\n", - " 1.1174693 1.1772367 1.0226765 1.01588 1.0153826 1.084728 1.0473344\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 2 1 0 15 4 10 14 19 12 9 11 5 20 13 8 7 16 6 17 18 21 22 23\n", - " 24 25 26 27 28 29]\n", - "=======================\n", - "[\"feminist icon : patsy kensit says the duchess of cambridge is ` our generation 's suffragette 'or so says actress patsy kensit , who made the comments in an interview with this week 's stylist magazine .critics : the duchess was dubbed a ` machine made princess ' by hilary mantel and ` drab ' by margaret atwood\"]\n", - "=======================\n", - "[\"miss kensit said the duchess of cambridge is ` our generation 's suffragette 'the 47-year-old also said the duchess was her ` regal inspiration 'made the comments during an interview with a weekly fashion magazinekate is famed for charity work but has never been dubbed a feminist beforethe duchess is due to give birth to her second child later this month\"]\n", - "feminist icon : patsy kensit says the duchess of cambridge is ` our generation 's suffragette 'or so says actress patsy kensit , who made the comments in an interview with this week 's stylist magazine .critics : the duchess was dubbed a ` machine made princess ' by hilary mantel and ` drab ' by margaret atwood\n", - "miss kensit said the duchess of cambridge is ` our generation 's suffragette 'the 47-year-old also said the duchess was her ` regal inspiration 'made the comments during an interview with a weekly fashion magazinekate is famed for charity work but has never been dubbed a feminist beforethe duchess is due to give birth to her second child later this month\n", - "[1.5549506 1.3952646 1.4236977 1.1217337 1.0661267 1.073757 1.0370046\n", - " 1.061285 1.0730544 1.0470331 1.04977 1.0678799 1.1155455 1.0690845\n", - " 1.0430057 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 12 5 8 13 11 4 7 10 9 14 6 15 16 17 18]\n", - "=======================\n", - "['jb holmes took victory in a play-off at the shell houston open when johnson wagner saw a four-foot putt lip out .overnight leader jordan spieth , who hit a fine putt to par the 18th and make it a three-way play-off , had been eliminated on the first hole .holmes , who started the day six shots off the lead but ripped through the first half of the course to make the turn in 29 , had moments before missed from 10 foot but 2008 winner wagner could not save par to take the play-off to a third hole .']\n", - "=======================\n", - "['johnson wagner loses out to jb holmes after second playoff holejordan spieth had crashed out on first hole after all three finish 16 underenglishman paul casey is best-placed brit , finishing four shots back']\n", - "jb holmes took victory in a play-off at the shell houston open when johnson wagner saw a four-foot putt lip out .overnight leader jordan spieth , who hit a fine putt to par the 18th and make it a three-way play-off , had been eliminated on the first hole .holmes , who started the day six shots off the lead but ripped through the first half of the course to make the turn in 29 , had moments before missed from 10 foot but 2008 winner wagner could not save par to take the play-off to a third hole .\n", - "johnson wagner loses out to jb holmes after second playoff holejordan spieth had crashed out on first hole after all three finish 16 underenglishman paul casey is best-placed brit , finishing four shots back\n", - "[1.4187111 1.2015166 1.3198065 1.4327012 1.1790693 1.0809343 1.0748514\n", - " 1.1204509 1.1129764 1.0566481 1.0248384 1.0106106 1.0299437 1.2002016\n", - " 1.1098036 1.0087547 1.0505836 1.0386922 1.0756184]\n", - "\n", - "[ 3 0 2 1 13 4 7 8 14 5 18 6 9 16 17 12 10 11 15]\n", - "=======================\n", - "['amir khan will fight chris algieri in new york on may 29 at the barclays center in a televised boutthis confirmation sets up two successive big nights of televised boxing involving khan and his british rival brook .kell brook is going to fight frankie gavin in the 02 arena but has repeatedly called out khan']\n", - "=======================\n", - "[\"amir khan fight with chris algieri confirmed for may 29 in new yorkthe bolton-born boxers bout will be televised the day before kell brookkhan has slammed brook for knocking algieri 's fighting quality\"]\n", - "amir khan will fight chris algieri in new york on may 29 at the barclays center in a televised boutthis confirmation sets up two successive big nights of televised boxing involving khan and his british rival brook .kell brook is going to fight frankie gavin in the 02 arena but has repeatedly called out khan\n", - "amir khan fight with chris algieri confirmed for may 29 in new yorkthe bolton-born boxers bout will be televised the day before kell brookkhan has slammed brook for knocking algieri 's fighting quality\n", - "[1.2490591 1.3938835 1.3580463 1.2436025 1.3126266 1.0524366 1.0442053\n", - " 1.1131773 1.0329212 1.0746666 1.0649008 1.083684 1.0784738 1.0279233\n", - " 1.0657943 1.0321753 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 0 3 7 11 12 9 14 10 5 6 8 15 13 17 16 18]\n", - "=======================\n", - "[\"the clip , uploaded to facebook today , show an angry woman unleashing a racist tirade over her fence at a group of men who appear to be of african descent .the woman then appears in her neighbour 's front yard brandishing a metal crowbar , verbally abusing the men and swinging the weapon at them .footage has surfaced of a quarrel between neighbours in a perth suburb that ended in a bloody confrontation with a crowbar .\"]\n", - "=======================\n", - "['the two disturbing videos were uploaded to facebook on wednesdaya woman unleashes a racist tirade on her neighbours from over the fenceshe swings a crowbar at the group of men and a tussle breaks outthe woman is struck in the face during the fight and is visibly bleeding']\n", - "the clip , uploaded to facebook today , show an angry woman unleashing a racist tirade over her fence at a group of men who appear to be of african descent .the woman then appears in her neighbour 's front yard brandishing a metal crowbar , verbally abusing the men and swinging the weapon at them .footage has surfaced of a quarrel between neighbours in a perth suburb that ended in a bloody confrontation with a crowbar .\n", - "the two disturbing videos were uploaded to facebook on wednesdaya woman unleashes a racist tirade on her neighbours from over the fenceshe swings a crowbar at the group of men and a tussle breaks outthe woman is struck in the face during the fight and is visibly bleeding\n", - "[1.3546293 1.3486676 1.3110929 1.312078 1.0435177 1.0272833 1.0797511\n", - " 1.0563854 1.0832112 1.0321517 1.1118909 1.0848907 1.2443285 1.0980031\n", - " 1.0156304 1.014635 1.06138 0. 0. ]\n", - "\n", - "[ 0 1 3 2 12 10 13 11 8 6 16 7 4 9 5 14 15 17 18]\n", - "=======================\n", - "[\"a nurse , 52 , who was driving by herself on a dark country road faces felony charges after she did n't immediately pull over for a cop because she did n't think it was a safe place to stop .delrea good of portage , indiana says that on march 23 she was charged with resisting arrest because she hit the brakes for porter county sheriff 's department patrolman william marshall about a half a mile down the road from where he asked her to halt her vehicle .good was speeding and was driving at 54 mph in a 35 mph zone at 11:21 p.m.\"]\n", - "=======================\n", - "[\"delrea good of portage , indiana was charged with resisting arrest after she drove to a ` safe and well-lit area ' before pulling overporter county sheriff 's department patrolman william marshall arrested good because she was ` uncooperative 'marshall allegedly also accused her of having a controlled substance that turned out to be advil\"]\n", - "a nurse , 52 , who was driving by herself on a dark country road faces felony charges after she did n't immediately pull over for a cop because she did n't think it was a safe place to stop .delrea good of portage , indiana says that on march 23 she was charged with resisting arrest because she hit the brakes for porter county sheriff 's department patrolman william marshall about a half a mile down the road from where he asked her to halt her vehicle .good was speeding and was driving at 54 mph in a 35 mph zone at 11:21 p.m.\n", - "delrea good of portage , indiana was charged with resisting arrest after she drove to a ` safe and well-lit area ' before pulling overporter county sheriff 's department patrolman william marshall arrested good because she was ` uncooperative 'marshall allegedly also accused her of having a controlled substance that turned out to be advil\n", - "[1.2305939 1.3942814 1.1672853 1.2830627 1.2110999 1.1653265 1.1583275\n", - " 1.2432866 1.0780813 1.0567973 1.0610017 1.0702044 1.0246007 1.029527\n", - " 1.2238032 1.0351923 0. 0. 0. ]\n", - "\n", - "[ 1 3 7 0 14 4 2 5 6 8 11 10 9 15 13 12 17 16 18]\n", - "=======================\n", - "[\"defense attorney john waldron had filed a petition to have 14-year-old jamie silvonek returned to the juvenile facility where she was sent the day after the body of 54-year-old cheryl silvonek was discovered last month .adult jail : jamie silvonek , the eighth-grader accused of conspiring with her soldier boyfriend by text message to have her mother killed should remain in an adult jail while awaiting trial , a prosecutor saidjamie silvonek was sent to the county jail this month after she was charged as an adult and is in the women 's housing unit , away from older inmates , county officials said .\"]\n", - "=======================\n", - "[\"a prosecutor said that jamie silvonek , 14 , accused of conspiring with her soldier boyfriend to kill her mom should remain in an adult jailher boyfriend , 20-year-old caleb barnes , who is from el paso , texas , but was stationed at fort meade , maryland , is charged with homicidecheryl silvonek 's body was found stabbed in a shallow grave about 50 miles northwest of philadelphia` she threatened to throw me out of the house .\"]\n", - "defense attorney john waldron had filed a petition to have 14-year-old jamie silvonek returned to the juvenile facility where she was sent the day after the body of 54-year-old cheryl silvonek was discovered last month .adult jail : jamie silvonek , the eighth-grader accused of conspiring with her soldier boyfriend by text message to have her mother killed should remain in an adult jail while awaiting trial , a prosecutor saidjamie silvonek was sent to the county jail this month after she was charged as an adult and is in the women 's housing unit , away from older inmates , county officials said .\n", - "a prosecutor said that jamie silvonek , 14 , accused of conspiring with her soldier boyfriend to kill her mom should remain in an adult jailher boyfriend , 20-year-old caleb barnes , who is from el paso , texas , but was stationed at fort meade , maryland , is charged with homicidecheryl silvonek 's body was found stabbed in a shallow grave about 50 miles northwest of philadelphia` she threatened to throw me out of the house .\n", - "[1.4548813 1.254924 1.1438831 1.2112465 1.1048282 1.0636928 1.0764002\n", - " 1.0673423 1.03261 1.0961133 1.077713 1.0480121 1.0260185 1.0606312\n", - " 1.0752153 1.0399146 1.0193024 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 2 4 9 10 6 14 7 5 13 11 15 8 12 16 20 17 18 19 21]\n", - "=======================\n", - "['washington ( cnn ) this week is the 100th anniversary of what many historians acknowledge as the armenian genocide -- the turkish massacre of an estimated 1.5 million armeniansand it \\'s also the seventh year in a row president barack obama has broken his promise to use the word \" genocide \" to describe the atrocity .it \\'s a moral position taken by pope francis , actor george clooney and even by the kardashians .']\n", - "=======================\n", - "['obama promised armenian-americans he would call the atrocity genocide during the 2008 campaign .the white house views turkey as a more crucial ally than armenia .pope francis , actor george clooney , and even the kardashians have taken the moral position , calling it the armenian genocide .']\n", - "washington ( cnn ) this week is the 100th anniversary of what many historians acknowledge as the armenian genocide -- the turkish massacre of an estimated 1.5 million armeniansand it 's also the seventh year in a row president barack obama has broken his promise to use the word \" genocide \" to describe the atrocity .it 's a moral position taken by pope francis , actor george clooney and even by the kardashians .\n", - "obama promised armenian-americans he would call the atrocity genocide during the 2008 campaign .the white house views turkey as a more crucial ally than armenia .pope francis , actor george clooney , and even the kardashians have taken the moral position , calling it the armenian genocide .\n", - "[1.3923942 1.1468961 1.4421906 1.2757866 1.2793567 1.1665566 1.1431035\n", - " 1.0515016 1.0289408 1.022479 1.0379902 1.0351024 1.0303134 1.0529895\n", - " 1.0322505 1.0726477 1.0430006 1.0543742 1.0509974 1.0608573 1.1686076\n", - " 1.1191275]\n", - "\n", - "[ 2 0 4 3 20 5 1 6 21 15 19 17 13 7 18 16 10 11 14 12 8 9]\n", - "=======================\n", - "[\"kate temple was called a ` homewrecker ' by victim shelley williams who accused her of having an affair with her partner .the three women got into a scuffle and temple left the victim covered in blood after biting a chunk out of her ear .durham crown court heard how when temple and her sister louise scollen went to leave the charity event at dawdon cricket club in seaham , county durham the victim threw a drink over her .\"]\n", - "=======================\n", - "['victim shelley williams accused attacker of having affair with her partnerkate temple and sister louise scollen got into a scuffle with miss williamswilliams was left covered in blood after temple bit off a part of her earpolice found missing chunk the next day .']\n", - "kate temple was called a ` homewrecker ' by victim shelley williams who accused her of having an affair with her partner .the three women got into a scuffle and temple left the victim covered in blood after biting a chunk out of her ear .durham crown court heard how when temple and her sister louise scollen went to leave the charity event at dawdon cricket club in seaham , county durham the victim threw a drink over her .\n", - "victim shelley williams accused attacker of having affair with her partnerkate temple and sister louise scollen got into a scuffle with miss williamswilliams was left covered in blood after temple bit off a part of her earpolice found missing chunk the next day .\n", - "[1.3518339 1.3077283 1.1265893 1.0889413 1.1335672 1.1374365 1.1246517\n", - " 1.1932819 1.0754219 1.058227 1.1205074 1.0443697 1.040379 1.032361\n", - " 1.0808964 1.0885841 1.0736309 1.0415338 1.1277585 1.0618186 1.0483745\n", - " 0. ]\n", - "\n", - "[ 0 1 7 5 4 18 2 6 10 3 15 14 8 16 19 9 20 11 17 12 13 21]\n", - "=======================\n", - "[\"the philippine army has released new photographs of chinese construction work in disputed waters in the south china sea as it launched giant war games with the united states involving 11,500 personnel that were partly aimed at warning china .he said recently that china 's actions in the region could lead to military conflict .aquino is set to ask southeast asian leaders to issue a collective\"]\n", - "=======================\n", - "[\"philippines voiced alarm about chinese ` aggressiveness ' in the south china sea ahead of war games with the uspresident benigno aquino set to ask southeast asian leaders to issue collective denouncement of china 's activitiesthe aerial images show recent chinese construction over seven reefs and shoals in the spratly archipelago` concern is that the installations will give the chinese the ability to project force much better ' - rusi expert\"]\n", - "the philippine army has released new photographs of chinese construction work in disputed waters in the south china sea as it launched giant war games with the united states involving 11,500 personnel that were partly aimed at warning china .he said recently that china 's actions in the region could lead to military conflict .aquino is set to ask southeast asian leaders to issue a collective\n", - "philippines voiced alarm about chinese ` aggressiveness ' in the south china sea ahead of war games with the uspresident benigno aquino set to ask southeast asian leaders to issue collective denouncement of china 's activitiesthe aerial images show recent chinese construction over seven reefs and shoals in the spratly archipelago` concern is that the installations will give the chinese the ability to project force much better ' - rusi expert\n", - "[1.3995194 1.2444524 1.3327672 1.6175858 1.1451505 1.0761257 1.0198486\n", - " 1.0194453 1.0178493 1.0155196 1.0204211 1.0185881 1.0198388 1.0185447\n", - " 1.2306542 1.0138323 1.0151292 1.0153509 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 0 2 1 14 4 5 10 6 12 7 11 13 8 9 17 16 15 20 18 19 21]\n", - "=======================\n", - "['inverness defender josh meekings will be allowed to appear in scottish cup final after his ban was dismissedjohn hughes has revealed how he came within a heartbeat of stepping down from his job at inverness as the josh meekings controversy went into overdrive this week .keen cyclist hughes set off on a lonely bike ride after hearing meekings had been cited for the handball missed by officials in the semi-final against celtic , and admits his head was in a spin over an affair that has dominated the back-page headlines since last sunday .']\n", - "=======================\n", - "['inverness defender josh meekings has won appeal against one-match banthe 22-year-old was offered one-game suspension following incidenthowever , an independent judicial panel tribunal overturned decisioninverness reached the scottish cup final with 3-2 win over celtic']\n", - "inverness defender josh meekings will be allowed to appear in scottish cup final after his ban was dismissedjohn hughes has revealed how he came within a heartbeat of stepping down from his job at inverness as the josh meekings controversy went into overdrive this week .keen cyclist hughes set off on a lonely bike ride after hearing meekings had been cited for the handball missed by officials in the semi-final against celtic , and admits his head was in a spin over an affair that has dominated the back-page headlines since last sunday .\n", - "inverness defender josh meekings has won appeal against one-match banthe 22-year-old was offered one-game suspension following incidenthowever , an independent judicial panel tribunal overturned decisioninverness reached the scottish cup final with 3-2 win over celtic\n", - "[1.2473444 1.3543398 1.2861662 1.2867761 1.1481254 1.2001833 1.0566041\n", - " 1.15272 1.1931959 1.1047962 1.0821987 1.0334258 1.0509425 1.0577713\n", - " 1.0420862 1.0973213 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 5 8 7 4 9 15 10 13 6 12 14 11 16 17 18 19 20 21]\n", - "=======================\n", - "['the italian , who spent four years in prison after previously being found guilty of the murder of surrey-born meredith , 21 , in 2007 , is said to be looking at compensation .raffaele sollecito was seen shopping for lingerie two weeks after he was cleared of killing british student meredith kerchermr sollecito ( pictured ) and his former lover , american amanda knox were both acquitted in late march ending a legal process which lasted more than seven years']\n", - "=======================\n", - "['raffaele sollecito pictured shopping for lingerie in a clothes shop in romecleared in march of killing the british student meredith kercher , 21 , in 2007italian , 31 , and american amanda knox , 27 , both acquitted two weeks agoknox and sollecito reportedly planning to seek compensation for time wrongly spent in prison']\n", - "the italian , who spent four years in prison after previously being found guilty of the murder of surrey-born meredith , 21 , in 2007 , is said to be looking at compensation .raffaele sollecito was seen shopping for lingerie two weeks after he was cleared of killing british student meredith kerchermr sollecito ( pictured ) and his former lover , american amanda knox were both acquitted in late march ending a legal process which lasted more than seven years\n", - "raffaele sollecito pictured shopping for lingerie in a clothes shop in romecleared in march of killing the british student meredith kercher , 21 , in 2007italian , 31 , and american amanda knox , 27 , both acquitted two weeks agoknox and sollecito reportedly planning to seek compensation for time wrongly spent in prison\n", - "[1.4555869 1.4075117 1.2218674 1.425867 1.300741 1.0798126 1.0164388\n", - " 1.0230163 1.1212912 1.2404879 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 9 2 8 5 7 6 18 17 16 15 10 13 12 11 19 14 20]\n", - "=======================\n", - "[\"manchester united target miranda has revealed his delight at being linked with a move to louis van gaal 's side but insists he is keen on staying at atletico madrid .manchester united are said to be keeping a close eye on atletico madrid defender mirandamiranda has started brazil 's last eight matches since narrowly missing out on a chance of representing his country at the 2014 world cup .\"]\n", - "=======================\n", - "[\"miranda has been linked with a summer move to manchester unitedhowever the brazilian centre back is keen on staying at atletico madridmiranda has said he is ` proud ' to be on louis van gaal 's radar\"]\n", - "manchester united target miranda has revealed his delight at being linked with a move to louis van gaal 's side but insists he is keen on staying at atletico madrid .manchester united are said to be keeping a close eye on atletico madrid defender mirandamiranda has started brazil 's last eight matches since narrowly missing out on a chance of representing his country at the 2014 world cup .\n", - "miranda has been linked with a summer move to manchester unitedhowever the brazilian centre back is keen on staying at atletico madridmiranda has said he is ` proud ' to be on louis van gaal 's radar\n", - "[1.1745499 1.3991969 1.1758924 1.1853794 1.2164855 1.1544132 1.1157413\n", - " 1.0603818 1.1648381 1.0966815 1.0943574 1.0426431 1.0275073 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 2 0 8 5 6 9 10 7 11 12 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "['it was claimed that takako konishi had believed the film fargo was real - after all the hit movie begins with the words ` this is a true story - when she was found dead in a mini-skirt and high-heeled boots in the frozen wastes of minnesota just days after arriving .this was all confirmed by a police officer from the small town of detroit lakes , who said he had spoken to the 28-year-old shortly after she turned up .nearly 15 years ago an amazing story emerged of how a young japanese woman had travelled half-way across the world to try and find a suitcase stuffed with $ 1m dollars that had been buried in the snow .']\n", - "=======================\n", - "[\"movie tells the incredible story of takako konishi , found frozen to deathbody was found in detroit lakes , 50 miles from fargo , in november 2001policeman she met thought she had been searching for suitcase of cashsteve buscemi 's crook buried one in the snow in 1996 coen brothers filmrumour spread that takako , 28 , had tragically taken the tall tale to be truekumiko , the treasure hunter tells story of this amazing version of events\"]\n", - "it was claimed that takako konishi had believed the film fargo was real - after all the hit movie begins with the words ` this is a true story - when she was found dead in a mini-skirt and high-heeled boots in the frozen wastes of minnesota just days after arriving .this was all confirmed by a police officer from the small town of detroit lakes , who said he had spoken to the 28-year-old shortly after she turned up .nearly 15 years ago an amazing story emerged of how a young japanese woman had travelled half-way across the world to try and find a suitcase stuffed with $ 1m dollars that had been buried in the snow .\n", - "movie tells the incredible story of takako konishi , found frozen to deathbody was found in detroit lakes , 50 miles from fargo , in november 2001policeman she met thought she had been searching for suitcase of cashsteve buscemi 's crook buried one in the snow in 1996 coen brothers filmrumour spread that takako , 28 , had tragically taken the tall tale to be truekumiko , the treasure hunter tells story of this amazing version of events\n", - "[1.3175697 1.4672453 1.1889533 1.2628558 1.1355724 1.083126 1.1192707\n", - " 1.1525464 1.1140445 1.0503796 1.0570223 1.0411125 1.0402147 1.1334039\n", - " 1.1223972 1.0679609 1.0258894 1.0512834 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 7 4 13 14 6 8 5 15 10 17 9 11 12 16 19 18 20]\n", - "=======================\n", - "[\"dina talaat put on a spectacular show at the opening ceremony of the confederation of african football 's ( caf ) ordinary general assembly in cairo .egyptian officials left an african football event early after they were offended by a belly dancing performance .but delegates from the country including khaled abdel aziz , egyptian minister of youth and sports , stayed in an adjoining hall inside the hotel until the end of the performance , it was claimed .\"]\n", - "=======================\n", - "[\"performance was at confederation of african football 's event in cairodancer dina talaat said she does not know what all the fuss is about\"]\n", - "dina talaat put on a spectacular show at the opening ceremony of the confederation of african football 's ( caf ) ordinary general assembly in cairo .egyptian officials left an african football event early after they were offended by a belly dancing performance .but delegates from the country including khaled abdel aziz , egyptian minister of youth and sports , stayed in an adjoining hall inside the hotel until the end of the performance , it was claimed .\n", - "performance was at confederation of african football 's event in cairodancer dina talaat said she does not know what all the fuss is about\n", - "[1.4650677 1.085732 1.0738896 1.517597 1.2843455 1.1888171 1.0599364\n", - " 1.0807126 1.0502284 1.1136739 1.0655459 1.0397191 1.1165049 1.0317848\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 4 5 12 9 1 7 2 10 6 8 11 13 19 14 15 16 17 18 20]\n", - "=======================\n", - "['nico rosberg ( pictured ) got the better of mercedes team-mate lewis hamilton in bahrain second practicea small mistake from lewis hamilton allowed mercedes team-mate nico rosberg to gain the upper hand in second practice for the bahrain grand prix .rosberg was slower in sectors one and two of fp2 but a mistake from hamilton gifted him first place']\n", - "=======================\n", - "['nico rosberg and lewis hamilton were 15th and 16th in fp1they came to the fore in fp1 , finishing first and second respectivelyhamilton was faster than rosberg in sectors one and two , but a lock-up in sector three cost him four tenths of a secondsebastian vettel had problems throughout the day , and his car was clipped by sergio perez in fp2 , ripping off his front-wing endplate on the left side']\n", - "nico rosberg ( pictured ) got the better of mercedes team-mate lewis hamilton in bahrain second practicea small mistake from lewis hamilton allowed mercedes team-mate nico rosberg to gain the upper hand in second practice for the bahrain grand prix .rosberg was slower in sectors one and two of fp2 but a mistake from hamilton gifted him first place\n", - "nico rosberg and lewis hamilton were 15th and 16th in fp1they came to the fore in fp1 , finishing first and second respectivelyhamilton was faster than rosberg in sectors one and two , but a lock-up in sector three cost him four tenths of a secondsebastian vettel had problems throughout the day , and his car was clipped by sergio perez in fp2 , ripping off his front-wing endplate on the left side\n", - "[1.2902329 1.3039123 1.1288933 1.1320363 1.1903558 1.0723767 1.1385927\n", - " 1.1976926 1.0983132 1.0525697 1.0155756 1.025268 1.0163698 1.0144073\n", - " 1.0268219 1.0687639 1.3229461 1.1118641 1.0578818 1.02225 1.0147377]\n", - "\n", - "[16 1 0 7 4 6 3 2 17 8 5 15 18 9 14 11 19 12 10 20 13]\n", - "=======================\n", - "[\"selby ( above ) will face tournament debutant kurt maflin in the first round on saturdaythe world champion will have to negotiate both if he is to make history in sheffield .the crucible curse will be one weight on the mind of mark selby on saturday , but the mercurial talents of a debutant capable of ` absolutely murdering anybody ' will be another altogether .\"]\n", - "=======================\n", - "['mark selby plays kurt maflin in first round of the world championnshipselby is the defending champion but no first-time winner has retained itjimmy white told sportsmail maflin can beat anyone on his day']\n", - "selby ( above ) will face tournament debutant kurt maflin in the first round on saturdaythe world champion will have to negotiate both if he is to make history in sheffield .the crucible curse will be one weight on the mind of mark selby on saturday , but the mercurial talents of a debutant capable of ` absolutely murdering anybody ' will be another altogether .\n", - "mark selby plays kurt maflin in first round of the world championnshipselby is the defending champion but no first-time winner has retained itjimmy white told sportsmail maflin can beat anyone on his day\n", - "[1.2074497 1.4293659 1.2669327 1.2605901 1.2495837 1.1011813 1.0634949\n", - " 1.1391743 1.0401857 1.0442288 1.05907 1.0245615 1.1931105 1.0389496\n", - " 1.0232165 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 12 7 5 6 10 9 8 13 11 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"the daily mirror published sensational pictures of the hatton garden raiders 21 hours before scotland yard released them in a bid to appeal for information about identities of the thieves .the tabloid claims it handed the images to police , who were ` delighted ' , according to a report today in its sister title the sunday mirror , with an apparent source saying it ` blows the case wide open ' .but yesterday afternoon detectives insisted they already had the cctv footage , which they claim was recovered ` at the earliest opportunity ' .\"]\n", - "=======================\n", - "[\"daily mirror published the first pictures of the six thieves on saturdayscotland yard finally released images of only three raiders 21 hours laterformer flying squad chief said he ` has never heard of anything like this 'seemingly conflicting claims over who had footage first emerge\"]\n", - "the daily mirror published sensational pictures of the hatton garden raiders 21 hours before scotland yard released them in a bid to appeal for information about identities of the thieves .the tabloid claims it handed the images to police , who were ` delighted ' , according to a report today in its sister title the sunday mirror , with an apparent source saying it ` blows the case wide open ' .but yesterday afternoon detectives insisted they already had the cctv footage , which they claim was recovered ` at the earliest opportunity ' .\n", - "daily mirror published the first pictures of the six thieves on saturdayscotland yard finally released images of only three raiders 21 hours laterformer flying squad chief said he ` has never heard of anything like this 'seemingly conflicting claims over who had footage first emerge\n", - "[1.2122651 1.2127607 1.2361025 1.1813304 1.2995102 1.2495108 1.1031643\n", - " 1.0640987 1.0566696 1.063373 1.0588431 1.1478822 1.0700455 1.0119606\n", - " 1.0712345 1.118559 1.0491048 1.1330607 1.0136545 1.0147716 0.\n", - " 0. 0. ]\n", - "\n", - "[ 4 5 2 1 0 3 11 17 15 6 14 12 7 9 10 8 16 19 18 13 21 20 22]\n", - "=======================\n", - "[\"cracking the code : lanarkshire police has urged anyone who has seen these symbols on their properties to call themso far the code has only been spotted in east kilbride , lanarkshire , where ` x ' marks were daubed on several garden sheds .but the squiggles are actually thought to be a ` code ' for crooks , giving potential housebreakers details about the building , such as whether it is a good target or has an alarm , or been targeted before successfully .\"]\n", - "=======================\n", - "[\"` x ' marks have been spotted on garden sheds in east kilbride , lanarkshireother codes suggest occupant is vulnerable or that property has an alarmanother mark tells burglars if there is nothing worth stealing in the building\"]\n", - "cracking the code : lanarkshire police has urged anyone who has seen these symbols on their properties to call themso far the code has only been spotted in east kilbride , lanarkshire , where ` x ' marks were daubed on several garden sheds .but the squiggles are actually thought to be a ` code ' for crooks , giving potential housebreakers details about the building , such as whether it is a good target or has an alarm , or been targeted before successfully .\n", - "` x ' marks have been spotted on garden sheds in east kilbride , lanarkshireother codes suggest occupant is vulnerable or that property has an alarmanother mark tells burglars if there is nothing worth stealing in the building\n", - "[1.2000438 1.5321863 1.3337855 1.3571544 1.1854432 1.0570067 1.0408207\n", - " 1.0395311 1.1998783 1.0880793 1.0738473 1.06279 1.0166603 1.0310766\n", - " 1.0582702 1.0535816 1.056868 1.0513372 1.0369338 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 0 8 4 9 10 11 14 5 16 15 17 6 7 18 13 12 21 19 20 22]\n", - "=======================\n", - "['evnika saadvakass , from kazakhstan , became a youtube sensation when she was five-years-old after she was filmed throwing around 100 punches in less than two minutes .the video was viewed around three million times and now two years on the young girl has returned to update the world on her progress .an eight-year-old girl showed off her hand speed and overall boxing prowess while completing a pad work drill with her father .']\n", - "=======================\n", - "[\"evnika saadvakass became a youtube sensation at five-years-oldeight-year-old 's work rate is relentless in the 40-second long videoshows no sign of tiring as she unleashes combination punches\"]\n", - "evnika saadvakass , from kazakhstan , became a youtube sensation when she was five-years-old after she was filmed throwing around 100 punches in less than two minutes .the video was viewed around three million times and now two years on the young girl has returned to update the world on her progress .an eight-year-old girl showed off her hand speed and overall boxing prowess while completing a pad work drill with her father .\n", - "evnika saadvakass became a youtube sensation at five-years-oldeight-year-old 's work rate is relentless in the 40-second long videoshows no sign of tiring as she unleashes combination punches\n", - "[1.5268377 1.4130607 1.3361673 1.2543572 1.037546 1.0154572 1.0190296\n", - " 1.0269233 1.1331306 1.2034128 1.0990429 1.2307305 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 3 11 9 8 10 4 7 6 5 20 19 18 17 13 15 14 12 21 16 22]\n", - "=======================\n", - "[\"england coach john peacock has named his squad for next month 's uefa european under-17 championship in bulgaria .the young lions are the defending champions , having beaten holland on penalties in the final last year , and progressed to this edition with a 100 per cent record in qualifying .they have been placed in group d alongside holland , italy and the republic of ireland this time around and will open their campaign against italy in burgas on may 7 .\"]\n", - "=======================\n", - "[\"england are reigning champions having beaten holland in last year 's finalthe young lions have been placed in group d of the tournamentengland will compete against holland , italy and the republic of ireland\"]\n", - "england coach john peacock has named his squad for next month 's uefa european under-17 championship in bulgaria .the young lions are the defending champions , having beaten holland on penalties in the final last year , and progressed to this edition with a 100 per cent record in qualifying .they have been placed in group d alongside holland , italy and the republic of ireland this time around and will open their campaign against italy in burgas on may 7 .\n", - "england are reigning champions having beaten holland in last year 's finalthe young lions have been placed in group d of the tournamentengland will compete against holland , italy and the republic of ireland\n", - "[1.3453767 1.3728349 1.0474765 1.04569 1.2623101 1.1509895 1.0291989\n", - " 1.3907375 1.0962281 1.0725136 1.1023192 1.0485218 1.0592225 1.1043469\n", - " 1.0901996 1.0533826 1.0382293 1.0804728 1.1498833 1.015696 1.0413674\n", - " 1.0328271 1.0523558]\n", - "\n", - "[ 7 1 0 4 5 18 13 10 8 14 17 9 12 15 22 11 2 3 20 16 21 6 19]\n", - "=======================\n", - "['24-year-old krista dotzenrod from minnesota not only caught the foul ball hit at the game pitting the cubs against padres , but then chugged the beer in celebrationa chicago cubs fan managed to catch a foul ball in her cup of beer during a game against the san diego padres on saturday afternoon .prime position : ms. dotzenrod said she was sitting in her seats in the second row near third base']\n", - "=======================\n", - "[\"a chicago cubs fan enjoyed a beer with a hint of baseball at wrigley fieldthe 24-year-old caught a foul ball in her drink during saturday 's game\"]\n", - "24-year-old krista dotzenrod from minnesota not only caught the foul ball hit at the game pitting the cubs against padres , but then chugged the beer in celebrationa chicago cubs fan managed to catch a foul ball in her cup of beer during a game against the san diego padres on saturday afternoon .prime position : ms. dotzenrod said she was sitting in her seats in the second row near third base\n", - "a chicago cubs fan enjoyed a beer with a hint of baseball at wrigley fieldthe 24-year-old caught a foul ball in her drink during saturday 's game\n", - "[1.1727412 1.48711 1.1605028 1.424979 1.2252903 1.1241376 1.1271384\n", - " 1.1463214 1.076852 1.0193914 1.0178639 1.0570942 1.0929855 1.0792241\n", - " 1.0161341 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 4 0 2 7 6 5 12 13 8 11 9 10 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"downton was fired by new ecb chief executive tom harrison , in conjunction with chairman-elect colin graves , after a ring-round to each of the 14 members of the governing body 's management board ahead of their spring meeting today .paul downton has left his role as managing director of england and wales cricket boardthe decision to sack a man who has endured a traumatic 14 months since succeeding hugh morris after england 's ashes whitewash was unanimous , with one board member saying downton was just ` too accident prone ' .\"]\n", - "=======================\n", - "[\"paul downton loses job as england and wales cricket board 's managing director of cricket after a little more than a year in the jobchief executive of ecb , tom harrison , announced changes to the structuredownton 's job description has been abolished as a resultmichael vaughan immediately said he would like to speak to the ecb about the newly created job of director of england cricketfellow former skipper andrew strauss is another possible candidate\"]\n", - "downton was fired by new ecb chief executive tom harrison , in conjunction with chairman-elect colin graves , after a ring-round to each of the 14 members of the governing body 's management board ahead of their spring meeting today .paul downton has left his role as managing director of england and wales cricket boardthe decision to sack a man who has endured a traumatic 14 months since succeeding hugh morris after england 's ashes whitewash was unanimous , with one board member saying downton was just ` too accident prone ' .\n", - "paul downton loses job as england and wales cricket board 's managing director of cricket after a little more than a year in the jobchief executive of ecb , tom harrison , announced changes to the structuredownton 's job description has been abolished as a resultmichael vaughan immediately said he would like to speak to the ecb about the newly created job of director of england cricketfellow former skipper andrew strauss is another possible candidate\n", - "[1.2018523 1.3860753 1.316986 1.3856546 1.1556346 1.0980123 1.0312701\n", - " 1.06019 1.0473398 1.1880832 1.1275698 1.093805 1.0090976 1.0163835\n", - " 1.0861872 1.0793525 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 9 4 10 5 11 14 15 7 8 6 13 12 20 16 17 18 19 21]\n", - "=======================\n", - "[\"the family of evita nicole sarmonikas arrived back in sydney on tuesday from mexico where they flew on a mission to bring her body home , after being pressured to have her remains created before an official autopsy could be carried out following her death in march this year .it has now been revealed dr victor ramirez , of the hospital quirurgico del valle in mexicali , the capital city of the mexican state of baja california , operated on roseann falcon ornelas in 2014 .the plastic surgeon who gave a ` brazilian butt lift ' to a young australian tourist who died during the procedure lost another patient just a year before her tragic death , it has been revealed .\"]\n", - "=======================\n", - "[\"evita sarmonikas , 29 , died in mexico in mexico after undergoing a ` butt lift 'the doctor who performed the procedure had another patient die in 2013ms sarmonikas ' family ordered an independent autopsy on her bodythey said it revealed inconsistencies with the report which said she died of cardiac arrestthe family raised funds to bring her body back to australiathe ama has warned against having procedures in developing nations\"]\n", - "the family of evita nicole sarmonikas arrived back in sydney on tuesday from mexico where they flew on a mission to bring her body home , after being pressured to have her remains created before an official autopsy could be carried out following her death in march this year .it has now been revealed dr victor ramirez , of the hospital quirurgico del valle in mexicali , the capital city of the mexican state of baja california , operated on roseann falcon ornelas in 2014 .the plastic surgeon who gave a ` brazilian butt lift ' to a young australian tourist who died during the procedure lost another patient just a year before her tragic death , it has been revealed .\n", - "evita sarmonikas , 29 , died in mexico in mexico after undergoing a ` butt lift 'the doctor who performed the procedure had another patient die in 2013ms sarmonikas ' family ordered an independent autopsy on her bodythey said it revealed inconsistencies with the report which said she died of cardiac arrestthe family raised funds to bring her body back to australiathe ama has warned against having procedures in developing nations\n", - "[1.2732211 1.4064261 1.3153117 1.3481946 1.1361715 1.1798658 1.1175182\n", - " 1.0165881 1.0326711 1.0261463 1.0599254 1.0193646 1.022968 1.0261037\n", - " 1.0401268 1.0584377 1.0406125 1.0319281 1.1112931 1.0267875 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 5 4 6 18 10 15 16 14 8 17 19 9 13 12 11 7 20 21]\n", - "=======================\n", - "[\"native american actors appearing in the ridiculous 6 , a spoof of the magnificent seven that stars and was written by sandler , left the set after they became offended by the script 's jokes about their race and culture .it was so bad in fact that even the cultural adviser for the movie , which is filming in new mexico , walked off the set .loren anthony ( above with nick nolte in the background ) was one of the extras who walked off set\"]\n", - "=======================\n", - "[\"a dozen native american extras and the cultural adviser walked off the set of adam sandler 's new movie on wednesdaythe film , the ridiculous 6 , is a spoof of the magnificent seven that is being made for netflixone extra who walked off claims that the production crew and director ignored their complaints about offensive jokesthis included inaccurate costumes and referring to one woman as ` beaver 's breath 'the film also stars nick nolte , steve buscemi , blake shelton and taylor lautner , who has previously said he has distant native american ancestrynetflix said in a statement ; ` it is a broad satire of western movies and the stereotypes they popularized , featuring a diverse cast that is not only part of - but in on - the joke '\"]\n", - "native american actors appearing in the ridiculous 6 , a spoof of the magnificent seven that stars and was written by sandler , left the set after they became offended by the script 's jokes about their race and culture .it was so bad in fact that even the cultural adviser for the movie , which is filming in new mexico , walked off the set .loren anthony ( above with nick nolte in the background ) was one of the extras who walked off set\n", - "a dozen native american extras and the cultural adviser walked off the set of adam sandler 's new movie on wednesdaythe film , the ridiculous 6 , is a spoof of the magnificent seven that is being made for netflixone extra who walked off claims that the production crew and director ignored their complaints about offensive jokesthis included inaccurate costumes and referring to one woman as ` beaver 's breath 'the film also stars nick nolte , steve buscemi , blake shelton and taylor lautner , who has previously said he has distant native american ancestrynetflix said in a statement ; ` it is a broad satire of western movies and the stereotypes they popularized , featuring a diverse cast that is not only part of - but in on - the joke '\n", - "[1.2195834 1.4280477 1.3400449 1.326194 1.3261724 1.1946996 1.1273282\n", - " 1.0713602 1.2107756 1.0619437 1.0764709 1.019899 1.0298502 1.0143898\n", - " 1.0086442 1.0089378 1.0164162 1.0128106 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 4 0 8 5 6 10 7 9 12 11 16 13 17 15 14 20 18 19 21]\n", - "=======================\n", - "[\"kevin morton gave his son kye backhouse an extremely strong painkiller , a court heard - a mistake which he says he will ` have to try and live with it for the rest of my life ' .he could now face jail after pleading guilty to manslaughter over the teenager 's death at preston crown court .` happy-go-lucky ' kye was found dead at his home in barrow-in-furness , cumbria in october last year .\"]\n", - "=======================\n", - "['kevin morton gave kye backhouse a strong painkiller when he was illthe teenager subsequently died and his father has admitted manslaughtermorton , 49 , faces jail when he is sentenced next month']\n", - "kevin morton gave his son kye backhouse an extremely strong painkiller , a court heard - a mistake which he says he will ` have to try and live with it for the rest of my life ' .he could now face jail after pleading guilty to manslaughter over the teenager 's death at preston crown court .` happy-go-lucky ' kye was found dead at his home in barrow-in-furness , cumbria in october last year .\n", - "kevin morton gave kye backhouse a strong painkiller when he was illthe teenager subsequently died and his father has admitted manslaughtermorton , 49 , faces jail when he is sentenced next month\n", - "[1.0895795 1.3401572 1.201051 1.2187474 1.1868747 1.1689997 1.0920469\n", - " 1.1884359 1.1733838 1.0180452 1.1612817 1.1005323 1.0712776 1.0293882\n", - " 1.0113288 1.0143865 1.0108682 1.0938257 1.0108721 1.0112226 1.0119284\n", - " 1.01454 ]\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[ 1 3 2 7 4 8 5 10 11 17 6 0 12 13 9 21 15 20 14 19 18 16]\n", - "=======================\n", - "['almost one of every three miami-dade county residents living in poverty is under 18 , according to the department of regulatory and economic resources .those at-risk children are ones that chad bernstein is trying to help through his nonprofit , guitars over guns .many schools face high dropout rates , after-school programs are being eliminated and students are failing .']\n", - "=======================\n", - "['cnn hero chad bernstein started music program that helps at-risk middle school studentsnonprofit group guitars over guns pairs miami-area kids with professional musician mentorsdo you know a hero ?']\n", - "almost one of every three miami-dade county residents living in poverty is under 18 , according to the department of regulatory and economic resources .those at-risk children are ones that chad bernstein is trying to help through his nonprofit , guitars over guns .many schools face high dropout rates , after-school programs are being eliminated and students are failing .\n", - "cnn hero chad bernstein started music program that helps at-risk middle school studentsnonprofit group guitars over guns pairs miami-area kids with professional musician mentorsdo you know a hero ?\n", - "[1.4034398 1.1320575 1.4564524 1.2435384 1.2444208 1.1613185 1.0955676\n", - " 1.0969082 1.0855623 1.0456823 1.0405153 1.0353932 1.1196557 1.1153393\n", - " 1.073193 1.0476305 1.0283822 1.048648 1.0398091 1.0666986]\n", - "\n", - "[ 2 0 4 3 5 1 12 13 7 6 8 14 19 17 15 9 10 18 11 16]\n", - "=======================\n", - "[\"kelli jo bauer , 45 , was arrested at her kansas city home after undercover officers visited her and were allegedly shown dozens of clothes , many still with tags of them , that she was selling .she has been accused of theft , according to documents filed in johnson county district court .bauer , who lives in a $ 900,000 home in overland park had advertised more than 1,000 items of high-end women 's clothing on facebook , including dozens of fake designer handbags .\"]\n", - "=======================\n", - "[\"kelli jo bauer , 43 , is accused of stealing fake designer clothes and bagsundercover police officers saw her advertising clothes to sell on facebookthey went to her $ 900,000 home where she allegedly tried to sell clothes and handbagsbauer allegedly told officers she is a shopping addictshe said she was selling the clothes because she 'd lost weight and they no longer fit\"]\n", - "kelli jo bauer , 45 , was arrested at her kansas city home after undercover officers visited her and were allegedly shown dozens of clothes , many still with tags of them , that she was selling .she has been accused of theft , according to documents filed in johnson county district court .bauer , who lives in a $ 900,000 home in overland park had advertised more than 1,000 items of high-end women 's clothing on facebook , including dozens of fake designer handbags .\n", - "kelli jo bauer , 43 , is accused of stealing fake designer clothes and bagsundercover police officers saw her advertising clothes to sell on facebookthey went to her $ 900,000 home where she allegedly tried to sell clothes and handbagsbauer allegedly told officers she is a shopping addictshe said she was selling the clothes because she 'd lost weight and they no longer fit\n", - "[1.4386444 1.3248532 1.2480285 1.3258791 1.1608754 1.116086 1.0377825\n", - " 1.0126761 1.018251 1.0738049 1.0952889 1.0409156 1.0488044 1.0383086\n", - " 1.151017 1.1205641 1.0751277 1.2221415 1.0294461 1.0145056]\n", - "\n", - "[ 0 3 1 2 17 4 14 15 5 10 16 9 12 11 13 6 18 8 19 7]\n", - "=======================\n", - "['retiring ap mccoy has confirmed he will ride to the final race at sandown on saturday if he can secure mounts .there had been speculation that the soon-to-be-crowned 20-time champion jockey would end his career after riding in the ap mccoy celebration chase , in which he definitely partners mr mole , or the feature bet365 gold cup .but there is now a good chance his final mount as a professional jockey will come in the handicap hurdle run at 5.35 .']\n", - "=======================\n", - "['ap mccoy takes his final rides before retirement at sandown racecoursejockey is hoping to ride all the way to the end if he gains extra ridesit had been thought mccoy would retire after the bet365 gold cup featurebut , the 19-time champion is hoping to secure himself further mounts']\n", - "retiring ap mccoy has confirmed he will ride to the final race at sandown on saturday if he can secure mounts .there had been speculation that the soon-to-be-crowned 20-time champion jockey would end his career after riding in the ap mccoy celebration chase , in which he definitely partners mr mole , or the feature bet365 gold cup .but there is now a good chance his final mount as a professional jockey will come in the handicap hurdle run at 5.35 .\n", - "ap mccoy takes his final rides before retirement at sandown racecoursejockey is hoping to ride all the way to the end if he gains extra ridesit had been thought mccoy would retire after the bet365 gold cup featurebut , the 19-time champion is hoping to secure himself further mounts\n", - "[1.1869107 1.3703564 1.3343189 1.2114257 1.1549853 1.1122591 1.0486665\n", - " 1.0472618 1.0680869 1.0870453 1.0955483 1.1558163 1.0969899 1.032368\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 11 4 5 12 10 9 8 6 7 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"a manual for the party 's supporters urges them to appear ` level headed ' and ` agreeable ' -- and even encourages them to compliment people 's homes .the advice , which has been distributed among green campaigners in london , also provides stock answers to ease voters ' concerns about their radical plans to dismantle the army , legalise drugs and pay everybody # 72 a week no matter how rich they are .green party activists have been told to dress in ` mainstream ' fashion while knocking on doors in a bid to win over sceptical voters .\"]\n", - "=======================\n", - "[\"green party activists have been told to dress in ` mainstream ' fashiona manual for the party 's supporters urges them to appear ` level headed 'the advice has been distributed among green campaigners in londonprovides stock answers to ease voters ' concerns about their radical plans\"]\n", - "a manual for the party 's supporters urges them to appear ` level headed ' and ` agreeable ' -- and even encourages them to compliment people 's homes .the advice , which has been distributed among green campaigners in london , also provides stock answers to ease voters ' concerns about their radical plans to dismantle the army , legalise drugs and pay everybody # 72 a week no matter how rich they are .green party activists have been told to dress in ` mainstream ' fashion while knocking on doors in a bid to win over sceptical voters .\n", - "green party activists have been told to dress in ` mainstream ' fashiona manual for the party 's supporters urges them to appear ` level headed 'the advice has been distributed among green campaigners in londonprovides stock answers to ease voters ' concerns about their radical plans\n", - "[1.20522 1.3732796 1.1486496 1.1953405 1.2709361 1.1206142 1.1602526\n", - " 1.0496914 1.0854235 1.1251476 1.0488428 1.0462317 1.0540658 1.0971372\n", - " 1.0862365 1.1372099 1.0383723 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 3 6 2 15 9 5 13 14 8 12 7 10 11 16 18 17 19]\n", - "=======================\n", - "[\"speaking for the first time since jordan brennan 's killer was jailed for eight months for manslaughter , kim reveals how her son was a ` cheeky chappy ' and ` lots of fun ' , and would ` dance and sing all the time .jordan 's heartbroken mum , kim , 43 , said : ` jordan loved dancing -- and he was killed because of it . 'a 17-year-old boy who was killed after breaking out into gangnam style dancing in his local corner shop had aspirations of going on britain 's got talent , his heartbroken mother has revealed .\"]\n", - "=======================\n", - "[\"jordan brennan , 17 , died after being attacked in a manchester corner shophe was assaulted by teen who thought his ethnicity was being mockedthe killer , now 17 , was jailed for eight months after admitting manslaughterjordan 's mother , kim , says the sentence is an insult to her son 's memory\"]\n", - "speaking for the first time since jordan brennan 's killer was jailed for eight months for manslaughter , kim reveals how her son was a ` cheeky chappy ' and ` lots of fun ' , and would ` dance and sing all the time .jordan 's heartbroken mum , kim , 43 , said : ` jordan loved dancing -- and he was killed because of it . 'a 17-year-old boy who was killed after breaking out into gangnam style dancing in his local corner shop had aspirations of going on britain 's got talent , his heartbroken mother has revealed .\n", - "jordan brennan , 17 , died after being attacked in a manchester corner shophe was assaulted by teen who thought his ethnicity was being mockedthe killer , now 17 , was jailed for eight months after admitting manslaughterjordan 's mother , kim , says the sentence is an insult to her son 's memory\n", - "[1.104854 1.1670314 1.100667 1.1137602 1.0660325 1.5058994 1.3421891\n", - " 1.230561 1.0689229 1.0467981 1.020199 1.0157382 1.014043 1.0125515\n", - " 1.012745 1.0130293 1.0243526 0. 0. 0. ]\n", - "\n", - "[ 5 6 7 1 3 0 2 8 4 9 16 10 11 12 15 14 13 17 18 19]\n", - "=======================\n", - "[\"jermain defoe ( centre ) connects beautifully with a left-footed volley to fire sunderland into a 1-0 lead against newcastle unitednewcastle goalkeeper tim krul was unable to do anything about defoe 's 45th-minute strike as he watches it fly into the netthe 32-year-old watches on as the strike - his third for sunderland - flies over krul in the magpies goal\"]\n", - "=======================\n", - "['sunderland earn 1-0 tyne-wear derby victory against newcastle at the stadium of lightjermain defoe gives black cats the lead with stunning left-footed volley before half-timeformer tottenham striker scores his third sunderland goal in hard-fought win for the home sidesunderland boss dick advocaat earns his first tyne-wear derby victoryblack cats are unbeaten in their last seven barclays premier league games against newcastle united']\n", - "jermain defoe ( centre ) connects beautifully with a left-footed volley to fire sunderland into a 1-0 lead against newcastle unitednewcastle goalkeeper tim krul was unable to do anything about defoe 's 45th-minute strike as he watches it fly into the netthe 32-year-old watches on as the strike - his third for sunderland - flies over krul in the magpies goal\n", - "sunderland earn 1-0 tyne-wear derby victory against newcastle at the stadium of lightjermain defoe gives black cats the lead with stunning left-footed volley before half-timeformer tottenham striker scores his third sunderland goal in hard-fought win for the home sidesunderland boss dick advocaat earns his first tyne-wear derby victoryblack cats are unbeaten in their last seven barclays premier league games against newcastle united\n", - "[1.2941701 1.4946175 1.1571873 1.2787998 1.2193773 1.1750782 1.3753443\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 6 0 3 4 5 2 18 17 16 15 14 13 10 11 19 9 8 7 12 20]\n", - "=======================\n", - "['joel parker , 33 , was about to get off the sunshine bus in st johns county on wednesday when he asked the driver if he would like a snickers bar .the driver was not injured but called the police and parker was arrested for battery , according to wftv .parker posted $ 250 bond and was issued a trespass warning .']\n", - "=======================\n", - "['joel parker , 33 , was riding the bus in st johns county , floridapolice said he threatened the driver and was disruptive during the rideas he got off the bus he offered the candy bar to the driver , who declinedhe was arrested for battery and is never allowed to ride the bus again']\n", - "joel parker , 33 , was about to get off the sunshine bus in st johns county on wednesday when he asked the driver if he would like a snickers bar .the driver was not injured but called the police and parker was arrested for battery , according to wftv .parker posted $ 250 bond and was issued a trespass warning .\n", - "joel parker , 33 , was riding the bus in st johns county , floridapolice said he threatened the driver and was disruptive during the rideas he got off the bus he offered the candy bar to the driver , who declinedhe was arrested for battery and is never allowed to ride the bus again\n", - "[1.2435429 1.6138554 1.2623105 1.1443286 1.0934772 1.2249837 1.1542068\n", - " 1.12977 1.0487021 1.0341467 1.1223532 1.0239213 1.0120971 1.015547\n", - " 1.0225737 1.0839882 1.046169 1.0683494 1.0154494 1.0150642 1.0415251]\n", - "\n", - "[ 1 2 0 5 6 3 7 10 4 15 17 8 16 20 9 11 14 13 18 19 12]\n", - "=======================\n", - "[\"luke bryant , 25 , was sat with southampton fans when he ran onto the sidelines of the football pitch during a game at st mary 's stadium , where arsenal were losing 2-0 .a frustrated arsenal fan who jumped over a barrier and ran towards the manager during an away match at southampton has been banned from going to games for three years .the father-of-two , who works in retail , said in court that he was frustrated with his club and ` just wanted his voice heard ' .\"]\n", - "=======================\n", - "[\"arsenal fan luke bryant confronted arsene wenger during 2-0 defeatbryant admitted charge of ` going onto an area adjacent to a playing area 'the lifelong arsenal fan is not allowed to attend games for three yearshe was also ordered to pay # 200 court costs and fined # 500\"]\n", - "luke bryant , 25 , was sat with southampton fans when he ran onto the sidelines of the football pitch during a game at st mary 's stadium , where arsenal were losing 2-0 .a frustrated arsenal fan who jumped over a barrier and ran towards the manager during an away match at southampton has been banned from going to games for three years .the father-of-two , who works in retail , said in court that he was frustrated with his club and ` just wanted his voice heard ' .\n", - "arsenal fan luke bryant confronted arsene wenger during 2-0 defeatbryant admitted charge of ` going onto an area adjacent to a playing area 'the lifelong arsenal fan is not allowed to attend games for three yearshe was also ordered to pay # 200 court costs and fined # 500\n", - "[1.3780243 1.3341851 1.22911 1.2515467 1.148296 1.1949377 1.1354799\n", - " 1.0587045 1.0937843 1.0373218 1.0283933 1.1685035 1.0872349 1.0219514\n", - " 1.1258848 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 5 11 4 6 14 8 12 7 9 10 13 19 15 16 17 18 20]\n", - "=======================\n", - "[\"nicola sturgeon tonight warned ed miliband he will not be able to pass a labour budget unless he agrees to snp demands - despite the labour leader 's claim that he would not do any deals .the scottish first minister talked up her chances of being westminster 's king-maker following next week 's election , with polls still pointing to another hung parliament .nicola sturgeon faced questions from a studio audience at bbc scotland in glasgow this evening - immediately after the three main westminster party leaders faced off in leeds\"]\n", - "=======================\n", - "[\"scottish first minister talked up chances of being the king-makermr miliband tonight ruled out a formal deal with the resurgent nationalistsa vote-by-vote arrangement between labour and snp remains on the tablebut ms sturgeon said : ` he wo n't get his budget unless he compromises '\"]\n", - "nicola sturgeon tonight warned ed miliband he will not be able to pass a labour budget unless he agrees to snp demands - despite the labour leader 's claim that he would not do any deals .the scottish first minister talked up her chances of being westminster 's king-maker following next week 's election , with polls still pointing to another hung parliament .nicola sturgeon faced questions from a studio audience at bbc scotland in glasgow this evening - immediately after the three main westminster party leaders faced off in leeds\n", - "scottish first minister talked up chances of being the king-makermr miliband tonight ruled out a formal deal with the resurgent nationalistsa vote-by-vote arrangement between labour and snp remains on the tablebut ms sturgeon said : ` he wo n't get his budget unless he compromises '\n", - "[1.398488 1.3840556 1.2592335 1.144618 1.1318325 1.180711 1.2037992\n", - " 1.0668668 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 6 5 3 4 7 18 17 16 15 14 10 12 11 19 9 8 13 20]\n", - "=======================\n", - "[\"( cnn ) a mammoth fire broke out friday morning in a kentucky industrial park , sending plumes of thick smoke over the area as authorities worked to contain the damage .the blaze began shortly before 7 a.m. at the general electric appliance park in louisville , according to mike weimer from the city 's emergency management agency .he said that there were no reports of anyone injured or trapped .\"]\n", - "=======================\n", - "['fire breaks out at the general electric appliance park in louisville , kentuckycity official : no is believed to be injured or trapped']\n", - "( cnn ) a mammoth fire broke out friday morning in a kentucky industrial park , sending plumes of thick smoke over the area as authorities worked to contain the damage .the blaze began shortly before 7 a.m. at the general electric appliance park in louisville , according to mike weimer from the city 's emergency management agency .he said that there were no reports of anyone injured or trapped .\n", - "fire breaks out at the general electric appliance park in louisville , kentuckycity official : no is believed to be injured or trapped\n", - "[1.2925448 1.3976022 1.3049839 1.1625837 1.0739682 1.105277 1.1019453\n", - " 1.047082 1.107577 1.1118371 1.0241601 1.0216058 1.0432062 1.0242707\n", - " 1.038018 1.1041882 1.0610828 1.0290222 1.0236593 0. 0. ]\n", - "\n", - "[ 1 2 0 3 9 8 5 15 6 4 16 7 12 14 17 13 10 18 11 19 20]\n", - "=======================\n", - "[\"the latest estimates from seismologists put the magnitude at 7.9 , which would actually makes it about 40 % larger than the 7.8 currently being reported .that 's less than half the size of the previous major event nearby in 1934 , which killed around 10,000 people .( cnn ) in a tragic echo of the catastrophic events in haiti in 2010 , a powerful earthquake struck one of the poorest nations on earth today .\"]\n", - "=======================\n", - "['a magnitude-7 .8 earthquake struck nepal on saturdaycolin stark : we knew this disaster would come']\n", - "the latest estimates from seismologists put the magnitude at 7.9 , which would actually makes it about 40 % larger than the 7.8 currently being reported .that 's less than half the size of the previous major event nearby in 1934 , which killed around 10,000 people .( cnn ) in a tragic echo of the catastrophic events in haiti in 2010 , a powerful earthquake struck one of the poorest nations on earth today .\n", - "a magnitude-7 .8 earthquake struck nepal on saturdaycolin stark : we knew this disaster would come\n", - "[1.6425223 1.1905828 1.5496216 1.1224767 1.1114879 1.041291 1.1217128\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 6 4 5 21 20 19 18 17 16 15 11 13 12 22 10 9 8 7 14 23]\n", - "=======================\n", - "[\"england captain alastair cook completed a much-needed century on the second morning of england 's opening tour match in the west indies .cook resumed on 95 and reached three figures with minimal fuss before retiring out .a controlled thick edge from the first ball of the day brought him an 11th boundary of the innings and in the following over he punched the ball for two off the back foot .\"]\n", - "=======================\n", - "['alastair cook completed his century on the second morning of actionengland captain resumed on 95 and reached three figures before retiringthat allowed ian bell to arrive at the crease as tourists continued to bat']\n", - "england captain alastair cook completed a much-needed century on the second morning of england 's opening tour match in the west indies .cook resumed on 95 and reached three figures with minimal fuss before retiring out .a controlled thick edge from the first ball of the day brought him an 11th boundary of the innings and in the following over he punched the ball for two off the back foot .\n", - "alastair cook completed his century on the second morning of actionengland captain resumed on 95 and reached three figures before retiringthat allowed ian bell to arrive at the crease as tourists continued to bat\n", - "[1.2966527 1.218309 1.238003 1.3543744 1.03742 1.1465843 1.1401545\n", - " 1.043887 1.0485642 1.0600893 1.0752743 1.0678192 1.0344993 1.0223348\n", - " 1.021964 1.0196879 1.0240119 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 1 5 6 10 11 9 8 7 4 12 16 13 14 15 22 17 18 19 20 21 23]\n", - "=======================\n", - "[\"such a spectacle : amy schumer pretended to trip and fall in front of kim kardashian and kanye west on tuesday as the couple took to the red carpet at the time 100 event at the lincoln center in nyckanye 's not impressed : the comedian did a good job of stealing the spotlight from the couple who are being celebrated in the time 's 100 most influential people in the worldget kim 's bombshell look for your next event with one of the lookalike frocks in the carousel below .\"]\n", - "=======================\n", - "[\"amy schumer pranked kim kardashian and kanye west at the time 100 gala on tuesday nightthe comedienne fell at the pair 's feet as they posted for photos on the red carpetthe three were just a few of the big names who turned out for the annual event held at jazz at lincoln center in new york cityother honorees who attended the event included diane von furstenberg , lorne michaels , laverne cox , and bradley cooperthis year 's time 100 covers featured west , cooper , ballerina misty copeland , ruth bader ginsberg and journalist jorge ramos\"]\n", - "such a spectacle : amy schumer pretended to trip and fall in front of kim kardashian and kanye west on tuesday as the couple took to the red carpet at the time 100 event at the lincoln center in nyckanye 's not impressed : the comedian did a good job of stealing the spotlight from the couple who are being celebrated in the time 's 100 most influential people in the worldget kim 's bombshell look for your next event with one of the lookalike frocks in the carousel below .\n", - "amy schumer pranked kim kardashian and kanye west at the time 100 gala on tuesday nightthe comedienne fell at the pair 's feet as they posted for photos on the red carpetthe three were just a few of the big names who turned out for the annual event held at jazz at lincoln center in new york cityother honorees who attended the event included diane von furstenberg , lorne michaels , laverne cox , and bradley cooperthis year 's time 100 covers featured west , cooper , ballerina misty copeland , ruth bader ginsberg and journalist jorge ramos\n", - "[1.2349926 1.3837916 1.0822667 1.2328272 1.2371107 1.2466421 1.2217537\n", - " 1.0822108 1.1174468 1.0295264 1.1135539 1.0626397 1.077076 1.0485519\n", - " 1.1129508 1.020323 1.0167348 1.1007589 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 5 4 0 3 6 8 10 14 17 2 7 12 11 13 9 15 16 22 18 19 20 21 23]\n", - "=======================\n", - "[\"in a case that was condemned around the world , luo kun kun was expelled from his village when locals - including his own grandfather - signed a petition to banish him to ` protect villagers ' health ' .the red ribbon school is the only school in china equipped to look after and educate hiv-positive children .an eight-year-old boy who was made an outcast in his village and described by his own family as a ` ticking time bomb ' because he has hiv has been given a home at last .\"]\n", - "=======================\n", - "[\"luo kun kun expelled from his village in china when diagnosed with hivresidents - including his grandfather - signed a petition to banish himhe was refused admission to schools and said ` nobody plays with me 'now a specialist school in linfen , shanxi province , has stepped in to helpthe red ribbon school is equipped to look after hiv-positive children\"]\n", - "in a case that was condemned around the world , luo kun kun was expelled from his village when locals - including his own grandfather - signed a petition to banish him to ` protect villagers ' health ' .the red ribbon school is the only school in china equipped to look after and educate hiv-positive children .an eight-year-old boy who was made an outcast in his village and described by his own family as a ` ticking time bomb ' because he has hiv has been given a home at last .\n", - "luo kun kun expelled from his village in china when diagnosed with hivresidents - including his grandfather - signed a petition to banish himhe was refused admission to schools and said ` nobody plays with me 'now a specialist school in linfen , shanxi province , has stepped in to helpthe red ribbon school is equipped to look after hiv-positive children\n", - "[1.2671468 1.4008833 1.0849271 1.063358 1.0694128 1.251247 1.1315241\n", - " 1.1256799 1.202722 1.035428 1.0439802 1.0203011 1.013592 1.0169195\n", - " 1.0197123 1.4011962 1.0205865 1.0239176 1.070427 1.0499302 1.0183326\n", - " 1.0134201 1.1221691 1.027946 ]\n", - "\n", - "[15 1 0 5 8 6 7 22 2 18 4 3 19 10 9 23 17 16 11 14 20 13 12 21]\n", - "=======================\n", - "['guilty : keith whitworth has been jailed for 22 years for a catalogue of abuse against three childrenmandy greenwood , 39 , from rochdale , greater manchester , said : ` my dad used to tell me he only did it because he loved me .brave : mandy greenwood has spoken out about the father who abused her as a child']\n", - "=======================\n", - "['keith whitworth was jailed for 22 years in 2013 for abusing three childrenone of the victims was his daughter mandy greenwood , now 39mandy , from greater manchester , was raped almost daily as a childthe mother-of-two has spoken out to try and help other victims of abuse']\n", - "guilty : keith whitworth has been jailed for 22 years for a catalogue of abuse against three childrenmandy greenwood , 39 , from rochdale , greater manchester , said : ` my dad used to tell me he only did it because he loved me .brave : mandy greenwood has spoken out about the father who abused her as a child\n", - "keith whitworth was jailed for 22 years in 2013 for abusing three childrenone of the victims was his daughter mandy greenwood , now 39mandy , from greater manchester , was raped almost daily as a childthe mother-of-two has spoken out to try and help other victims of abuse\n", - "[1.319596 1.393531 1.3532836 1.1609887 1.0613862 1.2518009 1.0598185\n", - " 1.1707454 1.0717374 1.0290015 1.0196099 1.0185931 1.1346775 1.1164601\n", - " 1.0831863 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 5 7 3 12 13 14 8 4 6 9 10 11 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "['the bust was spearheaded by one male narcotics officer , who posed as a high school senior between august 2014 and march 2015 .on top of the six arrests , an amount of cocaine , marijuana and prescription drugs xanax and tramadol was also seized in the bust .just like the channing tatum movie 21 jump street , an undercover drug sting in houston has lead to the arrest of six high school students following an eight month operation .']\n", - "=======================\n", - "['operation spanned august 2014 to march 2015 in houstonone male narcotics officer posed as a senior in two high schoolssix students were arrested , three aged 18 , one 17 and two minorsthey have received a total 10 drug-related chargescocaine , marijuana , xanax and tramadol were seized in the bustpolice have not released any information about the undercover officer']\n", - "the bust was spearheaded by one male narcotics officer , who posed as a high school senior between august 2014 and march 2015 .on top of the six arrests , an amount of cocaine , marijuana and prescription drugs xanax and tramadol was also seized in the bust .just like the channing tatum movie 21 jump street , an undercover drug sting in houston has lead to the arrest of six high school students following an eight month operation .\n", - "operation spanned august 2014 to march 2015 in houstonone male narcotics officer posed as a senior in two high schoolssix students were arrested , three aged 18 , one 17 and two minorsthey have received a total 10 drug-related chargescocaine , marijuana , xanax and tramadol were seized in the bustpolice have not released any information about the undercover officer\n", - "[1.3542466 1.3780018 1.3004222 1.2655303 1.1494558 1.1435897 1.1926966\n", - " 1.1321967 1.155525 1.1615542 1.0204421 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 6 9 8 4 5 7 10 15 11 12 13 14 16]\n", - "=======================\n", - "['tokyo electric power company ( tepco ) deployed the remote-controlled robot on friday inside one of the damaged reactors that had suffered a meltdown following a devastating earthquake and tsunami in 2011 .it was the first time the probe had been used .the robot , set out to collect data on radiation levels and investigate the spread of debris , stalled after moving about 10 meters , according to a statement released by tepco .']\n", - "=======================\n", - "['the operator of the fukushima nuclear plant said it has abandoned a robotic probe inside one of the damaged reactorsa report stated that a fallen object has left the robot strandedthe robot collected data on radiation levels and investigated the spread of debris']\n", - "tokyo electric power company ( tepco ) deployed the remote-controlled robot on friday inside one of the damaged reactors that had suffered a meltdown following a devastating earthquake and tsunami in 2011 .it was the first time the probe had been used .the robot , set out to collect data on radiation levels and investigate the spread of debris , stalled after moving about 10 meters , according to a statement released by tepco .\n", - "the operator of the fukushima nuclear plant said it has abandoned a robotic probe inside one of the damaged reactorsa report stated that a fallen object has left the robot strandedthe robot collected data on radiation levels and investigated the spread of debris\n", - "[1.368069 1.2294275 1.2037944 1.0792278 1.3257744 1.0887034 1.0186077\n", - " 1.0639795 1.1784472 1.0344582 1.0170473 1.1209155 1.1809224 1.0624449\n", - " 1.0563673 1.0497041 1.0189865]\n", - "\n", - "[ 0 4 1 2 12 8 11 5 3 7 13 14 15 9 16 6 10]\n", - "=======================\n", - "[\"the codpieces used in the hit bbc drama wolf hall were too small and should have been double the size , according to an expert .homeland star damian lewis played henry viii in the six-part series on the rapid rise to power of sir thomas cromwell in king henry 's courtthis is one of a number of inaccuracy spotted in the big budget adaptation of hilary mantel 's books and was said to have been done so as not to offend and baffle the shows american audience .\"]\n", - "=======================\n", - "[\"cambridge academic victoria miller has been researching the codpiecesays those used in wolf hall were too small to be historically accuratestar mark rylance blamed the size on the show 's american producersdrama tells story of sir thomas cromwell 's rise in king henry viii 's court\"]\n", - "the codpieces used in the hit bbc drama wolf hall were too small and should have been double the size , according to an expert .homeland star damian lewis played henry viii in the six-part series on the rapid rise to power of sir thomas cromwell in king henry 's courtthis is one of a number of inaccuracy spotted in the big budget adaptation of hilary mantel 's books and was said to have been done so as not to offend and baffle the shows american audience .\n", - "cambridge academic victoria miller has been researching the codpiecesays those used in wolf hall were too small to be historically accuratestar mark rylance blamed the size on the show 's american producersdrama tells story of sir thomas cromwell 's rise in king henry viii 's court\n", - "[1.1168525 1.374881 1.2880158 1.3390557 1.2986654 1.1683695 1.1880586\n", - " 1.1330404 1.0127757 1.0092477 1.0231402 1.2365185 1.092495 1.0467244\n", - " 1.0101118 0. 0. ]\n", - "\n", - "[ 1 3 4 2 11 6 5 7 0 12 13 10 8 14 9 15 16]\n", - "=======================\n", - "[\"steelcase 's the brody worklounge is an effort to preserve the privacy and less distractions given in a cubicle while still being a part of an open office work community .the seating will be available for purchase in late august starting at $ 2,700on its company website , steelcase said the brody is designed to be ` good for your body and good for your brain ' .\"]\n", - "=======================\n", - "[\"furniture company , steelcase , has created the brody workloungelounges are designed to ` be good for your body and good for your brain 'brody provides shelter from visual distractions with privacy screens while featuring cushion that adapts to each person 's sizein recent years many companies have embraced open offices with about 70 per cent of u.s. offices having no or low partitionsa 2013 study revealed noise and privacy loss are the main source of workspace dissatisfaction\"]\n", - "steelcase 's the brody worklounge is an effort to preserve the privacy and less distractions given in a cubicle while still being a part of an open office work community .the seating will be available for purchase in late august starting at $ 2,700on its company website , steelcase said the brody is designed to be ` good for your body and good for your brain ' .\n", - "furniture company , steelcase , has created the brody workloungelounges are designed to ` be good for your body and good for your brain 'brody provides shelter from visual distractions with privacy screens while featuring cushion that adapts to each person 's sizein recent years many companies have embraced open offices with about 70 per cent of u.s. offices having no or low partitionsa 2013 study revealed noise and privacy loss are the main source of workspace dissatisfaction\n", - "[1.3364712 1.4025185 1.0577945 1.3223412 1.266573 1.0851089 1.243638\n", - " 1.1360501 1.1873173 1.2318397 1.1737016 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 4 6 9 8 10 7 5 2 15 11 12 13 14 16]\n", - "=======================\n", - "[\"the welsh forward lasted just a few minutes before limping off during real 's 3-1 home victory over malaga on saturday .gareth bale is a huge doubt for real madrid 's champions league quarter-final second leg match against atletico madrid with a calf injury .los blancos are also without croatian midfielder luka modric , who suffered a knee ligament strain against malaga and is expected to be unavailable for six weeks .\"]\n", - "=======================\n", - "['real madrid beat malaga 3-1 on saturday but gareth bale got injuredthey face atletico madrid in the champions league quarter-finalswelshman has a calf problem that could sideline him on wednesdayluka modric is also missing for real and could be out for six weeks']\n", - "the welsh forward lasted just a few minutes before limping off during real 's 3-1 home victory over malaga on saturday .gareth bale is a huge doubt for real madrid 's champions league quarter-final second leg match against atletico madrid with a calf injury .los blancos are also without croatian midfielder luka modric , who suffered a knee ligament strain against malaga and is expected to be unavailable for six weeks .\n", - "real madrid beat malaga 3-1 on saturday but gareth bale got injuredthey face atletico madrid in the champions league quarter-finalswelshman has a calf problem that could sideline him on wednesdayluka modric is also missing for real and could be out for six weeks\n", - "[1.1088878 1.2606208 1.3844289 1.2624468 1.2401981 1.17362 1.1360183\n", - " 1.0506898 1.1092073 1.062105 1.1015741 1.0673033 1.102761 1.0474329\n", - " 1.0368637 1.0107358 0. ]\n", - "\n", - "[ 2 3 1 4 5 6 8 0 12 10 11 9 7 13 14 15 16]\n", - "=======================\n", - "[\"it shows ` ribbons ' of sand and patterned stripes known as linear dunes in the erg chech , a desolate sand sea in southwestern algeria - but the exact cause of these longitudinal structures is not known .linear dunes , like these captured by nasa 's landsat 7 satellite , are straight ridges of sand that have been known to measure as long as 99 miles ( 160km ) .the image was spotted by io9 and the colours were caused as rays of sunlight hit the sand and were reflected off .\"]\n", - "=======================\n", - "[\"the image of the patterned stripes in the saharan desert was captured by the nasa 's landsat 7 satellitethey are examples of linear , or longitudinal , dunes in erg chech - a desolate sand sea in southwestern algeria` erg ' comes from the arabic word for ` field of sand dunes ' and the cause of such shapes is not knowntheories include helical roll vortices - rolls of rotating and spiralling air - and seasonal changes in wind direction\"]\n", - "it shows ` ribbons ' of sand and patterned stripes known as linear dunes in the erg chech , a desolate sand sea in southwestern algeria - but the exact cause of these longitudinal structures is not known .linear dunes , like these captured by nasa 's landsat 7 satellite , are straight ridges of sand that have been known to measure as long as 99 miles ( 160km ) .the image was spotted by io9 and the colours were caused as rays of sunlight hit the sand and were reflected off .\n", - "the image of the patterned stripes in the saharan desert was captured by the nasa 's landsat 7 satellitethey are examples of linear , or longitudinal , dunes in erg chech - a desolate sand sea in southwestern algeria` erg ' comes from the arabic word for ` field of sand dunes ' and the cause of such shapes is not knowntheories include helical roll vortices - rolls of rotating and spiralling air - and seasonal changes in wind direction\n", - "[1.2215981 1.3246447 1.3887616 1.2915877 1.2892013 1.1786387 1.0373167\n", - " 1.076453 1.1099008 1.0621362 1.0470301 1.0157678 1.030174 1.0768408\n", - " 1.02219 1.0134256 0. ]\n", - "\n", - "[ 2 1 3 4 0 5 8 13 7 9 10 6 12 14 11 15 16]\n", - "=======================\n", - "[\"arpaio says cutting meat from the meals served to the more than 8,000 inmates has saved an estimated $ 200,000 per year .joe arpaio , who calls himself ` america 's toughest sheriff ' , and the former baywatch star appeared odd soul-mates as they joined together at the maricopa county jail on wednesday to promote the benefits of an all-vegetarian diet .the jail has been serving vegetarian meals for 16 months now .\"]\n", - "=======================\n", - "[\"peta spokesperson pamela anderson joined forces with arizona sheriff joe arpaio to promote the benefits of a vegetarian diet for prisonersarpaio says cutting meat from the meals served to the more than 8,000 inmates has saved an estimated $ 200,000 per yearreporters on a previous visit to the prison discovered the carrots in the stew were brown and that the soy looked like ` wood chips 'the pr stunt at maricopa county jail on wednesday has been described as ' a new low for peta 'arpaio is better known for his controversial opinions and racial profiling of latinos , than his dedication to a vegetarian diet\"]\n", - "arpaio says cutting meat from the meals served to the more than 8,000 inmates has saved an estimated $ 200,000 per year .joe arpaio , who calls himself ` america 's toughest sheriff ' , and the former baywatch star appeared odd soul-mates as they joined together at the maricopa county jail on wednesday to promote the benefits of an all-vegetarian diet .the jail has been serving vegetarian meals for 16 months now .\n", - "peta spokesperson pamela anderson joined forces with arizona sheriff joe arpaio to promote the benefits of a vegetarian diet for prisonersarpaio says cutting meat from the meals served to the more than 8,000 inmates has saved an estimated $ 200,000 per yearreporters on a previous visit to the prison discovered the carrots in the stew were brown and that the soy looked like ` wood chips 'the pr stunt at maricopa county jail on wednesday has been described as ' a new low for peta 'arpaio is better known for his controversial opinions and racial profiling of latinos , than his dedication to a vegetarian diet\n", - "[1.2986472 1.3455722 1.2543423 1.1967331 1.2609152 1.2311463 1.1962768\n", - " 1.0604243 1.019017 1.0398804 1.027106 1.048586 1.0748535 1.1526322\n", - " 1.0227698 1.0183477 1.0110359]\n", - "\n", - "[ 1 0 4 2 5 3 6 13 12 7 11 9 10 14 8 15 16]\n", - "=======================\n", - "[\"in a tense interview for 60 minutes , silva visits the home of james polkinghorne 's father to explain to him why she had to kill his son .jessica silva reveals on 60 minutes that ` my head is just full , i ca n't live with it , i need forgiveness 'michael usher , the veteran journalist who conducted the interview , has revealed her walked away from the experience ` totally drained and realising that there are a lot of broken people ' .\"]\n", - "=======================\n", - "[\"jessica silva stabbed james polkinghorne outside her home in 2012silva was physically and mentally abused by her husband polkinghorneshe claims that if she had not acted first she would have been killedsilva says all she wants from her dead husband 's family is ` forgiveness 'polkinghorne 's father can not understand why she killed his abusive sonjessica was found guilty of manslaughter but had sentence suspendedjustice hoeben , who presided over the case , called situation ` exceptional 'jessica silva story features on sunday night 's 60 minutes on nine network\"]\n", - "in a tense interview for 60 minutes , silva visits the home of james polkinghorne 's father to explain to him why she had to kill his son .jessica silva reveals on 60 minutes that ` my head is just full , i ca n't live with it , i need forgiveness 'michael usher , the veteran journalist who conducted the interview , has revealed her walked away from the experience ` totally drained and realising that there are a lot of broken people ' .\n", - "jessica silva stabbed james polkinghorne outside her home in 2012silva was physically and mentally abused by her husband polkinghorneshe claims that if she had not acted first she would have been killedsilva says all she wants from her dead husband 's family is ` forgiveness 'polkinghorne 's father can not understand why she killed his abusive sonjessica was found guilty of manslaughter but had sentence suspendedjustice hoeben , who presided over the case , called situation ` exceptional 'jessica silva story features on sunday night 's 60 minutes on nine network\n", - "[1.2601352 1.3832395 1.2118545 1.3506197 1.2381572 1.0900104 1.0270509\n", - " 1.0308883 1.1790493 1.062344 1.1105394 1.1138262 1.0478182 1.0159086\n", - " 1.1657952 1.1010842 1.0060797]\n", - "\n", - "[ 1 3 0 4 2 8 14 11 10 15 5 9 12 7 6 13 16]\n", - "=======================\n", - "[\"arsenal playmaker mesut ozil can now countdown the minutes until the 4pm encounter on sunday with his brand new apple watch .it 's crunch time this weekend at the top of the premier league as second-placed arsenal host table toppers chelsea - and it appears one star of the former 's team can not wait for the ever-nearing kick-off .ozil compared his watch to tv character michael knight in the hit action show knight rider\"]\n", - "=======================\n", - "['arsenal playmaker mesut ozil was given an apple watch on thursdaythe apple watch will be officially released for sale on fridayozil is expected to start for arsenal in their clash vs chelsea on sundayread : arsenal fans call for removal of emirates cesc fabregas flagread : arsenal to wear blue and yellow away strip for fa cup final']\n", - "arsenal playmaker mesut ozil can now countdown the minutes until the 4pm encounter on sunday with his brand new apple watch .it 's crunch time this weekend at the top of the premier league as second-placed arsenal host table toppers chelsea - and it appears one star of the former 's team can not wait for the ever-nearing kick-off .ozil compared his watch to tv character michael knight in the hit action show knight rider\n", - "arsenal playmaker mesut ozil was given an apple watch on thursdaythe apple watch will be officially released for sale on fridayozil is expected to start for arsenal in their clash vs chelsea on sundayread : arsenal fans call for removal of emirates cesc fabregas flagread : arsenal to wear blue and yellow away strip for fa cup final\n", - "[1.3204026 1.1315861 1.1503834 1.2674133 1.1317905 1.2387826 1.1227522\n", - " 1.0493985 1.0218774 1.0570362 1.0310198 1.1340016 1.0449212 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 5 2 11 4 1 6 9 7 12 10 8 13 14 15 16]\n", - "=======================\n", - "[\"when complete strangers niamh geaney , 26 , and karen branigan , 29 , discovered they looked so alike that they could be identical twins earlier this week , they made headlines around the world .among the more unlikely pairings is hunger games star josh hutcherson , 22 , who stunned film fans when he stepped out at a première in spain this week bearing a striking resemblance to james alexandrou , 30 , an actor best known for his role as martin fowler in eastenders .whether actresses liz hurley , 49 , and jacqueline bissett , 70 , or model david gandy , 35 , and soap star dean gaffney , 37 , there 's no shortage of hollywood lookalikes .\"]\n", - "=======================\n", - "[\"hunger games star josh hutcherson , 22 , surprised film fans when he appeared at a première in madrid this weekthe star showed off newly dark hair and a stubbly chin that made him look like eastenders ' martin fowlerother unlikely celebrity twins include actress letitia dean and chelsy davy and ross kemp and bruce willismore famous faces with unlikely doppelgängers include johnny depp , emma stone and kate moss\"]\n", - "when complete strangers niamh geaney , 26 , and karen branigan , 29 , discovered they looked so alike that they could be identical twins earlier this week , they made headlines around the world .among the more unlikely pairings is hunger games star josh hutcherson , 22 , who stunned film fans when he stepped out at a première in spain this week bearing a striking resemblance to james alexandrou , 30 , an actor best known for his role as martin fowler in eastenders .whether actresses liz hurley , 49 , and jacqueline bissett , 70 , or model david gandy , 35 , and soap star dean gaffney , 37 , there 's no shortage of hollywood lookalikes .\n", - "hunger games star josh hutcherson , 22 , surprised film fans when he appeared at a première in madrid this weekthe star showed off newly dark hair and a stubbly chin that made him look like eastenders ' martin fowlerother unlikely celebrity twins include actress letitia dean and chelsy davy and ross kemp and bruce willismore famous faces with unlikely doppelgängers include johnny depp , emma stone and kate moss\n", - "[1.1449833 1.393981 1.3376496 1.1127136 1.2194246 1.156908 1.1175971\n", - " 1.0947876 1.0785615 1.1643108 1.0613904 1.0317005 1.0297432 1.0295552\n", - " 1.1590313 0. 0. ]\n", - "\n", - "[ 1 2 4 9 14 5 0 6 3 7 8 10 11 12 13 15 16]\n", - "=======================\n", - "[\"a new poll has revealed that diana is the favourite option for baby if it is a girl .according to the yougov survey for the sunday times , 12 per cent of people questioned thought that the child should be named after william 's mother - diana the princess of wales .brits are hoping for a baby princess this time and favour the name diana\"]\n", - "=======================\n", - "[\"in a new poll , diana was the favourite name for the second royal babyalice and charlotte were the second favourite names if it 's a girlif it 's a boy , then the favourite name is james , followed by alexander\"]\n", - "a new poll has revealed that diana is the favourite option for baby if it is a girl .according to the yougov survey for the sunday times , 12 per cent of people questioned thought that the child should be named after william 's mother - diana the princess of wales .brits are hoping for a baby princess this time and favour the name diana\n", - "in a new poll , diana was the favourite name for the second royal babyalice and charlotte were the second favourite names if it 's a girlif it 's a boy , then the favourite name is james , followed by alexander\n", - "[1.200809 1.4895399 1.227623 1.2207627 1.2070074 1.12144 1.1304379\n", - " 1.0507053 1.0282079 1.0341054 1.1100432 1.0904853 1.0176977 1.0210825\n", - " 1.0882598 1.0359015 1.088785 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 6 5 10 11 16 14 7 15 9 8 13 12 17 18]\n", - "=======================\n", - "[\"betty willis , credited with designing the ` welcome to fabulous las vegas ' sign , died in her overton , nevada , home on sunday , according to an obituary on the virgin valley & moapa valley mortuaries ' website .the 91-year-old artist 's often-copied sign sits in a median in the middle of las vegas boulevard south of the strip .betty willis in her las vegas home on december 30 , 2004 , with a replica of the sign she designed in 1959 to lure tourists .\"]\n", - "=======================\n", - "['artist betty willis designed the famous neon sign in 1959the sign sits in a median in the middle of las vegas boulevard south of the strip and is a popular tourist attractionin 2009 it was placed on the national register of historic placesno one owns the copyright to the sign , so it is often imitated and appears on all kinds of souvenirs in las vegas and elsewhere']\n", - "betty willis , credited with designing the ` welcome to fabulous las vegas ' sign , died in her overton , nevada , home on sunday , according to an obituary on the virgin valley & moapa valley mortuaries ' website .the 91-year-old artist 's often-copied sign sits in a median in the middle of las vegas boulevard south of the strip .betty willis in her las vegas home on december 30 , 2004 , with a replica of the sign she designed in 1959 to lure tourists .\n", - "artist betty willis designed the famous neon sign in 1959the sign sits in a median in the middle of las vegas boulevard south of the strip and is a popular tourist attractionin 2009 it was placed on the national register of historic placesno one owns the copyright to the sign , so it is often imitated and appears on all kinds of souvenirs in las vegas and elsewhere\n", - "[1.245612 1.3038789 1.3123995 1.1727675 1.2325108 1.3229692 1.101657\n", - " 1.0978781 1.0758978 1.0372542 1.048145 1.0415059 1.0503638 1.131675\n", - " 1.0379763 1.0395657 1.0170679 0. 0. ]\n", - "\n", - "[ 5 2 1 0 4 3 13 6 7 8 12 10 11 15 14 9 16 17 18]\n", - "=======================\n", - "[\"neil gilbert ( pictured left ) was jailed for six years and catherine laverick ( right ) was sentenced to three years and 10 monthsthe uk-wide conspiracy offered cheap erectile dysfunction pills to online and face-to-face customers around the world .judge charles wide qc described it as a ` highly organised , large-scale criminal enterprise ' which risked the health of members of the public , as he sentenced the gang at the old bailey .\"]\n", - "=======================\n", - "['uk-wide conspiracy offered cheap erectile dysfunction pills to customersneil gilbert headed one group , which made up to # 60,000 a week in salesfamily and friends were recruited to help with massive criminal enterpriseeight-year conspiracy continued even after gang was arrested in 2011']\n", - "neil gilbert ( pictured left ) was jailed for six years and catherine laverick ( right ) was sentenced to three years and 10 monthsthe uk-wide conspiracy offered cheap erectile dysfunction pills to online and face-to-face customers around the world .judge charles wide qc described it as a ` highly organised , large-scale criminal enterprise ' which risked the health of members of the public , as he sentenced the gang at the old bailey .\n", - "uk-wide conspiracy offered cheap erectile dysfunction pills to customersneil gilbert headed one group , which made up to # 60,000 a week in salesfamily and friends were recruited to help with massive criminal enterpriseeight-year conspiracy continued even after gang was arrested in 2011\n", - "[1.2076515 1.3797662 1.3193177 1.2718277 1.2215612 1.143654 1.2059462\n", - " 1.0487558 1.1378996 1.0480598 1.046977 1.0438578 1.128923 1.0824977\n", - " 1.0397613 1.0380361 1.0384778 1.0752232 0. ]\n", - "\n", - "[ 1 2 3 4 0 6 5 8 12 13 17 7 9 10 11 14 16 15 18]\n", - "=======================\n", - "['the teenager from mossley , greater manchester , who can not be named for legal reasons , wanted to obtain abrin online .he was caught after an investigation was launched by the north west counter-terrorism unit in january .the dark web is used as a way of sharing information and trading goods online without being found by traditional search engines']\n", - "=======================\n", - "[\"teenager was caught after an investigation by counter-terrorism officerstried to buy abrin , which could have created ` considerable harm ' to peopleadmitted trying to buy the deadly toxin after appearing at manchester youth court\"]\n", - "the teenager from mossley , greater manchester , who can not be named for legal reasons , wanted to obtain abrin online .he was caught after an investigation was launched by the north west counter-terrorism unit in january .the dark web is used as a way of sharing information and trading goods online without being found by traditional search engines\n", - "teenager was caught after an investigation by counter-terrorism officerstried to buy abrin , which could have created ` considerable harm ' to peopleadmitted trying to buy the deadly toxin after appearing at manchester youth court\n", - "[1.291858 1.4315107 1.2111918 1.2667391 1.2196065 1.2143042 1.1196254\n", - " 1.1384708 1.1417525 1.0902667 1.0301546 1.0781488 1.0307758 1.0319874\n", - " 1.0211552 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 4 5 2 8 7 6 9 11 13 12 10 14 15 16 17 18]\n", - "=======================\n", - "[\"the snp leader has denied telling french ambassador sylvie bermann that she would prefer david cameron to remain in number 10 while suggesting that ed miliband was not prime minister material .cabinet secretary sir jeremy heywood has ordered an official probe into claims that a civil servant leaked an official account of a private meeting between nicola sturgeon and the french ambassador .she told supporters in glasgow today that the westminster establishment were afraid of the snp 's rise and called on ed miliband to commit to ` locking out ' david cameron from downing street next month\"]\n", - "=======================\n", - "[\"snp leader nicola sturgeon dismissed claims she wants a tory victoryshe claimed the leaked memo is down to westminster 's fear of the snpshe called on ed miliband to commit to a deal to ` lock out ' david cameroncabinet secretary sir jeremy heywood has announced a full investigation\"]\n", - "the snp leader has denied telling french ambassador sylvie bermann that she would prefer david cameron to remain in number 10 while suggesting that ed miliband was not prime minister material .cabinet secretary sir jeremy heywood has ordered an official probe into claims that a civil servant leaked an official account of a private meeting between nicola sturgeon and the french ambassador .she told supporters in glasgow today that the westminster establishment were afraid of the snp 's rise and called on ed miliband to commit to ` locking out ' david cameron from downing street next month\n", - "snp leader nicola sturgeon dismissed claims she wants a tory victoryshe claimed the leaked memo is down to westminster 's fear of the snpshe called on ed miliband to commit to a deal to ` lock out ' david cameroncabinet secretary sir jeremy heywood has announced a full investigation\n", - "[1.3600305 1.0322279 1.2310753 1.17651 1.447803 1.2027426 1.3093007\n", - " 1.1735722 1.1488119 1.1130189 1.0415666 1.0259469 1.0149252 1.0138402\n", - " 1.014492 1.0224556 1.0391446 1.1309644 1.1658978]\n", - "\n", - "[ 4 0 6 2 5 3 7 18 8 17 9 10 16 1 11 15 12 14 13]\n", - "=======================\n", - "[\"jason denayer has impressed while playing for celtic on loan this season from manchester cityceltic 's ambitions of persuading manchester city to release jason denayer for another loan deal at parkhead next season are well documented .city manager manuel pellegrini has confirmed that the club are looking to invest in homegrown talent\"]\n", - "=======================\n", - "[\"jason denayer has impressed for celtic while on loan this seasonthe parkhead outfit are keen to keen to sign the youngster permanently and hope that parent club manchester city will release himhowever , city boss manuel pellegrini has confirmed that the club are looking to strengthen their homegrown talent pooldenayer , 19 , entered city 's youth academy in 2013 and fits the bill\"]\n", - "jason denayer has impressed while playing for celtic on loan this season from manchester cityceltic 's ambitions of persuading manchester city to release jason denayer for another loan deal at parkhead next season are well documented .city manager manuel pellegrini has confirmed that the club are looking to invest in homegrown talent\n", - "jason denayer has impressed for celtic while on loan this seasonthe parkhead outfit are keen to keen to sign the youngster permanently and hope that parent club manchester city will release himhowever , city boss manuel pellegrini has confirmed that the club are looking to strengthen their homegrown talent pooldenayer , 19 , entered city 's youth academy in 2013 and fits the bill\n", - "[1.2693546 1.3251461 1.3200308 1.2127795 1.1541162 1.1598533 1.218823\n", - " 1.2000104 1.1157973 1.0378588 1.0256276 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 6 3 7 5 4 8 9 10 11 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"videoed enjoying the sunshine outside , the lamb named winter stands very still with its head lowered towards the baby duck .walking around to the front of the lamb , the duck begins pecking away at the lamb 's head and neck as if grooming its woollen coat .a farmer has captured the adorable moment a duckling groomed a lamb 's woollen coat in a ` heartwarming sign of trust and friendship ' .\"]\n", - "=======================\n", - "[\"the lamb named winter bends its head down towards the baby duckduck begins pecking and grooming lamb 's woollen coatlamb 's owner says animals ' actions are ' a heart-warming sign of trust '\"]\n", - "videoed enjoying the sunshine outside , the lamb named winter stands very still with its head lowered towards the baby duck .walking around to the front of the lamb , the duck begins pecking away at the lamb 's head and neck as if grooming its woollen coat .a farmer has captured the adorable moment a duckling groomed a lamb 's woollen coat in a ` heartwarming sign of trust and friendship ' .\n", - "the lamb named winter bends its head down towards the baby duckduck begins pecking and grooming lamb 's woollen coatlamb 's owner says animals ' actions are ' a heart-warming sign of trust '\n", - "[1.6533318 1.2055944 1.3616848 1.1163934 1.0766069 1.1978147 1.0605732\n", - " 1.0881534 1.1379093 1.1145409 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 5 8 3 9 7 4 6 18 10 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"former barcelona and brazil forward ronaldinho marked a late cameo in queretaro 's surprise 4-0 thumping of club america with a brace .tigres monterrey moved up to fourth in the clausura after eventually easing to a 3-0 home victory over monterrey .the 2002 world cup winner came on as the game approached full-time but still struck in the 85th and 90th minutes following earlier goals from yasser corona , who struck midway through the first half , and orbelin pineda 's on the stroke of half-time .\"]\n", - "=======================\n", - "['former barcelona forward ronaldinho came on in the 84th minuteronaldinho still managed to grab a brace as his side eased to victoryqueretaro are now just two points behind club america in liga mx']\n", - "former barcelona and brazil forward ronaldinho marked a late cameo in queretaro 's surprise 4-0 thumping of club america with a brace .tigres monterrey moved up to fourth in the clausura after eventually easing to a 3-0 home victory over monterrey .the 2002 world cup winner came on as the game approached full-time but still struck in the 85th and 90th minutes following earlier goals from yasser corona , who struck midway through the first half , and orbelin pineda 's on the stroke of half-time .\n", - "former barcelona forward ronaldinho came on in the 84th minuteronaldinho still managed to grab a brace as his side eased to victoryqueretaro are now just two points behind club america in liga mx\n", - "[1.367379 1.4190387 1.1580311 1.4219694 1.2877399 1.296531 1.2311364\n", - " 1.0638452 1.0779699 1.0330256 1.0917606 1.0718099 1.0207958 1.020817\n", - " 1.0077875 1.0066812 1.0785412 1.1008022 1.0290099 1.008647 ]\n", - "\n", - "[ 3 1 0 5 4 6 2 17 10 16 8 11 7 9 18 13 12 19 14 15]\n", - "=======================\n", - "['monaco coach leonardo jardim believes are juventus are a better team than arsenaljardim and wenger fell out at the emirates when the arsenal manager refused to shake the hand of the monaco coach after their stunning 3-1 victory in the second round first leg tie .arsenal manager arsene wenger upset jardim by refusing to shake hands during champions league exit']\n", - "=======================\n", - "[\"monaco defeated arsenal on away goals in the champions league last 16arsene wenger upset leonardo jardim by refusing to shake handsligue 1 boss claims their next opponents juventus are ' a better team 'read : arsenal 's wenger accused of disrespecting former club monacoread : arsenal manager wenger brands monaco boss jardim a liar\"]\n", - "monaco coach leonardo jardim believes are juventus are a better team than arsenaljardim and wenger fell out at the emirates when the arsenal manager refused to shake the hand of the monaco coach after their stunning 3-1 victory in the second round first leg tie .arsenal manager arsene wenger upset jardim by refusing to shake hands during champions league exit\n", - "monaco defeated arsenal on away goals in the champions league last 16arsene wenger upset leonardo jardim by refusing to shake handsligue 1 boss claims their next opponents juventus are ' a better team 'read : arsenal 's wenger accused of disrespecting former club monacoread : arsenal manager wenger brands monaco boss jardim a liar\n", - "[1.3596703 1.4370055 1.1350555 1.1892772 1.2882955 1.0703149 1.0439277\n", - " 1.0184137 1.0332679 1.086611 1.0991112 1.1842618 1.0584062 1.0143696\n", - " 1.0325996 1.1942053 1.019066 1.01302 1.06089 0. ]\n", - "\n", - "[ 1 0 4 15 3 11 2 10 9 5 18 12 6 8 14 16 7 13 17 19]\n", - "=======================\n", - "[\"the prime minister subsequently admitted he 'd suffered a ` brain fade ' during the election campaign address in croydon , where he was outlining his vision for black and ethnic minority communities .david cameron urged an audience to support west ham during a speech yesterday - despite the fact he 's always claimed to be an aston villa fan .last week the conservative leader tweeted his delight at villa reaching the fa cup final by beating liverpool\"]\n", - "=======================\n", - "[\"conservative leader was speaking from autocue at croydon election eventbut tory party confirmed it was an ` off the cuff ' remark not in his speechgot the wrong claret and blue side despite being a villa fan since his teenssaid in his defence : ` these things can happen when you are on the stump '\"]\n", - "the prime minister subsequently admitted he 'd suffered a ` brain fade ' during the election campaign address in croydon , where he was outlining his vision for black and ethnic minority communities .david cameron urged an audience to support west ham during a speech yesterday - despite the fact he 's always claimed to be an aston villa fan .last week the conservative leader tweeted his delight at villa reaching the fa cup final by beating liverpool\n", - "conservative leader was speaking from autocue at croydon election eventbut tory party confirmed it was an ` off the cuff ' remark not in his speechgot the wrong claret and blue side despite being a villa fan since his teenssaid in his defence : ` these things can happen when you are on the stump '\n", - "[1.1801767 1.4379101 1.182166 1.2835964 1.1138537 1.2535335 1.0726178\n", - " 1.094705 1.1027753 1.1773468 1.0622722 1.0450101 1.0175544 1.0150294\n", - " 1.0638494 1.0449555 1.0499766 1.0318767 0. 0. ]\n", - "\n", - "[ 1 3 5 2 0 9 4 8 7 6 14 10 16 11 15 17 12 13 18 19]\n", - "=======================\n", - "['the bleak study says animals are most at risk in south america , australia , and new zealand .scientists from the university of connecticut warned that one in six animals are at risk of extinction , particularly in regions where shrinking habitats and barriers to migration compound the problem .one in every six species of animals could face extinction if we do nothing to combat climate change , scientists claim .']\n", - "=======================\n", - "['two studies warn that rising temperatures could wipe out animalsuniversity of connecticut research warns 1 in 6 species could face extinction , especially in south america , australia , and new zealanduc berkeley research says marine animals such as whales near north america , antarctica and new zealand are most likely to die out']\n", - "the bleak study says animals are most at risk in south america , australia , and new zealand .scientists from the university of connecticut warned that one in six animals are at risk of extinction , particularly in regions where shrinking habitats and barriers to migration compound the problem .one in every six species of animals could face extinction if we do nothing to combat climate change , scientists claim .\n", - "two studies warn that rising temperatures could wipe out animalsuniversity of connecticut research warns 1 in 6 species could face extinction , especially in south america , australia , and new zealanduc berkeley research says marine animals such as whales near north america , antarctica and new zealand are most likely to die out\n", - "[1.1977696 1.3534379 1.451847 1.275568 1.1098994 1.0285357 1.0865213\n", - " 1.0700148 1.1262203 1.0499048 1.1394818 1.0803794 1.0670391 1.048409\n", - " 1.044614 1.0360643 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 3 0 10 8 4 6 11 7 12 9 13 14 15 5 16 17 18 19 20 21]\n", - "=======================\n", - "[\"they believe that the hats , or ` pukao ' , were rolled up ramps to reach the top of the figures which measure up to 40ft ( 12 metres ) tall .experts believe they have finally discovered how the rapa nui people placed distinctive hats made of red stone on top of some of the easter island figures ' heads , more than 700 years agothe mysterious moai statues of easter island have gazed inland for hundreds of years .\"]\n", - "=======================\n", - "[\"rapa nui people placed red stone ` hats ' or pukao on some of the statuesoregon university say they may have used ramps to raise the stonesthe team used physics to model possible methods of raising the ` hats 'some 100 pukao have been found on the remote island in the pacific ocean\"]\n", - "they believe that the hats , or ` pukao ' , were rolled up ramps to reach the top of the figures which measure up to 40ft ( 12 metres ) tall .experts believe they have finally discovered how the rapa nui people placed distinctive hats made of red stone on top of some of the easter island figures ' heads , more than 700 years agothe mysterious moai statues of easter island have gazed inland for hundreds of years .\n", - "rapa nui people placed red stone ` hats ' or pukao on some of the statuesoregon university say they may have used ramps to raise the stonesthe team used physics to model possible methods of raising the ` hats 'some 100 pukao have been found on the remote island in the pacific ocean\n", - "[1.3857386 1.2483538 1.2855754 1.241574 1.1053598 1.2332369 1.1328626\n", - " 1.1298589 1.0351909 1.1050369 1.0467921 1.024554 1.092622 1.0592861\n", - " 1.049757 1.0176399 1.0113434 1.0145656 1.0174989 1.1373605 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 3 5 19 6 7 4 9 12 13 14 10 8 11 15 18 17 16 20 21]\n", - "=======================\n", - "[\"arrested : doug hughes was put under arrest for his gyro-copter stunt and charged with operating an unregistered aircraft and violating national airspacebut he 's being released from federal custody to return to florida .the postal carrier who flew a gyrocopter onto the lawn of the u.s. capitol is facing two criminal charges .\"]\n", - "=======================\n", - "[\"doug hughes appeared in u.s. district court in washington on thursday , one day after he steered his tiny aircraft onto the capitol 's west lawnhe was charged with operating an unregistered aircraft and violating national airspace before being released on his own recognizancehe was sent back to his tampa home , where he must check in weekly with authorities starting next week\"]\n", - "arrested : doug hughes was put under arrest for his gyro-copter stunt and charged with operating an unregistered aircraft and violating national airspacebut he 's being released from federal custody to return to florida .the postal carrier who flew a gyrocopter onto the lawn of the u.s. capitol is facing two criminal charges .\n", - "doug hughes appeared in u.s. district court in washington on thursday , one day after he steered his tiny aircraft onto the capitol 's west lawnhe was charged with operating an unregistered aircraft and violating national airspace before being released on his own recognizancehe was sent back to his tampa home , where he must check in weekly with authorities starting next week\n", - "[1.2640442 1.3812385 1.2890894 1.2583158 1.2178485 1.2581637 1.1035489\n", - " 1.0608273 1.0428784 1.0380428 1.066033 1.0141608 1.0588742 1.049524\n", - " 1.1013579 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 5 4 6 14 10 7 12 13 8 9 11 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"the specialised 77 brigade , launched with great fanfare in january in response to the jihadis ' mastery of online propaganda , is in disarray after failing to enlist the right personnel .earlier this year , it was widely reported that the brigade would be made up of 2,000 social media and psychological warfare exponents who would enable uk forces to fight wars ` in the information age ' .the british army is struggling to recruit enough technical experts for a secretive psychological warfare unit intended to combat islamic state 's domination of the internet and social media .\"]\n", - "=======================\n", - "[\"team needed to help decrease islamic state 's domination of the internetrole includes leaking messages about british successes to enemypreviously reported that brigade would be made up of 2,000 expertsit will now have just 454 regular and reservist troops , mos revealed\"]\n", - "the specialised 77 brigade , launched with great fanfare in january in response to the jihadis ' mastery of online propaganda , is in disarray after failing to enlist the right personnel .earlier this year , it was widely reported that the brigade would be made up of 2,000 social media and psychological warfare exponents who would enable uk forces to fight wars ` in the information age ' .the british army is struggling to recruit enough technical experts for a secretive psychological warfare unit intended to combat islamic state 's domination of the internet and social media .\n", - "team needed to help decrease islamic state 's domination of the internetrole includes leaking messages about british successes to enemypreviously reported that brigade would be made up of 2,000 expertsit will now have just 454 regular and reservist troops , mos revealed\n", - "[1.1603525 1.3707633 1.2698467 1.1279207 1.1484425 1.0687205 1.0591241\n", - " 1.0418258 1.0384554 1.039662 1.0934048 1.0514921 1.050865 1.1223488\n", - " 1.1594175 1.0266192 1.0477098 1.0320855 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 14 4 3 13 10 5 6 11 12 16 7 9 8 17 15 20 18 19 21]\n", - "=======================\n", - "[\"chris strodder has created a handy book , the disneyland book of lists , which contains over 200 lists crammed full of secrets known and those more obscure .you will find out how many people have given birth in disneyland , california , what the official pet food brand is , and how the ladies ' heels got stuck in melting pavement on the opening day .disneyland has captured the imaginations for generations since its opening in 1955 , but there is much that many people do not know about this magical place .\"]\n", - "=======================\n", - "[\"chris strodder 's the disneyland book of lists contains 200 lists of secrets about the magical amusement parklearn how people spend 83 times more money at disneyland now than they did in the 1950sarchive photos from imagineering disney show its changes over the years\"]\n", - "chris strodder has created a handy book , the disneyland book of lists , which contains over 200 lists crammed full of secrets known and those more obscure .you will find out how many people have given birth in disneyland , california , what the official pet food brand is , and how the ladies ' heels got stuck in melting pavement on the opening day .disneyland has captured the imaginations for generations since its opening in 1955 , but there is much that many people do not know about this magical place .\n", - "chris strodder 's the disneyland book of lists contains 200 lists of secrets about the magical amusement parklearn how people spend 83 times more money at disneyland now than they did in the 1950sarchive photos from imagineering disney show its changes over the years\n", - "[1.3177531 1.4049733 1.3512208 1.2397227 1.3030168 1.2053769 1.0270674\n", - " 1.0140064 1.19361 1.0697036 1.0543373 1.0601275 1.1468986 1.050256\n", - " 1.06064 1.0512624 1.0398576 1.0315397 1.0092078 1.008837 1.010111\n", - " 1.065497 ]\n", - "\n", - "[ 1 2 0 4 3 5 8 12 9 21 14 11 10 15 13 16 17 6 7 20 18 19]\n", - "=======================\n", - "[\"the billionaire wife of former los angeles clippers owner donald sterling said she felt vindicated by the judge 's ruling this week that stiviano , 32 , must return $ 2.6 million in sugar daddy gifts .donald sterling , 80 , had lavished his alleged girlfriend with gifts including a $ 1.8 million house , luxury cars and stocks - all while hiding them from his wife of six decades .shelly sterling has spoken out about her legal victory over her husband 's alleged mistress v. stiviano , saying she took the much-younger woman to court ` for justice ' .\"]\n", - "=======================\n", - "['a los angeles judge ruled this week that v. stiviano must return $ 2.6 million in gifts she was given by former clippers owner donald sterlingshelly sterling said on wednesday that she feels vindicated by the win and will be giving the money to charityshe said that she and sterling never split and , even though she drew up divorce papers last year , she never filed themthe ruling came a year after the nba banned sterling for life over a recording of him telling stiviano not to associate with black people']\n", - "the billionaire wife of former los angeles clippers owner donald sterling said she felt vindicated by the judge 's ruling this week that stiviano , 32 , must return $ 2.6 million in sugar daddy gifts .donald sterling , 80 , had lavished his alleged girlfriend with gifts including a $ 1.8 million house , luxury cars and stocks - all while hiding them from his wife of six decades .shelly sterling has spoken out about her legal victory over her husband 's alleged mistress v. stiviano , saying she took the much-younger woman to court ` for justice ' .\n", - "a los angeles judge ruled this week that v. stiviano must return $ 2.6 million in gifts she was given by former clippers owner donald sterlingshelly sterling said on wednesday that she feels vindicated by the win and will be giving the money to charityshe said that she and sterling never split and , even though she drew up divorce papers last year , she never filed themthe ruling came a year after the nba banned sterling for life over a recording of him telling stiviano not to associate with black people\n", - "[1.2651746 1.2847604 1.2605729 1.506932 1.2997515 1.1328834 1.0504816\n", - " 1.0130229 1.0511845 1.0245916 1.0237625 1.0818154 1.0244399 1.0146495\n", - " 1.1063145 1.0513767 1.0215099 1.0230926 1.0301867 1.0102823 1.0482881\n", - " 1.0276065 1.0898813 1.0472698 0. 0. ]\n", - "\n", - "[ 3 4 1 0 2 5 14 22 11 15 8 6 20 23 18 21 9 12 10 17 16 13 7 19\n", - " 24 25]\n", - "=======================\n", - "['john helinski , 62 , spent three years living in a cardboard box on the streets of tampa bay .he then tried to apply for a place at a homeless shelter , but struggled because all of his personal identification had been stolenbut when a cop and his case manger looked into his past , they found a previously lost bank account with money and enough social security benefits to buy his own house .']\n", - "=======================\n", - "['john helinski , 62 , slept in a cardboard box in tampa bay for three yearshe applied for homeless housing , but struggled as he had no identificationit had all been stolen years earlier - virtually forcing him onto the streetsa case worker and a cop looked into his past and uncovered his recordshelsinki then went into a tampa bank and discovered a lost accountenough money and social security was in there for him to buy a house']\n", - "john helinski , 62 , spent three years living in a cardboard box on the streets of tampa bay .he then tried to apply for a place at a homeless shelter , but struggled because all of his personal identification had been stolenbut when a cop and his case manger looked into his past , they found a previously lost bank account with money and enough social security benefits to buy his own house .\n", - "john helinski , 62 , slept in a cardboard box in tampa bay for three yearshe applied for homeless housing , but struggled as he had no identificationit had all been stolen years earlier - virtually forcing him onto the streetsa case worker and a cop looked into his past and uncovered his recordshelsinki then went into a tampa bank and discovered a lost accountenough money and social security was in there for him to buy a house\n", - "[1.1072946 1.2704235 1.1651292 1.1316493 1.3183734 1.3035773 1.1482902\n", - " 1.1190269 1.1875799 1.1130488 1.06918 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 5 1 8 2 6 3 7 9 0 10 23 22 21 20 19 18 12 16 15 14 13 24 11\n", - " 17 25]\n", - "=======================\n", - "[\"a new facebook graph reveals the favorite baseball teams in the country by sorting through people 's likes and breaking down winners by countythe new york yankees ( left ) and boston red sox ( right ) come in first and second respectively in terms of the number of people who claim them as their favoritethe toronto blue jays can also claim almost all of canada , though the yankees and red sox are also favorites in some areas .\"]\n", - "=======================\n", - "[\"a new facebook graph reveals the favorite baseball teams in the country by sorting through people 's likes and breaking down winners by countythe new york yankees and boston red sox , who come in first and second respectively in terms of the number of fansthe new york mets and oakland athletics did not win one single county\"]\n", - "a new facebook graph reveals the favorite baseball teams in the country by sorting through people 's likes and breaking down winners by countythe new york yankees ( left ) and boston red sox ( right ) come in first and second respectively in terms of the number of people who claim them as their favoritethe toronto blue jays can also claim almost all of canada , though the yankees and red sox are also favorites in some areas .\n", - "a new facebook graph reveals the favorite baseball teams in the country by sorting through people 's likes and breaking down winners by countythe new york yankees and boston red sox , who come in first and second respectively in terms of the number of fansthe new york mets and oakland athletics did not win one single county\n", - "[1.5889785 1.6195807 1.1720508 1.0408893 1.0374674 1.039198 1.0288347\n", - " 1.0553092 1.3513159 1.0488024 1.04542 1.0618299 1.0153853 1.0941298\n", - " 1.0088787 1.0088629 1.0081877 1.0053304 1.0373713 1.0092493 1.0098141\n", - " 1.1564078 1.0199426 1.0072113 1.0108079 1.0215977]\n", - "\n", - "[ 1 0 8 2 21 13 11 7 9 10 3 5 4 18 6 25 22 12 24 20 19 14 15 16\n", - " 23 17]\n", - "=======================\n", - "['goals from hector bellerin , mesut ozil and alexis sanchez put the gunners 3-0 ahead , before jordan henderson pulled one back from the penalty spot for the visitors .arsenal moved nine points clear of their top four rivals liverpool on saturday afternoon with a 4-1 win at home in the premier league .hector bellerin celebrates after putting arsenal 1-0 ahead against liverpool in the first half on saturday']\n", - "=======================\n", - "['arsenal beat top four rivals liverpool 4-1 at the emirates on saturdayhector bellerin , mesut ozil and alexis sanchez put hosts 3-0 aheadjordan henderson pulled one back for the visitors from the penalty spotarsenal striker olivier giroud completed the scoreline in injury timewin moves arsenal into second - nine points ahead of the reds']\n", - "goals from hector bellerin , mesut ozil and alexis sanchez put the gunners 3-0 ahead , before jordan henderson pulled one back from the penalty spot for the visitors .arsenal moved nine points clear of their top four rivals liverpool on saturday afternoon with a 4-1 win at home in the premier league .hector bellerin celebrates after putting arsenal 1-0 ahead against liverpool in the first half on saturday\n", - "arsenal beat top four rivals liverpool 4-1 at the emirates on saturdayhector bellerin , mesut ozil and alexis sanchez put hosts 3-0 aheadjordan henderson pulled one back for the visitors from the penalty spotarsenal striker olivier giroud completed the scoreline in injury timewin moves arsenal into second - nine points ahead of the reds\n", - "[1.239344 1.408495 1.2174754 1.2599281 1.2193217 1.176779 1.0443277\n", - " 1.029255 1.1577413 1.0650785 1.0519488 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 5 8 9 10 6 7 19 23 22 21 20 18 12 16 15 14 13 24 11\n", - " 17 25]\n", - "=======================\n", - "[\"titled ` battle for sevastopol ' in russia but ` indestructible ' across the border in ukraine , the movie -- about a female sharpshooter who reportedly killed more than 300 nazi troops -- is a co-production between the two countries made just before relations nosedived .nazi killer : a russian-ukrainian film about legendary soviet sniper lyudmila pavlichenko ( left ) who was nicknamed nicknamed ` lady death ' is aiming to be a hit in both nations despite the current crisis .and despite the freeze in ties between the former soviet nations that has seen ukraine ban a slew of modern russian films , the $ 5million ( # 3m ) movie was launched last week with glitzy gala premieres in both moscow and kiev .\"]\n", - "=======================\n", - "['# 3m film charts life of ukrainian-born soviet sniper lyudmila pavlichenkoaims to be a hit in both countries despite the ongoing crisis in ukrainehas been launched with glitzy gala premieres in both moscow and kievpavlichenko killed 309 nazis during battles in odessa and sevastopol']\n", - "titled ` battle for sevastopol ' in russia but ` indestructible ' across the border in ukraine , the movie -- about a female sharpshooter who reportedly killed more than 300 nazi troops -- is a co-production between the two countries made just before relations nosedived .nazi killer : a russian-ukrainian film about legendary soviet sniper lyudmila pavlichenko ( left ) who was nicknamed nicknamed ` lady death ' is aiming to be a hit in both nations despite the current crisis .and despite the freeze in ties between the former soviet nations that has seen ukraine ban a slew of modern russian films , the $ 5million ( # 3m ) movie was launched last week with glitzy gala premieres in both moscow and kiev .\n", - "# 3m film charts life of ukrainian-born soviet sniper lyudmila pavlichenkoaims to be a hit in both countries despite the ongoing crisis in ukrainehas been launched with glitzy gala premieres in both moscow and kievpavlichenko killed 309 nazis during battles in odessa and sevastopol\n", - "[1.3427589 1.1951892 1.3462162 1.2396193 1.2445714 1.1653403 1.1453547\n", - " 1.1069462 1.1639076 1.0403098 1.0190431 1.0159514 1.0224707 1.1135225\n", - " 1.0665369 1.0604757 1.0920657 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 4 3 1 5 8 6 13 7 16 14 15 9 12 10 11 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"the former scottish secretary said talking up the threat posed by the scottish nationalists was ` short-term and dangerous ' .sir john will say a labour deal with the separatists would mean higher taxes , more debt and fewer jobs - as well as another independence referendum .david cameron 's campaign attacks on the snp risk undermining the future of the united kingdom , senior conservative peer lord forsyth has claimed .\"]\n", - "=======================\n", - "['tory peer and former minister lord forsyth warns against snp attackshe says the talking up the snp threat undermines future of the ukcomes as john major warns a labour-snp alliance will cause chaoshe said labour propped up by snp would mean high taxes and fewer jobsa comres poll for itv news last night found the majority of the british public -- 54 per cent -- do not want miss sturgeon to play a role in the next government .']\n", - "the former scottish secretary said talking up the threat posed by the scottish nationalists was ` short-term and dangerous ' .sir john will say a labour deal with the separatists would mean higher taxes , more debt and fewer jobs - as well as another independence referendum .david cameron 's campaign attacks on the snp risk undermining the future of the united kingdom , senior conservative peer lord forsyth has claimed .\n", - "tory peer and former minister lord forsyth warns against snp attackshe says the talking up the snp threat undermines future of the ukcomes as john major warns a labour-snp alliance will cause chaoshe said labour propped up by snp would mean high taxes and fewer jobsa comres poll for itv news last night found the majority of the british public -- 54 per cent -- do not want miss sturgeon to play a role in the next government .\n", - "[1.2419618 1.4447901 1.2091112 1.3307482 1.1895249 1.0798407 1.0421412\n", - " 1.1074853 1.104639 1.0920511 1.0801837 1.0841146 1.1085695 1.0202143\n", - " 1.0257626 1.0243399 1.044407 1.0131414 1.0675125 1.0423952 1.0476466\n", - " 1.0233024]\n", - "\n", - "[ 1 3 0 2 4 12 7 8 9 11 10 5 18 20 16 19 6 14 15 21 13 17]\n", - "=======================\n", - "[\"poppy moore , 23 , wed her childhood sweetheart sam myers at chelsea register office with only 12 loved ones before hosting a reception for 50 at the mayfair hotel .bobby moore 's granddaughter celebrated her wedding with an intimate family celebration in london yesterday .the bride wore a knee-length white dress and carried a bouquet of white roses , which poignantly also contained a picture of her father dean , who died in 2011 aged 43 .\"]\n", - "=======================\n", - "['poppy , 23 , married childhood sweetheart , sam myers in chelseacouple said vows in front of 12 guests before reception at mayfair hotelpoppy carried picture of father dean , who died in 2011 , in her bouquet']\n", - "poppy moore , 23 , wed her childhood sweetheart sam myers at chelsea register office with only 12 loved ones before hosting a reception for 50 at the mayfair hotel .bobby moore 's granddaughter celebrated her wedding with an intimate family celebration in london yesterday .the bride wore a knee-length white dress and carried a bouquet of white roses , which poignantly also contained a picture of her father dean , who died in 2011 aged 43 .\n", - "poppy , 23 , married childhood sweetheart , sam myers in chelseacouple said vows in front of 12 guests before reception at mayfair hotelpoppy carried picture of father dean , who died in 2011 , in her bouquet\n", - "[1.3752451 1.380142 1.20659 1.2725366 1.295591 1.2713398 1.0682842\n", - " 1.0517383 1.1423057 1.0525992 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 4 3 5 2 8 6 9 7 19 18 17 16 15 10 13 12 11 20 14 21]\n", - "=======================\n", - "[\"navratilova , who won 18 grand slam singles titles as a player , and poland 's radwanska , who is currently ranked no 9 , issued statements on friday to announce the parting .martina navratilova 's brief stint as coach of 2012 wimbledon runner-up agnieszka radwanska is finished .radwanska has struggled this season and was knocked out in the first round in stuttgart this week\"]\n", - "=======================\n", - "[\"martina navratilova could not commit ' 100 per cent to the project 'the pair only started working together in december last yearagnieszka radwanska is struggling for consistency this seasonthe pole slumped to an early defeat in stuttgart this week\"]\n", - "navratilova , who won 18 grand slam singles titles as a player , and poland 's radwanska , who is currently ranked no 9 , issued statements on friday to announce the parting .martina navratilova 's brief stint as coach of 2012 wimbledon runner-up agnieszka radwanska is finished .radwanska has struggled this season and was knocked out in the first round in stuttgart this week\n", - "martina navratilova could not commit ' 100 per cent to the project 'the pair only started working together in december last yearagnieszka radwanska is struggling for consistency this seasonthe pole slumped to an early defeat in stuttgart this week\n", - "[1.244263 1.1980388 1.4142603 1.1786207 1.0825019 1.1514149 1.1125993\n", - " 1.0795666 1.0206515 1.0291775 1.1942494 1.068274 1.0265483 1.0172498\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 1 10 3 5 6 4 7 11 9 12 8 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"in u.s. schools last year , almost 800 school employees were prosecuted for sexual assault , nearly a third of them women .a saturday night live skit about a male student having sex with his female high school teacher painted the relationship as every teen boy 's dream , but drew a firestorm of criticism on social media .the reaction to the comedy sketch reflected a growing view among law enforcement and victims ' advocacy groups that it is no laughing matter when a woman educator preys on her male students .\"]\n", - "=======================\n", - "['according to the u.s. department of education , female teachers who sexually assaulted students often got a pass in the pastattitudes have now changed and more are being prosecutedin u.s. schools last year , almost 800 school employees were prosecuted for sexual assault - nearly a third of them womennumbers are already slightly ahead this year for numbers of female school employees accused of inappropriate relationships with male students']\n", - "in u.s. schools last year , almost 800 school employees were prosecuted for sexual assault , nearly a third of them women .a saturday night live skit about a male student having sex with his female high school teacher painted the relationship as every teen boy 's dream , but drew a firestorm of criticism on social media .the reaction to the comedy sketch reflected a growing view among law enforcement and victims ' advocacy groups that it is no laughing matter when a woman educator preys on her male students .\n", - "according to the u.s. department of education , female teachers who sexually assaulted students often got a pass in the pastattitudes have now changed and more are being prosecutedin u.s. schools last year , almost 800 school employees were prosecuted for sexual assault - nearly a third of them womennumbers are already slightly ahead this year for numbers of female school employees accused of inappropriate relationships with male students\n", - "[1.3318877 1.2832115 1.3178548 1.2447767 1.1790243 1.1356465 1.221123\n", - " 1.118746 1.0544015 1.0863569 1.0527885 1.0558387 1.0737098 1.0428281\n", - " 1.047665 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 3 6 4 5 7 9 12 11 8 10 14 13 15 16 17 18 19 20 21]\n", - "=======================\n", - "['facebook has two days to release all emails to a defense lawyer whose client has fled from criminal charges that he falsely claimed a majority ownership in the social media giant .ceglia has been on the run for a month after cutting off his electronic ankle bracelet .the documents requested include details relating to a contract with paul ceglia during an 18-month stretch beginning in 2003 .']\n", - "=======================\n", - "[\"paul ceglia on the run from criminal charges he falsely claimed ownershiphis family accused facebook and prosecutors of conspiring against himjudge said mark zuckerberg has two days to hand over all relevant emailsthe order ignores zuckerberg 's request to wait until ceglia is found\"]\n", - "facebook has two days to release all emails to a defense lawyer whose client has fled from criminal charges that he falsely claimed a majority ownership in the social media giant .ceglia has been on the run for a month after cutting off his electronic ankle bracelet .the documents requested include details relating to a contract with paul ceglia during an 18-month stretch beginning in 2003 .\n", - "paul ceglia on the run from criminal charges he falsely claimed ownershiphis family accused facebook and prosecutors of conspiring against himjudge said mark zuckerberg has two days to hand over all relevant emailsthe order ignores zuckerberg 's request to wait until ceglia is found\n", - "[1.4475431 1.189085 1.4307272 1.2407794 1.2709811 1.1034023 1.0167129\n", - " 1.0179344 1.0190536 1.2855006 1.1203289 1.0696666 1.0941169 1.0441151\n", - " 1.0765774 1.0214385 1.0083296 1.0089598 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 9 4 3 1 10 5 12 14 11 13 15 8 7 6 17 16 20 18 19 21]\n", - "=======================\n", - "[\"shocking : nyia parler , 41 , was taken into custody by authorities in montgomery county , maryland overnight saturday on charges she wheeled her quadriplegic son into woods in philadelphia then went to visit her boyfriendparler 's son , who is non-verbal and suffers from cerebral palsy , was found on friday night lying beneath a rain-soaked blanket and a pile of leaves on the ground , 10 feet from his wheelchair and the bible .the son was hospitalized with dehydration , malnutrition , a cut to his back and eye injuries .\"]\n", - "=======================\n", - "[\"nyia parler , 41 , allegedly left her 21-year-old son in woods on monday and traveled to maryland where she was taken into custody early sundayher son was found under rain-soaked pile of leaves on friday night and police say he would have died if passers-by had n't spotted himhe was lying on the ground 10 feet from his wheelchair and a bible\"]\n", - "shocking : nyia parler , 41 , was taken into custody by authorities in montgomery county , maryland overnight saturday on charges she wheeled her quadriplegic son into woods in philadelphia then went to visit her boyfriendparler 's son , who is non-verbal and suffers from cerebral palsy , was found on friday night lying beneath a rain-soaked blanket and a pile of leaves on the ground , 10 feet from his wheelchair and the bible .the son was hospitalized with dehydration , malnutrition , a cut to his back and eye injuries .\n", - "nyia parler , 41 , allegedly left her 21-year-old son in woods on monday and traveled to maryland where she was taken into custody early sundayher son was found under rain-soaked pile of leaves on friday night and police say he would have died if passers-by had n't spotted himhe was lying on the ground 10 feet from his wheelchair and a bible\n", - "[1.2245911 1.3545135 1.309824 1.3190953 1.181062 1.1729693 1.1407434\n", - " 1.024622 1.0210431 1.0588613 1.1006455 1.074981 1.1482842 1.0810245\n", - " 1.0120472 1.0273595 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 12 6 10 13 11 9 15 7 8 14 16 17 18]\n", - "=======================\n", - "[\"scientists have shown that using deep brain stimulation ( dbs ) , a technique already used to treat parkinson 's disease , can boost memory by causing new brain cells to be formed .a ` pacemaker ' fitted with electrodes is inserted into the brain through holes drilled in the skull .dementia could soon be treated with a ` brain pacemaker ' inserted directly into the skull , according to new research .\"]\n", - "=======================\n", - "[\"deep brain stimulation involves implanting electrodes inside the skulltechnique is already used to help treat diseases such as parkinson 'sscientists think it could help delay dementia by replenishing brain cells\"]\n", - "scientists have shown that using deep brain stimulation ( dbs ) , a technique already used to treat parkinson 's disease , can boost memory by causing new brain cells to be formed .a ` pacemaker ' fitted with electrodes is inserted into the brain through holes drilled in the skull .dementia could soon be treated with a ` brain pacemaker ' inserted directly into the skull , according to new research .\n", - "deep brain stimulation involves implanting electrodes inside the skulltechnique is already used to help treat diseases such as parkinson 'sscientists think it could help delay dementia by replenishing brain cells\n", - "[1.3316574 1.3452342 1.1278031 1.4015905 1.1622279 1.1440064 1.1387507\n", - " 1.103927 1.0370377 1.0374188 1.0722233 1.0245618 1.0298555 1.037032\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 4 5 6 2 7 10 9 8 13 12 11 14 15 16 17 18]\n", - "=======================\n", - "['myuran sukumaran ( left ) and andrew chan ( right ) will be given white clothing to wear and a choice whether to be blindfolded as they face the firing squad at the stoke of midnight on tuesdaythe chilling reenactment of how executions are carried out in indonesia which was broadcast to millions of viewers is set to become a brutal reality for andrew chan and myruan sukumaran .the final chilling steps to execution in indonesia']\n", - "=======================\n", - "[\"bali nine ringleaders will face the firing squad at midnight on tuesdayandrew chan and myruan sukumaran have requested their last wishesthe men will likely be executed at a place called nirbaya , aka ` death valley 'white clothing will be given to them to wear which represents the after lifea cross will be placed over their heart as a target for the riflementhey can choose to stand , sit or kneel before facing their demisethey are then given a maximum of three minutes to calm downthree shooters will have live rounds and nine other will have blanksif doctor confirms prisoner is still breathing - final shot fired to side of head\"]\n", - "myuran sukumaran ( left ) and andrew chan ( right ) will be given white clothing to wear and a choice whether to be blindfolded as they face the firing squad at the stoke of midnight on tuesdaythe chilling reenactment of how executions are carried out in indonesia which was broadcast to millions of viewers is set to become a brutal reality for andrew chan and myruan sukumaran .the final chilling steps to execution in indonesia\n", - "bali nine ringleaders will face the firing squad at midnight on tuesdayandrew chan and myruan sukumaran have requested their last wishesthe men will likely be executed at a place called nirbaya , aka ` death valley 'white clothing will be given to them to wear which represents the after lifea cross will be placed over their heart as a target for the riflementhey can choose to stand , sit or kneel before facing their demisethey are then given a maximum of three minutes to calm downthree shooters will have live rounds and nine other will have blanksif doctor confirms prisoner is still breathing - final shot fired to side of head\n", - "[1.4610397 1.431458 1.3147544 1.3635966 1.286634 1.0198528 1.0467433\n", - " 1.0263698 1.1085854 1.024685 1.0553445 1.0153276 1.0452993 1.0385602\n", - " 1.0461564 1.0996947 1.0416416 1.0489353 1.0384451]\n", - "\n", - "[ 0 1 3 2 4 8 15 10 17 6 14 12 16 13 18 7 9 5 11]\n", - "=======================\n", - "['diesel model winnie harlow , who suffers from vitiligo , the same rare skin condition that singer michael jackson was diagnosed with , has been pictured enjoying a cozy night on the town with albino fashion star shaun ross .the pair attended a launch event for popular magazine at siren studios in hollywood , california , on tuesday night , and were snapped holding hands while making their way into the venue .winnie , 19 , who was unveiled as one of the newest faces of fashion label diesel earlier this year , was wearing a short and simple black and gold mini dress , which she accessorized with a pair of gold strappy heels .']\n", - "=======================\n", - "['winnie , 19 , was diagnosed with the rare condition when she was four-years-oldcondition causes a lack of melanin which forms white patches on the skin']\n", - "diesel model winnie harlow , who suffers from vitiligo , the same rare skin condition that singer michael jackson was diagnosed with , has been pictured enjoying a cozy night on the town with albino fashion star shaun ross .the pair attended a launch event for popular magazine at siren studios in hollywood , california , on tuesday night , and were snapped holding hands while making their way into the venue .winnie , 19 , who was unveiled as one of the newest faces of fashion label diesel earlier this year , was wearing a short and simple black and gold mini dress , which she accessorized with a pair of gold strappy heels .\n", - "winnie , 19 , was diagnosed with the rare condition when she was four-years-oldcondition causes a lack of melanin which forms white patches on the skin\n", - "[1.519321 1.4071922 1.2088197 1.4084995 1.3815312 1.0370942 1.028284\n", - " 1.0364451 1.0437285 1.2154908 1.0266309 1.0088459 1.1166246 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 9 2 12 8 5 7 6 10 11 17 13 14 15 16 18]\n", - "=======================\n", - "[\"shay given will keep his place in aston villa 's side for the fa cup final at wembley against arsenal - and is putting brad guzan under pressure for the no 1 jersey in the premier league .guzan was said to be hurting after missing out on the semi-final victory over liverpool , but understood tim sherwood 's decision to keep faith in the competition with the republic of ireland goalkeeper .villa goalkeeper brad guzen lost out to given for the liverpool clash and is set to lose out again for the final\"]\n", - "=======================\n", - "['aston will face arsenal in the fa cup final at wembley on may 30shay given started for villa in their 2-1 semi-final victory against liverpoolvilla travel to the etihad to play manchester city on saturday']\n", - "shay given will keep his place in aston villa 's side for the fa cup final at wembley against arsenal - and is putting brad guzan under pressure for the no 1 jersey in the premier league .guzan was said to be hurting after missing out on the semi-final victory over liverpool , but understood tim sherwood 's decision to keep faith in the competition with the republic of ireland goalkeeper .villa goalkeeper brad guzen lost out to given for the liverpool clash and is set to lose out again for the final\n", - "aston will face arsenal in the fa cup final at wembley on may 30shay given started for villa in their 2-1 semi-final victory against liverpoolvilla travel to the etihad to play manchester city on saturday\n", - "[1.2362772 1.4970505 1.1927361 1.2110585 1.2376876 1.1203 1.0396051\n", - " 1.0995618 1.0242876 1.0284449 1.0574566 1.0597476 1.0500749 1.0464343\n", - " 1.1673672 1.062716 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 3 2 14 5 7 15 11 10 12 13 6 9 8 16 17 18]\n", - "=======================\n", - "[\"christien sechrist , a 20-year-old from houston , texas , had a black and white image of his young son perseus etched onto the left side of his head in july .bold statement : christien sechrist ( pictured ) has a large tattoo of his son 's portrait on his own faceand despite his critics ' negative reactions to his tribute tattoo , christien told buzzfeed that he does n't regret his decision to get the controversial ink , even claiming that he would happily get it done again .\"]\n", - "=======================\n", - "['christien sechrist , from houston , texas , made the decision to get the unique facial art in july last yearthe 20-year-old , who is studying to be an electrician , insists that the tattoo has not prevented him from holding down a job']\n", - "christien sechrist , a 20-year-old from houston , texas , had a black and white image of his young son perseus etched onto the left side of his head in july .bold statement : christien sechrist ( pictured ) has a large tattoo of his son 's portrait on his own faceand despite his critics ' negative reactions to his tribute tattoo , christien told buzzfeed that he does n't regret his decision to get the controversial ink , even claiming that he would happily get it done again .\n", - "christien sechrist , from houston , texas , made the decision to get the unique facial art in july last yearthe 20-year-old , who is studying to be an electrician , insists that the tattoo has not prevented him from holding down a job\n", - "[1.300167 1.4616553 1.2380738 1.2140706 1.2358499 1.2493811 1.1642656\n", - " 1.1487765 1.0769479 1.0586679 1.0648878 1.0690386 1.0279663 1.1320561\n", - " 1.0731021 1.0594305 1.0285213 1.0228114 1.0299205]\n", - "\n", - "[ 1 0 5 2 4 3 6 7 13 8 14 11 10 15 9 18 16 12 17]\n", - "=======================\n", - "[\"bob shannon , 59 , helped prepare hatton for his comeback fight against vyacheslav senchenko in november 2012 , which the former two-weight world champion lost and promptly retired .ricky hatton 's former trainer has been charged with sexually assaulting a girl under the age of 16 .the manchester-based trainer 's stable includes hatton 's brother , matthew , the european welterweight champion , and fighters who have won british and european titles .\"]\n", - "=======================\n", - "['boxing trainer bob shannon has been charged with sexual assaultshannon is best known for training ricky hatton in 2012hatton lost their only fight together against vyacheslav senchenko in 2012shannon will appear before magistrates in manchester next week']\n", - "bob shannon , 59 , helped prepare hatton for his comeback fight against vyacheslav senchenko in november 2012 , which the former two-weight world champion lost and promptly retired .ricky hatton 's former trainer has been charged with sexually assaulting a girl under the age of 16 .the manchester-based trainer 's stable includes hatton 's brother , matthew , the european welterweight champion , and fighters who have won british and european titles .\n", - "boxing trainer bob shannon has been charged with sexual assaultshannon is best known for training ricky hatton in 2012hatton lost their only fight together against vyacheslav senchenko in 2012shannon will appear before magistrates in manchester next week\n", - "[1.1267407 1.1038336 1.3180788 1.2560833 1.1329932 1.1677475 1.2081592\n", - " 1.1131955 1.1432724 1.1154276 1.0878227 1.0846026 1.044666 1.0367876\n", - " 1.0645797 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 6 5 8 4 0 9 7 1 10 11 14 12 13 17 15 16 18]\n", - "=======================\n", - "['with tornadoes touching down near dallas on sunday , ryan shepard snapped a photo of a black cloud formation reaching down to the ground .he said it was a tornado .it could have been one the national weather service warned about in a tweet as severe thunderstorms drenched the area , causing street flooding .']\n", - "=======================\n", - "['surveyors did not check for damage or casualties overnight due to bad weatherthe national weather service sent tweets warning of a large tornadoa resident snapped a photo of what could be a very large tornado']\n", - "with tornadoes touching down near dallas on sunday , ryan shepard snapped a photo of a black cloud formation reaching down to the ground .he said it was a tornado .it could have been one the national weather service warned about in a tweet as severe thunderstorms drenched the area , causing street flooding .\n", - "surveyors did not check for damage or casualties overnight due to bad weatherthe national weather service sent tweets warning of a large tornadoa resident snapped a photo of what could be a very large tornado\n", - "[1.1447117 1.0636153 1.4297192 1.1954045 1.2301283 1.1398013 1.1406516\n", - " 1.097565 1.0659657 1.0455662 1.0609963 1.0748786 1.0660698 1.0265797\n", - " 1.0213499 1.0573022 0. 0. 0. ]\n", - "\n", - "[ 2 4 3 0 6 5 7 11 12 8 1 10 15 9 13 14 17 16 18]\n", - "=======================\n", - "[\"in 2003 , when the massachusetts supreme court became the country 's first to legalize same-sex marriage , less than 30 % of religiously affiliated americans supported gays ' and lesbians ' right to wed. .that 's more than the 45 % who said they opposed same-sex nuptials .by 2014 , that number had climbed to 47 % , according to a survey conducted by the public religion research institute .\"]\n", - "=======================\n", - "['there are now more people of faith who favor marriage equality than stand against it , according to a new pollif the u.s. supreme court has been paying attention , it likely saw this trend coming']\n", - "in 2003 , when the massachusetts supreme court became the country 's first to legalize same-sex marriage , less than 30 % of religiously affiliated americans supported gays ' and lesbians ' right to wed. .that 's more than the 45 % who said they opposed same-sex nuptials .by 2014 , that number had climbed to 47 % , according to a survey conducted by the public religion research institute .\n", - "there are now more people of faith who favor marriage equality than stand against it , according to a new pollif the u.s. supreme court has been paying attention , it likely saw this trend coming\n", - "[1.5123374 1.5150144 1.0913514 1.4299527 1.050594 1.0215472 1.030526\n", - " 1.1981337 1.0442722 1.2160792 1.0654583 1.0267807 1.0156243 1.0923002\n", - " 1.1616302 1.1058266 1.0374924 1.0103414 0. ]\n", - "\n", - "[ 1 0 3 9 7 14 15 13 2 10 4 8 16 6 11 5 12 17 18]\n", - "=======================\n", - "[\"sharapova has been forced to pull out of russia 's semi-final against germany in sochi with a leg injury , the russian tennis federation said on tuesday . 'maria sharapova and venus williams have both withdrawn from their countries ' respective fed cup ties this weekend .anastasia myskina is the russia fed cup captain\"]\n", - "=======================\n", - "['maria sharapova has been forced to withdraw with a leg injuryrussia host germany in the fed cup semi-finals in sochi this weekendvenus williams has also pulled out because of a personal matterthe usa travel to face italy in a world group play-off in brindisi']\n", - "sharapova has been forced to pull out of russia 's semi-final against germany in sochi with a leg injury , the russian tennis federation said on tuesday . 'maria sharapova and venus williams have both withdrawn from their countries ' respective fed cup ties this weekend .anastasia myskina is the russia fed cup captain\n", - "maria sharapova has been forced to withdraw with a leg injuryrussia host germany in the fed cup semi-finals in sochi this weekendvenus williams has also pulled out because of a personal matterthe usa travel to face italy in a world group play-off in brindisi\n", - "[1.6375747 1.4801562 1.106086 1.3099792 1.054577 1.0254883 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 5 16 15 14 13 12 9 10 17 8 7 6 11 18]\n", - "=======================\n", - "[\"huddersfield forward jacob fairbank is set for a lengthy spell on the sidelines after fracturing his ankle and suffering ligament damage while on loan at halifax .the 25-year-old was injured in halifax 's victory over hunslet on easter monday and subsequent scans have left him facing an extensive rehabilitation period .giants managing director richard thewlis told giantsrl.com : ` it 's another bad blow for bobby who remains one of our most popular squad members .\"]\n", - "=======================\n", - "[\"jacob fairbank injured his ankle while on loan at halifaxhuddersfield forward faces lengthy spell on the sidelines following scansgiants managing director richard thewlis said ` it 's another bad blow '\"]\n", - "huddersfield forward jacob fairbank is set for a lengthy spell on the sidelines after fracturing his ankle and suffering ligament damage while on loan at halifax .the 25-year-old was injured in halifax 's victory over hunslet on easter monday and subsequent scans have left him facing an extensive rehabilitation period .giants managing director richard thewlis told giantsrl.com : ` it 's another bad blow for bobby who remains one of our most popular squad members .\n", - "jacob fairbank injured his ankle while on loan at halifaxhuddersfield forward faces lengthy spell on the sidelines following scansgiants managing director richard thewlis said ` it 's another bad blow '\n", - "[1.3107257 1.4246497 1.1398034 1.4202511 1.2948047 1.2250156 1.0352955\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 5 2 6 14 13 12 11 8 9 15 7 10 16]\n", - "=======================\n", - "[\"the kings are signing bhullar to a 10-day contract that will make him the league 's first player of indian descent , a person with knowledge of the deal said on wednesday .sim bhullar and the sacramento kings are about to make nba history .the 7-foot-5 , 360-pound bhullar is being called up from the team 's nba development league affiliate , the reno bighorns .\"]\n", - "=======================\n", - "[\"sim bhullar is set to sign a 10-day contract with the sacramento kingsthe 22-year-old will become the nba 's first player of indian descentbhullar will be on the roster when the kings host new orleans pelicans\"]\n", - "the kings are signing bhullar to a 10-day contract that will make him the league 's first player of indian descent , a person with knowledge of the deal said on wednesday .sim bhullar and the sacramento kings are about to make nba history .the 7-foot-5 , 360-pound bhullar is being called up from the team 's nba development league affiliate , the reno bighorns .\n", - "sim bhullar is set to sign a 10-day contract with the sacramento kingsthe 22-year-old will become the nba 's first player of indian descentbhullar will be on the roster when the kings host new orleans pelicans\n", - "[1.2395331 1.5193421 1.2660425 1.4862782 1.302856 1.0655974 1.0344974\n", - " 1.0286855 1.122257 1.0341058 1.0572966 1.0766941 1.0227784 1.0163766\n", - " 1.0211056 1.0273589 1.0115423]\n", - "\n", - "[ 1 3 4 2 0 8 11 5 10 6 9 7 15 12 14 13 16]\n", - "=======================\n", - "['remy dufrene , 3 , of raceland , louisiana , was in the kitchen with his grandmother when he ran out the back door as she was pouring him a glass of milk .remy dufrene ( above ) drowned after falling into a drainage ditch tuesday afternoonthe old woman tried to chase after the young boy , but soon after there was a loud scream as he fell into the drainage ditch .']\n", - "=======================\n", - "[\"remy dufrene of raceland , louisiana drowned after falling into a drainage ditch tuesday afternoonthis after the toddler , 3 , ran away from his grandmother who could not catch up with himhis father searched for the boy 's body but it took him 15 minutes to find his sonthe ditch is almost always dry according to the family , but was filled with water because of the recent rain in the area\"]\n", - "remy dufrene , 3 , of raceland , louisiana , was in the kitchen with his grandmother when he ran out the back door as she was pouring him a glass of milk .remy dufrene ( above ) drowned after falling into a drainage ditch tuesday afternoonthe old woman tried to chase after the young boy , but soon after there was a loud scream as he fell into the drainage ditch .\n", - "remy dufrene of raceland , louisiana drowned after falling into a drainage ditch tuesday afternoonthis after the toddler , 3 , ran away from his grandmother who could not catch up with himhis father searched for the boy 's body but it took him 15 minutes to find his sonthe ditch is almost always dry according to the family , but was filled with water because of the recent rain in the area\n", - "[1.5131348 1.30987 1.1118209 1.4320366 1.2197971 1.1915727 1.0414368\n", - " 1.0294198 1.2262058 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 8 4 5 2 6 7 15 9 10 11 12 13 14 16]\n", - "=======================\n", - "[\"formula one star jenson button completed the london marathon with an impressive time of two hours , 52 minutes and 30 seconds .the 35-year-old mclaren driver told the bbc he was ` chuffed to bits ' with his performance , but joked he was disappointed to finish behind former olympic rower james cracknell .button was running on behalf of cancer research and described his experience as ` really really emotional '\"]\n", - "=======================\n", - "[\"mclaren driver jenson button ran the london marathon 2015he finished with a time of 2 hours 52 minutes and 30 secondsbutton praised the ` amazing atmosphere ' and collective spirit of the runners at the event\"]\n", - "formula one star jenson button completed the london marathon with an impressive time of two hours , 52 minutes and 30 seconds .the 35-year-old mclaren driver told the bbc he was ` chuffed to bits ' with his performance , but joked he was disappointed to finish behind former olympic rower james cracknell .button was running on behalf of cancer research and described his experience as ` really really emotional '\n", - "mclaren driver jenson button ran the london marathon 2015he finished with a time of 2 hours 52 minutes and 30 secondsbutton praised the ` amazing atmosphere ' and collective spirit of the runners at the event\n", - "[1.3194665 1.4083906 1.1123182 1.3313642 1.2215836 1.2140934 1.0910875\n", - " 1.1267436 1.0272262 1.0528582 1.0445521 1.0200391 1.0579715 1.026699\n", - " 1.1239814 1.0358406 0. ]\n", - "\n", - "[ 1 3 0 4 5 7 14 2 6 12 9 10 15 8 13 11 16]\n", - "=======================\n", - "[\"crew aboard sea shepherd vessel bob barker , which had been pursuing the ruined vessel named thunder for 110 days in an effort to stop alleged poaching activities in antarctic waters , found themselves taking on the role of saviours when the boat 's distress signals were sounded .thunder , one of six vessels known to illegally fish vulnerable toothfish in the southern ocean , sunk off the coast of africa on mondaythunder 's sinking is believed to be another deliberate move by the vessel to hide evidence of any illegal activities .\"]\n", - "=======================\n", - "[\"conservationist group saved fishing ship 's crew as boat sank on mondaygroup 's bob barker was chasing the ship collecting ` evidence of poaching '40 crew were rescused as fishing ship thunder sank off the coast of africabob barker captain said thunder skipper cheered as his boat went downpeter hammarstedt said scuttling would destroy evidence of poaching\"]\n", - "crew aboard sea shepherd vessel bob barker , which had been pursuing the ruined vessel named thunder for 110 days in an effort to stop alleged poaching activities in antarctic waters , found themselves taking on the role of saviours when the boat 's distress signals were sounded .thunder , one of six vessels known to illegally fish vulnerable toothfish in the southern ocean , sunk off the coast of africa on mondaythunder 's sinking is believed to be another deliberate move by the vessel to hide evidence of any illegal activities .\n", - "conservationist group saved fishing ship 's crew as boat sank on mondaygroup 's bob barker was chasing the ship collecting ` evidence of poaching '40 crew were rescused as fishing ship thunder sank off the coast of africabob barker captain said thunder skipper cheered as his boat went downpeter hammarstedt said scuttling would destroy evidence of poaching\n", - "[1.3778781 1.4502165 1.4255264 1.1673651 1.2425711 1.2598848 1.1090348\n", - " 1.041147 1.0841658 1.020656 1.0374256 1.0446757 1.0419457 1.0594333\n", - " 1.0301074 1.0164082 1.0160125]\n", - "\n", - "[ 1 2 0 5 4 3 6 8 13 11 12 7 10 14 9 15 16]\n", - "=======================\n", - "['hardy , who signed with the dallas cowboys last month , will be forced to sit out the first 10 games of the season and will not receive his salary for these games .this comes almost one year after hardy , 25 , was convicted by a judge in charlotte , north carolina of beating , strangling and threatening to kill his ex-girlfriend , nicki holder .greg hardy has been suspended by the nfl after an incident of domestic abuse that allegedly occurred last year .']\n", - "=======================\n", - "[\"the nfl announced today that greg hardy would be suspended without pay for 10 games at the start of the 2015 seasonhardy was convicted by a judge in july of beating , strangling and threatening to kill ex-girlfriend nicki holderholder told police that hardy choked her , slammed her against a bathtub , threw her to the floor and threatened to kill her after a fight at his condocharges were eventually dropped after holder could not be located when hardy 's lawyers appealed the decision and asked for a jury trialhe was forced to leave the carolina panthers as a result of these charges last season , but still collected his salary of roughly $ 770,000 a week\"]\n", - "hardy , who signed with the dallas cowboys last month , will be forced to sit out the first 10 games of the season and will not receive his salary for these games .this comes almost one year after hardy , 25 , was convicted by a judge in charlotte , north carolina of beating , strangling and threatening to kill his ex-girlfriend , nicki holder .greg hardy has been suspended by the nfl after an incident of domestic abuse that allegedly occurred last year .\n", - "the nfl announced today that greg hardy would be suspended without pay for 10 games at the start of the 2015 seasonhardy was convicted by a judge in july of beating , strangling and threatening to kill ex-girlfriend nicki holderholder told police that hardy choked her , slammed her against a bathtub , threw her to the floor and threatened to kill her after a fight at his condocharges were eventually dropped after holder could not be located when hardy 's lawyers appealed the decision and asked for a jury trialhe was forced to leave the carolina panthers as a result of these charges last season , but still collected his salary of roughly $ 770,000 a week\n", - "[1.2029824 1.322304 1.2050784 1.3410306 1.1468434 1.158459 1.0673493\n", - " 1.1162059 1.0722106 1.1076069 1.0486282 1.0240618 1.0188297 1.0223615\n", - " 1.0344201 1.0400965 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 0 5 4 7 9 8 6 10 15 14 11 13 12 18 16 17 19]\n", - "=======================\n", - "[\"researchers creates a model ` hybrid spreading ' which accurately predicted patients ' progression from hiv to aids in a major clinical trial - and say the spread was similar to a computer virushiv specialists and network security experts at university college london ( ucl ) made the disovery after creating a simulation of how the virus spreadsa new model for hiv progression shows that it spreads in a similar way to some computer ` worms ' .\"]\n", - "=======================\n", - "[\"new model accurately predicted patients ' progression from hiv to aidsinspired by similarities between hiv and computer worms such as the highly damaging ` conficker ' worm , first detected in 2008model found early treatment is key to staving off aids\"]\n", - "researchers creates a model ` hybrid spreading ' which accurately predicted patients ' progression from hiv to aids in a major clinical trial - and say the spread was similar to a computer virushiv specialists and network security experts at university college london ( ucl ) made the disovery after creating a simulation of how the virus spreadsa new model for hiv progression shows that it spreads in a similar way to some computer ` worms ' .\n", - "new model accurately predicted patients ' progression from hiv to aidsinspired by similarities between hiv and computer worms such as the highly damaging ` conficker ' worm , first detected in 2008model found early treatment is key to staving off aids\n", - "[1.2226136 1.4427888 1.2544318 1.2343138 1.1082768 1.1181988 1.0598385\n", - " 1.2625519 1.1534758 1.1149325 1.1009821 1.0392604 1.0684892 1.1300906\n", - " 1.1087136 1.0516845 1.0447594 1.0448585 1.0411277 1.0054257]\n", - "\n", - "[ 1 7 2 3 0 8 13 5 9 14 4 10 12 6 15 17 16 18 11 19]\n", - "=======================\n", - "[\"the 52-year-old has been free on bail since march , when he was charged with sexually and indecently assaulting two 12-year-old boys at schools in sydney more than 25 years ago .the former child safety officer with education queensland has been charged with ten counts of sex offencesbrett anthony o'connor 's lawyer , phillip mulherin , applied for a suppression order in the tweed heads local court on monday .\"]\n", - "=======================\n", - "[\"a magistrate has refused a media ban on the trial of a sex offenderbrett anthony o'connor is the former head of child safety at education queenslandhe was arrested in march for indecently assaulting two sydney school boys more than 25 years agopolice allege they occurred in 1987 and 1989he has been suspended from his job at education queensland\"]\n", - "the 52-year-old has been free on bail since march , when he was charged with sexually and indecently assaulting two 12-year-old boys at schools in sydney more than 25 years ago .the former child safety officer with education queensland has been charged with ten counts of sex offencesbrett anthony o'connor 's lawyer , phillip mulherin , applied for a suppression order in the tweed heads local court on monday .\n", - "a magistrate has refused a media ban on the trial of a sex offenderbrett anthony o'connor is the former head of child safety at education queenslandhe was arrested in march for indecently assaulting two sydney school boys more than 25 years agopolice allege they occurred in 1987 and 1989he has been suspended from his job at education queensland\n", - "[1.3966374 1.1975852 1.2413402 1.2911925 1.1772727 1.0321964 1.0869591\n", - " 1.089377 1.1488101 1.0881766 1.057034 1.0919667 1.165051 1.0579402\n", - " 1.040094 1.03146 1.0517327 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 4 12 8 11 7 9 6 13 10 16 14 5 15 17 18 19]\n", - "=======================\n", - "['saudi prince alwaleed bin talal has pledged to give 100 bentleys to saudi pilots who took part in air strikes against rebels advancing in yemensaudi arabian forces launched air strikes on yemen a month ago to stop advances from the shiite houthi rebels , who are allied with iran and previously overthrew the saudi-backed government .a saudi prince has promised to give a free bentley to every pilot involved in the yemen air strikes , as bombing raids in the country appeared to resume despite a pledge that they would stop .']\n", - "=======================\n", - "['air strikes were launched by saudi forces a month ago against rebelssaudi forces have focused on beating back shiite houthi rebels in yemenprince alwaleed bin talal pledged bentleys for pilots involved in bombingshe made pledge on wednesday after bombing raids appeared to resume , despite an official announcement that they would be halted last night']\n", - "saudi prince alwaleed bin talal has pledged to give 100 bentleys to saudi pilots who took part in air strikes against rebels advancing in yemensaudi arabian forces launched air strikes on yemen a month ago to stop advances from the shiite houthi rebels , who are allied with iran and previously overthrew the saudi-backed government .a saudi prince has promised to give a free bentley to every pilot involved in the yemen air strikes , as bombing raids in the country appeared to resume despite a pledge that they would stop .\n", - "air strikes were launched by saudi forces a month ago against rebelssaudi forces have focused on beating back shiite houthi rebels in yemenprince alwaleed bin talal pledged bentleys for pilots involved in bombingshe made pledge on wednesday after bombing raids appeared to resume , despite an official announcement that they would be halted last night\n", - "[1.3647788 1.4595325 1.1428108 1.0909127 1.432431 1.2890418 1.1394004\n", - " 1.0238945 1.0212431 1.0226707 1.0231442 1.0138123 1.019395 1.0844752\n", - " 1.1213373 1.1254419 1.1085691 1.0339104 1.0145881 0. ]\n", - "\n", - "[ 1 4 0 5 2 6 15 14 16 3 13 17 7 10 9 8 12 18 11 19]\n", - "=======================\n", - "[\"finn was overlooked for the west indies tour , but has spent time since the world cup working on his run-up -- and watching videos of his best spells as a reminder of why he became the youngest english bowler to take 50 test wickets .steven finn believes he 's regained his previous best form and is ready to push for an england placefinn admits he 's ` had my trials and tribulations over the last 12 months ' but he 's got his ` head straight '\"]\n", - "=======================\n", - "[\"steven finn was left out of the england squad for the west indies tourthe middlesex quick bowler has regained form after a tough 12 monthsfinn said he 's back to bowling like he was as ' a carefree 21-year-old 'his last of 23 test caps came for england back in 2013\"]\n", - "finn was overlooked for the west indies tour , but has spent time since the world cup working on his run-up -- and watching videos of his best spells as a reminder of why he became the youngest english bowler to take 50 test wickets .steven finn believes he 's regained his previous best form and is ready to push for an england placefinn admits he 's ` had my trials and tribulations over the last 12 months ' but he 's got his ` head straight '\n", - "steven finn was left out of the england squad for the west indies tourthe middlesex quick bowler has regained form after a tough 12 monthsfinn said he 's back to bowling like he was as ' a carefree 21-year-old 'his last of 23 test caps came for england back in 2013\n", - "[1.2539557 1.3583416 1.1709684 1.0833808 1.2826501 1.265876 1.0242821\n", - " 1.0311441 1.1705632 1.061439 1.0788053 1.1559092 1.0613362 1.049944\n", - " 1.0378728 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 5 0 2 8 11 3 10 9 12 13 14 7 6 15 16 17 18 19]\n", - "=======================\n", - "['the five kilogram sculpture is made from 75 per cent tanzania origin chocolate , contains a staggering 548,000 calories ... and has two solitaire diamonds for eyes ( which account for over $ 48,000 of the price tag )according to new research conducted by colgate , australian families will consumer 124.3 million easter treats this year over the holiday period .edible artwork : victorian chocolatier xocolate have created chocolate masterpieces inspired by renowned artists including jackson pollock ( left ) and banksy ( right ) using fairtrade chocolate']\n", - "=======================\n", - "[\"australian families will consume 124.3 million chocolate treats this eastersome of the quirkiest desserts on sale include a $ 275 chocolate bunny and a ` topiary tree ' made up of 85 solid chocolate eggsmost expensive treat in the world is a $ 64k bunny with diamond eyes in uk\"]\n", - "the five kilogram sculpture is made from 75 per cent tanzania origin chocolate , contains a staggering 548,000 calories ... and has two solitaire diamonds for eyes ( which account for over $ 48,000 of the price tag )according to new research conducted by colgate , australian families will consumer 124.3 million easter treats this year over the holiday period .edible artwork : victorian chocolatier xocolate have created chocolate masterpieces inspired by renowned artists including jackson pollock ( left ) and banksy ( right ) using fairtrade chocolate\n", - "australian families will consume 124.3 million chocolate treats this eastersome of the quirkiest desserts on sale include a $ 275 chocolate bunny and a ` topiary tree ' made up of 85 solid chocolate eggsmost expensive treat in the world is a $ 64k bunny with diamond eyes in uk\n", - "[1.2935538 1.2011192 1.152134 1.3012056 1.1319268 1.1264702 1.1004801\n", - " 1.0682518 1.1988618 1.0905195 1.0509901 1.0734217 1.0888393 1.083295\n", - " 1.0459442 1.0535291 1.052144 1.0665827 1.0259047 0. ]\n", - "\n", - "[ 3 0 1 8 2 4 5 6 9 12 13 11 7 17 15 16 10 14 18 19]\n", - "=======================\n", - "['isis fighter jannahtain tweeted this picture of a burger king whopper , which he claimed had been snuck into syria from turkeybritish jihadis have posted pictures of junk food and drinks such as burger king , pringles and mojitos which they have had carried across the turkish border into syria .would-be fighters are bringing the items across the border as they travel to join those currently waging jihadi across syria and iraq , who are desperately missing the western treats .']\n", - "=======================\n", - "[\"isis fighters have posted pictures on social media of western junk foodwould-be fighters are bringing burgers and crisps with them from turkeyother photos show chocolates , oreos and even cans of pre-mixed mojitosthey 've been rebuked for eating food some clerics consider forbidden\"]\n", - "isis fighter jannahtain tweeted this picture of a burger king whopper , which he claimed had been snuck into syria from turkeybritish jihadis have posted pictures of junk food and drinks such as burger king , pringles and mojitos which they have had carried across the turkish border into syria .would-be fighters are bringing the items across the border as they travel to join those currently waging jihadi across syria and iraq , who are desperately missing the western treats .\n", - "isis fighters have posted pictures on social media of western junk foodwould-be fighters are bringing burgers and crisps with them from turkeyother photos show chocolates , oreos and even cans of pre-mixed mojitosthey 've been rebuked for eating food some clerics consider forbidden\n", - "[1.178271 1.0941678 1.0772699 1.0554901 1.0826645 1.1836652 1.1174887\n", - " 1.0425802 1.0692992 1.075293 1.2678778 1.0891905 1.0323919 1.0575839\n", - " 1.0643588 1.076315 1.0529311 1.0505645 1.0203252 0. ]\n", - "\n", - "[10 5 0 6 1 11 4 2 15 9 8 14 13 3 16 17 7 12 18 19]\n", - "=======================\n", - "[\"alexis sanchez 's low shot squirmed agonisingly through the legs of reading goalkeeper adam federici in extra timereading , still struggling to avoid relegation to league one , had performed heroically to push arsenal into extra-time in this fa cup semi-final and federici had pulled off a series of stunning saves to keep the sides level at 1-1 but the australian goalkeeper guessed there would be no way back now .adam federici lay inert on the turf for a moment .\"]\n", - "=======================\n", - "[\"alexis sanchez scored after 39 minutes following some clever play by mesut ozil for arsenalgareth mccleary 's shot was deflected over the line on 54 as reading hauled themselves levelsanchez struck again before half time in extra time when his shot squirmed through adam federici 's legs\"]\n", - "alexis sanchez 's low shot squirmed agonisingly through the legs of reading goalkeeper adam federici in extra timereading , still struggling to avoid relegation to league one , had performed heroically to push arsenal into extra-time in this fa cup semi-final and federici had pulled off a series of stunning saves to keep the sides level at 1-1 but the australian goalkeeper guessed there would be no way back now .adam federici lay inert on the turf for a moment .\n", - "alexis sanchez scored after 39 minutes following some clever play by mesut ozil for arsenalgareth mccleary 's shot was deflected over the line on 54 as reading hauled themselves levelsanchez struck again before half time in extra time when his shot squirmed through adam federici 's legs\n", - "[1.3163544 1.3505158 1.2490841 1.3298088 1.0847715 1.1896198 1.1213951\n", - " 1.1690391 1.1171463 1.0604619 1.0405649 1.0579534 1.0508622 1.0828018\n", - " 1.0805991 1.0595534 1.0233911 1.0258259 0. 0. ]\n", - "\n", - "[ 1 3 0 2 5 7 6 8 4 13 14 9 15 11 12 10 17 16 18 19]\n", - "=======================\n", - "[\"the rescue mission was captured on camera and features mr cowell , who runs the wildlife aid foundation in leatherhead , surrey , travelling to the cub 's location in his car .the young fox cub had been stuck for around 40 minutes and was in desperate need of being set freean adorable fox cub trapped in a garden fence was set free by a wildlife expert named simon cowell .\"]\n", - "=======================\n", - "['the head of the wildlife aid foundation in surrey rescued the foxfox had been stuck for 40 minutes and was unable to move aroundmr cowell distracts it with a stick and then lifts cub out of the fencefox is released back into the wild and heads off home to its mother']\n", - "the rescue mission was captured on camera and features mr cowell , who runs the wildlife aid foundation in leatherhead , surrey , travelling to the cub 's location in his car .the young fox cub had been stuck for around 40 minutes and was in desperate need of being set freean adorable fox cub trapped in a garden fence was set free by a wildlife expert named simon cowell .\n", - "the head of the wildlife aid foundation in surrey rescued the foxfox had been stuck for 40 minutes and was unable to move aroundmr cowell distracts it with a stick and then lifts cub out of the fencefox is released back into the wild and heads off home to its mother\n", - "[1.0843109 1.4020483 1.4482296 1.247998 1.0993317 1.207219 1.0295435\n", - " 1.0264336 1.0314033 1.1876719 1.0485587 1.0715284 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 5 9 4 0 11 10 8 6 7 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"a recent study of four major discount retailers in the united states by the ecology centre found that 133 out of 164 products tested , including children 's jewellery , floor mats , kitchen utensils and silly straws , contained at least one hazardous chemical ` above levels of concern ' .from bargain bath mats and kitchen utensils to fun knick-knacks like silly straws and children 's stick-on jewellery , hundreds of products sold at discount retailers have been found to contain toxic levels of harmful metals , plastics and chemicals that have been linked to cancers and diseases .australian author and ceo of the australian college of environmental studies nicole bijlsma said the chemicals in these products are easily absorbed through ingestion and skin\"]\n", - "=======================\n", - "[\"over 100 items including children 's jewellery , floor mats , kitchen utensils and silly straws contained either harmful plastics , metals or chemicalsmany of the chemicals can be absorbed through ingestion and skin exposure , with children at risk due to their very high hand to mouth ratioa study of four discount retailers in the us found 81 % of the products tested contained at least one hazardous chemical ` above levels of concern 'ceo of australian college of environmental studies , nicole bijlsma , said the accc 's active chemical inspection program was ` not good enough '\"]\n", - "a recent study of four major discount retailers in the united states by the ecology centre found that 133 out of 164 products tested , including children 's jewellery , floor mats , kitchen utensils and silly straws , contained at least one hazardous chemical ` above levels of concern ' .from bargain bath mats and kitchen utensils to fun knick-knacks like silly straws and children 's stick-on jewellery , hundreds of products sold at discount retailers have been found to contain toxic levels of harmful metals , plastics and chemicals that have been linked to cancers and diseases .australian author and ceo of the australian college of environmental studies nicole bijlsma said the chemicals in these products are easily absorbed through ingestion and skin\n", - "over 100 items including children 's jewellery , floor mats , kitchen utensils and silly straws contained either harmful plastics , metals or chemicalsmany of the chemicals can be absorbed through ingestion and skin exposure , with children at risk due to their very high hand to mouth ratioa study of four discount retailers in the us found 81 % of the products tested contained at least one hazardous chemical ` above levels of concern 'ceo of australian college of environmental studies , nicole bijlsma , said the accc 's active chemical inspection program was ` not good enough '\n", - "[1.5548694 1.1532001 1.112684 1.2772397 1.2849731 1.1844814 1.0391233\n", - " 1.0799263 1.1347542 1.0289674 1.0184203 1.0143434 1.0179111 1.0248355\n", - " 1.0140892 1.210113 1.0697815 1.0545732 1.0399884 1.0336694]\n", - "\n", - "[ 0 4 3 15 5 1 8 2 7 16 17 18 6 19 9 13 10 12 11 14]\n", - "=======================\n", - "[\"frankie dettori made it six winners in four days as well as three flying dismounts with a treble at newbury on saturday centred around a neck success on charlie hills-trained greenham stakes winner muhaarar .dettori rides mr singh to win the al basti equiworld maiden stakes at newbury racecoursethursday 's announcement that dettori 's boss sheik joaan al thani had signed up gregory benoist to ride the french-based horses in his expanding string , means the 44-year-old italian can concentrate on britain .\"]\n", - "=======================\n", - "['frankie dettori made it six winners in four days at newbury on saturdaydettori rode a 441-1 treble complete with famous flying dismountsitalian rode charlie hills-trained greenham stakes winner muhaararearlier in week it was confirmed dettori would concentrate in british racing']\n", - "frankie dettori made it six winners in four days as well as three flying dismounts with a treble at newbury on saturday centred around a neck success on charlie hills-trained greenham stakes winner muhaarar .dettori rides mr singh to win the al basti equiworld maiden stakes at newbury racecoursethursday 's announcement that dettori 's boss sheik joaan al thani had signed up gregory benoist to ride the french-based horses in his expanding string , means the 44-year-old italian can concentrate on britain .\n", - "frankie dettori made it six winners in four days at newbury on saturdaydettori rode a 441-1 treble complete with famous flying dismountsitalian rode charlie hills-trained greenham stakes winner muhaararearlier in week it was confirmed dettori would concentrate in british racing\n", - "[1.3305049 1.2123053 1.2497553 1.2852688 1.1165582 1.0755569 1.0675877\n", - " 1.0588719 1.1202447 1.0253053 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 8 4 5 6 7 9 18 17 16 15 10 13 12 11 19 14 20]\n", - "=======================\n", - "[\"( cnn ) a jury of rolling stone 's media peers has dissected the magazine 's disastrous , discredited story about rape on the campus of the university of virginia , and the emerging consensus is that rolling stone 's lapses and sloppy blunders amount to journalistic malpractice -- made all the worse by the magazine 's head-in-the sand reaction to the thorough , devastating report released by a panel of investigators from the columbia university graduate school of journalism .rolling stone writer erdely never verified the identity of the attacker and therefore never confronted him with the allegations ; she never spoke to three of jackie 's friends who allegedly talked with jackie immediately after the attack , and she never gave the fraternity a fair chance to respond , refusing to provide specific information about what happened and when .the horrific allegations sparked protests against the fraternity , a police investigation , the temporary suspension of all fraternities at the school and a nationwide debate about the prevalence of sexual violence on college campuses .\"]\n", - "=======================\n", - "[\"columbia journalism school team finds major lapses in rolling stone 's university of virginia rape storyerrol louis : incredibly , the magazine is n't holding its staff accountable or changing procedures\"]\n", - "( cnn ) a jury of rolling stone 's media peers has dissected the magazine 's disastrous , discredited story about rape on the campus of the university of virginia , and the emerging consensus is that rolling stone 's lapses and sloppy blunders amount to journalistic malpractice -- made all the worse by the magazine 's head-in-the sand reaction to the thorough , devastating report released by a panel of investigators from the columbia university graduate school of journalism .rolling stone writer erdely never verified the identity of the attacker and therefore never confronted him with the allegations ; she never spoke to three of jackie 's friends who allegedly talked with jackie immediately after the attack , and she never gave the fraternity a fair chance to respond , refusing to provide specific information about what happened and when .the horrific allegations sparked protests against the fraternity , a police investigation , the temporary suspension of all fraternities at the school and a nationwide debate about the prevalence of sexual violence on college campuses .\n", - "columbia journalism school team finds major lapses in rolling stone 's university of virginia rape storyerrol louis : incredibly , the magazine is n't holding its staff accountable or changing procedures\n", - "[1.2017674 1.4844728 1.3863881 1.3753407 1.317962 1.1561759 1.0688655\n", - " 1.039205 1.0137297 1.0272298 1.0482537 1.0257351 1.0361605 1.0263605\n", - " 1.1168722 1.0372597 1.0126235 1.0190452 1.0210855 1.0236439 1.0169107]\n", - "\n", - "[ 1 2 3 4 0 5 14 6 10 7 15 12 9 13 11 19 18 17 20 8 16]\n", - "=======================\n", - "[\"james creag , 11 , is so sick of being taunted that he has stopped putting on the special cream - meaning that it is not safe for him to go outside .he suffers from the condition erythropoietic protoporphyria , whose victims are nicknamed ` real-life vampires ' because their skin can not be exposed to direct sunlight .a schoolboy with a rare illness which means he is allergic to sunlight has been racially abused in the street because of the brown suncream he has to wear .\"]\n", - "=======================\n", - "['james creag suffers from rare condition erythropoietic protoporphyriahe wears a thick brown sunscream to block out harmful rays which would leave him in agonybut after strangers taunted him with racist abuse he stopped using it']\n", - "james creag , 11 , is so sick of being taunted that he has stopped putting on the special cream - meaning that it is not safe for him to go outside .he suffers from the condition erythropoietic protoporphyria , whose victims are nicknamed ` real-life vampires ' because their skin can not be exposed to direct sunlight .a schoolboy with a rare illness which means he is allergic to sunlight has been racially abused in the street because of the brown suncream he has to wear .\n", - "james creag suffers from rare condition erythropoietic protoporphyriahe wears a thick brown sunscream to block out harmful rays which would leave him in agonybut after strangers taunted him with racist abuse he stopped using it\n", - "[1.1937661 1.0730397 1.2038172 1.1106206 1.3748894 1.125668 1.1610972\n", - " 1.0487632 1.0409364 1.0474845 1.0514345 1.0535902 1.1486356 1.166535\n", - " 1.0230768 1.0443885 1.0289009 1.1465552 1.0153046 1.0297455 0. ]\n", - "\n", - "[ 4 2 0 13 6 12 17 5 3 1 11 10 7 9 15 8 19 16 14 18 20]\n", - "=======================\n", - "['paul downton has left his role as managing director of england and wales cricket boardpaul downton is just the latest victim .it seems to happen after every single world cup that someone near to the top of english cricket gets the sack .']\n", - "=======================\n", - "[\"nasser hussain believes it 's time to look at the structure of english crickethussain believes paul downton is just the latest victim to take the flackhe feels the system is broken and desperately needs attention and fixingalastair cook 's sacking shows we are painfully slow to react problems\"]\n", - "paul downton has left his role as managing director of england and wales cricket boardpaul downton is just the latest victim .it seems to happen after every single world cup that someone near to the top of english cricket gets the sack .\n", - "nasser hussain believes it 's time to look at the structure of english crickethussain believes paul downton is just the latest victim to take the flackhe feels the system is broken and desperately needs attention and fixingalastair cook 's sacking shows we are painfully slow to react problems\n", - "[1.2098225 1.359805 1.2497029 1.2608372 1.0849888 1.0783751 1.0862716\n", - " 1.0816476 1.1139892 1.0545928 1.0268795 1.0432162 1.0494322 1.0592834\n", - " 1.0488386 1.0797751 1.0427674 1.0236033 1.0229467 0. 0. ]\n", - "\n", - "[ 1 3 2 0 8 6 4 7 15 5 13 9 12 14 11 16 10 17 18 19 20]\n", - "=======================\n", - "[\"they are some of the earliest holiday snaps of the chinese capital -- taken between 1900 and 1911 during the qing dynasty -- and they show landmarks almost devoid of visitors .the quiet scenes are a far cry from modern-day beijing , which is one of the most populous cities in the world and visited by tens of millions of domestic and international tourists every year .these century-old photos offer a rare glimpse of some of beijing 's most popular tourist attractions at a time when they barely had any foreign tourists and no one had ever heard of a selfie .\"]\n", - "=======================\n", - "[\"black and white photos offer a rare glimpse of the chinese capital 's landmarks devoid of touristspictures were taken between 1900 and 1911 during the qing dynasty , the last imperial dynasty of chinalocals and foreigners pose at the temple of heaven , western qing tombs and summer palacequiet scenes are a far cry from modern-day beijing , one of the most populous cities in the world\"]\n", - "they are some of the earliest holiday snaps of the chinese capital -- taken between 1900 and 1911 during the qing dynasty -- and they show landmarks almost devoid of visitors .the quiet scenes are a far cry from modern-day beijing , which is one of the most populous cities in the world and visited by tens of millions of domestic and international tourists every year .these century-old photos offer a rare glimpse of some of beijing 's most popular tourist attractions at a time when they barely had any foreign tourists and no one had ever heard of a selfie .\n", - "black and white photos offer a rare glimpse of the chinese capital 's landmarks devoid of touristspictures were taken between 1900 and 1911 during the qing dynasty , the last imperial dynasty of chinalocals and foreigners pose at the temple of heaven , western qing tombs and summer palacequiet scenes are a far cry from modern-day beijing , one of the most populous cities in the world\n", - "[1.2040893 1.4419206 1.3512852 1.2078395 1.2491093 1.2701623 1.0511781\n", - " 1.0241404 1.0593729 1.08148 1.105839 1.0667782 1.0642843 1.0970908\n", - " 1.0554198 1.0400317 1.0359131 1.0202527 1.0358211 0. 0. ]\n", - "\n", - "[ 1 2 5 4 3 0 10 13 9 11 12 8 14 6 15 16 18 7 17 19 20]\n", - "=======================\n", - "[\"the mother-of-four suffered a cardiac arrest at the scandal-hit north manchester general hospital in december .the 37-year-old 's death came just months after three babies and one mother died at the maternity unit .today ms hindle 's partner chris barnes and his sister karen have called for action to prevent further tragedies .\"]\n", - "=======================\n", - "['lianne hindle suffered a cardiac arrest at north manchester general37-year-old died three hours after giving birth to baby poppyinvestigation was launched last year into the deaths of seven babies and three mothers at the unit and a ward at the royal oldham hospitalfamily have raised questions over the standard of care ms hindle received']\n", - "the mother-of-four suffered a cardiac arrest at the scandal-hit north manchester general hospital in december .the 37-year-old 's death came just months after three babies and one mother died at the maternity unit .today ms hindle 's partner chris barnes and his sister karen have called for action to prevent further tragedies .\n", - "lianne hindle suffered a cardiac arrest at north manchester general37-year-old died three hours after giving birth to baby poppyinvestigation was launched last year into the deaths of seven babies and three mothers at the unit and a ward at the royal oldham hospitalfamily have raised questions over the standard of care ms hindle received\n", - "[1.2418834 1.4168504 1.1205074 1.4543233 1.3113368 1.2288132 1.0251598\n", - " 1.038092 1.0710881 1.080961 1.0381424 1.0548893 1.0451614 1.020413\n", - " 1.0163592 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 4 0 5 2 9 8 11 12 10 7 6 13 14 18 15 16 17 19]\n", - "=======================\n", - "[\"sergio aguero will be one of 14 native spanish-speaking players to feature in the manchester derby on sundayeight of united 's first-team squad and six from city are from spain or spanish-speaking countries .united captain wayne rooney ( centre ) is likely to be just one of nine english-speakers to feature on sunday\"]\n", - "=======================\n", - "[\"manchester united face rivals manchester city in the league on sundayeight of united 's first-team squad are native spanish-speaking playerssix city players are from spain or spanish-speaking countries\"]\n", - "sergio aguero will be one of 14 native spanish-speaking players to feature in the manchester derby on sundayeight of united 's first-team squad and six from city are from spain or spanish-speaking countries .united captain wayne rooney ( centre ) is likely to be just one of nine english-speakers to feature on sunday\n", - "manchester united face rivals manchester city in the league on sundayeight of united 's first-team squad are native spanish-speaking playerssix city players are from spain or spanish-speaking countries\n", - "[1.2415937 1.0687165 1.2169334 1.5336747 1.0602968 1.1726981 1.0667232\n", - " 1.0380442 1.0353594 1.0655315 1.0822749 1.0759715 1.0782447 1.1047521\n", - " 1.0448964 1.027702 1.0151511 1.0389739 1.0254139 1.2155368]\n", - "\n", - "[ 3 0 2 19 5 13 10 12 11 1 6 9 4 14 17 7 8 15 18 16]\n", - "=======================\n", - "['manchester united boss louis van gaal was left frustrated after his side were defeated 1-0 by chelseai conducted a poll on my radio show recently , and more than 70 per cent of those who voted believe manchester united will win the title next season .sir alex ferguson celebrates his second champions league triumph with united in 2008']\n", - "=======================\n", - "['man united have shown great promise for the future in recent matcheslouis van gaal has a decent squad at old trafford but must add to itgareth bale , memphis depay , mats hummels and nathaniel clyne on listvan gaal is a serial winner and can get united challenging for honoursdutchman will want to leave united with record that compares to sir alexread : liverpool launch bid to rival man utd for psv winger depay']\n", - "manchester united boss louis van gaal was left frustrated after his side were defeated 1-0 by chelseai conducted a poll on my radio show recently , and more than 70 per cent of those who voted believe manchester united will win the title next season .sir alex ferguson celebrates his second champions league triumph with united in 2008\n", - "man united have shown great promise for the future in recent matcheslouis van gaal has a decent squad at old trafford but must add to itgareth bale , memphis depay , mats hummels and nathaniel clyne on listvan gaal is a serial winner and can get united challenging for honoursdutchman will want to leave united with record that compares to sir alexread : liverpool launch bid to rival man utd for psv winger depay\n", - "[1.324235 1.2229056 1.2716047 1.3323709 1.107686 1.0452938 1.0709202\n", - " 1.1009207 1.2311554 1.0577698 1.0384632 1.0750566 1.1405715 1.0683548\n", - " 1.0373861 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 8 1 12 4 7 11 6 13 9 5 10 14 18 15 16 17 19]\n", - "=======================\n", - "[\"sevdet besim , from hallam in melbourne 's south-east , was charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' at the melbourne magistrates court on saturday afternoonthe family of one of the five men arrested as part of massive anti-terrorism raids in melbourne were warned by police the group were falling victim to islamic state recruiters .ahead of the arrests that stopped an alleged terrorist attack planned for anzac day , asio contacted the families of some of the would-be killers and cautioned them the men were becoming radicalised .\"]\n", - "=======================\n", - "['five men arrested as part of massive anti-terrorism raids in melbourneasio warned families of the men they were targeted by isis recruitersevdet besim charged with committing acts to prepare for terrorist actspolice allege the men planned to target an anzac day ceremonyit is thought police and public would be attacked with swords and knivesanother 18-year-old man was also arrested and remains in custodythree men had been released by police late on saturday nightmore than 200 officers raided seven properties in melbourne on saturday']\n", - "sevdet besim , from hallam in melbourne 's south-east , was charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' at the melbourne magistrates court on saturday afternoonthe family of one of the five men arrested as part of massive anti-terrorism raids in melbourne were warned by police the group were falling victim to islamic state recruiters .ahead of the arrests that stopped an alleged terrorist attack planned for anzac day , asio contacted the families of some of the would-be killers and cautioned them the men were becoming radicalised .\n", - "five men arrested as part of massive anti-terrorism raids in melbourneasio warned families of the men they were targeted by isis recruitersevdet besim charged with committing acts to prepare for terrorist actspolice allege the men planned to target an anzac day ceremonyit is thought police and public would be attacked with swords and knivesanother 18-year-old man was also arrested and remains in custodythree men had been released by police late on saturday nightmore than 200 officers raided seven properties in melbourne on saturday\n", - "[1.3707378 1.3537416 1.256586 1.22741 1.3359398 1.1625779 1.0271064\n", - " 1.0574425 1.0265995 1.0407275 1.0195206 1.061113 1.081542 1.095158\n", - " 1.0192949 1.0689523 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 3 5 13 12 15 11 7 9 6 8 10 14 18 16 17 19]\n", - "=======================\n", - "[\"seaworld has released an almost five-year-old video that shows an ex-trainer repeatedly using the n-word - following the trainer 's release of a book criticizing the company 's treatment of animals .in the five-minute video , hargrove discusses an incident in which five black men allegedly threw a rock at the woman speaking on the other line that she said hit the back of her head .hargrove , who also featured prominently in the cnn documentary blackfish , says seaworld is mounting a smear campaign against him in an attempt to distract from his message .\"]\n", - "=======================\n", - "[\"video shows john hargrove , who appeared in blackfish , using the n-word seven times as he talks to a friend on the phonehargrove said he ` had a lot to drink ' when the video was filmed and did not remember the incidentseaworld released the video to reporters and said they received it last weekend from an ` internal whistle-blower 'hargrove says the company is launching a ` smear campaign ' against himhe is currently on a book tour promoting beneath the surface\"]\n", - "seaworld has released an almost five-year-old video that shows an ex-trainer repeatedly using the n-word - following the trainer 's release of a book criticizing the company 's treatment of animals .in the five-minute video , hargrove discusses an incident in which five black men allegedly threw a rock at the woman speaking on the other line that she said hit the back of her head .hargrove , who also featured prominently in the cnn documentary blackfish , says seaworld is mounting a smear campaign against him in an attempt to distract from his message .\n", - "video shows john hargrove , who appeared in blackfish , using the n-word seven times as he talks to a friend on the phonehargrove said he ` had a lot to drink ' when the video was filmed and did not remember the incidentseaworld released the video to reporters and said they received it last weekend from an ` internal whistle-blower 'hargrove says the company is launching a ` smear campaign ' against himhe is currently on a book tour promoting beneath the surface\n", - "[1.3064581 1.4690357 1.3131212 1.1746227 1.1239926 1.0484073 1.0417286\n", - " 1.0545982 1.0140721 1.1582966 1.0713627 1.0456461 1.0133158 1.0256875\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 9 4 10 7 5 11 6 13 8 12 18 14 15 16 17 19]\n", - "=======================\n", - "[\"mauresmo , who is expecting a baby in august , will be replaced by swede jonas bjorkman in the lead-up to the us open and quite possibly after that , depending on how she assesses her priorities .the future of andy murray 's coaching arrangement with amelie mauresmo looks shrouded in doubt after he confirmed that they will take a prolonged break from each other after wimbledon .andy murray ( centre ) , tommy haas ( left ) and roberto bautista-agut help to blow out the candles on a cake to celebrate 100 years at the iphitos tennis club in munich , the venue for this week 's bmw open\"]\n", - "=======================\n", - "[\"jonas bjorkman joined andy murray 's camp on an initial trialamelie mauresmo is due to give birth to her first child in augustbjorkman will work with murray right through to the us openmurray is in munich to compete in this week 's bmw open on clay\"]\n", - "mauresmo , who is expecting a baby in august , will be replaced by swede jonas bjorkman in the lead-up to the us open and quite possibly after that , depending on how she assesses her priorities .the future of andy murray 's coaching arrangement with amelie mauresmo looks shrouded in doubt after he confirmed that they will take a prolonged break from each other after wimbledon .andy murray ( centre ) , tommy haas ( left ) and roberto bautista-agut help to blow out the candles on a cake to celebrate 100 years at the iphitos tennis club in munich , the venue for this week 's bmw open\n", - "jonas bjorkman joined andy murray 's camp on an initial trialamelie mauresmo is due to give birth to her first child in augustbjorkman will work with murray right through to the us openmurray is in munich to compete in this week 's bmw open on clay\n", - "[1.4101366 1.3641815 1.352824 1.3162856 1.0925082 1.3099965 1.2449676\n", - " 1.1377022 1.1431769 1.0436829 1.0210035 1.016595 1.011592 1.0222262\n", - " 1.08113 1.0118895 1.012882 1.0063192 1.0728805 0. 0. ]\n", - "\n", - "[ 0 1 2 3 5 6 8 7 4 14 18 9 13 10 11 16 15 12 17 19 20]\n", - "=======================\n", - "[\"liverpool manager brendan rodgers admits he was ` surprised and shocked ' by the online racist abuse targeted at the club 's striker mario balotelli .anti-discrimination body kick it out revealed on thursday night that italy international balotelli had been subjected to more than 4,000 racist messages on social media this season .balotelli 's liverpool team-mate daniel sturridge and arsenal striker danny welbeck have also each received more than a thousand discriminatory messages according to research carried out by tempero , a social media management agency , and analytics firm brandwatch .\"]\n", - "=======================\n", - "['liverpool striker mario balotelli has been racially abused onlineanti-racism group kick it out have revealed thousands of abusive postsbrendan rodgers has slammed any discrimination as unacceptablestoke city boss mark hughes has also called for a crackdown on racism']\n", - "liverpool manager brendan rodgers admits he was ` surprised and shocked ' by the online racist abuse targeted at the club 's striker mario balotelli .anti-discrimination body kick it out revealed on thursday night that italy international balotelli had been subjected to more than 4,000 racist messages on social media this season .balotelli 's liverpool team-mate daniel sturridge and arsenal striker danny welbeck have also each received more than a thousand discriminatory messages according to research carried out by tempero , a social media management agency , and analytics firm brandwatch .\n", - "liverpool striker mario balotelli has been racially abused onlineanti-racism group kick it out have revealed thousands of abusive postsbrendan rodgers has slammed any discrimination as unacceptablestoke city boss mark hughes has also called for a crackdown on racism\n", - "[1.4644293 1.2541089 1.4127523 1.273265 1.2581758 1.1580311 1.0750935\n", - " 1.0476625 1.0981368 1.1692466 1.0351564 1.0191742 1.013362 1.0195602\n", - " 1.0138308 1.0116132 1.0085902 1.0092692 1.0075873 1.0667839 1.1401995]\n", - "\n", - "[ 0 2 3 4 1 9 5 20 8 6 19 7 10 13 11 14 12 15 17 16 18]\n", - "=======================\n", - "[\"conrad clitheroe , left , and gary cooper , right , were thrown in jail after being arrested for writing down aircraft registration numbers in dubaithey were taken to a police station and , despite being told they would not be detained , were put into prison .clitheroe 's wife valerie had written to british prime minister david cameron to ask him to intervene in the case , raising concerns about her husband 's health due to his heart murmur and high blood pressure .\"]\n", - "=======================\n", - "[\"conrad clitheroe was jailed with his friends gary cooper and neil munrotrio arrested after writing down plane registration numbers at uae airportfears for mr clitheroe 's health after he ran out of blood pressure medicinehe will now be able to celebrate first wedding anniversary with wife in may\"]\n", - "conrad clitheroe , left , and gary cooper , right , were thrown in jail after being arrested for writing down aircraft registration numbers in dubaithey were taken to a police station and , despite being told they would not be detained , were put into prison .clitheroe 's wife valerie had written to british prime minister david cameron to ask him to intervene in the case , raising concerns about her husband 's health due to his heart murmur and high blood pressure .\n", - "conrad clitheroe was jailed with his friends gary cooper and neil munrotrio arrested after writing down plane registration numbers at uae airportfears for mr clitheroe 's health after he ran out of blood pressure medicinehe will now be able to celebrate first wedding anniversary with wife in may\n", - "[1.4104635 1.1719782 1.387315 1.256084 1.2203257 1.1885068 1.1183181\n", - " 1.0686117 1.0530462 1.1880541 1.0439705 1.0372667 1.0223569 1.0435262\n", - " 1.023609 1.0393107 1.1113445 1.0909534 1.1381483 1.0285165 0. ]\n", - "\n", - "[ 0 2 3 4 5 9 1 18 6 16 17 7 8 10 13 15 11 19 14 12 20]\n", - "=======================\n", - "['in custody : dana marie mckinnon , 24 , has been charged with dui manslaughter and vehicular homicide in the 2013 accident that killed an orlando businessmanshe is being held at the orange county jail on $ 10,150 bail .according to florida highway patrol , mckinnon , then a 21-year-old student at university of central florida , was under the influence of alcohol when she slammed into the vehicle of 42-year-old orlando businessman vihn vo on the morning of may 18 , 2013 .']\n", - "=======================\n", - "[\"dana marie mckinnon , 24 , charged with dui manslaughter and vehicular homicideflorida highway patrol says mckinnon , then 21 , slammed into minivan on vihn vo , 42 , killing him on the spot in may 2013mckinnon 's blood-alcohol level was more than twice the legal limitvo was owner and ceo of vector planning & services , a company that provides it services to military and federal and state agencies\"]\n", - "in custody : dana marie mckinnon , 24 , has been charged with dui manslaughter and vehicular homicide in the 2013 accident that killed an orlando businessmanshe is being held at the orange county jail on $ 10,150 bail .according to florida highway patrol , mckinnon , then a 21-year-old student at university of central florida , was under the influence of alcohol when she slammed into the vehicle of 42-year-old orlando businessman vihn vo on the morning of may 18 , 2013 .\n", - "dana marie mckinnon , 24 , charged with dui manslaughter and vehicular homicideflorida highway patrol says mckinnon , then 21 , slammed into minivan on vihn vo , 42 , killing him on the spot in may 2013mckinnon 's blood-alcohol level was more than twice the legal limitvo was owner and ceo of vector planning & services , a company that provides it services to military and federal and state agencies\n", - "[1.1984128 1.1265743 1.1327115 1.2267271 1.1653935 1.0759989 1.0565134\n", - " 1.0517888 1.0660179 1.0920787 1.0453714 1.0623716 1.0476128 1.0577502\n", - " 1.0450505 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 4 2 1 9 5 8 11 13 6 7 12 10 14 15 16 17 18 19 20]\n", - "=======================\n", - "['iran is n\\'t 10 feet tall in this region , but by making the nuclear issue the be-all and end-all that is supposed to reduce iran \\'s power , the united states is only making tehran taller .( cnn ) if i had to describe the u.s.-iranian relationship in one word it would be \" overmatched . \"we \\'re playing checkers on the middle east game board and tehran \\'s playing three-dimensional chess .']\n", - "=======================\n", - "['miller : while the u.s. entangles itself in the nuclear negotiations , iran is gaining a freer hand to assert its regional influencehe says united states is being outfoxed , not outgunned']\n", - "iran is n't 10 feet tall in this region , but by making the nuclear issue the be-all and end-all that is supposed to reduce iran 's power , the united states is only making tehran taller .( cnn ) if i had to describe the u.s.-iranian relationship in one word it would be \" overmatched . \"we 're playing checkers on the middle east game board and tehran 's playing three-dimensional chess .\n", - "miller : while the u.s. entangles itself in the nuclear negotiations , iran is gaining a freer hand to assert its regional influencehe says united states is being outfoxed , not outgunned\n", - "[1.0781 1.0375576 1.0857875 1.4873298 1.4474049 1.3091933 1.0953076\n", - " 1.0398464 1.0339053 1.1196649 1.0691304 1.086254 1.0326929 1.0145056\n", - " 1.0195435 1.0416396 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 5 9 6 11 2 0 10 15 7 1 8 12 14 13 19 16 17 18 20]\n", - "=======================\n", - "[\"a new survey by academics at lancashire 's edge hill university and the university of south australia has charted a direct link between anxiety and performance , saying pupils who worry about their exam performance are more likely to do badly than those who are less anxious .the study , which has been published in the british journal of educational psychology , questioned 705 pupils from 11 schools .femail has enlisted the help of michael ribton , principal at burlington danes academy in west london , which achieved an outstanding grade at its last ofsted inspection , to offer some sage advice to parents and students on how to get through the tricky months ahead .\"]\n", - "=======================\n", - "[\"new research finds direct link between exam stress and performancelondon headteacher michael ribton says revision plans , flashcards and cram techniques can all help children prepare for the exam seasonhe advises parents that extra tuition and bribes should n't be necessary\"]\n", - "a new survey by academics at lancashire 's edge hill university and the university of south australia has charted a direct link between anxiety and performance , saying pupils who worry about their exam performance are more likely to do badly than those who are less anxious .the study , which has been published in the british journal of educational psychology , questioned 705 pupils from 11 schools .femail has enlisted the help of michael ribton , principal at burlington danes academy in west london , which achieved an outstanding grade at its last ofsted inspection , to offer some sage advice to parents and students on how to get through the tricky months ahead .\n", - "new research finds direct link between exam stress and performancelondon headteacher michael ribton says revision plans , flashcards and cram techniques can all help children prepare for the exam seasonhe advises parents that extra tuition and bribes should n't be necessary\n", - "[1.1623261 1.3431203 1.2653697 1.3615323 1.2748352 1.2531475 1.1615472\n", - " 1.0159502 1.0326241 1.1701548 1.0587305 1.060201 1.0411038 1.0310507\n", - " 1.0646337 1.0271691 1.0298429 1.0638313 1.0413965]\n", - "\n", - "[ 3 1 4 2 5 9 0 6 14 17 11 10 18 12 8 13 16 15 7]\n", - "=======================\n", - "['a rarely-seen napoleonic fort , off the coast of tenby , will now be accessible via footbridge for the first timethe welsh fort , which defended britain from french invasion , will be joined to the mainland thanks to a 328ft footbridge across the sea .but tomorrow , planners are due to approve a new footbridge , which will stretch more than 328 ft ( 100 metres ) .']\n", - "=======================\n", - "[\"st catherine 's island in pembrokeshire will now be easily accessible with a new 100m footbridgecurrently , the island can only be reached by crossing a beach during low tidethe bridge , expected to be approved tomorrow , will allow history buffs to explore the fort , which was built in 1867\"]\n", - "a rarely-seen napoleonic fort , off the coast of tenby , will now be accessible via footbridge for the first timethe welsh fort , which defended britain from french invasion , will be joined to the mainland thanks to a 328ft footbridge across the sea .but tomorrow , planners are due to approve a new footbridge , which will stretch more than 328 ft ( 100 metres ) .\n", - "st catherine 's island in pembrokeshire will now be easily accessible with a new 100m footbridgecurrently , the island can only be reached by crossing a beach during low tidethe bridge , expected to be approved tomorrow , will allow history buffs to explore the fort , which was built in 1867\n", - "[1.4175212 1.3196037 1.2368824 1.3402444 1.2220564 1.1686329 1.0820999\n", - " 1.0870862 1.1097658 1.110736 1.1068823 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 5 9 8 10 7 6 17 11 12 13 14 15 16 18]\n", - "=======================\n", - "[\"manchester city sporting director txiki begiristain checked on porto pair yacine brahimi and alex sandro on tuesday night .porto attacking midfielder yacine brahimi ( right ) is a prime transfer target for manchester citybegiristain , who also wants wolfsburg 's former chelsea midfielder kevin de bruyne , watched porto in action against bayern munich having sent scouts to watch them in the first leg in portugal last week .\"]\n", - "=======================\n", - "['manchester city are interested in signing porto stars yacine brahimi and alex sandro and have sent scouts to watch themthe club are also keen on wolfsburg midfielder kevin de bruynecity have fallen short of expectations in the premier league this season and will look to revamp and improve their squad in the summer']\n", - "manchester city sporting director txiki begiristain checked on porto pair yacine brahimi and alex sandro on tuesday night .porto attacking midfielder yacine brahimi ( right ) is a prime transfer target for manchester citybegiristain , who also wants wolfsburg 's former chelsea midfielder kevin de bruyne , watched porto in action against bayern munich having sent scouts to watch them in the first leg in portugal last week .\n", - "manchester city are interested in signing porto stars yacine brahimi and alex sandro and have sent scouts to watch themthe club are also keen on wolfsburg midfielder kevin de bruynecity have fallen short of expectations in the premier league this season and will look to revamp and improve their squad in the summer\n", - "[1.3344257 1.2141736 1.0893689 1.1304122 1.3053532 1.0566694 1.0208657\n", - " 1.1775279 1.0300525 1.0421073 1.0210501 1.0666895 1.1747657 1.1323606\n", - " 1.0543702 1.0322143 1.0297889 0. 0. ]\n", - "\n", - "[ 0 4 1 7 12 13 3 2 11 5 14 9 15 8 16 10 6 17 18]\n", - "=======================\n", - "[\"amanda knox may have finally cleared her name , but eight years of legal battles have left the seattle native penniless , exhausted and traumatized from stress , claims her biographer .three weeks after an italian court overturned her conviction for the 2007 murder of british student , meredith kercher , preston told radaronline that knox is living out a bittersweet victory .` in prison , she was threatened with rape from a male guard , it was a really terrible experience , ' says trial by jury author , douglas preston . '\"]\n", - "=======================\n", - "['amanda knox , 27 , and her family have been left in financial difficulties by the fight to clear her namebiographer douglas preston claims the seattle native now suffers ptsdclaims that the knox family have used up the $ 4 million advance she got for autobiographyhe says that despite being declared innocent last month the victory was bittersweetin late march , knox , 27 , and ex-boyfriend raffaele sollecito were acquitted of murder of meredith kercher in november 2007pair were convicted of murder in december 2009 , before being acquitted in october 2011 and reconvicted in 2014spent a total of four years behind bars while they were in italy']\n", - "amanda knox may have finally cleared her name , but eight years of legal battles have left the seattle native penniless , exhausted and traumatized from stress , claims her biographer .three weeks after an italian court overturned her conviction for the 2007 murder of british student , meredith kercher , preston told radaronline that knox is living out a bittersweet victory .` in prison , she was threatened with rape from a male guard , it was a really terrible experience , ' says trial by jury author , douglas preston . '\n", - "amanda knox , 27 , and her family have been left in financial difficulties by the fight to clear her namebiographer douglas preston claims the seattle native now suffers ptsdclaims that the knox family have used up the $ 4 million advance she got for autobiographyhe says that despite being declared innocent last month the victory was bittersweetin late march , knox , 27 , and ex-boyfriend raffaele sollecito were acquitted of murder of meredith kercher in november 2007pair were convicted of murder in december 2009 , before being acquitted in october 2011 and reconvicted in 2014spent a total of four years behind bars while they were in italy\n", - "[1.448129 1.4045371 1.1925781 1.1391796 1.285644 1.160206 1.0557553\n", - " 1.2156364 1.0289931 1.0343097 1.0162027 1.0163997 1.077191 1.0910766\n", - " 1.0834042 1.0630196 1.0538851 1.0777102 1.0426612]\n", - "\n", - "[ 0 1 4 7 2 5 3 13 14 17 12 15 6 16 18 9 8 11 10]\n", - "=======================\n", - "[\"former manchester united manager sir alex ferguson revealed why he rates cristiano ronaldo above lionel messi while speaking to john parrott over a frame of snooker .the most successful manager in the history of british football spoke to parrott and presenter hazel irvine as part of the bbc 's coverage of the world championship at the crucible .ferguson believes cristiano ronaldo is better than lionel messi as he could score for any team\"]\n", - "=======================\n", - "[\"sir alex ferguson met up with john parrott for a frame of snooker as part of coverage of world championshipsformer manchester united manager explained why he rates real madrid superstar cristiano ronaldo above barcelona talisman lionel messifergie also reveals how he ` battered ' former player paul ince at snooker\"]\n", - "former manchester united manager sir alex ferguson revealed why he rates cristiano ronaldo above lionel messi while speaking to john parrott over a frame of snooker .the most successful manager in the history of british football spoke to parrott and presenter hazel irvine as part of the bbc 's coverage of the world championship at the crucible .ferguson believes cristiano ronaldo is better than lionel messi as he could score for any team\n", - "sir alex ferguson met up with john parrott for a frame of snooker as part of coverage of world championshipsformer manchester united manager explained why he rates real madrid superstar cristiano ronaldo above barcelona talisman lionel messifergie also reveals how he ` battered ' former player paul ince at snooker\n", - "[1.2452832 1.5458028 1.1917845 1.3686261 1.1569157 1.1253023 1.0533284\n", - " 1.059262 1.0601926 1.032685 1.0175135 1.0601566 1.1284446 1.1076863\n", - " 1.1058295 1.0108545 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 12 5 13 14 8 11 7 6 9 10 15 17 16 18]\n", - "=======================\n", - "[\"steve spowart helped the horses ' owner , sonia sharrock , to lead the animals to safety near dungog , in the nsw hunter region - one of the hardest hit areas in the state - where three people died in the severe weather , four houses were washed away and the town received the most rainfall it had in 100 years .heartwarming photos have emerged of a man rescuing five beloved horses from the severe flooding in his rural town triggered by the worst storm in a decade in new south wales .mr spowart , in a black wetsuit , paddled out on his surfboard to where the horses were stranded , past trees , bushes and fences submerged in the floodwater that was almost as high as his shoulders .\"]\n", - "=======================\n", - "[\"steve spowart rescued his friend 's horses stranded in deep storm water by paddling out to them on a surfboardthe animals were in flooded fields near dungog , in the nsw hunter regionone of the horses was caught in barbed wire and became startled as mr spowart tried to free itdungog is one of the areas hardest hit in the state by what 's being called the storm of the centurythree people have died in the severe weather and four houses were washed away\"]\n", - "steve spowart helped the horses ' owner , sonia sharrock , to lead the animals to safety near dungog , in the nsw hunter region - one of the hardest hit areas in the state - where three people died in the severe weather , four houses were washed away and the town received the most rainfall it had in 100 years .heartwarming photos have emerged of a man rescuing five beloved horses from the severe flooding in his rural town triggered by the worst storm in a decade in new south wales .mr spowart , in a black wetsuit , paddled out on his surfboard to where the horses were stranded , past trees , bushes and fences submerged in the floodwater that was almost as high as his shoulders .\n", - "steve spowart rescued his friend 's horses stranded in deep storm water by paddling out to them on a surfboardthe animals were in flooded fields near dungog , in the nsw hunter regionone of the horses was caught in barbed wire and became startled as mr spowart tried to free itdungog is one of the areas hardest hit in the state by what 's being called the storm of the centurythree people have died in the severe weather and four houses were washed away\n", - "[1.4703586 1.167196 1.3639745 1.2212162 1.2337166 1.0848488 1.1761487\n", - " 1.1778369 1.0725758 1.056558 1.0377733 1.0850835 1.0372251 1.0510011\n", - " 1.0643601 1.0613706 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 4 3 7 6 1 11 5 8 14 15 9 13 10 12 18 16 17 19]\n", - "=======================\n", - "[\"andrew o'clee , 36 , hid his secret second family from his first wife and has been jailed for eight months , pictured outside chichester crown court yesterdayserial cheat o'clee had tried to cover his tracks by claiming he was involved in a fraud case and had been put into the witness protection programme which meant he had to live in a ` safe house ' for long periods .but michelle , 39 , uncovered the deception when she came across footage of him completing the ice bucket charity challenge on the social networking site .\"]\n", - "=======================\n", - "[\"andrew o'clee , 36 , met first wife michelle in 2000 and they married in 2008he started affair in 2011 and forged document so he could marry philippabut he was caught out in elaborate lie after video appeared on facebookdespite the revelations , philippa , 30 , has vowed to stand by her mano'clee was jailed for eight months at chichester crown court for bigamy\"]\n", - "andrew o'clee , 36 , hid his secret second family from his first wife and has been jailed for eight months , pictured outside chichester crown court yesterdayserial cheat o'clee had tried to cover his tracks by claiming he was involved in a fraud case and had been put into the witness protection programme which meant he had to live in a ` safe house ' for long periods .but michelle , 39 , uncovered the deception when she came across footage of him completing the ice bucket charity challenge on the social networking site .\n", - "andrew o'clee , 36 , met first wife michelle in 2000 and they married in 2008he started affair in 2011 and forged document so he could marry philippabut he was caught out in elaborate lie after video appeared on facebookdespite the revelations , philippa , 30 , has vowed to stand by her mano'clee was jailed for eight months at chichester crown court for bigamy\n", - "[1.0879707 1.4573438 1.2542673 1.1720111 1.2818379 1.2364664 1.1443179\n", - " 1.0849823 1.1429025 1.0897794 1.0358913 1.0219069 1.0243263 1.055881\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 5 3 6 8 9 0 7 13 10 12 11 18 14 15 16 17 19]\n", - "=======================\n", - "[\"the 19-time champion jockey could have ridden cause of causes who , like his mount shutthefrontdoor , is owned by his boss jp mcmanus .he has ridden him three times before .he was second at the 2014 cheltenham festival and then landed the four-mile national hunt chase at last month 's meeting .\"]\n", - "=======================\n", - "['ap mccoy could have ridden cause of causes in the grand national on saturdaychampion jockey ultimately chose shutthefrontdoor for big race at aintreeroyale knight is worth an each-way punt at more speculative odds']\n", - "the 19-time champion jockey could have ridden cause of causes who , like his mount shutthefrontdoor , is owned by his boss jp mcmanus .he has ridden him three times before .he was second at the 2014 cheltenham festival and then landed the four-mile national hunt chase at last month 's meeting .\n", - "ap mccoy could have ridden cause of causes in the grand national on saturdaychampion jockey ultimately chose shutthefrontdoor for big race at aintreeroyale knight is worth an each-way punt at more speculative odds\n", - "[1.1921597 1.1811539 1.1476755 1.2846898 1.1082051 1.0433848 1.0414467\n", - " 1.0325514 1.2282208 1.1536646 1.06712 1.0410616 1.0688088 1.0452539\n", - " 1.056327 1.0792917 1.0472618 1.0628899 1.0265826 1.022946 ]\n", - "\n", - "[ 3 8 0 1 9 2 4 15 12 10 17 14 16 13 5 6 11 7 18 19]\n", - "=======================\n", - "[\"it 's fireball cinnamon whisky , and lately it 's been as hot as its name .fireball , which did n't exist in its current form a decade ago , is the fastest-growing big brand of liquor in america .( cnn ) when drinkers in clayton 's , a beachfront bar in south padre island , texas , belly up for a round of shots , bartender casey belue can usually guess what they 'll order .\"]\n", - "=======================\n", - "['fireball cinnamon whisky is the fastest-growing big brand of liquor in americathe liquor has dethroned jagermeister as america \\'s party shot of choicewhisky expert : \" fireball is an incredible phenomenon .']\n", - "it 's fireball cinnamon whisky , and lately it 's been as hot as its name .fireball , which did n't exist in its current form a decade ago , is the fastest-growing big brand of liquor in america .( cnn ) when drinkers in clayton 's , a beachfront bar in south padre island , texas , belly up for a round of shots , bartender casey belue can usually guess what they 'll order .\n", - "fireball cinnamon whisky is the fastest-growing big brand of liquor in americathe liquor has dethroned jagermeister as america 's party shot of choicewhisky expert : \" fireball is an incredible phenomenon .\n", - "[1.2953976 1.211168 1.2513518 1.2070508 1.1814948 1.2470772 1.1166714\n", - " 1.0847003 1.0586668 1.0800061 1.0413479 1.148934 1.0327916 1.1364383\n", - " 1.045502 1.0266105 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 5 1 3 4 11 13 6 7 9 8 14 10 12 15 18 16 17 19]\n", - "=======================\n", - "['the shadow chancellor refused to rule out a five-point rise in corporation taxthe main rate has been brought down under the coalition from 28 per cent to 21 per cent .ed balls yesterday opened the door to a tax raid on businesses , which critics warn would endanger the economic recovery .']\n", - "=======================\n", - "[\"shadow chancellor refused to rule out a five-point rise in corporation taxhe was also evasive about the 40p rate of income tax during interviewbusinesses are already concerned about labour 's plans not to cut taxthe main rate has been brought down by coalition from 28 to 21 per cent\"]\n", - "the shadow chancellor refused to rule out a five-point rise in corporation taxthe main rate has been brought down under the coalition from 28 per cent to 21 per cent .ed balls yesterday opened the door to a tax raid on businesses , which critics warn would endanger the economic recovery .\n", - "shadow chancellor refused to rule out a five-point rise in corporation taxhe was also evasive about the 40p rate of income tax during interviewbusinesses are already concerned about labour 's plans not to cut taxthe main rate has been brought down by coalition from 28 to 21 per cent\n", - "[1.2407334 1.4585905 1.2486341 1.273735 1.1994884 1.2100546 1.1405561\n", - " 1.0718561 1.0537736 1.1418563 1.0141497 1.013211 1.0144402 1.0169646\n", - " 1.0774764 1.0127951 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 5 4 9 6 14 7 8 13 12 10 11 15 18 16 17 19]\n", - "=======================\n", - "['culture and media secretary sajid javid is setting out plans to shield youngsters from easy access to hardcore online pornography amid fears that it is corroding childhood .easy access : the rising tide of online pornography is corroding children - but the tories have now pledged to a radical change in the law to protect a generation of children from the tide of internet sleazehe promised legislation to force distributors to put effective age verification technology in place that would apply to those based in the uk as well as abroad .']\n", - "=======================\n", - "[\"radical change in the law to protect a generation of children will be introduced if the conservatives win the electionculture and media secretary sajid javid is setting out plans to shield youngsters from easy access to hardcore online pornographypromised legislation to force distributors to put effective age verification technology in placehis pledge is a victory for the daily mail 's block online porn campaign\"]\n", - "culture and media secretary sajid javid is setting out plans to shield youngsters from easy access to hardcore online pornography amid fears that it is corroding childhood .easy access : the rising tide of online pornography is corroding children - but the tories have now pledged to a radical change in the law to protect a generation of children from the tide of internet sleazehe promised legislation to force distributors to put effective age verification technology in place that would apply to those based in the uk as well as abroad .\n", - "radical change in the law to protect a generation of children will be introduced if the conservatives win the electionculture and media secretary sajid javid is setting out plans to shield youngsters from easy access to hardcore online pornographypromised legislation to force distributors to put effective age verification technology in placehis pledge is a victory for the daily mail 's block online porn campaign\n", - "[1.4153041 1.3176752 1.375251 1.1556828 1.2462004 1.1990229 1.1193839\n", - " 1.1776147 1.0885237 1.0762241 1.0731573 1.1587523 1.0260972 1.0075879\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 4 5 7 11 3 6 8 9 10 12 13 22 26 25 24 23 21 14 19 18 17\n", - " 16 15 27 20 28]\n", - "=======================\n", - "['roy keane , republic of ireland assistant manager , pictured during a euro 2016 qualifier on march 29the 43-year-old has denied committing a public order offence after it was claimed he behaved aggressively towards driver fateh kerar , 44 , near traffic lights in altrincham , cheshire .former manchester united footballer roy keane will stand trial over an alleged road-rage incident with a taxi driver .']\n", - "=======================\n", - "[\"keane accused of aggressive behaviour towards driver near traffic lightsallegedly caused harassment , alarm or distress to 44-year-old fateh kerartv pundit keane , 43 , of hale , cheshire , has denied public order offencefootballer won seven league titles and is now ireland 's assistant manager\"]\n", - "roy keane , republic of ireland assistant manager , pictured during a euro 2016 qualifier on march 29the 43-year-old has denied committing a public order offence after it was claimed he behaved aggressively towards driver fateh kerar , 44 , near traffic lights in altrincham , cheshire .former manchester united footballer roy keane will stand trial over an alleged road-rage incident with a taxi driver .\n", - "keane accused of aggressive behaviour towards driver near traffic lightsallegedly caused harassment , alarm or distress to 44-year-old fateh kerartv pundit keane , 43 , of hale , cheshire , has denied public order offencefootballer won seven league titles and is now ireland 's assistant manager\n", - "[1.4526844 1.3805395 1.1332283 1.4165027 1.2808542 1.0963858 1.018826\n", - " 1.0099028 1.2170479 1.1175696 1.1202722 1.1375177 1.0766912 1.0787175\n", - " 1.0480243 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 4 8 11 2 10 9 5 13 12 14 6 7 27 15 16 17 18 19 20 21 22\n", - " 23 24 25 26 28]\n", - "=======================\n", - "['george north has been ordered by a neurologist to take at least one month off after suffering his third concussion in four months playing for northampton last week .george north suffered a third confirmed concussion in just four months against wasps last fridaythe wales and lions wing will be reassessed at the end of april and could face an even longer spell on the sidelines if specialist consultants are not convinced that he is ready to return to action .']\n", - "=======================\n", - "[\"george north was knocked out by wasps ' nathan hughes last fridayhe will be given at least a month to recover before returning to actionnorth has suffered three concussions in the last four monthsthe welshman will be reassessed by a neurologist at the end of april\"]\n", - "george north has been ordered by a neurologist to take at least one month off after suffering his third concussion in four months playing for northampton last week .george north suffered a third confirmed concussion in just four months against wasps last fridaythe wales and lions wing will be reassessed at the end of april and could face an even longer spell on the sidelines if specialist consultants are not convinced that he is ready to return to action .\n", - "george north was knocked out by wasps ' nathan hughes last fridayhe will be given at least a month to recover before returning to actionnorth has suffered three concussions in the last four monthsthe welshman will be reassessed by a neurologist at the end of april\n", - "[1.4218735 1.1488495 1.1558733 1.1292667 1.0632968 1.07206 1.0971224\n", - " 1.1233637 1.1441374 1.0909188 1.1667793 1.1012112 1.0272723 1.0296973\n", - " 1.0772619 1.0346187 1.0185083 1.0873154 1.0126418 1.0317343 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 10 2 1 8 3 7 11 6 9 17 14 5 4 15 19 13 12 16 18 26 25 24 20\n", - " 22 21 27 23 28]\n", - "=======================\n", - "[\"hong kong ( cnn ) chinese president xi jinping and indian prime minister narendra modi are two dynamic leaders at the helm of the world 's two most populous nations .when india successfully placed a spacecraft into orbit around mars last year , modi reveled in the moment .and one is particularly vocal about making his mark on history .\"]\n", - "=======================\n", - "[\"india predicted to outpace china as as world 's fastest-growing economy in next yearchina 's economy is slowing after over 25 years of breakneck growthbut experts say india simply ca n't size up against china 's raw economic might\"]\n", - "hong kong ( cnn ) chinese president xi jinping and indian prime minister narendra modi are two dynamic leaders at the helm of the world 's two most populous nations .when india successfully placed a spacecraft into orbit around mars last year , modi reveled in the moment .and one is particularly vocal about making his mark on history .\n", - "india predicted to outpace china as as world 's fastest-growing economy in next yearchina 's economy is slowing after over 25 years of breakneck growthbut experts say india simply ca n't size up against china 's raw economic might\n", - "[1.143498 1.0340534 1.0515734 1.060139 1.1959045 1.0472566 1.0769956\n", - " 1.1959208 1.1816652 1.1377308 1.0398742 1.0357527 1.056145 1.0662882\n", - " 1.1542087 1.09941 1.0276005 1.0274576 1.1243967 1.056053 1.0532608\n", - " 1.0395436 1.0861253 1.0468575 1.0238698 1.0265301 1.0163025 1.0164908\n", - " 1.0162287]\n", - "\n", - "[ 7 4 8 14 0 9 18 15 22 6 13 3 12 19 20 2 5 23 10 21 11 1 16 17\n", - " 25 24 27 26 28]\n", - "=======================\n", - "[\"that man , louis jordan , 37 , had an amazing story .the crew of the 1,000-foot long container ship thought it was a yacht that had wrecked .he 'd been drifting on the 35-foot pearson sailboat for more than two months since leaving conway , south carolina , to fish in the ocean .\"]\n", - "=======================\n", - "['father : \" i know he went through what he went through \"louis jordan was found on his sailboat , which was listing and in bad shape , rescuer sayshe appears to be in good shape , physically and mentally']\n", - "that man , louis jordan , 37 , had an amazing story .the crew of the 1,000-foot long container ship thought it was a yacht that had wrecked .he 'd been drifting on the 35-foot pearson sailboat for more than two months since leaving conway , south carolina , to fish in the ocean .\n", - "father : \" i know he went through what he went through \"louis jordan was found on his sailboat , which was listing and in bad shape , rescuer sayshe appears to be in good shape , physically and mentally\n", - "[1.4649296 1.342803 1.0679692 1.0526104 1.0448318 1.044883 1.0404466\n", - " 1.2849448 1.0868523 1.269317 1.0669538 1.0496117 1.0572791 1.0703162\n", - " 1.0655203 1.1197882 1.0443127 1.0551664 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 7 9 15 8 13 2 10 14 12 17 3 11 5 4 16 6 26 25 24 23 19 21\n", - " 20 18 27 22 28]\n", - "=======================\n", - "[\"attorney general eric holder bid farewell to the justice department on friday after six years , outlining what he said were his major accomplishments and telling staffers that they helped produce a ` golden age ' in the department 's history .an emotional holder , who has served as the nation 's top law enforcement official since the start of the obama administration , addressed hundreds of lawyers and staff members one day after his successor , loretta lynch , was confirmed by the senate following a months-long delay . 'holder shook hands and received hugs from well-wishers on his last day as attorney general\"]\n", - "=======================\n", - "[\"holder took a victory lap in his farewell speech , claiming credit for overseeing a ` golden age ' of federal law enforcementno mention of being held in criminal contempt of congress for failing to hand over subpoenaed documents related to the operation fast and furious scandalstanding-room-only crowd rushed to embrace him after his final addressloretta lynch , a brooklyn-n.y. federal prosecutor , is holder 's replacement\"]\n", - "attorney general eric holder bid farewell to the justice department on friday after six years , outlining what he said were his major accomplishments and telling staffers that they helped produce a ` golden age ' in the department 's history .an emotional holder , who has served as the nation 's top law enforcement official since the start of the obama administration , addressed hundreds of lawyers and staff members one day after his successor , loretta lynch , was confirmed by the senate following a months-long delay . 'holder shook hands and received hugs from well-wishers on his last day as attorney general\n", - "holder took a victory lap in his farewell speech , claiming credit for overseeing a ` golden age ' of federal law enforcementno mention of being held in criminal contempt of congress for failing to hand over subpoenaed documents related to the operation fast and furious scandalstanding-room-only crowd rushed to embrace him after his final addressloretta lynch , a brooklyn-n.y. federal prosecutor , is holder 's replacement\n", - "[1.1768726 1.2164426 1.2200458 1.255679 1.0761011 1.047791 1.16611\n", - " 1.1315248 1.0697067 1.0581517 1.0629905 1.0725228 1.0659385 1.0689576\n", - " 1.041676 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 0 6 7 4 11 8 13 12 10 9 5 14 22 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"the microneedle patch , which resembles a small , round adhesive bandage , could bring polio vaccines to the doorsteps of the people that need it .the biggest challenge standing in the way of eradicating polio has involved the operational logistics of getting the vaccine to people who need it , especially in difficult areas plagued by violence or poverty .( cnn ) over the last few years , we 've been close to eradicating worldwide polio without full success .\"]\n", - "=======================\n", - "[\"salk 's vaccine began with inoculating school children in april , 1955polio was declared eradicated in the u.s. in 1979 , but still exists in other countriesa new microneedle patch is easily used by minimally trained personnel\"]\n", - "the microneedle patch , which resembles a small , round adhesive bandage , could bring polio vaccines to the doorsteps of the people that need it .the biggest challenge standing in the way of eradicating polio has involved the operational logistics of getting the vaccine to people who need it , especially in difficult areas plagued by violence or poverty .( cnn ) over the last few years , we 've been close to eradicating worldwide polio without full success .\n", - "salk 's vaccine began with inoculating school children in april , 1955polio was declared eradicated in the u.s. in 1979 , but still exists in other countriesa new microneedle patch is easily used by minimally trained personnel\n", - "[1.118155 1.4215238 1.2507517 1.1106459 1.2993361 1.1803797 1.1234173\n", - " 1.0660138 1.0393224 1.1124831 1.07151 1.1096021 1.1178141 1.0773276\n", - " 1.0085431 1.0308892 1.032482 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 5 6 0 12 9 3 11 13 10 7 8 16 15 14 22 17 18 19 20 21 23]\n", - "=======================\n", - "[\"both organisations blame each other for their respective rights holders , sky and the bbc , scheduling the marquee chelsea vs manchester united league match against the fa cup semi-final between reading and arsenal .the cup game attracted a peak audience of 6.9 million , over treble the 2m rating for the pl game on sky .with star quality including wayne rooney and eden hazard on show , manchester united 's visit to chelsea took viewers away from the game at wembley , bringing the premier league and fa into another dispute\"]\n", - "=======================\n", - "[\"football association and premier league fall out over clashbbc and sky viewing figures both suffered with games on at same timeluke shaw might have been helped by louis van gaal 's fast-food rulesjoe root 's celebrations come in for criticism , while alastair cook is still worrying about kevin pietersen 's media coverage\"]\n", - "both organisations blame each other for their respective rights holders , sky and the bbc , scheduling the marquee chelsea vs manchester united league match against the fa cup semi-final between reading and arsenal .the cup game attracted a peak audience of 6.9 million , over treble the 2m rating for the pl game on sky .with star quality including wayne rooney and eden hazard on show , manchester united 's visit to chelsea took viewers away from the game at wembley , bringing the premier league and fa into another dispute\n", - "football association and premier league fall out over clashbbc and sky viewing figures both suffered with games on at same timeluke shaw might have been helped by louis van gaal 's fast-food rulesjoe root 's celebrations come in for criticism , while alastair cook is still worrying about kevin pietersen 's media coverage\n", - "[1.2515454 1.0993062 1.2943192 1.1097131 1.0819354 1.200488 1.2202678\n", - " 1.0568873 1.3255274 1.1448574 1.035436 1.0372626 1.0134975 1.136206\n", - " 1.0858077 1.0151539 1.0217764 1.0955603 1.0204765 1.0150405 1.0220847\n", - " 1.0597234 1.0198288 1.0313542]\n", - "\n", - "[ 8 2 0 6 5 9 13 3 1 17 14 4 21 7 11 10 23 20 16 18 22 15 19 12]\n", - "=======================\n", - "[\"marouane fellaini has become manchester united 's go-to player in midfielder this seasonwith all that money flashing around you would have picked angel di maria over juan mata , marcus rojo over chris smalling and just about anybody over marouane fellaini and ashley young .manchester united had four different scorers on sunday .\"]\n", - "=======================\n", - "[\"manchester united beat manchester city 4-2 at old trafford on sundayashley young , marouane fellaini , juan mata and chris smalling scorednot many would have expected them to be key men for louis van gaaljames ward-prowse can reach the top if he adds goals to his gamei 've got a sneaky feeling one of the promoted teams will surviveaaron lennon looks happy at everton and he could move permanentlyaaron cresswell scored one of the free-kicks of the season against stokeyannick bolasie is terrorising defenders with his blistering speedfrancis coquelin and harry kane show clubs do n't need to spend bighave tottenham really improved this season under mauricio pochettino ?visiting augusta showed just how dedicated you must be to be the best\"]\n", - "marouane fellaini has become manchester united 's go-to player in midfielder this seasonwith all that money flashing around you would have picked angel di maria over juan mata , marcus rojo over chris smalling and just about anybody over marouane fellaini and ashley young .manchester united had four different scorers on sunday .\n", - "manchester united beat manchester city 4-2 at old trafford on sundayashley young , marouane fellaini , juan mata and chris smalling scorednot many would have expected them to be key men for louis van gaaljames ward-prowse can reach the top if he adds goals to his gamei 've got a sneaky feeling one of the promoted teams will surviveaaron lennon looks happy at everton and he could move permanentlyaaron cresswell scored one of the free-kicks of the season against stokeyannick bolasie is terrorising defenders with his blistering speedfrancis coquelin and harry kane show clubs do n't need to spend bighave tottenham really improved this season under mauricio pochettino ?visiting augusta showed just how dedicated you must be to be the best\n", - "[1.2388833 1.3771424 1.2256362 1.398564 1.2927177 1.1428497 1.0677615\n", - " 1.0992808 1.085915 1.1384143 1.0171968 1.0163008 1.0381414 1.0335084\n", - " 1.0889615 1.0985757 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 1 4 0 2 5 9 7 15 14 8 6 12 13 10 11 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"freed : maría jose carrascosa was released from a new jersey jail on friday after spending nearly 9 years behind bars for refusing to return her daughter to the united statescarrascosa , formerly of fort lee , was paroled last year after moving her daughter , then 5 , to spain when the girl 's father , peter innes , was granted custody of the child .once paroled , carrascosa was taken to the bergen county jail for contempt of court for violating a court order to bring the child back .\"]\n", - "=======================\n", - "[\"spanish national maría jose carrascosa , 49 , was jailed in 2006 after refusing to return her daughter to the custody of her father in new jerseyshe was released friday , in part because her estranged ex peter innes wrote a letter asking the court to do what 's best for their daughter , now 14carrascosa , now the focus of widespread media attention in spain , plans to return to valencia as soon as possible to be with her daughterthe two have already had a tearful reunion after carrascosa 's release via skype\"]\n", - "freed : maría jose carrascosa was released from a new jersey jail on friday after spending nearly 9 years behind bars for refusing to return her daughter to the united statescarrascosa , formerly of fort lee , was paroled last year after moving her daughter , then 5 , to spain when the girl 's father , peter innes , was granted custody of the child .once paroled , carrascosa was taken to the bergen county jail for contempt of court for violating a court order to bring the child back .\n", - "spanish national maría jose carrascosa , 49 , was jailed in 2006 after refusing to return her daughter to the custody of her father in new jerseyshe was released friday , in part because her estranged ex peter innes wrote a letter asking the court to do what 's best for their daughter , now 14carrascosa , now the focus of widespread media attention in spain , plans to return to valencia as soon as possible to be with her daughterthe two have already had a tearful reunion after carrascosa 's release via skype\n", - "[1.1522739 1.2404906 1.1906192 1.1654522 1.1510471 1.1011686 1.2655872\n", - " 1.1257391 1.0974149 1.0874836 1.0667796 1.1263423 1.1156971 1.0425869\n", - " 1.0571105 1.1138281 1.0961488 1.087997 1.0620016 1.0365837 1.0338218\n", - " 1.0728037 0. 0. ]\n", - "\n", - "[ 6 1 2 3 0 4 11 7 12 15 5 8 16 17 9 21 10 18 14 13 19 20 22 23]\n", - "=======================\n", - "[\"david beckham was voted number one choice for dadin a new survey by ripley 's believe it or not !david , the former england captain , obe and goodwill ambassador for unicef has been voted to be the number one celebrity figure brits would love to have as a dad .\"]\n", - "=======================\n", - "['a new survey has revealed who britons would like as their celebrity familydavid beckham was voted number one choice for fatherholly willoughby was voted as the most desired motherthe survey also revealed we want adele and rhianna as our sister']\n", - "david beckham was voted number one choice for dadin a new survey by ripley 's believe it or not !david , the former england captain , obe and goodwill ambassador for unicef has been voted to be the number one celebrity figure brits would love to have as a dad .\n", - "a new survey has revealed who britons would like as their celebrity familydavid beckham was voted number one choice for fatherholly willoughby was voted as the most desired motherthe survey also revealed we want adele and rhianna as our sister\n", - "[1.3392711 1.5060086 1.2800325 1.3777533 1.283762 1.1312863 1.076337\n", - " 1.0384209 1.0515842 1.0361098 1.1327426 1.0567276 1.0115336 1.0168406\n", - " 1.0145006 1.0127882 1.1002393 1.1241708 1.1026629 1.0086361 1.008352 ]\n", - "\n", - "[ 1 3 0 4 2 10 5 17 18 16 6 11 8 7 9 13 14 15 12 19 20]\n", - "=======================\n", - "['reds captain gerrard is set to feature for liverpool in the fa cup semi-final against aston villa at wembley on sunday , looking to lead his hometown side into the final against arsenal .martin skrtel ( left ) says departing liverpool captain steven gerrard is still one of the best players in the worldmartin skrtel has praised the impact steven gerrard has had upon him since arriving at anfield in 2008 but believes liverpool can overcome the difficult challenge of replacing him .']\n", - "=======================\n", - "['steven gerrard will leave liverpool for la galaxy at the end of the seasonmartin skrtel has praised the impact gerrard has had on him at liverpoolskrtel believes the club do have players that could eventually replace him']\n", - "reds captain gerrard is set to feature for liverpool in the fa cup semi-final against aston villa at wembley on sunday , looking to lead his hometown side into the final against arsenal .martin skrtel ( left ) says departing liverpool captain steven gerrard is still one of the best players in the worldmartin skrtel has praised the impact steven gerrard has had upon him since arriving at anfield in 2008 but believes liverpool can overcome the difficult challenge of replacing him .\n", - "steven gerrard will leave liverpool for la galaxy at the end of the seasonmartin skrtel has praised the impact gerrard has had on him at liverpoolskrtel believes the club do have players that could eventually replace him\n", - "[1.3621291 1.2696831 1.0625894 1.2680718 1.0793214 1.1545 1.0918002\n", - " 1.0897259 1.0541798 1.0459045 1.0992386 1.1122776 1.0269167 1.0181856\n", - " 1.0246413 1.0299535 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 5 11 10 6 7 4 2 8 9 15 12 14 13 19 16 17 18 20]\n", - "=======================\n", - "[\"when you consider 80 per cent of our information about the outside world comes through our eyes , it 's hardly surprising studies show eye contact to be the most effective way to signal sexual interest .eighteen times more sensitive than our ears , our eyes are capable of responding to one and a half million simultaneous messages .spring is the season for flirting so the perfect time to find out the five eye contact techniques that are scientifically proven to get you noticed !\"]\n", - "=======================\n", - "['sexpert says eye contact is the most effective way to signal sexual interesteven the simple act of blinking can demonstrate attractionhere tracey advises on how to use your peepers to get their attention']\n", - "when you consider 80 per cent of our information about the outside world comes through our eyes , it 's hardly surprising studies show eye contact to be the most effective way to signal sexual interest .eighteen times more sensitive than our ears , our eyes are capable of responding to one and a half million simultaneous messages .spring is the season for flirting so the perfect time to find out the five eye contact techniques that are scientifically proven to get you noticed !\n", - "sexpert says eye contact is the most effective way to signal sexual interesteven the simple act of blinking can demonstrate attractionhere tracey advises on how to use your peepers to get their attention\n", - "[1.4646674 1.2251667 1.2769042 1.4077233 1.2514741 1.0315938 1.031232\n", - " 1.0598931 1.0211377 1.0259687 1.0309297 1.0153706 1.1030978 1.072572\n", - " 1.1035298 1.0711104 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 4 1 14 12 13 15 7 5 6 10 9 8 11 19 16 17 18 20]\n", - "=======================\n", - "[\"brian o'driscoll believes roman abramovich style investment is needed to turn english clubs back into a european force but admits that scrapping the salary cap would be dangerous .saracens are the only english team featuring in this weekend 's champions cup semi-finals and , with the west london side being major underdogs against clermont auvergne , ireland legend o'driscoll believes the domestic game needs to readdress the balance .with the french league becoming a honeypot for billionaire financiers -- comic book tycoon mourad boudjellal has used his chequebook to turn toulon into double european champions -- the gulf between clubs from the aviva premiership and the top 14 is bigger than ever .\"]\n", - "=======================\n", - "[\"brian o'driscoll laments lack of money in the english gamethe french league has become a honeypot for billionairessaracens are the only english team left in the champions cup\"]\n", - "brian o'driscoll believes roman abramovich style investment is needed to turn english clubs back into a european force but admits that scrapping the salary cap would be dangerous .saracens are the only english team featuring in this weekend 's champions cup semi-finals and , with the west london side being major underdogs against clermont auvergne , ireland legend o'driscoll believes the domestic game needs to readdress the balance .with the french league becoming a honeypot for billionaire financiers -- comic book tycoon mourad boudjellal has used his chequebook to turn toulon into double european champions -- the gulf between clubs from the aviva premiership and the top 14 is bigger than ever .\n", - "brian o'driscoll laments lack of money in the english gamethe french league has become a honeypot for billionairessaracens are the only english team left in the champions cup\n", - "[1.3973069 1.2116338 1.2508006 1.0397781 1.3975883 1.3934796 1.2860262\n", - " 1.0771774 1.087992 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 0 5 6 2 1 8 7 3 18 17 16 15 14 10 12 11 19 9 13 20]\n", - "=======================\n", - "[\"michael vaughan criticised the footwork and mindset of england 's top order for just looking to survivemichael vaughan , who is favourite to become england 's cricket supremo , was quick to condemn the openers after west indies got them both out early on .jonathan trott was out for a duck on his return to the test match side in antigua\"]\n", - "=======================\n", - "[\"england 's top order collapsed on the first morning in antiguajonathan trott , alastair cook and gary ballance all out cheaplymichael vaughan critical of footwork and mindset of the triovaughan is favourite to take up role of england cricket director\"]\n", - "michael vaughan criticised the footwork and mindset of england 's top order for just looking to survivemichael vaughan , who is favourite to become england 's cricket supremo , was quick to condemn the openers after west indies got them both out early on .jonathan trott was out for a duck on his return to the test match side in antigua\n", - "england 's top order collapsed on the first morning in antiguajonathan trott , alastair cook and gary ballance all out cheaplymichael vaughan critical of footwork and mindset of the triovaughan is favourite to take up role of england cricket director\n", - "[1.2923137 1.4135139 1.273323 1.2872677 1.2279127 1.1564596 1.0689161\n", - " 1.0790207 1.1196265 1.0280852 1.0769881 1.1229049 1.0398798 1.0103308\n", - " 1.0616584 1.0645958 1.0286447 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 5 11 8 7 10 6 15 14 12 16 9 13 19 17 18 20]\n", - "=======================\n", - "['the supermarket giant published a list of tips on how its 314,000 uk workers can stay active in their jobs and not become couch potatoes in a post on its staff website .tesco has ordered its staff to get fit by dancing and running on the spot in store amid concerns about overweight checkout workers putting off customers .industry insiders have said that the initiative is part of a wider move to smarten up tesco stores in the eyes of consumers .']\n", - "=======================\n", - "[\"it has been suggested the idea is part of move to smarten up tesco storesindustry insider says ` sweaty , overweight workers ' are putting shoppers offamong the advice tips is to get dancing in stores or have walking meetings\"]\n", - "the supermarket giant published a list of tips on how its 314,000 uk workers can stay active in their jobs and not become couch potatoes in a post on its staff website .tesco has ordered its staff to get fit by dancing and running on the spot in store amid concerns about overweight checkout workers putting off customers .industry insiders have said that the initiative is part of a wider move to smarten up tesco stores in the eyes of consumers .\n", - "it has been suggested the idea is part of move to smarten up tesco storesindustry insider says ` sweaty , overweight workers ' are putting shoppers offamong the advice tips is to get dancing in stores or have walking meetings\n", - "[1.5028768 1.4490685 1.2312034 1.280366 1.4334315 1.3052745 1.0533558\n", - " 1.0351692 1.0206854 1.0152305 1.0177561 1.0189446 1.0096403 1.0116688\n", - " 1.0105138 1.1836057 1.087244 1.0163698 1.0682759 1.120929 1.021075\n", - " 1.0081537]\n", - "\n", - "[ 0 1 4 5 3 2 15 19 16 18 6 7 20 8 11 10 17 9 13 14 12 21]\n", - "=======================\n", - "[\"blackpool striker nile ranger has accused the club of ` taking the mick ' out of him by giving him such a low-paid contract that it left him wondering how he would fill his fridge with food .the former newcastle forward has not featured for the seasiders since the end of november after making 14 appearances for the club in the first months of the season .ranger has been awol since early in december and says the club took the mick with his contract\"]\n", - "=======================\n", - "[\"nile ranger has been awol from blackpool since early decemberthe striker has not played for the club since the end of novemberranger 's blackpool deal expires at the end of this seasonformer newcastle forward say the club took the mick out of him\"]\n", - "blackpool striker nile ranger has accused the club of ` taking the mick ' out of him by giving him such a low-paid contract that it left him wondering how he would fill his fridge with food .the former newcastle forward has not featured for the seasiders since the end of november after making 14 appearances for the club in the first months of the season .ranger has been awol since early in december and says the club took the mick with his contract\n", - "nile ranger has been awol from blackpool since early decemberthe striker has not played for the club since the end of novemberranger 's blackpool deal expires at the end of this seasonformer newcastle forward say the club took the mick out of him\n", - "[1.403983 1.2493801 1.1514466 1.1977893 1.151743 1.1055343 1.1014078\n", - " 1.0367855 1.1283011 1.0522405 1.0586604 1.0962647 1.101479 1.0365058\n", - " 1.0185883 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 4 2 8 5 12 6 11 10 9 7 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "['( cnn ) pope francis risked turkish anger on sunday by using the word \" genocide \" to refer to the mass killings of armenians a century ago under the ottoman empire .\" in the past century , our human family has lived through three massive and unprecedented tragedies , \" the pope said at a mass at st. peter \\'s basilica to commemorate the 100th anniversary of the armenian massacres .his use of the term genocide -- even though he was quoting from the declaration -- upset turkey .']\n", - "=======================\n", - "['former turkish ambassador to the vatican calls use of the word \" genocide \" a \" one-sided evaluation \"pope discusses massacres of armenians a century after they took placeturkey denies the mass killings constituted a genocide']\n", - "( cnn ) pope francis risked turkish anger on sunday by using the word \" genocide \" to refer to the mass killings of armenians a century ago under the ottoman empire .\" in the past century , our human family has lived through three massive and unprecedented tragedies , \" the pope said at a mass at st. peter 's basilica to commemorate the 100th anniversary of the armenian massacres .his use of the term genocide -- even though he was quoting from the declaration -- upset turkey .\n", - "former turkish ambassador to the vatican calls use of the word \" genocide \" a \" one-sided evaluation \"pope discusses massacres of armenians a century after they took placeturkey denies the mass killings constituted a genocide\n", - "[1.2327632 1.4535507 1.422487 1.3110462 1.192143 1.0716419 1.0189551\n", - " 1.0254537 1.0137886 1.0157444 1.0463656 1.0276062 1.0895578 1.1480178\n", - " 1.1109866 1.0701582 1.0595729 1.0519994 1.0692801 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 0 4 13 14 12 5 15 18 16 17 10 11 7 6 9 8 20 19 21]\n", - "=======================\n", - "[\"sheila elkan , who lives in the house that featured as the leadbetters ' home in the classic 1970s tv series , backed david cameron today after he launched his ` good life ' manifesto .the 84-year-old great-grandmother-of-five has resided at the home in hillingdon , north-west london , since 1986 .the real-life margo leadbetter has backed the prime minister to deliver the good life to britain .\"]\n", - "=======================\n", - "[\"sheila elkan lives in house that was leadbetters ' home in the good lifegreat-grandmother has resided at house in north-west london since 1986front and rear garden scenes filmed at her three-bedroom detached homemargo leadbetter was made famous by penelope keith in 1970s tv series\"]\n", - "sheila elkan , who lives in the house that featured as the leadbetters ' home in the classic 1970s tv series , backed david cameron today after he launched his ` good life ' manifesto .the 84-year-old great-grandmother-of-five has resided at the home in hillingdon , north-west london , since 1986 .the real-life margo leadbetter has backed the prime minister to deliver the good life to britain .\n", - "sheila elkan lives in house that was leadbetters ' home in the good lifegreat-grandmother has resided at house in north-west london since 1986front and rear garden scenes filmed at her three-bedroom detached homemargo leadbetter was made famous by penelope keith in 1970s tv series\n", - "[1.3108644 1.3694732 1.1215477 1.4152964 1.0555143 1.1327827 1.0823466\n", - " 1.0379449 1.1238467 1.0152478 1.040957 1.0719217 1.0379807 1.043487\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 0 5 8 2 6 11 4 13 10 12 7 9 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"dead at 91 : real estate mogul and michigan billionaire a. alfred taubman died on friday night at his home after a heart attacktaubman 's business success spanned from real estate and art houses to the hot dog-serving a&w restaurant chain , for which he traveled to hungary to figure out why the country 's sausage was so good .taubman centers , a subsidiary of his taubman co. , founded in 1950 , currently owns and manages 19 regional shopping centers nationwide .\"]\n", - "=======================\n", - "[\"a. alfred taubman , the self-made michigan billionaire died on friday night at his home of a heart attacktaubman 's business success spanned from real estate and art houses to the hot dog-serving a&w restaurant chainwaubman was convicted in 2001 of conspiring with the former chairman of christie 's to fix the commissions the auction giants charged at sotheby 'staubman was fined $ 7.5 million and spent about a year in a low-security prison in rochester , minnesota , but long insisted he was innocent\"]\n", - "dead at 91 : real estate mogul and michigan billionaire a. alfred taubman died on friday night at his home after a heart attacktaubman 's business success spanned from real estate and art houses to the hot dog-serving a&w restaurant chain , for which he traveled to hungary to figure out why the country 's sausage was so good .taubman centers , a subsidiary of his taubman co. , founded in 1950 , currently owns and manages 19 regional shopping centers nationwide .\n", - "a. alfred taubman , the self-made michigan billionaire died on friday night at his home of a heart attacktaubman 's business success spanned from real estate and art houses to the hot dog-serving a&w restaurant chainwaubman was convicted in 2001 of conspiring with the former chairman of christie 's to fix the commissions the auction giants charged at sotheby 'staubman was fined $ 7.5 million and spent about a year in a low-security prison in rochester , minnesota , but long insisted he was innocent\n", - "[1.317514 1.345278 1.2321992 1.0977317 1.2441292 1.1547778 1.1675632\n", - " 1.0796839 1.0349449 1.0574217 1.0456139 1.0467691 1.2100402 1.1093211\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 4 2 12 6 5 13 3 7 9 11 10 8 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the scottish first minister said she would form an anti-tory alliance with labour and other smaller parties regardless of how many mps david cameron wins on may 7 .the snp will help make ed miliband prime minister even if labour finish 40 seats behind the tories at the general election , nicola sturgeon said last night .while mr miliband has ruled out going into coalition with the snp , ms sturgeon 's remarks raise the prospect of labour ruling as a minority government - despite winning fewer votes and seats than the tories .\"]\n", - "=======================\n", - "['snp leader vowed to prop up labour even if the tories finish clear winnersit means mr miliband could be pm with fewer votes and mps than the torieshe would by pm of a minority labour government kept in power by the snpmr miliband has ruled at a formal coalition with the scottish nationalistsbut he has refused to rule out working with the snp vote by vote']\n", - "the scottish first minister said she would form an anti-tory alliance with labour and other smaller parties regardless of how many mps david cameron wins on may 7 .the snp will help make ed miliband prime minister even if labour finish 40 seats behind the tories at the general election , nicola sturgeon said last night .while mr miliband has ruled out going into coalition with the snp , ms sturgeon 's remarks raise the prospect of labour ruling as a minority government - despite winning fewer votes and seats than the tories .\n", - "snp leader vowed to prop up labour even if the tories finish clear winnersit means mr miliband could be pm with fewer votes and mps than the torieshe would by pm of a minority labour government kept in power by the snpmr miliband has ruled at a formal coalition with the scottish nationalistsbut he has refused to rule out working with the snp vote by vote\n", - "[1.2423239 1.5306759 1.3608186 1.2919267 1.1924809 1.1128314 1.0207343\n", - " 1.0137669 1.1686594 1.1027637 1.0171498 1.069226 1.049529 1.1639994\n", - " 1.0169308 1.0210704 1.0078763 1.0072892 1.0081013]\n", - "\n", - "[ 1 2 3 0 4 8 13 5 9 11 12 15 6 10 14 7 18 16 17]\n", - "=======================\n", - "['flamur ukshini , 23 , from the kosovan capital of pristina , is in his final year studying business informatics and also works as a part time model .but thanks to his eerie similarity to the one direction singer , he boasts almost 40,000 followers on his instagram page .every picture that flamur posts is immediately fawned over by legions of directioners']\n", - "=======================\n", - "[\"flamur ukshini , 23 , from kosovo , is the doppelgänger of zayn malikthe university student 's likeness has got him 40,000 instagram followershe tells femail that he is often asked for photos in the street\"]\n", - "flamur ukshini , 23 , from the kosovan capital of pristina , is in his final year studying business informatics and also works as a part time model .but thanks to his eerie similarity to the one direction singer , he boasts almost 40,000 followers on his instagram page .every picture that flamur posts is immediately fawned over by legions of directioners\n", - "flamur ukshini , 23 , from kosovo , is the doppelgänger of zayn malikthe university student 's likeness has got him 40,000 instagram followershe tells femail that he is often asked for photos in the street\n", - "[1.330446 1.2251405 1.3125463 1.2603812 1.132488 1.2472782 1.074023\n", - " 1.0341872 1.0514479 1.2109007 1.1381886 1.0233545 1.0764309 1.0605245\n", - " 1.05955 1.0615339 1.0371051 1.0279437 1.0116084]\n", - "\n", - "[ 0 2 3 5 1 9 10 4 12 6 15 13 14 8 16 7 17 11 18]\n", - "=======================\n", - "[\"sorry : journalist sabrina rubin erdely ( pictured ) is expected to apologize for an article she wrote for rolling stone magazine about campus rapein the story , titled ' a rape on campus ' , jackie claims to have been gang raped by seven men at campus fraternity phi kappa psi two years ago .the columbia graduate school of journalism will release their review of the botched rolling stone investigation at 8pm on sunday .\"]\n", - "=======================\n", - "[\"sabrina rubin erdely wrote ' a rape on campus ' which was published in rolling stone in novemberthe story focuses on a university of virginia student named jackie who claims to have been gang raped by seven men two years agosoon after it was published , jackie 's story came under questioning and rolling stone was forced to issue an apologythe columbia journalism school has been conducting an independent review of what went wrong in erdely 's reportingthey will publish their findings sunday night at 8pmsources tell cnn that erdely will issue an apologetic statement after the review is published\"]\n", - "sorry : journalist sabrina rubin erdely ( pictured ) is expected to apologize for an article she wrote for rolling stone magazine about campus rapein the story , titled ' a rape on campus ' , jackie claims to have been gang raped by seven men at campus fraternity phi kappa psi two years ago .the columbia graduate school of journalism will release their review of the botched rolling stone investigation at 8pm on sunday .\n", - "sabrina rubin erdely wrote ' a rape on campus ' which was published in rolling stone in novemberthe story focuses on a university of virginia student named jackie who claims to have been gang raped by seven men two years agosoon after it was published , jackie 's story came under questioning and rolling stone was forced to issue an apologythe columbia journalism school has been conducting an independent review of what went wrong in erdely 's reportingthey will publish their findings sunday night at 8pmsources tell cnn that erdely will issue an apologetic statement after the review is published\n", - "[1.2841359 1.2883972 1.2460096 1.179896 1.1784304 1.0526296 1.0790479\n", - " 1.1220362 1.0810891 1.1044846 1.064331 1.0832111 1.0803291 1.0732913\n", - " 1.0677576 1.0104235 1.0096467 1.0706501 0. ]\n", - "\n", - "[ 1 0 2 3 4 7 9 11 8 12 6 13 17 14 10 5 15 16 18]\n", - "=======================\n", - "[\"valdosta state university found itself in the center of a controversy after a video shared on social media showed an air force veteran and former playboy model , michelle manhart , taking an american flag from demonstrators who had walked on it to protest racism .at the protest , held a week ago , manhart was detained by police when she refused to return the flag .hunt : police said they traced the gun to a protester who was part of the flag-walking demonstration , and they issued a warrant for eric sheppard 's arrest on charges of bringing a firearm onto a college campus\"]\n", - "=======================\n", - "[\"hundreds protested an air force vet and former playboy model 's arrest when she tried to stop people from trampling on a flagvaldosta state university closed after police warned there would be thousands of protesters and as they searched for student eric sheppardpolice said they traced a gun to a protester who was part of the flag-walking demonstration , and issued a warrant for eric sheppard 's arrestmichelle manhart , 38 , was handcuffed at valdosta state university , georgiaformer usaf training sergeant took flag from campus protesters on fridaypolice arrested her for not giving it back because of how it was treatedmanhart posed for raunchy military-themed playboy spread in 2007was demoted from her sergeant rank , and later left the military\"]\n", - "valdosta state university found itself in the center of a controversy after a video shared on social media showed an air force veteran and former playboy model , michelle manhart , taking an american flag from demonstrators who had walked on it to protest racism .at the protest , held a week ago , manhart was detained by police when she refused to return the flag .hunt : police said they traced the gun to a protester who was part of the flag-walking demonstration , and they issued a warrant for eric sheppard 's arrest on charges of bringing a firearm onto a college campus\n", - "hundreds protested an air force vet and former playboy model 's arrest when she tried to stop people from trampling on a flagvaldosta state university closed after police warned there would be thousands of protesters and as they searched for student eric sheppardpolice said they traced a gun to a protester who was part of the flag-walking demonstration , and issued a warrant for eric sheppard 's arrestmichelle manhart , 38 , was handcuffed at valdosta state university , georgiaformer usaf training sergeant took flag from campus protesters on fridaypolice arrested her for not giving it back because of how it was treatedmanhart posed for raunchy military-themed playboy spread in 2007was demoted from her sergeant rank , and later left the military\n", - "[1.1794207 1.3522377 1.3412529 1.1562256 1.1491973 1.1187156 1.0500346\n", - " 1.0480664 1.0604775 1.137305 1.162296 1.1232939 1.0786654 1.0449455\n", - " 1.1362631 1.1088701 1.0105432 1.0314393 0. ]\n", - "\n", - "[ 1 2 0 10 3 4 9 14 11 5 15 12 8 6 7 13 17 16 18]\n", - "=======================\n", - "[\"it 's been a longtime tradition for the conga to play during memphis grizzlies games with cartoon bongos appearing on the giant court tv screen .spectators are then filmed attempting to play the imaginary drums but one competitor who continues to turn heads is mother-of-two , malenda meacham .a 45-year-old nba fan has become a celebrity in her own right for her enthusiastic air bongo-playing skills .\"]\n", - "=======================\n", - "[\"it 's been a longtime tradition for the conga to play during memphis grizzlies games with cartoon bongos appearing on the court tv screenspectators are then filmed attempting to play the imaginary drumsbut one competitor who continues to turn heads is mother-of-two and attorney , malenda meachamshe says she likes to drink coffee before playing the air bongos so she can give it her all\"]\n", - "it 's been a longtime tradition for the conga to play during memphis grizzlies games with cartoon bongos appearing on the giant court tv screen .spectators are then filmed attempting to play the imaginary drums but one competitor who continues to turn heads is mother-of-two , malenda meacham .a 45-year-old nba fan has become a celebrity in her own right for her enthusiastic air bongo-playing skills .\n", - "it 's been a longtime tradition for the conga to play during memphis grizzlies games with cartoon bongos appearing on the court tv screenspectators are then filmed attempting to play the imaginary drumsbut one competitor who continues to turn heads is mother-of-two and attorney , malenda meachamshe says she likes to drink coffee before playing the air bongos so she can give it her all\n", - "[1.5823877 1.1966348 1.1594208 1.0931607 1.1342967 1.0324206 1.0256716\n", - " 1.0170178 1.0191648 1.0169431 1.0210993 1.0273409 1.0129675 1.0342566\n", - " 1.2274665 1.2111464 1.0439105 1.0763626 1.1179643]\n", - "\n", - "[ 0 14 15 1 2 4 18 3 17 16 13 5 11 6 10 8 7 9 12]\n", - "=======================\n", - "[\"barcelona threw away a two-goal lead against sevilla thanks to individual errors by claudio bravo and gerard pique , which leaves them just two points ahead of real madrid at the top of la liga .goals from lionel messi and neymar looked to have ended sevilla 's amazing 14-month unbeaten home record in la liga , but unai emery 's men showed why they are so hard to beat with a momentous comeback .gerard deulofeu was dropped from sevilla 's squad and denis suarez started on the bench .\"]\n", - "=======================\n", - "['barcelona squandered a two-goal lead to stumble to a draw at sevillalionel messi and neymar both scored stunning goals on saturday nightsevilla hit back with goals from ever banega and sub kevin gameirola liga leaders barca now two points ahead of rivals real madrid']\n", - "barcelona threw away a two-goal lead against sevilla thanks to individual errors by claudio bravo and gerard pique , which leaves them just two points ahead of real madrid at the top of la liga .goals from lionel messi and neymar looked to have ended sevilla 's amazing 14-month unbeaten home record in la liga , but unai emery 's men showed why they are so hard to beat with a momentous comeback .gerard deulofeu was dropped from sevilla 's squad and denis suarez started on the bench .\n", - "barcelona squandered a two-goal lead to stumble to a draw at sevillalionel messi and neymar both scored stunning goals on saturday nightsevilla hit back with goals from ever banega and sub kevin gameirola liga leaders barca now two points ahead of rivals real madrid\n", - "[1.2581336 1.4457113 1.2424601 1.2049044 1.2303203 1.1704702 1.1142462\n", - " 1.0542107 1.0838964 1.0965462 1.0886208 1.0908731 1.0756457 1.1666777\n", - " 1.0352277 1.0567218 1.019833 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 4 3 5 13 6 9 11 10 8 12 15 7 14 16 17 18 19 20 21]\n", - "=======================\n", - "['the gang of four were seen trying to hack into an atm outside a waitrose supermarket in kenilworth in warwickshire , before they fled police in the stolen car after nearby residents reported seeing sparks flying from the cash machine .when they were arrested at a flat in tamworth a list of atms was found .they were tracked to a block of flats in tamworth in staffordshire .']\n", - "=======================\n", - "['four masked raiders used saws and an angle grinder to break into an atmwhen police arrived they fled in a stolen audi , reaching speeds of 145mphpolice helicopter tracked gang to flats in tamworth and they were arresteddriver of stolen car was found hiding in dense bushes after he was picked out by a thermal imaging camera on board the police helicopter']\n", - "the gang of four were seen trying to hack into an atm outside a waitrose supermarket in kenilworth in warwickshire , before they fled police in the stolen car after nearby residents reported seeing sparks flying from the cash machine .when they were arrested at a flat in tamworth a list of atms was found .they were tracked to a block of flats in tamworth in staffordshire .\n", - "four masked raiders used saws and an angle grinder to break into an atmwhen police arrived they fled in a stolen audi , reaching speeds of 145mphpolice helicopter tracked gang to flats in tamworth and they were arresteddriver of stolen car was found hiding in dense bushes after he was picked out by a thermal imaging camera on board the police helicopter\n", - "[1.2587383 1.3899571 1.1379681 1.2101861 1.2017223 1.0464289 1.0614878\n", - " 1.043712 1.1088016 1.0480986 1.2154155 1.0101091 1.036951 1.0132335\n", - " 1.0225183 1.0192864 1.0380309 1.0346954 1.0361439 1.1049781 1.0119663\n", - " 1.0779182]\n", - "\n", - "[ 1 0 10 3 4 2 8 19 21 6 9 5 7 16 12 18 17 14 15 13 20 11]\n", - "=======================\n", - "[\"the 18-year-old , who is just 18 months younger than blonde bombshell gigi , 19 , stars in a powerful and provocative new shoot featured in the may issue of elle magazine , which sees her modeling a series of risque and revealing ensembles .gigi hadid 's younger sister bella hadid is quickly catching up with her star sibling 's phenomenal fashion success , carving out an impressive career for herself within the industry .bella 's designer footwear is on sale for $ 500 ( less than half the original price ! )\"]\n", - "=======================\n", - "['bella , 18 , is the younger sister of guess campaign star gigi hadid , 19the rising star poses in a series of provocative outfits for the may issue of ellefellow fashion favorite hailey baldwin also features in the issue , appearing in her own separate shoot and interview']\n", - "the 18-year-old , who is just 18 months younger than blonde bombshell gigi , 19 , stars in a powerful and provocative new shoot featured in the may issue of elle magazine , which sees her modeling a series of risque and revealing ensembles .gigi hadid 's younger sister bella hadid is quickly catching up with her star sibling 's phenomenal fashion success , carving out an impressive career for herself within the industry .bella 's designer footwear is on sale for $ 500 ( less than half the original price ! )\n", - "bella , 18 , is the younger sister of guess campaign star gigi hadid , 19the rising star poses in a series of provocative outfits for the may issue of ellefellow fashion favorite hailey baldwin also features in the issue , appearing in her own separate shoot and interview\n", - "[1.1175302 1.451356 1.1913319 1.3407111 1.1121716 1.0895966 1.0768918\n", - " 1.0427961 1.2202015 1.0600173 1.1016383 1.0301452 1.0969919 1.0579481\n", - " 1.0804396 1.0459888 1.0323492 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 8 2 0 4 10 12 5 14 6 9 13 15 7 16 11 20 17 18 19 21]\n", - "=======================\n", - "[\"snp leader nicola sturgeon has left her boxy jackets and severe suits in the past - and she proved her new style credentials with a stunning appearance yesterday morning .she is rumoured to have hired a personal shopper and employed a stylist in the run-up to the scottish parliament election in 2007 .the 44-year-old looked particularly glamorous on her way to bbc 's andrew marr show in a fuchsia column dress that flattered her slimmed-down physique .\"]\n", - "=======================\n", - "[\"snp 's nicola sturgeon looked glamorous as she arrived at bbc yesterdaynationalist wore fuchsia dress that flattered her slimmed-down physiquemiss sturgeon has left her boxy jackets and severe suits in the pastshe is rumoured to have hired a personal shopper and a stylist in 2007\"]\n", - "snp leader nicola sturgeon has left her boxy jackets and severe suits in the past - and she proved her new style credentials with a stunning appearance yesterday morning .she is rumoured to have hired a personal shopper and employed a stylist in the run-up to the scottish parliament election in 2007 .the 44-year-old looked particularly glamorous on her way to bbc 's andrew marr show in a fuchsia column dress that flattered her slimmed-down physique .\n", - "snp 's nicola sturgeon looked glamorous as she arrived at bbc yesterdaynationalist wore fuchsia dress that flattered her slimmed-down physiquemiss sturgeon has left her boxy jackets and severe suits in the pastshe is rumoured to have hired a personal shopper and a stylist in 2007\n", - "[1.2468154 1.387706 1.2917166 1.2751074 1.2733948 1.1410656 1.0321243\n", - " 1.0135939 1.063149 1.0127431 1.0382373 1.1749485 1.0413133 1.0361124\n", - " 1.0668615 1.0343455 1.0791861 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 4 0 11 5 16 14 8 12 10 13 15 6 7 9 17 18 19 20 21]\n", - "=======================\n", - "[\"a virtually cloud-free satellite image from the european space agency 's metop-b satellite has been released as the country continues to bask in bright sunshine and above average temperatures .parts of scotland and wales experienced the warmest temperatures today , with highs of 16.6 c in achnagart , north of fort william and 16.4 c in pembrey sands , carmarthenshire .thousands flocked to the beaches in brighton which to enjoy the sunny weather and highs of 14.9 c and forecasters say the warm weather is set to continue thanks to a third blast of hot air from the mediterranean .\"]\n", - "=======================\n", - "[\"thousands made the most of the warm weekend weather today by heading to beaches and parks across the countrybritain is basking in sunshine with highs of 16.6 c in achnagart , scotland , and 16.4 c in pembrey sands , walesvirtually cloud-free satellite image from the european space agency 's metop-b satellite has been releasedthis month is set to be one of the warmest on record after temperatures soared to above 25c on wednesday\"]\n", - "a virtually cloud-free satellite image from the european space agency 's metop-b satellite has been released as the country continues to bask in bright sunshine and above average temperatures .parts of scotland and wales experienced the warmest temperatures today , with highs of 16.6 c in achnagart , north of fort william and 16.4 c in pembrey sands , carmarthenshire .thousands flocked to the beaches in brighton which to enjoy the sunny weather and highs of 14.9 c and forecasters say the warm weather is set to continue thanks to a third blast of hot air from the mediterranean .\n", - "thousands made the most of the warm weekend weather today by heading to beaches and parks across the countrybritain is basking in sunshine with highs of 16.6 c in achnagart , scotland , and 16.4 c in pembrey sands , walesvirtually cloud-free satellite image from the european space agency 's metop-b satellite has been releasedthis month is set to be one of the warmest on record after temperatures soared to above 25c on wednesday\n", - "[1.301636 1.3587568 1.2609923 1.3424275 1.2994901 1.1556553 1.0905621\n", - " 1.035436 1.1069545 1.0633193 1.0870377 1.1439925 1.1449832 1.0471432\n", - " 1.0349405 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 4 2 5 12 11 8 6 10 9 13 7 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the 50-year-old collapsed just after ordering breakfast at the rooftop restaurant on the fourth floor of the 101 legian hotel in the tourist town of kuta where he was staying .it 's believed that he was from seymour in victoria .an australian man died suddenly on wednesday after suffering a suspected heart attack while holidaying in bali .\"]\n", - "=======================\n", - "['50-year-old man died after suffering a suspected heart attack on holidayshe collapsed after ordering breakfast at a restaurant in 101 legian hotelthe dead man is believed that he was from seymour in victoriaan autopsy has still to be carried out to find the exact cause of deaththe man had earlier told a waitress he was not feeling wellkuta is a holiday destination loved by australian tourists']\n", - "the 50-year-old collapsed just after ordering breakfast at the rooftop restaurant on the fourth floor of the 101 legian hotel in the tourist town of kuta where he was staying .it 's believed that he was from seymour in victoria .an australian man died suddenly on wednesday after suffering a suspected heart attack while holidaying in bali .\n", - "50-year-old man died after suffering a suspected heart attack on holidayshe collapsed after ordering breakfast at a restaurant in 101 legian hotelthe dead man is believed that he was from seymour in victoriaan autopsy has still to be carried out to find the exact cause of deaththe man had earlier told a waitress he was not feeling wellkuta is a holiday destination loved by australian tourists\n", - "[1.3184435 1.0832984 1.260879 1.064063 1.0710356 1.0471995 1.0940763\n", - " 1.114418 1.0565872 1.093042 1.0563287 1.0583198 1.0669862 1.0615921\n", - " 1.0238138 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 7 6 9 1 4 12 3 13 11 8 10 5 14 17 15 16 18]\n", - "=======================\n", - "[\"( cnn ) i 've visited nepal at least half a dozen times over the last decade , and of the more than 100 countries that save the children serves , it is undoubtedly one of my favorites .but nepal has also made some of the most remarkable progress on maternal and child health in the last few years .the fact that the epicenter of this quake was so close to the capital of kathmandu , where the majority of nepal 's citizens reside , makes the situation even more dire .\"]\n", - "=======================\n", - "['a magnitude-7 .8 earthquake struck near kathmandu , nepalcarolyn miles : many survivors will have nowhere to go']\n", - "( cnn ) i 've visited nepal at least half a dozen times over the last decade , and of the more than 100 countries that save the children serves , it is undoubtedly one of my favorites .but nepal has also made some of the most remarkable progress on maternal and child health in the last few years .the fact that the epicenter of this quake was so close to the capital of kathmandu , where the majority of nepal 's citizens reside , makes the situation even more dire .\n", - "a magnitude-7 .8 earthquake struck near kathmandu , nepalcarolyn miles : many survivors will have nowhere to go\n", - "[1.4007139 1.3299376 1.1297058 1.0424727 1.0307894 1.3034719 1.2358625\n", - " 1.1626011 1.0839748 1.0360945 1.1356564 1.0516274 1.0468248 1.0277637\n", - " 1.1033531 1.0564334 1.0433902 0. 0. ]\n", - "\n", - "[ 0 1 5 6 7 10 2 14 8 15 11 12 16 3 9 4 13 17 18]\n", - "=======================\n", - "[\"transgender model andreja pejic has revealed that she was told by people within the fashion industry that she would no longer seem ` special ' or ` interesting ' once she completed her transition into a woman .the 23-year-old revealed to the magazine that she is the new face of make up for evermajor debut : the model , who underwent gender-confirmation surgery last year , took to the runway for the first time as a woman during designer giles deacon 's autumn/winter 2015 show in february ( pictured )\"]\n", - "=======================\n", - "['the 23-year-old also revealed that she has been signed as the new face of beauty brand make up for everandrea is thought to be the first ever transgender model to land a major cosmetics campaignthe serbian-born fashion star underwent gender-confirmation surgery last yearbefore her surgery , andreja made a name for herself within the fashion industry as both a male and a female model , with her androgynous look']\n", - "transgender model andreja pejic has revealed that she was told by people within the fashion industry that she would no longer seem ` special ' or ` interesting ' once she completed her transition into a woman .the 23-year-old revealed to the magazine that she is the new face of make up for evermajor debut : the model , who underwent gender-confirmation surgery last year , took to the runway for the first time as a woman during designer giles deacon 's autumn/winter 2015 show in february ( pictured )\n", - "the 23-year-old also revealed that she has been signed as the new face of beauty brand make up for everandrea is thought to be the first ever transgender model to land a major cosmetics campaignthe serbian-born fashion star underwent gender-confirmation surgery last yearbefore her surgery , andreja made a name for herself within the fashion industry as both a male and a female model , with her androgynous look\n", - "[1.389321 1.2084364 1.1794404 1.1199169 1.2680837 1.2040575 1.117681\n", - " 1.0908345 1.1114384 1.041013 1.0173887 1.0203178 1.0267757 1.0139513\n", - " 1.0888268 1.0532495 1.0641359 1.0336494 1.0720991]\n", - "\n", - "[ 0 4 1 5 2 3 6 8 7 14 18 16 15 9 17 12 11 10 13]\n", - "=======================\n", - "[\"ed and justine miliband first met at a dinner party , hosted by the woman he was ` secretly ' datingcentral to the party that night back in march 2004 was flanders ' boyfriend , labour rising star ed miliband .at the time , he was chief economics adviser to the chancellor , gordon brown .\"]\n", - "=======================\n", - "[\"justine miliband reveals how she met future labour leader at dinner partybut she was ` furious ' when she discovered he was dating the party hostessmr miliband was at the time seeing newsnight editor stephanie flandersshe was just a number of women he dated from the same privileged clique\"]\n", - "ed and justine miliband first met at a dinner party , hosted by the woman he was ` secretly ' datingcentral to the party that night back in march 2004 was flanders ' boyfriend , labour rising star ed miliband .at the time , he was chief economics adviser to the chancellor , gordon brown .\n", - "justine miliband reveals how she met future labour leader at dinner partybut she was ` furious ' when she discovered he was dating the party hostessmr miliband was at the time seeing newsnight editor stephanie flandersshe was just a number of women he dated from the same privileged clique\n", - "[1.1139733 1.3022453 1.1427674 1.5763791 1.2229009 1.1590818 1.1700481\n", - " 1.0612335 1.1545848 1.0499161 1.0718732 1.0313613 1.049433 1.0116357\n", - " 1.0085996 1.0103034 1.0120971 0. 0. ]\n", - "\n", - "[ 3 1 4 6 5 8 2 0 10 7 9 12 11 16 13 15 14 17 18]\n", - "=======================\n", - "['javier hernandez scores the only goal of the two legs in the champions league quarter-final between the madrid neighboursonly here on loan from manchester united for a season , it was a goal that means hernandez will be adored at the santiago bernabeu long after he has gone .hernandez runs away to celebrate his goal as atletico madrid were finally beaten after almost two full matches against real madrid']\n", - "=======================\n", - "[\"atletico madrid 's arda turan fouled sergio ramos in the 76th minute and received a second yellow cardthe visitors were forced to play with 10 men at the bernabeu for the final 15 minutes with the game at 0-0real madrid had dominated possession in the champions league tie before the sending offjavier hernandez scored the winner for real with his first champions league goal for 895 days\"]\n", - "javier hernandez scores the only goal of the two legs in the champions league quarter-final between the madrid neighboursonly here on loan from manchester united for a season , it was a goal that means hernandez will be adored at the santiago bernabeu long after he has gone .hernandez runs away to celebrate his goal as atletico madrid were finally beaten after almost two full matches against real madrid\n", - "atletico madrid 's arda turan fouled sergio ramos in the 76th minute and received a second yellow cardthe visitors were forced to play with 10 men at the bernabeu for the final 15 minutes with the game at 0-0real madrid had dominated possession in the champions league tie before the sending offjavier hernandez scored the winner for real with his first champions league goal for 895 days\n", - "[1.1777314 1.4321098 1.3734279 1.3188865 1.2388078 1.1744132 1.2312171\n", - " 1.0870066 1.0359107 1.0430822 1.0590149 1.1491469 1.0955817 1.0593345\n", - " 1.0331367 1.034268 1.0405865 1.0175685 0. ]\n", - "\n", - "[ 1 2 3 4 6 0 5 11 12 7 13 10 9 16 8 15 14 17 18]\n", - "=======================\n", - "[\"xana doyle , 19 , was a passenger in the toyota avensis , which flipped and landed on its roof in an accident in the early hours of the morning .driver sakhawat ali , 23 , was more than twice the drink-drive limit and had been taking class a and b drugs before getting behind the wheel .miss doyle , who suffered a ` blunt head injury ' , was pronounced dead at the scene in newport , south wales .\"]\n", - "=======================\n", - "[\"xana doyle was killed after toyota avensis flipped and landed on its roofdriver sakhawat ali took class a and b drugs before crashing stolen carcourt heard the 23-year-old was driving the vehicle at ` excessive speed 'admits death by dangerous driving and aggravated vehicle taking\"]\n", - "xana doyle , 19 , was a passenger in the toyota avensis , which flipped and landed on its roof in an accident in the early hours of the morning .driver sakhawat ali , 23 , was more than twice the drink-drive limit and had been taking class a and b drugs before getting behind the wheel .miss doyle , who suffered a ` blunt head injury ' , was pronounced dead at the scene in newport , south wales .\n", - "xana doyle was killed after toyota avensis flipped and landed on its roofdriver sakhawat ali took class a and b drugs before crashing stolen carcourt heard the 23-year-old was driving the vehicle at ` excessive speed 'admits death by dangerous driving and aggravated vehicle taking\n", - "[1.3275088 1.417393 1.2135469 1.2139204 1.3538284 1.0433688 1.0838124\n", - " 1.0972852 1.1884493 1.0395007 1.0130516 1.0967325 1.0288182 1.0462\n", - " 1.0148581 1.0265654 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 3 2 8 7 11 6 13 5 9 12 15 14 10 18 16 17 19]\n", - "=======================\n", - "['archibald-winning artist ben quilty became a mentor to bali nine duo in 2012 and has been a staunch advocate for clemency having witnessed their remarkable rehabilitation first-hand .a celebrated australian artist has penned an impassioned message to the indonesian president in the final hours before his treasured friends , myuran sukumaran and andrew chan , are expected to be executed in indonesia .the artist has described how the two good men will be a pillar of strength for the others on death row until their last moment .']\n", - "=======================\n", - "[\"australian convicted drug smugglers myuran sukumaran and andrew chan are expected to be executed in coming hourscelebrated artist ben quilty became their mentor and friend in 2002he has campaigned tirelessly for clemency , leading the ` mercy ' campaignhours before their execution he penned a message to indonesian presidenthe has described how the men will be a pillar of strenght for the others on death row until the last moment the guns are fires\"]\n", - "archibald-winning artist ben quilty became a mentor to bali nine duo in 2012 and has been a staunch advocate for clemency having witnessed their remarkable rehabilitation first-hand .a celebrated australian artist has penned an impassioned message to the indonesian president in the final hours before his treasured friends , myuran sukumaran and andrew chan , are expected to be executed in indonesia .the artist has described how the two good men will be a pillar of strength for the others on death row until their last moment .\n", - "australian convicted drug smugglers myuran sukumaran and andrew chan are expected to be executed in coming hourscelebrated artist ben quilty became their mentor and friend in 2002he has campaigned tirelessly for clemency , leading the ` mercy ' campaignhours before their execution he penned a message to indonesian presidenthe has described how the men will be a pillar of strenght for the others on death row until the last moment the guns are fires\n", - "[1.129535 1.5035512 1.3848594 1.4581825 1.1688102 1.0377796 1.0335442\n", - " 1.0285693 1.0410103 1.0374544 1.0985154 1.0167978 1.0234301 1.0290117\n", - " 1.0939158 1.0730407 1.0355686 1.0248756 1.0435627 1.0313524]\n", - "\n", - "[ 1 3 2 4 0 10 14 15 18 8 5 9 16 6 19 13 7 17 12 11]\n", - "=======================\n", - "[\"but aidan turner 's poldark co-star heida reed has claimed the obsession with his body is sexist , and is unintentionally undermining the bbc1 series .miss reed , 27 , who stars in the period drama as poldark 's former lover elizabeth , said turner , 31 , was being ` objectified ' in a way that would not be tolerated if he were female .claiming it is evidence of reverse sexism , miss reed said : ' i think there should be the same standard for both sexes when it comes to things like this .\"]\n", - "=======================\n", - "[\"heida reed has claimed audiences ' obsession with her co-star is ` sexist 'she said aidan turner is being ` objectified ' in a form of ` reverse sexism 'hundreds of viewers have expressed delight about turner 's bare chest\"]\n", - "but aidan turner 's poldark co-star heida reed has claimed the obsession with his body is sexist , and is unintentionally undermining the bbc1 series .miss reed , 27 , who stars in the period drama as poldark 's former lover elizabeth , said turner , 31 , was being ` objectified ' in a way that would not be tolerated if he were female .claiming it is evidence of reverse sexism , miss reed said : ' i think there should be the same standard for both sexes when it comes to things like this .\n", - "heida reed has claimed audiences ' obsession with her co-star is ` sexist 'she said aidan turner is being ` objectified ' in a form of ` reverse sexism 'hundreds of viewers have expressed delight about turner 's bare chest\n", - "[1.2679594 1.4672194 1.3833487 1.3680052 1.1696923 1.0256853 1.0241543\n", - " 1.0210944 1.0241162 1.1418325 1.0525793 1.054532 1.1952665 1.0698686\n", - " 1.1041435 1.0750717 1.0309865 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 12 4 9 14 15 13 11 10 16 5 6 8 7 18 17 19]\n", - "=======================\n", - "['faith and hope howie were dubbed the miracle twins when they were born on may 8 last year with one body and two faces due to an extremely rare condition known as disrosopus .the twins were buried at pinegrove memorial park in western sydney after they died after just 19 days .their family and friends had built a small shrine at their gravesite , which they have added to since the funeral']\n", - "=======================\n", - "[\"faith and hope howie were born with one body and two faces on may 8they tragically died in hospital just 19 days after they were bornparents simon howie and renee young visit their grave at pinegrove in western sydney fortnightlythey arrived on thursday to find the grave bare of all the girls ' mementosstaff had cleared entire baby section and thrown belongings in rubbish\"]\n", - "faith and hope howie were dubbed the miracle twins when they were born on may 8 last year with one body and two faces due to an extremely rare condition known as disrosopus .the twins were buried at pinegrove memorial park in western sydney after they died after just 19 days .their family and friends had built a small shrine at their gravesite , which they have added to since the funeral\n", - "faith and hope howie were born with one body and two faces on may 8they tragically died in hospital just 19 days after they were bornparents simon howie and renee young visit their grave at pinegrove in western sydney fortnightlythey arrived on thursday to find the grave bare of all the girls ' mementosstaff had cleared entire baby section and thrown belongings in rubbish\n", - "[1.2676698 1.4076873 1.2856685 1.331613 1.173221 1.1339341 1.1008122\n", - " 1.0951827 1.0676652 1.0897748 1.166225 1.0403357 1.0347581 1.0185616\n", - " 1.0212233 1.0309025 1.0467371 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 10 5 6 7 9 8 16 11 12 15 14 13 17 18 19]\n", - "=======================\n", - "[\"keaway lafonz ivy , who went by the stage name kealo , died from a single gunshot wound to the chest after being struck by a bullet in the area of 62nd place and eastern avenue in seat pleasant wednesday night .on friday , police arrested 21-year-old lafonzo leonard iracks and charged him in connection to ivy 's slaying .an aspiring 21-year-old rapper was shot dead while making a music video in maryland wednesday when police say one of the people in his entourage fired a gun that was being used a prop .\"]\n", - "=======================\n", - "['keaway lafonz ivy , known as kealo , was shot and killed in seat pleasant , maryland , wednesday nightpolice arrested 21-year-old lafonzo leonard iracks in washington dc friday in connection to killingiracks allegedly shot ivy once in the chest from a gun used in the filming of the video']\n", - "keaway lafonz ivy , who went by the stage name kealo , died from a single gunshot wound to the chest after being struck by a bullet in the area of 62nd place and eastern avenue in seat pleasant wednesday night .on friday , police arrested 21-year-old lafonzo leonard iracks and charged him in connection to ivy 's slaying .an aspiring 21-year-old rapper was shot dead while making a music video in maryland wednesday when police say one of the people in his entourage fired a gun that was being used a prop .\n", - "keaway lafonz ivy , known as kealo , was shot and killed in seat pleasant , maryland , wednesday nightpolice arrested 21-year-old lafonzo leonard iracks in washington dc friday in connection to killingiracks allegedly shot ivy once in the chest from a gun used in the filming of the video\n", - "[1.1057725 1.2482057 1.3860285 1.285978 1.182309 1.2245939 1.0167005\n", - " 1.0256493 1.1299974 1.2193065 1.0468916 1.0883543 1.06098 1.0208199\n", - " 1.0098518 1.0123101 1.020861 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 5 9 4 8 0 11 12 10 7 16 13 6 15 14 18 17 19]\n", - "=======================\n", - "['the high-end resort , which opened in 2010 , is renowned as being one of the best in the algarve for a luxury family holiday .the beautiful martinhal is a hit with families - and tv stars such as ben foglemartinhal , which boasts a fine-dining restaurant , is the only five-star resort in the area to have direct access to a beach , and is set within 25 hectares in the protected costa vicentina natural park .']\n", - "=======================\n", - "[\"the tv star was spotted at the martinhal beach resort in portugalfive-star luxury hotels and villas are family-friendly and offer a baby conciergeis one of the best resorts in the algarve and is situated a stone 's throw from the beach\"]\n", - "the high-end resort , which opened in 2010 , is renowned as being one of the best in the algarve for a luxury family holiday .the beautiful martinhal is a hit with families - and tv stars such as ben foglemartinhal , which boasts a fine-dining restaurant , is the only five-star resort in the area to have direct access to a beach , and is set within 25 hectares in the protected costa vicentina natural park .\n", - "the tv star was spotted at the martinhal beach resort in portugalfive-star luxury hotels and villas are family-friendly and offer a baby conciergeis one of the best resorts in the algarve and is situated a stone 's throw from the beach\n", - "[1.2462521 1.6426864 1.2959121 1.4111956 1.040307 1.0264823 1.0211492\n", - " 1.0280122 1.057571 1.0204871 1.0230412 1.0172514 1.0359976 1.0354587\n", - " 1.0339199 1.2597489 1.1362929 1.0680302 1.0173893 1.0142128]\n", - "\n", - "[ 1 3 2 15 0 16 17 8 4 12 13 14 7 5 10 6 9 18 11 19]\n", - "=======================\n", - "[\"joelison fernandes da silva , 28 , developed gigantism as a child and his rapidly soaring height forced him to drop out of school due to bullying and then refuse to leave the family house for years .but true happiness eventually found the shy brazilian - who has come to be known as ` the gentle giant ' - in the form of evem medeiros , a 5ft 21-year-old woman he met online .a 7ft 8in tall man so embarrassed by his height he hid at home for ` half his life ' has found love with a woman three feet smaller than him .\"]\n", - "=======================\n", - "[\"joelison fernandes da silva , 28 , is the third tallest man in the worldhe hid at home for ` half his life ' due to bullying over his heightthe brazilian , who has gigantism , later became a national celebrityhe met his 21-year-old 5ft wife evem medeiros through facebook\"]\n", - "joelison fernandes da silva , 28 , developed gigantism as a child and his rapidly soaring height forced him to drop out of school due to bullying and then refuse to leave the family house for years .but true happiness eventually found the shy brazilian - who has come to be known as ` the gentle giant ' - in the form of evem medeiros , a 5ft 21-year-old woman he met online .a 7ft 8in tall man so embarrassed by his height he hid at home for ` half his life ' has found love with a woman three feet smaller than him .\n", - "joelison fernandes da silva , 28 , is the third tallest man in the worldhe hid at home for ` half his life ' due to bullying over his heightthe brazilian , who has gigantism , later became a national celebrityhe met his 21-year-old 5ft wife evem medeiros through facebook\n", - "[1.461024 1.3536274 1.166534 1.1078217 1.2793465 1.3380058 1.0450372\n", - " 1.0503417 1.1110276 1.1090676 1.1386704 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 4 2 10 8 9 3 7 6 18 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"barcelona 's champions league quarter-final first-leg win over paris saint-germain has been lauded by the spanish media .two goals from luis suarez and an effort from neymar have given the four-time winners a commanding 3-1 lead going into their return fixture after gregory van der wiel pulled one back for the hosts with a deflected effort on 82 minutes .luis suarez ( left ) scores his second goal of the night as barcelona go 3-0 ahead on wednesday\"]\n", - "=======================\n", - "[\"barcelona won 3-1 at psg in their champions league quarter-final first legluis suarez scored twice after neymar 's opener for the visitorsgregory van der wiel pulled one back for the french side on 82 minutestwo teams meet again for the second leg on april 21 at the nou camp\"]\n", - "barcelona 's champions league quarter-final first-leg win over paris saint-germain has been lauded by the spanish media .two goals from luis suarez and an effort from neymar have given the four-time winners a commanding 3-1 lead going into their return fixture after gregory van der wiel pulled one back for the hosts with a deflected effort on 82 minutes .luis suarez ( left ) scores his second goal of the night as barcelona go 3-0 ahead on wednesday\n", - "barcelona won 3-1 at psg in their champions league quarter-final first legluis suarez scored twice after neymar 's opener for the visitorsgregory van der wiel pulled one back for the french side on 82 minutestwo teams meet again for the second leg on april 21 at the nou camp\n", - "[1.4602807 1.0295061 1.3392543 1.0533466 1.4062483 1.4168088 1.1791196\n", - " 1.0495214 1.0394437 1.2534804 1.0884315 1.0866929 1.0291599 1.0662935\n", - " 1.0811905 1.0995545 1.0114096 1.0062935 1.0120308 0. ]\n", - "\n", - "[ 0 5 4 2 9 6 15 10 11 14 13 3 7 8 1 12 18 16 17 19]\n", - "=======================\n", - "[\"luke shaw thought he had done ok as he walked off the old trafford pitch at half-time during manchester united 's fa cup tie against arsenal last month .louis van gaal substituted the # 28million defender , telling shaw that he was not fit enough to play for unitedthe score was 1-1 and shaw , returning to the team for the first time since united 's defeat at swansea city in february , had kept arsenal flyer alex oxlade-chamberlain reasonably quiet .\"]\n", - "=======================\n", - "['manchester united paid almost # 30million to sign luke shaw last summerdeal made shaw the most expensive teenage footballer of all timehe has not appeared for united since being substituted against arsenallouis van gaal has told the young left back he is not fit enoughshaw is a home boy and has struggled to adapt to new life in manchesterhe has found a manager who has very specific and exacting demands']\n", - "luke shaw thought he had done ok as he walked off the old trafford pitch at half-time during manchester united 's fa cup tie against arsenal last month .louis van gaal substituted the # 28million defender , telling shaw that he was not fit enough to play for unitedthe score was 1-1 and shaw , returning to the team for the first time since united 's defeat at swansea city in february , had kept arsenal flyer alex oxlade-chamberlain reasonably quiet .\n", - "manchester united paid almost # 30million to sign luke shaw last summerdeal made shaw the most expensive teenage footballer of all timehe has not appeared for united since being substituted against arsenallouis van gaal has told the young left back he is not fit enoughshaw is a home boy and has struggled to adapt to new life in manchesterhe has found a manager who has very specific and exacting demands\n", - "[1.4476466 1.2213016 1.1963515 1.166983 1.0667437 1.0631628 1.3628244\n", - " 1.1151974 1.1272507 1.1408452 1.0546999 1.0425786 1.0443184 1.0263891\n", - " 1.0136023 1.0206835 1.0427301 1.0141697 1.0283319 0. ]\n", - "\n", - "[ 0 6 1 2 3 9 8 7 4 5 10 12 16 11 18 13 15 17 14 19]\n", - "=======================\n", - "[\"alastair cook has been working on a new , more open stance with former england batting coach graham gooch over the past few months .but in the first test against the west indies , i think he overdid it .the picture below shows cook playing against india at lord 's in 2007 -- when he was playing well -- with a near perfect stance .\"]\n", - "=======================\n", - "[\"england captain alastair cook has been working on a new batting stancehis new stance has his front foot too far out without protecting the wicketas a result , he does n't have time to adjust to the delivery and set himselfcook probably overdid his new stance against the west indiesstill , he should n't be written off just yet and impressed in training\"]\n", - "alastair cook has been working on a new , more open stance with former england batting coach graham gooch over the past few months .but in the first test against the west indies , i think he overdid it .the picture below shows cook playing against india at lord 's in 2007 -- when he was playing well -- with a near perfect stance .\n", - "england captain alastair cook has been working on a new batting stancehis new stance has his front foot too far out without protecting the wicketas a result , he does n't have time to adjust to the delivery and set himselfcook probably overdid his new stance against the west indiesstill , he should n't be written off just yet and impressed in training\n", - "[1.3089036 1.4164778 1.3770952 1.1260325 1.1344602 1.1846225 1.028219\n", - " 1.0213912 1.2524204 1.0427167 1.1712016 1.0361128 1.0529464 1.0694851\n", - " 1.024033 1.0065713 1.016763 1.0894797 0. 0. ]\n", - "\n", - "[ 1 2 0 8 5 10 4 3 17 13 12 9 11 6 14 7 16 15 18 19]\n", - "=======================\n", - "[\"ally lees , of alfie bird 's restaurant in birmingham , created the dish - which is three-foot in circumference - in time for easter , but says it would take more than five people to eat it .the overbearing dish contains a whopping 945g of protein , which is 16 times the recommended daily amount for a man .it contains 12,000 calories and was made using an incredible 150 eggs , but the chef behind this mammoth omelette claims you 'll need more than a few friends to help you polish it off .\"]\n", - "=======================\n", - "[\"chef ally lees of alfie bird 's in birmingham made festive eggy dishbeastly omelette contains 12,000 calories and 945g of proteinthree food wide dish took an hour to cook for the easter promotion\"]\n", - "ally lees , of alfie bird 's restaurant in birmingham , created the dish - which is three-foot in circumference - in time for easter , but says it would take more than five people to eat it .the overbearing dish contains a whopping 945g of protein , which is 16 times the recommended daily amount for a man .it contains 12,000 calories and was made using an incredible 150 eggs , but the chef behind this mammoth omelette claims you 'll need more than a few friends to help you polish it off .\n", - "chef ally lees of alfie bird 's in birmingham made festive eggy dishbeastly omelette contains 12,000 calories and 945g of proteinthree food wide dish took an hour to cook for the easter promotion\n", - "[1.2068403 1.1519084 1.1570234 1.1509527 1.1886897 1.0378201 1.1002475\n", - " 1.1024675 1.0565513 1.1653283 1.1656193 1.0729696 1.0453476 1.0511873\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 10 9 2 1 3 7 6 11 8 13 12 5 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"everybody knows that new york is called ` the big apple ' , that london is known as ` the old smoke ' and that paris is referred to as ` the city of love ' -- but do you know why ?in fact , it stemmed from a street known as block 16 that became famous in the early 1900s for selling alcohol and for offering prostitution .flights company just the flight have researched city nicknames all over the world , finding out the real stories behind each and every one of them to produce a handy infographic .\"]\n", - "=======================\n", - "[\"las vegas ' nickname of sin city relates to a building prostitutes usedlondon known as the old smoke owing to the 1952 great smogsingapore literally translates as lion city after founder said he saw a ` merlion ' - a cross between a mermaid and lion\"]\n", - "everybody knows that new york is called ` the big apple ' , that london is known as ` the old smoke ' and that paris is referred to as ` the city of love ' -- but do you know why ?in fact , it stemmed from a street known as block 16 that became famous in the early 1900s for selling alcohol and for offering prostitution .flights company just the flight have researched city nicknames all over the world , finding out the real stories behind each and every one of them to produce a handy infographic .\n", - "las vegas ' nickname of sin city relates to a building prostitutes usedlondon known as the old smoke owing to the 1952 great smogsingapore literally translates as lion city after founder said he saw a ` merlion ' - a cross between a mermaid and lion\n", - "[1.4097776 1.409625 1.2685798 1.1413723 1.0979617 1.0949309 1.0934684\n", - " 1.0566033 1.0835706 1.0398172 1.0147023 1.0923446 1.0316784 1.0304613\n", - " 1.0244931 1.1167464 1.0504994 1.1083239 1.0211351 1.0220013 1.0287323]\n", - "\n", - "[ 0 1 2 3 15 17 4 5 6 11 8 7 16 9 12 13 20 14 19 18 10]\n", - "=======================\n", - "['marietta , georgia ( cnn ) the little-known star of this week \\'s no. 1 car chase movie , \" furious 7 \" is n\\'t a car .film producers hired a lockheed c-130 hercules to fly five cars 12,000 feet high , open a cargo door at the rear of the plane and parachute them out in a spectacular free-fall stunt .happy 60th birthday to the hercules -- the oldest continuously produced family of military planes in history .']\n", - "=======================\n", - "['the type of plane used for a jaw-dropping stunt in \" furious 7 \" is 60 years oldlockheed \\'s c-130 hercules is the longest continuously produced military plane in historyc-130 factory in georgia celebrates the flight of the first c-130 production model']\n", - "marietta , georgia ( cnn ) the little-known star of this week 's no. 1 car chase movie , \" furious 7 \" is n't a car .film producers hired a lockheed c-130 hercules to fly five cars 12,000 feet high , open a cargo door at the rear of the plane and parachute them out in a spectacular free-fall stunt .happy 60th birthday to the hercules -- the oldest continuously produced family of military planes in history .\n", - "the type of plane used for a jaw-dropping stunt in \" furious 7 \" is 60 years oldlockheed 's c-130 hercules is the longest continuously produced military plane in historyc-130 factory in georgia celebrates the flight of the first c-130 production model\n", - "[1.3064766 1.3042483 1.2242215 1.1547348 1.1487616 1.1247016 1.1686327\n", - " 1.0836624 1.160953 1.1128881 1.0622597 1.1103361 1.0193403 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 6 8 3 4 5 9 11 7 10 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the duke and duchess of cambridge have moved back to kensington palace to prepare for the imminent birth of their new baby , mailonline can reveal today .the couple , whose second child is due on saturday , returned to their london base , just a few minutes ' drive from the private lindo wing at st mary 's , paddington , on sunday night after spending the weekend at kate 's family home in berkshire , where they took a trip to their local farm park .the news came as kensington palace revealed william will enjoy what amounts to six weeks ' paternity leave around the arrival of the new little prince or princess .\"]\n", - "=======================\n", - "['prince william had been expected to work as pilot until the end of aprilduchess of cambridge is based in london and baby is due this saturdaywilliam using unpaid leave and paternity leave to stay off work until june 1prince harry is back for marathon on sunday so could see niece or nephew']\n" + "9999\n", + "9999\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ - "IOPub data rate exceeded.\n", - "The notebook server will temporarily stop sending output\n", - "to the client in order to avoid crashing it.\n", - "To change this limit, set the config variable\n", - "`--NotebookApp.iopub_data_rate_limit`.\n", - "\n", - "Current values:\n", - "NotebookApp.iopub_data_rate_limit=1000000.0 (bytes/sec)\n", - "NotebookApp.rate_limit_window=3.0 (secs)\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[\"dramatic footage released today shows prince harry flying two-seater spitfire over the english channel last augustthe 30-year-old royal is seen howling with delight as the fighter plane is guided into expert loop by an instructorafter he lands , the former apache helicopter commander is heard saying ` all good things must come to an end 'prince also met former servicemen accepted on to spitfire training programme supported by his endeavour fund\"]\n", - "buckingham palace released video of the 30-year-old enjoying his flight ahead of his arrival in australia tomorrow , where he will begin a month-long attachment with the australian defence force .now prince harry has been filmed revelling in a daring new adventure -- a stomach-churning flight in a spitfire .he will also visit the war memorial and lay a wreath at the tomb of the unknown soldier , both in canberra .\n", - "dramatic footage released today shows prince harry flying two-seater spitfire over the english channel last augustthe 30-year-old royal is seen howling with delight as the fighter plane is guided into expert loop by an instructorafter he lands , the former apache helicopter commander is heard saying ` all good things must come to an end 'prince also met former servicemen accepted on to spitfire training programme supported by his endeavour fund\n", - "[1.1848906 1.473021 1.2474253 1.2517815 1.1801811 1.1416212 1.1395608\n", - " 1.0510929 1.0743979 1.0563711 1.0573028 1.0555419 1.1647788 1.1682405\n", - " 1.1045451 1.0653733 1.012553 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 13 12 5 6 14 8 15 10 9 11 7 16 17 18]\n", - "=======================\n", - "[\"the # 2,000 designer tote bag , hand-made in japan , was a 50th birthday gift for hampstead woman , sabine smouha , from her husband jeremy , the director of an investments company .but , when it arrived in britain in 2013 , customs officers confiscated it because nile crocodiles are a protected species and it did n't have the right documentation .a woman whose designer crocodile-skin handbag was seized by the uk border force has triumphed in a test case bid to get it back .\"]\n", - "=======================\n", - "[\"the bag was a 50th birthday gift from her investments manager husbandit was made in japan from african nile crocodile - an endangered speciescustoms officials took it because ` endangered ' imports need special permitssabine smouha from hampstead has now won two-year battle for its return\"]\n", - "the # 2,000 designer tote bag , hand-made in japan , was a 50th birthday gift for hampstead woman , sabine smouha , from her husband jeremy , the director of an investments company .but , when it arrived in britain in 2013 , customs officers confiscated it because nile crocodiles are a protected species and it did n't have the right documentation .a woman whose designer crocodile-skin handbag was seized by the uk border force has triumphed in a test case bid to get it back .\n", - "the bag was a 50th birthday gift from her investments manager husbandit was made in japan from african nile crocodile - an endangered speciescustoms officials took it because ` endangered ' imports need special permitssabine smouha from hampstead has now won two-year battle for its return\n", - "[1.0466329 1.0395349 1.3805327 1.3700941 1.1897227 1.1155311 1.1658889\n", - " 1.0547822 1.0496814 1.0500731 1.0974171 1.0967104 1.0383152 1.0501664\n", - " 1.0869892 1.0592203 1.0828243 1.0501131 1.0449904]\n", - "\n", - "[ 2 3 4 6 5 10 11 14 16 15 7 13 17 9 8 0 18 1 12]\n", - "=======================\n", - "['when more than 200 nigerian girls were kidnapped from their school a year ago by boko haram militants , millions of people around the world joined a social media campaign to plead for their safe return .charles alasholuyi was one of those people -- from celebrities to world leaders -- voicing their anger via #bringbackourgirls , one of the top twitter hashtags of 2014 , used in more than four million tweets .but as weeks turned into months , there was still no sign of the missing girls .']\n", - "=======================\n", - "['some 276 girls were kidnapped from their school in northeastern nigeria by boko haram a year agomass abduction prompted global outcry , with protesters around the world under the #bringbackourgirls bannercharles alasholuyi has held up a #bringbackourgirls sign almost every day since , to keep up awareness']\n", - "when more than 200 nigerian girls were kidnapped from their school a year ago by boko haram militants , millions of people around the world joined a social media campaign to plead for their safe return .charles alasholuyi was one of those people -- from celebrities to world leaders -- voicing their anger via #bringbackourgirls , one of the top twitter hashtags of 2014 , used in more than four million tweets .but as weeks turned into months , there was still no sign of the missing girls .\n", - "some 276 girls were kidnapped from their school in northeastern nigeria by boko haram a year agomass abduction prompted global outcry , with protesters around the world under the #bringbackourgirls bannercharles alasholuyi has held up a #bringbackourgirls sign almost every day since , to keep up awareness\n", - "[1.3337884 1.3591055 1.2376478 1.3748921 1.1202888 1.2442459 1.0863612\n", - " 1.0700173 1.1416942 1.0805258 1.0143782 1.0101255 1.0078657 1.0699341\n", - " 1.0172853 1.01423 1.0706918 1.0458729 1.1531818]\n", - "\n", - "[ 3 1 0 5 2 18 8 4 6 9 16 7 13 17 14 10 15 11 12]\n", - "=======================\n", - "[\"sarah thomas , a 42-year-old mother of three from brandon , mississippi , has reportedly been tapped as the first woman to be hired as a full-time nfl referee .thomas , 42 , a referee for college football 's conference usa , has been considered before for a position in the nfl before she was chosen to start in the league next year , baltimore reporter aaron wilson posted on his twitter account .she has previously refereed preseasons games , scrimmages and minicamps after becoming part of the nfl 's training program since 2013 .\"]\n", - "=======================\n", - "['thomas has refereed a preseasons game , scrimmages and minicampsshe was first woman to preside over a bowl game in college footballshannon eastin , replacement ref , officiated game during 2012 lockouthiring would make nfl second major sports league with woman official']\n", - "sarah thomas , a 42-year-old mother of three from brandon , mississippi , has reportedly been tapped as the first woman to be hired as a full-time nfl referee .thomas , 42 , a referee for college football 's conference usa , has been considered before for a position in the nfl before she was chosen to start in the league next year , baltimore reporter aaron wilson posted on his twitter account .she has previously refereed preseasons games , scrimmages and minicamps after becoming part of the nfl 's training program since 2013 .\n", - "thomas has refereed a preseasons game , scrimmages and minicampsshe was first woman to preside over a bowl game in college footballshannon eastin , replacement ref , officiated game during 2012 lockouthiring would make nfl second major sports league with woman official\n", - "[1.2332575 1.3784014 1.357878 1.1881745 1.300073 1.2489933 1.0557339\n", - " 1.0176649 1.0283474 1.0305808 1.1737794 1.1169369 1.0584096 1.0844032\n", - " 1.0543655 1.0471554 1.0408576 0. 0. ]\n", - "\n", - "[ 1 2 4 5 0 3 10 11 13 12 6 14 15 16 9 8 7 17 18]\n", - "=======================\n", - "[\"the british formula 1 racer drew criticism from around the world when he aimed the fizz directly as the face of 23-year-old grid girl liu siying , who was pictured looking less than impressed .liu siying was pictured grimacing as lewis hamilton sprayed champagne at her face after winning the racesexism campaigners called hamilton 's behaviour ` selfish ' - but siying said she did not think too much about it\"]\n", - "=======================\n", - "[\"lewis hamilton showered her with champagne after winning grand prixcampaigners against sexism said action was ` selfish and inconsiderate 'but liu siying says she was n't offended and just doing her job\"]\n", - "the british formula 1 racer drew criticism from around the world when he aimed the fizz directly as the face of 23-year-old grid girl liu siying , who was pictured looking less than impressed .liu siying was pictured grimacing as lewis hamilton sprayed champagne at her face after winning the racesexism campaigners called hamilton 's behaviour ` selfish ' - but siying said she did not think too much about it\n", - "lewis hamilton showered her with champagne after winning grand prixcampaigners against sexism said action was ` selfish and inconsiderate 'but liu siying says she was n't offended and just doing her job\n", - "[1.2623086 1.4043505 1.2813904 1.2178314 1.2076877 1.0767813 1.0375788\n", - " 1.0251498 1.1711015 1.151346 1.0771935 1.081402 1.0848404 1.0234646\n", - " 1.0452994 1.0566514 1.0504732 1.0244323 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 8 9 12 11 10 5 15 16 14 6 7 17 13 21 18 19 20 22]\n", - "=======================\n", - "['the charge came to light when customers sought to claim money back from travel insurers after french air-traffic strikes affected flights earlier this month .they were asked to provide an airline letter confirming the cancellation , but easyjet told its hard-hit passengers to pay a # 10 fee .the association of european airlines confirmed last night that no other airline has attempted to charge for this and said customers should not be charged .']\n", - "=======================\n", - "['customers sought to claim after french strikes affected flights this monthinsurers asked passengers for airline letter that confirmed cancellationbut easyjet told those affected to pay # 10 administration fee for the proof']\n", - "the charge came to light when customers sought to claim money back from travel insurers after french air-traffic strikes affected flights earlier this month .they were asked to provide an airline letter confirming the cancellation , but easyjet told its hard-hit passengers to pay a # 10 fee .the association of european airlines confirmed last night that no other airline has attempted to charge for this and said customers should not be charged .\n", - "customers sought to claim after french strikes affected flights this monthinsurers asked passengers for airline letter that confirmed cancellationbut easyjet told those affected to pay # 10 administration fee for the proof\n", - "[1.3469932 1.2316483 1.2680635 1.076235 1.3605719 1.2142241 1.2752948\n", - " 1.1300573 1.099026 1.0913591 1.0819592 1.0700998 1.0432577 1.0882305\n", - " 1.0385125 1.0149214 1.0306361 1.0405082 1.078948 1.0213414 1.0062563\n", - " 1.0071647 1.1355205]\n", - "\n", - "[ 4 0 6 2 1 5 22 7 8 9 13 10 18 3 11 12 17 14 16 19 15 21 20]\n", - "=======================\n", - "['jurgen klopp confirmed in a press conference he is to leave borussia dortmund this summerjurgen klopp is to step down as borussia dortmund manager this summer .klopp will officially cease to be dortmund manager on june 30']\n", - "=======================\n", - "[\"jurgen klopp 's seven-year stint at borussia dortmund will end on june 30premier league clubs on alert after the shock news from germanyklopp has denied suggestions he is exhausted and wants a breakdortmund ceo hans-joachim watzke confirmed news in press conferencethe 47-year-old has been linked to arsenal and man city jobsklopp has won two league titles and the german cup in seven years thereklopp : ' i believe that borussia dortmund actually needs a change '\"]\n", - "jurgen klopp confirmed in a press conference he is to leave borussia dortmund this summerjurgen klopp is to step down as borussia dortmund manager this summer .klopp will officially cease to be dortmund manager on june 30\n", - "jurgen klopp 's seven-year stint at borussia dortmund will end on june 30premier league clubs on alert after the shock news from germanyklopp has denied suggestions he is exhausted and wants a breakdortmund ceo hans-joachim watzke confirmed news in press conferencethe 47-year-old has been linked to arsenal and man city jobsklopp has won two league titles and the german cup in seven years thereklopp : ' i believe that borussia dortmund actually needs a change '\n", - "[1.1858819 1.4427674 1.2744222 1.2556913 1.235933 1.1420817 1.1216143\n", - " 1.1628953 1.0624404 1.0760207 1.1353184 1.1331885 1.03147 1.014708\n", - " 1.0070512 1.0105748 1.0066478 1.0526763 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 7 5 10 11 6 9 8 17 12 13 15 14 16 21 18 19 20 22]\n", - "=======================\n", - "[\"the female , named varvara , swam 14,000 miles ( 22,500 km ) from the east coast of russia to breeding grounds off the coast of mexico , and back , without even stopping for a snack when she was nine years old .her return journey across the north pacific raises questions about the critically endangered creature 's conservation status .a western gray whale ( pictured ) has made the longest known migration by any mammal .\"]\n", - "=======================\n", - "[\"western gray whales were tagged seven years ago to monitor migrationthe then nine-year-old female called varvara swam from russia to breeding grounds near mexico during five-and-a-half months in 2011gray whales typically do n't feed during migration , which has led researchers to believe she did n't eat during the long journeyprevious record was held by a humpback who swam 11,706 miles in 2011\"]\n", - "the female , named varvara , swam 14,000 miles ( 22,500 km ) from the east coast of russia to breeding grounds off the coast of mexico , and back , without even stopping for a snack when she was nine years old .her return journey across the north pacific raises questions about the critically endangered creature 's conservation status .a western gray whale ( pictured ) has made the longest known migration by any mammal .\n", - "western gray whales were tagged seven years ago to monitor migrationthe then nine-year-old female called varvara swam from russia to breeding grounds near mexico during five-and-a-half months in 2011gray whales typically do n't feed during migration , which has led researchers to believe she did n't eat during the long journeyprevious record was held by a humpback who swam 11,706 miles in 2011\n", - "[1.4122711 1.3767827 1.1992916 1.1217995 1.0712118 1.0298735 1.3440323\n", - " 1.1121268 1.0661008 1.0717804 1.1630558 1.1407813 1.0577481 1.0546056\n", - " 1.0939107 1.1078836 1.0741905 1.0480363 1.0217792 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 6 2 10 11 3 7 15 14 16 9 4 8 12 13 17 5 18 21 19 20 22]\n", - "=======================\n", - "[\"former northern territory politician matthew gardiner has reportedly been detained at darwin airport as he returned from syria , where he is believed to have been fighting the islamic state .in january the senior nt labor party figure fled the country with plans to join kurdish militants - an action which is penalised with life in prison in australia .in february australian man ashley johnston became the first westerner to be killed fighting against is for the kurdish people 's protection unit ( ypg ) .\"]\n", - "=======================\n", - "[\"former union official was arrested after returning from the middle easthe left the country in january to illegally join the fight against isit is understood matthew gardiner headed to iraq or syria to join kurdishthe australian federal police has confirmed it is investigating the casethe 43-year-old was allowed to leave the country because he was not on any watch list , report saysa spokesperson for attorney general george brandis said : ` if you fight illegally in overseas conflicts , you face up to life in prison '\"]\n", - "former northern territory politician matthew gardiner has reportedly been detained at darwin airport as he returned from syria , where he is believed to have been fighting the islamic state .in january the senior nt labor party figure fled the country with plans to join kurdish militants - an action which is penalised with life in prison in australia .in february australian man ashley johnston became the first westerner to be killed fighting against is for the kurdish people 's protection unit ( ypg ) .\n", - "former union official was arrested after returning from the middle easthe left the country in january to illegally join the fight against isit is understood matthew gardiner headed to iraq or syria to join kurdishthe australian federal police has confirmed it is investigating the casethe 43-year-old was allowed to leave the country because he was not on any watch list , report saysa spokesperson for attorney general george brandis said : ` if you fight illegally in overseas conflicts , you face up to life in prison '\n", - "[1.476575 1.4736936 1.2498038 1.2266222 1.4067976 1.2738982 1.1419878\n", - " 1.100082 1.047532 1.015447 1.0163437 1.0202636 1.0347449 1.04374\n", - " 1.114939 1.013309 1.0124096 1.011918 1.00884 1.0103432 1.0082806\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 4 5 2 3 6 14 7 8 13 12 11 10 9 15 16 17 19 18 20 21 22]\n", - "=======================\n", - "['tennis champion novak djokovic has apologised to a startled ball boy and his parents after the serbian player startled him during his final showdown with andy murray .djokovic started shouting at his backroom team after he lost the second set of the miami open to murray .during the tirade , djokovic grabbed a towel from the shocked youngster who was caught up in the crossfire .']\n", - "=======================\n", - "[\"novak djokovic lost his cool during sunday 's final showdown in miamidjokovic started shouting at his backroom team after andy murray won setthe serbian tennis champ asked the youngster for his ` forgiveness 'he said he got emotional because ` andy was playing well '\"]\n", - "tennis champion novak djokovic has apologised to a startled ball boy and his parents after the serbian player startled him during his final showdown with andy murray .djokovic started shouting at his backroom team after he lost the second set of the miami open to murray .during the tirade , djokovic grabbed a towel from the shocked youngster who was caught up in the crossfire .\n", - "novak djokovic lost his cool during sunday 's final showdown in miamidjokovic started shouting at his backroom team after andy murray won setthe serbian tennis champ asked the youngster for his ` forgiveness 'he said he got emotional because ` andy was playing well '\n", - "[1.3169734 1.395332 1.2246516 1.2790983 1.053161 1.1480912 1.0611331\n", - " 1.2159634 1.0951004 1.0191989 1.0446842 1.1025525 1.0491394 1.037314\n", - " 1.0220711 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 7 5 11 8 6 4 12 10 13 14 9 15 16 17 18 19]\n", - "=======================\n", - "['in the images , which are featured in frida kahlo : the gisèle freund photographs , the formidable painter is seen at her most relaxed , walking around her house in mexico .a stunning new series of photographs of the late artist frida kahlo have been released as part of a new book .the pictures portray the artist in her garden or languishing in her bed , giving an unparralled insight into her life with many of the pictures taken in the years before her death in 1954 .']\n", - "=======================\n", - "['frida kahlo was a mexican artist known for her self portraitsa new book focusing on her life includes a series of intimate photographsthe pictures were taken by french photographer gisele freundthey feature in frida kahlo : the gisèle freund photographs']\n", - "in the images , which are featured in frida kahlo : the gisèle freund photographs , the formidable painter is seen at her most relaxed , walking around her house in mexico .a stunning new series of photographs of the late artist frida kahlo have been released as part of a new book .the pictures portray the artist in her garden or languishing in her bed , giving an unparralled insight into her life with many of the pictures taken in the years before her death in 1954 .\n", - "frida kahlo was a mexican artist known for her self portraitsa new book focusing on her life includes a series of intimate photographsthe pictures were taken by french photographer gisele freundthey feature in frida kahlo : the gisèle freund photographs\n", - "[1.2432842 1.1297514 1.2766032 1.4521606 1.2113075 1.1413432 1.0628245\n", - " 1.0486279 1.032616 1.0481839 1.2196066 1.1313093 1.0705341 1.029581\n", - " 1.1252378 1.0423154 1.033178 1.0360358 0. 0. ]\n", - "\n", - "[ 3 2 0 10 4 5 11 1 14 12 6 7 9 15 17 16 8 13 18 19]\n", - "=======================\n", - "['jurgen klopp has announced he is to quit borussia dortmund at the end of the seasondortmund were bundesliga champions in 2011 and 2012 before they reached the final of the champions league in 2013 .the news that jurgen klopp will leave borussia dortmund in the summer has raised the probability that key members of his squad will depart too .']\n", - "=======================\n", - "['klopp will leave borussia dortmund in the summer after seven yearshis departure could means the break-up of his talented squaddefender mats hummels has been weighing up a move to man unitedmidfielder ilkay gundogan has been linked with premier league clubsciro immobile could return to italy following poor goal returnneven subotic has hinted his is keen on a move to england']\n", - "jurgen klopp has announced he is to quit borussia dortmund at the end of the seasondortmund were bundesliga champions in 2011 and 2012 before they reached the final of the champions league in 2013 .the news that jurgen klopp will leave borussia dortmund in the summer has raised the probability that key members of his squad will depart too .\n", - "klopp will leave borussia dortmund in the summer after seven yearshis departure could means the break-up of his talented squaddefender mats hummels has been weighing up a move to man unitedmidfielder ilkay gundogan has been linked with premier league clubsciro immobile could return to italy following poor goal returnneven subotic has hinted his is keen on a move to england\n", - "[1.1997567 1.5359142 1.2347889 1.1821464 1.1422894 1.1936055 1.2535646\n", - " 1.1502732 1.0416223 1.0158716 1.0400479 1.0487025 1.0139502 1.0645865\n", - " 1.0796887 1.0509533 1.0545149 1.1169573 1.0301993 0. ]\n", - "\n", - "[ 1 6 2 0 5 3 7 4 17 14 13 16 15 11 8 10 18 9 12 19]\n", - "=======================\n", - "['vietnamese binh wagner , 3 , and her identical twin phuoc were left with fatally impaired liver function due to alagille syndrome .binh and phuoc wagner of kingston , ontario were adopted by michael and johanne wagner around a year and a half ago from vietnam .but when phuoc needed a donor just a little more , their adopted father michael chose her to receive his liver , which was a perfect match .']\n", - "=======================\n", - "[\"binh wagner , a 3-year-old vietnamese girl adopted by an ontario family , was recovering monday following a liver transplantearlier this year , her twin phuoc received a liver from their adopted father michael wagner but binh 's fate remained uncertainthe identical twins suffer from a genetic disease called alagille syndrome , which leads to a buildup of bile in the liver , causing damage to liver cells\"]\n", - "vietnamese binh wagner , 3 , and her identical twin phuoc were left with fatally impaired liver function due to alagille syndrome .binh and phuoc wagner of kingston , ontario were adopted by michael and johanne wagner around a year and a half ago from vietnam .but when phuoc needed a donor just a little more , their adopted father michael chose her to receive his liver , which was a perfect match .\n", - "binh wagner , a 3-year-old vietnamese girl adopted by an ontario family , was recovering monday following a liver transplantearlier this year , her twin phuoc received a liver from their adopted father michael wagner but binh 's fate remained uncertainthe identical twins suffer from a genetic disease called alagille syndrome , which leads to a buildup of bile in the liver , causing damage to liver cells\n", - "[1.2508494 1.4507463 1.2785213 1.1573614 1.3028777 1.2326217 1.1236145\n", - " 1.0986935 1.1021099 1.051743 1.0621792 1.0504853 1.0368868 1.0671278\n", - " 1.1346481 1.0069151 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 0 5 3 14 6 8 7 13 10 9 11 12 15 18 16 17 19]\n", - "=======================\n", - "[\"18-year-old ryan heritage from wiltshire posted a obnoxious message on trowbridge police 's page , saying : ` oi yo check if there 's a warrant for my arrest , if so good luck !!! 'he went out for a night out in his home town where he was spotted by police who chased him on foot before finally grabbing him .a cocky teenager wanted for alleged fraud and theft taunted police on their facebook page for failing to catch him - and got arrested hours later .\"]\n", - "=======================\n", - "[\"ryan heritage ,18 , charged with theft , burglary and failing to appear in court` check if there 's a warrant for my arrest , if so good luck , ' he posted onlinehe possessed cannabis when police caught him in trowbridge , wiltshirelocal police then re-posted his facebook message with : ` his luck ran out '\"]\n", - "18-year-old ryan heritage from wiltshire posted a obnoxious message on trowbridge police 's page , saying : ` oi yo check if there 's a warrant for my arrest , if so good luck !!! 'he went out for a night out in his home town where he was spotted by police who chased him on foot before finally grabbing him .a cocky teenager wanted for alleged fraud and theft taunted police on their facebook page for failing to catch him - and got arrested hours later .\n", - "ryan heritage ,18 , charged with theft , burglary and failing to appear in court` check if there 's a warrant for my arrest , if so good luck , ' he posted onlinehe possessed cannabis when police caught him in trowbridge , wiltshirelocal police then re-posted his facebook message with : ` his luck ran out '\n", - "[1.397757 1.4289098 1.0553209 1.2768387 1.2769455 1.2401578 1.0448323\n", - " 1.0147171 1.2800326 1.029903 1.0639075 1.0162263 1.2754191 1.1688277\n", - " 1.044438 1.106567 1.011304 1.0104939 1.0092083 1.0662237]\n", - "\n", - "[ 1 0 8 4 3 12 5 13 15 19 10 2 6 14 9 11 7 16 17 18]\n", - "=======================\n", - "[\"the argentine has scored six goals in derby meetings with united and is planning on adding to that tally when the two sides meet at old trafford on sunday . 'sergio aguero says the experience of scoring in a manchester derby is unparalleled .the argentine forward has hailed fellow south american radamel falcao ahead of the derby .\"]\n", - "=======================\n", - "['manchester city play manchester united at old trafford on sundaysergio aguero says scoring in the derby is enough to give you shiversthe argentine has scored six goals against man united since joining cityaguero described man utd striker radamel falcao as one of the most naturally gifted players in world footballaguero is refusing to give up hope of retaining the premier league']\n", - "the argentine has scored six goals in derby meetings with united and is planning on adding to that tally when the two sides meet at old trafford on sunday . 'sergio aguero says the experience of scoring in a manchester derby is unparalleled .the argentine forward has hailed fellow south american radamel falcao ahead of the derby .\n", - "manchester city play manchester united at old trafford on sundaysergio aguero says scoring in the derby is enough to give you shiversthe argentine has scored six goals against man united since joining cityaguero described man utd striker radamel falcao as one of the most naturally gifted players in world footballaguero is refusing to give up hope of retaining the premier league\n", - "[1.489377 1.2073681 1.3949313 1.2161343 1.162065 1.2262979 1.1572555\n", - " 1.1419593 1.0861262 1.1243793 1.0816299 1.0197278 1.1087815 1.018939\n", - " 1.0125514 1.010321 1.0272357 1.0273664 1.0063472 1.036248 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 5 3 1 4 6 7 9 12 8 10 19 17 16 11 13 14 15 18 23 20 21 22\n", - " 24]\n", - "=======================\n", - "['kevin carr is set to complete his epic 16,300 round-the-world trip tomorrow in devon after 19 monthskevin carr set off from haytor on dartmoor in july 2013 and every day since then he has completed on average one and a quarter marathons a day .now , after covering an estimated 36,000,000 steps over the past 19 months he is just 24 hours from returning to his starting point .']\n", - "=======================\n", - "['kevin carr set off on his epic journey from haytor , dartmoor in july 2013he is now less than 24 hours away from completing his epic tripmr carr ran around the world unsupported - taking his own tent with himhe is set to break the previous record held by an australian by 24 hours']\n", - "kevin carr is set to complete his epic 16,300 round-the-world trip tomorrow in devon after 19 monthskevin carr set off from haytor on dartmoor in july 2013 and every day since then he has completed on average one and a quarter marathons a day .now , after covering an estimated 36,000,000 steps over the past 19 months he is just 24 hours from returning to his starting point .\n", - "kevin carr set off on his epic journey from haytor , dartmoor in july 2013he is now less than 24 hours away from completing his epic tripmr carr ran around the world unsupported - taking his own tent with himhe is set to break the previous record held by an australian by 24 hours\n", - "[1.1381395 1.1912531 1.0781425 1.277266 1.2282194 1.1069407 1.2120068\n", - " 1.0947373 1.1469274 1.1016797 1.057564 1.0278981 1.0201983 1.0237831\n", - " 1.0483663 1.0576413 1.0343772 1.0138917 1.0127192 1.0124253 1.0250894\n", - " 1.0201858 1.0110188 1.0123957 1.0485523]\n", - "\n", - "[ 3 4 6 1 8 0 5 9 7 2 15 10 24 14 16 11 20 13 12 21 17 18 19 23\n", - " 22]\n", - "=======================\n", - "[\"looking after a newborn is one of the most exhausting periods in life ( picture posed by model )well-meaning visitors arrive at the house armed with gifts for the baby and plenty of compliments .parenting blogger emily-jane clark , who runs the popular site how to survive a sleep thief , which she describes as ` an antithesis to baby advice ' , has compiled a list of the ways that visitors can avoid annoying a new mother .\"]\n", - "=======================\n", - "['looking after a newborn is one of the most exhausting periods in lifenew mums are surviving on little sleep and providing round-the-clock carewhen friends and family visit the baby , they have several annoying habitsparenting blogger emily-jane clark shows how not to annoy a new mum']\n", - "looking after a newborn is one of the most exhausting periods in life ( picture posed by model )well-meaning visitors arrive at the house armed with gifts for the baby and plenty of compliments .parenting blogger emily-jane clark , who runs the popular site how to survive a sleep thief , which she describes as ` an antithesis to baby advice ' , has compiled a list of the ways that visitors can avoid annoying a new mother .\n", - "looking after a newborn is one of the most exhausting periods in lifenew mums are surviving on little sleep and providing round-the-clock carewhen friends and family visit the baby , they have several annoying habitsparenting blogger emily-jane clark shows how not to annoy a new mum\n", - "[1.3398836 1.2285414 1.3391558 1.3156933 1.1447594 1.1727586 1.088549\n", - " 1.052882 1.085195 1.0810069 1.1429112 1.0308049 1.0163916 1.0286822\n", - " 1.0113518 1.0912704 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 5 4 10 15 6 8 9 7 11 13 12 14 23 16 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"mr miliband will allow scotland to set a more generous benefits system than the rest of the uk if he becomes prime ministerhe will unveil the radical proposals in his manifesto , due to be published tomorrow , as he attempts to fight back in scotland -- a key general election battleground .under mr miliband 's plan , the scottish parliament will be given the power to ` top up ' payments which are reserved to westminster , including jobseeker 's allowance , disability living allowance or even the state pension .\"]\n", - "=======================\n", - "['ed miliband will allow scotland to set a more generous benefits systemthe move is a desperate attempt to reverse the exodus of voters to snphe will unveil the proposals in his manifesto , due to be published tomorrow']\n", - "mr miliband will allow scotland to set a more generous benefits system than the rest of the uk if he becomes prime ministerhe will unveil the radical proposals in his manifesto , due to be published tomorrow , as he attempts to fight back in scotland -- a key general election battleground .under mr miliband 's plan , the scottish parliament will be given the power to ` top up ' payments which are reserved to westminster , including jobseeker 's allowance , disability living allowance or even the state pension .\n", - "ed miliband will allow scotland to set a more generous benefits systemthe move is a desperate attempt to reverse the exodus of voters to snphe will unveil the proposals in his manifesto , due to be published tomorrow\n", - "[1.2446867 1.3626778 1.2641852 1.3655897 1.3609117 1.1072751 1.1708955\n", - " 1.104874 1.1651903 1.185409 1.0273958 1.0268847 1.0304048 1.039063\n", - " 1.0273223 1.0129435 1.0614569 1.012258 1.0063307 1.0069449 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 4 2 0 9 6 8 5 7 16 13 12 10 14 11 15 17 19 18 20 21 22 23\n", - " 24]\n", - "=======================\n", - "['the los angeles angels of anaheim are willing to pay almost $ 70million for josh hamilton to play in texashamilton , who has a history of substance abuse and admitted to relapsing with drugs and alcohol in february , is going to be sent back to his former team , the texas rangers , according to reports .josh hamilton filed for divorce from his wife , katie , in late february after they celebrated ten years together']\n", - "=======================\n", - "[\"los angeles angels are close to deal sending outfielder to texas rangershamilton admitted to relapsing and abusing drugs and alcohol in februarystill has $ 83m left on five-year , $ 125million contract with angels from 2012filed for divorce from real housewives of orange county 's katie hamilton33-year-old was all star during five-year span with rangers from 2008-12\"]\n", - "the los angeles angels of anaheim are willing to pay almost $ 70million for josh hamilton to play in texashamilton , who has a history of substance abuse and admitted to relapsing with drugs and alcohol in february , is going to be sent back to his former team , the texas rangers , according to reports .josh hamilton filed for divorce from his wife , katie , in late february after they celebrated ten years together\n", - "los angeles angels are close to deal sending outfielder to texas rangershamilton admitted to relapsing and abusing drugs and alcohol in februarystill has $ 83m left on five-year , $ 125million contract with angels from 2012filed for divorce from real housewives of orange county 's katie hamilton33-year-old was all star during five-year span with rangers from 2008-12\n", - "[1.2515486 1.3091894 1.2219434 1.2557795 1.1892684 1.1923256 1.4126995\n", - " 1.160111 1.1052105 1.0507182 1.0277667 1.0426537 1.031402 1.274066\n", - " 1.0879467 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 6 1 13 3 0 2 5 4 7 8 14 9 11 12 10 15 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "['the 28-year-old is currently training for his upcoming fight against chris algieri on may 29 at the barclays center in new york .during a training session the bolton-born fighter took a break from using the speed ball before finishing off a bottle of milkshake .british boxer amir khan has been showing off his lightning quick technique with an impressive party trick using no more than an empty plastic bottle .']\n", - "=======================\n", - "[\"amir khan is currently training for next month 's fight with chris algierithe brit took a break from the speed ball to show off his party trickkhan kept bottle in the air by punching it before delivering knock out blow\"]\n", - "the 28-year-old is currently training for his upcoming fight against chris algieri on may 29 at the barclays center in new york .during a training session the bolton-born fighter took a break from using the speed ball before finishing off a bottle of milkshake .british boxer amir khan has been showing off his lightning quick technique with an impressive party trick using no more than an empty plastic bottle .\n", - "amir khan is currently training for next month 's fight with chris algierithe brit took a break from the speed ball to show off his party trickkhan kept bottle in the air by punching it before delivering knock out blow\n", - "[1.4313525 1.3988664 1.464186 1.2565415 1.2125477 1.3212509 1.0505724\n", - " 1.0248731 1.0210446 1.0594269 1.0188318 1.1988351 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 5 3 4 11 9 6 7 8 10 17 12 13 14 15 16 18]\n", - "=======================\n", - "['williams was awarded a full-time sevens contract in 2012 and he has scored 36 tries on the world series circuit .bath have announced the signing of england sevens international jeff williams .the 26-year-old will move to the recreation ground for next season .']\n", - "=======================\n", - "['jeff williams will join up with bath at the end of the current seasonthe sevens star signed a full-time deal with the aviva premiership clubwilliams scored 36 tries on the world circuit and helped win in toyko']\n", - "williams was awarded a full-time sevens contract in 2012 and he has scored 36 tries on the world series circuit .bath have announced the signing of england sevens international jeff williams .the 26-year-old will move to the recreation ground for next season .\n", - "jeff williams will join up with bath at the end of the current seasonthe sevens star signed a full-time deal with the aviva premiership clubwilliams scored 36 tries on the world circuit and helped win in toyko\n", - "[1.2314701 1.3882287 1.2386603 1.3298333 1.1706201 1.2629187 1.1280926\n", - " 1.1434556 1.1287985 1.0273086 1.0141684 1.0254878 1.0529919 1.0927455\n", - " 1.0505365 1.033079 1.1750373 1.0110025 1.0097685]\n", - "\n", - "[ 1 3 5 2 0 16 4 7 8 6 13 12 14 15 9 11 10 17 18]\n", - "=======================\n", - "[\"after angering locals with an initial proposal , the developer has now submitted fresh plans to demolish the john nash-designed park crescent west and rebuild it as apartments .the development would be made up of 73 homes in totalthe crescent 's facade will look near-on identical to its current design , but residents who live behind the site are furious at the proposals , claiming years of noise and disruption will ruin their lives .\"]\n", - "=======================\n", - "[\"developer 's plans to build 73 luxury flats has angered residents who live nearby park crescent west in londonthey claim that noise and disruption caused by the building work could last five years and will ruin their livesthe crescent was originally designed by john nash , who also created buckingham palace , in the early 19th centuryplans to remove the crescent 's facade and replace it with something more historically correct and accurate\"]\n", - "after angering locals with an initial proposal , the developer has now submitted fresh plans to demolish the john nash-designed park crescent west and rebuild it as apartments .the development would be made up of 73 homes in totalthe crescent 's facade will look near-on identical to its current design , but residents who live behind the site are furious at the proposals , claiming years of noise and disruption will ruin their lives .\n", - "developer 's plans to build 73 luxury flats has angered residents who live nearby park crescent west in londonthey claim that noise and disruption caused by the building work could last five years and will ruin their livesthe crescent was originally designed by john nash , who also created buckingham palace , in the early 19th centuryplans to remove the crescent 's facade and replace it with something more historically correct and accurate\n", - "[1.3081584 1.2569449 1.3140614 1.2535827 1.2921613 1.0527005 1.0981042\n", - " 1.129446 1.071719 1.0732123 1.0698094 1.0656388 1.0337737 1.1413977\n", - " 1.0540835 1.1072739 1.1007111 1.019695 0. ]\n", - "\n", - "[ 2 0 4 1 3 13 7 15 16 6 9 8 10 11 14 5 12 17 18]\n", - "=======================\n", - "['the three men , two women and four children were detained by soldiers at a checkpoint in ogulpinar .nine britons -- four of them children -- were seized by turkish security forces last night as they tried to slip across the border to an islamic state stronghold in syria .the jihadists were caught as they made the final leg of their journey .']\n", - "=======================\n", - "['brits arrested on turkey-syria border and are now in custodynine people tried to enter syria illegally , according to local mediathe arrested brits are three men , two women and four children']\n", - "the three men , two women and four children were detained by soldiers at a checkpoint in ogulpinar .nine britons -- four of them children -- were seized by turkish security forces last night as they tried to slip across the border to an islamic state stronghold in syria .the jihadists were caught as they made the final leg of their journey .\n", - "brits arrested on turkey-syria border and are now in custodynine people tried to enter syria illegally , according to local mediathe arrested brits are three men , two women and four children\n", - "[1.380801 1.3769823 1.3015695 1.3977151 1.3993157 1.3217357 1.0648413\n", - " 1.0159436 1.0157396 1.0143337 1.0150784 1.1179857 1.0761054 1.0197638\n", - " 1.0458797 1.0299772 0. 0. 0. ]\n", - "\n", - "[ 4 3 0 1 5 2 11 12 6 14 15 13 7 8 10 9 16 17 18]\n", - "=======================\n", - "[\"liverpool manager brendan rodgers described the # 100,000-a-week contract offer as an ` incredible offer 'raheem sterling admitted in a tv interview that he is not ready to sign a new contract at liverpoolpfa chief executive gordon taylor has defended sterling for postponing contract negotiations\"]\n", - "=======================\n", - "[\"sterling 's talks with liverpool over new deal have ended in stalemateengland star , 20 , insists he is not a ` money grabber ' after turning down # 100,000-a-week contract offer tabled by liverpoolpfa boss taylor says resuming talks in the summer is a wise movethe rise of raheem sterling : from # 60 a day at qpr to knocking back # 100,000-per-week contracts at liverpoolliverpool fc press conference : as raheem sterling hints at possible exit , find out what brendan rodgers has to sayclick here for all the latest liverpool news\"]\n", - "liverpool manager brendan rodgers described the # 100,000-a-week contract offer as an ` incredible offer 'raheem sterling admitted in a tv interview that he is not ready to sign a new contract at liverpoolpfa chief executive gordon taylor has defended sterling for postponing contract negotiations\n", - "sterling 's talks with liverpool over new deal have ended in stalemateengland star , 20 , insists he is not a ` money grabber ' after turning down # 100,000-a-week contract offer tabled by liverpoolpfa boss taylor says resuming talks in the summer is a wise movethe rise of raheem sterling : from # 60 a day at qpr to knocking back # 100,000-per-week contracts at liverpoolliverpool fc press conference : as raheem sterling hints at possible exit , find out what brendan rodgers has to sayclick here for all the latest liverpool news\n", - "[1.5521395 1.2960848 1.1210718 1.1486022 1.2549382 1.2794781 1.0769124\n", - " 1.022637 1.0540714 1.0391241 1.1318358 1.0266923 1.0136869 1.023759\n", - " 1.0570031 1.0962083 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 4 3 10 2 15 6 14 8 9 11 13 7 12 17 16 18]\n", - "=======================\n", - "[\"aston villa manager tim sherwood kept faith with jack grealish , the 19-year-old academy graduate , after handing him his first premier league start against queens park rangers a fortnight ago .the young midfielder did not disappoint , playing a part in christian benteke 's equaliser and then setting up fabian delph 's winner .jack grealish runs at liverpool defender martin skrtel in a game where he adapted well to the big stage\"]\n", - "=======================\n", - "[\"jack grealish was excellent in fa cup semi final victorytim sherwood praises his young star , who outshone liverpool midfieldgrealish was wearing children 's shin-pads during the wembley fixture\"]\n", - "aston villa manager tim sherwood kept faith with jack grealish , the 19-year-old academy graduate , after handing him his first premier league start against queens park rangers a fortnight ago .the young midfielder did not disappoint , playing a part in christian benteke 's equaliser and then setting up fabian delph 's winner .jack grealish runs at liverpool defender martin skrtel in a game where he adapted well to the big stage\n", - "jack grealish was excellent in fa cup semi final victorytim sherwood praises his young star , who outshone liverpool midfieldgrealish was wearing children 's shin-pads during the wembley fixture\n", - "[1.2920685 1.3744041 1.2948518 1.2275082 1.2432303 1.1682564 1.0751859\n", - " 1.0730859 1.0814239 1.0256227 1.0873834 1.0572016 1.0567257 1.0769395\n", - " 1.0291686 1.0375018 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 3 5 10 8 13 6 7 11 12 15 14 9 16 17 18 19]\n", - "=======================\n", - "[\"last night the independent police complaints commission ( ipcc ) said it will investigate claims that the former met chief failed to hand over key information to the macpherson inquiry regarding the black teenager 's race hate killing .the watchdog probe stems from a complaint from stephen 's father neville lawrence .lord stevens is to be investigated over hotly disputed allegations of a cover-up of police corruption in the bungled step-hen lawrence murder probe .\"]\n", - "=======================\n", - "[\"mr stevens accused of not giving information over to macpherson inquirytoday he told channel 4 news : ` i 'm not putting up with any more c ** p 'was deputy commissioner from 1998 to 2000 when report was being madeit 's almost 22 years since stephen lawrence was murdered in racial attack\"]\n", - "last night the independent police complaints commission ( ipcc ) said it will investigate claims that the former met chief failed to hand over key information to the macpherson inquiry regarding the black teenager 's race hate killing .the watchdog probe stems from a complaint from stephen 's father neville lawrence .lord stevens is to be investigated over hotly disputed allegations of a cover-up of police corruption in the bungled step-hen lawrence murder probe .\n", - "mr stevens accused of not giving information over to macpherson inquirytoday he told channel 4 news : ` i 'm not putting up with any more c ** p 'was deputy commissioner from 1998 to 2000 when report was being madeit 's almost 22 years since stephen lawrence was murdered in racial attack\n", - "[1.2623932 1.4662347 1.0877761 1.1093092 1.298664 1.1312728 1.0929903\n", - " 1.0629115 1.098249 1.1207243 1.1551409 1.0629982 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 10 5 9 3 8 6 2 11 7 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"the manchester united star , whose birthday was in march , posted a picture of the impressive painting on his instagram , which includes images of the father and son together .daley blind showed off the impressive portrait that his parents gave him as a late birthday presentmost 25-year-old 's would prefer to receive clothing or some of the latest dvd 's and video games but not daley blind , who was given a large self-portrait of himself and former holland international father danny .\"]\n", - "=======================\n", - "[\"daley blind received painting of himself and his father as birthday presentthe 25-year-old called danny blind his ` inspiration ' in instagram postblind has been a key player for manchester united this campaignclick here for all the latest manchester united news\"]\n", - "the manchester united star , whose birthday was in march , posted a picture of the impressive painting on his instagram , which includes images of the father and son together .daley blind showed off the impressive portrait that his parents gave him as a late birthday presentmost 25-year-old 's would prefer to receive clothing or some of the latest dvd 's and video games but not daley blind , who was given a large self-portrait of himself and former holland international father danny .\n", - "daley blind received painting of himself and his father as birthday presentthe 25-year-old called danny blind his ` inspiration ' in instagram postblind has been a key player for manchester united this campaignclick here for all the latest manchester united news\n", - "[1.567744 1.2274787 1.4592875 1.2220504 1.2793318 1.1484568 1.0586524\n", - " 1.0253527 1.0338001 1.0322855 1.0206251 1.0200601 1.0523981 1.0351417\n", - " 1.0232857 1.0668783 1.0287201 1.0334799 0. 0. ]\n", - "\n", - "[ 0 2 4 1 3 5 15 6 12 13 8 17 9 16 7 14 10 11 18 19]\n", - "=======================\n", - "['kingsley burrell , 29 , died in police custody on march 31 2011 , four days after he was arrested and sectioned in birmingham city centrehowever , when cctv showed that in fact nobody had approached him , he was sectioned under the mental health act , and died four days later at the queen elizabeth hospital ( qe ) .trainee security guard mr burrell called police himself , saying two men had threatened to shoot him , but when they arrived he was handcuffed and taken to the qe hospital .']\n", - "=======================\n", - "['kingsley burrell , 29 , arrested by police and sectioned on march 27 , 2011mr burrell had called officers , alleging three men put a gun to his headbut cctv later showed nobody approached him , so he was hospitalisedfour days later he died in custody , and allegedly told family about ordealcourt told that police allegedly beat mr burrell , restrained him for six hours , and forced him to wet himself by denying him access to a toilet']\n", - "kingsley burrell , 29 , died in police custody on march 31 2011 , four days after he was arrested and sectioned in birmingham city centrehowever , when cctv showed that in fact nobody had approached him , he was sectioned under the mental health act , and died four days later at the queen elizabeth hospital ( qe ) .trainee security guard mr burrell called police himself , saying two men had threatened to shoot him , but when they arrived he was handcuffed and taken to the qe hospital .\n", - "kingsley burrell , 29 , arrested by police and sectioned on march 27 , 2011mr burrell had called officers , alleging three men put a gun to his headbut cctv later showed nobody approached him , so he was hospitalisedfour days later he died in custody , and allegedly told family about ordealcourt told that police allegedly beat mr burrell , restrained him for six hours , and forced him to wet himself by denying him access to a toilet\n", - "[1.1056367 1.0513837 1.5977424 1.2364708 1.0572917 1.2206872 1.0443697\n", - " 1.0946916 1.0952833 1.0744987 1.0892608 1.0144057 1.0131333 1.1278334\n", - " 1.0706459 1.0654522 1.0257497 1.0279496 1.0353717 1.0517961]\n", - "\n", - "[ 2 3 5 13 0 8 7 10 9 14 15 4 19 1 6 18 17 16 11 12]\n", - "=======================\n", - "[\"padraig harrington hits a tee shot on the fourth hole during the second day of the masters on fridayheadline writers everywhere will be keeping fingers crossed that golf continues to prove an addiction for the highly rated us public links champion byron meth , who opened with a 74 on his masters debut .how good to welcome padraig harrington back to augusta after a year 's absence , complete with his weird and wonderful practice-ground routines .\"]\n", - "=======================\n", - "['byron meth opened with a 74 on his masters debuthalf of the players had a scoring average of 4.2 or higher on day oneliverpool legend kenny dalglish will be present at the masters this week']\n", - "padraig harrington hits a tee shot on the fourth hole during the second day of the masters on fridayheadline writers everywhere will be keeping fingers crossed that golf continues to prove an addiction for the highly rated us public links champion byron meth , who opened with a 74 on his masters debut .how good to welcome padraig harrington back to augusta after a year 's absence , complete with his weird and wonderful practice-ground routines .\n", - "byron meth opened with a 74 on his masters debuthalf of the players had a scoring average of 4.2 or higher on day oneliverpool legend kenny dalglish will be present at the masters this week\n", - "[1.3236017 1.2820032 1.3145182 1.1638571 1.0603925 1.0971442 1.1076642\n", - " 1.0632663 1.1385717 1.0323968 1.037797 1.1206323 1.0819461 1.07137\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 8 11 6 5 12 13 7 4 10 9 14 15 16 17 18 19]\n", - "=======================\n", - "[\"a defence of his crown will be a priority for grand national hero many clouds next season , and trainer oliver sherwood has also floated the possibility of a rematch with his cheltenham gold cup conqueror coneygree in newbury 's hennessy gold cup .with 11st 9lb on his back , leighton aspell 's mount carried the biggest weight to victory on saturday since red rum won his second national in 1974 at under 12st .that race in november has already been identified as a likely target for coneygree and , even allowing for a rise in his handicap mark , many clouds would receive weight from his rival .\"]\n", - "=======================\n", - "[\"trainer oliver sherwood already has one eye on the 2015 grand nationalmany clouds romped to success at aintree in saturday 's big raceand the winning horse is in ` a1 condition ' , according to sherwood\"]\n", - "a defence of his crown will be a priority for grand national hero many clouds next season , and trainer oliver sherwood has also floated the possibility of a rematch with his cheltenham gold cup conqueror coneygree in newbury 's hennessy gold cup .with 11st 9lb on his back , leighton aspell 's mount carried the biggest weight to victory on saturday since red rum won his second national in 1974 at under 12st .that race in november has already been identified as a likely target for coneygree and , even allowing for a rise in his handicap mark , many clouds would receive weight from his rival .\n", - "trainer oliver sherwood already has one eye on the 2015 grand nationalmany clouds romped to success at aintree in saturday 's big raceand the winning horse is in ` a1 condition ' , according to sherwood\n", - "[1.308507 1.2791375 1.2553461 1.2079855 1.1591226 1.0904831 1.1583476\n", - " 1.1583824 1.0925976 1.0615358 1.1201341 1.0371492 1.0948969 1.0192237\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 7 6 10 12 8 5 9 11 13 15 14 16]\n", - "=======================\n", - "[\"a us citizen has been killed in a mortar attack in yemen after he traveled to the country in an attempt to extricate his pregnant wife and daughter from the civil war there and fly them to california , family say .jamal al-labani was an oakland gas station owner , his cousin mohammed alazzani told kpix-tv .alazzani told kpix al-labani was trying to get his family out of the war-torn middle eastern nation and take them to oakland - but he could n't because the us has withdrawn its diplomatic staff and the country has shut down most airports .\"]\n", - "=======================\n", - "[\"jamal al-labani was a oakland , california , gas station owner , as well as a husband and a father-of-threeal-labani traveled to yemen in an attempt to extricate his pregnant wife and daughter from the civil war there and fly them to californiahe was unable to because the us withdrew its diplomatic staff in februaryyemen also recently shut down most of its airportsal-labani was struck by mortar shrapnel after leaving a mosque tuesday in aden and soon diedal-labani 's cousin has said houthi forces launched the mortar shellinghouthi forces have been battling to take aden , a last foothold of fighters loyal to saudi-backed president abd-rabbu mansour hadithe us state department has said ` there are no plans for a us government-coordinated evacuation of u.s. citizens at this time '\"]\n", - "a us citizen has been killed in a mortar attack in yemen after he traveled to the country in an attempt to extricate his pregnant wife and daughter from the civil war there and fly them to california , family say .jamal al-labani was an oakland gas station owner , his cousin mohammed alazzani told kpix-tv .alazzani told kpix al-labani was trying to get his family out of the war-torn middle eastern nation and take them to oakland - but he could n't because the us has withdrawn its diplomatic staff and the country has shut down most airports .\n", - "jamal al-labani was a oakland , california , gas station owner , as well as a husband and a father-of-threeal-labani traveled to yemen in an attempt to extricate his pregnant wife and daughter from the civil war there and fly them to californiahe was unable to because the us withdrew its diplomatic staff in februaryyemen also recently shut down most of its airportsal-labani was struck by mortar shrapnel after leaving a mosque tuesday in aden and soon diedal-labani 's cousin has said houthi forces launched the mortar shellinghouthi forces have been battling to take aden , a last foothold of fighters loyal to saudi-backed president abd-rabbu mansour hadithe us state department has said ` there are no plans for a us government-coordinated evacuation of u.s. citizens at this time '\n", - "[1.2316424 1.5815487 1.1454657 1.4273448 1.3284985 1.1841458 1.0608138\n", - " 1.0282096 1.0212216 1.0256269 1.0752065 1.0735519 1.0321648 1.0121944\n", - " 1.0452268 1.0592762 1.0259882]\n", - "\n", - "[ 1 3 4 0 5 2 10 11 6 15 14 12 7 16 9 8 13]\n", - "=======================\n", - "['beverley davis was supposed to be helping to care for 89-year-old former royal marine ray warren but tricked him into handing over his bank cards to steal # 9,164 over 42 transactions .beverley davis , pictured , pleaded guilty of duping a royal marine war veteran out of almost # 10,000he died just five months after her crime was discovered and his daughter elaine symonds said davis , 35 , got what she deserved .']\n", - "=======================\n", - "['beverley davis stole # 9,164 from ray warren , 89 , over three month periodthe mother-of-three paid for chinese food , a creche and her mortgageportsmouth crown court heard mr warren died after the cash disappeareddavis , 35 , will be released on licence after serving six months in jail']\n", - "beverley davis was supposed to be helping to care for 89-year-old former royal marine ray warren but tricked him into handing over his bank cards to steal # 9,164 over 42 transactions .beverley davis , pictured , pleaded guilty of duping a royal marine war veteran out of almost # 10,000he died just five months after her crime was discovered and his daughter elaine symonds said davis , 35 , got what she deserved .\n", - "beverley davis stole # 9,164 from ray warren , 89 , over three month periodthe mother-of-three paid for chinese food , a creche and her mortgageportsmouth crown court heard mr warren died after the cash disappeareddavis , 35 , will be released on licence after serving six months in jail\n", - "[1.2521367 1.5018945 1.0674766 1.2570943 1.1986231 1.1731043 1.1735961\n", - " 1.0349345 1.0322807 1.1065335 1.016522 1.0655719 1.1876532 1.2529137\n", - " 1.0119332 1.0336682 0. ]\n", - "\n", - "[ 1 3 13 0 4 12 6 5 9 2 11 7 15 8 10 14 16]\n", - "=======================\n", - "[\"roxy walsh , 34 , met with the ecstatic owners , joe and jenny langley , in noosa , on queensland 's sunshine coast , on sunday to personally return the ring to the couple after less than week of searching .roxy was able to reunite the ring with the rightful owners jenny ( right ) and joe ( centre ) after their granddaughter , jade ( left ) found the social media campaign on facebookqueensland resident roxy walsh recovered the gold jewellery at the finns beach club in bali on tuesday '\"]\n", - "=======================\n", - "[\"queensland woman roxy walsh found an inscribed gold ring in balithe sentimental jewellery piece was found at a bali resort on tuesdayshe launched a campaign to return the ring to the people who own itthe campaign made it 's way to brazil , chile , europe , russia and maltams walsh found the owners and they are amazingly also from queenslandshe met with joe and jenny langley in noosa on sunday to return the ring\"]\n", - "roxy walsh , 34 , met with the ecstatic owners , joe and jenny langley , in noosa , on queensland 's sunshine coast , on sunday to personally return the ring to the couple after less than week of searching .roxy was able to reunite the ring with the rightful owners jenny ( right ) and joe ( centre ) after their granddaughter , jade ( left ) found the social media campaign on facebookqueensland resident roxy walsh recovered the gold jewellery at the finns beach club in bali on tuesday '\n", - "queensland woman roxy walsh found an inscribed gold ring in balithe sentimental jewellery piece was found at a bali resort on tuesdayshe launched a campaign to return the ring to the people who own itthe campaign made it 's way to brazil , chile , europe , russia and maltams walsh found the owners and they are amazingly also from queenslandshe met with joe and jenny langley in noosa on sunday to return the ring\n", - "[1.2368294 1.5240092 1.2456902 1.3085024 1.2712762 1.0484684 1.0155734\n", - " 1.0257183 1.0275635 1.024296 1.016421 1.2668334 1.0457839 1.0281364\n", - " 1.1001322 1.024525 1.018932 ]\n", - "\n", - "[ 1 3 4 11 2 0 14 5 12 13 8 7 15 9 16 10 6]\n", - "=======================\n", - "['paranormal investigator jayne harris , based in shrewsbury , shropshire , said she has received an influx of messages from people describing chest pains , nausea and crippling headaches after viewing photos and videos of peggy , who she believed to be possessed with an evil spirit .video footage of peggy ( pictured ) has been wreaking havoc on a string of paranormal enthusiasts around the world -- reportedly causing one british woman to suffer a heart attackone woman , who wishes to remain anonymous , even suffered an alleged heart attack after watching a video of mrs harris and peggy in a car together on march 16 .']\n", - "=======================\n", - "[\"peggy was given to a paranormal investigator by her terrified former ownerthe doll is believed to be haunted and trigger migraines and chest painspeggy is said to have correctly predicted the death of one woman 's catpsychics speculate that she is ` jewish ' and possibly a holocaust victim\"]\n", - "paranormal investigator jayne harris , based in shrewsbury , shropshire , said she has received an influx of messages from people describing chest pains , nausea and crippling headaches after viewing photos and videos of peggy , who she believed to be possessed with an evil spirit .video footage of peggy ( pictured ) has been wreaking havoc on a string of paranormal enthusiasts around the world -- reportedly causing one british woman to suffer a heart attackone woman , who wishes to remain anonymous , even suffered an alleged heart attack after watching a video of mrs harris and peggy in a car together on march 16 .\n", - "peggy was given to a paranormal investigator by her terrified former ownerthe doll is believed to be haunted and trigger migraines and chest painspeggy is said to have correctly predicted the death of one woman 's catpsychics speculate that she is ` jewish ' and possibly a holocaust victim\n", - "[1.3491168 1.3029875 1.4572358 1.1434466 1.3076797 1.1933037 1.146173\n", - " 1.0890622 1.0389253 1.0227702 1.0127847 1.0563192 1.1846558 1.1347741\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 0 4 1 5 12 6 3 13 7 11 8 9 10 15 14 16]\n", - "=======================\n", - "['the 30-year-old was was due to be reinstated on april 15 , but according to nfl media insider ian rapoport , peterson will meet with the nfl this week .adrian peterson has plenty to chew over but the minnesota vikings do not want to trade their star backit has been a turbulent seven months for peterson , who has been linked with the cowboys and cardinals']\n", - "=======================\n", - "['peterson has been banned since september 17 after child abuse case involving his four-year-old son and a switchhe played just one game for the vikings last year and was due to be reinstated on april 15but the nfl have moved that date forward and the 2012 running back will know more about his futurethe vikings have repeatedly said they want to keep the 30-year-old , who is due to earn $ 12.75 m this yearbut the cowboys and the cardinals have been linked with peterson , and the former have made some intriguing roster moves to free up cap space']\n", - "the 30-year-old was was due to be reinstated on april 15 , but according to nfl media insider ian rapoport , peterson will meet with the nfl this week .adrian peterson has plenty to chew over but the minnesota vikings do not want to trade their star backit has been a turbulent seven months for peterson , who has been linked with the cowboys and cardinals\n", - "peterson has been banned since september 17 after child abuse case involving his four-year-old son and a switchhe played just one game for the vikings last year and was due to be reinstated on april 15but the nfl have moved that date forward and the 2012 running back will know more about his futurethe vikings have repeatedly said they want to keep the 30-year-old , who is due to earn $ 12.75 m this yearbut the cowboys and the cardinals have been linked with peterson , and the former have made some intriguing roster moves to free up cap space\n", - "[1.1244872 1.441961 1.1153728 1.1092722 1.2027391 1.2732359 1.1119471\n", - " 1.0597357 1.0789496 1.0863068 1.1338099 1.1044251 1.0383663 1.0117229\n", - " 1.0145549 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 5 4 10 0 2 6 3 11 9 8 7 12 14 13 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"a recent surge in jellyfish numbers has moved tourism group stay in cornwall to reassure swimmers that the water is fine and we need not be discouraged by the sight of these brainless , boneless creatures that have been around for 500 million years .with the warmer months comes a surge in the number of jellyfish , such as this barrel variety at kynance cove , off the uk 's coastlinethe stunning sight of a compass jellyfish ( chrysaora hysoscella ) , which has a painful sting , captured underwater in cornwall\"]\n", - "=======================\n", - "['a recent surge in jellyfish numbers has been recorded off the coast of the uk as the weather has warmed upstay in cornwall has been moved to reassure swimmers that going in the water is safe , even with some jellyfishnhs-approved method of treating jellyfish stings is now shaving cream , not urine or vinegar as previously though']\n", - "a recent surge in jellyfish numbers has moved tourism group stay in cornwall to reassure swimmers that the water is fine and we need not be discouraged by the sight of these brainless , boneless creatures that have been around for 500 million years .with the warmer months comes a surge in the number of jellyfish , such as this barrel variety at kynance cove , off the uk 's coastlinethe stunning sight of a compass jellyfish ( chrysaora hysoscella ) , which has a painful sting , captured underwater in cornwall\n", - "a recent surge in jellyfish numbers has been recorded off the coast of the uk as the weather has warmed upstay in cornwall has been moved to reassure swimmers that going in the water is safe , even with some jellyfishnhs-approved method of treating jellyfish stings is now shaving cream , not urine or vinegar as previously though\n", - "[1.2847803 1.1867694 1.1659274 1.1891905 1.1234514 1.2883687 1.3060415\n", - " 1.0645027 1.0860598 1.0963671 1.0763347 1.0310775 1.0758204 1.0368314\n", - " 1.1498678 1.0657991 1.0109494 1.0365117 1.0253577 1.028532 1.0220525\n", - " 1.0166696]\n", - "\n", - "[ 6 5 0 3 1 2 14 4 9 8 10 12 15 7 13 17 11 19 18 20 21 16]\n", - "=======================\n", - "['wilshere has not featured for the first team since he was injured against manchester united on november 22wilshere was making his first appearance for the gunners since recovering from ankle surgerythe official word from arsenal is that jack wilshere is not for sale at the end of the season .']\n", - "=======================\n", - "['jack wilshere has been linked with a move to manchester city this summerwilshere has not played a first-team game for arsenal since november 22a host of arsenal players have defected to man city in the pastsamir nasri , gael clichy and bacary sagna have all moved to the etihadread : arsenal would be foolish to dismiss # 30m or more for wilshere']\n", - "wilshere has not featured for the first team since he was injured against manchester united on november 22wilshere was making his first appearance for the gunners since recovering from ankle surgerythe official word from arsenal is that jack wilshere is not for sale at the end of the season .\n", - "jack wilshere has been linked with a move to manchester city this summerwilshere has not played a first-team game for arsenal since november 22a host of arsenal players have defected to man city in the pastsamir nasri , gael clichy and bacary sagna have all moved to the etihadread : arsenal would be foolish to dismiss # 30m or more for wilshere\n", - "[1.354003 1.3563316 1.2103643 1.3728023 1.2038074 1.1861455 1.052233\n", - " 1.101165 1.0715019 1.0899682 1.1252464 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 0 2 4 5 10 7 9 8 6 20 11 12 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"lionel messi posted a picture on his instagram account of his wife having her stomach kissed by their sonmessi took to instagram to post a picture of his son , thiago , kissing his wife antonella roccuzzo 's stomach with the message : ` waiting for you baby .and according to argentine newspaper clarin the couple already know they are due to have a baby boy and have a name for him .\"]\n", - "=======================\n", - "[\"lionel messi posted a picture of his son and wife on instagrammessage read : ` waiting for you baby .messi 's first son thiago was born in november 2012\"]\n", - "lionel messi posted a picture on his instagram account of his wife having her stomach kissed by their sonmessi took to instagram to post a picture of his son , thiago , kissing his wife antonella roccuzzo 's stomach with the message : ` waiting for you baby .and according to argentine newspaper clarin the couple already know they are due to have a baby boy and have a name for him .\n", - "lionel messi posted a picture of his son and wife on instagrammessage read : ` waiting for you baby .messi 's first son thiago was born in november 2012\n", - "[1.2103307 1.5204897 1.1892239 1.2190397 1.208178 1.1276499 1.1091934\n", - " 1.0278906 1.0319891 1.0686599 1.0249277 1.0735134 1.2390954 1.1182975\n", - " 1.0232726 1.0664624 1.0605406 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 12 3 0 4 2 5 13 6 11 9 15 16 8 7 10 14 20 17 18 19 21]\n", - "=======================\n", - "['the campaign was kicked off by jaime singleton , who saw the baby elephant , nadia , tied to a pole outside a restaurant at marina phuket resort in december last year ., has received 50,627 signatures since it was launched a month ago .ms singleton said nadia is also used by another company in thailand in weddings']\n", - "=======================\n", - "[\"shocking photo of baby elephant tied to a pole spark online campaignmore than 50,000 have signed petition to have baby elephant , nadia , freedmarina phuket resort reportedly keeps elephant in tiny enclosure` nadia ' is also forced to perform tricks and is ridden by resort guests` it is absolutely barbaric , ' says jaime singleton , who started campaigncomes after phuket resort posted pictures of baby elephant near poolparty-goers snapped dancing with elephant , and one person seen riding it\"]\n", - "the campaign was kicked off by jaime singleton , who saw the baby elephant , nadia , tied to a pole outside a restaurant at marina phuket resort in december last year ., has received 50,627 signatures since it was launched a month ago .ms singleton said nadia is also used by another company in thailand in weddings\n", - "shocking photo of baby elephant tied to a pole spark online campaignmore than 50,000 have signed petition to have baby elephant , nadia , freedmarina phuket resort reportedly keeps elephant in tiny enclosure` nadia ' is also forced to perform tricks and is ridden by resort guests` it is absolutely barbaric , ' says jaime singleton , who started campaigncomes after phuket resort posted pictures of baby elephant near poolparty-goers snapped dancing with elephant , and one person seen riding it\n", - "[1.2972444 1.4539851 1.2280767 1.1818253 1.1981319 1.1892543 1.1296235\n", - " 1.071043 1.0678086 1.0540522 1.0306058 1.0967628 1.050335 1.0214931\n", - " 1.0319551 1.0295382 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 4 5 3 6 11 7 8 9 12 14 10 15 13 20 16 17 18 19 21]\n", - "=======================\n", - "[\"kevin bollaert , 28 , was convicted in february of 21 counts of identity theft and six counts of extortion in san diego superior court for running a pair of websites that capitalized on the internet as a forum for public shaming .a san diego man who operated a ` revenge porn ' website and then charged victims to remove nude images and their personal information was sentenced friday to 18 years in state prison , the attorney general 's office said .the landmark case was the first time a person had been tried for a running revenge porn ring in the united states .\"]\n", - "=======================\n", - "[\"kevin bollaert was found guilty of 27 counts of identity theft and extortionhe operated ugotposted.com , where anonymous users posted nudes without the subject 's consenthe then earned tens of thousands from running changemyreputation.com , where victims would pay fees of $ 300 to $ 350 to have their photos removedalso published their names , addresses and social media detailshe was sentenced to 18 years fridayjudge said the sentence reflected the amount of victimsprosecutors said he took pleasure in hurting women\"]\n", - "kevin bollaert , 28 , was convicted in february of 21 counts of identity theft and six counts of extortion in san diego superior court for running a pair of websites that capitalized on the internet as a forum for public shaming .a san diego man who operated a ` revenge porn ' website and then charged victims to remove nude images and their personal information was sentenced friday to 18 years in state prison , the attorney general 's office said .the landmark case was the first time a person had been tried for a running revenge porn ring in the united states .\n", - "kevin bollaert was found guilty of 27 counts of identity theft and extortionhe operated ugotposted.com , where anonymous users posted nudes without the subject 's consenthe then earned tens of thousands from running changemyreputation.com , where victims would pay fees of $ 300 to $ 350 to have their photos removedalso published their names , addresses and social media detailshe was sentenced to 18 years fridayjudge said the sentence reflected the amount of victimsprosecutors said he took pleasure in hurting women\n", - "[1.4504275 1.2769365 1.1751873 1.1922247 1.1513904 1.0848202 1.0610757\n", - " 1.1255655 1.1078233 1.119984 1.06889 1.0295235 1.0481635 1.0407583\n", - " 1.0694331 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 7 9 8 5 14 10 6 12 13 11 15 16 17 18 19 20]\n", - "=======================\n", - "[\"manny pacquiao has become one of the most recognisable stars in the world of sport after a series of mega-fights and another one to follow on saturday night against floyd mayweather at the mgm grand in las vegas .but it 's been a tough road to the top for pacquiao from being born into poverty in the philippines .manny pacquiao pictured as a teenager in a boxing gym in manila before he became a global superstar\"]\n", - "=======================\n", - "['manny pacquiao will take on floyd mayweather at the mgm grand in las vegas on saturdaythe filipino boxer is one of the biggest stars in the world of sport after a series of big fightspacquiao spent his early years boxing in manila in the philippines and was pictured training as a 17-year-oldpictures taken in 1996 show pacquiao training at the lm gym in manila before he became a starthe 36-year-old arrived in las vegas on tuesday after a 270-mile journey from los angeles on his luxury busclick here for all the latest manny pacquiao vs floyd mayweather news']\n", - "manny pacquiao has become one of the most recognisable stars in the world of sport after a series of mega-fights and another one to follow on saturday night against floyd mayweather at the mgm grand in las vegas .but it 's been a tough road to the top for pacquiao from being born into poverty in the philippines .manny pacquiao pictured as a teenager in a boxing gym in manila before he became a global superstar\n", - "manny pacquiao will take on floyd mayweather at the mgm grand in las vegas on saturdaythe filipino boxer is one of the biggest stars in the world of sport after a series of big fightspacquiao spent his early years boxing in manila in the philippines and was pictured training as a 17-year-oldpictures taken in 1996 show pacquiao training at the lm gym in manila before he became a starthe 36-year-old arrived in las vegas on tuesday after a 270-mile journey from los angeles on his luxury busclick here for all the latest manny pacquiao vs floyd mayweather news\n", - "[1.3084805 1.360641 1.3638153 1.3853188 1.0847282 1.0227852 1.0372585\n", - " 1.1481034 1.017221 1.0876044 1.0903976 1.0649527 1.1746899 1.0521265\n", - " 1.0950166 1.0725493 1.0743154 1.0294551 1.0186808 1.0193186 0. ]\n", - "\n", - "[ 3 2 1 0 12 7 14 10 9 4 16 15 11 13 6 17 5 19 18 8 20]\n", - "=======================\n", - "['fear : the 216 prisoners , including 40 children , believed they were being led to their execution , but instead , were piled onto minibuses that drove them to a handover southwest of kirkukthe yazidis , made up of women , children and the elderly , are said to be in poor health and bearing signs of abuse and neglect .more than 200 yazidi prisoners have been set free in northern iraq after nearly a year in islamic state captivity , kurdish military has said today .']\n", - "=======================\n", - "['group released in northern iraq made up of 40 children , women and elderlywere piled onto a minibus that then drove them to peshmerga positionsprisoners spent nearly a year in isis captivity , kurdish military has saidno explanation has been given as to why the 216 yazidis were released']\n", - "fear : the 216 prisoners , including 40 children , believed they were being led to their execution , but instead , were piled onto minibuses that drove them to a handover southwest of kirkukthe yazidis , made up of women , children and the elderly , are said to be in poor health and bearing signs of abuse and neglect .more than 200 yazidi prisoners have been set free in northern iraq after nearly a year in islamic state captivity , kurdish military has said today .\n", - "group released in northern iraq made up of 40 children , women and elderlywere piled onto a minibus that then drove them to peshmerga positionsprisoners spent nearly a year in isis captivity , kurdish military has saidno explanation has been given as to why the 216 yazidis were released\n", - "[1.2330214 1.2890934 1.2099769 1.304535 1.1691484 1.1108745 1.1334572\n", - " 1.1199898 1.1366633 1.0965343 1.071115 1.0565817 1.0578516 1.0404879\n", - " 1.0527799 1.0669385 1.0492729 1.1326194 1.0650393 1.050585 1.0426027]\n", - "\n", - "[ 3 1 0 2 4 8 6 17 7 5 9 10 15 18 12 11 14 19 16 20 13]\n", - "=======================\n", - "['a missing mother and son are missing after their car was swept away by rising flood waters in kentuckykentucky state police trooper robert purdy said the woman and child were stranded in their vehicle in high water around 9:30 a.m. friday on a rural highway in lee county .residents on two floors of an apartment building in okolona , kentucky , were evacuated by the fire department']\n", - "=======================\n", - "['police say the woman and child were stranded in their vehicle as the water rose around themaround 150 water rescues as kentucky residents continue to leave homesseven inches of rain pounded ohio valley as storms move across southdozens of vehicles abandoned as sections of the interstate 64 closed']\n", - "a missing mother and son are missing after their car was swept away by rising flood waters in kentuckykentucky state police trooper robert purdy said the woman and child were stranded in their vehicle in high water around 9:30 a.m. friday on a rural highway in lee county .residents on two floors of an apartment building in okolona , kentucky , were evacuated by the fire department\n", - "police say the woman and child were stranded in their vehicle as the water rose around themaround 150 water rescues as kentucky residents continue to leave homesseven inches of rain pounded ohio valley as storms move across southdozens of vehicles abandoned as sections of the interstate 64 closed\n", - "[1.2305295 1.2858918 1.1187028 1.0696483 1.3524632 1.1679245 1.111913\n", - " 1.0719106 1.0526563 1.0776803 1.0595202 1.0569091 1.0882518 1.0578115\n", - " 1.0675175 1.0534495 1.0286844 0. 0. 0. 0. ]\n", - "\n", - "[ 4 1 0 5 2 6 12 9 7 3 14 10 13 11 15 8 16 19 17 18 20]\n", - "=======================\n", - "[\"the splendour of the seas will be transformed by thomson , and launched under a new name next summertake magellan , ` new flagship ' of the cruise & maritime fleet , recently christened in tilbury .magellan started life as the holiday , built in 1985 for carnival cruise lines .\"]\n", - "=======================\n", - "[\"next summer thomson will launch the transformed royal caribbean 's splendour of the seas as the new ship in their fleetit has not been announced what she will be named yettransformation of ships is common , as shown by ms grand holiday becoming the magellan\"]\n", - "the splendour of the seas will be transformed by thomson , and launched under a new name next summertake magellan , ` new flagship ' of the cruise & maritime fleet , recently christened in tilbury .magellan started life as the holiday , built in 1985 for carnival cruise lines .\n", - "next summer thomson will launch the transformed royal caribbean 's splendour of the seas as the new ship in their fleetit has not been announced what she will be named yettransformation of ships is common , as shown by ms grand holiday becoming the magellan\n", - "[1.2089945 1.6312132 1.347781 1.4439663 1.2363083 1.0324646 1.0204042\n", - " 1.0234967 1.0629101 1.0101506 1.2827165 1.0665337 1.0705602 1.1281558\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 10 4 0 13 12 11 8 5 7 6 9 19 14 15 16 17 18 20]\n", - "=======================\n", - "['the $ 2 billion fiona stanley hospital in southwest perth was stripped of its medical service provider serco after they failed to return sterilising equipment by an arranged date in february .the company was fined $ 60,000 and was subject to department of health workers auditing its staff , but the hospital has been found of continuing to operate with poorly sanitised instruments , reports abc .australian medical association wa president michael gannon said some of the instruments were found to contain blood and human matter .']\n", - "=======================\n", - "['the fiona stanley hospital in southwest perth was stripped of its medical service provider serco in februarythe company was fined $ 60,000 and was subject to department of health workers auditing its staffit comes after a string of controversial incidents in the hospital , including the death of a patient last month']\n", - "the $ 2 billion fiona stanley hospital in southwest perth was stripped of its medical service provider serco after they failed to return sterilising equipment by an arranged date in february .the company was fined $ 60,000 and was subject to department of health workers auditing its staff , but the hospital has been found of continuing to operate with poorly sanitised instruments , reports abc .australian medical association wa president michael gannon said some of the instruments were found to contain blood and human matter .\n", - "the fiona stanley hospital in southwest perth was stripped of its medical service provider serco in februarythe company was fined $ 60,000 and was subject to department of health workers auditing its staffit comes after a string of controversial incidents in the hospital , including the death of a patient last month\n", - "[1.2865539 1.3986266 1.0924624 1.1812698 1.3768793 1.0977061 1.2982326\n", - " 1.1849194 1.1198353 1.0350538 1.0259031 1.0191617 1.0160255 1.2033564\n", - " 1.1237864 1.0825226 1.1555723 1.0080762 1.0293881 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 6 0 13 7 3 16 14 8 5 2 15 9 18 10 11 12 17 20 19 21]\n", - "=======================\n", - "[\"bernabeu legend zinedine zidane , now managing the spanish giants ' castilla b-team but long tipped for the no 1 role , insists the club are looking for the world 's best youngsters to add to their squad .zinedine zidane has revealed la liga giants real madrid are keen on signing liverpool winger raheem sterlingliverpool starlet sterling has rejected an offer of # 100,000 a week to extend his stay at anfield\"]\n", - "=======================\n", - "[\"exclusive : zinedine zidane has confirmed real madrid are keen on signing liverpool winger raheem sterlingsterling has rejected the chance of signing a # 100,000 a week dealzidane has revealed real have been ` monitoring ' england ace sterlingreal monitored the likes of gareth bale and isco before completing dealsread : liverpool may struggle to sign big names , says brendan rodgers\"]\n", - "bernabeu legend zinedine zidane , now managing the spanish giants ' castilla b-team but long tipped for the no 1 role , insists the club are looking for the world 's best youngsters to add to their squad .zinedine zidane has revealed la liga giants real madrid are keen on signing liverpool winger raheem sterlingliverpool starlet sterling has rejected an offer of # 100,000 a week to extend his stay at anfield\n", - "exclusive : zinedine zidane has confirmed real madrid are keen on signing liverpool winger raheem sterlingsterling has rejected the chance of signing a # 100,000 a week dealzidane has revealed real have been ` monitoring ' england ace sterlingreal monitored the likes of gareth bale and isco before completing dealsread : liverpool may struggle to sign big names , says brendan rodgers\n", - "[1.2454865 1.5199742 1.0798665 1.1048889 1.0336044 1.0373505 1.0358877\n", - " 1.1305493 1.0852582 1.0769643 1.183865 1.0699941 1.0720861 1.0728073\n", - " 1.0615821 1.0360538 1.0483334 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 10 7 3 8 2 9 13 12 11 14 16 5 15 6 4 20 17 18 19 21]\n", - "=======================\n", - "[\"davion navar henry only , 16 , became the face of adoption and an example of all the struggles faced by many teenagers in the system when in 2013 he stood up in a suit and told worshipers at florida 's st mark missionary baptist church ; ` my name is davion and i 've been in foster care since i was born .a young man who has been stuck in the foster system since the day his mother gave birth to him behind bars has finally found a home .davion only has been adopted by his old case worker , connie bell going ( above )\"]\n", - "=======================\n", - "[\"davion only , 16 , captured hearts around the nation in 2013 when he made a plea in front of church congregation for a family to ` love him forever 'he was adopted by a minister in ohio but sent back into the system a few months later when he fought with one of the minister 's childrenin the next year he was shuttled between four different homes and four schools in florida before calling his old caseworker , connie bell goingdavion called and asked miss connie if she would adopt him last julygoing agreed , and in february they signed court papers to officially make davion her son , which should take effect april 22i guess i always thought of you as my mom , ' davion said to going last december\"]\n", - "davion navar henry only , 16 , became the face of adoption and an example of all the struggles faced by many teenagers in the system when in 2013 he stood up in a suit and told worshipers at florida 's st mark missionary baptist church ; ` my name is davion and i 've been in foster care since i was born .a young man who has been stuck in the foster system since the day his mother gave birth to him behind bars has finally found a home .davion only has been adopted by his old case worker , connie bell going ( above )\n", - "davion only , 16 , captured hearts around the nation in 2013 when he made a plea in front of church congregation for a family to ` love him forever 'he was adopted by a minister in ohio but sent back into the system a few months later when he fought with one of the minister 's childrenin the next year he was shuttled between four different homes and four schools in florida before calling his old caseworker , connie bell goingdavion called and asked miss connie if she would adopt him last julygoing agreed , and in february they signed court papers to officially make davion her son , which should take effect april 22i guess i always thought of you as my mom , ' davion said to going last december\n", - "[1.4866579 1.2236576 1.1492568 1.3396224 1.2445654 1.4679117 1.0992929\n", - " 1.0205858 1.0128484 1.0169677 1.0140185 1.0264425 1.0143255 1.0148259\n", - " 1.0198389 1.0196015 1.0161346 1.0177772 1.0197647 1.0232923 1.0205514\n", - " 0. ]\n", - "\n", - "[ 0 5 3 4 1 2 6 11 19 7 20 14 18 15 17 9 16 13 12 10 8 21]\n", - "=======================\n", - "['kenwyne jones came from the bench late on to score within three minutes of his bournemouth debut and rescue a point away to ipswich .freddie sears celebrates putting ipswich ahead against bournemouth at portman road after six minuteskenwyne jones ( right ) celebrates acrobatically after levelling for bournemouth against ipswich']\n", - "=======================\n", - "[\"freddie sears put ipswich ahead from close range after six minutesmick mccarthy 's side had the lead at the half-time intervalkenwyne jones equalised with a header on his bournemouth debut\"]\n", - "kenwyne jones came from the bench late on to score within three minutes of his bournemouth debut and rescue a point away to ipswich .freddie sears celebrates putting ipswich ahead against bournemouth at portman road after six minuteskenwyne jones ( right ) celebrates acrobatically after levelling for bournemouth against ipswich\n", - "freddie sears put ipswich ahead from close range after six minutesmick mccarthy 's side had the lead at the half-time intervalkenwyne jones equalised with a header on his bournemouth debut\n", - "[1.5040272 1.4238465 1.4425037 1.3682221 1.0668962 1.2081918 1.0731221\n", - " 1.0382566 1.0164633 1.0130761 1.0084099 1.1237378 1.2681445 1.0116519\n", - " 1.0245253 1.0105177 1.010432 1.0062463 1.0047731 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 3 12 5 11 6 4 7 14 8 9 13 15 16 10 17 18 19 20 21]\n", - "=======================\n", - "[\"diego costa looks set to be sidelined for at least two weeks after sustaining another hamstring injury during chelsea 's 2-1 win over stoke city .jose mourinho threw costa on at half-time after going into the interval at 1-1 following charlie adam 's outstanding 66-yard equaliser to cancel out eden hazard 's opener .the spain international is likely to miss chelsea 's upcoming barclays premier league matches against west london rivals queens park rangers and manchester united .\"]\n", - "=======================\n", - "[\"chelsea star diego costa looks set to miss his side 's next two gamescosta was forced off through injury shortly after coming on at the intervaljose mourinho has revealed costa is likely to be out for ' a couple of weeks 'chelsea face qpr and manchester united in next two league matchesclick here to read sami mokbel 's match report from stamford bridge\"]\n", - "diego costa looks set to be sidelined for at least two weeks after sustaining another hamstring injury during chelsea 's 2-1 win over stoke city .jose mourinho threw costa on at half-time after going into the interval at 1-1 following charlie adam 's outstanding 66-yard equaliser to cancel out eden hazard 's opener .the spain international is likely to miss chelsea 's upcoming barclays premier league matches against west london rivals queens park rangers and manchester united .\n", - "chelsea star diego costa looks set to miss his side 's next two gamescosta was forced off through injury shortly after coming on at the intervaljose mourinho has revealed costa is likely to be out for ' a couple of weeks 'chelsea face qpr and manchester united in next two league matchesclick here to read sami mokbel 's match report from stamford bridge\n", - "[1.3595924 1.4303257 1.2927558 1.1729614 1.1873366 1.2924815 1.099685\n", - " 1.0159292 1.057625 1.0309355 1.0370154 1.0271373 1.0594751 1.0396372\n", - " 1.0226324 1.0197135 1.0311879 1.0571934 1.0647415 1.0536903 1.1890625\n", - " 1.0544863]\n", - "\n", - "[ 1 0 2 5 20 4 3 6 18 12 8 17 21 19 13 10 16 9 11 14 15 7]\n", - "=======================\n", - "['the pioneering camera innovator clinched the title after being granted 4.5 million restricted stock units - valued at $ 284.5 million - at the end of the year .gopro director nick woodman is set to be named the highest-paid ceo of 2014 at the tender age of 39 .it won him the top spot on the annual bloomberg pay index .']\n", - "=======================\n", - "[\"nick woodman 's dynamic cameras became instant success in 2006before they took off , he acted as the model for the self-made advertsnow , nine years later , he is a billionaire and top of bloomberg pay index\"]\n", - "the pioneering camera innovator clinched the title after being granted 4.5 million restricted stock units - valued at $ 284.5 million - at the end of the year .gopro director nick woodman is set to be named the highest-paid ceo of 2014 at the tender age of 39 .it won him the top spot on the annual bloomberg pay index .\n", - "nick woodman 's dynamic cameras became instant success in 2006before they took off , he acted as the model for the self-made advertsnow , nine years later , he is a billionaire and top of bloomberg pay index\n", - "[1.0696198 1.346315 1.2262508 1.2251518 1.3820091 1.1243911 1.1004146\n", - " 1.1582558 1.0354191 1.0331787 1.0153979 1.2334874 1.1289072 1.0878018\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 4 1 11 2 3 7 12 5 6 13 0 8 9 10 16 14 15 17]\n", - "=======================\n", - "[\"the four million square foot motiongate dubai is set to attract over three million tourists annually , who will be immersed in a cinematic journey through their favourite movies via 27 different latest-in-technology rides and attractions .and fans could have the chance to experience katniss ' life as soon as next year , with the attraction expected to open in october 2016 .hopefully the dubai theme park will have safety measures in place for guests - unlike katniss ' experience in the arena in hunger games\"]\n", - "=======================\n", - "['motiongate dubai will open in october , 2016 with themed zonesguests can enjoy rides and gift shops based on the billion dollar franchisethere will also be live performances based on step up moviesthe dubai theme park will be four million square foot in size']\n", - "the four million square foot motiongate dubai is set to attract over three million tourists annually , who will be immersed in a cinematic journey through their favourite movies via 27 different latest-in-technology rides and attractions .and fans could have the chance to experience katniss ' life as soon as next year , with the attraction expected to open in october 2016 .hopefully the dubai theme park will have safety measures in place for guests - unlike katniss ' experience in the arena in hunger games\n", - "motiongate dubai will open in october , 2016 with themed zonesguests can enjoy rides and gift shops based on the billion dollar franchisethere will also be live performances based on step up moviesthe dubai theme park will be four million square foot in size\n", - "[1.2282888 1.3439791 1.2615025 1.3559763 1.1455313 1.2204878 1.1012479\n", - " 1.0807936 1.1795337 1.0689728 1.042943 1.0992224 1.0569344 1.021419\n", - " 1.061608 1.0950848 1.0650393 1.0443177]\n", - "\n", - "[ 3 1 2 0 5 8 4 6 11 15 7 9 16 14 12 17 10 13]\n", - "=======================\n", - "[\"100-year-old michael juskin allegedly killed his wife rosalia , 88 , with an axe while she slept before he committed suicide with a knife on sunday night .michael and rosalia juskin had a ` history of domestic issues , ' according to bergen county prosecutor john l. molinelli .michael juskin is one of the oldest people ever to be accused of homicide , according to northjersey.com .\"]\n", - "=======================\n", - "[\"prosecutor said michael and rosalia juskin had ` domestic issues 'a relative , who was not inside the home during the apparent murder-suicide , discovered the bodies and called policeone relative claimed michael juskin was suffering from dementia and another said he was ` not well '\"]\n", - "100-year-old michael juskin allegedly killed his wife rosalia , 88 , with an axe while she slept before he committed suicide with a knife on sunday night .michael and rosalia juskin had a ` history of domestic issues , ' according to bergen county prosecutor john l. molinelli .michael juskin is one of the oldest people ever to be accused of homicide , according to northjersey.com .\n", - "prosecutor said michael and rosalia juskin had ` domestic issues 'a relative , who was not inside the home during the apparent murder-suicide , discovered the bodies and called policeone relative claimed michael juskin was suffering from dementia and another said he was ` not well '\n", - "[1.2192972 1.449038 1.1394774 1.3659871 1.1172363 1.074207 1.1041384\n", - " 1.0649589 1.0494354 1.1218364 1.031022 1.0364364 1.0217279 1.023591\n", - " 1.0134164 1.0298166 0. 0. ]\n", - "\n", - "[ 1 3 0 2 9 4 6 5 7 8 11 10 15 13 12 14 16 17]\n", - "=======================\n", - "[\"keir starmer , who ran the crown prosecution service for five years , was in charge when operation elveden began its tainted ` witch hunt ' into tabloid journalists .the collapse of yesterday 's old bailey trial will raise question marks about the judgment of the labour darling who took a central role in the disastrous and misguided prosecutions of journalists .starting with dawn raids on suspects ' homes , mass arrests and long periods of bail , it ended in not guilty verdicts -- and will now prompt a fresh examination of the tenure of the most controversial dpp of modern times .\"]\n", - "=======================\n", - "[\"trial of journalists paying public officials collapsed at old bailey on fridayraises questions over judgement of keir starmer , who led the investigationhe pushed use of ` unheard ' 13th century law - misconduct in public officeoperation elveden , which has now cost taxpayer # 20million , left in ruins\"]\n", - "keir starmer , who ran the crown prosecution service for five years , was in charge when operation elveden began its tainted ` witch hunt ' into tabloid journalists .the collapse of yesterday 's old bailey trial will raise question marks about the judgment of the labour darling who took a central role in the disastrous and misguided prosecutions of journalists .starting with dawn raids on suspects ' homes , mass arrests and long periods of bail , it ended in not guilty verdicts -- and will now prompt a fresh examination of the tenure of the most controversial dpp of modern times .\n", - "trial of journalists paying public officials collapsed at old bailey on fridayraises questions over judgement of keir starmer , who led the investigationhe pushed use of ` unheard ' 13th century law - misconduct in public officeoperation elveden , which has now cost taxpayer # 20million , left in ruins\n", - "[1.2908481 1.17473 1.094532 1.0988458 1.3871921 1.1155686 1.1039532\n", - " 1.1022681 1.0567777 1.1554385 1.0709134 1.0192181 1.1149354 1.1212493\n", - " 1.0886478 1.0485669 1.0186284 1.0209324]\n", - "\n", - "[ 4 0 1 9 13 5 12 6 7 3 2 14 10 8 15 17 11 16]\n", - "=======================\n", - "[\"alex impey , is a father-of-two , who says he is selling marijuana to help to those suffering from serious illnessalex impey is breaking the law selling his customers marijuana , but as long as he keeps hearing stories that the drug is helping them cope with pain , he could n't care less .and business for medicinal marijuana is booming , with mr impey telling daily mail australia he receives 20 new requests for help each week at his hemp store , gnostic hemporium , on the nsw central coast , north of sydney .\"]\n", - "=======================\n", - "['alex impey is breaking the law by openly selling marijuana to customers seeking pain reliefhe sells medicinal oil from the drug at about $ 100 a gram and some people use up to a gram each day as treatmentmr impey also teaches the terminally ill how and where to grow their ownhis \" hemp store \" alone receives more than 20 requests for help accessing medicinal cannabis each weekpatients who contact him include cancer sufferers , those with parkinson \\'s disease , multiple sclerosis and children with epilepsylarisa rule , 3 , is one of his customers , and takes the drug to reduce her seizuresher father peter risked two years in jail for preparing his own crop']\n", - "alex impey , is a father-of-two , who says he is selling marijuana to help to those suffering from serious illnessalex impey is breaking the law selling his customers marijuana , but as long as he keeps hearing stories that the drug is helping them cope with pain , he could n't care less .and business for medicinal marijuana is booming , with mr impey telling daily mail australia he receives 20 new requests for help each week at his hemp store , gnostic hemporium , on the nsw central coast , north of sydney .\n", - "alex impey is breaking the law by openly selling marijuana to customers seeking pain reliefhe sells medicinal oil from the drug at about $ 100 a gram and some people use up to a gram each day as treatmentmr impey also teaches the terminally ill how and where to grow their ownhis \" hemp store \" alone receives more than 20 requests for help accessing medicinal cannabis each weekpatients who contact him include cancer sufferers , those with parkinson 's disease , multiple sclerosis and children with epilepsylarisa rule , 3 , is one of his customers , and takes the drug to reduce her seizuresher father peter risked two years in jail for preparing his own crop\n", - "[1.1595972 1.1915002 1.4015663 1.3417337 1.1844566 1.0839695 1.0485636\n", - " 1.0319221 1.1458149 1.0685534 1.0792692 1.0376657 1.0344977 1.0331635\n", - " 1.042484 1.0210999 1.0249145 0. ]\n", - "\n", - "[ 2 3 1 4 0 8 5 10 9 6 14 11 12 13 7 16 15 17]\n", - "=======================\n", - "['a new series , chaos caught on camera , premieres on science channel monday , april 13 , and reveals the extraordinary footage taken by people in the middle of the drama , giving a unique perspective of real life or death situations .whether someone is caught up in a terrifying avalanche , shipwrecked at sea , or skydivers are caught in a deadly collision , phone cameras and helmet-cams are able to record every heart-stopping moment and broadcast them around the world .a battle between a hungry lion and a buffalo in the mjejane reserve in south africa will be seen on the show']\n", - "=======================\n", - "[\"chaos caught on camera premieres on science channel monday , april 13show reveals fantastic phone footage shot by people in real-life dramaviewers get intense experience as if they 're actually there in disaster zoneincredible facts behind each freak catastrophe or survival are explained\"]\n", - "a new series , chaos caught on camera , premieres on science channel monday , april 13 , and reveals the extraordinary footage taken by people in the middle of the drama , giving a unique perspective of real life or death situations .whether someone is caught up in a terrifying avalanche , shipwrecked at sea , or skydivers are caught in a deadly collision , phone cameras and helmet-cams are able to record every heart-stopping moment and broadcast them around the world .a battle between a hungry lion and a buffalo in the mjejane reserve in south africa will be seen on the show\n", - "chaos caught on camera premieres on science channel monday , april 13show reveals fantastic phone footage shot by people in real-life dramaviewers get intense experience as if they 're actually there in disaster zoneincredible facts behind each freak catastrophe or survival are explained\n", - "[1.3075042 1.182517 1.3245943 1.2496934 1.1519573 1.1215886 1.0978482\n", - " 1.2257364 1.0573456 1.0807693 1.0782317 1.1089382 1.0773146 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 3 7 1 4 5 11 6 9 10 12 8 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "['the comical image emerged amid claims the president of zimbabwe is lining up his 24-year-old daughter to succeed him .at a quick glance , robert mugabe appeared to be sporting a new hairstyle and even a pair of earrings when he arrived into south africa for a state visit today .mugabe arrived into pretoria , south africa today for a three-day state visit to the country amid ongoing speculation that his daughter will assume the position of president after him .']\n", - "=======================\n", - "['photo of robert mugabe appears to show him with new hairdo and earringslonger hairstyle and earrings actually belong to woman stood behind himamusing image comes after memes circulated showing him fall down stepszimbabwean president apparently preparing daughter bona to replace him']\n", - "the comical image emerged amid claims the president of zimbabwe is lining up his 24-year-old daughter to succeed him .at a quick glance , robert mugabe appeared to be sporting a new hairstyle and even a pair of earrings when he arrived into south africa for a state visit today .mugabe arrived into pretoria , south africa today for a three-day state visit to the country amid ongoing speculation that his daughter will assume the position of president after him .\n", - "photo of robert mugabe appears to show him with new hairdo and earringslonger hairstyle and earrings actually belong to woman stood behind himamusing image comes after memes circulated showing him fall down stepszimbabwean president apparently preparing daughter bona to replace him\n", - "[1.237401 1.381752 1.3267255 1.2059691 1.1824379 1.150004 1.0170327\n", - " 1.1051661 1.0483379 1.1231159 1.1092747 1.1434968 1.0425564 1.0192647\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 4 5 11 9 10 7 8 12 13 6 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"the video , allegedly shot near the capital of sanaa , sees some 20 men wearing desert camouflage uniforms carry out a carefully choreographed rifle routine in the sand .the ` establishing ' of an isis-related group in yemen comes after months of conflict which has seen iran-backed houthi rebels fight both the government and the local al qaeda affiliates .supporters of isis have ` declared a caliphate ' in yemen through a bizarre video showing a group of masked fighters a barren desert .\"]\n", - "=======================\n", - "[\"video released showing isis supporters ` declaring a caliphate ' in yemenit comes after months of fighting between several groups in the countryisis emerged in yemen last year , and has carried out suicide bombingssunni isis may take hold as shi'ite rebels fight government and al-qaeda\"]\n", - "the video , allegedly shot near the capital of sanaa , sees some 20 men wearing desert camouflage uniforms carry out a carefully choreographed rifle routine in the sand .the ` establishing ' of an isis-related group in yemen comes after months of conflict which has seen iran-backed houthi rebels fight both the government and the local al qaeda affiliates .supporters of isis have ` declared a caliphate ' in yemen through a bizarre video showing a group of masked fighters a barren desert .\n", - "video released showing isis supporters ` declaring a caliphate ' in yemenit comes after months of fighting between several groups in the countryisis emerged in yemen last year , and has carried out suicide bombingssunni isis may take hold as shi'ite rebels fight government and al-qaeda\n", - "[1.3753949 1.3501492 1.381119 1.2346156 1.2036924 1.04208 1.0204911\n", - " 1.1638589 1.1896476 1.0716203 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 1 3 4 8 7 9 5 6 19 18 17 16 15 10 13 12 11 20 14 21]\n", - "=======================\n", - "['four in 10 households now own one tablet , one fifth have two , and 11 per cent own three or more .smartphones are the most common internet-enabled device , at 1.7 per household , followed by laptops ( 1.3 ) and tablets ( 1.2 ) , the yougov poll of more than 2,000 consumers found .the latest internet advertising bureau ( iab ) uk digital adspend report , conducted by pwc , found digital advertising hit a record # 7.2 billion .']\n", - "=======================\n", - "['smartphones are the most common web devices , at 1.7 per homelaptops and tablets are just behind , a yougov poll has foundmeanwhile , digital advertising has hit a record high of # 7.2 billion']\n", - "four in 10 households now own one tablet , one fifth have two , and 11 per cent own three or more .smartphones are the most common internet-enabled device , at 1.7 per household , followed by laptops ( 1.3 ) and tablets ( 1.2 ) , the yougov poll of more than 2,000 consumers found .the latest internet advertising bureau ( iab ) uk digital adspend report , conducted by pwc , found digital advertising hit a record # 7.2 billion .\n", - "smartphones are the most common web devices , at 1.7 per homelaptops and tablets are just behind , a yougov poll has foundmeanwhile , digital advertising has hit a record high of # 7.2 billion\n", - "[1.2447157 1.4773064 1.361962 1.2438747 1.1235762 1.1564841 1.1287211\n", - " 1.0427715 1.0216932 1.1204724 1.0402153 1.1190958 1.0437233 1.077684\n", - " 1.0448084 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 5 6 4 9 11 13 14 12 7 10 8 15 16 17 18 19 20 21]\n", - "=======================\n", - "['the body of charmain adusah , 41 , was discovered by hotel staff face down in a bath where it is believed she had been lying for four days .her husband , eric isaiah adusah , a self-proclaimed prophet and evangelical preacher , was alleged to have left the hotel hurriedly on the day she is believed to have died .a church preacher is being held on suspicion of murdering his pregnant british wife in a hotel room in ghana .']\n", - "=======================\n", - "['her body was discovered by hotel staff face down in bathbelieved charmain adusah had been dead for four days when foundself-proclaimed prophet accused of leaving hotel in a hurryshe was pregnant and had son , eight , from previous marriage']\n", - "the body of charmain adusah , 41 , was discovered by hotel staff face down in a bath where it is believed she had been lying for four days .her husband , eric isaiah adusah , a self-proclaimed prophet and evangelical preacher , was alleged to have left the hotel hurriedly on the day she is believed to have died .a church preacher is being held on suspicion of murdering his pregnant british wife in a hotel room in ghana .\n", - "her body was discovered by hotel staff face down in bathbelieved charmain adusah had been dead for four days when foundself-proclaimed prophet accused of leaving hotel in a hurryshe was pregnant and had son , eight , from previous marriage\n", - "[1.5738009 1.446353 1.0937674 1.087526 1.1079619 1.0853647 1.3731782\n", - " 1.3023986 1.0905776 1.1796918 1.0706297 1.0700378 1.0253162 1.018286\n", - " 1.0057292 1.1245415 1.0648375 1.0422145 1.0755506 1.047586 1.0408045\n", - " 1.0792738]\n", - "\n", - "[ 0 1 6 7 9 15 4 2 8 3 5 21 18 10 11 16 19 17 20 12 13 14]\n", - "=======================\n", - "[\"al horford and demarre carroll scored 20 points each to help the atlanta hawks match a franchise record with their 57th win , beating the brooklyn nets 131-99 on saturday night .however , the hawks lost forward paul millsap to a right shoulder injury in a collision with brooklyn 's earl clark with 1:52 left in the first half .bojan bogdanovic led brooklyn with 19 points .\"]\n", - "=======================\n", - "[\"atlanta hawks beat brooklyn nets 131-99 on saturday nightwin was 57th of the season for eastern conference leadershawks ' paul millsap suffers a shoulder injury in first halfboston celtics beat toronto raptors in overtime to boost play-off hopeswest leaders golden state warriors see off dallas mavericks 123-110\"]\n", - "al horford and demarre carroll scored 20 points each to help the atlanta hawks match a franchise record with their 57th win , beating the brooklyn nets 131-99 on saturday night .however , the hawks lost forward paul millsap to a right shoulder injury in a collision with brooklyn 's earl clark with 1:52 left in the first half .bojan bogdanovic led brooklyn with 19 points .\n", - "atlanta hawks beat brooklyn nets 131-99 on saturday nightwin was 57th of the season for eastern conference leadershawks ' paul millsap suffers a shoulder injury in first halfboston celtics beat toronto raptors in overtime to boost play-off hopeswest leaders golden state warriors see off dallas mavericks 123-110\n", - "[1.2744999 1.4110178 1.2720864 1.4022164 1.2087553 1.1907763 1.0502366\n", - " 1.0270851 1.0616845 1.0558544 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 5 8 9 6 7 18 17 16 15 10 13 12 11 19 14 20]\n", - "=======================\n", - "[\"jeff novitzky , who was also involved in the investigations into barry bonds , marion jones and justin gatlin , will spearhead the development of the ufc 's new drug testing programme .jeff novitsky will join the ufc as the sport bids to clean up its act after high-profile failed drugs teststhe organisation announced earlier this year that they will implement a new year-round , out-of-competition testing protocol following a string of high-profile failed tests by anderson silva , nick diaz and hector lombard .\"]\n", - "=======================\n", - "[\"novitzky kick-started the balco investigation and is well-known for his work with steroid and ped use in sportthe case involved the investigations into barry bonds , marion jones and justin gatlinthe federal agent also probed lance armstrong 's tour de france teams and helped unmask the shamed former cyclistufc is keen to banish the sport of peds after high-profile failed tests from the likes of anderson silva , nick diaz and hector lombard` there is no bigger advocate of clean professional sports than jeff novitzky , ' the ufc 's lawrence epstein said\"]\n", - "jeff novitzky , who was also involved in the investigations into barry bonds , marion jones and justin gatlin , will spearhead the development of the ufc 's new drug testing programme .jeff novitsky will join the ufc as the sport bids to clean up its act after high-profile failed drugs teststhe organisation announced earlier this year that they will implement a new year-round , out-of-competition testing protocol following a string of high-profile failed tests by anderson silva , nick diaz and hector lombard .\n", - "novitzky kick-started the balco investigation and is well-known for his work with steroid and ped use in sportthe case involved the investigations into barry bonds , marion jones and justin gatlinthe federal agent also probed lance armstrong 's tour de france teams and helped unmask the shamed former cyclistufc is keen to banish the sport of peds after high-profile failed tests from the likes of anderson silva , nick diaz and hector lombard` there is no bigger advocate of clean professional sports than jeff novitzky , ' the ufc 's lawrence epstein said\n", - "[1.4221077 1.1938316 1.1778541 1.0553819 1.2215146 1.1359957 1.017731\n", - " 1.0155966 1.0184772 1.022416 1.0285081 1.0388763 1.0710185 1.1650105\n", - " 1.0884856 1.0426491 1.0220679 1.0183724 1.01696 1.0116494 1.0748256]\n", - "\n", - "[ 0 4 1 2 13 5 14 20 12 3 15 11 10 9 16 8 17 6 18 7 19]\n", - "=======================\n", - "[\"flanked by johnny russell and will hughes , eric steele jigged over to the travelling derby supporters - the popular goalkeeping coach was in the mood to celebrate .derby 's players celebrate after chris martin 's goal gave them the lead in the second halfafter a first win in eight , they are back in this consuming promotion race and that six-week wobble is no longer .\"]\n", - "=======================\n", - "['derby had failed to win any of their previous seven gamesgoals from chris martin and darren bent lift them up to fifthwigan now eight points from safety with just five games left']\n", - "flanked by johnny russell and will hughes , eric steele jigged over to the travelling derby supporters - the popular goalkeeping coach was in the mood to celebrate .derby 's players celebrate after chris martin 's goal gave them the lead in the second halfafter a first win in eight , they are back in this consuming promotion race and that six-week wobble is no longer .\n", - "derby had failed to win any of their previous seven gamesgoals from chris martin and darren bent lift them up to fifthwigan now eight points from safety with just five games left\n", - "[1.3236084 1.4829698 1.1777259 1.4237654 1.1546277 1.1511111 1.0740201\n", - " 1.0136747 1.01428 1.0822257 1.0731034 1.1168543 1.0478787 1.0848105\n", - " 1.0296091 1.0277913 1.1793772 1.0275848 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 16 2 4 5 11 13 9 6 10 12 14 15 17 8 7 18 19 20]\n", - "=======================\n", - "['lewis moody , danny grewcock and josh lewsey said they felt nothing more than a jolt .three former england rugby internationals on a charity expedition to the north pole continued with their trip despite the landing gear of their plane collapsing on their way out .it is hoped the expedition will raise # 250,000 for the lewis moody foundation as well as the royal marines charitable trust']\n", - "=======================\n", - "['lewis moody , danny grewcock and josh lewsey said they felt a joltplane was dropping them off at the start of the 60-mile trek to the polerugby stars are now back from expedition that raised money for charity']\n", - "lewis moody , danny grewcock and josh lewsey said they felt nothing more than a jolt .three former england rugby internationals on a charity expedition to the north pole continued with their trip despite the landing gear of their plane collapsing on their way out .it is hoped the expedition will raise # 250,000 for the lewis moody foundation as well as the royal marines charitable trust\n", - "lewis moody , danny grewcock and josh lewsey said they felt a joltplane was dropping them off at the start of the 60-mile trek to the polerugby stars are now back from expedition that raised money for charity\n", - "[1.2408193 1.4790154 1.1263814 1.1796254 1.2155002 1.2176539 1.2959465\n", - " 1.1697063 1.0627658 1.0599743 1.0734012 1.0460072 1.046969 1.0566343\n", - " 1.0384517 1.0366081 1.0379876 0. 0. 0. 0. ]\n", - "\n", - "[ 1 6 0 5 4 3 7 2 10 8 9 13 12 11 14 16 15 19 17 18 20]\n", - "=======================\n", - "[\"leaj jarvis price was reportedly gunned down by eric heath price , the 25-year-old father of her six-year-old son , on monday after she ran into the surgery in jemison screaming ` call the police ' .this is the 24-year-old mother who was allegedly shot dead by her marine veteran husband in an alabama doctor 's office after he wrote a chilling facebook post saying he was going to ` die today ' .he has since been charged with the murder of mrs price , who was a nursing student .\"]\n", - "=======================\n", - "[\"leaj jarvis price , 24 , ran into a doctor 's office in jemison , al , on mondayshe screamed ` call the police ' , prompting doctors to run out to help herseconds later , she was allegedly shot dead by husband , eric price , 25price then staged standoff with police at their home and ` shot himself 'taken to hospital in unknown condition ; has been charged with murdercourt records show pair had been locked in custody battle over their son\"]\n", - "leaj jarvis price was reportedly gunned down by eric heath price , the 25-year-old father of her six-year-old son , on monday after she ran into the surgery in jemison screaming ` call the police ' .this is the 24-year-old mother who was allegedly shot dead by her marine veteran husband in an alabama doctor 's office after he wrote a chilling facebook post saying he was going to ` die today ' .he has since been charged with the murder of mrs price , who was a nursing student .\n", - "leaj jarvis price , 24 , ran into a doctor 's office in jemison , al , on mondayshe screamed ` call the police ' , prompting doctors to run out to help herseconds later , she was allegedly shot dead by husband , eric price , 25price then staged standoff with police at their home and ` shot himself 'taken to hospital in unknown condition ; has been charged with murdercourt records show pair had been locked in custody battle over their son\n", - "[1.3471017 1.515498 1.218038 1.4770868 1.379213 1.0431893 1.0301827\n", - " 1.0163717 1.0210067 1.0234419 1.1242726 1.0981112 1.0246005 1.0185895\n", - " 1.0738885 1.0159606 1.0129054 1.0213747 1.012691 0. 0. ]\n", - "\n", - "[ 1 3 4 0 2 10 11 14 5 6 12 9 17 8 13 7 15 16 18 19 20]\n", - "=======================\n", - "['palmer , 52 , has been giving safety announcements and other messages in verse since last year when northern rail encouraged their guards to give their addresses a festive flavour .train conductor graham palmer delivers safety announcements over the tanny in the form of poetrythe rhymes were a hit with travellers and have been going strong since , and he even customises the self-penned couplets according to the stations his carriages are passing through .']\n", - "=======================\n", - "[\"train guard graham palmer addresses passengers with original poemsthe northern rail conductor began writing poems last christmaspalmer even customises his couplets for the stations his train passeshe says it 's tongue in cheek but at least it 's getting the message across\"]\n", - "palmer , 52 , has been giving safety announcements and other messages in verse since last year when northern rail encouraged their guards to give their addresses a festive flavour .train conductor graham palmer delivers safety announcements over the tanny in the form of poetrythe rhymes were a hit with travellers and have been going strong since , and he even customises the self-penned couplets according to the stations his carriages are passing through .\n", - "train guard graham palmer addresses passengers with original poemsthe northern rail conductor began writing poems last christmaspalmer even customises his couplets for the stations his train passeshe says it 's tongue in cheek but at least it 's getting the message across\n", - "[1.332256 1.2073499 1.1066515 1.1129295 1.3171451 1.177481 1.060752\n", - " 1.0415148 1.0466391 1.0514603 1.0790722 1.1045986 1.0891533 1.077464\n", - " 1.0495098 1.0587754 1.0866784 1.0261369 1.010464 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 4 1 5 3 2 11 12 16 10 13 6 15 9 14 8 7 17 18 21 19 20 22]\n", - "=======================\n", - "['( cnn ) one year after it was perpetrated , the kidnapping of nearly 300 schoolgirls by a jihadist group in nigeria remains a crime almost too horrifying to comprehend : hundreds of teenaged girls , just finishing school , destined perhaps for significant achievement -- kidnapped , never to be seen again .the girls were abducted on the night of april 14-15 , 2014 , in the town of chibok , in northeastern nigeria , about a two-hour drive from the border with cameroon .\" this crime has rightly caused outrage both in nigeria and across the world , \" the country \\'s president-elect , muhammadu buhari , said tuesday in marking the anniversary .']\n", - "=======================\n", - "[\"nigeria 's president-elect sends nation 's prayers to families of girlsworld still expresses hope that the girls will returnboko haram controls a portion of northeastern nigeria\"]\n", - "( cnn ) one year after it was perpetrated , the kidnapping of nearly 300 schoolgirls by a jihadist group in nigeria remains a crime almost too horrifying to comprehend : hundreds of teenaged girls , just finishing school , destined perhaps for significant achievement -- kidnapped , never to be seen again .the girls were abducted on the night of april 14-15 , 2014 , in the town of chibok , in northeastern nigeria , about a two-hour drive from the border with cameroon .\" this crime has rightly caused outrage both in nigeria and across the world , \" the country 's president-elect , muhammadu buhari , said tuesday in marking the anniversary .\n", - "nigeria 's president-elect sends nation 's prayers to families of girlsworld still expresses hope that the girls will returnboko haram controls a portion of northeastern nigeria\n", - "[1.2106442 1.5134301 1.2306068 1.299303 1.1532152 1.145754 1.0367216\n", - " 1.0178475 1.0839759 1.2293228 1.1340263 1.0590136 1.0432714 1.0449088\n", - " 1.0090277 1.0082637 1.0080779 1.0553247 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 9 0 4 5 10 8 11 17 13 12 6 7 14 15 16 21 18 19 20 22]\n", - "=======================\n", - "[\"the bereaved mother , named dawn , was appearing on the jeremy kyle show and accused long-term chum , convicted burglar jamie , of making off with the cash .devastated : dawn , who has had seven miscarriages , was furious to discover her friend had stolen from herwhen one of mr kyle 's famous lie detector tests revealed that jamie , who lives with dawn and her partner who is also called jamie , had done the deed , she burst into tears and stormed off .\"]\n", - "=======================\n", - "[\"the woman , named dawn , was appearing on itv 's the jeremy kyle showaccused her close friend and house-mate jamie of stealing # 207the money had been set aside for a grave stone for baby daniel jamesa sobbing dawn revealed that the baby was the seventh she has lostthe jeremy kyle show , weekdays at 9.25 am on itv\"]\n", - "the bereaved mother , named dawn , was appearing on the jeremy kyle show and accused long-term chum , convicted burglar jamie , of making off with the cash .devastated : dawn , who has had seven miscarriages , was furious to discover her friend had stolen from herwhen one of mr kyle 's famous lie detector tests revealed that jamie , who lives with dawn and her partner who is also called jamie , had done the deed , she burst into tears and stormed off .\n", - "the woman , named dawn , was appearing on itv 's the jeremy kyle showaccused her close friend and house-mate jamie of stealing # 207the money had been set aside for a grave stone for baby daniel jamesa sobbing dawn revealed that the baby was the seventh she has lostthe jeremy kyle show , weekdays at 9.25 am on itv\n", - "[1.103437 1.4977465 1.4253157 1.2325398 1.0913224 1.0517321 1.1029956\n", - " 1.1678522 1.0763047 1.0606675 1.0717154 1.0473039 1.0398006 1.0487064\n", - " 1.0324266 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 7 0 6 4 8 10 9 5 13 11 12 14 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"the stunning shots make up the short-list for the wisden -- mcc cricket photograph of the year 2014 , which was won by getty images photographer matthew lewis .his image of dwayne bravo shows the player taking a breathtaking full-length catch for the west indies to dismiss australia 's james faulkner during last year 's icc world twenty20 competition in bangladesh .but portraits of ordinary players also make the list , from children on a bangladesh rubbish tip to a club player attempting a catch in kent .\"]\n", - "=======================\n", - "[\"images of cricket both on the pitch and in a rubbish dump in dhaka , bangladesh , among short-listed pictureswinner of wisden-mcc cricket photograph of the year was matthew lewis ' shot of dwayne bravo taking a catch\"]\n", - "the stunning shots make up the short-list for the wisden -- mcc cricket photograph of the year 2014 , which was won by getty images photographer matthew lewis .his image of dwayne bravo shows the player taking a breathtaking full-length catch for the west indies to dismiss australia 's james faulkner during last year 's icc world twenty20 competition in bangladesh .but portraits of ordinary players also make the list , from children on a bangladesh rubbish tip to a club player attempting a catch in kent .\n", - "images of cricket both on the pitch and in a rubbish dump in dhaka , bangladesh , among short-listed pictureswinner of wisden-mcc cricket photograph of the year was matthew lewis ' shot of dwayne bravo taking a catch\n", - "[1.4011153 1.3040245 1.2532363 1.283024 1.2368479 1.2043947 1.0484841\n", - " 1.0271 1.0367223 1.0188684 1.0318546 1.0285962 1.0327053 1.0192258\n", - " 1.0332328 1.0246954 1.0249193 1.0196922 1.014535 1.0262583 1.013544\n", - " 1.0116912 1.018466 ]\n", - "\n", - "[ 0 1 3 2 4 5 6 8 14 12 10 11 7 19 16 15 17 13 9 22 18 20 21]\n", - "=======================\n", - "[\"snooker star ronnie o'sullivan has revealed what goes through his mind while he 's waiting for his opponent to finish at the table - and it 's usually whether he will make it to dinner or not .` the rocket ' is widely regarded as one of the most naturally talented players in history , although he has openly questioned his commitment to the sport during a career that has brought him five world championship titles .ronnie o'sullivan relaxes with a cuppa while waitingfor his turn at the 2015 dafabet masters\"]\n", - "=======================\n", - "[\"ronnie o'sullivan is a five time world snooker championthe rocket revealed his mind wanders to his stomach during gamesthe world no 2 claims he never gets nervous hunting a 147 breakthe 39-year-old was speaking in an interview with forever sports\"]\n", - "snooker star ronnie o'sullivan has revealed what goes through his mind while he 's waiting for his opponent to finish at the table - and it 's usually whether he will make it to dinner or not .` the rocket ' is widely regarded as one of the most naturally talented players in history , although he has openly questioned his commitment to the sport during a career that has brought him five world championship titles .ronnie o'sullivan relaxes with a cuppa while waitingfor his turn at the 2015 dafabet masters\n", - "ronnie o'sullivan is a five time world snooker championthe rocket revealed his mind wanders to his stomach during gamesthe world no 2 claims he never gets nervous hunting a 147 breakthe 39-year-old was speaking in an interview with forever sports\n", - "[1.4009157 1.1134048 1.0570371 1.2164073 1.1628757 1.1183071 1.0361129\n", - " 1.0382198 1.0162724 1.2079792 1.0280268 1.2057049 1.078431 1.0445545\n", - " 1.0454437 1.0151241 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 9 11 4 5 1 12 2 14 13 7 6 10 8 15 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"master patissier eric lanlard is on-stage recalling how he once refused to bake a ` very rude ' cake for naomi campbell .learning from the master : tamara shows off the cooking skills she has picked up from eric lanlardthe 3,600-passenger , union jack-adorned britannia is the largest ship built for the uk market .\"]\n", - "=======================\n", - "[\"with room for 3600 , britannia is the largest ship built for the uk marketp&o 's new ship has a gourmet edge , with a host of restaurants on boardtop chefs working with the ship include eric lanlard and mary berry\"]\n", - "master patissier eric lanlard is on-stage recalling how he once refused to bake a ` very rude ' cake for naomi campbell .learning from the master : tamara shows off the cooking skills she has picked up from eric lanlardthe 3,600-passenger , union jack-adorned britannia is the largest ship built for the uk market .\n", - "with room for 3600 , britannia is the largest ship built for the uk marketp&o 's new ship has a gourmet edge , with a host of restaurants on boardtop chefs working with the ship include eric lanlard and mary berry\n", - "[1.1879497 1.4665673 1.2980392 1.37306 1.1514528 1.260289 1.1648413\n", - " 1.0597056 1.0705479 1.0337415 1.1054322 1.0272299 1.0244215 1.0209402\n", - " 1.0260032 1.1486259 1.0262417 1.0120605 1.0085539 1.0083812 1.0291648]\n", - "\n", - "[ 1 3 2 5 0 6 4 15 10 8 7 9 20 11 16 14 12 13 17 18 19]\n", - "=======================\n", - "[\"four-year-old rj jackson is one of just 70 people in the world who suffers netherton 's syndrome .his mother valerie jackson has to regularly cover him in creams to try and prevent his skin drying out .his skin appears red and inflamed , and is often covered in dry skin that appears like scales on his body .\"]\n", - "=======================\n", - "[\"rj jackson is one of around 70 sufferers of netherton 's syndromefour-year-old 's skin appears red and scaly , and can be itchy and painfulmother valerie jackson is regularly accused of ` scalding or burning ' himsays rj faces cruel taunts from bullies - most of whom are ignorant adults\"]\n", - "four-year-old rj jackson is one of just 70 people in the world who suffers netherton 's syndrome .his mother valerie jackson has to regularly cover him in creams to try and prevent his skin drying out .his skin appears red and inflamed , and is often covered in dry skin that appears like scales on his body .\n", - "rj jackson is one of around 70 sufferers of netherton 's syndromefour-year-old 's skin appears red and scaly , and can be itchy and painfulmother valerie jackson is regularly accused of ` scalding or burning ' himsays rj faces cruel taunts from bullies - most of whom are ignorant adults\n", - "[1.4693598 1.4362171 1.1271374 1.4719365 1.4265255 1.1886672 1.0138503\n", - " 1.0094389 1.0074713 1.0075204 1.2961031 1.1287198 1.0577712 1.0688689\n", - " 1.1528933 1.0899478 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 10 5 14 11 2 15 13 12 6 7 9 8 19 16 17 18 20]\n", - "=======================\n", - "[\"ronnie o'sullivan will play 32-year-old debutant craig steadman in the first round of the world championshipfive-time winner o'sullivan will face manchester 's craig steadman , who at 32 is set for his bow at the sport 's most prestigious tournament .defending champion mark selby will play norwegian kurt maflin at the crucible on saturday\"]\n", - "=======================\n", - "[\"ronnie o'sullivan , a five-time champion , draws craig steadmanthe 32-year-old steadman is playing in world championship for first timedefending champions mark selby will face norway 's kurt maflin\"]\n", - "ronnie o'sullivan will play 32-year-old debutant craig steadman in the first round of the world championshipfive-time winner o'sullivan will face manchester 's craig steadman , who at 32 is set for his bow at the sport 's most prestigious tournament .defending champion mark selby will play norwegian kurt maflin at the crucible on saturday\n", - "ronnie o'sullivan , a five-time champion , draws craig steadmanthe 32-year-old steadman is playing in world championship for first timedefending champions mark selby will face norway 's kurt maflin\n", - "[1.2164938 1.3287672 1.1380321 1.350886 1.2941177 1.1873735 1.1694744\n", - " 1.0524989 1.0896586 1.1099305 1.0810916 1.143856 1.0207888 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 4 0 5 6 11 2 9 8 10 7 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"jeremy clarkson pictured at the chipping norton charity gig , where he joked he was ` trawling the job centre 'the former top gear presenter made his comments when he was guest of honour at a charity auction in the cotswolds .jeremy clarkson last night launched into a bizarre rant about being sacked from the bbc , saying the upside meant he could now swear without being reprimanded .\"]\n", - "=======================\n", - "[\"jeremy clarkson last night launched into a bizarre rant about being sackedhe claimed the upside was that he could now swear without punishmentclarkson also mistook a male bidder for a female during charity gighe later joked to the cotswolds crowd that he was ` trawling the job centre '\"]\n", - "jeremy clarkson pictured at the chipping norton charity gig , where he joked he was ` trawling the job centre 'the former top gear presenter made his comments when he was guest of honour at a charity auction in the cotswolds .jeremy clarkson last night launched into a bizarre rant about being sacked from the bbc , saying the upside meant he could now swear without being reprimanded .\n", - "jeremy clarkson last night launched into a bizarre rant about being sackedhe claimed the upside was that he could now swear without punishmentclarkson also mistook a male bidder for a female during charity gighe later joked to the cotswolds crowd that he was ` trawling the job centre '\n", - "[1.0732102 1.2376565 1.3453832 1.2804842 1.2408217 1.2226706 1.1143397\n", - " 1.087729 1.0710926 1.0524627 1.1102753 1.053734 1.081528 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 4 1 5 6 10 7 12 0 8 11 9 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"some apparently healthy meals are worse for you than demonised junk foods from the likes of mcdonald 's , burger king and pizza express , researchers have found .for example , asda 's piri piri chicken pasta salad contains 46.5 g of fat -- two thirds of the recommended daily intake for an adult -- which is more than the 43.3 g found in a burger king bacon and cheese whopper .but in fact sandwiches and pasta salads can contain more fat , calories and sugar than burgers and pizzas .\"]\n", - "=======================\n", - "[\"some apparently healthy meals worse for you than demonised junk foodsasda 's piri piri chicken pasta salad contains a surprising 46.5 g of fatthis exceeds the 43.3 g found in a burger king bacon and cheese whoppercaffè nero has more fat than mcdonald 's quarter pounder with cheese\"]\n", - "some apparently healthy meals are worse for you than demonised junk foods from the likes of mcdonald 's , burger king and pizza express , researchers have found .for example , asda 's piri piri chicken pasta salad contains 46.5 g of fat -- two thirds of the recommended daily intake for an adult -- which is more than the 43.3 g found in a burger king bacon and cheese whopper .but in fact sandwiches and pasta salads can contain more fat , calories and sugar than burgers and pizzas .\n", - "some apparently healthy meals worse for you than demonised junk foodsasda 's piri piri chicken pasta salad contains a surprising 46.5 g of fatthis exceeds the 43.3 g found in a burger king bacon and cheese whoppercaffè nero has more fat than mcdonald 's quarter pounder with cheese\n", - "[1.1451169 1.1486437 1.4344169 1.224055 1.2124826 1.2346436 1.0432171\n", - " 1.3157716 1.0479711 1.0222613 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 7 5 3 4 1 0 8 6 9 18 17 16 15 10 13 12 11 19 14 20]\n", - "=======================\n", - "[\"two florida corrections officers and one former officer trainee have been charged in a plot to kill a former inmate who was getting out of prison , the florida attorney general 's office said thursday .the three men are now facing up to 30 years in jail if convicted on one count each of conspiracy to commit murder .to convince the suspects that the deed had been done , the fbi staged a fake homicide scene with the former inmate and took pictures to show them that he had been killed .\"]\n", - "=======================\n", - "['the men are current or former florida prison guardsthey are charged with one count of conspiracy to commit murder']\n", - "two florida corrections officers and one former officer trainee have been charged in a plot to kill a former inmate who was getting out of prison , the florida attorney general 's office said thursday .the three men are now facing up to 30 years in jail if convicted on one count each of conspiracy to commit murder .to convince the suspects that the deed had been done , the fbi staged a fake homicide scene with the former inmate and took pictures to show them that he had been killed .\n", - "the men are current or former florida prison guardsthey are charged with one count of conspiracy to commit murder\n", - "[1.3054806 1.3863572 1.1516851 1.2009152 1.3623335 1.1220824 1.0458341\n", - " 1.0625373 1.0438637 1.1404632 1.0955106 1.0584264 1.0219997 1.0635223\n", - " 1.0543356 1.0323089 1.0292621 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 0 3 2 9 5 10 13 7 11 14 6 8 15 16 12 20 17 18 19 21]\n", - "=======================\n", - "['the marshall county board voted last week to send a bill for $ 76,000 to the peoria republican who resigned last month after questions about his extravagant government-funded spending .former illinois congressional representative aaron schock , 33 , is facing calls to pay for the special election to replace him after resigning from the house last month amid an expenses scandalcounty officials estimate each will run about $ 38,000 .']\n", - "=======================\n", - "[\"marshall county in illinois requests money from resigned rep aaron schockfour term congressman from 18th district resigned after spending scandallavish lifestyle questioned after $ 40,000 spent for ` downtown abbey ' officespecial elections for republican 's replacement will be in july , september\"]\n", - "the marshall county board voted last week to send a bill for $ 76,000 to the peoria republican who resigned last month after questions about his extravagant government-funded spending .former illinois congressional representative aaron schock , 33 , is facing calls to pay for the special election to replace him after resigning from the house last month amid an expenses scandalcounty officials estimate each will run about $ 38,000 .\n", - "marshall county in illinois requests money from resigned rep aaron schockfour term congressman from 18th district resigned after spending scandallavish lifestyle questioned after $ 40,000 spent for ` downtown abbey ' officespecial elections for republican 's replacement will be in july , september\n", - "[1.3333935 1.4127436 1.2902141 1.1142205 1.2764394 1.1515393 1.2142057\n", - " 1.0454248 1.1113764 1.0209099 1.0283121 1.1399276 1.0685873 1.06825\n", - " 1.0718174 1.095272 1.01358 1.0118328 1.0415865 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 4 6 5 11 3 8 15 14 12 13 7 18 10 9 16 17 19 20 21]\n", - "=======================\n", - "[\"victoria police have confirmed it was located on monday afternoon , west of the devil 's cove and candlebark campsite in lake eildon national park - north-east of melbourne .a beanie believed to have belonged to luke shambrook has been found on the fourth day of the search for the missing 11-year-old .luke shambrook was last seen on the national park at 9.30 am on good friday .\"]\n", - "=======================\n", - "[\"luke shambrook was last seen leaving candlebark campground on fridaythere has been an unconfirmed sighting of luke with police acting quicklythe 11-year-old was reportedly seen walking 4 kms from his campsitepolice remain hopeful they will find luke , who has ` high pain tolerance 'luke has limited speech and his family says he is probably confuseda large search is being carried by a medley of search and rescue teamspolice also said conditions are favourable for his survival overnightthey have issued an extensive description of luke and his clothing\"]\n", - "victoria police have confirmed it was located on monday afternoon , west of the devil 's cove and candlebark campsite in lake eildon national park - north-east of melbourne .a beanie believed to have belonged to luke shambrook has been found on the fourth day of the search for the missing 11-year-old .luke shambrook was last seen on the national park at 9.30 am on good friday .\n", - "luke shambrook was last seen leaving candlebark campground on fridaythere has been an unconfirmed sighting of luke with police acting quicklythe 11-year-old was reportedly seen walking 4 kms from his campsitepolice remain hopeful they will find luke , who has ` high pain tolerance 'luke has limited speech and his family says he is probably confuseda large search is being carried by a medley of search and rescue teamspolice also said conditions are favourable for his survival overnightthey have issued an extensive description of luke and his clothing\n", - "[1.3999362 1.4721024 1.1864384 1.0690744 1.2615805 1.230084 1.0844938\n", - " 1.1209822 1.0589248 1.0977392 1.0312786 1.0235453 1.0519167 1.1018763\n", - " 1.0289096 1.044232 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 4 5 2 7 13 9 6 3 8 12 15 10 14 11 20 16 17 18 19 21]\n", - "=======================\n", - "[\"tim sherwood 's villa side won the coin toss ahead of the final next month - which allows the winner to select club colours in the event of a clash of strip .arsenal will play in their yellow and blue away strip for the fa cup final against aston villa on may 30 - and the history books points towards that being a good thing for the gunners .they picked their claret and blue home kit for the wembley showpiece and therefore guaranteed that they will have worn the same strip for every round of the competition this season .\"]\n", - "=======================\n", - "[\"arsenal face aston villa in the fa cup final at wembley on may 30tim sherwood 's side won the toss to decide which kit they 'll wearvilla chose their claret and blue home strip for the fa cup showdownarsenal will play in their yellow and blue away kitthe gunners have won three of the five finals played in the kit\"]\n", - "tim sherwood 's villa side won the coin toss ahead of the final next month - which allows the winner to select club colours in the event of a clash of strip .arsenal will play in their yellow and blue away strip for the fa cup final against aston villa on may 30 - and the history books points towards that being a good thing for the gunners .they picked their claret and blue home kit for the wembley showpiece and therefore guaranteed that they will have worn the same strip for every round of the competition this season .\n", - "arsenal face aston villa in the fa cup final at wembley on may 30tim sherwood 's side won the toss to decide which kit they 'll wearvilla chose their claret and blue home strip for the fa cup showdownarsenal will play in their yellow and blue away kitthe gunners have won three of the five finals played in the kit\n", - "[1.5413678 1.3542823 1.1442084 1.0858973 1.0645483 1.1346301 1.0355144\n", - " 1.1595564 1.170058 1.1421598 1.1189518 1.10462 1.0651511 1.0185304\n", - " 1.0280702 1.0215117 1.0123644 1.0975512 1.0330664 1.0079321 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 8 7 2 9 5 10 11 17 3 12 4 6 18 14 15 13 16 19 20 21]\n", - "=======================\n", - "['jon stewart will host his last show on august 6 after he revealed that he decided to quit because he was becoming increasing depressed watching cable newshe told viewers he hoped they would join him and announced a competition to get tickets to the final show .he kept things lighthearted by talking about how sentimental it will be and joked that he would dress well for his swan song .']\n", - "=======================\n", - "[\"jon stewart announced the date of his final show live on air , joking he would ` wear a suit and shower 'i live in a constant state of depression .stewart also confessed that his ` moments of dissatisfaction ' with the show had started to become more frequentcomedian said he did n't have many regrets , but one was not pushing donald rumsfeld harder when he had the chance in 2011\"]\n", - "jon stewart will host his last show on august 6 after he revealed that he decided to quit because he was becoming increasing depressed watching cable newshe told viewers he hoped they would join him and announced a competition to get tickets to the final show .he kept things lighthearted by talking about how sentimental it will be and joked that he would dress well for his swan song .\n", - "jon stewart announced the date of his final show live on air , joking he would ` wear a suit and shower 'i live in a constant state of depression .stewart also confessed that his ` moments of dissatisfaction ' with the show had started to become more frequentcomedian said he did n't have many regrets , but one was not pushing donald rumsfeld harder when he had the chance in 2011\n", - "[1.3281777 1.3080595 1.3428273 1.3580923 1.1205322 1.076539 1.0423442\n", - " 1.026811 1.0282142 1.0270853 1.0248497 1.0215464 1.0173877 1.125114\n", - " 1.0761116 1.1400096 1.0827478 1.0690157 1.0994214 1.0694685 1.0368819\n", - " 1.030276 ]\n", - "\n", - "[ 3 2 0 1 15 13 4 18 16 5 14 19 17 6 20 21 8 9 7 10 11 12]\n", - "=======================\n", - "['struggling : avril lavigne has revealed she has lyme disease .the singer has no idea where she got the tick bite that infected her .in an interview with people magazine , the 30-year-old explained the debilitating bacterial infection is the reason behind her months-long absence from the public eye .']\n", - "=======================\n", - "[\"singer reveals she was bedridden for five monthscould n't shower for a full week as she was unable to standhas ` no idea ' where she got the tick bite which must have been attached for 36 hours in order to transfer the diseasesame condition that has left real housewives star yolanda foster unable to read , write or watch tv\"]\n", - "struggling : avril lavigne has revealed she has lyme disease .the singer has no idea where she got the tick bite that infected her .in an interview with people magazine , the 30-year-old explained the debilitating bacterial infection is the reason behind her months-long absence from the public eye .\n", - "singer reveals she was bedridden for five monthscould n't shower for a full week as she was unable to standhas ` no idea ' where she got the tick bite which must have been attached for 36 hours in order to transfer the diseasesame condition that has left real housewives star yolanda foster unable to read , write or watch tv\n", - "[1.1564798 1.5020466 1.1492647 1.3667936 1.2642393 1.1096513 1.2718959\n", - " 1.0556426 1.0534133 1.2183931 1.2023677 1.0435687 1.0426466 1.0135555\n", - " 1.013716 1.0145851 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 6 4 9 10 0 2 5 7 8 11 12 15 14 13 18 16 17 19]\n", - "=======================\n", - "[\"dashem tesfamichael , 30 , is seen in the 50-second clip captured on a banned mobile phone as he dances outside his cell with other inmates at coldingley prison in surrey .tesfamichael was jailed for life with a minimum of 13 years after he used a broken champagne bottle to stab olu olagbaju , 26 , in shadan 's nightclub in the city of london in december 2006 .a man who stabbed a young father to death has been filmed partying with prison hooch and singing to explicit rap lyrics in a sickening jail video .\"]\n", - "=======================\n", - "['dashem tesfamichael , 30 , filmed dancing outside cell at coldingley prisonhe was jailed for life after stabbing olu olagbaju with a champagne bottlefootage shows stash of drink and snacks and was shared on whatsappprison officers said to turn blind eye to the partying in december , last year']\n", - "dashem tesfamichael , 30 , is seen in the 50-second clip captured on a banned mobile phone as he dances outside his cell with other inmates at coldingley prison in surrey .tesfamichael was jailed for life with a minimum of 13 years after he used a broken champagne bottle to stab olu olagbaju , 26 , in shadan 's nightclub in the city of london in december 2006 .a man who stabbed a young father to death has been filmed partying with prison hooch and singing to explicit rap lyrics in a sickening jail video .\n", - "dashem tesfamichael , 30 , filmed dancing outside cell at coldingley prisonhe was jailed for life after stabbing olu olagbaju with a champagne bottlefootage shows stash of drink and snacks and was shared on whatsappprison officers said to turn blind eye to the partying in december , last year\n", - "[1.1813128 1.4700694 1.4735633 1.1044022 1.129481 1.1182051 1.0918729\n", - " 1.0415367 1.0282699 1.3239894 1.0657828 1.0197868 1.0394241 1.0142546\n", - " 1.0166153 1.0182378 1.0094965 1.0137541 1.008957 0. ]\n", - "\n", - "[ 2 1 9 0 4 5 3 6 10 7 12 8 11 15 14 13 17 16 18 19]\n", - "=======================\n", - "[\"his owners , margaret and patrick evans from leeds , say he 's now ' a different dog ' after losing a stone and a half in eight weeks through the doggy diet - the weight of four chihuahuas .three-and-a-half-year-old black labrador baylie swapped sweet treats and processed dog food for a diet of free range raw meat , offal and bones in his quest to lose weight .celebrities and dietitians have been promoting back-to-basic diets and warning us off processed foods for years - and the trend is now taking hold in the pet world .\"]\n", - "=======================\n", - "[\"labrador baylie from leeds suffers from hip problems - and a sweet toothswapped sweet treats and processed food for raw meat , offal and bonesowners say he is a ` different dog ' since going on raw foods doggy diet\"]\n", - "his owners , margaret and patrick evans from leeds , say he 's now ' a different dog ' after losing a stone and a half in eight weeks through the doggy diet - the weight of four chihuahuas .three-and-a-half-year-old black labrador baylie swapped sweet treats and processed dog food for a diet of free range raw meat , offal and bones in his quest to lose weight .celebrities and dietitians have been promoting back-to-basic diets and warning us off processed foods for years - and the trend is now taking hold in the pet world .\n", - "labrador baylie from leeds suffers from hip problems - and a sweet toothswapped sweet treats and processed food for raw meat , offal and bonesowners say he is a ` different dog ' since going on raw foods doggy diet\n", - "[1.2639446 1.2900591 1.2538484 1.1830008 1.3480921 1.0831196 1.0923175\n", - " 1.0482001 1.1196525 1.0452962 1.0264024 1.0559814 1.0701013 1.0992917\n", - " 1.0443299 1.043217 1.0985255 0. 0. 0. ]\n", - "\n", - "[ 4 1 0 2 3 8 13 16 6 5 12 11 7 9 14 15 10 18 17 19]\n", - "=======================\n", - "[\"ava gardner called 34 ennismore gardens her ` little london retreat ' and now a slice of it could be yours for # 10,500 per weekthe hollywood siren called the building , just a short walk from harrods in london 's exclusive knightsbridge , home until her death in 1990 .now this newly refurbished five bedroom , five bathroom apartment gives renters the chance to walk in the footsteps of the legendary screen star .\"]\n", - "=======================\n", - "[\"five bed apartment in hollywood siren 's former building in knightsbridge available to rent for # 10,500 per weekspacious luxury flat features five bathrooms , two large reception rooms , a study and a modern kitchengardner moved to london in 1968 and made number 34 ennismore gardens her primary residency until her deathshe once described the home as her ` little london retreat ' and spoke of her love of its history and grandeur\"]\n", - "ava gardner called 34 ennismore gardens her ` little london retreat ' and now a slice of it could be yours for # 10,500 per weekthe hollywood siren called the building , just a short walk from harrods in london 's exclusive knightsbridge , home until her death in 1990 .now this newly refurbished five bedroom , five bathroom apartment gives renters the chance to walk in the footsteps of the legendary screen star .\n", - "five bed apartment in hollywood siren 's former building in knightsbridge available to rent for # 10,500 per weekspacious luxury flat features five bathrooms , two large reception rooms , a study and a modern kitchengardner moved to london in 1968 and made number 34 ennismore gardens her primary residency until her deathshe once described the home as her ` little london retreat ' and spoke of her love of its history and grandeur\n", - "[1.1644515 1.4511374 1.1088029 1.0894148 1.0879297 1.1253273 1.1492969\n", - " 1.187532 1.1224118 1.0942814 1.0958042 1.0398628 1.0392007 1.0914145\n", - " 1.0320424 1.0183539 1.013032 1.027286 1.0158409 1.0432487]\n", - "\n", - "[ 1 7 0 6 5 8 2 10 9 13 3 4 19 11 12 14 17 15 18 16]\n", - "=======================\n", - "['currently on a high after his stunning equaliser for england against italy in turin on tuesday night , the 23-year-old tottenham winger has already had more ups and downs than most players experience in their careers .the tottenham and england winger celebrates his goal against italy , which was his third for his countrydoes any player fluctuate between world-beater and under-achiever more than andros townsend ?']\n", - "=======================\n", - "[\"andros townsend scored england 's equaliser against italy on tuesdaygoal was the tottenham winger 's third in seven games for englandbut townsend 's club form has been patchy in last two seasonschallenge now is for townsend to replicate international form for spursclick here for the latest tottenham news\"]\n", - "currently on a high after his stunning equaliser for england against italy in turin on tuesday night , the 23-year-old tottenham winger has already had more ups and downs than most players experience in their careers .the tottenham and england winger celebrates his goal against italy , which was his third for his countrydoes any player fluctuate between world-beater and under-achiever more than andros townsend ?\n", - "andros townsend scored england 's equaliser against italy on tuesdaygoal was the tottenham winger 's third in seven games for englandbut townsend 's club form has been patchy in last two seasonschallenge now is for townsend to replicate international form for spursclick here for the latest tottenham news\n", - "[1.511972 1.3169824 1.446179 1.1408267 1.1836193 1.1151451 1.1490251\n", - " 1.1197852 1.1063601 1.1078885 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 4 6 3 7 5 9 8 18 10 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "['( cnn ) at least four people are missing after a severe storm capsized sailboats saturday afternoon during a regatta in mobile bay , alabama , coast guard spokesman carlos vega said .more than 100 sailboats took part in the dauphin island race and as many as 50 people in all were rescued from the water , the coast guard said .besides overturned sailboats , one vessel hit a bridge , he said .']\n", - "=======================\n", - "['coast guard says about 50 people were rescued from mobile baymore than 100 sailboats took part in the dauphin island race , an annual event']\n", - "( cnn ) at least four people are missing after a severe storm capsized sailboats saturday afternoon during a regatta in mobile bay , alabama , coast guard spokesman carlos vega said .more than 100 sailboats took part in the dauphin island race and as many as 50 people in all were rescued from the water , the coast guard said .besides overturned sailboats , one vessel hit a bridge , he said .\n", - "coast guard says about 50 people were rescued from mobile baymore than 100 sailboats took part in the dauphin island race , an annual event\n", - "[1.2336022 1.5008478 1.3223637 1.4306688 1.2924798 1.2163513 1.1176383\n", - " 1.0539024 1.0167637 1.0160105 1.0202583 1.0148737 1.0115665 1.0234426\n", - " 1.0434598 1.1302117 1.058165 1.0991819 1.1307513 1.0148509 1.0152512\n", - " 1.0218657]\n", - "\n", - "[ 1 3 2 4 0 5 18 15 6 17 16 7 14 13 21 10 8 9 20 11 19 12]\n", - "=======================\n", - "[\"kevin franklin , of dunstable , bedfordshire , says he will switch his lights on every evening in april for autism awareness month .mr franklin 's 15-year-old son bradley is autistic and the family want to use his christmas light show to raise awareness for charities working with those with the disability .the 53-year-old father put the lights up on his council house last november in preparation for christmas .\"]\n", - "=======================\n", - "[\"father of autistic teenager kept christmas lights up to raise awarenessbut angry neighbour sent him abusive letter branding them ` an eyesore 'he now plans to switch them on to support autism awareness monthformer publican says he 'll keep them up until next year ` out of principle '\"]\n", - "kevin franklin , of dunstable , bedfordshire , says he will switch his lights on every evening in april for autism awareness month .mr franklin 's 15-year-old son bradley is autistic and the family want to use his christmas light show to raise awareness for charities working with those with the disability .the 53-year-old father put the lights up on his council house last november in preparation for christmas .\n", - "father of autistic teenager kept christmas lights up to raise awarenessbut angry neighbour sent him abusive letter branding them ` an eyesore 'he now plans to switch them on to support autism awareness monthformer publican says he 'll keep them up until next year ` out of principle '\n", - "[1.291181 1.3689469 1.2046376 1.3328644 1.2712536 1.215743 1.062262\n", - " 1.0323335 1.0201967 1.068881 1.0387307 1.1820357 1.1510565 1.0457491\n", - " 1.0162437 1.0226048 1.0167993 1.0652364 1.0201752 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 4 5 2 11 12 9 17 6 13 10 7 15 8 18 16 14 19 20 21]\n", - "=======================\n", - "['a disgusted member of the public snapped the man on his mobile phone after spotting him using the field as a makeshift toilet .caught on camera : the farm worker seen urinating in a field of vegetables in benington , lincolnshire .the worker , who can be seen in a high-vis jacket , casually stood in the middle of the crops urinating on the plants - despite a toilet being only 18 metres away .']\n", - "=======================\n", - "[\"the worker was caught on camera by a member of the publicfield owner th clements & son was alerted and the man was sackedpasser-by who used mobile phone to snap photo branded act ` disgusting 'tesco : vegetables undergo ` extensive assessment ' before hitting shelves\"]\n", - "a disgusted member of the public snapped the man on his mobile phone after spotting him using the field as a makeshift toilet .caught on camera : the farm worker seen urinating in a field of vegetables in benington , lincolnshire .the worker , who can be seen in a high-vis jacket , casually stood in the middle of the crops urinating on the plants - despite a toilet being only 18 metres away .\n", - "the worker was caught on camera by a member of the publicfield owner th clements & son was alerted and the man was sackedpasser-by who used mobile phone to snap photo branded act ` disgusting 'tesco : vegetables undergo ` extensive assessment ' before hitting shelves\n", - "[1.165422 1.3640137 1.4025935 1.3438876 1.1888962 1.185026 1.1005573\n", - " 1.0655422 1.0153979 1.0492562 1.0192375 1.0116342 1.0183582 1.0120473\n", - " 1.2176539 1.1534544 1.094598 1.0128096 1.0095761 1.010699 1.0480933\n", - " 0. ]\n", - "\n", - "[ 2 1 3 14 4 5 0 15 6 16 7 9 20 10 12 8 17 13 11 19 18 21]\n", - "=======================\n", - "[\"twiggy promises that her latest collection , which will be available on may 14 , will instantly update your summer wardrobe with its chic colour palette , gorgeous prints and great silhouettes .just cast your eyes upon the 65-year-old 's new m&s campaign , which shows her modelling her summer collection for the high street giant .supermodel twiggy , 65 , shows off her age-defying looks as she models her new summer range for m&s\"]\n", - "=======================\n", - "[\"twiggy has unveiled her colourful summer range for high street giantshows off her timeless looks and sense of style in shootadmits that she would n't rule out cosmetic surgery\"]\n", - "twiggy promises that her latest collection , which will be available on may 14 , will instantly update your summer wardrobe with its chic colour palette , gorgeous prints and great silhouettes .just cast your eyes upon the 65-year-old 's new m&s campaign , which shows her modelling her summer collection for the high street giant .supermodel twiggy , 65 , shows off her age-defying looks as she models her new summer range for m&s\n", - "twiggy has unveiled her colourful summer range for high street giantshows off her timeless looks and sense of style in shootadmits that she would n't rule out cosmetic surgery\n", - "[1.401861 1.3491695 1.1370275 1.2558875 1.255868 1.198107 1.1055784\n", - " 1.1034198 1.0467598 1.0292468 1.1819094 1.0596532 1.0941564 1.0903578\n", - " 1.0576787 1.0303129 1.0089015 1.0088171 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 4 5 10 2 6 7 12 13 11 14 8 15 9 16 17 20 18 19 21]\n", - "=======================\n", - "[\"bali nine ringleaders andrew chan and myuran sukumaran could face a firing squad within days after indonesian officials sent letters ordering that preparations be made for their executions .indonesia 's head of general crimes sent the letters to the prosecutors of 10 death row prisoners including australians chan and sukumaran on thursday .the australian embassy has been summoned to nusakambangan island - where the executions will be carried out - on saturday .\"]\n", - "=======================\n", - "[\"fate of andrew chan and myuran sukumaran looks even more bleakthe only thing left now is to announce the execution date for the pairit was another devastating setback for the pair and their familiesindonesian president confirmed executions ` only a matter of time 'the pair and the other death row prisoners will be killed by firing squadthey remain in an isolated cell on nusakambangan island\"]\n", - "bali nine ringleaders andrew chan and myuran sukumaran could face a firing squad within days after indonesian officials sent letters ordering that preparations be made for their executions .indonesia 's head of general crimes sent the letters to the prosecutors of 10 death row prisoners including australians chan and sukumaran on thursday .the australian embassy has been summoned to nusakambangan island - where the executions will be carried out - on saturday .\n", - "fate of andrew chan and myuran sukumaran looks even more bleakthe only thing left now is to announce the execution date for the pairit was another devastating setback for the pair and their familiesindonesian president confirmed executions ` only a matter of time 'the pair and the other death row prisoners will be killed by firing squadthey remain in an isolated cell on nusakambangan island\n", - "[1.1927693 1.5123343 1.1847198 1.1350384 1.2347524 1.3541901 1.2278191\n", - " 1.0845519 1.0762032 1.0218967 1.0103745 1.1510087 1.2187463 1.0413436\n", - " 1.025239 1.0096743 1.0153432 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 5 4 6 12 0 2 11 3 7 8 13 14 9 16 10 15 20 17 18 19 21]\n", - "=======================\n", - "['heather mack , 19 , brutally killed sheila von wiese-mack with the help of her boyfriend in august and dumped the bloody suitcase in a taxi outside the upscale st. regis bali resort .in contrast , australians andrew chan and myuran sukumaran have spent the past decade on death row after they were convicted of trying to smuggle heroin from bali to australia in 2005 .she was the pregnant teenager who horrifically murdered her american socialite mother in a wealthy balinese resort and heartlessly stuffed the half-naked body in a suitcase .']\n", - "=======================\n", - "['heather mack avoided the death penalty last week for murdering her mother and stuffing body in suitcase at bali hotel in augustthe 19-year-old got 10 years because she needs to take care of daughterandrew chan and myuran sukumaran were executed for attempting to smuggle drugs to australiathe penalty came a decade after their convictionsin that time , chan became a christian pastor and sukumaran an accomplished artistaustralian barrister says sentences should reflect the seriousness of the crime']\n", - "heather mack , 19 , brutally killed sheila von wiese-mack with the help of her boyfriend in august and dumped the bloody suitcase in a taxi outside the upscale st. regis bali resort .in contrast , australians andrew chan and myuran sukumaran have spent the past decade on death row after they were convicted of trying to smuggle heroin from bali to australia in 2005 .she was the pregnant teenager who horrifically murdered her american socialite mother in a wealthy balinese resort and heartlessly stuffed the half-naked body in a suitcase .\n", - "heather mack avoided the death penalty last week for murdering her mother and stuffing body in suitcase at bali hotel in augustthe 19-year-old got 10 years because she needs to take care of daughterandrew chan and myuran sukumaran were executed for attempting to smuggle drugs to australiathe penalty came a decade after their convictionsin that time , chan became a christian pastor and sukumaran an accomplished artistaustralian barrister says sentences should reflect the seriousness of the crime\n", - "[1.3094649 1.1440256 1.1710739 1.2939684 1.3068557 1.1604974 1.1110902\n", - " 1.0745989 1.0782328 1.2392839 1.1090802 1.0416474 1.021447 1.0417405\n", - " 1.0290287 1.0097228 1.0831645 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 3 9 2 5 1 6 10 16 8 7 13 11 14 12 15 19 17 18 20]\n", - "=======================\n", - "[\"david cameron has revealed that he and his wife samantha were ` falling apart ' with the pressure of trying to care for their son ivan after he was born disabled .ivan ( pictured ) was born with ohtahara syndrome , a rare brain disorder which left him in a wheelchair , needing to be fed through a tube and suffering from cerebral palsy and severe epileptic fits .his comments were echoed by his wife who , in a separate interview , said the stresses of looking after ivan pushed their relationship close to ` breaking point ' .\"]\n", - "=======================\n", - "[\"david cameron has admitted that he and wife samantha were ` falling apart 'frank admission over pressure of trying to care for their disabled son ivanivan was born with rare disorder - ohtahara syndrome - and died aged six\"]\n", - "david cameron has revealed that he and his wife samantha were ` falling apart ' with the pressure of trying to care for their son ivan after he was born disabled .ivan ( pictured ) was born with ohtahara syndrome , a rare brain disorder which left him in a wheelchair , needing to be fed through a tube and suffering from cerebral palsy and severe epileptic fits .his comments were echoed by his wife who , in a separate interview , said the stresses of looking after ivan pushed their relationship close to ` breaking point ' .\n", - "david cameron has admitted that he and wife samantha were ` falling apart 'frank admission over pressure of trying to care for their disabled son ivanivan was born with rare disorder - ohtahara syndrome - and died aged six\n", - "[1.2032279 1.3362963 1.2095714 1.265687 1.1322601 1.1468519 1.2295866\n", - " 1.0906055 1.0668042 1.1609409 1.0536486 1.0250846 1.0968678 1.0450314\n", - " 1.0926384 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 6 2 0 9 5 4 12 14 7 8 10 13 11 19 15 16 17 18 20]\n", - "=======================\n", - "[\"carl hendrick , head of learning and research at wellington college , berkshire , has attacked the ` tidal wave of guff ' in classrooms .cheesy slogans such as ` reach for the stars ' on posters in schools could be detrimental to pupils , it has been claimed .mr hendrick argues that schools should concentrate on boosting pupils ' confidence by teaching them well and providing ` clear and achievable paths to academic success ' .\"]\n", - "=======================\n", - "[\"cheesy slogans could be detrimental to pupils , a researcher claimedcarl hendrick said glossy notices are often ` reductively misinterpreted '\"]\n", - "carl hendrick , head of learning and research at wellington college , berkshire , has attacked the ` tidal wave of guff ' in classrooms .cheesy slogans such as ` reach for the stars ' on posters in schools could be detrimental to pupils , it has been claimed .mr hendrick argues that schools should concentrate on boosting pupils ' confidence by teaching them well and providing ` clear and achievable paths to academic success ' .\n", - "cheesy slogans could be detrimental to pupils , a researcher claimedcarl hendrick said glossy notices are often ` reductively misinterpreted '\n", - "[1.3774028 1.2687963 1.2355626 1.261489 1.0952911 1.0524253 1.0956062\n", - " 1.126387 1.0562276 1.0571507 1.0412762 1.0367166 1.0264763 1.0447251\n", - " 1.014692 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 7 6 4 9 8 5 13 10 11 12 14 19 15 16 17 18 20]\n", - "=======================\n", - "[\"( cnn ) five years after the deepwater horizon rig exploded and unleashed the largest marine oil spill in the nation 's history , we are still experiencing -- yet only beginning to truly understand -- its profound environmental and economic repercussions .the immediate aftermath of the oil spill has been well documented , with declines in tourism and the seafood industry , as well as the significant destruction of wildlife in the region .since then , the amount of oil in the area has dissipated and communities have started to show signs of recovery .\"]\n", - "=======================\n", - "['keith crandall : five years after the deepwater horizon rig exploded , we are only beginning to understand its effects on the gulfa crab species may be a key indicator of the impact , he says']\n", - "( cnn ) five years after the deepwater horizon rig exploded and unleashed the largest marine oil spill in the nation 's history , we are still experiencing -- yet only beginning to truly understand -- its profound environmental and economic repercussions .the immediate aftermath of the oil spill has been well documented , with declines in tourism and the seafood industry , as well as the significant destruction of wildlife in the region .since then , the amount of oil in the area has dissipated and communities have started to show signs of recovery .\n", - "keith crandall : five years after the deepwater horizon rig exploded , we are only beginning to understand its effects on the gulfa crab species may be a key indicator of the impact , he says\n", - "[1.2926984 1.4475038 1.1832067 1.2315925 1.4837403 1.0916694 1.0750483\n", - " 1.0575999 1.0151433 1.0135599 1.0265292 1.0907359 1.072454 1.0501437\n", - " 1.0222197 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 1 0 3 2 5 11 6 12 7 13 10 14 8 9 15 16 17 18 19 20]\n", - "=======================\n", - "['hannah overton ( above wiping away tears with her daughter and son ) will not be tried on murder charges again in the death of her adopted sonhannah overton , 37 , wiped back tears as she , along with her husband larry and five children , celebrated news that after having her conviction overturned for poisoning her son , andrew burd , with an overdose of salt , prosecutors have dropped all charges against her and will no longer be looking into her case .a texas mom who has already spent seven years in prison for the murder of her four-year-old adopted son , and was released shortly before christmas , will not face new murder charges .']\n", - "=======================\n", - "['hannah overton will not be tried on murder charges again in the death of her adopted sonoverton was found guilty in the 2006 of killing her adopted son andrew burd , who died of acute salt poisoningoverton has denied killing the boy from the start and her husband and five children have stood by her sidelate last year her conviction was overturned because of ineffective counsel , but nueces county district attorney mark skurka was set to try her againskurka filed a motion to dismiss however and the judge granted his motion']\n", - "hannah overton ( above wiping away tears with her daughter and son ) will not be tried on murder charges again in the death of her adopted sonhannah overton , 37 , wiped back tears as she , along with her husband larry and five children , celebrated news that after having her conviction overturned for poisoning her son , andrew burd , with an overdose of salt , prosecutors have dropped all charges against her and will no longer be looking into her case .a texas mom who has already spent seven years in prison for the murder of her four-year-old adopted son , and was released shortly before christmas , will not face new murder charges .\n", - "hannah overton will not be tried on murder charges again in the death of her adopted sonoverton was found guilty in the 2006 of killing her adopted son andrew burd , who died of acute salt poisoningoverton has denied killing the boy from the start and her husband and five children have stood by her sidelate last year her conviction was overturned because of ineffective counsel , but nueces county district attorney mark skurka was set to try her againskurka filed a motion to dismiss however and the judge granted his motion\n", - "[1.1614139 1.5097175 1.1821177 1.1800773 1.1944337 1.2530032 1.0631609\n", - " 1.0747048 1.065862 1.0682089 1.1361024 1.0889444 1.0717928 1.0377305\n", - " 1.1821451 1.064398 1.0315273 1.0436906 1.0501329 1.0262759 1.0173539]\n", - "\n", - "[ 1 5 4 14 2 3 0 10 11 7 12 9 8 15 6 18 17 13 16 19 20]\n", - "=======================\n", - "['charles collins , 28 , sprang into action at the metro station in central philadelphia when elderly alfred mcnamee lost his footing and fell onto the rails .slip : alfred mcnamee is pictured left falling off the platform at the 15th st station on the septa metro system in philadelphia .savior : charles collins is pictured above with alfred mcnamee , whom he rescued after he slipped from a subway platform in philadelphia']\n", - "=======================\n", - "['charles collins , 28 , saved elderly alfred mcnamee after he fell onto tracksleaped onto rails at subway stop in philadelphia and helped him escapeidentity was revealed this week after wednesday rescuecollins visited mcnamee , who has several broke bones , in hospital']\n", - "charles collins , 28 , sprang into action at the metro station in central philadelphia when elderly alfred mcnamee lost his footing and fell onto the rails .slip : alfred mcnamee is pictured left falling off the platform at the 15th st station on the septa metro system in philadelphia .savior : charles collins is pictured above with alfred mcnamee , whom he rescued after he slipped from a subway platform in philadelphia\n", - "charles collins , 28 , saved elderly alfred mcnamee after he fell onto tracksleaped onto rails at subway stop in philadelphia and helped him escapeidentity was revealed this week after wednesday rescuecollins visited mcnamee , who has several broke bones , in hospital\n", - "[1.2271001 1.4048028 1.3792949 1.0825539 1.2385116 1.033689 1.0206823\n", - " 1.1277463 1.1955551 1.0406194 1.2002518 1.0368164 1.0539497 1.0446842\n", - " 1.0307158 1.0155749 1.0153141 1.0194466 1.0168599 0. ]\n", - "\n", - "[ 1 2 4 0 10 8 7 3 12 13 9 11 5 14 6 17 18 15 16 19]\n", - "=======================\n", - "['but authorities say that the former concentration camp , now the auschwitz-birkenau state museum , in oświęcim , poland , is becoming a popular tourist destination - so popular in fact , that they may have to start turning people away .the memorial site today urged potential visitors to book their visits online ahead of time to prevent that from happening .it said there have been more than 250,000 visitors so far this year , a rise of more than 40 per cent compared with the same period last year , which itself hit a record with 1.5 million visitors .']\n", - "=======================\n", - "['over 250 thousand people have visited nazi concentration camp in 2015visits have increased by 40 % since same period of the previous yearjanuary saw 70th anniversary of its liberation and a surge in interest']\n", - "but authorities say that the former concentration camp , now the auschwitz-birkenau state museum , in oświęcim , poland , is becoming a popular tourist destination - so popular in fact , that they may have to start turning people away .the memorial site today urged potential visitors to book their visits online ahead of time to prevent that from happening .it said there have been more than 250,000 visitors so far this year , a rise of more than 40 per cent compared with the same period last year , which itself hit a record with 1.5 million visitors .\n", - "over 250 thousand people have visited nazi concentration camp in 2015visits have increased by 40 % since same period of the previous yearjanuary saw 70th anniversary of its liberation and a surge in interest\n", - "[1.2847072 1.1867224 1.398865 1.2581265 1.2020184 1.2633588 1.1551074\n", - " 1.0494738 1.0584048 1.0754969 1.064103 1.0529418 1.056015 1.049417\n", - " 1.0822412 1.0321827 1.1535939 0. 0. 0. ]\n", - "\n", - "[ 2 0 5 3 4 1 6 16 14 9 10 8 12 11 7 13 15 17 18 19]\n", - "=======================\n", - "[\"the gang used the power tool to cut through the wall of the secured vault where they raided 72 security boxes before escaping with wheelie bins full of precious gems .heavy-duty : the drill that was used by thieves during the brazen # 60million hatton garden heistthe six men were captured on cctv as they carried out the bold raid in london 's diamond district .\"]\n", - "=======================\n", - "[\"gang used power tool to cut a hole into basement of safety deposit centreraided 72 security boxes before escaping with bins full of precious gemsscotland yard said crime had been carried out by ` ocean 's 11 type team 'offering # 20,000 reward for information leading to conviction of burglars\"]\n", - "the gang used the power tool to cut through the wall of the secured vault where they raided 72 security boxes before escaping with wheelie bins full of precious gems .heavy-duty : the drill that was used by thieves during the brazen # 60million hatton garden heistthe six men were captured on cctv as they carried out the bold raid in london 's diamond district .\n", - "gang used power tool to cut a hole into basement of safety deposit centreraided 72 security boxes before escaping with bins full of precious gemsscotland yard said crime had been carried out by ` ocean 's 11 type team 'offering # 20,000 reward for information leading to conviction of burglars\n", - "[1.2661998 1.4013757 1.355505 1.1248782 1.0786974 1.1835567 1.1143851\n", - " 1.1114085 1.0214705 1.1277902 1.2035708 1.0535167 1.0318704 1.1054024\n", - " 1.1164168 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 10 5 9 3 14 6 7 13 4 11 12 8 18 15 16 17 19]\n", - "=======================\n", - "[\"a number of pages , written in arabic , have reportedly been found on the social media site targeting refugees fleeing war and poverty .they are said to be advertising ` reliable ' and ` comfortable ' travel to europe on overcrowded vessels for around $ 1,000 per person .human traffickers are brazenly offering desperate libyan migrants passage across the mediterranean on facebook .\"]\n", - "=======================\n", - "[\"several arabic pages reportedly found on the social media sitepages claim to offer ` comfortable ' and ` reliable ' passage for around $ 1,000comes after the deaths of some 1,700 refugees in the last week alonefacebook removed the pages after being alerted to there existance\"]\n", - "a number of pages , written in arabic , have reportedly been found on the social media site targeting refugees fleeing war and poverty .they are said to be advertising ` reliable ' and ` comfortable ' travel to europe on overcrowded vessels for around $ 1,000 per person .human traffickers are brazenly offering desperate libyan migrants passage across the mediterranean on facebook .\n", - "several arabic pages reportedly found on the social media sitepages claim to offer ` comfortable ' and ` reliable ' passage for around $ 1,000comes after the deaths of some 1,700 refugees in the last week alonefacebook removed the pages after being alerted to there existance\n", - "[1.1813753 1.2635735 1.2112486 1.3716689 1.2597405 1.193291 1.2162515\n", - " 1.1400781 1.157826 1.0662985 1.0273093 1.0308417 1.0567799 1.0664879\n", - " 1.0301192 1.0604606 1.058241 1.0565429 1.011986 1.0149425]\n", - "\n", - "[ 3 1 4 6 2 5 0 8 7 13 9 15 16 12 17 11 14 10 19 18]\n", - "=======================\n", - "[\"jeff bezos ' blue origin company has completed a successful spaceflight test in west texas ( shown ) .the new shepard vehicle rose to a height of 58 miles ( 94km ) - four miles short of space - before landing .and now it has performed the first successful test of the vehicle they hope will make that dream a reality .\"]\n", - "=======================\n", - "['his blue origin company completed a successful test in west texasthe new shepard vehicle rose to a height of 58 miles before landingit was unmanned but will ultimately take six people into spacethe launch was conducted in secrecy before being released to the public']\n", - "jeff bezos ' blue origin company has completed a successful spaceflight test in west texas ( shown ) .the new shepard vehicle rose to a height of 58 miles ( 94km ) - four miles short of space - before landing .and now it has performed the first successful test of the vehicle they hope will make that dream a reality .\n", - "his blue origin company completed a successful test in west texasthe new shepard vehicle rose to a height of 58 miles before landingit was unmanned but will ultimately take six people into spacethe launch was conducted in secrecy before being released to the public\n", - "[1.1298233 1.2520943 1.4926983 1.3768989 1.3275234 1.0740685 1.0607779\n", - " 1.0199152 1.0185393 1.0160267 1.0468793 1.0407168 1.0317518 1.1243382\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 4 1 0 13 5 6 10 11 12 7 8 9 14 15 16 17 18 19]\n", - "=======================\n", - "[\"jade ruthven , 33 , was so upset by the ` poison pen ' note that she got her own back by forwarding it onto comedian em rusciano - who shared it with her thousands of followers on social media .but one australian woman got so sick of her friend 's constant updates about her baby daughter that she wrote her a scathing letter demanding the mother stop - claiming she is ` p ***** g a lot of people off ' .proud parents bragging about their little darling 's every move on facebook is a regular annoyance for many people using the social network .\"]\n", - "=======================\n", - "[\"jade ruthven , 33 , from perth , received angry anonymous letteroutrageous poison pen letter was concocted by ' a few of the girls 'demands she stops posting so many photos and updates about her baby` we all thought it might ease off after the first month , but it has n't 'ms ruthven , a first-time-mother said letter was like a slap in the face\"]\n", - "jade ruthven , 33 , was so upset by the ` poison pen ' note that she got her own back by forwarding it onto comedian em rusciano - who shared it with her thousands of followers on social media .but one australian woman got so sick of her friend 's constant updates about her baby daughter that she wrote her a scathing letter demanding the mother stop - claiming she is ` p ***** g a lot of people off ' .proud parents bragging about their little darling 's every move on facebook is a regular annoyance for many people using the social network .\n", - "jade ruthven , 33 , from perth , received angry anonymous letteroutrageous poison pen letter was concocted by ' a few of the girls 'demands she stops posting so many photos and updates about her baby` we all thought it might ease off after the first month , but it has n't 'ms ruthven , a first-time-mother said letter was like a slap in the face\n", - "[1.2477192 1.4984045 1.411275 1.3687433 1.2298696 1.0283415 1.019446\n", - " 1.0258942 1.1290821 1.1482787 1.0554953 1.0645194 1.1188384 1.1733506\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 13 9 8 12 11 10 5 7 6 16 14 15 17]\n", - "=======================\n", - "['the driver can be heard beeping his horn at the girl who is standing middle of the road before hitting into her with a horrifying thud .astonishingly , the 15-year-old girl , who was hit on entrance road in warrilla at about 1am on wednesday morning , suffered minor injuries and has already been released from shellharbour hospital .sickening footage has surfaced of a teenage girl being struck by a fast moving car and flung into the air before appearing to land on her head .']\n", - "=======================\n", - "['the clip was taken in warrilla in nsw at about 1am on wednesday morningthe 15-year-old girl is flung into the air and appears to land on her headamazingly , she escaped serious injury and was released from hospitalpolice have spoken with the driver and are continuing their investigations']\n", - "the driver can be heard beeping his horn at the girl who is standing middle of the road before hitting into her with a horrifying thud .astonishingly , the 15-year-old girl , who was hit on entrance road in warrilla at about 1am on wednesday morning , suffered minor injuries and has already been released from shellharbour hospital .sickening footage has surfaced of a teenage girl being struck by a fast moving car and flung into the air before appearing to land on her head .\n", - "the clip was taken in warrilla in nsw at about 1am on wednesday morningthe 15-year-old girl is flung into the air and appears to land on her headamazingly , she escaped serious injury and was released from hospitalpolice have spoken with the driver and are continuing their investigations\n", - "[1.6776855 1.3352209 1.3917214 1.3194627 1.080432 1.0231144 1.019706\n", - " 1.064828 1.0273217 1.0094936 1.0107226 1.0582745 1.0528018 1.0174693\n", - " 1.0330395 1.1422608 1.189133 1.0118887]\n", - "\n", - "[ 0 2 1 3 16 15 4 7 11 12 14 8 5 6 13 17 10 9]\n", - "=======================\n", - "[\"( cnn ) arsenal kept their slim hopes of winning this season 's english premier league title alive by beating relegation threatened burnley 1-0 at turf moor .more importantly it took the north london club to within four points of first placed chelsea , with the two clubs to play next week .a first half goal from welsh international aaron ramsey was enough to separate the two sides and secure arsenal 's hold on second place .\"]\n", - "=======================\n", - "[\"arsenal beat burnley 1-0 in the epla goal from aaron ramsey secured all three pointswin cuts chelsea 's epl lead to four points\"]\n", - "( cnn ) arsenal kept their slim hopes of winning this season 's english premier league title alive by beating relegation threatened burnley 1-0 at turf moor .more importantly it took the north london club to within four points of first placed chelsea , with the two clubs to play next week .a first half goal from welsh international aaron ramsey was enough to separate the two sides and secure arsenal 's hold on second place .\n", - "arsenal beat burnley 1-0 in the epla goal from aaron ramsey secured all three pointswin cuts chelsea 's epl lead to four points\n", - "[1.3182112 1.0474932 1.2705696 1.1059968 1.1599572 1.0549908 1.1742063\n", - " 1.39686 1.0444068 1.3797735 1.020341 1.0112545 1.0114655 1.0108223\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 7 9 0 2 6 4 3 5 1 8 10 12 11 13 14 15 16 17]\n", - "=======================\n", - "['john terry turns and celebrates after making it 2-1 to chelsea with a close-range finish that schmeichel could not stopdidier drogba ( centre ) was the star of the show for chelsea - and he was leading his team-mates in celebrations at full timedidier drogba was utterly exhausted and emotionally drained as he and john terry held each other up through a post-match flash interview .']\n", - "=======================\n", - "['marc albrighton opens the scoring for leicester with neat finish in the area after a slip by cesar azpilicuetadidier drogba equalises for chelsea just three minutes into the second half after an assist from branislav ivanovicjohn terry puts chelsea ahead with a close-range finish with just 11 minutes left to playramires seals the win for chelsea with a stunning drilled effort from just outside the boxchelsea can win the premier league title with victory against crystal palace at stamford bridge on sunday']\n", - "john terry turns and celebrates after making it 2-1 to chelsea with a close-range finish that schmeichel could not stopdidier drogba ( centre ) was the star of the show for chelsea - and he was leading his team-mates in celebrations at full timedidier drogba was utterly exhausted and emotionally drained as he and john terry held each other up through a post-match flash interview .\n", - "marc albrighton opens the scoring for leicester with neat finish in the area after a slip by cesar azpilicuetadidier drogba equalises for chelsea just three minutes into the second half after an assist from branislav ivanovicjohn terry puts chelsea ahead with a close-range finish with just 11 minutes left to playramires seals the win for chelsea with a stunning drilled effort from just outside the boxchelsea can win the premier league title with victory against crystal palace at stamford bridge on sunday\n", - "[1.3554403 1.4332005 1.2455616 1.1214558 1.1422657 1.0981853 1.0655183\n", - " 1.0931073 1.0684392 1.0617917 1.0649129 1.0496087 1.0201212 1.0962193\n", - " 1.1626912 1.0083251 1.0449789 1.0288812]\n", - "\n", - "[ 1 0 2 14 4 3 5 13 7 8 6 10 9 11 16 17 12 15]\n", - "=======================\n", - "['the as yet not titled eight-part , one-hour series is set to premiere july 26 .( cnn ) with the announcement that e! will air a new documentary series this summer about bruce jenner \\'s transition from male to female , fans are eagerly awaiting bearing witness to the former olympian \\'s journey .jenner , who along with his family has starred in the hit e! reality series \" keeping up with the kardashians , \" recently went public with the fact that he is transgender .']\n", - "=======================\n", - "['e! plans to air a new jenner reality show this summerit will follow his transition from male to female']\n", - "the as yet not titled eight-part , one-hour series is set to premiere july 26 .( cnn ) with the announcement that e! will air a new documentary series this summer about bruce jenner 's transition from male to female , fans are eagerly awaiting bearing witness to the former olympian 's journey .jenner , who along with his family has starred in the hit e! reality series \" keeping up with the kardashians , \" recently went public with the fact that he is transgender .\n", - "e! plans to air a new jenner reality show this summerit will follow his transition from male to female\n", - "[1.1705105 1.3332136 1.1266886 1.3166419 1.2200257 1.1868267 1.2015405\n", - " 1.0389367 1.1037698 1.0685296 1.0399475 1.0494994 1.0803504 1.0809683\n", - " 1.0669588 1.0515087 1.0208834 1.0203317]\n", - "\n", - "[ 1 3 4 6 5 0 2 8 13 12 9 14 15 11 10 7 16 17]\n", - "=======================\n", - "[\"research found that gaming boosts the ability to learn a number of tasks more accurately , and possibly puts gamers in an ` expert category ' of problem solving .the research was carried out by scientists at brown university in rhode island .they participated in a two-day trial of visual task learning .\"]\n", - "=======================\n", - "[\"researchers at brown university studied how people learned tasksit has already been shown gamers learn visual tasks betterbut in this study they had higher performance across two tasks` they may be in an expert category of visual processing , ' said dr sasaki\"]\n", - "research found that gaming boosts the ability to learn a number of tasks more accurately , and possibly puts gamers in an ` expert category ' of problem solving .the research was carried out by scientists at brown university in rhode island .they participated in a two-day trial of visual task learning .\n", - "researchers at brown university studied how people learned tasksit has already been shown gamers learn visual tasks betterbut in this study they had higher performance across two tasks` they may be in an expert category of visual processing , ' said dr sasaki\n", - "[1.5318584 1.4809073 1.1291486 1.4654722 1.1642268 1.12711 1.1727833\n", - " 1.1068732 1.071306 1.0432223 1.0319705 1.020892 1.0555204 1.0934798\n", - " 1.0350378 1.0242559 1.0253901 1.0474355 1.0088766 1.008684 1.0100843\n", - " 1.0415335 1.0102682]\n", - "\n", - "[ 0 1 3 6 4 2 5 7 13 8 12 17 9 21 14 10 16 15 11 22 20 18 19]\n", - "=======================\n", - "[\"manchester united manager louis van gaal says he has been dreaming of beating rivals city in sunday 's derby at old trafford but will have to do so without robin van persie .van persie said he was fit to feature in the game against city on sunday after ankle trouble but van gaal has ruled him out .` robin is not fit enough to play . '\"]\n", - "=======================\n", - "['manchester united face manchester city in the premier league on sundayrobin van persie said he was fit for united after nearly two months outbut louis van gaal has since revealed he will be without the strikervan persie declares himself fit , but do manchester united need him ?click here for all the latest manchester united news']\n", - "manchester united manager louis van gaal says he has been dreaming of beating rivals city in sunday 's derby at old trafford but will have to do so without robin van persie .van persie said he was fit to feature in the game against city on sunday after ankle trouble but van gaal has ruled him out .` robin is not fit enough to play . '\n", - "manchester united face manchester city in the premier league on sundayrobin van persie said he was fit for united after nearly two months outbut louis van gaal has since revealed he will be without the strikervan persie declares himself fit , but do manchester united need him ?click here for all the latest manchester united news\n", - "[1.223495 1.1417687 1.1617923 1.2516688 1.1747062 1.2740645 1.2277352\n", - " 1.0941312 1.1442629 1.0891559 1.0777807 1.0573138 1.0925069 1.0577505\n", - " 1.0154413 1.013448 1.0139818 1.0163167 1.0131124 1.0218078 1.1008828\n", - " 0. 0. ]\n", - "\n", - "[ 5 3 6 0 4 2 8 1 20 7 12 9 10 13 11 19 17 14 16 15 18 21 22]\n", - "=======================\n", - "['the purchase comes after ms forbes , 49 , made a handsome profit on the sale of her previous flat , in chelsea .extravagant : the red-brick mansion with a neo-classical facade was torn down by the previous ownersas the daughter of actress nanette newman and film director bryan forbes , and the wife of a super-rich banker , emma forbes was never destined for a life on the breadline .']\n", - "=======================\n", - "[\"emma forbes , 49 , bought four-storey london mansion with husbandit has five kingsize bedrooms , five bathrooms and an underground poolbut one neighbour describes it as looking like a ` down-market mortuary 'comes after miss forbes made handsome profit on sale of chelsea flat\"]\n", - "the purchase comes after ms forbes , 49 , made a handsome profit on the sale of her previous flat , in chelsea .extravagant : the red-brick mansion with a neo-classical facade was torn down by the previous ownersas the daughter of actress nanette newman and film director bryan forbes , and the wife of a super-rich banker , emma forbes was never destined for a life on the breadline .\n", - "emma forbes , 49 , bought four-storey london mansion with husbandit has five kingsize bedrooms , five bathrooms and an underground poolbut one neighbour describes it as looking like a ` down-market mortuary 'comes after miss forbes made handsome profit on sale of chelsea flat\n", - "[1.4348645 1.550648 1.3024064 1.2544737 1.158004 1.0451475 1.0213276\n", - " 1.1637338 1.1440877 1.1168419 1.0449274 1.0179726 1.0119337 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 2 3 7 4 8 9 5 10 6 11 12 13 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"the cuban was due to face mathews on april 18 in liverpool in the second defence of his wba lightweight belt .derry mathews ' world title challenge is in limbo after richar abril withdrew for a second time .mathews may still fight for the title in his home city if the wba strip abril of his belt .\"]\n", - "=======================\n", - "[\"derry mathews was due to face richar abril on april 18 in liverpoolabril was due to face mathews on april 18 in liverpoolit was set to be the cuban 's second defence of his wba lightweight beltclick here for all the latest news from the world of boxing\"]\n", - "the cuban was due to face mathews on april 18 in liverpool in the second defence of his wba lightweight belt .derry mathews ' world title challenge is in limbo after richar abril withdrew for a second time .mathews may still fight for the title in his home city if the wba strip abril of his belt .\n", - "derry mathews was due to face richar abril on april 18 in liverpoolabril was due to face mathews on april 18 in liverpoolit was set to be the cuban 's second defence of his wba lightweight beltclick here for all the latest news from the world of boxing\n", - "[1.4017946 1.502562 1.1829543 1.1283891 1.1065345 1.0539513 1.3035432\n", - " 1.1613857 1.0751756 1.0465468 1.1993072 1.0743505 1.0560757 1.0185463\n", - " 1.0218673 1.0123639 1.0397879 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 6 10 2 7 3 4 8 11 12 5 9 16 14 13 15 21 17 18 19 20 22]\n", - "=======================\n", - "['in the video , captured by an nbc helicopter , francis pusok , 30 , is seen falling off the horse he was suspected of stealing after being pursued several miles by the san bernardino county officers .ten deputies have been placed on leave after a shocking video emerged showing them punching and kicking an alleged horse thief for two minutes following a chase through the california desert .seconds later , two deputies catch up to pusok and stun him with their tasers .']\n", - "=======================\n", - "[\"deputies filmed chasing ` horse thief ' francis pusok in the california desertpusok , 30 , falls off horse ; seconds later , two officers stun him with tasersthey then kick him in crotch and head repeatedly , before others join themfootage captured by nbc helicopter on thursday , sparked outrage onlineman 's lawyer said it was ` as bad , if not worse ' than rodney king 's beatingnow , 10 deputies have been placed on paid administrative leave by sheriffinternational and criminal investigations are ongoing ; deputies not namedpusok 's girlfriend of 13 years said that she ` could n't believe ' graphic video\"]\n", - "in the video , captured by an nbc helicopter , francis pusok , 30 , is seen falling off the horse he was suspected of stealing after being pursued several miles by the san bernardino county officers .ten deputies have been placed on leave after a shocking video emerged showing them punching and kicking an alleged horse thief for two minutes following a chase through the california desert .seconds later , two deputies catch up to pusok and stun him with their tasers .\n", - "deputies filmed chasing ` horse thief ' francis pusok in the california desertpusok , 30 , falls off horse ; seconds later , two officers stun him with tasersthey then kick him in crotch and head repeatedly , before others join themfootage captured by nbc helicopter on thursday , sparked outrage onlineman 's lawyer said it was ` as bad , if not worse ' than rodney king 's beatingnow , 10 deputies have been placed on paid administrative leave by sheriffinternational and criminal investigations are ongoing ; deputies not namedpusok 's girlfriend of 13 years said that she ` could n't believe ' graphic video\n", - "[1.1314912 1.4032192 1.3654596 1.1130722 1.3874986 1.3122802 1.0659109\n", - " 1.0209137 1.0187569 1.0251873 1.0547621 1.0519404 1.0231829 1.018211\n", - " 1.0261531 1.0221498 1.0233577 1.0236372 1.1096499 1.0384738 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 2 5 0 3 18 6 10 11 19 14 9 17 16 12 15 7 8 13 21 20 22]\n", - "=======================\n", - "[\"one featured penalty celtic did n't get for 2-0 in which josh meekings handball should have also led to a sending off .inverness 's josh meekings appears to get away with a handball on the line in their win over celticthe other the spot kick they did , followed by a red card for craig gordon .\"]\n", - "=======================\n", - "[\"josh meekings handball should have been a penalty and a red cardif the penalty was awarded and converted celtic would have gone to 2-0caley manager john hughes admitted his side were fortunate in winvirgil van dijk scored celtic 's opener with a superb free-kickceltic keeper craig gordon was sent off early in the second halfgreg tansey , edward ofere and finally daven raven scored for caley\"]\n", - "one featured penalty celtic did n't get for 2-0 in which josh meekings handball should have also led to a sending off .inverness 's josh meekings appears to get away with a handball on the line in their win over celticthe other the spot kick they did , followed by a red card for craig gordon .\n", - "josh meekings handball should have been a penalty and a red cardif the penalty was awarded and converted celtic would have gone to 2-0caley manager john hughes admitted his side were fortunate in winvirgil van dijk scored celtic 's opener with a superb free-kickceltic keeper craig gordon was sent off early in the second halfgreg tansey , edward ofere and finally daven raven scored for caley\n", - "[1.4157271 1.3803229 1.3433551 1.4661043 1.2385423 1.1129534 1.0325977\n", - " 1.0415902 1.0494372 1.0602454 1.0322565 1.046619 1.0444431 1.00515\n", - " 1.0068074 1.0069914 1.0068535 1.0176635 1.0172356 0. 0. ]\n", - "\n", - "[ 3 0 1 2 4 5 9 8 11 12 7 6 10 17 18 15 16 14 13 19 20]\n", - "=======================\n", - "[\"brendan rodgers is hoping memphis depay will choose liverpool as his next destinationbrendan rodgers insists liverpool 's transfer ambitions will not be compromised by their inability to offer champions league football -- as they step up their pursuit of memphis depay .while manchester united remain favourites to land the exciting holland international , liverpool were given permission by psv eindhoven to hold with depay .\"]\n", - "=======================\n", - "['brendan rodgers insists liverpool can still attract the best playersliverpool are unlikely to be able to offer champions league next seasonrodgers still believes players like memphis depay would move to the clubdepay has been linked with moves to whole host of premier league sidesread : depay admits he dreams of making a big money move this summerread : just how good is memphis depay ?']\n", - "brendan rodgers is hoping memphis depay will choose liverpool as his next destinationbrendan rodgers insists liverpool 's transfer ambitions will not be compromised by their inability to offer champions league football -- as they step up their pursuit of memphis depay .while manchester united remain favourites to land the exciting holland international , liverpool were given permission by psv eindhoven to hold with depay .\n", - "brendan rodgers insists liverpool can still attract the best playersliverpool are unlikely to be able to offer champions league next seasonrodgers still believes players like memphis depay would move to the clubdepay has been linked with moves to whole host of premier league sidesread : depay admits he dreams of making a big money move this summerread : just how good is memphis depay ?\n", - "[1.407438 1.2795658 1.1484979 1.2275708 1.1419743 1.2579513 1.0706632\n", - " 1.1012071 1.1082585 1.0877892 1.0680808 1.0400206 1.1255822 1.0439649\n", - " 1.0567194 1.0779772 1.1149997 1.0949162 1.0521792 1.0361569 1.0438937]\n", - "\n", - "[ 0 1 5 3 2 4 12 16 8 7 17 9 15 6 10 14 18 13 20 11 19]\n", - "=======================\n", - "[\"( cnn ) the killing of an employee at wayne community college in goldsboro , north carolina , may have been a hate crime , authorities said tuesday .investigators are looking into the possibility , said goldsboro police sgt. jeremy sutton .the victim -- ron lane , whom officials said was a longtime employee and the school 's print shop operator -- was white , as is the suspect .\"]\n", - "=======================\n", - "['relatives of wayne community college shooting victim say he was gay , local media reportthe suspect had worked for the victim but was let go , college president saysthe suspect , kenneth morgan stancil iii , was found sleeping on a florida beach and arrested']\n", - "( cnn ) the killing of an employee at wayne community college in goldsboro , north carolina , may have been a hate crime , authorities said tuesday .investigators are looking into the possibility , said goldsboro police sgt. jeremy sutton .the victim -- ron lane , whom officials said was a longtime employee and the school 's print shop operator -- was white , as is the suspect .\n", - "relatives of wayne community college shooting victim say he was gay , local media reportthe suspect had worked for the victim but was let go , college president saysthe suspect , kenneth morgan stancil iii , was found sleeping on a florida beach and arrested\n", - "[1.4675474 1.2667482 1.2229035 1.1340191 1.0866468 1.2126918 1.0762553\n", - " 1.0328298 1.0942898 1.1792611 1.0479422 1.1181424 1.0956504 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 5 9 3 11 12 8 4 6 10 7 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "['( cnn ) a university of kentucky basketball player is apologizing for the \" poor choice of words \" he muttered under his breath after the team \\'s stunning loss to wisconsin on saturday .as a deflated panel of wildcats fielded a reporter \\'s question about wisconsin standout frank kaminsky , a hot mic picked up kentucky guard andrew harrison saying of kaminsky , \" f**k that ( n-word ) . \"harrison , who is is black , said his words were \" in jest , \" and that he meant no disrespect to kaminsky , who is white .']\n", - "=======================\n", - "['kentucky player mutters n-word under his breath about a wisconsin player at postgame news conferenceandrew harrison , who is black , tweets that he apologized to frank kaminsky , who is whitekaminsky says he \\'s talked it over with harrison -- ` i \\'m over it \"']\n", - "( cnn ) a university of kentucky basketball player is apologizing for the \" poor choice of words \" he muttered under his breath after the team 's stunning loss to wisconsin on saturday .as a deflated panel of wildcats fielded a reporter 's question about wisconsin standout frank kaminsky , a hot mic picked up kentucky guard andrew harrison saying of kaminsky , \" f**k that ( n-word ) . \"harrison , who is is black , said his words were \" in jest , \" and that he meant no disrespect to kaminsky , who is white .\n", - "kentucky player mutters n-word under his breath about a wisconsin player at postgame news conferenceandrew harrison , who is black , tweets that he apologized to frank kaminsky , who is whitekaminsky says he 's talked it over with harrison -- ` i 'm over it \"\n", - "[1.2316165 1.3905525 1.3774893 1.0896046 1.0405986 1.2820761 1.1602138\n", - " 1.1739426 1.1079575 1.023892 1.0885683 1.0694771 1.0695707 1.0440245\n", - " 1.0626066 1.0720189 1.0525638 1.0229446 1.0109909 1.0532545 0. ]\n", - "\n", - "[ 1 2 5 0 7 6 8 3 10 15 12 11 14 19 16 13 4 9 17 18 20]\n", - "=======================\n", - "['the two major parties will only be separated by 0.1 per cent , according to the daily telegraph survey , leaving either ukip or the liberal democrats as potential kingmakers in a future coalition .the poll puts david cameron and the tories at 31.8 per cent of the vote , with labour at just one tenth of a percentage point behind , with 31.7 per cent .the conservative and labour parties will get a nearly identical number of votes in the general election , a new poll predicts .']\n", - "=======================\n", - "['conservative and labour parties to get near identical number of votespoll puts tories at 31.8 per cent of the vote and labour at 31.7 per centlib dems are expected to get 13.5 per cent and ukip 12.7 per cent']\n", - "the two major parties will only be separated by 0.1 per cent , according to the daily telegraph survey , leaving either ukip or the liberal democrats as potential kingmakers in a future coalition .the poll puts david cameron and the tories at 31.8 per cent of the vote , with labour at just one tenth of a percentage point behind , with 31.7 per cent .the conservative and labour parties will get a nearly identical number of votes in the general election , a new poll predicts .\n", - "conservative and labour parties to get near identical number of votespoll puts tories at 31.8 per cent of the vote and labour at 31.7 per centlib dems are expected to get 13.5 per cent and ukip 12.7 per cent\n", - "[1.3986012 1.3714826 1.0896361 1.3540916 1.2564584 1.0841502 1.1017625\n", - " 1.0211469 1.0154346 1.0166451 1.1445216 1.0996274 1.1034023 1.0716519\n", - " 1.0311394 1.0443039 1.019863 1.0409745 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 4 10 12 6 11 2 5 13 15 17 14 7 16 9 8 19 18 20]\n", - "=======================\n", - "['a moment of madness from england hooker tom youngs handed saracens victory but the second-placed londoners were frustrated by their failure to earn a four-try bonus .with leicester 6-0 up after 37 minutes , youngs was sin-binned for a barge on chris ashton , who had passed the ball to richard wigglesworth and as he tried to return the favour tigers matt smith grabbed it .saracens scored two tries with him off and the game was as good over at 14-6 when he came back .']\n", - "=======================\n", - "['saracens scored through billy vunipola , marcelo bosch and chris wylescharlie hodgson added seven points from the bootleicester replied with two freddie burns penalties']\n", - "a moment of madness from england hooker tom youngs handed saracens victory but the second-placed londoners were frustrated by their failure to earn a four-try bonus .with leicester 6-0 up after 37 minutes , youngs was sin-binned for a barge on chris ashton , who had passed the ball to richard wigglesworth and as he tried to return the favour tigers matt smith grabbed it .saracens scored two tries with him off and the game was as good over at 14-6 when he came back .\n", - "saracens scored through billy vunipola , marcelo bosch and chris wylescharlie hodgson added seven points from the bootleicester replied with two freddie burns penalties\n", - "[1.4653778 1.3397981 1.2743261 1.4090099 1.0564079 1.0677541 1.0130305\n", - " 1.0126785 1.0166535 1.1591442 1.1494259 1.1388125 1.1232225 1.0744399\n", - " 1.0247245 1.0113312 1.0090424 1.0145996 1.0103735 1.008815 ]\n", - "\n", - "[ 0 3 1 2 9 10 11 12 13 5 4 14 8 17 6 7 15 18 16 19]\n", - "=======================\n", - "[\"raheem sterling insists he has not been affected by the criticism of his ongoing contract stand-off with liverpool .the england international has been abused , even by his own fans , over his decision to put deal talks on hold after rejecting an offer worth # 90,000-per-week .sterling was even heckled at the club 's recent kit launch , but the 20-year-old , speaking for the first time since his now infamous bbc interview , insists he is immune to the negative comments .\"]\n", - "=======================\n", - "['liverpool forward raheem sterling rejected a # 90,000-a-week contractthe england international has been criticised by his own supportersbut sterling insists he pays no attention and is fully focused on his football']\n", - "raheem sterling insists he has not been affected by the criticism of his ongoing contract stand-off with liverpool .the england international has been abused , even by his own fans , over his decision to put deal talks on hold after rejecting an offer worth # 90,000-per-week .sterling was even heckled at the club 's recent kit launch , but the 20-year-old , speaking for the first time since his now infamous bbc interview , insists he is immune to the negative comments .\n", - "liverpool forward raheem sterling rejected a # 90,000-a-week contractthe england international has been criticised by his own supportersbut sterling insists he pays no attention and is fully focused on his football\n", - "[1.2039965 1.4997885 1.3194215 1.3676169 1.1088233 1.0369914 1.079878\n", - " 1.2296157 1.0777225 1.0645092 1.0479791 1.0578449 1.0572556 1.0842456\n", - " 1.0291405 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 7 0 4 13 6 8 9 11 12 10 5 14 15 16 17 18 19]\n", - "=======================\n", - "[\"mohammed alam , sayed juied and sadek miah treated burglary ` like a job , a profession , ' raiding houses in affluent west london , herfordshire and surrey .over the course of 11 months the gang broke into 21 homes , taking a ferrari , porches , minis , paintings and cash worth # 1million , often waiting until home owners were on holiday before striking .a prolific gang of thieves who carried out early morning raids on multi-million pound mansions to steal cash , jewellery and luxury cars have been jailed for a total of 17 years .\"]\n", - "=======================\n", - "['mohammed alam , sayed juied and sadek miah raided a total of 21 homessurveyed homes before striking , often waiting until owners were awayhad taught themselves how to disable security systems and cctv camerastook ferrari , porches , art and jewels worth total of # 1million in 11 monthswere jailed at kingston crown court after admitting burglary offences']\n", - "mohammed alam , sayed juied and sadek miah treated burglary ` like a job , a profession , ' raiding houses in affluent west london , herfordshire and surrey .over the course of 11 months the gang broke into 21 homes , taking a ferrari , porches , minis , paintings and cash worth # 1million , often waiting until home owners were on holiday before striking .a prolific gang of thieves who carried out early morning raids on multi-million pound mansions to steal cash , jewellery and luxury cars have been jailed for a total of 17 years .\n", - "mohammed alam , sayed juied and sadek miah raided a total of 21 homessurveyed homes before striking , often waiting until owners were awayhad taught themselves how to disable security systems and cctv camerastook ferrari , porches , art and jewels worth total of # 1million in 11 monthswere jailed at kingston crown court after admitting burglary offences\n", - "[1.4613084 1.3330568 1.285281 1.118393 1.2694627 1.052795 1.0776\n", - " 1.0921583 1.0138862 1.0208633 1.1304154 1.0628389 1.0587171 1.0805179\n", - " 1.21049 1.0143523 1.0249058 1.0143294 1.0671464 0. ]\n", - "\n", - "[ 0 1 2 4 14 10 3 7 13 6 18 11 12 5 16 9 15 17 8 19]\n", - "=======================\n", - "['former manchester city manager sven goran eriksson delivered a damning verdict on his old club , claiming they should be winning the premier league rather than battling to stay in the top four .city , whose current squad cost a total of # 368million , host west ham on sunday but a champions league spot next year is still in doubt with just four points separating them and fifth place liverpool with six games to play .eriksson , who was the last manager at city before the club was taken over by abu dhabi billionaire sheikh mansour and his family , said they have underperformed given their financial clout .']\n", - "=======================\n", - "['ex-manchester city manager sven goran eriksson criticises former cluberiksson says city should have won the premier league with their squadyaya toure wears snood in training during hottest week of the year so far']\n", - "former manchester city manager sven goran eriksson delivered a damning verdict on his old club , claiming they should be winning the premier league rather than battling to stay in the top four .city , whose current squad cost a total of # 368million , host west ham on sunday but a champions league spot next year is still in doubt with just four points separating them and fifth place liverpool with six games to play .eriksson , who was the last manager at city before the club was taken over by abu dhabi billionaire sheikh mansour and his family , said they have underperformed given their financial clout .\n", - "ex-manchester city manager sven goran eriksson criticises former cluberiksson says city should have won the premier league with their squadyaya toure wears snood in training during hottest week of the year so far\n", - "[1.2569671 1.374077 1.3192155 1.329167 1.3248086 1.2271721 1.0618407\n", - " 1.029181 1.0252475 1.0757 1.0281056 1.1052881 1.0779817 1.0263963\n", - " 1.0921818 1.0278311 1.0182034 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 5 11 14 12 9 6 7 10 15 13 8 16 17 18 19]\n", - "=======================\n", - "[\"the nasuwt union said indiscipline is a ` significant problem ' , with teachers sworn at , kicked and punched .teachers are suffering broken arms and severed fingers at the hands of violent pupils .a deputy headteacher fell and fractured her arm while trying to restrain a six-year-old boy with autism\"]\n", - "=======================\n", - "[\"nasuwt union said indiscipline is a ` significant problem ' at many schoolsteachers are sworn at , kicked and punched while one had her arm brokendeputy headteacher was restraining boy when she fell and fractured armlast year staff at eight schools refused to teach badly behaved pupils\"]\n", - "the nasuwt union said indiscipline is a ` significant problem ' , with teachers sworn at , kicked and punched .teachers are suffering broken arms and severed fingers at the hands of violent pupils .a deputy headteacher fell and fractured her arm while trying to restrain a six-year-old boy with autism\n", - "nasuwt union said indiscipline is a ` significant problem ' at many schoolsteachers are sworn at , kicked and punched while one had her arm brokendeputy headteacher was restraining boy when she fell and fractured armlast year staff at eight schools refused to teach badly behaved pupils\n", - "[1.1481131 1.2123677 1.2478104 1.048974 1.0313824 1.0722175 1.2331784\n", - " 1.0687768 1.3538266 1.0537479 1.1194932 1.0532851 1.030254 1.0448512\n", - " 1.0176555 1.0460331 1.0300009 1.07922 0. 0. ]\n", - "\n", - "[ 8 2 6 1 0 10 17 5 7 9 11 3 15 13 4 12 16 14 18 19]\n", - "=======================\n", - "[\"bayern munich defender jerome boateng scores the second header of the evening to double bayern 's advantage and level the tie at 3-3that is the number of goals guardiola 's bayern team have scored so far this season , a number plenty enough to take them in to the last four of the champions league , the semi-final of the german cup and to the cusp of successive bundesliga titles .bayern munich 's thiago alcantara jumps highest to head the home side ahead on 14 minutes and set the german giants on their way\"]\n", - "=======================\n", - "[\"bayern 5-0 up at half-time as robert lewandowski ( 2 ) , thomas muller , thiago alcantara and jerome boateng scoredformer liverpool and real madrid midfielder xabi alonso scored bayern 's sixth in the closing stagesporto had gone in to the match with a 3-1 lead from last week 's first leg in portugalcolombia international jackson martinez scored a consolation for porto with seventeen minutes to goporto 's spanish defender ivan marcano was dismissed in the 86th minute after picking up two bookings\"]\n", - "bayern munich defender jerome boateng scores the second header of the evening to double bayern 's advantage and level the tie at 3-3that is the number of goals guardiola 's bayern team have scored so far this season , a number plenty enough to take them in to the last four of the champions league , the semi-final of the german cup and to the cusp of successive bundesliga titles .bayern munich 's thiago alcantara jumps highest to head the home side ahead on 14 minutes and set the german giants on their way\n", - "bayern 5-0 up at half-time as robert lewandowski ( 2 ) , thomas muller , thiago alcantara and jerome boateng scoredformer liverpool and real madrid midfielder xabi alonso scored bayern 's sixth in the closing stagesporto had gone in to the match with a 3-1 lead from last week 's first leg in portugalcolombia international jackson martinez scored a consolation for porto with seventeen minutes to goporto 's spanish defender ivan marcano was dismissed in the 86th minute after picking up two bookings\n", - "[1.0859618 1.2803425 1.2257708 1.3724293 1.3314006 1.0715841 1.2465993\n", - " 1.0356021 1.022976 1.236921 1.0810057 1.0731424 1.0252738 1.0775254\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 1 6 9 2 0 10 13 11 5 7 12 8 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"liam plunkett , pictured with chris jordan , is pushing for a place in england 's attack for the second testmark wood ( pictured ) and plunkett impressed in the nets on sunday ahead of the second match of the serieschris jordan was the fastest bowler in the first test , clocked at 91mph , and while it would be a huge surprise if england dropped either anderson or broad , there is a case for plunkett or the impressive wood to feature .\"]\n", - "=======================\n", - "['liam plunkett and mark wood both impressed in the nets on sundaymoeen ali is also appearing to bowl without discomfort after joining squadengland were missing an x-factor as the first test fizzled out in a drawand selectors must decide whether to freshen things up for second match']\n", - "liam plunkett , pictured with chris jordan , is pushing for a place in england 's attack for the second testmark wood ( pictured ) and plunkett impressed in the nets on sunday ahead of the second match of the serieschris jordan was the fastest bowler in the first test , clocked at 91mph , and while it would be a huge surprise if england dropped either anderson or broad , there is a case for plunkett or the impressive wood to feature .\n", - "liam plunkett and mark wood both impressed in the nets on sundaymoeen ali is also appearing to bowl without discomfort after joining squadengland were missing an x-factor as the first test fizzled out in a drawand selectors must decide whether to freshen things up for second match\n", - "[1.087938 1.201478 1.1828625 1.2253495 1.3168665 1.2160642 1.0906385\n", - " 1.0516111 1.0307344 1.1046304 1.0602065 1.0731546 1.0779488 1.130655\n", - " 1.0330206 1.0352641 1.0573437 1.0418288 0. 0. 0. ]\n", - "\n", - "[ 4 3 5 1 2 13 9 6 0 12 11 10 16 7 17 15 14 8 18 19 20]\n", - "=======================\n", - "[\"madonna 's new handbag has caused a stir for its seemingly drug related slogan , after the pop legend shared a picture of her new luggage with her fans on instagram on sundayfemail takes a look at the worst offenders in the luggage department .but for many stars , such as madonna who 's been showing off her mock croc ` dealer ' purse , that statement is becoming increasingly controversial , with clutches and handbags emblazoned with unsavoury slogans and pictures .\"]\n", - "=======================\n", - "[\"madonna 's new handbag is emblazoned with the slogan ` dealer 'rihanna has been seen with purses covered in guns and cannabis leavesother offensive designs include male genitalia , knives and knuckledusters\"]\n", - "madonna 's new handbag has caused a stir for its seemingly drug related slogan , after the pop legend shared a picture of her new luggage with her fans on instagram on sundayfemail takes a look at the worst offenders in the luggage department .but for many stars , such as madonna who 's been showing off her mock croc ` dealer ' purse , that statement is becoming increasingly controversial , with clutches and handbags emblazoned with unsavoury slogans and pictures .\n", - "madonna 's new handbag is emblazoned with the slogan ` dealer 'rihanna has been seen with purses covered in guns and cannabis leavesother offensive designs include male genitalia , knives and knuckledusters\n", - "[1.2931535 1.2285674 1.2297342 1.170239 1.3013524 1.2136363 1.1610241\n", - " 1.0450183 1.1011896 1.0093402 1.0881835 1.1400349 1.0643396 1.0495272\n", - " 1.0355694 1.0230347 1.0886897 1.0408696 0. 0. 0. ]\n", - "\n", - "[ 4 0 2 1 5 3 6 11 8 16 10 12 13 7 17 14 15 9 18 19 20]\n", - "=======================\n", - "['ryanair took to twitter for a cheeky promotional photo in terminal 2 in dublin - where aer lingus fly out fromairline rivals ryanair and aer lingus have locked horns once again on twitter .in not-so-subtle posts on the social networking site , the two carriers reignited their feud by posting tweets concerning their operation at dublin airport .']\n", - "=======================\n", - "[\"ryanair post promo photo in terminal 2 - where aer lingus fly out fromthey tweet that ` low fares have come to dublin airport t2 at last 'the low-cost airline are actually based out of terminal 1aer lingus respond saying they get customers to central locations , not ` nearly there '\"]\n", - "ryanair took to twitter for a cheeky promotional photo in terminal 2 in dublin - where aer lingus fly out fromairline rivals ryanair and aer lingus have locked horns once again on twitter .in not-so-subtle posts on the social networking site , the two carriers reignited their feud by posting tweets concerning their operation at dublin airport .\n", - "ryanair post promo photo in terminal 2 - where aer lingus fly out fromthey tweet that ` low fares have come to dublin airport t2 at last 'the low-cost airline are actually based out of terminal 1aer lingus respond saying they get customers to central locations , not ` nearly there '\n", - "[1.0968113 1.1269298 1.1117425 1.0952746 1.2881193 1.1872346 1.2308081\n", - " 1.1025138 1.1840551 1.0555555 1.0783732 1.0318513 1.0413703 1.0247691\n", - " 1.0267992 1.053214 1.0570098 1.0266373 1.0381701 1.0409333 1.027038 ]\n", - "\n", - "[ 4 6 5 8 1 2 7 0 3 10 16 9 15 12 19 18 11 20 14 17 13]\n", - "=======================\n", - "[\"the mcdonald 's announcement that the company is going to raise wages for 90,000 of its employees is a significant victory for fast-food cooks and cashiers and those of us who support them .but this action , which would raise starting wages at 1,500 mcdonald 's - owned restaurants to at least $ 1 an hour more than the minimum wage set by local law , falls short in three important waysby standing up together , fast-food workers are making it less acceptable for profitable companies like mcdonald 's to pay wages so low that its workers are boxed into poverty .\"]\n", - "=======================\n", - "[\"william barber : mcdonald 's will raise minimum wage $ 1 for 10 % of workers .he says it leaves out 90 % of workers , is not enough to lift workers from poverty , company prevents workers from speaking out in a union\"]\n", - "the mcdonald 's announcement that the company is going to raise wages for 90,000 of its employees is a significant victory for fast-food cooks and cashiers and those of us who support them .but this action , which would raise starting wages at 1,500 mcdonald 's - owned restaurants to at least $ 1 an hour more than the minimum wage set by local law , falls short in three important waysby standing up together , fast-food workers are making it less acceptable for profitable companies like mcdonald 's to pay wages so low that its workers are boxed into poverty .\n", - "william barber : mcdonald 's will raise minimum wage $ 1 for 10 % of workers .he says it leaves out 90 % of workers , is not enough to lift workers from poverty , company prevents workers from speaking out in a union\n", - "[1.3718491 1.3516284 1.1331035 1.3548833 1.2963974 1.2551588 1.0697436\n", - " 1.0540318 1.0178949 1.1267434 1.0320101 1.0869635 1.1001557 1.0149426\n", - " 1.0154386 1.0167229 1.0161463 1.0107918 1.0172564 0. 0. ]\n", - "\n", - "[ 0 3 1 4 5 2 9 12 11 6 7 10 8 18 15 16 14 13 17 19 20]\n", - "=======================\n", - "[\"nico rosberg has published a video explaining his row with lewis hamilton after the chinese grand prix .nico rosberg responded to a fan who accused rosberg of ` crying ' after he complained about lewis hamiltonrosberg complained during a heated press conference that his mercedes team-mate hamilton , the race winner who was sitting next to him as he spoke , had acted ` selfishly ' in slowing down to such an extent that he ( rosberg ) could have been caught by sebastian vettel of ferrari .\"]\n", - "=======================\n", - "[\"lewis hamilton won the chinese grand prix with nico rosberg secondafter the race rosberg accused hamilton of being selfish by slowing downhe said hamilton 's speed allowed sebastian vettel to close the gap in thirdrosberg explained he did not try to attack hamilton for fear of tyre wearclick here for all the latest f1 news\"]\n", - "nico rosberg has published a video explaining his row with lewis hamilton after the chinese grand prix .nico rosberg responded to a fan who accused rosberg of ` crying ' after he complained about lewis hamiltonrosberg complained during a heated press conference that his mercedes team-mate hamilton , the race winner who was sitting next to him as he spoke , had acted ` selfishly ' in slowing down to such an extent that he ( rosberg ) could have been caught by sebastian vettel of ferrari .\n", - "lewis hamilton won the chinese grand prix with nico rosberg secondafter the race rosberg accused hamilton of being selfish by slowing downhe said hamilton 's speed allowed sebastian vettel to close the gap in thirdrosberg explained he did not try to attack hamilton for fear of tyre wearclick here for all the latest f1 news\n", - "[1.3157253 1.5231472 1.0825537 1.0625397 1.14395 1.1491652 1.1010162\n", - " 1.1409357 1.0205923 1.0267727 1.0288568 1.0775735 1.203751 1.0728521\n", - " 1.0239705 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 12 5 4 7 6 2 11 13 3 10 9 14 8 15 16 17 18]\n", - "=======================\n", - "[\"the boston runbase scheduled to open april 16 will allow visitors to learn about the world 's most prestigious road race , run a replica of the course on a treadmill or see artifacts from its 118-year history .a few blocks from the finish line and even closer to the spot where the second bomb exploded during the 2013 boston marathon , race organizers are building a combination clubhouse , interactive museum and retail store that , for the first time , gives them a year-round , public presence .it is the sixth runbase for adidas 0 the first in the u.s. .\"]\n", - "=======================\n", - "['the boston runbase is scheduled to open april 16it is a combined effort between the boston athletic association , adidas and longtime shoe-seller marathon sportsthe space will allow visitors to learn about the boston marathon , run a replica of the course on a treadmill or see artifacts from its 118-year historythe b.a.a. plans to use the runbase for special events , including clinics and meet-ups where recreational joggers can connect or get tipsrunbase is just a few blocks from the marathon finish line , and even nearer to the spot where the second bomb exploded during the 2013 race']\n", - "the boston runbase scheduled to open april 16 will allow visitors to learn about the world 's most prestigious road race , run a replica of the course on a treadmill or see artifacts from its 118-year history .a few blocks from the finish line and even closer to the spot where the second bomb exploded during the 2013 boston marathon , race organizers are building a combination clubhouse , interactive museum and retail store that , for the first time , gives them a year-round , public presence .it is the sixth runbase for adidas 0 the first in the u.s. .\n", - "the boston runbase is scheduled to open april 16it is a combined effort between the boston athletic association , adidas and longtime shoe-seller marathon sportsthe space will allow visitors to learn about the boston marathon , run a replica of the course on a treadmill or see artifacts from its 118-year historythe b.a.a. plans to use the runbase for special events , including clinics and meet-ups where recreational joggers can connect or get tipsrunbase is just a few blocks from the marathon finish line , and even nearer to the spot where the second bomb exploded during the 2013 race\n", - "[1.2015651 1.4318126 1.3007665 1.3316673 1.1013438 1.0315354 1.1069248\n", - " 1.0323563 1.0731658 1.0472308 1.0595169 1.03991 1.0862441 1.0392423\n", - " 1.0339447 1.0204438 1.0209242 1.0650318 0. ]\n", - "\n", - "[ 1 3 2 0 6 4 12 8 17 10 9 11 13 14 7 5 16 15 18]\n", - "=======================\n", - "[\"the prime minister 's wife showed her support of uk business by sporting a thoroughly british outfit at the conservative party 's manifesto launch in swindon .wearing a simple but elegant # 185 emerald green wrap dress by london-based designer the fold , mrs cameron looked every inch the first lady of british politics as she arrived at the town 's university technical colleges .samantha cameron showcased another election campaign outfit this morning , firming up her position as the most stylish of the politician 's partners .\"]\n", - "=======================\n", - "[\"sam cam accompanied the pm to the launch of his party 's manifestosamantha looked at ease in the # 185 emerald green wrap hampton dressthe designer behind the frock is british fashion company the foldamanda holden and davina mccall are also fans of the work-wear brand\"]\n", - "the prime minister 's wife showed her support of uk business by sporting a thoroughly british outfit at the conservative party 's manifesto launch in swindon .wearing a simple but elegant # 185 emerald green wrap dress by london-based designer the fold , mrs cameron looked every inch the first lady of british politics as she arrived at the town 's university technical colleges .samantha cameron showcased another election campaign outfit this morning , firming up her position as the most stylish of the politician 's partners .\n", - "sam cam accompanied the pm to the launch of his party 's manifestosamantha looked at ease in the # 185 emerald green wrap hampton dressthe designer behind the frock is british fashion company the foldamanda holden and davina mccall are also fans of the work-wear brand\n", - "[1.4568012 1.2538283 1.2367089 1.4335666 1.1680033 1.2035741 1.0948521\n", - " 1.0712509 1.0273727 1.1971353 1.0600185 1.0093995 1.0097336 1.0373474\n", - " 1.3094593 1.0085272 1.0085078 0. 0. ]\n", - "\n", - "[ 0 3 14 1 2 5 9 4 6 7 10 13 8 12 11 15 16 17 18]\n", - "=======================\n", - "['hearts have confirmed that captain danny wilson will leave the club this summer after the defender activated a clause in his contract .celtic manager ronny deila has been linked with a move for the former rangers playerdespite having a further year left on his current deal at tynecastle , the 23-year-old has decided to look for a new challenge in the wake of leading the gorgie outfit to championship title success .']\n", - "=======================\n", - "['scottish championship winners hearts are set to lose danny wilsonformer liverpool defender has activated release clause in his contractceltic have been linked with a move for the former rangers player']\n", - "hearts have confirmed that captain danny wilson will leave the club this summer after the defender activated a clause in his contract .celtic manager ronny deila has been linked with a move for the former rangers playerdespite having a further year left on his current deal at tynecastle , the 23-year-old has decided to look for a new challenge in the wake of leading the gorgie outfit to championship title success .\n", - "scottish championship winners hearts are set to lose danny wilsonformer liverpool defender has activated release clause in his contractceltic have been linked with a move for the former rangers player\n", - "[1.3085003 1.2747805 1.2889028 1.12344 1.2998284 1.0376272 1.0863407\n", - " 1.0358968 1.094671 1.1065767 1.0932873 1.0516193 1.0313481 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 2 1 3 9 8 10 6 11 5 7 12 17 13 14 15 16 18]\n", - "=======================\n", - "[\"a new york-based writer who has grown tired of the battle between fat and skinny , is blaming plus-size retailer lane bryant for continuing to perpetuate the weight war -- and has published candid photos of herself wearing the brand 's lingerie to illustrate the problem .regular girl : writer amanda dobbins says lane bryant 's new i 'm no angel ad campaign does n't show plus-size women of different proportions 'body positive : amanda hopes to promote positive body image and wants more retailers to advertise toward women of varying sizes\"]\n", - "=======================\n", - "[\"amanda richards , from new york says she does n't campaigns which widen the gap between ` fat ' and ` thin 'she says plus-size store lane bryant 's new ads celebrating women do n't actually show varying shapes , but rather ` correctly ' proportioned plus-size womento show solidarity with other plus-size women , she posted photos of herself in lane bryant lingerie online\"]\n", - "a new york-based writer who has grown tired of the battle between fat and skinny , is blaming plus-size retailer lane bryant for continuing to perpetuate the weight war -- and has published candid photos of herself wearing the brand 's lingerie to illustrate the problem .regular girl : writer amanda dobbins says lane bryant 's new i 'm no angel ad campaign does n't show plus-size women of different proportions 'body positive : amanda hopes to promote positive body image and wants more retailers to advertise toward women of varying sizes\n", - "amanda richards , from new york says she does n't campaigns which widen the gap between ` fat ' and ` thin 'she says plus-size store lane bryant 's new ads celebrating women do n't actually show varying shapes , but rather ` correctly ' proportioned plus-size womento show solidarity with other plus-size women , she posted photos of herself in lane bryant lingerie online\n", - "[1.4877218 1.5478318 1.208445 1.0724654 1.0283006 1.0424122 1.2958633\n", - " 1.0628768 1.0699607 1.085893 1.119177 1.0802813 1.026322 1.0572939\n", - " 1.0654063 1.0409715 1.0130037 1.0116864 1.0359932]\n", - "\n", - "[ 1 0 6 2 10 9 11 3 8 14 7 13 5 15 18 4 12 16 17]\n", - "=======================\n", - "[\"the first-leg of the highly anticipated tie will take place at the parc des princes on wednesday .barcelona players were put through their paces as they put the finishing touches to preparations for the champions league quarter-final clash with french giants psg .speaking to the club 's official website , defender adriano warned his team-mates ahead of the game they must be at their absolute best if they are to overcome psg 's star-studded squad , which includes the likes of zlatan ibrahimovic , thiago silva and lucas moura .\"]\n", - "=======================\n", - "['barcelona take on psg in the champions league quarter-finalthe first-leg of the tie will be played at the parc des princes on wednesdaythe two sides were drawn together in the group stage earlier this seasonbarca defender adriano has warned this time will be more intensehe has singled out lucas moura as a particular threat for psg']\n", - "the first-leg of the highly anticipated tie will take place at the parc des princes on wednesday .barcelona players were put through their paces as they put the finishing touches to preparations for the champions league quarter-final clash with french giants psg .speaking to the club 's official website , defender adriano warned his team-mates ahead of the game they must be at their absolute best if they are to overcome psg 's star-studded squad , which includes the likes of zlatan ibrahimovic , thiago silva and lucas moura .\n", - "barcelona take on psg in the champions league quarter-finalthe first-leg of the tie will be played at the parc des princes on wednesdaythe two sides were drawn together in the group stage earlier this seasonbarca defender adriano has warned this time will be more intensehe has singled out lucas moura as a particular threat for psg\n", - "[1.1525147 1.1184866 1.3820493 1.1811289 1.284643 1.112937 1.1757993\n", - " 1.1383097 1.1348124 1.0377438 1.0591133 1.0382235 1.0728514 1.1034108\n", - " 1.1521951 1.1190032 1.131442 1.0147146 0. 0. ]\n", - "\n", - "[ 2 4 3 6 0 14 7 8 16 15 1 5 13 12 10 11 9 17 18 19]\n", - "=======================\n", - "['norway has announced that it will be the the first country in the world to switch off its fm radio signal .twiddling the knobs of a radio will no longer be necessary as analogue services switch off in favour of digitalit is the radio format that has delivered the latest chart hits , news and talk shows in stereo to homes around the world for decades .']\n", - "=======================\n", - "['norway will be the first country in the world to stop radio broadcasts on fmit says it will save # 17 million a year by the switch to a purely digital servicethe decision was driven by rise in popularity of digital and internet radioother countries are expected to follow as numbers of fm listener drop']\n", - "norway has announced that it will be the the first country in the world to switch off its fm radio signal .twiddling the knobs of a radio will no longer be necessary as analogue services switch off in favour of digitalit is the radio format that has delivered the latest chart hits , news and talk shows in stereo to homes around the world for decades .\n", - "norway will be the first country in the world to stop radio broadcasts on fmit says it will save # 17 million a year by the switch to a purely digital servicethe decision was driven by rise in popularity of digital and internet radioother countries are expected to follow as numbers of fm listener drop\n", - "[1.486329 1.2073207 1.4556453 1.1760441 1.1960921 1.0826945 1.0192755\n", - " 1.0156251 1.130749 1.0581347 1.0170974 1.0253953 1.0184678 1.0232337\n", - " 1.2276658 1.1783061 1.0846238 1.1585908 1.0808215 1.0085701]\n", - "\n", - "[ 0 2 14 1 4 15 3 17 8 16 5 18 9 11 13 6 12 10 7 19]\n", - "=======================\n", - "[\"dylan miller , a senior studying english and philosophy at juniata college decided to live in a hut for a research project on simple livingmiller , 21 , has been living in the one-room hut on juniata 's baker-henry nature reserve in huntingdon , pennsylvania , since septemberhe hopes living in his nine-foot-tall , 17-by-17ft hut will teach him about living simply , away from the luxuries of the present day .\"]\n", - "=======================\n", - "[\"dylan miller is a senior at juniata college in huntingdon , pennsylvaniahe 's been living in a hut deep in the woods a half-hour walk from campus since septemberhe has no plumbing or electricity in the hut and studies by lanternhe hopes living in the hut will help him better understand henry david thoreau and ralph waldo emerson\"]\n", - "dylan miller , a senior studying english and philosophy at juniata college decided to live in a hut for a research project on simple livingmiller , 21 , has been living in the one-room hut on juniata 's baker-henry nature reserve in huntingdon , pennsylvania , since septemberhe hopes living in his nine-foot-tall , 17-by-17ft hut will teach him about living simply , away from the luxuries of the present day .\n", - "dylan miller is a senior at juniata college in huntingdon , pennsylvaniahe 's been living in a hut deep in the woods a half-hour walk from campus since septemberhe has no plumbing or electricity in the hut and studies by lanternhe hopes living in the hut will help him better understand henry david thoreau and ralph waldo emerson\n", - "[1.4011753 1.1493335 1.1057409 1.1158305 1.4078984 1.3613116 1.0457035\n", - " 1.0421691 1.153442 1.0320687 1.052382 1.0194415 1.0724425 1.0325171\n", - " 1.0207684 1.0734862 1.0140095 1.0976605 0. 0. ]\n", - "\n", - "[ 4 0 5 8 1 3 2 17 15 12 10 6 7 13 9 14 11 16 18 19]\n", - "=======================\n", - "[\"rafa benitez is set to leave napoli this summer and will have a host of clubs after his servicesas one might imagine , rafa benitez 's arrival at stamford bridge as interim manager in 2012 came as quite a slap in the face to chelsea fans still hurting from roberti di matteo 's untimely departure just months after winning the champions league .chelsea drew benitez 's first two games 0-0 , before a 3-1 defeat against west ham in a london derby - embarrassing .\"]\n", - "=======================\n", - "[\"rafa benitez 's contract at napoli expires this summer and he is set to leavemanchester city , west ham and newcastle could be looking for a new bossbenitez was a success at liverpool , but struggled to win over chelsea fansbut he still won the europa league with the blues and they are thankfulhe would bring success to almost any premier league team next season\"]\n", - "rafa benitez is set to leave napoli this summer and will have a host of clubs after his servicesas one might imagine , rafa benitez 's arrival at stamford bridge as interim manager in 2012 came as quite a slap in the face to chelsea fans still hurting from roberti di matteo 's untimely departure just months after winning the champions league .chelsea drew benitez 's first two games 0-0 , before a 3-1 defeat against west ham in a london derby - embarrassing .\n", - "rafa benitez 's contract at napoli expires this summer and he is set to leavemanchester city , west ham and newcastle could be looking for a new bossbenitez was a success at liverpool , but struggled to win over chelsea fansbut he still won the europa league with the blues and they are thankfulhe would bring success to almost any premier league team next season\n", - "[1.2036306 1.3930521 1.2426926 1.2962986 1.1861347 1.1530414 1.1260366\n", - " 1.1282973 1.1181042 1.0690926 1.0592474 1.0394511 1.0266712 1.0300447\n", - " 1.0606849 1.0987233 1.0129029 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 7 6 8 15 9 14 10 11 13 12 16 18 17 19]\n", - "=======================\n", - "['researchers have found that twisted bands of magnetic fuel reach the surface of the sun every two years - in addition to its existing 11-year cycle .scientists in colorado have found evidence for a new solar season cycle .this combines with the existing 11-year solar cycle , causing even more powerful coronal mass ejections ( cmes ) , pictured , and solar flares that can endanger earth']\n", - "=======================\n", - "[\"scientists in colorado have found evidence for a new solar season cycleevery two years it appears ` bands ' of magnetic field move to the surfacethe sun was already known to have an 11-year solar cyclewhen the two combine it can create amplified and dangerous storms\"]\n", - "researchers have found that twisted bands of magnetic fuel reach the surface of the sun every two years - in addition to its existing 11-year cycle .scientists in colorado have found evidence for a new solar season cycle .this combines with the existing 11-year solar cycle , causing even more powerful coronal mass ejections ( cmes ) , pictured , and solar flares that can endanger earth\n", - "scientists in colorado have found evidence for a new solar season cycleevery two years it appears ` bands ' of magnetic field move to the surfacethe sun was already known to have an 11-year solar cyclewhen the two combine it can create amplified and dangerous storms\n", - "[1.3567314 1.3116655 1.2535415 1.1694969 1.3020204 1.063359 1.0171244\n", - " 1.0967906 1.0923793 1.0969399 1.040657 1.0885327 1.0693842 1.0766764\n", - " 1.2317762 1.0372472 1.129139 1.0181195 1.0344803 0. ]\n", - "\n", - "[ 0 1 4 2 14 3 16 9 7 8 11 13 12 5 10 15 18 17 6 19]\n", - "=======================\n", - "[\"the toxic pesticide that poisoned a u.s. family on vacation in the virgin islands has also been improperly used in puerto rico , the u.s. environmental protection agency said thursday after a federal investigation .epa regional administrator judith enck said the agency and puerto rico 's department of agriculture are investigating where and when the pesticide was used and how much was applied .steve esmond and his wife , dr theresa devine , and their two teenage sons fell seriously ill during their stay .\"]\n", - "=======================\n", - "['methyl bromide was improperly used in u.s. virgin islands resort that family was staying in when they were poisonedsteve esmond , his wife theresa divine and their two teenage sons fell seriously ill while staying at the sirenusa resort in st. johnu.s. environmental protection agency said the toxic pesticide may have been improperly applied in locations in puerto rico as wellepa regional administrator judith enck said she is not aware of anyone sickened by the pesticide in puerto rico']\n", - "the toxic pesticide that poisoned a u.s. family on vacation in the virgin islands has also been improperly used in puerto rico , the u.s. environmental protection agency said thursday after a federal investigation .epa regional administrator judith enck said the agency and puerto rico 's department of agriculture are investigating where and when the pesticide was used and how much was applied .steve esmond and his wife , dr theresa devine , and their two teenage sons fell seriously ill during their stay .\n", - "methyl bromide was improperly used in u.s. virgin islands resort that family was staying in when they were poisonedsteve esmond , his wife theresa divine and their two teenage sons fell seriously ill while staying at the sirenusa resort in st. johnu.s. environmental protection agency said the toxic pesticide may have been improperly applied in locations in puerto rico as wellepa regional administrator judith enck said she is not aware of anyone sickened by the pesticide in puerto rico\n", - "[1.2251165 1.2492563 1.2313126 1.2988224 1.0833863 1.0959313 1.124301\n", - " 1.0775113 1.0669557 1.2163421 1.2182324 1.029564 1.0140232 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 0 10 9 6 5 4 7 8 11 12 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"keeping it in the family : national front founder jean-marie le pen , 86 , right , angered daughter marine , 46 , and now wants granddaughter marion marechal-le pen , 25 , to replace him in the regional electionsmr le pen had repeated his claim that the holocaust - in which the nazis murdered six million jews - was ` a detail of history ' and had also praised france 's wartime leader marshal petain , who collaborated with hitler .now party founder le pen has told french publication le figaro that he will not stand in the south-east provence-alpes-cote d'azur region ` even though i think i am the best candidate ' .\"]\n", - "=======================\n", - "['national front founder jean-marie le pen pulls out of regional electionscriticized by daughter marine over comments about the holocaustle pen snr wants grand-daughter marion marechal-le pen to replace him']\n", - "keeping it in the family : national front founder jean-marie le pen , 86 , right , angered daughter marine , 46 , and now wants granddaughter marion marechal-le pen , 25 , to replace him in the regional electionsmr le pen had repeated his claim that the holocaust - in which the nazis murdered six million jews - was ` a detail of history ' and had also praised france 's wartime leader marshal petain , who collaborated with hitler .now party founder le pen has told french publication le figaro that he will not stand in the south-east provence-alpes-cote d'azur region ` even though i think i am the best candidate ' .\n", - "national front founder jean-marie le pen pulls out of regional electionscriticized by daughter marine over comments about the holocaustle pen snr wants grand-daughter marion marechal-le pen to replace him\n", - "[1.2360387 1.4998422 1.1990482 1.3607895 1.2550547 1.0555357 1.0205334\n", - " 1.019361 1.0322734 1.3094189 1.1259761 1.0991615 1.0297886 1.0247641\n", - " 1.0180463 1.053699 1.0146246 1.0074221 0. 0. ]\n", - "\n", - "[ 1 3 9 4 0 2 10 11 5 15 8 12 13 6 7 14 16 17 18 19]\n", - "=======================\n", - "[\"the 26-year-old woman , laura alicia caldero , claims she was sitting under a palm tree on the mamitas beach in playa del carmen when armed police forcibly removed her .the woman 's friends said she was arrested when she refused to pay a fine of about # 70video footage of a young woman being led away in handcuffs - allegedly because she was sunbathing on a private beach reserved for tourists - has gone viral in mexico and sparked a heated debate .\"]\n", - "=======================\n", - "['laura alicia caldero , 26 , removed from mamitas beach in playa del carmenshe claims she was sitting under a palm tree and was told to paylocal woman claims she was arrested when she refused to pay a finea council official claims ms caldero assaulted private guards']\n", - "the 26-year-old woman , laura alicia caldero , claims she was sitting under a palm tree on the mamitas beach in playa del carmen when armed police forcibly removed her .the woman 's friends said she was arrested when she refused to pay a fine of about # 70video footage of a young woman being led away in handcuffs - allegedly because she was sunbathing on a private beach reserved for tourists - has gone viral in mexico and sparked a heated debate .\n", - "laura alicia caldero , 26 , removed from mamitas beach in playa del carmenshe claims she was sitting under a palm tree and was told to paylocal woman claims she was arrested when she refused to pay a finea council official claims ms caldero assaulted private guards\n", - "[1.0927888 1.3516397 1.4502099 1.2865645 1.2468591 1.2191552 1.0776354\n", - " 1.0238203 1.0233552 1.0232067 1.179114 1.0909643 1.0334437 1.0198417\n", - " 1.1874062 1.0274417 1.0273354 1.0243213 1.1010648 1.0266076]\n", - "\n", - "[ 2 1 3 4 5 14 10 18 0 11 6 12 15 16 19 17 7 8 9 13]\n", - "=======================\n", - "[\"sussex police was accused of ` victim-blaming ' in its campaign , which urges women not to leave their friends alone or let them wander off with strangers .but a police poster advising women to stick together on a night out provoked anger yesterday , as campaigners claimed it suggested victims were responsible for sex attacks .anti-rape campaigners have criticised the message in this sussex police poster arguing it implies that victims are to blame for getting raped\"]\n", - "=======================\n", - "[\"sussex police poster features two young women taking a selfiethe message urges female friends to ` stick together ' on a night outcampaigners say police should be targeting potential rapists insteadbut police say they have an obligation to urge women to minimise risks\"]\n", - "sussex police was accused of ` victim-blaming ' in its campaign , which urges women not to leave their friends alone or let them wander off with strangers .but a police poster advising women to stick together on a night out provoked anger yesterday , as campaigners claimed it suggested victims were responsible for sex attacks .anti-rape campaigners have criticised the message in this sussex police poster arguing it implies that victims are to blame for getting raped\n", - "sussex police poster features two young women taking a selfiethe message urges female friends to ` stick together ' on a night outcampaigners say police should be targeting potential rapists insteadbut police say they have an obligation to urge women to minimise risks\n", - "[1.1915556 1.4497235 1.3986467 1.3405993 1.2201711 1.1489487 1.13521\n", - " 1.0642887 1.0738163 1.0185755 1.0273438 1.2398487 1.1150051 1.0450497\n", - " 1.0365357 1.0574445 1.0164554 1.0079769 1.008974 0. ]\n", - "\n", - "[ 1 2 3 11 4 0 5 6 12 8 7 15 13 14 10 9 16 18 17 19]\n", - "=======================\n", - "['xie shisheng , who was just 16 years old when was imprisoned by the mill owner , was found in a small dark room by authorities earlier this week .now 34 , a very gaunt xie , who did not know what year it was when he was rescued because he was so isolated from the outside world , said he was hit with a hammer , never fed properly and beaten daily .government authorities in the city of qingyuan in the north west guangdong province were tipped off about an illegal cotton mill .']\n", - "=======================\n", - "[\"xie shisheng was just 16 when he was imprisoned in a chinese cotton millhe 's been rescued after 18 years and says he was beaten daily and torturedxie 's captors fled the scene when police arrived at the mill on wednesday\"]\n", - "xie shisheng , who was just 16 years old when was imprisoned by the mill owner , was found in a small dark room by authorities earlier this week .now 34 , a very gaunt xie , who did not know what year it was when he was rescued because he was so isolated from the outside world , said he was hit with a hammer , never fed properly and beaten daily .government authorities in the city of qingyuan in the north west guangdong province were tipped off about an illegal cotton mill .\n", - "xie shisheng was just 16 when he was imprisoned in a chinese cotton millhe 's been rescued after 18 years and says he was beaten daily and torturedxie 's captors fled the scene when police arrived at the mill on wednesday\n", - "[1.090519 1.1174058 1.1306288 1.3096006 1.2416942 1.1721315 1.0869565\n", - " 1.1109397 1.0404315 1.0520177 1.1321567 1.0753958 1.0178866 1.0622998\n", - " 1.0427752 1.1222489 1.0981512 0. 0. 0. ]\n", - "\n", - "[ 3 4 5 10 2 15 1 7 16 0 6 11 13 9 14 8 12 18 17 19]\n", - "=======================\n", - "['the fly is initially featured looking rather pleased as it fastens its tongue onto the beef steak and has a tastelike the infamous scene from dumb and dumber involving ice , a ski lift and a tongue , the fly becomes attached to the frozen food .as the video goes on the fly tries harder and harder to set itself free -- beating its legs , heaving itself backwards and twisting slightly .']\n", - "=======================\n", - "['fly initially looks satisfied as it tastes the frozen foodbefore realising it is stuck and beating its legs in panicit then attempts to free itself by heaving backwardsthe filmmaker eventually helps it out with a heat gunthe footage was captured in auckland , new zealand']\n", - "the fly is initially featured looking rather pleased as it fastens its tongue onto the beef steak and has a tastelike the infamous scene from dumb and dumber involving ice , a ski lift and a tongue , the fly becomes attached to the frozen food .as the video goes on the fly tries harder and harder to set itself free -- beating its legs , heaving itself backwards and twisting slightly .\n", - "fly initially looks satisfied as it tastes the frozen foodbefore realising it is stuck and beating its legs in panicit then attempts to free itself by heaving backwardsthe filmmaker eventually helps it out with a heat gunthe footage was captured in auckland , new zealand\n", - "[1.485123 1.1522648 1.4568456 1.3596478 1.217201 1.2329711 1.1967589\n", - " 1.0416756 1.0396413 1.0367948 1.0258884 1.0212681 1.0167276 1.09811\n", - " 1.1144993 1.0497173 1.0250398 1.0137349 1.1236018 0. ]\n", - "\n", - "[ 0 2 3 5 4 6 1 18 14 13 15 7 8 9 10 16 11 12 17 19]\n", - "=======================\n", - "[\"hilary border , 54 , stole # 20,000 from her dementia-stricken mother , pictured outside nottingham crown courtthe mother-of-three was required to pay # 300-a-week for the 83-year-old 's care but when it doubled to # 600 the money was either late or stopped being paid at all .she pleaded guilty to fraud on the basis she took # 20,000 between october 2012 , and november 20 last year , despite the fact that prosecution said it was # 39,500 .\"]\n", - "=======================\n", - "['hilary border , 54 , pleaded guilty to fraud and has been spared jailshe stole # 20,000 from dementia-stricken mother and spent it on herselfmother-of-three refused to pay # 16,000 in care home bills for dorothy , 83she has been spared jail and ordered to carry out 150 hours of unpaid work']\n", - "hilary border , 54 , stole # 20,000 from her dementia-stricken mother , pictured outside nottingham crown courtthe mother-of-three was required to pay # 300-a-week for the 83-year-old 's care but when it doubled to # 600 the money was either late or stopped being paid at all .she pleaded guilty to fraud on the basis she took # 20,000 between october 2012 , and november 20 last year , despite the fact that prosecution said it was # 39,500 .\n", - "hilary border , 54 , pleaded guilty to fraud and has been spared jailshe stole # 20,000 from dementia-stricken mother and spent it on herselfmother-of-three refused to pay # 16,000 in care home bills for dorothy , 83she has been spared jail and ordered to carry out 150 hours of unpaid work\n", - "[1.307352 1.4367268 1.2616194 1.1565349 1.3143792 1.0932806 1.1197755\n", - " 1.0325484 1.0782462 1.1567765 1.0325396 1.0758348 1.0161119 1.01853\n", - " 1.0139807 1.0127155 1.0793831 1.0559664 1.0232967 0. ]\n", - "\n", - "[ 1 4 0 2 9 3 6 5 16 8 11 17 7 10 18 13 12 14 15 19]\n", - "=======================\n", - "['the officer , ben johnson , who has been on the force four years , was answering reports of a drunk woman inside deluxe nails at a strip mall in red rock on tuesday .police in texas are investigating claims of excessive force after an officer was caught on camera throwing an intoxicated woman to the ground of a parking lot during an arrest .when he arrived , he contained 27-year-old viviana keith , who was walking toward her car , and began handcuffing her .']\n", - "=======================\n", - "['viviana keith , 27 , reported to be drunk at a nail salon in red rock , texasofficer ben johnson arrived and found keith walking to her carhe noticed she was drunk and moved to arrest her , claiming she resistedvideo shows him slamming her to the concrete of the car parkshe was knocked out and suffered a black eyecharged with dwi with a child younger than 15 and interfering with pubic dutiesincident being investigated but johnson remains on the job']\n", - "the officer , ben johnson , who has been on the force four years , was answering reports of a drunk woman inside deluxe nails at a strip mall in red rock on tuesday .police in texas are investigating claims of excessive force after an officer was caught on camera throwing an intoxicated woman to the ground of a parking lot during an arrest .when he arrived , he contained 27-year-old viviana keith , who was walking toward her car , and began handcuffing her .\n", - "viviana keith , 27 , reported to be drunk at a nail salon in red rock , texasofficer ben johnson arrived and found keith walking to her carhe noticed she was drunk and moved to arrest her , claiming she resistedvideo shows him slamming her to the concrete of the car parkshe was knocked out and suffered a black eyecharged with dwi with a child younger than 15 and interfering with pubic dutiesincident being investigated but johnson remains on the job\n", - "[1.1777369 1.318847 1.4444687 1.1625345 1.2204708 1.1157275 1.0671436\n", - " 1.1441869 1.1393036 1.1581105 1.1735525 1.068863 1.0583636 1.0122453\n", - " 1.0948272 1.1093974 1.0626575 0. 0. 0. ]\n", - "\n", - "[ 2 1 4 0 10 3 9 7 8 5 15 14 11 6 16 12 13 18 17 19]\n", - "=======================\n", - "['the pups were apparently discovered in a discarded shoe box on tuesday afternoon and taken to the humane society for immediate treatment .video footage shows the friendly feline named kit letting the four newborn chihuahuas nuzzle her fluffy belly .taking them under her paw : a rescue cat in utah has become an unlikely mother to four abandoned puppies']\n", - "=======================\n", - "['the pups were apparently discovered in a discarded shoe box on tuesday afternoon and taken to the humane society for immediate treatmentin a bid to save their lives , vets decided to put the young dogs with a surrogate catthe pairing proved to be an instant successas kit the tabby had recently nursed her own kittens , she was able to feed the puppies with her own milk']\n", - "the pups were apparently discovered in a discarded shoe box on tuesday afternoon and taken to the humane society for immediate treatment .video footage shows the friendly feline named kit letting the four newborn chihuahuas nuzzle her fluffy belly .taking them under her paw : a rescue cat in utah has become an unlikely mother to four abandoned puppies\n", - "the pups were apparently discovered in a discarded shoe box on tuesday afternoon and taken to the humane society for immediate treatmentin a bid to save their lives , vets decided to put the young dogs with a surrogate catthe pairing proved to be an instant successas kit the tabby had recently nursed her own kittens , she was able to feed the puppies with her own milk\n", - "[1.4210734 1.3653847 1.1624653 1.1320496 1.2775756 1.1342065 1.0407591\n", - " 1.0755897 1.0877346 1.0721302 1.069886 1.0453894 1.0756845 1.0514152\n", - " 1.0785452 1.0565841 1.1562767 1.0464418 1.0220833 1.0461105]\n", - "\n", - "[ 0 1 4 2 16 5 3 8 14 12 7 9 10 15 13 17 19 11 6 18]\n", - "=======================\n", - "[\"( cnn ) at first police in marana , arizona , thought the shoplifted gun mario valencia held as he walked through a busy office park was locked and unable to fire .the cable through the lever and trigger could n't be taken off , an officer was told by an employee of the walmart where valencia took the gun and some rounds of ammunition .the 36-year-old valencia was hospitalized and within a few days transferred to jail where he faces 15 charges , including shoplifting the .30 -30 rifle .\"]\n", - "=======================\n", - "['before he was slammed into by a police car , mario valencia fired a rifle with a loosened lockhe shoplifted the gun and ammo from a walmart , where a saleswoman who showed him the weapon alerted securitywalmart says the lock was properly installed but police say it was loose when it was found']\n", - "( cnn ) at first police in marana , arizona , thought the shoplifted gun mario valencia held as he walked through a busy office park was locked and unable to fire .the cable through the lever and trigger could n't be taken off , an officer was told by an employee of the walmart where valencia took the gun and some rounds of ammunition .the 36-year-old valencia was hospitalized and within a few days transferred to jail where he faces 15 charges , including shoplifting the .30 -30 rifle .\n", - "before he was slammed into by a police car , mario valencia fired a rifle with a loosened lockhe shoplifted the gun and ammo from a walmart , where a saleswoman who showed him the weapon alerted securitywalmart says the lock was properly installed but police say it was loose when it was found\n", - "[1.3017927 1.4041322 1.1823637 1.3730955 1.196162 1.0518564 1.0610614\n", - " 1.0694555 1.0833881 1.0937212 1.0756208 1.0421374 1.0346363 1.0747072\n", - " 1.0545955 1.044145 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 9 8 10 13 7 6 14 5 15 11 12 18 16 17 19]\n", - "=======================\n", - "[\"the image shows a giant distant cluster of about 3,000 stars called westerlund 2 inside a stellar ` breeding ground ' called gum 29 , 20,000 light-years from earth .to celebrate the 25th anniversary of the hubble space telescope tomorrow , nasa has released an image of a fantastic tapestry of stars snapped by the orbiting observatory .hubble was launched on 24 april 1990 aboard space shuttle discovery .\"]\n", - "=======================\n", - "[\"nasa scientists in california have released an image of distant giant cluster of 3,000 stars called westerlund 2massive stars are seen feeding regions of dust and gas in the image , sparking new star formationthe image was released to mark the hubble space telescope 's 25th anniversary tomorrowit was launched on 24 april 1990 and , after a shaky start , has had a hugely successful career\"]\n", - "the image shows a giant distant cluster of about 3,000 stars called westerlund 2 inside a stellar ` breeding ground ' called gum 29 , 20,000 light-years from earth .to celebrate the 25th anniversary of the hubble space telescope tomorrow , nasa has released an image of a fantastic tapestry of stars snapped by the orbiting observatory .hubble was launched on 24 april 1990 aboard space shuttle discovery .\n", - "nasa scientists in california have released an image of distant giant cluster of 3,000 stars called westerlund 2massive stars are seen feeding regions of dust and gas in the image , sparking new star formationthe image was released to mark the hubble space telescope 's 25th anniversary tomorrowit was launched on 24 april 1990 and , after a shaky start , has had a hugely successful career\n", - "[1.1854542 1.4081721 1.2736726 1.3700823 1.2340214 1.0872207 1.1123255\n", - " 1.1377175 1.095487 1.0353167 1.0662756 1.0438615 1.0312741 1.0590736\n", - " 1.061379 1.0563827 1.0377532 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 7 6 8 5 10 14 13 15 11 16 9 12 18 17 19]\n", - "=======================\n", - "[\"a close friend told how joseph o'riordan , 74 , had confided in him about the extraordinary plan for his 47-year-old wife mandy .extraordinary deal : joseph o'riordan stabbed his wife of ten years amanda ( left ) with a seven inch kitchen knife eight times - yesterday brighton crown court heard he was considering allowing her to have affairso'riordan , a councillor and former nightclub owner , stabbed her eight times in a jealous rage after finding out she had been having an affair with a postman .\"]\n", - "=======================\n", - "[\"joseph o'riordan , 73 , stabbed wife eight times after discovering her affairshe was left with life-threatening injuries to her torso , chest , arms and backyesterday brighton crown court heard about deal he was ready to offer herhe had told friend about the idea while in the pub just days before stabbing\"]\n", - "a close friend told how joseph o'riordan , 74 , had confided in him about the extraordinary plan for his 47-year-old wife mandy .extraordinary deal : joseph o'riordan stabbed his wife of ten years amanda ( left ) with a seven inch kitchen knife eight times - yesterday brighton crown court heard he was considering allowing her to have affairso'riordan , a councillor and former nightclub owner , stabbed her eight times in a jealous rage after finding out she had been having an affair with a postman .\n", - "joseph o'riordan , 73 , stabbed wife eight times after discovering her affairshe was left with life-threatening injuries to her torso , chest , arms and backyesterday brighton crown court heard about deal he was ready to offer herhe had told friend about the idea while in the pub just days before stabbing\n", - "[1.389414 1.4581157 1.1848066 1.432008 1.0624337 1.1194617 1.0464574\n", - " 1.0417218 1.0224352 1.0260445 1.0377594 1.058101 1.1130332 1.065394\n", - " 1.0432124 1.015915 1.024047 1.0111154 1.0911537 0. ]\n", - "\n", - "[ 1 3 0 2 5 12 18 13 4 11 6 14 7 10 9 16 8 15 17 19]\n", - "=======================\n", - "[\"on his show jimmy kimmel live the comedian sang an excerpt of the song , penned and recorded by pacquiao to be his walk-out music for the richest fight of all time against floyd mayweather .kimmel 's sidekick manuel sways to kimmel also as he sings the song dedicated to the filipino peoplepacquiao 's 80s-style music video includes a montage of the boxer 's fights and his humanitarian efforts\"]\n", - "=======================\n", - "[\"us comedian jimmy kimmel sang lalaban ako in tagalog on his showpacquiao thanked kimmel for ` trying to sing my song ' in a twitter videojimmy kimmel live was the first us talk show the filipino ever went onpacquiao fights floyd mayweather jr in las vegas , nevada , on may 2\"]\n", - "on his show jimmy kimmel live the comedian sang an excerpt of the song , penned and recorded by pacquiao to be his walk-out music for the richest fight of all time against floyd mayweather .kimmel 's sidekick manuel sways to kimmel also as he sings the song dedicated to the filipino peoplepacquiao 's 80s-style music video includes a montage of the boxer 's fights and his humanitarian efforts\n", - "us comedian jimmy kimmel sang lalaban ako in tagalog on his showpacquiao thanked kimmel for ` trying to sing my song ' in a twitter videojimmy kimmel live was the first us talk show the filipino ever went onpacquiao fights floyd mayweather jr in las vegas , nevada , on may 2\n", - "[1.2999947 1.2388425 1.325788 1.257503 1.2070574 1.1064801 1.0773798\n", - " 1.0732145 1.036798 1.0646558 1.0235175 1.1936054 1.0629374 1.0644654\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 1 4 11 5 6 7 9 13 12 8 10 14 15 16 17 18 19]\n", - "=======================\n", - "[\"a colonel and two lieutenant colonels also died in the attack in the nadhem al-taqseem region , north of fallujah in the anbar province yesterday .islamic state fighters ambushed an iraqi army convoy of humvees with a bulldozer packed with explosives , killing a commander and three of his soldiers , military officials have confirmed .iraqi army : the country 's army is embroiled in a fierce battle to reconquer the western anbar province\"]\n", - "=======================\n", - "['isis fighters ambushed an iraqi army convoy of humvees north of fallujaha suicide bomber attacked vehicles before militants opened fire yesterdaycommander of iraqi first division , colonel and two lieutenant colonels killed']\n", - "a colonel and two lieutenant colonels also died in the attack in the nadhem al-taqseem region , north of fallujah in the anbar province yesterday .islamic state fighters ambushed an iraqi army convoy of humvees with a bulldozer packed with explosives , killing a commander and three of his soldiers , military officials have confirmed .iraqi army : the country 's army is embroiled in a fierce battle to reconquer the western anbar province\n", - "isis fighters ambushed an iraqi army convoy of humvees north of fallujaha suicide bomber attacked vehicles before militants opened fire yesterdaycommander of iraqi first division , colonel and two lieutenant colonels killed\n", - "[1.2546487 1.4317025 1.3010317 1.1646298 1.1517358 1.130585 1.1300516\n", - " 1.1786245 1.1034396 1.0659635 1.0401897 1.0983921 1.1095904 1.126808\n", - " 1.0899568 1.0937155 1.0649459 1.0509665 1.0285733 1.0221835]\n", - "\n", - "[ 1 2 0 7 3 4 5 6 13 12 8 11 15 14 9 16 17 10 18 19]\n", - "=======================\n", - "[\"operation xeres will focus on allegations relating to abuse at skegby hall children 's home near mansfield .the inquiry will also look into nine other centres in nottinghamshire where children were said to have been physically or sexually abused .police have launched a major investigation into claims of sexual abuse at care homes in nottinghamshire dating back more than 70 years .\"]\n", - "=======================\n", - "[\"operation xeres will focus on abuse claims at skegby hall children 's homeinquiry will have a team of 20 looking into the historical abuse claimsmore than 20 claims have been made relating to abuse in care homes\"]\n", - "operation xeres will focus on allegations relating to abuse at skegby hall children 's home near mansfield .the inquiry will also look into nine other centres in nottinghamshire where children were said to have been physically or sexually abused .police have launched a major investigation into claims of sexual abuse at care homes in nottinghamshire dating back more than 70 years .\n", - "operation xeres will focus on abuse claims at skegby hall children 's homeinquiry will have a team of 20 looking into the historical abuse claimsmore than 20 claims have been made relating to abuse in care homes\n", - "[1.3615447 1.1975981 1.3207502 1.1862626 1.166984 1.1366645 1.140827\n", - " 1.1101648 1.1187471 1.112518 1.1039208 1.0247343 1.0597527 1.10594\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 4 6 5 8 9 7 13 10 12 11 18 14 15 16 17 19]\n", - "=======================\n", - "[\"tom o'carroll , a leading member of the notorious paedophile information exchange ( above ) , has joined the supporters of the media pressure group hacked offthe organisation , set up in the wake of the phone-hacking scandal , is campaigning against what it sees as the ` biased and unfair ' independent press standards organisation .it wants mps to set up a statutory body to regulate the press , as recommended by the leveson inquiry .\"]\n", - "=======================\n", - "[\"tom o'carroll went to rally in houses of parliament on february 2569-year-old former key activist jailed in 1981 for ` corrupting public morals 'pie was formed in 1974 to campaign for sex with children to be legalisedhis attendance at the meeting is likely to be an embarrassment for group\"]\n", - "tom o'carroll , a leading member of the notorious paedophile information exchange ( above ) , has joined the supporters of the media pressure group hacked offthe organisation , set up in the wake of the phone-hacking scandal , is campaigning against what it sees as the ` biased and unfair ' independent press standards organisation .it wants mps to set up a statutory body to regulate the press , as recommended by the leveson inquiry .\n", - "tom o'carroll went to rally in houses of parliament on february 2569-year-old former key activist jailed in 1981 for ` corrupting public morals 'pie was formed in 1974 to campaign for sex with children to be legalisedhis attendance at the meeting is likely to be an embarrassment for group\n", - "[1.245829 1.35859 1.2473297 1.0950474 1.2576482 1.2691624 1.1001853\n", - " 1.1457958 1.070672 1.0603683 1.0575194 1.1063088 1.0434569 1.0429649\n", - " 1.0486722 1.0683744 1.024238 1.0154629 1.0101244 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 5 4 2 0 7 11 6 3 8 15 9 10 14 12 13 16 17 18 22 19 20 21 23]\n", - "=======================\n", - "[\"the oscar-winning actor posted on social media that a ` benjamin cole ' of georgia , an ancestor on his mother 's side , was the relative dropped from the pbs show about his family history .his name was benjamin cole - lived in georgia on my mom 's side about six generations back . 'ben affleck today finally admitted the name of the slave ancestor he had censored from his past .\"]\n", - "=======================\n", - "[\"ben affleck has revealed name of the slave-owning ancestor which he got pbs to cut from finding my rootshe says his freedom rider mother chris anne was descended from benjamin cole , a georgia slave-owner ` about six generations ' agooscar winner apologized last night for having pbs show cut revelation of his slave-owning roots , which was first revealed last week by daily mail onlinei did n't want any television show about my family to include a guy who owned slaves .pbs has launched an internal investigation into whether or not finding your roots violated their editorial standards and its host 's future is in doubt\"]\n", - "the oscar-winning actor posted on social media that a ` benjamin cole ' of georgia , an ancestor on his mother 's side , was the relative dropped from the pbs show about his family history .his name was benjamin cole - lived in georgia on my mom 's side about six generations back . 'ben affleck today finally admitted the name of the slave ancestor he had censored from his past .\n", - "ben affleck has revealed name of the slave-owning ancestor which he got pbs to cut from finding my rootshe says his freedom rider mother chris anne was descended from benjamin cole , a georgia slave-owner ` about six generations ' agooscar winner apologized last night for having pbs show cut revelation of his slave-owning roots , which was first revealed last week by daily mail onlinei did n't want any television show about my family to include a guy who owned slaves .pbs has launched an internal investigation into whether or not finding your roots violated their editorial standards and its host 's future is in doubt\n", - "[1.5024734 1.1624224 1.1750622 1.4812183 1.2308807 1.1257005 1.0394427\n", - " 1.0150564 1.0765785 1.0197073 1.0440688 1.0183258 1.0649717 1.0621443\n", - " 1.0299097 1.1100326 1.0235224 1.0427091 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 2 1 5 15 8 12 13 10 17 6 14 16 9 11 7 18 19 20 21 22 23]\n", - "=======================\n", - "[\"arsene wenger wants cesc fabregas to be shown the ` respect he deserves ' when he returns to the emirates stadium in the blue of chelsea on sunday .cesc fabregas returns to arsenal on sunday and arsene wenger hopes fans will give him a good receptionwenger wants ` respect ' for the club 's former players and counts fabregas as a man who deserves that\"]\n", - "=======================\n", - "['arsenal face chelsea at the emirates stadium on sunday afternooncesc fabregas makes his first return to his former club in the clasharsenal manager arsene wenger wants fans to respect ex-playersthe gunners had the chance to re-sign fabregas but he went to chelseawenger refuses to say if he regrets that but admits he wishes he never leftread : arsenal can beat chelsea , says arsene wengerarsenal vs chelsea special : cesc fabregas makes emirates return']\n", - "arsene wenger wants cesc fabregas to be shown the ` respect he deserves ' when he returns to the emirates stadium in the blue of chelsea on sunday .cesc fabregas returns to arsenal on sunday and arsene wenger hopes fans will give him a good receptionwenger wants ` respect ' for the club 's former players and counts fabregas as a man who deserves that\n", - "arsenal face chelsea at the emirates stadium on sunday afternooncesc fabregas makes his first return to his former club in the clasharsenal manager arsene wenger wants fans to respect ex-playersthe gunners had the chance to re-sign fabregas but he went to chelseawenger refuses to say if he regrets that but admits he wishes he never leftread : arsenal can beat chelsea , says arsene wengerarsenal vs chelsea special : cesc fabregas makes emirates return\n", - "[1.3206122 1.1936212 1.3542931 1.2827617 1.06217 1.1775751 1.029473\n", - " 1.0304732 1.0244457 1.1044186 1.1184759 1.0741025 1.0247608 1.0576303\n", - " 1.0467031 1.0720289 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 1 5 10 9 11 15 4 13 14 7 6 12 8 22 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"the company said at its annual build conference on wednesday that it will release new programming tools for software developers to rapidly adapt their apple and android apps to run on devices that use the new windows 10 operating system coming late this year .the move marks a radical shift in strategy for the world 's biggest software company , which still dominates the personal computer market but has failed to get any real traction on tablets and phones , partly because of a lack of apps .new operating system will run on the ` broadest types of devices ever ' .\"]\n", - "=======================\n", - "['new programming tools can rapidly adapt apple and android appsfirm also revealed new browser to replace ie will be called edge']\n", - "the company said at its annual build conference on wednesday that it will release new programming tools for software developers to rapidly adapt their apple and android apps to run on devices that use the new windows 10 operating system coming late this year .the move marks a radical shift in strategy for the world 's biggest software company , which still dominates the personal computer market but has failed to get any real traction on tablets and phones , partly because of a lack of apps .new operating system will run on the ` broadest types of devices ever ' .\n", - "new programming tools can rapidly adapt apple and android appsfirm also revealed new browser to replace ie will be called edge\n", - "[1.2313187 1.3738885 1.2710344 1.3343236 1.2671149 1.1345621 1.1312773\n", - " 1.0984042 1.1314192 1.0382979 1.0199594 1.043137 1.0179379 1.087301\n", - " 1.0664102 1.0298408 1.0103177 1.0116235 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 5 8 6 7 13 14 11 9 15 10 12 17 16 18 19 20 21 22 23]\n", - "=======================\n", - "[\"the labour leader admitted that in the past his party had been ` too timid ' about making clear that for communities to live together they must use a shared language .but the tories said there was nothing in mr miliband 's plans to act to reduce the number of people moving to britain , after net migration hit 298,000 in a year .mr miliband pledged a new crackdown on illegal exploitation of migrant workers , promising a home office task force to boost prosecutions and fines on bad employers .\"]\n", - "=======================\n", - "[\"labour leader says speaking english is especially important in the nhssays communities can not live together if they do n't have shared languagewarns exploitation drives low-skilled migration and holds down wagesadmits it was wrong to open the doors to poles in 2004 without curbs\"]\n", - "the labour leader admitted that in the past his party had been ` too timid ' about making clear that for communities to live together they must use a shared language .but the tories said there was nothing in mr miliband 's plans to act to reduce the number of people moving to britain , after net migration hit 298,000 in a year .mr miliband pledged a new crackdown on illegal exploitation of migrant workers , promising a home office task force to boost prosecutions and fines on bad employers .\n", - "labour leader says speaking english is especially important in the nhssays communities can not live together if they do n't have shared languagewarns exploitation drives low-skilled migration and holds down wagesadmits it was wrong to open the doors to poles in 2004 without curbs\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[1.482246 1.3683189 1.0960021 1.4377148 1.3190954 1.0934627 1.0448118\n", - " 1.0561755 1.0422559 1.048971 1.0525044 1.0171053 1.0177695 1.0111282\n", - " 1.0256599 1.1599864 1.1944482 1.0359536 1.041903 1.015949 1.0968804\n", - " 1.006387 1.009333 1.013565 ]\n", - "\n", - "[ 0 3 1 4 16 15 20 2 5 7 10 9 6 8 18 17 14 12 11 19 23 13 22 21]\n", - "=======================\n", - "[\"carlo ancelotti hailed diego simeone as one of the world 's best coaches as the italian looked ahead to real madrid 's champions league clash with atletico madrid .real madrid travel to the vicente calderon for their quarter-final first-leg match on tuesday , and ancelotti admits facing simeone is both an ` honour ' and a ` problem ' .simeone 's atleti side host rivals real madrid in their champions league quarter-final first leg on tuesday\"]\n", - "=======================\n", - "['carlo ancelotti says diego simeone has proved himself as one of the bestreal madrid face champions league quarter-final clash against atleticoreal boss reveals he has a fully fit squad to choose from for the first leg']\n", - "carlo ancelotti hailed diego simeone as one of the world 's best coaches as the italian looked ahead to real madrid 's champions league clash with atletico madrid .real madrid travel to the vicente calderon for their quarter-final first-leg match on tuesday , and ancelotti admits facing simeone is both an ` honour ' and a ` problem ' .simeone 's atleti side host rivals real madrid in their champions league quarter-final first leg on tuesday\n", - "carlo ancelotti says diego simeone has proved himself as one of the bestreal madrid face champions league quarter-final clash against atleticoreal boss reveals he has a fully fit squad to choose from for the first leg\n", - "[1.305219 1.5879736 1.2230113 1.3616052 1.2754153 1.1472654 1.016121\n", - " 1.0189813 1.0176586 1.1279333 1.0115429 1.0329269 1.0465188 1.1890398\n", - " 1.0860561 1.1089118 1.007089 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 13 5 9 15 14 12 11 7 8 6 10 16 17 18]\n", - "=======================\n", - "[\"the belgium striker was signed by liverpool in a # 10million deal after impressing at the 2014 world cup in brazil , before being loaned back to lille for the 2014-15 season .divock origi said the progress of liverpool 's youngsters have heightened his excitement at joining the clubbut origi has been following liverpool 's progress from across the english channel and after seeing the rise of ibe and raheem sterling , is eagerly anticipating working under brendan rodgers .\"]\n", - "=======================\n", - "[\"divock origi signed for liverpool last year but went back to lille on loanhe will join up with liverpool properly after the end of the seasonorigi is impressed with the progress of jordon ibe and raheem sterlingsterling insists contract criticism ` goes in one ear and out the other 'click here for all the latest liverpool news\"]\n", - "the belgium striker was signed by liverpool in a # 10million deal after impressing at the 2014 world cup in brazil , before being loaned back to lille for the 2014-15 season .divock origi said the progress of liverpool 's youngsters have heightened his excitement at joining the clubbut origi has been following liverpool 's progress from across the english channel and after seeing the rise of ibe and raheem sterling , is eagerly anticipating working under brendan rodgers .\n", - "divock origi signed for liverpool last year but went back to lille on loanhe will join up with liverpool properly after the end of the seasonorigi is impressed with the progress of jordon ibe and raheem sterlingsterling insists contract criticism ` goes in one ear and out the other 'click here for all the latest liverpool news\n", - "[1.3729224 1.3818946 1.3077495 1.0538788 1.1968815 1.142592 1.0454654\n", - " 1.0657845 1.0457572 1.0802543 1.0264527 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 5 9 7 3 8 6 10 17 11 12 13 14 15 16 18]\n", - "=======================\n", - "[\"ian pettigrew , 46 , from ontario , canada , was working on his book of portraits , just breathe : adults with cystic fibrosis , when he realized that he had far more female subjects than male .a fashion photographer suffering from cystic fibrosis ( cf ) is revolutionizing the way people look at the life-threatening disorder by snapping the portraits of 56 adult women living with the genetic disease to bring hope to children and teens diagnosed with the condition , which has no known cure .after someone noted that the collection of photos was ` turning out to be a bunch of hot chicks with cf ' , he became inspired to start his second project , salty girls , starring women with the disorder , which damages the lungs and digestive system . '\"]\n", - "=======================\n", - "[\"56 women with cystic fibrosis have been photographed so far for ian pettigrew 's upcoming photography book salty girlsthe 46-year-old from ontario , canada , said the project is ` dedicated to showing how beautiful those fighting cf truly are 'cystic fibrosis is a life-threatening genetic condition that damages the lungs and digestive system\"]\n", - "ian pettigrew , 46 , from ontario , canada , was working on his book of portraits , just breathe : adults with cystic fibrosis , when he realized that he had far more female subjects than male .a fashion photographer suffering from cystic fibrosis ( cf ) is revolutionizing the way people look at the life-threatening disorder by snapping the portraits of 56 adult women living with the genetic disease to bring hope to children and teens diagnosed with the condition , which has no known cure .after someone noted that the collection of photos was ` turning out to be a bunch of hot chicks with cf ' , he became inspired to start his second project , salty girls , starring women with the disorder , which damages the lungs and digestive system . '\n", - "56 women with cystic fibrosis have been photographed so far for ian pettigrew 's upcoming photography book salty girlsthe 46-year-old from ontario , canada , said the project is ` dedicated to showing how beautiful those fighting cf truly are 'cystic fibrosis is a life-threatening genetic condition that damages the lungs and digestive system\n", - "[1.2252871 1.3091886 1.3000338 1.2940828 1.2094028 1.1066352 1.2421188\n", - " 1.1744307 1.1033555 1.0375518 1.2289286 1.1514134 1.0101621 1.0969241\n", - " 1.0676155 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 6 10 0 4 7 11 5 8 13 14 9 12 17 15 16 18]\n", - "=======================\n", - "['the driver was left bloodied after the man allegedly hit him with a broken fence paling , witnesses told the herald sun .police say the car crashed through a fence and into the front bedroom of the breakwater house after its driver apparently failed to negotiate a roundabout just after 8.30 pm on sunday .a baby girl is in hospital with life-threatening injuries after a car crashed into the bedroom of a geelong house']\n", - "=======================\n", - "[\"a four-month-old baby girl is in hospital with life-threatening injuriesa 20-year-old man 's car crashed into the bedroom of her geelong housepolice say a car crashed through a fence and into the breakwater house after its driver apparently failed to negotiate a roundabout\"]\n", - "the driver was left bloodied after the man allegedly hit him with a broken fence paling , witnesses told the herald sun .police say the car crashed through a fence and into the front bedroom of the breakwater house after its driver apparently failed to negotiate a roundabout just after 8.30 pm on sunday .a baby girl is in hospital with life-threatening injuries after a car crashed into the bedroom of a geelong house\n", - "a four-month-old baby girl is in hospital with life-threatening injuriesa 20-year-old man 's car crashed into the bedroom of her geelong housepolice say a car crashed through a fence and into the breakwater house after its driver apparently failed to negotiate a roundabout\n", - "[1.2632318 1.4063141 1.3481239 1.4043924 1.2473716 1.1784725 1.0423216\n", - " 1.0519713 1.0892841 1.131847 1.1642084 1.0480894 1.0106301 1.0125295\n", - " 1.0168846 1.0138286 1.0170771 1.0094248 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 10 9 8 7 11 6 16 14 15 13 12 17 18]\n", - "=======================\n", - "[\"motaz zaid , who is currently studying economics at the university of greenwich , was with a friend in st marks close in parsons green , south west london , in the early hours of friday when the group of thugs targeted them .his friend , who wishes to remain anonymous , said the pair were sprayed with ammonia and assaulted with tools before mr zaid , 20 , was bundled into a mercedes c220 estate and driven off .a student remains under police guard in hospital after being kidnapped , tortured with pliers and forced to drink bleach by masked men in an apparent revenge attack for ` accidentally scraping a man 's car ' .\"]\n", - "=======================\n", - "['motaz zaid , 20 , apparently kidnapped , tortured and forced to drink bleachhe was bundled into a mercedes c220 estate , attacked and later dumpedpolice found him at the roadside in south west london with critical injuriesofficers now hunting gang of masked raiders accused of the horrific attack']\n", - "motaz zaid , who is currently studying economics at the university of greenwich , was with a friend in st marks close in parsons green , south west london , in the early hours of friday when the group of thugs targeted them .his friend , who wishes to remain anonymous , said the pair were sprayed with ammonia and assaulted with tools before mr zaid , 20 , was bundled into a mercedes c220 estate and driven off .a student remains under police guard in hospital after being kidnapped , tortured with pliers and forced to drink bleach by masked men in an apparent revenge attack for ` accidentally scraping a man 's car ' .\n", - "motaz zaid , 20 , apparently kidnapped , tortured and forced to drink bleachhe was bundled into a mercedes c220 estate , attacked and later dumpedpolice found him at the roadside in south west london with critical injuriesofficers now hunting gang of masked raiders accused of the horrific attack\n", - "[1.3926177 1.3321439 1.281723 1.3177476 1.1405337 1.1149225 1.0623605\n", - " 1.0265117 1.0197995 1.0866276 1.1220831 1.1574087 1.0810274 1.0884315\n", - " 1.0236055 1.0418059 1.0181859 1.0085926 1.0597926]\n", - "\n", - "[ 0 1 3 2 11 4 10 5 13 9 12 6 18 15 7 14 8 16 17]\n", - "=======================\n", - "[\"countryfile presenter ellie harrison said that she completely ` accepts ' that she will one day be replaced on the bbc show .the 37-year-old , who has defended her image against criticism that she 's too ` hollywood ' , told the mirror : ` you 're hot one year but completely out of favour the next . 'but the mother-of-two , who joined the programme in 2011 , said she 'd love to stay where she is for ' a long time ' .\"]\n", - "=======================\n", - "[\"ellie harrison says she ` accepts ' that she will one day be replacedshe has previously been asked to be less ` hollywood ' on screen a comment she believes refers to her blonde hairin 2009 bbc came under fire for dropping former countryfile presenter miriam o'reilly who successfully sued them in 2009\"]\n", - "countryfile presenter ellie harrison said that she completely ` accepts ' that she will one day be replaced on the bbc show .the 37-year-old , who has defended her image against criticism that she 's too ` hollywood ' , told the mirror : ` you 're hot one year but completely out of favour the next . 'but the mother-of-two , who joined the programme in 2011 , said she 'd love to stay where she is for ' a long time ' .\n", - "ellie harrison says she ` accepts ' that she will one day be replacedshe has previously been asked to be less ` hollywood ' on screen a comment she believes refers to her blonde hairin 2009 bbc came under fire for dropping former countryfile presenter miriam o'reilly who successfully sued them in 2009\n", - "[1.2824336 1.26803 1.348924 1.0893185 1.0918444 1.0892706 1.1972432\n", - " 1.1408306 1.0415125 1.0268342 1.0425701 1.1259506 1.1115509 1.1228085\n", - " 1.092597 1.0602218 1.0963324 1.0543431 1.0549314 1.0429213 1.0461746]\n", - "\n", - "[ 2 0 1 6 7 11 13 12 16 14 4 3 5 15 18 17 20 19 10 8 9]\n", - "=======================\n", - "['the london ambulance service said at the peak they were dealing with over 600 calls per hour which is more than three times as many as on a normal night .emergency services were inundated with 600 calls an hour last night as revellers up and down britain drank in 2012 .paramedics were stretched to the limit and in cambridge a territorial army field hospital was set-up to deal with drunk partygoers .']\n", - "=======================\n", - "['77 people arrested in london as 3,000 police officers flood the streetsambulance crews in the capital receive 2,333 calls']\n", - "the london ambulance service said at the peak they were dealing with over 600 calls per hour which is more than three times as many as on a normal night .emergency services were inundated with 600 calls an hour last night as revellers up and down britain drank in 2012 .paramedics were stretched to the limit and in cambridge a territorial army field hospital was set-up to deal with drunk partygoers .\n", - "77 people arrested in london as 3,000 police officers flood the streetsambulance crews in the capital receive 2,333 calls\n", - "[1.3666806 1.303253 1.1879513 1.1098429 1.1479816 1.0648545 1.2844152\n", - " 1.0463744 1.0328171 1.1679599 1.0910326 1.0462381 1.0207258 1.017607\n", - " 1.0543251 1.018084 1.0135374 1.0175962 1.0434334 0. 0. ]\n", - "\n", - "[ 0 1 6 2 9 4 3 10 5 14 7 11 18 8 12 15 13 17 16 19 20]\n", - "=======================\n", - "[\"kim kardashian has revealed that she is going to great lengths to make sure that her luxurious designer wardrobe stays in mint condition because she plans on handing ` everything ' down to her 22-month-old daughter north west .[ ` i 'm saving ] every last piece , ' kim told the huffington post of her most memorable designer ensembles .the dress that i wore on the cover of vogue will be hers .\"]\n", - "=======================\n", - "[\"the 34-year-old revealed that she keeps ` everything ' she wears and stores the items in ` clear plastic bags 'kim gave birth to north , her first child with husband kanye west , on june 15 , 2013\"]\n", - "kim kardashian has revealed that she is going to great lengths to make sure that her luxurious designer wardrobe stays in mint condition because she plans on handing ` everything ' down to her 22-month-old daughter north west .[ ` i 'm saving ] every last piece , ' kim told the huffington post of her most memorable designer ensembles .the dress that i wore on the cover of vogue will be hers .\n", - "the 34-year-old revealed that she keeps ` everything ' she wears and stores the items in ` clear plastic bags 'kim gave birth to north , her first child with husband kanye west , on june 15 , 2013\n", - "[1.4714509 1.1452602 1.3278948 1.5519097 1.3433557 1.0722226 1.0328808\n", - " 1.0144745 1.0139368 1.0508476 1.0136275 1.0106844 1.1733038 1.1579117\n", - " 1.0458971 1.0139444 1.0120279 1.0074687 0. 0. 0. ]\n", - "\n", - "[ 3 0 4 2 12 13 1 5 9 14 6 7 15 8 10 16 11 17 19 18 20]\n", - "=======================\n", - "[\"raheem sterling will still be a liverpool player next season , insists reds boss brendan rodgerssterling ( left ) started liverpool 's 4-1 defeat at arsenal on saturday despite going public over his club contractsterling told the bbc that he turned down a new # 100,000-a-week deal but insisted he was not a ` money-grabbing 20-year-old ' , while also admitting that links to saturday 's opponents arsenal were ` quite flattering ' .\"]\n", - "=======================\n", - "[\"arsenal beat liverpool 4-1 in their premier league encounter on saturdayraheem sterling won a second half penalty for the visitors at the emiratessterling has turned down a liverpool deal worth # 100,000-a-week20-year-old gave an interview to the bbc on wednesday over the issuedefeat leaves seven points adrift of fourth-placed manchester city - in race for qualifying for next season 's champions league\"]\n", - "raheem sterling will still be a liverpool player next season , insists reds boss brendan rodgerssterling ( left ) started liverpool 's 4-1 defeat at arsenal on saturday despite going public over his club contractsterling told the bbc that he turned down a new # 100,000-a-week deal but insisted he was not a ` money-grabbing 20-year-old ' , while also admitting that links to saturday 's opponents arsenal were ` quite flattering ' .\n", - "arsenal beat liverpool 4-1 in their premier league encounter on saturdayraheem sterling won a second half penalty for the visitors at the emiratessterling has turned down a liverpool deal worth # 100,000-a-week20-year-old gave an interview to the bbc on wednesday over the issuedefeat leaves seven points adrift of fourth-placed manchester city - in race for qualifying for next season 's champions league\n", - "[1.3815994 1.4032434 1.3418189 1.5110323 1.152673 1.0234768 1.0385308\n", - " 1.0187114 1.0152475 1.0747354 1.168539 1.1234137 1.085027 1.0592374\n", - " 1.0775113 1.0384085 1.0677342 1.0097523 1.0080996 0. 0. ]\n", - "\n", - "[ 3 1 0 2 10 4 11 12 14 9 16 13 6 15 5 7 8 17 18 19 20]\n", - "=======================\n", - "['darren bent has scored nine goals in 13 games for derby since going on loan from aston villa in januarybent was out of favour with sacked manager paul lambert and rams boss steve mcclaren took the chance to add the experienced striker to his line-up on loan until the end of the campaign .but with tim sherwood now in charge at villa park the 31-year-old is keeping his options open .']\n", - "=======================\n", - "[\"darren bent said he 'll wait until the season 's end to decide on his futurevilla striker becomes a free agent at the end of this campaign with derbybent 's been on loan with brighton , fulham and derby most recentlyhe was out of favour with paul lambert but could return for tim sherwoodclick here for all the latest aston villa news\"]\n", - "darren bent has scored nine goals in 13 games for derby since going on loan from aston villa in januarybent was out of favour with sacked manager paul lambert and rams boss steve mcclaren took the chance to add the experienced striker to his line-up on loan until the end of the campaign .but with tim sherwood now in charge at villa park the 31-year-old is keeping his options open .\n", - "darren bent said he 'll wait until the season 's end to decide on his futurevilla striker becomes a free agent at the end of this campaign with derbybent 's been on loan with brighton , fulham and derby most recentlyhe was out of favour with paul lambert but could return for tim sherwoodclick here for all the latest aston villa news\n", - "[1.2655933 1.3350472 1.2218407 1.1893187 1.169448 1.2285469 1.138078\n", - " 1.0788634 1.0848433 1.0382301 1.040466 1.078311 1.0575778 1.0590163\n", - " 1.1426928 1.0379486 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 5 2 3 4 14 6 8 7 11 13 12 10 9 15 16 17 18 19 20]\n", - "=======================\n", - "['the tory party chairman had been accused this week of using an anonymous user id to delete embarrassing facts about his past and add unflattering details about his political rivals .the wikipedia official who accused grant shapps of doctoring his own online biography was exposed yesterday as a former liberal democrat member .volunteer : richard symonds , who joined the wikipedia project in 2004 , says he was not being political']\n", - "=======================\n", - "[\"official who accused mr shapps of doctoring his profile a former lib demrichard symonds , 29 , is one of the uk 's top administrators for wikipediahowever , he once described himself as a ` liberal democrat to the last 'he decided to block a user called ` contribsx ' on tuesday after concluding it was probably operated by mr shapps or under his ` clear direction '\"]\n", - "the tory party chairman had been accused this week of using an anonymous user id to delete embarrassing facts about his past and add unflattering details about his political rivals .the wikipedia official who accused grant shapps of doctoring his own online biography was exposed yesterday as a former liberal democrat member .volunteer : richard symonds , who joined the wikipedia project in 2004 , says he was not being political\n", - "official who accused mr shapps of doctoring his profile a former lib demrichard symonds , 29 , is one of the uk 's top administrators for wikipediahowever , he once described himself as a ` liberal democrat to the last 'he decided to block a user called ` contribsx ' on tuesday after concluding it was probably operated by mr shapps or under his ` clear direction '\n", - "[1.2971222 1.0366173 1.0959902 1.0337198 1.2330236 1.3134402 1.2274786\n", - " 1.1146944 1.1276934 1.1388565 1.1920953 1.0930824 1.0626843 1.0661372\n", - " 1.0934542 1.0601324 1.0262222 1.0162072 1.0642568 1.0253332 0.\n", - " 0. ]\n", - "\n", - "[ 5 0 4 6 10 9 8 7 2 14 11 13 18 12 15 1 3 16 19 17 20 21]\n", - "=======================\n", - "[\"the pain can severely impact on quality of life , as eating and drinking are significantly affected .q : i have been suffering from mouth ulcers for the past five months and feel i 'm living on bonjela and mouthwash .a : mouth ulcers may seem like a minor ailment but can actually be incredibly distressing .\"]\n", - "=======================\n", - "[\"the mail on sunday 's brilliant gp with all the health answers you need\"]\n", - "the pain can severely impact on quality of life , as eating and drinking are significantly affected .q : i have been suffering from mouth ulcers for the past five months and feel i 'm living on bonjela and mouthwash .a : mouth ulcers may seem like a minor ailment but can actually be incredibly distressing .\n", - "the mail on sunday 's brilliant gp with all the health answers you need\n", - "[1.2294177 1.3241022 1.2642121 1.1902577 1.1658329 1.3368518 1.1232023\n", - " 1.0205951 1.0714794 1.0912882 1.0794294 1.0511994 1.0582322 1.0795707\n", - " 1.0697198 1.023126 1.0670253 1.0560666 1.0530205 0. 0.\n", - " 0. ]\n", - "\n", - "[ 5 1 2 0 3 4 6 9 13 10 8 14 16 12 17 18 11 15 7 20 19 21]\n", - "=======================\n", - "['split : josh hamilton filed for divorce from his wife , katie , in late february , it has emerged .hamilton , 33 , married his wife katie in 2004 .katie , who will appear on the 10th season of the real housewives of orange county when it airs this summer , has a daughter from a previous relationship and three more daughters with hamilton .']\n", - "=======================\n", - "[\"josh hamilton , 33 , filed for divorce from his wife katie in february - around the time he self-reported a cocaine and alcohol relapsekatie hamilton is set to appear on the 10th season of real housewives of orange countythe couple married in 2004 and have four daughters but court documents show he is not allowed to see them without supervisionan arbitrator ruled that he will not be disciplined for the latest relapse but angels ' owner arte moreno said hamilton might not return to the team\"]\n", - "split : josh hamilton filed for divorce from his wife , katie , in late february , it has emerged .hamilton , 33 , married his wife katie in 2004 .katie , who will appear on the 10th season of the real housewives of orange county when it airs this summer , has a daughter from a previous relationship and three more daughters with hamilton .\n", - "josh hamilton , 33 , filed for divorce from his wife katie in february - around the time he self-reported a cocaine and alcohol relapsekatie hamilton is set to appear on the 10th season of real housewives of orange countythe couple married in 2004 and have four daughters but court documents show he is not allowed to see them without supervisionan arbitrator ruled that he will not be disciplined for the latest relapse but angels ' owner arte moreno said hamilton might not return to the team\n", - "[1.2291983 1.326438 1.3493423 1.2307433 1.2939172 1.2234381 1.1520325\n", - " 1.055431 1.0220485 1.0259291 1.0139704 1.0452265 1.0523839 1.1058851\n", - " 1.0612499 1.138761 1.0122395 1.0108553 1.0076742 1.1052233 1.069831\n", - " 1.0316237]\n", - "\n", - "[ 2 1 4 3 0 5 6 15 13 19 20 14 7 12 11 21 9 8 10 16 17 18]\n", - "=======================\n", - "[\"gertrude weaver , a 116-year-old arkansas woman who was the oldest documented person for a total of six days , died on monday .jeralean talley of inkster tops a list maintained by the los angeles-based gerontology research group , which tracks the world 's longest-living people .talley was born may 23 , 1899 .\"]\n", - "=======================\n", - "[\"jeralean talley was born on may 23 , 1899she credits her longevity to her faithinherited the title of world 's oldest person following the death of arkansas woman gertrude weaver , 116 , on mondayfriends said talley remains ` very sharp ' and goes on a yearly fishing trip\"]\n", - "gertrude weaver , a 116-year-old arkansas woman who was the oldest documented person for a total of six days , died on monday .jeralean talley of inkster tops a list maintained by the los angeles-based gerontology research group , which tracks the world 's longest-living people .talley was born may 23 , 1899 .\n", - "jeralean talley was born on may 23 , 1899she credits her longevity to her faithinherited the title of world 's oldest person following the death of arkansas woman gertrude weaver , 116 , on mondayfriends said talley remains ` very sharp ' and goes on a yearly fishing trip\n", - "[1.4284172 1.2460898 1.1387919 1.1265488 1.1992583 1.1876767 1.0354229\n", - " 1.0362304 1.0467993 1.0369898 1.1001638 1.0727293 1.0400707 1.0530069\n", - " 1.0342189 1.0518622 1.1639056 1.0555207 1.0568948 1.0401684 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 4 5 16 2 3 10 11 18 17 13 15 8 19 12 9 7 6 14 20 21]\n", - "=======================\n", - "[\"( cnn ) sofia vergara 's ex-fiance is speaking out about their dispute over frozen embryos created while they dated .in an op-ed published by the new york times on wednesday , nick loeb explained his rationale for fighting to keep the two female embryos he shares with the actress .loeb says he met the actress in 2010 and they got engaged two years later , at which point they decided to create the embryos and conceive a child via a surrogate .\"]\n", - "=======================\n", - "['loeb says he filed a complaint against the actress to prevent her from destroying their two embryosthe couple created the embryos while they were engaged']\n", - "( cnn ) sofia vergara 's ex-fiance is speaking out about their dispute over frozen embryos created while they dated .in an op-ed published by the new york times on wednesday , nick loeb explained his rationale for fighting to keep the two female embryos he shares with the actress .loeb says he met the actress in 2010 and they got engaged two years later , at which point they decided to create the embryos and conceive a child via a surrogate .\n", - "loeb says he filed a complaint against the actress to prevent her from destroying their two embryosthe couple created the embryos while they were engaged\n", - "[1.1761988 1.3932531 1.2782314 1.2823975 1.2703595 1.0477924 1.0314453\n", - " 1.0268862 1.1068895 1.0713334 1.0562973 1.0139927 1.0172925 1.15593\n", - " 1.1058002 1.0960612 1.1027961 1.1471728 1.0743365 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 4 0 13 17 8 14 16 15 18 9 10 5 6 7 12 11 20 19 21]\n", - "=======================\n", - "['effective immediately , players with 60 caps who have held professional contract with australian rugby for at least seven years will be eligible to continue their international careers even if they are signed to a club overseas .drew mitchell ( l ) and matt giteau ( r ) of toulon are now eligible for australia after the aru passed a new ruleother players based abroad will immediately become eligible if they commit to playing super rugby in australia for the following two seasons .']\n", - "=======================\n", - "['australia to allow overseas players with over 60 caps to be selectedthey also must have held australian rugby contract for seven yearsmatt giteau and drew mitchell ( both at toulon ) are both now eligiblegeorge smith ( lyon ) is another wallaby currently playing overseashost of top australian players are heading abroad next season']\n", - "effective immediately , players with 60 caps who have held professional contract with australian rugby for at least seven years will be eligible to continue their international careers even if they are signed to a club overseas .drew mitchell ( l ) and matt giteau ( r ) of toulon are now eligible for australia after the aru passed a new ruleother players based abroad will immediately become eligible if they commit to playing super rugby in australia for the following two seasons .\n", - "australia to allow overseas players with over 60 caps to be selectedthey also must have held australian rugby contract for seven yearsmatt giteau and drew mitchell ( both at toulon ) are both now eligiblegeorge smith ( lyon ) is another wallaby currently playing overseashost of top australian players are heading abroad next season\n", - "[1.3281862 1.2831415 1.3147935 1.2773451 1.2486448 1.0937 1.0941027\n", - " 1.0356236 1.0395926 1.0344335 1.0448252 1.0520519 1.0315093 1.0480084\n", - " 1.1673516 1.1150962 1.0225062 1.0700316 1.0282694]\n", - "\n", - "[ 0 2 1 3 4 14 15 6 5 17 11 13 10 8 7 9 12 18 16]\n", - "=======================\n", - "[\"in 2011 the unmanned dawn spacecraft became humanity 's first ever emissary to the huge asteroid vesta , which resides in the asteroid belt between mars and jupiter .using the map you can see a huge amount of features on vesta , from craters to the amount of sunlight hitting the surface - and switching to ` 3d mode ' also lets you fly around like you were in your own spacecraft .and using images collected by the spacecraft , nasa has unveiled an interactive tool that lets you explore this world .\"]\n", - "=======================\n", - "[\"nasa scientists in california have revealed an interactive 3d map for vesta using images from the dawn spacecraftthe map lets you see features on the surface including craters , hills , mountains and even ` canyons 'you can also measure elevation changes on the surface and see different measurement dataand a ` gaming mode ' lets you fly around the largest asteroid in the solar system using your keyboard 's arrow keys\"]\n", - "in 2011 the unmanned dawn spacecraft became humanity 's first ever emissary to the huge asteroid vesta , which resides in the asteroid belt between mars and jupiter .using the map you can see a huge amount of features on vesta , from craters to the amount of sunlight hitting the surface - and switching to ` 3d mode ' also lets you fly around like you were in your own spacecraft .and using images collected by the spacecraft , nasa has unveiled an interactive tool that lets you explore this world .\n", - "nasa scientists in california have revealed an interactive 3d map for vesta using images from the dawn spacecraftthe map lets you see features on the surface including craters , hills , mountains and even ` canyons 'you can also measure elevation changes on the surface and see different measurement dataand a ` gaming mode ' lets you fly around the largest asteroid in the solar system using your keyboard 's arrow keys\n", - "[1.200145 1.4143059 1.3103107 1.3549016 1.1674993 1.125761 1.0692457\n", - " 1.0540121 1.0826792 1.0711308 1.1025671 1.0405452 1.0520688 1.0227236\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 10 8 9 6 7 12 11 13 17 14 15 16 18]\n", - "=======================\n", - "[\"it has been revealed that starving competitors on the survival show hunted and killed an endangered crocodile during filming after the show 's bosses mistook it for a more common species .male competitors on bear grylls ' show the island had not eaten for two weeks when they killed what producers believed was a common caiman - but later discovered was an endangered american crocodilewhile the animal 's exact numbers in the wild are unknown , conservationists are in agreement that illegal hunting and habitat destruction have left it critically endangered .\"]\n", - "=======================\n", - "['male contestants had not eaten for two weeks when they killed reptilebosses though it was common caiman , but it was an american crocodilespecies is listed as endangered and laws protect it from being hunted']\n", - "it has been revealed that starving competitors on the survival show hunted and killed an endangered crocodile during filming after the show 's bosses mistook it for a more common species .male competitors on bear grylls ' show the island had not eaten for two weeks when they killed what producers believed was a common caiman - but later discovered was an endangered american crocodilewhile the animal 's exact numbers in the wild are unknown , conservationists are in agreement that illegal hunting and habitat destruction have left it critically endangered .\n", - "male contestants had not eaten for two weeks when they killed reptilebosses though it was common caiman , but it was an american crocodilespecies is listed as endangered and laws protect it from being hunted\n", - "[1.3301126 1.1778848 1.2951648 1.3348635 1.1630523 1.1285759 1.0283377\n", - " 1.0721055 1.0952483 1.0576811 1.1469933 1.0310304 1.0603492 1.1307807\n", - " 1.0186031 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 1 4 10 13 5 8 7 12 9 11 6 14 17 15 16 18]\n", - "=======================\n", - "['the ponchos - together with heritage trench coats and scarves - have boosted burberry sales by 10 per cent over the winter .sales of a burberry poncho ( modelled by cara delevigne ) carrying a personal monogram and costing more than # 1,000 have helped boost profitsthe poncho originated as a rather humble garment worn by south american tribes and later featured on the back of clint eastwood in the spaghetti westerns .']\n", - "=======================\n", - "[\"sales of # 1,100 poncho spotted on stars have boosted burberry 's profitsponchos , coats and scarves boosted sales by 10 per cent over wintervictoria beckham , rosie huntington-whiteley and sienna miller were all spotted wearing the ponhos , each monogrammed with their initials\"]\n", - "the ponchos - together with heritage trench coats and scarves - have boosted burberry sales by 10 per cent over the winter .sales of a burberry poncho ( modelled by cara delevigne ) carrying a personal monogram and costing more than # 1,000 have helped boost profitsthe poncho originated as a rather humble garment worn by south american tribes and later featured on the back of clint eastwood in the spaghetti westerns .\n", - "sales of # 1,100 poncho spotted on stars have boosted burberry 's profitsponchos , coats and scarves boosted sales by 10 per cent over wintervictoria beckham , rosie huntington-whiteley and sienna miller were all spotted wearing the ponhos , each monogrammed with their initials\n", - "[1.2328316 1.4998896 1.149062 1.3235649 1.1959299 1.2074287 1.0997683\n", - " 1.063497 1.0767641 1.0907725 1.1337333 1.095103 1.0476176 1.1198419\n", - " 1.0648896 1.0970503 1.0376127 1.0416868 0. ]\n", - "\n", - "[ 1 3 0 5 4 2 10 13 6 15 11 9 8 14 7 12 17 16 18]\n", - "=======================\n", - "['hina shamim , 21 , died close to the university of kingston in london last night , just weeks before her 22nd birthday .hina shamim was killed after she was knocked down as she walked a short distance from home to the librarylast night she was killed and eight others , including five children , were injured in a horror crash involving a bus and a car .']\n", - "=======================\n", - "['hina shamim died after she was knocked down outside university librarythe 21-year-old student was due to celebrate her birthday in a few weekscrash involved a bmw carrying five children as young as four and a busdriver , 34 , arrested on suspicion of causing death by dangerous driving']\n", - "hina shamim , 21 , died close to the university of kingston in london last night , just weeks before her 22nd birthday .hina shamim was killed after she was knocked down as she walked a short distance from home to the librarylast night she was killed and eight others , including five children , were injured in a horror crash involving a bus and a car .\n", - "hina shamim died after she was knocked down outside university librarythe 21-year-old student was due to celebrate her birthday in a few weekscrash involved a bmw carrying five children as young as four and a busdriver , 34 , arrested on suspicion of causing death by dangerous driving\n", - "[1.1845039 1.4946685 1.4572257 1.2821211 1.1421434 1.0575471 1.0645078\n", - " 1.0264814 1.0626261 1.0141964 1.1327623 1.2464473 1.0820628 1.0555028\n", - " 1.0588776 1.0455875 1.0222328 0. 0. ]\n", - "\n", - "[ 1 2 3 11 0 4 10 12 6 8 14 5 13 15 7 16 9 17 18]\n", - "=======================\n", - "[\"the modern-day martin burgess clock b is based on john harrison 's 18th century clock , which he thought up to solve the problem of determining longitude at sea .it has been part of a 100-day trial at the royal observatory , in greenwich , to see if the claim - that the clock would neither lose nor gain more than a second in 100 days - was true .a clock based on a design from 300 years ago has stunned experts by keeping accurate to a second for 100 days .\"]\n", - "=======================\n", - "[\"martin burgess clock b is based on john harrison 's 18th century designclock was strapped to a pillar at the royal observatory in greenwichtime measured using a radio-controlled clock and the bt speaking clockcertified by guinness book of records , national maritime museum said\"]\n", - "the modern-day martin burgess clock b is based on john harrison 's 18th century clock , which he thought up to solve the problem of determining longitude at sea .it has been part of a 100-day trial at the royal observatory , in greenwich , to see if the claim - that the clock would neither lose nor gain more than a second in 100 days - was true .a clock based on a design from 300 years ago has stunned experts by keeping accurate to a second for 100 days .\n", - "martin burgess clock b is based on john harrison 's 18th century designclock was strapped to a pillar at the royal observatory in greenwichtime measured using a radio-controlled clock and the bt speaking clockcertified by guinness book of records , national maritime museum said\n", - "[1.3419645 1.5114841 1.1673688 1.335279 1.2087684 1.141037 1.0885158\n", - " 1.0884324 1.0560076 1.2969759 1.0559071 1.1163977 1.0326008 1.046761\n", - " 1.0579804 1.0730689 1.1046362 1.0057892 1.0088376 0. ]\n", - "\n", - "[ 1 0 3 9 4 2 5 11 16 6 7 15 14 8 10 13 12 18 17 19]\n", - "=======================\n", - "[\"arsene wenger revealed the attacking midfielder has suffered a setback in his bid to return from a hamstring strain that has sidelined him since the fa cup win over manchester united on march 9 .arsenal are trying to find a cure for alex oxlade-chamberlain 's persistent groin problems in a bid to prevent surgery .oxlade-chamberlain has been struggling with an ongoing groin problem for several months\"]\n", - "=======================\n", - "[\"alex oxlade-chamberlain has been out of action since march 9arsenal midfielder suffers from persistent groin problemsarsenal are exploring other treatments , but any surgery would be delayedread : arsenal bid to finalise transfer for ` next lionel messi ' maxi romeroclick here for all the latest arsenal news\"]\n", - "arsene wenger revealed the attacking midfielder has suffered a setback in his bid to return from a hamstring strain that has sidelined him since the fa cup win over manchester united on march 9 .arsenal are trying to find a cure for alex oxlade-chamberlain 's persistent groin problems in a bid to prevent surgery .oxlade-chamberlain has been struggling with an ongoing groin problem for several months\n", - "alex oxlade-chamberlain has been out of action since march 9arsenal midfielder suffers from persistent groin problemsarsenal are exploring other treatments , but any surgery would be delayedread : arsenal bid to finalise transfer for ` next lionel messi ' maxi romeroclick here for all the latest arsenal news\n", - "[1.4946878 1.3445544 1.1546462 1.1107829 1.2318993 1.188347 1.0609459\n", - " 1.1071559 1.0887398 1.1228428 1.0611036 1.0700977 1.023568 1.0649327\n", - " 1.0593805 1.0173652 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 5 2 9 3 7 8 11 13 10 6 14 12 15 18 16 17 19]\n", - "=======================\n", - "['( cnn ) canadian actor jonathan crombie , who co-starred in the \" anne of green gables \" tv movies , died this week at age 48 .the plot focused on the adventures of fiery orphan anne shirley , played by megan follows , who is sent to live on a farm in prince edward island .crombie , son of former toronto mayor david crombie , was cast in the role at 17 , beating out other aspiring canadian actors of the era , including jason priestly , sullivan said .']\n", - "=======================\n", - "['jonathan crombie is best known for playing gilbert blythe in \" anne of green gables \"book , movies about girl sent to live on canadian farm']\n", - "( cnn ) canadian actor jonathan crombie , who co-starred in the \" anne of green gables \" tv movies , died this week at age 48 .the plot focused on the adventures of fiery orphan anne shirley , played by megan follows , who is sent to live on a farm in prince edward island .crombie , son of former toronto mayor david crombie , was cast in the role at 17 , beating out other aspiring canadian actors of the era , including jason priestly , sullivan said .\n", - "jonathan crombie is best known for playing gilbert blythe in \" anne of green gables \"book , movies about girl sent to live on canadian farm\n", - "[1.3916969 1.4097137 1.1602836 1.2648468 1.0863096 1.2666395 1.0589525\n", - " 1.0122106 1.0150896 1.3693912 1.1515903 1.013007 1.0165398 1.2235558\n", - " 1.0549537 1.1140106 1.0390499 1.0166532 1.0077425 1.0091081]\n", - "\n", - "[ 1 0 9 5 3 13 2 10 15 4 6 14 16 17 12 8 11 7 19 18]\n", - "=======================\n", - "[\"rodgers ' future at anfield has been questioned after a third straight season without a trophy , but the former liverpool defender backed the reds manager .jamie carragher believes brendan rodgers is still the right man to lead liverpool forward after a season with no trophies and a likely finish outside the top four .liverpool are seven points behind fourth placed manchester city with a game in hand and look set to miss out on champions league qualification for next season .\"]\n", - "=======================\n", - "['jamie carragher believes brendan rodgers is the right man for liverpoolrodgers under pressure after a third straight season without a trophyliverpool are also on course to finish outside the top four this seasoncarragher received a beacon award for his community work on tuesday']\n", - "rodgers ' future at anfield has been questioned after a third straight season without a trophy , but the former liverpool defender backed the reds manager .jamie carragher believes brendan rodgers is still the right man to lead liverpool forward after a season with no trophies and a likely finish outside the top four .liverpool are seven points behind fourth placed manchester city with a game in hand and look set to miss out on champions league qualification for next season .\n", - "jamie carragher believes brendan rodgers is the right man for liverpoolrodgers under pressure after a third straight season without a trophyliverpool are also on course to finish outside the top four this seasoncarragher received a beacon award for his community work on tuesday\n", - "[1.5025188 1.3721719 1.2534531 1.4255669 1.2683003 1.1321468 1.0149101\n", - " 1.0143123 1.023007 1.0290748 1.0248271 1.20057 1.0861131 1.1314219\n", - " 1.0272331 1.0163269 1.0087577 1.0475204 1.018018 0. ]\n", - "\n", - "[ 0 3 1 4 2 11 5 13 12 17 9 14 10 8 18 15 6 7 16 19]\n", - "=======================\n", - "[\"tottenham hotspur midfielder christian eriksen has warned that they will struggle to attract top players if they miss out on qualifying for next season 's europa league .spurs are sixth in the barclays premier league , which would bring european qualification , but there has been talk in the past that europe 's second-tier competition does them more harm than good .eriksen says the benefits of qualifying for the much-maligned europa league outweigh the negatives\"]\n", - "=======================\n", - "[\"tottenham are sitting sixth in the premier league after a long seasonthat place would see them qualify for the europa league next yearbut in the past it has been said to cause them more harm than goodchristian eriksen says he wants to qualify as it helps attract top playerstottenham 's europa league participation was a factor in the dane signing\"]\n", - "tottenham hotspur midfielder christian eriksen has warned that they will struggle to attract top players if they miss out on qualifying for next season 's europa league .spurs are sixth in the barclays premier league , which would bring european qualification , but there has been talk in the past that europe 's second-tier competition does them more harm than good .eriksen says the benefits of qualifying for the much-maligned europa league outweigh the negatives\n", - "tottenham are sitting sixth in the premier league after a long seasonthat place would see them qualify for the europa league next yearbut in the past it has been said to cause them more harm than goodchristian eriksen says he wants to qualify as it helps attract top playerstottenham 's europa league participation was a factor in the dane signing\n", - "[1.1592935 1.2233856 1.0523728 1.2688838 1.1824948 1.1433771 1.2038852\n", - " 1.1215361 1.130662 1.0779833 1.0836612 1.0534294 1.080411 1.0488067\n", - " 1.0427476 1.0594844 1.0504248 1.0332725 0. 0. ]\n", - "\n", - "[ 3 1 6 4 0 5 8 7 10 12 9 15 11 2 16 13 14 17 18 19]\n", - "=======================\n", - "['the map was created by looking at the official twitter accounts for each team , using their followers as an indicator of allegiance .for the first time ever , fans can see a detailed breakdown of how support for every club varies around the world and in the uk supporters can go as in-depth as seeing the three most popular teams in their local constituency .liverpool may be struggling in the premier league and looking at a 2015-16 campaign without champions league football , but in terms of twitter followers they dominate the uk .']\n", - "=======================\n", - "[\"twitter has developed an interactive graphic which shows support for all 20 premier league clubs across the globesupport for clubs has been broken down into constituency level in the uk and national level across the worldthe premier league 's biggest clubs - manchester united , liverpool , arsenal and chelsea - dominate globallymanchester united dominate twitter followers in asia while chelsea are strong in south americaarsenal come out on top in north america and in most of europeliverpool are strong in australia and parts of the far east , including thailand\"]\n", - "the map was created by looking at the official twitter accounts for each team , using their followers as an indicator of allegiance .for the first time ever , fans can see a detailed breakdown of how support for every club varies around the world and in the uk supporters can go as in-depth as seeing the three most popular teams in their local constituency .liverpool may be struggling in the premier league and looking at a 2015-16 campaign without champions league football , but in terms of twitter followers they dominate the uk .\n", - "twitter has developed an interactive graphic which shows support for all 20 premier league clubs across the globesupport for clubs has been broken down into constituency level in the uk and national level across the worldthe premier league 's biggest clubs - manchester united , liverpool , arsenal and chelsea - dominate globallymanchester united dominate twitter followers in asia while chelsea are strong in south americaarsenal come out on top in north america and in most of europeliverpool are strong in australia and parts of the far east , including thailand\n", - "[1.4217052 1.369978 1.2255632 1.1870942 1.363602 1.1875774 1.1799029\n", - " 1.0958877 1.0912282 1.0436401 1.0494581 1.1507294 1.0734725 1.0171534\n", - " 1.0126859 1.0118558 1.0069423 1.0081415 1.0085344 1.0081712 1.0124758\n", - " 1.0522802]\n", - "\n", - "[ 0 1 4 2 5 3 6 11 7 8 12 21 10 9 13 14 20 15 18 19 17 16]\n", - "=======================\n", - "['daniel sturridge \\'s status as liverpool \\'s no 1 striker is under threat after brendan rodgers revealed his intention to sign a top forward who can \" play every week \" .the england international will be absent once again on saturday at the hawthorns , as he continues to be plagued by a hip problem and rodgers admitted he is \" unsure \" as to whether sturridge will play for liverpool again this season .liverpool striker daniel sturridge is in danger of falling down the pecking order due to his poor injury record']\n", - "=======================\n", - "[\"brendan rodgers has stated his intent on purchasing a forwardthe liverpool boss wants a top forward who can ` play every week 'daniel sturridge has made just 12 premier league appearancesrodgers is keen on signing danny ings and memphis depay\"]\n", - "daniel sturridge 's status as liverpool 's no 1 striker is under threat after brendan rodgers revealed his intention to sign a top forward who can \" play every week \" .the england international will be absent once again on saturday at the hawthorns , as he continues to be plagued by a hip problem and rodgers admitted he is \" unsure \" as to whether sturridge will play for liverpool again this season .liverpool striker daniel sturridge is in danger of falling down the pecking order due to his poor injury record\n", - "brendan rodgers has stated his intent on purchasing a forwardthe liverpool boss wants a top forward who can ` play every week 'daniel sturridge has made just 12 premier league appearancesrodgers is keen on signing danny ings and memphis depay\n", - "[1.0934331 1.4601315 1.143505 1.080707 1.4059603 1.2074682 1.0499418\n", - " 1.1645107 1.2965777 1.0759786 1.0495447 1.0115721 1.0121528 1.015184\n", - " 1.011726 1.009879 1.0107654 1.0089629 1.0177468 1.0173553 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 8 5 7 2 0 3 9 6 10 18 19 13 12 14 11 16 15 17 20 21]\n", - "=======================\n", - "[\"on friday , the 18-year-old played an integral part in chelsea 's 4-0 demolition of roma to earn a place in the uefa youth league final .the blues defeated teams of the calibre of atletico madrid and roma to reach the finalbrown was the star of the show in the final , scoring two goals as chelsea defeated shakhtar donetsk 3-2\"]\n", - "=======================\n", - "[\"chelsea captain izzy brown opened the scoring from close range on 7minsblues defender andreas christensen scored an own goal to level the scoredominic solanke handed the initiative back to chelsea after the intervalbrown netted a second but adrian viveash 's side could have won by moresubstitute viktor kovalenko scored an injury time consolation for shakhtar\"]\n", - "on friday , the 18-year-old played an integral part in chelsea 's 4-0 demolition of roma to earn a place in the uefa youth league final .the blues defeated teams of the calibre of atletico madrid and roma to reach the finalbrown was the star of the show in the final , scoring two goals as chelsea defeated shakhtar donetsk 3-2\n", - "chelsea captain izzy brown opened the scoring from close range on 7minsblues defender andreas christensen scored an own goal to level the scoredominic solanke handed the initiative back to chelsea after the intervalbrown netted a second but adrian viveash 's side could have won by moresubstitute viktor kovalenko scored an injury time consolation for shakhtar\n", - "[1.422026 1.2965912 1.2389492 1.0993948 1.0883322 1.0781764 1.09902\n", - " 1.1682341 1.1359384 1.0585252 1.0297432 1.0183154 1.0355628 1.0164807\n", - " 1.0182935 1.0148607 1.0331669 1.1710199 1.0892246 1.0253092 1.0176809\n", - " 0. ]\n", - "\n", - "[ 0 1 2 17 7 8 3 6 18 4 5 9 12 16 10 19 11 14 20 13 15 21]\n", - "=======================\n", - "[\"time to change : business mogul jack welch has called for an end to the college hierarchy that has caused education to become cripplingly expensivespeaking to dailymail.com ceo jon steinberg , the former head of general electric insisted that it 's time to cut out expensive and needless middle management .the business mogul and his wife , business journalist and author suzy welch , were speaking at an answers to correspondents event at the new york 's core club hosted by dailymail.com and jwmi .\"]\n", - "=======================\n", - "[\"the business mogul was speaking to dailymail.com ceo jon steinberghe insisted it 's time that colleges cut out expensive middle managementwith his wife suzy welch he is dedicated to changing business education\"]\n", - "time to change : business mogul jack welch has called for an end to the college hierarchy that has caused education to become cripplingly expensivespeaking to dailymail.com ceo jon steinberg , the former head of general electric insisted that it 's time to cut out expensive and needless middle management .the business mogul and his wife , business journalist and author suzy welch , were speaking at an answers to correspondents event at the new york 's core club hosted by dailymail.com and jwmi .\n", - "the business mogul was speaking to dailymail.com ceo jon steinberghe insisted it 's time that colleges cut out expensive middle managementwith his wife suzy welch he is dedicated to changing business education\n", - "[1.4346434 1.3785597 1.2570335 1.3595606 1.1538676 1.1962388 1.0206965\n", - " 1.0156728 1.1164972 1.1142261 1.1586093 1.2246228 1.1348076 1.0271652\n", - " 1.0096593 1.0152313 1.006448 1.0053582 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 2 11 5 10 4 12 8 9 13 6 7 15 14 16 17 20 18 19 21]\n", - "=======================\n", - "[\"arsenal legend ian wright would be disappointed to see theo walcott leave north london , and believes his troubled times at the club are down to arsene wenger 's refusal to play him as a striker .walcott has made just five starts for arsenal this season since returning from a serious knee injury after seven months on the sidelines .and with arsenal pursuing raheem sterling and walcott 's contract set to run out next summer , wright is worried that the gunners could stand to lose a valuable player .\"]\n", - "=======================\n", - "[\"theo walcott 's contract with arsenal expires at the end of next seasonengland winger has made just five starts for his club this campaignian wright says it would be ' a shame ' to see walcott leave arsenalthe gunners have been linked to signing liverpool 's raheem sterling\"]\n", - "arsenal legend ian wright would be disappointed to see theo walcott leave north london , and believes his troubled times at the club are down to arsene wenger 's refusal to play him as a striker .walcott has made just five starts for arsenal this season since returning from a serious knee injury after seven months on the sidelines .and with arsenal pursuing raheem sterling and walcott 's contract set to run out next summer , wright is worried that the gunners could stand to lose a valuable player .\n", - "theo walcott 's contract with arsenal expires at the end of next seasonengland winger has made just five starts for his club this campaignian wright says it would be ' a shame ' to see walcott leave arsenalthe gunners have been linked to signing liverpool 's raheem sterling\n", - "[1.4356163 1.0741274 1.4413244 1.3153471 1.3733408 1.0981265 1.0517309\n", - " 1.0194175 1.0217289 1.353353 1.0377188 1.0266501 1.0107608 1.0187086\n", - " 1.0123395 1.1268009 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 4 9 3 15 5 1 6 10 11 8 7 13 14 12 20 16 17 18 19 21]\n", - "=======================\n", - "[\"cancer research uk runners paul and laura elliott decided to do something different for their wedding day and combined their love for running and their love for each other , whilst also raising vital funds for a charity very close to their hearts .on sunday , 36,000 runners took to the streets of london for the 26.2 mile virgin money london marathon .unfortunately paul , 41 , lost his father to bowel cancer 19 years ago and so by running this weekend 's marathon , the couple have raised # 7,000 so far to help honour his memory on this special day .\"]\n", - "=======================\n", - "[\"paul and laura elliott met half way round at st katharine docksceremony was witnessed by 80 guestspair ran across finish line under a shower of confettireturned to scene of ceremony for party later onraised # 7,000 for cancer research in honour of paul 's father\"]\n", - "cancer research uk runners paul and laura elliott decided to do something different for their wedding day and combined their love for running and their love for each other , whilst also raising vital funds for a charity very close to their hearts .on sunday , 36,000 runners took to the streets of london for the 26.2 mile virgin money london marathon .unfortunately paul , 41 , lost his father to bowel cancer 19 years ago and so by running this weekend 's marathon , the couple have raised # 7,000 so far to help honour his memory on this special day .\n", - "paul and laura elliott met half way round at st katharine docksceremony was witnessed by 80 guestspair ran across finish line under a shower of confettireturned to scene of ceremony for party later onraised # 7,000 for cancer research in honour of paul 's father\n", - "[1.5769944 1.3756756 1.2543972 1.0875239 1.1472749 1.2516127 1.0671424\n", - " 1.063981 1.1340084 1.0512105 1.0537016 1.0847032 1.0451031 1.0446218\n", - " 1.0131778 1.031286 1.021768 1.0131466 1.0302068 1.0608999 1.0422628\n", - " 1.01945 1.0226382 1.0201027 1.0152968]\n", - "\n", - "[ 0 1 2 5 4 8 3 11 6 7 19 10 9 12 13 20 15 18 22 16 23 21 24 14\n", - " 17]\n", - "=======================\n", - "[\"angelique kerber rallied past madison keys to win the family circle cup on sunday , capturing six of the last seven games for a 6-2 , 4-6 , 7-5 victory .this was kerber 's fourth wta title and first since linz in 2013 .the german broke serve five times against an opponent who had n't lost serve all week .\"]\n", - "=======================\n", - "[\"angelique kerber beat madison keys 6-2 , 4-6 , 7-5 in the charleston finalkerber battled back to win six of the last seven games in the deciderit is the german 's first wta title since linz in 2013\"]\n", - "angelique kerber rallied past madison keys to win the family circle cup on sunday , capturing six of the last seven games for a 6-2 , 4-6 , 7-5 victory .this was kerber 's fourth wta title and first since linz in 2013 .the german broke serve five times against an opponent who had n't lost serve all week .\n", - "angelique kerber beat madison keys 6-2 , 4-6 , 7-5 in the charleston finalkerber battled back to win six of the last seven games in the deciderit is the german 's first wta title since linz in 2013\n", - "[1.2348815 1.4319139 1.1749884 1.3352958 1.2777332 1.0988457 1.0707577\n", - " 1.0880843 1.0188382 1.05715 1.1834538 1.0661497 1.0437783 1.0147377\n", - " 1.1098359 1.1087186 1.0238186 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 0 10 2 14 15 5 7 6 11 9 12 16 8 13 23 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"an eight-strong team have transformed more than 30 telephone booths in china 's capital city into a representation of baymax , who has attracted a cult following in the country .phone booths in beijing have been painted in the style of disney character baymax by graffiti artiststhe team of artists painted 30 phonebooths in five hours overnight , calling the project ` beijing warmth '\"]\n", - "=======================\n", - "['graffiti artists work through the night to repaint 30 telephone boothslatest in series of baymax-themed stunts as character craze sweeps chinaartists wanted to help burned-out beijing residents feel less stressed']\n", - "an eight-strong team have transformed more than 30 telephone booths in china 's capital city into a representation of baymax , who has attracted a cult following in the country .phone booths in beijing have been painted in the style of disney character baymax by graffiti artiststhe team of artists painted 30 phonebooths in five hours overnight , calling the project ` beijing warmth '\n", - "graffiti artists work through the night to repaint 30 telephone boothslatest in series of baymax-themed stunts as character craze sweeps chinaartists wanted to help burned-out beijing residents feel less stressed\n", - "[1.2673504 1.2051439 1.1945016 1.459082 1.3973923 1.1156882 1.0763683\n", - " 1.0795382 1.1606839 1.1022154 1.1015632 1.130289 1.0681219 1.0366064\n", - " 1.0168277 1.0128773 1.0090265 1.006926 1.0085813 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 0 1 2 8 11 5 9 10 7 6 12 13 14 15 16 18 17 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "['arsenal right back hector bellerin has been linked with a return to former club barcelonapsg and man united target dani alves could leave the catalan giants as his contract expires this summerbut now , it seems barca fans are keen for the spaniard to return to the nou camp as they voted the youth international as their preferred choice to replace dani alves should the brazilian leave the club .']\n", - "=======================\n", - "['hector bellerin claims 12 per cent of the vote to replace dani alvesbarcelona fans would rather brazilian right back extended his contractbellerin has impressed for arsenal in his breakthrough season at the club20-year-old left barcelona for north london in 2011 as a teenagerread : bellerin and francis coquelin are a delight for arsene wenger']\n", - "arsenal right back hector bellerin has been linked with a return to former club barcelonapsg and man united target dani alves could leave the catalan giants as his contract expires this summerbut now , it seems barca fans are keen for the spaniard to return to the nou camp as they voted the youth international as their preferred choice to replace dani alves should the brazilian leave the club .\n", - "hector bellerin claims 12 per cent of the vote to replace dani alvesbarcelona fans would rather brazilian right back extended his contractbellerin has impressed for arsenal in his breakthrough season at the club20-year-old left barcelona for north london in 2011 as a teenagerread : bellerin and francis coquelin are a delight for arsene wenger\n", - "[1.2402123 1.3843964 1.2663611 1.32897 1.2126194 1.2330033 1.0305723\n", - " 1.0123736 1.0130177 1.0224041 1.1595712 1.0631748 1.129546 1.0273813\n", - " 1.054826 1.0484916 1.0293889 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 5 4 10 12 11 14 15 6 16 13 9 8 7 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "['a group called community technology alliance is giving away free google handsets which come loaded with apps that help the homeless find shelters , soup kitchens , and warn of severe weather .holly leonard ( left ) , who was homeless and had spent time in prison , now has a house after finding an advert on craigslist using a google phone she was given to allow her to get onlinethe phones are also designed to help people apply for jobs and find housing , as companies often require people to visit their websites .']\n", - "=======================\n", - "['community technology alliance has given 100 free phones to homelesshelps to find shelter , locate soup kitchens and reconnect with familiesalso allows them to find homes and jobs in world reliant on the internethomeless woman holly leonard used a free google phone to rent a flat']\n", - "a group called community technology alliance is giving away free google handsets which come loaded with apps that help the homeless find shelters , soup kitchens , and warn of severe weather .holly leonard ( left ) , who was homeless and had spent time in prison , now has a house after finding an advert on craigslist using a google phone she was given to allow her to get onlinethe phones are also designed to help people apply for jobs and find housing , as companies often require people to visit their websites .\n", - "community technology alliance has given 100 free phones to homelesshelps to find shelter , locate soup kitchens and reconnect with familiesalso allows them to find homes and jobs in world reliant on the internethomeless woman holly leonard used a free google phone to rent a flat\n", - "[1.2961102 1.3758892 1.2522151 1.2429519 1.0407238 1.0338331 1.087064\n", - " 1.0516735 1.0815369 1.1369741 1.0257012 1.1479695 1.0724916 1.0405257\n", - " 1.104399 1.0342544 1.1174729 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 11 9 16 14 6 8 12 7 4 13 15 5 10 23 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "['a vast sea of pilgrims from both nations have gathered at the anzac commemorative site to mark the 100th anniversary of the bloody gallipoli landings .more than 10,000 australians and new zealanders are sitting in reverence on the shores of the gallipoli peninsula , as a formal ceremony begins to honour the diggers who fought and fell there a century ago .australian prime minister tony abbott , his new zealand counterpart john key , prince charles and prince harry are among those in attendance .']\n", - "=======================\n", - "[\"dawn service at anzac cove begins as more than 10,000 australians and new zealanders gather at formal ceremonythousands attended the anzac commemorative site to mark the 100th anniversary of the gallipoli landingsamong those in attendance are australian prime minister tony abbott and his new zealand counterpart john keyprince charles and prince harry also sat alongside the prime ministers at the gallipoli dawn servicemr abbott said the troops became more than just soldiers as they were the ` founding heroes of modern australia '\"]\n", - "a vast sea of pilgrims from both nations have gathered at the anzac commemorative site to mark the 100th anniversary of the bloody gallipoli landings .more than 10,000 australians and new zealanders are sitting in reverence on the shores of the gallipoli peninsula , as a formal ceremony begins to honour the diggers who fought and fell there a century ago .australian prime minister tony abbott , his new zealand counterpart john key , prince charles and prince harry are among those in attendance .\n", - "dawn service at anzac cove begins as more than 10,000 australians and new zealanders gather at formal ceremonythousands attended the anzac commemorative site to mark the 100th anniversary of the gallipoli landingsamong those in attendance are australian prime minister tony abbott and his new zealand counterpart john keyprince charles and prince harry also sat alongside the prime ministers at the gallipoli dawn servicemr abbott said the troops became more than just soldiers as they were the ` founding heroes of modern australia '\n", - "[1.3107138 1.3668339 1.2681915 1.3936585 1.2719876 1.1917359 1.0896122\n", - " 1.1378157 1.1173165 1.1229513 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 4 2 5 7 9 8 6 18 10 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"per mertesacker will miss arsenal 's visit by chelsea on sunday due to an ankle injurymertesacker , captain during the long absence of mikel arteta , limped off during the second half of the fa cup semi-final against reading at wembley on saturday .per mertesacker looks set to be ruled out of arsenal 's derby against chelsea although the defender has escaped any serious ankle ligament damage .\"]\n", - "=======================\n", - "[\"per mertesacker twisted his ankle in fa cup semi-final at wembleyscans revealed the stand-in arsenal captain escaped serious injuryarsenal beat reading 2-1 after extra-time in saturday 's matchthey host premier league leaders chelsea on sunday at 4pmclick here for all the latest arsenal news\"]\n", - "per mertesacker will miss arsenal 's visit by chelsea on sunday due to an ankle injurymertesacker , captain during the long absence of mikel arteta , limped off during the second half of the fa cup semi-final against reading at wembley on saturday .per mertesacker looks set to be ruled out of arsenal 's derby against chelsea although the defender has escaped any serious ankle ligament damage .\n", - "per mertesacker twisted his ankle in fa cup semi-final at wembleyscans revealed the stand-in arsenal captain escaped serious injuryarsenal beat reading 2-1 after extra-time in saturday 's matchthey host premier league leaders chelsea on sunday at 4pmclick here for all the latest arsenal news\n", - "[1.5237263 1.3993957 1.162311 1.3618103 1.1464045 1.1275384 1.0356297\n", - " 1.0408335 1.0963504 1.0472337 1.0251218 1.0630583 1.0342721 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 5 8 11 9 7 6 12 10 18 13 14 15 16 17 19]\n", - "=======================\n", - "['michael conlan was on the verge of pulling out of his must-win bout in the world series of boxing before opting to fight and claiming a dramatic win to book his place at the rio 2016 olympic games alongside team-mate paddy barnes .both belfast boxers ( bronze medallists at london 2012 ) , were in action for the italia thunder franchise in venezuela on saturday night , with the pair needing victories to book flights to rio .barnes delivered in style , extending his undefeated wsb record this season to 7-0 with a split-decision points win over native light-flyweight yoel finol .']\n", - "=======================\n", - "['michael conlan and paddy barnes both win to reach rio 2016 gamesconlan won his fight but had to rely on other results to make it throughirishman dedicated his win to his girlfriend after fighting despite illness']\n", - "michael conlan was on the verge of pulling out of his must-win bout in the world series of boxing before opting to fight and claiming a dramatic win to book his place at the rio 2016 olympic games alongside team-mate paddy barnes .both belfast boxers ( bronze medallists at london 2012 ) , were in action for the italia thunder franchise in venezuela on saturday night , with the pair needing victories to book flights to rio .barnes delivered in style , extending his undefeated wsb record this season to 7-0 with a split-decision points win over native light-flyweight yoel finol .\n", - "michael conlan and paddy barnes both win to reach rio 2016 gamesconlan won his fight but had to rely on other results to make it throughirishman dedicated his win to his girlfriend after fighting despite illness\n", - "[1.4139028 1.3627431 1.341806 1.1831694 1.1043029 1.1750637 1.0938051\n", - " 1.0540736 1.0975374 1.0632721 1.0526454 1.0381136 1.0689101 1.0523012\n", - " 1.0454885 1.0358033 1.0286956 1.0173551 1.0954226 1.0378729]\n", - "\n", - "[ 0 1 2 3 5 4 8 18 6 12 9 7 10 13 14 11 19 15 16 17]\n", - "=======================\n", - "['( cnn ) five young men were arrested saturday in melbourne , australia , in what police called a major counterterrorism operation .three of the teens , all of them either 18 or 19 , have since been released \" pending further enquiries , \" australia \\'s federal police said , but two remain in custody .sevdet besim , 18 , has been charged with conspiring to commit a terrorist act , and was denied bail saturday .']\n", - "=======================\n", - "['three of the five teens releasedone 18-year-old suspect has been charged , report saysaustralian police said the suspects were allegedly planning an \" isis-inspired \" attack']\n", - "( cnn ) five young men were arrested saturday in melbourne , australia , in what police called a major counterterrorism operation .three of the teens , all of them either 18 or 19 , have since been released \" pending further enquiries , \" australia 's federal police said , but two remain in custody .sevdet besim , 18 , has been charged with conspiring to commit a terrorist act , and was denied bail saturday .\n", - "three of the five teens releasedone 18-year-old suspect has been charged , report saysaustralian police said the suspects were allegedly planning an \" isis-inspired \" attack\n", - "[1.5350361 1.1221832 1.1079569 1.1235216 1.1277162 1.18282 1.0279502\n", - " 1.0166594 1.2695752 1.0960904 1.248936 1.0121043 1.0221181 1.0478469\n", - " 1.0517088 1.1041567 1.0135496 1.0559801 1.1089196 0. ]\n", - "\n", - "[ 0 8 10 5 4 3 1 18 2 15 9 17 14 13 6 12 7 16 11 19]\n", - "=======================\n", - "[\"juventus coach massimiliano allegri is expecting a ` boring ' match against as monaco in the champions league on tuesday , believing that both sides will adopt a cautious approach .veteran midfielder andrea pirlo has returned to training after a calf injuryallegri warned that monaco , who have conceded only four goals in eight games on their way to the quarter-finals , would be a completely different proposition to borussia dortmund , who juventus beat 5-1 on aggregate in the last 16 .\"]\n", - "=======================\n", - "[\"juventus take on monaco in champions league quarter-final on tuesdayjuve coach massimiliano allegri warns it could be a ` boring ' gamemonaco beat arsenal in the last-16 and are the outsiders in the tie\"]\n", - "juventus coach massimiliano allegri is expecting a ` boring ' match against as monaco in the champions league on tuesday , believing that both sides will adopt a cautious approach .veteran midfielder andrea pirlo has returned to training after a calf injuryallegri warned that monaco , who have conceded only four goals in eight games on their way to the quarter-finals , would be a completely different proposition to borussia dortmund , who juventus beat 5-1 on aggregate in the last 16 .\n", - "juventus take on monaco in champions league quarter-final on tuesdayjuve coach massimiliano allegri warns it could be a ` boring ' gamemonaco beat arsenal in the last-16 and are the outsiders in the tie\n", - "[1.4096416 1.2922953 1.3090522 1.333473 1.2850254 1.182226 1.0364487\n", - " 1.0271473 1.020183 1.0617278 1.037338 1.034351 1.0766904 1.0455239\n", - " 1.0161452 1.0238013 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 4 5 12 9 13 10 6 11 7 15 8 14 18 16 17 19]\n", - "=======================\n", - "[\"a pair of turkey-sized ` egg thief lizards ' dubbed romeo and juliet were found lying next to each other in a 75-million-year-old rock in the mid-90s , but it has taken until now for experts to determine the sex of the ` lovers ' .they say that the key differences between the sexes lie in bones near the base of the tail .now , researchers believe they have come up with a way to tell fossils of small feathered male dinosaurs from those of females .\"]\n", - "=======================\n", - "[\"` egg thief lizards ' preserved in rock for 75 million years were studieduniversity of alberta experts said differences in size and shape of tail bones enable male and female small feathered dinosaurs to be sexedmales have long ` chevron ' bones so they can wiggle their feathered tails seductively to woo mates , while females have shorter bones in their tails\"]\n", - "a pair of turkey-sized ` egg thief lizards ' dubbed romeo and juliet were found lying next to each other in a 75-million-year-old rock in the mid-90s , but it has taken until now for experts to determine the sex of the ` lovers ' .they say that the key differences between the sexes lie in bones near the base of the tail .now , researchers believe they have come up with a way to tell fossils of small feathered male dinosaurs from those of females .\n", - "` egg thief lizards ' preserved in rock for 75 million years were studieduniversity of alberta experts said differences in size and shape of tail bones enable male and female small feathered dinosaurs to be sexedmales have long ` chevron ' bones so they can wiggle their feathered tails seductively to woo mates , while females have shorter bones in their tails\n", - "[1.3720348 1.0687937 1.2960479 1.2329742 1.3688569 1.1253196 1.0808725\n", - " 1.059129 1.0468843 1.0232755 1.0257082 1.0177381 1.023204 1.0415527\n", - " 1.0455947 1.0539243 1.0450693 1.0434631 1.0946063 1.1121846 1.1223537\n", - " 1.0686255 1.1088014 1.0229127]\n", - "\n", - "[ 0 4 2 3 5 20 19 22 18 6 1 21 7 15 8 14 16 17 13 10 9 12 23 11]\n", - "=======================\n", - "[\"khloe kardashian has hit back at critics of her instagram post reaction to monday night 's riots in baltimore saying she is ` damned if i do .the 30-year-old reality tv star posted - then later deleted - the message ` pray for baltimore ' to instagram on monday night as protests about the unexplained death of freddie gray turned to riots in the hours following his funeral .while over 417,000 followers liked the photo , it did not escape criticism .\"]\n", - "=======================\n", - "[\"khloe kardashian posted a photo to instagram during monday night 's riots that said : ` pray for baltimore 'despite getting over 400,000 likes , the post drew criticism that she was insincere and unable to relate to the issues due to her privileged backgroundother critics felt she should focus her prayers elsewhere , such as the victims of the nepal earthquakejust 30 minutes later she tweeted that she was : ` damned if i do .the instagram post has since been deletedprotests about the unexplained death of freddie gray have now spread to six american cities\"]\n", - "khloe kardashian has hit back at critics of her instagram post reaction to monday night 's riots in baltimore saying she is ` damned if i do .the 30-year-old reality tv star posted - then later deleted - the message ` pray for baltimore ' to instagram on monday night as protests about the unexplained death of freddie gray turned to riots in the hours following his funeral .while over 417,000 followers liked the photo , it did not escape criticism .\n", - "khloe kardashian posted a photo to instagram during monday night 's riots that said : ` pray for baltimore 'despite getting over 400,000 likes , the post drew criticism that she was insincere and unable to relate to the issues due to her privileged backgroundother critics felt she should focus her prayers elsewhere , such as the victims of the nepal earthquakejust 30 minutes later she tweeted that she was : ` damned if i do .the instagram post has since been deletedprotests about the unexplained death of freddie gray have now spread to six american cities\n", - "[1.1919651 1.4719644 1.2837965 1.4344542 1.2836077 1.2615496 1.0299408\n", - " 1.0349624 1.0224285 1.0288287 1.0193541 1.015696 1.0198518 1.1244029\n", - " 1.0528047 1.0411015 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 5 0 13 14 15 7 6 9 8 12 10 11 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "['during the reclaim australia rallies on the easter weekend , anti-racism protester jacob king was snapped staring into the eyes of a bald man with a swastika tattooed behind his ear .mr king , from melbourne , told daily mail australia he had his arms spread out because he thought the man was going to attack him and his fellow protesters at federation square .mr king was raised in melbourne and says he lived in a multicultural part of the victorian capital where he was exposed to racial tensions']\n", - "=======================\n", - "['jacob king has been identified as man who stood up to anti-islam protester with swastika tattooed behind his earin a photo of mr king holding his arms out and going toe-to-toe with aggressor was snapped by kenji wardenclyffethe anti-racism protester told daily mail australia he had asked the neo-nazi to back down and not fight his group']\n", - "during the reclaim australia rallies on the easter weekend , anti-racism protester jacob king was snapped staring into the eyes of a bald man with a swastika tattooed behind his ear .mr king , from melbourne , told daily mail australia he had his arms spread out because he thought the man was going to attack him and his fellow protesters at federation square .mr king was raised in melbourne and says he lived in a multicultural part of the victorian capital where he was exposed to racial tensions\n", - "jacob king has been identified as man who stood up to anti-islam protester with swastika tattooed behind his earin a photo of mr king holding his arms out and going toe-to-toe with aggressor was snapped by kenji wardenclyffethe anti-racism protester told daily mail australia he had asked the neo-nazi to back down and not fight his group\n", - "[1.1890426 1.4140869 1.2768697 1.3776906 1.2396814 1.0205872 1.0198425\n", - " 1.0207717 1.0566307 1.2492807 1.0812296 1.0459356 1.0239259 1.1517279\n", - " 1.0362211 1.0235612 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 9 4 0 13 10 8 11 14 12 15 7 5 6 22 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"australian tv presenter , model and mother of two , sophie falkiner reveals she 's been ahead of the trend , ten years before the kardashians began instagramming it .while khloe kardashian recently attributed the corset-like waist trainer as the tool behind her new , slim figure , falkiner says she discovered the benefits while interviewing hollywood plastic surgeons for a work assignment years ago .bounce back : jessica alba also swore by girdles for getting back her pre-baby figure\"]\n", - "=======================\n", - "[\"tv presenter sophie falkiner reveals she was into girdles long before the kardashians made it coolfalkiner says it 's a secret all hollywood plastic surgeons tell their patientsjessica alba is also said to swear by it for a trim post-baby body\"]\n", - "australian tv presenter , model and mother of two , sophie falkiner reveals she 's been ahead of the trend , ten years before the kardashians began instagramming it .while khloe kardashian recently attributed the corset-like waist trainer as the tool behind her new , slim figure , falkiner says she discovered the benefits while interviewing hollywood plastic surgeons for a work assignment years ago .bounce back : jessica alba also swore by girdles for getting back her pre-baby figure\n", - "tv presenter sophie falkiner reveals she was into girdles long before the kardashians made it coolfalkiner says it 's a secret all hollywood plastic surgeons tell their patientsjessica alba is also said to swear by it for a trim post-baby body\n", - "[1.51511 1.4557853 1.071547 1.486983 1.0796225 1.1065025 1.0426586\n", - " 1.0635568 1.0551867 1.0531342 1.0248097 1.0140797 1.1027067 1.1220952\n", - " 1.0740083 1.0441052 1.0134459 1.0113622 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 13 5 12 4 14 2 7 8 9 15 6 10 11 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "['manchester city boss manuel pellegrini is braced for a ferocious derby clash at old trafford this weekend .the fading barclays premier league champions take on manchester united on sunday having unexpectedly fallen behind their arch-rivals in the table .a win would also see them become the first club to beat united five times in a row in the premier league .']\n", - "=======================\n", - "['manchester city are in fourth , a point behind rivals manchester unitedcity were beaten 2-1 by crystal palace on monday and face united sundaymanuel pellegrini ready to battle for three points to move above united']\n", - "manchester city boss manuel pellegrini is braced for a ferocious derby clash at old trafford this weekend .the fading barclays premier league champions take on manchester united on sunday having unexpectedly fallen behind their arch-rivals in the table .a win would also see them become the first club to beat united five times in a row in the premier league .\n", - "manchester city are in fourth , a point behind rivals manchester unitedcity were beaten 2-1 by crystal palace on monday and face united sundaymanuel pellegrini ready to battle for three points to move above united\n", - "[1.3442317 1.3192257 1.1749058 1.1121205 1.1455468 1.2122074 1.1068338\n", - " 1.0893296 1.0853866 1.0902834 1.0567132 1.0706007 1.1141738 1.112861\n", - " 1.060529 1.058395 1.0611327 1.0928926 1.0479114 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 2 4 12 13 3 6 17 9 7 8 11 16 14 15 10 18 19 20 21 22 23]\n", - "=======================\n", - "[\"london ( cnn ) police said thursday that there was no sign of forced entry to a building in a spectacular holiday weekend heist of safe deposit boxes in the heart of london 's jewelry district .detective chief inspector paul johnson of the london metropolitan police flying squad said the thieves appeared to have gained access to the vault of hatton garden safe deposit ltd through the shaft of an elevator that is used by several businesses in the building .a former police official in london has speculated that the loss could run to 200 million pounds , or 300 million dollars , in a remark widely reported by news media .\"]\n", - "=======================\n", - "[\"police say the thieves gained entry through the building 's communal elevator shaftpolice give no value of the amount taken in the heist in london 's jewelry districtthere 's no evidence of forced entry to the building , police say\"]\n", - "london ( cnn ) police said thursday that there was no sign of forced entry to a building in a spectacular holiday weekend heist of safe deposit boxes in the heart of london 's jewelry district .detective chief inspector paul johnson of the london metropolitan police flying squad said the thieves appeared to have gained access to the vault of hatton garden safe deposit ltd through the shaft of an elevator that is used by several businesses in the building .a former police official in london has speculated that the loss could run to 200 million pounds , or 300 million dollars , in a remark widely reported by news media .\n", - "police say the thieves gained entry through the building 's communal elevator shaftpolice give no value of the amount taken in the heist in london 's jewelry districtthere 's no evidence of forced entry to the building , police say\n", - "[1.2262633 1.4135091 1.2486873 1.3577231 1.1546227 1.1723387 1.1392784\n", - " 1.1741825 1.1176537 1.0435942 1.0446374 1.0182327 1.0140998 1.0398189\n", - " 1.0461241 1.1537558 1.041914 1.0594319 1.183452 1.0095094 1.0068922\n", - " 1.0329819 1.0457445]\n", - "\n", - "[ 1 3 2 0 18 7 5 4 15 6 8 17 14 22 10 9 16 13 21 11 12 19 20]\n", - "=======================\n", - "['victor agbafe , a student at cape fear academy in wilmington , also could go to stanford or duke because he was accepted at those prestigious institutions as well .the 17-year-old got into 14 schools in all .a north carolina student who was accepted into all eight ivy league schools will have to make a tough choice and decide where he wants to attend college in the fall .']\n", - "=======================\n", - "['victor agbafe , 17 , is currently attending cape fear academy in wilmingtonhe plans to double major in microbiology with government or economicssmart young man faces tough choice after being accepted into 14 collegeshe credits his mother , a nigerian immigrant and physician , for his successwill make decision this month and he hopes to become a neurosurgeon']\n", - "victor agbafe , a student at cape fear academy in wilmington , also could go to stanford or duke because he was accepted at those prestigious institutions as well .the 17-year-old got into 14 schools in all .a north carolina student who was accepted into all eight ivy league schools will have to make a tough choice and decide where he wants to attend college in the fall .\n", - "victor agbafe , 17 , is currently attending cape fear academy in wilmingtonhe plans to double major in microbiology with government or economicssmart young man faces tough choice after being accepted into 14 collegeshe credits his mother , a nigerian immigrant and physician , for his successwill make decision this month and he hopes to become a neurosurgeon\n", - "[1.2023263 1.2498487 1.264583 1.3218485 1.1773462 1.294477 1.1276534\n", - " 1.0759144 1.134234 1.0238179 1.2105652 1.0315704 1.0133538 1.008255\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 5 2 1 10 0 4 8 6 7 11 9 12 13 21 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"a new poll on modern families reveals almost a quarter of brits prefer their pets to their in-lawsmore than one in 10 british families now live in ` blended ' families as more people with children divorce , remarry other parents and their households merge .of the 2,071 people surveyed , 22 per cent cited their pets as a close family member , above in-laws ( 21 per cent ) but below grandparents at 26 per cent .\"]\n", - "=======================\n", - "['mother-in-law is often jokingly portrayed as least favourite family memberpoll on modern families reveals this is a reality for almost a quarter of britsthey said their pet dog was more important to them than their in-lawsresearch found households where children had multi-parental figures was also on the rise']\n", - "a new poll on modern families reveals almost a quarter of brits prefer their pets to their in-lawsmore than one in 10 british families now live in ` blended ' families as more people with children divorce , remarry other parents and their households merge .of the 2,071 people surveyed , 22 per cent cited their pets as a close family member , above in-laws ( 21 per cent ) but below grandparents at 26 per cent .\n", - "mother-in-law is often jokingly portrayed as least favourite family memberpoll on modern families reveals this is a reality for almost a quarter of britsthey said their pet dog was more important to them than their in-lawsresearch found households where children had multi-parental figures was also on the rise\n", - "[1.2235355 1.257491 1.4207389 1.2839733 1.2356124 1.1766347 1.1098578\n", - " 1.2134864 1.0441933 1.0535083 1.0634968 1.1533513 1.0638727 1.0490229\n", - " 1.0152647 1.0751249 1.0358841 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 3 1 4 0 7 5 11 6 15 12 10 9 13 8 16 14 21 17 18 19 20 22]\n", - "=======================\n", - "[\"the nfl expects 6,000 of nearly 20,000 retired players to suffer from alzheimer 's disease or moderate dementia someday .the settlement approved on wednesday by a federal judge in philadelphia would pay them about $ 190,000 on average .the deal comes after the league has been dogged for years by complaints that it long hid the risks of repeated concussions in order to return players to the field .\"]\n", - "=======================\n", - "[\"senior us district judge anita brody approved deal on wednesdaysettlement includes allowing for monetary awards up to $ 5million per claimant for serious conditions connected to repeated head traumanfl expects 6,000 of nearly 20,000 retired players to suffer from alzheimers disease or moderate dementia somedaywednesday 's settlement would pay them about $ 190,000 on averageabout 200 nfl retirees or their families have rejected the settlement and plan to sue the league individually\"]\n", - "the nfl expects 6,000 of nearly 20,000 retired players to suffer from alzheimer 's disease or moderate dementia someday .the settlement approved on wednesday by a federal judge in philadelphia would pay them about $ 190,000 on average .the deal comes after the league has been dogged for years by complaints that it long hid the risks of repeated concussions in order to return players to the field .\n", - "senior us district judge anita brody approved deal on wednesdaysettlement includes allowing for monetary awards up to $ 5million per claimant for serious conditions connected to repeated head traumanfl expects 6,000 of nearly 20,000 retired players to suffer from alzheimers disease or moderate dementia somedaywednesday 's settlement would pay them about $ 190,000 on averageabout 200 nfl retirees or their families have rejected the settlement and plan to sue the league individually\n", - "[1.2885675 1.4529933 1.2828534 1.1344744 1.1992295 1.1475053 1.0681276\n", - " 1.1805332 1.0692245 1.0637301 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 2 4 7 5 3 8 6 9 20 19 18 17 16 11 14 13 12 21 10 15 22]\n", - "=======================\n", - "[\"shocked onlookers started filming the native pair at the wilsons promontory national park , in the gippsland region in southeast victoria , as the wombat waddled over to the unsuspecting wallaby .a wallaby has been caught on camera delivering a swift jab to an unsuspecting wombat who invaded his personal space while he was grazing in a victorian national park .onlookers were shocked by the actions of the wallaby but it looks like there 's no bad blood between the two native australian 's as they both continued happily grazing in the area straight after the encounter .\"]\n", - "=======================\n", - "[\"wallaby has been filmed ` punching ' a wombat in a victorian national parkthe wombat approached the unsuspecting wallaby and was met with a fistboth animals went back to grazing in the area straight after the encounterno animals were harmed during the writing of this article\"]\n", - "shocked onlookers started filming the native pair at the wilsons promontory national park , in the gippsland region in southeast victoria , as the wombat waddled over to the unsuspecting wallaby .a wallaby has been caught on camera delivering a swift jab to an unsuspecting wombat who invaded his personal space while he was grazing in a victorian national park .onlookers were shocked by the actions of the wallaby but it looks like there 's no bad blood between the two native australian 's as they both continued happily grazing in the area straight after the encounter .\n", - "wallaby has been filmed ` punching ' a wombat in a victorian national parkthe wombat approached the unsuspecting wallaby and was met with a fistboth animals went back to grazing in the area straight after the encounterno animals were harmed during the writing of this article\n", - "[1.2747391 1.4100804 1.2117554 1.3402499 1.2412848 1.1931303 1.0802119\n", - " 1.2221706 1.1939943 1.0731082 1.0739006 1.0183971 1.1375732 1.0562826\n", - " 1.0210059 1.0457451 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 4 7 2 8 5 12 6 10 9 13 15 14 11 16 17 18 19 20 21 22]\n", - "=======================\n", - "['the new zealand herald reports that milinda gunasekera , 32 , was flying home from a holiday in chile on october 29 and was changing flights at auckland airport for the final leg of his trip .the qantas flight was taxiing to the runway when the alleged incident with a female passenger took place .mr gunasekera will return to new zealand in june to be sentenced .']\n", - "=======================\n", - "[\"milinda gunasekera was flying home from a holiday in chilehe was changing flights at auckland airport for the final leg of his tripthe 32-year-old downed a bottle of vodka in the airport toilets before flightqantas flight was taxiing to the runway when the alleged incident occurredafterwards he suffered ` probably the worst hangover of his life ' in the cellsmr gunasekera will fly back to new zealand to be sentenced in june\"]\n", - "the new zealand herald reports that milinda gunasekera , 32 , was flying home from a holiday in chile on october 29 and was changing flights at auckland airport for the final leg of his trip .the qantas flight was taxiing to the runway when the alleged incident with a female passenger took place .mr gunasekera will return to new zealand in june to be sentenced .\n", - "milinda gunasekera was flying home from a holiday in chilehe was changing flights at auckland airport for the final leg of his tripthe 32-year-old downed a bottle of vodka in the airport toilets before flightqantas flight was taxiing to the runway when the alleged incident occurredafterwards he suffered ` probably the worst hangover of his life ' in the cellsmr gunasekera will fly back to new zealand to be sentenced in june\n", - "[1.3268352 1.191685 1.2861562 1.2557092 1.3455741 1.2268918 1.1111214\n", - " 1.133216 1.0875108 1.080699 1.0265841 1.0900421 1.0203316 1.0567468\n", - " 1.0559428 1.0150921 1.008257 1.0114473 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 4 0 2 3 5 1 7 6 11 8 9 13 14 10 12 15 17 16 22 18 19 20 21 23]\n", - "=======================\n", - "[\"the ` pie-egg-ra ' dish contains one and a half cadbury 's creme eggs and is served with a side of chipschip shop boss john clarkson has created a new answer to the creme egg question of ` how do you eat yours ? 'eschewing the savoury favourites of sausage and egg or mince pies , mr clarkson decided to wrap the easter delicacies in pastry before they were battered and deep-fried .\"]\n", - "=======================\n", - "[\"john clarkson 's chocolate pie is covered in pastry before being battered` pie-egg-ra ' dish sold at mr eaters fish and chips in preston , lancashireeach expertly baked and fried pie contains one and a half creme eggs\"]\n", - "the ` pie-egg-ra ' dish contains one and a half cadbury 's creme eggs and is served with a side of chipschip shop boss john clarkson has created a new answer to the creme egg question of ` how do you eat yours ? 'eschewing the savoury favourites of sausage and egg or mince pies , mr clarkson decided to wrap the easter delicacies in pastry before they were battered and deep-fried .\n", - "john clarkson 's chocolate pie is covered in pastry before being battered` pie-egg-ra ' dish sold at mr eaters fish and chips in preston , lancashireeach expertly baked and fried pie contains one and a half creme eggs\n", - "[1.2104074 1.4525695 1.3090222 1.2507507 1.25772 1.1271551 1.1294597\n", - " 1.1294389 1.0407047 1.1074873 1.0915571 1.0753912 1.062679 1.0435258\n", - " 1.0920186 1.0875334 1.0710036 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 0 6 7 5 9 14 10 15 11 16 12 13 8 22 17 18 19 20 21 23]\n", - "=======================\n", - "['carmem dierks was running the dodgy practice in west orange county , florida , according to authorities .during a raid on her practice , authorities discovered hundreds of patient files , two dentist chairs , an x-ray machine and dental molds .a 60-year-old woman has been arrested for allegedly running an unlicensed dental clinic .']\n", - "=======================\n", - "['carmem dierks , 60 , was running the dodgy practice in west orange county , floridaduring the raid on her practice , authorities discovered hundreds of patient files , two dentist chairs , an x-ray machine and dental moldofficers found two patients in the middle of treatment who said dierks had been treating them for eight years']\n", - "carmem dierks was running the dodgy practice in west orange county , florida , according to authorities .during a raid on her practice , authorities discovered hundreds of patient files , two dentist chairs , an x-ray machine and dental molds .a 60-year-old woman has been arrested for allegedly running an unlicensed dental clinic .\n", - "carmem dierks , 60 , was running the dodgy practice in west orange county , floridaduring the raid on her practice , authorities discovered hundreds of patient files , two dentist chairs , an x-ray machine and dental moldofficers found two patients in the middle of treatment who said dierks had been treating them for eight years\n", - "[1.3241441 1.3991939 1.2131245 1.215661 1.363198 1.0397455 1.0562863\n", - " 1.2521693 1.0348238 1.0385783 1.1031498 1.0501993 1.0824678 1.0204628\n", - " 1.0435557 1.0119236 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 7 3 2 10 12 6 11 14 5 9 8 13 15 22 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"russell ` rusty ' yates , who has since remarried and has a son , slammed his ex-wife 's murder trial , claiming it was the ` cruelest thing he had ever witnessed ' .andrea yates ' ex-husband has condemned the criminal process the killer was put through 14 years after she drowned their five children in the bathtub of their suburban texas home .andrea yates was said to be suffering from postpartum depression when she drowned her children in 2001\"]\n", - "=======================\n", - "[\"russell ` rusty ' yates said his ex-wife 's actions were ' a result of her illness 'she systematically killed her children in their texas home in 2001was convicted of capital murder in 2002 , but in 2006 was found not guilty by reason of insanity - after being diagnosed with postpartum psychosismr yates maintains she is a good mother who loved her childrenslammed prosecutors for seeking the death penalty during the first trialhe has since remarried and has a son\"]\n", - "russell ` rusty ' yates , who has since remarried and has a son , slammed his ex-wife 's murder trial , claiming it was the ` cruelest thing he had ever witnessed ' .andrea yates ' ex-husband has condemned the criminal process the killer was put through 14 years after she drowned their five children in the bathtub of their suburban texas home .andrea yates was said to be suffering from postpartum depression when she drowned her children in 2001\n", - "russell ` rusty ' yates said his ex-wife 's actions were ' a result of her illness 'she systematically killed her children in their texas home in 2001was convicted of capital murder in 2002 , but in 2006 was found not guilty by reason of insanity - after being diagnosed with postpartum psychosismr yates maintains she is a good mother who loved her childrenslammed prosecutors for seeking the death penalty during the first trialhe has since remarried and has a son\n", - "[1.4035418 1.1733568 1.3874273 1.3669348 1.189091 1.1721323 1.1841784\n", - " 1.077895 1.0573583 1.0144352 1.0099363 1.0440392 1.0970994 1.1296366\n", - " 1.1530111 1.0651401 1.0339013 1.0292656 1.0504726 1.040422 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 4 6 1 5 14 13 12 7 15 8 18 11 19 16 17 9 10 20 21 22 23]\n", - "=======================\n", - "[\"guilty : adam rushton , 37 , took advantage of his post as a beat officer to have sex with womenthe 37-year-old officer was found guilty of five counts of misconduct and another of breaching data protection rules by obtaining personal data .staffordshire police deputy chief constable nick baker called rushton ` a disgrace to the police service ' who had ` brought shame on himself , his colleagues ' and the force .\"]\n", - "=======================\n", - "[\"adam rushton took advantage of being a beat officer in stoke-on-trentstaffordshire police says he has ` brought shame on himself ' and forcesaid he never expected to end up in dock after oral sex with a womantells court : ` it 's not very professional , i fully accept that , and it 's wrong '\"]\n", - "guilty : adam rushton , 37 , took advantage of his post as a beat officer to have sex with womenthe 37-year-old officer was found guilty of five counts of misconduct and another of breaching data protection rules by obtaining personal data .staffordshire police deputy chief constable nick baker called rushton ` a disgrace to the police service ' who had ` brought shame on himself , his colleagues ' and the force .\n", - "adam rushton took advantage of being a beat officer in stoke-on-trentstaffordshire police says he has ` brought shame on himself ' and forcesaid he never expected to end up in dock after oral sex with a womantells court : ` it 's not very professional , i fully accept that , and it 's wrong '\n", - "[1.0833734 1.4075974 1.1346326 1.1783004 1.127742 1.05429 1.1070389\n", - " 1.1039561 1.0507723 1.0389014 1.0382187 1.0198035 1.0433387 1.2673745\n", - " 1.1098735 1.0929172 1.0421356 1.024713 1.0277795 1.0406903 1.0318727\n", - " 1.0234954 1.0177964 1.0239666]\n", - "\n", - "[ 1 13 3 2 4 14 6 7 15 0 5 8 12 16 19 9 10 20 18 17 23 21 11 22]\n", - "=======================\n", - "['at an emotional event in anaheim , california , director j.j. abrams and the \" star wars : episode vii -- the force awakens \" cast showed off for the audience and then capped the presentation with the trailer for the new film .the cast was appreciative of the welcome .the audience gasped , cheered and applauded .']\n", - "=======================\n", - "['the new \" star wars : episode vii -- the force awakens \" trailer is releaseda fan gathering in los angeles featured the cast and a droidthe movie comes out december 18']\n", - "at an emotional event in anaheim , california , director j.j. abrams and the \" star wars : episode vii -- the force awakens \" cast showed off for the audience and then capped the presentation with the trailer for the new film .the cast was appreciative of the welcome .the audience gasped , cheered and applauded .\n", - "the new \" star wars : episode vii -- the force awakens \" trailer is releaseda fan gathering in los angeles featured the cast and a droidthe movie comes out december 18\n", - "[1.1533334 1.1895671 1.1600952 1.3328614 1.1084974 1.051292 1.0802438\n", - " 1.0745999 1.0385818 1.0514408 1.0816281 1.0716734 1.035011 1.0290246\n", - " 1.0238106 1.0404183 1.0341403 1.0276657 1.0272013 1.0291778 1.1109092]\n", - "\n", - "[ 3 1 2 0 20 4 10 6 7 11 9 5 15 8 12 16 19 13 17 18 14]\n", - "=======================\n", - "['wellness warrior belle gibson has admitted that she never had cancer and does not want forgivenessbut it becomes completely believable when it is brought to life through the inspirational , optimistic , comeback story of a charismatic , beautiful , young woman named belle gibson .belle cast a spell through her endearing vulnerability and charming personality , collecting an enormous social media following who were enamoured with her brave account of reclaiming her health .']\n", - "=======================\n", - "[\"wendy l. patrick phd is the author of red flags : how to spot frenemies , underminers , and toxic peopledr patrick has outlined the five reasons the we fell for belle gibson 's storybelle gibson released a book and app about how she beat terminal cancerthis week she finally admitted she never actually had cancershe explains that there is a bit of belle in all of us as we are born to bond` we were belle ´ s cheerleaders as she recounted her fight against cancer '\"]\n", - "wellness warrior belle gibson has admitted that she never had cancer and does not want forgivenessbut it becomes completely believable when it is brought to life through the inspirational , optimistic , comeback story of a charismatic , beautiful , young woman named belle gibson .belle cast a spell through her endearing vulnerability and charming personality , collecting an enormous social media following who were enamoured with her brave account of reclaiming her health .\n", - "wendy l. patrick phd is the author of red flags : how to spot frenemies , underminers , and toxic peopledr patrick has outlined the five reasons the we fell for belle gibson 's storybelle gibson released a book and app about how she beat terminal cancerthis week she finally admitted she never actually had cancershe explains that there is a bit of belle in all of us as we are born to bond` we were belle ´ s cheerleaders as she recounted her fight against cancer '\n", - "[1.5530045 1.3186657 1.1811901 1.3437533 1.2851927 1.0624365 1.0208771\n", - " 1.0115374 1.0068254 1.157232 1.0881408 1.1566055 1.1876478 1.1109595\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 12 2 9 11 13 10 5 6 7 8 19 14 15 16 17 18 20]\n", - "=======================\n", - "['kim sei-young will take a three-shot lead into the final round of the ana inspiration after carding a three-under-par 69 in california on saturday .the south korean , who led by two shots at the halfway stage at mission hills country club , birdied the first hole before a bogey at the par-three fifth halted her progress .world no 1 lydia ko shot her second consecutive over-par score when she could only manage a two-over-par 74 , which included three bogeys and a birdie .']\n", - "=======================\n", - "[\"kim sei-young leads ana inspiration by three after a three-under-par 69the south korean says it would be ` the biggest dream ' to winlydia ko struggled again , shooting a two-over-par 74\"]\n", - "kim sei-young will take a three-shot lead into the final round of the ana inspiration after carding a three-under-par 69 in california on saturday .the south korean , who led by two shots at the halfway stage at mission hills country club , birdied the first hole before a bogey at the par-three fifth halted her progress .world no 1 lydia ko shot her second consecutive over-par score when she could only manage a two-over-par 74 , which included three bogeys and a birdie .\n", - "kim sei-young leads ana inspiration by three after a three-under-par 69the south korean says it would be ` the biggest dream ' to winlydia ko struggled again , shooting a two-over-par 74\n", - "[1.4040076 1.4802529 1.2198724 1.3630757 1.1083082 1.0750028 1.1165122\n", - " 1.0923501 1.0853703 1.0610112 1.085803 1.0336995 1.0488981 1.0565548\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 6 4 7 10 8 5 9 13 12 11 19 14 15 16 17 18 20]\n", - "=======================\n", - "['tostee , 29 , was on bail for the alleged murder of new zealand woman warriena tagpuno wright when tweed heads magistrate sentenced him to 10 months behind bars for the driving offence that occurred in july .back behind bars : accused balcony murderer gable tostee ( pictured ) was denied an early release for his drunken car chase with police across state lines after where he was found to be four times over the legal limit for drink drivingtostee admitted to police he was intoxicated and his vehicle was unregistered .']\n", - "=======================\n", - "['gable tostee will remain in jail for a drunken car chase involving policethe judge threw out his appeal hearing saying he should remain in jailnsw and gold coast police chased tostee at 3am across state bordersthe accused balcony murder will be eligible for parole in augustthe sentenced comes two months after he was released on bailhe was granted bail last year on charges of allegedly murdering warriena wrighthe denies he murdered warriena tagpuno wright on august 8ms wright fell to her death from his 14th floor surfers paradise apartmentthe pair met via mobile dating app tinder six hours before she diedhe is due to face a murder trial by 2016 or 2017 in brisbane']\n", - "tostee , 29 , was on bail for the alleged murder of new zealand woman warriena tagpuno wright when tweed heads magistrate sentenced him to 10 months behind bars for the driving offence that occurred in july .back behind bars : accused balcony murderer gable tostee ( pictured ) was denied an early release for his drunken car chase with police across state lines after where he was found to be four times over the legal limit for drink drivingtostee admitted to police he was intoxicated and his vehicle was unregistered .\n", - "gable tostee will remain in jail for a drunken car chase involving policethe judge threw out his appeal hearing saying he should remain in jailnsw and gold coast police chased tostee at 3am across state bordersthe accused balcony murder will be eligible for parole in augustthe sentenced comes two months after he was released on bailhe was granted bail last year on charges of allegedly murdering warriena wrighthe denies he murdered warriena tagpuno wright on august 8ms wright fell to her death from his 14th floor surfers paradise apartmentthe pair met via mobile dating app tinder six hours before she diedhe is due to face a murder trial by 2016 or 2017 in brisbane\n", - "[1.3355727 1.4442543 1.1029917 1.4409397 1.3044217 1.2050813 1.141226\n", - " 1.0473381 1.1129042 1.0148062 1.0096437 1.2296861 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 11 5 6 8 2 7 9 10 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the german star was in fine form as the world cup winners beat georgia 2-0 in their euro 2016 qualifier on sunday , and is now setting his sights on the premier league encounter with liverpool at the weekend .mesut ozil posted a picture on twitter relaxing with his dog on wednesday after returning home to londonozil was said to have been spotted in a berlin nightclub after missing the gunners ' 2-1 win at st james ' park , though manager arsene wenger rubbished those claims .\"]\n", - "=======================\n", - "[\"mesut ozil starred as germany beat georgia 2-0 in euro 2016 qualifierplaymaker returns to london ahead of arsenal 's game against liverpoolozil puts his feet up on sofa with his dog as he enjoys home comforts\"]\n", - "the german star was in fine form as the world cup winners beat georgia 2-0 in their euro 2016 qualifier on sunday , and is now setting his sights on the premier league encounter with liverpool at the weekend .mesut ozil posted a picture on twitter relaxing with his dog on wednesday after returning home to londonozil was said to have been spotted in a berlin nightclub after missing the gunners ' 2-1 win at st james ' park , though manager arsene wenger rubbished those claims .\n", - "mesut ozil starred as germany beat georgia 2-0 in euro 2016 qualifierplaymaker returns to london ahead of arsenal 's game against liverpoolozil puts his feet up on sofa with his dog as he enjoys home comforts\n", - "[1.2459996 1.5083311 1.2606575 1.3012762 1.1171032 1.199934 1.117919\n", - " 1.0434692 1.067643 1.1670218 1.0215727 1.1047566 1.0264816 1.0463924\n", - " 1.0283151 1.0208057 1.0452752 1.0153329 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 5 9 6 4 11 8 13 16 7 14 12 10 15 17 19 18 20]\n", - "=======================\n", - "['the total lunar eclipse will transform the moon on saturday night and will be visible in the skies of north america , asia and australia .according to one us pastor , the event was predicted in the bible and hints at an imminent world-changing event , but nasa is quick to point out that the change in hue is entirely harmless .the moon is set to turn a sinister-looking blood red this easter weekend .']\n", - "=======================\n", - "[\"blood moon will be visible in the skies of north america , asia and australiait 's the third blood moon in the ` tetrad ' that will end in septemberred moons are predicted in the bible and signify important eventsus pastor says strange event could predict the second coming\"]\n", - "the total lunar eclipse will transform the moon on saturday night and will be visible in the skies of north america , asia and australia .according to one us pastor , the event was predicted in the bible and hints at an imminent world-changing event , but nasa is quick to point out that the change in hue is entirely harmless .the moon is set to turn a sinister-looking blood red this easter weekend .\n", - "blood moon will be visible in the skies of north america , asia and australiait 's the third blood moon in the ` tetrad ' that will end in septemberred moons are predicted in the bible and signify important eventsus pastor says strange event could predict the second coming\n", - "[1.1108812 1.4045246 1.228016 1.1899339 1.1408222 1.1997507 1.0192152\n", - " 1.0902287 1.045141 1.0585889 1.1428676 1.0559894 1.0320578 1.0288368\n", - " 1.033559 1.0661299 1.0174816 1.024714 1.0592749 1.0402213 0. ]\n", - "\n", - "[ 1 2 5 3 10 4 0 7 15 18 9 11 8 19 14 12 13 17 6 16 20]\n", - "=======================\n", - "[\"a handful of animal keepers at salt lake city 's hogle zoo found themselves with a tiny red-headed charge when eve , a bornean orangutan , died a few weeks after giving birth .now 5 months old , the 14-inch , 11-pound tuah is starting to crawl .about 9,000 people visited the zoo saturday , said erica hansen , the zoo 's community relations coordinator .\"]\n", - "=======================\n", - "[\"now 5 months old , the 14-inch , 11-pound tuah is starting to crawltuah was revealed to the public on saturday at salt lake city 's hogle zootuah 's parents died shortly after she was borntuah 's father was eli , an orangutan who became famous for correctly predicting the super bowl winner seven years in a rowonce she is ready , tuah 's sister acara will care for her instead of humans\"]\n", - "a handful of animal keepers at salt lake city 's hogle zoo found themselves with a tiny red-headed charge when eve , a bornean orangutan , died a few weeks after giving birth .now 5 months old , the 14-inch , 11-pound tuah is starting to crawl .about 9,000 people visited the zoo saturday , said erica hansen , the zoo 's community relations coordinator .\n", - "now 5 months old , the 14-inch , 11-pound tuah is starting to crawltuah was revealed to the public on saturday at salt lake city 's hogle zootuah 's parents died shortly after she was borntuah 's father was eli , an orangutan who became famous for correctly predicting the super bowl winner seven years in a rowonce she is ready , tuah 's sister acara will care for her instead of humans\n", - "[1.1930237 1.5624869 1.3173797 1.3028082 1.2116771 1.057426 1.0152442\n", - " 1.0144812 1.0213714 1.0799309 1.0826607 1.0649112 1.0226234 1.1073631\n", - " 1.0951611 1.167022 1.0554415 1.1154228 1.0499806 1.0064085 0. ]\n", - "\n", - "[ 1 2 3 4 0 15 17 13 14 10 9 11 5 16 18 12 8 6 7 19 20]\n", - "=======================\n", - "[\"charles kingham , 86 , and partner pauline moore , 68 , have been together for 40 years and bought their home in the quiet lincolnshire seaside resort of mablethorpe for # 35,000 in 1987 .they spent two years converting it into their dream home , but it became a ` living hell ' after it was converted into an integrated offender management centre , which deals with persistent criminals .board stiff : the couple have been forced to board up every window in their home for protection\"]\n", - "=======================\n", - "['charles kingham , 86 , and pauline moore , 68 , had their home pelted with eggs , stones and even cooking fat on a weekly basisthugs banged on their door and urinated on garden flowerscouple were forced to board up all the windows for protectionms moore says yobs turned dream seaside home into living hell']\n", - "charles kingham , 86 , and partner pauline moore , 68 , have been together for 40 years and bought their home in the quiet lincolnshire seaside resort of mablethorpe for # 35,000 in 1987 .they spent two years converting it into their dream home , but it became a ` living hell ' after it was converted into an integrated offender management centre , which deals with persistent criminals .board stiff : the couple have been forced to board up every window in their home for protection\n", - "charles kingham , 86 , and pauline moore , 68 , had their home pelted with eggs , stones and even cooking fat on a weekly basisthugs banged on their door and urinated on garden flowerscouple were forced to board up all the windows for protectionms moore says yobs turned dream seaside home into living hell\n", - "[1.5059198 1.2967472 1.1380429 1.1293621 1.4005213 1.0465074 1.0319456\n", - " 1.1300794 1.0854136 1.0865107 1.0303068 1.0226386 1.1606377 1.0539877\n", - " 1.0475738 1.0830114 1.039121 1.094298 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 12 2 7 3 17 9 8 15 13 14 5 16 6 10 11 19 18 20]\n", - "=======================\n", - "[\"financially-troubled cska sofia 's latvian goalkeeper maksims uvarenko has not been paid for three months and has had to ask his parents to send him money to pay his rent .but despite the financial problems , uvarenko , who joined the bulgarian club on an 18-month contract in january , has been impressed by the ` unique ' fans and their passionate support .cska have faced a series of financial problems since bulgarian tycoon vasil bozhkov , considered one of the richest men in the black sea state , decided to sell the club in 2006 .\"]\n", - "=======================\n", - "['maksims uvarenko revealed he has not been paid for three monthsthe cska sofia goalkeeper asked his parents to send him rent moneythe bulgarian club are struggling with financial problems']\n", - "financially-troubled cska sofia 's latvian goalkeeper maksims uvarenko has not been paid for three months and has had to ask his parents to send him money to pay his rent .but despite the financial problems , uvarenko , who joined the bulgarian club on an 18-month contract in january , has been impressed by the ` unique ' fans and their passionate support .cska have faced a series of financial problems since bulgarian tycoon vasil bozhkov , considered one of the richest men in the black sea state , decided to sell the club in 2006 .\n", - "maksims uvarenko revealed he has not been paid for three monthsthe cska sofia goalkeeper asked his parents to send him rent moneythe bulgarian club are struggling with financial problems\n", - "[1.4947332 1.2194614 1.4961717 1.3203741 1.1981237 1.2720172 1.1654481\n", - " 1.0445595 1.0174494 1.01589 1.0163343 1.0136646 1.0159248 1.0212381\n", - " 1.0189106 1.0246757 1.0163462 1.0191293 1.0115255 1.010802 1.1137123]\n", - "\n", - "[ 2 0 3 5 1 4 6 20 7 15 13 17 14 8 16 10 12 9 11 18 19]\n", - "=======================\n", - "[\"kim copeland , 52 , was walking home from her local sainsbury 's store in coventry when she threw the used cigarette on the ground - before two council officers came ` sprinting ' towards her to say she had committed a criminal offence .miss copeland was then issued with a # 50 fixed penalty notice following the incident in october last year , but refused to pay it within ten days in protest at how she was treated .she was then fined # 304 by magistrates who also ordered her to pay # 200 court costs .\"]\n", - "=======================\n", - "[\"two council officers came ` sprinting ' towards kim copeland in coventrysaid she had committed a crime and issued her with # 50 penalty noticeshe refused to pay it within ten days in protest at how she was treatedbut she was then told to appear at court and fined # 304 plus # 200 costs\"]\n", - "kim copeland , 52 , was walking home from her local sainsbury 's store in coventry when she threw the used cigarette on the ground - before two council officers came ` sprinting ' towards her to say she had committed a criminal offence .miss copeland was then issued with a # 50 fixed penalty notice following the incident in october last year , but refused to pay it within ten days in protest at how she was treated .she was then fined # 304 by magistrates who also ordered her to pay # 200 court costs .\n", - "two council officers came ` sprinting ' towards kim copeland in coventrysaid she had committed a crime and issued her with # 50 penalty noticeshe refused to pay it within ten days in protest at how she was treatedbut she was then told to appear at court and fined # 304 plus # 200 costs\n", - "[1.2838643 1.4644246 1.2775306 1.255961 1.1900387 1.0958953 1.1001239\n", - " 1.0796973 1.0500426 1.0747043 1.1408424 1.0621666 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 10 6 5 7 9 11 8 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"his tiny face is coated in dust from the debris that crashed around him as the earth shook on saturday , april 25 , killing more than 5,000 people and injuring at least twice as many more .( cnn ) a photo of a baby boy being pulled from the rubble of the nepal earthquake has become the defining image of a disaster that has devastated the country .his name is sonit awal , and he 's just four months old .\"]\n", - "=======================\n", - "['baby sonit awal found in rubble of nepal earthquake , sunday morningspent 22 hours buried under his home after 7.8-magnitude quake']\n", - "his tiny face is coated in dust from the debris that crashed around him as the earth shook on saturday , april 25 , killing more than 5,000 people and injuring at least twice as many more .( cnn ) a photo of a baby boy being pulled from the rubble of the nepal earthquake has become the defining image of a disaster that has devastated the country .his name is sonit awal , and he 's just four months old .\n", - "baby sonit awal found in rubble of nepal earthquake , sunday morningspent 22 hours buried under his home after 7.8-magnitude quake\n", - "[1.2700493 1.4660779 1.1186614 1.3137481 1.2501625 1.1548774 1.2008519\n", - " 1.0694906 1.093921 1.0894488 1.0973381 1.0305363 1.0175376 1.0406055\n", - " 1.0598522 1.0381123 1.0402447 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 4 6 5 2 10 8 9 7 14 13 16 15 11 12 21 17 18 19 20 22]\n", - "=======================\n", - "['sebastiano quagliata and his wife , valbona lucaj , pleaded no contest to owning a dangerous dog causing death in the fatal mauling last summer of craig sytsma of livonia , the flint journal reported .sytsma , 46 , was attacked by two cane corsos last july in metamora township , 45 miles northwest of detroit .lucaj ( left ) , a native of albania , and quagliata , of italy , could be deported after serving their sentences']\n", - "=======================\n", - "[\"father-of-three craig sytsma was mauled to death in michigan last yeardog owners sebastiano quagliata and wife valbona lucaj agreed to plea deal friday to around 15 years in jail , though judge could add six monthssytsma was jogging in july 2014 when the two cane corsos attacked himhe was bitten almost ten times and was ` screaming and begging ' for help\"]\n", - "sebastiano quagliata and his wife , valbona lucaj , pleaded no contest to owning a dangerous dog causing death in the fatal mauling last summer of craig sytsma of livonia , the flint journal reported .sytsma , 46 , was attacked by two cane corsos last july in metamora township , 45 miles northwest of detroit .lucaj ( left ) , a native of albania , and quagliata , of italy , could be deported after serving their sentences\n", - "father-of-three craig sytsma was mauled to death in michigan last yeardog owners sebastiano quagliata and wife valbona lucaj agreed to plea deal friday to around 15 years in jail , though judge could add six monthssytsma was jogging in july 2014 when the two cane corsos attacked himhe was bitten almost ten times and was ` screaming and begging ' for help\n", - "[1.1224854 1.4476995 1.3065943 1.2034968 1.2607836 1.1603243 1.0474898\n", - " 1.0502136 1.0351572 1.1681458 1.1221857 1.1100935 1.0522023 1.1138521\n", - " 1.0711879 1.033152 1.0244863 1.062648 1.050402 1.028653 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 4 3 9 5 0 10 13 11 14 17 12 18 7 6 8 15 19 16 21 20 22]\n", - "=======================\n", - "['baron the german shepherd was captured in a video using the toilet after he began learning the impressive skill a few weeks ago .in the footage , the five-month-old pup enters the bathroom and lifts up the toilet seat .he then climbs up balancing his paws on the raised seat cover as he holds himself up and hovers over the toilet while relieving himself .']\n", - "=======================\n", - "['baron the german shepherd was filmed using the bathroomin the footage shared on facebook , the dog raises the toilet seat , relieves himself and puts the seat down before flushing the toiletthe video has been viewed more than 16,400,000 times to datefive-month-old pup was professionally trained at hill country k9 school']\n", - "baron the german shepherd was captured in a video using the toilet after he began learning the impressive skill a few weeks ago .in the footage , the five-month-old pup enters the bathroom and lifts up the toilet seat .he then climbs up balancing his paws on the raised seat cover as he holds himself up and hovers over the toilet while relieving himself .\n", - "baron the german shepherd was filmed using the bathroomin the footage shared on facebook , the dog raises the toilet seat , relieves himself and puts the seat down before flushing the toiletthe video has been viewed more than 16,400,000 times to datefive-month-old pup was professionally trained at hill country k9 school\n", - "[1.2363665 1.3773253 1.2805014 1.3804843 1.2774441 1.1907952 1.1335812\n", - " 1.1041574 1.0735334 1.0163238 1.0289044 1.1148027 1.054402 1.0115355\n", - " 1.0176393 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 1 2 4 0 5 6 11 7 8 12 10 14 9 13 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"the office for national statistics said more than 31 million people were in work after an increase of more than half a million in the past yearthe prime minister used the data to warn that the recovery would be ` put at risk ' by a ` stitch-up ' between labour and the snp , after ed miliband and nicola sturgeon clashed in a tv debate last night .david cameron today boasted that 2million people have found work since 2010 , as new employment figures showed the uk workforce is at another record high .\"]\n", - "=======================\n", - "['employment surges as the number in work hits a record 31millionjobless total falls by 76,000 to 1.84 million , the lowest for seven yearscameron warns a labour government would put 1million jobs at risk']\n", - "the office for national statistics said more than 31 million people were in work after an increase of more than half a million in the past yearthe prime minister used the data to warn that the recovery would be ` put at risk ' by a ` stitch-up ' between labour and the snp , after ed miliband and nicola sturgeon clashed in a tv debate last night .david cameron today boasted that 2million people have found work since 2010 , as new employment figures showed the uk workforce is at another record high .\n", - "employment surges as the number in work hits a record 31millionjobless total falls by 76,000 to 1.84 million , the lowest for seven yearscameron warns a labour government would put 1million jobs at risk\n", - "[1.2937838 1.0787591 1.0436671 1.0425285 1.0420995 1.424824 1.5159558\n", - " 1.1446463 1.0583352 1.0336679 1.0372683 1.0295775 1.0285085 1.0446762\n", - " 1.0682307 1.133614 1.0610844 1.0948076 1.0630676 1.016296 1.0388212\n", - " 1.060299 1.066623 ]\n", - "\n", - "[ 6 5 0 7 15 17 1 14 22 18 16 21 8 13 2 3 4 20 10 9 11 12 19]\n", - "=======================\n", - "[\"hamilton 's mercedes team-mate nico rosberg was third six-tenths of a second behind hamiltonlewis hamilton waves after qualifying on pole position for the bahrain grand prix on saturdaynico rosberg is too polite to say what precisely he finds irritating about the team-mate with whom he is locked in the battle of his career .\"]\n", - "=======================\n", - "[\"lewis hamilton qualified in pole position for sunday 's bahrain grand prixferrari 's sebastian vettel pipped mercedes ' nico rosberg to secondrosberg 's father keke was 1982 world championrosberg and his wife vivian are expecting their first child in augustwhile hamilton courts fame and has a lavish lifestyle , rosberg 's focus is on his family while his life is more settled\"]\n", - "hamilton 's mercedes team-mate nico rosberg was third six-tenths of a second behind hamiltonlewis hamilton waves after qualifying on pole position for the bahrain grand prix on saturdaynico rosberg is too polite to say what precisely he finds irritating about the team-mate with whom he is locked in the battle of his career .\n", - "lewis hamilton qualified in pole position for sunday 's bahrain grand prixferrari 's sebastian vettel pipped mercedes ' nico rosberg to secondrosberg 's father keke was 1982 world championrosberg and his wife vivian are expecting their first child in augustwhile hamilton courts fame and has a lavish lifestyle , rosberg 's focus is on his family while his life is more settled\n", - "[1.2635639 1.4461415 1.3485314 1.1956818 1.2014568 1.0550935 1.0144756\n", - " 1.0816736 1.0849934 1.0864805 1.1362704 1.1516036 1.1289297 1.0828606\n", - " 1.0554445 1.0336818 1.0203398 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 4 3 11 10 12 9 8 13 7 14 5 15 16 6 17 18 19 20 21 22]\n", - "=======================\n", - "[\"the couples queenscliff neighbour , wendy goyer , claimed her ` small but charming view ' would be obstructed if mr pengilly and ms beachley 's addition was built .the pair 's three bedroom home was purchased in 2007 for $ 2.6 million and features extensive views of freshwater and queenscliff beaches .inxs guitarist kirk pingelly and his surfing champion wife layne beachly won their case against a disgruntled neighbour who wanted to stop the redevelopment of their northern beaches home .\"]\n", - "=======================\n", - "[\"kirk pingelly and layne beachley have won their legal disputethe couple were caught in a legal battle over redeveloping their homeneighbour wendy goyer said developments would ` destroy ' her viewsshe said the picturesque views were a major reason she bought the homethe court ruled her views werent ` iconic ' and were already at risk of being built out\"]\n", - "the couples queenscliff neighbour , wendy goyer , claimed her ` small but charming view ' would be obstructed if mr pengilly and ms beachley 's addition was built .the pair 's three bedroom home was purchased in 2007 for $ 2.6 million and features extensive views of freshwater and queenscliff beaches .inxs guitarist kirk pingelly and his surfing champion wife layne beachly won their case against a disgruntled neighbour who wanted to stop the redevelopment of their northern beaches home .\n", - "kirk pingelly and layne beachley have won their legal disputethe couple were caught in a legal battle over redeveloping their homeneighbour wendy goyer said developments would ` destroy ' her viewsshe said the picturesque views were a major reason she bought the homethe court ruled her views werent ` iconic ' and were already at risk of being built out\n", - "[1.2422433 1.3355526 1.3047771 1.2898457 1.2471325 1.162166 1.0482186\n", - " 1.0357735 1.0351036 1.0389618 1.088761 1.0688585 1.0977906 1.0893415\n", - " 1.0627636 1.072127 1.0208861 1.0620524 1.034022 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 5 12 13 10 15 11 14 17 6 9 7 8 18 16 19 20]\n", - "=======================\n", - "[\"in a rare foreign policy speech , the labour leader will pledge to ` restore our commitment ' to the eu and other international groups such as the united nations .today he will accuse david cameron of ` taking britain to the edge of european exit ' .labour will ` never ' walk away from the european union , ed miliband will say today .\"]\n", - "=======================\n", - "[\"labour leader has vowed to ` never ' walk away from the european unioned miliband pledges to ` restore our commitment ' to eu and other groupsaccusing david cameron of ` taking britain to the edge of european exit '\"]\n", - "in a rare foreign policy speech , the labour leader will pledge to ` restore our commitment ' to the eu and other international groups such as the united nations .today he will accuse david cameron of ` taking britain to the edge of european exit ' .labour will ` never ' walk away from the european union , ed miliband will say today .\n", - "labour leader has vowed to ` never ' walk away from the european unioned miliband pledges to ` restore our commitment ' to eu and other groupsaccusing david cameron of ` taking britain to the edge of european exit '\n", - "[1.3047652 1.464514 1.2307462 1.2497551 1.1841582 1.1983178 1.0274743\n", - " 1.0207055 1.025769 1.021131 1.0837023 1.0406519 1.0188 1.0366404\n", - " 1.0207688 1.0323842 1.120603 1.0230393 1.0146273 1.0110859 1.0115522]\n", - "\n", - "[ 1 0 3 2 5 4 16 10 11 13 15 6 8 17 9 14 7 12 18 20 19]\n", - "=======================\n", - "[\"the former secretary of state gave details of her daughter 's pregnancy in a new epilogue for her memoir , hard choices , released just days before she is expected to announce her presidential run .hillary clinton ` whooped ' for joy at the birth of her granddaughter before she saw bill becoming tearful in the hospital waiting room , she has revealed .she explained how in 2014 , she and her husband got the ` wonderful news ' that their daughter chelsea and her investment banker husband marc mezvinsky were expecting a baby .\"]\n", - "=======================\n", - "[\"in the new chapter released on friday , clinton shared her experiences as a grandmother and how they had motivated her political plansshe recalled how disorganized she had been before the birth of chelsea , whereas chelsea had been so composed before becoming a motherthe clintons ` whooped ' with delight when charlotte was born last september and hillary noticed bill becoming emotionalwhile she had been nervous about being a mother , being a grandmother is ` pure joy ' - and has made her think about all children 's futures , she saidshe is expected to announce her run for president on sunday\"]\n", - "the former secretary of state gave details of her daughter 's pregnancy in a new epilogue for her memoir , hard choices , released just days before she is expected to announce her presidential run .hillary clinton ` whooped ' for joy at the birth of her granddaughter before she saw bill becoming tearful in the hospital waiting room , she has revealed .she explained how in 2014 , she and her husband got the ` wonderful news ' that their daughter chelsea and her investment banker husband marc mezvinsky were expecting a baby .\n", - "in the new chapter released on friday , clinton shared her experiences as a grandmother and how they had motivated her political plansshe recalled how disorganized she had been before the birth of chelsea , whereas chelsea had been so composed before becoming a motherthe clintons ` whooped ' with delight when charlotte was born last september and hillary noticed bill becoming emotionalwhile she had been nervous about being a mother , being a grandmother is ` pure joy ' - and has made her think about all children 's futures , she saidshe is expected to announce her run for president on sunday\n", - "[1.4253799 1.4749002 1.2074361 1.3746572 1.2211797 1.0923113 1.0265644\n", - " 1.0233098 1.2507106 1.034575 1.0601298 1.1241362 1.0572104 1.0120102\n", - " 1.0083823 1.0093875 1.0084523 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 8 4 2 11 5 10 12 9 6 7 13 15 16 14 19 17 18 20]\n", - "=======================\n", - "[\"the tottenham winger came off the bench to score the equaliser with a stunning strike in tuesday 's 1-1 draw with italy in turin .arsenal legend paul merson has been forced into an embarrassing climbdown and admitted he was wrong to criticise the england call up for andros townsend .townsend and kyle walker were the worst two players on the pitch .\"]\n", - "=======================\n", - "[\"paul merson had questioned england selection of andros townsendtottenham winger scored equaliser in tuesday 's 1-1 draw with italymerson admitted townsend had proved him wrong with ` great goal '\"]\n", - "the tottenham winger came off the bench to score the equaliser with a stunning strike in tuesday 's 1-1 draw with italy in turin .arsenal legend paul merson has been forced into an embarrassing climbdown and admitted he was wrong to criticise the england call up for andros townsend .townsend and kyle walker were the worst two players on the pitch .\n", - "paul merson had questioned england selection of andros townsendtottenham winger scored equaliser in tuesday 's 1-1 draw with italymerson admitted townsend had proved him wrong with ` great goal '\n", - "[1.2137766 1.4288284 1.32061 1.170262 1.2649541 1.1696649 1.1902435\n", - " 1.0755417 1.11767 1.0784538 1.043705 1.0348964 1.1108383 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 0 6 3 5 8 12 9 7 10 11 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"footage of the unusual scene was released by chinese traffic police last week in attempt to warn the public of the dangerous stunts that could be seen on the roads .traffic authorities in eastern china said they were shocked when spotting this scene on cctv footage , according to the people 's daily online .the footage was taken at 10am on march 19 near the erdun port intersection in yangzhou city , jiangsu province .\"]\n", - "=======================\n", - "['image is released by chinese traffic police to warn dangerous road stuntsvan is strapped to the three-wheel moped with two crisscrossed stringsman is likely to be on his way to a garage as minibus has a flat tyrepolice said driver broke traffic regulations but they failed to track him down']\n", - "footage of the unusual scene was released by chinese traffic police last week in attempt to warn the public of the dangerous stunts that could be seen on the roads .traffic authorities in eastern china said they were shocked when spotting this scene on cctv footage , according to the people 's daily online .the footage was taken at 10am on march 19 near the erdun port intersection in yangzhou city , jiangsu province .\n", - "image is released by chinese traffic police to warn dangerous road stuntsvan is strapped to the three-wheel moped with two crisscrossed stringsman is likely to be on his way to a garage as minibus has a flat tyrepolice said driver broke traffic regulations but they failed to track him down\n", - "[1.2613387 1.1663232 1.405529 1.4169269 1.1799767 1.1079164 1.2610538\n", - " 1.2774367 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 7 0 6 4 1 5 18 17 16 15 14 10 12 11 19 9 8 13 20]\n", - "=======================\n", - "[\"davy mcgregor suffered the sickening injury to his ear while playing for heriot 's racing clubdavy mcgregor was hurt after being caught by an opponent 's hip or shorts - leaving a truly horrifying sight .the hooker 's ear was left hanging off after playing against the barbarians for their 125th anniversary\"]\n", - "=======================\n", - "[\"warning graphic contentdavy mcgregor posted the gruesome ear injury on his twitter pagethe heriot 's racing club hooker had been playing against the barbarians\"]\n", - "davy mcgregor suffered the sickening injury to his ear while playing for heriot 's racing clubdavy mcgregor was hurt after being caught by an opponent 's hip or shorts - leaving a truly horrifying sight .the hooker 's ear was left hanging off after playing against the barbarians for their 125th anniversary\n", - "warning graphic contentdavy mcgregor posted the gruesome ear injury on his twitter pagethe heriot 's racing club hooker had been playing against the barbarians\n", - "[1.255941 1.4704976 1.2758191 1.2642999 1.0537156 1.3020538 1.0948832\n", - " 1.0375311 1.1109917 1.0700711 1.0858324 1.0580033 1.0539566 1.1165433\n", - " 1.0428301 1.0300846 1.0446024 1.0451733 0. 0. ]\n", - "\n", - "[ 1 5 2 3 0 13 8 6 10 9 11 12 4 17 16 14 7 15 18 19]\n", - "=======================\n", - "['the authorities have closed a total of six chinese restaurants in the local area since police raided the lo yen city restaurant in southern tijuana following a tip-off from the disgusted client .the customer called in the cops after witnessing kitchen staff killing the dog , later intended to be served up masquerading as pork in the next chow mein .rescued : some dogs were found alive at the restaurant and were taken away by a local vet']\n", - "=======================\n", - "['customer witnessed dog being butchered at lo yen city restaurantit was killed to be served as a pork dish , it has been allegedpolice raided the restaurant and arrested five people , including the ownerofficials on the scene discovered a decapitated puppy in a rubbish bin']\n", - "the authorities have closed a total of six chinese restaurants in the local area since police raided the lo yen city restaurant in southern tijuana following a tip-off from the disgusted client .the customer called in the cops after witnessing kitchen staff killing the dog , later intended to be served up masquerading as pork in the next chow mein .rescued : some dogs were found alive at the restaurant and were taken away by a local vet\n", - "customer witnessed dog being butchered at lo yen city restaurantit was killed to be served as a pork dish , it has been allegedpolice raided the restaurant and arrested five people , including the ownerofficials on the scene discovered a decapitated puppy in a rubbish bin\n", - "[1.0608368 1.3343409 1.3523962 1.3714269 1.2776374 1.0677031 1.1536633\n", - " 1.0843245 1.0306723 1.0760385 1.0819095 1.0785335 1.0642687 1.0380925\n", - " 1.0337863 1.04296 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 4 6 7 10 11 9 5 12 0 15 13 14 8 16 17 18 19]\n", - "=======================\n", - "[\"more than 6,000 books are scattered throughout the guest rooms and public spaces at new york city 's library hotelthe boutique hotel was designed around the dewey decimal system , with each floor dedicated to one of its 10 major categories and every room decorated according to a genre or topic within the categories .it may seem like an unusual theme , but the library hotel has gone all in with its tribute to the american librarian .\"]\n", - "=======================\n", - "[\"the luxurious library hotel has more than 6,000 books scattered throughout its guest rooms and public spaceseach floor is dedicated to one of 10 of the dewey decimal system 's categories , including history and technologyevery one of the hotel 's 60 rooms is decorated according to a genre or topic within the categorieson the fifth floor - devoted to math and science - guests stay in rooms themed after astronomy and dinosaurs\"]\n", - "more than 6,000 books are scattered throughout the guest rooms and public spaces at new york city 's library hotelthe boutique hotel was designed around the dewey decimal system , with each floor dedicated to one of its 10 major categories and every room decorated according to a genre or topic within the categories .it may seem like an unusual theme , but the library hotel has gone all in with its tribute to the american librarian .\n", - "the luxurious library hotel has more than 6,000 books scattered throughout its guest rooms and public spaceseach floor is dedicated to one of 10 of the dewey decimal system 's categories , including history and technologyevery one of the hotel 's 60 rooms is decorated according to a genre or topic within the categorieson the fifth floor - devoted to math and science - guests stay in rooms themed after astronomy and dinosaurs\n", - "[1.1044204 1.5222838 1.2784301 1.3093694 1.2148525 1.1217601 1.0870953\n", - " 1.1909845 1.0743532 1.033243 1.0203239 1.0521483 1.0424491 1.0125889\n", - " 1.2657701 1.1156715 1.0958319 1.0776402 0. 0. ]\n", - "\n", - "[ 1 3 2 14 4 7 5 15 0 16 6 17 8 11 12 9 10 13 18 19]\n", - "=======================\n", - "['the rogue european eagle owl has been terrorising the dutch town of noordeinde for months and is believed to be behind a spate of vicious attacks .the enormous bird of prey targeted the blonde-haired woman after launching itself from the roof of a nearby houselocals have been advised to arm themselves with umbrellas against the bird , as hoards of twitchers have flocked to the netherlands hoping to catch a sighting of the impressive bird .']\n", - "=======================\n", - "[\"european eagle-owl caught on camera perched on birdwatcher 's headlarge bird has been terrorising dutch town of noordeinde for monthstwitchers have flocked to the town hoping to catch sighting of bird\"]\n", - "the rogue european eagle owl has been terrorising the dutch town of noordeinde for months and is believed to be behind a spate of vicious attacks .the enormous bird of prey targeted the blonde-haired woman after launching itself from the roof of a nearby houselocals have been advised to arm themselves with umbrellas against the bird , as hoards of twitchers have flocked to the netherlands hoping to catch a sighting of the impressive bird .\n", - "european eagle-owl caught on camera perched on birdwatcher 's headlarge bird has been terrorising dutch town of noordeinde for monthstwitchers have flocked to the town hoping to catch sighting of bird\n", - "[1.1454278 1.2510384 1.356647 1.2643818 1.2317001 1.1499345 1.0975944\n", - " 1.2781394 1.1014721 1.024967 1.0775245 1.1109848 1.0795412 1.0785801\n", - " 1.0185716 1.0140834 1.0169846 1.0433587 1.0367059 0. ]\n", - "\n", - "[ 2 7 3 1 4 5 0 11 8 6 12 13 10 17 18 9 14 16 15 19]\n", - "=======================\n", - "[\"in australia , 83 per cent of women rate themselves as average looking , the study found , while around the world just four per cent think they 're worthy of the glowing epithet .that is the question that has been posed to women by dove in a new survey , and the results are shocking .of the 9,397 out of 11,000 that answered ` average ' , 84 per cent regularly have negative thoughts about their appearance .\"]\n", - "=======================\n", - "[\"new dove worldwide survey finds 96 per cent think they 're ` average 'out of 11,000 australian women , a huge 9,397 rated themselves averagenew video filmed in five countries highlights the statisticsparticipants had to choose between doors marked ` beautiful ' and average 'dove has launched new #choosebeautiful campaign\"]\n", - "in australia , 83 per cent of women rate themselves as average looking , the study found , while around the world just four per cent think they 're worthy of the glowing epithet .that is the question that has been posed to women by dove in a new survey , and the results are shocking .of the 9,397 out of 11,000 that answered ` average ' , 84 per cent regularly have negative thoughts about their appearance .\n", - "new dove worldwide survey finds 96 per cent think they 're ` average 'out of 11,000 australian women , a huge 9,397 rated themselves averagenew video filmed in five countries highlights the statisticsparticipants had to choose between doors marked ` beautiful ' and average 'dove has launched new #choosebeautiful campaign\n", - "[1.345781 1.3376768 1.2605399 1.2709005 1.2882859 1.2425106 1.0753882\n", - " 1.0210124 1.0231442 1.0985836 1.0968871 1.136131 1.0868894 1.073947\n", - " 1.0277451 1.0410202 1.0363499 1.0096207 1.0110602 1.0106003]\n", - "\n", - "[ 0 1 4 3 2 5 11 9 10 12 6 13 15 16 14 8 7 18 19 17]\n", - "=======================\n", - "[\"nick robinson returned to the tv screens last night , with his voice still recovering its strength after his cancer treatment .the bbc 's political editor announced at the start of march that he would be taking some weeks off for treatment for a rare lung tumour .the tories ' manifesto is unveiled today and the liberal democrats ' is on wednesday .\"]\n", - "=======================\n", - "[\"the reporter announced early march he would take time off due to tumourhe made a brief return last night with his voice still recovering its strengthmr robinson 's voice sounded weak and strained following his treatmentthe bbc political editor said he hoped to be back full-time ` fairly soon '\"]\n", - "nick robinson returned to the tv screens last night , with his voice still recovering its strength after his cancer treatment .the bbc 's political editor announced at the start of march that he would be taking some weeks off for treatment for a rare lung tumour .the tories ' manifesto is unveiled today and the liberal democrats ' is on wednesday .\n", - "the reporter announced early march he would take time off due to tumourhe made a brief return last night with his voice still recovering its strengthmr robinson 's voice sounded weak and strained following his treatmentthe bbc political editor said he hoped to be back full-time ` fairly soon '\n", - "[1.2013721 1.371588 1.370173 1.2702311 1.2571495 1.0506467 1.0423568\n", - " 1.0272951 1.0317088 1.0253197 1.0964408 1.0723721 1.1007253 1.0446311\n", - " 1.0743573 1.0222201 1.0371169]\n", - "\n", - "[ 1 2 3 4 0 12 10 14 11 5 13 6 16 8 7 9 15]\n", - "=======================\n", - "[\"it is little surprise the fuhrer later banned the absurdly camp woodland snap , calling it ` beneath one 's dignity ' .but the rare archive photo , and several other portraits as comical as they are chilling , have been discovered in a hitler ` fan magazine ' from the thirties .in lederhosen and knee-high socks , adolf hitler lounges against a tree .\"]\n", - "=======================\n", - "[\"hitler ` fan magazine ' has been discovered and will be published in britainit was found by a british soldier in a bombed german house after the warone propaganda photo shows him in lederhosen and knee-high socksmilitary experts will this month publish book entitled the rise of hitler\"]\n", - "it is little surprise the fuhrer later banned the absurdly camp woodland snap , calling it ` beneath one 's dignity ' .but the rare archive photo , and several other portraits as comical as they are chilling , have been discovered in a hitler ` fan magazine ' from the thirties .in lederhosen and knee-high socks , adolf hitler lounges against a tree .\n", - "hitler ` fan magazine ' has been discovered and will be published in britainit was found by a british soldier in a bombed german house after the warone propaganda photo shows him in lederhosen and knee-high socksmilitary experts will this month publish book entitled the rise of hitler\n", - "[1.0999064 1.4999795 1.3819338 1.201437 1.1289127 1.1650307 1.2947291\n", - " 1.0352124 1.0359265 1.0710757 1.1326654 1.0620229 1.0562054 1.0238187\n", - " 1.0392802 1.0867572 1.0902137]\n", - "\n", - "[ 1 2 6 3 5 10 4 0 16 15 9 11 12 14 8 7 13]\n", - "=======================\n", - "[\"bbc radio 5 live commentator guy mowbray 's notes for monday night 's premier league clash between liverpool and newcastle at anfield were posted ahead of kick-off .instead jordan ibe returned from injury , while brannagan was an unused substitute in liverpool 's 2-0 win at anfield .mowbray has worked for the bbc since 2004\"]\n", - "=======================\n", - "[\"bbc commentator guy mowbray 's notes were revealed on twittermowbray commentated on liverpool 's match against newcastle at anfieldhe correctly predicted 19 of the 22 players who took to the field\"]\n", - "bbc radio 5 live commentator guy mowbray 's notes for monday night 's premier league clash between liverpool and newcastle at anfield were posted ahead of kick-off .instead jordan ibe returned from injury , while brannagan was an unused substitute in liverpool 's 2-0 win at anfield .mowbray has worked for the bbc since 2004\n", - "bbc commentator guy mowbray 's notes were revealed on twittermowbray commentated on liverpool 's match against newcastle at anfieldhe correctly predicted 19 of the 22 players who took to the field\n", - "[1.5102856 1.398328 1.1898305 1.3912679 1.3582275 1.0800427 1.0557489\n", - " 1.0267688 1.0384674 1.1350294 1.0805352 1.0520232 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 4 2 9 10 5 6 11 8 7 12 13 14 15 16]\n", - "=======================\n", - "[\"barcelona club president josep maria bartomeu has insisted that the la liga leaders have no plans to replace luis enrique and they 're ` very happy ' with him .the 44-year-old took only took charge of the club last summer , signing a two-year-deal , and is only six games away from winning the title .despite speculation this season that enrique will be replaced in the summer , bartomeu refuted these claims and says he 's impressed with how the manager has performed .\"]\n", - "=======================\n", - "[\"barcelona president josep bartomeu says the club are happy with enriquebarca are currently top of la liga and closing in on the league titleenrique 's future at the club has been speculated over the seasonclick here for all the latest barcelona news\"]\n", - "barcelona club president josep maria bartomeu has insisted that the la liga leaders have no plans to replace luis enrique and they 're ` very happy ' with him .the 44-year-old took only took charge of the club last summer , signing a two-year-deal , and is only six games away from winning the title .despite speculation this season that enrique will be replaced in the summer , bartomeu refuted these claims and says he 's impressed with how the manager has performed .\n", - "barcelona president josep bartomeu says the club are happy with enriquebarca are currently top of la liga and closing in on the league titleenrique 's future at the club has been speculated over the seasonclick here for all the latest barcelona news\n", - "[1.1983665 1.3615088 1.3919027 1.1994464 1.4505596 1.197238 1.0246438\n", - " 1.0268294 1.0198809 1.0207753 1.0217752 1.025989 1.0820662 1.029543\n", - " 1.017461 1.0859933 1.057179 ]\n", - "\n", - "[ 4 2 1 3 0 5 15 12 16 13 7 11 6 10 9 8 14]\n", - "=======================\n", - "[\"jonny may will start on the wing for gloucester at the stoop on friday but has lost his england starting placehe was told to go away and learn his lessons back at gloucester .just a couple of months after scoring a sensational first international try against new zealand , may was axed for striking the wrong note by ignoring an overlap in england 's six nations win over italy .\"]\n", - "=======================\n", - "['gloucester take on edinburgh in european challenge cup final on fridayjonny may will start for the premiership club at the stoopmay hopes impressing against edinburgh can help an england recall']\n", - "jonny may will start on the wing for gloucester at the stoop on friday but has lost his england starting placehe was told to go away and learn his lessons back at gloucester .just a couple of months after scoring a sensational first international try against new zealand , may was axed for striking the wrong note by ignoring an overlap in england 's six nations win over italy .\n", - "gloucester take on edinburgh in european challenge cup final on fridayjonny may will start for the premiership club at the stoopmay hopes impressing against edinburgh can help an england recall\n", - "[1.1899154 1.432132 1.2616558 1.283115 1.1657711 1.0356605 1.079198\n", - " 1.2152818 1.0877104 1.0313047 1.0406888 1.0390757 1.1076999 1.0796621\n", - " 1.0800375 0. 0. ]\n", - "\n", - "[ 1 3 2 7 0 4 12 8 14 13 6 10 11 5 9 15 16]\n", - "=======================\n", - "[\"guinness offered the top flight a huge deal of # 135m over three years , a # 5m-a-year increase on the payments from barclays , whose 15-year partnership with the premier league will finish at the end of next season .but the clubs awash with over # 5billion from domestic tv rights alone rejected the bid from guinness 's parent company diageo , in part because some teams have conflicting beer deals .the league 's mega-rich clubs have demanded a deal in the region of # 60m-a-season from 2016\"]\n", - "=======================\n", - "['drinks company offered premier league # 45million-a-year dealbut clubs turned it down because they have other deals with beerssky sports block thierry henry from presenting award on channel 4richard thompson looking to bring t20 blast highlights to terrestrial tv']\n", - "guinness offered the top flight a huge deal of # 135m over three years , a # 5m-a-year increase on the payments from barclays , whose 15-year partnership with the premier league will finish at the end of next season .but the clubs awash with over # 5billion from domestic tv rights alone rejected the bid from guinness 's parent company diageo , in part because some teams have conflicting beer deals .the league 's mega-rich clubs have demanded a deal in the region of # 60m-a-season from 2016\n", - "drinks company offered premier league # 45million-a-year dealbut clubs turned it down because they have other deals with beerssky sports block thierry henry from presenting award on channel 4richard thompson looking to bring t20 blast highlights to terrestrial tv\n", - "[1.1180434 1.2387875 1.0869805 1.1665308 1.1099064 1.1615272 1.1716841\n", - " 1.0444175 1.0161642 1.2290485 1.111651 1.0342284 1.1103967 1.030994\n", - " 1.1267726 1.0489669 1.0859202 1.0520718 1.0159115 0. 0. ]\n", - "\n", - "[ 1 9 6 3 5 14 0 10 12 4 2 16 17 15 7 11 13 8 18 19 20]\n", - "=======================\n", - "[\"when captain wayne rooney said after the draw in italy on tuesday that carrick was the ` best player on the pitch by a mile ' , and that he ` dictated the game ' he summed up what england have been missing since he signed for manchester united in 2006 .carrick has a 100 per cent record with england at the world cup .sir alex ferguson signed carrick for # 18million , trusted him in midfield , and united dominated domestically and even became champions of europe in an era when guardiola , messi and barcelona were taking their place in history as one of the greatest ever club sides .\"]\n", - "=======================\n", - "['carrick made just his 33rd appearance for england in italy on tuesdaythe midfielder has been overlooked by a succession of england managersthis is despite being the main man at manchester united for yearsroy hodgson seems to have realised the importance of carrickbut england may have won a major tournament with him in the side']\n", - "when captain wayne rooney said after the draw in italy on tuesday that carrick was the ` best player on the pitch by a mile ' , and that he ` dictated the game ' he summed up what england have been missing since he signed for manchester united in 2006 .carrick has a 100 per cent record with england at the world cup .sir alex ferguson signed carrick for # 18million , trusted him in midfield , and united dominated domestically and even became champions of europe in an era when guardiola , messi and barcelona were taking their place in history as one of the greatest ever club sides .\n", - "carrick made just his 33rd appearance for england in italy on tuesdaythe midfielder has been overlooked by a succession of england managersthis is despite being the main man at manchester united for yearsroy hodgson seems to have realised the importance of carrickbut england may have won a major tournament with him in the side\n", - "[1.2534126 1.4651525 1.2448629 1.1362315 1.138624 1.2062781 1.0790507\n", - " 1.0925369 1.0836225 1.0919853 1.0162927 1.0752347 1.0813086 1.0540216\n", - " 1.05866 1.0868267 1.0175155 1.0532794 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 5 4 3 7 9 15 8 12 6 11 14 13 17 16 10 18 19 20]\n", - "=======================\n", - "[\"the alarm failed at the former president 's houston residence in september 2013 and even though the secret service bought a replacement system in january 2014 , it took until december for it to be installed - leaving the couple without the protection of a working alarm at their home for 15 months .it came despite an agent 's recommendation in 2010 that the alarm , which was installed in 1993 , be replaced because it ` had exceeded its life cycle ' .the request was denied for an unknown reason .\"]\n", - "=======================\n", - "[\"the alarm system at the former president 's houston property failed around september 2013 but was not replaced until december 2014it came after an agent recommended in 2010 that the 20-year system be replaced but the request was deniedthe details emerged in a report by the department of homeland security office of inspector general released on thursdaythe report recommended that the agency reviews all security equipment\"]\n", - "the alarm failed at the former president 's houston residence in september 2013 and even though the secret service bought a replacement system in january 2014 , it took until december for it to be installed - leaving the couple without the protection of a working alarm at their home for 15 months .it came despite an agent 's recommendation in 2010 that the alarm , which was installed in 1993 , be replaced because it ` had exceeded its life cycle ' .the request was denied for an unknown reason .\n", - "the alarm system at the former president 's houston property failed around september 2013 but was not replaced until december 2014it came after an agent recommended in 2010 that the 20-year system be replaced but the request was deniedthe details emerged in a report by the department of homeland security office of inspector general released on thursdaythe report recommended that the agency reviews all security equipment\n", - "[1.5789275 1.4782327 1.23036 1.5107074 1.3126779 1.0493845 1.0141522\n", - " 1.0115359 1.0171243 1.0132267 1.0210721 1.3480778 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 11 4 2 5 10 8 6 9 7 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"barcelona goalkeeper marc-andre ter stegen is keen to impress manager luis enrique in the champions league having failed to make his la liga debut since joining the club in the summer .ter stegen arrived at the nou camp from german outfit borussia monchengladbach in may but has struggled to get ahead of fellow summer-singing claudio bravo in the pecking order under enrique .ter stegen was speaking ahead of the first leg of barcelona 's quarter-final clash with paris saint germain\"]\n", - "=======================\n", - "['marc-andre ter stegen is eager to impress barcelona boss luis enriqueter stegen is yet to make his la liga debut for the catalan giantsgerman goalkeeper has been reduced to champions league appearancesbarcelona face psg in champions league quarter-final tie on wednesdaypsg-barca clash to be refereed by mark clattenburg and english officials']\n", - "barcelona goalkeeper marc-andre ter stegen is keen to impress manager luis enrique in the champions league having failed to make his la liga debut since joining the club in the summer .ter stegen arrived at the nou camp from german outfit borussia monchengladbach in may but has struggled to get ahead of fellow summer-singing claudio bravo in the pecking order under enrique .ter stegen was speaking ahead of the first leg of barcelona 's quarter-final clash with paris saint germain\n", - "marc-andre ter stegen is eager to impress barcelona boss luis enriqueter stegen is yet to make his la liga debut for the catalan giantsgerman goalkeeper has been reduced to champions league appearancesbarcelona face psg in champions league quarter-final tie on wednesdaypsg-barca clash to be refereed by mark clattenburg and english officials\n", - "[1.1270151 1.0646607 1.102866 1.1119092 1.4930935 1.1804992 1.2642591\n", - " 1.1055783 1.0591363 1.060645 1.0297422 1.0370567 1.1261952 1.0190511\n", - " 1.0304306 1.0313905 1.1555376 1.0509402 1.1444767 1.2171174 1.0524591]\n", - "\n", - "[ 4 6 19 5 16 18 0 12 3 7 2 1 9 8 20 17 11 15 14 10 13]\n", - "=======================\n", - "[\"raheem sterling has turned down a new deal with liverpool and put off contract talks until the summerthe 20-year-old scored for england in their 4-0 win over lithuania at wembley last friday nightsterling 's current # 35,000-a-week deal at liverpool has two years to run at the end of this season\"]\n", - "=======================\n", - "[\"raheem sterling turned down a # 100,000-per-week offer from liverpoolsterling has two years left to run on his existing # 35,000-a-week contractthe 20-year-old began his career at queens park rangers in 2003he signed for liverpool in 2010 after seven years with qprsterling was born in kingston , jamaica before moving to englandliverpool attacker wants to be known as ' a kid that loves to play football '\"]\n", - "raheem sterling has turned down a new deal with liverpool and put off contract talks until the summerthe 20-year-old scored for england in their 4-0 win over lithuania at wembley last friday nightsterling 's current # 35,000-a-week deal at liverpool has two years to run at the end of this season\n", - "raheem sterling turned down a # 100,000-per-week offer from liverpoolsterling has two years left to run on his existing # 35,000-a-week contractthe 20-year-old began his career at queens park rangers in 2003he signed for liverpool in 2010 after seven years with qprsterling was born in kingston , jamaica before moving to englandliverpool attacker wants to be known as ' a kid that loves to play football '\n", - "[1.3218822 1.4861399 1.279177 1.4297885 1.2361377 1.0577621 1.0187843\n", - " 1.0757631 1.0446434 1.0519729 1.023206 1.0514508 1.0128963 1.0706561\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 7 13 5 9 11 8 10 6 12 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the # 1.5 million valued super-car was delivered just 11 hours later , and was added to his collection of impressive motors .floyd mayweather 's spending habits are well known but his car dealer has revealed that the boxer bizarrely rang him at 3am to order a bugatti - insisting the car was to be in his driveway in just 12 hours .obi okeke , who owns fusion luxury motors , was interviewed on the video on mayweather 's facebook page and spoke about the very late phone call he received .\"]\n", - "=======================\n", - "['floyd mayweather rang his car dealer to order a bugatti at 3amthe boxer told obi okele to have the car in his driveway just 12 hours laterthe car was # 1.5 million valued motor was delivered in just 11 hoursmayweather is training hard for his mega fight with manny pacquiao']\n", - "the # 1.5 million valued super-car was delivered just 11 hours later , and was added to his collection of impressive motors .floyd mayweather 's spending habits are well known but his car dealer has revealed that the boxer bizarrely rang him at 3am to order a bugatti - insisting the car was to be in his driveway in just 12 hours .obi okeke , who owns fusion luxury motors , was interviewed on the video on mayweather 's facebook page and spoke about the very late phone call he received .\n", - "floyd mayweather rang his car dealer to order a bugatti at 3amthe boxer told obi okele to have the car in his driveway just 12 hours laterthe car was # 1.5 million valued motor was delivered in just 11 hoursmayweather is training hard for his mega fight with manny pacquiao\n", - "[1.0846366 1.4380345 1.1611012 1.2927811 1.2935741 1.1744734 1.0806013\n", - " 1.1848482 1.1180412 1.057021 1.165168 1.1021793 1.0287222 1.0181786\n", - " 1.0155709 1.0136191 0. ]\n", - "\n", - "[ 1 4 3 7 5 10 2 8 11 0 6 9 12 13 14 15 16]\n", - "=======================\n", - "['this action shot was taken at estavayer-le-lac in switzerland where the latest water sports craze of jet surfing has taken off .flying high : jet surfing is the latest craze in extreme water sports as thrillseekers take it to the next leveljet surf boards have a top speed of 33mph and weigh just 15kg .']\n", - "=======================\n", - "['motorised surfboards weigh just 15kg and travel at speeds of up to 33mphcapable of thrusting riders into the air off waves and the wake from boatscontraption , made in czech republic , is powered by a two-stroke engine']\n", - "this action shot was taken at estavayer-le-lac in switzerland where the latest water sports craze of jet surfing has taken off .flying high : jet surfing is the latest craze in extreme water sports as thrillseekers take it to the next leveljet surf boards have a top speed of 33mph and weigh just 15kg .\n", - "motorised surfboards weigh just 15kg and travel at speeds of up to 33mphcapable of thrusting riders into the air off waves and the wake from boatscontraption , made in czech republic , is powered by a two-stroke engine\n", - "[1.3557076 1.3802167 1.2284802 1.2607591 1.1755406 1.0341644 1.2048728\n", - " 1.0487478 1.1077286 1.1332065 1.0834795 1.0315775 1.0597943 1.0542068\n", - " 1.0416416 1.0246971 1.0563041]\n", - "\n", - "[ 1 0 3 2 6 4 9 8 10 12 16 13 7 14 5 11 15]\n", - "=======================\n", - "[\"victoria police had explored the option of criminal charges being levelled against ms gibson after people began to question her cancer claims and charity work last month .controversial wellness blogger belle gibson is still being investigated over claims she faked her cancer battles , despite reports police had dropped the investigation .belle gibson : doubt has been cast on the whole pantry founder 's stories as people demand answers from the health guru\"]\n", - "=======================\n", - "[\"reports police dropped investigation into belle gibson 's whole pantryhowever , victoria police say its position has not changedpolice had been looking into charging ms gibson with deceptionconsumer affairs victoria will now decide if any offences were committedms gibson expressed concern over her family 's safety in remarks to daily mail australiams gibson faced backlash since close friends cast doubt about her terminal cancer diagnosis` my son 's childcare details were posted online , ' she claimed , adding that her address and floor plan were also made availablethe popular instagram personality still has not addressed questions about her ` cancer diagnosis '\"]\n", - "victoria police had explored the option of criminal charges being levelled against ms gibson after people began to question her cancer claims and charity work last month .controversial wellness blogger belle gibson is still being investigated over claims she faked her cancer battles , despite reports police had dropped the investigation .belle gibson : doubt has been cast on the whole pantry founder 's stories as people demand answers from the health guru\n", - "reports police dropped investigation into belle gibson 's whole pantryhowever , victoria police say its position has not changedpolice had been looking into charging ms gibson with deceptionconsumer affairs victoria will now decide if any offences were committedms gibson expressed concern over her family 's safety in remarks to daily mail australiams gibson faced backlash since close friends cast doubt about her terminal cancer diagnosis` my son 's childcare details were posted online , ' she claimed , adding that her address and floor plan were also made availablethe popular instagram personality still has not addressed questions about her ` cancer diagnosis '\n", - "[1.3802712 1.3548928 1.3518465 1.3456672 1.1985519 1.1714844 1.0518471\n", - " 1.0224657 1.1274664 1.0200372 1.0160782 1.1067955 1.0612627 1.0660366\n", - " 1.1232944 1.0336429 1.082926 ]\n", - "\n", - "[ 0 1 2 3 4 5 8 14 11 16 13 12 6 15 7 9 10]\n", - "=======================\n", - "[\"indonesia 's attorney-general has claimed that bali nine duo andrew chan and myuran sukumaran will be put to death following the rejection of their last ditch legal appeals .the convicted australian drug dealers learned about the ruling after an appeal against their death row sentence was allowed to proceed in jakarta 's state administrative court on monday .the court decided against allowing the pair 's lawyers to challenge indonesian president joko widodo 's decision to deny the two australians clemency .\"]\n", - "=======================\n", - "[\"andrew chan and myuran sukumaran lost last appeal against executionindonesia 's attorney-general said the pair would now be put to deaththe two australians are currently in isolation on nusakambangan islandthey were moved last month from bali jail to the island to await execution\"]\n", - "indonesia 's attorney-general has claimed that bali nine duo andrew chan and myuran sukumaran will be put to death following the rejection of their last ditch legal appeals .the convicted australian drug dealers learned about the ruling after an appeal against their death row sentence was allowed to proceed in jakarta 's state administrative court on monday .the court decided against allowing the pair 's lawyers to challenge indonesian president joko widodo 's decision to deny the two australians clemency .\n", - "andrew chan and myuran sukumaran lost last appeal against executionindonesia 's attorney-general said the pair would now be put to deaththe two australians are currently in isolation on nusakambangan islandthey were moved last month from bali jail to the island to await execution\n", - "[1.5296488 1.2412503 1.1242462 1.4617931 1.1640471 1.0561752 1.0473236\n", - " 1.1127923 1.0352962 1.0932683 1.021695 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 7 9 5 6 8 10 11 12 13 14 15 16]\n", - "=======================\n", - "[\"a hat-trick of tries from teenage winger ash handley helped leeds to a handsome 41-16 win over reigning champions st helens that takes them six points clear at the top of super league .leeds veteran danny mcguire crossed for one of his side 's seven tries against st helens on friday nightthe 19-year-old handley got his big chance due to an injury to england winger tom briscoe and how he has seized it , with six tries in just six super league appearances .\"]\n", - "=======================\n", - "['ash handley has now scored six tries in six appearances for leedsthe rhinos are now six points clear at the top of super leagueleeds have lost just once in their opening 11 matches']\n", - "a hat-trick of tries from teenage winger ash handley helped leeds to a handsome 41-16 win over reigning champions st helens that takes them six points clear at the top of super league .leeds veteran danny mcguire crossed for one of his side 's seven tries against st helens on friday nightthe 19-year-old handley got his big chance due to an injury to england winger tom briscoe and how he has seized it , with six tries in just six super league appearances .\n", - "ash handley has now scored six tries in six appearances for leedsthe rhinos are now six points clear at the top of super leagueleeds have lost just once in their opening 11 matches\n", - "[1.4533876 1.4465487 1.1820921 1.3873035 1.3912706 1.1917814 1.0226464\n", - " 1.0170798 1.0370809 1.201011 1.035287 1.0128217 1.014694 1.0155945\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 3 9 5 2 8 10 6 7 13 12 11 15 14 16]\n", - "=======================\n", - "[\"stefan johansen gratefully picked up two individual prizes at the annual celtic player of the year awards dinner on sunday night then looked forward to the team clinching the scottish premiership title .ronny deila 's side went eight points clear of aberdeen at the top of the table with a 3-0 away win at dundee united on sunday , courtesy of a leigh griffiths hat-trick .stefan johansen has been in terrific form for celtic this season and has impressed during his first campaign\"]\n", - "=======================\n", - "[\"stefan johansen picked up two prizes at celtic 's award dinnerthe midfielder has enjoyed a stunning first season at parkheadceltic moved eight points clear of the spl with a 3-0 win over dundeeclick here for all the latest celtic news\"]\n", - "stefan johansen gratefully picked up two individual prizes at the annual celtic player of the year awards dinner on sunday night then looked forward to the team clinching the scottish premiership title .ronny deila 's side went eight points clear of aberdeen at the top of the table with a 3-0 away win at dundee united on sunday , courtesy of a leigh griffiths hat-trick .stefan johansen has been in terrific form for celtic this season and has impressed during his first campaign\n", - "stefan johansen picked up two prizes at celtic 's award dinnerthe midfielder has enjoyed a stunning first season at parkheadceltic moved eight points clear of the spl with a 3-0 win over dundeeclick here for all the latest celtic news\n", - "[1.2719002 1.247842 1.142832 1.2286869 1.2303214 1.1478909 1.1445315\n", - " 1.0859123 1.0894411 1.0972837 1.0965832 1.0946256 1.0814921 1.0675913\n", - " 1.0203643 1.0615803 1.0436484 0. ]\n", - "\n", - "[ 0 1 4 3 5 6 2 9 10 11 8 7 12 13 15 16 14 17]\n", - "=======================\n", - "[\"madonna received a barrage of criticism from her gay fanbase today after posting a photograph of former prime minister margaret thatcher and ` thanking ' her for her service .the 56-year-old pop star posted the image of the iron lady on instagram - before quickly deleting it just moments later after receiving dozens of abusive messages .the singer , who has a large gay fanbase , offended fans who reminded her that thatcher enacted legislation that banned ` promoting ' homosexuality in 1988 .\"]\n", - "=======================\n", - "[\"madonna posted photograph of margaret thatcher before later deleting it56-year-old pop star uploaded image and ` thanked ' former prime ministershe quickly deleted the post after getting barrage of abuse from gay fans\"]\n", - "madonna received a barrage of criticism from her gay fanbase today after posting a photograph of former prime minister margaret thatcher and ` thanking ' her for her service .the 56-year-old pop star posted the image of the iron lady on instagram - before quickly deleting it just moments later after receiving dozens of abusive messages .the singer , who has a large gay fanbase , offended fans who reminded her that thatcher enacted legislation that banned ` promoting ' homosexuality in 1988 .\n", - "madonna posted photograph of margaret thatcher before later deleting it56-year-old pop star uploaded image and ` thanked ' former prime ministershe quickly deleted the post after getting barrage of abuse from gay fans\n", - "[1.1586872 1.241546 1.2074776 1.1083386 1.180332 1.1387273 1.0589682\n", - " 1.0442166 1.0511018 1.0330609 1.0219214 1.0374291 1.0391543 1.0325654\n", - " 1.0455014 1.0814925 1.0354369 1.0311642]\n", - "\n", - "[ 1 2 4 0 5 3 15 6 8 14 7 12 11 16 9 13 17 10]\n", - "=======================\n", - "['how can the people in iowa and new hampshire get to know the \" real hillary , \" the midwestern methodist ?( as a friend told me , she \\'s someone who \" likes to sing ` god bless america \\' on new year \\'s eve . \" )same questions , no doubt , that the staff asked in 2008 when she ran against the newbie barack obama , and same questions they asked when , as first lady , she ran for the senate in new york .']\n", - "=======================\n", - "[\"gloria borger : hillary clinton 's team is doing all it can to make her appear relatable to ordinary peopleshe asks if the most famous woman in the world can really connect with ordinary voters ?\"]\n", - "how can the people in iowa and new hampshire get to know the \" real hillary , \" the midwestern methodist ?( as a friend told me , she 's someone who \" likes to sing ` god bless america ' on new year 's eve . \" )same questions , no doubt , that the staff asked in 2008 when she ran against the newbie barack obama , and same questions they asked when , as first lady , she ran for the senate in new york .\n", - "gloria borger : hillary clinton 's team is doing all it can to make her appear relatable to ordinary peopleshe asks if the most famous woman in the world can really connect with ordinary voters ?\n", - "[1.0763215 1.5508196 1.3542035 1.2786446 1.2998815 1.0580767 1.1277487\n", - " 1.0909812 1.0285511 1.1587992 1.0189573 1.0209432 1.0148069 1.0168403\n", - " 1.0158037 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 9 6 7 0 5 8 11 10 13 14 12 15 16 17]\n", - "=======================\n", - "['thousands of sea creatures are on display when guests book themselves into one of two visually stunning underwater hotel rooms at the five-star atlantis , the palm resort in dubai .with enough room for five guests , the underwater suites -- poseidon and neptune -- boast floor-to-ceiling views directly into the ambassador lagoon aquarium , which holds 65,000 marine animals , from the master bedrooms and bathrooms -- creating the illusion of being under the sea .with a base price of just under # 5,500 ( $ 8,200 ) a night , each suite has elegant perks , including soap with 24-carat gold flakes , dom perignon champagne for non-muslim guests , a non-alcoholic sparkling date drink for muslim guests , and 24-hour private butler service to keep customers feeling pampered .']\n", - "=======================\n", - "['two underwater suites at atlantis , the palm boast floor-to-ceiling views directly into a massive aquariumthe views from the master bedrooms and bathrooms create the illusion of being under the seawith a base price of just under # 5,500 ( $ 8,200 ) a night , each suite comes with 24-hour private butler servicebutlers have received requests for everything from camel rides to a skydiver dressed as santa clausthe 1,500-room hotel is located on the palm jumeirah artificial island off the coast of dubai']\n", - "thousands of sea creatures are on display when guests book themselves into one of two visually stunning underwater hotel rooms at the five-star atlantis , the palm resort in dubai .with enough room for five guests , the underwater suites -- poseidon and neptune -- boast floor-to-ceiling views directly into the ambassador lagoon aquarium , which holds 65,000 marine animals , from the master bedrooms and bathrooms -- creating the illusion of being under the sea .with a base price of just under # 5,500 ( $ 8,200 ) a night , each suite has elegant perks , including soap with 24-carat gold flakes , dom perignon champagne for non-muslim guests , a non-alcoholic sparkling date drink for muslim guests , and 24-hour private butler service to keep customers feeling pampered .\n", - "two underwater suites at atlantis , the palm boast floor-to-ceiling views directly into a massive aquariumthe views from the master bedrooms and bathrooms create the illusion of being under the seawith a base price of just under # 5,500 ( $ 8,200 ) a night , each suite comes with 24-hour private butler servicebutlers have received requests for everything from camel rides to a skydiver dressed as santa clausthe 1,500-room hotel is located on the palm jumeirah artificial island off the coast of dubai\n", - "[1.4696743 1.3499415 1.2688602 1.1772922 1.2077823 1.1481375 1.2676\n", - " 1.1423585 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 6 4 3 5 7 15 14 13 12 8 10 9 16 11 17]\n", - "=======================\n", - "['( cnn ) boston native mark wahlberg will star in a film about the boston marathon bombing and the manhunt that followed , deadline reported wednesday .wahlberg \\'s film , to be titled \" patriots \\' day , \" is being produced by cbs films , which linked to the deadline article from its website .according to deadline , wahlberg is hoping to play boston police commissioner ed davis , who retired after the attack in 2013 .']\n", - "=======================\n", - "['mark wahlberg is planning to appear in \" patriots \\' day \"the film will be about events surrounding the 2013 boston marathon bombinganother film , \" boston strong , \" is also in the works']\n", - "( cnn ) boston native mark wahlberg will star in a film about the boston marathon bombing and the manhunt that followed , deadline reported wednesday .wahlberg 's film , to be titled \" patriots ' day , \" is being produced by cbs films , which linked to the deadline article from its website .according to deadline , wahlberg is hoping to play boston police commissioner ed davis , who retired after the attack in 2013 .\n", - "mark wahlberg is planning to appear in \" patriots ' day \"the film will be about events surrounding the 2013 boston marathon bombinganother film , \" boston strong , \" is also in the works\n", - "[1.3822278 1.4775693 1.3235605 1.3505484 1.0602992 1.0299852 1.0137086\n", - " 1.0170631 1.0528231 1.1290507 1.2565715 1.0360594 1.0994595 1.020303\n", - " 1.0178275 1.0137268 1.0941342 0. ]\n", - "\n", - "[ 1 0 3 2 10 9 12 16 4 8 11 5 13 14 7 15 6 17]\n", - "=======================\n", - "[\"mr macgregor , 68 , who has been at the helm of the museum since 2002 , said it was ' a difficult thing ' to decide to leave .director of the british museum neil macgregor has announced he is stepping down from the job at the end of the year .he previously ran the national gallery and has also worked as a broadcaster - most notably on his radio 4 series a history of the world in 100 objects which was inspired by the museum 's collection .\"]\n", - "=======================\n", - "[\"neil macgregor to leave job he has held since 2002 at the end of the yearsixty-eight-year-old said it was ' a difficult thing ' to finally decide to leavepreviously ran the national gallery and has also worked as a broadcasterhistory of the world in 100 objects series inspired by museum collection\"]\n", - "mr macgregor , 68 , who has been at the helm of the museum since 2002 , said it was ' a difficult thing ' to decide to leave .director of the british museum neil macgregor has announced he is stepping down from the job at the end of the year .he previously ran the national gallery and has also worked as a broadcaster - most notably on his radio 4 series a history of the world in 100 objects which was inspired by the museum 's collection .\n", - "neil macgregor to leave job he has held since 2002 at the end of the yearsixty-eight-year-old said it was ' a difficult thing ' to finally decide to leavepreviously ran the national gallery and has also worked as a broadcasterhistory of the world in 100 objects series inspired by museum collection\n", - "[1.1959937 1.4381647 1.267817 1.2789574 1.2516838 1.1200693 1.1109564\n", - " 1.0347286 1.109714 1.092942 1.0434283 1.1031141 1.0353211 1.1150947\n", - " 1.0857766 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 4 0 5 13 6 8 11 9 14 10 12 7 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"german annegret raunigk , already has 13 children , and her remarkable story will be featured in a tv documentary .her latest pregnancy was the result of artificial insemination using both donated sperm and eggs .ms raunigk , who is in the 21st week of her pregnancy , said she was ` shocked ' when an ultrasound scan showed she was carrying quadruplets .\"]\n", - "=======================\n", - "[\"annegret raunigk , 65 , from berlin , is pregnant with quadrupletspregnant following artificial insemination using donated sperm and eggsrefused ` selective reduction ' abortion and will keep all four babies\"]\n", - "german annegret raunigk , already has 13 children , and her remarkable story will be featured in a tv documentary .her latest pregnancy was the result of artificial insemination using both donated sperm and eggs .ms raunigk , who is in the 21st week of her pregnancy , said she was ` shocked ' when an ultrasound scan showed she was carrying quadruplets .\n", - "annegret raunigk , 65 , from berlin , is pregnant with quadrupletspregnant following artificial insemination using donated sperm and eggsrefused ` selective reduction ' abortion and will keep all four babies\n", - "[1.3822652 1.2468106 1.4231377 1.3678147 1.0956634 1.039199 1.0179307\n", - " 1.204195 1.0746486 1.139319 1.0610634 1.0689187 1.0540981 1.0647587\n", - " 1.1275064 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 3 1 7 9 14 4 8 11 13 10 12 5 6 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"driver shaun worthington 's car was filmed on a truck 's dashcam veering into the path of oncoming traffic at 1.04 pm - the same time the fatal text was sent .tragic : an inquest heard shaun worthington died instantly after his car veered into oncoming trafficthe 29-year-old died when his silver audi a4 collided with a truck on the a614 between burton agnes and haisthorpe , near bridlington , east yorkshire , on november 19 last year .\"]\n", - "=======================\n", - "[\"shaun worthington 's car veered into truck moments after text was senthe was driving home from a speed awareness course , an inquest heardthe 29-year-old 's mother said his death had ` blown our world apart 'she made a plea for motorists not to use their mobile phones when driving\"]\n", - "driver shaun worthington 's car was filmed on a truck 's dashcam veering into the path of oncoming traffic at 1.04 pm - the same time the fatal text was sent .tragic : an inquest heard shaun worthington died instantly after his car veered into oncoming trafficthe 29-year-old died when his silver audi a4 collided with a truck on the a614 between burton agnes and haisthorpe , near bridlington , east yorkshire , on november 19 last year .\n", - "shaun worthington 's car veered into truck moments after text was senthe was driving home from a speed awareness course , an inquest heardthe 29-year-old 's mother said his death had ` blown our world apart 'she made a plea for motorists not to use their mobile phones when driving\n", - "[1.4803467 1.4804287 1.1515229 1.2950453 1.0405957 1.0263264 1.0177015\n", - " 1.1174959 1.0264951 1.0779094 1.0845234 1.2100916 1.303083 1.0273304\n", - " 1.0254922 1.0377314 1.013001 1.0537416 1.0105532 1.0149415 1.0729169\n", - " 1.1209253]\n", - "\n", - "[ 1 0 12 3 11 2 21 7 10 9 20 17 4 15 13 8 5 14 6 19 16 18]\n", - "=======================\n", - "[\"following a comprehensive 3-1 victory against aston villa , van gaal sees next sunday 's derby against manchester city at old trafford as important in the battle to finish runners-up .manchester united boss louis van gaal has warned his players that champions league qualification is still not assured despite holding an eight-point gap over liverpool after saturday 's results .manchester united 's wayne rooney celebrates with team-mates after scoring his team 's second goal\"]\n", - "=======================\n", - "[\"manchester united beat aston villa to secure an eight-point cushionlouis van gaal 's side currently sit third a point ahead of manchester cityrivals liverpool find themselves in fifth following their defeat to arsenalbut van gaal has warned his squad it is important to battle till the end\"]\n", - "following a comprehensive 3-1 victory against aston villa , van gaal sees next sunday 's derby against manchester city at old trafford as important in the battle to finish runners-up .manchester united boss louis van gaal has warned his players that champions league qualification is still not assured despite holding an eight-point gap over liverpool after saturday 's results .manchester united 's wayne rooney celebrates with team-mates after scoring his team 's second goal\n", - "manchester united beat aston villa to secure an eight-point cushionlouis van gaal 's side currently sit third a point ahead of manchester cityrivals liverpool find themselves in fifth following their defeat to arsenalbut van gaal has warned his squad it is important to battle till the end\n", - "[1.2520076 1.4009383 1.3432946 1.2954255 1.0984828 1.1413639 1.090797\n", - " 1.0340196 1.0263252 1.0681651 1.1234252 1.1089157 1.0556238 1.0424356\n", - " 1.0459532 1.0427094 1.0139972 1.0609617 1.0143809 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 0 5 10 11 4 6 9 17 12 14 15 13 7 8 18 16 20 19 21]\n", - "=======================\n", - "[\"carwyn scott-howell was described as a ` daring , outgoing and determined ' youngster whose ` handsome smile lit up any room ' .the schoolboy was skiing with his family when he became separated from his mother and headed into dense woodland where he fell over a 164ft drop .tragedy : carwyn scott-howell ( left ; right ) fell to his death while on holiday with his mother ceri , nine-year-old sister antonia and brother gerwyn , 19 , in the alps\"]\n", - "=======================\n", - "[\"carwyn scott-howell died on a family holiday in flaine in french alpshe went ahead alone when sister fell and his mother stopped to helpskied into dense woodland before sliding towards a 164-foot cliffthought he may have entered woodland as thought it was shortcut to hotelfamily described him as a ` very daring , outgoing , determined little boy '\"]\n", - "carwyn scott-howell was described as a ` daring , outgoing and determined ' youngster whose ` handsome smile lit up any room ' .the schoolboy was skiing with his family when he became separated from his mother and headed into dense woodland where he fell over a 164ft drop .tragedy : carwyn scott-howell ( left ; right ) fell to his death while on holiday with his mother ceri , nine-year-old sister antonia and brother gerwyn , 19 , in the alps\n", - "carwyn scott-howell died on a family holiday in flaine in french alpshe went ahead alone when sister fell and his mother stopped to helpskied into dense woodland before sliding towards a 164-foot cliffthought he may have entered woodland as thought it was shortcut to hotelfamily described him as a ` very daring , outgoing , determined little boy '\n", - "[1.3059264 1.5182495 1.2776154 1.3116072 1.2432518 1.0714513 1.0267874\n", - " 1.0224454 1.0652258 1.0514368 1.0983998 1.0190511 1.0167353 1.0180854\n", - " 1.0761763 1.0372603 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 2 4 10 14 5 8 9 15 6 7 11 13 12 20 16 17 18 19 21]\n", - "=======================\n", - "[\"the picture-perfect photo shoot is the handiwork of john daniels , 61 , from dunsfold in surrey , who has decades of experience working with animals .a ` model ' poses in a makeshift hammock for a portrait by puppy photographer john danielsa british photographer has captured some adorable images of puppies posing for the camera .\"]\n", - "=======================\n", - "[\"john daniels , 61 , from surrey , has decades of experience working with animalsphotographer 's charming snaps celebrate national pet day , which takes place tomorrowinclude comedy props , tiny furniture and unusual animal pairings\"]\n", - "the picture-perfect photo shoot is the handiwork of john daniels , 61 , from dunsfold in surrey , who has decades of experience working with animals .a ` model ' poses in a makeshift hammock for a portrait by puppy photographer john danielsa british photographer has captured some adorable images of puppies posing for the camera .\n", - "john daniels , 61 , from surrey , has decades of experience working with animalsphotographer 's charming snaps celebrate national pet day , which takes place tomorrowinclude comedy props , tiny furniture and unusual animal pairings\n", - "[1.3709623 1.3032502 1.2967892 1.3330888 1.1132307 1.1431253 1.0702593\n", - " 1.103837 1.0631703 1.1809242 1.0572286 1.109306 1.0207381 1.0175619\n", - " 1.0081692 1.027098 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 9 5 4 11 7 6 8 10 15 12 13 14 17 16 18]\n", - "=======================\n", - "[\"controversial ryanair boss michael o'leary claims the budget airline will slash its fares by as much as 15 per cent over the next two years .ryanair chief executive michael o'leary took aim at air france in his interview with le journal du dimanchethe chief executive of europe 's largest budget airline made the vow in an interview with a french weekly newspaper , saying its average fare could be as low as $ 40 ( approximately # 26 ) next year .\"]\n", - "=======================\n", - "[\"chief executive michael o'leary made the vow to a french newspaperhe attributed the cuts to lower oil prices and said savings will be passed onthe controversial boss said ryanair 's average ticket price could drop by # 4new boeing planes ordered by irish carrier will have more capacitymr o'leary also took aim at air france and predicted more troubles timeshe disputed claims that ryanair staff face poor conditions and wages\"]\n", - "controversial ryanair boss michael o'leary claims the budget airline will slash its fares by as much as 15 per cent over the next two years .ryanair chief executive michael o'leary took aim at air france in his interview with le journal du dimanchethe chief executive of europe 's largest budget airline made the vow in an interview with a french weekly newspaper , saying its average fare could be as low as $ 40 ( approximately # 26 ) next year .\n", - "chief executive michael o'leary made the vow to a french newspaperhe attributed the cuts to lower oil prices and said savings will be passed onthe controversial boss said ryanair 's average ticket price could drop by # 4new boeing planes ordered by irish carrier will have more capacitymr o'leary also took aim at air france and predicted more troubles timeshe disputed claims that ryanair staff face poor conditions and wages\n", - "[1.1272732 1.4541074 1.401085 1.311077 1.0437596 1.0757651 1.113231\n", - " 1.1104102 1.0321238 1.045748 1.0783994 1.1849811 1.0725753 1.0780888\n", - " 1.0241411 1.0606312 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 11 0 6 7 10 13 5 12 15 9 4 8 14 16 17 18]\n", - "=======================\n", - "[\"the app , called eaze , has been dubbed ` uber for weed ' and enables people to choose medical grade marijuana and have it delivered by a vetted driver -- providing they live in one of the us states where the drug is legal .the californian start-up , which is rumoured to be backed by rapper snoop dogg , has just raised $ 10 million ( # 6.7 million ) so that users can ` find the perfect medicine ' in more states .today it 's the norm to order taxis using an app , but now a service lets its users schedule a delivery of drugs to their door .\"]\n", - "=======================\n", - "['eaze app lets people order marijuana for medical purposes to their homecalifornian start-up raised $ 10 million to roll out app to other stateslists the composition of cannabis and users pay when they receive drugsorders can arrive in minutes from drivers that have been vetted by the firm']\n", - "the app , called eaze , has been dubbed ` uber for weed ' and enables people to choose medical grade marijuana and have it delivered by a vetted driver -- providing they live in one of the us states where the drug is legal .the californian start-up , which is rumoured to be backed by rapper snoop dogg , has just raised $ 10 million ( # 6.7 million ) so that users can ` find the perfect medicine ' in more states .today it 's the norm to order taxis using an app , but now a service lets its users schedule a delivery of drugs to their door .\n", - "eaze app lets people order marijuana for medical purposes to their homecalifornian start-up raised $ 10 million to roll out app to other stateslists the composition of cannabis and users pay when they receive drugsorders can arrive in minutes from drivers that have been vetted by the firm\n", - "[1.4751791 1.2386843 1.291217 1.4698011 1.1792178 1.0679176 1.0208699\n", - " 1.0226073 1.1444209 1.0276672 1.0195913 1.0342889 1.1492888 1.0248435\n", - " 1.0220994 1.0175945 1.1036911 1.0394467 1.0167444]\n", - "\n", - "[ 0 3 2 1 4 12 8 16 5 17 11 9 13 7 14 6 10 15 18]\n", - "=======================\n", - "[\"homesick sam tomkins insists it is not a foregone conclusion that he will return to wigan when he cuts short his new zealand warriors stay at the end of the season .when announcing his departure barely 18 months ago , wigan announced they could re-sign tomkins on a ` defined salary ' on his return to super league .the 26-year-old england full-back is interesting his former club , where his brother joel plays , and wigan have an option to bring him back to the dw stadium .\"]\n", - "=======================\n", - "['sam tomkins has been homesick after moving to new zealandhe joined warriors after leaving wigan who are interested in signing himtomkins had been contracted until the end of the 2016 seasonhe said he missed home in ways he never thought he would']\n", - "homesick sam tomkins insists it is not a foregone conclusion that he will return to wigan when he cuts short his new zealand warriors stay at the end of the season .when announcing his departure barely 18 months ago , wigan announced they could re-sign tomkins on a ` defined salary ' on his return to super league .the 26-year-old england full-back is interesting his former club , where his brother joel plays , and wigan have an option to bring him back to the dw stadium .\n", - "sam tomkins has been homesick after moving to new zealandhe joined warriors after leaving wigan who are interested in signing himtomkins had been contracted until the end of the 2016 seasonhe said he missed home in ways he never thought he would\n", - "[1.3354381 1.4069095 1.1581075 1.1147716 1.2319425 1.2372097 1.162444\n", - " 1.125014 1.0720307 1.0594392 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 5 4 6 2 7 3 8 9 10 11 12 13 14 15 16 17 18]\n", - "=======================\n", - "['in video captured by cnn affiliate wmar , the woman is seen pulling her masked son away from a crowd , smacking him in the head repeatedly , and screaming at him .( cnn ) a mom furious at her son for apparently taking part in the baltimore riots has become a sensation online .wmar reports that the woman saw her son on television throwing rocks at police .']\n", - "=======================\n", - "['the mom saw her son on tv throwing rocks at police , cnn affiliate reportspolice praise her actions']\n", - "in video captured by cnn affiliate wmar , the woman is seen pulling her masked son away from a crowd , smacking him in the head repeatedly , and screaming at him .( cnn ) a mom furious at her son for apparently taking part in the baltimore riots has become a sensation online .wmar reports that the woman saw her son on television throwing rocks at police .\n", - "the mom saw her son on tv throwing rocks at police , cnn affiliate reportspolice praise her actions\n", - "[1.5518556 1.1768951 1.0511057 1.1197063 1.0867503 1.1497004 1.1367465\n", - " 1.254808 1.0353436 1.0468644 1.0743313 1.035496 1.0546857 1.0189586\n", - " 1.017282 1.0180945 0. 0. 0. ]\n", - "\n", - "[ 0 7 1 5 6 3 4 10 12 2 9 11 8 13 15 14 16 17 18]\n", - "=======================\n", - "['( cnn ) espn \\'s britt mchenry this week found herself in the news , rather than reporting on it , after a video surfaced showing her berating and belittling an employee of a tow company in arlington , virginia .espn , meanwhile , announced that mchenry would be suspended for a week .among the highlights , as caught on tape and eventually uploaded to liveleak : \" i \\'m on television and you \\'re in a f**king trailer , honey , \" and \" i would n\\'t work at a scumbag place like this .']\n", - "=======================\n", - "[\"video shows espn reporter britt mchenry berating and belittling a tow company workerdrexler : she was wrong to act that way , but are n't we too quick to judge without seeing full video ?\"]\n", - "( cnn ) espn 's britt mchenry this week found herself in the news , rather than reporting on it , after a video surfaced showing her berating and belittling an employee of a tow company in arlington , virginia .espn , meanwhile , announced that mchenry would be suspended for a week .among the highlights , as caught on tape and eventually uploaded to liveleak : \" i 'm on television and you 're in a f**king trailer , honey , \" and \" i would n't work at a scumbag place like this .\n", - "video shows espn reporter britt mchenry berating and belittling a tow company workerdrexler : she was wrong to act that way , but are n't we too quick to judge without seeing full video ?\n", - "[1.1854159 1.2746559 1.4787233 1.2293729 1.3279102 1.0991399 1.0727036\n", - " 1.1829078 1.0485379 1.0676675 1.0165921 1.0576311 1.0330472 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 4 1 3 0 7 5 6 9 11 8 12 10 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"it predicted that numbers of deaths in britain , which have been falling for 40 years , will start to go up and increase by 20 per cent over the next two decades .at the same time the price of a funeral is rising fast , thanks to higher costs for cremation , rising undertakers ' bills as funeral firms are faced with bad debts , and the increasing fees demanded by churches .the baby boom generation is set to leave one last burden to its children and grandchildren -- a wave of funeral debt .\"]\n", - "=======================\n", - "[\"number of deaths in britain will increase by 20 % over the next 20 yearsfuneral firms are faced with bad debts and have increased their pricesa funeral with a cremation , minister and an undertaker now costs # 3,590younger people may be straddled with ` funeral debts ' due to higher fees\"]\n", - "it predicted that numbers of deaths in britain , which have been falling for 40 years , will start to go up and increase by 20 per cent over the next two decades .at the same time the price of a funeral is rising fast , thanks to higher costs for cremation , rising undertakers ' bills as funeral firms are faced with bad debts , and the increasing fees demanded by churches .the baby boom generation is set to leave one last burden to its children and grandchildren -- a wave of funeral debt .\n", - "number of deaths in britain will increase by 20 % over the next 20 yearsfuneral firms are faced with bad debts and have increased their pricesa funeral with a cremation , minister and an undertaker now costs # 3,590younger people may be straddled with ` funeral debts ' due to higher fees\n", - "[1.4721684 1.2431006 1.1028701 1.0977812 1.0622118 1.0713701 1.0220468\n", - " 1.0622504 1.3236221 1.0574358 1.0793297 1.0519975 1.0479529 1.1002189\n", - " 1.1346264 1.1027641 1.0246 1.0331731 0. 0. ]\n", - "\n", - "[ 0 8 1 14 2 15 13 3 10 5 7 4 9 11 12 17 16 6 18 19]\n", - "=======================\n", - "[\"massachusetts senator elizabeth warren says she 's relieved dzhokhar tsarnaev has been found guilty of carrying out the boston bombing - the greatest tragedy in her state 's recent history - but does n't believe he should be executed .in an interview with cbs this morning on thursday , warren reacted to wednesday 's jury verdict which found the 21-year-old guilty on all 30 charges related to the boston marathon explosions which killed three and injured hundreds at the finish line .` nothing is ever going to make those who were injured whole and it 's been a terrible thing but this is a step toward justice , ' warren said .\"]\n", - "=======================\n", - "[\"tsarnaev , 21 , was found guilty wednesday on all 30 charges related to the 2013 boston marathon bombinghis case will now proceed to the penalty stage , in which the jury will decide whether to sentence him to life in prison or executionreflecting her state 's liberal politics , warren is against capital punishmentwarren also spoke about current party issues - but refused to compare her politics to those of likely presidential candidate hillary clintonwarren has repeatedly said she will not be running for president in 2016\"]\n", - "massachusetts senator elizabeth warren says she 's relieved dzhokhar tsarnaev has been found guilty of carrying out the boston bombing - the greatest tragedy in her state 's recent history - but does n't believe he should be executed .in an interview with cbs this morning on thursday , warren reacted to wednesday 's jury verdict which found the 21-year-old guilty on all 30 charges related to the boston marathon explosions which killed three and injured hundreds at the finish line .` nothing is ever going to make those who were injured whole and it 's been a terrible thing but this is a step toward justice , ' warren said .\n", - "tsarnaev , 21 , was found guilty wednesday on all 30 charges related to the 2013 boston marathon bombinghis case will now proceed to the penalty stage , in which the jury will decide whether to sentence him to life in prison or executionreflecting her state 's liberal politics , warren is against capital punishmentwarren also spoke about current party issues - but refused to compare her politics to those of likely presidential candidate hillary clintonwarren has repeatedly said she will not be running for president in 2016\n", - "[1.2210742 1.5444801 1.307208 1.0957228 1.0797244 1.1767359 1.1108097\n", - " 1.0842047 1.0723048 1.0509742 1.0306746 1.0755053 1.0885947 1.0529569\n", - " 1.1652311 1.0658352 1.0269037 1.0198812 1.0094573 0. ]\n", - "\n", - "[ 1 2 0 5 14 6 3 12 7 4 11 8 15 13 9 10 16 17 18 19]\n", - "=======================\n", - "['louis jordan , 37 , was picked up by a german-flagged ship at 1:30 p.m. on thursday - 66 days after he took off to do some fishing .he was found sitting on the capsized hull of his sailboat , angel , which had lost its mast and was approximately 200 miles east of cape hatteras .a sailor who vanished after heading out to sea more than two months ago has miraculously been found alive and well off the north carolina coast .']\n", - "=======================\n", - "[\"louis jordan , 37 , had been missing at sea for more than two months before he was picked up off the north carolina coast by a ship on thursdayjordan had told his family in january that he was ` going into the open water ' to go fishing but the boat capsized and the mast brokehe was found sitting on the capsized hull of his sailboat and plucked from the sea by a helicopterhe had a broken collarbone and was dehydrated but looked in good health and was able to walk to the hospital unaided` to us it 's just a miracle .jordan told rescuers he survived drinking rain water and eating raw fish and read a bible repeatedly from cover to cover\"]\n", - "louis jordan , 37 , was picked up by a german-flagged ship at 1:30 p.m. on thursday - 66 days after he took off to do some fishing .he was found sitting on the capsized hull of his sailboat , angel , which had lost its mast and was approximately 200 miles east of cape hatteras .a sailor who vanished after heading out to sea more than two months ago has miraculously been found alive and well off the north carolina coast .\n", - "louis jordan , 37 , had been missing at sea for more than two months before he was picked up off the north carolina coast by a ship on thursdayjordan had told his family in january that he was ` going into the open water ' to go fishing but the boat capsized and the mast brokehe was found sitting on the capsized hull of his sailboat and plucked from the sea by a helicopterhe had a broken collarbone and was dehydrated but looked in good health and was able to walk to the hospital unaided` to us it 's just a miracle .jordan told rescuers he survived drinking rain water and eating raw fish and read a bible repeatedly from cover to cover\n", - "[1.2412674 1.4544824 1.4512479 1.2663245 1.2685715 1.0924604 1.0985578\n", - " 1.0721735 1.0115644 1.014082 1.2333639 1.2217246 1.0640805 1.0131621\n", - " 1.0441836 1.039152 1.0330695 1.0168428 1.0357654 0. ]\n", - "\n", - "[ 1 2 4 3 0 10 11 6 5 7 12 14 15 18 16 17 9 13 8 19]\n", - "=======================\n", - "['a 71-year-old man and 64-year-old woman were both charged with unlawfully possessing a firearm after a police search found a rifle and ammunition in a home in bundaberg on thursday .the carcasses of more than 50 greyhounds were found at the bush site in coonarr , near bundaberg , on tuesday .police have charged a man and woman over the discovery of a mass greyhound dog grave in bundaberg']\n", - "=======================\n", - "['55 dead greyhound carcasses found dumped in coonarr , queenslanda 71-year-old man and 64-year-old woman were arrested and chargedthe pair will appear in the bundaberg magistrates court on friday']\n", - "a 71-year-old man and 64-year-old woman were both charged with unlawfully possessing a firearm after a police search found a rifle and ammunition in a home in bundaberg on thursday .the carcasses of more than 50 greyhounds were found at the bush site in coonarr , near bundaberg , on tuesday .police have charged a man and woman over the discovery of a mass greyhound dog grave in bundaberg\n", - "55 dead greyhound carcasses found dumped in coonarr , queenslanda 71-year-old man and 64-year-old woman were arrested and chargedthe pair will appear in the bundaberg magistrates court on friday\n", - "[1.136448 1.4405237 1.3661731 1.1268488 1.3217888 1.1164168 1.0851359\n", - " 1.1018353 1.2149556 1.0184194 1.0542825 1.0447676 1.0742848 1.0431485\n", - " 1.056509 1.0868784 1.017792 1.057724 1.0598844 1.0158919]\n", - "\n", - "[ 1 2 4 8 0 3 5 7 15 6 12 18 17 14 10 11 13 9 16 19]\n", - "=======================\n", - "[\"the lake in boulder , colorado , has been invaded by thousands of gold fish , which wildlife officials say started as someone dumping ` four or five ' of their pets in the water two or three years ago .the animals have now multiplied to over 3,000 or 4,000 , it 's believed , and are threatening to over-run the natural species in the lake , by eating up all their resources and spreading unnatural diseases .worried : colorado parks and wildlife ( cpw ) spokeswoman jennifer churchill has warned people against dumping their pets into local environments , saying it can be incredibly dangerous\"]\n", - "=======================\n", - "['teller lake in boulder , colorado , is overrun with 3,000-4 ,000 goldfishofficials believe four or five fish were dumped two or three years agowill potentially destroy the natural ecosystem by eating resources and introducing foreign diseasesthe lake will either be drained or the fish removed using electroshocking , where an electrical current is put in the water , paralyzing the fish']\n", - "the lake in boulder , colorado , has been invaded by thousands of gold fish , which wildlife officials say started as someone dumping ` four or five ' of their pets in the water two or three years ago .the animals have now multiplied to over 3,000 or 4,000 , it 's believed , and are threatening to over-run the natural species in the lake , by eating up all their resources and spreading unnatural diseases .worried : colorado parks and wildlife ( cpw ) spokeswoman jennifer churchill has warned people against dumping their pets into local environments , saying it can be incredibly dangerous\n", - "teller lake in boulder , colorado , is overrun with 3,000-4 ,000 goldfishofficials believe four or five fish were dumped two or three years agowill potentially destroy the natural ecosystem by eating resources and introducing foreign diseasesthe lake will either be drained or the fish removed using electroshocking , where an electrical current is put in the water , paralyzing the fish\n", - "[1.4535346 1.1323583 1.1318105 1.1684709 1.1082565 1.1434996 1.109784\n", - " 1.0844785 1.0886068 1.0681796 1.0477961 1.0879611 1.1322925 1.082428\n", - " 1.0433882 1.03832 1.035358 0. ]\n", - "\n", - "[ 0 3 5 1 12 2 6 4 8 11 7 13 9 10 14 15 16 17]\n", - "=======================\n", - "[\"( cnn ) thursday will mark three weeks since saudi arabia began airstrikes on houthi rebels in yemen .hopes for stability , not only in yemen but in the middle east in general , are fading as fears grow that saudia arabia and iran are fighting a proxy war in yemen for regional domination .yemen 's health ministry said over the weekend that 385 civilians had been killed and 342 others had been wounded .\"]\n", - "=======================\n", - "['saudi officials say 500 houthi rebels killed , but signs of progress appear scantcivilian casualties continue to mountu.n. security council favors houthi arms embargo']\n", - "( cnn ) thursday will mark three weeks since saudi arabia began airstrikes on houthi rebels in yemen .hopes for stability , not only in yemen but in the middle east in general , are fading as fears grow that saudia arabia and iran are fighting a proxy war in yemen for regional domination .yemen 's health ministry said over the weekend that 385 civilians had been killed and 342 others had been wounded .\n", - "saudi officials say 500 houthi rebels killed , but signs of progress appear scantcivilian casualties continue to mountu.n. security council favors houthi arms embargo\n", - "[1.4498745 1.1939546 1.4122248 1.3045771 1.1855597 1.1880801 1.1734408\n", - " 1.1428062 1.0248872 1.0389811 1.0231552 1.0412489 1.1067375 1.0819466\n", - " 1.0659435 1.0540073 1.0293176 0. ]\n", - "\n", - "[ 0 2 3 1 5 4 6 7 12 13 14 15 11 9 16 8 10 17]\n", - "=======================\n", - "[\"claudia martin , 33 , has been convicted of suffocating her newborn baby daughterclaudia martins gave birth alone at her sister 's flat having kept her pregnancy secret from her family and friends .paramedics were called after the 33-year-old , a portuguese national , was found sitting in the bath with ' a lot of blood ' and she was taken to hospital .\"]\n", - "=======================\n", - "[\"claudia martins convicted of the manslaughter of her newborn baby girlthe 33-year-old killed the infant by filling its mouth with toilet papershe stuffed baby 's body in a suitcase where it was found three days laterthe mother-of-five had hidden the pregnancy from friends and family\"]\n", - "claudia martin , 33 , has been convicted of suffocating her newborn baby daughterclaudia martins gave birth alone at her sister 's flat having kept her pregnancy secret from her family and friends .paramedics were called after the 33-year-old , a portuguese national , was found sitting in the bath with ' a lot of blood ' and she was taken to hospital .\n", - "claudia martins convicted of the manslaughter of her newborn baby girlthe 33-year-old killed the infant by filling its mouth with toilet papershe stuffed baby 's body in a suitcase where it was found three days laterthe mother-of-five had hidden the pregnancy from friends and family\n", - "[1.1938624 1.5425358 1.3072335 1.3894178 1.2066243 1.116522 1.1401669\n", - " 1.0414889 1.0786536 1.077251 1.091153 1.085465 1.0965772 1.0839418\n", - " 1.0656006 1.0511079 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 6 5 12 10 11 13 8 9 14 15 7 16 17]\n", - "=======================\n", - "['india mayhew , seven , suffered serious head injuries after the horse bolted at a riding facility in matheran 20 miles east of mumbai .the youngster , who was on the second day of a holiday , was rushed to hospital from the hill station but doctors declared her dead on arrival .she had been riding just metres ahead of her father gavin , 43 , and a member of staff when the tragedy unfolded .']\n", - "=======================\n", - "[\"india mayhew was on second day of a holiday when the tragedy happenedseven-year-old 's horse bolted at a riding facility in matheran , near mumbaisuffered serious head injuries and was declared dead on arrival at hospitalthe youngster had been riding just metres ahead of her father gavin , 43\"]\n", - "india mayhew , seven , suffered serious head injuries after the horse bolted at a riding facility in matheran 20 miles east of mumbai .the youngster , who was on the second day of a holiday , was rushed to hospital from the hill station but doctors declared her dead on arrival .she had been riding just metres ahead of her father gavin , 43 , and a member of staff when the tragedy unfolded .\n", - "india mayhew was on second day of a holiday when the tragedy happenedseven-year-old 's horse bolted at a riding facility in matheran , near mumbaisuffered serious head injuries and was declared dead on arrival at hospitalthe youngster had been riding just metres ahead of her father gavin , 43\n", - "[1.4478805 1.2896156 1.0920092 1.5390064 1.1232919 1.1852982 1.0261279\n", - " 1.0232131 1.019279 1.025827 1.1508675 1.0593042 1.079625 1.0672361\n", - " 1.0141172 1.0214387 0. 0. ]\n", - "\n", - "[ 3 0 1 5 10 4 2 12 13 11 6 9 7 15 8 14 16 17]\n", - "=======================\n", - "[\"celtic striker leigh griffiths has a shot at goal during the scottish cup semi-final against invernessa blatant josh meekings handball in the box was missed by referee steven mclean and his team , particularly assistant alan muir , at the end of the first half with the parkhead club left to rue the decision not to award a penalty and dispense a red card .despite numerous appeals , no penalty or red card was given for meekings ' handball and inverness won\"]\n", - "=======================\n", - "[\"celtic were beaten 3-2 after extra-time by inverness as the underdogs reached the first ever scottish cup final in their club 's historyhowever , a blatant handball in the box by josh meekings was missed by officials , leading celtic striker leigh griffiths to feel ` robbed 'the hoops were left to rue the decision not to award a penalty or red card\"]\n", - "celtic striker leigh griffiths has a shot at goal during the scottish cup semi-final against invernessa blatant josh meekings handball in the box was missed by referee steven mclean and his team , particularly assistant alan muir , at the end of the first half with the parkhead club left to rue the decision not to award a penalty and dispense a red card .despite numerous appeals , no penalty or red card was given for meekings ' handball and inverness won\n", - "celtic were beaten 3-2 after extra-time by inverness as the underdogs reached the first ever scottish cup final in their club 's historyhowever , a blatant handball in the box by josh meekings was missed by officials , leading celtic striker leigh griffiths to feel ` robbed 'the hoops were left to rue the decision not to award a penalty or red card\n", - "[1.5017476 1.3960068 1.0484045 1.1977981 1.2280166 1.0926819 1.0348353\n", - " 1.1303766 1.1921648 1.1138663 1.0995694 1.0542731 1.0422326 1.0341935\n", - " 1.0106966 1.0445362 1.04605 1.0467231]\n", - "\n", - "[ 0 1 4 3 8 7 9 10 5 11 2 17 16 15 12 6 13 14]\n", - "=======================\n", - "[\"louis van gaal celebrated his derby demolition in style on sunday night as he was snapped with manchester city women 's players toni duggan and isobel christiansen in a restaurant .duggan uploaded a photograph on instagram of her , christiansen and everton 's michelle hinnigan at wing 's chinese restaurant following united 's 4-2 win against their great rivals city , and wrote : ` heyyy louis van g !!!!duggan has since removed the photo from instagram and issued an apology on facebook .\"]\n", - "=======================\n", - "[\"manchester united beat their rivals city 4-2 at old trafford on sundaylouis van gaal celebrated the derby demolition at wing 's restaurantvan gaal was snapped with city 's toni duggan and isobel christiansencity striker duggan uploaded the snap to instagram of her with van gaalengland women 's international duggan later deleted the postjuan mata , daley blind and ander herrera also celebrated the victory\"]\n", - "louis van gaal celebrated his derby demolition in style on sunday night as he was snapped with manchester city women 's players toni duggan and isobel christiansen in a restaurant .duggan uploaded a photograph on instagram of her , christiansen and everton 's michelle hinnigan at wing 's chinese restaurant following united 's 4-2 win against their great rivals city , and wrote : ` heyyy louis van g !!!!duggan has since removed the photo from instagram and issued an apology on facebook .\n", - "manchester united beat their rivals city 4-2 at old trafford on sundaylouis van gaal celebrated the derby demolition at wing 's restaurantvan gaal was snapped with city 's toni duggan and isobel christiansencity striker duggan uploaded the snap to instagram of her with van gaalengland women 's international duggan later deleted the postjuan mata , daley blind and ander herrera also celebrated the victory\n", - "[1.1901666 1.2731097 1.1347963 1.3952043 1.1551358 1.1492771 1.2517022\n", - " 1.0721283 1.048934 1.1250695 1.0529431 1.0640222 1.0688342 1.0430329\n", - " 1.0370383 1.011855 1.0191325 1.022032 1.0301172 1.1245081 1.0945009\n", - " 1.056113 1.0376775]\n", - "\n", - "[ 3 1 6 0 4 5 2 9 19 20 7 12 11 21 10 8 13 22 14 18 17 16 15]\n", - "=======================\n", - "[\"her husband , philippe braham , was one of 17 people killed in january 's terror attacks in paris .this year , israel 's memorial day commemoration is for bereaved family members such as braham .philippe braham was laid to rest in jerusalem 's givat shaul cemetery after the attacks , not far from where the jewish agency held a memorial ceremony to mourn victims of terror .\"]\n", - "=======================\n", - "['\" we all share the same pain , \" valerie braham tells memorial day crowd in israelher husband , philippe braham , was among 17 killed in january \\'s terror attacks in parisfrench authorities foil a new terror plot -- a painful reminder of widow \\'s recent loss']\n", - "her husband , philippe braham , was one of 17 people killed in january 's terror attacks in paris .this year , israel 's memorial day commemoration is for bereaved family members such as braham .philippe braham was laid to rest in jerusalem 's givat shaul cemetery after the attacks , not far from where the jewish agency held a memorial ceremony to mourn victims of terror .\n", - "\" we all share the same pain , \" valerie braham tells memorial day crowd in israelher husband , philippe braham , was among 17 killed in january 's terror attacks in parisfrench authorities foil a new terror plot -- a painful reminder of widow 's recent loss\n", - "[1.6336408 1.390701 1.2273017 1.1529211 1.3278906 1.1489489 1.1552463\n", - " 1.0410844 1.0146983 1.0165632 1.0871847 1.1029204 1.1809219 1.0826981\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 4 2 12 6 3 5 11 10 13 7 9 8 21 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"atletico madrid striker mario mandzukic has denied claims that real madrid defender daniel carvajal bit him during tuesday 's champions league quarter-final match .mandzukic and carvajal were engaged in a physical battle throughout the goalless first leg of the quarter-final tie at the vicente calderon stadium .daniel carvajal appeared to move his mouth towards mario mandzukic 's arm in an off-the-ball scrap on\"]\n", - "=======================\n", - "['atletico madrid and real played out a 0-0 draw in the champions leaguemario mandzukic was in wars following battles with real madrid defendersraphael varane , daniel carvajal and sergio ramos tussled with strikercroatia international has denied claims carvajal bit him during game']\n", - "atletico madrid striker mario mandzukic has denied claims that real madrid defender daniel carvajal bit him during tuesday 's champions league quarter-final match .mandzukic and carvajal were engaged in a physical battle throughout the goalless first leg of the quarter-final tie at the vicente calderon stadium .daniel carvajal appeared to move his mouth towards mario mandzukic 's arm in an off-the-ball scrap on\n", - "atletico madrid and real played out a 0-0 draw in the champions leaguemario mandzukic was in wars following battles with real madrid defendersraphael varane , daniel carvajal and sergio ramos tussled with strikercroatia international has denied claims carvajal bit him during game\n", - "[1.3108383 1.3447334 1.2643713 1.3153155 1.3324282 1.1173807 1.0573763\n", - " 1.0297817 1.0340092 1.1409721 1.0849493 1.0612597 1.0791641 1.0873146\n", - " 1.017183 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 3 0 2 9 5 13 10 12 11 6 8 7 14 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "['abc program lateline revealed the telemovie will be shown in countries such as syria , iraq and afghanistan later in the year , urging asylum seekers not to trust people smugglers .the federal government will be investing $ 4.1 million on a tv drama which is set to broadcast overseas as a way of deterring asylum seekers from entering australian shores by boatthe drama , commissioned by the customs and border security agency , will reportedly have a story-line which involves the australian navy and asylum seekers drowning at sea .']\n", - "=======================\n", - "['the australian government will make a multi-million dollar telemovieit has been commissioned by the customs and border security agencythe drama is set to be shown in syria , iraq and afghanistanit will be produced by sydney-based company put it out there picturesabc program lateline reports the story-line will be of the australian navy and asylum seekers drowning at seathe drama will reportedly be shown later in the year , urging asylum seekers not to trust people smugglers']\n", - "abc program lateline revealed the telemovie will be shown in countries such as syria , iraq and afghanistan later in the year , urging asylum seekers not to trust people smugglers .the federal government will be investing $ 4.1 million on a tv drama which is set to broadcast overseas as a way of deterring asylum seekers from entering australian shores by boatthe drama , commissioned by the customs and border security agency , will reportedly have a story-line which involves the australian navy and asylum seekers drowning at sea .\n", - "the australian government will make a multi-million dollar telemovieit has been commissioned by the customs and border security agencythe drama is set to be shown in syria , iraq and afghanistanit will be produced by sydney-based company put it out there picturesabc program lateline reports the story-line will be of the australian navy and asylum seekers drowning at seathe drama will reportedly be shown later in the year , urging asylum seekers not to trust people smugglers\n", - "[1.3736713 1.1747054 1.4108607 1.2630515 1.2516094 1.1858302 1.1411567\n", - " 1.150118 1.1237648 1.0362746 1.013584 1.0236604 1.0123447 1.0885227\n", - " 1.1081481 1.0276538 1.080145 1.0083238 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 3 4 5 1 7 6 8 14 13 16 9 15 11 10 12 17 21 18 19 20 22]\n", - "=======================\n", - "[\"mary day , 60 , of swanage in dorset , used taxpayers ' money to go on luxury holidays to the indian resort of goa for up to a month each time .day fraudulently claimed # 16,500 of income support and disability allowance despite having # 27,000 of her own savings in the bank .her savings were # 11,000 above the # 16,000 threshold for savings while claiming such benefits , which meant she was overpaid benefits for more than four years .\"]\n", - "=======================\n", - "[\"mary day , 60 , claimed over # 16,500 in benefits despite not being eligibleshe had # 27,000 savings in the bank which meant she was not entitledday used taxpayers ' money to go on luxury holidays to indian resort of goapleaded guilty to dishonestly claiming benefits and has paid back money\"]\n", - "mary day , 60 , of swanage in dorset , used taxpayers ' money to go on luxury holidays to the indian resort of goa for up to a month each time .day fraudulently claimed # 16,500 of income support and disability allowance despite having # 27,000 of her own savings in the bank .her savings were # 11,000 above the # 16,000 threshold for savings while claiming such benefits , which meant she was overpaid benefits for more than four years .\n", - "mary day , 60 , claimed over # 16,500 in benefits despite not being eligibleshe had # 27,000 savings in the bank which meant she was not entitledday used taxpayers ' money to go on luxury holidays to indian resort of goapleaded guilty to dishonestly claiming benefits and has paid back money\n", - "[1.2625978 1.4143033 1.277751 1.3321831 1.1975685 1.2728169 1.0451949\n", - " 1.0274125 1.0610859 1.0269212 1.0350279 1.0274016 1.0433662 1.0273958\n", - " 1.1225419 1.0418828 1.0729119 1.0528356 1.0791234 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 5 0 4 14 18 16 8 17 6 12 15 10 7 11 13 9 21 19 20 22]\n", - "=======================\n", - "[\"former lecturer martyn reuby won the first round in his legal battle against unite , after a tribunal ruled that he had been employed to teach its courses .ed miliband was left embarrassed today after labour 's biggest backer was accused of employing workers on zero-hours contractsthe employment tribunal ruling is a major embarrassment to the union , which has led the campaign against the use of zero-hours contracts , which it says amount to ` exploitation ' .\"]\n", - "=======================\n", - "[\"unite accused of employing workers on contracts ` effectively zero hours 'union , which has given millions to labour , lost a key employment tribunallecturer martyn reuby says he was sacked after complaining about issuecomes after labour was accused of hypocrisy over zero-hours contracts\"]\n", - "former lecturer martyn reuby won the first round in his legal battle against unite , after a tribunal ruled that he had been employed to teach its courses .ed miliband was left embarrassed today after labour 's biggest backer was accused of employing workers on zero-hours contractsthe employment tribunal ruling is a major embarrassment to the union , which has led the campaign against the use of zero-hours contracts , which it says amount to ` exploitation ' .\n", - "unite accused of employing workers on contracts ` effectively zero hours 'union , which has given millions to labour , lost a key employment tribunallecturer martyn reuby says he was sacked after complaining about issuecomes after labour was accused of hypocrisy over zero-hours contracts\n", - "[1.3278397 1.2783173 1.1203178 1.1401597 1.0762348 1.255945 1.2359945\n", - " 1.136307 1.118469 1.0664886 1.0586795 1.0577667 1.1836747 1.1046246\n", - " 1.0640081 1.0235094 1.0184947 1.0173784 1.0106275]\n", - "\n", - "[ 0 1 5 6 12 3 7 2 8 13 4 9 14 10 11 15 16 17 18]\n", - "=======================\n", - "[\"mourners at the memorial service for celebrity cosmetic surgeon dr frederic brandt , who killed himself a week ago , said a tv show that parodied his appearance was partly to blame for his death .many believed that he was ` hurt ' by the show and it was a factor in the 65 year old 's decision to take his own life .memorial : more than 200 friends , family and former patients attended an hour-long memorial service overseen by rabbi tom heyn for dermatologist to the stars dr. frederic brandt\"]\n", - "=======================\n", - "[\"miami police say brandt hanged himself at his home last weekend .brandt appeared recently to have been the butt of a joke on tina fey 's netflix show the unbreakable kimmy schmittin the series martin short plays a dermatologist called dr grant who has a shock of white hair and flawless skin -- almost a mirror image of dr brandtbrandt was friends with madonna and other celebs such as stephanie seymour , kelly ripa and joy behar\"]\n", - "mourners at the memorial service for celebrity cosmetic surgeon dr frederic brandt , who killed himself a week ago , said a tv show that parodied his appearance was partly to blame for his death .many believed that he was ` hurt ' by the show and it was a factor in the 65 year old 's decision to take his own life .memorial : more than 200 friends , family and former patients attended an hour-long memorial service overseen by rabbi tom heyn for dermatologist to the stars dr. frederic brandt\n", - "miami police say brandt hanged himself at his home last weekend .brandt appeared recently to have been the butt of a joke on tina fey 's netflix show the unbreakable kimmy schmittin the series martin short plays a dermatologist called dr grant who has a shock of white hair and flawless skin -- almost a mirror image of dr brandtbrandt was friends with madonna and other celebs such as stephanie seymour , kelly ripa and joy behar\n", - "[1.4727778 1.11492 1.1690123 1.2498957 1.2882392 1.3074051 1.103519\n", - " 1.2215633 1.185387 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 5 4 3 7 8 2 1 6 16 15 14 13 9 11 10 17 12 18]\n", - "=======================\n", - "[\"chelsea are favourites to agree terms with brazilian starlet kenedy after his club fluminense agreed to sell his economic rights to giuliano bertolucci 's agency .the fluminense forward has been linked with a number of top european clubs including manchester unitedkenedy has represented brazil at under 17 and under level - pictured here in january for the u20 's\"]\n", - "=======================\n", - "[\"kenedy has been linked with a number of top european clubschelsea are in pole position to sign the 19-year-old forward this summerhis economic rights have been sold to the agent that represents chelsea 's brazilian trio oscar , willian and ramiresread : oscar was n't good enough , says mourinho after chelsea beat stokeclick here for all the latest chelsea news\"]\n", - "chelsea are favourites to agree terms with brazilian starlet kenedy after his club fluminense agreed to sell his economic rights to giuliano bertolucci 's agency .the fluminense forward has been linked with a number of top european clubs including manchester unitedkenedy has represented brazil at under 17 and under level - pictured here in january for the u20 's\n", - "kenedy has been linked with a number of top european clubschelsea are in pole position to sign the 19-year-old forward this summerhis economic rights have been sold to the agent that represents chelsea 's brazilian trio oscar , willian and ramiresread : oscar was n't good enough , says mourinho after chelsea beat stokeclick here for all the latest chelsea news\n", - "[1.3302324 1.3153108 1.2955705 1.1864028 1.2314332 1.2286538 1.1935042\n", - " 1.0989667 1.0338503 1.0171233 1.0912048 1.0395739 1.0246799 1.1908917\n", - " 1.1937199 1.0302334 1.0066359 0. 0. ]\n", - "\n", - "[ 0 1 2 4 5 14 6 13 3 7 10 11 8 15 12 9 16 17 18]\n", - "=======================\n", - "[\"liverpool supporters will stage a protest on tuesday night against the mounting costs of tickets in the barclays premier league .the die-hard contingent of fans who travel the length and breadth of the country to watch brendan rodgers ' side are staying away from the kc stadium after hull city charged liverpool fans # 50 for their sets .last season , the same seats were sold for # 35 .\"]\n", - "=======================\n", - "[\"liverpool fans are being charged # 50 for a ticket to hull city , compared to everton fans being charged # 35fans ' group spirit of shankly want some of the money in the game to be passed back to the fansbrendan rodgers said he respect the supporters ' right to protestread : liverpool ramp up memphis depay chaseread : rodgers vows to do ` what is best ' for daniel sturridge\"]\n", - "liverpool supporters will stage a protest on tuesday night against the mounting costs of tickets in the barclays premier league .the die-hard contingent of fans who travel the length and breadth of the country to watch brendan rodgers ' side are staying away from the kc stadium after hull city charged liverpool fans # 50 for their sets .last season , the same seats were sold for # 35 .\n", - "liverpool fans are being charged # 50 for a ticket to hull city , compared to everton fans being charged # 35fans ' group spirit of shankly want some of the money in the game to be passed back to the fansbrendan rodgers said he respect the supporters ' right to protestread : liverpool ramp up memphis depay chaseread : rodgers vows to do ` what is best ' for daniel sturridge\n", - "[1.1919681 1.0711656 1.1096824 1.4996496 1.2981243 1.2486808 1.1387515\n", - " 1.1156313 1.0462312 1.0473375 1.0761329 1.0926769 1.0377339 1.1012646\n", - " 1.0681107 1.0175669 1.1829777 1.0474265 0. ]\n", - "\n", - "[ 3 4 5 0 16 6 7 2 13 11 10 1 14 17 9 8 12 15 18]\n", - "=======================\n", - "[\"mark carney was spotted on a day off from helping to run the economy jogging in london 's hyde park sporting a high-tech running belt with no fewer than four water bottles .the keen runner , who training for the london marathon later this month , was wearing a nathan speed 4 fuel belt , which also features a zip pocket perfect for storing high-carb energy gel packs .the belt is available for $ 64.95 ( # 35 ) at kintec , a canadian sports retailer based in vancouver , suggesting mr carney , originally from canada , bought it before he moved to the uk .\"]\n", - "=======================\n", - "[\"bank of england governor set to run london marathon later this monthspotted tooled up in hyde park with # 35 nathan speed 4 fuel beltdevice , carring water and energy sachets , resembles batman 's utility belt\"]\n", - "mark carney was spotted on a day off from helping to run the economy jogging in london 's hyde park sporting a high-tech running belt with no fewer than four water bottles .the keen runner , who training for the london marathon later this month , was wearing a nathan speed 4 fuel belt , which also features a zip pocket perfect for storing high-carb energy gel packs .the belt is available for $ 64.95 ( # 35 ) at kintec , a canadian sports retailer based in vancouver , suggesting mr carney , originally from canada , bought it before he moved to the uk .\n", - "bank of england governor set to run london marathon later this monthspotted tooled up in hyde park with # 35 nathan speed 4 fuel beltdevice , carring water and energy sachets , resembles batman 's utility belt\n", - "[1.3689073 1.2472048 1.0783252 1.340045 1.3233199 1.2393119 1.0452214\n", - " 1.0484798 1.0231652 1.0328946 1.0304371 1.024001 1.073303 1.0176502\n", - " 1.0220776 1.3104119 1.2776629 1.0409765 0. ]\n", - "\n", - "[ 0 3 4 15 16 1 5 2 12 7 6 17 9 10 11 8 14 13 18]\n", - "=======================\n", - "[\"fired : stephen hogger , pictured , was sacked after apparently falling out with senior church figuresa letter handed out to the stunned churchgoers revealed the 13 choristers were quitting en masse in ` solidarity ' over the sacking of music director stephen hogger .the walkout means it will be the first time in 200 years that the church , which is famed for its timber-framed tudor buildings , will be without a choir .\"]\n", - "=======================\n", - "['easter sunday congregation handed a letter explaining choir had quitthey left in a show of solidarity with music director stephen hoggermr hogger had been sacked after apparently falling out with senior figuresmeans suffolk church will be without a choir for the first time in 200 years']\n", - "fired : stephen hogger , pictured , was sacked after apparently falling out with senior church figuresa letter handed out to the stunned churchgoers revealed the 13 choristers were quitting en masse in ` solidarity ' over the sacking of music director stephen hogger .the walkout means it will be the first time in 200 years that the church , which is famed for its timber-framed tudor buildings , will be without a choir .\n", - "easter sunday congregation handed a letter explaining choir had quitthey left in a show of solidarity with music director stephen hoggermr hogger had been sacked after apparently falling out with senior figuresmeans suffolk church will be without a choir for the first time in 200 years\n", - "[1.2899284 1.4694148 1.1474442 1.3247381 1.2180189 1.2567674 1.0995474\n", - " 1.0515635 1.0497653 1.0200303 1.0140499 1.0273391 1.0822875 1.1421067\n", - " 1.0453596 1.0640751 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 5 4 2 13 6 12 15 7 8 14 11 9 10 16 17 18 19 20]\n", - "=======================\n", - "[\"navinder singh sarao , 36 , is accused of making # 26million from illegal trades over five years and an investigation team involving six agencies in the us and britain want him put on trial in new york .us authorities suspected that a british man accused this week of causing the 2010 ` flash crash ' was making illicit trades back in 2009 it 's been revealed , with experts expressing shock that it took six years for charges to be brought .us prosecutors believe mr sarao used special computer software to manipulate the market on wall street\"]\n", - "=======================\n", - "[\"navinder singh sarao , 36 , is accused of causing the may 2010 ` flash crash 'officials believe that he used software to make fake transactionshe was first warned about alleged illicit trading back in 2009sarao continued his alleged manipulation well into this year` how this continued for six years kind of boggles my mind ' - analyst\"]\n", - "navinder singh sarao , 36 , is accused of making # 26million from illegal trades over five years and an investigation team involving six agencies in the us and britain want him put on trial in new york .us authorities suspected that a british man accused this week of causing the 2010 ` flash crash ' was making illicit trades back in 2009 it 's been revealed , with experts expressing shock that it took six years for charges to be brought .us prosecutors believe mr sarao used special computer software to manipulate the market on wall street\n", - "navinder singh sarao , 36 , is accused of causing the may 2010 ` flash crash 'officials believe that he used software to make fake transactionshe was first warned about alleged illicit trading back in 2009sarao continued his alleged manipulation well into this year` how this continued for six years kind of boggles my mind ' - analyst\n", - "[1.133137 1.2598261 1.2558088 1.403364 1.3469347 1.1324563 1.0848961\n", - " 1.0805469 1.0310445 1.0504279 1.0436819 1.0507798 1.0822644 1.0273935\n", - " 1.0473434 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 1 2 0 5 6 12 7 11 9 14 10 8 13 15 16 17 18 19 20]\n", - "=======================\n", - "['an unnamed wall street trader made a profit of approximately $ 2.5 million on friday thanks to a tweet from the wall street journalthe trader purchased 315,800 shares of chipmaker altera one minute after the journal reported intel was in talks to purchase themseconds later , the trader had snapped up 3,158 contracts of altera , with each option contract giving them the right to purchase 100 shares .']\n", - "=======================\n", - "[\"an unnamed wall street trader made a profit of approximately $ 2.5 million on friday thanks to a tweet from the wall street journalthe trader purchased 315,800 shares of chipmaker altera one minute after the journal reported intel was in talks to purchase themthe shares were sold to the trader at $ 36 , and just 28 minutes later , when the market closed , shares were selling for $ 44.39intel 's reported purchase of altera still has yet to happen , and the news has actually caused the price of intel shares to fall\"]\n", - "an unnamed wall street trader made a profit of approximately $ 2.5 million on friday thanks to a tweet from the wall street journalthe trader purchased 315,800 shares of chipmaker altera one minute after the journal reported intel was in talks to purchase themseconds later , the trader had snapped up 3,158 contracts of altera , with each option contract giving them the right to purchase 100 shares .\n", - "an unnamed wall street trader made a profit of approximately $ 2.5 million on friday thanks to a tweet from the wall street journalthe trader purchased 315,800 shares of chipmaker altera one minute after the journal reported intel was in talks to purchase themthe shares were sold to the trader at $ 36 , and just 28 minutes later , when the market closed , shares were selling for $ 44.39intel 's reported purchase of altera still has yet to happen , and the news has actually caused the price of intel shares to fall\n", - "[1.3553996 1.3895901 1.1648874 1.3274034 1.3286893 1.0994827 1.1599836\n", - " 1.0221113 1.0287762 1.0109639 1.0202459 1.0833641 1.0584455 1.2296295\n", - " 1.0551459 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 3 13 2 6 5 11 12 14 8 7 10 9 15 16 17 18 19 20]\n", - "=======================\n", - "['the 3,118 unidentified applicants were presumably delighted when they were accepted as freshmen by the university in gainesville for the fall after sending in applications for traditional first-year slots .more than 3,000 students are facing an unexpected decision after they received acceptance notices from the university of florida - only to find they would have to spend a year taking online classes .the classes are part of a new program - the pathway to campus enrollment ( pace ) - which started in 2015 and aims to accommodate a higher number of students , the washington post reported .']\n", - "=======================\n", - "['3,118 applicants accepted as freshmen by university of florida , gainesvillebut after receiving acceptance notices , they realized there was a conditionstudents had to agree to spend their entire first year taking online classesclasses are part of new program pathway to campus enrollment , or pacethey aim to accommodate more students at flagship college , officials said']\n", - "the 3,118 unidentified applicants were presumably delighted when they were accepted as freshmen by the university in gainesville for the fall after sending in applications for traditional first-year slots .more than 3,000 students are facing an unexpected decision after they received acceptance notices from the university of florida - only to find they would have to spend a year taking online classes .the classes are part of a new program - the pathway to campus enrollment ( pace ) - which started in 2015 and aims to accommodate a higher number of students , the washington post reported .\n", - "3,118 applicants accepted as freshmen by university of florida , gainesvillebut after receiving acceptance notices , they realized there was a conditionstudents had to agree to spend their entire first year taking online classesclasses are part of new program pathway to campus enrollment , or pacethey aim to accommodate more students at flagship college , officials said\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[1.201663 1.4807682 1.1825739 1.1353539 1.3326128 1.3140182 1.1745665\n", - " 1.0409315 1.1565617 1.0505652 1.0471146 1.0394638 1.0187659 1.0159742\n", - " 1.0644821 1.038147 1.0316918 1.1136297 1.142843 1.0527103 1.08175 ]\n", - "\n", - "[ 1 4 5 0 2 6 8 18 3 17 20 14 19 9 10 7 11 15 16 12 13]\n", - "=======================\n", - "['officer jared forsyth , 33 , had been a member of the ocala police department since 2012 .a florida police department is in mourning after an officer was accidentally shot by a coworker during firearms training .few details have been released , with police saying it is still under investigation , however the incident occurred about 3.30 pm at a gun range at the lowell correctional institution .']\n", - "=======================\n", - "['jared forsyth , 33 , joined ocala police department in 2012he was shot in the chest by a colleague during firearms training mondayforsyth was rushed to hospital but died after undergoing surgeryincident at lowell correctional institution under investigationofficials say he was wearing a vest , but the round entered his arm']\n", - "officer jared forsyth , 33 , had been a member of the ocala police department since 2012 .a florida police department is in mourning after an officer was accidentally shot by a coworker during firearms training .few details have been released , with police saying it is still under investigation , however the incident occurred about 3.30 pm at a gun range at the lowell correctional institution .\n", - "jared forsyth , 33 , joined ocala police department in 2012he was shot in the chest by a colleague during firearms training mondayforsyth was rushed to hospital but died after undergoing surgeryincident at lowell correctional institution under investigationofficials say he was wearing a vest , but the round entered his arm\n", - "[1.4327842 1.3815758 1.3662281 1.2688812 1.3257351 1.1019696 1.0312907\n", - " 1.0491308 1.0602196 1.0321993 1.026355 1.0755414 1.0672244 1.093469\n", - " 1.1297575 1.1383159 1.13489 1.030676 1.0279278 1.0558989 0. ]\n", - "\n", - "[ 0 1 2 4 3 15 16 14 5 13 11 12 8 19 7 9 6 17 18 10 20]\n", - "=======================\n", - "['pep guardiola will be reunited with barcelona after his bayern munich were paired with the catalan giants in the champions league semi-finals .the manager is to return to the nou camp for the first time since leaving in 2012 .real madrid face juventus in the the other semi-final .']\n", - "=======================\n", - "['barcelona beat psg over two legs to progress in uefa champions leaguepep guardiola and bayern munich showed dominance against portoreal madrid were indebted to javier hernandez against atletico madridjuventus are playing their first champions league semi-finals since 2003uefa champions league semi-final first legs take place on may 5/6 2015click here to follow how it all unfolded']\n", - "pep guardiola will be reunited with barcelona after his bayern munich were paired with the catalan giants in the champions league semi-finals .the manager is to return to the nou camp for the first time since leaving in 2012 .real madrid face juventus in the the other semi-final .\n", - "barcelona beat psg over two legs to progress in uefa champions leaguepep guardiola and bayern munich showed dominance against portoreal madrid were indebted to javier hernandez against atletico madridjuventus are playing their first champions league semi-finals since 2003uefa champions league semi-final first legs take place on may 5/6 2015click here to follow how it all unfolded\n", - "[1.2001088 1.4083508 1.3471351 1.1820927 1.1395619 1.1796031 1.0646102\n", - " 1.1293792 1.1008291 1.0632569 1.0795273 1.101168 1.0478101 1.074731\n", - " 1.0604755 1.0435431 1.0490279 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 5 4 7 11 8 10 13 6 9 14 16 12 15 18 17 19]\n", - "=======================\n", - "[\"an official at the international monetary fund reportedly admitted that he can not envisage a successful conclusion to the country 's bailout .greece this week repeated threats to stop paying off its loan and default on its debt if europe refuses to release more funds .fresh fears were raised last night that greece could exit the eurozone after it was claimed negotiations with its european creditors were ` not working ' .\"]\n", - "=======================\n", - "[\"imf europe head says bail-out negotiations with athens are ` not working 'some greek officials appear to be preparing themselves for a defaulteurozone member is beginning to run out of time for making fiscal reformsfinance minister said country was committed to changes at last repayment\"]\n", - "an official at the international monetary fund reportedly admitted that he can not envisage a successful conclusion to the country 's bailout .greece this week repeated threats to stop paying off its loan and default on its debt if europe refuses to release more funds .fresh fears were raised last night that greece could exit the eurozone after it was claimed negotiations with its european creditors were ` not working ' .\n", - "imf europe head says bail-out negotiations with athens are ` not working 'some greek officials appear to be preparing themselves for a defaulteurozone member is beginning to run out of time for making fiscal reformsfinance minister said country was committed to changes at last repayment\n", - "[1.3954222 1.256638 1.4168677 1.2627983 1.1448756 1.0642151 1.0644062\n", - " 1.0471805 1.1412222 1.0932951 1.0515809 1.0164818 1.0126535 1.0553825\n", - " 1.15099 1.1183673 1.041616 1.0333289 0. 0. ]\n", - "\n", - "[ 2 0 3 1 14 4 8 15 9 6 5 13 10 7 16 17 11 12 18 19]\n", - "=======================\n", - "[\"adele sarno , 85 , who has lived there for more than 50 years received a letter seeking to increase rent to the market rate of $ 3,500 a month , far more than the retired shopkeeper can afford .her landlord is the italian american museum which is dedicated to the legacy of italian-americans and is situated below her home .an italian-american grandmother is facing eviction from her $ 820-a-month apartment in manhattan 's little italy neighborhood .\"]\n", - "=======================\n", - "['italian-american tenant adele sarno , 85 , received a letter from her landlord , italian american museum , seeking to increase rent to market rate of $ 3,500fight over her two-bedroom apartment began five years agoshe has been living there since 1962 when rent was just $ 150 a month']\n", - "adele sarno , 85 , who has lived there for more than 50 years received a letter seeking to increase rent to the market rate of $ 3,500 a month , far more than the retired shopkeeper can afford .her landlord is the italian american museum which is dedicated to the legacy of italian-americans and is situated below her home .an italian-american grandmother is facing eviction from her $ 820-a-month apartment in manhattan 's little italy neighborhood .\n", - "italian-american tenant adele sarno , 85 , received a letter from her landlord , italian american museum , seeking to increase rent to market rate of $ 3,500fight over her two-bedroom apartment began five years agoshe has been living there since 1962 when rent was just $ 150 a month\n", - "[1.326127 1.2176201 1.4724785 1.3221912 1.3591229 1.1861092 1.0812479\n", - " 1.0130532 1.0201782 1.1175733 1.064037 1.0275055 1.0084459 1.0208977\n", - " 1.0707972 1.0964957 1.1877031 1.2482644 1.0389118 1.0464942]\n", - "\n", - "[ 2 4 0 3 17 1 16 5 9 15 6 14 10 19 18 11 13 8 7 12]\n", - "=======================\n", - "[\"andre blackman , 24 , who now plays for doomed championship side blackpool fc , stole a jacket worth more than # 1,000 from the world famous store in knightsbridge .he was ordered to carry out 40 hours of unpaid work after hammersmith magistrates ' court was told he fled from the shop with the # 1,225 jacket .andre blackman hides his face outside hammersmith magistrates court\"]\n", - "=======================\n", - "[\"andre blackman fled from harrods after stealing jacket from storethe 24-year-old has been told he is surplus to requirements at blackpoolblackman said the incident was ` just a moment of madness 'the defender played for both arsenal and tottenham during youth career\"]\n", - "andre blackman , 24 , who now plays for doomed championship side blackpool fc , stole a jacket worth more than # 1,000 from the world famous store in knightsbridge .he was ordered to carry out 40 hours of unpaid work after hammersmith magistrates ' court was told he fled from the shop with the # 1,225 jacket .andre blackman hides his face outside hammersmith magistrates court\n", - "andre blackman fled from harrods after stealing jacket from storethe 24-year-old has been told he is surplus to requirements at blackpoolblackman said the incident was ` just a moment of madness 'the defender played for both arsenal and tottenham during youth career\n", - "[1.4104182 1.440748 1.1796348 1.2575691 1.0359825 1.2014505 1.1173283\n", - " 1.0784659 1.0470332 1.0680985 1.0229243 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 5 2 6 7 9 8 4 10 18 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"prince abdul malik , 31 , exchanged vows with dayangku raabi'atul ` adawiyyah pengiran haji bolkiah , 22 , in front of crowds of friends and family , nobility and foreign dignitaries amid mind-boggling splendour .the prince is the youngest child of the sultan , hassanal bolkiah , and his wife , queen saleha , and is second in the line of succession to become the next sultan of brunei .the newlyweds ' matching gold outfits were both embellished with diamonds , while blushing bride raabi'atul carried a bouquet made of dazzling gems , rather than flowers .\"]\n", - "=======================\n", - "[\"prince abdul malik , 31 , marries data analyst dayangku raabi'atul ` adawiyyah pengiran haji bolkiah , 22 , todaymalik is the youngest child of the sultan and wife , queen saleha , and is second in line to become the next sultanceremony took place in the monarch 's lavish 1,788-room residential palace , istana nural iman in brunei 's capital\"]\n", - "prince abdul malik , 31 , exchanged vows with dayangku raabi'atul ` adawiyyah pengiran haji bolkiah , 22 , in front of crowds of friends and family , nobility and foreign dignitaries amid mind-boggling splendour .the prince is the youngest child of the sultan , hassanal bolkiah , and his wife , queen saleha , and is second in the line of succession to become the next sultan of brunei .the newlyweds ' matching gold outfits were both embellished with diamonds , while blushing bride raabi'atul carried a bouquet made of dazzling gems , rather than flowers .\n", - "prince abdul malik , 31 , marries data analyst dayangku raabi'atul ` adawiyyah pengiran haji bolkiah , 22 , todaymalik is the youngest child of the sultan and wife , queen saleha , and is second in line to become the next sultanceremony took place in the monarch 's lavish 1,788-room residential palace , istana nural iman in brunei 's capital\n", - "[1.3500433 1.4006636 1.2181634 1.3607126 1.2625836 1.1199976 1.104366\n", - " 1.1134263 1.1012858 1.0165883 1.0120159 1.24858 1.1490808 1.0071207\n", - " 1.0111977 1.0062426 1.0093517 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 11 2 12 5 7 6 8 9 10 14 16 13 15 18 17 19]\n", - "=======================\n", - "['the 36-year-old is seeking $ 20million in lost future earnings and $ 15,000 in damages after he contracted the deadly infection in 2013 following a surgery on an ingrown toenail , according to albert breer of the nfl network .the former nfl kicker lawrence tynes is suing the tampa bay buccaneers accusing them of unsanitary conditions that led to a mrsa infection that he says ended his career .the lawsuit claims that the team did not use necessary sterile techniques and routinely left therapy devices , equipment and surfaces unclean']\n", - "=======================\n", - "['lawrence tynes contracted the deadly infection after surgery on his foot in 2013 and is now seeking an additional $ 15,000 in damageslawsuit was announced on monday and claims the team disclosed ongoing incidents of the infection among other individualsit also claims necessary sterile techniques were not used and that therapy equipment and surfaces were left unclean']\n", - "the 36-year-old is seeking $ 20million in lost future earnings and $ 15,000 in damages after he contracted the deadly infection in 2013 following a surgery on an ingrown toenail , according to albert breer of the nfl network .the former nfl kicker lawrence tynes is suing the tampa bay buccaneers accusing them of unsanitary conditions that led to a mrsa infection that he says ended his career .the lawsuit claims that the team did not use necessary sterile techniques and routinely left therapy devices , equipment and surfaces unclean\n", - "lawrence tynes contracted the deadly infection after surgery on his foot in 2013 and is now seeking an additional $ 15,000 in damageslawsuit was announced on monday and claims the team disclosed ongoing incidents of the infection among other individualsit also claims necessary sterile techniques were not used and that therapy equipment and surfaces were left unclean\n", - "[1.2164662 1.4075423 1.271284 1.2675999 1.2087078 1.1698709 1.0938606\n", - " 1.1030382 1.0613 1.0214962 1.1326627 1.0964762 1.046565 1.0472564\n", - " 1.0362778 1.0475447 1.018959 1.0183029 1.017718 1.0208484 1.0202423\n", - " 1.0561135 1.1891077]\n", - "\n", - "[ 1 2 3 0 4 22 5 10 7 11 6 8 21 15 13 12 14 9 19 20 16 17 18]\n", - "=======================\n", - "[\"pasco county sheriff 's office reported it has received death threats since footage emerged of deputy kerry kempink killing the dog while responding to call .the video , shot on kempink 's body camera , showed the deputy jumping a fence as he went to investigate a burglar alarm going off at the property last friday .this is the shocking moment a deputy 's bodycam captured the officer shooting a dog dead .\"]\n", - "=======================\n", - "['warning graphic contentdeputy kerry kempink was filmed on his own bodycam killing the doghe claimed he had shot rottweiler in self-defense while out on a callbut owner carla gloger claimed pet was not vicious and plans to sue']\n", - "pasco county sheriff 's office reported it has received death threats since footage emerged of deputy kerry kempink killing the dog while responding to call .the video , shot on kempink 's body camera , showed the deputy jumping a fence as he went to investigate a burglar alarm going off at the property last friday .this is the shocking moment a deputy 's bodycam captured the officer shooting a dog dead .\n", - "warning graphic contentdeputy kerry kempink was filmed on his own bodycam killing the doghe claimed he had shot rottweiler in self-defense while out on a callbut owner carla gloger claimed pet was not vicious and plans to sue\n", - "[1.1174655 1.1621016 1.3486661 1.1722531 1.2582006 1.1822426 1.0350983\n", - " 1.0561436 1.0195208 1.1142924 1.0653405 1.1858088 1.0223014 1.0593086\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 4 11 5 3 1 0 9 10 13 7 6 12 8 21 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"indeed , one children 's clothing company that became known around the world when prince george was photographed wearing their garments has released a very regal new range - fit for a prince ... or a princess .london-based trotters , who describe their clothing as ` exclusive , yet affordable : stylish yet traditional ' , has unveiled the ` new born baby collection ' just in time for the duke and duchess of cambridge 's imminent arrival .the range includes boy 's t-shirts and romper suits , complete with bearskin hat-wearing soldiers , and pretty smocked dresses and pink cardigans for girls .\"]\n", - "=======================\n", - "[\"london-based trotters has unveiled the ` new born baby collection 'range includes boy 's t-shirts and romper suits and smocked dresseskate apparently shopped at king 's road store for georgegeorge effect has boosted high street copy-cat salesroyal baby number two , who is due next week , is likely to do the same\"]\n", - "indeed , one children 's clothing company that became known around the world when prince george was photographed wearing their garments has released a very regal new range - fit for a prince ... or a princess .london-based trotters , who describe their clothing as ` exclusive , yet affordable : stylish yet traditional ' , has unveiled the ` new born baby collection ' just in time for the duke and duchess of cambridge 's imminent arrival .the range includes boy 's t-shirts and romper suits , complete with bearskin hat-wearing soldiers , and pretty smocked dresses and pink cardigans for girls .\n", - "london-based trotters has unveiled the ` new born baby collection 'range includes boy 's t-shirts and romper suits and smocked dresseskate apparently shopped at king 's road store for georgegeorge effect has boosted high street copy-cat salesroyal baby number two , who is due next week , is likely to do the same\n", - "[1.3677977 1.3491101 1.2738233 1.242941 1.1069397 1.0510252 1.2913697\n", - " 1.1481816 1.145628 1.0439209 1.0572661 1.061161 1.0381198 1.0344423\n", - " 1.1881276 1.1478605 1.0503292 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 6 2 3 14 7 15 8 4 11 10 5 16 9 12 13 21 17 18 19 20 22]\n", - "=======================\n", - "[\"when barcelona midfield maestro xavi came on as a half-time substitute against psg in the champions league quarter-final on tuesday night he sent records tumbling .the former spain international played for 148th time in the competition , more than any other player since the tournament changed to its current format in 1992 .real madrid goalkeeper iker casillas is in line to equal xavi 's total in both champions league games and knockout matches when carlo ancelotti 's side take on atletico in the second leg of their quarter-final on wednesday night .\"]\n", - "=======================\n", - "['barcelona beat psg 2-0 on tuesday to reach champions league semi-finalxavi came on at half-time to make his 148th appearance in the competitionit is more than any other player but iker casillas can equal it on wednesdayxavi also broke the record for most knockout stage appearances with 53']\n", - "when barcelona midfield maestro xavi came on as a half-time substitute against psg in the champions league quarter-final on tuesday night he sent records tumbling .the former spain international played for 148th time in the competition , more than any other player since the tournament changed to its current format in 1992 .real madrid goalkeeper iker casillas is in line to equal xavi 's total in both champions league games and knockout matches when carlo ancelotti 's side take on atletico in the second leg of their quarter-final on wednesday night .\n", - "barcelona beat psg 2-0 on tuesday to reach champions league semi-finalxavi came on at half-time to make his 148th appearance in the competitionit is more than any other player but iker casillas can equal it on wednesdayxavi also broke the record for most knockout stage appearances with 53\n", - "[1.3417141 1.3852934 1.082622 1.155024 1.1394773 1.210297 1.1403553\n", - " 1.0693971 1.1033993 1.099341 1.0483314 1.1506562 1.0518786 1.0225234\n", - " 1.0226281 1.0178089 1.147719 1.0446566 1.0098953 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 5 3 11 16 6 4 8 9 2 7 12 10 17 14 13 15 18 21 19 20 22]\n", - "=======================\n", - "['the former liverpool , leeds and manchester city hitman broke on to the scene as a goalscoring sensation at anfield in 1993 and would go on to win 26 caps with england .robbie fowler is already among the names of the best premier league strikers of all time , with only five players scoring more than his 162 goals .peter schmeichel celebrates a manchester united goal in a 1999 champions league semi-final vs juventus']\n", - "=======================\n", - "[\"robbie fowler picked dream team based on players from his eraformer liverpool star named manchester united legend peter schmeichelex arsenal midfielder patrick vieira picked over steven gerrardfowler named marco van basten as his strike partner in starting xigary neville was a late exclusion from fowler 's line-up\"]\n", - "the former liverpool , leeds and manchester city hitman broke on to the scene as a goalscoring sensation at anfield in 1993 and would go on to win 26 caps with england .robbie fowler is already among the names of the best premier league strikers of all time , with only five players scoring more than his 162 goals .peter schmeichel celebrates a manchester united goal in a 1999 champions league semi-final vs juventus\n", - "robbie fowler picked dream team based on players from his eraformer liverpool star named manchester united legend peter schmeichelex arsenal midfielder patrick vieira picked over steven gerrardfowler named marco van basten as his strike partner in starting xigary neville was a late exclusion from fowler 's line-up\n", - "[1.2812831 1.2946391 1.1203579 1.1667655 1.1799875 1.0603769 1.0542948\n", - " 1.0976125 1.0347097 1.0509969 1.0506858 1.0933373 1.03388 1.0727438\n", - " 1.0391248 1.031199 1.0887102 1.1098235 1.0285921 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 4 3 2 17 7 11 16 13 5 6 9 10 14 8 12 15 18 21 19 20 22]\n", - "=======================\n", - "[\"but not in 2013 , when three people died and over 200 were injured when a pair of bombs went off within 12 seconds of each other at the finish line .boston ( cnn ) the boston marathon is traditionally an event in which people in and around the massachusetts capital come together , celebrate and enjoy .that begins april 21 , a day after this year 's edition of the landmark race .\"]\n", - "=======================\n", - "['dzhokhar tsarnaev was found guilty of all 30 counts , may face death penaltythe sentencing phase starts april 21 ; a judge predicts it will last four weekshe warns jurors not to do anything that could be prejudicial to the case']\n", - "but not in 2013 , when three people died and over 200 were injured when a pair of bombs went off within 12 seconds of each other at the finish line .boston ( cnn ) the boston marathon is traditionally an event in which people in and around the massachusetts capital come together , celebrate and enjoy .that begins april 21 , a day after this year 's edition of the landmark race .\n", - "dzhokhar tsarnaev was found guilty of all 30 counts , may face death penaltythe sentencing phase starts april 21 ; a judge predicts it will last four weekshe warns jurors not to do anything that could be prejudicial to the case\n", - "[1.5132918 1.5015094 1.221993 1.4682349 1.3469679 1.181479 1.0475652\n", - " 1.0130451 1.0155548 1.0269396 1.0167843 1.0209213 1.0154021 1.0667777\n", - " 1.0116562 1.012857 1.1096802 1.1911644 1.0556772 1.0200627 1.0062957\n", - " 0. ]\n", - "\n", - "[ 0 1 3 4 2 17 5 16 13 18 6 9 11 19 10 8 12 7 15 14 20 21]\n", - "=======================\n", - "[\"tottenham manager mauricio pochettino is in no doubt goalkeeper michel vorm has the strength of character to put his capital one cup final disappointment behind him and again prove an able deputy for hugo lloris at burnley on sunday .with france international lloris sidelined by a knee injury , dutchman vorm will stand in at turf moor .the 31-year-old , signed from swansea in the summer , had to watch on from the bench at wembley against chelsea in last month 's league cup final defeat , despite having featured in the earlier rounds .\"]\n", - "=======================\n", - "[\"michel vorm 's tottenham chances have been few since swansea transferbut vorm is set to cover for injured hugo lloris against burnleymanager mauricio pochettino has praised vorm 's attitude and character\"]\n", - "tottenham manager mauricio pochettino is in no doubt goalkeeper michel vorm has the strength of character to put his capital one cup final disappointment behind him and again prove an able deputy for hugo lloris at burnley on sunday .with france international lloris sidelined by a knee injury , dutchman vorm will stand in at turf moor .the 31-year-old , signed from swansea in the summer , had to watch on from the bench at wembley against chelsea in last month 's league cup final defeat , despite having featured in the earlier rounds .\n", - "michel vorm 's tottenham chances have been few since swansea transferbut vorm is set to cover for injured hugo lloris against burnleymanager mauricio pochettino has praised vorm 's attitude and character\n", - "[1.1061469 1.269722 1.2935486 1.3427459 1.0615567 1.0416775 1.0153438\n", - " 1.2042994 1.1648744 1.1425835 1.0322943 1.0858477 1.0555625 1.1524353\n", - " 1.1062027 1.1023263 1.044976 1.0720444 1.0163985 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 2 1 7 8 13 9 14 0 15 11 17 4 12 16 5 10 18 6 19 20 21]\n", - "=======================\n", - "[\"the scene was photographed from just six metres away by 48-year-old dean mason who hid away in a camouflaged shelter , known as a hide , in beaconsfield , buckinghamshire .the little owl 's sibling rivalry then gets the better of him , as he swoops under his sibling 's wing , prompting an amusing game of tug-of-war .as his two siblings settled down to have a rest on their tiny perch , the needy owlet was spotted tactfully creeping along a tree branch before tugging at one of his brother 's wing .\"]\n", - "=======================\n", - "[\"a little owl was captured trying to join his siblings ' huddle by gently tugging on their wings in beaconsfield , bucksphotos taken by sales manager dean mason , 48 , from bournemouth , from a camouflaged shelter six metres away\"]\n", - "the scene was photographed from just six metres away by 48-year-old dean mason who hid away in a camouflaged shelter , known as a hide , in beaconsfield , buckinghamshire .the little owl 's sibling rivalry then gets the better of him , as he swoops under his sibling 's wing , prompting an amusing game of tug-of-war .as his two siblings settled down to have a rest on their tiny perch , the needy owlet was spotted tactfully creeping along a tree branch before tugging at one of his brother 's wing .\n", - "a little owl was captured trying to join his siblings ' huddle by gently tugging on their wings in beaconsfield , bucksphotos taken by sales manager dean mason , 48 , from bournemouth , from a camouflaged shelter six metres away\n", - "[1.1188093 1.4217572 1.2908524 1.3592272 1.2196729 1.0837543 1.1127987\n", - " 1.048845 1.0194031 1.0213052 1.1599675 1.0945079 1.0846664 1.0555416\n", - " 1.0994562 1.0588249 1.0719556 1.0312476 1.0147802 1.0102153 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 4 10 0 6 14 11 12 5 16 15 13 7 17 9 8 18 19 20 21]\n", - "=======================\n", - "['but this week model and chef chrissy teigen bought them to the fore after she posted a picture of her legs to instagram .women have been taken to instagram to share pictures of their stretch marks after the body chrissy teigen posted an image of hers to the social networking sitethe 29-year-old sports illustrated star is seen cross-legged after an all-day cooking session and says : ` bruises from bumping kitchen drawer handles for a week .']\n", - "=======================\n", - "['chrissy teigen shared a picture of her stretch marks this weekthe model was praised by those calling her a role modelnow hundreds of women have taken to instagram to share their pictures']\n", - "but this week model and chef chrissy teigen bought them to the fore after she posted a picture of her legs to instagram .women have been taken to instagram to share pictures of their stretch marks after the body chrissy teigen posted an image of hers to the social networking sitethe 29-year-old sports illustrated star is seen cross-legged after an all-day cooking session and says : ` bruises from bumping kitchen drawer handles for a week .\n", - "chrissy teigen shared a picture of her stretch marks this weekthe model was praised by those calling her a role modelnow hundreds of women have taken to instagram to share their pictures\n", - "[1.0876172 1.1992847 1.0852778 1.3631265 1.2688522 1.1831552 1.2429959\n", - " 1.1786795 1.0489895 1.0848007 1.0582186 1.0347408 1.037683 1.0602094\n", - " 1.0659751 1.0525696 1.0349303 1.049329 1.0131869 1.0132807 1.0638641\n", - " 1.0254045]\n", - "\n", - "[ 3 4 6 1 5 7 0 2 9 14 20 13 10 15 17 8 12 16 11 21 19 18]\n", - "=======================\n", - "['in a survey conducted by direct line , adults in the uk cited not being able to sleep as the thing that stressed them out the mostrunning out of phone battery when out and about , lack of parking spaces and losing an important document are all among the most stressful everyday incidents that brits encounter .it seems brits are all plagued by the same frustrations , and the incidents tend to be daily inconveniences .']\n", - "=======================\n", - "['in a survey conducted by direct line , 2,025 adults in uk were questionednearly half ( 46 % ) of people get anxiety from not being able to sleepmany of the worries come from work-related situations']\n", - "in a survey conducted by direct line , adults in the uk cited not being able to sleep as the thing that stressed them out the mostrunning out of phone battery when out and about , lack of parking spaces and losing an important document are all among the most stressful everyday incidents that brits encounter .it seems brits are all plagued by the same frustrations , and the incidents tend to be daily inconveniences .\n", - "in a survey conducted by direct line , 2,025 adults in uk were questionednearly half ( 46 % ) of people get anxiety from not being able to sleepmany of the worries come from work-related situations\n", - "[1.5352455 1.1656379 1.2591707 1.196926 1.1232785 1.245617 1.1031356\n", - " 1.1447113 1.0621208 1.1975561 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 5 9 3 1 7 4 6 8 19 18 17 16 15 10 13 12 11 20 14 21]\n", - "=======================\n", - "['( cnn ) authorities detained a 15-year-old girl from cape town , south africa , at the city \\'s airport after receiving information she was leaving the country to join isis , state security minister david mahlobo said .the girl over the past period has been using technology on social media platforms interacting with strange people and reading material that suggested she expressed an interest in joining a terrorist group called isis , \" he told broadcaster enca .virginia teen accused of being isis recruiter']\n", - "=======================\n", - "['official : girl , 15 , \" expressed an interest in joining a terrorist group called isis \"authorities detain girl at cape town airport , release her into family \\'s care , he says']\n", - "( cnn ) authorities detained a 15-year-old girl from cape town , south africa , at the city 's airport after receiving information she was leaving the country to join isis , state security minister david mahlobo said .the girl over the past period has been using technology on social media platforms interacting with strange people and reading material that suggested she expressed an interest in joining a terrorist group called isis , \" he told broadcaster enca .virginia teen accused of being isis recruiter\n", - "official : girl , 15 , \" expressed an interest in joining a terrorist group called isis \"authorities detain girl at cape town airport , release her into family 's care , he says\n", - "[1.0761207 1.4600179 1.2457689 1.2290423 1.2055304 1.2308016 1.1685919\n", - " 1.0407062 1.0213947 1.110742 1.1195568 1.0316472 1.0932237 1.0606114\n", - " 1.0488309 1.0568831 1.0211293 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 5 3 4 6 10 9 12 0 13 15 14 7 11 8 16 19 17 18 20]\n", - "=======================\n", - "[\"malia obama , 16 , is already visiting colleges in preparation for when she heads to school in the fall of 2016 .she has n't even finished high school , but president obama said the thought of her heading off to college has him crying on a daily basis .malia 's younger sister sasha , 13 , wo n't start thinking about college for a few years yet .\"]\n", - "=======================\n", - "[\"malia obama is already visiting schools and will attend college in fall 201611th grader , 16 , goes to private sidwell friends school in washington , d.c.she has already visited schools like harvard , stanford , columbia and yalepresident obama said he 's ` sad ' and he tears ` up in the middle of the day 'malia 's younger sister sasha , 13 , has more time until she considers college\"]\n", - "malia obama , 16 , is already visiting colleges in preparation for when she heads to school in the fall of 2016 .she has n't even finished high school , but president obama said the thought of her heading off to college has him crying on a daily basis .malia 's younger sister sasha , 13 , wo n't start thinking about college for a few years yet .\n", - "malia obama is already visiting schools and will attend college in fall 201611th grader , 16 , goes to private sidwell friends school in washington , d.c.she has already visited schools like harvard , stanford , columbia and yalepresident obama said he 's ` sad ' and he tears ` up in the middle of the day 'malia 's younger sister sasha , 13 , has more time until she considers college\n", - "[1.5508937 1.126386 1.1784525 1.5414299 1.230255 1.102213 1.196747\n", - " 1.047585 1.0173695 1.1264895 1.140388 1.0333831 1.0141737 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 6 2 10 9 1 5 7 11 8 12 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"ben stokes thought he had claimed his 23rd test wicket when jermaine blackwood slashed his short delivery straight to alastair cook at slip .ben stokes was denied the wicket of jermaine blackwood after overstepping the creasemichael vaughan , while commentating on bbc 's test match special , thinks the 23-year-old should return to his natural style of bowling .\"]\n", - "=======================\n", - "['ben stokes was denied a wicket after bowling a no-ballthe durham all-rounder thought he had dismissed jermaine blackwoodreplays showed that stokes had overstepped the crease']\n", - "ben stokes thought he had claimed his 23rd test wicket when jermaine blackwood slashed his short delivery straight to alastair cook at slip .ben stokes was denied the wicket of jermaine blackwood after overstepping the creasemichael vaughan , while commentating on bbc 's test match special , thinks the 23-year-old should return to his natural style of bowling .\n", - "ben stokes was denied a wicket after bowling a no-ballthe durham all-rounder thought he had dismissed jermaine blackwoodreplays showed that stokes had overstepped the crease\n", - "[1.2860467 1.4015396 1.21754 1.2625369 1.2875873 1.1263263 1.0336237\n", - " 1.1907817 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 3 2 7 5 6 18 17 16 15 14 10 12 11 19 9 8 13 20]\n", - "=======================\n", - "['the four-year-old , ridden by william buick , beat complicit to complete a 22-1 treble for his trainer charlie appleby .jockey william buick predicted great things to come from the winter derby winneran electric change of pace propelled odds-on favourite tryster to a three-quarter length success in the feature coral easter classic as his godolphin stable dominated # 1.1 million all weather finals day at lingfield .']\n", - "=======================\n", - "['tryster won the coral easter classic at all weather finals in lingfieldjockey william buick predicted bright future for the winter derby winnergodolphin stable dominated the event with three winners in feature races']\n", - "the four-year-old , ridden by william buick , beat complicit to complete a 22-1 treble for his trainer charlie appleby .jockey william buick predicted great things to come from the winter derby winneran electric change of pace propelled odds-on favourite tryster to a three-quarter length success in the feature coral easter classic as his godolphin stable dominated # 1.1 million all weather finals day at lingfield .\n", - "tryster won the coral easter classic at all weather finals in lingfieldjockey william buick predicted bright future for the winter derby winnergodolphin stable dominated the event with three winners in feature races\n", - "[1.218955 1.5235178 1.2228689 1.1856 1.2587838 1.1765006 1.1620007\n", - " 1.1034393 1.052417 1.0755204 1.0160407 1.0259757 1.1023688 1.016873\n", - " 1.0843233 1.0434779 1.1212262 1.0680028 1.0625322 1.0875237 1.0285057]\n", - "\n", - "[ 1 4 2 0 3 5 6 16 7 12 19 14 9 17 18 8 15 20 11 13 10]\n", - "=======================\n", - "['christopher lawler said he was pinned to a chair and groped by a male member of staff on his first day working at clarence house .police are investigating claims made by a former royal footman that clarence house aides tried to force him into an orgy in the 1970sthe ordeal left him in tears and he left the job the same day .']\n", - "=======================\n", - "[\"christopher lawler claims he was pinned to a chair and groped by staffhe left job at clarence house the same day as alleged incident in 1978mr lawler , now 68 , claims he reported his account but was twice ignoredthe palace is now ` cooperating ' with police to investigate historic claims\"]\n", - "christopher lawler said he was pinned to a chair and groped by a male member of staff on his first day working at clarence house .police are investigating claims made by a former royal footman that clarence house aides tried to force him into an orgy in the 1970sthe ordeal left him in tears and he left the job the same day .\n", - "christopher lawler claims he was pinned to a chair and groped by staffhe left job at clarence house the same day as alleged incident in 1978mr lawler , now 68 , claims he reported his account but was twice ignoredthe palace is now ` cooperating ' with police to investigate historic claims\n", - "[1.2129967 1.372926 1.3891393 1.2042407 1.1671815 1.161594 1.1290278\n", - " 1.0790063 1.0188085 1.1359366 1.0102278 1.1152972 1.0587753 1.0887527\n", - " 1.1086911 1.0118481 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 4 5 9 6 11 14 13 7 12 8 15 10 16 17 18 19 20]\n", - "=======================\n", - "['at least six people have been killed and many thousands displaced from their homes since the violence against immigrants erupted in the city of durban several weeks ago .the man who is believed to be from mozambique was taken to a hospital in johannesburg where he tragically passed away .a bloody and wounded shop owner has been pictured just moments before he died from his injuries on another day of xenophobic attacks in south africa .']\n", - "=======================\n", - "[\"a shop owner from mozambique has died from his injuries in a johannesburg hospital amid xenophobic violenceat least six have been killed by armed gangs wielding machetes , hammers and sticks who are targeting foreignersthe anti-immigration violence in south africa has forced thousands of people to flee their homes and the countrypresident jacob zuma has called for an end to ` shocking and unacceptable ' attacks on africans and south asians\"]\n", - "at least six people have been killed and many thousands displaced from their homes since the violence against immigrants erupted in the city of durban several weeks ago .the man who is believed to be from mozambique was taken to a hospital in johannesburg where he tragically passed away .a bloody and wounded shop owner has been pictured just moments before he died from his injuries on another day of xenophobic attacks in south africa .\n", - "a shop owner from mozambique has died from his injuries in a johannesburg hospital amid xenophobic violenceat least six have been killed by armed gangs wielding machetes , hammers and sticks who are targeting foreignersthe anti-immigration violence in south africa has forced thousands of people to flee their homes and the countrypresident jacob zuma has called for an end to ` shocking and unacceptable ' attacks on africans and south asians\n", - "[1.0464693 1.313778 1.2443818 1.3610191 1.2713008 1.0647632 1.0439714\n", - " 1.1401422 1.1556516 1.0797881 1.0318257 1.0651515 1.029499 1.0542917\n", - " 1.0756774 1.1586267 1.0458143 1.0274148 1.0121093 1.0441935 1.1641605]\n", - "\n", - "[ 3 1 4 2 20 15 8 7 9 14 11 5 13 0 16 19 6 10 12 17 18]\n", - "=======================\n", - "['a loo version of the iron throne was built by a team of hollywood prop makersthe super fan builds team , led by master designer tim baker ( pictured ) , used jigsaws , grinders and special paint that gives wood a metallic effectthe recipient was self-confessed game of thrones geek john giovanazzi , who is pictured on his new loo at his bar in glendale , california']\n", - "=======================\n", - "[\"the iron throne was forged from 200 swords melted by dragon breathcalifornia 's loo version was built by prop makers using plywoodit was presented to game of thrones superfan john giovanazzithe incredible loo was then installed in his bar in glendale , california\"]\n", - "a loo version of the iron throne was built by a team of hollywood prop makersthe super fan builds team , led by master designer tim baker ( pictured ) , used jigsaws , grinders and special paint that gives wood a metallic effectthe recipient was self-confessed game of thrones geek john giovanazzi , who is pictured on his new loo at his bar in glendale , california\n", - "the iron throne was forged from 200 swords melted by dragon breathcalifornia 's loo version was built by prop makers using plywoodit was presented to game of thrones superfan john giovanazzithe incredible loo was then installed in his bar in glendale , california\n", - "[1.1772453 1.3572487 1.3887341 1.2610207 1.1841961 1.2086409 1.1493982\n", - " 1.1538273 1.1675837 1.0987847 1.0440869 1.093708 1.0174258 1.0135726\n", - " 1.0111153 1.0426003 1.0098805 1.0283966 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 5 4 0 8 7 6 9 11 10 15 17 12 13 14 16 18 19 20]\n", - "=======================\n", - "[\"mr asbo , the swan believed to be his grandfather , was moved to a location 60 miles away in 2012 by river authorities after repeatedly attacking rowers .the savage swan nicknamed asbaby , which still has many brown baby feathers , has been pecking punters on the backs area of the cambridge river .theft : asbaby was seen attacking tourists , eating sandwiches , drinking from water bottles and even trying to steal a woman 's handbag ( above )\"]\n", - "=======================\n", - "['savage swan nicknamed asbaby attacked punters on the backs area of river cam in cambridge over eastermr asbo , the swan believed to be his grandfather , was moved away in 2012 after repeatedly attacking rowersasbaby seen getting close to tourists , eating sandwiches , drinking from bottles and trying to steal handbagswan , which still has many brown baby feathers , said to be son of asboy - which has also terrorised punters']\n", - "mr asbo , the swan believed to be his grandfather , was moved to a location 60 miles away in 2012 by river authorities after repeatedly attacking rowers .the savage swan nicknamed asbaby , which still has many brown baby feathers , has been pecking punters on the backs area of the cambridge river .theft : asbaby was seen attacking tourists , eating sandwiches , drinking from water bottles and even trying to steal a woman 's handbag ( above )\n", - "savage swan nicknamed asbaby attacked punters on the backs area of river cam in cambridge over eastermr asbo , the swan believed to be his grandfather , was moved away in 2012 after repeatedly attacking rowersasbaby seen getting close to tourists , eating sandwiches , drinking from bottles and trying to steal handbagswan , which still has many brown baby feathers , said to be son of asboy - which has also terrorised punters\n", - "[1.3897591 1.2377707 1.2920715 1.2671392 1.2941226 1.1606898 1.1200713\n", - " 1.0678326 1.0381552 1.0270469 1.0152875 1.0369602 1.026072 1.0666366\n", - " 1.0551047 1.021167 1.0318289 1.1136041 0. 0. 0. ]\n", - "\n", - "[ 0 4 2 3 1 5 6 17 7 13 14 8 11 16 9 12 15 10 18 19 20]\n", - "=======================\n", - "[\"judges rejected home secretary theresa may 's attempt to deport the 53-year-old serial criminal because of the risk of ` unacceptably savage ' abuse he faced in libyaseven years after the man was first told he would be booted out of the country , a judge has finally ruled that it would breach his human rights .a libyan convicted of 78 offences can not be deported from britain because he is an alcoholic .\"]\n", - "=======================\n", - "['judge ruled deporting libyan alcoholic would breach his human rightsthe 53-year-old serial criminal has been convicted of 78 offences in britainhe argued he would be tortured in libya because drinking alcohol is illegalhis case is estimated to have cost british taxpayers a six-figure sum']\n", - "judges rejected home secretary theresa may 's attempt to deport the 53-year-old serial criminal because of the risk of ` unacceptably savage ' abuse he faced in libyaseven years after the man was first told he would be booted out of the country , a judge has finally ruled that it would breach his human rights .a libyan convicted of 78 offences can not be deported from britain because he is an alcoholic .\n", - "judge ruled deporting libyan alcoholic would breach his human rightsthe 53-year-old serial criminal has been convicted of 78 offences in britainhe argued he would be tortured in libya because drinking alcohol is illegalhis case is estimated to have cost british taxpayers a six-figure sum\n", - "[1.4910631 1.0575749 1.0609622 1.09896 1.5030255 1.200952 1.1286908\n", - " 1.1941773 1.2410065 1.1635725 1.0417824 1.0577757 1.0372447 1.037112\n", - " 1.0280042 1.053462 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 0 8 5 7 9 6 3 2 11 1 15 10 12 13 14 19 16 17 18 20]\n", - "=======================\n", - "[\"didier drogba has 15 goals in 15 games for chelsea against arsenal , averaging one every 78 minutesarsene wenger rejoiced when didier drogba left chelsea for shanghai shenhua in 2012 , with the ivorian striker departing england with a formidable scoring record of 13 goals in 14 games against arsenal . 'drogba ( right ) beat philippe senderos to head in chelsea 's second goal and secure the league cup\"]\n", - "=======================\n", - "[\"didier drogba has 15 goals against arsenal for chelsea and galatasarayhe averages a strike every 78 minutes and 20 seconds against arsenaldrogba could be chelsea 's only fit striker for sunday 's trip to the emiratesread : chelsea fans storm emirates stadium and turn arsenal sign bluemartin keown : deep down , jose mourinho admires arsene wenger 's work\"]\n", - "didier drogba has 15 goals in 15 games for chelsea against arsenal , averaging one every 78 minutesarsene wenger rejoiced when didier drogba left chelsea for shanghai shenhua in 2012 , with the ivorian striker departing england with a formidable scoring record of 13 goals in 14 games against arsenal . 'drogba ( right ) beat philippe senderos to head in chelsea 's second goal and secure the league cup\n", - "didier drogba has 15 goals against arsenal for chelsea and galatasarayhe averages a strike every 78 minutes and 20 seconds against arsenaldrogba could be chelsea 's only fit striker for sunday 's trip to the emiratesread : chelsea fans storm emirates stadium and turn arsenal sign bluemartin keown : deep down , jose mourinho admires arsene wenger 's work\n", - "[1.4112792 1.471595 1.2564795 1.1732087 1.0833201 1.1239481 1.0475999\n", - " 1.0525975 1.0253674 1.0273331 1.1041062 1.2976041 1.1408321 1.0535969\n", - " 1.0496305 1.0446635 1.0121696 1.007405 0. 0. 0. ]\n", - "\n", - "[ 1 0 11 2 3 12 5 10 4 13 7 14 6 15 9 8 16 17 19 18 20]\n", - "=======================\n", - "[\"eden hazard 's first-half goal gave the league leaders a 1-0 win over manchester united , but there was controversy when united were denied a late penalty .jose mourinho reignited talk of a campaign against chelsea , even after taking a huge step towards the barclays premier league title on saturday .ander herrera went over under the challenge of gary cahill but referee mike dean adjudged the spaniard to have dived .\"]\n", - "=======================\n", - "['chelsea beat manchester united 1-0 at stamford bridge on saturdayeden hazard scored winning goal in the first half as chelsea head for titleander herrera was booked for diving after coming together with gary cahilljose mourinho said there would be outrage if it had been a chelsea playerbut that it would be forgotten tomorrow because it was a united one']\n", - "eden hazard 's first-half goal gave the league leaders a 1-0 win over manchester united , but there was controversy when united were denied a late penalty .jose mourinho reignited talk of a campaign against chelsea , even after taking a huge step towards the barclays premier league title on saturday .ander herrera went over under the challenge of gary cahill but referee mike dean adjudged the spaniard to have dived .\n", - "chelsea beat manchester united 1-0 at stamford bridge on saturdayeden hazard scored winning goal in the first half as chelsea head for titleander herrera was booked for diving after coming together with gary cahilljose mourinho said there would be outrage if it had been a chelsea playerbut that it would be forgotten tomorrow because it was a united one\n", - "[1.1380978 1.1683928 1.4202864 1.3117576 1.0884064 1.0886048 1.1164609\n", - " 1.1616381 1.1342025 1.0738052 1.0536535 1.0152084 1.0166271 1.0313653\n", - " 1.011502 1.1750683 0. 0. 0. ]\n", - "\n", - "[ 2 3 15 1 7 0 8 6 5 4 9 10 13 12 11 14 17 16 18]\n", - "=======================\n", - "[\"instead , the man who will stand in the opposite corner to limerick 's andy lee next weekend comes across as anything but the egotist .peter quillin ( left ) may be nicknamed ` kid chocolate ' but he shows none of the expected arrogancethe american has a 71 per cent knockout ratio , but he is keeping his feet on the ground ahead of the fight\"]\n", - "=======================\n", - "['american boxer out to take back his title from limerick fighterpeter quillin took time out to deal with personal issues , but is now readyquillin will return to the ring for the first time in a year against lee']\n", - "instead , the man who will stand in the opposite corner to limerick 's andy lee next weekend comes across as anything but the egotist .peter quillin ( left ) may be nicknamed ` kid chocolate ' but he shows none of the expected arrogancethe american has a 71 per cent knockout ratio , but he is keeping his feet on the ground ahead of the fight\n", - "american boxer out to take back his title from limerick fighterpeter quillin took time out to deal with personal issues , but is now readyquillin will return to the ring for the first time in a year against lee\n", - "[1.3800484 1.5092043 1.1941411 1.2571841 1.0876017 1.1144204 1.0552526\n", - " 1.0188748 1.0187247 1.0177398 1.033393 1.3108667 1.0154155 1.137384\n", - " 1.2216117 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 11 3 14 2 13 5 4 6 10 7 8 9 12 17 15 16 18]\n", - "=======================\n", - "[\"moyes , who gave rooney his professional debut as a 16-year-old at everton , succeeded sir alex ferguson in the summer of 2013 - with the england striker being heavily linked with a move to stamford bridge at the same time .david moyes has revealed that chelsea were close to signing wayne rooney during his ill-fated tenure as manchester united manager .wayne rooney ( left ) tracks eden hazard during manchester united 's clash with chelsea on saturday\"]\n", - "=======================\n", - "[\"david moyes gave wayne rooney his professional debut at evertonmoyes was appointed manchester united 's new manager in 2013rooney was heavily linked with a move to chelsea at the same time\"]\n", - "moyes , who gave rooney his professional debut as a 16-year-old at everton , succeeded sir alex ferguson in the summer of 2013 - with the england striker being heavily linked with a move to stamford bridge at the same time .david moyes has revealed that chelsea were close to signing wayne rooney during his ill-fated tenure as manchester united manager .wayne rooney ( left ) tracks eden hazard during manchester united 's clash with chelsea on saturday\n", - "david moyes gave wayne rooney his professional debut at evertonmoyes was appointed manchester united 's new manager in 2013rooney was heavily linked with a move to chelsea at the same time\n", - "[1.2576406 1.4698739 1.2790414 1.1649638 1.3376796 1.0709223 1.0278257\n", - " 1.0605719 1.1008997 1.029541 1.0719258 1.0889388 1.2214315 1.0627811\n", - " 1.0138106 1.0161841 1.0457357 0. 0. ]\n", - "\n", - "[ 1 4 2 0 12 3 8 11 10 5 13 7 16 9 6 15 14 17 18]\n", - "=======================\n", - "[\"lisa colagrossi had just finished covering a house fire in the borough of queens on march 19 , when the married mother-of-two collapsed from a brain aneurysm and never regained consciousness .the reporter 's mother lois colagrossi was greeting mourners at her funeral on march 23 when she was approached by her daughter 's boss camille edwards .the mother of a new york city tv reporter blamed her sudden death at the age of 49 on her boss in a confrontation at the funeral , a new report has claimed .\"]\n", - "=======================\n", - "['wabc reporter lisa colagrossi died march 19 while covering a story in new york cityat her funeral on march 23 , her mother lois reportedly blamed her death on station news director camille edwards']\n", - "lisa colagrossi had just finished covering a house fire in the borough of queens on march 19 , when the married mother-of-two collapsed from a brain aneurysm and never regained consciousness .the reporter 's mother lois colagrossi was greeting mourners at her funeral on march 23 when she was approached by her daughter 's boss camille edwards .the mother of a new york city tv reporter blamed her sudden death at the age of 49 on her boss in a confrontation at the funeral , a new report has claimed .\n", - "wabc reporter lisa colagrossi died march 19 while covering a story in new york cityat her funeral on march 23 , her mother lois reportedly blamed her death on station news director camille edwards\n", - "[1.4690932 1.2400174 1.1966287 1.1489253 1.2328712 1.1216426 1.148211\n", - " 1.0861433 1.0407609 1.0190123 1.0294865 1.0229678 1.0160112 1.0241182\n", - " 1.0161299 1.0228331 1.0774479 1.0645263 1.1075969]\n", - "\n", - "[ 0 1 4 2 3 6 5 18 7 16 17 8 10 13 11 15 9 14 12]\n", - "=======================\n", - "[\"at 11:20 pm , former world champion ken doherty potted a final black and extinguished , for now , the dream of reanne evans to become the first women player to play the hallowed baize of sheffield 's crucible theatre in the world snooker championship .in every other respect however , 29-year-old evans , a single mum from dudley , was a winner on thursday night .reanne evans shakes hands with ken doherty following his 10-8 victory at ponds forge\"]\n", - "=======================\n", - "['reanne evans faced ken doherty in world championship qualifierdoherty won the world championship in 1997evans lost the first frame 71-15 against dohertybut the dudley native fought back to lead 4-3ken doherty , however , managed to close out an enthralling contest 10-8']\n", - "at 11:20 pm , former world champion ken doherty potted a final black and extinguished , for now , the dream of reanne evans to become the first women player to play the hallowed baize of sheffield 's crucible theatre in the world snooker championship .in every other respect however , 29-year-old evans , a single mum from dudley , was a winner on thursday night .reanne evans shakes hands with ken doherty following his 10-8 victory at ponds forge\n", - "reanne evans faced ken doherty in world championship qualifierdoherty won the world championship in 1997evans lost the first frame 71-15 against dohertybut the dudley native fought back to lead 4-3ken doherty , however , managed to close out an enthralling contest 10-8\n", - "[1.2087193 1.3111496 1.1884005 1.237236 1.2634037 1.1344203 1.0363315\n", - " 1.0744739 1.0752165 1.0245697 1.0199965 1.0978701 1.0534772 1.0303837\n", - " 1.1086498 1.1252936 1.0166491 1.0179486 0. ]\n", - "\n", - "[ 1 4 3 0 2 5 15 14 11 8 7 12 6 13 9 10 17 16 18]\n", - "=======================\n", - "[\"the list of do n'ts runs to several dozen items .the taxpayer-funded temporary assistance for needy families program , currently provides cash payments of up to $ 497 per month for a family of four .but , the one included by the republican-dominated kansas legislature in a bill that gop gov. sam brownback planned to sign thursday appears to be the most exhaustive , according to state department for children and families officials .\"]\n", - "=======================\n", - "[\"the taxpayer-funded temporary assistance for needy families program , currently provides payments of up to $ 497 per month for a family of fourthe list of do n'ts , included by the republican-dominated kansas legislature in a bill that gop gov. sam brownback planned to sign thursday , runs to several dozen itemsthe number of cash assistance recipients in kansas has dropped 63per cent since brownback took office , to about 14,700 in februarybrownback said the decline confirms the success of his policies , but critics note that u.s. census bureau figures show the state 's child poverty rate remaining at about 19per cent through 2013\"]\n", - "the list of do n'ts runs to several dozen items .the taxpayer-funded temporary assistance for needy families program , currently provides cash payments of up to $ 497 per month for a family of four .but , the one included by the republican-dominated kansas legislature in a bill that gop gov. sam brownback planned to sign thursday appears to be the most exhaustive , according to state department for children and families officials .\n", - "the taxpayer-funded temporary assistance for needy families program , currently provides payments of up to $ 497 per month for a family of fourthe list of do n'ts , included by the republican-dominated kansas legislature in a bill that gop gov. sam brownback planned to sign thursday , runs to several dozen itemsthe number of cash assistance recipients in kansas has dropped 63per cent since brownback took office , to about 14,700 in februarybrownback said the decline confirms the success of his policies , but critics note that u.s. census bureau figures show the state 's child poverty rate remaining at about 19per cent through 2013\n", - "[1.3889779 1.2385349 1.1439081 1.0948277 1.1827233 1.0527446 1.0389333\n", - " 1.0369176 1.1694825 1.0434254 1.0220623 1.0543331 1.0538945 1.0455079\n", - " 1.120203 1.0719125 1.11965 1.0993142 1.1156971 1.0339547]\n", - "\n", - "[ 0 1 4 8 2 14 16 18 17 3 15 11 12 5 13 9 6 7 19 10]\n", - "=======================\n", - "['boston ( cnn ) after weeks of dramatic testimony , jurors are set to begin deliberations tuesday in the trial of dzhokhar tsarnaev , who faces life in prison or the death penalty for working with his brother to explode bombs at the 2013 boston marathon .the defense and prosecution made closing arguments in the case on monday .he wanted to awake the mujahideen , the holy warriors , so he chose patriots day , marathon monday , \" a time for families to gather and watch the marathon .']\n", - "=======================\n", - "['jurors are scheduled to begin deliberations tuesday morningif tsarnaev is found guilty of at least one capital count , the trial will go to the penalty phaseprosecutor during closing argument : tsarnaev \" wanted to awake the mujahideen , the holy warriors \"']\n", - "boston ( cnn ) after weeks of dramatic testimony , jurors are set to begin deliberations tuesday in the trial of dzhokhar tsarnaev , who faces life in prison or the death penalty for working with his brother to explode bombs at the 2013 boston marathon .the defense and prosecution made closing arguments in the case on monday .he wanted to awake the mujahideen , the holy warriors , so he chose patriots day , marathon monday , \" a time for families to gather and watch the marathon .\n", - "jurors are scheduled to begin deliberations tuesday morningif tsarnaev is found guilty of at least one capital count , the trial will go to the penalty phaseprosecutor during closing argument : tsarnaev \" wanted to awake the mujahideen , the holy warriors \"\n", - "[1.2884316 1.2159582 1.0950054 1.0935341 1.4602256 1.2366487 1.0708597\n", - " 1.0601406 1.0514883 1.0286864 1.1502804 1.109403 1.0809547 1.0270717\n", - " 1.018596 1.1307373 1.1480684 1.0128325 1.0108691 1.0461893]\n", - "\n", - "[ 4 0 5 1 10 16 15 11 2 3 12 6 7 8 19 9 13 14 17 18]\n", - "=======================\n", - "[\"manchester united boss louis van gaal revealed he is set to discuss the club with sir alex ferguson soonvan gaal is preparing his side for saturday 's clash against aston villa as they bid to finish in the top fouron friday he expressed a tongue-in-cheek hope that ferguson will pay but , more pertinently , the current manchester united manager hopes to have some genuine and tangible progress to talk about .\"]\n", - "=======================\n", - "['manchester united host aston villa in the premier league on saturdayarsenal entertain liverpool at the emirates in the midday clashtwo points separate manchester city , arsenal and united in the league']\n", - "manchester united boss louis van gaal revealed he is set to discuss the club with sir alex ferguson soonvan gaal is preparing his side for saturday 's clash against aston villa as they bid to finish in the top fouron friday he expressed a tongue-in-cheek hope that ferguson will pay but , more pertinently , the current manchester united manager hopes to have some genuine and tangible progress to talk about .\n", - "manchester united host aston villa in the premier league on saturdayarsenal entertain liverpool at the emirates in the midday clashtwo points separate manchester city , arsenal and united in the league\n", - "[1.4338906 1.2937515 1.0752978 1.039313 1.5297525 1.2960912 1.0712533\n", - " 1.243845 1.0164511 1.0110912 1.0199902 1.0891168 1.1636165 1.1293373\n", - " 1.0175228 1.0092187 1.1132082 1.032966 0. 0. ]\n", - "\n", - "[ 4 0 5 1 7 12 13 16 11 2 6 3 17 10 14 8 9 15 18 19]\n", - "=======================\n", - "[\"crystal palace right back joel ward has signed a new three-and-a-half year deal with the south london clubward has played 101 times for the eagles since joining from boyhood club portsmouth in may 2012last week 's win over champions manchester city saw ward make his 100th appearance for palace , and he cites the influence of manager alan pardew in his decision to sign a new deal .\"]\n", - "=======================\n", - "['joel ward joined crystal palace from boyhood club portsmouth in 2012he made his 100th appearance for the club against man city last weekward admits he is delighted to have signed a new contract with palacethe 25-year-old has committed his future , signing a three-and-a-half year deal taking him through until summer 2018']\n", - "crystal palace right back joel ward has signed a new three-and-a-half year deal with the south london clubward has played 101 times for the eagles since joining from boyhood club portsmouth in may 2012last week 's win over champions manchester city saw ward make his 100th appearance for palace , and he cites the influence of manager alan pardew in his decision to sign a new deal .\n", - "joel ward joined crystal palace from boyhood club portsmouth in 2012he made his 100th appearance for the club against man city last weekward admits he is delighted to have signed a new contract with palacethe 25-year-old has committed his future , signing a three-and-a-half year deal taking him through until summer 2018\n", - "[1.2547715 1.3051952 1.1765981 1.3106588 1.2190046 1.1149385 1.1035246\n", - " 1.1246704 1.1500218 1.136918 1.0321219 1.0357283 1.0287844 1.0693146\n", - " 1.0563637 1.0399431 1.0259064 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 4 2 8 9 7 5 6 13 14 15 11 10 12 16 18 17 19]\n", - "=======================\n", - "['the driver makes an attempt to scare the baboons away but is forced to retreat as one makes a lunge at himthe 40-second-video recorded by haim kaplan at the ngorongoro conservation area in tanzania , shows the driver of a supply truck standing next to his vehicle as a group of baboons approach .the large monkey stands guard as its partner in crime jumps into the back of the truck to search for supplies']\n", - "=======================\n", - "['video was captured at the ngorongoro conservation area in tanzaniaisraeli tourist filmed a group of baboons approaching a supply truckas one distracts the driver by lunging at it another jumps into vehiclebefore long it re-emerges with its hands and mouth full of snacksthe group of thieves reconvene and run off into the bushes together']\n", - "the driver makes an attempt to scare the baboons away but is forced to retreat as one makes a lunge at himthe 40-second-video recorded by haim kaplan at the ngorongoro conservation area in tanzania , shows the driver of a supply truck standing next to his vehicle as a group of baboons approach .the large monkey stands guard as its partner in crime jumps into the back of the truck to search for supplies\n", - "video was captured at the ngorongoro conservation area in tanzaniaisraeli tourist filmed a group of baboons approaching a supply truckas one distracts the driver by lunging at it another jumps into vehiclebefore long it re-emerges with its hands and mouth full of snacksthe group of thieves reconvene and run off into the bushes together\n", - "[1.2541435 1.4132674 1.2172434 1.1435432 1.0886238 1.1363717 1.1593457\n", - " 1.0808941 1.1219473 1.0877731 1.0672843 1.025493 1.0696585 1.0859535\n", - " 1.0183301 1.0783147 1.0543704 1.0335819 1.0120888 0. ]\n", - "\n", - "[ 1 0 2 6 3 5 8 4 9 13 7 15 12 10 16 17 11 14 18 19]\n", - "=======================\n", - "['tensions have remained high at the sugar pine mine near medford after the facility was served with a federal stop-work order .the owners of an oregon goldmine have called in gun-toting right-wing militiamen amid a bitter land use dispute with the u.s. government .the owners summoned armed guards from the conservative oath keepers activist network ahead of a major protest outside local offices of the bureau of land management yesterday .']\n", - "=======================\n", - "['owners of sugar pine mine called in armed guards to protect their claimgold miners have appealed a federal stop-work order , u.s. officials saidtensions remain high with supporters complaining of federal overreacharmed guards from conservative oath keepers network among protestersofficials claim they found equipment on site indicating operations inconsistent with standard mine development requirements']\n", - "tensions have remained high at the sugar pine mine near medford after the facility was served with a federal stop-work order .the owners of an oregon goldmine have called in gun-toting right-wing militiamen amid a bitter land use dispute with the u.s. government .the owners summoned armed guards from the conservative oath keepers activist network ahead of a major protest outside local offices of the bureau of land management yesterday .\n", - "owners of sugar pine mine called in armed guards to protect their claimgold miners have appealed a federal stop-work order , u.s. officials saidtensions remain high with supporters complaining of federal overreacharmed guards from conservative oath keepers network among protestersofficials claim they found equipment on site indicating operations inconsistent with standard mine development requirements\n", - "[1.2522572 1.3618106 1.3585917 1.2522616 1.2042898 1.1875296 1.1608644\n", - " 1.0463752 1.096549 1.0413438 1.0192862 1.0606341 1.1178827 1.0509241\n", - " 1.0445925 1.0554677 1.0461763 1.0141912 1.0123187]\n", - "\n", - "[ 1 2 3 0 4 5 6 12 8 11 15 13 7 16 14 9 10 17 18]\n", - "=======================\n", - "[\"the 30-year-old lingerie model and animal rights activist from los angeles had come under fire during her pregnancy for posting a string of sexy selfies showing off her seemingly rock-hard abs .but james hunter was born at a healthy eight pounds and seven ounces earlier this week , putting paid to sarah 's critics .the the first photos of sarah stage 's healthy newborn baby boy have been released .\"]\n", - "=======================\n", - "['sarah stage , 30 , welcomed james hunter into the world on tuesdaythe baby boy weighed eight pounds seven ounces and was 22 inches longduring her pregnancy sarah was criticised for her trim figure and abs']\n", - "the 30-year-old lingerie model and animal rights activist from los angeles had come under fire during her pregnancy for posting a string of sexy selfies showing off her seemingly rock-hard abs .but james hunter was born at a healthy eight pounds and seven ounces earlier this week , putting paid to sarah 's critics .the the first photos of sarah stage 's healthy newborn baby boy have been released .\n", - "sarah stage , 30 , welcomed james hunter into the world on tuesdaythe baby boy weighed eight pounds seven ounces and was 22 inches longduring her pregnancy sarah was criticised for her trim figure and abs\n", - "[1.2591453 1.4049774 1.3776052 1.311006 1.1242777 1.0201752 1.0494022\n", - " 1.023051 1.0195267 1.0514631 1.1417837 1.0712413 1.211101 1.1716363\n", - " 1.0414369 1.0139582 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 12 13 10 4 11 9 6 14 7 5 8 15 16 17 18]\n", - "=======================\n", - "[\"awel manyang , who is recovering in hospital , believes her younger sister and two brothers died when they were taken by a crocodile because the children associate the giant reptiles with water .her siblings - one-year-old brother bol and four-year-old twins madit and anger - died after their mother akon guode crashed her 4wd into a lake at wyndham vale in melbourne 's outer west on wednesday .the children 's father , joseph tito manyang , says five-year-old awel remains in a serious condition at the royal children 's hospital but she remembers the accident .\"]\n", - "=======================\n", - "[\"mother akon guode was released from police custody on thursday nightshe crashed 4wd into melbourne lake just before 4pm on wednesdayher three young children died and another is now recovering in hospitalchildren 's father says ms guode ` did n't feel herself ' as she was driving\"]\n", - "awel manyang , who is recovering in hospital , believes her younger sister and two brothers died when they were taken by a crocodile because the children associate the giant reptiles with water .her siblings - one-year-old brother bol and four-year-old twins madit and anger - died after their mother akon guode crashed her 4wd into a lake at wyndham vale in melbourne 's outer west on wednesday .the children 's father , joseph tito manyang , says five-year-old awel remains in a serious condition at the royal children 's hospital but she remembers the accident .\n", - "mother akon guode was released from police custody on thursday nightshe crashed 4wd into melbourne lake just before 4pm on wednesdayher three young children died and another is now recovering in hospitalchildren 's father says ms guode ` did n't feel herself ' as she was driving\n", - "[1.398483 1.3486649 1.3069369 1.2625226 1.1715201 1.0621005 1.1034714\n", - " 1.0462089 1.0184926 1.0189646 1.0366515 1.0335314 1.1725382 1.1324434\n", - " 1.0645518 1.021585 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 12 4 13 6 14 5 7 10 11 15 9 8 16 17 18]\n", - "=======================\n", - "['the revered al sharpton appeared on sunday in north charleston and is expected to attend a vigil for walter scott , the black driver who was fatally shot by a white police officer after he fled a traffic stop .rev. sharpton preached at the charity missionary baptist church and addressed the scott case and the need for reform around national policing legislation during his sermon .elected officials and police from north charleston were in attendance and south carolina senator marlon kimpson was also there to hear sharpton speak .']\n", - "=======================\n", - "['reverend sharpton was expected to appear sunday in north charlestonhe preached at charity missionary baptist church before going to vigilsermon addressed scott and need for reform around national policingelected officials and police from north charleston were in attendancesouth carolina senator marlon kimpson was also there to hear sharpton']\n", - "the revered al sharpton appeared on sunday in north charleston and is expected to attend a vigil for walter scott , the black driver who was fatally shot by a white police officer after he fled a traffic stop .rev. sharpton preached at the charity missionary baptist church and addressed the scott case and the need for reform around national policing legislation during his sermon .elected officials and police from north charleston were in attendance and south carolina senator marlon kimpson was also there to hear sharpton speak .\n", - "reverend sharpton was expected to appear sunday in north charlestonhe preached at charity missionary baptist church before going to vigilsermon addressed scott and need for reform around national policingelected officials and police from north charleston were in attendancesouth carolina senator marlon kimpson was also there to hear sharpton\n", - "[1.2993873 1.3668457 1.3154886 1.2811451 1.1349676 1.0937446 1.0445366\n", - " 1.0247606 1.2322285 1.1761097 1.1484685 1.0503485 1.0208439 1.0480788\n", - " 1.0946342 1.0347874 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 8 9 10 4 14 5 11 13 6 15 7 12 17 16 18]\n", - "=======================\n", - "[\"the labour leader insisted snp mps would not be able to dictate policy , even if he fails to win a majority and is reliant on them to stay in number 10 .it comes after the scottish first minister nicola sturgeon this morning said labour could only govern with the support of the snp -- and laid out what the party must do to get it .ed miliband has dismissed claims he would be held to ransom by the snp as prime minister -- insisting ` that ai n't going to happen ' .\"]\n", - "=======================\n", - "[\"the labour leader insists snp mps will not be able to dictate policyinsisted the snp would not ` call the shots ' if there was a hung parliamentcomes after nicola sturgeon said he could only govern with snp supportshe promised to use snp influence to increase government spendingmr miliband also accepted his doom-laden claims about jobs were wrongbefore the recent jobs boom he said millions would be put on the dole\"]\n", - "the labour leader insisted snp mps would not be able to dictate policy , even if he fails to win a majority and is reliant on them to stay in number 10 .it comes after the scottish first minister nicola sturgeon this morning said labour could only govern with the support of the snp -- and laid out what the party must do to get it .ed miliband has dismissed claims he would be held to ransom by the snp as prime minister -- insisting ` that ai n't going to happen ' .\n", - "the labour leader insists snp mps will not be able to dictate policyinsisted the snp would not ` call the shots ' if there was a hung parliamentcomes after nicola sturgeon said he could only govern with snp supportshe promised to use snp influence to increase government spendingmr miliband also accepted his doom-laden claims about jobs were wrongbefore the recent jobs boom he said millions would be put on the dole\n", - "[1.2192985 1.1102614 1.3223366 1.2246482 1.1699691 1.0441502 1.029109\n", - " 1.1099128 1.0671439 1.1220188 1.1579125 1.0519465 1.049343 1.0815979\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 4 10 9 1 7 13 8 11 12 5 6 17 14 15 16 18]\n", - "=======================\n", - "[\"the image of barbie is the 96th result on the page , and ironically comes from a 2005 spoof article courtesy of the onion that jokingly states ` women do n't run companies ' .enter the term ` ceo ' into google images and you 'll be presented with a grid of smiling men in suits , most of them stock images , with a few snaps of steve jobs thrown in .several high-powered women , including women 's right campaigner chelsea clinton , have re-tweeted the results of the search , which is being seen by many as a sad reflection on the general state of women in the workplace .\"]\n", - "=======================\n", - "[\"barbie is the 96th image to come up when the term ` ceo ' is searchedmost of the images depict suit-clad mennew study found that results like these perpetuate gender bias\"]\n", - "the image of barbie is the 96th result on the page , and ironically comes from a 2005 spoof article courtesy of the onion that jokingly states ` women do n't run companies ' .enter the term ` ceo ' into google images and you 'll be presented with a grid of smiling men in suits , most of them stock images , with a few snaps of steve jobs thrown in .several high-powered women , including women 's right campaigner chelsea clinton , have re-tweeted the results of the search , which is being seen by many as a sad reflection on the general state of women in the workplace .\n", - "barbie is the 96th image to come up when the term ` ceo ' is searchedmost of the images depict suit-clad mennew study found that results like these perpetuate gender bias\n", - "[1.262949 1.5041516 1.2638077 1.2699858 1.0700109 1.0978982 1.1272517\n", - " 1.0438464 1.100584 1.1567606 1.0268677 1.0816913 1.0589716 1.0532022\n", - " 1.0476986 1.0411508 1.0641887 1.0521343 0. ]\n", - "\n", - "[ 1 3 2 0 9 6 8 5 11 4 16 12 13 17 14 7 15 10 18]\n", - "=======================\n", - "[\"david axelrod masterminded two presidential election victories for barack obama and was hired by the labour leader amid great fanfare last year .he has helped refine mr miliband 's message about tackling the cost of living and making sure the wealthy pay their fair share .ed miliband 's us adviser pays no tax in britain on his reported # 300,000 salary , he has admitted .\"]\n", - "=======================\n", - "['david axelrod masterminded two obama presidential election victorieshe was hired by labour leader ed miliband amid great fanfare last yearrevealed at a book launch that he is not resident for tax purposes in uklabour confirms it pays mr axelrod in dollars through consultancy firm']\n", - "david axelrod masterminded two presidential election victories for barack obama and was hired by the labour leader amid great fanfare last year .he has helped refine mr miliband 's message about tackling the cost of living and making sure the wealthy pay their fair share .ed miliband 's us adviser pays no tax in britain on his reported # 300,000 salary , he has admitted .\n", - "david axelrod masterminded two obama presidential election victorieshe was hired by labour leader ed miliband amid great fanfare last yearrevealed at a book launch that he is not resident for tax purposes in uklabour confirms it pays mr axelrod in dollars through consultancy firm\n", - "[1.1983788 1.389381 1.3654261 1.244771 1.2621559 1.1802206 1.1513684\n", - " 1.0170065 1.0287712 1.1254482 1.035166 1.0609472 1.0638591 1.0152336\n", - " 1.0847225 1.1164408 1.0255467 1.0145056 1.0241959]\n", - "\n", - "[ 1 2 4 3 0 5 6 9 15 14 12 11 10 8 16 18 7 13 17]\n", - "=======================\n", - "[\"britain 's biggest grocer operated a multimillion-pound fleet of five aircraft for its bosses , but after a disastrous year new chief executive dave lewis admitted the planes gave the wrong image and put them up for sale .four have been sold and the final one , a hawker 800 , will be gone by the end of next month .tesco 's old gulfstream 550 , worth around # 30 million , that was capable of flying 14 executives at a time\"]\n", - "=======================\n", - "['tesco operated multimillion-pound a fleet of five aircraft for its bossesfour of the private jets have been sold after they were put up for salesale comes after grocer embroiled in # 263million fraud investigationover a seven year period firm spent # 29million flying executives across the world']\n", - "britain 's biggest grocer operated a multimillion-pound fleet of five aircraft for its bosses , but after a disastrous year new chief executive dave lewis admitted the planes gave the wrong image and put them up for sale .four have been sold and the final one , a hawker 800 , will be gone by the end of next month .tesco 's old gulfstream 550 , worth around # 30 million , that was capable of flying 14 executives at a time\n", - "tesco operated multimillion-pound a fleet of five aircraft for its bossesfour of the private jets have been sold after they were put up for salesale comes after grocer embroiled in # 263million fraud investigationover a seven year period firm spent # 29million flying executives across the world\n", - "[1.2646213 1.0337654 1.2052851 1.1221204 1.4196357 1.1066055 1.2377112\n", - " 1.0254558 1.0385311 1.0648358 1.1027197 1.0373578 1.0285959 1.0708816\n", - " 1.1878471 1.1279708 1.0656978 1.0720615 1.0563418]\n", - "\n", - "[ 4 0 6 2 14 15 3 5 10 17 13 16 9 18 8 11 1 12 7]\n", - "=======================\n", - "['steve clarke applauds fans after his reading side were narrowly beaten by arsenal at wembley stadiumsteve clarke sprang up and pumped the air with his fist .mesut ozil and alexis sanchez , bought for a total of more than # 70million , combined to open the scoring .']\n", - "=======================\n", - "['reading lost 2-1 against arsenal in fa cup semi-final at wembleyroyals took much fancied gunners to extra-time after 1-1 drawsteve clarke will take strength from impressive reading display']\n", - "steve clarke applauds fans after his reading side were narrowly beaten by arsenal at wembley stadiumsteve clarke sprang up and pumped the air with his fist .mesut ozil and alexis sanchez , bought for a total of more than # 70million , combined to open the scoring .\n", - "reading lost 2-1 against arsenal in fa cup semi-final at wembleyroyals took much fancied gunners to extra-time after 1-1 drawsteve clarke will take strength from impressive reading display\n", - "[1.067642 1.3751625 1.2520359 1.29169 1.203404 1.1104418 1.2127001\n", - " 1.0984628 1.2003678 1.0635812 1.142178 1.0632563 1.0338305 1.0149864\n", - " 1.014531 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 6 4 8 10 5 7 0 9 11 12 13 14 15 16 17 18]\n", - "=======================\n", - "['astronomers say the unique event happened in an ancient cluster of stars at the edge of the milky way galaxy .a white dwarf star - the dense core of a star like the sun that has run out of nuclear fuel - may have ripped apart a planet as it came too close , they believe .when a star reaches its white dwarf stage , nearly all of the material from the star is packed inside a radius one hundredth that of the original star .']\n", - "=======================\n", - "['occurred in ancient cluster of stars at the edge of the milky way galaxyplanet may have been ripped apart by a white dwarf starwhite dwarf is core of a star like the sun that has run out of nuclear fuel']\n", - "astronomers say the unique event happened in an ancient cluster of stars at the edge of the milky way galaxy .a white dwarf star - the dense core of a star like the sun that has run out of nuclear fuel - may have ripped apart a planet as it came too close , they believe .when a star reaches its white dwarf stage , nearly all of the material from the star is packed inside a radius one hundredth that of the original star .\n", - "occurred in ancient cluster of stars at the edge of the milky way galaxyplanet may have been ripped apart by a white dwarf starwhite dwarf is core of a star like the sun that has run out of nuclear fuel\n", - "[1.2138174 1.4709461 1.2969955 1.4533732 1.1314447 1.0924611 1.0221393\n", - " 1.0823627 1.0822237 1.0275424 1.0511563 1.0965935 1.0762997 1.046261\n", - " 1.030683 1.0165405 1.0300194 1.0705587 0. ]\n", - "\n", - "[ 1 3 2 0 4 11 5 7 8 12 17 10 13 14 16 9 6 15 18]\n", - "=======================\n", - "[\"miss walters , 21 , was horrified to discover that the family looking after magic had sold him at auction for just # 200 .magic 's fate has sparked fury in the equestrian community , and an appeal for his whereabouts has been shared 58,000 times on social media sites .when jade walters loaned out her beloved horse magic to help a young girl learn to ride , she did n't realise she would never see him again .\"]\n", - "=======================\n", - "['jade walters , 21 , loaned her horse magic to help a young girl learn to ridebut she was horrified to discover the family looking after him sold himshe claims it was two months before she found out he was sold for # 200notoriously risky horse auctions often see animals being sold for slaughter']\n", - "miss walters , 21 , was horrified to discover that the family looking after magic had sold him at auction for just # 200 .magic 's fate has sparked fury in the equestrian community , and an appeal for his whereabouts has been shared 58,000 times on social media sites .when jade walters loaned out her beloved horse magic to help a young girl learn to ride , she did n't realise she would never see him again .\n", - "jade walters , 21 , loaned her horse magic to help a young girl learn to ridebut she was horrified to discover the family looking after him sold himshe claims it was two months before she found out he was sold for # 200notoriously risky horse auctions often see animals being sold for slaughter\n", - "[1.1313759 1.2106755 1.0764529 1.2805208 1.2011216 1.0896759 1.1580617\n", - " 1.240898 1.1861383 1.1044813 1.0560222 1.151857 1.1382482 1.0173651\n", - " 1.0183825 1.0743146 1.0412703 1.0278237 1.0232357 1.0198802 1.024127\n", - " 1.0207436 1.0261059 1.0458769]\n", - "\n", - "[ 3 7 1 4 8 6 11 12 0 9 5 2 15 10 23 16 17 22 20 18 21 19 14 13]\n", - "=======================\n", - "[\"the question , ` so when is cheryl 's birthday ? 'was one of 25 questions set in the singapore and asian schools math olympiad .it asked : albert and bernard just became friends with cheryl , and they want to know when her birthday is .\"]\n", - "=======================\n", - "['maths problem set for 14-year-olds left people around the world baffledquestion uses logical reasoning to rule out all of the dates apart from oneit was set in the singapore and asian schools maths olympiads ( sasmo )teaser generated furious online debate - but correct answer was july 16']\n", - "the question , ` so when is cheryl 's birthday ? 'was one of 25 questions set in the singapore and asian schools math olympiad .it asked : albert and bernard just became friends with cheryl , and they want to know when her birthday is .\n", - "maths problem set for 14-year-olds left people around the world baffledquestion uses logical reasoning to rule out all of the dates apart from oneit was set in the singapore and asian schools maths olympiads ( sasmo )teaser generated furious online debate - but correct answer was july 16\n", - "[1.2503486 1.2661409 1.2506049 1.164529 1.2349572 1.1641532 1.0641367\n", - " 1.0850347 1.0579408 1.0663668 1.1259186 1.0663024 1.0398654 1.0526499\n", - " 1.0389358 1.0543509 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 3 5 10 7 9 11 6 8 15 13 12 14 22 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"ed miliband will today claim labour 's attitude to immigration has ` changed ' -- despite still refusing to put any upper limit on the numbers allowed in .in an audacious move , the labour leader will insist that he offers a ` clear , credible and concrete plan on immigration -- not false promises ' .but , only hours before the key election speech was due to be delivered , his own shadow home secretary refused at least four times to say labour would put a target on net immigration .\"]\n", - "=======================\n", - "[\"ed miliband will announce that he has ` clear , credible plan ' on immigrationbut yvette cooper refused to say labour would put target on net migrationshadow home secretary only said she wanted it lower than current 300,000during labour 's 13 years in power , foreign-born population rose by 3.6 m\"]\n", - "ed miliband will today claim labour 's attitude to immigration has ` changed ' -- despite still refusing to put any upper limit on the numbers allowed in .in an audacious move , the labour leader will insist that he offers a ` clear , credible and concrete plan on immigration -- not false promises ' .but , only hours before the key election speech was due to be delivered , his own shadow home secretary refused at least four times to say labour would put a target on net immigration .\n", - "ed miliband will announce that he has ` clear , credible plan ' on immigrationbut yvette cooper refused to say labour would put target on net migrationshadow home secretary only said she wanted it lower than current 300,000during labour 's 13 years in power , foreign-born population rose by 3.6 m\n", - "[1.4369324 1.3273524 1.3539355 1.2064954 1.1760296 1.1663454 1.1290491\n", - " 1.119588 1.1248907 1.084109 1.1087528 1.05057 1.0122449 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 4 5 6 8 7 10 9 11 12 13 14 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"five staff members sustained serious injuries after taking a joy ride down ` the super slide ' at the sydney royal easter show on saturday night , despite the slide being closed after heavy rain made it too dangerous .it is understood a group of eight contracted workers broke into the 52-metre slide after it was closed earlier in the night due to fears the heavy rain would make the slide particularly slippery .it is reported the group were travelling at such great speeds that they were unable to stop and broke through the barricade at the bottom of the ride .\"]\n", - "=======================\n", - "[\"five staff members sustained injuries after breaking into the super slidethe easter show ride was closed earlier that night due to safety concernsofficials say the slide runs ` way too fast ' in the wet weatherone woman broke a leg while a second woman broke both her legsa 60-year-old man suffered broken ribs and internal bleedingthe slide reopened once rain stopped and a safety check was completed\"]\n", - "five staff members sustained serious injuries after taking a joy ride down ` the super slide ' at the sydney royal easter show on saturday night , despite the slide being closed after heavy rain made it too dangerous .it is understood a group of eight contracted workers broke into the 52-metre slide after it was closed earlier in the night due to fears the heavy rain would make the slide particularly slippery .it is reported the group were travelling at such great speeds that they were unable to stop and broke through the barricade at the bottom of the ride .\n", - "five staff members sustained injuries after breaking into the super slidethe easter show ride was closed earlier that night due to safety concernsofficials say the slide runs ` way too fast ' in the wet weatherone woman broke a leg while a second woman broke both her legsa 60-year-old man suffered broken ribs and internal bleedingthe slide reopened once rain stopped and a safety check was completed\n", - "[1.3222085 1.439055 1.3008689 1.33051 1.3362491 1.1227846 1.0293328\n", - " 1.0254334 1.035486 1.1692433 1.1183118 1.0226065 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 0 2 9 5 10 8 6 7 11 12 13 14 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"crew members from the chiswick rnli station came to the assistance of the oxford crew and their cox , who were training for the boat race which - along with the men 's race - takes place on saturday , april 11 .the oxford university women 's boat race team were rescued from the thames by the royal national lifeboat institution ( rnli ) on wednesday after being overcome by choppy waters .after the rowers were returned safely to putney , the sunken eight was recovered and returned to oxford 's base .\"]\n", - "=======================\n", - "[\"the crew were training for the boat race which takes place on april 11the sunken eight was recovered and returned to oxford 's basethe choppy conditions were caused by strong wind against the tide creating three successive waves that poured over the boat 's riggers\"]\n", - "crew members from the chiswick rnli station came to the assistance of the oxford crew and their cox , who were training for the boat race which - along with the men 's race - takes place on saturday , april 11 .the oxford university women 's boat race team were rescued from the thames by the royal national lifeboat institution ( rnli ) on wednesday after being overcome by choppy waters .after the rowers were returned safely to putney , the sunken eight was recovered and returned to oxford 's base .\n", - "the crew were training for the boat race which takes place on april 11the sunken eight was recovered and returned to oxford 's basethe choppy conditions were caused by strong wind against the tide creating three successive waves that poured over the boat 's riggers\n", - "[1.406501 1.1907364 1.3686569 1.2762238 1.1589439 1.0482522 1.0245246\n", - " 1.1674919 1.1454701 1.1599747 1.0533048 1.0393989 1.0718776 1.0599921\n", - " 1.076466 1.0257043 1.0159427 1.0113081 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 7 9 4 8 14 12 13 10 5 11 15 6 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"robert kirkland died on saturday morning in union city , tennessee , from kidney failure complicationskirkland , who founded kirkland 's home decor stores with his cousin carl in 1966 , donated the money to found the discovery park of america education center and tourist attraction in tennessee .a memorial service is scheduled for wednesday at discovery park , which will be closed to the general public on that day .\"]\n", - "=======================\n", - "[\"kirkland died saturday from complications stemming from kidney failurehe and cousin carl kirkland founded kirkland 's home decor stores in 1966they expanded stores into chain with more than 300 locations in 35 stateshe donated money to found the discovery park of america education center and tourist attraction in tennessee and it is still expanding todaymemorial service will be held on wednesday at park , which will be closed\"]\n", - "robert kirkland died on saturday morning in union city , tennessee , from kidney failure complicationskirkland , who founded kirkland 's home decor stores with his cousin carl in 1966 , donated the money to found the discovery park of america education center and tourist attraction in tennessee .a memorial service is scheduled for wednesday at discovery park , which will be closed to the general public on that day .\n", - "kirkland died saturday from complications stemming from kidney failurehe and cousin carl kirkland founded kirkland 's home decor stores in 1966they expanded stores into chain with more than 300 locations in 35 stateshe donated money to found the discovery park of america education center and tourist attraction in tennessee and it is still expanding todaymemorial service will be held on wednesday at park , which will be closed\n", - "[1.0679969 1.4663105 1.3667378 1.1822932 1.1066539 1.2236528 1.0630285\n", - " 1.0466704 1.2309511 1.1151215 1.1815553 1.1451453 1.0223339 1.01032\n", - " 1.0082457 1.014949 0. 0. 0. ]\n", - "\n", - "[ 1 2 8 5 3 10 11 9 4 0 6 7 12 15 13 14 16 17 18]\n", - "=======================\n", - "[\"in its heyday , kejonuma leisure land , in tohoku , japan , attracted hundreds of thousands of visitors .with an amusement park , campsite and driving range , the once-bustling family-friendly attraction closed its doors officially in 2000 following a drop in visitors , attributed to japan 's low birth rate and economic collapse .florian seidel , a kensai-based photographer , visited the site in 2014 to capture the park 's ongoing dereliction\"]\n", - "=======================\n", - "[\"kejonuma leisure land in tohoku , japan , attracted 200,000 visitors per year in its heydaynow , the abandoned site , which is believed to be cursed , has become a tourist attraction in its own rightphotographer florian seidel visited the creepy location to photograph the park 's ongoing dereliction\"]\n", - "in its heyday , kejonuma leisure land , in tohoku , japan , attracted hundreds of thousands of visitors .with an amusement park , campsite and driving range , the once-bustling family-friendly attraction closed its doors officially in 2000 following a drop in visitors , attributed to japan 's low birth rate and economic collapse .florian seidel , a kensai-based photographer , visited the site in 2014 to capture the park 's ongoing dereliction\n", - "kejonuma leisure land in tohoku , japan , attracted 200,000 visitors per year in its heydaynow , the abandoned site , which is believed to be cursed , has become a tourist attraction in its own rightphotographer florian seidel visited the creepy location to photograph the park 's ongoing dereliction\n", - "[1.3279307 1.4567136 1.160091 1.3647251 1.1826472 1.1062691 1.1111058\n", - " 1.0627637 1.1596897 1.0868459 1.0795791 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 8 6 5 9 10 7 17 11 12 13 14 15 16 18]\n", - "=======================\n", - "['interim chairman paul murray and director john gilligan held talks with ashley and other members of the sports direct hierarchy on wednesday .controversial sports direct and newcastle united owner mike ashley has secured an 8.92 stake in rangersthe rangers board have held their first meeting with mike ashley since assuming control at ibrox .']\n", - "=======================\n", - "['the new rangers board have held their first meeting with mike ashleysports direct and newcastle united owner ashley has 8.92 per cent stake in the club as well as control over a number of its assetsashley has the right to appoint two directors at rangers']\n", - "interim chairman paul murray and director john gilligan held talks with ashley and other members of the sports direct hierarchy on wednesday .controversial sports direct and newcastle united owner mike ashley has secured an 8.92 stake in rangersthe rangers board have held their first meeting with mike ashley since assuming control at ibrox .\n", - "the new rangers board have held their first meeting with mike ashleysports direct and newcastle united owner ashley has 8.92 per cent stake in the club as well as control over a number of its assetsashley has the right to appoint two directors at rangers\n", - "[1.3955281 1.1921666 1.4254333 1.2932458 1.1947496 1.1292777 1.0736208\n", - " 1.0466204 1.0641668 1.090682 1.0945605 1.0517331 1.0274397 1.0273391\n", - " 1.0222336 1.0245597 1.1366742 1.0238194 1.0378109]\n", - "\n", - "[ 2 0 3 4 1 16 5 10 9 6 8 11 7 18 12 13 15 17 14]\n", - "=======================\n", - "[\"angela linton wrote the vile message , directed at gay teacher thomas o'brien , after a row about a school outing , birmingham magistrates ' court heard .the 47-year-old , from handsworth in birmingham , has been given a community order , told to carry out unpaid work and fined # 185 for harassing the victim .a mother who was banned from her son 's school after abusing staff then used one of the child 's books to deliver a homophobic tirade to a teacher .\"]\n", - "=======================\n", - "[\"angela linton , 47 , was banned from school after row about a pupil outingshe used her son 's pass book to abuse gay teacher thomas o'brienmother has been sentenced to community order and fined # 185\"]\n", - "angela linton wrote the vile message , directed at gay teacher thomas o'brien , after a row about a school outing , birmingham magistrates ' court heard .the 47-year-old , from handsworth in birmingham , has been given a community order , told to carry out unpaid work and fined # 185 for harassing the victim .a mother who was banned from her son 's school after abusing staff then used one of the child 's books to deliver a homophobic tirade to a teacher .\n", - "angela linton , 47 , was banned from school after row about a pupil outingshe used her son 's pass book to abuse gay teacher thomas o'brienmother has been sentenced to community order and fined # 185\n", - "[1.2162075 1.3217432 1.2737101 1.2298921 1.0894426 1.031878 1.1920128\n", - " 1.016681 1.0228982 1.0947759 1.1098169 1.145542 1.0196526 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 6 11 10 9 4 5 8 12 7 17 13 14 15 16 18]\n", - "=======================\n", - "[\"rolly robinson , from the blog beauty high , stars in theunique makeover clip , which sees him transform himself into a kylie jenner lookalike with the help of various make-up products and - of course - the infamous lip suction cup .to make himself over as ` america 's sweetheart ' , rolly first had to shave his mustache - and then he got to work using an impressive array of cosmetics to help him copy the appearance of the youngest member of the kardashian clan .the editorial designer advises that viewers use a cosmetic sponge like one by beauty blender for a natural , seamless look .\"]\n", - "=======================\n", - "[\"beauty high 's rolly robinson uses a wig , contouring , and a fullips suction cup to achieve kylie jenner 's infamous big-lipped lookkylie has spoken out about teenagers trying to look like her by using the lip-swelling device advising them to avoid using the controversial tool\"]\n", - "rolly robinson , from the blog beauty high , stars in theunique makeover clip , which sees him transform himself into a kylie jenner lookalike with the help of various make-up products and - of course - the infamous lip suction cup .to make himself over as ` america 's sweetheart ' , rolly first had to shave his mustache - and then he got to work using an impressive array of cosmetics to help him copy the appearance of the youngest member of the kardashian clan .the editorial designer advises that viewers use a cosmetic sponge like one by beauty blender for a natural , seamless look .\n", - "beauty high 's rolly robinson uses a wig , contouring , and a fullips suction cup to achieve kylie jenner 's infamous big-lipped lookkylie has spoken out about teenagers trying to look like her by using the lip-swelling device advising them to avoid using the controversial tool\n", - "[1.3586844 1.3412294 1.2881285 1.1624763 1.0607156 1.064384 1.1316689\n", - " 1.1113563 1.0725353 1.0449688 1.0311214 1.1012669 1.0250272 1.0222386\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 6 7 11 8 5 4 9 10 12 13 17 14 15 16 18]\n", - "=======================\n", - "['the hunger games film franchise has grossed over $ 2 billion after three movies - and the final chapter is due out at the end of the year .before that , the twilight saga managed $ 3.3 billion over five films from 2008 .the avengers garnered $ 1.5 billion with just one film in 2012 , and there are three other sequels to come , with the follow-up hitting cinemas may 1 .']\n", - "=======================\n", - "['new survey reveals there are six actors in hollywood who can ask for $ 20 million per movienumber one on the list is sandra bullock , with angelina jolie the only other female at number fiveleonardo dicaprio leads the men at number two , before matt damon , robert downey junior and denzel washington']\n", - "the hunger games film franchise has grossed over $ 2 billion after three movies - and the final chapter is due out at the end of the year .before that , the twilight saga managed $ 3.3 billion over five films from 2008 .the avengers garnered $ 1.5 billion with just one film in 2012 , and there are three other sequels to come , with the follow-up hitting cinemas may 1 .\n", - "new survey reveals there are six actors in hollywood who can ask for $ 20 million per movienumber one on the list is sandra bullock , with angelina jolie the only other female at number fiveleonardo dicaprio leads the men at number two , before matt damon , robert downey junior and denzel washington\n", - "[1.4877717 1.3538684 1.2888451 1.445348 1.2299021 1.1153293 1.0646797\n", - " 1.0208418 1.0247024 1.0299265 1.1896892 1.1780357 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 10 11 5 6 9 8 7 21 12 13 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"raheem sterling ` never once ' told his manager brendan rodgers that he wants to leave liverpool , and is focused on his football .brendan rodgers insists that his relationship with raheem sterling is as strong as eversterling gave an interview last week in which he suggested he was considering his future at the club , and the forward has not yet signed a new contract .\"]\n", - "=======================\n", - "['raheem sterling has not signed new liverpool contractsterling gave an interview last week suggesting he might want to leavebut brendan rodgers insists the forward has never expressed desire to go']\n", - "raheem sterling ` never once ' told his manager brendan rodgers that he wants to leave liverpool , and is focused on his football .brendan rodgers insists that his relationship with raheem sterling is as strong as eversterling gave an interview last week in which he suggested he was considering his future at the club , and the forward has not yet signed a new contract .\n", - "raheem sterling has not signed new liverpool contractsterling gave an interview last week suggesting he might want to leavebut brendan rodgers insists the forward has never expressed desire to go\n", - "[1.2084173 1.5414538 1.2123588 1.4020966 1.2709098 1.1727937 1.0210942\n", - " 1.0304805 1.2718669 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 8 4 2 0 5 7 6 20 19 18 17 16 15 11 13 12 21 10 9 14 22]\n", - "=======================\n", - "['the massive bus broke down en route to the stagecoach depot in dover , kent , so the unlucky driver was forced to ask passengers , colleagues and locals to give him a helping hand .the group managed to roll the huge bus - which can carry up to 80 passengers - through the streets of doverthe moment was captured by dover resident stephen davies last week .']\n", - "=======================\n", - "['passengers forced to get out and push after 12-tonne bus broke downdouble decker was stranded in dover town centre during incidentdriver asked passengers and residents to help get his vehicle to depot']\n", - "the massive bus broke down en route to the stagecoach depot in dover , kent , so the unlucky driver was forced to ask passengers , colleagues and locals to give him a helping hand .the group managed to roll the huge bus - which can carry up to 80 passengers - through the streets of doverthe moment was captured by dover resident stephen davies last week .\n", - "passengers forced to get out and push after 12-tonne bus broke downdouble decker was stranded in dover town centre during incidentdriver asked passengers and residents to help get his vehicle to depot\n", - "[1.2621504 1.313441 1.2614915 1.2877662 1.2370305 1.0678321 1.0722451\n", - " 1.0670456 1.0996119 1.0562203 1.0765936 1.0451602 1.02672 1.1020715\n", - " 1.0447333 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 13 8 10 6 5 7 9 11 14 12 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"only yesterday , obama claimed beijing was ` using its sheer size and muscle to force countries into subordinate positions ' amid reports of controversial land reclamation efforts .the war of words come as newly-released satellite images reveal a flotilla of chinese vessels dredging sand onto artificially-built land masses near the spratly islands - an area which many other nations claim .china 's leadership has hit back at u.s. president barack obama who condemned the country for constructing an artificial island in the disputed south china sea .\"]\n", - "=======================\n", - "[\"u.s. president implied that china was bullying its neighbouring countriesamerica criticised china for building artificial islands in south china seachinese leadership claim washington wields the greatest ` military muscle 'nearby countries say china could use the land mass for military purposes\"]\n", - "only yesterday , obama claimed beijing was ` using its sheer size and muscle to force countries into subordinate positions ' amid reports of controversial land reclamation efforts .the war of words come as newly-released satellite images reveal a flotilla of chinese vessels dredging sand onto artificially-built land masses near the spratly islands - an area which many other nations claim .china 's leadership has hit back at u.s. president barack obama who condemned the country for constructing an artificial island in the disputed south china sea .\n", - "u.s. president implied that china was bullying its neighbouring countriesamerica criticised china for building artificial islands in south china seachinese leadership claim washington wields the greatest ` military muscle 'nearby countries say china could use the land mass for military purposes\n", - "[1.0929927 1.0434371 1.1422035 1.191792 1.2392302 1.1646008 1.2234969\n", - " 1.2562513 1.0236914 1.0365795 1.0361892 1.0337946 1.0364748 1.0222876\n", - " 1.3005583 1.0213187 1.018503 1.0207019 1.0209396 1.1043731 1.0217127\n", - " 1.0785211 1.0381427]\n", - "\n", - "[14 7 4 6 3 5 2 19 0 21 1 22 9 12 10 11 8 13 20 15 18 17 16]\n", - "=======================\n", - "['the hashtag #kyliejennerchallenge has been trending on twitter in recent days , with posters showing off the often disturbing results of their efforts .it even has a hashtag : #kyliejennerchallengethe latest : lip plumping .']\n", - "=======================\n", - "[\"from belfies to butt implants , the kardashian clan has inspired many a trendthe latest : kylie jenner 's pouty lips spark the #kyliejennerchallenge\"]\n", - "the hashtag #kyliejennerchallenge has been trending on twitter in recent days , with posters showing off the often disturbing results of their efforts .it even has a hashtag : #kyliejennerchallengethe latest : lip plumping .\n", - "from belfies to butt implants , the kardashian clan has inspired many a trendthe latest : kylie jenner 's pouty lips spark the #kyliejennerchallenge\n", - "[1.409258 1.1576941 1.2126743 1.4153907 1.2079847 1.3058653 1.1649834\n", - " 1.0809689 1.0164386 1.0170327 1.0175802 1.0148802 1.0125862 1.0133108\n", - " 1.0706373 1.080348 1.0310358 1.0237535 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 0 5 2 4 6 1 7 15 14 16 17 10 9 8 11 13 12 21 18 19 20 22]\n", - "=======================\n", - "[\"manchester united 's pre-season tour of the united states will see them play louis van gaal 's ex-club barcathe premier league giants will face club america , san jose earthquakes , barcelona and psghowever , after months of discussions between the united board and manager van gaal the club will once again head across the atlantic for a four-game tour signed off by the manager .\"]\n", - "=======================\n", - "[\"manchester united travel to the usa 's west coast for the pre-season tourlouis van gaal was unhappy with last year 's arrangements in americathe dutch manager has organised the pre-season plans to his likinghe will face his former club barcelona in california during the tourvan gaal was barca boss between 1997 and 2000 , and won la liga twicehe left in controversial circumstances after an icy relationship with mediaread : real madrid confident david de gea is set for spain\"]\n", - "manchester united 's pre-season tour of the united states will see them play louis van gaal 's ex-club barcathe premier league giants will face club america , san jose earthquakes , barcelona and psghowever , after months of discussions between the united board and manager van gaal the club will once again head across the atlantic for a four-game tour signed off by the manager .\n", - "manchester united travel to the usa 's west coast for the pre-season tourlouis van gaal was unhappy with last year 's arrangements in americathe dutch manager has organised the pre-season plans to his likinghe will face his former club barcelona in california during the tourvan gaal was barca boss between 1997 and 2000 , and won la liga twicehe left in controversial circumstances after an icy relationship with mediaread : real madrid confident david de gea is set for spain\n", - "[1.217679 1.0909783 1.0589377 1.0427499 1.0677568 1.0700145 1.04239\n", - " 1.2880814 1.2919763 1.111474 1.0175705 1.0782925 1.2732712 1.0142736\n", - " 1.0195131 1.012823 1.1678855 1.0153306 1.1571995 1.041299 1.0369247\n", - " 1.018862 1.0227259 1.0261841]\n", - "\n", - "[ 8 7 12 0 16 18 9 1 11 5 4 2 3 6 19 20 23 22 14 21 10 17 13 15]\n", - "=======================\n", - "[\"borussia dortmund 's midfield pair of ilkay gundogan ( left ) and sven bender ( right ) fit the billlouis van gaal needs some big signings in the summer to turn manchester united into title contendersilkay gundogan has already been linked with a move to old trafford -- it 's a no-brainer .\"]\n", - "=======================\n", - "[\"defeat by everton showed that manchester united have a long way to godaley blind is a poverty-stricken pauper 's version of michael carrickunited should bring in sven bender and ilkay gundogan in midfieldplaymaker henrikh mkhitaryan would also improve louis van gaal 's sideread more : brendan rodgers is ruining rickie lambert 's careerread more : mesut ozil is in danger of becoming an arsenal flop\"]\n", - "borussia dortmund 's midfield pair of ilkay gundogan ( left ) and sven bender ( right ) fit the billlouis van gaal needs some big signings in the summer to turn manchester united into title contendersilkay gundogan has already been linked with a move to old trafford -- it 's a no-brainer .\n", - "defeat by everton showed that manchester united have a long way to godaley blind is a poverty-stricken pauper 's version of michael carrickunited should bring in sven bender and ilkay gundogan in midfieldplaymaker henrikh mkhitaryan would also improve louis van gaal 's sideread more : brendan rodgers is ruining rickie lambert 's careerread more : mesut ozil is in danger of becoming an arsenal flop\n", - "[1.2255282 1.5179181 1.2407464 1.4219129 1.1513735 1.1816489 1.0656056\n", - " 1.0343081 1.0302354 1.0240202 1.0870844 1.0506704 1.0191426 1.1024894\n", - " 1.0302485 1.020918 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 5 4 13 10 6 11 7 14 8 9 15 12 22 16 17 18 19 20 21 23]\n", - "=======================\n", - "['robert fidler , 66 , secretly constructed the mock-tudor castle complete with battlements and cannons and lived there with his family from 2002 .robert fidler has lost a nine-year legal battle to save the dream home ( above ) he built in salfords , surrey , without planning permission and hid behind hay bales for four yearshe unveiled it officially in 2006 when he thought he would be able to exploit a legal loophole that prevents enforcement action against a structure if no objections have been made for at least four years .']\n", - "=======================\n", - "['robert fidler has lived in castle in salfords , surrey , since 2002 with familyused bales of hay to disguise the building before unveiling it in 2006tried to exploit loophole that allows building if no complaints for four years66-year-old must now demolish the four-bedroom house worth # 1million']\n", - "robert fidler , 66 , secretly constructed the mock-tudor castle complete with battlements and cannons and lived there with his family from 2002 .robert fidler has lost a nine-year legal battle to save the dream home ( above ) he built in salfords , surrey , without planning permission and hid behind hay bales for four yearshe unveiled it officially in 2006 when he thought he would be able to exploit a legal loophole that prevents enforcement action against a structure if no objections have been made for at least four years .\n", - "robert fidler has lived in castle in salfords , surrey , since 2002 with familyused bales of hay to disguise the building before unveiling it in 2006tried to exploit loophole that allows building if no complaints for four years66-year-old must now demolish the four-bedroom house worth # 1million\n", - "[1.4956756 1.2056954 1.3919162 1.1935239 1.2060947 1.2236522 1.1179816\n", - " 1.0485829 1.0478525 1.0257549 1.0138668 1.1285247 1.0653044 1.1002619\n", - " 1.0607585 1.1150491 1.0476987 1.1270128 1.0299003 1.0192076 1.0334812\n", - " 1.0277729 0. 0. ]\n", - "\n", - "[ 0 2 5 4 1 3 11 17 6 15 13 12 14 7 8 16 20 18 21 9 19 10 22 23]\n", - "=======================\n", - "['dustin wayne south died in louisville , kentucky , on wednesday after police were called to a field where south was seen wielding a gunhe died of a self-inflicted gunshot wound to the head .two bullets fired by police struck south , but neither was lethal , said jo-ann farmer , chief deputy coroner .']\n", - "=======================\n", - "['police were called after a neighbor saw south walking through a field behind a louisville middle school while pointing a gun in the airpolice asked south to put the gun down but instead he pointed it at themafter shots were fired by police , south shot himself in the head and died']\n", - "dustin wayne south died in louisville , kentucky , on wednesday after police were called to a field where south was seen wielding a gunhe died of a self-inflicted gunshot wound to the head .two bullets fired by police struck south , but neither was lethal , said jo-ann farmer , chief deputy coroner .\n", - "police were called after a neighbor saw south walking through a field behind a louisville middle school while pointing a gun in the airpolice asked south to put the gun down but instead he pointed it at themafter shots were fired by police , south shot himself in the head and died\n", - "[1.3661213 1.2512758 1.2650048 1.1555065 1.2255428 1.1090719 1.1022115\n", - " 1.1177347 1.1244347 1.0632733 1.0182929 1.0245404 1.0533699 1.0235974\n", - " 1.0424645 1.056242 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 4 3 8 7 5 6 9 15 12 14 11 13 10 22 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"ed miliband 's son has inadvertently waded into the row about the labour leader 's kitchen as he declared it ` the best ' in his house .it is the fourth time they have appeared on screen during the campaign -- once for a bbc profile , again for an interview on itv 's good morning britain , a third time for a campaign visit in blackpool over easter , and again this evening on itv .the unwitting admission from five-year-old daniel , to be broadcast tonight , came as mr miliband yet again wheeled out his children for the cameras .\"]\n", - "=======================\n", - "[\"miliband came under fire last month for having two kitchens in # 2.7 m homein an itv interview , he admits that he has a second kitchen for his nannycomment led to accusations miliband lives ` upstairs , downstairs ' lifestyledaniel , five , added to row by saying spartan kitchen was ` best ' in the house\"]\n", - "ed miliband 's son has inadvertently waded into the row about the labour leader 's kitchen as he declared it ` the best ' in his house .it is the fourth time they have appeared on screen during the campaign -- once for a bbc profile , again for an interview on itv 's good morning britain , a third time for a campaign visit in blackpool over easter , and again this evening on itv .the unwitting admission from five-year-old daniel , to be broadcast tonight , came as mr miliband yet again wheeled out his children for the cameras .\n", - "miliband came under fire last month for having two kitchens in # 2.7 m homein an itv interview , he admits that he has a second kitchen for his nannycomment led to accusations miliband lives ` upstairs , downstairs ' lifestyledaniel , five , added to row by saying spartan kitchen was ` best ' in the house\n", - "[1.5542624 1.3068221 1.09326 1.0898621 1.0726205 1.0570985 1.0603753\n", - " 1.0240151 1.0141779 1.1803136 1.1530648 1.1170423 1.0501907 1.0937662\n", - " 1.0349911 1.1433673 1.040262 1.0377401 1.0338951 1.0187922 1.0154873\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 9 10 15 11 13 2 3 4 6 5 12 16 17 14 18 7 19 20 8 21 22 23]\n", - "=======================\n", - "[\"alex rodriguez returned to the new york yankees line-up for the baseball season 's opening day following a 162-game suspension , batting seventh and serving as designated hitter .rodriguez returned from a suspension that spanned all of the 2014 season for admitted to receiving and using performance-enhancing drugs from a florida clinic .on the field , however , atlanta braves right-handed reliever jason grilli will take over as the closer following the trade of craig kimbrel .\"]\n", - "=======================\n", - "[\"a-rod returned to the new york yankees line-up for the opening dayalex rodriguez came back from a 162-game suspension for the yankeeshe received a warm welcome on his comeback , with fans even holding up signs that read ` forgive ' in the crowd\"]\n", - "alex rodriguez returned to the new york yankees line-up for the baseball season 's opening day following a 162-game suspension , batting seventh and serving as designated hitter .rodriguez returned from a suspension that spanned all of the 2014 season for admitted to receiving and using performance-enhancing drugs from a florida clinic .on the field , however , atlanta braves right-handed reliever jason grilli will take over as the closer following the trade of craig kimbrel .\n", - "a-rod returned to the new york yankees line-up for the opening dayalex rodriguez came back from a 162-game suspension for the yankeeshe received a warm welcome on his comeback , with fans even holding up signs that read ` forgive ' in the crowd\n", - "[1.2665445 1.089174 1.0482888 1.0810541 1.2938231 1.3616312 1.1473999\n", - " 1.201387 1.0256126 1.0160127 1.0188019 1.0203599 1.0195535 1.0177528\n", - " 1.0211804 1.0215604 1.1157258 1.02402 1.0545665 1.0388925 1.0493428\n", - " 1.0128042]\n", - "\n", - "[ 5 4 0 7 6 16 1 3 18 20 2 19 8 17 15 14 11 12 10 13 9 21]\n", - "=======================\n", - "[\"jamie vardy scored an injury-time winner to improve his side 's slim chance of premier league survivalleicester have appeared doomed to relegation for months , cemented to the bottom of the table since november .leicester 's premier league forecast has looked gloomy for some considerable time , but jamie vardy 's stoppage time winner at the hawthorns suddenly offers a sunnier outlook .\"]\n", - "=======================\n", - "['leicester city hero jamie vardy believes the foxes deserve to stay upvardy pounced late to earn leicester all three points at the hawthornsleicester have been bottom of the premier league table since novemberbut two successive wins have given them genuine hope of survival']\n", - "jamie vardy scored an injury-time winner to improve his side 's slim chance of premier league survivalleicester have appeared doomed to relegation for months , cemented to the bottom of the table since november .leicester 's premier league forecast has looked gloomy for some considerable time , but jamie vardy 's stoppage time winner at the hawthorns suddenly offers a sunnier outlook .\n", - "leicester city hero jamie vardy believes the foxes deserve to stay upvardy pounced late to earn leicester all three points at the hawthornsleicester have been bottom of the premier league table since novemberbut two successive wins have given them genuine hope of survival\n", - "[1.2267375 1.4737449 1.3043865 1.2776542 1.193998 1.1140594 1.2448022\n", - " 1.0697697 1.1117804 1.0736537 1.0341234 1.010695 1.0816344 1.0850761\n", - " 1.057605 1.0254006 1.0383834 1.1208154 1.0238276 1.0152575 1.0259731\n", - " 0. ]\n", - "\n", - "[ 1 2 3 6 0 4 17 5 8 13 12 9 7 14 16 10 20 15 18 19 11 21]\n", - "=======================\n", - "[\"the unarmed 22-year-old , cao yu , held off the man in a terrifying five-minute struggle in a public square in guizhou province in southwestern china earlier this month .chinese social media users praised ` tough girl ' cao yu for her incredible braverythe young policewoman , who was found ` bleeding all over ' , is now recovering in hospital after the horrific incident .\"]\n", - "=======================\n", - "[\"22-year-old cao yu was on patrol when she confronted the manrobber wounded her five times as she awaited reinforcementscolleagues say they found her ` bleeding all over ' when they arrivedthe policewoman has been praised on chinese social media for her incredible bravery\"]\n", - "the unarmed 22-year-old , cao yu , held off the man in a terrifying five-minute struggle in a public square in guizhou province in southwestern china earlier this month .chinese social media users praised ` tough girl ' cao yu for her incredible braverythe young policewoman , who was found ` bleeding all over ' , is now recovering in hospital after the horrific incident .\n", - "22-year-old cao yu was on patrol when she confronted the manrobber wounded her five times as she awaited reinforcementscolleagues say they found her ` bleeding all over ' when they arrivedthe policewoman has been praised on chinese social media for her incredible bravery\n", - "[1.3118565 1.3263311 1.2409203 1.4561875 1.2314935 1.0744365 1.0278016\n", - " 1.0282137 1.0444194 1.017096 1.0165257 1.1847798 1.029989 1.0267423\n", - " 1.017379 1.015205 1.0186524 1.0153191 1.0415331 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 0 2 4 11 5 8 18 12 7 6 13 16 14 9 10 17 15 20 19 21]\n", - "=======================\n", - "[\"lewis hamilton stands on his mercedes after winning the bahrain grand prixit is an ominous warning from a man who has won nine of the last 11 grands prix , been on pole at the last four , and who already holds a 27-point cushion in the drivers ' standings .lewis hamilton has conceded to feeling more powerful now than at any stage in his f1 career .\"]\n", - "=======================\n", - "[\"lewis hamilton already holds a 27-point cushion in the drivers ' standingsthe brit has won nine of the last 11 races following triumph in bahrain\"]\n", - "lewis hamilton stands on his mercedes after winning the bahrain grand prixit is an ominous warning from a man who has won nine of the last 11 grands prix , been on pole at the last four , and who already holds a 27-point cushion in the drivers ' standings .lewis hamilton has conceded to feeling more powerful now than at any stage in his f1 career .\n", - "lewis hamilton already holds a 27-point cushion in the drivers ' standingsthe brit has won nine of the last 11 races following triumph in bahrain\n", - "[1.4341623 1.462969 1.2150868 1.4029124 1.0813767 1.0390539 1.0210673\n", - " 1.0232912 1.0188442 1.0851108 1.0176296 1.019183 1.3033718 1.1094356\n", - " 1.0804124 1.05959 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 12 2 13 9 4 14 15 5 7 6 11 8 10 16 17 18 19 20 21]\n", - "=======================\n", - "[\"patrick de koster , who has confirmed that he held talks with manchester city earlier this season , admits that he could receive 20 phone calls a day about the belgium international as clubs prepare to strengthen their squads before the start of next season .kevin de bruyne 's agent expects to go ` around the world ' discussing his client as interest in the wolfsburg midfielder increases ahead of the summer transfer window .wolfsburg midfielder has attracted interest from manchester city , bayern munich and paris saint-germain\"]\n", - "=======================\n", - "[\"patrick de koster will go ` around the world ' to talk about kevin de bruynethe wolfsburg midfielder is wanted by manchester city and bayern munichde koster has admitted having talks with city chiefs this seasonbut he has not spoken to manchester united about a move for his clientde bruyne remains happy at wolfsburg and could yet remain at the club\"]\n", - "patrick de koster , who has confirmed that he held talks with manchester city earlier this season , admits that he could receive 20 phone calls a day about the belgium international as clubs prepare to strengthen their squads before the start of next season .kevin de bruyne 's agent expects to go ` around the world ' discussing his client as interest in the wolfsburg midfielder increases ahead of the summer transfer window .wolfsburg midfielder has attracted interest from manchester city , bayern munich and paris saint-germain\n", - "patrick de koster will go ` around the world ' to talk about kevin de bruynethe wolfsburg midfielder is wanted by manchester city and bayern munichde koster has admitted having talks with city chiefs this seasonbut he has not spoken to manchester united about a move for his clientde bruyne remains happy at wolfsburg and could yet remain at the club\n", - "[1.3029659 1.3312196 1.1918888 1.3561975 1.3453357 1.0365227 1.1968576\n", - " 1.1592127 1.0146184 1.0307245 1.0420519 1.0956105 1.0621935 1.0154945\n", - " 1.0556281 1.0173724 1.0324721 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 4 1 0 6 2 7 11 12 14 10 5 16 9 15 13 8 17 18 19 20 21]\n", - "=======================\n", - "[\"glenn murray jumps for joy after putting crystal palace 1-0 up against manchester city on monday nightbarcelona and spain defender gerard pique once conceded three against murray in a reserve match in 2005ten years ago this month , the crystal palace striker humiliated another of the world 's best defenders , world cup and champions league winner gerard pique .\"]\n", - "=======================\n", - "['crystal palace beat manchester city 2-1 at selhurst park on monday nightglenn murray netted his fifth goal in five games to open the scoringmurray now has best goals-per-minute ratio of anyone in premier league']\n", - "glenn murray jumps for joy after putting crystal palace 1-0 up against manchester city on monday nightbarcelona and spain defender gerard pique once conceded three against murray in a reserve match in 2005ten years ago this month , the crystal palace striker humiliated another of the world 's best defenders , world cup and champions league winner gerard pique .\n", - "crystal palace beat manchester city 2-1 at selhurst park on monday nightglenn murray netted his fifth goal in five games to open the scoringmurray now has best goals-per-minute ratio of anyone in premier league\n", - "[1.2840307 1.4115312 1.3032832 1.1575923 1.1696448 1.0309079 1.029858\n", - " 1.2292869 1.0643882 1.1585306 1.1624937 1.083595 1.0156331 1.0118294\n", - " 1.0249101 1.0162376 1.0168438 1.0120158 1.0112455 1.0674886]\n", - "\n", - "[ 1 2 0 7 4 10 9 3 11 19 8 5 6 14 16 15 12 17 13 18]\n", - "=======================\n", - "[\"toya graham , a single mother-of-six , was caught on camera whacking her 16-year-old son michael , pulling off his ski mask and chasing him down the street as rioters clashed with police , looted stores and burned down buildings and cars .the riots broke out following the death of 25-year-old freddie gray earlier this month who died of a spinal cord injury after being taken into custody by baltimore police .a baltimore mother hailed as ` mom of the year ' for clobbering her teenage son and dragging him home from the riots admitted sheepishly on wednesday : ` my pastor is going to kill me . '\"]\n", - "=======================\n", - "[\"toya graham , a single mother-of-six , said she ` just lost it ' when she saw her 16-year-old son michael at monday 's riots carrying a rockshe said of her son : ` we made eye contact .she traveled to new york for interviews on wednesday after being applauded by moms across the us and the baltimore police chiefher pastor called her ` mom of the century ' on wednesday for her actions\"]\n", - "toya graham , a single mother-of-six , was caught on camera whacking her 16-year-old son michael , pulling off his ski mask and chasing him down the street as rioters clashed with police , looted stores and burned down buildings and cars .the riots broke out following the death of 25-year-old freddie gray earlier this month who died of a spinal cord injury after being taken into custody by baltimore police .a baltimore mother hailed as ` mom of the year ' for clobbering her teenage son and dragging him home from the riots admitted sheepishly on wednesday : ` my pastor is going to kill me . '\n", - "toya graham , a single mother-of-six , said she ` just lost it ' when she saw her 16-year-old son michael at monday 's riots carrying a rockshe said of her son : ` we made eye contact .she traveled to new york for interviews on wednesday after being applauded by moms across the us and the baltimore police chiefher pastor called her ` mom of the century ' on wednesday for her actions\n", - "[1.1265458 1.3998934 1.2569126 1.3332078 1.2331525 1.0988146 1.0891669\n", - " 1.0480574 1.110291 1.0828333 1.078772 1.0834277 1.0869871 1.0432237\n", - " 1.0494752 1.0636373 1.0701973 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 8 5 6 12 11 9 10 16 15 14 7 13 18 17 19]\n", - "=======================\n", - "['this was the case in hallett cove , south australia , when a man smacked a huge wolf spider as it scuttled across his kitchen floor .he got the shock of his life when he squashed the hairy beast with a broom , only to see hundreds of baby spiders came crawling out of the mother and spreading out in all directions on the floor .killing a spider is one thing but seeing hundreds of babies explode from its body afterwards would freak out anyone .']\n", - "=======================\n", - "[\"a wolf spider races across a kitchen floor in hallett cove , south australiaunluckily for it it 's spotted by a man who smashes it with a broomfollowing a few whacks hundreds of babies burst out of the female spiderafter hatching , spider babies crawl onto the mother 's back and stay thereas most of the the spiders are now dead the man sweeps them all up\"]\n", - "this was the case in hallett cove , south australia , when a man smacked a huge wolf spider as it scuttled across his kitchen floor .he got the shock of his life when he squashed the hairy beast with a broom , only to see hundreds of baby spiders came crawling out of the mother and spreading out in all directions on the floor .killing a spider is one thing but seeing hundreds of babies explode from its body afterwards would freak out anyone .\n", - "a wolf spider races across a kitchen floor in hallett cove , south australiaunluckily for it it 's spotted by a man who smashes it with a broomfollowing a few whacks hundreds of babies burst out of the female spiderafter hatching , spider babies crawl onto the mother 's back and stay thereas most of the the spiders are now dead the man sweeps them all up\n", - "[1.5247588 1.2113816 1.4767985 1.3232703 1.1195188 1.1206796 1.0237428\n", - " 1.0184782 1.0828881 1.0678129 1.0534003 1.040251 1.0432178 1.0724245\n", - " 1.0620283 1.0564535 1.2602335 1.0373392 0. 0. ]\n", - "\n", - "[ 0 2 3 16 1 5 4 8 13 9 14 15 10 12 11 17 6 7 18 19]\n", - "=======================\n", - "[\"ramon c. estrada , 62 , was set to be paroled in less than three weeks when he died on sundayhe was scheduled to have dialysis friday at the prison 's treatment center , but a technician did not show up on friday or saturday .a utah prison inmate is dead of an apparent heart attack related to renal failure after a dialysis provider did n't show up for a scheduled treatment for two days in a row , a prison official said tuesday .\"]\n", - "=======================\n", - "[\"ramon c. estrada , 62 , was set to be paroled in less than three weeks when he died sunday at the prison in draper , utahestrada was scheduled to have dialysis friday at the prison 's treatment center , but a technician did not show up on friday or saturdayadams said six other inmates had been waiting for dialysis treatment and were taken to a hospital for evaluationestrada was serving time for a 2005 rape conviction\"]\n", - "ramon c. estrada , 62 , was set to be paroled in less than three weeks when he died on sundayhe was scheduled to have dialysis friday at the prison 's treatment center , but a technician did not show up on friday or saturday .a utah prison inmate is dead of an apparent heart attack related to renal failure after a dialysis provider did n't show up for a scheduled treatment for two days in a row , a prison official said tuesday .\n", - "ramon c. estrada , 62 , was set to be paroled in less than three weeks when he died sunday at the prison in draper , utahestrada was scheduled to have dialysis friday at the prison 's treatment center , but a technician did not show up on friday or saturdayadams said six other inmates had been waiting for dialysis treatment and were taken to a hospital for evaluationestrada was serving time for a 2005 rape conviction\n", - "[1.175508 1.0853344 1.3542513 1.3301909 1.2129003 1.0965267 1.1689901\n", - " 1.1515225 1.0322845 1.0179703 1.1237736 1.0258915 1.0518295 1.1010866\n", - " 1.059166 1.0800245 1.0646675 1.1516762 1.1043657 1.0460501]\n", - "\n", - "[ 2 3 4 0 6 17 7 10 18 13 5 1 15 16 14 12 19 8 11 9]\n", - "=======================\n", - "[\"when prince george 's brother or sister makes their entrance to the world , their arrival will be announced first on twitter according to a report in the sunday times .news of the royal delivery will then also be posted on the traditional easel behind the gates of buckingham palace , just like prince george and prince william before him - or her .the birth of prince william was first announced on an easel outside buckingham palace in 1982\"]\n", - "=======================\n", - "[\"kate and william to start new royal birth customarrival of queen 's fifth great-grandchild will be announced with a hashtagbirth revealed on buckingham palace easel after social media\"]\n", - "when prince george 's brother or sister makes their entrance to the world , their arrival will be announced first on twitter according to a report in the sunday times .news of the royal delivery will then also be posted on the traditional easel behind the gates of buckingham palace , just like prince george and prince william before him - or her .the birth of prince william was first announced on an easel outside buckingham palace in 1982\n", - "kate and william to start new royal birth customarrival of queen 's fifth great-grandchild will be announced with a hashtagbirth revealed on buckingham palace easel after social media\n", - "[1.1780701 1.2995263 1.2925577 1.2738672 1.3149651 1.0502386 1.1199192\n", - " 1.0344425 1.2448301 1.0412879 1.1804196 1.113501 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 1 2 3 8 10 0 6 11 5 9 7 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "['more than 70 per cent of britons rightly identified chicken as the main source of food poisoning and most know it should be cooked until all the pink bits are done .many people are still ignorant of the dangers of eating chicken despite campaigns to highlight risks , a report says ( file picture )last month the mail reported how supermarkets were blocking efforts to tackle the deadly bug .']\n", - "=======================\n", - "['just a third of consumers have heard of campylobacter germs on chickenmillions are still ignorant of dangers of eating chicken despite campaignsmost britons rightly identify chicken as the main source of food poisoning']\n", - "more than 70 per cent of britons rightly identified chicken as the main source of food poisoning and most know it should be cooked until all the pink bits are done .many people are still ignorant of the dangers of eating chicken despite campaigns to highlight risks , a report says ( file picture )last month the mail reported how supermarkets were blocking efforts to tackle the deadly bug .\n", - "just a third of consumers have heard of campylobacter germs on chickenmillions are still ignorant of dangers of eating chicken despite campaignsmost britons rightly identify chicken as the main source of food poisoning\n", - "[1.369688 1.3277928 1.3195319 1.395023 1.2054945 1.0471927 1.0236367\n", - " 1.0198474 1.027324 1.114992 1.0345725 1.0366503 1.0169615 1.0317452\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 2 4 9 5 11 10 13 8 6 7 12 14 15 16]\n", - "=======================\n", - "[\"dusty the kangaroo ( right ) has convinced himself that he is a dog , and spends his days with ashley and felicity stewart 's dogs rosie and lilly , on the couple 's farm in esperance , western australiawhen rural farmer ashley stewart and his wife felicity found a baby male kangaroo on the side of the road in 2013 , they had no idea that the little joey would quickly become part of their family .dusty rides around the property in the back of mr stewart 's truck along with the dogs , sleeps with them on a dog bed , eats with them , asks for scratches , and even tries to sneak dog treats when he can .\"]\n", - "=======================\n", - "[\"dusty the kangaroo was adopted by the stewart family from esperancethe two-year-old roo now believe 's he is one of the couple 's dogshe rides around in the back of their truck , and sleeps and eats with themdusty asks for scratches and tries to sneak dog treats when he canmr stewart said that like any other dog , dusty is either eating or sleeping\"]\n", - "dusty the kangaroo ( right ) has convinced himself that he is a dog , and spends his days with ashley and felicity stewart 's dogs rosie and lilly , on the couple 's farm in esperance , western australiawhen rural farmer ashley stewart and his wife felicity found a baby male kangaroo on the side of the road in 2013 , they had no idea that the little joey would quickly become part of their family .dusty rides around the property in the back of mr stewart 's truck along with the dogs , sleeps with them on a dog bed , eats with them , asks for scratches , and even tries to sneak dog treats when he can .\n", - "dusty the kangaroo was adopted by the stewart family from esperancethe two-year-old roo now believe 's he is one of the couple 's dogshe rides around in the back of their truck , and sleeps and eats with themdusty asks for scratches and tries to sneak dog treats when he canmr stewart said that like any other dog , dusty is either eating or sleeping\n", - "[1.3477385 1.4051696 1.2736266 1.2920918 1.4227071 1.1282666 1.0483254\n", - " 1.0365431 1.0480486 1.0152732 1.0201252 1.0155542 1.0200393 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 4 1 0 3 2 5 6 8 7 10 12 11 9 15 13 14 16]\n", - "=======================\n", - "[\"texas a&m , galveston , professor irwin horwitz emailed his strategic management class of about 30 students telling them he was going to fail all of them because of the bad behavior he had seen during the semesterthe university has said that the failing grades horwitz 's wishes to give out will not hold .in the email - he sent a similar one to administrators - he claimed students cheated in class and participated in ` inappropriate conduct '\"]\n", - "=======================\n", - "[\"texas a&m , galveston professor irwin horwitz sent an email to his strategic management class telling the approximately-30-person class would all failin the email he said he witnessed cheating , false rumors and bad behaviorhe said in his 20 years of teaching he had never failed a class and rarely failed studentsthe university administration has said that the failing grades will not holddepartment head is taking over horowitz 's class and students will be graded solely on academics\"]\n", - "texas a&m , galveston , professor irwin horwitz emailed his strategic management class of about 30 students telling them he was going to fail all of them because of the bad behavior he had seen during the semesterthe university has said that the failing grades horwitz 's wishes to give out will not hold .in the email - he sent a similar one to administrators - he claimed students cheated in class and participated in ` inappropriate conduct '\n", - "texas a&m , galveston professor irwin horwitz sent an email to his strategic management class telling the approximately-30-person class would all failin the email he said he witnessed cheating , false rumors and bad behaviorhe said in his 20 years of teaching he had never failed a class and rarely failed studentsthe university administration has said that the failing grades will not holddepartment head is taking over horowitz 's class and students will be graded solely on academics\n", - "[1.3379502 1.3056908 1.2021307 1.4288967 1.2372085 1.0940292 1.1038516\n", - " 1.062144 1.0265402 1.0287784 1.0095999 1.2573884 1.1537654 1.0116988\n", - " 1.0186838 1.0091678 1.2321264]\n", - "\n", - "[ 3 0 1 11 4 16 2 12 6 5 7 9 8 14 13 10 15]\n", - "=======================\n", - "['stoke city manager mark hughes says his side must end their barren run at chelseastoke boss mark hughes is in no doubt it is high time the club brought their run of fruitless trips to stamford bridge to an end .since gaining promotion to the barclays premier league in 2008 , the potters have played chelsea away eight times in all competitions and lost on every occasion .']\n", - "=======================\n", - "['stoke city have lost all eight trips to chelsea since premier league returnmark hughes insists that their fruitless stamford bridge visits must endchelsea unbeaten in 14 premier league home games this season ( 11 wins )']\n", - "stoke city manager mark hughes says his side must end their barren run at chelseastoke boss mark hughes is in no doubt it is high time the club brought their run of fruitless trips to stamford bridge to an end .since gaining promotion to the barclays premier league in 2008 , the potters have played chelsea away eight times in all competitions and lost on every occasion .\n", - "stoke city have lost all eight trips to chelsea since premier league returnmark hughes insists that their fruitless stamford bridge visits must endchelsea unbeaten in 14 premier league home games this season ( 11 wins )\n", - "[1.2462151 1.500712 1.2212738 1.4044796 1.3614272 1.0966142 1.1438344\n", - " 1.2660254 1.0900886 1.0738848 1.0333347 1.0178607 1.0123924 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 7 0 2 6 5 8 9 10 11 12 13 14 15 16]\n", - "=======================\n", - "[\"the ocean-going tug mv hamal was intercepted by the frigate hms somerset and border force cutter valiant about 100 miles east of the aberdeenshire coast .the crew of the hamal , nine men aged between 26 and 63 , were detained for questioning by investigators from the national crime agency 's border policing command , and later charged with drug trafficking offencesaround two tonnes of cocaine have been seized from a boat intercepted at sea by the royal navy and the border force .\"]\n", - "=======================\n", - "['the ocean-going tug mv hamal was intercepted by hms somerset and border force vessel about 100 miles east of the aberdeenshire coastvalue of the cocaine is likely to be worth hundreds of millions of poundscrew of the hamal , nine men aged between 26 and 63 , were detained']\n", - "the ocean-going tug mv hamal was intercepted by the frigate hms somerset and border force cutter valiant about 100 miles east of the aberdeenshire coast .the crew of the hamal , nine men aged between 26 and 63 , were detained for questioning by investigators from the national crime agency 's border policing command , and later charged with drug trafficking offencesaround two tonnes of cocaine have been seized from a boat intercepted at sea by the royal navy and the border force .\n", - "the ocean-going tug mv hamal was intercepted by hms somerset and border force vessel about 100 miles east of the aberdeenshire coastvalue of the cocaine is likely to be worth hundreds of millions of poundscrew of the hamal , nine men aged between 26 and 63 , were detained\n", - "[1.1813157 1.5258118 1.2882458 1.4361633 1.1403627 1.0527921 1.2111826\n", - " 1.1181104 1.0291044 1.0230927 1.1220694 1.09004 1.0275965 1.0148803\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 6 0 4 10 7 11 5 8 12 9 13 15 14 16]\n", - "=======================\n", - "[\"luke munro , 19 , and dylon thompson , 21 , burst into the londis shop in cleveleys near blackpool in october last year while the owner , his wife , and their toddler were behind the counter .the pair then pulled out a ` realistic looking ' handgun and began waving it in the family 's faces , demanding cash from the till , but the brave parents refused to hand it over .the duo were tracked down , and at preston crown court on wednesday munro was jailed for five years and four months , while thompson was sentenced to three years and four months .\"]\n", - "=======================\n", - "[\"luke munro , 19 , and dylon thompson , 21 , raided londis near blackpoolthreatened owner and wife with gun while baby was in pram beside thempolice said couple ` feared for their life ' during robbery in october last yearmunro jailed for five years , thompson for three years and four months\"]\n", - "luke munro , 19 , and dylon thompson , 21 , burst into the londis shop in cleveleys near blackpool in october last year while the owner , his wife , and their toddler were behind the counter .the pair then pulled out a ` realistic looking ' handgun and began waving it in the family 's faces , demanding cash from the till , but the brave parents refused to hand it over .the duo were tracked down , and at preston crown court on wednesday munro was jailed for five years and four months , while thompson was sentenced to three years and four months .\n", - "luke munro , 19 , and dylon thompson , 21 , raided londis near blackpoolthreatened owner and wife with gun while baby was in pram beside thempolice said couple ` feared for their life ' during robbery in october last yearmunro jailed for five years , thompson for three years and four months\n", - "[1.3173435 1.1446401 1.3591063 1.320224 1.3180212 1.2050743 1.1452868\n", - " 1.1282735 1.0241272 1.0155596 1.0184286 1.0274489 1.0169348 1.1682094\n", - " 1.1231536 1.0336775 1.0664499 1.0391438 1.0303681]\n", - "\n", - "[ 2 3 4 0 5 13 6 1 7 14 16 17 15 18 11 8 10 12 9]\n", - "=======================\n", - "[\"frustrated listeners say the vital last minutes of numerous shows have been left off versions uploaded to the iplayer service .they branded the problem ` irritating ' , ` annoying ' and ` frustrating ' and said it was ruining their enjoyment of the programmes .shows such as dad 's army and hancock 's half hour have all fallen foul of the problem , which the bbc blames on the system it uses to record programmes .\"]\n", - "=======================\n", - "[\"iplayer listeners say the vital last minutes have been left off radio dramasshows such as dad 's army and hancock 's half hour fallen foul of problembbc blames system it uses to record programmes , but it 's not a new issue\"]\n", - "frustrated listeners say the vital last minutes of numerous shows have been left off versions uploaded to the iplayer service .they branded the problem ` irritating ' , ` annoying ' and ` frustrating ' and said it was ruining their enjoyment of the programmes .shows such as dad 's army and hancock 's half hour have all fallen foul of the problem , which the bbc blames on the system it uses to record programmes .\n", - "iplayer listeners say the vital last minutes have been left off radio dramasshows such as dad 's army and hancock 's half hour fallen foul of problembbc blames system it uses to record programmes , but it 's not a new issue\n", - "[1.2622341 1.3292954 1.158349 1.1915362 1.135352 1.2453042 1.1113598\n", - " 1.1432854 1.0675485 1.113048 1.0464196 1.0247209 1.1090512 1.1097347\n", - " 1.0263176 1.0488036 0. 0. 0. ]\n", - "\n", - "[ 1 0 5 3 2 7 4 9 6 13 12 8 15 10 14 11 17 16 18]\n", - "=======================\n", - "[\"roman ehrhardt became an internet sensation after one of his classmates shared a hilarious photo of him grilling his lunch in class - however according to a buzzfeed community posting , the senior communications major was actually completing project , in which had to violate a societal norm .a boldfaced student at mississippi state , who refused to go hungry during his college lecture , brought a george foreman grill to class and proceeded to cook bacon for his sandwich - while sitting in the front row of his class .but that did n't stop his unknowing peers from relishing in his outrageous act .\"]\n", - "=======================\n", - "['roman ehrhardt became an internet sensation after a snapshot of him cooking bacon while in the front row of a college lecture was shared onlinethe senior communications major at mississippi state was secretly completing a project , in which he had to violate a societal norm']\n", - "roman ehrhardt became an internet sensation after one of his classmates shared a hilarious photo of him grilling his lunch in class - however according to a buzzfeed community posting , the senior communications major was actually completing project , in which had to violate a societal norm .a boldfaced student at mississippi state , who refused to go hungry during his college lecture , brought a george foreman grill to class and proceeded to cook bacon for his sandwich - while sitting in the front row of his class .but that did n't stop his unknowing peers from relishing in his outrageous act .\n", - "roman ehrhardt became an internet sensation after a snapshot of him cooking bacon while in the front row of a college lecture was shared onlinethe senior communications major at mississippi state was secretly completing a project , in which he had to violate a societal norm\n", - "[1.3389919 1.1132443 1.113876 1.1760228 1.1224084 1.1176438 1.0975791\n", - " 1.1094472 1.0552336 1.109576 1.0653864 1.0362362 1.0913428 1.0553178\n", - " 1.0388372 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 5 2 1 9 7 6 12 10 13 8 14 11 17 15 16 18]\n", - "=======================\n", - "[\"( cnn ) president barack obama tied himself to the mast of a nuclear deal with iran even before he became the democratic candidate for president .obama 's political standing and his historic legacy in foreign policy are so deeply intertwined with reaching an accord with iran that if the deal ultimately collapses , he may fear that historians will conclude that his legacy in global affairs collapsed with it .there is a reason one gets the feeling that it is the united states and not iran that is the more eager , even desperate , side in these talks , even though iran is the country whose economy was sent into a deep chill by international sanctions ; the country whose only significant export , oil , lost more than half of its value in recent months .\"]\n", - "=======================\n", - "['frida ghitis : president barack obama is right to want a deal , but this one gives iran too muchshe says the framework agreement starts lifting iran sanctions much too soon']\n", - "( cnn ) president barack obama tied himself to the mast of a nuclear deal with iran even before he became the democratic candidate for president .obama 's political standing and his historic legacy in foreign policy are so deeply intertwined with reaching an accord with iran that if the deal ultimately collapses , he may fear that historians will conclude that his legacy in global affairs collapsed with it .there is a reason one gets the feeling that it is the united states and not iran that is the more eager , even desperate , side in these talks , even though iran is the country whose economy was sent into a deep chill by international sanctions ; the country whose only significant export , oil , lost more than half of its value in recent months .\n", - "frida ghitis : president barack obama is right to want a deal , but this one gives iran too muchshe says the framework agreement starts lifting iran sanctions much too soon\n", - "[1.418144 1.4424964 1.390974 1.3789631 1.1333659 1.3402344 1.0351633\n", - " 1.0426245 1.0484825 1.0131139 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 5 4 8 7 6 9 10 11 12 13 14 15 16 17 18]\n", - "=======================\n", - "['klopp is on the radar of a number of top clubs after announcing that he will leave dortmund at the end of the season .jurgen klopp would be perfect for arsenal but the club should keep faith with arsene wenger , according to gunners legend nigel winterburn .the 47-year-old has long been linked with taking over from wenger , but the frenchman has two years left on his contract .']\n", - "=======================\n", - "[\"jurgen klopp will leave borussia dortmund at the end of the seasonarsene wenger 's contract at arsenal has two more years to run until 2017nigel winterburn believes the club should let wenger see out his deal\"]\n", - "klopp is on the radar of a number of top clubs after announcing that he will leave dortmund at the end of the season .jurgen klopp would be perfect for arsenal but the club should keep faith with arsene wenger , according to gunners legend nigel winterburn .the 47-year-old has long been linked with taking over from wenger , but the frenchman has two years left on his contract .\n", - "jurgen klopp will leave borussia dortmund at the end of the seasonarsene wenger 's contract at arsenal has two more years to run until 2017nigel winterburn believes the club should let wenger see out his deal\n", - "[1.3014593 1.3308282 1.2467767 1.2973452 1.1836164 1.2096484 1.0524315\n", - " 1.102537 1.0273411 1.0237828 1.078115 1.0721955 1.0683888 1.1559309\n", - " 1.0210003 1.0165176 1.0320915 0. 0. ]\n", - "\n", - "[ 1 0 3 2 5 4 13 7 10 11 12 6 16 8 9 14 15 17 18]\n", - "=======================\n", - "[\"jefferson county circuit judge laura petro on thursday dismissed the case against anthony ray hinton .an alabama inmate who spent nearly 30 years on death row will go free on friday after prosecutors told a court there is not enough evidence to link him to the 1985 murders he was convicted of committing .the district attorney 's office told the judge wednesday that their forensic experts could n't determine if six crime scene bullets -- which were the crux of the evidence against hinton at an expected retrial -- came from a gun investigators took from his home .\"]\n", - "=======================\n", - "[\"anthony ray hinton released 30 years after being in prison on death rowhinton was convicted of shooting to death two fast food restaurant mangers in two separate 1985 robberieshinton was granted re-trial by the u.s. supreme court and experts found that there was not enough evidence to prove hinton 's gun shot the men` he was a poor person who was convicted because he did n't have the money to prove his innocence at trial , ' said hinton 's attorney\"]\n", - "jefferson county circuit judge laura petro on thursday dismissed the case against anthony ray hinton .an alabama inmate who spent nearly 30 years on death row will go free on friday after prosecutors told a court there is not enough evidence to link him to the 1985 murders he was convicted of committing .the district attorney 's office told the judge wednesday that their forensic experts could n't determine if six crime scene bullets -- which were the crux of the evidence against hinton at an expected retrial -- came from a gun investigators took from his home .\n", - "anthony ray hinton released 30 years after being in prison on death rowhinton was convicted of shooting to death two fast food restaurant mangers in two separate 1985 robberieshinton was granted re-trial by the u.s. supreme court and experts found that there was not enough evidence to prove hinton 's gun shot the men` he was a poor person who was convicted because he did n't have the money to prove his innocence at trial , ' said hinton 's attorney\n", - "[1.2648225 1.2883036 1.1106082 1.1539965 1.1654123 1.196585 1.251139\n", - " 1.1108108 1.0511702 1.0389886 1.0841265 1.1480292 1.0935113 1.0272496\n", - " 1.0163313 1.0114439 1.0082457 1.0244031 0. 0. ]\n", - "\n", - "[ 1 0 6 5 4 3 11 7 2 12 10 8 9 13 17 14 15 16 18 19]\n", - "=======================\n", - "[\"but carole middleton and ms borrallo are n't the only ones on standby as the birth of the spare to prince george 's heir approaches .with her mother by her side and nanny maria teresa turrion borrallo already in charge of the nursery , the duchess of cambridge wo n't be short of help when the new baby arrives .femail reveals who will be helping the duchess as she gets to grips with life as a mother of two .\"]\n", - "=======================\n", - "[\"school friends and prince william 's family will play crucial supporting roleemilia jardine-paterson and alicia fox-pitt have known her for yearscarole will be a hands-on grandmother and pippa will be by her side\"]\n", - "but carole middleton and ms borrallo are n't the only ones on standby as the birth of the spare to prince george 's heir approaches .with her mother by her side and nanny maria teresa turrion borrallo already in charge of the nursery , the duchess of cambridge wo n't be short of help when the new baby arrives .femail reveals who will be helping the duchess as she gets to grips with life as a mother of two .\n", - "school friends and prince william 's family will play crucial supporting roleemilia jardine-paterson and alicia fox-pitt have known her for yearscarole will be a hands-on grandmother and pippa will be by her side\n", - "[1.4092424 1.260159 1.3157696 1.0819871 1.2156091 1.1923345 1.1138053\n", - " 1.097241 1.1340247 1.1132169 1.085244 1.0244659 1.0853908 1.076426\n", - " 1.1166089 1.060175 1.0897728 1.0136704 0. 0. ]\n", - "\n", - "[ 0 2 1 4 5 8 14 6 9 7 16 12 10 3 13 15 11 17 18 19]\n", - "=======================\n", - "[\"us basketball star thabo sefolosha blamed six officers from the new york police department ( nypd ) for breaking his leg after they forced him to the ground and arrested him .sefolosha was wrestled over by officers and grabbed around the neck last week on the same night that indiana pacers player chris copeland and his wife were stabbed in an altercation outside the 1 oak club in chelsea , new york .the atlanta hawks player made the statement through his club 's twitter account , saying that his injury had left him in ` great pain ' and ` was caused by the police ' .\"]\n", - "=======================\n", - "[\"basketball star was bundled to ground by six officers and arrestedsuffered a broken right fibula and is not able to play for rest of seasonstatement over twitter said he was in ` great pain ' from ` significant ' injurynypd investigation launched to judge if officers used ` excessive force '\"]\n", - "us basketball star thabo sefolosha blamed six officers from the new york police department ( nypd ) for breaking his leg after they forced him to the ground and arrested him .sefolosha was wrestled over by officers and grabbed around the neck last week on the same night that indiana pacers player chris copeland and his wife were stabbed in an altercation outside the 1 oak club in chelsea , new york .the atlanta hawks player made the statement through his club 's twitter account , saying that his injury had left him in ` great pain ' and ` was caused by the police ' .\n", - "basketball star was bundled to ground by six officers and arrestedsuffered a broken right fibula and is not able to play for rest of seasonstatement over twitter said he was in ` great pain ' from ` significant ' injurynypd investigation launched to judge if officers used ` excessive force '\n", - "[1.4833564 1.2768271 1.1173913 1.4135556 1.1411302 1.2262548 1.043971\n", - " 1.015852 1.0242988 1.0137858 1.1751978 1.1054082 1.0555946 1.0893396\n", - " 1.1168429 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 5 10 4 2 14 11 13 12 6 8 7 9 15 16 17 18 19]\n", - "=======================\n", - "[\"spain 's 2-0 defeat by holland on tuesday brought back bitter memories of their disastrous 2014 world cup , but coach vicente del bosque will not be too worried about a third straight friendly defeat , insists gerard pique .stefan de vrij ( right ) headed holland in front against spain at the amsterdam arena on tuesdaymalaga forward juanmi and sevilla midfielder vitolo became the 55th and 56th players to debut under del bosque , while the likes of goalkeeper david de gea , defenders raul albiol , juan bernat and dani carvajal and midfielder mario suarez all started the game .\"]\n", - "=======================\n", - "['holland beat spain 2-0 at the amsterdam arena on tuesday nightstefan de vrij and davy klaassen scored goals for hollanddefeat recalls horror 5-1 defeat by holland at the world cupvicente del bosque used game to give younger spain players a chance']\n", - "spain 's 2-0 defeat by holland on tuesday brought back bitter memories of their disastrous 2014 world cup , but coach vicente del bosque will not be too worried about a third straight friendly defeat , insists gerard pique .stefan de vrij ( right ) headed holland in front against spain at the amsterdam arena on tuesdaymalaga forward juanmi and sevilla midfielder vitolo became the 55th and 56th players to debut under del bosque , while the likes of goalkeeper david de gea , defenders raul albiol , juan bernat and dani carvajal and midfielder mario suarez all started the game .\n", - "holland beat spain 2-0 at the amsterdam arena on tuesday nightstefan de vrij and davy klaassen scored goals for hollanddefeat recalls horror 5-1 defeat by holland at the world cupvicente del bosque used game to give younger spain players a chance\n", - "[1.1044221 1.3254445 1.2858901 1.3056662 1.3907733 1.2365534 1.3765802\n", - " 1.156841 1.0151721 1.0101627 1.0107013 1.0088158 1.0154905 1.0092082\n", - " 1.064312 1.0567247 1.0173999 1.0874972 1.0156739 0. ]\n", - "\n", - "[ 4 6 1 3 2 5 7 0 17 14 15 16 18 12 8 10 9 13 11 19]\n", - "=======================\n", - "['defender matthew connolly celebrates after putting watford 2-0 up against nottingham forest on wednesdaygary gardner scores for nottingham forest to half the deficit against watford with twenty minutes to playmatthew connolly has only been at the club for a month but struck a goal that proved key at a stadium that has humbled all three of their nearest promotion rivals .']\n", - "=======================\n", - "[\"watford took the lead after just four minutes through odion ighalodefender matthew connolly doubled the hornets ' advantagealmen abdi scored a third following gary gardner 's goal for the home sidewatford climbed to third , one point off top spot in the championship\"]\n", - "defender matthew connolly celebrates after putting watford 2-0 up against nottingham forest on wednesdaygary gardner scores for nottingham forest to half the deficit against watford with twenty minutes to playmatthew connolly has only been at the club for a month but struck a goal that proved key at a stadium that has humbled all three of their nearest promotion rivals .\n", - "watford took the lead after just four minutes through odion ighalodefender matthew connolly doubled the hornets ' advantagealmen abdi scored a third following gary gardner 's goal for the home sidewatford climbed to third , one point off top spot in the championship\n", - "[1.1692644 1.2535946 1.2825608 1.2622228 1.2960395 1.0820701 1.1329545\n", - " 1.075404 1.063722 1.0335894 1.0142047 1.0177442 1.0155501 1.0437877\n", - " 1.0518786 1.0322274 1.0537997 1.066015 1.1748897 1.0466043]\n", - "\n", - "[ 4 2 3 1 18 0 6 5 7 17 8 16 14 19 13 9 15 11 12 10]\n", - "=======================\n", - "[\"success : the 85-year-old won 212 races during his 14-year career before a crash at goodwood in 1962reunited : sir stirling moss sitting behind the wheel of the refurbished austin-healey spriteand at 85 , the man widely seen as history 's greatest all-round racer has revealed the unusual daily routine he thanks for his impressive longevity -- 77 press-ups and half a bottle of chardonnay .\"]\n", - "=======================\n", - "['sir stirling moss won 212 races during 14-year career before 1962 crashhe said half-bottle of wine and 77 press-ups a day were secret to longevitythe 85-year-old , who lives in london , now drives electric renault twizy']\n", - "success : the 85-year-old won 212 races during his 14-year career before a crash at goodwood in 1962reunited : sir stirling moss sitting behind the wheel of the refurbished austin-healey spriteand at 85 , the man widely seen as history 's greatest all-round racer has revealed the unusual daily routine he thanks for his impressive longevity -- 77 press-ups and half a bottle of chardonnay .\n", - "sir stirling moss won 212 races during 14-year career before 1962 crashhe said half-bottle of wine and 77 press-ups a day were secret to longevitythe 85-year-old , who lives in london , now drives electric renault twizy\n", - "[1.4233732 1.4742236 1.3692425 1.4559245 1.3051155 1.062319 1.0214889\n", - " 1.019916 1.0225365 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 5 8 6 7 16 15 14 13 9 11 10 17 12 18]\n", - "=======================\n", - "[\"the 21 year old has scored 13 league this season and has also attracted interest from the likes of manchester united , arsenal , paris saint-germain and atletico madrid .chelsea have suffered a blow in their pursuit of palermo 's paulo dybala after the striker declared he ` would love to stay in serie a ' .` he makes even the most difficult things look easy . '\"]\n", - "=======================\n", - "['paulo dybala has attracted interest from a number of top european clubsjuventus favourites to sign striker after he says he wants to stay in italyjuventus have reportedly offered # 23million to sign the chelsea targetclick here to read all you need to know about dybala']\n", - "the 21 year old has scored 13 league this season and has also attracted interest from the likes of manchester united , arsenal , paris saint-germain and atletico madrid .chelsea have suffered a blow in their pursuit of palermo 's paulo dybala after the striker declared he ` would love to stay in serie a ' .` he makes even the most difficult things look easy . '\n", - "paulo dybala has attracted interest from a number of top european clubsjuventus favourites to sign striker after he says he wants to stay in italyjuventus have reportedly offered # 23million to sign the chelsea targetclick here to read all you need to know about dybala\n", - "[1.1971256 1.4088175 1.2381997 1.292135 1.180395 1.2316885 1.0661087\n", - " 1.078904 1.1087017 1.107371 1.1019087 1.0492551 1.0545757 1.050454\n", - " 1.0100816 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 5 0 4 8 9 10 7 6 12 13 11 14 17 15 16 18]\n", - "=======================\n", - "[\"us giant morgan stanley said the prospect of a labour government reliant on the scottish nationalists would create the ` greatest uncertainty ' of any election result .its inevitable ` anti-austerity ' agenda could lead to an ` earlier bank rate hike than was previously the case ' , the bank argued .goldman said labour would be ` dragged to the left ' by the snp , which would result in even more money going north of the border ` at the expense of the uk as a whole ' .\"]\n", - "=======================\n", - "[\"major bank warns against labour government propped up by the the snpmorgan stanley says anti-austerity agenda would lead to bank rate hikesecond bank says labour would be dragged to the left by the nationalistsreport a blow to the party 's attempt to show voters economic competence\"]\n", - "us giant morgan stanley said the prospect of a labour government reliant on the scottish nationalists would create the ` greatest uncertainty ' of any election result .its inevitable ` anti-austerity ' agenda could lead to an ` earlier bank rate hike than was previously the case ' , the bank argued .goldman said labour would be ` dragged to the left ' by the snp , which would result in even more money going north of the border ` at the expense of the uk as a whole ' .\n", - "major bank warns against labour government propped up by the the snpmorgan stanley says anti-austerity agenda would lead to bank rate hikesecond bank says labour would be dragged to the left by the nationalistsreport a blow to the party 's attempt to show voters economic competence\n", - "[1.288943 1.2804378 1.3350025 1.2104077 1.1132479 1.0875423 1.129845\n", - " 1.0811474 1.1224564 1.067734 1.0564654 1.1824104 1.032141 1.0355363\n", - " 1.0217489 1.0242524 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 3 11 6 8 4 5 7 9 10 13 12 15 14 17 16 18]\n", - "=======================\n", - "[\"it emerged last night that its true number of users is likely to be no more than half a million -- and possibly lower still .claims by the country 's biggest food bank network that it served a million hungry people in a year were exposed as false yesterday .after the labour party and trades union congress seized on the figure , with shadow work and pensions secretary rachel reeves describing it as ` shocking ' , the trussell trust admitted in a climbdown that ` these are not all unique users ' .\"]\n", - "=======================\n", - "[\"the trussell trust admits that the one million were not all ` unique users 'it had previously claimed that it served a million hungry people in a yearlabour party and trades union congress were quick to seize on the figuretrust has said the figure was based on the number of parcels handed out\"]\n", - "it emerged last night that its true number of users is likely to be no more than half a million -- and possibly lower still .claims by the country 's biggest food bank network that it served a million hungry people in a year were exposed as false yesterday .after the labour party and trades union congress seized on the figure , with shadow work and pensions secretary rachel reeves describing it as ` shocking ' , the trussell trust admitted in a climbdown that ` these are not all unique users ' .\n", - "the trussell trust admits that the one million were not all ` unique users 'it had previously claimed that it served a million hungry people in a yearlabour party and trades union congress were quick to seize on the figuretrust has said the figure was based on the number of parcels handed out\n", - "[1.3999686 1.4504594 1.241593 1.4245447 1.0988808 1.3285861 1.085409\n", - " 1.0164143 1.014459 1.0218964 1.0255634 1.0889461 1.024381 1.0229516\n", - " 1.0202652 1.0150498 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 5 2 4 11 6 10 12 13 9 14 7 15 8 16 17 18]\n", - "=======================\n", - "[\"thousands of fans stayed away from sunday 's barclays premier league defeat by tottenham at st james ' park in protest at the way the sportswear tycoon is running the club , with the official attendance of 47,427 - the capacity of the stadium is in excess of 52,000 - understood to include many season ticket holders who did not attend .newcastle owner mike ashley has been urged to invest in the club or risk losing a generation of fansthousands of newcastle fans boycotted the club 's last game , a 3-1 defeat at home to spurs on sunday\"]\n", - "=======================\n", - "['newcastle owner mike ashley is an unpopular figure at the club for his perceived lack of ambition and investment in the last few yearsmark jensen , editor of the newcastle fanzine , the mag , predicts that unless ashley changes his approach the club will lose supportersthe magpies have lost their last six consecutive league gamesthousands of supporters boycotted the last defeat by spurs on sunday']\n", - "thousands of fans stayed away from sunday 's barclays premier league defeat by tottenham at st james ' park in protest at the way the sportswear tycoon is running the club , with the official attendance of 47,427 - the capacity of the stadium is in excess of 52,000 - understood to include many season ticket holders who did not attend .newcastle owner mike ashley has been urged to invest in the club or risk losing a generation of fansthousands of newcastle fans boycotted the club 's last game , a 3-1 defeat at home to spurs on sunday\n", - "newcastle owner mike ashley is an unpopular figure at the club for his perceived lack of ambition and investment in the last few yearsmark jensen , editor of the newcastle fanzine , the mag , predicts that unless ashley changes his approach the club will lose supportersthe magpies have lost their last six consecutive league gamesthousands of supporters boycotted the last defeat by spurs on sunday\n", - "[1.1811719 1.5162923 1.2632314 1.2735611 1.2629087 1.2394745 1.0405651\n", - " 1.0282611 1.0325334 1.0388379 1.0480646 1.0267887 1.1440122 1.1516846\n", - " 1.07613 1.0191396 1.0084554 1.0843072 1.0644921]\n", - "\n", - "[ 1 3 2 4 5 0 13 12 17 14 18 10 6 9 8 7 11 15 16]\n", - "=======================\n", - "[\"ashley dodds , 29 , visited the red hot world buffet on deansgate , manchester , with her daughter , dennon , and her daughter 's friend .after ordering a non-alcoholic sweet kiss ` mocktail ' for the girls , ms dodds was disgusted when she heard that her daughter had actually been drinking an alcoholic version .restaurant staff accidentally served the girl a drink with alcohol in it\"]\n", - "=======================\n", - "[\"ashley dodds , 29 , left speechless when daughter told her what happenedthe mother , from salford , had ordered ` mocktails ' for the girl and her friendwent outside for a cigarette and was told ` mum , i 've had alcohol ' on returnmanchester restaurant blamed ms dodds for leaving children on their own\"]\n", - "ashley dodds , 29 , visited the red hot world buffet on deansgate , manchester , with her daughter , dennon , and her daughter 's friend .after ordering a non-alcoholic sweet kiss ` mocktail ' for the girls , ms dodds was disgusted when she heard that her daughter had actually been drinking an alcoholic version .restaurant staff accidentally served the girl a drink with alcohol in it\n", - "ashley dodds , 29 , left speechless when daughter told her what happenedthe mother , from salford , had ordered ` mocktails ' for the girl and her friendwent outside for a cigarette and was told ` mum , i 've had alcohol ' on returnmanchester restaurant blamed ms dodds for leaving children on their own\n", - "[1.1595969 1.4285816 1.1672312 1.1906755 1.1534382 1.0384727 1.270653\n", - " 1.179101 1.0661494 1.0926955 1.1948317 1.0989821 1.0628264 1.0778099\n", - " 1.0638448 1.1246381 1.0583155 1.04109 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 6 10 3 7 2 0 4 15 11 9 13 8 14 12 16 17 5 20 18 19 21]\n", - "=======================\n", - "['the rare mammal has been making waves at the taiji whale museum in southern japan , where it draws vast and fascinated crowds .the rare specimen is believed to be only the second one ever put on display in an aquarium after it was purchased from fishermen last year .the animal was controversially captured during the annual dolphin hunt in the town of taiji in january .']\n", - "=======================\n", - "[\"the rare albino dolphin lives at the taiji whale museum in southern japanits thin skin means it changes colour when it 's emotional like a humanthe animal was captured during the annual dolphin hunt in taiji last yearactivists filed a lawsuit against the museum for withholding informationbut the museum claims the animal is kept ` physically and mentally healthy 'researchers from the museum released a study on the animal in march\"]\n", - "the rare mammal has been making waves at the taiji whale museum in southern japan , where it draws vast and fascinated crowds .the rare specimen is believed to be only the second one ever put on display in an aquarium after it was purchased from fishermen last year .the animal was controversially captured during the annual dolphin hunt in the town of taiji in january .\n", - "the rare albino dolphin lives at the taiji whale museum in southern japanits thin skin means it changes colour when it 's emotional like a humanthe animal was captured during the annual dolphin hunt in taiji last yearactivists filed a lawsuit against the museum for withholding informationbut the museum claims the animal is kept ` physically and mentally healthy 'researchers from the museum released a study on the animal in march\n", - "[1.0930451 1.1087968 1.1293203 1.1270348 1.1259317 1.1583443 1.131136\n", - " 1.228543 1.0774282 1.1505966 1.047465 1.0672753 1.0480967 1.0595149\n", - " 1.0284292 1.1416929 1.0350523 1.0873833 1.032198 1.0308264 1.0285507\n", - " 1.0349419]\n", - "\n", - "[ 7 5 9 15 6 2 3 4 1 0 17 8 11 13 12 10 16 21 18 19 20 14]\n", - "=======================\n", - "['one hundred years ago , more than 1 million armenians ( some estimates run as high as 1.5 million ) died at the hand of the turks .this sunday in rome , pope francis faced just such a dilemma .a slew of historians and at least 20 countries call the killings a \" genocide . \"']\n", - "=======================\n", - "['previous popes had finessed the question of whether the killing of 1.5 million armenians was genocide .because he often shines such a smiley face on the world , it can be easy to forget the bluntness francis sometimes brings to the bully pulpit']\n", - "one hundred years ago , more than 1 million armenians ( some estimates run as high as 1.5 million ) died at the hand of the turks .this sunday in rome , pope francis faced just such a dilemma .a slew of historians and at least 20 countries call the killings a \" genocide . \"\n", - "previous popes had finessed the question of whether the killing of 1.5 million armenians was genocide .because he often shines such a smiley face on the world , it can be easy to forget the bluntness francis sometimes brings to the bully pulpit\n", - "[1.4231387 1.604531 1.1719761 1.4190665 1.3809817 1.0544808 1.0493118\n", - " 1.0222664 1.0199127 1.0156883 1.0284739 1.0233761 1.0171932 1.01339\n", - " 1.0169253 1.0284004 1.0337884 1.0130534 1.1224053 1.0465765 1.0107927\n", - " 0. ]\n", - "\n", - "[ 1 0 3 4 2 18 5 6 19 16 10 15 11 7 8 12 14 9 13 17 20 21]\n", - "=======================\n", - "['the irishman makes the first defence of his wbo middleweight belt against peter quillin in new york on saturday .andy lee is confident he has improved even further since winning his world title last year .quillin is a former champion but is yet to taste defeat as a professional and poses a tough challenge for lee']\n", - "=======================\n", - "[\"andy lee defends the world title he won against matt korobov last yearthe irishman has had a renaissance working under adam boothbut lee faces a tough challenge in unbeaten former champion peter quillinlee insists he is ready for whatever ` kid chocolate ' can throw at him\"]\n", - "the irishman makes the first defence of his wbo middleweight belt against peter quillin in new york on saturday .andy lee is confident he has improved even further since winning his world title last year .quillin is a former champion but is yet to taste defeat as a professional and poses a tough challenge for lee\n", - "andy lee defends the world title he won against matt korobov last yearthe irishman has had a renaissance working under adam boothbut lee faces a tough challenge in unbeaten former champion peter quillinlee insists he is ready for whatever ` kid chocolate ' can throw at him\n", - "[1.2961566 1.2631246 1.3256142 1.3104023 1.1595284 1.0572654 1.0325398\n", - " 1.0852731 1.1272076 1.0632405 1.0578066 1.0686616 1.04093 1.1204135\n", - " 1.0412726 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 3 0 1 4 8 13 7 11 9 10 5 14 12 6 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"sheriff pat melton says moore , 66 , was at the former polk youth institute in butner , north carolina , serving a sentence of more than 10 years for larceny when he broke free june 10 , 1972 .when clarence david moore escaped from a north carolina prison as a 23-year-old inmate , president richard nixon occupied the white house , us forces were still fighting in vietnam and a single ride on the new york city subway cost 30 cents .moore has been on the run from the law for more than four decades , until monday afternoon when he called the franklin county sheriff 's office in kentucky and admitted to being a fugitive .\"]\n", - "=======================\n", - "[\"clarence david moore was serving a sentence for larceny when in june 1972 he escaped from north carolina prisonmoore called sheriff 's office in frankfort , kentucky , monday admitting he was a fugitivethe 66-year-old outlaw suffers from many ailments but has n't been able to seek medical treatment because he does n't have social security card or id\"]\n", - "sheriff pat melton says moore , 66 , was at the former polk youth institute in butner , north carolina , serving a sentence of more than 10 years for larceny when he broke free june 10 , 1972 .when clarence david moore escaped from a north carolina prison as a 23-year-old inmate , president richard nixon occupied the white house , us forces were still fighting in vietnam and a single ride on the new york city subway cost 30 cents .moore has been on the run from the law for more than four decades , until monday afternoon when he called the franklin county sheriff 's office in kentucky and admitted to being a fugitive .\n", - "clarence david moore was serving a sentence for larceny when in june 1972 he escaped from north carolina prisonmoore called sheriff 's office in frankfort , kentucky , monday admitting he was a fugitivethe 66-year-old outlaw suffers from many ailments but has n't been able to seek medical treatment because he does n't have social security card or id\n", - "[1.3404404 1.3456337 1.3088686 1.340322 1.2170873 1.2887259 1.0799601\n", - " 1.0261087 1.1897857 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 2 5 4 8 6 7 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", - "=======================\n", - "['ryan dearnley won the chance to walk out at wembley when the royals beat huddersfield in the third round but footage of him backing arsenal in the huddersfield examiner sparked a furious response from reading supporters .a 10-year-old huddersfield town supporter has been removed from his role as a mascot for reading in their fa cup semi-final against arsenal on saturday after a video emerged of him saying he hopes the gunners win .the young supporter had said he hoped arsenal beat reading , prompting outrage from royals fans']\n", - "=======================\n", - "['ryan dearnley won the chance to be a mascot in the fa cup semi-finalhe was due to be one for reading before saying he wanted arsenal to winfan outrage caused the fa to move his prize to an england game instead']\n", - "ryan dearnley won the chance to walk out at wembley when the royals beat huddersfield in the third round but footage of him backing arsenal in the huddersfield examiner sparked a furious response from reading supporters .a 10-year-old huddersfield town supporter has been removed from his role as a mascot for reading in their fa cup semi-final against arsenal on saturday after a video emerged of him saying he hopes the gunners win .the young supporter had said he hoped arsenal beat reading , prompting outrage from royals fans\n", - "ryan dearnley won the chance to be a mascot in the fa cup semi-finalhe was due to be one for reading before saying he wanted arsenal to winfan outrage caused the fa to move his prize to an england game instead\n", - "[1.3904997 1.093577 1.0659809 1.0780003 1.0512576 1.4614553 1.0820305\n", - " 1.0856981 1.0583205 1.0855764 1.0372831 1.0184834 1.0753967 1.024207\n", - " 1.1223236 1.124345 1.1839385 1.0960108 1.0337839 1.0172336]\n", - "\n", - "[ 5 0 16 15 14 17 1 7 9 6 3 12 2 8 4 10 18 13 11 19]\n", - "=======================\n", - "['england captain alastair cook celebrates as he scores the runs to defeat west indies in the second testjames anderson ( left ) celebrates the dismissal of west indies batsman marlon samuelshe seems to be on top of the big two senior bowlers in anderson and stuart broad , as was made clear in the first test when he had a little argument over fielding positions with anderson and very much got his own way .']\n", - "=======================\n", - "[\"jimmy anderson 's recent performance in the second test was one of the greatest i 've ever seen from an england cricketerhowever , alastair cook 's played an even bigger role in england 's successcook 's battling and captaincy qualities were clear to see throughoutelsewhere , england will have a very good player back on their hands if jonathan trott can regain his old calmness going into the third test\"]\n", - "england captain alastair cook celebrates as he scores the runs to defeat west indies in the second testjames anderson ( left ) celebrates the dismissal of west indies batsman marlon samuelshe seems to be on top of the big two senior bowlers in anderson and stuart broad , as was made clear in the first test when he had a little argument over fielding positions with anderson and very much got his own way .\n", - "jimmy anderson 's recent performance in the second test was one of the greatest i 've ever seen from an england cricketerhowever , alastair cook 's played an even bigger role in england 's successcook 's battling and captaincy qualities were clear to see throughoutelsewhere , england will have a very good player back on their hands if jonathan trott can regain his old calmness going into the third test\n", - "[1.2629256 1.4329604 1.2445419 1.3282459 1.2070383 1.1056193 1.0521811\n", - " 1.0177763 1.1606392 1.0536654 1.0447236 1.1483885 1.0507803 1.0675263\n", - " 1.0880598 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 8 11 5 14 13 9 6 12 10 7 18 15 16 17 19]\n", - "=======================\n", - "['former adelaide doctor tareq kamleh featured in the latest isis propaganda video at the weekend wearing western-style surgical scrubs and handling babies in a maternity ward as he urged people to join the death cult notorious for beheading non-muslims .despite his public support for isis , dr kamleh still remains registered to practice medicine in australia until september 30 because the medical board has refused to deregister him , the advertiser reports .but no action has yet been taken against dr kamleh .']\n", - "=======================\n", - "[\"australian doctor who joined isis is still registered to practice medicineadelaide doctor tareq kamleh has n't been deregistered despite publicly supporting terrorist culthe appeared in isis recruitment video calling for support of foreign medicsmedical board can deregister doctors convicted of crimes or misconductit comes after colleagues revealed dr kamleh was ' a womaniser who slept with a sex worker after checking her medical records '\"]\n", - "former adelaide doctor tareq kamleh featured in the latest isis propaganda video at the weekend wearing western-style surgical scrubs and handling babies in a maternity ward as he urged people to join the death cult notorious for beheading non-muslims .despite his public support for isis , dr kamleh still remains registered to practice medicine in australia until september 30 because the medical board has refused to deregister him , the advertiser reports .but no action has yet been taken against dr kamleh .\n", - "australian doctor who joined isis is still registered to practice medicineadelaide doctor tareq kamleh has n't been deregistered despite publicly supporting terrorist culthe appeared in isis recruitment video calling for support of foreign medicsmedical board can deregister doctors convicted of crimes or misconductit comes after colleagues revealed dr kamleh was ' a womaniser who slept with a sex worker after checking her medical records '\n", - "[1.4810684 1.3269438 1.2529931 1.3681868 1.1452991 1.1798192 1.0839865\n", - " 1.0690322 1.0503726 1.0183599 1.0142924 1.0697544 1.0464636 1.0859431\n", - " 1.1339862 1.046924 1.0112841 1.0611863 1.0779305 1.0800077]\n", - "\n", - "[ 0 3 1 2 5 4 14 13 6 19 18 11 7 17 8 15 12 9 10 16]\n", - "=======================\n", - "['memphis depay had a secret meeting with manchester united on wednesday as the club look to tie up a move for the psv eindhoven winger .depay , 21 , jetted to england with representatives including his agent kees ploegsma for a summit with a united delegation led by manager louis van gaal .united are leading the hunt for the pacy holland international but face opposition from paris saint - germain while liverpool have also expressed an interest .']\n", - "=======================\n", - "[\"manchester united looking to tie up a deal for memphis depaythe dutchman has been in scintillating form for psv this seasondepay met with united on wednesday but phillip cocu was unawarecocu did , however , concede the premier league is ` great 'click here for all you need to know about depay\"]\n", - "memphis depay had a secret meeting with manchester united on wednesday as the club look to tie up a move for the psv eindhoven winger .depay , 21 , jetted to england with representatives including his agent kees ploegsma for a summit with a united delegation led by manager louis van gaal .united are leading the hunt for the pacy holland international but face opposition from paris saint - germain while liverpool have also expressed an interest .\n", - "manchester united looking to tie up a deal for memphis depaythe dutchman has been in scintillating form for psv this seasondepay met with united on wednesday but phillip cocu was unawarecocu did , however , concede the premier league is ` great 'click here for all you need to know about depay\n", - "[1.239141 1.4551305 1.2178282 1.2032089 1.2059424 1.2107491 1.0693308\n", - " 1.0244327 1.1002816 1.0647572 1.076452 1.1077706 1.0740254 1.0569391\n", - " 1.0329008 1.0215458 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 5 4 3 11 8 10 12 6 9 13 14 7 15 16 17 18 19]\n", - "=======================\n", - "['teana walsh , who is paid by michigan taxpayers to pursue justice , wrote an unhinged post on her facebook urging a deadly response to violence in the troubled maryland city .a state prosecutor in detroit made the ill-advised suggestion that baltimore police should respond to protests gripping the city by shooting everyone involved .walsh an assistant prosecutor in wayne county , which includes detroit , aired her point of view late monday night , fox2 detroit reported .']\n", - "=======================\n", - "[\"teana walsh , assistant prosecutor in wayne county , michigan , wrote facebook postsaid she watched violent rioters in baltimore and found them ` disgusting 'suggested that shooting them was the only solution - then deleted posther bosses were forced to issue statement defending her\"]\n", - "teana walsh , who is paid by michigan taxpayers to pursue justice , wrote an unhinged post on her facebook urging a deadly response to violence in the troubled maryland city .a state prosecutor in detroit made the ill-advised suggestion that baltimore police should respond to protests gripping the city by shooting everyone involved .walsh an assistant prosecutor in wayne county , which includes detroit , aired her point of view late monday night , fox2 detroit reported .\n", - "teana walsh , assistant prosecutor in wayne county , michigan , wrote facebook postsaid she watched violent rioters in baltimore and found them ` disgusting 'suggested that shooting them was the only solution - then deleted posther bosses were forced to issue statement defending her\n", - "[1.304951 1.3340087 1.1513423 1.1926385 1.0644183 1.0530628 1.0727309\n", - " 1.0781494 1.0243273 1.0357444 1.071244 1.2226503 1.0424473 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 11 3 2 7 6 10 4 5 12 9 8 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"for the state that calls itself the ` land of lincoln , ' the timing of a ceremony wednesday in springfield to mark his death is awkward because illinois faces a financial crisis and gov. bruce rauner has proposed eliminating the state historic preservation agency that manages sites including the tomb as it currently exists .caretakers of abraham lincoln 's tomb are on the defensive over an unflattering critique in national geographic magazine and looming budget cuts that could threaten management of the historic site , even as they commemorate the 150th anniversary of the u.s. civil war president 's assassination .he would roll the agency into another department .\"]\n", - "=======================\n", - "[\"caretakers of lincoln 's tomb are on the defensive over an unflattering magazine critique and looming budget cutsthe site was pilloried in this month 's issue of national geographic magazine as having ` all the historical character of an office lobby 'gov. bruce rauner has proposed eliminating the state historic preservation agency , which manages the tombrauner would roll the agency into another departmentlincoln 's tomb was designed by vermont sculptor larkin mead , who won a national contestit was dedicated by president ulysses s. grant in 1874the tomb was reconstructed in both 1899 and 1930\"]\n", - "for the state that calls itself the ` land of lincoln , ' the timing of a ceremony wednesday in springfield to mark his death is awkward because illinois faces a financial crisis and gov. bruce rauner has proposed eliminating the state historic preservation agency that manages sites including the tomb as it currently exists .caretakers of abraham lincoln 's tomb are on the defensive over an unflattering critique in national geographic magazine and looming budget cuts that could threaten management of the historic site , even as they commemorate the 150th anniversary of the u.s. civil war president 's assassination .he would roll the agency into another department .\n", - "caretakers of lincoln 's tomb are on the defensive over an unflattering magazine critique and looming budget cutsthe site was pilloried in this month 's issue of national geographic magazine as having ` all the historical character of an office lobby 'gov. bruce rauner has proposed eliminating the state historic preservation agency , which manages the tombrauner would roll the agency into another departmentlincoln 's tomb was designed by vermont sculptor larkin mead , who won a national contestit was dedicated by president ulysses s. grant in 1874the tomb was reconstructed in both 1899 and 1930\n", - "[1.3513187 1.490025 1.0664232 1.3674792 1.1011611 1.1619973 1.0840857\n", - " 1.0340928 1.0447176 1.0168716 1.0800717 1.0562422 1.1082333 1.1506577\n", - " 1.0532454 1.1043074 1.0251236 1.0177873 1.0254755 1.0490661 0. ]\n", - "\n", - "[ 1 3 0 5 13 12 15 4 6 10 2 11 14 19 8 7 18 16 17 9 20]\n", - "=======================\n", - "[\"two 49-year-old women and a 23-year-old man were removed from the plane just before it left bristol for faro around 7pm yesterday ( thursday ) .a ryanair flight took off without three booked passengers bound for faro yesterday after they were arrested for being drunk and disorderlybristol airport confirmed that the drunk passengers ' actions caused further delays to the ryanair flight\"]\n", - "=======================\n", - "['two women aged 49 and a 23-year-old man removed from planeincident caused further delays for ryanair flight to faro from bristolairport security re-affirm anti-social behaviour will be dealt with harshly']\n", - "two 49-year-old women and a 23-year-old man were removed from the plane just before it left bristol for faro around 7pm yesterday ( thursday ) .a ryanair flight took off without three booked passengers bound for faro yesterday after they were arrested for being drunk and disorderlybristol airport confirmed that the drunk passengers ' actions caused further delays to the ryanair flight\n", - "two women aged 49 and a 23-year-old man removed from planeincident caused further delays for ryanair flight to faro from bristolairport security re-affirm anti-social behaviour will be dealt with harshly\n", - "[1.4632193 1.1601224 1.187064 1.1126248 1.0397154 1.2473301 1.1304966\n", - " 1.0685036 1.22593 1.0884701 1.0570909 1.0677963 1.0177763 1.0131032\n", - " 1.0251226 1.0727693 1.139502 1.060817 1.0320619 1.0217808 1.0322186]\n", - "\n", - "[ 0 5 8 2 1 16 6 3 9 15 7 11 17 10 4 20 18 14 19 12 13]\n", - "=======================\n", - "['( cnn ) cynthia lennon , who married john lennon when he was a struggling musician and was there when he rose to fame with the beatles , died wednesday , according to a post on the website of her son , julian .john and cynthia lennon were married for six years , from 1962 to 1968 .her son julian lennon was at her bedside throughout , \" his website says .']\n", - "=======================\n", - "[\"cynthia lennon was john lennon 's first wifeshe was there during the rise of the beatlesher death was announced by her son , julian\"]\n", - "( cnn ) cynthia lennon , who married john lennon when he was a struggling musician and was there when he rose to fame with the beatles , died wednesday , according to a post on the website of her son , julian .john and cynthia lennon were married for six years , from 1962 to 1968 .her son julian lennon was at her bedside throughout , \" his website says .\n", - "cynthia lennon was john lennon 's first wifeshe was there during the rise of the beatlesher death was announced by her son , julian\n", - "[1.1821262 1.4816775 1.1399829 1.2003177 1.3068774 1.1912184 1.1661128\n", - " 1.1319039 1.0727437 1.1025362 1.0881951 1.0588889 1.0490354 1.0650183\n", - " 1.0508085 1.1979918 1.0483251 1.0530566 1.0160875 0. 0. ]\n", - "\n", - "[ 1 4 3 15 5 0 6 2 7 9 10 8 13 11 17 14 12 16 18 19 20]\n", - "=======================\n", - "[\"kelly nash , 25 , was last seen alive in the early hours of january 5 when he woke up coughing and sneezing , and told his girlfriend , jessica sexton , he was not feeling well .he left the house without his wallet , id card or the keys to his truck .'cause of death ' : the 25-year-old suffered a gunshot wound and drowned , according to officials\"]\n", - "=======================\n", - "[\"kelly nash , 25 , went missing from his buford , georgia home january 5nash left the house without his wallet , car keys or id , but a 9mm handgun went missing from his house that nighta fisherman came upon kelly nash 's decomposed body in lake lanier in early februarysheriff 's officials said the 25-year-old accounting student suffered a gunshot wound and drowned\"]\n", - "kelly nash , 25 , was last seen alive in the early hours of january 5 when he woke up coughing and sneezing , and told his girlfriend , jessica sexton , he was not feeling well .he left the house without his wallet , id card or the keys to his truck .'cause of death ' : the 25-year-old suffered a gunshot wound and drowned , according to officials\n", - "kelly nash , 25 , went missing from his buford , georgia home january 5nash left the house without his wallet , car keys or id , but a 9mm handgun went missing from his house that nighta fisherman came upon kelly nash 's decomposed body in lake lanier in early februarysheriff 's officials said the 25-year-old accounting student suffered a gunshot wound and drowned\n", - "[1.2140517 1.1227599 1.3591373 1.3638929 1.3121476 1.0982289 1.0841863\n", - " 1.0474169 1.1616834 1.0579284 1.0536914 1.1122664 1.0370218 1.018144\n", - " 1.0092416 1.0081261 1.1352544 1.0506212 1.0295258 1.0218891 0. ]\n", - "\n", - "[ 3 2 4 0 8 16 1 11 5 6 9 10 17 7 12 18 19 13 14 15 20]\n", - "=======================\n", - "[\"kurtes disallowed williamson 's penalty for encroachment from england players at the weekend , but instead of ordering her back to the spot , awarded a free-kick to norway .leah williamson held incredible nerve to retake a penalty which she ought to have taken on saturday , were it not for german referee marjia kurtes ' terrific blunder .leah williamson ( centre ) stepped up again to take the penalty during the 18-second rematch against norway\"]\n", - "=======================\n", - "[\"leah williamson reveals she could n't sleep ahead of crucial penalty retake as england earn 2-2 against norwaymo marley 's side qualify for european championships in israeluefa ordered the final 18 seconds of the qualifier to be replayed after a refereeing mistakereferee marija kurtes incorrectly awarded an indirect free-kick to norway for encroachment after disallowing england 's penalty on saturdayengland were 2-1 down to norway at the time in the 96th minutegerman kurtes , 28 , has been sent home following her errorit is the first time ever that a decision like this has been taken by uefawatch video below of the controversial penalty incidentread : graham poll 's expert verdict on uefa 's bizarre decision\"]\n", - "kurtes disallowed williamson 's penalty for encroachment from england players at the weekend , but instead of ordering her back to the spot , awarded a free-kick to norway .leah williamson held incredible nerve to retake a penalty which she ought to have taken on saturday , were it not for german referee marjia kurtes ' terrific blunder .leah williamson ( centre ) stepped up again to take the penalty during the 18-second rematch against norway\n", - "leah williamson reveals she could n't sleep ahead of crucial penalty retake as england earn 2-2 against norwaymo marley 's side qualify for european championships in israeluefa ordered the final 18 seconds of the qualifier to be replayed after a refereeing mistakereferee marija kurtes incorrectly awarded an indirect free-kick to norway for encroachment after disallowing england 's penalty on saturdayengland were 2-1 down to norway at the time in the 96th minutegerman kurtes , 28 , has been sent home following her errorit is the first time ever that a decision like this has been taken by uefawatch video below of the controversial penalty incidentread : graham poll 's expert verdict on uefa 's bizarre decision\n", - "[1.279064 1.2955256 1.3011335 1.2772775 1.2784055 1.085128 1.0411937\n", - " 1.0275972 1.0251573 1.011876 1.1398575 1.0521386 1.0907065 1.0357537\n", - " 1.0264307 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 4 3 10 12 5 11 6 13 7 14 8 9 19 15 16 17 18 20]\n", - "=======================\n", - "['their claims - based on the analysis of photos and videos of the marathon - even led to 22-year-old sunil tripathi , a brown university student who was missing , being wrongly identified as the bomber .but in the days after the 2013 attack , the users of the subreddit , find boston bombers , hurled false accusations at countless spectators who had been wearing backpacks at the high-profile event .they took to reddit in their millions in the hope of pinpointing the suspect or suspects behind the boston marathon bombings , which killed two women and a young boy , and injured a further 264 .']\n", - "=======================\n", - "[\"chris ryves set up find boston bombers thread after the 2013 bombingswithin hours , millions of users had taken to subreddit to identify bomberthey analysed photos and videos of spectators at marathon on april 15slung false accusations at those wearing backpacks or acting strangelyclaims led to sunil tripathi , 22 , being wrongly identified as the suspectfrenzy only halted after dzhokhar and tamerlan tsarnaev were namednow , ryves has told of regrets about reddit thread in new documentaryin film , the thread , he says the subreddit ` became almost its own beast '\"]\n", - "their claims - based on the analysis of photos and videos of the marathon - even led to 22-year-old sunil tripathi , a brown university student who was missing , being wrongly identified as the bomber .but in the days after the 2013 attack , the users of the subreddit , find boston bombers , hurled false accusations at countless spectators who had been wearing backpacks at the high-profile event .they took to reddit in their millions in the hope of pinpointing the suspect or suspects behind the boston marathon bombings , which killed two women and a young boy , and injured a further 264 .\n", - "chris ryves set up find boston bombers thread after the 2013 bombingswithin hours , millions of users had taken to subreddit to identify bomberthey analysed photos and videos of spectators at marathon on april 15slung false accusations at those wearing backpacks or acting strangelyclaims led to sunil tripathi , 22 , being wrongly identified as the suspectfrenzy only halted after dzhokhar and tamerlan tsarnaev were namednow , ryves has told of regrets about reddit thread in new documentaryin film , the thread , he says the subreddit ` became almost its own beast '\n", - "[1.4423051 1.2886567 1.1481344 1.3848367 1.1317173 1.1172765 1.0930095\n", - " 1.1222935 1.1948249 1.0583291 1.1163157 1.0334756 1.0476999 1.0454025\n", - " 1.0277854 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 8 2 4 7 5 10 6 9 12 13 11 14 16 15 17]\n", - "=======================\n", - "[\"real madrid manager carlo ancelotti has moved to deny rumours he is about to leave the santiago bernabeu this summer , telling the spanish media he sees himself remaining in charge of the 10-time european champions next year .ancelotti has been linked with a return to the premier league amid growing pressure on manchester city manager manuel pellegrini , but the former chelsea boss said he expects to be in the spanish capital for at least another year .karim benzema has been ruled out of real madrid 's match against malaga this evening through a knee injury\"]\n", - "=======================\n", - "['as reports carlo ancelotti will remain real madrid manager next seasonancelotti also expects iker casillas to be at the bernabeu next yearmadrid host malaga tonight looking to close the gap on leaders barcelona']\n", - "real madrid manager carlo ancelotti has moved to deny rumours he is about to leave the santiago bernabeu this summer , telling the spanish media he sees himself remaining in charge of the 10-time european champions next year .ancelotti has been linked with a return to the premier league amid growing pressure on manchester city manager manuel pellegrini , but the former chelsea boss said he expects to be in the spanish capital for at least another year .karim benzema has been ruled out of real madrid 's match against malaga this evening through a knee injury\n", - "as reports carlo ancelotti will remain real madrid manager next seasonancelotti also expects iker casillas to be at the bernabeu next yearmadrid host malaga tonight looking to close the gap on leaders barcelona\n", - "[1.1727054 1.328399 1.3337748 1.2200509 1.2270468 1.1682183 1.133248\n", - " 1.0315126 1.0406938 1.076931 1.0734453 1.1829752 1.0242486 1.0373116\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 4 3 11 0 5 6 9 10 8 13 7 12 14 15 16 17]\n", - "=======================\n", - "['now a&e networks are remaking the miniseries , to air in 2016 .\" roots , \" the epic miniseries about an african-american slave and his descendants , had a staggering audience of over 100 million viewers back in 1977 .levar burton , who portrayed kinte in the original , will co-executive produce the new miniseries .']\n", - "=======================\n", - "['the a&e networks are remaking the blockbuster \" roots \" miniseries , to air in 2016the epic 1977 miniseries about an african-american slave had 100 million viewers']\n", - "now a&e networks are remaking the miniseries , to air in 2016 .\" roots , \" the epic miniseries about an african-american slave and his descendants , had a staggering audience of over 100 million viewers back in 1977 .levar burton , who portrayed kinte in the original , will co-executive produce the new miniseries .\n", - "the a&e networks are remaking the blockbuster \" roots \" miniseries , to air in 2016the epic 1977 miniseries about an african-american slave had 100 million viewers\n", - "[1.1206356 1.227569 1.329941 1.2355143 1.1098188 1.299315 1.1743703\n", - " 1.0472456 1.0213238 1.0129132 1.2152748 1.137765 1.0907844 1.030853\n", - " 1.0511212 1.0119394 1.1191561 1.0626134]\n", - "\n", - "[ 2 5 3 1 10 6 11 0 16 4 12 17 14 7 13 8 9 15]\n", - "=======================\n", - "[\"the war widows - who were much younger than their returned servicemen husbands - will be the guests of honour at the gallipoli dawn service on saturday .jean pockett , the widow of private arthur herbert pockett , is one of 10 war widows brought to gallipoli by the department of veteran 's affairs for anzac day this saturday on the gallipoli peninsularone hundred years on , these war widows are visiting the battlefields in gallipoli - many of them for the first time .\"]\n", - "=======================\n", - "[\"ten australian war widows travelled to gallipoli to attend this saturday 's anzac centenary commemorationsthe group - who were much younger than their husbands - are guests of honour at the gallipoli dawn servicethey will join more than 10,000 australians and new zealanders at the anzac commemorative site at gallipoli\"]\n", - "the war widows - who were much younger than their returned servicemen husbands - will be the guests of honour at the gallipoli dawn service on saturday .jean pockett , the widow of private arthur herbert pockett , is one of 10 war widows brought to gallipoli by the department of veteran 's affairs for anzac day this saturday on the gallipoli peninsularone hundred years on , these war widows are visiting the battlefields in gallipoli - many of them for the first time .\n", - "ten australian war widows travelled to gallipoli to attend this saturday 's anzac centenary commemorationsthe group - who were much younger than their husbands - are guests of honour at the gallipoli dawn servicethey will join more than 10,000 australians and new zealanders at the anzac commemorative site at gallipoli\n", - "[1.2091364 1.2744594 1.1126227 1.3440564 1.2220281 1.1363198 1.1381038\n", - " 1.084094 1.0544668 1.0410266 1.1060776 1.0588673 1.2338483 1.1242697\n", - " 1.1450846 1.0840808 0. 0. ]\n", - "\n", - "[ 3 1 12 4 0 14 6 5 13 2 10 7 15 11 8 9 16 17]\n", - "=======================\n", - "['autistic boy luke shambrook , 11 , was sitting on the side of a hill peering between trees toward a police helicopter at the moment he was found save after surviving for a remarkable five days on his own in the bushluke shambrook has been found alive after he went missing from a victorian campsite at 9.30 am on fridayluke was sitting alone and forlorn on the hill when he was spotted from the police helicopter']\n", - "=======================\n", - "[\"luke shambrook found alive after going missing while camping on fridayremarkable video shows the moment rescuers reach the terrified boythe 11-year-old was found in thick bushland 3km from the campsite in the fraser national park near lake eildon , north-east of melbournepolice were hopeful they would find luke , who has ` high pain tolerance 'he has dehydration and hypothermia and has been driven to hospital\"]\n", - "autistic boy luke shambrook , 11 , was sitting on the side of a hill peering between trees toward a police helicopter at the moment he was found save after surviving for a remarkable five days on his own in the bushluke shambrook has been found alive after he went missing from a victorian campsite at 9.30 am on fridayluke was sitting alone and forlorn on the hill when he was spotted from the police helicopter\n", - "luke shambrook found alive after going missing while camping on fridayremarkable video shows the moment rescuers reach the terrified boythe 11-year-old was found in thick bushland 3km from the campsite in the fraser national park near lake eildon , north-east of melbournepolice were hopeful they would find luke , who has ` high pain tolerance 'he has dehydration and hypothermia and has been driven to hospital\n", - "[1.37838 1.1507543 1.108064 1.303663 1.2165033 1.0904593 1.0897427\n", - " 1.0743816 1.2004935 1.076633 1.0306587 1.0229497 1.1443552 1.0370837\n", - " 1.1390812 1.1569486 1.0137168 1.0158834]\n", - "\n", - "[ 0 3 4 8 15 1 12 14 2 5 6 9 7 13 10 11 17 16]\n", - "=======================\n", - "['a young fisherman in thailand reeled in the catch of the day after hooking a fish with a plastic toy fishing rod -- but was the achievement just a hoax ?the youngster stands on the bank of what appears to be a lake and holds a tiny blue and yellow fishing rodhe then crouches down by the side of the water and moves his rod from side to side -- tension on the end of it is now visible .']\n", - "=======================\n", - "['the young boy holds a tiny blue and yellow toy fishing rodhe crouches by the side of the water and reels in the catchbefore plucking it from the lake and holding it to the camerashot in thailand , the video appears to show a nile tilapia fish']\n", - "a young fisherman in thailand reeled in the catch of the day after hooking a fish with a plastic toy fishing rod -- but was the achievement just a hoax ?the youngster stands on the bank of what appears to be a lake and holds a tiny blue and yellow fishing rodhe then crouches down by the side of the water and moves his rod from side to side -- tension on the end of it is now visible .\n", - "the young boy holds a tiny blue and yellow toy fishing rodhe crouches by the side of the water and reels in the catchbefore plucking it from the lake and holding it to the camerashot in thailand , the video appears to show a nile tilapia fish\n", - "[1.1563694 1.0994158 1.1803833 1.1105504 1.342682 1.119916 1.2480137\n", - " 1.0925024 1.0399891 1.1204144 1.0308356 1.0563965 1.0774714 1.0530494\n", - " 1.0510834 1.0348865 1.0762353 0. ]\n", - "\n", - "[ 4 6 2 0 9 5 3 1 7 12 16 11 13 14 8 15 10 17]\n", - "=======================\n", - "['jos buttler appeals for a stumping as england dominated the second day of a farcical match in st kittsthe statistics will say that england , having bowled st kitts out for 59 on the first day of their opening two-day tour match , rattled up 379 for six declared with both alastair cook and ian bell retiring out .st kitts were simply shambolic , so bad that chigwell cricket club could give them a decent game , and an almost tragic example of the steep decline of caribbean cricket .']\n", - "=======================\n", - "['england reduce invitational xi to 24 for six after amassing lead of 320hosts hold out for a draw , but the game had descended into a farceengland will learn little from glorified net against woeful oppositionjames tredwell out-bowls adil rashid in contest to be test spinner']\n", - "jos buttler appeals for a stumping as england dominated the second day of a farcical match in st kittsthe statistics will say that england , having bowled st kitts out for 59 on the first day of their opening two-day tour match , rattled up 379 for six declared with both alastair cook and ian bell retiring out .st kitts were simply shambolic , so bad that chigwell cricket club could give them a decent game , and an almost tragic example of the steep decline of caribbean cricket .\n", - "england reduce invitational xi to 24 for six after amassing lead of 320hosts hold out for a draw , but the game had descended into a farceengland will learn little from glorified net against woeful oppositionjames tredwell out-bowls adil rashid in contest to be test spinner\n", - "[1.2683674 1.3614277 1.1976433 1.1417071 1.2428265 1.1651013 1.1214314\n", - " 1.1540165 1.1931432 1.0378453 1.0305412 1.0499288 1.0589885 1.1096246\n", - " 1.0540295 1.0362659 0. 0. ]\n", - "\n", - "[ 1 0 4 2 8 5 7 3 6 13 12 14 11 9 15 10 16 17]\n", - "=======================\n", - "['brent council said it was no longer able to afford to pay for a live-in carer to look after second world war veteran robert clark at his home in burnt oak , north london .a donations page set up by the forces charity help for heroes has already raised # 10,000 to help mr clark remain in his own homethis is despite the fact he had already used # 50,000 of his life savings paying for his care .']\n", - "=======================\n", - "['brent council told veteran robert clark they were unable to afford his careadded he would have to move from his own home and into a care homemr clark had already used most of his life savings paying for a live-in careran appeal has raised # 10,000 in four days to help him stay in his own home']\n", - "brent council said it was no longer able to afford to pay for a live-in carer to look after second world war veteran robert clark at his home in burnt oak , north london .a donations page set up by the forces charity help for heroes has already raised # 10,000 to help mr clark remain in his own homethis is despite the fact he had already used # 50,000 of his life savings paying for his care .\n", - "brent council told veteran robert clark they were unable to afford his careadded he would have to move from his own home and into a care homemr clark had already used most of his life savings paying for a live-in careran appeal has raised # 10,000 in four days to help him stay in his own home\n", - "[1.1811095 1.2750602 1.08491 1.1645974 1.0952915 1.4954324 1.1525358\n", - " 1.1740884 1.0434649 1.0257614 1.0423176 1.0379592 1.0259521 1.0502934\n", - " 1.1062423 1.0240259 1.0414906 0. ]\n", - "\n", - "[ 5 1 0 7 3 6 14 4 2 13 8 10 16 11 12 9 15 17]\n", - "=======================\n", - "[\"al kellock will retire at the end of the season and take up a new role with the sru` so my friend and foe alastair kellock calls time on a great career , ' tweeted scotland and saracens lock jim hamilton .at 33 and having amassed 56 international caps and made over 200 appearances for glasgow and edinburgh , kellock has decided that his body and mind have been put through enough .\"]\n", - "=======================\n", - "['glasgow warriors captain al kellock will retire at the end of the seasonkellock amassed 56 scotland caps during eleven-year international careerthe lock is calling time on career after 150 matches as glasgow captain']\n", - "al kellock will retire at the end of the season and take up a new role with the sru` so my friend and foe alastair kellock calls time on a great career , ' tweeted scotland and saracens lock jim hamilton .at 33 and having amassed 56 international caps and made over 200 appearances for glasgow and edinburgh , kellock has decided that his body and mind have been put through enough .\n", - "glasgow warriors captain al kellock will retire at the end of the seasonkellock amassed 56 scotland caps during eleven-year international careerthe lock is calling time on career after 150 matches as glasgow captain\n", - "[1.0648092 1.1373482 1.3839169 1.2638417 1.3243341 1.2817147 1.0398245\n", - " 1.1793692 1.0243429 1.0532221 1.1157302 1.2127235 1.0323484 1.0725878\n", - " 1.0195457 1.1635264 1.0164495 1.0354724]\n", - "\n", - "[ 2 4 5 3 11 7 15 1 10 13 0 9 6 17 12 8 14 16]\n", - "=======================\n", - "[\"one little boy was lucky enough to meet justin verlander , pitcher for the detroit tigers , under those same , once-in-a-lifetime , circumstances .selfie : detroit tigers pitcher justin verlander ( right ) snapped this selfie in front a little boy wearing a dark blue shirt with verlander 's name and jersey number , 35 , on the backinstagram : the pitcher uploaded the selfie to his more than 150,000 instagram followers writing : ` love having my fans support !!\"]\n", - "=======================\n", - "[\"detroit tigers pitcher justin verlander snapped a selfie in front of an unsuspecting little boy wearing the player 's shirt in line at a starbucksverlander uploaded the photo to instagram saying the fan was ` pretty surprised ' when he turned aroundthe photo has gotten more than 16,000 ` likes ' and 600 comments\"]\n", - "one little boy was lucky enough to meet justin verlander , pitcher for the detroit tigers , under those same , once-in-a-lifetime , circumstances .selfie : detroit tigers pitcher justin verlander ( right ) snapped this selfie in front a little boy wearing a dark blue shirt with verlander 's name and jersey number , 35 , on the backinstagram : the pitcher uploaded the selfie to his more than 150,000 instagram followers writing : ` love having my fans support !!\n", - "detroit tigers pitcher justin verlander snapped a selfie in front of an unsuspecting little boy wearing the player 's shirt in line at a starbucksverlander uploaded the photo to instagram saying the fan was ` pretty surprised ' when he turned aroundthe photo has gotten more than 16,000 ` likes ' and 600 comments\n", - "[1.4243655 1.2284915 1.3986137 1.3231747 1.1990278 1.0598204 1.0248629\n", - " 1.0223353 1.1219773 1.1825827 1.099721 1.1251758 1.0240897 1.0161791\n", - " 1.0101424 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 4 9 11 8 10 5 6 12 7 13 14 16 15 17]\n", - "=======================\n", - "['hassan munshi , one of two teenagers feared to have crossed into syria to join isis , is believed to be a relative of hammaad munshi ( pictured )the boys who have been named as 17-year-olds hassan munshi and talha asmal are believed to have traveled to the embattled country after heading to turkey on march 31 .hassan is supposedly related to hammaad munshi , who was arrested by counter-terrorism police at the age of 15 back in 2006 .']\n", - "=======================\n", - "[\"families of hassan munshi and talha asmal , both 17 , released statementteenagers had ` promising futures as apprentice and student respectively 'claimed it 's ` nearly impossible to know your children have been groomed 'hassan is ` relative of hammaad munshi who joined islamic state aged 15 '\"]\n", - "hassan munshi , one of two teenagers feared to have crossed into syria to join isis , is believed to be a relative of hammaad munshi ( pictured )the boys who have been named as 17-year-olds hassan munshi and talha asmal are believed to have traveled to the embattled country after heading to turkey on march 31 .hassan is supposedly related to hammaad munshi , who was arrested by counter-terrorism police at the age of 15 back in 2006 .\n", - "families of hassan munshi and talha asmal , both 17 , released statementteenagers had ` promising futures as apprentice and student respectively 'claimed it 's ` nearly impossible to know your children have been groomed 'hassan is ` relative of hammaad munshi who joined islamic state aged 15 '\n", - "[1.5715332 1.3945603 1.2982247 1.2618445 1.1036987 1.031229 1.0226111\n", - " 1.106696 1.1555569 1.0838361 1.0453197 1.0242261 1.0125506 1.0117654\n", - " 1.0446019 1.014287 1.0112305 1.0176928 1.0313911 1.0147988 1.0086889\n", - " 1.0081961 1.0307196]\n", - "\n", - "[ 0 1 2 3 8 7 4 9 10 14 18 5 22 11 6 17 19 15 12 13 16 20 21]\n", - "=======================\n", - "['crucible thoroughbreds john higgins and graeme dott led the scottish charge on sunday at the betfred world championship .four-time winner higgins impressed with a 10-5 first-round victory over robert milkins , and looked to be approaching the form that last saw him take the title four years ago .the 39-year-old fired breaks of 77 , 75 , 69 and a clinching 106 in the second session as he coasted home against gloucester potter milkins , who took the match beyond its evening interval but was thoroughly outplayed .']\n", - "=======================\n", - "['john higgins beats robert milkins 10-5 to reach second roundhiggins says he would love to challenge for world title againbut the 39-year-old admits there are many more favoured playersgraeme dott sees off ricky walden 10-8']\n", - "crucible thoroughbreds john higgins and graeme dott led the scottish charge on sunday at the betfred world championship .four-time winner higgins impressed with a 10-5 first-round victory over robert milkins , and looked to be approaching the form that last saw him take the title four years ago .the 39-year-old fired breaks of 77 , 75 , 69 and a clinching 106 in the second session as he coasted home against gloucester potter milkins , who took the match beyond its evening interval but was thoroughly outplayed .\n", - "john higgins beats robert milkins 10-5 to reach second roundhiggins says he would love to challenge for world title againbut the 39-year-old admits there are many more favoured playersgraeme dott sees off ricky walden 10-8\n", - "[1.2285681 1.3871588 1.2663095 1.2778547 1.1781851 1.1380467 1.0408279\n", - " 1.1494176 1.082317 1.1090643 1.036681 1.0265057 1.0817358 1.0915246\n", - " 1.0365969 1.0473032 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 7 5 9 13 8 12 15 6 10 14 11 16 17 18 19 20 21 22]\n", - "=======================\n", - "['asif malik , 31 , his partner sara kiran , 29 , their daughter zoha , seven , and their three sons essa , four , zakariva , two , and yahya , one , were all caught on camera on a cross-channel ferry .they left their home in slough , berkshire , without mentioning any holiday or travel plans to family members , which is out of character , police said .a father who is feared to have fled to syria with his partner and four young children was a member of a banned extremist group , it was reported last night .']\n", - "=======================\n", - "[\"asif malik , 31 , sara kiran , 29 , and their four children last seen on april 7left slough , headed to calais by ferry and then took train across europethey have three boys aged one , two and four , and a seven-year-old girlthames valley police ` extremely concerned for the safety of this family 'anyone with information should call thames valley police quoting reference 342 ( 19/4 ) .\"]\n", - "asif malik , 31 , his partner sara kiran , 29 , their daughter zoha , seven , and their three sons essa , four , zakariva , two , and yahya , one , were all caught on camera on a cross-channel ferry .they left their home in slough , berkshire , without mentioning any holiday or travel plans to family members , which is out of character , police said .a father who is feared to have fled to syria with his partner and four young children was a member of a banned extremist group , it was reported last night .\n", - "asif malik , 31 , sara kiran , 29 , and their four children last seen on april 7left slough , headed to calais by ferry and then took train across europethey have three boys aged one , two and four , and a seven-year-old girlthames valley police ` extremely concerned for the safety of this family 'anyone with information should call thames valley police quoting reference 342 ( 19/4 ) .\n", - "[1.4905125 1.2302182 1.3028119 1.2468886 1.1737448 1.2187601 1.121455\n", - " 1.042263 1.0171252 1.0666999 1.0775223 1.1021469 1.0748845 1.0468562\n", - " 1.0614394 1.0843313 1.0294291 1.0180061 1.0283016 1.0362769 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 3 1 5 4 6 11 15 10 12 9 14 13 7 19 16 18 17 8 21 20 22]\n", - "=======================\n", - "[\"mixed martial arts fighter anderson silva will meet with brazilian taekwondo officials in the hope of competing in next year 's olympics in rio de janeiro , despite facing a possible doping ban .the brazilian taekwondo confederation said wednesday that ` this wonderful possibility ' of silva competing in the olympics will be discussed next week between the fighter and local officials .silva this week expressed his desire to represent brazil in the 2016 games , and local taekwondo officials said they like the idea of having the mma fighter on the team .\"]\n", - "=======================\n", - "[\"anderson silva is currently suspended by ufc after failing drug teststhe brazilian hopes to compete in next year 's olympics in rio de janeiro\"]\n", - "mixed martial arts fighter anderson silva will meet with brazilian taekwondo officials in the hope of competing in next year 's olympics in rio de janeiro , despite facing a possible doping ban .the brazilian taekwondo confederation said wednesday that ` this wonderful possibility ' of silva competing in the olympics will be discussed next week between the fighter and local officials .silva this week expressed his desire to represent brazil in the 2016 games , and local taekwondo officials said they like the idea of having the mma fighter on the team .\n", - "anderson silva is currently suspended by ufc after failing drug teststhe brazilian hopes to compete in next year 's olympics in rio de janeiro\n", - "[1.3040915 1.4715115 1.3572197 1.2741702 1.2018497 1.1745646 1.1694183\n", - " 1.1275188 1.0598104 1.0120845 1.0131086 1.0156753 1.2194238 1.0408987\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 3 12 4 5 6 7 8 13 11 10 9 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "['the 21-year-old finished 18 under to beat rose and phil mickelson by four shots and become the second youngest masters winner - after tiger woods in 1997 .spieth became only the fourth player after jack nicklaus , ray floyd and tiger woods to reach 17 under .justin rose admitted he lost to the better man as jordan spieth won his first masters title in emphatic fashion .']\n", - "=======================\n", - "['jordan spieth wins 2015 us masters after finishing 18-under at augustaspieth became the first man ever to reach 19 under par in the mastersjustin rose and phil mickelson ( both 14 under ) finished joint secondread : spieth has world at his feet after record-breaking masters triumphspieth : winning the masters has been the most incredible week of my life']\n", - "the 21-year-old finished 18 under to beat rose and phil mickelson by four shots and become the second youngest masters winner - after tiger woods in 1997 .spieth became only the fourth player after jack nicklaus , ray floyd and tiger woods to reach 17 under .justin rose admitted he lost to the better man as jordan spieth won his first masters title in emphatic fashion .\n", - "jordan spieth wins 2015 us masters after finishing 18-under at augustaspieth became the first man ever to reach 19 under par in the mastersjustin rose and phil mickelson ( both 14 under ) finished joint secondread : spieth has world at his feet after record-breaking masters triumphspieth : winning the masters has been the most incredible week of my life\n", - "[1.2623372 1.251351 1.1390347 1.4039631 1.2325195 1.3429027 1.0469269\n", - " 1.1096394 1.0526557 1.1154636 1.0551199 1.0510875 1.0422171 1.0134436\n", - " 1.0133113 1.1190608 1.0618902 1.0781813 1.029422 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 5 0 1 4 2 15 9 7 17 16 10 8 11 6 12 18 13 14 21 19 20 22]\n", - "=======================\n", - "['stacey , now 22 , was diagnosed with an inoperable tumour in 2007 and has undergone gruelling rounds of chemotherapy and radiotherapy .stacey johnson ( left ) , 22 , from much hadham , hertfordshire , had just been told her brain tumour had grown when she was dealt another blow - her sister dannii , 20 , also had a tumourthe pain of a cancer diagnosis never went away , but after eight years of battling the condition , they cared for her and began to live with the disease .']\n", - "=======================\n", - "['stacey johson , 22 , was diagnosed with cancer in her brain eight years agoher sister dannii , 20 , became her carer last year but suffered headachesafter going to the gp dannii was also found to have a benign brain tumourstacey has found out her tumour has grown , while dannii awaits treatment']\n", - "stacey , now 22 , was diagnosed with an inoperable tumour in 2007 and has undergone gruelling rounds of chemotherapy and radiotherapy .stacey johnson ( left ) , 22 , from much hadham , hertfordshire , had just been told her brain tumour had grown when she was dealt another blow - her sister dannii , 20 , also had a tumourthe pain of a cancer diagnosis never went away , but after eight years of battling the condition , they cared for her and began to live with the disease .\n", - "stacey johson , 22 , was diagnosed with cancer in her brain eight years agoher sister dannii , 20 , became her carer last year but suffered headachesafter going to the gp dannii was also found to have a benign brain tumourstacey has found out her tumour has grown , while dannii awaits treatment\n", - "[1.1826422 1.3457925 1.3023932 1.4101704 1.4524732 1.2251637 1.0664898\n", - " 1.0385787 1.0204223 1.0252 1.0177537 1.0115063 1.181612 1.1421663\n", - " 1.0767219 1.0133865 1.010415 1.0090028 1.0096904 1.0077116 1.0073111\n", - " 0. 0. ]\n", - "\n", - "[ 4 3 1 2 5 0 12 13 14 6 7 9 8 10 15 11 16 18 17 19 20 21 22]\n", - "=======================\n", - "['the former tottenham and west ham striker is the first sunderland player to take the challengetyne-wear derby hero jermain defoe takes on the sunderland keepy up challengedefoe eventually sets an impressive score of 76 for his team-mates to attempt to beat']\n", - "=======================\n", - "['jermain defoe was the first sunderland player to take part in the challengeformer tottenham and west ham striker scored an impressive 76defoe then performed keepy ups with a creme egg and scored nine']\n", - "the former tottenham and west ham striker is the first sunderland player to take the challengetyne-wear derby hero jermain defoe takes on the sunderland keepy up challengedefoe eventually sets an impressive score of 76 for his team-mates to attempt to beat\n", - "jermain defoe was the first sunderland player to take part in the challengeformer tottenham and west ham striker scored an impressive 76defoe then performed keepy ups with a creme egg and scored nine\n", - "[1.4219358 1.1907091 1.2457864 1.4108987 1.2489985 1.2679083 1.0728505\n", - " 1.0151151 1.0302876 1.1924822 1.070494 1.0833267 1.0134306 1.1218755\n", - " 1.1586258 1.0388529 1.0052733 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 5 4 2 9 1 14 13 11 6 10 15 8 7 12 16 21 17 18 19 20 22]\n", - "=======================\n", - "['bacary sagna could end the season trophyless and lower than arsenal in the premier league but the manchester city defender insists he has no regrets about leaving the emirates for the etihad .bacary sagna ( right ) insists he does not regret leaving arsenal for manchester city last summersagna departed arsenal on the back of winning the fa cup but faces a year without a trophy at city']\n", - "=======================\n", - "['bacary sagna left arsenal for manchester city on a free transfer last yearthe defender insists he does not regret making the switch to the etihadcity are behind fa cup finalists arsenal and face a season without a prize']\n", - "bacary sagna could end the season trophyless and lower than arsenal in the premier league but the manchester city defender insists he has no regrets about leaving the emirates for the etihad .bacary sagna ( right ) insists he does not regret leaving arsenal for manchester city last summersagna departed arsenal on the back of winning the fa cup but faces a year without a trophy at city\n", - "bacary sagna left arsenal for manchester city on a free transfer last yearthe defender insists he does not regret making the switch to the etihadcity are behind fa cup finalists arsenal and face a season without a prize\n", - "[1.2038445 1.4929013 1.2501293 1.3049695 1.2280167 1.0687147 1.2047113\n", - " 1.0572808 1.1235731 1.0574965 1.1539817 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 4 6 0 10 8 5 9 7 20 19 18 17 16 11 14 13 12 21 15 22]\n", - "=======================\n", - "[\"the study of 1,302 german couples found working men did just two hours of house work each day , which almost doubled to 3.9 hours when they retired .but they are still lagging behind their stay-at-home female partners when it comes to sharing the burden .the study , published in the journal of marriage and family , found women who did not work did an average of 6.8 hours before their husband 's retired .\"]\n", - "=======================\n", - "[\"study of 1,302 couples found working men do two hours of chores a daybut once they retired , men upped their housework hours to to 3.9 a daywomen 's chores went from 6.8 hours a day to 6.1 a day after retirementthe study , carried out in germany ,\"]\n", - "the study of 1,302 german couples found working men did just two hours of house work each day , which almost doubled to 3.9 hours when they retired .but they are still lagging behind their stay-at-home female partners when it comes to sharing the burden .the study , published in the journal of marriage and family , found women who did not work did an average of 6.8 hours before their husband 's retired .\n", - "study of 1,302 couples found working men do two hours of chores a daybut once they retired , men upped their housework hours to to 3.9 a daywomen 's chores went from 6.8 hours a day to 6.1 a day after retirementthe study , carried out in germany ,\n", - "[1.3611182 1.3580828 1.092169 1.1162751 1.082149 1.0744526 1.214685\n", - " 1.1935686 1.0685029 1.025355 1.0320514 1.0549412 1.0484368 1.0256108\n", - " 1.0182015 1.0225945 1.1607761 1.0864137 1.0351741 1.0966387 1.0269833\n", - " 1.0119121 1.0631354]\n", - "\n", - "[ 0 1 6 7 16 3 19 2 17 4 5 8 22 11 12 18 10 20 13 9 15 14 21]\n", - "=======================\n", - "[\"jose mourinho 's return was the answer to john terry 's prayers .mourinho said sunday 's game at the emirates was the best terry had ever played .john terry ( left ) was in inspiring form in the chelsea defence as his side kept a clean sheet against arsenal\"]\n", - "=======================\n", - "[\"martin keown : danny welbeck 's pace might have unsettled chelseajohn terry and gary cahill are built to deal with players like olivier giroudkeown says chelsea captain terry 's reading of the game is better than everthe arsenal fans said it was boring but chelsea are doing what they need to do to win the leaguethierry henry : arsenal ca n't win title with olivier giroud in attack\"]\n", - "jose mourinho 's return was the answer to john terry 's prayers .mourinho said sunday 's game at the emirates was the best terry had ever played .john terry ( left ) was in inspiring form in the chelsea defence as his side kept a clean sheet against arsenal\n", - "martin keown : danny welbeck 's pace might have unsettled chelseajohn terry and gary cahill are built to deal with players like olivier giroudkeown says chelsea captain terry 's reading of the game is better than everthe arsenal fans said it was boring but chelsea are doing what they need to do to win the leaguethierry henry : arsenal ca n't win title with olivier giroud in attack\n", - "[1.1972944 1.0937893 1.3584008 1.4466171 1.300812 1.1561375 1.025628\n", - " 1.0320821 1.2954143 1.1064293 1.0102303 1.0234271 1.0310533 1.0743697\n", - " 1.0542241 1.0627263 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 2 4 8 0 5 9 1 13 15 14 7 12 6 11 10 16 17 18 19 20 21 22]\n", - "=======================\n", - "['bradley neil finished 13 over par after competing in his first mastersneil earned his invitation to the masters after winning the scottish boys championship in 2013 and then the british amateur championship last year .still an amateur , the 19-year-old is being tipped for huge things when he does turn pro by no less a star than world no 1 rory mcilroy .']\n", - "=======================\n", - "[\"the 19-year-old is being tipped for huge things when he does turn prohe finished 13-over par for the weekend but is determined to return` i 'd prepared well for this , but it shows my game is not good enough yet , ' he admittedneil qualified for the masters by virtue of a win in the scottish boys championship in 2013 and then the british amateur championship\"]\n", - "bradley neil finished 13 over par after competing in his first mastersneil earned his invitation to the masters after winning the scottish boys championship in 2013 and then the british amateur championship last year .still an amateur , the 19-year-old is being tipped for huge things when he does turn pro by no less a star than world no 1 rory mcilroy .\n", - "the 19-year-old is being tipped for huge things when he does turn prohe finished 13-over par for the weekend but is determined to return` i 'd prepared well for this , but it shows my game is not good enough yet , ' he admittedneil qualified for the masters by virtue of a win in the scottish boys championship in 2013 and then the british amateur championship\n", - "[1.3919826 1.2996576 1.1165683 1.2004884 1.0648866 1.0838833 1.0428252\n", - " 1.0248249 1.1209015 1.0286572 1.0519046 1.0348016 1.1100286 1.0493299\n", - " 1.035263 1.0142034 1.0173551 1.0602367 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 8 2 12 5 4 17 10 13 6 14 11 9 7 16 15 19 18 20]\n", - "=======================\n", - "['( cnn ) the cuba that photographer carolina sandretto captures is a world away from the images of neon 1950s american cars and postcard-worthy white sand beaches that most visitors to the island bring back home .instead sandretto focuses on \" solares , \" the crumbling buildings that many cubans divide and cohabitate , often with several generations and separate families sharing one dwelling .following fidel castro \\'s 1959 revolution , houses and apartments were redistributed throughout cuba and the government promised that everyone would have a home in the new socialist utopia .']\n", - "=======================\n", - "['carolina sandretto focuses on the crumbling buildings many cubans live in togetherthe maze-like \" solares \" often include separate families under one roof']\n", - "( cnn ) the cuba that photographer carolina sandretto captures is a world away from the images of neon 1950s american cars and postcard-worthy white sand beaches that most visitors to the island bring back home .instead sandretto focuses on \" solares , \" the crumbling buildings that many cubans divide and cohabitate , often with several generations and separate families sharing one dwelling .following fidel castro 's 1959 revolution , houses and apartments were redistributed throughout cuba and the government promised that everyone would have a home in the new socialist utopia .\n", - "carolina sandretto focuses on the crumbling buildings many cubans live in togetherthe maze-like \" solares \" often include separate families under one roof\n", - "[1.2410977 1.3606825 1.2608693 1.2039021 1.2583991 1.1236025 1.0768974\n", - " 1.0788867 1.1077499 1.0617386 1.105822 1.041398 1.0358757 1.0536395\n", - " 1.0367943 1.0123795 1.0121372 1.0852488 1.0523516 1.0394741 1.0862713]\n", - "\n", - "[ 1 2 4 0 3 5 8 10 20 17 7 6 9 13 18 11 19 14 12 15 16]\n", - "=======================\n", - "[\"these galaxies were found to be emitting ` unusually high ' levels of radiation - possibly indicating ` the presence of a highly advanced civilisation . 'within these galaxies , the researchers said it was possible that an alien race could be harnessing the power of the stars - emitting huge amounts of noticeable heat in the process .scientists say they have found 50 galaxies that may contain intelligent alien races .\"]\n", - "=======================\n", - "['pennsylvania scientists find evidence that we might not be alonethey found 50 galaxies emitting unusually high levels of radiationthis could be because aliens are harnessing the power of entire starshowever , further research is needed to confirm that is the case']\n", - "these galaxies were found to be emitting ` unusually high ' levels of radiation - possibly indicating ` the presence of a highly advanced civilisation . 'within these galaxies , the researchers said it was possible that an alien race could be harnessing the power of the stars - emitting huge amounts of noticeable heat in the process .scientists say they have found 50 galaxies that may contain intelligent alien races .\n", - "pennsylvania scientists find evidence that we might not be alonethey found 50 galaxies emitting unusually high levels of radiationthis could be because aliens are harnessing the power of entire starshowever , further research is needed to confirm that is the case\n", - "[1.2499856 1.3408719 1.2296747 1.2015 1.2451702 1.0570917 1.0572445\n", - " 1.0130322 1.0933844 1.0781223 1.1117952 1.0979028 1.0354574 1.0284479\n", - " 1.041694 1.0389462 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 10 11 8 9 6 5 14 15 12 13 7 19 16 17 18 20]\n", - "=======================\n", - "['downton abbey creator julian fellowes is to give a unique insight into his inspiration for the period drama at the chalke valley history festival .unique insight : cjullian fellowes , pictured with downton star michelle dockerythe event attracts more than 30,000 visitors to its idyllic venue in a wiltshire field .']\n", - "=======================\n", - "['festival also includes novelist kate mosse and explorer ranulph fiennesevent attracts more than 30,000 visitors to idyllic venue in wiltshire fieldlord fellowes will discuss huge social change brought by first world war']\n", - "downton abbey creator julian fellowes is to give a unique insight into his inspiration for the period drama at the chalke valley history festival .unique insight : cjullian fellowes , pictured with downton star michelle dockerythe event attracts more than 30,000 visitors to its idyllic venue in a wiltshire field .\n", - "festival also includes novelist kate mosse and explorer ranulph fiennesevent attracts more than 30,000 visitors to idyllic venue in wiltshire fieldlord fellowes will discuss huge social change brought by first world war\n", - "[1.0605596 1.4501078 1.3872645 1.3849726 1.4155413 1.2455726 1.0508915\n", - " 1.0388535 1.0104188 1.2206225 1.0215728 1.1197762 1.0281227 1.0105437\n", - " 1.0084853 1.0631138 1.0230988 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 3 5 9 11 15 0 6 7 12 16 10 13 8 14 19 17 18 20]\n", - "=======================\n", - "[\"trainee police officer for the met , sophia adams , has just become the new face ( and body ) of ` plus-bust ' lingerie brand , curvy kate , after winning their annual ` star in a bra ' competition .21-year-old adams , from north west london , beat 1,000 other hopefuls and as a result , has scored a modelling contract with plus-size agency , bridge models .the brunette will be joining the brand 's curvy line-up and starring in their spring/summer 2016 catalogue shot in the mediterranean '\"]\n", - "=======================\n", - "[\"sophia adams has been named winner of curvy kate model competitionthe ` star in a bra ' winner will feature in their next campaign and has also landed a modelling contract with plus-size agency bridge modelslaunched in 2009 , curvy kate offers d-k cup lingerie , designed especially for a fuller bust .21-year-old adams , from north west london , has a 32jj bust\"]\n", - "trainee police officer for the met , sophia adams , has just become the new face ( and body ) of ` plus-bust ' lingerie brand , curvy kate , after winning their annual ` star in a bra ' competition .21-year-old adams , from north west london , beat 1,000 other hopefuls and as a result , has scored a modelling contract with plus-size agency , bridge models .the brunette will be joining the brand 's curvy line-up and starring in their spring/summer 2016 catalogue shot in the mediterranean '\n", - "sophia adams has been named winner of curvy kate model competitionthe ` star in a bra ' winner will feature in their next campaign and has also landed a modelling contract with plus-size agency bridge modelslaunched in 2009 , curvy kate offers d-k cup lingerie , designed especially for a fuller bust .21-year-old adams , from north west london , has a 32jj bust\n", - "[1.2225556 1.4637663 1.2568285 1.2587439 1.0674313 1.1141618 1.0919756\n", - " 1.0939753 1.0383617 1.0562036 1.0919898 1.1313235 1.0526898 1.0500512\n", - " 1.026195 1.0216094 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 11 5 7 10 6 4 9 12 13 8 14 15 19 16 17 18 20]\n", - "=======================\n", - "['greystone park psychiatric center , in new jersey , was built to house hundreds of mentally ill patients , but it eventually was home to more than 7,500 people .a decaying asylum which has been left to fall into disarray , with broken and peeling doors and windows , is being demolished as preservationists battle to save it and claim the building should be turned into a museum and housinggreystone park became one of the largest asylums , housing 7,500 patients , and became known for high numbers of rapes and suicides']\n", - "=======================\n", - "['greystone park psychiatric center in new jersey became known for the number of rapes and suicides taking placebuilding officially closed in 2003 and was abandoned , with walls and ceilings left to crumble and flake awaydemolition work has begun on the french renaissance-style building , after interior found too expensive to restorebut preservationists have argued that the 1800s building should be preserved and turned into museum and housing']\n", - "greystone park psychiatric center , in new jersey , was built to house hundreds of mentally ill patients , but it eventually was home to more than 7,500 people .a decaying asylum which has been left to fall into disarray , with broken and peeling doors and windows , is being demolished as preservationists battle to save it and claim the building should be turned into a museum and housinggreystone park became one of the largest asylums , housing 7,500 patients , and became known for high numbers of rapes and suicides\n", - "greystone park psychiatric center in new jersey became known for the number of rapes and suicides taking placebuilding officially closed in 2003 and was abandoned , with walls and ceilings left to crumble and flake awaydemolition work has begun on the french renaissance-style building , after interior found too expensive to restorebut preservationists have argued that the 1800s building should be preserved and turned into museum and housing\n", - "[1.2723887 1.5322282 1.2464013 1.265963 1.1628662 1.1252764 1.1073589\n", - " 1.1050359 1.0819595 1.0610993 1.1252961 1.0522292 1.0316217 1.0374026\n", - " 1.0161426 1.0129861 1.0177714 1.01464 1.0135463 1.0422418 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 10 5 6 7 8 9 11 19 13 12 16 14 17 18 15 20 21 22 23\n", - " 24 25 26]\n", - "=======================\n", - "['the 18-year-old was hit over the head 20 times with a rock and dragged into a garden to be brutally raped by the man and left for dead in the beeston area of leeds last month .a rapist who left a teenager for dead after a savage attack at a bus stop had already stalked three other women that night before choosing his victim .now police investigating the case have come across cctv that shows the man following three other potential victims earlier on the same night .']\n", - "=======================\n", - "['man also followed three other women on the night of the attack in leedsone woman was forced to flee by bus while another went and hid in a shophe later brutally raped an 18-year-old who had been waiting at a bus stophit her on the head with a rock 20 times before dragging her into a garden']\n", - "the 18-year-old was hit over the head 20 times with a rock and dragged into a garden to be brutally raped by the man and left for dead in the beeston area of leeds last month .a rapist who left a teenager for dead after a savage attack at a bus stop had already stalked three other women that night before choosing his victim .now police investigating the case have come across cctv that shows the man following three other potential victims earlier on the same night .\n", - "man also followed three other women on the night of the attack in leedsone woman was forced to flee by bus while another went and hid in a shophe later brutally raped an 18-year-old who had been waiting at a bus stophit her on the head with a rock 20 times before dragging her into a garden\n", - "[1.215933 1.4312444 1.3649082 1.3205467 1.2927446 1.0569755 1.0174613\n", - " 1.0226669 1.0324134 1.0837686 1.1311685 1.0841836 1.1026361 1.033542\n", - " 1.0218853 1.0193527 1.0186335 1.0182295 1.0751472 1.1542546 1.0566958\n", - " 1.0786918 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 19 10 12 11 9 21 18 5 20 13 8 7 14 15 16 17 6 25 22\n", - " 23 24 26]\n", - "=======================\n", - "[\"the relatively unknown stefania la greca was suddenly catapulted into the limelight after the sexy shots of the lega sud ausoni party candidate went viral .but the 36-year-old , who is hoping to represent caldoro in campania , southern italy after may 's regional elections , defended her photographs .a stunning italian political candidate who has posted dozens of pictures of herself in skimpy bikinis has denied using her looks to get votes .\"]\n", - "=======================\n", - "['stefania la greca is standing for election for the lega sud ausonia partyshe has posted dozens of selfies and pictures of herself in skimpy bikinisbut the stunning 36-year-old denied she was using her looks to get votes']\n", - "the relatively unknown stefania la greca was suddenly catapulted into the limelight after the sexy shots of the lega sud ausoni party candidate went viral .but the 36-year-old , who is hoping to represent caldoro in campania , southern italy after may 's regional elections , defended her photographs .a stunning italian political candidate who has posted dozens of pictures of herself in skimpy bikinis has denied using her looks to get votes .\n", - "stefania la greca is standing for election for the lega sud ausonia partyshe has posted dozens of selfies and pictures of herself in skimpy bikinisbut the stunning 36-year-old denied she was using her looks to get votes\n", - "[1.3571413 1.3035852 1.1423326 1.3731459 1.230254 1.0726833 1.108974\n", - " 1.0792125 1.1282092 1.1787329 1.0411782 1.1895045 1.0182866 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 11 9 2 8 6 7 5 10 12 20 24 23 22 21 19 13 17 16 15 14\n", - " 25 18 26]\n", - "=======================\n", - "[\"cristiano ronaldo was presented with a shit with ' 300 goals ' on the back by real madrid club president florentino perez on fridayronaldo , 30 , scored the landmark goal against rayo vallecano on april 8 and only trails raul ( 323 ) and alfredo di stefano ( 307 ) in the scoring charts for the spanish giants .french striker karim benzema will miss real madrid 's clash against malaga on saturday with a knee injury\"]\n", - "=======================\n", - "['cristiano ronaldo scored his 300th goal for real madrid ( in all competitions ) against rayo vallecano on april 8portuguese forward has achievements marked by special shirt presented to him by club president florentino perezronaldo and his real madrid team-mates host malaga on saturday as they look to catch la liga leaders barcelonafrench striker karim benzema will miss the game after picking up a knee injury against atletico madrid']\n", - "cristiano ronaldo was presented with a shit with ' 300 goals ' on the back by real madrid club president florentino perez on fridayronaldo , 30 , scored the landmark goal against rayo vallecano on april 8 and only trails raul ( 323 ) and alfredo di stefano ( 307 ) in the scoring charts for the spanish giants .french striker karim benzema will miss real madrid 's clash against malaga on saturday with a knee injury\n", - "cristiano ronaldo scored his 300th goal for real madrid ( in all competitions ) against rayo vallecano on april 8portuguese forward has achievements marked by special shirt presented to him by club president florentino perezronaldo and his real madrid team-mates host malaga on saturday as they look to catch la liga leaders barcelonafrench striker karim benzema will miss the game after picking up a knee injury against atletico madrid\n", - "[1.2505379 1.4245071 1.2049595 1.2872354 1.2139201 1.12691 1.0779331\n", - " 1.0898564 1.084415 1.1052846 1.0460591 1.0240575 1.0761805 1.1301001\n", - " 1.0226698 1.0976615 1.0789114 1.0755253 1.0885752 1.0152045 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 13 5 9 15 7 18 8 16 6 12 17 10 11 14 19 20 21 22 23\n", - " 24 25 26]\n", - "=======================\n", - "[\"the california firm said it will announce a ` home battery ' and a ` very large utility scale battery ' in a letter sent to investors .tesla has confirmed it will unveil a revolutionary power pack for the home next week .the company already offers battery packs ( pictured ) for its solarcity project , but it is unclear whether the latest product will build on this design\"]\n", - "=======================\n", - "[\"event will be held at tesla 's california studio on april 30 at 8pm ptbattery is likely to build on the packs used in tesla 's electric carswhile similar products already exist , elon musk has said they ` suck 'toyota already uses a fuel cell in its mirai car that can power a home\"]\n", - "the california firm said it will announce a ` home battery ' and a ` very large utility scale battery ' in a letter sent to investors .tesla has confirmed it will unveil a revolutionary power pack for the home next week .the company already offers battery packs ( pictured ) for its solarcity project , but it is unclear whether the latest product will build on this design\n", - "event will be held at tesla 's california studio on april 30 at 8pm ptbattery is likely to build on the packs used in tesla 's electric carswhile similar products already exist , elon musk has said they ` suck 'toyota already uses a fuel cell in its mirai car that can power a home\n", - "[1.2885104 1.4877696 1.3893138 1.3935014 1.297829 1.1115683 1.0456231\n", - " 1.0243733 1.0139086 1.1318295 1.0591623 1.0202187 1.020073 1.0186968\n", - " 1.0679996 1.0290153 1.0403512 1.02445 1.014381 1.0144993 1.021906\n", - " 1.0164407 1.0120324 1.0048215 1.0060726 1.0062987 1.1645039]\n", - "\n", - "[ 1 3 2 4 0 26 9 5 14 10 6 16 15 17 7 20 11 12 13 21 19 18 8 22\n", - " 25 24 23]\n", - "=======================\n", - "['the baggies host liverpool on saturday eight points above the barclays premier league relegation zone .west bromwich albion manager tony pulis believes his side can rise to the challenge of facing the top teamsthey also face manchester united , chelsea and arsenal in their final five games , along with a trip to newcastle .']\n", - "=======================\n", - "['tony pulis has called on his players to embrace being cast as outsiderswest brom begin tricky fixture list with visit of liverpool to the hawthornsbaggies also face manchester united , chelsea and arsenal in the run-inclick here for all the west brom vs liverpool team news']\n", - "the baggies host liverpool on saturday eight points above the barclays premier league relegation zone .west bromwich albion manager tony pulis believes his side can rise to the challenge of facing the top teamsthey also face manchester united , chelsea and arsenal in their final five games , along with a trip to newcastle .\n", - "tony pulis has called on his players to embrace being cast as outsiderswest brom begin tricky fixture list with visit of liverpool to the hawthornsbaggies also face manchester united , chelsea and arsenal in the run-inclick here for all the west brom vs liverpool team news\n", - "[1.2485871 1.2193474 1.0656289 1.2406864 1.2349204 1.130136 1.2917398\n", - " 1.0382077 1.0691109 1.033346 1.036653 1.1295744 1.0554374 1.1800171\n", - " 1.0847645 1.1894352 1.0307211 1.1424552 1.0135504 0. 0. ]\n", - "\n", - "[ 6 0 3 4 1 15 13 17 5 11 14 8 2 12 7 10 9 16 18 19 20]\n", - "=======================\n", - "[\"west indies bowler jason holder used to be a barbados team-mate with chris jordanwest indies received an animated pep talk from bowling coach and legendary paceman curtly ambrose .curtly ambrose 's pep talk to west indies bowlers must have worked on day two as they rolled over the tail\"]\n", - "=======================\n", - "[\"curtly ambrose 's pep talk to west indies ' bowlers on day two workedchris jordan had a battle with former barbados team-mate jason holdersir viv richards said jordan ` looks as though he should have a javelin 'shiv chanderpaul 's test career for west indies passed 21 yearscharlotte edwards received her cbe from the queen\"]\n", - "west indies bowler jason holder used to be a barbados team-mate with chris jordanwest indies received an animated pep talk from bowling coach and legendary paceman curtly ambrose .curtly ambrose 's pep talk to west indies bowlers must have worked on day two as they rolled over the tail\n", - "curtly ambrose 's pep talk to west indies ' bowlers on day two workedchris jordan had a battle with former barbados team-mate jason holdersir viv richards said jordan ` looks as though he should have a javelin 'shiv chanderpaul 's test career for west indies passed 21 yearscharlotte edwards received her cbe from the queen\n", - "[1.2124959 1.1129699 1.0904152 1.1437854 1.1037345 1.1171219 1.3150232\n", - " 1.0433878 1.0234914 1.0192918 1.0214969 1.0263469 1.0211518 1.0788598\n", - " 1.0516757 1.0923426 1.0158658 1.0234922 1.0250937 1.021343 1.0232311]\n", - "\n", - "[ 6 0 3 5 1 4 15 2 13 14 7 11 18 17 8 20 10 19 12 9 16]\n", - "=======================\n", - "[\"raheem sterling wheels away in celebration after scoring liverpool 's opener in the first half at anfieldanother day at melwood , another awkward conversation with brendan rodgers for raheem sterling .once again the 20-year-old liverpool forward has been rather stupid .\"]\n", - "=======================\n", - "[\"film leaked of raheem sterling inhaling nitrous oxide just a day after he was pictured smoking shishasterling put liverpool 1-0 up after just nine minutes at anfield before missing easy chance in second halfreferee lee mason missed what pundit gary neville described as a ` blatant penalty ' for newcastle 's ayoze perezwelsh midfielder joe allen then scored his first goal at anfield to put liverpool 2-0 up after 70 minutesfrance midfielder moussa sissoko sent off late on for two bookable offencesresult moves liverpool up to within four points of manchester city in fourth and is newcastle 's fifth defeat in a row\"]\n", - "raheem sterling wheels away in celebration after scoring liverpool 's opener in the first half at anfieldanother day at melwood , another awkward conversation with brendan rodgers for raheem sterling .once again the 20-year-old liverpool forward has been rather stupid .\n", - "film leaked of raheem sterling inhaling nitrous oxide just a day after he was pictured smoking shishasterling put liverpool 1-0 up after just nine minutes at anfield before missing easy chance in second halfreferee lee mason missed what pundit gary neville described as a ` blatant penalty ' for newcastle 's ayoze perezwelsh midfielder joe allen then scored his first goal at anfield to put liverpool 2-0 up after 70 minutesfrance midfielder moussa sissoko sent off late on for two bookable offencesresult moves liverpool up to within four points of manchester city in fourth and is newcastle 's fifth defeat in a row\n", - "[1.4736832 1.3676689 1.3150185 1.2706919 1.0648401 1.0385783 1.0309694\n", - " 1.0540912 1.0335397 1.1127717 1.0293186 1.0434852 1.1361369 1.0925819\n", - " 1.0698884 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 12 9 13 14 4 7 11 5 8 6 10 15 16 17 18 19 20]\n", - "=======================\n", - "['brazil icon ronaldo has claimed he would relish playing alongside his namesake cristiano ronaldo if he had the chance to play in the modern era .the 38-year-old , one of the most decorated footballers ever , ended his illustrious playing career in 2011 , however he has suggested he could play again for fort lauderdale strikers , a north american league side that he now co-owns .ronaldo admits a return to top level football is past him but would pick the current real madrid talisman to play alongside .']\n", - "=======================\n", - "['former brazil striker ronaldo played for real madrid between 2002-07the two-time world cup winner officially retired from playing in 2011cristiano ronaldo scored his 50th goal of the season against malagareal madrid beat malaga 3-1 to keep up the pressure on leaders barcelona']\n", - "brazil icon ronaldo has claimed he would relish playing alongside his namesake cristiano ronaldo if he had the chance to play in the modern era .the 38-year-old , one of the most decorated footballers ever , ended his illustrious playing career in 2011 , however he has suggested he could play again for fort lauderdale strikers , a north american league side that he now co-owns .ronaldo admits a return to top level football is past him but would pick the current real madrid talisman to play alongside .\n", - "former brazil striker ronaldo played for real madrid between 2002-07the two-time world cup winner officially retired from playing in 2011cristiano ronaldo scored his 50th goal of the season against malagareal madrid beat malaga 3-1 to keep up the pressure on leaders barcelona\n", - "[1.3748162 1.5157063 1.2942556 1.3024628 1.2025498 1.0913193 1.0224155\n", - " 1.1561515 1.034609 1.1139936 1.0522197 1.0160196 1.0226866 1.025256\n", - " 1.035426 1.0120766 1.0104184 1.0115048 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 7 9 5 10 14 8 13 12 6 11 15 17 16 19 18 20]\n", - "=======================\n", - "[\"hamilton controlled the race in shanghai to seal his second victory in three races and extend his lead at the summit of the formula one world championship .lewis hamilton 's feud with nico rosberg has erupted once more following an explosive press conference at the chinese grand prix .lewis hamilton celebrates his win with the mercedes team , but nico rosberg appears less pleased with 2nd\"]\n", - "=======================\n", - "['lewis hamilton held off the challenge from nico rosberg to win in chinabut rosberg was furious with his mercedes team-mate after the grand prixgerman accused hamilton of compromising his race by driving too slowlybut hamilton , who leads the championship , has denied any wrong-doinghamilton is already 17 points clear of rosberg in race for the f1 title']\n", - "hamilton controlled the race in shanghai to seal his second victory in three races and extend his lead at the summit of the formula one world championship .lewis hamilton 's feud with nico rosberg has erupted once more following an explosive press conference at the chinese grand prix .lewis hamilton celebrates his win with the mercedes team , but nico rosberg appears less pleased with 2nd\n", - "lewis hamilton held off the challenge from nico rosberg to win in chinabut rosberg was furious with his mercedes team-mate after the grand prixgerman accused hamilton of compromising his race by driving too slowlybut hamilton , who leads the championship , has denied any wrong-doinghamilton is already 17 points clear of rosberg in race for the f1 title\n", - "[1.3618721 1.2636957 1.1795275 1.414731 1.2722952 1.1529422 1.0393691\n", - " 1.2128187 1.0601358 1.2396237 1.1158614 1.058803 1.0270694 1.0071499\n", - " 1.0071635 1.0064889 1.0083313 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 4 1 9 7 2 5 10 8 11 6 12 16 14 13 15 19 17 18 20]\n", - "=======================\n", - "[\"tottenham will subsidise emmanuel adebayor 's # 100,000-per-week wages in order for him to leave the clubadebayor ( right ) is out of favour under current tottenham manager mauricio pochettino ( centre )the 31-year-old togolese forward has made just nine league starts this season for spurs\"]\n", - "=======================\n", - "[\"emmanuel adebayor 's current tottenham contract runs out in 2016the striker is unwilling to take anything less than his current # 5.2 million salary before accepting a move out of white hart lanetogolese forward has made just nine league starts this season\"]\n", - "tottenham will subsidise emmanuel adebayor 's # 100,000-per-week wages in order for him to leave the clubadebayor ( right ) is out of favour under current tottenham manager mauricio pochettino ( centre )the 31-year-old togolese forward has made just nine league starts this season for spurs\n", - "emmanuel adebayor 's current tottenham contract runs out in 2016the striker is unwilling to take anything less than his current # 5.2 million salary before accepting a move out of white hart lanetogolese forward has made just nine league starts this season\n", - "[1.3248594 1.5392647 1.3982022 1.315013 1.0715766 1.0372748 1.01772\n", - " 1.0293112 1.0147995 1.0295582 1.143511 1.2692641 1.0573965 1.0510437\n", - " 1.0144812 1.010918 1.0083488 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 11 10 4 12 13 5 9 7 6 8 14 15 16 17 18 19]\n", - "=======================\n", - "['the 26-year-old from burnham-on-sea won the 2013 bmx world title and was the world cup series champion in 2014 .phillips , who races in the manchester world cup event this weekend , plans to use 2015 to experiment with tactics in a bid to arrive at the start gate in rio full of confidence .liam phillips knows he must expand his repertoire to aid his bid for olympic glory .']\n", - "=======================\n", - "['liam phillips was world cup series champion in 2014but phillips wants to use the 2015 series to develop his tactics for riobmx rider also looking to reclaim his world championship title this year']\n", - "the 26-year-old from burnham-on-sea won the 2013 bmx world title and was the world cup series champion in 2014 .phillips , who races in the manchester world cup event this weekend , plans to use 2015 to experiment with tactics in a bid to arrive at the start gate in rio full of confidence .liam phillips knows he must expand his repertoire to aid his bid for olympic glory .\n", - "liam phillips was world cup series champion in 2014but phillips wants to use the 2015 series to develop his tactics for riobmx rider also looking to reclaim his world championship title this year\n", - "[1.1974821 1.5298665 1.3791586 1.3558954 1.2703699 1.0480151 1.0208918\n", - " 1.0352609 1.0574234 1.0289112 1.1690791 1.1946034 1.1208743 1.0263187\n", - " 1.0206069 1.0206461 1.0097532 1.0084511 1.0076855 1.0194819]\n", - "\n", - "[ 1 2 3 4 0 11 10 12 8 5 7 9 13 6 15 14 19 16 17 18]\n", - "=======================\n", - "['little matilda fitt - who played baby julia poldark in the bbc drama - was born to 34-year-old hannah fitt nine weeks early in their home town of barry , south wales , weighing just 2lb 12oz .matilda , now 21 months old , won the part to make her small screen debut only weeks after leaving the hospital , where she was treated for pneumonia .matilda was chosen to play to julie , who in the tv show died from putrid throat , because of her small size .']\n", - "=======================\n", - "['matilda fitt , now 21 months old , played baby julia poldark in bbc showthe real-life infant was born nine weeks early , and battled pneumoniamatilda was chosen to play julia because of her small sizeunlike her character , who died of putrid throat , matilda is now doing well']\n", - "little matilda fitt - who played baby julia poldark in the bbc drama - was born to 34-year-old hannah fitt nine weeks early in their home town of barry , south wales , weighing just 2lb 12oz .matilda , now 21 months old , won the part to make her small screen debut only weeks after leaving the hospital , where she was treated for pneumonia .matilda was chosen to play to julie , who in the tv show died from putrid throat , because of her small size .\n", - "matilda fitt , now 21 months old , played baby julia poldark in bbc showthe real-life infant was born nine weeks early , and battled pneumoniamatilda was chosen to play julia because of her small sizeunlike her character , who died of putrid throat , matilda is now doing well\n", - "[1.2768483 1.370376 1.3187131 1.2993779 1.1328849 1.3003654 1.177249\n", - " 1.1285703 1.0111922 1.0150146 1.1397111 1.0684373 1.009567 1.1224487\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 5 3 0 6 10 4 7 13 11 9 8 12 14 15 16 17 18 19]\n", - "=======================\n", - "[\"st patrick 's parish in stephensville , wisconsin said in a statement that the original pig rassle will be replaced this august with a human mud foosball tournament .global conservation group , an animal advocacy group , launched an online petition claiming the tournament was inhumane to the pigs .it garnered more than 81,000 signatures in efforts to cancel the event .\"]\n", - "=======================\n", - "[\"st patrick 's parish in wisconsin said its four-decade tradition , original pig rassle , will be replaced with human mud foosball this summerglobal conversation group started online petition last august to cancel event claiming it was inhumane ; it collected more than 81,000 signaturesthe group said they are ` very proud of the church for doing what 's right ' and consider this a huge step for animal welfare\"]\n", - "st patrick 's parish in stephensville , wisconsin said in a statement that the original pig rassle will be replaced this august with a human mud foosball tournament .global conservation group , an animal advocacy group , launched an online petition claiming the tournament was inhumane to the pigs .it garnered more than 81,000 signatures in efforts to cancel the event .\n", - "st patrick 's parish in wisconsin said its four-decade tradition , original pig rassle , will be replaced with human mud foosball this summerglobal conversation group started online petition last august to cancel event claiming it was inhumane ; it collected more than 81,000 signaturesthe group said they are ` very proud of the church for doing what 's right ' and consider this a huge step for animal welfare\n", - "[1.2682185 1.4859377 1.3146533 1.2492974 1.2370801 1.1428845 1.036796\n", - " 1.0295534 1.0311416 1.0746428 1.039205 1.0623709 1.0279981 1.0266745\n", - " 1.0331651 1.0168866 1.0177051 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 5 9 11 10 6 14 8 7 12 13 16 15 18 17 19]\n", - "=======================\n", - "[\"jessica silva 's ex partner , james polkinghorne sent her a text message threatening to ` cave her f *** ing head in ' and ` bash the f *** ' out of her before arriving at her marrickville home fuelled on ` ice ' on mothers day in 2012 .fearing for her life , ms silva called her brother to come help her and sent her mother a desperate text message that said , ` mum , the psycho is coming . 'the young woman who killed her ice-addicted partner has spoken out about the horrific moment she stabbed him with a kitchen knife and has begged his father to forgive her .\"]\n", - "=======================\n", - "[\"jessica silva stabbed james polkinghorne outside her home in 2012ms silva was physically and mentally abused by polkinghorneshe claims that if she had not acted first she would have been killedsilva has sought forgiveness from his father and has reunited with himwhile he ca n't understand why she killed his son he said he has ` no anger 'jessica was found guilty of manslaughter but had her sentence suspended\"]\n", - "jessica silva 's ex partner , james polkinghorne sent her a text message threatening to ` cave her f *** ing head in ' and ` bash the f *** ' out of her before arriving at her marrickville home fuelled on ` ice ' on mothers day in 2012 .fearing for her life , ms silva called her brother to come help her and sent her mother a desperate text message that said , ` mum , the psycho is coming . 'the young woman who killed her ice-addicted partner has spoken out about the horrific moment she stabbed him with a kitchen knife and has begged his father to forgive her .\n", - "jessica silva stabbed james polkinghorne outside her home in 2012ms silva was physically and mentally abused by polkinghorneshe claims that if she had not acted first she would have been killedsilva has sought forgiveness from his father and has reunited with himwhile he ca n't understand why she killed his son he said he has ` no anger 'jessica was found guilty of manslaughter but had her sentence suspended\n", - "[1.2945356 1.2961504 1.4007262 1.2254881 1.2945988 1.0555892 1.0396498\n", - " 1.0874406 1.0264311 1.0876838 1.0356903 1.0350187 1.1102237 1.2734796\n", - " 1.0160401 1.0462717 1.0365921 1.0398895 1.0147492 0. ]\n", - "\n", - "[ 2 1 4 0 13 3 12 9 7 5 15 17 6 16 10 11 8 14 18 19]\n", - "=======================\n", - "['winchester council in hampshire said its annual clean-up of roads around the city had been hit by new health and safety executive rules designed to protect litter-pickers from traffic .council chiefs were condemned last night after claiming it was too dangerous to collect the roadside litter blighting britain .last night , former poet laureate sir andrew motion , now president of the campaign to protect rural england , accused town hall bosses and the highways agency of ruining the countryside by failing to remove rubbish .']\n", - "=======================\n", - "[\"winchester council in hampshire claimed annual clean-up hit by new rulesbut the health and safety executive denied tightening rules and added that councils were ` over-interpreting ' legislationpoet laureate sir andrew motion accused town hall bosses and highways agency of ruining the countryside by failing to remove rubbish\"]\n", - "winchester council in hampshire said its annual clean-up of roads around the city had been hit by new health and safety executive rules designed to protect litter-pickers from traffic .council chiefs were condemned last night after claiming it was too dangerous to collect the roadside litter blighting britain .last night , former poet laureate sir andrew motion , now president of the campaign to protect rural england , accused town hall bosses and the highways agency of ruining the countryside by failing to remove rubbish .\n", - "winchester council in hampshire claimed annual clean-up hit by new rulesbut the health and safety executive denied tightening rules and added that councils were ` over-interpreting ' legislationpoet laureate sir andrew motion accused town hall bosses and highways agency of ruining the countryside by failing to remove rubbish\n", - "[1.0516794 1.039505 1.1014274 1.2523668 1.3721112 1.0448751 1.2134982\n", - " 1.155651 1.1208011 1.144449 1.1872567 1.0982437 1.0312836 1.0186503\n", - " 1.0184972 1.0378007 1.0195047 1.014665 1.0155209]\n", - "\n", - "[ 4 3 6 10 7 9 8 2 11 0 5 1 15 12 16 13 14 18 17]\n", - "=======================\n", - "['while firearms are prohibited , hunting fans can practise archery deer hunting at pittsburgh international airporthere , mail online travel reveals the best - and most bizarre things you can do with a couple of spare hours at an airport .turkey hunting season begins in april and ends at the end of may , and is allowed in designated areas around the st. cloud regional airport , in minnesota .']\n", - "=======================\n", - "['travellers stopping at the st. cloud airport in minnesota can hunt turkeypittsburgh airport offers deer hunting permits on its 800 acres of landsan francisco offers its guests a choice of two yoga rooms to unwind in']\n", - "while firearms are prohibited , hunting fans can practise archery deer hunting at pittsburgh international airporthere , mail online travel reveals the best - and most bizarre things you can do with a couple of spare hours at an airport .turkey hunting season begins in april and ends at the end of may , and is allowed in designated areas around the st. cloud regional airport , in minnesota .\n", - "travellers stopping at the st. cloud airport in minnesota can hunt turkeypittsburgh airport offers deer hunting permits on its 800 acres of landsan francisco offers its guests a choice of two yoga rooms to unwind in\n", - "[1.3649473 1.3070772 1.2889409 1.2240815 1.1760451 1.1430322 1.0822791\n", - " 1.0998477 1.0417205 1.0186101 1.0685656 1.0473003 1.0674479 1.0833492\n", - " 1.106645 1.0600339 1.0492119 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 5 14 7 13 6 10 12 15 16 11 8 9 17 18]\n", - "=======================\n", - "[\"the remains of friedrich branft , 22 , make the first complete skeleton to be recovered from the battle of waterloo 200 years agoafter a painstaking process historians identified the man as friedrich brandt , 23 , a hanoverian hunchback who trained in the east sussex resort of bexhill-on-sea .brandt , a member of george iii 's german legion , was killed by napoleon 's forces and was found with a musket ball between his ribs , the sunday times reported .\"]\n", - "=======================\n", - "[\"expert identified man who fought with british troops as friedrich brandtthe remains are the first complete skeleton to be recovered from waterlooa piece of wood , a spoon and a month 's wages turned out to be vital clues\"]\n", - "the remains of friedrich branft , 22 , make the first complete skeleton to be recovered from the battle of waterloo 200 years agoafter a painstaking process historians identified the man as friedrich brandt , 23 , a hanoverian hunchback who trained in the east sussex resort of bexhill-on-sea .brandt , a member of george iii 's german legion , was killed by napoleon 's forces and was found with a musket ball between his ribs , the sunday times reported .\n", - "expert identified man who fought with british troops as friedrich brandtthe remains are the first complete skeleton to be recovered from waterlooa piece of wood , a spoon and a month 's wages turned out to be vital clues\n", - "[1.4878546 1.2807459 1.2044294 1.4648342 1.1177273 1.1414318 1.0292552\n", - " 1.0253271 1.0352447 1.0379798 1.0267426 1.1039128 1.047337 1.2067413\n", - " 1.0828949 1.0562445 1.0328826 0. 0. ]\n", - "\n", - "[ 0 3 1 13 2 5 4 11 14 15 12 9 8 16 6 10 7 17 18]\n", - "=======================\n", - "[\"stephanie scott , 26 , was last seen at a woolworths supermarket at leeton on easter sunday afternoon .pictured at her hen 's party , the teacher was due to marry her partner of five years on saturdaydesperate family and friends have flooded social media with dozens of messages about their search for the leeton high school drama and english teacher , who was excited about her wedding day on saturday . '\"]\n", - "=======================\n", - "[\"stephanie scott , 26 , was last seen at leeton , west of sydney , last sundayhigh school teacher is due to marry her partner of five years on saturdaypolice have grave concerns as her disappearance is ` out of character 'ms scott could be travelling in a mazda 3 sedan with registration bz-19-cd\"]\n", - "stephanie scott , 26 , was last seen at a woolworths supermarket at leeton on easter sunday afternoon .pictured at her hen 's party , the teacher was due to marry her partner of five years on saturdaydesperate family and friends have flooded social media with dozens of messages about their search for the leeton high school drama and english teacher , who was excited about her wedding day on saturday . '\n", - "stephanie scott , 26 , was last seen at leeton , west of sydney , last sundayhigh school teacher is due to marry her partner of five years on saturdaypolice have grave concerns as her disappearance is ` out of character 'ms scott could be travelling in a mazda 3 sedan with registration bz-19-cd\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[1.1742897 1.3161366 1.2159247 1.253016 1.229841 1.1304927 1.0742215\n", - " 1.0597367 1.028041 1.1176274 1.0888307 1.0749118 1.0800388 1.0708487\n", - " 1.0572134 1.0950679 1.0633305 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 5 9 15 10 12 11 6 13 16 7 14 8 17 18]\n", - "=======================\n", - "['now , researchers have shown that passive smoking affects plants too , which can take up nicotine from contaminated soil and plumes of smoke .nicotine was frequently used as an insecticide until it was banned by the european union in 2009 because of its toxicity .the finding may explain why some spices , herbal teas and medicinal plants have high concentrations of nicotine in them , despite none being allowed in insecticides .']\n", - "=======================\n", - "['technical university of braunschweig researchers analysed peppermintfound raised nicotine levels in plants subjected to cigarette smokealso showed peppermint plants take up nicotine from contaminated soilsfindings could explain high nicotine levels in some spices and teas']\n", - "now , researchers have shown that passive smoking affects plants too , which can take up nicotine from contaminated soil and plumes of smoke .nicotine was frequently used as an insecticide until it was banned by the european union in 2009 because of its toxicity .the finding may explain why some spices , herbal teas and medicinal plants have high concentrations of nicotine in them , despite none being allowed in insecticides .\n", - "technical university of braunschweig researchers analysed peppermintfound raised nicotine levels in plants subjected to cigarette smokealso showed peppermint plants take up nicotine from contaminated soilsfindings could explain high nicotine levels in some spices and teas\n", - "[1.1959 1.4922456 1.1395807 1.1607116 1.2932442 1.0458082 1.0564952\n", - " 1.0500668 1.0258924 1.0237187 1.0181242 1.0171138 1.067175 1.1435207\n", - " 1.0598812 1.0550511 1.0748793 1.0984488 0. ]\n", - "\n", - "[ 1 4 0 3 13 2 17 16 12 14 6 15 7 5 8 9 10 11 18]\n", - "=======================\n", - "[\"the far-right afrikaner resistance movement ( awb ) is training thousands of youths in military-style bootcamps northwest of johannesburg to fight for a separate white state .deep in rural south africa , a terrifying white supremacist movement is brainwashing teenagers to rise up in defiance of nelson mandela 's hard-fought dream of a rainbow nation .then by night , they are subjected to vile racist indoctrination which many hoped had disappeared from south africa for good .\"]\n", - "=======================\n", - "['far-right afrikaner resistance movement fighting for separate white staterecruit , 15 , says : ` you can not mix nations .youths subjected to vile racist indoctrination by apartheid-era leadersthey are told : ` we look different .']\n", - "the far-right afrikaner resistance movement ( awb ) is training thousands of youths in military-style bootcamps northwest of johannesburg to fight for a separate white state .deep in rural south africa , a terrifying white supremacist movement is brainwashing teenagers to rise up in defiance of nelson mandela 's hard-fought dream of a rainbow nation .then by night , they are subjected to vile racist indoctrination which many hoped had disappeared from south africa for good .\n", - "far-right afrikaner resistance movement fighting for separate white staterecruit , 15 , says : ` you can not mix nations .youths subjected to vile racist indoctrination by apartheid-era leadersthey are told : ` we look different .\n", - "[1.032903 1.5204883 1.4965397 1.3804591 1.053109 1.0312505 1.1943753\n", - " 1.1115443 1.2762856 1.1065619 1.0281948 1.0178422 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 8 6 7 9 4 0 5 10 11 17 12 13 14 15 16 18]\n", - "=======================\n", - "[\"for the first time in its history cadbury 's is set to release a super bar containing not one but seven different fillings .the seven-row dairy milk spectacular will contain one row each of : dairy milk caramel , dairy milk fruit & nut , dairy milk whole nut , dairy milk oreo , dairy milk daim , and dairy milk turkish .the cadbury team worked alongside food artist prudence staite to create the bar in in a bid to get chocolate lovers to try something new .\"]\n", - "=======================\n", - "['one row each of caramel , fruit & nut , whole nut , oreo , daim , and turkishnot available in shops as all 50 bars can only be won on twitterbrand worked alongside food artist prudence staite to create mega bar']\n", - "for the first time in its history cadbury 's is set to release a super bar containing not one but seven different fillings .the seven-row dairy milk spectacular will contain one row each of : dairy milk caramel , dairy milk fruit & nut , dairy milk whole nut , dairy milk oreo , dairy milk daim , and dairy milk turkish .the cadbury team worked alongside food artist prudence staite to create the bar in in a bid to get chocolate lovers to try something new .\n", - "one row each of caramel , fruit & nut , whole nut , oreo , daim , and turkishnot available in shops as all 50 bars can only be won on twitterbrand worked alongside food artist prudence staite to create mega bar\n", - "[1.0550164 1.0937073 1.3276381 1.27292 1.1459811 1.1697651 1.2317677\n", - " 1.1308292 1.1278994 1.2207286 1.0685234 1.0562698 1.0502791 1.0409828\n", - " 1.0513384 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 6 9 5 4 7 8 1 10 11 0 14 12 13 15 16 17 18]\n", - "=======================\n", - "['the other , five decades on , pouting beneath razor sharp cheek bones , sunken eyes and platinum blond hair .these exclusive pictures obtained by daily mail online show dermatologist and cosmetic surgeon to the stars , dr fredric brandt , the year he graduated from frank h morrell high , irvington , new jersey .dispirited : the famed 65-year-old doctor was found hanged in his miami home .']\n", - "=======================\n", - "[\"photos obtained by daily mail online show surgeon to the stars dr brandt , who hanged himself in miami on sunday , the year he graduated from his new jersey high schoolthey are in sharp contrast to the razor sharp cheek bones , sunken eyes and platinum blond hair of the well-known dermatologistdr. brandt was mercilessly lampooned in tina fey 's netflix showhe was a ` jewish kid from newark ' who was described as ` scholarly ' with an infectious grin by his peershe was voted most ambitious and most talkative student\"]\n", - "the other , five decades on , pouting beneath razor sharp cheek bones , sunken eyes and platinum blond hair .these exclusive pictures obtained by daily mail online show dermatologist and cosmetic surgeon to the stars , dr fredric brandt , the year he graduated from frank h morrell high , irvington , new jersey .dispirited : the famed 65-year-old doctor was found hanged in his miami home .\n", - "photos obtained by daily mail online show surgeon to the stars dr brandt , who hanged himself in miami on sunday , the year he graduated from his new jersey high schoolthey are in sharp contrast to the razor sharp cheek bones , sunken eyes and platinum blond hair of the well-known dermatologistdr. brandt was mercilessly lampooned in tina fey 's netflix showhe was a ` jewish kid from newark ' who was described as ` scholarly ' with an infectious grin by his peershe was voted most ambitious and most talkative student\n", - "[1.5759335 1.1721504 1.4925026 1.3335845 1.21452 1.1037817 1.1444182\n", - " 1.0815142 1.0343722 1.0146768 1.0142546 1.0628501 1.0275911 1.0498669\n", - " 1.0288229 1.0147853 1.0391843 1.0719657 1.0249195]\n", - "\n", - "[ 0 2 3 4 1 6 5 7 17 11 13 16 8 14 12 18 15 9 10]\n", - "=======================\n", - "[\"striker jay hart , 24 , has been sacked after he was filmed having sex with a supporter in the manager 's dugout while wearing a clitheroe fc tracksuitthe 73rd minute substitute for the lancashire non-league side was dismissed after the sex clip of his tryst at mossley afc in tameside , on saturday afternoon , was shared on social media .his team had just suffered a 4-1 defeat at mossley 's seel park stadium in the final game of the season which was billed as a ` ladies day ' to attract more female supporters .\"]\n", - "=======================\n", - "['striker jay hart , 24 , was caught having sex with supporter after 4-1 defeathe was filmed with the blonde in dugout while wearing tracksuithis girlfriend , who has two children , slammed those who filmed sex clipmr hart has been sacked from non-league clitheroe fc in lancashire']\n", - "striker jay hart , 24 , has been sacked after he was filmed having sex with a supporter in the manager 's dugout while wearing a clitheroe fc tracksuitthe 73rd minute substitute for the lancashire non-league side was dismissed after the sex clip of his tryst at mossley afc in tameside , on saturday afternoon , was shared on social media .his team had just suffered a 4-1 defeat at mossley 's seel park stadium in the final game of the season which was billed as a ` ladies day ' to attract more female supporters .\n", - "striker jay hart , 24 , was caught having sex with supporter after 4-1 defeathe was filmed with the blonde in dugout while wearing tracksuithis girlfriend , who has two children , slammed those who filmed sex clipmr hart has been sacked from non-league clitheroe fc in lancashire\n", - "[1.4019613 1.363657 1.1850843 1.2910901 1.159523 1.1716691 1.2094529\n", - " 1.140898 1.085031 1.081996 1.0643444 1.0660317 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 6 2 5 4 7 8 9 11 10 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"( cnn ) a prosecutor has dismissed allegations that argentine president cristina fernandez de kirchner tried to cover up iran 's involvement in a 1994 bombing in buenos aires .the move by prosecutor javier de luca to drop the case could mean a definitive end to the accusations that have roiled the nation , according to argentina 's state-run telam news agency .alberto nisman was found dead days after making the accusations .\"]\n", - "=======================\n", - "[\"the prosecutor looking at allegations against argentina 's president says no crime committedthe original prosecutor who brought the case was found dead in january\"]\n", - "( cnn ) a prosecutor has dismissed allegations that argentine president cristina fernandez de kirchner tried to cover up iran 's involvement in a 1994 bombing in buenos aires .the move by prosecutor javier de luca to drop the case could mean a definitive end to the accusations that have roiled the nation , according to argentina 's state-run telam news agency .alberto nisman was found dead days after making the accusations .\n", - "the prosecutor looking at allegations against argentina 's president says no crime committedthe original prosecutor who brought the case was found dead in january\n", - "[1.3534781 1.3021965 1.320836 1.3321226 1.0609968 1.1387894 1.1060364\n", - " 1.0459236 1.0495182 1.0630035 1.0206822 1.0142043 1.1011769 1.0458534\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 5 6 12 9 4 8 7 13 10 11 17 14 15 16 18]\n", - "=======================\n", - "[\"the chairman of a house committee investigating the 2012 terror attacks on americans in benghazi , libya , on thursday called former secretary of state hillary rodham clinton to testify at a public hearing next month .deadly : the september 11 , 2012 benghazi terror attacks killed four americans including the us ambassador to libyainfamous : ` the fact is we had four dead americans , ' clinton said during a 2013 senate hearing .\"]\n", - "=======================\n", - "[\"presidential candidate will face tough grilling about the 2012 terror attacks in libyarepublicans sought closed-door , transcribed interview before public hearing but clinton 's lawyer said she was ready to testifychairman predicts ` clinton could be done with the benghazi committee before the fourth of july 'former secretary of state expected to sit in the hot seat on capitol hill in the week of may 18 and again before june 18\"]\n", - "the chairman of a house committee investigating the 2012 terror attacks on americans in benghazi , libya , on thursday called former secretary of state hillary rodham clinton to testify at a public hearing next month .deadly : the september 11 , 2012 benghazi terror attacks killed four americans including the us ambassador to libyainfamous : ` the fact is we had four dead americans , ' clinton said during a 2013 senate hearing .\n", - "presidential candidate will face tough grilling about the 2012 terror attacks in libyarepublicans sought closed-door , transcribed interview before public hearing but clinton 's lawyer said she was ready to testifychairman predicts ` clinton could be done with the benghazi committee before the fourth of july 'former secretary of state expected to sit in the hot seat on capitol hill in the week of may 18 and again before june 18\n", - "[1.2019304 1.2003696 1.4688513 1.3292314 1.2534975 1.12223 1.0547397\n", - " 1.0875038 1.2460996 1.0577736 1.0294645 1.0239514 1.0327137 1.0095117\n", - " 1.1502168 1.0369623 1.1724191 1.0862554 1.0142955]\n", - "\n", - "[ 2 3 4 8 0 1 16 14 5 7 17 9 6 15 12 10 11 18 13]\n", - "=======================\n", - "[\"the average listener spent just ten hours a week tuning in to bbc radio in the last three months of 2014 , according to official figures .figures show that while millions still tune in , they listen for much shorter bursts .the minutes of the bbc trust 's february meeting , published yesterday , revealed that director general tony hall highlighted the fall .\"]\n", - "=======================\n", - "['figures show that while millions still tune in they listen for shorter burstsaverage listener spent ten hours a week tuning in last three months of 2014this was 14 % down on decade earlier , when people tuned in for 11.6 hoursthe bbc trust has cleared the way for firms to buy their way into lifestyle programmes on the world news channel in a product placement experiment .']\n", - "the average listener spent just ten hours a week tuning in to bbc radio in the last three months of 2014 , according to official figures .figures show that while millions still tune in , they listen for much shorter bursts .the minutes of the bbc trust 's february meeting , published yesterday , revealed that director general tony hall highlighted the fall .\n", - "figures show that while millions still tune in they listen for shorter burstsaverage listener spent ten hours a week tuning in last three months of 2014this was 14 % down on decade earlier , when people tuned in for 11.6 hoursthe bbc trust has cleared the way for firms to buy their way into lifestyle programmes on the world news channel in a product placement experiment .\n", - "[1.4501516 1.2639986 1.2573915 1.4670306 1.0527678 1.0121056 1.0144731\n", - " 1.0118417 1.0099587 1.0106733 1.0177859 1.025515 1.0854833 1.0242901\n", - " 1.1449722 1.0721207 1.0834601 1.0702615 1.0459061]\n", - "\n", - "[ 3 0 1 2 14 12 16 15 17 4 18 11 13 10 6 5 7 9 8]\n", - "=======================\n", - "[\"papiss cisse is newcastle 's top scorer this season with 11 goals - 10 of those were decisivenewcastle will be keen to avoid a third defeat on the spin when they take on rivals sunderland in sunday 's crunch derby after floundering in recent weeks without banned striker papiss cisse .it is dick advocaat 's side who are struggling at the foot of the barclays premier league table -- sitting perilously one point above the bottom three - but sportsmail can reveal that john carver 's team would be two points adrift of their foes in the relegation zone if it were n't for cisse 's goals .\"]\n", - "=======================\n", - "['newcastle hope to avoid third defeat in a row when they face sunderlandpapiss cisse has scored 11 premier league goals this season10 of those have been decisive , and the magpies would be in the relegation zone behind sunderland without his goals']\n", - "papiss cisse is newcastle 's top scorer this season with 11 goals - 10 of those were decisivenewcastle will be keen to avoid a third defeat on the spin when they take on rivals sunderland in sunday 's crunch derby after floundering in recent weeks without banned striker papiss cisse .it is dick advocaat 's side who are struggling at the foot of the barclays premier league table -- sitting perilously one point above the bottom three - but sportsmail can reveal that john carver 's team would be two points adrift of their foes in the relegation zone if it were n't for cisse 's goals .\n", - "newcastle hope to avoid third defeat in a row when they face sunderlandpapiss cisse has scored 11 premier league goals this season10 of those have been decisive , and the magpies would be in the relegation zone behind sunderland without his goals\n", - "[1.1385803 1.3899783 1.299607 1.2839313 1.1585039 1.1099646 1.0577116\n", - " 1.0743243 1.0818452 1.1069239 1.069904 1.0496228 1.0290171 1.076043\n", - " 1.1991487 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 14 4 0 5 9 8 13 7 10 6 11 12 17 15 16 18]\n", - "=======================\n", - "['details of the plot for 2016 \\'s \" star wars : rogue one \" were revealed during a panel at star wars celebration fan festival sunday in anaheim , california .a group of rebels go on a rogue mission to steal plans for the death star .jones will play a rebel soldier .']\n", - "=======================\n", - "['the plot focuses on a rogue mission to steal plans for death starfelicity jones will star as a rebel soldier']\n", - "details of the plot for 2016 's \" star wars : rogue one \" were revealed during a panel at star wars celebration fan festival sunday in anaheim , california .a group of rebels go on a rogue mission to steal plans for the death star .jones will play a rebel soldier .\n", - "the plot focuses on a rogue mission to steal plans for death starfelicity jones will star as a rebel soldier\n", - "[1.1684432 1.2806016 1.2911869 1.3574874 1.3348495 1.1423917 1.1355827\n", - " 1.0429261 1.0452139 1.0752594 1.0915921 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 2 1 0 5 6 10 9 8 7 17 11 12 13 14 15 16 18]\n", - "=======================\n", - "[\"doncaster 's league one encounter against fleetwood tested the patience of the most ardent fandoncaster 's media team faced a tough challenge compling the match highlights of 0-0 drawsaturday 's visit of fleetwood town , who were eyeing the beach after their play-off hopes had all but evaporated , hardly promised to be a thriller .\"]\n", - "=======================\n", - "[\"doncaster posted highlights video on the club 's youtube channelthe yorkshire side drew 0-0 with fleetwood in league one encounter\"]\n", - "doncaster 's league one encounter against fleetwood tested the patience of the most ardent fandoncaster 's media team faced a tough challenge compling the match highlights of 0-0 drawsaturday 's visit of fleetwood town , who were eyeing the beach after their play-off hopes had all but evaporated , hardly promised to be a thriller .\n", - "doncaster posted highlights video on the club 's youtube channelthe yorkshire side drew 0-0 with fleetwood in league one encounter\n", - "[1.1526337 1.3079443 1.1604861 1.1620998 1.344964 1.31211 1.1575003\n", - " 1.1824672 1.0290045 1.1788198 1.0416472 1.0253714 1.0659688 1.2021409\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 5 1 13 7 9 3 2 6 0 12 10 8 11 14 15 16 17 18]\n", - "=======================\n", - "['roxy walsh shared a photo of a gold ring she found on facebook in the hope of finding its ownerroxy walsh ( pictured in bali ) found the ring while snorkelling at finns beach club in bali on april 7however , an australian woman is on a campaign to reunite a lost ring with its owner after discovering the buried treasure deep in the ocean .']\n", - "=======================\n", - "['queensland woman roxy walsh found an inscribed gold ring in balithe sentimental jewellery piece was found in the ocean while snorkellingms walsh has launched a campaign to return the ring to the people who own it , hoped to be \" joe \" or \" jenny \" according to inscriptionfacebook post has already been shared by more than 23 thousand people']\n", - "roxy walsh shared a photo of a gold ring she found on facebook in the hope of finding its ownerroxy walsh ( pictured in bali ) found the ring while snorkelling at finns beach club in bali on april 7however , an australian woman is on a campaign to reunite a lost ring with its owner after discovering the buried treasure deep in the ocean .\n", - "queensland woman roxy walsh found an inscribed gold ring in balithe sentimental jewellery piece was found in the ocean while snorkellingms walsh has launched a campaign to return the ring to the people who own it , hoped to be \" joe \" or \" jenny \" according to inscriptionfacebook post has already been shared by more than 23 thousand people\n", - "[1.190979 1.2836288 1.2435132 1.1677817 1.053201 1.2536407 1.1278553\n", - " 1.2300221 1.0966638 1.0744511 1.1067508 1.0629247 1.0603467 1.0241126\n", - " 1.022638 1.0549079 1.0184444 0. 0. 0. ]\n", - "\n", - "[ 1 5 2 7 0 3 6 10 8 9 11 12 15 4 13 14 16 17 18 19]\n", - "=======================\n", - "[\"this is according to a british study that has discovered a catastrophic condition called ` marine photic zone euxinia ' took place in one of the prehistoric oceans .the study authors fear that the planet today could suffer similar consequencesthis happens when the sun-lit surface waters of the ocean become devoid of oxygen and are poisoned by hydrogen sulphide .\"]\n", - "=======================\n", - "[\"the rate of co2 released from burning fossil fuels has increasedit is now similar to levels released from volcanic rifts during triassicthis created disastrous condition dubbed ` marine photic zone euxinia 'this happens when surface ocean waters become devoid of oxygen\"]\n", - "this is according to a british study that has discovered a catastrophic condition called ` marine photic zone euxinia ' took place in one of the prehistoric oceans .the study authors fear that the planet today could suffer similar consequencesthis happens when the sun-lit surface waters of the ocean become devoid of oxygen and are poisoned by hydrogen sulphide .\n", - "the rate of co2 released from burning fossil fuels has increasedit is now similar to levels released from volcanic rifts during triassicthis created disastrous condition dubbed ` marine photic zone euxinia 'this happens when surface ocean waters become devoid of oxygen\n", - "[1.3621234 1.3821836 1.3753376 1.4756006 1.2808318 1.0801613 1.0356154\n", - " 1.0148246 1.0182002 1.039655 1.0421959 1.0157719 1.0343535 1.0332952\n", - " 1.0304556 1.0226839 1.0180458 1.0138776 1.0122914 1.0126482]\n", - "\n", - "[ 3 1 2 0 4 5 10 9 6 12 13 14 15 8 16 11 7 17 19 18]\n", - "=======================\n", - "[\"michael vaughan has emerged as the favourite for the newly created role of director of england cricketthe 2005 ashes winning captain is the hot favourite on the three-man shortlist compiled by the ecb at thursday 's management board meeting ahead of andrew strauss and alec stewart , who have both registered their interest .vaughan spoke with new ecb chief executive tom harrison for an hour and has worked closely in the past with chairman-elect colin graves at yorkshire and looks set to be offered the job if he can reach agreement .\"]\n", - "=======================\n", - "['michael vaughan is the hot favourite to replace paul downtonvaughan named on shortlist along with andrew strauss and alec stewartthe 2005 ashes winning captain has held talks with tom harrison']\n", - "michael vaughan has emerged as the favourite for the newly created role of director of england cricketthe 2005 ashes winning captain is the hot favourite on the three-man shortlist compiled by the ecb at thursday 's management board meeting ahead of andrew strauss and alec stewart , who have both registered their interest .vaughan spoke with new ecb chief executive tom harrison for an hour and has worked closely in the past with chairman-elect colin graves at yorkshire and looks set to be offered the job if he can reach agreement .\n", - "michael vaughan is the hot favourite to replace paul downtonvaughan named on shortlist along with andrew strauss and alec stewartthe 2005 ashes winning captain has held talks with tom harrison\n", - "[1.392923 1.2506531 1.2237333 1.5133481 1.2280719 1.1194314 1.0607709\n", - " 1.1439282 1.0965478 1.0367613 1.016168 1.0284772 1.0237441 1.0104448\n", - " 1.014105 1.009831 1.0108434 1.1070929 0. 0. ]\n", - "\n", - "[ 3 0 1 4 2 7 5 17 8 6 9 11 12 10 14 16 13 15 18 19]\n", - "=======================\n", - "[\"celtic 's stuart armstrong ( right ) is hoping to get his hands on the scottish premiership titlestuart armstrong admits taking receipt of his first scottish premiership league winners ' medal would help finalise the process of feeling like a celtic player .for the young midfielder , a parkhead title party next month would also help make up for the hurt he suffered at the very same venue 12 months previously .\"]\n", - "=======================\n", - "[\"stuart armstrong is hoping he can win his first premiership titlearmstrong joined celtic from dundee united in january 2015he experienced heartache during last season 's scottish cup finalarmstrong and his then dundee united team-mates were beaten 2-0\"]\n", - "celtic 's stuart armstrong ( right ) is hoping to get his hands on the scottish premiership titlestuart armstrong admits taking receipt of his first scottish premiership league winners ' medal would help finalise the process of feeling like a celtic player .for the young midfielder , a parkhead title party next month would also help make up for the hurt he suffered at the very same venue 12 months previously .\n", - "stuart armstrong is hoping he can win his first premiership titlearmstrong joined celtic from dundee united in january 2015he experienced heartache during last season 's scottish cup finalarmstrong and his then dundee united team-mates were beaten 2-0\n", - "[1.3824686 1.228458 1.4300712 1.1950572 1.1495277 1.1652803 1.1449262\n", - " 1.0519829 1.0347334 1.0329489 1.0387051 1.0653217 1.2199095 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 12 3 5 4 6 11 7 10 8 9 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"change4life , which is being run by public health england to help address the country 's obesity crisis , is promoting dishes on its website with up to 29g of sugar per serving -- about seven teaspoons ' worth .obesity risk : sugary dishes are being promoted by the government 's flagship anti-obesity initiativeits apricot bread pudding has slightly more sugar than a snickers bar , which has 27g .\"]\n", - "=======================\n", - "[\"change4life run by public health england to tackle country 's obesity crisisit is promoting dishes on its website with up to 29g of sugar per servingthe apricot bread pudding recipe slightly more sugar than a snickers barcardiologists say advice is ` disturbing ' and is ` legitimises unhealthy foods '\"]\n", - "change4life , which is being run by public health england to help address the country 's obesity crisis , is promoting dishes on its website with up to 29g of sugar per serving -- about seven teaspoons ' worth .obesity risk : sugary dishes are being promoted by the government 's flagship anti-obesity initiativeits apricot bread pudding has slightly more sugar than a snickers bar , which has 27g .\n", - "change4life run by public health england to tackle country 's obesity crisisit is promoting dishes on its website with up to 29g of sugar per servingthe apricot bread pudding recipe slightly more sugar than a snickers barcardiologists say advice is ` disturbing ' and is ` legitimises unhealthy foods '\n", - "[1.1039294 1.3213245 1.3709038 1.2696139 1.1499492 1.1154925 1.2179315\n", - " 1.0977377 1.0392743 1.0404683 1.1035619 1.069956 1.0836706 1.037576\n", - " 1.0590904 1.0771334 1.0579941 1.0632244 0. 0. ]\n", - "\n", - "[ 2 1 3 6 4 5 0 10 7 12 15 11 17 14 16 9 8 13 18 19]\n", - "=======================\n", - "[\"it closed in 1995 but is now set to have new life breathed into it after planning permission was granted to build 102 apartments in its place .opened in 1818 , the asylum once housed nearly 1,000 patients and expands over 350 metres in length overlooking the town of stafford in the west midlands .shattered doors , overturned bathtubs and crumbling floors dominate the grade ii listed st george 's county asylum where patients were restrained by means of ` the leather muff , ' ` iron handcuffs ' and ` restraint chair ' .\"]\n", - "=======================\n", - "[\"mysterious history of grade ii listed asylum in the west midlands revealed in sinister looking photographsst george 's county asylum in stafford was opened in 1818 and once housed nearly 1,000 patientsdysentery and syphilis said to be widespread , while patients were restrained in chairs and by ` iron handcuffs 'a developer is now looking to transform the haunting structure by building a block of apartments in its place\"]\n", - "it closed in 1995 but is now set to have new life breathed into it after planning permission was granted to build 102 apartments in its place .opened in 1818 , the asylum once housed nearly 1,000 patients and expands over 350 metres in length overlooking the town of stafford in the west midlands .shattered doors , overturned bathtubs and crumbling floors dominate the grade ii listed st george 's county asylum where patients were restrained by means of ` the leather muff , ' ` iron handcuffs ' and ` restraint chair ' .\n", - "mysterious history of grade ii listed asylum in the west midlands revealed in sinister looking photographsst george 's county asylum in stafford was opened in 1818 and once housed nearly 1,000 patientsdysentery and syphilis said to be widespread , while patients were restrained in chairs and by ` iron handcuffs 'a developer is now looking to transform the haunting structure by building a block of apartments in its place\n", - "[1.19801 1.1129725 1.03521 1.0403109 1.3344121 1.1104786 1.097371\n", - " 1.1561105 1.0926713 1.0859368 1.0373144 1.1169071 1.0344077 1.0342294\n", - " 1.0428728 1.0349505 1.0425739 1.1283801 1.03342 1.0230416 1.0688738\n", - " 1.0345545]\n", - "\n", - "[ 4 0 7 17 11 1 5 6 8 9 20 14 16 3 10 2 15 21 12 13 18 19]\n", - "=======================\n", - "[\"cleopatra was known for her love of perfume , liberally applying lotus and rose oil to her upper lip .` floral perfumes can take years off a woman 'cleopatra believed that smelling divine was the real key to a man 's heart , ' she says .\"]\n", - "=======================\n", - "['according to scientists , perfume really can make us more attractivelavender has been shown to calm and soothe the mindcitrus smells evoke images of health and cleanliness']\n", - "cleopatra was known for her love of perfume , liberally applying lotus and rose oil to her upper lip .` floral perfumes can take years off a woman 'cleopatra believed that smelling divine was the real key to a man 's heart , ' she says .\n", - "according to scientists , perfume really can make us more attractivelavender has been shown to calm and soothe the mindcitrus smells evoke images of health and cleanliness\n", - "[1.2148608 1.3709846 1.1099193 1.3833826 1.3741212 1.1807446 1.0255325\n", - " 1.1634984 1.056965 1.0914434 1.1023102 1.0781341 1.0626358 1.0437843\n", - " 1.0429015 1.0152277 1.0411354 1.0406628 1.0448154 1.021113 0.\n", - " 0. ]\n", - "\n", - "[ 3 4 1 0 5 7 2 10 9 11 12 8 18 13 14 16 17 6 19 15 20 21]\n", - "=======================\n", - "['missed : rama the elephant was euthanized this week at the age of 31 by oregon zoo officials .his leg was injured after female elephants shoved him into a moat in 1990a zoo is facing criticism from animal rights activists after an asian elephant died - 25 years after he sustained a leg injury while in captivity there .']\n", - "=======================\n", - "[\"rama the elephant , who completed paintings with his trunk , died monday , oregon zoo officials announced on facebookzoo officials said rama 's leg was hurt in 1990 , when older female elephants shoved him out of the herd and he went into a moatthey said rama was euthanized after health problems from the leg injuryelephant group free the oregon zoo elephants has claimed zoo officials should not have placed rama with the females at a young age\"]\n", - "missed : rama the elephant was euthanized this week at the age of 31 by oregon zoo officials .his leg was injured after female elephants shoved him into a moat in 1990a zoo is facing criticism from animal rights activists after an asian elephant died - 25 years after he sustained a leg injury while in captivity there .\n", - "rama the elephant , who completed paintings with his trunk , died monday , oregon zoo officials announced on facebookzoo officials said rama 's leg was hurt in 1990 , when older female elephants shoved him out of the herd and he went into a moatthey said rama was euthanized after health problems from the leg injuryelephant group free the oregon zoo elephants has claimed zoo officials should not have placed rama with the females at a young age\n", - "[1.4213628 1.4013481 1.2141883 1.379956 1.2958506 1.0482688 1.0136926\n", - " 1.021431 1.1791917 1.0606047 1.1526027 1.0756307 1.0378208 1.1142989\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 4 2 8 10 13 11 9 5 12 7 6 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"greg rusedski has supported aljaz bedene 's bid to overturn an international tennis federation ruling and become eligible to represent great britain in the davis cup .slovenia-born bedene secured a british passport last month but can not currently represent his new nation in the competition having played twice for slovenia in 2010 and 2011 .bedene is currently ranked 99 in the world , making him british no 2 behind andy murray and ahead of james ward , kyle edmund and liam broady .\"]\n", - "=======================\n", - "[\"slovenian-born aljaz bedene secured a british passport last monthinternational tennis federation ruled bedene ca n't play for great britainruling comes after bedene played twice for slovenia in 2010 and 2011rusedski , who switched to britain from canada , offered his supportbedene 's world no 99 ranking puts him only behind andy murray in britainmurray backed bedene 's switch saying it would motivate those below him\"]\n", - "greg rusedski has supported aljaz bedene 's bid to overturn an international tennis federation ruling and become eligible to represent great britain in the davis cup .slovenia-born bedene secured a british passport last month but can not currently represent his new nation in the competition having played twice for slovenia in 2010 and 2011 .bedene is currently ranked 99 in the world , making him british no 2 behind andy murray and ahead of james ward , kyle edmund and liam broady .\n", - "slovenian-born aljaz bedene secured a british passport last monthinternational tennis federation ruled bedene ca n't play for great britainruling comes after bedene played twice for slovenia in 2010 and 2011rusedski , who switched to britain from canada , offered his supportbedene 's world no 99 ranking puts him only behind andy murray in britainmurray backed bedene 's switch saying it would motivate those below him\n", - "[1.3481323 1.2749897 1.2753689 1.3324673 1.1692628 1.2350787 1.1115102\n", - " 1.0481048 1.0542388 1.0604798 1.0677086 1.1207024 1.0845037 1.0295092\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 2 1 5 4 11 6 12 10 9 8 7 13 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"after patrick bamford , joe garner and danny mayor were crowned their division 's player of the year on sunday , the football league has revealed the players who were nipping at their heels for the honour .ipswich town 's daryl murphy was second in the voting ahead troy deeney , whose been in top form for championship leaders watford , in a list dominated by attacking players .on-loan chelsea striker bamford 's efforts at middlesbrough were rewarded with the championship award , as voted by sky bet football league club managers , with his team-mates grant leadbitter and lee tomlin also in the second tier 's top 10 .\"]\n", - "=======================\n", - "[\"daryl murphy was second to patrick bamford for the championship awardyoung player of the year dele alli behind joe garner in league oneshrewsbury town had three players in league two 's top 10 playersfootball league player of the year awards given out on sundaytop ten from votes by football league managers released on thursday\"]\n", - "after patrick bamford , joe garner and danny mayor were crowned their division 's player of the year on sunday , the football league has revealed the players who were nipping at their heels for the honour .ipswich town 's daryl murphy was second in the voting ahead troy deeney , whose been in top form for championship leaders watford , in a list dominated by attacking players .on-loan chelsea striker bamford 's efforts at middlesbrough were rewarded with the championship award , as voted by sky bet football league club managers , with his team-mates grant leadbitter and lee tomlin also in the second tier 's top 10 .\n", - "daryl murphy was second to patrick bamford for the championship awardyoung player of the year dele alli behind joe garner in league oneshrewsbury town had three players in league two 's top 10 playersfootball league player of the year awards given out on sundaytop ten from votes by football league managers released on thursday\n", - "[1.3863328 1.252513 1.2691698 1.2870016 1.2745957 1.1145487 1.0511882\n", - " 1.0226316 1.0175898 1.0836916 1.1204399 1.0704094 1.0677283 1.0247164\n", - " 1.0507747 1.0493859 1.0799067 1.0654202 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 4 2 1 10 5 9 16 11 12 17 6 14 15 13 7 8 20 18 19 21]\n", - "=======================\n", - "[\"( cnn ) saudi arabia has executed a second indonesian maid despite protests from jakarta , which is itself facing fierce criticism for its failure to heed calls for clemency for a number of foreigners on death row .karni was sentenced to death in march 2013 for killing her employer 's four-year-old child .she was the second indonesian domestic worker executed by the saudis this week , following the death of siti zaenab bt .\"]\n", - "=======================\n", - "[\"indonesia protests executions , says did n't receive formal warningsboth women had worked as domestic helpers in saudi arabia before being convicted of murder\"]\n", - "( cnn ) saudi arabia has executed a second indonesian maid despite protests from jakarta , which is itself facing fierce criticism for its failure to heed calls for clemency for a number of foreigners on death row .karni was sentenced to death in march 2013 for killing her employer 's four-year-old child .she was the second indonesian domestic worker executed by the saudis this week , following the death of siti zaenab bt .\n", - "indonesia protests executions , says did n't receive formal warningsboth women had worked as domestic helpers in saudi arabia before being convicted of murder\n", - "[1.2235333 1.3757694 1.2008691 1.1622022 1.2340462 1.410381 1.1467599\n", - " 1.0344703 1.0201255 1.0196086 1.0860494 1.1522923 1.0996448 1.0803939\n", - " 1.0496835 1.0816427 1.0103307 1.1174512 1.0097809 1.0111305 1.0148593\n", - " 1.0175158]\n", - "\n", - "[ 5 1 4 0 2 3 11 6 17 12 10 15 13 14 7 8 9 21 20 19 16 18]\n", - "=======================\n", - "['len barnes , 57 , from stockton , has been cured of the severe bowel infection clostridium difficile after undergoing a faecal transplant .len barnes shed three stone as he battled the life-threatening condition clostridium difficile , suffering bouts of diarrhoea .he lost his appetite and endured continuous pain .']\n", - "=======================\n", - "[\"len barnes , 75 , lost three stone while battling clostridium difficilewhen antibiotics failed to work specialists suggested a faecal transplantmr barnes ' daughter debbie stepped in to help , and donated her stools\"]\n", - "len barnes , 57 , from stockton , has been cured of the severe bowel infection clostridium difficile after undergoing a faecal transplant .len barnes shed three stone as he battled the life-threatening condition clostridium difficile , suffering bouts of diarrhoea .he lost his appetite and endured continuous pain .\n", - "len barnes , 75 , lost three stone while battling clostridium difficilewhen antibiotics failed to work specialists suggested a faecal transplantmr barnes ' daughter debbie stepped in to help , and donated her stools\n", - "[1.1238406 1.2127601 1.3762233 1.0275544 1.15336 1.2622054 1.180809\n", - " 1.1649001 1.1959659 1.1409904 1.101041 1.0500857 1.0902952 1.0421531\n", - " 1.0337704 1.0370156 1.1110759 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 5 1 8 6 7 4 9 0 16 10 12 11 13 15 14 3 17 18 19 20 21]\n", - "=======================\n", - "[\"the filmmakers said they plan to use the latest digital camera technology as they venture from the planet 's ice caps to ocean depths to deserts and remote forests .the show will focus on the earth 's last wilderness areas and the animals living there .now , the sweeping documentary series ` planet earth ' is getting a sequel .\"]\n", - "=======================\n", - "[\"filmmakers said they plan to use the latest ultra hd camera technologyeight-part series will take four years to make , will debut on netflix in 2019will focus on the earth 's last wilderness areas and the animals living there\"]\n", - "the filmmakers said they plan to use the latest digital camera technology as they venture from the planet 's ice caps to ocean depths to deserts and remote forests .the show will focus on the earth 's last wilderness areas and the animals living there .now , the sweeping documentary series ` planet earth ' is getting a sequel .\n", - "filmmakers said they plan to use the latest ultra hd camera technologyeight-part series will take four years to make , will debut on netflix in 2019will focus on the earth 's last wilderness areas and the animals living there\n", - "[1.4539022 1.2418786 1.3915896 1.2453836 1.1801411 1.0876148 1.0789151\n", - " 1.0756392 1.0904146 1.1857527 1.0342298 1.0157877 1.0361989 1.016943\n", - " 1.0205219 1.0606654 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 3 1 9 4 8 5 6 7 15 12 10 14 13 11 20 16 17 18 19 21]\n", - "=======================\n", - "[\"natalie bennett said the so-called ` citizens income ' -- which critics say would cost # 280billion -- would take longer than five years to bring in , and could take even longershe said another green pledge -- to dismantle the armed forces and use weapons factories to build wind turbines -- was also a ` long-term aspiration ' .every adult in britain would be paid # 72 a week under a commitment in the green manifesto -- but the party leader admitted her pledges could take decades to implement .\"]\n", - "=======================\n", - "[\"green party leader flounders again in interview about her own policiesset out plans for ` citizens income ' paid to every adult in the countryforced to admit it would take ` decades ' to implement expensive planembarrassment at end of interview when she is called ` caroline lucas '\"]\n", - "natalie bennett said the so-called ` citizens income ' -- which critics say would cost # 280billion -- would take longer than five years to bring in , and could take even longershe said another green pledge -- to dismantle the armed forces and use weapons factories to build wind turbines -- was also a ` long-term aspiration ' .every adult in britain would be paid # 72 a week under a commitment in the green manifesto -- but the party leader admitted her pledges could take decades to implement .\n", - "green party leader flounders again in interview about her own policiesset out plans for ` citizens income ' paid to every adult in the countryforced to admit it would take ` decades ' to implement expensive planembarrassment at end of interview when she is called ` caroline lucas '\n", - "[1.5223675 1.396423 1.1610903 1.0914114 1.4743987 1.0914218 1.0418141\n", - " 1.1506981 1.0422136 1.0311472 1.0426652 1.0215133 1.0757577 1.1071087\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 4 1 2 7 13 5 3 12 10 8 6 9 11 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"sebastien pocognoli has risked the wrath of his manager tony pulis , after publicly stating his confusion at losing his place in the west brom team .sebastien pocognoli ( centre ) says he 's baffled by tony pulis ' decision to drop him from the starting 11the belgian defender was an important player under alan irvine but since he left the club , the left back has found his game time limited .\"]\n", - "=======================\n", - "[\"since tony pulis took charge at west brom , pocognoli has found game time hard to come by and midfielder chris brunt ahead of himthe left back ca n't understand why he does n't get picked to playpocognoli was a regular under alan irvine before he was sackedclick here for all the latest west brom news\"]\n", - "sebastien pocognoli has risked the wrath of his manager tony pulis , after publicly stating his confusion at losing his place in the west brom team .sebastien pocognoli ( centre ) says he 's baffled by tony pulis ' decision to drop him from the starting 11the belgian defender was an important player under alan irvine but since he left the club , the left back has found his game time limited .\n", - "since tony pulis took charge at west brom , pocognoli has found game time hard to come by and midfielder chris brunt ahead of himthe left back ca n't understand why he does n't get picked to playpocognoli was a regular under alan irvine before he was sackedclick here for all the latest west brom news\n", - "[1.0482696 1.3186926 1.3837073 1.275407 1.2225957 1.1427343 1.1046934\n", - " 1.1322079 1.0770687 1.0587609 1.1308852 1.1428852 1.0905135 1.07652\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 3 4 11 5 7 10 6 12 8 13 9 0 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "['more than a third of mothers clothed their second baby in one or more hand-me-downs , with 46 per cent giving them toys bought for their elder sibling .second children are left with hand-me-downs , and around # 500 less spent on them in their first year of lifeand though 82 per cent have a memento of their first child , such as a lock of hair or a video of their first steps , only 23 per cent have a keepsake for their second , a report by debenhams found .']\n", - "=======================\n", - "['parents spend more on first child because of excitement and inexperiencesurvey by debenhams shows more pictures and videos taken of first childsecond children have to put up with fewer new clothes and cuddly toys']\n", - "more than a third of mothers clothed their second baby in one or more hand-me-downs , with 46 per cent giving them toys bought for their elder sibling .second children are left with hand-me-downs , and around # 500 less spent on them in their first year of lifeand though 82 per cent have a memento of their first child , such as a lock of hair or a video of their first steps , only 23 per cent have a keepsake for their second , a report by debenhams found .\n", - "parents spend more on first child because of excitement and inexperiencesurvey by debenhams shows more pictures and videos taken of first childsecond children have to put up with fewer new clothes and cuddly toys\n", - "[1.1988428 1.5432274 1.4035434 1.1864858 1.1183971 1.068114 1.1432496\n", - " 1.0455432 1.021269 1.0554737 1.0573885 1.0548922 1.0482656 1.0614628\n", - " 1.2053428 1.1720265 1.0634141 1.0325373 1.027577 ]\n", - "\n", - "[ 1 2 14 0 3 15 6 4 5 16 13 10 9 11 12 7 17 18 8]\n", - "=======================\n", - "[\"barry lyttle , 33 , has been given a 13-month suspended jail sentence after he pleaded guilty earlier this month to recklessly causing grievous bodily harm to his younger brother patrick .patrick , 31 , was rushed to hospital and spent six days in a coma after he was allegedly struck by his brother , barry in kings cross in sydney 's inner-city on january 3 .barry lyttle was charged with punching his brother patrick outside a kings cross night club\"]\n", - "=======================\n", - "[\"barry lyttle , 33 , has been given a 13-month suspended jail sentencehe pleaded guilty earlier this month to causing grievous bodily harmhe allegedly struck his brother patrick during a night out on january 3patrick said they are ` delighted ' to be able to go home with the family nowthe lyttle brothers hope to return to northern ireland as soon as possible\"]\n", - "barry lyttle , 33 , has been given a 13-month suspended jail sentence after he pleaded guilty earlier this month to recklessly causing grievous bodily harm to his younger brother patrick .patrick , 31 , was rushed to hospital and spent six days in a coma after he was allegedly struck by his brother , barry in kings cross in sydney 's inner-city on january 3 .barry lyttle was charged with punching his brother patrick outside a kings cross night club\n", - "barry lyttle , 33 , has been given a 13-month suspended jail sentencehe pleaded guilty earlier this month to causing grievous bodily harmhe allegedly struck his brother patrick during a night out on january 3patrick said they are ` delighted ' to be able to go home with the family nowthe lyttle brothers hope to return to northern ireland as soon as possible\n", - "[1.1885443 1.1061718 1.5207283 1.1828824 1.0690064 1.0230173 1.0282124\n", - " 1.339714 1.1821038 1.1429406 1.1145862 1.0171272 1.0490398 1.0292952\n", - " 1.0511326 1.0412321 0. 0. 0. ]\n", - "\n", - "[ 2 7 0 3 8 9 10 1 4 14 12 15 13 6 5 11 17 16 18]\n", - "=======================\n", - "[\"rory mcilroy could become just the sixth man to win the grand slam at augusta national on sunday , and while that represents the pinnacle of on-course achievement , he has designs on not just filling his trophy cabinet but becoming the true figurehead of his sport .sarazen , hogan , player , nicklaus , woods , mcilroy .that is the view of paul mcginley , europe 's ryder cup captain extraordinaire , who sums up the attitude in this neat way : mcilroy is no jose mourinho .\"]\n", - "=======================\n", - "[\"ryder cup-winning captain paul mcginley speaks highly of rory mcilroyworld no 1 wants to be ` an iconic figure in world sport , ' said mcginleymcilroy 's not all about winning titles , he wants to propel the game forwardmcilroy could be the sixth man to win the grand slam at augusta nationalhe is the favourite for the masters , where his best finish there is eighthmcginley said mcilroy intimidates opponents , but not like tiger woods did\"]\n", - "rory mcilroy could become just the sixth man to win the grand slam at augusta national on sunday , and while that represents the pinnacle of on-course achievement , he has designs on not just filling his trophy cabinet but becoming the true figurehead of his sport .sarazen , hogan , player , nicklaus , woods , mcilroy .that is the view of paul mcginley , europe 's ryder cup captain extraordinaire , who sums up the attitude in this neat way : mcilroy is no jose mourinho .\n", - "ryder cup-winning captain paul mcginley speaks highly of rory mcilroyworld no 1 wants to be ` an iconic figure in world sport , ' said mcginleymcilroy 's not all about winning titles , he wants to propel the game forwardmcilroy could be the sixth man to win the grand slam at augusta nationalhe is the favourite for the masters , where his best finish there is eighthmcginley said mcilroy intimidates opponents , but not like tiger woods did\n", - "[1.1856863 1.1081017 1.4270554 1.2357731 1.246493 1.181636 1.049279\n", - " 1.0223722 1.0865183 1.1604277 1.1187278 1.0848632 1.043748 1.0498016\n", - " 1.0413253 0. 0. 0. 0. ]\n", - "\n", - "[ 2 4 3 0 5 9 10 1 8 11 13 6 12 14 7 17 15 16 18]\n", - "=======================\n", - "[\"on friday , the 52-year-old libertarian lawmaker from kentucky shared a snapchat video of himself learning how to play poker from the infamous ` king of instagram ' dan blizerian .what does republican senator and presidential contender rand paul have in common with a gun-toting , stripper-hurling playboy ?high stakes : the pair were playing liar 's poker - a game where players use dollars bills instead of cards and track the serial numbers on the banknotes\"]\n", - "=======================\n", - "[\"the 52-year-old libertarian lawmaker from kentucky shared a snapchat video of himself learning how to play liar 's poker with $ 100 billsblizerian is best known for his x-rated instagram page followed by 8million users worldwidehe plays poker professionally and reportedly once earned $ 50million in winnings in just over a yearvideo from last year showed blizerian hurling porn star from a roof\"]\n", - "on friday , the 52-year-old libertarian lawmaker from kentucky shared a snapchat video of himself learning how to play poker from the infamous ` king of instagram ' dan blizerian .what does republican senator and presidential contender rand paul have in common with a gun-toting , stripper-hurling playboy ?high stakes : the pair were playing liar 's poker - a game where players use dollars bills instead of cards and track the serial numbers on the banknotes\n", - "the 52-year-old libertarian lawmaker from kentucky shared a snapchat video of himself learning how to play liar 's poker with $ 100 billsblizerian is best known for his x-rated instagram page followed by 8million users worldwidehe plays poker professionally and reportedly once earned $ 50million in winnings in just over a yearvideo from last year showed blizerian hurling porn star from a roof\n", - "[1.2628335 1.3682475 1.2199025 1.4142848 1.2359723 1.1362178 1.0854455\n", - " 1.0420947 1.0207887 1.2149569 1.0451062 1.0423665 1.0624727 1.0449928\n", - " 1.0454949 1.0394568 1.008568 1.0181361 0. ]\n", - "\n", - "[ 3 1 0 4 2 9 5 6 12 14 10 13 11 7 15 8 17 16 18]\n", - "=======================\n", - "['the breathtaking sheikh zayed grand mosque , in abu dhabi , united arab emirates , is the biggest in the middle eastbritish amateur photographer julian john has long been fascinated with the impressive structure and its incredible interiorsteaching assistant julian , originally from brighton , sussex , but living in the uae capital for the last four years , is planning an exhibition of his epic photos .']\n", - "=======================\n", - "['the largest mosque in the middle east , the grand mosque in abu dhabi is as stunning on the inside as the outsideamateur british photographer julian john visits the prayer halls as often as he can to capture their ornate beautythe impressive structure took almost 10 years to build and over 30,000 workers , only reaching completion in 2007']\n", - "the breathtaking sheikh zayed grand mosque , in abu dhabi , united arab emirates , is the biggest in the middle eastbritish amateur photographer julian john has long been fascinated with the impressive structure and its incredible interiorsteaching assistant julian , originally from brighton , sussex , but living in the uae capital for the last four years , is planning an exhibition of his epic photos .\n", - "the largest mosque in the middle east , the grand mosque in abu dhabi is as stunning on the inside as the outsideamateur british photographer julian john visits the prayer halls as often as he can to capture their ornate beautythe impressive structure took almost 10 years to build and over 30,000 workers , only reaching completion in 2007\n", - "[1.0677226 1.0488662 1.3851032 1.5355728 1.1604027 1.1227775 1.0214204\n", - " 1.0232869 1.0850289 1.0400256 1.2098652 1.0457989 1.0248204 1.1667562\n", - " 1.0186962 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 10 13 4 5 8 0 1 11 9 12 7 6 14 15 16 17 18]\n", - "=======================\n", - "['top tips : dr alex russell shares his tips for mastering wine tasting in four hoursname that note : the main skill wine experts have believes russell , is an ability to put a name to the odour or scentset aside at least four hours']\n", - "=======================\n", - "['university lecturer dr alex russell shares his expert advicedr russell says that anyone can improve their tasting skills in four hours']\n", - "top tips : dr alex russell shares his tips for mastering wine tasting in four hoursname that note : the main skill wine experts have believes russell , is an ability to put a name to the odour or scentset aside at least four hours\n", - "university lecturer dr alex russell shares his expert advicedr russell says that anyone can improve their tasting skills in four hours\n", - "[1.1714205 1.2613801 1.3672161 1.336736 1.1511309 1.095746 1.1797657\n", - " 1.1558623 1.1144546 1.0536917 1.0472045 1.0780156 1.0922167 1.0223176\n", - " 1.0704248 1.0554506 1.0862287 1.0458993 1.0152522 1.0305587]\n", - "\n", - "[ 2 3 1 6 0 7 4 8 5 12 16 11 14 15 9 10 17 19 13 18]\n", - "=======================\n", - "['it happened as david cameron toured pirate fm during a visit to cornwall to lay out conservative plans for the southwest .but yesterday the prime minister used a selfie stick for the first time .mr cameron travelled down to the south west on the sleeper train .']\n", - "=======================\n", - "['david cameron travelled to cornwall overnight on paddington sleeperthe prime minister used the visit to outline his new plan for the south westhe promised to give chancellor george osborne a cornish pasty t-shirthe joked that the train trip allowed him a night of peace without the family']\n", - "it happened as david cameron toured pirate fm during a visit to cornwall to lay out conservative plans for the southwest .but yesterday the prime minister used a selfie stick for the first time .mr cameron travelled down to the south west on the sleeper train .\n", - "david cameron travelled to cornwall overnight on paddington sleeperthe prime minister used the visit to outline his new plan for the south westhe promised to give chancellor george osborne a cornish pasty t-shirthe joked that the train trip allowed him a night of peace without the family\n", - "[1.1064557 1.2640309 1.0955855 1.2374976 1.2378563 1.1965343 1.1176767\n", - " 1.0406166 1.1369674 1.1096858 1.114846 1.0615585 1.0764902 1.0757309\n", - " 1.0577943 1.0535178 1.0819325 1.031573 0. 0. ]\n", - "\n", - "[ 1 4 3 5 8 6 10 9 0 2 16 12 13 11 14 15 7 17 18 19]\n", - "=======================\n", - "['as waters around the uk get warmer , popular species of fish including haddock , plaice and lemon sole could become less common as they migrate to more preferable water temperatures .from this they predicted the abundance and distribution of popular fish , such as haddock and plaice , could fall as the north sea warms and this could increase the price of fish and chipsresearchers have developed a model that combined long-term fisheries data with climate model projections from the met office .']\n", - "=======================\n", - "['researchers developed a model that combined long-term fisheries data with climate model projections from the met officeas the north sea warms the number of popular species is likely to fallthe prices of these staple fish could also rise as they become more rarejohn dory and red mullet may replace haddock , plaice and lemon sole']\n", - "as waters around the uk get warmer , popular species of fish including haddock , plaice and lemon sole could become less common as they migrate to more preferable water temperatures .from this they predicted the abundance and distribution of popular fish , such as haddock and plaice , could fall as the north sea warms and this could increase the price of fish and chipsresearchers have developed a model that combined long-term fisheries data with climate model projections from the met office .\n", - "researchers developed a model that combined long-term fisheries data with climate model projections from the met officeas the north sea warms the number of popular species is likely to fallthe prices of these staple fish could also rise as they become more rarejohn dory and red mullet may replace haddock , plaice and lemon sole\n", - "[1.3724171 1.2761629 1.1996605 1.2666699 1.1302657 1.1322387 1.2196276\n", - " 1.1099439 1.0939658 1.1542917 1.1221818 1.0734581 1.1150032 1.0624806\n", - " 1.0682174 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 6 2 9 5 4 10 12 7 8 11 14 13 18 15 16 17 19]\n", - "=======================\n", - "['super bowl champions new england patriots will begin the 2015 nfl season at home to the pittsburgh steelers on thursday , september 10 .the nfl released the full schedule for the 2015 campaign on tuesday night and , as is tradition , the reigning champions will host the opening game of the season .week one also features a prime-time showdown between the new york giants and their nfc east rivals dallas cowboys .']\n", - "=======================\n", - "['new england patriots take on pittsburgh steelers on september 10nfl released full schedule for the 2015 season on thursdaydallas cowboys host new york giants on sunday night in week oneseattle seahawks vs green bay packers rematch set for week twogreen bay packers will host chicago bears on thanksgiving nightvisit nfl.com for the full 2015 season schedule']\n", - "super bowl champions new england patriots will begin the 2015 nfl season at home to the pittsburgh steelers on thursday , september 10 .the nfl released the full schedule for the 2015 campaign on tuesday night and , as is tradition , the reigning champions will host the opening game of the season .week one also features a prime-time showdown between the new york giants and their nfc east rivals dallas cowboys .\n", - "new england patriots take on pittsburgh steelers on september 10nfl released full schedule for the 2015 season on thursdaydallas cowboys host new york giants on sunday night in week oneseattle seahawks vs green bay packers rematch set for week twogreen bay packers will host chicago bears on thanksgiving nightvisit nfl.com for the full 2015 season schedule\n", - "[1.2574954 1.2257788 1.1927351 1.2606305 1.1644962 1.0974551 1.0569425\n", - " 1.0846225 1.0942167 1.1959106 1.0964721 1.0689962 1.0593688 1.0231036\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 9 2 4 5 10 8 7 11 12 6 13 18 14 15 16 17 19]\n", - "=======================\n", - "[\"film themes have been used to brand the champions league semi-final between real madrid and juventusin italy , juventus ' semi-final with real madrid has been likened to a pair of films with tuttosport comparing the clash to ` star wars ' complete with cristiano ronaldo and mauro icardi brandishing lightsabers , while corriere dello sport confidently claim it 's ` mission possible ' .meanwhile , spain are looking towards an all-spanish champions league final between arch rivals barcelona and real madrid with marca referring to semi-final opponents bayern munich and juventus as ` the berlin walls ' blocking ` the mother of all finals ' .\"]\n", - "=======================\n", - "['champions league semi-finals : juventus vs real madrid , barcelona vs bayern municheuropa league semi-finals : sevilla vs fiorentina , napoli vs dniproporto and benfica meet in a top of the table clash in portugal']\n", - "film themes have been used to brand the champions league semi-final between real madrid and juventusin italy , juventus ' semi-final with real madrid has been likened to a pair of films with tuttosport comparing the clash to ` star wars ' complete with cristiano ronaldo and mauro icardi brandishing lightsabers , while corriere dello sport confidently claim it 's ` mission possible ' .meanwhile , spain are looking towards an all-spanish champions league final between arch rivals barcelona and real madrid with marca referring to semi-final opponents bayern munich and juventus as ` the berlin walls ' blocking ` the mother of all finals ' .\n", - "champions league semi-finals : juventus vs real madrid , barcelona vs bayern municheuropa league semi-finals : sevilla vs fiorentina , napoli vs dniproporto and benfica meet in a top of the table clash in portugal\n", - "[1.2911162 1.2484064 1.3783581 1.2619605 1.145399 1.1264484 1.0495951\n", - " 1.1090558 1.0890139 1.0134201 1.0133907 1.142791 1.1772006 1.0817225\n", - " 1.0286291 1.1045923 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 1 12 4 11 5 7 15 8 13 6 14 9 10 18 16 17 19]\n", - "=======================\n", - "[\"the 16-year-old told nbc he believes everyone on the tulsa force is to blame for his father the april 2 death of his father eric harris and says ` they should all go down . 'the bereaved teenage son of a tulsa man shot and killed by a 73-year-old volunteer deputy says his father 's killer should have never been on a police force .` he should have been in a retirement home , not out there on the scene killing my dad , ' aidan fraley said of robert bates .\"]\n", - "=======================\n", - "[\"aidan fraley , 16 , says his father eric harris ' killer robert bates should never have been allowed to work as a tulsa deputyfraley says the police at the scene and those who allowed bates on the streets are to blame but his mother cathy fraley says she forgives batesbates has said he mistakenly pulled out a handgun rather than a stun gun when he fatally shot eric harris on april 2 as he lay on the ground\"]\n", - "the 16-year-old told nbc he believes everyone on the tulsa force is to blame for his father the april 2 death of his father eric harris and says ` they should all go down . 'the bereaved teenage son of a tulsa man shot and killed by a 73-year-old volunteer deputy says his father 's killer should have never been on a police force .` he should have been in a retirement home , not out there on the scene killing my dad , ' aidan fraley said of robert bates .\n", - "aidan fraley , 16 , says his father eric harris ' killer robert bates should never have been allowed to work as a tulsa deputyfraley says the police at the scene and those who allowed bates on the streets are to blame but his mother cathy fraley says she forgives batesbates has said he mistakenly pulled out a handgun rather than a stun gun when he fatally shot eric harris on april 2 as he lay on the ground\n", - "[1.2547969 1.4072877 1.2426956 1.2590635 1.2188094 1.1638592 1.1608909\n", - " 1.117129 1.0954881 1.1575233 1.0672747 1.031017 1.151246 1.1239438\n", - " 1.0656273 1.0110681 1.0089098 1.01366 1.08144 1.0532057 1.0428311\n", - " 1.0291423 1.0363934 1.0217637]\n", - "\n", - "[ 1 3 0 2 4 5 6 9 12 13 7 8 18 10 14 19 20 22 11 21 23 17 15 16]\n", - "=======================\n", - "[\"tom richards , 25 , was arrested yesterday morning in his home city of swansea .it comes after westbrook , 41 , made claims on social media that her younger former lover had been violent towards her , posting a photograph on twitter of her bruised hand .danniella westbrook 's cage fighting ex-fiancé has been arrested for allegedly assaulting and harassing her .\"]\n", - "=======================\n", - "['tom richards was arrested in swansea over allegedly assaulting actresshe was released after being held for 11 hours pending further inquirieswestbrook previously accused him of physically assaulting her on twitterthe 25-year-old cage fighter has strenuously denied the allegations']\n", - "tom richards , 25 , was arrested yesterday morning in his home city of swansea .it comes after westbrook , 41 , made claims on social media that her younger former lover had been violent towards her , posting a photograph on twitter of her bruised hand .danniella westbrook 's cage fighting ex-fiancé has been arrested for allegedly assaulting and harassing her .\n", - "tom richards was arrested in swansea over allegedly assaulting actresshe was released after being held for 11 hours pending further inquirieswestbrook previously accused him of physically assaulting her on twitterthe 25-year-old cage fighter has strenuously denied the allegations\n", - "[1.4191865 1.251773 1.2062213 1.1067291 1.0813226 1.050334 1.0504366\n", - " 1.1021073 1.0490222 1.0247452 1.0576068 1.0741637 1.0944049 1.0870253\n", - " 1.0370439 1.0806862 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 7 12 13 4 15 11 10 6 5 8 14 9 22 16 17 18 19 20 21 23]\n", - "=======================\n", - "['( cnn ) if one is to believe lawyers for aaron hernandez , the former new england patriots star had no conceivable reason to kill a man who was his friend , his future brother-in-law and a reliable purveyor of the marijuana he chain-smoked .the jury in the high-profile trial resumed deliberations wednesday after deliberating about an hour-and-a-half on tuesday .the way defense lawyer james sultan laid it out for the massachusetts jury in closing arguments earlier tuesday , why would a young man with a $ 40 million contract kill semi-pro player odin lloyd less than a mile from his own home ?']\n", - "=======================\n", - "[\"a massachusetts jury is deliberating hernandez 's casehernandez is charged with first-degree murder in the killing of odin lloyd\"]\n", - "( cnn ) if one is to believe lawyers for aaron hernandez , the former new england patriots star had no conceivable reason to kill a man who was his friend , his future brother-in-law and a reliable purveyor of the marijuana he chain-smoked .the jury in the high-profile trial resumed deliberations wednesday after deliberating about an hour-and-a-half on tuesday .the way defense lawyer james sultan laid it out for the massachusetts jury in closing arguments earlier tuesday , why would a young man with a $ 40 million contract kill semi-pro player odin lloyd less than a mile from his own home ?\n", - "a massachusetts jury is deliberating hernandez 's casehernandez is charged with first-degree murder in the killing of odin lloyd\n", - "[1.2523384 1.4263306 1.2111335 1.2007239 1.2253565 1.3324561 1.1942387\n", - " 1.095394 1.0808005 1.0864701 1.0413104 1.0224253 1.0389962 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 5 0 4 2 3 6 7 9 8 10 12 11 13 14 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"rosemary taylor , communications director of the city of brookhaven in georgia , made the ` racist ' remark to hired photographer nelson jones at the local cherry blossom festival two weeks agomodels : rosemary taylor has been fired after she allegedly stopped a tourism photo shoot with dominique jackson ( right ) , 18 , and khamlee vongvone ( left ) , 19 , and said they were ` not the image i want for the city 'the girls ' mouths ` dropped ' and , moments later , they and mr jones were asked to leave the festival by a city official .\"]\n", - "=======================\n", - "[\"rosemary taylor approached photographer nelson jones at a city festivaljones was taking pictures of a black and an asian model for tourism shoottaylor apparently told photographer : ` this is not the image i want for city 'moments later , models and jones were asked to leave event by city officialtaylor sacked by city of brookhaven in georgia for ` unbecoming conduct 'she has defended herself , saying she was wrongly accused in the incident\"]\n", - "rosemary taylor , communications director of the city of brookhaven in georgia , made the ` racist ' remark to hired photographer nelson jones at the local cherry blossom festival two weeks agomodels : rosemary taylor has been fired after she allegedly stopped a tourism photo shoot with dominique jackson ( right ) , 18 , and khamlee vongvone ( left ) , 19 , and said they were ` not the image i want for the city 'the girls ' mouths ` dropped ' and , moments later , they and mr jones were asked to leave the festival by a city official .\n", - "rosemary taylor approached photographer nelson jones at a city festivaljones was taking pictures of a black and an asian model for tourism shoottaylor apparently told photographer : ` this is not the image i want for city 'moments later , models and jones were asked to leave event by city officialtaylor sacked by city of brookhaven in georgia for ` unbecoming conduct 'she has defended herself , saying she was wrongly accused in the incident\n", - "[1.3510752 1.2056484 1.1184616 1.4592987 1.2235074 1.0996176 1.0629431\n", - " 1.0908117 1.0549618 1.0129689 1.0364716 1.0356566 1.203806 1.029216\n", - " 1.015336 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 0 4 1 12 2 5 7 6 8 10 11 13 14 9 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"toulon winger bryan habana races away for a decisive try in extra-time against leinstertwickenham will stage a thunderous collision between two french juggernauts in 13 days ' time , although toulon 's crusade to win an unprecedented third successive european title nearly stalled at stade velodrome on sunday .on this faltering , unconvincing evidence , the holders of the last heineken cup face a mammoth task if they are to stop clermont auvergne from claiming the inaugural champions cup .\"]\n", - "=======================\n", - "[\"ian madigan kicked five penalties for leinsterleigh halfpenny replied with six three-pointers for toulontoulon lock ali williams was yellow carded during extra-timebryan habana raced away for a crucial try shortly afterwardsleinster flanker sean o'brien crossed for a late consolation try\"]\n", - "toulon winger bryan habana races away for a decisive try in extra-time against leinstertwickenham will stage a thunderous collision between two french juggernauts in 13 days ' time , although toulon 's crusade to win an unprecedented third successive european title nearly stalled at stade velodrome on sunday .on this faltering , unconvincing evidence , the holders of the last heineken cup face a mammoth task if they are to stop clermont auvergne from claiming the inaugural champions cup .\n", - "ian madigan kicked five penalties for leinsterleigh halfpenny replied with six three-pointers for toulontoulon lock ali williams was yellow carded during extra-timebryan habana raced away for a crucial try shortly afterwardsleinster flanker sean o'brien crossed for a late consolation try\n", - "[1.2293584 1.4067165 1.3803185 1.2654828 1.2548631 1.174518 1.0444697\n", - " 1.039355 1.0179741 1.0185435 1.0313872 1.0153472 1.1098355 1.1043415\n", - " 1.1601504 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 5 14 12 13 6 7 10 9 8 11 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"henthorn was charged with the murder of second wife , toni bertolet , 51 , last november and police have reopened their investigation into the suspicious death of his first wife , lynn rishell , some 20 years earlier .and lynn rishell 's brother 's wife , grace rishell , has opened up to say that the fbi told her about a secret $ 400,000 life insurance policy henthorn had taken out on her , too .both of henthron 's wives died in ` freak ' accidents to which henthorn , 59 , was the sole witness .\"]\n", - "=======================\n", - "[\"in november harold henthorn was charged with murdering his second wife in criminal trial which will also hear that he killed his first wifeboth died in freak ` accidents ' to which he was sole witness and fbi spent months investigating second death before he was chargedin both cases , henthorn was the sole beneficiary in a string of lucrative life insurance policieshis first wife 's sister-in-law , grace rishell , said that henthorn took out a $ 400,000 life insurance on herhenthorn reportedly forged her signature and made himself sole beneficiaryrishell believes she could have been the next to die in ` freak accident '\"]\n", - "henthorn was charged with the murder of second wife , toni bertolet , 51 , last november and police have reopened their investigation into the suspicious death of his first wife , lynn rishell , some 20 years earlier .and lynn rishell 's brother 's wife , grace rishell , has opened up to say that the fbi told her about a secret $ 400,000 life insurance policy henthorn had taken out on her , too .both of henthron 's wives died in ` freak ' accidents to which henthorn , 59 , was the sole witness .\n", - "in november harold henthorn was charged with murdering his second wife in criminal trial which will also hear that he killed his first wifeboth died in freak ` accidents ' to which he was sole witness and fbi spent months investigating second death before he was chargedin both cases , henthorn was the sole beneficiary in a string of lucrative life insurance policieshis first wife 's sister-in-law , grace rishell , said that henthorn took out a $ 400,000 life insurance on herhenthorn reportedly forged her signature and made himself sole beneficiaryrishell believes she could have been the next to die in ` freak accident '\n", - "[1.463928 1.1338171 1.1268328 1.2320472 1.257023 1.1369411 1.1208915\n", - " 1.0699719 1.0647761 1.029998 1.1245776 1.0665966 1.0505707 1.0432891\n", - " 1.0717804 1.0805533 1.0147878 1.0673702 1.0611714 1.0534652 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 4 3 5 1 2 10 6 15 14 7 17 11 8 18 19 12 13 9 16 22 20 21 23]\n", - "=======================\n", - "['( cnn ) more than 300 suspects have been arrested in south africa in connection with deadly attacks on foreigners that have forced thousands to flee , the government said sunday .the attacks in durban killed two immigrants and three south africans , including a 14-year-old boy , authorities said .thousands sought refuge in temporary shelters after mobs with machetes attacked immigrants in durban .']\n", - "=======================\n", - "['south africa is battling xenophobic violence after some said foreigners are taking jobs awaya 14-year-old boy is among those killed after a mob with machetes targeted foreigners']\n", - "( cnn ) more than 300 suspects have been arrested in south africa in connection with deadly attacks on foreigners that have forced thousands to flee , the government said sunday .the attacks in durban killed two immigrants and three south africans , including a 14-year-old boy , authorities said .thousands sought refuge in temporary shelters after mobs with machetes attacked immigrants in durban .\n", - "south africa is battling xenophobic violence after some said foreigners are taking jobs awaya 14-year-old boy is among those killed after a mob with machetes targeted foreigners\n", - "[1.2851312 1.4415668 1.3330858 1.0382752 1.0510789 1.087604 1.2249014\n", - " 1.0735643 1.061901 1.0787374 1.0971508 1.091017 1.0887958 1.0166444\n", - " 1.0189927 1.0415807 1.0354528 1.053307 1.2232687 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 6 18 10 11 12 5 9 7 8 17 4 15 3 16 14 13 22 19 20 21 23]\n", - "=======================\n", - "[\"the blunder at the pensions office in essen , in the north rhine-westphalia area of germany saw a letter sent out the woman asking for # 3,351,978,728,190,661 .the bill is more than a thousands times than the whole of germany 's annual gross domestic product .a part-time worker had the shock of her life after she was ordered to pay more three quadrillion pounds in pension contributions .\"]\n", - "=======================\n", - "['a woman was accidentally ordered to pay # 3.35 quadrillion to her pensionmassive sum is more than the entire gross domestic product of germanyblunder by pensions office was discovered before any money was taken']\n", - "the blunder at the pensions office in essen , in the north rhine-westphalia area of germany saw a letter sent out the woman asking for # 3,351,978,728,190,661 .the bill is more than a thousands times than the whole of germany 's annual gross domestic product .a part-time worker had the shock of her life after she was ordered to pay more three quadrillion pounds in pension contributions .\n", - "a woman was accidentally ordered to pay # 3.35 quadrillion to her pensionmassive sum is more than the entire gross domestic product of germanyblunder by pensions office was discovered before any money was taken\n", - "[1.3272612 1.063575 1.078506 1.2738941 1.1399584 1.1504669 1.048844\n", - " 1.2566667 1.1291738 1.0219822 1.1386751 1.1938143 1.0583489 1.1267654\n", - " 1.0833995 1.0852232 1.1268396 1.0193983 1.0346473 1.0215878 1.0207072\n", - " 1.0267177 1.0597259 1.0537449]\n", - "\n", - "[ 0 3 7 11 5 4 10 8 16 13 15 14 2 1 22 12 23 6 18 21 9 19 20 17]\n", - "=======================\n", - "[\"cape verde 's 2-0 win over portugal was the most eye-catching international result of the week .cape verde is a group of islands 400 miles from senegal off the west coast of africa .manchester united winger nani is from cape verde and could have played for them instead of portugal .\"]\n", - "=======================\n", - "[\"cape verde defeated portugal 2-0 in an international friendly matchnani and henrik larsson could have played for cape verdethe island 's population currently stands at just 500,000 people\"]\n", - "cape verde 's 2-0 win over portugal was the most eye-catching international result of the week .cape verde is a group of islands 400 miles from senegal off the west coast of africa .manchester united winger nani is from cape verde and could have played for them instead of portugal .\n", - "cape verde defeated portugal 2-0 in an international friendly matchnani and henrik larsson could have played for cape verdethe island 's population currently stands at just 500,000 people\n", - "[1.2736946 1.3587158 1.345073 1.1638594 1.1079705 1.0701184 1.0513542\n", - " 1.0612116 1.1002388 1.0901567 1.1162415 1.094639 1.0613929 1.0383875\n", - " 1.0130062 1.0240891 1.0167549 1.0518745 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 10 4 8 11 9 5 12 7 17 6 13 15 16 14 22 18 19 20 21 23]\n", - "=======================\n", - "['hawking has partnered with the silly lads of monty python to recreate the signature \" galaxy song \" from their 1983 film \" the meaning of life . \"the collabo is in honor of saturday \\'s record store day , when the 7-inch single will be available for sale .( cnn ) famed cosmologist stephen hawking has proved his comedy chops on shows like \" the big bang theory , \" and now he \\'s trying his hand at musicals .']\n", - "=======================\n", - "['stephen hawking is a famed cosmologist and mathematicianhe sings monty python \\'s \" galaxy song \" in a hilarious new video']\n", - "hawking has partnered with the silly lads of monty python to recreate the signature \" galaxy song \" from their 1983 film \" the meaning of life . \"the collabo is in honor of saturday 's record store day , when the 7-inch single will be available for sale .( cnn ) famed cosmologist stephen hawking has proved his comedy chops on shows like \" the big bang theory , \" and now he 's trying his hand at musicals .\n", - "stephen hawking is a famed cosmologist and mathematicianhe sings monty python 's \" galaxy song \" in a hilarious new video\n", - "[1.2708602 1.3607228 1.3178 1.3971171 1.1432811 1.0517863 1.0884311\n", - " 1.2284628 1.1246848 1.1058406 1.0540994 1.1136057 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 0 7 4 8 11 9 6 10 5 22 12 13 14 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "['bubba watson showed off an incredible baseball style trick shot while practicing in chinathe 36-year-old took to twitter on saturday to show fans a new trick he had been working on .working with his caddie in china , watson pulled off a baseball-style shot with a driver , striking the ball as it was dropped from a height .']\n", - "=======================\n", - "[\"bubba watson pulled off an incredible baseball style trick shot in practicethe 36-year-old smashed the airborne ball straight down the middlewatson 's form was poor at the masters and shenzen international\"]\n", - "bubba watson showed off an incredible baseball style trick shot while practicing in chinathe 36-year-old took to twitter on saturday to show fans a new trick he had been working on .working with his caddie in china , watson pulled off a baseball-style shot with a driver , striking the ball as it was dropped from a height .\n", - "bubba watson pulled off an incredible baseball style trick shot in practicethe 36-year-old smashed the airborne ball straight down the middlewatson 's form was poor at the masters and shenzen international\n", - "[1.2027681 1.4615649 1.2139972 1.3335259 1.2423465 1.0701461 1.0747935\n", - " 1.1317086 1.0994518 1.0782893 1.0751437 1.0123682 1.0090698 1.018424\n", - " 1.0111161 1.1068034 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 4 2 0 7 15 8 9 10 6 5 13 11 14 12 20 16 17 18 19 21]\n", - "=======================\n", - "[\"according to new research , 61 per cent of us adults have admitted that they do n't extend invitations to friends and family because of their ` home shame ' .in a study of 1,000 people for sugru , makers of moldable glue , 48 per cent said their embarrassment about their home is usually confined to just a few rooms or areas , however 33 per cent acknowledge they are ashamed of their whole house .general mess , dated carpets and kitchens , unfinished diy projects and the small size of their property rank highest on the list of embarrassments - which awful color schemes , shabby furniture and poor location also proved to be particularly shameful for homeowners .\"]\n", - "=======================\n", - "[\"many people also confessed that they would love to take a tour of lifestyle martha stewart 's home , as well as the obamas ' private living area\"]\n", - "according to new research , 61 per cent of us adults have admitted that they do n't extend invitations to friends and family because of their ` home shame ' .in a study of 1,000 people for sugru , makers of moldable glue , 48 per cent said their embarrassment about their home is usually confined to just a few rooms or areas , however 33 per cent acknowledge they are ashamed of their whole house .general mess , dated carpets and kitchens , unfinished diy projects and the small size of their property rank highest on the list of embarrassments - which awful color schemes , shabby furniture and poor location also proved to be particularly shameful for homeowners .\n", - "many people also confessed that they would love to take a tour of lifestyle martha stewart 's home , as well as the obamas ' private living area\n", - "[1.5789908 1.3539292 1.2015731 1.213272 1.163356 1.0848577 1.050774\n", - " 1.1019953 1.0524263 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 2 4 7 5 8 6 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", - "=======================\n", - "[\"( cnn ) april 27 is celebrated as freedom day in south africa , commemorating the country 's first democratic elections in 1994 election which saw nelson mandela elected as president .using the #freedomday hashtag , people across the country and beyond took to twitter to celebrate this year 's event , express their views and send out their wishes -- including the south african government .indian prime minister narendra modi also hailed the people of south africa and sent out a message of hope .\"]\n", - "=======================\n", - "['south africa marks 21 years since the first free electionnation celebrates amid recent violent attack on immigrants']\n", - "( cnn ) april 27 is celebrated as freedom day in south africa , commemorating the country 's first democratic elections in 1994 election which saw nelson mandela elected as president .using the #freedomday hashtag , people across the country and beyond took to twitter to celebrate this year 's event , express their views and send out their wishes -- including the south african government .indian prime minister narendra modi also hailed the people of south africa and sent out a message of hope .\n", - "south africa marks 21 years since the first free electionnation celebrates amid recent violent attack on immigrants\n", - "[1.1140596 1.1716669 1.3310474 1.2691681 1.182257 1.2281349 1.2634754\n", - " 1.1349425 1.167398 1.1225017 1.1082413 1.0740719 1.0582471 1.0728533\n", - " 1.1124346 1.0423677 1.0392425 1.0251372 1.0404153 1.0129457 0.\n", - " 0. ]\n", - "\n", - "[ 2 3 6 5 4 1 8 7 9 0 14 10 11 13 12 15 18 16 17 19 20 21]\n", - "=======================\n", - "['the annual survey from deutsche bank has shown that for the fourth consecutive year , australians pay higher prices for a range of consumer goods and services than are paid in any other place .it found that australian prices are at 112 per cent of the us , meaning that we pay $ 1.12 to every $ us1 .the survey uses the purchasing power parity index to determine the relative price levels to the us dollar .']\n", - "=======================\n", - "[\"deutsche bank survey confirms what australians already knowfor the 4th year straight australia ranked as the world 's costliest countrya 2-litre bottle of coke costs 51 percent more than in new yorkbiggest difference is hotel rooms , which are double the price of new york\"]\n", - "the annual survey from deutsche bank has shown that for the fourth consecutive year , australians pay higher prices for a range of consumer goods and services than are paid in any other place .it found that australian prices are at 112 per cent of the us , meaning that we pay $ 1.12 to every $ us1 .the survey uses the purchasing power parity index to determine the relative price levels to the us dollar .\n", - "deutsche bank survey confirms what australians already knowfor the 4th year straight australia ranked as the world 's costliest countrya 2-litre bottle of coke costs 51 percent more than in new yorkbiggest difference is hotel rooms , which are double the price of new york\n", - "[1.0558107 1.0592169 1.4406067 1.3931191 1.273423 1.1019434 1.0637105\n", - " 1.1744969 1.0562818 1.0627003 1.0871456 1.0360124 1.1688855 1.1132967\n", - " 1.0769404 1.0502027 1.0773319 1.0289443 1.0203937 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 3 4 7 12 13 5 10 16 14 6 9 1 8 0 15 11 17 18 20 19 21]\n", - "=======================\n", - "[\"according to author of happier people healthier planet , dr teresa belton , they 're all completely free .author belton has insisted that practices as small as going on walks can be calming and restorativebelton insists that it 's actually non-material things that support our wellbeing , like good relationships and a sense of belonging .\"]\n", - "=======================\n", - "['teresa belton , 62 , is author of happier people healthier planetbased in norwich , she believes that people living modestly are happiersimple acts create sense of belonging and put things into perspective']\n", - "according to author of happier people healthier planet , dr teresa belton , they 're all completely free .author belton has insisted that practices as small as going on walks can be calming and restorativebelton insists that it 's actually non-material things that support our wellbeing , like good relationships and a sense of belonging .\n", - "teresa belton , 62 , is author of happier people healthier planetbased in norwich , she believes that people living modestly are happiersimple acts create sense of belonging and put things into perspective\n", - "[1.2821739 1.3053037 1.4242599 1.290258 1.3062178 1.0456673 1.1217129\n", - " 1.0155916 1.0443864 1.0379049 1.1768509 1.2260633 1.0143756 1.0118197\n", - " 1.024481 1.0204204 1.0884228 1.0153716 1.0162377 1.0147932 1.0172491\n", - " 1.0167208]\n", - "\n", - "[ 2 4 1 3 0 11 10 6 16 5 8 9 14 15 20 21 18 7 17 19 12 13]\n", - "=======================\n", - "['the 30-second-video was shared by thousands of people around the world and features the one-year-old cat playing with 15-year-old joshua teague .mimi was picked to star in the tv advert , which was broadcast last wednesday ( 15 ) , after phil shared the video with the pets at home facebook group earlier this month .tortoiseshell mimi became an internet sensation after her owner uploaded clips of her playing the sport to facebook .']\n", - "=======================\n", - "[\"a clip of mimi playing volleyball was uploaded to facebookcat saw of competition from thousands of gifted animalsfamily received # 20 voucher to buy treats for their catowner said ` family were really excited to see the advert '\"]\n", - "the 30-second-video was shared by thousands of people around the world and features the one-year-old cat playing with 15-year-old joshua teague .mimi was picked to star in the tv advert , which was broadcast last wednesday ( 15 ) , after phil shared the video with the pets at home facebook group earlier this month .tortoiseshell mimi became an internet sensation after her owner uploaded clips of her playing the sport to facebook .\n", - "a clip of mimi playing volleyball was uploaded to facebookcat saw of competition from thousands of gifted animalsfamily received # 20 voucher to buy treats for their catowner said ` family were really excited to see the advert '\n", - "[1.1209866 1.5646853 1.0277127 1.202035 1.0273923 1.0744164 1.3432374\n", - " 1.1251769 1.0155284 1.0889727 1.1048882 1.0108718 1.119812 1.0898443\n", - " 1.032229 1.0473307 1.0891738 1.0446686 1.1318349 1.02175 1.0102556\n", - " 1.0121092 1.023303 1.0719095 1.0070955]\n", - "\n", - "[ 1 6 3 18 7 0 12 10 13 16 9 5 23 15 17 14 2 4 22 19 8 21 11 20\n", - " 24]\n", - "=======================\n", - "[\"eden hazard , mesut ozil and joey barton feature in this week 's list as they put in man-of-the-match performances that helped their teams win , but who else made the xi ?everton goalkeeper tim howard put in a man of the match performance against southamptongk - tim howard ( everton vs southampton ) - 7\"]\n", - "=======================\n", - "['eden hazard put in a man-of-the-match performance for chelseamesut ozil was in fine form for arsenal as they beat liverpooljoey barton helped qpr to an emphatic 4-1 win over west brom']\n", - "eden hazard , mesut ozil and joey barton feature in this week 's list as they put in man-of-the-match performances that helped their teams win , but who else made the xi ?everton goalkeeper tim howard put in a man of the match performance against southamptongk - tim howard ( everton vs southampton ) - 7\n", - "eden hazard put in a man-of-the-match performance for chelseamesut ozil was in fine form for arsenal as they beat liverpooljoey barton helped qpr to an emphatic 4-1 win over west brom\n", - "[1.2186903 1.3337979 1.1709962 1.1138123 1.223973 1.3082303 1.2456002\n", - " 1.178761 1.097023 1.083753 1.0499547 1.034614 1.0734054 1.0757955\n", - " 1.0342075 1.0636898 1.0443879 1.0379922 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 6 4 0 7 2 3 8 9 13 12 15 10 16 17 11 14 23 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"scott , 50 , and pierre fulton , his friend of several years , had met for breakfast on april 4 before scott drove him to a church so fulton could collect a bag of vegetables .but as they returned home , their car was pulled over for a broken tail light in north charleston .he then took fulton home to drop off the bag there before they both headed over to scott 's house .\"]\n", - "=======================\n", - "[\"scott was driving pierre fulton back to his house after taking him to a nearby church to collect a bag of vegetables on april 4but they were pulled over for his broken tail light and scott fled from copshe was shot multiple times by officer michael slager , who was charged with his murder after a passerby released cellphone footage of the deathfulton , who had known scott for several years , said he does not know why his friend ran and did not see the shooting` he is torn up , ' his lawyer said\"]\n", - "scott , 50 , and pierre fulton , his friend of several years , had met for breakfast on april 4 before scott drove him to a church so fulton could collect a bag of vegetables .but as they returned home , their car was pulled over for a broken tail light in north charleston .he then took fulton home to drop off the bag there before they both headed over to scott 's house .\n", - "scott was driving pierre fulton back to his house after taking him to a nearby church to collect a bag of vegetables on april 4but they were pulled over for his broken tail light and scott fled from copshe was shot multiple times by officer michael slager , who was charged with his murder after a passerby released cellphone footage of the deathfulton , who had known scott for several years , said he does not know why his friend ran and did not see the shooting` he is torn up , ' his lawyer said\n", - "[1.2450638 1.5201995 1.3699942 1.3036184 1.1433452 1.2071866 1.1705213\n", - " 1.0550756 1.0494074 1.0454551 1.181931 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 10 6 4 7 8 9 18 22 21 20 19 17 12 15 14 13 23 11 16\n", - " 24]\n", - "=======================\n", - "['the two men allegedly ignited an aerosol spray with a lighter causing a large flame to make contact with a quokka on rottnest island off perth in western australia on april 3 .the lucky little critter survived the reckless incident but was singed by the flame .a quokka was the innocent victim of a cruel act by two french tourists who tried to set the australian animal alight .']\n", - "=======================\n", - "['two french tourists who tried to set a quokka alight on rottnest islandthe men allegedly ignited aerosol spray with lighter and singed the animalaged 18 and 24 , they were evicted from the island in western australiaboth have been charged for animal cruelty and appear in court on april 17']\n", - "the two men allegedly ignited an aerosol spray with a lighter causing a large flame to make contact with a quokka on rottnest island off perth in western australia on april 3 .the lucky little critter survived the reckless incident but was singed by the flame .a quokka was the innocent victim of a cruel act by two french tourists who tried to set the australian animal alight .\n", - "two french tourists who tried to set a quokka alight on rottnest islandthe men allegedly ignited aerosol spray with lighter and singed the animalaged 18 and 24 , they were evicted from the island in western australiaboth have been charged for animal cruelty and appear in court on april 17\n", - "[1.1278224 1.2212363 1.3802974 1.3520181 1.1884314 1.0850085 1.0696471\n", - " 1.0969286 1.080218 1.0711175 1.0286353 1.0684085 1.1327847 1.0557162\n", - " 1.0519583 1.0309006 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 4 12 0 7 5 8 9 6 11 13 14 15 10 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "['archaeologists have discovered evidence that neanderthals regularly inhabited the cave of llenes , near senterada in catalonia , around 200,000 years ago but were not alone .the fossilised remains of badgers were found in old dens within the cave alongside neanderthal campshowever , a recent excavation of a cave in the foothills of the pyrenees mountains in spain is suggesting our ancient cousins , the neanderthals , were more in tune with nature .']\n", - "=======================\n", - "[\"fossils found in cave of llenes in catalonia , spain suggests neanderthals lived alongside other predators like badgers , bears , wolves and leopardslarge quantities of stone tools were found in ` camps ' at the cave entrancebones of sheep , deer and rhino that neanderthal 's hunted were also foundseveral carnivores used the cave as a den at the time 200,000 years ago\"]\n", - "archaeologists have discovered evidence that neanderthals regularly inhabited the cave of llenes , near senterada in catalonia , around 200,000 years ago but were not alone .the fossilised remains of badgers were found in old dens within the cave alongside neanderthal campshowever , a recent excavation of a cave in the foothills of the pyrenees mountains in spain is suggesting our ancient cousins , the neanderthals , were more in tune with nature .\n", - "fossils found in cave of llenes in catalonia , spain suggests neanderthals lived alongside other predators like badgers , bears , wolves and leopardslarge quantities of stone tools were found in ` camps ' at the cave entrancebones of sheep , deer and rhino that neanderthal 's hunted were also foundseveral carnivores used the cave as a den at the time 200,000 years ago\n", - "[1.4446079 1.2720381 1.2010798 1.3459169 1.3873155 1.0680374 1.0293497\n", - " 1.0211062 1.0144483 1.2048151 1.0975494 1.0589626 1.066695 1.058658\n", - " 1.0647471 1.0416954 1.0085824 1.0201184 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 3 1 9 2 10 5 12 14 11 13 15 6 7 17 8 16 23 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"kent sprouse was put to death by lethal injection thursday night in texas .death row : kent sprouse gunned down ferris police officer marty steinfeldt , 28 , at a gas station outside of dallas before also shooting dead a customer , pedro moreno , 38 , in 2002he died 22 minutes after being injected and is now the fifth inmate to be executed this year in texas , the nation 's most active death penalty state .\"]\n", - "=======================\n", - "[\"kent sprouse , 42 , died of a lethal injection thursday in texasit took 22 minutes for sprouse to die after being injectedin 2002 he gunned down ferris police officer marty steinfeldt , 28 , at a gas station outside of dallas and a customer , pedro moreno , 38sprouse was high on meth , but his insanity defense was rejected and he was sentenced to death in 2004i would like to apologize to the moreno family and the steinfeldt family for all of the trouble i have caused them , ' said sprouse in his final statement\"]\n", - "kent sprouse was put to death by lethal injection thursday night in texas .death row : kent sprouse gunned down ferris police officer marty steinfeldt , 28 , at a gas station outside of dallas before also shooting dead a customer , pedro moreno , 38 , in 2002he died 22 minutes after being injected and is now the fifth inmate to be executed this year in texas , the nation 's most active death penalty state .\n", - "kent sprouse , 42 , died of a lethal injection thursday in texasit took 22 minutes for sprouse to die after being injectedin 2002 he gunned down ferris police officer marty steinfeldt , 28 , at a gas station outside of dallas and a customer , pedro moreno , 38sprouse was high on meth , but his insanity defense was rejected and he was sentenced to death in 2004i would like to apologize to the moreno family and the steinfeldt family for all of the trouble i have caused them , ' said sprouse in his final statement\n", - "[1.1471406 1.0983561 1.1775224 1.3477238 1.071252 1.0699229 1.0317892\n", - " 1.058454 1.1847556 1.1077441 1.1049699 1.0317155 1.0347805 1.1217917\n", - " 1.0226558 1.014004 1.0370102 1.0418062 1.0233495 1.0134683]\n", - "\n", - "[ 3 8 2 0 13 9 10 1 4 5 7 17 16 12 6 11 18 14 15 19]\n", - "=======================\n", - "[\"sarah 's face was transformed after the exercises .facial exercises have been around as long as youth has been considered the hallmark of beauty , with some claiming cleopatra was the first celebrity fan .at 65 , she could easily pass for ten years younger .\"]\n", - "=======================\n", - "[\"sarah ivens , 39 , tries the ` furrow smoother ' , ` lip lift ' and ` nose transformer 'exercises prescribed by carole maggio , the la-based creator of facercisemother-of-two noticed her lips were fuller after two weeks of exercisesexperienced muscle burn and soreness during and after the moves\"]\n", - "sarah 's face was transformed after the exercises .facial exercises have been around as long as youth has been considered the hallmark of beauty , with some claiming cleopatra was the first celebrity fan .at 65 , she could easily pass for ten years younger .\n", - "sarah ivens , 39 , tries the ` furrow smoother ' , ` lip lift ' and ` nose transformer 'exercises prescribed by carole maggio , the la-based creator of facercisemother-of-two noticed her lips were fuller after two weeks of exercisesexperienced muscle burn and soreness during and after the moves\n", - "[1.193065 1.3657523 1.286961 1.2091845 1.1309699 1.1794806 1.1774787\n", - " 1.2050905 1.1440876 1.0801401 1.0677812 1.1256726 1.0437919 1.0826167\n", - " 1.0101016 1.0073447 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 7 0 5 6 8 4 11 13 9 10 12 14 15 18 16 17 19]\n", - "=======================\n", - "['a study found youngsters were more likely to engage in risky behaviour when those looking after them were distracted -- with texting or talking on the phone a common cause .researchers observed randomly selected parents with children who looked between 18 months and five years old at playgrounds in new york .mobile phones and tablet computers are becoming dangerous distractions for parents who are supposed to be supervising their children , researchers claim .']\n", - "=======================\n", - "['researchers observed random parents with children at ny playgroundsphones and tablets were a dangerous distraction for parents , they claimedkids with distracted carers were more likely to engage in risky behaviourthis included jumping off moving swings or going head-first down slides']\n", - "a study found youngsters were more likely to engage in risky behaviour when those looking after them were distracted -- with texting or talking on the phone a common cause .researchers observed randomly selected parents with children who looked between 18 months and five years old at playgrounds in new york .mobile phones and tablet computers are becoming dangerous distractions for parents who are supposed to be supervising their children , researchers claim .\n", - "researchers observed random parents with children at ny playgroundsphones and tablets were a dangerous distraction for parents , they claimedkids with distracted carers were more likely to engage in risky behaviourthis included jumping off moving swings or going head-first down slides\n", - "[1.355968 1.297564 1.3169737 1.1422952 1.0846508 1.1454467 1.2474151\n", - " 1.1326411 1.1496909 1.0463008 1.0192388 1.0142642 1.0207273 1.0119824\n", - " 1.1367668 1.0580955 1.0921158 1.0363724 1.0789945 1.0561241]\n", - "\n", - "[ 0 2 1 6 8 5 3 14 7 16 4 18 15 19 9 17 12 10 11 13]\n", - "=======================\n", - "[\"the former bbc economics editor made headlines last week after it emerged she had been ` secretly ' dating ed milibandmiss flanders , 46 , accused the media of ` raking over ' mr miliband 's past in the run-up to the election .mrs miliband revealed the couple had first met at a london dinner party hosted by miss flanders in 2004 .\"]\n", - "=======================\n", - "['ms flanders was ` secretly \\' dating labour leader when he first met justineyesterday she confirmed story , tweeting : ` we \" dated \" fleetingly in 2004 \\'miss flanders , 46 , accused the media of ` raking over \\' mr miliband \\'s past']\n", - "the former bbc economics editor made headlines last week after it emerged she had been ` secretly ' dating ed milibandmiss flanders , 46 , accused the media of ` raking over ' mr miliband 's past in the run-up to the election .mrs miliband revealed the couple had first met at a london dinner party hosted by miss flanders in 2004 .\n", - "ms flanders was ` secretly ' dating labour leader when he first met justineyesterday she confirmed story , tweeting : ` we \" dated \" fleetingly in 2004 'miss flanders , 46 , accused the media of ` raking over ' mr miliband 's past\n", - "[1.3217824 1.3596087 1.1976453 1.1000129 1.0900803 1.1584905 1.1323822\n", - " 1.1219877 1.0717478 1.1207871 1.0685319 1.0197885 1.025951 1.0843166\n", - " 1.0195267 1.1392754 1.0356579 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 5 15 6 7 9 3 4 13 8 10 16 12 11 14 18 17 19]\n", - "=======================\n", - "[\"the adored school teacher from leeton went missing on easter sunday and her body was found in nearby bushland the following friday .stephanie scott 's devastated father has opened up about the grief her family is feeling as they struggle to come to terms with their daughter 's brutal murder , which took place just days before her much-anticipated wedding .ms scott 's grieving father robert explained that it is especially painful that stephanie 's life has been taken away when she had so much to look forward to .\"]\n", - "=======================\n", - "[\"stephanie scott 's grieving father has spoken out about their painhe says it is difficult to be surrounded by reminders of her wedding whilst cruelly planning for a funeralleeton parents say their children are devastated by teacher 's murderpolice discovered a body in nearby bushland on friday afternoonan autopsy will now be conducted to determine the cause of deathpolice will contact authorities in holland for a background check on accused killer , vincent stanford , who was charged with murder\"]\n", - "the adored school teacher from leeton went missing on easter sunday and her body was found in nearby bushland the following friday .stephanie scott 's devastated father has opened up about the grief her family is feeling as they struggle to come to terms with their daughter 's brutal murder , which took place just days before her much-anticipated wedding .ms scott 's grieving father robert explained that it is especially painful that stephanie 's life has been taken away when she had so much to look forward to .\n", - "stephanie scott 's grieving father has spoken out about their painhe says it is difficult to be surrounded by reminders of her wedding whilst cruelly planning for a funeralleeton parents say their children are devastated by teacher 's murderpolice discovered a body in nearby bushland on friday afternoonan autopsy will now be conducted to determine the cause of deathpolice will contact authorities in holland for a background check on accused killer , vincent stanford , who was charged with murder\n", - "[1.3860589 1.1247318 1.1490253 1.1328121 1.0583203 1.1060137 1.0303131\n", - " 1.2303848 1.0705547 1.0202894 1.0688086 1.1060354 1.0748181 1.0710272\n", - " 1.0492169 1.0625972 1.0245471 1.0168989 0. 0. ]\n", - "\n", - "[ 0 7 2 3 1 11 5 12 13 8 10 15 4 14 6 16 9 17 18 19]\n", - "=======================\n", - "['( cnn ) thousands of syrian and palestinian refugees trapped in the yarmouk refugee camp have suffered what can only be described as untold indignities .jihad ya ` qoub , the youngest palestinian refugee to flee yarmouk , was born on march 30 .i encountered two such individuals on my mission to damascus -- jihad and mohammad -- tiny , vulnerable infants who were taken from yarmouk in recent days , a place that was described last week by the u.n. secretary-general ban ki-moon as \" the deepest circle of hell . \"']\n", - "=======================\n", - "['yarmouk is a refugee camp near damascus in war-ravaged syriapierre krähenbühl of the united nations : individual lives underscore need for humanitarian action']\n", - "( cnn ) thousands of syrian and palestinian refugees trapped in the yarmouk refugee camp have suffered what can only be described as untold indignities .jihad ya ` qoub , the youngest palestinian refugee to flee yarmouk , was born on march 30 .i encountered two such individuals on my mission to damascus -- jihad and mohammad -- tiny , vulnerable infants who were taken from yarmouk in recent days , a place that was described last week by the u.n. secretary-general ban ki-moon as \" the deepest circle of hell . \"\n", - "yarmouk is a refugee camp near damascus in war-ravaged syriapierre krähenbühl of the united nations : individual lives underscore need for humanitarian action\n", - "[1.2192295 1.3529578 1.2963035 1.2977629 1.2469013 1.0868992 1.0992223\n", - " 1.1174015 1.0416656 1.1083156 1.0464606 1.0690296 1.0163926 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 7 9 6 5 11 10 8 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the prime minister -- who last night said he would be a ` big failure ' if he does not win a commons majority -- will unveil an analysis to show labour and the snp are ` really on the same side ' and want ` more borrowing , more debt and more taxes ' .the snp backed labour in 27 out of 28 votes on welfare and 62 out of 65 on the economy .mr cameron will show that , since mr miliband became labour leader , the snp has trooped through the lobbies with his mps in 91.5 per cent of commons divisions .\"]\n", - "=======================\n", - "[\"david cameron will unveil analysis to show labour and snp ` on same side 'he 'll say since milband became labour leader snp trooped through lobbiessnp backed labour in 27 of 28 votes on welfare and 62 of 65 on economylabour and snp ruled out formal coalition but refused same for looser term\"]\n", - "the prime minister -- who last night said he would be a ` big failure ' if he does not win a commons majority -- will unveil an analysis to show labour and the snp are ` really on the same side ' and want ` more borrowing , more debt and more taxes ' .the snp backed labour in 27 out of 28 votes on welfare and 62 out of 65 on the economy .mr cameron will show that , since mr miliband became labour leader , the snp has trooped through the lobbies with his mps in 91.5 per cent of commons divisions .\n", - "david cameron will unveil analysis to show labour and snp ` on same side 'he 'll say since milband became labour leader snp trooped through lobbiessnp backed labour in 27 of 28 votes on welfare and 62 of 65 on economylabour and snp ruled out formal coalition but refused same for looser term\n", - "[1.1813515 1.4376742 1.2283163 1.3334483 1.1520236 1.1021962 1.0578583\n", - " 1.1247592 1.1213372 1.1027161 1.0426857 1.0838414 1.0746979 1.0546453\n", - " 1.0361463 1.0147074 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 7 8 9 5 11 12 6 13 10 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"an unnamed 30-year-old former marlborough school student filed the lawsuit against joseph koetters , who taught english at the hancock park school which charges $ 35,000-per-year .the lawsuit alleges that when koetters was in his early-to-mid 30s he took part in a yearlong sexual relationship with a 16-year-old student , which began in the 2000-2001 school year .a former teacher at a prestigious girls ' school , attended by some of los angeles ' most affluent families , has been sued by a former student , alleging sexual abuse .\"]\n", - "=======================\n", - "['joseph koetters has been sued by an unnamed marlborough student , 30lawsuit alleges that koetters took part in a year-long sexual relationship with a 16-year-old student , which began in the 2000-2001 school yearlawsuit also claims unnamed teachers and school officials are held responsible for not ending the relationshipwoman came forward after another former student wrote an online essay accusing koetters of acting inappropriately toward her']\n", - "an unnamed 30-year-old former marlborough school student filed the lawsuit against joseph koetters , who taught english at the hancock park school which charges $ 35,000-per-year .the lawsuit alleges that when koetters was in his early-to-mid 30s he took part in a yearlong sexual relationship with a 16-year-old student , which began in the 2000-2001 school year .a former teacher at a prestigious girls ' school , attended by some of los angeles ' most affluent families , has been sued by a former student , alleging sexual abuse .\n", - "joseph koetters has been sued by an unnamed marlborough student , 30lawsuit alleges that koetters took part in a year-long sexual relationship with a 16-year-old student , which began in the 2000-2001 school yearlawsuit also claims unnamed teachers and school officials are held responsible for not ending the relationshipwoman came forward after another former student wrote an online essay accusing koetters of acting inappropriately toward her\n", - "[1.5269603 1.0651171 1.20257 1.2164328 1.193491 1.3248906 1.0371637\n", - " 1.0410336 1.0708814 1.1892408 1.0267268 1.0154688 1.0148062 1.0276784\n", - " 1.015281 1.0101142 1.0166225 0. 0. 0. 0. ]\n", - "\n", - "[ 0 5 3 2 4 9 8 1 7 6 13 10 16 11 14 12 15 19 17 18 20]\n", - "=======================\n", - "[\"the mighty boot of marcelo bosch kept the english flag flying in europe as the argentinian kicked saracens through to the champions cup semi-finals with a famous last-minute penalty .marcelo bosch kicks the match-winning penalty from long-range to snatch saracen 's a semi-final berthreferee nigel owens was escorted off the pitch by security but his call -- penalising replacement lock fabrice metz with 10 seconds left on the clock -- was the correct decision and ensured a classic finale to match bereft or flair and finesse .\"]\n", - "=======================\n", - "[\"marcelo bosch kicked penalty with last play of the game for victorysaracens took a half-time lead of 6-5 despite racing 's dominancepenalties from charlie hodgson ( two ) and alex goode for sarriesracing 92 scrum-half maxime machenaud scored the game 's only trysaracens will return to france to face clermont auvergne in the semi\"]\n", - "the mighty boot of marcelo bosch kept the english flag flying in europe as the argentinian kicked saracens through to the champions cup semi-finals with a famous last-minute penalty .marcelo bosch kicks the match-winning penalty from long-range to snatch saracen 's a semi-final berthreferee nigel owens was escorted off the pitch by security but his call -- penalising replacement lock fabrice metz with 10 seconds left on the clock -- was the correct decision and ensured a classic finale to match bereft or flair and finesse .\n", - "marcelo bosch kicked penalty with last play of the game for victorysaracens took a half-time lead of 6-5 despite racing 's dominancepenalties from charlie hodgson ( two ) and alex goode for sarriesracing 92 scrum-half maxime machenaud scored the game 's only trysaracens will return to france to face clermont auvergne in the semi\n", - "[1.4735408 1.3936074 1.1000246 1.0522082 1.4610695 1.3352687 1.0313593\n", - " 1.020493 1.274732 1.0327926 1.03987 1.1800015 1.1143842 1.0141759\n", - " 1.012399 1.0297899 1.0562464 1.0127122 1.0186515 1.0103786 1.0110927]\n", - "\n", - "[ 0 4 1 5 8 11 12 2 16 3 10 9 6 15 7 18 13 17 14 20 19]\n", - "=======================\n", - "[\"karim benzema insists real madrid are capable of becoming the first side to retain the champions league due to their undoubted quality .the la liga giants won their 10th european cup last season and benzema is confident that his side can quickly add to their impressive tally .benzema was speaking to adidas ahead of real madrid 's champions league encounter against atletico\"]\n", - "=======================\n", - "[\"karim benzema has set his side target of reaching champions league finalthe frenchman insists real will ` give their all to be there at the end 'james rodriguez is happy to be plying his trade under carlo ancelottireal madrid face atletico madrid at the vicente calderon on tuesdayread : see where cristiano ronaldo and co unwind after training\"]\n", - "karim benzema insists real madrid are capable of becoming the first side to retain the champions league due to their undoubted quality .the la liga giants won their 10th european cup last season and benzema is confident that his side can quickly add to their impressive tally .benzema was speaking to adidas ahead of real madrid 's champions league encounter against atletico\n", - "karim benzema has set his side target of reaching champions league finalthe frenchman insists real will ` give their all to be there at the end 'james rodriguez is happy to be plying his trade under carlo ancelottireal madrid face atletico madrid at the vicente calderon on tuesdayread : see where cristiano ronaldo and co unwind after training\n", - "[1.1787865 1.3418541 1.2923504 1.2087951 1.133894 1.0647446 1.0585191\n", - " 1.1265868 1.1012254 1.114761 1.021055 1.0113733 1.1065062 1.0704669\n", - " 1.0178267 1.0458692 1.0104905 1.0234606 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 7 9 12 8 13 5 6 15 17 10 14 11 16 19 18 20]\n", - "=======================\n", - "[\"the 24-year-old , better known as simply stephen james , is now quickly becoming one of the most in-demand models in the industry , and one of the first ever to be a full tattooed one at that .he has lucrative contracts with calvin klein and diesel under his belt , has starred in numerous men 's magazine shoots , and graced the runway at fashion weeks .not so tough tatts : the supermodel softy says you should n't judge someone by how they look on the outside\"]\n", - "=======================\n", - "['london-based model stephen james hendry famed for his full body tattoothe supermodel is in sydney for a new modelling campaignaustralian fans understood to have already located him at his hotelthe 24-year-old heartthrob is recently single']\n", - "the 24-year-old , better known as simply stephen james , is now quickly becoming one of the most in-demand models in the industry , and one of the first ever to be a full tattooed one at that .he has lucrative contracts with calvin klein and diesel under his belt , has starred in numerous men 's magazine shoots , and graced the runway at fashion weeks .not so tough tatts : the supermodel softy says you should n't judge someone by how they look on the outside\n", - "london-based model stephen james hendry famed for his full body tattoothe supermodel is in sydney for a new modelling campaignaustralian fans understood to have already located him at his hotelthe 24-year-old heartthrob is recently single\n", - "[1.038834 1.3345401 1.4309655 1.2674578 1.2575436 1.2489784 1.1797441\n", - " 1.1156244 1.0196158 1.0135883 1.1635855 1.0671467 1.0105458 1.0963233\n", - " 1.1300515 1.211584 1.112749 1.0460033]\n", - "\n", - "[ 2 1 3 4 5 15 6 10 14 7 16 13 11 17 0 8 9 12]\n", - "=======================\n", - "['the small creatures are easily blown to the shores of oregon , california and washington during strong winds this time of year thanks to a blue sail on the tops of their bodies .the sands are awash with thousands of blue jellyfish-like creatures known as velella velella .in oregon , there are more velella velella across beaches than usual , experts say .']\n", - "=======================\n", - "['thousands of the jellyfish-like creatures , known as velella velella , are covering beaches across oregon , california and washingtonthe creatures have small sails on their bodies , which means they are easily blown towards the shore during strong winds this time of yearthey are not harmful to humans but will begin to smell as they rot']\n", - "the small creatures are easily blown to the shores of oregon , california and washington during strong winds this time of year thanks to a blue sail on the tops of their bodies .the sands are awash with thousands of blue jellyfish-like creatures known as velella velella .in oregon , there are more velella velella across beaches than usual , experts say .\n", - "thousands of the jellyfish-like creatures , known as velella velella , are covering beaches across oregon , california and washingtonthe creatures have small sails on their bodies , which means they are easily blown towards the shore during strong winds this time of yearthey are not harmful to humans but will begin to smell as they rot\n", - "[1.4450221 1.2600477 1.1646451 1.4377117 1.1652598 1.1562973 1.1104953\n", - " 1.1090758 1.2515439 1.0674058 1.0371906 1.0403751 1.0884426 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 8 4 2 5 6 7 12 9 11 10 16 13 14 15 17]\n", - "=======================\n", - "[\"manchester united have identified borussia dortmund midfielder ilkay gundogan as the leading contender to fill michael carrick 's midfield role .manchester united are closing in on a deal to sign borussia dortmund ace ilkay gundoganunited are eyeing a # 20.5 million deal for the central midfielder , and reports emanating from germany on friday indicated a deal is now close - though those claims were later denied .\"]\n", - "=======================\n", - "['louis van gaal is closing in on a deal for midfielder ilkay gundoganmanchester united have agreed # 20.5 million fee with borussia dortmundgermany international has scored nine goals in 75 games for dortmundarsenal were also linked with a move for the 24-year-old midfielder']\n", - "manchester united have identified borussia dortmund midfielder ilkay gundogan as the leading contender to fill michael carrick 's midfield role .manchester united are closing in on a deal to sign borussia dortmund ace ilkay gundoganunited are eyeing a # 20.5 million deal for the central midfielder , and reports emanating from germany on friday indicated a deal is now close - though those claims were later denied .\n", - "louis van gaal is closing in on a deal for midfielder ilkay gundoganmanchester united have agreed # 20.5 million fee with borussia dortmundgermany international has scored nine goals in 75 games for dortmundarsenal were also linked with a move for the 24-year-old midfielder\n", - "[1.3429073 1.4687746 1.2956232 1.3223872 1.2299268 1.048388 1.0532633\n", - " 1.0605707 1.0272881 1.0666136 1.0932866 1.0741593 1.1714734 1.0682418\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 12 10 11 13 9 7 6 5 8 14 15 16 17]\n", - "=======================\n", - "[\"the golfer 's girlfriend , bikini model alexis randock , had posted a photo on her instagram account of her and sister nicole on the beach last week .pga tour star rickie fowler has earned extra brownie points with his growing legion of fans after calling out an online hater who accused his girlfriend of being a ` gold digger . '` fatalsplash ' - who has since changed his user name to - ' @dont_hava_usename ' - was roundly criticized , being called a moron and accused of working at mcdonald 's .\"]\n", - "=======================\n", - "[\"the pga tour star has earned extra brownie points with his growing legion of fans after calling out an online hater who abused his girlfriendbikini model alexis randock had posted a photo on her instagram account of her and her sister nicole on the beacha troll called ` fatalsplash ' then accused alexis of being a ` gold digger ' who did n't have to workfowler quickly told the hater to ` get your facts straight ' , while alexis informed him that she worked her ` butt off '\"]\n", - "the golfer 's girlfriend , bikini model alexis randock , had posted a photo on her instagram account of her and sister nicole on the beach last week .pga tour star rickie fowler has earned extra brownie points with his growing legion of fans after calling out an online hater who accused his girlfriend of being a ` gold digger . '` fatalsplash ' - who has since changed his user name to - ' @dont_hava_usename ' - was roundly criticized , being called a moron and accused of working at mcdonald 's .\n", - "the pga tour star has earned extra brownie points with his growing legion of fans after calling out an online hater who abused his girlfriendbikini model alexis randock had posted a photo on her instagram account of her and her sister nicole on the beacha troll called ` fatalsplash ' then accused alexis of being a ` gold digger ' who did n't have to workfowler quickly told the hater to ` get your facts straight ' , while alexis informed him that she worked her ` butt off '\n", - "[1.2650051 1.1095208 1.2418306 1.2583029 1.2240901 1.1379379 1.2063812\n", - " 1.1264083 1.1267856 1.1366097 1.0765802 1.035533 1.0253582 1.0361309\n", - " 1.0829552 1.0641439 1.0708846 0. ]\n", - "\n", - "[ 0 3 2 4 6 5 9 8 7 1 14 10 16 15 13 11 12 17]\n", - "=======================\n", - "[\"apple offers a range of ways to unlock its devices from pins to passwords and fingerprints .the patent ( illustrated ) was filed by the california-based firm in march 2011 and awarded earlier this week .the filing details a system of scanning a user 's face with the front-facing camera when the handset is moved into a certain position , and automatically unlocking the device if the image matches one on file .\"]\n", - "=======================\n", - "[\"the patent was filed in march 2011 and awarded to apple earlier this weekit details a method of scanning a user 's face using the front-facing cameraif the scanned face matches with a photo that was previously taken and stored , the phone unlocks automaticallyandroid lollipop already has a similar feature called ` trusted face '\"]\n", - "apple offers a range of ways to unlock its devices from pins to passwords and fingerprints .the patent ( illustrated ) was filed by the california-based firm in march 2011 and awarded earlier this week .the filing details a system of scanning a user 's face with the front-facing camera when the handset is moved into a certain position , and automatically unlocking the device if the image matches one on file .\n", - "the patent was filed in march 2011 and awarded to apple earlier this weekit details a method of scanning a user 's face using the front-facing cameraif the scanned face matches with a photo that was previously taken and stored , the phone unlocks automaticallyandroid lollipop already has a similar feature called ` trusted face '\n", - "[1.172275 1.1535263 1.5132084 1.2208495 1.1269475 1.1131215 1.0822804\n", - " 1.0821153 1.0639313 1.0234004 1.1522404 1.1274952 1.019258 1.0644957\n", - " 1.0254914 1.0835458 1.0396934 0. ]\n", - "\n", - "[ 2 3 0 1 10 11 4 5 15 6 7 13 8 16 14 9 12 17]\n", - "=======================\n", - "['the altamura man became the oldest neanderthal to have his dna extracted by researchers .it took them more than 20 years to get around to doing it .( cnn ) about 150,000 years ago -- give or take 20,000 -- a guy fell into a well .']\n", - "=======================\n", - "['scientists in southern italy have known about him since 1993researchers worried that rescuing the bones would shatter them']\n", - "the altamura man became the oldest neanderthal to have his dna extracted by researchers .it took them more than 20 years to get around to doing it .( cnn ) about 150,000 years ago -- give or take 20,000 -- a guy fell into a well .\n", - "scientists in southern italy have known about him since 1993researchers worried that rescuing the bones would shatter them\n", - "[1.1904106 1.171953 1.5425117 1.1959331 1.1443719 1.1521623 1.0931586\n", - " 1.0364612 1.0533967 1.0364411 1.067913 1.025645 1.1843773 1.0510352\n", - " 1.0192087 1.0414618 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 3 0 12 1 5 4 6 10 8 13 15 7 9 11 14 20 16 17 18 19 21]\n", - "=======================\n", - "['breaking records for the largest suite in los angeles , the westwood-designed penthouse at the london west hollywood hotel is set to open next month , and it will cost a eye-watering $ 25,000 ( almost # 17,000 ) a night .the master bedroom suite includes a contemporary king-sized four poster bed , with cushions and a tapestry designed by westwoodit seems there is nothing that vivienne westwood can not transform , especially after she recently added a luxury penthouse hotel suite to her impressive design portfolio .']\n", - "=======================\n", - "[\"the vivienne westwood suite will debut at the london west hollywoodopening in may , the 11,000 square foot suite is dubbed the largest in lathe english designer 's cushions , tapestries and scarves are on displayguests can have an exclusive hour of shopping at westwood 's store\"]\n", - "breaking records for the largest suite in los angeles , the westwood-designed penthouse at the london west hollywood hotel is set to open next month , and it will cost a eye-watering $ 25,000 ( almost # 17,000 ) a night .the master bedroom suite includes a contemporary king-sized four poster bed , with cushions and a tapestry designed by westwoodit seems there is nothing that vivienne westwood can not transform , especially after she recently added a luxury penthouse hotel suite to her impressive design portfolio .\n", - "the vivienne westwood suite will debut at the london west hollywoodopening in may , the 11,000 square foot suite is dubbed the largest in lathe english designer 's cushions , tapestries and scarves are on displayguests can have an exclusive hour of shopping at westwood 's store\n", - "[1.2666749 1.5617514 1.0963519 1.1254932 1.2894449 1.0627944 1.2262181\n", - " 1.0233485 1.0174354 1.0554237 1.097533 1.0915208 1.0382633 1.0507045\n", - " 1.0168794 1.0197812 1.1396484 1.0845046 1.1382363 1.1280416 1.045309\n", - " 1.0218337]\n", - "\n", - "[ 1 4 0 6 16 18 19 3 10 2 11 17 5 9 13 20 12 7 21 15 8 14]\n", - "=======================\n", - "['travis hatfield , 21 , from gilbert , west virginia sung a george jones hit to his 47-year-old uncle , jamie joe cline .an aspiring country singer from west virginia has become a viral sensation after he posted a video of himself online singing to his uncle who has down syndrome .the video of the two of them playing music together and singing he stopped loving her today has gone viral with more than 410,000 views so far .']\n", - "=======================\n", - "['travis hatfield , 21 , from west virginia performed with his 47-year-old uncletheir video went viral with more than 410,000 viewsthe singer says he is how receiving offers from record labels']\n", - "travis hatfield , 21 , from gilbert , west virginia sung a george jones hit to his 47-year-old uncle , jamie joe cline .an aspiring country singer from west virginia has become a viral sensation after he posted a video of himself online singing to his uncle who has down syndrome .the video of the two of them playing music together and singing he stopped loving her today has gone viral with more than 410,000 views so far .\n", - "travis hatfield , 21 , from west virginia performed with his 47-year-old uncletheir video went viral with more than 410,000 viewsthe singer says he is how receiving offers from record labels\n", - "[1.1559594 1.4368479 1.2346636 1.2281893 1.2145683 1.3011827 1.1870865\n", - " 1.0756813 1.0707376 1.0390009 1.09415 1.0697703 1.0439411 1.0412526\n", - " 1.0105616 1.0227956 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 5 2 3 4 6 0 10 7 8 11 12 13 9 15 14 20 16 17 18 19 21]\n", - "=======================\n", - "['little zane gbangbola died at home -- in the middle of the night -- after being poisoned by gas .for months after his death , police and other official agencies ruled out fears that the deadly fumes had come from a nearby landfill site .instead , they insisted carbon monoxide from a faulty pump hired by his family had caused his death .']\n", - "=======================\n", - "[\"zane gbangbola died at home in the middle of the night after gas poisoningauthorities denied that deadly fumes were coming from nearby landfill sitethey insisted carbon monoxide from faulty pump in house caused his deathevidence shows authorities knew hydrogen cyanide leaked into family homefire crews fled the riverside home for their own safety after their specialist gas detectors sounded the alarm for dangerous levels of hydrogen cyanide four hours after zane was discovered by his mother .the concentration of the gas found could be fatal within 15 minutes ;carbon monoxide was never detected in the family 's home ;neighbours were evacuated amid fears of ` contamination from floodwater ' ;police and other agencies were fully informed of hydrogen cyanide at the property at the time , but never confirmed it publicly despite repeated questioning by this newspaper .\"]\n", - "little zane gbangbola died at home -- in the middle of the night -- after being poisoned by gas .for months after his death , police and other official agencies ruled out fears that the deadly fumes had come from a nearby landfill site .instead , they insisted carbon monoxide from a faulty pump hired by his family had caused his death .\n", - "zane gbangbola died at home in the middle of the night after gas poisoningauthorities denied that deadly fumes were coming from nearby landfill sitethey insisted carbon monoxide from faulty pump in house caused his deathevidence shows authorities knew hydrogen cyanide leaked into family homefire crews fled the riverside home for their own safety after their specialist gas detectors sounded the alarm for dangerous levels of hydrogen cyanide four hours after zane was discovered by his mother .the concentration of the gas found could be fatal within 15 minutes ;carbon monoxide was never detected in the family 's home ;neighbours were evacuated amid fears of ` contamination from floodwater ' ;police and other agencies were fully informed of hydrogen cyanide at the property at the time , but never confirmed it publicly despite repeated questioning by this newspaper .\n", - "[1.1228136 1.0917021 1.106786 1.1105711 1.1006453 1.2704129 1.0329919\n", - " 1.051222 1.0636752 1.0235249 1.0256641 1.0302131 1.0727513 1.1293738\n", - " 1.1445959 1.1197063 1.0864757 1.0822221 1.0380671 0. 0.\n", - " 0. ]\n", - "\n", - "[ 5 14 13 0 15 3 2 4 1 16 17 12 8 7 18 6 11 10 9 19 20 21]\n", - "=======================\n", - "['luxury personified : the datai hotel has all the colour and wonder of the emerald city , says maria mcerlanein 2007 it was given world geopark status by unesco .preconceptions , i find , can be really unhelpful , so before travelling to the datai , a luxury hotel in malaysia , i decided not to find out anything about it .']\n", - "=======================\n", - "['comedian maria mcerlane travelled with buddy doon mackichanthe pair swam morning , noon and night in the andaman seaserenaded by macaques and dusky leaf monkeys']\n", - "luxury personified : the datai hotel has all the colour and wonder of the emerald city , says maria mcerlanein 2007 it was given world geopark status by unesco .preconceptions , i find , can be really unhelpful , so before travelling to the datai , a luxury hotel in malaysia , i decided not to find out anything about it .\n", - "comedian maria mcerlane travelled with buddy doon mackichanthe pair swam morning , noon and night in the andaman seaserenaded by macaques and dusky leaf monkeys\n", - "[1.3167968 1.3821892 1.4376485 1.3488556 1.1968298 1.0996007 1.0703602\n", - " 1.0701017 1.0535926 1.0577774 1.09821 1.1375527 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 3 0 4 11 5 10 6 7 9 8 20 12 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "['the club proposed a 4.5 metre fine mesh screen to be installed and liverpool city council planning committee has given its approval on tuesday .the club has grown concerned that confidential team details have been leaked out before matches as opportune observers and photographers watch their training sessions .liverpool have been given the go-ahead to install a privacy screen around their melwood training ground .']\n", - "=======================\n", - "['liverpool city council planning committee gave its approval on tuesdayliverpool had grown concerns over confidentiality of their team detailsopportune observers and photographers have watched sessions in paststan collymore : liverpool should have patience with brendan rodgersread : juventus monitoring liverpool winger raheem sterling']\n", - "the club proposed a 4.5 metre fine mesh screen to be installed and liverpool city council planning committee has given its approval on tuesday .the club has grown concerned that confidential team details have been leaked out before matches as opportune observers and photographers watch their training sessions .liverpool have been given the go-ahead to install a privacy screen around their melwood training ground .\n", - "liverpool city council planning committee gave its approval on tuesdayliverpool had grown concerns over confidentiality of their team detailsopportune observers and photographers have watched sessions in paststan collymore : liverpool should have patience with brendan rodgersread : juventus monitoring liverpool winger raheem sterling\n", - "[1.4151729 1.212507 1.1693438 1.1854793 1.1870811 1.1588966 1.1187205\n", - " 1.0729504 1.1068733 1.0871822 1.0872504 1.0739186 1.0133189 1.0292017\n", - " 1.0755213 1.1181532 1.0347966 1.0494039 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 3 2 5 6 15 8 10 9 14 11 7 17 16 13 12 19 18 20]\n", - "=======================\n", - "[\"( cnn ) a new york jury deliberating the fate of the man charged with the 1979 killing of 6-year-old etan patz is struggling to reach a verdict .the little boy 's disappearance , more than three decades ago , sparked an era of heightened awareness of crimes against children .hernandez confessed to police three years ago , but his lawyers said he made up his account of the crime .\"]\n", - "=======================\n", - "['etan patz disappeared in 1979 ; his face appeared on milk cartons all across the united stateshis case marked a time of heightened awareness of crimes against childrenpedro hernandez confessed three years ago to the killing']\n", - "( cnn ) a new york jury deliberating the fate of the man charged with the 1979 killing of 6-year-old etan patz is struggling to reach a verdict .the little boy 's disappearance , more than three decades ago , sparked an era of heightened awareness of crimes against children .hernandez confessed to police three years ago , but his lawyers said he made up his account of the crime .\n", - "etan patz disappeared in 1979 ; his face appeared on milk cartons all across the united stateshis case marked a time of heightened awareness of crimes against childrenpedro hernandez confessed three years ago to the killing\n", - "[1.2498801 1.3766897 1.1151444 1.435016 1.0585338 1.2242934 1.1402775\n", - " 1.1147447 1.0751213 1.1108266 1.121061 1.1538107 1.0517886 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 5 11 6 10 2 7 9 8 4 12 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"radamel falcao ( right ) spent his thursday evening in the company of jonas gutierreznewcastle united defender gutierrez , who successful underwent treatment for testicular cancer earlier this year , was given a standing ovation at anfield when he was introduced as a second-half substitute during his side 's 2-0 defeat by liverpool on monday night .the on-loan forward has been linked with paris saint-germain , juventus and valencia in recent weeks\"]\n", - "=======================\n", - "['radamel falcao joined manchester united on on loan last summerfalcao has struggled for form and games since his movethe colombian forward is currenlty earning # 280,000 a week']\n", - "radamel falcao ( right ) spent his thursday evening in the company of jonas gutierreznewcastle united defender gutierrez , who successful underwent treatment for testicular cancer earlier this year , was given a standing ovation at anfield when he was introduced as a second-half substitute during his side 's 2-0 defeat by liverpool on monday night .the on-loan forward has been linked with paris saint-germain , juventus and valencia in recent weeks\n", - "radamel falcao joined manchester united on on loan last summerfalcao has struggled for form and games since his movethe colombian forward is currenlty earning # 280,000 a week\n", - "[1.5409031 1.219658 1.2375354 1.2370638 1.1171645 1.2068956 1.1471409\n", - " 1.1469775 1.0980296 1.0410713 1.1739616 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 5 10 6 7 4 8 9 19 11 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"mark selby , john higgins and ding junhui were among a number of players who moved effortlessly into the last 16 of the china open on wednesday .ding , the home favourite and reigning champion in beijing , had two breaks of 86 in a convincing 5-1 victory against mark davis to set up a third-round meeting with mark williams , who was an easy 5-0 winner over scotland 's michael leslie .selby , who is gearing up for the defence of his world title later this month , continued to defy a neck injury to sweep aside fellow englishman elliot slessor with a break of 126 in frame four of their second-round clash .\"]\n", - "=======================\n", - "[\"world no 1 mark selby overcame a neck injury to beat fellow englishman elliot slessor at the china openjohn higgins and ding junhui have also made it into the tournament 's last 16shaun murphy was made to work hard for his place in the third round , coming back from 3-2 down to beat anthony mcgillthe last 16 will take place across two sessions on thursday\"]\n", - "mark selby , john higgins and ding junhui were among a number of players who moved effortlessly into the last 16 of the china open on wednesday .ding , the home favourite and reigning champion in beijing , had two breaks of 86 in a convincing 5-1 victory against mark davis to set up a third-round meeting with mark williams , who was an easy 5-0 winner over scotland 's michael leslie .selby , who is gearing up for the defence of his world title later this month , continued to defy a neck injury to sweep aside fellow englishman elliot slessor with a break of 126 in frame four of their second-round clash .\n", - "world no 1 mark selby overcame a neck injury to beat fellow englishman elliot slessor at the china openjohn higgins and ding junhui have also made it into the tournament 's last 16shaun murphy was made to work hard for his place in the third round , coming back from 3-2 down to beat anthony mcgillthe last 16 will take place across two sessions on thursday\n", - "[1.5022935 1.5393548 1.1944766 1.2399656 1.074166 1.1118853 1.0465813\n", - " 1.0361674 1.0182137 1.0183761 1.0237525 1.1414211 1.142523 1.1501325\n", - " 1.1535219 1.0396817 1.1156107 1.017978 1.0083838 1.012013 1.045653 ]\n", - "\n", - "[ 1 0 3 2 14 13 12 11 16 5 4 6 20 15 7 10 9 8 17 19 18]\n", - "=======================\n", - "[\"north has been knocked unconscious three times in recent months , including in last friday 's 52-30 win over wasps , and was on wednesday being assessed by a neurologist .northampton will await expert opinion before deciding when george north will next play after confirming the wales wing will miss saturday 's european champions cup quarter-final at clermont auvergne after his latest head injury .george north lies motionless on the franklin 's gardens turf after being knocked out against wasps\"]\n", - "=======================\n", - "[\"george north knocked out after scoring against wasps on fridayconcussion was the wing 's third suffered in recent monthsnorth will sit out saturday 's champions cup clash on medical advicewasps no 8 nathan hughes been banned for three weeks for the incident\"]\n", - "north has been knocked unconscious three times in recent months , including in last friday 's 52-30 win over wasps , and was on wednesday being assessed by a neurologist .northampton will await expert opinion before deciding when george north will next play after confirming the wales wing will miss saturday 's european champions cup quarter-final at clermont auvergne after his latest head injury .george north lies motionless on the franklin 's gardens turf after being knocked out against wasps\n", - "george north knocked out after scoring against wasps on fridayconcussion was the wing 's third suffered in recent monthsnorth will sit out saturday 's champions cup clash on medical advicewasps no 8 nathan hughes been banned for three weeks for the incident\n", - "[1.4260193 1.1440815 1.1783023 1.3760601 1.2779443 1.147468 1.0636415\n", - " 1.0474359 1.0623509 1.0675693 1.0648772 1.0328507 1.0719578 1.0905586\n", - " 1.1221932 1.055156 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 2 5 1 14 13 12 9 10 6 8 15 7 11 16 17 18 19 20]\n", - "=======================\n", - "[\"chelsea captain john terry has revealed his picks for the pfa player and team of the year with liverpool playmaker philippe coutinho getting his nod as the premier league 's finest .liverpool 's brazilian playmaker , scoring the winner in the fa cup , has hit form in second half of the seasonalthough the former england captain has not been on the losing side to liverpool in three games this season , terry has obviously been impressed by the young brazilian 's skills - despite him only scoring four league goals .\"]\n", - "=======================\n", - "['chelsea captain john terry has revealed his pfa team of the yearliverpool playmaker philippe coutinho gets nod as player of the yeartottenham scoring sensation harry kane is his young player of the yearformer blues juan mata and ryan bertrand are in his best xi picks']\n", - "chelsea captain john terry has revealed his picks for the pfa player and team of the year with liverpool playmaker philippe coutinho getting his nod as the premier league 's finest .liverpool 's brazilian playmaker , scoring the winner in the fa cup , has hit form in second half of the seasonalthough the former england captain has not been on the losing side to liverpool in three games this season , terry has obviously been impressed by the young brazilian 's skills - despite him only scoring four league goals .\n", - "chelsea captain john terry has revealed his pfa team of the yearliverpool playmaker philippe coutinho gets nod as player of the yeartottenham scoring sensation harry kane is his young player of the yearformer blues juan mata and ryan bertrand are in his best xi picks\n", - "[1.2282051 1.4954733 1.2532713 1.3752812 1.1272209 1.1666561 1.1322397\n", - " 1.0563148 1.0550412 1.2269562 1.0629871 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 9 5 6 4 10 7 8 18 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "['evelin mezei , a 12-year-old hungarian national , was spotted with the man at around 10.30 pm yesterday , an hour after she was last seen by her mother in east london , scotland yard said .but the youngster , who came to the uk six months ago , was traced this morning .a missing schoolgirl who was seen on cctv footage with an unknown man on a city street late last night has been found safe and well .']\n", - "=======================\n", - "['hungarian national evelin mezei , 12 , has been found safe and wellshe had gone missing from the stratford area in london last nightevelin had been seen on cctv footage with an unknown man']\n", - "evelin mezei , a 12-year-old hungarian national , was spotted with the man at around 10.30 pm yesterday , an hour after she was last seen by her mother in east london , scotland yard said .but the youngster , who came to the uk six months ago , was traced this morning .a missing schoolgirl who was seen on cctv footage with an unknown man on a city street late last night has been found safe and well .\n", - "hungarian national evelin mezei , 12 , has been found safe and wellshe had gone missing from the stratford area in london last nightevelin had been seen on cctv footage with an unknown man\n", - "[1.4670403 1.3512443 1.3320627 1.3762729 1.3078562 1.1583058 1.1316786\n", - " 1.0501626 1.0097423 1.0211163 1.0154938 1.0165948 1.0168093 1.012248\n", - " 1.1378974 1.1184442 1.031113 1.0115451 1.0118309 1.028808 ]\n", - "\n", - "[ 0 3 1 2 4 5 14 6 15 7 16 19 9 12 11 10 13 18 17 8]\n", - "=======================\n", - "['mauricio pochettino believes harry kane and ryan mason have not been able to show the same level of consistency since they returned from england duty and hopes to see a big improvement when spurs face newcastle .england call-up hurt the form of harry kane , according to his tottenham boss mauricio pochettinokane has been one of the stars of the premier league , scoring 29 goals in all competitions for tottenham , and is just one away from becoming their first player since gary lineker in 1992 to hit 30 goals in a season .']\n", - "=======================\n", - "['mauricio pochettino says harry kane has struggled since england debutalso believes his team-mate ryan mason is suffering as well21-year-old kane has scored 29 goals in all competitions this season']\n", - "mauricio pochettino believes harry kane and ryan mason have not been able to show the same level of consistency since they returned from england duty and hopes to see a big improvement when spurs face newcastle .england call-up hurt the form of harry kane , according to his tottenham boss mauricio pochettinokane has been one of the stars of the premier league , scoring 29 goals in all competitions for tottenham , and is just one away from becoming their first player since gary lineker in 1992 to hit 30 goals in a season .\n", - "mauricio pochettino says harry kane has struggled since england debutalso believes his team-mate ryan mason is suffering as well21-year-old kane has scored 29 goals in all competitions this season\n", - "[1.6128488 1.2600098 1.1558468 1.4284233 1.1388822 1.0719322 1.0241404\n", - " 1.021982 1.0187055 1.01836 1.179299 1.0477617 1.1635573 1.0468576\n", - " 1.0127789 1.0099584 1.0330726 1.0180289 0. 0. ]\n", - "\n", - "[ 0 3 1 10 12 2 4 5 11 13 16 6 7 8 9 17 14 15 18 19]\n", - "=======================\n", - "[\"manchester city under 18s boss jason wilcox , whose side take on chelsea in the first leg of the fa youth cup final on monday , is aiming to emulate united 's famous class of ' 92 .wilcox , himself let go by his current employers as a teenager , could field a starting xi of players all born in greater manchester for the clash against the favoured opponents from west london .wilcox hopes to emulate manchester united 's ` class of 92 ' but says it will be very difficult\"]\n", - "=======================\n", - "['manchester city and chelsea meet in the first leg of the final on mondayformer blackburn winger jason wilcox is manager of the city youth teamthe 43-year-old says his aim is to get local players into the city first teamwilcox has backed the new facilities at the etihad campus deliver that aim']\n", - "manchester city under 18s boss jason wilcox , whose side take on chelsea in the first leg of the fa youth cup final on monday , is aiming to emulate united 's famous class of ' 92 .wilcox , himself let go by his current employers as a teenager , could field a starting xi of players all born in greater manchester for the clash against the favoured opponents from west london .wilcox hopes to emulate manchester united 's ` class of 92 ' but says it will be very difficult\n", - "manchester city and chelsea meet in the first leg of the final on mondayformer blackburn winger jason wilcox is manager of the city youth teamthe 43-year-old says his aim is to get local players into the city first teamwilcox has backed the new facilities at the etihad campus deliver that aim\n", - "[1.3962903 1.3171204 1.3245859 1.1731296 1.165988 1.1773111 1.1267365\n", - " 1.088075 1.0819834 1.0645534 1.0807283 1.0332772 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 5 3 4 6 7 8 10 9 11 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"sao paulo , brazil ( cnn ) brazilian police have arrested the treasurer of the ruling workers ' party , bringing the bribery investigation at the state-run oil company petrobras a step closer to president dilma rousseff .vaccari faces charges of corruption and money laundering as part of the broader probe into corruption at petrobras .federal police arrested joao vaccari neto at his home in sao paulo on wednesday morning .\"]\n", - "=======================\n", - "[\"a top official with president dilma rousseff 's ruling party is arrested in bribery probejoao vaccari neto denies wrongdoing , says all donations were legalhundreds of thousands of brazilians have protested against rousseff in the last few months\"]\n", - "sao paulo , brazil ( cnn ) brazilian police have arrested the treasurer of the ruling workers ' party , bringing the bribery investigation at the state-run oil company petrobras a step closer to president dilma rousseff .vaccari faces charges of corruption and money laundering as part of the broader probe into corruption at petrobras .federal police arrested joao vaccari neto at his home in sao paulo on wednesday morning .\n", - "a top official with president dilma rousseff 's ruling party is arrested in bribery probejoao vaccari neto denies wrongdoing , says all donations were legalhundreds of thousands of brazilians have protested against rousseff in the last few months\n", - "[1.3776479 1.4588972 1.2356462 1.1844548 1.0456305 1.0186927 1.1462723\n", - " 1.1690831 1.0699825 1.1578522 1.135842 1.1260201 1.082314 1.0302786\n", - " 1.0122994 1.0717278 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 7 9 6 10 11 12 15 8 4 13 5 14 18 16 17 19]\n", - "=======================\n", - "[\"the singer-songwriter 's 16-page collection is expected to fetch up to $ 1.5 million ( # 1,006,303 ) at auction today , which offers tantalising new details about the famous anthem , originally released in 1971 .don mclean is selling the original manuscript and lyrics to pop anthem american pie , including a ` lost verse ' , which included a line about the music being ` reborn ' .in an interview published by christie 's auction house new york , where the manuscript is up for grabs today , mclean says american pie is about ` heading in the wrong direction ' .\"]\n", - "=======================\n", - "[\"original lyrics to u.s. pop anthem american pie up for auction todaynotes on don mclean 's 60s hit expected to fetch up to $ 1.5 millionthe 16-pages also includes deleted verse about music being ` reborn ' .\"]\n", - "the singer-songwriter 's 16-page collection is expected to fetch up to $ 1.5 million ( # 1,006,303 ) at auction today , which offers tantalising new details about the famous anthem , originally released in 1971 .don mclean is selling the original manuscript and lyrics to pop anthem american pie , including a ` lost verse ' , which included a line about the music being ` reborn ' .in an interview published by christie 's auction house new york , where the manuscript is up for grabs today , mclean says american pie is about ` heading in the wrong direction ' .\n", - "original lyrics to u.s. pop anthem american pie up for auction todaynotes on don mclean 's 60s hit expected to fetch up to $ 1.5 millionthe 16-pages also includes deleted verse about music being ` reborn ' .\n", - "[1.2731371 1.0665423 1.3480088 1.1306932 1.0942141 1.0467731 1.0281494\n", - " 1.0240549 1.1818349 1.1402225 1.0489818 1.0250955 1.0246915 1.0272568\n", - " 1.0562402 1.029074 1.1884387 1.0908309 1.0739639 1.0569173 1.0402126\n", - " 1.0194452]\n", - "\n", - "[ 2 0 16 8 9 3 4 17 18 1 19 14 10 5 20 15 6 13 11 12 7 21]\n", - "=======================\n", - "[\"at saracens , who take on racing metro in paris on sunday in the european champions cup quarter-final , the flanker is loved by his team-mates every bit as much as he is loathed by opponents who fear the reckless abandon with which he is prepared to play the game .jacques burger encapsulates all the values rugby union 's marketing people love to espouse .saracens director of rugby mark mccall described burger as ` unique among rugby players ' , praising his willingness to ignore risks to his own wellbeing .\"]\n", - "=======================\n", - "[\"jacques burger prepares for battle with racing metro in quarter-final clashat sarries the flanker is loved by his teammates every bit as much as he is loathed by opponentssaracens director of rugby mark mccall described burger as ` unique among rugby players 'with a face left battered and bruised by years of punishment , burger is the man you want on your team\"]\n", - "at saracens , who take on racing metro in paris on sunday in the european champions cup quarter-final , the flanker is loved by his team-mates every bit as much as he is loathed by opponents who fear the reckless abandon with which he is prepared to play the game .jacques burger encapsulates all the values rugby union 's marketing people love to espouse .saracens director of rugby mark mccall described burger as ` unique among rugby players ' , praising his willingness to ignore risks to his own wellbeing .\n", - "jacques burger prepares for battle with racing metro in quarter-final clashat sarries the flanker is loved by his teammates every bit as much as he is loathed by opponentssaracens director of rugby mark mccall described burger as ` unique among rugby players 'with a face left battered and bruised by years of punishment , burger is the man you want on your team\n", - "[1.382355 1.4590347 1.2502303 1.1355463 1.1665478 1.0601561 1.0875828\n", - " 1.0262761 1.0603358 1.048596 1.0984324 1.0530361 1.0885115 1.0827732\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 4 3 10 12 6 13 8 5 11 9 7 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "['the critically-panned film , which opened last year \\'s cannes film festival , will premiere on lifetime on memorial day , may 25 .( the hollywood reporter ) \" grace of monaco , \" starring nicole kidman as star-turned-princess grace kelly , is heading straight to lifetime .but twc did strike a new distribution deal for the film in cannes , agreeing to show dahan \\'s cut in the u.s. , but acquiring rights for just $ 3 million upfront , a $ 2 million discount from its earlier contract .']\n", - "=======================\n", - "[\"the film will premiere on memorial dayit opened last year 's cannes film festivala planned march theater release was scrubbed\"]\n", - "the critically-panned film , which opened last year 's cannes film festival , will premiere on lifetime on memorial day , may 25 .( the hollywood reporter ) \" grace of monaco , \" starring nicole kidman as star-turned-princess grace kelly , is heading straight to lifetime .but twc did strike a new distribution deal for the film in cannes , agreeing to show dahan 's cut in the u.s. , but acquiring rights for just $ 3 million upfront , a $ 2 million discount from its earlier contract .\n", - "the film will premiere on memorial dayit opened last year 's cannes film festivala planned march theater release was scrubbed\n", - "[1.2209674 1.5069818 1.3735112 1.3280373 1.229857 1.1443758 1.0547298\n", - " 1.2232867 1.0315948 1.1823015 1.0201042 1.0150864 1.0129561 1.0096024\n", - " 1.0091184 1.0573906 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 4 7 0 9 5 15 6 8 10 11 12 13 14 20 16 17 18 19 21]\n", - "=======================\n", - "['richard curry , from loveclough in lancashire , was told he had malignant melanoma in his septum , the thin strip which separates the nostrils .he was warned that he would have to have his nose removed to stop the cancer from spreading but could be fitted with a prosthetic .but in order to make sure that the new nose stayed in place , the 71-year-old then had to have magnetic implants inserted into his cheekbones and nasal cavity during a procedure at the royal blackburn hospital .']\n", - "=======================\n", - "['richard curry , 71 , was diagnosed with malignant melanoma in his septumwas told he had to have his nose removed to stop the spread of the cancerhad magnetic implants inserted into his cheekbones and nasal cavitynow wears a prosthetic nose which is attached to his face using magnets']\n", - "richard curry , from loveclough in lancashire , was told he had malignant melanoma in his septum , the thin strip which separates the nostrils .he was warned that he would have to have his nose removed to stop the cancer from spreading but could be fitted with a prosthetic .but in order to make sure that the new nose stayed in place , the 71-year-old then had to have magnetic implants inserted into his cheekbones and nasal cavity during a procedure at the royal blackburn hospital .\n", - "richard curry , 71 , was diagnosed with malignant melanoma in his septumwas told he had to have his nose removed to stop the spread of the cancerhad magnetic implants inserted into his cheekbones and nasal cavitynow wears a prosthetic nose which is attached to his face using magnets\n", - "[1.2486765 1.4306726 1.2565216 1.2249088 1.2845773 1.1575412 1.0283403\n", - " 1.0516249 1.1614879 1.0967832 1.1241844 1.1102412 1.097239 1.0844426\n", - " 1.0207545 1.0229466 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 2 0 3 8 5 10 11 12 9 13 7 6 15 14 20 16 17 18 19 21]\n", - "=======================\n", - "[\"today , germanwings flight 4u814 to venice was diverted to stuttgart as the airbus a319 aircraft appeared to be losing oil , the airline said in a statement .germanwings said a passenger and a flight attendant suffered ` an acute feeling of sickness 'the flight , which had 123 passengers and five crew members on board , took off from cologne at 9.55 am local time .\"]\n", - "=======================\n", - "[\"germanwings flight 4u3882 was flying from hanover , germany to romethe airbus a319 was carrying 145 passengers and five crew memberspassenger and flight attendant suffered ` an acute feeling of sickness 'woman who had ' a fear of flying ' was assessed by medics , said passengerreplacement aircraft had to be flown in with an additional crew member\"]\n", - "today , germanwings flight 4u814 to venice was diverted to stuttgart as the airbus a319 aircraft appeared to be losing oil , the airline said in a statement .germanwings said a passenger and a flight attendant suffered ` an acute feeling of sickness 'the flight , which had 123 passengers and five crew members on board , took off from cologne at 9.55 am local time .\n", - "germanwings flight 4u3882 was flying from hanover , germany to romethe airbus a319 was carrying 145 passengers and five crew memberspassenger and flight attendant suffered ` an acute feeling of sickness 'woman who had ' a fear of flying ' was assessed by medics , said passengerreplacement aircraft had to be flown in with an additional crew member\n", - "[1.5099406 1.2611308 1.1484355 1.4714308 1.3609267 1.1986104 1.110106\n", - " 1.0243409 1.0149657 1.0200673 1.0115663 1.0114474 1.2640684 1.0148277\n", - " 1.0213305 1.0532004 1.0561415 1.0106558 1.0099888 1.018313 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 4 12 1 5 2 6 16 15 7 14 9 19 8 13 10 11 17 18 20 21]\n", - "=======================\n", - "['everton manager roberto martinez insists keeping kevin mirallas happy is key to holding on to him in the summer .kevin mirallas has been linked with a move away from everton following an injury-hit term at the toffeesaaron lennon has impressed on merseyside since moving on loan from tottenham hotspur in january']\n", - "=======================\n", - "['roberto martinez admits the future of star kevin mirallas is uncertainbelgium international has voiced ambition to play in champions leaguemirallas has two years remaining on his contract at the merseyside clubaaron lennon has been linked with a swap dealing involving mirallaseverton face manchester united in the premier league on sunday']\n", - "everton manager roberto martinez insists keeping kevin mirallas happy is key to holding on to him in the summer .kevin mirallas has been linked with a move away from everton following an injury-hit term at the toffeesaaron lennon has impressed on merseyside since moving on loan from tottenham hotspur in january\n", - "roberto martinez admits the future of star kevin mirallas is uncertainbelgium international has voiced ambition to play in champions leaguemirallas has two years remaining on his contract at the merseyside clubaaron lennon has been linked with a swap dealing involving mirallaseverton face manchester united in the premier league on sunday\n", - "[1.2474488 1.5214896 1.3339815 1.3499889 1.1233393 1.126195 1.0846907\n", - " 1.0809921 1.0890335 1.082388 1.0544608 1.036064 1.0297264 1.015289\n", - " 1.0393926 1.1102507 1.0246394 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 5 4 15 8 6 9 7 10 14 11 12 16 13 22 17 18 19 20 21 23]\n", - "=======================\n", - "['michael rapiejko was accused of approaching a man as he got out of his car in october 2005 and pointing a gun at him before handcuffing him and threatening to shoot him in front of his wife and four children .the plaintiff , luis colon , also claimed that rapiejko choked him and ordered that he get back into his car .the arizona police officer who rammed his car into an armed suspect was previously involved in a lawsuit while working for the new york police department .']\n", - "=======================\n", - "['michael rapiejko was accused of approaching luis colon as he got out of his car in october 2005 , pointing a gun at him and threatening to shoot himcolon , who was with his wife and four children , claimed rapiejko also handcuffed and choked him , over charges which were later droppedcolon sued and in december 2008 was awarded $ 20,000 by the city , the same month rapiejko left the new york police departmentthis as rapiejko is under fire for using possible excessive force when he mowed down an armed suspect in his police vehiclerapiejko , a cross fit devotee , calls himself robocop']\n", - "michael rapiejko was accused of approaching a man as he got out of his car in october 2005 and pointing a gun at him before handcuffing him and threatening to shoot him in front of his wife and four children .the plaintiff , luis colon , also claimed that rapiejko choked him and ordered that he get back into his car .the arizona police officer who rammed his car into an armed suspect was previously involved in a lawsuit while working for the new york police department .\n", - "michael rapiejko was accused of approaching luis colon as he got out of his car in october 2005 , pointing a gun at him and threatening to shoot himcolon , who was with his wife and four children , claimed rapiejko also handcuffed and choked him , over charges which were later droppedcolon sued and in december 2008 was awarded $ 20,000 by the city , the same month rapiejko left the new york police departmentthis as rapiejko is under fire for using possible excessive force when he mowed down an armed suspect in his police vehiclerapiejko , a cross fit devotee , calls himself robocop\n", - "[1.517017 1.3367726 1.1788613 1.3881022 1.2140855 1.0167311 1.010775\n", - " 1.0148553 1.0127985 1.0303144 1.1597855 1.1885519 1.1539687 1.053716\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 11 2 10 12 13 9 5 7 8 6 21 20 19 18 14 16 15 22 17 23]\n", - "=======================\n", - "[\"fifa presidential candidate luis figo on wednesday disputed the confederation of african football 's claim that all 54 votes from the continent will go to incumbent sepp blatter in the presidential elections next month .the former portugal international , in egypt at the caf congress to canvass for votes , told sportsmail he did not believe all africa was solidly behind blatter , who seeks re-election on may 29 against figo , prince ali bin al hussein of jordan and the dutch football association president michael van praag . 'i feel there 's a lot of respect for caf among all the african federations but i 'm positive that ( caf president ) mr ( issa ) hayatou did not speak in the name of the 54 members of the confederation , ' said the former barcelona and real madrid midfielder .\"]\n", - "=======================\n", - "[\"luis figo is challenging to replace sepp blatter as fifa presidentformer portugal star does n't believe all of confederation of african football 's ( caf ) 54 votes will decide in blatter 's favourprince ali bin al hussein and michael van praag are also in the running\"]\n", - "fifa presidential candidate luis figo on wednesday disputed the confederation of african football 's claim that all 54 votes from the continent will go to incumbent sepp blatter in the presidential elections next month .the former portugal international , in egypt at the caf congress to canvass for votes , told sportsmail he did not believe all africa was solidly behind blatter , who seeks re-election on may 29 against figo , prince ali bin al hussein of jordan and the dutch football association president michael van praag . 'i feel there 's a lot of respect for caf among all the african federations but i 'm positive that ( caf president ) mr ( issa ) hayatou did not speak in the name of the 54 members of the confederation , ' said the former barcelona and real madrid midfielder .\n", - "luis figo is challenging to replace sepp blatter as fifa presidentformer portugal star does n't believe all of confederation of african football 's ( caf ) 54 votes will decide in blatter 's favourprince ali bin al hussein and michael van praag are also in the running\n", - "[1.2065713 1.3134837 1.0716088 1.2160599 1.2287108 1.1009271 1.053007\n", - " 1.0440495 1.0190859 1.0676173 1.0585994 1.053025 1.0611858 1.0439645\n", - " 1.077814 1.1106763 1.0470804 1.020919 1.0193887 1.0198267 1.0268439\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 0 15 5 14 2 9 12 10 11 6 16 7 13 20 17 19 18 8 21 22 23]\n", - "=======================\n", - "['the migrant crisis that has suddenly drawn hundreds of journalists to sicily has been brewing for years , but in the past 10 days , with as many as 1,600 deaths in the mediterranean , suddenly minds are focused -- for now .hundreds of african migrants were caught between the libyan civil war ( back then some optimistically called it a \" revolution \" ) and the deep blue sea .it was late at night in the besieged city of misrata .']\n", - "=======================\n", - "['hundreds of desperate migrants have died attempting to cross the mediterranean in recent saysand italians are alarmed that this year as many as a million migrants could arrive in europe']\n", - "the migrant crisis that has suddenly drawn hundreds of journalists to sicily has been brewing for years , but in the past 10 days , with as many as 1,600 deaths in the mediterranean , suddenly minds are focused -- for now .hundreds of african migrants were caught between the libyan civil war ( back then some optimistically called it a \" revolution \" ) and the deep blue sea .it was late at night in the besieged city of misrata .\n", - "hundreds of desperate migrants have died attempting to cross the mediterranean in recent saysand italians are alarmed that this year as many as a million migrants could arrive in europe\n", - "[1.3938799 1.3762277 1.3023349 1.1241252 1.2597349 1.1479985 1.1894615\n", - " 1.0644897 1.0991237 1.0862246 1.0627583 1.0369681 1.0205923 1.0264446\n", - " 1.0263909 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 4 6 5 3 8 9 7 10 11 13 14 12 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "['los angeles kings forward jarret stoll was arrested on friday in las vegas , nevada , on drug possession charges , according to reports .stoll , 32 , is the longtime boyfriend of dancing with the stars host erin andrews , a former espn employee who now works as an nfl sideline reporter for fox sports .stoll was previously in the news for non-sports related reasons back in 2013 when he was rushed to the hospital after having a seizure at his home in hermosa beach , california during the offseason , with the kings later saying they did not know what caused the incident .']\n", - "=======================\n", - "['los angeles kings forward arrested friday on drug possession chargeshockey player was busted at the wet republic pool at mgm grand hotelhe was booked at clark county detention center and posted $ 5,000 bailthe charges include possession of class 1 , 2 , 3 and 4 controlled substancesnhl security has been notified and kings are aware of situation as wellhe was in the news in 2013 when he had an unexplained seizure at his homestoll celebrated the end of both the 2012 and 2014 season at the mgm grand as well with his kings teammates']\n", - "los angeles kings forward jarret stoll was arrested on friday in las vegas , nevada , on drug possession charges , according to reports .stoll , 32 , is the longtime boyfriend of dancing with the stars host erin andrews , a former espn employee who now works as an nfl sideline reporter for fox sports .stoll was previously in the news for non-sports related reasons back in 2013 when he was rushed to the hospital after having a seizure at his home in hermosa beach , california during the offseason , with the kings later saying they did not know what caused the incident .\n", - "los angeles kings forward arrested friday on drug possession chargeshockey player was busted at the wet republic pool at mgm grand hotelhe was booked at clark county detention center and posted $ 5,000 bailthe charges include possession of class 1 , 2 , 3 and 4 controlled substancesnhl security has been notified and kings are aware of situation as wellhe was in the news in 2013 when he had an unexplained seizure at his homestoll celebrated the end of both the 2012 and 2014 season at the mgm grand as well with his kings teammates\n", - "[1.4273441 1.4183568 1.2725494 1.1916206 1.2650998 1.2402532 1.1225115\n", - " 1.1218767 1.0961516 1.0733109 1.0700846 1.1204563 1.0281851 1.0109005\n", - " 1.0103519 1.0084959 1.006099 1.012994 1.0084505 1.075471 1.0804688\n", - " 1.0736063 1.0213611 1.019715 ]\n", - "\n", - "[ 0 1 2 4 5 3 6 7 11 8 20 19 21 9 10 12 22 23 17 13 14 15 18 16]\n", - "=======================\n", - "['tiger woods has revealed his wrist bone popped out after he swung and hit a tree root during the final round of the masters on sunday .the 39-year-old was on the ninth hole when he found himself 470 yards away from the pin with the ball nestled in pine straws .however when he followed through , the four-time champion at augusta slammed the club into a root , causing him to wince and grab his hand in agony .']\n", - "=======================\n", - "['tiger woods drilled an iron into a tree root on the ninth hole at augustarevealed his wrist bone popped out as a result - so he forced it backthis is the latest of a string of unfortunate injuries for the 39-year-oldhe ended the tournament tied for 17th , his best finish in over a year21-year-old texan jordan spieth became the youngest winner since woods']\n", - "tiger woods has revealed his wrist bone popped out after he swung and hit a tree root during the final round of the masters on sunday .the 39-year-old was on the ninth hole when he found himself 470 yards away from the pin with the ball nestled in pine straws .however when he followed through , the four-time champion at augusta slammed the club into a root , causing him to wince and grab his hand in agony .\n", - "tiger woods drilled an iron into a tree root on the ninth hole at augustarevealed his wrist bone popped out as a result - so he forced it backthis is the latest of a string of unfortunate injuries for the 39-year-oldhe ended the tournament tied for 17th , his best finish in over a year21-year-old texan jordan spieth became the youngest winner since woods\n", - "[1.4355224 1.4826493 1.231523 1.3487909 1.2694049 1.0348276 1.0467807\n", - " 1.0203137 1.0187097 1.0527703 1.1970309 1.1387361 1.0361533 1.026124\n", - " 1.025221 1.0388869 0. 0. ]\n", - "\n", - "[ 1 0 3 4 2 10 11 9 6 15 12 5 13 14 7 8 16 17]\n", - "=======================\n", - "[\"harry kane , nabil bentaleb and ryan mason , who are all products of spurs ' youth system , have taken giant strides in the senior set-up this season .mauricio pochettino insists he will not flood tottenham 's first team squad with players from the academy next season despite the success of his young stars .mauricio pochettino has questioned the logic of blooding more academy players based on past success\"]\n", - "=======================\n", - "[\"mauricio pochettino wo n't continue blooding youngsters unless approach is meritedharry kane , nabil bentaleb and ryan mason have flourished this seasonpochettino reiterates that hugo lloris is happy at white hart lanetottenham lie sixth in premier league table ahead of trip to southampton\"]\n", - "harry kane , nabil bentaleb and ryan mason , who are all products of spurs ' youth system , have taken giant strides in the senior set-up this season .mauricio pochettino insists he will not flood tottenham 's first team squad with players from the academy next season despite the success of his young stars .mauricio pochettino has questioned the logic of blooding more academy players based on past success\n", - "mauricio pochettino wo n't continue blooding youngsters unless approach is meritedharry kane , nabil bentaleb and ryan mason have flourished this seasonpochettino reiterates that hugo lloris is happy at white hart lanetottenham lie sixth in premier league table ahead of trip to southampton\n", - "[1.3285589 1.2842855 1.3240237 1.1792376 1.17161 1.1181016 1.2004102\n", - " 1.1295191 1.1694567 1.0561396 1.0398818 1.0499191 1.0364575 1.0890701\n", - " 1.0177237 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 6 3 4 8 7 5 13 9 11 10 12 14 16 15 17]\n", - "=======================\n", - "[\"richard hammond has ruled out returning to top gear , becoming the final presenter to leave the motoring show as he vowed : ' i wo n't quit my mates ' .the announcement came as the show 's former executive producer andy wilman launched a scathing attack on ` meddling bbc executives ' in a top gear magazine editorial , published today .in yet another major blow to the bbc , the presenter took to twitter to reveal he would not be returning to the hugely-popular series .\"]\n", - "=======================\n", - "[\"richard hammond has become the final presenter to leave top gearformer producer andy wilman also accused bbc of ` meddling ' with showattack in top gear magazine came day after he sensationally quit bbcjeremy clarkson was seen plotting their next move in a pub last night\"]\n", - "richard hammond has ruled out returning to top gear , becoming the final presenter to leave the motoring show as he vowed : ' i wo n't quit my mates ' .the announcement came as the show 's former executive producer andy wilman launched a scathing attack on ` meddling bbc executives ' in a top gear magazine editorial , published today .in yet another major blow to the bbc , the presenter took to twitter to reveal he would not be returning to the hugely-popular series .\n", - "richard hammond has become the final presenter to leave top gearformer producer andy wilman also accused bbc of ` meddling ' with showattack in top gear magazine came day after he sensationally quit bbcjeremy clarkson was seen plotting their next move in a pub last night\n", - "[1.4480788 1.4592822 1.237281 1.4276571 1.2244407 1.1362108 1.0538766\n", - " 1.0170876 1.0841286 1.0583683 1.0204102 1.0965049 1.0239472 1.033575\n", - " 1.101834 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 5 14 11 8 9 6 13 12 10 7 15 16 17]\n", - "=======================\n", - "['the spanish league leaders can unleash a front three of lionel messi , luis suarez and neymar upon the french champions , who beat them at the parc des princes in the group stages of the competition earlier this year .thiago silva is gearing up to play barcelona in the champions league quarter-final this week and the paris saint-germain defender believes he will face an attack possessing the three best players in the world .and silva believes that the home leg of the quarter-final encounter will be pivotal for his side .']\n", - "=======================\n", - "[\"paris saint-germain play barcelona in the champions league this weekdefender thiago silva has warned his team of barcelona 's attacking threatpsg prepared for the first-leg by winning the french league cuplucas moura : lionel messi is my idol ... i am obsessed with his abilityread : psg boss laurent blanc feels his side have hit momentum\"]\n", - "the spanish league leaders can unleash a front three of lionel messi , luis suarez and neymar upon the french champions , who beat them at the parc des princes in the group stages of the competition earlier this year .thiago silva is gearing up to play barcelona in the champions league quarter-final this week and the paris saint-germain defender believes he will face an attack possessing the three best players in the world .and silva believes that the home leg of the quarter-final encounter will be pivotal for his side .\n", - "paris saint-germain play barcelona in the champions league this weekdefender thiago silva has warned his team of barcelona 's attacking threatpsg prepared for the first-leg by winning the french league cuplucas moura : lionel messi is my idol ... i am obsessed with his abilityread : psg boss laurent blanc feels his side have hit momentum\n", - "[1.2467486 1.594472 1.1696191 1.1143603 1.2011694 1.1040344 1.1435527\n", - " 1.1314324 1.0482228 1.1442586 1.2657238 1.1593151 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 10 0 4 2 11 9 6 7 3 5 8 12 13 14 15 16 17]\n", - "=======================\n", - "[\"todd phillips , a front-outside tire changer for dayle coyne racing , was injured when he was struck by the car of francesco dracone , who had come in on lap 25 for tyres and fuel .this is the shocking moment a pit crew member was hit by a car on sunday during the inaugural indycar grand prix of louisiana .dracone spun while exiting his put box , clipping phillips ' leg .\"]\n", - "=======================\n", - "['pit crew member todd phillips was hit by a car on sunday during the inaugural indycar grand prix of louisianahe was injuried when he was struck by the car of francesco dracone , who had come in on lap 25 for tires and fuelphillips received stitches for a cut on his leg and has been releaseddracone did not finish the race and wound up 23rd']\n", - "todd phillips , a front-outside tire changer for dayle coyne racing , was injured when he was struck by the car of francesco dracone , who had come in on lap 25 for tyres and fuel .this is the shocking moment a pit crew member was hit by a car on sunday during the inaugural indycar grand prix of louisiana .dracone spun while exiting his put box , clipping phillips ' leg .\n", - "pit crew member todd phillips was hit by a car on sunday during the inaugural indycar grand prix of louisianahe was injuried when he was struck by the car of francesco dracone , who had come in on lap 25 for tires and fuelphillips received stitches for a cut on his leg and has been releaseddracone did not finish the race and wound up 23rd\n", - "[1.2582701 1.2298799 1.2338845 1.0893085 1.1051846 1.2154635 1.037904\n", - " 1.0533063 1.1183012 1.1140121 1.0904515 1.0598053 1.07437 1.072829\n", - " 1.0467086 1.0757617 1.1226995 1.0547767]\n", - "\n", - "[ 0 2 1 5 16 8 9 4 10 3 15 12 13 11 17 7 14 6]\n", - "=======================\n", - "['a power outage temporarily blackened washington , d.c. this afternoon , interrupting a state department briefing and forcing the white house onto back-up generators .traffic lights also went out in parts of the city .the temporary power outage affected the state department , the department of energy , the university of maryland in college park and other areas in the district of columbia and maryland']\n", - "=======================\n", - "[\"it interrupted a state department briefing and forced the white house onto back-up generatorsoutage ` briefly had an impact on the white house complex ' but it was ` back on the regular power source ' an hour and a half laterwhite house press secretary says he was in the oval with the president when it happened , and it was barely noticeablerelated to a dip in power in a transmission line at a maryland facility , power company says ; another report says it may have been an explosionhomeland security says there 's no evidence of malicious activity\"]\n", - "a power outage temporarily blackened washington , d.c. this afternoon , interrupting a state department briefing and forcing the white house onto back-up generators .traffic lights also went out in parts of the city .the temporary power outage affected the state department , the department of energy , the university of maryland in college park and other areas in the district of columbia and maryland\n", - "it interrupted a state department briefing and forced the white house onto back-up generatorsoutage ` briefly had an impact on the white house complex ' but it was ` back on the regular power source ' an hour and a half laterwhite house press secretary says he was in the oval with the president when it happened , and it was barely noticeablerelated to a dip in power in a transmission line at a maryland facility , power company says ; another report says it may have been an explosionhomeland security says there 's no evidence of malicious activity\n", - "[1.304518 1.0654682 1.195962 1.309484 1.2094135 1.1864333 1.0714742\n", - " 1.0313495 1.026528 1.1493583 1.0888162 1.0546447 1.0524923 1.0348185\n", - " 1.050005 1.0533518 1.0138506 1.0188519 0. ]\n", - "\n", - "[ 3 0 4 2 5 9 10 6 1 11 15 12 14 13 7 8 17 16 18]\n", - "=======================\n", - "[\"it has been an extraordinary journey for hemphrey from a second xi debut for kent at 15 to his recent status as the first englishman to hit a sheffield shield hundred since john hampshire for tasmania in 1978 .on the eve of the county championship season , charlie hemphrey has finally secured the professional cricket contract he has been striving for over the past decade .that feat was accomplished in queensland 's final match of the 2014-15 season , a victory over south australia at the gabba .\"]\n", - "=======================\n", - "[\"charlie hemphrey fulfilled an ` unrealistic dream ' to become a first-class cricketerthe 25-year-old was rejected consistently by teams in the english systemhemphrey enjoyed a successful first season in australia with queenslandhe is the first englishman to hit a sheffield shield hundred since 1978the ex-folkestone grammar school pupil did n't rule out a return to england\"]\n", - "it has been an extraordinary journey for hemphrey from a second xi debut for kent at 15 to his recent status as the first englishman to hit a sheffield shield hundred since john hampshire for tasmania in 1978 .on the eve of the county championship season , charlie hemphrey has finally secured the professional cricket contract he has been striving for over the past decade .that feat was accomplished in queensland 's final match of the 2014-15 season , a victory over south australia at the gabba .\n", - "charlie hemphrey fulfilled an ` unrealistic dream ' to become a first-class cricketerthe 25-year-old was rejected consistently by teams in the english systemhemphrey enjoyed a successful first season in australia with queenslandhe is the first englishman to hit a sheffield shield hundred since 1978the ex-folkestone grammar school pupil did n't rule out a return to england\n", - "[1.4126252 1.4587458 1.2030436 1.0928199 1.3898292 1.1549709 1.0780199\n", - " 1.107521 1.0230181 1.0520188 1.0471399 1.0464877 1.0434217 1.05192\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 5 7 3 6 9 13 10 11 12 8 17 14 15 16 18]\n", - "=======================\n", - "[\"it emerged on thursday that the former england captain has already held talks with new ecb chief executive tom harrison and is in pole position to become the new director of cricket ahead of andrew strauss and alec stewart .michael vaughan will become the most powerful man in english cricket if he is confirmed as paul downton 's successor at the helm of the national team .michael vaughan has emerged as the favourite for the newly created role of director of england cricket\"]\n", - "=======================\n", - "[\"michael vaughan was understood to be talking to the ecb on thursdayvaughan has emerged as favourite for new role of director of cricketpaul downton was sacked as england 's managing director on wednesdayvaughan will want unprecedented responsibility if he is to take up rolealec stewart and andrew strauss also being considered for the role\"]\n", - "it emerged on thursday that the former england captain has already held talks with new ecb chief executive tom harrison and is in pole position to become the new director of cricket ahead of andrew strauss and alec stewart .michael vaughan will become the most powerful man in english cricket if he is confirmed as paul downton 's successor at the helm of the national team .michael vaughan has emerged as the favourite for the newly created role of director of england cricket\n", - "michael vaughan was understood to be talking to the ecb on thursdayvaughan has emerged as favourite for new role of director of cricketpaul downton was sacked as england 's managing director on wednesdayvaughan will want unprecedented responsibility if he is to take up rolealec stewart and andrew strauss also being considered for the role\n", - "[1.2434492 1.2008672 1.0738205 1.30735 1.1243573 1.4250455 1.0722743\n", - " 1.095679 1.2278295 1.046649 1.0532562 1.0755194 1.0890944 1.0232409\n", - " 1.0303795 1.0421952 0. 0. 0. ]\n", - "\n", - "[ 5 3 0 8 1 4 7 12 11 2 6 10 9 15 14 13 16 17 18]\n", - "=======================\n", - "[\"alastair cook was sacked as one-day captain three weeks before the disastrous world cup campaignenglish cricket 's new broom swept dramatically through the national team on wednesday night when paul downton paid the price for their woeful world cup by being sacked as managing director .the move came a day ahead of an ecb board meeting that was meant to discuss the future of a figure who has endured a traumatic time since replacing hugh morris in the aftermath of the ashes whitewash .\"]\n", - "=======================\n", - "[\"paul downton became the latest casualty of england 's poor performanceshis exit came a day ahead of an ecb board meeting into his futurehe endured a traumatic time after replacing hugh morris after the ashesdownton 's exit is not expected to be the last following poor world cup\"]\n", - "alastair cook was sacked as one-day captain three weeks before the disastrous world cup campaignenglish cricket 's new broom swept dramatically through the national team on wednesday night when paul downton paid the price for their woeful world cup by being sacked as managing director .the move came a day ahead of an ecb board meeting that was meant to discuss the future of a figure who has endured a traumatic time since replacing hugh morris in the aftermath of the ashes whitewash .\n", - "paul downton became the latest casualty of england 's poor performanceshis exit came a day ahead of an ecb board meeting into his futurehe endured a traumatic time after replacing hugh morris after the ashesdownton 's exit is not expected to be the last following poor world cup\n", - "[1.2486024 1.3859848 1.277093 1.2989883 1.2820153 1.2079912 1.0949295\n", - " 1.0647883 1.0364553 1.0102326 1.018667 1.1445278 1.0545634 1.0780448\n", - " 1.1601181 1.0127121 1.0248806 1.0481689 0. ]\n", - "\n", - "[ 1 3 4 2 0 5 14 11 6 13 7 12 17 8 16 10 15 9 18]\n", - "=======================\n", - "[\"but the apple watch sport model has been to shown to shatter easily after being dropped from a height of just under four feet ( 1.2 metres ) .the model has an ion-x glass display which is supposed to be ` resistant to scratches and impact 'it has been described as a durable and scratch resistant smartwatch and is a considerable investment , costing from $ 349 ( # 299 ) .\"]\n", - "=======================\n", - "[\"apple watch sport edition costs $ 349 ( # 299 ) and has an ion-x glass screen` durable ' screen shattered when the watch 's face hit the ground firstscreen damage is not covered for free repairs in the apple watch warrantybut another test has shown the device lives up to apple 's waterproof claims after it survived 15 minutes in a swimming pool\"]\n", - "but the apple watch sport model has been to shown to shatter easily after being dropped from a height of just under four feet ( 1.2 metres ) .the model has an ion-x glass display which is supposed to be ` resistant to scratches and impact 'it has been described as a durable and scratch resistant smartwatch and is a considerable investment , costing from $ 349 ( # 299 ) .\n", - "apple watch sport edition costs $ 349 ( # 299 ) and has an ion-x glass screen` durable ' screen shattered when the watch 's face hit the ground firstscreen damage is not covered for free repairs in the apple watch warrantybut another test has shown the device lives up to apple 's waterproof claims after it survived 15 minutes in a swimming pool\n", - "[1.2693901 1.4724507 1.2598329 1.123943 1.1107515 1.0254253 1.2635684\n", - " 1.0733297 1.0532062 1.0575229 1.2522047 1.0825895 1.0566593 1.0163826\n", - " 1.0168625 1.0136288 1.12189 1.0853378 1.0492738]\n", - "\n", - "[ 1 0 6 2 10 3 16 4 17 11 7 9 12 8 18 5 14 13 15]\n", - "=======================\n", - "['tavon watson was taking racing advice from instructor gary terry on sunday when he lost control of the italian supercar at the exotic driving experience at walt disney world in florida .a birthday gift for 24-year-old man at a florida speedway ended in tragedy when he plowed the $ 220,000 lamborghini he was driving into a guardrail , killing his 36-year-old passenger .victims : tavon watson ( left ) was driving the lamborghini on sunday and gary terry , ( right ) his passenger , was pronounced dead at the scene']\n", - "=======================\n", - "[\"the exotic driving experience park lets racing fans drive top-end carsgary terry , 36 , died in the crash and was on the passengers sidetavon watson , 24 , was driving and was taken to hospital for treatmentday at the racetrack was a gift from watson 's wife for his birthdaydisney world spokesman said driver ` lost control ' of the lamborghini\"]\n", - "tavon watson was taking racing advice from instructor gary terry on sunday when he lost control of the italian supercar at the exotic driving experience at walt disney world in florida .a birthday gift for 24-year-old man at a florida speedway ended in tragedy when he plowed the $ 220,000 lamborghini he was driving into a guardrail , killing his 36-year-old passenger .victims : tavon watson ( left ) was driving the lamborghini on sunday and gary terry , ( right ) his passenger , was pronounced dead at the scene\n", - "the exotic driving experience park lets racing fans drive top-end carsgary terry , 36 , died in the crash and was on the passengers sidetavon watson , 24 , was driving and was taken to hospital for treatmentday at the racetrack was a gift from watson 's wife for his birthdaydisney world spokesman said driver ` lost control ' of the lamborghini\n", - "[1.2361195 1.0576663 1.0337086 1.1695639 1.0386286 1.0382175 1.0554521\n", - " 1.0713096 1.075145 1.0277748 1.2571607 1.3676642 1.0227575 1.0236424\n", - " 1.1447968 1.0723784 1.1122583 1.0854932 1.0271919 1.0320086 1.0382944\n", - " 1.0435855 1.0465791]\n", - "\n", - "[11 10 0 3 14 16 17 8 15 7 1 6 22 21 4 20 5 2 19 9 18 13 12]\n", - "=======================\n", - "[\"arsene wenger 's gunners now have 15 wins from 17 games since new year 's day , but it 's come too lateolivier giroud celebrates arsenal 's third goal by alexis sanchez in their win over liverpool on saturdayit 's 11 years since arsenal won the title .\"]\n", - "=======================\n", - "[\"arsenal have a chance at the premier league title if chelsea throw it awaythe gunners are on a terrific run of 15 wins in 17 since january 2 's lossthe two defeats in this spell were at tottenham and at home to monacothese were the two key games all arsenal fans desperately wanted to winread : arsenal have exactly the same record in league as last seasonclick here for all the latest arsenal news\"]\n", - "arsene wenger 's gunners now have 15 wins from 17 games since new year 's day , but it 's come too lateolivier giroud celebrates arsenal 's third goal by alexis sanchez in their win over liverpool on saturdayit 's 11 years since arsenal won the title .\n", - "arsenal have a chance at the premier league title if chelsea throw it awaythe gunners are on a terrific run of 15 wins in 17 since january 2 's lossthe two defeats in this spell were at tottenham and at home to monacothese were the two key games all arsenal fans desperately wanted to winread : arsenal have exactly the same record in league as last seasonclick here for all the latest arsenal news\n", - "[1.2949332 1.5004377 1.3773167 1.3104144 1.1903083 1.0786372 1.0482323\n", - " 1.1851592 1.139593 1.0930274 1.0985038 1.1741484 1.1251564 1.009839\n", - " 1.0077505 1.0060967 1.0337949 1.0141709 1.0056869 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 7 11 8 12 10 9 5 6 16 17 13 14 15 18 21 19 20 22]\n", - "=======================\n", - "[\"the south australian senator 's partner sophie allouache gave birth to baby hannah in adelaide on good friday .ms wong , 46 , shared the news with her 100,000 twitter followers on tuesday morning .labor senator penny wong and her partner have announced the arrival of their second child by tweeting an adorable photo of their eldest daughter holding the newborn .\"]\n", - "=======================\n", - "[\"penny wong 's partner sophie allouache gave birth in adelaide on fridaylabor senator shared news of baby hannah 's arrival with twitter followersit is the second child for the couple who welcomed alexandra in 2011hannah and alexandra were both conceived by the same sperm donor\"]\n", - "the south australian senator 's partner sophie allouache gave birth to baby hannah in adelaide on good friday .ms wong , 46 , shared the news with her 100,000 twitter followers on tuesday morning .labor senator penny wong and her partner have announced the arrival of their second child by tweeting an adorable photo of their eldest daughter holding the newborn .\n", - "penny wong 's partner sophie allouache gave birth in adelaide on fridaylabor senator shared news of baby hannah 's arrival with twitter followersit is the second child for the couple who welcomed alexandra in 2011hannah and alexandra were both conceived by the same sperm donor\n", - "[1.4085922 1.3050871 1.1805737 1.243166 1.0838567 1.0599747 1.1247159\n", - " 1.080243 1.0465373 1.2040645 1.0610002 1.1205336 1.0688761 1.0414709\n", - " 1.017264 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 3 9 2 6 11 4 7 12 10 5 8 13 14 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"prince george 's birth in 2013 sparked a # 247m sales bonanza for makers of royal memorabilia but experts say the second royal baby is unlikely to have the same effect .a more modest sales increase of between # 60 and # 70m is predicted , with most of that spent on champagne and cake rather than royal souvenirs .smaller scale : the duke and duchess of cambridge 's second child will have a lesser effect at the tills\"]\n", - "=======================\n", - "[\"retail experts say sales of royal memorabilia are unlikely to top # 70mby comparison , prince george 's birth resulted in a # 247m splurgebetween july and august 2013 , # 70m was lavished on souvenirs alonethe newest royal is expected to have a big long term impact howeversales boost will be particularly noticeable if the new baby is a girl\"]\n", - "prince george 's birth in 2013 sparked a # 247m sales bonanza for makers of royal memorabilia but experts say the second royal baby is unlikely to have the same effect .a more modest sales increase of between # 60 and # 70m is predicted , with most of that spent on champagne and cake rather than royal souvenirs .smaller scale : the duke and duchess of cambridge 's second child will have a lesser effect at the tills\n", - "retail experts say sales of royal memorabilia are unlikely to top # 70mby comparison , prince george 's birth resulted in a # 247m splurgebetween july and august 2013 , # 70m was lavished on souvenirs alonethe newest royal is expected to have a big long term impact howeversales boost will be particularly noticeable if the new baby is a girl\n", - "[1.4835709 1.2666144 1.1836352 1.0643519 1.1766355 1.093614 1.0566053\n", - " 1.0441033 1.1095079 1.0362611 1.0681907 1.0743513 1.0336426 1.0368665\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 4 8 5 11 10 3 6 7 13 9 12 21 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"u.s. secretary of state john kerry and iranian foreign minister mohammad javad zarif met monday for the first time since world powers and iran sealed a framework agreement on april 2 that would limit iran 's ability to build a nuclear weapon .they now have little more than two months to meet their own deadline of june 30 to sign a comprehensive accord , which hinges on both sides coming to an agreement on the timing of sanctions relief .the obama administration moved on two fronts today to advance its nuclear diplomacy with iran , with talks between top u.s. and iranian diplomats at a united nations conference in new york and an aggressive effort to sell the emerging deal to skeptical american lawmakers and constituencies in washington .\"]\n", - "=======================\n", - "[\"it was their first meeting since world powers and iran sealed a framework deal on april 2 that would limit iran 's ability to build a nuclear weaponfinal agreement hinges timing of sanctions relief - something both sides have said they wo n't budge onobama administration is also engaged in an aggressive effort to sell the emerging deal to skeptical lawmakers and constituencies in washingtongop presidential candidates are lining up to oppose any deal with a government the u.s. considers the leading state sponsor of terrorismhouse speaker john boehner has acknowledged that his party does n't command enough votes to override a veto of any resolution , though\"]\n", - "u.s. secretary of state john kerry and iranian foreign minister mohammad javad zarif met monday for the first time since world powers and iran sealed a framework agreement on april 2 that would limit iran 's ability to build a nuclear weapon .they now have little more than two months to meet their own deadline of june 30 to sign a comprehensive accord , which hinges on both sides coming to an agreement on the timing of sanctions relief .the obama administration moved on two fronts today to advance its nuclear diplomacy with iran , with talks between top u.s. and iranian diplomats at a united nations conference in new york and an aggressive effort to sell the emerging deal to skeptical american lawmakers and constituencies in washington .\n", - "it was their first meeting since world powers and iran sealed a framework deal on april 2 that would limit iran 's ability to build a nuclear weaponfinal agreement hinges timing of sanctions relief - something both sides have said they wo n't budge onobama administration is also engaged in an aggressive effort to sell the emerging deal to skeptical lawmakers and constituencies in washingtongop presidential candidates are lining up to oppose any deal with a government the u.s. considers the leading state sponsor of terrorismhouse speaker john boehner has acknowledged that his party does n't command enough votes to override a veto of any resolution , though\n", - "[1.2545735 1.381725 1.1978593 1.2310877 1.1607119 1.1009326 1.0899662\n", - " 1.1044317 1.0850585 1.068215 1.091428 1.0455551 1.1021137 1.1304362\n", - " 1.077727 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 13 7 12 5 10 6 8 14 9 11 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"the nauseating footage was captured on a camera phone at a school in portland , oregon , and shows the well-built man lecturing a crowd of students before excitedly asking ` everybody ready ? 'this video captures the stomach-churning moment a physics teacher swings an axe into his co-worker 's genitals - in a disastrously misjudged class experiment .facing the axe : the well-built teacher tells his class about the effect the axe will have on the cinder block before hoisting the implement into the air and swinging it straight on to the helpless teenager 's groin\"]\n", - "=======================\n", - "[\"nauseating footage captured on phone and uploaded to youtube in the usteacher tries to give lesson by showing effect of an axe on a cinder block , but misjudges swing , bringing tool directly into fellow teacher 's grointhe victim appears to be ok and stands up and dusts himself off moments after being hit\"]\n", - "the nauseating footage was captured on a camera phone at a school in portland , oregon , and shows the well-built man lecturing a crowd of students before excitedly asking ` everybody ready ? 'this video captures the stomach-churning moment a physics teacher swings an axe into his co-worker 's genitals - in a disastrously misjudged class experiment .facing the axe : the well-built teacher tells his class about the effect the axe will have on the cinder block before hoisting the implement into the air and swinging it straight on to the helpless teenager 's groin\n", - "nauseating footage captured on phone and uploaded to youtube in the usteacher tries to give lesson by showing effect of an axe on a cinder block , but misjudges swing , bringing tool directly into fellow teacher 's grointhe victim appears to be ok and stands up and dusts himself off moments after being hit\n", - "[1.2248087 1.4263414 1.2753141 1.083646 1.1994231 1.3418504 1.1603012\n", - " 1.126394 1.0806017 1.072627 1.1116025 1.0828886 1.0361239 1.0442257\n", - " 1.0275271 1.0225782 1.016477 1.0159297 1.0999646 1.0254668 1.0159022]\n", - "\n", - "[ 1 5 2 0 4 6 7 10 18 3 11 8 9 13 12 14 19 15 16 17 20]\n", - "=======================\n", - "[\"crowds cheered as pema lama , 15 , was pulled , dazed and dusty , from the rubble of a guesthouse in kathmandu after he became ` pancaked ' between two floors when the quake hit on saturday .he was carried out on a stretcher by medics who had placed an iv drip into his arm and a blue brace around his neck .this is remarkable moment a teenage boy was found alive in a collapsed building five days after the nepal earthquake struck .\"]\n", - "=======================\n", - "[\"crowds cheered as pema lama was pulled , dazed and dusty , from rubbleplaced on stretcher with an iv drip in his arm and a brace around his neckcomes as mother is reunited with baby rescued after 22 hours in rubblemedic said teenager became ` pancaked ' between two floors when quake hitanother survivor rescued after 82 hours has had one of his legs amputated\"]\n", - "crowds cheered as pema lama , 15 , was pulled , dazed and dusty , from the rubble of a guesthouse in kathmandu after he became ` pancaked ' between two floors when the quake hit on saturday .he was carried out on a stretcher by medics who had placed an iv drip into his arm and a blue brace around his neck .this is remarkable moment a teenage boy was found alive in a collapsed building five days after the nepal earthquake struck .\n", - "crowds cheered as pema lama was pulled , dazed and dusty , from rubbleplaced on stretcher with an iv drip in his arm and a brace around his neckcomes as mother is reunited with baby rescued after 22 hours in rubblemedic said teenager became ` pancaked ' between two floors when quake hitanother survivor rescued after 82 hours has had one of his legs amputated\n", - "[1.2503667 1.2204599 1.1988068 1.2992553 1.2730894 1.2220396 1.1672997\n", - " 1.1390623 1.0579709 1.0755899 1.1119978 1.1017208 1.1450031 1.0629178\n", - " 1.0466238 1.0357943 1.0193362 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 0 5 1 2 6 12 7 10 11 9 13 8 14 15 16 19 17 18 20]\n", - "=======================\n", - "[\"nearly half of parents have not taught their children how to dial 999 - and many youngsters think the emergency number is 911 , a study foundthe survey of 757 parents was carried out by mumsnet , the uk 's largest internet community for parents .many said their children were not mature enough to learn the life-saving skill .\"]\n", - "=======================\n", - "[\"study found many children do n't know the difference between 999 and 911nearly half of parents thought children were n't mature enough to knowmumsnet survey raises fear children are n't learning vital emergency steps\"]\n", - "nearly half of parents have not taught their children how to dial 999 - and many youngsters think the emergency number is 911 , a study foundthe survey of 757 parents was carried out by mumsnet , the uk 's largest internet community for parents .many said their children were not mature enough to learn the life-saving skill .\n", - "study found many children do n't know the difference between 999 and 911nearly half of parents thought children were n't mature enough to knowmumsnet survey raises fear children are n't learning vital emergency steps\n", - "[1.4480901 1.3656815 1.1672678 1.1124494 1.0889516 1.0575726 1.0403394\n", - " 1.0471395 1.0676172 1.0847903 1.1454834 1.1568819 1.0645635 1.0144928\n", - " 1.0156658 1.0125918 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 11 10 3 4 9 8 12 5 7 6 14 13 15 19 16 17 18 20]\n", - "=======================\n", - "[\"timothy mcveigh considered the bombing of the oklahoma city federal building 20 years ago a failure because the structure was still standing after the blast that killed 168 people .mcveigh also viewed himself as a ` paul revere-type messenger ' and even suggested his defense team should receive $ 800,000 from the government , according an archive of documents donated by the convicted bomber 's lead attorney .the estimated one million pages of paper documents from stephen jones now fill 550 file cabinet-sized boxes at the briscoe center for american history at the university of texas .\"]\n", - "=======================\n", - "[\"almost 1 million pages of documents donated by bomber 's lead attorneythey reveal mcveigh viewed himself as a ` paul revere-type messenger 'also thought his defense team should receive $ 800,000 from the government1995 attack killed 168 and was deadliest terrorist attack on us soil at timemcveigh was executed by lethal injection in 2001 at the age of 33co-conspirator terry nichols convicted separately and got a life sentence\"]\n", - "timothy mcveigh considered the bombing of the oklahoma city federal building 20 years ago a failure because the structure was still standing after the blast that killed 168 people .mcveigh also viewed himself as a ` paul revere-type messenger ' and even suggested his defense team should receive $ 800,000 from the government , according an archive of documents donated by the convicted bomber 's lead attorney .the estimated one million pages of paper documents from stephen jones now fill 550 file cabinet-sized boxes at the briscoe center for american history at the university of texas .\n", - "almost 1 million pages of documents donated by bomber 's lead attorneythey reveal mcveigh viewed himself as a ` paul revere-type messenger 'also thought his defense team should receive $ 800,000 from the government1995 attack killed 168 and was deadliest terrorist attack on us soil at timemcveigh was executed by lethal injection in 2001 at the age of 33co-conspirator terry nichols convicted separately and got a life sentence\n", - "[1.3718258 1.1749618 1.2404956 1.1010762 1.1360112 1.1640222 1.1108749\n", - " 1.0992819 1.0754462 1.0532329 1.0653636 1.1403633 1.0329939 1.0168201\n", - " 1.0542235 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 5 11 4 6 3 7 8 10 14 9 12 13 15 16 17 18 19 20]\n", - "=======================\n", - "[\"back in january 2012 chelsea took three promising young boys , all brothers , from their home in graham gardens , luton , after watching them beat the mighty bayern munich in a youth tournament .on wednesday , jay dasilva , the eldest of the three children , who left luton town 's academy to make the 100-mile round trip , three or fours times a week , in their mum alison 's rover to chelsea 's cobham training base , turns 17 .there was a bit of a fuss made of the move at the time , with brothers jay , plus twins cole and rio , compared with the trio of wallace siblings who created history when they played together in a first-team game for southampton against sheffield wednesday on october 22 , 1988 .\"]\n", - "=======================\n", - "[\"jay dasilva building a strong reputation in chelsea 's youth systemthe young defender has been earmarked as a future first-team playerchelsea have not produced a homegrown regular since john terrybut jose mourinho insists he will give youth players a chanceruben loftus-cheek has been guaranteed a place in the squad\"]\n", - "back in january 2012 chelsea took three promising young boys , all brothers , from their home in graham gardens , luton , after watching them beat the mighty bayern munich in a youth tournament .on wednesday , jay dasilva , the eldest of the three children , who left luton town 's academy to make the 100-mile round trip , three or fours times a week , in their mum alison 's rover to chelsea 's cobham training base , turns 17 .there was a bit of a fuss made of the move at the time , with brothers jay , plus twins cole and rio , compared with the trio of wallace siblings who created history when they played together in a first-team game for southampton against sheffield wednesday on october 22 , 1988 .\n", - "jay dasilva building a strong reputation in chelsea 's youth systemthe young defender has been earmarked as a future first-team playerchelsea have not produced a homegrown regular since john terrybut jose mourinho insists he will give youth players a chanceruben loftus-cheek has been guaranteed a place in the squad\n", - "[1.2153207 1.4133079 1.1948807 1.3663263 1.1879817 1.0651032 1.0534828\n", - " 1.1514593 1.0627338 1.1331633 1.0427982 1.0388397 1.048809 1.1189529\n", - " 1.0278815 1.0468909 1.0376923 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 7 9 13 5 8 6 12 15 10 11 16 14 19 17 18 20]\n", - "=======================\n", - "[\"so far six people are believed to have been killed in the violent protests which started two weeks ago in durban , a key port on south africa 's indian ocean coast , spreading to johannesburg .victim : carol lloyd was left injured and covered in blood after rocks were thrown at and shattered her car window in the latest wave of anti-immigrant protests near johannesburg in south africaarmed : south african police were called in to help foreign nationals as violent protests spread to johannesburg , threatening more killings\"]\n", - "=======================\n", - "[\"anti-immigrant protests have been ongoing in south africa for two weeks and at least six people have been killedcarol lloyd was injured after rocks were thrown at and smashed her car window as she drove near to jeppestownforeign nationals have been loading trucks with their wares as they flee johannesburg and neighbouring townsprotesters are angry about foreigners in the country when unemployment is high and wealth is n't distributed equally\"]\n", - "so far six people are believed to have been killed in the violent protests which started two weeks ago in durban , a key port on south africa 's indian ocean coast , spreading to johannesburg .victim : carol lloyd was left injured and covered in blood after rocks were thrown at and shattered her car window in the latest wave of anti-immigrant protests near johannesburg in south africaarmed : south african police were called in to help foreign nationals as violent protests spread to johannesburg , threatening more killings\n", - "anti-immigrant protests have been ongoing in south africa for two weeks and at least six people have been killedcarol lloyd was injured after rocks were thrown at and smashed her car window as she drove near to jeppestownforeign nationals have been loading trucks with their wares as they flee johannesburg and neighbouring townsprotesters are angry about foreigners in the country when unemployment is high and wealth is n't distributed equally\n", - "[1.1455616 1.4065975 1.3453214 1.287704 1.2785016 1.2039298 1.1705501\n", - " 1.0343486 1.0249001 1.0186845 1.0192828 1.0201405 1.0239453 1.0324283\n", - " 1.0629553 1.0250413 1.0473298 1.0316945 1.0704423 0. ]\n", - "\n", - "[ 1 2 3 4 5 6 0 18 14 16 7 13 17 15 8 12 11 10 9 19]\n", - "=======================\n", - "[\"he took the serie a side into the europa league semi-final with an emphatic 6-3 aggregate victory over wolfsburg and the impending encounters against dnipro will be benitez 's seventh major european semi-final in 12 seasons .napoli are the fourth club he has taken to the latter stages of a european competition , following spells with valencia , liverpool and chelsea .benitez ( right ) guided liverpool to champions league glory in 2005 , his first season at the club\"]\n", - "=======================\n", - "[\"rafa benitez 's contract at napoli expires at the end of the seasonhe guided the italian side to the europa league semi-final on thursdayhe has taken four teams to a european semi-final inside 12 years\"]\n", - "he took the serie a side into the europa league semi-final with an emphatic 6-3 aggregate victory over wolfsburg and the impending encounters against dnipro will be benitez 's seventh major european semi-final in 12 seasons .napoli are the fourth club he has taken to the latter stages of a european competition , following spells with valencia , liverpool and chelsea .benitez ( right ) guided liverpool to champions league glory in 2005 , his first season at the club\n", - "rafa benitez 's contract at napoli expires at the end of the seasonhe guided the italian side to the europa league semi-final on thursdayhe has taken four teams to a european semi-final inside 12 years\n", - "[1.2890003 1.3856052 1.2167535 1.2681383 1.149288 1.0748343 1.0468863\n", - " 1.1553088 1.093687 1.0657284 1.0573006 1.0377713 1.060019 1.1074992\n", - " 1.1115959 1.0406355 1.0134023 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 7 4 14 13 8 5 9 12 10 6 15 11 16 18 17 19]\n", - "=======================\n", - "[\"the nephew of president john f kennedy used the term last week during the screening of a film that links autism to a chemical found in several childhood vaccinations - despite evidence to the contrary .robert kennedy jr has apologized for describing the number of children injured by vaccines as ' a holocaust ' .on monday , following a storm of criticism , he publicly retracted his statement .\"]\n", - "=======================\n", - "['nephew of jfk , and son for former attorney general , opposes vaccineshe believes a chemical called thimerosal causes autism in childrenpromoting protest film , he likened vaccinated kids to holocaust victimson monday , he apologized for the comment after widespread criticism']\n", - "the nephew of president john f kennedy used the term last week during the screening of a film that links autism to a chemical found in several childhood vaccinations - despite evidence to the contrary .robert kennedy jr has apologized for describing the number of children injured by vaccines as ' a holocaust ' .on monday , following a storm of criticism , he publicly retracted his statement .\n", - "nephew of jfk , and son for former attorney general , opposes vaccineshe believes a chemical called thimerosal causes autism in childrenpromoting protest film , he likened vaccinated kids to holocaust victimson monday , he apologized for the comment after widespread criticism\n", - "[1.0802296 1.0590866 1.4606359 1.3652543 1.3379545 1.1047179 1.2213264\n", - " 1.137483 1.0941101 1.1042517 1.1257144 1.0711727 1.0797215 1.046611\n", - " 1.0264089 1.1330628 1.0240822 0. 0. 0. ]\n", - "\n", - "[ 2 3 4 6 7 15 10 5 9 8 0 12 11 1 13 14 16 17 18 19]\n", - "=======================\n", - "[\"scientists at the university of bristol found that having ` one large glass of wine ' increases ` facial flushing ' and ` confidence ' , making the drinker ` more attractive ' to others and more likely to ` get lucky ' .researchers quizzed 40 heterosexual male and female students and asked them to rate the attractiveness of three groups of people who were sober , tipsy and drunk .the study found that tipsy people , who had downed one large 250ml glass of 14 per cent wine - that 's one-third of the bottle - were consistently voted as the ` most attractive ' .\"]\n", - "=======================\n", - "[\"study finds booze ` mimics ' how a person 's body demonstrates healthfacial flushing and confidence perceived as ` healthy and attractive 'experiment by the university of bristol dubbed ` reverse beer goggles '\"]\n", - "scientists at the university of bristol found that having ` one large glass of wine ' increases ` facial flushing ' and ` confidence ' , making the drinker ` more attractive ' to others and more likely to ` get lucky ' .researchers quizzed 40 heterosexual male and female students and asked them to rate the attractiveness of three groups of people who were sober , tipsy and drunk .the study found that tipsy people , who had downed one large 250ml glass of 14 per cent wine - that 's one-third of the bottle - were consistently voted as the ` most attractive ' .\n", - "study finds booze ` mimics ' how a person 's body demonstrates healthfacial flushing and confidence perceived as ` healthy and attractive 'experiment by the university of bristol dubbed ` reverse beer goggles '\n", - "[1.3368694 1.2137213 1.48487 1.278149 1.2959329 1.0752113 1.0502917\n", - " 1.0416293 1.0672919 1.0449524 1.045001 1.0374705 1.0538595 1.0691391\n", - " 1.0428177 1.022017 1.0268569 1.062217 1.023603 0. ]\n", - "\n", - "[ 2 0 4 3 1 5 13 8 17 12 6 10 9 14 7 11 16 18 15 19]\n", - "=======================\n", - "[\"the disease claims almost 11,000 lives a year in the uk , with most deaths occurring after it spreads around the body .scientists have discovered an achilles ' heel of prostate ( pictured ) cancer that could lead to better treatment for many men diagnosed with the diseasereading the dna revealed details of how the cancer metastasises , or spreads , allowing them to build a ` family tree ' of how the disease changes over time .\"]\n", - "=======================\n", - "[\"british scientists say they have got to the ` root ' of prostate cancerhave exposed an achilles ' heel that could lead to better survival chancescould mean that men get individualised treatments within a few years\"]\n", - "the disease claims almost 11,000 lives a year in the uk , with most deaths occurring after it spreads around the body .scientists have discovered an achilles ' heel of prostate ( pictured ) cancer that could lead to better treatment for many men diagnosed with the diseasereading the dna revealed details of how the cancer metastasises , or spreads , allowing them to build a ` family tree ' of how the disease changes over time .\n", - "british scientists say they have got to the ` root ' of prostate cancerhave exposed an achilles ' heel that could lead to better survival chancescould mean that men get individualised treatments within a few years\n", - "[1.4284599 1.3921671 1.2724265 1.1591682 1.2361249 1.191951 1.0903542\n", - " 1.09139 1.1207527 1.0608232 1.0561275 1.0781447 1.072328 1.0814978\n", - " 1.0218557 1.0398526 1.0492226 1.075091 1.0275189 1.010538 ]\n", - "\n", - "[ 0 1 2 4 5 3 8 7 6 13 11 17 12 9 10 16 15 18 14 19]\n", - "=======================\n", - "[\"( cnn ) jason rezaian has sat in jail in iran for nearly nine months .the washington post 's bureau chief in tehran was arrested in july on unspecified allegations .it took more than four months for a judge to hear charges against him .\"]\n", - "=======================\n", - "['officers arrested jason rezaian and his wife in july on unspecified allegationsit took months to charge him ; charges were made public last weekthe washington post and the state department find the charges \" absurd \"']\n", - "( cnn ) jason rezaian has sat in jail in iran for nearly nine months .the washington post 's bureau chief in tehran was arrested in july on unspecified allegations .it took more than four months for a judge to hear charges against him .\n", - "officers arrested jason rezaian and his wife in july on unspecified allegationsit took months to charge him ; charges were made public last weekthe washington post and the state department find the charges \" absurd \"\n", - "[1.2053642 1.3289503 1.3461988 1.2654448 1.2561166 1.028978 1.0312816\n", - " 1.0933487 1.132597 1.1167371 1.1573831 1.0489035 1.1061232 1.1319224\n", - " 1.109503 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 4 0 10 8 13 9 14 12 7 11 6 5 18 15 16 17 19]\n", - "=======================\n", - "[\"the car was driven by new zealand professional race car driver craig baird , who switches the vehicle into ` race hybrid ' and slams his foot on the throttle when they reach the unrestricted zone .the video depicts the 918 spyder clocking 350km/h as it rockets down a dead-straight stretch of road on the on the stuart highway , north of alice springs , on a stretch of road with no speed limit .the video is part of a promotional tour from porsche to promote their 918 spyder , a limited edition $ 900,000 supercar\"]\n", - "=======================\n", - "['the video depicts the 918 spyder driving down the stuart highwaythe car was driven by new zealand professional racer craig bairdthe stunt is part of a promotional tour to showcase the hybrid cars']\n", - "the car was driven by new zealand professional race car driver craig baird , who switches the vehicle into ` race hybrid ' and slams his foot on the throttle when they reach the unrestricted zone .the video depicts the 918 spyder clocking 350km/h as it rockets down a dead-straight stretch of road on the on the stuart highway , north of alice springs , on a stretch of road with no speed limit .the video is part of a promotional tour from porsche to promote their 918 spyder , a limited edition $ 900,000 supercar\n", - "the video depicts the 918 spyder driving down the stuart highwaythe car was driven by new zealand professional racer craig bairdthe stunt is part of a promotional tour to showcase the hybrid cars\n", - "[1.1952813 1.5522335 1.3387121 1.2904966 1.1627383 1.155229 1.030507\n", - " 1.0329157 1.0535992 1.1328903 1.0210773 1.0338243 1.1237757 1.1035764\n", - " 1.0394677 1.0390495 1.012678 1.0129366 1.0089123 1.0098271]\n", - "\n", - "[ 1 2 3 0 4 5 9 12 13 8 14 15 11 7 6 10 17 16 19 18]\n", - "=======================\n", - "['kealeigh-anne woolley was just seven months old when she was left blind , unable to talk and severely brain damaged after being shaken by colin heath in january 2000 .she spent most of her life in a wheelchair and could only eat through a tube until her death in 2011 .police arrested heath , now 43 , last september and yesterday he was jailed for three years and two months at birmingham crown court after he admitted manslaughter .']\n", - "=======================\n", - "['kealeigh-anne woolley was 7 months old when colin heath shook herviolent incident left her blind , unable to talk and severely brain damagedspent most of her life in a wheelchair and could only eat through a tubeheath was jailed for manslaughter at birmingham crown court today']\n", - "kealeigh-anne woolley was just seven months old when she was left blind , unable to talk and severely brain damaged after being shaken by colin heath in january 2000 .she spent most of her life in a wheelchair and could only eat through a tube until her death in 2011 .police arrested heath , now 43 , last september and yesterday he was jailed for three years and two months at birmingham crown court after he admitted manslaughter .\n", - "kealeigh-anne woolley was 7 months old when colin heath shook herviolent incident left her blind , unable to talk and severely brain damagedspent most of her life in a wheelchair and could only eat through a tubeheath was jailed for manslaughter at birmingham crown court today\n", - "[1.250381 1.411315 1.3712173 1.3472666 1.1070274 1.0873512 1.0547873\n", - " 1.064106 1.0159183 1.031532 1.042526 1.0235698 1.0989524 1.0559492\n", - " 1.0688518 1.0576403 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 12 5 14 7 15 13 6 10 9 11 8 18 16 17 19]\n", - "=======================\n", - "[\"the profanity-laced comedy sketch by 26 minutes , a news satire programme broadcast by radio television suisse , follows ` jeff randl ' , who travels to switzerland to compete in xtreme verbier .with more than 300,000 views on youtube since late march , some viewers said they were offended or did n't find the humour in the show 's over-the-top depiction of americans on the slopes in switzerland .a parody video that mocks american skiers and plays on stereotypes about us tourists has gone viral on the internet , but not all viewers are finding it amusing .\"]\n", - "=======================\n", - "['comedy sketch mocked us skiers at the swiss mountain resort of verbierit portrays a boorish , pot-smoking snowboarder named jeff randlplays on stereotypes that american tourists are rude and less worldlyclip was produced for a news satire programme on a swiss tv stationit has been viewed more than 300,000 times on youtube']\n", - "the profanity-laced comedy sketch by 26 minutes , a news satire programme broadcast by radio television suisse , follows ` jeff randl ' , who travels to switzerland to compete in xtreme verbier .with more than 300,000 views on youtube since late march , some viewers said they were offended or did n't find the humour in the show 's over-the-top depiction of americans on the slopes in switzerland .a parody video that mocks american skiers and plays on stereotypes about us tourists has gone viral on the internet , but not all viewers are finding it amusing .\n", - "comedy sketch mocked us skiers at the swiss mountain resort of verbierit portrays a boorish , pot-smoking snowboarder named jeff randlplays on stereotypes that american tourists are rude and less worldlyclip was produced for a news satire programme on a swiss tv stationit has been viewed more than 300,000 times on youtube\n", - "[1.6469841 1.510545 1.1473514 1.488838 1.0512929 1.0480007 1.030861\n", - " 1.0295448 1.0564322 1.0210383 1.0710834 1.0189719 1.0403472 1.0168254\n", - " 1.0693735 1.0137982 1.0113086 1.0112474 1.133617 1.1109366]\n", - "\n", - "[ 0 1 3 2 18 19 10 14 8 4 5 12 6 7 9 11 13 15 16 17]\n", - "=======================\n", - "[\"arsenal goalkeeper wojciech szczesny admits he feels sorry for adam federici , insisting the reading stopper was ` the best player on the pitch ' despite his costly error in saturday 's fa cup semi-final .federici allowed alexis sanchez 's driven shot to slip through his body in extra-time as arsenal ran out 2-1 winners at wembley to reach their second consecutive final , having beaten hull to lift the trophy last year .the mistake overshadowed a number of strong saves federici had made to keep his side in the game and szczesny had only kind words for his opposite number .\"]\n", - "=======================\n", - "[\"wojciech szczesny feels sorry for adam federici after his fa cup errorthe goalkeeper let an alexis sanchez shot squirm into the net in extra-timeszczesny insists federici ` was the best player on the pitch ' at wembleyarsenal went onto win the semi-final 2-1 after the goalkeeper 's errorclick here for all the latest arsenal news\"]\n", - "arsenal goalkeeper wojciech szczesny admits he feels sorry for adam federici , insisting the reading stopper was ` the best player on the pitch ' despite his costly error in saturday 's fa cup semi-final .federici allowed alexis sanchez 's driven shot to slip through his body in extra-time as arsenal ran out 2-1 winners at wembley to reach their second consecutive final , having beaten hull to lift the trophy last year .the mistake overshadowed a number of strong saves federici had made to keep his side in the game and szczesny had only kind words for his opposite number .\n", - "wojciech szczesny feels sorry for adam federici after his fa cup errorthe goalkeeper let an alexis sanchez shot squirm into the net in extra-timeszczesny insists federici ` was the best player on the pitch ' at wembleyarsenal went onto win the semi-final 2-1 after the goalkeeper 's errorclick here for all the latest arsenal news\n", - "[1.1603123 1.1933182 1.1124601 1.1566125 1.145627 1.1079015 1.0568571\n", - " 1.1490854 1.1132269 1.0880578 1.0441586 1.0415313 1.0657308 1.084609\n", - " 1.0806502 1.0258012 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 7 4 8 2 5 9 13 14 12 6 10 11 15 18 16 17 19]\n", - "=======================\n", - "['after a preliminary framework for a possible nuclear deal was reached between iran and world powers , many here believe a final agreement is possible -- and most hope that widespread sanctions relief could be on the horizon .tehran , iran ( cnn ) traveling to iran these days , the mood among many people and the government can probably best be described using two words : confident and optimistic .\" naturally we are all very happy , \" one woman in central tehran told us .']\n", - "=======================\n", - "[\"iran 's military held annual national army day parade over the weekendtop military official says he hopes u.s.-iranian enmity will fadeu.s. has welcomed limited iranian help in fight against isis but neither side plans full coordination\"]\n", - "after a preliminary framework for a possible nuclear deal was reached between iran and world powers , many here believe a final agreement is possible -- and most hope that widespread sanctions relief could be on the horizon .tehran , iran ( cnn ) traveling to iran these days , the mood among many people and the government can probably best be described using two words : confident and optimistic .\" naturally we are all very happy , \" one woman in central tehran told us .\n", - "iran 's military held annual national army day parade over the weekendtop military official says he hopes u.s.-iranian enmity will fadeu.s. has welcomed limited iranian help in fight against isis but neither side plans full coordination\n", - "[1.5169755 1.4566627 1.2675841 1.4185262 1.150531 1.1173079 1.12136\n", - " 1.0364393 1.0489502 1.0374252 1.0204134 1.0187399 1.0174031 1.2291462\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 13 4 6 5 8 9 7 10 11 12 14 15 16 17 18 19]\n", - "=======================\n", - "[\"sussex head coach mark robinson has warned that wicketkeeper matt prior remains ` pretty much out indefinitely ' as his recovery from an achilles injury continues .prior , 33 , was badly affected by the problem last summer , eventually losing his england place to jos buttler , and has not played since july .he took a break to focus on rehabilitation and admitted ' i could have played my last game ( for england ) ' - and robinson 's prognosis offers no further encouragement .\"]\n", - "=======================\n", - "['matt prior picked up injury playing for england last yearachilles problem saw him lose his test place to jos buttlerdespite almost a year of rehab , prior is still a long way from making return']\n", - "sussex head coach mark robinson has warned that wicketkeeper matt prior remains ` pretty much out indefinitely ' as his recovery from an achilles injury continues .prior , 33 , was badly affected by the problem last summer , eventually losing his england place to jos buttler , and has not played since july .he took a break to focus on rehabilitation and admitted ' i could have played my last game ( for england ) ' - and robinson 's prognosis offers no further encouragement .\n", - "matt prior picked up injury playing for england last yearachilles problem saw him lose his test place to jos buttlerdespite almost a year of rehab , prior is still a long way from making return\n", - "[1.4003986 1.0519335 1.1719103 1.1820455 1.4475092 1.4062008 1.1396651\n", - " 1.2653339 1.0645682 1.1384095 1.0215731 1.0720366 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 5 0 7 3 2 6 9 11 8 1 10 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"tottenham chairman daniel levy is planning a new transfer policy for the club that centres on resale valuespurs sold forward gareth bale ( left ) to real madrid in 2013 for a world-record # 85 million transfer feedaniel levy reportedly told the tottenham hotspur supporters ' trust that after the problems reinvesting the money received for gareth bale , future transfer policy would entail the purchase of young players , priced between # 10-15million with good potential for resale .\"]\n", - "=======================\n", - "[\"tottenham hotspur chairman daniel levy has told supporters that future transfer policy will include developing young players with resale valuehaving failed to successfully reinvest the money received for gareth bale , levy will now turn to more modestly priced playersalthough financially sensible , levy 's new plans could risk spurs falling behind the other top clubs in pursuit of the champions leagueclick here for all the latest tottenham hotspur news\"]\n", - "tottenham chairman daniel levy is planning a new transfer policy for the club that centres on resale valuespurs sold forward gareth bale ( left ) to real madrid in 2013 for a world-record # 85 million transfer feedaniel levy reportedly told the tottenham hotspur supporters ' trust that after the problems reinvesting the money received for gareth bale , future transfer policy would entail the purchase of young players , priced between # 10-15million with good potential for resale .\n", - "tottenham hotspur chairman daniel levy has told supporters that future transfer policy will include developing young players with resale valuehaving failed to successfully reinvest the money received for gareth bale , levy will now turn to more modestly priced playersalthough financially sensible , levy 's new plans could risk spurs falling behind the other top clubs in pursuit of the champions leagueclick here for all the latest tottenham hotspur news\n", - "[1.3781023 1.4373983 1.308207 1.2095485 1.1904811 1.1365727 1.16142\n", - " 1.0416154 1.0335879 1.0280633 1.1738318 1.0163586 1.0238593 1.019538\n", - " 1.0222561 1.0159663 1.0104014 1.0111072 1.179431 1.0576063]\n", - "\n", - "[ 1 0 2 3 4 18 10 6 5 19 7 8 9 12 14 13 11 15 17 16]\n", - "=======================\n", - "[\"the st james ' park youngster was one of five loanees sent to glasgow by the magpies on the final day of the january transfer window .haris vuckic admits he does not know where he will be playing next season - but believes rangers would be a ` good option ' if newcastle let him leave .with kevin mbabu , remie streete , gael bigirimana and shane ferguson all injured , the 22-year-old slovenian is the only one to have made an impact at ibrox .\"]\n", - "=======================\n", - "['haris vuckic has spent second half of season on loan at rangersslovenia star has been a success at ibrox with six goals in 10 gamesnewcastle may decide to sell him with one year left on his contract']\n", - "the st james ' park youngster was one of five loanees sent to glasgow by the magpies on the final day of the january transfer window .haris vuckic admits he does not know where he will be playing next season - but believes rangers would be a ` good option ' if newcastle let him leave .with kevin mbabu , remie streete , gael bigirimana and shane ferguson all injured , the 22-year-old slovenian is the only one to have made an impact at ibrox .\n", - "haris vuckic has spent second half of season on loan at rangersslovenia star has been a success at ibrox with six goals in 10 gamesnewcastle may decide to sell him with one year left on his contract\n", - "[1.6262354 1.3497264 1.1236188 1.318655 1.3620234 1.1605448 1.0332499\n", - " 1.0255343 1.0250539 1.0218235 1.0163481 1.0098575 1.0382957 1.0154275\n", - " 1.110089 1.0484011 1.0629104 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 3 5 2 14 16 15 12 6 7 8 9 10 13 11 18 17 19]\n", - "=======================\n", - "['fifteen-times grand slam champion martina hingis made a courageously impressive return to big-time singles tennis in the fed cup on saturday but was eventually outplayed by agnieszka radwanska .hingis was persuaded to play her first tour-level singles for nearly eight years because of injuries in the switzerland team for the world group playoff encounter against poland .martina hingis fought courageously but could not prevent defeat on her first return to singles since 2007']\n", - "=======================\n", - "['switzerland are facing poland in the fed cup world group play offsmartina hingis lost 6-4 , 6-0 to world no 9 agnieszka radwanskathe former no 1 and five-time grand slam singles winner has not played a singles match since 2007']\n", - "fifteen-times grand slam champion martina hingis made a courageously impressive return to big-time singles tennis in the fed cup on saturday but was eventually outplayed by agnieszka radwanska .hingis was persuaded to play her first tour-level singles for nearly eight years because of injuries in the switzerland team for the world group playoff encounter against poland .martina hingis fought courageously but could not prevent defeat on her first return to singles since 2007\n", - "switzerland are facing poland in the fed cup world group play offsmartina hingis lost 6-4 , 6-0 to world no 9 agnieszka radwanskathe former no 1 and five-time grand slam singles winner has not played a singles match since 2007\n", - "[1.2993898 1.3764975 1.3599403 1.1487871 1.0654315 1.1727407 1.1623446\n", - " 1.2174647 1.0741614 1.0826228 1.0481763 1.125869 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 7 5 6 3 11 9 8 4 10 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"maradona is widely considered one of the greatest players to have played the game and guided argentina to world cup glory in 1986 .diego maradona works on his fitness by taking part in some boxing trainingdiego maradona put his ` hand of god ' to different use as he kept in shape by boxing training .\"]\n", - "=======================\n", - "['diego maradona was filmed hitting a dummy during boxing trainingformer argentina star hit dummy in head and on the body']\n", - "maradona is widely considered one of the greatest players to have played the game and guided argentina to world cup glory in 1986 .diego maradona works on his fitness by taking part in some boxing trainingdiego maradona put his ` hand of god ' to different use as he kept in shape by boxing training .\n", - "diego maradona was filmed hitting a dummy during boxing trainingformer argentina star hit dummy in head and on the body\n", - "[1.327395 1.4915041 1.3339512 1.2912496 1.2483405 1.2434629 1.0589099\n", - " 1.0633402 1.0638083 1.0217893 1.2745757 1.0202664 1.0471432 1.019492\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 10 4 5 8 7 6 12 9 11 13 16 14 15 17]\n", - "=======================\n", - "['the robbery took place at 12.30 pm at a lloyds bank branch in fairwater , cardiff , police said .detectives have issued cctv images of the suspect , who is 5ft 9in to 6ft and was wearing black clothing .police are hunting a man aged between 50 and 60 suspected of robbing a bank in broad daylight and running off with # 3,000 in cash .']\n", - "=======================\n", - "[\"the # 3,000 robbery happened at a lloyds bank branch in fairwater , cardiffcctv images released of a suspect with greying hair and wearing glassespolice say they are ` confident ' the public will know the suspect 's identity\"]\n", - "the robbery took place at 12.30 pm at a lloyds bank branch in fairwater , cardiff , police said .detectives have issued cctv images of the suspect , who is 5ft 9in to 6ft and was wearing black clothing .police are hunting a man aged between 50 and 60 suspected of robbing a bank in broad daylight and running off with # 3,000 in cash .\n", - "the # 3,000 robbery happened at a lloyds bank branch in fairwater , cardiffcctv images released of a suspect with greying hair and wearing glassespolice say they are ` confident ' the public will know the suspect 's identity\n", - "[1.0871689 1.1981204 1.3249822 1.3490806 1.1253939 1.1136149 1.1779854\n", - " 1.2872589 1.1336861 1.1583469 1.0441364 1.0786397 1.033783 1.0238523\n", - " 1.0186899 1.0955143 0. 0. ]\n", - "\n", - "[ 3 2 7 1 6 9 8 4 5 15 0 11 10 12 13 14 16 17]\n", - "=======================\n", - "[\"but as he goes to roll his egg down a grassy hill , he accidentally steps on it with shell and yolk mushed into the ground .video footage shows blaine taylor from aberdeen , scotland , competing against his older brother , cody .to date the toddler 's easter egg rolling fail has been watched more than 90,000 times .\"]\n", - "=======================\n", - "[\"video footage shows blaine taylor from aberdeen , scotland , competing against his older brother codybut as he goes to roll his egg down a grassy hill , he accidentally steps on it with shell and yolk mushed into the groundto date the toddler 's mishap has been watched more than 90,000 timesin a bid to cheer the youngster up , a local newspaper headed to his family home armed with dozens of chocolate easter eggs\"]\n", - "but as he goes to roll his egg down a grassy hill , he accidentally steps on it with shell and yolk mushed into the ground .video footage shows blaine taylor from aberdeen , scotland , competing against his older brother , cody .to date the toddler 's easter egg rolling fail has been watched more than 90,000 times .\n", - "video footage shows blaine taylor from aberdeen , scotland , competing against his older brother codybut as he goes to roll his egg down a grassy hill , he accidentally steps on it with shell and yolk mushed into the groundto date the toddler 's mishap has been watched more than 90,000 timesin a bid to cheer the youngster up , a local newspaper headed to his family home armed with dozens of chocolate easter eggs\n", - "[1.4831167 1.1891968 1.4794356 1.2038456 1.126226 1.1149961 1.0821403\n", - " 1.1009429 1.0859034 1.0777329 1.0877407 1.103501 1.1069171 1.0646193\n", - " 1.046378 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 4 5 12 11 7 10 8 6 9 13 14 16 15 17]\n", - "=======================\n", - "[\"on the run : clarence taylor , 44 , remains at large after police in akron , ohio ordered his arrest in connected to a bizarre ` faked kidnapping ' last fallon november 1 , taylor 's 45-year-old girlfriend called police , saying he had been missing for several days .while she was on the phone with investigators , the girlfriend received a call from another of taylor 's friends who said he had found him tied to a tree with zip ties in a wooded area near stoner creek and pickford ave.\"]\n", - "=======================\n", - "[\"a warrant has been issued for the arrest of clarence taylor , 44 , who remains at largeauthorities say the akron , ohio man faked his own kidnapping last falltaylor was found bound to a tree with duct tape covering his mouth of november 1he claimed men with shotguns kidnapped him , stole $ 2,500 and then left him tied to the tree for several dayshowever , medical records show taylor suffered no dehydration or injuries consistent with being out in the rainy weather for an extended periodit 's unclear why authorities delayed in ordering the arrest\"]\n", - "on the run : clarence taylor , 44 , remains at large after police in akron , ohio ordered his arrest in connected to a bizarre ` faked kidnapping ' last fallon november 1 , taylor 's 45-year-old girlfriend called police , saying he had been missing for several days .while she was on the phone with investigators , the girlfriend received a call from another of taylor 's friends who said he had found him tied to a tree with zip ties in a wooded area near stoner creek and pickford ave.\n", - "a warrant has been issued for the arrest of clarence taylor , 44 , who remains at largeauthorities say the akron , ohio man faked his own kidnapping last falltaylor was found bound to a tree with duct tape covering his mouth of november 1he claimed men with shotguns kidnapped him , stole $ 2,500 and then left him tied to the tree for several dayshowever , medical records show taylor suffered no dehydration or injuries consistent with being out in the rainy weather for an extended periodit 's unclear why authorities delayed in ordering the arrest\n", - "[1.3053601 1.1999652 1.2664099 1.2212136 1.3557913 1.0920311 1.0658027\n", - " 1.0609246 1.0439941 1.0304943 1.0470071 1.0267372 1.0353882 1.0669599\n", - " 1.0396149 1.0600995 1.1319616 1.0461636]\n", - "\n", - "[ 4 0 2 3 1 16 5 13 6 7 15 10 17 8 14 12 9 11]\n", - "=======================\n", - "[\"pedro hernandez , left , is accused of killing 6-year-old etan patz , right , who vanished in 1979she asked jurors to convict hernandez of murder , saying he was a calculated killer who committed a terrible crime and then spent three decades trying to hide from it .etan patz ` is larger than his very little , important life , ' assistant district attorney joan illuzzi-orbon said in closing arguments at the manhattan murder trial of pedro hernandez .\"]\n", - "=======================\n", - "[\"jurors have started deliberations in the case against pedro hernandez , the man accused of killing 6-year-old etan patz in 1979assistant district attorney joan illuzzi-orbon asked jurors in the ten week trial to convict hernandez of murdershe described him as a calculated killer who committed a terrible crime and then spent three decades trying to hide from itthe defense says hernandez 's admissions are made up , the ravings of a mentally ill man who sees visions and has a low iq\"]\n", - "pedro hernandez , left , is accused of killing 6-year-old etan patz , right , who vanished in 1979she asked jurors to convict hernandez of murder , saying he was a calculated killer who committed a terrible crime and then spent three decades trying to hide from it .etan patz ` is larger than his very little , important life , ' assistant district attorney joan illuzzi-orbon said in closing arguments at the manhattan murder trial of pedro hernandez .\n", - "jurors have started deliberations in the case against pedro hernandez , the man accused of killing 6-year-old etan patz in 1979assistant district attorney joan illuzzi-orbon asked jurors in the ten week trial to convict hernandez of murdershe described him as a calculated killer who committed a terrible crime and then spent three decades trying to hide from itthe defense says hernandez 's admissions are made up , the ravings of a mentally ill man who sees visions and has a low iq\n", - "[1.3458337 1.306181 1.3101847 1.2558036 1.2408485 1.1080642 1.0421869\n", - " 1.0456091 1.0309405 1.0568607 1.0967376 1.0556071 1.077248 1.03923\n", - " 1.0322043 1.0518436 1.0205927 0. ]\n", - "\n", - "[ 0 2 1 3 4 5 10 12 9 11 15 7 6 13 14 8 16 17]\n", - "=======================\n", - "[\"( cnn ) a 24-year-old man is in custody after he called for an ambulance , only to have french authorities come and discover weapons , ammunition and evidence of his plans to target churches -- an attack that someone in syria requested , a top prosecutor said wednesday .paris prosecutor francois molins said ghlam asked for medical help at his home in paris ' 13th district sunday morning , claiming he had accidentally injured himself when he mishandled a weapon .the man was identified later as sid ahmed ghlam , french interior minister bernard cazeneuve told television broadcaster tf1 .\"]\n", - "=======================\n", - "['suspect identified by french authorities as sid ahmed ghlamprosecutor : someone in syria asked the arrested man to target french churchesevidence connects terror plot suspect to the killing of aurelie chatelain , he says']\n", - "( cnn ) a 24-year-old man is in custody after he called for an ambulance , only to have french authorities come and discover weapons , ammunition and evidence of his plans to target churches -- an attack that someone in syria requested , a top prosecutor said wednesday .paris prosecutor francois molins said ghlam asked for medical help at his home in paris ' 13th district sunday morning , claiming he had accidentally injured himself when he mishandled a weapon .the man was identified later as sid ahmed ghlam , french interior minister bernard cazeneuve told television broadcaster tf1 .\n", - "suspect identified by french authorities as sid ahmed ghlamprosecutor : someone in syria asked the arrested man to target french churchesevidence connects terror plot suspect to the killing of aurelie chatelain , he says\n", - "[1.1901933 1.5214562 1.3416594 1.0809921 1.3699967 1.232842 1.114906\n", - " 1.1293713 1.139821 1.0291857 1.0212119 1.0105014 1.0381659 1.0957632\n", - " 1.1818805 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 5 0 14 8 7 6 13 3 12 9 10 11 17 15 16 18]\n", - "=======================\n", - "[\"patricia wilnecker , 81 , fell in love with lamorna cove in cornwall so much on her first visit in 1948 she eventually moved nearby and also wrote a book about it .but she has been told she is no longer welcome there by the owner roy stevenson after he accused her of deliberately hitting his son daniel , 36 , during a stand-off at the entrance .a pensioner who has visited a beauty spot for 70 years has been banned after she was accused of knocking down the landowner 's son with her car .\"]\n", - "=======================\n", - "[\"patricia wilnecker has visited lamorna cove every year since 1948pensioner , 81 , even moved to the area and wrote book about cornish coastbut landowner claims she deliberately knocked down son daniel , 36roy stevenson said she can come back if ` she tells him she 's sorry '\"]\n", - "patricia wilnecker , 81 , fell in love with lamorna cove in cornwall so much on her first visit in 1948 she eventually moved nearby and also wrote a book about it .but she has been told she is no longer welcome there by the owner roy stevenson after he accused her of deliberately hitting his son daniel , 36 , during a stand-off at the entrance .a pensioner who has visited a beauty spot for 70 years has been banned after she was accused of knocking down the landowner 's son with her car .\n", - "patricia wilnecker has visited lamorna cove every year since 1948pensioner , 81 , even moved to the area and wrote book about cornish coastbut landowner claims she deliberately knocked down son daniel , 36roy stevenson said she can come back if ` she tells him she 's sorry '\n", - "[1.4780118 1.2293175 1.1953267 1.5238962 1.2046015 1.0583696 1.0402427\n", - " 1.0304781 1.035051 1.0321437 1.0204613 1.0137012 1.1020166 1.2550287\n", - " 1.1448405 1.0835793 1.0265343 1.0126349 1.1209588]\n", - "\n", - "[ 3 0 13 1 4 2 14 18 12 15 5 6 8 9 7 16 10 11 17]\n", - "=======================\n", - "[\"chelsea defender kurt zouma ( right ) has revealed he hopes to one day win the ballon d'orzouma has impressed at the heart of the chelsea defence this season and proved his versatility by seemlessly switching into a holding midfield role when called upon this term .zouma challenges marouane fellaini during chelsea 's 1-0 premier league win against manchester united\"]\n", - "=======================\n", - "[\"kurt zouma reveals he has an ambition to win the ballon d'orchelsea youngster has had an impressive first season at stamford bridge20-year-old has been compared to chelsea legend marcel desailly\"]\n", - "chelsea defender kurt zouma ( right ) has revealed he hopes to one day win the ballon d'orzouma has impressed at the heart of the chelsea defence this season and proved his versatility by seemlessly switching into a holding midfield role when called upon this term .zouma challenges marouane fellaini during chelsea 's 1-0 premier league win against manchester united\n", - "kurt zouma reveals he has an ambition to win the ballon d'orchelsea youngster has had an impressive first season at stamford bridge20-year-old has been compared to chelsea legend marcel desailly\n", - "[1.1920671 1.4875488 1.3381549 1.3069966 1.2633421 1.1397672 1.079984\n", - " 1.0568808 1.0873935 1.0459169 1.0502985 1.046532 1.0337543 1.0595423\n", - " 1.0574436 1.0507356 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 5 8 6 13 14 7 15 10 11 9 12 17 16 18]\n", - "=======================\n", - "['mary ann diano was left homeless when the storms hit staten island , new york , in october 2012 - but now says because of hurricane sandy she has met the love of her life and they are buying their dream home together .a couple who lost their homes and were almost killed in hurricane sandy are celebrating a whirlwind of good fortune after winning more than $ 250,000 in the lottery .during the storms ms diano had been swept away by the waves and clung to a tree for safety']\n", - "=======================\n", - "[\"pair were left homeless after storms and met in connecticut trailer parkwon lottery last year but only cashed prize in after easter to mark new start` because of sandy i met the love of my life ' , said thrilled lottery winner\"]\n", - "mary ann diano was left homeless when the storms hit staten island , new york , in october 2012 - but now says because of hurricane sandy she has met the love of her life and they are buying their dream home together .a couple who lost their homes and were almost killed in hurricane sandy are celebrating a whirlwind of good fortune after winning more than $ 250,000 in the lottery .during the storms ms diano had been swept away by the waves and clung to a tree for safety\n", - "pair were left homeless after storms and met in connecticut trailer parkwon lottery last year but only cashed prize in after easter to mark new start` because of sandy i met the love of my life ' , said thrilled lottery winner\n", - "[1.6199989 1.5260215 1.1427147 1.3446548 1.283547 1.0518463 1.0125355\n", - " 1.0537411 1.0180118 1.1151571 1.0464785 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 4 2 9 7 5 10 8 6 17 11 12 13 14 15 16 18]\n", - "=======================\n", - "['tomas berdych set up a hotly-anticipated rematch with andy murray with a straight-sets win against juan monaco in the miami open quarter-finals on wednesday .eighth seed berdych defeated argentine monaco 6-3 , 6-4 to ensure a first meeting with muray since their tense and at times acrimonious australian open semi-final which murray won in four sets .juan monaco stretches to play the backhand in the last-eight clash in miami on wednesday']\n", - "=======================\n", - "[\"tomas berdych beat juan monaco 6-3 , 6-4 in the miami open last-eightthe czech now goes on to play andy murray in friday 's semi-finalsberdych and murray contested a fiery match at this year 's australian open\"]\n", - "tomas berdych set up a hotly-anticipated rematch with andy murray with a straight-sets win against juan monaco in the miami open quarter-finals on wednesday .eighth seed berdych defeated argentine monaco 6-3 , 6-4 to ensure a first meeting with muray since their tense and at times acrimonious australian open semi-final which murray won in four sets .juan monaco stretches to play the backhand in the last-eight clash in miami on wednesday\n", - "tomas berdych beat juan monaco 6-3 , 6-4 in the miami open last-eightthe czech now goes on to play andy murray in friday 's semi-finalsberdych and murray contested a fiery match at this year 's australian open\n", - "[1.2035844 1.5198061 1.2321953 1.1400777 1.1579404 1.1412128 1.1009293\n", - " 1.0894121 1.100752 1.0628219 1.0808427 1.0257266 1.0837575 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 5 3 6 8 7 12 10 9 11 17 13 14 15 16 18]\n", - "=======================\n", - "['the nfl legend called out deion sanders jr. on twitter for saying he only eats \" hood doughnuts . \"in response , the elder sanders -- in front of his 912,000 followers -- reminded his son he has a trust fund , a condo and his own clothing line called \" well off . \"( cnn ) deion sanders is such a dad .']\n", - "=======================\n", - "['deion sanders calls out son for \" hood doughnuts \" comments\" you \\'re a huxtable with a million $ trust fund .']\n", - "the nfl legend called out deion sanders jr. on twitter for saying he only eats \" hood doughnuts . \"in response , the elder sanders -- in front of his 912,000 followers -- reminded his son he has a trust fund , a condo and his own clothing line called \" well off . \"( cnn ) deion sanders is such a dad .\n", - "deion sanders calls out son for \" hood doughnuts \" comments\" you 're a huxtable with a million $ trust fund .\n", - "[1.1698922 1.3023024 1.2806365 1.059988 1.0957569 1.5201616 1.3984065\n", - " 1.1891075 1.0141755 1.0100925 1.0103232 1.0150195 1.0123099 1.0635976\n", - " 1.0284967 1.1934261 1.0119493 1.009168 0. 0. 0. ]\n", - "\n", - "[ 5 6 1 2 15 7 0 4 13 3 14 11 8 12 16 10 9 17 18 19 20]\n", - "=======================\n", - "['louis van gaal has piled pressure on manchester city ahead of their games against crystal palace and unitedmanchester united picked up all three points at the weekend by beating aston villa 3-1 at old traffordmanchester united had just rattled off their 13th home win of the season and the dutchman wanted to crank up the pressure .']\n", - "=======================\n", - "['louis van gaal cranked up the pressure on man city after aston villa winmanchester united defeated aston villa 3-1 at old trafford on saturdaythe red devils leapfrogged manchester city to move up to third spotunited have not recorded a home win against city since february 2011']\n", - "louis van gaal has piled pressure on manchester city ahead of their games against crystal palace and unitedmanchester united picked up all three points at the weekend by beating aston villa 3-1 at old traffordmanchester united had just rattled off their 13th home win of the season and the dutchman wanted to crank up the pressure .\n", - "louis van gaal cranked up the pressure on man city after aston villa winmanchester united defeated aston villa 3-1 at old trafford on saturdaythe red devils leapfrogged manchester city to move up to third spotunited have not recorded a home win against city since february 2011\n", - "[1.238481 1.4801757 1.4268962 1.2013868 1.1616483 1.1362997 1.0727346\n", - " 1.0832866 1.0496056 1.0196627 1.2975227 1.0416427 1.0877576 1.0499418\n", - " 1.1107509 1.080162 1.0563402 1.012525 1.0109822 1.0253681 1.040825 ]\n", - "\n", - "[ 1 2 10 0 3 4 5 14 12 7 15 6 16 13 8 11 20 19 9 17 18]\n", - "=======================\n", - "['the crash occurred about 8am wednesday in lewiston , at a drop called bryden canyon .the driver of the truck involved , mathew sitko , 23 , drove through a yard and over two terraces before getting snared in a chain-link fence .police in idaho are trying to track down the man who saved a driver from the scene of a precarious car crash at the edge of a cliff in idaho yesterday .']\n", - "=======================\n", - "['crash occurred in lewiston , idaho , about 8am wednesdaydriver sitko , 23 , crashed off the road and drove through propertyhis truck was stopped from dropping off bryden canyon by a fencea passer-by smashed the window and dragged him to safetythe man fled when police and paramedics arrivedsitko is recovering from minor injuries in hospital']\n", - "the crash occurred about 8am wednesday in lewiston , at a drop called bryden canyon .the driver of the truck involved , mathew sitko , 23 , drove through a yard and over two terraces before getting snared in a chain-link fence .police in idaho are trying to track down the man who saved a driver from the scene of a precarious car crash at the edge of a cliff in idaho yesterday .\n", - "crash occurred in lewiston , idaho , about 8am wednesdaydriver sitko , 23 , crashed off the road and drove through propertyhis truck was stopped from dropping off bryden canyon by a fencea passer-by smashed the window and dragged him to safetythe man fled when police and paramedics arrivedsitko is recovering from minor injuries in hospital\n", - "[1.1653274 1.4329017 1.2902359 1.1964083 1.2074859 1.1622368 1.0778155\n", - " 1.0759255 1.0966225 1.0898948 1.1158924 1.0979488 1.1042919 1.0766139\n", - " 1.0381379 1.0552524 1.0494127 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 0 5 10 12 11 8 9 6 13 7 15 16 14 19 17 18 20]\n", - "=======================\n", - "[\"lib dem minister danny alexander released details of what he claimed are secret plans drawn up in the last government to cut child benefit and child tax credits .the prime minister ` flatly rejected ' the plans , claiming they were drawn up by civil servants on the orders of mr alexander .but the lib dems hit back , claiming mr cameron himself had asked officials to examine ways to curb access to benefits .\"]\n", - "=======================\n", - "[\"danny alexander exposes ` secret ' plans by tories for # 8billion welfare cutsaccuses conservatives a ` con ' by keeping cuts secret until after electiontories hit back and brand their former coalition partners ` desperate 'growing dissent in lib dem ranks over a second coaliton with toriesno income tax on earnings less than # 12,500cut # 12billion from the welfare billintroduce a new law to ensure those working up to 30 hours a week on the minimum wage are never subject to income taxraise the 40p income tax threshold to # 50,000guarantee not to raise vat , national insurance contributions or income taxcap benefits at # 23,000 a yearincrease the inheritance tax threshold for married couples and civil partners to # 1millionabolish the bedroom taxre-introduce the 50p top rate of tax on those earning more than # 150,000guarantee not to increase the basic 20p or higher 40p income tax rateguarantee not to raise vat , national insurance contributions or income taxintroduce a new 10p tax rate for the first # 1,000 of taxable incomeabolish ` non dom ' statuscut and then freeze business ratesincrease corporation tax by 1 per centincrease working tax creditshalt and review universal creditno income tax on earnings less than # 12,500consider raising the employee national insurance threshold to the income tax threshold` limit ' welfare reductionsintroduce a mansion tax on properties worth over # 2millioncut # 3billion from the welfare billcap increases in working-age benefits to 1 per cent until 2017/18 ( not including disability or parental leave benefits )increase benefits in line with inflation once the deficit has been cutno income tax on earnings less than # 13,000raise the threshold for paying 40 per cent income tax to # 55,000abolish inheritance taxintroduce a new tax rate of 30 per cent on incomes ranging between # 43,500 and # 55,000remove vat completely from repairs to listed buildingsreduce the annual cap on benefitsscrap the ` bedroom tax 'increase taxes by # 200billion by 2019introduce a wealth tax of 2 per cent on people worth # 3m or morebring in a new 60 per cent income tax rate on earnings over # 150,000double child benefit\"]\n", - "lib dem minister danny alexander released details of what he claimed are secret plans drawn up in the last government to cut child benefit and child tax credits .the prime minister ` flatly rejected ' the plans , claiming they were drawn up by civil servants on the orders of mr alexander .but the lib dems hit back , claiming mr cameron himself had asked officials to examine ways to curb access to benefits .\n", - "danny alexander exposes ` secret ' plans by tories for # 8billion welfare cutsaccuses conservatives a ` con ' by keeping cuts secret until after electiontories hit back and brand their former coalition partners ` desperate 'growing dissent in lib dem ranks over a second coaliton with toriesno income tax on earnings less than # 12,500cut # 12billion from the welfare billintroduce a new law to ensure those working up to 30 hours a week on the minimum wage are never subject to income taxraise the 40p income tax threshold to # 50,000guarantee not to raise vat , national insurance contributions or income taxcap benefits at # 23,000 a yearincrease the inheritance tax threshold for married couples and civil partners to # 1millionabolish the bedroom taxre-introduce the 50p top rate of tax on those earning more than # 150,000guarantee not to increase the basic 20p or higher 40p income tax rateguarantee not to raise vat , national insurance contributions or income taxintroduce a new 10p tax rate for the first # 1,000 of taxable incomeabolish ` non dom ' statuscut and then freeze business ratesincrease corporation tax by 1 per centincrease working tax creditshalt and review universal creditno income tax on earnings less than # 12,500consider raising the employee national insurance threshold to the income tax threshold` limit ' welfare reductionsintroduce a mansion tax on properties worth over # 2millioncut # 3billion from the welfare billcap increases in working-age benefits to 1 per cent until 2017/18 ( not including disability or parental leave benefits )increase benefits in line with inflation once the deficit has been cutno income tax on earnings less than # 13,000raise the threshold for paying 40 per cent income tax to # 55,000abolish inheritance taxintroduce a new tax rate of 30 per cent on incomes ranging between # 43,500 and # 55,000remove vat completely from repairs to listed buildingsreduce the annual cap on benefitsscrap the ` bedroom tax 'increase taxes by # 200billion by 2019introduce a wealth tax of 2 per cent on people worth # 3m or morebring in a new 60 per cent income tax rate on earnings over # 150,000double child benefit\n", - "[1.1781427 1.5575273 1.3015549 1.3101412 1.1652735 1.1081702 1.0387988\n", - " 1.1375533 1.1684256 1.0920981 1.029435 1.0148277 1.0268145 1.0122635\n", - " 1.013518 1.0193605 1.0294015 1.1773369 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 17 8 4 7 5 9 6 10 16 12 15 11 14 13 19 18 20]\n", - "=======================\n", - "[\"employees at the recruitment company had spotted the mother and ten ducklings trying to cross the busy high street in sutton coldfield , west midlands , and dashed to help them across .but they did n't bargain for the ducks following them back to the office and staying for the morning , wondering the corridors and drinking from water bowls .this is the moment when a family of ducks followed staff back to their office and made themselves at home after staff helped them across a busy road .\"]\n", - "=======================\n", - "['duck and ten ducklings followed staff back to an office in sutton coldfieldvisit was filmed by a member of staff on her mobile phoneemployee said even company director found the whole thing hilarious']\n", - "employees at the recruitment company had spotted the mother and ten ducklings trying to cross the busy high street in sutton coldfield , west midlands , and dashed to help them across .but they did n't bargain for the ducks following them back to the office and staying for the morning , wondering the corridors and drinking from water bowls .this is the moment when a family of ducks followed staff back to their office and made themselves at home after staff helped them across a busy road .\n", - "duck and ten ducklings followed staff back to an office in sutton coldfieldvisit was filmed by a member of staff on her mobile phoneemployee said even company director found the whole thing hilarious\n", - "[1.0790303 1.1724193 1.3807472 1.3650846 1.2655125 1.2102731 1.1198485\n", - " 1.0586486 1.1659441 1.1292773 1.1253467 1.0304154 1.0134811 1.012126\n", - " 1.0131456 1.1593063 1.0337718 1.0262568 1.0130802 0. 0. ]\n", - "\n", - "[ 2 3 4 5 1 8 15 9 10 6 0 7 16 11 17 12 14 18 13 19 20]\n", - "=======================\n", - "['a slick bunk bed design has been unveiled by zodiac galleys europe , giving staff a bed each and some privacy for a little shut-eye during long-haul flights .zodiac aerospace have revealed their new designs for luxury sleeping quarters for cabin crewthe lower deck area aims to maximise the sense of space and privacy for flight attendants as they rest']\n", - "=======================\n", - "['zodiac aerospace revealed new designs for cabin crew quarters based on feedback from airline workersthe luxury concept aims to maximise space , comfort and privacy , with a bunk bed systemeach bunk has a personal entertainment and air-conditioning system and lie-flat areaareas are hidden away from passengers behind concealed doors on the lower deck']\n", - "a slick bunk bed design has been unveiled by zodiac galleys europe , giving staff a bed each and some privacy for a little shut-eye during long-haul flights .zodiac aerospace have revealed their new designs for luxury sleeping quarters for cabin crewthe lower deck area aims to maximise the sense of space and privacy for flight attendants as they rest\n", - "zodiac aerospace revealed new designs for cabin crew quarters based on feedback from airline workersthe luxury concept aims to maximise space , comfort and privacy , with a bunk bed systemeach bunk has a personal entertainment and air-conditioning system and lie-flat areaareas are hidden away from passengers behind concealed doors on the lower deck\n", - "[1.3563303 1.345651 1.2674873 1.3312111 1.0893468 1.0731394 1.1944852\n", - " 1.1998224 1.101634 1.0821364 1.0860178 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 7 6 8 4 10 9 5 11 12 13 14 15 16 17 18]\n", - "=======================\n", - "['adrian peterson is back in the national football league .it was announced today that starting friday , peterson would be able to participate in all scheduled activities with the minnesota vikings .this after a ban that has been in effect since september 17 of last year following an incident in which he beat his young son with a switch .']\n", - "=======================\n", - "['the nfl has reinstated adrian peterson , allowing him to participate in league activities starting on fridaythis after he was suspended last september following an indictment on charges of child abusepeterson reportedly beat his son with a switch last maythe running back in set to make $ 12.75 million this season with the minnesota vikings']\n", - "adrian peterson is back in the national football league .it was announced today that starting friday , peterson would be able to participate in all scheduled activities with the minnesota vikings .this after a ban that has been in effect since september 17 of last year following an incident in which he beat his young son with a switch .\n", - "the nfl has reinstated adrian peterson , allowing him to participate in league activities starting on fridaythis after he was suspended last september following an indictment on charges of child abusepeterson reportedly beat his son with a switch last maythe running back in set to make $ 12.75 million this season with the minnesota vikings\n", - "[1.3409966 1.363594 1.180957 1.1813668 1.1981828 1.2158678 1.1762686\n", - " 1.1614547 1.0994525 1.0882998 1.059759 1.0688286 1.0527552 1.069201\n", - " 1.0938588 1.0749906 1.0480402 1.0550776 1.0416915]\n", - "\n", - "[ 1 0 5 4 3 2 6 7 8 14 9 15 13 11 10 17 12 16 18]\n", - "=======================\n", - "[\"inspired by real madrid 's gareth bale , they were the biggest movers at the top end of the list with 153 points ahead of the april rankings after beating israel 3-0 in their euro 2016 qualifier in haifa .wales have reached their highest ever position in the fifa world rankings by rising 15 places to 22 .meanwhile , england have climbed three places to 14 after beating lithuania in euro 2016 qualifying and drawing a friendly in italy last month , while scotland are up 10 spots to 29 .\"]\n", - "=======================\n", - "[\"chris coleman 's wales rose 15 places to 22 in the fifa world rankingsbelgium switched places with colombia to reach no 3 for the first timeengland have climbed three places to 14 after win over lithuaniabhutan 's wins over sri lanka boost them 46 places off the bottomworld cup finalists germany and argentina retain first and second spot\"]\n", - "inspired by real madrid 's gareth bale , they were the biggest movers at the top end of the list with 153 points ahead of the april rankings after beating israel 3-0 in their euro 2016 qualifier in haifa .wales have reached their highest ever position in the fifa world rankings by rising 15 places to 22 .meanwhile , england have climbed three places to 14 after beating lithuania in euro 2016 qualifying and drawing a friendly in italy last month , while scotland are up 10 spots to 29 .\n", - "chris coleman 's wales rose 15 places to 22 in the fifa world rankingsbelgium switched places with colombia to reach no 3 for the first timeengland have climbed three places to 14 after win over lithuaniabhutan 's wins over sri lanka boost them 46 places off the bottomworld cup finalists germany and argentina retain first and second spot\n", - "[1.3612385 1.3466921 1.3642795 1.1503141 1.0835801 1.1401361 1.0286211\n", - " 1.0095767 1.0433837 1.2047671 1.2686497 1.0529084 1.0704352 1.1111213\n", - " 1.1159343 1.100988 1.0212077 1.0224873 0. ]\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[ 2 0 1 10 9 3 5 14 13 15 4 12 11 8 6 17 16 7 18]\n", - "=======================\n", - "[\"aaron cruden is almost certain to miss the world cup after scans revealed the need for knee surgeryaaron cruden has refused to give up hope of appearing in this year 's world cup , but the harsh truth is that the all blacks ' title defence has suffered an early blow with the likely loss of their no 10 .the 26-year-old waikato chiefs fly-half received grim confirmation on monday that he has ruptured the anterior cruciate ligament in his left knee and will be out for six months .\"]\n", - "=======================\n", - "[\"scans have revealed all blacks flyhalf aaron cruden needs knee surgerythe 26-year-old injured his knee during clash with canterbury crusaderssurgery is likely to rule him out of a minimum of six months of actionthat means all blacks ace cruden will miss this summer 's world cup\"]\n", - "aaron cruden is almost certain to miss the world cup after scans revealed the need for knee surgeryaaron cruden has refused to give up hope of appearing in this year 's world cup , but the harsh truth is that the all blacks ' title defence has suffered an early blow with the likely loss of their no 10 .the 26-year-old waikato chiefs fly-half received grim confirmation on monday that he has ruptured the anterior cruciate ligament in his left knee and will be out for six months .\n", - "scans have revealed all blacks flyhalf aaron cruden needs knee surgerythe 26-year-old injured his knee during clash with canterbury crusaderssurgery is likely to rule him out of a minimum of six months of actionthat means all blacks ace cruden will miss this summer 's world cup\n", - "[1.1463585 1.4195995 1.3431212 1.2763011 1.1560884 1.1707659 1.021654\n", - " 1.1190348 1.0931563 1.1393942 1.2216837 1.030763 1.0291414 1.0197113\n", - " 1.0433605 1.1278591 1.1245428 1.0449686 0. ]\n", - "\n", - "[ 1 2 3 10 5 4 0 9 15 16 7 8 17 14 11 12 6 13 18]\n", - "=======================\n", - "['the animal became stuck in the quagmire during the night and was lying on her side in a state of desperation when locals came across her and raised the alarm .using only ropes and wooden poles , more than 20 villagers and police officers teamed together to free the wild asian elephant before she died of starvation , dehydration or exhaustion .rescue mission : the elephant was discovered stuck in a muddy quagmire by villagers in rural southern china']\n", - "=======================\n", - "['wild asian elephant was trapped in a swamp in rural southern chinafemale animal had battled all night to escape before being discoveredvillagers and police teamed up in a dramatic three-hour rescue operationexhausted elephant can not stand up and is being treated with medication']\n", - "the animal became stuck in the quagmire during the night and was lying on her side in a state of desperation when locals came across her and raised the alarm .using only ropes and wooden poles , more than 20 villagers and police officers teamed together to free the wild asian elephant before she died of starvation , dehydration or exhaustion .rescue mission : the elephant was discovered stuck in a muddy quagmire by villagers in rural southern china\n", - "wild asian elephant was trapped in a swamp in rural southern chinafemale animal had battled all night to escape before being discoveredvillagers and police teamed up in a dramatic three-hour rescue operationexhausted elephant can not stand up and is being treated with medication\n", - "[1.5113313 1.3632851 1.2553642 1.0625865 1.3127427 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 3 16 15 14 13 12 11 9 17 8 7 6 5 10 18]\n", - "=======================\n", - "[\"wimbledon semi-finalist milos raonic and 19-year-old australian nick kyrgios will make their debuts at the aegon championships at queen 's club this summer .canada 's raonic , ranked no 6 in the world , lost to roger federer in last year 's wimbledon semi-final while kyrgios burst onto the scene with a shock fourth-round victory over two-time champion rafael nadal .nick kyrgios was responsible for the biggest upset at sw19 last year when he beat rafael nadal\"]\n", - "=======================\n", - "[\"milos raonic , last year 's wimbledon semi-finalist , will play at queen 's clubaustralian nick kyrgios will also make his debut in west londonkyrgios knocked rafael nadal out of wimbledon in a huge shock last year\"]\n", - "wimbledon semi-finalist milos raonic and 19-year-old australian nick kyrgios will make their debuts at the aegon championships at queen 's club this summer .canada 's raonic , ranked no 6 in the world , lost to roger federer in last year 's wimbledon semi-final while kyrgios burst onto the scene with a shock fourth-round victory over two-time champion rafael nadal .nick kyrgios was responsible for the biggest upset at sw19 last year when he beat rafael nadal\n", - "milos raonic , last year 's wimbledon semi-finalist , will play at queen 's clubaustralian nick kyrgios will also make his debut in west londonkyrgios knocked rafael nadal out of wimbledon in a huge shock last year\n", - "[1.2783685 1.5726192 1.2025951 1.1872765 1.0687143 1.0470136 1.0455191\n", - " 1.1864332 1.1298751 1.0942726 1.3241966 1.058663 1.0370735 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 10 0 2 3 7 8 9 4 11 5 6 12 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"bouchard is playing in the fed cup world group play-off against romania this weekend and faces world no 66 dulgheru in her first contest .eugenie bouchard has displayed here ruthless competitive streak again by refusing to shake hands with opponent alexandra dulgheru at a pre-match press conference .however during the draw ceremony in montreal , bouchard declined dulgheru 's offer of a sporting handshake in front of the assembled photographers .\"]\n", - "=======================\n", - "['eugenie bouchard has suffered four defeats in her last six matchesthe world no 7 is representing canada in fed cup world group play-offcanadian star refuses to shake hands in pre-match press conferences']\n", - "bouchard is playing in the fed cup world group play-off against romania this weekend and faces world no 66 dulgheru in her first contest .eugenie bouchard has displayed here ruthless competitive streak again by refusing to shake hands with opponent alexandra dulgheru at a pre-match press conference .however during the draw ceremony in montreal , bouchard declined dulgheru 's offer of a sporting handshake in front of the assembled photographers .\n", - "eugenie bouchard has suffered four defeats in her last six matchesthe world no 7 is representing canada in fed cup world group play-offcanadian star refuses to shake hands in pre-match press conferences\n", - "[1.2711641 1.405133 1.2589879 1.2913718 1.1602736 1.1160442 1.0229881\n", - " 1.1357781 1.118261 1.1294411 1.0579249 1.0851995 1.0443612 1.1036657\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 7 9 8 5 13 11 10 12 6 18 14 15 16 17 19]\n", - "=======================\n", - "[\"the royal mint announced it will mark the birth of the duke and duchess of cambridge 's second child in the same way it commemorated the arrival of prince george in 2013 .babies born on the same day as the royal baby will be eligible to receive one of 2,015 free ` lucky ' silver pennies .the silver coin will be minted with the one penny 's royal shield design and the new effigy of the queen , which was unveiled in march .\"]\n", - "=======================\n", - "[\"commemorates birth in same way as the arrival of prince george in 2013babies born on same day will receive one of 2,015 free ` lucky ' silver penniesduke and duchess of cambridge 's second baby due this month\"]\n", - "the royal mint announced it will mark the birth of the duke and duchess of cambridge 's second child in the same way it commemorated the arrival of prince george in 2013 .babies born on the same day as the royal baby will be eligible to receive one of 2,015 free ` lucky ' silver pennies .the silver coin will be minted with the one penny 's royal shield design and the new effigy of the queen , which was unveiled in march .\n", - "commemorates birth in same way as the arrival of prince george in 2013babies born on same day will receive one of 2,015 free ` lucky ' silver penniesduke and duchess of cambridge 's second baby due this month\n", - "[1.472858 1.2459807 1.2393997 1.436331 1.1377096 1.0568072 1.064817\n", - " 1.0245261 1.0240691 1.1997766 1.1018869 1.0963717 1.0249193 1.0932226\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 9 4 10 11 13 6 5 12 7 8 18 14 15 16 17 19]\n", - "=======================\n", - "[\"stuart pearce believes manchester city manager manuel pellegrini deserves more time to turnaround the club 's dwindling fortunes .city 's challenge for the title has capitulated in recent weeks and pellegrini 's men now face a battle to even finish in the top four .a derby day thumping at the hands of rivals manchester united only compounded their misery , but pearce believes city should stick with the 61-year-old .\"]\n", - "=======================\n", - "['stuart pearce feels manuel pellegrini deserves more time at the etihadpellegrini is under pressure following their recent league capitulationthe citizens were smashed by rivals manchester united on sundaymanchester city now sit fourth in the league 12 points adrift of chelsea']\n", - "stuart pearce believes manchester city manager manuel pellegrini deserves more time to turnaround the club 's dwindling fortunes .city 's challenge for the title has capitulated in recent weeks and pellegrini 's men now face a battle to even finish in the top four .a derby day thumping at the hands of rivals manchester united only compounded their misery , but pearce believes city should stick with the 61-year-old .\n", - "stuart pearce feels manuel pellegrini deserves more time at the etihadpellegrini is under pressure following their recent league capitulationthe citizens were smashed by rivals manchester united on sundaymanchester city now sit fourth in the league 12 points adrift of chelsea\n", - "[1.2656165 1.5327944 1.1212931 1.0544108 1.0421054 1.2050301 1.2031639\n", - " 1.1105331 1.1263392 1.0703598 1.1190802 1.1426357 1.0723324 1.0885028\n", - " 1.1026332 1.1115804 1.012247 1.0124449 0. 0. ]\n", - "\n", - "[ 1 0 5 6 11 8 2 10 15 7 14 13 12 9 3 4 17 16 18 19]\n", - "=======================\n", - "[\"the unnamed 20-year-old woman was driving on the i-25 in weld county , north of denver , when her window shattered and she felt bleeding from both sides of her neck .sheriffs are hunting a gunman who shot a young woman through the neck as she was driving down a colorado interstate , amid fears he may have tried to attack other drivers too .hours before the woman was shot , a man 's rear window was shattered as he drove on the nearby i-76 after he heard a ` pop ' sound which could have been gunfire .\"]\n", - "=======================\n", - "['20-year-old woman was hit by bullet at 11pm on wednesday nightwindow shattered and she felt blood driving down i-25 north of denverbullet passed clean through her neck - but did not cause major injuryother drivers have reported windows shattering after potential gunshots']\n", - "the unnamed 20-year-old woman was driving on the i-25 in weld county , north of denver , when her window shattered and she felt bleeding from both sides of her neck .sheriffs are hunting a gunman who shot a young woman through the neck as she was driving down a colorado interstate , amid fears he may have tried to attack other drivers too .hours before the woman was shot , a man 's rear window was shattered as he drove on the nearby i-76 after he heard a ` pop ' sound which could have been gunfire .\n", - "20-year-old woman was hit by bullet at 11pm on wednesday nightwindow shattered and she felt blood driving down i-25 north of denverbullet passed clean through her neck - but did not cause major injuryother drivers have reported windows shattering after potential gunshots\n", - "[1.4212041 1.1804771 1.1396241 1.0803814 1.1457244 1.1929662 1.0659008\n", - " 1.089272 1.0365517 1.0604063 1.0652275 1.0528022 1.0306154 1.0592605\n", - " 1.0536039 1.0271128 1.0301763 1.0152669 1.0198692 1.031593 ]\n", - "\n", - "[ 0 5 1 4 2 7 3 6 10 9 13 14 11 8 19 12 16 15 18 17]\n", - "=======================\n", - "[\"a recent survey has revealed that more than half of uk children do n't have any veg , and 44 per cent have no fruit on a daily basis .annabel karmel has shred her tips on how to make children love eating vegetableswith childhood obesity on the rise in the uk , these new figures are incredibly alarming .\"]\n", - "=======================\n", - "[\"survey found more than half of uk children kids do n't have any vegfussy kids are frustrating for parents when they refuse to eat certain foodsnutritionist annabel karmel tells femail how to make a child like greens\"]\n", - "a recent survey has revealed that more than half of uk children do n't have any veg , and 44 per cent have no fruit on a daily basis .annabel karmel has shred her tips on how to make children love eating vegetableswith childhood obesity on the rise in the uk , these new figures are incredibly alarming .\n", - "survey found more than half of uk children kids do n't have any vegfussy kids are frustrating for parents when they refuse to eat certain foodsnutritionist annabel karmel tells femail how to make a child like greens\n", - "[1.4201901 1.4811845 1.1236426 1.0628167 1.2414726 1.0942543 1.2266705\n", - " 1.0839593 1.0942341 1.059381 1.0653797 1.0654709 1.0387888 1.050889\n", - " 1.0420609 1.0252198 1.0257134 1.02042 ]\n", - "\n", - "[ 1 0 4 6 2 5 8 7 11 10 3 9 13 14 12 16 15 17]\n", - "=======================\n", - "['a federal jury found tsarnaev guilty on wednesday over the terror attack that killed three people and wounded more than 260 .dzhokhar tsarnaev has been convicted of the 2013 bombing of the boston marathon .the jury will now decide if he gets the death penalty']\n", - "=======================\n", - "['dzhokhar tsarnaev has been convicted of the boston marathon bombingjury found tsarnaev guilty on wednesday over terror attack in 2013he faces being sentenced to death or life in prison after attack killed three']\n", - "a federal jury found tsarnaev guilty on wednesday over the terror attack that killed three people and wounded more than 260 .dzhokhar tsarnaev has been convicted of the 2013 bombing of the boston marathon .the jury will now decide if he gets the death penalty\n", - "dzhokhar tsarnaev has been convicted of the boston marathon bombingjury found tsarnaev guilty on wednesday over terror attack in 2013he faces being sentenced to death or life in prison after attack killed three\n", - "[1.2468497 1.4255683 1.3058491 1.2832035 1.2280198 1.1777086 1.1264048\n", - " 1.086413 1.0208578 1.0974334 1.0719055 1.0379819 1.0568912 1.052781\n", - " 1.0209116 1.0399795 1.048804 1.0181125]\n", - "\n", - "[ 1 2 3 0 4 5 6 9 7 10 12 13 16 15 11 14 8 17]\n", - "=======================\n", - "[\"experts predict that the economy will have grown by 0.5 per cent in the first three months of the year , down from 0.9 per cent in the same period in 2014 .the tories have stepped up their warnings about the risk to the economy , warning britain is ` staring down the barrel ' of higher taxes and regulations for businesses if labour wins the election .george osborne 's economic record will come under fresh scrutiny with data expected to show growth slowed at the start of 2015 .\"]\n", - "=======================\n", - "['office for national statistics to release growth data for first quarter of 2015experts expect growth to be 0.5 % , down from 0.9 % in same period in 2014chancellor george osborne boasts that firms back his economic plan']\n", - "experts predict that the economy will have grown by 0.5 per cent in the first three months of the year , down from 0.9 per cent in the same period in 2014 .the tories have stepped up their warnings about the risk to the economy , warning britain is ` staring down the barrel ' of higher taxes and regulations for businesses if labour wins the election .george osborne 's economic record will come under fresh scrutiny with data expected to show growth slowed at the start of 2015 .\n", - "office for national statistics to release growth data for first quarter of 2015experts expect growth to be 0.5 % , down from 0.9 % in same period in 2014chancellor george osborne boasts that firms back his economic plan\n", - "[1.2963436 1.3372949 1.3776097 1.214413 1.1474607 1.0548187 1.0567065\n", - " 1.0387242 1.0392208 1.1148548 1.0553035 1.1571676 1.1263386 1.0156827\n", - " 1.0140495 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 11 4 12 9 6 10 5 8 7 13 14 15 16 17]\n", - "=======================\n", - "[\"michelle obama 's office says the first lady chose what 's being called ` kailua blue ' to distinguish her family 's china from the red , green , blue and yellow used on more recent state services .president barack obama is a hawaii native who returns every christmas for vacation .a hue of blue inspired by the waters of hawaii is a prominent feature of the obama state china service being unveiled by the white house .\"]\n", - "=======================\n", - "[\"michelle obama 's office says she chose the bold hue to distinguish her family 's china from the red , green , blue and yellow used on more recentlythe obama state china service consists of 11-piece place settings for 320 people and the blue appears on all pieces but the dinner platepickard china , of antioch , illinois , was brought in to consult on the project three years ago and it 's just now come to fruitionthe china as paid for from a private fund that is administered by the white house historical association\"]\n", - "michelle obama 's office says the first lady chose what 's being called ` kailua blue ' to distinguish her family 's china from the red , green , blue and yellow used on more recent state services .president barack obama is a hawaii native who returns every christmas for vacation .a hue of blue inspired by the waters of hawaii is a prominent feature of the obama state china service being unveiled by the white house .\n", - "michelle obama 's office says she chose the bold hue to distinguish her family 's china from the red , green , blue and yellow used on more recentlythe obama state china service consists of 11-piece place settings for 320 people and the blue appears on all pieces but the dinner platepickard china , of antioch , illinois , was brought in to consult on the project three years ago and it 's just now come to fruitionthe china as paid for from a private fund that is administered by the white house historical association\n", - "[1.3474642 1.3376212 1.126074 1.216118 1.4778498 1.0966616 1.0200027\n", - " 1.0158237 1.0197728 1.0135078 1.1294732 1.1168422 1.1984605 1.023133\n", - " 1.0194372 1.0662303 1.0185142 0. ]\n", - "\n", - "[ 4 0 1 3 12 10 2 11 5 15 13 6 8 14 16 7 9 17]\n", - "=======================\n", - "[\"surrey 's zafar ansarihas been called up to england 's odi squad for the clash against irelandengland 's dressing-room brains trust will take on an extra dimension if zafar ansari , the surrey spin-bowling all-rounder , makes his international debut against ireland in malahide on may 8 .the 23-year-old ansari , who celebrated his call-up with four essex wickets at the kia oval , graduated from cambridge two years ago with a double first in politics and sociology .\"]\n", - "=======================\n", - "[\"england have called up zafar ansari to their squad for odi against irelandsurrey all-rounder is a top-order batsman and left-arm spinnerbut he is also a gifted academic , with a double first from cambridgeansari could be england 's most academically gifted player since ed smith\"]\n", - "surrey 's zafar ansarihas been called up to england 's odi squad for the clash against irelandengland 's dressing-room brains trust will take on an extra dimension if zafar ansari , the surrey spin-bowling all-rounder , makes his international debut against ireland in malahide on may 8 .the 23-year-old ansari , who celebrated his call-up with four essex wickets at the kia oval , graduated from cambridge two years ago with a double first in politics and sociology .\n", - "england have called up zafar ansari to their squad for odi against irelandsurrey all-rounder is a top-order batsman and left-arm spinnerbut he is also a gifted academic , with a double first from cambridgeansari could be england 's most academically gifted player since ed smith\n", - "[1.1857116 1.3973416 1.4045522 1.3049525 1.245765 1.0744625 1.0194821\n", - " 1.1242416 1.1889066 1.0420644 1.0260718 1.055063 1.0360605 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 4 8 0 7 5 11 9 12 10 6 16 13 14 15 17]\n", - "=======================\n", - "['it comes after professor david spiegelhalter , a statistician at cambridge university , revealed in a new book how a typical heterosexual couple was now having sex three times a month .research has revealed that the frequency with which britons are having sex has been in decline since the emergence of the internet .in his book , prof spiegelhalter pointed to a number of possible factors for the decline in sexual activity with one possible explanation being that more people are living on their own .']\n", - "=======================\n", - "[\"typical heterosexual couples in britain are having sex three times a monththe figure in 2000 was four times a month and five times a month in 1990leading statistician says couples are checking their emails ` all the time '\"]\n", - "it comes after professor david spiegelhalter , a statistician at cambridge university , revealed in a new book how a typical heterosexual couple was now having sex three times a month .research has revealed that the frequency with which britons are having sex has been in decline since the emergence of the internet .in his book , prof spiegelhalter pointed to a number of possible factors for the decline in sexual activity with one possible explanation being that more people are living on their own .\n", - "typical heterosexual couples in britain are having sex three times a monththe figure in 2000 was four times a month and five times a month in 1990leading statistician says couples are checking their emails ` all the time '\n", - "[1.2664094 1.3196635 1.3599617 1.1311527 1.2647445 1.1151965 1.1132957\n", - " 1.0855786 1.2070565 1.0737662 1.041821 1.036793 1.0476156 1.0319018\n", - " 1.0443991 1.0276062 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 4 8 3 5 6 7 9 12 14 10 11 13 15 16 17 18]\n", - "=======================\n", - "['his american-born ex , dr. ayse giray , sued him in 2012 on claims her family lent him $ 500,000 that helped make his dreams a reality .hamdi ulukaya was once a turkish immigrant with dreams of making it big in the u.s. food industry .the founder and ceo of chobani has settled a lawsuit filed by his ex-wife , who laid claim to half the $ 2 billion greek yogurt empire .']\n", - "=======================\n", - "['dr. ayse giray first sued hamdi ulukaya in 2012 on claims her family lent him $ 500,000 that helped him build the yogurt empire']\n", - "his american-born ex , dr. ayse giray , sued him in 2012 on claims her family lent him $ 500,000 that helped make his dreams a reality .hamdi ulukaya was once a turkish immigrant with dreams of making it big in the u.s. food industry .the founder and ceo of chobani has settled a lawsuit filed by his ex-wife , who laid claim to half the $ 2 billion greek yogurt empire .\n", - "dr. ayse giray first sued hamdi ulukaya in 2012 on claims her family lent him $ 500,000 that helped him build the yogurt empire\n", - "[1.2406317 1.461539 1.2598265 1.2752832 1.1356477 1.1801541 1.089653\n", - " 1.0799501 1.1183783 1.0659982 1.0394964 1.0776658 1.0247306 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 5 4 8 6 7 11 9 10 12 17 13 14 15 16 18]\n", - "=======================\n", - "[\"lucian faggiano bought the building in lecce , puglia in the south of italy and had planned to turn it into a trattoria - but renovations were put on hold when he discovered a toilet on the site was blocked .lucian faggiano 's dream of opening a restaurant was scuppered when a dig to find a blocked sewage point yielded some 2,000 years of hidden history , including vast rooms and pottery ( shown in this image that features mr faggiano left and his son )and while attempting to fix the toilet he dug into a messapian tomb built 2,000 years ago , a roman granary , a franciscan chapel , and even etchings thought to be made by the knights templar .\"]\n", - "=======================\n", - "['building owner made the discovery while searching for a sewage pipedig revealed a messapian tomb , a roman granary and a franciscan chapelroman devotional bottles , ancient vases and a ring with christian symbols as well as hidden frescoes and medieval pieces were also unearthedthe finds are believed to date back more than two centuries']\n", - "lucian faggiano bought the building in lecce , puglia in the south of italy and had planned to turn it into a trattoria - but renovations were put on hold when he discovered a toilet on the site was blocked .lucian faggiano 's dream of opening a restaurant was scuppered when a dig to find a blocked sewage point yielded some 2,000 years of hidden history , including vast rooms and pottery ( shown in this image that features mr faggiano left and his son )and while attempting to fix the toilet he dug into a messapian tomb built 2,000 years ago , a roman granary , a franciscan chapel , and even etchings thought to be made by the knights templar .\n", - "building owner made the discovery while searching for a sewage pipedig revealed a messapian tomb , a roman granary and a franciscan chapelroman devotional bottles , ancient vases and a ring with christian symbols as well as hidden frescoes and medieval pieces were also unearthedthe finds are believed to date back more than two centuries\n", - "[1.287127 1.2854824 1.1285691 1.14577 1.4395305 1.0649731 1.0662993\n", - " 1.1120069 1.0823113 1.0359474 1.0455612 1.114614 1.0262291 1.0169104\n", - " 1.020316 1.0223926 1.0207618 1.0142851 1.0741143]\n", - "\n", - "[ 4 0 1 3 2 11 7 8 18 6 5 10 9 12 15 16 14 13 17]\n", - "=======================\n", - "[\"staying put : lindsay lohan says she feels ` at home ' in london and has no plans to return to the states just yetthe 28-year-old flame-haired beauty recently spent a stint on the stage , starring in a west end production of david mamet 's speed the plow - for which she received lukewarm reviews - and seems intent on remaining in the uk for the foreseeable future .` i go back to nyc and la for family and work . '\"]\n", - "=======================\n", - "[\"lindsay , 28 , moved to the uk last spring before making her london stage debutthe former child star has become more famous for her run-ins with the police and the media than anything else in recent yearsbut lindsay is now vowing to stay in london to ` grow up 'she appears in a provocative spread for homme style magazine , having been shot by famed fashion photographer rankin\"]\n", - "staying put : lindsay lohan says she feels ` at home ' in london and has no plans to return to the states just yetthe 28-year-old flame-haired beauty recently spent a stint on the stage , starring in a west end production of david mamet 's speed the plow - for which she received lukewarm reviews - and seems intent on remaining in the uk for the foreseeable future .` i go back to nyc and la for family and work . '\n", - "lindsay , 28 , moved to the uk last spring before making her london stage debutthe former child star has become more famous for her run-ins with the police and the media than anything else in recent yearsbut lindsay is now vowing to stay in london to ` grow up 'she appears in a provocative spread for homme style magazine , having been shot by famed fashion photographer rankin\n", - "[1.4667237 1.4914103 1.3655128 1.4291277 1.1041869 1.1611481 1.0298963\n", - " 1.0272218 1.0210613 1.3746809 1.0150976 1.0301784 1.0109859 1.0108324\n", - " 1.0129184 1.0368727 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 9 2 5 4 15 11 6 7 8 10 14 12 13 17 16 18]\n", - "=======================\n", - "[\"the foxes host swansea on saturday just three points from safety in the barclays premier league after back-to-back wins .boss nigel pearson has urged leicester to keep their cool and ignore their relegation rivals .jamie vardy scored an injury-time winner against west bromwich albion on saturday to improve his side 's slim chance of premier league survival\"]\n", - "=======================\n", - "['leicester have won back-to-back league games to boost survival hopesnigel pearson has urged his players to focus on their own run-inleicester now just three points from safety heading into final six games']\n", - "the foxes host swansea on saturday just three points from safety in the barclays premier league after back-to-back wins .boss nigel pearson has urged leicester to keep their cool and ignore their relegation rivals .jamie vardy scored an injury-time winner against west bromwich albion on saturday to improve his side 's slim chance of premier league survival\n", - "leicester have won back-to-back league games to boost survival hopesnigel pearson has urged his players to focus on their own run-inleicester now just three points from safety heading into final six games\n", - "[1.2986109 1.3534119 1.3093364 1.2970326 1.3267819 1.0420933 1.0227438\n", - " 1.0338625 1.0228988 1.2018179 1.0499725 1.054277 1.0387378 1.1948736\n", - " 1.0228698 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 0 3 9 13 11 10 5 12 7 8 14 6 17 15 16 18]\n", - "=======================\n", - "[\"in footage posted by elihudi justin urassa , from brighton , on facebook that has been watched more than three million times , a young woman can be seen sucking on to the tube before removing it to reveal her new pout ... made of crisps .the mickey-taking video has already been watching more than 3.7 million times on facebook in just a day .the worrying trend started sweeping social media over the weekend , encouraging teens to blow their lips up to epic proportions using bottles or shot glasses to mirror kylie jenner 's often voluptuous looking pout .\"]\n", - "=======================\n", - "[\"the #kyliejennerchallenge is sweeping social mediamethod involves creating an airlock which forces lips to swellteens are hoping to emulate kylie jenner 's puffy poutnow a hilarious video shows how you can get the look a safer waythe clip shows a girl sucking on a pringles tubeshe then reveals her new lips - which are made out of crisps\"]\n", - "in footage posted by elihudi justin urassa , from brighton , on facebook that has been watched more than three million times , a young woman can be seen sucking on to the tube before removing it to reveal her new pout ... made of crisps .the mickey-taking video has already been watching more than 3.7 million times on facebook in just a day .the worrying trend started sweeping social media over the weekend , encouraging teens to blow their lips up to epic proportions using bottles or shot glasses to mirror kylie jenner 's often voluptuous looking pout .\n", - "the #kyliejennerchallenge is sweeping social mediamethod involves creating an airlock which forces lips to swellteens are hoping to emulate kylie jenner 's puffy poutnow a hilarious video shows how you can get the look a safer waythe clip shows a girl sucking on a pringles tubeshe then reveals her new lips - which are made out of crisps\n", - "[1.612486 1.2704126 1.2832749 1.1794477 1.1786661 1.1713952 1.2151937\n", - " 1.0831666 1.0689415 1.2170923 1.0164485 1.0134833 1.0076936 1.0062253\n", - " 1.030088 1.1217723 1.0780843 1.0194198 1.0540582 1.0249169 1.1252127\n", - " 1.0055491]\n", - "\n", - "[ 0 2 1 9 6 3 4 5 20 15 7 16 8 18 14 19 17 10 11 12 13 21]\n", - "=======================\n", - "[\"oribe peralta scored in the 89th minute to earn america a draw against the montreal impact in the first leg of the concacaf champions league final .the second-half substitute headed home a cross from argentine midfielder rubens sambueza .nigel reo-coker , formerly of west ham and aston villa , captained the impact for 76 minutes before he was replaced . '\"]\n", - "=======================\n", - "[\"oribe peralta scored a late equaliser to earn american a drawmontreal impact had led through ignacio piatti 's first-half headerthe second leg of the concacaf champions league final is next weeknigel reo-coker played 76 minutes before he was replaced\"]\n", - "oribe peralta scored in the 89th minute to earn america a draw against the montreal impact in the first leg of the concacaf champions league final .the second-half substitute headed home a cross from argentine midfielder rubens sambueza .nigel reo-coker , formerly of west ham and aston villa , captained the impact for 76 minutes before he was replaced . '\n", - "oribe peralta scored a late equaliser to earn american a drawmontreal impact had led through ignacio piatti 's first-half headerthe second leg of the concacaf champions league final is next weeknigel reo-coker played 76 minutes before he was replaced\n", - "[1.212098 1.2369065 1.4324278 1.2145227 1.282439 1.1897734 1.0478567\n", - " 1.0687755 1.1020827 1.1607239 1.0525562 1.040432 1.0143003 1.0404857\n", - " 1.0226436 1.0159824 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 4 1 3 0 5 9 8 7 10 6 13 11 14 15 12 20 16 17 18 19 21]\n", - "=======================\n", - "[\"sanjay chaddah concocted a 't issue of lies ' , claiming dean paton had kicked him and called him a ` p ** i ' following the 18-month boundary dispute in a genteel village in the wirral .yesterday chaddah , 43 , who claimed he was suffering from post-traumatic stress , punched the air with delight as he strolled free from court after being given a six-month suspended sentence for common assault and perjury .but the move backfired when police discovered that the altercation had been caught on cctv and cleared mr paton of any wrongdoing .\"]\n", - "=======================\n", - "[\"property developer falsely accused neighbour 's son-in-law of racist assaultsanjay chaddah said he was called a ` p ** i ' during dispute with dean patonbut police found cctv footage that showed in fact he attacked mr patonyesterday chaddah was given suspended sentence for assault and perjuryhe punched the air with delight and smirked as he strolled free from court\"]\n", - "sanjay chaddah concocted a 't issue of lies ' , claiming dean paton had kicked him and called him a ` p ** i ' following the 18-month boundary dispute in a genteel village in the wirral .yesterday chaddah , 43 , who claimed he was suffering from post-traumatic stress , punched the air with delight as he strolled free from court after being given a six-month suspended sentence for common assault and perjury .but the move backfired when police discovered that the altercation had been caught on cctv and cleared mr paton of any wrongdoing .\n", - "property developer falsely accused neighbour 's son-in-law of racist assaultsanjay chaddah said he was called a ` p ** i ' during dispute with dean patonbut police found cctv footage that showed in fact he attacked mr patonyesterday chaddah was given suspended sentence for assault and perjuryhe punched the air with delight and smirked as he strolled free from court\n", - "[1.5022199 1.1147367 1.1048871 1.155004 1.0719744 1.4276459 1.1336081\n", - " 1.1917781 1.0382621 1.1895818 1.0360632 1.0341008 1.1470386 1.0301515\n", - " 1.0227889 1.2391101 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 5 15 7 9 3 12 6 1 2 4 8 10 11 13 14 20 16 17 18 19 21]\n", - "=======================\n", - "[\"nothing will stop russia from hosting the best world cup in the tournament 's history in 2018 , fifa president sepp blatter said on a visit to one of the host venues sochi on monday . 'fifa boss sepp blatter ( left ) met russia president valdimir putin on a world cup visit on mondaysochi will be one of 11 host cities where matches will take place at the world cup which runs from june 14 to july 15 .\"]\n", - "=======================\n", - "['sepp blatter visited sochi on monday to see one of the 2018 host venuesthe fifa president also met with russia president vladimir putinblatter backed russia to host a successful tournament in 2018']\n", - "nothing will stop russia from hosting the best world cup in the tournament 's history in 2018 , fifa president sepp blatter said on a visit to one of the host venues sochi on monday . 'fifa boss sepp blatter ( left ) met russia president valdimir putin on a world cup visit on mondaysochi will be one of 11 host cities where matches will take place at the world cup which runs from june 14 to july 15 .\n", - "sepp blatter visited sochi on monday to see one of the 2018 host venuesthe fifa president also met with russia president vladimir putinblatter backed russia to host a successful tournament in 2018\n", - "[1.1840187 1.5463231 1.1743075 1.3926191 1.3936601 1.1384593 1.1780269\n", - " 1.1390226 1.15646 1.1070718 1.0245013 1.015893 1.045902 1.016025\n", - " 1.0090215 1.0143731 1.0309861 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 3 0 6 2 8 7 5 9 12 16 10 13 11 15 14 20 17 18 19 21]\n", - "=======================\n", - "['mandy dunford , 54 , was followed around her farm in the north yorkshire moors by 67-year-old kenneth ward , naked apart from socks and boots .ward was jailed for five years in 2011 after admitting 11 counts of exposure and numerous firearms offences .a farmer has been forced out of her home after a neighbour repeatedly exposed himself to her .']\n", - "=======================\n", - "[\"mandy dunford forced out of home after neighbour exposed himself to herkenneth ward was naked apart from socks and boots as he followed hermilitary historian performed sex acts in front of her at north yorkshire farm67-year-old jailed in 2011 but now released and able to return to his housems dunford , 54 , said her ` only option was to pack up and leave ' her home\"]\n", - "mandy dunford , 54 , was followed around her farm in the north yorkshire moors by 67-year-old kenneth ward , naked apart from socks and boots .ward was jailed for five years in 2011 after admitting 11 counts of exposure and numerous firearms offences .a farmer has been forced out of her home after a neighbour repeatedly exposed himself to her .\n", - "mandy dunford forced out of home after neighbour exposed himself to herkenneth ward was naked apart from socks and boots as he followed hermilitary historian performed sex acts in front of her at north yorkshire farm67-year-old jailed in 2011 but now released and able to return to his housems dunford , 54 , said her ` only option was to pack up and leave ' her home\n", - "[1.2344874 1.2601179 1.200308 1.296237 1.1974579 1.2002935 1.0966964\n", - " 1.042632 1.0843059 1.0361861 1.0272956 1.0246261 1.0201725 1.0308585\n", - " 1.1008159 1.0830461 1.0766913 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 0 2 5 4 14 6 8 15 16 7 9 13 10 11 12 20 17 18 19 21]\n", - "=======================\n", - "['but no one has been able to find the veteran district attorney , who was 59 when he disappeared .since then , the case of ray gricar has become one of the most intriguing and talked about missing persons stories in the country .( cnn ) ten years ago , a prosecutor in centre county , pennsylvania , took a day off work and vanished .']\n", - "=======================\n", - "['prosecutor ray gricar has been missing for 10 yearshis laptop and hard drive were found too damaged to readgricar has been declared legally dead']\n", - "but no one has been able to find the veteran district attorney , who was 59 when he disappeared .since then , the case of ray gricar has become one of the most intriguing and talked about missing persons stories in the country .( cnn ) ten years ago , a prosecutor in centre county , pennsylvania , took a day off work and vanished .\n", - "prosecutor ray gricar has been missing for 10 yearshis laptop and hard drive were found too damaged to readgricar has been declared legally dead\n", - "[1.159378 1.3324763 1.3187524 1.2701361 1.1734877 1.221993 1.1362768\n", - " 1.1694472 1.1344581 1.0539683 1.0332233 1.0777932 1.0265993 1.0528148\n", - " 1.10001 1.0339545 1.0225154 1.0453022 1.0316379 1.0879681]\n", - "\n", - "[ 1 2 3 5 4 7 0 6 8 14 19 11 9 13 17 15 10 18 12 16]\n", - "=======================\n", - "['but david cameron and wife samantha have made a colourful visit to a sikh temple as part of a general election tour .the prime minister , wearing a traditional orange patka , and mrs cameron , in a blue headscarf , chatted and posed for selfies at the gravesend gurdwara in kent earlier today .the visit was designed to reach out to a wider community with just three weeks until the election']\n", - "=======================\n", - "['david cameron and wife samantha made a visit to a temple in kentwore traditional headwear , chatted and posed for selfies during paradecomes just a day after cameron attended the festival of life in london']\n", - "but david cameron and wife samantha have made a colourful visit to a sikh temple as part of a general election tour .the prime minister , wearing a traditional orange patka , and mrs cameron , in a blue headscarf , chatted and posed for selfies at the gravesend gurdwara in kent earlier today .the visit was designed to reach out to a wider community with just three weeks until the election\n", - "david cameron and wife samantha made a visit to a temple in kentwore traditional headwear , chatted and posed for selfies during paradecomes just a day after cameron attended the festival of life in london\n", - "[1.3745406 1.2401091 1.3372629 1.2744839 1.1256733 1.1225905 1.1308528\n", - " 1.1407363 1.0542617 1.0920776 1.0509285 1.0459415 1.0927131 1.0515609\n", - " 1.0861595 1.0659131 1.0328346 1.0177498 0. 0. ]\n", - "\n", - "[ 0 2 3 1 7 6 4 5 12 9 14 15 8 13 10 11 16 17 18 19]\n", - "=======================\n", - "[\"a handful of manchester city fans were ejected from old trafford for allegedly mocking the munich air disaster during sunday 's 4-2 derby defeat by manchester united .a total of 23 people perished after a plane carrying matt busby 's talented young side crashed during a take-off attempt from munich after refuelling following a european cup clash against red star belgrade .stewards threw out the group who were said to be attempting to taunt home supporters by making airplane wings in a sick reference to the 1958 tragedy .\"]\n", - "=======================\n", - "[\"small group of supporters ejected after supposedly mocking disastereight people were arrested at old trafford in relation to manchester derbybut police praised ` overwhelming majority ' of fans for their behaviourmanchester united beat rivals city 4-2 on sunday afternoon\"]\n", - "a handful of manchester city fans were ejected from old trafford for allegedly mocking the munich air disaster during sunday 's 4-2 derby defeat by manchester united .a total of 23 people perished after a plane carrying matt busby 's talented young side crashed during a take-off attempt from munich after refuelling following a european cup clash against red star belgrade .stewards threw out the group who were said to be attempting to taunt home supporters by making airplane wings in a sick reference to the 1958 tragedy .\n", - "small group of supporters ejected after supposedly mocking disastereight people were arrested at old trafford in relation to manchester derbybut police praised ` overwhelming majority ' of fans for their behaviourmanchester united beat rivals city 4-2 on sunday afternoon\n", - "[1.1924245 1.527531 1.1499152 1.3788799 1.1460644 1.1290371 1.1192886\n", - " 1.1182806 1.0991353 1.1738667 1.1574773 1.0576311 1.0951047 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 9 10 2 4 5 6 7 8 12 11 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"rafa benitez 's napoli will play dnipro , while fiorentina have the tantalising prospect of facing holders sevilla over two legs .there is the potential for an all-italian europa league final after napoli and fiorentina were kept apart in the semi-final draw .the europa league semi-final ties will be played on may 7 and 14 .\"]\n", - "=======================\n", - "[\"the draw for the europa league semi-finals was made in nyon , switzerlandholders sevilla face fiorentina as they attempt to win it for a fourth timerafa benitez 's napoli , who play dnipro , could set up an all-italian finalwarsaw will play host to the europa league final on may 27\"]\n", - "rafa benitez 's napoli will play dnipro , while fiorentina have the tantalising prospect of facing holders sevilla over two legs .there is the potential for an all-italian europa league final after napoli and fiorentina were kept apart in the semi-final draw .the europa league semi-final ties will be played on may 7 and 14 .\n", - "the draw for the europa league semi-finals was made in nyon , switzerlandholders sevilla face fiorentina as they attempt to win it for a fourth timerafa benitez 's napoli , who play dnipro , could set up an all-italian finalwarsaw will play host to the europa league final on may 27\n", - "[1.3506553 1.0333767 1.3123405 1.2655158 1.2868315 1.2173738 1.1829722\n", - " 1.097053 1.0552797 1.1073172 1.0286803 1.1819127 1.0578736 1.1556618\n", - " 1.1403936 1.1012743 1.1388501 1.0370457 1.0232909 1.0424446]\n", - "\n", - "[ 0 2 4 3 5 6 11 13 14 16 9 15 7 12 8 19 17 1 10 18]\n", - "=======================\n", - "[\"her neighbour 's leylandii hedge stands 40ft tall and , says audrey alexander , has left parts of her garden in deep shade .despite a 35-year fight to get the trees cut down to size , the council has ruled they can stay .it kicked off 35 years ago when mrs alexander 's aunt found her vegetable patch at the property would not grow anything worth eating because of the leylandii .\"]\n", - "=======================\n", - "['audrey alexander wanted her neighbours to chop down their huge hedgeshe claims the 40ft leylandii was blocking sunlight from reaching her homefeud started in 1980 when it blocked light from reaching a vegetable patchcouncil finally rules that the hedge can stay - but must be cut back to 20ft']\n", - "her neighbour 's leylandii hedge stands 40ft tall and , says audrey alexander , has left parts of her garden in deep shade .despite a 35-year fight to get the trees cut down to size , the council has ruled they can stay .it kicked off 35 years ago when mrs alexander 's aunt found her vegetable patch at the property would not grow anything worth eating because of the leylandii .\n", - "audrey alexander wanted her neighbours to chop down their huge hedgeshe claims the 40ft leylandii was blocking sunlight from reaching her homefeud started in 1980 when it blocked light from reaching a vegetable patchcouncil finally rules that the hedge can stay - but must be cut back to 20ft\n", - "[1.2135048 1.3221699 1.2162306 1.2808542 1.2036808 1.1348863 1.1214737\n", - " 1.0921938 1.1066557 1.0630867 1.0624992 1.0905713 1.0570338 1.0294209\n", - " 1.0631229 1.0757352 1.0324471 1.0137025 1.0392272 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 6 8 7 11 15 14 9 10 12 18 16 13 17 19]\n", - "=======================\n", - "['researchers believe that the spread of our distant human ancestors , the hominins , had been halted by colder and drier temperatures .spanish researchers say climate change impacted human migration .but as conditions warmed , they were able to branch out from africa into spain , and ultimately spread across europe .']\n", - "=======================\n", - "['spanish researchers say climate change impacted human migrationuntil 1.4 million years ago it was too cold to inhabit southeast spainbut then the climate warmed to 13 °c ( 55 °f ) and became more humidthis enabled hominins - our distant ancestors - to move to new regions']\n", - "researchers believe that the spread of our distant human ancestors , the hominins , had been halted by colder and drier temperatures .spanish researchers say climate change impacted human migration .but as conditions warmed , they were able to branch out from africa into spain , and ultimately spread across europe .\n", - "spanish researchers say climate change impacted human migrationuntil 1.4 million years ago it was too cold to inhabit southeast spainbut then the climate warmed to 13 °c ( 55 °f ) and became more humidthis enabled hominins - our distant ancestors - to move to new regions\n", - "[1.1669544 1.4007506 1.2800397 1.3179047 1.181538 1.1046458 1.1455024\n", - " 1.0894417 1.1349149 1.0794318 1.0202607 1.0366781 1.0940813 1.123093\n", - " 1.0749832 1.0655872 1.0345771 1.0463535 0. ]\n", - "\n", - "[ 1 3 2 4 0 6 8 13 5 12 7 9 14 15 17 11 16 10 18]\n", - "=======================\n", - "[\"the trussell trust asks for the ` donation ' from churches and community groups which open new foodbanks .the money , volunteers are told , is needed to pay for the trust 's staff , branding materials , pr advice and relationships with supermarkets such as tesco .but the hefty bill has come under scrutiny following controversy over the false trussell trust claim that it fed more than a million hungry people last year .\"]\n", - "=======================\n", - "[\"trussell trust asks for ` donation ' from churches and community groupsit then charges # 360 per year from each group running trust food bankscritics accuse the charity of taking money which could be spent on foodbut trust said ` cash grants and in-kind goods ' were double the donation\"]\n", - "the trussell trust asks for the ` donation ' from churches and community groups which open new foodbanks .the money , volunteers are told , is needed to pay for the trust 's staff , branding materials , pr advice and relationships with supermarkets such as tesco .but the hefty bill has come under scrutiny following controversy over the false trussell trust claim that it fed more than a million hungry people last year .\n", - "trussell trust asks for ` donation ' from churches and community groupsit then charges # 360 per year from each group running trust food bankscritics accuse the charity of taking money which could be spent on foodbut trust said ` cash grants and in-kind goods ' were double the donation\n", - "[1.2265918 1.4214139 1.2314687 1.2677817 1.220856 1.1037725 1.1322751\n", - " 1.1388372 1.0265856 1.0285996 1.111027 1.105866 1.0762962 1.1372085\n", - " 1.0439215 1.0242223 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 7 13 6 10 11 5 12 14 9 8 15 16 17 18]\n", - "=======================\n", - "[\"arnold breitenbach of st. george wanted to get ` cib-69 ' put on a license plate , the spectrum newspaper of st. george reported .that would have commemorated both breitenbach getting the purple heart in 1969 and his combat infantryman 's badge , according to the newspaper .a vietnam war veteran in utah has said he 's surprised over the reason for the denial of his request for a personalized license plate commemorating the year he was wounded and awarded a purple heart .\"]\n", - "=======================\n", - "[\"arnold breitenbach of st. george , utah , wanted to get ` cib-69 ' put on a license platethat would have commemorated both breitenbach getting the purple heart in 1969 and his combat infantryman 's badgethe utah dmv denied his request , citing state regulations prohibiting the use of the number 69 because of its sexual connotations\"]\n", - "arnold breitenbach of st. george wanted to get ` cib-69 ' put on a license plate , the spectrum newspaper of st. george reported .that would have commemorated both breitenbach getting the purple heart in 1969 and his combat infantryman 's badge , according to the newspaper .a vietnam war veteran in utah has said he 's surprised over the reason for the denial of his request for a personalized license plate commemorating the year he was wounded and awarded a purple heart .\n", - "arnold breitenbach of st. george , utah , wanted to get ` cib-69 ' put on a license platethat would have commemorated both breitenbach getting the purple heart in 1969 and his combat infantryman 's badgethe utah dmv denied his request , citing state regulations prohibiting the use of the number 69 because of its sexual connotations\n", - "[1.5964819 1.2432033 1.5180047 1.2955521 1.0893224 1.0262039 1.0230125\n", - " 1.0381464 1.1255951 1.0910555 1.031519 1.0200684 1.0273039 1.019088\n", - " 1.0431548 1.1070534 1.1775072 1.0156198 0. ]\n", - "\n", - "[ 0 2 3 1 16 8 15 9 4 14 7 10 12 5 6 11 13 17 18]\n", - "=======================\n", - "[\"kevin bowes , 53 , lost several teeth and had nine ` avoidable ' dental procedures at the hands of dr nicholas crees at his guisborough practicethe semi-retired teacher at a specialist children 's unit said his life had been changed forever , revealing he will need years of remedial treatment to fix the extensive decay .a man whose teeth were reduced to ` apple cores ' has won # 30,000 in damages from his former dentist , after suffering more than a decade of dental neglect .\"]\n", - "=======================\n", - "[\"kevin bowes lost several teeth , had four ` avoidable ' root canal treatments and five ` avoidable ' crowns fitted by dr nicholas crees over a decadesecond dentists said he will need extensive treatment to repair decayawarded # 30,000 out-of-court but dr crees has not admitted liabilitymr bowes , said : ' i was devastated .\"]\n", - "kevin bowes , 53 , lost several teeth and had nine ` avoidable ' dental procedures at the hands of dr nicholas crees at his guisborough practicethe semi-retired teacher at a specialist children 's unit said his life had been changed forever , revealing he will need years of remedial treatment to fix the extensive decay .a man whose teeth were reduced to ` apple cores ' has won # 30,000 in damages from his former dentist , after suffering more than a decade of dental neglect .\n", - "kevin bowes lost several teeth , had four ` avoidable ' root canal treatments and five ` avoidable ' crowns fitted by dr nicholas crees over a decadesecond dentists said he will need extensive treatment to repair decayawarded # 30,000 out-of-court but dr crees has not admitted liabilitymr bowes , said : ' i was devastated .\n", - "[1.2119025 1.3282812 1.3178636 1.3609843 1.288613 1.2640922 1.0890716\n", - " 1.0598594 1.0391434 1.075309 1.0698751 1.1023643 1.0298817 1.025999\n", - " 1.0489784 1.0228688 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 4 5 0 11 6 9 10 7 14 8 12 13 15 17 16 18]\n", - "=======================\n", - "['the cargo planes left main landing gear detached due to heat damage to chrome plating , a report saida set of wheels broke off the boeing 737 moments after it touched down at the airport , near derby , causing the cargo plane to skid along the runway for 380ft before coming to a stop .it happened as the plane delivered 10 tonnes of freight , including dangerous goods , on an air contractors flight that originated in athens and included a stopover at charles de gaulle airport in paris .']\n", - "=======================\n", - "[\"boeing 737 cargo plane was carrying 10 tonnes of freight when it landedleft main landing gear detached due to heat damage to chrome platingreport said ` the aircraft shuddered and rolled slightly ' to the leftco-pilot and the captain of a different team reported smokefirefighters sprayed the landing gear and engine as a precaution\"]\n", - "the cargo planes left main landing gear detached due to heat damage to chrome plating , a report saida set of wheels broke off the boeing 737 moments after it touched down at the airport , near derby , causing the cargo plane to skid along the runway for 380ft before coming to a stop .it happened as the plane delivered 10 tonnes of freight , including dangerous goods , on an air contractors flight that originated in athens and included a stopover at charles de gaulle airport in paris .\n", - "boeing 737 cargo plane was carrying 10 tonnes of freight when it landedleft main landing gear detached due to heat damage to chrome platingreport said ` the aircraft shuddered and rolled slightly ' to the leftco-pilot and the captain of a different team reported smokefirefighters sprayed the landing gear and engine as a precaution\n", - "[1.4164922 1.2140385 1.3606491 1.299622 1.2559085 1.1250851 1.0619384\n", - " 1.0632676 1.0752454 1.0436722 1.0542156 1.034477 1.0732147 1.0658067\n", - " 1.0828791 1.0529187 1.019135 1.1186823 1.0491364]\n", - "\n", - "[ 0 2 3 4 1 5 17 14 8 12 13 7 6 10 15 18 9 11 16]\n", - "=======================\n", - "['more than 20,000 pupils passed ten or more gcses with either an a or an a * grade between 2009 and 2013 , department for education statistics revealbut critics say increasing numbers of high-fliers mean not enough has been done to stop qualifications becoming too easy .the latest figures show that one in 30 pupils who sat the exams ended up with at least ten a grades .']\n", - "=======================\n", - "[\"more than 20,000 passed ten or more gcses with a or a * in last five yearsone in 30 children who sat the exams ended up with at least ten a gradesfigures suggest uk 's most able pupils are increasingly getting top marks\"]\n", - "more than 20,000 pupils passed ten or more gcses with either an a or an a * grade between 2009 and 2013 , department for education statistics revealbut critics say increasing numbers of high-fliers mean not enough has been done to stop qualifications becoming too easy .the latest figures show that one in 30 pupils who sat the exams ended up with at least ten a grades .\n", - "more than 20,000 passed ten or more gcses with a or a * in last five yearsone in 30 children who sat the exams ended up with at least ten a gradesfigures suggest uk 's most able pupils are increasingly getting top marks\n", - "[1.3103182 1.4152919 1.2127613 1.3416698 1.0688981 1.0284009 1.0909888\n", - " 1.2267034 1.2072139 1.0408344 1.0742228 1.0831596 1.1096662 1.0588305\n", - " 1.0507864 1.0889634 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 7 2 8 12 6 15 11 10 4 13 14 9 5 16 17 18 19]\n", - "=======================\n", - "[\"kilcoy state school is working with queensland health after a whooping cough outbreak in the area , but parents have been urged to take vaccination more seriously there .a health expert has slammed parents for not taking vaccination seriously after 19 children attending a primary school in north brisbane contracted the potentially deadly disease whooping cough .the sunshine coast daily reports that infectious diseases expert professor matthew cooper , a professorial research fellow at the university of queensland 's institute for molecular bioscience , attributed the outbreak to an anti-vaccination trend .\"]\n", - "=======================\n", - "[\"kilcoy state school working with queensland health to improve situationprofessor matthew cooper urges parents to take vaccination seriouslythe infectious diseases expert says ` people have decided not to immunise 'there have been 86 confirmed cases in 2015 in area - 16 in the past weekdr cooper says parents must know the importance of vaccination\"]\n", - "kilcoy state school is working with queensland health after a whooping cough outbreak in the area , but parents have been urged to take vaccination more seriously there .a health expert has slammed parents for not taking vaccination seriously after 19 children attending a primary school in north brisbane contracted the potentially deadly disease whooping cough .the sunshine coast daily reports that infectious diseases expert professor matthew cooper , a professorial research fellow at the university of queensland 's institute for molecular bioscience , attributed the outbreak to an anti-vaccination trend .\n", - "kilcoy state school working with queensland health to improve situationprofessor matthew cooper urges parents to take vaccination seriouslythe infectious diseases expert says ` people have decided not to immunise 'there have been 86 confirmed cases in 2015 in area - 16 in the past weekdr cooper says parents must know the importance of vaccination\n", - "[1.2524843 1.4866291 1.1705124 1.262555 1.1997439 1.1201993 1.1683345\n", - " 1.1568228 1.0715752 1.0549208 1.0935488 1.0156231 1.1818343 1.1242901\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 12 2 6 7 13 5 10 8 9 11 18 14 15 16 17 19]\n", - "=======================\n", - "['the canal and river trust in bath , who are carrying out the dredging operation , have so far removed 150 trolleys from the river bed as well six vehicles , one of which dating back over 40 years .the work is being focused on an area between windsor bridge and victoria bridge in the city in a clean up operation costing # 20,000 in preparation for a new development .this the 100 tonne crane barge that is being used to lift shopping trolleys and even cars that have been dumped at the bottom of the river avon .']\n", - "=======================\n", - "['divers located and harnessed the dumped items which have included shopping trolleys , mopeds and even carsa 100-tonne crane has now been put in place to lift the abandoned objects from the bottom of the river bedthe extent of the rubbish in the river avon was recently revealed after a survey of flood defences in bath']\n", - "the canal and river trust in bath , who are carrying out the dredging operation , have so far removed 150 trolleys from the river bed as well six vehicles , one of which dating back over 40 years .the work is being focused on an area between windsor bridge and victoria bridge in the city in a clean up operation costing # 20,000 in preparation for a new development .this the 100 tonne crane barge that is being used to lift shopping trolleys and even cars that have been dumped at the bottom of the river avon .\n", - "divers located and harnessed the dumped items which have included shopping trolleys , mopeds and even carsa 100-tonne crane has now been put in place to lift the abandoned objects from the bottom of the river bedthe extent of the rubbish in the river avon was recently revealed after a survey of flood defences in bath\n", - "[1.3799229 1.3279415 1.3082566 1.1887937 1.1775415 1.2150496 1.1816971\n", - " 1.1255765 1.0217597 1.0407283 1.0352885 1.0674984 1.0204113 1.0257974\n", - " 1.045745 1.0280393 1.0137092 1.0305274 1.0267719 1.0286876]\n", - "\n", - "[ 0 1 2 5 3 6 4 7 11 14 9 10 17 19 15 18 13 8 12 16]\n", - "=======================\n", - "[\"passengers on board a virgin atlantic flight from las vegas to gatwick who endured a 33-hour delay have described the incident as ` excruciating ' and ` an absolute nightmare . 'flight vs44 should have left mccarran airport at 4.30 pm local time on easter monday .but a series of delays meant the 403 passengers did not get away on their flight to gatwick until early on wednesday .\"]\n", - "=======================\n", - "['easter break turns into nightmare for 403 virgin atlantic passengerssubjected to 33-hour delay after problem with rudder eventually detectedone passenger tells mailonline how they were shunted back and forth between airport and hotel as problems mountedcalls for virgin to refund the air fare as well as $ 600 compensation for terrible ordeal']\n", - "passengers on board a virgin atlantic flight from las vegas to gatwick who endured a 33-hour delay have described the incident as ` excruciating ' and ` an absolute nightmare . 'flight vs44 should have left mccarran airport at 4.30 pm local time on easter monday .but a series of delays meant the 403 passengers did not get away on their flight to gatwick until early on wednesday .\n", - "easter break turns into nightmare for 403 virgin atlantic passengerssubjected to 33-hour delay after problem with rudder eventually detectedone passenger tells mailonline how they were shunted back and forth between airport and hotel as problems mountedcalls for virgin to refund the air fare as well as $ 600 compensation for terrible ordeal\n", - "[1.1848776 1.4635934 1.205535 1.2550822 1.2364082 1.1910017 1.1503419\n", - " 1.0863363 1.0896962 1.0484374 1.0474538 1.0406144 1.0506814 1.0491427\n", - " 1.0553076 1.0981296 1.0664014 1.0235875 0. 0. ]\n", - "\n", - "[ 1 3 4 2 5 0 6 15 8 7 16 14 12 13 9 10 11 17 18 19]\n", - "=======================\n", - "['lisa skinner , 52 , shot the male home invader , who has now been identified as her estranged husband bradley skinner , 59 , after he broke into the house she shared with her mother around 6 p.m.according to al.com , his injuries are life threatening but she is expected to survive .shootings : paramedics tend to a man , thought to be bradley skinner after he was shot by his estranged wife .']\n", - "=======================\n", - "[\"lisa skinner shot a man now identified as her estranged husband bradley skinner after he unlawfully entered the house she shared with her mothershe opened fire with a shotgun while her mother ran to a neighbor 's house in huntsville , alabama and called 911police arrived on the scene and heard gunshots ring out as mrs skinner stood in the garage holding the shotgunofficers demanded that she drop her weapon but when she turned toward them with the gun in her hand at least one officer fired at her , wounding herrecords show mrs skinner had taken out multiple protective orders against her husband ' i left in fear of becoming a victim of murder/suicide , ' she said\"]\n", - "lisa skinner , 52 , shot the male home invader , who has now been identified as her estranged husband bradley skinner , 59 , after he broke into the house she shared with her mother around 6 p.m.according to al.com , his injuries are life threatening but she is expected to survive .shootings : paramedics tend to a man , thought to be bradley skinner after he was shot by his estranged wife .\n", - "lisa skinner shot a man now identified as her estranged husband bradley skinner after he unlawfully entered the house she shared with her mothershe opened fire with a shotgun while her mother ran to a neighbor 's house in huntsville , alabama and called 911police arrived on the scene and heard gunshots ring out as mrs skinner stood in the garage holding the shotgunofficers demanded that she drop her weapon but when she turned toward them with the gun in her hand at least one officer fired at her , wounding herrecords show mrs skinner had taken out multiple protective orders against her husband ' i left in fear of becoming a victim of murder/suicide , ' she said\n", - "[1.4648311 1.2560976 1.1415836 1.3194611 1.1765784 1.2678305 1.0791825\n", - " 1.0812342 1.2657032 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 5 8 1 4 2 7 6 17 16 15 14 9 12 11 10 18 13 19]\n", - "=======================\n", - "['manchester united and liverpool target # 25million memphis depay has held talks with paris st germain this week with the permission of his club psv eindhoven .louis van gaal gave depay his international debut but could miss out on bringing him to old traffordthe dialogue between psg and depay represents a threat to the premier league clubs with the qatari-backed french club understood to have made a significantly better financial offer than liverpool .']\n", - "=======================\n", - "['memphis depay is being targeted by manchester united and liverpoolthe holland international is linked with a # 25million move from psvbut he has held talks with paris saint-germain over a potential switchread : depay is like a young cristiano ronaldo , says ronald de boerclick here for all you need to know on depay']\n", - "manchester united and liverpool target # 25million memphis depay has held talks with paris st germain this week with the permission of his club psv eindhoven .louis van gaal gave depay his international debut but could miss out on bringing him to old traffordthe dialogue between psg and depay represents a threat to the premier league clubs with the qatari-backed french club understood to have made a significantly better financial offer than liverpool .\n", - "memphis depay is being targeted by manchester united and liverpoolthe holland international is linked with a # 25million move from psvbut he has held talks with paris saint-germain over a potential switchread : depay is like a young cristiano ronaldo , says ronald de boerclick here for all you need to know on depay\n", - "[1.3937395 1.4014306 1.2787745 1.1915178 1.2891324 1.129558 1.0743876\n", - " 1.1543919 1.0459266 1.082673 1.0501723 1.045287 1.0170649 1.0436839\n", - " 1.0395582 1.0251734 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 7 5 9 6 10 8 11 13 14 15 12 18 16 17 19]\n", - "=======================\n", - "[\"they 're accused of reaping more than $ 31 million in a ponzi scheme that promised high returns to investors from funding loans to cash-strapped pro athletes .former nfl cornerback will allen and his business partner are facing civil fraud charges from federal regulators over allegations the pair ran a multi-million dollar ponzi scheme .the securities and exchange commission announced the charges monday against william d. allen , susan daub and their capital financial partners investment firms .\"]\n", - "=======================\n", - "[\"former nfl cornerback will allen and his business partner susan daub are facing civil fraud charges from federal regulatorsthey allegedly reaped over $ 31 million in a ponzi scheme that promised high returns to investors from funding loans to cash-strapped pro athletesallen , 36 , was a cornerback in the nfl from 2001 to 2012 , playing for the new york giants and the miami dolphinsthe sec said allen and daub paid about $ 20 million to investors but received only around $ 13 million in loan repayments from athletesto make up the gap they paid investors with other investors ' money rather than actual profits on the investments , the agency said\"]\n", - "they 're accused of reaping more than $ 31 million in a ponzi scheme that promised high returns to investors from funding loans to cash-strapped pro athletes .former nfl cornerback will allen and his business partner are facing civil fraud charges from federal regulators over allegations the pair ran a multi-million dollar ponzi scheme .the securities and exchange commission announced the charges monday against william d. allen , susan daub and their capital financial partners investment firms .\n", - "former nfl cornerback will allen and his business partner susan daub are facing civil fraud charges from federal regulatorsthey allegedly reaped over $ 31 million in a ponzi scheme that promised high returns to investors from funding loans to cash-strapped pro athletesallen , 36 , was a cornerback in the nfl from 2001 to 2012 , playing for the new york giants and the miami dolphinsthe sec said allen and daub paid about $ 20 million to investors but received only around $ 13 million in loan repayments from athletesto make up the gap they paid investors with other investors ' money rather than actual profits on the investments , the agency said\n", - "[1.418962 1.236844 1.1350547 1.1857237 1.1867758 1.1231912 1.0993513\n", - " 1.0724694 1.0994203 1.0485865 1.0769134 1.0436096 1.0514162 1.048322\n", - " 1.0872345 1.019251 1.0452226 1.0213724 1.0644362 0. ]\n", - "\n", - "[ 0 1 4 3 2 5 8 6 14 10 7 18 12 9 13 16 11 17 15 19]\n", - "=======================\n", - "['( cnn ) on october 31 , 2014 , the italian government announced the end of \" mare nostrum \" -- a naval mission that rescued would-be migrants in peril as they tried to cross the mediterranean to seek security and a new life in europe .mare nostrum , which had been launched after some 600 people died when two migrant ships sank in 2013 , was replaced by the more modest \" operation triton , \" under the auspices of the european union \\'s border agency , frontex .but it proved expensive and politically contentious , and europe was not prepared to help italy shoulder the burden of the crisis .']\n", - "=======================\n", - "['italian navy \\'s \" mare nostrum \" mission to rescue would-be migrants in peril rescued an estimated 100,000 peopleoperation ended in october 2014 , but the tide of people trying to cross the mediterranean has not abateditaly has borne brunt of task of picking up , sheltering and providing food and medical help to illegal migrants']\n", - "( cnn ) on october 31 , 2014 , the italian government announced the end of \" mare nostrum \" -- a naval mission that rescued would-be migrants in peril as they tried to cross the mediterranean to seek security and a new life in europe .mare nostrum , which had been launched after some 600 people died when two migrant ships sank in 2013 , was replaced by the more modest \" operation triton , \" under the auspices of the european union 's border agency , frontex .but it proved expensive and politically contentious , and europe was not prepared to help italy shoulder the burden of the crisis .\n", - "italian navy 's \" mare nostrum \" mission to rescue would-be migrants in peril rescued an estimated 100,000 peopleoperation ended in october 2014 , but the tide of people trying to cross the mediterranean has not abateditaly has borne brunt of task of picking up , sheltering and providing food and medical help to illegal migrants\n", - "[1.2447035 1.1593825 1.294008 1.3334186 1.136544 1.1248097 1.0933036\n", - " 1.0633588 1.0564691 1.1830431 1.1209581 1.0251952 1.0349658 1.0994365\n", - " 1.0264522 1.0472561 1.0890088 1.1123714 1.0764633 1.0476456]\n", - "\n", - "[ 3 2 0 9 1 4 5 10 17 13 6 16 18 7 8 19 15 12 14 11]\n", - "=======================\n", - "[\"the vaccine is made from pieces of a protein called tarp that 's found in about 95 per cent of prostate cancers .it 's designed to teach the immune system to recognise compounds found in prostate cancer cells and is being given to men who have already been treated for the cancer .a vaccine has been developed to help prevent the recurrence of prostate cancer ( cells pictured )\"]\n", - "=======================\n", - "['vaccine is made from pieces of a protein called tarptarp is found in about 95 per cent of prostate cancersstudies show the protein can teach the immune system to attack cancer']\n", - "the vaccine is made from pieces of a protein called tarp that 's found in about 95 per cent of prostate cancers .it 's designed to teach the immune system to recognise compounds found in prostate cancer cells and is being given to men who have already been treated for the cancer .a vaccine has been developed to help prevent the recurrence of prostate cancer ( cells pictured )\n", - "vaccine is made from pieces of a protein called tarptarp is found in about 95 per cent of prostate cancersstudies show the protein can teach the immune system to attack cancer\n", - "[1.4841827 1.2696037 1.3831894 1.3036427 1.2437145 1.1030215 1.0225017\n", - " 1.0069257 1.0071092 1.0184178 1.1826315 1.0310762 1.0564016 1.0576417\n", - " 1.0204829 1.0465742 1.119236 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 4 10 16 5 13 12 15 11 6 14 9 8 7 17 18 19]\n", - "=======================\n", - "['fourth-place monaco missed the chance to close the gap in the french title race after drawing 0-0 at home to montpellier on tuesday .the visitors missed a penalty early in the second half when paraguay striker lucas barrios fired a penalty over the crossbar .substitute dimitar berbatov responds as monaco are held to a goalless draw with montpellier at stade louis ii']\n", - "=======================\n", - "['monaco were held to a goalless draw with montpellier in their ligue 1 clashlucas barrios missed a penalty to give visitors the lead in the second halfprincipality side failed to break into title chasing pack of marseille , lyon and leaders psg']\n", - "fourth-place monaco missed the chance to close the gap in the french title race after drawing 0-0 at home to montpellier on tuesday .the visitors missed a penalty early in the second half when paraguay striker lucas barrios fired a penalty over the crossbar .substitute dimitar berbatov responds as monaco are held to a goalless draw with montpellier at stade louis ii\n", - "monaco were held to a goalless draw with montpellier in their ligue 1 clashlucas barrios missed a penalty to give visitors the lead in the second halfprincipality side failed to break into title chasing pack of marseille , lyon and leaders psg\n", - "[1.3171228 1.1938819 1.354871 1.1155655 1.2401764 1.1640404 1.1525799\n", - " 1.030119 1.156723 1.0884727 1.1020697 1.1124252 1.0577977 1.0860754\n", - " 1.053466 1.063464 1.0883873 1.0624486 1.0592533 1.0416667]\n", - "\n", - "[ 2 0 4 1 5 8 6 3 11 10 9 16 13 15 17 18 12 14 19 7]\n", - "=======================\n", - "['timothy rogalski , from wallingford , connecticut , called the school on tuesday morning and left four messages on its office answerphone .in the calls , the 30-year-old accused staff of being behind the december 14 , 2012 shooting that left 20 children and six female educators dead , according to police in monroe .a man has been arrested for repeatedly calling sandy hook elementary school and accusing staff members of staging the 2012 school massacre .']\n", - "=======================\n", - "[\"timothy rogalski ` called the school five times and accused school staff of staging the shooting that left 20 children and six educators dead 'police traced the calls to his home and he was arrestedi do n't think i said anything that horrible , ' he said in court\"]\n", - "timothy rogalski , from wallingford , connecticut , called the school on tuesday morning and left four messages on its office answerphone .in the calls , the 30-year-old accused staff of being behind the december 14 , 2012 shooting that left 20 children and six female educators dead , according to police in monroe .a man has been arrested for repeatedly calling sandy hook elementary school and accusing staff members of staging the 2012 school massacre .\n", - "timothy rogalski ` called the school five times and accused school staff of staging the shooting that left 20 children and six educators dead 'police traced the calls to his home and he was arrestedi do n't think i said anything that horrible , ' he said in court\n", - "[1.2437475 1.4592631 1.2535828 1.2394093 1.2598233 1.2271218 1.0898176\n", - " 1.0626292 1.0792121 1.123782 1.0271795 1.0136731 1.1097223 1.0670466\n", - " 1.1046629 1.0460175 1.0712488 1.0582186 1.0404882 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 2 0 3 5 9 12 14 6 8 16 13 7 17 15 18 10 11 20 19 21]\n", - "=======================\n", - "[\"fiona ` kitty ' carroll was at kemah boardwalk marina as her father worked on his boat on wednesday but when he checked on the girl ` after a brief moment ' , she was gone , police said .her bucket was found in the water but there was no sign of the little girl , khou reported .the girl 's father contacted police around 6pm to report that she had disappeared near the edge of the pier , the kemah police department said in a statement .\"]\n", - "=======================\n", - "['kitty carroll was last seen playing at the kemah boardwalk marina in texas on wednesday but when her father checked on her , she was goneauthorities launched a search from sea and air and her body was found early on thursday morning near the marinafamily members said she had been celebrating her fifth birthday before she went missingpolice will review nearby surveillance footage to determine what happened']\n", - "fiona ` kitty ' carroll was at kemah boardwalk marina as her father worked on his boat on wednesday but when he checked on the girl ` after a brief moment ' , she was gone , police said .her bucket was found in the water but there was no sign of the little girl , khou reported .the girl 's father contacted police around 6pm to report that she had disappeared near the edge of the pier , the kemah police department said in a statement .\n", - "kitty carroll was last seen playing at the kemah boardwalk marina in texas on wednesday but when her father checked on her , she was goneauthorities launched a search from sea and air and her body was found early on thursday morning near the marinafamily members said she had been celebrating her fifth birthday before she went missingpolice will review nearby surveillance footage to determine what happened\n", - "[1.0565617 1.5755339 1.337183 1.3463796 1.134274 1.0911409 1.024719\n", - " 1.0310917 1.2161167 1.1387882 1.0726612 1.0319759 1.1478759 1.0375767\n", - " 1.0133377 1.0295655 1.091666 1.0742817 1.1123773 1.0437539 1.0288273\n", - " 1.0379364]\n", - "\n", - "[ 1 3 2 8 12 9 4 18 16 5 17 10 0 19 21 13 11 7 15 20 6 14]\n", - "=======================\n", - "[\"californian joshua corbett faces charges of stalking and burglary this week after allegedly breaking into actress sandra bullock 's home last summer .sandra bullock was horrified when she discovered that joshua corbett had broken into her house last summerterrified sandra , 50 , who was in her property at the time , was forced to make a desperate call to the police having locked herself in a cupboard .\"]\n", - "=======================\n", - "[\"this week a recording of sandra bullock calling 911 was releasedit was made in 2014 when the actress discovered stalker joshua corbett in her housecorbett was carrying a note addressed to the actress describing her as ` hot ' , ` taut ' and ` lithe 'other celebrities to have experienced stalkers , including justin bieber , kim kardashian and gwyneth paltrow\"]\n", - "californian joshua corbett faces charges of stalking and burglary this week after allegedly breaking into actress sandra bullock 's home last summer .sandra bullock was horrified when she discovered that joshua corbett had broken into her house last summerterrified sandra , 50 , who was in her property at the time , was forced to make a desperate call to the police having locked herself in a cupboard .\n", - "this week a recording of sandra bullock calling 911 was releasedit was made in 2014 when the actress discovered stalker joshua corbett in her housecorbett was carrying a note addressed to the actress describing her as ` hot ' , ` taut ' and ` lithe 'other celebrities to have experienced stalkers , including justin bieber , kim kardashian and gwyneth paltrow\n", - "[1.1883944 1.5048239 1.2612207 1.392653 1.2471578 1.180652 1.0514902\n", - " 1.067522 1.0709358 1.038041 1.0596693 1.1174645 1.0425345 1.0329769\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 4 0 5 11 8 7 10 6 12 9 13 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"julio ` wemo ' acevedo , 46 , was found guilty of manslaughter and criminally negligent homicide after driving away from the scene of an accident that instantly killed nachman and raizel glauber in williamsburg , brooklyn .the driver , who was convicted in february , is thought to have been traveling in his bmw at 70mph , twice the speed limit , when the incident occurred just after midnight on march 3 , 2013 .a hit-and-run driver who killed a pregnant 21-year-old woman , her husband and their unborn child has been sentenced to life in prison .\"]\n", - "=======================\n", - "['julio acevedo , 46 , was driving bmw that hit nachman and raizel glauberwilliamsburg couple died instantly , baby delivered but died the next daydriver given 25 years to life because of previous felony convictionsacevedo has rap sheet including dwi , gun offences and manslaughter']\n", - "julio ` wemo ' acevedo , 46 , was found guilty of manslaughter and criminally negligent homicide after driving away from the scene of an accident that instantly killed nachman and raizel glauber in williamsburg , brooklyn .the driver , who was convicted in february , is thought to have been traveling in his bmw at 70mph , twice the speed limit , when the incident occurred just after midnight on march 3 , 2013 .a hit-and-run driver who killed a pregnant 21-year-old woman , her husband and their unborn child has been sentenced to life in prison .\n", - "julio acevedo , 46 , was driving bmw that hit nachman and raizel glauberwilliamsburg couple died instantly , baby delivered but died the next daydriver given 25 years to life because of previous felony convictionsacevedo has rap sheet including dwi , gun offences and manslaughter\n", - "[1.223621 1.4775288 1.2127429 1.3220245 1.216199 1.2139502 1.1411265\n", - " 1.0835503 1.0313123 1.0943805 1.0539842 1.0744756 1.0586443 1.0414747\n", - " 1.0531218 1.0492921 1.0698928 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 4 5 2 6 9 7 11 16 12 10 14 15 13 8 17 18 19 20 21]\n", - "=======================\n", - "['latisha fisher , 35 , has been charged with second-degree murder for allegedly killing 20-month-old gavriel ortiz-fisher with her bare hands inside a restroom at 5 boro burger on west 36th street monday afternoon .latisha fisher ( left ) was arrested monday after allegedly smothering her 20-month-old son gavriel ortiz to death in a bathroom at a manhattan restaurant .she told police she was afraid someone was going to eat her son']\n", - "=======================\n", - "[\"latisha fisher , 35 , allegedly locked herself in a bathroom at 5 boro burger in midtown manhattan monday afternoon with son gavriel ortizwhen workers at the restaurant gained access to the restroom , they found the 20-month-old boy unconscious and foaming from the mouthfisher had previously been diagnosed as paranoid schizophrenic and was called ` poster child ' for alternative sentencingshe was given probation for 2011 stabbing of her aunt and was found fit to stay in the community last yearneighbors say she had recently shown signs of strange behavior\"]\n", - "latisha fisher , 35 , has been charged with second-degree murder for allegedly killing 20-month-old gavriel ortiz-fisher with her bare hands inside a restroom at 5 boro burger on west 36th street monday afternoon .latisha fisher ( left ) was arrested monday after allegedly smothering her 20-month-old son gavriel ortiz to death in a bathroom at a manhattan restaurant .she told police she was afraid someone was going to eat her son\n", - "latisha fisher , 35 , allegedly locked herself in a bathroom at 5 boro burger in midtown manhattan monday afternoon with son gavriel ortizwhen workers at the restaurant gained access to the restroom , they found the 20-month-old boy unconscious and foaming from the mouthfisher had previously been diagnosed as paranoid schizophrenic and was called ` poster child ' for alternative sentencingshe was given probation for 2011 stabbing of her aunt and was found fit to stay in the community last yearneighbors say she had recently shown signs of strange behavior\n", - "[1.2796465 1.2911723 1.205125 1.39529 1.1946418 1.1194769 1.0912011\n", - " 1.1445229 1.0899839 1.1071862 1.0868814 1.0343803 1.0295814 1.0238866\n", - " 1.017061 1.0298154 1.0393611 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 0 2 4 7 5 9 6 8 10 16 11 15 12 13 14 17 18 19 20 21]\n", - "=======================\n", - "['the 33-year-old patrolman has been charged with murder after 50-year-old walter scott was gunned down last saturday in north charleston , south carolina .police have not disclosed his identity and family do not know who he is , but a police report confirmed the man was detained with scott and put in the back of a police car , according to cnn .another man was in the car with walter scott when he was pulled over for having a broken tail light on his mercedes , it has been revealed .']\n", - "=======================\n", - "[\"mystery passenger was detained when he and scott were pulled over for missing tail lightrecording of patrolman michael slager 's radio call to colleagues releasedofficer shot dead unarmed 50-year-old black father walter lamer scottslager can be heard telling dispatcher ` he grabbed my taser ' after shootingno indication scott had ever had the officer 's taser or used it against him\"]\n", - "the 33-year-old patrolman has been charged with murder after 50-year-old walter scott was gunned down last saturday in north charleston , south carolina .police have not disclosed his identity and family do not know who he is , but a police report confirmed the man was detained with scott and put in the back of a police car , according to cnn .another man was in the car with walter scott when he was pulled over for having a broken tail light on his mercedes , it has been revealed .\n", - "mystery passenger was detained when he and scott were pulled over for missing tail lightrecording of patrolman michael slager 's radio call to colleagues releasedofficer shot dead unarmed 50-year-old black father walter lamer scottslager can be heard telling dispatcher ` he grabbed my taser ' after shootingno indication scott had ever had the officer 's taser or used it against him\n", - "[1.2732162 1.3403314 1.061097 1.0475729 1.1251736 1.1247905 1.1427847\n", - " 1.1104898 1.0337645 1.0316914 1.022073 1.1239457 1.0809889 1.0370831\n", - " 1.0371817 1.0286908 1.0213298 1.0367807 1.0675247]\n", - "\n", - "[ 1 0 6 4 5 11 7 12 18 2 3 14 13 17 8 9 15 10 16]\n", - "=======================\n", - "[\"the deadline to agree on what will be the parameters for an endgame pact on iran 's nuclear program has come and gone with no deal .lausanne , switzerland ( cnn ) the bad news ?for those hoping that will eventually happen , it 's good that iranian foreign minister javad zarif , u.s. secretary of state john kerry and senior european union diplomat helga schmid held talks early thursday morning in lausanne .\"]\n", - "=======================\n", - "['talks run until early thursday morning ; expected to resume hours lateriranian minister : other side must \" seize the moment , \" not try to pressure iranu.s. official : \" it is still totally unclear when this might happen , if it happens at all \"']\n", - "the deadline to agree on what will be the parameters for an endgame pact on iran 's nuclear program has come and gone with no deal .lausanne , switzerland ( cnn ) the bad news ?for those hoping that will eventually happen , it 's good that iranian foreign minister javad zarif , u.s. secretary of state john kerry and senior european union diplomat helga schmid held talks early thursday morning in lausanne .\n", - "talks run until early thursday morning ; expected to resume hours lateriranian minister : other side must \" seize the moment , \" not try to pressure iranu.s. official : \" it is still totally unclear when this might happen , if it happens at all \"\n", - "[1.3212534 1.3592616 1.2947493 1.2075884 1.1245356 1.2845564 1.120185\n", - " 1.0593346 1.1457297 1.0662786 1.0574919 1.0416677 1.0859028 1.0904927\n", - " 1.0456764 1.053218 1.0317916 0. 0. ]\n", - "\n", - "[ 1 0 2 5 3 8 4 6 13 12 9 7 10 15 14 11 16 17 18]\n", - "=======================\n", - "[\"bonnie was described by her husband as ` the love of my life ' .the wife of broadcaster john suchet has died aged 73 after a decade-long battle with dementia .she died on april 15 .\"]\n", - "=======================\n", - "[\"classic fm dj and former itn presenter 's wife bonnie died on april 15suchet , 71 , described bonnie said marriage was ` made in heaven 'he had been open about her dementia diagnosis and wrote a book about it\"]\n", - "bonnie was described by her husband as ` the love of my life ' .the wife of broadcaster john suchet has died aged 73 after a decade-long battle with dementia .she died on april 15 .\n", - "classic fm dj and former itn presenter 's wife bonnie died on april 15suchet , 71 , described bonnie said marriage was ` made in heaven 'he had been open about her dementia diagnosis and wrote a book about it\n", - "[1.3215377 1.3015774 1.0960162 1.3563015 1.3198588 1.249455 1.0710135\n", - " 1.0353912 1.1410218 1.0586097 1.0820898 1.0628765 1.0199994 1.0429672\n", - " 1.0864662 1.1767302 1.0111125 0. 0. ]\n", - "\n", - "[ 3 0 4 1 5 15 8 2 14 10 6 11 9 13 7 12 16 17 18]\n", - "=======================\n", - "[\"jack grealish has become the third top flight starlet caught on camera apparently inhaling nitrous oxidegrealish starred for villa in their fa cup semi-final win over liverpool on sunday at wembleygrealish is the third premier league starlet this month to be exposed apparently using the legal high , after liverpool 's raheem sterling , 20 , and west bromwich albion forward saido berahino , 21 , were both pictured sucking from balloons .\"]\n", - "=======================\n", - "[\"raheem sterling was filmed inhaling laughing gas less than two weeks agosaido berahino was another england starlet filmed inhaling ` hippy crack 'jack grealish inspired aston villa to their fa cup semi-final win on sundaythe 19-year-old has seemingly been caught inhaling from a balloon\"]\n", - "jack grealish has become the third top flight starlet caught on camera apparently inhaling nitrous oxidegrealish starred for villa in their fa cup semi-final win over liverpool on sunday at wembleygrealish is the third premier league starlet this month to be exposed apparently using the legal high , after liverpool 's raheem sterling , 20 , and west bromwich albion forward saido berahino , 21 , were both pictured sucking from balloons .\n", - "raheem sterling was filmed inhaling laughing gas less than two weeks agosaido berahino was another england starlet filmed inhaling ` hippy crack 'jack grealish inspired aston villa to their fa cup semi-final win on sundaythe 19-year-old has seemingly been caught inhaling from a balloon\n", - "[1.2529873 1.2792541 1.250934 1.3008963 1.1837637 1.1646212 1.1293943\n", - " 1.0341672 1.0183696 1.1051397 1.0699736 1.0246309 1.0777028 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 2 4 5 6 9 12 10 7 11 8 17 13 14 15 16 18]\n", - "=======================\n", - "[\"but she was accused of ignoring the rights of victims and of perpetrating establishment cover-ups by deciding that labour peer lord janner should not be charged -- despite evidence of 22 offences against nine victims dating back to the 1960s .alison saunders 's position as the country 's top prosecutor looked bleak as she faced unprecedented criticism from the home secretary , police chiefs , crime tsars , prominent mps -- and even one of her predecessors .the director of public prosecutions was under growing pressure to stand down last night over her failure to put lord janner on trial for serious child abuse offences .\"]\n", - "=======================\n", - "[\"alison saunders position as the country 's top prosecutor looks bleakshe has faced criticism from home secretary , police chiefs and mpsmrs saunders said her job was to make legal decisions , not popular ones\"]\n", - "but she was accused of ignoring the rights of victims and of perpetrating establishment cover-ups by deciding that labour peer lord janner should not be charged -- despite evidence of 22 offences against nine victims dating back to the 1960s .alison saunders 's position as the country 's top prosecutor looked bleak as she faced unprecedented criticism from the home secretary , police chiefs , crime tsars , prominent mps -- and even one of her predecessors .the director of public prosecutions was under growing pressure to stand down last night over her failure to put lord janner on trial for serious child abuse offences .\n", - "alison saunders position as the country 's top prosecutor looks bleakshe has faced criticism from home secretary , police chiefs and mpsmrs saunders said her job was to make legal decisions , not popular ones\n", - "[1.3402839 1.541543 1.2791259 1.1935115 1.1420194 1.0613828 1.0716602\n", - " 1.0230372 1.0215102 1.0826623 1.0165238 1.0144397 1.0879337 1.0465899\n", - " 1.01284 1.0177108 1.0519291 1.0548509 0. ]\n", - "\n", - "[ 1 0 2 3 4 12 9 6 5 17 16 13 7 8 15 10 11 14 18]\n", - "=======================\n", - "[\"the gunners romped to a 4-1 win over liverpool at the emirates stadium in saturday 's lunchtime kick-off , which was a seventh successive barclays premier league victory and moved them up into second place .manager arsene wenger is convinced something is finally happening at arsenal again - and everyone can ` smell ' it .while manchester city could reclaim second by beating crystal palace on monday and the title looks out of reach as chelsea remain seven points ahead with a match in hand , there is no doubt when wenger has all of his squad available arsenal are capable of giving anyone a run for their money .\"]\n", - "=======================\n", - "[\"arsenal maintained they superb run of form by thumping liverpoolarsene wenger 's side moved into second place following the 4-1 victorywenger believes everyone can ` smell ' what is happening at the emirateshowever , french manager is refusing to get complacent with their form\"]\n", - "the gunners romped to a 4-1 win over liverpool at the emirates stadium in saturday 's lunchtime kick-off , which was a seventh successive barclays premier league victory and moved them up into second place .manager arsene wenger is convinced something is finally happening at arsenal again - and everyone can ` smell ' it .while manchester city could reclaim second by beating crystal palace on monday and the title looks out of reach as chelsea remain seven points ahead with a match in hand , there is no doubt when wenger has all of his squad available arsenal are capable of giving anyone a run for their money .\n", - "arsenal maintained they superb run of form by thumping liverpoolarsene wenger 's side moved into second place following the 4-1 victorywenger believes everyone can ` smell ' what is happening at the emirateshowever , french manager is refusing to get complacent with their form\n", - "[1.255146 1.4489343 1.2272835 1.2068775 1.3026342 1.1833669 1.0913354\n", - " 1.0743936 1.2324108 1.0423348 1.0418012 1.0250729 1.0310919 1.0183965\n", - " 1.0130298 1.0462922 1.0656077 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 8 2 3 5 6 7 16 15 9 10 12 11 13 14 18 17 19]\n", - "=======================\n", - "[\"the lib dem leader promised to ` spread the burden ' of deficit reduction , with cuts to welfare and whitehall budgets along with tax rises aimed at the very wealthy .conservative plans to raise billions of pounds from the ` grubby hands of scroungers ' will not work , nick clegg warned today as he unveiled lib dem plans to balance the books .the lib dems set out plans to cap rises in working age benefits at 1 per cent to two years .\"]\n", - "=======================\n", - "[\"lib dem leader explains how his party would eradicate deficit by 2017-18includes tax rises , limiting welfare rises and whitehall spending cutsbut warns osborne 's plan to cut # 12billion will cause ` real pain 'mansion tax scaled back by # 700million but car tax to rise by # 25-a-year\"]\n", - "the lib dem leader promised to ` spread the burden ' of deficit reduction , with cuts to welfare and whitehall budgets along with tax rises aimed at the very wealthy .conservative plans to raise billions of pounds from the ` grubby hands of scroungers ' will not work , nick clegg warned today as he unveiled lib dem plans to balance the books .the lib dems set out plans to cap rises in working age benefits at 1 per cent to two years .\n", - "lib dem leader explains how his party would eradicate deficit by 2017-18includes tax rises , limiting welfare rises and whitehall spending cutsbut warns osborne 's plan to cut # 12billion will cause ` real pain 'mansion tax scaled back by # 700million but car tax to rise by # 25-a-year\n", - "[1.1065114 1.1895192 1.3775884 1.3262429 1.240582 1.09039 1.100132\n", - " 1.1829396 1.1715181 1.0621988 1.020655 1.0330118 1.0647244 1.065034\n", - " 1.0407294 1.0718182 1.0382717 1.0119005 1.0185732 1.010378 ]\n", - "\n", - "[ 2 3 4 1 7 8 0 6 5 15 13 12 9 14 16 11 10 18 17 19]\n", - "=======================\n", - "['after deliberating for 11 1/2 hours , jurors found dzhokhar tsarnaev guilty on wednesday of all 30 counts he faced in the boston marathon bombing trial .seventeen of the 30 counts were capital charges , meaning he is eligible for the death penalty .the trial will next move into a penalty phase , where the jury will hear testimony and arguments from both sides and ultimately be tasked with deciding whether tsarnaev , 21 , will be executed .']\n", - "=======================\n", - "['dzhokhar tsarnaev is found guilty on all 30 charges he facedseventeen counts were capital charges , meaning he is eligible for the death penalty']\n", - "after deliberating for 11 1/2 hours , jurors found dzhokhar tsarnaev guilty on wednesday of all 30 counts he faced in the boston marathon bombing trial .seventeen of the 30 counts were capital charges , meaning he is eligible for the death penalty .the trial will next move into a penalty phase , where the jury will hear testimony and arguments from both sides and ultimately be tasked with deciding whether tsarnaev , 21 , will be executed .\n", - "dzhokhar tsarnaev is found guilty on all 30 charges he facedseventeen counts were capital charges , meaning he is eligible for the death penalty\n", - "[1.306298 1.2727144 1.2237576 1.4661226 1.1004497 1.05102 1.0148547\n", - " 1.0180783 1.0285629 1.164719 1.1096071 1.0504838 1.1409013 1.0971076\n", - " 1.0612247 1.0331683 1.0092322 1.0169293 1.011334 0. ]\n", - "\n", - "[ 3 0 1 2 9 12 10 4 13 14 5 11 15 8 7 17 6 18 16 19]\n", - "=======================\n", - "[\"lydia millen and ali gordon met on instagram after he liked one of her pictures , the pair have now been dating two years and could easily be the uk 's fittest couplethey say the couple who trains together , stays together - and that 's certainly the case for super fit ali gordon and his girlfriend , lydia millen .especially after ali , 26 , helped to teach his girlfriend - who works as a full-time blogger - how to train hard and eat clean , getting her to ditch her unhealthy habits and focus on getting fit .\"]\n", - "=======================\n", - "['ali gordon and lydia millen met when he liked her picture on instagramthe couple then met up at a party and started dating four months laterfitness fanatic ali then started to help lydia transform her fitnesshe taught her about training techniques and nutrition']\n", - "lydia millen and ali gordon met on instagram after he liked one of her pictures , the pair have now been dating two years and could easily be the uk 's fittest couplethey say the couple who trains together , stays together - and that 's certainly the case for super fit ali gordon and his girlfriend , lydia millen .especially after ali , 26 , helped to teach his girlfriend - who works as a full-time blogger - how to train hard and eat clean , getting her to ditch her unhealthy habits and focus on getting fit .\n", - "ali gordon and lydia millen met when he liked her picture on instagramthe couple then met up at a party and started dating four months laterfitness fanatic ali then started to help lydia transform her fitnesshe taught her about training techniques and nutrition\n", - "[1.4065669 1.2200719 1.1444424 1.2540967 1.4404801 1.3168782 1.1353757\n", - " 1.1110059 1.0534645 1.1007301 1.0494709 1.1185695 1.0434027 1.0209805\n", - " 1.0225233 1.0121189 1.0280616 0. 0. 0. ]\n", - "\n", - "[ 4 0 5 3 1 2 6 11 7 9 8 10 12 16 14 13 15 17 18 19]\n", - "=======================\n", - "[\"jon flanagan will speak to liverpool about a new contract in the summerliverpool manager brendan rodgers is keen to keep flanagan at liverpoolhe was named on roy hodgson 's standby list and was widely seen as the future for club and country at right back .\"]\n", - "=======================\n", - "[\"jon flanagan 's contract expires in the summerflanagan has been out of action all season due to a knee injurybrendan rodgers is keen to keep flanagan at liverpool\"]\n", - "jon flanagan will speak to liverpool about a new contract in the summerliverpool manager brendan rodgers is keen to keep flanagan at liverpoolhe was named on roy hodgson 's standby list and was widely seen as the future for club and country at right back .\n", - "jon flanagan 's contract expires in the summerflanagan has been out of action all season due to a knee injurybrendan rodgers is keen to keep flanagan at liverpool\n", - "[1.2238377 1.2668074 1.4029071 1.0627619 1.208864 1.3066615 1.0468228\n", - " 1.0980128 1.1618018 1.1773518 1.0330992 1.0532519 1.0411092 1.0885136\n", - " 1.0672926 1.0567043 1.0114074 0. 0. 0. ]\n", - "\n", - "[ 2 5 1 0 4 9 8 7 13 14 3 15 11 6 12 10 16 18 17 19]\n", - "=======================\n", - "[\"oskar groening is being tried on 300,000 counts of accessory to murder , related to a period between may and july 1944 when around 425,000 jews from hungary were brought to the auschwitz-birkenau complex in nazi-occupied poland and most immediately gassed to death .ss sergeant oskar groening - known as ` the bookkeeper of auschwitz ' - is on trial charged with complicity in the killing of 300,000 jews at the nazi extermination campgroening told the court on tuesday that he is ` morally guilty ' but not directly responsible for any deaths\"]\n", - "=======================\n", - "['oskar groening is being tried on 300,000 counts of accessory to murderthe former ss officer described how jews were marched to gas chambersone survivor , eva kor , told of her agony as her mother was ripped from her']\n", - "oskar groening is being tried on 300,000 counts of accessory to murder , related to a period between may and july 1944 when around 425,000 jews from hungary were brought to the auschwitz-birkenau complex in nazi-occupied poland and most immediately gassed to death .ss sergeant oskar groening - known as ` the bookkeeper of auschwitz ' - is on trial charged with complicity in the killing of 300,000 jews at the nazi extermination campgroening told the court on tuesday that he is ` morally guilty ' but not directly responsible for any deaths\n", - "oskar groening is being tried on 300,000 counts of accessory to murderthe former ss officer described how jews were marched to gas chambersone survivor , eva kor , told of her agony as her mother was ripped from her\n", - "[1.3949797 1.3030483 1.3459108 1.0855302 1.3585461 1.1867609 1.147831\n", - " 1.0593301 1.1270524 1.2627156 1.1322243 1.0657055 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 2 1 9 5 6 10 8 3 11 7 22 21 20 19 18 12 16 15 14 13 23 17\n", - " 24]\n", - "=======================\n", - "['hull city are keen on signing leeds united midfielder alex mowatt .hull manager steve bruce is keen to snap up any promising british talent as he looks to rebuild for the summer .the 20-year-old has impressed this season scoring nine goals and has drawn admiring glances from several premier league clubs .']\n", - "=======================\n", - "[\"hull city are keeping tabs on leeds united 's promising young english midfielder alex mowattthe 20-year-old has impressed for leeds this season , scoring nine goalsmowatt was watched by hull scouts in leeds ' 4-3 defeat by wolves on monday\"]\n", - "hull city are keen on signing leeds united midfielder alex mowatt .hull manager steve bruce is keen to snap up any promising british talent as he looks to rebuild for the summer .the 20-year-old has impressed this season scoring nine goals and has drawn admiring glances from several premier league clubs .\n", - "hull city are keeping tabs on leeds united 's promising young english midfielder alex mowattthe 20-year-old has impressed for leeds this season , scoring nine goalsmowatt was watched by hull scouts in leeds ' 4-3 defeat by wolves on monday\n", - "[1.3512206 1.0843173 1.1498953 1.1032923 1.0698371 1.1116433 1.1660379\n", - " 1.1001499 1.0857918 1.1693132 1.0224154 1.0239733 1.0411769 1.0820659\n", - " 1.0199966 1.014878 1.0141947 1.0363742 1.0170777 1.0341179 1.1144835\n", - " 1.0276122 1.0215923 1.1145654 1.0160006]\n", - "\n", - "[ 0 9 6 2 23 20 5 3 7 8 1 13 4 12 17 19 21 11 10 22 14 18 24 15\n", - " 16]\n", - "=======================\n", - "[\"the hit us tv series house of cards features francis underwood , played by kevin spacey , and his wife claire , played by robin wrightthe capital grille is a favoured venue for political plots .it 's an exercise in power-broking and political assassination .\"]\n", - "=======================\n", - "[\"house of cards follows a ruthless democrat congressman 's rise to powerset in washington , the hit us tv series features the capital 's best sightsdiscover the famous and lesser-known gems in washington , dc\"]\n", - "the hit us tv series house of cards features francis underwood , played by kevin spacey , and his wife claire , played by robin wrightthe capital grille is a favoured venue for political plots .it 's an exercise in power-broking and political assassination .\n", - "house of cards follows a ruthless democrat congressman 's rise to powerset in washington , the hit us tv series features the capital 's best sightsdiscover the famous and lesser-known gems in washington , dc\n", - "[1.295136 1.4179589 1.2112746 1.3702917 1.2936937 1.1138749 1.1752162\n", - " 1.0280718 1.1415398 1.1012146 1.0666156 1.01066 1.010793 1.0153204\n", - " 1.0212166 1.0241628 1.0717076 1.0804483 1.0762013 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 6 8 5 9 17 18 16 10 7 15 14 13 12 11 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "['four members of the royals and three from the white sox were punished for their roles in a series-opening brawl and six of the players drew suspensions .royals pitcher yordano ventura was handed a seven-game suspension , fellow starter edinson volquez given five games and outfielder lorenzo cain and reliever kelvin herrera got two games apiece .the kansas city royals and chicago white sox each lost saturday without playing a game .']\n", - "=======================\n", - "[\"thursday 's match between two baseball heavyweights turned into a brawlbegan after dispute between the yordana ventura and adam eatonsparked a mass fight with members of both teams running onto the fieldumpire ejected a total of five players after the scrap at chicago 's stadiumventura was suspended for seven gamesedinson volquez suspended five games and lorenzo cain and kelvin herrera got two games eachsox players chris sale and jeff samardzija were suspended for five gamescatcher tyler flowers was let off with an undisclosed fine\"]\n", - "four members of the royals and three from the white sox were punished for their roles in a series-opening brawl and six of the players drew suspensions .royals pitcher yordano ventura was handed a seven-game suspension , fellow starter edinson volquez given five games and outfielder lorenzo cain and reliever kelvin herrera got two games apiece .the kansas city royals and chicago white sox each lost saturday without playing a game .\n", - "thursday 's match between two baseball heavyweights turned into a brawlbegan after dispute between the yordana ventura and adam eatonsparked a mass fight with members of both teams running onto the fieldumpire ejected a total of five players after the scrap at chicago 's stadiumventura was suspended for seven gamesedinson volquez suspended five games and lorenzo cain and kelvin herrera got two games eachsox players chris sale and jeff samardzija were suspended for five gamescatcher tyler flowers was let off with an undisclosed fine\n", - "[1.5045638 1.3878163 1.1080725 1.1143398 1.0857083 1.3635381 1.0717988\n", - " 1.1413041 1.0954883 1.0595196 1.0235153 1.0185347 1.0539601 1.0117707\n", - " 1.012153 1.0548464 1.1243663 1.07546 1.1034498 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 7 16 3 2 18 8 4 17 6 9 15 12 10 11 14 13 23 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"chelsea manager jose mourinho said he was unfazed by his side 's staggeringly low possession stat during the 1-0 win over manchester united and all that mattered to him was achieving a positive result .the blues , who secured victory through forward eden hazard 's first-half strike , held the ball for just 29 per cent of the match at stamford bridge - their lowest total over 90 minutes since opta started recording this sort of data in 2006 .chelsea 's win over the red devils sees them extend their lead at the top of the premier league table to 10 points .\"]\n", - "=======================\n", - "[\"chelsea defeated manchester united 1-0 with eden hazard scoring the goaldespite the win , chelsea had only 29 per cent possession at stamford bridgethe total is chelsea 's lowest since opta started recording the data in 2006manager jose mourinho said that the end result was the most important thing\"]\n", - "chelsea manager jose mourinho said he was unfazed by his side 's staggeringly low possession stat during the 1-0 win over manchester united and all that mattered to him was achieving a positive result .the blues , who secured victory through forward eden hazard 's first-half strike , held the ball for just 29 per cent of the match at stamford bridge - their lowest total over 90 minutes since opta started recording this sort of data in 2006 .chelsea 's win over the red devils sees them extend their lead at the top of the premier league table to 10 points .\n", - "chelsea defeated manchester united 1-0 with eden hazard scoring the goaldespite the win , chelsea had only 29 per cent possession at stamford bridgethe total is chelsea 's lowest since opta started recording the data in 2006manager jose mourinho said that the end result was the most important thing\n", - "[1.2486842 1.4133689 1.2754496 1.252138 1.142679 1.1526053 1.1258571\n", - " 1.1360699 1.0591863 1.057656 1.1375939 1.010643 1.059223 1.1307123\n", - " 1.1308563 1.1389154 1.0762365 1.0301691 1.0162934 1.0866584 1.0264219\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 4 15 10 7 14 13 6 19 16 12 8 9 17 20 18 11 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"peachtree city police chief william mccollom called 911 early new year 's day to report inadvertently shooting his ex-wife , margaret , as they slept in their suburban atlanta home .the shooting left margaret mccollom paralyzed below the waist .mccollom resigned from the chief 's job in march .\"]\n", - "=======================\n", - "['william mccollom , the chief of police in peachtree city , georgia , called 911 on january 1 to say he had accidentally shot his wife , margaretmargaret was left paralyzed below the waist and believes it was an accidentmccollom resigned from chief position in march after working in policing for nearly three decadeshe was indicted on a reckless-conduct charge on wednesday']\n", - "peachtree city police chief william mccollom called 911 early new year 's day to report inadvertently shooting his ex-wife , margaret , as they slept in their suburban atlanta home .the shooting left margaret mccollom paralyzed below the waist .mccollom resigned from the chief 's job in march .\n", - "william mccollom , the chief of police in peachtree city , georgia , called 911 on january 1 to say he had accidentally shot his wife , margaretmargaret was left paralyzed below the waist and believes it was an accidentmccollom resigned from chief position in march after working in policing for nearly three decadeshe was indicted on a reckless-conduct charge on wednesday\n", - "[1.4127156 1.4324138 1.435952 1.1003258 1.5233412 1.3337075 1.0396758\n", - " 1.0264528 1.0380902 1.0171769 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 2 1 0 5 3 6 8 7 9 10 11 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"new zealand international charles piutau will join ulster on a two-year deal from 2016he has won 14 caps for the all blacks , making his test debut against france two years ago .` to secure someone of charles ' ability is hugely exciting for us , ' ulster team manager bryn cunningham said .\"]\n", - "=======================\n", - "['charles piutau has played 14 internationals for new zealandpiutau can play as full back , wing or centre and will join ulster in 2016ulster team manager bryn cunningham is excited to secure piutau']\n", - "new zealand international charles piutau will join ulster on a two-year deal from 2016he has won 14 caps for the all blacks , making his test debut against france two years ago .` to secure someone of charles ' ability is hugely exciting for us , ' ulster team manager bryn cunningham said .\n", - "charles piutau has played 14 internationals for new zealandpiutau can play as full back , wing or centre and will join ulster in 2016ulster team manager bryn cunningham is excited to secure piutau\n", - "[1.2842331 1.0623531 1.1902251 1.2802175 1.2107834 1.1160263 1.085393\n", - " 1.0934888 1.1987989 1.0692567 1.0430465 1.0304002 1.0519209 1.07708\n", - " 1.0252507 1.0361427 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 8 2 5 7 6 13 9 1 12 10 15 11 14 16 17 18]\n", - "=======================\n", - "[\"it 's hard to know quite what motivated the duke of york to rescue teenage sex slaves in india at the same time he faced damning allegations that he had slept with one in america .rescued from brothels and domestic servitude , child labour and human trafficking , the girls have been taught tailoring and silk printing through a charity called key to freedom .moved : prince andrew during his visit to an indian refuge in 2012 , which inspired him to form the charity\"]\n", - "=======================\n", - "['prince andrew has changed the fate of 100 vulnerable women in calcuttathey were rescued from brothels , child labour and trafficking by charitykey to freedom was launched by the duke after a trip to india in 2012he recently denied allegations he had slept with a sex slave in americathe accusations , made by virginia roberts , have been struck from court records']\n", - "it 's hard to know quite what motivated the duke of york to rescue teenage sex slaves in india at the same time he faced damning allegations that he had slept with one in america .rescued from brothels and domestic servitude , child labour and human trafficking , the girls have been taught tailoring and silk printing through a charity called key to freedom .moved : prince andrew during his visit to an indian refuge in 2012 , which inspired him to form the charity\n", - "prince andrew has changed the fate of 100 vulnerable women in calcuttathey were rescued from brothels , child labour and trafficking by charitykey to freedom was launched by the duke after a trip to india in 2012he recently denied allegations he had slept with a sex slave in americathe accusations , made by virginia roberts , have been struck from court records\n", - "[1.3206011 1.4396352 1.393594 1.402073 1.3792264 1.0427648 1.022091\n", - " 1.0153942 1.0186294 1.0104177 1.0234333 1.2158936 1.2231653 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 12 11 5 10 6 8 7 9 13 14 15 16 17 18]\n", - "=======================\n", - "[\"the manchester united target , who scored an emphatic 19 goals in 25 league games so far this season , has been tipped to join one of europe 's big boys after impressing in the eredivisie .depay 's former international manager louis van gaal is said to be in the race to sign the 21-year-old and brands has openly admitted that his side are resigned to losing the dutch international .memphis depay appears to be edging closer to a move away from the philips stadion as psv eindhoven director marcel brands has revealed there is a high chance his side 's star player will leave in the summer .\"]\n", - "=======================\n", - "['memphis depay has been linked with a summer move to man unitedtottenham and man city are also said to be keeping tabs on psv stardepay has scored 19 goals in 25 league games so far this seasonthe dutch ace worked under louis van gaal at the 2014 world cup']\n", - "the manchester united target , who scored an emphatic 19 goals in 25 league games so far this season , has been tipped to join one of europe 's big boys after impressing in the eredivisie .depay 's former international manager louis van gaal is said to be in the race to sign the 21-year-old and brands has openly admitted that his side are resigned to losing the dutch international .memphis depay appears to be edging closer to a move away from the philips stadion as psv eindhoven director marcel brands has revealed there is a high chance his side 's star player will leave in the summer .\n", - "memphis depay has been linked with a summer move to man unitedtottenham and man city are also said to be keeping tabs on psv stardepay has scored 19 goals in 25 league games so far this seasonthe dutch ace worked under louis van gaal at the 2014 world cup\n", - "[1.3704957 1.4180754 1.3434533 1.0619019 1.318882 1.231535 1.0428829\n", - " 1.0280255 1.0452971 1.0279046 1.0740123 1.0444208 1.1449578 1.0453174\n", - " 1.183426 1.0435319 1.0341653 1.0400153 1.0928386]\n", - "\n", - "[ 1 0 2 4 5 14 12 18 10 3 13 8 11 15 6 17 16 7 9]\n", - "=======================\n", - "[\"the smitten couple were holidaying in japan and were out for a walk one evening when bass mentioned how the beautiful setting among the cherry blossom trees would be perfect for a proposal , sullivan , 29 , told woman 's day .former olympic swimmer eamon sullivan has revealed the details of his romantic proposal to his girlfriend , perth lawyer naomi bass .the sporting hero has won two silver olympic medals and a number of gold and bronze at the commonwealth games .\"]\n", - "=======================\n", - "['eamon sullivan proposed to girlfriend naomi bass in kyoto , japanthe pair were out for an evening walk when he dropped to one kneeproposal took place under a cherry blossom tree filled with white dovespair met in perth in 2011 , where they live with their three dogssullivan previously dated fellow olympic swimmer stephanie rice']\n", - "the smitten couple were holidaying in japan and were out for a walk one evening when bass mentioned how the beautiful setting among the cherry blossom trees would be perfect for a proposal , sullivan , 29 , told woman 's day .former olympic swimmer eamon sullivan has revealed the details of his romantic proposal to his girlfriend , perth lawyer naomi bass .the sporting hero has won two silver olympic medals and a number of gold and bronze at the commonwealth games .\n", - "eamon sullivan proposed to girlfriend naomi bass in kyoto , japanthe pair were out for an evening walk when he dropped to one kneeproposal took place under a cherry blossom tree filled with white dovespair met in perth in 2011 , where they live with their three dogssullivan previously dated fellow olympic swimmer stephanie rice\n", - "[1.3714446 1.3420045 1.2654585 1.3803804 1.1075836 1.0607734 1.0347203\n", - " 1.1067879 1.0529054 1.0477685 1.0962278 1.0389385 1.0150263 1.0672897\n", - " 1.1077654 1.0695716 1.1306458 0. 0. ]\n", - "\n", - "[ 3 0 1 2 16 14 4 7 10 15 13 5 8 9 11 6 12 17 18]\n", - "=======================\n", - "[\"marco rubio told face the nation he believes people are born with a sexual preference , but insisted same-sex marriage should not be a constitutional rightthe florida senator told bob schieffer that he was n't against gay marriage , but believes the ` definition of the institution of marriage should be between one man and one woman ' .the miami politician announced he is running for president last week .\"]\n", - "=======================\n", - "[\"senator told face the nation same-sex marriage is n't a constitutional rightadded that it should be left up to the states to decide whether to allow itcomments came after sparking debate following an interview with fusionsaid he does n't agree with gay marriage , but would attend a same-sex union if it was somebody he ` cared ' for\"]\n", - "marco rubio told face the nation he believes people are born with a sexual preference , but insisted same-sex marriage should not be a constitutional rightthe florida senator told bob schieffer that he was n't against gay marriage , but believes the ` definition of the institution of marriage should be between one man and one woman ' .the miami politician announced he is running for president last week .\n", - "senator told face the nation same-sex marriage is n't a constitutional rightadded that it should be left up to the states to decide whether to allow itcomments came after sparking debate following an interview with fusionsaid he does n't agree with gay marriage , but would attend a same-sex union if it was somebody he ` cared ' for\n", - "[1.1806496 1.1191343 1.2392914 1.2856127 1.3130592 1.2299794 1.2243108\n", - " 1.0641818 1.0628114 1.0477382 1.0625507 1.055627 1.0269172 1.0236752\n", - " 1.0120406 1.0183312 1.0956938 1.091791 1.0765163 1.0496616 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 4 3 2 5 6 0 1 16 17 18 7 8 10 11 19 9 12 13 15 14 20 21 22 23\n", - " 24 25 26 27 28 29 30 31]\n", - "=======================\n", - "[\"it comes after britain struck oil in the falklands this week in a remote field of the islands .officials claim companies active there are acting ` illegally ' in argentine territory .argentina has said it will prosecute oil companies operating off the falklands coast , as tension rise on the 33rd anniversary of the conflict .\"]\n", - "=======================\n", - "[\"british companies found oil and gas in a remote field north of the islandscould be worth billions of pounds and increase fears of renewed conflictcomes days after minister warned of ` very live threat ' from argentinaargentina says it will prosecute oil companies operating off the falklands\"]\n", - "it comes after britain struck oil in the falklands this week in a remote field of the islands .officials claim companies active there are acting ` illegally ' in argentine territory .argentina has said it will prosecute oil companies operating off the falklands coast , as tension rise on the 33rd anniversary of the conflict .\n", - "british companies found oil and gas in a remote field north of the islandscould be worth billions of pounds and increase fears of renewed conflictcomes days after minister warned of ` very live threat ' from argentinaargentina says it will prosecute oil companies operating off the falklands\n", - "[1.3195581 1.3101778 1.1119788 1.2479104 1.0821121 1.0709609 1.0555531\n", - " 1.0269278 1.0284069 1.0519338 1.2658186 1.0389932 1.0571635 1.039184\n", - " 1.0746324 1.0929463 1.0373242 1.017819 1.039398 1.0243974 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 10 3 2 15 4 14 5 12 6 9 18 13 11 16 8 7 19 17 29 28 27 26\n", - " 25 22 23 21 20 30 24 31]\n", - "=======================\n", - "[\"england may be well on course to sealing their spot at euro 2016 but it appears as if manager roy hodgson still does not know his best xi .sportsmail 's top team of reporters have submitted their starting line-ups for the finals in france , assuming everyone is fit of course .england captain wayne rooney ( centre ) looks to get a shot in at the italian goal on tuesday\"]\n", - "=======================\n", - "[\"england manager roy hodgson appears to still not know his best xisportsmail 's top team of reporters reveal their england euro 2016 line-upsengland are currently top of euro 2016 qualifying group e on 15 points\"]\n", - "england may be well on course to sealing their spot at euro 2016 but it appears as if manager roy hodgson still does not know his best xi .sportsmail 's top team of reporters have submitted their starting line-ups for the finals in france , assuming everyone is fit of course .england captain wayne rooney ( centre ) looks to get a shot in at the italian goal on tuesday\n", - "england manager roy hodgson appears to still not know his best xisportsmail 's top team of reporters reveal their england euro 2016 line-upsengland are currently top of euro 2016 qualifying group e on 15 points\n", - "[1.0640166 1.3511313 1.3590502 1.1822029 1.1259842 1.3188195 1.251003\n", - " 1.052669 1.0510235 1.1856238 1.0431792 1.1214288 1.0635264 1.0240844\n", - " 1.0389968 1.008961 1.0169693 1.0138315 1.0338427 1.0252705 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 5 6 9 3 4 11 0 12 7 8 10 14 18 19 13 16 17 15 20 21 22 23\n", - " 24 25 26 27 28 29 30 31]\n", - "=======================\n", - "[\"mccoy , who will ride hot favourite shutthefrontdoor in the crabbie 's grand national on saturday , struck on day one in the doom bar aintree hurdle with jezki .after taking the big race on the opening day of the grand national festival , ap mccoy repeated the trick on don cossack to the delight of a huge ladies ' day crowd .ap mccoy celebrates after winning the melling chase race at aintree on friday\"]\n", - "=======================\n", - "['ap mccoy wins second feature race at grand national festivalrides don cossack to victory in melling chase on fridayset to ride favourite shutthefrontdoor at aintree on saturday']\n", - "mccoy , who will ride hot favourite shutthefrontdoor in the crabbie 's grand national on saturday , struck on day one in the doom bar aintree hurdle with jezki .after taking the big race on the opening day of the grand national festival , ap mccoy repeated the trick on don cossack to the delight of a huge ladies ' day crowd .ap mccoy celebrates after winning the melling chase race at aintree on friday\n", - "ap mccoy wins second feature race at grand national festivalrides don cossack to victory in melling chase on fridayset to ride favourite shutthefrontdoor at aintree on saturday\n", - "[1.4199114 1.2172467 1.1861359 1.4623346 1.076529 1.2478127 1.0460708\n", - " 1.1242839 1.0818527 1.1068184 1.0889716 1.0280535 1.0209754 1.00972\n", - " 1.0465782 1.0827922 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 5 1 2 7 9 10 15 8 4 14 6 11 12 13 29 28 27 26 25 24 23 20\n", - " 21 19 18 17 16 30 22 31]\n", - "=======================\n", - "['lindsey vonn was back at augusta friday to watch boyfriend tiger woods ( above ) play in the second round of the mastersand while it was a good day woods , the golfing great still had some stressful moments and still has a way to go in catching up to leader , 21-year-old jordan spieth .heading into the weekend he is a very , very distant 12 strokes behind a seemingly unstoppable spieth , with 36 holes left to play .']\n", - "=======================\n", - "['lindsey vonn was back at augusta friday to watch boyfriend tiger woods play in the second round of the mastersvonn looked stressed at times though woods played a solid round , carding a three-under-par 69woods is still well behind the leader , hot young american star jordan spieththe 21-year-old broke the 36 hole record on friday and is 14-under-par for the tournament , 12 strokes ahead of woodsspieth led after three rounds last year and finished second at the tournamentif spieth wins he would tie the record for the youngest winner in masters history with woods']\n", - "lindsey vonn was back at augusta friday to watch boyfriend tiger woods ( above ) play in the second round of the mastersand while it was a good day woods , the golfing great still had some stressful moments and still has a way to go in catching up to leader , 21-year-old jordan spieth .heading into the weekend he is a very , very distant 12 strokes behind a seemingly unstoppable spieth , with 36 holes left to play .\n", - "lindsey vonn was back at augusta friday to watch boyfriend tiger woods play in the second round of the mastersvonn looked stressed at times though woods played a solid round , carding a three-under-par 69woods is still well behind the leader , hot young american star jordan spieththe 21-year-old broke the 36 hole record on friday and is 14-under-par for the tournament , 12 strokes ahead of woodsspieth led after three rounds last year and finished second at the tournamentif spieth wins he would tie the record for the youngest winner in masters history with woods\n", - "[1.2614737 1.2308832 1.161083 1.1672305 1.1147118 1.071314 1.0986688\n", - " 1.0879711 1.1777067 1.1199325 1.0599061 1.0542139 1.0659313 1.0245705\n", - " 1.035291 1.0313356 1.0359826 1.0165099 1.0214773 1.0515971 1.0469946\n", - " 1.0198791 1.0172391 1.0639367 1.0316379 1.0235671 1.0601128 1.0300757\n", - " 1.0322778 1.0419776 1.0488083 1.046328 ]\n", - "\n", - "[ 0 1 8 3 2 9 4 6 7 5 12 23 26 10 11 19 30 20 31 29 16 14 28 24\n", - " 15 27 13 25 18 21 22 17]\n", - "=======================\n", - "['royal dutch shell plc said ithas filed a complaint in federal court in alaska seeking anthe group said the activists would not interfere with the']\n", - "=======================\n", - "[\"shell has filed a complaint in federal court in alaska seeking an order to remove greenpeace activists who climbed aboard an oil rig in the pacificthe environmental group said in a statement its team would occupy the underside of the main deck of the polar pioneerthe six activists are camping on the 38,000-tonne polar pioneer platform , which they boarded using inflatable boats from the greenpeace vessel ` esperanza '` we made it !\"]\n", - "royal dutch shell plc said ithas filed a complaint in federal court in alaska seeking anthe group said the activists would not interfere with the\n", - "shell has filed a complaint in federal court in alaska seeking an order to remove greenpeace activists who climbed aboard an oil rig in the pacificthe environmental group said in a statement its team would occupy the underside of the main deck of the polar pioneerthe six activists are camping on the 38,000-tonne polar pioneer platform , which they boarded using inflatable boats from the greenpeace vessel ` esperanza '` we made it !\n", - "[1.1765598 1.4692805 1.3945762 1.2124785 1.2650138 1.1684566 1.202708\n", - " 1.0310661 1.0192672 1.0284339 1.0330129 1.0128019 1.1950134 1.20008\n", - " 1.1444597 1.0290006 1.1235036 1.0066891 1.006229 1.0097682]\n", - "\n", - "[ 1 2 4 3 6 13 12 0 5 14 16 10 7 15 9 8 11 19 17 18]\n", - "=======================\n", - "['nadine crooks , 33 , who lives in smethwick , west midlands , was stunned to discover she was expecting again as doctors told her she was infertile after she had her fourth child .she stopped taking contraceptives after learning she had polycystic ovary syndrome following the birth of her son joshua 18 months ago .set to become seven siblings : nadine crooks who is expecting triplets pictured with her four children , from left , trae ( 13 ) , roxanne ( 18 ) , zion ( 9 ) and joshua ( 1 )']\n", - "=======================\n", - "[\"nadine crooks , 33 , has four children aged 18 years to 18 monthsshe was told she would n't be able to conceive again after fourth childstopped taking contraceptives and was stunned to fall pregnant againthe shocks continued as she found out she 's expecting triplets\"]\n", - "nadine crooks , 33 , who lives in smethwick , west midlands , was stunned to discover she was expecting again as doctors told her she was infertile after she had her fourth child .she stopped taking contraceptives after learning she had polycystic ovary syndrome following the birth of her son joshua 18 months ago .set to become seven siblings : nadine crooks who is expecting triplets pictured with her four children , from left , trae ( 13 ) , roxanne ( 18 ) , zion ( 9 ) and joshua ( 1 )\n", - "nadine crooks , 33 , has four children aged 18 years to 18 monthsshe was told she would n't be able to conceive again after fourth childstopped taking contraceptives and was stunned to fall pregnant againthe shocks continued as she found out she 's expecting triplets\n", - "[1.2011881 1.535234 1.2647246 1.4467047 1.3089825 1.2013594 1.0624155\n", - " 1.0288463 1.0272412 1.0235388 1.0185913 1.0243788 1.0160484 1.1046582\n", - " 1.035479 1.0484864 1.0148283 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 5 0 13 6 15 14 7 8 11 9 10 12 16 18 17 19]\n", - "=======================\n", - "['fund manager nicola horlick , 54 , said she felt a noticeable difference in her body between her first child at age 25 and her last at 38 .her eldest daughter georgina died from leukaemia in 1998 age 12 .she revealed juggling child-rearing with boardroom duties meant she had to breastfeed in the office -- even while carrying out job interviews .']\n", - "=======================\n", - "[\"nicola horlick , 54 , raised six children while working in the cityshe wants daughters alice , 26 , serena , 24 and antonia , 18 , to go through motherhood earlierfund manager says she felt a noticeable difference in her body between her first child at age 25 and her last at 38adds ` ambitious and intelligent ' women should n't be stay-at-home mothers\"]\n", - "fund manager nicola horlick , 54 , said she felt a noticeable difference in her body between her first child at age 25 and her last at 38 .her eldest daughter georgina died from leukaemia in 1998 age 12 .she revealed juggling child-rearing with boardroom duties meant she had to breastfeed in the office -- even while carrying out job interviews .\n", - "nicola horlick , 54 , raised six children while working in the cityshe wants daughters alice , 26 , serena , 24 and antonia , 18 , to go through motherhood earlierfund manager says she felt a noticeable difference in her body between her first child at age 25 and her last at 38adds ` ambitious and intelligent ' women should n't be stay-at-home mothers\n", - "[1.2610556 1.4978018 1.1734031 1.1702268 1.1473162 1.1603773 1.1825577\n", - " 1.136769 1.0420737 1.0240327 1.0237691 1.057282 1.0872141 1.0751309\n", - " 1.103477 1.0614564 1.0141662 1.0128876 1.0214978 0. ]\n", - "\n", - "[ 1 0 6 2 3 5 4 7 14 12 13 15 11 8 9 10 18 16 17 19]\n", - "=======================\n", - "[\"shameless mike holpin -- who at 56 says he wants more children -- claims he had them by 20 women and admits he would not recognise many of his offspring in the street .a jobless alcoholic has boasted of fathering 40 children who have cost the taxpayer more than # 4million in benefits and care costs .mr holpin or the children 's mothers would also have been able to claim at least # 500,000 in child benefit and a further # 800,000 in child tax credits .\"]\n", - "=======================\n", - "[\"mike holpin , from ebbw vale in monmouthshire , has at least 40 childrenca n't name half of them and has family tree tattoo to help him rememberaround 16 were taken into care ` because of my drinking and womanising 'but 56-year-old wants more because he ` ca n't live without them '` in the bible , god says go forth and multiply .holpin has not worked for a decade and said to receive # 27,000 in benefitsdocumentary also shines light on 29-year-old father of 15 from sunderland\"]\n", - "shameless mike holpin -- who at 56 says he wants more children -- claims he had them by 20 women and admits he would not recognise many of his offspring in the street .a jobless alcoholic has boasted of fathering 40 children who have cost the taxpayer more than # 4million in benefits and care costs .mr holpin or the children 's mothers would also have been able to claim at least # 500,000 in child benefit and a further # 800,000 in child tax credits .\n", - "mike holpin , from ebbw vale in monmouthshire , has at least 40 childrenca n't name half of them and has family tree tattoo to help him rememberaround 16 were taken into care ` because of my drinking and womanising 'but 56-year-old wants more because he ` ca n't live without them '` in the bible , god says go forth and multiply .holpin has not worked for a decade and said to receive # 27,000 in benefitsdocumentary also shines light on 29-year-old father of 15 from sunderland\n", - "[1.1691916 1.3898984 1.3028737 1.293047 1.2404966 1.1604002 1.058494\n", - " 1.0142292 1.0396445 1.0255678 1.0639954 1.0207028 1.2265854 1.1076034\n", - " 1.1076032 1.0730973 1.0259132 1.0584242 1.1072221 1.0155989]\n", - "\n", - "[ 1 2 3 4 12 0 5 13 14 18 15 10 6 17 8 16 9 11 19 7]\n", - "=======================\n", - "[\"the remote community in aberdeenshire does not even have a shop but local streams have been well known for grains of gold of ` significant size ' for decades .towie has been ignored by investors in favour of the oil industry but a two-year investigation has revealed the possible existence of gold deposits worth millions .a significant deposit is believed by scientists to lie somewhere near towie which shares its name with the popular essex reality tv show\"]\n", - "=======================\n", - "[\"` significant ' ore deposit could herald the beginning of highland gold rushturkish mining giant and uk 's greenore look to make further explorationsmall community cautiously optimistic about find but wants to know more\"]\n", - "the remote community in aberdeenshire does not even have a shop but local streams have been well known for grains of gold of ` significant size ' for decades .towie has been ignored by investors in favour of the oil industry but a two-year investigation has revealed the possible existence of gold deposits worth millions .a significant deposit is believed by scientists to lie somewhere near towie which shares its name with the popular essex reality tv show\n", - "` significant ' ore deposit could herald the beginning of highland gold rushturkish mining giant and uk 's greenore look to make further explorationsmall community cautiously optimistic about find but wants to know more\n", - "[1.273688 1.3945297 1.1510262 1.2739656 1.2845317 1.278847 1.2348548\n", - " 1.0720758 1.0342484 1.0654906 1.0110481 1.0933962 1.0216341 1.0219316\n", - " 1.0783719 1.1193668 1.0122356 1.0076903 0. 0. ]\n", - "\n", - "[ 1 4 5 3 0 6 2 15 11 14 7 9 8 13 12 16 10 17 18 19]\n", - "=======================\n", - "[\"the touching words were written by tyrone sevilla and delivered to peter dutton 's office in brisbane on monday , along with a petition containing 122,000 signatures .this comes after the immigration department rejected the single mother 's visa application 28 days ago because tyrone 's autism would be a ` burden on the australian health system ' .maria sevilla and her young son 's desperate last-ditch attempt to remain in the country comes as they face the very real possibility of being deported back to the philippines after their visa expires today .\"]\n", - "=======================\n", - "[\"mother and autistic son face deportation to philippines when their visa expires todaymaria sevilla and her son tyrone have lived in australia since 2007 but have been told they need to leave due to tyrone 's autismtyrone has designed a poster asking the immigration minister if he could stay in the country and hand-delivered it to the minister 's officethe family live in queensland where maria sevilla is a nurse at townsville hospital\"]\n", - "the touching words were written by tyrone sevilla and delivered to peter dutton 's office in brisbane on monday , along with a petition containing 122,000 signatures .this comes after the immigration department rejected the single mother 's visa application 28 days ago because tyrone 's autism would be a ` burden on the australian health system ' .maria sevilla and her young son 's desperate last-ditch attempt to remain in the country comes as they face the very real possibility of being deported back to the philippines after their visa expires today .\n", - "mother and autistic son face deportation to philippines when their visa expires todaymaria sevilla and her son tyrone have lived in australia since 2007 but have been told they need to leave due to tyrone 's autismtyrone has designed a poster asking the immigration minister if he could stay in the country and hand-delivered it to the minister 's officethe family live in queensland where maria sevilla is a nurse at townsville hospital\n", - "[1.3309946 1.3849604 1.28917 1.3890142 1.1567563 1.1909323 1.0539634\n", - " 1.015134 1.0201333 1.0135589 1.039453 1.0105999 1.0514808 1.1105818\n", - " 1.0864012 1.0719179 1.036851 1.011169 0. 0. ]\n", - "\n", - "[ 3 1 0 2 5 4 13 14 15 6 12 10 16 8 7 9 17 11 18 19]\n", - "=======================\n", - "['chancey luna , 17 , was charged with first-degree murder .the 22-year-old , from melbourne , was jogging along a street in the rural southern oklahoma city of duncan in august 2013 , when he was shot in the back with a .22 calibre handgun .the family of murdered australian baseball player chris lane broke down in court as they listened to an emergency call revealing the distressing final moments of his life .']\n", - "=======================\n", - "[\"chris lane , 22 , from melbourne , was gunned down on august 16 , 2013family and friends broke down as they listened to an emergency callthey heard details about how two bystanders tried to resuscitate mr lanehis mother donna , walked out of court in tears after graphic testimonychancey luna has been charged with lane 's murderthe trial is being held at duncan district court\"]\n", - "chancey luna , 17 , was charged with first-degree murder .the 22-year-old , from melbourne , was jogging along a street in the rural southern oklahoma city of duncan in august 2013 , when he was shot in the back with a .22 calibre handgun .the family of murdered australian baseball player chris lane broke down in court as they listened to an emergency call revealing the distressing final moments of his life .\n", - "chris lane , 22 , from melbourne , was gunned down on august 16 , 2013family and friends broke down as they listened to an emergency callthey heard details about how two bystanders tried to resuscitate mr lanehis mother donna , walked out of court in tears after graphic testimonychancey luna has been charged with lane 's murderthe trial is being held at duncan district court\n", - "[1.4412255 1.4297516 1.2568125 1.2520721 1.3313781 1.0883749 1.0541791\n", - " 1.0464064 1.2683526 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 8 2 3 5 6 7 17 16 15 14 9 12 11 10 18 13 19]\n", - "=======================\n", - "['glasgow warriors have been placed on high alert after it was revealed richie gray will be sold to the highest bidder if castres are relegated from the top 14 .gray has one year left on his contract but will be released should the club go down , with fellow scotland internationals johnnie beattie and max evans also expected to leave .the 45-times capped second row was ruled out for the rest of the season in february after suffering an upper-arm injury in the six nations defeat by wales .']\n", - "=======================\n", - "[\"richie gray will be sold if castres olympique are relegated from the top 14it has put glasgow warriors on high alert surrounding gray 's futuregray has one year left on his castres deal but could soon be released\"]\n", - "glasgow warriors have been placed on high alert after it was revealed richie gray will be sold to the highest bidder if castres are relegated from the top 14 .gray has one year left on his contract but will be released should the club go down , with fellow scotland internationals johnnie beattie and max evans also expected to leave .the 45-times capped second row was ruled out for the rest of the season in february after suffering an upper-arm injury in the six nations defeat by wales .\n", - "richie gray will be sold if castres olympique are relegated from the top 14it has put glasgow warriors on high alert surrounding gray 's futuregray has one year left on his castres deal but could soon be released\n", - "[1.2515693 1.4165545 1.3694134 1.4242177 1.1694605 1.0561459 1.1757172\n", - " 1.0550392 1.0344182 1.10062 1.018005 1.0162613 1.0179831 1.0152936\n", - " 1.1528263 1.1690652 1.0212648 1.0335335 1.065716 1.0244704]\n", - "\n", - "[ 3 1 2 0 6 4 15 14 9 18 5 7 8 17 19 16 10 12 11 13]\n", - "=======================\n", - "['kenneth morgan stancil iii , 20 , claimed in a prison interview on wednesday that he had killed a gay college supervisor because he made sexual advances towards his teenage brotherstancil , who gave himself fascist face tattoos , is awaiting extradition from florida to north carolina , where he is accused of fatally shooting 44-year-old ron lane .a neo-nazi charged with killing a gay supervisor at a community college said he did so because he hates homosexuality .']\n", - "=======================\n", - "[\"suspect kenneth morgan stancil claimed he killed ron lane because the college employee made sexual advances to his 16-year-old brotherthe murder suspect gave himself fascist face tattoosstancil also said he is a neo-nazi who is concerned about the future of white children and hates ` race-mixing '\"]\n", - "kenneth morgan stancil iii , 20 , claimed in a prison interview on wednesday that he had killed a gay college supervisor because he made sexual advances towards his teenage brotherstancil , who gave himself fascist face tattoos , is awaiting extradition from florida to north carolina , where he is accused of fatally shooting 44-year-old ron lane .a neo-nazi charged with killing a gay supervisor at a community college said he did so because he hates homosexuality .\n", - "suspect kenneth morgan stancil claimed he killed ron lane because the college employee made sexual advances to his 16-year-old brotherthe murder suspect gave himself fascist face tattoosstancil also said he is a neo-nazi who is concerned about the future of white children and hates ` race-mixing '\n", - "[1.2629521 1.4635746 1.3701968 1.4095272 1.2499093 1.186278 1.0916009\n", - " 1.0884447 1.1134161 1.182726 1.0222542 1.0278531 1.0210905 1.0189917\n", - " 1.0208528 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 9 8 6 7 11 10 12 14 13 18 15 16 17 19]\n", - "=======================\n", - "['the woman had been left in the water clinging to the hull of their overturned trimaran in the english channel yesterday .the pregnant woman and her partner ( pictured waiting to be rescued ) were stranded off the coast of kent after their trimaran overturned yesterdayher partner had ensured she was safe , then tied a rope around himself , before diving under the vessel to locate the flare .']\n", - "=======================\n", - "[\"woman had been left clinging to the hull of overturned trimaran yesterdaypartner had ensured she was safe before diving under boat to find flaretheir trimaran had overturned more than a mile off the coast of kentcoastguard spokesman said pair were ` cold and shaken ' but unharmed\"]\n", - "the woman had been left in the water clinging to the hull of their overturned trimaran in the english channel yesterday .the pregnant woman and her partner ( pictured waiting to be rescued ) were stranded off the coast of kent after their trimaran overturned yesterdayher partner had ensured she was safe , then tied a rope around himself , before diving under the vessel to locate the flare .\n", - "woman had been left clinging to the hull of overturned trimaran yesterdaypartner had ensured she was safe before diving under boat to find flaretheir trimaran had overturned more than a mile off the coast of kentcoastguard spokesman said pair were ` cold and shaken ' but unharmed\n", - "[1.2201253 1.0660435 1.1918653 1.2185217 1.2971079 1.1567397 1.248019\n", - " 1.2172947 1.0207596 1.0713035 1.0207839 1.0372385 1.0751182 1.0305916\n", - " 1.038488 1.0469061 1.0195459 1.0157684 1.0346904 0. ]\n", - "\n", - "[ 4 6 0 3 7 2 5 12 9 1 15 14 11 18 13 10 8 16 17 19]\n", - "=======================\n", - "['radamel falcao strikes for goal but his effort is thwarted by chelsea goalkeeper thibaut cortoisthe colombian forward confronts blues captain john terry after the pair got tangled on the groundthere are moments when falcao sets off on those delayed runs in the bright red shirt of manchester united and it all comes flooding back .']\n", - "=======================\n", - "['louis van gaal handed radamel falcao a surprise start against chelseafalcao has struggled at manchester united since his loan movethe colombian has only scored four goals all season in 22 appearancesfalcao had just 19 touches in the first half at stamford bridgethe united forward struggled to deal with chelsea captain john terry']\n", - "radamel falcao strikes for goal but his effort is thwarted by chelsea goalkeeper thibaut cortoisthe colombian forward confronts blues captain john terry after the pair got tangled on the groundthere are moments when falcao sets off on those delayed runs in the bright red shirt of manchester united and it all comes flooding back .\n", - "louis van gaal handed radamel falcao a surprise start against chelseafalcao has struggled at manchester united since his loan movethe colombian has only scored four goals all season in 22 appearancesfalcao had just 19 touches in the first half at stamford bridgethe united forward struggled to deal with chelsea captain john terry\n", - "[1.1579443 1.4032152 1.1076685 1.3599592 1.1076807 1.1258419 1.2417809\n", - " 1.0547695 1.148676 1.0538414 1.0603986 1.016015 1.237473 1.022116\n", - " 1.0109404 1.0173097 1.0072486 1.0896577 1.0148953 1.0141186 1.020888\n", - " 1.0292404 1.0116315 1.0171127 1.0746809 1.0491198]\n", - "\n", - "[ 1 3 6 12 0 8 5 4 2 17 24 10 7 9 25 21 13 20 15 23 11 18 19 22\n", - " 14 16]\n", - "=======================\n", - "['the brilliant brazilian won the competition three times in five seasons with los blancos , lifting the famous trophy in 1998 , 2000 and 2002 .roberto carlos , pictured lifting the champions league trophy in 2002 ( right ) , has picked his dream teamnot many players have experienced champions league success on the same scale as former real madrid defender roberto carlos .']\n", - "=======================\n", - "['roberto carlos has picked his champions league dream teamthe brazilian won the competition three times with real madridcarlos opts for a number of former team-mates including zinedine zidanehis compatriots ronaldo , cafu and ronaldinho also make the cutcarlos also decides to pick himself because of his free-kick prowess']\n", - "the brilliant brazilian won the competition three times in five seasons with los blancos , lifting the famous trophy in 1998 , 2000 and 2002 .roberto carlos , pictured lifting the champions league trophy in 2002 ( right ) , has picked his dream teamnot many players have experienced champions league success on the same scale as former real madrid defender roberto carlos .\n", - "roberto carlos has picked his champions league dream teamthe brazilian won the competition three times with real madridcarlos opts for a number of former team-mates including zinedine zidanehis compatriots ronaldo , cafu and ronaldinho also make the cutcarlos also decides to pick himself because of his free-kick prowess\n", - "[1.2569146 1.5059648 1.3183978 1.424681 1.2014873 1.1773136 1.071074\n", - " 1.1179149 1.1079627 1.0683584 1.2278124 1.0137961 1.015707 1.040337\n", - " 1.0089902 1.0168986 1.0308731 1.0229758 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 10 4 5 7 8 6 9 13 16 17 15 12 11 14 24 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "['joyce tabram , 82 , was 39 kilograms when she was admitted to fsh on march 30 with swollen abdomen but left weighing just 34 kilograms .she was told to fast for five days while waiting for tests to be performed on her .ms tabram told the abc her test was put off until april 3 after she became fed up with no action being taken .']\n", - "=======================\n", - "[\"perth 's joyce tabram was admitted to fiona stanley hospital on march 30she spent five days not eating because doctors told her to fast for testingms tabram , 82 , had a swollen abdomen but was not tested up until april 3she asked to be discharged and is expected to be tested later this weekthe frail , elderly woman has called on the hospital to be closed downbut wa 's health minister said hospital doctors had acted appropriately\"]\n", - "joyce tabram , 82 , was 39 kilograms when she was admitted to fsh on march 30 with swollen abdomen but left weighing just 34 kilograms .she was told to fast for five days while waiting for tests to be performed on her .ms tabram told the abc her test was put off until april 3 after she became fed up with no action being taken .\n", - "perth 's joyce tabram was admitted to fiona stanley hospital on march 30she spent five days not eating because doctors told her to fast for testingms tabram , 82 , had a swollen abdomen but was not tested up until april 3she asked to be discharged and is expected to be tested later this weekthe frail , elderly woman has called on the hospital to be closed downbut wa 's health minister said hospital doctors had acted appropriately\n", - "[1.1827754 1.0668833 1.3034081 1.3046722 1.1300116 1.0652876 1.13929\n", - " 1.1026824 1.0694176 1.1474273 1.0812446 1.0872452 1.0692164 1.0266517\n", - " 1.1312214 1.0494325 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 0 9 6 14 4 7 11 10 8 12 1 5 15 13 24 16 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"according to facebook 's mark zuckerberg , the future of travel lies in sharing virtual reality environmentsthanks to the oculus rift virtual reality headset , users will be able to see the world from multiple viewpoints` it will be pretty wild , ' zuckerberg replied to a follower online , according to arynews.tv .\"]\n", - "=======================\n", - "['in recent facebook q&a , zuckerberg discussed the future of travelexpects that a greater emphasis will be on sharing 3d virtual reality sceneslast year , facebook purchased virtual reality headset marker , oculus']\n", - "according to facebook 's mark zuckerberg , the future of travel lies in sharing virtual reality environmentsthanks to the oculus rift virtual reality headset , users will be able to see the world from multiple viewpoints` it will be pretty wild , ' zuckerberg replied to a follower online , according to arynews.tv .\n", - "in recent facebook q&a , zuckerberg discussed the future of travelexpects that a greater emphasis will be on sharing 3d virtual reality sceneslast year , facebook purchased virtual reality headset marker , oculus\n", - "[1.3140374 1.3689625 1.3695055 1.2186681 1.3130015 1.2179612 1.074022\n", - " 1.0806848 1.0574082 1.1844665 1.0197386 1.0379725 1.1107401 1.0416417\n", - " 1.0243572 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 4 3 5 9 12 7 6 8 13 11 14 10 23 22 21 20 16 18 17 15 24\n", - " 19 25]\n", - "=======================\n", - "[\"it is believed he was booked to appear on the comedy programme before he was dropped from top gear after a ` fracas ' with producer oisin tymon , one of the show 's producers , over a steak dinner .the tv host will appear as a guest presenter on satirical panel show have i got news for you later this month .the show will also mark the first time that clarkson has appeared on the bbc since the last edition of top gear was screened on march 8 .\"]\n", - "=======================\n", - "[\"presenter will be a guest host satirical quiz show have i got news for youis believed to have been booked before he was dropped from top gearbbc decided that despite his sacking , he is n't banned from corporation\"]\n", - "it is believed he was booked to appear on the comedy programme before he was dropped from top gear after a ` fracas ' with producer oisin tymon , one of the show 's producers , over a steak dinner .the tv host will appear as a guest presenter on satirical panel show have i got news for you later this month .the show will also mark the first time that clarkson has appeared on the bbc since the last edition of top gear was screened on march 8 .\n", - "presenter will be a guest host satirical quiz show have i got news for youis believed to have been booked before he was dropped from top gearbbc decided that despite his sacking , he is n't banned from corporation\n", - "[1.1817809 1.4650621 1.2836522 1.3007708 1.214378 1.1650509 1.0825826\n", - " 1.108078 1.0798899 1.0545373 1.0553602 1.0427473 1.0290194 1.0458779\n", - " 1.0887868 1.032741 1.0477967 1.0949428 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 5 7 17 14 6 8 10 9 16 13 11 15 12 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"history postgraduate laura sumner , 24 , was given ten days to leave the country after being fined # 23.50 for an alleged visa violation .laura mary sumner , pictured , has been ordered to leave russia within ten days after being branded a ` spy 'but russian media reports have branded her ` agent sumner ' and linked her to a bizarre claim of a revolutionary plot .\"]\n", - "=======================\n", - "[\"laura mary sumner has been ordered to leave russia within ten daysms sumner was researching soviet rule from 1917 to 1921 in a libraryofficials claimed she was in russia on a commercial not a study visarussian media branded ms sumner ' a spy ' due to her research interests\"]\n", - "history postgraduate laura sumner , 24 , was given ten days to leave the country after being fined # 23.50 for an alleged visa violation .laura mary sumner , pictured , has been ordered to leave russia within ten days after being branded a ` spy 'but russian media reports have branded her ` agent sumner ' and linked her to a bizarre claim of a revolutionary plot .\n", - "laura mary sumner has been ordered to leave russia within ten daysms sumner was researching soviet rule from 1917 to 1921 in a libraryofficials claimed she was in russia on a commercial not a study visarussian media branded ms sumner ' a spy ' due to her research interests\n", - "[1.375489 1.367808 1.2590706 1.343111 1.0499035 1.0691909 1.0672424\n", - " 1.0508386 1.0303502 1.0542713 1.0218414 1.0423387 1.06942 1.1444489\n", - " 1.0767807 1.0698049 0. 0. ]\n", - "\n", - "[ 0 1 3 2 13 14 15 12 5 6 9 7 4 11 8 10 16 17]\n", - "=======================\n", - "[\"nbc news has changed its account of how chief foreign correspondent richard engel was kidnapped in syria , saying he was now most likely taken by sunni rebels who tried to convince their victims they were government militants .the broadcaster had previously reported that the 2012 kidnapping of mr engel , which saw him held for five days and expecting to be killed , was carried out by forces associated with president bashar-al assad .the new york times claimed that nbc executives were informed of the suspicions about the kidnappers ' identities during and after mr engel was taken .\"]\n", - "=======================\n", - "['richard engel was kidnapped in syria with his crew and held for five dayshis captors told group they were militants associated with bashar al-assadbut new evidence suggests the kidnappers posed as government forcesthey were in fact sunni militants who also staged an elaborate rescue']\n", - "nbc news has changed its account of how chief foreign correspondent richard engel was kidnapped in syria , saying he was now most likely taken by sunni rebels who tried to convince their victims they were government militants .the broadcaster had previously reported that the 2012 kidnapping of mr engel , which saw him held for five days and expecting to be killed , was carried out by forces associated with president bashar-al assad .the new york times claimed that nbc executives were informed of the suspicions about the kidnappers ' identities during and after mr engel was taken .\n", - "richard engel was kidnapped in syria with his crew and held for five dayshis captors told group they were militants associated with bashar al-assadbut new evidence suggests the kidnappers posed as government forcesthey were in fact sunni militants who also staged an elaborate rescue\n", - "[1.1504799 1.1292005 1.0702491 1.0605983 1.110681 1.226583 1.1675223\n", - " 1.0188234 1.1612767 1.0552933 1.0818936 1.0928725 1.1391755 1.0590756\n", - " 1.1130081 1.0275447 1.0201179 1.0153987]\n", - "\n", - "[ 5 6 8 0 12 1 14 4 11 10 2 3 13 9 15 16 7 17]\n", - "=======================\n", - "[\"jake and seb ready for their cave adventureit 's not advertised as ` glamping ' but with big duvets and brass beds , eurocamp 's safari tents are more luxurious than an average stay under canvas .we visited l'ardéchoise site in the stunning ardèche region in south central france at the end of august .\"]\n", - "=======================\n", - "[\"eurocamp 's safari tents are more deluxe than a normal stay under canvasl'ardéchoise site is in the ardèche region in south central francean hour-and-half 's drive from the south 's beaches and montpellier airportthis site is a five-star park at the top end of what 's on offer in franceit has four pools and a camp ` animateur ' organising activities for little ones\"]\n", - "jake and seb ready for their cave adventureit 's not advertised as ` glamping ' but with big duvets and brass beds , eurocamp 's safari tents are more luxurious than an average stay under canvas .we visited l'ardéchoise site in the stunning ardèche region in south central france at the end of august .\n", - "eurocamp 's safari tents are more deluxe than a normal stay under canvasl'ardéchoise site is in the ardèche region in south central francean hour-and-half 's drive from the south 's beaches and montpellier airportthis site is a five-star park at the top end of what 's on offer in franceit has four pools and a camp ` animateur ' organising activities for little ones\n", - "[1.3635398 1.3783536 1.2091956 1.4157345 1.1523263 1.1447815 1.0613072\n", - " 1.0276566 1.0391685 1.0537181 1.0568173 1.0236433 1.0582511 1.0382439\n", - " 1.0293015 1.1819377 1.0514436 1.0120454]\n", - "\n", - "[ 3 1 0 2 15 4 5 6 12 10 9 16 8 13 14 7 11 17]\n", - "=======================\n", - "[\"gary dahl , the creator of the wildly popular 1970s fad the pet rock , has died at age 78 in southern oregonmr dahl 's wife , marguerite dahl , confirmed on tuesday that her husband of 40 years died march 23 of chronic obstructive pulmonary disease .his rocks , which formed a brief but remarkably successful craze for several months in 1975 , came packed in a cardboard box containing a tongue-in-cheek instruction pamphlet for ` care and feeding ' and made him a millionaire .\"]\n", - "=======================\n", - "[\"the pet rock creator has died from chronic obstructive pulmonary diseasehe made millions from absurd idea to sell a stone in a box as a ` pet rock 'the product came with tongue-in-cheek instructions for ` care and feeding 'he went on to author the self help book ` advertising for dummies '\"]\n", - "gary dahl , the creator of the wildly popular 1970s fad the pet rock , has died at age 78 in southern oregonmr dahl 's wife , marguerite dahl , confirmed on tuesday that her husband of 40 years died march 23 of chronic obstructive pulmonary disease .his rocks , which formed a brief but remarkably successful craze for several months in 1975 , came packed in a cardboard box containing a tongue-in-cheek instruction pamphlet for ` care and feeding ' and made him a millionaire .\n", - "the pet rock creator has died from chronic obstructive pulmonary diseasehe made millions from absurd idea to sell a stone in a box as a ` pet rock 'the product came with tongue-in-cheek instructions for ` care and feeding 'he went on to author the self help book ` advertising for dummies '\n", - "[1.2529867 1.5115265 1.2434149 1.29775 1.1492337 1.1134521 1.0709872\n", - " 1.1407266 1.1257795 1.0933741 1.0692873 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 7 8 5 9 6 10 16 11 12 13 14 15 17]\n", - "=======================\n", - "[\"the wildlife creature was relaxing in the kruger national park in south africa with its family by a small pool of water when the bull approached - much to the elephant 's annoyance .the frustrated elephant attempts to squirt water on the bull which has wandered too close for comfortin a gesture captured on camera , the african elephant squirts the bull with water stored up its trunk to get it to leave , but misses its target .\"]\n", - "=======================\n", - "['frustrated elephant misses its target as it attempts to douse bull in waterhuge african elephant is with its baby , who nestles close for protectionkruger national park , where pictures were taken , is home to 147 mammals']\n", - "the wildlife creature was relaxing in the kruger national park in south africa with its family by a small pool of water when the bull approached - much to the elephant 's annoyance .the frustrated elephant attempts to squirt water on the bull which has wandered too close for comfortin a gesture captured on camera , the african elephant squirts the bull with water stored up its trunk to get it to leave , but misses its target .\n", - "frustrated elephant misses its target as it attempts to douse bull in waterhuge african elephant is with its baby , who nestles close for protectionkruger national park , where pictures were taken , is home to 147 mammals\n", - "[1.2381603 1.3862907 1.3219572 1.3070674 1.1063298 1.1228683 1.0839496\n", - " 1.1055093 1.0944941 1.0744622 1.0236492 1.0842336 1.037398 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 4 7 8 11 6 9 12 10 16 13 14 15 17]\n", - "=======================\n", - "[\"anthony horowitz said books by the comedian -- who was the uk 's top-selling children 's author last year -- are ` witty and entertaining ' but nowhere near ambitious enough .the 59-year-old novelist and screenwriter singled out walliams ' gangsta granny for criticism , as well as the diary of a wimpy kid books by author jeff kinney .he suggested they should follow the example of authors such as john green and ` write up for children , not down to them ' .\"]\n", - "=======================\n", - "[\"author anthony horowitz has accused david walliams of dumbing downclaims walliams fails to challenge young readers with unambitious bookshorowitz argues authors should not be afraid of ` powerful stories or ideas '\"]\n", - "anthony horowitz said books by the comedian -- who was the uk 's top-selling children 's author last year -- are ` witty and entertaining ' but nowhere near ambitious enough .the 59-year-old novelist and screenwriter singled out walliams ' gangsta granny for criticism , as well as the diary of a wimpy kid books by author jeff kinney .he suggested they should follow the example of authors such as john green and ` write up for children , not down to them ' .\n", - "author anthony horowitz has accused david walliams of dumbing downclaims walliams fails to challenge young readers with unambitious bookshorowitz argues authors should not be afraid of ` powerful stories or ideas '\n", - "[1.1784651 1.3788731 1.3059142 1.3865521 1.280521 1.1521324 1.0802492\n", - " 1.0726969 1.1569915 1.078833 1.0475974 1.0738373 1.069947 1.0492975\n", - " 1.0146321 1.0317923 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 4 0 8 5 6 9 11 7 12 13 10 15 14 17 16 18]\n", - "=======================\n", - "[\"dallas architects matt mooney and michael gooden have transformed 14 shipping containers into a stunningly modern homethe home , dubbed ` pv14 ' , also boasts a 1,400 sq ft roof deck that can fit up to 150 people , a 40ft long swimming pool on the ground floor and a 360 degree view of white rock lake and the sparkling lights of the city 's downtown .matt mooney wanted to stay true to the materials that became the foundation for his home .\"]\n", - "=======================\n", - "[\"the home also boasts a 1,400 sq ft roof deck and a 360 degree view of white rock lake and the city 's downtownarchitect matt mooney wanted to stay true to the materials and thus left the ceilings exposed to show the containerscontainers were also used to build a stunning two-story glass-paneled tower that mirrors the shape of the pool200 people watched as 18-wheelers transported the materials that would become this stunning three-bedroom home\"]\n", - "dallas architects matt mooney and michael gooden have transformed 14 shipping containers into a stunningly modern homethe home , dubbed ` pv14 ' , also boasts a 1,400 sq ft roof deck that can fit up to 150 people , a 40ft long swimming pool on the ground floor and a 360 degree view of white rock lake and the sparkling lights of the city 's downtown .matt mooney wanted to stay true to the materials that became the foundation for his home .\n", - "the home also boasts a 1,400 sq ft roof deck and a 360 degree view of white rock lake and the city 's downtownarchitect matt mooney wanted to stay true to the materials and thus left the ceilings exposed to show the containerscontainers were also used to build a stunning two-story glass-paneled tower that mirrors the shape of the pool200 people watched as 18-wheelers transported the materials that would become this stunning three-bedroom home\n", - "[1.0888048 1.5093061 1.1673173 1.1815763 1.1119535 1.2570632 1.0697309\n", - " 1.0297285 1.0255384 1.155798 1.047189 1.0248704 1.1573353 1.1133591\n", - " 1.1019019 1.1665888 1.015514 1.0111417 0. ]\n", - "\n", - "[ 1 5 3 2 15 12 9 13 4 14 0 6 10 7 8 11 16 17 18]\n", - "=======================\n", - "['they are both necessary for the construction of the james webb space telescope ( jwst ) , intended as the successor to the hubble instrument that has been operating in space for 25 years .now scientists are working on an alternative way to peer into the past and search space for signs of life with jwst -- scheduled to launch in october 2018 on an ariane 5 rocket from french guiana .hubble has returned spectacular images during the past quarter century but also helped scientists discover that almost every galaxy has a massive black hole at its heart and that the expansion of the universe is speeding up .']\n", - "=======================\n", - "['hubble has helped make major discoveries but there are limits to how far it can see into spacethe james webb space telescope will work in the infra-red and be able to see objects that formed 13 billion years agoscientists also believe the new telescope will be able to detect planets around nearby stars']\n", - "they are both necessary for the construction of the james webb space telescope ( jwst ) , intended as the successor to the hubble instrument that has been operating in space for 25 years .now scientists are working on an alternative way to peer into the past and search space for signs of life with jwst -- scheduled to launch in october 2018 on an ariane 5 rocket from french guiana .hubble has returned spectacular images during the past quarter century but also helped scientists discover that almost every galaxy has a massive black hole at its heart and that the expansion of the universe is speeding up .\n", - "hubble has helped make major discoveries but there are limits to how far it can see into spacethe james webb space telescope will work in the infra-red and be able to see objects that formed 13 billion years agoscientists also believe the new telescope will be able to detect planets around nearby stars\n", - "[1.3534461 1.3500617 1.2214525 1.2989632 1.1898793 1.1383711 1.1735694\n", - " 1.1204123 1.0988901 1.0434624 1.0508509 1.0429548 1.023636 1.0469025\n", - " 1.0627992 1.0378329 1.0274619 1.0524797 1.0197172]\n", - "\n", - "[ 0 1 3 2 4 6 5 7 8 14 17 10 13 9 11 15 16 12 18]\n", - "=======================\n", - "['apple inc has approached more than a dozen musicians , including british band florence and the machine , in an effort to sign exclusive deals for some of their music to be streamed on beats , according to a new report .apple has also approached taylor swift and others about partnerships , the report said .beats music will be re-launched in coming months .']\n", - "=======================\n", - "[\"apple has approached over a dozen names like florence and the machine in an effort to get top talent on beats exclusivelybeats music will be re-launched in coming months with a $ 9.99-a-month subscription for individuals and a family plan for $ 14.99jay z 's tidal is doing the same thing as he tries to convince artists to sign exclusive deals and beat out the competition\"]\n", - "apple inc has approached more than a dozen musicians , including british band florence and the machine , in an effort to sign exclusive deals for some of their music to be streamed on beats , according to a new report .apple has also approached taylor swift and others about partnerships , the report said .beats music will be re-launched in coming months .\n", - "apple has approached over a dozen names like florence and the machine in an effort to get top talent on beats exclusivelybeats music will be re-launched in coming months with a $ 9.99-a-month subscription for individuals and a family plan for $ 14.99jay z 's tidal is doing the same thing as he tries to convince artists to sign exclusive deals and beat out the competition\n", - "[1.201735 1.4912174 1.2899735 1.2514062 1.1731151 1.1179377 1.1297274\n", - " 1.0356529 1.0133008 1.1700077 1.087773 1.0154709 1.0955791 1.0509667\n", - " 1.0346185 1.0083823 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 9 6 5 12 10 13 7 14 11 8 15 17 16 18]\n", - "=======================\n", - "['a cancer-killing cocktail of the hormone drug tamoxifen and two coffees every day was found to reduce the risk of tumours returning by 50 per cent in women recovering from the disease , researchers said .tamoxifen kills off cancer cells or stunts their growth by blocking the cancer-causing hormone oestrogen from reaching diseased cells .it is the main drug given to women who have not been through the menopause , and is usually taken for five years or longer after breast cancer treatment .']\n", - "=======================\n", - "[\"researchers tested effects of caffeine on patients taking tamoxifencombination of prescription drug and coffee make ` cancer-killing cocktail 'caffeine makes breast cancer cells divide less quickly and die more often\"]\n", - "a cancer-killing cocktail of the hormone drug tamoxifen and two coffees every day was found to reduce the risk of tumours returning by 50 per cent in women recovering from the disease , researchers said .tamoxifen kills off cancer cells or stunts their growth by blocking the cancer-causing hormone oestrogen from reaching diseased cells .it is the main drug given to women who have not been through the menopause , and is usually taken for five years or longer after breast cancer treatment .\n", - "researchers tested effects of caffeine on patients taking tamoxifencombination of prescription drug and coffee make ` cancer-killing cocktail 'caffeine makes breast cancer cells divide less quickly and die more often\n", - "[1.4160302 1.4131577 1.2970037 1.3620629 1.2620635 1.178598 1.0609132\n", - " 1.0236892 1.0900681 1.1094282 1.1169195 1.1001816 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 5 10 9 11 8 6 7 17 12 13 14 15 16 18]\n", - "=======================\n", - "[\"manchester city forward toni duggan has apologised to fans after posting a photo with manchester united manager louis van gaal on instagram .the 23-year-old shared an image of her with the united boss at wing 's restaurant on sunday night after united 's 4-2 win over city at old trafford .duggan received a number of abusive messages on social media for the photo , and has since removed it from instagram .\"]\n", - "=======================\n", - "[\"toni duggan posted a photo to instagram of her with louis van gaalvan gaal was enjoying celebratory meal after united 's 4-2 derby winmanchester city player duggan apologised and removed the photo\"]\n", - "manchester city forward toni duggan has apologised to fans after posting a photo with manchester united manager louis van gaal on instagram .the 23-year-old shared an image of her with the united boss at wing 's restaurant on sunday night after united 's 4-2 win over city at old trafford .duggan received a number of abusive messages on social media for the photo , and has since removed it from instagram .\n", - "toni duggan posted a photo to instagram of her with louis van gaalvan gaal was enjoying celebratory meal after united 's 4-2 derby winmanchester city player duggan apologised and removed the photo\n", - "[1.2512051 1.3897786 1.1718006 1.3724902 1.1625693 1.170155 1.0747863\n", - " 1.1197739 1.0862981 1.1206927 1.1815773 1.0214075 1.0131928 1.0357661\n", - " 1.0079885 1.0435566 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 10 2 5 4 9 7 8 6 15 13 11 12 14 17 16 18]\n", - "=======================\n", - "['out of 17 bingo halls tested seven showed traces of cocaine , while another had traces of crack cocaine , a more dangerous form of the drug that is smoked , a newspaper investigation revealed .bingo hall toilets have tested positive for traces of class a drugs amid evidence that an increasing number of pensioners are turning to hard drugs in retirement .while the venues do let players as young as 18 in , the majority of attendees are elderly , and the discoveries mirror a spike in oaps being treated for drug abuse .']\n", - "=======================\n", - "['out of 17 bingo halls tested , seven revealed traces of cocaine in toiletsone , in bristol , even tested positive for dangerous variant crack cocainefigures show spike in oaps receiving hospital treatment for drug abuse']\n", - "out of 17 bingo halls tested seven showed traces of cocaine , while another had traces of crack cocaine , a more dangerous form of the drug that is smoked , a newspaper investigation revealed .bingo hall toilets have tested positive for traces of class a drugs amid evidence that an increasing number of pensioners are turning to hard drugs in retirement .while the venues do let players as young as 18 in , the majority of attendees are elderly , and the discoveries mirror a spike in oaps being treated for drug abuse .\n", - "out of 17 bingo halls tested , seven revealed traces of cocaine in toiletsone , in bristol , even tested positive for dangerous variant crack cocainefigures show spike in oaps receiving hospital treatment for drug abuse\n", - "[1.2899867 1.460397 1.2408683 1.2760552 1.208343 1.1439244 1.047135\n", - " 1.0300968 1.054474 1.0320674 1.110045 1.0334495 1.017378 1.0294366\n", - " 1.033531 1.0269445 1.014564 1.0201452 1.0170661]\n", - "\n", - "[ 1 0 3 2 4 5 10 8 6 14 11 9 7 13 15 17 12 18 16]\n", - "=======================\n", - "[\"the glamorous hollywood-inspired collection , ` sirens ' call ' , featured mirrored embellishments , fringing , and feathers , while the hair and make-up appeared to be influenced by the great gatsby .the curtain fell on mercedes-benz fashion week australia 2015 on thursday night in a spectacular finale show by johanna johnson .johnson 's trademark gowns featured heavily in the collection , which was created in under one month , interrupted by separates of leather and cashmere .\"]\n", - "=======================\n", - "[\"final show for mbfwa took place at 7pm at the carriageworks venue in sydneyjohanna johnson 's show , called sirens ' call , was inspired by hollywood glamourthe designer said the collection was ' a call to all independent strong women 'stand-out pieces from the show included a hand-beaded mirror gown , intricate wedding gowns and gold fringing\"]\n", - "the glamorous hollywood-inspired collection , ` sirens ' call ' , featured mirrored embellishments , fringing , and feathers , while the hair and make-up appeared to be influenced by the great gatsby .the curtain fell on mercedes-benz fashion week australia 2015 on thursday night in a spectacular finale show by johanna johnson .johnson 's trademark gowns featured heavily in the collection , which was created in under one month , interrupted by separates of leather and cashmere .\n", - "final show for mbfwa took place at 7pm at the carriageworks venue in sydneyjohanna johnson 's show , called sirens ' call , was inspired by hollywood glamourthe designer said the collection was ' a call to all independent strong women 'stand-out pieces from the show included a hand-beaded mirror gown , intricate wedding gowns and gold fringing\n", - "[1.3987381 1.3056115 1.3569648 1.2692966 1.1860987 1.1399838 1.0892318\n", - " 1.0430685 1.021499 1.010769 1.0770789 1.042759 1.1937574 1.1194947\n", - " 1.1604724 1.0507567 1.006766 0. 0. ]\n", - "\n", - "[ 0 2 1 3 12 4 14 5 13 6 10 15 7 11 8 9 16 17 18]\n", - "=======================\n", - "[\"the bbc has axed richard hammond and james may from the top gear website after co-presenter jeremy clarkson was sacked from the show .the motoring programme 's website previously featured the broadcasting trio alongside the stig at the top of the page but now the racing driver appears solo in his white helmet .the bbc say the website change is to reflect the fact that none of the presenters are currently in contract\"]\n", - "=======================\n", - "[\"top gear 's website previously featured all three presenters at top of pageit now shows a single image of racing driver the stig in his white helmetbbc say change is to ` reflect that all three presenters are out of contract 'but it 's yet to confirm whether richard hammond or james may will returnjeremy clarkson was sensationally sacked from the show over a week ago\"]\n", - "the bbc has axed richard hammond and james may from the top gear website after co-presenter jeremy clarkson was sacked from the show .the motoring programme 's website previously featured the broadcasting trio alongside the stig at the top of the page but now the racing driver appears solo in his white helmet .the bbc say the website change is to reflect the fact that none of the presenters are currently in contract\n", - "top gear 's website previously featured all three presenters at top of pageit now shows a single image of racing driver the stig in his white helmetbbc say change is to ` reflect that all three presenters are out of contract 'but it 's yet to confirm whether richard hammond or james may will returnjeremy clarkson was sensationally sacked from the show over a week ago\n", - "[1.2712854 1.356565 1.2516103 1.2415365 1.24208 1.1295575 1.2068595\n", - " 1.05677 1.0838273 1.0593045 1.0459021 1.1133293 1.0711206 1.0326277\n", - " 1.0396435 1.035726 1.0180779 1.0103737 1.0268618]\n", - "\n", - "[ 1 0 2 4 3 6 5 11 8 12 9 7 10 14 15 13 18 16 17]\n", - "=======================\n", - "['brussels will say that google has used its massive dominance as a search engine to divert internet users from rivals to its own services , which include youtube and the google + social network .the european union will today accuse google of illegally abusing its supremacy on the internet search market .in one of the most high-profile competition cases of recent years , europe could fine google more than # 4 billion amid a wave of political opposition in europe to the perceived dominance of us tech companies .']\n", - "=======================\n", - "[\"the european union will accuse google of illegally abusing its supremacyit could fine google more than # 4 billion - 10 per cent of its annual revenuebrussels to say it uses search engine to divert traffic to its own servicesgoogle boasts a 90 per cent share in europe 's search engine market\"]\n", - "brussels will say that google has used its massive dominance as a search engine to divert internet users from rivals to its own services , which include youtube and the google + social network .the european union will today accuse google of illegally abusing its supremacy on the internet search market .in one of the most high-profile competition cases of recent years , europe could fine google more than # 4 billion amid a wave of political opposition in europe to the perceived dominance of us tech companies .\n", - "the european union will accuse google of illegally abusing its supremacyit could fine google more than # 4 billion - 10 per cent of its annual revenuebrussels to say it uses search engine to divert traffic to its own servicesgoogle boasts a 90 per cent share in europe 's search engine market\n", - "[1.6220256 1.4096915 1.149803 1.2839777 1.018324 1.0128511 1.0128375\n", - " 1.0125266 1.1180053 1.1297282 1.0498137 1.0420468 1.0216826 1.0282754\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 9 8 10 11 13 12 4 5 6 7 17 14 15 16 18]\n", - "=======================\n", - "['wolves striker benik afobe kept their fading promotion hopes alive as his 31st goal of the season salvaged a 1-1 sky bet championship draw against play-off rivals ipswich at molineux .afobe , who scored 19 goals on loan at mk dons before joining wolves from arsenal in january for # 2million , pounced after 50 minutes to cancel out a 21st-minute own goal from richard stearman .it was a vital strike from afobe as the black country side were heading for a third successive defeat which would have all but ended their play-off hopes .']\n", - "=======================\n", - "['richard stearman headed into his own net from a set-piece to gift ipswich an early lead at molineuxwolves equalised on 50 minutes with striker benik afobe volleying in from close rangethe result keeps ipswich sixth in the championship , just three points ahead of play-off chasing wolves']\n", - "wolves striker benik afobe kept their fading promotion hopes alive as his 31st goal of the season salvaged a 1-1 sky bet championship draw against play-off rivals ipswich at molineux .afobe , who scored 19 goals on loan at mk dons before joining wolves from arsenal in january for # 2million , pounced after 50 minutes to cancel out a 21st-minute own goal from richard stearman .it was a vital strike from afobe as the black country side were heading for a third successive defeat which would have all but ended their play-off hopes .\n", - "richard stearman headed into his own net from a set-piece to gift ipswich an early lead at molineuxwolves equalised on 50 minutes with striker benik afobe volleying in from close rangethe result keeps ipswich sixth in the championship , just three points ahead of play-off chasing wolves\n", - "[1.2643265 1.3497254 1.3220465 1.3365754 1.2679504 1.142195 1.0508655\n", - " 1.0164785 1.0171776 1.0176489 1.0146763 1.0301977 1.1869024 1.1481161\n", - " 1.0673822 1.0219798 1.0273551 1.0110438 1.0481514]\n", - "\n", - "[ 1 3 2 4 0 12 13 5 14 6 18 11 16 15 9 8 7 10 17]\n", - "=======================\n", - "['the unofficial 2012 paperback book was revealed by a plaintiff in a lawsuit filed by four sexual-assault victims who want to stop the practice of sexual assault allegations within the military being handled by commanding officers .a book of songs used by the u.s. air force contains horrifying lyrics about rape , pedophilia and homosexualitysgt. jennifer smith , who said she was sexually assaulted by a fellow airman in iraq , brought forward the songbook and she had filed an administrative complaint over the book in 2012 .']\n", - "=======================\n", - "['the 130-page songbook contains 70 songs with titles including pubic hair and the kotex song as well as bestialityone of them , the s&m man , is set to tune of the candy man and graphically describes sexually mutilating womenrevealed in lawsuit filing by four sexual-assault victims who want to stop the practice of sexual assault allegations within the military being handled entirely within the command structure']\n", - "the unofficial 2012 paperback book was revealed by a plaintiff in a lawsuit filed by four sexual-assault victims who want to stop the practice of sexual assault allegations within the military being handled by commanding officers .a book of songs used by the u.s. air force contains horrifying lyrics about rape , pedophilia and homosexualitysgt. jennifer smith , who said she was sexually assaulted by a fellow airman in iraq , brought forward the songbook and she had filed an administrative complaint over the book in 2012 .\n", - "the 130-page songbook contains 70 songs with titles including pubic hair and the kotex song as well as bestialityone of them , the s&m man , is set to tune of the candy man and graphically describes sexually mutilating womenrevealed in lawsuit filing by four sexual-assault victims who want to stop the practice of sexual assault allegations within the military being handled entirely within the command structure\n", - "[1.160909 1.3646109 1.2228943 1.3185679 1.1421663 1.0939773 1.0835454\n", - " 1.1154095 1.0875278 1.0633852 1.1298912 1.057601 1.0777658 1.0384688\n", - " 1.0468851 1.0778729 1.0314707 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 10 7 5 8 6 15 12 9 11 14 13 16 17 18]\n", - "=======================\n", - "['the london mayor was given a big kiss on his right cheek by a particularly enthusiastic voter yesterday as he helped colleagues campaign in ramsgate .boris johnson received such a positive welcome in ramsgate he was driven away with a lipstick mark on his cheekand as he got in his car later , he was spotted with red lipstick marks on his other cheek .']\n", - "=======================\n", - "[\"london mayor receives kiss from a female fan and is left with lipstick markmr johnson urged voters to block farage in key seat of south thanetin ramsgate visit he boasted that the polls were turning in tories ' favoursaid he ` profoundly and passionately ' hopes to stop farage from winning\"]\n", - "the london mayor was given a big kiss on his right cheek by a particularly enthusiastic voter yesterday as he helped colleagues campaign in ramsgate .boris johnson received such a positive welcome in ramsgate he was driven away with a lipstick mark on his cheekand as he got in his car later , he was spotted with red lipstick marks on his other cheek .\n", - "london mayor receives kiss from a female fan and is left with lipstick markmr johnson urged voters to block farage in key seat of south thanetin ramsgate visit he boasted that the polls were turning in tories ' favoursaid he ` profoundly and passionately ' hopes to stop farage from winning\n", - "[1.4165013 1.2599396 1.2560867 1.2263256 1.1976463 1.1039081 1.0292029\n", - " 1.0419776 1.0168014 1.0675234 1.1083024 1.0276945 1.0842906 1.1800286\n", - " 1.0508902 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 13 10 5 12 9 14 7 6 11 8 15 16 17 18]\n", - "=======================\n", - "[\"christy turlington burns may be about to run her fourth marathon in as many years , but the former supermodel insists that childbirth was by far her toughest challenge yet .and christy , who suffered a potentially life-threatening complication shortly after the delivery of her daughter grace , now 11 , said today she 's feeling ` stronger and healthier ' than ever .fitness fanatic : christy turlington , pictured last month training for the upcoming london marathon , says that after experiencing a tricky childbirth , ` anything ' seemed possible , including three marathons to date\"]\n", - "=======================\n", - "['supermodel gearing up for her fourth marathon in london this monthalmost died having her daughter and now wants to help other mumschristy , 46 , set up every mother counts to help women around the world']\n", - "christy turlington burns may be about to run her fourth marathon in as many years , but the former supermodel insists that childbirth was by far her toughest challenge yet .and christy , who suffered a potentially life-threatening complication shortly after the delivery of her daughter grace , now 11 , said today she 's feeling ` stronger and healthier ' than ever .fitness fanatic : christy turlington , pictured last month training for the upcoming london marathon , says that after experiencing a tricky childbirth , ` anything ' seemed possible , including three marathons to date\n", - "supermodel gearing up for her fourth marathon in london this monthalmost died having her daughter and now wants to help other mumschristy , 46 , set up every mother counts to help women around the world\n", - "[1.2662705 1.5874386 1.2436712 1.2058823 1.4186946 1.1053361 1.0233728\n", - " 1.0181159 1.0374932 1.0169929 1.0838785 1.0868932 1.1102457 1.1236142\n", - " 1.061883 1.2262131 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 2 15 3 13 12 5 11 10 14 8 6 7 9 16 17 18]\n", - "=======================\n", - "['mary todd lowrance , 49 , a teacher at moises e molina high school , turned herself into dallas independent school district police on thursday morning , according to dallas isd police chief craig miller .a texas english high school teacher has been arrested after being accused of having an improper relationship with a male student older than 17 years old .miller said the teacher had been in a relationship with the student for a couple of months .']\n", - "=======================\n", - "['mary todd lowrance , teacher at moises e molina high school , turned herself into dallas independent school district police on thursday morningdallas isd police said she had been in a relationship with student , who is older than 17 years old , for a couple of monthsshe confided in coworker who alerted authorities and police eventually got arrest warrantlowrance was booked into county jail on $ 5,000 bond and has been released from the dallas county jail , according to county recordsshe has been on leave for several weeks while investigators worked on the case , police said']\n", - "mary todd lowrance , 49 , a teacher at moises e molina high school , turned herself into dallas independent school district police on thursday morning , according to dallas isd police chief craig miller .a texas english high school teacher has been arrested after being accused of having an improper relationship with a male student older than 17 years old .miller said the teacher had been in a relationship with the student for a couple of months .\n", - "mary todd lowrance , teacher at moises e molina high school , turned herself into dallas independent school district police on thursday morningdallas isd police said she had been in a relationship with student , who is older than 17 years old , for a couple of monthsshe confided in coworker who alerted authorities and police eventually got arrest warrantlowrance was booked into county jail on $ 5,000 bond and has been released from the dallas county jail , according to county recordsshe has been on leave for several weeks while investigators worked on the case , police said\n", - "[1.311775 1.2477555 1.2497141 1.336991 1.1955994 1.1642628 1.0993179\n", - " 1.0282928 1.0647492 1.044662 1.1014694 1.0268302 1.0118754 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 1 4 5 10 6 8 9 7 11 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"a mum has come under fire for sending out invitations to her son 's first birthday in which she lists very specific requests - including some quite large and expensive gifts .she even goes as far as to require that her guests include a receipt with their gifts so that she can get the full value back if she needs to return them .the unnamed woman , whose email was shared by a recipient yesterday on reddit , demands a $ 63.99 water table from walmart , a $ 19.99 play tent , a $ 14.99 play tunnel from ikea , and a $ 7.99 cheerios book , writing : ` if you are unable to get these items , please let us know so we can buy them right away for him . '\"]\n", - "=======================\n", - "[\"mum 's email invite to her son 's first birthday was shared on redditin it she demands a $ 64 water table , a $ 20 tent , $ 15 play tunnel and a booksays gifts should n't have his name on it because personalised clothes are ` the number one thing that leads to kidnapping '\"]\n", - "a mum has come under fire for sending out invitations to her son 's first birthday in which she lists very specific requests - including some quite large and expensive gifts .she even goes as far as to require that her guests include a receipt with their gifts so that she can get the full value back if she needs to return them .the unnamed woman , whose email was shared by a recipient yesterday on reddit , demands a $ 63.99 water table from walmart , a $ 19.99 play tent , a $ 14.99 play tunnel from ikea , and a $ 7.99 cheerios book , writing : ` if you are unable to get these items , please let us know so we can buy them right away for him . '\n", - "mum 's email invite to her son 's first birthday was shared on redditin it she demands a $ 64 water table , a $ 20 tent , $ 15 play tunnel and a booksays gifts should n't have his name on it because personalised clothes are ` the number one thing that leads to kidnapping '\n", - "[1.4406527 1.4540213 1.3381648 1.4462923 1.2087951 1.0477862 1.0569867\n", - " 1.0992234 1.1445894 1.0439767 1.0212324 1.0242729 1.0099844 1.078796\n", - " 1.2239518 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 14 4 8 7 13 6 5 9 11 10 12 22 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"the slovakia international has made over 200 league appearances for the reds since arriving in 2008 but has recently been linked with a summer switch switch to wolfsburg and napoli .liverpool defender martin skrtel has rejected rumours linking him with a move away from anfield by declaring he wo n't be leaving the premier league side .the liverpool defender played in his side 's 2-1 fa cup semi-final defeat to aston villa on sunday '\"]\n", - "=======================\n", - "[\"martin skrtel has been linked with a move to wolfsburg and napolibut the liverpool defender has admitted he wants to stay at anfieldskrtel 's agent karol csonto says new contract should be finalised soonthe 30-year-old has made over 200 league appearances for the redsread : liverpool set for summer overhaul with ten kop stars on way out\"]\n", - "the slovakia international has made over 200 league appearances for the reds since arriving in 2008 but has recently been linked with a summer switch switch to wolfsburg and napoli .liverpool defender martin skrtel has rejected rumours linking him with a move away from anfield by declaring he wo n't be leaving the premier league side .the liverpool defender played in his side 's 2-1 fa cup semi-final defeat to aston villa on sunday '\n", - "martin skrtel has been linked with a move to wolfsburg and napolibut the liverpool defender has admitted he wants to stay at anfieldskrtel 's agent karol csonto says new contract should be finalised soonthe 30-year-old has made over 200 league appearances for the redsread : liverpool set for summer overhaul with ten kop stars on way out\n", - "[1.180229 1.1597011 1.1734855 1.1441864 1.1439142 1.1502907 1.0898228\n", - " 1.0553637 1.0582411 1.0703247 1.0377035 1.0384676 1.0731338 1.0198137\n", - " 1.0939059 1.074529 1.0415468 1.0178523 1.0282618 1.0255078 1.0145969\n", - " 1.013165 1.0205564 1.0258619]\n", - "\n", - "[ 0 2 1 5 3 4 14 6 15 12 9 8 7 16 11 10 18 23 19 22 13 17 20 21]\n", - "=======================\n", - "['( cnn ) we \\'re 2 degrees from a different world .\" this is gambling with the planet , \" said gernot wagner , the lead senior economist at the environmental defense fund and co-author of the book \" climate shock . \"humans never have lived on a planet that \\'s 2 degrees celsius ( 3.6 fahrenheit ) warmer than it was before we started burning fossil fuels , in the late 1800s , and climate experts say we risk fundamentally changing life on this planet if we do cross that 2-degree mark .']\n", - "=======================\n", - "[\"experts have raised red flags about the warming of planet by 2 degrees celsiusjohn sutter : this one little number is significant as a way to focus world 's attention on problem\"]\n", - "( cnn ) we 're 2 degrees from a different world .\" this is gambling with the planet , \" said gernot wagner , the lead senior economist at the environmental defense fund and co-author of the book \" climate shock . \"humans never have lived on a planet that 's 2 degrees celsius ( 3.6 fahrenheit ) warmer than it was before we started burning fossil fuels , in the late 1800s , and climate experts say we risk fundamentally changing life on this planet if we do cross that 2-degree mark .\n", - "experts have raised red flags about the warming of planet by 2 degrees celsiusjohn sutter : this one little number is significant as a way to focus world 's attention on problem\n", - "[1.168404 1.133598 1.4233098 1.0887719 1.0750694 1.1852443 1.0964338\n", - " 1.2633086 1.1349046 1.0689545 1.03245 1.0350993 1.0547197 1.022794\n", - " 1.0588003 1.0575535 1.0482769 1.0268109 1.0548757 1.0138435 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 7 5 0 8 1 6 3 4 9 14 15 18 12 16 11 10 17 13 19 22 20 21 23]\n", - "=======================\n", - "['the 79th masters attracted massive ratings in the usa and there is no surprise in that .jordan spieth wears his new green jacket after winning the masters at augusta on sundaypoliticians who try so hard to be popular could learn much from 21-year-old masters champion jordan spieth .']\n", - "=======================\n", - "['jordan spieth won his maiden major at the age of 21 at augustathe 79th masters attracted massive television ratings in the usaspieth went back onto the 18th green to formally acknowledge the crowdjack nicklaus and phil mickelson are among those to pay tribute to spieth']\n", - "the 79th masters attracted massive ratings in the usa and there is no surprise in that .jordan spieth wears his new green jacket after winning the masters at augusta on sundaypoliticians who try so hard to be popular could learn much from 21-year-old masters champion jordan spieth .\n", - "jordan spieth won his maiden major at the age of 21 at augustathe 79th masters attracted massive television ratings in the usaspieth went back onto the 18th green to formally acknowledge the crowdjack nicklaus and phil mickelson are among those to pay tribute to spieth\n", - "[1.29171 1.3905158 1.3509223 1.0920924 1.0701648 1.0426463 1.0824285\n", - " 1.1191634 1.061266 1.0627937 1.0757072 1.0746107 1.0925037 1.0808688\n", - " 1.0653099 1.0929528 1.0654203 1.0151211 1.0215527 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 7 15 12 3 6 13 10 11 4 16 14 9 8 5 18 17 22 19 20 21 23]\n", - "=======================\n", - "[\"polish authorities said last week they would ban entry to the night wolves , with leaders calling their plans to ride through poland en route to commemorations of world war ii a ` provocation ' .the group vowed to enter anyway and 15 were seen monday morning at the border crossing between brest , belarus , and terespol , poland .stopped : a belarussian border guard checks the passport of a member of russia 's pro-putin night wolves motorcycle club at a border crossing with poland near brest\"]\n", - "=======================\n", - "['the night wolves biker gang has been banned from entering polandthey are pro-putin , and the russian leader has ridden with thempoland is extremely critical of russian actions in ukrainegermany has also said that the russian bikers would not be welcome']\n", - "polish authorities said last week they would ban entry to the night wolves , with leaders calling their plans to ride through poland en route to commemorations of world war ii a ` provocation ' .the group vowed to enter anyway and 15 were seen monday morning at the border crossing between brest , belarus , and terespol , poland .stopped : a belarussian border guard checks the passport of a member of russia 's pro-putin night wolves motorcycle club at a border crossing with poland near brest\n", - "the night wolves biker gang has been banned from entering polandthey are pro-putin , and the russian leader has ridden with thempoland is extremely critical of russian actions in ukrainegermany has also said that the russian bikers would not be welcome\n", - "[1.2173494 1.4954457 1.1594942 1.2869365 1.1665778 1.2726791 1.0993598\n", - " 1.0464365 1.05119 1.1494327 1.0527585 1.2445614 1.0818127 1.0301349\n", - " 1.0300324 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 5 11 0 4 2 9 6 12 10 8 7 13 14 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "['cody knecht , of st. tammany fire district in louisiana , was sent out to rescue the baby mallards after residents reported seeing them fall down the drain .all six ducklings were reunited with their mother on saturday at their home on a nearby canala resourceful firefighter has been filmed rescuing six ducklings trapped in a storm drain - using a duck quacking ringtone to lure them out of their hiding place .']\n", - "=======================\n", - "[\"resourceful firefighter rescued all six ducklings using realistic ringtoneheartwarming clip sees him holding out phone while standing in the draineventually he is able to grasp the agitated birds and pass them up to safetybizarrely , it was the louisiana fire station 's second duck rescue this week\"]\n", - "cody knecht , of st. tammany fire district in louisiana , was sent out to rescue the baby mallards after residents reported seeing them fall down the drain .all six ducklings were reunited with their mother on saturday at their home on a nearby canala resourceful firefighter has been filmed rescuing six ducklings trapped in a storm drain - using a duck quacking ringtone to lure them out of their hiding place .\n", - "resourceful firefighter rescued all six ducklings using realistic ringtoneheartwarming clip sees him holding out phone while standing in the draineventually he is able to grasp the agitated birds and pass them up to safetybizarrely , it was the louisiana fire station 's second duck rescue this week\n", - "[1.373681 1.2439895 1.3172188 1.1725315 1.1810042 1.0469042 1.1511947\n", - " 1.0818095 1.2162749 1.0330707 1.0264032 1.0161102 1.1421283 1.1302384\n", - " 1.0721797 1.0448264 1.1608272 1.1108564 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 1 8 4 3 16 6 12 13 17 7 14 5 15 9 10 11 18 19 20 21 22]\n", - "=======================\n", - "['anthony trollope , a famous novelist , introduced post boxes to the uk in 1852 after seeing them in francethe limited edition sheet of stamps feature images of trollope and his life , including the first post box design .there are now 115,300 post boxes in the uk .']\n", - "=======================\n", - "['anthony trollope introduced post boxes to the uk in the 1850sthe victorian novelist saw them in france while working for the post officeinitially the post boxes were painted green to blend in with the landscapethe limited edition sheet of stamps feature images of trollope and his life']\n", - "anthony trollope , a famous novelist , introduced post boxes to the uk in 1852 after seeing them in francethe limited edition sheet of stamps feature images of trollope and his life , including the first post box design .there are now 115,300 post boxes in the uk .\n", - "anthony trollope introduced post boxes to the uk in the 1850sthe victorian novelist saw them in france while working for the post officeinitially the post boxes were painted green to blend in with the landscapethe limited edition sheet of stamps feature images of trollope and his life\n", - "[1.1144402 1.4533794 1.2790067 1.3717338 1.0711825 1.1032772 1.0662004\n", - " 1.0220244 1.0907081 1.0285014 1.0225304 1.0767586 1.1490141 1.0252346\n", - " 1.0905766 1.1075878 1.0559833 1.0225952 1.0241143 1.012722 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 12 0 15 5 8 14 11 4 6 16 9 13 18 17 10 7 19 21 20 22]\n", - "=======================\n", - "['both william and kate , whose new little prince or princess is due tomorrow , have been seen out on shopping trips this week .on monday , the mother to be was spotted in her local homeware store , zara home , in kensington high street , a short hop from her apartment at kensington palace .of course , this autumn/winter 2014 collection topper is now all sold out , but click ( right ) to check out the mulberry coats currently available to buy .']\n", - "=======================\n", - "[\"both william and kate appear to be relaxed about baby 's imminent arrivalthe two were spotted shopping in kensington and chelsea this weekthe duchess bought a basket of goods for prince george from zara homeand prince william bought # 800 of jumpers and jeans from peter jones\"]\n", - "both william and kate , whose new little prince or princess is due tomorrow , have been seen out on shopping trips this week .on monday , the mother to be was spotted in her local homeware store , zara home , in kensington high street , a short hop from her apartment at kensington palace .of course , this autumn/winter 2014 collection topper is now all sold out , but click ( right ) to check out the mulberry coats currently available to buy .\n", - "both william and kate appear to be relaxed about baby 's imminent arrivalthe two were spotted shopping in kensington and chelsea this weekthe duchess bought a basket of goods for prince george from zara homeand prince william bought # 800 of jumpers and jeans from peter jones\n", - "[1.292537 1.1087924 1.3336544 1.1382838 1.1945568 1.2573721 1.1433135\n", - " 1.0296444 1.1126301 1.1045898 1.0719446 1.1357777 1.0404357 1.0554311\n", - " 1.0808977 1.0748732 1.0275244 1.0088383 1.0100787 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 5 4 6 3 11 8 1 9 14 15 10 13 12 7 16 18 17 21 19 20 22]\n", - "=======================\n", - "[\"least favourite cheeses , according to a new survey , are greek feta , french camembert and american cream cheese .the average briton eats four servings of cheese a weeka third of brits ( 30 per cent ) say they ca n't enjoy cheese without a dollop of their favourite pickle while almost three quarters admitted to reaching out for a cheese sandwich when feeling peckish .\"]\n", - "=======================\n", - "['the average briton eats four servings of cheese a week , study revealsthree in ten workers tuck into cheese sandwiches for their lunch everydaymozzarella and red leicester are second and third favourite cheeses in uk']\n", - "least favourite cheeses , according to a new survey , are greek feta , french camembert and american cream cheese .the average briton eats four servings of cheese a weeka third of brits ( 30 per cent ) say they ca n't enjoy cheese without a dollop of their favourite pickle while almost three quarters admitted to reaching out for a cheese sandwich when feeling peckish .\n", - "the average briton eats four servings of cheese a week , study revealsthree in ten workers tuck into cheese sandwiches for their lunch everydaymozzarella and red leicester are second and third favourite cheeses in uk\n", - "[1.2292125 1.4130726 1.0849988 1.0782963 1.1417956 1.2618673 1.1695575\n", - " 1.1225868 1.1301234 1.1169726 1.0892329 1.1539102 1.0806541 1.0360465\n", - " 1.017838 1.0218298 1.0727926 1.0683427 1.0814029 1.0110137 1.0088888\n", - " 1.011889 1.0162281]\n", - "\n", - "[ 1 5 0 6 11 4 8 7 9 10 2 18 12 3 16 17 13 15 14 22 21 19 20]\n", - "=======================\n", - "[\"last night the victim , mike lane , 40 , who was beaten by balaclava-clad protesters armed with iron bars on ropes , condemned the decision by police as ` pathetic ' .attack : mike lane ,40 , who is joint master of the tedworth hunt , on the ground during the confrontation with hunt saboteurspolice have dropped an investigation into a vicious assault on a huntsman just three months after it took place -- despite a wealth of evidence pointing to the identity of a suspected attacker .\"]\n", - "=======================\n", - "[\"mike lane was beaten by masked protesters armed with iron bars on ropesattack happened as 30 riders and hounds were chasing artificial scentwiltshire police handed video footage and some names of saboteursdecision by police to drop probe branded ` pathetic ' by 40-year-old\"]\n", - "last night the victim , mike lane , 40 , who was beaten by balaclava-clad protesters armed with iron bars on ropes , condemned the decision by police as ` pathetic ' .attack : mike lane ,40 , who is joint master of the tedworth hunt , on the ground during the confrontation with hunt saboteurspolice have dropped an investigation into a vicious assault on a huntsman just three months after it took place -- despite a wealth of evidence pointing to the identity of a suspected attacker .\n", - "mike lane was beaten by masked protesters armed with iron bars on ropesattack happened as 30 riders and hounds were chasing artificial scentwiltshire police handed video footage and some names of saboteursdecision by police to drop probe branded ` pathetic ' by 40-year-old\n", - "[1.272347 1.2367752 1.3162603 1.231315 1.2048994 1.134858 1.0747764\n", - " 1.1102918 1.0303147 1.026517 1.2072766 1.1232234 1.035221 1.045395\n", - " 1.0631317 1.0219758 1.0139476 1.0321418 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 1 3 10 4 5 11 7 6 14 13 12 17 8 9 15 16 21 18 19 20 22]\n", - "=======================\n", - "[\"invitations to the service at st paul 's cathedral advise that it will avoid glorifying the duke of wellington 's historic victory over napoleon in 1815 .defeated : napoleon ( illustrated ) lost at the battle of waterloo in 1815but last night the move was criticised by politicians , who said it ` took political correctness to an absurd new degree ' .\"]\n", - "=======================\n", - "[\"guests attending battle of waterloo anniversary service told not to gloatinvitations to the event said it must not be seen as ` triumphalist 'the move was criticised by politicians as ` absurd ' political correctness\"]\n", - "invitations to the service at st paul 's cathedral advise that it will avoid glorifying the duke of wellington 's historic victory over napoleon in 1815 .defeated : napoleon ( illustrated ) lost at the battle of waterloo in 1815but last night the move was criticised by politicians , who said it ` took political correctness to an absurd new degree ' .\n", - "guests attending battle of waterloo anniversary service told not to gloatinvitations to the event said it must not be seen as ` triumphalist 'the move was criticised by politicians as ` absurd ' political correctness\n", - "[1.3555571 1.3731287 1.258857 1.3283644 1.1717113 1.1173979 1.1022956\n", - " 1.0293397 1.135129 1.0245736 1.0953315 1.0331022 1.0498976 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 8 5 6 10 12 11 7 9 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"mrs fairhead , 53 , has said she wants to stay for a least another year , but yesterday it emerged that two major investors and a leading shareholder group have voted to get rid of her .bbc trust chairman rona fairhead is facing calls to step down immediately as a director of hsbc over her links to the bank 's tax scandal .she has been under mounting pressure to quit both of her lucrative positions , at the bbc and the scandal-hit bank , after claims that hsbc 's swiss operation helped wealthy clients hide billions from the taxman .\"]\n", - "=======================\n", - "[\"rona fairhead is facing immediate calls to step down as director of hsbcit 's after claims swiss arm helped wealthy clients hide billions from taxmanshe was criticised by mps as ` incredibly naive ' for failing to notice scandalamerican investors lodged their votes to get rid of the bbc trust chairman\"]\n", - "mrs fairhead , 53 , has said she wants to stay for a least another year , but yesterday it emerged that two major investors and a leading shareholder group have voted to get rid of her .bbc trust chairman rona fairhead is facing calls to step down immediately as a director of hsbc over her links to the bank 's tax scandal .she has been under mounting pressure to quit both of her lucrative positions , at the bbc and the scandal-hit bank , after claims that hsbc 's swiss operation helped wealthy clients hide billions from the taxman .\n", - "rona fairhead is facing immediate calls to step down as director of hsbcit 's after claims swiss arm helped wealthy clients hide billions from taxmanshe was criticised by mps as ` incredibly naive ' for failing to notice scandalamerican investors lodged their votes to get rid of the bbc trust chairman\n", - "[1.3085464 1.4631834 1.2459313 1.2595067 1.23427 1.0612155 1.0362822\n", - " 1.1648933 1.0872576 1.1993712 1.0766493 1.06415 1.0299073 1.0915623\n", - " 1.0620689 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 9 7 13 8 10 11 14 5 6 12 18 15 16 17 19]\n", - "=======================\n", - "[\"cui hongfang , from heilongjiang province in north-eastern china , hit the back of her head on a corner of the stone wall after she collided with the 38-year-old canadian woman .a 73-year-old woman died in front of horrified family members after she was knocked over by a canadian tourist while visiting the great wall of china .cui hongfang 's family told chinese media that the canadian tourist was running down steep steps\"]\n", - "=======================\n", - "[\"cui hongfang hit the back of her head on a corner of the stone wallpolice have ruled it an accident , but are still investigatingvictim 's family said the tourist was running on a steep section of the wall\"]\n", - "cui hongfang , from heilongjiang province in north-eastern china , hit the back of her head on a corner of the stone wall after she collided with the 38-year-old canadian woman .a 73-year-old woman died in front of horrified family members after she was knocked over by a canadian tourist while visiting the great wall of china .cui hongfang 's family told chinese media that the canadian tourist was running down steep steps\n", - "cui hongfang hit the back of her head on a corner of the stone wallpolice have ruled it an accident , but are still investigatingvictim 's family said the tourist was running on a steep section of the wall\n", - "[1.3094096 1.257554 1.263456 1.2660238 1.333667 1.1475773 1.0914094\n", - " 1.0223076 1.0750831 1.0183771 1.0227429 1.0854024 1.0304765 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 0 3 2 1 5 6 11 8 12 10 7 9 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"chris ball made made the most heartbreaking final goodbye video to his family before taking his own lifehis family have shared the heartbreaking video publicly to raise awareness of the crippling disease , which takes the lives of more young australians than car accidents and skin cancer , as part of a petition to call for more beds for suicidal youths in hospitals .on september 14 last year , chris 's brother jayden - who is only one year younger - and their stepfather found chris 's body along with a usb stick containing the video sitting on top of a piece of paper which simply said : ` mum and dad , please watch . '\"]\n", - "=======================\n", - "['chris ball made a video to say goodbye to his family before taking his lifehe told them they were not to blame for his disease and that he loved themhe had been suffering from depression for two and a half yearshe was turned away from brisbane hospital due to no beds 11 days earlierbrisbane man , 21 , is the fifth family member to have committed suicidehis mother kerrie keepa has started a petition to call on the government to allocate more beds for suicidal youths in hospitals']\n", - "chris ball made made the most heartbreaking final goodbye video to his family before taking his own lifehis family have shared the heartbreaking video publicly to raise awareness of the crippling disease , which takes the lives of more young australians than car accidents and skin cancer , as part of a petition to call for more beds for suicidal youths in hospitals .on september 14 last year , chris 's brother jayden - who is only one year younger - and their stepfather found chris 's body along with a usb stick containing the video sitting on top of a piece of paper which simply said : ` mum and dad , please watch . '\n", - "chris ball made a video to say goodbye to his family before taking his lifehe told them they were not to blame for his disease and that he loved themhe had been suffering from depression for two and a half yearshe was turned away from brisbane hospital due to no beds 11 days earlierbrisbane man , 21 , is the fifth family member to have committed suicidehis mother kerrie keepa has started a petition to call on the government to allocate more beds for suicidal youths in hospitals\n", - "[1.1032715 1.4558332 1.231097 1.3439062 1.1785 1.0491183 1.043679\n", - " 1.1524309 1.0496708 1.0599499 1.0647976 1.0251272 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 7 0 10 9 8 5 6 11 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"in just eight weeks , lily james , the british star of disney 's new blockbuster cinderella , has worn more than # 300,000 worth of frocks , shoes and jewellery designed by the glitziest names in fashion as she 's promoted her film .from # 3,000 jimmy choo shoes to a # 35,000 gown and a # 40,000 necklace , claudia connell and eliza scarborough reveal how downton abbey star lily 's very special wardrobe would be a stretch even for prince charming 's bulging wallet .on february 13 , the beautiful lily james who is famous for playing lady rose in downton abbey goes braless in berlin in a creation by greek designer mary katrantzou ( # 5,400 ) .\"]\n", - "=======================\n", - "[\"lily james , the british star of the upcoming cinderella film , has traveled the world promoting the disney fairy taledownton abbey star 's 20 stunning outfits included # 70,000 silk gown by christian dior and even a # 40,000 necklaceattended premieres in mexico , canada , london and tokyo - where she revealed her most ` disney princess ' look\"]\n", - "in just eight weeks , lily james , the british star of disney 's new blockbuster cinderella , has worn more than # 300,000 worth of frocks , shoes and jewellery designed by the glitziest names in fashion as she 's promoted her film .from # 3,000 jimmy choo shoes to a # 35,000 gown and a # 40,000 necklace , claudia connell and eliza scarborough reveal how downton abbey star lily 's very special wardrobe would be a stretch even for prince charming 's bulging wallet .on february 13 , the beautiful lily james who is famous for playing lady rose in downton abbey goes braless in berlin in a creation by greek designer mary katrantzou ( # 5,400 ) .\n", - "lily james , the british star of the upcoming cinderella film , has traveled the world promoting the disney fairy taledownton abbey star 's 20 stunning outfits included # 70,000 silk gown by christian dior and even a # 40,000 necklaceattended premieres in mexico , canada , london and tokyo - where she revealed her most ` disney princess ' look\n", - "[1.2742347 1.4113321 1.2553608 1.1423835 1.1822183 1.2636417 1.0776674\n", - " 1.0976726 1.0940405 1.0737985 1.0963975 1.1257808 1.0402251 1.0458732\n", - " 1.0568105 1.0230436 1.018103 1.1089044 1.0528252 1.0284897]\n", - "\n", - "[ 1 0 5 2 4 3 11 17 7 10 8 6 9 14 18 13 12 19 15 16]\n", - "=======================\n", - "['the person , who will not be identified until their arraignment on monday , was taken into custody after the bag was found on loughery way in cambridge on saturday morning , according to authorities .a suspect has been arrested after a duffel bag containing human remains was found near a police station in massachusetts - as more remains have been discovered inside an apartment building .they have not been charged with homicide .']\n", - "=======================\n", - "[\"bag was discovered near cambridge police station on saturday morningmore human remains later found in a common area of apartment buildinga suspect has been arrested and charged with ` accessory ' , not homicidethey will not be identified until the arraignment on monday , officials saidcambridge police are treating grisly situation as homicide investigation\"]\n", - "the person , who will not be identified until their arraignment on monday , was taken into custody after the bag was found on loughery way in cambridge on saturday morning , according to authorities .a suspect has been arrested after a duffel bag containing human remains was found near a police station in massachusetts - as more remains have been discovered inside an apartment building .they have not been charged with homicide .\n", - "bag was discovered near cambridge police station on saturday morningmore human remains later found in a common area of apartment buildinga suspect has been arrested and charged with ` accessory ' , not homicidethey will not be identified until the arraignment on monday , officials saidcambridge police are treating grisly situation as homicide investigation\n", - "[1.3180497 1.4328594 1.1149347 1.0374686 1.0392365 1.2221886 1.2450051\n", - " 1.0515088 1.0271035 1.0805466 1.0404052 1.0440434 1.0257612 1.052847\n", - " 1.0483143 1.0840741 0. 0. 0. ]\n", - "\n", - "[ 1 0 6 5 2 15 9 13 7 14 11 10 4 3 8 12 17 16 18]\n", - "=======================\n", - "[\"the facebook page of the so-called disciples of the new dawn has sparked an internet firestorm as thousands of mothers share , and comment on , the group 's anti-cesarean memes , expressing their disgust at the outrageous messages they express ; the community , led by father patrick embry , is using the images to encourage fellow christians to shame ` lazy ' and ` negligent ' mothers who have elected to undergo c-sections .mothers across the globe have been left outraged by an alleged religious community that is criticizing moms for having cesarean sections instead of natural childbirths -- creating a series of insulting campaign images , or memes , that claim they ` did n't really give birth ' .propaganda : the religious community claims women will be ` cast into the lake of fire ' if they undergo a c-section\"]\n", - "=======================\n", - "[\"one of the images posted on the disciples of the new dawn facebook page has been shared nearly 80,000 times since it was posted on sundaywhile it is unclear if the group is genuine - or a satire - its messages have prompted thousands of women to share their own c-section storiesothers are committing their support to past petitions to have the community 's page removed from facebook\"]\n", - "the facebook page of the so-called disciples of the new dawn has sparked an internet firestorm as thousands of mothers share , and comment on , the group 's anti-cesarean memes , expressing their disgust at the outrageous messages they express ; the community , led by father patrick embry , is using the images to encourage fellow christians to shame ` lazy ' and ` negligent ' mothers who have elected to undergo c-sections .mothers across the globe have been left outraged by an alleged religious community that is criticizing moms for having cesarean sections instead of natural childbirths -- creating a series of insulting campaign images , or memes , that claim they ` did n't really give birth ' .propaganda : the religious community claims women will be ` cast into the lake of fire ' if they undergo a c-section\n", - "one of the images posted on the disciples of the new dawn facebook page has been shared nearly 80,000 times since it was posted on sundaywhile it is unclear if the group is genuine - or a satire - its messages have prompted thousands of women to share their own c-section storiesothers are committing their support to past petitions to have the community 's page removed from facebook\n", - "[1.4527482 1.3924667 1.4822344 1.4053382 1.1252058 1.0583683 1.0202842\n", - " 1.013242 1.0136346 1.0136427 1.0109037 1.2251503 1.1862332 1.111125\n", - " 1.0222024 1.0202016 1.0233386 1.0093126 1.0091833]\n", - "\n", - "[ 2 0 3 1 11 12 4 13 5 16 14 6 15 9 8 7 10 17 18]\n", - "=======================\n", - "[\"mcilroy is looking to claim his first green jacket and become just the sixth player to win all four major titles after gene sarazen , ben hogan , gary player , jack nicklaus and tiger woods .rory mcilroy believes it is ` unthinkable ' that he will not win the masters at some point to complete the career grand slam .rory mcilroy tees off at the arnold palmer invitational golf tournament in orlando on march 19\"]\n", - "=======================\n", - "['final-round collapse at augusta national in 2011 was the most important day of career , mcilroy revealsmcilroy has just one top-10 finish to his name in six masters appearancesthe northern irishman finished joint eighth last year']\n", - "mcilroy is looking to claim his first green jacket and become just the sixth player to win all four major titles after gene sarazen , ben hogan , gary player , jack nicklaus and tiger woods .rory mcilroy believes it is ` unthinkable ' that he will not win the masters at some point to complete the career grand slam .rory mcilroy tees off at the arnold palmer invitational golf tournament in orlando on march 19\n", - "final-round collapse at augusta national in 2011 was the most important day of career , mcilroy revealsmcilroy has just one top-10 finish to his name in six masters appearancesthe northern irishman finished joint eighth last year\n", - "[1.467977 1.1475338 1.1021197 1.2020584 1.1838858 1.1308658 1.1141864\n", - " 1.0844994 1.0590067 1.0369405 1.0594198 1.0799866 1.0367428 1.0279638\n", - " 1.0437918 1.0566483 1.0194184 1.0759597 0. ]\n", - "\n", - "[ 0 3 4 1 5 6 2 7 11 17 10 8 15 14 9 12 13 16 18]\n", - "=======================\n", - "[\"the draw for the champions league has pitted pep guardiola 's bayern munich against his former club barcelona , while handing italian champions a daunting task against holders real madrid .bayern have an excellent champions league pedigree , with a coach in pep guardiola who won this competition twice at barcelona and a squad that has retained its best players since beating borussia dortmund in the final at wembley two years ago .with sub-plots aplenty , and quality assured , the final four of european 's premier competition will all feel they have a real chance of adding to their european titles .\"]\n", - "=======================\n", - "[\"bayern munich dmonstrated their quality in second-leg demolition of portobut pep guardiola 's side still have major vulnerabilities , as first leg showedreal madrid may struggle without luka modric , despite easier drawjuventus ' defence is reason for hope , but andrea pirlo is past his peakbarcelona 's front three is formidable , but they lack required depth\"]\n", - "the draw for the champions league has pitted pep guardiola 's bayern munich against his former club barcelona , while handing italian champions a daunting task against holders real madrid .bayern have an excellent champions league pedigree , with a coach in pep guardiola who won this competition twice at barcelona and a squad that has retained its best players since beating borussia dortmund in the final at wembley two years ago .with sub-plots aplenty , and quality assured , the final four of european 's premier competition will all feel they have a real chance of adding to their european titles .\n", - "bayern munich dmonstrated their quality in second-leg demolition of portobut pep guardiola 's side still have major vulnerabilities , as first leg showedreal madrid may struggle without luka modric , despite easier drawjuventus ' defence is reason for hope , but andrea pirlo is past his peakbarcelona 's front three is formidable , but they lack required depth\n", - "[1.3629599 1.4083321 1.1777962 1.3128805 1.1589952 1.0819534 1.0965302\n", - " 1.0943437 1.1378678 1.1018178 1.0445672 1.0646052 1.036776 1.0380365\n", - " 1.050248 1.0518789 1.1070381 1.0734152 0. ]\n", - "\n", - "[ 1 0 3 2 4 8 16 9 6 7 5 17 11 15 14 10 13 12 18]\n", - "=======================\n", - "[\"the 21-year-old singer argued with security after being stopped at the artists ' entrance where drake was performing at the event in indio , california .justin bieber was reportedly placed in a chokehold by security and booted from the coachella music festival over the weekend .the drama unfurled on sunday night when the canadian pop star and his entourage tried to gain entry to drake 's gig .\"]\n", - "=======================\n", - "[\"singer arrived at artists ' entrance to gain entry to drake 's gigsecurity told him area was at full capacity and denied admissiona row erupted and a coachella staffer tried to get bieber into the gigbut festival security then intervened and put singer in chokehold and removed him from the area\"]\n", - "the 21-year-old singer argued with security after being stopped at the artists ' entrance where drake was performing at the event in indio , california .justin bieber was reportedly placed in a chokehold by security and booted from the coachella music festival over the weekend .the drama unfurled on sunday night when the canadian pop star and his entourage tried to gain entry to drake 's gig .\n", - "singer arrived at artists ' entrance to gain entry to drake 's gigsecurity told him area was at full capacity and denied admissiona row erupted and a coachella staffer tried to get bieber into the gigbut festival security then intervened and put singer in chokehold and removed him from the area\n", - "[1.045327 1.2067454 1.379899 1.3488777 1.3615324 1.172947 1.1725428\n", - " 1.0951228 1.1632361 1.0454123 1.0212263 1.1644106 1.0511988 1.0812876\n", - " 1.038912 0. 0. 0. 0. ]\n", - "\n", - "[ 2 4 3 1 5 6 11 8 7 13 12 9 0 14 10 17 15 16 18]\n", - "=======================\n", - "[\"called the nanoheat wireless heated mug , the $ 39.99 ( # 26 ) gadget can maintain the temperature at around 71 °c ( 160 °f ) for up to 45 minutes - giving you plenty of time to drink it all .with this in mind , engineers have created a heated mug designed to keep the temperature ` just right ' from the first sip to the last drop .the goldilocks principle is a scientific term for when the state of something falls within certain margins , based on the children 's story the three bears .\"]\n", - "=======================\n", - "['the $ 39.99 ( # 26 ) gadget is called the nanoheat wireless heated mugit keeps hot drinks at between 68 and 71 °c ( 155 and 160 °f ) for 45 minutesmug can be used more than seven times before it needs to be chargedand it can be charged wirelessly or using a traditional usb cord']\n", - "called the nanoheat wireless heated mug , the $ 39.99 ( # 26 ) gadget can maintain the temperature at around 71 °c ( 160 °f ) for up to 45 minutes - giving you plenty of time to drink it all .with this in mind , engineers have created a heated mug designed to keep the temperature ` just right ' from the first sip to the last drop .the goldilocks principle is a scientific term for when the state of something falls within certain margins , based on the children 's story the three bears .\n", - "the $ 39.99 ( # 26 ) gadget is called the nanoheat wireless heated mugit keeps hot drinks at between 68 and 71 °c ( 155 and 160 °f ) for 45 minutesmug can be used more than seven times before it needs to be chargedand it can be charged wirelessly or using a traditional usb cord\n", - "[1.315242 1.3965207 1.2032752 1.2076918 1.2205669 1.1749368 1.229857\n", - " 1.1183463 1.0722928 1.1501131 1.1698104 1.1062324 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 6 4 3 2 5 10 9 7 11 8 22 12 13 14 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"mouscron , in belgium 's pro league , had a partnership with lille but the french side are now poised to link up with another belgian club , ostend , leaving room for a new deal and chelsea are the preferred option .chelsea are in early discussions over a possible partnership with belgian club royal mouscron-peruwelz .they are 13th in the table , two points above the relegation places .\"]\n", - "=======================\n", - "[\"chelsea are in early discussions over a possible partnership in belgiumthe pro league 's royal mouscron-peruwelz are the prospective partnerschelsea already have an agreement with vitesse arnheim in hollandclick here for all the latest chelsea news\"]\n", - "mouscron , in belgium 's pro league , had a partnership with lille but the french side are now poised to link up with another belgian club , ostend , leaving room for a new deal and chelsea are the preferred option .chelsea are in early discussions over a possible partnership with belgian club royal mouscron-peruwelz .they are 13th in the table , two points above the relegation places .\n", - "chelsea are in early discussions over a possible partnership in belgiumthe pro league 's royal mouscron-peruwelz are the prospective partnerschelsea already have an agreement with vitesse arnheim in hollandclick here for all the latest chelsea news\n", - "[1.2582617 1.2949411 1.2928001 1.1584227 1.1108338 1.204992 1.0962665\n", - " 1.0581547 1.0789543 1.0688376 1.063195 1.0474724 1.0344253 1.0721996\n", - " 1.0694333 1.100426 1.0590414 1.0809467 1.056012 1.0562341 1.0598006\n", - " 1.0667568 1.0570402 1.0499316]\n", - "\n", - "[ 1 2 0 5 3 4 15 6 17 8 13 14 9 21 10 20 16 7 22 19 18 23 11 12]\n", - "=======================\n", - "[\"authorities said initial tests suggested there had been no leaks from the plant 's three tanks of burning hydrocarbon liquids and no signs of contamination of the environment following the blast at goure px plant in zhangzhou , fujian province -- the second explosion to hit the factory in 20 months .hundreds of residents were evacuated from their homes in the surrounding area after the blast on monday night , while 177 fire engines and 829 firefighters battled the blaze .nineteen people needed medical treatment and hundreds of firefighters deployed to fight a huge blaze at a chinese chemical plant that produces a toxic chemical .\"]\n", - "=======================\n", - "['plant in zhangzhou , fujian province , is used to make a toxic chemicalnineteen people required medical treatment after blast caused by oil leakplant produces paraxylene , which can cause eye , nose and throat irritationit is the second accident at the controversial plant in 20 monthsit took 177 fire engines and 829 firefighters to bring blaze under control']\n", - "authorities said initial tests suggested there had been no leaks from the plant 's three tanks of burning hydrocarbon liquids and no signs of contamination of the environment following the blast at goure px plant in zhangzhou , fujian province -- the second explosion to hit the factory in 20 months .hundreds of residents were evacuated from their homes in the surrounding area after the blast on monday night , while 177 fire engines and 829 firefighters battled the blaze .nineteen people needed medical treatment and hundreds of firefighters deployed to fight a huge blaze at a chinese chemical plant that produces a toxic chemical .\n", - "plant in zhangzhou , fujian province , is used to make a toxic chemicalnineteen people required medical treatment after blast caused by oil leakplant produces paraxylene , which can cause eye , nose and throat irritationit is the second accident at the controversial plant in 20 monthsit took 177 fire engines and 829 firefighters to bring blaze under control\n", - "[1.1628908 1.4884955 1.2964016 1.3033732 1.1166612 1.2347963 1.1462157\n", - " 1.0366076 1.1645436 1.1214862 1.0242046 1.0321213 1.1023303 1.0922432\n", - " 1.0376076 1.0177939 1.0093374 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 5 8 0 6 9 4 12 13 14 7 11 10 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"ten-year-old martha had been with her owner on the beach in leasowe in merseyside and was paddling in the water when she was caught out by a strong current .but as they were unable to save their pet , new brighton 's rnli crew were called and managed to find martha who was cold and shivering .this is the dramatic moment a golden retriever had to be rescued from the water after being swept half a mile out to sea while playing on the shoreline .\"]\n", - "=======================\n", - "['martha , aged 10 , had been paddling in the water when she was swept outher owner launched their own rescue but was unable to grab the petrnli eventually found the golden retriever who was cold and shiveringbrought her back to the shore after managing to grab her by the collar']\n", - "ten-year-old martha had been with her owner on the beach in leasowe in merseyside and was paddling in the water when she was caught out by a strong current .but as they were unable to save their pet , new brighton 's rnli crew were called and managed to find martha who was cold and shivering .this is the dramatic moment a golden retriever had to be rescued from the water after being swept half a mile out to sea while playing on the shoreline .\n", - "martha , aged 10 , had been paddling in the water when she was swept outher owner launched their own rescue but was unable to grab the petrnli eventually found the golden retriever who was cold and shiveringbrought her back to the shore after managing to grab her by the collar\n", - "[1.3356767 1.4069848 1.1616505 1.092428 1.2270921 1.1968379 1.3976003\n", - " 1.028557 1.0385524 1.0200849 1.0857407 1.0193557 1.0222878 1.0231222\n", - " 1.0203172 1.019118 1.0640023 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 6 0 4 5 2 3 10 16 8 7 13 12 14 9 11 15 22 17 18 19 20 21 23]\n", - "=======================\n", - "[\"bennett labelled the tight end ` soft ' and ` overrated ' , not to mention adding that ` he did n't like him as a person or a player ' , after seattle 's playoff win over the saints two years ago .jimmy graham signed a deal with seattle which gives russell wilson a 6ft 7in target to aim atsome see the addition of jimmy graham to the seattle seahawks ' offense as one of the best moves of free agency , but michael bennett still thinks he 's overrated .\"]\n", - "=======================\n", - "[\"bennett slated graham after the seahawks beat the saints in the playoffs two years agoand even though the tight end joined seattle , the defensive lineman says his views have not changed` just because he 's on my team i do n't stop feeling that way , ' he saidbennett also denied he asked for a trade to the atlanta falcons\"]\n", - "bennett labelled the tight end ` soft ' and ` overrated ' , not to mention adding that ` he did n't like him as a person or a player ' , after seattle 's playoff win over the saints two years ago .jimmy graham signed a deal with seattle which gives russell wilson a 6ft 7in target to aim atsome see the addition of jimmy graham to the seattle seahawks ' offense as one of the best moves of free agency , but michael bennett still thinks he 's overrated .\n", - "bennett slated graham after the seahawks beat the saints in the playoffs two years agoand even though the tight end joined seattle , the defensive lineman says his views have not changed` just because he 's on my team i do n't stop feeling that way , ' he saidbennett also denied he asked for a trade to the atlanta falcons\n", - "[1.0889467 1.118181 1.2794033 1.1130944 1.1543124 1.2476623 1.1544173\n", - " 1.1397073 1.0759066 1.0726398 1.1226181 1.0942726 1.0795592 1.0270303\n", - " 1.0438569 1.0853508 1.0158625 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 5 6 4 7 10 1 3 11 0 15 12 8 9 14 13 16 22 17 18 19 20 21 23]\n", - "=======================\n", - "[\"and now , the secret behind the 34-year-old reality tv star 's glowing skin has been revealed .the mother-of-one , who shared her beauty essentials on instagram , protects her skin with a # 65 ( $ 96 ) creme de la mer spf 30 uv protecting fluid , which claims to prevent the appearance of discolorations while providing protection from the sun .the cream , which is packed with gemstones , peculiar sounding ` photonic spheres ' and smart seaweeds , can also be used as a make-up primer .\"]\n", - "=======================\n", - "['kim , 34 , shared make-up bag contents on instagramincludes clarisonic brush , hairbrush from her own range and rose waterstar is also getting set to launch new kidswear range']\n", - "and now , the secret behind the 34-year-old reality tv star 's glowing skin has been revealed .the mother-of-one , who shared her beauty essentials on instagram , protects her skin with a # 65 ( $ 96 ) creme de la mer spf 30 uv protecting fluid , which claims to prevent the appearance of discolorations while providing protection from the sun .the cream , which is packed with gemstones , peculiar sounding ` photonic spheres ' and smart seaweeds , can also be used as a make-up primer .\n", - "kim , 34 , shared make-up bag contents on instagramincludes clarisonic brush , hairbrush from her own range and rose waterstar is also getting set to launch new kidswear range\n", - "[1.1824698 1.1868837 1.2241071 1.3926659 1.0698994 1.0655824 1.0945396\n", - " 1.1337497 1.0576732 1.1954917 1.038204 1.0208778 1.035651 1.1179669\n", - " 1.0454217 1.0966321 1.0464792 1.0372014 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 2 9 1 0 7 13 15 6 4 5 8 16 14 10 17 12 11 20 18 19 21]\n", - "=======================\n", - "[\"durham university scientists studied a ` clump ' of dark matter that appears to be lagging behind its galaxy - suggesting it interacts with itself .now an international team of researchers at durham university has found a clump offset from a galaxy by 5,000 light-years , suggesting that is not the case .until now it was thought that dark matter did not interact with anything other than gravity , earning it its ` dark ' moniker and making its detection incredibly difficult .\"]\n", - "=======================\n", - "[\"durham university scientists studied a ` clump ' of dark matterit was found to lag behind the galaxy it was associated withthis suggests dark matter particles can self-interact and slow downit means dark matter may not be as oblivious to our universe as we thought\"]\n", - "durham university scientists studied a ` clump ' of dark matter that appears to be lagging behind its galaxy - suggesting it interacts with itself .now an international team of researchers at durham university has found a clump offset from a galaxy by 5,000 light-years , suggesting that is not the case .until now it was thought that dark matter did not interact with anything other than gravity , earning it its ` dark ' moniker and making its detection incredibly difficult .\n", - "durham university scientists studied a ` clump ' of dark matterit was found to lag behind the galaxy it was associated withthis suggests dark matter particles can self-interact and slow downit means dark matter may not be as oblivious to our universe as we thought\n", - "[1.2125537 1.096507 1.0980182 1.257923 1.294582 1.1098946 1.0676147\n", - " 1.0557331 1.0466527 1.1455965 1.0591328 1.086095 1.078085 1.0811654\n", - " 1.0553291 1.0205327 1.075943 1.0501828 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 4 3 0 9 5 2 1 11 13 12 16 6 10 7 14 17 8 15 18 19 20 21]\n", - "=======================\n", - "[\"simeone talks to his squad ahead of real madrid 's visit on tuesday night in the quarter final first legdiego simeone shows off his playing skills as he prepare atletico madrid for their champions league clashone of diego simeone 's many managerial mantras -- and there are already enough to fill a volume that would rival louis van gaal 's biographie & vision -- is : ` i always think that tomorrow i could be sacked ' .\"]\n", - "=======================\n", - "[\"real madrid face atletico in champions league quarter-final on tuesdayatletico have won four and drawn two against real madrid this seasonsimeone looking to avenge last year 's champions league final defeatatletico wo n't retain la liga title , but believe they can challenge in europeread : fernando torres credits simeone as key to atletico madrid success\"]\n", - "simeone talks to his squad ahead of real madrid 's visit on tuesday night in the quarter final first legdiego simeone shows off his playing skills as he prepare atletico madrid for their champions league clashone of diego simeone 's many managerial mantras -- and there are already enough to fill a volume that would rival louis van gaal 's biographie & vision -- is : ` i always think that tomorrow i could be sacked ' .\n", - "real madrid face atletico in champions league quarter-final on tuesdayatletico have won four and drawn two against real madrid this seasonsimeone looking to avenge last year 's champions league final defeatatletico wo n't retain la liga title , but believe they can challenge in europeread : fernando torres credits simeone as key to atletico madrid success\n", - "[1.2561178 1.4196755 1.1949501 1.1759627 1.0989008 1.2195816 1.0635949\n", - " 1.0500298 1.0504372 1.0586727 1.0749319 1.0871943 1.0912175 1.0693747\n", - " 1.0962652 1.0461909 1.1518054 1.0543512 1.0590699 1.0157278 1.0242215\n", - " 0. ]\n", - "\n", - "[ 1 0 5 2 3 16 4 14 12 11 10 13 6 18 9 17 8 7 15 20 19 21]\n", - "=======================\n", - "[\"the intruder was arrested after climbing into the grounds of the president 's home at 10.25 pm .a trespasser carrying a suspicious package jumped over the white house railings last night - the latest in a string of embarrassing security breaches to hit the us capital .the package was examined and ` deemed to be harmless ' , according to a report by cnn .\"]\n", - "=======================\n", - "[\"trespasser managed to get into grounds of presidential residencesecret service in washington dc claim they made an ` immediate ' arrestintruder 's parcel was examined but deemed not to be a riskbreach comes a few days after a gyrocopter landed on capitol 's lawn\"]\n", - "the intruder was arrested after climbing into the grounds of the president 's home at 10.25 pm .a trespasser carrying a suspicious package jumped over the white house railings last night - the latest in a string of embarrassing security breaches to hit the us capital .the package was examined and ` deemed to be harmless ' , according to a report by cnn .\n", - "trespasser managed to get into grounds of presidential residencesecret service in washington dc claim they made an ` immediate ' arrestintruder 's parcel was examined but deemed not to be a riskbreach comes a few days after a gyrocopter landed on capitol 's lawn\n", - "[1.33697 1.3973017 1.1316411 1.3471978 1.0639669 1.0444778 1.1376213\n", - " 1.0668147 1.1403639 1.200693 1.0449715 1.1050904 1.0607773 1.0345646\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 9 8 6 2 11 7 4 12 10 5 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "['the labor department reported on thursday that the number of jobless americans in their 20s armed with a four-year or advanced degree rose to 12.4 per cent last year from 10.9 per cent in 2013 .it plans to hire 9,000 graduates from u.s. universities this year , up from 7,500 in 2014 .despite the recent news , in a survey of employers last fall by michigan state university , the employment center found that hiring of graduates will rise 16per cent this year .']\n", - "=======================\n", - "[\"the labor department reported on thursday that the number of jobless grads rose to 12.4 per cent last year from 10.9 per cent in 2013philip gardner , director of michigan state university 's collegiate employment research institute , says engineering and business majors have the most chance on landing a job in today 's competitive marketdespite the recent news , in a survey of employers last fall the employment center found that hiring of graduates will rise 16per cent this yearindeed , the consulting and accounting firm ey plans to hire 9,000 graduates from u.s. universities this year , up from 7,500 in 2014\"]\n", - "the labor department reported on thursday that the number of jobless americans in their 20s armed with a four-year or advanced degree rose to 12.4 per cent last year from 10.9 per cent in 2013 .it plans to hire 9,000 graduates from u.s. universities this year , up from 7,500 in 2014 .despite the recent news , in a survey of employers last fall by michigan state university , the employment center found that hiring of graduates will rise 16per cent this year .\n", - "the labor department reported on thursday that the number of jobless grads rose to 12.4 per cent last year from 10.9 per cent in 2013philip gardner , director of michigan state university 's collegiate employment research institute , says engineering and business majors have the most chance on landing a job in today 's competitive marketdespite the recent news , in a survey of employers last fall the employment center found that hiring of graduates will rise 16per cent this yearindeed , the consulting and accounting firm ey plans to hire 9,000 graduates from u.s. universities this year , up from 7,500 in 2014\n", - "[1.3098475 1.0665367 1.0442019 1.1456983 1.1335157 1.372187 1.0516204\n", - " 1.231473 1.0392352 1.0417862 1.0296391 1.0159096 1.2841365 1.0174232\n", - " 1.0231217 1.0141345 1.0224599 1.1450745 1.0451444 1.0180132 1.029905\n", - " 1.2097908]\n", - "\n", - "[ 5 0 12 7 21 3 17 4 1 6 18 2 9 8 20 10 14 16 19 13 11 15]\n", - "=======================\n", - "[\"ross mccormack ( left ) pokes home the equaliser but fulham were unable to push on for the winnerfaithless ' dance anthem ` insomnia ' booms out seconds before games at fulham , and it 's rather apt for kit symons .kit symons ( centre ) admitted his side were second best and says the club need to rebuild in the summer\"]\n", - "=======================\n", - "['fulham scrapped a draw at home to fellow strugglers rotherhammatt derbyshire gave the away side an early lead from close rangeross mccormack poked home an equaliser in the second halffans booed heavily when the final whistle was blown at craven cottage']\n", - "ross mccormack ( left ) pokes home the equaliser but fulham were unable to push on for the winnerfaithless ' dance anthem ` insomnia ' booms out seconds before games at fulham , and it 's rather apt for kit symons .kit symons ( centre ) admitted his side were second best and says the club need to rebuild in the summer\n", - "fulham scrapped a draw at home to fellow strugglers rotherhammatt derbyshire gave the away side an early lead from close rangeross mccormack poked home an equaliser in the second halffans booed heavily when the final whistle was blown at craven cottage\n", - "[1.3027405 1.3752215 1.2352682 1.1066794 1.0525098 1.0325867 1.0250138\n", - " 1.0177972 1.1785024 1.2241013 1.1118209 1.1518068 1.0355297 1.1272511\n", - " 1.1795007 1.2548862 1.1649635 1.0127612 0. ]\n", - "\n", - "[ 1 0 15 2 9 14 8 16 11 13 10 3 4 12 5 6 7 17 18]\n", - "=======================\n", - "['they have been at the mercy of the wild seas since last night , as storms batter the east coast .the time of their lives has turned into the holiday from hell for up to 2500 passengers stranded on a cruise ship , the carnival spirit , outside sydney harbour and riding a constant flow of smashing waves of more than nine metres .the massive swell , seen from video images taken from on-board by stranded travellers , revealing just how treacherous and stomach churning the conditions are , out there .']\n", - "=======================\n", - "['up to 2500 passengers and crew stranded outside sydney harbour as massive storm batters the citypassengers report large waves were crashing into the ship right through the night and into tuesdaythe vessel has suffered damage with a satellite damaged and a door ripped open by the crashing wavescarnival cruise lines hopes to have the cruise-liner dock on wednesday but there are fears they will have to wait another 48 hours11 metre waves have been recorded off-shoreweather conditions are expected to worsen in the afternoon with 100kph winds on the way']\n", - "they have been at the mercy of the wild seas since last night , as storms batter the east coast .the time of their lives has turned into the holiday from hell for up to 2500 passengers stranded on a cruise ship , the carnival spirit , outside sydney harbour and riding a constant flow of smashing waves of more than nine metres .the massive swell , seen from video images taken from on-board by stranded travellers , revealing just how treacherous and stomach churning the conditions are , out there .\n", - "up to 2500 passengers and crew stranded outside sydney harbour as massive storm batters the citypassengers report large waves were crashing into the ship right through the night and into tuesdaythe vessel has suffered damage with a satellite damaged and a door ripped open by the crashing wavescarnival cruise lines hopes to have the cruise-liner dock on wednesday but there are fears they will have to wait another 48 hours11 metre waves have been recorded off-shoreweather conditions are expected to worsen in the afternoon with 100kph winds on the way\n", - "[1.1205374 1.3838856 1.0846136 1.1117928 1.1678836 1.5512731 1.1868601\n", - " 1.2286477 1.0292423 1.0226562 1.0156128 1.0395782 1.0236919 1.0673379\n", - " 1.0680195 1.0267142 1.0224507 1.0540261 1.0433882]\n", - "\n", - "[ 5 1 7 6 4 0 3 2 14 13 17 18 11 8 15 12 9 16 10]\n", - "=======================\n", - "[\"newcastle keeper tim krul congratulated sunderland striker jermain defoe on his goal at half-timeit is a week since i criticised newcastle united 's goalkeeper for appearing to congratulate jermain defoe at half-time during the wear-tyne derby after the sunderland striker beat him with a brilliant volley .sportsmail 's jamie carragher criticised krul for his half-time actions while speaking on sky sports\"]\n", - "=======================\n", - "[\"jamie carragher : tim krul was wrong to congratulate jermain defoethat argument from sportsmail 's columnist has divided opinion this weekcarragher still can not work out why the newcastle keeper did what he did\"]\n", - "newcastle keeper tim krul congratulated sunderland striker jermain defoe on his goal at half-timeit is a week since i criticised newcastle united 's goalkeeper for appearing to congratulate jermain defoe at half-time during the wear-tyne derby after the sunderland striker beat him with a brilliant volley .sportsmail 's jamie carragher criticised krul for his half-time actions while speaking on sky sports\n", - "jamie carragher : tim krul was wrong to congratulate jermain defoethat argument from sportsmail 's columnist has divided opinion this weekcarragher still can not work out why the newcastle keeper did what he did\n", - "[1.429837 1.1813116 1.2474482 1.1537426 1.169485 1.1452587 1.0790863\n", - " 1.0668639 1.0724968 1.0605567 1.0649277 1.06659 1.0354164 1.0705807\n", - " 1.0626098 1.0469667 1.2006589 1.068877 0. ]\n", - "\n", - "[ 0 2 16 1 4 3 5 6 8 13 17 7 11 10 14 9 15 12 18]\n", - "=======================\n", - "['eloise parry , known as ella , 21 , died this week after taking a lethal overdose of diet pillswhile doctors desperately tried to stabilise her , she died just three hours later .after taking the tablets her metabolism began to soar and she started to overheat .']\n", - "=======================\n", - "['dnp was a chemical used in weapons in ww1 and was found to be toxicit was also commercially used as a pesticide and poisoned workerswas banned as a diet pill after scientists discovered its risky side effectshas been linked to a string of deaths as it causes people to overheat']\n", - "eloise parry , known as ella , 21 , died this week after taking a lethal overdose of diet pillswhile doctors desperately tried to stabilise her , she died just three hours later .after taking the tablets her metabolism began to soar and she started to overheat .\n", - "dnp was a chemical used in weapons in ww1 and was found to be toxicit was also commercially used as a pesticide and poisoned workerswas banned as a diet pill after scientists discovered its risky side effectshas been linked to a string of deaths as it causes people to overheat\n", - "[1.2697357 1.4970362 1.2227952 1.1337465 1.0733671 1.0747616 1.08726\n", - " 1.0213304 1.0592198 1.0892653 1.1162368 1.0685055 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 10 9 6 5 4 11 8 7 17 12 13 14 15 16 18]\n", - "=======================\n", - "[\"much of the comic book film , avengers : age of ultron , was shot in seoul and the country 's culture ministry agreed to cover a third of filming costs in the city on the agreement the republic of korea is shown as ` high tech ' and ` modern ' .the south korean government paid an eye-watering # 2.4 million to the makers of the new avengers movie to ensure the country is shown in a positive light , it has emerged .kim young-gun , who overseas the korean film council 's ( kofic ) incentive program for foreign films , said the film could transform the status of seoul , which has been largely overlooked by hollywood compared to its regional peers .\"]\n", - "=======================\n", - "[\"south korea has paid marvel to ensure country is shown in positive lightmuch of the new avengers film , released on thursday , was shot in seoulculture ministry paid # 2.4 m to cover a third of the filming costs in the citythe government wants seoul to be portrayed as ` high tech ' and ` modern '\"]\n", - "much of the comic book film , avengers : age of ultron , was shot in seoul and the country 's culture ministry agreed to cover a third of filming costs in the city on the agreement the republic of korea is shown as ` high tech ' and ` modern ' .the south korean government paid an eye-watering # 2.4 million to the makers of the new avengers movie to ensure the country is shown in a positive light , it has emerged .kim young-gun , who overseas the korean film council 's ( kofic ) incentive program for foreign films , said the film could transform the status of seoul , which has been largely overlooked by hollywood compared to its regional peers .\n", - "south korea has paid marvel to ensure country is shown in positive lightmuch of the new avengers film , released on thursday , was shot in seoulculture ministry paid # 2.4 m to cover a third of the filming costs in the citythe government wants seoul to be portrayed as ` high tech ' and ` modern '\n", - "[1.4423956 1.1754689 1.4373527 1.2654644 1.1321175 1.1792085 1.0593632\n", - " 1.0807263 1.0670989 1.0876217 1.1164652 1.0427719 1.0260445 1.1800545\n", - " 1.0313734 1.0161825 1.0268966 0. 0. ]\n", - "\n", - "[ 0 2 3 13 5 1 4 10 9 7 8 6 11 14 16 12 15 17 18]\n", - "=======================\n", - "[\"claudia martin , 33 , has been convicted of suffocating her newborn baby daughtera court heard she was suffering from a condition known as a ` pathological denial of pregnancy ' which continued after giving birth to a baby girl .she ` intended ' to dispose of the tragic baby 's body unnoticed , wrapping it in a plastic bag and towels , but was prevented from doing so when paramedics arrived and whisked her off to hospital .\"]\n", - "=======================\n", - "[\"claudia martins convicted of the manslaughter of her newborn baby girlthe 33-year-old killed the infant by filling its mouth with toilet paperconvicted of manslaughter on the grounds of diminished responsibilityavoids jail as judge says she suffered ` momentary abnormality of mental functioning '\"]\n", - "claudia martin , 33 , has been convicted of suffocating her newborn baby daughtera court heard she was suffering from a condition known as a ` pathological denial of pregnancy ' which continued after giving birth to a baby girl .she ` intended ' to dispose of the tragic baby 's body unnoticed , wrapping it in a plastic bag and towels , but was prevented from doing so when paramedics arrived and whisked her off to hospital .\n", - "claudia martins convicted of the manslaughter of her newborn baby girlthe 33-year-old killed the infant by filling its mouth with toilet paperconvicted of manslaughter on the grounds of diminished responsibilityavoids jail as judge says she suffered ` momentary abnormality of mental functioning '\n", - "[1.1366571 1.3675117 1.2347143 1.1331116 1.2658212 1.1357553 1.1504596\n", - " 1.1096238 1.0692122 1.1149896 1.0182551 1.132079 1.1719862 1.0911989\n", - " 1.1055679 1.0135052 1.0161015 0. 0. ]\n", - "\n", - "[ 1 4 2 12 6 0 5 3 11 9 7 14 13 8 10 16 15 17 18]\n", - "=======================\n", - "['now experts fear millions of them could be heading for britain -- and the threats they pose are to be discussed at a summit meeting by beekeepers .this is because the two-inch-long asian hornets pose a terrible danger to our honeybees .it has colonised huge swathes of the country and , with a few hornets capable of destroying 30,000 bees in just a couple of hours , honey production has plummeted .']\n", - "=======================\n", - "['millions of asian hornets have colonised swathes of french countrysidevicious insects mutilate honeybees and prey on beehives to feed youngsix people have died in france after suffering allergic reactions to stingministers in britain have drawn up battle plans for any possible invasion']\n", - "now experts fear millions of them could be heading for britain -- and the threats they pose are to be discussed at a summit meeting by beekeepers .this is because the two-inch-long asian hornets pose a terrible danger to our honeybees .it has colonised huge swathes of the country and , with a few hornets capable of destroying 30,000 bees in just a couple of hours , honey production has plummeted .\n", - "millions of asian hornets have colonised swathes of french countrysidevicious insects mutilate honeybees and prey on beehives to feed youngsix people have died in france after suffering allergic reactions to stingministers in britain have drawn up battle plans for any possible invasion\n", - "[1.3366543 1.5229471 1.3565996 1.1277872 1.0357083 1.1618259 1.0782493\n", - " 1.0434594 1.0265113 1.105286 1.0604153 1.0234877 1.0216669 1.0222642\n", - " 1.0309566 1.0318364 1.0858248 1.0211536 1.0527866]\n", - "\n", - "[ 1 2 0 5 3 9 16 6 10 18 7 4 15 14 8 11 13 12 17]\n", - "=======================\n", - "[\"marie surprenant , from atlanta , georgia , was eight-months-old and weighed only 14lbs when she was admitted to the children 's healthcare of atlanta with more than 14 fractures , numerous bruises and a spinal cord injury that left her paraplegic .after her biological mother and her boyfriend were arrested , marie was placed into foster care and later adopted by michele surprenant . 'an eight-year-old abuse survivor , who was beaten so severely as an infant that she permanently lost the use of her legs , has written a heartwrenching open letter to her social workers and detectives thanking them for investigating her case and placing her in a happy home where she is loved .\"]\n", - "=======================\n", - "[\"marie surprenant , from atlanta , georgia , was left paraplegic after being severely abused as an infantwhen marie was eight-months-old she was admitted to the emergency room with more than 14 fractures , weighing only 14lbsafter social workers investigated her case , she was put into foster care and adopted by michele surprenantmichele , who is also a social worker , says it was her adoptive daughter 's idea to write the letter because she is grateful for her new home\"]\n", - "marie surprenant , from atlanta , georgia , was eight-months-old and weighed only 14lbs when she was admitted to the children 's healthcare of atlanta with more than 14 fractures , numerous bruises and a spinal cord injury that left her paraplegic .after her biological mother and her boyfriend were arrested , marie was placed into foster care and later adopted by michele surprenant . 'an eight-year-old abuse survivor , who was beaten so severely as an infant that she permanently lost the use of her legs , has written a heartwrenching open letter to her social workers and detectives thanking them for investigating her case and placing her in a happy home where she is loved .\n", - "marie surprenant , from atlanta , georgia , was left paraplegic after being severely abused as an infantwhen marie was eight-months-old she was admitted to the emergency room with more than 14 fractures , weighing only 14lbsafter social workers investigated her case , she was put into foster care and adopted by michele surprenantmichele , who is also a social worker , says it was her adoptive daughter 's idea to write the letter because she is grateful for her new home\n", - "[1.480649 1.401234 1.2953275 1.1786698 1.4300714 1.0481603 1.0151186\n", - " 1.0176158 1.0135955 1.0703013 1.0674202 1.1624733 1.0301155 1.0464239\n", - " 1.1551403 1.2408769 1.0354067 1.0449852 0. ]\n", - "\n", - "[ 0 4 1 2 15 3 11 14 9 10 5 13 17 16 12 7 6 8 18]\n", - "=======================\n", - "['manchester city have told jason denayer they want him to spend next season in the english championship .jason denayer is set to return to england to spend a season on loan in the championshipthe belgian defender has been a revelation during his year-long loan move to celtic .']\n", - "=======================\n", - "['defender jason denayer will not be returning to celtic next seasonmanchester city have decided he should play championship footballdenayer nominated for the pfa scotland player of the year awardclick here for all the latest celtic news']\n", - "manchester city have told jason denayer they want him to spend next season in the english championship .jason denayer is set to return to england to spend a season on loan in the championshipthe belgian defender has been a revelation during his year-long loan move to celtic .\n", - "defender jason denayer will not be returning to celtic next seasonmanchester city have decided he should play championship footballdenayer nominated for the pfa scotland player of the year awardclick here for all the latest celtic news\n", - "[1.4043909 1.534459 1.2152362 1.2725499 1.0868559 1.1008445 1.0541532\n", - " 1.0318394 1.0218005 1.0357258 1.0903965 1.1357557 1.1139684 1.072448\n", - " 1.0362269 1.0548756 1.2185243 0. 0. ]\n", - "\n", - "[ 1 0 3 16 2 11 12 5 10 4 13 15 6 14 9 7 8 17 18]\n", - "=======================\n", - "[\"pianist laurie holloway was invited to buckingham palace by princess margaret to accompany herself and the queen for the performance which was recorded on a cassette tape .the queen and princess margaret recorded a special tape of favourite children 's songs for the queen mother 's 90th birthday in august 1990 .the queen was 64 at the time and margaret 59 .\"]\n", - "=======================\n", - "[\"the queen recorded their favourite childhood songs in august 1990pianist laurie holloway was invited to buckingham palace for the tapinghe said the queen and princess margaret recorded each song in one takeunfortunately , the unique tape was lost after the queen mother 's death\"]\n", - "pianist laurie holloway was invited to buckingham palace by princess margaret to accompany herself and the queen for the performance which was recorded on a cassette tape .the queen and princess margaret recorded a special tape of favourite children 's songs for the queen mother 's 90th birthday in august 1990 .the queen was 64 at the time and margaret 59 .\n", - "the queen recorded their favourite childhood songs in august 1990pianist laurie holloway was invited to buckingham palace for the tapinghe said the queen and princess margaret recorded each song in one takeunfortunately , the unique tape was lost after the queen mother 's death\n", - "[1.2411001 1.497909 1.2713842 1.3266342 1.0955108 1.0322455 1.0930736\n", - " 1.0823324 1.1160764 1.1017963 1.1306894 1.0520903 1.057459 1.1802887\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 13 10 8 9 4 6 7 12 11 5 17 14 15 16 18]\n", - "=======================\n", - "[\"opening in 2018 , the gigantic terminal 1 will cover 700,000 square metres , and is set to handle 45million passengers a year .renown british-iraqi architect , zaha hadid , has collaborated with airport developers adpi to create a six-tier concept which aims to decrease customer walking distances , and increase connectivity .the number of chinese tourists eager to travel the world has risen dramatically over the last few years , and beijing international airport is launching the world 's biggest terminal to cope with the substantial increase .\"]\n", - "=======================\n", - "['the new terminal 1 will open in 2018 spanning 700,000 square metresthe large area is set to handle 45 million passengers a yearbritish-iraqi architect , zaha hadid , worked with airport developers adpithe six-tier concept aims to promote a central open communal space']\n", - "opening in 2018 , the gigantic terminal 1 will cover 700,000 square metres , and is set to handle 45million passengers a year .renown british-iraqi architect , zaha hadid , has collaborated with airport developers adpi to create a six-tier concept which aims to decrease customer walking distances , and increase connectivity .the number of chinese tourists eager to travel the world has risen dramatically over the last few years , and beijing international airport is launching the world 's biggest terminal to cope with the substantial increase .\n", - "the new terminal 1 will open in 2018 spanning 700,000 square metresthe large area is set to handle 45 million passengers a yearbritish-iraqi architect , zaha hadid , worked with airport developers adpithe six-tier concept aims to promote a central open communal space\n", - "[1.2255973 1.3820853 1.1889156 1.2140859 1.0643864 1.1340904 1.1291789\n", - " 1.0921164 1.1452098 1.0627759 1.0221627 1.1205084 1.0922179 1.0635928\n", - " 1.0537359 0. 0. ]\n", - "\n", - "[ 1 0 3 2 8 5 6 11 12 7 4 13 9 14 10 15 16]\n", - "=======================\n", - "['prices have fallen by the largest amount in almost a decade as supermarkets continue to slash the cost of milk , vegetables and meat as they compete with each other and with emerging budget chains for customers .consumers are taking to the shops as they cash in on the falling prices of supermarket staples and clothesand on the high street clothes and footwear have become even more affordable - with prices dropping by around 7.8 per cent in the last 12 months - as the low cost of oil makes transporting and selling goods even cheaper .']\n", - "=======================\n", - "['shoppers are taking advantage of cheaper eggs , milk , cheese and meatcost of staples has been slashed as supermarkets compete for customersbigger stores competing with rise of budget chains aldi and lidl on priceprices in shops are 2.1 per cent lower this year than 12 months ago']\n", - "prices have fallen by the largest amount in almost a decade as supermarkets continue to slash the cost of milk , vegetables and meat as they compete with each other and with emerging budget chains for customers .consumers are taking to the shops as they cash in on the falling prices of supermarket staples and clothesand on the high street clothes and footwear have become even more affordable - with prices dropping by around 7.8 per cent in the last 12 months - as the low cost of oil makes transporting and selling goods even cheaper .\n", - "shoppers are taking advantage of cheaper eggs , milk , cheese and meatcost of staples has been slashed as supermarkets compete for customersbigger stores competing with rise of budget chains aldi and lidl on priceprices in shops are 2.1 per cent lower this year than 12 months ago\n", - "[1.4588419 1.2303298 1.2590635 1.2692928 1.0952207 1.3482083 1.1386492\n", - " 1.2148669 1.0745257 1.0194713 1.0223064 1.0299156 1.0127077 1.0107732\n", - " 1.0314053 1.0839845 1.0932999]\n", - "\n", - "[ 0 5 3 2 1 7 6 4 16 15 8 14 11 10 9 12 13]\n", - "=======================\n", - "[\"veteran referee kenny bayless has been named as the third man in the ring when floyd mayweather and manny pacuiao meet in the match being billed as the biggest and richest in boxing history .kenny bayless ( left ) will referee the match between floyd mayweather ( right ) and manny pacquiao on may 2in fact , he oversaw the former 's professional debut against roberto apodaca in 1996 .\"]\n", - "=======================\n", - "[\"oscar de la hoya believes that the appointment of referee kenny bayless will work to floyd mayweather 's advantage against manny pacquiaoveteran bayless has refereed several of mayweather 's previous fightsde la hoya thinks that bayless ' tendency to break up fighters will stop pacquiao from building any momentum against the american\"]\n", - "veteran referee kenny bayless has been named as the third man in the ring when floyd mayweather and manny pacuiao meet in the match being billed as the biggest and richest in boxing history .kenny bayless ( left ) will referee the match between floyd mayweather ( right ) and manny pacquiao on may 2in fact , he oversaw the former 's professional debut against roberto apodaca in 1996 .\n", - "oscar de la hoya believes that the appointment of referee kenny bayless will work to floyd mayweather 's advantage against manny pacquiaoveteran bayless has refereed several of mayweather 's previous fightsde la hoya thinks that bayless ' tendency to break up fighters will stop pacquiao from building any momentum against the american\n", - "[1.2196292 1.5399594 1.3168973 1.1820726 1.190812 1.1100258 1.1070542\n", - " 1.0336068 1.0386102 1.1208304 1.0314535 1.1037904 1.0139805 1.0715817\n", - " 1.0417244 1.0949333 1.0648142]\n", - "\n", - "[ 1 2 0 4 3 9 5 6 11 15 13 16 14 8 7 10 12]\n", - "=======================\n", - "[\"kenne worthen , 27 , allegedly started flirting with the sixth grader at longview elementary school in phoenix last august and the relationship turned sexual in january , fox10 reported .the father-of-one allegedly kept in contact with the girl outside school by messaging her on an ipod app , google hangouts , where she labeled his profile with a fake name , ` jesse smith ' .a married mormon elementary school teacher had a sexual relationship with one of his 12-year-old students - and was only stopped when her classmates told other teachers , police have revealed .\"]\n", - "=======================\n", - "[\"kenne worthen was arrested on friday after some of his students told staff ` he was having inappropriate contact with one of their classmates 'the married father of one ` started flirting with the girl last august and asked for her mother 's permission for her to remain behind after school 'they ` kept in contact out of school by messaging on google hangouts 'the girl and worthen ` both admitted to the relationship ' and he now faces sexual exploitation and child molestation charges\"]\n", - "kenne worthen , 27 , allegedly started flirting with the sixth grader at longview elementary school in phoenix last august and the relationship turned sexual in january , fox10 reported .the father-of-one allegedly kept in contact with the girl outside school by messaging her on an ipod app , google hangouts , where she labeled his profile with a fake name , ` jesse smith ' .a married mormon elementary school teacher had a sexual relationship with one of his 12-year-old students - and was only stopped when her classmates told other teachers , police have revealed .\n", - "kenne worthen was arrested on friday after some of his students told staff ` he was having inappropriate contact with one of their classmates 'the married father of one ` started flirting with the girl last august and asked for her mother 's permission for her to remain behind after school 'they ` kept in contact out of school by messaging on google hangouts 'the girl and worthen ` both admitted to the relationship ' and he now faces sexual exploitation and child molestation charges\n", - "[1.3718807 1.3047965 1.2150102 1.1430074 1.1589506 1.1187027 1.1884234\n", - " 1.0603912 1.0542697 1.0778226 1.0411353 1.0897832 1.0798055 1.0634568\n", - " 1.032867 0. 0. ]\n", - "\n", - "[ 0 1 2 6 4 3 5 11 12 9 13 7 8 10 14 15 16]\n", - "=======================\n", - "[\"shirley temple 's bitter ex-husband tried to derail her appointment to a diplomatic post by calling her 'em otionally unstable ' during her fbi background checkjohn george agar told an agent in 1969 to think twice because temple would ` overreact if she did n't get her way ' .he also said that her mother had wrecked their marriage because she interfered in their affairs too much .\"]\n", - "=======================\n", - "[\"former child star was nominated for the office by richard nixon in 1969 and the fbi was called in to check she was suitablefile reveals agents went to huge lengths to question those who knew her about her - republican - political views and those of husband charles blackher first husband john agar told agents she was ` untrustworthy ' - unlike then-california governor reagan who strongly backed hertemple died in february 2014 aged 85 and her 417-page fbi file was obtained by daily mail online under freedom of information act rules\"]\n", - "shirley temple 's bitter ex-husband tried to derail her appointment to a diplomatic post by calling her 'em otionally unstable ' during her fbi background checkjohn george agar told an agent in 1969 to think twice because temple would ` overreact if she did n't get her way ' .he also said that her mother had wrecked their marriage because she interfered in their affairs too much .\n", - "former child star was nominated for the office by richard nixon in 1969 and the fbi was called in to check she was suitablefile reveals agents went to huge lengths to question those who knew her about her - republican - political views and those of husband charles blackher first husband john agar told agents she was ` untrustworthy ' - unlike then-california governor reagan who strongly backed hertemple died in february 2014 aged 85 and her 417-page fbi file was obtained by daily mail online under freedom of information act rules\n", - "[1.2815316 1.4492222 1.1501224 1.1555715 1.2721255 1.2765598 1.0625584\n", - " 1.1085469 1.1774676 1.0443052 1.0504937 1.0441512 1.0642245 1.0697154\n", - " 1.0521374 0. 0. ]\n", - "\n", - "[ 1 0 5 4 8 3 2 7 13 12 6 14 10 9 11 15 16]\n", - "=======================\n", - "['shelley dufresnein from st charles parish , louisiana , took a plea deal on thursday that gets her out of serving any time behind or having to register as a sex offender .a 32-year-old english teacher who admitted having sex with a 16-year-old student posted a celebratory selfie on instagram just hours after discovering she had avoided a prison sentence .however she is still facing charges over a threesome she had with the same student at destrehan high school and another teacher .']\n", - "=======================\n", - "[\"shelley dufresnein of st charles parish , louisiana , took a plea dealmother-of-three avoided prison and wo n't have to register as a sex offendertook an image of her smiling after the hearing and wrote : ` my mood today 'also said she was ` relieved ' when followers began congratulating heris still facing charges over an alleged threesome she had with the same student and fellow teacher rachel respess , 24\"]\n", - "shelley dufresnein from st charles parish , louisiana , took a plea deal on thursday that gets her out of serving any time behind or having to register as a sex offender .a 32-year-old english teacher who admitted having sex with a 16-year-old student posted a celebratory selfie on instagram just hours after discovering she had avoided a prison sentence .however she is still facing charges over a threesome she had with the same student at destrehan high school and another teacher .\n", - "shelley dufresnein of st charles parish , louisiana , took a plea dealmother-of-three avoided prison and wo n't have to register as a sex offendertook an image of her smiling after the hearing and wrote : ` my mood today 'also said she was ` relieved ' when followers began congratulating heris still facing charges over an alleged threesome she had with the same student and fellow teacher rachel respess , 24\n", - "[1.2924728 1.2890902 1.284643 1.2013187 1.1111155 1.1344851 1.1332635\n", - " 1.0685922 1.0614804 1.0613397 1.1368862 1.0510255 1.0947739 1.131831\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 10 5 6 13 4 12 7 8 9 11 17 14 15 16 18]\n", - "=======================\n", - "[\"the monkeys of northern india 's shimla region have a fearsome reputation - and as this video shows , for a very good reason .a teenager in the area has discovered the hard way that the locals should not be toyed with after his affront to a monkey left him sprawled on his back .footage captured on a cctv camera near an office in shimla , india , shows the playful monkey first jumping onto a ledge to watch pedestrians wander past .\"]\n", - "=======================\n", - "['teenager was caught on cctv giving the middle finger to monkey in indiabut the monkey interprets it as a threat and launches itself at his facethe teenager is left sprawled on his back and in shock following the attack']\n", - "the monkeys of northern india 's shimla region have a fearsome reputation - and as this video shows , for a very good reason .a teenager in the area has discovered the hard way that the locals should not be toyed with after his affront to a monkey left him sprawled on his back .footage captured on a cctv camera near an office in shimla , india , shows the playful monkey first jumping onto a ledge to watch pedestrians wander past .\n", - "teenager was caught on cctv giving the middle finger to monkey in indiabut the monkey interprets it as a threat and launches itself at his facethe teenager is left sprawled on his back and in shock following the attack\n", - "[1.4121867 1.3391521 1.3304075 1.1826116 1.1119946 1.0472124 1.2241164\n", - " 1.1552136 1.0652231 1.1233824 1.0470227 1.0594895 1.0432485 1.0612001\n", - " 1.0088898 1.0195285 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 6 3 7 9 4 8 13 11 5 10 12 15 14 17 16 18]\n", - "=======================\n", - "[\"raheem sterling was told in no uncertain terms by liverpool supporters that they expect him to remain at the club this summer on the day he was parading the club 's new home kit at anfield .the new gingham design , presented to supporters at anfield on friday , is the first offering from us sports brand new balance , who struck a record-breaking # 300million four-year kit deal to replace sister company warrior as liverpool 's suppliers .the message was ` hold nothing back ' as sterling , daniel sturridge , martin skrtel and simon mignolet unveiled the new home strip to fans in the centenary stand on friday afternoon .\"]\n", - "=======================\n", - "['raheem sterling poses with kit alongside philippe coutinho , jordan henderson , daniel sturridge and adam lallanamidfielder has been linked with a move away from liverpool after refusing to sign new # 100,000-a-week contractnew balance struck a record-breaking # 300m four-year kit deal to replace sister company warrior at liverpoolcaptain steven gerrard did not model new strip as he prepares to leave for la galaxy in the summer']\n", - "raheem sterling was told in no uncertain terms by liverpool supporters that they expect him to remain at the club this summer on the day he was parading the club 's new home kit at anfield .the new gingham design , presented to supporters at anfield on friday , is the first offering from us sports brand new balance , who struck a record-breaking # 300million four-year kit deal to replace sister company warrior as liverpool 's suppliers .the message was ` hold nothing back ' as sterling , daniel sturridge , martin skrtel and simon mignolet unveiled the new home strip to fans in the centenary stand on friday afternoon .\n", - "raheem sterling poses with kit alongside philippe coutinho , jordan henderson , daniel sturridge and adam lallanamidfielder has been linked with a move away from liverpool after refusing to sign new # 100,000-a-week contractnew balance struck a record-breaking # 300m four-year kit deal to replace sister company warrior at liverpoolcaptain steven gerrard did not model new strip as he prepares to leave for la galaxy in the summer\n", - "[1.1762801 1.1054165 1.316064 1.3011729 1.189647 1.2693748 1.1063284\n", - " 1.0712945 1.0940859 1.1137993 1.0853474 1.0801071 1.1016667 1.0589224\n", - " 1.0421394 1.0360147 1.011762 0. 0. ]\n", - "\n", - "[ 2 3 5 4 0 9 6 1 12 8 10 11 7 13 14 15 16 17 18]\n", - "=======================\n", - "['an infestation of deathwatch beetles is putting the imposing castle , which towers above the town of hay-on-wye on the welsh border , at peril .threat : hay castle is infested with deathwatch beetles burrowing in to its timber framesthe hay castle trust , which is co-ordinating the renovation plans , has already received # 500,000 from the heritage lottery fund and will claim a further # 4.9 m once they have raised # 1.5 m from independent sources .']\n", - "=======================\n", - "[\"hay castle on the welsh borders faces infestation of deathwatch beetlesthe 12th-century building is having its timbers weakened by the insectsbeetle larvae burrow inside the castle 's wooden beams and threaten its structural integrityrenovators launch # 7million plan to save the historic castle\"]\n", - "an infestation of deathwatch beetles is putting the imposing castle , which towers above the town of hay-on-wye on the welsh border , at peril .threat : hay castle is infested with deathwatch beetles burrowing in to its timber framesthe hay castle trust , which is co-ordinating the renovation plans , has already received # 500,000 from the heritage lottery fund and will claim a further # 4.9 m once they have raised # 1.5 m from independent sources .\n", - "hay castle on the welsh borders faces infestation of deathwatch beetlesthe 12th-century building is having its timbers weakened by the insectsbeetle larvae burrow inside the castle 's wooden beams and threaten its structural integrityrenovators launch # 7million plan to save the historic castle\n", - "[1.4472506 1.383609 1.3097175 1.4195955 1.2702948 1.0344245 1.0246485\n", - " 1.1839505 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 7 5 6 16 15 14 13 9 11 10 17 8 12 18]\n", - "=======================\n", - "['london welsh have announced a contract extension for their former england international back olly barkley .olly barkley has extended his stay at london welsh after signing a new contract at the relegated-clubthe 33-year-old joined the exiles last year , having previously played for bath , gloucester , racing metro , grenoble and the scarlets .']\n", - "=======================\n", - "['olly barkley has signed a contract extension at london welshthe exiles were relegated from the aviva premiership this seasonfly half barkley is keen to fire the welsh back up to the top flightclick here for all the latest rugby unions news']\n", - "london welsh have announced a contract extension for their former england international back olly barkley .olly barkley has extended his stay at london welsh after signing a new contract at the relegated-clubthe 33-year-old joined the exiles last year , having previously played for bath , gloucester , racing metro , grenoble and the scarlets .\n", - "olly barkley has signed a contract extension at london welshthe exiles were relegated from the aviva premiership this seasonfly half barkley is keen to fire the welsh back up to the top flightclick here for all the latest rugby unions news\n", - "[1.1860629 1.3331993 1.2352599 1.3958523 1.2951041 1.194826 1.0685185\n", - " 1.015122 1.0982053 1.0969702 1.0777748 1.0735233 1.0959848 1.1011122\n", - " 1.0637233 1.0536067 1.0525733 1.0514768 1.0441862]\n", - "\n", - "[ 3 1 4 2 5 0 13 8 9 12 10 11 6 14 15 16 17 18 7]\n", - "=======================\n", - "['geraldine jones , 36 , of gary , indiana , was charged with murder , kidnapping and criminal confinementpolice believe fleming , 23 , was lured from her home by jones and the new mother brought serenity with heran indiana woman who police say duped a new mother into believing she was a child-welfare worker so she could stab the mom and steal her baby to pass off as her own was charged monday .']\n", - "=======================\n", - "['geraldine jones charged with murder , kidnapping , criminal confinementgary , indiana , woman , 36 , charged in death of samantha fleming , 23fleming and daughter serenity were last seen in anderson on april 5police say jones fooled fleming by posing as child-welfare worker']\n", - "geraldine jones , 36 , of gary , indiana , was charged with murder , kidnapping and criminal confinementpolice believe fleming , 23 , was lured from her home by jones and the new mother brought serenity with heran indiana woman who police say duped a new mother into believing she was a child-welfare worker so she could stab the mom and steal her baby to pass off as her own was charged monday .\n", - "geraldine jones charged with murder , kidnapping , criminal confinementgary , indiana , woman , 36 , charged in death of samantha fleming , 23fleming and daughter serenity were last seen in anderson on april 5police say jones fooled fleming by posing as child-welfare worker\n", - "[1.4252454 1.4086493 1.3200228 1.4035888 1.2674537 1.0676829 1.0605319\n", - " 1.0537708 1.028263 1.0206435 1.0265825 1.0280117 1.017485 1.0304974\n", - " 1.0316542 1.0937488 1.1322095 1.0221778 1.0100226 1.0132502 1.0099477]\n", - "\n", - "[ 0 1 3 2 4 16 15 5 6 7 14 13 8 11 10 17 9 12 19 18 20]\n", - "=======================\n", - "[\"usain bolt says tyson gay should have been given a longer ban for drugs cheating , and branded the decision to shorten his punishment ` the stupidest thing i 've ever heard ' .gay had his suspension reduced after he agreed to co-operate with authorities , and is now set to compete against bolt after returning to the sport .bolt said he used to respect gay as a competitor , but is no longer looking forward to racing against him\"]\n", - "=======================\n", - "[\"tyson gay had his ban reduced after helping authoritiesusain bolt says he is not looking forward to competing against gaybolt says he feels ` let down ' by someone he used to respectgay is the joint-second fastest man of all time , behind bolt\"]\n", - "usain bolt says tyson gay should have been given a longer ban for drugs cheating , and branded the decision to shorten his punishment ` the stupidest thing i 've ever heard ' .gay had his suspension reduced after he agreed to co-operate with authorities , and is now set to compete against bolt after returning to the sport .bolt said he used to respect gay as a competitor , but is no longer looking forward to racing against him\n", - "tyson gay had his ban reduced after helping authoritiesusain bolt says he is not looking forward to competing against gaybolt says he feels ` let down ' by someone he used to respectgay is the joint-second fastest man of all time , behind bolt\n", - "[1.4687748 1.2837526 1.1133428 1.3340394 1.0783882 1.1300743 1.0567919\n", - " 1.0303595 1.0150295 1.0254434 1.1472179 1.0580796 1.0332503 1.1985644\n", - " 1.0332443 1.0227808 1.1345849 1.0312188 1.3745972 0. 0. ]\n", - "\n", - "[ 0 18 3 1 13 10 16 5 2 4 11 6 12 14 17 7 9 15 8 19 20]\n", - "=======================\n", - "[\"jose mourinho praised john terry 's performance against arsenal - hailing it as the chelsea captain 's best under him .chelsea manager jose mourinho was full of praise for chelsea 's captain after his performancejohn terry ( centre ) celebrates chelsea 's hard earned point against arsenal at the emirates on sunday\"]\n", - "=======================\n", - "['jose mourinho : john terry was one step ahead of every other playerjamie carragher : terry is the best defender in the premier league erachelsea drew 0-0 with arsenal at the emirates on sunday']\n", - "jose mourinho praised john terry 's performance against arsenal - hailing it as the chelsea captain 's best under him .chelsea manager jose mourinho was full of praise for chelsea 's captain after his performancejohn terry ( centre ) celebrates chelsea 's hard earned point against arsenal at the emirates on sunday\n", - "jose mourinho : john terry was one step ahead of every other playerjamie carragher : terry is the best defender in the premier league erachelsea drew 0-0 with arsenal at the emirates on sunday\n", - "[1.3942823 1.3820088 1.3141172 1.4300101 1.3297439 1.1251891 1.2100037\n", - " 1.0400625 1.0140667 1.0106348 1.0176858 1.0266135 1.0264642 1.009092\n", - " 1.0150372 1.225627 1.193822 1.0363883 1.0134397 1.0102262 0. ]\n", - "\n", - "[ 3 0 1 4 2 15 6 16 5 7 17 11 12 10 14 8 18 9 19 13 20]\n", - "=======================\n", - "[\"mark hughes believes tom jones ' song ` delilah ' is costing them a spot in the europe leaguestoke are 17th in the premier league fair play table and are set to miss out on european football next yearthe hit has become stoke 's unofficial club anthem and is a regular chant at the britannia stadium .\"]\n", - "=======================\n", - "[\"tom jones ' song ` delilah ' is sung by stoke fans as unofficial club anthemmark hughes believes the hit is costing them a spot in europe leagueteam top of premier league fair play table could play in europe next yearwest ham are currently leading the table , while stoke occupy 17th placehughes has slammed the competition ahead of clash with southampton\"]\n", - "mark hughes believes tom jones ' song ` delilah ' is costing them a spot in the europe leaguestoke are 17th in the premier league fair play table and are set to miss out on european football next yearthe hit has become stoke 's unofficial club anthem and is a regular chant at the britannia stadium .\n", - "tom jones ' song ` delilah ' is sung by stoke fans as unofficial club anthemmark hughes believes the hit is costing them a spot in europe leagueteam top of premier league fair play table could play in europe next yearwest ham are currently leading the table , while stoke occupy 17th placehughes has slammed the competition ahead of clash with southampton\n", - "[1.1870856 1.4766357 1.3862592 1.2833161 1.3165278 1.069961 1.2376139\n", - " 1.0547698 1.0239099 1.0598947 1.0641432 1.0634718 1.0455158 1.024991\n", - " 1.0140784 1.0112127 1.00989 1.0111805 1.0237758 1.0152876 1.1541357]\n", - "\n", - "[ 1 2 4 3 6 0 20 5 10 11 9 7 12 13 8 18 19 14 15 17 16]\n", - "=======================\n", - "[\"stoke 's charlie adam stunned the chelsea home crowd today with a breathtaking 66-yard strike that will go down in history .the scottish midfielder picked up the ball up deep into his own half and belted it with his reliable left foot after noticing chelsea goalkeeper thibaut courtois well off his line .it will be remembered as one of the premier league 's greatest ever goals .\"]\n", - "=======================\n", - "['the stoke player stunned chelsea faithful with breathtaking strike todayscottish midfielder picked ball up deep into his own half before shootingthe goal is already been hailed as one of the best ever on social media']\n", - "stoke 's charlie adam stunned the chelsea home crowd today with a breathtaking 66-yard strike that will go down in history .the scottish midfielder picked up the ball up deep into his own half and belted it with his reliable left foot after noticing chelsea goalkeeper thibaut courtois well off his line .it will be remembered as one of the premier league 's greatest ever goals .\n", - "the stoke player stunned chelsea faithful with breathtaking strike todayscottish midfielder picked ball up deep into his own half before shootingthe goal is already been hailed as one of the best ever on social media\n", - "[1.3805963 1.3188633 1.2053396 1.2100533 1.2033403 1.2182765 1.1845669\n", - " 1.0928057 1.1375359 1.0864753 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 3 2 4 6 8 7 9 18 17 16 15 10 13 12 11 19 14 20]\n", - "=======================\n", - "[\"( cnn ) iraqi and u.s.-led coalition forces have successfully ousted isis from the nation 's largest oil refinery , the coalition said sunday .meanwhile , peshmerga forces -- also with the assistance of coalition strikes -- cleared 84 square kilometers ( 32 square miles ) of isis-occupied territory in iraq on saturday , the kurdistan region security council said .iraq is working to fortify the facility 's defenses , the task force said in a statement .\"]\n", - "=======================\n", - "['iraqi and u.s.-led coalition forces say they retook a key refinery from isispeshmerga forces also report retaking terrain from isis']\n", - "( cnn ) iraqi and u.s.-led coalition forces have successfully ousted isis from the nation 's largest oil refinery , the coalition said sunday .meanwhile , peshmerga forces -- also with the assistance of coalition strikes -- cleared 84 square kilometers ( 32 square miles ) of isis-occupied territory in iraq on saturday , the kurdistan region security council said .iraq is working to fortify the facility 's defenses , the task force said in a statement .\n", - "iraqi and u.s.-led coalition forces say they retook a key refinery from isispeshmerga forces also report retaking terrain from isis\n", - "[1.1965064 1.4121156 1.2275916 1.1935095 1.1312897 1.0840639 1.1574163\n", - " 1.1396871 1.141313 1.1851223 1.0379075 1.0292646 1.0249382 1.0758492\n", - " 1.1099832 1.0599276 1.0266007 1.0292052 1.0079323 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 9 6 8 7 4 14 5 13 15 10 11 17 16 12 18 22 19 20 21 23]\n", - "=======================\n", - "[\"victoria ayling , who is running for the key election seat of great grimsby , made the comments after being confronted by her local party over her non-attendance at ukip meetings .after saying it was because she had spent ` five months nursing her son back to health after being blown up in afghanistan ' , lieutenant colonel ron shepherd , the leader of ukip 's north east lincolnshire group , launched an investigation .the ukip candidate exposed by the mail on sunday after calling for all immigrants to be sent home is at the centre of a row over claims she falsely said her son was injured in afghanistan .\"]\n", - "=======================\n", - "[\"victoria ayling said she spent five months nursing son back to healthlieutenant colonel ron shepherd has launched investigationhe raised questions over whether she misrepresented her son 's situationshe is running for the key election seat of great grimsby and denies claims\"]\n", - "victoria ayling , who is running for the key election seat of great grimsby , made the comments after being confronted by her local party over her non-attendance at ukip meetings .after saying it was because she had spent ` five months nursing her son back to health after being blown up in afghanistan ' , lieutenant colonel ron shepherd , the leader of ukip 's north east lincolnshire group , launched an investigation .the ukip candidate exposed by the mail on sunday after calling for all immigrants to be sent home is at the centre of a row over claims she falsely said her son was injured in afghanistan .\n", - "victoria ayling said she spent five months nursing son back to healthlieutenant colonel ron shepherd has launched investigationhe raised questions over whether she misrepresented her son 's situationshe is running for the key election seat of great grimsby and denies claims\n", - "[1.4305217 1.1907024 1.4729577 1.1416262 1.2575474 1.0589255 1.0825212\n", - " 1.0257077 1.0234975 1.0210717 1.063774 1.0234275 1.0281959 1.0394428\n", - " 1.0544386 1.0785127 1.0775901 1.0691295 1.1353003 1.0574535 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 0 4 1 3 18 6 15 16 17 10 5 19 14 13 12 7 8 11 9 20 21 22 23]\n", - "=======================\n", - "[\"arlette ricci , 74 and one of the richest women in europe , was ` particularly determined ' to stash money in swiss accounts for more than two decades .arlette ricci ( above ) , the multi-millionaire owner of nina ricci , was today sent to prison for trying to hide her fortune from the french taxman through hsbcricci had denied hiding the equivalent of more than # 15million , saying she had simply tried to avoid tax -- which is legal -- rather than evade it , which is not .\"]\n", - "=======================\n", - "['arlette ricci denied accusations and said she tried to avoid tax not evade itbugged call between the heiress and her daughter revealed otherwise74-year-old was fined around # 700,000 and will have two properties seizedwas also given a total of three years in prison , with two years suspended']\n", - "arlette ricci , 74 and one of the richest women in europe , was ` particularly determined ' to stash money in swiss accounts for more than two decades .arlette ricci ( above ) , the multi-millionaire owner of nina ricci , was today sent to prison for trying to hide her fortune from the french taxman through hsbcricci had denied hiding the equivalent of more than # 15million , saying she had simply tried to avoid tax -- which is legal -- rather than evade it , which is not .\n", - "arlette ricci denied accusations and said she tried to avoid tax not evade itbugged call between the heiress and her daughter revealed otherwise74-year-old was fined around # 700,000 and will have two properties seizedwas also given a total of three years in prison , with two years suspended\n", - "[1.2427874 1.4549658 1.1515775 1.1282455 1.1374527 1.0887413 1.0980983\n", - " 1.093268 1.0884681 1.1095693 1.0270138 1.0250524 1.0928105 1.0344533\n", - " 1.0320156 1.018143 1.0475192 1.0344354 1.131721 1.066443 1.020512\n", - " 1.0161119 1.0148633 1.018283 ]\n", - "\n", - "[ 1 0 2 4 18 3 9 6 7 12 5 8 19 16 13 17 14 10 11 20 23 15 21 22]\n", - "=======================\n", - "[\"elijah mccrae 's heartbroken parents , jessica and andrew , remembered the ` happiest baby ever ' , after he died in his mother 's arms on monday evening .a five-month-old baby whose parents created a 30-item ` bucket list ' for their terminally ill son has tragically died - with sadly only one item ticked off .` we thought we had at least another week , ' ms mccrae said .\"]\n", - "=======================\n", - "[\"five-month-old elijah mccrae 's parents made a bucket list for their sonbaby elijah tragically died with only one item ticked off on the listhis parents , jessica andrew , wanted to show their son the worldlittle elijah had the fatal genetic disease type 1 spinal muscular atrophythe list included a trip to queensland , a ferry ride and watching the sunset\"]\n", - "elijah mccrae 's heartbroken parents , jessica and andrew , remembered the ` happiest baby ever ' , after he died in his mother 's arms on monday evening .a five-month-old baby whose parents created a 30-item ` bucket list ' for their terminally ill son has tragically died - with sadly only one item ticked off .` we thought we had at least another week , ' ms mccrae said .\n", - "five-month-old elijah mccrae 's parents made a bucket list for their sonbaby elijah tragically died with only one item ticked off on the listhis parents , jessica andrew , wanted to show their son the worldlittle elijah had the fatal genetic disease type 1 spinal muscular atrophythe list included a trip to queensland , a ferry ride and watching the sunset\n", - "[1.2527792 1.2948444 1.375442 1.2611609 1.0913763 1.1722653 1.0510819\n", - " 1.0544372 1.2469802 1.052237 1.0510848 1.0605989 1.0351943 1.0458548\n", - " 1.0418887 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 0 8 5 4 11 7 9 10 6 13 14 12 22 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"xavier denamur sparked fury after he exposed france as a country of microwave cheats and even went as far as to compare it as being the culinary equivalent of a low-cost airline .but almost three quarters of all dishes served in french bistros , brasseries and cafes are shipped in from a factory and microwaved , according to a top restaurateur .it 's the nation famed for its gastronomy which gave birth to haute cuisine and the michelin guide\"]\n", - "=======================\n", - "[\"xavier denamur claims most dishes in french bistro are n't made on sitehe said seven in ten meals are factory-made then reheated in microwavesigns that france 's crown as top culinary destination in world is slippingfrench ministers admitted scheme to introduce a homemade label failed\"]\n", - "xavier denamur sparked fury after he exposed france as a country of microwave cheats and even went as far as to compare it as being the culinary equivalent of a low-cost airline .but almost three quarters of all dishes served in french bistros , brasseries and cafes are shipped in from a factory and microwaved , according to a top restaurateur .it 's the nation famed for its gastronomy which gave birth to haute cuisine and the michelin guide\n", - "xavier denamur claims most dishes in french bistro are n't made on sitehe said seven in ten meals are factory-made then reheated in microwavesigns that france 's crown as top culinary destination in world is slippingfrench ministers admitted scheme to introduce a homemade label failed\n", - "[1.3328142 1.1093074 1.3225534 1.2388731 1.2598425 1.1158603 1.0821936\n", - " 1.0679905 1.0248016 1.0380017 1.0282868 1.0393788 1.1437895 1.0546359\n", - " 1.0800534 1.0326002 1.020926 1.0455524 1.034181 1.0252327 1.0360304\n", - " 1.0268179 1.0211806 1.0167787]\n", - "\n", - "[ 0 2 4 3 12 5 1 6 14 7 13 17 11 9 20 18 15 10 21 19 8 22 16 23]\n", - "=======================\n", - "[\"jennifer is a huge fitness fan , and the mother of two has completed triathlonsthis week : jennifer lopez 's arms .the singer/actress shows off toned arms at the annual academy awards in february\"]\n", - "=======================\n", - "['fitness fan jennifer is famous for her curves , but her arms are also tonedthe mother-of-two has completed triathlons .try modified push-ups which activate the entire upper body']\n", - "jennifer is a huge fitness fan , and the mother of two has completed triathlonsthis week : jennifer lopez 's arms .the singer/actress shows off toned arms at the annual academy awards in february\n", - "fitness fan jennifer is famous for her curves , but her arms are also tonedthe mother-of-two has completed triathlons .try modified push-ups which activate the entire upper body\n", - "[1.2343069 1.493408 1.2449968 1.1944479 1.2270744 1.149819 1.1391286\n", - " 1.0267658 1.073822 1.0564973 1.0782803 1.0582622 1.0624272 1.0989844\n", - " 1.0338259 1.0347408 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 4 3 5 6 13 10 8 12 11 9 15 14 7 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"troy university students delonte ' martistee , 22 , of georgia and ryan austin calhoun , 23 , of alabama were charged on friday with sexual battery by multiple perpetrators relating to the incident that occurred between march 10-12 , according to bay county sheriff 's office .according to wfsa , it has been confirmed by university officials that both men were suspended , and martistee , a promising track star , has been removed from the team .two college students have been charged in connection to an unconscious girl who was allegedly gang raped on a florida beach during spring break in broad daylight , authorities said .\"]\n", - "=======================\n", - "[\"troy university students delonte ' martistee , 22 , and ryan austin calhoun , 23 , have been charged in connection to the alleged sexual attackpolice in troy , alabama , found the video while investigating a shootingvideo ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervenetwo additional suspects are being sought in connection to the incident\"]\n", - "troy university students delonte ' martistee , 22 , of georgia and ryan austin calhoun , 23 , of alabama were charged on friday with sexual battery by multiple perpetrators relating to the incident that occurred between march 10-12 , according to bay county sheriff 's office .according to wfsa , it has been confirmed by university officials that both men were suspended , and martistee , a promising track star , has been removed from the team .two college students have been charged in connection to an unconscious girl who was allegedly gang raped on a florida beach during spring break in broad daylight , authorities said .\n", - "troy university students delonte ' martistee , 22 , and ryan austin calhoun , 23 , have been charged in connection to the alleged sexual attackpolice in troy , alabama , found the video while investigating a shootingvideo ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervenetwo additional suspects are being sought in connection to the incident\n", - "[1.0899353 1.1979262 1.2060786 1.1350722 1.2608256 1.2942739 1.0739218\n", - " 1.2251225 1.1047168 1.0549691 1.1935983 1.0481471 1.0394052 1.0965354\n", - " 1.0402766 1.0370888 1.037772 1.0750115 1.0633003 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 5 4 7 2 1 10 3 8 13 0 17 6 18 9 11 14 12 16 15 21 19 20 22]\n", - "=======================\n", - "[\"ed miliband ( left ) can claim that 18 of the 20 premier league clubs are in labour consituencies ; but prime minister david cameron may be concerned at the conservatives ' lack of blues in the top flightthe football league 's political colours , based on the party holding each club 's constituencyoverall , ed miliband 's party has mps in constituencies housing 55 of the 92 clubs in england 's top four divisions .\"]\n", - "=======================\n", - "[\"premier league clubs are overwhelmingly in labour constituencieslabour hold seats in the majority of football league clubs ' constituenciesthe traditional view is that football is the working man 's game , while labour is the party that was established to fight for the working manjust one football league club , bradford , is in an independent constituencyfootball clubs are found in only seven liberal democrat constituencies\"]\n", - "ed miliband ( left ) can claim that 18 of the 20 premier league clubs are in labour consituencies ; but prime minister david cameron may be concerned at the conservatives ' lack of blues in the top flightthe football league 's political colours , based on the party holding each club 's constituencyoverall , ed miliband 's party has mps in constituencies housing 55 of the 92 clubs in england 's top four divisions .\n", - "premier league clubs are overwhelmingly in labour constituencieslabour hold seats in the majority of football league clubs ' constituenciesthe traditional view is that football is the working man 's game , while labour is the party that was established to fight for the working manjust one football league club , bradford , is in an independent constituencyfootball clubs are found in only seven liberal democrat constituencies\n", - "[1.5416971 1.3308396 1.2313733 1.1513675 1.0836977 1.0815009 1.1075338\n", - " 1.0575603 1.0947753 1.0383006 1.0363945 1.0113888 1.0414658 1.0483598\n", - " 1.0306764 1.0121287 1.0654699 1.0737368 1.0864198 1.0853738 1.0853595\n", - " 1.1427851 1.1242856]\n", - "\n", - "[ 0 1 2 3 21 22 6 8 18 19 20 4 5 17 16 7 13 12 9 10 14 15 11]\n", - "=======================\n", - "['( cnn ) espn suspended reporter britt mchenry for a week after a video of her berating a towing company employee surfaced thursday .the sports network announced her suspension on twitter .mchenry posted an apology on twitter , saying she allowed her emotions to get away from her during a stressful situation at a virginia business .']\n", - "=======================\n", - "['#firebrittmchenry has become a popular hashtag on twitterbritt mchenry is a reporter for the sports network , and she is based in washingtonshe apologized on twitter for losing control of her emotions , not taking the high road']\n", - "( cnn ) espn suspended reporter britt mchenry for a week after a video of her berating a towing company employee surfaced thursday .the sports network announced her suspension on twitter .mchenry posted an apology on twitter , saying she allowed her emotions to get away from her during a stressful situation at a virginia business .\n", - "#firebrittmchenry has become a popular hashtag on twitterbritt mchenry is a reporter for the sports network , and she is based in washingtonshe apologized on twitter for losing control of her emotions , not taking the high road\n", - "[1.3055472 1.4322261 1.2806569 1.2149458 1.1863959 1.4007095 1.2744625\n", - " 1.082766 1.0248027 1.0407718 1.092072 1.0179466 1.1292567 1.0503618\n", - " 1.018287 1.0200536 1.0177703 1.0165015 1.0199803 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 5 0 2 6 3 4 12 10 7 13 9 8 15 18 14 11 16 17 21 19 20 22]\n", - "=======================\n", - "[\"the ghana international will be a free agent as he is out of contract at marseille and wants to join the anfield club who he supported as a boy .andre ayew is keen on a move to liverpool this summer .everton , newcastle and swansea have all shown interest while ayew 's representatives have held talks with roma .\"]\n", - "=======================\n", - "['marseille forward andre ayew is out of contract in the summerhe has admitted to sportsmail that he would like to play in englandnewcastle , everton and swansea have also shown an interestayew admits he grew up watching english football as a boy']\n", - "the ghana international will be a free agent as he is out of contract at marseille and wants to join the anfield club who he supported as a boy .andre ayew is keen on a move to liverpool this summer .everton , newcastle and swansea have all shown interest while ayew 's representatives have held talks with roma .\n", - "marseille forward andre ayew is out of contract in the summerhe has admitted to sportsmail that he would like to play in englandnewcastle , everton and swansea have also shown an interestayew admits he grew up watching english football as a boy\n", - "[1.1394582 1.5605316 1.2571797 1.4356611 1.2454159 1.1262076 1.071206\n", - " 1.018871 1.0357505 1.0287691 1.0759544 1.1662194 1.1245174 1.0303191\n", - " 1.0109115 1.0559375 1.0266908 1.0136415 1.2219179 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 4 18 11 0 5 12 10 6 15 8 13 9 16 7 17 14 21 19 20 22]\n", - "=======================\n", - "[\"clint chadbourne , 71 , was headed back to portland from massachusetts with his wife and daughter when they pulled over at a rest stop .when clint tried to get out the car , he could n't do it because his gut was stuck in his seatbelt .clint 's wife bonnie , 67 , posted the two-minute clip on facebook and it has been viewed almost 30 million times\"]\n", - "=======================\n", - "[\"clint chadbourne , 71 , was headed home to portland when he got trappedhis wife bonnie and daughter kelly captured the whole thing on videoman did n't panic but became increasingly agitated at family 's laughterthe chadbournes were able to free clint and posted video on facebook\"]\n", - "clint chadbourne , 71 , was headed back to portland from massachusetts with his wife and daughter when they pulled over at a rest stop .when clint tried to get out the car , he could n't do it because his gut was stuck in his seatbelt .clint 's wife bonnie , 67 , posted the two-minute clip on facebook and it has been viewed almost 30 million times\n", - "clint chadbourne , 71 , was headed home to portland when he got trappedhis wife bonnie and daughter kelly captured the whole thing on videoman did n't panic but became increasingly agitated at family 's laughterthe chadbournes were able to free clint and posted video on facebook\n", - "[1.289302 1.315172 1.3395497 1.3214614 1.2652516 1.1215086 1.0840524\n", - " 1.1187832 1.1031832 1.0482051 1.0666544 1.0366356 1.0179838 1.0337394\n", - " 1.03342 1.0615395 1.0431643 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 3 1 0 4 5 7 8 6 10 15 9 16 11 13 14 12 21 17 18 19 20 22]\n", - "=======================\n", - "[\"baby malaja was in a car seat in the back of a silver chevrolet impala and her parents were in the front seat when a black car pulled alongside around at 4.30 pm thursday , kent police spokeswoman melanie robinson said .the baby was in ` very critical condition ' friday , a day after the shooting , said susan gregg , a spokeswoman for harborview medical center in seattle .on the road : the shooting took place at an intersection near an apartment complex in kent , washington\"]\n", - "=======================\n", - "[\"one-year-old baby malaja was shot while riding in backseat of her parents ' car in seattle suburb thursday afternoondriver and passenger of passing car pulled up and opened fire on silver chevy impala carrying malaja\"]\n", - "baby malaja was in a car seat in the back of a silver chevrolet impala and her parents were in the front seat when a black car pulled alongside around at 4.30 pm thursday , kent police spokeswoman melanie robinson said .the baby was in ` very critical condition ' friday , a day after the shooting , said susan gregg , a spokeswoman for harborview medical center in seattle .on the road : the shooting took place at an intersection near an apartment complex in kent , washington\n", - "one-year-old baby malaja was shot while riding in backseat of her parents ' car in seattle suburb thursday afternoondriver and passenger of passing car pulled up and opened fire on silver chevy impala carrying malaja\n", - "[1.1527233 1.1094171 1.4543238 1.2179393 1.3221824 1.2107552 1.0749598\n", - " 1.1588618 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 4 3 5 7 0 1 6 20 19 18 17 16 15 11 13 12 21 10 9 8 14 22]\n", - "=======================\n", - "['the clown prince of crime will appear in 2016 \\'s \" suicide squad , \" the first movie featuring the best-known comic book villain , where ( as far as we know anyway ) , there is no batman present .he will be the first actor to play the character on the big screen since the late heath ledger .the oscar winner cut his hair and shaved his face for the role , and appears to have embraced it fully .']\n", - "=======================\n", - "['jared leto unveiled as the joker for the first time on twitterleto stars in 2016 \\'s \" suicide squad \"']\n", - "the clown prince of crime will appear in 2016 's \" suicide squad , \" the first movie featuring the best-known comic book villain , where ( as far as we know anyway ) , there is no batman present .he will be the first actor to play the character on the big screen since the late heath ledger .the oscar winner cut his hair and shaved his face for the role , and appears to have embraced it fully .\n", - "jared leto unveiled as the joker for the first time on twitterleto stars in 2016 's \" suicide squad \"\n", - "[1.2738714 1.4903704 1.1752579 1.3360248 1.1371472 1.1686715 1.0637958\n", - " 1.1147875 1.0386955 1.0505112 1.0731114 1.0616426 1.1602706 1.1614015\n", - " 1.0749351 1.0531874 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 2 5 13 12 4 7 14 10 6 11 15 9 8 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"he was banned from using london underground during rush hours after rubbing himself up against a woman in a busy carriagemohammed tahir , 53 , of leytonstone , east london , got off his train at mile end and picked a target on the platform - a ` confident and articulate ' professional in her 20s , a court heard .muhammed tahir at the old bailey .\"]\n", - "=======================\n", - "[\"muhammed tahir , 53 , followed woman in her 20s onto central line trainhe got close and pretended to accidentally rub his hand across her thighhe kept moving closer and rubbed his crotch and pot belly on her bottomact was ` so blatant ' it caught the attention of undercover police officers\"]\n", - "he was banned from using london underground during rush hours after rubbing himself up against a woman in a busy carriagemohammed tahir , 53 , of leytonstone , east london , got off his train at mile end and picked a target on the platform - a ` confident and articulate ' professional in her 20s , a court heard .muhammed tahir at the old bailey .\n", - "muhammed tahir , 53 , followed woman in her 20s onto central line trainhe got close and pretended to accidentally rub his hand across her thighhe kept moving closer and rubbed his crotch and pot belly on her bottomact was ` so blatant ' it caught the attention of undercover police officers\n", - "[1.3758732 1.1217428 1.0595403 1.0394626 1.1115898 1.1094766 1.4613204\n", - " 1.187015 1.0623581 1.0238845 1.0184926 1.0176152 1.1396868 1.058423\n", - " 1.1341797 1.12067 1.0440454 1.1089692 1.0643396 1.041509 1.0174686\n", - " 1.0273061 1.0299617]\n", - "\n", - "[ 6 0 7 12 14 1 15 4 5 17 18 8 2 13 16 19 3 22 21 9 10 11 20]\n", - "=======================\n", - "[\"tim sherwood and chris ramsey embrace each other as they met at villa park on tuesday nightsherwood and ramsey 's relationship was forged over four years at tottenham .harry kane , ryan mason and nabil bentaleb are part of their spurs legacy .\"]\n", - "=======================\n", - "[\"aston villa and qpr drew 3-3 in the premier league on tuesday nighttim sherwood and chris ramsey 's reunion had twists and turns to itthe two clubs ' premier league statuses were not decided by the draw\"]\n", - "tim sherwood and chris ramsey embrace each other as they met at villa park on tuesday nightsherwood and ramsey 's relationship was forged over four years at tottenham .harry kane , ryan mason and nabil bentaleb are part of their spurs legacy .\n", - "aston villa and qpr drew 3-3 in the premier league on tuesday nighttim sherwood and chris ramsey 's reunion had twists and turns to itthe two clubs ' premier league statuses were not decided by the draw\n", - "[1.1819087 1.5415206 1.2167324 1.265369 1.1927986 1.1286933 1.160763\n", - " 1.0549425 1.0800292 1.0643058 1.2076312 1.0626634 1.0654794 1.1462142\n", - " 1.0972116 1.0775088 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 10 4 0 6 13 5 14 8 15 12 9 11 7 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"stephen john docherty , 66 , pleaded guilty to wounding with intent when he appeared at in the whakatane district court on wednesday , nz media reported .a man has admitted to ripping another man 's scrotum with a metal hook after he thought a concreting job was n't up to scratchaccording to police mr docherty hired the victim to complete concrete works at his property .\"]\n", - "=======================\n", - "[\"stephen docherty admitted he lost control when he attacked a concreterhe took a large hook and tore another man 's scrotum openthe victim just finished a concrete job on mr docherty 's homemr docherty said the job was not done to his specifications\"]\n", - "stephen john docherty , 66 , pleaded guilty to wounding with intent when he appeared at in the whakatane district court on wednesday , nz media reported .a man has admitted to ripping another man 's scrotum with a metal hook after he thought a concreting job was n't up to scratchaccording to police mr docherty hired the victim to complete concrete works at his property .\n", - "stephen docherty admitted he lost control when he attacked a concreterhe took a large hook and tore another man 's scrotum openthe victim just finished a concrete job on mr docherty 's homemr docherty said the job was not done to his specifications\n", - "[1.4044797 1.2311324 1.3395885 1.2142962 1.1414492 1.1753778 1.0714897\n", - " 1.0457972 1.023639 1.0667381 1.0423781 1.0439792 1.0435175 1.0740848\n", - " 1.0412912 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 5 4 13 6 9 7 11 12 10 14 8 15 16 17]\n", - "=======================\n", - "['( cnn ) iran will sign a final nuclear agreement only if economic sanctions against the nation are removed on the first day of the deal \\'s implementation , president hassan rouhani said thursday .six world powers and iran reached a preliminary deal last week that aims to limit tehran \\'s nuclear program in exchange for lifting economic sanctions .ayatollah ali khamenei , the islamic republic \\'s supreme leader , meanwhile , told state-run media outlets he is neither in favor nor against the proposed deal because it is n\\'t final , and he \\'s not certain it will become binding because he has \" never been optimistic about negotiations with the u.s. \"']\n", - "=======================\n", - "['\" it is meaningless to congratulate me or others \" because deal not final , ayatollah sayspresident hassan rouhani : iran will not surrender to bullying , sanctionsu.s. lawmaker : bill to ease sanctions does not stand a chance in house or senate']\n", - "( cnn ) iran will sign a final nuclear agreement only if economic sanctions against the nation are removed on the first day of the deal 's implementation , president hassan rouhani said thursday .six world powers and iran reached a preliminary deal last week that aims to limit tehran 's nuclear program in exchange for lifting economic sanctions .ayatollah ali khamenei , the islamic republic 's supreme leader , meanwhile , told state-run media outlets he is neither in favor nor against the proposed deal because it is n't final , and he 's not certain it will become binding because he has \" never been optimistic about negotiations with the u.s. \"\n", - "\" it is meaningless to congratulate me or others \" because deal not final , ayatollah sayspresident hassan rouhani : iran will not surrender to bullying , sanctionsu.s. lawmaker : bill to ease sanctions does not stand a chance in house or senate\n", - "[1.372211 1.3768083 1.1433198 1.1841185 1.1044059 1.0706185 1.0997049\n", - " 1.0874368 1.018492 1.1205705 1.0865533 1.0673549 1.0507264 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 9 4 6 7 10 5 11 12 8 13 14 15 16 17]\n", - "=======================\n", - "[\"if the former u.s. secretary of state reaches her goal and is sworn in as the 44th president of the united states in january 2017 , then she will not only be the country 's first female president but also the second oldest , behind ronald reagan , ever to open the doors to the white house .hillary clinton is laughing in the face of the accepted retirement age - currently 65 both in the uk and the us - by aiming to become the leader of the free world just months before her 70th birthday .age is nothing but a number : hillary clinton who has launched her campaign to be us president ( pictured above , speaking at the women in the world conference on april 23 ) will be 69 when she takes office if successful\"]\n", - "=======================\n", - "['if her campaign succeeds , clinton will be the second oldest u.s. presidenthas so far used her age to win voters posting photographs of herself as a child after wwii and also using the hashtag #grandmothersknowbestclinton leads a global group of high-achieving older women including anna wintour , judi dench , dilma rousseff and nancy pelosi']\n", - "if the former u.s. secretary of state reaches her goal and is sworn in as the 44th president of the united states in january 2017 , then she will not only be the country 's first female president but also the second oldest , behind ronald reagan , ever to open the doors to the white house .hillary clinton is laughing in the face of the accepted retirement age - currently 65 both in the uk and the us - by aiming to become the leader of the free world just months before her 70th birthday .age is nothing but a number : hillary clinton who has launched her campaign to be us president ( pictured above , speaking at the women in the world conference on april 23 ) will be 69 when she takes office if successful\n", - "if her campaign succeeds , clinton will be the second oldest u.s. presidenthas so far used her age to win voters posting photographs of herself as a child after wwii and also using the hashtag #grandmothersknowbestclinton leads a global group of high-achieving older women including anna wintour , judi dench , dilma rousseff and nancy pelosi\n", - "[1.4526373 1.2424629 1.2009994 1.5430975 1.1599662 1.041054 1.0364957\n", - " 1.1312003 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 2 4 7 5 6 15 14 13 12 8 10 9 16 11 17]\n", - "=======================\n", - "[\"cristiano ronaldo scored five goals as real madrid thrashed granada 9-1 on sunday afternooncristiano ronaldo returned to top form last weekend with five goals against granada , and he is now urging his supporters to get themselves into shape .the real madrid forward has not been at his best this year , but turned things around with a stunning display on sunday , during real madrid 's 9-1 win .\"]\n", - "=======================\n", - "[\"cristiano ronaldo scored five times in real madrid 's 9-1 win over granadaronaldo posts picture with a bike on twitterreal madrid star tells followers ` exercise all you can ! 'read : which clubs have suffered most at the hands of the ronaldo ?click here for all the latest real madrid news\"]\n", - "cristiano ronaldo scored five goals as real madrid thrashed granada 9-1 on sunday afternooncristiano ronaldo returned to top form last weekend with five goals against granada , and he is now urging his supporters to get themselves into shape .the real madrid forward has not been at his best this year , but turned things around with a stunning display on sunday , during real madrid 's 9-1 win .\n", - "cristiano ronaldo scored five times in real madrid 's 9-1 win over granadaronaldo posts picture with a bike on twitterreal madrid star tells followers ` exercise all you can ! 'read : which clubs have suffered most at the hands of the ronaldo ?click here for all the latest real madrid news\n", - "[1.0462692 1.0383046 1.0784438 1.1367066 1.2279806 1.3143034 1.0497658\n", - " 1.0458741 1.1170257 1.067009 1.1131295 1.0949087 1.037258 1.0615075\n", - " 1.0190492 1.0212562 1.0180707 1.1506091]\n", - "\n", - "[ 5 4 17 3 8 10 11 2 9 13 6 0 7 1 12 15 14 16]\n", - "=======================\n", - "['he has found the lost city of lagunita .what was once the gateway to an ancient mayan city , built circa 700 ad and mysteriously abandoned four centuries later , stands before him .since 1996 , he and his team have discovered more than 80 ancient mayan cities in the jungles of mexico , few of which the modern world had known before .']\n", - "=======================\n", - "['slovenian archaeologist ivan šprajc discovers ancient mayan cities in the jungles of mexicohis discoveries could help explain why so many mayan cities were abandoned before the arrival of the spaniards']\n", - "he has found the lost city of lagunita .what was once the gateway to an ancient mayan city , built circa 700 ad and mysteriously abandoned four centuries later , stands before him .since 1996 , he and his team have discovered more than 80 ancient mayan cities in the jungles of mexico , few of which the modern world had known before .\n", - "slovenian archaeologist ivan šprajc discovers ancient mayan cities in the jungles of mexicohis discoveries could help explain why so many mayan cities were abandoned before the arrival of the spaniards\n", - "[1.0808529 1.1001103 1.2260284 1.2569627 1.1229838 1.1064614 1.217134\n", - " 1.107978 1.0615386 1.0559167 1.0378947 1.0677351 1.06398 1.0318655\n", - " 1.0607268 0. 0. 0. ]\n", - "\n", - "[ 3 2 6 4 7 5 1 0 11 12 8 14 9 10 13 16 15 17]\n", - "=======================\n", - "[\"the results of the obama white house 's innovative efforts to make the world a better place can be accounted for in the ever-growing numbers of victims of radical islam in the middle east , north africa and south asia .the syrian jihad gave rise to the islamic state in iraq and syria , which now uses syria as a rear operating base to support its jihad in iraq , which could soon spill over into jordan .not to mention here in the united states , canada and europe .\"]\n", - "=======================\n", - "['authors warn president obama must be clear about radical islam threatal qaeda still a looming threat , they say']\n", - "the results of the obama white house 's innovative efforts to make the world a better place can be accounted for in the ever-growing numbers of victims of radical islam in the middle east , north africa and south asia .the syrian jihad gave rise to the islamic state in iraq and syria , which now uses syria as a rear operating base to support its jihad in iraq , which could soon spill over into jordan .not to mention here in the united states , canada and europe .\n", - "authors warn president obama must be clear about radical islam threatal qaeda still a looming threat , they say\n", - "[1.3178577 1.5527775 1.2506356 1.3922573 1.0961466 1.0281903 1.0205268\n", - " 1.0392945 1.1264915 1.0667098 1.1305763 1.0179044 1.0118934 1.0264648\n", - " 1.1462501 1.1056747 1.0878823 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 2 14 10 8 15 4 16 9 7 5 13 6 11 12 27 17 18 19 20 21 22\n", - " 23 24 25 26 28]\n", - "=======================\n", - "[\"paul casey was at home in arizona when the matter was decided last sunday and admitted he went through all sorts of agonies as his augusta fate swung back and forth .paul casey , pictured in action last month , is the 99th qualifier in the field of 99 due to play at the mastersthe englishman got in due to staying in the world 's top 50 but at one point , as events unfolded in morocco and at the texas open , he was projected to fall to 54th .\"]\n", - "=======================\n", - "['paul casey was the 99th qualifier in the field of 99 due to play at augustathe englishman made the last of his eight masters appearances in 2012he has the tools in his armoury to do well at the first major of the yearthe 2015 masters gets underway at augusta national next thursday']\n", - "paul casey was at home in arizona when the matter was decided last sunday and admitted he went through all sorts of agonies as his augusta fate swung back and forth .paul casey , pictured in action last month , is the 99th qualifier in the field of 99 due to play at the mastersthe englishman got in due to staying in the world 's top 50 but at one point , as events unfolded in morocco and at the texas open , he was projected to fall to 54th .\n", - "paul casey was the 99th qualifier in the field of 99 due to play at augustathe englishman made the last of his eight masters appearances in 2012he has the tools in his armoury to do well at the first major of the yearthe 2015 masters gets underway at augusta national next thursday\n", - "[1.3123002 1.3131518 1.2600828 1.3063931 1.1544806 1.1036872 1.0562713\n", - " 1.0312341 1.0923785 1.0552495 1.0749133 1.1103811 1.0712523 1.0602094\n", - " 1.0390391 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 2 4 11 5 8 10 12 13 6 9 14 7 27 15 16 17 18 19 20 21 22\n", - " 23 24 25 26 28]\n", - "=======================\n", - "[\"christopher swain wore a protective yellow suit as he went over a railing and into the water around 2pm wednesday in brooklyn but completed only two-thirds of a mile of the 1.8-mile waterway .a clean-water advocate took an earth day swim in new york city 's polluted gowanus canal , a site designated by the federal government as especially polluted , but quit less than halfway through .he swam about an hour into the canal in a stunt to urge environmental clean up that ultimately succumbed to the water 's pollution because the experience was like ` swimming ` in a dirty diaper ' .\"]\n", - "=======================\n", - "[\"christopher swain donned protective suit to swim through gowanus canalbrooklyn waterway is famous dumping site for toxic industrial wasteroughly 377million gallons of diluted raw sewage poured in each yearswain quit two-thirds of a mile into 1.8-mile journey and said it was like ` swimming into a dirty diaper 'swimmer gargled peroxide and had special tablet on hand to fight against contaminated water entering his body and making him sickhe urged faster cleanup of the canal , which is slated for dredging in 2017\"]\n", - "christopher swain wore a protective yellow suit as he went over a railing and into the water around 2pm wednesday in brooklyn but completed only two-thirds of a mile of the 1.8-mile waterway .a clean-water advocate took an earth day swim in new york city 's polluted gowanus canal , a site designated by the federal government as especially polluted , but quit less than halfway through .he swam about an hour into the canal in a stunt to urge environmental clean up that ultimately succumbed to the water 's pollution because the experience was like ` swimming ` in a dirty diaper ' .\n", - "christopher swain donned protective suit to swim through gowanus canalbrooklyn waterway is famous dumping site for toxic industrial wasteroughly 377million gallons of diluted raw sewage poured in each yearswain quit two-thirds of a mile into 1.8-mile journey and said it was like ` swimming into a dirty diaper 'swimmer gargled peroxide and had special tablet on hand to fight against contaminated water entering his body and making him sickhe urged faster cleanup of the canal , which is slated for dredging in 2017\n", - "[1.280766 1.2233977 1.1816957 1.208479 1.2816287 1.0905564 1.0443022\n", - " 1.0579691 1.0554947 1.0273365 1.04321 1.0700227 1.0173109 1.0814365\n", - " 1.0601138 1.054812 1.0230414 1.0346968 1.1010398 1.0236515 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 4 0 1 3 2 18 5 13 11 14 7 8 15 6 10 17 9 19 16 12 27 20 21 22\n", - " 23 24 25 26 28]\n", - "=======================\n", - "['it was the last time he used drugs , the first and only time he was arrested , and the first and only time to fully withdrawal from heroin .( cnn ) anthony sideri hit rock bottom while wrapped in a dirty blanket on the floor of a jail infirmary bathroom in middleton , massachusetts .he was 25 , shivering , sweating , throwing up and going through the full withdrawals of heroin .']\n", - "=======================\n", - "[\"strung out on heroin , anthony sideri robbed a bankhe had to go through withdrawal in a jail cellovercoming addiction is possible , he says , as he 's building a new life as a family man\"]\n", - "it was the last time he used drugs , the first and only time he was arrested , and the first and only time to fully withdrawal from heroin .( cnn ) anthony sideri hit rock bottom while wrapped in a dirty blanket on the floor of a jail infirmary bathroom in middleton , massachusetts .he was 25 , shivering , sweating , throwing up and going through the full withdrawals of heroin .\n", - "strung out on heroin , anthony sideri robbed a bankhe had to go through withdrawal in a jail cellovercoming addiction is possible , he says , as he 's building a new life as a family man\n", - "[1.3186553 1.4281013 1.3247545 1.29187 1.0662903 1.2178447 1.0567876\n", - " 1.0782596 1.053017 1.0500145 1.0610437 1.0648496 1.0573729 1.0675385\n", - " 1.047318 1.032039 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 5 7 13 4 11 10 12 6 8 9 14 15 16 17 18 19 20 21 22 23\n", - " 24 25 26 27 28]\n", - "=======================\n", - "[\"police went to a home on march 26 in balch springs , texas , to do a welfare check and were told by residents that a two-year-old child had died and a ` rising ceremony ' performed , according to cbs .the ceremony was an attempt to resurrect the child , police claimed , and took place on march 22 .a couple in texas allegedly tried to resurrect their two-year-old child at a home church before taking the body across the border to mexico for burial , police said on thursday .\"]\n", - "=======================\n", - "[\"police went to a home on march 26 in balch springs , texas , to do a welfare check and were told by residents that a two-year-old child had diedneighbor told daily mail online that a woman at the home claimed that five children at the home ` were off the streets of mexico '\"]\n", - "police went to a home on march 26 in balch springs , texas , to do a welfare check and were told by residents that a two-year-old child had died and a ` rising ceremony ' performed , according to cbs .the ceremony was an attempt to resurrect the child , police claimed , and took place on march 22 .a couple in texas allegedly tried to resurrect their two-year-old child at a home church before taking the body across the border to mexico for burial , police said on thursday .\n", - "police went to a home on march 26 in balch springs , texas , to do a welfare check and were told by residents that a two-year-old child had diedneighbor told daily mail online that a woman at the home claimed that five children at the home ` were off the streets of mexico '\n", - "[1.063432 1.0503463 1.1084034 1.2045591 1.0370113 1.0522157 1.2615615\n", - " 1.0943491 1.0757642 1.125678 1.0576125 1.0924486 1.0274189 1.0274923\n", - " 1.0292537 1.0544263 1.0297488 1.0288223 1.0956769 1.0852654 1.066371\n", - " 1.0323958 1.0390797 1.0198354 1.0353568 1.0231365 1.0203729 1.0314683\n", - " 1.0466886]\n", - "\n", - "[ 6 3 9 2 18 7 11 19 8 20 0 10 15 5 1 28 22 4 24 21 27 16 14 17\n", - " 13 12 25 26 23]\n", - "=======================\n", - "['there have been enough sightings of the old tiger at augusta this week not to give up on him yet .he smiled , slapped his playing partner rory mcilroy on the back .at the ninth , playing out of the augusta pines , woods found such a root at full pelt on his follow through .']\n", - "=======================\n", - "[\"tiger woods finishes tied for seventeenth in the 2015 masters at augustawoods could only score 73 on sunday , seven shots less than rory mcilroythere has been enough to suggest that woods is not finished yetjordan spieth won this year 's masters after finishing on 18 under par\"]\n", - "there have been enough sightings of the old tiger at augusta this week not to give up on him yet .he smiled , slapped his playing partner rory mcilroy on the back .at the ninth , playing out of the augusta pines , woods found such a root at full pelt on his follow through .\n", - "tiger woods finishes tied for seventeenth in the 2015 masters at augustawoods could only score 73 on sunday , seven shots less than rory mcilroythere has been enough to suggest that woods is not finished yetjordan spieth won this year 's masters after finishing on 18 under par\n", - "[1.0276003 1.33028 1.2750838 1.281836 1.2912308 1.2450596 1.0878686\n", - " 1.099096 1.1676267 1.0520886 1.0223781 1.1168408 1.0776749 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 3 2 5 8 11 7 6 12 9 0 10 13 14 15]\n", - "=======================\n", - "[\"a self-warming bottle that heats up in 60 seconds is among the latest gizmos designed to make new mums ' lives easier .pippa middleton , left , is said to have bought the biodegradable nappies for her new royal niece or nephewthe new royal baby could be clad in eco-friendly biodegradable mull-cloth as opposed to disposable nappies\"]\n", - "=======================\n", - "[\"pippa is said to have bought biodegradable nappies in switzerlandbuggy lights have white forward and red rear facing lights - just like a carself-warming bottle means new mums do n't even need to get out of bed\"]\n", - "a self-warming bottle that heats up in 60 seconds is among the latest gizmos designed to make new mums ' lives easier .pippa middleton , left , is said to have bought the biodegradable nappies for her new royal niece or nephewthe new royal baby could be clad in eco-friendly biodegradable mull-cloth as opposed to disposable nappies\n", - "pippa is said to have bought biodegradable nappies in switzerlandbuggy lights have white forward and red rear facing lights - just like a carself-warming bottle means new mums do n't even need to get out of bed\n", - "[1.2318455 1.4690773 1.3837416 1.3318299 1.2897539 1.0429738 1.0510739\n", - " 1.0257634 1.0207574 1.0474323 1.0771271 1.1853881 1.0501837 1.0872042\n", - " 1.0718838 0. ]\n", - "\n", - "[ 1 2 3 4 0 11 13 10 14 6 12 9 5 7 8 15]\n", - "=======================\n", - "[\"but officers are powerless to act over the allegations , at a school in blackburn , lancashire , because the age of criminal responsibility in england is ten , so charges can not be brought against the boy .the girl 's mother has also blasted school authorities after officials refused to remove the boy from her daughter 's class , saying they have made the girl feel ` like she was in the wrong ' .a six-year-old girl has been sexually assaulted by a boy of the same age in the classroom and playground of her school .\"]\n", - "=======================\n", - "[\"girl , six , assaulted by boy of the same age at primary school in blackburnschool officials ruled that boy did not need to be removed from girl 's classmother says she has now been forced to move daughter to another schoolpolice can not bring charges as age of criminal responsibility is ten\"]\n", - "but officers are powerless to act over the allegations , at a school in blackburn , lancashire , because the age of criminal responsibility in england is ten , so charges can not be brought against the boy .the girl 's mother has also blasted school authorities after officials refused to remove the boy from her daughter 's class , saying they have made the girl feel ` like she was in the wrong ' .a six-year-old girl has been sexually assaulted by a boy of the same age in the classroom and playground of her school .\n", - "girl , six , assaulted by boy of the same age at primary school in blackburnschool officials ruled that boy did not need to be removed from girl 's classmother says she has now been forced to move daughter to another schoolpolice can not bring charges as age of criminal responsibility is ten\n", - "[1.2561034 1.3952491 1.3117087 1.2494769 1.119801 1.057921 1.0492871\n", - " 1.0685437 1.0208861 1.178565 1.1802903 1.1168405 1.0302253 1.027075\n", - " 1.0639571 1.0991422]\n", - "\n", - "[ 1 2 0 3 10 9 4 11 15 7 14 5 6 12 13 8]\n", - "=======================\n", - "['emergency workers surrounded the delta air lines plane at laguardia airport after an odor of smoke was reported by the crew moments after flight 2522 touched down .passengers were still on board as firefighters walked through the cabin with a thermal imaging camera to locate a potential heat source .passengers experienced some anxious moments when their plane landed at a new york city airport and was met by firefighters wearing full protective suits .']\n", - "=======================\n", - "['delta said the flight crew reported an odor while taxiing to the gatethe crew shut down both engines and notified the airport fire departmentpassengers remained on board as firefighters checked for a heat sourceplane was towed to the gate and passengers allowed to disembark']\n", - "emergency workers surrounded the delta air lines plane at laguardia airport after an odor of smoke was reported by the crew moments after flight 2522 touched down .passengers were still on board as firefighters walked through the cabin with a thermal imaging camera to locate a potential heat source .passengers experienced some anxious moments when their plane landed at a new york city airport and was met by firefighters wearing full protective suits .\n", - "delta said the flight crew reported an odor while taxiing to the gatethe crew shut down both engines and notified the airport fire departmentpassengers remained on board as firefighters checked for a heat sourceplane was towed to the gate and passengers allowed to disembark\n", - "[1.2616752 1.3441077 1.2628752 1.3308843 1.2563313 1.0996969 1.084381\n", - " 1.0730028 1.0345371 1.1168675 1.0573945 1.0388256 1.2008735 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 12 9 5 6 7 10 11 8 13 14 15]\n", - "=======================\n", - "[\"tulip siddiq , a former aide to ed miliband , and who is standing for labour in hampstead , was at the kremlin with her aunt , the hardline leader of bangladesh who is accused of human rights abuses .labour candidate tulip siddiq ( left ) was last night accused of failing to tell voters that she met vladimir putin ( right ) in moscow two years agoa smiling ms siddiq was photographed alongside putin and sheikh hasina , the prime minister of bangladesh and ms siddiq 's mother rehana .\"]\n", - "=======================\n", - "['tulip siddiq accused of failing to tell voters she met vladimir putin in 2013labour candidate met russian president at signing of billion-dollar arms dealformer aide to labour leader ed milbiand is standing for party in hampstead']\n", - "tulip siddiq , a former aide to ed miliband , and who is standing for labour in hampstead , was at the kremlin with her aunt , the hardline leader of bangladesh who is accused of human rights abuses .labour candidate tulip siddiq ( left ) was last night accused of failing to tell voters that she met vladimir putin ( right ) in moscow two years agoa smiling ms siddiq was photographed alongside putin and sheikh hasina , the prime minister of bangladesh and ms siddiq 's mother rehana .\n", - "tulip siddiq accused of failing to tell voters she met vladimir putin in 2013labour candidate met russian president at signing of billion-dollar arms dealformer aide to labour leader ed milbiand is standing for party in hampstead\n", - "[1.506373 1.2747138 1.2647618 1.1983496 1.0914203 1.0381963 1.0424203\n", - " 1.1552145 1.1011481 1.061012 1.0640358 1.0620025 1.0456972 1.0448083\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 3 7 8 4 10 11 9 12 13 6 5 14 15]\n", - "=======================\n", - "[\"( cnn ) americans on the united states ' no-fly list will now be privy to information about why they have been banned from commercial flights and be given the opportunity to dispute their status , according to court documents filed by the justice department this week .the revised policy comes in response to a june ruling by a federal judge that said the old process was in violation of the fifth amendment 's guarantee of due process .but the aclu is n't satisfied with the government 's new policy , outlined in documents filed monday in federal courts in oregon ( pdf ) and virginia ( pdf ) .\"]\n", - "=======================\n", - "['americans on the no-fly list will now get info about why they \\'ve been banned from flightsaclu says the policy still denies \" meaningful notice , evidence , and a hearing \"']\n", - "( cnn ) americans on the united states ' no-fly list will now be privy to information about why they have been banned from commercial flights and be given the opportunity to dispute their status , according to court documents filed by the justice department this week .the revised policy comes in response to a june ruling by a federal judge that said the old process was in violation of the fifth amendment 's guarantee of due process .but the aclu is n't satisfied with the government 's new policy , outlined in documents filed monday in federal courts in oregon ( pdf ) and virginia ( pdf ) .\n", - "americans on the no-fly list will now get info about why they 've been banned from flightsaclu says the policy still denies \" meaningful notice , evidence , and a hearing \"\n", - "[1.2572101 1.2971599 1.192477 1.079663 1.3575352 1.1054786 1.128698\n", - " 1.0555903 1.0503991 1.0864073 1.1021042 1.0929462 1.0818634 1.0676719\n", - " 1.0763845 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 1 0 2 6 5 10 11 9 12 3 14 13 7 8 19 15 16 17 18 20]\n", - "=======================\n", - "[\"former nsa chief general keith alexander has warned that the u.s. and her allies are at an ever growing risk of a systemic cyber-assault , with energy infrastructure likely to be hacker 's prime target` the greatest risk is a catastrophic attack on the energy infrastructure .he envisioned a worst case-scenario where hackers targeted oil refineries , power stations , and the electric grid .\"]\n", - "=======================\n", - "[\"general keith alexander has warned that the u.s. and her allies are at an ever growing risk of a systemic cyber-assaulthe predicts that energy infrastructure would be hacker 's prime target` we are not prepared for that , ' he warned in texas last weekalso voiced his concerns about the hacking threat from a terrorist organization such as isis\"]\n", - "former nsa chief general keith alexander has warned that the u.s. and her allies are at an ever growing risk of a systemic cyber-assault , with energy infrastructure likely to be hacker 's prime target` the greatest risk is a catastrophic attack on the energy infrastructure .he envisioned a worst case-scenario where hackers targeted oil refineries , power stations , and the electric grid .\n", - "general keith alexander has warned that the u.s. and her allies are at an ever growing risk of a systemic cyber-assaulthe predicts that energy infrastructure would be hacker 's prime target` we are not prepared for that , ' he warned in texas last weekalso voiced his concerns about the hacking threat from a terrorist organization such as isis\n", - "[1.1692017 1.3631196 1.3621696 1.381891 1.3091164 1.2119079 1.1076211\n", - " 1.137644 1.1595964 1.1508029 1.0294642 1.0147308 1.033653 1.044892\n", - " 1.0296366 1.0196136 1.0677198 1.0151252 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 4 5 0 8 9 7 6 16 13 12 14 10 15 17 11 19 18 20]\n", - "=======================\n", - "[\"bruce cook has been warned by police that he may face serious charges if he does n't take down his ` offensive ' hay bale structure out in front of his property at lake charm , northwest of victoriathe sculpture , made out of bales of compressed grass , depicts the obscene intimacy between a cow and a bull .mr cook put up his ` realistic ' artwork on good friday just for ' a bit of fun ' .\"]\n", - "=======================\n", - "[\"bruce cook put up a hay bale sculpture in front of his property in victoriamr cook says his artwork is ' a bit of fun ' which he put up on good fridaythe 59-year-old says many passersby have stopped to take photoshe says police gave him a call on wednesday , ordering him to take it downmr cook has refused to do so , even though he could face serious charges\"]\n", - "bruce cook has been warned by police that he may face serious charges if he does n't take down his ` offensive ' hay bale structure out in front of his property at lake charm , northwest of victoriathe sculpture , made out of bales of compressed grass , depicts the obscene intimacy between a cow and a bull .mr cook put up his ` realistic ' artwork on good friday just for ' a bit of fun ' .\n", - "bruce cook put up a hay bale sculpture in front of his property in victoriamr cook says his artwork is ' a bit of fun ' which he put up on good fridaythe 59-year-old says many passersby have stopped to take photoshe says police gave him a call on wednesday , ordering him to take it downmr cook has refused to do so , even though he could face serious charges\n", - "[1.5419385 1.3708422 1.3074692 1.1616746 1.3892035 1.0604053 1.0520303\n", - " 1.0398898 1.1479905 1.0473369 1.0317379 1.07245 1.0762393 1.0877303\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 2 3 8 13 12 11 5 6 9 7 10 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"barcelona star neymar feels his team 's champions league tie with paris saint-germain will prove a real footballing ` spectacle ' .the brazil international is expecting more fireworks following barca 's win over barclays premier league champions manchester city in the last 16 of the competition .barcelona and psg meet on april 15 in the french capital , and neymar told samba foot : ` it will be a great game between two great teams with excellent players .\"]\n", - "=======================\n", - "['neymar : ` it will be a great game between two great teams with excellent players .barcelona face psg in the french capital on april 15barca saw off manchester city in the champions league previously']\n", - "barcelona star neymar feels his team 's champions league tie with paris saint-germain will prove a real footballing ` spectacle ' .the brazil international is expecting more fireworks following barca 's win over barclays premier league champions manchester city in the last 16 of the competition .barcelona and psg meet on april 15 in the french capital , and neymar told samba foot : ` it will be a great game between two great teams with excellent players .\n", - "neymar : ` it will be a great game between two great teams with excellent players .barcelona face psg in the french capital on april 15barca saw off manchester city in the champions league previously\n", - "[1.2662259 1.3395869 1.1761395 1.3222165 1.2568098 1.2459882 1.1024354\n", - " 1.091051 1.0441406 1.0417597 1.0727991 1.0563282 1.0490011 1.1061383\n", - " 1.0160438 1.015111 1.1987242 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 5 16 2 13 6 7 10 11 12 8 9 14 15 17 18 19 20]\n", - "=======================\n", - "[\"the air malta jet was tracked by flightradar24.com as it took off the island 's international airport as it embarked on the unusual flight .a newly-wed couple were taken on a romantic flight over the mediterranean which left airline enthusiasts baffled after the passenger jet flew in the shape of two giant hearts shortly after takeoff .the special flight was to celebrate the marriage one of the airline 's pilot to a member of cabin crew .\"]\n", - "=======================\n", - "[\"the air malta airbus a-319 did two heart-shaped circuits of the islandthe flight was to celebrate wedding of a pilot and a member of cabin crewsocial media users were baffled by the unusual flight plan on the internetan airline spokeswoman described the special flight as ` very romantic '\"]\n", - "the air malta jet was tracked by flightradar24.com as it took off the island 's international airport as it embarked on the unusual flight .a newly-wed couple were taken on a romantic flight over the mediterranean which left airline enthusiasts baffled after the passenger jet flew in the shape of two giant hearts shortly after takeoff .the special flight was to celebrate the marriage one of the airline 's pilot to a member of cabin crew .\n", - "the air malta airbus a-319 did two heart-shaped circuits of the islandthe flight was to celebrate wedding of a pilot and a member of cabin crewsocial media users were baffled by the unusual flight plan on the internetan airline spokeswoman described the special flight as ` very romantic '\n", - "[1.5309772 1.5230937 1.3356158 1.3546138 1.040386 1.0155667 1.013419\n", - " 1.014088 1.1448205 1.1019229 1.0695478 1.0576942 1.036723 1.168223\n", - " 1.0301147 1.0649195 1.1554835 1.025108 1.0319519 1.047358 1.0545952]\n", - "\n", - "[ 0 1 3 2 13 16 8 9 10 15 11 20 19 4 12 18 14 17 5 7 6]\n", - "=======================\n", - "['point guard stephen curry nearly single-handedly outscored new orleans with 11 first-quarter points as the warriors built a 15-point lead and rolled to victory in game one of their western conference first-round series .game two in the best-of-seven series is scheduled for monday night in oakland .stephen curry scored a stunning 34 points for the golden state warriors in there play-off game']\n", - "=======================\n", - "['stephen curry scored 34 points for golden state against new orleansthe californian-based team defeated the pelicans 106-99washington wizards outscored the toronto raptors 11-4 in overtimepaul pierce led the scoring with 20 points for the wizards']\n", - "point guard stephen curry nearly single-handedly outscored new orleans with 11 first-quarter points as the warriors built a 15-point lead and rolled to victory in game one of their western conference first-round series .game two in the best-of-seven series is scheduled for monday night in oakland .stephen curry scored a stunning 34 points for the golden state warriors in there play-off game\n", - "stephen curry scored 34 points for golden state against new orleansthe californian-based team defeated the pelicans 106-99washington wizards outscored the toronto raptors 11-4 in overtimepaul pierce led the scoring with 20 points for the wizards\n", - "[1.2077854 1.416712 1.2869148 1.1235218 1.2078228 1.2368999 1.1755382\n", - " 1.0800371 1.1468983 1.0433285 1.0980501 1.0387019 1.0831342 1.1791208\n", - " 1.0929483 1.0391079 1.0192703 1.0272884 1.078371 1.008831 ]\n", - "\n", - "[ 1 2 5 4 0 13 6 8 3 10 14 12 7 18 9 15 11 17 16 19]\n", - "=======================\n", - "[\"his 13-year-old brother , identified as abdelkrim elmezayen , was pulled dead from the water at the scene shortly after 6pm on thursday .their parents are in a stable condition in the hospital .the family of four had been driving out of a parking lot on berth 73 when the vehicle , driven by the boys ' father , veered off the edge of the harbor .\"]\n", - "=======================\n", - "[\"a car plunged off a road into los angeles harbor on thursday , and two children pulled from the submerged vehicle were hospitalizedthe adults were described as being in fair condition but ` clearly emotionally distraught 'witnesses said the car appeared to speed up as it neared the edgefirefighter miguel meza who dove into the water in san pedro after a car carrying a family of four plunged into the water has been hailed a hero\"]\n", - "his 13-year-old brother , identified as abdelkrim elmezayen , was pulled dead from the water at the scene shortly after 6pm on thursday .their parents are in a stable condition in the hospital .the family of four had been driving out of a parking lot on berth 73 when the vehicle , driven by the boys ' father , veered off the edge of the harbor .\n", - "a car plunged off a road into los angeles harbor on thursday , and two children pulled from the submerged vehicle were hospitalizedthe adults were described as being in fair condition but ` clearly emotionally distraught 'witnesses said the car appeared to speed up as it neared the edgefirefighter miguel meza who dove into the water in san pedro after a car carrying a family of four plunged into the water has been hailed a hero\n", - "[1.2507495 1.5211923 1.2392509 1.3905443 1.1696312 1.0460378 1.0765144\n", - " 1.0659151 1.0769296 1.0663145 1.10754 1.0719364 1.1044992 1.0880104\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 10 12 13 8 6 11 9 7 5 14 15 16 17 18 19]\n", - "=======================\n", - "[\"police say edward nudel , 41 , of staten island broke into his relative 's home on march 11 and strangled a 2-year-old pomeranian named lola ` in an especially depraved and sadistic manner , ' silive reports .a new york man was indicted wednesday on multiple charges after allegedly strangling a relative 's dog and bragging about it afterward .nudel and the relative reportedly had an argument and , after strangling the dog , he called the relative and said ' i killed lola . '\"]\n", - "=======================\n", - "[\"edward nudel , 41 , was indicted wednesday on multiple charges after allegedly strangling his relative 's dognudel then reportedly called the relative , bragging about the deedwhen officers went to arrest the man , nudel wrestled with them sending one to the hospital with injuries\"]\n", - "police say edward nudel , 41 , of staten island broke into his relative 's home on march 11 and strangled a 2-year-old pomeranian named lola ` in an especially depraved and sadistic manner , ' silive reports .a new york man was indicted wednesday on multiple charges after allegedly strangling a relative 's dog and bragging about it afterward .nudel and the relative reportedly had an argument and , after strangling the dog , he called the relative and said ' i killed lola . '\n", - "edward nudel , 41 , was indicted wednesday on multiple charges after allegedly strangling his relative 's dognudel then reportedly called the relative , bragging about the deedwhen officers went to arrest the man , nudel wrestled with them sending one to the hospital with injuries\n", - "[1.1240921 1.4177395 1.3617946 1.40626 1.1422358 1.2469548 1.101035\n", - " 1.0468299 1.0919456 1.0943072 1.0472909 1.123069 1.047873 1.0410042\n", - " 1.0517156 1.0318632 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 5 4 0 11 6 9 8 14 12 10 7 13 15 18 16 17 19]\n", - "=======================\n", - "['matthew bird , from ashburton , new zealand , halved his income by quitting his well-paid job as an agricultural adviser to become a mechanic after he realised he would be expected to pay around $ 1,900 a month in child support payments .matthew bird said he was happy to give up is $ 70,000 a year pay check for a meagre wage of $ 38,000 a year , if it meant his child support payment dropped to $ 554 a monthinland revenue recently amended their child support formula which was enforced on april 1 .']\n", - "=======================\n", - "[\"new zealand recently changed how they calculate child support figuressome parents are outraged , labelling the changes as ` unreasonable 'one parent said he quit his job so he would n't have to face a $ 600 increasehe said after he halved his income , his payment dropped by two thirds\"]\n", - "matthew bird , from ashburton , new zealand , halved his income by quitting his well-paid job as an agricultural adviser to become a mechanic after he realised he would be expected to pay around $ 1,900 a month in child support payments .matthew bird said he was happy to give up is $ 70,000 a year pay check for a meagre wage of $ 38,000 a year , if it meant his child support payment dropped to $ 554 a monthinland revenue recently amended their child support formula which was enforced on april 1 .\n", - "new zealand recently changed how they calculate child support figuressome parents are outraged , labelling the changes as ` unreasonable 'one parent said he quit his job so he would n't have to face a $ 600 increasehe said after he halved his income , his payment dropped by two thirds\n", - "[1.2904358 1.3384503 1.3282939 1.3273242 1.2452707 1.17515 1.0869882\n", - " 1.0325481 1.0240473 1.0409732 1.0393544 1.0471218 1.1744463 1.0573137\n", - " 1.0244269 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 5 12 6 13 11 9 10 7 14 8 18 15 16 17 19]\n", - "=======================\n", - "[\"the lib dem leader told a group of children he was better at languages and art when he was at school .he will use tomorrow 's manifesto launch to promise a ` stronger economy and a fairer society ' , and accuse the tories of wanting to embark on an unnecessarily deep cuts .nick clegg today revealed he struggled with maths at school , as he prepares to launch his election manifesto which will promise to balance the nation 's books ` fairly ' .\"]\n", - "=======================\n", - "[\"clegg tells pupils he was better at languages and art as a youngsterlib dem manifesto to promise to eradicate the deficit ` fairly ' by 2019clegg 's wife miriam says her priority is making sure their sons are ` ok '\"]\n", - "the lib dem leader told a group of children he was better at languages and art when he was at school .he will use tomorrow 's manifesto launch to promise a ` stronger economy and a fairer society ' , and accuse the tories of wanting to embark on an unnecessarily deep cuts .nick clegg today revealed he struggled with maths at school , as he prepares to launch his election manifesto which will promise to balance the nation 's books ` fairly ' .\n", - "clegg tells pupils he was better at languages and art as a youngsterlib dem manifesto to promise to eradicate the deficit ` fairly ' by 2019clegg 's wife miriam says her priority is making sure their sons are ` ok '\n", - "[1.477587 1.1745856 1.309372 1.4762576 1.2349346 1.1711711 1.0560114\n", - " 1.0330279 1.0349369 1.022507 1.0215538 1.3354485 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 11 2 4 1 5 6 8 7 9 10 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"real madrid legend zinedine zidane has ruled out the notion of the club selling gareth bale to manchester united this summer .manchester united goalkeeper david de gea has been linked with a summer move to realzidane ( right ) says bale was a big part in real 's success last year and would ` improve any squad in the world '\"]\n", - "=======================\n", - "[\"gareth bale joined real madrid for # 86million from tottenham in 2013bale the won copa del rey and champions league in first season at real25-year-old 's car was attacked by fans after losing to barcelona last monthsee where cristiano ronaldo and bale unwind after madrid training\"]\n", - "real madrid legend zinedine zidane has ruled out the notion of the club selling gareth bale to manchester united this summer .manchester united goalkeeper david de gea has been linked with a summer move to realzidane ( right ) says bale was a big part in real 's success last year and would ` improve any squad in the world '\n", - "gareth bale joined real madrid for # 86million from tottenham in 2013bale the won copa del rey and champions league in first season at real25-year-old 's car was attacked by fans after losing to barcelona last monthsee where cristiano ronaldo and bale unwind after madrid training\n", - "[1.3434944 1.4124088 1.4258115 1.0806047 1.0391927 1.3724782 1.1259882\n", - " 1.0961543 1.0448092 1.034588 1.0376184 1.0294038 1.1349174 1.0817534\n", - " 1.0732088 1.0392799]\n", - "\n", - "[ 2 1 5 0 12 6 7 13 3 14 8 15 4 10 9 11]\n", - "=======================\n", - "[\"the 23-year-old privileged son of andrew lazarus , the owner of the venue in sydney 's kings cross , was jailed for at least three years for the crime on march 27 .a photo of a ` drunken ' young woman , lying with her legs apart on the ground , was posted on soho nightclub 's facebook page on april 3 - a week after luke lazarus was sentenced for raping an 18-year-old at the club .the club agreed that the photo used was ` 100 per cent inappropriate ' .\"]\n", - "=======================\n", - "[\"luke lazarus was convicted of raping an 18-year-old at soho nightclublazarus was sentenced to a minimum of three years in jail on march 27he is the son of the sydney venue 's owner andrew lazarusthe photo was posted on april 3 to promote soho 's easter club eventsoho management told daily mail australia the image was uploaded by an ` external promoter ' who they had given access to their facebook pagethe club agrees that the image used was ' 100 per cent inappropriate '\"]\n", - "the 23-year-old privileged son of andrew lazarus , the owner of the venue in sydney 's kings cross , was jailed for at least three years for the crime on march 27 .a photo of a ` drunken ' young woman , lying with her legs apart on the ground , was posted on soho nightclub 's facebook page on april 3 - a week after luke lazarus was sentenced for raping an 18-year-old at the club .the club agreed that the photo used was ` 100 per cent inappropriate ' .\n", - "luke lazarus was convicted of raping an 18-year-old at soho nightclublazarus was sentenced to a minimum of three years in jail on march 27he is the son of the sydney venue 's owner andrew lazarusthe photo was posted on april 3 to promote soho 's easter club eventsoho management told daily mail australia the image was uploaded by an ` external promoter ' who they had given access to their facebook pagethe club agrees that the image used was ' 100 per cent inappropriate '\n", - "[1.2209321 1.4948788 1.3505338 1.3141894 1.1368628 1.0989006 1.085574\n", - " 1.0804346 1.049977 1.0944462 1.0249314 1.3074713 1.011134 1.0074396\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 11 0 4 5 9 6 7 8 10 12 13 14 15]\n", - "=======================\n", - "['seven-year-old charlotte briggs was told she can not attend lydgate junior school in sheffield even though she can see it from her bedroom window .her mother lynne , 49 , who has two other children , claims taking her daughter to school and back every day would require four hours of travelling on the bus and force her to quit her job .decision : the schoolgirl leaves across the street from her preferred school but instead will have to head to shooters grove primary , which is around two miles away']\n", - "=======================\n", - "[\"lynne briggs only applied for one school because it is only 150 yards awaybut her daughter charlotte has instead been offered place two miles awayher mother says she must leave job because she faces four hours on buscouncil says mrs briggs wrongly assumed child was in a ` feeder school 'as a result , despite being in catchment area , charlotte was refused place\"]\n", - "seven-year-old charlotte briggs was told she can not attend lydgate junior school in sheffield even though she can see it from her bedroom window .her mother lynne , 49 , who has two other children , claims taking her daughter to school and back every day would require four hours of travelling on the bus and force her to quit her job .decision : the schoolgirl leaves across the street from her preferred school but instead will have to head to shooters grove primary , which is around two miles away\n", - "lynne briggs only applied for one school because it is only 150 yards awaybut her daughter charlotte has instead been offered place two miles awayher mother says she must leave job because she faces four hours on buscouncil says mrs briggs wrongly assumed child was in a ` feeder school 'as a result , despite being in catchment area , charlotte was refused place\n", - "[1.2264948 1.4880164 1.2401043 1.2970335 1.1166899 1.0875442 1.0856512\n", - " 1.1585187 1.0980313 1.1551858 1.0171342 1.0373036 1.0803521 1.1042175\n", - " 1.0745863 1.0210524]\n", - "\n", - "[ 1 3 2 0 7 9 4 13 8 5 6 12 14 11 15 10]\n", - "=======================\n", - "['sheila secker , 78 , had been given the pay-as-you-go phone by her son , but as she had not used the phone for some time it had been cut off .when the grandmother collapsed in her home in december , she could not contact her family and died in hospital a few days later , the sunday times reports .an elderly woman died after she was unable to call for help because the phone company had disconnected the mobile she kept for emergencies .']\n", - "=======================\n", - "[\"sheila secker , 78 , died after she was unable to ring son after a fallshe had n't used her pay-as-you-go phone so it had been disconnectedvodafone had cut off her number , but ` glitch ' still allowed top-ups\"]\n", - "sheila secker , 78 , had been given the pay-as-you-go phone by her son , but as she had not used the phone for some time it had been cut off .when the grandmother collapsed in her home in december , she could not contact her family and died in hospital a few days later , the sunday times reports .an elderly woman died after she was unable to call for help because the phone company had disconnected the mobile she kept for emergencies .\n", - "sheila secker , 78 , died after she was unable to ring son after a fallshe had n't used her pay-as-you-go phone so it had been disconnectedvodafone had cut off her number , but ` glitch ' still allowed top-ups\n", - "[1.2718999 1.4611083 1.3072616 1.3205864 1.1101875 1.0665712 1.1133807\n", - " 1.0845108 1.0662855 1.0736276 1.0520415 1.0738785 1.059037 1.0618371\n", - " 1.0548921 1.0109693]\n", - "\n", - "[ 1 3 2 0 6 4 7 11 9 5 8 13 12 14 10 15]\n", - "=======================\n", - "['the cardboard gnome featured alongside a host of celebrities and historic figures including actress diana dors , singer bob dylan and actor marlon brando on the psychedelic cover of the ground-breaking 1967 album .in total more than 60 celebrities appear on the famous cover including the fab four themselves - but because it would have been impossible to get all of them in a room together , waxworks and cardboard cutouts were used instead .the album cover was the brainchild of artists peter blake and jann haworth and photographer michael cooper , who constructed and shot it it on march 30 , 1967 .']\n", - "=======================\n", - "[\"the tiny garden gnome is signed by all four members of the iconic bandit appeared with celebrities and world figures on 1967 sgt pepper 's artworkit was given to an assistant photographer following the shoot for the coverthe cardboard garden ornament sold at auction for a surprising # 29,000\"]\n", - "the cardboard gnome featured alongside a host of celebrities and historic figures including actress diana dors , singer bob dylan and actor marlon brando on the psychedelic cover of the ground-breaking 1967 album .in total more than 60 celebrities appear on the famous cover including the fab four themselves - but because it would have been impossible to get all of them in a room together , waxworks and cardboard cutouts were used instead .the album cover was the brainchild of artists peter blake and jann haworth and photographer michael cooper , who constructed and shot it it on march 30 , 1967 .\n", - "the tiny garden gnome is signed by all four members of the iconic bandit appeared with celebrities and world figures on 1967 sgt pepper 's artworkit was given to an assistant photographer following the shoot for the coverthe cardboard garden ornament sold at auction for a surprising # 29,000\n", - "[1.5000167 1.1383536 1.1316059 1.5559056 1.463999 1.0694324 1.1303844\n", - " 1.0387186 1.1805625 1.0507168 1.0540949 1.0138388 1.0315821 1.0130174\n", - " 1.017171 0. ]\n", - "\n", - "[ 3 0 4 8 1 2 6 5 10 9 7 12 14 11 13 15]\n", - "=======================\n", - "[\"west indies cricketer devendra bishoo will play against england in the second testwrist spin has long been a bete noire for england batsmen , a quirk that has been passed down the dna since australia 's shane warne dominated the old enemy for more than a decade .peter moores ' current side , with the fresh faces of gary ballance , ben stokes , moeen ali and jos buttler throughout the order , have yet to face a frontline leg-spinner in tests but that will change when bishoo returns at the national stadium in grenada .\"]\n", - "=======================\n", - "[\"west indies captain denesh ramdin confirmed devendra bishoo will playleg spinner bishoo has 40 wickets for the west indies in 11 testsengland 's batsmen have historically struggled with leg-spin\"]\n", - "west indies cricketer devendra bishoo will play against england in the second testwrist spin has long been a bete noire for england batsmen , a quirk that has been passed down the dna since australia 's shane warne dominated the old enemy for more than a decade .peter moores ' current side , with the fresh faces of gary ballance , ben stokes , moeen ali and jos buttler throughout the order , have yet to face a frontline leg-spinner in tests but that will change when bishoo returns at the national stadium in grenada .\n", - "west indies captain denesh ramdin confirmed devendra bishoo will playleg spinner bishoo has 40 wickets for the west indies in 11 testsengland 's batsmen have historically struggled with leg-spin\n", - "[1.4468002 1.5424494 1.3826063 1.1150706 1.136014 1.0731201 1.0780945\n", - " 1.0408067 1.0635155 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 4 3 6 5 8 7 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", - "=======================\n", - "[\"the singles champions will each receive 1.8 m euros ( # 1.3 m ) , around 150,000 euros more than rafael nadal and maria sharapova picked up last year .prize money at the french open has been increased by three million euros to over 28 million ( # 20.2 million ) , the french tennis federation has announced .maria sharapova poses with the coupe suzanne lenglen trophy after beating simon halep in last year 's final\"]\n", - "=======================\n", - "[\"prize money has been increased to over # 20.2 million at roland garrosthe men 's and women 's singles champions will each receive # 1.3 mthe french open remains the grand slam with the lowest top prize\"]\n", - "the singles champions will each receive 1.8 m euros ( # 1.3 m ) , around 150,000 euros more than rafael nadal and maria sharapova picked up last year .prize money at the french open has been increased by three million euros to over 28 million ( # 20.2 million ) , the french tennis federation has announced .maria sharapova poses with the coupe suzanne lenglen trophy after beating simon halep in last year 's final\n", - "prize money has been increased to over # 20.2 million at roland garrosthe men 's and women 's singles champions will each receive # 1.3 mthe french open remains the grand slam with the lowest top prize\n", - "[1.1975685 1.431135 1.2230507 1.2717841 1.3184197 1.2884486 1.0211011\n", - " 1.1127938 1.0778036 1.0945722 1.0597937 1.0922105 1.0744464 1.0541525\n", - " 1.045244 1.0243454 1.0129967 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 5 3 2 0 7 9 11 8 12 10 13 14 15 6 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the unconventional maneuver led to a three-day , unpaid suspension for trooper abraham martinez last year but the footage only emerged this week as the austin american statesman investigated outdated tactics used in department of public safety pursuits .contact : martinez was ultimately suspended for three days without pay for the unconventional tactic 'gaydos knew he was being pursued but drove off because he was driving on a suspended license .\"]\n", - "=======================\n", - "['trooper abraham martinez jumped into the air and kicked steven gaydos off his bike following a high-speed chase in houston in december 2012gaydos ran a stop sign and fled while driving on a suspended licensemartinez shot at him four times - striking him in the leg - and when the man pulled over , he kicked him off his bikemartinez was suspended for three days for the unconventional movethe video emerged this week as a texas newspaper investigated outdated tactics used in department of public safety pursuits']\n", - "the unconventional maneuver led to a three-day , unpaid suspension for trooper abraham martinez last year but the footage only emerged this week as the austin american statesman investigated outdated tactics used in department of public safety pursuits .contact : martinez was ultimately suspended for three days without pay for the unconventional tactic 'gaydos knew he was being pursued but drove off because he was driving on a suspended license .\n", - "trooper abraham martinez jumped into the air and kicked steven gaydos off his bike following a high-speed chase in houston in december 2012gaydos ran a stop sign and fled while driving on a suspended licensemartinez shot at him four times - striking him in the leg - and when the man pulled over , he kicked him off his bikemartinez was suspended for three days for the unconventional movethe video emerged this week as a texas newspaper investigated outdated tactics used in department of public safety pursuits\n", - "[1.2156627 1.4210091 1.2748008 1.1869515 1.1832905 1.1231369 1.093958\n", - " 1.0873636 1.148151 1.1514779 1.104101 1.0135666 1.0367951 1.1092843\n", - " 1.0412272 1.083859 1.0452838 1.0627546 1.0900066 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 4 9 8 5 13 10 6 18 7 15 17 16 14 12 11 20 19 21]\n", - "=======================\n", - "[\"april morris of bennettsville thought she 'd never see her beloved pit bull , nina louise , again after she went astray in december 2013 .months of searching and a $ 500 cash reward proved fruitless .a dog who went missing more than a year ago has been reunited with her owners after being rescued from peril during a cockfighting bust in south carolina .\"]\n", - "=======================\n", - "[\"april morris of south carolina , thought she 'd never see her beloved pit bull , nina louise , again after she went astray in december 2013but this past saturday she could n't believe her eyes when she saw footage of the malnourished pup 's heartbreaking rescue on the nightly newsmorris called the local humane society to claim the pit bull and identified her by detailing two white spots in the fur behind her headshe collected the dog and her ten puppies\"]\n", - "april morris of bennettsville thought she 'd never see her beloved pit bull , nina louise , again after she went astray in december 2013 .months of searching and a $ 500 cash reward proved fruitless .a dog who went missing more than a year ago has been reunited with her owners after being rescued from peril during a cockfighting bust in south carolina .\n", - "april morris of south carolina , thought she 'd never see her beloved pit bull , nina louise , again after she went astray in december 2013but this past saturday she could n't believe her eyes when she saw footage of the malnourished pup 's heartbreaking rescue on the nightly newsmorris called the local humane society to claim the pit bull and identified her by detailing two white spots in the fur behind her headshe collected the dog and her ten puppies\n", - "[1.3428942 1.5377835 1.3959992 1.0793263 1.0272939 1.0309247 1.0559795\n", - " 1.018253 1.3126978 1.2128183 1.085989 1.0495511 1.01504 1.0440749\n", - " 1.0363901 1.0248489 1.0221494 1.0239232 1.039142 1.0526803 1.0151943\n", - " 1.0123662]\n", - "\n", - "[ 1 2 0 8 9 10 3 6 19 11 13 18 14 5 4 15 17 16 7 20 12 21]\n", - "=======================\n", - "['claire nugent , 43 , and nigel morter , 47 , have been married for 14 years .they restored a 1940s airfield control tower in norfolk and now run it as a b&b .we spent # 400 on a 1940s loo - it took us four months to find one !']\n", - "=======================\n", - "['claire nugent and nigel morter restored a 1940s airfield control tower and now run it as a b&bemma edwards runs a vintage website and spent # 10,000 converting her home into a 50s haven48-year-old ursula forbush likes to come home and switch on an old record player like in the 60s']\n", - "claire nugent , 43 , and nigel morter , 47 , have been married for 14 years .they restored a 1940s airfield control tower in norfolk and now run it as a b&b .we spent # 400 on a 1940s loo - it took us four months to find one !\n", - "claire nugent and nigel morter restored a 1940s airfield control tower and now run it as a b&bemma edwards runs a vintage website and spent # 10,000 converting her home into a 50s haven48-year-old ursula forbush likes to come home and switch on an old record player like in the 60s\n", - "[1.3829564 1.5499963 1.1440266 1.2183053 1.1419282 1.0498729 1.0252466\n", - " 1.0313168 1.0260847 1.0769752 1.0257682 1.2758272 1.1996951 1.0399914\n", - " 1.051418 1.0080402 1.0087209 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 11 3 12 2 4 9 14 5 13 7 8 10 6 16 15 17 18 19 20 21]\n", - "=======================\n", - "[\"defender raven slotted home the deciding goal four minutes from the end of extra time as caley stunned 10-man celtic 3-2 at hampden park to set up a final showdown with falkirk .an emotional david raven reflected on a ` dream come true ' after his last-gasp winner sent inverness through to their first-ever william hill scottish cup final at the expense of favourites celtic .david raven ( second right ) celebrates with his inverness team-mates following his extra-time winner\"]\n", - "=======================\n", - "[\"inverness upset celtic 3-2 in the scottish cup semi-final on sundaycaley defender david raven scored the winning goal in extra timethe 30-year-old has hailed his wining strike as a ` dream come true '\"]\n", - "defender raven slotted home the deciding goal four minutes from the end of extra time as caley stunned 10-man celtic 3-2 at hampden park to set up a final showdown with falkirk .an emotional david raven reflected on a ` dream come true ' after his last-gasp winner sent inverness through to their first-ever william hill scottish cup final at the expense of favourites celtic .david raven ( second right ) celebrates with his inverness team-mates following his extra-time winner\n", - "inverness upset celtic 3-2 in the scottish cup semi-final on sundaycaley defender david raven scored the winning goal in extra timethe 30-year-old has hailed his wining strike as a ` dream come true '\n", - "[1.1618148 1.5023265 1.2748835 1.2651561 1.197609 1.1533188 1.0596224\n", - " 1.0362127 1.0779886 1.13028 1.0991409 1.0209426 1.0173869 1.107674\n", - " 1.0434872 1.203027 1.16209 1.0413481 1.0073442 1.031121 ]\n", - "\n", - "[ 1 2 3 15 4 16 0 5 9 13 10 8 6 14 17 7 19 11 12 18]\n", - "=======================\n", - "[\"jia binhui , 25 , can not afford hospital treatment and hopes his alternative treatment will fight the deadly disease .he claims experts advised him that temperatures higher than 42 degrees celsius can kill the cancerous cells in his body , according to the people 's daily online .determined : jia married his long-term girlfriend liu yuan last month and refuses to give up despite not being able to fund cancer treatment\"]\n", - "=======================\n", - "['jia binhui can not afford hospital treatment for deadly diseasehe says experts told him temperatures of 42c can kill cancer cellsbuilt barbecue contraption in his garden so he can use it every dayplans on returning to hospital to see if it has worked']\n", - "jia binhui , 25 , can not afford hospital treatment and hopes his alternative treatment will fight the deadly disease .he claims experts advised him that temperatures higher than 42 degrees celsius can kill the cancerous cells in his body , according to the people 's daily online .determined : jia married his long-term girlfriend liu yuan last month and refuses to give up despite not being able to fund cancer treatment\n", - "jia binhui can not afford hospital treatment for deadly diseasehe says experts told him temperatures of 42c can kill cancer cellsbuilt barbecue contraption in his garden so he can use it every dayplans on returning to hospital to see if it has worked\n", - "[1.4835014 1.436625 1.2290663 1.2019536 1.3852621 1.0361527 1.0162458\n", - " 1.0283577 1.0120488 1.119695 1.0756211 1.0538881 1.0308763 1.0579989\n", - " 1.047892 1.0541973 1.148114 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 3 16 9 10 13 15 11 14 5 12 7 6 8 18 17 19]\n", - "=======================\n", - "[\"carl hayman has admitted toulon ` have a lot of work to do ' to secure an unprecedented third consecutive european title , despite reaching the champions cup semi-finals .toulon captain hayman admitted bernard laporte 's men were distinctly underwhelmed by their performance levels in sunday 's 32-18 quarter-final victory over wasps .toulon will host leinster at marseille 's stade velodrome on sunday , april 19 in the last four , with hayman conceding vast improvements are required to lift the inaugural champions cup .\"]\n", - "=======================\n", - "[\"toulon reached the champions cup semi finals with win against waspsbut , bernard laporte 's men were underwhelmed by their performancefrench side had frederic michalak and ali williams late try to thanktoulon will host leinster at marseille 's stade velodrome on april 19\"]\n", - "carl hayman has admitted toulon ` have a lot of work to do ' to secure an unprecedented third consecutive european title , despite reaching the champions cup semi-finals .toulon captain hayman admitted bernard laporte 's men were distinctly underwhelmed by their performance levels in sunday 's 32-18 quarter-final victory over wasps .toulon will host leinster at marseille 's stade velodrome on sunday , april 19 in the last four , with hayman conceding vast improvements are required to lift the inaugural champions cup .\n", - "toulon reached the champions cup semi finals with win against waspsbut , bernard laporte 's men were underwhelmed by their performancefrench side had frederic michalak and ali williams late try to thanktoulon will host leinster at marseille 's stade velodrome on april 19\n", - "[1.397994 1.3620937 1.1085745 1.3381152 1.2016151 1.1897448 1.0233408\n", - " 1.0299596 1.0696416 1.0686516 1.0560888 1.017731 1.1074934 1.0233915\n", - " 1.0196804 1.0866606 1.0539719 1.0828252 1.017617 0. ]\n", - "\n", - "[ 0 1 3 4 5 2 12 15 17 8 9 10 16 7 13 6 14 11 18 19]\n", - "=======================\n", - "[\"photographs taken with the very first ` secret ' handheld camera will go on display on saturday at the state library giving sydneysiders a rare chance to take a glimpse of what life in sydney looked like back in the 1800 's .the detective camera gave amateur photographers the opportunity to capture the true essence of life on sydney streets , defining it as a ` real revolution and turning point in photography . '` the word snapshot emerged from this style of photography and the photographers were called snap shooters '\"]\n", - "=======================\n", - "[\"the state library is showing a collection of photographs taken in the 1800 's by the first hand held camerathe photographs were taken in the 1880 's by arthur syer , a 27-year old man living in sydneythe hand held camera was the first time people could be photographed without their knowledgeamateur photographers using the ` detective camera ' initiated the first talks about surveillance and privacy lawsthis was also the first chance people had to use a camera if they were n't trained in the science behind photographythe exhibition will run from april 4 to august 23\"]\n", - "photographs taken with the very first ` secret ' handheld camera will go on display on saturday at the state library giving sydneysiders a rare chance to take a glimpse of what life in sydney looked like back in the 1800 's .the detective camera gave amateur photographers the opportunity to capture the true essence of life on sydney streets , defining it as a ` real revolution and turning point in photography . '` the word snapshot emerged from this style of photography and the photographers were called snap shooters '\n", - "the state library is showing a collection of photographs taken in the 1800 's by the first hand held camerathe photographs were taken in the 1880 's by arthur syer , a 27-year old man living in sydneythe hand held camera was the first time people could be photographed without their knowledgeamateur photographers using the ` detective camera ' initiated the first talks about surveillance and privacy lawsthis was also the first chance people had to use a camera if they were n't trained in the science behind photographythe exhibition will run from april 4 to august 23\n", - "[1.2220867 1.5813184 1.3148161 1.4348403 1.2034246 1.1876132 1.1707239\n", - " 1.2160549 1.0111926 1.0223565 1.0179963 1.0149835 1.0122265 1.0172797\n", - " 1.1546474 1.0448731 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 7 4 5 6 14 15 9 10 13 11 12 8 18 16 17 19]\n", - "=======================\n", - "['jason matthews , 40 , left his black saab 93 in a side street on his way to the starting line of the manchester marathon on april 19 .but when the runner from wolverhampton finished the race after five hours 11 minutes of running he was unable to remember where he had parked it .a marathon runner who parked his car before taking part in the race has found it again nine days after the 26 mile event following a public appeal .']\n", - "=======================\n", - "['jason matthews , 40 , parked in side street before manchester marathonafter finishing race in five hours 11 minutes he was unable to find saab 93delivery driver spent hours searching around old trafford stadiumcouncil has no record of the car being towed or impounded']\n", - "jason matthews , 40 , left his black saab 93 in a side street on his way to the starting line of the manchester marathon on april 19 .but when the runner from wolverhampton finished the race after five hours 11 minutes of running he was unable to remember where he had parked it .a marathon runner who parked his car before taking part in the race has found it again nine days after the 26 mile event following a public appeal .\n", - "jason matthews , 40 , parked in side street before manchester marathonafter finishing race in five hours 11 minutes he was unable to find saab 93delivery driver spent hours searching around old trafford stadiumcouncil has no record of the car being towed or impounded\n", - "[1.3528333 1.4600742 1.1956205 1.1793911 1.2075287 1.1346778 1.0921487\n", - " 1.0605524 1.0319494 1.0612476 1.0896243 1.0543454 1.0498602 1.0180511\n", - " 1.0175449 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 5 6 10 9 7 11 12 8 13 14 18 15 16 17 19]\n", - "=======================\n", - "['the law , signed by kansas gov. sam brownback on tuesday , bans what it describes as \" dismemberment abortion \" and defines as \" knowingly dismembering a living unborn child and extracting such unborn child one piece at a time from the uterus . \"( cnn ) a new kansas law banning a common second-term abortion procedure is the first of its kind in the united states .the law allows for the procedure if \" necessary to protect the life or health of the mother , \" according to a statement on brownback \\'s website .']\n", - "=======================\n", - "['a new kansas law bans what it describes as \" dismemberment abortion \"supporters say it \\'s a groundbreaking stepopponents say it \\'s dangerous and politically motivated']\n", - "the law , signed by kansas gov. sam brownback on tuesday , bans what it describes as \" dismemberment abortion \" and defines as \" knowingly dismembering a living unborn child and extracting such unborn child one piece at a time from the uterus . \"( cnn ) a new kansas law banning a common second-term abortion procedure is the first of its kind in the united states .the law allows for the procedure if \" necessary to protect the life or health of the mother , \" according to a statement on brownback 's website .\n", - "a new kansas law bans what it describes as \" dismemberment abortion \"supporters say it 's a groundbreaking stepopponents say it 's dangerous and politically motivated\n", - "[1.2211192 1.5048783 1.3143901 1.3682227 1.2720559 1.2261703 1.047188\n", - " 1.0204053 1.0224886 1.0124578 1.0264499 1.0261881 1.0123541 1.0111276\n", - " 1.0198529 1.2326127 1.0505407 1.0208229 1.0147595 1.0114318 1.0149692\n", - " 1.0610249 1.0350877 1.0208473 1.0422617]\n", - "\n", - "[ 1 3 2 4 15 5 0 21 16 6 24 22 10 11 8 23 17 7 14 20 18 9 12 19\n", - " 13]\n", - "=======================\n", - "['jack jordan , 23 , proposed to his girlfriend laura cant last christmas from his hospital bed while suffering from leukaemia .the pair planned to wed after a bone marrow transplant , which they hoped would have given them a bright future together .however , last week mr jordan was given the news that he was too ill to undergo the transplant and has just weeks to live .']\n", - "=======================\n", - "['jack jordan proposed to girlfriend laura cant while suffering leukaemiapair planned to marry after mr jordan received a bone marrow transplantlast week he was told he was too ill to have surgery and has weeks to livecouple have now brought forward the wedding and will marry in hospital']\n", - "jack jordan , 23 , proposed to his girlfriend laura cant last christmas from his hospital bed while suffering from leukaemia .the pair planned to wed after a bone marrow transplant , which they hoped would have given them a bright future together .however , last week mr jordan was given the news that he was too ill to undergo the transplant and has just weeks to live .\n", - "jack jordan proposed to girlfriend laura cant while suffering leukaemiapair planned to marry after mr jordan received a bone marrow transplantlast week he was told he was too ill to have surgery and has weeks to livecouple have now brought forward the wedding and will marry in hospital\n", - "[1.3196422 1.1217501 1.2919334 1.0810192 1.0630612 1.2077863 1.1680146\n", - " 1.0847436 1.0459694 1.122782 1.1834769 1.0499035 1.1305583 1.1021192\n", - " 1.0559801 1.0948035 1.038067 1.0477252 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 5 10 6 12 9 1 13 15 7 3 4 14 11 17 8 16 23 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"the islamic state group claimed credit on saturday a bombing near the us consulate in iraq 's autonomous kurdish region a day earlier that killed two turks .but the us state department said the bombing in ainkawa , near kurdish regional capital arbil , did not kill or wound any consular employees .saman barzanchi , the head of the arbil health department , said saturday that two ethnically kurdish turks were killed and eight people wounded .\"]\n", - "=======================\n", - "['isis has taken credit for a bombing near the us consulate in iraq on fridaythe blast in ainkawa killed two turks and injured 8no us consulate employees were wounded or killed']\n", - "the islamic state group claimed credit on saturday a bombing near the us consulate in iraq 's autonomous kurdish region a day earlier that killed two turks .but the us state department said the bombing in ainkawa , near kurdish regional capital arbil , did not kill or wound any consular employees .saman barzanchi , the head of the arbil health department , said saturday that two ethnically kurdish turks were killed and eight people wounded .\n", - "isis has taken credit for a bombing near the us consulate in iraq on fridaythe blast in ainkawa killed two turks and injured 8no us consulate employees were wounded or killed\n", - "[1.5241094 1.4278557 1.2084335 1.3827162 1.0797007 1.1882725 1.0556952\n", - " 1.012587 1.1766454 1.0110523 1.0095288 1.0559086 1.0281091 1.0812957\n", - " 1.1235414 1.0497937 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 5 8 14 13 4 11 6 15 12 7 9 10 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"rangers boss stuart mccall has revealed he was warned about taking over at ibrox by walter smith - but insists he has made the right decision .the former light blues midfielder steered his new side to their third victory on the bounce with sunday 's 2-1 win over hearts .it was a crucial triumph that moves gers back into second place in the scottish championship and looks to have restored vital momentum ahead of the end-of-season play-offs .\"]\n", - "=======================\n", - "['stuart mccall revealed that he was warned about taking the rangers jobwalter smith rang to make sure mccall was making the right decisionrangers have now won three games on the bounce in the championshipkenny miller and haris vuckic scored the goals in 2-1 win over heartsclick here for all the latest rangers news']\n", - "rangers boss stuart mccall has revealed he was warned about taking over at ibrox by walter smith - but insists he has made the right decision .the former light blues midfielder steered his new side to their third victory on the bounce with sunday 's 2-1 win over hearts .it was a crucial triumph that moves gers back into second place in the scottish championship and looks to have restored vital momentum ahead of the end-of-season play-offs .\n", - "stuart mccall revealed that he was warned about taking the rangers jobwalter smith rang to make sure mccall was making the right decisionrangers have now won three games on the bounce in the championshipkenny miller and haris vuckic scored the goals in 2-1 win over heartsclick here for all the latest rangers news\n", - "[1.2847574 1.333859 1.2253854 1.2436999 1.2684851 1.1348258 1.0329494\n", - " 1.0494596 1.1267692 1.0314299 1.040065 1.0418414 1.210541 1.0553771\n", - " 1.0525503 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 3 2 12 5 8 13 14 7 11 10 6 9 22 21 20 19 15 17 16 23 18\n", - " 24]\n", - "=======================\n", - "[\"tsarnaev , who killed three people and injured 260 others in the april , 2013 bombings , is due back in court today where his defence team will begin to make its case .fewer than one in five massachusetts residents want boston marathon bomber dzhokhar tsarnaev to be executed believing a quick death would be ` too easy an escape ' .however a poll for the boston globe newspaper found less than 20 per cent of massachusetts residents questioned believed he should be put to death with 63 per cent in favour of a life sentence .\"]\n", - "=======================\n", - "['dzhokhar tsarnaev , 21 , back in court today for start of defence caseprosecutors last week urged jurors to push for the death penaltybut poll finds majority of massachusetts residents want life imprisonmentdefence expected to suggest tsarnaev was led astray by his older brother']\n", - "tsarnaev , who killed three people and injured 260 others in the april , 2013 bombings , is due back in court today where his defence team will begin to make its case .fewer than one in five massachusetts residents want boston marathon bomber dzhokhar tsarnaev to be executed believing a quick death would be ` too easy an escape ' .however a poll for the boston globe newspaper found less than 20 per cent of massachusetts residents questioned believed he should be put to death with 63 per cent in favour of a life sentence .\n", - "dzhokhar tsarnaev , 21 , back in court today for start of defence caseprosecutors last week urged jurors to push for the death penaltybut poll finds majority of massachusetts residents want life imprisonmentdefence expected to suggest tsarnaev was led astray by his older brother\n", - "[1.3019235 1.3345088 1.2712561 1.322693 1.2259518 1.1448231 1.0555556\n", - " 1.0734245 1.0331632 1.0410606 1.0826005 1.0202816 1.0161362 1.0848122\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 5 13 10 7 6 9 8 11 12 14 15 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "['the eyes of the nation were on the heir to the throne for the historic event on july 1 , 1969 , but behind the scenes , prime minister harold wilson was convinced terrorists campaigning for welsh independence would target charles -- then 20 -- at the caernarfon castle ceremony .threat : the queen invests the prince at caernarfon castle in 1969 after secret police were sent to wales in fear of an attack on the monarchya top-secret security operation was launched to protect prince charles from a feared terror attack by welsh nationalists at his investiture ceremony , newly released official papers reveal .']\n", - "=======================\n", - "[\"wilson voiced fears in a letter to then home secretary james callaghanhe said he wanted to be able to tell the queen ` programme ' could proceedmetropolitan police were sent to wales to join the fight against extremists\"]\n", - "the eyes of the nation were on the heir to the throne for the historic event on july 1 , 1969 , but behind the scenes , prime minister harold wilson was convinced terrorists campaigning for welsh independence would target charles -- then 20 -- at the caernarfon castle ceremony .threat : the queen invests the prince at caernarfon castle in 1969 after secret police were sent to wales in fear of an attack on the monarchya top-secret security operation was launched to protect prince charles from a feared terror attack by welsh nationalists at his investiture ceremony , newly released official papers reveal .\n", - "wilson voiced fears in a letter to then home secretary james callaghanhe said he wanted to be able to tell the queen ` programme ' could proceedmetropolitan police were sent to wales to join the fight against extremists\n", - "[1.2690201 1.5092022 1.2631913 1.1573329 1.0870061 1.0579538 1.0586412\n", - " 1.1309853 1.086201 1.0674247 1.1153892 1.0637324 1.0975354 1.0323707\n", - " 1.0467563 1.0559082 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 7 10 12 4 8 9 11 6 5 15 14 13 16 17 18]\n", - "=======================\n", - "[\"the xylella fastidiosa bacteria has ravaged olive trees in the puglia region and contributed to a 35 percent drop in the region 's olive oil production last year .the price of olive oil is expected to rocket as forestry officials in southern italy yesterday began cutting down thousands of olive trees infected with a deadly bacteria .an italian forestry official stands guard as workers begin chopping down an infected olive oil tree\"]\n", - "=======================\n", - "['the xylella fastidiosa bacteria has ravaged olive trees in puglia regionits spread has so alarmed the eu that france has boycotted the fruityesterday officials began destroying trees affected by the deadly diseaseprotesters failed in an attempt to stop the government-ordered destructionthe spread of the bacteria is expected to cause olive oil prices to rocket']\n", - "the xylella fastidiosa bacteria has ravaged olive trees in the puglia region and contributed to a 35 percent drop in the region 's olive oil production last year .the price of olive oil is expected to rocket as forestry officials in southern italy yesterday began cutting down thousands of olive trees infected with a deadly bacteria .an italian forestry official stands guard as workers begin chopping down an infected olive oil tree\n", - "the xylella fastidiosa bacteria has ravaged olive trees in puglia regionits spread has so alarmed the eu that france has boycotted the fruityesterday officials began destroying trees affected by the deadly diseaseprotesters failed in an attempt to stop the government-ordered destructionthe spread of the bacteria is expected to cause olive oil prices to rocket\n", - "[1.1766404 1.3324494 1.3361001 1.229281 1.1194957 1.2042093 1.1225226\n", - " 1.0896723 1.0527488 1.0758333 1.035298 1.0801587 1.0756998 1.0208516\n", - " 1.024299 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 5 0 6 4 7 11 9 12 8 10 14 13 15 16 17 18]\n", - "=======================\n", - "['historic building repairer gregg olson and architectural historian pam hayden have been analyzing the log cabin for seven years and say it is unlike anything else found in oregon .experts proposed this new theory in a recently released 200-page report on the molalla log cabin , a structure they believe could have been built as early as 1795 - ten years before lewis and clark reached the pacific ocean .the u.s. put the first man on the moon , but in a strange twist of history it appears the russians may have beat america in settling oregon .']\n", - "=======================\n", - "[\"new report says molalla log cabin could have been built as early as 1795lewis and clark reached the pacific ocean in 1805the construction of the log cabin is not representative of pioneer building methods at the time - suggesting it was made by foreignersreport 's authors propose the cabin could have been used by russian settlers farming in the area to support fur traders in alaska\"]\n", - "historic building repairer gregg olson and architectural historian pam hayden have been analyzing the log cabin for seven years and say it is unlike anything else found in oregon .experts proposed this new theory in a recently released 200-page report on the molalla log cabin , a structure they believe could have been built as early as 1795 - ten years before lewis and clark reached the pacific ocean .the u.s. put the first man on the moon , but in a strange twist of history it appears the russians may have beat america in settling oregon .\n", - "new report says molalla log cabin could have been built as early as 1795lewis and clark reached the pacific ocean in 1805the construction of the log cabin is not representative of pioneer building methods at the time - suggesting it was made by foreignersreport 's authors propose the cabin could have been used by russian settlers farming in the area to support fur traders in alaska\n", - "[1.1219867 1.1338031 1.395613 1.3521249 1.26988 1.3101481 1.0832033\n", - " 1.012029 1.298804 1.0665133 1.0832843 1.1312395 1.01524 1.0077239\n", - " 1.013787 1.0216655 1.0145727 1.0385382 1.1495659]\n", - "\n", - "[ 2 3 5 8 4 18 1 11 0 10 6 9 17 15 12 16 14 7 13]\n", - "=======================\n", - "[\"west ham united vs stoke city ( upton park )west ham will have ecuador forward enner valencia available again following a toe injury for saturday 's barclays premier league game against stoke at upton park .west ham 's enner valencia takes on hull 's curtis davies in a premier league clash back in september\"]\n", - "=======================\n", - "['enner valencia back for west ham united after toe injuryjames tomkins , andy carroll and doneil henry out for hammersmarc wilson available for stoke city despite having broken handjon walters is carrying a knee problem but is in contention']\n", - "west ham united vs stoke city ( upton park )west ham will have ecuador forward enner valencia available again following a toe injury for saturday 's barclays premier league game against stoke at upton park .west ham 's enner valencia takes on hull 's curtis davies in a premier league clash back in september\n", - "enner valencia back for west ham united after toe injuryjames tomkins , andy carroll and doneil henry out for hammersmarc wilson available for stoke city despite having broken handjon walters is carrying a knee problem but is in contention\n", - "[1.1705396 1.3612418 1.3049498 1.4154861 1.1940613 1.1668911 1.1509309\n", - " 1.0594244 1.0601177 1.0242367 1.0172371 1.0493844 1.0152382 1.0351934\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 4 0 5 6 8 7 11 13 9 10 12 17 14 15 16 18]\n", - "=======================\n", - "[\"kim kardashian is in armenia with her husband kanye west and their daughter north on an eight-day visit to the country of her dad 's birththe celebrity visitors are in the capital yerevan , a culturally rich city where the opera house ( centre ) is among its most notable landmarksarmenia is a country in eurasia 's south caucasus region famous for its mountainous landscapes and rich history ... but mainly , right now at least , for the fact kim kardashian and her posse are there .\"]\n", - "=======================\n", - "[\"kim kardashian and kanye west , along with their daughter north and sister khloe , are visiting armeniathe trip is the famous reality tv stars ' first to the nation of their late father robert 's birththeir visit coincides with the lead-up to the 100th anniversary of the armenian genocide on april 24in their eight-day trip , filmed for tv , they are visiting a host of historical sites in the culturally rich city\"]\n", - "kim kardashian is in armenia with her husband kanye west and their daughter north on an eight-day visit to the country of her dad 's birththe celebrity visitors are in the capital yerevan , a culturally rich city where the opera house ( centre ) is among its most notable landmarksarmenia is a country in eurasia 's south caucasus region famous for its mountainous landscapes and rich history ... but mainly , right now at least , for the fact kim kardashian and her posse are there .\n", - "kim kardashian and kanye west , along with their daughter north and sister khloe , are visiting armeniathe trip is the famous reality tv stars ' first to the nation of their late father robert 's birththeir visit coincides with the lead-up to the 100th anniversary of the armenian genocide on april 24in their eight-day trip , filmed for tv , they are visiting a host of historical sites in the culturally rich city\n", - "[1.3487041 1.2247186 1.236033 1.3379909 1.0633152 1.0417286 1.1101048\n", - " 1.1158488 1.1653949 1.0404553 1.1577919 1.0639378 1.1049584 1.1019176\n", - " 1.0420153 1.0435352 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 8 10 7 6 12 13 11 4 15 14 5 9 16 17 18]\n", - "=======================\n", - "[\"bringing the high street to sydney 's shire , topshop and topman is set to launch a second store in nsw at westfield miranda on thursday 16th april .to officially kick off the event , an exclusive breakfast will be hosted by australian beauty and australia 's next top model judge cheyenne tozzi .in a nod to it 's english heritage , the brand will pull out all stops , chauffeuring fashion influencers in london black cabs in the lead up to the event and host four full days of shopper specials including guest appearances , opening offers , complimentary stylists and giveaways .\"]\n", - "=======================\n", - "[\"iconic uk brand topshop continues expansion across sydneythis marks sydney 's second store , located at westfield mirandafashion elite will arrive in style in iconic london black cabsaustralian celebrities cheyenne tozzi and nic westaway to help launch it\"]\n", - "bringing the high street to sydney 's shire , topshop and topman is set to launch a second store in nsw at westfield miranda on thursday 16th april .to officially kick off the event , an exclusive breakfast will be hosted by australian beauty and australia 's next top model judge cheyenne tozzi .in a nod to it 's english heritage , the brand will pull out all stops , chauffeuring fashion influencers in london black cabs in the lead up to the event and host four full days of shopper specials including guest appearances , opening offers , complimentary stylists and giveaways .\n", - "iconic uk brand topshop continues expansion across sydneythis marks sydney 's second store , located at westfield mirandafashion elite will arrive in style in iconic london black cabsaustralian celebrities cheyenne tozzi and nic westaway to help launch it\n", - "[1.1931772 1.5588663 1.3399066 1.264849 1.1959759 1.0982081 1.0405931\n", - " 1.0235372 1.0219634 1.0793077 1.0441447 1.0842274 1.1458676 1.056474\n", - " 1.0851415 1.1022903 1.0735258 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 12 15 5 14 11 9 16 13 10 6 7 8 18 17 19]\n", - "=======================\n", - "[\"lisa williams , 49 , hit taxi driver david coleman three times after finding the 54-year-old brawling with her brother in the street , a court heard .the two families had been ` neighbours at war ' since the colemans moved in next door to the williams family on st catherine 's road , chingford , in 2007 .on the morning of the attack , the court heard that william 's sibling jonathan had smeared mud all over the coleman 's front bay windows .\"]\n", - "=======================\n", - "[\"lisa williams hit neighbour david coleman with a hammer three timesthe families had been ` at war ' since the colemans moved in next doorvictim - who suffered a fractured skull - was brawling with williams ' brothershe was handed a restraining order and sentenced to 30 months in jail\"]\n", - "lisa williams , 49 , hit taxi driver david coleman three times after finding the 54-year-old brawling with her brother in the street , a court heard .the two families had been ` neighbours at war ' since the colemans moved in next door to the williams family on st catherine 's road , chingford , in 2007 .on the morning of the attack , the court heard that william 's sibling jonathan had smeared mud all over the coleman 's front bay windows .\n", - "lisa williams hit neighbour david coleman with a hammer three timesthe families had been ` at war ' since the colemans moved in next doorvictim - who suffered a fractured skull - was brawling with williams ' brothershe was handed a restraining order and sentenced to 30 months in jail\n", - "[1.4770216 1.294445 1.231599 1.3952612 1.1456579 1.1278509 1.1824229\n", - " 1.0286533 1.0136019 1.2872744 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 9 2 6 4 5 7 8 18 10 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"wasps will appeal against the three-week ban issued to nathan hughes , but their protest will not enable the back row to play in sunday 's champions cup quarter-final against toulon .wasps are set to appeal the three-match ban handed to no 8 nathan hughes for knocking out george norththe club have said in a statement they will appeal on the grounds the incident that left northampton wing george north unconscious and resulted in a red card for hughes was an accident and no foul play had occurred .\"]\n", - "=======================\n", - "['wasps no 8 nathan hughes was given a three-match ban for a late challenge on george north which left the northampton winger concussedthe club will appeal the decision on the grounds that it was an accidentas the hearing is scheduled to be held next friday , it means hughes will not be available for wasps to face toulon in the european champions cup']\n", - "wasps will appeal against the three-week ban issued to nathan hughes , but their protest will not enable the back row to play in sunday 's champions cup quarter-final against toulon .wasps are set to appeal the three-match ban handed to no 8 nathan hughes for knocking out george norththe club have said in a statement they will appeal on the grounds the incident that left northampton wing george north unconscious and resulted in a red card for hughes was an accident and no foul play had occurred .\n", - "wasps no 8 nathan hughes was given a three-match ban for a late challenge on george north which left the northampton winger concussedthe club will appeal the decision on the grounds that it was an accidentas the hearing is scheduled to be held next friday , it means hughes will not be available for wasps to face toulon in the european champions cup\n", - "[1.501353 1.3007886 1.1070471 1.1031213 1.3275194 1.1308441 1.0785745\n", - " 1.05373 1.0729712 1.2290812 1.1172194 1.0208011 1.0369369 1.0299084\n", - " 1.0281276 1.044319 1.0301504 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 9 5 10 2 3 6 8 7 15 12 16 13 14 11 18 17 19]\n", - "=======================\n", - "[\"ufc women 's champion ronda rousey reinforced her support for manny pacquiao in his may 2 megafight with floyd mayweather as she paid a visit to the filipino 's los angeles training camp .ronda rousey said she was ` truly honoured to meet such a humble and genuine person ' in manny pacquiaorousey , the undefeated ufc bantamweight title holder , has made it clear she is in underdog pacquiao 's camp in the the lead up to the fight .\"]\n", - "=======================\n", - "[\"ufc woman 's bantamweight champion visited manny pacquiao 's camprousey is backing pacquiao in his megafight against floyd mayweatherpacman thanked rousey for her support in a twitter picture togetherread : mayweather vs pacquiao referee to earn $ 10,000 ( # 6,800 ) on may 2watch : pacquiao releases music video ahead of mayweather bout\"]\n", - "ufc women 's champion ronda rousey reinforced her support for manny pacquiao in his may 2 megafight with floyd mayweather as she paid a visit to the filipino 's los angeles training camp .ronda rousey said she was ` truly honoured to meet such a humble and genuine person ' in manny pacquiaorousey , the undefeated ufc bantamweight title holder , has made it clear she is in underdog pacquiao 's camp in the the lead up to the fight .\n", - "ufc woman 's bantamweight champion visited manny pacquiao 's camprousey is backing pacquiao in his megafight against floyd mayweatherpacman thanked rousey for her support in a twitter picture togetherread : mayweather vs pacquiao referee to earn $ 10,000 ( # 6,800 ) on may 2watch : pacquiao releases music video ahead of mayweather bout\n", - "[1.5360345 1.1649145 1.5677478 1.2317972 1.1916441 1.1094942 1.1947806\n", - " 1.0944078 1.0831152 1.0678648 1.0162851 1.0184801 1.0289907 1.0168197\n", - " 1.221268 1.0110124 1.0148712 1.009637 0. 0. ]\n", - "\n", - "[ 2 0 3 14 6 4 1 5 7 8 9 12 11 13 10 16 15 17 18 19]\n", - "=======================\n", - "[\"michael olsen , 52 , from dartford , kent , was challenged by pcs mark bird and robert wilson after abandoning his car in the middle of the road after ploughing into a traffic island and parked cars .he initially ignored the officers who were pursuing him by car but when they got out he turned round and pulled a gun to pc wilson 's head .pc mark bird ( pictured ) was attending a routine traffic accident with his colleague pc robert wilson in october last year when the incident happened\"]\n", - "=======================\n", - "['michael olsen , 52 , abandoned his car after ploughing into a traffic islandhe was confronted by pcs mark bird and robert wilson but pulled out gunpc bird lunged at olsen in bid to save colleague but was shot in the handolsen claimed gun was toy but found guilty at inner london crown court']\n", - "michael olsen , 52 , from dartford , kent , was challenged by pcs mark bird and robert wilson after abandoning his car in the middle of the road after ploughing into a traffic island and parked cars .he initially ignored the officers who were pursuing him by car but when they got out he turned round and pulled a gun to pc wilson 's head .pc mark bird ( pictured ) was attending a routine traffic accident with his colleague pc robert wilson in october last year when the incident happened\n", - "michael olsen , 52 , abandoned his car after ploughing into a traffic islandhe was confronted by pcs mark bird and robert wilson but pulled out gunpc bird lunged at olsen in bid to save colleague but was shot in the handolsen claimed gun was toy but found guilty at inner london crown court\n", - "[1.3438249 1.3652049 1.1812508 1.4908094 1.1725978 1.2888318 1.1603024\n", - " 1.0924212 1.1047256 1.077136 1.0235103 1.0156398 1.0153886 1.0139326\n", - " 1.0153276 1.0214919 1.0268615 1.0118012 1.0123744 1.0100701]\n", - "\n", - "[ 3 1 0 5 2 4 6 8 7 9 16 10 15 11 12 14 13 18 17 19]\n", - "=======================\n", - "['raheem sterling has turned down a new deal with liverpool and put off contract talks until the summersterling has been offered a # 100,000-a-week deal to stay on merseyside and revealed in a bbc interview on wednesday that he would have signed for a lot less a year ago .raheem sterling edged closer towards an exit from liverpool on wednesday night after admitting in a tv interview that he is not ready to sign a new contract at anfield .']\n", - "=======================\n", - "[\"raheem sterling wants to be known as ' a kid that loves to play football 'the england star has rejected a new deal and put off talks until the summersterling has two years left to run on his existing # 35,000-a-week contracthe says he would have signed a new deal at this point last seasonsterling admits it is ` quite flattering ' to be linked with a move to arsenalliverpool are infuriated that sterling gave interview in the first placesome feel he and his representatives are pushing for summer departureread : sportsmail answers five questions on sterling 's future\"]\n", - "raheem sterling has turned down a new deal with liverpool and put off contract talks until the summersterling has been offered a # 100,000-a-week deal to stay on merseyside and revealed in a bbc interview on wednesday that he would have signed for a lot less a year ago .raheem sterling edged closer towards an exit from liverpool on wednesday night after admitting in a tv interview that he is not ready to sign a new contract at anfield .\n", - "raheem sterling wants to be known as ' a kid that loves to play football 'the england star has rejected a new deal and put off talks until the summersterling has two years left to run on his existing # 35,000-a-week contracthe says he would have signed a new deal at this point last seasonsterling admits it is ` quite flattering ' to be linked with a move to arsenalliverpool are infuriated that sterling gave interview in the first placesome feel he and his representatives are pushing for summer departureread : sportsmail answers five questions on sterling 's future\n", - "[1.3983195 1.1999077 1.3059328 1.3795397 1.1599774 1.2519095 1.0621738\n", - " 1.029054 1.0134797 1.0174898 1.1522124 1.1788008 1.123326 1.0156506\n", - " 1.0191655 1.012991 1.01507 1.0105406 1.0102016 1.0086737 0. ]\n", - "\n", - "[ 0 3 2 5 1 11 4 10 12 6 7 14 9 13 16 8 15 17 18 19 20]\n", - "=======================\n", - "[\"sergio perez fears ' a very painful year ' lies ahead if force india 's roll out of their upgraded car this season proves a dud .sergio perez walks through the paddock in shanghai ahead of sunday 's chinese grand prixthe additional knock-on effect means a delay in the introduction of the team 's b-spec model , which is now not due to be unveiled until the austrian grand prix in june .\"]\n", - "=======================\n", - "['sergio perez admits force india are relying on june upgrade to improvemexican fears very painful year if upgrade fails to raise competitivenessforce india missed much of pre-season testing and are well off the pace']\n", - "sergio perez fears ' a very painful year ' lies ahead if force india 's roll out of their upgraded car this season proves a dud .sergio perez walks through the paddock in shanghai ahead of sunday 's chinese grand prixthe additional knock-on effect means a delay in the introduction of the team 's b-spec model , which is now not due to be unveiled until the austrian grand prix in june .\n", - "sergio perez admits force india are relying on june upgrade to improvemexican fears very painful year if upgrade fails to raise competitivenessforce india missed much of pre-season testing and are well off the pace\n", - "[1.185756 1.4534427 1.3416934 1.415678 1.3138683 1.0705411 1.2684301\n", - " 1.0728241 1.0116574 1.0644711 1.0096111 1.0352767 1.0146359 1.0103394\n", - " 1.2597659 1.1920547 1.0491124 1.0072192 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 6 14 15 0 7 5 9 16 11 12 8 13 10 17 18 19 20]\n", - "=======================\n", - "['amanda casey , also of north carolina , was married to michael wilkie for four years and had a daughter with him before the couple divorced .michael wilkie was found guilty of first-degree murder in january for the 2012 killing of shelby wilkie and is serving a life sentence without parole .he went on to marry his third wife , shelby wilkie .']\n", - "=======================\n", - "['michael wilkie was found guilty in january of first-degree murder in january for the 2012 killing of his third wife , shelby wilkiehis second wife , amanda casey , has opened up about the abuse she faced before divorcingcasey said that he controlled aspects of her life and was physically abusive , particularly when she was pregnantshe even said she feared that michael wilkie would kill hershe said she never warned shelby wilkie , but told her she was there if she needed someone to talk to shortly before she disappeared']\n", - "amanda casey , also of north carolina , was married to michael wilkie for four years and had a daughter with him before the couple divorced .michael wilkie was found guilty of first-degree murder in january for the 2012 killing of shelby wilkie and is serving a life sentence without parole .he went on to marry his third wife , shelby wilkie .\n", - "michael wilkie was found guilty in january of first-degree murder in january for the 2012 killing of his third wife , shelby wilkiehis second wife , amanda casey , has opened up about the abuse she faced before divorcingcasey said that he controlled aspects of her life and was physically abusive , particularly when she was pregnantshe even said she feared that michael wilkie would kill hershe said she never warned shelby wilkie , but told her she was there if she needed someone to talk to shortly before she disappeared\n", - "[1.2387564 1.3651326 1.2354814 1.1493189 1.1542654 1.1447871 1.0680265\n", - " 1.1050092 1.0963805 1.0289478 1.0470698 1.1024014 1.084957 1.0346398\n", - " 1.0388523 1.0181872 1.0390186 1.0421327 1.0658171 1.0668162 1.0439404]\n", - "\n", - "[ 1 0 2 4 3 5 7 11 8 12 6 19 18 10 20 17 16 14 13 9 15]\n", - "=======================\n", - "['in the footage , released by police , deputies are filmed chasing after eric harris , first by car then on foot , in tulsa , oklahoma , on april 2 after he fled during a sting operation in a nearby parking lot .these are the horrific final moments of a 44-year-old suspect who was apparently accidentally shot dead by a 73-year-old reserve deputy last week after he fired his handgun instead of his taser .once they catch up to harris , they tackle him to the ground and order him to lie on his stomach .']\n", - "=======================\n", - "[\"warning : graphic videovideo of eric harris 's shooting released by tulsa county sheriff 's officeshows deputies chasing harris , 44 , through tulsa , oklahoma , on april 2they tackle him to ground ; reserve deputy robert bates shouts ` taser ! 'but instead of pulling out taser , he takes out service weapon and firesbates says , ' i shot him !suspect , being held down by his neck , then says : ` i 'm losing my breath 'other unidentified cops tell him , ` f *** your breath , ' and ` shut the f *** up 'harris was later hospitalized , died an hour later ; investigation ongoing\"]\n", - "in the footage , released by police , deputies are filmed chasing after eric harris , first by car then on foot , in tulsa , oklahoma , on april 2 after he fled during a sting operation in a nearby parking lot .these are the horrific final moments of a 44-year-old suspect who was apparently accidentally shot dead by a 73-year-old reserve deputy last week after he fired his handgun instead of his taser .once they catch up to harris , they tackle him to the ground and order him to lie on his stomach .\n", - "warning : graphic videovideo of eric harris 's shooting released by tulsa county sheriff 's officeshows deputies chasing harris , 44 , through tulsa , oklahoma , on april 2they tackle him to ground ; reserve deputy robert bates shouts ` taser ! 'but instead of pulling out taser , he takes out service weapon and firesbates says , ' i shot him !suspect , being held down by his neck , then says : ` i 'm losing my breath 'other unidentified cops tell him , ` f *** your breath , ' and ` shut the f *** up 'harris was later hospitalized , died an hour later ; investigation ongoing\n", - "[1.0617198 1.4906659 1.3162012 1.2176423 1.3388034 1.0682116 1.1726391\n", - " 1.0997801 1.052692 1.046871 1.0323577 1.17926 1.046005 1.0200186\n", - " 1.0958493 1.0418003 1.0196539 1.0256426 1.0518692 0. 0. ]\n", - "\n", - "[ 1 4 2 3 11 6 7 14 5 0 8 18 9 12 15 10 17 13 16 19 20]\n", - "=======================\n", - "['more than 600 people are part of the havasupai tribe , which is the smallest indian nation in america .visitors can reach the mysterious tribe on foot or by helicopter or mule , and experience life in the village of supai , which has a cafe , general stores , a lodge , post office , school , lds chapel , and a small christian church .millions travel to witness the spectacular grand canyon every year , but few know that this arizona landscape is home to a secret tribe , hidden away in its depths .']\n", - "=======================\n", - "['the havasupai tribe are the smallest indian nation in america , with just over 600 village inhabitantsthey live in the village of supai which can be visited by helicopter or mule , as it is eight miles from the nearest roadvisitors can stay overnight with the tribe and experience the incredible havasu falls']\n", - "more than 600 people are part of the havasupai tribe , which is the smallest indian nation in america .visitors can reach the mysterious tribe on foot or by helicopter or mule , and experience life in the village of supai , which has a cafe , general stores , a lodge , post office , school , lds chapel , and a small christian church .millions travel to witness the spectacular grand canyon every year , but few know that this arizona landscape is home to a secret tribe , hidden away in its depths .\n", - "the havasupai tribe are the smallest indian nation in america , with just over 600 village inhabitantsthey live in the village of supai which can be visited by helicopter or mule , as it is eight miles from the nearest roadvisitors can stay overnight with the tribe and experience the incredible havasu falls\n", - "[1.1126044 1.1888515 1.1871221 1.3139448 1.2161517 1.2295156 1.1189934\n", - " 1.0624216 1.0802912 1.1127654 1.0655752 1.0820843 1.065263 1.0477242\n", - " 1.0967832 1.0895319 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 5 4 1 2 6 9 0 14 15 11 8 10 12 7 13 19 16 17 18 20]\n", - "=======================\n", - "[\"jamaica , colombia and saint lucia , all relatively close to each other , have the highest percentage of female managers in the worldthe caribbean island had the world 's highest percentage , at nearly 60 per cent .there are only three countries in the entire world where you are more likely to have a female boss than a male boss .\"]\n", - "=======================\n", - "['108 countries were ranked according to percentage of female managersover half of bosses are women in colombia , jamaica and saint luciabritain comes in at 41 out of 108 countries , with only 34.2 % women bosses']\n", - "jamaica , colombia and saint lucia , all relatively close to each other , have the highest percentage of female managers in the worldthe caribbean island had the world 's highest percentage , at nearly 60 per cent .there are only three countries in the entire world where you are more likely to have a female boss than a male boss .\n", - "108 countries were ranked according to percentage of female managersover half of bosses are women in colombia , jamaica and saint luciabritain comes in at 41 out of 108 countries , with only 34.2 % women bosses\n", - "[1.1218543 1.4737139 1.2378798 1.3944851 1.1656686 1.0786287 1.0199785\n", - " 1.2145466 1.131837 1.126629 1.2039685 1.0334383 1.0099839 1.059901\n", - " 1.0239964 1.0181652 1.0130209 1.0284482]\n", - "\n", - "[ 1 3 2 7 10 4 8 9 0 5 13 11 17 14 6 15 16 12]\n", - "=======================\n", - "['the 36-year-old is gearing up for his $ 300million welterweight showdown with floyd mayweather on may 2 - in what is set to become the richest bout in boxing history .manny pacquiao took to instagram to thank spike lee and tito mikey ahead of his bout vs floyd mayweatherthe 36-year-old also posted a photo thanking nba legend karl malone ( centre left ) for visiting him at the gym']\n", - "=======================\n", - "['manny pacquiao fights floyd mayweather at the mgm grand on may 2pacquiao took to instagram on thursday to thank spike lee and tito mikey36-year-old was also visited by nba legend karl malone at his boxing gym']\n", - "the 36-year-old is gearing up for his $ 300million welterweight showdown with floyd mayweather on may 2 - in what is set to become the richest bout in boxing history .manny pacquiao took to instagram to thank spike lee and tito mikey ahead of his bout vs floyd mayweatherthe 36-year-old also posted a photo thanking nba legend karl malone ( centre left ) for visiting him at the gym\n", - "manny pacquiao fights floyd mayweather at the mgm grand on may 2pacquiao took to instagram on thursday to thank spike lee and tito mikey36-year-old was also visited by nba legend karl malone at his boxing gym\n", - "[1.5353509 1.0727458 1.2019106 1.1618705 1.1259631 1.0694798 1.1290851\n", - " 1.1099392 1.0834421 1.0725302 1.0702503 1.1427143 1.0569673 1.0226635\n", - " 1.0545313 1.0414649 0. 0. ]\n", - "\n", - "[ 0 2 3 11 6 4 7 8 1 9 10 5 12 14 15 13 16 17]\n", - "=======================\n", - "[\"( cnn ) anthony ray hinton is thankful to be free after nearly 30 years on alabama 's death row for murders he says he did n't commit .hinton , 58 , looked up , took in the sunshine and thanked god and his lawyers friday morning outside the county jail in birmingham , minutes after taking his first steps as a free man since 1985 .hinton was 29 at the time of the killings and had always maintained his innocence , said the equal justice initiative , a group that helped win his release .\"]\n", - "=======================\n", - "['anthony ray hinton goes free friday , decades after conviction for two murderscourt ordered new trial in 2014 , years after gun experts testified on his behalfprosecution moved to dismiss charges this year']\n", - "( cnn ) anthony ray hinton is thankful to be free after nearly 30 years on alabama 's death row for murders he says he did n't commit .hinton , 58 , looked up , took in the sunshine and thanked god and his lawyers friday morning outside the county jail in birmingham , minutes after taking his first steps as a free man since 1985 .hinton was 29 at the time of the killings and had always maintained his innocence , said the equal justice initiative , a group that helped win his release .\n", - "anthony ray hinton goes free friday , decades after conviction for two murderscourt ordered new trial in 2014 , years after gun experts testified on his behalfprosecution moved to dismiss charges this year\n", - "[1.3955853 1.4540844 1.1047204 1.0495692 1.1305058 1.2195722 1.3102002\n", - " 1.1801063 1.0548062 1.0672457 1.0337955 1.095984 1.0981733 1.0374674\n", - " 1.1084758 1.0642437 1.0234382 1.0153235]\n", - "\n", - "[ 1 0 6 5 7 4 14 2 12 11 9 15 8 3 13 10 16 17]\n", - "=======================\n", - "['the tv presenter said her sister , debbie , had managed to contact the family to say she was safe after a 7.9-magnitude quake struck nepal on saturday , killing more than 4,000 people .amanda holden today revealed that her sister is trapped on mount everest after the devastating earthquake -- but said her life may have been saved because she had altitude sickness .in a fortunate twist , she said debbie had not yet reached everest base camp , where a deadly avalanche hit , because she was ill and had stopped off to recover .']\n", - "=======================\n", - "[\"tv presenter said sister debbie had contacted family to say she was safeshe said : ' i can barely speak and i 'm still quite numb .says her sister may have been airlifted from the mountain this morning\"]\n", - "the tv presenter said her sister , debbie , had managed to contact the family to say she was safe after a 7.9-magnitude quake struck nepal on saturday , killing more than 4,000 people .amanda holden today revealed that her sister is trapped on mount everest after the devastating earthquake -- but said her life may have been saved because she had altitude sickness .in a fortunate twist , she said debbie had not yet reached everest base camp , where a deadly avalanche hit , because she was ill and had stopped off to recover .\n", - "tv presenter said sister debbie had contacted family to say she was safeshe said : ' i can barely speak and i 'm still quite numb .says her sister may have been airlifted from the mountain this morning\n", - "[1.2043185 1.313041 1.4369155 1.1629219 1.1771641 1.1045387 1.1222947\n", - " 1.1057926 1.083281 1.2469195 1.1117463 1.0426576 1.0230887 1.0112906\n", - " 1.0465406 0. 0. 0. ]\n", - "\n", - "[ 2 1 9 0 4 3 6 10 7 5 8 14 11 12 13 15 16 17]\n", - "=======================\n", - "[\"the manmade cavern named the caverne du pont-d'arc has been built a few miles from the original site in vallon-pont-d'arc in southern france and contains 1,000 painstakingly-reproduced drawings as well as around 450 bones and other features .now , with the help of cutting-edge technology , those works of art in the chauvet-pont-d'arc cave have been reproduced to create the biggest replica cave in the world .prehistoric man sketched an incredible array of prehistoric beasts on the rough limestone walls of a cave in modern day france 36,000 years ago .\"]\n", - "=======================\n", - "[\"cave mimics famous caverne du pont-d'arc in france , the oldest cave decorated by man and the best preservedthe replica contains all 1,000 paintings which include 425 such as a woolly rhinoceros and mammothsminute details were copied using 3d modelling and anamorphic techniques , often used to shoot widescreen imagesthe modern cave also includes replica paw prints of bears , bones and details preserved in the original cave\"]\n", - "the manmade cavern named the caverne du pont-d'arc has been built a few miles from the original site in vallon-pont-d'arc in southern france and contains 1,000 painstakingly-reproduced drawings as well as around 450 bones and other features .now , with the help of cutting-edge technology , those works of art in the chauvet-pont-d'arc cave have been reproduced to create the biggest replica cave in the world .prehistoric man sketched an incredible array of prehistoric beasts on the rough limestone walls of a cave in modern day france 36,000 years ago .\n", - "cave mimics famous caverne du pont-d'arc in france , the oldest cave decorated by man and the best preservedthe replica contains all 1,000 paintings which include 425 such as a woolly rhinoceros and mammothsminute details were copied using 3d modelling and anamorphic techniques , often used to shoot widescreen imagesthe modern cave also includes replica paw prints of bears , bones and details preserved in the original cave\n", - "[1.2176691 1.2262242 1.1723073 1.2970405 1.3643621 1.1106668 1.2265718\n", - " 1.0524093 1.0387923 1.0641347 1.0326127 1.0510501 1.0865623 1.0425596\n", - " 1.0979396 0. 0. 0. ]\n", - "\n", - "[ 4 3 6 1 0 2 5 14 12 9 7 11 13 8 10 16 15 17]\n", - "=======================\n", - "[\"the first lady was on hand to present 15-time grammy winner alicia keys with the recording academy 's recording artists ' coalition award for her ongoing contribution to popular musicthe white house kitchen garden was full of school children on wednesday afternoon as flotus oversaw a session of planting spinach , broccoli , lettuce , radish and bok choy .not content with a busy afternoon in the garden , she then changed into a flawless black dress for the annual grammys on the hill awards which were held at hamilton live in washington , d.c. .\"]\n", - "=======================\n", - "[\"michelle obama combined an educational event with school children during the afternoon and a black tie event on wednesday eveningthe event at the white house kitchen garden was the latest part of her ongoing let 's move initiativeshe then changed into a flawless black dress for the annual grammys on the hill awards which were held at hamilton live in washington , d.c.the first lady was on hand to present 15-time grammy winner alicia keys with the recording academy 's recording artists ' coalition award\"]\n", - "the first lady was on hand to present 15-time grammy winner alicia keys with the recording academy 's recording artists ' coalition award for her ongoing contribution to popular musicthe white house kitchen garden was full of school children on wednesday afternoon as flotus oversaw a session of planting spinach , broccoli , lettuce , radish and bok choy .not content with a busy afternoon in the garden , she then changed into a flawless black dress for the annual grammys on the hill awards which were held at hamilton live in washington , d.c. .\n", - "michelle obama combined an educational event with school children during the afternoon and a black tie event on wednesday eveningthe event at the white house kitchen garden was the latest part of her ongoing let 's move initiativeshe then changed into a flawless black dress for the annual grammys on the hill awards which were held at hamilton live in washington , d.c.the first lady was on hand to present 15-time grammy winner alicia keys with the recording academy 's recording artists ' coalition award\n", - "[1.4436182 1.3027174 1.1986097 1.3779175 1.124301 1.0417705 1.1287943\n", - " 1.1646428 1.1155033 1.0477768 1.0137914 1.0956848 1.0988947 1.1083918\n", - " 1.04077 1.0381619 1.0363501 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 7 6 4 8 13 12 11 9 5 14 15 16 10 18 17 19]\n", - "=======================\n", - "[\"cbs correspondent lara logan , who was brutally sexually assaulted while reporting in egypt in 2011 , is back home and recovering after she reportedly checked into a dc hospital for at least the fourth time this year .she is said to be resting at her home in the washington dc area but working on upcoming storiesa close family friend of logan 's , financial pundit ed butowsky , confirmed late last month that the 43-year-old had been hospitalized and revealed the extent of the journalism heavy hitter 's suffering since the attack in cairo 's tahrir square .\"]\n", - "=======================\n", - "['the reporter , 43 , had been admitted to hospital for the fourth time this year relating to the sexual assault she suffered in 2011she is now back home and recoveringlogan was previously diagnosed with digestive disease diverticulitis , possibly aggravated by stress , and hospitalized in februarylast year , the married mother-of-two was quarantined in south africa after reporting from the ebola hot zone in liberia']\n", - "cbs correspondent lara logan , who was brutally sexually assaulted while reporting in egypt in 2011 , is back home and recovering after she reportedly checked into a dc hospital for at least the fourth time this year .she is said to be resting at her home in the washington dc area but working on upcoming storiesa close family friend of logan 's , financial pundit ed butowsky , confirmed late last month that the 43-year-old had been hospitalized and revealed the extent of the journalism heavy hitter 's suffering since the attack in cairo 's tahrir square .\n", - "the reporter , 43 , had been admitted to hospital for the fourth time this year relating to the sexual assault she suffered in 2011she is now back home and recoveringlogan was previously diagnosed with digestive disease diverticulitis , possibly aggravated by stress , and hospitalized in februarylast year , the married mother-of-two was quarantined in south africa after reporting from the ebola hot zone in liberia\n", - "[1.6021249 1.3016106 1.210939 1.4993815 1.3045671 1.1549209 1.0326889\n", - " 1.0198174 1.0141844 1.036781 1.0239904 1.0264958 1.1135396 1.0175067\n", - " 1.0270406 1.0125557 1.0899209 1.0091792 1.0095494 1.0082586]\n", - "\n", - "[ 0 3 4 1 2 5 12 16 9 6 14 11 10 7 13 8 15 18 17 19]\n", - "=======================\n", - "[\"world no 1 novak djokovic has apologised to the startled ball boy caught in the crossfire of a tirade at his support team during his win over andy murray in sunday 's miami open final .novak djokovic issued an apology via facebook to a ball boy he frightened during the miami opendjokovic shouted at his backroom team after he lost the second set of the final to andy murray\"]\n", - "=======================\n", - "['novak djokovic beat andy murray 7-6 4-6 6-0 in miami open 2015 finaldjokovic lost his cool after losing the second set to the brit in floridaworld no 1 djokovic shouted at his support team next to a scared ball boyafter seeing the replay , the serbian posted an apology video on facebookclick here for all the latest news from the world of tennis']\n", - "world no 1 novak djokovic has apologised to the startled ball boy caught in the crossfire of a tirade at his support team during his win over andy murray in sunday 's miami open final .novak djokovic issued an apology via facebook to a ball boy he frightened during the miami opendjokovic shouted at his backroom team after he lost the second set of the final to andy murray\n", - "novak djokovic beat andy murray 7-6 4-6 6-0 in miami open 2015 finaldjokovic lost his cool after losing the second set to the brit in floridaworld no 1 djokovic shouted at his support team next to a scared ball boyafter seeing the replay , the serbian posted an apology video on facebookclick here for all the latest news from the world of tennis\n", - "[1.213641 1.5341289 1.2977722 1.1483586 1.0749681 1.160163 1.2892525\n", - " 1.058605 1.0958567 1.0623254 1.0311068 1.0241421 1.0640105 1.0660731\n", - " 1.054953 1.0457102 1.0282105 1.039725 1.0429958 0. ]\n", - "\n", - "[ 1 2 6 0 5 3 8 4 13 12 9 7 14 15 18 17 10 16 11 19]\n", - "=======================\n", - "[\"catherine nevin was allowed out on day release on wednesday afternoon despite being jailed for life in april 2000 for arranging to having her publican husband tom shot dead .the 62-year-old was permitted to attend an addiction studies course and was pictured leaving mountjoy prison and making her way from dublin 's dochas centre to the oblates in the city 's inchicore suburb .out of prison and free to stroll around ireland 's capital , this is the notorious ` black widow ' killer who murdered her husband .\"]\n", - "=======================\n", - "[\"catherine nevin was allowed out despite being jailed for life in april 200062-year-old was seen on the bus , with a pal and walking around in dublinsat next to unsuspecting commuter on bus and went totally unnoticedireland 's most infamous female prisoner murdered husband tom in 1996\"]\n", - "catherine nevin was allowed out on day release on wednesday afternoon despite being jailed for life in april 2000 for arranging to having her publican husband tom shot dead .the 62-year-old was permitted to attend an addiction studies course and was pictured leaving mountjoy prison and making her way from dublin 's dochas centre to the oblates in the city 's inchicore suburb .out of prison and free to stroll around ireland 's capital , this is the notorious ` black widow ' killer who murdered her husband .\n", - "catherine nevin was allowed out despite being jailed for life in april 200062-year-old was seen on the bus , with a pal and walking around in dublinsat next to unsuspecting commuter on bus and went totally unnoticedireland 's most infamous female prisoner murdered husband tom in 1996\n", - "[1.3248888 1.3150988 1.0832392 1.5445945 1.2624683 1.1197597 1.1788027\n", - " 1.0148785 1.044097 1.0346972 1.0508964 1.0346191 1.1106569 1.0197102\n", - " 1.0345038 1.1616108 1.091381 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 6 15 5 12 16 2 10 8 9 11 14 13 7 18 17 19]\n", - "=======================\n", - "[\"theo walcott believes arsenal have been the ` best team in europe ' in the second half of the seasonthe gunners ' slim hopes of overhauling chelsea 's 10-point lead at the top of the barclays premier league were all but extinguished following a goalless draw at the emirates stadium on sunday .arsenal had earned eight successive premier league victories before the 0-0 draw against chelsea\"]\n", - "=======================\n", - "['theo walcott insists arsenal have shown the best form in europe this yeargunners earned eight successive premier league victories before 0-0 draw with chelseawalcott believes arsenal must stay injury-free to win title next seasonolivier giroud : i get p ***** about everyone talking about my hairstyleread : arsenal fan gives girlfriend written exam on the gunners']\n", - "theo walcott believes arsenal have been the ` best team in europe ' in the second half of the seasonthe gunners ' slim hopes of overhauling chelsea 's 10-point lead at the top of the barclays premier league were all but extinguished following a goalless draw at the emirates stadium on sunday .arsenal had earned eight successive premier league victories before the 0-0 draw against chelsea\n", - "theo walcott insists arsenal have shown the best form in europe this yeargunners earned eight successive premier league victories before 0-0 draw with chelseawalcott believes arsenal must stay injury-free to win title next seasonolivier giroud : i get p ***** about everyone talking about my hairstyleread : arsenal fan gives girlfriend written exam on the gunners\n", - "[1.230276 1.4123251 1.3324275 1.1514697 1.2165319 1.2051457 1.0917375\n", - " 1.1470823 1.0557835 1.0333449 1.0272799 1.0370545 1.0409628 1.1269817\n", - " 1.0383527 1.0745289 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 5 3 7 13 6 15 8 12 14 11 9 10 18 16 17 19]\n", - "=======================\n", - "[\"fashion conscious shanice farier , 22 , from derby , earned a ` decent salary ' and received handouts from her father but that was n't enough for her expensive taste , the court heard .she helped herself to money from kanoo travel in derby and spent it staying in hotels and living ` an opulent lifestyle ' , said judge john burgess .a ` greedy ' cashier who stole # 15,000 from a currency exchange and blew it on living a high-flying lifestyle was told by a judge it was time to ` get her hands dirty ' .\"]\n", - "=======================\n", - "[\"shanice farier , 22 , stole # 15,336 between october 2012 and february 2013court heard she was paid a decent salary and got handouts from her fatherfarier told her probation officers that taking the money was ` just too easy 'judge ordered her to do 240 hours of unpaid work in the derby community\"]\n", - "fashion conscious shanice farier , 22 , from derby , earned a ` decent salary ' and received handouts from her father but that was n't enough for her expensive taste , the court heard .she helped herself to money from kanoo travel in derby and spent it staying in hotels and living ` an opulent lifestyle ' , said judge john burgess .a ` greedy ' cashier who stole # 15,000 from a currency exchange and blew it on living a high-flying lifestyle was told by a judge it was time to ` get her hands dirty ' .\n", - "shanice farier , 22 , stole # 15,336 between october 2012 and february 2013court heard she was paid a decent salary and got handouts from her fatherfarier told her probation officers that taking the money was ` just too easy 'judge ordered her to do 240 hours of unpaid work in the derby community\n", - "[1.2038105 1.4104381 1.3038487 1.2646838 1.1650012 1.2064223 1.1668466\n", - " 1.0565012 1.0572509 1.1466452 1.0387987 1.0797641 1.0330565 1.112213\n", - " 1.0206653 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 5 0 6 4 9 13 11 8 7 10 12 14 17 15 16 18]\n", - "=======================\n", - "[\"alex oxlade-chamberlain 's father mark , the former england international , is acting as his representative since alex split from impact sports management , although raheem sterling 's adviser aidy ward is also involved .danny welbeck is looked after by his brothers chris and waynearsenal players are choosing to employ relatives as their agents after fifa washed their hands of attempts to regulate middle-men .\"]\n", - "=======================\n", - "['arsenal players are choosing to employ their relatives as agentsfifa have washed their hands of attempts to regulate middle-menalex oxlade-chamberlain , calum chambers , jack wilshere , kieran gibbs and danny welbeck are among those to use the policyliverpool club secretary stuart hayton is leaving anfield after two seasons']\n", - "alex oxlade-chamberlain 's father mark , the former england international , is acting as his representative since alex split from impact sports management , although raheem sterling 's adviser aidy ward is also involved .danny welbeck is looked after by his brothers chris and waynearsenal players are choosing to employ relatives as their agents after fifa washed their hands of attempts to regulate middle-men .\n", - "arsenal players are choosing to employ their relatives as agentsfifa have washed their hands of attempts to regulate middle-menalex oxlade-chamberlain , calum chambers , jack wilshere , kieran gibbs and danny welbeck are among those to use the policyliverpool club secretary stuart hayton is leaving anfield after two seasons\n", - "[1.2332332 1.5106809 1.2122283 1.2316911 1.0977557 1.08884 1.091799\n", - " 1.0495298 1.0275838 1.0157675 1.0214454 1.3051796 1.1448814 1.0726597\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 11 0 3 2 12 4 6 5 13 7 8 10 9 14 15 16 17 18]\n", - "=======================\n", - "['on wednesday , dc entertainment , warner bros. and mattel announced a partnership to launch dc super hero girls , featuring familiar superheroes and supervillains as \" relatable teens , \" according to a press release .( cnn ) it \\'s a girls \\' universe .the characters involved include wonder woman , supergirl , batgirl , harley quinn and poison ivy , among others .']\n", - "=======================\n", - "['dc , partners introduce dc super hero girls , intended for girls 6-12reaction mostly favorable -- but some caveats']\n", - "on wednesday , dc entertainment , warner bros. and mattel announced a partnership to launch dc super hero girls , featuring familiar superheroes and supervillains as \" relatable teens , \" according to a press release .( cnn ) it 's a girls ' universe .the characters involved include wonder woman , supergirl , batgirl , harley quinn and poison ivy , among others .\n", - "dc , partners introduce dc super hero girls , intended for girls 6-12reaction mostly favorable -- but some caveats\n", - "[1.4515017 1.3362286 1.2893535 1.2128955 1.156728 1.157695 1.1794126\n", - " 1.0914689 1.0709945 1.0652058 1.0801699 1.1283801 1.0255203 1.020577\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 6 5 4 11 7 10 8 9 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"cairo ( cnn ) at least 12 people were killed sunday , and more injured , in separate attacks on a police station , a checkpoint and along a highway in egypt 's northern sinai , authorities said .six people , including one civilian , were killed when a car bomb exploded near the police station in al-arish , capital of north sinai , health ministry spokesman hossam abdel-ghafar told ahram online .he said 40 people were injured .\"]\n", - "=======================\n", - "['six people , including one civilian , are killed when a car bomb explodes near a police stationsix others are killed when their armored vehicle is attacked on a highway in northern sinaiansar beit al-maqdis , an isis affiliate , claims responsibility']\n", - "cairo ( cnn ) at least 12 people were killed sunday , and more injured , in separate attacks on a police station , a checkpoint and along a highway in egypt 's northern sinai , authorities said .six people , including one civilian , were killed when a car bomb exploded near the police station in al-arish , capital of north sinai , health ministry spokesman hossam abdel-ghafar told ahram online .he said 40 people were injured .\n", - "six people , including one civilian , are killed when a car bomb explodes near a police stationsix others are killed when their armored vehicle is attacked on a highway in northern sinaiansar beit al-maqdis , an isis affiliate , claims responsibility\n", - "[1.1579307 1.1827483 1.3917431 1.1325107 1.246025 1.1157166 1.1032476\n", - " 1.0248312 1.0576286 1.1522323 1.1005738 1.0466137 1.0130562 1.0132983\n", - " 1.0268546 0. 0. 0. 0. ]\n", - "\n", - "[ 2 4 1 0 9 3 5 6 10 8 11 14 7 13 12 17 15 16 18]\n", - "=======================\n", - "[\"the first was wartime naval cryptographer and enigma codebreaker dillwyn knox , who bought it in 1921 and lived there until his death in 1943 .cournswood house is in the south of buckinghamshire -- in ten acres of secluded woodlands in the picturesque village of north deanso it is appropriate that at least two of cournswood 's long-term residents have had strong bletchley connections .\"]\n", - "=======================\n", - "[\"two of cournswood house 's owners had bletchley park connectionsfirst was naval cryptographer and enigma codebreaker dillwyn knoxsharon constancon is related to leon family who once owned bletchleycournswood house , in south buckinghamshire , has pool , lakes and gym\"]\n", - "the first was wartime naval cryptographer and enigma codebreaker dillwyn knox , who bought it in 1921 and lived there until his death in 1943 .cournswood house is in the south of buckinghamshire -- in ten acres of secluded woodlands in the picturesque village of north deanso it is appropriate that at least two of cournswood 's long-term residents have had strong bletchley connections .\n", - "two of cournswood house 's owners had bletchley park connectionsfirst was naval cryptographer and enigma codebreaker dillwyn knoxsharon constancon is related to leon family who once owned bletchleycournswood house , in south buckinghamshire , has pool , lakes and gym\n", - "[1.2826277 1.47107 1.2217057 1.3102618 1.3009102 1.2290268 1.1509627\n", - " 1.1258185 1.0301924 1.0189574 1.0769191 1.09757 1.0401798 1.0353829\n", - " 1.0479914 1.0649048 1.0268483 1.0354245 1.0698217]\n", - "\n", - "[ 1 3 4 0 5 2 6 7 11 10 18 15 14 12 17 13 8 16 9]\n", - "=======================\n", - "[\"italian model ambra battilana , 22 , told police weinstein groped her during a ` business meeting ' at his tribeca film center office in manhattan on march 27 .the manhattan district attorney concluded a criminal charge against harvey weinstein is ` not supported 'hollywood producer and studio executive harvey weinstein will not face criminal charges despite the groping allegations made against him by a former miss italy finalist .\"]\n", - "=======================\n", - "[\"manhattan district attorney concluded ` criminal charge is not supported '63-year-old was accused of grabbing model at tribeca film center officefather of five denied the claim but did face possible misdemeanor chargesbattilana , 22 , did n't cooperate with police for four days after allegationhas been claimed delay was because she wanted to try and land a film role\"]\n", - "italian model ambra battilana , 22 , told police weinstein groped her during a ` business meeting ' at his tribeca film center office in manhattan on march 27 .the manhattan district attorney concluded a criminal charge against harvey weinstein is ` not supported 'hollywood producer and studio executive harvey weinstein will not face criminal charges despite the groping allegations made against him by a former miss italy finalist .\n", - "manhattan district attorney concluded ` criminal charge is not supported '63-year-old was accused of grabbing model at tribeca film center officefather of five denied the claim but did face possible misdemeanor chargesbattilana , 22 , did n't cooperate with police for four days after allegationhas been claimed delay was because she wanted to try and land a film role\n", - "[1.145424 1.5095637 1.4116786 1.3429673 1.1237454 1.0276793 1.0261825\n", - " 1.0677671 1.0448078 1.1372479 1.0634689 1.1130823 1.0939867 1.0509752\n", - " 1.0190629 1.0246757 1.0339369 0. ]\n", - "\n", - "[ 1 2 3 0 9 4 11 12 7 10 13 8 16 5 6 15 14 17]\n", - "=======================\n", - "['18-year-old xie xu met his 19-year-old classmate zhang chi when the pair began attending school together at daxu high school in xuzhou , a large city in the northern province of jiangsu , in china .zhang suffers from muscular dystrophy , a condition that weakens skeletal muscle which often makes it very difficult for those with the disease to walk or carry their own weight .a high school student in china has spent three years literally shouldering the responsibility of ensuring that his physically disabled best friend gets to all his classes .']\n", - "=======================\n", - "['18-year-old xie xu met his 19-year-old classmate zhang chi at schoolzhang has muscular dystrophy , a condition which makes it difficult to walkxie has been carrying zhang to and from school each day for three yearshe helps him wash his clothes , get his meals , and get to classesboth boys are the top of their class and hope to go to university']\n", - "18-year-old xie xu met his 19-year-old classmate zhang chi when the pair began attending school together at daxu high school in xuzhou , a large city in the northern province of jiangsu , in china .zhang suffers from muscular dystrophy , a condition that weakens skeletal muscle which often makes it very difficult for those with the disease to walk or carry their own weight .a high school student in china has spent three years literally shouldering the responsibility of ensuring that his physically disabled best friend gets to all his classes .\n", - "18-year-old xie xu met his 19-year-old classmate zhang chi at schoolzhang has muscular dystrophy , a condition which makes it difficult to walkxie has been carrying zhang to and from school each day for three yearshe helps him wash his clothes , get his meals , and get to classesboth boys are the top of their class and hope to go to university\n", - "[1.2340904 1.3510756 1.2011937 1.3526673 1.2554934 1.1536978 1.1829143\n", - " 1.2103715 1.1772528 1.0143687 1.0448141 1.0575024 1.0862451 1.1082368\n", - " 1.1128907 1.0890315 0. 0. ]\n", - "\n", - "[ 3 1 4 0 7 2 6 8 5 14 13 15 12 11 10 9 16 17]\n", - "=======================\n", - "[\"crushed : bricks fell from the top of a building in cleveland on monday afternoon crushing a car belowfreak accident : cleveland fire spokesman larry gray told local media the falling bricks might have been a ` freak accident ' and said that the building was not under constructioncity officials are trying to determine what caused bricks to fall nine stories from the facade of a vacant building in downtown cleveland , crushing a minivan that was parked below .\"]\n", - "=======================\n", - "[\"bricks along the top of the former national city bank building collapsed and showered down onto the street and sidewalk at 4 p.m. on mondayno one was injured but a minivan was crushed belowcleveland fire spokesman larry gray said the falling bricks might have been a ` freak accident '\"]\n", - "crushed : bricks fell from the top of a building in cleveland on monday afternoon crushing a car belowfreak accident : cleveland fire spokesman larry gray told local media the falling bricks might have been a ` freak accident ' and said that the building was not under constructioncity officials are trying to determine what caused bricks to fall nine stories from the facade of a vacant building in downtown cleveland , crushing a minivan that was parked below .\n", - "bricks along the top of the former national city bank building collapsed and showered down onto the street and sidewalk at 4 p.m. on mondayno one was injured but a minivan was crushed belowcleveland fire spokesman larry gray said the falling bricks might have been a ` freak accident '\n", - "[1.2969038 1.3059801 1.2066367 1.1965975 1.2729743 1.1511178 1.0401412\n", - " 1.095722 1.0429552 1.0565513 1.0555812 1.0197383 1.04338 1.0442629\n", - " 1.1013186 1.0339704 1.0297384 1.0517025]\n", - "\n", - "[ 1 0 4 2 3 5 14 7 9 10 17 13 12 8 6 15 16 11]\n", - "=======================\n", - "['the clearings has been primed for redevelopment , with planning permission for 62 luxury flats , seven townhouses and an agreement to relocate marlborough primary school as part of the project .earlier this month the tracksuit tycoon mike ashley agreed to buy a plot of land in chelsea from the retailer john lewis for somewhere in the region of # 200million .the weekend defeat by swansea was a seventh straight premier league loss for the magpies']\n", - "=======================\n", - "['newcastle united have lost seven premier league games in a rowfans protested against mike ashley during the latest loss against swanseaashley does not appear to be listening - he is not a football manhis biggest weapon is ability to make money - club has # 34m in the bank']\n", - "the clearings has been primed for redevelopment , with planning permission for 62 luxury flats , seven townhouses and an agreement to relocate marlborough primary school as part of the project .earlier this month the tracksuit tycoon mike ashley agreed to buy a plot of land in chelsea from the retailer john lewis for somewhere in the region of # 200million .the weekend defeat by swansea was a seventh straight premier league loss for the magpies\n", - "newcastle united have lost seven premier league games in a rowfans protested against mike ashley during the latest loss against swanseaashley does not appear to be listening - he is not a football manhis biggest weapon is ability to make money - club has # 34m in the bank\n", - "[1.2268323 1.4774833 1.3087125 1.345058 1.3012495 1.1215452 1.0840954\n", - " 1.0493122 1.028896 1.0918757 1.0232744 1.0821023 1.1025223 1.0112518\n", - " 1.0156995 1.1369727 1.0904717 1.0865716]\n", - "\n", - "[ 1 3 2 4 0 15 5 12 9 16 17 6 11 7 8 10 14 13]\n", - "=======================\n", - "[\"the brightly coloured pedestrian crossing was due to be installed in totnes in devon - the first in europe - as a mark of the town 's pride for its gay community .plans for a ` rainbow ' zebra crossing to support gay rights in totnes , devon , could be abandoned amid fears it would cause hallucinations for dementia sufferersbut experts have warned that painting the road different colours could have side-effects for people with alzheimer 's .\"]\n", - "=======================\n", - "[\"the brightly coloured crossing was due to be installed in totnes in devonwas planned to be europe 's first rainbow crossing in support of gay rightsbut experts warn they could have side-effects for alzheimer 's sufferers\"]\n", - "the brightly coloured pedestrian crossing was due to be installed in totnes in devon - the first in europe - as a mark of the town 's pride for its gay community .plans for a ` rainbow ' zebra crossing to support gay rights in totnes , devon , could be abandoned amid fears it would cause hallucinations for dementia sufferersbut experts have warned that painting the road different colours could have side-effects for people with alzheimer 's .\n", - "the brightly coloured crossing was due to be installed in totnes in devonwas planned to be europe 's first rainbow crossing in support of gay rightsbut experts warn they could have side-effects for alzheimer 's sufferers\n", - "[1.2978687 1.2481209 1.2982147 1.2154686 1.2436516 1.1659436 1.0906872\n", - " 1.0745857 1.0613059 1.0812151 1.0611582 1.0223413 1.0297682 1.01595\n", - " 1.0801201 1.0216721 0. 0. ]\n", - "\n", - "[ 2 0 1 4 3 5 6 9 14 7 8 10 12 11 15 13 16 17]\n", - "=======================\n", - "[\"questions have also been raised about why the fees for the former labour prime minister -- who last week denied being in the ` league of the super-rich - are being paid by the united arab emirates , and not the colombian government .tony blair 's global money-making projects face fresh scrutiny today after publication of a bizarre deal to sell the theory of ` deliverology ' to colombia .mr blair last week defended earning money since leaving downing street , claiming it pays for the ` infrastructure ' around him .\"]\n", - "=======================\n", - "[\"former prime minister struck deal in 2013 to advise on mining industrycontracts boasts about his ` on-the-job experience and politician instincts 'critics question whether ex-premiers should work for other nationsblair 's office deny any conflict of interest involved in his business dealings\"]\n", - "questions have also been raised about why the fees for the former labour prime minister -- who last week denied being in the ` league of the super-rich - are being paid by the united arab emirates , and not the colombian government .tony blair 's global money-making projects face fresh scrutiny today after publication of a bizarre deal to sell the theory of ` deliverology ' to colombia .mr blair last week defended earning money since leaving downing street , claiming it pays for the ` infrastructure ' around him .\n", - "former prime minister struck deal in 2013 to advise on mining industrycontracts boasts about his ` on-the-job experience and politician instincts 'critics question whether ex-premiers should work for other nationsblair 's office deny any conflict of interest involved in his business dealings\n", - "[1.1838276 1.4261012 1.3549883 1.3136072 1.1645777 1.1664824 1.0831745\n", - " 1.1498903 1.1129372 1.0540786 1.1006492 1.0792485 1.0913522 1.0596439\n", - " 1.0119855 1.0074959 1.0095071 1.0717885 1.0528817 1.0099518 1.0190125\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 4 7 8 10 12 6 11 17 13 9 18 20 14 19 16 15 24 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"and over a year later gwyneth paltrow , 42 , and chris martin , 38 , have finalized their divorce , according to a report from tmz .the documents are reportedly signed and will be filed on monday .they announced they were ` consciously uncoupling ' in march 2014 .\"]\n", - "=======================\n", - "['gwyneth , 42 , and chris , 38 , consciously uncoupled in march 2014they married in december 2003 and have two children togetherhave used their business managers to work out a settlement agreement']\n", - "and over a year later gwyneth paltrow , 42 , and chris martin , 38 , have finalized their divorce , according to a report from tmz .the documents are reportedly signed and will be filed on monday .they announced they were ` consciously uncoupling ' in march 2014 .\n", - "gwyneth , 42 , and chris , 38 , consciously uncoupled in march 2014they married in december 2003 and have two children togetherhave used their business managers to work out a settlement agreement\n", - "[1.3250906 1.2917542 1.1588387 1.0791714 1.0607333 1.3430924 1.1570944\n", - " 1.1372504 1.1154848 1.0210955 1.163212 1.0429044 1.0535705 1.0551184\n", - " 1.0790285 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 5 0 1 10 2 6 7 8 3 14 4 13 12 11 9 15 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"major rebranding : controversial retailer american apparel debuted a new ` pro-women ' ad campaign featuring this image of three female employees from the companythe first print ad , which shows images of various female american apparel employees , who are identified by their first names and their start date at the company in small print below their pictures , has the words ` hello ladies ' emblazoned across the page and appeared in the latest issue of vice .smiling faces : according to the ad , 55per cent of american apparel 's staffers are women\"]\n", - "=======================\n", - "['the print ad ran in the most recent issue of vice magazinethe controversial company is looking to rebrand after founder and former ceo dov charney was ousted in december following a string of sexual harassment lawsuits']\n", - "major rebranding : controversial retailer american apparel debuted a new ` pro-women ' ad campaign featuring this image of three female employees from the companythe first print ad , which shows images of various female american apparel employees , who are identified by their first names and their start date at the company in small print below their pictures , has the words ` hello ladies ' emblazoned across the page and appeared in the latest issue of vice .smiling faces : according to the ad , 55per cent of american apparel 's staffers are women\n", - "the print ad ran in the most recent issue of vice magazinethe controversial company is looking to rebrand after founder and former ceo dov charney was ousted in december following a string of sexual harassment lawsuits\n", - "[1.2636616 1.4373066 1.2997687 1.3740116 1.1418501 1.1690552 1.0885304\n", - " 1.1004808 1.0473399 1.0832131 1.0476371 1.0342101 1.2017792 1.1412734\n", - " 1.1138477 1.0926667 1.031823 1.0477479 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 12 5 4 13 14 7 15 6 9 17 10 8 11 16 24 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"the midfielder 's contract expires in june and talks over his future will not commence until after the season .manager arsene wenger has hinted he could offer the frenchman a new contract - but only on a pay-as-you play basis given his poor injury record .arsenal will help abou diaby resurrect his playing career this summer whether or not he stays with the club .\"]\n", - "=======================\n", - "[\"abou diaby 's arsenal contract expires at the end of the seasonfrance international has suffered 42 injuries since signing for the gunnersarsene wenger hinted at an extended pay-as-you-play deal for diaby who will be allowed to train at the club even if he has to move on\"]\n", - "the midfielder 's contract expires in june and talks over his future will not commence until after the season .manager arsene wenger has hinted he could offer the frenchman a new contract - but only on a pay-as-you play basis given his poor injury record .arsenal will help abou diaby resurrect his playing career this summer whether or not he stays with the club .\n", - "abou diaby 's arsenal contract expires at the end of the seasonfrance international has suffered 42 injuries since signing for the gunnersarsene wenger hinted at an extended pay-as-you-play deal for diaby who will be allowed to train at the club even if he has to move on\n", - "[1.3093278 1.4656091 1.267515 1.149611 1.138074 1.0317976 1.1209664\n", - " 1.0872831 1.0449562 1.057454 1.0820819 1.0751048 1.0223895 1.0481279\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 6 7 10 11 9 13 8 5 12 14 15 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"andrew steele , 40 , has pleaded not guilty by reason of mental disease in the shooting deaths last august of his wife , 39-year-old ashlee steele , and her 38-year-old sister , kacee tollefsbol , of lake elmo , minnesota .a forensic psychiatrist has testified that lou gehrig 's disease is the reason a former sheriff 's deputy in wisconsin killed his wife and sister-in-law , whom the defendant described in a suicide note as his threesome partners .tucker said that was the reason steele killed the two and that he was ` unable to conform his conduct to the law . '\"]\n", - "=======================\n", - "[\"andrew steele , 40 , claims that the terminal disease affected his brainsteele is charged with first-degree intentional homicide for the murders of his wife , ashlee steele , 39 , and her sister , kacee tollefsbol , 38 , in 2014he has plead not guilty by reason of mental disease or defectjury was presented with steele 's letter written before slayings claiming he had had threesomes with ashlee and kaceehis attorney said steele 's last memory from day of killings was looking for scissors to cut zip tie from around his wife 's neck during bondage sex\"]\n", - "andrew steele , 40 , has pleaded not guilty by reason of mental disease in the shooting deaths last august of his wife , 39-year-old ashlee steele , and her 38-year-old sister , kacee tollefsbol , of lake elmo , minnesota .a forensic psychiatrist has testified that lou gehrig 's disease is the reason a former sheriff 's deputy in wisconsin killed his wife and sister-in-law , whom the defendant described in a suicide note as his threesome partners .tucker said that was the reason steele killed the two and that he was ` unable to conform his conduct to the law . '\n", - "andrew steele , 40 , claims that the terminal disease affected his brainsteele is charged with first-degree intentional homicide for the murders of his wife , ashlee steele , 39 , and her sister , kacee tollefsbol , 38 , in 2014he has plead not guilty by reason of mental disease or defectjury was presented with steele 's letter written before slayings claiming he had had threesomes with ashlee and kaceehis attorney said steele 's last memory from day of killings was looking for scissors to cut zip tie from around his wife 's neck during bondage sex\n", - "[1.4616702 1.4539478 1.3015798 1.3977255 1.3325273 1.0553073 1.024422\n", - " 1.0225569 1.0283318 1.02243 1.0188262 1.044833 1.0367209 1.0263567\n", - " 1.032279 1.0248619 1.1283236 1.0582778 1.0199726 1.022718 1.0117282\n", - " 1.0112457 1.0128297 1.0899785 1.0310372 1.0121582]\n", - "\n", - "[ 0 1 3 4 2 16 23 17 5 11 12 14 24 8 13 15 6 19 7 9 18 10 22 25\n", - " 20 21]\n", - "=======================\n", - "[\"franck ribery says he has no chance of playing against borussia dortmund this week after failing to recover from injury , and admits he ` ca n't even run ' .the bayern munich winger limped off against shakhtar donetsk after picking up an injury at the beginning of last month , in a game where bayern also lost fellow winger arjen robbenbut ribery is hopeful he could be back for the german cup quarter-finals against bayer leverkusen in midweek .\"]\n", - "=======================\n", - "[\"franck ribery hopes to be fit for next week 's german cup clashribery aggravated the injury picked up against shakhtar donetskfellow winger arjen robben also out of the weekend 's big game\"]\n", - "franck ribery says he has no chance of playing against borussia dortmund this week after failing to recover from injury , and admits he ` ca n't even run ' .the bayern munich winger limped off against shakhtar donetsk after picking up an injury at the beginning of last month , in a game where bayern also lost fellow winger arjen robbenbut ribery is hopeful he could be back for the german cup quarter-finals against bayer leverkusen in midweek .\n", - "franck ribery hopes to be fit for next week 's german cup clashribery aggravated the injury picked up against shakhtar donetskfellow winger arjen robben also out of the weekend 's big game\n", - "[1.4091841 1.3457873 1.2806594 1.1630847 1.3972802 1.3538778 1.1526875\n", - " 1.0630116 1.0563469 1.2019091 1.0177087 1.012811 1.0310731 1.0865391\n", - " 1.010673 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 4 5 1 2 9 3 6 13 7 8 12 10 11 14 20 15 16 17 18 19 21]\n", - "=======================\n", - "['newport county have sacked chris zebroski after the striker was jailed for four years and four months for robbery , attempted robbery and assault .the 28-year-old played for the league two side as recently as tuesday but now faces an uncertain future in football after admitting four charges relating to two incidents at swindon crown court .in the first instance , the court heard the former cheltenham , bristol rovers and millwall player crashed his bmw into a taxi in december and attacked another driver who attempted to film him , smashing his mobile phone .']\n", - "=======================\n", - "[\"chris zebroski attacked two taxi drivers in swindon in decembernewport county striker says he was ' a bit over the limit 'while he was on bail he assaulted and attempted to rob two menrecorder says four-year sentence will ` shatter professional football career 'newport terminate zebroski 's contract as a result\"]\n", - "newport county have sacked chris zebroski after the striker was jailed for four years and four months for robbery , attempted robbery and assault .the 28-year-old played for the league two side as recently as tuesday but now faces an uncertain future in football after admitting four charges relating to two incidents at swindon crown court .in the first instance , the court heard the former cheltenham , bristol rovers and millwall player crashed his bmw into a taxi in december and attacked another driver who attempted to film him , smashing his mobile phone .\n", - "chris zebroski attacked two taxi drivers in swindon in decembernewport county striker says he was ' a bit over the limit 'while he was on bail he assaulted and attempted to rob two menrecorder says four-year sentence will ` shatter professional football career 'newport terminate zebroski 's contract as a result\n", - "[1.19813 1.3360077 1.2657846 1.3390055 1.3770447 1.0807749 1.069091\n", - " 1.114325 1.0326266 1.0212615 1.1816503 1.064599 1.050173 1.0225427\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 4 3 1 2 0 10 7 5 6 11 12 8 13 9 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"the british no 1 is set to marry his long-term girlfriend kim sears in dunblane on saturdayandy murray celebrates taking a set against novak djokovic in the final of the miami openfor in the wake of amelie mauresmo 's announcement that she is pregnant , the world no 3 's trial with his prospective assistant coach jonas bjorkman has assumed a greater importance .\"]\n", - "=======================\n", - "['andy murray is getting married to long-term girlfriend kim searscoach amelie mauresmo recently announced that she is pregnantbritish no 1 is considering taking on jonas bjorkman as assistant coachclick here for our andy murray and kim sears picture special']\n", - "the british no 1 is set to marry his long-term girlfriend kim sears in dunblane on saturdayandy murray celebrates taking a set against novak djokovic in the final of the miami openfor in the wake of amelie mauresmo 's announcement that she is pregnant , the world no 3 's trial with his prospective assistant coach jonas bjorkman has assumed a greater importance .\n", - "andy murray is getting married to long-term girlfriend kim searscoach amelie mauresmo recently announced that she is pregnantbritish no 1 is considering taking on jonas bjorkman as assistant coachclick here for our andy murray and kim sears picture special\n", - "[1.2553337 1.1551602 1.391029 1.1427178 1.2448928 1.1292081 1.1195443\n", - " 1.0578091 1.1262934 1.0341145 1.0519221 1.0165403 1.0979844 1.0890361\n", - " 1.0905104 1.0224817 1.0260694 1.015421 1.0171647 1.0115473 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 4 1 3 5 8 6 12 14 13 7 10 9 16 15 18 11 17 19 20 21]\n", - "=======================\n", - "[\"just as david cameron and george osborne privately describe nick clegg as a ` closet conservative ' , they regard cable a closet labour politician .vince cable prides himself on being the tories ' bogeyman in the coalition cabinet .vince cable wants a substantial role in government and envisages working with the conservatives again\"]\n", - "=======================\n", - "[\"lib dem mp said he 's realised it 's ` possible to be business-like ' with toriesenvisaged scenario where he could ` stomach ' working with conservativesbut also quick to make clear he does not rule out working with labourthought he was most likely to remain in a government led by mr cameron\"]\n", - "just as david cameron and george osborne privately describe nick clegg as a ` closet conservative ' , they regard cable a closet labour politician .vince cable prides himself on being the tories ' bogeyman in the coalition cabinet .vince cable wants a substantial role in government and envisages working with the conservatives again\n", - "lib dem mp said he 's realised it 's ` possible to be business-like ' with toriesenvisaged scenario where he could ` stomach ' working with conservativesbut also quick to make clear he does not rule out working with labourthought he was most likely to remain in a government led by mr cameron\n", - "[1.3961979 1.4781575 1.2618119 1.2985973 1.1948175 1.1256592 1.1453404\n", - " 1.0283608 1.0189359 1.0460473 1.0898803 1.0457736 1.0436542 1.0423176\n", - " 1.0312304 1.0807501 1.0489812 1.0625443 1.039151 1.0475487 1.0290372\n", - " 1.0376779]\n", - "\n", - "[ 1 0 3 2 4 6 5 10 15 17 16 19 9 11 12 13 18 21 14 20 7 8]\n", - "=======================\n", - "[\"former model bianca was targeted by the gang of eight on tuesday afternoon as the 28-year-old talked on her mobile while walking in marylebone .paul gascoigne 's daughter bianca was mugged by a gang on bikes in central london and had her phone which reportedly had private texts from the former england midfielder stolen .the attackers are understood to have grabbed her phone and then attempted to snatch her bag , but ran away when she fought back .\"]\n", - "=======================\n", - "[\"bianca gascoigne was walking in marylebone when a gang appearedmuggers took her mobile phone before fleeing the scene on bikesthe phone reportedly had private texts from her troubled father paulbianca took to twitter to brand her attackers ` lowlifes '\"]\n", - "former model bianca was targeted by the gang of eight on tuesday afternoon as the 28-year-old talked on her mobile while walking in marylebone .paul gascoigne 's daughter bianca was mugged by a gang on bikes in central london and had her phone which reportedly had private texts from the former england midfielder stolen .the attackers are understood to have grabbed her phone and then attempted to snatch her bag , but ran away when she fought back .\n", - "bianca gascoigne was walking in marylebone when a gang appearedmuggers took her mobile phone before fleeing the scene on bikesthe phone reportedly had private texts from her troubled father paulbianca took to twitter to brand her attackers ` lowlifes '\n", - "[1.3118749 1.4020889 1.3136158 1.2676924 1.264401 1.2024776 1.102578\n", - " 1.0474178 1.093332 1.1176925 1.1282345 1.0295787 1.0294703 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 4 5 10 9 6 8 7 11 12 20 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "['the man , who has not been named , turned a gun on himself at the amusement park around 2:15 pm friday afternoon , not far from visiting children and families .he was standing in a smoking area behind the despicable me minion mayhem ride at the time , according to reports .a man shot himself dead at the universal studios theme park in hollywood , california .']\n", - "=======================\n", - "['man , who has not been named , turned gun on himself at 2:15 pmwas standing by new despicable me minion mayhem ride at the time']\n", - "the man , who has not been named , turned a gun on himself at the amusement park around 2:15 pm friday afternoon , not far from visiting children and families .he was standing in a smoking area behind the despicable me minion mayhem ride at the time , according to reports .a man shot himself dead at the universal studios theme park in hollywood , california .\n", - "man , who has not been named , turned gun on himself at 2:15 pmwas standing by new despicable me minion mayhem ride at the time\n", - "[1.2660625 1.3584839 1.2652318 1.3853943 1.1873373 1.1135004 1.0646086\n", - " 1.1098543 1.0733145 1.0783426 1.0485584 1.0209664 1.0310163 1.0859358\n", - " 1.0316718 1.0867559 1.0850087 1.034633 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 2 4 5 7 15 13 16 9 8 6 10 17 14 12 11 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"clark elmore 's conviction for killing and raping his 14-year-old stepdaughter in washington in 1995 was upheldelmore , who was convicted of killing kristy ohnstad in bellingham after he said she threatened to reveal he had molested her as a child , received the federal court 's ruling on wednesday .the 9th us circuit court of appeals confirmed the washington supreme court 's ( above ) decision was correct\"]\n", - "=======================\n", - "[\"9th us circuit court of appeals confirmed elmore 's conviction wednesdayappeals court rejected claim that constitutional rights were violated at trialconvicted in 1995 of killing and raping christy ohnstad in bellinghamsaid girl threatened to tell on him for molesting her when she was youngerelmore has been on death row since 1996 but executions are suspended\"]\n", - "clark elmore 's conviction for killing and raping his 14-year-old stepdaughter in washington in 1995 was upheldelmore , who was convicted of killing kristy ohnstad in bellingham after he said she threatened to reveal he had molested her as a child , received the federal court 's ruling on wednesday .the 9th us circuit court of appeals confirmed the washington supreme court 's ( above ) decision was correct\n", - "9th us circuit court of appeals confirmed elmore 's conviction wednesdayappeals court rejected claim that constitutional rights were violated at trialconvicted in 1995 of killing and raping christy ohnstad in bellinghamsaid girl threatened to tell on him for molesting her when she was youngerelmore has been on death row since 1996 but executions are suspended\n", - "[1.1779078 1.274559 1.2357405 1.2932606 1.2745712 1.1818216 1.1175964\n", - " 1.1664009 1.1609712 1.2390977 1.0397125 1.0821602 1.0222346 1.0363088\n", - " 1.0230341 1.0232159 1.0527403 1.0071783 1.01612 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 1 9 2 5 0 7 8 6 11 16 10 13 15 14 12 18 17 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "['now the u.s. bureau of land management is offering free food , housing a job to people willing to live in garnet and work as a tour operator , as the government prepares the village to become a new tourist stop .ghost town coming back to life : the former mining town of garnet in montana was deserted after a fire in 1912 .the tiny montana outpost was established in the 1860s by miners looking for gold and silver , but it was devastated by fire around 1912 and deserted a few years later .']\n", - "=======================\n", - "['the town of garnet in montana was established in the 1860s by miners looking for gold and silverat its peaked there were about 1,000 residents , but garnet was ravaged by fire in 1912 and later desertedlocals believe it is haunted with the spirits of former residents , especially childrenthe u.s. bureau of land management is looking for workers to operate garnet as a tourist stopthere is no electricity or plumbing , but they would be paid and given food and housingthe blm was inundated with responses after an ad was placed in the local newspaper']\n", - "now the u.s. bureau of land management is offering free food , housing a job to people willing to live in garnet and work as a tour operator , as the government prepares the village to become a new tourist stop .ghost town coming back to life : the former mining town of garnet in montana was deserted after a fire in 1912 .the tiny montana outpost was established in the 1860s by miners looking for gold and silver , but it was devastated by fire around 1912 and deserted a few years later .\n", - "the town of garnet in montana was established in the 1860s by miners looking for gold and silverat its peaked there were about 1,000 residents , but garnet was ravaged by fire in 1912 and later desertedlocals believe it is haunted with the spirits of former residents , especially childrenthe u.s. bureau of land management is looking for workers to operate garnet as a tourist stopthere is no electricity or plumbing , but they would be paid and given food and housingthe blm was inundated with responses after an ad was placed in the local newspaper\n", - "[1.3401414 1.3943717 1.2361764 1.1555176 1.117664 1.1103096 1.068715\n", - " 1.0333856 1.0344535 1.1272237 1.0948766 1.051044 1.0793835 1.0279994\n", - " 1.1495996 1.0876353 1.0585934 1.0483212 1.0551448 1.0718014 1.0425234\n", - " 1.0193416 1.0299852 1.0135727 1.029091 1.0609671]\n", - "\n", - "[ 1 0 2 3 14 9 4 5 10 15 12 19 6 25 16 18 11 17 20 8 7 22 24 13\n", - " 21 23]\n", - "=======================\n", - "[\"slager , 33 , has been fired , officials said wednesday .( cnn ) officer michael slager 's five-year career with the north charleston police department in south carolina ended after he resorted to deadly force following a routine traffic stop .his wife is eight months ' pregnant and the city will continue paying for her medical insurance until the baby is born , north charleston mayor keith summey told reporters .\"]\n", - "=======================\n", - "[\"officer michael slager 's mother says she could n't watch the video of the incidentslager was fired earlier this weekslager is charged with murder in the death of walter scott\"]\n", - "slager , 33 , has been fired , officials said wednesday .( cnn ) officer michael slager 's five-year career with the north charleston police department in south carolina ended after he resorted to deadly force following a routine traffic stop .his wife is eight months ' pregnant and the city will continue paying for her medical insurance until the baby is born , north charleston mayor keith summey told reporters .\n", - "officer michael slager 's mother says she could n't watch the video of the incidentslager was fired earlier this weekslager is charged with murder in the death of walter scott\n", - "[1.4535341 1.1022673 1.3230195 1.2461362 1.0263711 1.309716 1.0256085\n", - " 1.1557635 1.0260804 1.0387108 1.0436804 1.3291438 1.015801 1.0125937\n", - " 1.0126468 1.0187101 1.0101901 1.0133001 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 11 2 5 3 7 1 10 9 4 8 6 15 12 17 14 13 16 24 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"the champions of england were smashed into submission at stade marcel michelin on saturday night , to further expose the vast gulf in clout between the aviva premiership clubs and their rich french rivals .nick abendanon of clermont dives over to score a try at the stade marcel-michelinjim mallinder 's men are imperious in domestic rugby -- leading the league by 10 points -- but they were simply obliterated by the formidable top 14 giants .\"]\n", - "=======================\n", - "['northampton were 27-0 down at the break at the stade marcel-michelinnoa nakaitaci , wesley fofana and nick abendanon went over for clermontalex waller scored a late try for the visitors on saturday night']\n", - "the champions of england were smashed into submission at stade marcel michelin on saturday night , to further expose the vast gulf in clout between the aviva premiership clubs and their rich french rivals .nick abendanon of clermont dives over to score a try at the stade marcel-michelinjim mallinder 's men are imperious in domestic rugby -- leading the league by 10 points -- but they were simply obliterated by the formidable top 14 giants .\n", - "northampton were 27-0 down at the break at the stade marcel-michelinnoa nakaitaci , wesley fofana and nick abendanon went over for clermontalex waller scored a late try for the visitors on saturday night\n", - "[1.4699681 1.2782943 1.2446513 1.2828991 1.1839377 1.113735 1.1338809\n", - " 1.086776 1.0651323 1.1161771 1.043624 1.2732409 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 11 2 4 6 9 5 7 8 10 19 23 22 21 20 18 12 16 15 14 13 24\n", - " 17 25]\n", - "=======================\n", - "[\"utrecht has twelve players on the pitch at one stage during sunday 's 1-1 draw with ajax at the stadion galgenwaard .no , the home side were n't cheating but instead utrecht winger edouard duplan had no idea he had been substituted midway through the first-half .australia international tommy oar replaced team-mate duplan in the 24th minute of the eredivisie clash\"]\n", - "=======================\n", - "[\"utrecht briefly had twelve players on the pitch against ajax on sundaywinger edouard duplan had n't realised he had been substitutedfrenchman saw funny side and made his way off the pitch during 1-1 draw\"]\n", - "utrecht has twelve players on the pitch at one stage during sunday 's 1-1 draw with ajax at the stadion galgenwaard .no , the home side were n't cheating but instead utrecht winger edouard duplan had no idea he had been substituted midway through the first-half .australia international tommy oar replaced team-mate duplan in the 24th minute of the eredivisie clash\n", - "utrecht briefly had twelve players on the pitch against ajax on sundaywinger edouard duplan had n't realised he had been substitutedfrenchman saw funny side and made his way off the pitch during 1-1 draw\n", - "[1.0593431 1.439554 1.2729422 1.1096535 1.4957373 1.1593703 1.1323589\n", - " 1.1494387 1.1496274 1.0198325 1.0225184 1.0236615 1.0392903 1.0151688\n", - " 1.055293 1.0258898 1.055114 0. 0. 0. ]\n", - "\n", - "[ 4 1 2 5 8 7 6 3 0 14 16 12 15 11 10 9 13 18 17 19]\n", - "=======================\n", - "[\"vicious : espn sports reporter britt mchenry has been suspended for one week and could face further punishment after video surfaced of her berating an advanced towing employee in arlington , virginiacaught red-faced : incredibly , mchenry was warned that she was being filmed at the start of her ugly rant , however continued to insult the woman 's looks , education and job on-camerathe parking attendant can be heard in the video warning mchenry she is being filmed and threatens to ` play your video ' .\"]\n", - "=======================\n", - "[\"espn sports reporter britt mchenry suspended for one week from networkshe berated an advanced towing employee after her car was towed from a chinese restaurant in arlington , virginia , on april 6insulted the woman 's looks , education and job` lose some weight , baby girl , ' mchenry said as she walked awaymchenry apologized thursday after security footage surface onlinesaid it was ` an intense and stressful ' situation\"]\n", - "vicious : espn sports reporter britt mchenry has been suspended for one week and could face further punishment after video surfaced of her berating an advanced towing employee in arlington , virginiacaught red-faced : incredibly , mchenry was warned that she was being filmed at the start of her ugly rant , however continued to insult the woman 's looks , education and job on-camerathe parking attendant can be heard in the video warning mchenry she is being filmed and threatens to ` play your video ' .\n", - "espn sports reporter britt mchenry suspended for one week from networkshe berated an advanced towing employee after her car was towed from a chinese restaurant in arlington , virginia , on april 6insulted the woman 's looks , education and job` lose some weight , baby girl , ' mchenry said as she walked awaymchenry apologized thursday after security footage surface onlinesaid it was ` an intense and stressful ' situation\n", - "[1.1337856 1.5173001 1.2113161 1.3530728 1.1402745 1.1503985 1.105959\n", - " 1.107858 1.134936 1.1421624 1.0584743 1.1217786 1.0678382 1.0739244\n", - " 1.0405208 1.0796247 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 5 9 4 8 0 11 7 6 15 13 12 10 14 18 16 17 19]\n", - "=======================\n", - "[\"troy slezak from huntington beach , california , filmed his seven-month-old daughter stella playing with the giant pooch on the living room floor at home .footage shows the duo rolling around together and even stopping for nose rubs .but the friendly dog does n't bite and calmly gives the tot a loving lick back .\"]\n", - "=======================\n", - "[\"troy slezak from california filmed his seven-month-old daughter stella playing with the giant pooch on the living room floor at homefootage shows the duo rolling around together and stopping for nose rubsslezak says the canine is usually ` very hyper ' but as soon as she sees stella she is ` calm ' and ` careful '\"]\n", - "troy slezak from huntington beach , california , filmed his seven-month-old daughter stella playing with the giant pooch on the living room floor at home .footage shows the duo rolling around together and even stopping for nose rubs .but the friendly dog does n't bite and calmly gives the tot a loving lick back .\n", - "troy slezak from california filmed his seven-month-old daughter stella playing with the giant pooch on the living room floor at homefootage shows the duo rolling around together and stopping for nose rubsslezak says the canine is usually ` very hyper ' but as soon as she sees stella she is ` calm ' and ` careful '\n", - "[1.4164314 1.1706104 1.3552159 1.4123027 1.1502758 1.08834 1.0877334\n", - " 1.0979378 1.0762814 1.0847772 1.1025865 1.3015425 1.0102503 1.0223196\n", - " 1.0338571 1.0189872 1.008419 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 11 1 4 10 7 5 6 9 8 14 13 15 12 16 17 18 19]\n", - "=======================\n", - "['headmistress : valerie rutty stole thousands of pounds raised by her pupils from bake sales and fetes that was supposed to pay for new school kitthe 60-year-old stole almost # 3,500 from the fund raised by parents , teachers and pupils over a period of more than three years at irlam primary school in greater manchester .valerie rutty , of warrington , cheshire , altered invoices by increasing the prices of work she had commissioned - then paid the difference between the actual sums into her own bank account by cheque from the school fund .']\n", - "=======================\n", - "['valerie rutty altered invoices by raising prices of work she commissionedrutty then paid herself difference between actual sums from school fundshe stole # 3,500 from fund of school in greater manchester in three yearsavoids jail but receives suspended term and 70 hours of community work']\n", - "headmistress : valerie rutty stole thousands of pounds raised by her pupils from bake sales and fetes that was supposed to pay for new school kitthe 60-year-old stole almost # 3,500 from the fund raised by parents , teachers and pupils over a period of more than three years at irlam primary school in greater manchester .valerie rutty , of warrington , cheshire , altered invoices by increasing the prices of work she had commissioned - then paid the difference between the actual sums into her own bank account by cheque from the school fund .\n", - "valerie rutty altered invoices by raising prices of work she commissionedrutty then paid herself difference between actual sums from school fundshe stole # 3,500 from fund of school in greater manchester in three yearsavoids jail but receives suspended term and 70 hours of community work\n", - "[1.0512552 1.106433 1.2218306 1.4694782 1.4247446 1.1936097 1.2603823\n", - " 1.067566 1.1479477 1.0502077 1.0325137 1.0325913 1.0597587 1.0167351\n", - " 1.0218868 1.0307003 1.0326868 1.0188416 1.0155444 1.0306191]\n", - "\n", - "[ 3 4 6 2 5 8 1 7 12 0 9 16 11 10 15 19 14 17 13 18]\n", - "=======================\n", - "['it is the work of italian artist johannes stoetter .stoetter daubed water-based body paint on the naked models to create the multicoloured effect , then intertwined them to form the shape of a chameleon .featuring two carefully painted female models , it is a clever piece of sculpture designed to create an amazing illusion .']\n", - "=======================\n", - "[\"johannes stoetter 's artwork features two carefully painted female modelsthe 37-year-old has previously transformed models into frogs and parrotsdaubed water-based body paint on naked models to create the effectcompleting the deception , models rested on bench painted to match skin\"]\n", - "it is the work of italian artist johannes stoetter .stoetter daubed water-based body paint on the naked models to create the multicoloured effect , then intertwined them to form the shape of a chameleon .featuring two carefully painted female models , it is a clever piece of sculpture designed to create an amazing illusion .\n", - "johannes stoetter 's artwork features two carefully painted female modelsthe 37-year-old has previously transformed models into frogs and parrotsdaubed water-based body paint on naked models to create the effectcompleting the deception , models rested on bench painted to match skin\n", - "[1.3471289 1.1706712 1.2483946 1.3682781 1.2514637 1.0912555 1.2212106\n", - " 1.1796322 1.1252092 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 4 2 6 7 1 8 5 17 16 15 14 9 12 11 10 18 13 19]\n", - "=======================\n", - "[\"ryan bertrand poses with his daughter and their matching ferraris on instagramryan bertrand took to instagram to upload a snap of himself and his daughter in their matching cars - admittedly , however , one of them probably is n't road legal .he has been one of their stars of the season as ronald koeman 's side currently sit sixth in the premier league , an impressive feat considering they were widely tipped for relegation at the beginning of the campaign .\"]\n", - "=======================\n", - "['ryan bertrand takes to instagram to upload snap of his daughters toy car25-year-old southampton defender got her a red ferrari to match his ownbertrand has made 26 premier league appearances this season']\n", - "ryan bertrand poses with his daughter and their matching ferraris on instagramryan bertrand took to instagram to upload a snap of himself and his daughter in their matching cars - admittedly , however , one of them probably is n't road legal .he has been one of their stars of the season as ronald koeman 's side currently sit sixth in the premier league , an impressive feat considering they were widely tipped for relegation at the beginning of the campaign .\n", - "ryan bertrand takes to instagram to upload snap of his daughters toy car25-year-old southampton defender got her a red ferrari to match his ownbertrand has made 26 premier league appearances this season\n", - "[1.2079068 1.5197886 1.2401435 1.4195807 1.1880356 1.1069303 1.1009703\n", - " 1.0890945 1.0650427 1.093149 1.0555097 1.0481517 1.0476102 1.016254\n", - " 1.014759 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 6 9 7 8 10 11 12 13 14 18 15 16 17 19]\n", - "=======================\n", - "[\"david totton , 36 , admitted driving a hired white peugeot rcz into the doors of club liv , a nightspot popular with footballers in central manchester , at around 3am on august 31 last year .totton , who survived being shot in the head in 2006 as part of a suspected assassination attempt , tried to claim the attack had been meant as ' a joke ' , but a judge ruled otherwise .a notorious thug who once survived a gangland hit has been banned from every pub and club in manchester after ramming his car into nightclub doors when his friend was refused entry .\"]\n", - "=======================\n", - "[\"david totton , 36 , in central manchester when he saw friend in argumentwent over to act as ` peace-maker ' between the man and club bouncersclub liv security told totton his friend could n't come in as it was too latetotton the got into car , mounted pavement , and rammed front doorshe has now been banned from every pub and club in manchester\"]\n", - "david totton , 36 , admitted driving a hired white peugeot rcz into the doors of club liv , a nightspot popular with footballers in central manchester , at around 3am on august 31 last year .totton , who survived being shot in the head in 2006 as part of a suspected assassination attempt , tried to claim the attack had been meant as ' a joke ' , but a judge ruled otherwise .a notorious thug who once survived a gangland hit has been banned from every pub and club in manchester after ramming his car into nightclub doors when his friend was refused entry .\n", - "david totton , 36 , in central manchester when he saw friend in argumentwent over to act as ` peace-maker ' between the man and club bouncersclub liv security told totton his friend could n't come in as it was too latetotton the got into car , mounted pavement , and rammed front doorshe has now been banned from every pub and club in manchester\n", - "[1.3974036 1.3938298 1.1304349 1.4237591 1.2451367 1.111762 1.0287386\n", - " 1.0134386 1.0881388 1.092718 1.115576 1.0379798 1.1078379 1.136722\n", - " 1.108957 1.0894396 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 13 2 10 5 14 12 9 15 8 11 6 7 16 17 18 19]\n", - "=======================\n", - "[\"four-time olympic champion bradley wiggins will bid to break cycling 's hour record in junewiggins finished his team sky career in the paris-roubaix 253.5 km one-day race on sunday` the hour record is a holy grail for cyclists , ' wiggins said .\"]\n", - "=======================\n", - "[\"sir bradley wiggins will bid to break cycling 's hour record this yearhe will race at london 's olympic velodrome in front of 6,000 fans in junewiggins will ride in next month 's tour de yorkshirehe is also targeting his eighth olympic medal at the rio 2016 games\"]\n", - "four-time olympic champion bradley wiggins will bid to break cycling 's hour record in junewiggins finished his team sky career in the paris-roubaix 253.5 km one-day race on sunday` the hour record is a holy grail for cyclists , ' wiggins said .\n", - "sir bradley wiggins will bid to break cycling 's hour record this yearhe will race at london 's olympic velodrome in front of 6,000 fans in junewiggins will ride in next month 's tour de yorkshirehe is also targeting his eighth olympic medal at the rio 2016 games\n", - "[1.5098382 1.453838 1.1672038 1.4345635 1.1223658 1.096964 1.020109\n", - " 1.0212165 1.0157793 1.010672 1.2643781 1.1697227 1.0142219 1.0082014\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 10 11 2 4 5 7 6 8 12 9 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"crystal palace manager alan pardew insists he is better than many of the premier league 's big-name managers but has no immediate plans to leave selhurst park for a table-topping side .crystal palace boss alan pardew believes he has the ability to manage one of england 's top sidesmanchester city will provide a stern test of pardew 's managerial ability when they visit selhurst park on monday and pardew hopes his side 's teamwork can overcome the considerable technical ability of manuel pellegrini 's star-studded line-up .\"]\n", - "=======================\n", - "[\"alan pardew claims he has the ability to manage the league 's top sideshowever pardew insists he is content with life at selhurst parkthe eagles host premier league holders manchester city on monday night\"]\n", - "crystal palace manager alan pardew insists he is better than many of the premier league 's big-name managers but has no immediate plans to leave selhurst park for a table-topping side .crystal palace boss alan pardew believes he has the ability to manage one of england 's top sidesmanchester city will provide a stern test of pardew 's managerial ability when they visit selhurst park on monday and pardew hopes his side 's teamwork can overcome the considerable technical ability of manuel pellegrini 's star-studded line-up .\n", - "alan pardew claims he has the ability to manage the league 's top sideshowever pardew insists he is content with life at selhurst parkthe eagles host premier league holders manchester city on monday night\n", - "[1.2085056 1.4936284 1.3997818 1.3840914 1.2502968 1.1549957 1.1369004\n", - " 1.1040449 1.0952682 1.0363764 1.0082399 1.0185572 1.1713022 1.1222215\n", - " 1.0081655 1.0067881 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 12 5 6 13 7 8 9 11 10 14 15 18 16 17 19]\n", - "=======================\n", - "['corey edwards was born with a complex congenital heart defect and endured eight traumatic open heart surgeries in a bid to save his life .his greatest wish was for his parents jemma , 21 , and craig , 28 , to tie the knot , but despite getting engaged three years ago , his ill health put their plans on hold .corey edwards , five , has died five days after his final wish - to see his parents get married - was granted']\n", - "=======================\n", - "[\"corey edwards , five , was born with a complex congenital heart defecthis final wish - to see his parents get married - was granted last weekendthe boy held the rings and wore a suit as his parents wed at his bedsidecorey died last night , days after the ceremony at bristol children 's hospital\"]\n", - "corey edwards was born with a complex congenital heart defect and endured eight traumatic open heart surgeries in a bid to save his life .his greatest wish was for his parents jemma , 21 , and craig , 28 , to tie the knot , but despite getting engaged three years ago , his ill health put their plans on hold .corey edwards , five , has died five days after his final wish - to see his parents get married - was granted\n", - "corey edwards , five , was born with a complex congenital heart defecthis final wish - to see his parents get married - was granted last weekendthe boy held the rings and wore a suit as his parents wed at his bedsidecorey died last night , days after the ceremony at bristol children 's hospital\n", - "[1.2070999 1.3918569 1.2522435 1.297499 1.2536461 1.2356318 1.0400403\n", - " 1.0480599 1.1007495 1.1254963 1.0831884 1.0320102 1.0295595 1.0125419\n", - " 1.0301287 1.0970789 1.0864471 1.0249594 1.0249349 1.0165578]\n", - "\n", - "[ 1 3 4 2 5 0 9 8 15 16 10 7 6 11 14 12 17 18 19 13]\n", - "=======================\n", - "['it is the first in a series of maps of the cosmos that will eventually allow a 3d view of dark matter across one eighth of the night sky .university of manchester researchers have revealed an hd dark matter map ( shown ) .it shows clumps of mystery particles across 0.4 per cent of the sky .']\n", - "=======================\n", - "['university of manchester researchers reveal hd dark matter mapit shows clumps of mystery particles across 0.4 per cent of the skythe goal is to eventually map 12.5 per cent over five yearsresults could help reveal how galaxies form in the universe']\n", - "it is the first in a series of maps of the cosmos that will eventually allow a 3d view of dark matter across one eighth of the night sky .university of manchester researchers have revealed an hd dark matter map ( shown ) .it shows clumps of mystery particles across 0.4 per cent of the sky .\n", - "university of manchester researchers reveal hd dark matter mapit shows clumps of mystery particles across 0.4 per cent of the skythe goal is to eventually map 12.5 per cent over five yearsresults could help reveal how galaxies form in the universe\n", - "[1.2625942 1.3471794 1.3521615 1.2390343 1.1045122 1.1294173 1.1177149\n", - " 1.0668952 1.0216577 1.0405377 1.221449 1.033852 1.0193477 1.0194173\n", - " 1.0374256 1.0530844 1.0234543 1.0157297 1.0312355 1.0160269]\n", - "\n", - "[ 2 1 0 3 10 5 6 4 7 15 9 14 11 18 16 8 13 12 19 17]\n", - "=======================\n", - "[\"steven davis , 57 , of milton , and his relatives are sure bulger killed his sister , debra davis , in 1981 , despite the jury returning a ` no finding ' verdict .but ` black mass ' , the upcoming film starring johnny depp and dakota johnson , has already upset the families of some of bulger 's many victims ahead of its release in september .it 's the $ 65 million crime thriller that claims to tell the true story of the most infamous and violent criminal in the history of south boston , james ` whitey ' bulger .\"]\n", - "=======================\n", - "[\"` black mass ' is a $ 65 million crime thriller set to be released in septembersteven davis says it glamorizes bulger 's crimes and profits from the tragedy of his victimshis sister , debra davis , was allegedly killed by bulger in 1981however the jury returned a ` no finding ' verdict at bulger 's murder trial\"]\n", - "steven davis , 57 , of milton , and his relatives are sure bulger killed his sister , debra davis , in 1981 , despite the jury returning a ` no finding ' verdict .but ` black mass ' , the upcoming film starring johnny depp and dakota johnson , has already upset the families of some of bulger 's many victims ahead of its release in september .it 's the $ 65 million crime thriller that claims to tell the true story of the most infamous and violent criminal in the history of south boston , james ` whitey ' bulger .\n", - "` black mass ' is a $ 65 million crime thriller set to be released in septembersteven davis says it glamorizes bulger 's crimes and profits from the tragedy of his victimshis sister , debra davis , was allegedly killed by bulger in 1981however the jury returned a ` no finding ' verdict at bulger 's murder trial\n", - "[1.2095159 1.4367481 1.2407434 1.3488853 1.2676644 1.145547 1.1495583\n", - " 1.0293875 1.024886 1.0237007 1.0917408 1.0266737 1.0143522 1.0212606\n", - " 1.1036788 1.0796274 1.0602399 1.0135561 1.1355386 0. ]\n", - "\n", - "[ 1 3 4 2 0 6 5 18 14 10 15 16 7 11 8 9 13 12 17 19]\n", - "=======================\n", - "[\"valerie cadman-khan , 56 , from middlesbrough , appeared on this morning to talk about the incident in which a policeman took her in for questioning amid claims of child neglect .the council worker appeared visibly upset as she recalled the events of 2008 to presenter ruth langsford when her daughter aimee , now 19 , was just 12 .a mother has revealed that despite winning her wrongful arrest case against the police after she was handcuffed in front of her down syndrome daughter , she has n't had an apology .\"]\n", - "=======================\n", - "[\"valerie cadman-khan , 56 , appeared on this morning with daughter aimeedetective sergeant colin helyer accused her of child neglect in 2008mum was arrested amid claims she 'd left aimee outside for 45 minutesshe was ` humiliated ' after being led away from middlesborough homeno apology received yet , but she feels ` justice has been done '\"]\n", - "valerie cadman-khan , 56 , from middlesbrough , appeared on this morning to talk about the incident in which a policeman took her in for questioning amid claims of child neglect .the council worker appeared visibly upset as she recalled the events of 2008 to presenter ruth langsford when her daughter aimee , now 19 , was just 12 .a mother has revealed that despite winning her wrongful arrest case against the police after she was handcuffed in front of her down syndrome daughter , she has n't had an apology .\n", - "valerie cadman-khan , 56 , appeared on this morning with daughter aimeedetective sergeant colin helyer accused her of child neglect in 2008mum was arrested amid claims she 'd left aimee outside for 45 minutesshe was ` humiliated ' after being led away from middlesborough homeno apology received yet , but she feels ` justice has been done '\n", - "[1.2537233 1.4596674 1.3848119 1.3604294 1.2258655 1.0367787 1.1206911\n", - " 1.1762668 1.1255591 1.071237 1.0117509 1.0121896 1.0113314 1.0092204\n", - " 1.0136641 1.036635 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 7 8 6 9 5 15 14 11 10 12 13 18 16 17 19]\n", - "=======================\n", - "[\"for more than 30 years , pat senior , 66 , has shared her five-bedroom home in bolton , greater manchester , with the animals , taking in dogs from as far afield as romania and hungary .she estimates that she spends # 240 a week on food and treats for the dogs , with veterinary bills adding another # 17,000 to the yearly cost of caring for the pets .a grandmother nicknamed the ` fairy dogmother ' spends more than # 28,000 a year looking after the stray or abandoned dogs she has welcomed into her home .\"]\n", - "=======================\n", - "[\"pat senior runs rescue centre from her home in bolton , great manchestergrandmother , 66 , adopts pets from as far away as romania and hungaryshe spends # 240 a week on food , and # 17,000 a year on vet 's billsmrs senior started taking in dogs in 1981 and currently has 19 animals\"]\n", - "for more than 30 years , pat senior , 66 , has shared her five-bedroom home in bolton , greater manchester , with the animals , taking in dogs from as far afield as romania and hungary .she estimates that she spends # 240 a week on food and treats for the dogs , with veterinary bills adding another # 17,000 to the yearly cost of caring for the pets .a grandmother nicknamed the ` fairy dogmother ' spends more than # 28,000 a year looking after the stray or abandoned dogs she has welcomed into her home .\n", - "pat senior runs rescue centre from her home in bolton , great manchestergrandmother , 66 , adopts pets from as far away as romania and hungaryshe spends # 240 a week on food , and # 17,000 a year on vet 's billsmrs senior started taking in dogs in 1981 and currently has 19 animals\n", - "[1.4430352 1.1004968 1.1215549 1.1074857 1.1127173 1.1238225 1.0413693\n", - " 1.1864121 1.0362577 1.0288951 1.0273966 1.0289965 1.0495521 1.0551897\n", - " 1.0467312 1.020981 1.06916 1.0207912 1.0499381 1.01852 ]\n", - "\n", - "[ 0 7 5 2 4 3 1 16 13 18 12 14 6 8 11 9 10 15 17 19]\n", - "=======================\n", - "['poets house is a swish new hotel in ely , a three-minute walk from the cathedral , offering terrific value .there are 21 rooms , all with copper standalone baths placed near luxurious double beds .and which forever more is held as the gold standard for unadulterated bling .']\n", - "=======================\n", - "[\"poets house is a swish new hotel in ely , three minutes from the cathedralit comes complete with 21 chic rooms - and complimentary valet parkingit used to be an old people 's home , but is a world remove from this era\"]\n", - "poets house is a swish new hotel in ely , a three-minute walk from the cathedral , offering terrific value .there are 21 rooms , all with copper standalone baths placed near luxurious double beds .and which forever more is held as the gold standard for unadulterated bling .\n", - "poets house is a swish new hotel in ely , three minutes from the cathedralit comes complete with 21 chic rooms - and complimentary valet parkingit used to be an old people 's home , but is a world remove from this era\n", - "[1.3361566 1.4206372 1.2267896 1.2105355 1.166168 1.1046208 1.1307416\n", - " 1.0605509 1.0473651 1.0286747 1.1263362 1.1126329 1.1857886 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 12 4 6 10 11 5 7 8 9 13 14 15 16 17 18 19]\n", - "=======================\n", - "['patrons at a bar opening inside the resorts world casino , next to jfk airport , reportedly turned on one another around 10pm .a four hundred-person mass brawl broke out friday night at a casino in queens .video of the fight sees a crowd of people erupting from a bar area , punching , kicking , shouting and re-purposing casino decorations as weapons .']\n", - "=======================\n", - "['mass fight broke out around 10pm friday at resorts world casinopatrons at establishment next to jfk airport fought at bar openingvideo of the encounter - where patrons threw chairs - was tweetedpolice said four people were arrested and will be charged over fight']\n", - "patrons at a bar opening inside the resorts world casino , next to jfk airport , reportedly turned on one another around 10pm .a four hundred-person mass brawl broke out friday night at a casino in queens .video of the fight sees a crowd of people erupting from a bar area , punching , kicking , shouting and re-purposing casino decorations as weapons .\n", - "mass fight broke out around 10pm friday at resorts world casinopatrons at establishment next to jfk airport fought at bar openingvideo of the encounter - where patrons threw chairs - was tweetedpolice said four people were arrested and will be charged over fight\n", - "[1.5761908 1.3010391 1.3549639 1.0809895 1.1016116 1.0938647 1.3155012\n", - " 1.1841643 1.1626697 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 6 1 7 8 4 5 3 17 16 15 14 9 12 11 10 18 13 19]\n", - "=======================\n", - "[\"french giants paris saint-germain have been dealt a major blow with the news that david luiz will miss the champions league clash with barcelona .current french champions psg went on to win the game but the news of luiz ' injury came as a major worry .laurent blanc 's side are still fighting for the ligue one title and could be forced to play eight matches without the 27-year-old .\"]\n", - "=======================\n", - "['brazilian defender david luiz pulled up during win against marseilleformer chelsea man was substituted before half-time following injuryscans have since revealed luiz could miss up to eight psg matchesthose games include the champions league clash against barcelona']\n", - "french giants paris saint-germain have been dealt a major blow with the news that david luiz will miss the champions league clash with barcelona .current french champions psg went on to win the game but the news of luiz ' injury came as a major worry .laurent blanc 's side are still fighting for the ligue one title and could be forced to play eight matches without the 27-year-old .\n", - "brazilian defender david luiz pulled up during win against marseilleformer chelsea man was substituted before half-time following injuryscans have since revealed luiz could miss up to eight psg matchesthose games include the champions league clash against barcelona\n", - "[1.3212157 1.3714 1.3292027 1.3136289 1.2016447 1.1258569 1.1069402\n", - " 1.0805653 1.1558049 1.0993406 1.028799 1.0808784 1.0567955 1.0525469\n", - " 1.0983328 1.0404578 1.0203184 1.0254462 1.0182685 1.083689 ]\n", - "\n", - "[ 1 2 0 3 4 8 5 6 9 14 19 11 7 12 13 15 10 17 16 18]\n", - "=======================\n", - "[\"the brazilian supermodel -- seen partying at the coachella festival in california on sunday - underwent the procedure on tuesday .she is currently being monitored at ucla hospital in westwood , los angeles .victoria 's secret angel alessandra ambrosio is recovering at a hospital in los angeles following a ` medical procedure ' for ` constant headaches ' , daily mail online can reveal .\"]\n", - "=======================\n", - "[\"brazilian victoria 's secret angel underwent medical procedure and is still recovering in hospitalshe had been suffering ` constant headaches ' and had booked appointment two weeks ago , daily mail online told by a friendmother-of-two had appeared well as she spent time at coachella festival with celebrity friends including kylie jenner and gigi hadidprocedure at ucla 's ronald reagan medical center was successful and aides said she is ` fine 'ambrosio , 34 , had posted on instagram yesterday about how much she was enjoying coachella saying : ` what a wonderful world . '\"]\n", - "the brazilian supermodel -- seen partying at the coachella festival in california on sunday - underwent the procedure on tuesday .she is currently being monitored at ucla hospital in westwood , los angeles .victoria 's secret angel alessandra ambrosio is recovering at a hospital in los angeles following a ` medical procedure ' for ` constant headaches ' , daily mail online can reveal .\n", - "brazilian victoria 's secret angel underwent medical procedure and is still recovering in hospitalshe had been suffering ` constant headaches ' and had booked appointment two weeks ago , daily mail online told by a friendmother-of-two had appeared well as she spent time at coachella festival with celebrity friends including kylie jenner and gigi hadidprocedure at ucla 's ronald reagan medical center was successful and aides said she is ` fine 'ambrosio , 34 , had posted on instagram yesterday about how much she was enjoying coachella saying : ` what a wonderful world . '\n", - "[1.3565024 1.4037778 1.2611903 1.1684667 1.1738279 1.1346929 1.1945828\n", - " 1.1152506 1.0363966 1.0249013 1.124872 1.1042994 1.0658214 1.0501119\n", - " 1.1980507 1.1065055 1.1113293 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 14 6 4 3 5 10 7 16 15 11 12 13 8 9 17 18 19]\n", - "=======================\n", - "['flight 448 , which had been bound for los angeles , returned to seattle .( cnn ) an alaska airlines flight was forced to make an emergency landing monday after its pilot reported hearing unusual banging .upon landing , a ramp agent was discovered inside the front cargo hold , according to a statement from the airline .']\n", - "=======================\n", - "['agent was taken to an area hospital as a precaution .the cargo hold is pressurized and temperature controlled']\n", - "flight 448 , which had been bound for los angeles , returned to seattle .( cnn ) an alaska airlines flight was forced to make an emergency landing monday after its pilot reported hearing unusual banging .upon landing , a ramp agent was discovered inside the front cargo hold , according to a statement from the airline .\n", - "agent was taken to an area hospital as a precaution .the cargo hold is pressurized and temperature controlled\n", - "[1.2729921 1.3383509 1.1764153 1.2123079 1.2989755 1.2556039 1.16403\n", - " 1.0859206 1.1338862 1.1968985 1.0759003 1.1545844 1.055482 1.0737532\n", - " 1.0378957 1.0094261 1.0094577 1.0401292 1.0155576 1.004692 ]\n", - "\n", - "[ 1 4 0 5 3 9 2 6 11 8 7 10 13 12 17 14 18 16 15 19]\n", - "=======================\n", - "[\"the men - two 21-year-olds and a 25 and 22-year-old - collapsed on the vessel on good friday , forcing it to dock near the opera house .on friday afternoon , about 800 partygoers poured off the bella vista boat after the party came to an endfour men have been moved out of intensive care after suspected drug overdoses during a party cruise on sydney harbour , possibly due to a dangerous strain of ecstasy pills known as ` blue scissors ' .\"]\n", - "=======================\n", - "[\"two 21-year-olds and a 25 and 22-year-old collapsed on the vessel on good fridaythey were rushed to st vincent 's hospital in a critical condition but are now stableon friday afternoon , about 800 partygoers poured off the bella vista boat after the party came to an endthe boat , which was hosting a ` dirty funken beats ' party , left king street wharf at noonpolice say they discovered cocaine , marijuana and mdma before the boat left the wharf\"]\n", - "the men - two 21-year-olds and a 25 and 22-year-old - collapsed on the vessel on good friday , forcing it to dock near the opera house .on friday afternoon , about 800 partygoers poured off the bella vista boat after the party came to an endfour men have been moved out of intensive care after suspected drug overdoses during a party cruise on sydney harbour , possibly due to a dangerous strain of ecstasy pills known as ` blue scissors ' .\n", - "two 21-year-olds and a 25 and 22-year-old collapsed on the vessel on good fridaythey were rushed to st vincent 's hospital in a critical condition but are now stableon friday afternoon , about 800 partygoers poured off the bella vista boat after the party came to an endthe boat , which was hosting a ` dirty funken beats ' party , left king street wharf at noonpolice say they discovered cocaine , marijuana and mdma before the boat left the wharf\n", - "[1.1841277 1.2367319 1.2312586 1.5252434 1.3369097 1.4496677 1.1098381\n", - " 1.1547612 1.0228093 1.018927 1.0285611 1.022477 1.1282 1.0121831\n", - " 1.0155116 1.0134819 1.012744 1.0088303 0. 0. ]\n", - "\n", - "[ 3 5 4 1 2 0 7 12 6 10 8 11 9 14 15 16 13 17 18 19]\n", - "=======================\n", - "['stuart mccall believes his side now owe it to their fans to amend that record in their final chance of the regular season when hearts come calling on sunday .rangers boss stuart mccall wants to win one visit from an edinburgh club at ibrox this seasonthe tynecastle side won 2-1 on their previous trip to govan last august , while hibernian have racked up 3-1 and 2-0 victories .']\n", - "=======================\n", - "['rangers have been beaten three times by edinburgh clubs at ibrox thisseasonmanager stuart mccall wants victory over championship winners heartsrangers defeated edinburgh hibernian at easter road recently']\n", - "stuart mccall believes his side now owe it to their fans to amend that record in their final chance of the regular season when hearts come calling on sunday .rangers boss stuart mccall wants to win one visit from an edinburgh club at ibrox this seasonthe tynecastle side won 2-1 on their previous trip to govan last august , while hibernian have racked up 3-1 and 2-0 victories .\n", - "rangers have been beaten three times by edinburgh clubs at ibrox thisseasonmanager stuart mccall wants victory over championship winners heartsrangers defeated edinburgh hibernian at easter road recently\n", - "[1.2532406 1.247833 1.2683015 1.1408057 1.3613509 1.2700198 1.172968\n", - " 1.0357174 1.029078 1.027421 1.0142497 1.0310614 1.0862446 1.1590025\n", - " 1.1037008 1.0823759 1.119808 1.0341693 1.0196102 1.035923 1.0947199\n", - " 1.0451502]\n", - "\n", - "[ 4 5 2 0 1 6 13 3 16 14 20 12 15 21 19 7 17 11 8 9 18 10]\n", - "=======================\n", - "[\"for residents of celoron , n.y. , say a statue of hometown icon lucile ball is ` monstrous 'the statue is based on a famous moment from ball 's show ' i love lucy , ' in which she pitches an intoxicating health tonic while drunkthe depiction is so unflattering a facebook page called ` we love lucy !\"]\n", - "=======================\n", - "['the depiction is so unflattering a facebook page called ` we love lucy !it would cost an estimated $ 8,000 to $ 10,000 for the statue to be recastartist dave poulin has refused to comment on the controversy']\n", - "for residents of celoron , n.y. , say a statue of hometown icon lucile ball is ` monstrous 'the statue is based on a famous moment from ball 's show ' i love lucy , ' in which she pitches an intoxicating health tonic while drunkthe depiction is so unflattering a facebook page called ` we love lucy !\n", - "the depiction is so unflattering a facebook page called ` we love lucy !it would cost an estimated $ 8,000 to $ 10,000 for the statue to be recastartist dave poulin has refused to comment on the controversy\n", - "[1.3570848 1.41008 1.1604985 1.1494497 1.054751 1.0339439 1.0295924\n", - " 1.0970333 1.0844431 1.1460885 1.2117941 1.06764 1.1828636 1.1487076\n", - " 1.1187838 1.099684 1.1069359 1.0445137 1.0190938 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 10 12 2 3 13 9 14 16 15 7 8 11 4 17 5 6 18 20 19 21]\n", - "=======================\n", - "['the 47-year-old was invited to join other international celebrity guests onboard boats in the six-strong fleet for the start of the sixth leg , from itajaí to newport , rhode island , u.s. .comedian dom joly proved he still had work to do on his diving despite training from tom daley , after making a real splash in the round-the-world volvo ocean race in brazil .the comedian and travel writer joined up with team abu dhabi ocean racing for the world yacht race']\n", - "=======================\n", - "['the travel writer joins up with the abu dhabi ocean racing teamthe volvo ocean race is currently taking on the next stage in braziljoly was trained by tom daley in tv hit splash !']\n", - "the 47-year-old was invited to join other international celebrity guests onboard boats in the six-strong fleet for the start of the sixth leg , from itajaí to newport , rhode island , u.s. .comedian dom joly proved he still had work to do on his diving despite training from tom daley , after making a real splash in the round-the-world volvo ocean race in brazil .the comedian and travel writer joined up with team abu dhabi ocean racing for the world yacht race\n", - "the travel writer joins up with the abu dhabi ocean racing teamthe volvo ocean race is currently taking on the next stage in braziljoly was trained by tom daley in tv hit splash !\n", - "[1.2784519 1.445154 1.2219459 1.1610012 1.1488008 1.0998677 1.1029922\n", - " 1.1095581 1.0565348 1.047411 1.0811576 1.043412 1.055194 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 3 4 7 6 5 10 8 12 9 11 20 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "['more than 10,000 people have arrived from libya since last weekend alone , according to the italian coast guard .rome ( cnn ) a destination for the destitute , sicily is the \" promised land \" for thousands of migrants and refugees making the desperate journey from north africa to europe \\'s mediterranean coast .stories of death at sea and unimaginable suffering are nothing new in the waters between north africa and italy ; boat people have been arriving on italy \\'s islands for more than a decade .']\n", - "=======================\n", - "['tens of thousands of migrants and refugees risk the perilous journey across the mediterranean every yearmany make the trip in dangerous boats owned by people smugglers ; thousands have died along the way in recent years']\n", - "more than 10,000 people have arrived from libya since last weekend alone , according to the italian coast guard .rome ( cnn ) a destination for the destitute , sicily is the \" promised land \" for thousands of migrants and refugees making the desperate journey from north africa to europe 's mediterranean coast .stories of death at sea and unimaginable suffering are nothing new in the waters between north africa and italy ; boat people have been arriving on italy 's islands for more than a decade .\n", - "tens of thousands of migrants and refugees risk the perilous journey across the mediterranean every yearmany make the trip in dangerous boats owned by people smugglers ; thousands have died along the way in recent years\n", - "[1.5516119 1.3744664 1.2016065 1.3422468 1.2628412 1.0849794 1.1828732\n", - " 1.044864 1.065794 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 4 2 6 5 8 7 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", - "=======================\n", - "['denmark and brondby defender daniel agger has been banned for two games for violent conduct after elbowing mattias jorgensen in the head .the incident happened during the hotly-contested derby against copenhagen on monday .daniel agger ( right ) is involved in a physical battle with copenhagen striker andreas cornelius ( left )']\n", - "=======================\n", - "[\"daniel agger has been charged with violent conductthe brondby star appeared to elbow copenhagen 's mattias jorgensenagger rejoined first club brondby from liverpool in august 2014\"]\n", - "denmark and brondby defender daniel agger has been banned for two games for violent conduct after elbowing mattias jorgensen in the head .the incident happened during the hotly-contested derby against copenhagen on monday .daniel agger ( right ) is involved in a physical battle with copenhagen striker andreas cornelius ( left )\n", - "daniel agger has been charged with violent conductthe brondby star appeared to elbow copenhagen 's mattias jorgensenagger rejoined first club brondby from liverpool in august 2014\n", - "[1.258843 1.4654183 1.233985 1.3015282 1.09672 1.1775193 1.0527095\n", - " 1.1478635 1.0503645 1.0718044 1.0401043 1.0811787 1.0545621 1.0560782\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 2 5 7 4 11 9 13 12 6 8 10 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "['the barbaric terror group released photos show crates of chicken being set alight in a field near the city of aleppo even though the meat being was slaughtered according to islamic law and was perfectly fit for consumption .depraved islamic state militants have deliberately destroyed hundreds of boxes of american-produced halal chicken despite hundreds of thousands facing starvation in war-torn syria .the food was burned after the jihadis noticed labels on the boxes that suggested the birds had been reared and slaughtered in the united states - something isis considers so beyond the pale that hungry refugees on the brink of starving to death are banned from eating the meat .']\n", - "=======================\n", - "[\"hundreds of boxes of fresh meat was being taken to refugees in aleppobut isis militants spotted a label claiming the chickens were us-rearedthey declared the cargo ` unlawful ' and set light to hundreds of the crateswastage comes despite up to 650,000 facing starvation in war-torn syria\"]\n", - "the barbaric terror group released photos show crates of chicken being set alight in a field near the city of aleppo even though the meat being was slaughtered according to islamic law and was perfectly fit for consumption .depraved islamic state militants have deliberately destroyed hundreds of boxes of american-produced halal chicken despite hundreds of thousands facing starvation in war-torn syria .the food was burned after the jihadis noticed labels on the boxes that suggested the birds had been reared and slaughtered in the united states - something isis considers so beyond the pale that hungry refugees on the brink of starving to death are banned from eating the meat .\n", - "hundreds of boxes of fresh meat was being taken to refugees in aleppobut isis militants spotted a label claiming the chickens were us-rearedthey declared the cargo ` unlawful ' and set light to hundreds of the crateswastage comes despite up to 650,000 facing starvation in war-torn syria\n", - "[1.2535126 1.1443244 1.3461286 1.2817941 1.2577854 1.1200486 1.0249858\n", - " 1.1956483 1.0557585 1.2076924 1.1383063 1.0145262 1.166299 1.074842\n", - " 1.0407503 1.0274901 1.0184276 0. 0. 0. ]\n", - "\n", - "[ 2 3 4 0 9 7 12 1 10 5 13 8 14 15 6 16 11 18 17 19]\n", - "=======================\n", - "[\"geologist dr danny hilman believes that a site in west java is revered because it hides an ancient temple built between 9,000 and 20,000 years ago .the megalithic site of gunung padang was discovered in 1914 and is the largest site of its kind in indonesia .egypt 's oldest pyramid was built almost 5,000 years ago but a similar structure hidden beneath rubble could be up to four times older .\"]\n", - "=======================\n", - "['geologist claims the site in west java could be 9,000 to 20,000 years olddr danny hilman says man-made hillside hides a pyramid structuretests have established parts of the structure date to 7,000 bccould re-write pre-history , but other experts claim excavation is flawed']\n", - "geologist dr danny hilman believes that a site in west java is revered because it hides an ancient temple built between 9,000 and 20,000 years ago .the megalithic site of gunung padang was discovered in 1914 and is the largest site of its kind in indonesia .egypt 's oldest pyramid was built almost 5,000 years ago but a similar structure hidden beneath rubble could be up to four times older .\n", - "geologist claims the site in west java could be 9,000 to 20,000 years olddr danny hilman says man-made hillside hides a pyramid structuretests have established parts of the structure date to 7,000 bccould re-write pre-history , but other experts claim excavation is flawed\n", - "[1.0737675 1.2299018 1.4092976 1.4853988 1.1975653 1.2278888 1.0772519\n", - " 1.0532321 1.0991292 1.0395929 1.0408034 1.0337174 1.0386444 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 5 4 8 6 0 7 10 9 12 11 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"judy , 55 , does n't play tennis to stay in shape , ` because my life is saturated with it 'judy murray dazzled at her son andy 's wedding , wearing a belted dress-coat that accentuated her toned stomach .this week : judy murray 's waist .\"]\n", - "=======================\n", - "[\"judy murray wore a belted dress-coat to her son andy 's weddingshe stays toned by dancing , doing pilates , walking or gardeningtry the v-sit up to engage and firm your abdominal muscles\"]\n", - "judy , 55 , does n't play tennis to stay in shape , ` because my life is saturated with it 'judy murray dazzled at her son andy 's wedding , wearing a belted dress-coat that accentuated her toned stomach .this week : judy murray 's waist .\n", - "judy murray wore a belted dress-coat to her son andy 's weddingshe stays toned by dancing , doing pilates , walking or gardeningtry the v-sit up to engage and firm your abdominal muscles\n", - "[1.2466577 1.4672406 1.1194121 1.4705201 1.2394743 1.1230599 1.085453\n", - " 1.203362 1.1448493 1.0619651 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 4 7 8 5 2 6 9 10 11 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"tottenham midfielder christian eriksen was pictured kissing girlfriend sabrina kvist in central londontottenham 's danish star christian eriksen may not have found the net since january , but the midfielder still knows how to score when the opportunity presents itself .eriksen , who joined spurs in the summer of 2013 , has been with girlfriend kvist for almost three years\"]\n", - "=======================\n", - "['christian eriksen was spotted with girlfriend sabrina kvist jensenthe pair were pictured enjoying a kiss in outside in soho , londonthe tottenham midfielder has been dating kvist for almost three yearseriksen played the full game as spurs lost to aston villa on saturday']\n", - "tottenham midfielder christian eriksen was pictured kissing girlfriend sabrina kvist in central londontottenham 's danish star christian eriksen may not have found the net since january , but the midfielder still knows how to score when the opportunity presents itself .eriksen , who joined spurs in the summer of 2013 , has been with girlfriend kvist for almost three years\n", - "christian eriksen was spotted with girlfriend sabrina kvist jensenthe pair were pictured enjoying a kiss in outside in soho , londonthe tottenham midfielder has been dating kvist for almost three yearseriksen played the full game as spurs lost to aston villa on saturday\n", - "[1.2187048 1.5648024 1.4081066 1.4715563 1.1107529 1.0788903 1.0263938\n", - " 1.0280297 1.0299625 1.1938843 1.1170654 1.0335863 1.0106338 1.0149693\n", - " 1.0184095 1.0535221 1.1808366 1.0182817 1.0072862 1.007108 ]\n", - "\n", - "[ 1 3 2 0 9 16 10 4 5 15 11 8 7 6 14 17 13 12 18 19]\n", - "=======================\n", - "['tina campbell , from london , paid # 100 for the weave but was forced to seek urgent medical attention after her scalp became infected .however , tina , who spent the day of her 29th birthday in bandages , said the incident has not deterred her from hair hair extensions again .a woman who bought cheap hair extensions in a bid to look glamorous ended up with an infection and a hole in her head .']\n", - "=======================\n", - "['tina campbell paid # 100 for a weave at a salon in londonsays a few weeks later her head began itching and lumps appearednight before 29th birthday boils burst and began oozing pusdashed to hospital where doctors removed infection with scalpelthe writer says despite her experiences it has not put her off']\n", - "tina campbell , from london , paid # 100 for the weave but was forced to seek urgent medical attention after her scalp became infected .however , tina , who spent the day of her 29th birthday in bandages , said the incident has not deterred her from hair hair extensions again .a woman who bought cheap hair extensions in a bid to look glamorous ended up with an infection and a hole in her head .\n", - "tina campbell paid # 100 for a weave at a salon in londonsays a few weeks later her head began itching and lumps appearednight before 29th birthday boils burst and began oozing pusdashed to hospital where doctors removed infection with scalpelthe writer says despite her experiences it has not put her off\n", - "[1.3107145 1.4075936 1.286893 1.2921671 1.1140915 1.0823643 1.0638103\n", - " 1.0748312 1.0835906 1.0859796 1.0661895 1.0435065 1.0724057 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 9 8 5 7 12 10 6 11 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"the property , in north west london , which has ` superb views ' over a london park , was one of five properties which the successful property developer bought during the couple 's 14-year marriage .a 63-year-old former air hostess has won a # 14.5 m london mansion from her ` immensely wealthy ' 90-year-old saudi arabian ex-husband following a legal battle based on a victorian law .but , after their divorce , the woman - who did not have any financial input into the properties - moved into the townhouse , claiming her right to live there as one of their matrimonial homes .\"]\n", - "=======================\n", - "[\"house in london was one of five properties the man - worth # 600m - ownedtheir main home was # 26m ` palatial ' mansion in jeddah , which had 40 staffwife now given homes in london and cannes as part of legal settlementbut judge refused to give woman the # 205,000 she wanted to spend on jewellery , handbags and cars\"]\n", - "the property , in north west london , which has ` superb views ' over a london park , was one of five properties which the successful property developer bought during the couple 's 14-year marriage .a 63-year-old former air hostess has won a # 14.5 m london mansion from her ` immensely wealthy ' 90-year-old saudi arabian ex-husband following a legal battle based on a victorian law .but , after their divorce , the woman - who did not have any financial input into the properties - moved into the townhouse , claiming her right to live there as one of their matrimonial homes .\n", - "house in london was one of five properties the man - worth # 600m - ownedtheir main home was # 26m ` palatial ' mansion in jeddah , which had 40 staffwife now given homes in london and cannes as part of legal settlementbut judge refused to give woman the # 205,000 she wanted to spend on jewellery , handbags and cars\n", - "[1.1066945 1.2086592 1.5042017 1.2972039 1.1138338 1.0963578 1.1306446\n", - " 1.1581922 1.0749899 1.0781444 1.097522 1.0734587 1.0757306 1.0690382\n", - " 1.0228671 1.0152766 1.0386758 1.029502 ]\n", - "\n", - "[ 2 3 1 7 6 4 0 10 5 9 12 8 11 13 16 17 14 15]\n", - "=======================\n", - "[\"the new collagen-laced brew , created by japanese liquor company suntory , boasts a five per cent alcohol content level and claims to have two grams of collagen per can .that 's the bizarre tagline for a new brand of japanese beer that claims to make women beautiful .but before cancel the gym for a night out , rocketnews24 says the beer is currently on available in japan 's northern island of hokkaido .\"]\n", - "=======================\n", - "[\"` precious ' brew has been created by japanese liquor company suntoryit boasts a five per cent alcohol content level and 2g of collagen per cancollagen is a protein found in skin that provides structure and firmnessexperts are divided over how effective it is when drunk or eaten with food\"]\n", - "the new collagen-laced brew , created by japanese liquor company suntory , boasts a five per cent alcohol content level and claims to have two grams of collagen per can .that 's the bizarre tagline for a new brand of japanese beer that claims to make women beautiful .but before cancel the gym for a night out , rocketnews24 says the beer is currently on available in japan 's northern island of hokkaido .\n", - "` precious ' brew has been created by japanese liquor company suntoryit boasts a five per cent alcohol content level and 2g of collagen per cancollagen is a protein found in skin that provides structure and firmnessexperts are divided over how effective it is when drunk or eaten with food\n", - "[1.297523 1.2030888 1.2591103 1.3533081 1.2858248 1.1563343 1.1238998\n", - " 1.0485682 1.1293199 1.1013517 1.1127778 1.0313925 1.0167099 1.0132185\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - " 1.0130581 1.0871344 0. 0. ]\n", - "\n", - "[ 3 0 4 2 1 5 8 6 10 9 15 7 11 12 13 14 16 17]\n", - "=======================\n", - "[\"launching the party 's manifesto in manchester , mr miliband will claim ` not one policy ' in it would be funded through additional government borrowing .ed miliband , pictured arriving in manchester ahead of the manifesto launch , will today pledge to cut the deficit every year if labour wins the electionin a last-ditch attempt to steal the tories ' mantle as the party of economic responsibility , he will warn supporters that labour faces coming to power in a ` time of scarcity ' .\"]\n", - "=======================\n", - "[\"miliband will warn that the party faces coming to power in ` time of scarcity 'he will insist labour would have national debt falling ` as soon as possible 'manifesto also pledges ` budget responsibility lock ' for no more borrowingother policies include # 2.5 bn nhs fund paid for from a mansion tax and closing hedge fund tax avoidance loophole\"]\n", - "launching the party 's manifesto in manchester , mr miliband will claim ` not one policy ' in it would be funded through additional government borrowing .ed miliband , pictured arriving in manchester ahead of the manifesto launch , will today pledge to cut the deficit every year if labour wins the electionin a last-ditch attempt to steal the tories ' mantle as the party of economic responsibility , he will warn supporters that labour faces coming to power in a ` time of scarcity ' .\n", - "miliband will warn that the party faces coming to power in ` time of scarcity 'he will insist labour would have national debt falling ` as soon as possible 'manifesto also pledges ` budget responsibility lock ' for no more borrowingother policies include # 2.5 bn nhs fund paid for from a mansion tax and closing hedge fund tax avoidance loophole\n", - "[1.2538787 1.4176285 1.1752636 1.2118198 1.3130697 1.1218497 1.108203\n", - " 1.0410306 1.0510217 1.0520705 1.0865135 1.0276018 1.0959932 1.1094894\n", - " 1.011801 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 3 2 5 13 6 12 10 9 8 7 11 14 16 15 17]\n", - "=======================\n", - "[\"mackenzie moretter , who has a rare genetic disorder called sotos syndrome that has delayed her development , which makes it hard for her to socialize , told her parents she wanted a ` big-girl party ' for her tenth birthday .strangers from around minnesota flocked to a ten-year-old girl 's birthday party , after several of her classmates did n't respond to their invitations , in hopes of giving her a celebration she 'll never forget .jenny moretter went on facebook and posted in a few local groups asking families with girls around mackenzie 's age to stop by their shakopee home on saturday - and the response was overwhelming .\"]\n", - "=======================\n", - "[\"mackenzie moretter , of shakopee , minnesota , celebrated her tenth birthday on saturdaywhen none of her classmates could come to her party , mackenzie 's mother posted on facebook groups , inviting strangers to the celebrationsmore than 700 people joined a facebook event for the birthday partyhundreds of people flocked to a park in shakopee on saturdaythey brought mackenzie gifts and food and she made new friendsmackenzie was diagnosed with sotos syndrome when she was a year oldthe disorder delayed her development and makes it hard to socialize\"]\n", - "mackenzie moretter , who has a rare genetic disorder called sotos syndrome that has delayed her development , which makes it hard for her to socialize , told her parents she wanted a ` big-girl party ' for her tenth birthday .strangers from around minnesota flocked to a ten-year-old girl 's birthday party , after several of her classmates did n't respond to their invitations , in hopes of giving her a celebration she 'll never forget .jenny moretter went on facebook and posted in a few local groups asking families with girls around mackenzie 's age to stop by their shakopee home on saturday - and the response was overwhelming .\n", - "mackenzie moretter , of shakopee , minnesota , celebrated her tenth birthday on saturdaywhen none of her classmates could come to her party , mackenzie 's mother posted on facebook groups , inviting strangers to the celebrationsmore than 700 people joined a facebook event for the birthday partyhundreds of people flocked to a park in shakopee on saturdaythey brought mackenzie gifts and food and she made new friendsmackenzie was diagnosed with sotos syndrome when she was a year oldthe disorder delayed her development and makes it hard to socialize\n", - "[1.4154446 1.3824887 1.3729421 1.49734 1.1336827 1.1252775 1.0865103\n", - " 1.0145854 1.0257938 1.0205249 1.1398529 1.0135221 1.0109324 1.0131047\n", - " 1.0591822 1.0518994 1.0191566 0. ]\n", - "\n", - "[ 3 0 1 2 10 4 5 6 14 15 8 9 16 7 11 13 12 17]\n", - "=======================\n", - "['manchester united winger ashley young believes the club will be challenging for the title next seasonthe red devils have endured two mixed campaigns following the retirement of legendary manager sir alex ferguson in may 2013 .after finishing seventh last season , their lowest position since in the premier league era , united currently sit third in the table this term - 11 points behind leaders chelsea .']\n", - "=======================\n", - "['manchester united are currently third in the premier league standingsunited are 11 points behind league leaders chelsea with four games leftunited finished seventh last season - their lowest in the premier league era']\n", - "manchester united winger ashley young believes the club will be challenging for the title next seasonthe red devils have endured two mixed campaigns following the retirement of legendary manager sir alex ferguson in may 2013 .after finishing seventh last season , their lowest position since in the premier league era , united currently sit third in the table this term - 11 points behind leaders chelsea .\n", - "manchester united are currently third in the premier league standingsunited are 11 points behind league leaders chelsea with four games leftunited finished seventh last season - their lowest in the premier league era\n", - "[1.2061607 1.3571585 1.3675995 1.2568723 1.1738238 1.1442894 1.145846\n", - " 1.2807839 1.1303083 1.0442345 1.0228641 1.0238796 1.0127233 1.0752039\n", - " 1.0616242 1.1338532 1.0678968 1.0870789]\n", - "\n", - "[ 2 1 7 3 0 4 6 5 15 8 17 13 16 14 9 11 10 12]\n", - "=======================\n", - "['she was killed on impact after suffering horrific head injuries .cctv footage captured the tragic moment little nurhayada sofia , who was out shopping with her mother , suddenly disappeared through a gap and plunged five floors .this is the shocking moment nurhayada sofia fell to her death after being dragged by an escalator at a shopping centre in malaysia']\n", - "=======================\n", - "['nurhayada sofia fell to her death after being dragged by an escalatorthe 6-year-old was shopping with mother at the mall in pudu , malaysiacctv shows her playing with the handrail before she slips through gapher mother - who had been on the phone - was said to be inconsolable']\n", - "she was killed on impact after suffering horrific head injuries .cctv footage captured the tragic moment little nurhayada sofia , who was out shopping with her mother , suddenly disappeared through a gap and plunged five floors .this is the shocking moment nurhayada sofia fell to her death after being dragged by an escalator at a shopping centre in malaysia\n", - "nurhayada sofia fell to her death after being dragged by an escalatorthe 6-year-old was shopping with mother at the mall in pudu , malaysiacctv shows her playing with the handrail before she slips through gapher mother - who had been on the phone - was said to be inconsolable\n", - "[1.2343429 1.3049643 1.3608046 1.2265108 1.2386444 1.2512746 1.1424143\n", - " 1.1303495 1.0369285 1.1457736 1.0338135 1.0213892 1.0502137 1.0209795\n", - " 1.0332668 1.0255909 0. 0. 0. ]\n", - "\n", - "[ 2 1 5 4 0 3 9 6 7 12 8 10 14 15 11 13 17 16 18]\n", - "=======================\n", - "[\"the french alps tragedy which occurred on the flight between barcelona to dusseldorf has been widely blamed on co-pilot andreas lubitz , 28 .the theory has surfaced in a letter to the respected financial times newspaper from aviation boss matt andersson , president of chicago-based indigo aerospace .disaster : an aviation expert says an external factor like ` electronic hacking ' could have been to blame for the germanwings plane crash that claimed 150 lives\"]\n", - "=======================\n", - "[\"` electronic hacking ' could have caused the air disaster , aviation boss saysgermanwings tragedy has been widely blamed on co-pilot andreas lubitzbut matt andersson says investigators have yet to come to a final conclusionsays passenger planes do not have same level of protection as military jets\"]\n", - "the french alps tragedy which occurred on the flight between barcelona to dusseldorf has been widely blamed on co-pilot andreas lubitz , 28 .the theory has surfaced in a letter to the respected financial times newspaper from aviation boss matt andersson , president of chicago-based indigo aerospace .disaster : an aviation expert says an external factor like ` electronic hacking ' could have been to blame for the germanwings plane crash that claimed 150 lives\n", - "` electronic hacking ' could have caused the air disaster , aviation boss saysgermanwings tragedy has been widely blamed on co-pilot andreas lubitzbut matt andersson says investigators have yet to come to a final conclusionsays passenger planes do not have same level of protection as military jets\n", - "[1.15407 1.2757926 1.3630136 1.2423276 1.1924033 1.3444517 1.1003507\n", - " 1.2299864 1.0927466 1.0686816 1.02883 1.0359893 1.0466954 1.0281183\n", - " 1.0414009 1.0141295 0. 0. 0. ]\n", - "\n", - "[ 2 5 1 3 7 4 0 6 8 9 12 14 11 10 13 15 16 17 18]\n", - "=======================\n", - "[\"bmw group 's answer to google glass is designed to let drivers of its mini model see pop-up virtual displays for directions and other features -- and the elvis-esque glasses can also be worn out of the car .the augmented vision goggles will go on show at the auto shanghai show and generate ` screens ' showing information that only the wearer can see .but the vintage eyewear may be set to make a comeback in a new hi-tech form , because bmw mini has produced concept smart specs to give drivers super-human powers such as x-ray-like vision .\"]\n", - "=======================\n", - "[\"bmw mini made the concept augmented vision goggles with qualcommgive wearers x-ray vision when parking and pop-up data on the dashboardelvis-style glasses are also designed to be worn out of the carthere 's no news about whether the goggles will ever go on sale\"]\n", - "bmw group 's answer to google glass is designed to let drivers of its mini model see pop-up virtual displays for directions and other features -- and the elvis-esque glasses can also be worn out of the car .the augmented vision goggles will go on show at the auto shanghai show and generate ` screens ' showing information that only the wearer can see .but the vintage eyewear may be set to make a comeback in a new hi-tech form , because bmw mini has produced concept smart specs to give drivers super-human powers such as x-ray-like vision .\n", - "bmw mini made the concept augmented vision goggles with qualcommgive wearers x-ray vision when parking and pop-up data on the dashboardelvis-style glasses are also designed to be worn out of the carthere 's no news about whether the goggles will ever go on sale\n", - "[1.0969805 1.5315454 1.3460889 1.4060831 1.2588866 1.0356395 1.0391339\n", - " 1.0635597 1.1198977 1.0331777 1.0594263 1.2183311 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 11 8 0 7 10 6 5 9 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"streaming music service spotify believes it has identified the average age of midlife crises at 42 .staff analysed data and found users aged around 42 drop their usual playlists -- which usually contain hits from their youth -- in favour of today 's chart toppers from the likes of rihanna and sam smith .spotify and its rivals in the streaming music world are working hard to understand the tastes of their listeners , so they can make better recommendations for them ( file picture )\"]\n", - "=======================\n", - "[\"spotify believes it has identified the average age of midlife crises at 42staff analysed data and found users aged 42 drop their usual playlistsstart listening to today 's chart toppers , such as rihanna and sam smith\"]\n", - "streaming music service spotify believes it has identified the average age of midlife crises at 42 .staff analysed data and found users aged around 42 drop their usual playlists -- which usually contain hits from their youth -- in favour of today 's chart toppers from the likes of rihanna and sam smith .spotify and its rivals in the streaming music world are working hard to understand the tastes of their listeners , so they can make better recommendations for them ( file picture )\n", - "spotify believes it has identified the average age of midlife crises at 42staff analysed data and found users aged 42 drop their usual playlistsstart listening to today 's chart toppers , such as rihanna and sam smith\n", - "[1.0996714 1.5281975 1.2096822 1.1556692 1.223403 1.1241384 1.1033394\n", - " 1.0379 1.066843 1.1214615 1.1145989 1.1458492 1.0829217 1.0637107\n", - " 1.0300962 1.0373753 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 3 11 5 9 10 6 0 12 8 13 7 15 14 16 17 18]\n", - "=======================\n", - "[\"the dog named teeny is captured on video sat opposite eric ko -- a trainer with over ten years ' experience -- of the dogaroo centre in hong kong .on ` two ' the pair return to their original position before eric says ` three ' and ` four ' and the dog reaches out to high-five him with both paws .the pair hold onto push-up bars with their front paws and hands respectively and wait for the trainer 's command before getting into position .\"]\n", - "=======================\n", - "['dog named teeny works out alongside experienced trainer eric kotrainer counts to four while completing press-ups with dogteeny leans over and gives eric a kiss before starting againthe video was captured at the dogaroo pet centre in hong kong']\n", - "the dog named teeny is captured on video sat opposite eric ko -- a trainer with over ten years ' experience -- of the dogaroo centre in hong kong .on ` two ' the pair return to their original position before eric says ` three ' and ` four ' and the dog reaches out to high-five him with both paws .the pair hold onto push-up bars with their front paws and hands respectively and wait for the trainer 's command before getting into position .\n", - "dog named teeny works out alongside experienced trainer eric kotrainer counts to four while completing press-ups with dogteeny leans over and gives eric a kiss before starting againthe video was captured at the dogaroo pet centre in hong kong\n", - "[1.2033165 1.4309173 1.3913157 1.3591013 1.1204345 1.1372434 1.0749677\n", - " 1.0570338 1.0537671 1.0168494 1.0138755 1.189728 1.1232165 1.0191814\n", - " 1.0753217 1.0784671 1.0369973 1.0100936 1.007795 ]\n", - "\n", - "[ 1 2 3 0 11 5 12 4 15 14 6 7 8 16 13 9 10 17 18]\n", - "=======================\n", - "['kim hill , from suffolk , has bravely waived her right to anonymity and spoken about how she was abused by derek osborne from the age of four .kim hill ( left ) was abused for years by her step-father but never revealed her past until her partner rob ( right ) encouraged her to approach the police about her attacker .for years , kim bottled up the painful memories until she met her husband rob , 34 , who guessed that she had been abused and helped to put derek behind bars 20 years after the offences .']\n", - "=======================\n", - "[\"kim hill was abused by her step-father from a young agehe forced her to wear lingerie and watch ` sick porn ' films aged ninekim never revealed what had happened until she met her husband robwith his encouragement kim reported her abuser and saw him sentencedderek osborne was jailed for 21 years in 2013 aged 72he confessed to abusing other girls as well as raping another womankim has now set up a blog to help other victims of sexual assault\"]\n", - "kim hill , from suffolk , has bravely waived her right to anonymity and spoken about how she was abused by derek osborne from the age of four .kim hill ( left ) was abused for years by her step-father but never revealed her past until her partner rob ( right ) encouraged her to approach the police about her attacker .for years , kim bottled up the painful memories until she met her husband rob , 34 , who guessed that she had been abused and helped to put derek behind bars 20 years after the offences .\n", - "kim hill was abused by her step-father from a young agehe forced her to wear lingerie and watch ` sick porn ' films aged ninekim never revealed what had happened until she met her husband robwith his encouragement kim reported her abuser and saw him sentencedderek osborne was jailed for 21 years in 2013 aged 72he confessed to abusing other girls as well as raping another womankim has now set up a blog to help other victims of sexual assault\n", - "[1.1578784 1.4019132 1.3902754 1.252698 1.1922988 1.1849749 1.1346693\n", - " 1.0572747 1.2064581 1.0783603 1.053561 1.048982 1.0563576 1.0098723\n", - " 1.011582 1.0130978 1.0147457 1.0710876 1.0129617 1.0117812 1.0593922\n", - " 0. ]\n", - "\n", - "[ 1 2 3 8 4 5 0 6 9 17 20 7 12 10 11 16 15 18 19 14 13 21]\n", - "=======================\n", - "['the friends and family of courtney terry , 27 , are now furiously fundraising in a bid to fulfill her final wish of a dream wedding .courtney was just 19 when she was first diagnosed with the same disease that killed her 23-year-old brother jordan seven years ago .courtney and billy had been planning to marry in seven months time but have had to bring forward the wedding because her condition has worsened']\n", - "=======================\n", - "['courtney terry , 27 , from south-east london has a rare kidney cancerit is the same disease that killed her 23-year-old brother jordanshe needs strangers to fund wedding to her boyfriend before she passes']\n", - "the friends and family of courtney terry , 27 , are now furiously fundraising in a bid to fulfill her final wish of a dream wedding .courtney was just 19 when she was first diagnosed with the same disease that killed her 23-year-old brother jordan seven years ago .courtney and billy had been planning to marry in seven months time but have had to bring forward the wedding because her condition has worsened\n", - "courtney terry , 27 , from south-east london has a rare kidney cancerit is the same disease that killed her 23-year-old brother jordanshe needs strangers to fund wedding to her boyfriend before she passes\n", - "[1.3266841 1.3156143 1.224637 1.5151348 1.227326 1.0525037 1.137304\n", - " 1.0235455 1.0293403 1.0220497 1.0176568 1.0444565 1.1779475 1.0165088\n", - " 1.0200958 1.016752 1.0160961 1.021596 1.0170428 1.0162741 1.1168522\n", - " 1.0727861]\n", - "\n", - "[ 3 0 1 4 2 12 6 20 21 5 11 8 7 9 17 14 10 18 15 13 19 16]\n", - "=======================\n", - "[\"carl jenkinson ( left ) says jack grealish should follow his heart when choosing ireland or englandthat 's the advice of carl jenkinson to jack grealish as the young aston villa star weighs up his international future .in 2012 , a year after his big move from charlton to the club he supported as a boy - arsenal - the essex-born full-back chose the three lions despite having played for finland , the nation of his mother , at under 18 and under 21 level .\"]\n", - "=======================\n", - "['carl jenkinson says hot prospect jack grealish must follow his heartthe aston villa star is wanted by ireland and england for internationalsthe west ham full back had the option of playing for finland and englandgrealish has hit the headlines after impressing for the midlands sideclick here for all the latest west ham news']\n", - "carl jenkinson ( left ) says jack grealish should follow his heart when choosing ireland or englandthat 's the advice of carl jenkinson to jack grealish as the young aston villa star weighs up his international future .in 2012 , a year after his big move from charlton to the club he supported as a boy - arsenal - the essex-born full-back chose the three lions despite having played for finland , the nation of his mother , at under 18 and under 21 level .\n", - "carl jenkinson says hot prospect jack grealish must follow his heartthe aston villa star is wanted by ireland and england for internationalsthe west ham full back had the option of playing for finland and englandgrealish has hit the headlines after impressing for the midlands sideclick here for all the latest west ham news\n", - "[1.12696 1.2885239 1.1396427 1.4031651 1.244235 1.2018237 1.0590113\n", - " 1.0569403 1.1032712 1.0665791 1.0986379 1.149701 1.0300859 1.1033255\n", - " 1.0624849 1.0513256 1.0647594 1.0258621 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 4 5 11 2 0 13 8 10 9 16 14 6 7 15 12 17 20 18 19 21]\n", - "=======================\n", - "['a bold red fox spots a deer bone on a frozen lake in japan and begins to fight both a flock of crows and an eagle for the tasty lunchthe fox proudly holds the bone tight in its jaws as an eagle descends to challenge the animals over possession of the lunchthe large birds were photographed by japanese businessman sanin alexander as they swooped down with their claws bared at the fox as he boldly grasps the bone in his jaws .']\n", - "=======================\n", - "['red fox spots a deer bone among a group of black crows on a frozen lake in furen in japan and goes in to take itbut the animal is challenged by two advancing large eagles who surround him as he holds bone in his jawsas the fox and eagles clash , it becomes clear the young fox is destined to lose the battle against his larger foes']\n", - "a bold red fox spots a deer bone on a frozen lake in japan and begins to fight both a flock of crows and an eagle for the tasty lunchthe fox proudly holds the bone tight in its jaws as an eagle descends to challenge the animals over possession of the lunchthe large birds were photographed by japanese businessman sanin alexander as they swooped down with their claws bared at the fox as he boldly grasps the bone in his jaws .\n", - "red fox spots a deer bone among a group of black crows on a frozen lake in furen in japan and goes in to take itbut the animal is challenged by two advancing large eagles who surround him as he holds bone in his jawsas the fox and eagles clash , it becomes clear the young fox is destined to lose the battle against his larger foes\n", - "[1.1761792 1.0756418 1.2169083 1.1178744 1.5319 1.2130144 1.1065676\n", - " 1.0740634 1.0863943 1.0238754 1.0560366 1.0329248 1.0236794 1.044754\n", - " 1.0607911 1.0522021 1.0520817 1.0322129 1.0289906 1.2005762 1.0483955\n", - " 0. ]\n", - "\n", - "[ 4 2 5 19 0 3 6 8 1 7 14 10 15 16 20 13 11 17 18 9 12 21]\n", - "=======================\n", - "[\"steven gerrard was denied the chance of a happy ending as aston villa beat liverpool at wembleygerrard 's time at liverpool will now end in anti-climax .liverpool captain gerrard reacts as tom cleverley celebrates aston villa 's victory on sunday\"]\n", - "=======================\n", - "[\"wembley loss means steven gerrard 's liverpool career ends in anti-climaxhe was poor throughout , unable to raise performances of his team-matesgerrard will now say his farewells with a series of cameo appearancesbut , three years without a trophy means brendan rodgers is one to blame\"]\n", - "steven gerrard was denied the chance of a happy ending as aston villa beat liverpool at wembleygerrard 's time at liverpool will now end in anti-climax .liverpool captain gerrard reacts as tom cleverley celebrates aston villa 's victory on sunday\n", - "wembley loss means steven gerrard 's liverpool career ends in anti-climaxhe was poor throughout , unable to raise performances of his team-matesgerrard will now say his farewells with a series of cameo appearancesbut , three years without a trophy means brendan rodgers is one to blame\n", - "[1.1884565 1.4025192 1.247229 1.1715981 1.1040205 1.1313336 1.0914761\n", - " 1.1230239 1.136087 1.0852958 1.0643586 1.0783293 1.0594271 1.0929785\n", - " 1.0326095 1.0347755 1.0339335 1.0646037 1.047513 1.0698993 1.0414233\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 8 5 7 4 13 6 9 11 19 17 10 12 18 20 15 16 14 21]\n", - "=======================\n", - "['just 28 of 700,000 babies born in the uk in 2013 were given the name , data from the office of national statistics shows .that compares to 235 garys being born in 1996 , when the name was the 147th most popular in britain .the name gary - once one of the most popular name in britain - is now heading for extinction .']\n", - "=======================\n", - "['gary fell from 147th most popular british name in 1996 to 1,001 st in 2013reached height of its popularity in 1964 , when it was ranked 16thmeanwhile , names including dexter and jenson are now in the top 100']\n", - "just 28 of 700,000 babies born in the uk in 2013 were given the name , data from the office of national statistics shows .that compares to 235 garys being born in 1996 , when the name was the 147th most popular in britain .the name gary - once one of the most popular name in britain - is now heading for extinction .\n", - "gary fell from 147th most popular british name in 1996 to 1,001 st in 2013reached height of its popularity in 1964 , when it was ranked 16thmeanwhile , names including dexter and jenson are now in the top 100\n", - "[1.1157959 1.4606873 1.2818123 1.3173842 1.37058 1.0722021 1.0727665\n", - " 1.0711775 1.0526252 1.2030606 1.0808916 1.1189528 1.0722828 1.0659083\n", - " 1.0255562 1.0198249 1.0102922 1.0070717 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 2 9 11 0 10 6 12 5 7 13 8 14 15 16 17 19 18 20]\n", - "=======================\n", - "[\"forty-five per cent of britons have lied about their earnings , spending , bills or credit cards .and 41 per cent said they were in the dark about their partner 's finances .the research by financial guide money advice service also found that 24 per cent lied to their partners about what they spend on themselves .\"]\n", - "=======================\n", - "[\"poll found 45 per cent of briton lied about their spending to their partnerone in four people do n't admit how much they really spend on themselvesfinances ` should not be a taboo subject ' urges money advice service\"]\n", - "forty-five per cent of britons have lied about their earnings , spending , bills or credit cards .and 41 per cent said they were in the dark about their partner 's finances .the research by financial guide money advice service also found that 24 per cent lied to their partners about what they spend on themselves .\n", - "poll found 45 per cent of briton lied about their spending to their partnerone in four people do n't admit how much they really spend on themselvesfinances ` should not be a taboo subject ' urges money advice service\n", - "[1.2401271 1.5819757 1.2575903 1.3585765 1.3011644 1.0701318 1.0343179\n", - " 1.0277617 1.0331953 1.0151721 1.0144811 1.0255136 1.0205516 1.1700515\n", - " 1.0732592 1.2351394 1.0451477 1.0398239 1.0393865 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 15 13 14 5 16 17 18 6 8 7 11 12 9 10 19 20]\n", - "=======================\n", - "[\"curt almond , 26 , from bristol , spent at least # 40 a week buying new calvin klein boxers so that he could slip into a new ` crisp pair ' every day of the week .addicted : nando 's manager curt almond almost landed himself in debt after forking out # 2,000 on a bizarre addiction which meant he had to wear new underpants every daybut after wiping out most of his savings , mr almond realised that it was ` bankruptcy or boxers ' - and that he needed to wean himself off his addiction .\"]\n", - "=======================\n", - "[\"curt almond , from bristol , spent # 40 per week on new calvin klein boxersduring a year-long addiction , mr almond forked out # 2,000 on 365 pairshe threw them away after one wear so he could enjoy ` crisp pair ' each daymr almond , 26 , forced to curb habit after craze almost landed him in debt\"]\n", - "curt almond , 26 , from bristol , spent at least # 40 a week buying new calvin klein boxers so that he could slip into a new ` crisp pair ' every day of the week .addicted : nando 's manager curt almond almost landed himself in debt after forking out # 2,000 on a bizarre addiction which meant he had to wear new underpants every daybut after wiping out most of his savings , mr almond realised that it was ` bankruptcy or boxers ' - and that he needed to wean himself off his addiction .\n", - "curt almond , from bristol , spent # 40 per week on new calvin klein boxersduring a year-long addiction , mr almond forked out # 2,000 on 365 pairshe threw them away after one wear so he could enjoy ` crisp pair ' each daymr almond , 26 , forced to curb habit after craze almost landed him in debt\n", - "[1.0998217 1.0529529 1.0350457 1.3435287 1.3235526 1.0777152 1.0671827\n", - " 1.0343038 1.0726979 1.256047 1.2429202 1.051146 1.1681494 1.1598065\n", - " 1.0508481 1.1728619 1.0399461 1.0233492 1.0391761 0. 0. ]\n", - "\n", - "[ 3 4 9 10 15 12 13 0 5 8 6 1 11 14 16 18 2 7 17 19 20]\n", - "=======================\n", - "['helen flanagan stepped out recently to show off her burgeoning bump in a slinky clinging dress , red lips and heels , confirming that when it comes to maternity style there are distinctive camps .then and now : helen flanagan has changed her style dramatically for the birth of her first childdanielle lloyd , 31 , is another star who modified her wardrobe for the pregnancy of her third child in 2013']\n", - "=======================\n", - "[\"kate middleton is expecting her second child in the next weekin her first pregnancy , she chose to cover up bump with stylish coatssome choose comfort over style , while others ignore they 're pregnant at allkim kardashian remained glamorous in strappy heels and tight dresses\"]\n", - "helen flanagan stepped out recently to show off her burgeoning bump in a slinky clinging dress , red lips and heels , confirming that when it comes to maternity style there are distinctive camps .then and now : helen flanagan has changed her style dramatically for the birth of her first childdanielle lloyd , 31 , is another star who modified her wardrobe for the pregnancy of her third child in 2013\n", - "kate middleton is expecting her second child in the next weekin her first pregnancy , she chose to cover up bump with stylish coatssome choose comfort over style , while others ignore they 're pregnant at allkim kardashian remained glamorous in strappy heels and tight dresses\n", - "[1.514888 1.3959514 1.1867765 1.458798 1.219794 1.0465587 1.0219438\n", - " 1.0336409 1.1421024 1.0266323 1.0130117 1.051269 1.0121485 1.0124156\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 8 11 5 7 9 6 10 13 12 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"skipper john o'shea has challenged sunderland to keep their fate in their own hands by securing a fifth successive derby victory over newcastle .john o'shea , pictured playing for ireland at the weekend , wants a fifth straight derby win against newcastlethe wear-tyne rivals meet at the stadium of light on sunday with sunderland having won the last four meetings , but in grave need of three points to ease themselves away from the developing battle for barclays premier league survival .\"]\n", - "=======================\n", - "[\"sunderland face newcastle in the tyne-wear deerby on sundaycaptain john o'shea has targeted a fifth successive win over rivalsblack cats are in danger of falling into relegation zone over easter\"]\n", - "skipper john o'shea has challenged sunderland to keep their fate in their own hands by securing a fifth successive derby victory over newcastle .john o'shea , pictured playing for ireland at the weekend , wants a fifth straight derby win against newcastlethe wear-tyne rivals meet at the stadium of light on sunday with sunderland having won the last four meetings , but in grave need of three points to ease themselves away from the developing battle for barclays premier league survival .\n", - "sunderland face newcastle in the tyne-wear deerby on sundaycaptain john o'shea has targeted a fifth successive win over rivalsblack cats are in danger of falling into relegation zone over easter\n", - "[1.1373856 1.4670074 1.178066 1.158256 1.0110753 1.0133446 1.0201674\n", - " 1.0430564 1.084292 1.0390059 1.0665329 1.040079 1.2833346 1.0380741\n", - " 1.0275246 1.0253286 1.0240642 1.0504595 1.027889 1.0226626 1.0583377]\n", - "\n", - "[ 1 12 2 3 0 8 10 20 17 7 11 9 13 18 14 15 16 19 6 5 4]\n", - "=======================\n", - "['the bbc is to air a two-hour , real-time documentary following a canalboat as it pootles its way along a british waterway at a leisurely 4mph .the film was shot on a sunny day last month and will air on may 5 as part of the bbc four goes slow series of deliberately unrushed programmes .for many , the languid film will be as interesting as watching paint dry , but the corporation hopes many viewers will find it a refreshing change from the usual frenetic pace of modern tv .']\n", - "=======================\n", - "[\"the bbc is set to air a two-hour , real-time documentary following a boatfor many , the languid film will be as interesting as watching paint drycorporation hopes it 'll be a change of pace from usual frenetic pace of tv\"]\n", - "the bbc is to air a two-hour , real-time documentary following a canalboat as it pootles its way along a british waterway at a leisurely 4mph .the film was shot on a sunny day last month and will air on may 5 as part of the bbc four goes slow series of deliberately unrushed programmes .for many , the languid film will be as interesting as watching paint dry , but the corporation hopes many viewers will find it a refreshing change from the usual frenetic pace of modern tv .\n", - "the bbc is set to air a two-hour , real-time documentary following a boatfor many , the languid film will be as interesting as watching paint drycorporation hopes it 'll be a change of pace from usual frenetic pace of tv\n", - "[1.0542188 1.1990734 1.2598212 1.3265437 1.2353458 1.2215178 1.0896401\n", - " 1.1998249 1.0414453 1.0958307 1.1769041 1.0664244 1.1018887 1.0701746\n", - " 1.0805972 1.0742241 1.0086226 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 4 5 7 1 10 12 9 6 14 15 13 11 0 8 16 17 18 19 20]\n", - "=======================\n", - "['london-based keyboard app firm swiftkey analysed more than one billion sets of emoji data to learn how 16 different languages and regions use emoji .study found that the french are the most loved-up , sending more hearts than any other region , while australians use double the average amount of alcohol-themed emoji .happy faces , including winks , kisses , smiles and grins were the most popular across all regions , making up 45 per cent of all the messages studied']\n", - "=======================\n", - "['swiftkey analysed one billion sets of emoji data across 60 categoriesus uses lgbt emoji - such as men holding hands - 30 % more than averagerussians use three times more romantic emoji including the kiss markwhile australians use double the average amount of alcohol-themed emoji']\n", - "london-based keyboard app firm swiftkey analysed more than one billion sets of emoji data to learn how 16 different languages and regions use emoji .study found that the french are the most loved-up , sending more hearts than any other region , while australians use double the average amount of alcohol-themed emoji .happy faces , including winks , kisses , smiles and grins were the most popular across all regions , making up 45 per cent of all the messages studied\n", - "swiftkey analysed one billion sets of emoji data across 60 categoriesus uses lgbt emoji - such as men holding hands - 30 % more than averagerussians use three times more romantic emoji including the kiss markwhile australians use double the average amount of alcohol-themed emoji\n", - "[1.0837964 1.3053944 1.2940626 1.0804136 1.1655097 1.2076048 1.2035975\n", - " 1.2012738 1.0275718 1.0685387 1.1234702 1.0662245 1.1173774 1.132932\n", - " 1.0240088 1.0711911 1.0420245 1.0367712 1.065978 1.0553616 1.0556265]\n", - "\n", - "[ 1 2 5 6 7 4 13 10 12 0 3 15 9 11 18 20 19 16 17 8 14]\n", - "=======================\n", - "[\"that 's apparently what happened in tulsa , oklahoma , when a 73-year-old reserve deputy , robert bates , killed eric harris .bates said he meant to use his stun gun but ended up firing his handgun instead .in a well-publicized 2009 case , a bay area rapid transit police officer fired his gun instead of his taser , killing 22-year-old oscar grant in oakland , california .\"]\n", - "=======================\n", - "['attorney : robert bates assumed the gun was a taser because he saw a laser sight on itharris family lawyers say there are stark differences between the gun and taser usedin 2009 , an officer in california also said he mistakenly used his gun instead of a taser']\n", - "that 's apparently what happened in tulsa , oklahoma , when a 73-year-old reserve deputy , robert bates , killed eric harris .bates said he meant to use his stun gun but ended up firing his handgun instead .in a well-publicized 2009 case , a bay area rapid transit police officer fired his gun instead of his taser , killing 22-year-old oscar grant in oakland , california .\n", - "attorney : robert bates assumed the gun was a taser because he saw a laser sight on itharris family lawyers say there are stark differences between the gun and taser usedin 2009 , an officer in california also said he mistakenly used his gun instead of a taser\n", - "[1.0533733 1.1206908 1.4930346 1.0601988 1.0501875 1.2532067 1.236809\n", - " 1.1053443 1.128416 1.139444 1.0419844 1.0578266 1.0654557 1.0420709\n", - " 1.1273569 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 5 6 9 8 14 1 7 12 3 11 0 4 13 10 15 16 17 18 19 20]\n", - "=======================\n", - "[\"punting analyst mike steward has outlined an approach , known in gambling parlance as the martingale betting strategy.the staking plan is outlined in the table below , but seems simple enough to follow for even a first-time two up player .scenes like these will be repeated across australia on anzac day this saturday , heaving crowds of punters betting on the toss of coins in games of two uptwo up is one of australia 's longest lasting traditions , it dates back to australia 's goldfields and the first recorded games are believed to have taken place in the late 1790s .\"]\n", - "=======================\n", - "[\"punting aces say they have found a way to beat the odds in australia 's iconic game of chanceif you lose a bet then keep doubling up until the coins fall your waygambling experts say it is not vital to stick to your original callmost rsls and pubs across australia will feature games of two upthe game of two up can be traced back to the 1790s\"]\n", - "punting analyst mike steward has outlined an approach , known in gambling parlance as the martingale betting strategy.the staking plan is outlined in the table below , but seems simple enough to follow for even a first-time two up player .scenes like these will be repeated across australia on anzac day this saturday , heaving crowds of punters betting on the toss of coins in games of two uptwo up is one of australia 's longest lasting traditions , it dates back to australia 's goldfields and the first recorded games are believed to have taken place in the late 1790s .\n", - "punting aces say they have found a way to beat the odds in australia 's iconic game of chanceif you lose a bet then keep doubling up until the coins fall your waygambling experts say it is not vital to stick to your original callmost rsls and pubs across australia will feature games of two upthe game of two up can be traced back to the 1790s\n", - "[1.2319684 1.4839988 1.2865837 1.3266628 1.3126392 1.1694939 1.0548502\n", - " 1.0200037 1.11092 1.0509354 1.086088 1.0547757 1.0568303 1.0806216\n", - " 1.2023822 1.082462 1.0460136 1.0118281 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 14 5 8 10 15 13 12 6 11 9 16 7 17 19 18 20]\n", - "=======================\n", - "[\"the 75-year-old man reportedly believes he accidentally stood on the saltwater crocodile while looking from his golf ball near the 11th hole at the palmer sea reef golf course at port douglas in far north queensland .the victim received a deep laceration to his shin and puncture wounds to his calf .the elderly man drove himself back to the clubhouse in a buggy after the 1.2 metre reptile ` nipped ' him , according to the courier mail .\"]\n", - "=======================\n", - "['an elderly man has reportedly been attacked by a crocodile in queenslandthe man was playing golf at the palmer sea reef golf course on mondaygolf owner clive palmer sent his well wishes to the man after the attackparamedics treated the man who suffered a bite wound to his lower leghe has been taken to mossiman district hospital in a stable condition']\n", - "the 75-year-old man reportedly believes he accidentally stood on the saltwater crocodile while looking from his golf ball near the 11th hole at the palmer sea reef golf course at port douglas in far north queensland .the victim received a deep laceration to his shin and puncture wounds to his calf .the elderly man drove himself back to the clubhouse in a buggy after the 1.2 metre reptile ` nipped ' him , according to the courier mail .\n", - "an elderly man has reportedly been attacked by a crocodile in queenslandthe man was playing golf at the palmer sea reef golf course on mondaygolf owner clive palmer sent his well wishes to the man after the attackparamedics treated the man who suffered a bite wound to his lower leghe has been taken to mossiman district hospital in a stable condition\n", - "[1.1709179 1.3126636 1.3718137 1.23276 1.303956 1.162147 1.1600133\n", - " 1.0774821 1.0473639 1.0568355 1.063598 1.0336635 1.0279819 1.0290698\n", - " 1.0174068 1.0312485 1.0204861 1.0130903 1.019313 1.0248494 0. ]\n", - "\n", - "[ 2 1 4 3 0 5 6 7 10 9 8 11 15 13 12 19 16 18 14 17 20]\n", - "=======================\n", - "[\"the short film has been developed on an oculus rift - a virtual reality headset - by italy 's university of udine 's hci lab .a dramatic virtual environment has been created using a headset that shows how passengers would survive a plane crash landing on water .this is one safety video you wo n't be able to take your eyes off .\"]\n", - "=======================\n", - "['simulation available on oculus rift shows plane crashing on watercries , screams and shouting heard as plane rapidly descendsshows what happens if you make attempts to grab your luggagebased on actual incident in 2009 when u.s. airways airbus a320 made successful landing in hudson river with no casualties']\n", - "the short film has been developed on an oculus rift - a virtual reality headset - by italy 's university of udine 's hci lab .a dramatic virtual environment has been created using a headset that shows how passengers would survive a plane crash landing on water .this is one safety video you wo n't be able to take your eyes off .\n", - "simulation available on oculus rift shows plane crashing on watercries , screams and shouting heard as plane rapidly descendsshows what happens if you make attempts to grab your luggagebased on actual incident in 2009 when u.s. airways airbus a320 made successful landing in hudson river with no casualties\n", - "[1.0499773 1.1178522 1.103574 1.3370712 1.2093302 1.1421313 1.1269442\n", - " 1.0888098 1.0330824 1.0938283 1.0408982 1.0485834 1.0319654 1.0400565\n", - " 1.0551703 1.0815821 1.0150493 1.101663 1.0248029 1.0312084]\n", - "\n", - "[ 3 4 5 6 1 2 17 9 7 15 14 0 11 10 13 8 12 19 18 16]\n", - "=======================\n", - "[\"the island is known for its zesty spices and self-sufficiency - the only food it imports is milk .heading west : rosemary spent a week on grenada , where fresh foodstuffs like cocoa fruit are easily availablemeat and fish are plentiful and , because the soil is very fertile , the vegetables , fruit and salads are the glossiest you 'll ever see .\"]\n", - "=======================\n", - "[\"grenada is known as the ` island of spice ' , and is full of foodie flavourscelebrity chef rosemary shrager spent a week on the caribbean islandfavourite local dishes include goat 's cheese and salt fish fritters\"]\n", - "the island is known for its zesty spices and self-sufficiency - the only food it imports is milk .heading west : rosemary spent a week on grenada , where fresh foodstuffs like cocoa fruit are easily availablemeat and fish are plentiful and , because the soil is very fertile , the vegetables , fruit and salads are the glossiest you 'll ever see .\n", - "grenada is known as the ` island of spice ' , and is full of foodie flavourscelebrity chef rosemary shrager spent a week on the caribbean islandfavourite local dishes include goat 's cheese and salt fish fritters\n", - "[1.0749006 1.0755484 1.1679882 1.2447311 1.1446649 1.1198584 1.1521716\n", - " 1.1105525 1.0879529 1.1197728 1.083828 1.0791638 1.0513377 1.0531143\n", - " 1.0160756 1.0131534 1.0347943 1.042957 1.0222553 1.0169426]\n", - "\n", - "[ 3 2 6 4 5 9 7 8 10 11 1 0 13 12 17 16 18 19 14 15]\n", - "=======================\n", - "['for \" mad men , \" the \" end of an era , \" as its slogan has it , begins sunday .for the 1960s , the end arrived with -- depending on your ideals and your tribe -- either the rolling stones \\' altamont fiasco in december 1969 , the kent state shootings in may 1970 or richard nixon \\'s 1972 re-election .don draper , the creative director played by jon hamm , has become a symbol of the times -- his and , sometimes , ours .']\n", - "=======================\n", - "['\" mad men \\'s \" final seven episodes begin airing april 5the show has never had high ratings but is considered one of the great tv seriesit \\'s unknown what will happen to characters , but we can always guess']\n", - "for \" mad men , \" the \" end of an era , \" as its slogan has it , begins sunday .for the 1960s , the end arrived with -- depending on your ideals and your tribe -- either the rolling stones ' altamont fiasco in december 1969 , the kent state shootings in may 1970 or richard nixon 's 1972 re-election .don draper , the creative director played by jon hamm , has become a symbol of the times -- his and , sometimes , ours .\n", - "\" mad men 's \" final seven episodes begin airing april 5the show has never had high ratings but is considered one of the great tv seriesit 's unknown what will happen to characters , but we can always guess\n", - "[1.2678465 1.1306307 1.2611288 1.2011558 1.1327763 1.1722411 1.0791622\n", - " 1.2317681 1.0559498 1.0252345 1.0116202 1.0723711 1.1002568 1.0815651\n", - " 1.0515255 1.0110315 1.0210708 1.1632587 0. 0. ]\n", - "\n", - "[ 0 2 7 3 5 17 4 1 12 13 6 11 8 14 9 16 10 15 18 19]\n", - "=======================\n", - "['with a net worth of # 260million , hollywood power couple brad pitt and angelina jolie are in no danger of having to endure a night at the holiday inn .there have even been reports that brangelina , and their six children , have shut down whole hotel floors and chartering entire trains for a bit of privacy .but the couple , whose combined salary comes from starring in over seventy box office hits , often opt for surprisingly low key accommodation , affordable for mere mortals like the rest of us .']\n", - "=======================\n", - "[\"globe trotting couple do n't always opt for super exclusive design hotelsdespite their millions brangelina often stay in affordable accommodationlist includes hilton , park hyatt , intercontinental and hard rock hotels\"]\n", - "with a net worth of # 260million , hollywood power couple brad pitt and angelina jolie are in no danger of having to endure a night at the holiday inn .there have even been reports that brangelina , and their six children , have shut down whole hotel floors and chartering entire trains for a bit of privacy .but the couple , whose combined salary comes from starring in over seventy box office hits , often opt for surprisingly low key accommodation , affordable for mere mortals like the rest of us .\n", - "globe trotting couple do n't always opt for super exclusive design hotelsdespite their millions brangelina often stay in affordable accommodationlist includes hilton , park hyatt , intercontinental and hard rock hotels\n", - "[1.2942728 1.5332599 1.0879076 1.3261604 1.0727755 1.1393454 1.0177317\n", - " 1.117351 1.1100757 1.233504 1.109801 1.0489717 1.1131985 1.0492374\n", - " 1.0623797 1.0826527 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 9 5 7 12 8 10 2 15 4 14 13 11 6 18 16 17 19]\n", - "=======================\n", - "['the eight-inch leather dildo with a wooden head was discovered during an excavation at an old school of swordsmanship in the coastal city of gdansk .a 250-year-old sex toy has been found by archaeologists during a dig of an ancient toilet in poland .it was probably dropped by someone in the toilet .']\n", - "=======================\n", - "['the 250-year-old toy was made from leather with a wooden headit was found during excavation of an ancient toilet in gdanskarchaeologists also discovered swords during the dig']\n", - "the eight-inch leather dildo with a wooden head was discovered during an excavation at an old school of swordsmanship in the coastal city of gdansk .a 250-year-old sex toy has been found by archaeologists during a dig of an ancient toilet in poland .it was probably dropped by someone in the toilet .\n", - "the 250-year-old toy was made from leather with a wooden headit was found during excavation of an ancient toilet in gdanskarchaeologists also discovered swords during the dig\n", - "[1.4112227 1.2210113 1.3352473 1.2053303 1.1684314 1.2179531 1.1312077\n", - " 1.1033632 1.0575839 1.1101611 1.0767207 1.0259477 1.0303761 1.0654736\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 5 3 4 6 9 7 10 13 8 12 11 18 14 15 16 17 19]\n", - "=======================\n", - "[\"deputy pm nick clegg said control of the department for education would be a key demand of any new power-sharing dealmr gove was demoted from running the ministry in last year 's cabinet reshuffle to become tory chief whip .mr clegg said he wanted to avoid a repeat of battling against the ` ideological gimmicks ' of mr gove , who was the first tory education secretary when the coalition was formed in 2010 .\"]\n", - "=======================\n", - "[\"lib dem leader makes a promise to take ` politics out of the classroom 'in last government lib dems ran business , energy and scotlandbut clegg reveals plan to demand control of major public policy areaaccuses tory minister michael gove of imposing ` ideological gimmicks '\"]\n", - "deputy pm nick clegg said control of the department for education would be a key demand of any new power-sharing dealmr gove was demoted from running the ministry in last year 's cabinet reshuffle to become tory chief whip .mr clegg said he wanted to avoid a repeat of battling against the ` ideological gimmicks ' of mr gove , who was the first tory education secretary when the coalition was formed in 2010 .\n", - "lib dem leader makes a promise to take ` politics out of the classroom 'in last government lib dems ran business , energy and scotlandbut clegg reveals plan to demand control of major public policy areaaccuses tory minister michael gove of imposing ` ideological gimmicks '\n", - "[1.2182045 1.5282636 1.2768124 1.3674471 1.3815815 1.0456626 1.0557865\n", - " 1.0260767 1.0242311 1.0664518 1.039518 1.0164518 1.0137298 1.1304898\n", - " 1.048617 1.2311689 1.040059 1.0638411 0. 0. ]\n", - "\n", - "[ 1 4 3 2 15 0 13 9 17 6 14 5 16 10 7 8 11 12 18 19]\n", - "=======================\n", - "[\"domanik green , 14 , has been accused of accessing the staff member 's laptop at paul r. smith middle school in holiday , florida , without permission by using an administrator 's password to alter the image to two men kissing .he was arrested on wednesday and detained at the land o'lakes detention center until he was released into the custody of his mother later the same day .the pasco county sheriff 's office have claimed he illicitly made his way into the encrypted system , had access to personal files and could have altered his classmates ' grades , but the youngster maintains it was an innocent prank .\"]\n", - "=======================\n", - "[\"domanik green , 14 , altered the background on the laptop at paul r. smith middle school in holiday , floridapasco county sheriff 's office said he hacked into an encrypted systemyoungster had access to tests and could have altered classmates ' gradeshe has been charged with a 3rd degree felony and has been suspended from school for 10 days\"]\n", - "domanik green , 14 , has been accused of accessing the staff member 's laptop at paul r. smith middle school in holiday , florida , without permission by using an administrator 's password to alter the image to two men kissing .he was arrested on wednesday and detained at the land o'lakes detention center until he was released into the custody of his mother later the same day .the pasco county sheriff 's office have claimed he illicitly made his way into the encrypted system , had access to personal files and could have altered his classmates ' grades , but the youngster maintains it was an innocent prank .\n", - "domanik green , 14 , altered the background on the laptop at paul r. smith middle school in holiday , floridapasco county sheriff 's office said he hacked into an encrypted systemyoungster had access to tests and could have altered classmates ' gradeshe has been charged with a 3rd degree felony and has been suspended from school for 10 days\n", - "[1.3936704 1.3273728 1.2134019 1.0830718 1.3388631 1.1777774 1.0817292\n", - " 1.0843487 1.1146295 1.0592933 1.1215862 1.1054878 1.0506628 1.0118043\n", - " 1.1269826 1.155586 1.0177788 1.0242608 1.0094625 1.0511467]\n", - "\n", - "[ 0 4 1 2 5 15 14 10 8 11 7 3 6 9 19 12 17 16 13 18]\n", - "=======================\n", - "['arnold palmer defied his age and a shoulder injury to hit the ceremonial opening drive of the 79th masters and provide the first storyline at augusta national this year .palmer , the seven-time major champion and now 85 years old , has been struggling in his recovery from a dislocated shoulder , which kept him out of the par 3 contest on wednesday .but he ignored the pain to take his place alongside jack nicklaus and gary player as the honorary starters on thursday morning .']\n", - "=======================\n", - "['arnold palmer has been struggling with a shoulder injurybut the 85-year-old legend hit the first drive of the 2015 mastersgary player , 79 , and jack nicklaus , 75 , also hit ceremonial opening drivesplayer took the bragging rights with a 240-yard tee shotclick here for the masters 2015 leaderboard']\n", - "arnold palmer defied his age and a shoulder injury to hit the ceremonial opening drive of the 79th masters and provide the first storyline at augusta national this year .palmer , the seven-time major champion and now 85 years old , has been struggling in his recovery from a dislocated shoulder , which kept him out of the par 3 contest on wednesday .but he ignored the pain to take his place alongside jack nicklaus and gary player as the honorary starters on thursday morning .\n", - "arnold palmer has been struggling with a shoulder injurybut the 85-year-old legend hit the first drive of the 2015 mastersgary player , 79 , and jack nicklaus , 75 , also hit ceremonial opening drivesplayer took the bragging rights with a 240-yard tee shotclick here for the masters 2015 leaderboard\n", - "[1.2473373 1.2811804 1.2046843 1.3286322 1.1904671 1.0717939 1.0204128\n", - " 1.0968205 1.1280731 1.0710108 1.077489 1.0934039 1.035517 1.0758189\n", - " 1.0486805 1.0142702 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 2 4 8 7 11 10 13 5 9 14 12 6 15 16 17 18 19]\n", - "=======================\n", - "['experts from centre for international research in the humanities and social sciences ( cirhus ) in new york city studied neolithic ornaments ( pictured ) to understand how farming spread .but northern europeans during the neolithic period , initially rejected the practice of farming , which was spreading throughout the rest of the continent , researchers claim .the first farmers came to europe 8,000 years ago and spread early agricultural practices , starting in greece .']\n", - "=======================\n", - "['experts from centre for international research in the humanities and social sciences ( cirhus ) in new york city studied neolithic ornamentsnecklaces made from shells and teeth date from 5,000 to 8,000 years agospread of early jewellery found to correspond to the spread of farmingexperts found farming spread more quickly in southern europe than north']\n", - "experts from centre for international research in the humanities and social sciences ( cirhus ) in new york city studied neolithic ornaments ( pictured ) to understand how farming spread .but northern europeans during the neolithic period , initially rejected the practice of farming , which was spreading throughout the rest of the continent , researchers claim .the first farmers came to europe 8,000 years ago and spread early agricultural practices , starting in greece .\n", - "experts from centre for international research in the humanities and social sciences ( cirhus ) in new york city studied neolithic ornamentsnecklaces made from shells and teeth date from 5,000 to 8,000 years agospread of early jewellery found to correspond to the spread of farmingexperts found farming spread more quickly in southern europe than north\n", - "[1.2767751 1.272575 1.1969671 1.2593973 1.1805366 1.2077454 1.1055827\n", - " 1.1004561 1.1860276 1.0581738 1.048637 1.0939174 1.0237544 1.0514867\n", - " 1.0614444 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 5 2 8 4 6 7 11 14 9 13 10 12 18 15 16 17 19]\n", - "=======================\n", - "[\"a family overheard a terrifying message on their young son 's baby monitor after the device and its camera were hacked .when the washington couple 's three-year-old had first began complaining of someone talking to him at night , his parents had put it down to their toddler 's over-active imagination , reported cbs new york .they believe the stranger has also got into the camera on the device .\"]\n", - "=======================\n", - "[\"washington couple 's son began complaining of someone talking to himone night they heard : ` wake up little boy daddy 's looking for you 'also believe hacker has infiltrated the device 's camera to watch their sontech experts warned baby monitors linked to internet are more vulnerable\"]\n", - "a family overheard a terrifying message on their young son 's baby monitor after the device and its camera were hacked .when the washington couple 's three-year-old had first began complaining of someone talking to him at night , his parents had put it down to their toddler 's over-active imagination , reported cbs new york .they believe the stranger has also got into the camera on the device .\n", - "washington couple 's son began complaining of someone talking to himone night they heard : ` wake up little boy daddy 's looking for you 'also believe hacker has infiltrated the device 's camera to watch their sontech experts warned baby monitors linked to internet are more vulnerable\n", - "[1.2761304 1.2225242 1.2892748 1.1093763 1.2193177 1.2622261 1.1289556\n", - " 1.0558947 1.0768174 1.1126145 1.0801312 1.0529795 1.0194802 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 5 1 4 6 9 3 10 8 7 11 12 18 13 14 15 16 17 19]\n", - "=======================\n", - "['in 2013 , he was diagnosed with a tumor in his esophagus that had spread to his lymph nodes and began treatment .the rev. robert h. schuller , the southern california televangelist and author who beamed his upbeat messages on faith and redemption to millions from his landmark crystal cathedral only to see his empire crumble in his waning years , has died .schuller died early thursday at a care facility in artesia , daughter carol schuller milner said .']\n", - "=======================\n", - "[\"the rev. robert h. schuller died early thursday at a care facility in artesia , daughter carol schuller milner saidhe and his late wife started a ministry in 1955 with $ 500 when he began preaching from the roof of a concession stand at a drive-in movie theater southeast of los angelesby 1961 , the church had a brick-and-mortar home -- a ` walk-in/drive-in church ' -- and schuller began broadcasting the ` hour of power ' in 1970in 1980 , he built the towering glass-and-steel crystal cathedral to house his booming tv ministryat its peak , in the 1990s , the program had 20 million viewers in about 180 countries\"]\n", - "in 2013 , he was diagnosed with a tumor in his esophagus that had spread to his lymph nodes and began treatment .the rev. robert h. schuller , the southern california televangelist and author who beamed his upbeat messages on faith and redemption to millions from his landmark crystal cathedral only to see his empire crumble in his waning years , has died .schuller died early thursday at a care facility in artesia , daughter carol schuller milner said .\n", - "the rev. robert h. schuller died early thursday at a care facility in artesia , daughter carol schuller milner saidhe and his late wife started a ministry in 1955 with $ 500 when he began preaching from the roof of a concession stand at a drive-in movie theater southeast of los angelesby 1961 , the church had a brick-and-mortar home -- a ` walk-in/drive-in church ' -- and schuller began broadcasting the ` hour of power ' in 1970in 1980 , he built the towering glass-and-steel crystal cathedral to house his booming tv ministryat its peak , in the 1990s , the program had 20 million viewers in about 180 countries\n", - "[1.3615042 1.4960823 1.2801746 1.0582601 1.0573243 1.0725266 1.02716\n", - " 1.162202 1.1513907 1.0686675 1.2794938 1.2176472 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 10 11 7 8 5 9 3 4 6 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"gunners goalkeeper deyan iliev was sent off inside 15 minutes after he scythed down boro 's harry chapman in the box , having failed to clear george dobson 's back pass .despite their best efforts , a 10-man arsenal under-21s side fell to a 3-2 defeat by middlesbrough at the riverside stadium on monday night .emmanuel ledesma converted the resulting penalty past substitute stopper matt macey .\"]\n", - "=======================\n", - "['arsenal under-21s fell to a 3-2 defeat at middlesbrough on monday nightthe gunners had goalkeeper deyan iliev sent off early onhe had brought down harry chapman in the box and a penalty was givenemmanuel ledesma scored from the spot before alex iwobi equalisedboro scored two first-half screamers to lead 3-1 through lewis maloney and yanic wildschut before daniel crowley scored on the hour mark']\n", - "gunners goalkeeper deyan iliev was sent off inside 15 minutes after he scythed down boro 's harry chapman in the box , having failed to clear george dobson 's back pass .despite their best efforts , a 10-man arsenal under-21s side fell to a 3-2 defeat by middlesbrough at the riverside stadium on monday night .emmanuel ledesma converted the resulting penalty past substitute stopper matt macey .\n", - "arsenal under-21s fell to a 3-2 defeat at middlesbrough on monday nightthe gunners had goalkeeper deyan iliev sent off early onhe had brought down harry chapman in the box and a penalty was givenemmanuel ledesma scored from the spot before alex iwobi equalisedboro scored two first-half screamers to lead 3-1 through lewis maloney and yanic wildschut before daniel crowley scored on the hour mark\n", - "[1.1933745 1.4128413 1.3049464 1.3593576 1.1170632 1.1123556 1.090425\n", - " 1.2111214 1.0861144 1.065882 1.0737916 1.0474074 1.0419343 1.1332651\n", - " 1.0479447 1.0556023 1.0303103 1.0510596 1.0952275 1.0543844]\n", - "\n", - "[ 1 3 2 7 0 13 4 5 18 6 8 10 9 15 19 17 14 11 12 16]\n", - "=======================\n", - "[\"one house was filmed as it was carried along a street in dungog , in the hunter valley , north of sydney .a house in dungog in nsw 's hunter valley is seen washing away and was captured on a smartphonea dungog resident filmed the half-submerged property drifting down the main drag as floodwater laps at its sides on his smartphone .\"]\n", - "=======================\n", - "[\"a house in dungog , in nsw 's hunter valley , is filmed being swept away by floodwaterthe footage , taken on a camera phone , shows the house narrowly avoiding power lines as it travels through the wild watera local dungog woman described how she had minutes to evacuate from the propertyin another incident , a second house was seen floating on a nearby lake\"]\n", - "one house was filmed as it was carried along a street in dungog , in the hunter valley , north of sydney .a house in dungog in nsw 's hunter valley is seen washing away and was captured on a smartphonea dungog resident filmed the half-submerged property drifting down the main drag as floodwater laps at its sides on his smartphone .\n", - "a house in dungog , in nsw 's hunter valley , is filmed being swept away by floodwaterthe footage , taken on a camera phone , shows the house narrowly avoiding power lines as it travels through the wild watera local dungog woman described how she had minutes to evacuate from the propertyin another incident , a second house was seen floating on a nearby lake\n", - "[1.4575055 1.2339599 1.5045292 1.249823 1.1555896 1.073966 1.1734656\n", - " 1.1154178 1.0396906 1.0243337 1.0213751 1.0320066 1.0242146 1.0573527\n", - " 1.0657609 1.0559942 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 1 6 4 7 5 14 13 15 8 11 9 12 10 18 16 17 19]\n", - "=======================\n", - "[\"rajul patel , 35 , targeted wealthy victims as they worked out at virgin active health clubs across london after obtaining memberships using the stolen driving licence of a gym-going doctor .rajul patel ( pictured ) has been jailed for stealing # 30,000 worth of jewellery and valuables from members of gyms across londonin one spree , patel stole a man 's platinum wedding ring , first-year anniversary ring , and a 40th birthday bracelet , isleworth crown court was told .\"]\n", - "=======================\n", - "['rajul patel stole # 30,000 worth of valuables from london gym memberstoday he was jailed for 32 months for carrying out eight burglaries in 2014the married father-of-one took wedding rings , phones and rolex watcheshe was caught when he returned to locker room just after starting workoutpatel tried to escape arrest by hiding behind a clothes rack in nearby shop']\n", - "rajul patel , 35 , targeted wealthy victims as they worked out at virgin active health clubs across london after obtaining memberships using the stolen driving licence of a gym-going doctor .rajul patel ( pictured ) has been jailed for stealing # 30,000 worth of jewellery and valuables from members of gyms across londonin one spree , patel stole a man 's platinum wedding ring , first-year anniversary ring , and a 40th birthday bracelet , isleworth crown court was told .\n", - "rajul patel stole # 30,000 worth of valuables from london gym memberstoday he was jailed for 32 months for carrying out eight burglaries in 2014the married father-of-one took wedding rings , phones and rolex watcheshe was caught when he returned to locker room just after starting workoutpatel tried to escape arrest by hiding behind a clothes rack in nearby shop\n", - "[1.2782166 1.3227994 1.2152027 1.2612022 1.0963049 1.1424805 1.0586641\n", - " 1.1122715 1.0339596 1.1039248 1.061614 1.0716726 1.0930406 1.0519515\n", - " 1.0394574 1.0486708 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 5 7 9 4 12 11 10 6 13 15 14 8 18 16 17 19]\n", - "=======================\n", - "['lifetime has its follow-up to its \" unauthorized saved by the bell \" tv movie : the network is now taking on full house .( cnn ) have mercy !the female-skewing cable network has greenlit \" the unauthorized full house story \" ( working title ) , the hollywood reporter has learned .']\n", - "=======================\n", - "['the network has reportedly greenlit the tell-alllifetime previously did an unauthorized movie on \" saved by the bell \"']\n", - "lifetime has its follow-up to its \" unauthorized saved by the bell \" tv movie : the network is now taking on full house .( cnn ) have mercy !the female-skewing cable network has greenlit \" the unauthorized full house story \" ( working title ) , the hollywood reporter has learned .\n", - "the network has reportedly greenlit the tell-alllifetime previously did an unauthorized movie on \" saved by the bell \"\n", - "[1.5950676 1.3422332 1.2902894 1.1208758 1.0330466 1.0319839 1.488447\n", - " 1.0228306 1.0331662 1.0195224 1.026221 1.0299369 1.0162734 1.0958979\n", - " 1.1062068 1.085362 1.0108151 1.0134702 1.0178981 0. ]\n", - "\n", - "[ 0 6 1 2 3 14 13 15 8 4 5 11 10 7 9 18 12 17 16 19]\n", - "=======================\n", - "[\"ronny deila hailed ultimate impact sub leigh griffiths for his hat-trick performance in celtic 's comeback premiership win over kilmarnock .ronny deila celebrates after celtic came from behind to beat kilmarnock at parkhead on wednesdayand then parkhead manager said the striker 's desire to prove him wrong should serve as an example to any player left out of his starting xi .\"]\n", - "=======================\n", - "['leigh griffiths came off the bench to score a hat-trick at parkheadthe striker helped celtic come from behind to beat kilmarnockceltic manager ronny deila hailed the substitute for his impactceltic eight points clear from aberdeen at top of scottish premiership']\n", - "ronny deila hailed ultimate impact sub leigh griffiths for his hat-trick performance in celtic 's comeback premiership win over kilmarnock .ronny deila celebrates after celtic came from behind to beat kilmarnock at parkhead on wednesdayand then parkhead manager said the striker 's desire to prove him wrong should serve as an example to any player left out of his starting xi .\n", - "leigh griffiths came off the bench to score a hat-trick at parkheadthe striker helped celtic come from behind to beat kilmarnockceltic manager ronny deila hailed the substitute for his impactceltic eight points clear from aberdeen at top of scottish premiership\n", - "[1.450282 1.092914 1.4410913 1.5349596 1.1756556 1.0898575 1.0564749\n", - " 1.0267012 1.0219479 1.0214704 1.0125259 1.0144796 1.0139861 1.1737708\n", - " 1.1643721 1.0958947 1.1058223 1.0139285 1.0123378 1.0103613 1.0192484]\n", - "\n", - "[ 3 0 2 4 13 14 16 15 1 5 6 7 8 9 20 11 12 17 10 18 19]\n", - "=======================\n", - "[\"west brom manager tony pulis led his side to a 2-0 victory over his former employers crystal palacewest bromwich albion had just produced a typical tony pulis performance to beat his former club crystal palace 2-0 when he claimed he will never change .james morrison headed in within two minutes and craig gardner added a stunning 30-yard strike in the second half , but alan pardew 's side dominated the remainder of the game only to be met by west brom 's stubborn doggedness .\"]\n", - "=======================\n", - "[\"tony pulis led west brom to 2-0 win over his former club crystal palacewest brom 's performance was typically disciplined of a pulis sidepulis has insisted that his signature style will never change\"]\n", - "west brom manager tony pulis led his side to a 2-0 victory over his former employers crystal palacewest bromwich albion had just produced a typical tony pulis performance to beat his former club crystal palace 2-0 when he claimed he will never change .james morrison headed in within two minutes and craig gardner added a stunning 30-yard strike in the second half , but alan pardew 's side dominated the remainder of the game only to be met by west brom 's stubborn doggedness .\n", - "tony pulis led west brom to 2-0 win over his former club crystal palacewest brom 's performance was typically disciplined of a pulis sidepulis has insisted that his signature style will never change\n", - "[1.2574992 1.4624676 1.3781416 1.4089643 1.1493356 1.0788428 1.0874718\n", - " 1.1568137 1.0635673 1.0673635 1.0931858 1.039847 1.0088872 1.0152032\n", - " 1.0265179 1.0294547 1.0577192 1.012882 1.0102993 0. 0. ]\n", - "\n", - "[ 1 3 2 0 7 4 10 6 5 9 8 16 11 15 14 13 17 18 12 19 20]\n", - "=======================\n", - "[\"lisa morgan , 40 , a legal secretary , amended the site she had set up for former boyfriend sean meade , 45 , to claim he had been unfaithful .visitors to the top of the world roofing website are told it has ` ceased trading at present ' as the boss was ` unfortunately found out to be cheating yet again ' .a roofing boss has alleged to be a love cheat on his own company website - when his furious ex-girlfriend altered the page to shame him .\"]\n", - "=======================\n", - "[\"lisa morgan , 40 , amended site to claim her boyfriend had been unfaithfultop of the world roofing website says it 's ` ceased trading at present 'site now claims boss was ` unfortunately found out to be cheating again 'met sean meade , 45 , in august but soon grew wary when he was never incontacted his estranged wife , jo , who told her he had cheated on her too\"]\n", - "lisa morgan , 40 , a legal secretary , amended the site she had set up for former boyfriend sean meade , 45 , to claim he had been unfaithful .visitors to the top of the world roofing website are told it has ` ceased trading at present ' as the boss was ` unfortunately found out to be cheating yet again ' .a roofing boss has alleged to be a love cheat on his own company website - when his furious ex-girlfriend altered the page to shame him .\n", - "lisa morgan , 40 , amended site to claim her boyfriend had been unfaithfultop of the world roofing website says it 's ` ceased trading at present 'site now claims boss was ` unfortunately found out to be cheating again 'met sean meade , 45 , in august but soon grew wary when he was never incontacted his estranged wife , jo , who told her he had cheated on her too\n", - "[1.4098122 1.410917 1.4353522 1.3104899 1.1190808 1.0965912 1.1217104\n", - " 1.0163133 1.0164275 1.118901 1.160547 1.0678195 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 10 6 4 9 5 11 8 7 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "['the former world no1 has returned to action after taking a break from golf to recover from a series of niggling injuries and rediscover his form .he was also joined on the course by long-term skier girlfriend lindsey vonn .tiger woods was pictured giving his children hugs during the second day of practice at augusta national golf club ahead of the masters 2015 .']\n", - "=======================\n", - "[\"tiger woods was joined on the course at augusta national golf club by his young children and girlfriend lindsey vonnwoods has returned to action following a self-imposed break from the sport to work on his game and recover from niggling injurieshe is bidding to win the 15th major of his career at this year 's masters\"]\n", - "the former world no1 has returned to action after taking a break from golf to recover from a series of niggling injuries and rediscover his form .he was also joined on the course by long-term skier girlfriend lindsey vonn .tiger woods was pictured giving his children hugs during the second day of practice at augusta national golf club ahead of the masters 2015 .\n", - "tiger woods was joined on the course at augusta national golf club by his young children and girlfriend lindsey vonnwoods has returned to action following a self-imposed break from the sport to work on his game and recover from niggling injurieshe is bidding to win the 15th major of his career at this year 's masters\n", - "[1.5225329 1.3599305 1.2445049 1.4105554 1.1643374 1.0656072 1.1738539\n", - " 1.0755712 1.0607903 1.1078358 1.1186969 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 6 4 10 9 7 5 8 19 11 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"club tijuana star juan arango conjured memories luis suarez in his team 's 4-3 defeat by monterrey in the mexican league - but it was not through prodigious scoring .juan arango ( left ) bites the shoulder of opponent jesus zavela in a moment of madnesshe was not booked by the referee but could face a heavy retrospective ban .\"]\n", - "=======================\n", - "[\"juan arango escaped punishment from the referee for biting jesus zavelahe could face a retrospective punishment for the incidentarango had earlier scored a free kick in his team 's 4-3 defeat\"]\n", - "club tijuana star juan arango conjured memories luis suarez in his team 's 4-3 defeat by monterrey in the mexican league - but it was not through prodigious scoring .juan arango ( left ) bites the shoulder of opponent jesus zavela in a moment of madnesshe was not booked by the referee but could face a heavy retrospective ban .\n", - "juan arango escaped punishment from the referee for biting jesus zavelahe could face a retrospective punishment for the incidentarango had earlier scored a free kick in his team 's 4-3 defeat\n", - "[1.5122156 1.3873328 1.1455257 1.1364667 1.1257966 1.0883125 1.042813\n", - " 1.1148691 1.2414824 1.069332 1.1081538 1.0775906 1.0733697 1.077545\n", - " 1.2063112 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 8 14 2 3 4 7 10 5 11 13 12 9 6 19 15 16 17 18 20]\n", - "=======================\n", - "[\"( cnn ) lady antebellum singer hillary scott 's tour bus caught fire on a texas freeway thursday morning , but everyone on board was safely evacuated .michael barnett captured dramatic video of the fire , on interstate 30 just northeast of dallas , and uploaded it to cnn ireport .hillary scott , co-lead singer for the band , posted a photo of the charred bus on instagram and noted that she , her husband , the tour manager and the driver were all evacuated safely .\"]\n", - "=======================\n", - "[\"country band lady antebellum 's bus caught fire thursday on a texas freewaya cnn ireporter captured the dramatic scene on videosinger hillary scott shared a pic of the charred bus on instagram\"]\n", - "( cnn ) lady antebellum singer hillary scott 's tour bus caught fire on a texas freeway thursday morning , but everyone on board was safely evacuated .michael barnett captured dramatic video of the fire , on interstate 30 just northeast of dallas , and uploaded it to cnn ireport .hillary scott , co-lead singer for the band , posted a photo of the charred bus on instagram and noted that she , her husband , the tour manager and the driver were all evacuated safely .\n", - "country band lady antebellum 's bus caught fire thursday on a texas freewaya cnn ireporter captured the dramatic scene on videosinger hillary scott shared a pic of the charred bus on instagram\n", - "[1.3566766 1.3287473 1.2646216 1.3072779 1.2035733 1.2870448 1.1076266\n", - " 1.0807645 1.2089485 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 5 2 8 4 6 7 17 16 15 14 9 12 11 10 18 13 19]\n", - "=======================\n", - "[\"spartak moscow have been fined and their fans barred from two away games after the club lost its appeal against sanctions for a racist banner .the russian football union said spartak fans displayed ' a banner of discriminatory content with a racist symbol , ' specifically a celtic cross , typically used in russia as a symbol for white supremacist groups .spartak was fined 200,000 rubles ( # 2,500 ) over the incident , which took place during the team 's 1-0 russian premier league loss to arsenal tula earlier this month .\"]\n", - "=======================\n", - "[\"spartak moscow appealed against sanctions for a racist bannerthe russian football union rejected and fined the club # 2,500only women and children are allowed to spartak 's next two away games\"]\n", - "spartak moscow have been fined and their fans barred from two away games after the club lost its appeal against sanctions for a racist banner .the russian football union said spartak fans displayed ' a banner of discriminatory content with a racist symbol , ' specifically a celtic cross , typically used in russia as a symbol for white supremacist groups .spartak was fined 200,000 rubles ( # 2,500 ) over the incident , which took place during the team 's 1-0 russian premier league loss to arsenal tula earlier this month .\n", - "spartak moscow appealed against sanctions for a racist bannerthe russian football union rejected and fined the club # 2,500only women and children are allowed to spartak 's next two away games\n", - "[1.1161387 1.2030329 1.222895 1.2502793 1.0702084 1.0973927 1.2663562\n", - " 1.125424 1.024467 1.0830274 1.0992306 1.0533378 1.093891 1.0813982\n", - " 1.0916698 1.0769933 1.0325679 1.0152721 1.0180055 0. ]\n", - "\n", - "[ 6 3 2 1 7 0 10 5 12 14 9 13 15 4 11 16 8 18 17 19]\n", - "=======================\n", - "[\"starting a plane is ` a little more complicated ' than starting a car , said captain piers applegarth , a representative of the british airline pilots association ( balpa ) .once a pilot initiates the sequence to start a modern plane , the remaining steps are done automaticallymailonline travel spoke to a number of experts to debunk some of the myths that exist and answer some of travellers ' frequently asked questions about planes .\"]\n", - "=======================\n", - "[\"flying is a thrilling experience but is full of mystery for most passengersmailonline travel spoke to experts to answer common questionsto reduce the risk of food poisoning , pilots do not eat the same mealslarger planes have private sleeping quarters for flight attendants` the world 's strongest man ' would n't be able to open a door mid-flight\"]\n", - "starting a plane is ` a little more complicated ' than starting a car , said captain piers applegarth , a representative of the british airline pilots association ( balpa ) .once a pilot initiates the sequence to start a modern plane , the remaining steps are done automaticallymailonline travel spoke to a number of experts to debunk some of the myths that exist and answer some of travellers ' frequently asked questions about planes .\n", - "flying is a thrilling experience but is full of mystery for most passengersmailonline travel spoke to experts to answer common questionsto reduce the risk of food poisoning , pilots do not eat the same mealslarger planes have private sleeping quarters for flight attendants` the world 's strongest man ' would n't be able to open a door mid-flight\n", - "[1.145192 1.5423212 1.2764268 1.4490054 1.156929 1.1459986 1.0378684\n", - " 1.0375706 1.0928314 1.0234275 1.0771471 1.0238106 1.0407699 1.0369747\n", - " 1.1672014 1.087976 1.1392136 1.0931482 1.0333122 1.0478734]\n", - "\n", - "[ 1 3 2 14 4 5 0 16 17 8 15 10 19 12 6 7 13 18 11 9]\n", - "=======================\n", - "['marina lyons , 80 , took her beloved dog rosie to the pdsa petaid hospital in hull for an operation to remove her spleen after a scan detected a tumour .the operation , carried out three weeks ago , was successful but when marina returned home with the ten-year-old lhasa apso dog , she noticed lots of bruising on the its back .rosie had to have treatment to remove dead skin from the burn , and is expected to have a skin graft .']\n", - "=======================\n", - "[\"marina lyons , 80 , took pet dog rosie for operation to remove her spleenafter successful surgery noticed dark bruising along the dog 's backwas told damage was from surgery , but took pet for a second opinionsecond vet discovered burns , and had to operate to remove dead skinwarning graphic content\"]\n", - "marina lyons , 80 , took her beloved dog rosie to the pdsa petaid hospital in hull for an operation to remove her spleen after a scan detected a tumour .the operation , carried out three weeks ago , was successful but when marina returned home with the ten-year-old lhasa apso dog , she noticed lots of bruising on the its back .rosie had to have treatment to remove dead skin from the burn , and is expected to have a skin graft .\n", - "marina lyons , 80 , took pet dog rosie for operation to remove her spleenafter successful surgery noticed dark bruising along the dog 's backwas told damage was from surgery , but took pet for a second opinionsecond vet discovered burns , and had to operate to remove dead skinwarning graphic content\n", - "[1.1799126 1.2549728 1.2624853 1.2776418 1.1405795 1.0338253 1.0541013\n", - " 1.1754954 1.1015294 1.0258667 1.0350603 1.0190665 1.1083441 1.0448252\n", - " 1.050948 1.0185611 1.0204422 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 0 7 4 12 8 6 14 13 10 5 9 16 11 15 18 17 19]\n", - "=======================\n", - "['the hunger games book ( left ) , the main character , katniss everdeen ( played by jennifer lawrence in the film - pictured right ) deals with exciting scenarios but never from any teenage ailments such as acne or bracesteenagers have taken to the social media site to hilariously voice their frustrations between the fantastical lives in the pages of books and in films , and reality using the hashtag #realisticya .however , the rise of the young adult heroine has prompted a backlash on twitter , as more people compare the fictional portrayals with the mediocrity of their own lives .']\n", - "=======================\n", - "['young adult novels regularly feature teen heroines saving the worldbooks like the hunger games and divergent show unrealistic portrayalsadolescents have used hashtag to voice frustrations about real teenage life']\n", - "the hunger games book ( left ) , the main character , katniss everdeen ( played by jennifer lawrence in the film - pictured right ) deals with exciting scenarios but never from any teenage ailments such as acne or bracesteenagers have taken to the social media site to hilariously voice their frustrations between the fantastical lives in the pages of books and in films , and reality using the hashtag #realisticya .however , the rise of the young adult heroine has prompted a backlash on twitter , as more people compare the fictional portrayals with the mediocrity of their own lives .\n", - "young adult novels regularly feature teen heroines saving the worldbooks like the hunger games and divergent show unrealistic portrayalsadolescents have used hashtag to voice frustrations about real teenage life\n", - "[1.416798 1.2448896 1.3825814 1.4046781 1.1295688 1.1167426 1.2096393\n", - " 1.0299077 1.024811 1.0415789 1.0171291 1.1069194 1.139158 1.2526927\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 13 1 6 12 4 5 11 9 7 8 10 18 14 15 16 17 19]\n", - "=======================\n", - "[\"manchester united have put forward an opening # 21.5 million offer for dortmund captain mats hummels , according to german newspaper bild .manchester united are reported to have put in a # 21.5 m bid for dortmund defender mats hummels ( left )dortmund are keen to bring in sami khedira from real madrid as their new captain amid a summer of big changes following jurgen klopp 's announcement that he will leave the club at the end of the season .\"]\n", - "=======================\n", - "['dortmund value defender mats hummels at # 35millionmanchester united could take advantage of sea of change at dortmundjurgen klopp is leaving dortmund and host of stars are expected to followman utd also identify ilkay gundogan as replacement for michael carrickman united fan provides louis van gaal with # 300m transfer wish list']\n", - "manchester united have put forward an opening # 21.5 million offer for dortmund captain mats hummels , according to german newspaper bild .manchester united are reported to have put in a # 21.5 m bid for dortmund defender mats hummels ( left )dortmund are keen to bring in sami khedira from real madrid as their new captain amid a summer of big changes following jurgen klopp 's announcement that he will leave the club at the end of the season .\n", - "dortmund value defender mats hummels at # 35millionmanchester united could take advantage of sea of change at dortmundjurgen klopp is leaving dortmund and host of stars are expected to followman utd also identify ilkay gundogan as replacement for michael carrickman united fan provides louis van gaal with # 300m transfer wish list\n", - "[1.3694242 1.3619144 1.1239527 1.2961197 1.3919185 1.2127295 1.1024911\n", - " 1.1568522 1.0367519 1.0602496 1.0563375 1.0117382 1.0084393 1.0348974\n", - " 1.0094328 1.0153162 1.1538503 1.0500487 1.0356733 1.0097191 0. ]\n", - "\n", - "[ 4 0 1 3 5 7 16 2 6 9 10 17 8 18 13 15 11 19 14 12 20]\n", - "=======================\n", - "[\"ennis-hill will compete against katarina johnson-thompson in austria at the end of mayjessica ennis-hill has revealed she faces her ` biggest challenge ever ' as she attempts to juggle being a mother with winning gold at next year 's rio olympics .britain 's golden girl of athletics is ready to step back on the track nine months after the birth of son reggie and next month she will take on katarina-johnson thompson , 22 , who has risen to prominence in ennis-hill 's absence , winning pentathlon gold at the european indoor championships last month and taking her british record .\"]\n", - "=======================\n", - "['jessica ennis-hill is juggling motherhood with aiming for a gold medalshe begins her comeback in may and targets glory at rio olympicsennis-hill admires katarina johnson-thompson but wants to beat her']\n", - "ennis-hill will compete against katarina johnson-thompson in austria at the end of mayjessica ennis-hill has revealed she faces her ` biggest challenge ever ' as she attempts to juggle being a mother with winning gold at next year 's rio olympics .britain 's golden girl of athletics is ready to step back on the track nine months after the birth of son reggie and next month she will take on katarina-johnson thompson , 22 , who has risen to prominence in ennis-hill 's absence , winning pentathlon gold at the european indoor championships last month and taking her british record .\n", - "jessica ennis-hill is juggling motherhood with aiming for a gold medalshe begins her comeback in may and targets glory at rio olympicsennis-hill admires katarina johnson-thompson but wants to beat her\n", - "[1.1028767 1.4247147 1.1431701 1.3915281 1.2530637 1.0618304 1.05466\n", - " 1.0519962 1.150169 1.1161834 1.0876871 1.0559683 1.0299095 1.05962\n", - " 1.0549088 1.0479181 1.0523164 1.0692934 1.0368564 0. 0. ]\n", - "\n", - "[ 1 3 4 8 2 9 0 10 17 5 13 11 14 6 16 7 15 18 12 19 20]\n", - "=======================\n", - "[\"now it has been reported that the korean tech giant will be the main supplier of the a9 chips in apple 's upcoming iphone range .samsung has previously supplied apple with various iphone parts , but following legal disputes , apple shifted away from its rival and signed a monopoly deal with taiwan semiconductor manufacturing ( tsmc ) in 2013although this is n't the first time samsung has manufactured parts for iphones , it signals that the frosty partnership between the two may be thawing .\"]\n", - "=======================\n", - "[\"reports claim samsung will make the a9 chips for apple 's next iphonea7 and a8 were mostly made by taiwanese semiconductor manufacturingapple moved away from samsung as a substantial chip partner in 2013samsung has previously made flash and working memory for iphones\"]\n", - "now it has been reported that the korean tech giant will be the main supplier of the a9 chips in apple 's upcoming iphone range .samsung has previously supplied apple with various iphone parts , but following legal disputes , apple shifted away from its rival and signed a monopoly deal with taiwan semiconductor manufacturing ( tsmc ) in 2013although this is n't the first time samsung has manufactured parts for iphones , it signals that the frosty partnership between the two may be thawing .\n", - "reports claim samsung will make the a9 chips for apple 's next iphonea7 and a8 were mostly made by taiwanese semiconductor manufacturingapple moved away from samsung as a substantial chip partner in 2013samsung has previously made flash and working memory for iphones\n", - "[1.2316898 1.4615912 1.2329407 1.2112925 1.2151742 1.3642429 1.2140486\n", - " 1.0295064 1.0228367 1.0266165 1.0211076 1.013234 1.1516477 1.1852617\n", - " 1.0864047 1.129129 1.0360202 1.0094913 1.0069422 1.0074911 1.0591301]\n", - "\n", - "[ 1 5 2 0 4 6 3 13 12 15 14 20 16 7 9 8 10 11 17 19 18]\n", - "=======================\n", - "[\"danny nickerson , six , who loved to receive mail , was diagnosed with an inoperable brain tumor in october 2013 .last july , his birthday request for cards with his name on them went viral .a massachusetts boy who received more than 150,000 letters and packages after requesting ' a box of cards ' for his sixth birthday has died after his battle with a rare brain tumor .\"]\n", - "=======================\n", - "[\"danny nickerson was diagnosed with an inoperable brain tumor in 2013he received more than 150,000 birthday cards and packages after requesting a ` box of cards ' for his birthday last julyhis mother , carley nickerson , shared the news of his passing on fridaynickerson fought through 33 radiation treatments and two clinical trials which consisted of chemotherapy during his battle with dipg\"]\n", - "danny nickerson , six , who loved to receive mail , was diagnosed with an inoperable brain tumor in october 2013 .last july , his birthday request for cards with his name on them went viral .a massachusetts boy who received more than 150,000 letters and packages after requesting ' a box of cards ' for his sixth birthday has died after his battle with a rare brain tumor .\n", - "danny nickerson was diagnosed with an inoperable brain tumor in 2013he received more than 150,000 birthday cards and packages after requesting a ` box of cards ' for his birthday last julyhis mother , carley nickerson , shared the news of his passing on fridaynickerson fought through 33 radiation treatments and two clinical trials which consisted of chemotherapy during his battle with dipg\n", - "[1.2456385 1.1348162 1.443728 1.2752126 1.2284222 1.1868101 1.0721685\n", - " 1.1659532 1.1002326 1.0525986 1.1270738 1.0964397 1.0395893 1.0628325\n", - " 1.0249038 1.0132134 1.0067785 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 4 5 7 1 10 8 11 6 13 9 12 14 15 16 19 17 18 20]\n", - "=======================\n", - "['the predicted life spans of women aged 65 , 75 , 85 and 95 fell in 2012 -- the first time since 1995 that falls in all four age groups were recorded .by 2013 , the average 75-year-old woman could expect to live another 13 years and five weeks -- five weeks less than in 2011 , a government report shows .life expectancy for older women has fallen after decades of rises as unhealthy lifestyles and cuts to social care take their toll']\n", - "=======================\n", - "['predicted life spans of women aged 65 , 75 , 85 and 95 fell in 2012also found increasing life expectancy for men in 60s and 70s had stalledlife expectancy for english women already among worst in west europe']\n", - "the predicted life spans of women aged 65 , 75 , 85 and 95 fell in 2012 -- the first time since 1995 that falls in all four age groups were recorded .by 2013 , the average 75-year-old woman could expect to live another 13 years and five weeks -- five weeks less than in 2011 , a government report shows .life expectancy for older women has fallen after decades of rises as unhealthy lifestyles and cuts to social care take their toll\n", - "predicted life spans of women aged 65 , 75 , 85 and 95 fell in 2012also found increasing life expectancy for men in 60s and 70s had stalledlife expectancy for english women already among worst in west europe\n", - "[1.3162163 1.5406867 1.2885392 1.1937134 1.3619597 1.0355613 1.0280174\n", - " 1.0247278 1.0360703 1.0498294 1.0218322 1.1764183 1.0647932 1.0496836\n", - " 1.0953736 1.0150266 1.0078651 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 2 3 11 14 12 9 13 8 5 6 7 10 15 16 17 18 19 20]\n", - "=======================\n", - "[\"in total , six tigers , a bear , a lion , a cougar , a black leopard and a liger ( part lion , part tiger ) were taken from kenny hetrick 's stony ridge farm after it was found he did not have the correct permit and cages were ` unsafe ' .feeling lost : kenny hetrick is campaigning for his tigers , leopards and bears to be returned after they were seized by the state in januaryauthorities have also started cracking down on the owners of wild creatures following an incident in 2011 where a man in eastern ohio released 56 exotic animals - including lions and tigers - then killed himself .\"]\n", - "=======================\n", - "[\"in total , six tigers , a bear , a lion , a cougar , a black leopard and a liger ( part lion , part tiger ) were taken from kenny hetrick 's stony ridge farmstate officials found he did n't have the right permit and cages were ` unsafe 'but now the 72-year-old is fighting to overturn the seizure , backed by neighbors who insist his menagerie does n't pose a threat` he 's lost without them , ' said josh large , who lives four houses away\"]\n", - "in total , six tigers , a bear , a lion , a cougar , a black leopard and a liger ( part lion , part tiger ) were taken from kenny hetrick 's stony ridge farm after it was found he did not have the correct permit and cages were ` unsafe ' .feeling lost : kenny hetrick is campaigning for his tigers , leopards and bears to be returned after they were seized by the state in januaryauthorities have also started cracking down on the owners of wild creatures following an incident in 2011 where a man in eastern ohio released 56 exotic animals - including lions and tigers - then killed himself .\n", - "in total , six tigers , a bear , a lion , a cougar , a black leopard and a liger ( part lion , part tiger ) were taken from kenny hetrick 's stony ridge farmstate officials found he did n't have the right permit and cages were ` unsafe 'but now the 72-year-old is fighting to overturn the seizure , backed by neighbors who insist his menagerie does n't pose a threat` he 's lost without them , ' said josh large , who lives four houses away\n", - "[1.1944681 1.3558102 1.3687683 1.1776003 1.1798328 1.1313307 1.194069\n", - " 1.1790172 1.1484206 1.0622909 1.0177385 1.0899378 1.0338076 1.0094796\n", - " 1.0130081 1.0099535 1.0100365 1.010109 1.0332915 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 6 4 7 3 8 5 11 9 12 18 10 14 17 16 15 13 22 19 20 21 23]\n", - "=======================\n", - "[\"alabama-born mom-of-two elisha wilson beach , is pictured breastfeeding her daughter in the image .originally posted on instagram and then shared on the facebook page of life of dad , which describes itself as ` the social network for dads ' , the picture has now been shared more than 25,000 times and has been liked on facebook more than 211,000 times .an image of a woman breastfeeding her toddler while sitting on the toilet with her trousers around her ankles has caused a storm on the internet .\"]\n", - "=======================\n", - "[\"picture shows elisha wilson beach nursing her child while on the toiletthe photo has gone viral with more than 211,000 likes on facebookbut many have criticized the mom of two for her bathroom breastfeedingla-based wilson beach says ` motherhood ai n't pretty '\"]\n", - "alabama-born mom-of-two elisha wilson beach , is pictured breastfeeding her daughter in the image .originally posted on instagram and then shared on the facebook page of life of dad , which describes itself as ` the social network for dads ' , the picture has now been shared more than 25,000 times and has been liked on facebook more than 211,000 times .an image of a woman breastfeeding her toddler while sitting on the toilet with her trousers around her ankles has caused a storm on the internet .\n", - "picture shows elisha wilson beach nursing her child while on the toiletthe photo has gone viral with more than 211,000 likes on facebookbut many have criticized the mom of two for her bathroom breastfeedingla-based wilson beach says ` motherhood ai n't pretty '\n", - "[1.2692455 1.2633278 1.1821687 1.2145762 1.2181185 1.1599444 1.184325\n", - " 1.1620905 1.0785294 1.0940611 1.1580914 1.0702429 1.0245168 1.0790431\n", - " 1.0754071 1.0141033 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 3 6 2 7 5 10 9 13 8 14 11 12 15 22 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"the 100th anniversary of the landing of anzac troops at gallipoli during world war i has been commemorated by the creation of a freshly minted $ 2 coin .the coin has an image of poppies - symbolic of remembrance - among crosses similar to those that mark the graves of fallen soldiers , and the words ` lest we forget ' .they will be in circulation from monday , but an artist 's impression of the coin clearly shows the craftsmanship involved .\"]\n", - "=======================\n", - "[\"new $ 2 coin minted to mark the 100th anniversary of gallipoli landingsymbolic red poppy design used with the words ` lest we forget 'one and a half million coins released into circulation over coming weekscoin part of australian mint 's official anzac centenary coin programmint is one of two in the world which produces colour print on coins\"]\n", - "the 100th anniversary of the landing of anzac troops at gallipoli during world war i has been commemorated by the creation of a freshly minted $ 2 coin .the coin has an image of poppies - symbolic of remembrance - among crosses similar to those that mark the graves of fallen soldiers , and the words ` lest we forget ' .they will be in circulation from monday , but an artist 's impression of the coin clearly shows the craftsmanship involved .\n", - "new $ 2 coin minted to mark the 100th anniversary of gallipoli landingsymbolic red poppy design used with the words ` lest we forget 'one and a half million coins released into circulation over coming weekscoin part of australian mint 's official anzac centenary coin programmint is one of two in the world which produces colour print on coins\n", - "[1.1339208 1.0824256 1.1506262 1.0783112 1.0560546 1.0614136 1.0245346\n", - " 1.0184608 1.0170037 1.0402862 1.4302633 1.261503 1.3212638 1.098255\n", - " 1.1134269 1.0500383 1.0331151 1.0321347 1.0186415 1.0143397 1.0214012\n", - " 1.0253049 1.017517 1.0184867]\n", - "\n", - "[10 12 11 2 0 14 13 1 3 5 4 15 9 16 17 21 6 20 18 23 7 22 8 19]\n", - "=======================\n", - "[\"manchester city goalkeeper joe hart insists his side are still capable of winning the premier league titlechelsea are nine points clear of manchester city` it 's kind of how we do it , ' said hart , when asked about city 's need to overcome a nine-point deficit .\"]\n", - "=======================\n", - "['manchester city are currently nine points behind league leaders chelseacity face crystal palace at selhurst park on monday eveningjoe hart has said his side will not give up on retaining the title']\n", - "manchester city goalkeeper joe hart insists his side are still capable of winning the premier league titlechelsea are nine points clear of manchester city` it 's kind of how we do it , ' said hart , when asked about city 's need to overcome a nine-point deficit .\n", - "manchester city are currently nine points behind league leaders chelseacity face crystal palace at selhurst park on monday eveningjoe hart has said his side will not give up on retaining the title\n", - "[1.4256392 1.2237442 1.4125423 1.1912465 1.1730611 1.1097293 1.1110367\n", - " 1.1126708 1.0294619 1.0798153 1.0775338 1.0293249 1.08588 1.0702771\n", - " 1.1039811 1.0669072 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 4 7 6 5 14 12 9 10 13 15 8 11 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"tragic : joshua vaughan , 17 , died in january this year when he was struck by a trainshortly before his death , his girlfriend had sent his mother a message on facebook , saying the teen was on a platform and that ` he was going to end it ' .his mother stacey vaughan told the inquest how she had immediately phoned joshua , an apprentice at an insurance firm , and found that he was crying .\"]\n", - "=======================\n", - "[\"joshua vaughan ` stepped in front of a train ' in sheffield in januaryjoshua , 17 , had suffered issues with ` on-off ' girlfriend , inquest heardhis girlfriend messaged his mother that ` he was going to end it 'for confidential support call the samaritans in the uk on 08457 90 90 90 , visit a local samaritans branch or click here for details\"]\n", - "tragic : joshua vaughan , 17 , died in january this year when he was struck by a trainshortly before his death , his girlfriend had sent his mother a message on facebook , saying the teen was on a platform and that ` he was going to end it ' .his mother stacey vaughan told the inquest how she had immediately phoned joshua , an apprentice at an insurance firm , and found that he was crying .\n", - "joshua vaughan ` stepped in front of a train ' in sheffield in januaryjoshua , 17 , had suffered issues with ` on-off ' girlfriend , inquest heardhis girlfriend messaged his mother that ` he was going to end it 'for confidential support call the samaritans in the uk on 08457 90 90 90 , visit a local samaritans branch or click here for details\n", - "[1.1812049 1.3830633 1.3837626 1.2447457 1.159383 1.1537545 1.093838\n", - " 1.0356408 1.0581214 1.0183215 1.0212216 1.0213017 1.0812219 1.0244833\n", - " 1.0270798 1.1142931 1.0368284 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 0 4 5 15 6 12 8 16 7 14 13 11 10 9 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"the consultants drafted in by the labour leader claim to work with politicians to build ` leadership skills ' using ` neuroscience ' and ` business psychology ' .now ed miliband has hired a leadership coaching firm that helps people overcome anxiety and find their ` inner voice ' .he has long struggled to convince voters that he is a suitable choice for prime minister .\"]\n", - "=======================\n", - "[\"ed miliband is trying to build his ` leadership skills ' using psychologyhe has hired a leadership coaching firm to help him feel less anxiousthe firm extendedmind also tries to make its clients seem ` more authentic 'miliband had a note to remind him to be a ` happy warrior ' during a debate\"]\n", - "the consultants drafted in by the labour leader claim to work with politicians to build ` leadership skills ' using ` neuroscience ' and ` business psychology ' .now ed miliband has hired a leadership coaching firm that helps people overcome anxiety and find their ` inner voice ' .he has long struggled to convince voters that he is a suitable choice for prime minister .\n", - "ed miliband is trying to build his ` leadership skills ' using psychologyhe has hired a leadership coaching firm to help him feel less anxiousthe firm extendedmind also tries to make its clients seem ` more authentic 'miliband had a note to remind him to be a ` happy warrior ' during a debate\n", - "[1.2469108 1.2692852 1.1178782 1.1925619 1.1485102 1.2895217 1.2105446\n", - " 1.033921 1.024489 1.105562 1.092919 1.0873007 1.0879586 1.0527711\n", - " 1.035117 1.0653161 1.0419455 1.0454392 1.0223962 1.0840359 0. ]\n", - "\n", - "[ 5 1 0 6 3 4 2 9 10 12 11 19 15 13 17 16 14 7 8 18 20]\n", - "=======================\n", - "['its 2,000 employees have a median salary of $ 180,000 nowthe other boldface name in the group is google , which comes in at no. 13 and pays an median of $ 143,000 a year .nine of the top 15 companies are in the tech sector , according to salary data compiled by the recruiting company glassdoor.com .']\n", - "=======================\n", - "['netflix offers median salary of $ 180,000corporate law firm skadden arps came in on top with $ 182,000 median salary for 4,500 employeesgoogle , the by far the biggest employer , ranks 13th']\n", - "its 2,000 employees have a median salary of $ 180,000 nowthe other boldface name in the group is google , which comes in at no. 13 and pays an median of $ 143,000 a year .nine of the top 15 companies are in the tech sector , according to salary data compiled by the recruiting company glassdoor.com .\n", - "netflix offers median salary of $ 180,000corporate law firm skadden arps came in on top with $ 182,000 median salary for 4,500 employeesgoogle , the by far the biggest employer , ranks 13th\n", - "[1.3141336 1.3194933 1.3514148 1.1863638 1.2619824 1.0551803 1.0194981\n", - " 1.1169204 1.0299503 1.2600865 1.0252024 1.0577596 1.1083356 1.1046656\n", - " 1.0421606 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 4 9 3 7 12 13 11 5 14 8 10 6 15 16 17 18 19 20]\n", - "=======================\n", - "[\"wonga 's revenues fell by nearly # 100million last year to a total of # 217.2 million , it was announced today - months after the company wrote off the debts of 300,000 customers .the firm has been hit by new rules on payday lending , as well as being forced to pay compensation to customers who were sent fake legal letters .controversial payday lender wonga could change its name in a desperate attempt to regain credibility after a string of scandals caused the firm to lose # 37.3 million .\"]\n", - "=======================\n", - "['the firm lost # 37.3 million after revenues fell by a third over the past yearwonga has been hit by public controversy and forced to compensate customers over fake legal lettersnew cap on payday loan interest rates is set to damage company further']\n", - "wonga 's revenues fell by nearly # 100million last year to a total of # 217.2 million , it was announced today - months after the company wrote off the debts of 300,000 customers .the firm has been hit by new rules on payday lending , as well as being forced to pay compensation to customers who were sent fake legal letters .controversial payday lender wonga could change its name in a desperate attempt to regain credibility after a string of scandals caused the firm to lose # 37.3 million .\n", - "the firm lost # 37.3 million after revenues fell by a third over the past yearwonga has been hit by public controversy and forced to compensate customers over fake legal lettersnew cap on payday loan interest rates is set to damage company further\n", - "[1.2359577 1.3077468 1.290483 1.3555547 1.1327529 1.1210308 1.1360544\n", - " 1.0901873 1.0802608 1.0546004 1.0511974 1.0833528 1.0360203 1.0553149\n", - " 1.076268 1.051419 1.0587367 1.0838921 1.014808 1.0771809 1.0239851]\n", - "\n", - "[ 3 1 2 0 6 4 5 7 17 11 8 19 14 16 13 9 15 10 12 20 18]\n", - "=======================\n", - "['at least five tornadoes were spotted across north and central texas sunday evening as part of a severe storm system sweeping the region .the storm started sunday evening in comanche county , texas and moved northeast towards the dallas/fort worth for the next several hours .above , one of the tornadoes spotted in stephenville , texas - about 70 miles southeast of fort worth']\n", - "=======================\n", - "['severe storms swept north and central texas sunday eveningat least five tornadoes were spotted - some as close as just 25 miles from fort worthbaseball size hail and high winds also battered the region']\n", - "at least five tornadoes were spotted across north and central texas sunday evening as part of a severe storm system sweeping the region .the storm started sunday evening in comanche county , texas and moved northeast towards the dallas/fort worth for the next several hours .above , one of the tornadoes spotted in stephenville , texas - about 70 miles southeast of fort worth\n", - "severe storms swept north and central texas sunday eveningat least five tornadoes were spotted - some as close as just 25 miles from fort worthbaseball size hail and high winds also battered the region\n", - "[1.2975743 1.4429717 1.2545123 1.1802539 1.2390459 1.3246711 1.1386309\n", - " 1.0330381 1.1212345 1.0174251 1.0151247 1.0133125 1.1469756 1.191028\n", - " 1.1287315 1.075361 1.0748652 1.0410254 0. 0. 0. ]\n", - "\n", - "[ 1 5 0 2 4 13 3 12 6 14 8 15 16 17 7 9 10 11 19 18 20]\n", - "=======================\n", - "[\"a 27-year-old man , believed to be her boyfriend , has been charged with her murder after fleeing from officers when they stopped the car and made the grim discovery on wednesday night , in bermagui , on the nsw south coast .missing 35-year-old public servant daniela d'addario has been found dead in her carms d'addario , a former teacher at canberra high school , had been in a ` very tumultuous relationship ' with josaia ` joey ' vosikata , 27 , for about four months friends say .\"]\n", - "=======================\n", - "[\"police arrested a 27-year-old man on thursday on the nsw south coasthe had been on the run since wednesday after police pulled over a cardaniela d'addario 's body was found in the boot of the blue carshe was reported missing by worried family members on mondayshe vanished along with her boyfriend josaia ( joey ) vosikata , 27vosikata had a wife and children back in fiji , ms d'addario 's friend saysmr vosikata will face court on friday after being extradited to the act\"]\n", - "a 27-year-old man , believed to be her boyfriend , has been charged with her murder after fleeing from officers when they stopped the car and made the grim discovery on wednesday night , in bermagui , on the nsw south coast .missing 35-year-old public servant daniela d'addario has been found dead in her carms d'addario , a former teacher at canberra high school , had been in a ` very tumultuous relationship ' with josaia ` joey ' vosikata , 27 , for about four months friends say .\n", - "police arrested a 27-year-old man on thursday on the nsw south coasthe had been on the run since wednesday after police pulled over a cardaniela d'addario 's body was found in the boot of the blue carshe was reported missing by worried family members on mondayshe vanished along with her boyfriend josaia ( joey ) vosikata , 27vosikata had a wife and children back in fiji , ms d'addario 's friend saysmr vosikata will face court on friday after being extradited to the act\n", - "[1.4558542 1.2133275 1.3821554 1.1990665 1.1254574 1.1135465 1.0920974\n", - " 1.0720067 1.207749 1.0343215 1.048822 1.03949 1.023456 1.0139236\n", - " 1.0146837 1.0098063 1.1043676 1.042744 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 8 3 4 5 16 6 7 10 17 11 9 12 14 13 15 18 19 20]\n", - "=======================\n", - "[\"fraser ross , who founded the kitson fashion brand , is caught up in a $ 1million legal wrangle after being accused of swearing at staff in a los angeles storekitson , which has shops in california and the far east , is hugely popular with celebrities including victoria beckham , lady gaga and kylie and kendall jenner , who have all been spotted with the brand 's blue bags .the multi-millionaire , from aberdeen , is in the midst of an ugly public battle over allegations he swore at workers at the lax outlet .\"]\n", - "=======================\n", - "['kitson fashion brand founder allegedly swore at employees in la storefraser ross , from aberdeen , faces $ 1million lawsuit following disputefirm running his store at la airport want to end their business relationshipstores popular with celebrities including victoria beckham and lady gaga']\n", - "fraser ross , who founded the kitson fashion brand , is caught up in a $ 1million legal wrangle after being accused of swearing at staff in a los angeles storekitson , which has shops in california and the far east , is hugely popular with celebrities including victoria beckham , lady gaga and kylie and kendall jenner , who have all been spotted with the brand 's blue bags .the multi-millionaire , from aberdeen , is in the midst of an ugly public battle over allegations he swore at workers at the lax outlet .\n", - "kitson fashion brand founder allegedly swore at employees in la storefraser ross , from aberdeen , faces $ 1million lawsuit following disputefirm running his store at la airport want to end their business relationshipstores popular with celebrities including victoria beckham and lady gaga\n", - "[1.6582416 1.3500946 1.184575 1.1708798 1.3564521 1.0155597 1.0153431\n", - " 1.014323 1.0129395 1.0128709 1.0275197 1.0802307 1.072784 1.0336624\n", - " 1.048486 1.0796971 1.0394212 0. ]\n", - "\n", - "[ 0 4 1 2 3 11 15 12 14 16 13 10 5 6 7 8 9 17]\n", - "=======================\n", - "[\"leeds midfielder rudi austin was sent off in the first half as blackburn warmed up for wednesday 's home fa cup quarter-final replay against liverpool with a 3-0 win .tom cairney ( right ) opened the scoring for blackburn rovers against leeds united at elland roadaustin saw red in the 39th minute for elbowing ben marshall off the ball and though leeds resisted strongly until just after the hour mark , second-half goals by tom cairney , jordan rhodes and jay spearing settled the match\"]\n", - "=======================\n", - "['blackburn secure easy win over 10-man leeds united at elland roadmidfielder rudi austin sent off in first half for the home sidetom cairney , jordan rhodes and jay spearing strike for rovers']\n", - "leeds midfielder rudi austin was sent off in the first half as blackburn warmed up for wednesday 's home fa cup quarter-final replay against liverpool with a 3-0 win .tom cairney ( right ) opened the scoring for blackburn rovers against leeds united at elland roadaustin saw red in the 39th minute for elbowing ben marshall off the ball and though leeds resisted strongly until just after the hour mark , second-half goals by tom cairney , jordan rhodes and jay spearing settled the match\n", - "blackburn secure easy win over 10-man leeds united at elland roadmidfielder rudi austin sent off in first half for the home sidetom cairney , jordan rhodes and jay spearing strike for rovers\n", - "[1.1251353 1.0570474 1.0398036 1.3881946 1.0568202 1.3509853 1.0369662\n", - " 1.3677822 1.0440677 1.072209 1.1059972 1.0847213 1.0550013 1.0248942\n", - " 1.0575058 1.0214057 1.0328962 0. ]\n", - "\n", - "[ 3 7 5 0 10 11 9 14 1 4 12 8 2 6 16 13 15 17]\n", - "=======================\n", - "[\"formed in 2006 , the daxing internet addiction treatment centre ( iatc ) has so far welcomed 6,000 mostly young , mostly male patients -- and claims to have ` cured ' 75 per cent of them .the country 's government said internet addiction affects 24 million of its 632 million internet usersthe centre believes internet addiction leads to brain problems similar to those from taking heroin\"]\n", - "=======================\n", - "[\"dax internet addiction treatment centre in beijing has welcomed 6,000 patients since it opened its doors in 2006the military-style bootcamp claims to have cured 75 per cent of their addiction to electronic gadgetsinternet addiction or wangyin is said to affect 24 million of the china 's 632 million web users\"]\n", - "formed in 2006 , the daxing internet addiction treatment centre ( iatc ) has so far welcomed 6,000 mostly young , mostly male patients -- and claims to have ` cured ' 75 per cent of them .the country 's government said internet addiction affects 24 million of its 632 million internet usersthe centre believes internet addiction leads to brain problems similar to those from taking heroin\n", - "dax internet addiction treatment centre in beijing has welcomed 6,000 patients since it opened its doors in 2006the military-style bootcamp claims to have cured 75 per cent of their addiction to electronic gadgetsinternet addiction or wangyin is said to affect 24 million of the china 's 632 million web users\n", - "[1.2095575 1.4046757 1.2654545 1.3235629 1.1992033 1.1765721 1.1105282\n", - " 1.1066694 1.1348512 1.0509111 1.0148923 1.026006 1.0189342 1.0199376\n", - " 1.0239974 1.0716587 1.1390618 1.1036121]\n", - "\n", - "[ 1 3 2 0 4 5 16 8 6 7 17 15 9 11 14 13 12 10]\n", - "=======================\n", - "[\"defence secretary michael fallon claimed the labour leader was willing to trade away britain 's nuclear deterrent in order to secure power in a backroom deal with the scottish nationalists .mr miliband said the conservative campaign had ` descended into the gutter ' and claimed david cameron ` should be ashamed ' .the tories today launched an extraordinary attack on ed miliband , claiming that after stabbing his brother in the back he now wants to do the same to britain .\"]\n", - "=======================\n", - "[\"defence secretary michael fallon launches personal attack on milibandclaims labour leader would bow to snp 's demands to scrap tridentfallon says ` snp 's childlike world view would sacrifice uk 's security 'miliband claims the conservative campaign has ` descended into the gutter '\"]\n", - "defence secretary michael fallon claimed the labour leader was willing to trade away britain 's nuclear deterrent in order to secure power in a backroom deal with the scottish nationalists .mr miliband said the conservative campaign had ` descended into the gutter ' and claimed david cameron ` should be ashamed ' .the tories today launched an extraordinary attack on ed miliband , claiming that after stabbing his brother in the back he now wants to do the same to britain .\n", - "defence secretary michael fallon launches personal attack on milibandclaims labour leader would bow to snp 's demands to scrap tridentfallon says ` snp 's childlike world view would sacrifice uk 's security 'miliband claims the conservative campaign has ` descended into the gutter '\n", - "[1.3390929 1.3823636 1.2252865 1.1604267 1.1637104 1.0871506 1.1162726\n", - " 1.0578002 1.0787022 1.1775916 1.0301162 1.0323321 1.0780847 1.0277343\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 9 4 3 6 5 8 12 7 11 10 13 14 15 16 17]\n", - "=======================\n", - "[\"the inscriptions were found in naours - a two-hour drive north of paris - and left for posterity by young men facing the horror of trench warfare a few dozen miles away at the somme .historians have unearthed nearly 2,000 perfectly preserved examples of poignant graffiti written on the walls of a cave 100 feet beneath the french countryside by doomed first world war soldiers just weeks before they were to join the fighting on the western front .the site 's proximity to the battlefields , where more than a million men were killed or wounded , adds to the discovery 's importance , with experts saying : ` it provides insight into how they found a sense of meaning in the conflict . '\"]\n", - "=======================\n", - "['more than 2,000 perfectly preserved inscriptions were found on the walls of an underground cave in naours , francethey were left for posterity by young men facing the horror of trench warfare a few dozen miles away at the sommeexperts believe the bored young soldiers used their spare time to visit the caves , which are well known locallyonly weeks later they were sent to the somme battlefields , where more than a million men were killed or injured']\n", - "the inscriptions were found in naours - a two-hour drive north of paris - and left for posterity by young men facing the horror of trench warfare a few dozen miles away at the somme .historians have unearthed nearly 2,000 perfectly preserved examples of poignant graffiti written on the walls of a cave 100 feet beneath the french countryside by doomed first world war soldiers just weeks before they were to join the fighting on the western front .the site 's proximity to the battlefields , where more than a million men were killed or wounded , adds to the discovery 's importance , with experts saying : ` it provides insight into how they found a sense of meaning in the conflict . '\n", - "more than 2,000 perfectly preserved inscriptions were found on the walls of an underground cave in naours , francethey were left for posterity by young men facing the horror of trench warfare a few dozen miles away at the sommeexperts believe the bored young soldiers used their spare time to visit the caves , which are well known locallyonly weeks later they were sent to the somme battlefields , where more than a million men were killed or injured\n", - "[1.0555836 1.2413807 1.4623053 1.316589 1.4192455 1.1738605 1.1716738\n", - " 1.098926 1.0285382 1.0229671 1.0189855 1.0481585 1.0565252 1.0822682\n", - " 1.0370852 1.0477318 1.0147392 1.0095713]\n", - "\n", - "[ 2 4 3 1 5 6 7 13 12 0 11 15 14 8 9 10 16 17]\n", - "=======================\n", - "[\"millie marotta , 36 , is giving colouring books an adult twist with her sellout volume animal kingdom , filled with intricate and designs of animals filled with stylised flower shapes , patterns and shapes .embellished elephant : millie marotta 's colouring book features an array of intricate designs , including this elephantbut now thanks to an illustrator and designer from tenby , west wales , colouring in is the latest stress-busting hobby for adults .\"]\n", - "=======================\n", - "[\"millie marotta 's book , animal kingdom , features detailed line illustrationsthe # 3.99 book is currently # 1 on amazon 's top 100 books listthe 36-year-old illustrator resides and works in tenby , wales\"]\n", - "millie marotta , 36 , is giving colouring books an adult twist with her sellout volume animal kingdom , filled with intricate and designs of animals filled with stylised flower shapes , patterns and shapes .embellished elephant : millie marotta 's colouring book features an array of intricate designs , including this elephantbut now thanks to an illustrator and designer from tenby , west wales , colouring in is the latest stress-busting hobby for adults .\n", - "millie marotta 's book , animal kingdom , features detailed line illustrationsthe # 3.99 book is currently # 1 on amazon 's top 100 books listthe 36-year-old illustrator resides and works in tenby , wales\n", - "[1.1250225 1.1663567 1.1374874 1.147737 1.1094724 1.2685456 1.1930377\n", - " 1.0793823 1.0505933 1.1284333 1.0309883 1.1305442 1.0563521 1.0501136\n", - " 1.01559 1.0800301 1.1357458 1.04153 1.0659015 1.0428627]\n", - "\n", - "[ 5 6 1 3 2 16 11 9 0 4 15 7 18 12 8 13 19 17 10 14]\n", - "=======================\n", - "['new research indicates that \" double falsehood , \" a play first published in 1728 by lewis theobald , was actually written more than a century earlier by shakespeare himself with help from his friend john fletcher .the findings were published this week by two scholars who used computer software to analyze the writings of the three men and compare it with the language of the \" newer \" play .\" romeo and juliet . \"']\n", - "=======================\n", - "['new research indicates that a play published in 1728 was written by william shakespearescholar lewis theobald had passed the work off as his owntexas researchers used software to analyze and compare the language of the men']\n", - "new research indicates that \" double falsehood , \" a play first published in 1728 by lewis theobald , was actually written more than a century earlier by shakespeare himself with help from his friend john fletcher .the findings were published this week by two scholars who used computer software to analyze the writings of the three men and compare it with the language of the \" newer \" play .\" romeo and juliet . \"\n", - "new research indicates that a play published in 1728 was written by william shakespearescholar lewis theobald had passed the work off as his owntexas researchers used software to analyze and compare the language of the men\n", - "[1.1554911 1.4261426 1.3452966 1.2861689 1.269951 1.1013484 1.0468576\n", - " 1.0733271 1.0745629 1.1579958 1.1758102 1.0477109 1.0392976 1.0362145\n", - " 1.0526325 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 10 9 0 5 8 7 14 11 6 12 13 18 15 16 17 19]\n", - "=======================\n", - "[\"simona trasca , 34 , known as ` romania 's pamela anderson ' , said in an interview on national television that her latest boob job was so cheap her surgeon could not have paid tax on it .plastic surgeon marek valcu claimed ms trasca 's comments were defamatory and sued the model and presenter .a romanian television presenter has been forced to pay compensation to her plastic surgeon after making a joke on-air that he was a tax dodger .\"]\n", - "=======================\n", - "['simona trasca , 34 , made a joke about cheap boob job on romanian tvthe joke implied that her plastic surgeon must be avoiding taxsurgeon dr marek valcu successfully sued ms trasca for # 1,500']\n", - "simona trasca , 34 , known as ` romania 's pamela anderson ' , said in an interview on national television that her latest boob job was so cheap her surgeon could not have paid tax on it .plastic surgeon marek valcu claimed ms trasca 's comments were defamatory and sued the model and presenter .a romanian television presenter has been forced to pay compensation to her plastic surgeon after making a joke on-air that he was a tax dodger .\n", - "simona trasca , 34 , made a joke about cheap boob job on romanian tvthe joke implied that her plastic surgeon must be avoiding taxsurgeon dr marek valcu successfully sued ms trasca for # 1,500\n", - "[1.2939905 1.3100772 1.3248959 1.1350772 1.1097754 1.2142892 1.1093559\n", - " 1.0943087 1.13502 1.0438367 1.0236608 1.0452193 1.0628221 1.0610615\n", - " 1.0458008 1.0635241 1.0470356 1.0265821 1.0278679 0. ]\n", - "\n", - "[ 2 1 0 5 3 8 4 6 7 15 12 13 16 14 11 9 18 17 10 19]\n", - "=======================\n", - "[\"it will help astrophysicists understand how matter is distributed in the universe and provide key insights into dark matter -- one of physics ' greatest mysteries .the innovative spherical map of galaxy superclusters is the most complete picture of our cosmic neighbourhood to date .university of waterloo astrophysicists have created a 3d master map of the universe spanning nearly two billion light years .\"]\n", - "=======================\n", - "[\"map spans nearly two billion light yearswill help astrophysicists predict the universe 's expansioncould help identify where , and how much dark matter exists\"]\n", - "it will help astrophysicists understand how matter is distributed in the universe and provide key insights into dark matter -- one of physics ' greatest mysteries .the innovative spherical map of galaxy superclusters is the most complete picture of our cosmic neighbourhood to date .university of waterloo astrophysicists have created a 3d master map of the universe spanning nearly two billion light years .\n", - "map spans nearly two billion light yearswill help astrophysicists predict the universe 's expansioncould help identify where , and how much dark matter exists\n", - "[1.0936981 1.156637 1.122239 1.4571657 1.0566438 1.0526437 1.4643492\n", - " 1.0648462 1.0517364 1.0411885 1.0471686 1.1099052 1.0508561 1.0409131\n", - " 1.1125231 1.042071 1.0520973 1.0155236 1.0457959 0. ]\n", - "\n", - "[ 6 3 1 2 14 11 0 7 4 5 16 8 12 10 18 15 9 13 17 19]\n", - "=======================\n", - "['uk stylist and blogger lily melrose has come up with 15 style hacks to transform your 2014 wardrobe into 2015 style , without breaking the bank .lily melrose is a fashion blogger who has 137,000 followers on instagramin the springtime , the shops are full of new season clothes that are just waiting for a sunny day but still unsuitable for the ever-changing british weather .']\n", - "=======================\n", - "['stylist lily melrose has imaginative ways to update your wardrobeuk blogger shares diy tips to take winter clothes into spring on the cheapthey include bejewelling sunglasses and fringing boots']\n", - "uk stylist and blogger lily melrose has come up with 15 style hacks to transform your 2014 wardrobe into 2015 style , without breaking the bank .lily melrose is a fashion blogger who has 137,000 followers on instagramin the springtime , the shops are full of new season clothes that are just waiting for a sunny day but still unsuitable for the ever-changing british weather .\n", - "stylist lily melrose has imaginative ways to update your wardrobeuk blogger shares diy tips to take winter clothes into spring on the cheapthey include bejewelling sunglasses and fringing boots\n", - "[1.5246278 1.4368215 1.4507699 1.2832272 1.3503072 1.201617 1.0654044\n", - " 1.022196 1.0197532 1.0107005 1.0174088 1.0274584 1.0090857 1.0827419\n", - " 1.0622423 1.0106858 1.0103376 1.0075358 1.0130618 0. ]\n", - "\n", - "[ 0 2 1 4 3 5 13 6 14 11 7 8 10 18 9 15 16 12 17 19]\n", - "=======================\n", - "[\"chris smalling says manchester united have arsenal and chelsea in their sights following their resounding victory over champions manchester city .smalling scored united 's fourth goal in their 4-2 derby demolition .united are third , eight points behind leaders chelsea , who they face on saturday and play second placed arsenal in their penultimate league game .\"]\n", - "=======================\n", - "[\"chris smalling scored as manchester united beat rivals manchester citywin sends louis van gaal 's side four points clear of the citizens in thirdmanchester united now sit just one point of arsenal who occupy secondsmalling is confident of chasing down both them and leaders chelsearead : five things van gaal has done to transform united 's results\"]\n", - "chris smalling says manchester united have arsenal and chelsea in their sights following their resounding victory over champions manchester city .smalling scored united 's fourth goal in their 4-2 derby demolition .united are third , eight points behind leaders chelsea , who they face on saturday and play second placed arsenal in their penultimate league game .\n", - "chris smalling scored as manchester united beat rivals manchester citywin sends louis van gaal 's side four points clear of the citizens in thirdmanchester united now sit just one point of arsenal who occupy secondsmalling is confident of chasing down both them and leaders chelsearead : five things van gaal has done to transform united 's results\n", - "[1.0699419 1.2107438 1.3318603 1.4041255 1.1895845 1.3596803 1.2647822\n", - " 1.0072756 1.2507758 1.1414073 1.1850505 1.1082653 1.0076332 1.0079824\n", - " 1.0127774 1.0157531 0. 0. 0. ]\n", - "\n", - "[ 3 5 2 6 8 1 4 10 9 11 0 15 14 13 12 7 16 17 18]\n", - "=======================\n", - "[\"west brom 's craig dawson is suspended for the visit of qpr after he was awarded the red card wrongly given to gareth mcauley against manchester city .craig dawson ( right ) will serve a suspension for his challenge on wilfried bony following retrospective actionwest bromwich albion vs queens park rangers ( the hawthorns )\"]\n", - "=======================\n", - "[\"craig dawson to serve ban following gareth mcauley 's incorrect red cardwba keeper ben foster ruled out for six months with knee injuryqpr have no fresh injury concerns with richard dunne and leroy fer outqueens park rangers teenager darnell furlong also ruled out\"]\n", - "west brom 's craig dawson is suspended for the visit of qpr after he was awarded the red card wrongly given to gareth mcauley against manchester city .craig dawson ( right ) will serve a suspension for his challenge on wilfried bony following retrospective actionwest bromwich albion vs queens park rangers ( the hawthorns )\n", - "craig dawson to serve ban following gareth mcauley 's incorrect red cardwba keeper ben foster ruled out for six months with knee injuryqpr have no fresh injury concerns with richard dunne and leroy fer outqueens park rangers teenager darnell furlong also ruled out\n", - "[1.4662619 1.526035 1.2361772 1.4156842 1.2768084 1.0338048 1.0239862\n", - " 1.0244448 1.0500735 1.0230434 1.1191669 1.0197142 1.026369 1.3040115\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 13 4 2 10 8 5 12 7 6 9 11 17 14 15 16 18]\n", - "=======================\n", - "[\"the midfielder had n't played for the bayern since march in 2014 , when he suffered a serious knee injury against hoffenheim , but came on for philipp lahm in the 1-0 win at the westfalenstadion on saturday .bayern munich playmaker thiago admits coming on against borussia dortmund to make his first appearance in a year was an emotional moment and has thanked the german club .and spain international thiago said that after seeing the reaction of the fans it has reminded him of the joy in the sport and admitted : ` football is my life ' .\"]\n", - "=======================\n", - "[\"thiago alcantara had n't played for bayern munich since march 2014midfielder plays 10 minutes in 1-0 victory against borussia dortmund\"]\n", - "the midfielder had n't played for the bayern since march in 2014 , when he suffered a serious knee injury against hoffenheim , but came on for philipp lahm in the 1-0 win at the westfalenstadion on saturday .bayern munich playmaker thiago admits coming on against borussia dortmund to make his first appearance in a year was an emotional moment and has thanked the german club .and spain international thiago said that after seeing the reaction of the fans it has reminded him of the joy in the sport and admitted : ` football is my life ' .\n", - "thiago alcantara had n't played for bayern munich since march 2014midfielder plays 10 minutes in 1-0 victory against borussia dortmund\n", - "[1.0589292 1.4075974 1.0908655 1.0701612 1.0649452 1.3386664 1.1252857\n", - " 1.1672702 1.05903 1.1656017 1.0606755 1.1684982 1.2559998 1.0888189\n", - " 1.0439665 1.0587803 1.0299747 1.0098538 1.010418 ]\n", - "\n", - "[ 1 5 12 11 7 9 6 2 13 3 4 10 8 0 15 14 16 18 17]\n", - "=======================\n", - "['finder.com.au money and real estate expert michelle hutchison says there are easy ways to improve the look and feel of your home for prospective buyers - and they need not cost thousands .the house on the market and last sold four years ago for $ 5.5 mmichelle hutchison ( right ) is a money expert from finder.com.au who insists that de-cluttering and reworking the wardrobes to look as presentable as those featured on the block ( left ) will add cash to your sale']\n", - "=======================\n", - "['money expert says spending a few hours and a bit of cash can add tens of thousands to your property value at saleamong her tips are things simple as changing door handles and curtainsmichelle hutchison says paint the walls and the kitchen cupboardsother tips include : clear the clutter to make you home appear bigger']\n", - "finder.com.au money and real estate expert michelle hutchison says there are easy ways to improve the look and feel of your home for prospective buyers - and they need not cost thousands .the house on the market and last sold four years ago for $ 5.5 mmichelle hutchison ( right ) is a money expert from finder.com.au who insists that de-cluttering and reworking the wardrobes to look as presentable as those featured on the block ( left ) will add cash to your sale\n", - "money expert says spending a few hours and a bit of cash can add tens of thousands to your property value at saleamong her tips are things simple as changing door handles and curtainsmichelle hutchison says paint the walls and the kitchen cupboardsother tips include : clear the clutter to make you home appear bigger\n", - "[1.0879226 1.0977393 1.1872597 1.1201234 1.3349267 1.2890399 1.14153\n", - " 1.0990405 1.1658466 1.0700146 1.0540413 1.0886011 1.1302453 1.1152719\n", - " 1.0847399 1.0596466 1.0667291 0. 0. ]\n", - "\n", - "[ 4 5 2 8 6 12 3 13 7 1 11 0 14 9 16 15 10 17 18]\n", - "=======================\n", - "[\"luxury ski company bramble ski created a private ice bar for guests at one of its chalets in verbier ( stock image )the live-in tailor was demanded to make all the ski and apres ski outfits to a group of guests ' personal tastes and cost # 1,700 to hire .these are just some of the requests made by guests staying with high-end ski-tour company haute montagne .\"]\n", - "=======================\n", - "[\"horse and carriage drained the customer 's account of # 20,000the live-in tailor was demanded to make ski and apres ski outfitsthis came at a cost of # 1700 for the extremely wealthy skiersanother group of guests asked for two grand pianos to be flown indemands were made to high-end firms haute montagne and bramble ski\"]\n", - "luxury ski company bramble ski created a private ice bar for guests at one of its chalets in verbier ( stock image )the live-in tailor was demanded to make all the ski and apres ski outfits to a group of guests ' personal tastes and cost # 1,700 to hire .these are just some of the requests made by guests staying with high-end ski-tour company haute montagne .\n", - "horse and carriage drained the customer 's account of # 20,000the live-in tailor was demanded to make ski and apres ski outfitsthis came at a cost of # 1700 for the extremely wealthy skiersanother group of guests asked for two grand pianos to be flown indemands were made to high-end firms haute montagne and bramble ski\n", - "[1.3230109 1.4985327 1.1208563 1.2674978 1.0792333 1.3759468 1.1115308\n", - " 1.1136518 1.028464 1.0575657 1.0646073 1.0434042 1.0322043 1.0221568\n", - " 1.0468057 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 0 3 2 7 6 4 10 9 14 11 12 8 13 15 16 17 18]\n", - "=======================\n", - "[\"the transport workers ' union 's national secretary tony sheldon condemned the requested change to the fair work act and accused aldi of trying to reintroduce serfdom .a union secretary has slammed supermarket chain aldi for trying to overturn workplace laws and gain the right to force employees to work more than 38 hours a week .aldi 's last attempt to increase workers hours in 2012 failed despite the supermarket chain arguing that their employees ` overwhelmingly supported ' and ` preferred ' the proposals .\"]\n", - "=======================\n", - "[\"aldi has requested the ability to make employees work more than 38 hours in a submission to workplace relations productivity commissionsupermarket giant was slammed by union secretary tony sheldonhe accused aldi of reintroducing serfdom and ` trying to strip workers of their rights '\"]\n", - "the transport workers ' union 's national secretary tony sheldon condemned the requested change to the fair work act and accused aldi of trying to reintroduce serfdom .a union secretary has slammed supermarket chain aldi for trying to overturn workplace laws and gain the right to force employees to work more than 38 hours a week .aldi 's last attempt to increase workers hours in 2012 failed despite the supermarket chain arguing that their employees ` overwhelmingly supported ' and ` preferred ' the proposals .\n", - "aldi has requested the ability to make employees work more than 38 hours in a submission to workplace relations productivity commissionsupermarket giant was slammed by union secretary tony sheldonhe accused aldi of reintroducing serfdom and ` trying to strip workers of their rights '\n", - "[1.2358729 1.5207298 1.290657 1.3723164 1.1303606 1.0329174 1.0213064\n", - " 1.0181109 1.014729 1.1931361 1.0951716 1.0468503 1.0970485 1.1116716\n", - " 1.0545056 1.0662868 1.0330422 1.0378646 1.04022 0. ]\n", - "\n", - "[ 1 3 2 0 9 4 13 12 10 15 14 11 18 17 16 5 6 7 8 19]\n", - "=======================\n", - "[\"jessica howard , 23 , denounced ` night stalker ' clive howard , 57 , for his string of assaults on six women over 28 years .she told him that the catastrophic impact of his attack could never be put into words and has destroyed her life .the dramatic confrontation came as howard was jailed for a minimum of ten years and three months after admitting seven rapes , one attempted rape and three kidnappings .\"]\n", - "=======================\n", - "['clive howard , 57 , preyed on lone women on norfolk and cambridge streetshe was jailed for life after final victim was able to describe his volvo carjessica howard , 23 , was returning from a night out when he raped hersince he was found guilty 15 more potential victims have come forward']\n", - "jessica howard , 23 , denounced ` night stalker ' clive howard , 57 , for his string of assaults on six women over 28 years .she told him that the catastrophic impact of his attack could never be put into words and has destroyed her life .the dramatic confrontation came as howard was jailed for a minimum of ten years and three months after admitting seven rapes , one attempted rape and three kidnappings .\n", - "clive howard , 57 , preyed on lone women on norfolk and cambridge streetshe was jailed for life after final victim was able to describe his volvo carjessica howard , 23 , was returning from a night out when he raped hersince he was found guilty 15 more potential victims have come forward\n", - "[1.2913129 1.1868459 1.1899967 1.3038006 1.1539161 1.1526127 1.1084255\n", - " 1.180675 1.0742724 1.0366662 1.0173281 1.0709214 1.1004201 1.0378014\n", - " 1.1157278 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 1 7 4 5 14 6 12 8 11 13 9 10 18 15 16 17 19]\n", - "=======================\n", - "[\"when she was a size 18 , julie was told she was too fat to run but she completed a marathon , left , and has done numerous races since , including one at the london 2012 olympic park , rightwith stories like this , it is perhaps no surprise that a new survey has found two thirds of women believe they ca n't run - despite being desperate to be fitter and healthier .she appeared on today 's this morning with sub-three hour marathoner nell mcandrew to launch the itv show 's run for your life campaign .\"]\n", - "=======================\n", - "[\"julie creffield was told she was ` too fat to run ' when she was a size 18but she still completed a marathonnow encouraging other women to run whatever their sizelaunched this morning 's run for your life campaign with nell mcandrewpoll carried out by show found two thirds of women think they ca n't run\"]\n", - "when she was a size 18 , julie was told she was too fat to run but she completed a marathon , left , and has done numerous races since , including one at the london 2012 olympic park , rightwith stories like this , it is perhaps no surprise that a new survey has found two thirds of women believe they ca n't run - despite being desperate to be fitter and healthier .she appeared on today 's this morning with sub-three hour marathoner nell mcandrew to launch the itv show 's run for your life campaign .\n", - "julie creffield was told she was ` too fat to run ' when she was a size 18but she still completed a marathonnow encouraging other women to run whatever their sizelaunched this morning 's run for your life campaign with nell mcandrewpoll carried out by show found two thirds of women think they ca n't run\n", - "[1.2510321 1.3539146 1.2835383 1.3014534 1.1057627 1.1949296 1.0292497\n", - " 1.2010825 1.1386278 1.1863742 1.1209304 1.044155 1.0810214 1.0607495\n", - " 1.0241644 1.0237132 1.011671 1.0302366 1.0447809 1.0256494]\n", - "\n", - "[ 1 3 2 0 7 5 9 8 10 4 12 13 18 11 17 6 19 14 15 16]\n", - "=======================\n", - "[\"with 342,969 photos , it trumps sydney 's popular bondi beach which has been ranked second with 261,911 photos .the famous tourist attractions were listed in the 20 most ` instagrammed ' places in australia as part of research released by love home swap on wednesday , based on hashtag usage on images shared on instagram .it is then followed by the world heritage listed sydney opera house with 134,641 .\"]\n", - "=======================\n", - "[\"sydney harbour bridge is the most ` instagrammed ' aussie landmark while the second is bondi beachthe sydney opera house ranks third in the top 20 list , released by love home swap on wednesdayother attractions include the twelve apostles in victoria and the big banana in coffs harbour , nswthe home-swapping site says nearly 60 million photos are uploaded to instagram each day\"]\n", - "with 342,969 photos , it trumps sydney 's popular bondi beach which has been ranked second with 261,911 photos .the famous tourist attractions were listed in the 20 most ` instagrammed ' places in australia as part of research released by love home swap on wednesday , based on hashtag usage on images shared on instagram .it is then followed by the world heritage listed sydney opera house with 134,641 .\n", - "sydney harbour bridge is the most ` instagrammed ' aussie landmark while the second is bondi beachthe sydney opera house ranks third in the top 20 list , released by love home swap on wednesdayother attractions include the twelve apostles in victoria and the big banana in coffs harbour , nswthe home-swapping site says nearly 60 million photos are uploaded to instagram each day\n", - "[1.4141045 1.3873796 1.3236866 1.2551849 1.1514491 1.3269376 1.1129067\n", - " 1.1196115 1.0380971 1.0204498 1.0885394 1.0898993 1.0387625 1.0308343\n", - " 1.0072727 1.06604 1.077229 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 2 3 4 7 6 11 10 16 15 12 8 13 9 14 18 17 19]\n", - "=======================\n", - "[\"ufc light-heavyweight jon jones is currently wanted as a suspect in connection with a hit-and-run accident on sunday morning , amid reports police found marijuana in his car .the 27-year-old is facing a misdemeanour hit-and-run charge related to an accident involving a pregnant woman , according to albuquerque pd spokesman simon drobik .the pregnant woman was sent to hospital with ` non life-threatening injuries ' , drobnik said following a collision with another vehicle .\"]\n", - "=======================\n", - "[\"jon jones is wanted as a suspect in connection with sunday 's accidenta pregnant woman was sent to hospital with ` non life-threatening injuries ' , according to albuquerque police department spokesman simon drobikmarijuana and a pipe reportedly found in star 's car by policejones would be liable for damages to the vehicles involved and medical costs of the 20-something woman if he was found to have caused crash27-year-old is set to defend his light-heavyweight title against anthony johnson in las vegas at ufc 187 next monthclick here for all the latest ufc news\"]\n", - "ufc light-heavyweight jon jones is currently wanted as a suspect in connection with a hit-and-run accident on sunday morning , amid reports police found marijuana in his car .the 27-year-old is facing a misdemeanour hit-and-run charge related to an accident involving a pregnant woman , according to albuquerque pd spokesman simon drobik .the pregnant woman was sent to hospital with ` non life-threatening injuries ' , drobnik said following a collision with another vehicle .\n", - "jon jones is wanted as a suspect in connection with sunday 's accidenta pregnant woman was sent to hospital with ` non life-threatening injuries ' , according to albuquerque police department spokesman simon drobikmarijuana and a pipe reportedly found in star 's car by policejones would be liable for damages to the vehicles involved and medical costs of the 20-something woman if he was found to have caused crash27-year-old is set to defend his light-heavyweight title against anthony johnson in las vegas at ufc 187 next monthclick here for all the latest ufc news\n", - "[1.3698509 1.2255807 1.3942832 1.1536299 1.4012302 1.1000686 1.144207\n", - " 1.1139559 1.1068367 1.1548123 1.0300468 1.0074642 1.0124898 1.1101943\n", - " 1.0313593 1.072231 1.013267 1.0170313 1.0116493 0. ]\n", - "\n", - "[ 4 2 0 1 9 3 6 7 13 8 5 15 14 10 17 16 12 18 11 19]\n", - "=======================\n", - "[\"lebron james and kyrie irving scored 23 points apiece as the cleveland cavaliers won in miamithe cleveland forward , who won two nba titles with miami before moving back to ohio , helped his team to a 114-88 win at the american airlines arena .james , meanwhile , passed patrick ewing ( 24,815 ) into 20th place on the nba 's all-time scoring list .\"]\n", - "=======================\n", - "[\"lebron james scored 23 points against his former side on thursdaymiami heat 's dwayne wade injured his knee as his side lost to clevelandgolden state made it 11 straight wins after harrison barnes ' late scorehouston beat texas rivals dallas thanks to 24 points from james harden\"]\n", - "lebron james and kyrie irving scored 23 points apiece as the cleveland cavaliers won in miamithe cleveland forward , who won two nba titles with miami before moving back to ohio , helped his team to a 114-88 win at the american airlines arena .james , meanwhile , passed patrick ewing ( 24,815 ) into 20th place on the nba 's all-time scoring list .\n", - "lebron james scored 23 points against his former side on thursdaymiami heat 's dwayne wade injured his knee as his side lost to clevelandgolden state made it 11 straight wins after harrison barnes ' late scorehouston beat texas rivals dallas thanks to 24 points from james harden\n", - "[1.5202127 1.2614293 1.2808688 1.4142432 1.2023841 1.1039896 1.1025488\n", - " 1.0338217 1.014634 1.0213958 1.031591 1.015604 1.0174592 1.0135957\n", - " 1.0424315 1.0219231 1.0280421 1.1059096 1.0857037 1.0126204 1.0257219\n", - " 0. ]\n", - "\n", - "[ 0 3 2 1 4 17 5 6 18 14 7 10 16 20 15 9 12 11 8 13 19 21]\n", - "=======================\n", - "[\"eddie howe was at a loss as to why his bournemouth side were not awarded a ` clear-cut ' penalty in their 2-2 draw with sheffield wednesday .but it was the failure of referee paul tierney not to give the hosts their 16th spot-kick of the campaign in the 65th minute for a foul on striker callum wilson that left howe frustrated .callum wilson is brought down by a sheffield wednesday defender during the draw at dean court\"]\n", - "=======================\n", - "[\"eddie howe was left to rue the decisions of referee paul tierneybournemouth manager feels his side should 've been awarded a penaltycallum wilson was sent flying in the 65th minute of the draw at dean courthowe also believes the owls defender deserved to see red for the foul\"]\n", - "eddie howe was at a loss as to why his bournemouth side were not awarded a ` clear-cut ' penalty in their 2-2 draw with sheffield wednesday .but it was the failure of referee paul tierney not to give the hosts their 16th spot-kick of the campaign in the 65th minute for a foul on striker callum wilson that left howe frustrated .callum wilson is brought down by a sheffield wednesday defender during the draw at dean court\n", - "eddie howe was left to rue the decisions of referee paul tierneybournemouth manager feels his side should 've been awarded a penaltycallum wilson was sent flying in the 65th minute of the draw at dean courthowe also believes the owls defender deserved to see red for the foul\n", - "[1.0474149 1.1878757 1.1155034 1.2499956 1.2330872 1.1484318 1.0704918\n", - " 1.0394142 1.0376552 1.0653315 1.0805507 1.1126356 1.1996499 1.1261023\n", - " 1.0392817 1.100747 1.0714688 1.0127836 1.0111444 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 4 12 1 5 13 2 11 15 10 16 6 9 0 7 14 8 17 18 19 20 21]\n", - "=======================\n", - "['and sure enough , in the end , sunday \\'s contest at big texan steak ranch in amarillo , texas , was n\\'t even close .molly schuyler scarfed down three 72-ounce steaks , three baked potatoes , three side salads , three rolls and three shrimp cocktails -- far outpacing her heftier rivals .she also broke her own big texan record of two 72-ounce steaks and sides , set last year , when she bested previous record-holder joey \" jaws \" chestnut .']\n", - "=======================\n", - "['molly schuyler scarfed down three 72-ounce steaks sunday in amarillo , texasthe sacramento woman , 35 , is a professional on the competitive-eating circuit']\n", - "and sure enough , in the end , sunday 's contest at big texan steak ranch in amarillo , texas , was n't even close .molly schuyler scarfed down three 72-ounce steaks , three baked potatoes , three side salads , three rolls and three shrimp cocktails -- far outpacing her heftier rivals .she also broke her own big texan record of two 72-ounce steaks and sides , set last year , when she bested previous record-holder joey \" jaws \" chestnut .\n", - "molly schuyler scarfed down three 72-ounce steaks sunday in amarillo , texasthe sacramento woman , 35 , is a professional on the competitive-eating circuit\n", - "[1.3690674 1.2903224 1.2329576 1.3011602 1.1931297 1.1254131 1.0476346\n", - " 1.0277468 1.018905 1.0434955 1.0220085 1.1286727 1.1160058 1.0702184\n", - " 1.083129 1.117053 1.0090252 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 2 4 11 5 15 12 14 13 6 9 7 10 8 16 17 18 19 20 21]\n", - "=======================\n", - "[\"tv celebrity dr mehmet oz will take on his detractors in the medical community head-on during a special episode of his daytime talk show thursday , sending a strong message that he will not be silenced .oz , 54 , found himself at the center of a firestorm last week when 10 prominent doctors sent a letter to columbia university , where he serves as vice chairman and professor of surgery at college of physicians , calling for his resignation because he is a ` charlatan who promotes ` quack treatments . 'according to a spokesperson for the dr oz show , about two-thirds of this week 's episode will be devoted to the controversy .\"]\n", - "=======================\n", - "[\"dr mehmet oz is vice chairman at columbia 's college of physicians and surgeons and is a professor of surgeryhe said in a statement that his show provides ` multiple points of view ' , including his , ` which is offered without conflict of interest 'comes after ten top doctors sent letter to school urging for oz 's dismissalsaid there 's no scientific proof his ` miracle ' weight-loss supplements workthe dr oz show will air a special episode thursday , most of which will be dedicated to his rebuttal\"]\n", - "tv celebrity dr mehmet oz will take on his detractors in the medical community head-on during a special episode of his daytime talk show thursday , sending a strong message that he will not be silenced .oz , 54 , found himself at the center of a firestorm last week when 10 prominent doctors sent a letter to columbia university , where he serves as vice chairman and professor of surgery at college of physicians , calling for his resignation because he is a ` charlatan who promotes ` quack treatments . 'according to a spokesperson for the dr oz show , about two-thirds of this week 's episode will be devoted to the controversy .\n", - "dr mehmet oz is vice chairman at columbia 's college of physicians and surgeons and is a professor of surgeryhe said in a statement that his show provides ` multiple points of view ' , including his , ` which is offered without conflict of interest 'comes after ten top doctors sent letter to school urging for oz 's dismissalsaid there 's no scientific proof his ` miracle ' weight-loss supplements workthe dr oz show will air a special episode thursday , most of which will be dedicated to his rebuttal\n", - "[1.0542977 1.2893459 1.2187326 1.3906484 1.1767737 1.1203052 1.1040157\n", - " 1.0531027 1.0928911 1.0583881 1.0521067 1.0535916 1.0383022 1.0525377\n", - " 1.0365475 1.0318401 1.043173 1.0918374 1.0427403 1.064935 1.0500907\n", - " 1.0414453]\n", - "\n", - "[ 3 1 2 4 5 6 8 17 19 9 0 11 7 13 10 20 16 18 21 12 14 15]\n", - "=======================\n", - "[\"ikea 's new service , wedding online , allows couples to get virtually hitched and have guests attending from all over the worldikea may be better known for their home furnishings ( left ) , but now , the company also hosts legally-binding weddingseven better , guests from all around the world can view the proceedings , as long as they have a webcam handy .\"]\n", - "=======================\n", - "[\"swedish home furnishings company have launched ` wedding online 'guests need webcams and their faces are pasted on to virtual bodiescouples choose wedding themes including fairy tale , beach , high society\"]\n", - "ikea 's new service , wedding online , allows couples to get virtually hitched and have guests attending from all over the worldikea may be better known for their home furnishings ( left ) , but now , the company also hosts legally-binding weddingseven better , guests from all around the world can view the proceedings , as long as they have a webcam handy .\n", - "swedish home furnishings company have launched ` wedding online 'guests need webcams and their faces are pasted on to virtual bodiescouples choose wedding themes including fairy tale , beach , high society\n", - "[1.293667 1.358073 1.2269936 1.3420879 1.2507647 1.2333041 1.0979254\n", - " 1.0803993 1.0903494 1.108979 1.0760999 1.018947 1.0178616 1.0161191\n", - " 1.022369 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 4 5 2 9 6 8 7 10 14 11 12 13 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the party 's deputy leader harriet harman , in an interview with the daily mail , said grandparents would be allowed to take up to four unpaid weeks off per year in order to help with childcare .labour would introduce a new legal right to ` granny leave ' to allow working grandparents to take time off to help care for their grandchildren .more than half of mothers rely on grandparents for childcare when they first go back to work after maternity leave , and two-thirds of grandparents with grandchildren aged under 16 provide some childcare .\"]\n", - "=======================\n", - "['deputy leader harriet harman said policy would help millions of familiesbut proposal is likely to meet with backlash from some business leaderscritics will argue firms can not cope with more rights for employees']\n", - "the party 's deputy leader harriet harman , in an interview with the daily mail , said grandparents would be allowed to take up to four unpaid weeks off per year in order to help with childcare .labour would introduce a new legal right to ` granny leave ' to allow working grandparents to take time off to help care for their grandchildren .more than half of mothers rely on grandparents for childcare when they first go back to work after maternity leave , and two-thirds of grandparents with grandchildren aged under 16 provide some childcare .\n", - "deputy leader harriet harman said policy would help millions of familiesbut proposal is likely to meet with backlash from some business leaderscritics will argue firms can not cope with more rights for employees\n", - "[1.3497541 1.293437 1.2519457 1.2335316 1.1628815 1.0538007 1.0889767\n", - " 1.0355968 1.0350668 1.0277085 1.1402149 1.1757022 1.0347486 1.0175866\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 11 4 10 6 5 7 8 12 9 13 14 15 16 17 18]\n", - "=======================\n", - "[\"tensions between marine le pen , the leader of the french national front , and her father have escalated , as the 86-year-old founder of the far-right party defended having described nazi gas chambers as a ` detail of history ' .during an interview on bfm tv in paris , mr le pen said ` the truth ' should ` not shock anyone ' , and that historical reality should not be used to portray him as anti-jewish .` the gas chambers were a detail of the war , unless we admit that the war was a detail of the gas chambers ! '\"]\n", - "=======================\n", - "[\"jean-marie le pen reignites tensions after defending view of gas chambershe claimed they were a ` detail of the war ' and should ` not shock anyone 'le pen 's comments likely to revive allegations far right party is anti-semiticdaughter and current fn leader marine le pen said she ` deeply disagrees '\"]\n", - "tensions between marine le pen , the leader of the french national front , and her father have escalated , as the 86-year-old founder of the far-right party defended having described nazi gas chambers as a ` detail of history ' .during an interview on bfm tv in paris , mr le pen said ` the truth ' should ` not shock anyone ' , and that historical reality should not be used to portray him as anti-jewish .` the gas chambers were a detail of the war , unless we admit that the war was a detail of the gas chambers ! '\n", - "jean-marie le pen reignites tensions after defending view of gas chambershe claimed they were a ` detail of the war ' and should ` not shock anyone 'le pen 's comments likely to revive allegations far right party is anti-semiticdaughter and current fn leader marine le pen said she ` deeply disagrees '\n", - "[1.2795774 1.4548821 1.1732997 1.3212165 1.1962042 1.151242 1.0404695\n", - " 1.0684246 1.0918341 1.0313035 1.0449686 1.066653 1.0230561 1.065102\n", - " 1.1135737 1.031692 1.0370381 1.0858318 0. ]\n", - "\n", - "[ 1 3 0 4 2 5 14 8 17 7 11 13 10 6 16 15 9 12 18]\n", - "=======================\n", - "[\"the clip , uploaded to youtube , looks to have been taken after sunday 's manchester derby which united won 4-2 .manchester city fans were filmed singing a vile song about the munich disaster outside old traffordapparently taken by a city fan , it then appears to capture city supporters singing the song which mocks the 1958 tragedy in which 23 people died including manchester united players .\"]\n", - "=======================\n", - "['manchester united defeated city 4-2 in the premier league on sundaya youtube video has emerged of blues fans taunting their rivals with disgraceful songs about the munich air disaster23 people were killed in the 1958 tragedy , including former city keeper frank swift']\n", - "the clip , uploaded to youtube , looks to have been taken after sunday 's manchester derby which united won 4-2 .manchester city fans were filmed singing a vile song about the munich disaster outside old traffordapparently taken by a city fan , it then appears to capture city supporters singing the song which mocks the 1958 tragedy in which 23 people died including manchester united players .\n", - "manchester united defeated city 4-2 in the premier league on sundaya youtube video has emerged of blues fans taunting their rivals with disgraceful songs about the munich air disaster23 people were killed in the 1958 tragedy , including former city keeper frank swift\n", - "[1.0225142 1.0357637 1.456557 1.4495697 1.331582 1.3272494 1.1443232\n", - " 1.248556 1.1112163 1.0762249 1.1161277 1.1065269 1.0847028 1.1056828\n", - " 1.0489669 1.0488073 1.0294372 1.0327237 1.0086722]\n", - "\n", - "[ 2 3 4 5 7 6 10 8 11 13 12 9 14 15 1 17 16 0 18]\n", - "=======================\n", - "['an idyllic two-bedroom log cabin , nestled down a private country lane in the heart of the new forest , has gone on the market for # 350,000 .the 76sq ft hideaway , based near the tiny hampshire hamlet of newgrounds , near godshill , is made entirely from timber imported from norway .it has 141,000 acres of forest surrounding the cabin']\n", - "=======================\n", - "['idyllic two-bed log cabin nestled down private country lane in new forestthe 76sq ft hideaway is made entirely from timber imported from norwaycabin encircled by 141,000 acres of forest and can be lived in all-year roundits location near godshill , hants , means the cabin is worth more than twice what it would be worth elsewhere']\n", - "an idyllic two-bedroom log cabin , nestled down a private country lane in the heart of the new forest , has gone on the market for # 350,000 .the 76sq ft hideaway , based near the tiny hampshire hamlet of newgrounds , near godshill , is made entirely from timber imported from norway .it has 141,000 acres of forest surrounding the cabin\n", - "idyllic two-bed log cabin nestled down private country lane in new forestthe 76sq ft hideaway is made entirely from timber imported from norwaycabin encircled by 141,000 acres of forest and can be lived in all-year roundits location near godshill , hants , means the cabin is worth more than twice what it would be worth elsewhere\n", - "[1.3718257 1.434557 1.2991763 1.2064804 1.2734745 1.2029407 1.1217532\n", - " 1.1466181 1.1089759 1.1025697 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 3 5 7 6 8 9 10 11 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"manchester united and real madrid agreed a potential deal last season worth around # 15m to include the mexican 's season loan .real madrid will not take up their # 7.5 million purchase option on javier hernandez despite his winning goal against atletico madrid on wednesday .lazio , valencia , dinamo moscow , newcastle , west ham and southampton are among clubs interested in the 26-year-old .\"]\n", - "=======================\n", - "['javier hernandez scored winner against atletico madrid on wednesdaymexican is on a season-long loan at real madrid from manchester unitedreal will not take up option to buy the striker at the end of the seasonhernandez is wanted by a host of premier league and european clubs']\n", - "manchester united and real madrid agreed a potential deal last season worth around # 15m to include the mexican 's season loan .real madrid will not take up their # 7.5 million purchase option on javier hernandez despite his winning goal against atletico madrid on wednesday .lazio , valencia , dinamo moscow , newcastle , west ham and southampton are among clubs interested in the 26-year-old .\n", - "javier hernandez scored winner against atletico madrid on wednesdaymexican is on a season-long loan at real madrid from manchester unitedreal will not take up option to buy the striker at the end of the seasonhernandez is wanted by a host of premier league and european clubs\n", - "[1.2759733 1.4856199 1.2689017 1.227955 1.1373408 1.0452557 1.07597\n", - " 1.0745091 1.0183609 1.2014136 1.0954127 1.0621336 1.0492544 1.0462878\n", - " 1.0546902 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 9 4 10 6 7 11 14 12 13 5 8 17 15 16 18]\n", - "=======================\n", - "['davon durant , a promising linebacker at asu , was arrested on domestic violence charges after his girlfriend of 18 months , kelsi langley , claimed that he hit her in the face and grabbed her neck during an argument in his car march 7 .the girlfriend of an arizona state university football player who has been suspended after she accused him of abuse has now publicly recanted her story , claiming that mood swings made her lie about being assaulted .davon durant pleaded not guilty to one felony count of aggravated assault and three misdemeanor counts of disorderly conduct .']\n", - "=======================\n", - "['asu linebacker davon durant , 19 , was arrested last month after he allegedly hit his girlfriend of 18 months in the face and choked herkelsi langley , 19 , posted his bail and recanted her story to police the next daywitness called 911 on the day of alleged attack saying he had seen a man hit a woman in a cardurant pleaded not guilty to aggravated assault and disorderly conduct , and has been suspended indefinitely from the teamlangley later claimed she got angry with durant and lied to policesaid finger marks on her neck were hickeys and her eyes were red from crying , not bruisedthe female asu student and a civil rights activist accused police of making durant out to be a thug']\n", - "davon durant , a promising linebacker at asu , was arrested on domestic violence charges after his girlfriend of 18 months , kelsi langley , claimed that he hit her in the face and grabbed her neck during an argument in his car march 7 .the girlfriend of an arizona state university football player who has been suspended after she accused him of abuse has now publicly recanted her story , claiming that mood swings made her lie about being assaulted .davon durant pleaded not guilty to one felony count of aggravated assault and three misdemeanor counts of disorderly conduct .\n", - "asu linebacker davon durant , 19 , was arrested last month after he allegedly hit his girlfriend of 18 months in the face and choked herkelsi langley , 19 , posted his bail and recanted her story to police the next daywitness called 911 on the day of alleged attack saying he had seen a man hit a woman in a cardurant pleaded not guilty to aggravated assault and disorderly conduct , and has been suspended indefinitely from the teamlangley later claimed she got angry with durant and lied to policesaid finger marks on her neck were hickeys and her eyes were red from crying , not bruisedthe female asu student and a civil rights activist accused police of making durant out to be a thug\n", - "[1.2082953 1.2905504 1.3651607 1.2539401 1.2400048 1.1635783 1.1938792\n", - " 1.051472 1.0138977 1.2374706 1.0973644 1.015332 1.0328747 1.0342739\n", - " 1.0098158 1.0659915 1.02166 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 1 3 4 9 0 6 5 10 15 7 13 12 16 11 8 14 21 17 18 19 20 22]\n", - "=======================\n", - "['now a silicon valley-based start-up is offering an at-home dna saliva test that detects the same gene mutations but is priced at only $ 249 ( # 167 ) .the actress , who underwent a double mastectomy in 2013 , was referring to a genetic test that currently costs more than $ 3,000 ( # 2,000 ) .it tests for mutations in brca1 and brca2']\n", - "=======================\n", - "['test is being offered by silicon valley-based start up color genomicsit tests for 19 gene mutations linked to ovarian and breast cancerworks by asking patients to send back a sample of saliva to a central labtest is available in 45 us states and needs to be ordered by a physician']\n", - "now a silicon valley-based start-up is offering an at-home dna saliva test that detects the same gene mutations but is priced at only $ 249 ( # 167 ) .the actress , who underwent a double mastectomy in 2013 , was referring to a genetic test that currently costs more than $ 3,000 ( # 2,000 ) .it tests for mutations in brca1 and brca2\n", - "test is being offered by silicon valley-based start up color genomicsit tests for 19 gene mutations linked to ovarian and breast cancerworks by asking patients to send back a sample of saliva to a central labtest is available in 45 us states and needs to be ordered by a physician\n", - "[1.4393755 1.4953728 1.1951851 1.404464 1.2098202 1.2153103 1.2104075\n", - " 1.047327 1.159792 1.0593262 1.0749485 1.0315272 1.0139183 1.0095549\n", - " 1.0091717 1.0093235 1.0305297 1.0261008 1.009261 1.0476758 1.0276028\n", - " 1.0066592 0. ]\n", - "\n", - "[ 1 0 3 5 6 4 2 8 10 9 19 7 11 16 20 17 12 13 15 18 14 21 22]\n", - "=======================\n", - "[\"dimitar berbatov and co were put through their paces ahead of the clash at stade louis ii on wednesday with the bulgarian striker insisting a place in the last four is within their reach .monaco coach leonardo jardim put the finishing touches to his squad 's preparation on tuesday as the french club geared up for the second leg of their champions league quarter-final against juventus .dimitar berbatov is convinced monaco can reach champions league semi-final at the expense of juventus\"]\n", - "=======================\n", - "['monaco host juventus in the quarter-final second leg on wednesday nightthe italians hold a slender 1-0 lead from the first leg in turin last weekthe squad were put through their paces on tuesday ahead of the clashdimitar berbatov is confident monaco can progress to the semi-final']\n", - "dimitar berbatov and co were put through their paces ahead of the clash at stade louis ii on wednesday with the bulgarian striker insisting a place in the last four is within their reach .monaco coach leonardo jardim put the finishing touches to his squad 's preparation on tuesday as the french club geared up for the second leg of their champions league quarter-final against juventus .dimitar berbatov is convinced monaco can reach champions league semi-final at the expense of juventus\n", - "monaco host juventus in the quarter-final second leg on wednesday nightthe italians hold a slender 1-0 lead from the first leg in turin last weekthe squad were put through their paces on tuesday ahead of the clashdimitar berbatov is confident monaco can progress to the semi-final\n", - "[1.093198 1.1509979 1.2278297 1.4064164 1.0751554 1.1968768 1.1243222\n", - " 1.1278688 1.0433156 1.0340312 1.0851585 1.064422 1.1486285 1.1614646\n", - " 1.0972499 1.1016037 1.1370685 1.0776352 1.0364293 1.0126221 1.0139327\n", - " 1.0427938 1.010731 ]\n", - "\n", - "[ 3 2 5 13 1 12 16 7 6 15 14 0 10 17 4 11 8 21 18 9 20 19 22]\n", - "=======================\n", - "[\"border collie ace is seen on top of his owner and trainer dai aoki 's lapusing a human as their base , pooches ace and holly stood up high on their hind legs , with their front paws up .soon , holly the border collie hops onto aoki 's legs\"]\n", - "=======================\n", - "['border collies ace and holly were caught on camera performing a gravity-defying feat togetherthe two pooches stood up on their hind legs while balancing on their owner and trainer dai aokithey have appeared in a number of videos showing off their tricks']\n", - "border collie ace is seen on top of his owner and trainer dai aoki 's lapusing a human as their base , pooches ace and holly stood up high on their hind legs , with their front paws up .soon , holly the border collie hops onto aoki 's legs\n", - "border collies ace and holly were caught on camera performing a gravity-defying feat togetherthe two pooches stood up on their hind legs while balancing on their owner and trainer dai aokithey have appeared in a number of videos showing off their tricks\n", - "[1.3376366 1.3168724 1.2062441 1.0924621 1.1138707 1.1501329 1.1295719\n", - " 1.1866448 1.0835192 1.0711757 1.0674311 1.0494022 1.0206984 1.0358708\n", - " 1.0471855 1.0452513 1.0915506 1.1041737 1.0432998 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 7 5 6 4 17 3 16 8 9 10 11 14 15 18 13 12 21 19 20 22]\n", - "=======================\n", - "[\"iran has forbidden its citizens from travelling to saudia arabia 's holy sites over claims two teenaged boys were abused by saudi airport officials while returning from a pilgrimage .the announcement comes amid escalating tensions between the two regional powers , particularly over saudi-led airstrikes in yemen .sunni saudi arabia has led the bombing campaign against yemeni shiite rebels , the houthis , much to the anger of iran .\"]\n", - "=======================\n", - "['iranians ban saudi pilgrimage following claims of abuse on two teenagersthe boys , 14 and 15 , say abuse occurred as they were searched at airportinternational incident sparked protests outside saudi embassy in tehranban comes amid escalating tensions over saudi-led bombing in yemen']\n", - "iran has forbidden its citizens from travelling to saudia arabia 's holy sites over claims two teenaged boys were abused by saudi airport officials while returning from a pilgrimage .the announcement comes amid escalating tensions between the two regional powers , particularly over saudi-led airstrikes in yemen .sunni saudi arabia has led the bombing campaign against yemeni shiite rebels , the houthis , much to the anger of iran .\n", - "iranians ban saudi pilgrimage following claims of abuse on two teenagersthe boys , 14 and 15 , say abuse occurred as they were searched at airportinternational incident sparked protests outside saudi embassy in tehranban comes amid escalating tensions over saudi-led bombing in yemen\n", - "[1.4245284 1.2806718 1.2046896 1.079263 1.135971 1.1035969 1.1052808\n", - " 1.1277355 1.0882895 1.1293601 1.0658079 1.0097648 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 4 9 7 6 5 8 3 10 11 12 13 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"( cnn ) pope francis reminded the world of the vatican 's status as a state and his role as a moral diplomat in his traditional speech given at the end of easter mass. .the pontiff lamented the suffering of people in the conflicts currently making headlines and called for violence everywhere to end .foremost , he asked that bloodshed end in iraq and syria and that humanitarian aid get to those in need .\"]\n", - "=======================\n", - "['the pontiff laments the suffering of people in conflicts currently making headlinesforemost , he asks that bloodshed end in iraq and syria']\n", - "( cnn ) pope francis reminded the world of the vatican 's status as a state and his role as a moral diplomat in his traditional speech given at the end of easter mass. .the pontiff lamented the suffering of people in the conflicts currently making headlines and called for violence everywhere to end .foremost , he asked that bloodshed end in iraq and syria and that humanitarian aid get to those in need .\n", - "the pontiff laments the suffering of people in conflicts currently making headlinesforemost , he asks that bloodshed end in iraq and syria\n", - "[1.2737508 1.4152501 1.1878226 1.2890983 1.1527469 1.1357083 1.1215582\n", - " 1.0777841 1.1069158 1.0738196 1.0702662 1.1014419 1.0894526 1.0397738\n", - " 1.0357736 1.0336678 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 5 6 8 11 12 7 9 10 13 14 15 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"the chancellor said labour had ` form ' on jacking up income tax and national insurance and insisted ed balls and ed miliband would do the same if given the chance after may 7 .taxes on earnings went up by nearly # 1,900 under 13 years of labour , figures have revealed -- as george osborne warned ` they 'll do it all again ' .today , as he begins a tour of all four nations of the uk , david cameron will say there is just one month to save britain from the ` disaster ' of a miliband government .\"]\n", - "=======================\n", - "[\"george osborne has warned that taxes will rise under labour governmentchancellor claimed labour has ` done it before and will do it all over again 'taxes on earnings rose nearly # 1,900 under 13 years of labour , stats show\"]\n", - "the chancellor said labour had ` form ' on jacking up income tax and national insurance and insisted ed balls and ed miliband would do the same if given the chance after may 7 .taxes on earnings went up by nearly # 1,900 under 13 years of labour , figures have revealed -- as george osborne warned ` they 'll do it all again ' .today , as he begins a tour of all four nations of the uk , david cameron will say there is just one month to save britain from the ` disaster ' of a miliband government .\n", - "george osborne has warned that taxes will rise under labour governmentchancellor claimed labour has ` done it before and will do it all over again 'taxes on earnings rose nearly # 1,900 under 13 years of labour , stats show\n", - "[1.3279868 1.1179476 1.2694087 1.3350844 1.0917381 1.0572773 1.0209694\n", - " 1.2213472 1.1747501 1.1210784 1.0604084 1.0227723 1.0256749 1.0601751\n", - " 1.0686779 1.0092667 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 0 2 7 8 9 1 4 14 10 13 5 12 11 6 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"luis suarez curls the ball home for his second and barcelona 's third against paris saint-germainhe scored the two goals at the etihad that saw off manchester city in the last 16 , he scored in the clasico to leave the league title in barcelona 's hands , and with two more goals on wednesday in the parc des princes , luis suarez put his team practically in the champions league semi-finals .the spanish call the nutmeg a ` tunnel ' and in catalonia they are hailing the ` eurotunnels ' that have led barcelona to within two games of the berlin final on june 6 .\"]\n", - "=======================\n", - "['luis suarez scored twice as barcelona beat paris saint-germain 3-1the uruguayan had a slow start at the club but is now in impressive formhe has scored 13 goals in his last 14 games and six from six in europehis relationship with lionel messi and neymar has reaped rewards']\n", - "luis suarez curls the ball home for his second and barcelona 's third against paris saint-germainhe scored the two goals at the etihad that saw off manchester city in the last 16 , he scored in the clasico to leave the league title in barcelona 's hands , and with two more goals on wednesday in the parc des princes , luis suarez put his team practically in the champions league semi-finals .the spanish call the nutmeg a ` tunnel ' and in catalonia they are hailing the ` eurotunnels ' that have led barcelona to within two games of the berlin final on june 6 .\n", - "luis suarez scored twice as barcelona beat paris saint-germain 3-1the uruguayan had a slow start at the club but is now in impressive formhe has scored 13 goals in his last 14 games and six from six in europehis relationship with lionel messi and neymar has reaped rewards\n", - "[1.3121578 1.4909648 1.1720866 1.2908565 1.3714147 1.2150217 1.1450038\n", - " 1.0211241 1.0268787 1.0182476 1.0205562 1.0622722 1.0398241 1.1391962\n", - " 1.129729 1.1200122 1.0404665 1.0077866 1.0269855 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 0 3 5 2 6 13 14 15 11 16 12 18 8 7 10 9 17 21 19 20 22]\n", - "=======================\n", - "['wendell steiner , his wife , and their four children were stopped by police in akron , ohio during their 300-mile journey from nova , ohio to pennsylvania .four very terrified puppies strapped in a cage to the roof of a van moving on the freeway were rescued after dozens of concerned drivers called 911 and police pulled over the car .mitt romney ( left ) came under fire when it was revealed he once drove for 12 hours with his dog on his car']\n", - "=======================\n", - "[\"the puppies were being transported by an ohio mennonite family of sixwendell steiner said he offered to bring the puppies to his wife 's family in pennsylvania because his father could no longer take care of themhe said he was unaware it was illegal to transport animals on the roof a carthe puppies were handed over to police , who let family go with a warningromney admitted to driving 12 hours with his dog in carrier on top of his car\"]\n", - "wendell steiner , his wife , and their four children were stopped by police in akron , ohio during their 300-mile journey from nova , ohio to pennsylvania .four very terrified puppies strapped in a cage to the roof of a van moving on the freeway were rescued after dozens of concerned drivers called 911 and police pulled over the car .mitt romney ( left ) came under fire when it was revealed he once drove for 12 hours with his dog on his car\n", - "the puppies were being transported by an ohio mennonite family of sixwendell steiner said he offered to bring the puppies to his wife 's family in pennsylvania because his father could no longer take care of themhe said he was unaware it was illegal to transport animals on the roof a carthe puppies were handed over to police , who let family go with a warningromney admitted to driving 12 hours with his dog in carrier on top of his car\n", - "[1.1258295 1.156491 1.4455713 1.3855588 1.3150204 1.2812846 1.1804457\n", - " 1.0999224 1.0472397 1.013833 1.0143871 1.0270165 1.0153991 1.018276\n", - " 1.0264578 1.0998895 1.0709982 1.0570385 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 3 4 5 6 1 0 7 15 16 17 8 11 14 13 12 10 9 21 18 19 20 22]\n", - "=======================\n", - "[\"the 2013 wimbledon champion and olympic gold medalist has revealed he has left the vast majority of planning next week 's wedding to his fiancée , kim sears .miss sears , 27 , pictured in miami , has been been entrusted with planning the pair 's wedding next weekbut when it comes to the biggest event in his life , andy murray is happy to take a back seat .\"]\n", - "=======================\n", - "[\"murray says he has left majority of planning the day to fiancée , kim searshas said ` it 's just better to let the woman have it how she would like 'admits he ` could n't care less ' about flowers and colours schemesbut has been involved in food and cake tasting , saying ' i like good food 'wedding held next week at dunblane cathedral , murray 's home town\"]\n", - "the 2013 wimbledon champion and olympic gold medalist has revealed he has left the vast majority of planning next week 's wedding to his fiancée , kim sears .miss sears , 27 , pictured in miami , has been been entrusted with planning the pair 's wedding next weekbut when it comes to the biggest event in his life , andy murray is happy to take a back seat .\n", - "murray says he has left majority of planning the day to fiancée , kim searshas said ` it 's just better to let the woman have it how she would like 'admits he ` could n't care less ' about flowers and colours schemesbut has been involved in food and cake tasting , saying ' i like good food 'wedding held next week at dunblane cathedral , murray 's home town\n", - "[1.5073965 1.2182642 1.1687384 1.0380507 1.0418615 1.0477995 1.2172889\n", - " 1.248129 1.0954823 1.092578 1.0700668 1.0249174 1.0187817 1.0366162\n", - " 1.0613092 1.039356 1.0832269 1.0604514 1.0276196 1.2777672 1.1563969\n", - " 1.2072657 1.0292434]\n", - "\n", - "[ 0 19 7 1 6 21 2 20 8 9 16 10 14 17 5 4 15 3 13 22 18 11 12]\n", - "=======================\n", - "['lionel messi is not the best player in the world , neither is cristiano ronaldo - that title belongs to paris saint-germain forward javier pastore , according to eric cantona .javier pastore ( right ) celebrates after winning the french league cup with psg last saturdaybarcelona forward lionel messi has also been overlooked by cantona despite netting 45 times this season']\n", - "=======================\n", - "[\"eric cantona says psg midfielder javier pastore is world 's best playerpastore cost the french champions # 29million from palermo in 2011argentine has scored three goals and made five more this seasonpastore is the most creative player in the world according to cantonafrenchman also says spain only won world cup because of barcelona\"]\n", - "lionel messi is not the best player in the world , neither is cristiano ronaldo - that title belongs to paris saint-germain forward javier pastore , according to eric cantona .javier pastore ( right ) celebrates after winning the french league cup with psg last saturdaybarcelona forward lionel messi has also been overlooked by cantona despite netting 45 times this season\n", - "eric cantona says psg midfielder javier pastore is world 's best playerpastore cost the french champions # 29million from palermo in 2011argentine has scored three goals and made five more this seasonpastore is the most creative player in the world according to cantonafrenchman also says spain only won world cup because of barcelona\n", - "[1.2887927 1.2605653 1.3753237 1.2833073 1.2735779 1.2055805 1.1642202\n", - " 1.1147354 1.064603 1.0192311 1.0278289 1.0463684 1.0179223 1.0876645\n", - " 1.1569743 1.0834175 1.0267844 1.0725287 1.0237507]\n", - "\n", - "[ 2 0 3 4 1 5 6 14 7 13 15 17 8 11 10 16 18 9 12]\n", - "=======================\n", - "['durst , 72 , who faces a murder charge in an unrelated california case , remains jailed without bond in louisiana .he will now face federal charges , which lawyers believe he can win , before a murder trial in californiahe was arrested at a hotel in the new orleans capital in march a day before the finale of his hbo docu-series the jinx .']\n", - "=======================\n", - "[\"jailed millionaire arrested in march for ` gun and marijuana possession 'on thursday , a louisiana state judge threw out the caselawyers believe he will win federal case with similar chargesdurst is also charged with murder in california\"]\n", - "durst , 72 , who faces a murder charge in an unrelated california case , remains jailed without bond in louisiana .he will now face federal charges , which lawyers believe he can win , before a murder trial in californiahe was arrested at a hotel in the new orleans capital in march a day before the finale of his hbo docu-series the jinx .\n", - "jailed millionaire arrested in march for ` gun and marijuana possession 'on thursday , a louisiana state judge threw out the caselawyers believe he will win federal case with similar chargesdurst is also charged with murder in california\n", - "[1.2494475 1.4206827 1.2555335 1.3997474 1.386457 1.2706585 1.0189389\n", - " 1.0240865 1.2032071 1.0956695 1.0352757 1.0121183 1.0080892 1.0082835\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 5 2 0 8 9 10 7 6 11 13 12 17 14 15 16 18]\n", - "=======================\n", - "[\"szczesny has found himself demoted to the substitutes ' bench in recent months due to a combination of poor performances and the form of david ospina since the new year .wojciech szczesny has n't played a premier league game since the 2-0 defeat to southampton in januarydavid ospina boasts the highest win ratio of any premier league player to make more than 10 appearances\"]\n", - "=======================\n", - "['wojciech szczesny has watched on from the sidelines in recent monthsform of david ospina has lifted arsenal to second in the premier leagueseaman gives poland keeper confidence boost ahead of fa cup semi-finalread : alexis sanchez would grace the great arsenal teams']\n", - "szczesny has found himself demoted to the substitutes ' bench in recent months due to a combination of poor performances and the form of david ospina since the new year .wojciech szczesny has n't played a premier league game since the 2-0 defeat to southampton in januarydavid ospina boasts the highest win ratio of any premier league player to make more than 10 appearances\n", - "wojciech szczesny has watched on from the sidelines in recent monthsform of david ospina has lifted arsenal to second in the premier leagueseaman gives poland keeper confidence boost ahead of fa cup semi-finalread : alexis sanchez would grace the great arsenal teams\n", - "[1.4996145 1.1992109 1.2188413 1.2472446 1.1888473 1.1783483 1.2474217\n", - " 1.1574341 1.0374001 1.0357689 1.0256503 1.0136664 1.0641072 1.0427736\n", - " 1.0644146 1.0446265 0. 0. 0. ]\n", - "\n", - "[ 0 6 3 2 1 4 5 7 14 12 15 13 8 9 10 11 17 16 18]\n", - "=======================\n", - "[\"the nhs handed out 404,500 prescriptions for suncream at a cost of # 13million in 2014 and 4.7 million prescriptions for indigestion pills costing # 29million , damning analysis has found ( file image )critics said it was ` ludicrous ' that such items were being handed out when the nhs was rationing routine treatments .some patients are even being given hangover tablets and yakult yogurt drinks .\"]\n", - "=======================\n", - "[\"nhs gave out 404,500 prescriptions for suncream at a cost of # 13m in 2014also handed out 4.7 million prescriptions for indigestion pills costing # 29mother items routinely prescribed include vitamins , vaseline and toothpastecritics branded prescriptions ` ludicrous ' at time of financial crisis for nhs\"]\n", - "the nhs handed out 404,500 prescriptions for suncream at a cost of # 13million in 2014 and 4.7 million prescriptions for indigestion pills costing # 29million , damning analysis has found ( file image )critics said it was ` ludicrous ' that such items were being handed out when the nhs was rationing routine treatments .some patients are even being given hangover tablets and yakult yogurt drinks .\n", - "nhs gave out 404,500 prescriptions for suncream at a cost of # 13m in 2014also handed out 4.7 million prescriptions for indigestion pills costing # 29mother items routinely prescribed include vitamins , vaseline and toothpastecritics branded prescriptions ` ludicrous ' at time of financial crisis for nhs\n", - "[1.2509639 1.0670196 1.3971311 1.2539616 1.210306 1.1738113 1.0884899\n", - " 1.0562117 1.0522745 1.1324182 1.0405096 1.0204409 1.101898 1.1627555\n", - " 1.1486987 1.1365545 1.0184027 1.019694 1.0994902]\n", - "\n", - "[ 2 3 0 4 5 13 14 15 9 12 18 6 1 7 8 10 11 17 16]\n", - "=======================\n", - "['american jennifer stewart says she was devastated to learn that etihad airways lost her most important baggage following a recent trip from abu dhabi to new york city : her 2-year-old pet cat , felix .abu dhabi , united arab emirates ( cnn ) lost luggage after a long flight is a common , frustrating occurrence of modern air travel .shortly after the plane arrived in new york that evening , felix went missing somewhere on the grounds of kennedy airport , according to etihad airways .']\n", - "=======================\n", - "['couple spends $ 1,200 to ship their cat , felix , on a flight from the united arab emiratesfelix went missing somewhere at john f. kennedy international airport , airline sayspets are \" treated no differently than a free piece of checked luggage , \" jennifer stewart says']\n", - "american jennifer stewart says she was devastated to learn that etihad airways lost her most important baggage following a recent trip from abu dhabi to new york city : her 2-year-old pet cat , felix .abu dhabi , united arab emirates ( cnn ) lost luggage after a long flight is a common , frustrating occurrence of modern air travel .shortly after the plane arrived in new york that evening , felix went missing somewhere on the grounds of kennedy airport , according to etihad airways .\n", - "couple spends $ 1,200 to ship their cat , felix , on a flight from the united arab emiratesfelix went missing somewhere at john f. kennedy international airport , airline sayspets are \" treated no differently than a free piece of checked luggage , \" jennifer stewart says\n", - "[1.3011533 1.4453857 1.3245946 1.3392127 1.2527674 1.2647686 1.0516583\n", - " 1.0147434 1.0194192 1.2420162 1.044054 1.0348535 1.0615993 1.0651903\n", - " 1.0106838 1.0128781 1.0095509 0. 0. ]\n", - "\n", - "[ 1 3 2 0 5 4 9 13 12 6 10 11 8 7 15 14 16 17 18]\n", - "=======================\n", - "[\"psv eindhoven have confirmed united have made enquiries for holland international depay as have paris st germain but liverpool have also spoken to the player 's representatives .liverpool are making a rival push for manchester united target memphis depayliverpool hope to convince depay , 21 , that he would get more regular football with them but their qualification for the champions league could be crucial to the 23-goal winger choosing them over united .\"]\n", - "=======================\n", - "['liverpool and manchester united set to battle for psv ace memphis depayholland international depay has scored 23 goals for the club this seasonliverpool hope lure of first-team action will convince him to choose themread : liverpool set for summer overhaul with ten kop stars on way outread : the areas liverpool must address if they want to avoid mediocrity']\n", - "psv eindhoven have confirmed united have made enquiries for holland international depay as have paris st germain but liverpool have also spoken to the player 's representatives .liverpool are making a rival push for manchester united target memphis depayliverpool hope to convince depay , 21 , that he would get more regular football with them but their qualification for the champions league could be crucial to the 23-goal winger choosing them over united .\n", - "liverpool and manchester united set to battle for psv ace memphis depayholland international depay has scored 23 goals for the club this seasonliverpool hope lure of first-team action will convince him to choose themread : liverpool set for summer overhaul with ten kop stars on way outread : the areas liverpool must address if they want to avoid mediocrity\n", - "[1.2225672 1.3037 1.2656088 1.1857281 1.1419693 1.053482 1.0349873\n", - " 1.0856364 1.1344451 1.2509505 1.0117661 1.0353694 1.0991217 1.0415941\n", - " 1.0365489 1.0263218 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 9 0 3 4 8 12 7 5 13 14 11 6 15 10 23 22 21 20 16 18 17 24\n", - " 19 25]\n", - "=======================\n", - "[\"a state investigation was launched following complaints from two large agencies that supply water to arid farmland in the central valley and to millions of residents as far south as san diego .delta farmers do n't deny using as much water as they need .delta farmer rudy mussi says he has senior water rights , putting him in line ahead of those with lower ranking , or junior , water rights .\"]\n", - "=======================\n", - "[\"as california struggles with a devastating drought , huge amounts of water are mysteriously vanishing from the sacramento-san joaquin deltathe prime suspects are farmers whose families have tilled fertile soil there for generationsdelta farmers say they 're not stealing it because their history of living at the water 's edge gives them that rightcalifornia 's water rights system has historically given senior water rights holders the ability to use as much water as they need , even in droughtgov. jerry brown has said that if drought continues this system built into california 's legal framework could be changed\"]\n", - "a state investigation was launched following complaints from two large agencies that supply water to arid farmland in the central valley and to millions of residents as far south as san diego .delta farmers do n't deny using as much water as they need .delta farmer rudy mussi says he has senior water rights , putting him in line ahead of those with lower ranking , or junior , water rights .\n", - "as california struggles with a devastating drought , huge amounts of water are mysteriously vanishing from the sacramento-san joaquin deltathe prime suspects are farmers whose families have tilled fertile soil there for generationsdelta farmers say they 're not stealing it because their history of living at the water 's edge gives them that rightcalifornia 's water rights system has historically given senior water rights holders the ability to use as much water as they need , even in droughtgov. jerry brown has said that if drought continues this system built into california 's legal framework could be changed\n", - "[1.3360767 1.0937934 1.2393848 1.2781504 1.0389978 1.1201905 1.1005355\n", - " 1.181461 1.0515316 1.0518631 1.0311446 1.0260873 1.0256373 1.0684277\n", - " 1.0174711 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 7 5 6 1 13 9 8 4 10 11 12 14 15 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"comedian jenny eclair travelled with her other half on a painting in venus break with flavoursthis is the time when the ` alternative holiday experience ' tickles your holiday tastebuds and you find yourself looking at brochures for nordic cruises .being control freaks , most fifty-something females find ` doing nothing ' a bit boring -- after all , there are only so many hours one can spend on a kindle , and woman can not live by fiction alone .\"]\n", - "=======================\n", - "['the comedian stayed with flavours who offer a painting in venice breakjenny and her partner geof stayed at the farmhouse villa bianchidays involved sitting in medieval market towns with a brush and prosecco']\n", - "comedian jenny eclair travelled with her other half on a painting in venus break with flavoursthis is the time when the ` alternative holiday experience ' tickles your holiday tastebuds and you find yourself looking at brochures for nordic cruises .being control freaks , most fifty-something females find ` doing nothing ' a bit boring -- after all , there are only so many hours one can spend on a kindle , and woman can not live by fiction alone .\n", - "the comedian stayed with flavours who offer a painting in venice breakjenny and her partner geof stayed at the farmhouse villa bianchidays involved sitting in medieval market towns with a brush and prosecco\n", - "[1.3795031 1.1468208 1.2441897 1.1857021 1.1108978 1.1904728 1.2270553\n", - " 1.1138247 1.0570635 1.0552838 1.0346626 1.0317707 1.035334 1.0376097\n", - " 1.020386 1.0182701 1.0185908 1.0170379 1.0245293 1.0510807 1.0124197\n", - " 1.1129909 1.0174555 1.0217599 1.0177625 1.0194818]\n", - "\n", - "[ 0 2 6 5 3 1 7 21 4 8 9 19 13 12 10 11 18 23 14 25 16 15 24 22\n", - " 17 20]\n", - "=======================\n", - "['( cnn ) on the eve of the one-year mark since nearly 300 schoolgirls were abducted by boko haram in nigeria , malala yousafzai released an \" open letter \" to the girls monday .the 17-year-old nobel peace prize winner survived an attack by the taliban , which had singled her out for blogging from pakistan about the importance of staying in school .on monday , unicef announced a new campaign for the 800,000 children who have been displaced in northeast nigeria , using the hashtag #bringbackourchildhood .']\n", - "=======================\n", - "['malala yousafzai tells the girls she associates with themshe writes a message of \" solidarity , love and hope \"she calls on nigeria and the international community to do more to rescue the girls']\n", - "( cnn ) on the eve of the one-year mark since nearly 300 schoolgirls were abducted by boko haram in nigeria , malala yousafzai released an \" open letter \" to the girls monday .the 17-year-old nobel peace prize winner survived an attack by the taliban , which had singled her out for blogging from pakistan about the importance of staying in school .on monday , unicef announced a new campaign for the 800,000 children who have been displaced in northeast nigeria , using the hashtag #bringbackourchildhood .\n", - "malala yousafzai tells the girls she associates with themshe writes a message of \" solidarity , love and hope \"she calls on nigeria and the international community to do more to rescue the girls\n", - "[1.5872924 1.2009839 1.156005 1.317717 1.2483362 1.0755899 1.0241133\n", - " 1.1522639 1.0471389 1.0138485 1.0145577 1.0197891 1.019229 1.1427383\n", - " 1.0936842 1.0738472 1.0515071 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 1 2 7 13 14 5 15 16 8 6 11 12 10 9 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"kurt zouma was deployed in a defensive midfield role against manchester united specifically to stop marouane fellaini from continuing his good form at stamford bridge , according to jose mourinho .the big belgian has shone under louis van gaal in recent weeks but he endured an evening to forget as the 20-year-old man-marked him superbly during the blues ' 1-0 victory .mourinho gave an insight into his instructions to zouma after the game , explaining that he 'd asked the young frenchman to turn the match into a '10 against 10 ' clash .\"]\n", - "=======================\n", - "[\"kurt zouma kept an eye on marouane fellaini during chelsea 's 1-0 winthe french defender played as a defensive midfielder against man unitedjose mourinho wanted the 20-year-old to keep fellaini out of the gamechelsea boss impressed with zouma 's form during first season at the clubread : mourinho critics do n't have leg to stand on as he is getting job done\"]\n", - "kurt zouma was deployed in a defensive midfield role against manchester united specifically to stop marouane fellaini from continuing his good form at stamford bridge , according to jose mourinho .the big belgian has shone under louis van gaal in recent weeks but he endured an evening to forget as the 20-year-old man-marked him superbly during the blues ' 1-0 victory .mourinho gave an insight into his instructions to zouma after the game , explaining that he 'd asked the young frenchman to turn the match into a '10 against 10 ' clash .\n", - "kurt zouma kept an eye on marouane fellaini during chelsea 's 1-0 winthe french defender played as a defensive midfielder against man unitedjose mourinho wanted the 20-year-old to keep fellaini out of the gamechelsea boss impressed with zouma 's form during first season at the clubread : mourinho critics do n't have leg to stand on as he is getting job done\n", - "[1.2175905 1.3168505 1.1458148 1.3623555 1.2437018 1.0350155 1.0246334\n", - " 1.0136765 1.0159774 1.0972766 1.11765 1.1749339 1.0267082 1.0246574\n", - " 1.0673814 1.0666915 1.0759674 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 4 0 11 2 10 9 16 14 15 5 12 13 6 8 7 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"revelation : actress paula duncan revealed her battle with depression and attempt to take her own life in an interview with studio 10however , despite the glossy , upbeat image portrayed on our screens , duncan , now 62 , has revealed she attempted to commit suicide at age 43 , and that her teenage daughter jessica orcsik was the one who found her . 'she 's a household name and has graced australian tv screens throughout the early seventies and eighties , but it 's her appearance as a bubbly , upbeat housewife on the ajax spray 'n' wipe advertisements that is perhaps paula duncan 's most famous role .\"]\n", - "=======================\n", - "[\"paula duncan is an australian actress famous for ` ajax spray 'n' wipe ' adpreviously starred in seventies shows ` the young doctors ' and ` cop shop 'jessica orcsik , daughter of duncan , found her after suicide attemptduncan talks candidly about feeling rejected and attempting to take her life\"]\n", - "revelation : actress paula duncan revealed her battle with depression and attempt to take her own life in an interview with studio 10however , despite the glossy , upbeat image portrayed on our screens , duncan , now 62 , has revealed she attempted to commit suicide at age 43 , and that her teenage daughter jessica orcsik was the one who found her . 'she 's a household name and has graced australian tv screens throughout the early seventies and eighties , but it 's her appearance as a bubbly , upbeat housewife on the ajax spray 'n' wipe advertisements that is perhaps paula duncan 's most famous role .\n", - "paula duncan is an australian actress famous for ` ajax spray 'n' wipe ' adpreviously starred in seventies shows ` the young doctors ' and ` cop shop 'jessica orcsik , daughter of duncan , found her after suicide attemptduncan talks candidly about feeling rejected and attempting to take her life\n", - "[1.3540261 1.4086925 1.2173805 1.3067142 1.3453456 1.1806085 1.2340077\n", - " 1.0291889 1.0192837 1.0140122 1.0697452 1.0660235 1.2358166 1.010067\n", - " 1.0186695 1.0114912 1.0103568 1.009627 0. 0. ]\n", - "\n", - "[ 1 0 4 3 12 6 2 5 10 11 7 8 14 9 15 16 13 17 18 19]\n", - "=======================\n", - "[\"sterling , the england international who will lead liverpool 's line at wembley on sunday in the absence of the injured daniel sturridge , was exposed for inhaling the legal high nitrous oxide on monday .liverpool manager brendan rodgers has reminded raheem sterling and jordon ibe about their professional responsibilities and urged them to learn from a chastening week .liverpool boss brendan rodgers ( left ) has n't disciplined sterling ( pictured ) or ibe for the incident\"]\n", - "=======================\n", - "['liverpool face aston villa in their fa cup semi-final at wembley on sundayliverpool forwards raheem sterling and jordon ibe were pictured with a shisha pipe earlier this seasonneither have been disciplined by reds boss brendan rodgers for incident']\n", - "sterling , the england international who will lead liverpool 's line at wembley on sunday in the absence of the injured daniel sturridge , was exposed for inhaling the legal high nitrous oxide on monday .liverpool manager brendan rodgers has reminded raheem sterling and jordon ibe about their professional responsibilities and urged them to learn from a chastening week .liverpool boss brendan rodgers ( left ) has n't disciplined sterling ( pictured ) or ibe for the incident\n", - "liverpool face aston villa in their fa cup semi-final at wembley on sundayliverpool forwards raheem sterling and jordon ibe were pictured with a shisha pipe earlier this seasonneither have been disciplined by reds boss brendan rodgers for incident\n", - "[1.2404579 1.1690964 1.1502566 1.2971846 1.2689933 1.1553421 1.1317117\n", - " 1.1035562 1.1425118 1.0650859 1.1124796 1.0384699 1.0365136 1.0287399\n", - " 1.0384847 1.0171664 1.0552013 1.0672587 1.0332077 1.0494373]\n", - "\n", - "[ 3 4 0 1 5 2 8 6 10 7 17 9 16 19 14 11 12 18 13 15]\n", - "=======================\n", - "[\"swiss researchers measured the temperature of ` hot jupiter ' hd 189733b .they found the temperature reaches up to 3,000 °c in the atmosphere ( shown in diagram ) .welcome to the exoplanet hd 189733b , where temperatures reach 3,000 °c ( 5,400 °f ) and winds are in excess of 620mph ( 1,000 km/h ) .\"]\n", - "=======================\n", - "[\"swiss researchers examined the ` hot jupiter ' planet hd 189733btemperatures reach 3,000 °c in the atmosphere and wind speed is 620mphfindings were comparable in quality to the hubble space telescopebut the researchers used a ` relatively dinky ' telescope , suggesting the method could be replicated by other astronomers to study exoplaents\"]\n", - "swiss researchers measured the temperature of ` hot jupiter ' hd 189733b .they found the temperature reaches up to 3,000 °c in the atmosphere ( shown in diagram ) .welcome to the exoplanet hd 189733b , where temperatures reach 3,000 °c ( 5,400 °f ) and winds are in excess of 620mph ( 1,000 km/h ) .\n", - "swiss researchers examined the ` hot jupiter ' planet hd 189733btemperatures reach 3,000 °c in the atmosphere and wind speed is 620mphfindings were comparable in quality to the hubble space telescopebut the researchers used a ` relatively dinky ' telescope , suggesting the method could be replicated by other astronomers to study exoplaents\n", - "[1.526952 1.5657736 1.316998 1.3772628 1.1079233 1.0559758 1.0228069\n", - " 1.0126411 1.0111759 1.0737587 1.0182073 1.138273 1.0237037 1.0532724\n", - " 1.1165578 1.1782641 1.0543696 1.0086933 1.0310125 1.0131179]\n", - "\n", - "[ 1 0 3 2 15 11 14 4 9 5 16 13 18 12 6 10 19 7 8 17]\n", - "=======================\n", - "[\"tim sherwood 's team were set to drop into the bottom three when charlie austin scored his 17th premier league goal of the season 12 minutes from the end , before benteke 's intervention five minutes later to cap off a pulsating game .christian benteke rescued aston villa from the drop zone with a brilliant late free-kick to seal his hat-trick and salvage a point against relegation rivals queens park rangers .tim sherwood was disappointed that aston villa 's domination of qpr did not result in three points for his side\"]\n", - "=======================\n", - "[\"aston villa draw 3-3 with qpr with christian benteke scoring a hat-tricktim sherwood felt his side should have got more than a draw from clashvilla dominated for long periods but almost lost to fall into bottom threebenteke 's late free-kick rescued them from that fate at villa parkchris ramsey praises the belgian for being a ` formidable player '\"]\n", - "tim sherwood 's team were set to drop into the bottom three when charlie austin scored his 17th premier league goal of the season 12 minutes from the end , before benteke 's intervention five minutes later to cap off a pulsating game .christian benteke rescued aston villa from the drop zone with a brilliant late free-kick to seal his hat-trick and salvage a point against relegation rivals queens park rangers .tim sherwood was disappointed that aston villa 's domination of qpr did not result in three points for his side\n", - "aston villa draw 3-3 with qpr with christian benteke scoring a hat-tricktim sherwood felt his side should have got more than a draw from clashvilla dominated for long periods but almost lost to fall into bottom threebenteke 's late free-kick rescued them from that fate at villa parkchris ramsey praises the belgian for being a ` formidable player '\n", - "[1.3274597 1.1304059 1.2927148 1.2404661 1.2120581 1.1767036 1.1595707\n", - " 1.052218 1.1114757 1.1678985 1.1106328 1.094945 1.0189915 1.0195358\n", - " 1.0365165 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 4 5 9 6 1 8 10 11 7 14 13 12 18 15 16 17 19]\n", - "=======================\n", - "['the vaccine , known as rts , s , took 30 years to develop but it is now hoped it can be used to save millions of livestests were carried out on 15,500 toddlers and babies in sub-saharan africa .a new jab against malaria could prevent millions of cases , scientists claim .']\n", - "=======================\n", - "[\"vaccine named rts , s could be available by october , scientists believewill become the first approved vaccine for the world 's deadliest diseasedesigned for use in children in africa , it can prevent up to half of casesexperts hail ` extraordinary achievement ' for british firm that developed it\"]\n", - "the vaccine , known as rts , s , took 30 years to develop but it is now hoped it can be used to save millions of livestests were carried out on 15,500 toddlers and babies in sub-saharan africa .a new jab against malaria could prevent millions of cases , scientists claim .\n", - "vaccine named rts , s could be available by october , scientists believewill become the first approved vaccine for the world 's deadliest diseasedesigned for use in children in africa , it can prevent up to half of casesexperts hail ` extraordinary achievement ' for british firm that developed it\n", - "[1.2728205 1.4184217 1.2674508 1.2250279 1.2244078 1.0638973 1.063025\n", - " 1.0978531 1.1561921 1.0198954 1.019505 1.0194486 1.0908158 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 8 7 12 5 6 9 10 11 18 13 14 15 16 17 19]\n", - "=======================\n", - "['amanda goff , known to her clients as samantha x , is a former journalist wrote a book about her experience after becoming a global sensation .a mother of two who works as a high-class escort has told how she received \\' a torrent of abuse from the thinly pursed lips of apparently \" better \" mothers \\' when she revealed her double life on national television .after being labelled ` a whore and a s *** and an anti-feminist \\' , ms goff said the most troubling part of her ` coming out \\' experience was the response she received from other mothers , who expected her children to ` endure a life of misery \\' because of her abnormal profession .']\n", - "=======================\n", - "[\"former journalist amanda goff has spoken out about her life as an escortin a tell all book the mother of two revealed the abuse she was faced withshe told the world about her x-rated career on national televisionsince then she 's received a combination of hate and kindness from mothers , people in the sex industry and those aspiring to be sex workersms goff charges clients $ 800 an hour or $ 5,000 a night for her time\"]\n", - "amanda goff , known to her clients as samantha x , is a former journalist wrote a book about her experience after becoming a global sensation .a mother of two who works as a high-class escort has told how she received ' a torrent of abuse from the thinly pursed lips of apparently \" better \" mothers ' when she revealed her double life on national television .after being labelled ` a whore and a s *** and an anti-feminist ' , ms goff said the most troubling part of her ` coming out ' experience was the response she received from other mothers , who expected her children to ` endure a life of misery ' because of her abnormal profession .\n", - "former journalist amanda goff has spoken out about her life as an escortin a tell all book the mother of two revealed the abuse she was faced withshe told the world about her x-rated career on national televisionsince then she 's received a combination of hate and kindness from mothers , people in the sex industry and those aspiring to be sex workersms goff charges clients $ 800 an hour or $ 5,000 a night for her time\n", - "[1.386144 1.3996136 1.1821799 1.2361919 1.1074666 1.1246113 1.0989323\n", - " 1.085356 1.0326343 1.0220966 1.0699226 1.0933887 1.054508 1.0583484\n", - " 1.0653349 1.0536362 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 5 4 6 11 7 10 14 13 12 15 8 9 19 16 17 18 20]\n", - "=======================\n", - "[\"the person responsible is the man 's mother , who on sunday faced a host of charges after allegedly abandoning her son and catching a bus to maryland to see her boyfriend , said philadelphia police lt. john walker .( cnn ) for more than four days , police say , a 21-year-old quadriplegic with cerebral palsy was left lying in the woods of philadelphia 's cobbs creek park with only a blanket and a bible .low temperatures reached the mid-30s during the week , and rain was reported in the area wednesday and thursday .\"]\n", - "=======================\n", - "['temperatures dipped into the mid-30s during 4 days man lay in woods of philadelphia parkmom told police son was with her in maryland , but he was found friday with blanket , biblevictim being treated for malnutrition , dehydration ; mother faces host of charges after extradition']\n", - "the person responsible is the man 's mother , who on sunday faced a host of charges after allegedly abandoning her son and catching a bus to maryland to see her boyfriend , said philadelphia police lt. john walker .( cnn ) for more than four days , police say , a 21-year-old quadriplegic with cerebral palsy was left lying in the woods of philadelphia 's cobbs creek park with only a blanket and a bible .low temperatures reached the mid-30s during the week , and rain was reported in the area wednesday and thursday .\n", - "temperatures dipped into the mid-30s during 4 days man lay in woods of philadelphia parkmom told police son was with her in maryland , but he was found friday with blanket , biblevictim being treated for malnutrition , dehydration ; mother faces host of charges after extradition\n", - "[1.166477 1.1104324 1.4753722 1.300705 1.1000949 1.1628039 1.1183113\n", - " 1.208835 1.2398012 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 8 7 0 5 6 1 4 18 17 16 15 14 10 12 11 19 9 13 20]\n", - "=======================\n", - "[\"on thursday 's edition of the popular game show , model manuela arbelaez accidentally revealed the correct answer to a guessing game for a new hyundai sonata .host drew carey could n't stop laughing .on wednesday , former host bob barker , 91 , showed up to run his old show .\"]\n", - "=======================\n", - "['\" the price is right \" gives away a car ... accidentallya model makes a big mistake during a gamehost drew carey thought the error was hilarious']\n", - "on thursday 's edition of the popular game show , model manuela arbelaez accidentally revealed the correct answer to a guessing game for a new hyundai sonata .host drew carey could n't stop laughing .on wednesday , former host bob barker , 91 , showed up to run his old show .\n", - "\" the price is right \" gives away a car ... accidentallya model makes a big mistake during a gamehost drew carey thought the error was hilarious\n", - "[1.2931678 1.3752995 1.3568767 1.059737 1.0466207 1.2544976 1.1628668\n", - " 1.1436589 1.1729664 1.1153227 1.1157304 1.0203987 1.1008929 1.031835\n", - " 1.0187051 1.0771611 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 5 8 6 7 10 9 12 15 3 4 13 11 14 19 16 17 18 20]\n", - "=======================\n", - "[\"a bizarre search is now unfolding on queensland 's gold coast as authorities try to locate the reptile which could pose a threat to local wildlife and even people 's pet cats and dogs .snake catcher tony harrison warned that if the large-predatory boa has inclusion body disease ` it can be unbelievably contagious if that gets loose in australia ' .a two-metre south american boa constrictor is on the loose after police mistakenly believed it was a harmless python and set it free .\"]\n", - "=======================\n", - "[\"the boa constrictor is on the loose on queensland 's gold coastpolice released it into the wild because they thought it was a pythonsnake catcher tony harrison said it was probably imported illegallyfears that if the snake is pregnant up to 30 live young could also be loose\"]\n", - "a bizarre search is now unfolding on queensland 's gold coast as authorities try to locate the reptile which could pose a threat to local wildlife and even people 's pet cats and dogs .snake catcher tony harrison warned that if the large-predatory boa has inclusion body disease ` it can be unbelievably contagious if that gets loose in australia ' .a two-metre south american boa constrictor is on the loose after police mistakenly believed it was a harmless python and set it free .\n", - "the boa constrictor is on the loose on queensland 's gold coastpolice released it into the wild because they thought it was a pythonsnake catcher tony harrison said it was probably imported illegallyfears that if the snake is pregnant up to 30 live young could also be loose\n", - "[1.3493296 1.2229658 1.2100204 1.182641 1.4413729 1.2293245 1.2856212\n", - " 1.087827 1.0135696 1.0589767 1.0400945 1.0259808 1.0349307 1.370432\n", - " 1.0107048 1.0107428 1.0092756 1.009041 1.0511346 0. 0. ]\n", - "\n", - "[ 4 13 0 6 5 1 2 3 7 9 18 10 12 11 8 15 14 16 17 19 20]\n", - "=======================\n", - "[\"newcastle boss john carver insists his side have ` got six cup finals ' left to play during the current campaignengland winger raheem sterling scored in liverpool 's 2-0 win over newcastle at anfield on monday nightnewcastle are just nine points above qpr\"]\n", - "=======================\n", - "[\"john carver 's newcastle united have lost their last five matchesnewcastle are nine points above 18th-placed queens park rangerscarver has warned his side that they must start to pick up points\"]\n", - "newcastle boss john carver insists his side have ` got six cup finals ' left to play during the current campaignengland winger raheem sterling scored in liverpool 's 2-0 win over newcastle at anfield on monday nightnewcastle are just nine points above qpr\n", - "john carver 's newcastle united have lost their last five matchesnewcastle are nine points above 18th-placed queens park rangerscarver has warned his side that they must start to pick up points\n", - "[1.3897562 1.0964342 1.2044381 1.4428962 1.1723955 1.1380637 1.1363797\n", - " 1.0834566 1.2228738 1.1040006 1.1453629 1.0178232 1.0108738 1.0107388\n", - " 1.1756076 1.1958942 1.147868 1.0134361 1.0088024 1.0094482 1.0094025]\n", - "\n", - "[ 3 0 8 2 15 14 4 16 10 5 6 9 1 7 11 17 12 13 19 20 18]\n", - "=======================\n", - "['brazilian ace neymar aims a knee at the groin area of fellow south american striker luis suarezluis enrique will be hoping the embarrassing pain wears off before the catalans line up against paris saint-germain at the nou camp on tuesday night .suarez ( left ) scores his second goal of the night as barcelona go 3-0 against psg on april 15']\n", - "=======================\n", - "[\"luis suarez receives a painful knee where it hurts from team-mate neymarsouth american duo shared a joke in training ahead of champions leaguebarcelona face paris saint-germain at the nou camp on tuesday nightsuarez admits he was timid at the thought of playing alongside neymarread : psg coach admits getting past barca is ` practically impossible '\"]\n", - "brazilian ace neymar aims a knee at the groin area of fellow south american striker luis suarezluis enrique will be hoping the embarrassing pain wears off before the catalans line up against paris saint-germain at the nou camp on tuesday night .suarez ( left ) scores his second goal of the night as barcelona go 3-0 against psg on april 15\n", - "luis suarez receives a painful knee where it hurts from team-mate neymarsouth american duo shared a joke in training ahead of champions leaguebarcelona face paris saint-germain at the nou camp on tuesday nightsuarez admits he was timid at the thought of playing alongside neymarread : psg coach admits getting past barca is ` practically impossible '\n", - "[1.3029282 1.3681676 1.1944342 1.1564496 1.1994698 1.3824067 1.0979335\n", - " 1.067452 1.0639783 1.0759048 1.056403 1.0144935 1.029474 1.0146536\n", - " 1.0255437 1.1155099 1.1127269 1.1057861 0. 0. ]\n", - "\n", - "[ 5 1 0 4 2 3 15 16 17 6 9 7 8 10 12 14 13 11 18 19]\n", - "=======================\n", - "[\"former goldman sachs managing director jason lee , 38 , faces charges of allegedly raping a 20-year-old irish woman in the hamptons in august 2013jason lee forced himself on the 20-year-old in a bathroom and told her to ` shut the f *** up ' so her friends in the next room would not hear .a wall street banker raped an irish student in a ` disgusting , violent attack ' because he was determined to have sex on his birthday , a court heard on wednesday .\"]\n", - "=======================\n", - "['jason lee , 38 , was arrested in august 2013 after a woman accused him of attacking her at the home he and his wife rented in east hamptonlee invited the woman , her brother and friends back to the house after they met at trendy restauranthe allegedly forced his way into the bathroom while the girl was inside , then undressed and pinned her to the floorhe was found by police allegedly hiding in a car with tinted windows in his drivewaylee walked hand in hand into court with his wife for trial on wednesday']\n", - "former goldman sachs managing director jason lee , 38 , faces charges of allegedly raping a 20-year-old irish woman in the hamptons in august 2013jason lee forced himself on the 20-year-old in a bathroom and told her to ` shut the f *** up ' so her friends in the next room would not hear .a wall street banker raped an irish student in a ` disgusting , violent attack ' because he was determined to have sex on his birthday , a court heard on wednesday .\n", - "jason lee , 38 , was arrested in august 2013 after a woman accused him of attacking her at the home he and his wife rented in east hamptonlee invited the woman , her brother and friends back to the house after they met at trendy restauranthe allegedly forced his way into the bathroom while the girl was inside , then undressed and pinned her to the floorhe was found by police allegedly hiding in a car with tinted windows in his drivewaylee walked hand in hand into court with his wife for trial on wednesday\n", - "[1.5324776 1.179491 1.1079868 1.2150714 1.3754091 1.1668553 1.044439\n", - " 1.1023461 1.22475 1.1357902 1.0933975 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 8 3 1 5 9 2 7 10 6 18 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"bastia president pierre-marie geronimi has called for french league ( lfp ) president frederic thiriez to step down after he did not come down to the pitch to shake the players ' hands ahead of saturday 's league cup final .bastia lost 4-0 to paris st germain , who claimed their fifth league cup trophy with doubles by zlatan ibrahimovic and edinson cavani .sporting [ bastia ] demands that he goes . '\"]\n", - "=======================\n", - "[\"french league president frederic thiriez did not shake players hands ahead of the league cup finalbastia lost 4-0 to psg thanks to zlatan ibrahimovic and edinson cavaniin 2012 , thiriez did not hand bastia their ligue 2 champions ' trophysaturday 's win led the parisian club to lift their fifth league cup trophy\"]\n", - "bastia president pierre-marie geronimi has called for french league ( lfp ) president frederic thiriez to step down after he did not come down to the pitch to shake the players ' hands ahead of saturday 's league cup final .bastia lost 4-0 to paris st germain , who claimed their fifth league cup trophy with doubles by zlatan ibrahimovic and edinson cavani .sporting [ bastia ] demands that he goes . '\n", - "french league president frederic thiriez did not shake players hands ahead of the league cup finalbastia lost 4-0 to psg thanks to zlatan ibrahimovic and edinson cavaniin 2012 , thiriez did not hand bastia their ligue 2 champions ' trophysaturday 's win led the parisian club to lift their fifth league cup trophy\n", - "[1.2504005 1.5618014 1.2219574 1.4110047 1.2789047 1.0726634 1.0321591\n", - " 1.0181161 1.0332891 1.05075 1.1045322 1.0304433 1.0178108 1.0277133\n", - " 1.2058244 1.1214259 1.0742192 1.0281978 1.0130695 0. ]\n", - "\n", - "[ 1 3 4 0 2 14 15 10 16 5 9 8 6 11 17 13 7 12 18 19]\n", - "=======================\n", - "[\"craig roberts , 36 , from chadderton , manchester , walked into his town 's post office and an employee shouted from behind the counter that he would have to leave his guide dog bruce outside if he wanted to be served .he said he was left feeling ` angry and shocked 'even when mr roberts explained his two-year-old golden labrador retriever cross was a guide dog , the employee allegedly still insisted he should be left outside .\"]\n", - "=======================\n", - "['craig roberts , 36 , went to chadderton post office to top up electric meterbut staff said he would not be served unless he left his guide dog outsidemr roberts was born with glaucoma and has 30 per cent vision in one eyehe was eventually served after a ten minute standoff with an employee']\n", - "craig roberts , 36 , from chadderton , manchester , walked into his town 's post office and an employee shouted from behind the counter that he would have to leave his guide dog bruce outside if he wanted to be served .he said he was left feeling ` angry and shocked 'even when mr roberts explained his two-year-old golden labrador retriever cross was a guide dog , the employee allegedly still insisted he should be left outside .\n", - "craig roberts , 36 , went to chadderton post office to top up electric meterbut staff said he would not be served unless he left his guide dog outsidemr roberts was born with glaucoma and has 30 per cent vision in one eyehe was eventually served after a ten minute standoff with an employee\n", - "[1.3459929 1.6019067 1.2670449 1.4868982 1.0867447 1.0282526 1.0245113\n", - " 1.0282855 1.0151255 1.0242041 1.2417039 1.0641065 1.0221778 1.0100461\n", - " 1.011643 1.012248 1.0091687 1.0104043 1.2436349 1.1209421]\n", - "\n", - "[ 1 3 0 2 18 10 19 4 11 7 5 6 9 12 8 15 14 17 13 16]\n", - "=======================\n", - "[\"stuart lancaster 's side will take on the south sea islanders in the world cup curtain-raiser on september 18 at england hq in a tournament that will encompass 48 matches spread across 44 days of action .it may be another 149 days until england begin their world cup campaign against fiji at twickenham , but england assistant coach andy farrell can already feel the excitement building across the country .england came within six points of claiming the rbs 6 nations following their pulsating 55-35 victory against france on the final day of the championship -- as ireland secured a second successive title on points difference .\"]\n", - "=======================\n", - "[\"england begin their world cup campaign against fiji on september 18stuart lancaster 's side will also face australia and wales in pool aengland will play final pool game against uruguay at the etihad stadiumlancaster must name his 31-man world cup squad before august 31\"]\n", - "stuart lancaster 's side will take on the south sea islanders in the world cup curtain-raiser on september 18 at england hq in a tournament that will encompass 48 matches spread across 44 days of action .it may be another 149 days until england begin their world cup campaign against fiji at twickenham , but england assistant coach andy farrell can already feel the excitement building across the country .england came within six points of claiming the rbs 6 nations following their pulsating 55-35 victory against france on the final day of the championship -- as ireland secured a second successive title on points difference .\n", - "england begin their world cup campaign against fiji on september 18stuart lancaster 's side will also face australia and wales in pool aengland will play final pool game against uruguay at the etihad stadiumlancaster must name his 31-man world cup squad before august 31\n", - "[1.185669 1.458997 1.3273025 1.323369 1.1697809 1.0293252 1.0327946\n", - " 1.0276531 1.0319659 1.0394412 1.0527004 1.0857568 1.0247538 1.088068\n", - " 1.1405249 1.0419257 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 14 13 11 10 15 9 6 8 5 7 12 16 17 18 19]\n", - "=======================\n", - "['married to both george harrison and eric clapton , model pattie boyd was one of the most envied women in the world .yesterday at the age of 71 , she wed for a third time -- with a soundtrack provided by her irish terrier freddie who did his best to upstage the bride and her new groom , property developer rod weston .pattie boyd has tied the knot for the third time , this time with rod weston at chelsea registry office , chelsea old town hall , in london']\n", - "=======================\n", - "[\"pattie boyd and rod weston , 61 , have been together for almost 25 yearspair were accompanied by their dog freddie at chelsea register officethis is pattie 's third marriage - her first was to george harrison in 1966bentley took couple to wedding breakfast at beaumont hotel in mayfair\"]\n", - "married to both george harrison and eric clapton , model pattie boyd was one of the most envied women in the world .yesterday at the age of 71 , she wed for a third time -- with a soundtrack provided by her irish terrier freddie who did his best to upstage the bride and her new groom , property developer rod weston .pattie boyd has tied the knot for the third time , this time with rod weston at chelsea registry office , chelsea old town hall , in london\n", - "pattie boyd and rod weston , 61 , have been together for almost 25 yearspair were accompanied by their dog freddie at chelsea register officethis is pattie 's third marriage - her first was to george harrison in 1966bentley took couple to wedding breakfast at beaumont hotel in mayfair\n", - "[1.3486605 1.4414268 1.3106992 1.3336216 1.1540565 1.1057894 1.0495504\n", - " 1.019125 1.0738916 1.0733634 1.0211681 1.079378 1.152598 1.1033573\n", - " 1.0124705 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 12 5 13 11 8 9 6 10 7 14 18 15 16 17 19]\n", - "=======================\n", - "[\"the senior tory said nigel farage is ` not my cup of tea ' and would question whether she was ` happy to serve ' with the ukip leader .education secretary nicky morgan today signalled she would quit the cabinet if the tories entered a power-sharing deal with ukip .david cameron has urged ukip supporters to ` come home ' to the conservatives , but has stopped short of ruling out having to rely on the eurosceptic party if he falls short of a majority .\"]\n", - "=======================\n", - "[\"education secretary suggests she would not be ` happy to serve ' with ukipcondemns farage over his attack on migrants with hiv coming to ukukip leader admits support for his party has ` slipped back ' in recent weekscameron urges ukip supporters to ` come home ' to the conservatives\"]\n", - "the senior tory said nigel farage is ` not my cup of tea ' and would question whether she was ` happy to serve ' with the ukip leader .education secretary nicky morgan today signalled she would quit the cabinet if the tories entered a power-sharing deal with ukip .david cameron has urged ukip supporters to ` come home ' to the conservatives , but has stopped short of ruling out having to rely on the eurosceptic party if he falls short of a majority .\n", - "education secretary suggests she would not be ` happy to serve ' with ukipcondemns farage over his attack on migrants with hiv coming to ukukip leader admits support for his party has ` slipped back ' in recent weekscameron urges ukip supporters to ` come home ' to the conservatives\n", - "[1.2930584 1.4192026 1.2824395 1.0417476 1.0523872 1.2452193 1.359531\n", - " 1.1150823 1.0441602 1.057572 1.1419489 1.1075983 1.0772431 1.0878979\n", - " 1.0503066 1.0341777 1.0867425 1.0611215 1.0262707 1.0152423]\n", - "\n", - "[ 1 6 0 2 5 10 7 11 13 16 12 17 9 4 14 8 3 15 18 19]\n", - "=======================\n", - "[\"lacey spears of scottsville , kentucky , who was spared the maximum 25 years to life , appeared emotionless as the verdict was read in the death of her son garnett-paul spears .the boy 's father , chris hill , was not emotionless however and wrote of his wife 's sentence ; ` please put her in general population !the new york judge who sentenced spears on wednesday said she suffers from a mental illness and said the crime was still ` unfathomable in its cruelty . '\"]\n", - "=======================\n", - "[\"lacey spears of scottsville , kentucky , was found guilty last month of second-degree murder in the death of garnett-paul spearsthe 27-year-old spears force-fed heavy concentrations of sodium through the boy 's stomach tubejudge who sentenced spears on wednesday said she suffers from a mental illness and said the crime was still ` unfathomable in its cruelty 'she showed no emotion when she was sentenced to 20 years in prisonthe boy 's father chris hill wrote on his facebook account of spears : ` crazy a ** woman needs to be beat to death in prison '\"]\n", - "lacey spears of scottsville , kentucky , who was spared the maximum 25 years to life , appeared emotionless as the verdict was read in the death of her son garnett-paul spears .the boy 's father , chris hill , was not emotionless however and wrote of his wife 's sentence ; ` please put her in general population !the new york judge who sentenced spears on wednesday said she suffers from a mental illness and said the crime was still ` unfathomable in its cruelty . '\n", - "lacey spears of scottsville , kentucky , was found guilty last month of second-degree murder in the death of garnett-paul spearsthe 27-year-old spears force-fed heavy concentrations of sodium through the boy 's stomach tubejudge who sentenced spears on wednesday said she suffers from a mental illness and said the crime was still ` unfathomable in its cruelty 'she showed no emotion when she was sentenced to 20 years in prisonthe boy 's father chris hill wrote on his facebook account of spears : ` crazy a ** woman needs to be beat to death in prison '\n", - "[1.3923383 1.1895618 1.5015733 1.2676227 1.1850529 1.2824327 1.0856147\n", - " 1.0335361 1.0548508 1.0202378 1.0115283 1.0278308 1.1408167 1.1365646\n", - " 1.0696796 1.0580318 1.0766628 1.0931376 0. 0. ]\n", - "\n", - "[ 2 0 5 3 1 4 12 13 17 6 16 14 15 8 7 11 9 10 18 19]\n", - "=======================\n", - "[\"tara mcintyre , 24 , was left virtually wheelchair-bound after ben hagon 's high-powered mercedes sports car crashed into her at up to 75mph , a court heard .judge david turner branded hagon 's driving ` madness ' - and accused him of changing miss mcintyre 's life for the worse for ever .she had just popped out to the shops in her small ka when she was hit by the drunk-driver and suffered the life-changing injuries which included a fractured spine and pelvis .\"]\n", - "=======================\n", - "['tara mcintyre , 24 , was left with life-changing injuries after horrifying smashben hagon had been more than double legal alcohol limit when he crashedwitnesses claimed his mercedes was speeding up to 75mph in 40mph zonevictim suffered fractured spine and pelvis leaving her wheelchair-bound']\n", - "tara mcintyre , 24 , was left virtually wheelchair-bound after ben hagon 's high-powered mercedes sports car crashed into her at up to 75mph , a court heard .judge david turner branded hagon 's driving ` madness ' - and accused him of changing miss mcintyre 's life for the worse for ever .she had just popped out to the shops in her small ka when she was hit by the drunk-driver and suffered the life-changing injuries which included a fractured spine and pelvis .\n", - "tara mcintyre , 24 , was left with life-changing injuries after horrifying smashben hagon had been more than double legal alcohol limit when he crashedwitnesses claimed his mercedes was speeding up to 75mph in 40mph zonevictim suffered fractured spine and pelvis leaving her wheelchair-bound\n", - "[1.287214 1.3575395 1.2928855 1.0713714 1.2875074 1.061296 1.114838\n", - " 1.1232603 1.1035532 1.056671 1.0217632 1.0604613 1.0421315 1.0273534\n", - " 1.1184697 1.045448 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 0 7 14 6 8 3 5 11 9 15 12 13 10 18 16 17 19]\n", - "=======================\n", - "[\"the pariah state may also have the capability to produce enough weapons-grade uranium to double its arsenal by next year , the wall street journal has reported .chinese estimates of pyongyang 's nuclear production , relayed to us nuclear specialists , exceed most previous us forecasts of between 10 to 16 bombs , said the report , which cited people briefed on the matter .north korea may already have 20 nuclear warheads - double as many as previously thought , chinese nuclear experts have warned .\"]\n", - "=======================\n", - "['pariah state may have 20 warheads not 10 as previous us forecasts heldstockpile of weapons could grow to 50 or even 100 within next five yearsus military believes secretive country has ability to miniaturise warhead and mount it on ballistic missile , though there have been no such tests yet']\n", - "the pariah state may also have the capability to produce enough weapons-grade uranium to double its arsenal by next year , the wall street journal has reported .chinese estimates of pyongyang 's nuclear production , relayed to us nuclear specialists , exceed most previous us forecasts of between 10 to 16 bombs , said the report , which cited people briefed on the matter .north korea may already have 20 nuclear warheads - double as many as previously thought , chinese nuclear experts have warned .\n", - "pariah state may have 20 warheads not 10 as previous us forecasts heldstockpile of weapons could grow to 50 or even 100 within next five yearsus military believes secretive country has ability to miniaturise warhead and mount it on ballistic missile , though there have been no such tests yet\n", - "[1.1831839 1.2044698 1.1568433 1.1130555 1.1481476 1.1235038 1.0957686\n", - " 1.0945911 1.0364577 1.0476276 1.0445664 1.0789058 1.112295 1.0601588\n", - " 1.0288231 1.0438457 1.0393406 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 5 3 12 6 7 11 13 9 10 15 16 8 14 18 17 19]\n", - "=======================\n", - "[\"we are all familiar with the brutality of isis , the self-anointed islamic state , or boko haram , the nigerian terrorists who have pledged allegiance to isis .( cnn ) there is a special kind of hell reserved for the women who fall into the clutches of today 's jihadi fighters .this new wave of violent islamist groups proudly brandishes medieval methods of cruelty through modern technology as a tool of recruitment and intimidation .\"]\n", - "=======================\n", - "['frida ghitis : isis and other jihadi groups see women as crucial in role of caliphate they want to createshe says the groups want to enslave women , tie them to a long outdated view of how society should work']\n", - "we are all familiar with the brutality of isis , the self-anointed islamic state , or boko haram , the nigerian terrorists who have pledged allegiance to isis .( cnn ) there is a special kind of hell reserved for the women who fall into the clutches of today 's jihadi fighters .this new wave of violent islamist groups proudly brandishes medieval methods of cruelty through modern technology as a tool of recruitment and intimidation .\n", - "frida ghitis : isis and other jihadi groups see women as crucial in role of caliphate they want to createshe says the groups want to enslave women , tie them to a long outdated view of how society should work\n", - "[1.516803 1.4099407 1.3131896 1.3413258 1.0938363 1.2059855 1.0239103\n", - " 1.0206454 1.0771408 1.0696009 1.0393116 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 5 4 8 9 10 6 7 18 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"celtic have hit out at the sfa over ticket prices for their scottish cup semi-final against inverness later this month at hampden .the game 's governing body has already come under fire from caley thistle fans for scheduling the match for 12.15 pm on sunday , april 18 - before the first trains from inverness arrive in glasgow .now the parkhead club have made their feeling known after ticket prices were set at # 23 for the north and south stands , with the east stand being # 15 for adults and # 5 for concessions .\"]\n", - "=======================\n", - "['celtic are outraged by the proposed ticket prices for their scottish cup semi-final later this month at hampdenthe sfa had already been criticised for scheduling the match as an early kick-off , before the first trains from inverness arrive in glasgowadult ticket prices are # 23 for the north and south stands , while the east stand will be charged at # 15']\n", - "celtic have hit out at the sfa over ticket prices for their scottish cup semi-final against inverness later this month at hampden .the game 's governing body has already come under fire from caley thistle fans for scheduling the match for 12.15 pm on sunday , april 18 - before the first trains from inverness arrive in glasgow .now the parkhead club have made their feeling known after ticket prices were set at # 23 for the north and south stands , with the east stand being # 15 for adults and # 5 for concessions .\n", - "celtic are outraged by the proposed ticket prices for their scottish cup semi-final later this month at hampdenthe sfa had already been criticised for scheduling the match as an early kick-off , before the first trains from inverness arrive in glasgowadult ticket prices are # 23 for the north and south stands , while the east stand will be charged at # 15\n", - "[1.4774567 1.2174597 1.141988 1.4026436 1.316917 1.0869668 1.1238178\n", - " 1.0589635 1.0586579 1.0317776 1.0479417 1.0561128 1.0687343 1.0800116\n", - " 1.0493588 1.0575341 1.0216178 1.0238873 0. 0. ]\n", - "\n", - "[ 0 3 4 1 2 6 5 13 12 7 8 15 11 14 10 9 17 16 18 19]\n", - "=======================\n", - "[\"fast bowler jimmy anderson made cricket history in the caribbean on friday by beating the great sir ian botham 's all-time england wicket-taking record with his 384th victim in his hundredth test .jimmy anderson celebrates taking his record 384th wicket in test cricket for englandanderson 's marquee moment in his landmark test arrived in his 21st over when , crucially for his team , he had west indies captain dennis ramdin caught by captain alastair cook after a partnership of 105 with jason holder had frustrated england .\"]\n", - "=======================\n", - "[\"jimmy anderson becomes england 's leading test match wicket-takerthe 32-year-old surpassed the record held by sir ian botham ( 383 )anderson picked up his 384th wicket during first test against west indieshe took the wicket of denesh ramdin , caught behind by alastair cookhe drew level with botham on 383 when marlon samuels edged to gully\"]\n", - "fast bowler jimmy anderson made cricket history in the caribbean on friday by beating the great sir ian botham 's all-time england wicket-taking record with his 384th victim in his hundredth test .jimmy anderson celebrates taking his record 384th wicket in test cricket for englandanderson 's marquee moment in his landmark test arrived in his 21st over when , crucially for his team , he had west indies captain dennis ramdin caught by captain alastair cook after a partnership of 105 with jason holder had frustrated england .\n", - "jimmy anderson becomes england 's leading test match wicket-takerthe 32-year-old surpassed the record held by sir ian botham ( 383 )anderson picked up his 384th wicket during first test against west indieshe took the wicket of denesh ramdin , caught behind by alastair cookhe drew level with botham on 383 when marlon samuels edged to gully\n" + "2019-12-20 21:21:37,446 [MainThread ] [INFO ] Writing summaries.\n", + "I1220 21:21:37.446838 140334900168512 pyrouge.py:525] Writing summaries.\n", + "2019-12-20 21:21:37,448 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpc6ug5hr1/system and model files to ./results/tmpc6ug5hr1/model.\n", + "I1220 21:21:37.448566 140334900168512 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpc6ug5hr1/system and model files to ./results/tmpc6ug5hr1/model.\n", + "2019-12-20 21:21:37,449 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-20-21-21-36/candidate/.\n", + "I1220 21:21:37.449473 140334900168512 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-20-21-21-36/candidate/.\n", + "2019-12-20 21:21:38,393 [MainThread ] [INFO ] Saved processed files to ./results/tmpc6ug5hr1/system.\n", + "I1220 21:21:38.393011 140334900168512 pyrouge.py:53] Saved processed files to ./results/tmpc6ug5hr1/system.\n", + "2019-12-20 21:21:38,395 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-20-21-21-36/reference/.\n", + "I1220 21:21:38.395236 140334900168512 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-20-21-21-36/reference/.\n", + "2019-12-20 21:21:39,315 [MainThread ] [INFO ] Saved processed files to ./results/tmpc6ug5hr1/model.\n", + "I1220 21:21:39.315715 140334900168512 pyrouge.py:53] Saved processed files to ./results/tmpc6ug5hr1/model.\n", + "2019-12-20 21:21:39,386 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp3weq7kff/rouge_conf.xml\n", + "I1220 21:21:39.386249 140334900168512 pyrouge.py:354] Written ROUGE configuration to ./results/tmp3weq7kff/rouge_conf.xml\n", + "2019-12-20 21:21:39,387 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp3weq7kff/rouge_conf.xml\n", + "I1220 21:21:39.387300 140334900168512 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp3weq7kff/rouge_conf.xml\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "[1.15486 1.1287894 1.3496677 1.1903793 1.2230403 1.1288922 1.0940788\n", - " 1.0765817 1.0359963 1.0334086 1.029311 1.024334 1.0255018 1.0708895\n", - " 1.1825631 1.1260991 1.1185899 1.0474625 0. 0. ]\n", - "\n", - "[ 2 4 3 14 0 5 1 15 16 6 7 13 17 8 9 10 12 11 18 19]\n", - "=======================\n", - "[\"shot by adoring dad , called barles charkley on the site , who is based in baltimore , maryland , the video stars his toddler daughter viktoria , as she comes to terms with the tragedy that is the death of simba the lion 's father , mufasa .mr charkley posted the brief video , which has so far garnered more than four million views , to his facebook page on saturday .tear-jerker : viktoria 's crestfallen reaction ( pictured ) as she witnessed a sad scene from disney 's the lion king for the first time was captured on camera by her father barles charkley\"]\n", - "=======================\n", - "[\"dad barles charkley , based in maryland , shot the videoit shows his daughter watching disney 's 1994 hit for the first timetoddler visibly distraught when mufasa is killed and simba left fatherless\"]\n", - "shot by adoring dad , called barles charkley on the site , who is based in baltimore , maryland , the video stars his toddler daughter viktoria , as she comes to terms with the tragedy that is the death of simba the lion 's father , mufasa .mr charkley posted the brief video , which has so far garnered more than four million views , to his facebook page on saturday .tear-jerker : viktoria 's crestfallen reaction ( pictured ) as she witnessed a sad scene from disney 's the lion king for the first time was captured on camera by her father barles charkley\n", - "dad barles charkley , based in maryland , shot the videoit shows his daughter watching disney 's 1994 hit for the first timetoddler visibly distraught when mufasa is killed and simba left fatherless\n", - "[1.219987 1.4822621 1.3847117 1.2893152 1.2337102 1.0999781 1.060599\n", - " 1.0621209 1.0701852 1.0418158 1.1023936 1.0265826 1.1198555 1.042592\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 12 10 5 8 7 6 13 9 11 18 14 15 16 17 19]\n", - "=======================\n", - "[\"cheryl heineman , 45 , from st cloud , was arrested wednesday at central avenue elementary school in kissimmee on multiple counts of sale and delivery of narcotics .the woman 's suspected accomplice and lover , 20-year-old jack lindsey , is facing the same charges .a third-grade teacher and married mother of three from florida has been charged with selling acid and xanax pills to an undercover officer with her 20-year-old boyfriend .\"]\n", - "=======================\n", - "['third-grade teacher cheryl heineman , 45 , accused of selling narcotics to undercover officer with her 20-year-old lover , jack lindseycouple were arrested wednesday after six-week investigation sparked by tip from informantheineman and lindsey allegedly had been peddling xanax , acid , ecstasy , and various prescription painkillersveteran teacher is married and has three sons']\n", - "cheryl heineman , 45 , from st cloud , was arrested wednesday at central avenue elementary school in kissimmee on multiple counts of sale and delivery of narcotics .the woman 's suspected accomplice and lover , 20-year-old jack lindsey , is facing the same charges .a third-grade teacher and married mother of three from florida has been charged with selling acid and xanax pills to an undercover officer with her 20-year-old boyfriend .\n", - "third-grade teacher cheryl heineman , 45 , accused of selling narcotics to undercover officer with her 20-year-old lover , jack lindseycouple were arrested wednesday after six-week investigation sparked by tip from informantheineman and lindsey allegedly had been peddling xanax , acid , ecstasy , and various prescription painkillersveteran teacher is married and has three sons\n", - "[1.0796497 1.4006332 1.3297225 1.2463226 1.1089222 1.167027 1.2323784\n", - " 1.1758363 1.0270592 1.0368595 1.0657456 1.0768551 1.065678 1.0731845\n", - " 1.0221984 1.025573 1.0281096 1.0764973 1.0418339 1.0312405]\n", - "\n", - "[ 1 2 3 6 7 5 4 0 11 17 13 10 12 18 9 19 16 8 15 14]\n", - "=======================\n", - "[\"starbucks announced late friday night that a computer outage that affected registers at 8,000 stores in the us and canada , prompting baristas to give away free drinks , has now been resolved .the global coffeehouse chain said in an update on its site that stores are expected to open for ` business as usual ' saturday .no coffee here : a starbucks store closes friday in phoenix because of computer issues .\"]\n", - "=======================\n", - "[\"point-of-sale shutdown is effecting 8,000 starbucks locations in us and canadacompany said in statement glitch was caused by a failure during a daily system refreshglitch also affected starbucks ' evolution fresh and teavana storesmany starbucks locations closed their doors so as not to give away free drinkscoffeehouse chain said in update on its site stores are expected to open for ` business as usual ' saturday\"]\n", - "starbucks announced late friday night that a computer outage that affected registers at 8,000 stores in the us and canada , prompting baristas to give away free drinks , has now been resolved .the global coffeehouse chain said in an update on its site that stores are expected to open for ` business as usual ' saturday .no coffee here : a starbucks store closes friday in phoenix because of computer issues .\n", - "point-of-sale shutdown is effecting 8,000 starbucks locations in us and canadacompany said in statement glitch was caused by a failure during a daily system refreshglitch also affected starbucks ' evolution fresh and teavana storesmany starbucks locations closed their doors so as not to give away free drinkscoffeehouse chain said in update on its site stores are expected to open for ` business as usual ' saturday\n", - "[1.2751379 1.3881291 1.2085114 1.4138532 1.2444855 1.115975 1.0884645\n", - " 1.1096115 1.0485817 1.0365257 1.061538 1.0801338 1.0813812 1.0316845\n", - " 1.0241697 1.0759866 1.0354123 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 4 2 5 7 6 12 11 15 10 8 9 16 13 14 18 17 19]\n", - "=======================\n", - "[\"temitope adebamiro , 35 , was charged with murder on friday after her husband 's death was ruled a homicdepolice in delaware charged a woman with fatally stabbing her husband in their home after an argument about him cheating on her with own her sister and their nanny 's daughter .police were called to a home in bear , delaware , early on thursday and found adeyinka adebamiro stabbed\"]\n", - "=======================\n", - "[\"temitope adebamiro arrested friday and charged with first-degree murderpolice called to home in bear , delaware , on thursday and found husbandadeyinka adebamiro stabbed in upper body and wife wore bloody clothesinitially claimed death was a suicide but her story changed several timessuspect told police husband abused her even while she was pregnantnow held without bail at delores j baylor women 's correctional institution\"]\n", - "temitope adebamiro , 35 , was charged with murder on friday after her husband 's death was ruled a homicdepolice in delaware charged a woman with fatally stabbing her husband in their home after an argument about him cheating on her with own her sister and their nanny 's daughter .police were called to a home in bear , delaware , early on thursday and found adeyinka adebamiro stabbed\n", - "temitope adebamiro arrested friday and charged with first-degree murderpolice called to home in bear , delaware , on thursday and found husbandadeyinka adebamiro stabbed in upper body and wife wore bloody clothesinitially claimed death was a suicide but her story changed several timessuspect told police husband abused her even while she was pregnantnow held without bail at delores j baylor women 's correctional institution\n", - "[1.3658146 1.4300249 1.192352 1.3453925 1.0436804 1.2658873 1.0330215\n", - " 1.0447973 1.0641025 1.1196762 1.0336893 1.0514314 1.1333584 1.0099248\n", - " 1.0221761 1.0149994 1.0254799 1.0180236 1.0647031 1.0249363]\n", - "\n", - "[ 1 0 3 5 2 12 9 18 8 11 7 4 10 6 16 19 14 17 15 13]\n", - "=======================\n", - "['goals from neymar and a double from luis suarez , made sure the la liga leaders travel back to spain delighted with the result and their performance .barcelona scored three crucial away goals and all but ended the tie after easing to a 3-1 win over paris saint-germain at the parc des princes .luis suarez was the star man for barcelona and scored a brilliant second-half double to put them in control']\n", - "=======================\n", - "[\"barcelona outclassed psg to win 3-1 in the champions league quartersneymar scored the opener after brilliant work from lionel messiluis suarez netted a fabulous second half double for luis enrique 's sidegregory van der wiel 's deflected effort gave psg some hope\"]\n", - "goals from neymar and a double from luis suarez , made sure the la liga leaders travel back to spain delighted with the result and their performance .barcelona scored three crucial away goals and all but ended the tie after easing to a 3-1 win over paris saint-germain at the parc des princes .luis suarez was the star man for barcelona and scored a brilliant second-half double to put them in control\n", - "barcelona outclassed psg to win 3-1 in the champions league quartersneymar scored the opener after brilliant work from lionel messiluis suarez netted a fabulous second half double for luis enrique 's sidegregory van der wiel 's deflected effort gave psg some hope\n", - "[1.2323692 1.4344039 1.3326912 1.279385 1.1248492 1.0673681 1.1142706\n", - " 1.264538 1.0285041 1.030885 1.0205529 1.0538914 1.1363635 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 7 0 12 4 6 5 11 9 8 10 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"when police in the southern state of santa catarina busted the gang 's lair , the loyal canine laid down alongside its owner and rolled over on its back .the picture showing the line of gang members and their guard dog surrendering to police has since gone viral in brazil .drugs bust : police recovered a substantial quantity of cocaine , as well as weighing scales , guns and ammunition , at the scene ( stock image )\"]\n", - "=======================\n", - "[\"dog pictured ` surrendering ' alongside its drug gang ownerspolice took amusing snap during a drugs bust in south brazilpicture showing gang members and their dog has since gone viral\"]\n", - "when police in the southern state of santa catarina busted the gang 's lair , the loyal canine laid down alongside its owner and rolled over on its back .the picture showing the line of gang members and their guard dog surrendering to police has since gone viral in brazil .drugs bust : police recovered a substantial quantity of cocaine , as well as weighing scales , guns and ammunition , at the scene ( stock image )\n", - "dog pictured ` surrendering ' alongside its drug gang ownerspolice took amusing snap during a drugs bust in south brazilpicture showing gang members and their dog has since gone viral\n", - "[1.2961704 1.3383387 1.272621 1.2919835 1.1422048 1.0793681 1.1335052\n", - " 1.0281347 1.0191047 1.1401983 1.0512434 1.1403477 1.0723841 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 11 9 6 5 12 10 7 8 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"in a bold pitch to working class voters , the prime minister said the tories would offer discounts of up to 70 per cent to 1.3 million families in housing association properties to buy their home .david cameron 's manifesto pledge to dramatically extend margaret thatcher 's right-to-buy policy was this morning attacked as a ` deeply unfair ' bribe which will cost taxpayers billions of pounds .the chartered institute of housing , meanwhile , said the move would do nothing to tackle the housing crisis - and could even make it worse by cutting the number of low-cost social homes available for poor families .\"]\n", - "=======================\n", - "['david cameron announces extension to right-to-buy housing policypm promises to extend right to buy to all housing association tenantsdiscounts of up to 70 % to allow 1.3 million families to buy their homenational housing federation said the subsidy will cost taxpayers # 5.8 bnclaimed it was effectively worth # 100,000 for each family who benefitedbut the tories said it would be funded by making councils sell off homes']\n", - "in a bold pitch to working class voters , the prime minister said the tories would offer discounts of up to 70 per cent to 1.3 million families in housing association properties to buy their home .david cameron 's manifesto pledge to dramatically extend margaret thatcher 's right-to-buy policy was this morning attacked as a ` deeply unfair ' bribe which will cost taxpayers billions of pounds .the chartered institute of housing , meanwhile , said the move would do nothing to tackle the housing crisis - and could even make it worse by cutting the number of low-cost social homes available for poor families .\n", - "david cameron announces extension to right-to-buy housing policypm promises to extend right to buy to all housing association tenantsdiscounts of up to 70 % to allow 1.3 million families to buy their homenational housing federation said the subsidy will cost taxpayers # 5.8 bnclaimed it was effectively worth # 100,000 for each family who benefitedbut the tories said it would be funded by making councils sell off homes\n", - "[1.409622 1.2933238 1.1170067 1.369894 1.1723542 1.1558205 1.0643896\n", - " 1.053771 1.0506421 1.0721087 1.0438061 1.1372612 1.1218399 1.0710262\n", - " 1.0517956 1.0488806 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 5 11 12 2 9 13 6 7 14 8 15 10 18 16 17 19]\n", - "=======================\n", - "[\"ed balls was left briefly stumped by a basic maths question today after he gave a speech in leeds .asked what seven times six equals , labour 's shadow chancellor looked down at his feet and laughed nervously before eventually answering correctly following a ten second pause .he was asked to work out the multiplication at the q&a after he last month revealed that he still relies on his mother-in-law for help with maths .\"]\n", - "=======================\n", - "[\"labour 's shadow chancellor got the right answer after a ten second pausehe said it was ` always dangerous to answer those sorts of questions 'comes after he revealed he did not want to answer maths questions on tvtold susanna reid that the maths brain in his family was his mother in law\"]\n", - "ed balls was left briefly stumped by a basic maths question today after he gave a speech in leeds .asked what seven times six equals , labour 's shadow chancellor looked down at his feet and laughed nervously before eventually answering correctly following a ten second pause .he was asked to work out the multiplication at the q&a after he last month revealed that he still relies on his mother-in-law for help with maths .\n", - "labour 's shadow chancellor got the right answer after a ten second pausehe said it was ` always dangerous to answer those sorts of questions 'comes after he revealed he did not want to answer maths questions on tvtold susanna reid that the maths brain in his family was his mother in law\n", - "[1.0788174 1.3037126 1.4756671 1.3963218 1.2133274 1.0556154 1.0289962\n", - " 1.0301872 1.0263951 1.0238479 1.1617988 1.0394871 1.0275989 1.0232904\n", - " 1.0715909 1.0164169 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 4 10 0 14 5 11 7 6 12 8 9 13 15 23 16 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"the britain 's got talent judge is presenting a new series on itv which will highlight the plight of the animals arriving at the rspca 's newbrook farm animal centre in birmingham .but now , thanks to amanda holden , the rspca and , just possibly , you , many of these long-suffering animals could be given happy new homes .on give a pet a home , amanda and her co-stars -- including loose women 's coleen nolan , olympic gold medallist denise lewis and former pussycat dolls singer kimberly wyatt -- will appeal to members of the public to take in the animals featured .\"]\n", - "=======================\n", - "[\"amanda holden is presenting news heartbreaking series on itvshow highlights plight of rspca 's newbrook farm animal centrehopes animals featured will find new homes each week\"]\n", - "the britain 's got talent judge is presenting a new series on itv which will highlight the plight of the animals arriving at the rspca 's newbrook farm animal centre in birmingham .but now , thanks to amanda holden , the rspca and , just possibly , you , many of these long-suffering animals could be given happy new homes .on give a pet a home , amanda and her co-stars -- including loose women 's coleen nolan , olympic gold medallist denise lewis and former pussycat dolls singer kimberly wyatt -- will appeal to members of the public to take in the animals featured .\n", - "amanda holden is presenting news heartbreaking series on itvshow highlights plight of rspca 's newbrook farm animal centrehopes animals featured will find new homes each week\n", - "[1.0767499 1.1275493 1.1540489 1.1789825 1.1661216 1.1741333 1.0828787\n", - " 1.1440446 1.1358931 1.1199228 1.0451007 1.0577463 1.0636152 1.026457\n", - " 1.0224729 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 5 4 2 7 8 1 9 6 0 12 11 10 13 14 23 15 16 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "['indeed , for congress , it became the rationale behind a ban implemented in 1988 that prohibits the use of federal funds for these programs .as a result of the recent spikes in hiv and hepatitis c infections among injecting drug users in rural indiana and kentucky , the controversial topic of syringe exchange programs has come to the fore again .but an overwhelming body of scientific evidence continues to show that this is simply not true .']\n", - "=======================\n", - "['an estimated 50,000 americans are newly infected with hiv each year , cdc sayskevin robert frost : syringe exchange programs save millions in hiv treatment costs']\n", - "indeed , for congress , it became the rationale behind a ban implemented in 1988 that prohibits the use of federal funds for these programs .as a result of the recent spikes in hiv and hepatitis c infections among injecting drug users in rural indiana and kentucky , the controversial topic of syringe exchange programs has come to the fore again .but an overwhelming body of scientific evidence continues to show that this is simply not true .\n", - "an estimated 50,000 americans are newly infected with hiv each year , cdc sayskevin robert frost : syringe exchange programs save millions in hiv treatment costs\n", - "[1.2643272 1.513566 1.3109337 1.3688312 1.2360883 1.1240747 1.0425698\n", - " 1.0566711 1.0675628 1.0576227 1.0651047 1.0785178 1.023952 1.0262984\n", - " 1.0795459 1.0268427 1.0214683 1.0374802 1.0754473 1.0423594 1.0559094\n", - " 1.0311356 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 14 11 18 8 10 9 7 20 6 19 17 21 15 13 12 16 23 22\n", - " 24]\n", - "=======================\n", - "[\"yvonne camargo , 39 , of victorville , was arrested on suspicion of willful cruelty to a child on april 3 but it is unknown as to if she was charged .the video was filmed april 1 in a parking lot after a man identifying as edward moneyhanz on youtube saw the woman ` pulling this kid by his hair out of the khols store ' , according to the posting 's description .a california woman was arrested after a video was posted on youtube that showed her striking a young , crying child in the face with what appeared to be a ipad-like tablet .\"]\n", - "=======================\n", - "[\"yvonne camargo , of victorville , california , was arrested after she was identified from the videothe cameraman films camargo for more than a minute before she noticeshe then asks what she 's doing but camargo does not respondthe cameraman said he started filming after seeing the woman ` pulling this kid by his hair ' out of a kohl 's\"]\n", - "yvonne camargo , 39 , of victorville , was arrested on suspicion of willful cruelty to a child on april 3 but it is unknown as to if she was charged .the video was filmed april 1 in a parking lot after a man identifying as edward moneyhanz on youtube saw the woman ` pulling this kid by his hair out of the khols store ' , according to the posting 's description .a california woman was arrested after a video was posted on youtube that showed her striking a young , crying child in the face with what appeared to be a ipad-like tablet .\n", - "yvonne camargo , of victorville , california , was arrested after she was identified from the videothe cameraman films camargo for more than a minute before she noticeshe then asks what she 's doing but camargo does not respondthe cameraman said he started filming after seeing the woman ` pulling this kid by his hair ' out of a kohl 's\n", - "[1.253089 1.0625329 1.0899366 1.0836436 1.214642 1.1196649 1.0485934\n", - " 1.0409987 1.0470332 1.2093848 1.1353036 1.054127 1.1550301 1.0396197\n", - " 1.0826181 1.0368395 1.061881 1.0182335 1.0384331 1.0422103 1.0418705\n", - " 1.0506905 0. 0. 0. ]\n", - "\n", - "[ 0 4 9 12 10 5 2 3 14 1 16 11 21 6 8 19 20 7 13 18 15 17 23 22\n", - " 24]\n", - "=======================\n", - "[\"richie benaud made commentary look easy .i had the great honour of doing a stint on channel 9 in australia during an ashes test a few years ago .richie benaud was one of cricket 's great personalities and will be remembered for his dry wit and knowledge\"]\n", - "=======================\n", - "[\"former australia captain and commentator benaud passed away aged 84david lloyd had the privilege of commentating alongside benaudbenaud 's attention to detail was second to none , says lloydhe had an incredible relationship with tony greig and bill lawryread : benaud 's family offered state funeral by tony abbott\"]\n", - "richie benaud made commentary look easy .i had the great honour of doing a stint on channel 9 in australia during an ashes test a few years ago .richie benaud was one of cricket 's great personalities and will be remembered for his dry wit and knowledge\n", - "former australia captain and commentator benaud passed away aged 84david lloyd had the privilege of commentating alongside benaudbenaud 's attention to detail was second to none , says lloydhe had an incredible relationship with tony greig and bill lawryread : benaud 's family offered state funeral by tony abbott\n", - "[1.5294628 1.0392768 1.0297318 1.0934416 1.1310902 1.2103951 1.31859\n", - " 1.053395 1.0515225 1.0191607 1.0293019 1.0613908 1.0246017 1.1668513\n", - " 1.0648811 1.0509423 1.0360755 1.0400673 1.036265 1.0368783 1.0224731\n", - " 1.0340683 1.0500923 1.0528464 1.020586 ]\n", - "\n", - "[ 0 6 5 13 4 3 14 11 7 23 8 15 22 17 1 19 18 16 21 2 10 12 20 24\n", - " 9]\n", - "=======================\n", - "['( cnn ) this is week two of an ongoing series : a catholic reads the bible this week covers the book of genesis , chapters 1-11 .the bible i \\'m reading is \" the deluxe catholic bible , \" published in 1986 by world bible publishing .as i mentioned in the first installment of this series , i \\'m a lifelong catholic who finally plans to read the bible from cover to cover .']\n", - "=======================\n", - "['laura bernardini , a lifelong catholic , has decided to finally read the bible from cover to cover .some surprises : two creation stories , seth , and what on earth are the \" men of heaven \" ?']\n", - "( cnn ) this is week two of an ongoing series : a catholic reads the bible this week covers the book of genesis , chapters 1-11 .the bible i 'm reading is \" the deluxe catholic bible , \" published in 1986 by world bible publishing .as i mentioned in the first installment of this series , i 'm a lifelong catholic who finally plans to read the bible from cover to cover .\n", - "laura bernardini , a lifelong catholic , has decided to finally read the bible from cover to cover .some surprises : two creation stories , seth , and what on earth are the \" men of heaven \" ?\n", - "[1.3821014 1.425094 1.1674688 1.1445019 1.1749837 1.0283648 1.1708515\n", - " 1.121288 1.1248219 1.0619861 1.0635535 1.0544477 1.0593126 1.0745082\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 6 2 3 8 7 13 10 9 12 11 5 14 15 16 17 18 19]\n", - "=======================\n", - "[\"a dominican news report says the power couple spent part of their trip staying with sugar barons alfy and pepe fanjul at casa de campo , a private dominican resort they own .bill and hillary clinton spent $ 104,000 in taxpayer money on hotel rooms for secret service agents when they vacationed in the dominican republic over the new year 's holiday .indicted : new jersey sen. bob menendez ( left ) and his wealthy donor dr. salomon melgen ( right ) are both accused of multiple federal crimes including bribery and honest services fraud\"]\n", - "=======================\n", - "[\"clintons ' new year 's vacation included stay at casa de campo , where sen. bob menendez spent time with salomon melgen , the wealthy donor at the center of his criminal chargesbill clinton 's previous visits to casa de campo included at least one trip where he stayed with melgen , according to the doctor 's former secretarypower couple stayed there with alfy fanjul , a billionaire sugar baron who owns the resort and played a small part in the monica lewinsky scandaldominican newspaper reported that they discussed hillary 's presidential ambitionsmelgen has contributed $ 8,600 to hillary clinton 's senate and presidential campaigns\"]\n", - "a dominican news report says the power couple spent part of their trip staying with sugar barons alfy and pepe fanjul at casa de campo , a private dominican resort they own .bill and hillary clinton spent $ 104,000 in taxpayer money on hotel rooms for secret service agents when they vacationed in the dominican republic over the new year 's holiday .indicted : new jersey sen. bob menendez ( left ) and his wealthy donor dr. salomon melgen ( right ) are both accused of multiple federal crimes including bribery and honest services fraud\n", - "clintons ' new year 's vacation included stay at casa de campo , where sen. bob menendez spent time with salomon melgen , the wealthy donor at the center of his criminal chargesbill clinton 's previous visits to casa de campo included at least one trip where he stayed with melgen , according to the doctor 's former secretarypower couple stayed there with alfy fanjul , a billionaire sugar baron who owns the resort and played a small part in the monica lewinsky scandaldominican newspaper reported that they discussed hillary 's presidential ambitionsmelgen has contributed $ 8,600 to hillary clinton 's senate and presidential campaigns\n", - "[1.1917229 1.3222418 1.1926382 1.4777472 1.2226263 1.2347167 1.0864439\n", - " 1.0277429 1.035412 1.0781972 1.0312161 1.031386 1.0797698 1.0604931\n", - " 1.075816 1.0282122 1.0961416 1.017357 1.0160899 1.0222018]\n", - "\n", - "[ 3 1 5 4 2 0 16 6 12 9 14 13 8 11 10 15 7 19 17 18]\n", - "=======================\n", - "[\"cristiano ronaldo has scored 300 goals for real madrid in just six years with the la liga giantsronaldo heads home his 300th goal for the club - against rayo vallecano at the vallecas stadium in madridthe portuguese forward is catching raul 's ( l ) club record and is just seven goals shy of alfredo di stefano ( r )\"]\n", - "=======================\n", - "['cristiano ronaldo scored 300th goal for real madrid on wednesday nightportuguese star headed home against rayo vallecano in 2-0 victorywho else have made their mark with goals at one particular club ?pele and gerd muller lead the way , while lionel messi makes the top 10read : ronaldo scoring breakdown shows just how ruthless he is']\n", - "cristiano ronaldo has scored 300 goals for real madrid in just six years with the la liga giantsronaldo heads home his 300th goal for the club - against rayo vallecano at the vallecas stadium in madridthe portuguese forward is catching raul 's ( l ) club record and is just seven goals shy of alfredo di stefano ( r )\n", - "cristiano ronaldo scored 300th goal for real madrid on wednesday nightportuguese star headed home against rayo vallecano in 2-0 victorywho else have made their mark with goals at one particular club ?pele and gerd muller lead the way , while lionel messi makes the top 10read : ronaldo scoring breakdown shows just how ruthless he is\n", - "[1.2558386 1.3973613 1.4073098 1.3224653 1.1788316 1.0527693 1.0198166\n", - " 1.172729 1.1090037 1.2033176 1.0745605 1.1032387 1.0062343 1.007674\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 0 9 4 7 8 11 10 5 6 13 12 18 14 15 16 17 19]\n", - "=======================\n", - "[\"the cash will be put towards the abbey 's restoration fund , which is aiming to raise # 20million to repair the collapsing floor , fit heating powered by the bath springs , and expand the building .the donor , who is known to church officials but has asked not to be named , sent the money along with a note , saying they wanted to help safeguard the church ` for the next hundred years ' .a mysterious benefactor posted the plain brown envelope to officials at bath abbey , pledging # 1.5 million to the church 's # 20million restoration fund\"]\n", - "=======================\n", - "[\"anonymous benefactor donated money to # 20million restoration fundidentity of donor is known to church officials , but is being kept a secretlaura brown , head of restoration , had to ` sit down ' after reading letter\"]\n", - "the cash will be put towards the abbey 's restoration fund , which is aiming to raise # 20million to repair the collapsing floor , fit heating powered by the bath springs , and expand the building .the donor , who is known to church officials but has asked not to be named , sent the money along with a note , saying they wanted to help safeguard the church ` for the next hundred years ' .a mysterious benefactor posted the plain brown envelope to officials at bath abbey , pledging # 1.5 million to the church 's # 20million restoration fund\n", - "anonymous benefactor donated money to # 20million restoration fundidentity of donor is known to church officials , but is being kept a secretlaura brown , head of restoration , had to ` sit down ' after reading letter\n", - "[1.2279991 1.422046 1.2961991 1.4016175 1.2503337 1.168399 1.0211426\n", - " 1.0608194 1.0199225 1.0724982 1.0487251 1.1886785 1.1517144 1.0400993\n", - " 1.0181316 1.0080383 1.0056053 1.0061755 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 11 5 12 9 7 10 13 6 8 14 15 17 16 18 19]\n", - "=======================\n", - "[\"fresh from being beaten by ferrari driver sebastian vettel at the malaysian grand prix on march 29 , the mercedes team-mates have been collaborating with their team to ensure the prancing horse does n't gallop to victory at the next race in china .nico rosberg ( left ) and lewis hamilton visited mercedes ' brackley base on thursdaythe four-time world champion beat hamilton by 8.5 seconds , with team-mate nico rosberg a further four seconds adrift in third .\"]\n", - "=======================\n", - "['ferrari driver sebastian vettel won the malaysian grand prix on march 29mercedes duo lewis hamilton and nico rosberg came second and thirdchinese grand prix takes place on april 12 in shanghai']\n", - "fresh from being beaten by ferrari driver sebastian vettel at the malaysian grand prix on march 29 , the mercedes team-mates have been collaborating with their team to ensure the prancing horse does n't gallop to victory at the next race in china .nico rosberg ( left ) and lewis hamilton visited mercedes ' brackley base on thursdaythe four-time world champion beat hamilton by 8.5 seconds , with team-mate nico rosberg a further four seconds adrift in third .\n", - "ferrari driver sebastian vettel won the malaysian grand prix on march 29mercedes duo lewis hamilton and nico rosberg came second and thirdchinese grand prix takes place on april 12 in shanghai\n", - "[1.2211982 1.5225668 1.300367 1.3987114 1.145011 1.1373314 1.0982062\n", - " 1.0760537 1.105136 1.0804818 1.0438986 1.043889 1.0762879 1.018393\n", - " 1.024799 1.0127302 1.050011 1.0691774 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 8 6 9 12 7 17 16 10 11 14 13 15 18 19]\n", - "=======================\n", - "[\"elena curtin of portland was seven-months pregnant when she was charged with second-degree assault after she struck her boyfriend 's ex in the head and arm with a crowbar in november 2014 .she was set to go to trial in multnomah county circuit court this week , but prosecutors dropped the charge on monday because curtin , 23 , was ` completely justified in her outrage ' .curtin gave birth in january .\"]\n", - "=======================\n", - "[\"elena curtin was seven-months pregnant during portland , oregon , incidentboyfriend 's ex was injecting drugs in her bathroom when she came homecurtin , 23 , was scheduled to go to trial on second-degree assault chargeshe hit boyfriend 's ex on head and arm but prosecutors dropped chargeoregon law allows for physical force against an intruder who wo n't leaveconviction would have resulted in mandatory six-year prison sentence\"]\n", - "elena curtin of portland was seven-months pregnant when she was charged with second-degree assault after she struck her boyfriend 's ex in the head and arm with a crowbar in november 2014 .she was set to go to trial in multnomah county circuit court this week , but prosecutors dropped the charge on monday because curtin , 23 , was ` completely justified in her outrage ' .curtin gave birth in january .\n", - "elena curtin was seven-months pregnant during portland , oregon , incidentboyfriend 's ex was injecting drugs in her bathroom when she came homecurtin , 23 , was scheduled to go to trial on second-degree assault chargeshe hit boyfriend 's ex on head and arm but prosecutors dropped chargeoregon law allows for physical force against an intruder who wo n't leaveconviction would have resulted in mandatory six-year prison sentence\n", - "[1.4540977 1.4137127 1.3107303 1.1974269 1.2656676 1.1694996 1.0990859\n", - " 1.1888222 1.073547 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 4 3 7 5 6 8 16 15 14 13 9 11 10 17 12 18]\n", - "=======================\n", - "['former holland forward and assistant coach patrick kluivert has made a winning start in world cup qualifying as coach of curacao .the caribbean island team advanced to the second qualifying round in concacaf for the 2018 tournament late tuesday .curacao drew 2-2 in a second-leg match at montserrat to win 4-3 on aggregate .']\n", - "=======================\n", - "[\"curacao have advanced to the second qualifying round for 2018 world cuppatrick kluivert 's side won 4-3 on aggregate to set up match against cubacuracao will face cuba in next round on june 8 and 16\"]\n", - "former holland forward and assistant coach patrick kluivert has made a winning start in world cup qualifying as coach of curacao .the caribbean island team advanced to the second qualifying round in concacaf for the 2018 tournament late tuesday .curacao drew 2-2 in a second-leg match at montserrat to win 4-3 on aggregate .\n", - "curacao have advanced to the second qualifying round for 2018 world cuppatrick kluivert 's side won 4-3 on aggregate to set up match against cubacuracao will face cuba in next round on june 8 and 16\n", - "[1.243403 1.2921879 1.3235558 1.185619 1.26633 1.2051005 1.1842126\n", - " 1.1092687 1.0477449 1.0401757 1.028581 1.0382326 1.179178 1.0274173\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 4 0 5 3 6 12 7 8 9 11 10 13 17 14 15 16 18]\n", - "=======================\n", - "[\"blagojevich was infamously caught trying to sell barack obama 's u.s. senate seat when he was elected president in 2008 .the former illinois governor has return to his roots while inside and has been photographed with his still full head of hair a shocking white color rather than the boot polish black that was his trademark as a politician .once famed for his mop of blacker than black hair , disgraced democrat rod blagojevich , 58 , has really let his haircare regime go while he serves his prison time .\"]\n", - "=======================\n", - "[\"the former illinois governor has been photographed in prison for the first time since starting his 14 year sentence in 2012as a politican he was famed for his boot polish black hair , but nowadays he has let his hair return to its natural white colorblagojevich was infamously caught trying to sell barack obama 's u.s. senate seat when he was elected president in 2008he continues to await word of a last-ditch appeal and teaches the history of war battles to other inmates\"]\n", - "blagojevich was infamously caught trying to sell barack obama 's u.s. senate seat when he was elected president in 2008 .the former illinois governor has return to his roots while inside and has been photographed with his still full head of hair a shocking white color rather than the boot polish black that was his trademark as a politician .once famed for his mop of blacker than black hair , disgraced democrat rod blagojevich , 58 , has really let his haircare regime go while he serves his prison time .\n", - "the former illinois governor has been photographed in prison for the first time since starting his 14 year sentence in 2012as a politican he was famed for his boot polish black hair , but nowadays he has let his hair return to its natural white colorblagojevich was infamously caught trying to sell barack obama 's u.s. senate seat when he was elected president in 2008he continues to await word of a last-ditch appeal and teaches the history of war battles to other inmates\n", - "[1.3078941 1.4364642 1.2298555 1.1922319 1.0580016 1.03891 1.0767897\n", - " 1.1023891 1.1404461 1.0754554 1.0812948 1.0802943 1.0614376 1.0349047\n", - " 1.0532484 1.1178752 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 8 15 7 10 11 6 9 12 4 14 5 13 16 17 18]\n", - "=======================\n", - "[\"kim disbanded the group of hand-picked teenagers shortly after the death of his father in the north korean capital pyongyang in december 2011 .kim jong-un has ordered the recreation of the famous ` pleasure troupe ' of young women that north korean leaders have traditionally employed to entertain them .but now that the country 's official three-year mourning period for kim jong-il has concluded , the eccentric autocrat has demanded his advisers find suitable new women for the role , as the previous members retired and were married off to military generals when they hit their early 20s .\"]\n", - "=======================\n", - "[\"kim jong-un dismantled the group of teenagers after his father 's deathbut now three years of mourning has expired he has demanded they returngroup are traditionally private dancers and maids for north korean leadersthe girls are usually married off to top officials once they reach their 20s\"]\n", - "kim disbanded the group of hand-picked teenagers shortly after the death of his father in the north korean capital pyongyang in december 2011 .kim jong-un has ordered the recreation of the famous ` pleasure troupe ' of young women that north korean leaders have traditionally employed to entertain them .but now that the country 's official three-year mourning period for kim jong-il has concluded , the eccentric autocrat has demanded his advisers find suitable new women for the role , as the previous members retired and were married off to military generals when they hit their early 20s .\n", - "kim jong-un dismantled the group of teenagers after his father 's deathbut now three years of mourning has expired he has demanded they returngroup are traditionally private dancers and maids for north korean leadersthe girls are usually married off to top officials once they reach their 20s\n", - "[1.2661159 1.3329287 1.1684467 1.196744 1.1513438 1.3465114 1.0744591\n", - " 1.0652788 1.214561 1.0755919 1.0316164 1.03799 1.0214471 1.0214325\n", - " 1.0115652 1.0645564 1.0465043 1.0564091 1.1688614]\n", - "\n", - "[ 5 1 0 8 3 18 2 4 9 6 7 15 17 16 11 10 12 13 14]\n", - "=======================\n", - "['republican lawmaker henry rayhons , 78 , is preparing to stand trial in iowa for sexually assaulting his wife , who died last august , days before he was formally chargedwhen henry and donna lou rayhons married seven years ago in their northern iowa hometown , it was a second chance at love for the devoted couple , both previously widowed .an iowa politician is on trial this week accused of sexually abusing his wife after doctors said she was no longer mentally capable of legally consenting to have sex .']\n", - "=======================\n", - "['henry rayhons , 78 , is preparing to stand trial in iowa for sexually assaulting his wife donna lou rayhonssuffering from dementia and alzheimers , she had been moved into a nursing home by her daughters from a previous marriage last yeardoctors had told rayhons that his wife of seven years was no longer mentally capable of legally consenting to have sexhe ignored the request and charges were filed against him days after his wife died last augustrayhons faces 10 years in prison if he is found guilty of sexual abuse charges']\n", - "republican lawmaker henry rayhons , 78 , is preparing to stand trial in iowa for sexually assaulting his wife , who died last august , days before he was formally chargedwhen henry and donna lou rayhons married seven years ago in their northern iowa hometown , it was a second chance at love for the devoted couple , both previously widowed .an iowa politician is on trial this week accused of sexually abusing his wife after doctors said she was no longer mentally capable of legally consenting to have sex .\n", - "henry rayhons , 78 , is preparing to stand trial in iowa for sexually assaulting his wife donna lou rayhonssuffering from dementia and alzheimers , she had been moved into a nursing home by her daughters from a previous marriage last yeardoctors had told rayhons that his wife of seven years was no longer mentally capable of legally consenting to have sexhe ignored the request and charges were filed against him days after his wife died last augustrayhons faces 10 years in prison if he is found guilty of sexual abuse charges\n", - "[1.25467 1.2186713 1.1433047 1.2313335 1.1140902 1.1476384 1.1963009\n", - " 1.086081 1.1508476 1.0716381 1.1469417 1.0604202 1.096113 1.0334352\n", - " 1.021942 1.0172981 1.0085183 1.0132645 0. ]\n", - "\n", - "[ 0 3 1 6 8 5 10 2 4 12 7 9 11 13 14 15 17 16 18]\n", - "=======================\n", - "['by the time he reached 17 , there was no room for geoff johnson at home .now , two decades later , he and his younger sister jennifer mcshea have returned to the family home in omaha , nebraska - and nothing has changed .his mother started compulsively hoarding when he was a young boy , refusing to trash anything ; unable to fix anything .']\n", - "=======================\n", - "[\"geoff johnson and jennifer mcshea both grew up with a mother who compulsively hoarded thingsrefrigerator did n't work , trash piled up , but nothing was fixed .two decades after they left , their mother died and the house was passed to themthey have revisited and created a photo series , superimposing their children onto photos of the house to show the uneasy sight of youngsters growing up in that environment\"]\n", - "by the time he reached 17 , there was no room for geoff johnson at home .now , two decades later , he and his younger sister jennifer mcshea have returned to the family home in omaha , nebraska - and nothing has changed .his mother started compulsively hoarding when he was a young boy , refusing to trash anything ; unable to fix anything .\n", - "geoff johnson and jennifer mcshea both grew up with a mother who compulsively hoarded thingsrefrigerator did n't work , trash piled up , but nothing was fixed .two decades after they left , their mother died and the house was passed to themthey have revisited and created a photo series , superimposing their children onto photos of the house to show the uneasy sight of youngsters growing up in that environment\n", - "[1.1421448 1.4959853 1.3477639 1.2002416 1.157838 1.2181014 1.0896113\n", - " 1.0254755 1.018488 1.0184774 1.049287 1.217618 1.0543485 1.0290272\n", - " 1.0161326 1.0161958 1.0512644 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 5 11 3 4 0 6 12 16 10 13 7 8 9 15 14 21 17 18 19 20 22]\n", - "=======================\n", - "['starting in may , scott turner schofield will become the first transgender man to have a recurring role on a daytime soap opera when he appears on the bold and the beautiful .it will mark the television acting debut of schofield , who is a performer , speaker and author known for his one-person shows that address transgender issues .the new york daily news reports that schofield will be playing nick , a mentor of sorts to the character of maya avant , played by karla mosley .']\n", - "=======================\n", - "['scott turner schofield has landed a role on the popular soap opera the bold and the beautifulschofield is now the first transgender male to score a major role on a daytime television showhe will make his first appearance on may 8schofield is a speaker and author known for his one-person shows that address transgender issues']\n", - "starting in may , scott turner schofield will become the first transgender man to have a recurring role on a daytime soap opera when he appears on the bold and the beautiful .it will mark the television acting debut of schofield , who is a performer , speaker and author known for his one-person shows that address transgender issues .the new york daily news reports that schofield will be playing nick , a mentor of sorts to the character of maya avant , played by karla mosley .\n", - "scott turner schofield has landed a role on the popular soap opera the bold and the beautifulschofield is now the first transgender male to score a major role on a daytime television showhe will make his first appearance on may 8schofield is a speaker and author known for his one-person shows that address transgender issues\n", - "[1.2788056 1.3579792 1.283729 1.1259007 1.2831848 1.1341794 1.0375845\n", - " 1.0816994 1.0866811 1.070116 1.1070613 1.0800338 1.0600322 1.0190688\n", - " 1.0157553 1.0370988 1.0077832 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 4 0 5 3 10 8 7 11 9 12 6 15 13 14 16 21 17 18 19 20 22]\n", - "=======================\n", - "[\"the unemployment rate remained at 5.5 percent , the labor department said in its monthly report friday .the march jobs data raised uncertainties about the world 's largest economy , which for months has been the envy of other industrialized nations for its steadily robust hiring and growth .numbers : labor department data shows the us economy generated a disappointing 126,000 net new jobs in march , half of what was expected and the worst month since december 2013\"]\n", - "=======================\n", - "[\"official unemployment rate -- which does n't count people who have dropped out of the labor force -- stands at 5.5 per centmanufacturing , construction and government sectors all cut jobs in marchother sectors , including health care , lawyers , engineers , accountants and retailers , grew their workforcescould be a temporary blip as the us recovers from an unseasonably cold march that may have tamped down hiring\"]\n", - "the unemployment rate remained at 5.5 percent , the labor department said in its monthly report friday .the march jobs data raised uncertainties about the world 's largest economy , which for months has been the envy of other industrialized nations for its steadily robust hiring and growth .numbers : labor department data shows the us economy generated a disappointing 126,000 net new jobs in march , half of what was expected and the worst month since december 2013\n", - "official unemployment rate -- which does n't count people who have dropped out of the labor force -- stands at 5.5 per centmanufacturing , construction and government sectors all cut jobs in marchother sectors , including health care , lawyers , engineers , accountants and retailers , grew their workforcescould be a temporary blip as the us recovers from an unseasonably cold march that may have tamped down hiring\n", - "[1.4789114 1.1995052 1.2542682 1.1588644 1.227202 1.1226839 1.1569113\n", - " 1.0971304 1.1343571 1.0546709 1.0904801 1.0826228 1.0576671 1.0999382\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 4 1 3 6 8 5 13 7 10 11 12 9 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"manny pacquiao decided to train on the streets of los angeles on friday as he ran along the trail at griffith park ahead of his highly-anticipated fight against floyd mayweather .pacquiao was spotted with several fitness fanatics during his run around one of the north america 's largest urban parks .the filipino swapped the gym for the great outdoors as he worked on his fitness and stamina in preparation for what could be a lengthy bout against his welterweight rival .\"]\n", - "=======================\n", - "['manny pacquiao ran along griffith park trail as he worked on his fitnessthe filipino was accompanied by his pet dog pacman during jogpacquiao goes toe-to-toe with floyd mayweather in las vegas on may 2read : pacquiao reveals his colourful mouth guard ahead of his bout']\n", - "manny pacquiao decided to train on the streets of los angeles on friday as he ran along the trail at griffith park ahead of his highly-anticipated fight against floyd mayweather .pacquiao was spotted with several fitness fanatics during his run around one of the north america 's largest urban parks .the filipino swapped the gym for the great outdoors as he worked on his fitness and stamina in preparation for what could be a lengthy bout against his welterweight rival .\n", - "manny pacquiao ran along griffith park trail as he worked on his fitnessthe filipino was accompanied by his pet dog pacman during jogpacquiao goes toe-to-toe with floyd mayweather in las vegas on may 2read : pacquiao reveals his colourful mouth guard ahead of his bout\n", - "[1.0276908 1.2341365 1.0392797 1.5580187 1.4614329 1.2267103 1.1785978\n", - " 1.0899138 1.0258957 1.1455401 1.088983 1.1011841 1.0866454 1.0239888\n", - " 1.01422 1.0111151 1.015357 1.0159199 1.0169404 1.0155668 1.0145823\n", - " 1.015746 1.0147382]\n", - "\n", - "[ 3 4 1 5 6 9 11 7 10 12 2 0 8 13 18 17 21 19 16 22 20 14 15]\n", - "=======================\n", - "[\"the n-222 road from peso de regua to pinhao in portugal has been awarded the prestigious honour .the world 's best road has just been announced .the highway has been named the best in the world for its location , cutting through the heart of the stunning douro valley and the spectacular views it provides of the wine region below .\"]\n", - "=======================\n", - "[\"world 's best road is n-222 from peso de regua to pinhao in portugalthe uk 's best road is deemed to be a591 from kendal to keswicksecond came the a3515 in somerset and third was a535 in chshire\"]\n", - "the n-222 road from peso de regua to pinhao in portugal has been awarded the prestigious honour .the world 's best road has just been announced .the highway has been named the best in the world for its location , cutting through the heart of the stunning douro valley and the spectacular views it provides of the wine region below .\n", - "world 's best road is n-222 from peso de regua to pinhao in portugalthe uk 's best road is deemed to be a591 from kendal to keswicksecond came the a3515 in somerset and third was a535 in chshire\n", - "[1.1400371 1.4806349 1.4051347 1.3004001 1.3011861 1.0654348 1.0408443\n", - " 1.0624124 1.1902118 1.0543566 1.0571786 1.0240953 1.027716 1.0331259\n", - " 1.0608776 1.0637126 1.0713228 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 4 3 8 0 16 5 15 7 14 10 9 6 13 12 11 17 18 19 20 21 22]\n", - "=======================\n", - "[\"the seven-car maglev - short for ` magnetic levitation ' - hit a top speed of 375mph ( 603 km/h ) and travelled for almost 11 seconds at speeds above 373mph ( 600km/h ) during a test run near mount fuji .the run beat last week 's speeds of 366mph ( 590kph ) , which in turn beat the train 's previous 12-year record of 361mph ( 581km/h ) .owner central japan railway plans to have a train in service in 2027 to join tokyo and the central city of nagoya - a distance of 177 miles ( 286km ) .\"]\n", - "=======================\n", - "[\"maglev hit 375mph ( 603 km/h ) and travelled for 11 seconds at speeds above 373mph ( 600km/h ) on an experimental track in tsurulatest test run beat last thursday 's top speeds of 366mph ( 590km/h )maglev trains hover and are propelled by electrically charged magnetscentral japan railway plans to have the train in service in 2027\"]\n", - "the seven-car maglev - short for ` magnetic levitation ' - hit a top speed of 375mph ( 603 km/h ) and travelled for almost 11 seconds at speeds above 373mph ( 600km/h ) during a test run near mount fuji .the run beat last week 's speeds of 366mph ( 590kph ) , which in turn beat the train 's previous 12-year record of 361mph ( 581km/h ) .owner central japan railway plans to have a train in service in 2027 to join tokyo and the central city of nagoya - a distance of 177 miles ( 286km ) .\n", - "maglev hit 375mph ( 603 km/h ) and travelled for 11 seconds at speeds above 373mph ( 600km/h ) on an experimental track in tsurulatest test run beat last thursday 's top speeds of 366mph ( 590km/h )maglev trains hover and are propelled by electrically charged magnetscentral japan railway plans to have the train in service in 2027\n", - "[1.2512476 1.5149791 1.3021289 1.1801909 1.0864102 1.2540169 1.1776088\n", - " 1.0489577 1.0962583 1.0301363 1.0338205 1.0187404 1.0272135 1.0207902\n", - " 1.1439703 1.1144651 1.0312748 1.071363 1.0286207 1.0096774 1.0434551]\n", - "\n", - "[ 1 2 5 0 3 6 14 15 8 4 17 7 20 10 16 9 18 12 13 11 19]\n", - "=======================\n", - "['more than 72,000 camp inmates and prisoners of war died at the nazi camp including diarist anne frank and her older sister margot .british soldiers liberated the camp on april 15 , 1945 .it was held to mark the 70th anniversary of the liberation of the bergen-belsen concentration camp in northern germany']\n", - "=======================\n", - "['around 200,000 people were deported to the nazi camp in northern germany during world war twobritish soldiers took over the camp on april 15 , 1945 and found tens of thousands of dead bodiestheir intervention came just two months after diarist anne frank , who was held at the camp , died']\n", - "more than 72,000 camp inmates and prisoners of war died at the nazi camp including diarist anne frank and her older sister margot .british soldiers liberated the camp on april 15 , 1945 .it was held to mark the 70th anniversary of the liberation of the bergen-belsen concentration camp in northern germany\n", - "around 200,000 people were deported to the nazi camp in northern germany during world war twobritish soldiers took over the camp on april 15 , 1945 and found tens of thousands of dead bodiestheir intervention came just two months after diarist anne frank , who was held at the camp , died\n", - "[1.3847404 1.1784639 1.315092 1.3174154 1.2501761 1.2022611 1.1774775\n", - " 1.1106452 1.0327063 1.012033 1.022924 1.022942 1.0534284 1.0620247\n", - " 1.0340353 1.0119488 1.1651632 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 4 5 1 6 16 7 13 12 14 8 11 10 9 15 17 18 19 20]\n", - "=======================\n", - "[\"channel ten show the project has apologised after mistakenly using footage of the wrong african-american comic when promoting upcoming guest on the show , saturday night live star michael che .waleed aly apologised for the embarrassing mistake , admitting ` we stuffed up ' later on during the program after the mistake was flagged by gobsmacked twitter users .che and pharoah are both in australia to perform a string of shows at melbourne 's international comedy festival .\"]\n", - "=======================\n", - "['the project accidentally mistook one african-american comic for anotherthey used footage of jay pharoah when promoting michael che interviewviewers of twitter were quick to point out the embarrassing mix-uppresenter waleed aly apologised for the mistake later in the programironically , aly was the subject of a strikingly similar mix-up this year']\n", - "channel ten show the project has apologised after mistakenly using footage of the wrong african-american comic when promoting upcoming guest on the show , saturday night live star michael che .waleed aly apologised for the embarrassing mistake , admitting ` we stuffed up ' later on during the program after the mistake was flagged by gobsmacked twitter users .che and pharoah are both in australia to perform a string of shows at melbourne 's international comedy festival .\n", - "the project accidentally mistook one african-american comic for anotherthey used footage of jay pharoah when promoting michael che interviewviewers of twitter were quick to point out the embarrassing mix-uppresenter waleed aly apologised for the mistake later in the programironically , aly was the subject of a strikingly similar mix-up this year\n", - "[1.0510576 1.0730408 1.678535 1.2587526 1.1857247 1.1379421 1.0646203\n", - " 1.4552369 1.1843171 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 7 3 4 8 5 1 6 0 18 17 16 15 14 10 12 11 19 9 13 20]\n", - "=======================\n", - "['shaheen pirouz from denton , texas , filmed her tiny pet canine being propped up and repeatedly falling forwards .footage shows him being positioned on his back legs , with his eyes immediately starting to close .he then flops over to one side as he falls into a deep sleep .']\n", - "=======================\n", - "['shaheen pirouz from denton , texas , filmed her tiny pet canine being propped up and repeatedly falling forwards']\n", - "shaheen pirouz from denton , texas , filmed her tiny pet canine being propped up and repeatedly falling forwards .footage shows him being positioned on his back legs , with his eyes immediately starting to close .he then flops over to one side as he falls into a deep sleep .\n", - "shaheen pirouz from denton , texas , filmed her tiny pet canine being propped up and repeatedly falling forwards\n", - "[1.2818973 1.4226053 1.3265185 1.1901314 1.1212242 1.1122959 1.1957911\n", - " 1.1345255 1.0840533 1.0933604 1.0728351 1.0376687 1.095857 1.0669304\n", - " 1.1146497 1.0192277 1.0134879 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 6 3 7 4 14 5 12 9 8 10 13 11 15 16 19 17 18 20]\n", - "=======================\n", - "['the french military said the rescue of sjaak rijke took place at 5am today in the far north of the african country .french president francois hollande said some militants were killed and others captured .a dutchman abducted by al qaeda in mali nearly four years ago has been freed after a raid by french special forces .']\n", - "=======================\n", - "[\"sjaak rijke saved by french troops who captured jihadis and killed othersno word on two other men including south african with british citizenshipdutch minister : ` i 'm happy this terrible period has been brought to an end '\"]\n", - "the french military said the rescue of sjaak rijke took place at 5am today in the far north of the african country .french president francois hollande said some militants were killed and others captured .a dutchman abducted by al qaeda in mali nearly four years ago has been freed after a raid by french special forces .\n", - "sjaak rijke saved by french troops who captured jihadis and killed othersno word on two other men including south african with british citizenshipdutch minister : ` i 'm happy this terrible period has been brought to an end '\n", - "[1.4047439 1.1502316 1.1725674 1.3203042 1.183219 1.250766 1.0813892\n", - " 1.149521 1.0513096 1.0759798 1.0737162 1.0957513 1.0971038 1.0399723\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 5 4 2 1 7 12 11 6 9 10 8 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"real madrid are desperate to land manchester united goalkeeper david de gea , but they are prepared to wait until next summer if louis van gaal wo n't negotiate , according to reports in spain .de gea 's contract is up at old trafford in the summer of 2016 , and he is yet to sign a new deal , with united still uncertain of champions league football for next season .in a move that spanish paper as calls ` operation de gea ' , the paper claims real are only prepared to pay for the keeper if united ` fix a reasonable price ' - otherwise they will nab him for free in a year .\"]\n", - "=======================\n", - "[\"david de gea is yet to extend his contract beyond 2016real madrid want the spanish goalkeeper to replace iker casillasas claim real will wait for contract to run down if they ca n't sign himcarlo ancelotti wants petr cech as a stop-gap if he has to wait until 2016\"]\n", - "real madrid are desperate to land manchester united goalkeeper david de gea , but they are prepared to wait until next summer if louis van gaal wo n't negotiate , according to reports in spain .de gea 's contract is up at old trafford in the summer of 2016 , and he is yet to sign a new deal , with united still uncertain of champions league football for next season .in a move that spanish paper as calls ` operation de gea ' , the paper claims real are only prepared to pay for the keeper if united ` fix a reasonable price ' - otherwise they will nab him for free in a year .\n", - "david de gea is yet to extend his contract beyond 2016real madrid want the spanish goalkeeper to replace iker casillasas claim real will wait for contract to run down if they ca n't sign himcarlo ancelotti wants petr cech as a stop-gap if he has to wait until 2016\n", - "[1.0569922 1.4990448 1.2478988 1.1493238 1.1599886 1.2208422 1.1381103\n", - " 1.0977155 1.2417992 1.0926822 1.281703 1.0675337 1.0473382 1.0817325\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 10 2 8 5 4 3 6 7 9 13 11 0 12 24 30 29 28 27 26 25 23 16 21\n", - " 20 19 18 17 31 15 14 22 32]\n", - "=======================\n", - "['baron the german shepherd was filmed as he helped get the dishes done at home in california .footage shows the pup reaching up and grabbing rinsed goods between his teeth from the sink , before loading them into the dishwasher .to date the clip of baron dishwashing has been watched more than 27,000 times .']\n", - "=======================\n", - "[\"baron the german shepard was filmed as he helped get the dishes done at home in californiathe pup was professionally trained at the hill country k9 schoolto date the clip of baron dishwashing has been watched over 27,000 timesmany viewers have deemed the dog 's cleaning antics ` cute ' and adorable '\"]\n", - "baron the german shepherd was filmed as he helped get the dishes done at home in california .footage shows the pup reaching up and grabbing rinsed goods between his teeth from the sink , before loading them into the dishwasher .to date the clip of baron dishwashing has been watched more than 27,000 times .\n", - "baron the german shepard was filmed as he helped get the dishes done at home in californiathe pup was professionally trained at the hill country k9 schoolto date the clip of baron dishwashing has been watched over 27,000 timesmany viewers have deemed the dog 's cleaning antics ` cute ' and adorable '\n", - "[1.3121085 1.4937534 1.2255188 1.2136033 1.1827949 1.1171658 1.1418301\n", - " 1.1015406 1.0593426 1.0846559 1.0414 1.0629131 1.0241607 1.0315845\n", - " 1.0534953 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 6 5 7 9 11 8 14 10 13 12 24 30 29 28 27 26 25 23 16\n", - " 21 20 19 18 17 31 15 22 32]\n", - "=======================\n", - "['brett robinson will now stand trial next week on 12 charges related to sexual misconduct and official misconduct , on allegations that she let the inmate out of his cell multiple times and engaging in sex acts between march and july last year .a 33-year-old woman on trial for having sex with a male inmate at washington county jail six times over four months while working as a services technician cried in court wednesday as a judge rejected her request to use an insanity defense .robinson was hoping to present a psychologists report as evidence of mental disease or defect .']\n", - "=======================\n", - "[\"brett robinson , 33 , facing 12 charges after allegedly letting an inmate out of his cell and engaging in sex acts between march and july last yearallegedly brought him into the control room where she worked at washing county jail and had sex with him on his birthday under a blanketrelationship continued and robinson wrote inmate a love letter saying he was ' a constant presence in my thoughts , fantasies and dreams 'was caught during an investigation into colleague jill curry , 39judge ruled wednesday that robinson 's lawyers waited too long to file an insanity defense earlier this month , with her trial set to start next weeka psychologists report that she suffers from mental illness has been ruled insufficient\"]\n", - "brett robinson will now stand trial next week on 12 charges related to sexual misconduct and official misconduct , on allegations that she let the inmate out of his cell multiple times and engaging in sex acts between march and july last year .a 33-year-old woman on trial for having sex with a male inmate at washington county jail six times over four months while working as a services technician cried in court wednesday as a judge rejected her request to use an insanity defense .robinson was hoping to present a psychologists report as evidence of mental disease or defect .\n", - "brett robinson , 33 , facing 12 charges after allegedly letting an inmate out of his cell and engaging in sex acts between march and july last yearallegedly brought him into the control room where she worked at washing county jail and had sex with him on his birthday under a blanketrelationship continued and robinson wrote inmate a love letter saying he was ' a constant presence in my thoughts , fantasies and dreams 'was caught during an investigation into colleague jill curry , 39judge ruled wednesday that robinson 's lawyers waited too long to file an insanity defense earlier this month , with her trial set to start next weeka psychologists report that she suffers from mental illness has been ruled insufficient\n", - "[1.4202018 1.2150942 1.4386054 1.3184092 1.133706 1.1283314 1.0591291\n", - " 1.0270324 1.0481935 1.1247683 1.0962794 1.0458143 1.0144415 1.0455836\n", - " 1.0366627 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 1 4 5 9 10 6 8 11 13 14 7 12 24 30 29 28 27 26 25 23 16\n", - " 21 20 19 18 17 31 15 22 32]\n", - "=======================\n", - "[\"jay rutland , 34 , who is married to the 30-year-old daughter of formula one boss bernie ecclestone , saw his company bring in just # 3,378 over the 12 months to july 2014 .the training consultant 's firm brigante business developments , based in battersea , south-west london , is listed in company records as providing ` management consultancy activities ' .the husband of billionaire heiress tamara ecclestone earned just # 65 a week from his firm last year , it was revealed today .\"]\n", - "=======================\n", - "['jay rutland , 34 , is married to 30-year-old daughter of bernie ecclestonehis company had total net assets of # 3,378 last year , down from # 18,131former stockbroker lives with his wife and daughter in # 45million housebrigante business developments is management consultancy company']\n", - "jay rutland , 34 , who is married to the 30-year-old daughter of formula one boss bernie ecclestone , saw his company bring in just # 3,378 over the 12 months to july 2014 .the training consultant 's firm brigante business developments , based in battersea , south-west london , is listed in company records as providing ` management consultancy activities ' .the husband of billionaire heiress tamara ecclestone earned just # 65 a week from his firm last year , it was revealed today .\n", - "jay rutland , 34 , is married to 30-year-old daughter of bernie ecclestonehis company had total net assets of # 3,378 last year , down from # 18,131former stockbroker lives with his wife and daughter in # 45million housebrigante business developments is management consultancy company\n", - "[1.1588134 1.1447726 1.3038998 1.194061 1.1004939 1.1999497 1.0584873\n", - " 1.0815549 1.1442182 1.1368719 1.1194929 1.0555415 1.0277202 1.0135657\n", - " 1.0164269 1.0132065 1.012952 1.0249177 1.0311717 1.025338 1.0312828\n", - " 1.0621327 1.0368807 1.0512911 1.1058476 1.0293146 1.0409234 1.0145309\n", - " 1.012469 1.034638 1.012852 1.0063807 1.025946 ]\n", - "\n", - "[ 2 5 3 0 1 8 9 10 24 4 7 21 6 11 23 26 22 29 20 18 25 12 32 19\n", - " 17 14 27 13 15 16 30 28 31]\n", - "=======================\n", - "['the film has also established a new high-water mark for the month ofninth among the top ten openings in history .april , blowing past the $ 95 million debut of captain america :']\n", - "=======================\n", - "[\"the latest installment in the fast and furious franchise has smashed box office records for the month of aprilit ranks ninth among the top ten openings in cinema history with audiences flocking to paul walker in one of his final roles before his death in 2013analysts had estimated that it would open in the $ 115 million range , but it managed to earn almost $ 30m morewalker was killed in a single-car accident when his friend roger rodas 's red 2005 porsche carrera gt hit a lamppost and burst into flames\"]\n", - "the film has also established a new high-water mark for the month ofninth among the top ten openings in history .april , blowing past the $ 95 million debut of captain america :\n", - "the latest installment in the fast and furious franchise has smashed box office records for the month of aprilit ranks ninth among the top ten openings in cinema history with audiences flocking to paul walker in one of his final roles before his death in 2013analysts had estimated that it would open in the $ 115 million range , but it managed to earn almost $ 30m morewalker was killed in a single-car accident when his friend roger rodas 's red 2005 porsche carrera gt hit a lamppost and burst into flames\n", - "[1.262126 1.337406 1.2062321 1.3821837 1.2047054 1.2004589 1.1858974\n", - " 1.067252 1.0822536 1.0954994 1.0559851 1.0566226 1.0129424 1.0100057\n", - " 1.0117106 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 2 4 5 6 9 8 7 11 10 12 14 13 24 30 29 28 27 26 25 23 16\n", - " 21 20 19 18 17 31 15 22 32]\n", - "=======================\n", - "[\"transgender teen chase culpepper , 17 , who was born male but identifies as female , was told by dmv officials that she had to remove make-up ( left ) for her license photo last year ( after taking off make-up right ) .under the terms of the settlement , the state dmv is changing its policy on how male and female license applicants may dress or wear makeup in their official photos .a transgender south carolina teenager who was told to remove her makeup for a driver 's license photo has settled her lawsuit over the incident and a state agency has agreed to handle such cases differently , according to court documents .\"]\n", - "=======================\n", - "[\"chase culpepper , 17 , who was born male , regularly wears makeup and androgynous or women 's clothingafter passing a driving test last year , she was told by officials at a dmv office in anderson , sc , to remove her makeup because of a ` policy '\"]\n", - "transgender teen chase culpepper , 17 , who was born male but identifies as female , was told by dmv officials that she had to remove make-up ( left ) for her license photo last year ( after taking off make-up right ) .under the terms of the settlement , the state dmv is changing its policy on how male and female license applicants may dress or wear makeup in their official photos .a transgender south carolina teenager who was told to remove her makeup for a driver 's license photo has settled her lawsuit over the incident and a state agency has agreed to handle such cases differently , according to court documents .\n", - "chase culpepper , 17 , who was born male , regularly wears makeup and androgynous or women 's clothingafter passing a driving test last year , she was told by officials at a dmv office in anderson , sc , to remove her makeup because of a ` policy '\n", - "[1.2172501 1.441874 1.3204217 1.0726991 1.2170988 1.348655 1.1858315\n", - " 1.0905658 1.0285164 1.0322487 1.0447495 1.0685284 1.0162289 1.0596275\n", - " 1.0872861 1.0689263 1.0490607 1.1196219 1.0868098 1.0631994]\n", - "\n", - "[ 1 5 2 0 4 6 17 7 14 18 3 15 11 19 13 16 10 9 8 12]\n", - "=======================\n", - "[\"julie merner 's heavy drinking has resulted in her being admitted to hospital 13 times in the last six years .julie merner , 39 , has revealed her alcoholism has cost the nhs # 100,000 .in january , following her latest admission , the 39-year-old vowed to quit the habit , which has ravaged her liver , causing her to suffer severe cirrhosis . '\"]\n", - "=======================\n", - "['at the height of her addiction julie merner drank a bottle of vodka a day39-year-old has been admitted to hospital 13 times in six yearsmother-of-three has been told one more drop of alcohol will kill heradmits she is to blame but does not feel bad about # 100,000 nhs care bill']\n", - "julie merner 's heavy drinking has resulted in her being admitted to hospital 13 times in the last six years .julie merner , 39 , has revealed her alcoholism has cost the nhs # 100,000 .in january , following her latest admission , the 39-year-old vowed to quit the habit , which has ravaged her liver , causing her to suffer severe cirrhosis . '\n", - "at the height of her addiction julie merner drank a bottle of vodka a day39-year-old has been admitted to hospital 13 times in six yearsmother-of-three has been told one more drop of alcohol will kill heradmits she is to blame but does not feel bad about # 100,000 nhs care bill\n", - "[1.3092427 1.4005524 1.2338539 1.2363791 1.120904 1.0566118 1.0819285\n", - " 1.1110737 1.0409241 1.1580653 1.1163278 1.0336456 1.0899013 1.0208545\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 9 4 10 7 12 6 5 8 11 13 18 14 15 16 17 19]\n", - "=======================\n", - "[\"the cause of controversy came when the 37-year-old interviewed non-identical twins from the uk , lucy and maria aylmer , who have become a sensation around the world due to their opposite skin tones .a petition has been launched asking for sunrise 's samantha armytage to apologise for comments she made on-air last month , dubbed by some viewers as ` racist ' .controversy : sunrise host samantha armytage has come under fire for a comment made during a sunrise broadcast last month\"]\n", - "=======================\n", - "[\"a petition launched on monday demanding samantha armytage apologise for ` racist ' remark made last monthpresenter was interviewing mixed race twins lucy and maria aylmer on sunriseduring introduction she said ` good on ' lucy for getting ` her dad 's fair skin 'video of the interview has popped up on social media and sparked change.org petitiona seven spokesperson said the comment was sam ` taking a dig at herself '\"]\n", - "the cause of controversy came when the 37-year-old interviewed non-identical twins from the uk , lucy and maria aylmer , who have become a sensation around the world due to their opposite skin tones .a petition has been launched asking for sunrise 's samantha armytage to apologise for comments she made on-air last month , dubbed by some viewers as ` racist ' .controversy : sunrise host samantha armytage has come under fire for a comment made during a sunrise broadcast last month\n", - "a petition launched on monday demanding samantha armytage apologise for ` racist ' remark made last monthpresenter was interviewing mixed race twins lucy and maria aylmer on sunriseduring introduction she said ` good on ' lucy for getting ` her dad 's fair skin 'video of the interview has popped up on social media and sparked change.org petitiona seven spokesperson said the comment was sam ` taking a dig at herself '\n", - "[1.1100131 1.6033313 1.2507954 1.1720052 1.108139 1.1536279 1.2124527\n", - " 1.1698313 1.0981736 1.0668573 1.0414084 1.2268658 1.024412 1.026769\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 11 6 3 7 5 0 4 8 9 10 13 12 18 14 15 16 17 19]\n", - "=======================\n", - "[\"sam the german shepherd was filmed at home in pennsylvania as he struggled to keep his eyes open while lying on the couch .footage shows his head slowly dipping down before he suddenly wakes up and refocuses his energy on the screen .to date the video of sam in sleeping mode has been watched more than 100,000 times with many deeming the scene ` cute ' and ` adorable ' .\"]\n", - "=======================\n", - "['the five-year-old pooch was filmed at home in pennsylvania as he struggled to keep his eyes open while sitting on the couchadding to the comedy , some smooth jazz was dubbed over the final video edit']\n", - "sam the german shepherd was filmed at home in pennsylvania as he struggled to keep his eyes open while lying on the couch .footage shows his head slowly dipping down before he suddenly wakes up and refocuses his energy on the screen .to date the video of sam in sleeping mode has been watched more than 100,000 times with many deeming the scene ` cute ' and ` adorable ' .\n", - "the five-year-old pooch was filmed at home in pennsylvania as he struggled to keep his eyes open while sitting on the couchadding to the comedy , some smooth jazz was dubbed over the final video edit\n", - "[1.367851 1.3934767 1.1140834 1.3553882 1.2383014 1.0670317 1.0190961\n", - " 1.018641 1.0163115 1.2067735 1.0962585 1.0532075 1.087989 1.1103468\n", - " 1.022401 1.0116733 1.0193999 1.0993389 1.0623206 1.0876575]\n", - "\n", - "[ 1 0 3 4 9 2 13 17 10 12 19 5 18 11 14 16 6 7 8 15]\n", - "=======================\n", - "['the 40-year-old former channel 9 host said she barely recognised herself in the drawing , and was horrified to think her sons harry , 4 , and bert , 2 , saw her that way .tv presenter lisa oldfield decided she had to make a change to tackle her weight after her son sketched an unflattering portrait of her .oldfield shared with daily mail australia a picture of her stomach when she removed bandages after the surgery']\n", - "=======================\n", - "[\"tv presenter lisa oldfield had 5.5 litres of fat removed by liposuctionoldfield got surgery after her son drew an unflattering picture of her` it was a giant tummy and stick arms and legs ' she said of the drawing` now i have a waist ! 'oldfield is married to radio host and former one nation politician david\"]\n", - "the 40-year-old former channel 9 host said she barely recognised herself in the drawing , and was horrified to think her sons harry , 4 , and bert , 2 , saw her that way .tv presenter lisa oldfield decided she had to make a change to tackle her weight after her son sketched an unflattering portrait of her .oldfield shared with daily mail australia a picture of her stomach when she removed bandages after the surgery\n", - "tv presenter lisa oldfield had 5.5 litres of fat removed by liposuctionoldfield got surgery after her son drew an unflattering picture of her` it was a giant tummy and stick arms and legs ' she said of the drawing` now i have a waist ! 'oldfield is married to radio host and former one nation politician david\n", - "[1.4534044 1.4533529 1.1644666 1.1204599 1.0899991 1.2913146 1.0857195\n", - " 1.1616018 1.1818113 1.0871415 1.0565572 1.0306528 1.039053 1.0295868\n", - " 1.0168692 1.0720046 1.1351552 1.0765743 0. 0. ]\n", - "\n", - "[ 0 1 5 8 2 7 16 3 4 9 6 17 15 10 12 11 13 14 18 19]\n", - "=======================\n", - "[\"nathan hughes on friday night had his ban for accidentally knocking out george north sensationally over-turned on appeal , following an outcry on his behalf .the wasps no 8 was initially suspended for three matches , after a disciplinary panel ruled he had been ` reckless ' for failing to prevent his knee colliding with the head of the welsh lion , as he scored a try for northampton on march 27 .nathan hughes 's knee collided with george north 's head as he crossed the line to score for northampton\"]\n", - "=======================\n", - "[\"nathan hughes accidentally knocked out george north during northampton 's 52-30 victory against wasps on march 27the wasps no 8 was initially suspended for three matcheshughes missed his side 's champions cup defeat against toulonit was north 's third blow to the head in the space of two monthsthe welsh winger has been advised to take a month off from playing\"]\n", - "nathan hughes on friday night had his ban for accidentally knocking out george north sensationally over-turned on appeal , following an outcry on his behalf .the wasps no 8 was initially suspended for three matches , after a disciplinary panel ruled he had been ` reckless ' for failing to prevent his knee colliding with the head of the welsh lion , as he scored a try for northampton on march 27 .nathan hughes 's knee collided with george north 's head as he crossed the line to score for northampton\n", - "nathan hughes accidentally knocked out george north during northampton 's 52-30 victory against wasps on march 27the wasps no 8 was initially suspended for three matcheshughes missed his side 's champions cup defeat against toulonit was north 's third blow to the head in the space of two monthsthe welsh winger has been advised to take a month off from playing\n", - "[1.5444617 1.391437 1.2383652 1.1217327 1.207816 1.0751204 1.0644115\n", - " 1.0292634 1.0107412 1.0096443 1.1219054 1.1433653 1.0116081 1.008378\n", - " 1.0103155 1.0117141 1.1808378 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 4 16 11 10 3 5 6 7 15 12 8 14 9 13 18 17 19]\n", - "=======================\n", - "[\"south korea 's kim sei-young spectacularly eagled the par-five 18th to surge into a two-shot lead in the second round of the ana inspiration on friday as lydia ko 's record-equalling run came to an end .the 22-year-old kim , who won her maiden lpga tour title at the pure silk-bahamas lpga classic in february , struck a superb second shot to six feet on her final hole and knocked in the putt to card a seven-under-par 65 at mission hills country club .that left the korean at seven-under 137 in the first women 's major of the season , two ahead of overnight leader morgan pressel , who followed her opening 67 with a 72 .\"]\n", - "=======================\n", - "['lydia ko is seven shots behind leader kim sei-youngko had been aiming for a 30th consecutive under-par roundbut the world no 1 could only finish on one-over par']\n", - "south korea 's kim sei-young spectacularly eagled the par-five 18th to surge into a two-shot lead in the second round of the ana inspiration on friday as lydia ko 's record-equalling run came to an end .the 22-year-old kim , who won her maiden lpga tour title at the pure silk-bahamas lpga classic in february , struck a superb second shot to six feet on her final hole and knocked in the putt to card a seven-under-par 65 at mission hills country club .that left the korean at seven-under 137 in the first women 's major of the season , two ahead of overnight leader morgan pressel , who followed her opening 67 with a 72 .\n", - "lydia ko is seven shots behind leader kim sei-youngko had been aiming for a 30th consecutive under-par roundbut the world no 1 could only finish on one-over par\n", - "[1.314902 1.4295031 1.1074061 1.2421248 1.0782955 1.1291021 1.0630711\n", - " 1.0343703 1.0285677 1.0597491 1.0604883 1.0877696 1.1912799 1.0831869\n", - " 1.1342264 1.1668421 1.1140742 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 12 15 14 5 16 2 11 13 4 6 10 9 7 8 17 18 19]\n", - "=======================\n", - "[\"the four fans labelled themselves the ` c-team ' while wearing jose mourinho , diego costa , didier drogba and cesc fabregas masks to hide their identity before parking up outside arsenal 's north london home .a group of chelsea fans stormed arsenal 's emirates stadium this week in a lighthearted attempt to lay a blue marker down as the premier league clubs prepare to do battle on sunday .the chelsea fans channel prank comes just days before mourinho 's side travel to the emirates in search of what will be a crucial three points .\"]\n", - "=======================\n", - "[\"chelsea pranksters play practical joke outside the emirates stadiumfour masked men replace arsenal sign with blue and white letterschelsea signing is removed by club staff after just 10 minutespremier league rivals go head-to-head at the emirates on sundaychelsea are currently 10 points clear at premier league 's summit\"]\n", - "the four fans labelled themselves the ` c-team ' while wearing jose mourinho , diego costa , didier drogba and cesc fabregas masks to hide their identity before parking up outside arsenal 's north london home .a group of chelsea fans stormed arsenal 's emirates stadium this week in a lighthearted attempt to lay a blue marker down as the premier league clubs prepare to do battle on sunday .the chelsea fans channel prank comes just days before mourinho 's side travel to the emirates in search of what will be a crucial three points .\n", - "chelsea pranksters play practical joke outside the emirates stadiumfour masked men replace arsenal sign with blue and white letterschelsea signing is removed by club staff after just 10 minutespremier league rivals go head-to-head at the emirates on sundaychelsea are currently 10 points clear at premier league 's summit\n", - "[1.2975388 1.1893686 1.3017502 1.2384547 1.2273746 1.1171887 1.1448587\n", - " 1.0991555 1.0471557 1.0899638 1.1071782 1.013324 1.0110902 1.1191385\n", - " 1.0446031 1.0334582 1.0267028 1.0762961 1.0763799 1.0262095]\n", - "\n", - "[ 2 0 3 4 1 6 13 5 10 7 9 18 17 8 14 15 16 19 11 12]\n", - "=======================\n", - "[\"publication of sir john chilcot 's inquiry , which began in 2009 and has cost the taxpayer almost # 10million , had already been pushed back until after the election .bereaved families say the report is being dragged out so figures like tony blair can rebut its findingsyesterday it emerged it is unlikely to be published until next year at the earliest .\"]\n", - "=======================\n", - "[\"sir john chilcot 's inquiry began in 2009 .yesterday it emerged it is unlikely to be published until 2016 at the earliestbereaved parents are disgusted that their suffering is being dragged outdelay is so figures like tony blair can rebut inquiry 's findings , families say\"]\n", - "publication of sir john chilcot 's inquiry , which began in 2009 and has cost the taxpayer almost # 10million , had already been pushed back until after the election .bereaved families say the report is being dragged out so figures like tony blair can rebut its findingsyesterday it emerged it is unlikely to be published until next year at the earliest .\n", - "sir john chilcot 's inquiry began in 2009 .yesterday it emerged it is unlikely to be published until 2016 at the earliestbereaved parents are disgusted that their suffering is being dragged outdelay is so figures like tony blair can rebut inquiry 's findings , families say\n", - "[1.4805094 1.1833539 1.3723937 1.3487587 1.161702 1.1663527 1.1347345\n", - " 1.0713971 1.0400641 1.054759 1.0294958 1.0215307 1.0332365 1.0383098\n", - " 1.0158981 1.1821533 1.12277 1.0620017 0. 0. ]\n", - "\n", - "[ 0 2 3 1 15 5 4 6 16 7 17 9 8 13 12 10 11 14 18 19]\n", - "=======================\n", - "['lix bussey , 23 , from durham was hit by a car and died on holiday in mexico with her boyfriendshe was just coming to the end of her holiday with boyfriend jonathan boyle , also 23 , in the resort of riviera maya .it their first trip abroad together .']\n", - "=======================\n", - "[\"alix bussey , 23 , from durham was hit by a car and died on mexican holidayshe was visiting resort of riviera maya and said it was the ` best time ever 'family led tributes said alix had ` lived life to the full and loved to party 'her primary school students are said to be devastated by news of her loss\"]\n", - "lix bussey , 23 , from durham was hit by a car and died on holiday in mexico with her boyfriendshe was just coming to the end of her holiday with boyfriend jonathan boyle , also 23 , in the resort of riviera maya .it their first trip abroad together .\n", - "alix bussey , 23 , from durham was hit by a car and died on mexican holidayshe was visiting resort of riviera maya and said it was the ` best time ever 'family led tributes said alix had ` lived life to the full and loved to party 'her primary school students are said to be devastated by news of her loss\n", - "[1.3320994 1.2411497 1.1351199 1.1595609 1.1162368 1.1340925 1.237686\n", - " 1.1195835 1.080495 1.0825537 1.046081 1.0357404 1.029306 1.0437974\n", - " 1.0183756 1.0264766 1.0269941 1.0234687 1.0133827 1.0156391]\n", - "\n", - "[ 0 1 6 3 2 5 7 4 9 8 10 13 11 12 16 15 17 14 19 18]\n", - "=======================\n", - "['kathmandu , nepal ( cnn ) more than 4,600 people dead .eight million affected across nepal .as the country coped with the fallout of the quake , another natural disaster struck tuesday afternoon in a popular trekking area north of kathmandu , and up to 200 people were feared missing as a result of a landslide , a trekking association official said .']\n", - "=======================\n", - "['death toll in nepal climbs above 4,600 , officials say , with more than 9,000 injuredshattered villages near epicenter are hard to reach , says aid worker in the areamore bad weather is forecast for the region in the coming days']\n", - "kathmandu , nepal ( cnn ) more than 4,600 people dead .eight million affected across nepal .as the country coped with the fallout of the quake , another natural disaster struck tuesday afternoon in a popular trekking area north of kathmandu , and up to 200 people were feared missing as a result of a landslide , a trekking association official said .\n", - "death toll in nepal climbs above 4,600 , officials say , with more than 9,000 injuredshattered villages near epicenter are hard to reach , says aid worker in the areamore bad weather is forecast for the region in the coming days\n", - "[1.4490232 1.3815012 1.1542029 1.3619789 1.188504 1.129954 1.1104263\n", - " 1.072256 1.0491163 1.0588614 1.0312735 1.1453373 1.0410613 1.1155525\n", - " 1.1292531 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 4 2 11 5 14 13 6 7 9 8 12 10 17 15 16 18]\n", - "=======================\n", - "[\"fulham will sound out brentford manager mark warburton about taking over at craven cottage with owner shahid khan planning to release a budget of # 20million to spend on new players .the championship strugglers are deliberating over the future of kit symons who replaced felix magath in september but has won only one of his last eight games .warburton 's impressive record at west london rivals brentford has made him a leading contender alongside ipswich town manager mick mccarthy .\"]\n", - "=======================\n", - "['fulham are planning to swoop for brentford boss mark warburtonowner shahid khan is planning for next seasonwarburton has led brentford to seventh in the championship']\n", - "fulham will sound out brentford manager mark warburton about taking over at craven cottage with owner shahid khan planning to release a budget of # 20million to spend on new players .the championship strugglers are deliberating over the future of kit symons who replaced felix magath in september but has won only one of his last eight games .warburton 's impressive record at west london rivals brentford has made him a leading contender alongside ipswich town manager mick mccarthy .\n", - "fulham are planning to swoop for brentford boss mark warburtonowner shahid khan is planning for next seasonwarburton has led brentford to seventh in the championship\n", - "[1.3670305 1.3583301 1.3265944 1.2895609 1.2082747 1.1207004 1.0310439\n", - " 1.1138352 1.0304997 1.253944 1.1296871 1.0152186 1.0269594 1.0168912\n", - " 1.023399 1.0340916 1.0340108 0. 0. ]\n", - "\n", - "[ 0 1 2 3 9 4 10 5 7 15 16 6 8 12 14 13 11 17 18]\n", - "=======================\n", - "['manchester united and chelsea will be taking part in the international champions cup in the us this summer .the pre-season tournament , which is now in its third year , is set to be played between july 11 and august 5 with chelsea revealing the full details will be revealed at a press conference in new york on april 28 .the likes of diego costa , john terry and gary cahill will be representing chelsea in north america']\n", - "=======================\n", - "['manchester united and chelsea to take part in summer tournamentpsg and barcelona also set to play in international champions cupdetails to be revealed during press conference in new york on april 28united won the icc last year after a 3-1 final victory against liverpoolthe tournament is set to be played between july 11 and august 5steven gerrard could also feature for la galaxy in north america']\n", - "manchester united and chelsea will be taking part in the international champions cup in the us this summer .the pre-season tournament , which is now in its third year , is set to be played between july 11 and august 5 with chelsea revealing the full details will be revealed at a press conference in new york on april 28 .the likes of diego costa , john terry and gary cahill will be representing chelsea in north america\n", - "manchester united and chelsea to take part in summer tournamentpsg and barcelona also set to play in international champions cupdetails to be revealed during press conference in new york on april 28united won the icc last year after a 3-1 final victory against liverpoolthe tournament is set to be played between july 11 and august 5steven gerrard could also feature for la galaxy in north america\n", - "[1.2048888 1.380918 1.2312983 1.3105588 1.290118 1.1385341 1.14264\n", - " 1.0347841 1.0240375 1.1084489 1.0723782 1.086242 1.0556822 1.0239037\n", - " 1.0108638 1.1475031 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 15 6 5 9 11 10 12 7 8 13 14 17 16 18]\n", - "=======================\n", - "['a study found that britons selling their properties refuse to admit the housing market has cooled and mistakenly believe they are sitting on a goldmine .sellers are now wildly over-valuing their houses by around # 74,000 -- forcing buyers to barter them down , analysis showswhile average sale prices are about # 207,000 in the uk , advertised asking prices are typically # 74,000 higher at # 281,000 .']\n", - "=======================\n", - "['study shows uk sellers refuse to admit the housing market has cooledbuyers increasingly treat asking price as starting point for negotiationaverage sales price is # 207,000 but average asking price is # 281,000']\n", - "a study found that britons selling their properties refuse to admit the housing market has cooled and mistakenly believe they are sitting on a goldmine .sellers are now wildly over-valuing their houses by around # 74,000 -- forcing buyers to barter them down , analysis showswhile average sale prices are about # 207,000 in the uk , advertised asking prices are typically # 74,000 higher at # 281,000 .\n", - "study shows uk sellers refuse to admit the housing market has cooledbuyers increasingly treat asking price as starting point for negotiationaverage sales price is # 207,000 but average asking price is # 281,000\n", - "[1.2665759 1.3376083 1.2099347 1.1466116 1.1957893 1.1405058 1.166591\n", - " 1.1312526 1.0436192 1.1610794 1.0561928 1.054769 1.0978861 1.1364113\n", - " 1.1274612 1.0431311 1.0589924 1.0101022 0. ]\n", - "\n", - "[ 1 0 2 4 6 9 3 5 13 7 14 12 16 10 11 8 15 17 18]\n", - "=======================\n", - "['a dramatic rescue earlier in the week led to 210 mainly-burmese nationals being identified , the vast majority of whom said they were desperate to leave the island village of benjina .investigators have now rescued 550 fisherman slaves from a remote indonesian island after returning to the scene of an earlier rescue to check nobody was left behind .those who said they wanted to stay did so because they claimed they were owed years of back pay from their bosses .']\n", - "=======================\n", - "['dramatic rescue led to the mainly-burmese nationals being identifiedvast majority of them said they were desperate to leave benjina islandsome wanted to stay - but only to demand their bosses hand over moneymen said they were kidnapped or tricked into becoming fisherman slaves']\n", - "a dramatic rescue earlier in the week led to 210 mainly-burmese nationals being identified , the vast majority of whom said they were desperate to leave the island village of benjina .investigators have now rescued 550 fisherman slaves from a remote indonesian island after returning to the scene of an earlier rescue to check nobody was left behind .those who said they wanted to stay did so because they claimed they were owed years of back pay from their bosses .\n", - "dramatic rescue led to the mainly-burmese nationals being identifiedvast majority of them said they were desperate to leave benjina islandsome wanted to stay - but only to demand their bosses hand over moneymen said they were kidnapped or tricked into becoming fisherman slaves\n", - "[1.5350335 1.4224105 1.3974924 1.3833206 1.06186 1.023748 1.0492421\n", - " 1.0261008 1.113396 1.0210268 1.0133841 1.0104369 1.0615914 1.229929\n", - " 1.2394199 1.0122985 1.0101023 1.0092936 1.0353345]\n", - "\n", - "[ 0 1 2 3 14 13 8 4 12 6 18 7 5 9 10 15 11 16 17]\n", - "=======================\n", - "['rafa benitez has admitted he tried to raid former club chelsea to sign andre schurrle before the midfielder joined wolfsburg in january .the napoli manager , who won the europa league as blues boss in 2013 , will see his side line up against the german outfit in the quarter-finals of the competition on thursday .as well as schurrle , benitez also admitted to trying to sign ivan perisic and luiz gustavo before their january departures to wolfsburg from borussia dortmund and bayern munich respectively .']\n", - "=======================\n", - "['andre schurrle joined wolfsburg from chelsea in january for # 24mrafa benitez admitted he wanted to sign germany internationalex chelsea and liverpool boss also tracked luiz gustavo & ivan perisicnapoli face wolfsburg in europa league quarter-finals on thursday']\n", - "rafa benitez has admitted he tried to raid former club chelsea to sign andre schurrle before the midfielder joined wolfsburg in january .the napoli manager , who won the europa league as blues boss in 2013 , will see his side line up against the german outfit in the quarter-finals of the competition on thursday .as well as schurrle , benitez also admitted to trying to sign ivan perisic and luiz gustavo before their january departures to wolfsburg from borussia dortmund and bayern munich respectively .\n", - "andre schurrle joined wolfsburg from chelsea in january for # 24mrafa benitez admitted he wanted to sign germany internationalex chelsea and liverpool boss also tracked luiz gustavo & ivan perisicnapoli face wolfsburg in europa league quarter-finals on thursday\n", - "[1.2529484 1.4467304 1.2261089 1.2121665 1.3161184 1.0563693 1.0378608\n", - " 1.0195652 1.036721 1.2311897 1.0616174 1.0955085 1.0991988 1.1129643\n", - " 1.0435295 1.0373489 1.0561024 1.1538465 1.0342765 1.0274485 1.0136065]\n", - "\n", - "[ 1 4 0 9 2 3 17 13 12 11 10 5 16 14 6 15 8 18 19 7 20]\n", - "=======================\n", - "[\"doctors are still trying to find out what the future holds for 17-year-old natasha willard after she was diagnosed with inflammation of the brain when she fell ill while studying for her a-levels in cwmbran in wales .a teenager who fell ill with flu four months ago is unable to move her arms and legs and can barely eat or talk .miss willard 's family are unsure how the teenager became ill so suddenly , just four days after she returned her feeling unwell .\"]\n", - "=======================\n", - "['natasha willard appeared to be suffering from flu just before christmasbut four months later the teenager can barely move her limbs or talkshe has been diagnosed with encephalitis , or swelling , of the braindoctors are unsure whether miss willard , 17 , will be able to fully recover']\n", - "doctors are still trying to find out what the future holds for 17-year-old natasha willard after she was diagnosed with inflammation of the brain when she fell ill while studying for her a-levels in cwmbran in wales .a teenager who fell ill with flu four months ago is unable to move her arms and legs and can barely eat or talk .miss willard 's family are unsure how the teenager became ill so suddenly , just four days after she returned her feeling unwell .\n", - "natasha willard appeared to be suffering from flu just before christmasbut four months later the teenager can barely move her limbs or talkshe has been diagnosed with encephalitis , or swelling , of the braindoctors are unsure whether miss willard , 17 , will be able to fully recover\n", - "[1.5143752 1.2598155 1.1876087 1.4105692 1.1649789 1.176342 1.1338708\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 5 4 6 18 17 16 15 14 13 10 11 19 9 8 7 12 20]\n", - "=======================\n", - "[\"salford half-back rangi chase faces the threat of a four to eight-match ban after he was charged with making a grade e dangerous throw on good friday .salford 's rangi chase could face a ban of up to eight matches following a dangerous tacklethe red devils went on to beat huddersfield 18-12 to continue their recent good form , but they could now be without their mercurial stand-off for a lengthy period .\"]\n", - "=======================\n", - "[\"chase faces prospect of 4-8 match ban after grade e ` dangerous throw 'tackle happened during salford 's 18-12 win at huddersfieldrfl 's match review panel viewed tackle on ferres as dangerous\"]\n", - "salford half-back rangi chase faces the threat of a four to eight-match ban after he was charged with making a grade e dangerous throw on good friday .salford 's rangi chase could face a ban of up to eight matches following a dangerous tacklethe red devils went on to beat huddersfield 18-12 to continue their recent good form , but they could now be without their mercurial stand-off for a lengthy period .\n", - "chase faces prospect of 4-8 match ban after grade e ` dangerous throw 'tackle happened during salford 's 18-12 win at huddersfieldrfl 's match review panel viewed tackle on ferres as dangerous\n", - "[1.3601145 1.2108164 1.3130798 1.2828989 1.2131983 1.1837293 1.0950177\n", - " 1.0381119 1.1005282 1.0467765 1.0728468 1.072833 1.059199 1.0857875\n", - " 1.1147693 1.0219835 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 4 1 5 14 8 6 13 10 11 12 9 7 15 16 17 18 19 20]\n", - "=======================\n", - "[\"arrest : tabitha bennett allegedly drove her daughter to fight another girl and then encouraged the fightbennett , who is unemployed , was arrested and charged with child abuse , assault and battery offenses , pasco county sheriff 's officials said .she claimed that the 14-year-old girl had been bullying her daughter .\"]\n", - "=======================\n", - "[\"tabitha anne bennett ` messaged a 14-year-old girl on facebook and told her that she would be bringing her daughter to fight the girl 'she ` drove her daughter to the meeting place and emerged with a knife - which made the 14-year-old girl think she was going to die 'she ` yelled at her daughter to fight the other teenager and pulled the other girl to the ground by her hair 'she has been charged with child abuse and assault and battery\"]\n", - "arrest : tabitha bennett allegedly drove her daughter to fight another girl and then encouraged the fightbennett , who is unemployed , was arrested and charged with child abuse , assault and battery offenses , pasco county sheriff 's officials said .she claimed that the 14-year-old girl had been bullying her daughter .\n", - "tabitha anne bennett ` messaged a 14-year-old girl on facebook and told her that she would be bringing her daughter to fight the girl 'she ` drove her daughter to the meeting place and emerged with a knife - which made the 14-year-old girl think she was going to die 'she ` yelled at her daughter to fight the other teenager and pulled the other girl to the ground by her hair 'she has been charged with child abuse and assault and battery\n", - "[1.3239617 1.2805077 1.3380075 1.3410175 1.1066394 1.1238788 1.0884764\n", - " 1.0235935 1.01748 1.0176275 1.1523749 1.0416234 1.2563242 1.0432543\n", - " 1.0313473 1.0463986 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 0 1 12 10 5 4 6 15 13 11 14 7 9 8 19 16 17 18 20]\n", - "=======================\n", - "[\"controversy : uber drivers in oklahoma now have a right to refuse gay , lesbian , bisexual and transgender customers who use the ride-sharing app 'however , sen. jason smalley has revealed he rewrote the bill to eliminate that language and allow private businesses to establish their own policies regarding discrimination .the state of oklahoma has removed protection for gay people who use ride-sharing services uber and lyft .\"]\n", - "=======================\n", - "['initially , the transport bill included language that protected lgbt usersbut senator jason smalley rewrote the bill to allow drivers to discriminate']\n", - "controversy : uber drivers in oklahoma now have a right to refuse gay , lesbian , bisexual and transgender customers who use the ride-sharing app 'however , sen. jason smalley has revealed he rewrote the bill to eliminate that language and allow private businesses to establish their own policies regarding discrimination .the state of oklahoma has removed protection for gay people who use ride-sharing services uber and lyft .\n", - "initially , the transport bill included language that protected lgbt usersbut senator jason smalley rewrote the bill to allow drivers to discriminate\n", - "[1.1054987 1.4307853 1.2831258 1.2646115 1.2342777 1.1995072 1.108101\n", - " 1.0981488 1.1100332 1.1716813 1.1398308 1.0432279 1.0437088 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 5 9 10 8 6 0 7 12 11 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "['a study claims that britons spend an average of # 62 a week on rewarding themselves , with retail therapy reaching a high at lunchtime today .treats can range from as little as a bar of chocolate or a glass of wine to designer clothes and shoes , according to research by website vouchercodes.co.uk .and surprisingly , men spend a third more a month than women on treating themselves .']\n", - "=======================\n", - "['britons spend an average of # 62 a week on treats , a new study claimsrewards range from bar of chocolate to glass of wine to pair of shoes']\n", - "a study claims that britons spend an average of # 62 a week on rewarding themselves , with retail therapy reaching a high at lunchtime today .treats can range from as little as a bar of chocolate or a glass of wine to designer clothes and shoes , according to research by website vouchercodes.co.uk .and surprisingly , men spend a third more a month than women on treating themselves .\n", - "britons spend an average of # 62 a week on treats , a new study claimsrewards range from bar of chocolate to glass of wine to pair of shoes\n", - "[1.376718 1.367872 1.1912457 1.2802125 1.2738473 1.1099184 1.1062652\n", - " 1.0277859 1.0335588 1.092505 1.0943564 1.0156215 1.0334123 1.1150813\n", - " 1.0336931 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 4 2 13 5 6 10 9 14 8 12 7 11 15 16 17 18 19]\n", - "=======================\n", - "[\"joko widodo 's chief political rival reportedly promised to publicly support the indonesian president if he granted clemency to australians andrew chan and myuran sukumaran .former indonesian army general prabowo subianto twice privately assured mr joko there would be no political consequences if the bali nine ringleaders and others on death row were reprieved , the west australian reported .it 's understood mr prabowo penned a letter to mr joko at the weekend in which he said that if the president were to ` postpone the executions indefinitely ' , he would come out in support of the decision .\"]\n", - "=======================\n", - "[\"joko widodo 's chief political rival promised to support clemencyprabowo subianto twice privately assured mr joko there would be no political consequences if the bali nine ringleaders were reprievedandrew chan and myuran sukumaran were killed on wednesday morning\"]\n", - "joko widodo 's chief political rival reportedly promised to publicly support the indonesian president if he granted clemency to australians andrew chan and myuran sukumaran .former indonesian army general prabowo subianto twice privately assured mr joko there would be no political consequences if the bali nine ringleaders and others on death row were reprieved , the west australian reported .it 's understood mr prabowo penned a letter to mr joko at the weekend in which he said that if the president were to ` postpone the executions indefinitely ' , he would come out in support of the decision .\n", - "joko widodo 's chief political rival promised to support clemencyprabowo subianto twice privately assured mr joko there would be no political consequences if the bali nine ringleaders were reprievedandrew chan and myuran sukumaran were killed on wednesday morning\n", - "[1.1096196 1.1634389 1.3723439 1.3021879 1.3594825 1.1874527 1.0658302\n", - " 1.0715736 1.0786948 1.0953513 1.0724568 1.1338462 1.0683211 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 4 3 5 1 11 0 9 8 10 7 12 6 18 13 14 15 16 17 19]\n", - "=======================\n", - "['they topped a table of the most-loathed fees and charges in the poll by insurer direct line , followed by atm cash withdrawal fees and debit and credit card surcharges for booking items such as air travel .a total of 48 per cent thought they should be free , while 31 per cent said they are too highbut of all the fees consumers have to fork out for the ones they hate the most are unreasonable parking charges , a survey found .']\n", - "=======================\n", - "[\"48 per cent of people surveyed said that parking charges should be freethey topped a table of consumers ' most-loathed fees and chargesatm cash withdrawal fees and debit and credit card charges also high upparking charges and fines made councils in england # 667million last year\"]\n", - "they topped a table of the most-loathed fees and charges in the poll by insurer direct line , followed by atm cash withdrawal fees and debit and credit card surcharges for booking items such as air travel .a total of 48 per cent thought they should be free , while 31 per cent said they are too highbut of all the fees consumers have to fork out for the ones they hate the most are unreasonable parking charges , a survey found .\n", - "48 per cent of people surveyed said that parking charges should be freethey topped a table of consumers ' most-loathed fees and chargesatm cash withdrawal fees and debit and credit card charges also high upparking charges and fines made councils in england # 667million last year\n", - "[1.1649328 1.482201 1.2249773 1.2942218 1.0683019 1.0493042 1.1048689\n", - " 1.0678799 1.0762947 1.0327991 1.076185 1.0400913 1.0625409 1.0729687\n", - " 1.0508746 1.0315719 1.0362291 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 6 8 10 13 4 7 12 14 5 11 16 9 15 18 17 19]\n", - "=======================\n", - "[\"baltimore investigators handed their files on freddie gray 's death over to prosecutors thursday , but the public should n't expect much .it 's largely a procedural step , and given the overtures from baltimore officials , the state 's attorney 's decision on whether to file charges against the six officers involved in the arrest will not be immediate .( cnn ) it came a day early .\"]\n", - "=======================\n", - "['prosecutors get investigative report a day early , but do n\\'t expect immediate word on chargesattorney general : we \\'re continuing \" careful and deliberate examination of the facts \"gray family was told \" answers were not going to come quickly , \" and that \\'s fine , attorney says']\n", - "baltimore investigators handed their files on freddie gray 's death over to prosecutors thursday , but the public should n't expect much .it 's largely a procedural step , and given the overtures from baltimore officials , the state 's attorney 's decision on whether to file charges against the six officers involved in the arrest will not be immediate .( cnn ) it came a day early .\n", - "prosecutors get investigative report a day early , but do n't expect immediate word on chargesattorney general : we 're continuing \" careful and deliberate examination of the facts \"gray family was told \" answers were not going to come quickly , \" and that 's fine , attorney says\n", - "[1.3490943 1.3907092 1.3481495 1.3130449 1.1889671 1.1280328 1.2903597\n", - " 1.0929592 1.053622 1.0171341 1.0125774 1.034808 1.0167782 1.0125014\n", - " 1.0292435 1.0119526 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 6 4 5 7 8 11 14 9 12 10 13 15 18 16 17 19]\n", - "=======================\n", - "[\"the comment was said while on a visit to oklahoma city and is the first he 's made about his wife 's second presidential campaign , according to cnn .former president bill clinton said he is ` proud ' of wife hillary rodham clinton 's presidential bid for the 2016 election .the former secretary of state and first lady kicked off her campaign , which was launched last week , in iowa and will move on to new hampshire on monday .\"]\n", - "=======================\n", - "[\"while visiting oklahoma city , bill clinton said ` i 'm proud of her ' , in reference to hillary clinton 's presidential bidthis is the first comment he 's made about his wife 's campaignbill clinton was in oklahoma city to mark the 20th anniversary of the bombing that 168 people including 19 toddlers in federal buildinghillary clinton kicked off her campaign in iowa last week and will move on to new hampshire on monday\"]\n", - "the comment was said while on a visit to oklahoma city and is the first he 's made about his wife 's second presidential campaign , according to cnn .former president bill clinton said he is ` proud ' of wife hillary rodham clinton 's presidential bid for the 2016 election .the former secretary of state and first lady kicked off her campaign , which was launched last week , in iowa and will move on to new hampshire on monday .\n", - "while visiting oklahoma city , bill clinton said ` i 'm proud of her ' , in reference to hillary clinton 's presidential bidthis is the first comment he 's made about his wife 's campaignbill clinton was in oklahoma city to mark the 20th anniversary of the bombing that 168 people including 19 toddlers in federal buildinghillary clinton kicked off her campaign in iowa last week and will move on to new hampshire on monday\n", - "[1.2676679 1.4916569 1.1978261 1.2379568 1.3724946 1.2242829 1.1277453\n", - " 1.044113 1.0433598 1.0405111 1.1567261 1.0863516 1.0611596 1.0359566\n", - " 1.0207198 1.018653 1.0497653 1.0880265 1.0542014 1.0133878]\n", - "\n", - "[ 1 4 0 3 5 2 10 6 17 11 12 18 16 7 8 9 13 14 15 19]\n", - "=======================\n", - "['justus howell , 17 , died when officers fired one bullet into his heart and another through his shoulder .a teenager killed by police in illinois on saturday afternoon was shot twice in the back , an autopsy has revealed .the high school senior , who had moved to the area from wisconsin in february , was pronounced dead at the scene .']\n", - "=======================\n", - "[\"justus howell , 17 , was running from scene of an ` argument ' on saturdaypolice chased him down , shot him twice in the back , according to autopsyhe was pronounced dead at the scene in zion , il , at 2pm\"]\n", - "justus howell , 17 , died when officers fired one bullet into his heart and another through his shoulder .a teenager killed by police in illinois on saturday afternoon was shot twice in the back , an autopsy has revealed .the high school senior , who had moved to the area from wisconsin in february , was pronounced dead at the scene .\n", - "justus howell , 17 , was running from scene of an ` argument ' on saturdaypolice chased him down , shot him twice in the back , according to autopsyhe was pronounced dead at the scene in zion , il , at 2pm\n", - "[1.2638028 1.4524329 1.2683476 1.3412613 1.1929665 1.1991128 1.1661258\n", - " 1.0230196 1.2179567 1.0345908 1.0114923 1.0314384 1.0468893 1.0835961\n", - " 1.0377666 1.0378801 1.186106 1.0963401 1.0311787 0. 0. ]\n", - "\n", - "[ 1 3 2 0 8 5 4 16 6 17 13 12 15 14 9 11 18 7 10 19 20]\n", - "=======================\n", - "[\"the toddler suffered horrific facial injuries after the alaskan malamute crossed with a siberian huskey clamped its jaws around her head at their home in neyland , pembrokeshire .a three-year-old girl was airlifted to morriston hospital ( pictured ) in swansea after being mauled in the face by her family 's pet dogshe was playing in the garden on thursday afternoon when her family heard screams and ran to find their eight-year-old dog ` gripping ' the three-year-old by her head .\"]\n", - "=======================\n", - "[\"three-year-old girl was mauled in the face by her family 's dog at hometoddler suffered horrific facial injuries and was airlifted to hospitalfamily heard screams and found dog ` gripping ' toddler by her headthey gave permission for the alaskan malamute to be destroyed\"]\n", - "the toddler suffered horrific facial injuries after the alaskan malamute crossed with a siberian huskey clamped its jaws around her head at their home in neyland , pembrokeshire .a three-year-old girl was airlifted to morriston hospital ( pictured ) in swansea after being mauled in the face by her family 's pet dogshe was playing in the garden on thursday afternoon when her family heard screams and ran to find their eight-year-old dog ` gripping ' the three-year-old by her head .\n", - "three-year-old girl was mauled in the face by her family 's dog at hometoddler suffered horrific facial injuries and was airlifted to hospitalfamily heard screams and found dog ` gripping ' toddler by her headthey gave permission for the alaskan malamute to be destroyed\n", - "[1.2509774 1.4533093 1.2115796 1.4081028 1.2159286 1.1984546 1.0918589\n", - " 1.179149 1.1206417 1.1524744 1.0401196 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 5 7 9 8 6 10 11 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the 50-foot whale was still on the pacifica state beach on wednesday after washing up on the sand the week before .the body of a dead sperm whale that washed up on a california beach last week was covered in graffiti spelling out the name of a bay area motorcycle gang .it 's unclear how the whale died but it does n't appear to have broken bones or signs of blunt force trauma\"]\n", - "=======================\n", - "[\"50-foot whale washed up on pacifica state beach in california last weekit was sprayed with name of east bay rats motorcycle club at some pointit is unknown how the whale died and results of an autopsy are pendingwitness said ` whoever did this , stinks more than whale 's rotting flesh '\"]\n", - "the 50-foot whale was still on the pacifica state beach on wednesday after washing up on the sand the week before .the body of a dead sperm whale that washed up on a california beach last week was covered in graffiti spelling out the name of a bay area motorcycle gang .it 's unclear how the whale died but it does n't appear to have broken bones or signs of blunt force trauma\n", - "50-foot whale washed up on pacifica state beach in california last weekit was sprayed with name of east bay rats motorcycle club at some pointit is unknown how the whale died and results of an autopsy are pendingwitness said ` whoever did this , stinks more than whale 's rotting flesh '\n", - "[1.2664995 1.507626 1.3064004 1.3610774 1.1499379 1.1440139 1.0893568\n", - " 1.2366476 1.0813488 1.0520638 1.0232009 1.0235416 1.0384078 1.0124893\n", - " 1.0208788 1.0218925 1.2027066 1.030301 1.0174066 1.0101502 1.0066493]\n", - "\n", - "[ 1 3 2 0 7 16 4 5 6 8 9 12 17 11 10 15 14 18 13 19 20]\n", - "=======================\n", - "[\"the oil painting - which measures nine inches by seven - of a catholic saint was believed to be the work of a ` follower ' of 16th century renaissance master el greco .auctioneer richard bromell ( pictured ) gave the tiny painting an estimated value of about # 300 to # 400 but it ended up selling for more than # 120,000but the selling price suggests the untitled , undated and unsigned painting may actually have been done by the artist himself .\"]\n", - "=======================\n", - "[\"auctioneer gave painting an estimated value of between # 300 and # 400it was thought to be the work of a follower of renaissance master el grecobut final price suggests unsigned work may have been done by the artistpainting of saint was acquired by owner 's father in the 1970s for very little\"]\n", - "the oil painting - which measures nine inches by seven - of a catholic saint was believed to be the work of a ` follower ' of 16th century renaissance master el greco .auctioneer richard bromell ( pictured ) gave the tiny painting an estimated value of about # 300 to # 400 but it ended up selling for more than # 120,000but the selling price suggests the untitled , undated and unsigned painting may actually have been done by the artist himself .\n", - "auctioneer gave painting an estimated value of between # 300 and # 400it was thought to be the work of a follower of renaissance master el grecobut final price suggests unsigned work may have been done by the artistpainting of saint was acquired by owner 's father in the 1970s for very little\n", - "[1.1701118 1.3277292 1.2494364 1.228219 1.1799302 1.1327603 1.0346268\n", - " 1.0898244 1.2550893 1.1173537 1.0789503 1.0196851 1.041811 1.056256\n", - " 1.0578536 1.1109967 1.0503098 0. 0. 0. 0. ]\n", - "\n", - "[ 1 8 2 3 4 0 5 9 15 7 10 14 13 16 12 6 11 17 18 19 20]\n", - "=======================\n", - "['the ink illustration appears to show the jedi knight yoda on the pages of a religious document .the yoda like image comes from a 14th-century manuscript known as the smithfield decretals .but in fact , the drawing is part of a bizarre representation of the biblical story of samson , one expert claims .']\n", - "=======================\n", - "[\"manuscript showing the green tinged figure was drawn in around 1340it bears a striking resemblance to yoda in the star wars filmsbritish library expert says it 's actually an illustration to tie in with the biblical story of samson , but it 's not known who the character represents\"]\n", - "the ink illustration appears to show the jedi knight yoda on the pages of a religious document .the yoda like image comes from a 14th-century manuscript known as the smithfield decretals .but in fact , the drawing is part of a bizarre representation of the biblical story of samson , one expert claims .\n", - "manuscript showing the green tinged figure was drawn in around 1340it bears a striking resemblance to yoda in the star wars filmsbritish library expert says it 's actually an illustration to tie in with the biblical story of samson , but it 's not known who the character represents\n", - "[1.3724539 1.2266486 1.3134545 1.0609099 1.168867 1.1755496 1.1437197\n", - " 1.176075 1.136287 1.0488074 1.0993068 1.0856652 1.056584 1.0352764\n", - " 1.1095014 1.0906223 1.1104856 1.0195935 1.0096765 1.0122857 0. ]\n", - "\n", - "[ 0 2 1 7 5 4 6 8 16 14 10 15 11 3 12 9 13 17 19 18 20]\n", - "=======================\n", - "['andrew hennells , pictured , posted a message on facebook admitting his plans to rob a tesco supermarket 15 minutes before holding up staffandrew hennells posted details of his plan to the social networking site - stating he was ` doing .a man who boasted about plans for an armed robbery on facebook minutes before he threatened staff in tesco has been jailed for four years .']\n", - "=======================\n", - "[\"andrew hennells threatened staff in tesco with a knife of february 13fifteen minutes before the raid he posted details of his plan on facebooknorfolk crown court judge deems 31-year-old ` high risk ' to the public\"]\n", - "andrew hennells , pictured , posted a message on facebook admitting his plans to rob a tesco supermarket 15 minutes before holding up staffandrew hennells posted details of his plan to the social networking site - stating he was ` doing .a man who boasted about plans for an armed robbery on facebook minutes before he threatened staff in tesco has been jailed for four years .\n", - "andrew hennells threatened staff in tesco with a knife of february 13fifteen minutes before the raid he posted details of his plan on facebooknorfolk crown court judge deems 31-year-old ` high risk ' to the public\n", - "[1.3003821 1.3237901 1.3201487 1.3076229 1.306984 1.1118226 1.08982\n", - " 1.051545 1.0687664 1.0444885 1.0630934 1.064671 1.0777351 1.0702688\n", - " 1.06008 1.0334604 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 4 0 5 6 12 13 8 11 10 14 7 9 15 16 17 18 19 20 21]\n", - "=======================\n", - "['carwyn scott-howell got lost on the slopes and left the piste before walking through a treacherously steep wooded area , according to a source .the welsh schoolboy , who was formally named by police today , was holidaying in the french resort of flaine with his mother ceri , elder brother gerwyn , 19 , and nine-year-old sister antonia when the accident took place .he fell down a 160ft cliff after trying to find his parents']\n", - "=======================\n", - "['seven-year-old boy has died on family skiing holiday in flaine , french alpspolice believe carwyn scott-howell fell to his death after leaving ski slopeit is understood he was looking for his parents when he took a wrong turngot lost on piste and fell down cliff after taking off skis to try and find them']\n", - "carwyn scott-howell got lost on the slopes and left the piste before walking through a treacherously steep wooded area , according to a source .the welsh schoolboy , who was formally named by police today , was holidaying in the french resort of flaine with his mother ceri , elder brother gerwyn , 19 , and nine-year-old sister antonia when the accident took place .he fell down a 160ft cliff after trying to find his parents\n", - "seven-year-old boy has died on family skiing holiday in flaine , french alpspolice believe carwyn scott-howell fell to his death after leaving ski slopeit is understood he was looking for his parents when he took a wrong turngot lost on piste and fell down cliff after taking off skis to try and find them\n", - "[1.3526589 1.254709 1.2771922 1.257432 1.0634923 1.0879252 1.0917648\n", - " 1.3414016 1.0477896 1.0818166 1.0559034 1.0222429 1.0208374 1.0236926\n", - " 1.0267084 1.1706406 1.1144761 1.1498296 1.0333765 1.033321 1.0168055\n", - " 1.01508 ]\n", - "\n", - "[ 0 7 2 3 1 15 17 16 6 5 9 4 10 8 18 19 14 13 11 12 20 21]\n", - "=======================\n", - "[\"rangers kept the pressure on hibernian in the race for second spot in the championship with a comfortable 4-0 win over raith rovers .stuart mccall had suffered his first defeat as rangers manager against queens last week .they bounced back from thursday 's defeat by queen of the south , with nicky clark and haris vuckic claiming a goal apiece and nicky law grabbing a double .\"]\n", - "=======================\n", - "[\"nicky law scored two goals as rangers comfortably beat raith roversharis vuckic and nicky clark also got on the scoresheet at ibroxrangers had suffered defeat by queen of the south on thursdaybut stuart mccall 's side recovered to keep up the pressure on hibernian\"]\n", - "rangers kept the pressure on hibernian in the race for second spot in the championship with a comfortable 4-0 win over raith rovers .stuart mccall had suffered his first defeat as rangers manager against queens last week .they bounced back from thursday 's defeat by queen of the south , with nicky clark and haris vuckic claiming a goal apiece and nicky law grabbing a double .\n", - "nicky law scored two goals as rangers comfortably beat raith roversharis vuckic and nicky clark also got on the scoresheet at ibroxrangers had suffered defeat by queen of the south on thursdaybut stuart mccall 's side recovered to keep up the pressure on hibernian\n", - "[1.5494592 1.4640098 1.1271114 1.0429884 1.052663 1.261343 1.1155571\n", - " 1.045886 1.0336757 1.0284828 1.0573645 1.0182792 1.0211352 1.0520337\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 5 2 6 10 4 13 7 3 8 9 12 11 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"the stars of martin scorsese 's classic 1990 gangster film goodfellas reunited in new york on saturday night for a very special 25th anniversary screening of the movie which brought the 14th annual tribeca film festival to a close .stars ray liotta , robert de niro , lorraine bracco and paul sorvino were all in attendance although director scorsese was filming in taiwan and joe pesci , who won an oscar for best supporting actor in 1991 for his turn as tommy devito , did n't show .released in 1990 , goodfellas charts the rise and fall of lucchese crime family associate henry hill , played by liotta , and his friends over a period from 1955 to 1980\"]\n", - "=======================\n", - "[\"stars ray liotta , robert de niro , lorraine bracco and paul sorvino were all in attendance for saturday 's special 25th anniversary screeningnot in attendance were director martin scorsese , who was filming in taiwan , and joe pesci who had won an oscar for his role in the 1990 movie` joe pesci could n't be here , but he sent this email : ` f *** , f *** , f *** , f *** ity f *** , f *** ' read de niroscorsese sent a video message and recalled how the movie upset the owner of his then favorite nyc italian restaurantthroughout the two-and-a-half-hour screening the audience cheered each major character 's first appearancejon stewart then held a q&a with the actors and liotta recalled henry hill thanking him for ` not making me look like a s *** bag '\"]\n", - "the stars of martin scorsese 's classic 1990 gangster film goodfellas reunited in new york on saturday night for a very special 25th anniversary screening of the movie which brought the 14th annual tribeca film festival to a close .stars ray liotta , robert de niro , lorraine bracco and paul sorvino were all in attendance although director scorsese was filming in taiwan and joe pesci , who won an oscar for best supporting actor in 1991 for his turn as tommy devito , did n't show .released in 1990 , goodfellas charts the rise and fall of lucchese crime family associate henry hill , played by liotta , and his friends over a period from 1955 to 1980\n", - "stars ray liotta , robert de niro , lorraine bracco and paul sorvino were all in attendance for saturday 's special 25th anniversary screeningnot in attendance were director martin scorsese , who was filming in taiwan , and joe pesci who had won an oscar for his role in the 1990 movie` joe pesci could n't be here , but he sent this email : ` f *** , f *** , f *** , f *** ity f *** , f *** ' read de niroscorsese sent a video message and recalled how the movie upset the owner of his then favorite nyc italian restaurantthroughout the two-and-a-half-hour screening the audience cheered each major character 's first appearancejon stewart then held a q&a with the actors and liotta recalled henry hill thanking him for ` not making me look like a s *** bag '\n", - "[1.4776697 1.4706655 1.137849 1.0621296 1.0371668 1.381052 1.1413412\n", - " 1.1690695 1.1347232 1.1476604 1.0743841 1.1519583 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 5 7 11 9 6 2 8 10 3 4 20 12 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"england cricket star moeen ali has been named as an honorary ambassador for liverpool 's fan club in pakistan .the lifelong liverpool fan , 27 , who has been called up for england 's final two tests in the west indies , made the announcement on friday .the cricketer was recently at anfield for the lfc all-stars match and had his photograph taken with raheem sterling and emre can .\"]\n", - "=======================\n", - "['spinner named as new ambassador for liverpool fan group pak redsthe england star has been called up for last two tests in west indiespak reds group was founded in 2011 and attained official status in 2013it has six different branches across pakistan']\n", - "england cricket star moeen ali has been named as an honorary ambassador for liverpool 's fan club in pakistan .the lifelong liverpool fan , 27 , who has been called up for england 's final two tests in the west indies , made the announcement on friday .the cricketer was recently at anfield for the lfc all-stars match and had his photograph taken with raheem sterling and emre can .\n", - "spinner named as new ambassador for liverpool fan group pak redsthe england star has been called up for last two tests in west indiespak reds group was founded in 2011 and attained official status in 2013it has six different branches across pakistan\n", - "[1.2603889 1.333446 1.227446 1.1790408 1.1379646 1.2107046 1.1166753\n", - " 1.1298851 1.0832883 1.0143815 1.035984 1.1208972 1.1625401 1.0679979\n", - " 1.1083441 1.0692971 1.0429642 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 5 3 12 4 7 11 6 14 8 15 13 16 10 9 17 18 19 20 21]\n", - "=======================\n", - "[\"the waitress told the new zealand herald that she published the details of john key 's behaviour , which she experienced while she was working at a cafe in auckland , as she ` expected more from him ' and wanted ` the public to be aware ' .the 26-year-old , an employee at rosie cafe which is frequented by mr key and his wife , recounted on the daily blog how the prime minister kept playfully pulling her hair despite being told to stop during election time last year .but following the publication of the blog on wednesday , mr key defended his pranks as ' a bit of banter ' and said he had already apologised for his actions , stuff.co.nz reports .\"]\n", - "=======================\n", - "[\"amanda bailey , 26 , says she does n't regret going public with her storythe waitress revealed in a blog how john key kept pulling her hairshe wrote that she gained unwanted attention from him last year at a cafems bailey said mr key kept touching her hair despite being told to stopowners say they were disappointed she never told them of her concernsthey further stated mr key is popular among the cafe staffthe prime minister defended his actions , saying he had already apologisedhe also said his pranks were ` all in the context of a bit of banter 'the waitress was working at a cafe called rosie in parnell , east of auckland\"]\n", - "the waitress told the new zealand herald that she published the details of john key 's behaviour , which she experienced while she was working at a cafe in auckland , as she ` expected more from him ' and wanted ` the public to be aware ' .the 26-year-old , an employee at rosie cafe which is frequented by mr key and his wife , recounted on the daily blog how the prime minister kept playfully pulling her hair despite being told to stop during election time last year .but following the publication of the blog on wednesday , mr key defended his pranks as ' a bit of banter ' and said he had already apologised for his actions , stuff.co.nz reports .\n", - "amanda bailey , 26 , says she does n't regret going public with her storythe waitress revealed in a blog how john key kept pulling her hairshe wrote that she gained unwanted attention from him last year at a cafems bailey said mr key kept touching her hair despite being told to stopowners say they were disappointed she never told them of her concernsthey further stated mr key is popular among the cafe staffthe prime minister defended his actions , saying he had already apologisedhe also said his pranks were ` all in the context of a bit of banter 'the waitress was working at a cafe called rosie in parnell , east of auckland\n", - "[1.1796141 1.4588127 1.3282939 1.2890887 1.1783805 1.0668113 1.0479729\n", - " 1.1677574 1.136487 1.1275367 1.0763571 1.0752419 1.05247 1.0871685\n", - " 1.0441566 1.0531745 1.0625954 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 7 8 9 13 10 11 5 16 15 12 6 14 19 17 18 20]\n", - "=======================\n", - "[\"the edwardian-style building and shopfront on brunswick street in fitzroy was once owned by wei tang who was convicted in 2006 of keeping five thai women as sex slaves .the brothel , formerly known as club 417 , has six bedrooms each with its own shower or spa , as well as a large lounge with a bar and a sitting room .a notorious brothel at the centre of australia 's first ever sex slavery case has gone on sale in a trendy melbourne suburb .\"]\n", - "=======================\n", - "[\"six-bedroom brothel in melbourne 's fitzroy will go up for auction on may 1edwardian-style shopfront was owned by wei tang who was jailed for keeping five thai women as sex slavesproperty , formerly known as club 417 , comes with a brothel licencetang was convicted in 2006 for forcing women to work off debts incurred by bringing them from thailand to australiait stopped operating as a brothel in 2013 and has been vacant ever since\"]\n", - "the edwardian-style building and shopfront on brunswick street in fitzroy was once owned by wei tang who was convicted in 2006 of keeping five thai women as sex slaves .the brothel , formerly known as club 417 , has six bedrooms each with its own shower or spa , as well as a large lounge with a bar and a sitting room .a notorious brothel at the centre of australia 's first ever sex slavery case has gone on sale in a trendy melbourne suburb .\n", - "six-bedroom brothel in melbourne 's fitzroy will go up for auction on may 1edwardian-style shopfront was owned by wei tang who was jailed for keeping five thai women as sex slavesproperty , formerly known as club 417 , comes with a brothel licencetang was convicted in 2006 for forcing women to work off debts incurred by bringing them from thailand to australiait stopped operating as a brothel in 2013 and has been vacant ever since\n", - "[1.424633 1.4478172 1.2082982 1.4274005 1.3822685 1.2425934 1.0651035\n", - " 1.0293801 1.0233994 1.02507 1.0495347 1.0187992 1.0153714 1.1843779\n", - " 1.0130557 1.0118016 1.1383259 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 5 2 13 16 6 10 7 9 8 11 12 14 15 19 17 18 20]\n", - "=======================\n", - "[\"smith suffered a broken leg and a dislocated ankle while attempting to block a john arne riise free-kick during the fifth round clash at anfield in february 2006 .alan smith has denied claims that liverpool fans attacked the ambulance he was travelling to hospital in during manchester united 's fa cup fifth round exit nine years agothe dislocated ankle was worse than the leg break because i snapped ligaments and there were complications . '\"]\n", - "=======================\n", - "['liverpool beat manchester united 1-0 in the fa cup fifth round in 2006alan smith suffered a broken leg and a dislocated ankle during the gamereports claimed liverpool fans attacked the ambulance with smith in']\n", - "smith suffered a broken leg and a dislocated ankle while attempting to block a john arne riise free-kick during the fifth round clash at anfield in february 2006 .alan smith has denied claims that liverpool fans attacked the ambulance he was travelling to hospital in during manchester united 's fa cup fifth round exit nine years agothe dislocated ankle was worse than the leg break because i snapped ligaments and there were complications . '\n", - "liverpool beat manchester united 1-0 in the fa cup fifth round in 2006alan smith suffered a broken leg and a dislocated ankle during the gamereports claimed liverpool fans attacked the ambulance with smith in\n", - "[1.0915966 1.3028381 1.2863084 1.3611081 1.1148372 1.1898222 1.1983552\n", - " 1.0876179 1.110212 1.0308417 1.0723109 1.1133053 1.0278589 1.0180641\n", - " 1.0372006 1.0291462 1.1094261 1.0581738 1.021895 1.0625049 1.0168288]\n", - "\n", - "[ 3 1 2 6 5 4 11 8 16 0 7 10 19 17 14 9 15 12 18 13 20]\n", - "=======================\n", - "[\"some of the hens found at wagner 's poultry farm were ravaged and dyingthe photographs they took at the yarra valley farm give a chilling insight into the bleak world of caged chicken factories .activists said they found birds living in terrible conditions .\"]\n", - "=======================\n", - "[\"animal liberation victoria activists who broke into wagner 's poultry farmactivists found birds sick and dying in terrible living conditionshens were in such a bad state they had to be removed from the cageswagner 's poultry farm denied they had done anything unethicalgovernment department found no breaches under animal cruelty laws\"]\n", - "some of the hens found at wagner 's poultry farm were ravaged and dyingthe photographs they took at the yarra valley farm give a chilling insight into the bleak world of caged chicken factories .activists said they found birds living in terrible conditions .\n", - "animal liberation victoria activists who broke into wagner 's poultry farmactivists found birds sick and dying in terrible living conditionshens were in such a bad state they had to be removed from the cageswagner 's poultry farm denied they had done anything unethicalgovernment department found no breaches under animal cruelty laws\n", - "[1.2390369 1.2951169 1.2786881 1.1663258 1.1486139 1.2338526 1.0735795\n", - " 1.161717 1.1375177 1.0727199 1.1028324 1.0223695 1.011806 1.0863305\n", - " 1.0630527 1.127574 1.1089272 1.0865456 1.024029 1.0573537 0. ]\n", - "\n", - "[ 1 2 0 5 3 7 4 8 15 16 10 17 13 6 9 14 19 18 11 12 20]\n", - "=======================\n", - "['under the pact , no public holiday is triggered when anzac day falls on a saturday , as it does this year .the agreement was designed to provide uniformity of public holidays across the nation .an obscure agreement struck by state governments in 1993 means the vast majority of australians will not get a day off this anzac weekend .']\n", - "=======================\n", - "['there is no anzac day holiday for most states as it falls on a saturdayonly western australia and some canberra bureaucrats will get day offfirst time since 2009 anzac day has fallen on a saturdayexperts predict rise of up to 25 per cent of people calling in sick on mondaysome businesses told staff they risk their job if they fake a sick daylosses from absent employees estimated at $ 7.5 m in queensland alone']\n", - "under the pact , no public holiday is triggered when anzac day falls on a saturday , as it does this year .the agreement was designed to provide uniformity of public holidays across the nation .an obscure agreement struck by state governments in 1993 means the vast majority of australians will not get a day off this anzac weekend .\n", - "there is no anzac day holiday for most states as it falls on a saturdayonly western australia and some canberra bureaucrats will get day offfirst time since 2009 anzac day has fallen on a saturdayexperts predict rise of up to 25 per cent of people calling in sick on mondaysome businesses told staff they risk their job if they fake a sick daylosses from absent employees estimated at $ 7.5 m in queensland alone\n", - "[1.1843097 1.5545056 1.3171325 1.4285527 1.1958342 1.1335586 1.054031\n", - " 1.0655555 1.0199499 1.0139126 1.2132676 1.1785566 1.0144491 1.018457\n", - " 1.0132664 1.0614386 1.0116723 1.0673532 1.0910635 1.0308726 0. ]\n", - "\n", - "[ 1 3 2 10 4 0 11 5 18 17 7 15 6 19 8 13 12 9 14 16 20]\n", - "=======================\n", - "['tibor racsits , 42 , had gone to pick up his daughter kiara from the movies at charlestown square in newcastle , north of sydney , on sunday night when they were attacked .vision of the disturbing attack showed mr racsits being dragged across the road by at least three young men before being kicked in the stomach and head .his daughter can be heard screaming as she runs to help , but she is pushed from behind by a young girl and slams face-first into the concrete .']\n", - "=======================\n", - "[\"tibor racsits , 42 , and daughter kiara , 13 , were attacked on sunday nighthe 'd gone to pick her up from the movies in newcastle , north of sydneyfootage shows group of boys kicking mr racsits in the stomach and headkiara ran to help her father but was slammed face-first into the concrete\"]\n", - "tibor racsits , 42 , had gone to pick up his daughter kiara from the movies at charlestown square in newcastle , north of sydney , on sunday night when they were attacked .vision of the disturbing attack showed mr racsits being dragged across the road by at least three young men before being kicked in the stomach and head .his daughter can be heard screaming as she runs to help , but she is pushed from behind by a young girl and slams face-first into the concrete .\n", - "tibor racsits , 42 , and daughter kiara , 13 , were attacked on sunday nighthe 'd gone to pick her up from the movies in newcastle , north of sydneyfootage shows group of boys kicking mr racsits in the stomach and headkiara ran to help her father but was slammed face-first into the concrete\n", - "[1.2671133 1.3990686 1.3926904 1.2193496 1.1698599 1.140282 1.129286\n", - " 1.0875118 1.0221591 1.0415672 1.0752435 1.028349 1.1929612 1.212959\n", - " 1.0158491 1.0298891 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 13 12 4 5 6 7 10 9 15 11 8 14 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the teenager from blackburn , lancashire , who can not be named but is thought to be the youngest person charged with islamist-related terror offences in the uk , was arrested last weekend .he is said to have incited an australian teenager , sevdet besim , to behead , run over or shoot a police officer in a ` lee rigby style ' massacre during a ceremony for fallen soldiers .a 14-year-old british boy has been remanded in custody after appearing in court charged with plotting to carry out a terror attack during the anzac day commemorations in australia .\"]\n", - "=======================\n", - "[\"teenager is believed to be youngest charged with terror offences in ukhe is accused of plotting a ` lee rigby-style ' massacre during anzac dayalleged to have encouraged sevdet besim to behead a member of publiche was remanded in custody and will appear before court in manchester\"]\n", - "the teenager from blackburn , lancashire , who can not be named but is thought to be the youngest person charged with islamist-related terror offences in the uk , was arrested last weekend .he is said to have incited an australian teenager , sevdet besim , to behead , run over or shoot a police officer in a ` lee rigby style ' massacre during a ceremony for fallen soldiers .a 14-year-old british boy has been remanded in custody after appearing in court charged with plotting to carry out a terror attack during the anzac day commemorations in australia .\n", - "teenager is believed to be youngest charged with terror offences in ukhe is accused of plotting a ` lee rigby-style ' massacre during anzac dayalleged to have encouraged sevdet besim to behead a member of publiche was remanded in custody and will appear before court in manchester\n", - "[1.3349061 1.4104178 1.240504 1.2392254 1.063004 1.1914742 1.0380462\n", - " 1.1226777 1.1111399 1.0794101 1.0680426 1.1268227 1.0160768 1.0542763\n", - " 1.1380078 1.0780545 1.0542027 1.0083994 1.0095868 1.0337257 1.0595\n", - " 0. ]\n", - "\n", - "[ 1 0 2 3 5 14 11 7 8 9 15 10 4 20 13 16 6 19 12 18 17 21]\n", - "=======================\n", - "['the clip , posted on instagram and quickly deleted , show the 27-year-old singer sitting at a table with what looks like a slim white tube in her hands as her pals dance around her .a new video of rihanna at the coachella music festival appears to show the star preparing a suspicious substance and holding her nose .in this video , posted to instagram , rihanna can be seen holding a suspicious object']\n", - "=======================\n", - "[\"singer was partying with pals at coachella music and arts festival over the weekendvideo posted on instagram appears to show the singer preparing a suspicious substance and then holding her nosespeculation has been rife as to what exactly is going on in the videoa comment on instagram , believed to be from rihanna , claims it was a jointthis is not the first time rihanna has found herself mired in controversy at coachellain 2012 she posted a picture of herself ` cutting up ' a white powered substance on the top of a man 's head\"]\n", - "the clip , posted on instagram and quickly deleted , show the 27-year-old singer sitting at a table with what looks like a slim white tube in her hands as her pals dance around her .a new video of rihanna at the coachella music festival appears to show the star preparing a suspicious substance and holding her nose .in this video , posted to instagram , rihanna can be seen holding a suspicious object\n", - "singer was partying with pals at coachella music and arts festival over the weekendvideo posted on instagram appears to show the singer preparing a suspicious substance and then holding her nosespeculation has been rife as to what exactly is going on in the videoa comment on instagram , believed to be from rihanna , claims it was a jointthis is not the first time rihanna has found herself mired in controversy at coachellain 2012 she posted a picture of herself ` cutting up ' a white powered substance on the top of a man 's head\n", - "[1.3506706 1.3979859 1.2850777 1.2642983 1.1856323 1.1260781 1.0589403\n", - " 1.094372 1.0611697 1.0589917 1.1362014 1.092126 1.0469171 1.0461361\n", - " 1.0372515 1.0465583 1.0392644 1.0114937 1.0304085 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 3 4 10 5 7 11 8 9 6 12 15 13 16 14 18 17 20 19 21]\n", - "=======================\n", - "['the service is available in the us for $ 14.99 ( # 9.90 ) a month , and will includes all past , present and future hbo programming .hbo has launched its hbo now channel on the apple tv set-top box , iphone and ipad ahead of the series premiere of hbo hit show game of thrones on april 12 .it comes as apple is believed to be preparing a new version of the tv box that can run apps for a june launch .']\n", - "=======================\n", - "['hbo is the us network behind game of thrones and the sopranosservice is available on apple tv and ios exclusively for three monthsapple has also cut the price of apple tv system from $ 99 ( # 65 ) to $ 69']\n", - "the service is available in the us for $ 14.99 ( # 9.90 ) a month , and will includes all past , present and future hbo programming .hbo has launched its hbo now channel on the apple tv set-top box , iphone and ipad ahead of the series premiere of hbo hit show game of thrones on april 12 .it comes as apple is believed to be preparing a new version of the tv box that can run apps for a june launch .\n", - "hbo is the us network behind game of thrones and the sopranosservice is available on apple tv and ios exclusively for three monthsapple has also cut the price of apple tv system from $ 99 ( # 65 ) to $ 69\n", - "[1.2087454 1.4740076 1.2711794 1.2883663 1.2580616 1.2213923 1.1797937\n", - " 1.1100464 1.1050847 1.0782168 1.0571201 1.0499213 1.0081605 1.1024623\n", - " 1.014652 1.0384954 1.0530615 1.0867277 1.108107 1.0243992 1.0069585\n", - " 1.0087994]\n", - "\n", - "[ 1 3 2 4 5 0 6 7 18 8 13 17 9 10 16 11 15 19 14 21 12 20]\n", - "=======================\n", - "['west spruill has been charged with murdering ann charle , 36 , on monday evening in the bronx .the mother-of-two was walking towards her car at about 5:45 p.m. when spruill allegedly pulled out a gun and ordered her into her honda .police say spruill sexually assaulted charle in her car , but she managed to escape and ran naked down the street .']\n", - "=======================\n", - "['west spruill , 39 , has been charged with murdering ann charle , 36 , on monday evening in the bronxspruill allegedly ordered her to undress at gun point and sexually assaulted heras she escaped , he chased her and then allegedly shot the mother-of-two deadthe 39-year-old lived at the 108-bed center from last june until january']\n", - "west spruill has been charged with murdering ann charle , 36 , on monday evening in the bronx .the mother-of-two was walking towards her car at about 5:45 p.m. when spruill allegedly pulled out a gun and ordered her into her honda .police say spruill sexually assaulted charle in her car , but she managed to escape and ran naked down the street .\n", - "west spruill , 39 , has been charged with murdering ann charle , 36 , on monday evening in the bronxspruill allegedly ordered her to undress at gun point and sexually assaulted heras she escaped , he chased her and then allegedly shot the mother-of-two deadthe 39-year-old lived at the 108-bed center from last june until january\n", - "[1.2399858 1.4991071 1.3139024 1.392566 1.2246809 1.1641234 1.1692592\n", - " 1.0367358 1.0148958 1.0211791 1.0261917 1.147229 1.0200789 1.0393037\n", - " 1.0146974 1.0322526 1.0935378 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 4 6 5 11 16 13 7 15 10 9 12 8 14 20 17 18 19 21]\n", - "=======================\n", - "[\"christine lillico , 47 , from heddon-on-the-wall , northumberland , was trusted with looking after her elderly parents ' bank accounts as their health deteriorated with age .but instead of using the money to care for john and audrey air she plundered their life savings to bankroll her own lifestyle .a mother-of-two has been jailed after stealing almost # 80,000 from her dying parents to go on shopping sprees - leaving her elderly father in debt and too poor to afford a telephone .\"]\n", - "=======================\n", - "['christine lillico , 47 , stole almost # 80,000 from her parents over six yearsfrail father left so poor before his death he was forced to go without phoneshe spent the money on xbox , shopping sprees and photography serviceslillico has now been jailed for 20 months after pleading guilty to fraud']\n", - "christine lillico , 47 , from heddon-on-the-wall , northumberland , was trusted with looking after her elderly parents ' bank accounts as their health deteriorated with age .but instead of using the money to care for john and audrey air she plundered their life savings to bankroll her own lifestyle .a mother-of-two has been jailed after stealing almost # 80,000 from her dying parents to go on shopping sprees - leaving her elderly father in debt and too poor to afford a telephone .\n", - "christine lillico , 47 , stole almost # 80,000 from her parents over six yearsfrail father left so poor before his death he was forced to go without phoneshe spent the money on xbox , shopping sprees and photography serviceslillico has now been jailed for 20 months after pleading guilty to fraud\n", - "[1.3407298 1.1936251 1.3052423 1.3228434 1.2019372 1.2048302 1.1175494\n", - " 1.1221566 1.111402 1.0264803 1.0649595 1.0758542 1.0252025 1.0587521\n", - " 1.0152248 1.0146337 1.0491452 1.043879 ]\n", - "\n", - "[ 0 3 2 5 4 1 7 6 8 11 10 13 16 17 9 12 14 15]\n", - "=======================\n", - "[\"ipsa chief sir ian kennedy launched a bid to keep mps ' receipts privatebut the court of appeal ruled today that it must release all the copies of receipts and invoices which have been submitted by politicians .the legal action centred on whether copies of original documents should be published - rather than a summary of the claim put in by mps .\"]\n", - "=======================\n", - "[\"commons expenses watchdog launched bid to keep mps ' claims privatecourt of appeal ruled it must release all the copies of receipts submittedit means voters will be able to check over mps ' original expenses claims\"]\n", - "ipsa chief sir ian kennedy launched a bid to keep mps ' receipts privatebut the court of appeal ruled today that it must release all the copies of receipts and invoices which have been submitted by politicians .the legal action centred on whether copies of original documents should be published - rather than a summary of the claim put in by mps .\n", - "commons expenses watchdog launched bid to keep mps ' claims privatecourt of appeal ruled it must release all the copies of receipts submittedit means voters will be able to check over mps ' original expenses claims\n", - "[1.4230293 1.3756737 1.3208951 1.3377982 1.1300368 1.0645221 1.0954152\n", - " 1.112841 1.0778853 1.2141354 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 9 4 7 6 8 5 10 11 12 13 14 15 16 17]\n", - "=======================\n", - "[\"arsenal supremo dick law has flown to argentina in an attempt to rubber-stamp the capture of maxi romero .the club 's chief negotiator has jetted to south america to finalise a deal for the 16-year-old forward - who has been compared to lionel messi .arsenal are close to signing 16-year-old maxi romero from velez sarsfield for # 4.5 million\"]\n", - "=======================\n", - "['arsenal are in advanced talks with velez sarsfield over a # 4.5 million swoopmaxi romero , 16 , has been compared to barcelona star lionel messideal has been held up by red-tape over the make-up of ownership rightsclick here for all the latest arsenal news']\n", - "arsenal supremo dick law has flown to argentina in an attempt to rubber-stamp the capture of maxi romero .the club 's chief negotiator has jetted to south america to finalise a deal for the 16-year-old forward - who has been compared to lionel messi .arsenal are close to signing 16-year-old maxi romero from velez sarsfield for # 4.5 million\n", - "arsenal are in advanced talks with velez sarsfield over a # 4.5 million swoopmaxi romero , 16 , has been compared to barcelona star lionel messideal has been held up by red-tape over the make-up of ownership rightsclick here for all the latest arsenal news\n", - "[1.1544808 1.1363287 1.1527762 1.4156566 1.3160678 1.1931235 1.1070234\n", - " 1.1094735 1.0449836 1.1169199 1.1084294 1.0767322 1.0191553 1.0833986\n", - " 1.087602 1.1009606 1.0133312 0. ]\n", - "\n", - "[ 3 4 5 0 2 1 9 7 10 6 15 14 13 11 8 12 16 17]\n", - "=======================\n", - "['space lasers : dr adrian quarterman has suggested space lasers could be used to power homes in the future - but says the beams will be nowhere near as powerful as imagined in films like star wars ( pictured )the satellites will orbit the earth , covered in mirrors to help it harvest the sunlight and convert it into laser light .space lasers are best known for blowing people - and planets - up in science fiction , and even the odd bond movie .']\n", - "=======================\n", - "['dr adrian quarterman has suggested mirrored satellites to collect sunlightthe beams can then be converted into laser light and sent down to earththe physicist believes it could even make solar power feasible in scotlandbut he admits you might need to worry about who is in control of them']\n", - "space lasers : dr adrian quarterman has suggested space lasers could be used to power homes in the future - but says the beams will be nowhere near as powerful as imagined in films like star wars ( pictured )the satellites will orbit the earth , covered in mirrors to help it harvest the sunlight and convert it into laser light .space lasers are best known for blowing people - and planets - up in science fiction , and even the odd bond movie .\n", - "dr adrian quarterman has suggested mirrored satellites to collect sunlightthe beams can then be converted into laser light and sent down to earththe physicist believes it could even make solar power feasible in scotlandbut he admits you might need to worry about who is in control of them\n", - "[1.3591831 1.4469204 1.5019958 1.314862 1.1176634 1.0285536 1.0150055\n", - " 1.0879974 1.0756227 1.0547044 1.0637436 1.0522696 1.0637382 1.0776032\n", - " 1.0287056 1.0529562 0. 0. ]\n", - "\n", - "[ 2 1 0 3 4 7 13 8 10 12 9 15 11 14 5 6 16 17]\n", - "=======================\n", - "[\"caley thistle went on to win the game 3-2 after extra-time and denied rory delia 's men the chance to secure a domestic treble this season .the hoops were left outraged by referee steven mclean 's failure to award a penalty or red card for a clear handball in the box by josh meekings to deny leigh griffith 's goal-bound shot during the first-half .celtic have written to the scottish football association in order to gain an ` understanding ' of the refereeing decisions during their scottish cup semi-final defeat by inverness on sunday .\"]\n", - "=======================\n", - "[\"celtic were defeated 3-2 after extra-time in the scottish cup semi-finalleigh griffiths had a goal-bound shot blocked by a clear handballhowever , no action was taken against offender josh meekingsthe hoops have written the sfa for an ` understanding ' of the decision\"]\n", - "caley thistle went on to win the game 3-2 after extra-time and denied rory delia 's men the chance to secure a domestic treble this season .the hoops were left outraged by referee steven mclean 's failure to award a penalty or red card for a clear handball in the box by josh meekings to deny leigh griffith 's goal-bound shot during the first-half .celtic have written to the scottish football association in order to gain an ` understanding ' of the refereeing decisions during their scottish cup semi-final defeat by inverness on sunday .\n", - "celtic were defeated 3-2 after extra-time in the scottish cup semi-finalleigh griffiths had a goal-bound shot blocked by a clear handballhowever , no action was taken against offender josh meekingsthe hoops have written the sfa for an ` understanding ' of the decision\n", - "[1.4247637 1.1898293 1.4785038 1.227962 1.1826277 1.078581 1.0885895\n", - " 1.1101596 1.0602603 1.087923 1.0400044 1.0897598 1.0294693 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 1 4 7 11 6 9 5 8 10 12 16 13 14 15 17]\n", - "=======================\n", - "[\"victoria wasteney , 38 , says she was branded a ` religious nutcase ' when she was suspended from her job as a senior occupational therapist , after her colleague enya nawaz , then aged 25 , accused her of trying to convert her to christianity .born-again christian victoria wasteney has launched an appeal after she was given a written warning for praying for a muslim colleague and inviting her to church eventsher lawyers have now submitted a challenge to an employment tribunal , arguing that they broke the law by restricting her freedom of conscience and religion - enshrined in article nine of the european convention of human rights .\"]\n", - "=======================\n", - "['victoria wasteney argues tribunal decision was against her human rightsdisciplined after muslim colleague claimed she was trying to convert herappeal backed by christian legal centre and human rights barrister']\n", - "victoria wasteney , 38 , says she was branded a ` religious nutcase ' when she was suspended from her job as a senior occupational therapist , after her colleague enya nawaz , then aged 25 , accused her of trying to convert her to christianity .born-again christian victoria wasteney has launched an appeal after she was given a written warning for praying for a muslim colleague and inviting her to church eventsher lawyers have now submitted a challenge to an employment tribunal , arguing that they broke the law by restricting her freedom of conscience and religion - enshrined in article nine of the european convention of human rights .\n", - "victoria wasteney argues tribunal decision was against her human rightsdisciplined after muslim colleague claimed she was trying to convert herappeal backed by christian legal centre and human rights barrister\n", - "[1.1408975 1.5343034 1.3061166 1.2453598 1.2828729 1.1708561 1.0957435\n", - " 1.0616603 1.1391451 1.0521302 1.018315 1.021808 1.0485883 1.0451989\n", - " 1.0851084 1.1140381 1.0339569 1.0457485 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 4 3 5 0 8 15 6 14 7 9 12 17 13 16 11 10 18 19 20 21]\n", - "=======================\n", - "['chandni nigam , 19 , spent six years battling demons which spawned from an obsession to do well at school , an inquest into her death was told .miss nigam would stay up late studying , resulting in sleep deprivation and a negative impact on her performance at school - which caused further depression and anxiety .berkshire coroner peter bedford heard the teenager , who had been a volunteer at the london olympics in 2012 , was also worried about her appearance .']\n", - "=======================\n", - "[\"chandni nigam was struck by a train at tywford railway station last yearteenager 's inquest heard she was obsessed with performing well at schoolcourt told she would stay up late studying resulting in sleep deprivationher father said she first told her parents she was suicidal in october 2013\"]\n", - "chandni nigam , 19 , spent six years battling demons which spawned from an obsession to do well at school , an inquest into her death was told .miss nigam would stay up late studying , resulting in sleep deprivation and a negative impact on her performance at school - which caused further depression and anxiety .berkshire coroner peter bedford heard the teenager , who had been a volunteer at the london olympics in 2012 , was also worried about her appearance .\n", - "chandni nigam was struck by a train at tywford railway station last yearteenager 's inquest heard she was obsessed with performing well at schoolcourt told she would stay up late studying resulting in sleep deprivationher father said she first told her parents she was suicidal in october 2013\n", - "[1.1775799 1.4701995 1.1323647 1.1238621 1.3955845 1.3403897 1.0657082\n", - " 1.1722713 1.0236285 1.0570742 1.1051126 1.1176323 1.0885322 1.063817\n", - " 1.0756043 1.0260804 1.0369191 1.0879103 1.0424975 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 5 0 7 2 3 11 10 12 17 14 6 13 9 18 16 15 8 20 19 21]\n", - "=======================\n", - "['the millers fielded derby defender farrend rawson in their 1-0 win against brighton on easter monday after his youth loan had expired .rotherham manager steve evans has seen his side deducted three points by the football leaguerotherham were on 44 points ( left ) but are now just one point above the relegation zone after the deduction']\n", - "=======================\n", - "[\"the millers fielded on-loan farrend rawson in 1-0 win against brightonderby defender 's youth loan extension was n't handled correctlyrotherham now just one point ahead of the championship bottom three\"]\n", - "the millers fielded derby defender farrend rawson in their 1-0 win against brighton on easter monday after his youth loan had expired .rotherham manager steve evans has seen his side deducted three points by the football leaguerotherham were on 44 points ( left ) but are now just one point above the relegation zone after the deduction\n", - "the millers fielded on-loan farrend rawson in 1-0 win against brightonderby defender 's youth loan extension was n't handled correctlyrotherham now just one point ahead of the championship bottom three\n", - "[1.3169997 1.3189474 1.187566 1.1998724 1.3507586 1.1686778 1.0929774\n", - " 1.0511352 1.045748 1.0385242 1.0417793 1.037652 1.0964754 1.1027204\n", - " 1.0931293 1.0725775 1.0557162 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 4 1 0 3 2 5 13 12 14 6 15 16 7 8 10 9 11 20 17 18 19 21]\n", - "=======================\n", - "['pledge : home secretary theresa may said police will have to record islamophobic attacks as a separate categoryevery police force in england and wales will be required to record anti-muslim hate crimes and treat them as seriously as anti-semitic attacks if the tories win the next general election , theresa may has announced .other forces categorise them as hate crimes or specific offences such as assault or grievous bodily harm .']\n", - "=======================\n", - "['all police would record anti-muslim hate crimes if tories win the electionislamophobic attacks would be separate category , like anti-semitic crimesat present some police forces , including met , record these crimes as suchwould create accurate picture of the extent of these hate crimes in britain']\n", - "pledge : home secretary theresa may said police will have to record islamophobic attacks as a separate categoryevery police force in england and wales will be required to record anti-muslim hate crimes and treat them as seriously as anti-semitic attacks if the tories win the next general election , theresa may has announced .other forces categorise them as hate crimes or specific offences such as assault or grievous bodily harm .\n", - "all police would record anti-muslim hate crimes if tories win the electionislamophobic attacks would be separate category , like anti-semitic crimesat present some police forces , including met , record these crimes as suchwould create accurate picture of the extent of these hate crimes in britain\n", - "[1.1509925 1.0522221 1.192635 1.1582146 1.3451414 1.3489609 1.2181\n", - " 1.213114 1.0809478 1.0694433 1.0753019 1.0478762 1.0799179 1.0542156\n", - " 1.0507934 1.0222455 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 5 4 6 7 2 3 0 8 12 10 9 13 1 14 11 15 20 16 17 18 19 21]\n", - "=======================\n", - "[\"russell henley tweeted his frustration to united airlines , who misplaced his golf clubs when he was en route to the master 's tournament this weekproving that stars are n't immune to the everyday problems the average traveller faces , professional golfer russell henley received a lot of sympathy when united airlines - the official carrier of the pga - apparently ` lost ' his clubs .he is not the only one to have had a less-than-ideal experience , with kim kardashian , colleen rooney and maisie williams joining the ranks of irritated travellers .\"]\n", - "=======================\n", - "[\"celebrities can make travel seem effortless and glamorous on social mediastars experience the same airport mishaps regardless what they paythe rooney 's luggage was ransacked and naomi campbell 's was lost\"]\n", - "russell henley tweeted his frustration to united airlines , who misplaced his golf clubs when he was en route to the master 's tournament this weekproving that stars are n't immune to the everyday problems the average traveller faces , professional golfer russell henley received a lot of sympathy when united airlines - the official carrier of the pga - apparently ` lost ' his clubs .he is not the only one to have had a less-than-ideal experience , with kim kardashian , colleen rooney and maisie williams joining the ranks of irritated travellers .\n", - "celebrities can make travel seem effortless and glamorous on social mediastars experience the same airport mishaps regardless what they paythe rooney 's luggage was ransacked and naomi campbell 's was lost\n", - "[1.4466891 1.1787933 1.4802951 1.3108933 1.2808454 1.2072852 1.1309607\n", - " 1.0494299 1.0216001 1.0140762 1.0160284 1.0134773 1.0234603 1.0259465\n", - " 1.1292458 1.2750263 1.0141019 1.0127021 1.0128024 1.0147444 1.0622603\n", - " 1.0824455]\n", - "\n", - "[ 2 0 3 4 15 5 1 6 14 21 20 7 13 12 8 10 19 16 9 11 18 17]\n", - "=======================\n", - "['miracle godson , from marsh green in wigan , was reported missing on friday afternoon after he jumped into deep waters at east quarry in appley bridge near the town and failed to surface .friends desperately tried to save him but his lifeless body was found by police divers at about 5pm that day .lancashire police say his death is not being treated as suspicious but an inquest will be held in due course .']\n", - "=======================\n", - "[\"miracle godson was reported missing on friday afternoon after jumping inhe was swimming at east quarry in appley bridge near wigan with friendsteenagers desperately tried saving him but police found lifeless body laterbosses at wigan st judes rugby league club said he had ` great potential '\"]\n", - "miracle godson , from marsh green in wigan , was reported missing on friday afternoon after he jumped into deep waters at east quarry in appley bridge near the town and failed to surface .friends desperately tried to save him but his lifeless body was found by police divers at about 5pm that day .lancashire police say his death is not being treated as suspicious but an inquest will be held in due course .\n", - "miracle godson was reported missing on friday afternoon after jumping inhe was swimming at east quarry in appley bridge near wigan with friendsteenagers desperately tried saving him but police found lifeless body laterbosses at wigan st judes rugby league club said he had ` great potential '\n", - "[1.4048942 1.210452 1.2959477 1.565424 1.3223851 1.0324775 1.029164\n", - " 1.0277505 1.0395511 1.050229 1.0193125 1.0263467 1.1113853 1.1064951\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 0 4 2 1 12 13 9 8 5 6 7 11 10 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"juan mata ( right ) says manchester united need to look at the next seven premier league games as ` finals 'after manchester united eased past aston villa to make it five premier league wins on the bounce , juan mata admitted his side still have work to do and must take every game as a ` final . 'the 26-year-old has been in fine form for louis van gaal 's side during their five game winning run\"]\n", - "=======================\n", - "[\"juan mata says his side must look at their next seven games as ` finals 'manchester united comfortably dispatched of aston villa 3-1 on saturdaymata 's side are currently third and a point ahead of rivals manchester citythey face their big rivals in a crucial clash at old trafford on april 12click here for all the latest manchester united news\"]\n", - "juan mata ( right ) says manchester united need to look at the next seven premier league games as ` finals 'after manchester united eased past aston villa to make it five premier league wins on the bounce , juan mata admitted his side still have work to do and must take every game as a ` final . 'the 26-year-old has been in fine form for louis van gaal 's side during their five game winning run\n", - "juan mata says his side must look at their next seven games as ` finals 'manchester united comfortably dispatched of aston villa 3-1 on saturdaymata 's side are currently third and a point ahead of rivals manchester citythey face their big rivals in a crucial clash at old trafford on april 12click here for all the latest manchester united news\n", - "[1.1423416 1.4917145 1.1920238 1.0948397 1.2354666 1.1736038 1.0750511\n", - " 1.0867299 1.1866535 1.1717303 1.0691373 1.1855288 1.1113874 1.0339973\n", - " 1.0340028 1.0171559 1.0551919 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 2 8 11 5 9 0 12 3 7 6 10 16 14 13 15 21 17 18 19 20 22]\n", - "=======================\n", - "[\"liz the bearded dragon , who lives with owner shannen hussein , 21 , on her hobby farm in melbourne , is the star of a recent video taken at mealtime .shannen can be heard asking liz : ` are you hungry ? 'according to shannen liz will do ` anything for one ' of the little larvae .\"]\n", - "=======================\n", - "[\"liz the bearded dragon appears to understand the english languagethe cheeky reptile nods when asked ` are you hungry ? 'shannen hussein has a number of pets on her hobby farm in melbourne\"]\n", - "liz the bearded dragon , who lives with owner shannen hussein , 21 , on her hobby farm in melbourne , is the star of a recent video taken at mealtime .shannen can be heard asking liz : ` are you hungry ? 'according to shannen liz will do ` anything for one ' of the little larvae .\n", - "liz the bearded dragon appears to understand the english languagethe cheeky reptile nods when asked ` are you hungry ? 'shannen hussein has a number of pets on her hobby farm in melbourne\n", - "[1.2581359 1.3856232 1.2195226 1.1152332 1.0540737 1.3271343 1.2214314\n", - " 1.1277595 1.1165198 1.0647264 1.0629984 1.0706015 1.042474 1.0269353\n", - " 1.0521817 1.0426897 1.0199254 1.1157103 1.0706636 1.0373151 1.1128051\n", - " 1.0130379 1.014252 ]\n", - "\n", - "[ 1 5 0 6 2 7 8 17 3 20 18 11 9 10 4 14 15 12 19 13 16 22 21]\n", - "=======================\n", - "['robert bates , from tulsa , oklahoma , spoke at length about the deadly incident for the first time on the today show on friday , where he was flanked by his lawyer and family members .apology : robert bates became emotional as he apologized to the family of the man he shot dead during a botched sting operation on april 2 .the 73-year-old reserve deputy who mistakenly pulled out his gun instead of a taser and shot dead a fleeing suspect says the mix-up could have happened to anyone .']\n", - "=======================\n", - "[\"tulsa county sheriff 's office reserve deputy robert bates faces a charge of second-degree manslaughter for the april 2 shooting of eric harrisin an interview on the today show on friday , he described his shock and remorse at the shooting and how he never intended to kill anyonehe demonstrated that he kept his taser near his chest and his gun on his right side - but insisted the mix-up could have happened to anyonebates said he had completed all proper training and was not allowed to ` play cop ' just because he had donated equipment to the sheriff 's office\"]\n", - "robert bates , from tulsa , oklahoma , spoke at length about the deadly incident for the first time on the today show on friday , where he was flanked by his lawyer and family members .apology : robert bates became emotional as he apologized to the family of the man he shot dead during a botched sting operation on april 2 .the 73-year-old reserve deputy who mistakenly pulled out his gun instead of a taser and shot dead a fleeing suspect says the mix-up could have happened to anyone .\n", - "tulsa county sheriff 's office reserve deputy robert bates faces a charge of second-degree manslaughter for the april 2 shooting of eric harrisin an interview on the today show on friday , he described his shock and remorse at the shooting and how he never intended to kill anyonehe demonstrated that he kept his taser near his chest and his gun on his right side - but insisted the mix-up could have happened to anyonebates said he had completed all proper training and was not allowed to ` play cop ' just because he had donated equipment to the sheriff 's office\n", - "[1.3401635 1.4161625 1.241813 1.1777977 1.1695452 1.2455059 1.0948684\n", - " 1.166963 1.0890428 1.0434089 1.016658 1.0499549 1.0349804 1.0808789\n", - " 1.0289006 1.0541571 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 5 2 3 4 7 6 8 13 15 11 9 12 14 10 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"amedy coulibaly stormed into the hyper cacher jewish store , killing four and taking others captive before being shot dead in a hail of gunfire by french special forces .six hostages who hid in a supermarket freezer during january 's islamist attacks in paris have sued french media for broadcasting their location live during the siege .the heavily televised events in eastern paris came two days after cherif and said kouachi shot 12 people at the offices of satirical magazine charlie hebdo .\"]\n", - "=======================\n", - "['amedy coulibaly stormed jewish store before being shot dead by policehostages - including child , 3 , and baby - survived by hiding in cold storelawyer claims broadcasters endangered their lives by revealing locationhe said jihadist was following coverage of his raid on different channels']\n", - "amedy coulibaly stormed into the hyper cacher jewish store , killing four and taking others captive before being shot dead in a hail of gunfire by french special forces .six hostages who hid in a supermarket freezer during january 's islamist attacks in paris have sued french media for broadcasting their location live during the siege .the heavily televised events in eastern paris came two days after cherif and said kouachi shot 12 people at the offices of satirical magazine charlie hebdo .\n", - "amedy coulibaly stormed jewish store before being shot dead by policehostages - including child , 3 , and baby - survived by hiding in cold storelawyer claims broadcasters endangered their lives by revealing locationhe said jihadist was following coverage of his raid on different channels\n", - "[1.2649113 1.4604863 1.1679659 1.3121853 1.0612329 1.0832087 1.292775\n", - " 1.232162 1.1069813 1.118256 1.0980384 1.0203221 1.0159171 1.0094281\n", - " 1.0370777 1.0187259 1.0505755 1.0220584 1.0079111 1.0099777 1.0310664\n", - " 1.0379268 1.0093349]\n", - "\n", - "[ 1 3 6 0 7 2 9 8 10 5 4 16 21 14 20 17 11 15 12 19 13 22 18]\n", - "=======================\n", - "[\"slavisa jokanovic 's men beat brighton 2-0 at the amex stadium in the early kick-off and were hoping that middlesbrough lost plus norwich failing to win .watford have secured promotion back to the premier league after their 2-0 win away at brightondefender tommie hoban has called the club 's promotion an ` unbelievable achievement '\"]\n", - "=======================\n", - "[\"watford have sealed an automatic return to the premier league following their 2-0 win at brighton and middlesbrough 's 4-3 loss at fulhamplayers celebrated wildly on the team-bus as the news came indefender tommie hoban is confident that the team has what it takes to stay up next season and insists they already have a strong squad to build on\"]\n", - "slavisa jokanovic 's men beat brighton 2-0 at the amex stadium in the early kick-off and were hoping that middlesbrough lost plus norwich failing to win .watford have secured promotion back to the premier league after their 2-0 win away at brightondefender tommie hoban has called the club 's promotion an ` unbelievable achievement '\n", - "watford have sealed an automatic return to the premier league following their 2-0 win at brighton and middlesbrough 's 4-3 loss at fulhamplayers celebrated wildly on the team-bus as the news came indefender tommie hoban is confident that the team has what it takes to stay up next season and insists they already have a strong squad to build on\n", - "[1.3536595 1.4401522 1.2271808 1.1257573 1.1173998 1.072135 1.0235038\n", - " 1.1650794 1.088069 1.1384104 1.1067799 1.0154899 1.0518633 1.0576907\n", - " 1.0733674 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 7 9 3 4 10 8 14 5 13 12 6 11 18 15 16 17 19]\n", - "=======================\n", - "[\"as orthodox easter sunday was held , thousands of homemade rockets were aimed at church towers in the aegean island of chios by rival parishioners in their traditional ` mock war ' .while easter in the uk is celebrated with chocolate eggs and a roast lamb , in greece they mark the day slightly differently - and a week later .dozens of brave souls even attend the late-night services inside the churches of aghios markos and panaghia erithiani while the annual battle is held -- even when the structures and surrounding homes are ringed in defensive veils of chicken wire .\"]\n", - "=======================\n", - "[\"stunning pictures show men firing rockets at rival churches ' bell towers in annual ` war ' , as part of age-old traditionpresident putin attends solemn mass in moscow with the country 's prime minister and the mayor of the citypope francis , head of roman catholic church , marks 100 years since armenian genocide with special service\"]\n", - "as orthodox easter sunday was held , thousands of homemade rockets were aimed at church towers in the aegean island of chios by rival parishioners in their traditional ` mock war ' .while easter in the uk is celebrated with chocolate eggs and a roast lamb , in greece they mark the day slightly differently - and a week later .dozens of brave souls even attend the late-night services inside the churches of aghios markos and panaghia erithiani while the annual battle is held -- even when the structures and surrounding homes are ringed in defensive veils of chicken wire .\n", - "stunning pictures show men firing rockets at rival churches ' bell towers in annual ` war ' , as part of age-old traditionpresident putin attends solemn mass in moscow with the country 's prime minister and the mayor of the citypope francis , head of roman catholic church , marks 100 years since armenian genocide with special service\n", - "[1.253519 1.4512559 1.2317214 1.3002759 1.158931 1.036512 1.0605899\n", - " 1.0657611 1.0274414 1.1362938 1.1774708 1.023879 1.0332631 1.0132234\n", - " 1.0274189 1.0427109 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 10 4 9 7 6 15 5 12 8 14 11 13 18 16 17 19]\n", - "=======================\n", - "[\"the group , calling themselves hookers for hillary , all work at dennis hof 's infamous moonlite bunny ranch in carson city .a group of nevada sex workers have come out in favor of democratic contender hillary clinton for president .the legal brothel , which was the subject of hbo 's cathouse series , has drafted a four-point platform explaining their endorsement .\"]\n", - "=======================\n", - "[\"a group of nevada sex workers , hookers for hillary , have come out in favor of the democratic contender for presidentthe hookers all work at dennis hof 's moonlite bunny ranch , a legal brothel in carson citythe group cite clinton 's work on health care reform , foreign experience , tax reform and responsible government oversight on public health issues\"]\n", - "the group , calling themselves hookers for hillary , all work at dennis hof 's infamous moonlite bunny ranch in carson city .a group of nevada sex workers have come out in favor of democratic contender hillary clinton for president .the legal brothel , which was the subject of hbo 's cathouse series , has drafted a four-point platform explaining their endorsement .\n", - "a group of nevada sex workers , hookers for hillary , have come out in favor of the democratic contender for presidentthe hookers all work at dennis hof 's moonlite bunny ranch , a legal brothel in carson citythe group cite clinton 's work on health care reform , foreign experience , tax reform and responsible government oversight on public health issues\n", - "[1.197901 1.1324581 1.2305015 1.2880654 1.1562779 1.1415423 1.0630188\n", - " 1.0873325 1.0917385 1.1174455 1.0840343 1.0535713 1.0556321 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 0 4 5 1 9 8 7 10 6 12 11 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"devastated : zeke celello burst into tears when hillary clinton announced that she was runningzeke celello , who appears to be around two years old , was overcome with emotion when clinton declared her second presidential bid , and insisted to his mother that 2016 is his year to shine .many rejoiced yesterday as hillary clinton finally announced her long-awaited campaign to be president of the united states , marking the start of her fight ` to earn your vote ' .\"]\n", - "=======================\n", - "[\"zeke celello was devastated by clinton campaign and burst into tearszeke , who appears to be around two , insists he would be better candidatehis mother , erin , eventually persuades him to go ahead with the run anywaypolicies are unclear , but he 'd like win the white house to ` play ... with toys 'unfortunately , u.s. constitution states that presidents must be at least 35\"]\n", - "devastated : zeke celello burst into tears when hillary clinton announced that she was runningzeke celello , who appears to be around two years old , was overcome with emotion when clinton declared her second presidential bid , and insisted to his mother that 2016 is his year to shine .many rejoiced yesterday as hillary clinton finally announced her long-awaited campaign to be president of the united states , marking the start of her fight ` to earn your vote ' .\n", - "zeke celello was devastated by clinton campaign and burst into tearszeke , who appears to be around two , insists he would be better candidatehis mother , erin , eventually persuades him to go ahead with the run anywaypolicies are unclear , but he 'd like win the white house to ` play ... with toys 'unfortunately , u.s. constitution states that presidents must be at least 35\n", - "[1.212685 1.5011706 1.4418199 1.3619906 1.0898271 1.0673918 1.041057\n", - " 1.0184376 1.0172378 1.106739 1.0736738 1.2046657 1.0970925 1.0636876\n", - " 1.0200773 1.0283281 1.0114359 1.0117918 1.0100418 1.0394474]\n", - "\n", - "[ 1 2 3 0 11 9 12 4 10 5 13 6 19 15 14 7 8 17 16 18]\n", - "=======================\n", - "[\"joanne bolton told how she thought she was going to die at the hands of steven young during the ` brutal and merciless ' seven hour long ordeal .the 35-year-old was stabbed over 14 times before being knocked out with a mental bar after being held captive in her own home .a mother-of-three repeatedly knifed in the head by her violent boyfriend has revealed how she begged him to put her to bed so she did n't die on the floor .\"]\n", - "=======================\n", - "['joanne bolton was stabbed over 14 times before being battered with a barstabbed in the head with a knife so violently the blade snapped so he grabbed a bigger weapon to carry on attackshe was left with mild brain damage and needing over 100 stitchessteven young admitted attempted murder and was jailed for 18 years']\n", - "joanne bolton told how she thought she was going to die at the hands of steven young during the ` brutal and merciless ' seven hour long ordeal .the 35-year-old was stabbed over 14 times before being knocked out with a mental bar after being held captive in her own home .a mother-of-three repeatedly knifed in the head by her violent boyfriend has revealed how she begged him to put her to bed so she did n't die on the floor .\n", - "joanne bolton was stabbed over 14 times before being battered with a barstabbed in the head with a knife so violently the blade snapped so he grabbed a bigger weapon to carry on attackshe was left with mild brain damage and needing over 100 stitchessteven young admitted attempted murder and was jailed for 18 years\n", - "[1.2567235 1.3782159 1.1496279 1.2984368 1.1681838 1.165547 1.0814844\n", - " 1.0550716 1.0405421 1.0566741 1.17126 1.1551721 1.019001 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 10 4 5 11 2 6 9 7 8 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"after extensive chemical tests , dr arye shimron says he has linked the james ossuary -- a 1st-century chalk box that some believe hold the bones of jesus ' brother -- to the long disputed ` jesus family tomb ' in the city 's east talpiot neighbourhood .an israeli geologist claims he has ` confirmed ' the existence and authenticity of a tomb belonging to jesus and his son in jerusalem .dr shimron 's work has renewed the controversy over the talpiot tomb , which was found in 1980 and dates back to the second temple period and the time of jesus ( a portrait is pictured )\"]\n", - "=======================\n", - "[\"geologist ran 150 chemical tests on ossuaries and ` jesus family tomb 'claims chemical signature proves james ossuary was at jerusalem sitechalk box bears inscription ` james , son of joseph , brother of jesus 'find suggests jesus fathered a child and was married\"]\n", - "after extensive chemical tests , dr arye shimron says he has linked the james ossuary -- a 1st-century chalk box that some believe hold the bones of jesus ' brother -- to the long disputed ` jesus family tomb ' in the city 's east talpiot neighbourhood .an israeli geologist claims he has ` confirmed ' the existence and authenticity of a tomb belonging to jesus and his son in jerusalem .dr shimron 's work has renewed the controversy over the talpiot tomb , which was found in 1980 and dates back to the second temple period and the time of jesus ( a portrait is pictured )\n", - "geologist ran 150 chemical tests on ossuaries and ` jesus family tomb 'claims chemical signature proves james ossuary was at jerusalem sitechalk box bears inscription ` james , son of joseph , brother of jesus 'find suggests jesus fathered a child and was married\n", - "[1.2094584 1.5793607 1.3486338 1.2268649 1.1874843 1.1095622 1.1026249\n", - " 1.1088306 1.067216 1.0493107 1.0652409 1.0766037 1.0692799 1.09956\n", - " 1.0345836 1.0866446 1.1267569 1.0336653 1.0755444 1.0467519 1.0352697]\n", - "\n", - "[ 1 2 3 0 4 16 5 7 6 13 15 11 18 12 8 10 9 19 20 14 17]\n", - "=======================\n", - "['ben hiscox , 30 , was playing a home game for stoke gifford united in bristol on saturday when he slipped on the wet ground following the tackle and crashed into the building .the striker was knocked unconscious and rushed to intensive care for urgent treatment .but , three days later , he suffered two seizures and died in hospital .']\n", - "=======================\n", - "['ben hiscox , 30 , was playing for stoke gifford united in bristol on saturdayhe slid on wet ground and ploughed into the building after going for a ballstriker was rushed to intensive care but died three days later from seizuresclub spokesman said : ` no one is blaming anyone .']\n", - "ben hiscox , 30 , was playing a home game for stoke gifford united in bristol on saturday when he slipped on the wet ground following the tackle and crashed into the building .the striker was knocked unconscious and rushed to intensive care for urgent treatment .but , three days later , he suffered two seizures and died in hospital .\n", - "ben hiscox , 30 , was playing for stoke gifford united in bristol on saturdayhe slid on wet ground and ploughed into the building after going for a ballstriker was rushed to intensive care but died three days later from seizuresclub spokesman said : ` no one is blaming anyone .\n", - "[1.2435104 1.2751207 1.3719807 1.2616981 1.1448092 1.0181853 1.025862\n", - " 1.0503776 1.0915601 1.1336309 1.2171344 1.1718037 1.0994977 1.0460211\n", - " 1.0401272 1.0386392 1.0601124 1.0170149 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 0 10 11 4 9 12 8 16 7 13 14 15 6 5 17 19 18 20]\n", - "=======================\n", - "[\"billed by the brand as ` perfect for every blushing bride ' , the underwear and loungewear collection comes in soft palettes of ivory and nude , and is not without a raunchy streak .and here , emma louise connolly shows off her incredible figure as she models ann summers ' first bridal wear lingerie .ann summers , known best for its mainstream erotic lingerie and toys , has unveiled its very first foray into bridal wear ( pictured )\"]\n", - "=======================\n", - "[\"this is emma louise connolly 's second campaign for ann summersthe erotic bridal range is priced between # 14 and # 85it features cut-out bras and a peek-a-boo thong\"]\n", - "billed by the brand as ` perfect for every blushing bride ' , the underwear and loungewear collection comes in soft palettes of ivory and nude , and is not without a raunchy streak .and here , emma louise connolly shows off her incredible figure as she models ann summers ' first bridal wear lingerie .ann summers , known best for its mainstream erotic lingerie and toys , has unveiled its very first foray into bridal wear ( pictured )\n", - "this is emma louise connolly 's second campaign for ann summersthe erotic bridal range is priced between # 14 and # 85it features cut-out bras and a peek-a-boo thong\n", - "[1.0602416 1.0389748 1.3659556 1.3810036 1.2942737 1.0945765 1.1419482\n", - " 1.1088159 1.0933695 1.0528035 1.1616213 1.1208133 1.0326422 1.0097266\n", - " 1.0126705 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 4 10 6 11 7 5 8 0 9 1 12 14 13 19 15 16 17 18 20]\n", - "=======================\n", - "[\"the 29-year-old 's brand elliott label is suddenly the hit of hollywood , and is adorning the backs of stars including kourtney kardashian , drew barrymore , cameron diaz and pop group grl .kylie gulliver , a former model and actress ( with appearances on neighbours , offspring and winners and losers on her resume ) from melbourne had been toiling away at her small leather brand for three years , before a very modern encounter - via instagram - changed her fortune .elliott entourage : melbourne brand ` elliott label ' is hitting the big time in hollywood with drew barrymore a fan\"]\n", - "=======================\n", - "[\"melbourne based fashion brand elliott label makes it in hollywoodfounder kylie gulliver has partnered with pussycat dolls ' robin antinthe pair initially met through instagramstars including drew barrymore and mimie elashiry attended us launchthe luxe label features leather staples and tailored pieces in rangenext the design duo are set to launch sport range\"]\n", - "the 29-year-old 's brand elliott label is suddenly the hit of hollywood , and is adorning the backs of stars including kourtney kardashian , drew barrymore , cameron diaz and pop group grl .kylie gulliver , a former model and actress ( with appearances on neighbours , offspring and winners and losers on her resume ) from melbourne had been toiling away at her small leather brand for three years , before a very modern encounter - via instagram - changed her fortune .elliott entourage : melbourne brand ` elliott label ' is hitting the big time in hollywood with drew barrymore a fan\n", - "melbourne based fashion brand elliott label makes it in hollywoodfounder kylie gulliver has partnered with pussycat dolls ' robin antinthe pair initially met through instagramstars including drew barrymore and mimie elashiry attended us launchthe luxe label features leather staples and tailored pieces in rangenext the design duo are set to launch sport range\n", - "[1.2445531 1.3520418 1.2629391 1.2640005 1.2700043 1.0619864 1.0152537\n", - " 1.0122194 1.1696038 1.1501088 1.073842 1.0566012 1.145494 1.0387465\n", - " 1.0582039 1.05615 1.0802974 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 2 0 8 9 12 16 10 5 14 11 15 13 6 7 19 17 18 20]\n", - "=======================\n", - "[\"insurance giant admiral said many youngsters addicted to their mobile phones lose out at the very beginning of looking for work - because they failed to string a normal sentence together .the cardiff-based insurer with more than 5,000 staff voiced their fears in evidence to the welsh assembly 's enterprise and business committee that many youngsters failed at the application form stage .young job seekers fill forms with text speak such as ' u r a gr8 company 2 work 4 ' and ` btw am out of work atm '\"]\n", - "=======================\n", - "[\"admiral insurance has complained about use of text speak in applicationsu r a gr8 company 2 work 4 ' just one example of the poorly worded formswelsh assembly asked companies to say why school leavers out of work\"]\n", - "insurance giant admiral said many youngsters addicted to their mobile phones lose out at the very beginning of looking for work - because they failed to string a normal sentence together .the cardiff-based insurer with more than 5,000 staff voiced their fears in evidence to the welsh assembly 's enterprise and business committee that many youngsters failed at the application form stage .young job seekers fill forms with text speak such as ' u r a gr8 company 2 work 4 ' and ` btw am out of work atm '\n", - "admiral insurance has complained about use of text speak in applicationsu r a gr8 company 2 work 4 ' just one example of the poorly worded formswelsh assembly asked companies to say why school leavers out of work\n", - "[1.0991373 1.3069494 1.4291385 1.1429076 1.2759066 1.0898724 1.1615535\n", - " 1.223115 1.0648566 1.1703945 1.0828735 1.0225511 1.0711422 1.0150685\n", - " 1.1449236 1.0112364 1.029933 1.0231001 1.0122647 0. 0. ]\n", - "\n", - "[ 2 1 4 7 9 6 14 3 0 5 10 12 8 16 17 11 13 18 15 19 20]\n", - "=======================\n", - "['the nocturnal shopping sprees are likely down to the 86 per cent of those surveyed who admit to turning to online retailers to purchase items that they are too embarrassed to buy in stores .one in five admit to doing a spot of online shopping in bed at night , according to a new study .the study , released by the startrack online retail industry awards , found work will often take a back seat when online shopping is only a click away .']\n", - "=======================\n", - "['one in five australians admit to shopping in bed with the lights out27 per cent confess to sneakily shopping online at workthree to four times a day is the regular amount people surf the shopsembarrassing items purchased online include underwear , personal hygiene and action figures']\n", - "the nocturnal shopping sprees are likely down to the 86 per cent of those surveyed who admit to turning to online retailers to purchase items that they are too embarrassed to buy in stores .one in five admit to doing a spot of online shopping in bed at night , according to a new study .the study , released by the startrack online retail industry awards , found work will often take a back seat when online shopping is only a click away .\n", - "one in five australians admit to shopping in bed with the lights out27 per cent confess to sneakily shopping online at workthree to four times a day is the regular amount people surf the shopsembarrassing items purchased online include underwear , personal hygiene and action figures\n", - "[1.0597574 1.4287297 1.3855534 1.10964 1.1481768 1.2795177 1.3039068\n", - " 1.0744666 1.0262138 1.0345175 1.1264405 1.0364348 1.0167545 1.1856245\n", - " 1.0459754 1.1017942 1.0518155 1.0577856 1.0405449]\n", - "\n", - "[ 1 2 6 5 13 4 10 3 15 7 0 17 16 14 18 11 9 8 12]\n", - "=======================\n", - "[\"but with the cost of maintenance and repairs to damaged public housing nearing $ 13 million a year in nsw alone , the state government has had enough and is planning to make tenants pay a bond before they move in .communities minister brad hazzard said it was a ` very likely possibility ' the plan would be implemented in the near future .the minister said it would most likely be a one month bond , paid off over six months to a year .\"]\n", - "=======================\n", - "['public housing tenants will pay a bond under a nsw government plancommunity services minister brad hazzard said the annual bill for repairs and maintenance on taxpayer-funded housing had hit $ 12 millionmr hazzard said the bond would be able to be paid in instalments']\n", - "but with the cost of maintenance and repairs to damaged public housing nearing $ 13 million a year in nsw alone , the state government has had enough and is planning to make tenants pay a bond before they move in .communities minister brad hazzard said it was a ` very likely possibility ' the plan would be implemented in the near future .the minister said it would most likely be a one month bond , paid off over six months to a year .\n", - "public housing tenants will pay a bond under a nsw government plancommunity services minister brad hazzard said the annual bill for repairs and maintenance on taxpayer-funded housing had hit $ 12 millionmr hazzard said the bond would be able to be paid in instalments\n", - "[1.4040252 1.4479989 1.3982608 1.1921935 1.3276337 1.0370831 1.0184684\n", - " 1.0275166 1.0364898 1.0177656 1.3487866 1.0254228 1.0337142 1.0160962\n", - " 1.0106901 1.0248632 1.3060263 1.0081041 1.0099385]\n", - "\n", - "[ 1 0 2 10 4 16 3 5 8 12 7 11 15 6 9 13 14 18 17]\n", - "=======================\n", - "[\"last week red bull owner dietrich mateschitz warned renault to solve their problems otherwise he would consider pulling his teams out of formula one .renault managing director cyril abiteboul has boldly declared to red bull team principal christian horner his aim that come late may there will be no further power-unit issues .a few days later renault endured a chinese grand prix to forget as daniil kvyat 's red bull and the toro rosso of max verstappen both suffered a power-unit failure .\"]\n", - "=======================\n", - "[\"renault have promised red bull that they will resolve power-unit problemsred bull owner dietrich mateschitz threatened to pull out of f1daniil kvyat 's red bull and max verstappen ' toro rosso both suffered a power-unit failure at chinese grand prix in shanghai\"]\n", - "last week red bull owner dietrich mateschitz warned renault to solve their problems otherwise he would consider pulling his teams out of formula one .renault managing director cyril abiteboul has boldly declared to red bull team principal christian horner his aim that come late may there will be no further power-unit issues .a few days later renault endured a chinese grand prix to forget as daniil kvyat 's red bull and the toro rosso of max verstappen both suffered a power-unit failure .\n", - "renault have promised red bull that they will resolve power-unit problemsred bull owner dietrich mateschitz threatened to pull out of f1daniil kvyat 's red bull and max verstappen ' toro rosso both suffered a power-unit failure at chinese grand prix in shanghai\n", - "[1.077664 1.1396896 1.3261647 1.2620747 1.2907797 1.1226444 1.2112087\n", - " 1.1058004 1.1214426 1.0508069 1.0523034 1.0342952 1.0752316 1.0377722\n", - " 1.1068212 1.0932128 1.0626881 1.0500395 0. ]\n", - "\n", - "[ 2 4 3 6 1 5 8 14 7 15 0 12 16 10 9 17 13 11 18]\n", - "=======================\n", - "[\"this so-called ` snowball earth ' theory suggests that our planet was once entirely frozen over - and it could have implications for finding life on other frozen worlds like europa and enceladus .it suggests temperatures at earth 's equator were -40 °c ( -40 °f ) 2.4 billion years ago ( artist 's illustration shown ) .a university of cologne scientist led research proposing a new theory .\"]\n", - "=======================\n", - "['university of cologne scientist led research proposing new theoryit suggests temperatures at the equator were -40 °c 2.4 billion years agothe reasons why the whole planet was frozen are not understoodbut it could have implications for finding life on frozen moons like europa']\n", - "this so-called ` snowball earth ' theory suggests that our planet was once entirely frozen over - and it could have implications for finding life on other frozen worlds like europa and enceladus .it suggests temperatures at earth 's equator were -40 °c ( -40 °f ) 2.4 billion years ago ( artist 's illustration shown ) .a university of cologne scientist led research proposing a new theory .\n", - "university of cologne scientist led research proposing new theoryit suggests temperatures at the equator were -40 °c 2.4 billion years agothe reasons why the whole planet was frozen are not understoodbut it could have implications for finding life on frozen moons like europa\n", - "[1.295299 1.2729995 1.3457894 1.1063106 1.1956552 1.1558218 1.2673507\n", - " 1.106526 1.126367 1.1079391 1.0340728 1.0779961 1.0490841 1.0594633\n", - " 1.0802081 1.1258795 1.0516337 1.0127891 1.0120841]\n", - "\n", - "[ 2 0 1 6 4 5 8 15 9 7 3 14 11 13 16 12 10 17 18]\n", - "=======================\n", - "['it is used in britain by counterterrorism police .off target : it has been claimed the g36 ( pictured ) does not shoot straight when it overheats at 30cthe g36 was created for the requirements of the german armed forces but it is also used as an infantry weapon in around 50 countries .']\n", - "=======================\n", - "['leaked report suggests g36 rifle did not shoot straight when it overheatedgerman army carried out tests and none of the 304 assault rifles passedthe weapon is used by british counterterrorism officers across the ukan urgent home office review has been called for in light of the findings']\n", - "it is used in britain by counterterrorism police .off target : it has been claimed the g36 ( pictured ) does not shoot straight when it overheats at 30cthe g36 was created for the requirements of the german armed forces but it is also used as an infantry weapon in around 50 countries .\n", - "leaked report suggests g36 rifle did not shoot straight when it overheatedgerman army carried out tests and none of the 304 assault rifles passedthe weapon is used by british counterterrorism officers across the ukan urgent home office review has been called for in light of the findings\n", - "[1.4760183 1.276737 1.3026698 1.3819039 1.279959 1.0546182 1.0297489\n", - " 1.0257919 1.0251554 1.0264368 1.0816445 1.0557525 1.0637652 1.1755874\n", - " 1.0507138 1.0733742 1.128037 0. 0. ]\n", - "\n", - "[ 0 3 2 4 1 13 16 10 15 12 11 5 14 6 9 7 8 17 18]\n", - "=======================\n", - "[\"martina hingis will play her first singles match since 2007 on saturday when they faces poland 's agnieszka radwanksa in the fed cup for switzerland .the 34-year-old was ranked no 1 in the world for 209 weeks - the fourth all-time behind steffi graf , martina navratilova and chris evert - and is poised to return .hingis won all five of her grand slam titles by the age of 18 and had the world at her feet , before retiring at the age of 22 in february 2003 due to injuries .\"]\n", - "=======================\n", - "[\"martina hingis faces poland 's agnieszka radwanksa in the fed cupsaturday 's tie will be her first singles match since 2007hingis won all five of her grand slam titles by the age of 18the now-34-year-old retired at the age of 22 in february 2003 citing injuries\"]\n", - "martina hingis will play her first singles match since 2007 on saturday when they faces poland 's agnieszka radwanksa in the fed cup for switzerland .the 34-year-old was ranked no 1 in the world for 209 weeks - the fourth all-time behind steffi graf , martina navratilova and chris evert - and is poised to return .hingis won all five of her grand slam titles by the age of 18 and had the world at her feet , before retiring at the age of 22 in february 2003 due to injuries .\n", - "martina hingis faces poland 's agnieszka radwanksa in the fed cupsaturday 's tie will be her first singles match since 2007hingis won all five of her grand slam titles by the age of 18the now-34-year-old retired at the age of 22 in february 2003 citing injuries\n", - "[1.4688158 1.1785637 1.1030504 1.4848521 1.2431079 1.1047497 1.2090763\n", - " 1.157711 1.0833633 1.0323205 1.0173182 1.0843828 1.0761955 1.0684236\n", - " 1.0168414 1.0105269 1.0111758 1.0648955]\n", - "\n", - "[ 3 0 4 6 1 7 5 2 11 8 12 13 17 9 10 14 16 15]\n", - "=======================\n", - "['felice herrig and paige vanzant face off during the weigh-inpaige vanzant and felice herrig had to be pulled apart as they squared off ahead of their strawweight clash in new jersey .herrig and vanzant will face each other in the octagon on saturday night']\n", - "=======================\n", - "['paige vanzant takes on felice herrig in new jersey on saturdaythe 21-year-old has only had five fights but is the latest ufc starshe is one of a select few to have an individual contract with reebokvanzant could realistically become the youngest-ever ufc champion']\n", - "felice herrig and paige vanzant face off during the weigh-inpaige vanzant and felice herrig had to be pulled apart as they squared off ahead of their strawweight clash in new jersey .herrig and vanzant will face each other in the octagon on saturday night\n", - "paige vanzant takes on felice herrig in new jersey on saturdaythe 21-year-old has only had five fights but is the latest ufc starshe is one of a select few to have an individual contract with reebokvanzant could realistically become the youngest-ever ufc champion\n", - "[1.1229012 1.1700908 1.3316298 1.2110053 1.3072414 1.1323045 1.1233841\n", - " 1.1618502 1.1023676 1.0523343 1.0335766 1.0180382 1.0168005 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 4 3 1 7 5 6 0 8 9 10 11 12 13 14 15 16 17]\n", - "=======================\n", - "[\"executives at coronation street have reportedly just overturned a ban on their cast offering their dulcet tones to radio advertising campaigns after rumours of a near-mutiny among its actors , the catalyst for which was katy 's extensive voiceover work .complaints from actors have led bosses to revise the banput a sock in it : in the past corrie has reportedly tried to silence its stars when they 've asked to do voiceover work for television adverts .\"]\n", - "=======================\n", - "[\"coronation street execs have ditched a ban on talent doing voiceover workformer star katy cavanagh had been ticked off for doing bbc iplayer adshow 's other actors staged a ` mutiny ' , forcing ban to be overturnedother actors who 've cashed in include benedict cumberbatch ( pedigree ) , olivia colman ( andrex ) , shane richie ( plenty kitchen roll )\"]\n", - "executives at coronation street have reportedly just overturned a ban on their cast offering their dulcet tones to radio advertising campaigns after rumours of a near-mutiny among its actors , the catalyst for which was katy 's extensive voiceover work .complaints from actors have led bosses to revise the banput a sock in it : in the past corrie has reportedly tried to silence its stars when they 've asked to do voiceover work for television adverts .\n", - "coronation street execs have ditched a ban on talent doing voiceover workformer star katy cavanagh had been ticked off for doing bbc iplayer adshow 's other actors staged a ` mutiny ' , forcing ban to be overturnedother actors who 've cashed in include benedict cumberbatch ( pedigree ) , olivia colman ( andrex ) , shane richie ( plenty kitchen roll )\n", - "[1.4065422 1.3447468 1.3276097 1.1524885 1.1445118 1.1028599 1.0392561\n", - " 1.0244805 1.1109027 1.1088663 1.1268673 1.0723184 1.1311111 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 12 10 8 9 5 11 6 7 16 13 14 15 17]\n", - "=======================\n", - "['kano , nigeria ( cnn ) an explosion late thursday outside a bus station in the northeast nigerian city of gombe killed at least five people and injured more than a dozen others , witnesses said .the explosion outside the bauchi motor park happened around 8:30 p.m. after a woman left her explosives-laden handbag near a bus filling up with passengers .\" there has been an explosion just outside the motor park and five people have been killed while more than 12 others have been seriously injured , \" said adamu saidu , an employee at the bus station .']\n", - "=======================\n", - "['woman leaves explosives-laden handbag beside bus during boardingno group has claimed responsibility , but boko haram is suspected']\n", - "kano , nigeria ( cnn ) an explosion late thursday outside a bus station in the northeast nigerian city of gombe killed at least five people and injured more than a dozen others , witnesses said .the explosion outside the bauchi motor park happened around 8:30 p.m. after a woman left her explosives-laden handbag near a bus filling up with passengers .\" there has been an explosion just outside the motor park and five people have been killed while more than 12 others have been seriously injured , \" said adamu saidu , an employee at the bus station .\n", - "woman leaves explosives-laden handbag beside bus during boardingno group has claimed responsibility , but boko haram is suspected\n", - "[1.6150432 1.3243599 1.1546344 1.1739843 1.1896942 1.1977894 1.064798\n", - " 1.0781273 1.0725057 1.0510207 1.0294342 1.0806686 1.0421585 1.0514538\n", - " 1.0180011 1.0119833 1.0304449 0. ]\n", - "\n", - "[ 0 1 5 4 3 2 11 7 8 6 13 9 12 16 10 14 15 17]\n", - "=======================\n", - "[\"ben jones-bishop scored a spectacular solo try as the salford red devils ended a run of 17 defeats in a row by wigan after a thrilling 24-18 contest which saw both players finish with 12 men .jones-bishop , snapped up from leeds rhinos in the close-season , extended his lead as salford 's leading scorer with his seventh of the campaign .salford 's last win against wigan was a 16-4 challenge cup fifth-round victory at the willows in 2006 .\"]\n", - "=======================\n", - "[\"ben jones-bishop impressed by scoring solo try against the warriorsjones-bishop extended lead as salford 's leading scorer of the campaignboth salford and wigan finished the match with 12 men\"]\n", - "ben jones-bishop scored a spectacular solo try as the salford red devils ended a run of 17 defeats in a row by wigan after a thrilling 24-18 contest which saw both players finish with 12 men .jones-bishop , snapped up from leeds rhinos in the close-season , extended his lead as salford 's leading scorer with his seventh of the campaign .salford 's last win against wigan was a 16-4 challenge cup fifth-round victory at the willows in 2006 .\n", - "ben jones-bishop impressed by scoring solo try against the warriorsjones-bishop extended lead as salford 's leading scorer of the campaignboth salford and wigan finished the match with 12 men\n", - "[1.4974208 1.3107975 1.2491893 1.2621725 1.2421681 1.2080252 1.1508019\n", - " 1.156873 1.0157361 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 5 7 6 8 9 10 11 12 13 14 15 16 17]\n", - "=======================\n", - "['uncapped duo shai hope and carlos brathwaite have been included in a 14-man west indies squad for the first test against england .the islanders have cut six names from their first training camp under new coach phil simmons , who began work last week .jason holder , the west indies one-day captain , takes his place in the test squad to face england']\n", - "=======================\n", - "['islanders have cut six names from squad for first training campuncapped duo hope and brathwaite have made 14-man squadfirst test against england start in antigua on monday']\n", - "uncapped duo shai hope and carlos brathwaite have been included in a 14-man west indies squad for the first test against england .the islanders have cut six names from their first training camp under new coach phil simmons , who began work last week .jason holder , the west indies one-day captain , takes his place in the test squad to face england\n", - "islanders have cut six names from squad for first training campuncapped duo hope and brathwaite have made 14-man squadfirst test against england start in antigua on monday\n", - "[1.1375333 1.0570359 1.0466802 1.3661321 1.3712871 1.3129239 1.1810949\n", - " 1.0826219 1.1329305 1.0310189 1.1181891 1.042663 1.0184227 1.0402445\n", - " 1.0152259 1.0377114 1.1233703 1.0396519 1.0599065 1.0244317 1.032678\n", - " 1.0494299]\n", - "\n", - "[ 4 3 5 6 0 8 16 10 7 18 1 21 2 11 13 17 15 20 9 19 12 14]\n", - "=======================\n", - "['several places like hong kong , singapore and taiwan have rates in the 80 % .the rates of myopia have doubled , even tripled , in most of east asia over the last 40 years , researchers say .in south korea , myopia rates among 20-year-olds have leaped from 18 % in 1955 to over 96 % myopia in 2011 .']\n", - "=======================\n", - "['east asia sees soaring rates of myopia , with 80-90 % of young adult population affectedevidence that myopia rates are increasing in europe and the u.s.scientists advice for kids : go outside and play']\n", - "several places like hong kong , singapore and taiwan have rates in the 80 % .the rates of myopia have doubled , even tripled , in most of east asia over the last 40 years , researchers say .in south korea , myopia rates among 20-year-olds have leaped from 18 % in 1955 to over 96 % myopia in 2011 .\n", - "east asia sees soaring rates of myopia , with 80-90 % of young adult population affectedevidence that myopia rates are increasing in europe and the u.s.scientists advice for kids : go outside and play\n", - "[1.2329464 1.2396387 1.3307874 1.2771728 1.1239185 1.2568071 1.2073736\n", - " 1.0970699 1.147375 1.1729286 1.0511736 1.0709125 1.049127 1.0159267\n", - " 1.0084922 1.070887 1.1406448 1.084699 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 3 5 1 0 6 9 8 16 4 7 17 11 15 10 12 13 14 20 18 19 21]\n", - "=======================\n", - "[\"the 53-year-old was arrested after her teenage daughter , blanca cousins , fell from the 19th floor of their luxury apartment in hong kong on tuesday .mr cousins was also arrested on suspicion of ` ill treatment ' after it emerged blanca 's birth had not been registered , but he has not been charged and is on bailmanaging director nick cousins looked visibly upset and his filipino wife herminia garcia was shaking when they emerged from the court in the sai wai ho suburb of hong kong , after she was granted bail .\"]\n", - "=======================\n", - "[\"pair ` visibly upset and shaking ' as they left the hong kong court togetherherminia garcia charged with ` wilful neglect ' after death of daughterblanca cousins , 15 , plunged to her death from luxury apartment blockbirths of her and her sister never registered and girls ` did not go to school '\"]\n", - "the 53-year-old was arrested after her teenage daughter , blanca cousins , fell from the 19th floor of their luxury apartment in hong kong on tuesday .mr cousins was also arrested on suspicion of ` ill treatment ' after it emerged blanca 's birth had not been registered , but he has not been charged and is on bailmanaging director nick cousins looked visibly upset and his filipino wife herminia garcia was shaking when they emerged from the court in the sai wai ho suburb of hong kong , after she was granted bail .\n", - "pair ` visibly upset and shaking ' as they left the hong kong court togetherherminia garcia charged with ` wilful neglect ' after death of daughterblanca cousins , 15 , plunged to her death from luxury apartment blockbirths of her and her sister never registered and girls ` did not go to school '\n", - "[1.1651645 1.4803014 1.3316886 1.3727809 1.2264506 1.1496471 1.0572171\n", - " 1.0490708 1.0319899 1.0242283 1.0404477 1.0546949 1.1163523 1.1294612\n", - " 1.0173095 1.0116785 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 4 0 5 13 12 6 11 7 10 8 9 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"olly taylor , 27 , is offering his version the easter feast , which is stuffed with the equivalent of almost 100 teaspoons of sugar , at his black milk cafe in manchester 's northern quarter .the breakfast includes two types of cereal served in half an easter egg , with brownies , marshmallows and mini eggs , topped off with three different types of flavoured milk .up for the challenge : customer glen keogh attemps the 4,000-calorie meal which has 388g of sugar\"]\n", - "=======================\n", - "[\"two types of cereal in an easter egg with marshmallows and browniesserved at black milk cafe in manchester 's northern quarter` easter is less about what is used to mean , ' cafe owner olly taylor said\"]\n", - "olly taylor , 27 , is offering his version the easter feast , which is stuffed with the equivalent of almost 100 teaspoons of sugar , at his black milk cafe in manchester 's northern quarter .the breakfast includes two types of cereal served in half an easter egg , with brownies , marshmallows and mini eggs , topped off with three different types of flavoured milk .up for the challenge : customer glen keogh attemps the 4,000-calorie meal which has 388g of sugar\n", - "two types of cereal in an easter egg with marshmallows and browniesserved at black milk cafe in manchester 's northern quarter` easter is less about what is used to mean , ' cafe owner olly taylor said\n", - "[1.4325758 1.3776051 1.3775487 1.1946567 1.1092116 1.1437472 1.0661707\n", - " 1.0456042 1.0912656 1.0563707 1.0430374 1.0362512 1.034162 1.0411501\n", - " 1.0270771 1.0148927 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 3 5 4 8 6 9 7 10 13 11 12 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"fran kirby staked an impressive claim for a world cup starting role with england women as she created the first goal and scored a brilliant second in a 2-1 win over china .england began in thrilling style , with kirby fashioning the opener for strike partner jodie taylor after just a minute of play .reading striker kirby then fired home the second goal of her short international career - this was her eighth cap - to put the home side in apparently full control at manchester city 's academy stadium .\"]\n", - "=======================\n", - "[\"jodie taylor fired england into the lead in the opening minutereading striker fran kirby doubled england 's advantagewang shanshan pulled a goal back for china in the 16th minute\"]\n", - "fran kirby staked an impressive claim for a world cup starting role with england women as she created the first goal and scored a brilliant second in a 2-1 win over china .england began in thrilling style , with kirby fashioning the opener for strike partner jodie taylor after just a minute of play .reading striker kirby then fired home the second goal of her short international career - this was her eighth cap - to put the home side in apparently full control at manchester city 's academy stadium .\n", - "jodie taylor fired england into the lead in the opening minutereading striker fran kirby doubled england 's advantagewang shanshan pulled a goal back for china in the 16th minute\n", - "[1.5906787 1.282516 1.1679872 1.1119936 1.0641767 1.0906768 1.1150075\n", - " 1.2724541 1.1039581 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 7 2 6 3 8 5 4 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", - "=======================\n", - "['( cnn ) just weeks after marvel \\'s \" daredevil \" premiered its first season on netflix , the company confirmed tuesday that a second season will be coming in 2016 .the show focuses on attorney matt murdock ( played by charlie cox ) , who was blinded as a child , as he fights injustice by day using the law .by night , he continues the fight , becoming the superhero daredevil and using his powers to protect the new york neighborhood of hell \\'s kitchen .']\n", - "=======================\n", - "['the critically acclaimed \" daredevil \" will be back for season 2charlie cox plays a blind attorney by day who is a superhero by night']\n", - "( cnn ) just weeks after marvel 's \" daredevil \" premiered its first season on netflix , the company confirmed tuesday that a second season will be coming in 2016 .the show focuses on attorney matt murdock ( played by charlie cox ) , who was blinded as a child , as he fights injustice by day using the law .by night , he continues the fight , becoming the superhero daredevil and using his powers to protect the new york neighborhood of hell 's kitchen .\n", - "the critically acclaimed \" daredevil \" will be back for season 2charlie cox plays a blind attorney by day who is a superhero by night\n", - "[1.4105779 1.261385 1.2823704 1.4199262 1.2388237 1.1327615 1.0371975\n", - " 1.113402 1.0565501 1.0444403 1.0621004 1.10682 1.0087376 1.0190349\n", - " 1.0197066 1.0107853 1.0423595 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 0 2 1 4 5 7 11 10 8 9 16 6 14 13 15 12 20 17 18 19 21]\n", - "=======================\n", - "['andy murray celebrates winning a point in the second set against novak djokovic in the mens finalandy murray arrived back in britain on monday restored as world no 3 in the new rankings -- but set aside thoughts of that to focus on his wedding in dunblane this weekend .there are believed to be well over 100 people attending , but star spotters will find celebrities in short supply as the couple focus on celebrating with family and genuine friends .']\n", - "=======================\n", - "[\"tournament performances have restored andy murray to world no 3but it 's wedding to kim sears that takes murray 's no 1 spot this weekmurray is due to marry fiancée sears in dunblane this coming saturdaythere are believed to be well over 100 names on down-to-earth guest list\"]\n", - "andy murray celebrates winning a point in the second set against novak djokovic in the mens finalandy murray arrived back in britain on monday restored as world no 3 in the new rankings -- but set aside thoughts of that to focus on his wedding in dunblane this weekend .there are believed to be well over 100 people attending , but star spotters will find celebrities in short supply as the couple focus on celebrating with family and genuine friends .\n", - "tournament performances have restored andy murray to world no 3but it 's wedding to kim sears that takes murray 's no 1 spot this weekmurray is due to marry fiancée sears in dunblane this coming saturdaythere are believed to be well over 100 names on down-to-earth guest list\n", - "[1.2745205 1.4680473 1.0937414 1.43146 1.3374043 1.2932161 1.0189929\n", - " 1.1609485 1.2511991 1.1884797 1.0087626 1.013226 1.0097165 1.0162579\n", - " 1.0114138 1.0234332 1.0223893 1.0189047 1.0093726 1.0098789 1.0115885\n", - " 1.0708733]\n", - "\n", - "[ 1 3 4 5 0 8 9 7 2 21 15 16 6 17 13 11 20 14 19 12 18 10]\n", - "=======================\n", - "['the 25-year-old is out of their pivotal champions league quarter-final second leg at the santiago bernabeu after suffering a calf injury early on in their 3-1 win against malaga at the weekend .gareth bale took to facebook on wednesday to wish real madrid good luck against city rivals atleticoalong with bale , real boss carlo ancelotti will also be without first-team regulars karim benzema and luka modric for the tie .']\n", - "=======================\n", - "['real madrid face atletico madrid in the champions league on wednesdayquarter-final second leg at the santiago bernabeu is tightly-poised at 0-0real forward gareth bale will miss the clash due to calf injuryread : ancelotti has a poor record against simeone ... but he must advance']\n", - "the 25-year-old is out of their pivotal champions league quarter-final second leg at the santiago bernabeu after suffering a calf injury early on in their 3-1 win against malaga at the weekend .gareth bale took to facebook on wednesday to wish real madrid good luck against city rivals atleticoalong with bale , real boss carlo ancelotti will also be without first-team regulars karim benzema and luka modric for the tie .\n", - "real madrid face atletico madrid in the champions league on wednesdayquarter-final second leg at the santiago bernabeu is tightly-poised at 0-0real forward gareth bale will miss the clash due to calf injuryread : ancelotti has a poor record against simeone ... but he must advance\n", - "[1.3321288 1.4771028 1.3023136 1.2097847 1.0313717 1.309455 1.164299\n", - " 1.0252798 1.2535354 1.0274714 1.0126562 1.012301 1.0452765 1.1332096\n", - " 1.0146191 1.041576 1.0097699 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 5 2 8 3 6 13 12 15 4 9 7 14 10 11 16 20 17 18 19 21]\n", - "=======================\n", - "[\"ms ainscough , 30 , died in late february following a lengthy fight with a rare and aggressive form of cancer known as epithelioid sarcoma .the devastated fiance of the late ` wellness warrior ' jessica ainscough has written an emotional letter to her followers , revealing she was undergoing radiation treatment in her final weeks and ` giggling and drinking green smoothies ' in her hospital bed until the day she died .jessica ainscough ( left ) was planning to marry her partner tallon pamenter this year .\"]\n", - "=======================\n", - "[\"devastated fiance of late ` wellness warrior ' jessica ainscough writes touching tribute to followersainscough , 30 , died in february following a lengthy fight with a rare and aggressive form of cancershe advocated treating cancer with a vegan diet and coffee enemaspartner tallon pamenter , who she was to marry this year , said : ` my heart is in a million pieces '` this year has stripped me from the one thing that brought magic to every aspect of my life 'mr pamenter also revealed she underwent radiation in her final weeks\"]\n", - "ms ainscough , 30 , died in late february following a lengthy fight with a rare and aggressive form of cancer known as epithelioid sarcoma .the devastated fiance of the late ` wellness warrior ' jessica ainscough has written an emotional letter to her followers , revealing she was undergoing radiation treatment in her final weeks and ` giggling and drinking green smoothies ' in her hospital bed until the day she died .jessica ainscough ( left ) was planning to marry her partner tallon pamenter this year .\n", - "devastated fiance of late ` wellness warrior ' jessica ainscough writes touching tribute to followersainscough , 30 , died in february following a lengthy fight with a rare and aggressive form of cancershe advocated treating cancer with a vegan diet and coffee enemaspartner tallon pamenter , who she was to marry this year , said : ` my heart is in a million pieces '` this year has stripped me from the one thing that brought magic to every aspect of my life 'mr pamenter also revealed she underwent radiation in her final weeks\n", - "[1.5884023 1.4888704 1.2836213 1.4990501 1.0797503 1.0308907 1.0258673\n", - " 1.0205449 1.0154629 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 2 4 5 6 7 8 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", - "=======================\n", - "[\"british world dressage champion charlotte dujardin won the grand prix at the world cup in las vegas .the 29-year-old , and her horse valegro , who won the world title in lyon last year , recorded a score of 85.414 percent to finish clear of dutchman edward gal with american steffen peters in third .` las vegas is everything i ever thought it would be so i 've not been disappointed , ' said dujardin .\"]\n", - "=======================\n", - "['british world dressage champion charlotte dujardin wins at world cup29-year-old victorious on horse valegro at grand prix in las vegas']\n", - "british world dressage champion charlotte dujardin won the grand prix at the world cup in las vegas .the 29-year-old , and her horse valegro , who won the world title in lyon last year , recorded a score of 85.414 percent to finish clear of dutchman edward gal with american steffen peters in third .` las vegas is everything i ever thought it would be so i 've not been disappointed , ' said dujardin .\n", - "british world dressage champion charlotte dujardin wins at world cup29-year-old victorious on horse valegro at grand prix in las vegas\n", - "[1.2298306 1.4906293 1.4169918 1.2098489 1.2021275 1.0454813 1.1434696\n", - " 1.0924354 1.0827131 1.0606246 1.0245938 1.0809895 1.0570978 1.060785\n", - " 1.1142039 1.0890803 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 4 6 14 7 15 8 11 13 9 12 5 10 16 17 18 19 20 21]\n", - "=======================\n", - "['dias costa , 49 , slashed the face , arms , and necks of the raiders , who fled the property in a getaway car while dripping with blood .the burglary took place late at night in the cerro norte neighbourhood of cordoba , in central argentina - and all of the men are currently in intensive care .a man defended his home from four armed burglars by hacking pieces out of them with a samurai sword .']\n", - "=======================\n", - "['warning : graphic contentdias costa , 49 , slashed the face , arms , and necks of the four raidersthe men , armed with guns , had broken into his home in central argentinaraiders were forced to flee in getaway car and they are all in intensive care']\n", - "dias costa , 49 , slashed the face , arms , and necks of the raiders , who fled the property in a getaway car while dripping with blood .the burglary took place late at night in the cerro norte neighbourhood of cordoba , in central argentina - and all of the men are currently in intensive care .a man defended his home from four armed burglars by hacking pieces out of them with a samurai sword .\n", - "warning : graphic contentdias costa , 49 , slashed the face , arms , and necks of the four raidersthe men , armed with guns , had broken into his home in central argentinaraiders were forced to flee in getaway car and they are all in intensive care\n", - "[1.2249277 1.3962592 1.3036655 1.2852256 1.2696147 1.2144893 1.0908453\n", - " 1.0878822 1.0343021 1.0352135 1.0256566 1.0380499 1.0645957 1.0773356\n", - " 1.0389231 1.0681646 1.0653809 1.0508877 1.0293599 1.0308216 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 4 0 5 6 7 13 15 16 12 17 14 11 9 8 19 18 10 20 21]\n", - "=======================\n", - "[\"alinea , run by the talented grant achatz has retained its crown as the best restaurant in the world , the annual poll by luxury magazine elite traveler revealed .the eatery , which is chicago 's only three-michelin-starred restaurant , is the brainchild of culinary prodigy grant achatz and features taffy balloons , edible tablecloths and cinnamon bark chopsticks .the top 10 featured four american restaurants which are all in new york .\"]\n", - "=======================\n", - "[\"best restaurant in the world is grant achatz 's alinea , chicagothe awards are voted for by readers of elite traveler magazinethe us has 19 of the best restaurants in the world , followed by france which boasts 14 and the uk , which has a mere eight\"]\n", - "alinea , run by the talented grant achatz has retained its crown as the best restaurant in the world , the annual poll by luxury magazine elite traveler revealed .the eatery , which is chicago 's only three-michelin-starred restaurant , is the brainchild of culinary prodigy grant achatz and features taffy balloons , edible tablecloths and cinnamon bark chopsticks .the top 10 featured four american restaurants which are all in new york .\n", - "best restaurant in the world is grant achatz 's alinea , chicagothe awards are voted for by readers of elite traveler magazinethe us has 19 of the best restaurants in the world , followed by france which boasts 14 and the uk , which has a mere eight\n", - "[1.3106353 1.2979152 1.2818258 1.1302748 1.1852384 1.2690065 1.203927\n", - " 1.1253982 1.0265261 1.08422 1.1070286 1.0656414 1.106102 1.0350821\n", - " 1.0285856 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 5 6 4 3 7 10 12 9 11 13 14 8 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"a body found in the mississippi river over the weekend has been identified as minnesota fourth-grader barway edwin collins who has been missing for nearly four weeks .authorities said the body of the ten-year-old was found on saturday around 1pm by searchers from a boy scout troop - about ten feet from the river 's edge in brooklyn center .crystal police chief stephanie revering said authorities have electronic evidence that shows the boy 's father , pierre collins , 33 , was in that area at the time the boy disappeared .\"]\n", - "=======================\n", - "[\"barway edwin collins , 10 , went missing from his crystal , minnesota apartment complex march 18 after schoolon saturday , searchers from boy scout troop found a body ten feet from mississippi river 's edge which was identified as barwaycrystal police chief said electronic evidence shows boy 's father pierre collins , 33 , was in area where body was found at time he disappearedhennepin county medical examiner said the cause and manner of barway 's death are still being investigated\"]\n", - "a body found in the mississippi river over the weekend has been identified as minnesota fourth-grader barway edwin collins who has been missing for nearly four weeks .authorities said the body of the ten-year-old was found on saturday around 1pm by searchers from a boy scout troop - about ten feet from the river 's edge in brooklyn center .crystal police chief stephanie revering said authorities have electronic evidence that shows the boy 's father , pierre collins , 33 , was in that area at the time the boy disappeared .\n", - "barway edwin collins , 10 , went missing from his crystal , minnesota apartment complex march 18 after schoolon saturday , searchers from boy scout troop found a body ten feet from mississippi river 's edge which was identified as barwaycrystal police chief said electronic evidence shows boy 's father pierre collins , 33 , was in area where body was found at time he disappearedhennepin county medical examiner said the cause and manner of barway 's death are still being investigated\n", - "[1.2671002 1.4725366 1.1736062 1.1023386 1.3306954 1.0654557 1.0477412\n", - " 1.1049305 1.1077408 1.095217 1.0878356 1.0614643 1.1416028 1.063413\n", - " 1.0530779 1.0528264 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 0 2 12 8 7 3 9 10 5 13 11 14 15 6 20 16 17 18 19 21]\n", - "=======================\n", - "[\"the horse , charly , was patrolling venice beach with his minders on tuesday when the vandalism incident occurred .the lapd for searching for the person who tagged a police horse with graffiti this week - but the answer may be in the so-called ` art ' .it was broad daylight , and somehow the person managed to spray charlie without the handlers seeing - a move that taggers pride themselves on , but usually with stationary objects and facades . '\"]\n", - "=======================\n", - "[\"charly was patrolling venice beach with his minders tuesdaysomehow a tagger managed to write ` rbs ' and an arrow on his flankthe silver paint was easily cleaned offbut police want to find the person responsible and have appealed for help\"]\n", - "the horse , charly , was patrolling venice beach with his minders on tuesday when the vandalism incident occurred .the lapd for searching for the person who tagged a police horse with graffiti this week - but the answer may be in the so-called ` art ' .it was broad daylight , and somehow the person managed to spray charlie without the handlers seeing - a move that taggers pride themselves on , but usually with stationary objects and facades . '\n", - "charly was patrolling venice beach with his minders tuesdaysomehow a tagger managed to write ` rbs ' and an arrow on his flankthe silver paint was easily cleaned offbut police want to find the person responsible and have appealed for help\n", - "[1.2853312 1.0852427 1.3950022 1.1190294 1.3662112 1.0495151 1.0805382\n", - " 1.0507125 1.0485846 1.0730481 1.0908846 1.0822892 1.0930575 1.0327231\n", - " 1.073565 1.038827 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 4 0 3 12 10 1 11 6 14 9 7 5 8 15 13 20 16 17 18 19 21]\n", - "=======================\n", - "[\"the 47-year-old grandson of john paul getty , once the world 's richest man , andrew was an heir to the vast getty oil fortune .the body of andrew getty , naked from the waist down , was discovered in a bathroom at his gated , three-storey # 2.6 million villa in the hollywood hills on tuesday afternoon .lurid early reports of his death and troubled past suggest a new chapter has opened in the tragic history of a family that epitomises , like no other , the saying that money does n't bring you happiness .\"]\n", - "=======================\n", - "[\"body of andrew getty found in a bathroom at his # 2.6 m villa on tuesdayfamily history epitomises saying that money does n't bring you happinessgettys have died from overdoses , one never recovered from a kidnappingother members of the family were embroiled in lawsuits and divorces\"]\n", - "the 47-year-old grandson of john paul getty , once the world 's richest man , andrew was an heir to the vast getty oil fortune .the body of andrew getty , naked from the waist down , was discovered in a bathroom at his gated , three-storey # 2.6 million villa in the hollywood hills on tuesday afternoon .lurid early reports of his death and troubled past suggest a new chapter has opened in the tragic history of a family that epitomises , like no other , the saying that money does n't bring you happiness .\n", - "body of andrew getty found in a bathroom at his # 2.6 m villa on tuesdayfamily history epitomises saying that money does n't bring you happinessgettys have died from overdoses , one never recovered from a kidnappingother members of the family were embroiled in lawsuits and divorces\n", - "[1.2651583 1.2498952 1.236565 1.1077286 1.1660028 1.0900067 1.0420321\n", - " 1.072398 1.3450487 1.035568 1.0599741 1.0312469 1.0570223 1.0807887\n", - " 1.0152359 1.0599616 1.0188413 1.0199211 1.0206459 1.033769 1.0139557\n", - " 1.0121628]\n", - "\n", - "[ 8 0 1 2 4 3 5 13 7 10 15 12 6 9 19 11 18 17 16 14 20 21]\n", - "=======================\n", - "[\"martin allen believes it is important for troops to follow order during this crucial stage of the season .martin ` mad dog ' allen returns with his latest column for sportsmail .just a few days ago an old friend of mine jimmy carter , the winger who played for millwall , liverpool and arsenal not the us president , visited barnet and left me a nice packet of milk chocolate biscuits in my office .\"]\n", - "=======================\n", - "[\"martin allen believes it 's a crucial time for troops to follow ordersplayers like john terry ensure whole squad is pulling in same directionperceptions in football need to change and they need to change quicklybirmingham boss garry rowett is heading all the way to the very top\"]\n", - "martin allen believes it is important for troops to follow order during this crucial stage of the season .martin ` mad dog ' allen returns with his latest column for sportsmail .just a few days ago an old friend of mine jimmy carter , the winger who played for millwall , liverpool and arsenal not the us president , visited barnet and left me a nice packet of milk chocolate biscuits in my office .\n", - "martin allen believes it 's a crucial time for troops to follow ordersplayers like john terry ensure whole squad is pulling in same directionperceptions in football need to change and they need to change quicklybirmingham boss garry rowett is heading all the way to the very top\n", - "[1.5472964 1.4312164 1.2620533 1.1546627 1.1337404 1.080808 1.2392323\n", - " 1.0806029 1.026421 1.0660232 1.0389304 1.0532852 1.3031778 1.0470784\n", - " 1.0190012 1.1050243 1.0470396 1.0083218 1.0099392 1.0119338]\n", - "\n", - "[ 0 1 12 2 6 3 4 15 5 7 9 11 13 16 10 8 14 19 18 17]\n", - "=======================\n", - "[\"arsenal midfielder santi cazorla is among a number of players to have offered support to villarreal defender mateo musacchio following his gruesome leg injury .the argentinian fractured his fibula and dislocated his left ankle during his side 's 1-1 draw at getafe in the primera division on sunday .santi cazorla played with musacchio for villarreal before joining arsenal , tweeted support for the defender\"]\n", - "=======================\n", - "[\"mateo musacchio fractured fibula and dislocated ankle during getafe drawsanti cazorla tweeted : ' a lot of best wishes to my friend mateo 'arsenal midfielder cazorla and musacchio played together at villarreal\"]\n", - "arsenal midfielder santi cazorla is among a number of players to have offered support to villarreal defender mateo musacchio following his gruesome leg injury .the argentinian fractured his fibula and dislocated his left ankle during his side 's 1-1 draw at getafe in the primera division on sunday .santi cazorla played with musacchio for villarreal before joining arsenal , tweeted support for the defender\n", - "mateo musacchio fractured fibula and dislocated ankle during getafe drawsanti cazorla tweeted : ' a lot of best wishes to my friend mateo 'arsenal midfielder cazorla and musacchio played together at villarreal\n", - "[1.3005555 1.2598956 1.327788 1.1431488 1.195859 1.0843455 1.0661578\n", - " 1.0589678 1.0453534 1.1332524 1.0441772 1.0245608 1.1026206 1.1059994\n", - " 1.038879 1.0294108 1.1009661 1.0402026 0. 0. ]\n", - "\n", - "[ 2 0 1 4 3 9 13 12 16 5 6 7 8 10 17 14 15 11 18 19]\n", - "=======================\n", - "['khim hang , 22 , displayed a bold collection with brooding models donning stocking caps and attire that could be likened to that of war soldiers .adding a gritty edge to tuesday at mercedes benz fashion week australia , phoenix keating , alice mccall , zhivago and khim hangall embraced a raw , punk style on the catwalk .eighties revival : fishnets were brought back into fashion in the new phoenix keating collection']\n", - "=======================\n", - "['punk-glam stars at fashion week on tuesday bringing an edge to the showphoenix keating , zhivago , khim hang and alice mccall rocked punk glamwhile others like maticevski , ginger and smart and brunsdon play safecollections featured metallics , jewel tones , rigid lines and new textures']\n", - "khim hang , 22 , displayed a bold collection with brooding models donning stocking caps and attire that could be likened to that of war soldiers .adding a gritty edge to tuesday at mercedes benz fashion week australia , phoenix keating , alice mccall , zhivago and khim hangall embraced a raw , punk style on the catwalk .eighties revival : fishnets were brought back into fashion in the new phoenix keating collection\n", - "punk-glam stars at fashion week on tuesday bringing an edge to the showphoenix keating , zhivago , khim hang and alice mccall rocked punk glamwhile others like maticevski , ginger and smart and brunsdon play safecollections featured metallics , jewel tones , rigid lines and new textures\n", - "[1.3184768 1.1196661 1.3849111 1.1576843 1.0914865 1.1013106 1.120857\n", - " 1.058118 1.0415757 1.0386115 1.0638651 1.0246856 1.0491872 1.0774739\n", - " 1.0633202 1.0607706 1.0640949 1.0189077 1.0167855 1.0153391]\n", - "\n", - "[ 2 0 3 6 1 5 4 13 16 10 14 15 7 12 8 9 11 17 18 19]\n", - "=======================\n", - "['exactly 365 days have passed since the girls were snatched from their boarding school dormitories in the dead of night in chibok , northeastern nigeria .( cnn ) how can more than 200 nigerian schoolgirls simply disappear ?for this we should all feel shame : shame that we live in a world where the lives of young girls can be shattered with impunity by fanatical thugs .']\n", - "=======================\n", - "['some 276 girls were kidnapped from their school in northeastern nigeria by boko haram a year agodespite a global outcry , one year on , only a handful have escaped and returned homeisha sesay : we should all feel shame that our collective attention span is so fleeting']\n", - "exactly 365 days have passed since the girls were snatched from their boarding school dormitories in the dead of night in chibok , northeastern nigeria .( cnn ) how can more than 200 nigerian schoolgirls simply disappear ?for this we should all feel shame : shame that we live in a world where the lives of young girls can be shattered with impunity by fanatical thugs .\n", - "some 276 girls were kidnapped from their school in northeastern nigeria by boko haram a year agodespite a global outcry , one year on , only a handful have escaped and returned homeisha sesay : we should all feel shame that our collective attention span is so fleeting\n", - "[1.2336258 1.435221 1.2241905 1.340899 1.1724889 1.1508844 1.0820189\n", - " 1.0301251 1.0722916 1.1014476 1.0797908 1.0762727 1.0852246 1.0485183\n", - " 1.0488162 1.1000843 1.0682918 1.0570416 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 5 9 15 12 6 10 11 8 16 17 14 13 7 18 19]\n", - "=======================\n", - "['1st lt michael alonso and 1st lt lantz balthazar have been charged in cases stemming from an investigation that led to the disclosure last year of a separate exam-cheating scandal .two air force nuclear missile launch officers who are facing drug charges related to ecstasy , cocaine and bath salts now face hearings to determine whether they will be court-martialed .one of their fellow missile officers who was a target of the same investigation pleaded guilty to illegal drug use in january and was kicked out of the service , the air force said on friday .']\n", - "=======================\n", - "['1st lt michael alonso and 1st lt lantz balthazar have both been chargedmembers of missile squadron at malmstrom air force base in montanamalmstrom missile wing operates missiles armed with nuclear warheadshearing will see if enough criminal evidence to warrant a court-martialthird officer was charged in december and court-martialed in january']\n", - "1st lt michael alonso and 1st lt lantz balthazar have been charged in cases stemming from an investigation that led to the disclosure last year of a separate exam-cheating scandal .two air force nuclear missile launch officers who are facing drug charges related to ecstasy , cocaine and bath salts now face hearings to determine whether they will be court-martialed .one of their fellow missile officers who was a target of the same investigation pleaded guilty to illegal drug use in january and was kicked out of the service , the air force said on friday .\n", - "1st lt michael alonso and 1st lt lantz balthazar have both been chargedmembers of missile squadron at malmstrom air force base in montanamalmstrom missile wing operates missiles armed with nuclear warheadshearing will see if enough criminal evidence to warrant a court-martialthird officer was charged in december and court-martialed in january\n", - "[1.1832173 1.5070219 1.2031121 1.2407446 1.1853893 1.0660927 1.0795102\n", - " 1.1371466 1.060049 1.0815264 1.0951458 1.0687199 1.0655124 1.0517735\n", - " 1.0354278 1.0439191 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 7 10 9 6 11 5 12 8 13 15 14 18 16 17 19]\n", - "=======================\n", - "['the monarch , 88 , was spotted trotting through windsor great park aboard her faithful black fell pony , carltonlima emma .enjoying the sunshine : the queen enjoys a ride on her fell pony carltonlima emmajoined by a groom on another of her fell ponies , the queen cut a relaxed figure as she enjoyed her ride but , as is her wont , eschewed a helmet in favour of one of her silk scarves .']\n", - "=======================\n", - "['the queen was spotted enjoying a ride in windsor great park todayrode her favourite fell pony , a mare named carltonlima emmaleft hard hats at home and opted for one of her favourite scarves instead']\n", - "the monarch , 88 , was spotted trotting through windsor great park aboard her faithful black fell pony , carltonlima emma .enjoying the sunshine : the queen enjoys a ride on her fell pony carltonlima emmajoined by a groom on another of her fell ponies , the queen cut a relaxed figure as she enjoyed her ride but , as is her wont , eschewed a helmet in favour of one of her silk scarves .\n", - "the queen was spotted enjoying a ride in windsor great park todayrode her favourite fell pony , a mare named carltonlima emmaleft hard hats at home and opted for one of her favourite scarves instead\n", - "[1.3162174 1.4336413 1.2551516 1.0872526 1.0397551 1.218985 1.0639875\n", - " 1.0318305 1.0233264 1.0534909 1.0990428 1.1392361 1.1022393 1.1236973\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 2 5 11 13 12 10 3 6 9 4 7 8 21 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"for author lisa erspamer 's third collection of tributes , celebrities such as melissa rivers , shania twain , will.i.am , christy turlington burns , and kristin chenoweth all composed messages of love and gratitude to the women who raised them .kelly osbourne did n't always want to grow up to be like her famous mom - but in a letter published in the new book a letter to my mom , the tv personality admitted that she is now proud to be sharon osbourne 's daughter .and the heartwarming epistolary book , which was published last week , has arrived just in time for mother 's day on may 10 .\"]\n", - "=======================\n", - "['author lisa erspamer invited celebrities and a number of other people to write heartfelt notes to their mothers for her new book a letter to my momstars such as melissa rivers , will.i.am , and christy turlington participated in the moving project']\n", - "for author lisa erspamer 's third collection of tributes , celebrities such as melissa rivers , shania twain , will.i.am , christy turlington burns , and kristin chenoweth all composed messages of love and gratitude to the women who raised them .kelly osbourne did n't always want to grow up to be like her famous mom - but in a letter published in the new book a letter to my mom , the tv personality admitted that she is now proud to be sharon osbourne 's daughter .and the heartwarming epistolary book , which was published last week , has arrived just in time for mother 's day on may 10 .\n", - "author lisa erspamer invited celebrities and a number of other people to write heartfelt notes to their mothers for her new book a letter to my momstars such as melissa rivers , will.i.am , and christy turlington participated in the moving project\n", - "[1.1823864 1.120547 1.1178669 1.2245584 1.2652087 1.191228 1.1803168\n", - " 1.1174247 1.1232952 1.0680767 1.0821198 1.0435805 1.0545042 1.057816\n", - " 1.0265819 1.0492833 1.0294849 1.0722139 1.0376575 1.0474106 0.\n", - " 0. 0. ]\n", - "\n", - "[ 4 3 5 0 6 8 1 2 7 10 17 9 13 12 15 19 11 18 16 14 21 20 22]\n", - "=======================\n", - "['however the rise of the mobile phone and music on the ipod means young people are less likely to whistle now .all children used to be told to whistle while they work by the classic disney animation snow white .cultural historian at syracuse university , london , chris cook , told the sunday times that whistling has all but disappeared over the last few decades .']\n", - "=======================\n", - "['once heard on stage , in the street and at work , whistling is on the declineend of variety shows , working class jobs and rise of mobiles contributedpoll shows 70 percent heard more whistling twenty or thirty years agopopular in the life of brian and 1980s pop songs , now the whistle is out']\n", - "however the rise of the mobile phone and music on the ipod means young people are less likely to whistle now .all children used to be told to whistle while they work by the classic disney animation snow white .cultural historian at syracuse university , london , chris cook , told the sunday times that whistling has all but disappeared over the last few decades .\n", - "once heard on stage , in the street and at work , whistling is on the declineend of variety shows , working class jobs and rise of mobiles contributedpoll shows 70 percent heard more whistling twenty or thirty years agopopular in the life of brian and 1980s pop songs , now the whistle is out\n", - "[1.4486659 1.1489751 1.1564938 1.0456076 1.2137433 1.2880417 1.1156863\n", - " 1.2094674 1.1216557 1.1134074 1.039727 1.0292054 1.0306786 1.0346795\n", - " 1.0732403 1.0159242 1.0190855 1.0861518 1.0210512 1.0177228 1.0219012\n", - " 0. 0. ]\n", - "\n", - "[ 0 5 4 7 2 1 8 6 9 17 14 3 10 13 12 11 20 18 16 19 15 21 22]\n", - "=======================\n", - "[\"peerless champion jockey ap mccoy described the final day of his record-breaking career as ` the hardest day ' of his life as he left sandown on saturday night and headed into retirement .ap mccoy was reduced to tears as he competed as a professional jockey for the last-ever time on saturdaymccoy said : ` someone will break my records .\"]\n", - "=======================\n", - "['ian wright presented tony mccoy with champion jockey trophymccoy finished third on box office in last-ever race on saturdaythe 40-year-old also finished third on mr mole in penultimate racemccoy was reduced to tears as he competed professionally for last timeracing legend has been champion jockey 20 timessandown filled with punters to bid mccoy farewell']\n", - "peerless champion jockey ap mccoy described the final day of his record-breaking career as ` the hardest day ' of his life as he left sandown on saturday night and headed into retirement .ap mccoy was reduced to tears as he competed as a professional jockey for the last-ever time on saturdaymccoy said : ` someone will break my records .\n", - "ian wright presented tony mccoy with champion jockey trophymccoy finished third on box office in last-ever race on saturdaythe 40-year-old also finished third on mr mole in penultimate racemccoy was reduced to tears as he competed professionally for last timeracing legend has been champion jockey 20 timessandown filled with punters to bid mccoy farewell\n", - "[1.273762 1.0500923 1.0447468 1.1594845 1.1263428 1.1381812 1.2456013\n", - " 1.1637715 1.0605545 1.042757 1.2517307 1.1378286 1.0206236 1.0248667\n", - " 1.0213655 1.0166712 1.0147113 1.0220448 1.0199364 1.0457665 1.1052186\n", - " 1.0527097 1.1768036]\n", - "\n", - "[ 0 10 6 22 7 3 5 11 4 20 8 21 1 19 2 9 13 17 14 12 18 15 16]\n", - "=======================\n", - "[\"keith curle tells the kind of stories about management that might explain why retiring players are stampeding towards the pundits ' couch .keith curle insists football management was always his priority after ending his playing careerbut there is no escaping the fact that curle is in a shrinking minority , being one of only four managers in the country 's top 92 clubs who has played for england .\"]\n", - "=======================\n", - "[\"keith curle is one of only four england players to currently manageformer manchester city player has managed clubs including mansfield , chester , torquay and notts county before ending up at carlislecurle turned his back on a career in punditry to remain on the sidelinesi have done a bit for sky and i really enjoyed it but first and foremost i am a coach and manager , ' he said\"]\n", - "keith curle tells the kind of stories about management that might explain why retiring players are stampeding towards the pundits ' couch .keith curle insists football management was always his priority after ending his playing careerbut there is no escaping the fact that curle is in a shrinking minority , being one of only four managers in the country 's top 92 clubs who has played for england .\n", - "keith curle is one of only four england players to currently manageformer manchester city player has managed clubs including mansfield , chester , torquay and notts county before ending up at carlislecurle turned his back on a career in punditry to remain on the sidelinesi have done a bit for sky and i really enjoyed it but first and foremost i am a coach and manager , ' he said\n", - "[1.1459719 1.4371997 1.2558724 1.2802012 1.2949957 1.1078113 1.1303289\n", - " 1.0726228 1.0856122 1.046667 1.0130043 1.0128345 1.1921701 1.0558826\n", - " 1.0436265 1.0538617 1.1973938 1.0531579 1.052247 1.0518901 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 3 2 16 12 0 6 5 8 7 13 15 17 18 19 9 14 10 11 20 21 22]\n", - "=======================\n", - "[\"david duane watson , a 46-year-old tucson firefighter , was arrested without incident saturday on charges he killed his ex-wife linda watson , 35 , in what detectives say motivated by a custody dispute over their daughter .three years after her daughter went missing , cox and her neighbor renee farnsworth , 53 , were shot dead in the driveway of linda watson 's home .police say the dispute continued after watson 's murder as her mother marilyn cox , 63 , tried to obtain visitation rights .\"]\n", - "=======================\n", - "['pima county sheriffs say david watson , 46 , killed his ex linda watson while they fought over custody of their daughter in 2000three years later , police say watson murdered his ex mother-in-law in a drive-by shooting at the very home where linda watson first vanishedmarilyn cox had been fighting for visitation rights over her granddaughter - she was gunned down alongside her neighbor renee farnsworth in 2003']\n", - "david duane watson , a 46-year-old tucson firefighter , was arrested without incident saturday on charges he killed his ex-wife linda watson , 35 , in what detectives say motivated by a custody dispute over their daughter .three years after her daughter went missing , cox and her neighbor renee farnsworth , 53 , were shot dead in the driveway of linda watson 's home .police say the dispute continued after watson 's murder as her mother marilyn cox , 63 , tried to obtain visitation rights .\n", - "pima county sheriffs say david watson , 46 , killed his ex linda watson while they fought over custody of their daughter in 2000three years later , police say watson murdered his ex mother-in-law in a drive-by shooting at the very home where linda watson first vanishedmarilyn cox had been fighting for visitation rights over her granddaughter - she was gunned down alongside her neighbor renee farnsworth in 2003\n", - "[1.4493136 1.1996279 1.1345206 1.181965 1.074948 1.1086956 1.0921075\n", - " 1.0436357 1.0412838 1.1083537 1.0873848 1.0228324 1.0775679 1.0212344\n", - " 1.0276359 1.0308483 1.046693 1.0172048 1.0477 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 5 9 6 10 12 4 18 16 7 8 15 14 11 13 17 23 19 20 21 22\n", - " 24]\n", - "=======================\n", - "['( billboard ) from channing tatum twerking for jennifer lopez to host amy schumer \\'s archery fail , there were plenty of highlights and misfires from the 2015 mtv movie awards .here are the jokes , performances and moments that hit the target and the ones and missed it .channing tatum doing his thing : when the cast of \" magic mike xxl \" presented j.lo with the scared as shit performance award , she asked them exactly what we were all thinking : \" why are n\\'t you dancing ? \"']\n", - "=======================\n", - "['mtv movie awards host amy schumer had some hits and misses during the showrebel wilson tossed in a censor-worthy joke']\n", - "( billboard ) from channing tatum twerking for jennifer lopez to host amy schumer 's archery fail , there were plenty of highlights and misfires from the 2015 mtv movie awards .here are the jokes , performances and moments that hit the target and the ones and missed it .channing tatum doing his thing : when the cast of \" magic mike xxl \" presented j.lo with the scared as shit performance award , she asked them exactly what we were all thinking : \" why are n't you dancing ? \"\n", - "mtv movie awards host amy schumer had some hits and misses during the showrebel wilson tossed in a censor-worthy joke\n", - "[1.1913786 1.4367094 1.2371384 1.2333757 1.2688187 1.190527 1.2036942\n", - " 1.1229678 1.1528435 1.1099186 1.0288807 1.0141793 1.012639 1.0220851\n", - " 1.0113554 1.0973117 1.0815867 1.097031 1.0694447 1.029158 1.0429977\n", - " 1.0193971 1.0127484 1.0491332 1.041446 ]\n", - "\n", - "[ 1 4 2 3 6 0 5 8 7 9 15 17 16 18 23 20 24 19 10 13 21 11 22 12\n", - " 14]\n", - "=======================\n", - "['the video shows donald allen , 66 , pointing a loaded , 22-caliber pistol at officer brian barnett on april 11 .then shoots allen dead after he comes at him with the gun , making threatening statements as he does.warning : graphic contentbodycam footage released this week shows a police officer in sand springs , oklahoma , fatally shooting a man']\n", - "=======================\n", - "['police officer in sand springs , oklahoma , shot donald allen on april 11brian barnett , 25 , killed allen , 66 , after man made threatening statementsbodycam footage showed allen advancing with loaded , 22-caliber pistolsand springs police department turned findings over to tulsa county davideo was released after being recovered from a malfunctioning camera']\n", - "the video shows donald allen , 66 , pointing a loaded , 22-caliber pistol at officer brian barnett on april 11 .then shoots allen dead after he comes at him with the gun , making threatening statements as he does.warning : graphic contentbodycam footage released this week shows a police officer in sand springs , oklahoma , fatally shooting a man\n", - "police officer in sand springs , oklahoma , shot donald allen on april 11brian barnett , 25 , killed allen , 66 , after man made threatening statementsbodycam footage showed allen advancing with loaded , 22-caliber pistolsand springs police department turned findings over to tulsa county davideo was released after being recovered from a malfunctioning camera\n", - "[1.36052 1.4209156 1.2237207 1.1427062 1.3424692 1.1775973 1.1020626\n", - " 1.0666834 1.0339845 1.1054499 1.0320843 1.0315957 1.0379975 1.0208532\n", - " 1.1158456 1.0697047 1.090561 1.0393282 1.0197883 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 5 3 14 9 6 16 15 7 17 12 8 10 11 13 18 23 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"fourteen soldiers dispatched to restore order after a 2013 coup have been accused of abusing children as young as nine as they begged for something to eat , according to a french judicial source .francois hollande has vowed to ` show no mercy ' if french peacekeepers are found guilty of sexual assaulting starving children in the central african republic .the investigation has been underway since last year but was only made public yesterday .\"]\n", - "=======================\n", - "['14 soldiers have been accused of abusing children as young as nineinvestigation was started last year but was only made public yesterdayfrench defence ministry has denied covering up the scandal']\n", - "fourteen soldiers dispatched to restore order after a 2013 coup have been accused of abusing children as young as nine as they begged for something to eat , according to a french judicial source .francois hollande has vowed to ` show no mercy ' if french peacekeepers are found guilty of sexual assaulting starving children in the central african republic .the investigation has been underway since last year but was only made public yesterday .\n", - "14 soldiers have been accused of abusing children as young as nineinvestigation was started last year but was only made public yesterdayfrench defence ministry has denied covering up the scandal\n", - "[1.2581282 1.4463224 1.2915813 1.3902439 1.1425226 1.0966128 1.0835305\n", - " 1.0293927 1.0199043 1.0756805 1.0455809 1.0296389 1.0218483 1.0546384\n", - " 1.0966368 1.1206334 1.0092622 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 15 14 5 6 9 13 10 11 7 12 8 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"the first minister was forced to admit her mps would vote for fiscal autonomy as early as next year , despite the catastrophic collapse in north sea oil revenues .nicola sturgeon said she would back calls for all tax powers to be devolved to scotland ` as soon as possible ' , but labour leader jim murphy ( right ) warned this would leave a catastrophic hole in the country 's budgetmiss sturgeon struggled once again in a tv election clash screened by the bbc , just a day after she faced an audience backlash by refusing to rule out a snap second referendum on independence .\"]\n", - "=======================\n", - "[\"miss sturgeon made the call in debate at king 's college , aberdeen , tonightsaid she wants powers ` as quickly as the other parties agree to give them 'scots labour leader jim murphy said move would ruin country 's financesdrop in value of north sea oil would mean a # 7.6 bn hole in the budgetmr rennie , who openly admitted the libdems had broken a promise not to raise tuition fees , cautioned miss sturgeon against breaking her promise that last year 's referendum was a ` once-in-a-generation ' vote .miss davidson was forced to accept the uk government could not stand in the way of another referendum .mr harvie called for the end of north sea oil extraction -- in a city where thousands of workers rely on its future .\"]\n", - "the first minister was forced to admit her mps would vote for fiscal autonomy as early as next year , despite the catastrophic collapse in north sea oil revenues .nicola sturgeon said she would back calls for all tax powers to be devolved to scotland ` as soon as possible ' , but labour leader jim murphy ( right ) warned this would leave a catastrophic hole in the country 's budgetmiss sturgeon struggled once again in a tv election clash screened by the bbc , just a day after she faced an audience backlash by refusing to rule out a snap second referendum on independence .\n", - "miss sturgeon made the call in debate at king 's college , aberdeen , tonightsaid she wants powers ` as quickly as the other parties agree to give them 'scots labour leader jim murphy said move would ruin country 's financesdrop in value of north sea oil would mean a # 7.6 bn hole in the budgetmr rennie , who openly admitted the libdems had broken a promise not to raise tuition fees , cautioned miss sturgeon against breaking her promise that last year 's referendum was a ` once-in-a-generation ' vote .miss davidson was forced to accept the uk government could not stand in the way of another referendum .mr harvie called for the end of north sea oil extraction -- in a city where thousands of workers rely on its future .\n", - "[1.3972787 1.2335356 1.2513134 1.2784029 1.1919699 1.1989167 1.0448219\n", - " 1.0740949 1.0260394 1.0187477 1.0975918 1.20585 1.0602412 1.0646057\n", - " 1.0392594 1.0526217 1.0309466 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 11 5 4 10 7 13 12 15 6 14 16 8 9 23 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"( cnn ) yemeni officials said saudi airstrikes targeting a military base on tuesday hit a nearby school , injuring at least a half dozen students .the officials from ibb 's governor 's office said the al hamza military base was targeted because houthis have been sending reinforcements from ibb to nearby provinces .a third source , with the education ministry in ibb , said three students had been killed at the al bastain school in maitam , in southwestern yemen , as a result of an airstrike .\"]\n", - "=======================\n", - "[\"saudi military official accuses iran of training and arming rebelsyemeni officials say school hit by airstrikes ; one source says three students killednoncombatants are caught up in yemen 's fighting\"]\n", - "( cnn ) yemeni officials said saudi airstrikes targeting a military base on tuesday hit a nearby school , injuring at least a half dozen students .the officials from ibb 's governor 's office said the al hamza military base was targeted because houthis have been sending reinforcements from ibb to nearby provinces .a third source , with the education ministry in ibb , said three students had been killed at the al bastain school in maitam , in southwestern yemen , as a result of an airstrike .\n", - "saudi military official accuses iran of training and arming rebelsyemeni officials say school hit by airstrikes ; one source says three students killednoncombatants are caught up in yemen 's fighting\n", - "[1.2540157 1.3520896 1.2800905 1.235052 1.1806476 1.1805962 1.1044103\n", - " 1.0909003 1.0929644 1.1359994 1.1104804 1.0145752 1.0238429 1.0453461\n", - " 1.0360826 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 5 9 10 6 8 7 13 14 12 11 17 15 16 18]\n", - "=======================\n", - "[\"many were sacked , stripped of their savings and even jailed after cash shortfalls were recorded at some branches -- despite claims that a faulty it system was to blame .the post office failed to properly investigate why money had gone missing from branches before launching court proceedings against subpostmasters , a report revealed yesterday .now a leaked copy of the accountants ' independent report has suggested that the discrepancies could have been caused by computer failures , cyber criminals or human error .\"]\n", - "=======================\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[\"the post office failed to properly investigate why money went missingmany subpostmasters were sacked , stripped of savings and even jailedleaked report says discrepancies could have been caused by it systemsformer tory mp says post office workers were ` dragged through the mud '\"]\n", - "many were sacked , stripped of their savings and even jailed after cash shortfalls were recorded at some branches -- despite claims that a faulty it system was to blame .the post office failed to properly investigate why money had gone missing from branches before launching court proceedings against subpostmasters , a report revealed yesterday .now a leaked copy of the accountants ' independent report has suggested that the discrepancies could have been caused by computer failures , cyber criminals or human error .\n", - "the post office failed to properly investigate why money went missingmany subpostmasters were sacked , stripped of savings and even jailedleaked report says discrepancies could have been caused by it systemsformer tory mp says post office workers were ` dragged through the mud '\n", - "[1.4040862 1.2961041 1.2324448 1.3468667 1.3041117 1.0746715 1.0864568\n", - " 1.0159075 1.0328171 1.0653789 1.1758358 1.2094169 1.0403744 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 1 2 11 10 6 5 9 12 8 7 13 14 15 16 17 18]\n", - "=======================\n", - "[\"zlatan ibrahimovic would have been idolised at the stade velodrome if he had followed in the same footsteps at eric cantona , according to former marseille boss jose anigo .sweden captain ibrahimovic scored in sweden 's 3-1 international friendly win over iran on tuesday nightthe paris saint-germain forward has been compared with cantona for the second time in the space of a few days following peter schmeichel 's comments regarding the 33-year-old .\"]\n", - "=======================\n", - "['jose anigo insists marseille fans would have loved to have seen zlatan ibrahimovic at the stade velodromeanigo compared ibrahimovic to former man united striker eric cantonacantona played at french outfit marseille between 1988 and 1991read : man united should sign ibrahimovic , says peter schmeichel']\n", - "zlatan ibrahimovic would have been idolised at the stade velodrome if he had followed in the same footsteps at eric cantona , according to former marseille boss jose anigo .sweden captain ibrahimovic scored in sweden 's 3-1 international friendly win over iran on tuesday nightthe paris saint-germain forward has been compared with cantona for the second time in the space of a few days following peter schmeichel 's comments regarding the 33-year-old .\n", - "jose anigo insists marseille fans would have loved to have seen zlatan ibrahimovic at the stade velodromeanigo compared ibrahimovic to former man united striker eric cantonacantona played at french outfit marseille between 1988 and 1991read : man united should sign ibrahimovic , says peter schmeichel\n", - "[1.0930147 1.150784 1.3880849 1.204926 1.1980064 1.1570692 1.1662546\n", - " 1.1111231 1.0719627 1.0390162 1.0685124 1.0353664 1.0616654 1.0750271\n", - " 1.0253991 1.0156696 1.0280012 1.0430759 1.0944769]\n", - "\n", - "[ 2 3 4 6 5 1 7 18 0 13 8 10 12 17 9 11 16 14 15]\n", - "=======================\n", - "[\"the area in question -- aptly named carlsberg city -- has been home to the famous carlsberg brewery since 1847 , and with it a big slice of danish cultural history .but the brewery has moved on and the future is moving in .amidst the district 's historic treasure trove of protected architectural buildings will be some 600,000 square meters ( 6.4 million sq ft ) of residential , business , sporting , cultural , and educational space .\"]\n", - "=======================\n", - "[\"new neighborhood named carlsberg city set to emerge in copenhagen , denmarkdistrict has been built on site of beer company 's former brewery\"]\n", - "the area in question -- aptly named carlsberg city -- has been home to the famous carlsberg brewery since 1847 , and with it a big slice of danish cultural history .but the brewery has moved on and the future is moving in .amidst the district 's historic treasure trove of protected architectural buildings will be some 600,000 square meters ( 6.4 million sq ft ) of residential , business , sporting , cultural , and educational space .\n", - "new neighborhood named carlsberg city set to emerge in copenhagen , denmarkdistrict has been built on site of beer company 's former brewery\n", - "[1.3169003 1.2728734 1.2871468 1.2329996 1.2713709 1.128372 1.0872915\n", - " 1.1367857 1.0225325 1.1059235 1.0233234 1.015208 1.0684903 1.0811038\n", - " 1.0805936 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 4 3 7 5 9 6 13 14 12 10 8 11 17 15 16 18]\n", - "=======================\n", - "['with broadcasters demanding hefty fees to watch floyd mayweather take on manny pacquiao next saturday , many boxing fans could turn towards social media to illegally watch the richest fight in history for free .launched by twitter , periscope allows users to broadcast a live stream to their social media followers .the recent explosion of live video streaming apps such as periscope and meerkat have raised the realistic prospect that sky and us broadcasters showtime and hbo could miss out on millions as viewers stream the content between their devices without paying .']\n", - "=======================\n", - "['floyd mayweather and manny pacquiao meet in las vegas on may 2fight is being shown on pay-per-view , with sky sports offering it in the uk for # 20 while us broadcasters showtime and hbo are charging # 59 - # 66fans could turn to social media using new live video streaming apps such as periscope and meerkat to watch the fight illegally for freeread : mayweather vs pacquiao tickets sell out within 60 secondsclick here for all the latest floyd mayweather vs manny pacquiao news']\n", - "with broadcasters demanding hefty fees to watch floyd mayweather take on manny pacquiao next saturday , many boxing fans could turn towards social media to illegally watch the richest fight in history for free .launched by twitter , periscope allows users to broadcast a live stream to their social media followers .the recent explosion of live video streaming apps such as periscope and meerkat have raised the realistic prospect that sky and us broadcasters showtime and hbo could miss out on millions as viewers stream the content between their devices without paying .\n", - "floyd mayweather and manny pacquiao meet in las vegas on may 2fight is being shown on pay-per-view , with sky sports offering it in the uk for # 20 while us broadcasters showtime and hbo are charging # 59 - # 66fans could turn to social media using new live video streaming apps such as periscope and meerkat to watch the fight illegally for freeread : mayweather vs pacquiao tickets sell out within 60 secondsclick here for all the latest floyd mayweather vs manny pacquiao news\n", - "[1.2960358 1.2224251 1.3664558 1.0986277 1.1998534 1.1466802 1.0381219\n", - " 1.0561459 1.0866379 1.0501633 1.0226659 1.0647715 1.1272836 1.028818\n", - " 1.0867201 1.0545816 1.0701782 1.048053 0. ]\n", - "\n", - "[ 2 0 1 4 5 12 3 14 8 16 11 7 15 9 17 6 13 10 18]\n", - "=======================\n", - "[\"samantha wills , from williamstown in south australia , welcomed the joey dubbed ` crash ' into her family after he was thrown from his mother 's pouch when she was hit by a car .meet the australian families who take their pet kangaroos on walks to the beach , go away on holidays and even attend weddings with their owners as their plus-one .they eat and live like cats and dogs , grow up learning how to hop , let their owners give them regular baths , sneak into the kitchen for snacks , take naps and mingle with other pets .\"]\n", - "=======================\n", - "[\"meet the australian families who have pet kangaroos in their homessamantha wills rescued the joey from the side of a road nine months agoshe welcomed ` crash ' into her family and he goes to events with themanother owner , suzie nellist also found a roo when his mother diedshe said they are like ` naughty toddlers ' but they make ` great pets '\"]\n", - "samantha wills , from williamstown in south australia , welcomed the joey dubbed ` crash ' into her family after he was thrown from his mother 's pouch when she was hit by a car .meet the australian families who take their pet kangaroos on walks to the beach , go away on holidays and even attend weddings with their owners as their plus-one .they eat and live like cats and dogs , grow up learning how to hop , let their owners give them regular baths , sneak into the kitchen for snacks , take naps and mingle with other pets .\n", - "meet the australian families who have pet kangaroos in their homessamantha wills rescued the joey from the side of a road nine months agoshe welcomed ` crash ' into her family and he goes to events with themanother owner , suzie nellist also found a roo when his mother diedshe said they are like ` naughty toddlers ' but they make ` great pets '\n", - "[1.1821803 1.5061823 1.2052733 1.4032394 1.1135421 1.157112 1.2184548\n", - " 1.0321529 1.0255911 1.0475848 1.0556817 1.1843988 1.1028616 1.1279076\n", - " 1.0597516 1.0836922 1.0553768 1.043138 1.0830221]\n", - "\n", - "[ 1 3 6 2 11 0 5 13 4 12 15 18 14 10 16 9 17 7 8]\n", - "=======================\n", - "['kim pappas , 25 , was two hours into her working day at ceva logistics in wyandotte , michigan , on march 31 when she disappeared to the bathroom to deliver the boy - and cut the umbilical cord with cuticle scissors .pappas has been charged with premeditated murder .nobody knew she was pregnant .']\n", - "=======================\n", - "['kim pappas did not tell anybody she was pregnant before giving birthshe gave birth standing up in bathroom at ceva logistics in michigancut umbilical cord with cuticle scissors , wrapped baby in plastic bag , put that in a tote bag , then returned to her desk and put it in a drawerco-workers had heard moaning then saw blood on restroom floorthey spotted blood on pappas then found the baby dead in the drawershe claimed she had a miscarriage but autopsy shows suffocationpappas faces charges of premeditated murder and child abuse , denied bail']\n", - "kim pappas , 25 , was two hours into her working day at ceva logistics in wyandotte , michigan , on march 31 when she disappeared to the bathroom to deliver the boy - and cut the umbilical cord with cuticle scissors .pappas has been charged with premeditated murder .nobody knew she was pregnant .\n", - "kim pappas did not tell anybody she was pregnant before giving birthshe gave birth standing up in bathroom at ceva logistics in michigancut umbilical cord with cuticle scissors , wrapped baby in plastic bag , put that in a tote bag , then returned to her desk and put it in a drawerco-workers had heard moaning then saw blood on restroom floorthey spotted blood on pappas then found the baby dead in the drawershe claimed she had a miscarriage but autopsy shows suffocationpappas faces charges of premeditated murder and child abuse , denied bail\n", - "[1.2411067 1.3891678 1.2736406 1.3352059 1.2222366 1.0934342 1.0767838\n", - " 1.1031194 1.0893867 1.0344101 1.0590377 1.1150601 1.1025519 1.0284936\n", - " 1.0297204 1.0834057 1.0997452 1.0478868 1.02946 ]\n", - "\n", - "[ 1 3 2 0 4 11 7 12 16 5 8 15 6 10 17 9 14 18 13]\n", - "=======================\n", - "['the 18-year-old reportedly fled to the toilet in tears and afterwards told police that the # 55,000-a-week tottenham winger had left her with a bruise below her eye .a teenage waitress claims england footballer aaron lennon ( pictured playing for everton ) grabbed her , slapped her and ripped her topthe 28-year-old , who is on loan to everton , was reportedly interviewed by officers under caution over the alleged assault earlier this month .']\n", - "=======================\n", - "['lennon reportedly partied at suede nightclub in manchester on april 4venue packed with hundreds who had come to see trey songz performalleged victim says # 55,000-a-week star left her with bruise below her eyetottenham winger , on loan to everton , interviewed on suspicion of assaultgreater manchester police spokesperson said no arrests have been made']\n", - "the 18-year-old reportedly fled to the toilet in tears and afterwards told police that the # 55,000-a-week tottenham winger had left her with a bruise below her eye .a teenage waitress claims england footballer aaron lennon ( pictured playing for everton ) grabbed her , slapped her and ripped her topthe 28-year-old , who is on loan to everton , was reportedly interviewed by officers under caution over the alleged assault earlier this month .\n", - "lennon reportedly partied at suede nightclub in manchester on april 4venue packed with hundreds who had come to see trey songz performalleged victim says # 55,000-a-week star left her with bruise below her eyetottenham winger , on loan to everton , interviewed on suspicion of assaultgreater manchester police spokesperson said no arrests have been made\n", - "[1.1716973 1.406941 1.288146 1.3092384 1.2937293 1.1235495 1.1620475\n", - " 1.065687 1.0975754 1.0376365 1.0119169 1.0727085 1.0518953 1.1067768\n", - " 1.0632526 1.0474583 1.0130979 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 6 5 13 8 11 7 14 12 15 9 16 10 17 18]\n", - "=======================\n", - "['attorney-turned-cook and activist joan cheever has spent the past decade feeding the homeless from the back of her charity food truck , until earlier this month she was slapped with a $ 2,000 fine for her charitable efforts .cheever founded the chow train non-profit organization in 2005 , preparing hot meals in her licensed mobile kitchen and serving them at city parks out of her personal pickup , which she has been using as a delivery truck because it is more maneuverable .san antonio city officials have messed with the wrong texas chef .']\n", - "=======================\n", - "[\"san antonio police officers issued a fine to local chef and activist joan cheever for feeding the homeless at maverick park april 7cheever founded the chow train non-profit food truck in 2005 to feed the city 's poorhas a commercially licensed mobile food truck where she prepares her meals , but she serves them out of her personal pickup truckcheever accused city officials of violating her freedom of religion because she considers cooking and feeding the poor a free exercise of her faith\"]\n", - "attorney-turned-cook and activist joan cheever has spent the past decade feeding the homeless from the back of her charity food truck , until earlier this month she was slapped with a $ 2,000 fine for her charitable efforts .cheever founded the chow train non-profit organization in 2005 , preparing hot meals in her licensed mobile kitchen and serving them at city parks out of her personal pickup , which she has been using as a delivery truck because it is more maneuverable .san antonio city officials have messed with the wrong texas chef .\n", - "san antonio police officers issued a fine to local chef and activist joan cheever for feeding the homeless at maverick park april 7cheever founded the chow train non-profit food truck in 2005 to feed the city 's poorhas a commercially licensed mobile food truck where she prepares her meals , but she serves them out of her personal pickup truckcheever accused city officials of violating her freedom of religion because she considers cooking and feeding the poor a free exercise of her faith\n", - "[1.3735613 1.1918015 1.3140154 1.1434867 1.1870725 1.2214661 1.1479075\n", - " 1.1575711 1.0659903 1.0810399 1.0408959 1.0649887 1.0740197 1.0809712\n", - " 1.1672571 1.0104649 1.0092962 1.0081574 0. ]\n", - "\n", - "[ 0 2 5 1 4 14 7 6 3 9 13 12 8 11 10 15 16 17 18]\n", - "=======================\n", - "[\"lord janner sent a ` thank you ' christmas card to a detective after learning he would escape child sex abuse charges , it emerged yesterdaythe officer said he was appalled by the labour peer 's note after his superiors forced him to drop his inquiries into janner 's alleged sex abuse .the revelation of janner 's apparent attempt to influence the police came amid fresh concerns about the establishment cover-up of the labour grandee 's alleged paedophilia .\"]\n", - "=======================\n", - "[\"janner sent the card to detective after learning he would not be chargedchristmas card even invited retired kelvyn ashby to dinner at parliamentformer policeman said he was appalled by the labour peer 's noteofficer says superiors forced him to drop inquiries into alleged sex abusefour medical experts who examined the peer did not all agree on the nature and extent of his dementia , as outlined by mrs saunders ;janner 's own barrister was surprised he escaped charges in 1991 , and suspected attempts to influence the prosecutors ' decision ;the director of public prosecutions in charge at the time said he could not even remember seeing the politician 's file .\"]\n", - "lord janner sent a ` thank you ' christmas card to a detective after learning he would escape child sex abuse charges , it emerged yesterdaythe officer said he was appalled by the labour peer 's note after his superiors forced him to drop his inquiries into janner 's alleged sex abuse .the revelation of janner 's apparent attempt to influence the police came amid fresh concerns about the establishment cover-up of the labour grandee 's alleged paedophilia .\n", - "janner sent the card to detective after learning he would not be chargedchristmas card even invited retired kelvyn ashby to dinner at parliamentformer policeman said he was appalled by the labour peer 's noteofficer says superiors forced him to drop inquiries into alleged sex abusefour medical experts who examined the peer did not all agree on the nature and extent of his dementia , as outlined by mrs saunders ;janner 's own barrister was surprised he escaped charges in 1991 , and suspected attempts to influence the prosecutors ' decision ;the director of public prosecutions in charge at the time said he could not even remember seeing the politician 's file .\n", - "[1.2600491 1.4158816 1.270263 1.3780634 1.1728657 1.1692427 1.0324036\n", - " 1.0227723 1.0937276 1.0814416 1.0302399 1.0283211 1.134848 1.0206921\n", - " 1.010053 1.0131301 1.0096564 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 12 8 9 6 10 11 7 13 15 14 16 17 18]\n", - "=======================\n", - "[\"the 15-year-old , from whitley bay , was left on a heart machine after she collapsed through starvation but has now spoken about pressures put on teenagers to be a ` size zero ' .laura became so obsessed with having the perfect figure she would hide food down the side of her bed , lying to her mother about eating and sometimes surviving on just a piece of fruit a day .but her dramatic weight loss led to horrific consequences when she suddenly collapsed at her family home and was rushed to intensive care .\"]\n", - "=======================\n", - "['at 13 , laura scurr went on a diet which would turn into a scary obsessionlaura developed anorexia and would survive on one piece of fruit a daynow 15 she has overcome the disorder and is battling backlaura has spoken of the pressures on young girls to be a size zero']\n", - "the 15-year-old , from whitley bay , was left on a heart machine after she collapsed through starvation but has now spoken about pressures put on teenagers to be a ` size zero ' .laura became so obsessed with having the perfect figure she would hide food down the side of her bed , lying to her mother about eating and sometimes surviving on just a piece of fruit a day .but her dramatic weight loss led to horrific consequences when she suddenly collapsed at her family home and was rushed to intensive care .\n", - "at 13 , laura scurr went on a diet which would turn into a scary obsessionlaura developed anorexia and would survive on one piece of fruit a daynow 15 she has overcome the disorder and is battling backlaura has spoken of the pressures on young girls to be a size zero\n", - "[1.4240406 1.2441465 1.1904931 1.0910283 1.1725276 1.077003 1.0723618\n", - " 1.041458 1.074058 1.0707406 1.1377395 1.103413 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 4 10 11 3 5 8 6 9 7 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "['the vatican says pope francis may add another leg to his trip to the united states this september , visiting cuba just months after he helped negotiate a diplomatic thaw between the two nations .the possibility , which would add a dimension of international intrigue to an already highly anticipated trip , was first reported thursday by the wall street journal .the pope is expected to continue his international activism this july with a trip to south america , where he will visit ecuador , bolivia and paraguay .']\n", - "=======================\n", - "['pope francis played key role in re-establishing diplomatic ties between cuba and u.s.\" contacts with the cuban authorities are still in too early a phase , \" vatican spokesman says']\n", - "the vatican says pope francis may add another leg to his trip to the united states this september , visiting cuba just months after he helped negotiate a diplomatic thaw between the two nations .the possibility , which would add a dimension of international intrigue to an already highly anticipated trip , was first reported thursday by the wall street journal .the pope is expected to continue his international activism this july with a trip to south america , where he will visit ecuador , bolivia and paraguay .\n", - "pope francis played key role in re-establishing diplomatic ties between cuba and u.s.\" contacts with the cuban authorities are still in too early a phase , \" vatican spokesman says\n", - "[1.2068746 1.1763479 1.1125505 1.3417099 1.1726954 1.1634969 1.1837331\n", - " 1.1482334 1.0872005 1.0459179 1.0600811 1.0610427 1.1644905 1.0723785\n", - " 1.0709528 1.0191286 1.0388293 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 6 1 4 12 5 7 2 8 13 14 11 10 9 16 15 17 18 19 20]\n", - "=======================\n", - "[\"national grid has revealed the uk 's first new pylon for nearly 90 years .it has been almost 90 years since the electricity pylon as we know it was introduced into the uk .it is designed to be less obtrusive and will be used for clean energy purposes\"]\n", - "=======================\n", - "[\"national grid has revealed the uk 's first new pylon for nearly 90 yearscalled the t-pylon it is a third shorter than the old lattice pylonsbut it is able to carry just as much power - 400,000 voltsit is designed to be less obtrusive and will be used for clean energy\"]\n", - "national grid has revealed the uk 's first new pylon for nearly 90 years .it has been almost 90 years since the electricity pylon as we know it was introduced into the uk .it is designed to be less obtrusive and will be used for clean energy purposes\n", - "national grid has revealed the uk 's first new pylon for nearly 90 yearscalled the t-pylon it is a third shorter than the old lattice pylonsbut it is able to carry just as much power - 400,000 voltsit is designed to be less obtrusive and will be used for clean energy\n", - "[1.4163193 1.3348753 1.2310348 1.4977378 1.2227323 1.0846049 1.1050498\n", - " 1.109131 1.1448152 1.0430603 1.0348603 1.014542 1.0147027 1.0094042\n", - " 1.0248941 1.010881 1.0937812 1.0986825 1.1094316 1.039535 1.053549 ]\n", - "\n", - "[ 3 0 1 2 4 8 18 7 6 17 16 5 20 9 19 10 14 12 11 15 13]\n", - "=======================\n", - "[\"stoke city midfielder charlie adam scored the goal of his career during stoke city 's defeat to chelseathe scotland international picked the ball up inside his own half and stunned blues goalkeeper thibaut courtois with a sensational 66-yard effort .courtois scrambled and was left on his back after adam 's spectacular strike sailed into the back of the net\"]\n", - "=======================\n", - "[\"charlie adam scored goal of his career in stoke city 's defeat to chelseaadam beat thibaut courtois from all of 65-yards at stamford bridgecourtois scrambled back but was unable to deny the scottish internationaladam though was left with mixed feelings as chelsea earned three points\"]\n", - "stoke city midfielder charlie adam scored the goal of his career during stoke city 's defeat to chelseathe scotland international picked the ball up inside his own half and stunned blues goalkeeper thibaut courtois with a sensational 66-yard effort .courtois scrambled and was left on his back after adam 's spectacular strike sailed into the back of the net\n", - "charlie adam scored goal of his career in stoke city 's defeat to chelseaadam beat thibaut courtois from all of 65-yards at stamford bridgecourtois scrambled back but was unable to deny the scottish internationaladam though was left with mixed feelings as chelsea earned three points\n", - "[1.3378899 1.4328268 1.3966154 1.3083934 1.2105271 1.1267395 1.0869838\n", - " 1.1094445 1.0728133 1.0889089 1.1977509 1.0115465 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 10 5 7 9 6 8 11 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"five men and one woman were detained at approximately 8am this morning in the departure zone of the south coast port , according to the force 's twitter feed .four of the men , all in their 20s , are from birmingham , west midlands , while a 26-year-old man and a 23-year-old woman of no fixed abode were also held .they are currently being questioned at a police station in the west midlands area .\"]\n", - "=======================\n", - "[\"five men and one woman were arrested at 8am in the port 's departure zonethe group , all in their 20s , are currently being questioned at police stationsearches taking place at a number of addresses in birmingham , west midssuspects are not a family group and were not accompanied by children\"]\n", - "five men and one woman were detained at approximately 8am this morning in the departure zone of the south coast port , according to the force 's twitter feed .four of the men , all in their 20s , are from birmingham , west midlands , while a 26-year-old man and a 23-year-old woman of no fixed abode were also held .they are currently being questioned at a police station in the west midlands area .\n", - "five men and one woman were arrested at 8am in the port 's departure zonethe group , all in their 20s , are currently being questioned at police stationsearches taking place at a number of addresses in birmingham , west midssuspects are not a family group and were not accompanied by children\n", - "[1.4540083 1.1890478 1.4718903 1.2941276 1.1964837 1.1235065 1.0881515\n", - " 1.1340243 1.0798944 1.0465568 1.0161924 1.0256845 1.1403869 1.0366977\n", - " 1.1908813 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 4 14 1 12 7 5 6 8 9 13 11 10 15 16 17 18 19 20]\n", - "=======================\n", - "[\"john coyne , 56 , who ran the prince of wales pub in harrow road , central london , attacked his 25-year-old victim who had fallen unconscious after a night of drinking in october last year .coyne was convicted of rape and engaging in sexual activity without consent and jailed at blackfriars crown court yesterday .the jury heard the victim , who is heterosexual , had been on a night out with friends after finishing work and ended the night at coyne 's pub where he fell asleep on a sofa .\"]\n", - "=======================\n", - "[\"john coyne 's victim , 25 , woke to find the pub landlord raping him on sofadetectives seized cctv of coyne attacking drinker but he still denied crimejailed for 9 years after jury found him guilty of rape and other sex offencepolice urge anyone who may have been abused by coyne to come forward\"]\n", - "john coyne , 56 , who ran the prince of wales pub in harrow road , central london , attacked his 25-year-old victim who had fallen unconscious after a night of drinking in october last year .coyne was convicted of rape and engaging in sexual activity without consent and jailed at blackfriars crown court yesterday .the jury heard the victim , who is heterosexual , had been on a night out with friends after finishing work and ended the night at coyne 's pub where he fell asleep on a sofa .\n", - "john coyne 's victim , 25 , woke to find the pub landlord raping him on sofadetectives seized cctv of coyne attacking drinker but he still denied crimejailed for 9 years after jury found him guilty of rape and other sex offencepolice urge anyone who may have been abused by coyne to come forward\n", - "[1.1269709 1.0407807 1.0513097 1.1274216 1.1768054 1.1179907 1.1702019\n", - " 1.1332346 1.0395862 1.0483673 1.0923299 1.0696976 1.0875058 1.0787206\n", - " 1.0933778 1.0672894 1.0405933 1.0165826 0. ]\n", - "\n", - "[ 4 6 7 3 0 5 14 10 12 13 11 15 2 9 1 16 8 17 18]\n", - "=======================\n", - "[\"the man is peter greste .it 's easy to lead a horse to water when , in the centenary year of the gallipoli campaign , our nation is at saturation point with battlefield remembrance .the sum total of television programming , beer advertising , political grandstanding and opportunistic marketing suggests that the historical legacy of australia 's involvement in the first world war boils down to a simple equation : young ( white ) man plus distant beach equals sacrifice .\"]\n", - "=======================\n", - "['april 25 , 2015 marks the centenary of the start of the gallipoli campaign in turkey during wwianzac troops stormed the beaches at gallipoli , beginning a bloody eight-month campaign']\n", - "the man is peter greste .it 's easy to lead a horse to water when , in the centenary year of the gallipoli campaign , our nation is at saturation point with battlefield remembrance .the sum total of television programming , beer advertising , political grandstanding and opportunistic marketing suggests that the historical legacy of australia 's involvement in the first world war boils down to a simple equation : young ( white ) man plus distant beach equals sacrifice .\n", - "april 25 , 2015 marks the centenary of the start of the gallipoli campaign in turkey during wwianzac troops stormed the beaches at gallipoli , beginning a bloody eight-month campaign\n", - "[1.3811196 1.2514787 1.3529911 1.2203121 1.1849835 1.1794978 1.1111417\n", - " 1.08395 1.0133486 1.0143425 1.025303 1.2649026 1.151673 1.0670458\n", - " 1.0324386 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 11 1 3 4 5 12 6 7 13 14 10 9 8 15 16 17 18]\n", - "=======================\n", - "[\"claim : murder suspect dmitri kovtun says that alexander litvinenko killed himself by mistakedmitri kovtun , who is wanted for the dissident 's murder , insisted that he was not involved in mr litvinenko 's death and suggested that he had poisoned himself without knowing it .killed : litvinenko died of radiation poisoning in november 2006 after meeting kovtun and alexander lugovoi\"]\n", - "=======================\n", - "[\"dmitri kovtun claims alexander litvinenko was carrying around polonium without knowing itsays the ex-spy 's death was ` accidental suicide ' during press conferencekovtun denies murdering litvinenko , but has agreed to give evidence at the public inquiry into his death\"]\n", - "claim : murder suspect dmitri kovtun says that alexander litvinenko killed himself by mistakedmitri kovtun , who is wanted for the dissident 's murder , insisted that he was not involved in mr litvinenko 's death and suggested that he had poisoned himself without knowing it .killed : litvinenko died of radiation poisoning in november 2006 after meeting kovtun and alexander lugovoi\n", - "dmitri kovtun claims alexander litvinenko was carrying around polonium without knowing itsays the ex-spy 's death was ` accidental suicide ' during press conferencekovtun denies murdering litvinenko , but has agreed to give evidence at the public inquiry into his death\n", - "[1.4386401 1.3215078 1.1240412 1.4604673 1.110366 1.1315944 1.1648573\n", - " 1.0783366 1.0472034 1.0217112 1.0218306 1.0110565 1.1803297 1.1686746\n", - " 1.0113337 1.010481 1.0104904 1.0110325 1.011682 ]\n", - "\n", - "[ 3 0 1 12 13 6 5 2 4 7 8 10 9 18 14 11 17 16 15]\n", - "=======================\n", - "['lewis hamilton celebrates his victory at the bahrain grand prix ahead of the ferrari of kimi raikkonenferrari team principal maurizio arrivabene has revealed to using a carrot-and-stick method with kimi raikkonen to keep his desire to remain with the maranello marque high .with lewis hamilton yet to sign his new contract as he negotiates the finer details with mercedes , it has been suggested that the 30-year-old will replace raikkonen at ferrari for next season .']\n", - "=======================\n", - "[\"lewis hamilton won sunday 's barhain grand prix ahead of kimi raikkonenhamilton is out of contract at the end of the year and is yet to sign new dealit has been suggested that hamilton could replace raikkonen at ferraribut team principal maurizio arrivabene says he is happy with driver line-up\"]\n", - "lewis hamilton celebrates his victory at the bahrain grand prix ahead of the ferrari of kimi raikkonenferrari team principal maurizio arrivabene has revealed to using a carrot-and-stick method with kimi raikkonen to keep his desire to remain with the maranello marque high .with lewis hamilton yet to sign his new contract as he negotiates the finer details with mercedes , it has been suggested that the 30-year-old will replace raikkonen at ferrari for next season .\n", - "lewis hamilton won sunday 's barhain grand prix ahead of kimi raikkonenhamilton is out of contract at the end of the year and is yet to sign new dealit has been suggested that hamilton could replace raikkonen at ferraribut team principal maurizio arrivabene says he is happy with driver line-up\n", - "[1.2499933 1.3163152 1.2633715 1.4008633 1.1942934 1.0826569 1.1098819\n", - " 1.0374231 1.1808639 1.0927142 1.0410335 1.0336366 1.0509866 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 0 4 8 6 9 5 12 10 7 11 17 13 14 15 16 18]\n", - "=======================\n", - "['the bell 525 relentless is due to make its maiden flight this year with purchasers forking out $ 15million ( # 10.12 m ) for their ownonce it flies for the first time a little behind schedule , the helicopter will cruise at a maximum of 178 miles per hour and with its 2,4000-litre fuel capacity be able to fly up to 575 miles without stopping .the commercial helicopter has a luxurious 88-square-foot cabin and space to fit 20 passengers in boardroom-style comfort']\n", - "=======================\n", - "['the bell 525 relentless boasts an 88-square-foot cabin and space to fit 20 passengers in boardroom-style comfortthe craft , by textron , will make its maiden flight this year and is aimed at the rich offshore oil and gas marketit will cruise at a maximum of 178 miles per hour and with its 2,4000-litre fuel capacity fly 575 miles without stopping']\n", - "the bell 525 relentless is due to make its maiden flight this year with purchasers forking out $ 15million ( # 10.12 m ) for their ownonce it flies for the first time a little behind schedule , the helicopter will cruise at a maximum of 178 miles per hour and with its 2,4000-litre fuel capacity be able to fly up to 575 miles without stopping .the commercial helicopter has a luxurious 88-square-foot cabin and space to fit 20 passengers in boardroom-style comfort\n", - "the bell 525 relentless boasts an 88-square-foot cabin and space to fit 20 passengers in boardroom-style comfortthe craft , by textron , will make its maiden flight this year and is aimed at the rich offshore oil and gas marketit will cruise at a maximum of 178 miles per hour and with its 2,4000-litre fuel capacity fly 575 miles without stopping\n", - "[1.2414236 1.1642773 1.1149786 1.0902954 1.0504005 1.0392376 1.1189855\n", - " 1.0869756 1.1550243 1.1046103 1.0708352 1.0574785 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 8 6 2 9 3 7 10 11 4 5 17 12 13 14 15 16 18]\n", - "=======================\n", - "['( cnn ) i do n\\'t always talk about news events with my daughters , but there was something about the story of espn reporter britt mchenry and the wildly offensive way she spoke to that towing company employee that made me bring it up .one of the main things i preach to my girls , ages 7 and 9 , is the importance of respecting other people , no matter who you are and what you go on to accomplish .mchenry has since apologized on twitter , saying she said \" some insulting and regrettable things , \" and that as frustrated as she was during an experience at a towing company in virginia , she should \" always choose to be respectful and take the high road . \"']\n", - "=======================\n", - "[\"espn reporter britt mchenry caught on video berating a towing company employeecnn 's kelly wallace used the story as a teachable moment for her daughterswallace : mchenry could learn from other celebrities who responded gracefully in stressful situations\"]\n", - "( cnn ) i do n't always talk about news events with my daughters , but there was something about the story of espn reporter britt mchenry and the wildly offensive way she spoke to that towing company employee that made me bring it up .one of the main things i preach to my girls , ages 7 and 9 , is the importance of respecting other people , no matter who you are and what you go on to accomplish .mchenry has since apologized on twitter , saying she said \" some insulting and regrettable things , \" and that as frustrated as she was during an experience at a towing company in virginia , she should \" always choose to be respectful and take the high road . \"\n", - "espn reporter britt mchenry caught on video berating a towing company employeecnn 's kelly wallace used the story as a teachable moment for her daughterswallace : mchenry could learn from other celebrities who responded gracefully in stressful situations\n", - "[1.1439698 1.2991536 1.1716232 1.328712 1.2943556 1.0661825 1.0635973\n", - " 1.083053 1.0741276 1.0574006 1.0531741 1.1284596 1.1103839 1.1495886\n", - " 1.0208192 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 1 4 2 13 0 11 12 7 8 5 6 9 10 14 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"spanish papers report on the attacking selection that real madrid boss carlo ancelotti now has at the clubfor the first time since november midfield quartet isco , toni kroos , luka modric and james rodriguez are all fit and available alongside famed ` bbc ' triumvirate of gareth bale , karim benzema and cristiano ronaldo .however , as spanish paper as reports seven players into six spots does n't go - with one set to be upset at being left out of his preferred 4-3-3 formation .\"]\n", - "=======================\n", - "['real madrid thrashed granada 9-1 in la liga at home on sundayfor the first time since november real have all seven attacking stars fitfiorentina host juventus in coppa italia semi-final second leg on tuesday']\n", - "spanish papers report on the attacking selection that real madrid boss carlo ancelotti now has at the clubfor the first time since november midfield quartet isco , toni kroos , luka modric and james rodriguez are all fit and available alongside famed ` bbc ' triumvirate of gareth bale , karim benzema and cristiano ronaldo .however , as spanish paper as reports seven players into six spots does n't go - with one set to be upset at being left out of his preferred 4-3-3 formation .\n", - "real madrid thrashed granada 9-1 in la liga at home on sundayfor the first time since november real have all seven attacking stars fitfiorentina host juventus in coppa italia semi-final second leg on tuesday\n", - "[1.264261 1.3434254 1.2596005 1.1582079 1.0810735 1.0724443 1.08694\n", - " 1.1030899 1.0279534 1.2574605 1.1216762 1.0541188 1.0144192 1.0156823\n", - " 1.012625 1.1293099 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 2 9 3 15 10 7 6 4 5 11 8 13 12 14 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"but in 2011 , dr shannon was trapped in his burning suv after it was t-boned by a semi-truck , when trokey , now an orange county fire authority paramedic , worked to pull him out alive .when dr michael shannon saved chris trokey 's life when he was born premature more than 30 years ago , he could never have known that the favor would one day be returned .their incredible story was shared by ktla after the pair both participated in a fundraiser for childhood cancer in rancho santa margarita , california on sunday .\"]\n", - "=======================\n", - "[\"orange county fire authority paramedic chris trokey was part of a team that saved a driver 's life after his car was hit by a truck in 2011when he went to the hospital , he learned the man was dr michael shannon - the same man who saved his life when he was born weighing 3lbsthe two men reunited this weekend at a fundraising event\"]\n", - "but in 2011 , dr shannon was trapped in his burning suv after it was t-boned by a semi-truck , when trokey , now an orange county fire authority paramedic , worked to pull him out alive .when dr michael shannon saved chris trokey 's life when he was born premature more than 30 years ago , he could never have known that the favor would one day be returned .their incredible story was shared by ktla after the pair both participated in a fundraiser for childhood cancer in rancho santa margarita , california on sunday .\n", - "orange county fire authority paramedic chris trokey was part of a team that saved a driver 's life after his car was hit by a truck in 2011when he went to the hospital , he learned the man was dr michael shannon - the same man who saved his life when he was born weighing 3lbsthe two men reunited this weekend at a fundraising event\n", - "[1.0404471 1.2518665 1.3121059 1.4577751 1.099215 1.1267893 1.0688958\n", - " 1.1142453 1.1126809 1.0619919 1.0268404 1.1192999 1.0523913 1.066365\n", - " 1.1542048 1.0598004 1.0415775 1.0164465 1.0068007 1.0068163 1.0077899\n", - " 1.0135009 1.1038468]\n", - "\n", - "[ 3 2 1 14 5 11 7 8 22 4 6 13 9 15 12 16 0 10 17 21 20 19 18]\n", - "=======================\n", - "[\"leah williamson ( centre ) stepped up again to take the penalty during the 18-second rematch against norwayleah williamson stood up , a player for arsenal ladies but virtually anonymous in wider conversations about football .that was the surreal upshot of one of the shortest international matches in history on thursday night , when 22 women from england and norway 's under 19 sides got together for a couple of minutes of football .\"]\n", - "=======================\n", - "[\"leah williamson scores penalty as england earn 2-2 against norwayuefa ordered the final 18 seconds of the qualifier to be replayed after a refereeing mistakethe action lasted 65 seconds from point whistle was blown to full-timereferee marija kurtes incorrectly awarded an indirect free-kick to norway for encroachment after disallowing england 's penalty on saturdayengland were 2-1 down to norway at the time in the 96th minutegerman kurtes , 28 , has been sent home following her errorthree lions earn 3-1 victory against switzerland meaning a 2-2 will be enough for european championship qualificationnorway beat northern ireland 8-1 to keep things tight in group 4it is the first time ever that a decision like this has been taken by uefawatch video below of the controversial penalty incidentread : graham poll 's expert verdict on uefa 's bizarre decision\"]\n", - "leah williamson ( centre ) stepped up again to take the penalty during the 18-second rematch against norwayleah williamson stood up , a player for arsenal ladies but virtually anonymous in wider conversations about football .that was the surreal upshot of one of the shortest international matches in history on thursday night , when 22 women from england and norway 's under 19 sides got together for a couple of minutes of football .\n", - "leah williamson scores penalty as england earn 2-2 against norwayuefa ordered the final 18 seconds of the qualifier to be replayed after a refereeing mistakethe action lasted 65 seconds from point whistle was blown to full-timereferee marija kurtes incorrectly awarded an indirect free-kick to norway for encroachment after disallowing england 's penalty on saturdayengland were 2-1 down to norway at the time in the 96th minutegerman kurtes , 28 , has been sent home following her errorthree lions earn 3-1 victory against switzerland meaning a 2-2 will be enough for european championship qualificationnorway beat northern ireland 8-1 to keep things tight in group 4it is the first time ever that a decision like this has been taken by uefawatch video below of the controversial penalty incidentread : graham poll 's expert verdict on uefa 's bizarre decision\n", - "[1.2389615 1.3903055 1.3422137 1.1737816 1.3380439 1.0567665 1.0502006\n", - " 1.0455872 1.0673414 1.1617525 1.0636953 1.1143844 1.0494479 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 4 0 3 9 11 8 10 5 6 12 7 21 13 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"an administrative law judge said that sweet cakes by melissa , in the portland suburb of gresham , discriminated against rachel bowman-cryer and her wife laurel and caused them emotional suffering .melissa klein and her husband aaron refused to make the couple , who held a commitment ceremony in june 2013 , a cake after learning that they were lesbians in january of that year because they disapprove of gay marriage for religious reasons .the kleins were able to raise more than $ 100,000 from anonymous donors on a fundraising page before it was shut down for violating gofundme 's terms of service .\"]\n", - "=======================\n", - "[\"sweet cakes by melissa in oregon found to have discriminated against lesbian couple by refusing them wedding cake in january 2013melissa and aaron klein ordered to pay fine that they say will ` ruin ' themrachel bowman-cryer and her wife laurel said to have suffered emotional distress from case , which prompted death threatsfine of $ 135,000 may be increased or decreased by state labor headfundraising page for bakery raised $ 100,000 before it was shut it downbakers said ` satan 's really at work ' and urged donations on christian site\"]\n", - "an administrative law judge said that sweet cakes by melissa , in the portland suburb of gresham , discriminated against rachel bowman-cryer and her wife laurel and caused them emotional suffering .melissa klein and her husband aaron refused to make the couple , who held a commitment ceremony in june 2013 , a cake after learning that they were lesbians in january of that year because they disapprove of gay marriage for religious reasons .the kleins were able to raise more than $ 100,000 from anonymous donors on a fundraising page before it was shut down for violating gofundme 's terms of service .\n", - "sweet cakes by melissa in oregon found to have discriminated against lesbian couple by refusing them wedding cake in january 2013melissa and aaron klein ordered to pay fine that they say will ` ruin ' themrachel bowman-cryer and her wife laurel said to have suffered emotional distress from case , which prompted death threatsfine of $ 135,000 may be increased or decreased by state labor headfundraising page for bakery raised $ 100,000 before it was shut it downbakers said ` satan 's really at work ' and urged donations on christian site\n", - "[1.1452558 1.3499206 1.1968658 1.071749 1.1942673 1.2452041 1.147673\n", - " 1.066335 1.0323699 1.0474734 1.0474862 1.0345447 1.0753399 1.0771455\n", - " 1.0406067 1.0188568 1.0377051 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 5 2 4 6 0 13 12 3 7 10 9 14 16 11 8 15 17 18 19 20 21 22]\n", - "=======================\n", - "['ancient civilisations such as the romans , greeks and egyptians have had to deal with rowdy , drunken behaviour in public for thousands of years .mark bellis , who is honorary professor of public health at bangor university , is giving a talk at a conference in las vegas this week about the history of binge drinking .now one academic suggests that modern authorities should take a lead from their forebears as they attempt to mitigate the impact of our boozy culture .']\n", - "=======================\n", - "['health expert mark bellis says alcohol abuse goes back as far as ancient civilisations such as the greeks and mesopotamiansthe egyptians used to warn against mixing alcoholic drinks with drugsauthorities tackled public drunkenness with street lights and advertising']\n", - "ancient civilisations such as the romans , greeks and egyptians have had to deal with rowdy , drunken behaviour in public for thousands of years .mark bellis , who is honorary professor of public health at bangor university , is giving a talk at a conference in las vegas this week about the history of binge drinking .now one academic suggests that modern authorities should take a lead from their forebears as they attempt to mitigate the impact of our boozy culture .\n", - "health expert mark bellis says alcohol abuse goes back as far as ancient civilisations such as the greeks and mesopotamiansthe egyptians used to warn against mixing alcoholic drinks with drugsauthorities tackled public drunkenness with street lights and advertising\n", - "[1.1588812 1.4791496 1.2488309 1.1562055 1.1713111 1.3474057 1.1546055\n", - " 1.1781763 1.0795815 1.0741216 1.086927 1.0659792 1.0826522 1.0301205\n", - " 1.0150317 1.0157641 1.0232569 1.013892 1.0098277 1.0066048 1.1423136\n", - " 1.0625129]\n", - "\n", - "[ 1 5 2 7 4 0 3 6 20 10 12 8 9 11 21 13 16 15 14 17 18 19]\n", - "=======================\n", - "[\"doctors told cara newton , 32 , from fleet , hampshire , she had a zero per cent chance of conceiving naturally after being diagnosed with bone cancer in 2009 .while mrs newton and her husband , chris , 34 , were relieved that chemotherapy had worked , they were devastated to be told they would never have a family of their own .mrs newton was diagnosed with ewing 's sarcoma - a rare type of bone cancer - in april 2009 .\"]\n", - "=======================\n", - "[\"cara newton , 32 , was told she was infertile after undergoing chemotherapywas diagnosed with the rare bone cancer ewing 's sarcoma in 2009some chemotherapy drugs permanently stop the ovaries producing eggsafter ivf failed , she was overjoyed to conceive baby sebastian naturally\"]\n", - "doctors told cara newton , 32 , from fleet , hampshire , she had a zero per cent chance of conceiving naturally after being diagnosed with bone cancer in 2009 .while mrs newton and her husband , chris , 34 , were relieved that chemotherapy had worked , they were devastated to be told they would never have a family of their own .mrs newton was diagnosed with ewing 's sarcoma - a rare type of bone cancer - in april 2009 .\n", - "cara newton , 32 , was told she was infertile after undergoing chemotherapywas diagnosed with the rare bone cancer ewing 's sarcoma in 2009some chemotherapy drugs permanently stop the ovaries producing eggsafter ivf failed , she was overjoyed to conceive baby sebastian naturally\n", - "[1.1348218 1.4168606 1.3069017 1.0659243 1.2459822 1.2116499 1.1686524\n", - " 1.1518583 1.1318591 1.0717238 1.048394 1.1388786 1.105456 1.0679686\n", - " 1.0310695 1.030246 1.0443016 1.0184745 1.0172654 1.0141118 1.0227121\n", - " 0. ]\n", - "\n", - "[ 1 2 4 5 6 7 11 0 8 12 9 13 3 10 16 14 15 20 17 18 19 21]\n", - "=======================\n", - "[\"researchers from london and edinburgh are developing a computer that can collate meteorological information and then produce forecasts as if they were written by a human .useing a process known as ` natural language generation ' ( nlg ) , it has the potential to one day be used in humanoid robots on our tv screens .these computer-generated weather updates are being being tested by scientists at heriot-watt university and university college london .\"]\n", - "=======================\n", - "[\"researchers are developing a computer that can write weather forecastsit takes meteorological data and writes a report designed to mimic a humanthis process is known as ` natural language generation ' ( nlg )a prototype system will be tested on the bbc website later this year\"]\n", - "researchers from london and edinburgh are developing a computer that can collate meteorological information and then produce forecasts as if they were written by a human .useing a process known as ` natural language generation ' ( nlg ) , it has the potential to one day be used in humanoid robots on our tv screens .these computer-generated weather updates are being being tested by scientists at heriot-watt university and university college london .\n", - "researchers are developing a computer that can write weather forecastsit takes meteorological data and writes a report designed to mimic a humanthis process is known as ` natural language generation ' ( nlg )a prototype system will be tested on the bbc website later this year\n", - "[1.2873832 1.4074483 1.2891219 1.2234966 1.1849394 1.1692133 1.1226355\n", - " 1.0967162 1.1158152 1.074626 1.1668203 1.0504222 1.0122585 1.0280915\n", - " 1.0751535 1.0386176 1.0262643 1.0080228 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 4 5 10 6 8 7 14 9 11 15 13 16 12 17 20 18 19 21]\n", - "=======================\n", - "[\"a drone carrying traces of a radioactive material was found on the rooftop of japan 's equivalent to the white house on wednesday , police and government officials said .the discovery came on the same day a japanese court approved a government plan to restart two reactors at the sendai nuclear power plant in kagoshima prefecture , more than four years after the fukushima daiichi nuclear disaster .tokyo ( cnn ) a bizarre and alarming discovery is raising concerns in japan about the potential for terrorism involving drones .\"]\n", - "=======================\n", - "['the drone is sparking terrorism concerns , authorities sayit was equipped with a bottle containing radioactive materialit was discovered as a court approved a plan to restart two japanese nuclear reactors']\n", - "a drone carrying traces of a radioactive material was found on the rooftop of japan 's equivalent to the white house on wednesday , police and government officials said .the discovery came on the same day a japanese court approved a government plan to restart two reactors at the sendai nuclear power plant in kagoshima prefecture , more than four years after the fukushima daiichi nuclear disaster .tokyo ( cnn ) a bizarre and alarming discovery is raising concerns in japan about the potential for terrorism involving drones .\n", - "the drone is sparking terrorism concerns , authorities sayit was equipped with a bottle containing radioactive materialit was discovered as a court approved a plan to restart two japanese nuclear reactors\n", - "[1.3245007 1.269409 1.1726668 1.2860755 1.1074677 1.1376529 1.0972697\n", - " 1.1464844 1.0704842 1.078486 1.0382869 1.0744492 1.0854667 1.0830503\n", - " 1.0507219 1.012377 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 2 7 5 4 6 12 13 9 11 8 14 10 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"hillary rodham clinton 's presidential campaign will center on boosting economic security for the middle class and expanding opportunities for working families , while casting the former senator and secretary of state as a ` tenacious fighter ' able to get results , two senior advisers said on saturday .president barack obama all but endorsed her saying ' i think she would be an excellent president . 'the senior advisers provided the first preview of the message clinton planned to convey when she launches her long-anticipated campaign on sunday with an online video .\"]\n", - "=======================\n", - "[\"ahead of launching her anticipated campaign on sunday , two senior advisers said strategy has echoes of obama 's 2012 re-election campaignshe is expected to reach out to donors in coming weeks , but does not plan to headline many fundraising events over the next monthadvisers said she planned to talk about ways families can increase take-home pay and making higher education more affordableshe intends to sell herself as being able to work with congress , businesses and world leaderspresident barack obama said on saturday ' i think she would be an excellent president 'clinton 's growing team of staffers began working friday out of a new campaign headquarters in brooklyn\"]\n", - "hillary rodham clinton 's presidential campaign will center on boosting economic security for the middle class and expanding opportunities for working families , while casting the former senator and secretary of state as a ` tenacious fighter ' able to get results , two senior advisers said on saturday .president barack obama all but endorsed her saying ' i think she would be an excellent president . 'the senior advisers provided the first preview of the message clinton planned to convey when she launches her long-anticipated campaign on sunday with an online video .\n", - "ahead of launching her anticipated campaign on sunday , two senior advisers said strategy has echoes of obama 's 2012 re-election campaignshe is expected to reach out to donors in coming weeks , but does not plan to headline many fundraising events over the next monthadvisers said she planned to talk about ways families can increase take-home pay and making higher education more affordableshe intends to sell herself as being able to work with congress , businesses and world leaderspresident barack obama said on saturday ' i think she would be an excellent president 'clinton 's growing team of staffers began working friday out of a new campaign headquarters in brooklyn\n", - "[1.5339098 1.1348795 1.0695813 1.0848955 1.0853043 1.1322803 1.1896985\n", - " 1.1174387 1.0750127 1.024231 1.0221331 1.185543 1.0575794 1.0761498\n", - " 1.0622836 1.1420175 1.0213096 1.0145192 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 6 11 15 1 5 7 4 3 13 8 2 14 12 9 10 16 17 18 19 20 21]\n", - "=======================\n", - "[\"five time emmy-winning actress candice bergen , now 68 , confesses she was the highest paid actor in television for a lot of years after playing the title role in the hit cbs sitcom , murphy brown that ran for ten years starting in 1988 .financial secrets prevailed in her upbringing by her model / actress mother and her famous father , edgar bergen , best known for as ventriloquist who 's sidekick was dummy charlie mccarthy .success : candice starred in the long-running tv hit murphy brown , here with costar grant shaud\"]\n", - "=======================\n", - "[\"candice bergen 's competition for her dad 's affection was not with a sibling - it was with his iconic sidekick dummy charlie mccarthy` charlie had his own bedroom next to mine -- and his was bigger 'she and french director louis malle had been ` crazy in love 'her role on murphy brown made her a fortunereal estate developer second husband was suffocating and she reacted with tiny tantrums .she 's packed on 30 pound and says ` no carb is safe -- no fat either '\"]\n", - "five time emmy-winning actress candice bergen , now 68 , confesses she was the highest paid actor in television for a lot of years after playing the title role in the hit cbs sitcom , murphy brown that ran for ten years starting in 1988 .financial secrets prevailed in her upbringing by her model / actress mother and her famous father , edgar bergen , best known for as ventriloquist who 's sidekick was dummy charlie mccarthy .success : candice starred in the long-running tv hit murphy brown , here with costar grant shaud\n", - "candice bergen 's competition for her dad 's affection was not with a sibling - it was with his iconic sidekick dummy charlie mccarthy` charlie had his own bedroom next to mine -- and his was bigger 'she and french director louis malle had been ` crazy in love 'her role on murphy brown made her a fortunereal estate developer second husband was suffocating and she reacted with tiny tantrums .she 's packed on 30 pound and says ` no carb is safe -- no fat either '\n", - "[1.2128255 1.3818486 1.3133471 1.3235784 1.1941615 1.1972127 1.1404959\n", - " 1.0268657 1.0162821 1.1135437 1.0348347 1.0105487 1.1146295 1.040639\n", - " 1.1541612 1.0263056 1.011747 1.0124016 0. 0. ]\n", - "\n", - "[ 1 3 2 0 5 4 14 6 12 9 13 10 7 15 8 17 16 11 18 19]\n", - "=======================\n", - "[\"the conservative leader set out an ambition that three in five new jobs should be created outside london and the south east to prevent a ` reckless ' economy booming in the capital .tory leader david cameron says that the recovery must be seen in every part of the country and not just ` on the screens of the traders in the city of london 'britain could face another devastating economic crash unless more jobs are created outside the m25 , david cameron warned today .\"]\n", - "=======================\n", - "['conservative leader promises to help create 2million new jobs by 2020warns they must be outside london and the south east to prevent a crash']\n", - "the conservative leader set out an ambition that three in five new jobs should be created outside london and the south east to prevent a ` reckless ' economy booming in the capital .tory leader david cameron says that the recovery must be seen in every part of the country and not just ` on the screens of the traders in the city of london 'britain could face another devastating economic crash unless more jobs are created outside the m25 , david cameron warned today .\n", - "conservative leader promises to help create 2million new jobs by 2020warns they must be outside london and the south east to prevent a crash\n", - "[1.5161226 1.1879071 1.154174 1.2782098 1.2571638 1.2017415 1.1346486\n", - " 1.0700521 1.0782628 1.0784881 1.0408934 1.0196977 1.1209679 1.039586\n", - " 1.0624566 1.1339172 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 5 1 2 6 15 12 9 8 7 14 10 13 11 16 17 18 19]\n", - "=======================\n", - "[\"canadian pop sensation justin bieber is will carry floyd mayweather 's championship belts into the ring ahead of his $ 300million las vegas mega-fight with manny pacquiao on saturday .floyd mayweather poses for photos with justin bieber after defeating alvarez in las vegas back in 2013 .the pop singer is set to accompany mayweather again in his bout against manny pacquiao this weekend\"]\n", - "=======================\n", - "[\"justin bieber is a good friend of floyd mayweatherbieber revealed in a video that he will walk mayweather into his mega-fightmayweather faces manny pacquiao in the $ 300million bout in las vegasbieber has accompanied ` money ' mayweather into the ring several timesclick here for all the latest floyd mayweather vs manny pacquiao news\"]\n", - "canadian pop sensation justin bieber is will carry floyd mayweather 's championship belts into the ring ahead of his $ 300million las vegas mega-fight with manny pacquiao on saturday .floyd mayweather poses for photos with justin bieber after defeating alvarez in las vegas back in 2013 .the pop singer is set to accompany mayweather again in his bout against manny pacquiao this weekend\n", - "justin bieber is a good friend of floyd mayweatherbieber revealed in a video that he will walk mayweather into his mega-fightmayweather faces manny pacquiao in the $ 300million bout in las vegasbieber has accompanied ` money ' mayweather into the ring several timesclick here for all the latest floyd mayweather vs manny pacquiao news\n", - "[1.3826246 1.0594527 1.0842028 1.1843659 1.1345415 1.1249627 1.2274675\n", - " 1.0361835 1.2024893 1.0964782 1.0535625 1.0731716 1.0624429 1.0234076\n", - " 1.1174936 1.0714709 1.028656 1.0131928 1.0315319 1.0103916]\n", - "\n", - "[ 0 6 8 3 4 5 14 9 2 11 15 12 1 10 7 18 16 13 17 19]\n", - "=======================\n", - "[\"manchester united 's humiliation of their noisy neighbours city at old trafford led the club 's official website to claim the city was turned red once more in the space of 90 minutes .united 's website declared this to be the case and they will rightly revel in sunday 's victory for a while .manuel pellegrini and his players began this season with aspirations of defending their barclays premier league title and making an impact on the champions league .\"]\n", - "=======================\n", - "[\"manchester united beat their rivals city 4-2 at old trafford on sundayit led to supporters claiming manchester had been turned red once moreunited had lost their four previous derbies against their great rivals citylouis van gaal appears to have turned united 's fortunes round this yearsportsmail 's ian ladyman examines the issues after the fierce derbyread : five things van gaal has done to transform results at man utd\"]\n", - "manchester united 's humiliation of their noisy neighbours city at old trafford led the club 's official website to claim the city was turned red once more in the space of 90 minutes .united 's website declared this to be the case and they will rightly revel in sunday 's victory for a while .manuel pellegrini and his players began this season with aspirations of defending their barclays premier league title and making an impact on the champions league .\n", - "manchester united beat their rivals city 4-2 at old trafford on sundayit led to supporters claiming manchester had been turned red once moreunited had lost their four previous derbies against their great rivals citylouis van gaal appears to have turned united 's fortunes round this yearsportsmail 's ian ladyman examines the issues after the fierce derbyread : five things van gaal has done to transform results at man utd\n", - "[1.1879971 1.408109 1.3507833 1.1296333 1.209353 1.2260293 1.1732459\n", - " 1.175478 1.1201239 1.0353178 1.0311939 1.1033871 1.0743159 1.0249856\n", - " 1.0104476 1.0210671 1.0128086 0. 0. 0. ]\n", - "\n", - "[ 1 2 5 4 0 7 6 3 8 11 12 9 10 13 15 16 14 18 17 19]\n", - "=======================\n", - "[\"the lincolnshire resort , famous for its giant butlin 's holiday camp and sprawling caravan parks , joins picturesque places such as st ives and windermere in the top ten league of towns for holiday property .billy butlin located his first holiday park at skegness in 1936 and it still attracts 400,000 visitors a year .popular : skegness ( pictured ) is one of the most popular places in britain to own a holiday home , according to new figures out today\"]\n", - "=======================\n", - "[\"skegness featured among picturesque places like windermere and cornwalllincolnshire town famous for its butlin 's attracts over 400,000 visitors a yearresearch revealed 165,000 people in england and wales have holiday homes\"]\n", - "the lincolnshire resort , famous for its giant butlin 's holiday camp and sprawling caravan parks , joins picturesque places such as st ives and windermere in the top ten league of towns for holiday property .billy butlin located his first holiday park at skegness in 1936 and it still attracts 400,000 visitors a year .popular : skegness ( pictured ) is one of the most popular places in britain to own a holiday home , according to new figures out today\n", - "skegness featured among picturesque places like windermere and cornwalllincolnshire town famous for its butlin 's attracts over 400,000 visitors a yearresearch revealed 165,000 people in england and wales have holiday homes\n", - "[1.3427064 1.3025668 1.2598796 1.2174904 1.1712457 1.1551843 1.1046184\n", - " 1.125128 1.0582179 1.1195617 1.0827426 1.1120834 1.0600517 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 5 7 9 11 6 10 12 8 18 13 14 15 16 17 19]\n", - "=======================\n", - "['( cnn ) imprisoned soldier chelsea manning can now communicate with the world -- in 140 characters or less .manning , who is serving a 35-year prison sentence for leaking thousands of classified documents , appears to have joined twitter this week .in a series of tweets , the prisoner formerly known as bradley manning said she will be using a voice phone to dictate her tweets to communications firm fitzgibbon media , which will post them on her behalf .']\n", - "=======================\n", - "['manning is serving a 35-year sentence for leaking thousands of classified documentsshe says she will be using a voice phone to dictate her tweets']\n", - "( cnn ) imprisoned soldier chelsea manning can now communicate with the world -- in 140 characters or less .manning , who is serving a 35-year prison sentence for leaking thousands of classified documents , appears to have joined twitter this week .in a series of tweets , the prisoner formerly known as bradley manning said she will be using a voice phone to dictate her tweets to communications firm fitzgibbon media , which will post them on her behalf .\n", - "manning is serving a 35-year sentence for leaking thousands of classified documentsshe says she will be using a voice phone to dictate her tweets\n", - "[1.1459272 1.4625475 1.3870544 1.3762339 1.057601 1.0788684 1.0508753\n", - " 1.0681016 1.0308375 1.0268998 1.0355716 1.0317886 1.0356276 1.0772052\n", - " 1.062289 1.0142784 1.0228454 1.0130613 1.2413102 1.0976188 1.0121455\n", - " 1.0163114 1.0355545]\n", - "\n", - "[ 1 2 3 18 0 19 5 13 7 14 4 6 12 10 22 11 8 9 16 21 15 17 20]\n", - "=======================\n", - "['john chapple has captured all types of landscapes , including grassy fields in england , major us cities , and sandy beaches in australia .chapple , originally from north devon , first worked as a news and show business photographer before he got into landscape photography , his website says .photographer john chapple captured this shot of the santa monica pier in santa monica , california']\n", - "=======================\n", - "['english photographer john chapple has traveled all over the world - and along the way created stunning panoramic images using a film camerachapple , originally from north devon , first worked as a news and show business photographer before he got into landscape photographyhe has captured grassy fields in england , major us cities , and sandy beaches in australiachapple often takes landscapes with a linhof technorama 617s iii camera']\n", - "john chapple has captured all types of landscapes , including grassy fields in england , major us cities , and sandy beaches in australia .chapple , originally from north devon , first worked as a news and show business photographer before he got into landscape photography , his website says .photographer john chapple captured this shot of the santa monica pier in santa monica , california\n", - "english photographer john chapple has traveled all over the world - and along the way created stunning panoramic images using a film camerachapple , originally from north devon , first worked as a news and show business photographer before he got into landscape photographyhe has captured grassy fields in england , major us cities , and sandy beaches in australiachapple often takes landscapes with a linhof technorama 617s iii camera\n", - "[1.471926 1.1395499 1.4077867 1.2467506 1.228259 1.0580771 1.1487792\n", - " 1.0757382 1.0776309 1.07217 1.0556852 1.0465461 1.1033363 1.0967553\n", - " 1.0623418 1.0268323 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 3 4 6 1 12 13 8 7 9 14 5 10 11 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"scott kelley , now 50 , has been arrested a decade after he fled the u.s with stepdaughter mary nunes , and her mother genevieve kelleythe pair fled new hampshire in 2004 along with genevieve kelley , mary 's mother , during a custody dispute with mark nunes , genevieve 's former husband and mary 's father .he is now facing a charge of custodial interference , the same charge his wife is due to face in court next month .\"]\n", - "=======================\n", - "[\"scott kelley , now 50 , and mary nunes , now 19 , went missing in fall 2004genevieve kelley , mary 's mom , fled during custody fight with girl 's dadfamily hid in costa rica for ten years until genevieve emerged last yearscott and mary were stopped on monday as they tried to enter the u.s.\"]\n", - "scott kelley , now 50 , has been arrested a decade after he fled the u.s with stepdaughter mary nunes , and her mother genevieve kelleythe pair fled new hampshire in 2004 along with genevieve kelley , mary 's mother , during a custody dispute with mark nunes , genevieve 's former husband and mary 's father .he is now facing a charge of custodial interference , the same charge his wife is due to face in court next month .\n", - "scott kelley , now 50 , and mary nunes , now 19 , went missing in fall 2004genevieve kelley , mary 's mom , fled during custody fight with girl 's dadfamily hid in costa rica for ten years until genevieve emerged last yearscott and mary were stopped on monday as they tried to enter the u.s.\n", - "[1.3067483 1.4277118 1.2723086 1.2390869 1.2047439 1.1416607 1.1295989\n", - " 1.2604343 1.0536112 1.0785718 1.0775683 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 2 7 3 4 5 6 9 10 8 20 19 18 17 16 11 14 13 12 21 15 22]\n", - "=======================\n", - "[\"the cases have all occurred in nigeria 's ondo state since april 13 , health officials said sunday .( cnn ) a mysterious affliction has killed as many as 18 people in southwestern nigeria , leaving health officials scrambling to determine its cause .dr. dayo adeyanju , ondo 's state commissioner for health , said 18 people have died and five people are being treated .\"]\n", - "=======================\n", - "['18 dead and 5 being treated , nigeria sayslocally brewed alcohol is suspectedsome patients have died within hours']\n", - "the cases have all occurred in nigeria 's ondo state since april 13 , health officials said sunday .( cnn ) a mysterious affliction has killed as many as 18 people in southwestern nigeria , leaving health officials scrambling to determine its cause .dr. dayo adeyanju , ondo 's state commissioner for health , said 18 people have died and five people are being treated .\n", - "18 dead and 5 being treated , nigeria sayslocally brewed alcohol is suspectedsome patients have died within hours\n", - "[1.3124645 1.2338272 1.1994823 1.1936289 1.3335502 1.3437116 1.3329298\n", - " 1.3327265 1.1217885 1.0480611 1.0156823 1.0117371 1.0155095 1.018162\n", - " 1.0299934 1.013282 1.1496928 1.0584706 1.0234395 1.0566089 0.\n", - " 0. 0. ]\n", - "\n", - "[ 5 4 6 7 0 1 2 3 16 8 17 19 9 14 18 13 10 12 15 11 20 21 22]\n", - "=======================\n", - "['jose mourinho insists that he would sell any of his chelsea players if they did not want to play for the clubraheem sterling , pictured in training on thursday , has rejected a new # 100,000-a-week deal with liverpoolliverpool boss brendan rodgers is adamant that sterling will not be sold in the summer transfer window']\n", - "=======================\n", - "['raheem sterling has rejected a new # 100,000-a-week deal at liverpoolchelsea , arsenal and bayern munich are interested in the 20-year-oldjose mourinho says he would sell any player who did not want to staybrendan rodgers has confirmed that sterling will start against arsenalkolo toure believes his team-mate should remain at anfield']\n", - "jose mourinho insists that he would sell any of his chelsea players if they did not want to play for the clubraheem sterling , pictured in training on thursday , has rejected a new # 100,000-a-week deal with liverpoolliverpool boss brendan rodgers is adamant that sterling will not be sold in the summer transfer window\n", - "raheem sterling has rejected a new # 100,000-a-week deal at liverpoolchelsea , arsenal and bayern munich are interested in the 20-year-oldjose mourinho says he would sell any player who did not want to staybrendan rodgers has confirmed that sterling will start against arsenalkolo toure believes his team-mate should remain at anfield\n", - "[1.3777776 1.2940352 1.2859818 1.2817097 1.192191 1.2568301 1.2359307\n", - " 1.11043 1.0803546 1.1020476 1.0637306 1.0098821 1.0088277 1.1350642\n", - " 1.0484079 1.1426034 1.1143588 1.106643 1.0704279 1.0083462 1.0062714\n", - " 1.0061398 0. ]\n", - "\n", - "[ 0 1 2 3 5 6 4 15 13 16 7 17 9 8 18 10 14 11 12 19 20 21 22]\n", - "=======================\n", - "[\"leroy j. toppins went missing on friday night while playing with siblings in the front yard of his family 's home in washington court house , ohio .his parents worriedly reported him missing after he disappeared about 6pm .more than 100 locals joined a search for the toddler that lasted all day saturday .\"]\n", - "=======================\n", - "[\"leroy j. toppins went missing 6pm friday from his parents ' front yardmajor search was launched , with 100 locals joining in to helpdivers found the boy 's body in a run-off pond at 7pm saturdaythe quarry was adjacent to the family 's homepolice do not suspect foul play\"]\n", - "leroy j. toppins went missing on friday night while playing with siblings in the front yard of his family 's home in washington court house , ohio .his parents worriedly reported him missing after he disappeared about 6pm .more than 100 locals joined a search for the toddler that lasted all day saturday .\n", - "leroy j. toppins went missing 6pm friday from his parents ' front yardmajor search was launched , with 100 locals joining in to helpdivers found the boy 's body in a run-off pond at 7pm saturdaythe quarry was adjacent to the family 's homepolice do not suspect foul play\n", - "[1.2073872 1.3592612 1.2866863 1.2579662 1.129649 1.1631 1.1128694\n", - " 1.1393671 1.1157542 1.0908021 1.0384792 1.0496666 1.0974314 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 7 4 8 6 12 9 11 10 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"footage shows exotic pet owner kayonna cole holding her female rose hair spider up to the camera as it digs its fangs into her skin .kayonna , who filmed the moment at her home in los angeles , remains calm throughout the video , but later suffered a reaction to the spider 's venom .kayonna holds her hand steady and remains calm as the tarantula removes its fangs from her skin\"]\n", - "=======================\n", - "['kayonna cole holds her female rose hair spider to the camerathe exotic pet owner is bitten numerous times by the tarantulathe video was recorded by kayonna at her home in los angeles']\n", - "footage shows exotic pet owner kayonna cole holding her female rose hair spider up to the camera as it digs its fangs into her skin .kayonna , who filmed the moment at her home in los angeles , remains calm throughout the video , but later suffered a reaction to the spider 's venom .kayonna holds her hand steady and remains calm as the tarantula removes its fangs from her skin\n", - "kayonna cole holds her female rose hair spider to the camerathe exotic pet owner is bitten numerous times by the tarantulathe video was recorded by kayonna at her home in los angeles\n", - "[1.3122406 1.4377728 1.2576785 1.3223537 1.1538876 1.1838765 1.1896906\n", - " 1.0415999 1.0678145 1.0766596 1.0216488 1.0591619 1.1055068 1.057072\n", - " 1.0838994 1.0521009 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 6 5 4 12 14 9 8 11 13 15 7 10 16 17 18 19 20]\n", - "=======================\n", - "[\"the golfer 's girlfriend , bikini model alexis randock , had posted a photo on her instagram account of her and sister nicole on the beach last week .rickie fowler has earned extra brownie points with his growing legion of fans after calling out an online hater who accused his girlfriend of being a ` gold digger . 'randock ( centre ) was criticised by an online troll for not working due to her relationship with fowler ( right )\"]\n", - "=======================\n", - "[\"rickie fowler responded to online troll who abused his girlfriendbikini model alexis randock had posted a photo on her instagram accountrandock was pictured on the beach alongside her sister nicolea troll called ` fatalsplash ' then accused alexis of being a ` gold digger 'fowler told the hater to ` get your facts straight ' following comment\"]\n", - "the golfer 's girlfriend , bikini model alexis randock , had posted a photo on her instagram account of her and sister nicole on the beach last week .rickie fowler has earned extra brownie points with his growing legion of fans after calling out an online hater who accused his girlfriend of being a ` gold digger . 'randock ( centre ) was criticised by an online troll for not working due to her relationship with fowler ( right )\n", - "rickie fowler responded to online troll who abused his girlfriendbikini model alexis randock had posted a photo on her instagram accountrandock was pictured on the beach alongside her sister nicolea troll called ` fatalsplash ' then accused alexis of being a ` gold digger 'fowler told the hater to ` get your facts straight ' following comment\n", - "[1.2890531 1.4593668 1.2078097 1.1598136 1.3629881 1.1295761 1.0894547\n", - " 1.0298389 1.0228288 1.0400821 1.0257095 1.1890045 1.2023219 1.034743\n", - " 1.0370766 1.0935872 1.0134026 1.0092728 1.0816934 1.010736 0. ]\n", - "\n", - "[ 1 4 0 2 12 11 3 5 15 6 18 9 14 13 7 10 8 16 19 17 20]\n", - "=======================\n", - "[\"the 23-year-old , who impressed for northern ireland in the week , scored two quite stunning goals as brentford demolished fulham 4-1 on good friday .stuart dallas has come a long way since mark warburton plucked him from a glorified park and # 70-a-week .they go into monday 's game against nottingham forest eyeing more than just a play-off spot .\"]\n", - "=======================\n", - "['stuart dallas , 23 , was playing for crusaders just three years agoafter a tough start to life at brentford , he was loaned out to northamptonsince returning to brentford , he has become a star in promotion push']\n", - "the 23-year-old , who impressed for northern ireland in the week , scored two quite stunning goals as brentford demolished fulham 4-1 on good friday .stuart dallas has come a long way since mark warburton plucked him from a glorified park and # 70-a-week .they go into monday 's game against nottingham forest eyeing more than just a play-off spot .\n", - "stuart dallas , 23 , was playing for crusaders just three years agoafter a tough start to life at brentford , he was loaned out to northamptonsince returning to brentford , he has become a star in promotion push\n", - "[1.2385136 1.5974267 1.2905972 1.4022446 1.0620449 1.1283393 1.0903139\n", - " 1.0821214 1.0902269 1.0167571 1.018538 1.0220356 1.017813 1.0326654\n", - " 1.025787 1.0576866 1.0212139 1.0151037 1.0413051 1.023678 1.0488325]\n", - "\n", - "[ 1 3 2 0 5 6 8 7 4 15 20 18 13 14 19 11 16 10 12 9 17]\n", - "=======================\n", - "['the man , who has been named locally as 62-year-old richard clements , is believed to have been mowing grass outside his property in wattisham , suffolk , when the machine toppled down a bank into the water and trapped him .his family managed to drag him from the pond and made frantic efforts to save him but he was pronounced dead at the scene .friends today told of their shock at the incident , which occurred in the quiet village just before 5.15 pm yesterday .']\n", - "=======================\n", - "['man was cutting the grass with a ride-on lawnmower when it overturnedrichard clements was trapped under machine in pond outside farmhousefamily pulled him from water but he died at the scene after cardiac arrestit comes just two years after man died in similar circumstances in village']\n", - "the man , who has been named locally as 62-year-old richard clements , is believed to have been mowing grass outside his property in wattisham , suffolk , when the machine toppled down a bank into the water and trapped him .his family managed to drag him from the pond and made frantic efforts to save him but he was pronounced dead at the scene .friends today told of their shock at the incident , which occurred in the quiet village just before 5.15 pm yesterday .\n", - "man was cutting the grass with a ride-on lawnmower when it overturnedrichard clements was trapped under machine in pond outside farmhousefamily pulled him from water but he died at the scene after cardiac arrestit comes just two years after man died in similar circumstances in village\n", - "[1.2032956 1.2451546 1.1295338 1.3972657 1.1709535 1.06663 1.2795506\n", - " 1.0627704 1.1562258 1.0507841 1.1200558 1.0518912 1.0950111 1.0182575\n", - " 1.018395 1.0399215 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 6 1 0 4 8 2 10 12 5 7 11 9 15 14 13 19 16 17 18 20]\n", - "=======================\n", - "[\"vlad tarasov could n't resist filming himself ski down the slopes at boston 's largest snow farm located in the city 's seaport districtthe shere volume of snow that fell earlier this year , nearly 65 inches fell in february alone , means that huge piles of the white stuff still remain .the winter of 2014-15 wo n't be easily forgotten in boston after the endless snow broke countless records and the city had to pay volunteers $ 30 an hour to help dig out the battered city .\"]\n", - "=======================\n", - "[\"vlad tarasov could n't resist filming himself ski down the slopes at boston 's largest snow farm located in the city 's seaport districthis one-minute video gives a first-person perspective of pushing through the filthy , trash-filled ice pile that served as a dumping ground for the snow` i 've been skiing for 20 years , but never like this , ' he said about the ` surreal ' experiencejunk in the filthy snow included rusted lawn chairs , parking cones , broken bottles and even a dead seagull\"]\n", - "vlad tarasov could n't resist filming himself ski down the slopes at boston 's largest snow farm located in the city 's seaport districtthe shere volume of snow that fell earlier this year , nearly 65 inches fell in february alone , means that huge piles of the white stuff still remain .the winter of 2014-15 wo n't be easily forgotten in boston after the endless snow broke countless records and the city had to pay volunteers $ 30 an hour to help dig out the battered city .\n", - "vlad tarasov could n't resist filming himself ski down the slopes at boston 's largest snow farm located in the city 's seaport districthis one-minute video gives a first-person perspective of pushing through the filthy , trash-filled ice pile that served as a dumping ground for the snow` i 've been skiing for 20 years , but never like this , ' he said about the ` surreal ' experiencejunk in the filthy snow included rusted lawn chairs , parking cones , broken bottles and even a dead seagull\n", - "[1.281927 1.3520472 1.3354748 1.1793312 1.101227 1.0303501 1.0659965\n", - " 1.0513147 1.0219738 1.1443477 1.0644498 1.1429224 1.0442301 1.1125755\n", - " 1.1435478 1.0812732 1.0817788 1.0666587 1.0401762 1.03213 ]\n", - "\n", - "[ 1 2 0 3 9 14 11 13 4 16 15 17 6 10 7 12 18 19 5 8]\n", - "=======================\n", - "[\"during tense exchanges with the bbc 's andrew marr , the chancellor repeatedly ducked questions about exactly how the massive cash boost would be paid for .mr osborne said it would come from the conservatives ' ` balanced plan ' for the economy , but declined to go into further detail .george osborne was challenged 18 times yesterday to explain where the next tory government would find the extra # 8billion it has promised the nhs .\"]\n", - "=======================\n", - "[\"during exchanges with marr , chancellor repeatedly ducked questionsmr osborne only said it would come from conservatives ' ` balanced plan 'labour deputy leader harriet harman said the promise was ` illusory '\"]\n", - "during tense exchanges with the bbc 's andrew marr , the chancellor repeatedly ducked questions about exactly how the massive cash boost would be paid for .mr osborne said it would come from the conservatives ' ` balanced plan ' for the economy , but declined to go into further detail .george osborne was challenged 18 times yesterday to explain where the next tory government would find the extra # 8billion it has promised the nhs .\n", - "during exchanges with marr , chancellor repeatedly ducked questionsmr osborne only said it would come from conservatives ' ` balanced plan 'labour deputy leader harriet harman said the promise was ` illusory '\n", - "[1.0734123 1.4722649 1.2988515 1.3085661 1.0628576 1.0348756 1.0403671\n", - " 1.0287205 1.1649084 1.0401356 1.1119598 1.0869917 1.0759137 1.1056575\n", - " 1.173502 1.1329417 1.123835 1.1208781 1.0136372 1.0183425]\n", - "\n", - "[ 1 3 2 14 8 15 16 17 10 13 11 12 0 4 6 9 5 7 19 18]\n", - "=======================\n", - "['oscar hübinette shredded through the snow on the tolbachik volcano on the kamchatka peninsula in russia while his friend fredrik schenholm photographed his exploits .adventure photographer fredrik schenholm looked on in amazement as oscar hübinette flew down the icy slopes , while lava from the 12,000 foot tall volcano bubbled furiously behind himtolbachick is one of 160 volcanoes on the island , 29 of which are still active .']\n", - "=======================\n", - "['images show oscar hübinette skiing on the tolbachik volcano on the kamchatka peninsula in russialava bubbles from the active volcano as oscar skis pastphotographer fredrik schenholm tried for five years to take these spectacular imageslava flowed 100 metres from their tent during the shoot']\n", - "oscar hübinette shredded through the snow on the tolbachik volcano on the kamchatka peninsula in russia while his friend fredrik schenholm photographed his exploits .adventure photographer fredrik schenholm looked on in amazement as oscar hübinette flew down the icy slopes , while lava from the 12,000 foot tall volcano bubbled furiously behind himtolbachick is one of 160 volcanoes on the island , 29 of which are still active .\n", - "images show oscar hübinette skiing on the tolbachik volcano on the kamchatka peninsula in russialava bubbles from the active volcano as oscar skis pastphotographer fredrik schenholm tried for five years to take these spectacular imageslava flowed 100 metres from their tent during the shoot\n", - "[1.107914 1.4329716 1.2144414 1.3061333 1.0599421 1.0977918 1.0592936\n", - " 1.1338608 1.1146144 1.0229983 1.026682 1.108578 1.0714011 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 7 8 11 0 5 12 4 6 10 9 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"raquel d'apice , a comedian and mother-of-one from new jersey , has put her own personal spin on crowd-sourced assessments by creating yelp reviews of newborns , an entertaining collection of spoof critiques that highlight the real struggles plaguing new parents today .raquel , who posts the reviews on her humorous parenting blog the ugly volvo , told today that she came up with the idea of the parody posts after she was searching for something on yelp and realized that there were reviews for everything except babies .the new mom , who gave motherhood one star out of five , added : ` if i could give it zero stars i would . '\"]\n", - "=======================\n", - "[\"raquel d'apice , a comedian and mother-of-one from new jersey , has created a series of comedy posts called yelp reviews of newborns\"]\n", - "raquel d'apice , a comedian and mother-of-one from new jersey , has put her own personal spin on crowd-sourced assessments by creating yelp reviews of newborns , an entertaining collection of spoof critiques that highlight the real struggles plaguing new parents today .raquel , who posts the reviews on her humorous parenting blog the ugly volvo , told today that she came up with the idea of the parody posts after she was searching for something on yelp and realized that there were reviews for everything except babies .the new mom , who gave motherhood one star out of five , added : ` if i could give it zero stars i would . '\n", - "raquel d'apice , a comedian and mother-of-one from new jersey , has created a series of comedy posts called yelp reviews of newborns\n", - "[1.3203176 1.5039152 1.4073393 1.4278344 1.2712903 1.0439183 1.0234816\n", - " 1.0267732 1.0570381 1.1359259 1.0896125 1.1066471 1.0638125 1.1598082\n", - " 1.1362798 1.0347478 1.1136413 1.0104678 1.0051634 0. ]\n", - "\n", - "[ 1 3 2 0 4 13 14 9 16 11 10 12 8 5 15 7 6 17 18 19]\n", - "=======================\n", - "['oxlade-chamberlain is struggling to recover from a groin problem and has been ruled out of the fa cup semi-final against reading at wembley .arsenal midfielder alex oxlade-chamberlain could miss the remainder of the season with a groin injuryarsenal boss arsene wenger hopes he could be back in full training by the end of next week but is not certain and admits the england midfielder may not play again this season .']\n", - "=======================\n", - "[\"arsenal midfielder alex oxlade-chamberlain could miss the remainder of the season with a groin injuryhe will definitely miss the gunners ' fa cup semi-final with readingclub captain mikel arteta is also on the arsenal injury listhowever , jack wilshere looks set to return to the first-team squad shortly\"]\n", - "oxlade-chamberlain is struggling to recover from a groin problem and has been ruled out of the fa cup semi-final against reading at wembley .arsenal midfielder alex oxlade-chamberlain could miss the remainder of the season with a groin injuryarsenal boss arsene wenger hopes he could be back in full training by the end of next week but is not certain and admits the england midfielder may not play again this season .\n", - "arsenal midfielder alex oxlade-chamberlain could miss the remainder of the season with a groin injuryhe will definitely miss the gunners ' fa cup semi-final with readingclub captain mikel arteta is also on the arsenal injury listhowever , jack wilshere looks set to return to the first-team squad shortly\n", - "[1.2408322 1.1275339 1.1968755 1.0427938 1.059122 1.2894986 1.3659153\n", - " 1.0239775 1.0544262 1.1259692 1.2095678 1.0774238 1.033816 1.0960592\n", - " 1.0706817 1.0776896 0. 0. 0. 0. ]\n", - "\n", - "[ 6 5 0 10 2 1 9 13 15 11 14 4 8 3 12 7 18 16 17 19]\n", - "=======================\n", - "['troy deeney scores as watford beat middlesbrough on monday in a crucial clash in the championshiphere are eight players - one each from bournemouth , norwich , watford , middlesbrough , derby , wolves , brentford and ipswich - that could well be playing in the top flight next season regardless of whether their club goes up or not .the top of the championship with five games to go']\n", - "=======================\n", - "['championship top eight separated by just nine points with game to gothree teams will be promoted to the premier league , with five missing outsportsmail picks out eight players who should be in the premier league next season whether their club is promoted or notwe have also compiled a composite xi made up from the eight teams']\n", - "troy deeney scores as watford beat middlesbrough on monday in a crucial clash in the championshiphere are eight players - one each from bournemouth , norwich , watford , middlesbrough , derby , wolves , brentford and ipswich - that could well be playing in the top flight next season regardless of whether their club goes up or not .the top of the championship with five games to go\n", - "championship top eight separated by just nine points with game to gothree teams will be promoted to the premier league , with five missing outsportsmail picks out eight players who should be in the premier league next season whether their club is promoted or notwe have also compiled a composite xi made up from the eight teams\n", - "[1.1831086 1.3183388 1.2887647 1.2932891 1.0443165 1.0840207 1.2259257\n", - " 1.0756992 1.0456119 1.0585907 1.0757015 1.0197214 1.0407143 1.0202011\n", - " 1.0166869 1.0753185 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 6 0 5 10 7 15 9 8 4 12 13 11 14 19 16 17 18 20]\n", - "=======================\n", - "[\"today , it 's on the rise again after the taliban declared the vaccine to be a ` western conspiracy ' and a ` bio-weapon ' that would actually make children sick , and waged violent attacks against those found to be supplying it .mother-of-three farhina touseef ( pictured ) is risking her life by leading a team of medics as they travel door-to-door through dangerous taliban strongholds offering the free vaccines to parentsthree years ago , pakistan had almost completely eradicated polio , a devastating disease which paralyses its victims ' legs but is preventable with a simple injection .\"]\n", - "=======================\n", - "[\"farhina touseef travels the country administering the free vaccine to kidsthe taliban has labelled it a ` bio-weapon ' and attacks those who supply itpolio , which was once almost eradicated in pakistan , is on the rise again\"]\n", - "today , it 's on the rise again after the taliban declared the vaccine to be a ` western conspiracy ' and a ` bio-weapon ' that would actually make children sick , and waged violent attacks against those found to be supplying it .mother-of-three farhina touseef ( pictured ) is risking her life by leading a team of medics as they travel door-to-door through dangerous taliban strongholds offering the free vaccines to parentsthree years ago , pakistan had almost completely eradicated polio , a devastating disease which paralyses its victims ' legs but is preventable with a simple injection .\n", - "farhina touseef travels the country administering the free vaccine to kidsthe taliban has labelled it a ` bio-weapon ' and attacks those who supply itpolio , which was once almost eradicated in pakistan , is on the rise again\n", - "[1.4785502 1.3897681 1.3028318 1.4235587 1.2458414 1.1590142 1.0703831\n", - " 1.0290433 1.0268272 1.0227339 1.0152423 1.0174365 1.0148615 1.011849\n", - " 1.0264051 1.0140519 1.0115404 1.0195239 1.2072117 1.277694 0. ]\n", - "\n", - "[ 0 3 1 2 19 4 18 5 6 7 8 14 9 17 11 10 12 15 13 16 20]\n", - "=======================\n", - "[\"tottenham manager mauricio pochettino insists he has no desire to be popular among southampton fans as he prepares for his first return to the south coast .the argentine will be given a hostile reception at st mary 's on saturday , with saints fans still angered by his decision to leave for white hart lane last summer .southampton supporters are planning to show support for their dutch manager ronald koeman , his brother and assistant head coach erwin koeman and fitness coach jan kluitenberg by wearing orange instead of the usual red and white club colours .\"]\n", - "=======================\n", - "[\"mauricio pochettino returns to st mary 's for first time since his departurethe argentine left southampton in order to take up reins at tottenhampochettino admits he could be jeered on return to former stomping ground\"]\n", - "tottenham manager mauricio pochettino insists he has no desire to be popular among southampton fans as he prepares for his first return to the south coast .the argentine will be given a hostile reception at st mary 's on saturday , with saints fans still angered by his decision to leave for white hart lane last summer .southampton supporters are planning to show support for their dutch manager ronald koeman , his brother and assistant head coach erwin koeman and fitness coach jan kluitenberg by wearing orange instead of the usual red and white club colours .\n", - "mauricio pochettino returns to st mary 's for first time since his departurethe argentine left southampton in order to take up reins at tottenhampochettino admits he could be jeered on return to former stomping ground\n", - "[1.3169786 1.4260708 1.2359304 1.2501491 1.2521415 1.1920875 1.0588562\n", - " 1.1307046 1.0307944 1.0635189 1.0720279 1.0334759 1.0187658 1.0575843\n", - " 1.0723429 1.0938531 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 3 2 5 7 15 14 10 9 6 13 11 8 12 19 16 17 18 20]\n", - "=======================\n", - "['idc said samsung sold 82.4 million smartphones in the first three months of the year , for a 24.5 percent market share .however , samsung said its first quarter net profit plunged 39 percent as consumers switched to bigger iphones , squeezing earnings from its mobile business to less than half what they were a year earlier .in the fourth quarter , apple and samsung were virtually tied with around 20 percent of the market each , according to several surveys .']\n", - "=======================\n", - "['samsung sold 82.4 m smartphones in the first three months of the year , for a 24.5 percent market shareapple held an 18.2 percent market share after selling 61.2 million iphonesapple and samsung virtually tied with 20 % of the market in latest quarter']\n", - "idc said samsung sold 82.4 million smartphones in the first three months of the year , for a 24.5 percent market share .however , samsung said its first quarter net profit plunged 39 percent as consumers switched to bigger iphones , squeezing earnings from its mobile business to less than half what they were a year earlier .in the fourth quarter , apple and samsung were virtually tied with around 20 percent of the market each , according to several surveys .\n", - "samsung sold 82.4 m smartphones in the first three months of the year , for a 24.5 percent market shareapple held an 18.2 percent market share after selling 61.2 million iphonesapple and samsung virtually tied with 20 % of the market in latest quarter\n", - "[1.2576259 1.1556429 1.2485441 1.1991596 1.2618792 1.1337528 1.0423867\n", - " 1.0651548 1.1289747 1.0210851 1.0687463 1.1008439 1.0455439 1.0347192\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 0 2 3 1 5 8 11 10 7 12 6 13 9 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"arkansas gov. asa hutchinson signs a reworked religious freedom bill into law on thursday evening .two states at the center of gay rights protests over laws designed to ` uphold religious freedom ' engaged in hurried climbdowns yesterday , with both approving alterations to legislation that critics said legalized discrimination on the basis of sexual orientation .the arkansas legislature also passed changes to its legislation at the behest of the state 's republican governor asa hutchinson , who rejected a previous version of the bill at the last minute on wednesday following public uproar and a personal plea from his son .\"]\n", - "=======================\n", - "[\"new indiana law : no one has the legal right to ` refuse to offer or provide ' goods , services , facilities or employment to anyone in previously protected classes or based on sexual orientation or gender identity` it was never intended to discriminate against anyone , ' indiana senate president pro tem david long said this morning at a press conferencearkansas legislature also passed changes to its legislation at the behest of the state 's republican governor asa hutchinsonaltered law more closely mirror federal legislation ; it passed the senate last night and is now under consideration in the house\"]\n", - "arkansas gov. asa hutchinson signs a reworked religious freedom bill into law on thursday evening .two states at the center of gay rights protests over laws designed to ` uphold religious freedom ' engaged in hurried climbdowns yesterday , with both approving alterations to legislation that critics said legalized discrimination on the basis of sexual orientation .the arkansas legislature also passed changes to its legislation at the behest of the state 's republican governor asa hutchinson , who rejected a previous version of the bill at the last minute on wednesday following public uproar and a personal plea from his son .\n", - "new indiana law : no one has the legal right to ` refuse to offer or provide ' goods , services , facilities or employment to anyone in previously protected classes or based on sexual orientation or gender identity` it was never intended to discriminate against anyone , ' indiana senate president pro tem david long said this morning at a press conferencearkansas legislature also passed changes to its legislation at the behest of the state 's republican governor asa hutchinsonaltered law more closely mirror federal legislation ; it passed the senate last night and is now under consideration in the house\n", - "[1.3028815 1.4263321 1.3916839 1.2998239 1.2192941 1.1057321 1.0391711\n", - " 1.0219524 1.0262024 1.0261964 1.0690253 1.0461502 1.0157306 1.0257312\n", - " 1.0257161 1.0609694 1.043532 1.1604406 1.0340779 1.0096883 1.0210665]\n", - "\n", - "[ 1 2 0 3 4 17 5 10 15 11 16 6 18 8 9 13 14 7 20 12 19]\n", - "=======================\n", - "['the disgusting symbol of racial hatred is now under investigation by duke university and the police who are attempting to work out who hung the rope on the tree .police said the thin yellow rope was tied into a noose at about 2 a.m. wednesday on the bryan center plaza in durham , north carolina .a noose was discovered hanging from a tree at duke university outside a building that houses several offices focused on diversity on the campus .']\n", - "=======================\n", - "['duke officials are attempting to work out who hung the noose on the treeofficials said the rope was tied into a noose at about 2 a.m. wednesdaythe shocking incident comes just two weeks after another race attackofficials said anyone found responsible will be held accountable']\n", - "the disgusting symbol of racial hatred is now under investigation by duke university and the police who are attempting to work out who hung the rope on the tree .police said the thin yellow rope was tied into a noose at about 2 a.m. wednesday on the bryan center plaza in durham , north carolina .a noose was discovered hanging from a tree at duke university outside a building that houses several offices focused on diversity on the campus .\n", - "duke officials are attempting to work out who hung the noose on the treeofficials said the rope was tied into a noose at about 2 a.m. wednesdaythe shocking incident comes just two weeks after another race attackofficials said anyone found responsible will be held accountable\n", - "[1.2625405 1.2956235 1.2763442 1.3253379 1.1738296 1.182884 1.1695318\n", - " 1.0929283 1.0313972 1.0193009 1.0230546 1.1487613 1.0188283 1.0167118\n", - " 1.145391 1.0623956 1.0336756]\n", - "\n", - "[ 3 1 2 0 5 4 6 11 14 7 15 16 8 10 9 12 13]\n", - "=======================\n", - "[\"thousands of organs are being harvested from political prisoners in china with the falungong group a key target , it is claimed .some patients were still alive as they were secretly placed into incinerators in hospital boiler rooms after parts of their bodies had been removed , it has been claimed .the harrowing details were revealed in the sbs dateline documentary human harvest : china 's organ trafficking which charted an eight year investigation in to what is said to be a multi-billion pound ` organs-on-demand ' transplant programme .\"]\n", - "=======================\n", - "[\"eight year investigation claims thousands had organs removed in chinabanned religious group falun gong is key target , documentary claimsjust 37 registered organ donors in china but country has the world 's second highest rate of transplantsone surgeon is said to have removed corneas from 2,000 living peoplechinese government denies allegations claiming donors are volunteers\"]\n", - "thousands of organs are being harvested from political prisoners in china with the falungong group a key target , it is claimed .some patients were still alive as they were secretly placed into incinerators in hospital boiler rooms after parts of their bodies had been removed , it has been claimed .the harrowing details were revealed in the sbs dateline documentary human harvest : china 's organ trafficking which charted an eight year investigation in to what is said to be a multi-billion pound ` organs-on-demand ' transplant programme .\n", - "eight year investigation claims thousands had organs removed in chinabanned religious group falun gong is key target , documentary claimsjust 37 registered organ donors in china but country has the world 's second highest rate of transplantsone surgeon is said to have removed corneas from 2,000 living peoplechinese government denies allegations claiming donors are volunteers\n", - "[1.4031394 1.1651546 1.0744462 1.1793705 1.1231248 1.3343481 1.10184\n", - " 1.0449257 1.1538315 1.1179657 1.0189978 1.1103595 1.0562077 1.0162027\n", - " 1.0185534 1.0241333 0. ]\n", - "\n", - "[ 0 5 3 1 8 4 9 11 6 2 12 7 15 10 14 13 16]\n", - "=======================\n", - "[\"republican presidential candidate rand paul , on the defensive after a set of acrimonious exchanges with female journalists including , is denying that he has a problem with women . 'paul , who announced his bid for the oval office on tuesday , admitted that he needs to ` have more patience ' with reporters , even if he 's ` annoyed ' with them while maintaining that ` interviews should be questions and not editorializing . 'i think i have been universally short-tempered and testy with both male and female reporters .\"]\n", - "=======================\n", - "[\"` why do n't we let me explain instead of talking over me , ok ? 'paul unleashed on on a female cnbc anchor during a line of questioning he considered ` slanted ' ; he shushed her and told to ` calm down a bit 'i think i have been universally short-tempered and testy with both male and female reporters .admission summed up the freshman lawmaker 's second day as an official 2016 contestant - a day that also included a confrontation with the chairwoman of the democratic party over late-term abortionpaul declared that she seems to be ` ok with killing a 7-pound baby '\"]\n", - "republican presidential candidate rand paul , on the defensive after a set of acrimonious exchanges with female journalists including , is denying that he has a problem with women . 'paul , who announced his bid for the oval office on tuesday , admitted that he needs to ` have more patience ' with reporters , even if he 's ` annoyed ' with them while maintaining that ` interviews should be questions and not editorializing . 'i think i have been universally short-tempered and testy with both male and female reporters .\n", - "` why do n't we let me explain instead of talking over me , ok ? 'paul unleashed on on a female cnbc anchor during a line of questioning he considered ` slanted ' ; he shushed her and told to ` calm down a bit 'i think i have been universally short-tempered and testy with both male and female reporters .admission summed up the freshman lawmaker 's second day as an official 2016 contestant - a day that also included a confrontation with the chairwoman of the democratic party over late-term abortionpaul declared that she seems to be ` ok with killing a 7-pound baby '\n", - "[1.2587281 1.3149955 1.2331244 1.3302491 1.2843207 1.136303 1.0700942\n", - " 1.0887897 1.0794343 1.048328 1.1018872 1.0757672 1.1050857 1.0719212\n", - " 1.0116074 1.0078894 0. ]\n", - "\n", - "[ 3 1 4 0 2 5 12 10 7 8 11 13 6 9 14 15 16]\n", - "=======================\n", - "['the brothers of men convicted of sex offences are five times more likely than average to commit similar crimes , a study found .johnny savile ( left ) is accused of abusing seven women , while jimmy savile ( right ) raped and sexually assaulted patients in 41 hospitals during a 24 year reign of abusethe biggest study of its kind suggests sex offending could run in the family along the male genetic line .']\n", - "=======================\n", - "['swedish research finds tendency to sex offences passed down male linesons of fathers who commit sex crimes four times likely to be convictedresearchers explain brothers and sons do not inevitably go on to offend']\n", - "the brothers of men convicted of sex offences are five times more likely than average to commit similar crimes , a study found .johnny savile ( left ) is accused of abusing seven women , while jimmy savile ( right ) raped and sexually assaulted patients in 41 hospitals during a 24 year reign of abusethe biggest study of its kind suggests sex offending could run in the family along the male genetic line .\n", - "swedish research finds tendency to sex offences passed down male linesons of fathers who commit sex crimes four times likely to be convictedresearchers explain brothers and sons do not inevitably go on to offend\n", - "[1.0538913 1.2009763 1.351195 1.2054279 1.2870214 1.1362138 1.129154\n", - " 1.0722004 1.1355816 1.0349576 1.1306652 1.0556408 1.0267311 1.0616014\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 4 3 1 5 8 10 6 7 13 11 0 9 12 15 14 16]\n", - "=======================\n", - "['o.c. marsh first named the brontosaurus in 1879 , after he received 25 crates of bones discovered at como bluff , wyoming , according to the yale peabody museum of natural history .similar to , though not as large as the apatosaurus discovered a couple of years prior , marsh named the dinosaur , \" brontosaurus , \" or \" thunder lizard . \"after its name was booted from science books for more than a century , a new study suggests that the brontosaurus belongs to its own genera , and therefore deserves its own name .']\n", - "=======================\n", - "['scientist : fossils once renamed should again be classified as brontosaurusstudy took five years and involved visits to 20 museums worldwide']\n", - "o.c. marsh first named the brontosaurus in 1879 , after he received 25 crates of bones discovered at como bluff , wyoming , according to the yale peabody museum of natural history .similar to , though not as large as the apatosaurus discovered a couple of years prior , marsh named the dinosaur , \" brontosaurus , \" or \" thunder lizard . \"after its name was booted from science books for more than a century , a new study suggests that the brontosaurus belongs to its own genera , and therefore deserves its own name .\n", - "scientist : fossils once renamed should again be classified as brontosaurusstudy took five years and involved visits to 20 museums worldwide\n", - "[1.1989601 1.5658555 1.2629541 1.3888437 1.2614994 1.0580904 1.1140404\n", - " 1.0652093 1.1025753 1.0810508 1.0191953 1.0292493 1.026598 1.0682968\n", - " 1.0824679 1.203465 0. ]\n", - "\n", - "[ 1 3 2 4 15 0 6 8 14 9 13 7 5 11 12 10 16]\n", - "=======================\n", - "['american eagle flight 2536 was scheduled to fly about 125 miles from dallas-fort worth international airport to wichita falls , texas , on sunday night .wichita falls officials first said that the eagle pilot had the wrong radio frequency to turn on the lights on the main , 13,000-foot runway .a passenger plane trying to land at a texas airport turned back when the pilot discovered that the runway lights had been switched off .']\n", - "=======================\n", - "[\"american eagle flight 2536 was scheduled to fly from dallas-fort worth international airport to wichita falls , texas , on sunday nightthe plane was nearly a half-hour late in taking offwhen it got to wichita falls , the pilot told passengers that the runway lights were turned off and there was nobody at the airport to turn them onthe city 's aviation director said pilots were notified of the closure and the jet could have landed on an adjacent , 10,000-foot runway that was lit\"]\n", - "american eagle flight 2536 was scheduled to fly about 125 miles from dallas-fort worth international airport to wichita falls , texas , on sunday night .wichita falls officials first said that the eagle pilot had the wrong radio frequency to turn on the lights on the main , 13,000-foot runway .a passenger plane trying to land at a texas airport turned back when the pilot discovered that the runway lights had been switched off .\n", - "american eagle flight 2536 was scheduled to fly from dallas-fort worth international airport to wichita falls , texas , on sunday nightthe plane was nearly a half-hour late in taking offwhen it got to wichita falls , the pilot told passengers that the runway lights were turned off and there was nobody at the airport to turn them onthe city 's aviation director said pilots were notified of the closure and the jet could have landed on an adjacent , 10,000-foot runway that was lit\n", - "[1.3920301 1.2411622 1.3327374 1.2083395 1.1415561 1.2356445 1.1226853\n", - " 1.058537 1.0717095 1.123566 1.0639268 1.0416707 1.0993981 1.0317168\n", - " 1.0097739 1.0099629 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 5 3 4 9 6 12 8 10 7 11 13 15 14 17 16 18]\n", - "=======================\n", - "[\"no blame : baroness hale of richmond said that she wanted to see the bitterness taken out of most matrimonial disputesdivorce laws in england and wales should remove the need for allegations of adultery and blame , britain 's most senior female judge has said .divorcing couples currently have to cite one of five reasons : adultery ; unreasonable behaviour ; desertion for two or more years ; two years ' separation with consent ; or five years ' separation without consent .\"]\n", - "=======================\n", - "[\"baroness hale of richmond wants to see ` bitterness ' taken out of disputesthe current system means one person must be ` at fault ' in a divorcelady hale suggests year 's ` cooling off ' after declaring relationship 's endshe also wants plans for children and money sorted before divorce is given\"]\n", - "no blame : baroness hale of richmond said that she wanted to see the bitterness taken out of most matrimonial disputesdivorce laws in england and wales should remove the need for allegations of adultery and blame , britain 's most senior female judge has said .divorcing couples currently have to cite one of five reasons : adultery ; unreasonable behaviour ; desertion for two or more years ; two years ' separation with consent ; or five years ' separation without consent .\n", - "baroness hale of richmond wants to see ` bitterness ' taken out of disputesthe current system means one person must be ` at fault ' in a divorcelady hale suggests year 's ` cooling off ' after declaring relationship 's endshe also wants plans for children and money sorted before divorce is given\n", - "[1.3296894 1.4120888 1.1318032 1.416684 1.2293158 1.1933823 1.0670904\n", - " 1.0201268 1.0160867 1.0846283 1.1767004 1.012278 1.0154673 1.0155134\n", - " 1.1039354 1.1196085 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 4 5 10 2 15 14 9 6 7 8 13 12 11 16 17 18]\n", - "=======================\n", - "[\"wayne rooney celebrates his side scoring during united 's 4-2 derby defeat of city on sundayas it emerged city have decided to listen to offers for star names yaya toure and samir nasri this summer , united 's captain said his team 's 4-2 win at old trafford was based on identifying fundamental flaws in manuel pellegrini 's team .wayne rooney has rubbed salt into manchester city 's derby day wounds by revealing that united set out to exploit the lack of willing workers in the barclays premier league champions ' midfield on sunday .\"]\n", - "=======================\n", - "[\"manchester united defeated city 4-2 in the premier league on sundaywayne rooney has revealed plans to exploit blues ' work-shy midfieldchampions are considering selling the likes of yaya toure and samir nasri\"]\n", - "wayne rooney celebrates his side scoring during united 's 4-2 derby defeat of city on sundayas it emerged city have decided to listen to offers for star names yaya toure and samir nasri this summer , united 's captain said his team 's 4-2 win at old trafford was based on identifying fundamental flaws in manuel pellegrini 's team .wayne rooney has rubbed salt into manchester city 's derby day wounds by revealing that united set out to exploit the lack of willing workers in the barclays premier league champions ' midfield on sunday .\n", - "manchester united defeated city 4-2 in the premier league on sundaywayne rooney has revealed plans to exploit blues ' work-shy midfieldchampions are considering selling the likes of yaya toure and samir nasri\n", - "[1.1700615 1.2951314 1.2505621 1.2884876 1.2612991 1.1614757 1.0981565\n", - " 1.1877176 1.093859 1.1137714 1.0275564 1.097314 1.0983602 1.0901537\n", - " 1.0166272 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 7 0 5 9 12 6 11 8 13 10 14 17 15 16 18]\n", - "=======================\n", - "[\"while the drinks are said to have health benefits , some brands contain more than a day 's recommended intake of sugar in a single 300ml serving .ocean spray cranberry classic juice drink ( pictured left ) was found to have 11g of sugar per 100ml , which is more than the amount in a can of coca-cola ( right )it said children under the age of ten get almost a fifth of their sugar intake from soft drinks .\"]\n", - "=======================\n", - "[\"fruit juices made from so-called superfoods such as cranberries and pomegranates are lauded for health benefitsbut ome brands contain more than a day 's recommended intake of sugar in a single 300ml servinglocal government association accused soft drink firms of ` dragging their heels ' when it comes to minimising sugar in their productsit said children under ten get almost a fifth of sugar intake from soft drinks\"]\n", - "while the drinks are said to have health benefits , some brands contain more than a day 's recommended intake of sugar in a single 300ml serving .ocean spray cranberry classic juice drink ( pictured left ) was found to have 11g of sugar per 100ml , which is more than the amount in a can of coca-cola ( right )it said children under the age of ten get almost a fifth of their sugar intake from soft drinks .\n", - "fruit juices made from so-called superfoods such as cranberries and pomegranates are lauded for health benefitsbut ome brands contain more than a day 's recommended intake of sugar in a single 300ml servinglocal government association accused soft drink firms of ` dragging their heels ' when it comes to minimising sugar in their productsit said children under ten get almost a fifth of sugar intake from soft drinks\n", - "[1.2336938 1.4823806 1.271129 1.1082973 1.1045969 1.180471 1.1772124\n", - " 1.0743618 1.0817267 1.0779479 1.1104337 1.0916293 1.0954173 1.1223971\n", - " 1.1090782 1.0883343 1.0408964 1.0271386 1.0182201]\n", - "\n", - "[ 1 2 0 5 6 13 10 14 3 4 12 11 15 8 9 7 16 17 18]\n", - "=======================\n", - "['the man , believed to be mentally disturbed , was caught on video at pearson international airport in ontario trying to enter a restricted area but refusing to abide by security protocol .police in canada have said the man was told he would not be allowed to board a turkish airlines flight and was then tasered while attempting to get on the plane anyway .this is the moment a man who refused to comply with security staff at a toronto airport was tasered and brought to the ground .']\n", - "=======================\n", - "['man brought down at pearson international when he did not communicatetried to board turkish airlines plane after being denied access to the flightwas carrying a case through the security gate which he refused to drop']\n", - "the man , believed to be mentally disturbed , was caught on video at pearson international airport in ontario trying to enter a restricted area but refusing to abide by security protocol .police in canada have said the man was told he would not be allowed to board a turkish airlines flight and was then tasered while attempting to get on the plane anyway .this is the moment a man who refused to comply with security staff at a toronto airport was tasered and brought to the ground .\n", - "man brought down at pearson international when he did not communicatetried to board turkish airlines plane after being denied access to the flightwas carrying a case through the security gate which he refused to drop\n", - "[1.3228276 1.2586613 1.2993302 1.3099701 1.1261972 1.0681714 1.095995\n", - " 1.1369663 1.0417722 1.0809109 1.1538614 1.0598205 1.0249048 1.0435958\n", - " 1.1134311 1.0580368 1.014747 1.0182621 0. ]\n", - "\n", - "[ 0 3 2 1 10 7 4 14 6 9 5 11 15 13 8 12 17 16 18]\n", - "=======================\n", - "['veteran actor robert hardy is selling his enormous collection of antiques in a # 100,000 auction after deciding to downsize his home .mr hardy , 89 , is a keen military historian who studied english with j.r.r. tolkien and is now an expert on the medieval longbow .the star , known for appearing in all creatures great and small and playing winston churchill several times , is auctioning off more than 200 items he has collected over his career .']\n", - "=======================\n", - "['robert hardy , 89 , is a military enthusiast who studied english literature under j.r.r. tolkienhe is selling off a huge collection of books , artwork and furnitureamong the objects which have gone up for auction are a huge 3d diorama of the battle of agincourt']\n", - "veteran actor robert hardy is selling his enormous collection of antiques in a # 100,000 auction after deciding to downsize his home .mr hardy , 89 , is a keen military historian who studied english with j.r.r. tolkien and is now an expert on the medieval longbow .the star , known for appearing in all creatures great and small and playing winston churchill several times , is auctioning off more than 200 items he has collected over his career .\n", - "robert hardy , 89 , is a military enthusiast who studied english literature under j.r.r. tolkienhe is selling off a huge collection of books , artwork and furnitureamong the objects which have gone up for auction are a huge 3d diorama of the battle of agincourt\n", - "[1.0768843 1.457952 1.4104195 1.1797274 1.2022399 1.0414939 1.0806555\n", - " 1.1008806 1.1018707 1.1052672 1.0257345 1.0604765 1.0915897 1.054847\n", - " 1.0476781 1.0541469 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 9 8 7 12 6 0 11 13 15 14 5 10 16 17 18 19]\n", - "=======================\n", - "[\"researchers have isolated bacterial dna of several strains of the disease from the bodies of mummies found in the crypt of a church in the city of vác in hungary .they found 14 different strains of tb bacteria that had infected eight of the bodies in the tomb and traced them all back to a single source .while estimates vary , it is thought that 95 per cent of the 20 million people living in the americas before the europeans arrived were killed by ` new ' diseases carried by explorers .\"]\n", - "=======================\n", - "['more than 200 mummified bodies were found in a hidden crypt of the dominican church in the city of vác in hungary during restoration workgeneticists led by scientists at the university of warwick studied samples from 26 of the bodies and found that eight of them had died of tuberculosisthey discovered dna of 14 different strains of tb bacteria in the mummiesanalysis showed the strains all descended from a single strain that begun causing infections during the late roman empire between 396ce-470ce']\n", - "researchers have isolated bacterial dna of several strains of the disease from the bodies of mummies found in the crypt of a church in the city of vác in hungary .they found 14 different strains of tb bacteria that had infected eight of the bodies in the tomb and traced them all back to a single source .while estimates vary , it is thought that 95 per cent of the 20 million people living in the americas before the europeans arrived were killed by ` new ' diseases carried by explorers .\n", - "more than 200 mummified bodies were found in a hidden crypt of the dominican church in the city of vác in hungary during restoration workgeneticists led by scientists at the university of warwick studied samples from 26 of the bodies and found that eight of them had died of tuberculosisthey discovered dna of 14 different strains of tb bacteria in the mummiesanalysis showed the strains all descended from a single strain that begun causing infections during the late roman empire between 396ce-470ce\n", - "[1.370173 1.3904805 1.314811 1.3386439 1.106701 1.0408162 1.037829\n", - " 1.0439333 1.1200107 1.2532977 1.0695379 1.086197 1.0197778 1.0218818\n", - " 1.0275992 1.013855 1.0325 1.0157502 1.0198036 1.104889 ]\n", - "\n", - "[ 1 0 3 2 9 8 4 19 11 10 7 5 6 16 14 13 18 12 17 15]\n", - "=======================\n", - "['mr howard was photographed standing on the footpath outside the sydney conservatorium of music in the heart of the city as his driver got down on his knees to jack up the flash car .felicity waterford was waiting in the car for her daughter to finish a concert at the conservatorium in when she noticed the vehicle and got out to offer some assistance .the pair pulled off and into the conservatorium to change it .']\n", - "=======================\n", - "[\"former pm john howard 's car was left with a flat tyre recently in sydneyfelicity waterford was waiting at the sydney conservatorium of music when she spotted the black car in frontshe hopped out to offer assistance when she realised it was mr howardbefore they raced off ms waterford convinced him to pose for a selfieit comes weeks after education minister christopher pyne was challenged to change car tyre on live television after claiming to be a ` fixer '\"]\n", - "mr howard was photographed standing on the footpath outside the sydney conservatorium of music in the heart of the city as his driver got down on his knees to jack up the flash car .felicity waterford was waiting in the car for her daughter to finish a concert at the conservatorium in when she noticed the vehicle and got out to offer some assistance .the pair pulled off and into the conservatorium to change it .\n", - "former pm john howard 's car was left with a flat tyre recently in sydneyfelicity waterford was waiting at the sydney conservatorium of music when she spotted the black car in frontshe hopped out to offer assistance when she realised it was mr howardbefore they raced off ms waterford convinced him to pose for a selfieit comes weeks after education minister christopher pyne was challenged to change car tyre on live television after claiming to be a ` fixer '\n", - "[1.3192866 1.2743425 1.2076484 1.3135927 1.1849697 1.0521472 1.0721937\n", - " 1.1034414 1.0803878 1.0893717 1.0742791 1.052529 1.037621 1.1708623\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 13 7 9 8 10 6 11 5 12 18 14 15 16 17 19]\n", - "=======================\n", - "[\"bbc programmes are set to move online as part of a new ` internet first ' strategy designed to compete with web services such as netflix and amazon .corporation bosses fear they could be losing younger viewers who are used to watching video online rather than through their tvs , and are promoting digital services in a bid to tackle the problem .but the revelation could spark controversy over the future of the licence fee , because viewers are currently able to use the bbc 's online services without paying for them .\"]\n", - "=======================\n", - "[\"bbc is aiming to compete with internet services which have captured younger generation of viewersnew technology boss vows to make the corporation ` internet first 'but the move will raise questions over the future of the tv licence fee\"]\n", - "bbc programmes are set to move online as part of a new ` internet first ' strategy designed to compete with web services such as netflix and amazon .corporation bosses fear they could be losing younger viewers who are used to watching video online rather than through their tvs , and are promoting digital services in a bid to tackle the problem .but the revelation could spark controversy over the future of the licence fee , because viewers are currently able to use the bbc 's online services without paying for them .\n", - "bbc is aiming to compete with internet services which have captured younger generation of viewersnew technology boss vows to make the corporation ` internet first 'but the move will raise questions over the future of the tv licence fee\n", - "[1.49492 1.5034409 1.3825831 1.2901063 1.1775453 1.0681098 1.0240585\n", - " 1.0231155 1.0352067 1.1372532 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 9 5 8 6 7 18 10 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"bosch , 31 , was the hero of saracens ' european champions cup quarter-final victory over racing metro 11 days ago , booting a penalty with the game 's final kick to secure a 12-11 success in paris .saracens have announced that argentina centre marcelo bosch has signed a contract extension at allianz park .the 33 times-capped international joined saracens from biarritz in 2013 .\"]\n", - "=======================\n", - "[\"argentina international marcelo bosch joined saracens in october 2013bosch signs contract extension ahead of champions cup semi-finalsbosch 's last-minute penalty at racing metro sent sarries through\"]\n", - "bosch , 31 , was the hero of saracens ' european champions cup quarter-final victory over racing metro 11 days ago , booting a penalty with the game 's final kick to secure a 12-11 success in paris .saracens have announced that argentina centre marcelo bosch has signed a contract extension at allianz park .the 33 times-capped international joined saracens from biarritz in 2013 .\n", - "argentina international marcelo bosch joined saracens in october 2013bosch signs contract extension ahead of champions cup semi-finalsbosch 's last-minute penalty at racing metro sent sarries through\n", - "[1.2794241 1.3061407 1.38887 1.2627057 1.1529396 1.0882266 1.042452\n", - " 1.0897464 1.0841528 1.0512786 1.18472 1.1005218 1.0181153 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 10 4 11 7 5 8 9 6 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"earlier this month , aaron hernandez , 25 , was sentenced to life in prison without the possibility of parole for first-degree murder of the semi-professional football player in 2013 .oscar ` papoo ' hernandez jr - no relation to the disgraced nfl player - has pleaded guilty to weapons charges in connection to his infamous namesake 's murder case .a gun trafficker for convicted killer aaron hernandez said he was ` awed ' by the former new england patriots star when he sent him an assault rifle and a pair of handguns a month before odin lloyd 's killing .\"]\n", - "=======================\n", - "[\"oscar hernandez jr has pleaded guilty to transporting firearms , obstruction of justice , lying to a federal grand jury and witness tamperingconfessed to shipping aaron hernandez three weapons a month before odin lloyd 's killing june 2013hernandez jr said he was blinded by new england patriot 's fame and ` grateful to be noticed 'aaron hernandez has been convicted of first-degree murder and sentenced to life in prison without parole\"]\n", - "earlier this month , aaron hernandez , 25 , was sentenced to life in prison without the possibility of parole for first-degree murder of the semi-professional football player in 2013 .oscar ` papoo ' hernandez jr - no relation to the disgraced nfl player - has pleaded guilty to weapons charges in connection to his infamous namesake 's murder case .a gun trafficker for convicted killer aaron hernandez said he was ` awed ' by the former new england patriots star when he sent him an assault rifle and a pair of handguns a month before odin lloyd 's killing .\n", - "oscar hernandez jr has pleaded guilty to transporting firearms , obstruction of justice , lying to a federal grand jury and witness tamperingconfessed to shipping aaron hernandez three weapons a month before odin lloyd 's killing june 2013hernandez jr said he was blinded by new england patriot 's fame and ` grateful to be noticed 'aaron hernandez has been convicted of first-degree murder and sentenced to life in prison without parole\n", - "[1.2083205 1.0814112 1.3632073 1.262434 1.1127738 1.068503 1.1487994\n", - " 1.1106516 1.1108667 1.0959388 1.0342144 1.0803442 1.0360405 1.0347788\n", - " 1.0398514 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 6 4 8 7 9 1 11 5 14 12 13 10 15 16 17 18 19 20]\n", - "=======================\n", - "['the nigerian city is among african metropolises which have seen some of the highest growth in the number of millionaires on the continent .others include luanda , dar es salaam and accra , which is predicted to nearly double its millionaire count from 800 in 2012 to 1,500 in 2020 .( cnn ) wealthy nigerians used to travel abroad to get their fix of luxury goods .']\n", - "=======================\n", - "['the city with most multimillionaires in africa is johannesburghowever a crop of new pretenders have been expanding their millionaire count']\n", - "the nigerian city is among african metropolises which have seen some of the highest growth in the number of millionaires on the continent .others include luanda , dar es salaam and accra , which is predicted to nearly double its millionaire count from 800 in 2012 to 1,500 in 2020 .( cnn ) wealthy nigerians used to travel abroad to get their fix of luxury goods .\n", - "the city with most multimillionaires in africa is johannesburghowever a crop of new pretenders have been expanding their millionaire count\n", - "[1.1960255 1.4157311 1.263726 1.4750681 1.1978807 1.1808672 1.0970849\n", - " 1.0151776 1.0130764 1.0145457 1.0156392 1.0365405 1.015925 1.0114386\n", - " 1.0132431 1.0117772 1.0157955 1.0497165 1.06521 1.0486103 1.0409204]\n", - "\n", - "[ 3 1 2 4 0 5 6 18 17 19 20 11 12 16 10 7 9 14 8 15 13]\n", - "=======================\n", - "['david zaslav ( above ) was compensated $ 156.1 million for his role as ceo of discovery communications it was revealed on fridaythis amount , thanks to the success of television events like shark week , shows like the once popular here comes honey boo boo and his running of networks like own , makes him one of the highest paid television executives .it seems that 2014 was a very , very good year to be discovery communications ceo david zaslav .']\n", - "=======================\n", - "[\"david zaslav was compensated $ 156.1 million for his role as ceo of discovery communications in 2014 it was revealed on fridaythis amount is thanks to the success of television events like shark week and shows like the once popular here comes honey boo boohe also helps to run oprah winfrey 's network , ownthis amount is far , far greater than the $ 93million cbs chairman sumner redstone made in 2013 , the highest paid television executiveof this money , $ 144million is in stocks\"]\n", - "david zaslav ( above ) was compensated $ 156.1 million for his role as ceo of discovery communications it was revealed on fridaythis amount , thanks to the success of television events like shark week , shows like the once popular here comes honey boo boo and his running of networks like own , makes him one of the highest paid television executives .it seems that 2014 was a very , very good year to be discovery communications ceo david zaslav .\n", - "david zaslav was compensated $ 156.1 million for his role as ceo of discovery communications in 2014 it was revealed on fridaythis amount is thanks to the success of television events like shark week and shows like the once popular here comes honey boo boohe also helps to run oprah winfrey 's network , ownthis amount is far , far greater than the $ 93million cbs chairman sumner redstone made in 2013 , the highest paid television executiveof this money , $ 144million is in stocks\n", - "[1.5306206 1.60093 1.0582345 1.0333256 1.0901694 1.0460907 1.2763342\n", - " 1.2509836 1.0298401 1.0216184 1.2950335 1.1898285 1.0513015 1.0265552\n", - " 1.0129013 1.0148866 1.0154321 1.0470784 1.0647094 0. 0. ]\n", - "\n", - "[ 1 0 10 6 7 11 4 18 2 12 17 5 3 8 13 9 16 15 14 19 20]\n", - "=======================\n", - "[\"jose mourinho 's side are 10 points clear of second-placed arsenal , who they play at the weekend , and brazil international oscar has aspirations of further success in the coming seasons .chelsea midfielder oscar hopes that winning the premier league title this season can kick-start a period of dominance in english football for the blues .the blues have already won the capital one cup this season and are close to securing the league title\"]\n", - "=======================\n", - "[\"chelsea are 10 points clear at the top of the barclay 's premier league tablethey face second-placed arsenal on sunday , and can open up a huge gaposcar believes that winning the title can push chelsea to further successhe admits that an in-form arsenal will pose a tough test for chelseawatch : chelsea fans storm emirates stadium to play practical joke\"]\n", - "jose mourinho 's side are 10 points clear of second-placed arsenal , who they play at the weekend , and brazil international oscar has aspirations of further success in the coming seasons .chelsea midfielder oscar hopes that winning the premier league title this season can kick-start a period of dominance in english football for the blues .the blues have already won the capital one cup this season and are close to securing the league title\n", - "chelsea are 10 points clear at the top of the barclay 's premier league tablethey face second-placed arsenal on sunday , and can open up a huge gaposcar believes that winning the title can push chelsea to further successhe admits that an in-form arsenal will pose a tough test for chelseawatch : chelsea fans storm emirates stadium to play practical joke\n", - "[1.5961206 1.4072865 1.1560146 1.3642617 1.115557 1.0455173 1.118797\n", - " 1.1078569 1.231634 1.1313351 1.1029475 1.0803108 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 8 2 9 6 4 7 10 11 5 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"bayern munich central defender medhi benatia could miss both legs of their champions league quarter-final against porto due to a muscle injury .the 27-year-old was taken off in the first half of their victory on penalties over bayer leverkusen in the german cup last eight on wednesday .the morocco international said on his twitter account that a medical examination suggested he would be out for between ` two and four weeks ' .\"]\n", - "=======================\n", - "[\"medhi benatia was taken off against bayern leverkusen on wednesdaythe bayern munich defender will be out for between two and four weeksbayern face porto in the champions league on april 15 and april 21benatia described his injury as an ` occupational hazard ' on twitter\"]\n", - "bayern munich central defender medhi benatia could miss both legs of their champions league quarter-final against porto due to a muscle injury .the 27-year-old was taken off in the first half of their victory on penalties over bayer leverkusen in the german cup last eight on wednesday .the morocco international said on his twitter account that a medical examination suggested he would be out for between ` two and four weeks ' .\n", - "medhi benatia was taken off against bayern leverkusen on wednesdaythe bayern munich defender will be out for between two and four weeksbayern face porto in the champions league on april 15 and april 21benatia described his injury as an ` occupational hazard ' on twitter\n", - "[1.1357082 1.1987288 1.2219487 1.1537062 1.3596358 1.1555358 1.1368707\n", - " 1.1619462 1.1016723 1.0573069 1.0776504 1.016925 1.0577632 1.1024169\n", - " 1.0392352 1.0260123 1.0142846 1.0139124 1.0147358 1.0564222 0. ]\n", - "\n", - "[ 4 2 1 7 5 3 6 0 13 8 10 12 9 19 14 15 11 18 16 17 20]\n", - "=======================\n", - "['manchester united captain wayne rooney has been returned to his preferred position up frontunited were poor that night in the fa cup at deepdale , coming from behind to win .the truth is that a dark , cold night at preston north end in mid-february is more significant .']\n", - "=======================\n", - "[\"wayne rooney has returned to his preferred striking positionhe had been deployed in midfield earlier this seasonmanager louis van gaal has restored his captain to leading the linerooney 's return up front has coincided with united 's stunning formunited are slight favourites for sunday 's derby with manchester city\"]\n", - "manchester united captain wayne rooney has been returned to his preferred position up frontunited were poor that night in the fa cup at deepdale , coming from behind to win .the truth is that a dark , cold night at preston north end in mid-february is more significant .\n", - "wayne rooney has returned to his preferred striking positionhe had been deployed in midfield earlier this seasonmanager louis van gaal has restored his captain to leading the linerooney 's return up front has coincided with united 's stunning formunited are slight favourites for sunday 's derby with manchester city\n", - "[1.3114324 1.4967076 1.3226316 1.2636158 1.0818033 1.0537267 1.3710786\n", - " 1.1364431 1.0252624 1.0228078 1.0222491 1.0797873 1.1026633 1.0235177\n", - " 1.0654991 1.0265378 1.0512912 1.0695469 1.1304506 1.0415341 1.1012013]\n", - "\n", - "[ 1 6 2 0 3 7 18 12 20 4 11 17 14 5 16 19 15 8 13 9 10]\n", - "=======================\n", - "['at least 55 carcasses were found in the coonarr area , near bundaberg , on tuesday .a joint rspca and queensland police taskforce is now investigating .more than 50 dead greyhounds have been found dumped in queensland bushland , with a taskforce set up to probe live-baiting in the state now investigating the grim find .']\n", - "=======================\n", - "[\"55 dead greyhound carcasses found dumped in coonar , queenslanda joint rspca and queensland police task force is investigatingearly investigations suggest the dogs were young dogs that were killed as they were too slowthey were found in various states of decomposition in an area with no other training facilities or connections to the industryrspca spokesperson says they believe they may be young dogs that were n't fast enough\"]\n", - "at least 55 carcasses were found in the coonarr area , near bundaberg , on tuesday .a joint rspca and queensland police taskforce is now investigating .more than 50 dead greyhounds have been found dumped in queensland bushland , with a taskforce set up to probe live-baiting in the state now investigating the grim find .\n", - "55 dead greyhound carcasses found dumped in coonar , queenslanda joint rspca and queensland police task force is investigatingearly investigations suggest the dogs were young dogs that were killed as they were too slowthey were found in various states of decomposition in an area with no other training facilities or connections to the industryrspca spokesperson says they believe they may be young dogs that were n't fast enough\n", - "[1.3193734 1.3229585 1.4938707 1.3380744 1.2969408 1.0886577 1.0254759\n", - " 1.0188811 1.0190902 1.0256509 1.0300727 1.06856 1.02737 1.0144845\n", - " 1.128957 1.0526342 1.0601891 1.111172 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 0 4 14 17 5 11 16 15 10 12 9 6 8 7 13 18 19 20]\n", - "=======================\n", - "[\"sir bruce 's first wife , penny calvert , was moved into a care home with dementia in 2008 , and he visited regularly to help care for her until her death last year .sir bruce forsyth has said that sometimes it can be ` more cruel to do nothing ' than to let someone die , as he spoke out today in support of assisted dyingsir bruce said his experience of nursing first wife penny calvert ( pictured here with the couple 's three children ) as she suffered with dementia had convinced him of a need for a change in the law\"]\n", - "=======================\n", - "[\"sir bruce said it can be ` more cruel to do nothing ' than to let someone diesaid he would like the right to be able to chose the timing of his own deathhe cared for first wife penny calvert after she was moved into care in 2008ms calvert , whom he divorced in 1973 , died in 2014 after battling dementia\"]\n", - "sir bruce 's first wife , penny calvert , was moved into a care home with dementia in 2008 , and he visited regularly to help care for her until her death last year .sir bruce forsyth has said that sometimes it can be ` more cruel to do nothing ' than to let someone die , as he spoke out today in support of assisted dyingsir bruce said his experience of nursing first wife penny calvert ( pictured here with the couple 's three children ) as she suffered with dementia had convinced him of a need for a change in the law\n", - "sir bruce said it can be ` more cruel to do nothing ' than to let someone diesaid he would like the right to be able to chose the timing of his own deathhe cared for first wife penny calvert after she was moved into care in 2008ms calvert , whom he divorced in 1973 , died in 2014 after battling dementia\n", - "[1.273369 1.2276468 1.1475128 1.4433333 1.2465848 1.1604232 1.1045148\n", - " 1.019288 1.1487867 1.0558813 1.1619081 1.0592428 1.0666158 1.0524297\n", - " 1.0263665 1.0727059 1.0770954 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 4 1 10 5 8 2 6 16 15 12 11 9 13 14 7 19 17 18 20]\n", - "=======================\n", - "[\"porto and brazil right back danilo will join real madrid in the summer in a deal worth # 23millionwith the confirmation of danilo 's summer switch to real madrid , porto have now received a whopping # 440million from player sales in the last 11 years .jose mourinho celebrates winning the 2004 champions league with the portuguese club\"]\n", - "=======================\n", - "['danilo this week agreed to join real madrid in the summer for # 23milliontransfer will take total raised from player sales to # 440m since 2004james rodriguez , pepe and radamel falcao among those sold by portoclick here for all the latest real madrid news']\n", - "porto and brazil right back danilo will join real madrid in the summer in a deal worth # 23millionwith the confirmation of danilo 's summer switch to real madrid , porto have now received a whopping # 440million from player sales in the last 11 years .jose mourinho celebrates winning the 2004 champions league with the portuguese club\n", - "danilo this week agreed to join real madrid in the summer for # 23milliontransfer will take total raised from player sales to # 440m since 2004james rodriguez , pepe and radamel falcao among those sold by portoclick here for all the latest real madrid news\n", - "[1.2156143 1.2812176 1.332138 1.360755 1.2397511 1.227469 1.1000248\n", - " 1.1545316 1.1076728 1.1178234 1.0343351 1.0240399 1.0808471 1.0131779\n", - " 1.0084484 1.0296798 1.0142868 1.0522995 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 4 5 0 7 9 8 6 12 17 10 15 11 16 13 14 19 18 20]\n", - "=======================\n", - "[\"emily and byron schlenker are the world record holders for having the widest female and male tounguesbyron 's buds measure a whopping 8.6 cm across - the same width as a beer mat and 2cm wider than an iphone 6 .byron only found out he was a world-beater when he picked up a guinness world records book at the library while helping his daughter with a school project\"]\n", - "=======================\n", - "['byron schlenker and daughter emily , 14 , are both world record holders47-year-old from syracuse , new york , has tongue wider than an iphone 6is now a celebrity in hometown since winning guinness world record crown']\n", - "emily and byron schlenker are the world record holders for having the widest female and male tounguesbyron 's buds measure a whopping 8.6 cm across - the same width as a beer mat and 2cm wider than an iphone 6 .byron only found out he was a world-beater when he picked up a guinness world records book at the library while helping his daughter with a school project\n", - "byron schlenker and daughter emily , 14 , are both world record holders47-year-old from syracuse , new york , has tongue wider than an iphone 6is now a celebrity in hometown since winning guinness world record crown\n", - "[1.3733399 1.4128374 1.2462457 1.1605077 1.1276472 1.1087227 1.1113877\n", - " 1.0549996 1.0642742 1.0477713 1.0447576 1.1134032 1.1249254 1.1486349\n", - " 1.0741061 1.0657325 1.0251553 1.0700172 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 13 4 12 11 6 5 14 17 15 8 7 9 10 16 19 18 20]\n", - "=======================\n", - "[\"arthur baldwin , 29 , was arrested at a woman 's residence in southeast washington , according to documents provided by the police department .washington ( cnn ) an off-duty member of the uniformed division of secret service was arrested friday in washington and charged with first-degree attempted burglary , a felony , and one misdemeanor count for destruction of property , the d.c. metropolitan police department reported .he has been placed on administrative leave and his security clearance has been suspended , the secret service said .\"]\n", - "=======================\n", - "[\"off-duty member of the uniformed division of secret service arrested fridaypolice said he was charged with trying to break into a woman 's residence\"]\n", - "arthur baldwin , 29 , was arrested at a woman 's residence in southeast washington , according to documents provided by the police department .washington ( cnn ) an off-duty member of the uniformed division of secret service was arrested friday in washington and charged with first-degree attempted burglary , a felony , and one misdemeanor count for destruction of property , the d.c. metropolitan police department reported .he has been placed on administrative leave and his security clearance has been suspended , the secret service said .\n", - "off-duty member of the uniformed division of secret service arrested fridaypolice said he was charged with trying to break into a woman 's residence\n", - "[1.3769995 1.4785509 1.2673388 1.4328 1.1036956 1.0885118 1.1263075\n", - " 1.0248339 1.0193914 1.1200458 1.0294348 1.0130942 1.0117799 1.0100399\n", - " 1.014591 1.1473423 1.0138541 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 15 6 9 4 5 10 7 8 14 16 11 12 13 19 17 18 20]\n", - "=======================\n", - "[\"manor driver stevens was introduced to st george 's park by michael johnson performance , the training company founded by the four-time olympic champion and which has a partnership with the burton-based centre where all 24 england teams train ahead of international fixtures .the 23-year-old was a regular visitor last year as he looked to step up his fitness in preparation for a potential f1 drive , which came his way with now-defunct caterham in the final race in abu dhabi .stevens has access to an exercise bike , treadmill and rowing machine , located in the altitude chamber\"]\n", - "=======================\n", - "[\"manor driver will stevens has been using the facilities at st george 's parkthe state-of-the-art centre is used by the senior england football teamstevens is preparing to race in the bahrain grand prix on sunday\"]\n", - "manor driver stevens was introduced to st george 's park by michael johnson performance , the training company founded by the four-time olympic champion and which has a partnership with the burton-based centre where all 24 england teams train ahead of international fixtures .the 23-year-old was a regular visitor last year as he looked to step up his fitness in preparation for a potential f1 drive , which came his way with now-defunct caterham in the final race in abu dhabi .stevens has access to an exercise bike , treadmill and rowing machine , located in the altitude chamber\n", - "manor driver will stevens has been using the facilities at st george 's parkthe state-of-the-art centre is used by the senior england football teamstevens is preparing to race in the bahrain grand prix on sunday\n", - "[1.3008364 1.3502293 1.0512757 1.1683543 1.0860152 1.218566 1.2247052\n", - " 1.138 1.0444723 1.0757275 1.0895218 1.1082582 1.1493932 1.1912308\n", - " 1.0282125 1.0531535 1.0182184 1.0186148 1.0165498 1.1203111 1.0197892]\n", - "\n", - "[ 1 0 6 5 13 3 12 7 19 11 10 4 9 15 2 8 14 20 17 16 18]\n", - "=======================\n", - "[\"during the encounter on thursday , obama spoke about the six-time olympic champion saying ` nobody 's ever been faster than this guy .when president obama met usain bolt he could not resist joining the world-class sprinter in striking his trademark ` lightning pose ' .he then told bolt ` wait , wait should we get a pose here ?\"]\n", - "=======================\n", - "['president barack obama became the first president to visit jamaica since president ronald reagan in 1982 on thursdayhe met the world-class sprinter when they did his signature poseobama also gave a special mention to triple-world champion shelly-ann fraser-pryce and bolt while speaking during town hall meeting']\n", - "during the encounter on thursday , obama spoke about the six-time olympic champion saying ` nobody 's ever been faster than this guy .when president obama met usain bolt he could not resist joining the world-class sprinter in striking his trademark ` lightning pose ' .he then told bolt ` wait , wait should we get a pose here ?\n", - "president barack obama became the first president to visit jamaica since president ronald reagan in 1982 on thursdayhe met the world-class sprinter when they did his signature poseobama also gave a special mention to triple-world champion shelly-ann fraser-pryce and bolt while speaking during town hall meeting\n", - "[1.6201913 1.3379176 1.145584 1.2795305 1.1262598 1.0284641 1.0289382\n", - " 1.2353226 1.0967913 1.1843852 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 7 9 2 4 8 6 5 18 17 16 15 10 13 12 11 19 14 20]\n", - "=======================\n", - "[\"real madrid 's spanish star isco admitted he is unhappy with life at the bernabeu , after losing his place in the starting line-up in recent weeks .despite being one of real 's best players this season , in the absence of injured colombian playmaker james rodriguez , isco fell straight back out of the team when rodriguez returned to fitness .isco ( left ) returned to the real madrid starting xi for the champions league semi-final , but only due to injuries\"]\n", - "=======================\n", - "['midfielder had been a key performer while james rodriguez was outbut isco lost his place in the team when the colombian returned to fitnessinjuries to luka modric and gareth bale saw isco return against atletico']\n", - "real madrid 's spanish star isco admitted he is unhappy with life at the bernabeu , after losing his place in the starting line-up in recent weeks .despite being one of real 's best players this season , in the absence of injured colombian playmaker james rodriguez , isco fell straight back out of the team when rodriguez returned to fitness .isco ( left ) returned to the real madrid starting xi for the champions league semi-final , but only due to injuries\n", - "midfielder had been a key performer while james rodriguez was outbut isco lost his place in the team when the colombian returned to fitnessinjuries to luka modric and gareth bale saw isco return against atletico\n", - "[1.3733613 1.3100163 1.2605555 1.2943993 1.1231111 1.4036149 1.246144\n", - " 1.1253843 1.0688702 1.0249342 1.0131742 1.0355045 1.0118946 1.01791\n", - " 1.0855659 1.2458905 1.018346 1.010426 1.0107108 1.0095012 0. ]\n", - "\n", - "[ 5 0 1 3 2 6 15 7 4 14 8 11 9 16 13 10 12 18 17 19 20]\n", - "=======================\n", - "[\"derby manager steve mcclaren has called speculation linking him with the newcastle job as ` disrespectful 'mcclaren admitted there had been interest in him from newcastle around the turn of the year , when alan pardew left as manager to take over at crystal palace .mcclaren is understood to be one of two people on newcastle 's short list for the head coach role at st james ' park next season , according to reports in the north east .\"]\n", - "=======================\n", - "['steve mcclaren says newcastle were interested in him to become their new manager after alan pardew left the club for crystal palacethe former england boss is believed to be on the shortlist for the newcastle job next termmcclaren is on course to reach the play-offs with derby this season']\n", - "derby manager steve mcclaren has called speculation linking him with the newcastle job as ` disrespectful 'mcclaren admitted there had been interest in him from newcastle around the turn of the year , when alan pardew left as manager to take over at crystal palace .mcclaren is understood to be one of two people on newcastle 's short list for the head coach role at st james ' park next season , according to reports in the north east .\n", - "steve mcclaren says newcastle were interested in him to become their new manager after alan pardew left the club for crystal palacethe former england boss is believed to be on the shortlist for the newcastle job next termmcclaren is on course to reach the play-offs with derby this season\n", - "[1.2440677 1.4445754 1.1002035 1.2703813 1.2178264 1.1968362 1.3050923\n", - " 1.0858698 1.0638067 1.0291427 1.01618 1.0717193 1.0871313 1.0174323\n", - " 1.0445803 1.0146034 1.0813898 1.2366761 1.1309869 0. 0. ]\n", - "\n", - "[ 1 6 3 0 17 4 5 18 2 12 7 16 11 8 14 9 13 10 15 19 20]\n", - "=======================\n", - "[\"the video shows how angelo west , 41 , immediately jumps out of the car and shoots officer john moynihan , 34 , under the eye at close range after the policeman opens the driver-side door .boston police commissioner william evans pointed out that he was firing ` under his arm ' at the other cops .a newly released video shows the shocking moment a boston police officer was shot in the face just seconds after approaching a driver who was stopped during a gunfire investigation .\"]\n", - "=======================\n", - "[\"video shows how john moynihan , 34 , was shot within seconds of opening angelo west 's car doorwest , 41 , immediately jumps out of the car and shoots the officervideo then shows west shooting at officers as he runs across the streetwest was fatally shot by moynihan 's colleagues during the shoot-outpolice said they released the video to be transparent with the public and tamp down rumorsmoynihan was released from the hospital friday after weeks of recoverypolice said his current condition is ` serious but improving '\"]\n", - "the video shows how angelo west , 41 , immediately jumps out of the car and shoots officer john moynihan , 34 , under the eye at close range after the policeman opens the driver-side door .boston police commissioner william evans pointed out that he was firing ` under his arm ' at the other cops .a newly released video shows the shocking moment a boston police officer was shot in the face just seconds after approaching a driver who was stopped during a gunfire investigation .\n", - "video shows how john moynihan , 34 , was shot within seconds of opening angelo west 's car doorwest , 41 , immediately jumps out of the car and shoots the officervideo then shows west shooting at officers as he runs across the streetwest was fatally shot by moynihan 's colleagues during the shoot-outpolice said they released the video to be transparent with the public and tamp down rumorsmoynihan was released from the hospital friday after weeks of recoverypolice said his current condition is ` serious but improving '\n", - "[1.2134266 1.4689065 1.3241827 1.2425796 1.1918671 1.058925 1.0795394\n", - " 1.0350561 1.1070942 1.1864222 1.1056411 1.028805 1.008239 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 9 8 10 6 5 7 11 12 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"those living in the esher and walton parliamentary constituency -- home to gary lineker , frank lampard , mick hucknall and chris tarrant -- have seen average income tax bills jump by 8 per cent in a year .they paid the most income tax in 2012/13 , with bills averaging # 16,900 , almost four times the national average of # 4,363 , a study by accountancy group uhy hacker young found .celebrity residents and good commuter links to the city have made esher in surrey the country 's number one income tax hotspot , research shows\"]\n", - "=======================\n", - "['bills averaged # 16,900 - almost four times the national average of # 4,363people also paid more in windsor , beaconsfield , chesham and amershamstoke-on-trent central had the lowest bills at # 2,100 per year']\n", - "those living in the esher and walton parliamentary constituency -- home to gary lineker , frank lampard , mick hucknall and chris tarrant -- have seen average income tax bills jump by 8 per cent in a year .they paid the most income tax in 2012/13 , with bills averaging # 16,900 , almost four times the national average of # 4,363 , a study by accountancy group uhy hacker young found .celebrity residents and good commuter links to the city have made esher in surrey the country 's number one income tax hotspot , research shows\n", - "bills averaged # 16,900 - almost four times the national average of # 4,363people also paid more in windsor , beaconsfield , chesham and amershamstoke-on-trent central had the lowest bills at # 2,100 per year\n", - "[1.4141091 1.2433274 1.2566164 1.1629716 1.1623178 1.1552339 1.0311362\n", - " 1.0638562 1.0581738 1.0264286 1.0177119 1.0291499 1.0129023 1.1268747\n", - " 1.0549754 1.0757793 1.0124881 1.0329075 1.0288856 1.0291555]\n", - "\n", - "[ 0 2 1 3 4 5 13 15 7 8 14 17 6 19 11 18 9 10 12 16]\n", - "=======================\n", - "[\"durham , north carolina ( cnn ) president obama 's nomination of loretta lynch to become the country 's first african-american woman attorney general is a historic pick .the period between the senate judiciary committee 's vote to confirm and the full senate vote -- which in lynch 's case has not been scheduled -- has lasted longer for her than for any attorney general nominee in recent history .by the time the senate returns from easter recess on monday , it 'll have been longer than the eight previous nominees for the job -- combined .\"]\n", - "=======================\n", - "[\"the nomination of loretta lynch as u.s. attorney general was announced in novembershe would be the country 's first african-american woman attorney generalbut as her confirmation process drags on , her supporters wonder why\"]\n", - "durham , north carolina ( cnn ) president obama 's nomination of loretta lynch to become the country 's first african-american woman attorney general is a historic pick .the period between the senate judiciary committee 's vote to confirm and the full senate vote -- which in lynch 's case has not been scheduled -- has lasted longer for her than for any attorney general nominee in recent history .by the time the senate returns from easter recess on monday , it 'll have been longer than the eight previous nominees for the job -- combined .\n", - "the nomination of loretta lynch as u.s. attorney general was announced in novembershe would be the country 's first african-american woman attorney generalbut as her confirmation process drags on , her supporters wonder why\n", - "[1.1187536 1.0413741 1.2520264 1.1946344 1.3895552 1.354936 1.2699997\n", - " 1.1003451 1.0230557 1.0895058 1.0702399 1.0526651 1.1889926 1.0330544\n", - " 1.108342 1.0185338 1.0098615 1.0175747 0. 0. ]\n", - "\n", - "[ 4 5 6 2 3 12 0 14 7 9 10 11 1 13 8 15 17 16 18 19]\n", - "=======================\n", - "[\"new instagram account hot dudes with dogs features men looking hot while posing with dogsthe account was started by writer kaylin pound and relies on submissions via direct messageswe 've seen hot dudes reading , hot dudes drinking coffee , and even hot dudes posing like cats ( yes this is a real thing , ask google .\"]\n", - "=======================\n", - "[\"new instagram account showcases buff , often topless , men cuddling their adorable pet pupslaunched one month ago , it boasts 148,000 followers and relies on submissions via direct messagesowned and run by elite daily 's staff writer kaylin pound , who also created rich dogs of instagram\"]\n", - "new instagram account hot dudes with dogs features men looking hot while posing with dogsthe account was started by writer kaylin pound and relies on submissions via direct messageswe 've seen hot dudes reading , hot dudes drinking coffee , and even hot dudes posing like cats ( yes this is a real thing , ask google .\n", - "new instagram account showcases buff , often topless , men cuddling their adorable pet pupslaunched one month ago , it boasts 148,000 followers and relies on submissions via direct messagesowned and run by elite daily 's staff writer kaylin pound , who also created rich dogs of instagram\n", - "[1.3209583 1.3133215 1.2283695 1.152652 1.0719368 1.0615028 1.0660359\n", - " 1.0672263 1.0395513 1.0291771 1.0588102 1.0461577 1.0965401 1.0806602\n", - " 1.0451117 1.0558108 1.0541658 1.032792 1.0483816 1.0396098]\n", - "\n", - "[ 0 1 2 3 12 13 4 7 6 5 10 15 16 18 11 14 19 8 17 9]\n", - "=======================\n", - "[\"after experiencing major devastation and loss of life in the april 25 earthquake , nepal was left with an unsavoury taste in its mouth after receiving packets of ` beef masala ' as part of the relief package from pakistan .since the majority-hindu country treats cows as sacred and there is a blanket ban on slaughtering the animal , the development has the potential to trigger diplomatic acrimony between the south asian association for regional cooperation ( saarc ) member countries .these doctors -- drawn from ram manohar lohia ( rml ) hospital , safdarjung hospital and all india institute of medical sciences ( aiims ) -- are members of a 34-member medical team sent to nepal for treating the survivors .\"]\n", - "=======================\n", - "[\"cows are treated as sacred in nepal , where the majority are hinduskilling a cow used to be punishable by death , but now carries a 12-year jail termnepalese government officials have informed the country 's pman internal inquiry is underway and the matter will be raised with pakistan\"]\n", - "after experiencing major devastation and loss of life in the april 25 earthquake , nepal was left with an unsavoury taste in its mouth after receiving packets of ` beef masala ' as part of the relief package from pakistan .since the majority-hindu country treats cows as sacred and there is a blanket ban on slaughtering the animal , the development has the potential to trigger diplomatic acrimony between the south asian association for regional cooperation ( saarc ) member countries .these doctors -- drawn from ram manohar lohia ( rml ) hospital , safdarjung hospital and all india institute of medical sciences ( aiims ) -- are members of a 34-member medical team sent to nepal for treating the survivors .\n", - "cows are treated as sacred in nepal , where the majority are hinduskilling a cow used to be punishable by death , but now carries a 12-year jail termnepalese government officials have informed the country 's pman internal inquiry is underway and the matter will be raised with pakistan\n", - "[1.3959761 1.4035174 1.2413485 1.1896492 1.0941887 1.1076566 1.1600922\n", - " 1.1082048 1.052701 1.0409062 1.0439744 1.0957863 1.0544084 1.0577451\n", - " 1.0104597 1.038354 1.118134 1.051681 0. 0. ]\n", - "\n", - "[ 1 0 2 3 6 16 7 5 11 4 13 12 8 17 10 9 15 14 18 19]\n", - "=======================\n", - "['a video shows officer michael slager , who is white , firing eight shots at 50-year-old walter scott as scott has his back to him and is running away .( cnn ) the officer charged with murder in the shooting death of an unarmed black man in south carolina has been fired as anger continues to build around his case .scott , who was unarmed , was struck five times .']\n", - "=======================\n", - "['witness who took the video says \" mr. scott did n\\'t deserve this \"north charleston police officer michael slager is firedthe city orders an additional 150 body cameras']\n", - "a video shows officer michael slager , who is white , firing eight shots at 50-year-old walter scott as scott has his back to him and is running away .( cnn ) the officer charged with murder in the shooting death of an unarmed black man in south carolina has been fired as anger continues to build around his case .scott , who was unarmed , was struck five times .\n", - "witness who took the video says \" mr. scott did n't deserve this \"north charleston police officer michael slager is firedthe city orders an additional 150 body cameras\n", - "[1.4108411 1.1929584 1.2864509 1.1576648 1.1542375 1.1463695 1.2591016\n", - " 1.1427913 1.0694219 1.078481 1.0389671 1.0589625 1.1017588 1.1192791\n", - " 1.0343313 1.161548 1.0997075 1.0348706 1.0282842]\n", - "\n", - "[ 0 2 6 1 15 3 4 5 7 13 12 16 9 8 11 10 17 14 18]\n", - "=======================\n", - "['charged : rejean hermel perron ( pictured ) has been accused of holding a woman captive for five days and subjecting her to multiple sexual assaultsthe 27-year-old sex trade worker emerged from a home in toronto , canada , bound by handcuffs , badly bruised and naked from the waist down begging for help .peter hamilton heard her cries as he was passing by and desperately tried to free her from her restraints .']\n", - "=======================\n", - "['peter hamilton intervened after woman emerged from a home in torontoshe said a man armed with a gun and a knife had held her for five daysvictim started screaming for help when the suspect fell asleep inside43-year-old rejean hermel perron has been charged with multiple offencesdetectives working on the case believe there could be further victims']\n", - "charged : rejean hermel perron ( pictured ) has been accused of holding a woman captive for five days and subjecting her to multiple sexual assaultsthe 27-year-old sex trade worker emerged from a home in toronto , canada , bound by handcuffs , badly bruised and naked from the waist down begging for help .peter hamilton heard her cries as he was passing by and desperately tried to free her from her restraints .\n", - "peter hamilton intervened after woman emerged from a home in torontoshe said a man armed with a gun and a knife had held her for five daysvictim started screaming for help when the suspect fell asleep inside43-year-old rejean hermel perron has been charged with multiple offencesdetectives working on the case believe there could be further victims\n", - "[1.4241724 1.3118023 1.2508373 1.2994901 1.1223228 1.15379 1.0799286\n", - " 1.0871559 1.0713702 1.0554506 1.0413966 1.0506622 1.1034278 1.1073217\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 5 4 13 12 7 6 8 9 11 10 17 14 15 16 18]\n", - "=======================\n", - "[\"facing investigation : rifaat al-assad , 77 , is being probed by french police over his # 64million fortuneprosecutors in paris have revealed details of the year-long probe into rifaat al-assad 's finances .the inquiry into the former syrian vice president 's finances was triggered by sherpa , an activist group representing the victims of financial crime , which claims his fortune was stolen during his time at the heart of the syrian regime .\"]\n", - "=======================\n", - "[\"rifaat al assad is facing criminal probe over how he amassed huge fortuneactivists say it was stolen from syria when he was at heart of its regimerifaat , 77 , is brother of late hafez al assad - syria 's president for 29 yearshe headed notorious internal security forces during 1982 hama massacreand was later exiled to europe after attempting to seize power from brother\"]\n", - "facing investigation : rifaat al-assad , 77 , is being probed by french police over his # 64million fortuneprosecutors in paris have revealed details of the year-long probe into rifaat al-assad 's finances .the inquiry into the former syrian vice president 's finances was triggered by sherpa , an activist group representing the victims of financial crime , which claims his fortune was stolen during his time at the heart of the syrian regime .\n", - "rifaat al assad is facing criminal probe over how he amassed huge fortuneactivists say it was stolen from syria when he was at heart of its regimerifaat , 77 , is brother of late hafez al assad - syria 's president for 29 yearshe headed notorious internal security forces during 1982 hama massacreand was later exiled to europe after attempting to seize power from brother\n", - "[1.3377755 1.236694 1.1766474 1.3295615 1.1435288 1.1030294 1.1195636\n", - " 1.0400399 1.111409 1.0482755 1.1060946 1.0706829 1.0687085 1.06962\n", - " 1.0592592 1.0514076 1.0429559 1.0359097 0. ]\n", - "\n", - "[ 0 3 1 2 4 6 8 10 5 11 13 12 14 15 9 16 7 17 18]\n", - "=======================\n", - "[\"two gunmen have assassinated prominent pakistani women 's rights activist sabeen mahmud by pulling up next to her vehicle at a traffic light and spraying it with bullets .photographs taken of her vehicle show her sandals remained resting in the footwell of the driver 's seat , while the exterior of the white vehicle was left stained with her blood .while investigators declined to speculate on a motive for the killing , friends and colleagues immediately described her death as a targeted assassination in pakistan - a country with a nascent democracy where the military and intelligence services still hold tremendous sway .\"]\n", - "=======================\n", - "[\"pakistani women 's rights activist sabeen mahmud gunned down in her carfriends and family claim her brutal killing was a ` targeted assassination 'she was shot by two men on a motorcycle while idling at a traffic light\"]\n", - "two gunmen have assassinated prominent pakistani women 's rights activist sabeen mahmud by pulling up next to her vehicle at a traffic light and spraying it with bullets .photographs taken of her vehicle show her sandals remained resting in the footwell of the driver 's seat , while the exterior of the white vehicle was left stained with her blood .while investigators declined to speculate on a motive for the killing , friends and colleagues immediately described her death as a targeted assassination in pakistan - a country with a nascent democracy where the military and intelligence services still hold tremendous sway .\n", - "pakistani women 's rights activist sabeen mahmud gunned down in her carfriends and family claim her brutal killing was a ` targeted assassination 'she was shot by two men on a motorcycle while idling at a traffic light\n", - "[1.5428915 1.3696401 1.1629736 1.1586263 1.2704208 1.0615926 1.2120351\n", - " 1.0571107 1.08735 1.1283753 1.1895328 1.1715015 1.0220505 1.0064682\n", - " 1.0072863 1.0065051 1.0052403 0. 0. ]\n", - "\n", - "[ 0 1 4 6 10 11 2 3 9 8 5 7 12 14 15 13 16 17 18]\n", - "=======================\n", - "[\"luis suarez scored barcelona 's 1,000 th goal in european competition as the catalan giants claimed a 3-1 victory over psg on wednesday night .the former liverpool star scored a brace as barcelona took charge of their champions league quarter-final tie against the french champions .luis suarez scores his second goal , sending psg goalkeeper salvatore sirigu the wrong way , to make it 3-0\"]\n", - "=======================\n", - "[\"luis suarez scored twice in barcelona 's 3-1 win over psg on wednesdayuruguay international posed with team-mate lionel messi after victorybarcelona have now scored 1,001 goals in european competition\"]\n", - "luis suarez scored barcelona 's 1,000 th goal in european competition as the catalan giants claimed a 3-1 victory over psg on wednesday night .the former liverpool star scored a brace as barcelona took charge of their champions league quarter-final tie against the french champions .luis suarez scores his second goal , sending psg goalkeeper salvatore sirigu the wrong way , to make it 3-0\n", - "luis suarez scored twice in barcelona 's 3-1 win over psg on wednesdayuruguay international posed with team-mate lionel messi after victorybarcelona have now scored 1,001 goals in european competition\n", - "[1.4272938 1.3751599 1.1811897 1.3559875 1.267107 1.1937537 1.0786896\n", - " 1.0514764 1.0465982 1.0206516 1.0176873 1.0100144 1.0098283 1.0132979\n", - " 1.248532 1.1278037 1.1052811 1.0348668 1.1012726]\n", - "\n", - "[ 0 1 3 4 14 5 2 15 16 18 6 7 8 17 9 10 13 11 12]\n", - "=======================\n", - "[\"manchester united players wayne rooney and david de gea made the time to meet some sick supporters alongside manager louis van gaal on monday .the trio , along with other squad members such as ashley young and michael carrick , met the fans at their training complex as part of the manchester united foundation ` dream day ' .michael carrick ( left ) and ashley young also visited the sick children and adults on monday\"]\n", - "=======================\n", - "[\"wayne rooney , david de gea and louis van gaal greeted unwell fansmichael carrick and ashley young were also in attendancethe ` dream day ' was organised by the manchester united foundation\"]\n", - "manchester united players wayne rooney and david de gea made the time to meet some sick supporters alongside manager louis van gaal on monday .the trio , along with other squad members such as ashley young and michael carrick , met the fans at their training complex as part of the manchester united foundation ` dream day ' .michael carrick ( left ) and ashley young also visited the sick children and adults on monday\n", - "wayne rooney , david de gea and louis van gaal greeted unwell fansmichael carrick and ashley young were also in attendancethe ` dream day ' was organised by the manchester united foundation\n", - "[1.3860859 1.30478 1.2408642 1.1483562 1.2471824 1.2848086 1.1875783\n", - " 1.1610061 1.1353886 1.0248744 1.0344081 1.0325577 1.0191991 1.0757262\n", - " 1.0879722 1.0365876 1.0499961 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 5 4 2 6 7 3 8 14 13 16 15 10 11 9 12 20 17 18 19 21]\n", - "=======================\n", - "['the fbi and nypd said on wednesday that a reward of up to $ 115,000 is being offered for information leading to an arrest and conviction in the march 2008 bombing at the times square military recruitment station .but police commissioner william bratton says people had walked past just moments before the device detonated in the early hours of march 6 .a bomb explodes outside the u.s. armed forces recruiting station in times square , new york on march 6 , 2008 .']\n", - "=======================\n", - "['no one was injured in the attack on the times square military recruitment station in march 2008officials said the explosion may be connected to earlier unsolved bombings at the british and mexican consulatesfbi footage showed the times square suspect placing the bomb and riding away on a bike']\n", - "the fbi and nypd said on wednesday that a reward of up to $ 115,000 is being offered for information leading to an arrest and conviction in the march 2008 bombing at the times square military recruitment station .but police commissioner william bratton says people had walked past just moments before the device detonated in the early hours of march 6 .a bomb explodes outside the u.s. armed forces recruiting station in times square , new york on march 6 , 2008 .\n", - "no one was injured in the attack on the times square military recruitment station in march 2008officials said the explosion may be connected to earlier unsolved bombings at the british and mexican consulatesfbi footage showed the times square suspect placing the bomb and riding away on a bike\n", - "[1.2559937 1.4176412 1.362647 1.2505871 1.0883195 1.2771208 1.0438036\n", - " 1.0257165 1.0995537 1.1108458 1.1659893 1.0272396 1.0146688 1.0264199\n", - " 1.0227876 1.080147 1.0777005 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 5 0 3 10 9 8 4 15 16 6 11 13 7 14 12 20 17 18 19 21]\n", - "=======================\n", - "['easyjet and ba are among a host of major airlines expected to scrap hundreds of flights thanks to the walk-out , which will start at 5am tomorrow and run for 48 hours - with considerable knock-on disruption expected .experts fear up to half of all flights between the uk and france could be axed , depending on how strongly the strike holds .easyjet is cancelling 118 flights to and from france , including 10 which either start or finish at british airports .']\n", - "=======================\n", - "['strike is set to begin at 5am tomorrow and continue for two daysup to half of all flights to and from france will be cancelled this weekba and easyjet have warned passengers to expect severe delays']\n", - "easyjet and ba are among a host of major airlines expected to scrap hundreds of flights thanks to the walk-out , which will start at 5am tomorrow and run for 48 hours - with considerable knock-on disruption expected .experts fear up to half of all flights between the uk and france could be axed , depending on how strongly the strike holds .easyjet is cancelling 118 flights to and from france , including 10 which either start or finish at british airports .\n", - "strike is set to begin at 5am tomorrow and continue for two daysup to half of all flights to and from france will be cancelled this weekba and easyjet have warned passengers to expect severe delays\n", - "[1.1464863 1.3436909 1.3586595 1.2637739 1.2138965 1.1045183 1.0648004\n", - " 1.0276978 1.0524071 1.0507215 1.0276762 1.1316421 1.0368448 1.0490519\n", - " 1.0303762 1.057954 1.0299939 1.0619743 1.0657296 1.0544364 1.0165173\n", - " 1.015972 ]\n", - "\n", - "[ 2 1 3 4 0 11 5 18 6 17 15 19 8 9 13 12 14 16 7 10 20 21]\n", - "=======================\n", - "[\"nearly 2 1/2 million americans are in prison .america has the highest incarceration rate in the world , with 5 % of the world 's population and 25 % of its prisoners .( cnn ) criminal justice reform is rapidly becoming one of the few bipartisan issues of our time .\"]\n", - "=======================\n", - "[\"america has the highest incarceration rate in the world , holding 25 % of the world 's prisonersevan feinberg : we must change the dismal status quo with specific solutions\"]\n", - "nearly 2 1/2 million americans are in prison .america has the highest incarceration rate in the world , with 5 % of the world 's population and 25 % of its prisoners .( cnn ) criminal justice reform is rapidly becoming one of the few bipartisan issues of our time .\n", - "america has the highest incarceration rate in the world , holding 25 % of the world 's prisonersevan feinberg : we must change the dismal status quo with specific solutions\n", - "[1.2342262 1.4184133 1.1930115 1.2104423 1.3267591 1.1268958 1.0998762\n", - " 1.0718724 1.0483752 1.1239059 1.1782789 1.1342723 1.1236856 1.0996187\n", - " 1.0347799 1.0506701 1.0146879 1.0077626 1.0091861 1.0639942 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 0 3 2 10 11 5 9 12 6 13 7 19 15 8 14 16 18 17 20 21]\n", - "=======================\n", - "[\"gainesville police said jerald christopher ` jc ' jackson , of immokalee , florida , entered an acquaintance 's apartment saturday with two men .a university of florida redshirt freshman football player faces charges after a robbery at a gainesville apartment .police said they took two video game consoles , marijuana and $ 382 from the apartment 's three residents .\"]\n", - "=======================\n", - "[\"redshirt freshman jc jackson , 19 , was arrested on saturday in gainsvillehe and two men entered an acquaintance 's apartment , but jackson left after the other men pulled out a gun and demanded money and drugsjackson turned himself in after being identified in the police reporthe was booked into alachua county jail and held on a $ 150,000 bondpolice are still investigating the identities of the other suspects\"]\n", - "gainesville police said jerald christopher ` jc ' jackson , of immokalee , florida , entered an acquaintance 's apartment saturday with two men .a university of florida redshirt freshman football player faces charges after a robbery at a gainesville apartment .police said they took two video game consoles , marijuana and $ 382 from the apartment 's three residents .\n", - "redshirt freshman jc jackson , 19 , was arrested on saturday in gainsvillehe and two men entered an acquaintance 's apartment , but jackson left after the other men pulled out a gun and demanded money and drugsjackson turned himself in after being identified in the police reporthe was booked into alachua county jail and held on a $ 150,000 bondpolice are still investigating the identities of the other suspects\n", - "[1.314024 1.3107201 1.2702597 1.3987813 1.2129718 1.1569371 1.0425113\n", - " 1.0254683 1.028553 1.125728 1.1340382 1.0674345 1.087481 1.1170269\n", - " 1.0788108 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 0 1 2 4 5 10 9 13 12 14 11 6 8 7 20 15 16 17 18 19 21]\n", - "=======================\n", - "['the bodies of two people have been discovered amid wreckage after a small aircraft was reported missing around 30 miles east of oban this afternoonpolice began combing woodland in argyll this afternoon following reports of a small plane losing contact with ground control .at around 8pm this evening officers discovered the remains of the two passengers thought to have been on board .']\n", - "=======================\n", - "['the bodies of two passengers have been found amid wreckage in argyllsmall aircraft lost contact with ground control at around 1pm todayinvestigators believed it may have crashed some 30 miles east of oban']\n", - "the bodies of two people have been discovered amid wreckage after a small aircraft was reported missing around 30 miles east of oban this afternoonpolice began combing woodland in argyll this afternoon following reports of a small plane losing contact with ground control .at around 8pm this evening officers discovered the remains of the two passengers thought to have been on board .\n", - "the bodies of two passengers have been found amid wreckage in argyllsmall aircraft lost contact with ground control at around 1pm todayinvestigators believed it may have crashed some 30 miles east of oban\n", - "[1.509069 1.5301836 1.2867635 1.3941233 1.114269 1.0814297 1.0267664\n", - " 1.0737593 1.0252085 1.0361968 1.032699 1.0385448 1.0233337 1.0749454\n", - " 1.0654765 1.125843 ]\n", - "\n", - "[ 1 0 3 2 15 4 5 13 7 14 11 9 10 6 8 12]\n", - "=======================\n", - "[\"the uruguayan received a four-month ban for the incident and was condemned by world football but still completed a # 75million move from liverpool to the la liga side .luis suarez 's wife sofia has revealed that the barcelona star told her he did n't bite italy defender giorgio chiellini during the world cup in brazil - before admitting the truth 10 days later .his wife admits that suarez did n't believe that he had done anything but the television replays suggested otherwise and he then owned up .\"]\n", - "=======================\n", - "[\"luis suarez 's wife admits that her husband denied biting giorgio chiellinithe barcelona star was given a four-month ban following the incidentthe shocking bite was caught on television cameras during the world cupclick here to see who suarez will face in the champions leagueclick here for all the latest barcelona news\"]\n", - "the uruguayan received a four-month ban for the incident and was condemned by world football but still completed a # 75million move from liverpool to the la liga side .luis suarez 's wife sofia has revealed that the barcelona star told her he did n't bite italy defender giorgio chiellini during the world cup in brazil - before admitting the truth 10 days later .his wife admits that suarez did n't believe that he had done anything but the television replays suggested otherwise and he then owned up .\n", - "luis suarez 's wife admits that her husband denied biting giorgio chiellinithe barcelona star was given a four-month ban following the incidentthe shocking bite was caught on television cameras during the world cupclick here to see who suarez will face in the champions leagueclick here for all the latest barcelona news\n", - "[1.3648138 1.366267 1.3675183 1.3115339 1.2351148 1.2019237 1.263849\n", - " 1.04175 1.0402262 1.0303065 1.041753 1.0209585 1.0170894 1.0634314\n", - " 1.0284884 1.0125988]\n", - "\n", - "[ 2 1 0 3 6 4 5 13 10 7 8 9 14 11 12 15]\n", - "=======================\n", - "[\"mcdonald 's has defended the use of the spikes , claiming they were installed two years ago in an attempt to stop anti-social behaviour , not target the homeless .the fast food giant has caused fury after installing metal studs outside its branch in leeds city centre , which critics say are there to stop people sleeping rough .more than 70,000 people across the world have signed a petition demanding mcdonald 's remove spikes that deter the homeless from sleeping outside one of its restaurants .\"]\n", - "=======================\n", - "['78,000 sign petition to demand removal of spikes in leeds city centrefast food giant says that the spikes are to prevent anti-social behaviour']\n", - "mcdonald 's has defended the use of the spikes , claiming they were installed two years ago in an attempt to stop anti-social behaviour , not target the homeless .the fast food giant has caused fury after installing metal studs outside its branch in leeds city centre , which critics say are there to stop people sleeping rough .more than 70,000 people across the world have signed a petition demanding mcdonald 's remove spikes that deter the homeless from sleeping outside one of its restaurants .\n", - "78,000 sign petition to demand removal of spikes in leeds city centrefast food giant says that the spikes are to prevent anti-social behaviour\n", - "[1.1753594 1.2373713 1.2100551 1.173862 1.2768222 1.0397217 1.0732372\n", - " 1.1083288 1.0445149 1.0851153 1.0689559 1.0300673 1.0472857 1.037502\n", - " 1.0245382 0. ]\n", - "\n", - "[ 4 1 2 0 3 7 9 6 10 12 8 5 13 11 14 15]\n", - "=======================\n", - "['the gang got away with a haul worth around # 30 million ( the incident later formed the basis of the movie \" the bank job . \" )but last weekend \\'s raid in the heart of the city \\'s jewelry district feels like it has been taken from a movie like \" ocean 11 \" given its daring and planning .such robberies are rare : the gang did n\\'t follow the current criminal trend of manipulating digits in cyber space but instead went back to basics and committed their burglary in a way not seen in london for more than 40 years .']\n", - "=======================\n", - "['police in london are trying to catch the gang which staged a multi-million heist during the easter vacationformer police commander : such crimes require meticulous planning and use of information by criminalsthe masterminds behind such complicated crimes carefully assemble their gangs with men they can trust']\n", - "the gang got away with a haul worth around # 30 million ( the incident later formed the basis of the movie \" the bank job . \" )but last weekend 's raid in the heart of the city 's jewelry district feels like it has been taken from a movie like \" ocean 11 \" given its daring and planning .such robberies are rare : the gang did n't follow the current criminal trend of manipulating digits in cyber space but instead went back to basics and committed their burglary in a way not seen in london for more than 40 years .\n", - "police in london are trying to catch the gang which staged a multi-million heist during the easter vacationformer police commander : such crimes require meticulous planning and use of information by criminalsthe masterminds behind such complicated crimes carefully assemble their gangs with men they can trust\n", - "[1.0848328 1.0541571 1.059169 1.4435716 1.3712568 1.2830441 1.1384478\n", - " 1.0728626 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 4 5 6 0 7 2 1 8 9 10 11 12 13 14 15]\n", - "=======================\n", - "[\"leave it to google to make april fools ' day into throwback fun by combining google maps with pac-man .this year the company was a day early to the party , rolling out the pac-man game tuesday .it 's easy to play : simply pull up google maps on your desktop browser , click on the pac-man icon on the lower left , and your map suddenly becomes a pac-man course .\"]\n", - "=======================\n", - "[\"google maps has a temporary pac-man functiongoogle has long been fond of april fools ' day pranks and gamesmany people are turning their cities into pac-man courses\"]\n", - "leave it to google to make april fools ' day into throwback fun by combining google maps with pac-man .this year the company was a day early to the party , rolling out the pac-man game tuesday .it 's easy to play : simply pull up google maps on your desktop browser , click on the pac-man icon on the lower left , and your map suddenly becomes a pac-man course .\n", - "google maps has a temporary pac-man functiongoogle has long been fond of april fools ' day pranks and gamesmany people are turning their cities into pac-man courses\n", - "[1.0960269 1.2115633 1.3875234 1.1482375 1.4349746 1.3289429 1.1680593\n", - " 1.0936472 1.173897 1.0752013 1.0926222 1.1461009 1.0955846 0.\n", - " 0. 0. ]\n", - "\n", - "[ 4 2 5 1 8 6 3 11 0 12 7 10 9 13 14 15]\n", - "=======================\n", - "[\"andy murray ( left ) attended barcelona 's champions league quarter-final second leg clash against psgmurray watched lionel messi and co defeat their european counterparts with best man ross hutchinsit 's the second time murray has watched luis enrique 's side during his time in barcelona in less than a week .\"]\n", - "=======================\n", - "['the british no 1 attended his second barcelona match in less than a weekbarcelona beat psg 2-0 in the champions league quarter-final second legthe 27-year-old was at the nou camp with best man ross hutchinsmurray is in barcelona with jonas bjorkman training on clay courts']\n", - "andy murray ( left ) attended barcelona 's champions league quarter-final second leg clash against psgmurray watched lionel messi and co defeat their european counterparts with best man ross hutchinsit 's the second time murray has watched luis enrique 's side during his time in barcelona in less than a week .\n", - "the british no 1 attended his second barcelona match in less than a weekbarcelona beat psg 2-0 in the champions league quarter-final second legthe 27-year-old was at the nou camp with best man ross hutchinsmurray is in barcelona with jonas bjorkman training on clay courts\n", - "[1.2617453 1.3680185 1.3430215 1.1764238 1.172655 1.1287028 1.0626731\n", - " 1.0939883 1.050795 1.1126126 1.016993 1.0261447 1.0275123 1.0189805\n", - " 1.1069878 1.0767894 1.0233772 1.0419393 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 5 9 14 7 15 6 8 17 12 11 16 13 10 18 19]\n", - "=======================\n", - "[\"yaakov naumi 's fascinating photographs include a man lying in a grave to prolong life , a chicken being walked on a piece of string and men tying a rope to a bride and dancing around her .naumi , 32 , who was raised in the israeli town of bnei brak and educated in an ultra orthodox school , admitted that some of the rituals , when viewed with the eyes of an outsider , ` look strange ' .a jewish man lies in an open grave that 's had a body removed from it in a ritual that he believes will help prolong his life\"]\n", - "=======================\n", - "[\"yaakov naumi 's fascinating photographs include a man lying in an open grave in a ritual to prolong his lifethirty-two-year-old naumi was raised in the israeli town of bnei brak and educated an ultra orthodox schoolhe admitted some of the rituals , when viewed with the eyes of an outsider , ` look strange '\"]\n", - "yaakov naumi 's fascinating photographs include a man lying in a grave to prolong life , a chicken being walked on a piece of string and men tying a rope to a bride and dancing around her .naumi , 32 , who was raised in the israeli town of bnei brak and educated in an ultra orthodox school , admitted that some of the rituals , when viewed with the eyes of an outsider , ` look strange ' .a jewish man lies in an open grave that 's had a body removed from it in a ritual that he believes will help prolong his life\n", - "yaakov naumi 's fascinating photographs include a man lying in an open grave in a ritual to prolong his lifethirty-two-year-old naumi was raised in the israeli town of bnei brak and educated an ultra orthodox schoolhe admitted some of the rituals , when viewed with the eyes of an outsider , ` look strange '\n", - "[1.0742402 1.033239 1.0453466 1.2912463 1.1560361 1.2400173 1.2482786\n", - " 1.1604711 1.0721507 1.0738137 1.0205338 1.0247359 1.0882356 1.0542185\n", - " 1.0217835 1.0669397 1.0744649 1.0644116 1.0292591 1.0934336]\n", - "\n", - "[ 3 6 5 7 4 19 12 16 0 9 8 15 17 13 2 1 18 11 14 10]\n", - "=======================\n", - "[\"the shariya refugee camp opened around six months ago , made up of some 4,000 tents and counting .isis took thousands of yazidis captive .the vast majority of the camp 's occupants are from the town of sinjar , which is near the border with syrian kurdistan , and fled the isis assault there back in august .\"]\n", - "=======================\n", - "[\"the shariya refugee camp opened around six months ago , made up of 4,000 tents and countingthe vast majority of the camp 's occupants are from the town of sinjar and fled an isis assaultbut ahlam , her children and their grandparents were taken captive\"]\n", - "the shariya refugee camp opened around six months ago , made up of some 4,000 tents and counting .isis took thousands of yazidis captive .the vast majority of the camp 's occupants are from the town of sinjar , which is near the border with syrian kurdistan , and fled the isis assault there back in august .\n", - "the shariya refugee camp opened around six months ago , made up of 4,000 tents and countingthe vast majority of the camp 's occupants are from the town of sinjar and fled an isis assaultbut ahlam , her children and their grandparents were taken captive\n", - "[1.220433 1.4619933 1.1499882 1.2864084 1.232362 1.1631317 1.1351045\n", - " 1.1442765 1.1290855 1.0906538 1.0811164 1.0262018 1.023564 1.0241456\n", - " 1.0214407 1.0175452 1.0434139 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 0 5 2 7 6 8 9 10 16 11 13 12 14 15 17 18 19]\n", - "=======================\n", - "[\"the boy 's mother frantically tried to open the door when the keys to her range rover were locked inside and the eight-month-old boy was stuck in the car alone as temperatures hit almost 23c yesterday .the incident occurred when temperatures peaked at 22.8 c at st james 's park in london - making it the second hottest day of the year so far beaten only by today when temperatures soared in the capital to nearly 24c .` hero ' : kingston police published a photo of the incident on their twitter account , along with a caption hailing pc resteghini as a ` hero '\"]\n", - "=======================\n", - "[\"the eight-month-old baby 's mother frantically tried to open the door after the range rover 's keys were locked insideyoungster grew distressed as temperatures hit 23c in london and the heat inside the vehicle became unbearablepolice were called and an officer smashed the window with his baton to free the baby who was deemed uninjured\"]\n", - "the boy 's mother frantically tried to open the door when the keys to her range rover were locked inside and the eight-month-old boy was stuck in the car alone as temperatures hit almost 23c yesterday .the incident occurred when temperatures peaked at 22.8 c at st james 's park in london - making it the second hottest day of the year so far beaten only by today when temperatures soared in the capital to nearly 24c .` hero ' : kingston police published a photo of the incident on their twitter account , along with a caption hailing pc resteghini as a ` hero '\n", - "the eight-month-old baby 's mother frantically tried to open the door after the range rover 's keys were locked insideyoungster grew distressed as temperatures hit 23c in london and the heat inside the vehicle became unbearablepolice were called and an officer smashed the window with his baton to free the baby who was deemed uninjured\n", - "[1.2942508 1.1908519 1.2727913 1.3554498 1.2279254 1.0721182 1.2462306\n", - " 1.0222175 1.0202249 1.1345668 1.0275632 1.0933675 1.0395685 1.0839417\n", - " 1.0192633 1.0625443 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 6 4 1 9 11 13 5 15 12 10 7 8 14 18 16 17 19]\n", - "=======================\n", - "[\"a grand and colourful ceremony was held in honour of the ` yellow emperor ' huangdi in huangling county , shaanxi provincetens of millions of people in china marked the annual ` tomb sweeping festival ' this weekend by travelling home to their ancestral villages .as part of the qingming festival -- which means ` pure brightness ' -- china celebrates the coming spring and the beauty of nature , says people 's daily online .\"]\n", - "=======================\n", - "[\"millions of chinese enjoy the qingming festival - ` pure brightness festival ' - to celebrate the coming springlast day of festival sees chinese families visit their ancestors ' graves to clean , burn paper money and prayrecord number of journeys made by chinese over the three-day public holiday , which falls in april every year\"]\n", - "a grand and colourful ceremony was held in honour of the ` yellow emperor ' huangdi in huangling county , shaanxi provincetens of millions of people in china marked the annual ` tomb sweeping festival ' this weekend by travelling home to their ancestral villages .as part of the qingming festival -- which means ` pure brightness ' -- china celebrates the coming spring and the beauty of nature , says people 's daily online .\n", - "millions of chinese enjoy the qingming festival - ` pure brightness festival ' - to celebrate the coming springlast day of festival sees chinese families visit their ancestors ' graves to clean , burn paper money and prayrecord number of journeys made by chinese over the three-day public holiday , which falls in april every year\n", - "[1.4387507 1.3838737 1.1339831 1.4841614 1.2527909 1.1115254 1.1181886\n", - " 1.0534381 1.023143 1.015778 1.0173471 1.013931 1.0314958 1.092897\n", - " 1.289598 1.0149252 1.0112212 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 14 4 2 6 5 13 7 12 8 10 9 15 11 16 18 17 19]\n", - "=======================\n", - "[\"steven davis ( pictured against hull earlier this month ) says southampton have an advantage over spurssteven davis believes the fact so many southampton players worked under mauricio pochettino could give them the edge in this weekend 's vital match against tottenham .the former argentina defender last season led saints to their best ever premier league points tally during a memorable campaign at st mary 's .\"]\n", - "=======================\n", - "[\"mauricio pochettino 's tottenham travel to st mary 's on saturdaypochettino was hugely successful in charge at southamptonand saints midfielder steven davis is confident ahead of the clash\"]\n", - "steven davis ( pictured against hull earlier this month ) says southampton have an advantage over spurssteven davis believes the fact so many southampton players worked under mauricio pochettino could give them the edge in this weekend 's vital match against tottenham .the former argentina defender last season led saints to their best ever premier league points tally during a memorable campaign at st mary 's .\n", - "mauricio pochettino 's tottenham travel to st mary 's on saturdaypochettino was hugely successful in charge at southamptonand saints midfielder steven davis is confident ahead of the clash\n", - "[1.0394701 1.4633672 1.4255134 1.3567523 1.2054203 1.2434275 1.0532038\n", - " 1.0797535 1.1391909 1.0829436 1.0635324 1.0563362 1.0968025 1.1061465\n", - " 1.0086073 1.0339121 1.0410147 0. 0. ]\n", - "\n", - "[ 1 2 3 5 4 8 13 12 9 7 10 11 6 16 0 15 14 17 18]\n", - "=======================\n", - "['the eshima ohashi bridge in japan -- the third largest of its kind in the world -- rises sharply so ships can pass underneath .the concrete road bridge spans a mile across lake nakaumi , linking the cities of matsue and sakaiminato .the tallest concrete pylon on the millau viaduct is 800ft on its own - higher than most buildings']\n", - "=======================\n", - "['eshima ohashi bridge in japan is the third largest of its kind in the worldhas a gradient of 6.1 per cent on shimane side and 5.1 per cent on tottorispans mile across lake nakaumi linking cities of matsue and sakaiminato']\n", - "the eshima ohashi bridge in japan -- the third largest of its kind in the world -- rises sharply so ships can pass underneath .the concrete road bridge spans a mile across lake nakaumi , linking the cities of matsue and sakaiminato .the tallest concrete pylon on the millau viaduct is 800ft on its own - higher than most buildings\n", - "eshima ohashi bridge in japan is the third largest of its kind in the worldhas a gradient of 6.1 per cent on shimane side and 5.1 per cent on tottorispans mile across lake nakaumi linking cities of matsue and sakaiminato\n", - "[1.0891484 1.2123325 1.3402727 1.4211545 1.230296 1.0868576 1.1455197\n", - " 1.1663499 1.0659571 1.0821643 1.1240928 1.0336955 1.0422027 1.0739925\n", - " 1.038714 1.0760224 1.0522369 1.022212 0. ]\n", - "\n", - "[ 3 2 4 1 7 6 10 0 5 9 15 13 8 16 12 14 11 17 18]\n", - "=======================\n", - "['primatologists at iowa state university recorded 300 hunts by chimps in fongoli , sénégal , and found female chimps were using tools to capture prey in 60 per cent of the observations .researchers have found that female chimps are more likely to use the tools to help them hunt for food while males tend to prefer capturing prey with their hands .this female chimp has stripped a stick of leaves and uses it to flush out a bush baby from a hollow tree trunk']\n", - "=======================\n", - "['researchers recorded chimps hunting with tools at fongoli in sénégaltool use was spotted on 300 occasions and 60 % was by femalesmale chimps did more hunting but tended to capture prey with their handsthe findings may provide clues as to how humans first learned to use tools']\n", - "primatologists at iowa state university recorded 300 hunts by chimps in fongoli , sénégal , and found female chimps were using tools to capture prey in 60 per cent of the observations .researchers have found that female chimps are more likely to use the tools to help them hunt for food while males tend to prefer capturing prey with their hands .this female chimp has stripped a stick of leaves and uses it to flush out a bush baby from a hollow tree trunk\n", - "researchers recorded chimps hunting with tools at fongoli in sénégaltool use was spotted on 300 occasions and 60 % was by femalesmale chimps did more hunting but tended to capture prey with their handsthe findings may provide clues as to how humans first learned to use tools\n", - "[1.3039528 1.4308852 1.1714594 1.3614576 1.1192541 1.033372 1.047339\n", - " 1.0511006 1.0366349 1.169984 1.026251 1.009146 1.1178222 1.1542724\n", - " 1.0731962 1.0507979 1.0086592 1.0184021 1.0304571]\n", - "\n", - "[ 1 3 0 2 9 13 4 12 14 7 15 6 8 5 18 10 17 11 16]\n", - "=======================\n", - "[\"the day after brendan rodgers ' side secured an fa cup semi-final berth brad jones , glen johnson and fabio borini were among the local celebrities to turn out as the sun shone in liverpool .liverpool players declared an early ladies day at aintree as they suited up with their other halves to take in the opening day of the grand national meeting .the night before philippe coutinho 's 70th-minute strike in the replay with blackburn saw the reds through to the last four in their final chance for silverware for the season .\"]\n", - "=======================\n", - "[\"brad jones , glen johnson and fabio borini attended day one at aintreethe star accompanied their wives dani , laura and erin to the racesthe liverpool players turned out the day after making the fa cup semisclick here to print out sportsmail 's grand national sweepstake ahead of the big race on saturday\"]\n", - "the day after brendan rodgers ' side secured an fa cup semi-final berth brad jones , glen johnson and fabio borini were among the local celebrities to turn out as the sun shone in liverpool .liverpool players declared an early ladies day at aintree as they suited up with their other halves to take in the opening day of the grand national meeting .the night before philippe coutinho 's 70th-minute strike in the replay with blackburn saw the reds through to the last four in their final chance for silverware for the season .\n", - "brad jones , glen johnson and fabio borini attended day one at aintreethe star accompanied their wives dani , laura and erin to the racesthe liverpool players turned out the day after making the fa cup semisclick here to print out sportsmail 's grand national sweepstake ahead of the big race on saturday\n", - "[1.2289863 1.4250938 1.253275 1.3566699 1.2691787 1.0405979 1.0740368\n", - " 1.1191111 1.0853943 1.062551 1.027228 1.0708835 1.0565325 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 7 8 6 11 9 12 5 10 13 14 15 16 17 18]\n", - "=======================\n", - "[\"the lowenbrau keller , in sydney 's the rocks , has released a social media and bus campaign featuring the slogan ` wunderbra ' underneath a photograph of a woman in a low-cut lederhosen holding a tray of beer steins .campaign group collective shout has slammed sydney restaurant lowenbrau keller for an advertising campaign they claim sexually objectifies womenthe same campaign also features an image of two women in a similar state of dress with the caption ` make mein a dubbel ' , sparking outrage from collective shout , who claim the advertisements reinforces sexual objectification .\"]\n", - "=======================\n", - "[\"sydney cafe lowenbrau keller has released an advertising campaign which features the slogans ` wunderbra ' , ` make mein a dubbel ' and ` haus party 'the campaign has been slammed by activist group collective shout as objectifying women and opening staff to sexual harassmentlowenbrau keller 's parent body said that the ads use ` fun play-on words ' to portray of the typical bavarian cultural experience of oktoberfestthe eatery has further been slammed for directly comparing the serving size of food and drinks and the size of women 's breaststhe same group withdrew a campaign last year comparing women to meat using the slogan ` we 've got the best racks '\"]\n", - "the lowenbrau keller , in sydney 's the rocks , has released a social media and bus campaign featuring the slogan ` wunderbra ' underneath a photograph of a woman in a low-cut lederhosen holding a tray of beer steins .campaign group collective shout has slammed sydney restaurant lowenbrau keller for an advertising campaign they claim sexually objectifies womenthe same campaign also features an image of two women in a similar state of dress with the caption ` make mein a dubbel ' , sparking outrage from collective shout , who claim the advertisements reinforces sexual objectification .\n", - "sydney cafe lowenbrau keller has released an advertising campaign which features the slogans ` wunderbra ' , ` make mein a dubbel ' and ` haus party 'the campaign has been slammed by activist group collective shout as objectifying women and opening staff to sexual harassmentlowenbrau keller 's parent body said that the ads use ` fun play-on words ' to portray of the typical bavarian cultural experience of oktoberfestthe eatery has further been slammed for directly comparing the serving size of food and drinks and the size of women 's breaststhe same group withdrew a campaign last year comparing women to meat using the slogan ` we 've got the best racks '\n", - "[1.2424982 1.3900312 1.205418 1.3368194 1.0490723 1.0849845 1.0561614\n", - " 1.108627 1.1843065 1.0404346 1.0655481 1.0262933 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 8 7 5 10 6 4 9 11 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"the lingerie model and animal rights activist has been making waves online recently with her series of body-flaunting photos on instagram as she documents her first pregnancy -- prompting outcry from critics who claim that her incredibly trim and toned physique could be harming her unborn child .unbelievable : sarah stage , a los angeles-based lingerie model , has been documenting her changing pregnancy body and many of her 1.4 m instagram followers can not believe she is eight months pregnantshe 's less than a month from her due date , but mom-to-be and model sarah stage barely has a bump to show for it .\"]\n", - "=======================\n", - "[\"sarah , 30 , from los angeles , has come under fire for ` boasting ' about her toned figure throughout her pregnancyfollowers regularly share their disbelief at her photos -- while critics have warned her healthy regime could be harmful to the babybut sarah insists her frequent workouts and healthy eating are nothing but beneficial for her unborn child\"]\n", - "the lingerie model and animal rights activist has been making waves online recently with her series of body-flaunting photos on instagram as she documents her first pregnancy -- prompting outcry from critics who claim that her incredibly trim and toned physique could be harming her unborn child .unbelievable : sarah stage , a los angeles-based lingerie model , has been documenting her changing pregnancy body and many of her 1.4 m instagram followers can not believe she is eight months pregnantshe 's less than a month from her due date , but mom-to-be and model sarah stage barely has a bump to show for it .\n", - "sarah , 30 , from los angeles , has come under fire for ` boasting ' about her toned figure throughout her pregnancyfollowers regularly share their disbelief at her photos -- while critics have warned her healthy regime could be harmful to the babybut sarah insists her frequent workouts and healthy eating are nothing but beneficial for her unborn child\n", - "[1.3110242 1.473675 1.3311669 1.2860975 1.219271 1.2301362 1.0374322\n", - " 1.0173757 1.0176638 1.027798 1.0739945 1.0246474 1.1842818 1.0621096\n", - " 1.0995519 1.0566492 1.0609564 1.0242933 1.0338509 0. 0. ]\n", - "\n", - "[ 1 2 0 3 5 4 12 14 10 13 16 15 6 18 9 11 17 8 7 19 20]\n", - "=======================\n", - "['manuel delisle , the man accused of the road rage incident involving a chainsaw , has pleaded not guilty to armed assault on tuesday .karine cyr recorded the confrontation on sunday as she was vacationing with her husband alexandre hermenier and their two children .terrifying moment : manuel delisle ( pictured ) allegedly threatened a family with a chainsaw in a fit of road rage after the family attempted to follow him to record his license plate because he cut them off']\n", - "=======================\n", - "['manuel delisle , the man accused of the road rage incident involving a chainsaw , has pleaded not guilty to armed assault on tuesdaykarine cyr recorded the confrontation on sunday as she was vacationing with her husband alexandre hermenier and their two childrenthe family followed delisle because he was driving erratically and when they reached a dead end , delisle allegedly threatened them']\n", - "manuel delisle , the man accused of the road rage incident involving a chainsaw , has pleaded not guilty to armed assault on tuesday .karine cyr recorded the confrontation on sunday as she was vacationing with her husband alexandre hermenier and their two children .terrifying moment : manuel delisle ( pictured ) allegedly threatened a family with a chainsaw in a fit of road rage after the family attempted to follow him to record his license plate because he cut them off\n", - "manuel delisle , the man accused of the road rage incident involving a chainsaw , has pleaded not guilty to armed assault on tuesdaykarine cyr recorded the confrontation on sunday as she was vacationing with her husband alexandre hermenier and their two childrenthe family followed delisle because he was driving erratically and when they reached a dead end , delisle allegedly threatened them\n", - "[1.0863731 1.2282814 1.1607481 1.3076482 1.3199905 1.2865574 1.1653563\n", - " 1.1758153 1.0967078 1.1334494 1.0765953 1.0260271 1.0434495 1.0266955\n", - " 1.2086538 1.1541867 1.0867743 1.0279368 1.0267105 1.028307 1.0204904]\n", - "\n", - "[ 4 3 5 1 14 7 6 2 15 9 8 16 0 10 12 19 17 18 13 11 20]\n", - "=======================\n", - "[\"it has ` dragonfly ' swing doors that open upwards and ` crystal laser headlights 'general motors has unveiled the chevrolet-fnr car ( shown ) .the car was unveiled at the shanghai general motors gala night this week .\"]\n", - "=======================\n", - "[\"general motors unveiled their concept car at an event in shanghaichevrolet-fnr has ` dragonfly ' swing doors and ` crystal laser headlights 'it is self-driving , electric , and the front chairs can swivel roundand using iris recognition software you can start it using just your eyes\"]\n", - "it has ` dragonfly ' swing doors that open upwards and ` crystal laser headlights 'general motors has unveiled the chevrolet-fnr car ( shown ) .the car was unveiled at the shanghai general motors gala night this week .\n", - "general motors unveiled their concept car at an event in shanghaichevrolet-fnr has ` dragonfly ' swing doors and ` crystal laser headlights 'it is self-driving , electric , and the front chairs can swivel roundand using iris recognition software you can start it using just your eyes\n", - "[1.4419453 1.1816496 1.4285324 1.1950656 1.2213213 1.1808498 1.1608815\n", - " 1.1258286 1.1061659 1.0879068 1.028016 1.0170728 1.0233948 1.0165061\n", - " 1.0232893 1.0187087 1.0159582 1.0091988 1.0110224 0. 0. ]\n", - "\n", - "[ 0 2 4 3 1 5 6 7 8 9 10 12 14 15 11 13 16 18 17 19 20]\n", - "=======================\n", - "[\"supernan : eileen mason , 92 , saved her friend from a would-be robber by ramming him with her scootereileen mason and margaret seabrook had been to a lunch club meeting in swindon , wiltshire , when an ` evil looking ' man suddenly appeared from behind a fence .however , the would-be robber was soon to regret his action , as mrs mason shouted ` oh , no you do n't , ' and slammed on the accelerator of her scooter .\"]\n", - "=======================\n", - "[\"eileen mason , 92 , knocked would-be thief to the ground with her scootermrs mason and friend margaret seabrook , 75 , were attacked in swindon` evil looking man ' tried to steal contents of their scooters ' basketsthe great-grandmother-of-13 , accelerated , and rammed the attackerafter he was knocked to the ground , they sped off on their scooters\"]\n", - "supernan : eileen mason , 92 , saved her friend from a would-be robber by ramming him with her scootereileen mason and margaret seabrook had been to a lunch club meeting in swindon , wiltshire , when an ` evil looking ' man suddenly appeared from behind a fence .however , the would-be robber was soon to regret his action , as mrs mason shouted ` oh , no you do n't , ' and slammed on the accelerator of her scooter .\n", - "eileen mason , 92 , knocked would-be thief to the ground with her scootermrs mason and friend margaret seabrook , 75 , were attacked in swindon` evil looking man ' tried to steal contents of their scooters ' basketsthe great-grandmother-of-13 , accelerated , and rammed the attackerafter he was knocked to the ground , they sped off on their scooters\n", - "[1.2656538 1.5113261 1.237292 1.3400196 1.1672649 1.1529497 1.075297\n", - " 1.0881145 1.0622721 1.1156825 1.0470067 1.1753958 1.0874889 1.0757251\n", - " 1.066923 1.049675 1.0250412 1.0363986 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 11 4 5 9 7 12 13 6 14 8 15 10 17 16 18 19 20]\n", - "=======================\n", - "[\"the threat against flight 826 from cologne bonn to milan 's malpensa airport was received on sunday evening .a germanwings flight bound for italy from germany was evacuated last night due to a bomb threat , the airline said .the tower in cologne immediately alerted the pilot of the airbus a320 , which was taxiing toward the runway at the time , germanwings said .\"]\n", - "=======================\n", - "['germanwings plane was about to take off when bomb threat was receivedpilot was forced to evacuate the plane while police conducted searchsniffer dogs found no evidence of explosives and no one was hurtthreat comes less than a month after germanwings plane was deliberately crashed into mountain in the french alps killing all 150 people on board']\n", - "the threat against flight 826 from cologne bonn to milan 's malpensa airport was received on sunday evening .a germanwings flight bound for italy from germany was evacuated last night due to a bomb threat , the airline said .the tower in cologne immediately alerted the pilot of the airbus a320 , which was taxiing toward the runway at the time , germanwings said .\n", - "germanwings plane was about to take off when bomb threat was receivedpilot was forced to evacuate the plane while police conducted searchsniffer dogs found no evidence of explosives and no one was hurtthreat comes less than a month after germanwings plane was deliberately crashed into mountain in the french alps killing all 150 people on board\n", - "[1.2394366 1.4524637 1.2342865 1.3164119 1.2141596 1.0299008 1.1143061\n", - " 1.1526651 1.0627564 1.051163 1.0215198 1.0146308 1.0509865 1.0276204\n", - " 1.0901415 1.0251722 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 7 6 14 8 9 12 5 13 15 10 11 19 16 17 18 20]\n", - "=======================\n", - "[\"the panel , convened by the global warming policy foundation ( gwpf ) , the ` climate sceptic ' think-tank led by the former tory chancellor lord lawson , will focus on thousands of ` adjustments ' that have been made to temperature records kept at individual weather stations around the world .an international panel of scientists will today launch a major inquiry to discover whether official world temperature records have exaggerated the extent of global warming .sceptics have argued that the effect of such adjustments -- made when instruments are replaced or recalibrated , or heat-producing buildings are erected close to weather station sites -- has skewed the records .\"]\n", - "=======================\n", - "[\"climate sceptic group global warming policy foundation launch inquirypanel drawn from leading universities includes experts with differing viewswill look at whether ` adjustments ' made to records cancel each other outsays it hopes people from all areas of climate change will help the panel\"]\n", - "the panel , convened by the global warming policy foundation ( gwpf ) , the ` climate sceptic ' think-tank led by the former tory chancellor lord lawson , will focus on thousands of ` adjustments ' that have been made to temperature records kept at individual weather stations around the world .an international panel of scientists will today launch a major inquiry to discover whether official world temperature records have exaggerated the extent of global warming .sceptics have argued that the effect of such adjustments -- made when instruments are replaced or recalibrated , or heat-producing buildings are erected close to weather station sites -- has skewed the records .\n", - "climate sceptic group global warming policy foundation launch inquirypanel drawn from leading universities includes experts with differing viewswill look at whether ` adjustments ' made to records cancel each other outsays it hopes people from all areas of climate change will help the panel\n", - "[1.2690005 1.2577482 1.2845207 1.337128 1.100375 1.1898459 1.1003284\n", - " 1.0382279 1.095508 1.1668274 1.2156916 1.0414528 1.0193095 1.0820063\n", - " 1.0448895 1.0115308 1.0150896 0. ]\n", - "\n", - "[ 3 2 0 1 10 5 9 4 6 8 13 14 11 7 12 16 15 17]\n", - "=======================\n", - "[\"the duchess of cambridge revealed her baby is due ` mid to late april ' during a visit last monthaccording to one well-placed source , kate 's real due date is today or tomorrow - which would tie in with comments made by the duchess herself .popular : the 25th is the favourite but the palace says neither that date or any other has been confirmed\"]\n", - "=======================\n", - "[\"sources have hinted that the duchess ' real due date is today or tomorrowthe duchess herself has said that her due date is ` mid to late april 'although the 25th is favourite , the palace says no date has been confirmedprince william is due to be at the cenotaph for anzac day on saturdayprince harry will also be in london this weekend for the london marathon\"]\n", - "the duchess of cambridge revealed her baby is due ` mid to late april ' during a visit last monthaccording to one well-placed source , kate 's real due date is today or tomorrow - which would tie in with comments made by the duchess herself .popular : the 25th is the favourite but the palace says neither that date or any other has been confirmed\n", - "sources have hinted that the duchess ' real due date is today or tomorrowthe duchess herself has said that her due date is ` mid to late april 'although the 25th is favourite , the palace says no date has been confirmedprince william is due to be at the cenotaph for anzac day on saturdayprince harry will also be in london this weekend for the london marathon\n", - "[1.230968 1.489814 1.2024238 1.319325 1.2225188 1.0922549 1.130313\n", - " 1.0415381 1.0320404 1.0294286 1.1237254 1.0570931 1.0238577 1.0638976\n", - " 1.119208 1.1142528 1.0683393 1.0645816]\n", - "\n", - "[ 1 3 0 4 2 6 10 14 15 5 16 17 13 11 7 8 9 12]\n", - "=======================\n", - "['the picture , taken by a person who claims to be a student at geelong college , south-west of melbourne , is believed to show disgraced principal andrew barr surfing for pornography while on-the-clock .mr barr resigned from his position at the geelong college after an investigation , which included a search of his computer , after the photograph appeared on snapchat .in the picture taken through a window , the man has his back to the camera and graphic images can be seen on his computer screen .']\n", - "=======================\n", - "[\"principal andrew barr was caught viewing porn at worka student took a photo of him watching pornography in his officean investigation was launched after the photo was shared on snapchatthe geelong college principal has now resignedthe college council called his actions ' a breach of our standards '\"]\n", - "the picture , taken by a person who claims to be a student at geelong college , south-west of melbourne , is believed to show disgraced principal andrew barr surfing for pornography while on-the-clock .mr barr resigned from his position at the geelong college after an investigation , which included a search of his computer , after the photograph appeared on snapchat .in the picture taken through a window , the man has his back to the camera and graphic images can be seen on his computer screen .\n", - "principal andrew barr was caught viewing porn at worka student took a photo of him watching pornography in his officean investigation was launched after the photo was shared on snapchatthe geelong college principal has now resignedthe college council called his actions ' a breach of our standards '\n", - "[1.5262723 1.3243325 1.1658248 1.1581799 1.0572087 1.0819542 1.0294011\n", - " 1.1812508 1.0279325 1.2151498 1.0388114 1.0254052 1.0554042 1.0680876\n", - " 1.0240465 1.0482701 1.0234209 0. ]\n", - "\n", - "[ 0 1 9 7 2 3 5 13 4 12 15 10 6 8 11 14 16 17]\n", - "=======================\n", - "[\"arkansas republican gov. asa hutchinson said wednesday that he wo n't sign a religious freedom bill that his state 's legislature sent to him on tuesday , citing influence from his politically liberal son .he is sending it back to lawmakers , he told reporters , for amendments that will bring it more in line with the 1993 federal religious freedom restoration act -- which critics say better protected the rights of gays and lesbians .the republican governor 's son seth , pictured in a barack obama shirt , signed a petition asking his dad to veto the religious freedom law\"]\n", - "=======================\n", - "[\"` my son seth , signed the petition asking me , dad , the governor , to veto this bill , ' republican gov. asa hutchinson said wednesdayseth told daily mail online that ' i love and respect my father very much , but sometimes we have political disagreements 'he 's sending the ` religious freedom restoration act ' back to the state legislature because it strays too far from the federal law that inspired ithutchinson does n't risk a veto-override from lawmakers since he has n't technically vetoed the bill` this is a bill that in ordinary times would not be controversial , but these are not ordinary times , ' he said\"]\n", - "arkansas republican gov. asa hutchinson said wednesday that he wo n't sign a religious freedom bill that his state 's legislature sent to him on tuesday , citing influence from his politically liberal son .he is sending it back to lawmakers , he told reporters , for amendments that will bring it more in line with the 1993 federal religious freedom restoration act -- which critics say better protected the rights of gays and lesbians .the republican governor 's son seth , pictured in a barack obama shirt , signed a petition asking his dad to veto the religious freedom law\n", - "` my son seth , signed the petition asking me , dad , the governor , to veto this bill , ' republican gov. asa hutchinson said wednesdayseth told daily mail online that ' i love and respect my father very much , but sometimes we have political disagreements 'he 's sending the ` religious freedom restoration act ' back to the state legislature because it strays too far from the federal law that inspired ithutchinson does n't risk a veto-override from lawmakers since he has n't technically vetoed the bill` this is a bill that in ordinary times would not be controversial , but these are not ordinary times , ' he said\n", - "[1.203685 1.4138091 1.3113115 1.3827502 1.078154 1.0906231 1.0820843\n", - " 1.0374361 1.1281595 1.1571468 1.079228 1.0989794 1.0462493 1.0405914\n", - " 1.0128977 1.0258983 1.0349243 0. ]\n", - "\n", - "[ 1 3 2 0 9 8 11 5 6 10 4 12 13 7 16 15 14 17]\n", - "=======================\n", - "[\"jurors in decatur county , georgia ruled on thursday that the suv manufacturer , chrysler , acted with reckless disregard for human life in selling the family of remington ` remi ' walden a 1999 jeep with a gas tank mounted behind the rear axle .walden , of bainbridge , georgia , was killed when the jeep driven by his aunt was hit from behind by a pickup truck in march 2012 .the jury of 11 women and one man , ruled after a nine-day trial that chrysler was 99 per cent at fault for the crash and the pickup driver was 1 per cent at fault .\"]\n", - "=======================\n", - "[\"remington ` remi ' walden , four , was killed three years ago when his family 's jeep grand cherokee exploded when it was rear-endedjurors in georgia ruled that chrysler acted with reckless disregard for human lifejeep grand cherokee exploded when it was rear-ended , causing the gas tank to ignite\"]\n", - "jurors in decatur county , georgia ruled on thursday that the suv manufacturer , chrysler , acted with reckless disregard for human life in selling the family of remington ` remi ' walden a 1999 jeep with a gas tank mounted behind the rear axle .walden , of bainbridge , georgia , was killed when the jeep driven by his aunt was hit from behind by a pickup truck in march 2012 .the jury of 11 women and one man , ruled after a nine-day trial that chrysler was 99 per cent at fault for the crash and the pickup driver was 1 per cent at fault .\n", - "remington ` remi ' walden , four , was killed three years ago when his family 's jeep grand cherokee exploded when it was rear-endedjurors in georgia ruled that chrysler acted with reckless disregard for human lifejeep grand cherokee exploded when it was rear-ended , causing the gas tank to ignite\n", - "[1.0966147 1.3629026 1.2285382 1.3776245 1.21096 1.2496737 1.2176253\n", - " 1.0777851 1.0783136 1.0775124 1.0991104 1.0731161 1.0506345 1.0620966\n", - " 1.0610384 1.0913517 1.0692194 0. ]\n", - "\n", - "[ 3 1 5 2 6 4 10 0 15 8 7 9 11 16 13 14 12 17]\n", - "=======================\n", - "['inspectors in welshpool and llandrindod wells have been accused of being too lax when it comes to giving out parking tickets for infringements ( file picture )an inspection in two welsh towns found officers there were reluctant to issue tickets , letting many locals get away with parking offences .powys council needs to issue 40 per cent more tickets just to break even .']\n", - "=======================\n", - "['probe carried out by powys council in welshpool and llandrindod wellscouncil needs to issue 40 per cent more parking tickets just to break evencouncillors shadowed wardens and found infringements going unticketed']\n", - "inspectors in welshpool and llandrindod wells have been accused of being too lax when it comes to giving out parking tickets for infringements ( file picture )an inspection in two welsh towns found officers there were reluctant to issue tickets , letting many locals get away with parking offences .powys council needs to issue 40 per cent more tickets just to break even .\n", - "probe carried out by powys council in welshpool and llandrindod wellscouncil needs to issue 40 per cent more parking tickets just to break evencouncillors shadowed wardens and found infringements going unticketed\n", - "[1.153804 1.4193742 1.2658517 1.2690179 1.2063346 1.0612614 1.1190666\n", - " 1.0885133 1.1996183 1.0371269 1.0215893 1.1702112 1.0431052 1.0860881\n", - " 1.011967 1.040457 1.0154449 1.0708588 1.0450641 1.06506 1.0909193\n", - " 1.0838938 1.0959942]\n", - "\n", - "[ 1 3 2 4 8 11 0 6 22 20 7 13 21 17 19 5 18 12 15 9 10 16 14]\n", - "=======================\n", - "['it was sniffed out by a police dog in tulsa county , oklahoma , and the intended recipient , carolyn ross , has now been arrested by police .when cops sliced open the bunny they found two condoms filled with the drugs .police say they got a tip and intercepted a package headed to a home in tahlequah']\n", - "=======================\n", - "[\"police say they found the drugs stuffed in an furry easter bunnycops say they got a tip and intercepted a package headed to a homethey found a pound of meth inside the bunny worth with an estimated street value of $ 30,000resident carolyn ross admitted to police she was expecting the packageshe 's being held on a $ 75,000 bond as the investigation continues\"]\n", - "it was sniffed out by a police dog in tulsa county , oklahoma , and the intended recipient , carolyn ross , has now been arrested by police .when cops sliced open the bunny they found two condoms filled with the drugs .police say they got a tip and intercepted a package headed to a home in tahlequah\n", - "police say they found the drugs stuffed in an furry easter bunnycops say they got a tip and intercepted a package headed to a homethey found a pound of meth inside the bunny worth with an estimated street value of $ 30,000resident carolyn ross admitted to police she was expecting the packageshe 's being held on a $ 75,000 bond as the investigation continues\n", - "[1.1975249 1.3986313 1.3349826 1.2817682 1.1693377 1.1866324 1.0729107\n", - " 1.1063843 1.1068358 1.0735596 1.0544417 1.0259786 1.0141418 1.0173806\n", - " 1.0296234 1.1053709 1.0429251 1.0304079 1.0235394 1.0901626 1.0422477\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 4 8 7 15 19 9 6 10 16 20 17 14 11 18 13 12 21 22]\n", - "=======================\n", - "['the fbi said friday that it will investigate whether civil rights were violated during the videotaped beating of a suspect in san bernardino .the suspect allegedly fled by car , foot and horseback when law enforcement officers tried to arrest him .earlier friday , san bernardino sheriff john mcmahon said criminal investigations have begun into the actions of deputies as well as the suspect .']\n", - "=======================\n", - "['san bernardino sheriff says 10 deputies have been put on leavevideo from a news helicopter shows deputies punching and kicking a man repeatedly']\n", - "the fbi said friday that it will investigate whether civil rights were violated during the videotaped beating of a suspect in san bernardino .the suspect allegedly fled by car , foot and horseback when law enforcement officers tried to arrest him .earlier friday , san bernardino sheriff john mcmahon said criminal investigations have begun into the actions of deputies as well as the suspect .\n", - "san bernardino sheriff says 10 deputies have been put on leavevideo from a news helicopter shows deputies punching and kicking a man repeatedly\n", - "[1.254896 1.3950514 1.305579 1.3587424 1.1572123 1.1180259 1.0438908\n", - " 1.0998971 1.0780325 1.0187154 1.0856082 1.0759043 1.0428782 1.0766641\n", - " 1.055662 1.0539584 1.066402 1.1345997 1.1206195 1.0558227 1.06926\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 17 18 5 7 10 8 13 11 20 16 19 14 15 6 12 9 21 22]\n", - "=======================\n", - "[\"last week gertrude weaver , who was already the oldest person in america , asked president barack obama to attend her birthday party on the fourth of july .the silver oaks health and rehabilitation center in camden , where weaver was a resident , confirmed her death and said they were ` devastated by her loss ' .a 116-year-old arkansas woman passed away on monday just six days after she was announced as the oldest living person in the world .\"]\n", - "=======================\n", - "[\"gertrude weaver became the world 's oldest person last week following the death of a 117-year-old woman in japanwaver died from complications due to pneumonia in camdenshe attributed her long life to treating others well and eating her own cookingweaver was born in arkansas in 1898 and worked as a domestic helper115-year-old jeralean talley , of detroit , is now the world 's oldest person\"]\n", - "last week gertrude weaver , who was already the oldest person in america , asked president barack obama to attend her birthday party on the fourth of july .the silver oaks health and rehabilitation center in camden , where weaver was a resident , confirmed her death and said they were ` devastated by her loss ' .a 116-year-old arkansas woman passed away on monday just six days after she was announced as the oldest living person in the world .\n", - "gertrude weaver became the world 's oldest person last week following the death of a 117-year-old woman in japanwaver died from complications due to pneumonia in camdenshe attributed her long life to treating others well and eating her own cookingweaver was born in arkansas in 1898 and worked as a domestic helper115-year-old jeralean talley , of detroit , is now the world 's oldest person\n", - "[1.4025186 1.3519235 1.3267419 1.3378632 1.2069967 1.0603957 1.026278\n", - " 1.0273293 1.0729651 1.1846149 1.0601882 1.0232677 1.014115 1.0182788\n", - " 1.0105449 1.0299022 1.0131086 1.2373155 1.0509064 1.1752472 1.1345637\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 3 2 17 4 9 19 20 8 5 10 18 15 7 6 11 13 12 16 14 21 22]\n", - "=======================\n", - "[\"paris saint-germain star javier pastore has dismissed eric cantona 's suggestion that he is the greatest footballer on the planet .cantona , the former manchester united forward , claimed earlier this month that pastore is ` the best player in the world ' .javier pastore addresses the world 's media ahead of paris saint-germain 's european clash in barcelona\"]\n", - "=======================\n", - "[\"eric cantona has claimed earlier that javier pastore is ` best in the world 'but pastore believes cristiano ronaldo and lionel messi are betterpsg face barcelona in the second leg of their last-eight champions league clash in the nou camp on tuesday ... they trail 3-1 in the tieread : laurent blanc admits getting past barca is ` practically impossible '\"]\n", - "paris saint-germain star javier pastore has dismissed eric cantona 's suggestion that he is the greatest footballer on the planet .cantona , the former manchester united forward , claimed earlier this month that pastore is ` the best player in the world ' .javier pastore addresses the world 's media ahead of paris saint-germain 's european clash in barcelona\n", - "eric cantona has claimed earlier that javier pastore is ` best in the world 'but pastore believes cristiano ronaldo and lionel messi are betterpsg face barcelona in the second leg of their last-eight champions league clash in the nou camp on tuesday ... they trail 3-1 in the tieread : laurent blanc admits getting past barca is ` practically impossible '\n", - "[1.0852144 1.3652742 1.3881607 1.0405166 1.388083 1.3220899 1.0412484\n", - " 1.0603194 1.2274156 1.0597966 1.078202 1.0380654 1.0600011 1.0883464\n", - " 1.0189742 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 4 1 5 8 13 0 10 7 12 9 6 3 11 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"the 0-0 draw at arsenal was the 20th time in 33 premier league games that the chelsea boss started with his favourite ` back seven ' of thibaut courtois in goal , with branislav ivanovic , gary cahill , john terry and cesar azpilicueta protected by nemanja matic and cesc fabregas .jose mourinho says injuries to his strikers have made him take a cautious approach to the last few games wrapping up the title , but the defensive side of his team has stayed remarkably settled all season .mario balotelli 's first start in a premier league game since the 2-1 defeat by chelsea in november was as frustrating as all the ones that went before .\"]\n", - "=======================\n", - "[\"jose mourinho 's defensive set-up has remained settled all seasonchelsea manager has relied on gary cahill , john terry and comario balotelli could n't make the most his latest liverpool startlouis van gaal blamed a lack of sharpness for united 's defeat at everton\"]\n", - "the 0-0 draw at arsenal was the 20th time in 33 premier league games that the chelsea boss started with his favourite ` back seven ' of thibaut courtois in goal , with branislav ivanovic , gary cahill , john terry and cesar azpilicueta protected by nemanja matic and cesc fabregas .jose mourinho says injuries to his strikers have made him take a cautious approach to the last few games wrapping up the title , but the defensive side of his team has stayed remarkably settled all season .mario balotelli 's first start in a premier league game since the 2-1 defeat by chelsea in november was as frustrating as all the ones that went before .\n", - "jose mourinho 's defensive set-up has remained settled all seasonchelsea manager has relied on gary cahill , john terry and comario balotelli could n't make the most his latest liverpool startlouis van gaal blamed a lack of sharpness for united 's defeat at everton\n", - "[1.1807592 1.2090368 1.1345456 1.1589682 1.2980126 1.0553765 1.0726137\n", - " 1.1316496 1.0437975 1.089122 1.0578927 1.0785744 1.1078982 1.0459318\n", - " 1.0246943 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 1 0 3 2 7 12 9 11 6 10 5 13 8 14 18 15 16 17 19]\n", - "=======================\n", - "[\"jonathan trott and alastair cook combine impressively as england produce dominant displayit must have seemed to trott that he would never again bat for england when he suffered that brutal dismantling at the hands of mitchell johnson during england 's ill-fated last ashes tour almost 18 months ago .this was as far away from the ashes cauldron as it is possible to be but a quiet day of run scoring against sub-standard opposition in picturesque basseterre at the start of england 's caribbean tour meant everything to jonathan trott .\"]\n", - "=======================\n", - "['jonathan trott hit an impressive 72 on england return in the carribeanengland captain alastair cook hit an unbeaten 95 on a dominant dayduo played at top order for first time since brief experiment five years agoengland barely broke sweat as they bowled a st kitts xi all out for 59']\n", - "jonathan trott and alastair cook combine impressively as england produce dominant displayit must have seemed to trott that he would never again bat for england when he suffered that brutal dismantling at the hands of mitchell johnson during england 's ill-fated last ashes tour almost 18 months ago .this was as far away from the ashes cauldron as it is possible to be but a quiet day of run scoring against sub-standard opposition in picturesque basseterre at the start of england 's caribbean tour meant everything to jonathan trott .\n", - "jonathan trott hit an impressive 72 on england return in the carribeanengland captain alastair cook hit an unbeaten 95 on a dominant dayduo played at top order for first time since brief experiment five years agoengland barely broke sweat as they bowled a st kitts xi all out for 59\n", - "[1.5239776 1.3449874 1.1980543 1.456414 1.3385726 1.0641699 1.0974426\n", - " 1.0273093 1.0790787 1.0128225 1.0356035 1.1696396 1.1218467 1.0228624\n", - " 1.0088547 1.0075468 1.0080351 1.0306561 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 11 12 6 8 5 10 17 7 13 9 14 16 15 18 19]\n", - "=======================\n", - "[\"blackburn rovers manager gary bowyer has hit out at fa cup rules which prevent him from fielding one of his own players against liverpool in wednesday night 's sixth round replay at ewood park because he was on loan when the first tie was played on march 9 .blackburn midfielder john o'sullivan ( right ) is ineligible to play in their fa cup fifth round replay vs liverpoolgary bowyer says it ` does n't make sense ' that he ca n't use o'sullivan , who 's been recalled from barnsley\"]\n", - "=======================\n", - "[\"liverpool go to blackburn for fa quarter-final replay on wednesdaygary bowyer 's recalled john o'sullivan from league one barnsleybecause the midfielder was on loan for first tie he ca n't play in replaybowyer 's squad have played 13 games in 43 days with a squad of 24\"]\n", - "blackburn rovers manager gary bowyer has hit out at fa cup rules which prevent him from fielding one of his own players against liverpool in wednesday night 's sixth round replay at ewood park because he was on loan when the first tie was played on march 9 .blackburn midfielder john o'sullivan ( right ) is ineligible to play in their fa cup fifth round replay vs liverpoolgary bowyer says it ` does n't make sense ' that he ca n't use o'sullivan , who 's been recalled from barnsley\n", - "liverpool go to blackburn for fa quarter-final replay on wednesdaygary bowyer 's recalled john o'sullivan from league one barnsleybecause the midfielder was on loan for first tie he ca n't play in replaybowyer 's squad have played 13 games in 43 days with a squad of 24\n", - "[1.3904378 1.3211427 1.2156793 1.3333464 1.1015538 1.0988874 1.0240033\n", - " 1.0727646 1.0911306 1.1101594 1.0893216 1.1165986 1.0267615 1.0554695\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 11 9 4 5 8 10 7 13 12 6 18 14 15 16 17 19]\n", - "=======================\n", - "[\"the daughter of chicago socialite sheila von wiese-mack accused of brutally murdering her mother during a bali vacation will turn over a ` significant percentage ' of her $ 1.3 million trust fund to care for her newborn daughter .child care : a us-based attorney for heather mack , 19 , who is accused of murdering her socialite mother in bali , has filed for about half a million dollars to be transferred to mack 's daughter stella from mack 's trust fundchief prosecutor eddy arta wijaya said mack ` committed sadistic acts to her own mother , ' but wanted her to be spared the death penalty ` because she repeatedly expressed remorse and has a newborn baby . '\"]\n", - "=======================\n", - "[\"heather mack , now 19 , is set to sign over a ` significant percentage ' of her trust for the care of daughter stellamack claimed in february her uncle denied her access to the $ 1.3 millionprosecutors in indonesia accused mack and boyfriend , 21-year-old tommy schaefer , of murdering sheila von wiese-mack at a luxury bali hotelofficials say the couple stuffed heather mack 's mother 's body into a suitcaseprosecutors have not sought the death penalty for mack or schaeferstella is currently staying with her mother in the kerobokan prison in bali\"]\n", - "the daughter of chicago socialite sheila von wiese-mack accused of brutally murdering her mother during a bali vacation will turn over a ` significant percentage ' of her $ 1.3 million trust fund to care for her newborn daughter .child care : a us-based attorney for heather mack , 19 , who is accused of murdering her socialite mother in bali , has filed for about half a million dollars to be transferred to mack 's daughter stella from mack 's trust fundchief prosecutor eddy arta wijaya said mack ` committed sadistic acts to her own mother , ' but wanted her to be spared the death penalty ` because she repeatedly expressed remorse and has a newborn baby . '\n", - "heather mack , now 19 , is set to sign over a ` significant percentage ' of her trust for the care of daughter stellamack claimed in february her uncle denied her access to the $ 1.3 millionprosecutors in indonesia accused mack and boyfriend , 21-year-old tommy schaefer , of murdering sheila von wiese-mack at a luxury bali hotelofficials say the couple stuffed heather mack 's mother 's body into a suitcaseprosecutors have not sought the death penalty for mack or schaeferstella is currently staying with her mother in the kerobokan prison in bali\n", - "[1.1367816 1.5114996 1.2299175 1.3642445 1.2260678 1.1615119 1.0823638\n", - " 1.0565602 1.0161746 1.0167866 1.0312678 1.1291363 1.0514094 1.0202116\n", - " 1.0170535 1.0299613 1.025651 1.0844222 1.1795456 1.1173257]\n", - "\n", - "[ 1 3 2 4 18 5 0 11 19 17 6 7 12 10 15 16 13 14 9 8]\n", - "=======================\n", - "[\"manchester united legend peter schmeichel and his bayern munich counterpart oliver kahn have come face-to-face once more - this time as actors .oliver kahn ( left ) and peter schmeichel star in tiplico 's latest advert where they renew their rivalryin a top trump style competition kahn lists his accolades including three world goalkeeper of the year titles\"]\n", - "=======================\n", - "[\"peter schmeichel and oliver kahn star in tipico 's latest advertduo square off in a top trump style competition of honours and accoladespair were involved in the dramatic 1999 champions league finalmanchester united came from a goal behind to beat bayern munich 2-1\"]\n", - "manchester united legend peter schmeichel and his bayern munich counterpart oliver kahn have come face-to-face once more - this time as actors .oliver kahn ( left ) and peter schmeichel star in tiplico 's latest advert where they renew their rivalryin a top trump style competition kahn lists his accolades including three world goalkeeper of the year titles\n", - "peter schmeichel and oliver kahn star in tipico 's latest advertduo square off in a top trump style competition of honours and accoladespair were involved in the dramatic 1999 champions league finalmanchester united came from a goal behind to beat bayern munich 2-1\n", - "[1.2391522 1.2884622 1.1995361 1.189192 1.1436199 1.0236515 1.128427\n", - " 1.0626409 1.0128001 1.2177137 1.1015756 1.0344571 1.0720302 1.0334113\n", - " 1.0877807 1.0392339 1.0286824 1.0650699 0. 0. ]\n", - "\n", - "[ 1 0 9 2 3 4 6 10 14 12 17 7 15 11 13 16 5 8 18 19]\n", - "=======================\n", - "[\"led magnificently by john terry , jose mourinho 's side have proved once again that a solid back four is the bedrock of any title challenge .chelsea drove themselves one step closer to the premier league title with another defensive masterclass at the emirates , shutting out arsenal just a week after doing the same to manchester united .( from left ) steve bould , tony adams , nigel winterburn and lee dixon celebrate the title\"]\n", - "=======================\n", - "[\"branislav ivanovic , john terry , gary cahill and cesar azpilicueta all starred in chelsea 's 0-0 draw against arsenal at the emirates stadiumchelsea have conceded only 26 goals this seasonthey are closing in on another premier league title under jose mourinhochelsea 's defence have proved that a solid back four is key to a chargejamie carragher : terry is the premier league 's greatest ever defenderterry on course to take part in all pl games for first time in his career\"]\n", - "led magnificently by john terry , jose mourinho 's side have proved once again that a solid back four is the bedrock of any title challenge .chelsea drove themselves one step closer to the premier league title with another defensive masterclass at the emirates , shutting out arsenal just a week after doing the same to manchester united .( from left ) steve bould , tony adams , nigel winterburn and lee dixon celebrate the title\n", - "branislav ivanovic , john terry , gary cahill and cesar azpilicueta all starred in chelsea 's 0-0 draw against arsenal at the emirates stadiumchelsea have conceded only 26 goals this seasonthey are closing in on another premier league title under jose mourinhochelsea 's defence have proved that a solid back four is key to a chargejamie carragher : terry is the premier league 's greatest ever defenderterry on course to take part in all pl games for first time in his career\n", - "[1.2111106 1.4968545 1.2113628 1.402718 1.2149653 1.2049929 1.2225504\n", - " 1.1731243 1.157016 1.0288641 1.0788802 1.0628662 1.0501491 1.0460217\n", - " 1.047329 1.0116613 1.0094762 1.0098045 1.0063745]\n", - "\n", - "[ 1 3 6 4 2 0 5 7 8 10 11 12 14 13 9 15 17 16 18]\n", - "=======================\n", - "['he is accused of attacking husband and wife ronald and june phillips while on board a cruise shipgraeme finlay , 53 , insisted he acted in self-defence after being attacked by ron phillips , 70 , wielding his crutch .the 16-stone british gas engineer , who was travelling alone , confronted mr phillips and his wife june , 69 , about their rudeness in ignoring him when he joined their table for dinner , a court heard .']\n", - "=======================\n", - "['graeme finlay allegedly attacked ronald and june phillips on a cruise shipthe couple were walking back to their cabin on the ship to drink cocoafinlay denies two charges of wounding and grievous bodily harmhe claims the couple ignored him after he sat with them at a dinner table']\n", - "he is accused of attacking husband and wife ronald and june phillips while on board a cruise shipgraeme finlay , 53 , insisted he acted in self-defence after being attacked by ron phillips , 70 , wielding his crutch .the 16-stone british gas engineer , who was travelling alone , confronted mr phillips and his wife june , 69 , about their rudeness in ignoring him when he joined their table for dinner , a court heard .\n", - "graeme finlay allegedly attacked ronald and june phillips on a cruise shipthe couple were walking back to their cabin on the ship to drink cocoafinlay denies two charges of wounding and grievous bodily harmhe claims the couple ignored him after he sat with them at a dinner table\n", - "[1.0603275 1.0529685 1.1013726 1.1098514 1.2255921 1.1423157 1.1010046\n", - " 1.086985 1.097059 1.1544614 1.0829434 1.0368276 1.0558325 1.0502152\n", - " 1.0662493 1.0886652 1.0838133 1.0703127 1.0293941]\n", - "\n", - "[ 4 9 5 3 2 6 8 15 7 16 10 17 14 0 12 1 13 11 18]\n", - "=======================\n", - "['ashley ( left ) and mary-kate olsen ( right ) are two of the most famous twins in the world and despite their very similar appearances they are not actually identical twinsnot all monozygotic twins ( i.e. twins born from a single fertilised egg ) are truly identical .take pre-colonial brazilians , who thought twins were a product of adultery , resulting in the poor innocent mother often being executed for her supposed infidelity .']\n", - "=======================\n", - "['pre-colonial brazilians thought twins were a product of adulterygreek mythology believed twins were the product of intercourse with godsmany of us remain baffled by the uncanny bond identical twins share']\n", - "ashley ( left ) and mary-kate olsen ( right ) are two of the most famous twins in the world and despite their very similar appearances they are not actually identical twinsnot all monozygotic twins ( i.e. twins born from a single fertilised egg ) are truly identical .take pre-colonial brazilians , who thought twins were a product of adultery , resulting in the poor innocent mother often being executed for her supposed infidelity .\n", - "pre-colonial brazilians thought twins were a product of adulterygreek mythology believed twins were the product of intercourse with godsmany of us remain baffled by the uncanny bond identical twins share\n", - "[1.3095351 1.4015512 1.3682121 1.1158079 1.2907286 1.3080564 1.0393659\n", - " 1.04485 1.023578 1.0699031 1.3012896 1.0529422 1.0108652 1.0083001\n", - " 1.0099382 1.0070219 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 5 10 4 3 9 11 7 6 8 12 14 13 15 17 16 18]\n", - "=======================\n", - "[\"ahead of their relocation to the olympic stadium in a year 's time , the hammers became the first club to drop the price of their season tickets off the back of the premier league 's record three-year , # 5.13 bn television deal , which comes into effect at the start of the 2016-17 season .west ham 's cheapest adult season ticket for that campaign will cost # 289 -- a considerable saving on the # 620 equivalent this season .after west ham announced a vast reduction in season ticket prices earlier this week , manager sam allardyce has labelled the move the best business by any premier league club in a long time .\"]\n", - "=======================\n", - "[\"west ham became first premier league club to drop prices since tv dealmanager sam allardyce believes it 's the best business done in a long timethe hammers move into the olympic stadium in 2016\"]\n", - "ahead of their relocation to the olympic stadium in a year 's time , the hammers became the first club to drop the price of their season tickets off the back of the premier league 's record three-year , # 5.13 bn television deal , which comes into effect at the start of the 2016-17 season .west ham 's cheapest adult season ticket for that campaign will cost # 289 -- a considerable saving on the # 620 equivalent this season .after west ham announced a vast reduction in season ticket prices earlier this week , manager sam allardyce has labelled the move the best business by any premier league club in a long time .\n", - "west ham became first premier league club to drop prices since tv dealmanager sam allardyce believes it 's the best business done in a long timethe hammers move into the olympic stadium in 2016\n", - "[1.1650957 1.369648 1.3128294 1.2717338 1.1858398 1.1186236 1.2041192\n", - " 1.0760119 1.0634934 1.083391 1.0783987 1.0229826 1.1260196 1.0991608\n", - " 1.1584512 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 6 4 0 14 12 5 13 9 10 7 8 11 17 15 16 18]\n", - "=======================\n", - "[\"supposed images of the club 's home , away and third strips for next season have leaked on to the internet , which is bound to excite many an united supporter .last summer the old trafford outfit announced that they had signed a # 750million deal with sportwear giant adidas to make their kits for 10 years starting from the 2015-16 campaign .are these the kits that manchester united fans will hope lead them to a prosperous 2015-16 campaign ?\"]\n", - "=======================\n", - "[\"manchester united signed a 10-year kit deal with adidas last seasonunited 's deal earns them # 750million in total with deal beginning next termadidas replaces nike who had supplied united for the previous 13 yearsread : manchester united to tour america for just 12 days in pre-seasonclick here for all the latest manchester united news\"]\n", - "supposed images of the club 's home , away and third strips for next season have leaked on to the internet , which is bound to excite many an united supporter .last summer the old trafford outfit announced that they had signed a # 750million deal with sportwear giant adidas to make their kits for 10 years starting from the 2015-16 campaign .are these the kits that manchester united fans will hope lead them to a prosperous 2015-16 campaign ?\n", - "manchester united signed a 10-year kit deal with adidas last seasonunited 's deal earns them # 750million in total with deal beginning next termadidas replaces nike who had supplied united for the previous 13 yearsread : manchester united to tour america for just 12 days in pre-seasonclick here for all the latest manchester united news\n", - "[1.0593258 1.5036104 1.1769271 1.3209735 1.1767086 1.1994219 1.1364285\n", - " 1.0989594 1.1705564 1.0989674 1.0582172 1.0831972 1.0441692 1.0497131\n", - " 1.0214752 1.0757996 1.051367 1.0187746 1.0179577]\n", - "\n", - "[ 1 3 5 2 4 8 6 9 7 11 15 0 10 16 13 12 14 17 18]\n", - "=======================\n", - "['celebrated australian designer akira isogawa sent models down the runway with faces covered in sequins at his show on wednesday morning at mercedes-benz fashion week australia .50 shades of pink : isogawa presented a collection full of bright pinks and redswhile some models were embellished with just sequinned brows , others sported an entire mask of face bling .']\n", - "=======================\n", - "['both designers sent models down runway with sequins glued to faceshighlight shows of wednesday included steven khalil and kate sylvestermanning cartell show to attract star front row in the evening']\n", - "celebrated australian designer akira isogawa sent models down the runway with faces covered in sequins at his show on wednesday morning at mercedes-benz fashion week australia .50 shades of pink : isogawa presented a collection full of bright pinks and redswhile some models were embellished with just sequinned brows , others sported an entire mask of face bling .\n", - "both designers sent models down runway with sequins glued to faceshighlight shows of wednesday included steven khalil and kate sylvestermanning cartell show to attract star front row in the evening\n", - "[1.1613678 1.32173 1.4211833 1.1755729 1.1776538 1.0243796 1.1632197\n", - " 1.0695322 1.014775 1.0152571 1.120097 1.1092914 1.1506487 1.0838921\n", - " 1.1099316 0. 0. 0. ]\n", - "\n", - "[ 2 1 4 3 6 0 12 10 14 11 13 7 5 9 8 15 16 17]\n", - "=======================\n", - "['the icefin was deployed ( and retrieved ) the vehicle through a 12-inch diameter hole through 20 meters of ice and another 500 meters of water to the sea floor .now , researchers have created a special robo-explorer to borrow into the ice and record the first footage of what lies on the seabed below the ross ice shelf .the technologies developed for icefin will also help in the search for life on other planets , namely europa , a moon of jupiter .']\n", - "=======================\n", - "['footage reveals huge variety of life on the seabedsea stars , sponges and anemones can be seen at the ocean bottomprobe could help in the search for life on europa , a moon of jupiter']\n", - "the icefin was deployed ( and retrieved ) the vehicle through a 12-inch diameter hole through 20 meters of ice and another 500 meters of water to the sea floor .now , researchers have created a special robo-explorer to borrow into the ice and record the first footage of what lies on the seabed below the ross ice shelf .the technologies developed for icefin will also help in the search for life on other planets , namely europa , a moon of jupiter .\n", - "footage reveals huge variety of life on the seabedsea stars , sponges and anemones can be seen at the ocean bottomprobe could help in the search for life on europa , a moon of jupiter\n", - "[1.2362942 1.4432778 1.409566 1.2506919 1.2647359 1.2793437 1.1258008\n", - " 1.0205885 1.0576456 1.1095175 1.082847 1.0386255 1.027179 1.0578805\n", - " 1.0821052 1.0359885 1.0306401 1.024405 ]\n", - "\n", - "[ 1 2 5 4 3 0 6 9 10 14 13 8 11 15 16 12 17 7]\n", - "=======================\n", - "[\"the 14-year-old is now fighting for her life in delhi 's safdarjung hospital with 70 per cent burns .she was allegedly gang-raped on sunday when she went outside her house in kosi kalan , in uttar pradesh 's mathura district , to relieve herself .a teenager set herself on fire after allegedly being raped by five men from her village in india .\"]\n", - "=======================\n", - "[\"she was allegedly attacked after leaving her house to relieve herselfthe attack is said to have taken place in india 's uttar pradesh regionvictim suffered 70 per cent burns after dousing herself in keroseneher brother apparently saw her covered in flames and threw water on her\"]\n", - "the 14-year-old is now fighting for her life in delhi 's safdarjung hospital with 70 per cent burns .she was allegedly gang-raped on sunday when she went outside her house in kosi kalan , in uttar pradesh 's mathura district , to relieve herself .a teenager set herself on fire after allegedly being raped by five men from her village in india .\n", - "she was allegedly attacked after leaving her house to relieve herselfthe attack is said to have taken place in india 's uttar pradesh regionvictim suffered 70 per cent burns after dousing herself in keroseneher brother apparently saw her covered in flames and threw water on her\n", - "[1.4148684 1.3039777 1.3891374 1.3682294 1.0952334 1.2096745 1.2126904\n", - " 1.0438169 1.0150427 1.0101625 1.0350691 1.0223056 1.1019399 1.0308168\n", - " 1.025469 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 6 5 12 4 7 10 13 14 11 8 9 16 15 17]\n", - "=======================\n", - "[\"jack wilshere has moved a step closer to recovery from the serious ankle injury that has wrecked his season after completing 90 minutes for arsenal 's under 21 side .he was joined by mikel arteta and abou diaby , recovering from ankle and calf injuries respectively , in the under 21 premier league fixture at the emirates stadium .the england midfielder came through the 4-1 win over stoke city unscathed as he pushes for a return to arsene wenger 's first team before the end of the campaign .\"]\n", - "=======================\n", - "[\"jack wilshere played 90 minutes for arsenal 's under 21 sidemikel arteta and abou diaby also played at the emirates against stokewilshere has been recovering from a serious ankle injury\"]\n", - "jack wilshere has moved a step closer to recovery from the serious ankle injury that has wrecked his season after completing 90 minutes for arsenal 's under 21 side .he was joined by mikel arteta and abou diaby , recovering from ankle and calf injuries respectively , in the under 21 premier league fixture at the emirates stadium .the england midfielder came through the 4-1 win over stoke city unscathed as he pushes for a return to arsene wenger 's first team before the end of the campaign .\n", - "jack wilshere played 90 minutes for arsenal 's under 21 sidemikel arteta and abou diaby also played at the emirates against stokewilshere has been recovering from a serious ankle injury\n", - "[1.2053226 1.461422 1.1911871 1.2756139 1.2647318 1.1956223 1.1648554\n", - " 1.0510361 1.0574862 1.0151143 1.1278342 1.0930074 1.0666643 1.023398\n", - " 1.0608721 1.0447667 1.1330947 0. ]\n", - "\n", - "[ 1 3 4 0 5 2 6 16 10 11 12 14 8 7 15 13 9 17]\n", - "=======================\n", - "[\"kamron taylor was caught in south side , chicago , with a loaded gun on friday night after police received a tip off describing a man with the name ` gertrude ' tattooed to his neck .he is being held on weapons charges until he can be turned over to the kankakee county sheriff 's office , chicago police said .recaptured : kamron taylor is in custody after breaking free from jail by beating a guard unconscious and fleeing in his uniform .\"]\n", - "=======================\n", - "[\"kamron taylor was waiting to be sentenced for the 2013 murder of nelson williams jr , 21recaptured on friday with loaded gun in chicago after police tip-offhe fled illinois prison on wednesday after being guard unconsciouswas seen on cctv wearing guard 's uniform and driving his suvfears he was hunting down victims family after shouting threat in courthe is now in custody on weapons charges\"]\n", - "kamron taylor was caught in south side , chicago , with a loaded gun on friday night after police received a tip off describing a man with the name ` gertrude ' tattooed to his neck .he is being held on weapons charges until he can be turned over to the kankakee county sheriff 's office , chicago police said .recaptured : kamron taylor is in custody after breaking free from jail by beating a guard unconscious and fleeing in his uniform .\n", - "kamron taylor was waiting to be sentenced for the 2013 murder of nelson williams jr , 21recaptured on friday with loaded gun in chicago after police tip-offhe fled illinois prison on wednesday after being guard unconsciouswas seen on cctv wearing guard 's uniform and driving his suvfears he was hunting down victims family after shouting threat in courthe is now in custody on weapons charges\n", - "[1.552062 1.081424 1.1980006 1.1988405 1.200772 1.0855718 1.1030821\n", - " 1.0475146 1.1292365 1.0816116 1.0700338 1.0395066 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 3 2 8 6 5 9 1 10 7 11 16 12 13 14 15 17]\n", - "=======================\n", - "[\"( cnn ) warren weinstein , who appears to have been the only american citizen held hostage by al qaeda , was accidentally killed in a u.s. drone strike in january .a senior u.s. official familiar with the handling of the issue told cnn that the u.s. government made no serious effort to negotiate for the 73-year-old development expert 's release , either directly to al qaeda or through proxies in pakistan .the senior pakistani official says that during the past year pakistani soldiers , who were part of a military offensive in the tribal area of north waziristan near the afghan-pakistan border where weinstein was believed to be being held , went door-to-door looking for the american .\"]\n", - "=======================\n", - "['u.s. hostage warren weinstein is believed to have been accidentally killed in counter-terrorism strikepeter bergen : u.s. should rethink hostage policy to increase chances of freeing those held']\n", - "( cnn ) warren weinstein , who appears to have been the only american citizen held hostage by al qaeda , was accidentally killed in a u.s. drone strike in january .a senior u.s. official familiar with the handling of the issue told cnn that the u.s. government made no serious effort to negotiate for the 73-year-old development expert 's release , either directly to al qaeda or through proxies in pakistan .the senior pakistani official says that during the past year pakistani soldiers , who were part of a military offensive in the tribal area of north waziristan near the afghan-pakistan border where weinstein was believed to be being held , went door-to-door looking for the american .\n", - "u.s. hostage warren weinstein is believed to have been accidentally killed in counter-terrorism strikepeter bergen : u.s. should rethink hostage policy to increase chances of freeing those held\n", - "[1.3009745 1.4497981 1.3622999 1.3080299 1.104525 1.15998 1.1014237\n", - " 1.0248469 1.0257972 1.0343935 1.017634 1.0519075 1.0190282 1.0639762\n", - " 1.1150163 1.184867 1.016848 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 0 15 5 14 4 6 13 11 9 8 7 12 10 16 17 18 19 20 21]\n", - "=======================\n", - "[\"as the aircraft taxied on the runway at ben gurion airport in israel , bound for luton , sarina aziz became agitated after cabin crew asked that she sit on her parents ' lap .ariella and mark aziz , who live in north london , struggled to keep their daughter still after strapping her in the connector belt required for children under the age of two .a crying 19-month-old girl was removed from a plane and met by police after she was accused of causing a security breach .\"]\n", - "=======================\n", - "[\"sarina aziz was flying back from israel with parents mark and ariella azizbut girl became agitated after being placed on the parents ' lappilot turned plane around at ben gurion , and armed police ejected familyfather mark aziz insists family were being compliant and asking for helpmother speaks of her disbelief at how the incident was handled by staff\"]\n", - "as the aircraft taxied on the runway at ben gurion airport in israel , bound for luton , sarina aziz became agitated after cabin crew asked that she sit on her parents ' lap .ariella and mark aziz , who live in north london , struggled to keep their daughter still after strapping her in the connector belt required for children under the age of two .a crying 19-month-old girl was removed from a plane and met by police after she was accused of causing a security breach .\n", - "sarina aziz was flying back from israel with parents mark and ariella azizbut girl became agitated after being placed on the parents ' lappilot turned plane around at ben gurion , and armed police ejected familyfather mark aziz insists family were being compliant and asking for helpmother speaks of her disbelief at how the incident was handled by staff\n", - "[1.5457999 1.279661 1.2989419 1.4799674 1.1450272 1.0764803 1.028544\n", - " 1.0439222 1.0309949 1.0179257 1.0147902 1.0115169 1.0955607 1.0748292\n", - " 1.0500885 1.1476829 1.0143948 1.0094504 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 2 1 15 4 12 5 13 14 7 8 6 9 10 16 11 17 20 18 19 21]\n", - "=======================\n", - "[\"john terry warned arsenal that they will never win the barclays premier league by playing ` tippy-tappy football ' .mourinho 's team were booed off the pitch by home fans following their 0-0 draw at arsenal and left the field to chants of ` boring , boring chelsea ' .in a robust defence of chelsea 's recent tactics , the club 's captain admitted jose mourinho changed the way the league leaders approached games after christmas .\"]\n", - "=======================\n", - "[\"arsenal need to adapt their ways to win the league , believes john terrychelsea edged closer to title with a point but were booed off by home fanschants of ` boring , boring chelsea ' filled the emirates stadium at full-timebut , terry admits change of approach has helped blues close in on the titlethierry henry : arsenal need to sign four top players to win the league\"]\n", - "john terry warned arsenal that they will never win the barclays premier league by playing ` tippy-tappy football ' .mourinho 's team were booed off the pitch by home fans following their 0-0 draw at arsenal and left the field to chants of ` boring , boring chelsea ' .in a robust defence of chelsea 's recent tactics , the club 's captain admitted jose mourinho changed the way the league leaders approached games after christmas .\n", - "arsenal need to adapt their ways to win the league , believes john terrychelsea edged closer to title with a point but were booed off by home fanschants of ` boring , boring chelsea ' filled the emirates stadium at full-timebut , terry admits change of approach has helped blues close in on the titlethierry henry : arsenal need to sign four top players to win the league\n", - "[1.2363436 1.5120239 1.2654063 1.2026529 1.2526064 1.1384661 1.0935618\n", - " 1.130713 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 4 0 3 5 7 6 19 18 17 16 15 14 10 12 11 20 9 8 13 21]\n", - "=======================\n", - "['actress penelope cruz will appear in the upcoming sequel to the popular 2001 film , ben stiller announced friday .stiller , who plays the title role of male model derek zoolander , dropped the news by sharing a photo of \" little penny \" cruz as a child and saying he was \" excited \" to welcome her to the cast .it is scheduled for release in february 2016 .']\n", - "=======================\n", - "['ben stiller announces that penelope cruz will join cast of \" zoolander 2 \"\" zoolander 2 \" is scheduled for release in 2016']\n", - "actress penelope cruz will appear in the upcoming sequel to the popular 2001 film , ben stiller announced friday .stiller , who plays the title role of male model derek zoolander , dropped the news by sharing a photo of \" little penny \" cruz as a child and saying he was \" excited \" to welcome her to the cast .it is scheduled for release in february 2016 .\n", - "ben stiller announces that penelope cruz will join cast of \" zoolander 2 \"\" zoolander 2 \" is scheduled for release in 2016\n", - "[1.2642872 1.4808391 1.0971416 1.3130971 1.296131 1.1367433 1.1245914\n", - " 1.0544046 1.1249197 1.0606594 1.0648708 1.0627303 1.0150399 1.0574508\n", - " 1.0446855 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 4 0 5 8 6 2 10 11 9 13 7 14 12 20 15 16 17 18 19 21]\n", - "=======================\n", - "['ana granucci davis , 28 , wife of st petersburg chef aaron davis , 31 , gave birth to their son andrew aaron lawrence on tuesday .the wife of a florida chef who was killed by a suspected drunk driver on saturday has given birth his son , only three days following his death .mr davis , head chef at the kitchen , was walking on central avenue to a parking garage when he was fatally struck by 25-year-old jason lanard mitchell on saturday around 2am , police said .']\n", - "=======================\n", - "['aaron davis , head chef at the kitchen in florida , was killed while walking on saturday by suspected drunk driver jason lanard mitchell , police saidmitchell , 25 , sped through several red lights before striking davis and his co-worker brian lafrance , who was treated and released from hospitalana granucci davis , 28 , wife of aaron , had second child andrew aaron lawrence on tuesdaythe couple , who married in 2013 , met four years ago and also have a 21-month-old daughter audreymitchell faces several charges including dui manslaughter , vehicular homicide , aggravated fleeing and eluding and leaving scene of crash']\n", - "ana granucci davis , 28 , wife of st petersburg chef aaron davis , 31 , gave birth to their son andrew aaron lawrence on tuesday .the wife of a florida chef who was killed by a suspected drunk driver on saturday has given birth his son , only three days following his death .mr davis , head chef at the kitchen , was walking on central avenue to a parking garage when he was fatally struck by 25-year-old jason lanard mitchell on saturday around 2am , police said .\n", - "aaron davis , head chef at the kitchen in florida , was killed while walking on saturday by suspected drunk driver jason lanard mitchell , police saidmitchell , 25 , sped through several red lights before striking davis and his co-worker brian lafrance , who was treated and released from hospitalana granucci davis , 28 , wife of aaron , had second child andrew aaron lawrence on tuesdaythe couple , who married in 2013 , met four years ago and also have a 21-month-old daughter audreymitchell faces several charges including dui manslaughter , vehicular homicide , aggravated fleeing and eluding and leaving scene of crash\n", - "[1.0237895 1.4983854 1.4974011 1.3269185 1.1564428 1.0723214 1.1313013\n", - " 1.0934995 1.0337713 1.0155293 1.0396788 1.050015 1.0876179 1.1305946\n", - " 1.1679906 1.0394616 1.0356714 1.0398368 1.0727884 1.0773915 1.0261647\n", - " 1.0632232]\n", - "\n", - "[ 1 2 3 14 4 6 13 7 12 19 18 5 21 11 17 10 15 16 8 20 0 9]\n", - "=======================\n", - "[\"researchers in north carolina claim that zapping the brain with a mild electric current can boost creativity by nearly eight per cent .they tested their theory using a 10-hertz current on the brain 's of 20 volunteers to stimulate the brain 's natural alpha wave oscillations .as well as creativity , these oscillations - or the lack of them - are linked with depression .\"]\n", - "=======================\n", - "['researchers ran a 10-hertz current through brains of 20 volunteersthey wanted to stimulate alpha wave oscillations linked to creativitythese oscillations are thought to be impaired in people with depressionteam are now hoping to use the technique to treat depressed people']\n", - "researchers in north carolina claim that zapping the brain with a mild electric current can boost creativity by nearly eight per cent .they tested their theory using a 10-hertz current on the brain 's of 20 volunteers to stimulate the brain 's natural alpha wave oscillations .as well as creativity , these oscillations - or the lack of them - are linked with depression .\n", - "researchers ran a 10-hertz current through brains of 20 volunteersthey wanted to stimulate alpha wave oscillations linked to creativitythese oscillations are thought to be impaired in people with depressionteam are now hoping to use the technique to treat depressed people\n", - "[1.3649873 1.2710617 1.2414845 1.1695794 1.0973634 1.100814 1.2506709\n", - " 1.0799267 1.0510553 1.0257906 1.1696241 1.0834608 1.032847 1.1810951\n", - " 1.0386665 1.0115137 0. 0. ]\n", - "\n", - "[ 0 1 6 2 13 10 3 5 4 11 7 8 14 12 9 15 16 17]\n", - "=======================\n", - "[\"anger : the un said katie hopkins ( pictured ) used language similar to that of rwandan media in the run up the 1994 genocide and by nazis in the 1930sthe un 's rights chief has urged britain to crack down on tabloid newspapers inciting racial hatred after a columnist for the sun called migrants ` cockroaches ' .already , more than 1,750 people have died this year making the perilous sea crossing to try to reach europe - 30 times higher than the same period in 2014 .\"]\n", - "=======================\n", - "[\"un high commissioner for human rights condemned katie hopkins 'zeid ra'ad al husein urged britain to crack down on ` inciting racial hatred 'compared hopkins ' ` cockroaches ' comment to language employed by rwandan media outlets in the run-up to the 1994 genocidehe also likened her words to nazi propaganda during the 1930s\"]\n", - "anger : the un said katie hopkins ( pictured ) used language similar to that of rwandan media in the run up the 1994 genocide and by nazis in the 1930sthe un 's rights chief has urged britain to crack down on tabloid newspapers inciting racial hatred after a columnist for the sun called migrants ` cockroaches ' .already , more than 1,750 people have died this year making the perilous sea crossing to try to reach europe - 30 times higher than the same period in 2014 .\n", - "un high commissioner for human rights condemned katie hopkins 'zeid ra'ad al husein urged britain to crack down on ` inciting racial hatred 'compared hopkins ' ` cockroaches ' comment to language employed by rwandan media outlets in the run-up to the 1994 genocidehe also likened her words to nazi propaganda during the 1930s\n", - "[1.2424036 1.5177295 1.160733 1.3946948 1.0797465 1.0544267 1.0870459\n", - " 1.1595223 1.0900669 1.0855749 1.0369691 1.0520685 1.0806952 1.0716598\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - " 1.0192807 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 7 8 6 9 12 4 13 5 11 10 14 16 15 17]\n", - "=======================\n", - "[\"that is after crystal palace , managed by alan pardew , beat manchester city 2-1 at selhurst park on monday night , the english manager 's ninth win in south london since leaving his role at newcastle at the end of december .alan pardew could be a candidate for manager of the year with his record at newcastle and crystal palaceforget swansea , stoke city and west ham , the top seven would be seriously challenged by ` team pardew ' should this manager have had a full season in charge at one club .\"]\n", - "=======================\n", - "[\"crystal palace beat manchester city 2-1 at selhurst park on mondaysouth london side are 11th in premier league table and look to be safealan pardew left newcastle in 10th place when he departed in decemberjohn carver 's side have only picked up nine points since` team pardew ' would be eighth in the table five points behind southampton\"]\n", - "that is after crystal palace , managed by alan pardew , beat manchester city 2-1 at selhurst park on monday night , the english manager 's ninth win in south london since leaving his role at newcastle at the end of december .alan pardew could be a candidate for manager of the year with his record at newcastle and crystal palaceforget swansea , stoke city and west ham , the top seven would be seriously challenged by ` team pardew ' should this manager have had a full season in charge at one club .\n", - "crystal palace beat manchester city 2-1 at selhurst park on mondaysouth london side are 11th in premier league table and look to be safealan pardew left newcastle in 10th place when he departed in decemberjohn carver 's side have only picked up nine points since` team pardew ' would be eighth in the table five points behind southampton\n", - "[1.2976562 1.2773176 1.4332305 1.2844774 1.0273837 1.0206769 1.255047\n", - " 1.1761 1.1125693 1.1770102 1.1598164 1.0924175 1.0606581 1.04489\n", - " 1.0482328 1.0113114 1.02507 0. ]\n", - "\n", - "[ 2 0 3 1 6 9 7 10 8 11 12 14 13 4 16 5 15 17]\n", - "=======================\n", - "[\"the mother-of-three was held at gunpoint on march 31 , however she was fired when she refused to pay back the money that was stolen , with the store saying she should not have allowed so much cash to be in the till at one time .a woman who is five months pregnant and was fired from her job at popeyes after an armed robber made off with $ 400 on her shift says she has been offered her job .only marissa holcomb is n't so sure she wants to go back to the fried chicken chain in channelview , texas .\"]\n", - "=======================\n", - "[\"marissa holcomb was held up in channelview , texas , on march 31robber held her at gunpoint and emptied $ 400 from the tillshe was fired a day later after refusing to pay back the moneythe store said she broke their policy by having so much cash in the tillholcomb is five months pregnant with her fourth childthe store have apologized and offered her job back , with $ 2,000 backpaypopeyes ceo cheryl bachelder asked the owner to ` rectify ' the issue\"]\n", - "the mother-of-three was held at gunpoint on march 31 , however she was fired when she refused to pay back the money that was stolen , with the store saying she should not have allowed so much cash to be in the till at one time .a woman who is five months pregnant and was fired from her job at popeyes after an armed robber made off with $ 400 on her shift says she has been offered her job .only marissa holcomb is n't so sure she wants to go back to the fried chicken chain in channelview , texas .\n", - "marissa holcomb was held up in channelview , texas , on march 31robber held her at gunpoint and emptied $ 400 from the tillshe was fired a day later after refusing to pay back the moneythe store said she broke their policy by having so much cash in the tillholcomb is five months pregnant with her fourth childthe store have apologized and offered her job back , with $ 2,000 backpaypopeyes ceo cheryl bachelder asked the owner to ` rectify ' the issue\n", - "[1.4494095 1.4172592 1.3157828 1.2267559 1.2262499 1.0733294 1.0250585\n", - " 1.0273174 1.2317622 1.0614858 1.0213856 1.0441623 1.031287 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 8 3 4 5 9 11 12 7 6 10 16 13 14 15 17]\n", - "=======================\n", - "[\"zinedine zidane has sparked a potential transfer battle with chelsea after claiming that eden hazard excites him more than cristiano ronaldo and lionel messi .the real madrid reserve boss was unashamed in his praise for hazard , who could be named pfa player of the year this weekend .zidane 's comments are sure to agitate those at stamford bridge , who only tied the belgian down to a new five-year deal in february .\"]\n", - "=======================\n", - "[\"zinedine zidane has revealed his admiration for chelsea 's eden hazardzidane said he likes him more than cristiano ronaldo and lionel messihazard is one of the main reasons chelsea will win the league , says zidane\"]\n", - "zinedine zidane has sparked a potential transfer battle with chelsea after claiming that eden hazard excites him more than cristiano ronaldo and lionel messi .the real madrid reserve boss was unashamed in his praise for hazard , who could be named pfa player of the year this weekend .zidane 's comments are sure to agitate those at stamford bridge , who only tied the belgian down to a new five-year deal in february .\n", - "zinedine zidane has revealed his admiration for chelsea 's eden hazardzidane said he likes him more than cristiano ronaldo and lionel messihazard is one of the main reasons chelsea will win the league , says zidane\n", - "[1.4796195 1.3570453 1.1002537 1.1570692 1.1325366 1.145796 1.1435683\n", - " 1.0613981 1.0995451 1.1130292 1.0454091 1.0789548 1.059102 1.10133\n", - " 1.0748519 1.0677884 1.0571442 1.0726643]\n", - "\n", - "[ 0 1 3 5 6 4 9 13 2 8 11 14 17 15 7 12 16 10]\n", - "=======================\n", - "['( cnn ) the lawyer for robert bates , an oklahoma reserve deputy who fatally shot a man he meant to subdue with a taser , on saturday released documents that he says verify some of bates \\' training as a law enforcement officer .the documents show bates had one taser training class over a six-and-a-half-year period , took three firearms training classes and qualified 10 times , from 2009 to 2014 , to use a handgun .\" robert bates has met all the requisite training required by oklahoma to be a reserve deputy , \" said the lawyer , scott wood , in an interview with cnn .']\n", - "=======================\n", - "['reserve deputy robert bates said he meant to use a taser but accidentally shot and killed a manlawyer for slain man \\'s family says bates was n\\'t qualified to be on the force and received preferential treatment\" robert bates has met all the requisite training required by oklahoma to be a reserve deputy , \" bates \\' lawyer says']\n", - "( cnn ) the lawyer for robert bates , an oklahoma reserve deputy who fatally shot a man he meant to subdue with a taser , on saturday released documents that he says verify some of bates ' training as a law enforcement officer .the documents show bates had one taser training class over a six-and-a-half-year period , took three firearms training classes and qualified 10 times , from 2009 to 2014 , to use a handgun .\" robert bates has met all the requisite training required by oklahoma to be a reserve deputy , \" said the lawyer , scott wood , in an interview with cnn .\n", - "reserve deputy robert bates said he meant to use a taser but accidentally shot and killed a manlawyer for slain man 's family says bates was n't qualified to be on the force and received preferential treatment\" robert bates has met all the requisite training required by oklahoma to be a reserve deputy , \" bates ' lawyer says\n", - "[1.3374202 1.3971446 1.3118706 1.2995987 1.2022507 1.1594682 1.0970635\n", - " 1.021164 1.0348955 1.1083028 1.0228482 1.014245 1.0283133 1.1314496\n", - " 1.1315914 1.0623951 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 5 14 13 9 6 15 8 12 10 7 11 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"the party said schoolchildren were being exposed to ` propaganda ' from brussels in a bid to ` catch them young ' .sixteen and seventeen year olds should not be allowed to vote in a referendum on britain 's membership of the european union because they have been brainwashed with pro-eu colouring-in books , ukip has said .it came as ukip was accused of performing yet another u-turn on its immigration policy\"]\n", - "=======================\n", - "[\"ukip said schoolchildren brainwashed with pro-eu colouring-in booksparty said teens exposed to eu ` propaganda ' in a bid to ` catch them young 'it said it was ` strongly against ' lowering the voting age as under-18s\"]\n", - "the party said schoolchildren were being exposed to ` propaganda ' from brussels in a bid to ` catch them young ' .sixteen and seventeen year olds should not be allowed to vote in a referendum on britain 's membership of the european union because they have been brainwashed with pro-eu colouring-in books , ukip has said .it came as ukip was accused of performing yet another u-turn on its immigration policy\n", - "ukip said schoolchildren brainwashed with pro-eu colouring-in booksparty said teens exposed to eu ` propaganda ' in a bid to ` catch them young 'it said it was ` strongly against ' lowering the voting age as under-18s\n", - "[1.085381 1.1670697 1.0862396 1.3277583 1.2750487 1.1899005 1.0346014\n", - " 1.0263888 1.0325086 1.0273128 1.0183738 1.0234083 1.018525 1.0376339\n", - " 1.0301578 1.0288899 1.0954456 1.1168368 1.113343 1.1596978 1.0441754\n", - " 1.0214428 1.0616155]\n", - "\n", - "[ 3 4 5 1 19 17 18 16 2 0 22 20 13 6 8 14 15 9 7 11 21 12 10]\n", - "=======================\n", - "['born in california to a nigerian father and a mauritian mother , oduwole is often described as \" the world \\'s youngest filmmaker . \"aged 12 , she already has four documentaries under her belt -- all of which focus on african issues .it all started three years ago when oduwole decided to enter a school documentary-making competition with a film about the ghana revolution .']\n", - "=======================\n", - "['zuriel oduwole is a 12-year-old filmmakerto date , she has interviewed 14 heads of state']\n", - "born in california to a nigerian father and a mauritian mother , oduwole is often described as \" the world 's youngest filmmaker . \"aged 12 , she already has four documentaries under her belt -- all of which focus on african issues .it all started three years ago when oduwole decided to enter a school documentary-making competition with a film about the ghana revolution .\n", - "zuriel oduwole is a 12-year-old filmmakerto date , she has interviewed 14 heads of state\n", - "[1.305825 1.4976615 1.2553415 1.3653598 1.0939611 1.1601384 1.1776228\n", - " 1.0663068 1.0326761 1.1643311 1.0409589 1.0379258 1.1352428 1.0889394\n", - " 1.0814089 1.0406165 1.0172235 1.0072938 1.0080063 1.012771 1.0071961\n", - " 1.005682 0. ]\n", - "\n", - "[ 1 3 0 2 6 9 5 12 4 13 14 7 10 15 11 8 16 19 18 17 20 21 22]\n", - "=======================\n", - "[\"former world no 1 amelie mauresmo is expecting her baby in august , and will be heavily pregnant as she guides murray through wimbledon .amelie mauresmo was appointed as andy murray 's coach last summerthe openly gay 35-year-old broke the news on social media on thursday night .\"]\n", - "=======================\n", - "['andy murray appointed amelie mauresmo as his coach last summermauresmo is a former wimbledon and australian open singles championthe 35-year-old is also a former world no 1']\n", - "former world no 1 amelie mauresmo is expecting her baby in august , and will be heavily pregnant as she guides murray through wimbledon .amelie mauresmo was appointed as andy murray 's coach last summerthe openly gay 35-year-old broke the news on social media on thursday night .\n", - "andy murray appointed amelie mauresmo as his coach last summermauresmo is a former wimbledon and australian open singles championthe 35-year-old is also a former world no 1\n", - "[1.2297827 1.6027317 1.2203021 1.4481611 1.1117461 1.0745933 1.0942951\n", - " 1.0774604 1.1127772 1.0218666 1.0516664 1.2654395 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 11 0 2 8 4 6 7 5 10 9 20 19 18 17 13 15 14 12 21 16 22]\n", - "=======================\n", - "[\"ralph cramer , 70 , and his wife , lynn , 59 , were returning home from the creekside café in mount joy at about 9 p.m. on sunday when the accident occurred .the couple 's 1923 model t ford convertible , which had been rebuilt , skidded off the roadway and flipped over ( stock photo )first responders arrived to find that the couple had died from multiple traumatic injuries suffered in the crash .\"]\n", - "=======================\n", - "['ralph cramer , 70 , and his wife , lynn , 59 , were returning home from the creekside café at 9 p.m. on sunday when the crash occuredfirst responders arrived to find they had died from multiple traumatic injuriesthe vehicle started to skid at a slight left turn , then went off the road and hit an embankmentthe vehicle was a restored 1923 model t ford with new elements']\n", - "ralph cramer , 70 , and his wife , lynn , 59 , were returning home from the creekside café in mount joy at about 9 p.m. on sunday when the accident occurred .the couple 's 1923 model t ford convertible , which had been rebuilt , skidded off the roadway and flipped over ( stock photo )first responders arrived to find that the couple had died from multiple traumatic injuries suffered in the crash .\n", - "ralph cramer , 70 , and his wife , lynn , 59 , were returning home from the creekside café at 9 p.m. on sunday when the crash occuredfirst responders arrived to find they had died from multiple traumatic injuriesthe vehicle started to skid at a slight left turn , then went off the road and hit an embankmentthe vehicle was a restored 1923 model t ford with new elements\n", - "[1.2444512 1.3288175 1.2370825 1.2228997 1.1925105 1.208553 1.1311648\n", - " 1.1052607 1.148261 1.1070733 1.051816 1.0896437 1.0639741 1.0164347\n", - " 1.0141875 1.0092486 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 2 3 5 4 8 6 9 7 11 12 10 13 14 15 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"the store front of its brixton branch was covered in shattered glass while ` no evictions ' and ` yuppies ' was spray painted in black across their housing advertisements .protesters have demolished the front window of upmarket estate agents foxtons during a protest against the gentrification of south london .a police spokesman confirmed that one man has been arrested on suspicion of criminal damage .\"]\n", - "=======================\n", - "[\"vandal spray painted ` no evictions ' and ` yuppies ' across the store frontat least one person has been arrested on suspicion of criminal damagedemo organised by reclaim brixton was attended by thousands of people` we ca n't be held accountable for one lone idiot , ' organiser told mailonline\"]\n", - "the store front of its brixton branch was covered in shattered glass while ` no evictions ' and ` yuppies ' was spray painted in black across their housing advertisements .protesters have demolished the front window of upmarket estate agents foxtons during a protest against the gentrification of south london .a police spokesman confirmed that one man has been arrested on suspicion of criminal damage .\n", - "vandal spray painted ` no evictions ' and ` yuppies ' across the store frontat least one person has been arrested on suspicion of criminal damagedemo organised by reclaim brixton was attended by thousands of people` we ca n't be held accountable for one lone idiot , ' organiser told mailonline\n", - "[1.2627945 1.4236491 1.1551169 1.147904 1.1807231 1.0701259 1.0658551\n", - " 1.0564637 1.2502503 1.1288364 1.0623294 1.0675577 1.0824428 1.0720791\n", - " 1.0487756 1.010897 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 8 4 2 3 9 12 13 5 11 6 10 7 14 15 18 16 17 19]\n", - "=======================\n", - "['the remarkable images were shot by photographer victor albert prout , who developed the negatives in an improvised dark room on board his punt which he sailed along the river thames .some of the oldest surviving photographs of the houses of parliament and windsor castle , dating back more than 150 years , have been found .the pictures are to be sold as a collection at the oxford book fair and are estimated to sell for around # 30,000 .']\n", - "=======================\n", - "['victor prout created a makeshift dark room on board a boat he used to travel along stretch of the river thamesprout captured images of iconic landmarks in the 1850s , such as the houses of parliament and windsor castleimages are oldest surviving documented record along the river and are remarkably similar to those of todaycollection , contained in the book of the thames , is to be sold for almost # 30,000 at the oxford book fair']\n", - "the remarkable images were shot by photographer victor albert prout , who developed the negatives in an improvised dark room on board his punt which he sailed along the river thames .some of the oldest surviving photographs of the houses of parliament and windsor castle , dating back more than 150 years , have been found .the pictures are to be sold as a collection at the oxford book fair and are estimated to sell for around # 30,000 .\n", - "victor prout created a makeshift dark room on board a boat he used to travel along stretch of the river thamesprout captured images of iconic landmarks in the 1850s , such as the houses of parliament and windsor castleimages are oldest surviving documented record along the river and are remarkably similar to those of todaycollection , contained in the book of the thames , is to be sold for almost # 30,000 at the oxford book fair\n", - "[1.2803475 1.2799733 1.2190312 1.2131221 1.1665883 1.2238188 1.0340152\n", - " 1.1741586 1.1061082 1.0823444 1.0843378 1.223638 1.0161582 1.0886717\n", - " 1.0310959 1.0463593 1.0748881 1.0544406 1.0259788 0. ]\n", - "\n", - "[ 0 1 5 11 2 3 7 4 8 13 10 9 16 17 15 6 14 18 12 19]\n", - "=======================\n", - "['the finnish military says it has dropped depth charges onto a suspected submarine in the sea outside helsinki after twice detecting the presence of a foreign object .the navy said it noticed an underwater target yesterday and again this morning and fired some warning charges the size of grenades .finland defence minister carl haglund did not say whether russia was involved but told local media that it was extremely rare for the military to use such warning charges .']\n", - "=======================\n", - "['the finnish military has dropped depth charges on a possible submarineits navy twice detected a foreign object within helsinki territorial watersthe charges released were warning shots , about the size of hand grenadesexperts believe the object is likely to have been a russian submarine']\n", - "the finnish military says it has dropped depth charges onto a suspected submarine in the sea outside helsinki after twice detecting the presence of a foreign object .the navy said it noticed an underwater target yesterday and again this morning and fired some warning charges the size of grenades .finland defence minister carl haglund did not say whether russia was involved but told local media that it was extremely rare for the military to use such warning charges .\n", - "the finnish military has dropped depth charges on a possible submarineits navy twice detected a foreign object within helsinki territorial watersthe charges released were warning shots , about the size of hand grenadesexperts believe the object is likely to have been a russian submarine\n", - "[1.1589863 1.4599341 1.2985741 1.3716186 1.2276165 1.0881054 1.0369148\n", - " 1.0788689 1.1218771 1.078586 1.0641259 1.086402 1.0787718 1.1194927\n", - " 1.0758075 1.0848049 1.1205946 1.0750614 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 8 16 13 5 11 15 7 12 9 14 17 10 6 18 19]\n", - "=======================\n", - "['the creatures were discovered at blairgowrie pier but are fast on the move to their proper migration at rye pier in a few weeks time .1000 spider crabs were spotted by underwater divers in a moving migrating pyramidspider crabs migrate once a year in the port phillip bay area in southern victoria , piling on top of each other to create a moving mound .']\n", - "=======================\n", - "['the amazing moment over 1000 spider crabs formed a migrating pyramid has been caught on camera by an underwater photographerthe creatures were spotted at blairgowrie pier but are fast on the movethe video shows creatures crawling over each other in upward directionthey are expected to start their proper migration at rye pier in a few weeks']\n", - "the creatures were discovered at blairgowrie pier but are fast on the move to their proper migration at rye pier in a few weeks time .1000 spider crabs were spotted by underwater divers in a moving migrating pyramidspider crabs migrate once a year in the port phillip bay area in southern victoria , piling on top of each other to create a moving mound .\n", - "the amazing moment over 1000 spider crabs formed a migrating pyramid has been caught on camera by an underwater photographerthe creatures were spotted at blairgowrie pier but are fast on the movethe video shows creatures crawling over each other in upward directionthey are expected to start their proper migration at rye pier in a few weeks\n", - "[1.4354353 1.0985969 1.0947012 1.0926524 1.0669243 1.0455236 1.156905\n", - " 1.0320631 1.1599903 1.1515759 1.0233073 1.0964712 1.0198874 1.0821928\n", - " 1.1372275 1.0776672 1.132868 1.0838977 0. 0. ]\n", - "\n", - "[ 0 8 6 9 14 16 1 11 2 3 17 13 15 4 5 7 10 12 18 19]\n", - "=======================\n", - "['eric jackson took a bullet in the forearm during the deadliest mass shooting on a u.s. military base , and returned to fort hood five years later with other survivors on friday to receive purple heart medals .thirteen people were killed and 31 were injured in the 2009 attack carried out by an army psychiatrist who is now on military death row .following years of tension , the army gave the purple hearts to survivors and relatives of the dead in a somber ceremony on the texas military post , just two miles from where nidal hasan had opened fire in a room of unarmed soldiers .']\n", - "=======================\n", - "['some smiled over an honor they felt was overdue , but also clenched their teeth over needs they say the army has deniedi try not to be bitter .thirteen people were killed and 31 were injured in the 2009 attack carried out by an army psychiatrist who is now on military death row']\n", - "eric jackson took a bullet in the forearm during the deadliest mass shooting on a u.s. military base , and returned to fort hood five years later with other survivors on friday to receive purple heart medals .thirteen people were killed and 31 were injured in the 2009 attack carried out by an army psychiatrist who is now on military death row .following years of tension , the army gave the purple hearts to survivors and relatives of the dead in a somber ceremony on the texas military post , just two miles from where nidal hasan had opened fire in a room of unarmed soldiers .\n", - "some smiled over an honor they felt was overdue , but also clenched their teeth over needs they say the army has deniedi try not to be bitter .thirteen people were killed and 31 were injured in the 2009 attack carried out by an army psychiatrist who is now on military death row\n", - "[1.4376291 1.2057327 1.39456 1.1560535 1.100838 1.1035315 1.2198974\n", - " 1.1402997 1.1029503 1.0597703 1.0999483 1.172703 1.0166699 1.0163984\n", - " 1.0415425 1.0186659 1.059674 1.0298163 1.0583163 1.0423514]\n", - "\n", - "[ 0 2 6 1 11 3 7 5 8 4 10 9 16 18 19 14 17 15 12 13]\n", - "=======================\n", - "[\"michael scott shemansky is on the run after authorities named him as a suspect in the murder of his motheran attorney for his estranged wife confirmed shemansky 's failure to appear for the scheduled visit .neighbors at the winter garden rv resort believe divorce proceedings may have pushed shemansky over the edge\"]\n", - "=======================\n", - "['police say michael scott shemansky came to their attention after he failed to appear for a supervised visit with his son saturdaythat same day mother sandra shemansky , 57 , was found dead at the home they shared in winter garden , floridamichael shemansky was going through a difficult divorce and neighbors believe the stress may have caused him to snap']\n", - "michael scott shemansky is on the run after authorities named him as a suspect in the murder of his motheran attorney for his estranged wife confirmed shemansky 's failure to appear for the scheduled visit .neighbors at the winter garden rv resort believe divorce proceedings may have pushed shemansky over the edge\n", - "police say michael scott shemansky came to their attention after he failed to appear for a supervised visit with his son saturdaythat same day mother sandra shemansky , 57 , was found dead at the home they shared in winter garden , floridamichael shemansky was going through a difficult divorce and neighbors believe the stress may have caused him to snap\n", - "[1.2228442 1.3252738 1.2117059 1.1519489 1.0740268 1.085911 1.0526994\n", - " 1.1375299 1.1567966 1.1170368 1.0858462 1.0680627 1.0624967 1.0490234\n", - " 1.0169339 1.018726 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 8 3 7 9 5 10 4 11 12 6 13 15 14 17 16 18]\n", - "=======================\n", - "[\"taken in the capital tehran , the photographs show teenagers and people in their early 20s kissing in public , drinking alcohol and living openly gay lifestyles .these stunning images capture the way young people in iran are defying the country 's hardline islamic image to create a more westernised society .some of those pictured are even seen wearing clothing adorned with the stars and stripes - something previously unthinkable in a country where the conservative religious and political leadership still regularly leads chants of ` death to america ' at public meetings .\"]\n", - "=======================\n", - "[\"people aged under 30 currently represent a staggering 63 per cent of iran 's population of 73 million citizensthe westernised iranian youth is also among the most politically active groups within the islamic worldthe young also represent one of the greatest long-term threats to the current form of theocratic rule in iran\"]\n", - "taken in the capital tehran , the photographs show teenagers and people in their early 20s kissing in public , drinking alcohol and living openly gay lifestyles .these stunning images capture the way young people in iran are defying the country 's hardline islamic image to create a more westernised society .some of those pictured are even seen wearing clothing adorned with the stars and stripes - something previously unthinkable in a country where the conservative religious and political leadership still regularly leads chants of ` death to america ' at public meetings .\n", - "people aged under 30 currently represent a staggering 63 per cent of iran 's population of 73 million citizensthe westernised iranian youth is also among the most politically active groups within the islamic worldthe young also represent one of the greatest long-term threats to the current form of theocratic rule in iran\n", - "[1.3149669 1.2494097 1.2913721 1.2308143 1.2129854 1.164275 1.0719038\n", - " 1.0797391 1.0568678 1.095007 1.059998 1.1145401 1.0197929 1.020053\n", - " 1.0892342 1.0654476 1.0259403 1.1172867 1.087465 ]\n", - "\n", - "[ 0 2 1 3 4 5 17 11 9 14 18 7 6 15 10 8 16 13 12]\n", - "=======================\n", - "[\"police in hagerstown , maryland , are promising a thorough investigation into the death of a man in custody after officers shocked him with a stun gun outside a home he allegedly had broken into .chief mark holtzman says the man died either inside an ambulance , accompanied by two officers , or at the hospital where he was pronounced dead shortly early friday morning .hagerstown police have asked the washington county sheriff 's office to investigate the incident .\"]\n", - "=======================\n", - "[\"darrell brown , 31 , accused of breaking into house in hagerstown , marylandblack man was tasered outside of house and pronounced dead at hospitalpolice say he was under influence of drugs and ` agitated ' when approached\"]\n", - "police in hagerstown , maryland , are promising a thorough investigation into the death of a man in custody after officers shocked him with a stun gun outside a home he allegedly had broken into .chief mark holtzman says the man died either inside an ambulance , accompanied by two officers , or at the hospital where he was pronounced dead shortly early friday morning .hagerstown police have asked the washington county sheriff 's office to investigate the incident .\n", - "darrell brown , 31 , accused of breaking into house in hagerstown , marylandblack man was tasered outside of house and pronounced dead at hospitalpolice say he was under influence of drugs and ` agitated ' when approached\n", - "[1.2810076 1.5044682 1.2643365 1.362045 1.2327538 1.0682212 1.0216902\n", - " 1.1412404 1.0349334 1.2424641 1.1626699 1.0636225 1.0078596 1.0765575\n", - " 1.0324916 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 9 4 10 7 13 5 11 8 14 6 12 17 15 16 18]\n", - "=======================\n", - "[\"gerald whalen has visited the fast food outlet with his wife april and their two young children at around 9.30 pm last thursday .kfc has been forced to apologize to a shocked family after a restaurant broadcast a steamy sex scene while they were tucking into their dinner .but the family meal was interrupted by sounds of what appeared to be a pornographic film , being broadcast on the restaurant 's television .\"]\n", - "=======================\n", - "[\"whalen family 's dinner at kfc was interrupted by sounds of a sex scenegerald and april were with two young children at the oklahoma restaurantscene from risque show outlander was broadcast on kfc 's television set\"]\n", - "gerald whalen has visited the fast food outlet with his wife april and their two young children at around 9.30 pm last thursday .kfc has been forced to apologize to a shocked family after a restaurant broadcast a steamy sex scene while they were tucking into their dinner .but the family meal was interrupted by sounds of what appeared to be a pornographic film , being broadcast on the restaurant 's television .\n", - "whalen family 's dinner at kfc was interrupted by sounds of a sex scenegerald and april were with two young children at the oklahoma restaurantscene from risque show outlander was broadcast on kfc 's television set\n", - "[1.3385581 1.3178631 1.1547197 1.39071 1.2444956 1.0799562 1.1365466\n", - " 1.0822077 1.0200545 1.0533797 1.05413 1.0722892 1.047896 1.0548509\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 2 6 7 5 11 13 10 9 12 8 14 15 16 17 18]\n", - "=======================\n", - "[\"the chinese feminist activists ( all pictured ) have been detained by police for more than a month and face being jailed for up to five years if they are charged with ` picking quarrels and provoking trouble 'the female activists were arrested the weekend before international women 's day , as they were preparing to hand out leaflets about sexual harassment on public transport .the five women - li tingting , 25 , wei tingting , 26 , wang man , 32 , zheng churan , 25 , and wu rongrong , 30 - have been linked to several stunts over the last few years which aim to highlight issues such as domestic violence and the poor provision of women 's toilets in china .\"]\n", - "=======================\n", - "[\"five chinese feminists have been held by police for more than a monththey each face charges of ` picking quarrels and provoking trouble 'women activists linked to stunts which aim to highlight issues such as domestic violence and the poor provision of women 's toilets in chinau.s. vice president joe biden and others have called for their release\"]\n", - "the chinese feminist activists ( all pictured ) have been detained by police for more than a month and face being jailed for up to five years if they are charged with ` picking quarrels and provoking trouble 'the female activists were arrested the weekend before international women 's day , as they were preparing to hand out leaflets about sexual harassment on public transport .the five women - li tingting , 25 , wei tingting , 26 , wang man , 32 , zheng churan , 25 , and wu rongrong , 30 - have been linked to several stunts over the last few years which aim to highlight issues such as domestic violence and the poor provision of women 's toilets in china .\n", - "five chinese feminists have been held by police for more than a monththey each face charges of ` picking quarrels and provoking trouble 'women activists linked to stunts which aim to highlight issues such as domestic violence and the poor provision of women 's toilets in chinau.s. vice president joe biden and others have called for their release\n", - "[1.421737 1.3733784 1.3497753 1.3614135 1.1537882 1.0349797 1.0280399\n", - " 1.0289735 1.1421269 1.2639643 1.1034932 1.0881841 1.0990077 1.0124729\n", - " 1.126718 1.0163953 1.010911 1.05462 0. ]\n", - "\n", - "[ 0 1 3 2 9 4 8 14 10 12 11 17 5 7 6 15 13 16 18]\n", - "=======================\n", - "[\"burnley manager sean dyche has dismissed speculation linking him with derby .recent reports claimed dyche has been lined up as a possible successor to steve mcclaren , who is the bookmakers ' favourite to take over at newcastle .dyche says he remains committed to the task in hand at turf moor , though .\"]\n", - "=======================\n", - "[\"sean dyche has been tipped to replace steve mcclaren at derbyburnley boss insists he is enjoying the ` challenge ' at turf moordyche ca n't understand why arsene wenger gets stick from arsenal fans\"]\n", - "burnley manager sean dyche has dismissed speculation linking him with derby .recent reports claimed dyche has been lined up as a possible successor to steve mcclaren , who is the bookmakers ' favourite to take over at newcastle .dyche says he remains committed to the task in hand at turf moor , though .\n", - "sean dyche has been tipped to replace steve mcclaren at derbyburnley boss insists he is enjoying the ` challenge ' at turf moordyche ca n't understand why arsene wenger gets stick from arsenal fans\n", - "[1.0954007 1.3929627 1.1769099 1.1159912 1.1658493 1.2852557 1.0505036\n", - " 1.0492896 1.0745344 1.030261 1.0137788 1.0372676 1.2749066 1.3609825\n", - " 1.0306138 1.0248297 1.0108967 0. ]\n", - "\n", - "[ 1 13 5 12 2 4 3 0 8 6 7 11 14 9 15 10 16 17]\n", - "=======================\n", - "['the fierce rivalry between bayern munich and borussia dortmund has dominated german football for much of the past decade , reaching its crescendo when the two titans met in the 2013 champions league final at wembley .bayern munich defeated borussia dortmund 2-1 at wembley to win the champions league - a period in which der klassiker was one of the highlights on the european football calendararjen robben eventually grabbed the winner five minutes from time as bayern defeated dortmund 2-1']\n", - "=======================\n", - "[\"borussia dortmund host bayern munich on saturday at signal iduna parkteams contest germany 's biggest domestic game , der klassikerbut little is riding on it with bayern munich cruising to bundesliga titledortmund hope home win will keep them in shout of europa league spot\"]\n", - "the fierce rivalry between bayern munich and borussia dortmund has dominated german football for much of the past decade , reaching its crescendo when the two titans met in the 2013 champions league final at wembley .bayern munich defeated borussia dortmund 2-1 at wembley to win the champions league - a period in which der klassiker was one of the highlights on the european football calendararjen robben eventually grabbed the winner five minutes from time as bayern defeated dortmund 2-1\n", - "borussia dortmund host bayern munich on saturday at signal iduna parkteams contest germany 's biggest domestic game , der klassikerbut little is riding on it with bayern munich cruising to bundesliga titledortmund hope home win will keep them in shout of europa league spot\n", - "[1.217107 1.3104239 1.2045864 1.2047064 1.0571628 1.1750878 1.0921886\n", - " 1.2151984 1.0348324 1.0844004 1.027752 1.137777 1.111815 1.1316473\n", - " 1.0322835 0. 0. 0. ]\n", - "\n", - "[ 1 0 7 3 2 5 11 13 12 6 9 4 8 14 10 16 15 17]\n", - "=======================\n", - "[\"each winter since 2009 the city has come alight with mind-bending light shows projected onto iconic buildings such as the sydney harbour bridge , opera house , customs house and the museum of contemporary art .buildings draped in vibrant flowers , jagged shapes of light origami designed to trick the mind , and forests of floating white dresses are just some of the magical installations coming to this year 's vivid sydney festival .exhibits will still be found at circular quay , the rocks , darling harbour , pyrmont and martin place .\"]\n", - "=======================\n", - "['vivid art festival will light up sydney for the seventh year in a row this coming winterhas expanded beyond cbd to the newly erected central park in chippendale and north shore suburb of chatswoodwill feature customs house draped in flowers and translucent swings under the harbour bridgealso boasts a forest of eerie white gowns , a glowing bar in martin place and will light up sails of the opera house']\n", - "each winter since 2009 the city has come alight with mind-bending light shows projected onto iconic buildings such as the sydney harbour bridge , opera house , customs house and the museum of contemporary art .buildings draped in vibrant flowers , jagged shapes of light origami designed to trick the mind , and forests of floating white dresses are just some of the magical installations coming to this year 's vivid sydney festival .exhibits will still be found at circular quay , the rocks , darling harbour , pyrmont and martin place .\n", - "vivid art festival will light up sydney for the seventh year in a row this coming winterhas expanded beyond cbd to the newly erected central park in chippendale and north shore suburb of chatswoodwill feature customs house draped in flowers and translucent swings under the harbour bridgealso boasts a forest of eerie white gowns , a glowing bar in martin place and will light up sails of the opera house\n", - "[1.3406637 1.2664986 1.269731 1.0883486 1.0398995 1.2665799 1.157784\n", - " 1.0862596 1.0598441 1.0639969 1.1150506 1.0546517 1.1239942 1.0205637\n", - " 1.0230414 1.0166872 0. 0. ]\n", - "\n", - "[ 0 2 5 1 6 12 10 3 7 9 8 11 4 14 13 15 16 17]\n", - "=======================\n", - "['amid renewed calls for fifa to overturn the controversial decision to hand the 2022 world cup to qatar , new research by the mail on sunday has shown just how much the oil-rich middle east state spent on deals -- including legitimate trade deals -- in the course of lobbying in the run-up to the 2010 vote .the mos analysis suggests that qatar spent an astonishing # 17.2 billion directly and indirectly on the way to victory .qatar won the final round of voting 14-8 against the usa in the executive committee ballot .']\n", - "=======================\n", - "['calls have been made to overturn handing of the 2022 world cup to qatarnew mail on sunday research shows how much was spent in lobbyingmichel platini and jack warner are on a list of where the money went']\n", - "amid renewed calls for fifa to overturn the controversial decision to hand the 2022 world cup to qatar , new research by the mail on sunday has shown just how much the oil-rich middle east state spent on deals -- including legitimate trade deals -- in the course of lobbying in the run-up to the 2010 vote .the mos analysis suggests that qatar spent an astonishing # 17.2 billion directly and indirectly on the way to victory .qatar won the final round of voting 14-8 against the usa in the executive committee ballot .\n", - "calls have been made to overturn handing of the 2022 world cup to qatarnew mail on sunday research shows how much was spent in lobbyingmichel platini and jack warner are on a list of where the money went\n", - "[1.5495518 1.5213115 1.1038402 1.4844084 1.0407795 1.0366629 1.2068583\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 6 2 4 5 15 14 13 12 8 10 9 16 7 11 17]\n", - "=======================\n", - "[\"catalans dragons have suffered a blow after winger vincent duport was ruled out for the rest of the season with a shoulder injury .the france international , who scored three tries in the first six rounds of super league xx , suffered a ruptured tendon in the dragons ' 33-22 defeat at hull fc on march 20 which requires surgery .next up for the sixth-placed catalans is a trip to wigan on sunday .\"]\n", - "=======================\n", - "['french international vincent duport is out for the rest of the seasonwinger duport suffered ruptured tendon against hull fc defeat in marchthe shoulder injury picked up in the 33-22 defeat requires surgery']\n", - "catalans dragons have suffered a blow after winger vincent duport was ruled out for the rest of the season with a shoulder injury .the france international , who scored three tries in the first six rounds of super league xx , suffered a ruptured tendon in the dragons ' 33-22 defeat at hull fc on march 20 which requires surgery .next up for the sixth-placed catalans is a trip to wigan on sunday .\n", - "french international vincent duport is out for the rest of the seasonwinger duport suffered ruptured tendon against hull fc defeat in marchthe shoulder injury picked up in the 33-22 defeat requires surgery\n", - "[1.299485 1.2894969 1.2716501 1.2373242 1.1752292 1.1056756 1.1628318\n", - " 1.0887296 1.1106075 1.2029394 1.0469303 1.0485188 1.0276142 1.0481786\n", - " 1.0485245 1.0393082 1.0341623 1.054168 ]\n", - "\n", - "[ 0 1 2 3 9 4 6 8 5 7 17 14 11 13 10 15 16 12]\n", - "=======================\n", - "[\"some of the 2,500 police officers who were involved in tracking down the boston marathon bombers showed a lack of ` weapons discipline ' during two firefights with the brothers , a new report reveals .in the first standoff , the officers fired ` toward the vicinity ' of tamerlan and dzhokhar tsarnaev ` without necessarily having identified and lined up their target ' , the 130-page document states .they also reportedly failed to appropriately aim their guns .\"]\n", - "=======================\n", - "[\"massachusetts emergency management agency report states some cops showed lack of ` weapons discipline while hunting the tsarnaev brothers 'they fired at suspects without ` necessarily having identified their target 'also failed to appropriately aim weapons during april 19 , 2013 , shootoutshortly after , one officer ` mistakenly fired on an occupied police vehicle 'later in night , another cop ` fired weapon without appropriate authority 'however , report praises response of medical personnel after bombings` every patient that was transported to hospital from the scene survived 'three people were killed in april 15 attacks - a further 264 were injured\"]\n", - "some of the 2,500 police officers who were involved in tracking down the boston marathon bombers showed a lack of ` weapons discipline ' during two firefights with the brothers , a new report reveals .in the first standoff , the officers fired ` toward the vicinity ' of tamerlan and dzhokhar tsarnaev ` without necessarily having identified and lined up their target ' , the 130-page document states .they also reportedly failed to appropriately aim their guns .\n", - "massachusetts emergency management agency report states some cops showed lack of ` weapons discipline while hunting the tsarnaev brothers 'they fired at suspects without ` necessarily having identified their target 'also failed to appropriately aim weapons during april 19 , 2013 , shootoutshortly after , one officer ` mistakenly fired on an occupied police vehicle 'later in night , another cop ` fired weapon without appropriate authority 'however , report praises response of medical personnel after bombings` every patient that was transported to hospital from the scene survived 'three people were killed in april 15 attacks - a further 264 were injured\n", - "[1.1888788 1.3793188 1.2426578 1.209985 1.1816956 1.1254414 1.2000501\n", - " 1.126821 1.0668837 1.1089429 1.0185539 1.0471091 1.0889999 1.015842\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 6 0 4 7 5 9 12 8 11 10 13 17 14 15 16 18]\n", - "=======================\n", - "['david fitzgerald , a san francisco based author , believes he has compiled compelling evidence that proves jesus did not exist .he claims there are no contemporary mentions of jesus in historical accounts from the time when he was supposed to have lived , yet other jewish sect leaders from the time do appear .mystery : this painting depicts jesus christ as single person but writer david fitzgerald believes he was a literary invention that combined the stories from several cults and figures in judea during the first century']\n", - "=======================\n", - "['atheist writer david fitzgerald claims there is no evidence jesus existedthe san francisco based author instead says jesus was a literary allegory created by combining old jewish stories and rituals along with rival cultshe insists it is time to stop believing in jesus christ as a historical figure']\n", - "david fitzgerald , a san francisco based author , believes he has compiled compelling evidence that proves jesus did not exist .he claims there are no contemporary mentions of jesus in historical accounts from the time when he was supposed to have lived , yet other jewish sect leaders from the time do appear .mystery : this painting depicts jesus christ as single person but writer david fitzgerald believes he was a literary invention that combined the stories from several cults and figures in judea during the first century\n", - "atheist writer david fitzgerald claims there is no evidence jesus existedthe san francisco based author instead says jesus was a literary allegory created by combining old jewish stories and rituals along with rival cultshe insists it is time to stop believing in jesus christ as a historical figure\n", - "[1.2576833 1.4111495 1.2662573 1.3271521 1.1344397 1.0961739 1.0852336\n", - " 1.0872426 1.0355881 1.0571359 1.0856674 1.0398082 1.0203882 1.0651172\n", - " 1.0510385 1.016905 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 7 10 6 13 9 14 11 8 12 15 16 17 18]\n", - "=======================\n", - "[\"the mountain lion , known as p-22 , left the los feliz home in the early hours of tuesday , having created quite the media circus in the affluent hollywood suburb .his departure was announced on twitter by the california department of fish and wildlife , which tweeted ` the cougar has left the building ' at 9.28 am .gone : luckily for them , p-22 had moved away overnight , and was moving back towards the park\"]\n", - "=======================\n", - "['p-22 left his new den underneath a house in los feliz overnight tuesdayhas now headed back to griffith park , his home of more than three yearsrose to fame after a picture of him in front of the hollywood sign publishedbut most recent escapade has won the mountain lion a legion of new fans']\n", - "the mountain lion , known as p-22 , left the los feliz home in the early hours of tuesday , having created quite the media circus in the affluent hollywood suburb .his departure was announced on twitter by the california department of fish and wildlife , which tweeted ` the cougar has left the building ' at 9.28 am .gone : luckily for them , p-22 had moved away overnight , and was moving back towards the park\n", - "p-22 left his new den underneath a house in los feliz overnight tuesdayhas now headed back to griffith park , his home of more than three yearsrose to fame after a picture of him in front of the hollywood sign publishedbut most recent escapade has won the mountain lion a legion of new fans\n", - "[1.2725391 1.4465866 1.1562049 1.1115884 1.0507108 1.3507718 1.1714954\n", - " 1.0929061 1.0693264 1.0608287 1.0705315 1.0756768 1.1068605 1.0153306\n", - " 1.0190781 1.0215337 1.0768971 1.0508225 1.0331634]\n", - "\n", - "[ 1 5 0 6 2 3 12 7 16 11 10 8 9 17 4 18 15 14 13]\n", - "=======================\n", - "[\"brian klawiter posted a message on his company 's facebook page on tuesday in which he announced that openly gay people are not welcome at his business because he considers homosexuality to be wrong . 'the owner of an auto repair shop in michigan has become the latest business owner to claim his religious views should allow him to be able to refuse serving gay customers .klawiter , 35 , claims he has been surprised at how his message , which he said he only expected to be read by his friends and customers , has attracted national media attention .\"]\n", - "=======================\n", - "[\"brian klawiter posted a message on his company 's facebook page announcing that openly gay people are not welcome at his businesshe claims the decision is based on his religious views and michigan does n't currently have laws in place preventing such discriminationcritics have accused him of trying to cash in on the anti-gay backlash which netted an indiana pizzeria over $ 840,000 earlier this monthklawiter claims he does n't need the money and has a successful business but at least one manfacturer has asked him to remove its logo from his site\"]\n", - "brian klawiter posted a message on his company 's facebook page on tuesday in which he announced that openly gay people are not welcome at his business because he considers homosexuality to be wrong . 'the owner of an auto repair shop in michigan has become the latest business owner to claim his religious views should allow him to be able to refuse serving gay customers .klawiter , 35 , claims he has been surprised at how his message , which he said he only expected to be read by his friends and customers , has attracted national media attention .\n", - "brian klawiter posted a message on his company 's facebook page announcing that openly gay people are not welcome at his businesshe claims the decision is based on his religious views and michigan does n't currently have laws in place preventing such discriminationcritics have accused him of trying to cash in on the anti-gay backlash which netted an indiana pizzeria over $ 840,000 earlier this monthklawiter claims he does n't need the money and has a successful business but at least one manfacturer has asked him to remove its logo from his site\n", - "[1.3023467 1.165578 1.1859525 1.2717166 1.2681975 1.0826001 1.037926\n", - " 1.0664283 1.0243715 1.0465773 1.0215472 1.0325195 1.0267673 1.0309013\n", - " 1.053252 1.0292331 1.0226935 1.1020881 1.0511843]\n", - "\n", - "[ 0 3 4 2 1 17 5 7 14 18 9 6 11 13 15 12 8 16 10]\n", - "=======================\n", - "['four seasons set out to recreate their famed hotel experience in the sky in a bid to cater to the growing demand among modern luxury travellers .each four seasons journey includes air travel , ground transportation , planned excursions and all meals and beverages throughout the tripthe inside of the aircraft features leather flat-bed seats , which are the work of italian design iacobucci']\n", - "=======================\n", - "['four seasons set out to recreate their famed hotel experience in the skyjet features plush interior and leather flat-bed seats designed by iacobuccian all inclusive trip on private jet will set you back approximately # 63,000the plane , including the staff and crew , is also available for private charter']\n", - "four seasons set out to recreate their famed hotel experience in the sky in a bid to cater to the growing demand among modern luxury travellers .each four seasons journey includes air travel , ground transportation , planned excursions and all meals and beverages throughout the tripthe inside of the aircraft features leather flat-bed seats , which are the work of italian design iacobucci\n", - "four seasons set out to recreate their famed hotel experience in the skyjet features plush interior and leather flat-bed seats designed by iacobuccian all inclusive trip on private jet will set you back approximately # 63,000the plane , including the staff and crew , is also available for private charter\n", - "[1.1228076 1.4983091 1.39504 1.4202757 1.2259622 1.1223015 1.0542836\n", - " 1.0177453 1.0130159 1.1300195 1.0589654 1.0338678 1.0081336 1.0121908\n", - " 1.0327897 1.0638851 1.2572799 1.1802076 1.007826 ]\n", - "\n", - "[ 1 3 2 16 4 17 9 0 5 15 10 6 11 14 7 8 13 12 18]\n", - "=======================\n", - "[\"the 34-year-old star of the only way is essex has launched her updated fashion range for plus-size retailer evans .gemma collins launched several additions to her evans range today at the chain 's manchester storeshe showcased the collection this evening at one of the high street chain 's flagship stores in manchester .\"]\n", - "=======================\n", - "['gemma collins , 34 , launched several additions to her evans range todaythe star paid a nod to the summery weather in a floral dressnew additions to collection include a lacy lbd and a set of floral kimonos']\n", - "the 34-year-old star of the only way is essex has launched her updated fashion range for plus-size retailer evans .gemma collins launched several additions to her evans range today at the chain 's manchester storeshe showcased the collection this evening at one of the high street chain 's flagship stores in manchester .\n", - "gemma collins , 34 , launched several additions to her evans range todaythe star paid a nod to the summery weather in a floral dressnew additions to collection include a lacy lbd and a set of floral kimonos\n", - "[1.331642 1.2384491 1.279262 1.3242712 1.1756667 1.1645557 1.2052205\n", - " 1.1889682 1.0354882 1.0483738 1.0748487 1.0338664 1.0346143 1.0688715\n", - " 1.0679333 1.1035076 1.0172226 1.0245522]\n", - "\n", - "[ 0 3 2 1 6 7 4 5 15 10 13 14 9 8 12 11 17 16]\n", - "=======================\n", - "[\"cosmetic surgeon dr fredric brandt hanged himself on sunday at his miami mansion .abravanel said brandt , 65 , was ` devastated ' recently over rumors comparing him to a character on the netflix show , unbreakable kimmy schmidt .the city of miami police department confirmed that dr brandt 's death was a suicide by hanging on monday .\"]\n", - "=======================\n", - "[\"cosmetic dermatologist to the stars fredric brandt died at his coconut grove home in miami on sunday , aged 65the city of miami police department confirmed that dr brandt 's death was a suicide by hanging on mondaythe miami-dade county medical examiner department confirmed to daily mail online that an autopsy will be conducted on mondaybrandt was said to have been ` devastated ' over rumors comparing him to a character on the show , unbreakable kimmy schmidt\"]\n", - "cosmetic surgeon dr fredric brandt hanged himself on sunday at his miami mansion .abravanel said brandt , 65 , was ` devastated ' recently over rumors comparing him to a character on the netflix show , unbreakable kimmy schmidt .the city of miami police department confirmed that dr brandt 's death was a suicide by hanging on monday .\n", - "cosmetic dermatologist to the stars fredric brandt died at his coconut grove home in miami on sunday , aged 65the city of miami police department confirmed that dr brandt 's death was a suicide by hanging on mondaythe miami-dade county medical examiner department confirmed to daily mail online that an autopsy will be conducted on mondaybrandt was said to have been ` devastated ' over rumors comparing him to a character on the show , unbreakable kimmy schmidt\n", - "[1.3827693 1.2666683 1.20563 1.2385607 1.1064334 1.1013331 1.0643047\n", - " 1.0999557 1.0730075 1.0446057 1.0582299 1.0470675 1.0338289 1.0203669\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 5 7 8 6 10 11 9 12 13 16 14 15 17]\n", - "=======================\n", - "['( cnn ) in response to reports of big banks threatening to withhold campaign funds from senate democrats , sen. elizabeth warren last week offered a defiant response : \" bring it on . \"warren said she is n\\'t going to slack off on her calls for breaking up banks and other measures to rein in wall street .former maryland gov. martin o\\'malley , who is also running for the democratic nomination , is trying to steal clinton \\'s thunder by talking about the problems of disproportionate wealth .']\n", - "=======================\n", - "[\"julian zelizer : elizabeth warren was defiant about wall street , but hillary clinton likely wo n't bezelizer : the democrats need wall street 's campaign donations to be competitive in 2016\"]\n", - "( cnn ) in response to reports of big banks threatening to withhold campaign funds from senate democrats , sen. elizabeth warren last week offered a defiant response : \" bring it on . \"warren said she is n't going to slack off on her calls for breaking up banks and other measures to rein in wall street .former maryland gov. martin o'malley , who is also running for the democratic nomination , is trying to steal clinton 's thunder by talking about the problems of disproportionate wealth .\n", - "julian zelizer : elizabeth warren was defiant about wall street , but hillary clinton likely wo n't bezelizer : the democrats need wall street 's campaign donations to be competitive in 2016\n", - "[1.4621063 1.4165101 1.2870474 1.3564433 1.1985743 1.1114044 1.1646802\n", - " 1.0254666 1.0256026 1.0570809 1.0128157 1.0137808 1.1744959 1.0684338\n", - " 1.0265428 1.1011846 1.0129691 0. ]\n", - "\n", - "[ 0 1 3 2 4 12 6 5 15 13 9 14 8 7 11 16 10 17]\n", - "=======================\n", - "[\"super-fit amy hughes , 26 , decided to take on the incredible challenge of running 53 marathons in 53 days last year , to raise money for a friend 's daughter who was diagnosed with a brain tumour .the sports therapist started her first marathon in chester on august 6 and completed her 53rd consecutive run in manchester on september 27 .incredibly , the challenge saw amy pound out 1,388 miles and go through five different pairs of trainers as she smashed the world record .\"]\n", - "=======================\n", - "[\"amy hughes , 26 , broke the world record with her 53:53 challengethe sports therapist from shropshire has raised # 30,000 for charitynow she 's found love with the man who helped her see it all through\"]\n", - "super-fit amy hughes , 26 , decided to take on the incredible challenge of running 53 marathons in 53 days last year , to raise money for a friend 's daughter who was diagnosed with a brain tumour .the sports therapist started her first marathon in chester on august 6 and completed her 53rd consecutive run in manchester on september 27 .incredibly , the challenge saw amy pound out 1,388 miles and go through five different pairs of trainers as she smashed the world record .\n", - "amy hughes , 26 , broke the world record with her 53:53 challengethe sports therapist from shropshire has raised # 30,000 for charitynow she 's found love with the man who helped her see it all through\n", - "[1.0522755 1.1208035 1.1583531 1.2911336 1.137717 1.2964189 1.154633\n", - " 1.092913 1.1214968 1.1347252 1.0532119 1.0468175 1.0569808 1.0891252\n", - " 1.0274928 1.0830199 1.026167 1.0278608]\n", - "\n", - "[ 5 3 2 6 4 9 8 1 7 13 15 12 10 0 11 17 14 16]\n", - "=======================\n", - "['the famed egyptian beauty famously bathed in donkey-milk baths .the women of ancient history , including mary queen of scots , who washed herself in white wine , had some fascinating methods for beautifying themselvesher daily donkey-milk baths , which she believed had anti-ageing and skin smoothing properties thanks to the alpha hydroxy acids , apparently required over 700 donkeys to accomplish .']\n", - "=======================\n", - "['mary queen of scots washed herself in white wineancient indian women used cow dung and urine to boost their beautycleopatra bathed in donkey-milk to achieve smooth skin']\n", - "the famed egyptian beauty famously bathed in donkey-milk baths .the women of ancient history , including mary queen of scots , who washed herself in white wine , had some fascinating methods for beautifying themselvesher daily donkey-milk baths , which she believed had anti-ageing and skin smoothing properties thanks to the alpha hydroxy acids , apparently required over 700 donkeys to accomplish .\n", - "mary queen of scots washed herself in white wineancient indian women used cow dung and urine to boost their beautycleopatra bathed in donkey-milk to achieve smooth skin\n", - "[1.2119077 1.4890924 1.1337302 1.2778538 1.1672972 1.1563089 1.1536335\n", - " 1.1291955 1.0895481 1.1316688 1.0224324 1.0165176 1.0458729 1.234341\n", - " 1.09185 1.0929124 0. 0. ]\n", - "\n", - "[ 1 3 13 0 4 5 6 2 9 7 15 14 8 12 10 11 16 17]\n", - "=======================\n", - "[\"deputy michael hubbard from the spartanburg county sheriff 's office is seen approaching the woman sitting on overpass on the i-26 on monday .dramatic dashcam footage has captured the moment a south carolina police officer dragged a woman away from the edge of a bridge after threatening to jump .she struggles and tries to resist , but according to fox carolina the officer says : ` give me your hands , you 're not going out like this today . '\"]\n", - "=======================\n", - "[\"deputy michael hubbard spotted the woman on a highway overpasssouth carolina cop pulled over on the i-16 and tried to talk to hershe tells him : ` just looking for my way out and being at peace 'officer then grabs her and drags her away from the ledgehe says : ` give me your hands , you 're not going out like this today '\"]\n", - "deputy michael hubbard from the spartanburg county sheriff 's office is seen approaching the woman sitting on overpass on the i-26 on monday .dramatic dashcam footage has captured the moment a south carolina police officer dragged a woman away from the edge of a bridge after threatening to jump .she struggles and tries to resist , but according to fox carolina the officer says : ` give me your hands , you 're not going out like this today . '\n", - "deputy michael hubbard spotted the woman on a highway overpasssouth carolina cop pulled over on the i-16 and tried to talk to hershe tells him : ` just looking for my way out and being at peace 'officer then grabs her and drags her away from the ledgehe says : ` give me your hands , you 're not going out like this today '\n", - "[1.3531647 1.3982666 1.2375305 1.2826924 1.119001 1.1673177 1.1588719\n", - " 1.0371851 1.1201739 1.0981709 1.0792902 1.0149206 1.0473453 1.0214194\n", - " 1.0584209 1.022608 1.0074834 1.0148396 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 2 5 6 8 4 9 10 14 12 7 15 13 11 17 16 20 18 19 21]\n", - "=======================\n", - "['out of 384 applications that have inundated the department over the past 12 months about 80 per cent have been approved to use the word anzac , which stands for the australian and new zealand army corp. .the church of scientology is one on a long list of organisations that have been barred from using the anzac brand by the department of veteran affairs ahead of april 25 .forty-four items were rejected for a range of reasons , including it was too commercial or its name was inappropriate .']\n", - "=======================\n", - "['port , phone app and photo-sharing project were barred from using anzacthe church of scientology and woolworths used it without permissionthey were reprimanded by the department of veteran affairs for using itbut the afl and victoria bitter were permitted as they donated to the rslpenalties for misuse include 12 months imprisonment for serious breachesindividuals could be fined $ 10,200 , while organisations face a $ 51,000 fine']\n", - "out of 384 applications that have inundated the department over the past 12 months about 80 per cent have been approved to use the word anzac , which stands for the australian and new zealand army corp. .the church of scientology is one on a long list of organisations that have been barred from using the anzac brand by the department of veteran affairs ahead of april 25 .forty-four items were rejected for a range of reasons , including it was too commercial or its name was inappropriate .\n", - "port , phone app and photo-sharing project were barred from using anzacthe church of scientology and woolworths used it without permissionthey were reprimanded by the department of veteran affairs for using itbut the afl and victoria bitter were permitted as they donated to the rslpenalties for misuse include 12 months imprisonment for serious breachesindividuals could be fined $ 10,200 , while organisations face a $ 51,000 fine\n", - "[1.3848507 1.2491708 1.2826478 1.1990086 1.2394811 1.2024112 1.1704901\n", - " 1.1725594 1.089181 1.1217042 1.0419424 1.0785363 1.0723442 1.0825627\n", - " 1.0526167 1.0370495 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 4 5 3 7 6 9 8 13 11 12 14 10 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"( cnn ) a natural gas line explosion at a law enforcement shooting range in fresno , california , injured 11 people , including some inmates who were on a work detail there .the exact cause of friday 's blast is under investigation , mims said , but it happened at the spot where a county worker was operating a front loader .others being treated include a county road worker and two sheriff 's deputies , fresno county sheriff margaret mims said .\"]\n", - "=======================\n", - "['the cause of a gas line explosion in fresno , california , is unknowntwo of the injured were undergoing emergency surgery']\n", - "( cnn ) a natural gas line explosion at a law enforcement shooting range in fresno , california , injured 11 people , including some inmates who were on a work detail there .the exact cause of friday 's blast is under investigation , mims said , but it happened at the spot where a county worker was operating a front loader .others being treated include a county road worker and two sheriff 's deputies , fresno county sheriff margaret mims said .\n", - "the cause of a gas line explosion in fresno , california , is unknowntwo of the injured were undergoing emergency surgery\n", - "[1.3695272 1.1837735 1.1365035 1.4835446 1.3148823 1.2224869 1.0692219\n", - " 1.1629429 1.0553542 1.0183887 1.0204148 1.0358008 1.0791289 1.0711799\n", - " 1.0204405 1.0174106 1.1186999 1.0933214 1.0250793 1.0100155 0.\n", - " 0. ]\n", - "\n", - "[ 3 0 4 5 1 7 2 16 17 12 13 6 8 11 18 14 10 9 15 19 20 21]\n", - "=======================\n", - "[\"aston villa boss tim sherwood is hoping they can cause a fa cup semi-final shock vs liverpool on sundaytim sherwood wants to wipe any smile from raheem sterling 's face by causing an fa cup shock at wembley on sunday .raheem sterling ( right ) was pictured smoking a shisha pipe with team-mate jordon ibe earlier this season\"]\n", - "=======================\n", - "['aston villa play liverpool in their fa cup semi-final on sunday at wembleyraheem sterling was pictured smoking a shisha pipe earlier in the seasonsteven gerrard will be leaving liverpool at the end of the campaign']\n", - "aston villa boss tim sherwood is hoping they can cause a fa cup semi-final shock vs liverpool on sundaytim sherwood wants to wipe any smile from raheem sterling 's face by causing an fa cup shock at wembley on sunday .raheem sterling ( right ) was pictured smoking a shisha pipe with team-mate jordon ibe earlier this season\n", - "aston villa play liverpool in their fa cup semi-final on sunday at wembleyraheem sterling was pictured smoking a shisha pipe earlier in the seasonsteven gerrard will be leaving liverpool at the end of the campaign\n", - "[1.2157422 1.394381 1.2822846 1.2451894 1.3200387 1.2096608 1.1432035\n", - " 1.0465076 1.1141566 1.0514901 1.0303348 1.06097 1.0430927 1.045387\n", - " 1.0599031 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 2 3 0 5 6 8 11 14 9 7 13 12 10 15 16 17 18 19 20 21]\n", - "=======================\n", - "['tiffany sical , 21 , and her long-term boyfriend bryan rodriguez-solis , 23 , were driving along route 6 in providence , rhode island , on sunday after watching the box office hit on its opening weekend .but they were killed when 24-year-old joel norman reportedly entered an exit ramp while under the influence and collided head-on with their car , leaving their daughter , jaylene rodriguez , an orphan .film : sical and rodriguez-solis had been watching furious 7 , the latest installment in the fast and the furious franchise .']\n", - "=======================\n", - "[\"tiffany sical , 21 , and bryan rodriguez-solis , 23 , were driving on highwaythey were heading home after watching fast & furious 7 in rhode islandbut they died after ` drunk ' joel norman , 24 , reportedly drove up exit rampnorman ` drove wrong way up providence highway for 1.2 miles at 1.35 am 'he then smashed into couple 's car , leaving their daughter , six , an orphannow , suspect is facing charges of driving under influence , causing deathgrieving relatives said they did not know how to tell little girl about crashcomes nearly a year and a half after the fast and the furious star paul walker was killed when porshe he was traveling in crashed in california\"]\n", - "tiffany sical , 21 , and her long-term boyfriend bryan rodriguez-solis , 23 , were driving along route 6 in providence , rhode island , on sunday after watching the box office hit on its opening weekend .but they were killed when 24-year-old joel norman reportedly entered an exit ramp while under the influence and collided head-on with their car , leaving their daughter , jaylene rodriguez , an orphan .film : sical and rodriguez-solis had been watching furious 7 , the latest installment in the fast and the furious franchise .\n", - "tiffany sical , 21 , and bryan rodriguez-solis , 23 , were driving on highwaythey were heading home after watching fast & furious 7 in rhode islandbut they died after ` drunk ' joel norman , 24 , reportedly drove up exit rampnorman ` drove wrong way up providence highway for 1.2 miles at 1.35 am 'he then smashed into couple 's car , leaving their daughter , six , an orphannow , suspect is facing charges of driving under influence , causing deathgrieving relatives said they did not know how to tell little girl about crashcomes nearly a year and a half after the fast and the furious star paul walker was killed when porshe he was traveling in crashed in california\n", - "[1.2793528 1.5638864 1.2249544 1.4333997 1.2158992 1.0760033 1.0261574\n", - " 1.0334713 1.0354087 1.0740994 1.1139512 1.019005 1.0175647 1.0124601\n", - " 1.0144901 1.0176227 1.2614071 1.0636047 1.0472518 1.0113753 1.0603024\n", - " 1.019893 ]\n", - "\n", - "[ 1 3 0 16 2 4 10 5 9 17 20 18 8 7 6 21 11 15 12 14 13 19]\n", - "=======================\n", - "[\"richard howarth , 35 , says he gets so agitated when he sees mr farage that he has to immediately change the channel or he becomes ill .a father from milton keynes claims he has developed an allergy to nigel farage that leaves him sweating and shaking whenever he sees the ukip leader on tv .the medical recruitment consultant , who has always had a keen interest in politics , said hearing mr farage 's voice makes him ` physically sick ' .\"]\n", - "=======================\n", - "[\"father from milton keynes says he has a physical reaction to the politicianhe says he has to turn tv off when farage appears or he becomes sickwife tells how sufferer 's hands shake when he hears ukip leader 's voiceexpert says the symptoms are similar to that experienced in a phobia\"]\n", - "richard howarth , 35 , says he gets so agitated when he sees mr farage that he has to immediately change the channel or he becomes ill .a father from milton keynes claims he has developed an allergy to nigel farage that leaves him sweating and shaking whenever he sees the ukip leader on tv .the medical recruitment consultant , who has always had a keen interest in politics , said hearing mr farage 's voice makes him ` physically sick ' .\n", - "father from milton keynes says he has a physical reaction to the politicianhe says he has to turn tv off when farage appears or he becomes sickwife tells how sufferer 's hands shake when he hears ukip leader 's voiceexpert says the symptoms are similar to that experienced in a phobia\n", - "[1.067317 1.2657326 1.3491095 1.2421806 1.3236241 1.2436577 1.0305978\n", - " 1.0350523 1.0396898 1.0107678 1.346566 1.081491 1.0229205 1.01223\n", - " 1.0645005 1.0283685 1.0190912 1.0441014 1.0088851 1.2362927 1.1177438\n", - " 1.1546248 1.0155404 1.0075942 1.0065246 1.0109082]\n", - "\n", - "[ 2 10 4 1 5 3 19 21 20 11 0 14 17 8 7 6 15 12 16 22 13 25 9 18\n", - " 23 24]\n", - "=======================\n", - "[\"the winner 's share of the $ 10million pot worked out at # 1.23 m in our currency .ian poulter was dressed all in purple on sunday for his final round at augustajordan spieth collected # 1.23 million for winning the masters - as well as the coveted green jacket\"]\n", - "=======================\n", - "[\"ian poulter dressed all in purple for the final round at augustathe englishman finished tied for sixth on nine under parprize money for this year 's masters was $ 10m , a 10 per cent increasephil mickelson dressed all in black for his pursuit of a fourth green jacketrory mcilroy and tiger woods paired for final major round for first time\"]\n", - "the winner 's share of the $ 10million pot worked out at # 1.23 m in our currency .ian poulter was dressed all in purple on sunday for his final round at augustajordan spieth collected # 1.23 million for winning the masters - as well as the coveted green jacket\n", - "ian poulter dressed all in purple for the final round at augustathe englishman finished tied for sixth on nine under parprize money for this year 's masters was $ 10m , a 10 per cent increasephil mickelson dressed all in black for his pursuit of a fourth green jacketrory mcilroy and tiger woods paired for final major round for first time\n", - "[1.1870067 1.1865187 1.235328 1.2861135 1.0925535 1.1513833 1.2934376\n", - " 1.0454738 1.031831 1.0693882 1.0869673 1.0314867 1.032772 1.0381006\n", - " 1.0207607 1.0182904 1.0609328 1.0443375 1.0198174 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 6 3 2 0 1 5 4 10 9 16 7 17 13 12 8 11 14 18 15 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"the strictly come dancing star shot to fame after winning both a bronze and silver medal at the 2012 london olympic gamesyes , louis smith , mbe , is now also very good at exciting his fans with selfies .however , it appears the athlete , 25 , is gaining expertise in an area previously dominated by queen of the ` belfie ' , kim kardashian .\"]\n", - "=======================\n", - "[\"louis smith , mbe , admits he has a habit for posting saucy topless selfiesthe athlete says he works hard for his body and wants to show it offis he closing in on ` queen of the belfie ' kim kardashian ?\"]\n", - "the strictly come dancing star shot to fame after winning both a bronze and silver medal at the 2012 london olympic gamesyes , louis smith , mbe , is now also very good at exciting his fans with selfies .however , it appears the athlete , 25 , is gaining expertise in an area previously dominated by queen of the ` belfie ' , kim kardashian .\n", - "louis smith , mbe , admits he has a habit for posting saucy topless selfiesthe athlete says he works hard for his body and wants to show it offis he closing in on ` queen of the belfie ' kim kardashian ?\n", - "[1.228455 1.4771802 1.2628281 1.1374152 1.1353496 1.2740688 1.0353168\n", - " 1.0208607 1.0346476 1.0435106 1.154435 1.1010773 1.080349 1.0503602\n", - " 1.0294747 1.0719367 1.0838597 1.172288 1.1176116 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 2 0 17 10 3 4 18 11 16 12 15 13 9 6 8 14 7 24 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"bethany farrell , 23 , from essex , died on february 17 while in queensland 's whitsundays , a week into her dream gap-year when she went scuba diving for the first time .two people who were on the boat when ms farrell died have taken to tripadvisor to slam wings diving adventures for the way they handled the tragic circumstances .friends of a british backpacker who drowned during a diving trip on the great barrier reef claim staff deleted photos that were taken shortly before the doomed young woman left the boat .\"]\n", - "=======================\n", - "[\"bethany farrell , 23 , died during a scuba diving trip on february 17 , 2015young backpacker was in blue pearl bay off queensland 's hayman islandshe was on a wings diving adventure charter boat for her first scuba divefriends have claimed that staff on the boat deleted the last photos of herher family believe the images may have helped explain what went wrongpolice investigation is still underway and a report will be sent to coroner\"]\n", - "bethany farrell , 23 , from essex , died on february 17 while in queensland 's whitsundays , a week into her dream gap-year when she went scuba diving for the first time .two people who were on the boat when ms farrell died have taken to tripadvisor to slam wings diving adventures for the way they handled the tragic circumstances .friends of a british backpacker who drowned during a diving trip on the great barrier reef claim staff deleted photos that were taken shortly before the doomed young woman left the boat .\n", - "bethany farrell , 23 , died during a scuba diving trip on february 17 , 2015young backpacker was in blue pearl bay off queensland 's hayman islandshe was on a wings diving adventure charter boat for her first scuba divefriends have claimed that staff on the boat deleted the last photos of herher family believe the images may have helped explain what went wrongpolice investigation is still underway and a report will be sent to coroner\n", - "[1.2101611 1.4360539 1.3667446 1.2179757 1.0845463 1.3894271 1.1819434\n", - " 1.0682045 1.082118 1.088603 1.0532213 1.0909052 1.0961461 1.1271143\n", - " 1.0517812 1.0595275 1.0101167 1.0086795 1.008969 1.0072908 1.0851073\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 2 3 0 6 13 12 11 9 20 4 8 7 15 10 14 16 18 17 19 24 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"the incident occurred wednesday afternoon at alverta b. gray schultz middle school in hempstead .charged : police say annika mckenzie , 34 , attacked engelhardt because she believed the teacher had ` put her hands ' on her daughter .a middle school teacher is recovering in hospital in new york after being viciously assaulted by one of her student 's mothers and the woman 's 14-year-old niece .\"]\n", - "=======================\n", - "[\"attack occurred wednesday at alverta b. gray schultz middle school in hempstead , new yorkmother annika mckenzie , 34 , breached security by getting into buildingbelieved math teacher catherine engelhardt had touched her daughter , 12mckenzie allegedly attacked her , with students joiningone of them was allegedly mckenzie 's 14-year-old niecemckenzie and the niece were arrested at the scene and chargedengelhardt was unconscious for several minutes and taken to hospital\"]\n", - "the incident occurred wednesday afternoon at alverta b. gray schultz middle school in hempstead .charged : police say annika mckenzie , 34 , attacked engelhardt because she believed the teacher had ` put her hands ' on her daughter .a middle school teacher is recovering in hospital in new york after being viciously assaulted by one of her student 's mothers and the woman 's 14-year-old niece .\n", - "attack occurred wednesday at alverta b. gray schultz middle school in hempstead , new yorkmother annika mckenzie , 34 , breached security by getting into buildingbelieved math teacher catherine engelhardt had touched her daughter , 12mckenzie allegedly attacked her , with students joiningone of them was allegedly mckenzie 's 14-year-old niecemckenzie and the niece were arrested at the scene and chargedengelhardt was unconscious for several minutes and taken to hospital\n", - "[1.3329802 1.1628666 1.1964148 1.1045293 1.3401027 1.1051601 1.0326124\n", - " 1.0230671 1.0529996 1.0485364 1.036882 1.0401651 1.031607 1.0387261\n", - " 1.0233535 1.0898731 1.0284995 1.0328484 1.0328555 1.3929169 1.0118448\n", - " 1.0259717 0. 0. 0. 0. ]\n", - "\n", - "[19 4 0 2 1 5 3 15 8 9 11 13 10 18 17 6 12 16 21 14 7 20 24 22\n", - " 23 25]\n", - "=======================\n", - "['west indies batsman samuels grafted his way to 103 against england in the second testmarlon samuels ( right ) celebrates reaching his century for west indies in second testwhat jason holder did in antigua and marlon samuels managed here will do much for the culture phil simmons is trying to create as new west indies coach .']\n", - "=======================\n", - "['marlon samuels will inspire team-mates with discipline and applicationthe west indies batsman scored 103 in second test against england']\n", - "west indies batsman samuels grafted his way to 103 against england in the second testmarlon samuels ( right ) celebrates reaching his century for west indies in second testwhat jason holder did in antigua and marlon samuels managed here will do much for the culture phil simmons is trying to create as new west indies coach .\n", - "marlon samuels will inspire team-mates with discipline and applicationthe west indies batsman scored 103 in second test against england\n", - "[1.0943611 1.4334828 1.2249608 1.2850363 1.1616734 1.1551648 1.1665603\n", - " 1.1036187 1.1973605 1.038064 1.0662037 1.0944121 1.0220376 1.0413601\n", - " 1.0898958 1.0382367 1.0195178 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 8 6 4 5 7 11 0 14 10 13 15 9 12 16 18 17 19]\n", - "=======================\n", - "[\"homes with the upmarket store nearby cost 12 per cent more -- or # 38,831 -- than those in surrounding areas that were n't near a branch .but having a budget store such as an aldi or lidl on your doorstep means your house could be worth thousands of pounds less than others in your neighbourhood .in a study published today , lloyds bank investigated average house prices in postal districts that have chain supermarkets nearby , to see how they compared to the wider postal region .\"]\n", - "=======================\n", - "['homes with waitrose nearby cost 12 % more than those not near a branchstudy found houses cost # 38,831 more than homes without the shopbut having budget store like lidl nearby means house could be worth less']\n", - "homes with the upmarket store nearby cost 12 per cent more -- or # 38,831 -- than those in surrounding areas that were n't near a branch .but having a budget store such as an aldi or lidl on your doorstep means your house could be worth thousands of pounds less than others in your neighbourhood .in a study published today , lloyds bank investigated average house prices in postal districts that have chain supermarkets nearby , to see how they compared to the wider postal region .\n", - "homes with waitrose nearby cost 12 % more than those not near a branchstudy found houses cost # 38,831 more than homes without the shopbut having budget store like lidl nearby means house could be worth less\n", - "[1.3031238 1.3595039 1.3684247 1.2973328 1.1354797 1.0342638 1.078952\n", - " 1.0820698 1.1367959 1.1264943 1.0561981 1.0153285 1.0328535 1.1058311\n", - " 1.0708412 1.0723403 1.0643563 1.0353494 1.0868349 1.0313169]\n", - "\n", - "[ 2 1 0 3 8 4 9 13 18 7 6 15 14 16 10 17 5 12 19 11]\n", - "=======================\n", - "[\"the heartfelt message was posted by airline pilot jai dillon , who was shown the a4 by a colleague in the industry .a screenshot of the letter was shared on twitter , and in a matter of minutes amassed more than 2,000 shares .a handwritten note delivered to the pilots by a plane passenger thanking them for ` taking her home safely ' has gone viral , just a week after the germanwings tragedy that claimed 150 lives .\"]\n", - "=======================\n", - "[\"` bethanie 's ' heartfelt message to airline and pilots shared on twitterfemale writes how she wants to ` extend a compassionate hand 'thanks the pilots for allowing her to travel between spain and englandsays that they are ` the reason i can smile tonight 'letter shared on twitter by jai dillon , colleague of pilots who received the handwritten noteemotional message comes a week after germanwings disaster that saw andreas lubitz deliberately crash plane killing 150 people\"]\n", - "the heartfelt message was posted by airline pilot jai dillon , who was shown the a4 by a colleague in the industry .a screenshot of the letter was shared on twitter , and in a matter of minutes amassed more than 2,000 shares .a handwritten note delivered to the pilots by a plane passenger thanking them for ` taking her home safely ' has gone viral , just a week after the germanwings tragedy that claimed 150 lives .\n", - "` bethanie 's ' heartfelt message to airline and pilots shared on twitterfemale writes how she wants to ` extend a compassionate hand 'thanks the pilots for allowing her to travel between spain and englandsays that they are ` the reason i can smile tonight 'letter shared on twitter by jai dillon , colleague of pilots who received the handwritten noteemotional message comes a week after germanwings disaster that saw andreas lubitz deliberately crash plane killing 150 people\n", - "[1.4453652 1.4242108 1.189591 1.3127466 1.10705 1.0470974 1.0341698\n", - " 1.0468464 1.1438115 1.1047739 1.0451051 1.0803258 1.015176 1.0081826\n", - " 1.0089678 1.009024 1.0545628 1.068183 0. 0. ]\n", - "\n", - "[ 0 1 3 2 8 4 9 11 17 16 5 7 10 6 12 15 14 13 18 19]\n", - "=======================\n", - "[\"leighton aspell became the first jockey in more than 40 years to win back-to-back grand nationals when many clouds galloped to a famous victory in the aintree sunshine .the 25-1 shot , who was sixth in the cheltenham gold cup , is the first hennessy gold cup winner to land the prestigious prize and in the process ended his trainer oliver sherwood 's wretched record in the race .the lambourn handler had previously saddled four national runners and non of them had even completed the course prior to his eight-year-old 's hard-fought length-and-three quarter defeat of the gallant saint aire .\"]\n", - "=======================\n", - "[\"many clouds wins the 2015 grand national after leading ap mccoy 's shutthefrontdoor with one furlong to gohowever shutthefrontdoor tired on the final straight and mccoy was forced to settle for fifth on his swansongsaint are came in second after a hard-fought final straight but it was oliver sherwood 's horse that took the gloryjockey leighton aspell took his second consecutive national title after his 2014 win with pineau de re40-1 shot monbeg dude , ridden by liam treadwell came in third after a thrilling race\"]\n", - "leighton aspell became the first jockey in more than 40 years to win back-to-back grand nationals when many clouds galloped to a famous victory in the aintree sunshine .the 25-1 shot , who was sixth in the cheltenham gold cup , is the first hennessy gold cup winner to land the prestigious prize and in the process ended his trainer oliver sherwood 's wretched record in the race .the lambourn handler had previously saddled four national runners and non of them had even completed the course prior to his eight-year-old 's hard-fought length-and-three quarter defeat of the gallant saint aire .\n", - "many clouds wins the 2015 grand national after leading ap mccoy 's shutthefrontdoor with one furlong to gohowever shutthefrontdoor tired on the final straight and mccoy was forced to settle for fifth on his swansongsaint are came in second after a hard-fought final straight but it was oliver sherwood 's horse that took the gloryjockey leighton aspell took his second consecutive national title after his 2014 win with pineau de re40-1 shot monbeg dude , ridden by liam treadwell came in third after a thrilling race\n", - "[1.2731634 1.346718 1.2883334 1.2623577 1.1535407 1.1357641 1.0981325\n", - " 1.0800235 1.0847538 1.0730242 1.041992 1.1183329 1.0593432 1.0678284\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 5 11 6 8 7 9 13 12 10 18 14 15 16 17 19]\n", - "=======================\n", - "[\"campaign chiefs attempted to rebuff a letter from 100 business leaders that criticised the party by publishing its own message calling for a labour government signed by people ` from all walks of life ' .labour were left embarrassed tonight after it was forced to remove a signatory to a letter of support after she was exposed as a benefit cheat who had swindled nearly # 30,000 .but within hours the plan was in chaos as it was found the signatories included a benefit fraudster , trade unionists and the cigar-smoking children of millionaires .\"]\n", - "=======================\n", - "[\"signatory to letter backing labour was given suspended sentencecan not be named for legal reasons but labour has removed her from listarrived in uk in 2007 after ` marriage of convenience ' and claimed benefitsreceived # 30,000 in benefits even though she was barred from claiming\"]\n", - "campaign chiefs attempted to rebuff a letter from 100 business leaders that criticised the party by publishing its own message calling for a labour government signed by people ` from all walks of life ' .labour were left embarrassed tonight after it was forced to remove a signatory to a letter of support after she was exposed as a benefit cheat who had swindled nearly # 30,000 .but within hours the plan was in chaos as it was found the signatories included a benefit fraudster , trade unionists and the cigar-smoking children of millionaires .\n", - "signatory to letter backing labour was given suspended sentencecan not be named for legal reasons but labour has removed her from listarrived in uk in 2007 after ` marriage of convenience ' and claimed benefitsreceived # 30,000 in benefits even though she was barred from claiming\n", - "[1.4436448 1.2026296 1.2717617 1.2540772 1.2041719 1.1179702 1.0768903\n", - " 1.0214313 1.0563006 1.1093458 1.0932652 1.0550213 1.0663742 1.0397979\n", - " 1.087666 1.0145587 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 4 1 5 9 10 14 6 12 8 11 13 7 15 18 16 17 19]\n", - "=======================\n", - "['los angeles ( cnn ) former rap mogul marion \" suge \" knight was ordered thursday to stand trial for murder and other charges stemming from a deadly hit-and-run confrontation on the movie set of the biopic \" straight outta compton \" earlier this year .the judge also dismissed one of the two counts of hit-and-run against knight .in all , knight will stand trial on one count of murder , one count of attempted murder and one count of hit-and-run , the judge ruled after holding a two-day preliminary hearing this week that ended thursday .']\n", - "=======================\n", - "['former rap mogul marion \" suge \" knight will be tried for murder in a videotaped hit-and-runhis bail is reduced to $ 10 million from $ 25 milliona judge dismisses one of four charges against knight']\n", - "los angeles ( cnn ) former rap mogul marion \" suge \" knight was ordered thursday to stand trial for murder and other charges stemming from a deadly hit-and-run confrontation on the movie set of the biopic \" straight outta compton \" earlier this year .the judge also dismissed one of the two counts of hit-and-run against knight .in all , knight will stand trial on one count of murder , one count of attempted murder and one count of hit-and-run , the judge ruled after holding a two-day preliminary hearing this week that ended thursday .\n", - "former rap mogul marion \" suge \" knight will be tried for murder in a videotaped hit-and-runhis bail is reduced to $ 10 million from $ 25 milliona judge dismisses one of four charges against knight\n", - "[1.0338573 1.3048933 1.3879408 1.3215585 1.3697727 1.0707911 1.1851447\n", - " 1.111377 1.1685925 1.0398114 1.0378028 1.0272756 1.0155449 1.0347576\n", - " 1.0340655 1.0229005 1.0162145 1.0149373 1.021961 1.0473455]\n", - "\n", - "[ 2 4 3 1 6 8 7 5 19 9 10 13 14 0 11 15 18 16 12 17]\n", - "=======================\n", - "['the group of six completed the drive in three days crossing two canadian provinces including quebec and ontario , as well as five u.s. states - new york , pennsylvania , ohio , indiana and kentucky , according to the times tribune .two long-time friends and their four sons traveled from montreal , quebec to corbin , kentucky to eat at the original home of kentucky fried chicken ( above left to right : jason lutfy , sebastien lutfy , neil janna , jesse janna , josh janna and brian lutfy )for three of the sons , it was the first time they had tasted kfc .']\n", - "=======================\n", - "['trip included brian lufty , 52 , of montreal , his stepson sebastien and son jason , friend neil janna , 51 , and his two sons jesse and joshthey made the trip in three days crossing over five states to visit original home of kentucky fried chicken in corbin , kentuckylufty visited harland sanders cafe the first time in 1985 and again in 1995while at the restaurant they ordered their fried chicken and brought their own plates , silverware , glasses , artificial flowers and candles for the table']\n", - "the group of six completed the drive in three days crossing two canadian provinces including quebec and ontario , as well as five u.s. states - new york , pennsylvania , ohio , indiana and kentucky , according to the times tribune .two long-time friends and their four sons traveled from montreal , quebec to corbin , kentucky to eat at the original home of kentucky fried chicken ( above left to right : jason lutfy , sebastien lutfy , neil janna , jesse janna , josh janna and brian lutfy )for three of the sons , it was the first time they had tasted kfc .\n", - "trip included brian lufty , 52 , of montreal , his stepson sebastien and son jason , friend neil janna , 51 , and his two sons jesse and joshthey made the trip in three days crossing over five states to visit original home of kentucky fried chicken in corbin , kentuckylufty visited harland sanders cafe the first time in 1985 and again in 1995while at the restaurant they ordered their fried chicken and brought their own plates , silverware , glasses , artificial flowers and candles for the table\n", - "[1.3483495 1.3211912 1.2608542 1.1121924 1.2754934 1.2176406 1.1390263\n", - " 1.2063121 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 5 7 6 3 17 16 15 14 13 9 11 10 18 8 12 19]\n", - "=======================\n", - "[\"a 160kg man who fell down a stormwater drain has been rescued by 15 firefighters after an hour of trying to lift him out of the hole .rescue teams were called to meadowbank in sydney 's west about 11pm on wednesday with reports a man was trapped in a drain .firefighters , paramedics and police extracted the man from the hole using ropes and ladders due to injuries he sustained to his shoulder and leg .\"]\n", - "=======================\n", - "[\"man was trapped in stormwater drain in meadowbank in sydney 's westit took an hour to rescue him using ropes and laddersit 's unknown how the man ended up stuck in the two-metre deep drain\"]\n", - "a 160kg man who fell down a stormwater drain has been rescued by 15 firefighters after an hour of trying to lift him out of the hole .rescue teams were called to meadowbank in sydney 's west about 11pm on wednesday with reports a man was trapped in a drain .firefighters , paramedics and police extracted the man from the hole using ropes and ladders due to injuries he sustained to his shoulder and leg .\n", - "man was trapped in stormwater drain in meadowbank in sydney 's westit took an hour to rescue him using ropes and laddersit 's unknown how the man ended up stuck in the two-metre deep drain\n", - "[1.410391 1.3025838 1.0739669 1.1610634 1.2397 1.2466817 1.196913\n", - " 1.0473235 1.0278625 1.1374934 1.0173129 1.015971 1.0495881 1.0176957\n", - " 1.0547854 1.0282658 1.027197 1.0525105 1.0142217 0. ]\n", - "\n", - "[ 0 1 5 4 6 3 9 2 14 17 12 7 15 8 16 13 10 11 18 19]\n", - "=======================\n", - "[\"frances bean cobain has admitted she 's not a big fan of her dad 's music in a candid new interview .saint laurent babies 40 suede boots` sorry , promotional people , universal . '\"]\n", - "=======================\n", - "[\"tells rolling stone in revealing interview how she was never a fan of her father 's band , preferring oasisspeaking about the documentary film she executive produced montage of heck she says her dad ` never wanted to be the voice of a generation 'suggests he killed himself because ` the world demanded he sacrifice every bit of himself to his art 'says his former band mates are freaked out by how much she looks and sounds like himkurt cobain was found shot dead in his home exactly 21 years ago on wednesday , aged 27\"]\n", - "frances bean cobain has admitted she 's not a big fan of her dad 's music in a candid new interview .saint laurent babies 40 suede boots` sorry , promotional people , universal . '\n", - "tells rolling stone in revealing interview how she was never a fan of her father 's band , preferring oasisspeaking about the documentary film she executive produced montage of heck she says her dad ` never wanted to be the voice of a generation 'suggests he killed himself because ` the world demanded he sacrifice every bit of himself to his art 'says his former band mates are freaked out by how much she looks and sounds like himkurt cobain was found shot dead in his home exactly 21 years ago on wednesday , aged 27\n", - "[1.2485882 1.4453161 1.1756793 1.2651647 1.0953366 1.222239 1.310188\n", - " 1.0342224 1.0398031 1.0242857 1.0163803 1.0217936 1.0230869 1.0193001\n", - " 1.0161005 1.0227821 1.0259914 1.0343333 1.0546683 1.0270197]\n", - "\n", - "[ 1 6 3 0 5 2 4 18 8 17 7 19 16 9 12 15 11 13 10 14]\n", - "=======================\n", - "[\"the victorian building that houses it is built on the site of england 's first hospital for the mentally ill - the bethlehem royal hospital , which opened in 1247 and was often pronounced as ` bedlam ' .and instead of mental health patients , it 's the likes of beyonce , lil kim and lady gaga that stay here these days .the andaz liverpool street hotel in london used to be bedlam , but not through cavalier management , rebellious staff or disruptive guests .\"]\n", - "=======================\n", - "[\"andaz liverpool street is built on the site of the bethlehem hospital which housed the mentally illdating back to 1247 , most people will know the institution by the name ` bedlam 'these days it 's a swanky celebrity-baiting hotel with 267 rooms and celebrity guests including beyonce and lil kimfour of the king rooms are decorated with mesmerising murals created by artistshotel hosts a candlelit dinner in its 1901 restaurant once a month\"]\n", - "the victorian building that houses it is built on the site of england 's first hospital for the mentally ill - the bethlehem royal hospital , which opened in 1247 and was often pronounced as ` bedlam ' .and instead of mental health patients , it 's the likes of beyonce , lil kim and lady gaga that stay here these days .the andaz liverpool street hotel in london used to be bedlam , but not through cavalier management , rebellious staff or disruptive guests .\n", - "andaz liverpool street is built on the site of the bethlehem hospital which housed the mentally illdating back to 1247 , most people will know the institution by the name ` bedlam 'these days it 's a swanky celebrity-baiting hotel with 267 rooms and celebrity guests including beyonce and lil kimfour of the king rooms are decorated with mesmerising murals created by artistshotel hosts a candlelit dinner in its 1901 restaurant once a month\n", - "[1.2454103 1.4339843 1.3245025 1.3660672 1.2743818 1.1152264 1.0869033\n", - " 1.0297647 1.0602064 1.2195319 1.0184007 1.0253962 1.015474 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 9 5 6 8 7 11 10 12 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"the yougov poll of more than 2,000 britons revealed that we consume an average of 17 cups of tea each week .the poll also found that almost a third of women turn to a cuppa to make them feel better when they are unwell -- in comparison with only 16 per cent of men .and more than half of adults associated a cup of tea with ` comfort and relaxation ' -- confirming the results of a separate survey which yesterday revealed that sweet tea promotes relaxation and relieves stress .\"]\n", - "=======================\n", - "['poll reveals how britons consume an average of 17 cups of tea each weekalmost a third of women turn to tea to make them feel better when unwellsurvey of 2,000 britons found tea-drinking habits increase as we get older']\n", - "the yougov poll of more than 2,000 britons revealed that we consume an average of 17 cups of tea each week .the poll also found that almost a third of women turn to a cuppa to make them feel better when they are unwell -- in comparison with only 16 per cent of men .and more than half of adults associated a cup of tea with ` comfort and relaxation ' -- confirming the results of a separate survey which yesterday revealed that sweet tea promotes relaxation and relieves stress .\n", - "poll reveals how britons consume an average of 17 cups of tea each weekalmost a third of women turn to tea to make them feel better when unwellsurvey of 2,000 britons found tea-drinking habits increase as we get older\n", - "[1.2353836 1.4387685 1.4659615 1.1981523 1.1640872 1.1645703 1.2141719\n", - " 1.0930235 1.0564185 1.0221672 1.018955 1.0898654 1.0335525 1.0209903\n", - " 1.0353967 1.0305153 1.043124 1.0356575 1.0310086 0. 0. ]\n", - "\n", - "[ 2 1 0 6 3 5 4 7 11 8 16 17 14 12 18 15 9 13 10 19 20]\n", - "=======================\n", - "[\"his fellow soldier , welsh guard jason collins , 22 , rained blows with his fists on to the man 's body .during the drunken attack , which was caught on cctv , scots guard shaun smith , 25 , can be seen stamping 18 times on his victim 's head .two soldiers , one a buckingham palace guard , walked free from court yesterday despite inflicting a shocking beating on a helpless civilian .\"]\n", - "=======================\n", - "[\"warning graphic contentshaun smith and jason collins were filmed on cctv assaulting two menthe soldiers were drinking for hours before ` inexcusable ' attack last aprilthey chased one victim round a tree and onto a main road to beat himdespite brutal attack both were spared jail in ` exceptional ' sentencingthey could have faced sentences of up to 10 years each for their crimescollins , 22 , has since been stationed to guard buckingham palace\"]\n", - "his fellow soldier , welsh guard jason collins , 22 , rained blows with his fists on to the man 's body .during the drunken attack , which was caught on cctv , scots guard shaun smith , 25 , can be seen stamping 18 times on his victim 's head .two soldiers , one a buckingham palace guard , walked free from court yesterday despite inflicting a shocking beating on a helpless civilian .\n", - "warning graphic contentshaun smith and jason collins were filmed on cctv assaulting two menthe soldiers were drinking for hours before ` inexcusable ' attack last aprilthey chased one victim round a tree and onto a main road to beat himdespite brutal attack both were spared jail in ` exceptional ' sentencingthey could have faced sentences of up to 10 years each for their crimescollins , 22 , has since been stationed to guard buckingham palace\n", - "[1.2480717 1.1210878 1.4695656 1.1312779 1.1743753 1.0963689 1.063554\n", - " 1.0764043 1.0814196 1.026481 1.0690732 1.1253594 1.0422456 1.0672112\n", - " 1.0802002 1.0395254 1.0438912 1.0158603 1.0210015 0. 0. ]\n", - "\n", - "[ 2 0 4 3 11 1 5 8 14 7 10 13 6 16 12 15 9 18 17 19 20]\n", - "=======================\n", - "[\"after belting out human nature to drake at coachella on sunday night , madonna pulled the 28-year-old singer back to plant a kiss on his lips , making out with him for at least three seconds .she has been selling herself as a sex pot to push copies of her new album rebel heart .what the 56-year-old mother-of-four did n't see was that when she was finished , the musician looked horrified , even wiping his mouth .\"]\n", - "=======================\n", - "[\"the kiss took place after she sang three of her hits , hung up , express yourself and human naturesources insist drake liked the smooch but it was her ` glossy ' lipstick that made him recoil\"]\n", - "after belting out human nature to drake at coachella on sunday night , madonna pulled the 28-year-old singer back to plant a kiss on his lips , making out with him for at least three seconds .she has been selling herself as a sex pot to push copies of her new album rebel heart .what the 56-year-old mother-of-four did n't see was that when she was finished , the musician looked horrified , even wiping his mouth .\n", - "the kiss took place after she sang three of her hits , hung up , express yourself and human naturesources insist drake liked the smooch but it was her ` glossy ' lipstick that made him recoil\n", - "[1.1881051 1.5387225 1.2143825 1.2883945 1.2594157 1.26341 1.1615365\n", - " 1.0329226 1.2968891 1.0426347 1.0261048 1.0526291 1.106396 1.0104667\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 8 3 5 4 2 0 6 12 11 9 7 10 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"cara lee-fanus was rushed to st peter 's hospital in chertsey , surrey , but died from a head injury the next day despite the best effort of medical teams .the little girl 's mother , kirsty lee ( right in sunglasses behind a lawyer ) and lee 's ex boyfriend alistair wayne bowen ( left ) appeared at guildford magistrates ' court todaya mother and her former partner have appeared in court over the death of a toddler who suffered horrific injuries just before her second birthday .\"]\n", - "=======================\n", - "[\"cara lee-fanus died day after being rushed to hospital in churtsey , surreymedics found bruises all over her body and burn marks on head , court toldmother kirsty lee and lee 's ex boyfriend alistair wayne bowen appeared in court todayjointly charged with causing or allowing death of a child and causing or allowing serious physical harm to a child\"]\n", - "cara lee-fanus was rushed to st peter 's hospital in chertsey , surrey , but died from a head injury the next day despite the best effort of medical teams .the little girl 's mother , kirsty lee ( right in sunglasses behind a lawyer ) and lee 's ex boyfriend alistair wayne bowen ( left ) appeared at guildford magistrates ' court todaya mother and her former partner have appeared in court over the death of a toddler who suffered horrific injuries just before her second birthday .\n", - "cara lee-fanus died day after being rushed to hospital in churtsey , surreymedics found bruises all over her body and burn marks on head , court toldmother kirsty lee and lee 's ex boyfriend alistair wayne bowen appeared in court todayjointly charged with causing or allowing death of a child and causing or allowing serious physical harm to a child\n", - "[1.1808221 1.5055692 1.290704 1.4394759 1.2683707 1.0274901 1.0151013\n", - " 1.0136809 1.1223761 1.245697 1.0155624 1.1590087 1.0256492 1.0135007\n", - " 1.0201765 1.0279545 1.0460638 1.1006216 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 9 0 11 8 17 16 15 5 12 14 10 6 7 13 19 18 20]\n", - "=======================\n", - "[\"bill parker , 34 , of gulfport was mowing his lawn while at his family home last sunday when he thought a rock hit him in the face not realizing it was actually a metal fence wire .dr timothy haffey , who removed the wire which was as thick as a heavy-duty nail , said that it miraculously dodged all of parker 's important nerves and arteries .a ct scan revealed the metal wire had been shot up his left nostril and was lodged in parker 's sinus cavity beneath his eye socket and next to his jaw hinge .\"]\n", - "=======================\n", - "[\"warning graphic contentbill parker , 34 , of mississippi was mowing his lawn on april 19 when the wire shot up his left nostril and was lodged in his sinus cavitydr timothy haffey removed the wire through a 20-minute sinus surgery and said the wire miraculously dodged parker 's important nerves and arteriesthe wire was sent to a pathology lab and parker is taking antibioticsdr haffey said parker should not have any long-term effects\"]\n", - "bill parker , 34 , of gulfport was mowing his lawn while at his family home last sunday when he thought a rock hit him in the face not realizing it was actually a metal fence wire .dr timothy haffey , who removed the wire which was as thick as a heavy-duty nail , said that it miraculously dodged all of parker 's important nerves and arteries .a ct scan revealed the metal wire had been shot up his left nostril and was lodged in parker 's sinus cavity beneath his eye socket and next to his jaw hinge .\n", - "warning graphic contentbill parker , 34 , of mississippi was mowing his lawn on april 19 when the wire shot up his left nostril and was lodged in his sinus cavitydr timothy haffey removed the wire through a 20-minute sinus surgery and said the wire miraculously dodged parker 's important nerves and arteriesthe wire was sent to a pathology lab and parker is taking antibioticsdr haffey said parker should not have any long-term effects\n", - "[1.5558865 1.3030584 1.1708983 1.2882457 1.1195557 1.4020457 1.0147436\n", - " 1.0100307 1.0091006 1.0094076 1.0175965 1.1409442 1.0807906 1.0887083\n", - " 1.0463634 1.1097412 1.0353305 1.0788114 1.1086863 1.0431895 1.0507058]\n", - "\n", - "[ 0 5 1 3 2 11 4 15 18 13 12 17 20 14 19 16 10 6 7 9 8]\n", - "=======================\n", - "[\"badou jack outpointed anthony dirrell on friday night at the uic pavilion to take the wbc super-middleweight title , setting up a fight with mandatory challenger george groves .george groves will fight jack for the wbc world super-middleweight title as he is mandatory challenger 'jack ( 19-1-1 ) received winning of 116-112 and 115-113 , and the third had it even at 114-114 .\"]\n", - "=======================\n", - "['badou jack beat anthony dirrell on points at the uic pavilionit saw jack narrowly claim the wbc super-middleweight titlegeorge groves is the mandatory challenger for the title']\n", - "badou jack outpointed anthony dirrell on friday night at the uic pavilion to take the wbc super-middleweight title , setting up a fight with mandatory challenger george groves .george groves will fight jack for the wbc world super-middleweight title as he is mandatory challenger 'jack ( 19-1-1 ) received winning of 116-112 and 115-113 , and the third had it even at 114-114 .\n", - "badou jack beat anthony dirrell on points at the uic pavilionit saw jack narrowly claim the wbc super-middleweight titlegeorge groves is the mandatory challenger for the title\n", - "[1.1474061 1.509479 1.3137937 1.2362965 1.0521042 1.0752903 1.1022673\n", - " 1.0294092 1.0197899 1.017508 1.1245716 1.0727997 1.1600109 1.1386285\n", - " 1.1533633 1.0275517 1.0290339 1.0493001 1.0436974]\n", - "\n", - "[ 1 2 3 12 14 0 13 10 6 5 11 4 17 18 7 16 15 8 9]\n", - "=======================\n", - "[\"the neglected cat from sea isle city in new jersey was handed over to the rescue agency s.o.s sea isle cats by a family facing a foreclosure on their home .luckily for sprinkles who is too fat to even groom herself , she is being cared for by pet rescue volunteer stacy jones olandt .fat cat : sprinkles the 33-pound cat is so fat she ca n't even roll over and she 's equally as fat as a 700-pound human , say rescue workers\"]\n", - "=======================\n", - "[\"sprinkles the 33-pound cat is so fat she ca n't even roll over and she 's equally as fat as a 700-pound human , say rescue workersthe neglected cat from new jersey was handed over to the rescue agency s.o.s sea isle cats by a family facing a foreclosure on their homesprinkles will hopefully lose a pound a month and when she does she will be placed in a loving homea healthy weight for sprinkles is around 10 pounds\"]\n", - "the neglected cat from sea isle city in new jersey was handed over to the rescue agency s.o.s sea isle cats by a family facing a foreclosure on their home .luckily for sprinkles who is too fat to even groom herself , she is being cared for by pet rescue volunteer stacy jones olandt .fat cat : sprinkles the 33-pound cat is so fat she ca n't even roll over and she 's equally as fat as a 700-pound human , say rescue workers\n", - "sprinkles the 33-pound cat is so fat she ca n't even roll over and she 's equally as fat as a 700-pound human , say rescue workersthe neglected cat from new jersey was handed over to the rescue agency s.o.s sea isle cats by a family facing a foreclosure on their homesprinkles will hopefully lose a pound a month and when she does she will be placed in a loving homea healthy weight for sprinkles is around 10 pounds\n", - "[1.314255 1.3211662 1.262241 1.2265815 1.1066031 1.0534075 1.106536\n", - " 1.0546011 1.0999538 1.0637636 1.0738596 1.0867014 1.0688016 1.1465402\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 13 4 6 8 11 10 12 9 7 5 14 15 16 17 18]\n", - "=======================\n", - "[\"taken in isis ' northern stronghold of mosul , the photographs show four men being interviewed by the terrorists before they are dragged before bloodthirsty crowds eager to see their executions .depraved militants fighting for the islamic state in iraq have brutally beheaded four men accused of theft , before displaying their bodies on railings in a town square .the savage punishment is a significantly more extreme than isis ' usual punishment for theft - which typically sees the accused having their right hand hacked-off by machete-wielding jihadis who pump the men full of drugs to numb the limb before severing it from the victim 's body .\"]\n", - "=======================\n", - "['young victims were interviewed on a sofa before being savagely murderedfour men were dragged out before bloodthirsty crowds in central mosulmilitants forced them to their knees and read out the charges against themmasked jihadis then swarmed on the men and beheaded them with kniveslocals said the decapitated bodies were later displayed in a town square']\n", - "taken in isis ' northern stronghold of mosul , the photographs show four men being interviewed by the terrorists before they are dragged before bloodthirsty crowds eager to see their executions .depraved militants fighting for the islamic state in iraq have brutally beheaded four men accused of theft , before displaying their bodies on railings in a town square .the savage punishment is a significantly more extreme than isis ' usual punishment for theft - which typically sees the accused having their right hand hacked-off by machete-wielding jihadis who pump the men full of drugs to numb the limb before severing it from the victim 's body .\n", - "young victims were interviewed on a sofa before being savagely murderedfour men were dragged out before bloodthirsty crowds in central mosulmilitants forced them to their knees and read out the charges against themmasked jihadis then swarmed on the men and beheaded them with kniveslocals said the decapitated bodies were later displayed in a town square\n", - "[1.5885711 1.1168079 1.0793825 1.3378861 1.1585729 1.2531161 1.2062601\n", - " 1.1751776 1.1163486 1.023071 1.0337442 1.0113231 1.0883329 1.0719823\n", - " 1.0232177 1.0267287 1.0618234 0. 0. ]\n", - "\n", - "[ 0 3 5 6 7 4 1 8 12 2 13 16 10 15 14 9 11 17 18]\n", - "=======================\n", - "['bayern munich were crowned bundesliga champions for the third year running without even kicking a ball on sunday as their nearest rivals wolfsburg went down to a 1-0 defeat at borussia monchengladbach .max kruse ( centre ) celebrates his last-minute winner against wolfsburg on sunday in the bundesligathe result means bayern , who beat hertha berlin 1-0 on saturday to go 15 points clear , have taken the title for a record 25th time , while pep guardiola has his 19th major honour as a coach and fifth league title .']\n", - "=======================\n", - "[\"bayern munich crowned bundesliga champions for the 25th timepep guardiola 's side beat hertha berlin 1-0 on saturday at allianz arenawolfsburg fell to 1-0 defeat at borussia monchengladbach on sundaybayern are also in semi-finals of the german cup and champions league\"]\n", - "bayern munich were crowned bundesliga champions for the third year running without even kicking a ball on sunday as their nearest rivals wolfsburg went down to a 1-0 defeat at borussia monchengladbach .max kruse ( centre ) celebrates his last-minute winner against wolfsburg on sunday in the bundesligathe result means bayern , who beat hertha berlin 1-0 on saturday to go 15 points clear , have taken the title for a record 25th time , while pep guardiola has his 19th major honour as a coach and fifth league title .\n", - "bayern munich crowned bundesliga champions for the 25th timepep guardiola 's side beat hertha berlin 1-0 on saturday at allianz arenawolfsburg fell to 1-0 defeat at borussia monchengladbach on sundaybayern are also in semi-finals of the german cup and champions league\n", - "[1.3970917 1.1780107 1.2074698 1.4529812 1.3251189 1.1592305 1.0761266\n", - " 1.1351408 1.1575468 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 4 2 1 5 8 7 6 16 15 14 13 9 11 10 17 12 18]\n", - "=======================\n", - "['former middleweight world champion julio cesar chavez jr was stopped in nine rounds by andrzej fonfaracarl froch has expressed his desire to fight chavez jr ( right ) in las vegas but that now looks unlikelythe 37-year-old super-middleweight , who has not fought since knocking out george groves in their re-match at wembley last may , had hoped to be back in action last month against chavez but an elbow injury scuppered his plans .']\n", - "=======================\n", - "['andrzej fonfara stopped julio cesar chavez jr in nine roundscarl froch had hoped to fight chavez jr in las vegas in a final swansongfroch has not fought since knocking out george groves at wembley stadium']\n", - "former middleweight world champion julio cesar chavez jr was stopped in nine rounds by andrzej fonfaracarl froch has expressed his desire to fight chavez jr ( right ) in las vegas but that now looks unlikelythe 37-year-old super-middleweight , who has not fought since knocking out george groves in their re-match at wembley last may , had hoped to be back in action last month against chavez but an elbow injury scuppered his plans .\n", - "andrzej fonfara stopped julio cesar chavez jr in nine roundscarl froch had hoped to fight chavez jr in las vegas in a final swansongfroch has not fought since knocking out george groves at wembley stadium\n", - "[1.4129534 1.3447666 1.1632094 1.0728816 1.2191201 1.0168043 1.0265706\n", - " 1.0473524 1.1291958 1.1517565 1.0588425 1.0856385 1.1785195 1.2093301\n", - " 1.0877857 1.0869644 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 13 12 2 9 8 14 15 11 3 10 7 6 5 17 16 18]\n", - "=======================\n", - "[\"cosmopolitan editor bronwyn mccahon says she regrets that her magazine did n't more thoroughly investigate belle gibson before presenting her with its fun fearless female award in sydney last year .but she says the award - which is given to inspiring women in times of ` triumph and adversity ' - wo n't be taken off ms gibson , despite the whole pantry founder 's admission of lying about her cancers .` she was reader nominated and reader-voted , ' mccahon said on the dan and maz 2dayfm breakfast show this week following belle gibson 's australian women 's weekly interview in which she admitted she had lied , according to the daily telegraph .\"]\n", - "=======================\n", - "[\"belle gibson was awarded cosmo 's fun fearless female award last yearbronwyn mccahon wishes her magazine had better investigated ms gibsondespite her cancer lies , cosmo wo n't strip gibson of the prize` what she does n't need now is the whole of australia ganging up on her and bullying her , ' mccahon says\"]\n", - "cosmopolitan editor bronwyn mccahon says she regrets that her magazine did n't more thoroughly investigate belle gibson before presenting her with its fun fearless female award in sydney last year .but she says the award - which is given to inspiring women in times of ` triumph and adversity ' - wo n't be taken off ms gibson , despite the whole pantry founder 's admission of lying about her cancers .` she was reader nominated and reader-voted , ' mccahon said on the dan and maz 2dayfm breakfast show this week following belle gibson 's australian women 's weekly interview in which she admitted she had lied , according to the daily telegraph .\n", - "belle gibson was awarded cosmo 's fun fearless female award last yearbronwyn mccahon wishes her magazine had better investigated ms gibsondespite her cancer lies , cosmo wo n't strip gibson of the prize` what she does n't need now is the whole of australia ganging up on her and bullying her , ' mccahon says\n", - "[1.249742 1.1458001 1.3073263 1.375372 1.1858156 1.1820755 1.1237158\n", - " 1.0983738 1.0823649 1.1722013 1.1411108 1.0643091 1.0550913 1.0278494\n", - " 1.0455183 1.0094832 1.017368 1.0225338]\n", - "\n", - "[ 3 2 0 4 5 9 1 10 6 7 8 11 12 14 13 17 16 15]\n", - "=======================\n", - "[\"memphis city council agreed yesterday that hound dog ii and lisa marie -- named after the king of rock ` n ' roll 's daughter -- can be moved from his estate to a site nearby .but elvis presley 's planes are to be taken from the grounds of his former mansion after local officials signed off the controversial deal .jet-setter : elvis presley bought both planes in 1975\"]\n", - "=======================\n", - "[\"the two jets have been permanent fixtures at memphis estate for 30 yearsbut city council has agreed hound dog ii and lisa marie can be taken awaythey will form part of a new museum about the king of rock 'n' rolldecision follows a year of wrangling between planes ' owner and graceland\"]\n", - "memphis city council agreed yesterday that hound dog ii and lisa marie -- named after the king of rock ` n ' roll 's daughter -- can be moved from his estate to a site nearby .but elvis presley 's planes are to be taken from the grounds of his former mansion after local officials signed off the controversial deal .jet-setter : elvis presley bought both planes in 1975\n", - "the two jets have been permanent fixtures at memphis estate for 30 yearsbut city council has agreed hound dog ii and lisa marie can be taken awaythey will form part of a new museum about the king of rock 'n' rolldecision follows a year of wrangling between planes ' owner and graceland\n", - "[1.4178771 1.3357035 1.2649679 1.3312769 1.1935657 1.1544629 1.2441446\n", - " 1.0675364 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 6 4 5 7 15 14 13 12 8 10 9 16 11 17]\n", - "=======================\n", - "['( cnn ) sabra dipping co. is recalling 30,000 cases of hummus due to possible contamination with listeria , the u.s. food and drug administration said wednesday .the nationwide recall is voluntary .the potential for contamination was discovered when a routine , random sample collected at a michigan store on march 30 tested positive for listeria monocytogenes .']\n", - "=======================\n", - "['a random sample from a michigan store tested positive for listeria monocytogenesno illnesses caused by the hummus have been reported so far']\n", - "( cnn ) sabra dipping co. is recalling 30,000 cases of hummus due to possible contamination with listeria , the u.s. food and drug administration said wednesday .the nationwide recall is voluntary .the potential for contamination was discovered when a routine , random sample collected at a michigan store on march 30 tested positive for listeria monocytogenes .\n", - "a random sample from a michigan store tested positive for listeria monocytogenesno illnesses caused by the hummus have been reported so far\n", - "[1.4232252 1.3534365 1.2761571 1.1840065 1.1296055 1.037409 1.0857992\n", - " 1.1165062 1.0852938 1.1171162 1.0588108 1.1014917 1.0530827 1.0468243\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 9 7 11 6 8 10 12 13 5 14 15 16 17]\n", - "=======================\n", - "['( cnn ) as the model for norman rockwell \\'s \" rosie the riveter , \" mary doyle keefe became the symbol of american women working on the home front during world war ii .the 92-year-old died this week at her home in simsbury , connecticut .as a 19-year-old telephone operator , keefe posed for the famous painting that would become the cover of the saturday evening post on may 29 , 1943 .']\n", - "=======================\n", - "['\" rosie the riveter \" appeared on the cover of the saturday evening post on may 29 , 1943mary doyle keefe was a 19-year-old telephone operator at the time']\n", - "( cnn ) as the model for norman rockwell 's \" rosie the riveter , \" mary doyle keefe became the symbol of american women working on the home front during world war ii .the 92-year-old died this week at her home in simsbury , connecticut .as a 19-year-old telephone operator , keefe posed for the famous painting that would become the cover of the saturday evening post on may 29 , 1943 .\n", - "\" rosie the riveter \" appeared on the cover of the saturday evening post on may 29 , 1943mary doyle keefe was a 19-year-old telephone operator at the time\n", - "[1.36903 1.316816 1.3094919 1.3644735 1.2261336 1.1261525 1.0289634\n", - " 1.0373787 1.138056 1.0879475 1.0139015 1.1112932 1.0149097 1.0125474\n", - " 1.0149575 1.0173504 1.0261339 0. ]\n", - "\n", - "[ 0 3 1 2 4 8 5 11 9 7 6 16 15 14 12 10 13 17]\n", - "=======================\n", - "['comedian sarah silverman was forced to apologize after she was caught exaggerating a story about being paid less than a man for a gig - to highlight the gender pay gap .silverman has since publicly apologized to martin and revealed she fabricated the story .in the video , released on april 6 , silverman accused martin of paying her $ 50 less than barry to perform .']\n", - "=======================\n", - "[\"in campaign video silverman said she was paid six times less than her male counterpartbut the tale has been exposed as a fabrication by club owner al martinsilverman has been forced to apologize and admitted story was wrongshe was only paid less because she was a guest and man was bookedsaid called critics who used issue to blast pay gap campaign ` maniacs '\"]\n", - "comedian sarah silverman was forced to apologize after she was caught exaggerating a story about being paid less than a man for a gig - to highlight the gender pay gap .silverman has since publicly apologized to martin and revealed she fabricated the story .in the video , released on april 6 , silverman accused martin of paying her $ 50 less than barry to perform .\n", - "in campaign video silverman said she was paid six times less than her male counterpartbut the tale has been exposed as a fabrication by club owner al martinsilverman has been forced to apologize and admitted story was wrongshe was only paid less because she was a guest and man was bookedsaid called critics who used issue to blast pay gap campaign ` maniacs '\n", - "[1.3872705 1.2896793 1.2213973 1.1150038 1.0411783 1.0266893 1.0614425\n", - " 1.0656629 1.0556289 1.0655673 1.0639781 1.0468559 1.0329151 1.0654186\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 7 9 13 10 6 8 11 4 12 5 14 15 16 17]\n", - "=======================\n", - "['( cnn ) this is the time of the year when christians the world over -- more than 2 billion of us -- reflect upon the crucifixion and resurrection of our lord .countless lives have been utterly destroyed in nations such as iraq , syria , libya , pakistan , india , egypt , kenya and nigeria .in june 2012 , bishop shlemon warduni of iraq told the united states conference of catholic bishops , \" we beg you to help .']\n", - "=======================\n", - "[\"rarely since the first century have christians faced persecution on this scale , say dolan , downey and burnett .crisis escalated substantially as isis has swept through iraq 's nineveh province , the authors write .\"]\n", - "( cnn ) this is the time of the year when christians the world over -- more than 2 billion of us -- reflect upon the crucifixion and resurrection of our lord .countless lives have been utterly destroyed in nations such as iraq , syria , libya , pakistan , india , egypt , kenya and nigeria .in june 2012 , bishop shlemon warduni of iraq told the united states conference of catholic bishops , \" we beg you to help .\n", - "rarely since the first century have christians faced persecution on this scale , say dolan , downey and burnett .crisis escalated substantially as isis has swept through iraq 's nineveh province , the authors write .\n", - "[1.2423937 1.0610397 1.2910694 1.4103088 1.2897778 1.1604487 1.1212667\n", - " 1.1700224 1.0849962 1.0279403 1.0239288 1.0772324 1.0184239 1.041217\n", - " 1.0774537 1.0964404 1.0327338 1.0433652 1.0693852]\n", - "\n", - "[ 3 2 4 0 7 5 6 15 8 14 11 18 1 17 13 16 9 10 12]\n", - "=======================\n", - "['his dad , justin , needs a kidney transplant .success kid -- now an 8-year-old named sammy griner -- needs a little bit of that mojo to rub off on his family .( cnn ) \" success kid \" is likely the internet \\'s most famous baby .']\n", - "=======================\n", - "['the gofundme campaign has already topped its $ 75,000 goaljustin griner , the dad of \" success kid , \" needs a kidney transplant']\n", - "his dad , justin , needs a kidney transplant .success kid -- now an 8-year-old named sammy griner -- needs a little bit of that mojo to rub off on his family .( cnn ) \" success kid \" is likely the internet 's most famous baby .\n", - "the gofundme campaign has already topped its $ 75,000 goaljustin griner , the dad of \" success kid , \" needs a kidney transplant\n", - "[1.1342428 1.2113719 1.3633385 1.3347938 1.1284747 1.0476421 1.0463228\n", - " 1.0809134 1.0355418 1.0240862 1.1258312 1.1081978 1.0706618 1.0579659\n", - " 1.0280004 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 0 4 10 11 7 12 13 5 6 8 14 9 15 16 17 18]\n", - "=======================\n", - "[\"abi , 26 , from droitwich , worcestershire , works as a special effects make-up artist with the daily challenge of trying to find ways of slicing off fingers and impaling bodies in a completely pain-free way .make-up artist abi gordon-cody creates gruesome injuries using special effectsher instagram posts of severed fingers , rotting flesh and impaled limbs may seem like the work of an extremely violent ( or extremely clumsy ) person but abi 's injuries are , in fact , all a clever illusion .\"]\n", - "=======================\n", - "['abi gordon-cody creates gruesome injuries using special effects make-upher gory creations have earned her almost 3,000 followers on instagram26-year-old from droitwich watches horror films for inspiration']\n", - "abi , 26 , from droitwich , worcestershire , works as a special effects make-up artist with the daily challenge of trying to find ways of slicing off fingers and impaling bodies in a completely pain-free way .make-up artist abi gordon-cody creates gruesome injuries using special effectsher instagram posts of severed fingers , rotting flesh and impaled limbs may seem like the work of an extremely violent ( or extremely clumsy ) person but abi 's injuries are , in fact , all a clever illusion .\n", - "abi gordon-cody creates gruesome injuries using special effects make-upher gory creations have earned her almost 3,000 followers on instagram26-year-old from droitwich watches horror films for inspiration\n", - "[1.20041 1.3615199 1.3326589 1.3723545 1.2022108 1.1931481 1.2361141\n", - " 1.1940387 1.0413481 1.036651 1.024079 1.0097331 1.1821446 1.02036\n", - " 1.0140994 1.0096757 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 6 4 0 7 5 12 8 9 10 13 14 11 15 17 16 18]\n", - "=======================\n", - "['retro : the original 1959 barbie doll has been reproduced and goes back on sale this saturday in australiamyer have teamed up with mattel to re-produce the iconic dolls , which will be on sale at five of their stores across the country .the dolls are newly produced but modelled on the original barbie doll that was first released at the new york toy fair in 1959 .']\n", - "=======================\n", - "['original 1959 barbie has been reproduced and goes back on sale april 11myer have teamed up with mattel to re-release the iconic doll in australiathe first 500 dolls will be sold for the original 1959 price of $ 3.00the dolls will be sold for $ 34.95 after the promotional priced ones are gonepromotion is at sydney , melbourne , brisbane , perth , adelaide city stores']\n", - "retro : the original 1959 barbie doll has been reproduced and goes back on sale this saturday in australiamyer have teamed up with mattel to re-produce the iconic dolls , which will be on sale at five of their stores across the country .the dolls are newly produced but modelled on the original barbie doll that was first released at the new york toy fair in 1959 .\n", - "original 1959 barbie has been reproduced and goes back on sale april 11myer have teamed up with mattel to re-release the iconic doll in australiathe first 500 dolls will be sold for the original 1959 price of $ 3.00the dolls will be sold for $ 34.95 after the promotional priced ones are gonepromotion is at sydney , melbourne , brisbane , perth , adelaide city stores\n", - "[1.460177 1.2569842 1.1004922 1.1700444 1.0564444 1.2595427 1.1519839\n", - " 1.096157 1.121238 1.065143 1.0836936 1.0178514 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 5 1 3 6 8 2 7 10 9 4 11 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"four british sailors have been charged with sexual assault after an alleged attack on a woman in canada .the alleged attack is said to have taken place during a party at the military barracks where canada 's atlantic fleet are based .craig stoner , 24 , darren smalley , 35 , joshua finbow , 23 , and simon radford , 31 , were each charged with one count of sexual assault in connection with the alleged incident at a military base in shearwater , near halifax , nova scotia .\"]\n", - "=======================\n", - "['men were in canada playing a hockey tournament with canadian forcesalleged sex attack took place at military base in nova scotiasailors are being held and are due back in court on monday']\n", - "four british sailors have been charged with sexual assault after an alleged attack on a woman in canada .the alleged attack is said to have taken place during a party at the military barracks where canada 's atlantic fleet are based .craig stoner , 24 , darren smalley , 35 , joshua finbow , 23 , and simon radford , 31 , were each charged with one count of sexual assault in connection with the alleged incident at a military base in shearwater , near halifax , nova scotia .\n", - "men were in canada playing a hockey tournament with canadian forcesalleged sex attack took place at military base in nova scotiasailors are being held and are due back in court on monday\n", - "[1.1514603 1.4445094 1.3804842 1.2061156 1.3070378 1.1779104 1.1642495\n", - " 1.1024348 1.0606261 1.0438793 1.1064606 1.0312417 1.0122548 1.0074204\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 5 6 0 10 7 8 9 11 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"anna broom , of gillingham , in kent , has not worked since the age of 19 , during which time she has claimed more than # 100,000 in benefits .the jobless 33-year-old now wants an extra # 10,000 to fund her dream ` traditional english wedding and party in a castle ' .dream wedding : miss broom wants the government to loan her # 10,000 for her wedding to jordan burford\"]\n", - "=======================\n", - "['anna broom , 33 , not worked since 2001 and has claimed total of # 100,000declared unfit to work with depression and back pain due to her weightbride-to-be gets # 800 a month in benefits with fiancé jordan burford , 39wants # 10,000 loan to fund wedding , but unclear how she will pay it back']\n", - "anna broom , of gillingham , in kent , has not worked since the age of 19 , during which time she has claimed more than # 100,000 in benefits .the jobless 33-year-old now wants an extra # 10,000 to fund her dream ` traditional english wedding and party in a castle ' .dream wedding : miss broom wants the government to loan her # 10,000 for her wedding to jordan burford\n", - "anna broom , 33 , not worked since 2001 and has claimed total of # 100,000declared unfit to work with depression and back pain due to her weightbride-to-be gets # 800 a month in benefits with fiancé jordan burford , 39wants # 10,000 loan to fund wedding , but unclear how she will pay it back\n", - "[1.405513 1.1864249 1.3703268 1.207325 1.2146752 1.2378017 1.183835\n", - " 1.048537 1.0234818 1.025605 1.0399041 1.1813246 1.0184224 1.1166862\n", - " 1.0948716 1.0517972 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 5 4 3 1 6 11 13 14 15 7 10 9 8 12 18 16 17 19]\n", - "=======================\n", - "['the broccoli chemical sulforaphane is known to block the inflammation and damage to cartilage associated with arthritis ( file picture )but uk drug company evgen pharma has developed a stable synthetic version of the chemical that offers the potential of a pill treatment .sulforaphane in its natural form is also too unstable to turn into a medicine .']\n", - "=======================\n", - "['sulforaphane known to block inflammation and damage to the cartilagepeople would have to eat several pounds daily to derive significant benefitdrug company evgen pharma has developed synthetic version of chemical']\n", - "the broccoli chemical sulforaphane is known to block the inflammation and damage to cartilage associated with arthritis ( file picture )but uk drug company evgen pharma has developed a stable synthetic version of the chemical that offers the potential of a pill treatment .sulforaphane in its natural form is also too unstable to turn into a medicine .\n", - "sulforaphane known to block inflammation and damage to the cartilagepeople would have to eat several pounds daily to derive significant benefitdrug company evgen pharma has developed synthetic version of chemical\n", - "[1.2841984 1.3410705 1.2425743 1.2173779 1.362093 1.2009263 1.1412916\n", - " 1.0209558 1.0685337 1.0524342 1.022318 1.0195516 1.0689788 1.0407071\n", - " 1.0635499 1.0610822 1.0495872 1.1057065 1.0748968 1.0456464]\n", - "\n", - "[ 4 1 0 2 3 5 6 17 18 12 8 14 15 9 16 19 13 10 7 11]\n", - "=======================\n", - "[\"wayne heneker ( pictured ) recalled the day he was going about his usual drop off of funds at a local tavern in queensland during an interview with nine network 's a current affaira security guard who shot dead a masked gunman , only to find out seconds later the man was his friend , says he is still haunted by the attack which took place almost a year ago .during the attempted armed robbery , mr heneker says he felt he had no other choice but to shoot the bandit .\"]\n", - "=======================\n", - "['wayne heneker says the incident a year ago still haunts him todayhe was dropping off funds at a queensland tavern when he was ambushedmr heneker shot the masked gunman when he tried to tackle himseconds later , mr heneker discovered the man was an ex-colleaguemr heneker says he still struggles to cope with the fact he shot his friend']\n", - "wayne heneker ( pictured ) recalled the day he was going about his usual drop off of funds at a local tavern in queensland during an interview with nine network 's a current affaira security guard who shot dead a masked gunman , only to find out seconds later the man was his friend , says he is still haunted by the attack which took place almost a year ago .during the attempted armed robbery , mr heneker says he felt he had no other choice but to shoot the bandit .\n", - "wayne heneker says the incident a year ago still haunts him todayhe was dropping off funds at a queensland tavern when he was ambushedmr heneker shot the masked gunman when he tried to tackle himseconds later , mr heneker discovered the man was an ex-colleaguemr heneker says he still struggles to cope with the fact he shot his friend\n", - "[1.2376217 1.475391 1.217533 1.295396 1.1437652 1.1456852 1.1021821\n", - " 1.0591787 1.035464 1.0538257 1.0150782 1.0794083 1.0704505 1.0930691\n", - " 1.0920737 1.0307156 1.0160846 1.012207 1.0522952 0. ]\n", - "\n", - "[ 1 3 0 2 5 4 6 13 14 11 12 7 9 18 8 15 16 10 17 19]\n", - "=======================\n", - "[\"omar hussain , 27 , from high wycombe , first came to prominence when he appeared in a isis propaganda video , urging the west to send troops to fight isis , vowing ` we 'll send them back one by one in coffins . 'a british former supermarket security guard , who left his parents house and became an isis jihadist in syria , has been busy writing advice about ` dealing ' with wannabe jihadi brides .now the fighter has been promoting himself as an amateur islamic thinker , regularly attempting to write about daily issues faced by jihadists .\"]\n", - "=======================\n", - "[\"the lonely jihadi has been attempting to give advice on relationships with jihadi bridesthe extremists warns of ` temporary delight of sisters following you and praising you ' on social mediahussain initially joined jabhat al-nusra but switched to isis after just four months\"]\n", - "omar hussain , 27 , from high wycombe , first came to prominence when he appeared in a isis propaganda video , urging the west to send troops to fight isis , vowing ` we 'll send them back one by one in coffins . 'a british former supermarket security guard , who left his parents house and became an isis jihadist in syria , has been busy writing advice about ` dealing ' with wannabe jihadi brides .now the fighter has been promoting himself as an amateur islamic thinker , regularly attempting to write about daily issues faced by jihadists .\n", - "the lonely jihadi has been attempting to give advice on relationships with jihadi bridesthe extremists warns of ` temporary delight of sisters following you and praising you ' on social mediahussain initially joined jabhat al-nusra but switched to isis after just four months\n", - "[1.3687894 1.2288059 1.3274603 1.2600359 1.1788039 1.12356 1.0422136\n", - " 1.1122341 1.1087263 1.0626769 1.066791 1.1228446 1.1388097 1.0541847\n", - " 1.0259054 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 4 12 5 11 7 8 10 9 13 6 14 15 16 17 18 19]\n", - "=======================\n", - "[\"cabinet secretary sir jeremy heywood ordered an inquiry into claims that a leaked memo shows snp leader nicola sturgeon would prefer a tory general election victorythe investigation came after ms sturgeon claimed she was the victim of whitehall ` dirty tricks ' .the leaked memo , drafted by a british civil servant , reported ms sturgeon had privately told the diplomat ` she would n't want a formal coalition with labour ; that the snp would almost certainly have a large number of seats ... she 'd rather see david cameron remain as pm ' .\"]\n", - "=======================\n", - "['nicola sturgeon alleged to have made comments to french ambassadorsir jeremy heywood ordered probe after she dismissed memo as untrue']\n", - "cabinet secretary sir jeremy heywood ordered an inquiry into claims that a leaked memo shows snp leader nicola sturgeon would prefer a tory general election victorythe investigation came after ms sturgeon claimed she was the victim of whitehall ` dirty tricks ' .the leaked memo , drafted by a british civil servant , reported ms sturgeon had privately told the diplomat ` she would n't want a formal coalition with labour ; that the snp would almost certainly have a large number of seats ... she 'd rather see david cameron remain as pm ' .\n", - "nicola sturgeon alleged to have made comments to french ambassadorsir jeremy heywood ordered probe after she dismissed memo as untrue\n", - "[1.1706728 1.2424341 1.2572851 1.2136805 1.2416873 1.2285743 1.2910457\n", - " 1.0882834 1.0759189 1.0972534 1.1520395 1.0547119 1.0258049 1.0274664\n", - " 1.0357208 1.0184253 1.034408 1.0230091 1.0228375 1.0656248]\n", - "\n", - "[ 6 2 1 4 5 3 0 10 9 7 8 19 11 14 16 13 12 17 18 15]\n", - "=======================\n", - "[\"the patriots beat seattle seahawks 28-24 to win the nfl super bowl in glendale , arizona with brady named as mvp for the third time in his fourth super bowl victory .however , a spokesman for the patriots said ` prior family commitments ' were the reason why brady did n't attend the visit .but there was one notable absence from the patriots squad who visited on thursday , with quarterback tom brady nowhere to be seen .\"]\n", - "=======================\n", - "[\"new england patriots beat seattle seahawks 28-24 to win super bowl xlixpatriots visited the white house on thursday to meet president obamatom brady was nowhere to be seen , citing ` family commitments ' as reasonfebruary 's super bowl victory was brady 's fourth in a glittering career\"]\n", - "the patriots beat seattle seahawks 28-24 to win the nfl super bowl in glendale , arizona with brady named as mvp for the third time in his fourth super bowl victory .however , a spokesman for the patriots said ` prior family commitments ' were the reason why brady did n't attend the visit .but there was one notable absence from the patriots squad who visited on thursday , with quarterback tom brady nowhere to be seen .\n", - "new england patriots beat seattle seahawks 28-24 to win super bowl xlixpatriots visited the white house on thursday to meet president obamatom brady was nowhere to be seen , citing ` family commitments ' as reasonfebruary 's super bowl victory was brady 's fourth in a glittering career\n", - "[1.2556579 1.331964 1.2782854 1.2641168 1.2348067 1.0937926 1.0793877\n", - " 1.120618 1.0405214 1.0690001 1.1218989 1.1122466 1.138487 1.0675619\n", - " 1.0518216 1.034079 1.0307099 1.0229381 1.0157932 1.0829573 1.1050823]\n", - "\n", - "[ 1 2 3 0 4 12 10 7 11 20 5 19 6 9 13 14 8 15 16 17 18]\n", - "=======================\n", - "[\"police in shanghai revealed today that they had seized three million knock-off condoms - thought to be worth nearly # 1.3 million on the black market - after they broke up a large operation covering eight provinces .officers said the lubricating oil used on the condoms at one production line in henan province was so disgusting that it made them feel sick , according to the people 's daily online .dodgy work : fake condoms were made in a makeshift workshop in shanghai\"]\n", - "=======================\n", - "['three million condoms seized in shanghai , thought to be worth # 1.3 mtests found they contained toxic metals that could be danger to healthpolice uncovered a large network operating across eight provincesofficers said lubricating oil used at one workshop made them feel sick']\n", - "police in shanghai revealed today that they had seized three million knock-off condoms - thought to be worth nearly # 1.3 million on the black market - after they broke up a large operation covering eight provinces .officers said the lubricating oil used on the condoms at one production line in henan province was so disgusting that it made them feel sick , according to the people 's daily online .dodgy work : fake condoms were made in a makeshift workshop in shanghai\n", - "three million condoms seized in shanghai , thought to be worth # 1.3 mtests found they contained toxic metals that could be danger to healthpolice uncovered a large network operating across eight provincesofficers said lubricating oil used at one workshop made them feel sick\n", - "[1.2282829 1.4697589 1.3006139 1.2306613 1.2396514 1.0400411 1.030862\n", - " 1.0522159 1.1420676 1.0374113 1.1331601 1.0841459 1.193351 1.1150328\n", - " 1.0365599 1.2032839 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 0 15 12 8 10 13 11 7 5 9 14 6 19 16 17 18 20]\n", - "=======================\n", - "[\"the 20-day-old ` spider goat ' - as it has been ( inaccurately ) nicknamed by chinese web users - was born with four forelegs and two hind legs .xiao qibin , owner of the farm , said the baby goat is growing quickly and healthily with ` an extraordinary appetite ' , the people 's daily online reports .mr xiao started running his goat farm in chaohu in anhui province about a year ago and owns more than 400 goats .\"]\n", - "=======================\n", - "[\"farmer from eastern china confesses he 's puzzled by the newborn kidthe 20-day-old goat was born with four fore legs and two hind legsowner says unusual animal has an extraordinary appetite and is playfulextra legs wo n't be removed as farmer wants kid to grow up naturally\"]\n", - "the 20-day-old ` spider goat ' - as it has been ( inaccurately ) nicknamed by chinese web users - was born with four forelegs and two hind legs .xiao qibin , owner of the farm , said the baby goat is growing quickly and healthily with ` an extraordinary appetite ' , the people 's daily online reports .mr xiao started running his goat farm in chaohu in anhui province about a year ago and owns more than 400 goats .\n", - "farmer from eastern china confesses he 's puzzled by the newborn kidthe 20-day-old goat was born with four fore legs and two hind legsowner says unusual animal has an extraordinary appetite and is playfulextra legs wo n't be removed as farmer wants kid to grow up naturally\n", - "[1.1477886 1.2042136 1.5730343 1.1982912 1.2757075 1.2689557 1.1079831\n", - " 1.0717878 1.0465716 1.0252308 1.011887 1.1056347 1.148437 1.0190902\n", - " 1.0200347 1.0113078 1.0399495 1.0613284 1.0213958 1.0295237 0. ]\n", - "\n", - "[ 2 4 5 1 3 12 0 6 11 7 17 8 16 19 9 18 14 13 10 15 20]\n", - "=======================\n", - "['nico rosberg will start behind pole-sitter lewis hamilton with sebastian vettel third on the grid in chinasebastian vettel of ferrari is third , nearly a second adrift of hamilton .hamilton , the world champion , was relaxed and delighted having taken pole but rosberg , his team-mate , was grim-faced , demoralised and made his first public criticism of his team .']\n", - "=======================\n", - "[\"nico rosberg was the last driver out of the pit-lane and was forced to turn in a quicker out-lap than he would have liked ahead of his final shot at polethe german narrowly lost out to his team-mate lewis hamiltonrosberg was just 0.042 secs slower than his mercedes rivalrosberg also said : ` oh , come on , guys ' , over the team radio after he was informed he 'd missed out on pole for sunday 's chinese grand prix\"]\n", - "nico rosberg will start behind pole-sitter lewis hamilton with sebastian vettel third on the grid in chinasebastian vettel of ferrari is third , nearly a second adrift of hamilton .hamilton , the world champion , was relaxed and delighted having taken pole but rosberg , his team-mate , was grim-faced , demoralised and made his first public criticism of his team .\n", - "nico rosberg was the last driver out of the pit-lane and was forced to turn in a quicker out-lap than he would have liked ahead of his final shot at polethe german narrowly lost out to his team-mate lewis hamiltonrosberg was just 0.042 secs slower than his mercedes rivalrosberg also said : ` oh , come on , guys ' , over the team radio after he was informed he 'd missed out on pole for sunday 's chinese grand prix\n", - "[1.3914301 1.4679954 1.1220782 1.1248338 1.364219 1.3034809 1.1334617\n", - " 1.0773505 1.0855918 1.1574051 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 5 9 6 3 2 8 7 18 17 16 15 10 13 12 11 19 14 20]\n", - "=======================\n", - "[\"the colombia forward spent eight years with the argentine side before leaving for porto in 2009 and river plate are open to falcao returning .river plate vice president matias patanian admits the club ` dream of falcao ' and that ` the doors are open 'falcao scored 34 goals in 90 appearances for the argentine club during his four seasons in the first team\"]\n", - "=======================\n", - "[\"river plate admit they ` dream ' of manchester united striker radamel falcaothe colombia international spent eight years with the argentine clubfalcao has managed just four goals in 19 premier league appearancesread : falcao still ` has faith ' that he could continue at man utd next seasonclick here for the latest manchester united news\"]\n", - "the colombia forward spent eight years with the argentine side before leaving for porto in 2009 and river plate are open to falcao returning .river plate vice president matias patanian admits the club ` dream of falcao ' and that ` the doors are open 'falcao scored 34 goals in 90 appearances for the argentine club during his four seasons in the first team\n", - "river plate admit they ` dream ' of manchester united striker radamel falcaothe colombia international spent eight years with the argentine clubfalcao has managed just four goals in 19 premier league appearancesread : falcao still ` has faith ' that he could continue at man utd next seasonclick here for the latest manchester united news\n", - "[1.2603583 1.2708875 1.3742138 1.2441516 1.1691029 1.0395405 1.0695817\n", - " 1.1198423 1.1608565 1.0752418 1.0601974 1.0987453 1.0944494 1.044259\n", - " 1.0328467 1.0261247 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 4 8 7 11 12 9 6 10 13 5 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"miss campbell , 30 , was struck down with a condition that caused her stomach to rupture , leaving her fighting for her life in intensive care , and feared she would not be there to help lexi-river blow out the candles on her cake .but behind the joy of celebrating daughter lexi-river 's first birthday , the former army corporal has battled new agony after twice nearly dying from a mystery illness since the birth .blown up in iraq , hannah campbell defied the odds to have a miracle baby after shrapnel damaged her womb .\"]\n", - "=======================\n", - "[\"hannah campbell , 30 , had miracle baby after shrapnel damaged her wombbut since birth she has battled with a mystery illness - nearly dying twiceas she tried to recover her relationship with long-term partner broke downanthony mcmorrow , 32 , agreed new baby lexi-river will be their priorityshe will have tests next month to explore what is causing rare conditionmiss campbell 's pregnancy appears in my extraordinary pregnancy , starting on monday on tlc .\"]\n", - "miss campbell , 30 , was struck down with a condition that caused her stomach to rupture , leaving her fighting for her life in intensive care , and feared she would not be there to help lexi-river blow out the candles on her cake .but behind the joy of celebrating daughter lexi-river 's first birthday , the former army corporal has battled new agony after twice nearly dying from a mystery illness since the birth .blown up in iraq , hannah campbell defied the odds to have a miracle baby after shrapnel damaged her womb .\n", - "hannah campbell , 30 , had miracle baby after shrapnel damaged her wombbut since birth she has battled with a mystery illness - nearly dying twiceas she tried to recover her relationship with long-term partner broke downanthony mcmorrow , 32 , agreed new baby lexi-river will be their priorityshe will have tests next month to explore what is causing rare conditionmiss campbell 's pregnancy appears in my extraordinary pregnancy , starting on monday on tlc .\n", - "[1.3440857 1.2590787 1.2470704 1.2719268 1.2130425 1.1403364 1.0750109\n", - " 1.0812627 1.0912337 1.0243225 1.1824167 1.0384946 1.0149691 1.0586301\n", - " 1.0929494 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 10 5 14 8 7 6 13 11 9 12 19 15 16 17 18 20]\n", - "=======================\n", - "[\"a sheriff 's department in florida has released a video showing spring break revelers milling about on a beach not 10 feet from where an unconscious 19-year-old girl was being gang raped by a group of men .bay county sheriff frank mckeithen described the graphic video as the ` most disgusting , sickening thing ' he had ever seen likened the scene to ` wild animals preying on a carcass laying in the woods ' .the brief cellphone clip came to light as deputies continued searching for two additional suspects in the march attack in panama city beach that was witnessed by hundreds of people who failed to intervene .\"]\n", - "=======================\n", - "[\"troy university students delonte ' martistee , 22 , and ryan austin calhoun , 23 , have been suspended from the alabama schoolboth have been charged in connection to an alleged sexual attack on an unconscious woman during a spring break part in floridapolice in troy , alabama , found the video while investigating a shootingvideo ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervenetwo additional suspects are being sought in connection to the incident and more arrests are suspectedmartistee was a promising track star from bainbridge , georgia\"]\n", - "a sheriff 's department in florida has released a video showing spring break revelers milling about on a beach not 10 feet from where an unconscious 19-year-old girl was being gang raped by a group of men .bay county sheriff frank mckeithen described the graphic video as the ` most disgusting , sickening thing ' he had ever seen likened the scene to ` wild animals preying on a carcass laying in the woods ' .the brief cellphone clip came to light as deputies continued searching for two additional suspects in the march attack in panama city beach that was witnessed by hundreds of people who failed to intervene .\n", - "troy university students delonte ' martistee , 22 , and ryan austin calhoun , 23 , have been suspended from the alabama schoolboth have been charged in connection to an alleged sexual attack on an unconscious woman during a spring break part in floridapolice in troy , alabama , found the video while investigating a shootingvideo ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervenetwo additional suspects are being sought in connection to the incident and more arrests are suspectedmartistee was a promising track star from bainbridge , georgia\n", - "[1.4886651 1.4655786 1.3414631 1.362114 1.2072895 1.0572664 1.0166814\n", - " 1.0166758 1.2128503 1.1600181 1.0219307 1.0259565 1.0212872 1.0341184\n", - " 1.1042287 1.0242299 1.0244198 1.0109295 1.032578 1.0389903 1.0667253]\n", - "\n", - "[ 0 1 3 2 8 4 9 14 20 5 19 13 18 11 16 15 10 12 6 7 17]\n", - "=======================\n", - "['napoli coach rafa benitez on wednesday quashed speculation that he is to return to the premier league to take charge manchester city .the former liverpool and chelsea manager has yet to sign a contract extension with napoli , with his current deal ending this summer .napoli boss rafael benitez has dismissed reports linking him to the manchester city job']\n", - "=======================\n", - "['rafael benitez has dismissed speculation linking him to manchester citythe former chelsea and liverpool manager is being touted as a potential successor for under-pressure city boss manuel pellegrinibenitez insists he is fully focused on his job at napolihe won the coppa italia last season and has led napoli to brink of the europa league semi-finals this term']\n", - "napoli coach rafa benitez on wednesday quashed speculation that he is to return to the premier league to take charge manchester city .the former liverpool and chelsea manager has yet to sign a contract extension with napoli , with his current deal ending this summer .napoli boss rafael benitez has dismissed reports linking him to the manchester city job\n", - "rafael benitez has dismissed speculation linking him to manchester citythe former chelsea and liverpool manager is being touted as a potential successor for under-pressure city boss manuel pellegrinibenitez insists he is fully focused on his job at napolihe won the coppa italia last season and has led napoli to brink of the europa league semi-finals this term\n", - "[1.3153247 1.559896 1.3913652 1.3553326 1.095097 1.0383754 1.0322063\n", - " 1.0205423 1.0423614 1.0783781 1.0193994 1.0178064 1.2451226 1.157672\n", - " 1.0299829 1.2146715 1.1023828 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 12 15 13 16 4 9 8 5 6 14 7 10 11 19 17 18 20]\n", - "=======================\n", - "['the dual carriageway was shut for an hour on monday afternoon after she drove a red peugeot towards southend -- but on the london-bound stretch .some cars were forced into the central barrier and one man needed treatment for neck and back injuries .a woman driver in her 80s caused chaos when she drove the wrong way along the busy a13 in essex .']\n", - "=======================\n", - "['woman drove red peugeot towards southend on london-bound stretchseveral cars crashed as she drove wrong way on a13man was left with neck and back injuries after swerving out of the wayincident closed busy stretch for more than an hour causing big tailbacks']\n", - "the dual carriageway was shut for an hour on monday afternoon after she drove a red peugeot towards southend -- but on the london-bound stretch .some cars were forced into the central barrier and one man needed treatment for neck and back injuries .a woman driver in her 80s caused chaos when she drove the wrong way along the busy a13 in essex .\n", - "woman drove red peugeot towards southend on london-bound stretchseveral cars crashed as she drove wrong way on a13man was left with neck and back injuries after swerving out of the wayincident closed busy stretch for more than an hour causing big tailbacks\n", - "[1.3807926 1.1808734 1.2540197 1.2497168 1.1672218 1.2221591 1.0883348\n", - " 1.0818259 1.0625439 1.0582752 1.0486476 1.0879538 1.1366946 1.0492284\n", - " 1.0463543 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 5 1 4 12 6 11 7 8 9 13 10 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"corinthian colleges will shut down all of its remaining 28 ground campuses , displacing about 16,000 students less than two weeks after the us department of education announced it was fining the for-profit institution $ 30 million .the closures include heald college campuses in california , hawaii and oregon , as well as everest and wyotech schools in california , arizona and new york .corinthian was one of the country 's largest for-profit educational institutions .\"]\n", - "=======================\n", - "['for-profit school closing after being fined $ 30million by dept of educationcorinthian found to have misrepresented student job placement datacalifornia-based company closes schools , largely on the west coaststudents face thousands in student loan debts with no answers as to whether they will receive refundsinstitution generated $ 1.2 billion in government loans its final year']\n", - "corinthian colleges will shut down all of its remaining 28 ground campuses , displacing about 16,000 students less than two weeks after the us department of education announced it was fining the for-profit institution $ 30 million .the closures include heald college campuses in california , hawaii and oregon , as well as everest and wyotech schools in california , arizona and new york .corinthian was one of the country 's largest for-profit educational institutions .\n", - "for-profit school closing after being fined $ 30million by dept of educationcorinthian found to have misrepresented student job placement datacalifornia-based company closes schools , largely on the west coaststudents face thousands in student loan debts with no answers as to whether they will receive refundsinstitution generated $ 1.2 billion in government loans its final year\n", - "[1.3460455 1.2636807 1.2474092 1.3430005 1.0793641 1.1896148 1.0276746\n", - " 1.0141493 1.0171392 1.0667206 1.1721224 1.0339115 1.035393 1.0532646\n", - " 1.1663158 1.0200824 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 5 10 14 4 9 13 12 11 6 15 8 7 19 16 17 18 20]\n", - "=======================\n", - "[\"the kevin pietersen camp have scored a comprehensive win in the pr battle with the england and wales cricket board without calling on any outside assistance .kevin pietersen scored 170 for surrey in the parks as he bids to earn a recall to the england squadit has been assumed that the way kp outplayed the ecb 's army of media personnel at every turn was because his agents , mission sports management , had expert help guiding their strategy .\"]\n", - "=======================\n", - "[\"kevin pietersen has managed to outplay the ecb 's media personneladam wheatley says mission sports management had no outside helpandy flower 's job description is similar to new director of cricket roleformer glazer family spokesman tehsin nayani is releasing a bookwest indies ' shivnarine chanderpaul hoping to play with son tagenarine\"]\n", - "the kevin pietersen camp have scored a comprehensive win in the pr battle with the england and wales cricket board without calling on any outside assistance .kevin pietersen scored 170 for surrey in the parks as he bids to earn a recall to the england squadit has been assumed that the way kp outplayed the ecb 's army of media personnel at every turn was because his agents , mission sports management , had expert help guiding their strategy .\n", - "kevin pietersen has managed to outplay the ecb 's media personneladam wheatley says mission sports management had no outside helpandy flower 's job description is similar to new director of cricket roleformer glazer family spokesman tehsin nayani is releasing a bookwest indies ' shivnarine chanderpaul hoping to play with son tagenarine\n", - "[1.3969518 1.318657 1.1697326 1.1871905 1.1484988 1.2506952 1.1300473\n", - " 1.0650997 1.0261517 1.0282223 1.0294749 1.107178 1.0546842 1.2305915\n", - " 1.1375554 1.0128112 1.0222747 1.0609294 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 13 3 2 4 14 6 11 7 17 12 10 9 8 16 15 18 19 20 21 22 23\n", - " 24 25 26]\n", - "=======================\n", - "[\"lionel messi 's foot swelling is still a concern for barcelona after the argentine star missed both games for his country during the international break , and he now faces tests to determine whether he will be fit to tackle celta vigo on sunday .the worries about messi 's fitness make the front cover of spanish paper sport , who say that the four-time ballon d'or winner wants to play as his side look to close in on the la liga title .espn have claimed that messi 's injury was the result of a tackle by manchester city 's martin demichelis\"]\n", - "=======================\n", - "[\"lionel messi faces tests on thursday to see if he will be fit for barcelonaargentine star missed both games for his country with a swollen footchelsea and manchester city could be keen on valencia 's jose luis gayareal madrid 's signing of danilo shows an intention to gamble on the futurel'equipe speculates that radamel falcao could return to play for monaco\"]\n", - "lionel messi 's foot swelling is still a concern for barcelona after the argentine star missed both games for his country during the international break , and he now faces tests to determine whether he will be fit to tackle celta vigo on sunday .the worries about messi 's fitness make the front cover of spanish paper sport , who say that the four-time ballon d'or winner wants to play as his side look to close in on the la liga title .espn have claimed that messi 's injury was the result of a tackle by manchester city 's martin demichelis\n", - "lionel messi faces tests on thursday to see if he will be fit for barcelonaargentine star missed both games for his country with a swollen footchelsea and manchester city could be keen on valencia 's jose luis gayareal madrid 's signing of danilo shows an intention to gamble on the futurel'equipe speculates that radamel falcao could return to play for monaco\n", - "[1.5098374 1.2665005 1.3079964 1.4180762 1.3237911 1.353364 1.0631404\n", - " 1.0178466 1.0191846 1.015222 1.0192864 1.0258821 1.0130249 1.0201313\n", - " 1.0144452 1.0264001 1.0116776 1.0114846 1.0170951 1.0756311 1.0773164\n", - " 1.1227212 1.0424329 1.0107038 1.0102865 1.0076721 1.0100327]\n", - "\n", - "[ 0 3 5 4 2 1 21 20 19 6 22 15 11 13 10 8 7 18 9 14 12 16 17 23\n", - " 24 26 25]\n", - "=======================\n", - "[\"jose mourinho will play nemanja matic and cesc fabregas against queens park rangers , despite the threat of the duo missing the crunch clashes against arsenal and manchester united .chelsea 's cesc fabregas will start against qpr despite being one booking away from a two-game banchelsea boss jose mourinho is unwilling to look beyond sunday 's london derby at loftus road\"]\n", - "=======================\n", - "['cesc fabregas and nemanja matic will miss games against arsenal and manchester united if they are booked against qprjose mourinho will start the midfield duo despite the risks involvedchelsea boss expects a hostile atmosphere at loftus road on sunday']\n", - "jose mourinho will play nemanja matic and cesc fabregas against queens park rangers , despite the threat of the duo missing the crunch clashes against arsenal and manchester united .chelsea 's cesc fabregas will start against qpr despite being one booking away from a two-game banchelsea boss jose mourinho is unwilling to look beyond sunday 's london derby at loftus road\n", - "cesc fabregas and nemanja matic will miss games against arsenal and manchester united if they are booked against qprjose mourinho will start the midfield duo despite the risks involvedchelsea boss expects a hostile atmosphere at loftus road on sunday\n", - "[1.2727447 1.418782 1.1806839 1.3406823 1.220501 1.114776 1.1734806\n", - " 1.1523403 1.0223571 1.0237204 1.0841287 1.0476524 1.0200393 1.0188944\n", - " 1.1545205 1.020978 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 6 14 7 5 10 11 9 8 15 12 13 16 17 18 19 20 21 22 23\n", - " 24 25 26]\n", - "=======================\n", - "[\"the aid agency has been negotiating for a week to deliver life-saving supplies and equipment to yemen , where the coalition has conducted 11 days of air strikes against iran-backed shi'ite houthis .the un last week said that more than 500 people had been killed in two weeks of fighting in yemen .the red cross hopes to bring vital medical supplies and aid workers into yemen after receiving approval from the saudi-led military coalition , an icrc spokeswoman said .\"]\n", - "=======================\n", - "[\"aid agency received approval from saudi-led coalition to enter yemenit has been negotiating for weeks to deliver emergency food and supplies11 days of coalition airstrikes on iran-backed shi'ite houthi rebel positions have left more than 500 people dead and many more displacednews comes as pakistan begins talks to join the coalition of sunni nations\"]\n", - "the aid agency has been negotiating for a week to deliver life-saving supplies and equipment to yemen , where the coalition has conducted 11 days of air strikes against iran-backed shi'ite houthis .the un last week said that more than 500 people had been killed in two weeks of fighting in yemen .the red cross hopes to bring vital medical supplies and aid workers into yemen after receiving approval from the saudi-led military coalition , an icrc spokeswoman said .\n", - "aid agency received approval from saudi-led coalition to enter yemenit has been negotiating for weeks to deliver emergency food and supplies11 days of coalition airstrikes on iran-backed shi'ite houthi rebel positions have left more than 500 people dead and many more displacednews comes as pakistan begins talks to join the coalition of sunni nations\n", - "[1.3728293 1.3476704 1.3057034 1.1522758 1.3090892 1.1539284 1.1270546\n", - " 1.1660147 1.066263 1.0791446 1.1086215 1.0626755 1.010683 1.0087605\n", - " 1.0216994 1.0757155 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 7 5 3 6 10 9 15 8 11 14 12 13 16 17 18 19 20 21 22 23\n", - " 24 25 26]\n", - "=======================\n", - "['los angeles kings forward jarret stoll was arrested on friday in las vegas , nevada , on drug possession charges , and looked wide-eyed and alert in his mugshot .stoll , 32 , is the longtime boyfriend of dancing with the stars host erin andrews , a former espn employee who now works as an nfl sideline reporter for fox sports .the nhl player was arrested for possession of cocaine and mdma , also known as molly , at the wet republic pool at the mgm grand hotel shortly before 5pm .']\n", - "=======================\n", - "['los angeles kings forward arrested friday on drug possession chargeshockey player was busted at the wet republic pool at mgm grand hotelhe was booked at clark county detention center and posted $ 5,000 bailthe charges include possession of class 1 , 2 , 3 and 4 controlled substanceshe was in the news in 2013 when he had an unexplained seizure at his homestoll celebrated the end of both the 2012 and 2014 season at the mgm grand as well with his kings teammates']\n", - "los angeles kings forward jarret stoll was arrested on friday in las vegas , nevada , on drug possession charges , and looked wide-eyed and alert in his mugshot .stoll , 32 , is the longtime boyfriend of dancing with the stars host erin andrews , a former espn employee who now works as an nfl sideline reporter for fox sports .the nhl player was arrested for possession of cocaine and mdma , also known as molly , at the wet republic pool at the mgm grand hotel shortly before 5pm .\n", - "los angeles kings forward arrested friday on drug possession chargeshockey player was busted at the wet republic pool at mgm grand hotelhe was booked at clark county detention center and posted $ 5,000 bailthe charges include possession of class 1 , 2 , 3 and 4 controlled substanceshe was in the news in 2013 when he had an unexplained seizure at his homestoll celebrated the end of both the 2012 and 2014 season at the mgm grand as well with his kings teammates\n", - "[1.6038175 1.3905909 1.3829665 1.2505352 1.165817 1.2604474 1.0247465\n", - " 1.0255594 1.0198787 1.0992291 1.0189342 1.1222819 1.0588794 1.0113586\n", - " 1.0242364 1.0146338 1.0912235 1.0102221 1.0076319 1.0116732 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 5 3 4 11 9 16 12 7 6 14 8 10 15 19 13 17 18 25 20 21 22\n", - " 23 24 26]\n", - "=======================\n", - "[\"paris saint-germain forward edinson cavani has rejected rumours that he does not get on with team-mate zlatan ibrahimovic insisting the only issue he has is being played out of position .reports had suggested a breakdown in the pair 's relationship and earlier in the season coach laurent blanc even said they must improve their partnership on the pitch .former napoli forward cavani admits that he and ibrahimovic are not necessarily friends but dismissed speculation of a rift with the sweden international .\"]\n", - "=======================\n", - "['reports claim that edinson cavani and zlatan ibrahimovic do not get onuruguay striker says he and ibrahimovic have a respectful relationshipbut former napoli striker cavani admits the pair are not close friendscavani does , however , take issue with being played out of position']\n", - "paris saint-germain forward edinson cavani has rejected rumours that he does not get on with team-mate zlatan ibrahimovic insisting the only issue he has is being played out of position .reports had suggested a breakdown in the pair 's relationship and earlier in the season coach laurent blanc even said they must improve their partnership on the pitch .former napoli forward cavani admits that he and ibrahimovic are not necessarily friends but dismissed speculation of a rift with the sweden international .\n", - "reports claim that edinson cavani and zlatan ibrahimovic do not get onuruguay striker says he and ibrahimovic have a respectful relationshipbut former napoli striker cavani admits the pair are not close friendscavani does , however , take issue with being played out of position\n", - "[1.2558635 1.2702258 1.3765067 1.2939187 1.1934196 1.0947512 1.1046376\n", - " 1.0709165 1.1154668 1.0265087 1.1018696 1.021092 1.1179976 1.046483\n", - " 1.024821 1.0405085 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 0 4 12 8 6 10 5 7 13 15 9 14 11 18 16 17 19]\n", - "=======================\n", - "[\"new broadcasting house in central london covers half a million square feet , took a decade to build and was opened by the queen in 2013 -- four years behind schedule and at least # 55 million over budget .but in a development that could have come straight out of the sitcom , it has been revealed that the corporation is paying tens of thousands of pounds of taxpayers ' money to book meetings in nearby buildings because the headquarters lacks space .the huge steel-and-glass building has specially designed ` huddle zones ' and a ` meeting tower ' on stilts in the atrium .\"]\n", - "=======================\n", - "[\"new broadcasting house in central london took a decade to buildit was opened by the queen in 2013 at least # 55million over budgetbut the bbc has now admitted it ` occasionally ' runs out of meeting rooms\"]\n", - "new broadcasting house in central london covers half a million square feet , took a decade to build and was opened by the queen in 2013 -- four years behind schedule and at least # 55 million over budget .but in a development that could have come straight out of the sitcom , it has been revealed that the corporation is paying tens of thousands of pounds of taxpayers ' money to book meetings in nearby buildings because the headquarters lacks space .the huge steel-and-glass building has specially designed ` huddle zones ' and a ` meeting tower ' on stilts in the atrium .\n", - "new broadcasting house in central london took a decade to buildit was opened by the queen in 2013 at least # 55million over budgetbut the bbc has now admitted it ` occasionally ' runs out of meeting rooms\n", - "[1.0575992 1.4801817 1.4595233 1.42201 1.0927687 1.0234946 1.0325971\n", - " 1.1396443 1.2339865 1.2558203 1.1174777 1.0358047 1.0240176 1.0101953\n", - " 1.0138749 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 9 8 7 10 4 0 11 6 12 5 14 13 18 15 16 17 19]\n", - "=======================\n", - "[\"one-year-old anna and six-year-old indi have been thrilling crowds at surfing competitions for dogs after taking to the sport like a duck to water .with the help of their owner , zane jones , the four-legged surfers use their low centre of gravity to keep them stable while hanging ten off the coast of queensland , australia .indi , who won a runners-up medal at a competition , has been trained to lift her paw to ` hang five '\"]\n", - "=======================\n", - "[\"anna and indi have been surfing since they were about 10 weeks oldtheir best result to date is a runners-up medal won by indiindi has been trained to lift her paw to ` hang five ' while surfing\"]\n", - "one-year-old anna and six-year-old indi have been thrilling crowds at surfing competitions for dogs after taking to the sport like a duck to water .with the help of their owner , zane jones , the four-legged surfers use their low centre of gravity to keep them stable while hanging ten off the coast of queensland , australia .indi , who won a runners-up medal at a competition , has been trained to lift her paw to ` hang five '\n", - "anna and indi have been surfing since they were about 10 weeks oldtheir best result to date is a runners-up medal won by indiindi has been trained to lift her paw to ` hang five ' while surfing\n", - "[1.252063 1.3167093 1.2808614 1.1383293 1.4233258 1.1554939 1.0788615\n", - " 1.0492233 1.0310037 1.0618157 1.0392737 1.0460298 1.0588046 1.060684\n", - " 1.0145626 1.1978648 1.1137049 1.0746632 1.0876913 0. ]\n", - "\n", - "[ 4 1 2 0 15 5 3 16 18 6 17 9 13 12 7 11 10 8 14 19]\n", - "=======================\n", - "['ankit keshri had passed away after suffering a cardiac arrest following an on-field injury in kolkataaccording to reports , keshri collided with a team-mate as they both attempted to take a catch in a senior one-day match match in kolkata ( formerly calcutter ) on friday , and though he regained consciousness afterwards , he died in hospital on monday .former national team captain sachin tendulkar , the highest runscorer in test and one-day international history , was among several india stars to offer their condolences at the news .']\n", - "=======================\n", - "['ankit keshri , 20 , regained consciousness after colliding with team-matehowever , he died three days later in hospital after suffering cardiac arrestsachin tendulkar is one of several stars to give his condolencestragedy comes five months after australia batsman phillip hughes died']\n", - "ankit keshri had passed away after suffering a cardiac arrest following an on-field injury in kolkataaccording to reports , keshri collided with a team-mate as they both attempted to take a catch in a senior one-day match match in kolkata ( formerly calcutter ) on friday , and though he regained consciousness afterwards , he died in hospital on monday .former national team captain sachin tendulkar , the highest runscorer in test and one-day international history , was among several india stars to offer their condolences at the news .\n", - "ankit keshri , 20 , regained consciousness after colliding with team-matehowever , he died three days later in hospital after suffering cardiac arrestsachin tendulkar is one of several stars to give his condolencestragedy comes five months after australia batsman phillip hughes died\n", - "[1.2869093 1.2963707 1.3155516 1.2930607 1.2503233 1.1710122 1.0523441\n", - " 1.2381026 1.1997849 1.1194047 1.0578022 1.0346234 1.0123966 1.0857177\n", - " 1.0587649 1.1017686 1.0303884 1.0179787 1.0074923 1.0878364]\n", - "\n", - "[ 2 1 3 0 4 7 8 5 9 15 19 13 14 10 6 11 16 17 12 18]\n", - "=======================\n", - "[\"the cage was specifically designed for him to as a ` withdrawal space ' while in class .it was announced yesterday an investigation was underway after it emerged a 10-year-old autistic bot was put in a 2m by 2m structure by his teachers at a canberra school .the principal of a school in canberra has been suspended after it was revealed that an autistic boy was locked in a metal cage .\"]\n", - "=======================\n", - "[\"principal suspended after it emerged an autistic boy was locked in a cage10-year-old boy was forced into a ` withdrawal space ' inside the classroomact education minister joy burch said words can not describe the horrorissue raised after complaint was made to act human rights commissionshadow education minister kate ellis says incident ` deeply disturbing '\"]\n", - "the cage was specifically designed for him to as a ` withdrawal space ' while in class .it was announced yesterday an investigation was underway after it emerged a 10-year-old autistic bot was put in a 2m by 2m structure by his teachers at a canberra school .the principal of a school in canberra has been suspended after it was revealed that an autistic boy was locked in a metal cage .\n", - "principal suspended after it emerged an autistic boy was locked in a cage10-year-old boy was forced into a ` withdrawal space ' inside the classroomact education minister joy burch said words can not describe the horrorissue raised after complaint was made to act human rights commissionshadow education minister kate ellis says incident ` deeply disturbing '\n", - "[1.3091953 1.3359928 1.3441199 1.2821403 1.1285931 1.062616 1.0284041\n", - " 1.0365946 1.0260254 1.0601708 1.0301677 1.0864481 1.0208676 1.0436169\n", - " 1.0468059 1.0469078 1.0465674 1.0372912 1.0696695 1.0517163]\n", - "\n", - "[ 2 1 0 3 4 11 18 5 9 19 15 14 16 13 17 7 10 6 8 12]\n", - "=======================\n", - "[\"she accessorised her skinny jeans , leather jacket and ` team romeo ' t-shirt with a pair of alaïa boots , which retail at approximately # 1,500 .as one of the world 's most successful female designers , victoria beckham was unlikely to turn up at the london marathon in trainers .get a similar style at farfetch !\"]\n", - "=======================\n", - "['victoria beckham was at the london marathon to cheer on her son romeothe star wore a pair of alaïa boots , which retail at approximately # 1,500she was joined by husband david and sons brooklyn and cruz']\n", - "she accessorised her skinny jeans , leather jacket and ` team romeo ' t-shirt with a pair of alaïa boots , which retail at approximately # 1,500 .as one of the world 's most successful female designers , victoria beckham was unlikely to turn up at the london marathon in trainers .get a similar style at farfetch !\n", - "victoria beckham was at the london marathon to cheer on her son romeothe star wore a pair of alaïa boots , which retail at approximately # 1,500she was joined by husband david and sons brooklyn and cruz\n", - "[1.2489859 1.3272617 1.2936407 1.1678888 1.1248924 1.0997176 1.0720941\n", - " 1.1489702 1.1397629 1.1367579 1.0922362 1.0515304 1.0761634 1.0570666\n", - " 1.0584382 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 7 8 9 4 5 10 12 6 14 13 11 17 15 16 18]\n", - "=======================\n", - "[\"the mark 1 version of reginald mitchell 's famous design was among the first built in march 1940 but spitfire p9374 , once flown by an airman involved in the great escape , never made it to the battle of britain as it crash-landed in may 1940 .the fighter plane , dubbed the ballerina because of its grace in the skies , was being piloted by flying officer peter cazenove over dunkirk when it was hit by a single bullet from a german dornier bomber .one of the earliest spitfires ever to go into action has gone on sale for # 2.5 million after spending 40 years buried in sand on the french beach it crashed on .\"]\n", - "=======================\n", - "['the mark 1 version of the iconic plane was one of the first spitfires to go into action , and was built in march 1940but spitfire p9374 never made it to battle of britain as it crash-landed on french beach and lay hidden for 40 yearsat one point it was almost certainly flown by squadron leader roger bushell , later big x of the great escape famethe wreckage was discovered in 1980 and restored to its original condition .']\n", - "the mark 1 version of reginald mitchell 's famous design was among the first built in march 1940 but spitfire p9374 , once flown by an airman involved in the great escape , never made it to the battle of britain as it crash-landed in may 1940 .the fighter plane , dubbed the ballerina because of its grace in the skies , was being piloted by flying officer peter cazenove over dunkirk when it was hit by a single bullet from a german dornier bomber .one of the earliest spitfires ever to go into action has gone on sale for # 2.5 million after spending 40 years buried in sand on the french beach it crashed on .\n", - "the mark 1 version of the iconic plane was one of the first spitfires to go into action , and was built in march 1940but spitfire p9374 never made it to battle of britain as it crash-landed on french beach and lay hidden for 40 yearsat one point it was almost certainly flown by squadron leader roger bushell , later big x of the great escape famethe wreckage was discovered in 1980 and restored to its original condition .\n", - "[1.4390059 1.2469119 1.3289535 1.223627 1.1020817 1.1281853 1.1790321\n", - " 1.1576905 1.1025535 1.0568442 1.0606389 1.0638105 1.1084499 1.0788201\n", - " 1.0582434 1.0472457 1.0707896 0. 0. ]\n", - "\n", - "[ 0 2 1 3 6 7 5 12 8 4 13 16 11 10 14 9 15 17 18]\n", - "=======================\n", - "[\"russian premier league team torpedo moscow must play two home games in an empty stadium after fans displayed a banner with a nazi symbol , the club 's fourth racism-related punishment this season .sunday 's clash between torpedo moscow and arsenal tula was marred by violence and racismtorpedo was fined a total of 900,000 rubles ( # 11,000 ) for various offenses including the nazi banner , the fighting , use of pyrotechnics by fans , and insulting chants .\"]\n", - "=======================\n", - "[\"torpedo moscow fans displayed a nazi banner during sunday 's gamerussian club been ordered to play two home games behind closed doorsthe latest punishment is torpedo 's fourth relating to racism this seasonthey are already playing their next two home games in an empty stadiumafter supporters aimed monkey chants at zenit st petersburg forward hulksunday 's game against arsenal tula was also marred by violenceonly women and children under 13 can attend their next three away games\"]\n", - "russian premier league team torpedo moscow must play two home games in an empty stadium after fans displayed a banner with a nazi symbol , the club 's fourth racism-related punishment this season .sunday 's clash between torpedo moscow and arsenal tula was marred by violence and racismtorpedo was fined a total of 900,000 rubles ( # 11,000 ) for various offenses including the nazi banner , the fighting , use of pyrotechnics by fans , and insulting chants .\n", - "torpedo moscow fans displayed a nazi banner during sunday 's gamerussian club been ordered to play two home games behind closed doorsthe latest punishment is torpedo 's fourth relating to racism this seasonthey are already playing their next two home games in an empty stadiumafter supporters aimed monkey chants at zenit st petersburg forward hulksunday 's game against arsenal tula was also marred by violenceonly women and children under 13 can attend their next three away games\n", - "[1.3692613 1.163384 1.1916739 1.1941024 1.2324384 1.112081 1.0582582\n", - " 1.022112 1.0185543 1.1021688 1.0675118 1.0665548 1.014324 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 3 2 1 5 9 10 11 6 7 8 12 17 13 14 15 16 18]\n", - "=======================\n", - "['( cnn ) since the headline-grabbing murder of american journalist james foley by isis militants eight months ago , the world has been regularly confronted with a modern form of an ancient , primally horrifying method of execution .he says the spate of jihadist beheadings may be encouraging copy-cat acts or threats of decapitation -- not only from islamists , but from the \" disbelievers \" they target .these highly ritualized killings have galvanized international opposition to the group -- and helped attract a wave of foreign recruits to the isis cause .']\n", - "=======================\n", - "['the wave of isis beheadings has horrified people all over the worldit may also have contributed to isolated beheading incidents by non-jihadists , says an academicprofessor arie w. kruglanski says exposure to the videos could help \" prime \" some to emulate them']\n", - "( cnn ) since the headline-grabbing murder of american journalist james foley by isis militants eight months ago , the world has been regularly confronted with a modern form of an ancient , primally horrifying method of execution .he says the spate of jihadist beheadings may be encouraging copy-cat acts or threats of decapitation -- not only from islamists , but from the \" disbelievers \" they target .these highly ritualized killings have galvanized international opposition to the group -- and helped attract a wave of foreign recruits to the isis cause .\n", - "the wave of isis beheadings has horrified people all over the worldit may also have contributed to isolated beheading incidents by non-jihadists , says an academicprofessor arie w. kruglanski says exposure to the videos could help \" prime \" some to emulate them\n", - "[1.4398614 1.1053689 1.0782287 1.053018 1.2487559 1.1877035 1.1034449\n", - " 1.1475208 1.1326686 1.0474569 1.0676041 1.0349916 1.0564216 1.0337676\n", - " 1.037644 1.0930628 1.045066 1.0489609 1.0515321]\n", - "\n", - "[ 0 4 5 7 8 1 6 15 2 10 12 3 18 17 9 16 14 11 13]\n", - "=======================\n", - "[\"( billboard ) considering the academy of country music awards celebrated its 50th anniversary on sunday night at the dallas cowboys stadium , it was bound to be bigger than any previous year 's acms .here 's our breakdown of the 10 best and 5 worst moments at the 2015 acms .eric church & keith urban provide an opening wallop\"]\n", - "=======================\n", - "[\"acms celebrated 50 years sunday nightbest moments : garth brooks , reba mcentire , taylor swift 's mom\"]\n", - "( billboard ) considering the academy of country music awards celebrated its 50th anniversary on sunday night at the dallas cowboys stadium , it was bound to be bigger than any previous year 's acms .here 's our breakdown of the 10 best and 5 worst moments at the 2015 acms .eric church & keith urban provide an opening wallop\n", - "acms celebrated 50 years sunday nightbest moments : garth brooks , reba mcentire , taylor swift 's mom\n", - "[1.3012886 1.4093654 1.2249427 1.2441965 1.1612501 1.0780232 1.0958335\n", - " 1.10227 1.0949916 1.0699896 1.0711571 1.0331979 1.0508188 1.0250832\n", - " 1.0261207 1.0733187 1.0180442 1.0472149 0. ]\n", - "\n", - "[ 1 0 3 2 4 7 6 8 5 15 10 9 12 17 11 14 13 16 18]\n", - "=======================\n", - "['australian foreign minister julie bishop said the deal is \" an informal arrangement \" with an emphasis on tracking australians who go to iraq to fight for isis .( cnn ) australia , an important ally of the united states , has agreed to share some of its intelligence with iran .over the weekend , bishop became the first australian government minister to visit iran in 12 years , meeting with president hassan rouhani .']\n", - "=======================\n", - "['australian foreign minister says deal is to focus on tracking citizens who join isisbut one lawmaker describes it as \" dancing with the devil \"']\n", - "australian foreign minister julie bishop said the deal is \" an informal arrangement \" with an emphasis on tracking australians who go to iraq to fight for isis .( cnn ) australia , an important ally of the united states , has agreed to share some of its intelligence with iran .over the weekend , bishop became the first australian government minister to visit iran in 12 years , meeting with president hassan rouhani .\n", - "australian foreign minister says deal is to focus on tracking citizens who join isisbut one lawmaker describes it as \" dancing with the devil \"\n", - "[1.1198621 1.1065162 1.0375428 1.2592361 1.0664284 1.2098112 1.2718047\n", - " 1.036608 1.1199327 1.0617414 1.0877154 1.143051 1.0734633 1.053314\n", - " 1.044713 1.0944875 1.0586907 1.0953721 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 6 3 5 11 8 0 1 17 15 10 12 4 9 16 13 14 2 7 20 18 19 21]\n", - "=======================\n", - "['a university of washington climate scientist and his associates have been studying the blob -- a huge area of unusually warm water in the pacific -- for months .some scientists are saying \" the blob \" could be playing a factor .but if you \\'re a salmon fisherman in washington or a california resident hoping to see the end of the drought , the blob could become an enemy of top concern .']\n", - "=======================\n", - "['waters in a huge area of the pacific are running 5.5 degrees warmer than normalmarine life that likes cooler water has moved and others that like warm seas are seen in new places\" the blob \" might be having an effect on rain and snow -- and the west coast drought']\n", - "a university of washington climate scientist and his associates have been studying the blob -- a huge area of unusually warm water in the pacific -- for months .some scientists are saying \" the blob \" could be playing a factor .but if you 're a salmon fisherman in washington or a california resident hoping to see the end of the drought , the blob could become an enemy of top concern .\n", - "waters in a huge area of the pacific are running 5.5 degrees warmer than normalmarine life that likes cooler water has moved and others that like warm seas are seen in new places\" the blob \" might be having an effect on rain and snow -- and the west coast drought\n", - "[1.1814991 1.4625686 1.2593665 1.2633364 1.2825243 1.1147783 1.0335234\n", - " 1.0790536 1.1091366 1.0173802 1.0226868 1.1205779 1.1428123 1.0274359\n", - " 1.0182942 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 3 2 0 12 11 5 8 7 6 13 10 14 9 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"goldfish are being caught weighing up to 2kg and koi carp up to 8kg and one metre in length , in the waterways of western australia amongst other exotic introduced species . 'a lot of these fish are much larger than the native fish , so they prey on them and compete for habitat , ' dr david morgan , the director of the centre for fish and fisheries research at murdoch university , told daily mail australia .pet aquarium fish are being dumped in rivers where they damage unique local ecosystems by growing up to twenty times their regular size .\"]\n", - "=======================\n", - "['aquarium fish are being dumped in western australia rivers by pet ownersgoldfish are growing from the regular 100g to 2kg and koi carp to 8kgthe exotic species compete with 10cm long native fish for food and habitatthey also introduce devastating parasites and diseases onto local species']\n", - "goldfish are being caught weighing up to 2kg and koi carp up to 8kg and one metre in length , in the waterways of western australia amongst other exotic introduced species . 'a lot of these fish are much larger than the native fish , so they prey on them and compete for habitat , ' dr david morgan , the director of the centre for fish and fisheries research at murdoch university , told daily mail australia .pet aquarium fish are being dumped in rivers where they damage unique local ecosystems by growing up to twenty times their regular size .\n", - "aquarium fish are being dumped in western australia rivers by pet ownersgoldfish are growing from the regular 100g to 2kg and koi carp to 8kgthe exotic species compete with 10cm long native fish for food and habitatthey also introduce devastating parasites and diseases onto local species\n", - "[1.1746836 1.3328997 1.2226788 1.2291083 1.3543966 1.110678 1.0582757\n", - " 1.0747516 1.0996599 1.0397549 1.058017 1.0417861 1.020075 1.0261189\n", - " 1.0419523 1.0185336 1.089526 1.0093603 1.0245738 1.0908537 1.0492396\n", - " 1.0379187]\n", - "\n", - "[ 4 1 3 2 0 5 8 19 16 7 6 10 20 14 11 9 21 13 18 12 15 17]\n", - "=======================\n", - "[\"nearly 60 % of the people in america 's workforce are paid hourly and work part-time .despite recent gains , only 126,000 jobs were added , the lowest since december 2013 .low-wage workers have been the hardest hit since the onset of the financial crisis , and low-wage jobs remain a fixture of the new economy .\"]\n", - "=======================\n", - "[\"vijay das : so-so jobs numbers contain truth that worries labor experts : too much american job growth is in part-time low-income work .he says erratic work schedules tied to customer traffic wreaks havoc with low-wage workers ' lives .\"]\n", - "nearly 60 % of the people in america 's workforce are paid hourly and work part-time .despite recent gains , only 126,000 jobs were added , the lowest since december 2013 .low-wage workers have been the hardest hit since the onset of the financial crisis , and low-wage jobs remain a fixture of the new economy .\n", - "vijay das : so-so jobs numbers contain truth that worries labor experts : too much american job growth is in part-time low-income work .he says erratic work schedules tied to customer traffic wreaks havoc with low-wage workers ' lives .\n", - "[1.4617729 1.1313963 1.2035114 1.3306397 1.1740689 1.1594936 1.1406143\n", - " 1.381632 1.0509548 1.0207574 1.0135256 1.0225221 1.1543162 1.0149893\n", - " 1.0732627 1.0721085 1.1278698 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 7 3 2 4 5 12 6 1 16 14 15 8 11 9 13 10 17 18 19 20 21]\n", - "=======================\n", - "['more than 400 extra officers have been drafted in by british transport police with rivals manchester united , liverpool and leeds united all in london this weekend .united head to stamford bridge on saturday to take on chelsea in a 5pm kick-off while roses rivals leeds are at charlton athletic for a 3pm start .liverpool take on aston villa at wembley on sunday with thousands of fans of both sides expected to descend on the capital 24 hours earlier .']\n", - "=======================\n", - "['400 extra officers drafted in by the british transport police this weekendrivals manchester united , liverpool and leeds will all be in londonunited face chelsea and leeds travel to charlton athletic on saturdayliverpool face aston villa in the fa cup semi-final at wembley stadium']\n", - "more than 400 extra officers have been drafted in by british transport police with rivals manchester united , liverpool and leeds united all in london this weekend .united head to stamford bridge on saturday to take on chelsea in a 5pm kick-off while roses rivals leeds are at charlton athletic for a 3pm start .liverpool take on aston villa at wembley on sunday with thousands of fans of both sides expected to descend on the capital 24 hours earlier .\n", - "400 extra officers drafted in by the british transport police this weekendrivals manchester united , liverpool and leeds will all be in londonunited face chelsea and leeds travel to charlton athletic on saturdayliverpool face aston villa in the fa cup semi-final at wembley stadium\n", - "[1.2199395 1.4794904 1.2760897 1.3705119 1.2468086 1.1482418 1.0918214\n", - " 1.0608234 1.0507998 1.0256054 1.0200391 1.0887454 1.0737348 1.0288023\n", - " 1.0720567 1.0505893 1.0546912 1.0299745 1.0244818 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 4 0 5 6 11 12 14 7 16 8 15 17 13 9 18 10 19 20 21]\n", - "=======================\n", - "[\"john mccallum , 27 , was this week sentenced for a charge of second-degree murder after he broadsided francesca weatherhead , 25 , while fleeing police following a botched burglary .the crash at an intersection in redford , detroit , flipped mrs weatherhead 's vehicle and killed her on october 6 last year .her death caused outrage when it was revealed mccallum had been paroled not five months prior - despite being sentenced to a maximum of 20 years in prison on his latest break-in and drug possession arrest .\"]\n", - "=======================\n", - "[\"john mccallum has apologized for the death of francesca weatherheadhe was fleeing police when he ran a red light and crashed into her vehiclemrs weatherhead , a newlywed 25-year-old , was killed in the collisionit was later revealed mccallum was a recent parolee with a long rap sheethe apologized in court after he was sentenced to at least 20 years ' jail\"]\n", - "john mccallum , 27 , was this week sentenced for a charge of second-degree murder after he broadsided francesca weatherhead , 25 , while fleeing police following a botched burglary .the crash at an intersection in redford , detroit , flipped mrs weatherhead 's vehicle and killed her on october 6 last year .her death caused outrage when it was revealed mccallum had been paroled not five months prior - despite being sentenced to a maximum of 20 years in prison on his latest break-in and drug possession arrest .\n", - "john mccallum has apologized for the death of francesca weatherheadhe was fleeing police when he ran a red light and crashed into her vehiclemrs weatherhead , a newlywed 25-year-old , was killed in the collisionit was later revealed mccallum was a recent parolee with a long rap sheethe apologized in court after he was sentenced to at least 20 years ' jail\n", - "[1.3820032 1.4360862 1.3294775 1.1671555 1.2116915 1.2781229 1.1139555\n", - " 1.0651857 1.0224582 1.0200716 1.0386319 1.0715553 1.031309 1.017048\n", - " 1.113525 1.0384852 0. ]\n", - "\n", - "[ 1 0 2 5 4 3 6 14 11 7 10 15 12 8 9 13 16]\n", - "=======================\n", - "[\"the 25-times-capped centre is now also a doubt for september 's world cup after undergoing an operation on his left shoulder for the second time in a year .edinburgh 's european challenge cup hopes have been dealt a huge blow after scotland international centre matt scott was ruled out until at least the end of the season .mark bennett of glasgow will be first choice for outside-centre but it could be a fight between peter horne of warriors and duncan taylor of saracens , who missed the six nations through injury , for the inside-centre jersey .\"]\n", - "=======================\n", - "['centre matt scott will miss the rest of the season because of injuryscotland international needs more surgery on problematic shoulderscott went under the knife last week but has been told he needs morethe 24-year-old has played just 14 games for club and country in past year']\n", - "the 25-times-capped centre is now also a doubt for september 's world cup after undergoing an operation on his left shoulder for the second time in a year .edinburgh 's european challenge cup hopes have been dealt a huge blow after scotland international centre matt scott was ruled out until at least the end of the season .mark bennett of glasgow will be first choice for outside-centre but it could be a fight between peter horne of warriors and duncan taylor of saracens , who missed the six nations through injury , for the inside-centre jersey .\n", - "centre matt scott will miss the rest of the season because of injuryscotland international needs more surgery on problematic shoulderscott went under the knife last week but has been told he needs morethe 24-year-old has played just 14 games for club and country in past year\n", - "[1.2816224 1.3606086 1.3188504 1.3657658 1.1784716 1.137663 1.0620216\n", - " 1.0432916 1.0907303 1.130475 1.0211204 1.0798092 1.0273035 1.0311781\n", - " 1.0447693 1.0223578 0. ]\n", - "\n", - "[ 3 1 2 0 4 5 9 8 11 6 14 7 13 12 15 10 16]\n", - "=======================\n", - "[\"edward snowden is being ` exploited ' under a deal he made with the russians to guarantee him asylum , a leading spy analyst has claimedmr snowden may have been told not to speak out on russian surveillance but continue attacking america in order to save himself from jail in the us , andrei soldatov said .he accused the former us spy of not being ` transparent ' and said he was being ` secretive ' about his arrangements with the russian authorities .\"]\n", - "=======================\n", - "[\"analyst claims snowden under orders not to speak out against russiahe accused whistleblower of not being ` transparent ' and being ` secretive 'snowden fled to russia via hong kong after leaking classified documents\"]\n", - "edward snowden is being ` exploited ' under a deal he made with the russians to guarantee him asylum , a leading spy analyst has claimedmr snowden may have been told not to speak out on russian surveillance but continue attacking america in order to save himself from jail in the us , andrei soldatov said .he accused the former us spy of not being ` transparent ' and said he was being ` secretive ' about his arrangements with the russian authorities .\n", - "analyst claims snowden under orders not to speak out against russiahe accused whistleblower of not being ` transparent ' and being ` secretive 'snowden fled to russia via hong kong after leaking classified documents\n", - "[1.2345073 1.5331812 1.2948604 1.3276426 1.2358017 1.023151 1.0730692\n", - " 1.1235708 1.148615 1.0633478 1.0106018 1.1174363 1.1170366 1.097763\n", - " 1.0585295 1.0072795 0. ]\n", - "\n", - "[ 1 3 2 4 0 8 7 11 12 13 6 9 14 5 10 15 16]\n", - "=======================\n", - "['cecily hamilton , 16 , and her friend taylor swing , 18 , died on march 15 when their car plunged off the bridge in white county and into the water below .shannon hamilton was arrested on sunday attempting to build a barricade on a bridge in georgia where his 16-year-old daughter had diedshannon hamilton , who had grown fustrated waiting for the local authorites to act , was arrested by deputies on gene nix road on sunday .']\n", - "=======================\n", - "['shannon hamilton was arrested on sunday attempting to build a barricade on a bridge in georgia where his 16-year-old daughter had diedcecily and her friend taylor swing died just three weeks ago after their vehicle plunged off the bridge and into the riverhamilton , who had grown fustrated waiting for the local authorites to act , has been charged with interference with government propertywhite county commissioners have approved a motion to add guardrails , but there is no exact timetable for when construction will begin']\n", - "cecily hamilton , 16 , and her friend taylor swing , 18 , died on march 15 when their car plunged off the bridge in white county and into the water below .shannon hamilton was arrested on sunday attempting to build a barricade on a bridge in georgia where his 16-year-old daughter had diedshannon hamilton , who had grown fustrated waiting for the local authorites to act , was arrested by deputies on gene nix road on sunday .\n", - "shannon hamilton was arrested on sunday attempting to build a barricade on a bridge in georgia where his 16-year-old daughter had diedcecily and her friend taylor swing died just three weeks ago after their vehicle plunged off the bridge and into the riverhamilton , who had grown fustrated waiting for the local authorites to act , has been charged with interference with government propertywhite county commissioners have approved a motion to add guardrails , but there is no exact timetable for when construction will begin\n", - "[1.2186754 1.5481521 1.1463766 1.234415 1.1394986 1.2298381 1.0261047\n", - " 1.0228794 1.0210994 1.0173595 1.016316 1.0171798 1.0225946 1.0210816\n", - " 1.017405 1.1416656 1.0379316]\n", - "\n", - "[ 1 3 5 0 2 15 4 16 6 7 12 8 13 14 9 11 10]\n", - "=======================\n", - "[\"dai young 's side became the third of four english challengers to be dispatched from europe 's premier event over a punishing weekend , but this was no meek capitulation .ali williams crosses for a late try for toulon as they put victory over wasps on sunday beyond doubtwasps ' ashley johnson attempts to bust through the wall-like defence of european champions toulon\"]\n", - "=======================\n", - "['toulon beat wasps in their european rugby champions cup quarter-finaltoulon and wasps scored two tries each at the felix mayol stadiumno 10 frederic michalak kicked six penalties and two conversionswilliam helu scored two tries for the visitors in a gallant effortthey face leinster for a place in the european champions cup finalsaracens earlier defeated racing metro 92 by 12-11 in a thriller']\n", - "dai young 's side became the third of four english challengers to be dispatched from europe 's premier event over a punishing weekend , but this was no meek capitulation .ali williams crosses for a late try for toulon as they put victory over wasps on sunday beyond doubtwasps ' ashley johnson attempts to bust through the wall-like defence of european champions toulon\n", - "toulon beat wasps in their european rugby champions cup quarter-finaltoulon and wasps scored two tries each at the felix mayol stadiumno 10 frederic michalak kicked six penalties and two conversionswilliam helu scored two tries for the visitors in a gallant effortthey face leinster for a place in the european champions cup finalsaracens earlier defeated racing metro 92 by 12-11 in a thriller\n", - "[1.3180145 1.2436036 1.2048308 1.2890477 1.2247281 1.0479742 1.1372367\n", - " 1.1579239 1.0674644 1.0713494 1.0526797 1.0457226 1.0415452 1.1621218\n", - " 1.0536661 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 13 7 6 9 8 14 10 5 11 12 15 16]\n", - "=======================\n", - "[\"ed miliband last night repeatedly refused to admit he had got it wrong over the past five years about jobs , crime and the effect of tuition fees .the labour leader rejected a string of statistics read out by evan davis on how the situation in all three cases had improved -- saying these facts were not what voters were talking aboutlabour has previously confidently predicted that the coalition 's austerity programme would see unemployment and crime soar , and the number of poor students going to university fall .\"]\n", - "=======================\n", - "['ed miliband refused to accept he had been proved wrong in bbc interviewreject string of proposals read out to him by evan davis on newsnightmr davis told labour leader situation had improved in jobs , crime and feesmr miliband also refused to say how much labour would be borrowing']\n", - "ed miliband last night repeatedly refused to admit he had got it wrong over the past five years about jobs , crime and the effect of tuition fees .the labour leader rejected a string of statistics read out by evan davis on how the situation in all three cases had improved -- saying these facts were not what voters were talking aboutlabour has previously confidently predicted that the coalition 's austerity programme would see unemployment and crime soar , and the number of poor students going to university fall .\n", - "ed miliband refused to accept he had been proved wrong in bbc interviewreject string of proposals read out to him by evan davis on newsnightmr davis told labour leader situation had improved in jobs , crime and feesmr miliband also refused to say how much labour would be borrowing\n", - "[1.2118183 1.5422314 1.3142657 1.249475 1.1683531 1.1933517 1.0871112\n", - " 1.0739573 1.0293537 1.2176061 1.0178018 1.04612 1.0547549 1.0145943\n", - " 1.0219179 1.0229152 1.018186 1.0486432 1.0610676 1.083893 ]\n", - "\n", - "[ 1 2 3 9 0 5 4 6 19 7 18 12 17 11 8 15 14 16 10 13]\n", - "=======================\n", - "['student drew hollinshead , 21 , stopped in the first space available when he saw the pensioner collapse on the pavement .but as he helped her for less than a minute , a traffic warden put a # 70 ticket on his car -- because mr hollinshead had pulled into a bay for disabled drivers .angry : mr hollinshead , who is studying marketing and advertising at bournemouth university , said he was punished for trying to do something good']\n", - "=======================\n", - "['drew hollinshead , 21 , stopped as he thought an elderly woman was dyinghe pulled over in a space reserved for disabled people and ran to help herbut as he tended to pensioner a warden slapped a ticket on his windscreenbournemouth council say appeals procedure is available to mr hollinshead']\n", - "student drew hollinshead , 21 , stopped in the first space available when he saw the pensioner collapse on the pavement .but as he helped her for less than a minute , a traffic warden put a # 70 ticket on his car -- because mr hollinshead had pulled into a bay for disabled drivers .angry : mr hollinshead , who is studying marketing and advertising at bournemouth university , said he was punished for trying to do something good\n", - "drew hollinshead , 21 , stopped as he thought an elderly woman was dyinghe pulled over in a space reserved for disabled people and ran to help herbut as he tended to pensioner a warden slapped a ticket on his windscreenbournemouth council say appeals procedure is available to mr hollinshead\n", - "[1.0419471 1.0415565 1.3933148 1.3527911 1.3594458 1.2583709 1.1918957\n", - " 1.0825077 1.0506502 1.1252759 1.0629826 1.1229057 1.0933379 1.0953712\n", - " 1.0305691 1.0798309 1.0653467 1.1076827 0. 0. ]\n", - "\n", - "[ 2 4 3 5 6 9 11 17 13 12 7 15 16 10 8 0 1 14 18 19]\n", - "=======================\n", - "['a couple in oregon have been awarded $ 240,000 compensation for more than a decade of disquiet .dale and debra krein of rogue river filed a suit in 2012 against their neighbors and their giant tibetan mastiffs .overruled : john updegraff and karen szewc ( above ) tried to argue they needed the dogs for their livestock']\n", - "=======================\n", - "['dale and debra krein sued their neighbors in oregon over the noisethey claim the tibetan mastiffs have barked unnecessarily since 2002a jury has ruled in their favor , ordered the dogs to be debarked']\n", - "a couple in oregon have been awarded $ 240,000 compensation for more than a decade of disquiet .dale and debra krein of rogue river filed a suit in 2012 against their neighbors and their giant tibetan mastiffs .overruled : john updegraff and karen szewc ( above ) tried to argue they needed the dogs for their livestock\n", - "dale and debra krein sued their neighbors in oregon over the noisethey claim the tibetan mastiffs have barked unnecessarily since 2002a jury has ruled in their favor , ordered the dogs to be debarked\n", - "[1.1983317 1.4376053 1.3974524 1.2760566 1.3702042 1.1914474 1.1241343\n", - " 1.0255955 1.0167503 1.0287112 1.016788 1.0172855 1.0252984 1.137736\n", - " 1.1219544 1.0490512 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 0 5 13 6 14 15 9 7 12 11 10 8 18 16 17 19]\n", - "=======================\n", - "[\"natalie whitear , 35 , struggles to pick her husband and children out of a crowd - and walks past lifelong friends in the street .the mother-of-two suffers from prosopagnosia , also known as face blindness , which means she is able to recognise objects , but not faces .the condition is so severe that mrs whitear ca n't spot her own reflection or her children when picking them up from school .\"]\n", - "=======================\n", - "[\"natalie whitear , 35 , suffers from prosopagnosia : facial blindnessrare condition means she is unable to recognise faces , even her ownshe confuses her daughters and walks past lifelong friends in the streethas developed coping strategies like recognising people 's hairstyle or walk\"]\n", - "natalie whitear , 35 , struggles to pick her husband and children out of a crowd - and walks past lifelong friends in the street .the mother-of-two suffers from prosopagnosia , also known as face blindness , which means she is able to recognise objects , but not faces .the condition is so severe that mrs whitear ca n't spot her own reflection or her children when picking them up from school .\n", - "natalie whitear , 35 , suffers from prosopagnosia : facial blindnessrare condition means she is unable to recognise faces , even her ownshe confuses her daughters and walks past lifelong friends in the streethas developed coping strategies like recognising people 's hairstyle or walk\n", - "[1.2348787 1.2380885 1.099023 1.4268576 1.3099056 1.0739542 1.060666\n", - " 1.0723552 1.1016335 1.161669 1.1700984 1.0962312 1.123862 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 1 0 10 9 12 8 2 11 5 7 6 18 13 14 15 16 17 19]\n", - "=======================\n", - "['boyhood aston villa fan stan collymore covers the game against qpr on tuesday night at villa parkcollymore can not hide his delight when christian benteke scores to make it 2-1 to the home side against qprproud and unabashed , aston villa supporting talksport commentator stan collymore showed his true colours when he watched his boyhood club claw back a vital point against premier league relegation rivals qpr .']\n", - "=======================\n", - "[\"talksport commentator stan collymore grew up supporting aston villacovering villa 's 3-3 draw with qpr on tuesday , he could not hide his delight when christian benteke scoredhe was pictured leaping from his seat in the villa park press box\"]\n", - "boyhood aston villa fan stan collymore covers the game against qpr on tuesday night at villa parkcollymore can not hide his delight when christian benteke scores to make it 2-1 to the home side against qprproud and unabashed , aston villa supporting talksport commentator stan collymore showed his true colours when he watched his boyhood club claw back a vital point against premier league relegation rivals qpr .\n", - "talksport commentator stan collymore grew up supporting aston villacovering villa 's 3-3 draw with qpr on tuesday , he could not hide his delight when christian benteke scoredhe was pictured leaping from his seat in the villa park press box\n", - "[1.1955345 1.5266263 1.397443 1.1753223 1.0964723 1.0770336 1.0606182\n", - " 1.0954009 1.039142 1.2709721 1.096909 1.1266164 1.0416071 1.0705405\n", - " 1.0273345 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 9 0 3 11 10 4 7 5 13 6 12 8 14 18 15 16 17 19]\n", - "=======================\n", - "['roger , an alpha male at the alice springs kangaroo sanctuary in the northern territory , was gifted his new friend by a fan .sanctuary manager chris barnes said the kangaroo quickly became attached to the bunny , but soon tired of it .a photograph has been snapped of a man-sized kangaroo flexing his massive guns while hugging a soft toy bunny .']\n", - "=======================\n", - "['roger is an alpha male at the alice springs kangaroo sanctuary in the nthe was gifted the new stuffed toy bunny by a fan and grew attached to itmanager chris barnes said he tried to take it off roger and was attackedmr barnes adopted kangaroo after finding its mother dead on a highway']\n", - "roger , an alpha male at the alice springs kangaroo sanctuary in the northern territory , was gifted his new friend by a fan .sanctuary manager chris barnes said the kangaroo quickly became attached to the bunny , but soon tired of it .a photograph has been snapped of a man-sized kangaroo flexing his massive guns while hugging a soft toy bunny .\n", - "roger is an alpha male at the alice springs kangaroo sanctuary in the nthe was gifted the new stuffed toy bunny by a fan and grew attached to itmanager chris barnes said he tried to take it off roger and was attackedmr barnes adopted kangaroo after finding its mother dead on a highway\n", - "[1.395545 1.3950802 1.3224392 1.3934937 1.3026779 1.075761 1.1105682\n", - " 1.0267142 1.0109425 1.0590496 1.0906341 1.1325966 1.0094007 1.1930865\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 13 11 6 10 5 9 7 8 12 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"sam allardyce is already making plans for the summer and next season with west ham , but admits he still does not know whether he will be manager .allardyce 's contract expires at the end of the season and his future at the club under co-owners david gold and david sullivan remains unsure .west ham have already beaten their total in the barclays premier league season last year by two points with seven games to spare , but a run of poor form in 2015 has led to speculation allardyce will be shown the exit .\"]\n", - "=======================\n", - "[\"west ham 's poor 2015 form has led to rumours sam allardyce could exitbut allardyce has already led west ham past last season 's points totalallardyce is planning for next year but unsure if he will be at west ham\"]\n", - "sam allardyce is already making plans for the summer and next season with west ham , but admits he still does not know whether he will be manager .allardyce 's contract expires at the end of the season and his future at the club under co-owners david gold and david sullivan remains unsure .west ham have already beaten their total in the barclays premier league season last year by two points with seven games to spare , but a run of poor form in 2015 has led to speculation allardyce will be shown the exit .\n", - "west ham 's poor 2015 form has led to rumours sam allardyce could exitbut allardyce has already led west ham past last season 's points totalallardyce is planning for next year but unsure if he will be at west ham\n", - "[1.4012252 1.2770792 1.3676137 1.4229712 1.2916785 1.2787873 1.0249752\n", - " 1.0308244 1.0274156 1.0130962 1.0203738 1.0582219 1.1151147 1.0693837\n", - " 1.1621141 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 4 5 1 14 12 13 11 7 8 6 10 9 15 16 17 18 19 20]\n", - "=======================\n", - "[\"franck ribery was convinced to reject real madrid after being sold on his importance to bayern munichhe was told that he could be as vital to bayern as lionel messi is to barcelonaribery fell out with then-head coach louis van gaal and says real were willing to pay for him '\"]\n", - "=======================\n", - "['real madrid wanted to sign french winger franck ribery in 2009ribery had fallen out with then-bayern munich coach louis van gaalhe was convinced to stay as club told him he could be as important to them as lionel messi was to barcelona']\n", - "franck ribery was convinced to reject real madrid after being sold on his importance to bayern munichhe was told that he could be as vital to bayern as lionel messi is to barcelonaribery fell out with then-head coach louis van gaal and says real were willing to pay for him '\n", - "real madrid wanted to sign french winger franck ribery in 2009ribery had fallen out with then-bayern munich coach louis van gaalhe was convinced to stay as club told him he could be as important to them as lionel messi was to barcelona\n", - "[1.2473624 1.2295136 1.250886 1.1276746 1.2650956 1.1579506 1.07544\n", - " 1.1030183 1.1140754 1.0671383 1.053468 1.2430714 1.0380518 1.1558503\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 2 0 11 1 5 13 3 8 7 6 9 10 12 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"chelsea should have had a penalty when brazilian forward oscar nicked the ball past david ospinaoliver was more decisive when cesc fabregas went to ground after feeling contact from santi cazorla .the ` campaign ' continues against chelsea when it comes to penalties -- although in a first half with four penalty appeals it was clear that referee , michael oliver was only going to award what he felt was a stonewall spot kick and there was only one of those .\"]\n", - "=======================\n", - "['chelsea had three appeals for penalties turned down in first halfcesc fabregas was wrongly booked for diving , but no penalty was rightoscar should have been given a penalty for foul by david ospina']\n", - "chelsea should have had a penalty when brazilian forward oscar nicked the ball past david ospinaoliver was more decisive when cesc fabregas went to ground after feeling contact from santi cazorla .the ` campaign ' continues against chelsea when it comes to penalties -- although in a first half with four penalty appeals it was clear that referee , michael oliver was only going to award what he felt was a stonewall spot kick and there was only one of those .\n", - "chelsea had three appeals for penalties turned down in first halfcesc fabregas was wrongly booked for diving , but no penalty was rightoscar should have been given a penalty for foul by david ospina\n", - "[1.1086104 1.2836864 1.4147809 1.3553764 1.2503387 1.1196014 1.0595814\n", - " 1.1014116 1.1006804 1.0517744 1.0451558 1.0584852 1.0543779 1.0810304\n", - " 1.0446372 1.0316268 1.036416 1.0743141 1.0537099 1.0187354 1.031436 ]\n", - "\n", - "[ 2 3 1 4 5 0 7 8 13 17 6 11 12 18 9 10 14 16 15 20 19]\n", - "=======================\n", - "['brooke geherman , from alberta , canada , posted a video of her young son , kowen , sending off his beloved pet the right way : by flushing it down the toilet .young kowen is devastated by the loss of his pet goldfish , top , and holds a toilet funerala goldfish , named top .']\n", - "=======================\n", - "['brooke geherman posted video of her son , kowen on youtubeyoung boy , from alberta , canada , cradles his deceased goldfish , topkowen performs funeral by flushing goldfish before bursting into tears']\n", - "brooke geherman , from alberta , canada , posted a video of her young son , kowen , sending off his beloved pet the right way : by flushing it down the toilet .young kowen is devastated by the loss of his pet goldfish , top , and holds a toilet funerala goldfish , named top .\n", - "brooke geherman posted video of her son , kowen on youtubeyoung boy , from alberta , canada , cradles his deceased goldfish , topkowen performs funeral by flushing goldfish before bursting into tears\n", - "[1.1983787 1.1008248 1.1396217 1.3857536 1.205784 1.0753268 1.1090566\n", - " 1.0982119 1.058335 1.0480484 1.0484164 1.0669925 1.0706496 1.0390241\n", - " 1.0260246 1.0628357 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 0 2 6 1 7 5 12 11 15 8 10 9 13 14 16 17 18 19 20]\n", - "=======================\n", - "[\"related : amy 's kitchen recalls more than 70,000 cases of food due to fear of listeria contaminationthe first step , according to swartzberg , is to go to the food and drug administration 's website and find the official report for the recalled product you 're worried about .( cnn ) the question : how can i know if my food is safe to eat after a specific product recall ?\"]\n", - "=======================\n", - "[\"find the fda 's official report for the recalled productif the product is within the use-by date , it should still be recalled\"]\n", - "related : amy 's kitchen recalls more than 70,000 cases of food due to fear of listeria contaminationthe first step , according to swartzberg , is to go to the food and drug administration 's website and find the official report for the recalled product you 're worried about .( cnn ) the question : how can i know if my food is safe to eat after a specific product recall ?\n", - "find the fda 's official report for the recalled productif the product is within the use-by date , it should still be recalled\n", - "[1.028811 1.3197464 1.3969908 1.3510257 1.0828154 1.0427849 1.1932596\n", - " 1.0329026 1.1202003 1.212532 1.1301386 1.2017741 1.013459 1.0208024\n", - " 1.0954573 1.0576519 1.0445247 1.0207723 1.044076 1.0857875 1.1418556\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 3 1 9 11 6 20 10 8 14 19 4 15 16 18 5 7 0 13 17 12 27 21 22\n", - " 23 24 25 26 28]\n", - "=======================\n", - "[\"within an hour , the momentous donation to a kangaroo preservation project launched by ecologists euan ritchie and jen martin had vanished , and they still have n't been able to track down the would-be benefactor .a melbourne based couple learnt this the hard way after a crowdfunding page they launched received a baffling pledge for over $ 2 billion .the couple launched the crowdfunding page in a bid to track the numbers of kangaroos in the area\"]\n", - "=======================\n", - "[\"a melbourne based conservationist couple launched a crowd-funding pagewithin two days they received a $ 2 billion pledge which later disappearedthe site cancelled the pledge because it was deemed suspiciousthe baffled couple still have n't tracked down the would-be benefactor\"]\n", - "within an hour , the momentous donation to a kangaroo preservation project launched by ecologists euan ritchie and jen martin had vanished , and they still have n't been able to track down the would-be benefactor .a melbourne based couple learnt this the hard way after a crowdfunding page they launched received a baffling pledge for over $ 2 billion .the couple launched the crowdfunding page in a bid to track the numbers of kangaroos in the area\n", - "a melbourne based conservationist couple launched a crowd-funding pagewithin two days they received a $ 2 billion pledge which later disappearedthe site cancelled the pledge because it was deemed suspiciousthe baffled couple still have n't tracked down the would-be benefactor\n", - "[1.4392349 1.2267237 1.1824628 1.2805872 1.2316058 1.190061 1.0331901\n", - " 1.0238823 1.0927228 1.0388395 1.1414347 1.210042 1.1074436 1.0500796\n", - " 1.0258591 1.0848923 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 4 1 11 5 2 10 12 8 15 13 9 6 14 7 16 17 18 19 20 21 22 23\n", - " 24 25 26 27 28]\n", - "=======================\n", - "[\"manchester united striker james wilson has revealed that if he could take one quality from team-mate wayne rooney and add it to his own game , it would be the england captain 's ability to take free-kicks .wilson says england captain rooney practices his free kicks every day , and often hits the targetthe 19-year-old , speaking during an interview in may 's issue of inside united , added that he would want robin van persie 's movement and radamel falcao 's instincts .\"]\n", - "=======================\n", - "[\"james wilson reveals what he would take from each man united strikerthe 19-year-old would take wayne rooney 's free-kick taking abilitywilson would like to add robin van persie 's movement to his own gamewhile he would like to harness radamel falcao 's predatory instinctsman utd sacked moyes one year ago ... what has van gaal changed since ?read : manchester united gareth bale to give his side needed dynamism\"]\n", - "manchester united striker james wilson has revealed that if he could take one quality from team-mate wayne rooney and add it to his own game , it would be the england captain 's ability to take free-kicks .wilson says england captain rooney practices his free kicks every day , and often hits the targetthe 19-year-old , speaking during an interview in may 's issue of inside united , added that he would want robin van persie 's movement and radamel falcao 's instincts .\n", - "james wilson reveals what he would take from each man united strikerthe 19-year-old would take wayne rooney 's free-kick taking abilitywilson would like to add robin van persie 's movement to his own gamewhile he would like to harness radamel falcao 's predatory instinctsman utd sacked moyes one year ago ... what has van gaal changed since ?read : manchester united gareth bale to give his side needed dynamism\n", - "[1.1087458 1.0513688 1.029922 1.0769246 1.3535631 1.1150792 1.1156514\n", - " 1.1777626 1.0317028 1.0349294 1.1400691 1.0355351 1.0270414 1.0262483\n", - " 1.0177037 1.0470887 1.0292856 1.0455754 1.0527172 1.124036 1.0224402\n", - " 1.0759909 1.0117679 1.0191648 1.0208997 1.0340416 1.0415559 1.097997\n", - " 1.0892214]\n", - "\n", - "[ 4 7 10 19 6 5 0 27 28 3 21 18 1 15 17 26 11 9 25 8 2 16 12 13\n", - " 20 24 23 14 22]\n", - "=======================\n", - "[\"miracle mammals : you can spot dolphins at cardigan bay - the dolphin capital of britainthe miracle of a dolphin-sighting hits us humans at a profound level .it 's full of fish and 18 years ago ospreys were reintroduced , the first english ospreys for 150 years .\"]\n", - "=======================\n", - "['britain is home to a grand array of wildlife , from birds of prey to dolphinsyou can glimpse the most magical of marine mammals at cardigan bayyou can also glimpse the elusive red squirrel at formby in lancashire']\n", - "miracle mammals : you can spot dolphins at cardigan bay - the dolphin capital of britainthe miracle of a dolphin-sighting hits us humans at a profound level .it 's full of fish and 18 years ago ospreys were reintroduced , the first english ospreys for 150 years .\n", - "britain is home to a grand array of wildlife , from birds of prey to dolphinsyou can glimpse the most magical of marine mammals at cardigan bayyou can also glimpse the elusive red squirrel at formby in lancashire\n", - "[1.3835146 1.5899624 1.2405974 1.0671837 1.064173 1.0296912 1.0306811\n", - " 1.2209507 1.1220455 1.0705339 1.0384612 1.0709659 1.1290743 1.0894653\n", - " 1.0991117 1.034246 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 7 12 8 14 13 11 9 3 4 10 15 6 5 26 25 24 23 22 17 20 19\n", - " 18 16 27 21 28]\n", - "=======================\n", - "[\"alissa sizemore , from vernal , utah , was only seven-years-old when a truck ran over her foot and immediately severed it .an eight-year-old girl , who lost her leg in a terrible accident last year , has given her first solo dance performance since she became an amputee eleven months ago - earning a standing ovation for her moving routine .although the dancer , who has been taking lessons since she was four-years-old , had to have her right leg amputated below the knee , she was determined to get back in the dance studio as soon as possible . '\"]\n", - "=======================\n", - "['alissa sizemore , from vernal , utah , was only seven-years-old when her right leg had to be amputated below the knee after she was hit by a truckthe dancer removed her prosthetic leg midway though her emotional performancealissa recently starred in a music video for the utah-based musical trio gentri']\n", - "alissa sizemore , from vernal , utah , was only seven-years-old when a truck ran over her foot and immediately severed it .an eight-year-old girl , who lost her leg in a terrible accident last year , has given her first solo dance performance since she became an amputee eleven months ago - earning a standing ovation for her moving routine .although the dancer , who has been taking lessons since she was four-years-old , had to have her right leg amputated below the knee , she was determined to get back in the dance studio as soon as possible . '\n", - "alissa sizemore , from vernal , utah , was only seven-years-old when her right leg had to be amputated below the knee after she was hit by a truckthe dancer removed her prosthetic leg midway though her emotional performancealissa recently starred in a music video for the utah-based musical trio gentri\n", - "[1.2906431 1.4125338 1.2077973 1.1708645 1.2898717 1.1977715 1.1655123\n", - " 1.0439068 1.0657202 1.0245837 1.0183637 1.1162817 1.0842731 1.0411199\n", - " 1.0375009 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 4 2 5 3 6 11 12 8 7 13 14 9 10 27 15 16 17 18 19 20 21 22\n", - " 23 24 25 26 28]\n", - "=======================\n", - "[\"molly hennessey-fiske , a reporter for the los angeles times who has been covering proceedings against durst , 71 , after his mid-march arrest in louisiana , received a letter purporting to have been written by the suspect in state prison .real estate heir and suspected murderer robert durst has sent a bizarre letter to a reporter that shares no details about his alleged crime , but observations about life in los angeles .the letter , post-marked april 1st in baton rouge , specifically states that durst ` said nothing about charges , crimes or trials ' but rambles on about durst 's thoughts on life in southern california .\"]\n", - "=======================\n", - "[\"molly hennessey-fiske , los angeles times reporter , received lettermessages supposedly sent from durst at louisiana prisonmurder suspect discusses his time in la and the problems of trafficdurst blames ` politicos and business leaders ' for city 's lack of pro footballlawyer says it looks like his client 's handwriting , but it is different from ` cadaver ' letter after murder of susan berman , of which durst is accused\"]\n", - "molly hennessey-fiske , a reporter for the los angeles times who has been covering proceedings against durst , 71 , after his mid-march arrest in louisiana , received a letter purporting to have been written by the suspect in state prison .real estate heir and suspected murderer robert durst has sent a bizarre letter to a reporter that shares no details about his alleged crime , but observations about life in los angeles .the letter , post-marked april 1st in baton rouge , specifically states that durst ` said nothing about charges , crimes or trials ' but rambles on about durst 's thoughts on life in southern california .\n", - "molly hennessey-fiske , los angeles times reporter , received lettermessages supposedly sent from durst at louisiana prisonmurder suspect discusses his time in la and the problems of trafficdurst blames ` politicos and business leaders ' for city 's lack of pro footballlawyer says it looks like his client 's handwriting , but it is different from ` cadaver ' letter after murder of susan berman , of which durst is accused\n", - "[1.266946 1.4591643 1.1710386 1.1874009 1.2133125 1.0919203 1.0876043\n", - " 1.078171 1.0698929 1.0620208 1.0522649 1.0720685 1.211855 1.0556664\n", - " 1.0414262 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 12 3 2 5 6 7 11 8 9 13 10 14 18 15 16 17 19]\n", - "=======================\n", - "[\"nicole mcdonough , 32 , of mount olive , was arrested in december on suspicion of having sex with an 18-year-old student while employed as a teacher at mendham high school .a new jersey high school teacher who was indicted last month on charges that she had sex with one student and engaged in improper relationships with two others is now trying to avoid prison time by entering a diversion program .on monday , mcdonough applied for morris county 's pre-trial intervention ( pti ) program , which provides first-time , non-violent offenders with alternatives to traditional prosecution .\"]\n", - "=======================\n", - "[\"nicole mcdonough , of mount olive , new jersey , was indicted on three counts of official misconduct in marchthe 32-year-old married mother of two and english teacher at west morris mendham high school was arrested december 30allegedly had improper relations with two 18-year-old male students and a ` physical sexual relationship ' with a thirdmcdonough pleaded not guilty at her first court appearance in januaryshe is now applying for pre-trail intervention program in hopes of having her criminal record expunged\"]\n", - "nicole mcdonough , 32 , of mount olive , was arrested in december on suspicion of having sex with an 18-year-old student while employed as a teacher at mendham high school .a new jersey high school teacher who was indicted last month on charges that she had sex with one student and engaged in improper relationships with two others is now trying to avoid prison time by entering a diversion program .on monday , mcdonough applied for morris county 's pre-trial intervention ( pti ) program , which provides first-time , non-violent offenders with alternatives to traditional prosecution .\n", - "nicole mcdonough , of mount olive , new jersey , was indicted on three counts of official misconduct in marchthe 32-year-old married mother of two and english teacher at west morris mendham high school was arrested december 30allegedly had improper relations with two 18-year-old male students and a ` physical sexual relationship ' with a thirdmcdonough pleaded not guilty at her first court appearance in januaryshe is now applying for pre-trail intervention program in hopes of having her criminal record expunged\n", - "[1.2148256 1.4209943 1.3334794 1.3527169 1.2513425 1.1318493 1.0344368\n", - " 1.0134648 1.019863 1.0574824 1.0166959 1.017947 1.0178574 1.2027719\n", - " 1.1783423 1.1156899 1.0481414 1.0149819 1.0635128 0. ]\n", - "\n", - "[ 1 3 2 4 0 13 14 5 15 18 9 16 6 8 11 12 10 17 7 19]\n", - "=======================\n", - "[\"jennifer saunders , who wrote and starred in the series , confirmed yesterday the cast will begin filming in the autumn .jennifer saunders ( left ) and joanna lumley ( right ) are set to reunite for a film of absolutely fabulousshe revealed that joanna lumley , who plays patsy in the comedy ( pictured with saunders ) had told her to ` do it before we die ' and she was spurred on to finish the script by a # 10,000 bet with dawn french .\"]\n", - "=======================\n", - "[\"cast will become filming in london , france and bahamas in the autumnsaunders spurred on to write script after # 10,000 bet with dawn french56-year-old , who plays edina , said joanna lumley wanted to ` do it before we die '\"]\n", - "jennifer saunders , who wrote and starred in the series , confirmed yesterday the cast will begin filming in the autumn .jennifer saunders ( left ) and joanna lumley ( right ) are set to reunite for a film of absolutely fabulousshe revealed that joanna lumley , who plays patsy in the comedy ( pictured with saunders ) had told her to ` do it before we die ' and she was spurred on to finish the script by a # 10,000 bet with dawn french .\n", - "cast will become filming in london , france and bahamas in the autumnsaunders spurred on to write script after # 10,000 bet with dawn french56-year-old , who plays edina , said joanna lumley wanted to ` do it before we die '\n", - "[1.2831268 1.4713236 1.1744184 1.2544506 1.1184319 1.162304 1.2489164\n", - " 1.1153536 1.0637195 1.0486835 1.0557842 1.0366807 1.0553173 1.0184509\n", - " 1.1105572 1.0237838 1.0477496 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 6 2 5 4 7 14 8 10 12 9 16 11 15 13 18 17 19]\n", - "=======================\n", - "[\"freddie gray died sunday after he ` had his spine 80 per cent severed at his neck ' following his arrest by three bicycle officers for a violation that 's been kept ` secret ' until today .baltimore police who said a 25-year-old they arrested was taken into custody ` without incident ' are facing questions about what happened to lead to his death from a severed spine .gray , who was screaming in pain as he was taken to a police van , then lapsed into a coma and was taken to a university of maryland trauma center where he struggled to stay alive for seven days before his death .\"]\n", - "=======================\n", - "[\"freddie gray , 25 , died sunday a week after his arrest in baltimorefour officers arrested him for a violation now revealed to be switchbladehe was dragged during the arrest and witness said his legs ` looked broke 'gray was loaded into a transport van and put in restraints on way to stationgray lapsed into coma and underwent extensive surgery at trauma centerbaltimore mayor stephanie rawlings-blake promised thorough investigation` whatever happened happened in the back of the van , ' she said\"]\n", - "freddie gray died sunday after he ` had his spine 80 per cent severed at his neck ' following his arrest by three bicycle officers for a violation that 's been kept ` secret ' until today .baltimore police who said a 25-year-old they arrested was taken into custody ` without incident ' are facing questions about what happened to lead to his death from a severed spine .gray , who was screaming in pain as he was taken to a police van , then lapsed into a coma and was taken to a university of maryland trauma center where he struggled to stay alive for seven days before his death .\n", - "freddie gray , 25 , died sunday a week after his arrest in baltimorefour officers arrested him for a violation now revealed to be switchbladehe was dragged during the arrest and witness said his legs ` looked broke 'gray was loaded into a transport van and put in restraints on way to stationgray lapsed into coma and underwent extensive surgery at trauma centerbaltimore mayor stephanie rawlings-blake promised thorough investigation` whatever happened happened in the back of the van , ' she said\n", - "[1.2837987 1.4096191 1.3133409 1.371116 1.2171246 1.0360436 1.0682244\n", - " 1.0880983 1.0363281 1.0361123 1.0881848 1.0222063 1.014631 1.0539392\n", - " 1.0947798 1.0682085 1.0331453 1.0442047 1.0954617 1.027149 ]\n", - "\n", - "[ 1 3 2 0 4 18 14 10 7 6 15 13 17 8 9 5 16 19 11 12]\n", - "=======================\n", - "['the victims all believed they were involved in a relationship with a mormon man living in the same state - only to find out they were being duped by a woman named kayla in texas .seven women who were all believed to be in an online relationship with the same man found out that they had been catfished by a 24-year-old woman in texas named kaylaand the women had a chance to confront the woman , named kayla , on an episode of dr phil that aired on friday .']\n", - "=======================\n", - "[\"the victims confronted the woman , kayla , on an episode of dr philnone of the women had met impostor despite regular texts and conversationkayla said she is gay and mormon , but thought she ` could n't have both ' , and used catfishing to ` figure out ' who she was , which she said was wrongit emerged kayla was a catfish when one of her victims became suspicious and looked further into who she was talking with\"]\n", - "the victims all believed they were involved in a relationship with a mormon man living in the same state - only to find out they were being duped by a woman named kayla in texas .seven women who were all believed to be in an online relationship with the same man found out that they had been catfished by a 24-year-old woman in texas named kaylaand the women had a chance to confront the woman , named kayla , on an episode of dr phil that aired on friday .\n", - "the victims confronted the woman , kayla , on an episode of dr philnone of the women had met impostor despite regular texts and conversationkayla said she is gay and mormon , but thought she ` could n't have both ' , and used catfishing to ` figure out ' who she was , which she said was wrongit emerged kayla was a catfish when one of her victims became suspicious and looked further into who she was talking with\n", - "[1.2962929 1.4678408 1.234242 1.3386157 1.2201245 1.1661541 1.0545775\n", - " 1.0537977 1.0798582 1.0281059 1.0847996 1.0833493 1.0503665 1.0549749\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 5 10 11 8 13 6 7 12 9 14 15 16 17 18 19]\n", - "=======================\n", - "['the intricately-carved ornate bed was left in the car park of the former redland house hotel in hough green , chester , by builders who were renovating the property .a four-poster bed which was dumped in a hotel car park and sold for # 2,200 has been verified as once belonging to king henry vii -- and it could now be worth millions .oblivious to its true value and historical significance , the construction workers dismantled the piece of oak wood furniture and left it to be picked up by auctioneers .']\n", - "=======================\n", - "['four-poster bed dumped in a hotel car park and sold at auction for # 2,200owner suspected it had historic value and experts have been investigatinghistorian now claims dna from the timber proves it belonged to henry viiornate bed , now on display , was made for king and wife elizabeth of york']\n", - "the intricately-carved ornate bed was left in the car park of the former redland house hotel in hough green , chester , by builders who were renovating the property .a four-poster bed which was dumped in a hotel car park and sold for # 2,200 has been verified as once belonging to king henry vii -- and it could now be worth millions .oblivious to its true value and historical significance , the construction workers dismantled the piece of oak wood furniture and left it to be picked up by auctioneers .\n", - "four-poster bed dumped in a hotel car park and sold at auction for # 2,200owner suspected it had historic value and experts have been investigatinghistorian now claims dna from the timber proves it belonged to henry viiornate bed , now on display , was made for king and wife elizabeth of york\n", - "[1.2830389 1.4197445 1.2642081 1.1628059 1.186728 1.2604995 1.1489307\n", - " 1.1374652 1.1733547 1.0953737 1.040531 1.0158726 1.0460169 1.0156964\n", - " 1.0477648 1.0182585 1.0217429 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 5 4 8 3 6 7 9 14 12 10 16 15 11 13 17 18 19]\n", - "=======================\n", - "[\"the new york police department 's internal affairs bureau is investigating the incident after the footage was posted online involving detective patrick cherry .an undercover police officer who was captured on video ranting at an uber driver is assigned to the joint terrorism task force , it has emerged .one of the passengers in the car captured the exchange after the incident in west village .\"]\n", - "=======================\n", - "[\"the nypd detective has been accused of shouting abuse at an uber driverpatrick cherry of the joint terrorism task force is now under investigationdetective cherry was on his way back from visiting a colleague in hospitalthe uber driver ` honked ' det cherry as he reversed into a parking space\"]\n", - "the new york police department 's internal affairs bureau is investigating the incident after the footage was posted online involving detective patrick cherry .an undercover police officer who was captured on video ranting at an uber driver is assigned to the joint terrorism task force , it has emerged .one of the passengers in the car captured the exchange after the incident in west village .\n", - "the nypd detective has been accused of shouting abuse at an uber driverpatrick cherry of the joint terrorism task force is now under investigationdetective cherry was on his way back from visiting a colleague in hospitalthe uber driver ` honked ' det cherry as he reversed into a parking space\n", - "[1.3604902 1.1793644 1.4640986 1.2299709 1.1982701 1.1835353 1.168764\n", - " 1.1045882 1.1450174 1.0416292 1.0798723 1.0226052 1.0181214 1.1122588\n", - " 1.0825884 1.0785768 1.0374544 1.033873 1.010001 1.0225941]\n", - "\n", - "[ 2 0 3 4 5 1 6 8 13 7 14 10 15 9 16 17 11 19 12 18]\n", - "=======================\n", - "['no one was injured after the boy shot twice toward the ceiling in the school commons before classes began at north thurston high school in lacey , about 60 miles southwest of seattle , authorities said .brady olson , who teaches advanced placement government and civics at the school , knocked the armed student to the ground and kept him pinned down until authorities arrived , witnesses said .the shooter is in custody at the lacey police station .']\n", - "=======================\n", - "['a student walked into north thurston high school in lacey on monday morning with a gun and fired twice at the ceilingbrady olson , a government teacher , tackled the teenager to the ground and kept him pinned on the floor until authorities came and arrested the boythe unidentified shooter only transferred to the school a month agostudents praised the popular teacher for his quick-thinking and said they were not surprised that he had come to their rescue']\n", - "no one was injured after the boy shot twice toward the ceiling in the school commons before classes began at north thurston high school in lacey , about 60 miles southwest of seattle , authorities said .brady olson , who teaches advanced placement government and civics at the school , knocked the armed student to the ground and kept him pinned down until authorities arrived , witnesses said .the shooter is in custody at the lacey police station .\n", - "a student walked into north thurston high school in lacey on monday morning with a gun and fired twice at the ceilingbrady olson , a government teacher , tackled the teenager to the ground and kept him pinned on the floor until authorities came and arrested the boythe unidentified shooter only transferred to the school a month agostudents praised the popular teacher for his quick-thinking and said they were not surprised that he had come to their rescue\n", - "[1.204394 1.3369175 1.3901 1.2784243 1.2588614 1.1765498 1.1320935\n", - " 1.0925102 1.201096 1.0636379 1.0609925 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 4 0 8 5 6 7 9 10 11 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "['facebook consumes 40 per cent of the time young women spend online , psychologists at the university of new south wales in australia found .they use pictures on the social networking site to gauge their own appearance and see how they measure up against friends .comparison site : a study found women compared themselves to their friends on facebook rather than celebrities in magazines']\n", - "=======================\n", - "[\"australian study found women spend 40 % of online time on facebookcollege students aged 17 to 25 said they read magazines ` infrequently 'preferred facebook to compare looks and check appearances over time\"]\n", - "facebook consumes 40 per cent of the time young women spend online , psychologists at the university of new south wales in australia found .they use pictures on the social networking site to gauge their own appearance and see how they measure up against friends .comparison site : a study found women compared themselves to their friends on facebook rather than celebrities in magazines\n", - "australian study found women spend 40 % of online time on facebookcollege students aged 17 to 25 said they read magazines ` infrequently 'preferred facebook to compare looks and check appearances over time\n", - "[1.3546294 1.2912705 1.2698438 1.2840022 1.0839285 1.0830374 1.0356394\n", - " 1.064696 1.0865039 1.0480459 1.2015146 1.0632142 1.047524 1.0892295\n", - " 1.0595399 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 10 13 8 4 5 7 11 14 9 12 6 18 15 16 17 19]\n", - "=======================\n", - "[\"english essential : this laminated document announces the new isis nursing school and lists the language entry requirements for would-be nursesmilitants fighting for the islamic state terror group in syria have announced that all nurses working in areas under their control must speak english - something the nhs still has n't introduced .among them are rules that applicants are no more than 25 years of age , must be willing to work anywhere inside the territory controlled by the extremists , and must speak fluent english .\"]\n", - "=======================\n", - "['isis has announced that all nurses working for them must speak englishrule was one of the entry requirements for a new nursing school in raqqanhs has also attempted to introduce english language checks for nursesbut despite the law being approved , a lengthy consultation process means eu-trained nurses are still being employed without english tests']\n", - "english essential : this laminated document announces the new isis nursing school and lists the language entry requirements for would-be nursesmilitants fighting for the islamic state terror group in syria have announced that all nurses working in areas under their control must speak english - something the nhs still has n't introduced .among them are rules that applicants are no more than 25 years of age , must be willing to work anywhere inside the territory controlled by the extremists , and must speak fluent english .\n", - "isis has announced that all nurses working for them must speak englishrule was one of the entry requirements for a new nursing school in raqqanhs has also attempted to introduce english language checks for nursesbut despite the law being approved , a lengthy consultation process means eu-trained nurses are still being employed without english tests\n", - "[1.2687886 1.6039604 1.0957133 1.5302169 1.1119527 1.0537369 1.0348275\n", - " 1.0418965 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 5 7 6 17 16 15 14 13 9 11 10 18 8 12 19]\n", - "=======================\n", - "['the rotting remains of jose alberto , 58 , were discovered after neighbours called their local council to report the smell coming from his house in the city of san jose de balcare in eastern argentina .a lonely shepherd has been found dead alongside a scarecrow he had apparently had sex with after dressing it up in a long-haired wig and lipstick .` it was lying next to the deceased .']\n", - "=======================\n", - "['body of jose alberto , 58 , discovered at home in argentina by neighboursthey reported smell coming from his house in city of san jose de balcarewas found lying next to scarecrow wearing lipstick and long-haired wigprosecutor working on assumption he died during sex with the scarecrow']\n", - "the rotting remains of jose alberto , 58 , were discovered after neighbours called their local council to report the smell coming from his house in the city of san jose de balcare in eastern argentina .a lonely shepherd has been found dead alongside a scarecrow he had apparently had sex with after dressing it up in a long-haired wig and lipstick .` it was lying next to the deceased .\n", - "body of jose alberto , 58 , discovered at home in argentina by neighboursthey reported smell coming from his house in city of san jose de balcarewas found lying next to scarecrow wearing lipstick and long-haired wigprosecutor working on assumption he died during sex with the scarecrow\n", - "[1.3793652 1.335881 1.3237147 1.1353117 1.1416177 1.2741325 1.0474225\n", - " 1.0822723 1.1163809 1.1097345 1.0520134 1.0170013 1.044654 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 5 4 3 8 9 7 10 6 12 11 17 13 14 15 16 18]\n", - "=======================\n", - "['gary field , pictured , was seen at a ukip event in south thanet awaiting the arrival of nigel faragenigel farage was at the centre of fresh controversy last night after national front members turned up to campaign for him in the south thanet constituency .the row started after a group of far-right supporters calling themselves the east kent english patriots supported mr farage at an event in broadstairs on friday evening .']\n", - "=======================\n", - "[\"former edl organiser gary field was spotted at a ukip event in kentmr field was tagged after he was convicted in 2013 for an assaultone labour canvasser said that mr field sprayed her with deodorantmr field said he did spray her but claimed the incident was just ` banter '\"]\n", - "gary field , pictured , was seen at a ukip event in south thanet awaiting the arrival of nigel faragenigel farage was at the centre of fresh controversy last night after national front members turned up to campaign for him in the south thanet constituency .the row started after a group of far-right supporters calling themselves the east kent english patriots supported mr farage at an event in broadstairs on friday evening .\n", - "former edl organiser gary field was spotted at a ukip event in kentmr field was tagged after he was convicted in 2013 for an assaultone labour canvasser said that mr field sprayed her with deodorantmr field said he did spray her but claimed the incident was just ` banter '\n", - "[1.2520399 1.4415349 1.229909 1.1735406 1.1005789 1.318184 1.2045056\n", - " 1.0849721 1.0805691 1.1341217 1.1184566 1.0431353 1.016808 1.0210134\n", - " 1.0359404 1.0388601 0. 0. 0. ]\n", - "\n", - "[ 1 5 0 2 6 3 9 10 4 7 8 11 15 14 13 12 17 16 18]\n", - "=======================\n", - "['the deputy prime minister said he would not allow the lib dems to prop david cameron up in power if he insisted on pushing ahead with his plan to slash # 12billion from the benefits bill .nick clegg tonight vowed to block the tories imposing deep welfare cuts as the price of any future coalition deal .in an interview on the bbc , mr clegg also suggested he would veto a new deal unless the tories agreed new taxes on the rich .']\n", - "=======================\n", - "[\"deputy pm said he would block a new coalition deal over welfare cutshe pledged to force david cameron to impose new taxes on the wealthythe liberal democrats have called for # 3bn of new welfare savingscoalition has slashed # 20bn off the benefits bill in five years since 2010mr clegg said tories now ` lashing out ' because they know they are losingasked if he was proud of his record in power , he said : ` hell yes '\"]\n", - "the deputy prime minister said he would not allow the lib dems to prop david cameron up in power if he insisted on pushing ahead with his plan to slash # 12billion from the benefits bill .nick clegg tonight vowed to block the tories imposing deep welfare cuts as the price of any future coalition deal .in an interview on the bbc , mr clegg also suggested he would veto a new deal unless the tories agreed new taxes on the rich .\n", - "deputy pm said he would block a new coalition deal over welfare cutshe pledged to force david cameron to impose new taxes on the wealthythe liberal democrats have called for # 3bn of new welfare savingscoalition has slashed # 20bn off the benefits bill in five years since 2010mr clegg said tories now ` lashing out ' because they know they are losingasked if he was proud of his record in power , he said : ` hell yes '\n", - "[1.4187067 1.3259423 1.3767468 1.2126894 1.2163895 1.1420041 1.0929981\n", - " 1.1118793 1.0853896 1.1043934 1.054489 1.0462388 1.0350002 1.0413707\n", - " 1.0171341 1.069938 1.0591925 1.0440015 1.0109394]\n", - "\n", - "[ 0 2 1 4 3 5 7 9 6 8 15 16 10 11 17 13 12 14 18]\n", - "=======================\n", - "[\"( cnn ) isis claimed responsibility for a suicide car bomb attack friday near the u.s. consulate in the kurdish iraqi city of irbil , according to several twitter accounts linked to the terror group .at least four people were killed and 18 injured , police said .irbil is the capital of iraq 's semi-autonomous kurdistan regional government .\"]\n", - "=======================\n", - "['all u.s. consulate personnel safe after blast , state department spokeswoman sayssuicide bombers blow up car near the u.s. consulate in irbil , iraq']\n", - "( cnn ) isis claimed responsibility for a suicide car bomb attack friday near the u.s. consulate in the kurdish iraqi city of irbil , according to several twitter accounts linked to the terror group .at least four people were killed and 18 injured , police said .irbil is the capital of iraq 's semi-autonomous kurdistan regional government .\n", - "all u.s. consulate personnel safe after blast , state department spokeswoman sayssuicide bombers blow up car near the u.s. consulate in irbil , iraq\n", - "[1.3576939 1.184727 1.4382163 1.2590894 1.1406907 1.0395341 1.1042314\n", - " 1.0906445 1.0338361 1.0164229 1.0200853 1.1460444 1.0359423 1.0496489\n", - " 1.0454621 1.0349625 1.0141139 1.1288947 0. ]\n", - "\n", - "[ 2 0 3 1 11 4 17 6 7 13 14 5 12 15 8 10 9 16 18]\n", - "=======================\n", - "['ashley jiron , owner of p.b. jams in warr acres , oklahoma , noticed that someone had been looking for food in the bins behind her restaurant and decided try and get in contact with them .a sign on a diner window in oklahoma asking a homeless person who had been going through their rubbish to come for a free mealshe taped a sign to her diner window appealing to the person to come forward , so that she could give them a proper meal - free of charge .']\n", - "=======================\n", - "['ashley jiron , is the owner of p.b. jams in warr acres in oklahomashe noticed someone had been looking through her bins for foodshe posted a note on her diner window inviting them in for a free meal']\n", - "ashley jiron , owner of p.b. jams in warr acres , oklahoma , noticed that someone had been looking for food in the bins behind her restaurant and decided try and get in contact with them .a sign on a diner window in oklahoma asking a homeless person who had been going through their rubbish to come for a free mealshe taped a sign to her diner window appealing to the person to come forward , so that she could give them a proper meal - free of charge .\n", - "ashley jiron , is the owner of p.b. jams in warr acres in oklahomashe noticed someone had been looking through her bins for foodshe posted a note on her diner window inviting them in for a free meal\n", - "[1.2349188 1.3557667 1.3627939 1.3129334 1.2863805 1.1758707 1.1866803\n", - " 1.0712498 1.1821488 1.0387888 1.0455809 1.0127954 1.0099835 1.0200961\n", - " 1.0350754 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 4 0 6 8 5 7 10 9 14 13 11 12 15 16 17 18]\n", - "=======================\n", - "['moore died from bowel and liver cancer on february 4 , 1993 , at the age of 51 , and bianca westwood , rob lee and clare balding were among those showing their support on social media .fans were asked to unite against bowel cancer by donning a football shirt -- old or new -- in memory of 1966 world cup-winning captain bobby moore .bianca westwood shows off her kit for football shirt friday and urged those on twitter to donate']\n", - "=======================\n", - "['fans were asked to unite against cancer by donning a football shirtit is in support of the bobby moore fund for cancer research ukmoore died from bowel and liver cancer on february 4 , 1993']\n", - "moore died from bowel and liver cancer on february 4 , 1993 , at the age of 51 , and bianca westwood , rob lee and clare balding were among those showing their support on social media .fans were asked to unite against bowel cancer by donning a football shirt -- old or new -- in memory of 1966 world cup-winning captain bobby moore .bianca westwood shows off her kit for football shirt friday and urged those on twitter to donate\n", - "fans were asked to unite against cancer by donning a football shirtit is in support of the bobby moore fund for cancer research ukmoore died from bowel and liver cancer on february 4 , 1993\n", - "[1.2137296 1.0577058 1.1207191 1.2354631 1.1353161 1.1480516 1.0956922\n", - " 1.1465447 1.0838865 1.0566204 1.0989292 1.0634164 1.091743 1.04415\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 5 7 4 2 10 6 12 8 11 1 9 13 16 14 15 17]\n", - "=======================\n", - "[\"( affleck revealed cole 's name wednesday night . )( cnn ) would you want a tv program about your family history to include details of a distant , long-deceased relative who had owned slaves ?affleck 's attempt to alter the content of the program only publicly became known a few days ago after wikileaks released hacked emails revealing an exchange between gates and sony pictures chief michael lynton .\"]\n", - "=======================\n", - "['ben affleck admits he asked pbs show \" finding your roots \" to avoid mentioning his slave-owning ancestordean obeidallah says the actor and the show were right to leave the detail out']\n", - "( affleck revealed cole 's name wednesday night . )( cnn ) would you want a tv program about your family history to include details of a distant , long-deceased relative who had owned slaves ?affleck 's attempt to alter the content of the program only publicly became known a few days ago after wikileaks released hacked emails revealing an exchange between gates and sony pictures chief michael lynton .\n", - "ben affleck admits he asked pbs show \" finding your roots \" to avoid mentioning his slave-owning ancestordean obeidallah says the actor and the show were right to leave the detail out\n", - "[1.3011227 1.3699543 1.0994152 1.4117943 1.0705935 1.1232435 1.1077323\n", - " 1.0498458 1.085936 1.090762 1.0662225 1.0627182 1.0445485 1.0404077\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 5 6 2 9 8 4 10 11 7 12 13 16 14 15 17]\n", - "=======================\n", - "['tickled : toronto officer luke watson was more than happy to sport his new hot pink hair in support of the day of pink event held on april 8 across canadaa police officer in toronto , ontario , has dyed his hair hot pink in order to protest against homophobia , discrimination and any acts of bullying towards lgbt people .560 retweets later and luke arrived at the station to the news that he would have to dye his blonde locks a bright and bold shade of pink , all in the name of spreading a message of tolerance and acceptance to the community .']\n", - "=======================\n", - "['canadian policeman luke watson had his hair dyed as part of the day of pink event to fight against bullying in schoolsthe event was started after two students stopped bullies from harassing a gay classmate in nova scotia']\n", - "tickled : toronto officer luke watson was more than happy to sport his new hot pink hair in support of the day of pink event held on april 8 across canadaa police officer in toronto , ontario , has dyed his hair hot pink in order to protest against homophobia , discrimination and any acts of bullying towards lgbt people .560 retweets later and luke arrived at the station to the news that he would have to dye his blonde locks a bright and bold shade of pink , all in the name of spreading a message of tolerance and acceptance to the community .\n", - "canadian policeman luke watson had his hair dyed as part of the day of pink event to fight against bullying in schoolsthe event was started after two students stopped bullies from harassing a gay classmate in nova scotia\n", - "[1.0456691 1.2440717 1.3388736 1.2326863 1.1999006 1.1737686 1.2012886\n", - " 1.13828 1.0818542 1.0836713 1.0457213 1.044423 1.0373425 1.0815802\n", - " 1.1175735 1.0798999 1.0325034 1.0841676]\n", - "\n", - "[ 2 1 3 6 4 5 7 14 17 9 8 13 15 10 0 11 12 16]\n", - "=======================\n", - "['by far , the most searched for term globally is hiv and aids , followed by herpes and then human papilloma virus ( hpv ) which can cause cervical cancer .but analysis of popular search terms on google has revealed the areas around the world that seem to be most concerned with sexually transmitted diseases .the data was gathered using google trends']\n", - "=======================\n", - "['analysis of google search results has revealed the areas in europe and the united states most concerned with different sexually transmitted diseasesherpes are a concern in norway while finland searches most for chlamydiamississippi searched for gonorrhea and syphilis more than any other statewhile in the uk , chlamydia seemingly causes the most concern and is incidentally the most commonly diagnosed std in the country']\n", - "by far , the most searched for term globally is hiv and aids , followed by herpes and then human papilloma virus ( hpv ) which can cause cervical cancer .but analysis of popular search terms on google has revealed the areas around the world that seem to be most concerned with sexually transmitted diseases .the data was gathered using google trends\n", - "analysis of google search results has revealed the areas in europe and the united states most concerned with different sexually transmitted diseasesherpes are a concern in norway while finland searches most for chlamydiamississippi searched for gonorrhea and syphilis more than any other statewhile in the uk , chlamydia seemingly causes the most concern and is incidentally the most commonly diagnosed std in the country\n", - "[1.5802269 1.241089 1.2061956 1.3926678 1.2752984 1.0677592 1.071731\n", - " 1.0502288 1.0757405 1.0642855 1.0554808 1.0519605 1.0831596 1.0354685\n", - " 1.0357368 1.0183188 1.0714462 1.0161471]\n", - "\n", - "[ 0 3 4 1 2 12 8 6 16 5 9 10 11 7 14 13 15 17]\n", - "=======================\n", - "[\"in-form winger aaron murphy scored twice in a seven-try romp as huddersfield secured a 38-14 super league victory against catalans dragons to end a three-match losing run .former wakefield wildcats star murphy , 27 , has now scored six tries in his last five appearances .murphy , player of the month for february and march , went over in the left corner on 15 minutes from jake connor 's pass .\"]\n", - "=======================\n", - "[\"aaron murphy scored twice as huddersfield ended three-match losing runformer wakefield wildcats star has now scored six tries in his last fivemurphy went over in the left corner on 15 minutes from jake connor 's passhe was then on hand when ukuma ta'ai off-loaded kick from danny brough\"]\n", - "in-form winger aaron murphy scored twice in a seven-try romp as huddersfield secured a 38-14 super league victory against catalans dragons to end a three-match losing run .former wakefield wildcats star murphy , 27 , has now scored six tries in his last five appearances .murphy , player of the month for february and march , went over in the left corner on 15 minutes from jake connor 's pass .\n", - "aaron murphy scored twice as huddersfield ended three-match losing runformer wakefield wildcats star has now scored six tries in his last fivemurphy went over in the left corner on 15 minutes from jake connor 's passhe was then on hand when ukuma ta'ai off-loaded kick from danny brough\n", - "[1.4982458 1.2957888 1.2847923 1.2667176 1.202986 1.1228495 1.0629638\n", - " 1.0696839 1.0276346 1.0172784 1.0657618 1.067174 1.0836066 1.1151958\n", - " 1.0104023 1.0167317 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 5 13 12 7 11 10 6 8 9 15 14 16 17]\n", - "=======================\n", - "['( cnn ) a sexual harassment complaint has been filed against new zealand prime minister john key after a waitress complained about him repeatedly pulling her ponytail at an auckland cafe .cnn affiliate tvnz reported that the complaint was filed thursday morning by graham mccready , an accountant described in the new zealand press as a \" serial litigant , \" who has previously launched private prosecutions against key .mccready \\'s complaint claimed that key had breached a section of the country \\'s human rights act relating to sexual harassment , tvnz reported .']\n", - "=======================\n", - "['a sexual harassment complaint has been filed against pm john key after a waitress complained about him repeatedly pulling her ponytailkiwi prime minister accused of pulling a waitress \\' hair on several occasions despite her obvious discomfortpm key later apologized , but said that he was merely engaging in \" banter \"politicians and public figures have condemned his behavior']\n", - "( cnn ) a sexual harassment complaint has been filed against new zealand prime minister john key after a waitress complained about him repeatedly pulling her ponytail at an auckland cafe .cnn affiliate tvnz reported that the complaint was filed thursday morning by graham mccready , an accountant described in the new zealand press as a \" serial litigant , \" who has previously launched private prosecutions against key .mccready 's complaint claimed that key had breached a section of the country 's human rights act relating to sexual harassment , tvnz reported .\n", - "a sexual harassment complaint has been filed against pm john key after a waitress complained about him repeatedly pulling her ponytailkiwi prime minister accused of pulling a waitress ' hair on several occasions despite her obvious discomfortpm key later apologized , but said that he was merely engaging in \" banter \"politicians and public figures have condemned his behavior\n", - "[1.3035983 1.2877725 1.3115032 1.2624949 1.1385124 1.1916971 1.112031\n", - " 1.0614413 1.0651448 1.0912331 1.0692909 1.0266577 1.015867 1.0138073\n", - " 1.0925696 1.0594447 1.0654707 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 1 3 5 4 6 14 9 10 16 8 7 15 11 12 13 20 17 18 19 21]\n", - "=======================\n", - "[\"it comes after rbs was forced to put aside # 856million to cover lawsuits and fines still being decided , including an extra # 334million for its part in rigging the foreign exchange market with other banks .royal bank of scotland has racked up # 50billion in losses since it was bailed out by taxpayers and warned last night that it faces another ` tough year ' .the state-backed giant reached the milestone yesterday as it lurched to a # 446million loss for the first three months of the year .\"]\n", - "=======================\n", - "[\"rbs has racked up # 50billion in losses since it was bailed out by taxpayersstate-back giant warned that it faces ` another tough year ' to comelurched to a # 446million loss for the first three months of the year\"]\n", - "it comes after rbs was forced to put aside # 856million to cover lawsuits and fines still being decided , including an extra # 334million for its part in rigging the foreign exchange market with other banks .royal bank of scotland has racked up # 50billion in losses since it was bailed out by taxpayers and warned last night that it faces another ` tough year ' .the state-backed giant reached the milestone yesterday as it lurched to a # 446million loss for the first three months of the year .\n", - "rbs has racked up # 50billion in losses since it was bailed out by taxpayersstate-back giant warned that it faces ` another tough year ' to comelurched to a # 446million loss for the first three months of the year\n", - "[1.2445647 1.3776734 1.2880416 1.2366092 1.0923599 1.1929145 1.086897\n", - " 1.1122104 1.1403465 1.1422896 1.0885291 1.10811 1.059612 1.0416478\n", - " 1.0197546 1.0402788 1.0163364 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 5 9 8 7 11 4 10 6 12 13 15 14 16 17 18 19 20 21]\n", - "=======================\n", - "[\"progress m-27m appears to have suffered a major malfunction moments after launch at 3:09 am edt ( 07:09 gmt ) from kazakhstan .it was due to dock with the iss six hours after take off , but that plan has now been ` indefinitely abandoned ' .the russian space agency , roscosmos , is attempting to regain control of a spaceship that is spinning out of control in orbit .\"]\n", - "=======================\n", - "[\"progress m-27m suffered a glitch moments after launch this morningroscosmos says problem is with its antenna and propulsion systemspacecraft was scheduled to dock with the iss today to deliver foodplan is ` indefinitely abandoned ' as russia scrambles to gain control\"]\n", - "progress m-27m appears to have suffered a major malfunction moments after launch at 3:09 am edt ( 07:09 gmt ) from kazakhstan .it was due to dock with the iss six hours after take off , but that plan has now been ` indefinitely abandoned ' .the russian space agency , roscosmos , is attempting to regain control of a spaceship that is spinning out of control in orbit .\n", - "progress m-27m suffered a glitch moments after launch this morningroscosmos says problem is with its antenna and propulsion systemspacecraft was scheduled to dock with the iss today to deliver foodplan is ` indefinitely abandoned ' as russia scrambles to gain control\n", - "[1.4449463 1.2517599 1.5273609 1.2720878 1.3822185 1.0558817 1.0431646\n", - " 1.1067817 1.0267105 1.0194858 1.0175813 1.0462062 1.0166711 1.0098612\n", - " 1.0195509 1.2537189 1.0267422 1.0219561 1.0101198 1.0121222 1.0121927\n", - " 1.1510224]\n", - "\n", - "[ 2 0 4 3 15 1 21 7 5 11 6 16 8 17 14 9 10 12 20 19 18 13]\n", - "=======================\n", - "[\"courtney brain , 16 , was taken out of school at skegness academy when she visited her gp for treatment for a water infection .her mother jane burnham , 50 , criticised the ` mind-boggling ' decision last wednesday to punish courtney - who she claimed has a 98 per cent attendance record , although the school put this figure at 91 per cent - and accused the academy of being ` petty and unreasonable ' .but she was stunned upon her return to class in lincolnshire to be told she must make up the missed time for the ` unauthorised absence ' .\"]\n", - "=======================\n", - "[\"courtney brain left skegness academy to visited her gp for treatmentshe was later told to make up missed time for ` unauthorised absence 'mother criticises decision to punish her daughter as ` mind-boggling 'school claims detention was to give her best chance of good grades\"]\n", - "courtney brain , 16 , was taken out of school at skegness academy when she visited her gp for treatment for a water infection .her mother jane burnham , 50 , criticised the ` mind-boggling ' decision last wednesday to punish courtney - who she claimed has a 98 per cent attendance record , although the school put this figure at 91 per cent - and accused the academy of being ` petty and unreasonable ' .but she was stunned upon her return to class in lincolnshire to be told she must make up the missed time for the ` unauthorised absence ' .\n", - "courtney brain left skegness academy to visited her gp for treatmentshe was later told to make up missed time for ` unauthorised absence 'mother criticises decision to punish her daughter as ` mind-boggling 'school claims detention was to give her best chance of good grades\n", - "[1.2342225 1.182459 1.2590332 1.221197 1.3058009 1.2600446 1.0809075\n", - " 1.0355551 1.0931467 1.094332 1.0725981 1.0709865 1.0761497 1.0733286\n", - " 1.059221 1.0287104 1.0250132 1.0187358 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 4 5 2 0 3 1 9 8 6 12 13 10 11 14 7 15 16 17 20 18 19 21]\n", - "=======================\n", - "['monitoring by hebridean whale and dolphin trust teams has seen the number of encounters increase by 68 per cent over the past 12 yearscommon dolphins were once a rare sight in the hebrides , preferring warmer waters found further south , leading experts to believe that global warming has led to pods moving north .encounters with common dolphins off the west of scotland have more than doubled over a decade , according to experts .']\n", - "=======================\n", - "['common dolphins were once rare in the hebrides , preferring warmer waterbut their numbers have risen by 68 per cent over the last 12 yearsscientists believe this could be due to the waters warming by 0.5 °chebridean whale and dolphin trust is recruiting volunteers for monitoring']\n", - "monitoring by hebridean whale and dolphin trust teams has seen the number of encounters increase by 68 per cent over the past 12 yearscommon dolphins were once a rare sight in the hebrides , preferring warmer waters found further south , leading experts to believe that global warming has led to pods moving north .encounters with common dolphins off the west of scotland have more than doubled over a decade , according to experts .\n", - "common dolphins were once rare in the hebrides , preferring warmer waterbut their numbers have risen by 68 per cent over the last 12 yearsscientists believe this could be due to the waters warming by 0.5 °chebridean whale and dolphin trust is recruiting volunteers for monitoring\n", - "[1.3724706 1.4284668 1.3222325 1.3687694 1.2191812 1.2355648 1.0923338\n", - " 1.1387986 1.2077539 1.0178303 1.0120853 1.0071862 1.2003266 1.0138524\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "IOPub data rate exceeded.\n", - "The notebook server will temporarily stop sending output\n", - "to the client in order to avoid crashing it.\n", - "To change this limit, set the config variable\n", - "`--NotebookApp.iopub_data_rate_limit`.\n", - "\n", - "Current values:\n", - "NotebookApp.iopub_data_rate_limit=1000000.0 (bytes/sec)\n", - "NotebookApp.rate_limit_window=3.0 (secs)\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['imam abdul hadi arwani called to a building job in the area he was killedpossible client appeared to back off when arwani arrived with his sonanti-assad activist found in the area days later , victim of a professional hitpolice look at personal and financial ties as possible motivation for killing']\n", - "arwani , 48 , was shot and killed in his car on a quiet street in north west london after being called there last tuesday , apparently to provide a quote for building work .sources close to the investigation , which is being led by the counter-terrorism unit , told the sunday times that abdul hadi arwani , an opponent of syrian president bahsar al-assad , had visited the area where he was killed with his son days before his death .the son of a syrian imam who was shot dead on a london street may have met his father 's killer just days before the murder .\n", - "imam abdul hadi arwani called to a building job in the area he was killedpossible client appeared to back off when arwani arrived with his sonanti-assad activist found in the area days later , victim of a professional hitpolice look at personal and financial ties as possible motivation for killing\n", - "[1.18865 1.2925197 1.1545321 1.2504697 1.1563194 1.4040436 1.1326885\n", - " 1.0616823 1.0978905 1.0673726 1.0627341 1.1280308 1.0263283 1.0183101\n", - " 1.0862398 1.1005028 1.062993 0. 0. 0. 0. ]\n", - "\n", - "[ 5 1 3 0 4 2 6 11 15 8 14 9 16 10 7 12 13 19 17 18 20]\n", - "=======================\n", - "[\"` deadly nickel ride ' : gray , 25 , was arrested on april 12 in baltimore and died a week later from a severe spinal injury that may have been caused when he was shackled and driven to the police station in a paddy wagon without being strapped into a seatbeltthe cause of his fatal spine injury has not been revealed .unbelted detainees have been paralyzed and even killed by rough rides in what used to be called ` paddy wagons . '\"]\n", - "=======================\n", - "[\"an attorney for at least one of the officers , michael davey , said thursday that gray was not strapped in during transportthe 25-year-old was cuffed at the wrists and shackled at the ankles - he was found to have a fatal spine injury , but the cause remains unknown` nickel rides ' have caused spinal injuries in the past .department rules were updated nine days before gray 's arrest stating that all detainees shall be strapped in by seat belts or other device\"]\n", - "` deadly nickel ride ' : gray , 25 , was arrested on april 12 in baltimore and died a week later from a severe spinal injury that may have been caused when he was shackled and driven to the police station in a paddy wagon without being strapped into a seatbeltthe cause of his fatal spine injury has not been revealed .unbelted detainees have been paralyzed and even killed by rough rides in what used to be called ` paddy wagons . '\n", - "an attorney for at least one of the officers , michael davey , said thursday that gray was not strapped in during transportthe 25-year-old was cuffed at the wrists and shackled at the ankles - he was found to have a fatal spine injury , but the cause remains unknown` nickel rides ' have caused spinal injuries in the past .department rules were updated nine days before gray 's arrest stating that all detainees shall be strapped in by seat belts or other device\n", - "[1.3165469 1.3529139 1.2049844 1.0577308 1.074071 1.1706208 1.1232033\n", - " 1.1112185 1.0650438 1.1634476 1.1761904 1.085723 1.123129 1.0691925\n", - " 1.0141113 1.0116378 1.0340711 1.0585519 1.0420508 1.0135775 1.0276769]\n", - "\n", - "[ 1 0 2 10 5 9 6 12 7 11 4 13 8 17 3 18 16 20 14 19 15]\n", - "=======================\n", - "['twelve jurors and twelve alternates are on the list .centennial , colorado ( cnn ) after months of intensive questioning , a jury has finally been picked for the trial of colorado movie theater massacre suspect james holmes .the group includes 19 women and five men .']\n", - "=======================\n", - "['in the murder trial of james holmes , 12 jurors and 12 alternates have been selectedthe mostly middle-aged group includes 19 women and five menjury selection started in january ; opening statements are scheduled to begin on april 27']\n", - "twelve jurors and twelve alternates are on the list .centennial , colorado ( cnn ) after months of intensive questioning , a jury has finally been picked for the trial of colorado movie theater massacre suspect james holmes .the group includes 19 women and five men .\n", - "in the murder trial of james holmes , 12 jurors and 12 alternates have been selectedthe mostly middle-aged group includes 19 women and five menjury selection started in january ; opening statements are scheduled to begin on april 27\n", - "[1.2476897 1.2086934 1.5093116 1.4735289 1.1575129 1.1368204 1.0640393\n", - " 1.0224565 1.0170676 1.0119241 1.0220602 1.0866982 1.0736505 1.1663917\n", - " 1.0888698 1.0907837 1.0522982 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 1 13 4 5 15 14 11 12 6 16 7 10 8 9 17 18 19 20]\n", - "=======================\n", - "['vanzant was declared the winner by lop-sided scores of 30-26 , 30-26 and 30-27 in just her second fight in the promotion .paige vanzant was never in trouble as she dominated felice herrig for he second ufc victorypaige vanzant proved she is more than just hype with a dominant performance over felice herrig .']\n", - "=======================\n", - "['paige vanzant won every round , recording a win by 30-27 , 30-26 and 30-26the 21-year-old was having just her second fight in the ufcvanzant has been tipped as one of the next stars of the promotionshe said it feels like her birthday whenever she walks out into the cage']\n", - "vanzant was declared the winner by lop-sided scores of 30-26 , 30-26 and 30-27 in just her second fight in the promotion .paige vanzant was never in trouble as she dominated felice herrig for he second ufc victorypaige vanzant proved she is more than just hype with a dominant performance over felice herrig .\n", - "paige vanzant won every round , recording a win by 30-27 , 30-26 and 30-26the 21-year-old was having just her second fight in the ufcvanzant has been tipped as one of the next stars of the promotionshe said it feels like her birthday whenever she walks out into the cage\n", - "[1.3936594 1.3837967 1.1216297 1.3121529 1.1761956 1.268495 1.1785094\n", - " 1.0984864 1.0889041 1.0506272 1.0855819 1.0674952 1.0204723 1.0640688\n", - " 1.0305396 0. 0. ]\n", - "\n", - "[ 0 1 3 5 6 4 2 7 8 10 11 13 9 14 12 15 16]\n", - "=======================\n", - "[\"( cnn ) an unmanned russian spacecraft originally bound for the international space station will re-enter the earth 's atmosphere after flight controllers lost contact with it , american astronaut scott kelly said wednesday .the progress resupply vehicle will come off its orbit and will begin its combustion in the atmosphere between may 5 and may 7 , according to roscosmos .the russia space agency said it is working on its next supply flight to the iss and expects to launch a new progress ship in the third quarter of this year .\"]\n", - "=======================\n", - "[\"progress 59 spacecraft will re-enter earth 's atmosphere in a week , russia space agency saysnasa : russian flight controllers have been trying to make contact with the unmanned space freighterspace station crew can manage without supplies carried by the spacecraft , nasa says\"]\n", - "( cnn ) an unmanned russian spacecraft originally bound for the international space station will re-enter the earth 's atmosphere after flight controllers lost contact with it , american astronaut scott kelly said wednesday .the progress resupply vehicle will come off its orbit and will begin its combustion in the atmosphere between may 5 and may 7 , according to roscosmos .the russia space agency said it is working on its next supply flight to the iss and expects to launch a new progress ship in the third quarter of this year .\n", - "progress 59 spacecraft will re-enter earth 's atmosphere in a week , russia space agency saysnasa : russian flight controllers have been trying to make contact with the unmanned space freighterspace station crew can manage without supplies carried by the spacecraft , nasa says\n", - "[1.2296891 1.2285614 1.126001 1.247324 1.2202401 1.1136949 1.0667145\n", - " 1.1043696 1.0800014 1.1280961 1.0524272 1.1063035 1.081168 1.080458\n", - " 1.0336251 0. 0. ]\n", - "\n", - "[ 3 0 1 4 9 2 5 11 7 12 13 8 6 10 14 15 16]\n", - "=======================\n", - "[\"cheese : keen to show he 's not out of touch , david cameron poses for a selfie in alnwick , northumberlandthe ` coupon election ' came in 1918 , while critics branded the 1929 vote - when women first had full suffrage - the ` flapper election ' .posing : nick clegg has also been getting in on the act with supporters in maidstone , kent\"]\n", - "=======================\n", - "['politicians have posed for as many selfies as possible on campaign trailpm stopped for selfies during visit to alnwick , northumberland , yesterdayfarage and clegg also set aside time for ubiquitous photos while canvassing in maidstone , kent , and south ockenden , essextory mps told to pose with voters to increase exposure on social media']\n", - "cheese : keen to show he 's not out of touch , david cameron poses for a selfie in alnwick , northumberlandthe ` coupon election ' came in 1918 , while critics branded the 1929 vote - when women first had full suffrage - the ` flapper election ' .posing : nick clegg has also been getting in on the act with supporters in maidstone , kent\n", - "politicians have posed for as many selfies as possible on campaign trailpm stopped for selfies during visit to alnwick , northumberland , yesterdayfarage and clegg also set aside time for ubiquitous photos while canvassing in maidstone , kent , and south ockenden , essextory mps told to pose with voters to increase exposure on social media\n", - "[1.2714647 1.2174258 1.5192075 1.2729001 1.2315259 1.0925697 1.0588871\n", - " 1.0502378 1.0147798 1.0700916 1.053533 1.013255 1.0807457 1.2549438\n", - " 1.0378046 1.0145509 1.0102701]\n", - "\n", - "[ 2 3 0 13 4 1 5 12 9 6 10 7 14 8 15 11 16]\n", - "=======================\n", - "[\"simon wood , 38 , battled it out against emma spitzer and tony rodd as they were challenged to cook judges john torode and gregg wallace a three-course meal in three hours .the final followed seven weeks of tough challenges , including the ` chef 's table ' , which involved cooking one of three courses on a menu set up by italian chef massimo bottura .winner : simon wood took home the tv crown\"]\n", - "=======================\n", - "['single father simon wood , 38 , fulfilled childhood dream of becoming a chefhe beat mother-of-four emma spitzer and tony rodd , 33 , from londonthree finalists were challenged to cook a three-course meal in three hours']\n", - "simon wood , 38 , battled it out against emma spitzer and tony rodd as they were challenged to cook judges john torode and gregg wallace a three-course meal in three hours .the final followed seven weeks of tough challenges , including the ` chef 's table ' , which involved cooking one of three courses on a menu set up by italian chef massimo bottura .winner : simon wood took home the tv crown\n", - "single father simon wood , 38 , fulfilled childhood dream of becoming a chefhe beat mother-of-four emma spitzer and tony rodd , 33 , from londonthree finalists were challenged to cook a three-course meal in three hours\n", - "[1.42026 1.3614239 1.1574128 1.3366702 1.1675764 1.1767967 1.063245\n", - " 1.134826 1.0535033 1.1551182 1.0831503 1.0469714 1.0470469 1.0340596\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 5 4 2 9 7 10 6 8 12 11 13 14 15 16]\n", - "=======================\n", - "['an air canada flight from germany to toronto was forced to divert to shannon airport in ireland last night after an 87-year-old woman caused a disturbance on board .the pensioner , who was travelling in first class on board the boeing 777-300 jet , was allegedly restrained by cabin crew until the plane was forced into the unplanned landing .mailonline travel have been advised by irish police that the woman has since been released without charge , and she will be undergoing a ` fit-to-fly - screening in the hope of continuing her journey .']\n", - "=======================\n", - "['air canada flight aca-877 set out from frankfurt airport , germanypilot contacted shannon after disturbance caused on boardirish police confirm 87-year-old woman was taken into custody and then released without charge this morning']\n", - "an air canada flight from germany to toronto was forced to divert to shannon airport in ireland last night after an 87-year-old woman caused a disturbance on board .the pensioner , who was travelling in first class on board the boeing 777-300 jet , was allegedly restrained by cabin crew until the plane was forced into the unplanned landing .mailonline travel have been advised by irish police that the woman has since been released without charge , and she will be undergoing a ` fit-to-fly - screening in the hope of continuing her journey .\n", - "air canada flight aca-877 set out from frankfurt airport , germanypilot contacted shannon after disturbance caused on boardirish police confirm 87-year-old woman was taken into custody and then released without charge this morning\n", - "[1.3373032 1.3525196 1.3588984 1.3417373 1.1380627 1.1952951 1.0858262\n", - " 1.1356702 1.0230585 1.0296004 1.0358524 1.0162379 1.0211587 1.012466\n", - " 1.0743526 1.0295976 0. ]\n", - "\n", - "[ 2 1 3 0 5 4 7 6 14 10 9 15 8 12 11 13 16]\n", - "=======================\n", - "[\"the fa and pfa promised a 10-year study to investigate the connection between head injuries and early on-set dementia after a coroner found astle 's brain ` resembled that of a boxer 's ' but a mail on sunday investigation last year revealed the research was never carried out .the football association chairman admits his organisation 's response to former west bromwich albion striker jeff astle 's death aged 59 in 2002 , from ` industrial disease ' linked to repetitive head injuries sustained playing football , was ` woefully inadequate ' .baggies striker saido berahino wore astle 's no 9 shirt during the premier league match at the hawthorns\"]\n", - "=======================\n", - "[\"former west brom forward jeff astle died ` from an industrial disease 'his death at the age of 59 in 2002 was linked to repetitive head injuriesgreg dyke has said fa 's reaction to his death was ` woefully inadequate 'west brom celebrated jeff astle 's career during defeat by leicester\"]\n", - "the fa and pfa promised a 10-year study to investigate the connection between head injuries and early on-set dementia after a coroner found astle 's brain ` resembled that of a boxer 's ' but a mail on sunday investigation last year revealed the research was never carried out .the football association chairman admits his organisation 's response to former west bromwich albion striker jeff astle 's death aged 59 in 2002 , from ` industrial disease ' linked to repetitive head injuries sustained playing football , was ` woefully inadequate ' .baggies striker saido berahino wore astle 's no 9 shirt during the premier league match at the hawthorns\n", - "former west brom forward jeff astle died ` from an industrial disease 'his death at the age of 59 in 2002 was linked to repetitive head injuriesgreg dyke has said fa 's reaction to his death was ` woefully inadequate 'west brom celebrated jeff astle 's career during defeat by leicester\n", - "[1.3028985 1.409029 1.3842652 1.2779557 1.2602148 1.1831449 1.1500374\n", - " 1.0384046 1.2651712 1.0352875 1.0561382 1.1253895 1.0083524 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 8 4 5 6 11 10 7 9 12 13 14 15 16 17 18]\n", - "=======================\n", - "['the boy was held in blackburn after police examined a number of electronic devices and raided a house in the town on thursday .a boy aged 14 and a girl of 16 have been arrested on suspicion of preparing acts of terrorism .both were bailed until may 28 .']\n", - "=======================\n", - "['two teenagers arrested on suspicion of preparing acts of terrorismboy , 14 , and girl , 16 , arrested after police raids on thursday and fridaygirl was arrested in longsight , manchester , and boy was held in blackburn']\n", - "the boy was held in blackburn after police examined a number of electronic devices and raided a house in the town on thursday .a boy aged 14 and a girl of 16 have been arrested on suspicion of preparing acts of terrorism .both were bailed until may 28 .\n", - "two teenagers arrested on suspicion of preparing acts of terrorismboy , 14 , and girl , 16 , arrested after police raids on thursday and fridaygirl was arrested in longsight , manchester , and boy was held in blackburn\n", - "[1.4999464 1.3624074 1.1632661 1.1228249 1.3849131 1.3989258 1.0374318\n", - " 1.099065 1.0154114 1.0273513 1.0491817 1.1368859 1.0104407 1.0092238\n", - " 1.0151296 1.0694798 1.1686934 1.0336913 1.0574749]\n", - "\n", - "[ 0 5 4 1 16 2 11 3 7 15 18 10 6 17 9 8 14 12 13]\n", - "=======================\n", - "[\"pep guardiola has denied claims of a dispute with former bayern munich club doctor hans-wilhelm muller-wohlfahrt , who quit the club on thursday after ` being blamed ' for the defeat by porto .bayern lost 3-1 against porto in the first leg of their champions league quarter final on wednesdaymuller-wohlfahrt 's decision came after bayern boss guardiola appeared to imply that wednesday 's defeat was down to a lack of available players , commenting post-match :\"]\n", - "=======================\n", - "[\"hans-wilhelm muller-wohlfahrt quit as bayern munich doctor this weekthe 72-year-old had worked at the bundesliga club for nearly 40 yearshe said the medical department had been blamed for porto defeatpep guardiola has denied there was a dispute and has taken responsibility for bayern munich 's champions league loss\"]\n", - "pep guardiola has denied claims of a dispute with former bayern munich club doctor hans-wilhelm muller-wohlfahrt , who quit the club on thursday after ` being blamed ' for the defeat by porto .bayern lost 3-1 against porto in the first leg of their champions league quarter final on wednesdaymuller-wohlfahrt 's decision came after bayern boss guardiola appeared to imply that wednesday 's defeat was down to a lack of available players , commenting post-match :\n", - "hans-wilhelm muller-wohlfahrt quit as bayern munich doctor this weekthe 72-year-old had worked at the bundesliga club for nearly 40 yearshe said the medical department had been blamed for porto defeatpep guardiola has denied there was a dispute and has taken responsibility for bayern munich 's champions league loss\n", - "[1.1567396 1.2876122 1.2517768 1.2602047 1.1696441 1.2172465 1.1334517\n", - " 1.1610461 1.2253839 1.0758623 1.0532558 1.0264035 1.0978318 1.128401\n", - " 1.0212866 1.010073 1.0138253 1.0106095 0. ]\n", - "\n", - "[ 1 3 2 8 5 4 7 0 6 13 12 9 10 11 14 16 17 15 18]\n", - "=======================\n", - "['videoed descending the crisp ski runs of the small resort of minschuns in val müstair , adrian schaffner is initially featured ascending the mountain on a button lift .the dog named sintha appears to be entirely at ease as it sits across its owners shouldersonce at the top , mr schaffner points his skis down the mountain and takes off at speed with the dog remaining calmly sat on his back .']\n", - "=======================\n", - "['adrian schaffner skis at speed with pet dog on his shouldersdog called sintha appears content and leans into the windvideo concludes with dog jumping off and running in snowfootage was captured in ski resort in val müstair , switzerland']\n", - "videoed descending the crisp ski runs of the small resort of minschuns in val müstair , adrian schaffner is initially featured ascending the mountain on a button lift .the dog named sintha appears to be entirely at ease as it sits across its owners shouldersonce at the top , mr schaffner points his skis down the mountain and takes off at speed with the dog remaining calmly sat on his back .\n", - "adrian schaffner skis at speed with pet dog on his shouldersdog called sintha appears content and leans into the windvideo concludes with dog jumping off and running in snowfootage was captured in ski resort in val müstair , switzerland\n", - "[1.1438422 1.0589484 1.1419923 1.1960497 1.2019342 1.0662665 1.0651839\n", - " 1.0516875 1.0963293 1.0928495 1.0972211 1.049057 1.0481037 1.0540081\n", - " 1.0219003 1.0755812 1.0215371 0. 0. ]\n", - "\n", - "[ 4 3 0 2 10 8 9 15 5 6 1 13 7 11 12 14 16 17 18]\n", - "=======================\n", - "[\"arsene wenger has a look in the direction of jose mourinho during the stalemate at the emiratesthis year , instead , once the actual race was run , all roads led to the emirates and a sky sports team all set to act as pacemaker for the afternoon .i hope when you were sitting at home in front of your tellies looking forward to the latest instalment of the arsene vs jose show that you remembered all important thing : this classic managerial match-up is no capital club sprint , it 's a london derby marathon .\"]\n", - "=======================\n", - "[\"wenger and mourinho faced off once more as arsenal and chelsea contested a 0-0 drawneither boss was in a combative mood before the game despite some fiery match-ups between the pair in the pastarsenal manager yet to record a win against the portuguese in 13 meetingsthe point is another significant step for chelsea in their inevitable march toward the titlemourinho hits out at ` boring ' criticism as he claims 11-year title wait for arsenal is the real tragedy\"]\n", - "arsene wenger has a look in the direction of jose mourinho during the stalemate at the emiratesthis year , instead , once the actual race was run , all roads led to the emirates and a sky sports team all set to act as pacemaker for the afternoon .i hope when you were sitting at home in front of your tellies looking forward to the latest instalment of the arsene vs jose show that you remembered all important thing : this classic managerial match-up is no capital club sprint , it 's a london derby marathon .\n", - "wenger and mourinho faced off once more as arsenal and chelsea contested a 0-0 drawneither boss was in a combative mood before the game despite some fiery match-ups between the pair in the pastarsenal manager yet to record a win against the portuguese in 13 meetingsthe point is another significant step for chelsea in their inevitable march toward the titlemourinho hits out at ` boring ' criticism as he claims 11-year title wait for arsenal is the real tragedy\n", - "[1.053034 1.1513956 1.5637169 1.1117477 1.0782899 1.1371645 1.0510516\n", - " 1.1486293 1.10752 1.079116 1.0384762 1.032037 1.0267117 1.0275522\n", - " 1.0299139 1.0242844 0. 0. 0. ]\n", - "\n", - "[ 2 1 7 5 3 8 9 4 0 6 10 11 14 13 12 15 17 16 18]\n", - "=======================\n", - "[\"the ` fullips ' device , a sort of suction-thimble , has already been seen at west end parties , and is going viral online .but according to a mother and daughter team behind this simple plastic device , it can achieve an angelina jolie-sized pout without resort to chemicals , needles or a hefty bill .a day later the enhancers arrived in a selection of three sizes , each one claiming to give a different shaped pout to a different sized mouth .\"]\n", - "=======================\n", - "['fullips device was created by linda gomez and her daughter krystleworks by creating a mini-vacuum while you suck on the apparatuscharlotte griffiths puts the suction-thimble that is sold for # 30 to the test']\n", - "the ` fullips ' device , a sort of suction-thimble , has already been seen at west end parties , and is going viral online .but according to a mother and daughter team behind this simple plastic device , it can achieve an angelina jolie-sized pout without resort to chemicals , needles or a hefty bill .a day later the enhancers arrived in a selection of three sizes , each one claiming to give a different shaped pout to a different sized mouth .\n", - "fullips device was created by linda gomez and her daughter krystleworks by creating a mini-vacuum while you suck on the apparatuscharlotte griffiths puts the suction-thimble that is sold for # 30 to the test\n", - "[1.1727928 1.4618527 1.3682526 1.3153985 1.1694955 1.1718023 1.0626525\n", - " 1.0118964 1.0435171 1.1812437 1.0734767 1.0658345 1.0809445 1.0113078\n", - " 1.0132637 1.0145494 1.0224516 1.1336945 1.0424842 1.0540078 1.0251421\n", - " 1.0211933]\n", - "\n", - "[ 1 2 3 9 0 5 4 17 12 10 11 6 19 8 18 20 16 21 15 14 7 13]\n", - "=======================\n", - "[\"star reader was diagnosed with biliary atresia within days of being born in barnsley , west yorkshire .after undergoing an operation to have her bile ducts unblocked , her parents , jade reader and matthew bygrave , were told the infant would need a liver transplant in order to survive .jade reader ( left ) said she was ` overcome with emotion ' when her twin sister shanell ( right ) gave up part of her liver to save niece star\"]\n", - "=======================\n", - "[\"star reader was diagnosed with biliary atresia within days of being bornthe baby 's bile ducts were blocked - a condition which can prove fatalneither of her parents were suitable candidates for partial liver transplanther maternal aunt shanell was the best chance she had at survivalstar underwent operation in leeds in november and has since recovered\"]\n", - "star reader was diagnosed with biliary atresia within days of being born in barnsley , west yorkshire .after undergoing an operation to have her bile ducts unblocked , her parents , jade reader and matthew bygrave , were told the infant would need a liver transplant in order to survive .jade reader ( left ) said she was ` overcome with emotion ' when her twin sister shanell ( right ) gave up part of her liver to save niece star\n", - "star reader was diagnosed with biliary atresia within days of being bornthe baby 's bile ducts were blocked - a condition which can prove fatalneither of her parents were suitable candidates for partial liver transplanther maternal aunt shanell was the best chance she had at survivalstar underwent operation in leeds in november and has since recovered\n", - "[1.2565966 1.5339463 1.272259 1.3603661 1.2363209 1.0481547 1.1570709\n", - " 1.1657983 1.099553 1.1485025 1.0549569 1.0117774 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 4 7 6 9 8 10 5 11 20 12 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"police arrested david powell after the pensioner 's body was discovered at her home in doncaster lane , penkhull , stoke-on-trent on thursday night .although the body has not yet been formally identified , she is understood to be his mother celilia powell .according to the independent , mr powell was arrested after detectives were called to his home on thursday .\"]\n", - "=======================\n", - "[\"body of woman believed to be celilia powell was discovered at her homeher son david powell , 73 , has been charged with the 95-year-old 's murderpolice called to the scene in stoke-on-trent on thursday at about 8pm\"]\n", - "police arrested david powell after the pensioner 's body was discovered at her home in doncaster lane , penkhull , stoke-on-trent on thursday night .although the body has not yet been formally identified , she is understood to be his mother celilia powell .according to the independent , mr powell was arrested after detectives were called to his home on thursday .\n", - "body of woman believed to be celilia powell was discovered at her homeher son david powell , 73 , has been charged with the 95-year-old 's murderpolice called to the scene in stoke-on-trent on thursday at about 8pm\n", - "[1.3649455 1.2978096 1.297214 1.1982936 1.1740906 1.2025166 1.245909\n", - " 1.0284727 1.1729189 1.0605646 1.1445377 1.0687969 1.0512508 1.0549417\n", - " 1.0423326 1.0045 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 6 5 3 4 8 10 11 9 13 12 14 7 15 20 16 17 18 19 21]\n", - "=======================\n", - "[\"west ham 's season tickets will cost as little as # 289 when they move to the olympic stadium in stratford .the hammers will have the cheapest pricing strategy in the barclays premier league in a bid to fill the 54,000 capacity stadium when they make the switch for the 2016-17 season .co-chairmen david gold and david sullivan are using the boost of the enhanced television revenue , which coincides with their move away from upton park , to pass on savings to fans .\"]\n", - "=======================\n", - "['west ham will move to the olympic stadium for the 2016-17 seasonseasons tickets will cost hammers supporters as little as # 289the club will have the cheapest pricing strategy in the premier leaguethe price of a season ticket for under 16s will be cut to just # 99family of four can purchase a season ticket for # 776 - # 41 per match']\n", - "west ham 's season tickets will cost as little as # 289 when they move to the olympic stadium in stratford .the hammers will have the cheapest pricing strategy in the barclays premier league in a bid to fill the 54,000 capacity stadium when they make the switch for the 2016-17 season .co-chairmen david gold and david sullivan are using the boost of the enhanced television revenue , which coincides with their move away from upton park , to pass on savings to fans .\n", - "west ham will move to the olympic stadium for the 2016-17 seasonseasons tickets will cost hammers supporters as little as # 289the club will have the cheapest pricing strategy in the premier leaguethe price of a season ticket for under 16s will be cut to just # 99family of four can purchase a season ticket for # 776 - # 41 per match\n", - "[1.174758 1.3715966 1.3186868 1.319448 1.2251668 1.2600331 1.108373\n", - " 1.0595009 1.2122692 1.0246397 1.0472968 1.097665 1.0160645 1.0237426\n", - " 1.0121891 1.0179282 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 5 4 8 0 6 11 7 10 9 13 15 12 14 16 17 18 19 20 21]\n", - "=======================\n", - "['a national driving survey analysed the travel habits of 3700 australian families which revealed four in five families use technology to deal with bored children , giving them a hand held computer game , like an ipad , while another 70 per cent said they give their kids treats to sweeten the ride .one in five nsw families have admitted to sedating their children before taking them on long car tripsalmost 20 per cent of nsw families use a more extreme technique , admitting they have used sedatives like the antihistamine phenergan to knock their kids out so their journey will be more pleasant .']\n", - "=======================\n", - "['a new national survey analysed the travel habits of australian parentsthe study revealed one in five nsw families sedate their kids on long tripsthe drug commonly used is known to cause breathing difficulties in kidsthe medical community said the practice is dangerous for children']\n", - "a national driving survey analysed the travel habits of 3700 australian families which revealed four in five families use technology to deal with bored children , giving them a hand held computer game , like an ipad , while another 70 per cent said they give their kids treats to sweeten the ride .one in five nsw families have admitted to sedating their children before taking them on long car tripsalmost 20 per cent of nsw families use a more extreme technique , admitting they have used sedatives like the antihistamine phenergan to knock their kids out so their journey will be more pleasant .\n", - "a new national survey analysed the travel habits of australian parentsthe study revealed one in five nsw families sedate their kids on long tripsthe drug commonly used is known to cause breathing difficulties in kidsthe medical community said the practice is dangerous for children\n", - "[1.366322 1.3139778 1.2336982 1.1382008 1.185036 1.0903774 1.0231028\n", - " 1.1321883 1.0371821 1.0721074 1.1209748 1.0165594 1.0130438 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 4 3 7 10 5 9 8 6 11 12 20 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"an editor for a los angeles-based fashion website has opened up about going from a super skinny size two to a ` healthy ' size ten , in a new article about body acceptance .being obsessed about having the perfect body is not exclusive to those working in fashion , but it is an industry that encourages it , and meghan blalock , managing editor of popular style website who what wear , is the first to admit that things can get carried away .ever-changing : the 29-year-old , pictured when she was somewhere between a size four and a size six , says she has been ` pretty much every size you can imagine '\"]\n", - "=======================\n", - "[\"meghan blalock , 29 , is the managing editor for popular style website who what wearshe says that her obsession with losing weight began when she was bullied as a young child and eventually it became an ` addiction '\"]\n", - "an editor for a los angeles-based fashion website has opened up about going from a super skinny size two to a ` healthy ' size ten , in a new article about body acceptance .being obsessed about having the perfect body is not exclusive to those working in fashion , but it is an industry that encourages it , and meghan blalock , managing editor of popular style website who what wear , is the first to admit that things can get carried away .ever-changing : the 29-year-old , pictured when she was somewhere between a size four and a size six , says she has been ` pretty much every size you can imagine '\n", - "meghan blalock , 29 , is the managing editor for popular style website who what wearshe says that her obsession with losing weight began when she was bullied as a young child and eventually it became an ` addiction '\n", - "[1.294383 1.286034 1.1964766 1.2570199 1.2309518 1.1577544 1.0474517\n", - " 1.101344 1.0296475 1.0241807 1.0462337 1.1326507 1.0335977 1.0413102\n", - " 1.0593425 1.0251431 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 4 2 5 11 7 14 6 10 13 12 8 15 9 16 17 18 19]\n", - "=======================\n", - "[\"following heavy defeats at tikrit in iraq and the appalling costly siege of kobane , islamic state have launched their own social media rules to censor coverage on its recent defeats .the image of the rules began to circulate on social media , two weeks after islamic state was forced to abandon the iraqi city of tikrit .the media crackdown appears to be an attempt by isis senior commanders to eradicate any knowledge of the extremist group 's defeats or internal problems .\"]\n", - "=======================\n", - "['embarrassing defeats at kobane and tikrit has left isis feeling under pressurefighters continue to join social media despite the threat of frequent suspensionsa series of social media blunders has previously led to fighters giving away their positions and tacticsislamic state have recently launched new offensives for the baiji oil fields and the iraqi city of ramadi']\n", - "following heavy defeats at tikrit in iraq and the appalling costly siege of kobane , islamic state have launched their own social media rules to censor coverage on its recent defeats .the image of the rules began to circulate on social media , two weeks after islamic state was forced to abandon the iraqi city of tikrit .the media crackdown appears to be an attempt by isis senior commanders to eradicate any knowledge of the extremist group 's defeats or internal problems .\n", - "embarrassing defeats at kobane and tikrit has left isis feeling under pressurefighters continue to join social media despite the threat of frequent suspensionsa series of social media blunders has previously led to fighters giving away their positions and tacticsislamic state have recently launched new offensives for the baiji oil fields and the iraqi city of ramadi\n", - "[1.4721701 1.2647209 1.443363 1.1849525 1.2342572 1.1195874 1.0980626\n", - " 1.0672983 1.1278784 1.0495936 1.0554742 1.0599339 1.2220876 1.0273927\n", - " 1.0085993 1.0110693 1.0085803 1.0082291 1.0367578 0. ]\n", - "\n", - "[ 0 2 1 4 12 3 8 5 6 7 11 10 9 18 13 15 14 16 17 19]\n", - "=======================\n", - "[\"tragedy : zachary cain stickler , 34 , died the day after he pleaded not guilty to hitting his partnerhe had been charged with felony count of making criminal threats and a misdemeanor battery charge , chief deputy district attorney stephanie bridgett said .crash : it is believed stickler intentionally crashed his cessna plane into a field in california on saturday , after texting family and friends that he was ` distraught ' and planned on taking his own life\"]\n", - "=======================\n", - "['pilot zachary cain stickler , 34 , charged with domestic violenceintentionally crashed plane into a field day after pleading not guiltytexted friends and family before crash of his plans to kill himselffor confidential help , call the national suicide prevention lifeline at 1-800-273-8255 or click herefor confidential support on suicide matters in the uk , call the samaritans on 08457 90 90 90 , visit a local samaritans branch or click here']\n", - "tragedy : zachary cain stickler , 34 , died the day after he pleaded not guilty to hitting his partnerhe had been charged with felony count of making criminal threats and a misdemeanor battery charge , chief deputy district attorney stephanie bridgett said .crash : it is believed stickler intentionally crashed his cessna plane into a field in california on saturday , after texting family and friends that he was ` distraught ' and planned on taking his own life\n", - "pilot zachary cain stickler , 34 , charged with domestic violenceintentionally crashed plane into a field day after pleading not guiltytexted friends and family before crash of his plans to kill himselffor confidential help , call the national suicide prevention lifeline at 1-800-273-8255 or click herefor confidential support on suicide matters in the uk , call the samaritans on 08457 90 90 90 , visit a local samaritans branch or click here\n", - "[1.171471 1.3726825 1.3051009 1.3497285 1.1386218 1.1067338 1.0278921\n", - " 1.0636421 1.0327656 1.0492455 1.0182025 1.0947344 1.1564072 1.1094202\n", - " 1.0590749 1.0467821 1.0815167 1.0279431 0. 0. ]\n", - "\n", - "[ 1 3 2 0 12 4 13 5 11 16 7 14 9 15 8 17 6 10 18 19]\n", - "=======================\n", - "[\"in 2008 , naomi jacobs - then aged 32 - woke up terrified of her son , in totally unrecognisable surroundings and thought she was 15 years old .naomi jacobs was 32 when she woke up one morning having lost her memory of the past 17 years of her lifeovernight , she had been struck with transient global amnesia , a form of memory loss brought on by stress that had wiped the ` episodic ' part of her memory .\"]\n", - "=======================\n", - "[\"naomi jacobs woke up one morning believing she was 15 years oldshe was in fact a 32-year-old mother of one running her own businessmiss jacobs had been struck by what is called transient global amnesiathe condition had wiped away the past 17 years of her memory overnightshe admits succumbing to ` total shock ' when her son called her ` mum '\"]\n", - "in 2008 , naomi jacobs - then aged 32 - woke up terrified of her son , in totally unrecognisable surroundings and thought she was 15 years old .naomi jacobs was 32 when she woke up one morning having lost her memory of the past 17 years of her lifeovernight , she had been struck with transient global amnesia , a form of memory loss brought on by stress that had wiped the ` episodic ' part of her memory .\n", - "naomi jacobs woke up one morning believing she was 15 years oldshe was in fact a 32-year-old mother of one running her own businessmiss jacobs had been struck by what is called transient global amnesiathe condition had wiped away the past 17 years of her memory overnightshe admits succumbing to ` total shock ' when her son called her ` mum '\n", - "[1.4743915 1.2362514 1.3459115 1.1742855 1.0788429 1.0630053 1.0975583\n", - " 1.0582172 1.0891409 1.095801 1.0512534 1.0816196 1.0711279 1.191026\n", - " 1.0562996 1.0556214 1.0130697 1.0866326 0. 0. ]\n", - "\n", - "[ 0 2 1 13 3 6 9 8 17 11 4 12 5 7 14 15 10 16 18 19]\n", - "=======================\n", - "[\"andrew sadek 's body was found in a river with a bullet to the head nearly two months after going missing in may 2014tammy sadek believes the answer is that her 20-year-old son signed his own death warrant when he agreed to become a confidential informant for police after they caught him selling marijuana .authorities say he knew what he was getting into and agreed to help them of his own free will .\"]\n", - "=======================\n", - "['andrew sadek , 20 , was working for a narcotics task force after being caught dealing small amounts of marijuana , according to a reporthe went missing in may 2014 and then turned up dead under suspicious circumstances in junehis death raises questions about the use of young , low-level drug offenders as confidential informantsofficials wonder if these people should be given more detailed information about the dangers of working as informants']\n", - "andrew sadek 's body was found in a river with a bullet to the head nearly two months after going missing in may 2014tammy sadek believes the answer is that her 20-year-old son signed his own death warrant when he agreed to become a confidential informant for police after they caught him selling marijuana .authorities say he knew what he was getting into and agreed to help them of his own free will .\n", - "andrew sadek , 20 , was working for a narcotics task force after being caught dealing small amounts of marijuana , according to a reporthe went missing in may 2014 and then turned up dead under suspicious circumstances in junehis death raises questions about the use of young , low-level drug offenders as confidential informantsofficials wonder if these people should be given more detailed information about the dangers of working as informants\n", - "[1.3783545 1.4500229 1.1937177 1.1497059 1.156652 1.2986987 1.1120031\n", - " 1.0600234 1.0924773 1.0558481 1.0958016 1.1150274 1.072567 1.0828779\n", - " 1.0213348 1.1429753 1.0420846 1.0297107 1.0279315 1.0128946]\n", - "\n", - "[ 1 0 5 2 4 3 15 11 6 10 8 13 12 7 9 16 17 18 14 19]\n", - "=======================\n", - "['johnson , 27 , has been bailed to appear before peterlee magistrates on may 20 -- the same day sunderland travel to arsenal -- where it is expected the case will be sent to the crown court .sunderland are under pressure to suspend england star adam johnson after he was charged with grooming and three counts of sexual activity with a 15-year-old girl .if found guilty , johnson faces a lengthy prison term .']\n", - "=======================\n", - "[\"adam johnson charged with three offences of sexual activity with girl , 15winger also facing charge of grooming and had been bailed until may 20sunderland chiefs held talks thursday night to discuss johnson 's futureread : johnson charged with three offences of sexual activity with a childread : johnson 's sunderland future in doubt\"]\n", - "johnson , 27 , has been bailed to appear before peterlee magistrates on may 20 -- the same day sunderland travel to arsenal -- where it is expected the case will be sent to the crown court .sunderland are under pressure to suspend england star adam johnson after he was charged with grooming and three counts of sexual activity with a 15-year-old girl .if found guilty , johnson faces a lengthy prison term .\n", - "adam johnson charged with three offences of sexual activity with girl , 15winger also facing charge of grooming and had been bailed until may 20sunderland chiefs held talks thursday night to discuss johnson 's futureread : johnson charged with three offences of sexual activity with a childread : johnson 's sunderland future in doubt\n", - "[1.2795773 1.3945459 1.3600378 1.2623913 1.2225932 1.1208985 1.0152805\n", - " 1.0245445 1.0162417 1.0380757 1.0496802 1.2503105 1.1512326 1.0359838\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 11 4 12 5 10 9 13 7 8 6 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"under the tough new ` no jab , no pay ' laws , social services minister scott morrison has announced on sunday that parents will no longer be able to access childcare benefits simply by signing a form that says they object to immunisation based on ` personal , philosophical or religious ' reasons .parents who refuse to immunised their children are set to lose up to $ 15,000 a year for every child when the changes come into force from january 1 , 2016 .the federal government has pledged to scrap the religious exemption from welfare benefits in an attempt to crackdown on parents who choose not to vaccinate their children .\"]\n", - "=======================\n", - "[\"the government will scrap the religious exemption from welfare benefitsscott morrison has announced parents will be cut from childcare benefits if they do n't immunise their childrenthe welfare ban comes into force from january 1 , 2016parents who refuse to immunised their kids are set to lose up to $ 15,000these include family tax benefit a as well as childcare assistancescott morrison said rules around welfare payments need to be ` tightened '\"]\n", - "under the tough new ` no jab , no pay ' laws , social services minister scott morrison has announced on sunday that parents will no longer be able to access childcare benefits simply by signing a form that says they object to immunisation based on ` personal , philosophical or religious ' reasons .parents who refuse to immunised their children are set to lose up to $ 15,000 a year for every child when the changes come into force from january 1 , 2016 .the federal government has pledged to scrap the religious exemption from welfare benefits in an attempt to crackdown on parents who choose not to vaccinate their children .\n", - "the government will scrap the religious exemption from welfare benefitsscott morrison has announced parents will be cut from childcare benefits if they do n't immunise their childrenthe welfare ban comes into force from january 1 , 2016parents who refuse to immunised their kids are set to lose up to $ 15,000these include family tax benefit a as well as childcare assistancescott morrison said rules around welfare payments need to be ` tightened '\n", - "[1.284318 1.3685721 1.1285231 1.3468866 1.181445 1.0180544 1.0237457\n", - " 1.0296857 1.104805 1.055133 1.133885 1.2113563 1.103881 1.1229413\n", - " 1.0245959 1.0378835 1.0116984 1.0106336 1.047593 0. 0. ]\n", - "\n", - "[ 1 3 0 11 4 10 2 13 8 12 9 18 15 7 14 6 5 16 17 19 20]\n", - "=======================\n", - "[\"the comments from sbs football reporter and presenter scott mcintyre incited a hashtag that called for him to be sacked , and even caught the disapproving attention of minister for communications malcolm turnbull , after tweeting them on the day of the centenary services .a sports journalist has outraged social media users after publishing ` inappropriate ' and ` despicable ' tweets in which he condemned the commemoration of anzac day , mocked the digger 's bravery and accused them of committing war crimes .mcintyre referred to the anzac 's landing on the gallipoli peninsula in turkey\"]\n", - "=======================\n", - "[\"sbs sports journalist scott mcintyre made the comments on the 100th anniversary of the gallipoli campaignhe accused anzac 's of war crimes and mocked their braveryoutraged social media users launched the hashtag #sackscottmcintyreminister for communications malcolm turnbull called the comments ` inappropriate ' and ` despicable ' and called for their condemnation\"]\n", - "the comments from sbs football reporter and presenter scott mcintyre incited a hashtag that called for him to be sacked , and even caught the disapproving attention of minister for communications malcolm turnbull , after tweeting them on the day of the centenary services .a sports journalist has outraged social media users after publishing ` inappropriate ' and ` despicable ' tweets in which he condemned the commemoration of anzac day , mocked the digger 's bravery and accused them of committing war crimes .mcintyre referred to the anzac 's landing on the gallipoli peninsula in turkey\n", - "sbs sports journalist scott mcintyre made the comments on the 100th anniversary of the gallipoli campaignhe accused anzac 's of war crimes and mocked their braveryoutraged social media users launched the hashtag #sackscottmcintyreminister for communications malcolm turnbull called the comments ` inappropriate ' and ` despicable ' and called for their condemnation\n", - "[1.2642722 1.5286794 1.3106871 1.0933954 1.1849655 1.3078836 1.0662868\n", - " 1.0127419 1.0246274 1.1896375 1.0395333 1.021568 1.1115898 1.1999434\n", - " 1.2220082 1.0166214 1.0145754 1.0167191 1.0154026 1.0475258 1.0081218]\n", - "\n", - "[ 1 2 5 0 14 13 9 4 12 3 6 19 10 8 11 17 15 18 16 7 20]\n", - "=======================\n", - "[\"the five-day suspension for ibrahim ahmad will prevent him from attending la center high 's dance saturday .ahmad says he was trying to go all out with his prom proposal and questions whether the decision to suspend him was based on his ethnicity .a washington teen who strapped fake explosives around his body in a stunt to ask a date to the prom has been suspended from school .\"]\n", - "=======================\n", - "[\"ibrahim ahmad , a senior at la center high in washington state , was suspended five days and will miss saturday 's prom\"]\n", - "the five-day suspension for ibrahim ahmad will prevent him from attending la center high 's dance saturday .ahmad says he was trying to go all out with his prom proposal and questions whether the decision to suspend him was based on his ethnicity .a washington teen who strapped fake explosives around his body in a stunt to ask a date to the prom has been suspended from school .\n", - "ibrahim ahmad , a senior at la center high in washington state , was suspended five days and will miss saturday 's prom\n", - "[1.2050556 1.4471258 1.1842453 1.1779555 1.1731253 1.199101 1.0331612\n", - " 1.0369462 1.0416695 1.0489019 1.0357951 1.0696341 1.0332109 1.0241281\n", - " 1.0178895 1.0478923 1.0218459 1.0320715 1.1218911 1.0487251 0. ]\n", - "\n", - "[ 1 0 5 2 3 4 18 11 9 19 15 8 7 10 12 6 17 13 16 14 20]\n", - "=======================\n", - "['show creator david chase went through the famous final scene for dga quarterly and revealed the reasoning behind each shot .( cnn ) \" sopranos \" theorists now have a little more to chew on .he picks a song on the jukebox : journey \\'s \" do n\\'t stop believin \\' . \"']\n", - "=======================\n", - "['david chase walks through the ending of \" the sopranos \"the use of particular shots and \" do n\\'t stop believin \\' \" build tensionchase still does n\\'t reveal tony soprano \\'s fate']\n", - "show creator david chase went through the famous final scene for dga quarterly and revealed the reasoning behind each shot .( cnn ) \" sopranos \" theorists now have a little more to chew on .he picks a song on the jukebox : journey 's \" do n't stop believin ' . \"\n", - "david chase walks through the ending of \" the sopranos \"the use of particular shots and \" do n't stop believin ' \" build tensionchase still does n't reveal tony soprano 's fate\n", - "[1.2489008 1.3908895 1.2209526 1.2451911 1.2154026 1.0689526 1.0396664\n", - " 1.1444693 1.0520037 1.0454152 1.0991867 1.0661893 1.0462384 1.0938933\n", - " 1.0922835 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 7 10 13 14 5 11 8 12 9 6 19 15 16 17 18 20]\n", - "=======================\n", - "['the controversial contest , held in the forests of the diamond-rich sakha republic , is celebrated in the region as a way of recognising the best canine bear hunter .these shocking pictures show a young bear being chained to a tree and attacked by dogs as part of a baiting competition to hone hunting skills in yakutsk , eastern russia .attacks by brown bears on humans are a danger in many parts of russia , particularly at this time of the year as they awake hungry following the long winter hibernation .']\n", - "=======================\n", - "[\"bear seen chained to a tree for baiting competition to hone dogs ' hunting skills in eastern russiamasha , a five-year-old bear , can be seen attacked by a pack of dogs as she is chained by her neckhunting contest is celebrated in the region as a way of recognising the best canine bear hunter\"]\n", - "the controversial contest , held in the forests of the diamond-rich sakha republic , is celebrated in the region as a way of recognising the best canine bear hunter .these shocking pictures show a young bear being chained to a tree and attacked by dogs as part of a baiting competition to hone hunting skills in yakutsk , eastern russia .attacks by brown bears on humans are a danger in many parts of russia , particularly at this time of the year as they awake hungry following the long winter hibernation .\n", - "bear seen chained to a tree for baiting competition to hone dogs ' hunting skills in eastern russiamasha , a five-year-old bear , can be seen attacked by a pack of dogs as she is chained by her neckhunting contest is celebrated in the region as a way of recognising the best canine bear hunter\n", - "[1.2346454 1.4547471 1.1746541 1.0844892 1.4041805 1.0979542 1.0321057\n", - " 1.1324632 1.1315312 1.0754715 1.033114 1.1629562 1.0720121 1.0167632\n", - " 1.0182599 1.0165738 1.1322143 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 0 2 11 7 16 8 5 3 9 12 10 6 14 13 15 17 18 19 20 21]\n", - "=======================\n", - "[\"christianne boudreau thought her son damien clairmont was going to egypt to study arabic in 2013 , but canadian authorities later told the calgary mother that her son had instead gone to turkey where he crossed the border into syria to join isis .a mother 's grief : christianne boudreau of calgary , canada lost her son last year when he was killed fighting for isis in syriaa canadian woman whose son died fighting for the islamic state is now working to stop the extremist group from taking advantage of more vulnerable young men and women in north america .\"]\n", - "=======================\n", - "[\"christianne boudreau 's son damien clairmont converted to islam at the age of 17 , after being bullied in high schooldamien eventually became radicalized and moved to syria to fight for isishe was killed in january 2014 in aleppomrs boudreau now helps other families whose children have become radicalized\"]\n", - "christianne boudreau thought her son damien clairmont was going to egypt to study arabic in 2013 , but canadian authorities later told the calgary mother that her son had instead gone to turkey where he crossed the border into syria to join isis .a mother 's grief : christianne boudreau of calgary , canada lost her son last year when he was killed fighting for isis in syriaa canadian woman whose son died fighting for the islamic state is now working to stop the extremist group from taking advantage of more vulnerable young men and women in north america .\n", - "christianne boudreau 's son damien clairmont converted to islam at the age of 17 , after being bullied in high schooldamien eventually became radicalized and moved to syria to fight for isishe was killed in january 2014 in aleppomrs boudreau now helps other families whose children have become radicalized\n", - "[1.284636 1.4237392 1.0904137 1.3558128 1.0303372 1.1600564 1.1637795\n", - " 1.0474895 1.0436789 1.1252629 1.1359242 1.0967853 1.0426629 1.14842\n", - " 1.2092811 1.0313429 1.040502 1.0091883 1.011417 1.0090237 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 14 6 5 13 10 9 11 2 7 8 12 16 15 4 18 17 19 20 21]\n", - "=======================\n", - "[\"the minister for investment and trade , who battled depression for 43 years , appeared on abc 's q&a program , and said he tried to trick himself into thinking he was happy with an unconventional approach .australian mp andrew robb bravely revealed one of the unusual methods he used for more a decade to stave of depression 'labor mp anna burke said it is key for australia to invest in prevention strategies for mental health .\"]\n", - "=======================\n", - "[\"australian mp andrew robb says he would put a pen in his mouth to smilegovernment minister did so to trick his brain into releases endorphinsmr robb battled depression much of his life , before seeking help in 2009prevention and treatment of mental illness is key , says labor 's anna burke\"]\n", - "the minister for investment and trade , who battled depression for 43 years , appeared on abc 's q&a program , and said he tried to trick himself into thinking he was happy with an unconventional approach .australian mp andrew robb bravely revealed one of the unusual methods he used for more a decade to stave of depression 'labor mp anna burke said it is key for australia to invest in prevention strategies for mental health .\n", - "australian mp andrew robb says he would put a pen in his mouth to smilegovernment minister did so to trick his brain into releases endorphinsmr robb battled depression much of his life , before seeking help in 2009prevention and treatment of mental illness is key , says labor 's anna burke\n", - "[1.1684306 1.1786764 1.3816942 1.3597356 1.2739091 1.0713716 1.2377201\n", - " 1.1260564 1.1075876 1.1072152 1.1366738 1.0142742 1.0097691 1.0107985\n", - " 1.0541589 1.038419 1.0465372 1.0662074 1.0218276 1.0121295 0.\n", - " 0. ]\n", - "\n", - "[ 2 3 4 6 1 0 10 7 8 9 5 17 14 16 15 18 11 19 13 12 20 21]\n", - "=======================\n", - "['benjamin was born 12 weeks early , weighing 1lb 3oz , little more than a bag of sugar .he suffered five cardiac arrests and was born with a bowel problem requiring two emergency operations .benjamin astbury , who doctors said would not survive after he was born , has defied the odds and is about to celebrate his first birthday .']\n", - "=======================\n", - "['benjamin astbury was born 12 weeks early , weighing just 1lb 3ozwas put into a paralysed state on a ventilator to help him breathedoctors told his parents he had just a 10 % chance of surviving']\n", - "benjamin was born 12 weeks early , weighing 1lb 3oz , little more than a bag of sugar .he suffered five cardiac arrests and was born with a bowel problem requiring two emergency operations .benjamin astbury , who doctors said would not survive after he was born , has defied the odds and is about to celebrate his first birthday .\n", - "benjamin astbury was born 12 weeks early , weighing just 1lb 3ozwas put into a paralysed state on a ventilator to help him breathedoctors told his parents he had just a 10 % chance of surviving\n", - "[1.2508241 1.2681917 1.1144173 1.2457026 1.1531891 1.0451466 1.0613587\n", - " 1.0908042 1.0952284 1.0255044 1.0831251 1.0903295 1.0814422 1.0206889\n", - " 1.0266229 1.0234168 1.0704323 1.0216435 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 4 2 8 7 11 10 12 16 6 5 14 9 15 17 13 20 18 19 21]\n", - "=======================\n", - "['as a co-owner of charmington \\'s , a cafe in the intersection of three major baltimore neighborhoods , rothschild knew that the cafe and its workers needed to support the city after all the unrest .( cnn ) monday night , as unrest raged across baltimore \\'s streets , amanda rothschild lay awake in her remington home , a neighborhood in the northern part of the city , thinking about what the next day would be like .\" there was some fear , but it was really mixed in with an overwhelming sense that everyone here needs help , \" she said .']\n", - "=======================\n", - "['some local businesses in baltimore are banding together to show support for changebusiness owners have given workers opportunities to peacefully demonstrateseveral businesses dealing with destruction , looting from monday riot']\n", - "as a co-owner of charmington 's , a cafe in the intersection of three major baltimore neighborhoods , rothschild knew that the cafe and its workers needed to support the city after all the unrest .( cnn ) monday night , as unrest raged across baltimore 's streets , amanda rothschild lay awake in her remington home , a neighborhood in the northern part of the city , thinking about what the next day would be like .\" there was some fear , but it was really mixed in with an overwhelming sense that everyone here needs help , \" she said .\n", - "some local businesses in baltimore are banding together to show support for changebusiness owners have given workers opportunities to peacefully demonstrateseveral businesses dealing with destruction , looting from monday riot\n", - "[1.2427163 1.4794523 1.2097723 1.2628822 1.2130389 1.2094637 1.0658817\n", - " 1.1198395 1.0876245 1.0835824 1.0516639 1.0251474 1.1003879 1.1325718\n", - " 1.0979602 1.0453651 1.0375315 1.0357693 1.0271654 1.0147728 1.0107785\n", - " 1.0847456]\n", - "\n", - "[ 1 3 0 4 2 5 13 7 12 14 8 21 9 6 10 15 16 17 18 11 19 20]\n", - "=======================\n", - "[\"dontrell stephens did n't die after he was shot by palm beach county sheriff 's office deputy adam lin , but the then-20-year-old was paralyzed from the waist down after the shooting .dashcam footage from a florida cop car taken in september of 2013 shows dontrell stephens being followeddeputy lin fired his gun four times at stephens even though the then-20-year-old had a cellphone , not a gun\"]\n", - "=======================\n", - "[\"dontrell stephens was paralyzed from waist down after the 2013 shootingshot by palm beach county sheriff 's office deputy adam lin in floridathen-20-year-old had nothing in his hand but a cellphone during incidentstate officials ruled the shooting was justified after an investigationlin returned to work just four days after the south florida shooting114 people shot at by a palm beach county sheriff 's deputy since 2000\"]\n", - "dontrell stephens did n't die after he was shot by palm beach county sheriff 's office deputy adam lin , but the then-20-year-old was paralyzed from the waist down after the shooting .dashcam footage from a florida cop car taken in september of 2013 shows dontrell stephens being followeddeputy lin fired his gun four times at stephens even though the then-20-year-old had a cellphone , not a gun\n", - "dontrell stephens was paralyzed from waist down after the 2013 shootingshot by palm beach county sheriff 's office deputy adam lin in floridathen-20-year-old had nothing in his hand but a cellphone during incidentstate officials ruled the shooting was justified after an investigationlin returned to work just four days after the south florida shooting114 people shot at by a palm beach county sheriff 's deputy since 2000\n", - "[1.2594349 1.5152909 1.2905872 1.3990101 1.0512601 1.0307708 1.1497282\n", - " 1.0235921 1.0319973 1.0304337 1.0902969 1.0952321 1.0634174 1.0301043\n", - " 1.0279808 1.0236442 1.0506728 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 6 11 10 12 4 16 8 5 9 13 14 15 7 19 17 18 20]\n", - "=======================\n", - "['kris wardle , who lives in leicester , thought his world was complete when he married his long-term girlfriend katrina in 2011 with her teenage son , mark , acting as best man .kris and tina wardle fell in love in 2002 and had planned a life togetherhowever , less than two years later , the hgv truck driver would be a widower , after his beloved wife was killed in a frenzied knife attack by now 21-year-old mark after a row over his cannabis use .']\n", - "=======================\n", - "[\"mark howe , 21 , researched what weapons his tv icon used on victimssent text messages to friends saying how much he hated mum tinathe 48-year-old tackled him over cannabis use at family home in leicesterfound lying dead inside flat by her father-in-law brian wardlekris wardle said he was devastated at death of his beloved wifekris wardle and his father brian appear on britain 's darkest taboos , sunday night at 9pm on ci\"]\n", - "kris wardle , who lives in leicester , thought his world was complete when he married his long-term girlfriend katrina in 2011 with her teenage son , mark , acting as best man .kris and tina wardle fell in love in 2002 and had planned a life togetherhowever , less than two years later , the hgv truck driver would be a widower , after his beloved wife was killed in a frenzied knife attack by now 21-year-old mark after a row over his cannabis use .\n", - "mark howe , 21 , researched what weapons his tv icon used on victimssent text messages to friends saying how much he hated mum tinathe 48-year-old tackled him over cannabis use at family home in leicesterfound lying dead inside flat by her father-in-law brian wardlekris wardle said he was devastated at death of his beloved wifekris wardle and his father brian appear on britain 's darkest taboos , sunday night at 9pm on ci\n", - "[1.4734635 1.2817345 1.1952223 1.1552379 1.1226317 1.1021581 1.0283996\n", - " 1.0170203 1.2860175 1.1117995 1.0789062 1.0713089 1.0598241 1.021421\n", - " 1.0647483 1.0144836 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 8 1 2 3 4 9 5 10 11 14 12 6 13 7 15 19 16 17 18 20]\n", - "=======================\n", - "[\"iranian supreme leader ayatollah ali khamenei on thursday demanded that all sanctions on iran be lifted at the same time as any final agreement with world powers on curbing tehran 's nuclear program is reached .khamenei , the islamic republic 's most powerful figure and who has the last say on all state matters , was making his first comments on the interim deal reached last week in the swiss city of lausanne .in remarks apparently meant to keep hardline loyalists in line , he warned about ` deceptive ' intentions of the united states .\"]\n", - "=======================\n", - "[\"iran 's president hassan rouhani assured the crowd that ` the iranian nation has been and will be the victor in the negotiations 'ayatollah khamenei said in a speech that ` sanctions must all be completely removed on the day of the agreement 'state department insisted hours later that ` sanctions will be suspended in a phased manner 'iranian ` supreme leader ' said white house 's public summary of talks ` was faulty , incorrect and contrary to the substance of the negotiations 'watchdog group warns obama administration is ` desperate for a nuclear deal ' and ` will give more concessions to tehran 'pro-israel advocate says iran has ' a 100 per cent record of forcing the americans to bow to their interpretation whenever there 's a dispute '\"]\n", - "iranian supreme leader ayatollah ali khamenei on thursday demanded that all sanctions on iran be lifted at the same time as any final agreement with world powers on curbing tehran 's nuclear program is reached .khamenei , the islamic republic 's most powerful figure and who has the last say on all state matters , was making his first comments on the interim deal reached last week in the swiss city of lausanne .in remarks apparently meant to keep hardline loyalists in line , he warned about ` deceptive ' intentions of the united states .\n", - "iran 's president hassan rouhani assured the crowd that ` the iranian nation has been and will be the victor in the negotiations 'ayatollah khamenei said in a speech that ` sanctions must all be completely removed on the day of the agreement 'state department insisted hours later that ` sanctions will be suspended in a phased manner 'iranian ` supreme leader ' said white house 's public summary of talks ` was faulty , incorrect and contrary to the substance of the negotiations 'watchdog group warns obama administration is ` desperate for a nuclear deal ' and ` will give more concessions to tehran 'pro-israel advocate says iran has ' a 100 per cent record of forcing the americans to bow to their interpretation whenever there 's a dispute '\n", - "[1.3815846 1.4527937 1.2814816 1.335492 1.0406011 1.0826051 1.1570361\n", - " 1.0226583 1.0157791 1.0863385 1.0286416 1.042898 1.2736137 1.0144972\n", - " 1.0191994 1.0562423 1.0505518 1.0762658 1.0387374 1.0214058 0. ]\n", - "\n", - "[ 1 0 3 2 12 6 9 5 17 15 16 11 4 18 10 7 19 14 8 13 20]\n", - "=======================\n", - "[\"the 18-year-old striker came off the bench to score an impressive first goal of his senior career at brentford on east monday .tyler walker is a player who could form nottingham forest 's attack for years to come , according to manager dougie freedman .tyler walker celebrates after scoring his first senior goal for nottingham forest away to brentford\"]\n", - "=======================\n", - "['tyler walker came off the bench to score his first goal against brentfordthe 18-year-old is son of former england international des walkermanager dougie freedman believes the forward has a bright future']\n", - "the 18-year-old striker came off the bench to score an impressive first goal of his senior career at brentford on east monday .tyler walker is a player who could form nottingham forest 's attack for years to come , according to manager dougie freedman .tyler walker celebrates after scoring his first senior goal for nottingham forest away to brentford\n", - "tyler walker came off the bench to score his first goal against brentfordthe 18-year-old is son of former england international des walkermanager dougie freedman believes the forward has a bright future\n", - "[1.110388 1.3547567 1.4309798 1.1109782 1.2346092 1.2029903 1.0508513\n", - " 1.0364661 1.1430161 1.0731223 1.1168039 1.0302231 1.0401632 1.0424644\n", - " 1.0371163 1.1364397 1.0362883 1.0518665 1.0908856 1.0337032 0. ]\n", - "\n", - "[ 2 1 4 5 8 15 10 3 0 18 9 17 6 13 12 14 7 16 19 11 20]\n", - "=======================\n", - "[\"his mother , laney griner from jacksonville , florida , set up a gofundme page to raise the $ 75,000 her husband , justin , needs for the kidney transplant and years of subsequent medications .but now sam griner is eight years old and is using his online fame to help out his sick dad .famous face : sammy is better known as the face of the ` success kid ' meme .\"]\n", - "=======================\n", - "[\"sam griner was just 11 months old when his mother snapped him clenching his fist on the beach and posted the image onlineyears later , she learned it had become the popular ` success kid ' memesammy 's father , justin , has been on dialysis for six years and is in need of a kidney transplant so the family is now appealing for helpthey have set up a gofundme page to try to find him a kidney and to raise the $ 75,000 he will need for the procedure and medication\"]\n", - "his mother , laney griner from jacksonville , florida , set up a gofundme page to raise the $ 75,000 her husband , justin , needs for the kidney transplant and years of subsequent medications .but now sam griner is eight years old and is using his online fame to help out his sick dad .famous face : sammy is better known as the face of the ` success kid ' meme .\n", - "sam griner was just 11 months old when his mother snapped him clenching his fist on the beach and posted the image onlineyears later , she learned it had become the popular ` success kid ' memesammy 's father , justin , has been on dialysis for six years and is in need of a kidney transplant so the family is now appealing for helpthey have set up a gofundme page to try to find him a kidney and to raise the $ 75,000 he will need for the procedure and medication\n", - "[1.1918324 1.499278 1.3617568 1.2317319 1.2004007 1.2172076 1.2791479\n", - " 1.1710892 1.0599245 1.0651469 1.0311399 1.0296328 1.0537362 1.0197498\n", - " 1.018602 1.1276659 1.0481133 1.0129714 1.010173 1.0557214 1.0499926]\n", - "\n", - "[ 1 2 6 3 5 4 0 7 15 9 8 19 12 20 16 10 11 13 14 17 18]\n", - "=======================\n", - "[\"gavin tobeck of lacey , washington suffered from a broken cheekbone , jaw and nose bridge , and needed sections of a rib to repair his eye sockets after the attack by their dog smash on april 1 .the boy also lost five baby teeth and three permanent tooth buds .in an effort to save her son , 29-year-old alissa evans ' friend threw hot coffee on the dog which led to the animal releasing his grip on gavin .\"]\n", - "=======================\n", - "[\"gavin tobeck of washington was attacked by one-and-a-half-year-old smash while in his backyard on april 1 ; he was released late on tuesdayduring the attack , his mother 's friend dumped a cup of hot coffee on the dog to get him to release his grip on gavinthe boy suffered from a broken cheekbone , jaw and nose bridge and lost five baby teeth and three permanent tooth budssmash is scheduled to be euthanized on saturday by thurston county animal service\"]\n", - "gavin tobeck of lacey , washington suffered from a broken cheekbone , jaw and nose bridge , and needed sections of a rib to repair his eye sockets after the attack by their dog smash on april 1 .the boy also lost five baby teeth and three permanent tooth buds .in an effort to save her son , 29-year-old alissa evans ' friend threw hot coffee on the dog which led to the animal releasing his grip on gavin .\n", - "gavin tobeck of washington was attacked by one-and-a-half-year-old smash while in his backyard on april 1 ; he was released late on tuesdayduring the attack , his mother 's friend dumped a cup of hot coffee on the dog to get him to release his grip on gavinthe boy suffered from a broken cheekbone , jaw and nose bridge and lost five baby teeth and three permanent tooth budssmash is scheduled to be euthanized on saturday by thurston county animal service\n", - "[1.254716 1.4321089 1.3349098 1.1434038 1.0979822 1.0610628 1.058478\n", - " 1.0894867 1.0769821 1.0856229 1.1309961 1.0754327 1.0281628 1.0570658\n", - " 1.0861412 1.095221 1.0692332 1.0848294 1.1020262 1.0614512 1.0580935]\n", - "\n", - "[ 1 2 0 3 10 18 4 15 7 14 9 17 8 11 16 19 5 6 20 13 12]\n", - "=======================\n", - "[\"the f1 world champion was spotted on the rome set for the comedy sequel , in a scene that looked like ben stiller 's male model was taking part in a catwalk show with owen wilson 's hansel .cameo : lewis hamilton and olivia munn film scenes in rome for zoolander 2looks like lewis hamilton has landed himself a cameo role in zoolander 2 .\"]\n", - "=======================\n", - "['lewis hamilton has landed himself a cameo role in zoolander 2the f1 world champion was spotted on the rome set of the filmthe comedy sequel stars ben stiller , owen wilson and billy zane']\n", - "the f1 world champion was spotted on the rome set for the comedy sequel , in a scene that looked like ben stiller 's male model was taking part in a catwalk show with owen wilson 's hansel .cameo : lewis hamilton and olivia munn film scenes in rome for zoolander 2looks like lewis hamilton has landed himself a cameo role in zoolander 2 .\n", - "lewis hamilton has landed himself a cameo role in zoolander 2the f1 world champion was spotted on the rome set of the filmthe comedy sequel stars ben stiller , owen wilson and billy zane\n", - "[1.3106483 1.1641357 1.2170509 1.3274747 1.111909 1.0456129 1.0947691\n", - " 1.0627795 1.0313277 1.1431209 1.0888494 1.0877864 1.0841435 1.0457652\n", - " 1.0557992 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 1 9 4 6 10 11 12 7 14 13 5 8 19 15 16 17 18 20]\n", - "=======================\n", - "[\"to celebrate the fifth series of game of thrones travel service zicasso is offering a luxury themed tour of southern spainwhile the programme has already filmed in some of the most picturesque places around the world - including croatia , iceland and the giant 's causeway in northern ireland - series five has opted for slightly warmer fare .in the andalusian capital , seville , travellers will spend three nights adhering to a full itinerary which includes a stop at the world 's largest gothic cathedral , registered by unesco as a world heritage site .\"]\n", - "=======================\n", - "[\"hbo 's hit series , game of thrones , set to return with its fifth season , which was filmed all over europeto celebrate , travel referral service , zicasso , is offering fans a luxury themed trip to visit all filming locationsmust-visit locations for game of thrones fans include spain , northern ireland , morocco , croatia and iceland\"]\n", - "to celebrate the fifth series of game of thrones travel service zicasso is offering a luxury themed tour of southern spainwhile the programme has already filmed in some of the most picturesque places around the world - including croatia , iceland and the giant 's causeway in northern ireland - series five has opted for slightly warmer fare .in the andalusian capital , seville , travellers will spend three nights adhering to a full itinerary which includes a stop at the world 's largest gothic cathedral , registered by unesco as a world heritage site .\n", - "hbo 's hit series , game of thrones , set to return with its fifth season , which was filmed all over europeto celebrate , travel referral service , zicasso , is offering fans a luxury themed trip to visit all filming locationsmust-visit locations for game of thrones fans include spain , northern ireland , morocco , croatia and iceland\n", - "[1.2471795 1.505771 1.1640038 1.2028469 1.0840529 1.0426147 1.0288622\n", - " 1.0187851 1.1981691 1.0981594 1.1604307 1.1831487 1.1038364 1.0199159\n", - " 1.0201067 1.010557 1.0135353 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 8 11 2 10 12 9 4 5 6 14 13 7 16 15 19 17 18 20]\n", - "=======================\n", - "['denise fedyszyn , from holmfirth , west yorkshire , tipped the scales at 20 stone 4lb - and wore dress size 26 - when she was left feeling mortified while on a family day out with her daughters anya and isla .an obese woman has lost half her body weight after being told in front of her children she was too large to go on a fairground ride .denise dressed as a troll in a charity parade before ( l ) and ms fedyszyn after having shed more than 10st ( r )']\n", - "=======================\n", - "[\"denise fedyszyn , 37 , from holmfirth , was told : ` you 're too fat to ride 'mother-of-two , who weighed 20st 4lb , joined a weight watchers groupstarted diet plan and regular runs , and lost more than 10st in 12 monthsdropped eight dress taking her from size 26 to a size 10inspired , her friend lisa walters lots 35lbs in two monthsthe pair had been mortified of pictures of them as bridesmaids\"]\n", - "denise fedyszyn , from holmfirth , west yorkshire , tipped the scales at 20 stone 4lb - and wore dress size 26 - when she was left feeling mortified while on a family day out with her daughters anya and isla .an obese woman has lost half her body weight after being told in front of her children she was too large to go on a fairground ride .denise dressed as a troll in a charity parade before ( l ) and ms fedyszyn after having shed more than 10st ( r )\n", - "denise fedyszyn , 37 , from holmfirth , was told : ` you 're too fat to ride 'mother-of-two , who weighed 20st 4lb , joined a weight watchers groupstarted diet plan and regular runs , and lost more than 10st in 12 monthsdropped eight dress taking her from size 26 to a size 10inspired , her friend lisa walters lots 35lbs in two monthsthe pair had been mortified of pictures of them as bridesmaids\n", - "[1.2822341 1.4098037 1.2384206 1.3208026 1.152608 1.1335913 1.0883604\n", - " 1.0879964 1.0676907 1.0948983 1.027021 1.0143983 1.0135329 1.04247\n", - " 1.0541927 1.0303292 1.0142283 1.0897778 1.1009773 1.0603414 0. ]\n", - "\n", - "[ 1 3 0 2 4 5 18 9 17 6 7 8 19 14 13 15 10 11 16 12 20]\n", - "=======================\n", - "[\"carter and jack hanson , who live in raleigh , north carolina , met their hero on the yorktown - a retired carrier in charleston , where mr harding served as an aircraft handler decades before , cbs reported .ten-year-old twin brothers obsessed with naval history had their passion come to life as they heard first-hand battle stories from their new best friend - 89-year-old world war ii veteran , robert harding .it was an emotional first meeting for the three friends who had been in contact for about a year via email after the twins learned about mr harding on their first trip to yorktown and the patriot 's point museum .\"]\n", - "=======================\n", - "['carter and jack hanson , who live in raleigh , north carolina , met their hero on the yorktown - a retired carrier in charleston , south carolinarobert harding traveled to meet the boys from his home in oklahoma after spending months exchanging daily emailsmr harding served as an aircraft handler on the yorktown during the second world war']\n", - "carter and jack hanson , who live in raleigh , north carolina , met their hero on the yorktown - a retired carrier in charleston , where mr harding served as an aircraft handler decades before , cbs reported .ten-year-old twin brothers obsessed with naval history had their passion come to life as they heard first-hand battle stories from their new best friend - 89-year-old world war ii veteran , robert harding .it was an emotional first meeting for the three friends who had been in contact for about a year via email after the twins learned about mr harding on their first trip to yorktown and the patriot 's point museum .\n", - "carter and jack hanson , who live in raleigh , north carolina , met their hero on the yorktown - a retired carrier in charleston , south carolinarobert harding traveled to meet the boys from his home in oklahoma after spending months exchanging daily emailsmr harding served as an aircraft handler on the yorktown during the second world war\n", - "[1.3666341 1.3492 1.1837492 1.1792388 1.1801374 1.1080829 1.0848513\n", - " 1.0732975 1.0379467 1.0573314 1.0617877 1.1708075 1.0797882 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 4 3 11 5 6 12 7 10 9 8 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the father of dave brockie , the late frontman of the eccentric heavy metal band gwar , has sued his son 's band mates , claiming they have stolen his son 's ashes , guitars and artwork .brockie , who was known onstage as the armor-clad demon oderus urungus , was found slumped in a chair at his richmond , virginia , home march 23 , 2014 .a medical examiner later determined that the 50-year-old musician died of accidental drug overdose .\"]\n", - "=======================\n", - "[\"dave brockie , 50 , was found dead on march 23 , 2014 , at his richmond , virginia homemedical examiner ruled brockie died of accidental acute heroin toxicityhis father , william brockie filed lawsuit against band seeking $ 1million in compensatory damages on top of unspecified punitive damagessuit alleges bandmates stole his remains , guitars , artwork and a gold recordwhen mr brockie demanded to have his son 's ashes back , gwar members allegedly gave him a small portion in a used plastic bag\"]\n", - "the father of dave brockie , the late frontman of the eccentric heavy metal band gwar , has sued his son 's band mates , claiming they have stolen his son 's ashes , guitars and artwork .brockie , who was known onstage as the armor-clad demon oderus urungus , was found slumped in a chair at his richmond , virginia , home march 23 , 2014 .a medical examiner later determined that the 50-year-old musician died of accidental drug overdose .\n", - "dave brockie , 50 , was found dead on march 23 , 2014 , at his richmond , virginia homemedical examiner ruled brockie died of accidental acute heroin toxicityhis father , william brockie filed lawsuit against band seeking $ 1million in compensatory damages on top of unspecified punitive damagessuit alleges bandmates stole his remains , guitars , artwork and a gold recordwhen mr brockie demanded to have his son 's ashes back , gwar members allegedly gave him a small portion in a used plastic bag\n", - "[1.569336 1.2028885 1.3611996 1.1831124 1.1028928 1.1501408 1.0541971\n", - " 1.0279094 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 5 4 6 7 17 16 15 14 13 9 11 10 18 8 12 19]\n", - "=======================\n", - "[\"peshawar , pakistan ( cnn ) ten people have been sentenced to life in prison for their roles in the 2012 attack on nobel peace prize-winning activist malala yousafzai , a judge announced thursday .the 10 were arrested in swat , a district of pakistan 's khyber pakhtunkhwa province , pakistani army spokesman maj. gen. asim bajwa said last september .the assailant 's conviction and sentences follow a trial that included testimony from both sides , according to pakistani antiterrorism judge mohammad amin kundi .\"]\n", - "=======================\n", - "['the sentences came after a trial in pakistan , a judge saysmalala yousafzai is an outspoken advocate for the education of girlsshe was attacked in pakistan in 2012']\n", - "peshawar , pakistan ( cnn ) ten people have been sentenced to life in prison for their roles in the 2012 attack on nobel peace prize-winning activist malala yousafzai , a judge announced thursday .the 10 were arrested in swat , a district of pakistan 's khyber pakhtunkhwa province , pakistani army spokesman maj. gen. asim bajwa said last september .the assailant 's conviction and sentences follow a trial that included testimony from both sides , according to pakistani antiterrorism judge mohammad amin kundi .\n", - "the sentences came after a trial in pakistan , a judge saysmalala yousafzai is an outspoken advocate for the education of girlsshe was attacked in pakistan in 2012\n", - "[1.1363361 1.1094654 1.1662228 1.4145566 1.1690292 1.1389492 1.0775237\n", - " 1.078807 1.0761609 1.1057075 1.108746 1.0722177 1.0914018 1.0319518\n", - " 1.0446639 1.0536561 1.093098 1.0163931 1.0180359 0. ]\n", - "\n", - "[ 3 4 2 5 0 1 10 9 16 12 7 6 8 11 15 14 13 18 17 19]\n", - "=======================\n", - "['the settlement of aogashima in the philippine sea , has 200 inhabitants who live in the middle of a volcanic craterthe secluded settlements are often cut off from the surrounding areas , but are each set in their own natural paradises .the last time the class-c volcano erupted was in the 1780s , and it proved fatal for half of the people living on the island .']\n", - "=======================\n", - "['some villages exist in what would be considered as uninhabitable places around the worldthey have thrived by adapting to the natural surroundings and some remain hidden away from the rest of the worldhidden villages can be found in the middle of the grand canyon , in clay structures on rock faces , and underground']\n", - "the settlement of aogashima in the philippine sea , has 200 inhabitants who live in the middle of a volcanic craterthe secluded settlements are often cut off from the surrounding areas , but are each set in their own natural paradises .the last time the class-c volcano erupted was in the 1780s , and it proved fatal for half of the people living on the island .\n", - "some villages exist in what would be considered as uninhabitable places around the worldthey have thrived by adapting to the natural surroundings and some remain hidden away from the rest of the worldhidden villages can be found in the middle of the grand canyon , in clay structures on rock faces , and underground\n", - "[1.4841045 1.4126204 1.1991242 1.3351113 1.2377735 1.2163787 1.0218962\n", - " 1.0154363 1.0146801 1.0241442 1.0266409 1.0136456 1.0305263 1.046671\n", - " 1.2962711 1.072912 1.0638652 1.1071652 0. 0. ]\n", - "\n", - "[ 0 1 3 14 4 5 2 17 15 16 13 12 10 9 6 7 8 11 18 19]\n", - "=======================\n", - "[\"fifa vice-president jim boyce claimed on wednesday night that the sfa were ` entirely wrong ' in their move to ban josh meekings from the scottish cup final .the inverness caley thistle centre-half will learn on thursday whether he has been successful in challenging the one-match suspension offered by compliance officer tony mcglennan .inverness defender josh meekings ' arm blocks the ball and prevents a goal to celtic on sunday\"]\n", - "=======================\n", - "[\"josh meekings was given a retrospective one-match ban for a handballthe incident was n't punished in inverness 's scottish cup win over celticthe ban , which is being appealed , would rule meekings out of the cup finalceltic wrote to the sfa asking why why no penalty or red card followedjim boyce said he was speaking in a personal capacity , not for fifa\"]\n", - "fifa vice-president jim boyce claimed on wednesday night that the sfa were ` entirely wrong ' in their move to ban josh meekings from the scottish cup final .the inverness caley thistle centre-half will learn on thursday whether he has been successful in challenging the one-match suspension offered by compliance officer tony mcglennan .inverness defender josh meekings ' arm blocks the ball and prevents a goal to celtic on sunday\n", - "josh meekings was given a retrospective one-match ban for a handballthe incident was n't punished in inverness 's scottish cup win over celticthe ban , which is being appealed , would rule meekings out of the cup finalceltic wrote to the sfa asking why why no penalty or red card followedjim boyce said he was speaking in a personal capacity , not for fifa\n", - "[1.3344263 1.3942051 1.131707 1.336771 1.323777 1.2296965 1.0883306\n", - " 1.0829558 1.0663702 1.1116173 1.0429566 1.0279458 1.0642202 1.0362817\n", - " 1.0401028 1.0184337 1.0101581 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 5 2 9 6 7 8 12 10 14 13 11 15 16 18 17 19]\n", - "=======================\n", - "[\"the red , worn chair will be removed from its enclosure at dearborn 's henry ford museum and displayed in an open plaza on april 15 as part of the museum 's observance of the assassination 's 150 anniversary .visitors to a metro-detroit museum have a chance to get an up-close look at the chair abraham lincoln was shot in at washington d.c. 's ford 's theatre in 1865 next week as the museum puts it center stage .two days earlier , it will be onstage when renowned historian and lincoln expert doris kearns goodwin delivers a sold-out lecture at the henry ford .\"]\n", - "=======================\n", - "[\"the henry ford museum in dearborn , michigan , has had chair for 85 yearsthe worn , red chair , from washington d.c. 's ford 's theatre , is usually kept in an enclosed case but will be put in an open plaza on april 15abraham lincoln was shot by john wilkes booth on april 14 , 1865the henry ford museum also holds the limo in which john f. kennedy was shot and the bus rosa parks rode when she refused to give up her seat\"]\n", - "the red , worn chair will be removed from its enclosure at dearborn 's henry ford museum and displayed in an open plaza on april 15 as part of the museum 's observance of the assassination 's 150 anniversary .visitors to a metro-detroit museum have a chance to get an up-close look at the chair abraham lincoln was shot in at washington d.c. 's ford 's theatre in 1865 next week as the museum puts it center stage .two days earlier , it will be onstage when renowned historian and lincoln expert doris kearns goodwin delivers a sold-out lecture at the henry ford .\n", - "the henry ford museum in dearborn , michigan , has had chair for 85 yearsthe worn , red chair , from washington d.c. 's ford 's theatre , is usually kept in an enclosed case but will be put in an open plaza on april 15abraham lincoln was shot by john wilkes booth on april 14 , 1865the henry ford museum also holds the limo in which john f. kennedy was shot and the bus rosa parks rode when she refused to give up her seat\n", - "[1.1652426 1.2317514 1.3150179 1.2201257 1.2910341 1.1158737 1.1605227\n", - " 1.0387565 1.0759691 1.2046179 1.1271851 1.05284 1.0326182 1.0312833\n", - " 1.0415025 1.0486444 1.0738671 1.0889299 1.0253664 1.0263985]\n", - "\n", - "[ 2 4 1 3 9 0 6 10 5 17 8 16 11 15 14 7 12 13 19 18]\n", - "=======================\n", - "['the drug already works for women with cancer fuelled by brca gene mutations , the defect that led to actress angelina jolie having her ovaries removed .up to 30 per cent of men with advanced prostate cancer have tumours that have dna defects and these respond particularly well to olaparib .clinical trials show that olaparib can delay the moment when the disease gets dangerously out of control .']\n", - "=======================\n", - "['olaparib is the first cancer drug to target inherited genetic mutationsup to 30 per cent of men with advanced prostate cancer have tumours with genetic defects - and they responded well to olaparibdrug prolongs time a sufferer can live without disease getting worse']\n", - "the drug already works for women with cancer fuelled by brca gene mutations , the defect that led to actress angelina jolie having her ovaries removed .up to 30 per cent of men with advanced prostate cancer have tumours that have dna defects and these respond particularly well to olaparib .clinical trials show that olaparib can delay the moment when the disease gets dangerously out of control .\n", - "olaparib is the first cancer drug to target inherited genetic mutationsup to 30 per cent of men with advanced prostate cancer have tumours with genetic defects - and they responded well to olaparibdrug prolongs time a sufferer can live without disease getting worse\n", - "[1.2618945 1.313307 1.2142758 1.2319069 1.3216904 1.2184424 1.0916425\n", - " 1.0242008 1.0504998 1.0378429 1.0801389 1.103555 1.1269324 1.112902\n", - " 1.0659384 1.041855 1.0622554 1.0317453 1.1297156 0. 0.\n", - " 0. ]\n", - "\n", - "[ 4 1 0 3 5 2 18 12 13 11 6 10 14 16 8 15 9 17 7 19 20 21]\n", - "=======================\n", - "['# 60 million of public money has been pledged by boris johnson and george osborne - # 30 million each -- for the project .local campaigners vigorously opposed to the bridge are calling for a parliamentary inquiry into the scheme ahead of a crucial judicial review next month , the observer reported .when the project first began it was promised it would be paid for in its entirety through private funds .']\n", - "=======================\n", - "[\"opposition to garden spanning the thames , favoured by boris johnson , gathers speed as use of funds criticisedgeorge osborne and the mayor have promised # 60 million in funds but opponents say the public wo n't have accesscritics want a parliamentary inquiry into the bridge ahead of a judicial review in may which could end the plans\"]\n", - "# 60 million of public money has been pledged by boris johnson and george osborne - # 30 million each -- for the project .local campaigners vigorously opposed to the bridge are calling for a parliamentary inquiry into the scheme ahead of a crucial judicial review next month , the observer reported .when the project first began it was promised it would be paid for in its entirety through private funds .\n", - "opposition to garden spanning the thames , favoured by boris johnson , gathers speed as use of funds criticisedgeorge osborne and the mayor have promised # 60 million in funds but opponents say the public wo n't have accesscritics want a parliamentary inquiry into the bridge ahead of a judicial review in may which could end the plans\n", - "[1.2331346 1.4217231 1.2760718 1.2213769 1.195991 1.204674 1.1398764\n", - " 1.2182903 1.0631633 1.1213082 1.1073226 1.0446622 1.1264559 1.0880696\n", - " 1.0510296 1.0292019 1.0200512 1.0346316 1.0295128 1.067395 1.0260643\n", - " 1.045432 ]\n", - "\n", - "[ 1 2 0 3 7 5 4 6 12 9 10 13 19 8 14 21 11 17 18 15 20 16]\n", - "=======================\n", - "[\"the 4wd , containing four children and an adult , crashed into a lake at wyndham vale in melbourne 's outer west , just before 4pm .police believe that all children are under the age of six .according to nine news reports , one child who died in hospital was aged seven .\"]\n", - "=======================\n", - "[\"the 4wd crashed into a lake in melbourne 's outer west just before 4pmthere were four children and an adult inside the vehicleall the children are aged under seven years oldthree children have been confirmed dead by victoria policea fourth child remains in a serious condition at hospitala woman has been transported to hospital and is under police guardpolice say they are yet to determine how the car went into the lake` police do not believe anyone is still in the lake , ' victoria police said\"]\n", - "the 4wd , containing four children and an adult , crashed into a lake at wyndham vale in melbourne 's outer west , just before 4pm .police believe that all children are under the age of six .according to nine news reports , one child who died in hospital was aged seven .\n", - "the 4wd crashed into a lake in melbourne 's outer west just before 4pmthere were four children and an adult inside the vehicleall the children are aged under seven years oldthree children have been confirmed dead by victoria policea fourth child remains in a serious condition at hospitala woman has been transported to hospital and is under police guardpolice say they are yet to determine how the car went into the lake` police do not believe anyone is still in the lake , ' victoria police said\n", - "[1.27566 1.4618921 1.2233508 1.2939835 1.1885467 1.1411756 1.156054\n", - " 1.0497553 1.0944064 1.1645687 1.0342091 1.0365381 1.1116728 1.0493829\n", - " 1.0918962 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 2 4 9 6 5 12 8 14 7 13 11 10 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the 35-year-old served a one-game ban after he admitted breaking the sfa 's zero-tolerance gambling rules by betting on a total of 50 games in a year .the scottish fa have failed in their attempt to further punish rangers ' goalkeeper steve simonsen for bettingbut sfa compliance officer tony mcglennan challenged that decision , claiming his punishment was ` unduly lenient ' .\"]\n", - "=======================\n", - "[\"the scottish fa have failed in their attempt to have the punishment handed to rangers ' steve simonsen for betting increasedsimonsen served a one-game ban after betting on a total of 50 games in a year , but the scottish fa felt this was too lenientthe goalkeeper 's legal team were able to construct an effective counter-case\"]\n", - "the 35-year-old served a one-game ban after he admitted breaking the sfa 's zero-tolerance gambling rules by betting on a total of 50 games in a year .the scottish fa have failed in their attempt to further punish rangers ' goalkeeper steve simonsen for bettingbut sfa compliance officer tony mcglennan challenged that decision , claiming his punishment was ` unduly lenient ' .\n", - "the scottish fa have failed in their attempt to have the punishment handed to rangers ' steve simonsen for betting increasedsimonsen served a one-game ban after betting on a total of 50 games in a year , but the scottish fa felt this was too lenientthe goalkeeper 's legal team were able to construct an effective counter-case\n", - "[1.400994 1.2946374 1.186937 1.111548 1.0868406 1.0600603 1.1261573\n", - " 1.0806317 1.0589765 1.063081 1.092691 1.0565464 1.115557 1.0417658\n", - " 1.0710205 1.0694475 1.0781883 1.073662 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 6 12 3 10 4 7 16 17 14 15 9 5 8 11 13 20 18 19 21]\n", - "=======================\n", - "[\"( cnn ) the red cross on saturday called for an immediate 24-hour ceasefire in battle-torn yemen , saying many more people recently wounded in airstrikes and ground fighting will die if not tended to soon .the call came just before the u.n. security council met late saturday morning to discuss the situation in the arabian peninsula nation , where shiite rebels are pitted against external arab air forces and fighters loyal to yemen 's displaced sunni president .another red cross official said people are running out of food , water and fuel .\"]\n", - "=======================\n", - "['saudi arabia airstrikes on the capital increase as jets hit military facilities in sanaathe u.n. security council meets to discuss the situationsocial media : a senior al qaeda commander stands in a presidential residence after a jail break']\n", - "( cnn ) the red cross on saturday called for an immediate 24-hour ceasefire in battle-torn yemen , saying many more people recently wounded in airstrikes and ground fighting will die if not tended to soon .the call came just before the u.n. security council met late saturday morning to discuss the situation in the arabian peninsula nation , where shiite rebels are pitted against external arab air forces and fighters loyal to yemen 's displaced sunni president .another red cross official said people are running out of food , water and fuel .\n", - "saudi arabia airstrikes on the capital increase as jets hit military facilities in sanaathe u.n. security council meets to discuss the situationsocial media : a senior al qaeda commander stands in a presidential residence after a jail break\n", - "[1.3617604 1.3700112 1.2422069 1.2535967 1.250544 1.0314817 1.1275214\n", - " 1.0829873 1.0377593 1.0261227 1.0497817 1.0606493 1.0541586 1.0530725\n", - " 1.113038 1.0309418 1.036836 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 4 2 6 14 7 11 12 13 10 8 16 5 15 9 17 18 19 20 21]\n", - "=======================\n", - "[\"the eu has been investigating the us search engine for five years following complaints that it abuses its dominance in the continent - but proceedings have stalled on three previous occasions .google is facing a fine of up to # 4billion as europe prepares to file a high-profile anti-competition lawsuit against the internet giant .if found to have been behaving unfairly , google could be fined ten per cent of its annual revenues , which would be more than # 4 billion based on last year 's performance .\"]\n", - "=======================\n", - "[\"eu has been investigating the us search giant 's practises for five years3 previous attempts to settle matter have stalled due to political pressureone complaint is that google search leads users on to the firm 's own sitescurrent case could result in google being fined 10 % of its annual revenues\"]\n", - "the eu has been investigating the us search engine for five years following complaints that it abuses its dominance in the continent - but proceedings have stalled on three previous occasions .google is facing a fine of up to # 4billion as europe prepares to file a high-profile anti-competition lawsuit against the internet giant .if found to have been behaving unfairly , google could be fined ten per cent of its annual revenues , which would be more than # 4 billion based on last year 's performance .\n", - "eu has been investigating the us search giant 's practises for five years3 previous attempts to settle matter have stalled due to political pressureone complaint is that google search leads users on to the firm 's own sitescurrent case could result in google being fined 10 % of its annual revenues\n", - "[1.1795894 1.2039844 1.2516716 1.1984909 1.2110536 1.1487185 1.0960902\n", - " 1.0607247 1.065282 1.1098075 1.0447793 1.0708512 1.0721701 1.0680634\n", - " 1.078854 1.0227263 1.0747275 1.0602032 0. ]\n", - "\n", - "[ 2 4 1 3 0 5 9 6 14 16 12 11 13 8 7 17 10 15 18]\n", - "=======================\n", - "[\"but now a team of researchers has studied millions of such online posts to identify common traits among these users .experts studied 40 million posts by 1.7 millions users on news site cnn.com , political news site breitbart.com and gaming site ign.com .these so-called ` trolls ' have even been known to cause mental distress to their victims .\"]\n", - "=======================\n", - "['researchers studied 40 million posts made by 1.7 million web usersfrom this they divided people into two groups - future-banned users ( fbus ) and never-banned users ( nbus )they built an algorithm that scans posts for signs of antisocial behaviourstudy shows this algorithm can identify potential trolls in 80 % of cases']\n", - "but now a team of researchers has studied millions of such online posts to identify common traits among these users .experts studied 40 million posts by 1.7 millions users on news site cnn.com , political news site breitbart.com and gaming site ign.com .these so-called ` trolls ' have even been known to cause mental distress to their victims .\n", - "researchers studied 40 million posts made by 1.7 million web usersfrom this they divided people into two groups - future-banned users ( fbus ) and never-banned users ( nbus )they built an algorithm that scans posts for signs of antisocial behaviourstudy shows this algorithm can identify potential trolls in 80 % of cases\n", - "[1.3126681 1.1433479 1.2561774 1.3448032 1.1318061 1.2537849 1.0376052\n", - " 1.0256338 1.0273173 1.0240743 1.0469756 1.0194018 1.0617719 1.1375809\n", - " 1.027301 1.0420485 1.0216012 1.0183737 1.0152506]\n", - "\n", - "[ 3 0 2 5 1 13 4 12 10 15 6 8 14 7 9 16 11 17 18]\n", - "=======================\n", - "[\"tracey cox says that gwyneth and chris ' amicable split is refreshing and something we can learn fromas gwyneth paltrow files for divorce from chris martin , the couple whose split made them ` closer than they ever have been ' are still confounding their critics by playing nicely .there are lessons to be learnt from the couple on how to split amicably - and how to stay friends with an ex .\"]\n", - "=======================\n", - "[\"gwyneth paltrow filed for divorce from chris martin a year after splittingour sexpert says there 's much to applaud in their civilised separationbut says aspects of their ` conscious uncoupling ' should be avoided\"]\n", - "tracey cox says that gwyneth and chris ' amicable split is refreshing and something we can learn fromas gwyneth paltrow files for divorce from chris martin , the couple whose split made them ` closer than they ever have been ' are still confounding their critics by playing nicely .there are lessons to be learnt from the couple on how to split amicably - and how to stay friends with an ex .\n", - "gwyneth paltrow filed for divorce from chris martin a year after splittingour sexpert says there 's much to applaud in their civilised separationbut says aspects of their ` conscious uncoupling ' should be avoided\n", - "[1.0830353 1.4715099 1.3851026 1.1073428 1.4975207 1.0448093 1.1249173\n", - " 1.0829535 1.0882186 1.0133541 1.0111334 1.0127153 1.00846 1.0145718\n", - " 1.0498 1.3481293 1.010003 0. 0. ]\n", - "\n", - "[ 4 1 2 15 6 3 8 0 7 14 5 13 9 11 10 16 12 17 18]\n", - "=======================\n", - "[\"aaron ramsey ( right ) fires arsenal into a 1-0 lead in the 12th minute as arsene wenger 's side fly out of the traps at turf moorarsenal have won at sunderland , newcastle , manchester city and now burnley , and picked up points at liverpool and everton , besides beating manchester united in the fa cup at old trafford .aaron ramsey gave arsenal an early 1-0 lead .\"]\n", - "=======================\n", - "['arsenal earn 1-0 premier league victory against burnley at turf mooraaron ramsey gives gunners an early lead with 12th minute strikegunners close to gap to four points behind premier league leaders chelseaburnley remain in the bottom three with fixtures against fellow strugglers leicester , hull and aston villa to comeclick here for full player ratings as francis coquelin shines for the gunners']\n", - "aaron ramsey ( right ) fires arsenal into a 1-0 lead in the 12th minute as arsene wenger 's side fly out of the traps at turf moorarsenal have won at sunderland , newcastle , manchester city and now burnley , and picked up points at liverpool and everton , besides beating manchester united in the fa cup at old trafford .aaron ramsey gave arsenal an early 1-0 lead .\n", - "arsenal earn 1-0 premier league victory against burnley at turf mooraaron ramsey gives gunners an early lead with 12th minute strikegunners close to gap to four points behind premier league leaders chelseaburnley remain in the bottom three with fixtures against fellow strugglers leicester , hull and aston villa to comeclick here for full player ratings as francis coquelin shines for the gunners\n", - "[1.3460793 1.2242442 1.3058408 1.4269829 1.2089887 1.1551132 1.1716049\n", - " 1.2209003 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 1 7 4 6 5 16 15 14 13 9 11 10 17 8 12 18]\n", - "=======================\n", - "[\"tottenham will offer nabil bentaleb a new deal in order to ward off interest from rival teamstottenham are pressing ahead with talks over a bumper new contact for midfielder nabil bentaleb .securing the future of the algerian international has moved up the spurs hierarchy 's agenda amid fears his performances will attract unwanted attention .\"]\n", - "=======================\n", - "[\"nabil bentaleb is locked in talks with tottenham over a new contracttottenham are keen on tying the algeria international to new dealspurs plan on offering bentaleb new # 35,000-per-week dealclubs from across europe are monitoring bentaleb 's situationread : danny rose wanted by man city but spurs will fight to keep him\"]\n", - "tottenham will offer nabil bentaleb a new deal in order to ward off interest from rival teamstottenham are pressing ahead with talks over a bumper new contact for midfielder nabil bentaleb .securing the future of the algerian international has moved up the spurs hierarchy 's agenda amid fears his performances will attract unwanted attention .\n", - "nabil bentaleb is locked in talks with tottenham over a new contracttottenham are keen on tying the algeria international to new dealspurs plan on offering bentaleb new # 35,000-per-week dealclubs from across europe are monitoring bentaleb 's situationread : danny rose wanted by man city but spurs will fight to keep him\n", - "[1.302481 1.5415175 1.2215581 1.3376967 1.1706179 1.2225474 1.2479342\n", - " 1.0231235 1.0198671 1.0337913 1.0243864 1.0184551 1.0203295 1.0150979\n", - " 1.2257358 1.0393364 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 6 14 5 2 4 15 9 10 7 12 8 11 13 16 17 18]\n", - "=======================\n", - "[\"wheelchair-bound christopher starrs , 50 , was allowed to go free from court with just a suspended jail sentence in january after admitting his part in a two-and-a-half year con against his employer bt .blasted : judge nicholas cooke qc ( left ) blasted his junior colleague recorder stuart trimmer qc ( right ) for ` taking his eye off the ball ' when he sentenced christopher starrs in january this yearstarrs , along with fellow bt openreach manager phillip tamplin , invented clamped cars , overtime hours and damage to home owners ' property during broadband installation , and paid off engineers to help them make the fake claims .\"]\n", - "=======================\n", - "[\"christopher starrs was spared jail in an ` act of mercy ' by judge in januarybut senior judge has now said his colleague took ` his eye off the ball 'nicholas cooke qc said wheelchair-bound starrs should have been jailedbut added starrs should thank his lucky stars as sentence allowed to stand\"]\n", - "wheelchair-bound christopher starrs , 50 , was allowed to go free from court with just a suspended jail sentence in january after admitting his part in a two-and-a-half year con against his employer bt .blasted : judge nicholas cooke qc ( left ) blasted his junior colleague recorder stuart trimmer qc ( right ) for ` taking his eye off the ball ' when he sentenced christopher starrs in january this yearstarrs , along with fellow bt openreach manager phillip tamplin , invented clamped cars , overtime hours and damage to home owners ' property during broadband installation , and paid off engineers to help them make the fake claims .\n", - "christopher starrs was spared jail in an ` act of mercy ' by judge in januarybut senior judge has now said his colleague took ` his eye off the ball 'nicholas cooke qc said wheelchair-bound starrs should have been jailedbut added starrs should thank his lucky stars as sentence allowed to stand\n", - "[1.2688106 1.3246475 1.1898226 1.0819666 1.0234705 1.0362039 1.0428334\n", - " 1.035471 1.0661197 1.1833469 1.1316259 1.1749438 1.0573512 1.0430009\n", - " 1.0223892 1.0350724 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 9 11 10 3 8 12 13 6 5 7 15 4 14 17 16 18]\n", - "=======================\n", - "[\"college juniors emily clark , 20 , of powder springs , morgan bass , 20 , of leesburg , abbie deloach , 21 , of savannah , catherine pittman , 21 , of alpharetta and caitlyn baggett , 21 , of millen , perished early wednesday morning on their way to school when a tractor-trailer plowed into traffic on interstate 16 , setting off a deadly chain reaction .thousands of sobbing students and teachers prayed and comforted one another on georgia southern university 's campus thursday night during an emotional memorial service for five nursing students who were killed in a fiery crash .fellow students brittney mcdaniel , of reidsville , and megan richards , of loganville , survived the crash but were hospitalized with injuries .\"]\n", - "=======================\n", - "['the women were traveling near savannah in two vehicles when a tractor-trailer plowed into an suv , then rolled over a small carkilled were emily clark , morgan bass , abbie deloach , catherine pittman and caitlyn baggett - all juniors at georgia southern universitythe georgia state patrol said three people also were injured and seven vehicles were damagedit could take investigators months to determine whether to file criminal charges against trucker john wayne johnsonjohnson was employed by trucking company based out of mississippi whose drivers have racked up 266 violations over past two years']\n", - "college juniors emily clark , 20 , of powder springs , morgan bass , 20 , of leesburg , abbie deloach , 21 , of savannah , catherine pittman , 21 , of alpharetta and caitlyn baggett , 21 , of millen , perished early wednesday morning on their way to school when a tractor-trailer plowed into traffic on interstate 16 , setting off a deadly chain reaction .thousands of sobbing students and teachers prayed and comforted one another on georgia southern university 's campus thursday night during an emotional memorial service for five nursing students who were killed in a fiery crash .fellow students brittney mcdaniel , of reidsville , and megan richards , of loganville , survived the crash but were hospitalized with injuries .\n", - "the women were traveling near savannah in two vehicles when a tractor-trailer plowed into an suv , then rolled over a small carkilled were emily clark , morgan bass , abbie deloach , catherine pittman and caitlyn baggett - all juniors at georgia southern universitythe georgia state patrol said three people also were injured and seven vehicles were damagedit could take investigators months to determine whether to file criminal charges against trucker john wayne johnsonjohnson was employed by trucking company based out of mississippi whose drivers have racked up 266 violations over past two years\n", - "[1.1655004 1.2652804 1.1517208 1.3630899 1.2925638 1.275749 1.2184172\n", - " 1.1960857 1.0714688 1.1019506 1.1162457 1.0253186 1.0223708 1.0186871\n", - " 1.0306958 1.0490211 1.0774047 1.0082115 1.0070195]\n", - "\n", - "[ 3 4 5 1 6 7 0 2 10 9 16 8 15 14 11 12 13 17 18]\n", - "=======================\n", - "[\"british physicist stephen hawking has sung monty python 's galaxy song ( clip from the video shown ) .the song is being released digitally and on vinyl for record store day 2015 .professor hawking , 73 , appeared on film alongside professor brian cox\"]\n", - "=======================\n", - "[\"british physicist stephen hawking has sung monty python 's galaxy songsong is being released digitally and on vinyl for record store day 2015it is a cover of the song from 1983 film monty python 's meaning of lifeprofessor hawking , 73 , appeared on film alongside professor brian cox\"]\n", - "british physicist stephen hawking has sung monty python 's galaxy song ( clip from the video shown ) .the song is being released digitally and on vinyl for record store day 2015 .professor hawking , 73 , appeared on film alongside professor brian cox\n", - "british physicist stephen hawking has sung monty python 's galaxy songsong is being released digitally and on vinyl for record store day 2015it is a cover of the song from 1983 film monty python 's meaning of lifeprofessor hawking , 73 , appeared on film alongside professor brian cox\n", - "[1.33566 1.3551857 1.1749634 1.1359969 1.16522 1.087147 1.1640368\n", - " 1.2487708 1.1144856 1.1399822 1.0430198 1.0330764 1.055633 1.078851\n", - " 1.0172182 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 7 2 4 6 9 3 8 5 13 12 10 11 14 17 15 16 18]\n", - "=======================\n", - "['early thursday he committed suicide , his sister madylin sweeten said in a statement .( cnn ) sawyer sweeten grew up before the eyes of millions as a child star on the endearing family sitcom \" everybody loves raymond . \"sawyer sweeten was born in may 1995 in brownwood , texas .']\n", - "=======================\n", - "['sawyer sweeten played across from his twin brother and their sister as the children of ray and patricia baronereport : sweeten was visiting family in texas and is believed to have shot himself']\n", - "early thursday he committed suicide , his sister madylin sweeten said in a statement .( cnn ) sawyer sweeten grew up before the eyes of millions as a child star on the endearing family sitcom \" everybody loves raymond . \"sawyer sweeten was born in may 1995 in brownwood , texas .\n", - "sawyer sweeten played across from his twin brother and their sister as the children of ray and patricia baronereport : sweeten was visiting family in texas and is believed to have shot himself\n", - "[1.2889392 1.3781343 1.3249375 1.3273889 1.1632309 1.0858296 1.1021359\n", - " 1.068363 1.103243 1.0519153 1.2410833 1.084191 1.0996115 1.0182717\n", - " 1.0120406 1.0072043 1.0146743 1.0665377 0. ]\n", - "\n", - "[ 1 3 2 0 10 4 8 6 12 5 11 7 17 9 13 16 14 15 18]\n", - "=======================\n", - "[\"grandfather peter mutty , from roseberry in sydney 's inner-west , was caught with two cartons of beer , one box of red wine and one box of white wine in his car on august 31 last year while driving home in riyadh .the possession of alcohol is illegal in saudi arabia .he was jailed for six months and 75 lashes , but only received 28 .\"]\n", - "=======================\n", - "['grandfather peter mutty was caught with alcohol on august 31 last yearthe sydney man was sentenced to six months jail and 75 lashes for crimehe was released on march 19 , but a travel ban prevents him from leavingdue to this ban , mutty is unable to work as an engineer in saudi arabiahe has hit out at the australian embassy who he says has not been helpfulsince speaking about his situation , mutty said they were finally listening']\n", - "grandfather peter mutty , from roseberry in sydney 's inner-west , was caught with two cartons of beer , one box of red wine and one box of white wine in his car on august 31 last year while driving home in riyadh .the possession of alcohol is illegal in saudi arabia .he was jailed for six months and 75 lashes , but only received 28 .\n", - "grandfather peter mutty was caught with alcohol on august 31 last yearthe sydney man was sentenced to six months jail and 75 lashes for crimehe was released on march 19 , but a travel ban prevents him from leavingdue to this ban , mutty is unable to work as an engineer in saudi arabiahe has hit out at the australian embassy who he says has not been helpfulsince speaking about his situation , mutty said they were finally listening\n", - "[1.2571381 1.4273981 1.2047354 1.3522333 1.3044125 1.1913651 1.0701911\n", - " 1.0209756 1.0169872 1.0147165 1.1106513 1.2718884 1.0261246 1.0118679\n", - " 1.0135669 1.0580374 1.0332042 0. 0. ]\n", - "\n", - "[ 1 3 4 11 0 2 5 10 6 15 16 12 7 8 9 14 13 17 18]\n", - "=======================\n", - "['paul childs , who is running in the liverpool riverside seat , said he burst into tears when he was diagnosed with the virus in 2011 following a routine test after starting a new relationship with a man .paul childs ( pictured canvassing ) is the second liberal democrat parliamentary candidate to reveal he is hiv positiveukip leader nigel farage attacked the high cost of health service treatment for foreigners with hiv in the television debate']\n", - "=======================\n", - "[\"parliamentary candidate paul childs , 34 , revealed that he is hiv positivelib dem felt compelled to speak after nigel farage 's comments on virusukip leader attacked high cost of treating foreigners with hiv during debatemr childs is the second lib dem candidate to go public on having hiv\"]\n", - "paul childs , who is running in the liverpool riverside seat , said he burst into tears when he was diagnosed with the virus in 2011 following a routine test after starting a new relationship with a man .paul childs ( pictured canvassing ) is the second liberal democrat parliamentary candidate to reveal he is hiv positiveukip leader nigel farage attacked the high cost of health service treatment for foreigners with hiv in the television debate\n", - "parliamentary candidate paul childs , 34 , revealed that he is hiv positivelib dem felt compelled to speak after nigel farage 's comments on virusukip leader attacked high cost of treating foreigners with hiv during debatemr childs is the second lib dem candidate to go public on having hiv\n", - "[1.2917724 1.4822179 1.2466302 1.2409036 1.2274822 1.0427849 1.0320808\n", - " 1.0826751 1.0222334 1.241113 1.0331974 1.0786083 1.0344458 1.0527575\n", - " 1.0449398 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 9 3 4 7 11 13 14 5 12 10 6 8 17 15 16 18]\n", - "=======================\n", - "[\"sales of books about the religion were three times higher in the first quarter of 2015 compared to the same time last year , according to the french national union of bookshops .it comes as a special magazine supplement from philosphie which focused in the koran also saw a spike in sales following the attacks on the french satirical magazine and a jewish supermarket , which left 17 dead .some of the books on sale at the ` librairie de l'orient ' bookstore on islam and interpretations of the koran , which are popular in france\"]\n", - "=======================\n", - "['sales of islamic books in france three times higher in first quarter of 2015increase coincides with the deadly paris terror attacks where 17 were killedpublisher specialising in islamic books says sales have shot up by 30 %company says same thing happened in the wake of the september 11 attacks']\n", - "sales of books about the religion were three times higher in the first quarter of 2015 compared to the same time last year , according to the french national union of bookshops .it comes as a special magazine supplement from philosphie which focused in the koran also saw a spike in sales following the attacks on the french satirical magazine and a jewish supermarket , which left 17 dead .some of the books on sale at the ` librairie de l'orient ' bookstore on islam and interpretations of the koran , which are popular in france\n", - "sales of islamic books in france three times higher in first quarter of 2015increase coincides with the deadly paris terror attacks where 17 were killedpublisher specialising in islamic books says sales have shot up by 30 %company says same thing happened in the wake of the september 11 attacks\n", - "[1.5444784 1.1891042 1.0916378 1.1232215 1.1080916 1.1727298 1.0738839\n", - " 1.2729058 1.0460396 1.3509598 1.1942582 1.0384316 1.0195304 1.076149\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 9 7 10 1 5 3 4 2 13 6 8 11 12 17 14 15 16 18]\n", - "=======================\n", - "[\"jockey blake shinn rode his pants off in the opening race of a meeting in sydney .blake shinn was forced to ride more than 200 metres to the finish line with his pants downacting chief steward greg rudolph said he had never seen anything like it in his time in racing . '\"]\n", - "=======================\n", - "[\"jockey blake shinn lost his pants while riding down the home straight` the pants went ... and there was nothing i could do , ' shinn saysshinn , atop miss royale , only managed to finish second in the raceacting chief steward greg rudolph said he had never seen anything like it\"]\n", - "jockey blake shinn rode his pants off in the opening race of a meeting in sydney .blake shinn was forced to ride more than 200 metres to the finish line with his pants downacting chief steward greg rudolph said he had never seen anything like it in his time in racing . '\n", - "jockey blake shinn lost his pants while riding down the home straight` the pants went ... and there was nothing i could do , ' shinn saysshinn , atop miss royale , only managed to finish second in the raceacting chief steward greg rudolph said he had never seen anything like it\n", - "[1.2949774 1.2643415 1.2029743 1.2626594 1.1739125 1.2130072 1.0755322\n", - " 1.0617343 1.101475 1.1943115 1.0823461 1.0384321 1.0964427 1.034654\n", - " 1.0403198 1.0256486 1.0166813 1.0227062 1.0468526]\n", - "\n", - "[ 0 1 3 5 2 9 4 8 12 10 6 7 18 14 11 13 15 17 16]\n", - "=======================\n", - "[\"on tuesday , spacex came incredibly close to landing its falcon 9 rocket booster on a barge in the middle of the atlantic .now , leaked footage reveals just how close elon musk 's firm came to success , with a close-up view of the daring attempt shot on a gopro camera .a deleted tweet by musk says that the rocket appeared to be suffering from ` stiction in the biprop throttle valve , resulting in control system phase lag . '\"]\n", - "=======================\n", - "['on tuesday , spacex made a third attempt to land booster on a bargebut the booster tipped over after hitting its target and was destroyednew footage reveals how rocket overcompensated for its extreme tiltfalcon 9 today reach the iss with supplies for the astronauts onboard']\n", - "on tuesday , spacex came incredibly close to landing its falcon 9 rocket booster on a barge in the middle of the atlantic .now , leaked footage reveals just how close elon musk 's firm came to success , with a close-up view of the daring attempt shot on a gopro camera .a deleted tweet by musk says that the rocket appeared to be suffering from ` stiction in the biprop throttle valve , resulting in control system phase lag . '\n", - "on tuesday , spacex made a third attempt to land booster on a bargebut the booster tipped over after hitting its target and was destroyednew footage reveals how rocket overcompensated for its extreme tiltfalcon 9 today reach the iss with supplies for the astronauts onboard\n", - "[1.1906474 1.5635465 1.2326789 1.4443645 1.2294009 1.0976794 1.0129995\n", - " 1.0156821 1.0171204 1.1232426 1.0679983 1.0825957 1.0420035 1.0208325\n", - " 1.0383984 1.1492251 1.0185305 1.0257312 1.0138971]\n", - "\n", - "[ 1 3 2 4 0 15 9 5 11 10 12 14 17 13 16 8 7 18 6]\n", - "=======================\n", - "[\"richard and angela maxwell , from coningsby in lincolnshire , became 10th on the national lottery rich list after they scooped # 53,193,914 on the draw on tuesday .the couple , both 67 , so far have only modest plans for what to do with the huge windfall - with mr maxwell planning to retire and play bowls .mrs maxwell said she thought her husband was playing an april fools ' day joke on her when he told her\"]\n", - "=======================\n", - "[\"couple from lincolnshire won the eight-figure sum on tuesdaythey become the tenth biggest british winners in lottery historythe husband said he thought the win was an april fools ' day trickcomes the day after a couple living nearby won for the second time\"]\n", - "richard and angela maxwell , from coningsby in lincolnshire , became 10th on the national lottery rich list after they scooped # 53,193,914 on the draw on tuesday .the couple , both 67 , so far have only modest plans for what to do with the huge windfall - with mr maxwell planning to retire and play bowls .mrs maxwell said she thought her husband was playing an april fools ' day joke on her when he told her\n", - "couple from lincolnshire won the eight-figure sum on tuesdaythey become the tenth biggest british winners in lottery historythe husband said he thought the win was an april fools ' day trickcomes the day after a couple living nearby won for the second time\n", - "[1.3482885 1.329678 1.3849659 1.228857 1.1599257 1.0855316 1.1260418\n", - " 1.0406208 1.0214962 1.0829699 1.0350214 1.028311 1.0514753 1.0520201\n", - " 1.0160407 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 3 4 6 5 9 13 12 7 10 11 8 14 17 15 16 18]\n", - "=======================\n", - "['the flows of migrants across the mediterranean are unlikely to stop -- italian authorities estimate that up to 200,000 migrants in libya are waiting to cross , following 170,000 refugees and migrants who arrived in italy last year .almost all the deaths have occurred in the perilous central mediterranean crossing from libya to italy .these flows reflect a significant increase in the number of refugees and internally displaced people across the world , with a total estimate of 51.2 million people .']\n", - "=======================\n", - "['the european union is trying to stop thousands of migrants from drowning at seamigrants risk their lives by paying people smugglers to get them to europeaustralia has successfully stopped the flow of migrant boats to its waters']\n", - "the flows of migrants across the mediterranean are unlikely to stop -- italian authorities estimate that up to 200,000 migrants in libya are waiting to cross , following 170,000 refugees and migrants who arrived in italy last year .almost all the deaths have occurred in the perilous central mediterranean crossing from libya to italy .these flows reflect a significant increase in the number of refugees and internally displaced people across the world , with a total estimate of 51.2 million people .\n", - "the european union is trying to stop thousands of migrants from drowning at seamigrants risk their lives by paying people smugglers to get them to europeaustralia has successfully stopped the flow of migrant boats to its waters\n", - "[1.1609418 1.2243613 1.2121228 1.3495085 1.0640247 1.0797753 1.1812092\n", - " 1.0283952 1.0699339 1.0530666 1.0494725 1.1307547 1.1476666 1.0298009\n", - " 1.0251521 1.104275 1.0396477 1.0543422 0. ]\n", - "\n", - "[ 3 1 2 6 0 12 11 15 5 8 4 17 9 10 16 13 7 14 18]\n", - "=======================\n", - "[\"the research focused on pomc neurons , which are a structure called the hypothalamus , that send and receive signals to regulate appetite .now scientists believe they have found tiny triggers inside those cells that give rise to this ` voice ' and ruin a dieter 's good intentions .the new research , done on fish and mice , could someday lead to pills that will be able to quieten that voice or increase its volume .\"]\n", - "=======================\n", - "[\"the research looked at pomc neurons that work toregulate appetitewhen pomc neurons are absent , animals and humans grow obesethis also happens when genes inside the pomc cells are n't working\"]\n", - "the research focused on pomc neurons , which are a structure called the hypothalamus , that send and receive signals to regulate appetite .now scientists believe they have found tiny triggers inside those cells that give rise to this ` voice ' and ruin a dieter 's good intentions .the new research , done on fish and mice , could someday lead to pills that will be able to quieten that voice or increase its volume .\n", - "the research looked at pomc neurons that work toregulate appetitewhen pomc neurons are absent , animals and humans grow obesethis also happens when genes inside the pomc cells are n't working\n", - "[1.2224295 1.4791381 1.339108 1.3038192 1.1958294 1.062108 1.0245316\n", - " 1.0248382 1.130153 1.0394626 1.160219 1.0880947 1.0308684 1.0151024\n", - " 1.010826 1.0127995 1.0107905 1.0316969 1.1276282]\n", - "\n", - "[ 1 2 3 0 4 10 8 18 11 5 9 17 12 7 6 13 15 14 16]\n", - "=======================\n", - "['transport for london has launched a campaign to tackle abuse on public transport , with a video in which a female commuter is groped while on the tube .the uncomfortable footage - which uses actors - sees the woman hounded by an increasingly persistent male , who looks her up and down , gets on to the same train carriage and then gropes her .women travelling on the london underground are being urged to report sexual assaults in a new initiative .']\n", - "=======================\n", - "['transport for london used actors in the uncomfortable campaign videoencourages women to report sexual harassment on public transportone in ten londoners have fallen victim and 90 % of cases are not reported']\n", - "transport for london has launched a campaign to tackle abuse on public transport , with a video in which a female commuter is groped while on the tube .the uncomfortable footage - which uses actors - sees the woman hounded by an increasingly persistent male , who looks her up and down , gets on to the same train carriage and then gropes her .women travelling on the london underground are being urged to report sexual assaults in a new initiative .\n", - "transport for london used actors in the uncomfortable campaign videoencourages women to report sexual harassment on public transportone in ten londoners have fallen victim and 90 % of cases are not reported\n", - "[1.2914746 1.2909563 1.4087906 1.2904994 1.3092273 1.1757548 1.025862\n", - " 1.0205963 1.04242 1.0954312 1.0173767 1.1014657 1.193374 1.1303157\n", - " 1.0599462 1.0752437 1.0123305 1.0128525 0. ]\n", - "\n", - "[ 2 4 0 1 3 12 5 13 11 9 15 14 8 6 7 10 17 16 18]\n", - "=======================\n", - "[\"many of those in the record crowd of 30,000 took to twitter to express their anger at the club interrupting the minute 's silence on at least five occasions .father arron cutugno said he was ` disgusted ' by the choice to play music during the minutes silencea contractor doing a sound check inside the exclusive club is believed to have been responsible for turning the music on .\"]\n", - "=======================\n", - "[\"ivy nightclub has come under fire for playing music during anzac day serviceirate crowds who attended the service said the loud dance music interrupted the service at least five timesthe club has blamed a contractor who was preparing for an event at the club later todaya spokesman for the club said the contractor was ` immediately terminated this morning '\"]\n", - "many of those in the record crowd of 30,000 took to twitter to express their anger at the club interrupting the minute 's silence on at least five occasions .father arron cutugno said he was ` disgusted ' by the choice to play music during the minutes silencea contractor doing a sound check inside the exclusive club is believed to have been responsible for turning the music on .\n", - "ivy nightclub has come under fire for playing music during anzac day serviceirate crowds who attended the service said the loud dance music interrupted the service at least five timesthe club has blamed a contractor who was preparing for an event at the club later todaya spokesman for the club said the contractor was ` immediately terminated this morning '\n", - "[1.1539754 1.3978939 1.1596788 1.2007686 1.2200602 1.2629799 1.2140543\n", - " 1.1243359 1.1670973 1.1635563 1.1226915 1.0456088 1.0571206 1.043456\n", - " 1.0406759 1.0523002 1.0792361 1.0792217 1.0357366]\n", - "\n", - "[ 1 5 4 6 3 8 9 2 0 7 10 16 17 12 15 11 13 14 18]\n", - "=======================\n", - "['the solar probe plus will carry four experiments into the corona and study the solar wind and energetic particles as they blast off the surface of the starover 24 orbits , the mission will use seven flybys of venus to reduce its distance from the sun .the launch window opens for 20 days starting on july 31 , 2018 .']\n", - "=======================\n", - "['temperatures outside the spacecraft will reach 2,500 degrees fahrenheitlaunch window opens for 20 days starting on july 31 , 2018']\n", - "the solar probe plus will carry four experiments into the corona and study the solar wind and energetic particles as they blast off the surface of the starover 24 orbits , the mission will use seven flybys of venus to reduce its distance from the sun .the launch window opens for 20 days starting on july 31 , 2018 .\n", - "temperatures outside the spacecraft will reach 2,500 degrees fahrenheitlaunch window opens for 20 days starting on july 31 , 2018\n", - "[1.242541 1.4764559 1.2200774 1.2883573 1.2048831 1.1329081 1.1651456\n", - " 1.0414492 1.0924478 1.0759401 1.0523373 1.1121266 1.0769258 1.0450982\n", - " 1.0296466 1.0797162 1.0238291 1.0670863 0. ]\n", - "\n", - "[ 1 3 0 2 4 6 5 11 8 15 12 9 17 10 13 7 14 16 18]\n", - "=======================\n", - "[\"janet brown was found naked , gagged with packing tape with her arms cuffed behind her back at the foot of the stairs of her family home in radnage , near chinnor in buckinghamshire .detectives investigating the cold-case murder of a mother-of-three who was battered to death in her own home in 1995 believe new dna evidence could help solve the mystery .mrs brown 's two daughters roxanne , 38 , and zara , 43 , described their hother as a ` kind and loving nurse ' claiming the horror of the crime ` stays with us every day .\"]\n", - "=======================\n", - "['janet brown was killed at her buckinghamshire home in april 1995she was beaten with an iron bar and left naked at the foot of her stairsdetectives at the time said there was no sign of any sexual assaultnow cold-case squad detectives said they have crucial new evidence']\n", - "janet brown was found naked , gagged with packing tape with her arms cuffed behind her back at the foot of the stairs of her family home in radnage , near chinnor in buckinghamshire .detectives investigating the cold-case murder of a mother-of-three who was battered to death in her own home in 1995 believe new dna evidence could help solve the mystery .mrs brown 's two daughters roxanne , 38 , and zara , 43 , described their hother as a ` kind and loving nurse ' claiming the horror of the crime ` stays with us every day .\n", - "janet brown was killed at her buckinghamshire home in april 1995she was beaten with an iron bar and left naked at the foot of her stairsdetectives at the time said there was no sign of any sexual assaultnow cold-case squad detectives said they have crucial new evidence\n", - "[1.141534 1.467006 1.2133625 1.377025 1.1352049 1.1423111 1.0849464\n", - " 1.0630167 1.2209303 1.1050601 1.0338105 1.0171068 1.055739 1.1607676\n", - " 1.0666169 1.1010851 1.0523571 0. 0. 0. ]\n", - "\n", - "[ 1 3 8 2 13 5 0 4 9 15 6 14 7 12 16 10 11 18 17 19]\n", - "=======================\n", - "[\"captured on camera by a visitor to the abq biopark zoo in albuquerque , the footage shows the youngster named jazmine approaching its mother rozie .with its front left leg already placed on its mother 's neck , the young elephant clambers onto her with its right leg .all the while the 22-year-old asian elephant remains incredibly docile .\"]\n", - "=======================\n", - "[\"the young elephant tramples its mother while attempt to climb herit then considers sitting on her before clambering off the other endthroughout the entire ordeal the 22-year-old mother remains docilevideo was captured by a visitor to albuquerque 's abq biopark zoo\"]\n", - "captured on camera by a visitor to the abq biopark zoo in albuquerque , the footage shows the youngster named jazmine approaching its mother rozie .with its front left leg already placed on its mother 's neck , the young elephant clambers onto her with its right leg .all the while the 22-year-old asian elephant remains incredibly docile .\n", - "the young elephant tramples its mother while attempt to climb herit then considers sitting on her before clambering off the other endthroughout the entire ordeal the 22-year-old mother remains docilevideo was captured by a visitor to albuquerque 's abq biopark zoo\n", - "[1.3117399 1.3504179 1.2595798 1.1460646 1.309447 1.1715972 1.1321055\n", - " 1.0979642 1.1060563 1.0572252 1.060734 1.1269484 1.0161163 1.0094976\n", - " 1.0095189 1.0226648 1.1659076 1.0174372 0. 0. ]\n", - "\n", - "[ 1 0 4 2 5 16 3 6 11 8 7 10 9 15 17 12 14 13 18 19]\n", - "=======================\n", - "['the museum yesterday handed over seven rare artifacts in its possession after authorities found , to the shock of museum officials , that they had been smuggled into the u.s. by former new york art dealer subhash kapoor .antiquities looted from ancient temples and buddhist sites in india have been found on display at the honolulu museum of art after a tourist spotted they were sourced from an art dealer facing charges in india .agents from the u.s. immigration and customs enforcement will take the items back to new york and , from there , eventually return them to the government of india .']\n", - "=======================\n", - "['seven artifacts were found to have come from an art dealer facing chargesunbeknownst to museum officials , they were looted from indian templesthe discredited source of the display items was noticed by visiting touristimmigration and customs agents will now return the artifacts to india']\n", - "the museum yesterday handed over seven rare artifacts in its possession after authorities found , to the shock of museum officials , that they had been smuggled into the u.s. by former new york art dealer subhash kapoor .antiquities looted from ancient temples and buddhist sites in india have been found on display at the honolulu museum of art after a tourist spotted they were sourced from an art dealer facing charges in india .agents from the u.s. immigration and customs enforcement will take the items back to new york and , from there , eventually return them to the government of india .\n", - "seven artifacts were found to have come from an art dealer facing chargesunbeknownst to museum officials , they were looted from indian templesthe discredited source of the display items was noticed by visiting touristimmigration and customs agents will now return the artifacts to india\n", - "[1.1457237 1.0955036 1.2121964 1.2193134 1.2193476 1.2241862 1.2104174\n", - " 1.107448 1.0251645 1.1174889 1.0724202 1.0754782 1.0602485 1.0598136\n", - " 1.0927906 1.0883802 1.0325986 1.0547733 1.1284196 1.0433946]\n", - "\n", - "[ 5 4 3 2 6 0 18 9 7 1 14 15 11 10 12 13 17 19 16 8]\n", - "=======================\n", - "['on board it had 4,000 lbs of supplies - including a coffee machine .together with nasa astronaut terry virts she captured the spacecraft .italian astronaut samantha cristoforetti wore the uniform on friday ( shown ) .']\n", - "=======================\n", - "['italian astronaut samantha cristoforetti wore the uniform on fridaytogether with nasa astronaut terry virts she captured the spacecrafton board it had 4,000 lbs of supplies - including a coffee machineit will remain at the iss for a month before returning to earth']\n", - "on board it had 4,000 lbs of supplies - including a coffee machine .together with nasa astronaut terry virts she captured the spacecraft .italian astronaut samantha cristoforetti wore the uniform on friday ( shown ) .\n", - "italian astronaut samantha cristoforetti wore the uniform on fridaytogether with nasa astronaut terry virts she captured the spacecrafton board it had 4,000 lbs of supplies - including a coffee machineit will remain at the iss for a month before returning to earth\n", - "[1.3691633 1.4417926 1.3487257 1.2655826 1.3512213 1.171494 1.12712\n", - " 1.1637349 1.0659776 1.0720237 1.1210152 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 5 7 6 10 9 8 11 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "['the winger has been on loan at stoke but damaged his hamstring in the 1-1 draw at west ham united on saturday and is expected to be out for six weeks .victor moses has returned to chelsea after being ruled out for the season .the 24-year-old has gone back to parent club chelsea for treatment following the results of a scan .']\n", - "=======================\n", - "['chelsea winger victor moses has spent the season on loan at stoke citynigeria international has returned to stamford bridge for injury treatmentpotters are chasing daniel wass , javier hernandez and lee cattermole']\n", - "the winger has been on loan at stoke but damaged his hamstring in the 1-1 draw at west ham united on saturday and is expected to be out for six weeks .victor moses has returned to chelsea after being ruled out for the season .the 24-year-old has gone back to parent club chelsea for treatment following the results of a scan .\n", - "chelsea winger victor moses has spent the season on loan at stoke citynigeria international has returned to stamford bridge for injury treatmentpotters are chasing daniel wass , javier hernandez and lee cattermole\n", - "[1.3040936 1.1458569 1.2119622 1.3240755 1.148184 1.1478579 1.2572649\n", - " 1.2029161 1.1621563 1.1019552 1.0868564 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 6 2 7 8 4 5 1 9 10 11 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "['manny pacquiao has shown off his musical talent by singing about the struggles in the philippinespacquiao will be hoping he is in the mood to sing after his highly-anticipated showdown with floyd mayweather on may 2 .the two star names of world boxing will go toe-to-toe in a $ 300million fight in las vegas .']\n", - "=======================\n", - "[\"manny pacquiao has released music video named ` i 'm fighting for filipinos 'the filipino boxer directed footage which shows poverty in the philippinespacquiao will go toe-to-toe with floyd mayweather in las vegas on may 2read : pacquiao takes his training to the great outdoors as he jogs in laread : mayweather vs pacquiao referee to earn $ 10,000 ( # 6,800 ) on may 2\"]\n", - "manny pacquiao has shown off his musical talent by singing about the struggles in the philippinespacquiao will be hoping he is in the mood to sing after his highly-anticipated showdown with floyd mayweather on may 2 .the two star names of world boxing will go toe-to-toe in a $ 300million fight in las vegas .\n", - "manny pacquiao has released music video named ` i 'm fighting for filipinos 'the filipino boxer directed footage which shows poverty in the philippinespacquiao will go toe-to-toe with floyd mayweather in las vegas on may 2read : pacquiao takes his training to the great outdoors as he jogs in laread : mayweather vs pacquiao referee to earn $ 10,000 ( # 6,800 ) on may 2\n", - "[1.0593547 1.2001345 1.4225091 1.2731614 1.3882595 1.2204502 1.0808058\n", - " 1.0977685 1.1188496 1.0697383 1.0731722 1.0840719 1.052518 1.020985\n", - " 1.0153189 1.0133381 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 4 3 5 1 8 7 11 6 10 9 0 12 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the researchers found that 40 to 50 per cent of the differences in children 's motivation to learn could be explained by their genetic inheritance from their parents .more than 13,000 twins aged nine to 16 took part in the research ( stock image shown )our willingness to learn is significantly influence by our genes , according to a study by goldsmiths university in london and ohio state university .\"]\n", - "=======================\n", - "['willingness to learn is significantly influence by our genesstudy was by goldsmiths university in london and ohio state universitymore than 13,000 twins aged nine to 16 took part in the researchbut there is no specific gene for how much children enjoy learning']\n", - "the researchers found that 40 to 50 per cent of the differences in children 's motivation to learn could be explained by their genetic inheritance from their parents .more than 13,000 twins aged nine to 16 took part in the research ( stock image shown )our willingness to learn is significantly influence by our genes , according to a study by goldsmiths university in london and ohio state university .\n", - "willingness to learn is significantly influence by our genesstudy was by goldsmiths university in london and ohio state universitymore than 13,000 twins aged nine to 16 took part in the researchbut there is no specific gene for how much children enjoy learning\n", - "[1.1253748 1.1532917 1.238813 1.0749965 1.1078432 1.2739286 1.1569089\n", - " 1.1872773 1.0178248 1.0287638 1.0271299 1.0625358 1.0482117 1.0411904\n", - " 1.0811257 1.0227349 1.0580122 1.0903822 1.0219138 1.1595242 1.0575678\n", - " 1.0399848]\n", - "\n", - "[ 5 2 7 19 6 1 0 4 17 14 3 11 16 20 12 13 21 9 10 15 18 8]\n", - "=======================\n", - "[\"david raven ( second right ) celebrates with his inverness team-mates following his extra-time winneron a fateful night in glasgow 15 years ago the highlanders inflicted the first of their damaging , deeply defeats on scotland 's champions .they will be back here in greater number for this club 's first ever scottish cup final against falkirk -- a former club of manager john hughes - on may 30 where they will be favourites to triumph .\"]\n", - "=======================\n", - "[\"virgil van dijk gave celtic the lead with a superb free-kickjosh meekings escaped a red card just before the break for a hand ballceltic keeper craig gordon was sent off early in the second halfgreg tansey 's penalty and edward ofere put inverness aheadjohn guidetti equalised , but david raven had the final say\"]\n", - "david raven ( second right ) celebrates with his inverness team-mates following his extra-time winneron a fateful night in glasgow 15 years ago the highlanders inflicted the first of their damaging , deeply defeats on scotland 's champions .they will be back here in greater number for this club 's first ever scottish cup final against falkirk -- a former club of manager john hughes - on may 30 where they will be favourites to triumph .\n", - "virgil van dijk gave celtic the lead with a superb free-kickjosh meekings escaped a red card just before the break for a hand ballceltic keeper craig gordon was sent off early in the second halfgreg tansey 's penalty and edward ofere put inverness aheadjohn guidetti equalised , but david raven had the final say\n", - "[1.1733946 1.3612022 1.4312551 1.2150486 1.1453371 1.1818727 1.0523348\n", - " 1.0253587 1.0218129 1.0210922 1.1351429 1.1157169 1.0681798 1.0502099\n", - " 1.0292706 1.029365 1.0121565 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 3 5 0 4 10 11 12 6 13 15 14 7 8 9 16 20 17 18 19 21]\n", - "=======================\n", - "['they found skin cells appear to attach to each other using tiny tubes that then pull them together so they interlock like a zip .biologists have studied the healing process at a molecular level using electron microscopes to examine skin as it repairs itself .this image on the left taken of skin cells healing a wound using an electron microscope show how cells on opposing sides ( coloured green and brown ) interlock together in a similar way to a zipper used on clothes .']\n", - "=======================\n", - "['biologists at goethe university frankfurt , germany , studied skin healing in fruit fly embryos using an electron microscope to watch what happenedskin cells use microscopic tubes to pull towards each other and interlockresearchers hope it may help develop new treatments to speed up healing']\n", - "they found skin cells appear to attach to each other using tiny tubes that then pull them together so they interlock like a zip .biologists have studied the healing process at a molecular level using electron microscopes to examine skin as it repairs itself .this image on the left taken of skin cells healing a wound using an electron microscope show how cells on opposing sides ( coloured green and brown ) interlock together in a similar way to a zipper used on clothes .\n", - "biologists at goethe university frankfurt , germany , studied skin healing in fruit fly embryos using an electron microscope to watch what happenedskin cells use microscopic tubes to pull towards each other and interlockresearchers hope it may help develop new treatments to speed up healing\n", - "[1.4009482 1.3334079 1.2882757 1.3923404 1.1337208 1.1573678 1.0740907\n", - " 1.0885869 1.1283251 1.0153259 1.0115517 1.04485 1.042611 1.0949781\n", - " 1.0949123 1.0204155 1.0204076 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 2 5 4 8 13 14 7 6 11 12 15 16 9 10 17 18 19 20 21]\n", - "=======================\n", - "['ringside tickets for the upcoming fight between floyd mayweather and manny pacquaio are fetching upwards of $ 130,000 online after official outlets sold out within minutes on thursday night .floyd mayweather ( left ) and manny pacquiao ( right ) will fight on saturday , may 2 , in las vegas , nevadadue to the high pay-per-view price of the fight ( $ 89.99 - $ 99.99 ) , its anticipated thousands of fight fans might try to watch the bout for free via a live video streaming app like periscope or meerkat .']\n", - "=======================\n", - "[\"mayweather and pacquiao will fight in las vegas , nevada , on may 2around 500 tickets for the welterweight unification clash sold out very fastthe high pay-per-view price may lead thousands to stream bout illegallylaunched by twitter , periscope used to stream hbo 's game of thronesbroadcasters showtime and hbo could miss out on millions to streaming\"]\n", - "ringside tickets for the upcoming fight between floyd mayweather and manny pacquaio are fetching upwards of $ 130,000 online after official outlets sold out within minutes on thursday night .floyd mayweather ( left ) and manny pacquiao ( right ) will fight on saturday , may 2 , in las vegas , nevadadue to the high pay-per-view price of the fight ( $ 89.99 - $ 99.99 ) , its anticipated thousands of fight fans might try to watch the bout for free via a live video streaming app like periscope or meerkat .\n", - "mayweather and pacquiao will fight in las vegas , nevada , on may 2around 500 tickets for the welterweight unification clash sold out very fastthe high pay-per-view price may lead thousands to stream bout illegallylaunched by twitter , periscope used to stream hbo 's game of thronesbroadcasters showtime and hbo could miss out on millions to streaming\n", - "[1.305356 1.3653493 1.170449 1.2319957 1.0825522 1.1214662 1.171004\n", - " 1.187432 1.1158035 1.0999724 1.0821761 1.0646865 1.1174929 1.0788829\n", - " 1.0329605 1.0108111 1.0113757 1.0090799 1.0095913 1.0161892 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 7 6 2 5 12 8 9 4 10 13 11 14 19 16 15 18 17 20 21]\n", - "=======================\n", - "[\"in an interview , the lib dem leader listed a range of reasons why different groups of former supporters are ` p ***** off ' and have deserted the party since 2010 .nick clegg has been accused of blaming ` everyone but himself ' after making a series of excuses for the party 's disastrous poll ratings .he blamed protest voters who supported the party but deserted it after it entered coalition because they did n't want to take any ` responsibility ' .\"]\n", - "=======================\n", - "[\"nick clegg lists why lib dem support ` collapsed ' in economist interviewblames ` protest voters ' who did n't want to take responsibility for collationclaimed public sector workers left because pensions hit and jobs cutsays those reasons were more important than policy decisions he madetory source says interview ` sums up ' clegg , who ` is like a petulant child '\"]\n", - "in an interview , the lib dem leader listed a range of reasons why different groups of former supporters are ` p ***** off ' and have deserted the party since 2010 .nick clegg has been accused of blaming ` everyone but himself ' after making a series of excuses for the party 's disastrous poll ratings .he blamed protest voters who supported the party but deserted it after it entered coalition because they did n't want to take any ` responsibility ' .\n", - "nick clegg lists why lib dem support ` collapsed ' in economist interviewblames ` protest voters ' who did n't want to take responsibility for collationclaimed public sector workers left because pensions hit and jobs cutsays those reasons were more important than policy decisions he madetory source says interview ` sums up ' clegg , who ` is like a petulant child '\n", - "[1.4489923 1.3291557 1.4259202 1.3623092 1.1991603 1.075777 1.0269849\n", - " 1.0227607 1.0156476 1.0183895 1.0228668 1.021663 1.0208943 1.0152302\n", - " 1.0159407 1.0192688 1.0297137 1.0507092 1.2835655 1.0801959 1.0109341\n", - " 1.1495875]\n", - "\n", - "[ 0 2 3 1 18 4 21 19 5 17 16 6 10 7 11 12 15 9 14 8 13 20]\n", - "=======================\n", - "[\"manchester united midfielder michael carrick has revealed he wants to take up a career in motorsport when his playing days are over .the former west ham and tottenham star , now 34 , is not planning to hang up his boots any time soon , but when he does he says he 'd like to try his hand behind the wheel of an f1 car .michael carrick celebrates after manchester united score , and hopes to be playing for many more years\"]\n", - "=======================\n", - "[\"manchester united midfielder admits he is ` hooked ' on formula onemichael carrick says he 'd ` love to have a go ' at the sport professionallybut carrick is convinced he still has years left in football\"]\n", - "manchester united midfielder michael carrick has revealed he wants to take up a career in motorsport when his playing days are over .the former west ham and tottenham star , now 34 , is not planning to hang up his boots any time soon , but when he does he says he 'd like to try his hand behind the wheel of an f1 car .michael carrick celebrates after manchester united score , and hopes to be playing for many more years\n", - "manchester united midfielder admits he is ` hooked ' on formula onemichael carrick says he 'd ` love to have a go ' at the sport professionallybut carrick is convinced he still has years left in football\n", - "[1.3708696 1.119655 1.0836307 1.1299585 1.1723046 1.2883747 1.171418\n", - " 1.1389343 1.089823 1.1342633 1.1028004 1.110395 1.0665774 1.0482631\n", - " 1.0235509 1.064671 1.1149901 1.0292944 1.0251786 1.1230571 1.0260627\n", - " 1.0122253]\n", - "\n", - "[ 0 5 4 6 7 9 3 19 1 16 11 10 8 2 12 15 13 17 20 18 14 21]\n", - "=======================\n", - "[\"jodi arias has reported to prison to begin serving her life sentence for murder , and she has a new mugshot .arias was convicted of murder and sentenced to life in prison - with no change of parole - on monday .she also figured the mugshot would be all over the internet , ` so why not ? '\"]\n", - "=======================\n", - "['the 34-year-old convicted murderer posed for a new mugshot this week after she was sentenced to life in prison for killing her ex-boyfriendin her first mugshot , taken after her arrest in 2008 , arias smiled and later said she did so on purpose because she knew it would be widely publishedarias plans to appeal her conviction']\n", - "jodi arias has reported to prison to begin serving her life sentence for murder , and she has a new mugshot .arias was convicted of murder and sentenced to life in prison - with no change of parole - on monday .she also figured the mugshot would be all over the internet , ` so why not ? '\n", - "the 34-year-old convicted murderer posed for a new mugshot this week after she was sentenced to life in prison for killing her ex-boyfriendin her first mugshot , taken after her arrest in 2008 , arias smiled and later said she did so on purpose because she knew it would be widely publishedarias plans to appeal her conviction\n", - "[1.4028666 1.2478248 1.3999321 1.2112174 1.1821226 1.2454791 1.0771006\n", - " 1.0512953 1.1577076 1.0361351 1.0653375 1.0356227 1.0475361 1.0172024\n", - " 1.0104527 1.0126868 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 5 3 4 8 6 10 7 12 9 11 13 15 14 20 16 17 18 19 21]\n", - "=======================\n", - "[\"stock market returns have averaged 16 per cent a year under david cameron 's conservatives party , compared to just under nine per cent under labourshares have performed nearly twice as well under conservative governments than under labour over the last 45 years , according to figures published today .a survey of ftse 100 bosses this weekend showed 70 per cent believe a labour government under mr miliband would be a ` catastrophe ' for the economy .\"]\n", - "=======================\n", - "['shares have performed nearly twice as well under tories , new figures showstock market returns averaged 16 per cent per year under conservativesreturns hovered around nine per cent under labour and current coalition']\n", - "stock market returns have averaged 16 per cent a year under david cameron 's conservatives party , compared to just under nine per cent under labourshares have performed nearly twice as well under conservative governments than under labour over the last 45 years , according to figures published today .a survey of ftse 100 bosses this weekend showed 70 per cent believe a labour government under mr miliband would be a ` catastrophe ' for the economy .\n", - "shares have performed nearly twice as well under tories , new figures showstock market returns averaged 16 per cent per year under conservativesreturns hovered around nine per cent under labour and current coalition\n", - "[1.3458151 1.2385826 1.2124883 1.2002364 1.0938765 1.1210752 1.1111\n", - " 1.1097695 1.1338078 1.1325892 1.1371597 1.0757972 1.0183549 1.1201149\n", - " 1.0225303 1.0171949 1.0715978 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 3 10 8 9 5 13 6 7 4 11 16 14 12 15 20 17 18 19 21]\n", - "=======================\n", - "[\"( cnn ) after a weekend shipwreck off the coast of italy that may have killed hundreds of migrants , the international organization for migrants said monday that there may be three more migrant boats in distress in international waters .authorities still do n't know the fate of many of the passengers , including children , who were on the large ship bound from libya to europe that capsized saturday night in the frigid waters of the mediterranean sea .that sinking may be the worst in a series of disasters in which migrants have lost their lives on vessels that are too rickety to survive long voyages .\"]\n", - "=======================\n", - "['two survivors were arrested on suspicion of human trafficking , police sayeuropean officials propose a 10-point plan meant to address the crisisa survivor tells authorities that migrants were trapped behind locked doors']\n", - "( cnn ) after a weekend shipwreck off the coast of italy that may have killed hundreds of migrants , the international organization for migrants said monday that there may be three more migrant boats in distress in international waters .authorities still do n't know the fate of many of the passengers , including children , who were on the large ship bound from libya to europe that capsized saturday night in the frigid waters of the mediterranean sea .that sinking may be the worst in a series of disasters in which migrants have lost their lives on vessels that are too rickety to survive long voyages .\n", - "two survivors were arrested on suspicion of human trafficking , police sayeuropean officials propose a 10-point plan meant to address the crisisa survivor tells authorities that migrants were trapped behind locked doors\n", - "[1.4462142 1.1616673 1.4146913 1.2908839 1.2062362 1.1913092 1.1303295\n", - " 1.1487019 1.037645 1.0572028 1.1629983 1.0487069 1.0356424 1.0229013\n", - " 1.0180053 1.0596958 1.0273635 1.0357547 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 3 4 5 10 1 7 6 15 9 11 8 17 12 16 13 14 20 18 19 21]\n", - "=======================\n", - "['attack : lee keeley , 38 , grabbed the unnamed woman and hit her head against a wall before stamping on her head and chest in a courtroomthe 38-year-old defendant chased her round the courtroom and tore out clumps of her hair after losing his temper in january .a court heard keeley launched a chair at his ex-girlfriend before he started attacking her and barristers had to step in to break the pair up .']\n", - "=======================\n", - "[\"lee keeley flew into a rage after a civil case in lincoln went against him38-year-old chased girlfriend around court and even threw a chair at herafter finally pinning her to the wall he hit her then stamped on her headjudge at crown court sentencing says his behaviour was ` outrageous '\"]\n", - "attack : lee keeley , 38 , grabbed the unnamed woman and hit her head against a wall before stamping on her head and chest in a courtroomthe 38-year-old defendant chased her round the courtroom and tore out clumps of her hair after losing his temper in january .a court heard keeley launched a chair at his ex-girlfriend before he started attacking her and barristers had to step in to break the pair up .\n", - "lee keeley flew into a rage after a civil case in lincoln went against him38-year-old chased girlfriend around court and even threw a chair at herafter finally pinning her to the wall he hit her then stamped on her headjudge at crown court sentencing says his behaviour was ` outrageous '\n", - "[1.2243439 1.3371325 1.210362 1.1640941 1.2079246 1.1261716 1.1084918\n", - " 1.0519648 1.0199115 1.105717 1.1144329 1.060779 1.0973046 1.0809418\n", - " 1.0767145 1.0658475 1.05389 1.058015 1.0346166 0. ]\n", - "\n", - "[ 1 0 2 4 3 5 10 6 9 12 13 14 15 11 17 16 7 18 8 19]\n", - "=======================\n", - "[\"in a direct appeal to voters who have shifted allegiance to nigel farage 's party , the prime minister vowed to ` do more ' to respond to concerns about immigration .david cameron yesterday made a last-ditch plea for ukip supporters to ` come home ' to the conservatives .with the election on a knife-edge , he warned that it is ` not the time to send a message or make a protest ' .\"]\n", - "=======================\n", - "[\"pm said he understood why tory supporters had backed nigel faragehe pledged to do more on immigration and europe if re-elected on may 7mr cameron has previously described ukip supporters as ` fruitcakes 'made the plea at campaign rally in which he warned over labour tax plans\"]\n", - "in a direct appeal to voters who have shifted allegiance to nigel farage 's party , the prime minister vowed to ` do more ' to respond to concerns about immigration .david cameron yesterday made a last-ditch plea for ukip supporters to ` come home ' to the conservatives .with the election on a knife-edge , he warned that it is ` not the time to send a message or make a protest ' .\n", - "pm said he understood why tory supporters had backed nigel faragehe pledged to do more on immigration and europe if re-elected on may 7mr cameron has previously described ukip supporters as ` fruitcakes 'made the plea at campaign rally in which he warned over labour tax plans\n", - "[1.1710514 1.4292518 1.3819156 1.1931858 1.0886574 1.2480506 1.217969\n", - " 1.0401993 1.0775573 1.139151 1.0282699 1.0856116 1.0272183 1.074065\n", - " 1.0496829 1.0516613 1.0164766 1.0530866 1.0508004 1.0281948]\n", - "\n", - "[ 1 2 5 6 3 0 9 4 11 8 13 17 15 18 14 7 10 19 12 16]\n", - "=======================\n", - "['glenna kohl of barnstable spent years in the sun as a cape cod lifeguard and countless hours laying in indoor tanning beds while at college .she was diagnosed with melanoma just after graduating from a rhode island college in 2005 .three years later , at just 26 years old , glenna would be dead after a painful cancer battle .']\n", - "=======================\n", - "['glenna kohl was a rhode island college student in 2005 when she was diagnosed with stage iii melanomakohl had been a devotee to both indoor and outdoor tanning since she was a high school student and life guard in massachusettsthree years after her shocking diagnosis , kohl died .']\n", - "glenna kohl of barnstable spent years in the sun as a cape cod lifeguard and countless hours laying in indoor tanning beds while at college .she was diagnosed with melanoma just after graduating from a rhode island college in 2005 .three years later , at just 26 years old , glenna would be dead after a painful cancer battle .\n", - "glenna kohl was a rhode island college student in 2005 when she was diagnosed with stage iii melanomakohl had been a devotee to both indoor and outdoor tanning since she was a high school student and life guard in massachusettsthree years after her shocking diagnosis , kohl died .\n", - "[1.2006263 1.4140896 1.3639325 1.3427169 1.1437647 1.2462708 1.1448431\n", - " 1.1018856 1.0407736 1.2252507 1.023061 1.022165 1.0135705 1.0154436\n", - " 1.0372792 1.0825335 1.0192618 1.0087888 0. 0. ]\n", - "\n", - "[ 1 2 3 5 9 0 6 4 7 15 8 14 10 11 16 13 12 17 18 19]\n", - "=======================\n", - "[\"education secretary nicky morgan revealed she has ordered officials to start ` mapping the pressures ' on the state schools system .it comes less than six months after she told the head of ofsted it was not ` helpful ' to warn that schools are struggling to cope with an ` influx ' of migrants .the tory leader vowed to cut the number below 100,000 ` no ifs , no buts ' , but latest figures show the number hit 298,000 in the year to september .\"]\n", - "=======================\n", - "[\"nicky morgan asks officials to start ` mapping the pressures ' on schoolseducation secretary says immigration is a ` big issue ' for voterslast year warned ofsted it was not ` helpful ' to talk about migrant ` influx '\"]\n", - "education secretary nicky morgan revealed she has ordered officials to start ` mapping the pressures ' on the state schools system .it comes less than six months after she told the head of ofsted it was not ` helpful ' to warn that schools are struggling to cope with an ` influx ' of migrants .the tory leader vowed to cut the number below 100,000 ` no ifs , no buts ' , but latest figures show the number hit 298,000 in the year to september .\n", - "nicky morgan asks officials to start ` mapping the pressures ' on schoolseducation secretary says immigration is a ` big issue ' for voterslast year warned ofsted it was not ` helpful ' to talk about migrant ` influx '\n", - "[1.2317467 1.0984999 1.3671278 1.1496087 1.0942616 1.0357274 1.2207628\n", - " 1.0425572 1.0788786 1.06511 1.0896337 1.0799096 1.0718822 1.03027\n", - " 1.0312574 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 6 3 1 4 10 11 8 12 9 7 5 14 13 15 16 17 18 19]\n", - "=======================\n", - "[\"bernard whalen 's new book ` the nypd 's first fifty years ' is a tale of kickbacks , mob violence and secret kkk members .at the helm of the nypd from 1934-45 was lewis valentine ( pictured ) , a stalwart of the force for more than 30 years who had a reputation for brutalitythe department 's first chief of police , william devery , who held the post from 1898-1901 , was known as the king of kickbacks .\"]\n", - "=======================\n", - "[\"nypd 's secret history from first 50 years unveiled in book about the forcelooking at men who led the police , book describes kickbacks and brutalityone chief of police led the mob to the whereabouts of his star detectiveanother failed to investigate kkk infiltration in the ranks of his department\"]\n", - "bernard whalen 's new book ` the nypd 's first fifty years ' is a tale of kickbacks , mob violence and secret kkk members .at the helm of the nypd from 1934-45 was lewis valentine ( pictured ) , a stalwart of the force for more than 30 years who had a reputation for brutalitythe department 's first chief of police , william devery , who held the post from 1898-1901 , was known as the king of kickbacks .\n", - "nypd 's secret history from first 50 years unveiled in book about the forcelooking at men who led the police , book describes kickbacks and brutalityone chief of police led the mob to the whereabouts of his star detectiveanother failed to investigate kkk infiltration in the ranks of his department\n", - "[1.2647468 1.3242316 1.4389417 1.187526 1.2022798 1.0876361 1.1229289\n", - " 1.1260939 1.074508 1.0421042 1.0087562 1.0198774 1.0605141 1.034765\n", - " 1.0356991 1.0456088 1.1590072 1.0828254 0. 0. ]\n", - "\n", - "[ 2 1 0 4 3 16 7 6 5 17 8 12 15 9 14 13 11 10 18 19]\n", - "=======================\n", - "[\"josi harrison , laura lefebvre , and hailey walden were all in eighth grade when they claim their high school-age boyfriends lured them into sending nude pictures to their phones .it marks the end of a six-year case , after the teenagers first reported their ordeal to officials at clatskanie middle school in oregon - only to be told to ` suck it up ' .ordeal : laura lefebvre ( left ) and josi harrison ( right ) are two of three girls who have won a civil claim against their school district for failing to support them after being bullied into sending naked pictures to boyfriends\"]\n", - "=======================\n", - "[\"josi harrison , laura lefebvre , and hailey walden were ` lured into taking naked pictures for their high school-age boyfriends ' in clatskanie , oregonthe photos were ` passed around like baseball cards ' in 2009but school officials told them to ` suck it up ' and warned they would be charged for ` creating and distributing child pornography 'now , 6 years later , they will each be paid $ 75,000 damages by the school\"]\n", - "josi harrison , laura lefebvre , and hailey walden were all in eighth grade when they claim their high school-age boyfriends lured them into sending nude pictures to their phones .it marks the end of a six-year case , after the teenagers first reported their ordeal to officials at clatskanie middle school in oregon - only to be told to ` suck it up ' .ordeal : laura lefebvre ( left ) and josi harrison ( right ) are two of three girls who have won a civil claim against their school district for failing to support them after being bullied into sending naked pictures to boyfriends\n", - "josi harrison , laura lefebvre , and hailey walden were ` lured into taking naked pictures for their high school-age boyfriends ' in clatskanie , oregonthe photos were ` passed around like baseball cards ' in 2009but school officials told them to ` suck it up ' and warned they would be charged for ` creating and distributing child pornography 'now , 6 years later , they will each be paid $ 75,000 damages by the school\n", - "[1.2291328 1.3413365 1.2058753 1.3762232 1.2020512 1.056735 1.099446\n", - " 1.0657547 1.0426837 1.0192678 1.0250021 1.2561331 1.0438868 1.0357935\n", - " 1.0527389 0. 0. 0. ]\n", - "\n", - "[ 3 1 11 0 2 4 6 7 5 14 12 8 13 10 9 16 15 17]\n", - "=======================\n", - "[\"ambush : rep steve knight ( left ) was accosted by activists rallying against amnesty for illegal immigrants outside his simi valley , california , office during an open house last fridayvoting record : knight was one of 75 house republicans who voted to pass a bill funding the department of homeland security after it had been stripped off provisions blocking obama 's immigration reformthe heated exchange between knight and the group of protesters carrying anti-immigration signs was captured on video and later uploaded onto youtube by a right-wing group called we the people rising .\"]\n", - "=======================\n", - "[\"rep steve knight representing 25th congressional district in california was confronted by activists from right-wing group fridayprotesters accused knight of voting for immigrant ` amnesty ' during congressional battle over homeland security funding billknight was one of 75 house republicans who eventually voted on ` clean ' funding bill devoid of provisions blocking obama 's immigration reformsave our state group that accosted knight has been linked to white supremacists\"]\n", - "ambush : rep steve knight ( left ) was accosted by activists rallying against amnesty for illegal immigrants outside his simi valley , california , office during an open house last fridayvoting record : knight was one of 75 house republicans who voted to pass a bill funding the department of homeland security after it had been stripped off provisions blocking obama 's immigration reformthe heated exchange between knight and the group of protesters carrying anti-immigration signs was captured on video and later uploaded onto youtube by a right-wing group called we the people rising .\n", - "rep steve knight representing 25th congressional district in california was confronted by activists from right-wing group fridayprotesters accused knight of voting for immigrant ` amnesty ' during congressional battle over homeland security funding billknight was one of 75 house republicans who eventually voted on ` clean ' funding bill devoid of provisions blocking obama 's immigration reformsave our state group that accosted knight has been linked to white supremacists\n", - "[1.2026769 1.340875 1.2569684 1.2505021 1.2088809 1.1941991 1.1225684\n", - " 1.1800575 1.079963 1.0716653 1.0425655 1.0780065 1.0416325 1.0543468\n", - " 1.0311555 1.1312188 1.0107521 0. ]\n", - "\n", - "[ 1 2 3 4 0 5 7 15 6 8 11 9 13 10 12 14 16 17]\n", - "=======================\n", - "['government officials have repeatedly insisted there is no evidence to support universal screening for group b strep , known as gbs .this is despite the fact it is carried by one in four women and infects as many as 400 newborns in the uk every year .one in ten will die .']\n", - "=======================\n", - "[\"officials have said no evidence to support screening for group b strepcurrent guidelines only recommend testing women deemed to be ` at risk 'but screening at northwick park nhs hospital , london , resulted in not a single case of the bacteria spreading to infantsonly recorded cases during the year affected babies of women who had not agreed to be tested\"]\n", - "government officials have repeatedly insisted there is no evidence to support universal screening for group b strep , known as gbs .this is despite the fact it is carried by one in four women and infects as many as 400 newborns in the uk every year .one in ten will die .\n", - "officials have said no evidence to support screening for group b strepcurrent guidelines only recommend testing women deemed to be ` at risk 'but screening at northwick park nhs hospital , london , resulted in not a single case of the bacteria spreading to infantsonly recorded cases during the year affected babies of women who had not agreed to be tested\n", - "[1.377952 1.4887325 1.177454 1.3319905 1.1659596 1.2125897 1.0246254\n", - " 1.0248424 1.0776223 1.0204147 1.018093 1.1717591 1.0411897 1.1263561\n", - " 1.0231372 1.0563662 1.0907711 1.1202496]\n", - "\n", - "[ 1 0 3 5 2 11 4 13 17 16 8 15 12 7 6 14 9 10]\n", - "=======================\n", - "[\"the incident occurred at el centro college and was captured on cell phone by student charles adams , who was smoking a cigarette when he witnessed the abuse at first hand last wednesday .two college campus police officers in dallas have been placed on administrative leave after shocking video footage surfaced of them harassing a group of four students and arresting one after first hitting him .the school reportedly wo n't say why the teens were stopped and frisked , but adams said he believes the officers totally overreacted .\"]\n", - "=======================\n", - "['the officers have been placed on administrative leave after shocking video footage surfaced of them harassing a group of four studentsthe incident occurred at el centro college in dallas and was captured on cell phone by student charles adamsfootage shows the young men being ordered to face a brick wall , while one cop searched , questioned , and even hit one of the teensel centro college president jose adames has said a full investigation is underway']\n", - "the incident occurred at el centro college and was captured on cell phone by student charles adams , who was smoking a cigarette when he witnessed the abuse at first hand last wednesday .two college campus police officers in dallas have been placed on administrative leave after shocking video footage surfaced of them harassing a group of four students and arresting one after first hitting him .the school reportedly wo n't say why the teens were stopped and frisked , but adams said he believes the officers totally overreacted .\n", - "the officers have been placed on administrative leave after shocking video footage surfaced of them harassing a group of four studentsthe incident occurred at el centro college in dallas and was captured on cell phone by student charles adamsfootage shows the young men being ordered to face a brick wall , while one cop searched , questioned , and even hit one of the teensel centro college president jose adames has said a full investigation is underway\n", - "[1.1218181 1.1707463 1.1216185 1.2763569 1.2248476 1.2521914 1.1207525\n", - " 1.0443661 1.0623356 1.101691 1.0499434 1.0493706 1.0648274 1.1272079\n", - " 1.0298243 1.0443732 1.0573707 1.0555055]\n", - "\n", - "[ 3 5 4 1 13 0 2 6 9 12 8 16 17 10 11 15 7 14]\n", - "=======================\n", - "['a huge concrete arrow is found in perfect condition in bloomington , washington county , utahthe concrete arrows were placed at the base of lit beacons near airways , showing pilots the direction they needed to fly in to reach the next stop-off to deliver mail .the bloomnigton arrow was one of 102 found by retired couple brian and charlotte smith , who have travelled across the us to photograph the monuments']\n", - "=======================\n", - "['hikers often stumble upon the unusual concrete markers and wonder why they were builtthe arrows directed the first air mail planes across the us to deliver postthey lay at the bottom of lit beacons and showed pilots the direction to fly in to arrive at the next air fieldwhile they are no longer used , many lie forgotten until they are found by arrow-hunting fans']\n", - "a huge concrete arrow is found in perfect condition in bloomington , washington county , utahthe concrete arrows were placed at the base of lit beacons near airways , showing pilots the direction they needed to fly in to reach the next stop-off to deliver mail .the bloomnigton arrow was one of 102 found by retired couple brian and charlotte smith , who have travelled across the us to photograph the monuments\n", - "hikers often stumble upon the unusual concrete markers and wonder why they were builtthe arrows directed the first air mail planes across the us to deliver postthey lay at the bottom of lit beacons and showed pilots the direction to fly in to arrive at the next air fieldwhile they are no longer used , many lie forgotten until they are found by arrow-hunting fans\n", - "[1.2937183 1.3510733 1.450131 1.3999543 1.1670084 1.090075 1.034756\n", - " 1.0201817 1.1207647 1.034457 1.0234582 1.0243496 1.0830915 1.1689348\n", - " 1.0243006 1.0094714 1.0127443 1.0119853]\n", - "\n", - "[ 2 3 1 0 13 4 8 5 12 6 9 11 14 10 7 16 17 15]\n", - "=======================\n", - "[\"rekha nagvanshi , 30 , had turned on her husband 's parents at the home she shared with husband deepak , 34 , in the district of indore in central india 's madhya pradesh state .angered that her in-laws had stopped her husband from doing chores around the home , she sought revenge by urinating in their cups of tea for more than a year .claiming she would rather live with her parents , she was said to be unhappy about her arranged marriage and felt she was being treated poorly .\"]\n", - "=======================\n", - "['rekha nagvanshi was angered that her in-laws interfered in her marriagethey had stopped her husband from doing chores around the marital homeshe then began urinating in the teapot from which she served them teabut she was caught when her mother-in-law found her squatting over pot']\n", - "rekha nagvanshi , 30 , had turned on her husband 's parents at the home she shared with husband deepak , 34 , in the district of indore in central india 's madhya pradesh state .angered that her in-laws had stopped her husband from doing chores around the home , she sought revenge by urinating in their cups of tea for more than a year .claiming she would rather live with her parents , she was said to be unhappy about her arranged marriage and felt she was being treated poorly .\n", - "rekha nagvanshi was angered that her in-laws interfered in her marriagethey had stopped her husband from doing chores around the marital homeshe then began urinating in the teapot from which she served them teabut she was caught when her mother-in-law found her squatting over pot\n", - "[1.2144995 1.3083535 1.2930276 1.2809223 1.1572078 1.1978514 1.1899037\n", - " 1.1283572 1.1369913 1.0346869 1.0278902 1.1671246 1.0190353 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 6 11 4 8 7 9 10 12 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"it has ` bullied ' experts who have tried to prove that a cancer drug can be used to treat one of the most common forms of blindness , according to the bmj .the respected medical journal says avastin is just as effective at tackling wet age-related macular degeneration ( amd ) as the current treatment , lucentis .drug company novartis has been accused of trying to block trials aimed at promoting a ` cheap , safe and effective ' treatment for sight loss which would save the nhs around # 102million a year\"]\n", - "=======================\n", - "[\"drug company accused of trying to block trials aimed at promoting a ` cheap , safe and effective ' treatment for sight loss on the nhsit ` bullied ' experts who tried to prove drug can be used to treat blindnessavastin is effective at tackling wet age-related macular degenerationcheaper than the current treatment it would save nhs # 102million a year\"]\n", - "it has ` bullied ' experts who have tried to prove that a cancer drug can be used to treat one of the most common forms of blindness , according to the bmj .the respected medical journal says avastin is just as effective at tackling wet age-related macular degeneration ( amd ) as the current treatment , lucentis .drug company novartis has been accused of trying to block trials aimed at promoting a ` cheap , safe and effective ' treatment for sight loss which would save the nhs around # 102million a year\n", - "drug company accused of trying to block trials aimed at promoting a ` cheap , safe and effective ' treatment for sight loss on the nhsit ` bullied ' experts who tried to prove drug can be used to treat blindnessavastin is effective at tackling wet age-related macular degenerationcheaper than the current treatment it would save nhs # 102million a year\n", - "[1.2113899 1.3992444 1.3125963 1.2206708 1.102653 1.1617833 1.0726098\n", - " 1.2599949 1.2044728 1.0277 1.0124025 1.0440693 1.1032089 1.0713388\n", - " 1.1816051 1.043765 1.0235269 1.0436183 0. 0. ]\n", - "\n", - "[ 1 2 7 3 0 8 14 5 12 4 6 13 11 15 17 9 16 10 18 19]\n", - "=======================\n", - "['with less than a day left to go before he is due to be operated on , 18-year-old jackson byrnes from northern new south wales has accumulated close to the target on hisgofundme page .three weeks ago mr byrnes was told by doctors that he had a stage four brain tumour that was too deep and aggressive to be safely operated on .a teenager with a deadly brain tumour has raised the majority of $ 80,000 needed to fund his life-saving surgery .']\n", - "=======================\n", - "['teen with deadly brain tumour has almost raised $ 80,000the money is needed to fund his life-saving brain surgery18-year-old jackson byrnes has stage four brain tumourhe was told by doctors it was too aggressive to operate oninstead he found a neurosurgeon who would do the operationhe must find $ 80,000 by tuesday night to pay the surgeon up frontjackson byrnes and his family have used crowd funding to raise money']\n", - "with less than a day left to go before he is due to be operated on , 18-year-old jackson byrnes from northern new south wales has accumulated close to the target on hisgofundme page .three weeks ago mr byrnes was told by doctors that he had a stage four brain tumour that was too deep and aggressive to be safely operated on .a teenager with a deadly brain tumour has raised the majority of $ 80,000 needed to fund his life-saving surgery .\n", - "teen with deadly brain tumour has almost raised $ 80,000the money is needed to fund his life-saving brain surgery18-year-old jackson byrnes has stage four brain tumourhe was told by doctors it was too aggressive to operate oninstead he found a neurosurgeon who would do the operationhe must find $ 80,000 by tuesday night to pay the surgeon up frontjackson byrnes and his family have used crowd funding to raise money\n", - "[1.375128 1.3791077 1.29018 1.2157156 1.1822461 1.1550862 1.1002686\n", - " 1.090239 1.0988202 1.0273798 1.0663971 1.0648909 1.0744252 1.0420191\n", - " 1.0249711 1.014596 1.0090557 1.0249999 1.0153868 1.1254314]\n", - "\n", - "[ 1 0 2 3 4 5 19 6 8 7 12 10 11 13 9 17 14 18 15 16]\n", - "=======================\n", - "['fredric brandt was suffering suicidal tendencies for just 10 days before he killed himself , revealed the police report into the tragic passing of the celebrity plastic surgeon .tragedy : dr. frederic brandt was battling with extreme depression before his suicide on sunday a police report revealed on tuesdaybrandt was discovered hanged inside the garage of his coconut grove home by his friend , john joseph hupert , at around 9.15 am on easter sunday morning .']\n", - "=======================\n", - "[\"fredric brandt had been suicidally depressed for 10 days before he took his own lifepolice report into the 65-year-old 's suicide reveals brandt was found on sunday morning by friend , john joseph hupert , inside his garagehupert was staying with the cosmetic surgeon on doctors orders to monitor brandt 's suicidal tendencieshupert revealed that brandt had been taking medication for his depressionparamedics declared the plastic surgeon dead at the scene after having found he hanged himselfbrandt 's psychiatrist , dr. saida koita , arrived soon afterwards and told police she had been treating brandt dailybrandt was reportedly devastated by parody character dr franff in hit netflix series unbreakable kimmy schmidt which debuted on march 6friends said that , though dr brandt was upset , show did n't cause his death\"]\n", - "fredric brandt was suffering suicidal tendencies for just 10 days before he killed himself , revealed the police report into the tragic passing of the celebrity plastic surgeon .tragedy : dr. frederic brandt was battling with extreme depression before his suicide on sunday a police report revealed on tuesdaybrandt was discovered hanged inside the garage of his coconut grove home by his friend , john joseph hupert , at around 9.15 am on easter sunday morning .\n", - "fredric brandt had been suicidally depressed for 10 days before he took his own lifepolice report into the 65-year-old 's suicide reveals brandt was found on sunday morning by friend , john joseph hupert , inside his garagehupert was staying with the cosmetic surgeon on doctors orders to monitor brandt 's suicidal tendencieshupert revealed that brandt had been taking medication for his depressionparamedics declared the plastic surgeon dead at the scene after having found he hanged himselfbrandt 's psychiatrist , dr. saida koita , arrived soon afterwards and told police she had been treating brandt dailybrandt was reportedly devastated by parody character dr franff in hit netflix series unbreakable kimmy schmidt which debuted on march 6friends said that , though dr brandt was upset , show did n't cause his death\n", - "[1.3032274 1.4095821 1.1306678 1.310722 1.0941843 1.1555209 1.0709409\n", - " 1.0353893 1.0274696 1.039133 1.0694295 1.0990037 1.0506029 1.0889137\n", - " 1.081533 1.0966308 1.1035029 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 5 2 16 11 15 4 13 14 6 10 12 9 7 8 17 18 19]\n", - "=======================\n", - "['the comedian was outraged when he came across the picture of american grandmother-of-nine rebecca francis , who won the reality tv show extreme huntress in 2010 .trophy : ricky gervais posted this picture of extreme huntress winner rebecca francis on his twitter feedproud : francis , a grandmother-of-nine , is passionate about hunting - and regularly posts pictures of her kills']\n", - "=======================\n", - "[\"comedian ricky gervais led an online charge against rebecca francisthe brit shared a picture of the grandmother lying next to her ` trophy 'caused to an online backlash against francis - with 14,543 retweeting postfrancis is proud of hunting and hopes to inspire more women to take part\"]\n", - "the comedian was outraged when he came across the picture of american grandmother-of-nine rebecca francis , who won the reality tv show extreme huntress in 2010 .trophy : ricky gervais posted this picture of extreme huntress winner rebecca francis on his twitter feedproud : francis , a grandmother-of-nine , is passionate about hunting - and regularly posts pictures of her kills\n", - "comedian ricky gervais led an online charge against rebecca francisthe brit shared a picture of the grandmother lying next to her ` trophy 'caused to an online backlash against francis - with 14,543 retweeting postfrancis is proud of hunting and hopes to inspire more women to take part\n", - "[1.3448238 1.2518678 1.3063431 1.5208614 1.4369562 1.0943104 1.0416648\n", - " 1.0575931 1.0192581 1.0158725 1.1877782 1.1290071 1.0437762 1.0418961\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 0 2 1 10 11 5 7 12 13 6 8 9 14 15 16 17 18 19]\n", - "=======================\n", - "['mario balotelli was not included in the liverpool squad to face arsenal after picking up a slight knockbrendan rodgers revealed that balotelli withdrew himself from the squad and did not travel to londonthe # 16million striker would only have been a substitute against arsenal and would even have been behind daniel sturridge , who also started on the bench , in the pecking order .']\n", - "=======================\n", - "['liverpool were beaten 4-1 by arsenal at the emirates stadium on saturdaymario balotelli was absent from the squad due to a training ground knockbrendan rodgers revealed balotelli withdrew himself from the teamthe italian did not even travel with the team for the premier league clash']\n", - "mario balotelli was not included in the liverpool squad to face arsenal after picking up a slight knockbrendan rodgers revealed that balotelli withdrew himself from the squad and did not travel to londonthe # 16million striker would only have been a substitute against arsenal and would even have been behind daniel sturridge , who also started on the bench , in the pecking order .\n", - "liverpool were beaten 4-1 by arsenal at the emirates stadium on saturdaymario balotelli was absent from the squad due to a training ground knockbrendan rodgers revealed balotelli withdrew himself from the teamthe italian did not even travel with the team for the premier league clash\n", - "[1.2514981 1.4257827 1.3557472 1.3269497 1.1704525 1.1216909 1.1244473\n", - " 1.1508965 1.0841283 1.0499536 1.0616088 1.2081162 1.061563 1.1344469\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 0 11 4 7 13 6 5 8 10 12 9 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the passenger was badly injured after the driver of the ferrari , reportedly purchased only a week ago , smashed into a tree in the adelaide suburb of north brighton .the crash involving the 1991 ferrari 348 , worth between $ 90k and $ 110k and sporting ` plesur ' number plates , took place at around 8.25 pm on king george avenue .despite the driver coming out of the accident unscathed , his male passenger suffered head and leg injuries .\"]\n", - "=======================\n", - "['driver crashed his uninsured sports car into a tree on wednesday nightthe ferrari was reportedly purchased by the owner only a week agoa male passenger was also seriously injured in the crashthe 1991 ferrari 348 is worth between $ 90k and $ 110kthe passenger was conscious and was taken to flinders medical centre']\n", - "the passenger was badly injured after the driver of the ferrari , reportedly purchased only a week ago , smashed into a tree in the adelaide suburb of north brighton .the crash involving the 1991 ferrari 348 , worth between $ 90k and $ 110k and sporting ` plesur ' number plates , took place at around 8.25 pm on king george avenue .despite the driver coming out of the accident unscathed , his male passenger suffered head and leg injuries .\n", - "driver crashed his uninsured sports car into a tree on wednesday nightthe ferrari was reportedly purchased by the owner only a week agoa male passenger was also seriously injured in the crashthe 1991 ferrari 348 is worth between $ 90k and $ 110kthe passenger was conscious and was taken to flinders medical centre\n", - "[1.1100913 1.4091562 1.3186226 1.1874151 1.1104407 1.0472863 1.1455505\n", - " 1.1158509 1.1715553 1.1186758 1.0947634 1.1209565 1.0376544 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 8 6 11 9 7 4 0 10 5 12 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"in sofia , a night 's stay in a four-star hotel , along with your room service order , will only set you back # 63.78 , which is more than four times cheaper than at the costliest destination examined , new york .tripadvisor 's annual cost comparison report compared the cost of hotel room service items in 48 popular holiday destinations around the world and found that guests could buy 16 bottles of vodka in kiev , ukraine , for the same price as a club sandwich in zurich .eastern europe boasts six of the world 's 10 best value destinations - sofia , kiev , warsaw , budapest , prague and moscow - while western europe , specifically scandinavia , is home to some of the world 's most expensive .\"]\n", - "=======================\n", - "['for the best bargain , head to eastern europe , specifically sofia , bulgariain new york city , the cost of a four-star hotel and room service is # 276.61meanwhile , the most expensive in-room club sandwich tallies # 21.73']\n", - "in sofia , a night 's stay in a four-star hotel , along with your room service order , will only set you back # 63.78 , which is more than four times cheaper than at the costliest destination examined , new york .tripadvisor 's annual cost comparison report compared the cost of hotel room service items in 48 popular holiday destinations around the world and found that guests could buy 16 bottles of vodka in kiev , ukraine , for the same price as a club sandwich in zurich .eastern europe boasts six of the world 's 10 best value destinations - sofia , kiev , warsaw , budapest , prague and moscow - while western europe , specifically scandinavia , is home to some of the world 's most expensive .\n", - "for the best bargain , head to eastern europe , specifically sofia , bulgariain new york city , the cost of a four-star hotel and room service is # 276.61meanwhile , the most expensive in-room club sandwich tallies # 21.73\n", - "[1.3418251 1.4331386 1.2798197 1.1759257 1.2026106 1.2116975 1.1340129\n", - " 1.0604547 1.0377977 1.038899 1.0226539 1.0202935 1.2670255 1.0379883\n", - " 1.0627925 1.0495998 1.0532589 1.0428925 1.0635766 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 12 5 4 3 6 18 14 7 16 15 17 9 13 8 10 11 20 19 21]\n", - "=======================\n", - "['the rap mogul was refused an appeal to have his bail reduced from $ 10 million to $ 5 million as he awaits trial for murder and attempted murder .suge knight laughed in court on thursday as he revealed he hopes floyd mayweather will bail him out after winning his next fight .despite walking confidently into court , he had to be carted out in a wheelchair as judge ronald coen rejected his pleas .']\n", - "=======================\n", - "['death row records mogul appealed to reduce $ 10m bail , was deniedbut he is sure floyd mayweather will win on saturday and bail him outthe boxer is already worth $ 420 million , set to get record pay this weekendknight had to be wheeled out of court after being denied bail cut']\n", - "the rap mogul was refused an appeal to have his bail reduced from $ 10 million to $ 5 million as he awaits trial for murder and attempted murder .suge knight laughed in court on thursday as he revealed he hopes floyd mayweather will bail him out after winning his next fight .despite walking confidently into court , he had to be carted out in a wheelchair as judge ronald coen rejected his pleas .\n", - "death row records mogul appealed to reduce $ 10m bail , was deniedbut he is sure floyd mayweather will win on saturday and bail him outthe boxer is already worth $ 420 million , set to get record pay this weekendknight had to be wheeled out of court after being denied bail cut\n", - "[1.4389597 1.1354022 1.1752627 1.2777134 1.3483187 1.1166093 1.121882\n", - " 1.0645146 1.1487389 1.0388125 1.0718201 1.04731 1.1251681 1.061604\n", - " 1.0338596 1.0096061 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 4 3 2 8 1 12 6 5 10 7 13 11 9 14 15 20 16 17 18 19 21]\n", - "=======================\n", - "['louis van gaal believes manchester united will hit the ground running in their attempt to win the barclays premier league next season after persuading the old trafford hierarchy to agree to a short and sharp pre-season tour of america in july .manchester united beat real madrid in michigan last summer in front of 109,000 fansthe trip will last in the region of 12 days -- a whole week shorter than last summer - and will be over by august 1 .']\n", - "=======================\n", - "['manchester united will embark on a short tour of america this summerthey are likely to spend 12 days on the west coast , staying in one placeunited will defend their international champions cup titlelouis van gaal has avoided a lengthy , energy-sapping tour this yearclick here for all the latest manchester united news']\n", - "louis van gaal believes manchester united will hit the ground running in their attempt to win the barclays premier league next season after persuading the old trafford hierarchy to agree to a short and sharp pre-season tour of america in july .manchester united beat real madrid in michigan last summer in front of 109,000 fansthe trip will last in the region of 12 days -- a whole week shorter than last summer - and will be over by august 1 .\n", - "manchester united will embark on a short tour of america this summerthey are likely to spend 12 days on the west coast , staying in one placeunited will defend their international champions cup titlelouis van gaal has avoided a lengthy , energy-sapping tour this yearclick here for all the latest manchester united news\n", - "[1.4617515 1.3526516 1.4897883 1.4372102 1.3106856 1.1387826 1.2170851\n", - " 1.0214424 1.0180478 1.0117992 1.0085536 1.0085763 1.0053413 1.0058653\n", - " 1.0060248 1.0049185 1.0046265 1.0038354 1.0035014 1.0051938 1.0053948\n", - " 1.0054759]\n", - "\n", - "[ 2 0 3 1 4 6 5 7 8 9 11 10 14 13 21 20 12 19 15 16 17 18]\n", - "=======================\n", - "[\"world no 1 rory mcilroy is paired with tiger woods in the final day 's most high-profile grouping , as both attempt to pull off what would be the most unlikely of their major wins .rose 's superb finish on saturday earned him a place in the last grouping with spieth ahead of phil mickelson and charley hoffman , who will tee off ten minutes earlier at 19.40 ( bst ) .there is one all-english pair , as paul casey and ian poulter , 11 and 12 shots back respectively , tee off at 19.00 .\"]\n", - "=======================\n", - "['justin rose goes into final day at 12 under par , four shots off the leadjordan spieth is out in front , looking to win his first majorrory mcilroy paired with tiger woods in third from last grouping']\n", - "world no 1 rory mcilroy is paired with tiger woods in the final day 's most high-profile grouping , as both attempt to pull off what would be the most unlikely of their major wins .rose 's superb finish on saturday earned him a place in the last grouping with spieth ahead of phil mickelson and charley hoffman , who will tee off ten minutes earlier at 19.40 ( bst ) .there is one all-english pair , as paul casey and ian poulter , 11 and 12 shots back respectively , tee off at 19.00 .\n", - "justin rose goes into final day at 12 under par , four shots off the leadjordan spieth is out in front , looking to win his first majorrory mcilroy paired with tiger woods in third from last grouping\n", - "[1.2990239 1.3691893 1.1446015 1.242653 1.2379146 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 4 2 23 22 21 20 19 18 17 16 15 12 13 24 11 10 9 8 7 6 5\n", - " 14 25]\n", - "=======================\n", - "['the celebrity couple announced the arrival of their son , silas randall timberlake , in statements to people .( cnn ) justin timberlake and jessica biel , welcome to parenthood .it is the first baby for both .']\n", - "=======================\n", - "['timberlake and biel welcome son silas randall timberlakethe couple announced the pregnancy in january']\n", - "the celebrity couple announced the arrival of their son , silas randall timberlake , in statements to people .( cnn ) justin timberlake and jessica biel , welcome to parenthood .it is the first baby for both .\n", - "timberlake and biel welcome son silas randall timberlakethe couple announced the pregnancy in january\n", - "[1.2420986 1.4700075 1.296923 1.161337 1.1686882 1.2071589 1.0146953\n", - " 1.156653 1.0746007 1.231176 1.039351 1.0613351 1.0616118 1.0496908\n", - " 1.0381567 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 9 5 4 3 7 8 12 11 13 10 14 6 24 15 16 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "['the towers , costing the polish government # 2.5 million , will range from 115ft to 164ft and help monitor the 124mile long border between the two countries using cctv .the increased border monitoring comes amid heightened tensions between russia and poland , a member of both nato and the european union , over the conflict in ukraine .poland is set to build watchtowers along the border to the russian exclave of kaliningrad , a local news agency reports .']\n", - "=======================\n", - "['cctv towers will monitor the border between poland and kaliningradtowers will range from 115ft to 164ft and cost # 2.5 million to buildmoscow has announced they are set to place missiles in the exclaveboth nato and russia are carrying out military exercises in the baltic']\n", - "the towers , costing the polish government # 2.5 million , will range from 115ft to 164ft and help monitor the 124mile long border between the two countries using cctv .the increased border monitoring comes amid heightened tensions between russia and poland , a member of both nato and the european union , over the conflict in ukraine .poland is set to build watchtowers along the border to the russian exclave of kaliningrad , a local news agency reports .\n", - "cctv towers will monitor the border between poland and kaliningradtowers will range from 115ft to 164ft and cost # 2.5 million to buildmoscow has announced they are set to place missiles in the exclaveboth nato and russia are carrying out military exercises in the baltic\n", - "[1.5749464 1.3412592 1.2521639 1.505207 1.1287045 1.0834407 1.0670784\n", - " 1.0228496 1.0366 1.0121882 1.0115578 1.1049585 1.0126176 1.0562991\n", - " 1.2114624 1.1038694 1.0142542 1.010916 1.0094202 1.0112253 1.0790362\n", - " 1.0108495 1.035722 1.0065447 1.0107052 1.0102924]\n", - "\n", - "[ 0 3 1 2 14 4 11 15 5 20 6 13 8 22 7 16 12 9 10 19 17 21 24 25\n", - " 18 23]\n", - "=======================\n", - "['diego simeone and carlo ancelotti both hailed atletico madrid goalkeeper jan oblak , who made a string of excellent saves to keep real madrid at bay .the champions league quarter-final first leg clash at the vicente calderon finished goalless and that was largely thanks to an outstanding performance from the slovenian goalkeeper .he made a phenomenal save to deny gareth bale in the fourth minute and another fantastic stop kept james rodriguez from opening the scoring in the first half .']\n", - "=======================\n", - "[\"jan oblak kept a clean sheet as atletico drew 0-0 with rivals real madridcarlo ancelotti admitted that oblak ` did a great job ' to keep his side outdiego simeone was also impressed with his goalkeeper 's performancesimeone refuses to blame sergio ramos for clash with mario mandzukicsecond leg of their champions league quarter-final takes place next week\"]\n", - "diego simeone and carlo ancelotti both hailed atletico madrid goalkeeper jan oblak , who made a string of excellent saves to keep real madrid at bay .the champions league quarter-final first leg clash at the vicente calderon finished goalless and that was largely thanks to an outstanding performance from the slovenian goalkeeper .he made a phenomenal save to deny gareth bale in the fourth minute and another fantastic stop kept james rodriguez from opening the scoring in the first half .\n", - "jan oblak kept a clean sheet as atletico drew 0-0 with rivals real madridcarlo ancelotti admitted that oblak ` did a great job ' to keep his side outdiego simeone was also impressed with his goalkeeper 's performancesimeone refuses to blame sergio ramos for clash with mario mandzukicsecond leg of their champions league quarter-final takes place next week\n", - "[1.294977 1.4705517 1.2256541 1.1813421 1.226897 1.369506 1.0816103\n", - " 1.1260849 1.0777248 1.044116 1.0607561 1.036788 1.0552375 1.0693414\n", - " 1.0243769 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 0 4 2 3 7 6 8 13 10 12 9 11 14 24 15 16 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"raymond frolander , 18 , was beaten to a pulp by the furious father after he walked in on the teenager performing a sexual act on his son at his home in daytona beach , florida , last july .the teenager who was famously pictured in a bloodied state in his mugshot after he sexually abused an 11-year-old boy and was beaten unconscious by the child 's father has been jailed for 25 years .now , the defendant has been sentenced to a quarter of a century in prison by circuit judge leah case after pleading no contest to lewd and lascivious molestation of a victim younger than 12 .\"]\n", - "=======================\n", - "[\"raymond frolander , 18 , sexually abused 11-year-old boy at florida homechild 's father walked in on assault and beat teen to pulp , then called 911father told the dispatcher : ` send an ambulance .after frolander 's arrest , police released bruised and bloodied mug shotit was widely shared online , with users congratulating father on actionsnow , frolander has been jailed for 25 years for molesting the youngsterwill be listed as sexual predator and be electronically monitored for life` he 's going to learn in next 25 years why i let him live , ' boy 's father said\"]\n", - "raymond frolander , 18 , was beaten to a pulp by the furious father after he walked in on the teenager performing a sexual act on his son at his home in daytona beach , florida , last july .the teenager who was famously pictured in a bloodied state in his mugshot after he sexually abused an 11-year-old boy and was beaten unconscious by the child 's father has been jailed for 25 years .now , the defendant has been sentenced to a quarter of a century in prison by circuit judge leah case after pleading no contest to lewd and lascivious molestation of a victim younger than 12 .\n", - "raymond frolander , 18 , sexually abused 11-year-old boy at florida homechild 's father walked in on assault and beat teen to pulp , then called 911father told the dispatcher : ` send an ambulance .after frolander 's arrest , police released bruised and bloodied mug shotit was widely shared online , with users congratulating father on actionsnow , frolander has been jailed for 25 years for molesting the youngsterwill be listed as sexual predator and be electronically monitored for life` he 's going to learn in next 25 years why i let him live , ' boy 's father said\n", - "[1.2116302 1.3683798 1.3504641 1.2291919 1.207961 1.0958521 1.2166811\n", - " 1.0913367 1.0712317 1.0665461 1.0348768 1.0348696 1.0663959 1.1721289\n", - " 1.0896775 1.0460494 1.0691811 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 6 0 4 13 5 7 14 8 16 9 12 15 10 11 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"joshua quincy burns , formerly of brighton , was sentenced to three years ' probation with the first served in livingston county jail for second-degree child abuse earlier this month .joshua burns and and his wife , brenda burns , say he is innocent , and that he grabbed their daughter naomi 's face when she slipped from his lap as he ended a phone call with his wife in march 2014 .he claims he was trying to save her from hitting her head on a coffee table in their home .\"]\n", - "=======================\n", - "[\"joshua burns was sentenced to three years ' probation with the first served in livingston county jail for second-degree child abuse earlier this monthhe and his wife , brenda burns , maintain that he 's innocent and that the 11-week-old baby slipped from his lap and he caught her by the facehe claims that he was trying to save his daughter , now one year old , from hitting her head on a coffee table in their homebrenda burns has fled michigan to colorado to escape what she believes is unconstitutional oversight by the department of human servicesa june hearing could potentially terminate joshua burns 's parental rightsthe couple will be featured on dr phil on monday to tell their story\"]\n", - "joshua quincy burns , formerly of brighton , was sentenced to three years ' probation with the first served in livingston county jail for second-degree child abuse earlier this month .joshua burns and and his wife , brenda burns , say he is innocent , and that he grabbed their daughter naomi 's face when she slipped from his lap as he ended a phone call with his wife in march 2014 .he claims he was trying to save her from hitting her head on a coffee table in their home .\n", - "joshua burns was sentenced to three years ' probation with the first served in livingston county jail for second-degree child abuse earlier this monthhe and his wife , brenda burns , maintain that he 's innocent and that the 11-week-old baby slipped from his lap and he caught her by the facehe claims that he was trying to save his daughter , now one year old , from hitting her head on a coffee table in their homebrenda burns has fled michigan to colorado to escape what she believes is unconstitutional oversight by the department of human servicesa june hearing could potentially terminate joshua burns 's parental rightsthe couple will be featured on dr phil on monday to tell their story\n", - "[1.274322 1.3461292 1.2751987 1.3020484 1.1380328 1.0867262 1.1115028\n", - " 1.1686982 1.2145357 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 8 7 4 6 5 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", - "=======================\n", - "[\"the arsenal winger has been pictured on a different kind of bench with his team-mates as he was pictured for a photoshoot with calum chambers , jack wilshere , mikel arteta , david ospina , mathieu flamini and mesut ozil .walcott and co , along with runway model olga sherer , have posed for an official portrait for paris ' oldest fashion house - lanvin - the club 's official tailor since 2013 .theo walcott sitting on a bench along with six of his arsenal colleagues is starting to become a familiar sight given the fact that he has been overlooked for the majority of the season .\"]\n", - "=======================\n", - "[\"arsenal winger theo walcott was joined by his team-mates for photoshootwalcott and six of his arsenal colleagues were showing off club suitsthe england ace was joined by calum chambers , jack wilshere , mikel arteta , david ospina , mathieu flamini and mesut ozilwalcott has been named on the bench for 17 of arsenal 's league gamesread : walcott needs to look wenger in the eye and discuss future\"]\n", - "the arsenal winger has been pictured on a different kind of bench with his team-mates as he was pictured for a photoshoot with calum chambers , jack wilshere , mikel arteta , david ospina , mathieu flamini and mesut ozil .walcott and co , along with runway model olga sherer , have posed for an official portrait for paris ' oldest fashion house - lanvin - the club 's official tailor since 2013 .theo walcott sitting on a bench along with six of his arsenal colleagues is starting to become a familiar sight given the fact that he has been overlooked for the majority of the season .\n", - "arsenal winger theo walcott was joined by his team-mates for photoshootwalcott and six of his arsenal colleagues were showing off club suitsthe england ace was joined by calum chambers , jack wilshere , mikel arteta , david ospina , mathieu flamini and mesut ozilwalcott has been named on the bench for 17 of arsenal 's league gamesread : walcott needs to look wenger in the eye and discuss future\n", - "[1.2140176 1.4873955 1.1946546 1.1909826 1.1915512 1.0969574 1.0742539\n", - " 1.0647602 1.061826 1.1303113 1.0345968 1.0567784 1.1382086 1.0902555\n", - " 1.0562034 1.1159437 1.0320294 1.0277998 1.0694481 1.0452185 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 4 3 12 9 15 5 13 6 18 7 8 11 14 19 10 16 17 20 21]\n", - "=======================\n", - "['more than 2,000 office workers had to be evacuated yesterday due to the fire in holborn which apparently started in a tunnel carrying electrical cables , causing flames to erupt from the pavement and filling the area with smoke .london commuters faced traffic chaos this morning while thousands are still without power as firefighters battle to extinguish an underground blaze that has been raging for more than 24 hours .although the blaze has now been brought under control it has not been put out entirely , and firefighters still do not know the cause of the fire .']\n", - "=======================\n", - "['main roads in holborn are closed more than 24 hours after fire broke outmore than 1,000 buildings remain without power as a result of the blazelocal businesses , government offices and tourist attractions are closedcommuters have been warned to avoid the area as witnesses describe long queues of buses']\n", - "more than 2,000 office workers had to be evacuated yesterday due to the fire in holborn which apparently started in a tunnel carrying electrical cables , causing flames to erupt from the pavement and filling the area with smoke .london commuters faced traffic chaos this morning while thousands are still without power as firefighters battle to extinguish an underground blaze that has been raging for more than 24 hours .although the blaze has now been brought under control it has not been put out entirely , and firefighters still do not know the cause of the fire .\n", - "main roads in holborn are closed more than 24 hours after fire broke outmore than 1,000 buildings remain without power as a result of the blazelocal businesses , government offices and tourist attractions are closedcommuters have been warned to avoid the area as witnesses describe long queues of buses\n", - "[1.2127874 1.551893 1.3773515 1.408999 1.1580333 1.1203053 1.0623474\n", - " 1.0235326 1.2476484 1.1261806 1.0108643 1.0139576 1.0260642 1.0357884\n", - " 1.0154363 1.0117794 1.0687757 1.029821 1.0101833 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 8 0 4 9 5 16 6 13 17 12 7 14 11 15 10 18 19 20 21]\n", - "=======================\n", - "['romantic ben parsons , 34 , of brighton , east sussex , stunned girlfriend anna jefferson , 36 , by getting down on one knee after running 24 and a half miles .she was watching her boyfriend run in the brighton marathon with their children nancy , three , and thomas , 11 months .ben parson had already run 24.5 miles of the 26.2-mile brighton marathon when he stopped to propose to girlfriend and mother of his two children , anna parsons']\n", - "=======================\n", - "['ben parsons , 34 , from brighton , proposed to girlfriend anna jefferson , 36parsons had already run 24.5 miles of the 26.2 mile marathonparson still managed to beat his personal best and finished in 3hrs 36mins']\n", - "romantic ben parsons , 34 , of brighton , east sussex , stunned girlfriend anna jefferson , 36 , by getting down on one knee after running 24 and a half miles .she was watching her boyfriend run in the brighton marathon with their children nancy , three , and thomas , 11 months .ben parson had already run 24.5 miles of the 26.2-mile brighton marathon when he stopped to propose to girlfriend and mother of his two children , anna parsons\n", - "ben parsons , 34 , from brighton , proposed to girlfriend anna jefferson , 36parsons had already run 24.5 miles of the 26.2 mile marathonparson still managed to beat his personal best and finished in 3hrs 36mins\n", - "[1.2286406 1.4047427 1.2765025 1.3627858 1.1899196 1.2676668 1.0606661\n", - " 1.0237591 1.0099071 1.126098 1.0300545 1.160663 1.1477209 1.1600187\n", - " 1.0229603 1.0142062 1.0589103 1.0387664 1.0260698 1.0532887 1.0189224\n", - " 1.0140562]\n", - "\n", - "[ 1 3 2 5 0 4 11 13 12 9 6 16 19 17 10 18 7 14 20 15 21 8]\n", - "=======================\n", - "[\"amanda peake glover was a devoted youth ministry teacher and choir singer who 'd only one month before had completed the myrtle beach marathon with her brother .glover was also a co-owner of an elgin fitness center , leaving her mourning friends and family all the more shocked at her sudden death following saturday 's race .amanda 's friend ashley blocker says benji was just behind his wife of nine years in the palmetto half marathon .\"]\n", - "=======================\n", - "['adam leheup ran fitness 535 in columbia , south carolina and was a devoted youth ministry teacher and worked as a property managerher husband benji was just minutes behind when she collapsed and was rushed to a hospital , where she died for reasons that remain unclearglover was an avid fitness fan who , only just a month ago had run the myrtle beach marathon']\n", - "amanda peake glover was a devoted youth ministry teacher and choir singer who 'd only one month before had completed the myrtle beach marathon with her brother .glover was also a co-owner of an elgin fitness center , leaving her mourning friends and family all the more shocked at her sudden death following saturday 's race .amanda 's friend ashley blocker says benji was just behind his wife of nine years in the palmetto half marathon .\n", - "adam leheup ran fitness 535 in columbia , south carolina and was a devoted youth ministry teacher and worked as a property managerher husband benji was just minutes behind when she collapsed and was rushed to a hospital , where she died for reasons that remain unclearglover was an avid fitness fan who , only just a month ago had run the myrtle beach marathon\n", - "[1.3923789 1.40359 1.0967929 1.3879638 1.2721895 1.2247483 1.0330238\n", - " 1.0198027 1.0200986 1.0185263 1.1332467 1.0825188 1.1496028 1.1436615\n", - " 1.0176153 1.0881093 1.007888 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 4 5 12 13 10 2 15 11 6 8 7 9 14 16 20 17 18 19 21]\n", - "=======================\n", - "[\"ramsey , the only black manager in the premier league , has been vocal on racism in football in the past and supports john barnes 's assertion that black managers find it difficult to get another job after being sacked .queens park rangers manager chris ramsey claims that covert racism still exists in football boardrooms and that the implementing of a rooney rule could help raise awareness of the issue .ramsey was without a job for seven months after leaving his coaching role at tottenham last season\"]\n", - "=======================\n", - "[\"qpr manager chris ramsey is the premier league 's only black managerhe supports john barnes ' claim that black bosses ca n't find second clubsramsey says he believes covert racism continues in football boardroomsrangers boss endorses rooney rule introduction to raise awareness\"]\n", - "ramsey , the only black manager in the premier league , has been vocal on racism in football in the past and supports john barnes 's assertion that black managers find it difficult to get another job after being sacked .queens park rangers manager chris ramsey claims that covert racism still exists in football boardrooms and that the implementing of a rooney rule could help raise awareness of the issue .ramsey was without a job for seven months after leaving his coaching role at tottenham last season\n", - "qpr manager chris ramsey is the premier league 's only black managerhe supports john barnes ' claim that black bosses ca n't find second clubsramsey says he believes covert racism continues in football boardroomsrangers boss endorses rooney rule introduction to raise awareness\n", - "[1.274462 1.5605215 1.3233615 1.3160027 1.0985042 1.0809995 1.1496582\n", - " 1.0604615 1.0133076 1.0485972 1.2406127 1.1743338 1.0726537 1.0150021\n", - " 1.0326046 1.0316489 1.022744 1.0208346 1.0223624 1.0413353 0. ]\n", - "\n", - "[ 1 2 3 0 10 11 6 4 5 12 7 9 19 14 15 16 18 17 13 8 20]\n", - "=======================\n", - "[\"the phone , which belonged to bella crooke from melbourne , was handed in to albury police station on the nsw-victoria border on sunday morning .a lost iphone was reunited with its owner after police posted a series of bizarre photos on the woman 's facebook page in a bid to track her down .bella lost her phone at a friend 's birthday party the night before and dialled her number as soon as she realised . '\"]\n", - "=======================\n", - "[\"lost phone was handed in to albury police station in nsw on sundaypolice used phone to post selfies and puns on owner 's facebook pagebella crooke lost the phone on saturday at a friend 's birthday partypolice have been hailed as ` legends ' by her friends for unusual approach\"]\n", - "the phone , which belonged to bella crooke from melbourne , was handed in to albury police station on the nsw-victoria border on sunday morning .a lost iphone was reunited with its owner after police posted a series of bizarre photos on the woman 's facebook page in a bid to track her down .bella lost her phone at a friend 's birthday party the night before and dialled her number as soon as she realised . '\n", - "lost phone was handed in to albury police station in nsw on sundaypolice used phone to post selfies and puns on owner 's facebook pagebella crooke lost the phone on saturday at a friend 's birthday partypolice have been hailed as ` legends ' by her friends for unusual approach\n", - "[1.4549325 1.2489277 1.311151 1.3937893 1.3579798 1.1812705 1.1427076\n", - " 1.0211301 1.025947 1.0094064 1.0400392 1.0281129 1.045892 1.2167121\n", - " 1.0667114 1.0186332 1.13881 1.038009 1.0512182 1.0123795 0. ]\n", - "\n", - "[ 0 3 4 2 1 13 5 6 16 14 18 12 10 17 11 8 7 15 19 9 20]\n", - "=======================\n", - "['former qpr manager harry redknapp says that tottenham have not made any progress under mauricio pochettino this season , insisting he has been rescued by the kids .argentine boss pochettino has put his faith in the likes of harry kane , nabil bentaleb and ryan mason , while more experienced , higher-profile players have been pushed out to the fringes .spurs are almost certain to miss out on champions league football again with club currently occupying a place only in the top six , although they did reach their first major final since 2009 this season .']\n", - "=======================\n", - "['harry redknapp says tottenham have not pulled up any trees this seasonredknapp insists club have not moved forward under mauricio pochettinoformer qpr boss says spurs have been rescued by the kids this season']\n", - "former qpr manager harry redknapp says that tottenham have not made any progress under mauricio pochettino this season , insisting he has been rescued by the kids .argentine boss pochettino has put his faith in the likes of harry kane , nabil bentaleb and ryan mason , while more experienced , higher-profile players have been pushed out to the fringes .spurs are almost certain to miss out on champions league football again with club currently occupying a place only in the top six , although they did reach their first major final since 2009 this season .\n", - "harry redknapp says tottenham have not pulled up any trees this seasonredknapp insists club have not moved forward under mauricio pochettinoformer qpr boss says spurs have been rescued by the kids this season\n", - "[1.3520031 1.4633627 1.4018002 1.3057486 1.0728215 1.0371692 1.084016\n", - " 1.0375832 1.1539496 1.1535903 1.0244942 1.022071 1.0183663 1.0187825\n", - " 1.1561394 1.1575513 1.0947909 1.0120823 1.0140661 1.0093429 1.1074593]\n", - "\n", - "[ 1 2 0 3 15 14 8 9 20 16 6 4 7 5 10 11 13 12 18 17 19]\n", - "=======================\n", - "['anne of green gables actor jonathan crombie died of a brain hemorrhage , aged 48 .toronto-born crombie died on wednesday in new york , his sister carrie crombie told cbc on saturday .he was discovered as an actor when he was 17 years old in a high-school production of the wizard of oz']\n", - "=======================\n", - "['jonathan crombie died of a brain hemorrhage on wednesday in new yorkhe played gilbert blythe in the anne of green gables filmsthe toronto actor went on to star in the drowsy chaperone on broadway']\n", - "anne of green gables actor jonathan crombie died of a brain hemorrhage , aged 48 .toronto-born crombie died on wednesday in new york , his sister carrie crombie told cbc on saturday .he was discovered as an actor when he was 17 years old in a high-school production of the wizard of oz\n", - "jonathan crombie died of a brain hemorrhage on wednesday in new yorkhe played gilbert blythe in the anne of green gables filmsthe toronto actor went on to star in the drowsy chaperone on broadway\n", - "[1.2974699 1.3339632 1.25142 1.1498045 1.3346708 1.294985 1.2458625\n", - " 1.0814891 1.0652996 1.0133555 1.0113426 1.0921378 1.0229769 1.0464576\n", - " 1.0261364 1.0359883 1.0167938 1.0591987 1.0938845 1.0467353 1.0636384]\n", - "\n", - "[ 4 1 0 5 2 6 3 18 11 7 8 20 17 19 13 15 14 12 16 9 10]\n", - "=======================\n", - "[\"premier league leaders chelsea are poised to join the battle for liverpool wideman raheem sterlingchelsea have made discreet overtures about sterling , despite liverpool manager brendan rodgers insisting on thursday that his 20-year-old striker is going nowhere this summer .sterling stunned liverpool earlier this week by giving an interview in which he claimed he is not motivated by money in stalling over a # 100,000-a-week contract and admitting he is ` quite flattered ' by interest from arsenal .\"]\n", - "=======================\n", - "[\"chelsea are poised to join arsenal in the hunt for raheem sterlingmanchester city are also interested in the 20-year-old liverpool starbrendan rodgers said reds winger is ` going nowhere ' this summer\"]\n", - "premier league leaders chelsea are poised to join the battle for liverpool wideman raheem sterlingchelsea have made discreet overtures about sterling , despite liverpool manager brendan rodgers insisting on thursday that his 20-year-old striker is going nowhere this summer .sterling stunned liverpool earlier this week by giving an interview in which he claimed he is not motivated by money in stalling over a # 100,000-a-week contract and admitting he is ` quite flattered ' by interest from arsenal .\n", - "chelsea are poised to join arsenal in the hunt for raheem sterlingmanchester city are also interested in the 20-year-old liverpool starbrendan rodgers said reds winger is ` going nowhere ' this summer\n", - "[1.3975279 1.2799332 1.1877215 1.1845313 1.2079206 1.1237137 1.0627407\n", - " 1.0472062 1.0661488 1.0927931 1.0664661 1.0755653 1.0946308 1.0632149\n", - " 1.0575794 1.0673323 1.0294148 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 3 5 12 9 11 15 10 8 13 6 14 7 16 17 18 19 20]\n", - "=======================\n", - "[\"washington ( cnn ) an iranian military observation aircraft flew within 50 yards of an armed u.s. navy helicopter over the persian gulf this month , sparking concern that top iranian commanders might not be in full control of local forces , cnn has learned .the incident , which has not been publicly disclosed , troubled u.s. military officials because the unsafe maneuver could have triggered a serious incident .the incident took place as the u.s. and other world powers meet with iran in switzerland to negotiate a deal limiting tehran 's nuclear program .\"]\n", - "=======================\n", - "['iranian plane came within 50 yards of u.s. navy sea hawk copternavy copter was on patrol in international airspaceu.s. official think iranian plane may have been under orders of local commander']\n", - "washington ( cnn ) an iranian military observation aircraft flew within 50 yards of an armed u.s. navy helicopter over the persian gulf this month , sparking concern that top iranian commanders might not be in full control of local forces , cnn has learned .the incident , which has not been publicly disclosed , troubled u.s. military officials because the unsafe maneuver could have triggered a serious incident .the incident took place as the u.s. and other world powers meet with iran in switzerland to negotiate a deal limiting tehran 's nuclear program .\n", - "iranian plane came within 50 yards of u.s. navy sea hawk copternavy copter was on patrol in international airspaceu.s. official think iranian plane may have been under orders of local commander\n", - "[1.373767 1.2898891 1.4143401 1.1785046 1.1528107 1.1404845 1.1308244\n", - " 1.0680526 1.0601114 1.0641809 1.0505381 1.2018781 1.0219867 1.0350423\n", - " 1.0790033 1.1076326 1.0499525 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 11 3 4 5 6 15 14 7 9 8 10 16 13 12 18 17 19]\n", - "=======================\n", - "['the syrian-born 48-year-old was lured to an upmarket street in london on the pretence of providing a quote for some building work .murdered preacher abdul hadi arwani ( above ) was killed by a hitman who climbed into the back of his car , it emerged last nightbut when the imam arrived , the killer got into the rear seat of his volkswagen passat and shot him several times .']\n", - "=======================\n", - "[\"abdul hadi arwani found dead in his ` perfectly parked ' car on tuesdaygunman probably used a silencer and chose an area away from cctvfather-of-six from acton , west london , had links to muslim brotherhood\"]\n", - "the syrian-born 48-year-old was lured to an upmarket street in london on the pretence of providing a quote for some building work .murdered preacher abdul hadi arwani ( above ) was killed by a hitman who climbed into the back of his car , it emerged last nightbut when the imam arrived , the killer got into the rear seat of his volkswagen passat and shot him several times .\n", - "abdul hadi arwani found dead in his ` perfectly parked ' car on tuesdaygunman probably used a silencer and chose an area away from cctvfather-of-six from acton , west london , had links to muslim brotherhood\n", - "[1.4607289 1.2985208 1.2853128 1.4432346 1.3877783 1.0689914 1.0489212\n", - " 1.0355034 1.0669663 1.0363843 1.1077633 1.0470006 1.0122987 1.0118945\n", - " 1.0097204 1.012103 1.0742534 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 1 2 10 16 5 8 6 11 9 7 12 15 13 14 17 18 19]\n", - "=======================\n", - "['arsenal defender per mertesacker has tipped compatriot jurgen klopp to make his mark in the barclays premier league if he opts to continue his career in england .jurgen klopp has revealed he will be vacating his role as borussia dortmund boss at the end of the seasonarsenal vice-captain per mertesacker says klopp would be a top manager in the premier league']\n", - "=======================\n", - "['jurgen klopp will leave borussia dortmund at the end of the seasongerman boss has enjoyed success with club during seven-year stinthe has been linked with manchester city , manchester united and arsenalper mertesacker says he would like to see klopp in the premier league']\n", - "arsenal defender per mertesacker has tipped compatriot jurgen klopp to make his mark in the barclays premier league if he opts to continue his career in england .jurgen klopp has revealed he will be vacating his role as borussia dortmund boss at the end of the seasonarsenal vice-captain per mertesacker says klopp would be a top manager in the premier league\n", - "jurgen klopp will leave borussia dortmund at the end of the seasongerman boss has enjoyed success with club during seven-year stinthe has been linked with manchester city , manchester united and arsenalper mertesacker says he would like to see klopp in the premier league\n", - "[1.2148802 1.1839275 1.1962727 1.2405863 1.2005237 1.2154918 1.0536287\n", - " 1.1248552 1.173701 1.114224 1.0759833 1.0973146 1.0606282 1.0632733\n", - " 1.0946332 1.0799172 1.0553681 1.0319995 1.0641559 0. ]\n", - "\n", - "[ 3 5 0 4 2 1 8 7 9 11 14 15 10 18 13 12 16 6 17 19]\n", - "=======================\n", - "['a supervolcano in yellowstone national park ( pictured ) releases around 45,000 metric tonnes of carbon dioxide each day .the yellowstone supervolcano is one of the largest active continental silicic volcanic fields in the world .a magma chamber beneath the surface is not considered large enough to produce these levels and now researchers have found the source in a secondary magma chamber deeper underground']\n", - "=======================\n", - "[\"researchers used seismic readings to map what is beneath yellowstonepartly-molten rock reservoir measures 11,035 cubic miles ( 46,000 cubic km )it sits 12 to 28 miles ( 19 to 45km ) beneath the national park 's supervolcanochamber is four times bigger than the magma chamber above it - but study said it is not posing any additional threat than it was before\"]\n", - "a supervolcano in yellowstone national park ( pictured ) releases around 45,000 metric tonnes of carbon dioxide each day .the yellowstone supervolcano is one of the largest active continental silicic volcanic fields in the world .a magma chamber beneath the surface is not considered large enough to produce these levels and now researchers have found the source in a secondary magma chamber deeper underground\n", - "researchers used seismic readings to map what is beneath yellowstonepartly-molten rock reservoir measures 11,035 cubic miles ( 46,000 cubic km )it sits 12 to 28 miles ( 19 to 45km ) beneath the national park 's supervolcanochamber is four times bigger than the magma chamber above it - but study said it is not posing any additional threat than it was before\n", - "[1.0444912 1.0504106 1.1198726 1.4410954 1.4203906 1.2071173 1.2048142\n", - " 1.2330298 1.0306427 1.0286833 1.0352757 1.0500065 1.0602466 1.0685626\n", - " 1.0319513 1.0463424 1.077519 1.0451404 1.0462687 1.0231148]\n", - "\n", - "[ 3 4 7 5 6 2 16 13 12 1 11 15 18 17 0 10 14 8 9 19]\n", - "=======================\n", - "['mandy francis tried out the best brands on the high street with some enthusiastic help from her children stanley , 13 , and florence , eight .the swan come dine with me ice cream & gelato maker is best for dinner partiesthe removable bowl -- which has an inner , freezable gel layer -- has to be frozen for eight hours before you put it back in the machine , then add the mixing arm , pop on the lid , and turn it on .']\n", - "=======================\n", - "['there are many different ice cream makers - from budget brand to retrobest rated machine is the chill factor ice cream maker from john lewisprices range from as little as # 12.99 to a luxury one for # 349.99']\n", - "mandy francis tried out the best brands on the high street with some enthusiastic help from her children stanley , 13 , and florence , eight .the swan come dine with me ice cream & gelato maker is best for dinner partiesthe removable bowl -- which has an inner , freezable gel layer -- has to be frozen for eight hours before you put it back in the machine , then add the mixing arm , pop on the lid , and turn it on .\n", - "there are many different ice cream makers - from budget brand to retrobest rated machine is the chill factor ice cream maker from john lewisprices range from as little as # 12.99 to a luxury one for # 349.99\n", - "[1.5178324 1.3912235 1.2167277 1.2966605 1.1557716 1.1211227 1.1223086\n", - " 1.1141888 1.10245 1.18866 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 9 4 6 5 7 8 18 10 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "['former manchester united and burnley full-back richard eckersley is training with la liga side elche .eckersley begun his career at the red devils but after failing to make an impact in manchester , he rejected the offer of a new contract and signed for premier league newcomers burnley .but an unsuccessful three years in lancashire , where eckersley failed to make a league appearance , saw him make a move to mls outfit toronto fc on loan .']\n", - "=======================\n", - "['richard eckersley started his career with manchester unitedbut the defender played only two premier league games for the red devilseckersley recently left new york red bulls and is training with elche']\n", - "former manchester united and burnley full-back richard eckersley is training with la liga side elche .eckersley begun his career at the red devils but after failing to make an impact in manchester , he rejected the offer of a new contract and signed for premier league newcomers burnley .but an unsuccessful three years in lancashire , where eckersley failed to make a league appearance , saw him make a move to mls outfit toronto fc on loan .\n", - "richard eckersley started his career with manchester unitedbut the defender played only two premier league games for the red devilseckersley recently left new york red bulls and is training with elche\n", - "[1.229782 1.5355068 1.2651749 1.2231785 1.3540583 1.126336 1.0724914\n", - " 1.0870113 1.0320821 1.0166494 1.1284162 1.1470046 1.0738853 1.0224735\n", - " 1.0692232 1.0183015 1.0093248 1.1259415 1.0397987 1.0677406 1.0249673]\n", - "\n", - "[ 1 4 2 0 3 11 10 5 17 7 12 6 14 19 18 8 20 13 15 9 16]\n", - "=======================\n", - "[\"david wihby , 61 , was arrested on friday in nashua on a misdemeanor charge for solicitation of prostitution and resigned on saturday , according to ayotte 's office .wihby has been the new hampshire republican 's state director for the last year and her number-two staffer behind the chief of staff .a senior aide to us senator kelly ayotte has resigned after he was arrested for allegedly soliciting a prostitute , the senator 's office said .\"]\n", - "=======================\n", - "[\"david wihby , 61 , has been new hampshire senator kelly ayotte 's state director for the last yearhe was arrested on friday on a misdemeanor charge for solicitation of prostitution and stepped down from his government role on saturdayhe was one of ten men arrested in the last week by nashua , new hampshire , police in prostitution stingayotte said in a statement that she was ` shocked and deeply saddened ' by wihby 's arrest\"]\n", - "david wihby , 61 , was arrested on friday in nashua on a misdemeanor charge for solicitation of prostitution and resigned on saturday , according to ayotte 's office .wihby has been the new hampshire republican 's state director for the last year and her number-two staffer behind the chief of staff .a senior aide to us senator kelly ayotte has resigned after he was arrested for allegedly soliciting a prostitute , the senator 's office said .\n", - "david wihby , 61 , has been new hampshire senator kelly ayotte 's state director for the last yearhe was arrested on friday on a misdemeanor charge for solicitation of prostitution and stepped down from his government role on saturdayhe was one of ten men arrested in the last week by nashua , new hampshire , police in prostitution stingayotte said in a statement that she was ` shocked and deeply saddened ' by wihby 's arrest\n", - "[1.2679138 1.2917421 1.245406 1.2819036 1.1890633 1.1941581 1.158679\n", - " 1.0456557 1.1298481 1.0943322 1.0251212 1.0521045 1.0660036 1.0992061\n", - " 1.1189504 1.0332787 1.0255724 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 5 4 6 8 14 13 9 12 11 7 15 16 10 17 18 19 20]\n", - "=======================\n", - "[\"the snp leader said her predecessor alex salmond did not have to field questions on why he has not started a family .scottish first minister nicola sturgeon has hit out at people questioning why she does n't have children -- and claimed she would never be asked if she was a manms sturgeon insisted she was not ` moaning ' but also attacked the criticism she and other female politicians ' have had to endure over their appearance .\"]\n", - "=======================\n", - "[\"snp leader said alex salmond did not field questions over his familysaid she was not ` moaning ' but also attacked criticism of women 's looksshe made the remarks in latest programme profiling the main party leadersms sturgeon also revealed her tv habits and recent image makeovershe said she relaxed by eating steak and chips on a saturday night\"]\n", - "the snp leader said her predecessor alex salmond did not have to field questions on why he has not started a family .scottish first minister nicola sturgeon has hit out at people questioning why she does n't have children -- and claimed she would never be asked if she was a manms sturgeon insisted she was not ` moaning ' but also attacked the criticism she and other female politicians ' have had to endure over their appearance .\n", - "snp leader said alex salmond did not field questions over his familysaid she was not ` moaning ' but also attacked criticism of women 's looksshe made the remarks in latest programme profiling the main party leadersms sturgeon also revealed her tv habits and recent image makeovershe said she relaxed by eating steak and chips on a saturday night\n", - "[1.1709647 1.4532855 1.3401558 1.4330591 1.2552195 1.0498612 1.0318379\n", - " 1.0175712 1.025457 1.0534649 1.1402364 1.1198986 1.0362705 1.0505555\n", - " 1.0751253 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 10 11 14 9 13 5 12 6 8 7 19 15 16 17 18 20]\n", - "=======================\n", - "[\"david rush , 33 , from lisburn , northern ireland , felt that he ` should n't go out ' because of his size but lost the weight after plucking up the courage to start cycling .at his heaviest , he weighed 34st and was forced to order specialist xxxxxl clothes on the internet - the result of topping up his takeaway-heavy diet with six bags of crisps and two bottles of full-fat coca-cola a day .mr rush , who now weighs a healthy 15st 4lbs , began shedding the pounds at the rate of a stone a week but , determined to speed up the process , took up cycling .\"]\n", - "=======================\n", - "[\"david rush , 33 , from lisburn , northern ireland , weighed 34stfelt that he ` should n't go out ' and had to order xxxxxl clothesgot to 26st then began cycling up to 85 miles a weeknow weighs 15st 4lbs and and is training for a half marathonhe is saving up to get around a stone of excess skin removed\"]\n", - "david rush , 33 , from lisburn , northern ireland , felt that he ` should n't go out ' because of his size but lost the weight after plucking up the courage to start cycling .at his heaviest , he weighed 34st and was forced to order specialist xxxxxl clothes on the internet - the result of topping up his takeaway-heavy diet with six bags of crisps and two bottles of full-fat coca-cola a day .mr rush , who now weighs a healthy 15st 4lbs , began shedding the pounds at the rate of a stone a week but , determined to speed up the process , took up cycling .\n", - "david rush , 33 , from lisburn , northern ireland , weighed 34stfelt that he ` should n't go out ' and had to order xxxxxl clothesgot to 26st then began cycling up to 85 miles a weeknow weighs 15st 4lbs and and is training for a half marathonhe is saving up to get around a stone of excess skin removed\n", - "[1.0425406 1.3823279 1.3949492 1.340262 1.2145054 1.333452 1.0337242\n", - " 1.0466615 1.1402464 1.0970327 1.094529 1.0661757 1.0710975 1.0944953\n", - " 1.0135374 1.0125638 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 5 4 8 9 10 13 12 11 7 0 6 14 15 16 17 18 19 20]\n", - "=======================\n", - "['ten per cent are even more relaxed about treasured photos , letters and mementos -- leaving them lying around in piles of paperwork .a third of adults shun the storage possibilities of the internet and still keep their most important papers in a shoebox , a poll has found .the survey of more than 2,000 britons found almost half ( 45 per cent ) rely on a safe or filing cabinet to store documents , from personal to official ones .']\n", - "=======================\n", - "['ten per cent leave their documents , letters and mementos around in pilessurvey of 2,000 britons found that only six per cent back up papers onlinejust under half asked said they used filing cabinets or safes for documents']\n", - "ten per cent are even more relaxed about treasured photos , letters and mementos -- leaving them lying around in piles of paperwork .a third of adults shun the storage possibilities of the internet and still keep their most important papers in a shoebox , a poll has found .the survey of more than 2,000 britons found almost half ( 45 per cent ) rely on a safe or filing cabinet to store documents , from personal to official ones .\n", - "ten per cent leave their documents , letters and mementos around in pilessurvey of 2,000 britons found that only six per cent back up papers onlinejust under half asked said they used filing cabinets or safes for documents\n", - "[1.1552302 1.2100397 1.148527 1.1322441 1.3176574 1.1786094 1.0821799\n", - " 1.1107364 1.1335537 1.1305306 1.0853229 1.1954066 1.052402 1.0282229\n", - " 1.0285448 1.0189954 1.0482969 1.0473754 1.0355257 1.0144455 1.0481961]\n", - "\n", - "[ 4 1 11 5 0 2 8 3 9 7 10 6 12 16 20 17 18 14 13 15 19]\n", - "=======================\n", - "['more than 100 people were arrested in new york during a \" nyc rise up & shut it down with baltimore \" rally wednesday night , new york police said .for the second night in a row , protesters peacefully dispersed wednesday night after a 10 p.m. curfew meant to prevent riots that tore up the city two days earlier .and denver police arrested 11 people for charges such as assaulting a police officer , robbery , resisting police , disobedience to lawful orders and obstructing roadways .']\n", - "=======================\n", - "['protests spread to new york and denver , with more scheduled for other citiesmore than 100 people arrested in baltimore this week are released']\n", - "more than 100 people were arrested in new york during a \" nyc rise up & shut it down with baltimore \" rally wednesday night , new york police said .for the second night in a row , protesters peacefully dispersed wednesday night after a 10 p.m. curfew meant to prevent riots that tore up the city two days earlier .and denver police arrested 11 people for charges such as assaulting a police officer , robbery , resisting police , disobedience to lawful orders and obstructing roadways .\n", - "protests spread to new york and denver , with more scheduled for other citiesmore than 100 people arrested in baltimore this week are released\n", - "[1.4840146 1.2051165 1.3269837 1.4423424 1.2772036 1.1379613 1.0898322\n", - " 1.0681777 1.1135727 1.1559598 1.058103 1.0716604 1.1014215 1.0304267\n", - " 1.0123732 1.0087451 0. 0. ]\n", - "\n", - "[ 0 3 2 4 1 9 5 8 12 6 11 7 10 13 14 15 16 17]\n", - "=======================\n", - "['aston villa manager tim sherwood will move for chris ramsey if the queens park rangers manager leaves the london club this summer .tim sherwood could move to get chris ramsey on his coaching staff if he leaves qpr in the summerramsey took over as qpr manager until the end of the season following the departure of harry redknapp in february .']\n", - "=======================\n", - "['tim sherwood has a close relationship with qpr manager chris ramseysherwood could ask ramsey to join him at villa if he departs qprsherwood also revealed his wish for darren bent to be at villa park']\n", - "aston villa manager tim sherwood will move for chris ramsey if the queens park rangers manager leaves the london club this summer .tim sherwood could move to get chris ramsey on his coaching staff if he leaves qpr in the summerramsey took over as qpr manager until the end of the season following the departure of harry redknapp in february .\n", - "tim sherwood has a close relationship with qpr manager chris ramseysherwood could ask ramsey to join him at villa if he departs qprsherwood also revealed his wish for darren bent to be at villa park\n", - "[1.253799 1.3792464 1.1585921 1.3334842 1.3097934 1.1950606 1.1270417\n", - " 1.0937295 1.0740964 1.0388556 1.016978 1.0961403 1.0793488 1.0646572\n", - " 1.0474674 1.0812914 1.0646589 1.0293641]\n", - "\n", - "[ 1 3 4 0 5 2 6 11 7 15 12 8 16 13 14 9 17 10]\n", - "=======================\n", - "[\"footage of hummelstown police officer lisa mearkle shooting two bullets into david kassick 's back as he lay face down on february 2 that was recorded by her stun gun has not been made public .the lawyers for a female pennsylvania police officer charged with criminal homicide last month are trying to keep a video of her fatally shooting an unarmed motorist in the back out of the courtroom .mearkle , 36 , claimed she shot kassick in self-defense because she saw him reach into his jacket for a weapon\"]\n", - "=======================\n", - "[\"pennsylvania police officer lisa mearkle charged with criminal homicidestun gun took video of her fatally shooting david kassick , 59 , in the backmearkle , 36 , has claimed to authorities the shooting was act of self-defenseher attorneys filed motion to prevent da from showing clip during hearinglawyer for kassick 's family said video ` leaves nothing to the imagination\"]\n", - "footage of hummelstown police officer lisa mearkle shooting two bullets into david kassick 's back as he lay face down on february 2 that was recorded by her stun gun has not been made public .the lawyers for a female pennsylvania police officer charged with criminal homicide last month are trying to keep a video of her fatally shooting an unarmed motorist in the back out of the courtroom .mearkle , 36 , claimed she shot kassick in self-defense because she saw him reach into his jacket for a weapon\n", - "pennsylvania police officer lisa mearkle charged with criminal homicidestun gun took video of her fatally shooting david kassick , 59 , in the backmearkle , 36 , has claimed to authorities the shooting was act of self-defenseher attorneys filed motion to prevent da from showing clip during hearinglawyer for kassick 's family said video ` leaves nothing to the imagination\n", - "[1.2996411 1.475907 1.2242675 1.3312603 1.0488386 1.2265068 1.136786\n", - " 1.0315102 1.0119785 1.0218228 1.0474619 1.0864831 1.0618286 1.0779042\n", - " 1.065751 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 5 2 6 11 13 14 12 4 10 7 9 8 15 16 17]\n", - "=======================\n", - "[\"liz norden 's adult sons , jp and paul , each lost their right leg when they were hit by the explosive mix of shrapnel and ball-bearings unleashing by the tsarnaevs ' primitive explosives in april 2013 .a mother whose two sons were mutilated by boston bombers dzhokhar and tamerlan tsarnaev has said it is ` way too soon ' for mark wahlberg to be turning the atrocity that maimed her family into a movie .the men , now in their mid-thirties , were received horrific wounds as they shielded friends from the second of two blasts which went off by the finish line at the boston marathon almost two years ago .\"]\n", - "=======================\n", - "['liz norden , whose sons paul and jp each lost right leg , blasted plansaid victims and families of 2013 bombing are still faced with daily painboston-born wahlberg announced film during trial of dzhokhar tsarnaevother bostonians weighed in on the planned dramatization']\n", - "liz norden 's adult sons , jp and paul , each lost their right leg when they were hit by the explosive mix of shrapnel and ball-bearings unleashing by the tsarnaevs ' primitive explosives in april 2013 .a mother whose two sons were mutilated by boston bombers dzhokhar and tamerlan tsarnaev has said it is ` way too soon ' for mark wahlberg to be turning the atrocity that maimed her family into a movie .the men , now in their mid-thirties , were received horrific wounds as they shielded friends from the second of two blasts which went off by the finish line at the boston marathon almost two years ago .\n", - "liz norden , whose sons paul and jp each lost right leg , blasted plansaid victims and families of 2013 bombing are still faced with daily painboston-born wahlberg announced film during trial of dzhokhar tsarnaevother bostonians weighed in on the planned dramatization\n", - "[1.2704374 1.2796401 1.4139333 1.2893023 1.192615 1.1371561 1.12464\n", - " 1.0356631 1.078938 1.0687962 1.1065372 1.0315945 1.0227381 1.0244468\n", - " 1.0151167 1.0103678 1.0340545 1.0124375]\n", - "\n", - "[ 2 3 1 0 4 5 6 10 8 9 7 16 11 13 12 14 17 15]\n", - "=======================\n", - "[\"photographs of this year 's commercial hunt off the coast of newfoundland were captured by animal rights charity humane society international ( hsi ) who say the baby animals ` are dying a violent death for fur products that nobody is buying ' .horrifying images taken only yesterday show seals being shot and wounded before they are dragged onto a vessel - where they clubbed to death for their fur .the blood of hundreds of baby seals has stained the pristine white snow of canada 's ice floes as the world 's largest annual marine mammal slaughter begins .\"]\n", - "=======================\n", - "[\"warning graphic contentmany seals who are just a few weeks old are shot , impaled and clubbed to death on ` sealing ' vessels for their fur` they are dying a violent death for fur products that nobody wants or needs , ' said sir paul mccartney who backs the charity who took chilling photographsdemand has diminished after purchase of seal products was banned by both european union and the united statesnewfoundland government has pledged millions of pounds worth of subsidies to prop up country 's ` dying industry '\"]\n", - "photographs of this year 's commercial hunt off the coast of newfoundland were captured by animal rights charity humane society international ( hsi ) who say the baby animals ` are dying a violent death for fur products that nobody is buying ' .horrifying images taken only yesterday show seals being shot and wounded before they are dragged onto a vessel - where they clubbed to death for their fur .the blood of hundreds of baby seals has stained the pristine white snow of canada 's ice floes as the world 's largest annual marine mammal slaughter begins .\n", - "warning graphic contentmany seals who are just a few weeks old are shot , impaled and clubbed to death on ` sealing ' vessels for their fur` they are dying a violent death for fur products that nobody wants or needs , ' said sir paul mccartney who backs the charity who took chilling photographsdemand has diminished after purchase of seal products was banned by both european union and the united statesnewfoundland government has pledged millions of pounds worth of subsidies to prop up country 's ` dying industry '\n", - "[1.3293254 1.3889363 1.2869534 1.3029606 1.1533704 1.0930276 1.1098037\n", - " 1.0797614 1.0227388 1.0209295 1.0191785 1.0120195 1.0169309 1.1473345\n", - " 1.0812384 1.1066511 1.074434 0. ]\n", - "\n", - "[ 1 0 3 2 4 13 6 15 5 14 7 16 8 9 10 12 11 17]\n", - "=======================\n", - "[\"daniel filmus , argentina 's secretary of state for the islands , told an event in london that britain 's decision to increase military spending in the south atlantic was ` gunboat diplomacy ' .argentina has branded british attempts to explore the seas around the falklands islands for oil ` illegitimate ' and says it will mount a legal challenge -- but has ruled out another conflict .mr filmus said military conflict ` belongs to the past ' and claimed : ` the united kingdom can count on argentina as an ally . '\"]\n", - "=======================\n", - "[\"argentina claims british exploration around falklands for oil is ` illegitimate 'the country says it will mount a legal challenge but has ruled out a conflictcomment sparks furious reaction from foreign secretary philip hammond\"]\n", - "daniel filmus , argentina 's secretary of state for the islands , told an event in london that britain 's decision to increase military spending in the south atlantic was ` gunboat diplomacy ' .argentina has branded british attempts to explore the seas around the falklands islands for oil ` illegitimate ' and says it will mount a legal challenge -- but has ruled out another conflict .mr filmus said military conflict ` belongs to the past ' and claimed : ` the united kingdom can count on argentina as an ally . '\n", - "argentina claims british exploration around falklands for oil is ` illegitimate 'the country says it will mount a legal challenge but has ruled out a conflictcomment sparks furious reaction from foreign secretary philip hammond\n", - "[1.0939949 1.1861722 1.1733527 1.2974892 1.2106134 1.193415 1.2330731\n", - " 1.0796126 1.1476827 1.0295831 1.0920107 1.0953012 1.0632608 1.0608586\n", - " 1.0408597 1.0345352 1.0269297 1.0133868 1.023945 1.0104818 1.0246203]\n", - "\n", - "[ 3 6 4 5 1 2 8 11 0 10 7 12 13 14 15 9 16 20 18 17 19]\n", - "=======================\n", - "['for the new one beautiful thought ad campaign , dove asked a group of women to write down every thought they had about themselves .the women filled in a notebook each , and handed it back to doveunbeknownst to the women , those negative remarks and self-body shaming were turned into a script']\n", - "=======================\n", - "[\"dove took self criticisms from real women and repeated them out loudcreated in france , campaign highlights the way we bully ourselves dailyi hope my daughter never speaks to herself like that '\"]\n", - "for the new one beautiful thought ad campaign , dove asked a group of women to write down every thought they had about themselves .the women filled in a notebook each , and handed it back to doveunbeknownst to the women , those negative remarks and self-body shaming were turned into a script\n", - "dove took self criticisms from real women and repeated them out loudcreated in france , campaign highlights the way we bully ourselves dailyi hope my daughter never speaks to herself like that '\n", - "[1.17784 1.401825 1.3685122 1.2845479 1.2995714 1.1243622 1.2763805\n", - " 1.057496 1.0232319 1.0147082 1.0322431 1.0397496 1.0230649 1.0200244\n", - " 1.0272989 1.052665 1.0208784 1.0189432 1.0397048 1.1148218 1.0479969]\n", - "\n", - "[ 1 2 4 3 6 0 5 19 7 15 20 11 18 10 14 8 12 16 13 17 9]\n", - "=======================\n", - "['the report into friendship showed that our social circle peaks at 26 years and seven months , at which we typically have five close friends .women are most popular at 25 years and 10 months , with men hitting the friendship high point a little later at 27 years and three months .the research , by greetings card firm forever friends , shows that a third of adults ( 36 per cent ) met their closest friends while at school with a fifth ( 22 per cent ) saying they met them at work .']\n", - "=======================\n", - "[\"new study reveals the average person 's friends circle peaks at age of 26women are most popular at 25 and men hit their friendship high at 27research also showed social networks facebook and twitter are crucial\"]\n", - "the report into friendship showed that our social circle peaks at 26 years and seven months , at which we typically have five close friends .women are most popular at 25 years and 10 months , with men hitting the friendship high point a little later at 27 years and three months .the research , by greetings card firm forever friends , shows that a third of adults ( 36 per cent ) met their closest friends while at school with a fifth ( 22 per cent ) saying they met them at work .\n", - "new study reveals the average person 's friends circle peaks at age of 26women are most popular at 25 and men hit their friendship high at 27research also showed social networks facebook and twitter are crucial\n", - "[1.106778 1.4928029 1.2345712 1.3905275 1.0496073 1.0225662 1.0888673\n", - " 1.1185926 1.0925308 1.0436199 1.1298295 1.1082484 1.0849376 1.0323204\n", - " 1.0184747 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 10 7 11 0 8 6 12 4 9 13 5 14 19 15 16 17 18 20]\n", - "=======================\n", - "[\"the statement nineties chop , made famous by jim carrey 's lloyd christmas in dumb and dumber , has graced the heads of celebrities far and wide in recent years - from rihanna and robert pattinson to lena dunham and miley cyrus - and is spreading like wildfire among hipsters .one chain of british barber shops has reported a whopping 200 per cent surge in requests for the almost universally unflattering cut , with men queuing around the corner for their turn to get the snip .headcase barbers ( pictured ) has tipped the style as a must-have look for summer 2015\"]\n", - "=======================\n", - "['the statement chop was made famous by jim carrey in dumb and dumberone british barber has seen a 200 % surge in demand for the stylestars from miley cyrus to lena dunham have all taken it ondumb and dumber to is out now on blu-ray and dvd']\n", - "the statement nineties chop , made famous by jim carrey 's lloyd christmas in dumb and dumber , has graced the heads of celebrities far and wide in recent years - from rihanna and robert pattinson to lena dunham and miley cyrus - and is spreading like wildfire among hipsters .one chain of british barber shops has reported a whopping 200 per cent surge in requests for the almost universally unflattering cut , with men queuing around the corner for their turn to get the snip .headcase barbers ( pictured ) has tipped the style as a must-have look for summer 2015\n", - "the statement chop was made famous by jim carrey in dumb and dumberone british barber has seen a 200 % surge in demand for the stylestars from miley cyrus to lena dunham have all taken it ondumb and dumber to is out now on blu-ray and dvd\n", - "[1.2260987 1.4447713 1.3003953 1.1764092 1.3538505 1.0508221 1.0402329\n", - " 1.0994209 1.1415882 1.0420815 1.0353664 1.1020634 1.1228895 1.043438\n", - " 1.0753171 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 0 3 8 12 11 7 14 5 13 9 6 10 15 16 17 18 19 20]\n", - "=======================\n", - "[\"stephen howells , 39 , and his 25-year-old girlfriend nicole vaisey , from hermon , new york , were charged last summer with sexually exploiting the amish girls and other children .they each face kidnapping and federal child exploitation charges after police say they abducted the girls , then seven and 12 , from their family 's farm roadside vegetable stand on august 13 .a couple accused of kidnapping two amish girls from a produce stand before shackling and sexually abusing them have been offered a plea deal that would spare the girls from testifying .\"]\n", - "=======================\n", - "[\"stephen howells and nicole vaisey , from albany , new york , were charged last summer with sexually exploiting the amish girls and other childrenthe amish girls , aged 7 and 12 , ` were abducted from a farm roadside stand , shackled and sexually abused before being released the next day '\"]\n", - "stephen howells , 39 , and his 25-year-old girlfriend nicole vaisey , from hermon , new york , were charged last summer with sexually exploiting the amish girls and other children .they each face kidnapping and federal child exploitation charges after police say they abducted the girls , then seven and 12 , from their family 's farm roadside vegetable stand on august 13 .a couple accused of kidnapping two amish girls from a produce stand before shackling and sexually abusing them have been offered a plea deal that would spare the girls from testifying .\n", - "stephen howells and nicole vaisey , from albany , new york , were charged last summer with sexually exploiting the amish girls and other childrenthe amish girls , aged 7 and 12 , ` were abducted from a farm roadside stand , shackled and sexually abused before being released the next day '\n", - "[1.0835943 1.3505616 1.4229362 1.1892302 1.0587358 1.0995808 1.0722748\n", - " 1.0589646 1.0379138 1.0437064 1.0898229 1.0375545 1.1052933 1.0916258\n", - " 1.0680978 1.0645504 1.0704795 1.0331149 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 12 5 13 10 0 6 16 14 15 7 4 9 8 11 17 19 18 20]\n", - "=======================\n", - "[\"it set sail in france on saturday for virginia to retrace a journey through american history .l'hermione , with three sail masts and bright royal blue and gold markings , is a painstaking replica of an 18th century french frigate that fought with the united states ' founding fathers in the war of independence .in 1780 , the original hermione was assigned to a french nobleman , who fought as a general in george washington 's army against the british .\"]\n", - "=======================\n", - "[\"l'hermione is a painstaking replica of an 18th century ship of the same namethe original fought with american colonists against the british in the revolutionary war\"]\n", - "it set sail in france on saturday for virginia to retrace a journey through american history .l'hermione , with three sail masts and bright royal blue and gold markings , is a painstaking replica of an 18th century french frigate that fought with the united states ' founding fathers in the war of independence .in 1780 , the original hermione was assigned to a french nobleman , who fought as a general in george washington 's army against the british .\n", - "l'hermione is a painstaking replica of an 18th century ship of the same namethe original fought with american colonists against the british in the revolutionary war\n", - "[1.2710934 1.2805917 1.3886168 1.3242185 1.2844741 1.2281353 1.133968\n", - " 1.0813544 1.069454 1.0976267 1.0270302 1.079287 1.0234704 1.0206944\n", - " 1.0158151 1.0164567 1.024361 0. ]\n", - "\n", - "[ 2 3 4 1 0 5 6 9 7 11 8 10 16 12 13 15 14 17]\n", - "=======================\n", - "['the foursome identified as harry childs , jack hutchins , dean foreman and bradley pack were sentenced for affray on friday , after being charged in july last year , due to their involvement in an act of violent disorder outside a west london pub .qpr fans harry childs ( left ) and jack hutchins have been jailed for football-related disorder last yearthe unsavoury scenes occurred on february 1 , 2014 following a 3-3 draw during their championship encounter at loftus road .']\n", - "=======================\n", - "['queens park rangers drew 3-3 with burnley in the championship last termqpr fans harry childs , jack hutchins , dean foreman and bradley pack have all been jailed for violent scenes with burnley supporters afterwardsthe quartet were involved in violence outside the plough and harrow pubthey then moved onto kings street in west london for further barbarity']\n", - "the foursome identified as harry childs , jack hutchins , dean foreman and bradley pack were sentenced for affray on friday , after being charged in july last year , due to their involvement in an act of violent disorder outside a west london pub .qpr fans harry childs ( left ) and jack hutchins have been jailed for football-related disorder last yearthe unsavoury scenes occurred on february 1 , 2014 following a 3-3 draw during their championship encounter at loftus road .\n", - "queens park rangers drew 3-3 with burnley in the championship last termqpr fans harry childs , jack hutchins , dean foreman and bradley pack have all been jailed for violent scenes with burnley supporters afterwardsthe quartet were involved in violence outside the plough and harrow pubthey then moved onto kings street in west london for further barbarity\n", - "[1.4714242 1.2489729 1.2117294 1.3870432 1.1513664 1.1513553 1.0874095\n", - " 1.2762091 1.0369236 1.014885 1.0186603 1.0132636 1.1346046 1.0121573\n", - " 1.0128607 1.0624799 0. 0. ]\n", - "\n", - "[ 0 3 7 1 2 4 5 12 6 15 8 10 9 11 14 13 16 17]\n", - "=======================\n", - "[\"mercedes motorsport boss toto wolff has revealed the team may have to make ` an unpopular call ' for their drivers in light of ferrari 's revival this season .toto wolff ( left ) says nico rosberg ( right ) and lewis hamilton will have to deal with some ` unpopular calls 'the british driver won the chinese grand prix but has come under fire from his mercedes team-mate\"]\n", - "=======================\n", - "['toto wolff says the mercedes drivers may be unhappy with some callslewis hamilton and nico rosberg have fallen out after the chinese gpferrari are proving tough competition and wolff says they must win']\n", - "mercedes motorsport boss toto wolff has revealed the team may have to make ` an unpopular call ' for their drivers in light of ferrari 's revival this season .toto wolff ( left ) says nico rosberg ( right ) and lewis hamilton will have to deal with some ` unpopular calls 'the british driver won the chinese grand prix but has come under fire from his mercedes team-mate\n", - "toto wolff says the mercedes drivers may be unhappy with some callslewis hamilton and nico rosberg have fallen out after the chinese gpferrari are proving tough competition and wolff says they must win\n", - "[1.3487256 1.3921815 1.1246862 1.2366388 1.1136096 1.1221585 1.018874\n", - " 1.0500115 1.2014143 1.0782044 1.1793655 1.0757084 1.0859731 1.0119591\n", - " 1.1016096 1.0546237 1.1879985 0. ]\n", - "\n", - "[ 1 0 3 8 16 10 2 5 4 14 12 9 11 15 7 6 13 17]\n", - "=======================\n", - "[\"hazard , being filmed as part of a feature for queens park rangers defender rio ferdinand 's ' 5 ' magazine , left a defender in knots with his fancy footwork as he handed out a lesson in ball control .eden hazard is seemingly days away from securing a barclays premier league and pfa player of the year double with chelsea , and the belgian star showed off exactly why with a series of tricks at their cobham training base .the 24-year-old will be a key man for jose mourinho 's side as they travel to the emirates stadium on sunday looking for a win that would put them within three points of the title .\"]\n", - "=======================\n", - "[\"eden hazard showed off his tricks for rio ferdinand 's ' 5 ' magazinechelsea star left his marker in knots on four occasions in a videohazard 's step-overs , turns and his sharp control are fully on displaybelgian star 's chelsea face arsenal at the emirates stadium on sundayread : chelsea fans storm emirates stadium to play practical joke\"]\n", - "hazard , being filmed as part of a feature for queens park rangers defender rio ferdinand 's ' 5 ' magazine , left a defender in knots with his fancy footwork as he handed out a lesson in ball control .eden hazard is seemingly days away from securing a barclays premier league and pfa player of the year double with chelsea , and the belgian star showed off exactly why with a series of tricks at their cobham training base .the 24-year-old will be a key man for jose mourinho 's side as they travel to the emirates stadium on sunday looking for a win that would put them within three points of the title .\n", - "eden hazard showed off his tricks for rio ferdinand 's ' 5 ' magazinechelsea star left his marker in knots on four occasions in a videohazard 's step-overs , turns and his sharp control are fully on displaybelgian star 's chelsea face arsenal at the emirates stadium on sundayread : chelsea fans storm emirates stadium to play practical joke\n", - "[1.2165086 1.5233614 1.3198912 1.2015182 1.3202422 1.248258 1.1688739\n", - " 1.074084 1.0345428 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 5 0 3 6 7 8 9 10 11 12 13 14 15 16 17]\n", - "=======================\n", - "[\"ulrike berger , 44 , is barred by a court order from leaving the country with seven-year-old kaia .it is believed the pair boarded a plane from new york to germany on march 22 , violating a custody court orderpolice say the pair were last seen at berger 's home in boerun hill , brooklyn , at 10am on march 21 , when kaia 's father dropped her off .\"]\n", - "=======================\n", - "[\"ulrike berger , 44 , ` flew to germany with daughter kaia on march 22 'the seven-year-old had been dropped off by her father the day beforecustody court order prevents berger , a german national , from leaving the country with kaia\"]\n", - "ulrike berger , 44 , is barred by a court order from leaving the country with seven-year-old kaia .it is believed the pair boarded a plane from new york to germany on march 22 , violating a custody court orderpolice say the pair were last seen at berger 's home in boerun hill , brooklyn , at 10am on march 21 , when kaia 's father dropped her off .\n", - "ulrike berger , 44 , ` flew to germany with daughter kaia on march 22 'the seven-year-old had been dropped off by her father the day beforecustody court order prevents berger , a german national , from leaving the country with kaia\n", - "[1.3558912 1.1012161 1.2410684 1.1077905 1.5011369 1.2210717 1.136013\n", - " 1.127593 1.088533 1.0709096 1.0158707 1.0388199 1.0237895 1.0182681\n", - " 1.0351521 1.0733923 1.0424738 1.0134616]\n", - "\n", - "[ 4 0 2 5 6 7 3 1 8 15 9 16 11 14 12 13 10 17]\n", - "=======================\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[\"middlesbrough defender ben gibson , 22 , is dreaming of a return to the premier league for his boyhood clubteenager ben gibson had just seen his middlesbrough side knocked out in the champions league group stage when the email landed from club chairman -- uncle steve -- that he had been fired .on friday , boro defender gibson -- now 22 - can help steer his uncle 's club back towards the big time for real .\"]\n", - "=======================\n", - "[\"middlesbrough 's ben gibson is nephew of club chairman steveas a teenager he used to play as middlesbrough on football managerthe teesiders have spent six consecutive seasons outside of top flightlifelong boro fan gibson believes the squad has what it takes to secure a return to the big time\"]\n", - "middlesbrough defender ben gibson , 22 , is dreaming of a return to the premier league for his boyhood clubteenager ben gibson had just seen his middlesbrough side knocked out in the champions league group stage when the email landed from club chairman -- uncle steve -- that he had been fired .on friday , boro defender gibson -- now 22 - can help steer his uncle 's club back towards the big time for real .\n", - "middlesbrough 's ben gibson is nephew of club chairman steveas a teenager he used to play as middlesbrough on football managerthe teesiders have spent six consecutive seasons outside of top flightlifelong boro fan gibson believes the squad has what it takes to secure a return to the big time\n", - "[1.3847535 1.4504629 1.2045255 1.4532433 1.3129495 1.0397389 1.0350429\n", - " 1.0128782 1.1381917 1.0578276 1.0384301 1.2011536 1.1273837 1.0141795\n", - " 1.013934 1.0115603 1.0099839 1.0099555 1.0075899 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 0 4 2 11 8 12 9 5 10 6 13 14 7 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"crystal palace are convinced yannick bolasie will learn from wilfried zaha 's mistakes and not jump shipthe electrifying winger has dazzled for the eagles since alan pardew took over in january and has been watched by liverpool and newcastle this season .bolasie has the opportunity to shine against manchester city on monday night and his manager - who was firm in the stance that it would take astronomical money to tempt palace into selling - wants the 25-year-old to continue honing his skills at selhurst park .\"]\n", - "=======================\n", - "['winger yannick bolasie has excelled under new manager alan pardewpardew is hoping winger will learn that the grass is not always greenerwilfried zaha left when he was handed dream move to manchester unitedbut that move went sour and pardew hopes bolasie will learn from zaha']\n", - "crystal palace are convinced yannick bolasie will learn from wilfried zaha 's mistakes and not jump shipthe electrifying winger has dazzled for the eagles since alan pardew took over in january and has been watched by liverpool and newcastle this season .bolasie has the opportunity to shine against manchester city on monday night and his manager - who was firm in the stance that it would take astronomical money to tempt palace into selling - wants the 25-year-old to continue honing his skills at selhurst park .\n", - "winger yannick bolasie has excelled under new manager alan pardewpardew is hoping winger will learn that the grass is not always greenerwilfried zaha left when he was handed dream move to manchester unitedbut that move went sour and pardew hopes bolasie will learn from zaha\n", - "[1.2759429 1.4830667 1.1290375 1.1061627 1.2746394 1.2571068 1.2188748\n", - " 1.1031704 1.1409655 1.0912607 1.079934 1.0678219 1.0278397 1.0092347\n", - " 1.0102838 1.0480999 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 4 5 6 8 2 3 7 9 10 11 15 12 14 13 16 17 18 19 20 21]\n", - "=======================\n", - "[\"summer elbardissy was partying at the beta theta pi fraternity house at wesleyan university in middletown , connecticut , last year when she reportedly tried to reach a makeshift roof deck .a 19-year-old girl was forced to relearn basic functional skills such as walking , swallowing food and getting dressed after she fell out a fraternity house 's window and suffered a traumatic brain injury .miss elbardissy was discovered lying unconscious on the floor , with her face covered in blood .\"]\n", - "=======================\n", - "[\"summer elbardissy was partying at the beta theta pi frat house last yearshe ` tried to reach makeshift roof deck ' , but fell out of third-floor windowrushed to hospital with brain injury , a broken skull and bruising on lungforced to relearn skills such as walking , swallowing food and dressingseven months on , 19-year-old is still recovering from traumatic injuriesshe has filed lawsuit against fraternity house , accusing it of negligencein 24-page document , she also accuses wesleyan university of ` failing to protect her from dangers at the frat house ' despite city officials ' reports\"]\n", - "summer elbardissy was partying at the beta theta pi fraternity house at wesleyan university in middletown , connecticut , last year when she reportedly tried to reach a makeshift roof deck .a 19-year-old girl was forced to relearn basic functional skills such as walking , swallowing food and getting dressed after she fell out a fraternity house 's window and suffered a traumatic brain injury .miss elbardissy was discovered lying unconscious on the floor , with her face covered in blood .\n", - "summer elbardissy was partying at the beta theta pi frat house last yearshe ` tried to reach makeshift roof deck ' , but fell out of third-floor windowrushed to hospital with brain injury , a broken skull and bruising on lungforced to relearn skills such as walking , swallowing food and dressingseven months on , 19-year-old is still recovering from traumatic injuriesshe has filed lawsuit against fraternity house , accusing it of negligencein 24-page document , she also accuses wesleyan university of ` failing to protect her from dangers at the frat house ' despite city officials ' reports\n", - "[1.2307068 1.5088186 1.2406061 1.3826813 1.150006 1.1852646 1.0391976\n", - " 1.0521469 1.0772103 1.1425388 1.0226799 1.1231515 1.1692371 1.0700772\n", - " 1.0100554 1.0782124 1.0616311 1.0324512 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 5 12 4 9 11 15 8 13 16 7 6 17 10 14 20 18 19 21]\n", - "=======================\n", - "['peter reece , his fiancee , baby daughter and mother from kent were parked on an ocean shores beach on thursday around 7pm in their new nissan infiniti when their tires got stuck in the sand .reece told police that he and his family had been driving on the beach when they stopped on the edge of the surf to look at the water .three generations of one family were saved from their car last week by a police officer seconds before the vehicle was pulled out to sea in washington state .']\n", - "=======================\n", - "[\"peter reece , his fiancee , baby and mother were parked on an ocean shores beach on thursday when the tide reached their vehiclethe car 's tires had sunk into the sand and they could n't drive awayreece and his fiancee got out of the car but his mother and six-month-old daughter were stuck in the carofficers pulled them out of the vehicle seconds before a wave flipped the vehicle , pulling it out into the water\"]\n", - "peter reece , his fiancee , baby daughter and mother from kent were parked on an ocean shores beach on thursday around 7pm in their new nissan infiniti when their tires got stuck in the sand .reece told police that he and his family had been driving on the beach when they stopped on the edge of the surf to look at the water .three generations of one family were saved from their car last week by a police officer seconds before the vehicle was pulled out to sea in washington state .\n", - "peter reece , his fiancee , baby and mother were parked on an ocean shores beach on thursday when the tide reached their vehiclethe car 's tires had sunk into the sand and they could n't drive awayreece and his fiancee got out of the car but his mother and six-month-old daughter were stuck in the carofficers pulled them out of the vehicle seconds before a wave flipped the vehicle , pulling it out into the water\n", - "[1.5218647 1.2226853 1.4459276 1.2875036 1.1299407 1.0492308 1.0744219\n", - " 1.0492531 1.0223914 1.1008059 1.0334555 1.0158263 1.0153155 1.0120603\n", - " 1.1492134 1.1086657 1.0841773 1.0710026 1.108627 1.1119578 1.0645624\n", - " 0. ]\n", - "\n", - "[ 0 2 3 1 14 4 19 15 18 9 16 6 17 20 7 5 10 8 11 12 13 21]\n", - "=======================\n", - "['kristen lindsey from brenham , texas , allegedly hunted the animal down and shot it with a bow believing it was feral and then posted the image on facebookbut a local rescue center say the cat , believed to be called tiger , was domesticated and had been missing for around two weeks .a veterinarian has been fired from her clinic after she posted a horrifying image of her holding a cat she had killed by firing an arrow into its head on facebook .']\n", - "=======================\n", - "[\"warning : graphic contentkristen lindsey of brenham , texas , believed the animal was non-domesticsaid the only good feral cat was one ` with an arrow through it 's head 'she then stated : ` vet of the year award ... gladly accepted 'local rescue center has since claimed the cat called tiger was n't feralcolorado state graduate has been fired from washington animal clinicprosecutors now considering whether she should face criminal charges\"]\n", - "kristen lindsey from brenham , texas , allegedly hunted the animal down and shot it with a bow believing it was feral and then posted the image on facebookbut a local rescue center say the cat , believed to be called tiger , was domesticated and had been missing for around two weeks .a veterinarian has been fired from her clinic after she posted a horrifying image of her holding a cat she had killed by firing an arrow into its head on facebook .\n", - "warning : graphic contentkristen lindsey of brenham , texas , believed the animal was non-domesticsaid the only good feral cat was one ` with an arrow through it 's head 'she then stated : ` vet of the year award ... gladly accepted 'local rescue center has since claimed the cat called tiger was n't feralcolorado state graduate has been fired from washington animal clinicprosecutors now considering whether she should face criminal charges\n", - "[1.3801724 1.4216083 1.2860222 1.2034918 1.1509902 1.1432298 1.0393558\n", - " 1.0207187 1.0207472 1.0158885 1.0745764 1.013141 1.018299 1.0508316\n", - " 1.1337085 1.0708296 1.0114797 1.209664 1.066974 1.0184269 1.0124582\n", - " 1.1378605]\n", - "\n", - "[ 1 0 2 17 3 4 5 21 14 10 15 18 13 6 8 7 19 12 9 11 20 16]\n", - "=======================\n", - "[\"saturday 's 4-1 defeat at the emirates left liverpool off the pace for the champions league places and it seems that wednesday 's fa cup quarter-final replay at blackburn now represents the merseyside club 's best chance of making tangible progress this season .liverpool manager brendan rodgers has claimed there is no crisis at anfield despite successive morale-sapping defeats by rivals manchester united and arsenal .but speaking at melwood on monday morning , rodgers denied suggestions that a training-ground meeting on sunday was designed to quell dissent among his players .\"]\n", - "=======================\n", - "['liverpool seven points off fourth place after 4-1 defeat by arsenalreds take on blackburn in fa cup quarter-final replay on tuesday nightmanager brendan rodgers insists the club are not in crisis']\n", - "saturday 's 4-1 defeat at the emirates left liverpool off the pace for the champions league places and it seems that wednesday 's fa cup quarter-final replay at blackburn now represents the merseyside club 's best chance of making tangible progress this season .liverpool manager brendan rodgers has claimed there is no crisis at anfield despite successive morale-sapping defeats by rivals manchester united and arsenal .but speaking at melwood on monday morning , rodgers denied suggestions that a training-ground meeting on sunday was designed to quell dissent among his players .\n", - "liverpool seven points off fourth place after 4-1 defeat by arsenalreds take on blackburn in fa cup quarter-final replay on tuesday nightmanager brendan rodgers insists the club are not in crisis\n", - "[1.2647045 1.2339373 1.2512846 1.330297 1.2481195 1.1702552 1.1024783\n", - " 1.1344991 1.0570812 1.0290155 1.082871 1.049149 1.090964 1.0561212\n", - " 1.0839512 1.032114 1.0467736 1.017099 1.0624876 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 0 2 4 1 5 7 6 12 14 10 18 8 13 11 16 15 9 17 19 20 21]\n", - "=======================\n", - "[\"delonte martistee , 22 , of bainbridge , georgia , and ryan calhoun , 23 , of mobile , alabama , were charged with sexual battery for the incident believed to have occurred between march 10 and 12 .a star college athlete and a classmate from alabama 's troy university have been suspended after authorities discovered a cellphone video that allegedly shows them sexually assaulting a woman at a beach while a large crowd of spring-break revelers watches .he says the footage shows several men surrounding an incapacitated woman on a beach chair .\"]\n", - "=======================\n", - "[\"troy university students delonte ' martistee , 22 , and ryan austin calhoun , 23 , have been suspended from the alabama schoolboth have been charged in connection to an alleged sexual attack on an unconscious woman during a spring break part in floridapolice in troy , alabama , found the video while investigating a shootingvideo ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervenetwo additional suspects are being sought in connection to the incident and more arrests are suspectedmartistee was a promising track star from bainbridge , georgia\"]\n", - "delonte martistee , 22 , of bainbridge , georgia , and ryan calhoun , 23 , of mobile , alabama , were charged with sexual battery for the incident believed to have occurred between march 10 and 12 .a star college athlete and a classmate from alabama 's troy university have been suspended after authorities discovered a cellphone video that allegedly shows them sexually assaulting a woman at a beach while a large crowd of spring-break revelers watches .he says the footage shows several men surrounding an incapacitated woman on a beach chair .\n", - "troy university students delonte ' martistee , 22 , and ryan austin calhoun , 23 , have been suspended from the alabama schoolboth have been charged in connection to an alleged sexual attack on an unconscious woman during a spring break part in floridapolice in troy , alabama , found the video while investigating a shootingvideo ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervenetwo additional suspects are being sought in connection to the incident and more arrests are suspectedmartistee was a promising track star from bainbridge , georgia\n", - "[1.2601093 1.2267424 1.4686561 1.120429 1.1622487 1.1017864 1.035201\n", - " 1.0291306 1.0386013 1.0803424 1.0314221 1.0488431 1.0156143 1.0163006\n", - " 1.0202434 1.0247643 1.0282322 1.0914676 1.0651011 1.4334018 1.1183586\n", - " 1.0984579]\n", - "\n", - "[ 2 19 0 1 4 3 20 5 21 17 9 18 11 8 6 10 7 16 15 14 13 12]\n", - "=======================\n", - "[\"david beckham did it against wimbledon in august 1996 , as did wayne rooney against west ham last march .charlie adam looked up , noticed thibaut courtois was off his line , and thought : ` why not ? 'the stoke city midfielder was 66 yards from goal but had the audacity to score what will surely be crowned the barclays premier league 's strike of the season .\"]\n", - "=======================\n", - "[\"charlie adam scored remarkable goal in defeat to league leaderseven chelsea boss jose mourinho full of praise for adam 's strikeadam 's goal compared to david beckham and xabi alonso goals\"]\n", - "david beckham did it against wimbledon in august 1996 , as did wayne rooney against west ham last march .charlie adam looked up , noticed thibaut courtois was off his line , and thought : ` why not ? 'the stoke city midfielder was 66 yards from goal but had the audacity to score what will surely be crowned the barclays premier league 's strike of the season .\n", - "charlie adam scored remarkable goal in defeat to league leaderseven chelsea boss jose mourinho full of praise for adam 's strikeadam 's goal compared to david beckham and xabi alonso goals\n", - "[1.4790306 1.196849 1.4482361 1.1802896 1.2058072 1.1250199 1.1722062\n", - " 1.0992117 1.0315037 1.0640204 1.0372163 1.0910327 1.0251034 1.0710837\n", - " 1.0364163 1.0856726 1.0197647 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 4 1 3 6 5 7 11 15 13 9 10 14 8 12 16 20 17 18 19 21]\n", - "=======================\n", - "[\"shaun bryan - who was the intended target of the shot which paralysed little thusha kamaleswaran in 2011 - was jailed for another crime this weekbryan has now been jailed for a separate crime in which he and an accomplice subjected two women to a ` ruthless attack ' in their home in croydon , south london on december 17 last year .they were both sentenced at croydon crown court after pleading guilty to aggravated burglary .\"]\n", - "=======================\n", - "['gang member was intended target of shooting which shocked uk in 2011rival criminals instead shot thusha kamaleswaran , who was paralysedfour years on , gang member admits horrific knife-point burglaryhe and an accomplice are locked up for targeting two women']\n", - "shaun bryan - who was the intended target of the shot which paralysed little thusha kamaleswaran in 2011 - was jailed for another crime this weekbryan has now been jailed for a separate crime in which he and an accomplice subjected two women to a ` ruthless attack ' in their home in croydon , south london on december 17 last year .they were both sentenced at croydon crown court after pleading guilty to aggravated burglary .\n", - "gang member was intended target of shooting which shocked uk in 2011rival criminals instead shot thusha kamaleswaran , who was paralysedfour years on , gang member admits horrific knife-point burglaryhe and an accomplice are locked up for targeting two women\n", - "[1.2440742 1.5403466 1.2582043 1.1491852 1.0818087 1.1422279 1.0832919\n", - " 1.2536116 1.0364457 1.0554762 1.057667 1.043968 1.0896562 1.052344\n", - " 1.0813867 1.0389973 1.0182838 1.1235574 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 7 0 3 5 17 12 6 4 14 10 9 13 11 15 8 16 20 18 19 21]\n", - "=======================\n", - "[\"italian model ambra battilana , 22 , has claimed the 63-year-old hollywood producer asked her for a kiss and groped her during a ` business meeting ' at his tribeca office in manhattan on friday night .but while weinstein has spoken to police and denied the accusations , a recorded conversation between him and battilana shows he did not deny the incident , it has been claimed .` he did n't deny doing what she said he did to her , ' the source told the new york daily news .\"]\n", - "=======================\n", - "[\"a sting set up by the nypd shows weinstein did n't deny touching italian model ambra battilana , it has been claimedshe alleges he asked her for a kiss and then groped her during a ` business meeting ' at his manhattan office on friday nighta source claimed during the recorded conversation set up under the watch of the nypd , he did not deny touching herthe hollywood producer has denied the allegations and has spoken to police , who have not filed charges\"]\n", - "italian model ambra battilana , 22 , has claimed the 63-year-old hollywood producer asked her for a kiss and groped her during a ` business meeting ' at his tribeca office in manhattan on friday night .but while weinstein has spoken to police and denied the accusations , a recorded conversation between him and battilana shows he did not deny the incident , it has been claimed .` he did n't deny doing what she said he did to her , ' the source told the new york daily news .\n", - "a sting set up by the nypd shows weinstein did n't deny touching italian model ambra battilana , it has been claimedshe alleges he asked her for a kiss and then groped her during a ` business meeting ' at his manhattan office on friday nighta source claimed during the recorded conversation set up under the watch of the nypd , he did not deny touching herthe hollywood producer has denied the allegations and has spoken to police , who have not filed charges\n", - "[1.3821523 1.2358332 1.2391729 1.3230175 1.23022 1.1575036 1.0652747\n", - " 1.0559001 1.0442607 1.0408871 1.073354 1.0634445 1.038766 1.0192523\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 2 1 4 5 10 6 11 7 8 9 12 13 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"david miscavige , the controversial leader of the church of scientology , allegedly had his apostate father followed for 18 months for fear he might reveal damaging information about the inner workings of the secretive organization .according to police records obtained by the los angeles times , the church paid a father-son team of detectives $ 10,000 a week to track ron miscavige 's every move , review his electronic correspondence and eavesdrop on his conversations .the allegations of surveillance targeting the renegade scientologist originally came to light two years ago following the arrest of florida-based private investigator dwayne powell .\"]\n", - "=======================\n", - "[\"wisconsin police arrested private investigator dwayne powell in 2013 who claimed he was hired by church of scientology to spy on ron miscavigedavid miscavige 's 79-year-old father had left the church a couple of years agopowell reportedly told police his job was to track miscavige 's movements , read his emails and listen in on his conversationsdavid miscavige allegedly prohibited the private investigator from helping his father during a medical emergencychurch of scientology and david miscavige 's attorneys vehemently denied powell 's claims\"]\n", - "david miscavige , the controversial leader of the church of scientology , allegedly had his apostate father followed for 18 months for fear he might reveal damaging information about the inner workings of the secretive organization .according to police records obtained by the los angeles times , the church paid a father-son team of detectives $ 10,000 a week to track ron miscavige 's every move , review his electronic correspondence and eavesdrop on his conversations .the allegations of surveillance targeting the renegade scientologist originally came to light two years ago following the arrest of florida-based private investigator dwayne powell .\n", - "wisconsin police arrested private investigator dwayne powell in 2013 who claimed he was hired by church of scientology to spy on ron miscavigedavid miscavige 's 79-year-old father had left the church a couple of years agopowell reportedly told police his job was to track miscavige 's movements , read his emails and listen in on his conversationsdavid miscavige allegedly prohibited the private investigator from helping his father during a medical emergencychurch of scientology and david miscavige 's attorneys vehemently denied powell 's claims\n", - "[1.3974869 1.1898102 1.3997041 1.1888379 1.3123288 1.1167067 1.0541391\n", - " 1.0621518 1.047554 1.0266215 1.0569026 1.0614065 1.0937477 1.1675825\n", - " 1.0821217 1.0707033 1.0598594 1.0493418 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 4 1 3 13 5 12 14 15 7 11 16 10 6 17 8 9 18 19 20 21]\n", - "=======================\n", - "[\"prasanna ` nick ' arulchelvam ran and jumped through an open side door of their van , but was pushed out and hit the ground as the vehicle sped away .today , the man who pushed mr prasanna to his death was jailed for 11 years after admitting all he wanted was ` a few cheap packets of cigarettes ' .a courageous shopkeeper was killed when he made a desperate attempt to stop a gang of thieves who had broken into his van in a cash and carry car park .\"]\n", - "=======================\n", - "[\"prasanna arulchelvam leapt into van as it sped away but was pushed outhis head hit the ground with a ` nasty crunch ' and he died 11 days latera gang tried to steal cigarettes from the victim 's van before he gave chaseall three have now been jailed , including the man who pushed mr prasanna\"]\n", - "prasanna ` nick ' arulchelvam ran and jumped through an open side door of their van , but was pushed out and hit the ground as the vehicle sped away .today , the man who pushed mr prasanna to his death was jailed for 11 years after admitting all he wanted was ` a few cheap packets of cigarettes ' .a courageous shopkeeper was killed when he made a desperate attempt to stop a gang of thieves who had broken into his van in a cash and carry car park .\n", - "prasanna arulchelvam leapt into van as it sped away but was pushed outhis head hit the ground with a ` nasty crunch ' and he died 11 days latera gang tried to steal cigarettes from the victim 's van before he gave chaseall three have now been jailed , including the man who pushed mr prasanna\n", - "[1.1753608 1.4321356 1.3969012 1.3603716 1.3125846 1.0622684 1.0279715\n", - " 1.0709803 1.0238596 1.039915 1.0690241 1.0452955 1.0602019 1.1523167\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 4 0 13 7 10 5 12 11 9 6 8 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"now new york governor andrew cuomo has issued a state health alert that the synthetic marijuana product known as ` spice ' is sweeping the city , and that 160 people have been hospitalized in nine days after using the drug .over 120 of those people were admitted to emergency rooms in the same week .the cannabinoid , also commonly called ` k2 ' or ` mojo ' , is predominantly abused by teenagers and typically sold over-the-counter as incense or potpourri .\"]\n", - "=======================\n", - "[\"cuomo issued a state health warning friday about the drugmore than 160 patients admitted in nine days across the statethe drug can have long-term effects on the brain , especially for the young people who are abusing itspice is bought over the counter , usually marketed as incense or potpourriit caused the death of a california teenager last yearon april 6 , two mississippi brothers were placed in medically-induced comasthey had smoked a ` bad batch ' of the synthetic cannabinoid\"]\n", - "now new york governor andrew cuomo has issued a state health alert that the synthetic marijuana product known as ` spice ' is sweeping the city , and that 160 people have been hospitalized in nine days after using the drug .over 120 of those people were admitted to emergency rooms in the same week .the cannabinoid , also commonly called ` k2 ' or ` mojo ' , is predominantly abused by teenagers and typically sold over-the-counter as incense or potpourri .\n", - "cuomo issued a state health warning friday about the drugmore than 160 patients admitted in nine days across the statethe drug can have long-term effects on the brain , especially for the young people who are abusing itspice is bought over the counter , usually marketed as incense or potpourriit caused the death of a california teenager last yearon april 6 , two mississippi brothers were placed in medically-induced comasthey had smoked a ` bad batch ' of the synthetic cannabinoid\n", - "[1.2631502 1.5085077 1.2842538 1.2193885 1.1207851 1.0718567 1.1148176\n", - " 1.0536973 1.2642922 1.0835956 1.0477018 1.01533 1.0765581 1.0700563\n", - " 1.0885022 1.0449394 1.0543162 1.0624561 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 8 0 3 4 6 14 9 12 5 13 17 16 7 10 15 11 20 18 19 21]\n", - "=======================\n", - "[\"laurent stefanini , 55 , was in january asked by french president francois hollande to represent their country at the holy see .but the controversial appointment was met ` with a stony silence ' , according to the french media .the catholic church has been accused of blocking the appointment of the first ever homosexual ambassador to vatican city .\"]\n", - "=======================\n", - "[\"laurent stefanini , 55 , asked to represent france to the catholic churchhomosexual diplomat 's appointment met with silence from the vaticancatholic , stefanini was number two at france 's vatican mission from 2001in 2013 the pope seemed to speak out against the vatican 's anti-gay stance\"]\n", - "laurent stefanini , 55 , was in january asked by french president francois hollande to represent their country at the holy see .but the controversial appointment was met ` with a stony silence ' , according to the french media .the catholic church has been accused of blocking the appointment of the first ever homosexual ambassador to vatican city .\n", - "laurent stefanini , 55 , asked to represent france to the catholic churchhomosexual diplomat 's appointment met with silence from the vaticancatholic , stefanini was number two at france 's vatican mission from 2001in 2013 the pope seemed to speak out against the vatican 's anti-gay stance\n", - "[1.3651134 1.1163607 1.0781494 1.0800117 1.0896078 1.0899082 1.0526305\n", - " 1.0253013 1.0368376 1.0233588 1.0825924 1.0304193 1.0449014 1.0309453\n", - " 1.0607312 1.0665329 1.0391773 1.019571 1.0917497 1.0212958 1.0186578\n", - " 1.0225468]\n", - "\n", - "[ 0 1 18 5 4 10 3 2 15 14 6 12 16 8 13 11 7 9 21 19 17 20]\n", - "=======================\n", - "[\"real madrid have n't got going tonight ( i was about to write a post about how barcelona were 5-0 up at this point ) but james rodriguez produces a bit of individual magic to opening the scoring .the ball bounces up to the colombian who unleashes a stunning left-footed volley , dipping over the goalkeeper and into the top corner at some speed .real have n't found their rhythm yet while almeria are just letting them pass from side to side .\"]\n", - "=======================\n", - "['martin odegaard may make real madrid debut after being named in squadiker casillas also on the bench for the european championsmadrid hope to narrow five point-gap to barcelona at top of la ligaclash against almeria at the bernabeu will kick off at 7pm']\n", - "real madrid have n't got going tonight ( i was about to write a post about how barcelona were 5-0 up at this point ) but james rodriguez produces a bit of individual magic to opening the scoring .the ball bounces up to the colombian who unleashes a stunning left-footed volley , dipping over the goalkeeper and into the top corner at some speed .real have n't found their rhythm yet while almeria are just letting them pass from side to side .\n", - "martin odegaard may make real madrid debut after being named in squadiker casillas also on the bench for the european championsmadrid hope to narrow five point-gap to barcelona at top of la ligaclash against almeria at the bernabeu will kick off at 7pm\n", - "[1.2957302 1.3729936 1.2260988 1.170897 1.2047905 1.0813015 1.0342429\n", - " 1.0401133 1.125508 1.1251907 1.0450935 1.0768503 1.1587998 1.0503271\n", - " 1.0991902 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 4 3 12 8 9 14 5 11 13 10 7 6 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the soldiers were given a burial with full military honours in an emotional ceremony which included the hymn jerusalem in flanders fields , belgium , this morning .six soldiers have finally been put to rest in a cemetery - more than 100 years after they were killed in the first months of world war one .little has been discovered about the soldiers , as no relatives have been found , and their graves will be labelled as ` known unto god ' - a description on headstones of all unknown soldiers , which was chosen by author rudyard kipling .\"]\n", - "=======================\n", - "[\"the bodies of the six soldiers were found buried in a farmer 's field in belgium in 2008 and 2010efforts to identify the men were unsuccessful so their gravestones will be marked ` known unto god 'the men , who died in october 1914 , were reburied in prowse point cemetery with full military honourstheir graves will sit alongside those of more than 200 other commonwealth soldiers in the cemetery\"]\n", - "the soldiers were given a burial with full military honours in an emotional ceremony which included the hymn jerusalem in flanders fields , belgium , this morning .six soldiers have finally been put to rest in a cemetery - more than 100 years after they were killed in the first months of world war one .little has been discovered about the soldiers , as no relatives have been found , and their graves will be labelled as ` known unto god ' - a description on headstones of all unknown soldiers , which was chosen by author rudyard kipling .\n", - "the bodies of the six soldiers were found buried in a farmer 's field in belgium in 2008 and 2010efforts to identify the men were unsuccessful so their gravestones will be marked ` known unto god 'the men , who died in october 1914 , were reburied in prowse point cemetery with full military honourstheir graves will sit alongside those of more than 200 other commonwealth soldiers in the cemetery\n", - "[1.2418548 1.3889983 1.37286 1.25486 1.2118669 1.1103761 1.0153866\n", - " 1.0180408 1.0601187 1.1337162 1.1356608 1.1262344 1.0246674 1.1260916\n", - " 1.0312581 1.0161637 1.0151727 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 0 4 10 9 11 13 5 8 14 12 7 15 6 16 20 17 18 19 21]\n", - "=======================\n", - "[\"this is according to a series of bronze artefacts found at the ` rising whale ' site in cape espenberg , alaska .archaeologists discovered what they believe to be a bronze and leather buckle and a bronze whistle , dating to around a.d. 600 .trade was taking place between east asia and the new world hundreds of years before christopher columbus ( left ) arrived in 1492 .\"]\n", - "=======================\n", - "[\"bronze buckle and whistle from ad 600 found in cape espenbergbut bronze-working had not been developed at this time in alaskascientists believe artefacts were created in china , korea or yakutiasite may have been home to ` birnirk ' culture , whose people travelled on both sides of the bering strait\"]\n", - "this is according to a series of bronze artefacts found at the ` rising whale ' site in cape espenberg , alaska .archaeologists discovered what they believe to be a bronze and leather buckle and a bronze whistle , dating to around a.d. 600 .trade was taking place between east asia and the new world hundreds of years before christopher columbus ( left ) arrived in 1492 .\n", - "bronze buckle and whistle from ad 600 found in cape espenbergbut bronze-working had not been developed at this time in alaskascientists believe artefacts were created in china , korea or yakutiasite may have been home to ` birnirk ' culture , whose people travelled on both sides of the bering strait\n", - "[1.1094681 1.3487434 1.3334361 1.1603774 1.1745256 1.0708643 1.141472\n", - " 1.041098 1.0499752 1.1165682 1.0292363 1.0807065 1.0478067 1.0521873\n", - " 1.0360295 1.21931 1.0497843 1.0241156 1.0172309 1.0162525 1.0169748\n", - " 1.0630157]\n", - "\n", - "[ 1 2 15 4 3 6 9 0 11 5 21 13 8 16 12 7 14 10 17 18 20 19]\n", - "=======================\n", - "['german photographer dieter klein travelled the world to find vintage cars left to crumble in leafy forests and fields .he came across a range of mysterious graveyards hosting all sorts of vehicles , including a rare jaguar xk120 , which , if restored , could be worth # 82,000 , and a fleet of vehicles used by the allies in the second world war .a jaguar xk120 abandoned at the park could fetch # 82,000 if restored']\n", - "=======================\n", - "['german photographer dieter klein travelled the world to find vintage cars left to crumble in leafy forests and fieldscame across range of graveyards hosting all sorts of vehicles , including jaguar xk120 worth # 82,000 if restoreddieter , 57 , from cologne , first came across a citroen truck dumped in a bush six years ago and became hooked']\n", - "german photographer dieter klein travelled the world to find vintage cars left to crumble in leafy forests and fields .he came across a range of mysterious graveyards hosting all sorts of vehicles , including a rare jaguar xk120 , which , if restored , could be worth # 82,000 , and a fleet of vehicles used by the allies in the second world war .a jaguar xk120 abandoned at the park could fetch # 82,000 if restored\n", - "german photographer dieter klein travelled the world to find vintage cars left to crumble in leafy forests and fieldscame across range of graveyards hosting all sorts of vehicles , including jaguar xk120 worth # 82,000 if restoreddieter , 57 , from cologne , first came across a citroen truck dumped in a bush six years ago and became hooked\n", - "[1.5768193 1.3326659 1.324033 1.4556067 1.029821 1.0242633 1.1173182\n", - " 1.1481833 1.0934814 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 2 7 6 8 4 5 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", - "=======================\n", - "[\"toby alderweireld will return to atletico madrid when his season-long loan finishes at southampton , according to the spanish club 's sporting director jose luis perez caminero .the belgian defender , 26 , has impressed this season on the south coast , and has hinted in the past that he would like to remain permanently in the premier league , with tottenham also believed to be admirers .but atletico say they are counting on aldeirwereld to return to la liga , as well as oliver torres who has been plying his trade in portugal with porto .\"]\n", - "=======================\n", - "[\"toby alderweireld has impressed during season-long loan at southamptonronald koeman 's side are challenging for champions league placesbut atletico madrid says they are counting on alderweireld for next seasonsporting director jose luis perez caminero praises belgian defender\"]\n", - "toby alderweireld will return to atletico madrid when his season-long loan finishes at southampton , according to the spanish club 's sporting director jose luis perez caminero .the belgian defender , 26 , has impressed this season on the south coast , and has hinted in the past that he would like to remain permanently in the premier league , with tottenham also believed to be admirers .but atletico say they are counting on aldeirwereld to return to la liga , as well as oliver torres who has been plying his trade in portugal with porto .\n", - "toby alderweireld has impressed during season-long loan at southamptonronald koeman 's side are challenging for champions league placesbut atletico madrid says they are counting on alderweireld for next seasonsporting director jose luis perez caminero praises belgian defender\n", - "[1.1370257 1.4457532 1.3388695 1.321419 1.1617211 1.2933376 1.1614078\n", - " 1.139528 1.1380669 1.0221999 1.0357658 1.0310944 1.0276148 1.1098244\n", - " 1.0814633 1.0691357 1.0499315 1.0194753 1.0143368 1.0555412 1.0312251\n", - " 1.0310717]\n", - "\n", - "[ 1 2 3 5 4 6 7 8 0 13 14 15 19 16 10 20 11 21 12 9 17 18]\n", - "=======================\n", - "['ronald pearson and his wife miriam met at an evening dance while he was serving in the raf police and she the auxiliary territorial service during the second world war .they married in 1943 and settled in broughton near chester , welcoming their daughter two years after celebrating ve day .after almost 72 years together , mrs pearson , 95 , died last month .']\n", - "=======================\n", - "[\"ronald pearson and his wife miriam met and were married during wwiihe was a sergeant in the raf police while she worked as a driver for atsthe ` inseparable ' couple settled in broughton near chester to raise familythey died last month within two days of each other at the ages of 94 and 95their marriage was described as ` greatest true love story ' at joint funeral\"]\n", - "ronald pearson and his wife miriam met at an evening dance while he was serving in the raf police and she the auxiliary territorial service during the second world war .they married in 1943 and settled in broughton near chester , welcoming their daughter two years after celebrating ve day .after almost 72 years together , mrs pearson , 95 , died last month .\n", - "ronald pearson and his wife miriam met and were married during wwiihe was a sergeant in the raf police while she worked as a driver for atsthe ` inseparable ' couple settled in broughton near chester to raise familythey died last month within two days of each other at the ages of 94 and 95their marriage was described as ` greatest true love story ' at joint funeral\n", - "[1.2801011 1.3264918 1.2647933 1.2311656 1.2037994 1.1243511 1.0890114\n", - " 1.1010599 1.0712719 1.1056802 1.0148422 1.0690771 1.0589379 1.0374895\n", - " 1.0111873 1.0102057 1.0097586 1.0089619 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 3 4 5 9 7 6 8 11 12 13 10 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"but despite the fact that blair has a record of three general election victories , only one shadow cabinet minister , chuka umunna , could be bothered to attend .after tony blair 's speech in his former constituency of sedgefield last week , the former pm made an appearance at a low-key private fundraising dinner for 15 labour target seats .during a dinner held in an indian banquet hall in morden , blair ( pictured last week in newton aycliffe , county durham ) name-checked ed miliband only once , devoting his speech instead to his own achievements\"]\n", - "=======================\n", - "[\"an earlier version of this article wrongly referred to erith and thamesmead 's conservative parliamentary candidate mrs anna firth posting pictures of litter in bromley to shame her political opponent .\"]\n", - "but despite the fact that blair has a record of three general election victories , only one shadow cabinet minister , chuka umunna , could be bothered to attend .after tony blair 's speech in his former constituency of sedgefield last week , the former pm made an appearance at a low-key private fundraising dinner for 15 labour target seats .during a dinner held in an indian banquet hall in morden , blair ( pictured last week in newton aycliffe , county durham ) name-checked ed miliband only once , devoting his speech instead to his own achievements\n", - "an earlier version of this article wrongly referred to erith and thamesmead 's conservative parliamentary candidate mrs anna firth posting pictures of litter in bromley to shame her political opponent .\n", - "[1.2214898 1.2734405 1.2628188 1.0667484 1.2116741 1.2604105 1.1296417\n", - " 1.1792758 1.0698955 1.0313665 1.0304466 1.0653106 1.088227 1.0463699\n", - " 1.037806 1.0329607 1.0128931 1.0321976 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 5 0 4 7 6 12 8 3 11 13 14 15 17 9 10 16 20 18 19 21]\n", - "=======================\n", - "['a new book has now archived the changing face of italian fashion , from the post-war years to the 21st century .the book was compiled by enrico quinto and paolo tinarelli - the two men who were the first to introduce the concept of vintage style in italyfamous italian designers like fendi , gucci and prada may be toted by celebrities such as rihanna , kate moss and katy perry , but few are probably aware of the history behind the brands they wear .']\n", - "=======================\n", - "[\"italian glamour : the essence of italian fashion , from the postwar years to the present day captures the rise of the country 's fashion powerhouseslooks at designers such as pucci in the 50s and prada in the 90shighlights key moments in fashion folklore including liz hurley wearing versace 's dress at the four weddings and a funeral premiere in 1994book written by enrico quinto , 51 , and paolo tinarelli , 49\"]\n", - "a new book has now archived the changing face of italian fashion , from the post-war years to the 21st century .the book was compiled by enrico quinto and paolo tinarelli - the two men who were the first to introduce the concept of vintage style in italyfamous italian designers like fendi , gucci and prada may be toted by celebrities such as rihanna , kate moss and katy perry , but few are probably aware of the history behind the brands they wear .\n", - "italian glamour : the essence of italian fashion , from the postwar years to the present day captures the rise of the country 's fashion powerhouseslooks at designers such as pucci in the 50s and prada in the 90shighlights key moments in fashion folklore including liz hurley wearing versace 's dress at the four weddings and a funeral premiere in 1994book written by enrico quinto , 51 , and paolo tinarelli , 49\n", - "[1.2331703 1.401068 1.2525887 1.3032072 1.1102983 1.1531575 1.086336\n", - " 1.0441372 1.0333966 1.0967733 1.0478644 1.0823852 1.0701828 1.0195086\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 5 4 9 6 11 12 10 7 8 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"since campaigning group getup launched the gender price gap website last week , members and everyday consumers have identified nine separate products that have identical female versions which cost more .bonds has been identified as one of the main culprits , advertising a button-up shirt , that comes in both ` summer blue ' and ` blue denim ' colour options , on their australian website for $ 59.95 .from identical shirts to shaving razors , deodorant and even children 's chocolate , a new website has exposed that australian women are paying more than men for the same everyday consumer goods .\"]\n", - "=======================\n", - "[\"the gender price gap website has exposed nine products that have identical female versions that cost morethese include shirts , disposable razors , deodorants and even chocolateswebsite encourages women to find and share other ` cost gap ' exampleswhile the difference is only small in the short term , getup argues that it accumulates to hundreds and even thousands of dollars more over years\"]\n", - "since campaigning group getup launched the gender price gap website last week , members and everyday consumers have identified nine separate products that have identical female versions which cost more .bonds has been identified as one of the main culprits , advertising a button-up shirt , that comes in both ` summer blue ' and ` blue denim ' colour options , on their australian website for $ 59.95 .from identical shirts to shaving razors , deodorant and even children 's chocolate , a new website has exposed that australian women are paying more than men for the same everyday consumer goods .\n", - "the gender price gap website has exposed nine products that have identical female versions that cost morethese include shirts , disposable razors , deodorants and even chocolateswebsite encourages women to find and share other ` cost gap ' exampleswhile the difference is only small in the short term , getup argues that it accumulates to hundreds and even thousands of dollars more over years\n", - "[1.4702011 1.3971146 1.2614866 1.2760656 1.1977438 1.0935322 1.04439\n", - " 1.0220336 1.0862031 1.0650692 1.036841 1.0129071 1.012655 1.0173732\n", - " 1.0958337 1.0400811 1.0301136 1.0386657 1.0306904 1.0477731 1.0759836\n", - " 1.0814444]\n", - "\n", - "[ 0 1 3 2 4 14 5 8 21 20 9 19 6 15 17 10 18 16 7 13 11 12]\n", - "=======================\n", - "['( cnn ) deputies rushed kenneth morgan stancil iii from court thursday after the 20-year-old murder suspect swore at a judge and tried to flip over a table .stancil is accused of killing an employee monday at wayne community college in goldsboro , north carolina .authorities arrested stancil after he was found sleeping on a florida beach on tuesday .']\n", - "=======================\n", - "['kenneth morgan stancil , charged with first-degree murder , swears at the judgedeputies escort him from court after he tries to flip over a tablestancil is accused of killing an employee at wayne community college']\n", - "( cnn ) deputies rushed kenneth morgan stancil iii from court thursday after the 20-year-old murder suspect swore at a judge and tried to flip over a table .stancil is accused of killing an employee monday at wayne community college in goldsboro , north carolina .authorities arrested stancil after he was found sleeping on a florida beach on tuesday .\n", - "kenneth morgan stancil , charged with first-degree murder , swears at the judgedeputies escort him from court after he tries to flip over a tablestancil is accused of killing an employee at wayne community college\n", - "[1.4115222 1.4946117 1.3273133 1.3358881 1.1097256 1.2639161 1.0288575\n", - " 1.0325674 1.0184095 1.0172458 1.0167769 1.0259632 1.0690676 1.144837\n", - " 1.0479734 1.0731261 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 2 5 13 4 15 12 14 7 6 11 8 9 10 16 17 18 19 20 21]\n", - "=======================\n", - "['the firm will show off the watch to the public for the first time from tomorrow at its retail stores and several special popup stores around the world .apple has revealed it will only accept online orders for its much-anticipated watch which goes on sale on the 24th april .apple watch , available for pre-order on friday , april 10 , 2015 , comes with a choice of watch case , band and size _ there are 54 possible configurations in all .']\n", - "=======================\n", - "['watch goes on sale on 24th april around the worldpre-orders begin april 10 at 8:01 a.m. bst through the online storeapple says it expects watch will sell out on its first day']\n", - "the firm will show off the watch to the public for the first time from tomorrow at its retail stores and several special popup stores around the world .apple has revealed it will only accept online orders for its much-anticipated watch which goes on sale on the 24th april .apple watch , available for pre-order on friday , april 10 , 2015 , comes with a choice of watch case , band and size _ there are 54 possible configurations in all .\n", - "watch goes on sale on 24th april around the worldpre-orders begin april 10 at 8:01 a.m. bst through the online storeapple says it expects watch will sell out on its first day\n", - "[1.3056304 1.3642629 1.2751596 1.276103 1.3404524 1.0889865 1.1171305\n", - " 1.0771551 1.0468543 1.0631504 1.0407664 1.0252597 1.1071382 1.0580258\n", - " 1.0374291 1.030208 1.0524071 1.0729129 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 0 3 2 6 12 5 7 17 9 13 16 8 10 14 15 11 20 18 19 21]\n", - "=======================\n", - "['police were called after kenneth crowder , 41 , was seen by a witness on friday running naked through a neighborhood calling himself god .a florida man believed to be high on flakka , a designer drug stronger than crystal meth , attacked a police officer after being shocked with a taser twice while claiming he was god , police said .crowder was arrested in melbourne , facing charges of battery on a law-enforcement officer , resisting with violence , and assault with a deadly weapon on a law-enforcement officer .']\n", - "=======================\n", - "['kenneth crowder , 41 , was arrested on friday in melbourne , floridahe was spotted running naked in a neighborhood shouting he was godpolice shocked him with a taser twice , but each time he pulled the probes out of his body and attempted to fight the officerhe was arrested on charges of battery on a law-enforcement officer and resisting with violence']\n", - "police were called after kenneth crowder , 41 , was seen by a witness on friday running naked through a neighborhood calling himself god .a florida man believed to be high on flakka , a designer drug stronger than crystal meth , attacked a police officer after being shocked with a taser twice while claiming he was god , police said .crowder was arrested in melbourne , facing charges of battery on a law-enforcement officer , resisting with violence , and assault with a deadly weapon on a law-enforcement officer .\n", - "kenneth crowder , 41 , was arrested on friday in melbourne , floridahe was spotted running naked in a neighborhood shouting he was godpolice shocked him with a taser twice , but each time he pulled the probes out of his body and attempted to fight the officerhe was arrested on charges of battery on a law-enforcement officer and resisting with violence\n", - "[1.2339878 1.3708739 1.3744483 1.1448064 1.0977509 1.0473541 1.0397961\n", - " 1.0351461 1.0343708 1.0318333 1.1012815 1.1540507 1.0441654 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 11 3 10 4 5 12 6 7 8 9 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"the 120 dairy workers can tuck into a fine-dining meal for as little as # 2 - all made from organic and locally sourced food , prepared by executive chef paul collins , who has spent 20 years working at various michelin-starred restaurants .but it is in fact one of the dishes on offer at the staff canteen at yoghurt maker yeo valley 's headquarters , which overlooks the blagdon countryside in north somerset .soft-poached quail egg , confit of tomato and deep fried polenta all prepared by a michelin-starred chef - you could be forgiven for thinking this is just a meal at another trendy gastro restaurant .\"]\n", - "=======================\n", - "['the yeo valley staff canteen is said to be best in the world and offers restaurant-quality food at subsidised pricesits 120 dairy workers can tuck into a meal for as little as # 2 and now the canteen has been opened up to the publiclocally-sourced food is prepared by michelin-trained chef paul collins against stunning backdrop of the mendipshow does your staff canteen measure up ?']\n", - "the 120 dairy workers can tuck into a fine-dining meal for as little as # 2 - all made from organic and locally sourced food , prepared by executive chef paul collins , who has spent 20 years working at various michelin-starred restaurants .but it is in fact one of the dishes on offer at the staff canteen at yoghurt maker yeo valley 's headquarters , which overlooks the blagdon countryside in north somerset .soft-poached quail egg , confit of tomato and deep fried polenta all prepared by a michelin-starred chef - you could be forgiven for thinking this is just a meal at another trendy gastro restaurant .\n", - "the yeo valley staff canteen is said to be best in the world and offers restaurant-quality food at subsidised pricesits 120 dairy workers can tuck into a meal for as little as # 2 and now the canteen has been opened up to the publiclocally-sourced food is prepared by michelin-trained chef paul collins against stunning backdrop of the mendipshow does your staff canteen measure up ?\n", - "[1.1600232 1.2594627 1.3630768 1.1470323 1.1152625 1.1965845 1.0309058\n", - " 1.0969448 1.092142 1.0441775 1.0303867 1.0943542 1.031732 1.0283887\n", - " 1.0440552 1.0272698 1.0135522 1.0178809 0. 0. ]\n", - "\n", - "[ 2 1 5 0 3 4 7 11 8 9 14 12 6 10 13 15 17 16 18 19]\n", - "=======================\n", - "[\"rupert brooke 's ( pictured ) poem the soldier made him famous outside of literary circlesbrooke 's death at 27 from blood poisoning en route to gallipoli duly cemented his image as the poster-boy of heroic self-sacrifice .( british library # 16.99 )\"]\n", - "=======================\n", - "[\"rupert brooke 's poem the soldier made him famous throughout englandhe died aged 27 from blood poisoning while en route to gallipoliin 2000 , love letters between brookes and phyllis gardner were discoveredit was then , 85 years after his death , that their love affair was revealed\"]\n", - "rupert brooke 's ( pictured ) poem the soldier made him famous outside of literary circlesbrooke 's death at 27 from blood poisoning en route to gallipoli duly cemented his image as the poster-boy of heroic self-sacrifice .( british library # 16.99 )\n", - "rupert brooke 's poem the soldier made him famous throughout englandhe died aged 27 from blood poisoning while en route to gallipoliin 2000 , love letters between brookes and phyllis gardner were discoveredit was then , 85 years after his death , that their love affair was revealed\n", - "[1.2601012 1.4593418 1.248254 1.2132348 1.1785457 1.2026789 1.2507284\n", - " 1.06951 1.0696996 1.0460039 1.0150584 1.0256066 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 6 2 3 5 4 8 7 9 11 10 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"amie cox , 33 , of victoria made the ready admission of the sensory bond she has for son alex , 5 , over her older boy william , 7 , while appearing on an sbs insight programme about sibling rivalry .a mother of two has openly admitted she prefers her younger son boy and says the special bond is caused by his ` special smell ' - and sniffs him all the time .since her revelations surfaced on the insight website , ms cox told daily mail australia she has been attacked and been called ' a freak ' , but that she is ' a normal loving mum ' .\"]\n", - "=======================\n", - "[\"a mother of two admits she has a favourite child because of his smellamie cox says son alex has had ' a smell since he was born 'she says ` there 's some sort of smell connection ' with himshe loves him and his brother equally but alex is the special oneamie says she could n't choose one over another to live or die but favours alexthe 33-year-old says she is being attacked and called ' a freak ' but she 's ' a normal loving mum 'sbs insight programme asks if sibling rivalry might lead to learning and mental health problems and whether family favouritism makes this worse\"]\n", - "amie cox , 33 , of victoria made the ready admission of the sensory bond she has for son alex , 5 , over her older boy william , 7 , while appearing on an sbs insight programme about sibling rivalry .a mother of two has openly admitted she prefers her younger son boy and says the special bond is caused by his ` special smell ' - and sniffs him all the time .since her revelations surfaced on the insight website , ms cox told daily mail australia she has been attacked and been called ' a freak ' , but that she is ' a normal loving mum ' .\n", - "a mother of two admits she has a favourite child because of his smellamie cox says son alex has had ' a smell since he was born 'she says ` there 's some sort of smell connection ' with himshe loves him and his brother equally but alex is the special oneamie says she could n't choose one over another to live or die but favours alexthe 33-year-old says she is being attacked and called ' a freak ' but she 's ' a normal loving mum 'sbs insight programme asks if sibling rivalry might lead to learning and mental health problems and whether family favouritism makes this worse\n", - "[1.1552966 1.0733327 1.0604787 1.0605724 1.2420757 1.0477521 1.0475307\n", - " 1.0309707 1.0375074 1.1407199 1.0413009 1.0358025 1.0361857 1.0591003\n", - " 1.0681428 1.076487 1.0834801 1.163406 1.0342242 1.0321007]\n", - "\n", - "[ 4 17 0 9 16 15 1 14 3 2 13 5 6 10 8 12 11 18 19 7]\n", - "=======================\n", - "[\"five years after the deepwater horizon oil rig disaster that killed 11 people , devastated livelihoods and wreaked havoc on the already fragile natural resources of the gulf of mexico region , it 's time to ask ourselves : what have we learned ?( cnn ) the other day , i searched through hundreds of photos hoping to find a starting point to write this article .the bp oil spill 's legacy continues to haunt this region like a recurring cancer .\"]\n", - "=======================\n", - "['\" out of sight , out of mind \" does n\\'t apply to communities along the gulf of mexico , philippe cousteau sayswe must take the time and effort needed to understand our natural resources , he sayshe says our understanding of how the gulf works remains limited']\n", - "five years after the deepwater horizon oil rig disaster that killed 11 people , devastated livelihoods and wreaked havoc on the already fragile natural resources of the gulf of mexico region , it 's time to ask ourselves : what have we learned ?( cnn ) the other day , i searched through hundreds of photos hoping to find a starting point to write this article .the bp oil spill 's legacy continues to haunt this region like a recurring cancer .\n", - "\" out of sight , out of mind \" does n't apply to communities along the gulf of mexico , philippe cousteau sayswe must take the time and effort needed to understand our natural resources , he sayshe says our understanding of how the gulf works remains limited\n", - "[1.1868786 1.3604472 1.2269431 1.3762105 1.2595181 1.291334 1.2384806\n", - " 1.0690495 1.0355062 1.0917315 1.0674404 1.0731442 1.0175185 1.0544255\n", - " 1.0733912 1.0295837 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 5 4 6 2 0 9 14 11 7 10 13 8 15 12 18 16 17 19]\n", - "=======================\n", - "[\"italian alex bellini will live atop an iceberg in greenland starting next year .the capsule will be 10ft ( three metres ) wide and could fit 10 people - but mr bellini will remove all of the seats apart from one , for himselfhe will live inside a contained ball ( artist 's illustration shown ) , with no means to escape for 12 months .\"]\n", - "=======================\n", - "['italian alex bellini will live atop an iceberg off the coast of north west greenland starting next yearhe will stay in isolation inside a contained ball without opening the hatch for 12 monthsthe capsule will contain supplies and equipment for his survival , and workout equipment to keep him fitits designed to survive harsh conditions - such as the iceberg flipping - and can also float in water']\n", - "italian alex bellini will live atop an iceberg in greenland starting next year .the capsule will be 10ft ( three metres ) wide and could fit 10 people - but mr bellini will remove all of the seats apart from one , for himselfhe will live inside a contained ball ( artist 's illustration shown ) , with no means to escape for 12 months .\n", - "italian alex bellini will live atop an iceberg off the coast of north west greenland starting next yearhe will stay in isolation inside a contained ball without opening the hatch for 12 monthsthe capsule will contain supplies and equipment for his survival , and workout equipment to keep him fitits designed to survive harsh conditions - such as the iceberg flipping - and can also float in water\n", - "[1.1420596 1.4837117 1.3422627 1.3559732 1.1380768 1.1021307 1.0790664\n", - " 1.1013833 1.146456 1.0720932 1.0944506 1.1258632 1.0483366 1.0872296\n", - " 1.0450311 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 8 0 4 11 5 7 10 13 6 9 12 14 18 15 16 17 19]\n", - "=======================\n", - "[\"jamie pettingill , who threatened to slice off a schoolboy 's face , was ordered to complete 350 hours of community service after being found guilty of stealing six mobile phones .pettingill robbed two women , a man and two schoolboys of their phones , and sold them to fund a gambling addiction he was hiding from his family , county court judge sandra davis said .a member of one of australia 's most notorious crime families has escaped jail thanks to his blood-soaked surname .\"]\n", - "=======================\n", - "[\"jamie pettingill avoids prison time after charged with armed robberypettingill threatened to slice off the face of one of the people he robbedjudge sandra davis did not jail pettingill , due to fears over his surnamepettingill 's father , trevor , linked to infamous walsh street murders in 1988the pettingill family inspired australian underworld film , animal kingdom\"]\n", - "jamie pettingill , who threatened to slice off a schoolboy 's face , was ordered to complete 350 hours of community service after being found guilty of stealing six mobile phones .pettingill robbed two women , a man and two schoolboys of their phones , and sold them to fund a gambling addiction he was hiding from his family , county court judge sandra davis said .a member of one of australia 's most notorious crime families has escaped jail thanks to his blood-soaked surname .\n", - "jamie pettingill avoids prison time after charged with armed robberypettingill threatened to slice off the face of one of the people he robbedjudge sandra davis did not jail pettingill , due to fears over his surnamepettingill 's father , trevor , linked to infamous walsh street murders in 1988the pettingill family inspired australian underworld film , animal kingdom\n", - "[1.1451255 1.4312938 1.2518888 1.2300388 1.3439776 1.2749819 1.2108799\n", - " 1.0975884 1.0363505 1.0534186 1.0751561 1.0595708 1.0636444 1.0407964\n", - " 1.0371038 1.0515748 1.144416 1.081765 1.0235732 1.0273576]\n", - "\n", - "[ 1 4 5 2 3 6 0 16 7 17 10 12 11 9 15 13 14 8 19 18]\n", - "=======================\n", - "[\"kathleen bailey , 70 , a church elder and avid charity fundraiser , was given power of attorney over her terminally ill 87-year-old friend 's finances .kathleen bailey ( pictured ) was given a suspended jail sentence after admitting stealing from her dying friend 's bank accountbailey later became a carer for her victim , who was battling breast cancer and had no children .\"]\n", - "=======================\n", - "[\"kathleen bailey , 70 , was given power of attorney over friend 's financesher 87-year-old victim was battling breast cancer and had no childrenbailey helped herself to at least # 1,500 and took trips to north walesshe was given suspended jail sentence after admitting one charge of theft\"]\n", - "kathleen bailey , 70 , a church elder and avid charity fundraiser , was given power of attorney over her terminally ill 87-year-old friend 's finances .kathleen bailey ( pictured ) was given a suspended jail sentence after admitting stealing from her dying friend 's bank accountbailey later became a carer for her victim , who was battling breast cancer and had no children .\n", - "kathleen bailey , 70 , was given power of attorney over friend 's financesher 87-year-old victim was battling breast cancer and had no childrenbailey helped herself to at least # 1,500 and took trips to north walesshe was given suspended jail sentence after admitting one charge of theft\n", - "[1.2366178 1.2732509 1.3846902 1.1186656 1.2165914 1.1102009 1.0807433\n", - " 1.1196767 1.0529859 1.0934762 1.1504017 1.1566904 1.066846 1.0428051\n", - " 1.0260923 1.040566 1.0514898 1.0554361 1.0324991 0. ]\n", - "\n", - "[ 2 1 0 4 11 10 7 3 5 9 6 12 17 8 16 13 15 18 14 19]\n", - "=======================\n", - "[\"according to britain 's sunday times , bloomberg , 73 , is ` considering ' the move , and has the backing of senior officials in britain 's conservative party .bloomberg , who was elected to the top big apple job three times in a row , has reportedly turned his sights across the atlantic , where he dreams of replacing incumbent boris johnson .michael bloomberg wants to be mayor again - but in london rather than new york city , according to reports .\"]\n", - "=======================\n", - "[\"three-time nyc mayor is rumored to be have his sights on londonsources in britain 's ruling conservative party said he could stand for thembloomberg has business interests , property and family in great britainincumbent boris johnson 's term will end in 2016\"]\n", - "according to britain 's sunday times , bloomberg , 73 , is ` considering ' the move , and has the backing of senior officials in britain 's conservative party .bloomberg , who was elected to the top big apple job three times in a row , has reportedly turned his sights across the atlantic , where he dreams of replacing incumbent boris johnson .michael bloomberg wants to be mayor again - but in london rather than new york city , according to reports .\n", - "three-time nyc mayor is rumored to be have his sights on londonsources in britain 's ruling conservative party said he could stand for thembloomberg has business interests , property and family in great britainincumbent boris johnson 's term will end in 2016\n", - "[1.4011832 1.2495341 1.2171785 1.1508046 1.1354194 1.292639 1.1618133\n", - " 1.1612295 1.0667274 1.1522396 1.03207 1.0451579 1.0809715 1.0510817\n", - " 1.0396783 1.0759366 0. 0. 0. 0. ]\n", - "\n", - "[ 0 5 1 2 6 7 9 3 4 12 15 8 13 11 14 10 18 16 17 19]\n", - "=======================\n", - "[\"james whitaker 's brief reign as the ecb 's head of selectors looks set to end when the new director of cricket is announced .it is expected the responsibilities of the chosen appointment will include being in overall charge of selection , leading to the end of whitaker 's stint .his position has looked untenable in any case since paul downton was axed as managing director of england cricket .\"]\n", - "=======================\n", - "[\"james whitaker 's brief reign as ecb head of selectors is coming to an endsam allardyce 's future as west ham boss is subject to speculation at a time when a letter sent by venky 's lawyers is doing the roundsthe letter , from december 2011 , makes numerous disputed claims about kentaro 's involvement in blackburn after venky 's bought the clubthe fa cup is set to be rebranded as the emirates fa cup\"]\n", - "james whitaker 's brief reign as the ecb 's head of selectors looks set to end when the new director of cricket is announced .it is expected the responsibilities of the chosen appointment will include being in overall charge of selection , leading to the end of whitaker 's stint .his position has looked untenable in any case since paul downton was axed as managing director of england cricket .\n", - "james whitaker 's brief reign as ecb head of selectors is coming to an endsam allardyce 's future as west ham boss is subject to speculation at a time when a letter sent by venky 's lawyers is doing the roundsthe letter , from december 2011 , makes numerous disputed claims about kentaro 's involvement in blackburn after venky 's bought the clubthe fa cup is set to be rebranded as the emirates fa cup\n", - "[1.1831691 1.5654981 1.3424938 1.3707652 1.0692207 1.0258095 1.0154306\n", - " 1.0186957 1.097381 1.1387339 1.1307153 1.1449759 1.0523977 1.0123783\n", - " 1.017391 1.0482215 1.0252131 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 11 9 10 8 4 12 15 5 16 7 14 6 13 18 17 19]\n", - "=======================\n", - "[\"mother-of-two kelly parsons , from morden , south west london , has already enabled two couples to have twins and another woman give birth to a boy , thanks to her willingness to go through the painful donation procedure .in the space of 11 months , the 35-year-old 's eggs have become twin girls , twin boys and a baby boy .a super-fertile dental nurse is being hailed a hero after helping scores of childless couples try to conceive - by donating 50 eggs .\"]\n", - "=======================\n", - "['kelly parsons injected herself twice a day with drugs for painful processher eggs have created five kids so far - twin girls , twin boys and a baby boy35-year-old also frozen a number of her eggs for future usemother-of-two has told her daughters they have brothers and sisters']\n", - "mother-of-two kelly parsons , from morden , south west london , has already enabled two couples to have twins and another woman give birth to a boy , thanks to her willingness to go through the painful donation procedure .in the space of 11 months , the 35-year-old 's eggs have become twin girls , twin boys and a baby boy .a super-fertile dental nurse is being hailed a hero after helping scores of childless couples try to conceive - by donating 50 eggs .\n", - "kelly parsons injected herself twice a day with drugs for painful processher eggs have created five kids so far - twin girls , twin boys and a baby boy35-year-old also frozen a number of her eggs for future usemother-of-two has told her daughters they have brothers and sisters\n", - "[1.0618606 1.4786577 1.3709829 1.4608182 1.1349479 1.0904626 1.0641508\n", - " 1.0310261 1.0687891 1.0196384 1.0187835 1.0200089 1.0154157 1.0205636\n", - " 1.0256286 1.2287492 1.0894383 1.021628 1.0165445]\n", - "\n", - "[ 1 3 2 15 4 5 16 8 6 0 7 14 17 13 11 9 10 18 12]\n", - "=======================\n", - "[\"but 17-year-old siobhan o'dell hit back after being sent a rejection letter from duke university , by sending the admissions office a message of her own , rejecting their rejection .siobahn o'dell , 17 , from north carolina , sent this response to an email from the admissions department at duke university telling her she had missed out on a placemiss o'dell 's letter has attracted nearly 100,000 likes and rebolgs since she posted it to her tumblr account , and will even feature in duke 's college newspaper\"]\n", - "=======================\n", - "[\"siobhan o'dell , 17 , had been hoping to get a place at duke universitywhen she got a rejection email she decided not to take no for an answersent college email of her own , saying she could n't accept their rejectionmessage has gone viral and will even feature in duke 's campus paper\"]\n", - "but 17-year-old siobhan o'dell hit back after being sent a rejection letter from duke university , by sending the admissions office a message of her own , rejecting their rejection .siobahn o'dell , 17 , from north carolina , sent this response to an email from the admissions department at duke university telling her she had missed out on a placemiss o'dell 's letter has attracted nearly 100,000 likes and rebolgs since she posted it to her tumblr account , and will even feature in duke 's college newspaper\n", - "siobhan o'dell , 17 , had been hoping to get a place at duke universitywhen she got a rejection email she decided not to take no for an answersent college email of her own , saying she could n't accept their rejectionmessage has gone viral and will even feature in duke 's campus paper\n", - "[1.2745111 1.4700694 1.3054465 1.2386186 1.2409363 1.1033787 1.0905844\n", - " 1.0713083 1.0472435 1.0821608 1.0462785 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 3 5 6 9 7 8 10 17 11 12 13 14 15 16 18]\n", - "=======================\n", - "[\"videos of the south korean defender kim min hyeok , who plays for sagan tosu , have gone viral after he allegedly brutally stamped on the face of opponent mu kanazaki .sagan are ninth in the j-league and furious claims have been made that the 23-year-old deliberately committed the horrific foul after being jostled by 11th-placed kashima antlers player kanazaki .japan 's j-league is just four games into a new season , but already the behaviour of its players is hitting the headlines for the wrong reasons after a player appeared to stamp on an opponent 's face .\"]\n", - "=======================\n", - "[\"kim min hyeok has been accused of stamping on an opponent 's facevideo footage appears to show hyeok 's foot scraping mu kanazaki 's facekanazaki was among the goals in a 3-1 win for his kashima antlers side\"]\n", - "videos of the south korean defender kim min hyeok , who plays for sagan tosu , have gone viral after he allegedly brutally stamped on the face of opponent mu kanazaki .sagan are ninth in the j-league and furious claims have been made that the 23-year-old deliberately committed the horrific foul after being jostled by 11th-placed kashima antlers player kanazaki .japan 's j-league is just four games into a new season , but already the behaviour of its players is hitting the headlines for the wrong reasons after a player appeared to stamp on an opponent 's face .\n", - "kim min hyeok has been accused of stamping on an opponent 's facevideo footage appears to show hyeok 's foot scraping mu kanazaki 's facekanazaki was among the goals in a 3-1 win for his kashima antlers side\n", - "[1.2569933 1.3321431 1.2626263 1.2416067 1.1231114 1.1541675 1.0739098\n", - " 1.1380181 1.0862752 1.0775124 1.0928502 1.0174093 1.0940539 1.0723089\n", - " 1.0177308 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 5 7 4 12 10 8 9 6 13 14 11 15 16 17 18]\n", - "=======================\n", - "[\"it has deployed the massive aircraft carrier uss theodore roosevelt and eight other combat vessels to waters off the embattled country to keep an eye on the shipment - and ` in response to the deteriorating security situation ' there .the cargo ships ' presence raised fears within the saudi-led coalition which is helping yemen 's government fight off iranian-backed rebels known as the houthis .the united states has issued a very ominous warning to nine iranian vessels suspected of carrying weapons to the houthi rebels in the besieged north-african nation of yemen .\"]\n", - "=======================\n", - "['united states has deployed the aircraft carrier uss theodore roosevelt and 11 other ships off the coast of yemennine combat vessels are monitoring iranian vessels suspected of carrying weapons to houthi rebels in the countrypentagon spokesman said they are monitoring the nine cargo ships but refused to say whether they would engagemeanwhile intense fighting between iranian-backed rebels and saudi-led coalition rages on in the embattled nation']\n", - "it has deployed the massive aircraft carrier uss theodore roosevelt and eight other combat vessels to waters off the embattled country to keep an eye on the shipment - and ` in response to the deteriorating security situation ' there .the cargo ships ' presence raised fears within the saudi-led coalition which is helping yemen 's government fight off iranian-backed rebels known as the houthis .the united states has issued a very ominous warning to nine iranian vessels suspected of carrying weapons to the houthi rebels in the besieged north-african nation of yemen .\n", - "united states has deployed the aircraft carrier uss theodore roosevelt and 11 other ships off the coast of yemennine combat vessels are monitoring iranian vessels suspected of carrying weapons to houthi rebels in the countrypentagon spokesman said they are monitoring the nine cargo ships but refused to say whether they would engagemeanwhile intense fighting between iranian-backed rebels and saudi-led coalition rages on in the embattled nation\n", - "[1.4561095 1.2666929 1.2528683 1.3902227 1.1826011 1.1176524 1.1405334\n", - " 1.0769631 1.0355545 1.1098295 1.0702478 1.083113 1.0508827 1.0619696\n", - " 1.0371798 1.1159881 1.0189999 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 6 5 15 9 11 7 10 13 12 14 8 16 17 18]\n", - "=======================\n", - "[\"cesc fabregas wore a special protective face mask on sunday as he scored the winning goal in chelsea 's 1-0 victory over qpr .having broken his nose last week , the spaniard netted with just two minutes to go following a poor clearance from qpr goalkeeper rob green before removing the mask to celebrate .fabregas suffered the break during chelsea 's win over stoke city last saturday , taking a hit to the face from charlie adam 's forearm minutes before the scot struck a 66-yard wondergoal at stamford bridge .\"]\n", - "=======================\n", - "['cesc fabregas wore protective face mask during chelsea clash with qprmidfielder scored the winning goal as chelsea claimed a 1-0 victoryspaniard broke his nose in a challenge with charlie adam last saturdaychelsea midfielder travelled to italy to have a protective mask fittedortholabsport have also made masks for petr cech and fernando torres']\n", - "cesc fabregas wore a special protective face mask on sunday as he scored the winning goal in chelsea 's 1-0 victory over qpr .having broken his nose last week , the spaniard netted with just two minutes to go following a poor clearance from qpr goalkeeper rob green before removing the mask to celebrate .fabregas suffered the break during chelsea 's win over stoke city last saturday , taking a hit to the face from charlie adam 's forearm minutes before the scot struck a 66-yard wondergoal at stamford bridge .\n", - "cesc fabregas wore protective face mask during chelsea clash with qprmidfielder scored the winning goal as chelsea claimed a 1-0 victoryspaniard broke his nose in a challenge with charlie adam last saturdaychelsea midfielder travelled to italy to have a protective mask fittedortholabsport have also made masks for petr cech and fernando torres\n", - "[1.2693765 1.4025089 1.2252868 1.1344697 1.1411884 1.075546 1.0961059\n", - " 1.0939602 1.0704958 1.0720384 1.0628386 1.0662594 1.0496076 1.1197149\n", - " 1.0811133 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 3 13 6 7 14 5 9 8 11 10 12 17 15 16 18]\n", - "=======================\n", - "[\"in a ` peculiar ' incident just one day before his death , the oscar-winning actor , who had been diagnosed with parkinson 's , stuffed his collection of watches into a sock and took it to a friend for safekeeping .robin williams spent his last days in a paranoid frenzy , aware that ` something else was wrong with him ' , a british television show will claim tonight .feud : mrs schneider williams , williams ' third wife , is in a battle with his three children from previous marriages -- zak , zelda and cody -- over his # 33million estate .\"]\n", - "=======================\n", - "['post-mortem examination showed the actor had undiagnosed dementiathe condition could explain his insomnia , anxiety and paranoid tendenciesinternet searches suggest he knew something else was wrong , expert sayshis wife described how he stuffed watches in socks shortly before deathautopsy : the last hours of robin williams airs tonight on channel 5 at 9pm .']\n", - "in a ` peculiar ' incident just one day before his death , the oscar-winning actor , who had been diagnosed with parkinson 's , stuffed his collection of watches into a sock and took it to a friend for safekeeping .robin williams spent his last days in a paranoid frenzy , aware that ` something else was wrong with him ' , a british television show will claim tonight .feud : mrs schneider williams , williams ' third wife , is in a battle with his three children from previous marriages -- zak , zelda and cody -- over his # 33million estate .\n", - "post-mortem examination showed the actor had undiagnosed dementiathe condition could explain his insomnia , anxiety and paranoid tendenciesinternet searches suggest he knew something else was wrong , expert sayshis wife described how he stuffed watches in socks shortly before deathautopsy : the last hours of robin williams airs tonight on channel 5 at 9pm .\n", - "[1.3845613 1.0427605 1.031199 1.1068392 1.289226 1.1842885 1.047088\n", - " 1.1617376 1.1282189 1.1292162 1.0252944 1.0214179 1.0158609 1.0173672\n", - " 1.0862993 1.0926019 1.0616876 1.0648147 1.0445896]\n", - "\n", - "[ 0 4 5 7 9 8 3 15 14 17 16 6 18 1 2 10 11 13 12]\n", - "=======================\n", - "['( cnn ) every week in the heart of nima , a slum in the ghanaian capital of accra , families congregate at a local mosque .agyare \\'s first visit to see the girls -- students at education project achievers ghana -- was in january 2014 .this was supposed to be a one-off seminar as part of her mentorship initiative \" tech needs girls \" -- however , the students proved quite a draw .']\n", - "=======================\n", - "[\"many girls in nima , one of accra 's poorest slums , receive little or no educationachievers ghana is a school funded by the community to give the next generation a better chance of successgirls are being taught to code by tech entrepreneur regina agyare , who believes her students will go far\"]\n", - "( cnn ) every week in the heart of nima , a slum in the ghanaian capital of accra , families congregate at a local mosque .agyare 's first visit to see the girls -- students at education project achievers ghana -- was in january 2014 .this was supposed to be a one-off seminar as part of her mentorship initiative \" tech needs girls \" -- however , the students proved quite a draw .\n", - "many girls in nima , one of accra 's poorest slums , receive little or no educationachievers ghana is a school funded by the community to give the next generation a better chance of successgirls are being taught to code by tech entrepreneur regina agyare , who believes her students will go far\n", - "[1.4118193 1.2713393 1.3317908 1.1930058 1.1802733 1.1429576 1.1037508\n", - " 1.066399 1.0869354 1.0660235 1.0985214 1.1227942 1.0400395 1.0323166\n", - " 1.0352294 1.0569844 1.0558376 1.0242734 0. ]\n", - "\n", - "[ 0 2 1 3 4 5 11 6 10 8 7 9 15 16 12 14 13 17 18]\n", - "=======================\n", - "['( cnn ) an egyptian court sentenced the leader of the muslim brotherhood , mohamed badie , on saturday to death by hanging , along with 13 members of his group .the criminal court sentenced 36 other defendants to life in prison on charges of plotting terrorist attacks against state facilities .the sentences will be appealed .']\n", - "=======================\n", - "['the death sentences will be appealedmohamed soltan , a 27-year-old u.s.-egyptian activist on a hunger strike , is sentenced to life in prisonletter from soltan \\'s sister : \" your face , with its beautiful smile ... now looks permanently in pain \"']\n", - "( cnn ) an egyptian court sentenced the leader of the muslim brotherhood , mohamed badie , on saturday to death by hanging , along with 13 members of his group .the criminal court sentenced 36 other defendants to life in prison on charges of plotting terrorist attacks against state facilities .the sentences will be appealed .\n", - "the death sentences will be appealedmohamed soltan , a 27-year-old u.s.-egyptian activist on a hunger strike , is sentenced to life in prisonletter from soltan 's sister : \" your face , with its beautiful smile ... now looks permanently in pain \"\n", - "[1.3663011 1.4292235 1.3746667 1.461627 1.2204301 1.0751864 1.0197268\n", - " 1.0227121 1.0149664 1.0217004 1.0419191 1.0194397 1.0151329 1.0553852\n", - " 1.2210463 1.1658646 1.027077 1.0224775 1.234551 ]\n", - "\n", - "[ 3 1 2 0 18 14 4 15 5 13 10 16 7 17 9 6 11 12 8]\n", - "=======================\n", - "[\"ronnie o'sullivan has admitted he would love to be the presenter of top gearo'sullivan , who begins his second-round match at the crucible against matthew stevens on saturday , has appeared as a guest on the show in the past .o'sullivan beat craig steadman 10-3 in the first round and will play matthew stevens in the last 16\"]\n", - "=======================\n", - "[\"ronnie o'sullivan says he would love to be new top gear presenterthe five-time world snooker champion has an affection for carso'sullivan has appeared as a guest on the show in the pastthe 39-year-old plays matthew stevens in the second round\"]\n", - "ronnie o'sullivan has admitted he would love to be the presenter of top gearo'sullivan , who begins his second-round match at the crucible against matthew stevens on saturday , has appeared as a guest on the show in the past .o'sullivan beat craig steadman 10-3 in the first round and will play matthew stevens in the last 16\n", - "ronnie o'sullivan says he would love to be new top gear presenterthe five-time world snooker champion has an affection for carso'sullivan has appeared as a guest on the show in the pastthe 39-year-old plays matthew stevens in the second round\n", - "[1.2674645 1.375905 1.3200154 1.1859554 1.223209 1.0375808 1.1853138\n", - " 1.134919 1.0639994 1.0587485 1.0307742 1.0298427 1.126498 1.0851547\n", - " 1.0607033 1.0587503 1.0317764 0. 0. ]\n", - "\n", - "[ 1 2 0 4 3 6 7 12 13 8 14 15 9 5 16 10 11 17 18]\n", - "=======================\n", - "[\"pitt , 51 , vowed to help ` make it right ' for the city 's thousands of displaced citizens by building eco-friendly homes to replace the ones destroyed .the star personally backed the building of 104 homes in the lower ninth quarter of the city , decimated in the 2005 storm , which killed almost 2,000 .a charity set up by brad pitt to build new houses for people made homeless when hurricane katrina ravaged new orleans a decade ago is embroiled in legal action -- after the new homes started to rot .\"]\n", - "=======================\n", - "[\"brad pitt set up charity to build new houses after hurricane katrina in 2005make it right foundation embroiled in legal action after homes began to rotclaims it was lured into buying the special wood only to discover it rottedcharity is suing timber treatment technologies for ` in excess ' of $ 500k\"]\n", - "pitt , 51 , vowed to help ` make it right ' for the city 's thousands of displaced citizens by building eco-friendly homes to replace the ones destroyed .the star personally backed the building of 104 homes in the lower ninth quarter of the city , decimated in the 2005 storm , which killed almost 2,000 .a charity set up by brad pitt to build new houses for people made homeless when hurricane katrina ravaged new orleans a decade ago is embroiled in legal action -- after the new homes started to rot .\n", - "brad pitt set up charity to build new houses after hurricane katrina in 2005make it right foundation embroiled in legal action after homes began to rotclaims it was lured into buying the special wood only to discover it rottedcharity is suing timber treatment technologies for ` in excess ' of $ 500k\n", - "[1.3407098 1.3362403 1.1151233 1.3554094 1.2846489 1.1313492 1.0483003\n", - " 1.0259678 1.0739411 1.1388267 1.0213865 1.0533172 1.132633 1.0984181\n", - " 1.0175507 1.0108793 1.0236787 0. 0. ]\n", - "\n", - "[ 3 0 1 4 9 12 5 2 13 8 11 6 7 16 10 14 15 17 18]\n", - "=======================\n", - "['asma fahmi was walking to her car with her family when they were attacked by three men from a balconywhen asma fahmi took her ill mother to a matinee screening of les miserables in sydney , the last thing she expected was a violent racial attack on her and her family in broad daylight .the 34-year-old was with her sister and ill mother when they had hard boiled eggs pelted at their heads']\n", - "=======================\n", - "['asma fahmi and her family had hard boiled easter eggs pelted at themthey had just been to see a theatre performance in haymarket , sydney3 british men hurled racial abuse from a balcony as they walked to the carthis is the second time asma has been racially attacked in three yearsher mother suffers from bells palsy and finds it hard to leave the house']\n", - "asma fahmi was walking to her car with her family when they were attacked by three men from a balconywhen asma fahmi took her ill mother to a matinee screening of les miserables in sydney , the last thing she expected was a violent racial attack on her and her family in broad daylight .the 34-year-old was with her sister and ill mother when they had hard boiled eggs pelted at their heads\n", - "asma fahmi and her family had hard boiled easter eggs pelted at themthey had just been to see a theatre performance in haymarket , sydney3 british men hurled racial abuse from a balcony as they walked to the carthis is the second time asma has been racially attacked in three yearsher mother suffers from bells palsy and finds it hard to leave the house\n", - "[1.3040719 1.4693849 1.267767 1.2653322 1.2869343 1.1855367 1.2561613\n", - " 1.093565 1.0695331 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 6 5 7 8 17 16 15 14 9 12 11 10 18 13 19]\n", - "=======================\n", - "[\"hernandez , 26 , is on loan at real from manchester united and scored a late winner in the champions league quarter-final against atletico madrid on wednesday .west ham are planning to move for real madrid 's european goal hero javier hernandez as part of an extensive summer recruitment programme .the striker will leave real at the end of this season and return to manchester united\"]\n", - "=======================\n", - "[\"javier hernandez scored winner against atletico madrid on wednesdaythe mexico international is on loan at real madrid from manchester unitedhernandez does not feature in louis van gaal 's plans for next seasonthe striker , who will have one year left on his contract , would cost # 7m\"]\n", - "hernandez , 26 , is on loan at real from manchester united and scored a late winner in the champions league quarter-final against atletico madrid on wednesday .west ham are planning to move for real madrid 's european goal hero javier hernandez as part of an extensive summer recruitment programme .the striker will leave real at the end of this season and return to manchester united\n", - "javier hernandez scored winner against atletico madrid on wednesdaythe mexico international is on loan at real madrid from manchester unitedhernandez does not feature in louis van gaal 's plans for next seasonthe striker , who will have one year left on his contract , would cost # 7m\n", - "[1.2322298 1.4188478 1.2764785 1.3945429 1.2249088 1.1731522 1.0342054\n", - " 1.0345033 1.0551443 1.0235751 1.0238465 1.0213212 1.0219072 1.1464207\n", - " 1.0169688 1.07464 1.0156507 1.0333602 1.0138823 1.0187104]\n", - "\n", - "[ 1 3 2 0 4 5 13 15 8 7 6 17 10 9 12 11 19 14 16 18]\n", - "=======================\n", - "[\"as renting in the capital soared to an average of more than # 1,100 per month , the second year history and politics student who attends a london university told how she took up sex work -- even visiting some clients at their workplace .a university student has revealed how she turned to sex work after her student loan failed to cover her rent ( picture posed by model )speaking through the english collective of prostitutes ' , the woman -- who asked to remain anonymous -- spoke after a research project revealed more than a fifth of students have thought about being involved in the sex industry .\"]\n", - "=======================\n", - "['a student has revealed she turned to sex work to cover the cost of living and studying in londonshe tried regular work but still struggled to pay the billsshe says that sex work is becoming common practice among students']\n", - "as renting in the capital soared to an average of more than # 1,100 per month , the second year history and politics student who attends a london university told how she took up sex work -- even visiting some clients at their workplace .a university student has revealed how she turned to sex work after her student loan failed to cover her rent ( picture posed by model )speaking through the english collective of prostitutes ' , the woman -- who asked to remain anonymous -- spoke after a research project revealed more than a fifth of students have thought about being involved in the sex industry .\n", - "a student has revealed she turned to sex work to cover the cost of living and studying in londonshe tried regular work but still struggled to pay the billsshe says that sex work is becoming common practice among students\n", - "[1.2713637 1.4369985 1.2085689 1.2887089 1.1306955 1.1379766 1.0223742\n", - " 1.0181072 1.1101376 1.1229537 1.1559912 1.0684128 1.0433189 1.0937598\n", - " 1.0425328 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 10 5 4 9 8 13 11 12 14 6 7 18 15 16 17 19]\n", - "=======================\n", - "[\"the 84-year-old former test captain and internationally renowned cricket commentator was to be farewelled by a group of just twelve people at a secret ceremony organised by his wife , daphne .quiet farewell : cricketing legend richie benaud ( pictured ) was farewelled at a quiet family funeral on wednesday , attended by only immediate relatives including his wife daphne and brother john benauddaphne benaud had kept the details of where and when his funeral service service would be held so under wraps that even immediate family members said they did n't know the location .\"]\n", - "=======================\n", - "['cricketing great richie benaud has been farewelled at small private funeralthe sydney service was attended only by immediate familyrichie benaud died aged 84 last friday from cancercommentary box colleagues and cricketing greats gathered afterwards for memorial']\n", - "the 84-year-old former test captain and internationally renowned cricket commentator was to be farewelled by a group of just twelve people at a secret ceremony organised by his wife , daphne .quiet farewell : cricketing legend richie benaud ( pictured ) was farewelled at a quiet family funeral on wednesday , attended by only immediate relatives including his wife daphne and brother john benauddaphne benaud had kept the details of where and when his funeral service service would be held so under wraps that even immediate family members said they did n't know the location .\n", - "cricketing great richie benaud has been farewelled at small private funeralthe sydney service was attended only by immediate familyrichie benaud died aged 84 last friday from cancercommentary box colleagues and cricketing greats gathered afterwards for memorial\n", - "[1.4492937 1.3523932 1.3237054 1.2927303 1.2373613 1.0739024 1.1070361\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 6 5 17 16 15 14 13 9 11 10 18 8 7 12 19]\n", - "=======================\n", - "['( cnn ) one israeli citizen was killed and another injured in what police are calling a suspected terror attack wednesday night near hebrew university in jerusalem .israel police spokesman micky rosenfeld said a 37-year-old arab motorist from east jerusalem struck two people standing at a bus stop in the french hill section of the city .one victim , identified by police as shalom yohai cherki , 26 , died at the hospital .']\n", - "=======================\n", - "['incident occurred wednesday night near hebrew university in jerusalem , police sayone victim , a 26-year-old man , has died ; a 20-year-old woman is in serious conditionthe suspect is a 37-year-old arab from east jerusalem , israeli police say']\n", - "( cnn ) one israeli citizen was killed and another injured in what police are calling a suspected terror attack wednesday night near hebrew university in jerusalem .israel police spokesman micky rosenfeld said a 37-year-old arab motorist from east jerusalem struck two people standing at a bus stop in the french hill section of the city .one victim , identified by police as shalom yohai cherki , 26 , died at the hospital .\n", - "incident occurred wednesday night near hebrew university in jerusalem , police sayone victim , a 26-year-old man , has died ; a 20-year-old woman is in serious conditionthe suspect is a 37-year-old arab from east jerusalem , israeli police say\n", - "[1.1710165 1.230095 1.2023716 1.2781166 1.1483015 1.1129124 1.0753734\n", - " 1.0931112 1.0491264 1.0313793 1.1151263 1.0388031 1.0282586 1.1973157\n", - " 1.0311314 1.0188913 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 13 0 4 10 5 7 6 8 11 9 14 12 15 18 16 17 19]\n", - "=======================\n", - "[\"benitez famously guided liverpool to the champions league in 2005 as he enjoyed cup successeshe proved this yet again on thursday , when his napoli side blitzed past europa league favourites wolfsburg by four goals to one on the germans ' home turf .but despite managing some of the continent 's most established clubs since leaving valencia just over a decade ago - liverpool , inter , chelsea ( albeit on an interim basis ) and napoli - he has amassed a grand total of zero league titles .\"]\n", - "=======================\n", - "[\"rafa benitez won the champions league and fa cup with liverpoolbut the spaniard is little more than a cup manager , lacking league titlesliverpool fans are grateful to benitez for his successesbut the kop faithful wo n't mind him coming back to england with new club\"]\n", - "benitez famously guided liverpool to the champions league in 2005 as he enjoyed cup successeshe proved this yet again on thursday , when his napoli side blitzed past europa league favourites wolfsburg by four goals to one on the germans ' home turf .but despite managing some of the continent 's most established clubs since leaving valencia just over a decade ago - liverpool , inter , chelsea ( albeit on an interim basis ) and napoli - he has amassed a grand total of zero league titles .\n", - "rafa benitez won the champions league and fa cup with liverpoolbut the spaniard is little more than a cup manager , lacking league titlesliverpool fans are grateful to benitez for his successesbut the kop faithful wo n't mind him coming back to england with new club\n", - "[1.2100668 1.3365766 1.264049 1.3035778 1.109896 1.0329577 1.196348\n", - " 1.1360095 1.1039861 1.0510275 1.1469249 1.0883969 1.0405219 1.0546734\n", - " 1.0588655 1.0492699 1.06592 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 6 10 7 4 8 11 16 14 13 9 15 12 5 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "['alondra luna nunez can be seen screaming and fighting with every ounce of her energy as she is dragged out of her school in front of her mother in guanajuato in central mexico last week .alondra is now back with her real family after a dna test proved that she was not the daughter of houston resident dorotea garcia .she pleaded with the officers , who were working for interpol , not to take her from her parents .']\n", - "=======================\n", - "[\"alondra luna nunez 's case drew international attention after a video of her being forced into a police vehicle last week appeared onlinethere was no immediate explanation of why authorities did not confirm her identity before sending her out of the countrythe foreign ministry said mexican officials were carrying out a court order to send alondra to dorotea garcia , a houston woman\"]\n", - "alondra luna nunez can be seen screaming and fighting with every ounce of her energy as she is dragged out of her school in front of her mother in guanajuato in central mexico last week .alondra is now back with her real family after a dna test proved that she was not the daughter of houston resident dorotea garcia .she pleaded with the officers , who were working for interpol , not to take her from her parents .\n", - "alondra luna nunez 's case drew international attention after a video of her being forced into a police vehicle last week appeared onlinethere was no immediate explanation of why authorities did not confirm her identity before sending her out of the countrythe foreign ministry said mexican officials were carrying out a court order to send alondra to dorotea garcia , a houston woman\n", - "[1.4003056 1.3969433 1.2758671 1.377059 1.3592024 1.0650651 1.0275626\n", - " 1.0266154 1.032938 1.0319806 1.0248221 1.0338342 1.0181563 1.0158503\n", - " 1.0171719 1.0233946 1.0603694 1.0154693 1.0114746 1.0131786 1.0121508\n", - " 1.0131367 1.1392703 1.0950989 1.0196313]\n", - "\n", - "[ 0 1 3 4 2 22 23 5 16 11 8 9 6 7 10 15 24 12 14 13 17 19 21 20\n", - " 18]\n", - "=======================\n", - "[\"jack grealish must concentrate on his aston villa career rather than his international future , according to tim sherwood .sherwood has been impressed with the 19-year-old who starred for villa in their fa cup semi-final win over liverpool on sunday and is now at the centre of a tug of war between the republic of ireland and england .jack grealish takes on liverpool 's emre can at wembley during aston villa 's 2-1 victory at wembley\"]\n", - "=======================\n", - "['jack grealish is wanted by the republic of ireland and englandtim sherwood wants the 19-year-old to focus on playing more for villagrealish will make a decision over international future at end of the season']\n", - "jack grealish must concentrate on his aston villa career rather than his international future , according to tim sherwood .sherwood has been impressed with the 19-year-old who starred for villa in their fa cup semi-final win over liverpool on sunday and is now at the centre of a tug of war between the republic of ireland and england .jack grealish takes on liverpool 's emre can at wembley during aston villa 's 2-1 victory at wembley\n", - "jack grealish is wanted by the republic of ireland and englandtim sherwood wants the 19-year-old to focus on playing more for villagrealish will make a decision over international future at end of the season\n", - "[1.4445921 1.4139141 1.2003444 1.3529301 1.1141341 1.04335 1.2632573\n", - " 1.1286644 1.2019125 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 6 8 2 7 4 5 22 21 20 19 18 17 16 12 14 13 23 11 10 9 15\n", - " 24]\n", - "=======================\n", - "['inter milan will propose a loan with view to a permanent # 15million deal for manchester city misfit stevan jovetic .the 25-year-old striker is keen to return to italy after making just 39 appearances since his # 22million move from fiorentina in 2013 .former manchester city boss roberto mancini is keen on bringing stevan jovetic and yaya toure to inter']\n", - "=======================\n", - "[\"inter milan are keen on signing man city 's stevan jovetic on loan dealthe italian outfit want to have option of signing jovetic for # 15mroberto mancini is also keen on sealing reunion with yaya toureread : manchester city will miss toure when he decides to leave\"]\n", - "inter milan will propose a loan with view to a permanent # 15million deal for manchester city misfit stevan jovetic .the 25-year-old striker is keen to return to italy after making just 39 appearances since his # 22million move from fiorentina in 2013 .former manchester city boss roberto mancini is keen on bringing stevan jovetic and yaya toure to inter\n", - "inter milan are keen on signing man city 's stevan jovetic on loan dealthe italian outfit want to have option of signing jovetic for # 15mroberto mancini is also keen on sealing reunion with yaya toureread : manchester city will miss toure when he decides to leave\n", - "[1.1643212 1.5287614 1.4227039 1.0802798 1.0259832 1.0241536 1.0220947\n", - " 1.0947027 1.2499968 1.1608768 1.1283503 1.2101505 1.1153584 1.0990613\n", - " 1.0181384 1.1591974 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 8 11 0 9 15 10 12 13 7 3 4 5 6 14 23 16 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "['the mountain bike athletes were captured taking huge leaps as the sun went down over portland rock , an island off the coast of weymouth , dorset , on sunday by photographer jack davies .the group included renowned professional trial bike riders jack gear , 25 , andrei burton , 29 , and joe seddon , 19 , who were unfazed by the choppy waters just 10 metres below .these stunning pictures show a trio of daredevil bikers dicing with death as they leap over huge jagged rocks metres above crashing waves .']\n", - "=======================\n", - "['mountain bike athletes were captured as they took giant leaps at portland rock , near weymouth in dorsetgroup are made up of renowned professional trial bike riders , jack gear , 25 , andrei burton , 29 and joe seddon , 19bikers seemed unfazed as sea crashed 10 metres below them while they jumped from one jagged rock to another']\n", - "the mountain bike athletes were captured taking huge leaps as the sun went down over portland rock , an island off the coast of weymouth , dorset , on sunday by photographer jack davies .the group included renowned professional trial bike riders jack gear , 25 , andrei burton , 29 , and joe seddon , 19 , who were unfazed by the choppy waters just 10 metres below .these stunning pictures show a trio of daredevil bikers dicing with death as they leap over huge jagged rocks metres above crashing waves .\n", - "mountain bike athletes were captured as they took giant leaps at portland rock , near weymouth in dorsetgroup are made up of renowned professional trial bike riders , jack gear , 25 , andrei burton , 29 and joe seddon , 19bikers seemed unfazed as sea crashed 10 metres below them while they jumped from one jagged rock to another\n", - "[1.3714793 1.4280537 1.0815674 1.088204 1.1743388 1.1587293 1.2599802\n", - " 1.1307222 1.0758145 1.060541 1.1285499 1.0961094 1.119473 1.0928525\n", - " 1.0243318 1.0120709 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 6 4 5 7 10 12 11 13 3 2 8 9 14 15 22 21 20 16 18 17 23 19\n", - " 24]\n", - "=======================\n", - "[\"investigators say the location the bar was found - somewhere in south florida - has provided them with a big break in the case .the fbi have recovered one of the gold bars stolen in a $ 5 million armored truck robbery in north carolina last month .the highway heist occurred on march 1 in wilson county , almost halfway into the truck 's journey from miami to boston .\"]\n", - "=======================\n", - "['heist occurred march 1 in wilson county , north carolinaarmored truck traveling from miami to boston was robbed by three men275 pounds of gold worth nearly $ 5 million stolena 26-pound gold bar worth $ 500,000 now recovered in south floridapolice previously suspected it was an inside jobthe guards had pulled over because one felt sickgoods transported with company , transvalue , insured up to $ 100 million']\n", - "investigators say the location the bar was found - somewhere in south florida - has provided them with a big break in the case .the fbi have recovered one of the gold bars stolen in a $ 5 million armored truck robbery in north carolina last month .the highway heist occurred on march 1 in wilson county , almost halfway into the truck 's journey from miami to boston .\n", - "heist occurred march 1 in wilson county , north carolinaarmored truck traveling from miami to boston was robbed by three men275 pounds of gold worth nearly $ 5 million stolena 26-pound gold bar worth $ 500,000 now recovered in south floridapolice previously suspected it was an inside jobthe guards had pulled over because one felt sickgoods transported with company , transvalue , insured up to $ 100 million\n", - "[1.2848874 1.4296101 1.3204241 1.3322158 1.2516412 1.2112292 1.0983921\n", - " 1.1204664 1.1086245 1.1092129 1.0095999 1.0216898 1.064428 1.0715704\n", - " 1.0133787 1.0094662 1.007997 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 7 9 8 6 13 12 11 14 10 15 16 17 18]\n", - "=======================\n", - "['the number of australians visiting bali over the past two months was up 16.7 per cent from the same period last year , with more arriving than any other nationality .a proposed ban on alcohol in indonesia could deter australians from holidaying in baliindonesia institute president ross taylor says it is unfortunate the fate of bali nine drug smugglers is probably third on the list of concerns about indonesia among fellow nationals .']\n", - "=======================\n", - "['a proposed ban on alcohol in indonesia could deter australians from balithe number of aussie tourists visiting the island continues to risemini marts would be the initial focus of the alcohol banbut it will not apply to certain tourist locations including five-star hotelsthe proposal could become law as early as the end of this year if backed by president joko widodo']\n", - "the number of australians visiting bali over the past two months was up 16.7 per cent from the same period last year , with more arriving than any other nationality .a proposed ban on alcohol in indonesia could deter australians from holidaying in baliindonesia institute president ross taylor says it is unfortunate the fate of bali nine drug smugglers is probably third on the list of concerns about indonesia among fellow nationals .\n", - "a proposed ban on alcohol in indonesia could deter australians from balithe number of aussie tourists visiting the island continues to risemini marts would be the initial focus of the alcohol banbut it will not apply to certain tourist locations including five-star hotelsthe proposal could become law as early as the end of this year if backed by president joko widodo\n", - "[1.4917252 1.437225 1.3747861 1.4562199 1.2424412 1.0789496 1.0302012\n", - " 1.0219243 1.0251167 1.0355797 1.0183363 1.0173 1.1256319 1.2821851\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 13 4 12 5 9 6 8 7 10 11 17 14 15 16 18]\n", - "=======================\n", - "[\"gregory van der wiel has denied claims that he is set to leave paris saint-germain in the summer and instead reiterated his ` love ' for the club .the dutchman recently had a falling out with his boss laurent blanc after the decision to drop the full back for the champions league clash against chelsea .he told l'equipe : ' i am genuinely happy at psg . '\"]\n", - "=======================\n", - "[\"gregory van der wiel does n't want to leave psg in the summer windowthe dutchman revealed his ` love ' for the club and his team-matespsg continue to be linked with a move for barcelona full back dani alves\"]\n", - "gregory van der wiel has denied claims that he is set to leave paris saint-germain in the summer and instead reiterated his ` love ' for the club .the dutchman recently had a falling out with his boss laurent blanc after the decision to drop the full back for the champions league clash against chelsea .he told l'equipe : ' i am genuinely happy at psg . '\n", - "gregory van der wiel does n't want to leave psg in the summer windowthe dutchman revealed his ` love ' for the club and his team-matespsg continue to be linked with a move for barcelona full back dani alves\n", - "[1.2112584 1.4336617 1.3263884 1.3875682 1.2075884 1.2176565 1.2161759\n", - " 1.1088091 1.0376788 1.010457 1.0120953 1.0109336 1.0088753 1.0671809\n", - " 1.1898317 1.1302782 1.0793805 1.0539114 1.0105475]\n", - "\n", - "[ 1 3 2 5 6 0 4 14 15 7 16 13 17 8 10 11 18 9 12]\n", - "=======================\n", - "['argentinian con-artist sofia davila posted raunchy pictures or herself online and then flirted with unsuspecting men she had contacted on the social network , suggesting they meet up for sex .but after meeting her victims , the 21-year-old from buenos aires , would spike their drinks and wait for them to fall unconscious , before ransacking their homes .she was caught after trying to trick police that she was an innocent bystanders in the robberies']\n", - "=======================\n", - "[\"sofia davila , 21 , nicknamed the ` black widow of facebook ' over crimescaught after going to police , claiming she was forced out her victim 's flatshe has admitted bedding and robbing 15 men after spiking their drinks\"]\n", - "argentinian con-artist sofia davila posted raunchy pictures or herself online and then flirted with unsuspecting men she had contacted on the social network , suggesting they meet up for sex .but after meeting her victims , the 21-year-old from buenos aires , would spike their drinks and wait for them to fall unconscious , before ransacking their homes .she was caught after trying to trick police that she was an innocent bystanders in the robberies\n", - "sofia davila , 21 , nicknamed the ` black widow of facebook ' over crimescaught after going to police , claiming she was forced out her victim 's flatshe has admitted bedding and robbing 15 men after spiking their drinks\n", - "[1.2948358 1.3669224 1.2447413 1.2153902 1.1185284 1.2058237 1.104347\n", - " 1.0402694 1.0974143 1.0619645 1.0694871 1.0536908 1.0510751 1.0857472\n", - " 1.0300077 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 5 4 6 8 13 10 9 11 12 7 14 15 16 17 18]\n", - "=======================\n", - "[\"they reveal the country 's rapid progress in constructing the runway on the contested fiery cross reef which the philippines , vietnam , malaysia , brunei and taiwan all claim .new satellite images have revealed that china has constructed an airstrip on a stretch of disputed territory in the south china sea - and could be planning to build another .china 's building activity in the spratly islands has infuriated neighbouring countries and the united states whose leadership accused the country of bullying others with its ` military muscle ' .\"]\n", - "=======================\n", - "['reveals a massive construction effort on fiery cross reef in spratly islandsthe region is claimed by philippines , vietnam , malaysia , brunei and taiwanchina could use runway to carry out military operations , experts have saidfollows other images of chinese construction in disputed south china sea']\n", - "they reveal the country 's rapid progress in constructing the runway on the contested fiery cross reef which the philippines , vietnam , malaysia , brunei and taiwan all claim .new satellite images have revealed that china has constructed an airstrip on a stretch of disputed territory in the south china sea - and could be planning to build another .china 's building activity in the spratly islands has infuriated neighbouring countries and the united states whose leadership accused the country of bullying others with its ` military muscle ' .\n", - "reveals a massive construction effort on fiery cross reef in spratly islandsthe region is claimed by philippines , vietnam , malaysia , brunei and taiwanchina could use runway to carry out military operations , experts have saidfollows other images of chinese construction in disputed south china sea\n", - "[1.5650927 1.2934109 1.1699442 1.2107344 1.4442948 1.1562178 1.0340956\n", - " 1.1017196 1.0768461 1.0434208 1.0280865 1.0164526 1.0414581 1.0495094\n", - " 1.0917916 1.0190482 1.0395564 1.0450436 0. ]\n", - "\n", - "[ 0 4 1 3 2 5 7 14 8 13 17 9 12 16 6 10 15 11 18]\n", - "=======================\n", - "[\"former world champion ken doherty launched a spirited fightback to lead snooker 's top woman player reanne evans 5-4 at the interval of their world championship first qualifying round match in sheffield .doherty , who won the title in 1997 , won four of the final five frames of the morning session after trailing 3-1 at one stage against 29-year-old evans , a single mum from dudley who is bidding to become the first woman to appear in the main stages of the world finals at the crucible .in total , 128 players are involved in qualifying , including legendary names steve davis and jimmy white .\"]\n", - "=======================\n", - "['reanne evans faces ken doherty in world championship qualifiershe lost the first frame 71-15 against the 1997 world championevans replied well , winning the next three before the mid-session intervalbut doherty fought back and leads 5-4 at the midway pointclick here to follow reanne evans vs ken doherty live']\n", - "former world champion ken doherty launched a spirited fightback to lead snooker 's top woman player reanne evans 5-4 at the interval of their world championship first qualifying round match in sheffield .doherty , who won the title in 1997 , won four of the final five frames of the morning session after trailing 3-1 at one stage against 29-year-old evans , a single mum from dudley who is bidding to become the first woman to appear in the main stages of the world finals at the crucible .in total , 128 players are involved in qualifying , including legendary names steve davis and jimmy white .\n", - "reanne evans faces ken doherty in world championship qualifiershe lost the first frame 71-15 against the 1997 world championevans replied well , winning the next three before the mid-session intervalbut doherty fought back and leads 5-4 at the midway pointclick here to follow reanne evans vs ken doherty live\n", - "[1.3316734 1.3588965 1.1975721 1.2693071 1.18129 1.1233696 1.0778697\n", - " 1.1819763 1.0902481 1.0495013 1.1018003 1.0667579 1.037947 1.0334895\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 7 4 5 10 8 6 11 9 12 13 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"host nick hewer faced a conundrum of his own as he tried , and failed , to stifle his giggles as a blushing ms riley spelt out the word ` erection ' .countdown co-presenter rachel riley was left embarrassed on a recent episode of the show when contestants offered up a rather rude eight-letter word as their answer to the word game .hewer , who first found fame as lord sugar 's sidekick in the apprentice , was clearly trying not to laugh when dubliner gerry tynan and anne lewin , from brighton , both offered up the double entendre .\"]\n", - "=======================\n", - "[\"two contestants on countdown came up with the same word during gameco-presenter rachel riley looked embarrassed as she spelt out ` erection 'host nick hewer failed to stifle his laughter during the awkward moment\"]\n", - "host nick hewer faced a conundrum of his own as he tried , and failed , to stifle his giggles as a blushing ms riley spelt out the word ` erection ' .countdown co-presenter rachel riley was left embarrassed on a recent episode of the show when contestants offered up a rather rude eight-letter word as their answer to the word game .hewer , who first found fame as lord sugar 's sidekick in the apprentice , was clearly trying not to laugh when dubliner gerry tynan and anne lewin , from brighton , both offered up the double entendre .\n", - "two contestants on countdown came up with the same word during gameco-presenter rachel riley looked embarrassed as she spelt out ` erection 'host nick hewer failed to stifle his laughter during the awkward moment\n", - "[1.269135 1.4102544 1.3337293 1.299993 1.3015878 1.0655618 1.0327272\n", - " 1.0443375 1.0784086 1.1394392 1.0582876 1.1901515 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 0 11 9 8 5 10 7 6 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"the intention is to build a single new structure in their place , with more than 5,500 seats , in the south-western corner of the home of cricket - to raise the ground 's overall capacity to almost 30,000 .mcc is operating to a projected budget of # 80million , and hopes work can begin in autumn 2017 - subject to planning permission , consultation with nearby residents and the approval of club members .mcc reveals plans to replace the ` tired ' tavern and allen stands at lord 's , with completion scheduled for 2019\"]\n", - "=======================\n", - "[\"mcc reveals plans to replace the ` tired ' tavern and allen stands at lord 'sthe redevelopment will increase the overall capacity to almost 30,000completion is scheduled for 2019 , in time for the world cup and ashes\"]\n", - "the intention is to build a single new structure in their place , with more than 5,500 seats , in the south-western corner of the home of cricket - to raise the ground 's overall capacity to almost 30,000 .mcc is operating to a projected budget of # 80million , and hopes work can begin in autumn 2017 - subject to planning permission , consultation with nearby residents and the approval of club members .mcc reveals plans to replace the ` tired ' tavern and allen stands at lord 's , with completion scheduled for 2019\n", - "mcc reveals plans to replace the ` tired ' tavern and allen stands at lord 'sthe redevelopment will increase the overall capacity to almost 30,000completion is scheduled for 2019 , in time for the world cup and ashes\n", - "[1.2575481 1.5482786 1.3484399 1.3821725 1.1189457 1.1365918 1.1339713\n", - " 1.0234926 1.036133 1.0290378 1.0204972 1.0390228 1.0187968 1.2144572\n", - " 1.0824682 1.0646182 1.0805606 1.0386282 1.127465 1.0167017 1.0165545]\n", - "\n", - "[ 1 3 2 0 13 5 6 18 4 14 16 15 11 17 8 9 7 10 12 19 20]\n", - "=======================\n", - "[\"louise nesbitt was employed at perth mining exploration company dragon mountain gold .a perth office bookkeeper was fired from her job after she called her boss ' a complete d *** ' in a text messageon january 12 last year , she mistakenly sent a text to her boss meant for her daughter 's boyfriend who was engaged as a contact plumber for the firm .\"]\n", - "=======================\n", - "[\"louise nesbitt was employed as an office bookkeeper at a perth companyshe mistakenly sent a text message to boss calling him ' a complete d *** 'it was sent on january 12 last year and she was fired for gross misconductthe long-time employee claims it was meant to be a ` light-hearted insult 'but the fair work commission ruled against her , saying text was ` hurtful '\"]\n", - "louise nesbitt was employed at perth mining exploration company dragon mountain gold .a perth office bookkeeper was fired from her job after she called her boss ' a complete d *** ' in a text messageon january 12 last year , she mistakenly sent a text to her boss meant for her daughter 's boyfriend who was engaged as a contact plumber for the firm .\n", - "louise nesbitt was employed as an office bookkeeper at a perth companyshe mistakenly sent a text message to boss calling him ' a complete d *** 'it was sent on january 12 last year and she was fired for gross misconductthe long-time employee claims it was meant to be a ` light-hearted insult 'but the fair work commission ruled against her , saying text was ` hurtful '\n", - "[1.2179743 1.4225975 1.3274552 1.3595847 1.2634319 1.0883013 1.0382752\n", - " 1.1034939 1.1317858 1.0296187 1.0455536 1.0335265 1.055066 1.0969912\n", - " 1.0194019 1.0114288 1.0284294 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 8 7 13 5 12 10 6 11 9 16 14 15 17 18 19 20]\n", - "=======================\n", - "['the gold and silver bars had been loaded in murmansk onto a former irish sea ferry , converted into a battle cruiser with her superstructure stripped to take part in a dangerous arctic convoy .the bullion was loaded onto the hms ulster queen ( pictured ) in 1942 and was being transferred to the u.s. as payment for weapons when the case of precious metals was lost overboardevidence has emerged of a wartime blunder that resulted in millions of pounds of russian bullion , supposedly bound for america , being lost in the river clyde .']\n", - "=======================\n", - "['edinburgh engineer detailed how bullion was lost during secret missionleonard h. thomas served on hms ulster queen during arctic convoyshis secret diaries reveal a crate of bullion was lost while being transferredmr thomas wrote it fell into river clyde while being moved to another shipthe mission was so secretive it is not known if bullion was ever recovered']\n", - "the gold and silver bars had been loaded in murmansk onto a former irish sea ferry , converted into a battle cruiser with her superstructure stripped to take part in a dangerous arctic convoy .the bullion was loaded onto the hms ulster queen ( pictured ) in 1942 and was being transferred to the u.s. as payment for weapons when the case of precious metals was lost overboardevidence has emerged of a wartime blunder that resulted in millions of pounds of russian bullion , supposedly bound for america , being lost in the river clyde .\n", - "edinburgh engineer detailed how bullion was lost during secret missionleonard h. thomas served on hms ulster queen during arctic convoyshis secret diaries reveal a crate of bullion was lost while being transferredmr thomas wrote it fell into river clyde while being moved to another shipthe mission was so secretive it is not known if bullion was ever recovered\n", - "[1.3622341 1.5652435 1.2740669 1.2639182 1.2283691 1.1463413 1.034489\n", - " 1.0168079 1.0211836 1.0421852 1.0287966 1.031252 1.1792879 1.1341462\n", - " 1.0652902 1.0205746 1.0092691 1.0125005 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 12 5 13 14 9 6 11 10 8 15 7 17 16 18 19 20]\n", - "=======================\n", - "[\"wilshere was on the bench against reading at wembley on saturday after five months out through injury .jack wilshere can be the future of arsenal 's midfield , but his injury record could turn him into another abou diaby , fears club legend ray parlour .and parlour believes that the 23-year-old 's fitness record is the one thing holding him back from reaching his undoubted potential .\"]\n", - "=======================\n", - "[\"jack wilshere has not played for arsenal since november after limping off at the emirates following a tackle from manchester united 's paddy mcnairhis career has been plagued by injuries , but former arsenal midfielder ray parlour believes he is the future of the clubparlour also reckons arsenal can push chelsea for the title next seasonread : arsenal will help abou diaby get back on track , even if he leaveswinterburn : klopp is perfect for arsenal but give wenger is the right man\"]\n", - "wilshere was on the bench against reading at wembley on saturday after five months out through injury .jack wilshere can be the future of arsenal 's midfield , but his injury record could turn him into another abou diaby , fears club legend ray parlour .and parlour believes that the 23-year-old 's fitness record is the one thing holding him back from reaching his undoubted potential .\n", - "jack wilshere has not played for arsenal since november after limping off at the emirates following a tackle from manchester united 's paddy mcnairhis career has been plagued by injuries , but former arsenal midfielder ray parlour believes he is the future of the clubparlour also reckons arsenal can push chelsea for the title next seasonread : arsenal will help abou diaby get back on track , even if he leaveswinterburn : klopp is perfect for arsenal but give wenger is the right man\n", - "[1.4133987 1.440807 1.0987593 1.4990549 1.0997803 1.1954184 1.1982429\n", - " 1.07092 1.0247452 1.034572 1.0183282 1.0235134 1.0109719 1.1076776\n", - " 1.128446 1.0521402 1.0166098 1.0100836 1.0101829 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 6 5 14 13 4 2 7 15 9 8 11 10 16 12 18 17 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"jolyon palmer will drive in every friday practice session for lotus this seasonfor the first time the enstone-based marque are providing their test and reserve driver with a number of outings in friday 's first practice session ahead of grand prix weekends .jolyon palmer is determined to claim a place in formula one next year after being given the perfect opportunity by lotus to prove himself worthy .\"]\n", - "=======================\n", - "['jolyon palmer will drive in every friday practice session for lotusthe bit is determined to seize his chance with the teamin china , he was only 0.6 seconds behind pastor maldonado']\n", - "jolyon palmer will drive in every friday practice session for lotus this seasonfor the first time the enstone-based marque are providing their test and reserve driver with a number of outings in friday 's first practice session ahead of grand prix weekends .jolyon palmer is determined to claim a place in formula one next year after being given the perfect opportunity by lotus to prove himself worthy .\n", - "jolyon palmer will drive in every friday practice session for lotusthe bit is determined to seize his chance with the teamin china , he was only 0.6 seconds behind pastor maldonado\n", - "[1.294483 1.3636267 1.1874833 1.2632797 1.211809 1.2393936 1.1285461\n", - " 1.0874988 1.0881052 1.1555542 1.0339257 1.1089311 1.0186337 1.0168087\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 5 4 2 9 6 11 8 7 10 12 13 14 15 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"the snp leader insisted she would call the shots in the event of a hung parliament , even though she is not even standing for election to the commons .nicola sturgeon today threatened to ` change the direction ' of the uk parliament without even becoming an mp as the snp stepped up its demands on labour .ms sturgeon has made clear she would act to ` lock ' the tories out of power and prop up a labour government .\"]\n", - "=======================\n", - "[\"snp leader says she will hold talks with westminster parties after may 8first minister is not standing for election and will not be in commonsvows to use fix term parliament act to ` change direction ' of governmentmandelson 's firm says the snp will emerge as the winners of the electiontns poll puts snp up two points on 54 % , with labour down two to 22 %\"]\n", - "the snp leader insisted she would call the shots in the event of a hung parliament , even though she is not even standing for election to the commons .nicola sturgeon today threatened to ` change the direction ' of the uk parliament without even becoming an mp as the snp stepped up its demands on labour .ms sturgeon has made clear she would act to ` lock ' the tories out of power and prop up a labour government .\n", - "snp leader says she will hold talks with westminster parties after may 8first minister is not standing for election and will not be in commonsvows to use fix term parliament act to ` change direction ' of governmentmandelson 's firm says the snp will emerge as the winners of the electiontns poll puts snp up two points on 54 % , with labour down two to 22 %\n", - "[1.2017436 1.4432104 1.3638353 1.2626705 1.1518387 1.1531968 1.1303904\n", - " 1.1749043 1.1353501 1.0910921 1.0678949 1.0228671 1.0654612 1.0699846\n", - " 1.0477405 1.0273443 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 7 5 4 8 6 9 13 10 12 14 15 11 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "['the 48-year-old tourist was stopped by police after she wrote her name and the date on the dome of the florence cathedral .she used an eyeliner pencil to leave her mark on the marble on monday morning , but it did not leave any permanent damage , italian newspaper la nazione reported .a japanese woman has become the latest holidaymaker to face criminal charges in italy for defacing a historic landmark .']\n", - "=======================\n", - "[\"tourist used an eyeliner pencil to write her name and the day 's dateitalian media said the pencil did not leave any permanent marksfamous renaissance dome was designed by architect filippo brunelleschilast month two americans were charged for defacing the colosseum\"]\n", - "the 48-year-old tourist was stopped by police after she wrote her name and the date on the dome of the florence cathedral .she used an eyeliner pencil to leave her mark on the marble on monday morning , but it did not leave any permanent damage , italian newspaper la nazione reported .a japanese woman has become the latest holidaymaker to face criminal charges in italy for defacing a historic landmark .\n", - "tourist used an eyeliner pencil to write her name and the day 's dateitalian media said the pencil did not leave any permanent marksfamous renaissance dome was designed by architect filippo brunelleschilast month two americans were charged for defacing the colosseum\n", - "[1.1887329 1.319051 1.2459414 1.1923709 1.156579 1.2059718 1.1464862\n", - " 1.0869613 1.0701926 1.109721 1.0571955 1.0672923 1.0482545 1.0123937\n", - " 1.0282323 1.0449344 1.0501097 1.0173746 1.0262178 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 5 3 0 4 6 9 7 8 11 10 16 12 15 14 18 17 13 24 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "['the health reforms , which include fining agencies employing models with a bmi under 18 and criminalising pro-anorexia web content , have now passed through the upper house of parliament .an analysis of the reforms by sarah jackson , a research psychologist at university college london , suggested that censoring images of ultra-thin models may ease their adverse effects on young women , such as concerns about body image and behaviours such as unhealthy eating .but rachel cole-fletcher , of durham university says it is not a lifestyle choice and personality traits are to blame ( file photo )']\n", - "=======================\n", - "['rachel cole-fletcher is a teaching fellow at durham university - and works with students looking at cognitive traits associated with anorexia riskargues that rather than skinny models being to blame , other factors arestates that people with anorexia tend to have a certain personality typeand that images of thin women are unlikely to have much of an effect']\n", - "the health reforms , which include fining agencies employing models with a bmi under 18 and criminalising pro-anorexia web content , have now passed through the upper house of parliament .an analysis of the reforms by sarah jackson , a research psychologist at university college london , suggested that censoring images of ultra-thin models may ease their adverse effects on young women , such as concerns about body image and behaviours such as unhealthy eating .but rachel cole-fletcher , of durham university says it is not a lifestyle choice and personality traits are to blame ( file photo )\n", - "rachel cole-fletcher is a teaching fellow at durham university - and works with students looking at cognitive traits associated with anorexia riskargues that rather than skinny models being to blame , other factors arestates that people with anorexia tend to have a certain personality typeand that images of thin women are unlikely to have much of an effect\n", - "[1.4789733 1.1428415 1.1093581 1.1984382 1.1731526 1.1156499 1.1184859\n", - " 1.0779727 1.0198373 1.0196613 1.0507165 1.0392649 1.0724012 1.045237\n", - " 1.0463809 1.0444664 1.0672059 1.055315 1.1592015 1.0664725 1.1411892\n", - " 1.0318698 1.068888 1.0903028 1.0624695 1.0406404]\n", - "\n", - "[ 0 3 4 18 1 20 6 5 2 23 7 12 22 16 19 24 17 10 14 13 15 25 11 21\n", - " 8 9]\n", - "=======================\n", - "[\"michael vaughan , alec stewart and andrew strauss are three former captains bidding to lead england 's reform after paul downton was sacked as managing director .alec stewart ( age 52 )current job : director of cricket at surrey .\"]\n", - "=======================\n", - "['three former captains in the frame to lead english cricketpaul downton was sacked as managing director on wednesdaymichael vaughan has emerged as a leading candidate for the rolealec stewart said he would consider taking up the positionandrew strauss is also well respected within the game of cricket']\n", - "michael vaughan , alec stewart and andrew strauss are three former captains bidding to lead england 's reform after paul downton was sacked as managing director .alec stewart ( age 52 )current job : director of cricket at surrey .\n", - "three former captains in the frame to lead english cricketpaul downton was sacked as managing director on wednesdaymichael vaughan has emerged as a leading candidate for the rolealec stewart said he would consider taking up the positionandrew strauss is also well respected within the game of cricket\n", - "[1.2964668 1.108067 1.0516105 1.4237624 1.1415412 1.2955008 1.1825178\n", - " 1.106566 1.0369656 1.0546013 1.0363748 1.03448 1.0291107 1.0383915\n", - " 1.0575597 1.0320607 1.0392396 1.0202197 1.0293691 1.0263835 1.0339351\n", - " 0. 0. ]\n", - "\n", - "[ 3 0 5 6 4 1 7 14 9 2 16 13 8 10 11 20 15 18 12 19 17 21 22]\n", - "=======================\n", - "['tiger woods returns to action at augusta national golf club to practice ahead of the masters 2015woods was making his first public appearance in 60 days since announcing a hiatus from golfwoods is given a warm welcome from the crowd and soon stops to sign autographs for some of his fans']\n", - "=======================\n", - "['both tiger woods and rory mcilroy took part in the practice session at augusta national golf club ahead of the masters 2015woods was making his return to action and his first appearance for 60 days since taking a break from golf to regain formhe was given a warm welcome by the crowd and looked confident as he made his way around the coursemcilroy , meanwhile , teed off with promising young british starlet bradley neil']\n", - "tiger woods returns to action at augusta national golf club to practice ahead of the masters 2015woods was making his first public appearance in 60 days since announcing a hiatus from golfwoods is given a warm welcome from the crowd and soon stops to sign autographs for some of his fans\n", - "both tiger woods and rory mcilroy took part in the practice session at augusta national golf club ahead of the masters 2015woods was making his return to action and his first appearance for 60 days since taking a break from golf to regain formhe was given a warm welcome by the crowd and looked confident as he made his way around the coursemcilroy , meanwhile , teed off with promising young british starlet bradley neil\n", - "[1.3095832 1.5007977 1.2465092 1.2464453 1.2684596 1.1230117 1.0491406\n", - " 1.1051093 1.0349551 1.0201652 1.0740511 1.0876328 1.0772914 1.0217077\n", - " 1.0159935 1.0331378 1.105537 1.0617198 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 5 16 7 11 12 10 17 6 8 15 13 9 14 21 18 19 20 22]\n", - "=======================\n", - "['mr yuan , from changsha , was involved in the accident on march 24 and has been in hospital ever since .a chinese man recovering in hospital after a car crash had a shock - when all 17 of his girlfriends turned up to see him .none of the women knew he had been seeing anyone else - some for up to nine years - and one even had a son with him .']\n", - "=======================\n", - "['mr yuan was in the accident on march 24 and has been in hospital sinceone girl had been dating him for nine years and another had a son with himpolice have now launched an investigation into allegations of fraud']\n", - "mr yuan , from changsha , was involved in the accident on march 24 and has been in hospital ever since .a chinese man recovering in hospital after a car crash had a shock - when all 17 of his girlfriends turned up to see him .none of the women knew he had been seeing anyone else - some for up to nine years - and one even had a son with him .\n", - "mr yuan was in the accident on march 24 and has been in hospital sinceone girl had been dating him for nine years and another had a son with himpolice have now launched an investigation into allegations of fraud\n", - "[1.2316206 1.5379908 1.2942857 1.4028418 1.2835121 1.1105448 1.0323708\n", - " 1.0408521 1.0204968 1.0209184 1.0255377 1.0299177 1.1729506 1.0916255\n", - " 1.1528927 1.0403054 1.0190694 1.0245742 1.0162051 1.0158262 1.0105469\n", - " 1.0122892 1.0128481]\n", - "\n", - "[ 1 3 2 4 0 12 14 5 13 7 15 6 11 10 17 9 8 16 18 19 22 21 20]\n", - "=======================\n", - "['shocked terry cooper , 79 , was enjoying the sunshine in his garden with his dog sam when the huge animal burst through a hedge with two cubs .mr cooper , from curry rivel , somerset said his dog dragged him back indoors and fears he could have been attacked if his pet had not been there .a pensioner is living in fear after his jack russell saved him from a badger the size of a large pig with six-inch teeth .']\n", - "=======================\n", - "[\"terry cooper , 79 , said a badger the size of a large pig burst through hedgethe pensioner from somerset said his jack russell dragged him indoorsfears he may have been attacked by the badger if his pet had n't been there\"]\n", - "shocked terry cooper , 79 , was enjoying the sunshine in his garden with his dog sam when the huge animal burst through a hedge with two cubs .mr cooper , from curry rivel , somerset said his dog dragged him back indoors and fears he could have been attacked if his pet had not been there .a pensioner is living in fear after his jack russell saved him from a badger the size of a large pig with six-inch teeth .\n", - "terry cooper , 79 , said a badger the size of a large pig burst through hedgethe pensioner from somerset said his jack russell dragged him indoorsfears he may have been attacked by the badger if his pet had n't been there\n", - "[1.2502668 1.5081098 1.2261622 1.4083469 1.1027914 1.0700278 1.0914645\n", - " 1.0964092 1.1410677 1.0566704 1.0306014 1.0328147 1.0629467 1.0455589\n", - " 1.0579684 1.0392169 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 2 8 4 7 6 5 12 14 9 13 15 11 10 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"alassan gobitaca , known as al the jumper , is a swedish guinness world record holder who has jumped over everything from a lamborghini travelling at a speed of 80mph to a pair of moving motorbikes .a daredevil risked life and limb for the opportunity to be named world 's most talented by jumping over a sports car that travelled towards him at 60mph .his stunt driver , hassan explains his thought process when approaching the stunt and states that he considers both the speed and position of his car .\"]\n", - "=======================\n", - "[\"alassan gobitaca , known as al the jumper , completed the stuntgobitaca has previously jumped a lamborghini and a motorbikethe daredevil jumper is a swedish guinness world record holdergobitaca represented sweden in tv show world 's most talented\"]\n", - "alassan gobitaca , known as al the jumper , is a swedish guinness world record holder who has jumped over everything from a lamborghini travelling at a speed of 80mph to a pair of moving motorbikes .a daredevil risked life and limb for the opportunity to be named world 's most talented by jumping over a sports car that travelled towards him at 60mph .his stunt driver , hassan explains his thought process when approaching the stunt and states that he considers both the speed and position of his car .\n", - "alassan gobitaca , known as al the jumper , completed the stuntgobitaca has previously jumped a lamborghini and a motorbikethe daredevil jumper is a swedish guinness world record holdergobitaca represented sweden in tv show world 's most talented\n", - "[1.5865895 1.3009918 1.1532938 1.2329698 1.1396384 1.2215167 1.0567828\n", - " 1.1103137 1.1284237 1.2435497 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 9 3 5 2 4 8 7 6 20 19 18 17 16 11 14 13 12 21 10 15 22]\n", - "=======================\n", - "[\"saracens no 8 billy vunipola , toulon flanker steffon armitage and clermont full back nick abendanon have all been shortlisted for the european player of the year award following their superb performances in this season 's european champions cup .vunipola starred for mark mccall 's side throughout the pool stages and was named man-of-the-match following his side 's 33-10 demolition of munster in round five .the toulon back rower was named on the bench for last sunday 's quarter-final against leinster .\"]\n", - "=======================\n", - "[\"steffon armitage was named european player of the year last seasonbilly vunipola was superb for saracens during his season 's tournamentnick abendanon has starred for 2015 finalists clermont\"]\n", - "saracens no 8 billy vunipola , toulon flanker steffon armitage and clermont full back nick abendanon have all been shortlisted for the european player of the year award following their superb performances in this season 's european champions cup .vunipola starred for mark mccall 's side throughout the pool stages and was named man-of-the-match following his side 's 33-10 demolition of munster in round five .the toulon back rower was named on the bench for last sunday 's quarter-final against leinster .\n", - "steffon armitage was named european player of the year last seasonbilly vunipola was superb for saracens during his season 's tournamentnick abendanon has starred for 2015 finalists clermont\n", - "[1.3845694 1.2449524 1.2441115 1.1766211 1.1805308 1.1602482 1.1019492\n", - " 1.1824732 1.1455728 1.0550438 1.0276624 1.0782645 1.0406232 1.0332357\n", - " 1.0371953 1.0650587 1.051974 1.1013916 1.0884256 1.0978771 1.1044321]\n", - "\n", - "[ 0 1 2 7 4 3 5 8 20 6 17 19 18 11 15 9 16 12 14 13 10]\n", - "=======================\n", - "['( cnn ) a california woman who was recording police activity said she was terrified when a deputy u.s. marshal walked toward her , grabbed her cell phone out of her hands and smashed it with his foot .the incident was recorded by another woman with a smartphone camera across the street .beatriz paez filed a complaint wednesday with police in south gate , just south of los angeles .']\n", - "=======================\n", - "['beatriz paez was walking sunday when she saw police activityshe says marshals told her to stop recording but she refusedmarshals service said it is looking into incident after man took her phone and smashed it']\n", - "( cnn ) a california woman who was recording police activity said she was terrified when a deputy u.s. marshal walked toward her , grabbed her cell phone out of her hands and smashed it with his foot .the incident was recorded by another woman with a smartphone camera across the street .beatriz paez filed a complaint wednesday with police in south gate , just south of los angeles .\n", - "beatriz paez was walking sunday when she saw police activityshe says marshals told her to stop recording but she refusedmarshals service said it is looking into incident after man took her phone and smashed it\n", - "[1.2092863 1.4959877 1.3155776 1.3221899 1.2112814 1.1265903 1.0893526\n", - " 1.128011 1.1560454 1.0578723 1.0336236 1.0119872 1.0331987 1.059282\n", - " 1.0665973 1.0502186 1.1224344 1.0338712 1.0249394 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 8 7 5 16 6 14 13 9 15 17 10 12 18 11 19 20]\n", - "=======================\n", - "['the two-bedroom terraced property in snodland , kent , was first rented by len and beatrice barnes in november 1915 .a house used by five generations of the same family has been put on the market for the first time in 100 years .the couple raised their son gordon and three daughters , freda , hilda and gwendoline , in the property , which used to have an outside bathroom .']\n", - "=======================\n", - "['two-bedroom property first rented by len and beatrice barnes in 1915brought it 40 years later for # 350 before passing it to daughter fredafamily have now all moved away and house is on market for # 164,500']\n", - "the two-bedroom terraced property in snodland , kent , was first rented by len and beatrice barnes in november 1915 .a house used by five generations of the same family has been put on the market for the first time in 100 years .the couple raised their son gordon and three daughters , freda , hilda and gwendoline , in the property , which used to have an outside bathroom .\n", - "two-bedroom property first rented by len and beatrice barnes in 1915brought it 40 years later for # 350 before passing it to daughter fredafamily have now all moved away and house is on market for # 164,500\n", - "[1.2745378 1.5185485 1.106953 1.3925662 1.0476687 1.213179 1.0711138\n", - " 1.0170529 1.0245509 1.1067517 1.0457385 1.2036319 1.0278941 1.0159221\n", - " 1.0142363 1.013807 1.0094774 1.0821905 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 5 11 2 9 17 6 4 10 12 8 7 13 14 15 16 18 19 20]\n", - "=======================\n", - "[\"sydney electronic duo the presets , made up of julian hamilton and kim moyes , published a series of posts on its facebook page on saturday night and sunday morning , hours after it was announced andrew chan and myuran sukumaran would be executed this week .` if you agree with murder , lack compassion and openly display those views on our page then yes , you are a total c *** and can f *** off , ' one post read .one of the posts told fans who disagreed with the band 's stance to ` unfollow us , delete all our music and stop listening to us altogether '\"]\n", - "=======================\n", - "[\"australian band , the presets , shared a number of posts on facebookattacked fans who supported the execution of bali nine duo in indonesia` please unfollow us , delete all our music and stop listening ' , one readfans were divided as some supported the band while others did not\"]\n", - "sydney electronic duo the presets , made up of julian hamilton and kim moyes , published a series of posts on its facebook page on saturday night and sunday morning , hours after it was announced andrew chan and myuran sukumaran would be executed this week .` if you agree with murder , lack compassion and openly display those views on our page then yes , you are a total c *** and can f *** off , ' one post read .one of the posts told fans who disagreed with the band 's stance to ` unfollow us , delete all our music and stop listening to us altogether '\n", - "australian band , the presets , shared a number of posts on facebookattacked fans who supported the execution of bali nine duo in indonesia` please unfollow us , delete all our music and stop listening ' , one readfans were divided as some supported the band while others did not\n", - "[1.134675 1.5974333 1.361083 1.0895691 1.0836077 1.0701702 1.0494096\n", - " 1.0962085 1.1403387 1.0928564 1.0269142 1.3246775 1.0176747 1.1684223\n", - " 1.0646554 1.0771695 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 11 13 8 0 7 9 3 4 15 5 14 6 10 12 19 16 17 18 20]\n", - "=======================\n", - "['angelina santini from san diego , california , filmed her nine-month-old son marcus getting carried away in his bouncer one day .the comical clip shows the youngster lurching back and forth with the device almost touching the floor .at the one-minute-30-second mark , marcus shows no sign of slowing down .']\n", - "=======================\n", - "['angelina santini from san diego , california , filmed her son marcus getting carried away in his bouncer one daythe comical clip shows the youngster lurching back and forth with the device almost touching the floor']\n", - "angelina santini from san diego , california , filmed her nine-month-old son marcus getting carried away in his bouncer one day .the comical clip shows the youngster lurching back and forth with the device almost touching the floor .at the one-minute-30-second mark , marcus shows no sign of slowing down .\n", - "angelina santini from san diego , california , filmed her son marcus getting carried away in his bouncer one daythe comical clip shows the youngster lurching back and forth with the device almost touching the floor\n", - "[1.32168 1.4031479 1.2205496 1.2164553 1.1226383 1.2500063 1.111248\n", - " 1.0711337 1.2174321 1.1547374 1.1423564 1.1010301 1.0085247 1.0239335\n", - " 1.0076596 1.0226823 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 5 2 8 3 9 10 4 6 11 7 13 15 12 14 19 16 17 18 20]\n", - "=======================\n", - "[\"the banner , displayed during roma 's 1-0 defeat of napoli on saturday , caused outcry for insulting the mother of a napoli fan who was killed in violent clashes between supporters last year .roma have been ordered to close part of their stadium for their next home game after supporters were sanctioned for showing an offensive banner over the weekend .roma 's stadio olimpico stadium will be part closed for game against atalanta on april 19 .\"]\n", - "=======================\n", - "['roma stadium will be part closed for game against atalanta april 19supporters displayed banner taunting mother whose son died in clashes between napoli and roma fans after coppa italia final last yearantonella leardi started a campaign against football violence after the death of her son ciro esposito']\n", - "the banner , displayed during roma 's 1-0 defeat of napoli on saturday , caused outcry for insulting the mother of a napoli fan who was killed in violent clashes between supporters last year .roma have been ordered to close part of their stadium for their next home game after supporters were sanctioned for showing an offensive banner over the weekend .roma 's stadio olimpico stadium will be part closed for game against atalanta on april 19 .\n", - "roma stadium will be part closed for game against atalanta april 19supporters displayed banner taunting mother whose son died in clashes between napoli and roma fans after coppa italia final last yearantonella leardi started a campaign against football violence after the death of her son ciro esposito\n", - "[1.189996 1.5412261 1.2569216 1.423017 1.1667424 1.2068634 1.1301074\n", - " 1.1083819 1.1405396 1.0467254 1.016782 1.0123968 1.0181179 1.0473609\n", - " 1.0242832 1.0809011 1.0835707 1.133903 ]\n", - "\n", - "[ 1 3 2 5 0 4 8 17 6 7 16 15 13 9 14 12 10 11]\n", - "=======================\n", - "[\"tom moffatt , 27 , from ashton-under-lyne in tameside , greater manchester , was meant to ink ` riley ' - the name of his four-year-old son - into his left arm .but instead of the letter ` l' , mr moffatt started needling the letter p - and had to urgently ` scribble ' over the mistake .he also attempted to mark himself with riley 's nickname ` sonny boy ' - but ended up scratching ` sony boy ' instead ( right )\"]\n", - "=======================\n", - "[\"tom moffatt , 27 , from ashton-under lyne , tried to ink ` riley ' into left armbut instead of ` l' , he started needling letter ` p ' - and had to scribble it outhe also attempted to write riley 's nickname ` sonny boy ' - but ended up scratching ` sony boy ' across knuckles insteadnhs worker is having laser removal to try and rid of the botched inkwork\"]\n", - "tom moffatt , 27 , from ashton-under-lyne in tameside , greater manchester , was meant to ink ` riley ' - the name of his four-year-old son - into his left arm .but instead of the letter ` l' , mr moffatt started needling the letter p - and had to urgently ` scribble ' over the mistake .he also attempted to mark himself with riley 's nickname ` sonny boy ' - but ended up scratching ` sony boy ' instead ( right )\n", - "tom moffatt , 27 , from ashton-under lyne , tried to ink ` riley ' into left armbut instead of ` l' , he started needling letter ` p ' - and had to scribble it outhe also attempted to write riley 's nickname ` sonny boy ' - but ended up scratching ` sony boy ' across knuckles insteadnhs worker is having laser removal to try and rid of the botched inkwork\n", - "[1.1088666 1.2865852 1.5435493 1.0870425 1.0497134 1.4598858 1.2418009\n", - " 1.0504743 1.0211787 1.044339 1.0171009 1.2091811 1.0284352 1.0194343\n", - " 1.0217406 1.0151983 1.027744 1.0217979]\n", - "\n", - "[ 2 5 1 6 11 0 3 7 4 9 12 16 17 14 8 13 10 15]\n", - "=======================\n", - "[\"jade ruthven , 33 , of perth , western australia , was shocked when she found the scathing note claiming to be from ` a few of the girls ' , cruelly criticising her for posting photos of her six-month-old daughter addison on facebook .but one group of women were so fed up with their friend 's ` running commentary ' they went to the extreme measure of putting an anonymous letter in her mailbox demanding she give everyone ' a break ' .the author claims the rant was written on behalf of everyone who views jade 's facebook posts .\"]\n", - "=======================\n", - "['a new mother was shocked to receive a scathing letterunsigned letter slammed her for posting too much on facebook about her babyletter to jade ruthven claimed to come from her friendsshe chose to respond by posting even more photos of her baby to take a stand against the bulliesshe has no idea who sent the cruel letter or why they chose to be so mean']\n", - "jade ruthven , 33 , of perth , western australia , was shocked when she found the scathing note claiming to be from ` a few of the girls ' , cruelly criticising her for posting photos of her six-month-old daughter addison on facebook .but one group of women were so fed up with their friend 's ` running commentary ' they went to the extreme measure of putting an anonymous letter in her mailbox demanding she give everyone ' a break ' .the author claims the rant was written on behalf of everyone who views jade 's facebook posts .\n", - "a new mother was shocked to receive a scathing letterunsigned letter slammed her for posting too much on facebook about her babyletter to jade ruthven claimed to come from her friendsshe chose to respond by posting even more photos of her baby to take a stand against the bulliesshe has no idea who sent the cruel letter or why they chose to be so mean\n", - "[1.0561051 1.3237674 1.1896994 1.393437 1.2952883 1.105694 1.2119505\n", - " 1.1465857 1.074469 1.1307598 1.1095616 1.1078753 1.1061437 1.022942\n", - " 1.0247164 1.0453802 1.0106196 0. ]\n", - "\n", - "[ 3 1 4 6 2 7 9 10 11 12 5 8 0 15 14 13 16 17]\n", - "=======================\n", - "[\"a small chocolate bunny contains 2212 kjs and would take an hour and ten minutes of swimming to work offaccording to the abc , the key is to maintain an even balance of ` energy in ' and ` energy out . 'this means that the energy we put into our bodies through food and drink must be equated with exercise to burn the energy and avoid gaining weight .\"]\n", - "=======================\n", - "[\"the key for easter indulgence is noting our ` energy in ' and ` energy out 'for four mini easter eggs it would take 30-40 minutes of walking to work offtwo hot cross buns without butter take up to 50 minutes of runningit is advised that we manage our energy consumption instead of working it off after it has been taken in\"]\n", - "a small chocolate bunny contains 2212 kjs and would take an hour and ten minutes of swimming to work offaccording to the abc , the key is to maintain an even balance of ` energy in ' and ` energy out . 'this means that the energy we put into our bodies through food and drink must be equated with exercise to burn the energy and avoid gaining weight .\n", - "the key for easter indulgence is noting our ` energy in ' and ` energy out 'for four mini easter eggs it would take 30-40 minutes of walking to work offtwo hot cross buns without butter take up to 50 minutes of runningit is advised that we manage our energy consumption instead of working it off after it has been taken in\n", - "[1.4454813 1.4699401 1.2822161 1.2046171 1.1178039 1.2413061 1.1825914\n", - " 1.1304593 1.0747494 1.1500242 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 5 3 6 9 7 4 8 10 11 12 13 14 15 16 17]\n", - "=======================\n", - "[\"carroll , who is on loan from tottenham , was hurt during england under 21s ' 1-0 victory over the czech republic last friday .swansea 's england under 21 international tom carroll faces up to six weeks on the sidelines due to ankle ligament damage .he scored the only goal as england triumphed in prague .\"]\n", - "=======================\n", - "[\"swansea midfielder tom carroll is on a season-long loan from tottenhamthe 22-year-old has featured 18 times for the swans this seasoncarroll could be out for up to six weeks after injuring his anklehe scored the only goal during england u21s ' win against czech republic\"]\n", - "carroll , who is on loan from tottenham , was hurt during england under 21s ' 1-0 victory over the czech republic last friday .swansea 's england under 21 international tom carroll faces up to six weeks on the sidelines due to ankle ligament damage .he scored the only goal as england triumphed in prague .\n", - "swansea midfielder tom carroll is on a season-long loan from tottenhamthe 22-year-old has featured 18 times for the swans this seasoncarroll could be out for up to six weeks after injuring his anklehe scored the only goal during england u21s ' win against czech republic\n", - "[1.3771089 1.3192648 1.2051232 1.168822 1.2234198 1.0870587 1.0544536\n", - " 1.1042889 1.1098332 1.1450613 1.099486 1.082499 1.0885956 1.1187205\n", - " 1.0644889 1.0386499 1.0073453 1.0111712]\n", - "\n", - "[ 0 1 4 2 3 9 13 8 7 10 12 5 11 14 6 15 17 16]\n", - "=======================\n", - "[\"brendan rodgers has insisted that raheem sterling will be going nowhere this summer and that he is ` relaxed ' about the star 's stalled contract talks .raheem sterling looks relaxed during liverpool 's training session on thursday morning despite uncertainty over his future at the club following revelations made in a tv interviewbut although rodgers admitted the interview was conducted without the club 's consent and ` surprised us all ' , he said sterling was still young and ` sometimes makes mistakes ' .\"]\n", - "=======================\n", - "[\"liverpool manager said raheem sterling is ` going nowhere ' this summerbrendan rodgers said club are a ` superpower ' and do n't have to sell starssterling in relaxed mood as liverpool trained on thursday morningengland star joked with daniel sturridge and shook hands with rodgerssterling said on tv he is not ready to sign a # 100,000-a-week contractrodgers said the bbc interview took everyone at club by surprisecontract talks look set to be dragged out to the summersterling admitted in interview he is ` flattered ' by interest from arsenal\"]\n", - "brendan rodgers has insisted that raheem sterling will be going nowhere this summer and that he is ` relaxed ' about the star 's stalled contract talks .raheem sterling looks relaxed during liverpool 's training session on thursday morning despite uncertainty over his future at the club following revelations made in a tv interviewbut although rodgers admitted the interview was conducted without the club 's consent and ` surprised us all ' , he said sterling was still young and ` sometimes makes mistakes ' .\n", - "liverpool manager said raheem sterling is ` going nowhere ' this summerbrendan rodgers said club are a ` superpower ' and do n't have to sell starssterling in relaxed mood as liverpool trained on thursday morningengland star joked with daniel sturridge and shook hands with rodgerssterling said on tv he is not ready to sign a # 100,000-a-week contractrodgers said the bbc interview took everyone at club by surprisecontract talks look set to be dragged out to the summersterling admitted in interview he is ` flattered ' by interest from arsenal\n", - "[1.2306423 1.1066445 1.1064174 1.1618314 1.0649337 1.0626197 1.2486942\n", - " 1.0879362 1.1193432 1.2141088 1.0235856 1.0290619 1.0288686 1.0282389\n", - " 1.1306515 1.1204805 1.1012771 1.0869347 1.1122603 1.1091446 0.\n", - " 0. ]\n", - "\n", - "[ 6 0 9 3 14 15 8 18 19 1 2 16 7 17 4 5 11 12 13 10 20 21]\n", - "=======================\n", - "[\"heavy : the gorilla throws his entire weight at the pane of glass at omaha 's henry doorley zooplayful : the little girl can be seen in the window beating her chest at one of the gorillashorror : the family 's terrified reactions were captured in the glass the moment they gorilla hit\"]\n", - "=======================\n", - "[\"toddler filmed beating her chest at the silverback at a nebraska zoogorilla then takes a run at the glass - and hits it with such force it cracksthe footage captures the terrified family running for their livesvideo of thursday 's incident has got 126,000 views since it was uploaded\"]\n", - "heavy : the gorilla throws his entire weight at the pane of glass at omaha 's henry doorley zooplayful : the little girl can be seen in the window beating her chest at one of the gorillashorror : the family 's terrified reactions were captured in the glass the moment they gorilla hit\n", - "toddler filmed beating her chest at the silverback at a nebraska zoogorilla then takes a run at the glass - and hits it with such force it cracksthe footage captures the terrified family running for their livesvideo of thursday 's incident has got 126,000 views since it was uploaded\n", - "[1.5050728 1.37694 1.1210263 1.2097536 1.1400143 1.3361003 1.0765996\n", - " 1.0406201 1.0310558 1.0192008 1.0112131 1.1518358 1.1998118 1.1894995\n", - " 1.0187833 1.0089468 1.0103258 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 5 3 12 13 11 4 2 6 7 8 9 14 10 16 15 17 18 19 20 21]\n", - "=======================\n", - "['stoke midfielder charlie adam was left with mixed emotions after scoring the best goal of his career only to end up a loser at stamford bridge .adam netted one of the most memorable goals in premier league history as he lobbed chelsea goalkeeper thibaut courtois from 66 yards on the stroke of half-time .stoke manager mark hughes has seen his side lose in their last three premier league encounters']\n", - "=======================\n", - "[\"charlie adam scored stoke 's equaliser against chelsea from 66 yards outstoke ended up losing 2-1 against chelsea at stamford bridge on saturdaythe loss was stoke 's third in a row but adam backs them to return to form\"]\n", - "stoke midfielder charlie adam was left with mixed emotions after scoring the best goal of his career only to end up a loser at stamford bridge .adam netted one of the most memorable goals in premier league history as he lobbed chelsea goalkeeper thibaut courtois from 66 yards on the stroke of half-time .stoke manager mark hughes has seen his side lose in their last three premier league encounters\n", - "charlie adam scored stoke 's equaliser against chelsea from 66 yards outstoke ended up losing 2-1 against chelsea at stamford bridge on saturdaythe loss was stoke 's third in a row but adam backs them to return to form\n", - "[1.3048464 1.3251702 1.1719794 1.0761361 1.0237435 1.3426093 1.1338639\n", - " 1.1169795 1.0896851 1.0948964 1.0747421 1.0839254 1.1420656 1.0847583\n", - " 1.1195369 1.0642521 1.031345 1.086163 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 5 1 0 2 12 6 14 7 9 8 17 13 11 3 10 15 16 4 18 19 20 21]\n", - "=======================\n", - "[\"dean nicole p. eramo blasted rolling stone in an open letter on wednesday over its retracted campus rape storyan associate dean of students at the university of virginia said wednesday a widely discredited rolling stone article caused her professional and personal harm by portraying her as insensitive and unresponsive to an alleged victim of a gang rape .` rolling stone has deeply damaged me both personally and professionally , ' eramo wrote .\"]\n", - "=======================\n", - "[\"nicole p. eramo was ` deeply damaged ' by the article , she says , which portrayed her as the as ` the personification of a heartless administration 'eramo said in an open letter wednesday to publisher jann s. wenner that the magazine has not done enough to make amends\"]\n", - "dean nicole p. eramo blasted rolling stone in an open letter on wednesday over its retracted campus rape storyan associate dean of students at the university of virginia said wednesday a widely discredited rolling stone article caused her professional and personal harm by portraying her as insensitive and unresponsive to an alleged victim of a gang rape .` rolling stone has deeply damaged me both personally and professionally , ' eramo wrote .\n", - "nicole p. eramo was ` deeply damaged ' by the article , she says , which portrayed her as the as ` the personification of a heartless administration 'eramo said in an open letter wednesday to publisher jann s. wenner that the magazine has not done enough to make amends\n", - "[1.3473577 1.3165656 1.2001795 1.1527833 1.2590063 1.3427455 1.0989392\n", - " 1.1205214 1.2512611 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 5 1 4 8 2 3 7 6 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", - "=======================\n", - "['the french rugby federation is looking for candidates to replace france coach philippe saint-andre following the world cup .saint-andre has struggled as head coach of les bleus winning just 15 of his 37 games in chargesaint-andre succeeded marc lievremont ( above ) following the 2011 world cup in new zealand']\n", - "=======================\n", - "['philippe saint-andre succeeded marc lievremont as france coach in 2011lievremont had led les bleus to the world cup final that yearsince taking charge , saint-andre has won just 15 of his 37 gamessaint-andre will remain in charge for the forthcoming world cupbegles-bordeaux coach rapahael ibanez is favourite for the job']\n", - "the french rugby federation is looking for candidates to replace france coach philippe saint-andre following the world cup .saint-andre has struggled as head coach of les bleus winning just 15 of his 37 games in chargesaint-andre succeeded marc lievremont ( above ) following the 2011 world cup in new zealand\n", - "philippe saint-andre succeeded marc lievremont as france coach in 2011lievremont had led les bleus to the world cup final that yearsince taking charge , saint-andre has won just 15 of his 37 gamessaint-andre will remain in charge for the forthcoming world cupbegles-bordeaux coach rapahael ibanez is favourite for the job\n", - "[1.1732367 1.1382084 1.1666855 1.1924912 1.1756667 1.2390096 1.1278112\n", - " 1.031743 1.084286 1.1125163 1.0872111 1.0291219 1.0767738 1.0259849\n", - " 1.0283971 1.0298364 1.0196806 1.0587041 1.032315 1.0451057 1.085078\n", - " 1.117768 ]\n", - "\n", - "[ 5 3 4 0 2 1 6 21 9 10 20 8 12 17 19 18 7 15 11 14 13 16]\n", - "=======================\n", - "['the finale is titled \" march 8 , 1983 . \"critics continue to praise \" the americans \" as one of the best series on tv , and every finale has delivered in a big way .season 3 has seen a battle for the soul of daughter paige , the return of fan favorite margo martindale and soviet agent nina getting back in the game .']\n", - "=======================\n", - "['\" the americans \" ends a critically acclaimed third season wednesdayacademy of country music awards holds its 50th ceremony sunday on cbs']\n", - "the finale is titled \" march 8 , 1983 . \"critics continue to praise \" the americans \" as one of the best series on tv , and every finale has delivered in a big way .season 3 has seen a battle for the soul of daughter paige , the return of fan favorite margo martindale and soviet agent nina getting back in the game .\n", - "\" the americans \" ends a critically acclaimed third season wednesdayacademy of country music awards holds its 50th ceremony sunday on cbs\n", - "[1.0431607 1.0877632 1.4496909 1.1321014 1.1416386 1.1161346 1.09172\n", - " 1.091826 1.1015605 1.0749091 1.0938423 1.1242483 1.0497587 1.0443376\n", - " 1.019585 1.0554034 1.0167031 1.0298808 1.0979114 1.0427637 1.0465633\n", - " 1.0618085 1.0919521 1.0326073 1.018104 ]\n", - "\n", - "[ 2 4 3 11 5 8 18 10 22 7 6 1 9 21 15 12 20 13 0 19 23 17 14 24\n", - " 16]\n", - "=======================\n", - "['dr. kristen lindsey allegedly shot an arrow into the back of an orange tabby \\'s head and posted a proud photo this week on facebook of herself smiling , as she dangled its limp body by the arrow \\'s shaft .\" my first bow kill , lol .lindsey added a comment , cnn affiliate kbtx reported .']\n", - "=======================\n", - "[\"dr. kristen lindsey has since removed the post of her holding the dead cat by an arrowher employer fired her ; the sheriff 's office is investigatingactivist offers $ 7,500 reward\"]\n", - "dr. kristen lindsey allegedly shot an arrow into the back of an orange tabby 's head and posted a proud photo this week on facebook of herself smiling , as she dangled its limp body by the arrow 's shaft .\" my first bow kill , lol .lindsey added a comment , cnn affiliate kbtx reported .\n", - "dr. kristen lindsey has since removed the post of her holding the dead cat by an arrowher employer fired her ; the sheriff 's office is investigatingactivist offers $ 7,500 reward\n", - "[1.2266542 1.4775252 1.2339792 1.3813169 1.3052788 1.1631515 1.1219178\n", - " 1.0237523 1.0793316 1.1626563 1.0374762 1.0168226 1.0146993 1.0882893\n", - " 1.0234091 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 5 9 6 13 8 10 7 14 11 12 15 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "['karen catherall , 45 , was viciously beaten and strangled to death by darren jeffreys , who she met only weeks earlier on dating site plenty of fish .he was jailed for a minimum of 17 and a half years in februarythe pair had been drinking at the pub before she returned to her home in gwernaffield near mold , flintshire , north wales , when jeffreys , 47 , followed and attacked in an alcohol-fuelled rage .']\n", - "=======================\n", - "['karen catherall , 45 , was beaten and strangled to death by darren jefferysthey met weeks earlier on dating site plenty of fish before he killed herpolice revealed the mother-of-two tried to call 999 on night of her murdercall handler got no response and so the call was not connected to police']\n", - "karen catherall , 45 , was viciously beaten and strangled to death by darren jeffreys , who she met only weeks earlier on dating site plenty of fish .he was jailed for a minimum of 17 and a half years in februarythe pair had been drinking at the pub before she returned to her home in gwernaffield near mold , flintshire , north wales , when jeffreys , 47 , followed and attacked in an alcohol-fuelled rage .\n", - "karen catherall , 45 , was beaten and strangled to death by darren jefferysthey met weeks earlier on dating site plenty of fish before he killed herpolice revealed the mother-of-two tried to call 999 on night of her murdercall handler got no response and so the call was not connected to police\n", - "[1.1593497 1.0863059 1.0580565 1.2120321 1.1942103 1.4944398 1.252393\n", - " 1.0193809 1.0226068 1.020176 1.027922 1.0570023 1.0548705 1.093526\n", - " 1.0183544 1.0148458 1.0717113 1.1401356 1.1831597 1.036507 1.0646311\n", - " 1.0770541 1.0284066 0. 0. ]\n", - "\n", - "[ 5 6 3 4 18 0 17 13 1 21 16 20 2 11 12 19 22 10 8 9 7 14 15 23\n", - " 24]\n", - "=======================\n", - "['scott quigg is desperate to fight carl frampton and has offered him # 1.5 million to do so on july 18promoter eddie hearn produced a cheque for # 1.5 m live on television on tuesdaynow it is up to frampton and his people to decide if they really want it .']\n", - "=======================\n", - "[\"scott quigg and i have taken all the risks - carl frampton must step upwe 've written him a cheque for # 1.5 million so what is stopping them ?i 've also held talks with kiko martinez and nonito donaire for july 18kell brook vs frankie gavin under strong consideration for may 30anthony joshua will probably fight again on may 9 in birmingham\"]\n", - "scott quigg is desperate to fight carl frampton and has offered him # 1.5 million to do so on july 18promoter eddie hearn produced a cheque for # 1.5 m live on television on tuesdaynow it is up to frampton and his people to decide if they really want it .\n", - "scott quigg and i have taken all the risks - carl frampton must step upwe 've written him a cheque for # 1.5 million so what is stopping them ?i 've also held talks with kiko martinez and nonito donaire for july 18kell brook vs frankie gavin under strong consideration for may 30anthony joshua will probably fight again on may 9 in birmingham\n", - "[1.3599843 1.2520771 1.3961407 1.3405422 1.2023664 1.2227999 1.126086\n", - " 1.058893 1.0265915 1.0340697 1.0396526 1.06505 1.0370204 1.0712105\n", - " 1.2115954 1.0386668 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 1 5 14 4 6 13 11 7 10 15 12 9 8 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"chantelle doherty , 21 , of prestwich , greater manchester , was involved in a raid on the home of a 92-year-old man in which she and another man bluffed their way in and stole several bottles of whisky , a decanter and a phone .her friend martin lawrence , 27 , also targeted a man aged 99 claiming he owed him money for non existing paving work .the niece of gypsy weddings star paddy doherty has been jailed for two years after she and an accomplice preyed on elderly people in their homes in ` cruel and heinous raids ' .\"]\n", - "=======================\n", - "['chantelle doherty , 21 , jailed for preying on elderly people in their homesaccomplice martin lawrence tricked elderly man and pair returned to his home days later and stole bottles of whisky , a phone and a credit carddoherty jailed for two years after she pleaded guilty to burglary and fraudshe previously led a gypsy girl gang who carried out campaign of terrorlawrence jailed for 5 years for burglary , fraud , robbery and attempted theft']\n", - "chantelle doherty , 21 , of prestwich , greater manchester , was involved in a raid on the home of a 92-year-old man in which she and another man bluffed their way in and stole several bottles of whisky , a decanter and a phone .her friend martin lawrence , 27 , also targeted a man aged 99 claiming he owed him money for non existing paving work .the niece of gypsy weddings star paddy doherty has been jailed for two years after she and an accomplice preyed on elderly people in their homes in ` cruel and heinous raids ' .\n", - "chantelle doherty , 21 , jailed for preying on elderly people in their homesaccomplice martin lawrence tricked elderly man and pair returned to his home days later and stole bottles of whisky , a phone and a credit carddoherty jailed for two years after she pleaded guilty to burglary and fraudshe previously led a gypsy girl gang who carried out campaign of terrorlawrence jailed for 5 years for burglary , fraud , robbery and attempted theft\n", - "[1.1236821 1.0540398 1.5077088 1.4010332 1.2510756 1.1286113 1.1059711\n", - " 1.1132503 1.1416626 1.0885388 1.0980604 1.0578864 1.0244019 1.0106406\n", - " 1.0508001 1.0513055 1.0412796 1.0510029 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 4 8 5 0 7 6 10 9 11 1 15 17 14 16 12 13 23 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"the number of bottles of fake tan sold in 2014 fell by nearly a quarter ( 24.1 per cent ) from the year before , bringing the value of sales down by 19.3 per cent to # 14.5 million .the product used to be a favourite of many celebrities including victoria beckham ( left ) and sam faiers ( right )fake tanning had become part of many women 's regular beauty regime thanks to its popularity among celebrities such as former spice girl victoria beckham , the stars on strictly come dancing and the cast -- both male and female -- of reality tv show the only way is essex .\"]\n", - "=======================\n", - "['the value of sales fell by 19.3 per cent to around # 14.5 million last yearpale skin icons include the likes of keira knightley and cara delevingne']\n", - "the number of bottles of fake tan sold in 2014 fell by nearly a quarter ( 24.1 per cent ) from the year before , bringing the value of sales down by 19.3 per cent to # 14.5 million .the product used to be a favourite of many celebrities including victoria beckham ( left ) and sam faiers ( right )fake tanning had become part of many women 's regular beauty regime thanks to its popularity among celebrities such as former spice girl victoria beckham , the stars on strictly come dancing and the cast -- both male and female -- of reality tv show the only way is essex .\n", - "the value of sales fell by 19.3 per cent to around # 14.5 million last yearpale skin icons include the likes of keira knightley and cara delevingne\n", - "[1.1437126 1.1120092 1.0540045 1.0975418 1.0816269 1.1537033 1.3812903\n", - " 1.0473921 1.1450398 1.0755249 1.083906 1.0674319 1.0819426 1.0535274\n", - " 1.0500727 1.0322114 1.0209391 1.0237709 0. 0. ]\n", - "\n", - "[ 6 5 8 0 1 3 10 12 4 9 11 2 13 14 7 15 17 16 18 19]\n", - "=======================\n", - "[\"clare goldwin ( pictured ) admits that she will sometimes fork out for boden 's brightly printed clothes for her daughter but not herself as she does n't want to be labelled a boden ` yummy mummy 'their traditional and instantly recognisable staples of cotton shifts and ` mumsy ' jersey dresses , not to mention ` jaunty ' prints in eye-catching colours , have always been a big no-no for me .for many years , boden -- which launched in 1991 -- made a success of its appeal to the ` sloane ' market .\"]\n", - "=======================\n", - "[\"clare goldwin has forked out for pricey boden clothes for her daughterbut she has never wanted to be labelled a boden ` yummy mummy ' herselfthe brand seems to have its style and the fashion world is impressedclare put a selection of their latest outfits to the test for femail\"]\n", - "clare goldwin ( pictured ) admits that she will sometimes fork out for boden 's brightly printed clothes for her daughter but not herself as she does n't want to be labelled a boden ` yummy mummy 'their traditional and instantly recognisable staples of cotton shifts and ` mumsy ' jersey dresses , not to mention ` jaunty ' prints in eye-catching colours , have always been a big no-no for me .for many years , boden -- which launched in 1991 -- made a success of its appeal to the ` sloane ' market .\n", - "clare goldwin has forked out for pricey boden clothes for her daughterbut she has never wanted to be labelled a boden ` yummy mummy ' herselfthe brand seems to have its style and the fashion world is impressedclare put a selection of their latest outfits to the test for femail\n", - "[1.2894785 1.4116123 1.2803882 1.1526899 1.2819885 1.2555414 1.1052632\n", - " 1.0831633 1.0403526 1.0276761 1.0273988 1.1002097 1.0140918 1.0316839\n", - " 1.0178046 1.0548772 1.0162237 1.0202354 1.021308 0. ]\n", - "\n", - "[ 1 0 4 2 5 3 6 11 7 15 8 13 9 10 18 17 14 16 12 19]\n", - "=======================\n", - "[\"the prime minister said he will amend the working times regulations so for three days people can volunteer or serve as a school governor , and get paid in addition to their 28 days of paid holiday .david cameron today announced plans to give millions of workers three days paid leave a year to do volunteer work .prime minister david cameron 's big society good deeds scheme will only affect firms with 250 or more staff\"]\n", - "=======================\n", - "[\"prime minister announced plan to amend working times regulationsmr cameron wants workers to have three paid days off to do good deedshe described announcement as demonstration of the big society in actionimmediately afterwards eric pickles suggested it would n't be enforcedjohn prescott described mr pickles ' interview as a ` car-crash '\"]\n", - "the prime minister said he will amend the working times regulations so for three days people can volunteer or serve as a school governor , and get paid in addition to their 28 days of paid holiday .david cameron today announced plans to give millions of workers three days paid leave a year to do volunteer work .prime minister david cameron 's big society good deeds scheme will only affect firms with 250 or more staff\n", - "prime minister announced plan to amend working times regulationsmr cameron wants workers to have three paid days off to do good deedshe described announcement as demonstration of the big society in actionimmediately afterwards eric pickles suggested it would n't be enforcedjohn prescott described mr pickles ' interview as a ` car-crash '\n", - "[1.190016 1.300225 1.3139484 1.373611 1.2161782 1.1157176 1.2111508\n", - " 1.071705 1.0460553 1.0535706 1.0748601 1.0422115 1.0246513 1.0855982\n", - " 1.1648396 1.0904518 1.0106801 1.0312436 1.1401591 1.0301764]\n", - "\n", - "[ 3 2 1 4 6 0 14 18 5 15 13 10 7 9 8 11 17 19 12 16]\n", - "=======================\n", - "[\"enoch gaver , 21 , was killed in the fight and suspect david gaver , 28 , was shot in the stomach and taken into custody .the gaver family had allegedly been camping outside the store for a few days when they had the confrontation with police .the video taken from a patrol car dashcam captures the ` end of days ' group brawling with cops in cottonwood , arizona , on march 21 just moments before a deadly gunfight .\"]\n", - "=======================\n", - "['video captures brawl between officers and family in cottonwood , arizonapolice fire tasers and use pepper spray as they try to separate the groupone of the officers is put into a headlock during the violent confrontationmoments later an officer is shot and enoch garver , 21 , is killedmembers of the band , called matthew 24 now , have since been jailed']\n", - "enoch gaver , 21 , was killed in the fight and suspect david gaver , 28 , was shot in the stomach and taken into custody .the gaver family had allegedly been camping outside the store for a few days when they had the confrontation with police .the video taken from a patrol car dashcam captures the ` end of days ' group brawling with cops in cottonwood , arizona , on march 21 just moments before a deadly gunfight .\n", - "video captures brawl between officers and family in cottonwood , arizonapolice fire tasers and use pepper spray as they try to separate the groupone of the officers is put into a headlock during the violent confrontationmoments later an officer is shot and enoch garver , 21 , is killedmembers of the band , called matthew 24 now , have since been jailed\n", - "[1.279728 1.4447737 1.3532772 1.2367411 1.059322 1.0371666 1.043832\n", - " 1.0885947 1.0710934 1.1385714 1.0542978 1.1201432 1.0514132 1.068415\n", - " 1.0369714 1.0418503 1.0185541 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 9 11 7 8 13 4 10 12 6 15 5 14 16 18 17 19]\n", - "=======================\n", - "[\"joined by handsome husband king felipe , 47 , the elegant royal was all smiles as she welcomed award-winning writer juan goytisolo to the casa real for a lunch in his honour .today 's lunch is the second literary event in less than 24 hours for the spanish queen , who last night found herself on the receiving end of an unexpected kiss courtesy of another prize-winning author .spain 's queen letizia was back to the day job today , following two consecutive evenings at glamorous awards shows .\"]\n", - "=======================\n", - "['letizia attended a lunch reception with king felipe todayyesterday , author pedro manas planted a kiss on her cheekmoment came during a literary awards ceremony in madrid42-year-old spanish royal had just presented him with a prizeroyal looked glamorous in a # 49.99 blue jumpsuit by mango']\n", - "joined by handsome husband king felipe , 47 , the elegant royal was all smiles as she welcomed award-winning writer juan goytisolo to the casa real for a lunch in his honour .today 's lunch is the second literary event in less than 24 hours for the spanish queen , who last night found herself on the receiving end of an unexpected kiss courtesy of another prize-winning author .spain 's queen letizia was back to the day job today , following two consecutive evenings at glamorous awards shows .\n", - "letizia attended a lunch reception with king felipe todayyesterday , author pedro manas planted a kiss on her cheekmoment came during a literary awards ceremony in madrid42-year-old spanish royal had just presented him with a prizeroyal looked glamorous in a # 49.99 blue jumpsuit by mango\n", - "[1.5237184 1.3231324 1.210132 1.3930918 1.1249928 1.0686394 1.1187373\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 6 5 17 16 15 14 13 9 11 10 18 8 7 12 19]\n", - "=======================\n", - "[\"michael phelps is entered in five events at this week 's arena pro swim series in mesa , arizona , which will be his first meet since serving a six-month ban following a drunk-driving conviction .it will be familiar surroundings for phelps , an 18-time olympic gold medallist who ended his two-year retirement in 2014 at mesa , sparking speculation that he is considering an olympic comeback at the 2016 rio games .phelps has won 22 olympic medals , 18 golds , but was banned from swimming in september\"]\n", - "=======================\n", - "[\"michael phelps was suspended by usa swimming following arrestamerican is entered in five events at this week 's arena pro swim seriesphelps ' rival ryan lochte has entered into the same five events\"]\n", - "michael phelps is entered in five events at this week 's arena pro swim series in mesa , arizona , which will be his first meet since serving a six-month ban following a drunk-driving conviction .it will be familiar surroundings for phelps , an 18-time olympic gold medallist who ended his two-year retirement in 2014 at mesa , sparking speculation that he is considering an olympic comeback at the 2016 rio games .phelps has won 22 olympic medals , 18 golds , but was banned from swimming in september\n", - "michael phelps was suspended by usa swimming following arrestamerican is entered in five events at this week 's arena pro swim seriesphelps ' rival ryan lochte has entered into the same five events\n", - "[1.267238 1.3873185 1.0824589 1.306694 1.1097083 1.2555078 1.2172918\n", - " 1.0685319 1.0272734 1.1173131 1.1166371 1.1352528 1.0649946 1.0290334\n", - " 1.0471196 1.0339943 1.0310677 1.0144368 0. ]\n", - "\n", - "[ 1 3 0 5 6 11 9 10 4 2 7 12 14 15 16 13 8 17 18]\n", - "=======================\n", - "[\"the 56-page book bought in cambridge contains turing 's thoughts on the clearly tricky ` leibniz notation dx/dy ' . 'a handwritten notebook in which britain 's enigma machine genius alan turing admits he is baffled by an equation could fetch up to $ 1million ( # 690,000 ) .it was written at the bletchley park code-breaking headquarters in 1942 and paved the way for computer science .\"]\n", - "=======================\n", - "[\"56-page book contains turing 's thoughts on tricky ` leibniz notation dx/dy 'it was written at the bletchley park code-breaking headquarters in 1942only extensive turing manuscript thought to exist , the auctioneer saidit will be sold by an anonymous seller by bonhams in new york on monday\"]\n", - "the 56-page book bought in cambridge contains turing 's thoughts on the clearly tricky ` leibniz notation dx/dy ' . 'a handwritten notebook in which britain 's enigma machine genius alan turing admits he is baffled by an equation could fetch up to $ 1million ( # 690,000 ) .it was written at the bletchley park code-breaking headquarters in 1942 and paved the way for computer science .\n", - "56-page book contains turing 's thoughts on tricky ` leibniz notation dx/dy 'it was written at the bletchley park code-breaking headquarters in 1942only extensive turing manuscript thought to exist , the auctioneer saidit will be sold by an anonymous seller by bonhams in new york on monday\n", - "[1.442244 1.4591043 1.2559592 1.2034141 1.1711557 1.0423236 1.0268975\n", - " 1.0665772 1.128972 1.107719 1.152282 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 10 8 9 7 5 6 17 11 12 13 14 15 16 18]\n", - "=======================\n", - "['people magazine reports that jill ( duggar ) dillard gave birth monday to a 9-pound , 10-ounce son she and husband derick have named israel david .( cnn ) the first daughter to be married from the hit reality show \" 19 kids and counting \" has also become the first mother .jill \\'s parents , jim bob and michelle duggar , posted a video of the new family on their official facebook page .']\n", - "=======================\n", - "['dillard was the first of the duggar daughters to be marriedher 9-pound , 10-ounce son was overdue']\n", - "people magazine reports that jill ( duggar ) dillard gave birth monday to a 9-pound , 10-ounce son she and husband derick have named israel david .( cnn ) the first daughter to be married from the hit reality show \" 19 kids and counting \" has also become the first mother .jill 's parents , jim bob and michelle duggar , posted a video of the new family on their official facebook page .\n", - "dillard was the first of the duggar daughters to be marriedher 9-pound , 10-ounce son was overdue\n", - "[1.05436 1.4884254 1.4178883 1.2371894 1.1381418 1.1571821 1.0462027\n", - " 1.033681 1.0317819 1.0521338 1.1362151 1.0873823 1.1253098 1.0746474\n", - " 1.0359113 1.0396346 1.0487067 1.1387231 1.0159413]\n", - "\n", - "[ 1 2 3 5 17 4 10 12 11 13 0 9 16 6 15 14 7 8 18]\n", - "=======================\n", - "[\"the first set of female quintuplets in the world since 1969 was born in houston on april 8 , and the parents are blogging about their unique experience .danielle busby delivered all five girls at the woman 's hospital of texas via c-section at 28 weeks and two days , according to cnn affiliate kprc .parents danielle and adam and big sister blayke are now a family of eight .\"]\n", - "=======================\n", - "['rare set of female quintuplets was born this month in houston , texasthe girls were born via c-section at 28 weeks and two daysanother family kept the news of twins secret until birth']\n", - "the first set of female quintuplets in the world since 1969 was born in houston on april 8 , and the parents are blogging about their unique experience .danielle busby delivered all five girls at the woman 's hospital of texas via c-section at 28 weeks and two days , according to cnn affiliate kprc .parents danielle and adam and big sister blayke are now a family of eight .\n", - "rare set of female quintuplets was born this month in houston , texasthe girls were born via c-section at 28 weeks and two daysanother family kept the news of twins secret until birth\n", - "[1.2505677 1.4093653 1.2983799 1.4207962 1.3215071 1.0619763 1.0335617\n", - " 1.0762131 1.0676115 1.0537932 1.046721 1.0811883 1.0613577 1.0477235\n", - " 1.1016005 1.0924896 1.0259861 1.1639531 0. ]\n", - "\n", - "[ 3 1 4 2 0 17 14 15 11 7 8 5 12 9 13 10 6 16 18]\n", - "=======================\n", - "[\"an aer lingus flight was forced to return to the dublin airport less than an hour into its journey after it had ` technical issues 'the incident was the second one of the day for dublin airport , after two ryanair planes collided while taxiing on the runway causing part of one of the winglets to be ripped off .it was confirmed that the landing was not an emergency , and the aircraft is undergoing an inspection to determine the cause .\"]\n", - "=======================\n", - "[\"aer lingus flight ei 660 to vienna was forced to return to dublin mid-airthe event happened yesterday just after two ryanair planes had collidedit was confirmed to be due to ` technical issues ' and no one was harmed\"]\n", - "an aer lingus flight was forced to return to the dublin airport less than an hour into its journey after it had ` technical issues 'the incident was the second one of the day for dublin airport , after two ryanair planes collided while taxiing on the runway causing part of one of the winglets to be ripped off .it was confirmed that the landing was not an emergency , and the aircraft is undergoing an inspection to determine the cause .\n", - "aer lingus flight ei 660 to vienna was forced to return to dublin mid-airthe event happened yesterday just after two ryanair planes had collidedit was confirmed to be due to ` technical issues ' and no one was harmed\n", - "[1.222362 1.2023715 1.3695428 1.3522364 1.3380235 1.1375269 1.1627398\n", - " 1.0911717 1.0284865 1.0320424 1.017895 1.0919837 1.0282315 1.0249099\n", - " 1.0283749 1.0150101 1.0149342 1.0108023 1.0151777]\n", - "\n", - "[ 2 3 4 0 1 6 5 11 7 9 8 14 12 13 10 18 15 16 17]\n", - "=======================\n", - "['as a junior at jesuit high school in dallas , the grateful golfer wrote the letter to the murphy family who had funded the scholarship that helped pay for his tuition .america celebrated the coming of age of a new sporting hero on sunday when jordan spieth , 21 , showed true grace under pressure to win the masters .as people clamor to find out about this humble champ from texas , a letter penned six years ago when he was still in high school has surfaced which only reinforces his nice guy image .']\n", - "=======================\n", - "[\"a letter of thanks penned by masters champion jordan spieth when he was 16-years-old has surfaced which reinforces his nice guy imagesix years ago the pga golfer was on a scholarship at jesuit high school in dallas , which was funded by the murphy family who he thanks in his letter` thanks again for your kindness , ' wrote the then number one junior golfer in the country in his best handwritingspieth won countless plaudits following sunday 's masters victory not just for his golf but also his humble attitude\"]\n", - "as a junior at jesuit high school in dallas , the grateful golfer wrote the letter to the murphy family who had funded the scholarship that helped pay for his tuition .america celebrated the coming of age of a new sporting hero on sunday when jordan spieth , 21 , showed true grace under pressure to win the masters .as people clamor to find out about this humble champ from texas , a letter penned six years ago when he was still in high school has surfaced which only reinforces his nice guy image .\n", - "a letter of thanks penned by masters champion jordan spieth when he was 16-years-old has surfaced which reinforces his nice guy imagesix years ago the pga golfer was on a scholarship at jesuit high school in dallas , which was funded by the murphy family who he thanks in his letter` thanks again for your kindness , ' wrote the then number one junior golfer in the country in his best handwritingspieth won countless plaudits following sunday 's masters victory not just for his golf but also his humble attitude\n", - "[1.2287614 1.3420237 1.3388566 1.2450109 1.1103599 1.0871047 1.1170466\n", - " 1.1870497 1.1159236 1.0835862 1.0529941 1.0395317 1.0383769 1.0194559\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 7 6 8 4 5 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23\n", - " 24 25 26]\n", - "=======================\n", - "[\"harrowing images of the killing are being shared by bloodthirsty supporters of the terror group on social media and show the victim lying in a pool of blood with his severed head resting on his back .the gruesome photographs are understood to have been taken near tikrit in iraq 's salah al-din province , where members of the iraqi army and allied shiite volunteer militias have had great success in forcing the terrorists to withdraw in recent weeks .depraved militants fighting for the islamic state in iraq have savagely beheaded a man accused of practising sorcery and witchcraft .\"]\n", - "=======================\n", - "[\"terrorists beheaded the man in a public square in salah al-din provincehuge crowds gathered in the streets to watch the group 's latest atrocitythe victim is believed to have been killed after he was accused of sorcerygruesome image shows victim 's dead body surrounded by prayer beads\"]\n", - "harrowing images of the killing are being shared by bloodthirsty supporters of the terror group on social media and show the victim lying in a pool of blood with his severed head resting on his back .the gruesome photographs are understood to have been taken near tikrit in iraq 's salah al-din province , where members of the iraqi army and allied shiite volunteer militias have had great success in forcing the terrorists to withdraw in recent weeks .depraved militants fighting for the islamic state in iraq have savagely beheaded a man accused of practising sorcery and witchcraft .\n", - "terrorists beheaded the man in a public square in salah al-din provincehuge crowds gathered in the streets to watch the group 's latest atrocitythe victim is believed to have been killed after he was accused of sorcerygruesome image shows victim 's dead body surrounded by prayer beads\n", - "[1.3810918 1.4893106 1.2680862 1.1532098 1.1137316 1.1300005 1.1553724\n", - " 1.0878874 1.0307189 1.090778 1.0673525 1.0421262 1.0244493 1.014379\n", - " 1.2267457 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 14 6 3 5 4 9 7 10 11 8 12 13 15 16 17 18 19 20 21 22 23\n", - " 24 25 26]\n", - "=======================\n", - "[\"mr miliband said he would have to pay the proposed # 250 a month ` mansion tax ' on homes worth more than # 2million but claimed this did not mean he actually lived in one .labour leader ed miliband has insisted he does not live in a ` mansion ' -- despite admitting it is worth ` between # 2million and # 3million ' .the claim comes despite revelations that his four-storey victorian town house has two kitchens -- including one for the family 's live-in nanny .\"]\n", - "=======================\n", - "[\"ed miliband said he would have to pay labour 's proposed ` mansion tax 'but the labour leader insisted that did not mean he lived in a mansionmr miliband lives in a four-storey victorian town house worth # 2.7 millioncomes after he faced ridicule over revelations that he had two kitchensthe downstairs kitchen is used by the family 's live-in nanny\"]\n", - "mr miliband said he would have to pay the proposed # 250 a month ` mansion tax ' on homes worth more than # 2million but claimed this did not mean he actually lived in one .labour leader ed miliband has insisted he does not live in a ` mansion ' -- despite admitting it is worth ` between # 2million and # 3million ' .the claim comes despite revelations that his four-storey victorian town house has two kitchens -- including one for the family 's live-in nanny .\n", - "ed miliband said he would have to pay labour 's proposed ` mansion tax 'but the labour leader insisted that did not mean he lived in a mansionmr miliband lives in a four-storey victorian town house worth # 2.7 millioncomes after he faced ridicule over revelations that he had two kitchensthe downstairs kitchen is used by the family 's live-in nanny\n", - "[1.2670711 1.4989661 1.3768343 1.1806009 1.1550603 1.0486808 1.021589\n", - " 1.0184625 1.0137879 1.0914346 1.0287085 1.186015 1.0175103 1.0248865\n", - " 1.0186689 1.0386453 1.0249156 1.0995938 1.041269 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 11 3 4 17 9 5 18 15 10 16 13 6 14 7 12 8 19 20 21 22 23\n", - " 24 25 26]\n", - "=======================\n", - "[\"frankie ruttledge , from strensall , yorkshire , weighed 18 stone 7lbs and had struggled with her weight all her life before dieting to a svelte size 10/12 .the 24-year-old , who has been a ` fat bridesmaid ' three times , ditched her diet of crisps for breakfast , pork pies for lunch and frozen pizza for dinner and dropped to 12 stone in less than two years .a size 28 woman who was a bridesmaid three times is celebrating shedding six stone - and is planning to walk down the aisle as a bride .\"]\n", - "=======================\n", - "[\"frankie ruttledge was always the ` fat bridesmaid ' for her friendsthe 24-year-old has since lost six stone after adopting a healthy dietfrankie , from yorkshire , is now planning her own wedding next year\"]\n", - "frankie ruttledge , from strensall , yorkshire , weighed 18 stone 7lbs and had struggled with her weight all her life before dieting to a svelte size 10/12 .the 24-year-old , who has been a ` fat bridesmaid ' three times , ditched her diet of crisps for breakfast , pork pies for lunch and frozen pizza for dinner and dropped to 12 stone in less than two years .a size 28 woman who was a bridesmaid three times is celebrating shedding six stone - and is planning to walk down the aisle as a bride .\n", - "frankie ruttledge was always the ` fat bridesmaid ' for her friendsthe 24-year-old has since lost six stone after adopting a healthy dietfrankie , from yorkshire , is now planning her own wedding next year\n", - "[1.2959222 1.2797645 1.2464571 1.2770069 1.1003513 1.0467306 1.0544381\n", - " 1.2235476 1.1364155 1.0538039 1.0212841 1.018126 1.0450386 1.0316697\n", - " 1.0985072 1.0532751 1.0368128 1.0220367 1.0231142 1.047584 1.0700659\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 7 8 4 14 20 6 9 15 19 5 12 16 13 18 17 10 11 21 22 23\n", - " 24 25 26]\n", - "=======================\n", - "[\"david cameron this afternoon hit back at growing criticism over his election campaign -- vowing to carry on warning about labour 's threat to the economy .the prime minister this morning faced the first serious criticism of the campaign so far , as tory donors rounded on the party 's lacklustre message and failure to pull away in the polls .mr cameron insisted the economy ` excites ' millions of people .\"]\n", - "=======================\n", - "['prime minister insists he will carry on focussing on economic messagemr cameron has been criticised for running a lacklustre campaigntory donors have backed boris johnson to take over if the pm falls short']\n", - "david cameron this afternoon hit back at growing criticism over his election campaign -- vowing to carry on warning about labour 's threat to the economy .the prime minister this morning faced the first serious criticism of the campaign so far , as tory donors rounded on the party 's lacklustre message and failure to pull away in the polls .mr cameron insisted the economy ` excites ' millions of people .\n", - "prime minister insists he will carry on focussing on economic messagemr cameron has been criticised for running a lacklustre campaigntory donors have backed boris johnson to take over if the pm falls short\n", - "[1.3589209 1.1777833 1.3910406 1.2471104 1.2335097 1.1996212 1.1276165\n", - " 1.1496418 1.1045948 1.0498292 1.0562683 1.0860693 1.0743906 1.0870084\n", - " 1.1203843 1.0162032 1.0181146 1.0297043 1.0103426 1.0273361 1.009543\n", - " 1.0082465 1.011949 1.0118986 1.0106746 1.0257425 1.0267712]\n", - "\n", - "[ 2 0 3 4 5 1 7 6 14 8 13 11 12 10 9 17 19 26 25 16 15 22 23 24\n", - " 18 20 21]\n", - "=======================\n", - "['habeeb latheef , 48 , told them he needed to place objects in their hands to gauge their level of feeling .dr habeeb latheef is accused of sexually assaulting three women patients during consultationsinstead the family gp allegedly unzipped his trousers and placed his penis in their grip .']\n", - "=======================\n", - "['dr habeeb latheef is accused of sexually assaulting three of his patientsassaults allegedly happened at hendford medical centre in yeovilone woman patient , 37 , went to see gp with a stiff neck and headache']\n", - "habeeb latheef , 48 , told them he needed to place objects in their hands to gauge their level of feeling .dr habeeb latheef is accused of sexually assaulting three women patients during consultationsinstead the family gp allegedly unzipped his trousers and placed his penis in their grip .\n", - "dr habeeb latheef is accused of sexually assaulting three of his patientsassaults allegedly happened at hendford medical centre in yeovilone woman patient , 37 , went to see gp with a stiff neck and headache\n", - "[1.2544274 1.1388736 1.0414717 1.1129986 1.0533766 1.2750229 1.1685023\n", - " 1.313889 1.09159 1.0324036 1.1072992 1.0841149 1.1681818 1.2292639\n", - " 1.0270449 1.01946 1.0148479 1.0130891 1.0473049 1.0657179 1.0324293\n", - " 1.0233188 1.0162092 1.0183438 1.0275018]\n", - "\n", - "[ 7 5 0 13 6 12 1 3 10 8 11 19 4 18 2 20 9 24 14 21 15 23 22 16\n", - " 17]\n", - "=======================\n", - "['the boragaon landfill is located in the city of guwahati , about 300 miles from bangladesh near the bhutanese border .the dirty , wet conditions of the landfill attracted the endangered stork , and the stork attracted bouldry .( cnn ) the greater adjutant stork is a majestic bird .']\n", - "=======================\n", - "['photographer timothy bouldry spent time at a massive landfill in guwahati , indiaabout 100 families live inside the boragaon landfill , but bouldry said they are \" content \"']\n", - "the boragaon landfill is located in the city of guwahati , about 300 miles from bangladesh near the bhutanese border .the dirty , wet conditions of the landfill attracted the endangered stork , and the stork attracted bouldry .( cnn ) the greater adjutant stork is a majestic bird .\n", - "photographer timothy bouldry spent time at a massive landfill in guwahati , indiaabout 100 families live inside the boragaon landfill , but bouldry said they are \" content \"\n", - "[1.3547058 1.2899407 1.2808442 1.2518281 1.1700661 1.0553185 1.0417769\n", - " 1.030147 1.0799506 1.031161 1.0363511 1.0433192 1.0428815 1.0537835\n", - " 1.0944059 1.0828693 1.082146 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 14 15 16 8 5 13 11 12 6 10 9 7 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"( cnn ) just about now , north korea 's enigmatic ruler was expected to be preparing to emerge from his fortified country for a visit to moscow to join celebrations next week marking the 70th anniversary of the end of world war ii in europe .the trip was highly anticipated .after all , this was to have been kim 's first official international trip since he came to power in 2011 following his father 's death , and it would have provided a fascinating opportunity for the world to get a closer look at a young leader and a regime still largely shrouded in mystery .\"]\n", - "=======================\n", - "[\"russia says kim jong un has canceled trip to moscowfrida ghitis : gauging kim 's state of mind no easy task\"]\n", - "( cnn ) just about now , north korea 's enigmatic ruler was expected to be preparing to emerge from his fortified country for a visit to moscow to join celebrations next week marking the 70th anniversary of the end of world war ii in europe .the trip was highly anticipated .after all , this was to have been kim 's first official international trip since he came to power in 2011 following his father 's death , and it would have provided a fascinating opportunity for the world to get a closer look at a young leader and a regime still largely shrouded in mystery .\n", - "russia says kim jong un has canceled trip to moscowfrida ghitis : gauging kim 's state of mind no easy task\n", - "[1.3628321 1.4319365 1.3501428 1.442323 1.2533045 1.0350165 1.0339386\n", - " 1.0298756 1.1357666 1.1109823 1.0689265 1.0729626 1.0676101 1.0917554\n", - " 1.0797056 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 2 4 8 9 13 14 11 10 12 5 6 7 23 15 16 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "['michael phelps has won 22 olympic medals , 18 golds , but was banned from swimming in septembermichael phelps is to return to competition following the end of his six-month ban for drink-driving .phelps was suspended by usa swimming following his drink-driving arrest in september when police caught him travelling at 84mph in a 45mph zone in baltimore , maryland .']\n", - "=======================\n", - "['michael phelps is the most successful ever olympian with 18 gold medalsphelps was banned from swimming in september following arrestamerican swimmer will compete in arizona next week in comeback']\n", - "michael phelps has won 22 olympic medals , 18 golds , but was banned from swimming in septembermichael phelps is to return to competition following the end of his six-month ban for drink-driving .phelps was suspended by usa swimming following his drink-driving arrest in september when police caught him travelling at 84mph in a 45mph zone in baltimore , maryland .\n", - "michael phelps is the most successful ever olympian with 18 gold medalsphelps was banned from swimming in september following arrestamerican swimmer will compete in arizona next week in comeback\n", - "[1.4320108 1.4128876 1.1036177 1.1053073 1.1236627 1.0974964 1.2255816\n", - " 1.0320281 1.0174984 1.0188246 1.1116195 1.0612266 1.0460467 1.0467141\n", - " 1.0572258 1.0290442 1.0208296 1.0367947 1.0361159 1.0225241 1.036431\n", - " 1.0225406 1.0140411 1.0102974 0. ]\n", - "\n", - "[ 0 1 6 4 10 3 2 5 11 14 13 12 17 20 18 7 15 21 19 16 9 8 22 23\n", - " 24]\n", - "=======================\n", - "['dongguan , china ( cnn ) for a decade , the new south china mall -- the biggest shopping mall in the world -- has been an embarrassment for its owners and china .opened to the public in 2005 in dongguan in the south of the country , the goal was to attract 100,000 visitors a day with an array of entertainment , shops and eateries .but despite the grand plans neither stores nor shoppers came .']\n", - "=======================\n", - "['for a decade , the new south china mall has lain emptyit was labeled a \" ghost mall \" -- symbol of china \\'s runaway speculation on real estatehowever , a recent visit showed it may be springing back to life']\n", - "dongguan , china ( cnn ) for a decade , the new south china mall -- the biggest shopping mall in the world -- has been an embarrassment for its owners and china .opened to the public in 2005 in dongguan in the south of the country , the goal was to attract 100,000 visitors a day with an array of entertainment , shops and eateries .but despite the grand plans neither stores nor shoppers came .\n", - "for a decade , the new south china mall has lain emptyit was labeled a \" ghost mall \" -- symbol of china 's runaway speculation on real estatehowever , a recent visit showed it may be springing back to life\n", - "[1.2768509 1.2429805 1.2024201 1.1752251 1.2387087 1.172072 1.0905358\n", - " 1.068137 1.101164 1.13591 1.0793135 1.0527714 1.0823289 1.045455\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 3 5 9 8 6 12 10 7 11 13 23 14 15 16 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"greece warned it will go bankrupt next week after failing to stump up enough cash to pay millions of public sector workers and its international debts .deputy finance minister dimitras mardas set alarm bells ringing yesterday when he declared the country had been ` running on empty ' since february .at a summit in brussels today , prime minister alexis tsipras is expected to appeal to german chancellor angela merkel for more aid to avoid going bust and a potential exit from the euro .\"]\n", - "=======================\n", - "['greece could go bust next week as salaries and eu debt repayments loomfailing to pay workers will be humiliating for left-wing syriza governmentbut default on $ 200m imf payment in may would plunge eu into new crisisuefa threatens to ban greece from international football in row over law']\n", - "greece warned it will go bankrupt next week after failing to stump up enough cash to pay millions of public sector workers and its international debts .deputy finance minister dimitras mardas set alarm bells ringing yesterday when he declared the country had been ` running on empty ' since february .at a summit in brussels today , prime minister alexis tsipras is expected to appeal to german chancellor angela merkel for more aid to avoid going bust and a potential exit from the euro .\n", - "greece could go bust next week as salaries and eu debt repayments loomfailing to pay workers will be humiliating for left-wing syriza governmentbut default on $ 200m imf payment in may would plunge eu into new crisisuefa threatens to ban greece from international football in row over law\n", - "[1.4361426 1.1846672 1.3961688 1.1385541 1.1284528 1.1025575 1.0948201\n", - " 1.0790029 1.0464399 1.0370789 1.3176241 1.1199538 1.0789349 1.0532763\n", - " 1.0228195 1.0260448 1.0365812]\n", - "\n", - "[ 0 2 10 1 3 4 11 5 6 7 12 13 8 9 16 15 14]\n", - "=======================\n", - "[\"accused : officer aaron stringer , from bakersfield , california , allegedly pulled on the toes and ` tickled ' the feet of a man whom police had recently killedshot dead : ramiro james villegas , 22 , had been shot dead on november 13 by bakersfield police after a car chase .according to the bakersfield californian , he then said that he ` loves playing with dead bodies ' and later told her to lie about what she 'd seen .\"]\n", - "=======================\n", - "[\"officer aaron stringer , of bakersfield , california , accused by trainee copsaid to have played around with corpse of ramiro james villegas , 22villegas had been shot dead by police earlier that day after a car chasetrainee officer lindy degeare said stringer took her into a morgueallegedly said he ` loves playing with dead bodies ' and asked her not to tellstringer , who was put on leave , was ultimately not charged by prosecutorshowever , family of villegas said they are close to filing a suit of their own\"]\n", - "accused : officer aaron stringer , from bakersfield , california , allegedly pulled on the toes and ` tickled ' the feet of a man whom police had recently killedshot dead : ramiro james villegas , 22 , had been shot dead on november 13 by bakersfield police after a car chase .according to the bakersfield californian , he then said that he ` loves playing with dead bodies ' and later told her to lie about what she 'd seen .\n", - "officer aaron stringer , of bakersfield , california , accused by trainee copsaid to have played around with corpse of ramiro james villegas , 22villegas had been shot dead by police earlier that day after a car chasetrainee officer lindy degeare said stringer took her into a morgueallegedly said he ` loves playing with dead bodies ' and asked her not to tellstringer , who was put on leave , was ultimately not charged by prosecutorshowever , family of villegas said they are close to filing a suit of their own\n", - "[1.4650862 1.4178866 1.2533314 1.1937971 1.3869953 1.2105787 1.1227171\n", - " 1.1111497 1.1004405 1.1198387 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 5 3 6 9 7 8 10 11 12 13 14 15 16]\n", - "=======================\n", - "['tottenham are confident kyle walker has not broken his foot following a scan on tuesday .there were fears the england defender may have fractured his right foot after taking a hefty blow from a collision with kieran trippier during the draw at burnley on sunday .tottenham defender kyle walker receives treatment from medical staff during the 0-0 draw with burnley']\n", - "=======================\n", - "[\"tottenham full-back kyle walker sustained a foot injury following a collision with burnley 's kieran trippier during the draw at turf moor on sundayearly fears that the foot was broken have been allayed following scansspurs are hopeful that the england international will return soon\"]\n", - "tottenham are confident kyle walker has not broken his foot following a scan on tuesday .there were fears the england defender may have fractured his right foot after taking a hefty blow from a collision with kieran trippier during the draw at burnley on sunday .tottenham defender kyle walker receives treatment from medical staff during the 0-0 draw with burnley\n", - "tottenham full-back kyle walker sustained a foot injury following a collision with burnley 's kieran trippier during the draw at turf moor on sundayearly fears that the foot was broken have been allayed following scansspurs are hopeful that the england international will return soon\n", - "[1.2958792 1.2147896 1.247886 1.3218474 1.1616824 1.0891653 1.1018136\n", - " 1.0466194 1.0213932 1.1643921 1.0336354 1.0808632 1.0795288 1.0949304\n", - " 1.050807 1.0438775 1.0145997]\n", - "\n", - "[ 3 0 2 1 9 4 6 13 5 11 12 14 7 15 10 8 16]\n", - "=======================\n", - "['scientists believe the first complex conversation between humans gradually took place around 50,000 to 100,000 years ago .but in a new study , one linguist argues that human language developed rapidly with people quickly using complex sentences that sound like our own .much of it , they say , involved cavemen grunting , or hunter-gatherers mumbling and pointing , before learning to speak in a detailed way .']\n", - "=======================\n", - "[\"complex human conversation began around 50,000 to 100,000 years agoprofessor shigeru miyagawa notes single words bear traces of syntaxhe says this shows the words came from an older , syntax-laden systemhe believes humans combined an ` expressive ' layer of language , as seen in birdsong , with a ` lexical ' layer , as seen in monkeys\"]\n", - "scientists believe the first complex conversation between humans gradually took place around 50,000 to 100,000 years ago .but in a new study , one linguist argues that human language developed rapidly with people quickly using complex sentences that sound like our own .much of it , they say , involved cavemen grunting , or hunter-gatherers mumbling and pointing , before learning to speak in a detailed way .\n", - "complex human conversation began around 50,000 to 100,000 years agoprofessor shigeru miyagawa notes single words bear traces of syntaxhe says this shows the words came from an older , syntax-laden systemhe believes humans combined an ` expressive ' layer of language , as seen in birdsong , with a ` lexical ' layer , as seen in monkeys\n", - "[1.3188547 1.3632424 1.2938789 1.1820023 1.2159549 1.061068 1.1763637\n", - " 1.0878471 1.0918509 1.0434346 1.0197896 1.0893611 1.2046273 1.0393867\n", - " 1.0583352 1.0467834 0. ]\n", - "\n", - "[ 1 0 2 4 12 3 6 8 11 7 5 14 15 9 13 10 16]\n", - "=======================\n", - "[\"the thief scaled a two-storey antique market before breaking into a rooftop vent and squeezing down a narrow shaft to reach the store .a masked burglar stole vintage watches worth more than # 200,000 from an antiques shop in a mission impossible-style raid by crawling along the floor to avoid setting off the infrared beams .he picked three sets of locks and crawled on the floor ` like a snake ' to avoid triggering infrared security beams .\"]\n", - "=======================\n", - "['thief stole 124 watches from vintage watch shop in hampstead , londonhe scaled two-storey building before slipping through a 4sq ft roof ventthen squeezed down narrow chute and snaked along floor to avoid beamowner simon drachman compared saturday night heist to tom cruise film']\n", - "the thief scaled a two-storey antique market before breaking into a rooftop vent and squeezing down a narrow shaft to reach the store .a masked burglar stole vintage watches worth more than # 200,000 from an antiques shop in a mission impossible-style raid by crawling along the floor to avoid setting off the infrared beams .he picked three sets of locks and crawled on the floor ` like a snake ' to avoid triggering infrared security beams .\n", - "thief stole 124 watches from vintage watch shop in hampstead , londonhe scaled two-storey building before slipping through a 4sq ft roof ventthen squeezed down narrow chute and snaked along floor to avoid beamowner simon drachman compared saturday night heist to tom cruise film\n", - "[1.0832059 1.074928 1.547404 1.2922587 1.3219025 1.1618907 1.0939678\n", - " 1.0862305 1.0854721 1.100565 1.0612726 1.0501357 1.0346799 1.0303861\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 4 3 5 9 6 7 8 0 1 10 11 12 13 14 15 16]\n", - "=======================\n", - "[\"for korea 's ssangyong is launching a new sports utility vehicle from under # 13,000 that promises value for money motoring for drivers who believe in watching their pennies .but ssangyong ( korean for ` two dragons ' ) has given its new sporty five-door family runaround a very european name - tivoli - after the stylish italian town near rome , home to the villa d'este , a unesco world heritage site famed for its renaissance architecture and garden .pitched to take on the pumpedup nissan juke , the tivoli suv is powered by 1.6 litre euro 6 petrol and diesel engines with six speed manual and automatic transmissions .\"]\n", - "=======================\n", - "[\"ssangyong ( korean for ` two dragons ' ) is launching a sports utility vehiclenew sporty five-door family runaround has a very european name - tivolisuv is powered by 1.6 litre euro 6 petrol and diesel engines\"]\n", - "for korea 's ssangyong is launching a new sports utility vehicle from under # 13,000 that promises value for money motoring for drivers who believe in watching their pennies .but ssangyong ( korean for ` two dragons ' ) has given its new sporty five-door family runaround a very european name - tivoli - after the stylish italian town near rome , home to the villa d'este , a unesco world heritage site famed for its renaissance architecture and garden .pitched to take on the pumpedup nissan juke , the tivoli suv is powered by 1.6 litre euro 6 petrol and diesel engines with six speed manual and automatic transmissions .\n", - "ssangyong ( korean for ` two dragons ' ) is launching a sports utility vehiclenew sporty five-door family runaround has a very european name - tivolisuv is powered by 1.6 litre euro 6 petrol and diesel engines\n", - "[1.1964594 1.323234 1.3188728 1.2528455 1.1078005 1.1374419 1.2065716\n", - " 1.1227262 1.0253428 1.0175264 1.0135189 1.0255218 1.2165356 1.0208052\n", - " 1.0939507 1.0743554 1.0551199 1.0535316 0. 0. ]\n", - "\n", - "[ 1 2 3 12 6 0 5 7 4 14 15 16 17 11 8 13 9 10 18 19]\n", - "=======================\n", - "['progressive education experts in the uk have long pushed for our system to emulate the group work and independent study that is popular in finland , which has regularly topped international league tables .but a new analysis of finnish education suggests pupil aptitude has actually declined since the country embraced fashionable teaching methods .former education secretary : the findings will add weight to arguments by michael gove ( pictured ) that a return to traditional teacher-led lessons are the way to raise standards in schools']\n", - "=======================\n", - "['finnish methods include pupils working in small groups or independentlyin 2006 finland was second in world for maths , but down to 12th by 2012during period its test scores dropped 29 points in maths and 23 in readingmichael gove has argued for return to traditional teacher-led lessons']\n", - "progressive education experts in the uk have long pushed for our system to emulate the group work and independent study that is popular in finland , which has regularly topped international league tables .but a new analysis of finnish education suggests pupil aptitude has actually declined since the country embraced fashionable teaching methods .former education secretary : the findings will add weight to arguments by michael gove ( pictured ) that a return to traditional teacher-led lessons are the way to raise standards in schools\n", - "finnish methods include pupils working in small groups or independentlyin 2006 finland was second in world for maths , but down to 12th by 2012during period its test scores dropped 29 points in maths and 23 in readingmichael gove has argued for return to traditional teacher-led lessons\n", - "[1.1320196 1.5437939 1.1721388 1.3478651 1.2291489 1.1461215 1.0604167\n", - " 1.0685201 1.0654099 1.0639988 1.0475118 1.0484593 1.1335999 1.0746906\n", - " 1.0898204 1.0747635 1.034456 1.0181825 0. 0. ]\n", - "\n", - "[ 1 3 4 2 5 12 0 14 15 13 7 8 9 6 11 10 16 17 18 19]\n", - "=======================\n", - "[\"attractive yan tai weighed just over seven stone when she began dating you pan in south china 's guangdong province .yan 's weight had almost doubled - after she ballooned up to 14 stone 2lbs .but two years on when you asked her to marry him she was almost unrecognizable , according to the people 's daily .\"]\n", - "=======================\n", - "['yan tai weighed just over seven stone when she began dating you panbut two years on and she has ballooned to almost double her weightyou splashed out on meals everyday in a plan to keep her by his sidehe has now proposed to yan and promised to keep on feeding her']\n", - "attractive yan tai weighed just over seven stone when she began dating you pan in south china 's guangdong province .yan 's weight had almost doubled - after she ballooned up to 14 stone 2lbs .but two years on when you asked her to marry him she was almost unrecognizable , according to the people 's daily .\n", - "yan tai weighed just over seven stone when she began dating you panbut two years on and she has ballooned to almost double her weightyou splashed out on meals everyday in a plan to keep her by his sidehe has now proposed to yan and promised to keep on feeding her\n", - "[1.1744742 1.2858934 1.2598987 1.3466482 1.2056261 1.1307912 1.0786333\n", - " 1.0675011 1.0663731 1.1294649 1.123043 1.0231376 1.0222616 1.071431\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 4 0 5 9 10 6 13 7 8 11 12 18 14 15 16 17 19]\n", - "=======================\n", - "[\"the rubber bowl in akron , ohio , was built in 1939 and it served as the home for the university of akron 's football team for 68 yearsan ohio stadium that hosted rock and roll legends and football games for decades after it was built during the second world war now sits abandoned and in the midst of decay in the northeast corner of the buckeye state .the stadium , which can now hold more than 35,000 people , was closed in 2009 when the zips moved into infocision stadium .\"]\n", - "=======================\n", - "[\"the rubber bowl in akron , ohio , built in 1939 and served as home for the university of akron 's football teamthe zips played at the field for more than 65 years before finishing their run there with a game in november of 2008the stadium , which can hold more than 35,000 people , was sold to team1 properties for $ 38,000 in 2013group wanted to refurbish the stadium into a home for a united states football league team but plan fell apart\"]\n", - "the rubber bowl in akron , ohio , was built in 1939 and it served as the home for the university of akron 's football team for 68 yearsan ohio stadium that hosted rock and roll legends and football games for decades after it was built during the second world war now sits abandoned and in the midst of decay in the northeast corner of the buckeye state .the stadium , which can now hold more than 35,000 people , was closed in 2009 when the zips moved into infocision stadium .\n", - "the rubber bowl in akron , ohio , built in 1939 and served as home for the university of akron 's football teamthe zips played at the field for more than 65 years before finishing their run there with a game in november of 2008the stadium , which can hold more than 35,000 people , was sold to team1 properties for $ 38,000 in 2013group wanted to refurbish the stadium into a home for a united states football league team but plan fell apart\n", - "[1.2537618 1.3702776 1.2097157 1.2826704 1.1445564 1.115758 1.07067\n", - " 1.0993031 1.0717763 1.0705616 1.0245191 1.0412368 1.0166035 1.0206372\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 5 7 8 6 9 11 10 13 12 14 15 16 17 18 19]\n", - "=======================\n", - "[\"it claims that branded painkillers that say they specifically treat certain types of pain are just using ` clever marketing ' to make patients spend up to ten times more than they would on unbranded products , and that some manufacturers simply use the same pills in different packaging throughout their ranges .the uk over-the-counter medicines market , which also includes painkillers and anti-fungal creams , is worth # 2.5 billion , with brands vying for attention with brightly coloured packaging and promises that are questionable under scrutiny , claims dr chris van tulleken .britons spend an astonishing # 100 million a year on cough syrup -- when a glass of honey and lemon could work just as well , according to a new bbc television investigation .\"]\n", - "=======================\n", - "[\"` clever marketing ' makes patients spend up to ten times more , say expertsan investigation found britons spend # 100million on cough syrup a yearbut some doctors say there is no need to spend so much on remediesthe truth about medicine , 9pm bbc1 , april 9\"]\n", - "it claims that branded painkillers that say they specifically treat certain types of pain are just using ` clever marketing ' to make patients spend up to ten times more than they would on unbranded products , and that some manufacturers simply use the same pills in different packaging throughout their ranges .the uk over-the-counter medicines market , which also includes painkillers and anti-fungal creams , is worth # 2.5 billion , with brands vying for attention with brightly coloured packaging and promises that are questionable under scrutiny , claims dr chris van tulleken .britons spend an astonishing # 100 million a year on cough syrup -- when a glass of honey and lemon could work just as well , according to a new bbc television investigation .\n", - "` clever marketing ' makes patients spend up to ten times more , say expertsan investigation found britons spend # 100million on cough syrup a yearbut some doctors say there is no need to spend so much on remediesthe truth about medicine , 9pm bbc1 , april 9\n", - "[1.301478 1.3690994 1.343365 1.2900233 1.2171853 1.1125512 1.0685493\n", - " 1.0211356 1.0843958 1.0379975 1.0844165 1.0187155 1.0909793 1.0708184\n", - " 1.0665772 1.110142 1.1195476 1.085804 1.021486 1.0204059]\n", - "\n", - "[ 1 2 0 3 4 16 5 15 12 17 10 8 13 6 14 9 18 7 19 11]\n", - "=======================\n", - "['the tasmanian-born royal looked appropriately sombre in a chic black ensemble paired with grey accessories to mark the 75th anniversary of the occupation of aabenraa .the crown princess stepped out solo for her royal duties , following a week of family celebrations honouring the 75th birthday of queen margarethe ii .crown princess mary of denmark cut a stylish figure as she attended a remembrance ceremony in denmark on thursday .']\n", - "=======================\n", - "['crown princess mary was in aabenraa in southern denmark on thursdayevent marked the 75th anniversary of the invasion by germany in 1940tasmanian-born royal wore chic black ensemble with grey accessoriesbusy week for royals with birthday celebrations for queen margarethe ii']\n", - "the tasmanian-born royal looked appropriately sombre in a chic black ensemble paired with grey accessories to mark the 75th anniversary of the occupation of aabenraa .the crown princess stepped out solo for her royal duties , following a week of family celebrations honouring the 75th birthday of queen margarethe ii .crown princess mary of denmark cut a stylish figure as she attended a remembrance ceremony in denmark on thursday .\n", - "crown princess mary was in aabenraa in southern denmark on thursdayevent marked the 75th anniversary of the invasion by germany in 1940tasmanian-born royal wore chic black ensemble with grey accessoriesbusy week for royals with birthday celebrations for queen margarethe ii\n", - "[1.2231956 1.4925208 1.3245656 1.2933806 1.283396 1.1335802 1.1201358\n", - " 1.0939561 1.0857933 1.0882688 1.0542723 1.0269793 1.0553448 1.0523757\n", - " 1.1238639 1.0532621 1.0978457 1.0635067 1.0317135 1.0183634]\n", - "\n", - "[ 1 2 3 4 0 5 14 6 16 7 9 8 17 12 10 15 13 18 11 19]\n", - "=======================\n", - "['iain mackay , 40 , is believed to have argued with his thai girlfriend moments before his death .he is also understood to have clashed with a man who was seen talking to his girlfriend at a bar .the incidents happened in hua hin , a coastal town and beach resort 120 miles south-west of bangkok .']\n", - "=======================\n", - "['iain mackay , 40 , saw his thai girlfriend talking to another man in a bartrio reportedly got into a furious argument at the coastal hua hin resortshortly afterwards mr mackay appeared in a nearby shop bleeding heavilywas suffering injuries caused by shards of glass from a smashed mirrorparamedics were called to the scene but he died in hospital hours later']\n", - "iain mackay , 40 , is believed to have argued with his thai girlfriend moments before his death .he is also understood to have clashed with a man who was seen talking to his girlfriend at a bar .the incidents happened in hua hin , a coastal town and beach resort 120 miles south-west of bangkok .\n", - "iain mackay , 40 , saw his thai girlfriend talking to another man in a bartrio reportedly got into a furious argument at the coastal hua hin resortshortly afterwards mr mackay appeared in a nearby shop bleeding heavilywas suffering injuries caused by shards of glass from a smashed mirrorparamedics were called to the scene but he died in hospital hours later\n", - "[1.4434874 1.2569112 1.4044715 1.3371534 1.2865634 1.0369663 1.049331\n", - " 1.0276021 1.0513085 1.0990863 1.0494987 1.0612767 1.0276213 1.0184572\n", - " 1.0226594 1.0291874 1.0157074 1.2287893 1.0748618 0. ]\n", - "\n", - "[ 0 2 3 4 1 17 9 18 11 8 10 6 5 15 12 7 14 13 16 19]\n", - "=======================\n", - "['amy murray ( pictured ) assaulted a woman during a screening of fifty shades of grey after people became annoyed with her for laughing at the sex scenesan argument broke out and murray hit jessica deadman , 23 , while drunkenly gesturing with her hand .police were called to the century cinema in clacton-on-sea , essex , on february 18 just before the end of the film .']\n", - "=======================\n", - "['mother amy murray , 23 , was arrested in cinema after assaulting film-goershe and friend were drunk when they went to see fifty shades of greyrow broke out when others became annoyed with pair for laughingmurray has admitted charges of assault and being drunk and disorderly']\n", - "amy murray ( pictured ) assaulted a woman during a screening of fifty shades of grey after people became annoyed with her for laughing at the sex scenesan argument broke out and murray hit jessica deadman , 23 , while drunkenly gesturing with her hand .police were called to the century cinema in clacton-on-sea , essex , on february 18 just before the end of the film .\n", - "mother amy murray , 23 , was arrested in cinema after assaulting film-goershe and friend were drunk when they went to see fifty shades of greyrow broke out when others became annoyed with pair for laughingmurray has admitted charges of assault and being drunk and disorderly\n", - "[1.2816226 1.4011128 1.2154042 1.3558023 1.0443075 1.1450099 1.0921863\n", - " 1.063412 1.0647709 1.0717244 1.1527951 1.0882884 1.0500251 1.0146459\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 10 5 6 11 9 8 7 12 4 13 18 14 15 16 17 19]\n", - "=======================\n", - "[\"former destrehan high school teacher shelley dufresne was arrested in september after the teen in question started bragging to friends at the st charles parish , louisiana school that he had slept with two teachers .` free ' woman : shelley dufresne , 32 , confessed in court thursday to having sex with a 16-year-old english student in exchange for a plea deal that gets her out of prison time .an investigation later revealed that the unidentified teen had sex with both his current english teacher at the time , dufresne , and his english teacher from the prior year , 24-year-old rachel respess - including an alleged a threesome with both at respess 's house .\"]\n", - "=======================\n", - "[\"shelley dufresne was arrested in september when a student at the high school she taught at started bragging about sleeping with two teachersit was later revealed that the 16-year-old had sex with both dufresne and his former english teacher , 24-year-old rachel respessdufresne , 32 , pleaded not guilty to charges in november , but changed course on thursday when she admitted having sex with the teenin a forgiving plea deal , dufresne will only have to attend a 90-day therapy program , stay away from the victim and turn in her teacher 's licensein exchange , the charge of carnal knowledge of a child will be dropped after her probation and she wo n't have to register as a sex offenderhowever , dufresne is still awaiting an arraignment on charges for having a threesome with the same student and respess in a different parish\"]\n", - "former destrehan high school teacher shelley dufresne was arrested in september after the teen in question started bragging to friends at the st charles parish , louisiana school that he had slept with two teachers .` free ' woman : shelley dufresne , 32 , confessed in court thursday to having sex with a 16-year-old english student in exchange for a plea deal that gets her out of prison time .an investigation later revealed that the unidentified teen had sex with both his current english teacher at the time , dufresne , and his english teacher from the prior year , 24-year-old rachel respess - including an alleged a threesome with both at respess 's house .\n", - "shelley dufresne was arrested in september when a student at the high school she taught at started bragging about sleeping with two teachersit was later revealed that the 16-year-old had sex with both dufresne and his former english teacher , 24-year-old rachel respessdufresne , 32 , pleaded not guilty to charges in november , but changed course on thursday when she admitted having sex with the teenin a forgiving plea deal , dufresne will only have to attend a 90-day therapy program , stay away from the victim and turn in her teacher 's licensein exchange , the charge of carnal knowledge of a child will be dropped after her probation and she wo n't have to register as a sex offenderhowever , dufresne is still awaiting an arraignment on charges for having a threesome with the same student and respess in a different parish\n", - "[1.259024 1.2601547 1.2764415 1.301629 1.2871757 1.1817079 1.0345438\n", - " 1.0358014 1.1020817 1.1278375 1.0628448 1.0327984 1.0837526 1.0319172\n", - " 1.0187396 1.013011 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 2 1 0 5 9 8 12 10 7 6 11 13 14 15 18 16 17 19]\n", - "=======================\n", - "[\"google partnered with catlin seaview survey and adrian shine from the loch ness and morar project to capture the street view images ( loch ness and urquhart castle pictured ) .the site has launched to mark the 81st anniversary of the ` surgeon 's photograph ' - an image of the mythical monster from 1934 - and it lets people virtually explore above and beneath the water of the attraction to the southwest of invernessthe tech giant has also released a google doodle to commemorate the anniversary and changed the yellow pegman to a nessie peg-monster .\"]\n", - "=======================\n", - "[\"google partnered with catlin seaview survey and the loch ness and morar project to capture the street view shotssite has launched to mark the 81st anniversary of the ` surgeon 's photograph ' - an image of the mythical monsterit lets people virtually explore above and beneath the water of the iconic waterway to the southwest of invernessthere are more searches for loch ness than any other uk institution , and google 's doodle also marks the occasion\"]\n", - "google partnered with catlin seaview survey and adrian shine from the loch ness and morar project to capture the street view images ( loch ness and urquhart castle pictured ) .the site has launched to mark the 81st anniversary of the ` surgeon 's photograph ' - an image of the mythical monster from 1934 - and it lets people virtually explore above and beneath the water of the attraction to the southwest of invernessthe tech giant has also released a google doodle to commemorate the anniversary and changed the yellow pegman to a nessie peg-monster .\n", - "google partnered with catlin seaview survey and the loch ness and morar project to capture the street view shotssite has launched to mark the 81st anniversary of the ` surgeon 's photograph ' - an image of the mythical monsterit lets people virtually explore above and beneath the water of the iconic waterway to the southwest of invernessthere are more searches for loch ness than any other uk institution , and google 's doodle also marks the occasion\n", - "[1.1004473 1.2206686 1.3482034 1.2056382 1.2168212 1.2148294 1.2040687\n", - " 1.1090734 1.0660936 1.068954 1.0449783 1.0650374 1.0429326 1.0451605\n", - " 1.0507814 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 4 5 3 6 7 0 9 8 11 14 13 10 12 18 15 16 17 19]\n", - "=======================\n", - "[\"party chiefs had scrambled to shore up support for ed miliband after it emerged that dozens of labour councils and mps employ staff on the controversial contracts , which he has pledged to ban .labour 's efforts to fight off accusations of hypocrisy on zero-hours contracts were in chaos last night .and labour 's biggest donor unite also lost a humiliating tribunal ruling over an employee who claims he was sacked for complaining about being employed on a zero-hours basis .\"]\n", - "=======================\n", - "[\"ed miliband accused of ` hypocrisy ' after 68 mps used zero-hour contracts100 workers and employers from ` all walks of life ' signed letter backing edbut signatories included affluent students and union and party activistsjohn-jo pierce and rory somerville both pictured in black tie with cigarswayne hemingway , red or dead co-founder , has used zero-hour contractsa picture caption in an earlier version of this article wrongly stated that rory somerville is 31 years old .\"]\n", - "party chiefs had scrambled to shore up support for ed miliband after it emerged that dozens of labour councils and mps employ staff on the controversial contracts , which he has pledged to ban .labour 's efforts to fight off accusations of hypocrisy on zero-hours contracts were in chaos last night .and labour 's biggest donor unite also lost a humiliating tribunal ruling over an employee who claims he was sacked for complaining about being employed on a zero-hours basis .\n", - "ed miliband accused of ` hypocrisy ' after 68 mps used zero-hour contracts100 workers and employers from ` all walks of life ' signed letter backing edbut signatories included affluent students and union and party activistsjohn-jo pierce and rory somerville both pictured in black tie with cigarswayne hemingway , red or dead co-founder , has used zero-hour contractsa picture caption in an earlier version of this article wrongly stated that rory somerville is 31 years old .\n", - "[1.2375106 1.2548004 1.1336832 1.1999316 1.2787379 1.0370853 1.0292059\n", - " 1.1431191 1.0643744 1.0613166 1.0591083 1.0456823 1.0883521 1.0477735\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 1 0 3 7 2 12 8 9 10 13 11 5 6 17 14 15 16 18]\n", - "=======================\n", - "['as one headline blared this week , \" baby girl could be worth $ 1.5 billion to the country . \"as of today , 70 % of those laying down their hard earned cash are convinced the world is on the verge of welcoming a new princess .( cnn ) as the great kate wait of 2015 drags on , giving a whole new meaning to kate \\'s somewhat unfair noughties nickname , \" waity katie , \" bets on the arrival of a new baby a girl continue to be placed at a feverish rate .']\n", - "=======================\n", - "[\"british monarchy 's 1,000-year history has seen 34 kings and just 6 queens on the thronevictoria arbiter argues the royal family needs a baby girl to fill the female void of future generations\"]\n", - "as one headline blared this week , \" baby girl could be worth $ 1.5 billion to the country . \"as of today , 70 % of those laying down their hard earned cash are convinced the world is on the verge of welcoming a new princess .( cnn ) as the great kate wait of 2015 drags on , giving a whole new meaning to kate 's somewhat unfair noughties nickname , \" waity katie , \" bets on the arrival of a new baby a girl continue to be placed at a feverish rate .\n", - "british monarchy 's 1,000-year history has seen 34 kings and just 6 queens on the thronevictoria arbiter argues the royal family needs a baby girl to fill the female void of future generations\n", - "[1.3594333 1.320722 1.2626159 1.3023728 1.2694771 1.1977849 1.1138062\n", - " 1.0671324 1.0981683 1.0744535 1.0749128 1.1176805 1.0659212 1.0160061\n", - " 1.0081052 1.0071061 1.0066437 0. 0. ]\n", - "\n", - "[ 0 1 3 4 2 5 11 6 8 10 9 7 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"hundreds of staff at the royal courts of justice and london school of economics were evacuated again today after a building due to be demolished collapsed ` like a pancake ' injuring a 56-year-old workman .workers underneath the six-storey structure fled for their lives after the fifth , fourth and third floors crashed down on to the rest of the building - sending a huge cloud of dust into the air .injury : police said a 56-year-old man was being treated for injuries this afternoon following the disaster\"]\n", - "=======================\n", - "[\"six-storey structure collapsed this afternoon in holborn , central londonsite is just yards from where cable fire caused chaos earlier this monthon both occasions university and court staff have had to be evacuatednot yet known whether today 's incident is connected to underground blaze\"]\n", - "hundreds of staff at the royal courts of justice and london school of economics were evacuated again today after a building due to be demolished collapsed ` like a pancake ' injuring a 56-year-old workman .workers underneath the six-storey structure fled for their lives after the fifth , fourth and third floors crashed down on to the rest of the building - sending a huge cloud of dust into the air .injury : police said a 56-year-old man was being treated for injuries this afternoon following the disaster\n", - "six-storey structure collapsed this afternoon in holborn , central londonsite is just yards from where cable fire caused chaos earlier this monthon both occasions university and court staff have had to be evacuatednot yet known whether today 's incident is connected to underground blaze\n", - "[1.1676913 1.404311 1.2273562 1.3346999 1.1763091 1.1981851 1.0887488\n", - " 1.185196 1.0562283 1.0528156 1.0805037 1.0412657 1.100001 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 5 7 4 0 12 6 10 8 9 11 17 13 14 15 16 18]\n", - "=======================\n", - "[\"according to a saturday report by nbc affiliate 11alive , the 46-year-old singer has filed for guardianship over daughter bobbi kristina 's estate .this news comes just days after the 22-year-old 's loved ones were split over whether she had awoken from her coma as her father had claimed .the daughter of whitney houston was recently moved from emory university hospital - where she had been treated since being found unresponsive on january 31 - so she could be provided with long term care .\"]\n", - "=======================\n", - "[\"bobby brown has filed for guardianship over his daughter 's estatehe has maintained bobbi kristina is awake from her comamaternal grandmother cissy houston updated fans clarifying that her grandchild is ` no longer in a medically induced coma 'but cissy explained that her granddaughter is irreversibly brain damaged and unresponsivethe hospitalised woman 's 46-year-old father told fans at a dallas concert last saturday that ` bobbi is awake .on monday , his wife alicia tried to clarify bobby 's statement saying ` she has made it out of icu and opened her eyes 'a source close to the houston family shared that they ` have no idea where bobby is getting his information 'the 22-year-old only child of the late whitney houston was first hospitalized on january 31 after being found face down and unconscious in a bathtub at her georgia home\"]\n", - "according to a saturday report by nbc affiliate 11alive , the 46-year-old singer has filed for guardianship over daughter bobbi kristina 's estate .this news comes just days after the 22-year-old 's loved ones were split over whether she had awoken from her coma as her father had claimed .the daughter of whitney houston was recently moved from emory university hospital - where she had been treated since being found unresponsive on january 31 - so she could be provided with long term care .\n", - "bobby brown has filed for guardianship over his daughter 's estatehe has maintained bobbi kristina is awake from her comamaternal grandmother cissy houston updated fans clarifying that her grandchild is ` no longer in a medically induced coma 'but cissy explained that her granddaughter is irreversibly brain damaged and unresponsivethe hospitalised woman 's 46-year-old father told fans at a dallas concert last saturday that ` bobbi is awake .on monday , his wife alicia tried to clarify bobby 's statement saying ` she has made it out of icu and opened her eyes 'a source close to the houston family shared that they ` have no idea where bobby is getting his information 'the 22-year-old only child of the late whitney houston was first hospitalized on january 31 after being found face down and unconscious in a bathtub at her georgia home\n", - "[1.4860342 1.1148458 1.424675 1.3248072 1.1126336 1.0417787 1.0251426\n", - " 1.0396329 1.0316328 1.1456046 1.0993596 1.058279 1.1222322 1.0729271\n", - " 1.0292455 1.1263413 1.0538045 0. 0. ]\n", - "\n", - "[ 0 2 3 9 15 12 1 4 10 13 11 16 5 7 8 14 6 17 18]\n", - "=======================\n", - "[\"the wi has been told it must pay the royal albert hall thousands of pounds if it wants to serve the cakes to 5,000 women attending centenary celebrations at the venue in junethe idea was that the 5,000 members attending the national federation of the women 's institute 's agm , which this year celebrates the anniversary , would find a box of centenary cake on their seats .under the hall 's booking conditions , extra fees are liable if products of commercial sponsors are promoted inside the building .\"]\n", - "=======================\n", - "[\"women 's institute centenary celebrations will be held at the venue in junetold they must pay extra money because some ingredients were donatedextra fees are liable if products of commercial sponsors are promoted\"]\n", - "the wi has been told it must pay the royal albert hall thousands of pounds if it wants to serve the cakes to 5,000 women attending centenary celebrations at the venue in junethe idea was that the 5,000 members attending the national federation of the women 's institute 's agm , which this year celebrates the anniversary , would find a box of centenary cake on their seats .under the hall 's booking conditions , extra fees are liable if products of commercial sponsors are promoted inside the building .\n", - "women 's institute centenary celebrations will be held at the venue in junetold they must pay extra money because some ingredients were donatedextra fees are liable if products of commercial sponsors are promoted\n", - "[1.2856438 1.3562751 1.3398385 1.2362795 1.1590794 1.1439217 1.1175494\n", - " 1.1121012 1.0681677 1.0669771 1.0775123 1.0705485 1.0916862 1.0331036\n", - " 1.0987116 1.0549097 1.0839499 1.0427594 1.0211717]\n", - "\n", - "[ 1 2 0 3 4 5 6 7 14 12 16 10 11 8 9 15 17 13 18]\n", - "=======================\n", - "['the isis terrorist group claimed responsibility for the attack .the explosion killed at least 33 people and injured more than 100 others , public health spokesman najibullah kamawal said .kabul , afghanistan ( cnn ) a suicide bomber on a motorbike blew himself up in front of the kabul bank in jalalabad early saturday , a local government spokesman said .']\n", - "=======================\n", - "['u.n. says suicide attacks on mass groups of civilians may be labeled as war crimestaliban condemns the attack , which isis took credit forthe bomber targeted government workers picking up their pay , isis said in a statement']\n", - "the isis terrorist group claimed responsibility for the attack .the explosion killed at least 33 people and injured more than 100 others , public health spokesman najibullah kamawal said .kabul , afghanistan ( cnn ) a suicide bomber on a motorbike blew himself up in front of the kabul bank in jalalabad early saturday , a local government spokesman said .\n", - "u.n. says suicide attacks on mass groups of civilians may be labeled as war crimestaliban condemns the attack , which isis took credit forthe bomber targeted government workers picking up their pay , isis said in a statement\n", - "[1.1430526 1.5300368 1.3357767 1.1388295 1.1469467 1.0711372 1.066889\n", - " 1.0298527 1.0485814 1.1049676 1.097102 1.0838293 1.069891 1.0863719\n", - " 1.0662806 1.0637553 1.0568018 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 0 3 9 10 13 11 5 12 6 14 15 16 8 7 23 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"at least five women got into a large-scale brawl that lasted for multiple minutes at a zara clothing store on friday afternoon .the fight broke out at a store location in the city 's rittenhouse square neighborhood .a women wearing a pink top and underwear spent most of the brawl with her shirt being pulled\"]\n", - "=======================\n", - "[\"the fight broke out at store in the city 's rittenhouse square neighborhoodit went on for several minutes while witnesses both watched and filmedthe police were called but all the women had departed by time they arrivedan investigation is ongoing and the cause of the fight remains unclear\"]\n", - "at least five women got into a large-scale brawl that lasted for multiple minutes at a zara clothing store on friday afternoon .the fight broke out at a store location in the city 's rittenhouse square neighborhood .a women wearing a pink top and underwear spent most of the brawl with her shirt being pulled\n", - "the fight broke out at store in the city 's rittenhouse square neighborhoodit went on for several minutes while witnesses both watched and filmedthe police were called but all the women had departed by time they arrivedan investigation is ongoing and the cause of the fight remains unclear\n", - "[1.1612309 1.54529 1.2731392 1.4187834 1.0703979 1.0465231 1.0250332\n", - " 1.0672634 1.1117961 1.1249434 1.0209215 1.0142155 1.0200803 1.0352869\n", - " 1.046848 1.0213827 1.0303141 1.0292093 1.0473325 1.082076 1.036516\n", - " 1.0153332 1.0112308 1.030928 1.0450249]\n", - "\n", - "[ 1 3 2 0 9 8 19 4 7 18 14 5 24 20 13 23 16 17 6 15 10 12 21 11\n", - " 22]\n", - "=======================\n", - "[\"husband and wife david and sandra greatrex , 53 and 52 , from plymouth , have told their shocking story of harassment , which culminated in david 's sister anne cancelling the couple 's wedding using a fake email address just weeks before the big day .the couple have spoken about their family feud on channel 5 documentary , family secrets and lies , which airs tonight .a woman who successfully set up her brother with one of her best friends ended up becoming so jealous of their relationship she tried to wreck their marriage .\"]\n", - "=======================\n", - "[\"sandra and david greatrex were introduced by david 's sister , anne duffysoon anne started sending threatening text messages to sandrarift got so bad she stopped tried to cancel their wedding using fake email\"]\n", - "husband and wife david and sandra greatrex , 53 and 52 , from plymouth , have told their shocking story of harassment , which culminated in david 's sister anne cancelling the couple 's wedding using a fake email address just weeks before the big day .the couple have spoken about their family feud on channel 5 documentary , family secrets and lies , which airs tonight .a woman who successfully set up her brother with one of her best friends ended up becoming so jealous of their relationship she tried to wreck their marriage .\n", - "sandra and david greatrex were introduced by david 's sister , anne duffysoon anne started sending threatening text messages to sandrarift got so bad she stopped tried to cancel their wedding using fake email\n", - "[1.1770256 1.4363453 1.1737111 1.3082868 1.2621919 1.0254279 1.0386978\n", - " 1.0688936 1.298768 1.0342147 1.0311552 1.1239325 1.0263481 1.0423334\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 8 4 0 2 11 7 13 6 9 10 12 5 14 15 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"in an article by the australian written on monday , jim carroll , the news and current affairs director of sbs , was reported to be taking a more ` commercial ' approach to the network by hiring ` good-looking , female , anglo-celtic ' journalists .` never mind the fact that i work damned hard ' : sbs reporter ellie laing has launched a scathing attack on an article in the australian that suggested she and other journalists were hired for being young , white and femalediversity : the sbs was criticised for hiring young attractive reporters , with sarah abo one of the journalists mentioned in the article\"]\n", - "=======================\n", - "[\"ellie laing spoke out against claims of being hired for looks alonethe australian claimed jim carroll only employed pretty , anglo-celtic girlsthe article claims sbs is having an ` attractive ' overhaul to boost ratingsit 's believed karen middleton sbs political reporter 's departure comes after she did n't ` fit the bill 'laing said article did not take into account decade of working ` damn hard 'told daily mail australia that reaction to her letter has been supportive\"]\n", - "in an article by the australian written on monday , jim carroll , the news and current affairs director of sbs , was reported to be taking a more ` commercial ' approach to the network by hiring ` good-looking , female , anglo-celtic ' journalists .` never mind the fact that i work damned hard ' : sbs reporter ellie laing has launched a scathing attack on an article in the australian that suggested she and other journalists were hired for being young , white and femalediversity : the sbs was criticised for hiring young attractive reporters , with sarah abo one of the journalists mentioned in the article\n", - "ellie laing spoke out against claims of being hired for looks alonethe australian claimed jim carroll only employed pretty , anglo-celtic girlsthe article claims sbs is having an ` attractive ' overhaul to boost ratingsit 's believed karen middleton sbs political reporter 's departure comes after she did n't ` fit the bill 'laing said article did not take into account decade of working ` damn hard 'told daily mail australia that reaction to her letter has been supportive\n", - "[1.082837 1.4595395 1.3297088 1.0544251 1.0403222 1.0584372 1.1572325\n", - " 1.1811422 1.0492669 1.2992935 1.0381781 1.0788502 1.0256001 1.1598303\n", - " 1.1012983 1.0124216 1.0099238 1.0160857 1.1687276 1.0117705 1.0108155\n", - " 1.0107832 1.0089957 1.0133547 0. ]\n", - "\n", - "[ 1 2 9 7 18 13 6 14 0 11 5 3 8 4 10 12 17 23 15 19 20 21 16 22\n", - " 24]\n", - "=======================\n", - "['at the end of march , leicester were bottom of the table with 19 points , seven off safety .win on saturday and they will be out of the relegation zone .leicester players are full of confidence after three successive victories in the premier league']\n", - "=======================\n", - "[\"leicester can move out of the drop zone by beating burnley on saturdaynigel pearson 's side were bottom of the table on christmas daythe foxes have won last three league games on the bounce\"]\n", - "at the end of march , leicester were bottom of the table with 19 points , seven off safety .win on saturday and they will be out of the relegation zone .leicester players are full of confidence after three successive victories in the premier league\n", - "leicester can move out of the drop zone by beating burnley on saturdaynigel pearson 's side were bottom of the table on christmas daythe foxes have won last three league games on the bounce\n", - "[1.3648454 1.3105677 1.2470899 1.1778667 1.1642946 1.1090188 1.1059597\n", - " 1.1045208 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 5 6 7 22 21 20 19 18 17 16 12 14 13 23 11 10 9 8 15\n", - " 24]\n", - "=======================\n", - "['( cnn ) with help from some filmmakers , 102-year-old alice barker went back in time .barker was a dancer in such new york nightspots as the cotton club and the cafe zanzibar in the 1930s and 1940s , part of chorus lines that entertained alongside notables including bill \" bojangles \" robinson and frank sinatra .there were motion pictures made of barker , but she had never seen any of them .']\n", - "=======================\n", - "[\"alice barker was a dancer in the 1930s and '40sthanks to filmmakers , barker -- now 102 -- finally saw herself dance\"]\n", - "( cnn ) with help from some filmmakers , 102-year-old alice barker went back in time .barker was a dancer in such new york nightspots as the cotton club and the cafe zanzibar in the 1930s and 1940s , part of chorus lines that entertained alongside notables including bill \" bojangles \" robinson and frank sinatra .there were motion pictures made of barker , but she had never seen any of them .\n", - "alice barker was a dancer in the 1930s and '40sthanks to filmmakers , barker -- now 102 -- finally saw herself dance\n", - "[1.2857424 1.3137866 1.4587994 1.2932496 1.1681187 1.0536748 1.0179601\n", - " 1.0202707 1.1333694 1.1058646 1.0231663 1.041262 1.0160307 1.1057866\n", - " 1.2102057 1.1480435 1.1658661 1.0648309 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 0 14 4 16 15 8 9 13 17 5 11 10 7 6 12 19 18 20]\n", - "=======================\n", - "['david priestley called 999 three times and had to wait an hour for an ambulance to reach his wife diane , who was struggling to breathe and whose tongue and lips had turned blue .an ambulance service has apologised to the family of a woman who died after errors by emergency call operators meant she was not classed as having a life-threatening condition .an investigation has found that an ambulance should have been given a response priority of eight minutes to reach the 57-year-old at her home in shildon , county durham .']\n", - "=======================\n", - "['david priestley called 999 three times and waited an hour for ambulancehis wife diane was struggling to breathe and was starting to turn blueambulance trust admitted delay due to incorrect priority by call-handlermr priestley said he is tormented by thought his wife may have survived']\n", - "david priestley called 999 three times and had to wait an hour for an ambulance to reach his wife diane , who was struggling to breathe and whose tongue and lips had turned blue .an ambulance service has apologised to the family of a woman who died after errors by emergency call operators meant she was not classed as having a life-threatening condition .an investigation has found that an ambulance should have been given a response priority of eight minutes to reach the 57-year-old at her home in shildon , county durham .\n", - "david priestley called 999 three times and waited an hour for ambulancehis wife diane was struggling to breathe and was starting to turn blueambulance trust admitted delay due to incorrect priority by call-handlermr priestley said he is tormented by thought his wife may have survived\n", - "[1.1742964 1.4138914 1.1988779 1.1877272 1.3669953 1.0714927 1.0414593\n", - " 1.0754848 1.0698655 1.0455796 1.0707045 1.1387532 1.1237465 1.1454912\n", - " 1.1452489 1.093764 1.0277848 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 3 0 13 14 11 12 15 7 5 10 8 9 6 16 17 18 19 20]\n", - "=======================\n", - "[\"young alexis douglas was playing at her sister 's friend 's house in melbourne earlier this year , when a neighbour 's pitbull attacked the little girl .left with deep gashes of up to 10cm , her mother monique douglas told daily mail australia that not a day goes by that she cries for her daughter who has been left so traumatised that she is unable to play outside by herself .but what has outraged mrs douglas even more is that the dog 's owner escaped without a conviction for not registering his pitbull and was instead handed a $ 1500 fine by the court .\"]\n", - "=======================\n", - "[\"alexis douglas was outside a friend 's house when a pitbull attacked herthe five-year-old required 50 stitches after the dog mauled her faceshe is too afraid to go outside her home without her mother or teachersthe dog 's owner put down the pitbull and escaped any convictionsedward powell did not register his dog and the court gave him a $ 1500 finemonique douglas , alexis 's mother , is outraged with the verdict handed down on thursday\"]\n", - "young alexis douglas was playing at her sister 's friend 's house in melbourne earlier this year , when a neighbour 's pitbull attacked the little girl .left with deep gashes of up to 10cm , her mother monique douglas told daily mail australia that not a day goes by that she cries for her daughter who has been left so traumatised that she is unable to play outside by herself .but what has outraged mrs douglas even more is that the dog 's owner escaped without a conviction for not registering his pitbull and was instead handed a $ 1500 fine by the court .\n", - "alexis douglas was outside a friend 's house when a pitbull attacked herthe five-year-old required 50 stitches after the dog mauled her faceshe is too afraid to go outside her home without her mother or teachersthe dog 's owner put down the pitbull and escaped any convictionsedward powell did not register his dog and the court gave him a $ 1500 finemonique douglas , alexis 's mother , is outraged with the verdict handed down on thursday\n", - "[1.3248305 1.4904735 1.2619503 1.021578 1.2014842 1.0666208 1.225621\n", - " 1.0371156 1.1436198 1.1066462 1.1338902 1.0769587 1.0760436 1.0846244\n", - " 1.0191324 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 6 4 8 10 9 13 11 12 5 7 3 14 19 15 16 17 18 20]\n", - "=======================\n", - "[\"the toffees have been sponsored by thai beverage chang beer for over 11 years and jagielka , who scored the winner against southampton on saturday , was on hand to visit chaophraya restaurant in liverpool for a special cookery lesson .phil jagielka swapped everton 's training ground for a kitchen earlier this week as he learned to cook a traditional thai dish to celebrate the sacred festival of songkran .having teamed up with expert chef kim kaewkraikhot , everton 's captain prepared some pad thai - a stir-fried noodle dish - before taste testing his own food .\"]\n", - "=======================\n", - "[\"phil jagielka visited chaophraya restaurant with sponsors chang beerthe everton skipper had a cookery lesson with thai chef kim kaewkraikhotengland defender jagielka was pleased that he ` did n't burn anything down 'the toffees take on swansea on saturday looking for a fourth win in a row\"]\n", - "the toffees have been sponsored by thai beverage chang beer for over 11 years and jagielka , who scored the winner against southampton on saturday , was on hand to visit chaophraya restaurant in liverpool for a special cookery lesson .phil jagielka swapped everton 's training ground for a kitchen earlier this week as he learned to cook a traditional thai dish to celebrate the sacred festival of songkran .having teamed up with expert chef kim kaewkraikhot , everton 's captain prepared some pad thai - a stir-fried noodle dish - before taste testing his own food .\n", - "phil jagielka visited chaophraya restaurant with sponsors chang beerthe everton skipper had a cookery lesson with thai chef kim kaewkraikhotengland defender jagielka was pleased that he ` did n't burn anything down 'the toffees take on swansea on saturday looking for a fourth win in a row\n", - "[1.2909083 1.2978135 1.2847302 1.2555978 1.1892358 1.176545 1.1083201\n", - " 1.0788084 1.0679625 1.0834099 1.0410534 1.0514679 1.102208 1.0436339\n", - " 1.0686398 1.0960208 1.0763065 1.0578985 1.1346537 1.0712955 1.023138 ]\n", - "\n", - "[ 1 0 2 3 4 5 18 6 12 15 9 7 16 19 14 8 17 11 13 10 20]\n", - "=======================\n", - "['somalia \\'s president called it \" an attack against the future of our country . \"( cnn ) an improvised bomb exploded near a u.n. vehicle traveling near the northeastern somali city of garowe on monday morning , killing six people -- including four aid workers for the international children \\'s agency unicef .the attack follows a separate incident sunday in which three african union troops died in an ambush in the lower shabelle region of somalia .']\n", - "=======================\n", - "['the bombing is \" an attack against the future of our country , \" somalia \\'s president saysunicef says the staff members \\' vehicle was hit by an explosion on its way to their officefour wounded staff members are in serious condition , the agency says']\n", - "somalia 's president called it \" an attack against the future of our country . \"( cnn ) an improvised bomb exploded near a u.n. vehicle traveling near the northeastern somali city of garowe on monday morning , killing six people -- including four aid workers for the international children 's agency unicef .the attack follows a separate incident sunday in which three african union troops died in an ambush in the lower shabelle region of somalia .\n", - "the bombing is \" an attack against the future of our country , \" somalia 's president saysunicef says the staff members ' vehicle was hit by an explosion on its way to their officefour wounded staff members are in serious condition , the agency says\n", - "[1.4459311 1.3984064 1.2092538 1.1516991 1.075189 1.0584155 1.0192242\n", - " 1.0258576 1.0220536 1.1182681 1.2073027 1.1905812 1.0966151 1.0787102\n", - " 1.0149995 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 10 11 3 9 12 13 4 5 7 8 6 14 19 15 16 17 18 20]\n", - "=======================\n", - "[\"amir khan believes kell brook has called him out so that he can have the ` one big payday ' which has so far eluded him during his 10-and-a-half year career .brook , who defeated jo jo dan to retain his ibf welterweight title last month , immediately challenged khan in a post-fight interview but the bolton-born boxer has instead agreed a bout on may 30 , with his opponent yet to be confirmed .khan has reiterated his intention to take on brook within the next 12 months , although he insists that the undefeated 28-year-old only wants the fight because of the money it will earn him .\"]\n", - "=======================\n", - "[\"amir khan has rejected a # 5million fight with kell brook in junekhan claims that brook only wants to fight him for ` one big payday 'brook will struggle to fight one of boxing 's big names , according to khankhan says brook is nowhere near floyd mayweather and manny pacquiaowatch here : mayweather vs pacquiao official advert releasedfreddie roach : pacquiao better equipped to beat mayweather than in 2010click here for all the latest news from the world of boxing\"]\n", - "amir khan believes kell brook has called him out so that he can have the ` one big payday ' which has so far eluded him during his 10-and-a-half year career .brook , who defeated jo jo dan to retain his ibf welterweight title last month , immediately challenged khan in a post-fight interview but the bolton-born boxer has instead agreed a bout on may 30 , with his opponent yet to be confirmed .khan has reiterated his intention to take on brook within the next 12 months , although he insists that the undefeated 28-year-old only wants the fight because of the money it will earn him .\n", - "amir khan has rejected a # 5million fight with kell brook in junekhan claims that brook only wants to fight him for ` one big payday 'brook will struggle to fight one of boxing 's big names , according to khankhan says brook is nowhere near floyd mayweather and manny pacquiaowatch here : mayweather vs pacquiao official advert releasedfreddie roach : pacquiao better equipped to beat mayweather than in 2010click here for all the latest news from the world of boxing\n", - "[1.2411602 1.5395758 1.2144935 1.0893296 1.0265043 1.0385836 1.1771381\n", - " 1.1574262 1.2078758 1.108123 1.0435541 1.022494 1.1691097 1.1525891\n", - " 1.0311058 1.0433596 1.0317005 1.0248302 1.0464106 1.022241 1.05111\n", - " 1.0238739 1.0516033 0. ]\n", - "\n", - "[ 1 0 2 8 6 12 7 13 9 3 22 20 18 10 15 5 16 14 4 17 21 11 19 23]\n", - "=======================\n", - "[\"alaska airlines flight 448 bound for los angeles was forced to return to seattle-tacoma international airport monday when passengers heard banging and pleas for help coming from beneath the aircraft .the baggage handler who woke up from a nap inside the cargo hold of a flying plane did not realize until a piece of luggage fell on top of him .today , the unnamed seattle airport employee revealed he might have slept much longer if it had n't been for the passengers ' bags .\"]\n", - "=======================\n", - "['flight 448 had just taken off monday when the pilot heard banging from beneathla-bound plane was forced to return to seattle for emergency landingworker dialed 911 asking dispatcher to call someone and stop the planehe later emerged calm but was taken to hospital as a precautioncargo hold was pressurized and temperature controlled , so the man was not in danger']\n", - "alaska airlines flight 448 bound for los angeles was forced to return to seattle-tacoma international airport monday when passengers heard banging and pleas for help coming from beneath the aircraft .the baggage handler who woke up from a nap inside the cargo hold of a flying plane did not realize until a piece of luggage fell on top of him .today , the unnamed seattle airport employee revealed he might have slept much longer if it had n't been for the passengers ' bags .\n", - "flight 448 had just taken off monday when the pilot heard banging from beneathla-bound plane was forced to return to seattle for emergency landingworker dialed 911 asking dispatcher to call someone and stop the planehe later emerged calm but was taken to hospital as a precautioncargo hold was pressurized and temperature controlled , so the man was not in danger\n", - "[1.214121 1.4040306 1.2999331 1.1746496 1.2383971 1.1624408 1.0215027\n", - " 1.1226887 1.1201465 1.1092819 1.121106 1.0680696 1.1237222 1.0787734\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 0 3 5 12 7 10 8 9 13 11 6 14 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "['the knightsbridge flat , london , which is on sale for a fraction of the price of neighbouring homes , has just three years left on the lease .the cost would work out at # 191,000 per year , or # 15,000 per month - which is around the going rate for renting a three-bedroom flat in the area .but if any buyer decides to extend the lease , the property could be worth upwards of # 6 million .']\n", - "=======================\n", - "['the knightsbridge flat has been put on the market for a fraction of the price of neighbouring homes , at # 575,000it has only three years left on lease putting cost at # 15,000 a month - going rate for renting a three-bed in the areaproperty experts said if a buyer decides to extend the lease , the property could be worth upwards of # 6 millionbut renewal would not come cheap with the cost for a new 90-year lease estimated at between # 3.35 and # 4.5 million']\n", - "the knightsbridge flat , london , which is on sale for a fraction of the price of neighbouring homes , has just three years left on the lease .the cost would work out at # 191,000 per year , or # 15,000 per month - which is around the going rate for renting a three-bedroom flat in the area .but if any buyer decides to extend the lease , the property could be worth upwards of # 6 million .\n", - "the knightsbridge flat has been put on the market for a fraction of the price of neighbouring homes , at # 575,000it has only three years left on lease putting cost at # 15,000 a month - going rate for renting a three-bed in the areaproperty experts said if a buyer decides to extend the lease , the property could be worth upwards of # 6 millionbut renewal would not come cheap with the cost for a new 90-year lease estimated at between # 3.35 and # 4.5 million\n", - "[1.2201005 1.4763258 1.4083433 1.3015314 1.0291262 1.1460544 1.2141099\n", - " 1.1404184 1.1179615 1.0265288 1.0096043 1.0128859 1.1201689 1.1455967\n", - " 1.0291035 1.0608807 1.029712 1.0072339 1.0128436 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 6 5 13 7 12 8 15 16 4 14 9 11 18 10 17 19 20 21 22 23]\n", - "=======================\n", - "['the whole damn farm , which costs # 13.50 , is the creation of sam longhurst , head chef of splendid kitchen , manchester .he devised the mega meal - which contains two beef patties and a whole fried chicken thigh - after he was challenged by diners to create a burger containing three kinds of meat .a chef has created a 10in-tall , half-kilogram burger piled with six forms of three different meats and containing a whopping 2,000 calories .']\n", - "=======================\n", - "['chef sam longhurst of splendid kitchen manchester created the burgerthe 10-inch tall whole damn farm burger weighs half a kilogramtwo beef burgers , chicken thigh , pulled pork , bacon , ham and bacon jam']\n", - "the whole damn farm , which costs # 13.50 , is the creation of sam longhurst , head chef of splendid kitchen , manchester .he devised the mega meal - which contains two beef patties and a whole fried chicken thigh - after he was challenged by diners to create a burger containing three kinds of meat .a chef has created a 10in-tall , half-kilogram burger piled with six forms of three different meats and containing a whopping 2,000 calories .\n", - "chef sam longhurst of splendid kitchen manchester created the burgerthe 10-inch tall whole damn farm burger weighs half a kilogramtwo beef burgers , chicken thigh , pulled pork , bacon , ham and bacon jam\n", - "[1.084446 1.1223309 1.3653443 1.1968286 1.2615595 1.3857409 1.1953443\n", - " 1.140547 1.2281332 1.1388516 1.0545448 1.0133096 1.0415014 1.014238\n", - " 1.0189327 1.0125678 1.0116998 1.0145389 1.011088 1.0125736 1.0169767\n", - " 1.0162058 1.0127727 1.0101861]\n", - "\n", - "[ 5 2 4 8 3 6 7 9 1 0 10 12 14 20 21 17 13 11 22 19 15 16 18 23]\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "=======================\n", - "[\"shanna mccormick , 31 , whose weight had ballooned to nearly 28st ( left ) managed to lose 16.5 st in two years so she can walk down the aisle with prideweighing 28st , the 31-year-old , feared she would not live to see her wedding day .doctors warned the strain of being overweight would kill her if she did n't slim down - and fast .\"]\n", - "=======================\n", - "['shanna mccormick was 27.5 st and had life-threatening asthma attackswas engaged to her partner who feared she would die in her sleepmiss mccormick decided to put off the wedding to lose weight over 2 yearslost 16.5 st with meal replacements and has now set a date for the wedding']\n", - "shanna mccormick , 31 , whose weight had ballooned to nearly 28st ( left ) managed to lose 16.5 st in two years so she can walk down the aisle with prideweighing 28st , the 31-year-old , feared she would not live to see her wedding day .doctors warned the strain of being overweight would kill her if she did n't slim down - and fast .\n", - "shanna mccormick was 27.5 st and had life-threatening asthma attackswas engaged to her partner who feared she would die in her sleepmiss mccormick decided to put off the wedding to lose weight over 2 yearslost 16.5 st with meal replacements and has now set a date for the wedding\n", - "[1.4877906 1.3030127 1.2356923 1.205056 1.2371626 1.0990651 1.1125925\n", - " 1.0661155 1.0154326 1.0105994 1.181303 1.1728649 1.036216 1.0705184\n", - " 1.0129937 1.0086643 1.0829049 1.0411992 1.0382656 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 3 10 11 6 5 16 13 7 17 18 12 8 14 9 15 19 20 21 22 23]\n", - "=======================\n", - "[\"fernando torres has hailed manager diego simeone as the reason behind atletico madrid 's success ahead of their champions league quarter-final meeting with real madrid .the reigning la liga champions have surpassed expectations with the former argentina midfielder in charge to become one of the most respected sides in europe - where they reached last season 's champions league final before losing to their city rivals .since then , atletico have not been beaten by cristiano ronaldo and co in six matches with victories in this season 's super cup , king 's cup and both league clashes .\"]\n", - "=======================\n", - "[\"atletico madrid host real madrid in champions league quarter-finaldiego simeone 's side have not lost to their city rivals in six gamesformer chelsea striker fernando torres has hailed manager 's influence\"]\n", - "fernando torres has hailed manager diego simeone as the reason behind atletico madrid 's success ahead of their champions league quarter-final meeting with real madrid .the reigning la liga champions have surpassed expectations with the former argentina midfielder in charge to become one of the most respected sides in europe - where they reached last season 's champions league final before losing to their city rivals .since then , atletico have not been beaten by cristiano ronaldo and co in six matches with victories in this season 's super cup , king 's cup and both league clashes .\n", - "atletico madrid host real madrid in champions league quarter-finaldiego simeone 's side have not lost to their city rivals in six gamesformer chelsea striker fernando torres has hailed manager 's influence\n", - "[1.1608508 1.0922351 1.1195769 1.106844 1.0972457 1.2209548 1.1260045\n", - " 1.2320583 1.1272132 1.1021205 1.0177985 1.0165218 1.0533718 1.0199009\n", - " 1.0430355 1.0825654 1.0150001 1.1181307 1.0218464 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 7 5 0 8 6 2 17 3 9 4 1 15 12 14 18 13 10 11 16 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"spain won the european championships for a second time in a row in 2012 before their world cup failurespain lift the trophy at euro 2008 , but their fans had booed them before , not recognising a great teamit is legendary now that when the spanish national team was coming to the boil and about to scald world football for six years , la roja 's own fans did n't even know the water was hot .\"]\n", - "=======================\n", - "[\"when spain first became a real power , their own fans did n't know at firstthe european champions won three trophies on the spin , but need a rebootlikes of xavi , carles puyol , david villa and fernando torres can hand overjuan bernat 's champions league performance signalled part of the new eraspain still have a golden harvest to bring in from the country 's youthformer under 21 coach julen lopetegui downed bayern munich this weekalmost all of their former youth side are playing in european competitions\"]\n", - "spain won the european championships for a second time in a row in 2012 before their world cup failurespain lift the trophy at euro 2008 , but their fans had booed them before , not recognising a great teamit is legendary now that when the spanish national team was coming to the boil and about to scald world football for six years , la roja 's own fans did n't even know the water was hot .\n", - "when spain first became a real power , their own fans did n't know at firstthe european champions won three trophies on the spin , but need a rebootlikes of xavi , carles puyol , david villa and fernando torres can hand overjuan bernat 's champions league performance signalled part of the new eraspain still have a golden harvest to bring in from the country 's youthformer under 21 coach julen lopetegui downed bayern munich this weekalmost all of their former youth side are playing in european competitions\n", - "[1.1653953 1.4390943 1.3913878 1.3838458 1.2356683 1.0795393 1.1108121\n", - " 1.0498215 1.1995168 1.125282 1.0275373 1.0479828 1.018152 1.0104254\n", - " 1.0326973 1.0092607 1.091035 1.0235937 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 8 0 9 6 16 5 7 11 14 10 17 12 13 15 23 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"the 29-year-old has been announced as the face ( and body ) of ann summers ' swimwear and beachwear campaign , hotel summers .the towie star is the first ever celebrity to front an ann summers campaign and has been selected for not only her stunning figure but her ` fun , fearless attitude and fashion business credentials ' .the campaign sees jess showcase her incredible figure in the resort collection which includes 15 swimwear pieces , including plunge , bandeau and boost bikinis as well as curve-enhancing monokinis .\"]\n", - "=======================\n", - "[\"jessica wright stars in the lingerie brand 's resort collectionhotel summers includes several colourful swimwear piecescurvy jess is the first celebrity to front an ann summers campaign\"]\n", - "the 29-year-old has been announced as the face ( and body ) of ann summers ' swimwear and beachwear campaign , hotel summers .the towie star is the first ever celebrity to front an ann summers campaign and has been selected for not only her stunning figure but her ` fun , fearless attitude and fashion business credentials ' .the campaign sees jess showcase her incredible figure in the resort collection which includes 15 swimwear pieces , including plunge , bandeau and boost bikinis as well as curve-enhancing monokinis .\n", - "jessica wright stars in the lingerie brand 's resort collectionhotel summers includes several colourful swimwear piecescurvy jess is the first celebrity to front an ann summers campaign\n", - "[1.3265773 1.410286 1.1470922 1.2645316 1.0786968 1.086843 1.0371252\n", - " 1.3217881 1.0316079 1.014138 1.0179199 1.0936983 1.0317658 1.0487682\n", - " 1.0099015 1.0101469 1.0788683 1.1658964 1.0325205 1.0116338 1.0403765\n", - " 1.0081986 1.025406 1.1673133 1.0230892]\n", - "\n", - "[ 1 0 7 3 23 17 2 11 5 16 4 13 20 6 18 12 8 22 24 10 9 19 15 14\n", - " 21]\n", - "=======================\n", - "[\"scheduled to return to action in july , the former ac milan and roma forward has been keeping a close eye on england 's top-flight as he recovers in barcelona .a serious knee injury may have cruelly ended bojan krkic 's season in january but it has n't stopped the stoke striker keeping up-to-date with the premier league .bojan krkic , pictured celebrating a goal against rochdale , has picked his premier league team of the season\"]\n", - "=======================\n", - "[\"bojan krkic has picked his best premier league xi of the seasonthe stoke striker is currently battling back to fitness after a knee injurybojan includes compatriots david de gea and santi cazorlathere is room for chelsea 's john terry and striker sergio aguerobojan also opts for two of his stoke team-mates in his team\"]\n", - "scheduled to return to action in july , the former ac milan and roma forward has been keeping a close eye on england 's top-flight as he recovers in barcelona .a serious knee injury may have cruelly ended bojan krkic 's season in january but it has n't stopped the stoke striker keeping up-to-date with the premier league .bojan krkic , pictured celebrating a goal against rochdale , has picked his premier league team of the season\n", - "bojan krkic has picked his best premier league xi of the seasonthe stoke striker is currently battling back to fitness after a knee injurybojan includes compatriots david de gea and santi cazorlathere is room for chelsea 's john terry and striker sergio aguerobojan also opts for two of his stoke team-mates in his team\n", - "[1.2021469 1.1654708 1.2839537 1.0609138 1.0867891 1.0391701 1.1658036\n", - " 1.0925632 1.1396425 1.098048 1.1410421 1.072735 1.06647 1.0396677\n", - " 1.0369068 1.0460477 1.0342407 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 6 1 10 8 9 7 4 11 12 3 15 13 5 14 16 23 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"dubbed earth 's real ` final frontier ' , the oceans are still so little-explored that billionaires are queuing up to buy vessels that give them a glimpse of the dramatic seascapes and incredible wildlife of the world 's oceans .` if you can find my submarine , it 's yours , ' russian oil billionaire roman abramovich once said .the streamlined vessel was built with the intention of allowing explorers to come eye to eye with the creatures of the deep without scaring them off .\"]\n", - "=======================\n", - "[\"feel like a james bond villain with the most advanced submerged ocean vehiclessome convert from a yacht into a submarine , and others detached off for a speedy explorationoliver 's travels offers a mile low package on its submarine , complete with chef and butler for # 175,000 a night\"]\n", - "dubbed earth 's real ` final frontier ' , the oceans are still so little-explored that billionaires are queuing up to buy vessels that give them a glimpse of the dramatic seascapes and incredible wildlife of the world 's oceans .` if you can find my submarine , it 's yours , ' russian oil billionaire roman abramovich once said .the streamlined vessel was built with the intention of allowing explorers to come eye to eye with the creatures of the deep without scaring them off .\n", - "feel like a james bond villain with the most advanced submerged ocean vehiclessome convert from a yacht into a submarine , and others detached off for a speedy explorationoliver 's travels offers a mile low package on its submarine , complete with chef and butler for # 175,000 a night\n", - "[1.4336429 1.3210213 1.2001877 1.3117869 1.3865247 1.0598059 1.0311005\n", - " 1.0183601 1.0187302 1.1441978 1.1496487 1.148906 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 3 2 10 11 9 5 6 8 7 22 21 20 19 18 12 16 15 14 13 23 17\n", - " 24]\n", - "=======================\n", - "[\"fernando torres has played with some great players over the years but the on-loan atletico madrid striker regards steven gerrard as the best .fernando torres ( left ) and steven gerrard became good friends during his successful career at liverpooltorres spent three-and-half-seasons at the english club and struck up a close friendship with the former england captain , even returning to anfield to play in his charity match against jamie carragher 's side .\"]\n", - "=======================\n", - "['fernando torres hailed steven gerrard as the best he ever played withthe 31-year-old struck up a friendship with gerrard while at liverpooltorres has never quite rekindled his top form since leaving anfieldclick here for all the latest liverpool news']\n", - "fernando torres has played with some great players over the years but the on-loan atletico madrid striker regards steven gerrard as the best .fernando torres ( left ) and steven gerrard became good friends during his successful career at liverpooltorres spent three-and-half-seasons at the english club and struck up a close friendship with the former england captain , even returning to anfield to play in his charity match against jamie carragher 's side .\n", - "fernando torres hailed steven gerrard as the best he ever played withthe 31-year-old struck up a friendship with gerrard while at liverpooltorres has never quite rekindled his top form since leaving anfieldclick here for all the latest liverpool news\n", - "[1.2652056 1.4493387 1.2807878 1.3822683 1.2481065 1.1037124 1.0856614\n", - " 1.1746818 1.092775 1.0265934 1.0212542 1.0302067 1.0884967 1.1060469\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 7 13 5 8 12 6 11 9 10 17 14 15 16 18]\n", - "=======================\n", - "['the man , found on the streets of gniezno in western poland in february , told police that he has no memory of who he is or where he is from .polish police are asking for help identifying a mystery man claiming to have suffered memory loss and only speaks english .the man was spotted in gniezno , a historic city which used to be the capital of poland in the 10th century , on february 28th .']\n", - "=======================\n", - "['man found on the street in western poland who only speaks englishthe 6ft3in ginger-haired man has no memory of where he is fromhe told police he has no idea why he is in poland or how he got there']\n", - "the man , found on the streets of gniezno in western poland in february , told police that he has no memory of who he is or where he is from .polish police are asking for help identifying a mystery man claiming to have suffered memory loss and only speaks english .the man was spotted in gniezno , a historic city which used to be the capital of poland in the 10th century , on february 28th .\n", - "man found on the street in western poland who only speaks englishthe 6ft3in ginger-haired man has no memory of where he is fromhe told police he has no idea why he is in poland or how he got there\n", - "[1.2299885 1.4066299 1.162353 1.1181068 1.1304421 1.1188344 1.1056222\n", - " 1.088183 1.0554799 1.1284436 1.0639652 1.0874536 1.0240614 1.0236043\n", - " 1.0622631 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 9 5 3 6 7 11 10 14 8 12 13 17 15 16 18]\n", - "=======================\n", - "['the former secretary of state confirmed on sunday what the political world has expected for months -- eight years after her first failed white house bid , clinton will once again seek the democratic party \\'s nomination for president .new york ( cnn ) wall street is more than ready for hillary clinton .\" i \\'m hitting the road to earn your vote , because it \\'s your time , \" clinton said in a video released sunday afternoon officially kicking off her campaign .']\n", - "=======================\n", - "[\"hillary clinton developed a close relationship with the financial world as a new york senatorclinton 's allies there are eager to galvanize a broad network of potential donorsher coziness with wall street irritates liberal activists , who are a growing influence in the democratic party\"]\n", - "the former secretary of state confirmed on sunday what the political world has expected for months -- eight years after her first failed white house bid , clinton will once again seek the democratic party 's nomination for president .new york ( cnn ) wall street is more than ready for hillary clinton .\" i 'm hitting the road to earn your vote , because it 's your time , \" clinton said in a video released sunday afternoon officially kicking off her campaign .\n", - "hillary clinton developed a close relationship with the financial world as a new york senatorclinton 's allies there are eager to galvanize a broad network of potential donorsher coziness with wall street irritates liberal activists , who are a growing influence in the democratic party\n", - "[1.1916049 1.3965133 1.1229401 1.2114015 1.2521582 1.2672461 1.0434452\n", - " 1.0960473 1.1255096 1.0609928 1.073391 1.0641953 1.0744511 1.0933487\n", - " 1.015545 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 4 3 0 8 2 7 13 12 10 11 9 6 14 15 16 17 18]\n", - "=======================\n", - "[\"but the unknown digger has been drawn into the centre of an anzac day controversy after his image was used to front woolworths ' ` fresh in our memories ' ad campaign , which has been slammed for commercialising the centenary of anzac and forcibly shut down by the government .the studio portrait of the handsome man was featured in a 2008 australian war memorial ( awm ) exhibition titled icon and archive , with the awm appealing to the public to help identify him .he was a soldier of the first australian imperial force , and his photograph was taken sometime between 1915 and 1918 in sydney , before he embarked for service .\"]\n", - "=======================\n", - "[\"the woolworths ` fresh in our memories ' campaign launched last weekit invited customers to upload images to remember australian soldiersthe supermarket then added a woolworths logo and slogan to the imagecustomers took to social media to mock the campaign and express their anger with what they saw as a marketing ploy by the companythe soldier whose image was used to plug the campaign is unidentifiedall that is know about the young man is that his photo was taken sometime between 1915 and 1918 before the he embarked from australia for service\"]\n", - "but the unknown digger has been drawn into the centre of an anzac day controversy after his image was used to front woolworths ' ` fresh in our memories ' ad campaign , which has been slammed for commercialising the centenary of anzac and forcibly shut down by the government .the studio portrait of the handsome man was featured in a 2008 australian war memorial ( awm ) exhibition titled icon and archive , with the awm appealing to the public to help identify him .he was a soldier of the first australian imperial force , and his photograph was taken sometime between 1915 and 1918 in sydney , before he embarked for service .\n", - "the woolworths ` fresh in our memories ' campaign launched last weekit invited customers to upload images to remember australian soldiersthe supermarket then added a woolworths logo and slogan to the imagecustomers took to social media to mock the campaign and express their anger with what they saw as a marketing ploy by the companythe soldier whose image was used to plug the campaign is unidentifiedall that is know about the young man is that his photo was taken sometime between 1915 and 1918 before the he embarked from australia for service\n", - "[1.4728793 1.2823919 1.2850305 1.4979675 1.3037783 1.156519 1.034425\n", - " 1.0221926 1.0234462 1.0183468 1.0196347 1.0129577 1.0142715 1.0841447\n", - " 1.1404071 1.0434511 1.020296 1.0153986 1.010931 ]\n", - "\n", - "[ 3 0 4 2 1 5 14 13 15 6 8 7 16 10 9 17 12 11 18]\n", - "=======================\n", - "[\"ronald koeman says his southampton players must remain focused on european qualificationronald koeman called for southampton 's players to show maturity , nous and respect after victor wanyama 's future came under question .koeman spoke to victor wanyama and his other players to refocus them on the last five league games\"]\n", - "=======================\n", - "['ronald koeman has urged his team to focus on european qualificationkoeman is trying to ignore media speculation about his playersthe saints manager rubbished claims about victor wanyama leavingboss says he is not surprised his players want champions league football']\n", - "ronald koeman says his southampton players must remain focused on european qualificationronald koeman called for southampton 's players to show maturity , nous and respect after victor wanyama 's future came under question .koeman spoke to victor wanyama and his other players to refocus them on the last five league games\n", - "ronald koeman has urged his team to focus on european qualificationkoeman is trying to ignore media speculation about his playersthe saints manager rubbished claims about victor wanyama leavingboss says he is not surprised his players want champions league football\n", - "[1.4085373 1.1912395 1.3309319 1.2583818 1.1130341 1.0998085 1.0292525\n", - " 1.1167531 1.1148348 1.063083 1.0848912 1.07722 1.2063726 1.1784091\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 12 1 13 7 8 4 5 10 11 9 6 14 15 16 17 18]\n", - "=======================\n", - "[\"drive-by death : cassandra cassidy was fatally wounded as she tried to help two women ` afraid of men in a car ' outside a rehab centrethe fashion design student was shot as a car occupied by multiple people drove past while she was talking to the women , and died in hospital shortly afterwards .a 24-year-old rehab worker killed in a drive-by shooting in las vegas was an ` innocent bystander ' who had been trying to aid two women who had approached her in the street .\"]\n", - "=======================\n", - "[\"cassandra cassidy , 24 , shot outside rehab centre where she workedshe had stopped to help two women who were ` afraid of men in a car 'fashion student was shot as a car with ` multiple occupants ' drove pastboyfriend of two years describes her as ` avid supporter of human rights '\"]\n", - "drive-by death : cassandra cassidy was fatally wounded as she tried to help two women ` afraid of men in a car ' outside a rehab centrethe fashion design student was shot as a car occupied by multiple people drove past while she was talking to the women , and died in hospital shortly afterwards .a 24-year-old rehab worker killed in a drive-by shooting in las vegas was an ` innocent bystander ' who had been trying to aid two women who had approached her in the street .\n", - "cassandra cassidy , 24 , shot outside rehab centre where she workedshe had stopped to help two women who were ` afraid of men in a car 'fashion student was shot as a car with ` multiple occupants ' drove pastboyfriend of two years describes her as ` avid supporter of human rights '\n", - "[1.5197589 1.210395 1.4845766 1.3394816 1.2594959 1.0522966 1.0201272\n", - " 1.022946 1.0164797 1.0194625 1.1106809 1.0947436 1.0787325 1.1158954\n", - " 1.0224888 1.0153677 1.1419241 1.0293981 1.0245962 1.0111778 0. ]\n", - "\n", - "[ 0 2 3 4 1 16 13 10 11 12 5 17 18 7 14 6 9 8 15 19 20]\n", - "=======================\n", - "[\"david curry ( pictured ) was asked to leave the wallow wetherspoon pub in blyth , northumberland because he was wearing tracksuit bottomsthe pub chain has apologised to mr curry , from ashington , but said a no-tracksuit policy had been in place at the bar since 2013 . 'when mr curry arrived at the pub with his wife and stepdaughter he was told he could not order a drink because of his attire\"]\n", - "=======================\n", - "['david curry visited the wallow in blyth , northumberland with his familyhe walked into the bar but was told to leave by a member of staffthe pub chain has apologised , but said branch has a no tracksuit policymr curry often wears sportswear because he runs 20 miles a day']\n", - "david curry ( pictured ) was asked to leave the wallow wetherspoon pub in blyth , northumberland because he was wearing tracksuit bottomsthe pub chain has apologised to mr curry , from ashington , but said a no-tracksuit policy had been in place at the bar since 2013 . 'when mr curry arrived at the pub with his wife and stepdaughter he was told he could not order a drink because of his attire\n", - "david curry visited the wallow in blyth , northumberland with his familyhe walked into the bar but was told to leave by a member of staffthe pub chain has apologised , but said branch has a no tracksuit policymr curry often wears sportswear because he runs 20 miles a day\n", - "[1.2969514 1.3852072 1.2616911 1.3037566 1.2315241 1.1565765 1.067304\n", - " 1.0636321 1.0792012 1.2002727 1.0321817 1.0390829 1.0330904 1.0333709\n", - " 1.031249 1.073215 1.022078 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 9 5 8 15 6 7 11 13 12 10 14 16 19 17 18 20]\n", - "=======================\n", - "[\"dozens of people who visited the cooden beach hotel earlier this month came down with vomiting , diarrhoea and other symptoms of the highly-contagious airborne bug .health officials said it is believed that 100 people have been affected by the ` winter vomiting bug 'the owner of a british seaside hotel says it is virus-free after 100 holidaymakers were struck down by what health officials have described as a norovirus outbreak .\"]\n", - "=======================\n", - "['the owner of the cooden beach hotel has apologised to guests and staffalmost everyone who has visited in the last two weeks has fallen illa warning sign has been posted on the door of the hotel in bexhill-on-seahealth officials said they have eight confirmed cases of norovirus']\n", - "dozens of people who visited the cooden beach hotel earlier this month came down with vomiting , diarrhoea and other symptoms of the highly-contagious airborne bug .health officials said it is believed that 100 people have been affected by the ` winter vomiting bug 'the owner of a british seaside hotel says it is virus-free after 100 holidaymakers were struck down by what health officials have described as a norovirus outbreak .\n", - "the owner of the cooden beach hotel has apologised to guests and staffalmost everyone who has visited in the last two weeks has fallen illa warning sign has been posted on the door of the hotel in bexhill-on-seahealth officials said they have eight confirmed cases of norovirus\n", - "[1.2939684 1.2483071 1.2779386 1.1758528 1.3232652 1.2462006 1.0678762\n", - " 1.1366763 1.0834028 1.0671172 1.0825429 1.123392 1.0425303 1.0079044\n", - " 1.1064894 1.1682172 1.0305828 1.044645 1.0060741 0. 0. ]\n", - "\n", - "[ 4 0 2 1 5 3 15 7 11 14 8 10 6 9 17 12 16 13 18 19 20]\n", - "=======================\n", - "['the dog , theia , survived being run over , beaten with a hammer and buried , and now needs surgerythe stray dog was hit by a car , clubbed in the head and left for dead in a ditch in washington state .now , the dog that defied death is recovering with the help of good samaritans and veterinarians at washington state university .']\n", - "=======================\n", - "['a beloved dog was believed to be killed by a driver , but days later , she showed upleft injured after being run over , someone attempted a misguided mercy killing and beat the dog in the head with a hammernow named theia , her surgery will cost upward of $ 9,000']\n", - "the dog , theia , survived being run over , beaten with a hammer and buried , and now needs surgerythe stray dog was hit by a car , clubbed in the head and left for dead in a ditch in washington state .now , the dog that defied death is recovering with the help of good samaritans and veterinarians at washington state university .\n", - "a beloved dog was believed to be killed by a driver , but days later , she showed upleft injured after being run over , someone attempted a misguided mercy killing and beat the dog in the head with a hammernow named theia , her surgery will cost upward of $ 9,000\n", - "[1.4464886 1.2971263 1.1903343 1.2344751 1.1705258 1.1379206 1.0376967\n", - " 1.030859 1.0723653 1.0543811 1.0527974 1.055714 1.089744 1.0493658\n", - " 1.0704287 1.0218694 1.0183897 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 5 12 8 14 11 9 10 13 6 7 15 16 17 18 19 20]\n", - "=======================\n", - "[\"when destiny 's child reunited at the stellar gospel awards in las vegas last weekend , it was the first time beyoncé , kelly rowland and michelle williams performed together since appearing during the halftime show at super bowl in 2013 in new orleans .beyoncé and kelly joined michelle to surprise the crowd , and opened the broadcast with a gospel medley that included the song ` alpha & omega ' and the hit single ` say yes ' from michelle 's ` journey to freedom ' cd .mathew 's marriage to beyoncé 's mother tina knowles ended after it surfaced he had gotten a woman named alexsandra wright pregnant .\"]\n", - "=======================\n", - "[\"destiny 's child reunited at the stellar gospel awards in las vegas last weekend .it was the first time beyoncé , kelly rowland and michelle williams performed together since super bowl in new orleansbut they did n't perform as destiny 's childbeyoncé 's dad mathew knowles has a 25 percent interest in the group but the singers do n't want him involvedthe 2005 destiny fulfilled reunion tour grossed approximately $ 70.8 million in the us aloneknowles is the one obstacle to a sensational new reunion tour and album\"]\n", - "when destiny 's child reunited at the stellar gospel awards in las vegas last weekend , it was the first time beyoncé , kelly rowland and michelle williams performed together since appearing during the halftime show at super bowl in 2013 in new orleans .beyoncé and kelly joined michelle to surprise the crowd , and opened the broadcast with a gospel medley that included the song ` alpha & omega ' and the hit single ` say yes ' from michelle 's ` journey to freedom ' cd .mathew 's marriage to beyoncé 's mother tina knowles ended after it surfaced he had gotten a woman named alexsandra wright pregnant .\n", - "destiny 's child reunited at the stellar gospel awards in las vegas last weekend .it was the first time beyoncé , kelly rowland and michelle williams performed together since super bowl in new orleansbut they did n't perform as destiny 's childbeyoncé 's dad mathew knowles has a 25 percent interest in the group but the singers do n't want him involvedthe 2005 destiny fulfilled reunion tour grossed approximately $ 70.8 million in the us aloneknowles is the one obstacle to a sensational new reunion tour and album\n", - "[1.3069843 1.4079709 1.2613287 1.3169203 1.0532206 1.0256433 1.0334303\n", - " 1.0546651 1.2044647 1.1237334 1.1027449 1.0310158 1.0133613 1.1286553\n", - " 1.0289515 1.0243086 1.0277982 1.0999093 1.2291807 1.0648097 1.1156021]\n", - "\n", - "[ 1 3 0 2 18 8 13 9 20 10 17 19 7 4 6 11 14 16 5 15 12]\n", - "=======================\n", - "['many operators across the country will face penalty rates of up to two-and-a-half times regular pay that would allow young workers to earn around $ 50 an hour as a casual .the too big to ignore campaign will allow small retailers and hospitality businesses to put up posters in their windows explaining why they are closed .small businesses and restaurants will be forced to close over the easter long weekend as they struggle to cover the costs of penalty rates on public holidays .']\n", - "=======================\n", - "['small businesses will be forced to close over the easter long weekendpenalty rates of up to two-and-a-half times pay are affecting employeesthe inflated penalty rates allow casual workers to earn up to $ 50 an hourthe australian chamber of commerce has called on the federal government to make changes to the penalty rates to help small operatorsbut unions has claimed workers are being subjected to a false and misleading campaign']\n", - "many operators across the country will face penalty rates of up to two-and-a-half times regular pay that would allow young workers to earn around $ 50 an hour as a casual .the too big to ignore campaign will allow small retailers and hospitality businesses to put up posters in their windows explaining why they are closed .small businesses and restaurants will be forced to close over the easter long weekend as they struggle to cover the costs of penalty rates on public holidays .\n", - "small businesses will be forced to close over the easter long weekendpenalty rates of up to two-and-a-half times pay are affecting employeesthe inflated penalty rates allow casual workers to earn up to $ 50 an hourthe australian chamber of commerce has called on the federal government to make changes to the penalty rates to help small operatorsbut unions has claimed workers are being subjected to a false and misleading campaign\n", - "[1.4450412 1.4202706 1.1431723 1.2814534 1.1680858 1.207717 1.1588907\n", - " 1.1365509 1.0460476 1.0464914 1.1079429 1.0379784 1.0843475 1.2039932\n", - " 1.0614738 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 5 13 4 6 2 7 10 12 14 9 8 11 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"barcelona 's 1-0 la liga victory against celta vigo on sunday evening featured one of the most bizarre incidents of the season so far .with the score at 1-0 following jeremy mathieu 's 73rd minute header , tempers flared between celta striker fabian orellana and sergio busquets as the barcelona midfielder attempted to waste time during the closing stages .fabian orellana collects a lump of grass from the ground before throwing it towards sergio busquets\"]\n", - "=======================\n", - "[\"fabian orellana was angered by sergio busquets ' time-wasting tacticscelta vigo striker threw lump of turf towards the barcelona starbarcelona needed a jeremy mathieu header to earn 1-0 win\"]\n", - "barcelona 's 1-0 la liga victory against celta vigo on sunday evening featured one of the most bizarre incidents of the season so far .with the score at 1-0 following jeremy mathieu 's 73rd minute header , tempers flared between celta striker fabian orellana and sergio busquets as the barcelona midfielder attempted to waste time during the closing stages .fabian orellana collects a lump of grass from the ground before throwing it towards sergio busquets\n", - "fabian orellana was angered by sergio busquets ' time-wasting tacticscelta vigo striker threw lump of turf towards the barcelona starbarcelona needed a jeremy mathieu header to earn 1-0 win\n", - "[1.366297 1.383135 1.238023 1.1721386 1.3030636 1.1513098 1.071824\n", - " 1.0572368 1.0584502 1.0387137 1.0145769 1.1614546 1.0963836 1.0164727\n", - " 1.014924 1.0145804 1.0306492 1.036826 1.0101978 1.0348237 1.0087714\n", - " 0. ]\n", - "\n", - "[ 1 0 4 2 3 11 5 12 6 8 7 9 17 19 16 13 14 15 10 18 20 21]\n", - "=======================\n", - "[\"supporters from both clubs say they are ` disgusted ' at the continuing rise of ticket prices , with the protest coming in the aftermath of the announcement of the premier league 's # 5.14 billion tv rights deal with banners held up inside and outside the ground .a section of arsenal and liverpool fans left their seats empty at the emirates stadium for the first 10 minutes of their lunchtime barclays premier league clash in a protest against ticket prices .with tickets at the sold-out emirates starting from # 64 for the 12.45 pm kick-off , protesters hope the image of empty seats around the ground will raise awareness of the struggles fans face to meet the rising costs of following their clubs .\"]\n", - "=======================\n", - "['arsenal and liverpool fans left seats empty at kick-off as part of a protestsupporter groups say they are disgusted at premier league ticket pricesmore protests are expected after the lunchtime kick-off at the emirates']\n", - "supporters from both clubs say they are ` disgusted ' at the continuing rise of ticket prices , with the protest coming in the aftermath of the announcement of the premier league 's # 5.14 billion tv rights deal with banners held up inside and outside the ground .a section of arsenal and liverpool fans left their seats empty at the emirates stadium for the first 10 minutes of their lunchtime barclays premier league clash in a protest against ticket prices .with tickets at the sold-out emirates starting from # 64 for the 12.45 pm kick-off , protesters hope the image of empty seats around the ground will raise awareness of the struggles fans face to meet the rising costs of following their clubs .\n", - "arsenal and liverpool fans left seats empty at kick-off as part of a protestsupporter groups say they are disgusted at premier league ticket pricesmore protests are expected after the lunchtime kick-off at the emirates\n", - "[1.2820122 1.3634214 1.2152998 1.2453722 1.3174442 1.2140429 1.1698382\n", - " 1.0366453 1.0787433 1.0951161 1.0989051 1.0920016 1.0672064 1.0447712\n", - " 1.039366 1.0117474 1.0692432 1.036092 1.0434192 1.0303137 1.0197248\n", - " 1.0254318]\n", - "\n", - "[ 1 4 0 3 2 5 6 10 9 11 8 16 12 13 18 14 7 17 19 21 20 15]\n", - "=======================\n", - "['the unidentified man and woman were in their 50s and from cleveland , police sgt. ricardo cruz told the associated press .the bodies were taken off the ship thursday night by a team of fbi crime scene investigators .an ohio couple have been found dead in an apparent murder-suicide in their stateroom aboard a holland america cruise ship docked in puerto rico .']\n", - "=======================\n", - "['the couple are in their 50s and from cleveland , ohioship with 1,500 passengers aboard left tampa , florida , for a two-week caribbean cruise on sundaythe bodies were discovered thursday when crew members checked on the couple in their stateroom']\n", - "the unidentified man and woman were in their 50s and from cleveland , police sgt. ricardo cruz told the associated press .the bodies were taken off the ship thursday night by a team of fbi crime scene investigators .an ohio couple have been found dead in an apparent murder-suicide in their stateroom aboard a holland america cruise ship docked in puerto rico .\n", - "the couple are in their 50s and from cleveland , ohioship with 1,500 passengers aboard left tampa , florida , for a two-week caribbean cruise on sundaythe bodies were discovered thursday when crew members checked on the couple in their stateroom\n", - "[1.2781559 1.2864668 1.175784 1.1944562 1.1157559 1.0832188 1.1284518\n", - " 1.0510297 1.0321171 1.01246 1.120413 1.1352321 1.0708575 1.0661922\n", - " 1.0579485 1.0344597 1.115258 1.0251944 1.1460558 1.1655657 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 2 19 18 11 6 10 4 16 5 12 13 14 7 15 8 17 9 20 21]\n", - "=======================\n", - "[\"hundreds of patrons hoping for an iced daiquiri at the debut of a fat tuesdays bar inside the resort world casino ended up at each other 's throats when the party went sour .the mass brawl which broke out at a bar opening inside a queens casino friday night was allegedly caused by an argument in an enormous line for drinks .according to a casino worker , the fighting goes back to two women who clashed during the long wait for alcohol , dragging their group of friends into the conflict .\"]\n", - "=======================\n", - "['hundreds of patrons at resort world casino started brawling friday nightfists , metal poles and chairs flew as gangs tore around the premisesfight reportedly broke out at 10.30 pm after two women clashed in a lineqthree people were arrested in the aftermath of the brawl']\n", - "hundreds of patrons hoping for an iced daiquiri at the debut of a fat tuesdays bar inside the resort world casino ended up at each other 's throats when the party went sour .the mass brawl which broke out at a bar opening inside a queens casino friday night was allegedly caused by an argument in an enormous line for drinks .according to a casino worker , the fighting goes back to two women who clashed during the long wait for alcohol , dragging their group of friends into the conflict .\n", - "hundreds of patrons at resort world casino started brawling friday nightfists , metal poles and chairs flew as gangs tore around the premisesfight reportedly broke out at 10.30 pm after two women clashed in a lineqthree people were arrested in the aftermath of the brawl\n", - "[1.3679874 1.391876 1.2890215 1.3314407 1.0676866 1.1547127 1.0918872\n", - " 1.0833296 1.1254776 1.1380155 1.1224872 1.1373286 1.0353138 1.0316392\n", - " 1.1161095 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 2 5 9 11 8 10 14 6 7 4 12 13 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"the two members of the navy 's elite sea , air , land teams were found at the bottom of the pool by another service member around 3pm local time at joint expeditionary base little creek-fort story .one us navy seal died and another was critically injured on friday while training in a pool at a virginia military base , a navy spokesman said .the names of the seals were withheld pending notification of next of kin .\"]\n", - "=======================\n", - "[\"seals were at joint expeditionary base little creek-fort story in virginiathey were found at bottom of the pool by another service member at 3pmpersonnel use base 's combat swimmer training facility for fitness trainingsailor pronounced dead at hospital and other is listed in critical condition\"]\n", - "the two members of the navy 's elite sea , air , land teams were found at the bottom of the pool by another service member around 3pm local time at joint expeditionary base little creek-fort story .one us navy seal died and another was critically injured on friday while training in a pool at a virginia military base , a navy spokesman said .the names of the seals were withheld pending notification of next of kin .\n", - "seals were at joint expeditionary base little creek-fort story in virginiathey were found at bottom of the pool by another service member at 3pmpersonnel use base 's combat swimmer training facility for fitness trainingsailor pronounced dead at hospital and other is listed in critical condition\n", - "[1.275323 1.3007187 1.1668987 1.1363994 1.2292864 1.3035791 1.0984334\n", - " 1.1558849 1.0848491 1.0330927 1.0595145 1.1721225 1.0514011 1.0803709\n", - " 1.0315151 1.0477806 1.0676483 0. 0. 0. 0. ]\n", - "\n", - "[ 5 1 0 4 11 2 7 3 6 8 13 16 10 12 15 9 14 19 17 18 20]\n", - "=======================\n", - "['unorthodox : a cop ordered a woman in this ohio shopping center to sit in her hot car this month after officers discovered her dog locked inside her nissan sentra as she shopped in walmartthe strongsville pet owner was inside a walmart as the dog sat in the parking lot .an ohio woman was shocked this month when an officer cited her for leaving her dog in a hot car but , instead of writing a ticket , the cop forced her to sit inside to see how it feels .']\n", - "=======================\n", - "['a woman at an ohio walmart says an officer forced her to sit in her car after she left her dog sitting in the parking lot april 12last year , a truth or consequences , new mexico woman filed a complaint alleging a similar mistreatment']\n", - "unorthodox : a cop ordered a woman in this ohio shopping center to sit in her hot car this month after officers discovered her dog locked inside her nissan sentra as she shopped in walmartthe strongsville pet owner was inside a walmart as the dog sat in the parking lot .an ohio woman was shocked this month when an officer cited her for leaving her dog in a hot car but , instead of writing a ticket , the cop forced her to sit inside to see how it feels .\n", - "a woman at an ohio walmart says an officer forced her to sit in her car after she left her dog sitting in the parking lot april 12last year , a truth or consequences , new mexico woman filed a complaint alleging a similar mistreatment\n", - "[1.4446787 1.4063667 1.314949 1.5909318 1.0627093 1.0182335 1.0109013\n", - " 1.013664 1.0140655 1.0336714 1.0273238 1.0318702 1.0271243 1.0343179\n", - " 1.0323439 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 2 4 13 9 14 11 10 12 5 8 7 6 19 15 16 17 18 20]\n", - "=======================\n", - "[\"lee tomlin ( centre ) scored the opening goal in middlesbrough 's 2-0 win at home to rotherham on saturdaymiddlesbrough bounced back from defeat to watford with a convincing 2-0 win over struggling rotherham united .after losing by the same scoreline on easter monday , aitor karanka 's kept their automatic promotion hopes alive with their 14th home win of the season thanks to second-half goals by lee tomlin and patrick bamford , who also missed a late penalty .\"]\n", - "=======================\n", - "[\"lee tomlin 's superb solo effort gave middlesbrough a 50th minute leadpatrick bamford doubled the hosts lead on 66 minutesbamford could have made it 3-0 but saw his penalty saved late onwin moves middlesbrough on to 78 points in the championship in fourth\"]\n", - "lee tomlin ( centre ) scored the opening goal in middlesbrough 's 2-0 win at home to rotherham on saturdaymiddlesbrough bounced back from defeat to watford with a convincing 2-0 win over struggling rotherham united .after losing by the same scoreline on easter monday , aitor karanka 's kept their automatic promotion hopes alive with their 14th home win of the season thanks to second-half goals by lee tomlin and patrick bamford , who also missed a late penalty .\n", - "lee tomlin 's superb solo effort gave middlesbrough a 50th minute leadpatrick bamford doubled the hosts lead on 66 minutesbamford could have made it 3-0 but saw his penalty saved late onwin moves middlesbrough on to 78 points in the championship in fourth\n", - "[1.4125164 1.342582 1.3123035 1.3389374 1.3350887 1.2979605 1.0704714\n", - " 1.0171578 1.0178429 1.0097708 1.0162715 1.1745181 1.124753 1.1504365\n", - " 1.0112356 1.0105515 1.0691147 1.0158868 1.0069406 1.0109534 0. ]\n", - "\n", - "[ 0 1 3 4 2 5 11 13 12 6 16 8 7 10 17 14 19 15 9 18 20]\n", - "=======================\n", - "[\"harry redknapp has revealed he was attacked with coins and verbally abused by arsenal fans as he left the emirates stadium after the gunners ' 4-1 win over liverpool .currently out of work after leaving his position at queens park rangers , the former tottenham boss was at the emirates as a spectator on april 4 when some fans turned against him .harry redknapp appeared on sky sports ' show the fantasy football club with paul merson ( centre )\"]\n", - "=======================\n", - "['harry redknapp left his position as qpr manager in februaryhe went to the emirates to watch arsenal v liverpool as a spectatorafter the game , he was attacked with coins and verbally abused by arsenal fans while he was stuck in traffic trying to leave the stadiumredknapp claims the small minority of fans spoil it for the rest']\n", - "harry redknapp has revealed he was attacked with coins and verbally abused by arsenal fans as he left the emirates stadium after the gunners ' 4-1 win over liverpool .currently out of work after leaving his position at queens park rangers , the former tottenham boss was at the emirates as a spectator on april 4 when some fans turned against him .harry redknapp appeared on sky sports ' show the fantasy football club with paul merson ( centre )\n", - "harry redknapp left his position as qpr manager in februaryhe went to the emirates to watch arsenal v liverpool as a spectatorafter the game , he was attacked with coins and verbally abused by arsenal fans while he was stuck in traffic trying to leave the stadiumredknapp claims the small minority of fans spoil it for the rest\n", - "[1.1809525 1.156059 1.448188 1.149987 1.1922626 1.1341652 1.2520559\n", - " 1.1337432 1.1966528 1.0583344 1.0683815 1.0727262 1.084232 1.0236367\n", - " 1.057413 1.0095675 1.155534 0. 0. 0. 0. ]\n", - "\n", - "[ 2 6 8 4 0 1 16 3 5 7 12 11 10 9 14 13 15 17 18 19 20]\n", - "=======================\n", - "[\"rodney stover , 48 , was arraigned on thursday for rape , predatory sex assault and other charges for last saturday 's attack in the bathroom at the turnmill bar on east 27th street .stover allegedly grabbed the victim , a long island student , by the throat , forced her into a stall and attacked her before fleeing the bar .a homeless convicted sex-offender screamed , ` i 'm going to rape you ! '\"]\n", - "=======================\n", - "[\"a homeless convicted sex-offender screamed , ` i 'm going to rape you ! 'a 23-year old woman was allegedly raped in the bathroom stall of a bar in manhattan 's posh gramercy park neighborhood on saturdayrodney stover , 48 , was arrested on wednesday in connection to the rapenypd released surveillance footage of the suspect on tuesday and a bartender recognized the man as stoverstover had allegedly hid inside one of the bathroom stalls at turnmill bar at around 7.50 pm on saturday then ambushed the young womanhe was arrested in 1992 for raping and sodomizing a woman he did not know and was released from prison on valentine 's day of this year\"]\n", - "rodney stover , 48 , was arraigned on thursday for rape , predatory sex assault and other charges for last saturday 's attack in the bathroom at the turnmill bar on east 27th street .stover allegedly grabbed the victim , a long island student , by the throat , forced her into a stall and attacked her before fleeing the bar .a homeless convicted sex-offender screamed , ` i 'm going to rape you ! '\n", - "a homeless convicted sex-offender screamed , ` i 'm going to rape you ! 'a 23-year old woman was allegedly raped in the bathroom stall of a bar in manhattan 's posh gramercy park neighborhood on saturdayrodney stover , 48 , was arrested on wednesday in connection to the rapenypd released surveillance footage of the suspect on tuesday and a bartender recognized the man as stoverstover had allegedly hid inside one of the bathroom stalls at turnmill bar at around 7.50 pm on saturday then ambushed the young womanhe was arrested in 1992 for raping and sodomizing a woman he did not know and was released from prison on valentine 's day of this year\n", - "[1.1624702 1.4893373 1.3724144 1.1850725 1.1461692 1.2495093 1.1424654\n", - " 1.1165082 1.1293217 1.0504713 1.0589963 1.0417275 1.0117309 1.0943227\n", - " 1.1092062 1.0359737 1.057109 1.0686417 1.0794456 1.0179485 1.0326718]\n", - "\n", - "[ 1 2 5 3 0 4 6 8 7 14 13 18 17 10 16 9 11 15 20 19 12]\n", - "=======================\n", - "['doug gregory , 92 , had popped out for his daily newspaper when he was struck by a car outside a petrol station .the ex-spitfire pilot suffered a serious head injury and was flown to hospital by air ambulance , but died two weeks later .he was awarded the distinguished flying cross after surviving almost 70 missions over nazi-occupied europe']\n", - "=======================\n", - "[\"doug gregory flew beaufighters and mosquitoes in the second world warthe war hero survived 67 missions flying over nazi-controlled europehe later became britain 's oldest stunt pilot and only retired two years agono-one has been arrested or charged in connection with the hit-and-run\"]\n", - "doug gregory , 92 , had popped out for his daily newspaper when he was struck by a car outside a petrol station .the ex-spitfire pilot suffered a serious head injury and was flown to hospital by air ambulance , but died two weeks later .he was awarded the distinguished flying cross after surviving almost 70 missions over nazi-occupied europe\n", - "doug gregory flew beaufighters and mosquitoes in the second world warthe war hero survived 67 missions flying over nazi-controlled europehe later became britain 's oldest stunt pilot and only retired two years agono-one has been arrested or charged in connection with the hit-and-run\n", - "[1.4063883 1.4677975 1.087943 1.5272049 1.1920882 1.0373963 1.1000394\n", - " 1.0453639 1.06566 1.0413548 1.212708 1.0317343 1.010191 1.0107342\n", - " 1.0514343 1.0641322 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 0 10 4 6 2 8 15 14 7 9 5 11 13 12 16 17 18 19 20 21]\n", - "=======================\n", - "[\"everton midfielder james mccarthy believes ross barkley is capable of handling the pressure on himthe 1-0 victory over southampton , courtesy of captain phil jagielka 's fifth goal of the season , was a case in point .barkley was withdrawn with 20 minutes to go at goodison park , a decision that brought boos from the crowd\"]\n", - "=======================\n", - "['everton beat southamton 1-0 at goodison park on saturday afternoonross barkley showed his skill but made an error that saw the crowd groanteam-mate james mccarthy is confident he can deal with the pressure']\n", - "everton midfielder james mccarthy believes ross barkley is capable of handling the pressure on himthe 1-0 victory over southampton , courtesy of captain phil jagielka 's fifth goal of the season , was a case in point .barkley was withdrawn with 20 minutes to go at goodison park , a decision that brought boos from the crowd\n", - "everton beat southamton 1-0 at goodison park on saturday afternoonross barkley showed his skill but made an error that saw the crowd groanteam-mate james mccarthy is confident he can deal with the pressure\n", - "[1.2335217 1.3284278 1.3818434 1.4015415 1.252069 1.124092 1.1627026\n", - " 1.0836203 1.1340587 1.017214 1.0124115 1.019723 1.0170379 1.0075029\n", - " 1.0261617 1.030482 1.0170165 1.0565131 1.059404 1.0545992 1.1592686\n", - " 1.1499525]\n", - "\n", - "[ 3 2 1 4 0 6 20 21 8 5 7 18 17 19 15 14 11 9 12 16 10 13]\n", - "=======================\n", - "[\"there are believed to be up to 100 americans still missing following the disaster on saturday .four us citizens who were on mount everest are confirmed to have died along with 15 other climbers and sherpas .ellen gallant , a cardiologist from utah , was attempting to climb the world 's tallest mountain when the 7.8 magnitude earthquake struck , sparking an avalanche that killed 18 people .\"]\n", - "=======================\n", - "['dr ellen gallant battled to save the lives of those injured in avalanchespoke of her devastation seeing a 25-year-old sherpa die in front of herearthquake sparked by devastating 7.8 magnitude earthquake in nepalfour americans among 18 people dead after huge avalanche on everest']\n", - "there are believed to be up to 100 americans still missing following the disaster on saturday .four us citizens who were on mount everest are confirmed to have died along with 15 other climbers and sherpas .ellen gallant , a cardiologist from utah , was attempting to climb the world 's tallest mountain when the 7.8 magnitude earthquake struck , sparking an avalanche that killed 18 people .\n", - "dr ellen gallant battled to save the lives of those injured in avalanchespoke of her devastation seeing a 25-year-old sherpa die in front of herearthquake sparked by devastating 7.8 magnitude earthquake in nepalfour americans among 18 people dead after huge avalanche on everest\n", - "[1.0848702 1.1946478 1.3330266 1.1030835 1.0814102 1.3800379 1.1587117\n", - " 1.1846641 1.176399 1.2135735 1.0239215 1.0538903 1.1347376 1.0516753\n", - " 1.0311757 1.0627723 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 5 2 9 1 7 8 6 12 3 0 4 15 11 13 14 10 16 17 18 19 20 21]\n", - "=======================\n", - "[\"yannick bolasie raced past lee cattermole before scoring his hat-trick goal against sunderlandthe official sprinted more than half the length of the field to be 10 yards from yannick bolasie when he completed his hat-trick for crystal palace in the 4-1 demolition of sunderland .gary cahill has responded to the challenge of fighting kurt zouma for his place in chelsea 's defence and looks to be winning the battle .\"]\n", - "=======================\n", - "[\"yannick bolasie raced past lee cattermole to claim his hat-trickreferee anthony taylor was closer to bolasie than cattermole for final goalgary cahill has won back his starting spot after brief spell on sidelinesvincent kompany failed to impress in man city 's defeat by man unitedarsene wenger 's decision to drop wojciech szczesny has been justified\"]\n", - "yannick bolasie raced past lee cattermole before scoring his hat-trick goal against sunderlandthe official sprinted more than half the length of the field to be 10 yards from yannick bolasie when he completed his hat-trick for crystal palace in the 4-1 demolition of sunderland .gary cahill has responded to the challenge of fighting kurt zouma for his place in chelsea 's defence and looks to be winning the battle .\n", - "yannick bolasie raced past lee cattermole to claim his hat-trickreferee anthony taylor was closer to bolasie than cattermole for final goalgary cahill has won back his starting spot after brief spell on sidelinesvincent kompany failed to impress in man city 's defeat by man unitedarsene wenger 's decision to drop wojciech szczesny has been justified\n", - "[1.2987728 1.2543507 1.2992085 1.3125117 1.2279661 1.1409961 1.1792839\n", - " 1.1087389 1.1022226 1.0900345 1.0301946 1.1994222 1.0327749 1.013864\n", - " 1.0127437 1.0090019 1.0100284 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 2 0 1 4 11 6 5 7 8 9 12 10 13 14 16 15 17 18 19 20 21]\n", - "=======================\n", - "[\"two ambulances were sent to epping forest after a caller told crews ` someone ' had been run down , only for the ` victim ' to turn out to be a squirrel .the report forms just part of a long list released by east of england ambulance service detailing their most bizarre , and irritating , call outs .another man said he had dropped his burger and it was ` bleeding '\"]\n", - "=======================\n", - "[\"woman reported ` someone ' had been run over , but victim was a squirrelanother man dialled 999 to say he dropped a burger which was ` bleeding 'east of england ambulance service warned hoax calls can cost lives\"]\n", - "two ambulances were sent to epping forest after a caller told crews ` someone ' had been run down , only for the ` victim ' to turn out to be a squirrel .the report forms just part of a long list released by east of england ambulance service detailing their most bizarre , and irritating , call outs .another man said he had dropped his burger and it was ` bleeding '\n", - "woman reported ` someone ' had been run over , but victim was a squirrelanother man dialled 999 to say he dropped a burger which was ` bleeding 'east of england ambulance service warned hoax calls can cost lives\n", - "[1.3902751 1.518868 1.4663028 1.3536935 1.1273901 1.0282999 1.0341115\n", - " 1.0198547 1.0115808 1.0875235 1.1256509 1.2567581 1.0175539 1.058104\n", - " 1.0109782 1.0108714 1.009689 1.0456493 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 11 4 10 9 13 17 6 5 7 12 8 14 15 16 20 18 19 21]\n", - "=======================\n", - "[\"the chelsea star reached 100 premier league appearances for the blues at qpr on sunday and has been lauded for his fine performances for jose mourinho 's side this season .sky sports pundit souness believes hazard , who has 35 goals and 25 assists in his century of premier league games , will be named the pfa player of the year .eden hazard is reaching the incredible standards of lionel messi and cristiano ronaldo with his ` dancing feet ' , says graeme souness .\"]\n", - "=======================\n", - "[\"chelsea star eden hazard made his 100th top-flight appearance at qprhe 's scored 35 league goals and assisted 25 times since signing in 2012jose mourinho insists hazard must win pfa player of the year award\"]\n", - "the chelsea star reached 100 premier league appearances for the blues at qpr on sunday and has been lauded for his fine performances for jose mourinho 's side this season .sky sports pundit souness believes hazard , who has 35 goals and 25 assists in his century of premier league games , will be named the pfa player of the year .eden hazard is reaching the incredible standards of lionel messi and cristiano ronaldo with his ` dancing feet ' , says graeme souness .\n", - "chelsea star eden hazard made his 100th top-flight appearance at qprhe 's scored 35 league goals and assisted 25 times since signing in 2012jose mourinho insists hazard must win pfa player of the year award\n", - "[1.1852424 1.4102106 1.3556387 1.2371773 1.3141851 1.0343707 1.0210732\n", - " 1.0613211 1.0360652 1.0296469 1.1704049 1.0647008 1.0233779 1.1955414\n", - " 1.0639096 1.0235771 1.0122123 1.0425541 0. ]\n", - "\n", - "[ 1 2 4 3 13 0 10 11 14 7 17 8 5 9 15 12 6 16 18]\n", - "=======================\n", - "['the actress is selling the manhattan penthouse she once shared with ex-husband bruce willis with an asking price of $ 75million which is exactly half of her total estimated fortune of $ 150million .and if the penthouse sells for that much , it will break the record for the most expensive co-op apartment ever sold on the upper west side .moore and willis purchased the south tower penthouse on the 28th floor of the historic san remo apartment building in 1990 from saturday night fever producer robert stigwood , in addition to a two-bedroom maisonette on the lobby floor .']\n", - "=======================\n", - "[\"demi moore and bruce willis purchased the south tower penthouse at the san remo in 1990 , in addition to a maisonette on the lobby floormoore appears to have won the penthouse in the couple 's 2000 splitshe is now selling the 14-room penthouse at a $ 75million asking price , since she does n't spend much time at the home anymoreif it sells at that price , it will break the record for most expensive upper west side co-op ever soldmoore and willis were married for 13 years and share three daughters\"]\n", - "the actress is selling the manhattan penthouse she once shared with ex-husband bruce willis with an asking price of $ 75million which is exactly half of her total estimated fortune of $ 150million .and if the penthouse sells for that much , it will break the record for the most expensive co-op apartment ever sold on the upper west side .moore and willis purchased the south tower penthouse on the 28th floor of the historic san remo apartment building in 1990 from saturday night fever producer robert stigwood , in addition to a two-bedroom maisonette on the lobby floor .\n", - "demi moore and bruce willis purchased the south tower penthouse at the san remo in 1990 , in addition to a maisonette on the lobby floormoore appears to have won the penthouse in the couple 's 2000 splitshe is now selling the 14-room penthouse at a $ 75million asking price , since she does n't spend much time at the home anymoreif it sells at that price , it will break the record for most expensive upper west side co-op ever soldmoore and willis were married for 13 years and share three daughters\n", - "[1.3147044 1.2931614 1.3588462 1.3056471 1.2436535 1.1598455 1.0437577\n", - " 1.0296862 1.029893 1.1617951 1.0179632 1.0792174 1.0134271 1.0155201\n", - " 1.1086123 1.065456 1.0758282 1.0495172 0. ]\n", - "\n", - "[ 2 0 3 1 4 9 5 14 11 16 15 17 6 8 7 10 13 12 18]\n", - "=======================\n", - "['now there are calls for criminal charges to be brought over an extraordinary cover-up lasting more than two years at clydesdale and yorkshire banks .apology : clydesdale chief debbie crosbie whose rogue staff misled the financial ombudsmana high street bank has been hit with a record # 21million fine after being caught falsifying documents to avoid compensating victims of mis-selling .']\n", - "=======================\n", - "['staff at clydesdale and yorkshire banks misled the financial ombudsmanthey obstructed investigation into ppi complaints by tampering evidencepoliticians called for enquiry into wrong-doing between 2011 and 2013mp john mann said those who falsified documents could be guilty of fraud']\n", - "now there are calls for criminal charges to be brought over an extraordinary cover-up lasting more than two years at clydesdale and yorkshire banks .apology : clydesdale chief debbie crosbie whose rogue staff misled the financial ombudsmana high street bank has been hit with a record # 21million fine after being caught falsifying documents to avoid compensating victims of mis-selling .\n", - "staff at clydesdale and yorkshire banks misled the financial ombudsmanthey obstructed investigation into ppi complaints by tampering evidencepoliticians called for enquiry into wrong-doing between 2011 and 2013mp john mann said those who falsified documents could be guilty of fraud\n", - "[1.2921122 1.3305066 1.1548781 1.3133887 1.2602978 1.0532651 1.0539287\n", - " 1.044234 1.0556997 1.1257513 1.1669067 1.087678 1.0451978 1.0480794\n", - " 1.0257893 1.0138148 1.0564747 0. 0. ]\n", - "\n", - "[ 1 3 0 4 10 2 9 11 16 8 6 5 13 12 7 14 15 17 18]\n", - "=======================\n", - "[\"when the man , named by chinese media as mr zhang , arrived at his mother 's house and found that she was n't home , neighbours told him that she had left early that morning with the intention of meeting him .a motorist in china who was driving to visit his mother saw an injured woman lying by the side of a motorway but decided stopping to help would be too much inconvenience .he called police but his mother , from wuhu , in anhui province , died on the way to hospital , it was reported .\"]\n", - "=======================\n", - "[\"man was driving to visit his elderly mother when he saw injured womansaid he did n't stop because he did n't want the inconveniencereturned to find that woman was his mother , and she died from her injuriesdrivers in china often reluctant to stop at accidents for fear of getting sued themselves\"]\n", - "when the man , named by chinese media as mr zhang , arrived at his mother 's house and found that she was n't home , neighbours told him that she had left early that morning with the intention of meeting him .a motorist in china who was driving to visit his mother saw an injured woman lying by the side of a motorway but decided stopping to help would be too much inconvenience .he called police but his mother , from wuhu , in anhui province , died on the way to hospital , it was reported .\n", - "man was driving to visit his elderly mother when he saw injured womansaid he did n't stop because he did n't want the inconveniencereturned to find that woman was his mother , and she died from her injuriesdrivers in china often reluctant to stop at accidents for fear of getting sued themselves\n", - "[1.2152703 1.3338987 1.3156223 1.2997663 1.2106066 1.1825923 1.1161509\n", - " 1.0998024 1.0892433 1.0688474 1.0514661 1.0252092 1.1100672 1.0437728\n", - " 1.0402426 1.0629891 1.0290393 1.0191178 1.0217539]\n", - "\n", - "[ 1 2 3 0 4 5 6 12 7 8 9 15 10 13 14 16 11 18 17]\n", - "=======================\n", - "[\"the lowy institute report , released on thursday , says the large number of australians fighting in syria and iraq represents a ` serious national security threat ' but that the risk of an attack on home soil could be mitigated by the right policy response .the new report comes just a day after the news of the death of melbourne model-turned-jihadist sharky jama .the australian was reportedly killed in syria while fighting with terrorist organisation islamic state .\"]\n", - "=======================\n", - "[\"report into threat posed by foreign fighters blamed australian governmentthe lowy institute report says australians fight in syria and iraq represent ' a serious national security threat 'the report claims the right policy response could mitigate potential disasterit comes a day after melbourne model-turned-terrorist sharky jama was reportedly killed fighting with the islamic state in syriafamily were told on monday by friends via a text message and phone call\"]\n", - "the lowy institute report , released on thursday , says the large number of australians fighting in syria and iraq represents a ` serious national security threat ' but that the risk of an attack on home soil could be mitigated by the right policy response .the new report comes just a day after the news of the death of melbourne model-turned-jihadist sharky jama .the australian was reportedly killed in syria while fighting with terrorist organisation islamic state .\n", - "report into threat posed by foreign fighters blamed australian governmentthe lowy institute report says australians fight in syria and iraq represent ' a serious national security threat 'the report claims the right policy response could mitigate potential disasterit comes a day after melbourne model-turned-terrorist sharky jama was reportedly killed fighting with the islamic state in syriafamily were told on monday by friends via a text message and phone call\n", - "[1.2378771 1.319369 1.3458092 1.284247 1.102745 1.1715666 1.0863297\n", - " 1.1857231 1.0536995 1.010069 1.2162606 1.0578469 1.1009425 1.0135704\n", - " 1.0082637 1.1579244 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 0 10 7 5 15 4 12 6 11 8 13 9 14 17 16 18]\n", - "=======================\n", - "[\"there are 74 known cases of progeria around the world and only 4 in the uk - it causes people to age eight times faster than the usual rate .in a letter to hayley okines 's grieving parents charles described the 17-year-old progeria sufferer , who died earlier this month , as ` an inspiration to millions ' .prince charles ' letter was read at hayley 's funeral by father michael bailey at all saints church in sidley , bexhill-on-sea , east sussex .\"]\n", - "=======================\n", - "[\"girl dubbed ' 100-year-old teenager ' hayley okines died earlier this monthshe suffered from progeria which ages body eight times the normal rateprince charles sent letter to her parents which was read at her funeralin it he called the brave teenager ` an inspiration to millions '\"]\n", - "there are 74 known cases of progeria around the world and only 4 in the uk - it causes people to age eight times faster than the usual rate .in a letter to hayley okines 's grieving parents charles described the 17-year-old progeria sufferer , who died earlier this month , as ` an inspiration to millions ' .prince charles ' letter was read at hayley 's funeral by father michael bailey at all saints church in sidley , bexhill-on-sea , east sussex .\n", - "girl dubbed ' 100-year-old teenager ' hayley okines died earlier this monthshe suffered from progeria which ages body eight times the normal rateprince charles sent letter to her parents which was read at her funeralin it he called the brave teenager ` an inspiration to millions '\n", - "[1.2654159 1.3461285 1.1850661 1.1034669 1.0689687 1.1561263 1.184645\n", - " 1.1245044 1.1697671 1.0961591 1.0528351 1.0594758 1.0371058 1.0351787\n", - " 1.1008612 1.0702789 1.0924397 0. 0. ]\n", - "\n", - "[ 1 0 2 6 8 5 7 3 14 9 16 15 4 11 10 12 13 17 18]\n", - "=======================\n", - "['this season , for the second time in three years , there were no english clubs in the quarter-finals of the champions league , while none of our clubs have reached the last eight in the europa league either .england are in danger of losing their fourth champions league spot in the coming years , as poor performances from premier league clubs in europe take their toll .if juventus , napoli and fiorentina win all their remaining games possible , italy will go into next season within 0.1 points of england .']\n", - "=======================\n", - "['premier league clubs have been outperformed by european rivalsbundesliga set to move above premier league next seasonserie a could also overtake england , if italian successes continuenapoli , juventus and fiorentina are still in contention for european gloryall english clubs have been eliminated already this seasonone more bad season would see england lose a champions league spot']\n", - "this season , for the second time in three years , there were no english clubs in the quarter-finals of the champions league , while none of our clubs have reached the last eight in the europa league either .england are in danger of losing their fourth champions league spot in the coming years , as poor performances from premier league clubs in europe take their toll .if juventus , napoli and fiorentina win all their remaining games possible , italy will go into next season within 0.1 points of england .\n", - "premier league clubs have been outperformed by european rivalsbundesliga set to move above premier league next seasonserie a could also overtake england , if italian successes continuenapoli , juventus and fiorentina are still in contention for european gloryall english clubs have been eliminated already this seasonone more bad season would see england lose a champions league spot\n", - "[1.333503 1.2411586 1.4657905 1.1427416 1.1027893 1.2541461 1.1935663\n", - " 1.1812199 1.0603304 1.054856 1.0152425 1.0127285 1.0724213 1.0301485\n", - " 1.0530167 1.0440156 1.0746154 0. 0. ]\n", - "\n", - "[ 2 0 5 1 6 7 3 4 16 12 8 9 14 15 13 10 11 17 18]\n", - "=======================\n", - "['graeme finlay , 53 , went on trial after retired engineer ron phillips , 70 , and his wife june , 69 , were knocked unconscious in the incident outside their cabin on board the thomson celebration luxury liner .a cruise ship passenger was yesterday cleared of beating up two elderly holidaymakers in a row over rudeness at the dinner table .but the 16-stone gas worker insisted he only acted in self-defence when hit by mr phillips wielding his crutch and denied attacking his wife .']\n", - "=======================\n", - "['elderly couple accused graeme finlay of knocking them unconscious on boatthey claimed the attack on thomson celebration cruise ship was unprovokedfinlay , 36 , claimed he was the one being assaulted and was defended himselfteesside crown court jury took less than an hour to give not-guilty verdicts']\n", - "graeme finlay , 53 , went on trial after retired engineer ron phillips , 70 , and his wife june , 69 , were knocked unconscious in the incident outside their cabin on board the thomson celebration luxury liner .a cruise ship passenger was yesterday cleared of beating up two elderly holidaymakers in a row over rudeness at the dinner table .but the 16-stone gas worker insisted he only acted in self-defence when hit by mr phillips wielding his crutch and denied attacking his wife .\n", - "elderly couple accused graeme finlay of knocking them unconscious on boatthey claimed the attack on thomson celebration cruise ship was unprovokedfinlay , 36 , claimed he was the one being assaulted and was defended himselfteesside crown court jury took less than an hour to give not-guilty verdicts\n", - "[1.170151 1.4617422 1.3152297 1.2878458 1.35181 1.1308556 1.0378559\n", - " 1.0331752 1.0198343 1.0719404 1.0642898 1.1424139 1.1032476 1.0207487\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 3 0 11 5 12 9 10 6 7 13 8 17 14 15 16 18]\n", - "=======================\n", - "[\"cathleen hackney allegedly told two different funeral directors that there were no objections , including from her former spouse , to her son being cremated after his death .cathleen hackney , 56 , is on trial at stoke-on-trent crown court , pictured , in relation to the cremation of her sonas a result no-one attended the early morning cremation of paul moreland in december 2010 after it happened without his father 's knowledge , jurors heard .\"]\n", - "=======================\n", - "[\"cathleen hackney accused of lying to undertakers ahead of cremationalleged to have claimed there were no objections to funeral taking placecourt heard her ex-partner was not told when and where the cremation was happeningpaul barber only learned about his son 's funeral after it had taken place\"]\n", - "cathleen hackney allegedly told two different funeral directors that there were no objections , including from her former spouse , to her son being cremated after his death .cathleen hackney , 56 , is on trial at stoke-on-trent crown court , pictured , in relation to the cremation of her sonas a result no-one attended the early morning cremation of paul moreland in december 2010 after it happened without his father 's knowledge , jurors heard .\n", - "cathleen hackney accused of lying to undertakers ahead of cremationalleged to have claimed there were no objections to funeral taking placecourt heard her ex-partner was not told when and where the cremation was happeningpaul barber only learned about his son 's funeral after it had taken place\n", - "[1.4942461 1.1368785 1.136601 1.4695168 1.2562313 1.2435713 1.1007597\n", - " 1.0218884 1.0282826 1.0182012 1.0291722 1.2415082 1.0642638 1.0173881\n", - " 1.0146964 1.01389 1.104028 0. 0. ]\n", - "\n", - "[ 0 3 4 5 11 1 2 16 6 12 10 8 7 9 13 14 15 17 18]\n", - "=======================\n", - "['andy king thinks his 50th goal for leicester city could prove to be his most important yet .andy king was the hero as premier league strugglers leicester city struck late to earn a vital three pointsking is joined by david nugent to celebrate his goal , the 50th he has scored for his club']\n", - "=======================\n", - "[\"andy king scored his 50th goal to earn leicester three pointsestaban cambiasso 's goal had been cancelled out by cheick kouyatenigel pearson praises his goalscorer who he brought of the bench\"]\n", - "andy king thinks his 50th goal for leicester city could prove to be his most important yet .andy king was the hero as premier league strugglers leicester city struck late to earn a vital three pointsking is joined by david nugent to celebrate his goal , the 50th he has scored for his club\n", - "andy king scored his 50th goal to earn leicester three pointsestaban cambiasso 's goal had been cancelled out by cheick kouyatenigel pearson praises his goalscorer who he brought of the bench\n", - "[1.3513808 1.18867 1.4228249 1.3472152 1.1866164 1.1201432 1.086481\n", - " 1.0868855 1.0850403 1.0724127 1.0528778 1.079838 1.0459032 1.0481702\n", - " 1.0745598 1.0399243 1.0528566 1.0328873 1.0177544]\n", - "\n", - "[ 2 0 3 1 4 5 7 6 8 11 14 9 10 16 13 12 15 17 18]\n", - "=======================\n", - "['the driver , known as salim , is alleged to have assaulted the tourist in jaipur on friday evening .a 20-year-old british tourist has claimed she was molested by a taxi driver in jaipur , who has now been arrested ( pictured posed by model )the man , from todabhim in karauli district of rajasthan , is accused of assaulting the 20-year-old woman and is being held in custody .']\n", - "=======================\n", - "['taxi driver has been arrested on suspicion of molesting a british womanman , known as salim , is accused of assaulting tourist in jaipur , indiapolice confirmed he is being held after statement taken from alleged victimincident follows a number of sexual attacks in india , on locals and tourists']\n", - "the driver , known as salim , is alleged to have assaulted the tourist in jaipur on friday evening .a 20-year-old british tourist has claimed she was molested by a taxi driver in jaipur , who has now been arrested ( pictured posed by model )the man , from todabhim in karauli district of rajasthan , is accused of assaulting the 20-year-old woman and is being held in custody .\n", - "taxi driver has been arrested on suspicion of molesting a british womanman , known as salim , is accused of assaulting tourist in jaipur , indiapolice confirmed he is being held after statement taken from alleged victimincident follows a number of sexual attacks in india , on locals and tourists\n", - "[1.3669765 1.4167118 1.1979007 1.3376112 1.1361684 1.031824 1.0430197\n", - " 1.1310501 1.0693334 1.0583694 1.0922827 1.0406456 1.1802026 1.0876101\n", - " 1.0532726 1.0433505 1.0534265 1.057604 0. 0. ]\n", - "\n", - "[ 1 0 3 2 12 4 7 10 13 8 9 17 16 14 15 6 11 5 18 19]\n", - "=======================\n", - "[\"the 29-year-old seemed in high spirits as she was seen laughing and joking with friend , irene forte , at the launch party for new london restaurant , the ivy chelsea garden .prince harry 's former girlfriend chelsy davy debuted a grown-up and glamorous style as she stepped out in a sophisticated summer outfit for a london restaurant launch on tuesday .zimbabwean davy wore a white layered chiffon top , as well as flattering navy trousers with zip-detail on the ankles .\"]\n", - "=======================\n", - "[\"the 29-year-old attended the ivy chelsea garden launch party with friendprince harry 's ex looked fresh-faced and in high spirits at the london partypaired chiffon top with slim-fitting navy trousers and tan wedges\"]\n", - "the 29-year-old seemed in high spirits as she was seen laughing and joking with friend , irene forte , at the launch party for new london restaurant , the ivy chelsea garden .prince harry 's former girlfriend chelsy davy debuted a grown-up and glamorous style as she stepped out in a sophisticated summer outfit for a london restaurant launch on tuesday .zimbabwean davy wore a white layered chiffon top , as well as flattering navy trousers with zip-detail on the ankles .\n", - "the 29-year-old attended the ivy chelsea garden launch party with friendprince harry 's ex looked fresh-faced and in high spirits at the london partypaired chiffon top with slim-fitting navy trousers and tan wedges\n", - "[1.2272892 1.0722255 1.1114857 1.4079518 1.1843488 1.1678619 1.0496573\n", - " 1.0507601 1.0227987 1.0834273 1.053183 1.0704769 1.0242611 1.019963\n", - " 1.0326015 1.0361277 1.0538441 1.110511 0. 0. ]\n", - "\n", - "[ 3 0 4 5 2 17 9 1 11 16 10 7 6 15 14 12 8 13 18 19]\n", - "=======================\n", - "[\"macau has 26 casinos , including the largest in the world , the venetianwith its blend of portuguese and chinese culture , it did n't take us long to discover the unique appeal of macau .located at the mouth of the pearl river delta at the southern tip of china , macau comprises a peninsula and two islands -- taipa and coloane -- connected by three dramatic bridges .\"]\n", - "=======================\n", - "['macau in china offers a whirlwind of activities and attractionsfrom the 764ft bungee jump to the 26 casinos , thrillseekers will be satisfiednearby the sleepy island of coloane is waiting to be discovered']\n", - "macau has 26 casinos , including the largest in the world , the venetianwith its blend of portuguese and chinese culture , it did n't take us long to discover the unique appeal of macau .located at the mouth of the pearl river delta at the southern tip of china , macau comprises a peninsula and two islands -- taipa and coloane -- connected by three dramatic bridges .\n", - "macau in china offers a whirlwind of activities and attractionsfrom the 764ft bungee jump to the 26 casinos , thrillseekers will be satisfiednearby the sleepy island of coloane is waiting to be discovered\n", - "[1.31677 1.1189891 1.1828154 1.400187 1.3397608 1.2054809 1.1965629\n", - " 1.1179122 1.1084373 1.0267261 1.0562192 1.1809667 1.0728405 1.0183033\n", - " 1.0106642 1.0111352 1.0065622 0. 0. 0. ]\n", - "\n", - "[ 3 4 0 5 6 2 11 1 7 8 12 10 9 13 15 14 16 17 18 19]\n", - "=======================\n", - "['stacey tipler , 33 , used her job to steal # 642,000 from the royal marsden nhs trust which she spent on designer shopping sprees , mortgage payments and her planned wedding .but she and partner scott chaplin , 34 , who was the ringleader of the plot , were caught and both jailed last summer .nhs worker stacey tipler embezzled nearly # 650,000 from a cancer hospital .']\n", - "=======================\n", - "[\"stacey tipler , 33 , and partner scott chaplin , 34 , are already in jail for theftstipler stole money from royal marsden nhs trust over several monthscash she spent on designer handbags and wedding was for cancer drugstipler was ordered to pay pay back just # 28,737 within six months or spend another 18 months in prison .chaplin claimed he ` made nothing ' but was ordered to repay # 115,000\"]\n", - "stacey tipler , 33 , used her job to steal # 642,000 from the royal marsden nhs trust which she spent on designer shopping sprees , mortgage payments and her planned wedding .but she and partner scott chaplin , 34 , who was the ringleader of the plot , were caught and both jailed last summer .nhs worker stacey tipler embezzled nearly # 650,000 from a cancer hospital .\n", - "stacey tipler , 33 , and partner scott chaplin , 34 , are already in jail for theftstipler stole money from royal marsden nhs trust over several monthscash she spent on designer handbags and wedding was for cancer drugstipler was ordered to pay pay back just # 28,737 within six months or spend another 18 months in prison .chaplin claimed he ` made nothing ' but was ordered to repay # 115,000\n", - "[1.4493396 1.2465743 1.1550435 1.2401346 1.1858876 1.0372471 1.3110266\n", - " 1.1127702 1.0805104 1.0687511 1.0391951 1.0554863 1.0618703 1.0734272\n", - " 1.1273866 1.1064738 1.0421199 1.0691607 1.0131841 1.017161 ]\n", - "\n", - "[ 0 6 1 3 4 2 14 7 15 8 13 17 9 12 11 16 10 5 19 18]\n", - "=======================\n", - "[\"gemma redhead was left terrified after her former partner telephoned her after he was released from prison , following a conviction for raping herbrutally raped at knifepoint and left fearing for her life , gemma redhead believed her ordeal was over after her attacker was jailed .miss redhead said the 46-second call ` reawakened all of the fear and terror of the attack ' , leaving her unable to sleep or eat .\"]\n", - "=======================\n", - "['philip kirby was jailed for eight years in 2011 for raping gemma redheadthe 32-year-old raped his former partner and mother of his child at knifepoint and was jailed and banned from contacting her for lifehe was released from prison after three years and phoned ms redhead , who was left terrified and feeling trapped by call from her former partnerkirby has been returned to prison and will not be released until 2023']\n", - "gemma redhead was left terrified after her former partner telephoned her after he was released from prison , following a conviction for raping herbrutally raped at knifepoint and left fearing for her life , gemma redhead believed her ordeal was over after her attacker was jailed .miss redhead said the 46-second call ` reawakened all of the fear and terror of the attack ' , leaving her unable to sleep or eat .\n", - "philip kirby was jailed for eight years in 2011 for raping gemma redheadthe 32-year-old raped his former partner and mother of his child at knifepoint and was jailed and banned from contacting her for lifehe was released from prison after three years and phoned ms redhead , who was left terrified and feeling trapped by call from her former partnerkirby has been returned to prison and will not be released until 2023\n", - "[1.4078301 1.3044479 1.2540872 1.4543499 1.1793613 1.0531377 1.0253514\n", - " 1.0250295 1.0205544 1.2457683 1.1441072 1.0722132 1.0223981 1.0139614\n", - " 1.012857 1.0118704 1.1424515 1.008891 1.007631 0. ]\n", - "\n", - "[ 3 0 1 2 9 4 10 16 11 5 6 7 12 8 13 14 15 17 18 19]\n", - "=======================\n", - "[\"mk dons teenager dele alli picked up the young player of the year award on sunday nightdele alli is excited by the prospect of playing under mauricio pochettino next season and believes tottenham are the ` perfect ' club for him .this has been a whirlwind season for the 19-year-old , with his exceptional performances for mk dons earning a # 5million move to white hart lane in february .\"]\n", - "=======================\n", - "['dele alli signed for tottenham in the january transfer window for # 5millionmidfielder was loaned straight back to mk dons for the rest of the seasonthe 19-year-old was crowned football league young player of the yearalli wants to help get mk dons promoted to the championshipengland under 19 international says spurs are the perfect club for himalli is excited by the prospect of working under mauricio pochettino']\n", - "mk dons teenager dele alli picked up the young player of the year award on sunday nightdele alli is excited by the prospect of playing under mauricio pochettino next season and believes tottenham are the ` perfect ' club for him .this has been a whirlwind season for the 19-year-old , with his exceptional performances for mk dons earning a # 5million move to white hart lane in february .\n", - "dele alli signed for tottenham in the january transfer window for # 5millionmidfielder was loaned straight back to mk dons for the rest of the seasonthe 19-year-old was crowned football league young player of the yearalli wants to help get mk dons promoted to the championshipengland under 19 international says spurs are the perfect club for himalli is excited by the prospect of working under mauricio pochettino\n", - "[1.2455715 1.5035391 1.2659874 1.3646088 1.1965222 1.0674477 1.1067015\n", - " 1.0986795 1.0408492 1.0739812 1.0316632 1.0314748 1.045697 1.0252951\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 6 7 9 5 12 8 10 11 13 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"chief executive mike coupe , 53 , was convicted of embezzlement last september after former sansbury 's business partner amr el-nasharty accused him of trying to illegally seize cheques .now a court has sentenced him to two years behind bars for the crime , which relates to sainbury 's joint venture with local supermarket chain edge , owned by mr el-nashartymr coupe is believed to have travelled to the middle eastern country last sunday to appeal the conviction , which dates back to a time when he did n't work at the firm , but this was unsuccessful , reports the times .\"]\n", - "=======================\n", - "[\"sainsbury 's ceo mike coupe handed two year jail term by egyptian courtembezzlement claim was brought by former sainsbury 's business partnerbusinessman amr el-nasharty helped to launch chain in egypt in 1999however venture fell apart and chain left middle east with losses of # 110mmr el-nasharty claims mr coupe tried to seize cheques from him last julysainsbury 's supermarket strongly refutes all the claims against it\"]\n", - "chief executive mike coupe , 53 , was convicted of embezzlement last september after former sansbury 's business partner amr el-nasharty accused him of trying to illegally seize cheques .now a court has sentenced him to two years behind bars for the crime , which relates to sainbury 's joint venture with local supermarket chain edge , owned by mr el-nashartymr coupe is believed to have travelled to the middle eastern country last sunday to appeal the conviction , which dates back to a time when he did n't work at the firm , but this was unsuccessful , reports the times .\n", - "sainsbury 's ceo mike coupe handed two year jail term by egyptian courtembezzlement claim was brought by former sainsbury 's business partnerbusinessman amr el-nasharty helped to launch chain in egypt in 1999however venture fell apart and chain left middle east with losses of # 110mmr el-nasharty claims mr coupe tried to seize cheques from him last julysainsbury 's supermarket strongly refutes all the claims against it\n", - "[1.4356786 1.2313303 1.2042807 1.1850414 1.1620154 1.1481801 1.2454545\n", - " 1.0254135 1.0288525 1.0635648 1.0785478 1.0511153 1.0248854 1.0464357\n", - " 1.058729 1.076868 1.0399098 1.0124524 1.0184299 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 6 1 2 3 4 5 10 15 9 14 11 13 16 8 7 12 18 17 19 20 21 22]\n", - "=======================\n", - "['robin , now 73 , was diagnosed with type 2 diabetes by chance in 1999 , aged 58robin ellis shot to fame in the seventies as the original dashing hero ross poldark .at the time , he was as much a heart throb as aidan turner , star of the hugely successful bbc remake of the cornish epic that concludes on sunday .']\n", - "=======================\n", - "[\"robin ellis , now 73 , was diagnosed with type 2 diabetes by chance in 1999poldark star read michel montignac 's book , dine out and lose weightadvocates giving up white carbohydrates rather than counting caloriesrobin has since written a number of cookbooks for people with diabeteshe eats oats , walnuts , apricots and prunes with almond milk for breakfast\"]\n", - "robin , now 73 , was diagnosed with type 2 diabetes by chance in 1999 , aged 58robin ellis shot to fame in the seventies as the original dashing hero ross poldark .at the time , he was as much a heart throb as aidan turner , star of the hugely successful bbc remake of the cornish epic that concludes on sunday .\n", - "robin ellis , now 73 , was diagnosed with type 2 diabetes by chance in 1999poldark star read michel montignac 's book , dine out and lose weightadvocates giving up white carbohydrates rather than counting caloriesrobin has since written a number of cookbooks for people with diabeteshe eats oats , walnuts , apricots and prunes with almond milk for breakfast\n", - "[1.1835139 1.0810589 1.0541891 1.0932001 1.045988 1.0443488 1.0896438\n", - " 1.1853585 1.2162826 1.1206986 1.1317036 1.0662631 1.0953397 1.0733428\n", - " 1.0287498 1.0177946 1.0507349 1.0380973 1.0464498 1.0218374 1.1776943\n", - " 1.0330983 1.0228858]\n", - "\n", - "[ 8 7 0 20 10 9 12 3 6 1 13 11 2 16 18 4 5 17 21 14 22 19 15]\n", - "=======================\n", - "['her family is among the dozens of americans caught in the crossfire of warring parties in yemen .muna is from buffalo in upstate new york .( cnn ) \" my son served in the army for four years .']\n", - "=======================\n", - "['no official way out for americans stranded amid fighting in yemenu.s. deputy chief of mission says situation is very dangerous so no mass evacuation is planned']\n", - "her family is among the dozens of americans caught in the crossfire of warring parties in yemen .muna is from buffalo in upstate new york .( cnn ) \" my son served in the army for four years .\n", - "no official way out for americans stranded amid fighting in yemenu.s. deputy chief of mission says situation is very dangerous so no mass evacuation is planned\n", - "[1.5599442 1.3482077 1.1708502 1.0803565 1.1902589 1.2860309 1.1298944\n", - " 1.1669238 1.0341314 1.0494581 1.1573284 1.2360396 1.1676136 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 5 11 4 2 12 7 10 6 3 9 8 20 19 18 17 13 15 14 21 16 22]\n", - "=======================\n", - "[\"bayern munich will be without midfielders bastian schweinsteiger and franck ribery when they travel to porto for wednesday 's champions league quarter-final first leg .frenchman ribery is not yet fully fit following a five-week absence with an ankle injury while schweinsteiger has had a virus for the past few days .bastian schweinsteiger lies injured on the pitch during bayern 's 1-0 win against borussia dortmund on april 4\"]\n", - "=======================\n", - "[\"bastian schweinsteiger has been suffering with a virusfranck ribery is n't yet fully fit after five-week absence with ankle injuryarjen robben , medhi benatia and david alaba are all sidelined\"]\n", - "bayern munich will be without midfielders bastian schweinsteiger and franck ribery when they travel to porto for wednesday 's champions league quarter-final first leg .frenchman ribery is not yet fully fit following a five-week absence with an ankle injury while schweinsteiger has had a virus for the past few days .bastian schweinsteiger lies injured on the pitch during bayern 's 1-0 win against borussia dortmund on april 4\n", - "bastian schweinsteiger has been suffering with a virusfranck ribery is n't yet fully fit after five-week absence with ankle injuryarjen robben , medhi benatia and david alaba are all sidelined\n", - "[1.0613971 1.0720842 1.2305048 1.3170741 1.1447304 1.1029261 1.0308251\n", - " 1.1481836 1.0597043 1.1891812 1.0977004 1.0652256 1.0316081 1.028581\n", - " 1.0692292 1.047839 1.1124855 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 2 9 7 4 16 5 10 1 14 11 0 8 15 12 6 13 17 18 19 20 21 22]\n", - "=======================\n", - "['pilots give their insider tips on where passengers should sit to get the best view of their destination on arrivalno one gets a better seat to view the world than the pilots who are lucky enough to frequent these scenes for a living , and they have revealed their expert guides to which routes and seats can offer these front row experiences .the harbour is the largest natural harbour in the world and flyers will be able to get unbeatable aerial shots of world-famous sydney harbour bridge and the sydney opera house .']\n", - "=======================\n", - "['british airways pilots reveal their favourite plane views and where to sitexperience aerial shots of the grand canyon without forking out for expensive helicopter tourssit on the right to see the incredible sydney harbour as you leave the city']\n", - "pilots give their insider tips on where passengers should sit to get the best view of their destination on arrivalno one gets a better seat to view the world than the pilots who are lucky enough to frequent these scenes for a living , and they have revealed their expert guides to which routes and seats can offer these front row experiences .the harbour is the largest natural harbour in the world and flyers will be able to get unbeatable aerial shots of world-famous sydney harbour bridge and the sydney opera house .\n", - "british airways pilots reveal their favourite plane views and where to sitexperience aerial shots of the grand canyon without forking out for expensive helicopter tourssit on the right to see the incredible sydney harbour as you leave the city\n", - "[1.5278814 1.4184524 1.1649613 1.4186069 1.2814691 1.0572425 1.1550896\n", - " 1.1253055 1.1059211 1.0342516 1.0504392 1.0387397 1.0111369 1.0149149\n", - " 1.0096807 1.010764 0. ]\n", - "\n", - "[ 0 3 1 4 2 6 7 8 5 10 11 9 13 12 15 14 16]\n", - "=======================\n", - "[\"livingston boss mark burchill believes heartbroken midfielder darren cole wants to play in sunday 's petrofac cup final despite the game coming just a week after the tragic death of his cousin in america .the ex-rangers youth has been mourning the loss of shaun cole , 22 , who was found dead in a miami street last weekend and is thought to have been the victim of a hit-and-run driver .livingston star cole , 23 , was close to shaun and paid tribute to the army private on his twitter account this week .\"]\n", - "=======================\n", - "['livingston stake on alloa athletic in the final of the petrofac cup on sundaymidfielder darren cole is in mourning after the recent death of his cousin shaun , who died in miami from a suspected hit-and-runlivingston boss mark burchill believes that cole can overcome his heartbreak to play for his side against alloa']\n", - "livingston boss mark burchill believes heartbroken midfielder darren cole wants to play in sunday 's petrofac cup final despite the game coming just a week after the tragic death of his cousin in america .the ex-rangers youth has been mourning the loss of shaun cole , 22 , who was found dead in a miami street last weekend and is thought to have been the victim of a hit-and-run driver .livingston star cole , 23 , was close to shaun and paid tribute to the army private on his twitter account this week .\n", - "livingston stake on alloa athletic in the final of the petrofac cup on sundaymidfielder darren cole is in mourning after the recent death of his cousin shaun , who died in miami from a suspected hit-and-runlivingston boss mark burchill believes that cole can overcome his heartbreak to play for his side against alloa\n", - "[1.5143635 1.2396275 1.4847616 1.199001 1.1177223 1.0734665 1.0987215\n", - " 1.0724604 1.1417271 1.104703 1.0286059 1.0393087 1.0615268 1.0668497\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 8 4 9 6 5 7 13 12 11 10 15 14 16]\n", - "=======================\n", - "['kevin rebbie , 56 , of limerick township , pennsylvania , was arrested after a 15-year-old girl found a hidden camera in her bathroom that police were able to trace back to the manthe videos were captured over a three - or four-year time period , according to prosecutors .she told investigators that rebbie had been watching her for years when she was undressing and when he believed she was asleep .']\n", - "=======================\n", - "[\"kevin rebbie , 56 , of limerick township , pennsylvania , has been arrestedhe allegedly sexually abused a girl in her home and filmed her in bathroomthe girl also claims rebbie watched her undress and when he thought she was sleepinginvestigators found 41 videos , 34 of which showed victims as they showeredrebbie said that he purchased the camera specifically to watch the 15-year-old girl but captured other victims on film , toorebbie 's is being held on a $ 500,000 bail and will appear in court on may 1\"]\n", - "kevin rebbie , 56 , of limerick township , pennsylvania , was arrested after a 15-year-old girl found a hidden camera in her bathroom that police were able to trace back to the manthe videos were captured over a three - or four-year time period , according to prosecutors .she told investigators that rebbie had been watching her for years when she was undressing and when he believed she was asleep .\n", - "kevin rebbie , 56 , of limerick township , pennsylvania , has been arrestedhe allegedly sexually abused a girl in her home and filmed her in bathroomthe girl also claims rebbie watched her undress and when he thought she was sleepinginvestigators found 41 videos , 34 of which showed victims as they showeredrebbie said that he purchased the camera specifically to watch the 15-year-old girl but captured other victims on film , toorebbie 's is being held on a $ 500,000 bail and will appear in court on may 1\n", - "[1.4536213 1.546063 1.2539585 1.1902647 1.2258313 1.0771399 1.026315\n", - " 1.01556 1.0192596 1.0152302 1.0135393 1.1697435 1.1057998 1.018381\n", - " 1.0162631 1.0108387 1.010229 ]\n", - "\n", - "[ 1 0 2 4 3 11 12 5 6 8 13 14 7 9 10 15 16]\n", - "=======================\n", - "[\"the middlesex seamer admitted he finds it ` baffling ' he faces criticism for not hitting the highly-prized 90mph mark , vowing to chase an england recall despite missing the west indies tour .steven finn believes pace does not matter in his quest to break back into england 's test squad .the 26-year-old was one of the few pluses of a dismal world cup run , and is now intent on forcing his way into the reckoning for next summer 's test challenges against new zealand and australia .\"]\n", - "=======================\n", - "[\"finn says it is ` baffling ' he faces criticism for not hitting 90mph markmiddlesex seamer was left out of england 's tour of west indiesthis was despite being one of the team 's better players at world cup26-year-old will chase an england recall through good county form\"]\n", - "the middlesex seamer admitted he finds it ` baffling ' he faces criticism for not hitting the highly-prized 90mph mark , vowing to chase an england recall despite missing the west indies tour .steven finn believes pace does not matter in his quest to break back into england 's test squad .the 26-year-old was one of the few pluses of a dismal world cup run , and is now intent on forcing his way into the reckoning for next summer 's test challenges against new zealand and australia .\n", - "finn says it is ` baffling ' he faces criticism for not hitting 90mph markmiddlesex seamer was left out of england 's tour of west indiesthis was despite being one of the team 's better players at world cup26-year-old will chase an england recall through good county form\n", - "[1.2654012 1.2957588 1.1892457 1.3784232 1.2035952 1.0586493 1.0497166\n", - " 1.0380323 1.0273072 1.1091094 1.0775329 1.2871703 1.0207037 1.0237012\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 1 11 0 4 2 9 10 5 6 7 8 13 12 14 15 16]\n", - "=======================\n", - "[\"manny pacquiao answers questions from the assembled media at his open workout day last weekbob arum , the pacman 's veteran promoter , ordered an end to the discussion when he realised that many more than the promised tight-knit group of leading sportswriters were jamming the lines .floyd mayweather is due for his final conference call this wednesday .\"]\n", - "=======================\n", - "[\"bob arum pulls plug on phone interview after too many people on the callmanny pacquiao answers ` very good ' to a question before interview endedfloyd mayweather is due for his final conference call this wednesdaymayweather : i am better than muhammad ali and sugar ray robinsonread : mayweather-pacquiao weigh-in will be first ever with paid-for tickets\"]\n", - "manny pacquiao answers questions from the assembled media at his open workout day last weekbob arum , the pacman 's veteran promoter , ordered an end to the discussion when he realised that many more than the promised tight-knit group of leading sportswriters were jamming the lines .floyd mayweather is due for his final conference call this wednesday .\n", - "bob arum pulls plug on phone interview after too many people on the callmanny pacquiao answers ` very good ' to a question before interview endedfloyd mayweather is due for his final conference call this wednesdaymayweather : i am better than muhammad ali and sugar ray robinsonread : mayweather-pacquiao weigh-in will be first ever with paid-for tickets\n", - "[1.198875 1.4419146 1.2492068 1.1912352 1.2398806 1.260035 1.0943675\n", - " 1.0740114 1.0603286 1.0623378 1.0301516 1.0429585 1.0511175 1.1875988\n", - " 1.0366725 1.027145 0. ]\n", - "\n", - "[ 1 5 2 4 0 3 13 6 7 9 8 12 11 14 10 15 16]\n", - "=======================\n", - "['raymond lee fryberg jr. was arraigned in seattle on thursday , nearly six months after his son jaylen fryberg killed four students at marysville pilchuck high school then himself .fryberg had been the subject of a permanent domestic violence protection order that prohibited him from ever having firearms when he allegedly bought a beretta pistol in january 2013 .a father today pleaded not guilty to illegally buying a firearm his 15-year-old son then took to school to kill four of his classmates and take his own life .']\n", - "=======================\n", - "[\"raymond lee fryberg jr. ` bought a gun in 2013 despite a domestic violence protection order against him banning him from doing so 'he ` said he had no restraining orders out against him when he filled out his federal form and the system did not pick up the error 'he was arraigned on thursday and faces 10 years behind bars if guiltylast october , his son jaylen , 15 , shot dead four of his classmates in the cafeteria at their seattle high school before taking his own life\"]\n", - "raymond lee fryberg jr. was arraigned in seattle on thursday , nearly six months after his son jaylen fryberg killed four students at marysville pilchuck high school then himself .fryberg had been the subject of a permanent domestic violence protection order that prohibited him from ever having firearms when he allegedly bought a beretta pistol in january 2013 .a father today pleaded not guilty to illegally buying a firearm his 15-year-old son then took to school to kill four of his classmates and take his own life .\n", - "raymond lee fryberg jr. ` bought a gun in 2013 despite a domestic violence protection order against him banning him from doing so 'he ` said he had no restraining orders out against him when he filled out his federal form and the system did not pick up the error 'he was arraigned on thursday and faces 10 years behind bars if guiltylast october , his son jaylen , 15 , shot dead four of his classmates in the cafeteria at their seattle high school before taking his own life\n", - "[1.0967647 1.1459556 1.0539974 1.142926 1.1102991 1.1602526 1.3056837\n", - " 1.0281396 1.0783817 1.028148 1.0297403 1.1110559 1.0579497 1.0388727\n", - " 1.2250198 1.0774095 1.0744419 1.0811805 1.0299532 1.0386132 1.020412 ]\n", - "\n", - "[ 6 14 5 1 3 11 4 0 17 8 15 16 12 2 13 19 18 10 9 7 20]\n", - "=======================\n", - "['on arrival , we head for ashvem beach , in the north , for three nights at yab yum resorts .goa has 11 hours of sunshine a day at this time of year .my friend alex and i find direct flights for # 348 return through thomson .']\n", - "=======================\n", - "[\"goa is india 's smallest state but one of its most popular travel destinationsit offers bargain beach breaks ( and luxury too ) in the west of the countryweak rouble means there are currently fewer russian visitors than usual\"]\n", - "on arrival , we head for ashvem beach , in the north , for three nights at yab yum resorts .goa has 11 hours of sunshine a day at this time of year .my friend alex and i find direct flights for # 348 return through thomson .\n", - "goa is india 's smallest state but one of its most popular travel destinationsit offers bargain beach breaks ( and luxury too ) in the west of the countryweak rouble means there are currently fewer russian visitors than usual\n", - "[1.2925063 1.5081831 1.2091241 1.2955356 1.1122345 1.1510129 1.017723\n", - " 1.0192283 1.0162966 1.0901701 1.0510006 1.0862232 1.1328224 1.0720956\n", - " 1.0207138 1.0741359 1.2523255 1.0105736 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 16 2 5 12 4 9 11 15 13 10 14 7 6 8 17 18 19 20]\n", - "=======================\n", - "['the federal government will give shoshana hebshi $ 40,000 as compensation for being humiliated on the 10th anniversary of the 9/11 terrorist attacks after armed agents forced her from a plane at detroit metropolitan airport , made her undress during a search and held her for hours .a woman of arab and jewish descent who was strip-searched at a detroit-area airport has reached a settlement in a lawsuit filed on her behalf , the american civil liberties union said tuesday .frontier airlines , the transportation security administration and wayne county airport authority were named in the federal lawsuit .']\n", - "=======================\n", - "[\"the federal government will give shoshana hebshi $ 40,000 as compensation for being ethnically profiledhebshi , who has a jewish mother and saudi arabian father , has said she was discriminated against based on her dark complexionhebshi was detained along with two indian men she was seated next to` people do not forfeit their constitutional rights when they step onto an airplane , ' said aclu attorney rachel goodman\"]\n", - "the federal government will give shoshana hebshi $ 40,000 as compensation for being humiliated on the 10th anniversary of the 9/11 terrorist attacks after armed agents forced her from a plane at detroit metropolitan airport , made her undress during a search and held her for hours .a woman of arab and jewish descent who was strip-searched at a detroit-area airport has reached a settlement in a lawsuit filed on her behalf , the american civil liberties union said tuesday .frontier airlines , the transportation security administration and wayne county airport authority were named in the federal lawsuit .\n", - "the federal government will give shoshana hebshi $ 40,000 as compensation for being ethnically profiledhebshi , who has a jewish mother and saudi arabian father , has said she was discriminated against based on her dark complexionhebshi was detained along with two indian men she was seated next to` people do not forfeit their constitutional rights when they step onto an airplane , ' said aclu attorney rachel goodman\n", - "[1.5049212 1.1965419 1.247525 1.4017205 1.1063179 1.0694696 1.0258672\n", - " 1.0714687 1.2358409 1.0391008 1.1330173 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 8 1 10 4 7 5 9 6 19 11 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"ludogorets player cosmin moti is guilty of producing one of the worst tackles you 're likely to see this season after his kung-fu style tackle on a cska sofia player - but unbelievably the referee waved play on .cosmin moti ( centre right ) kung-fu tacklesstefan nikolic during ludogorets clash with cska sofiathe defender made the headlines for the right reasons during ludogorets champions league play-off against steaua bucharest back in august , when he saved two penalties during the shoot-out - after their goalkeeper had been sent off .\"]\n", - "=======================\n", - "[\"cosmin moti kung-fu kicked stefan nikolic during a bulgarian league gamethe ludogorets defender was n't punished as the referee waved played onmoti is also well known for saving two penalties in the champions league\"]\n", - "ludogorets player cosmin moti is guilty of producing one of the worst tackles you 're likely to see this season after his kung-fu style tackle on a cska sofia player - but unbelievably the referee waved play on .cosmin moti ( centre right ) kung-fu tacklesstefan nikolic during ludogorets clash with cska sofiathe defender made the headlines for the right reasons during ludogorets champions league play-off against steaua bucharest back in august , when he saved two penalties during the shoot-out - after their goalkeeper had been sent off .\n", - "cosmin moti kung-fu kicked stefan nikolic during a bulgarian league gamethe ludogorets defender was n't punished as the referee waved played onmoti is also well known for saving two penalties in the champions league\n", - "[1.2034014 1.4860669 1.2482116 1.3699007 1.1488827 1.0946074 1.0951946\n", - " 1.053217 1.0575125 1.0979033 1.0653245 1.1246829 1.0806726 1.0895705\n", - " 1.0218775 1.0170239 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 11 9 6 5 13 12 10 8 7 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"depressed donna oettinger , 41 , had sought urgent psychiatric help in the months before she and her son zaki died on train tracks in south london in march 2013 , croydon coroner 's court heard .she had attempted to kill herself three months before the tragedy but was unable to receive the treatment recommended to her by doctors .a mother who cradled her three-year-old son while she lay down in front of a train killed them both after finding out her husband had a second family in egypt , an inquest has heard .\"]\n", - "=======================\n", - "['donna and zaki oettinger died on train tracks in south london in 2013inquest heard mother had taken an overdose three months earliershe hoped for home psychiatric help , but was later told not availablea coroner has recorded she unlawfully killed her son and killed herselffor confidential support call the samaritans in the uk on 08457 90 90 90 , visit a local samaritans branch or click here .']\n", - "depressed donna oettinger , 41 , had sought urgent psychiatric help in the months before she and her son zaki died on train tracks in south london in march 2013 , croydon coroner 's court heard .she had attempted to kill herself three months before the tragedy but was unable to receive the treatment recommended to her by doctors .a mother who cradled her three-year-old son while she lay down in front of a train killed them both after finding out her husband had a second family in egypt , an inquest has heard .\n", - "donna and zaki oettinger died on train tracks in south london in 2013inquest heard mother had taken an overdose three months earliershe hoped for home psychiatric help , but was later told not availablea coroner has recorded she unlawfully killed her son and killed herselffor confidential support call the samaritans in the uk on 08457 90 90 90 , visit a local samaritans branch or click here .\n", - "[1.4239576 1.2087625 1.4120694 1.1613216 1.2897594 1.2660993 1.1597484\n", - " 1.0517757 1.0247626 1.0209835 1.1082271 1.0200089 1.0527455 1.0348004\n", - " 1.0459682 1.1557343 1.1496749 1.0464195 1.03144 0. 0. ]\n", - "\n", - "[ 0 2 4 5 1 3 6 15 16 10 12 7 17 14 13 18 8 9 11 19 20]\n", - "=======================\n", - "[\"stephen akers-belcher said he needed time off for compassionate reasons - but was pictured the same day aboard hms warriorfollowing a disciplinary hearing the mayor of hartlepool was dismissed from his care manager role with newcastle city council for gross misconduct .akers-belcher claims he has actually been sacked for whistle blowing after he made a series of allegations involving the authority 's protection of vulnerable adults .\"]\n", - "=======================\n", - "['stephen akers-belcher said he needed time off for compassionate reasonsbut the council leader was pictured the same day aboard hms warriorthe mayor was dismissed for his care manager role for gross misconductakers-belcher claims he has actually been sacked for whistle blowing']\n", - "stephen akers-belcher said he needed time off for compassionate reasons - but was pictured the same day aboard hms warriorfollowing a disciplinary hearing the mayor of hartlepool was dismissed from his care manager role with newcastle city council for gross misconduct .akers-belcher claims he has actually been sacked for whistle blowing after he made a series of allegations involving the authority 's protection of vulnerable adults .\n", - "stephen akers-belcher said he needed time off for compassionate reasonsbut the council leader was pictured the same day aboard hms warriorthe mayor was dismissed for his care manager role for gross misconductakers-belcher claims he has actually been sacked for whistle blowing\n", - "[1.250365 1.5044582 1.2229606 1.2890768 1.2414308 1.1712314 1.0444134\n", - " 1.0503567 1.0187361 1.0181817 1.0162128 1.0669172 1.0430619 1.0538399\n", - " 1.2079664 1.1263051 1.0997115 1.0148934 1.0190564 1.0107315]\n", - "\n", - "[ 1 3 0 4 2 14 5 15 16 11 13 7 6 12 18 8 9 10 17 19]\n", - "=======================\n", - "[\"shaun ingram booked his ford focus st in for a major service and mot at halfords autocentre in plymouth last month , costing # 255 .this is the shocking dashcam footage which shows a halford 's mechanic taking a customer 's car for a joyride at almost double the speed limit when he took it in for an mot .shaun ingram , from saltash in cornwall , who discovered the footage , says it shows it was a pre-planned thing , not spur of the moment\"]\n", - "=======================\n", - "['shaun ingram booked his ford focus st for an mot at halfords , plymouthwent to collect his car and realised his dashcam had been recordingsaw a mechanic take the car for a joyride doing 57mph in a 30mph zonealso discovered the mechanic swearing and boasting about test driving the car']\n", - "shaun ingram booked his ford focus st in for a major service and mot at halfords autocentre in plymouth last month , costing # 255 .this is the shocking dashcam footage which shows a halford 's mechanic taking a customer 's car for a joyride at almost double the speed limit when he took it in for an mot .shaun ingram , from saltash in cornwall , who discovered the footage , says it shows it was a pre-planned thing , not spur of the moment\n", - "shaun ingram booked his ford focus st for an mot at halfords , plymouthwent to collect his car and realised his dashcam had been recordingsaw a mechanic take the car for a joyride doing 57mph in a 30mph zonealso discovered the mechanic swearing and boasting about test driving the car\n", - "[1.3283774 1.3442445 1.2100616 1.2598377 1.0590506 1.2405381 1.1232545\n", - " 1.0868034 1.1023436 1.1203372 1.1406667 1.0576531 1.0553446 1.0326725\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 5 2 10 6 9 8 7 4 11 12 13 18 14 15 16 17 19]\n", - "=======================\n", - "['prisoner syed viqaruddin - who had links to a network of feared terrorist groups - is understood to have asked the police van to stop in a deserted area , claiming he needed a toilet break , while they were en route to a court in hyderabad .five prisoners - including an islamic extremist who allegedly shot dead two police officers - have been killed as they tried to escape from a van taking them to court in southern india .shoot out : the five suspects were killed this morning after allegedly trying to escape police custody']\n", - "=======================\n", - "['the van had stopped after syed viqaruddin asked for a toilet breakonce stopped , another prisoner tried to take a gun off one of the officersa scuffle ensued and the 17 policemen guarding the group opened firethe prisoners - thought to be part of the same terrorist group - all diedleader viqaruddin is alleged to have killed two police officers']\n", - "prisoner syed viqaruddin - who had links to a network of feared terrorist groups - is understood to have asked the police van to stop in a deserted area , claiming he needed a toilet break , while they were en route to a court in hyderabad .five prisoners - including an islamic extremist who allegedly shot dead two police officers - have been killed as they tried to escape from a van taking them to court in southern india .shoot out : the five suspects were killed this morning after allegedly trying to escape police custody\n", - "the van had stopped after syed viqaruddin asked for a toilet breakonce stopped , another prisoner tried to take a gun off one of the officersa scuffle ensued and the 17 policemen guarding the group opened firethe prisoners - thought to be part of the same terrorist group - all diedleader viqaruddin is alleged to have killed two police officers\n", - "[1.0718502 1.0975667 1.3443841 1.4557422 1.3326204 1.1549704 1.0911237\n", - " 1.1336397 1.1258156 1.0934701 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 4 5 7 8 1 9 6 0 10 11 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "['a survey of 600 employers and senior executives has revealed that the biggest cv blunder is spelling or grammar mistakesother high ranking errors are incorrect personal information ( wrong contact names and companies ) , and also if key information such as contact details are missing .the survey also revealed that employers prefer a professional quality to a cv , with nearly half ( 44 per cent ) disliking if the tone seemed too informal or casual .']\n", - "=======================\n", - "['a poll of 600 executives was conducted by yougov for gsm londonthe biggest pet peeve was spelling or grammatical errors on the cvbrevity is valued , with employers disliking waffling resumes']\n", - "a survey of 600 employers and senior executives has revealed that the biggest cv blunder is spelling or grammar mistakesother high ranking errors are incorrect personal information ( wrong contact names and companies ) , and also if key information such as contact details are missing .the survey also revealed that employers prefer a professional quality to a cv , with nearly half ( 44 per cent ) disliking if the tone seemed too informal or casual .\n", - "a poll of 600 executives was conducted by yougov for gsm londonthe biggest pet peeve was spelling or grammatical errors on the cvbrevity is valued , with employers disliking waffling resumes\n", - "[1.4243004 1.2846096 1.2620414 1.2399276 1.0984334 1.1360945 1.0770036\n", - " 1.2174075 1.0502999 1.1196159 1.1188781 1.0086384 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 7 5 9 10 4 6 8 11 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "['( cnn ) a tv series based on the 1999 sci-fi film \" galaxy quest \" is in the works at paramount television .the dreamworks film centered on the cast of a canceled space tv show who are accidentally sent to a spaceship and must save an alien nation .tv land \\'s ` younger \\' renewed for second season']\n", - "=======================\n", - "['\" galaxy quest \" tv series in the worksshow would be based on the cult classic 1999 sci-fi comedy']\n", - "( cnn ) a tv series based on the 1999 sci-fi film \" galaxy quest \" is in the works at paramount television .the dreamworks film centered on the cast of a canceled space tv show who are accidentally sent to a spaceship and must save an alien nation .tv land 's ` younger ' renewed for second season\n", - "\" galaxy quest \" tv series in the worksshow would be based on the cult classic 1999 sci-fi comedy\n", - "[1.5598311 1.4659269 1.4079427 1.4934847 1.0375844 1.0293436 1.0157286\n", - " 1.0237234 1.0132685 1.2900708 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 9 4 5 7 6 8 18 10 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"aljaz bedene has won his first match since becoming a british citizen after the slovenian-born player won in the opening round of qualifying for the casablanca open .bedene , the 25-year-old who has lived in the united kingdom for seven years and is now a citizen , claimed a 6-3 6-2 victory over maxime chazal of france on the clay in morocco .bedene will now face either michael linzer of austria or france 's maxime texeira in the next round .\"]\n", - "=======================\n", - "['aljaz bedene wins first round of qualifying for casablanca openbeats frenchman maxime chazal in straight sets 6-3 6-2 in moroccobedene is now british no 2 behind andy murray after switch']\n", - "aljaz bedene has won his first match since becoming a british citizen after the slovenian-born player won in the opening round of qualifying for the casablanca open .bedene , the 25-year-old who has lived in the united kingdom for seven years and is now a citizen , claimed a 6-3 6-2 victory over maxime chazal of france on the clay in morocco .bedene will now face either michael linzer of austria or france 's maxime texeira in the next round .\n", - "aljaz bedene wins first round of qualifying for casablanca openbeats frenchman maxime chazal in straight sets 6-3 6-2 in moroccobedene is now british no 2 behind andy murray after switch\n", - "[1.161906 1.0845562 1.23629 1.3191353 1.2451509 1.1169837 1.0925375\n", - " 1.2536728 1.083531 1.089004 1.1885273 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 7 4 2 10 0 5 6 9 1 8 17 11 12 13 14 15 16 18]\n", - "=======================\n", - "['now , mega-fans of the hit show can experience \" adventure time \" in the skies .the adventure time plane is the result of a partnership between thai airways subsidiary thai smile and cartoon network amazone , a new water park near the thai resort city of pattaya featuring attractions based on shows that appear on the turner broadcasting system channel .thai smile , a subsidiary of thailand flag carrier thai airways , on thursday unveiled colorful new livery featuring jake , finn and the beloved princess bubblegum sprawled across an airbus a320 at bangkok \\'s suvarnabhumi international airport .']\n", - "=======================\n", - "['thai airways subsidiary thai smile features cartoon network paint job on a320 jetoverhead bins , head rests and air sick bags feature characters from cartoon network']\n", - "now , mega-fans of the hit show can experience \" adventure time \" in the skies .the adventure time plane is the result of a partnership between thai airways subsidiary thai smile and cartoon network amazone , a new water park near the thai resort city of pattaya featuring attractions based on shows that appear on the turner broadcasting system channel .thai smile , a subsidiary of thailand flag carrier thai airways , on thursday unveiled colorful new livery featuring jake , finn and the beloved princess bubblegum sprawled across an airbus a320 at bangkok 's suvarnabhumi international airport .\n", - "thai airways subsidiary thai smile features cartoon network paint job on a320 jetoverhead bins , head rests and air sick bags feature characters from cartoon network\n", - "[1.2891033 1.2831156 1.3228539 1.2014353 1.2940726 1.1163149 1.1603003\n", - " 1.0731293 1.0970496 1.0190814 1.0209407 1.0573326 1.1032624 1.0582968\n", - " 1.0882823 1.0290462 1.0104202 0. 0. ]\n", - "\n", - "[ 2 4 0 1 3 6 5 12 8 14 7 13 11 15 10 9 16 17 18]\n", - "=======================\n", - "[\"investigators found that a number of flavors were labeled ` healthy ' - brimming with fiber , protein and antioxidants , while being low in fat and sodium .the fda has ruled that kind bars are not as kind on the body as they purport to bethey 're the fastest-growing nutrition bar in the u.s. with sales topping $ 100 million .\"]\n", - "=======================\n", - "[\"fda investigators found that a number of flavors were labeled ` healthy ' - brimming with fiber and antioxidants , while being low in fat and sodiumhowever , upon closer inspection it was found that ` none of the products met the requirements to make such content claims 'daily mail online calculated that one kind bar flavor - not included in the fda investigation - contains more calories and fat than a snickers barnew york university nutritionist , marion nestle , likened kind bars to candy\"]\n", - "investigators found that a number of flavors were labeled ` healthy ' - brimming with fiber , protein and antioxidants , while being low in fat and sodium .the fda has ruled that kind bars are not as kind on the body as they purport to bethey 're the fastest-growing nutrition bar in the u.s. with sales topping $ 100 million .\n", - "fda investigators found that a number of flavors were labeled ` healthy ' - brimming with fiber and antioxidants , while being low in fat and sodiumhowever , upon closer inspection it was found that ` none of the products met the requirements to make such content claims 'daily mail online calculated that one kind bar flavor - not included in the fda investigation - contains more calories and fat than a snickers barnew york university nutritionist , marion nestle , likened kind bars to candy\n", - "[1.3334547 1.3950546 1.2233796 1.2581644 1.1844547 1.1549702 1.1669792\n", - " 1.0912935 1.0977609 1.0316609 1.0289514 1.0469701 1.0136517 1.0885252\n", - " 1.0335361 1.0181535 1.0139945 1.0911325 1.0258267]\n", - "\n", - "[ 1 0 3 2 4 6 5 8 7 17 13 11 14 9 10 18 15 16 12]\n", - "=======================\n", - "[\"the actor believes the controversial church is targeted ` because it 's not understood ' .john travolta claims scientology has helped him ` save lives ' , including his own .his words came in an interview with good morning america to promote his new thriller the forger about the world 's most infamous art plagiarist .\"]\n", - "=======================\n", - "[\"the actor , 61 , appeared on good morning america to promote the forgerwas asked about controversial scientology documentary going clearfilm alleges church elders hold a ` blackmail file ' to keep travolta with themtravolta insists he has ` loved every minute ' , it is ` misunderstood ' and it has helped him get through hard times over 40 yearstells his critics to ` read a book ' and not to ` speculate '\"]\n", - "the actor believes the controversial church is targeted ` because it 's not understood ' .john travolta claims scientology has helped him ` save lives ' , including his own .his words came in an interview with good morning america to promote his new thriller the forger about the world 's most infamous art plagiarist .\n", - "the actor , 61 , appeared on good morning america to promote the forgerwas asked about controversial scientology documentary going clearfilm alleges church elders hold a ` blackmail file ' to keep travolta with themtravolta insists he has ` loved every minute ' , it is ` misunderstood ' and it has helped him get through hard times over 40 yearstells his critics to ` read a book ' and not to ` speculate '\n", - "[1.5493274 1.1903731 1.2554517 1.2372564 1.337648 1.121039 1.0626397\n", - " 1.0862967 1.1832538 1.1755137 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 2 3 1 8 9 5 7 6 17 10 11 12 13 14 15 16 18]\n", - "=======================\n", - "[\"bayer leverkusen has released emir spahic from his contract with immediate effect following his fight with security personnel after the german cup defeat to bayern munich .emir spahic ( centre ) has been released by bayer leverkusen after being involved in a brawlspahic was filmed fighting the club 's security personnel , reportedly after they refused to allow his friends entry inside the locker room area .\"]\n", - "=======================\n", - "['emir spahic sacked with immediate effect by bayer leverkusenthe defender was seen brawling with security officials last weekendspahic has accepted responsibility and leaves the german side']\n", - "bayer leverkusen has released emir spahic from his contract with immediate effect following his fight with security personnel after the german cup defeat to bayern munich .emir spahic ( centre ) has been released by bayer leverkusen after being involved in a brawlspahic was filmed fighting the club 's security personnel , reportedly after they refused to allow his friends entry inside the locker room area .\n", - "emir spahic sacked with immediate effect by bayer leverkusenthe defender was seen brawling with security officials last weekendspahic has accepted responsibility and leaves the german side\n", - "[1.3074485 1.3920469 1.2390828 1.3865564 1.244305 1.2232325 1.1335638\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 5 6 16 15 14 13 12 9 10 17 8 7 11 18]\n", - "=======================\n", - "[\"the 19-year-old has been earning rave reviews in germany 's second division playing for 1860 munich and has a buy-out clause of # 2.5 million .1860 munich midfielder julian weigl is attracting interest from several european clubs - including tottenhamjuventus and borussia dortmund are also said to be keen on concluding a deal for the german starlet\"]\n", - "=======================\n", - "['several top sides are keen on signing german teenager julian weigltottenham have stepped up their interest in the 1860 munich midfielderhowever spurs face stiff competition from juventus and dortmund']\n", - "the 19-year-old has been earning rave reviews in germany 's second division playing for 1860 munich and has a buy-out clause of # 2.5 million .1860 munich midfielder julian weigl is attracting interest from several european clubs - including tottenhamjuventus and borussia dortmund are also said to be keen on concluding a deal for the german starlet\n", - "several top sides are keen on signing german teenager julian weigltottenham have stepped up their interest in the 1860 munich midfielderhowever spurs face stiff competition from juventus and dortmund\n", - "[1.0621105 1.2998668 1.2402062 1.295474 1.1192547 1.0873997 1.0488896\n", - " 1.0663067 1.0341893 1.029349 1.0884304 1.0371491 1.1105212 1.1384804\n", - " 1.0565528 1.0181364 1.0386147 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 13 4 12 10 5 7 0 14 6 16 11 8 9 15 24 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"the nbc sketch show parodied the daytime cnn newsroom , which turned into a series of let-downs when it emerged there was no footage for the stories they were covering .cutting edge : snl writers joked that cnn 's animations look like they belong in 1985 .but the ingenious producers for the skit managed to cover up with abysmal animations to illustrate the germanwings crash , u.s.-iran diplomacy , and domestic politics .\"]\n", - "=======================\n", - "[\"sketch mocked network 's coverage of air disaster and other major storiesbrooke baldwin stand-in admitted network had no actual footage of newsinstead played awful 80s cgi recreation of inside of doomed passenger jetillustrated iran nuclear talks with puppets , and danced out controversial indiana religious freedom law with don lemon chiming inaudience - including a cnn producer - tweeted their amusement\"]\n", - "the nbc sketch show parodied the daytime cnn newsroom , which turned into a series of let-downs when it emerged there was no footage for the stories they were covering .cutting edge : snl writers joked that cnn 's animations look like they belong in 1985 .but the ingenious producers for the skit managed to cover up with abysmal animations to illustrate the germanwings crash , u.s.-iran diplomacy , and domestic politics .\n", - "sketch mocked network 's coverage of air disaster and other major storiesbrooke baldwin stand-in admitted network had no actual footage of newsinstead played awful 80s cgi recreation of inside of doomed passenger jetillustrated iran nuclear talks with puppets , and danced out controversial indiana religious freedom law with don lemon chiming inaudience - including a cnn producer - tweeted their amusement\n", - "[1.1393292 1.1701577 1.2123699 1.1465462 1.0774708 1.1110082 1.1486979\n", - " 1.0798053 1.0660391 1.0728457 1.0974839 1.0919914 1.0988358 1.0574396\n", - " 1.1088784 1.0692396 1.0359387 1.0158474 1.022931 1.0173943 1.0423667\n", - " 1.0345011 1.0421119 1.0175052 1.0157404 1.0276152]\n", - "\n", - "[ 2 1 6 3 0 5 14 12 10 11 7 4 9 15 8 13 20 22 16 21 25 18 23 19\n", - " 17 24]\n", - "=======================\n", - "['these are the best videos of the week .and giving some lip -- like kylie jenner .the video is at the top of this story .']\n", - "=======================\n", - "[\"how does isis govern ?robert downey jr. is n't the only celebrity to walk out of an interview\"]\n", - "these are the best videos of the week .and giving some lip -- like kylie jenner .the video is at the top of this story .\n", - "how does isis govern ?robert downey jr. is n't the only celebrity to walk out of an interview\n", - "[1.1922278 1.0787482 1.166722 1.3668088 1.1170434 1.2449107 1.150404\n", - " 1.0584078 1.0725689 1.0382792 1.1026847 1.05248 1.0157297 1.0947264\n", - " 1.027196 1.0339525 1.0253851 1.0642421 1.04501 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 5 0 2 6 4 10 13 1 8 17 7 11 18 9 15 14 16 12 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"she 's bagged herself a modelling contract with mulberry , starred in a west end stage play and is now destined to act alongside dame judi dench .cressida dated prince harry for two years , after being introduced to him in 2012 by princess eugenie .since parting ways with prince harry and the royal family last year , it appears that actress cressida bonas has done anything but sit around and mope .\"]\n", - "=======================\n", - "[\"after splitting with prince harry last spring , cressida is happier than everwill star alongside judi dench and cara delevingne in upcoming filmclaims rumors she was engaged to marry the prince were just ` noise '\"]\n", - "she 's bagged herself a modelling contract with mulberry , starred in a west end stage play and is now destined to act alongside dame judi dench .cressida dated prince harry for two years , after being introduced to him in 2012 by princess eugenie .since parting ways with prince harry and the royal family last year , it appears that actress cressida bonas has done anything but sit around and mope .\n", - "after splitting with prince harry last spring , cressida is happier than everwill star alongside judi dench and cara delevingne in upcoming filmclaims rumors she was engaged to marry the prince were just ` noise '\n", - "[1.2713212 1.3355131 1.3357068 1.0763315 1.1490647 1.103031 1.1077424\n", - " 1.0587771 1.1698158 1.046018 1.0642351 1.038577 1.0773656 1.0413227\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 8 4 6 5 12 3 10 7 9 13 11 23 22 21 20 19 16 17 15 14 24\n", - " 18 25]\n", - "=======================\n", - "[\"60 minutes reporter tara brown interviewed the two eldest girls , emily and claire , who she described as elegant , gracious , reserved and studious , at their home near florence and they expressed their regret for the way they handled the dramatic exit .despite being embroiled in the very public and traumatic feud where the vinceni girls were dragged kicking and screaming from their mother 's home in the middle of the night to go back to live with their father in 2012 , the girls have established healthy and happy lives in italy and speak to their mum every night .the four sisters at the centre of australia 's largest abduction case have come through the ordeal as happy and well-adjusted children .\"]\n", - "=======================\n", - "['four sisters were at the centre of an international custody disputevinceni girls were sent back to live with their father in italy in 2012they were dragged kicking and screaming from their sunshine coast homedistressing scenes were shown on tv causing great hysteria and concern60 minutes exclusively interviewed the girls at their home near florencethe two eldest , emily and claire , speak of their regret of dramatic exittheir mother has not visited them in italy but speaks to them everyday60 minutes will screen nationally on channel 9 at 8.30 pm sunday , april 12']\n", - "60 minutes reporter tara brown interviewed the two eldest girls , emily and claire , who she described as elegant , gracious , reserved and studious , at their home near florence and they expressed their regret for the way they handled the dramatic exit .despite being embroiled in the very public and traumatic feud where the vinceni girls were dragged kicking and screaming from their mother 's home in the middle of the night to go back to live with their father in 2012 , the girls have established healthy and happy lives in italy and speak to their mum every night .the four sisters at the centre of australia 's largest abduction case have come through the ordeal as happy and well-adjusted children .\n", - "four sisters were at the centre of an international custody disputevinceni girls were sent back to live with their father in italy in 2012they were dragged kicking and screaming from their sunshine coast homedistressing scenes were shown on tv causing great hysteria and concern60 minutes exclusively interviewed the girls at their home near florencethe two eldest , emily and claire , speak of their regret of dramatic exittheir mother has not visited them in italy but speaks to them everyday60 minutes will screen nationally on channel 9 at 8.30 pm sunday , april 12\n", - "[1.3659343 1.2026563 1.3780842 1.2697912 1.1604781 1.16211 1.1721978\n", - " 1.0781766 1.054943 1.1113352 1.0784454 1.090873 1.0391288 1.0264218\n", - " 1.0206728 1.0180144 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 1 6 5 4 9 11 10 7 8 12 13 14 15 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"the pair from dewsbury , west yorkshire , have not been in contact with their families for several days and can not be reached on their mobile phones .one of two teenagers feared to have crossed into syria to join isis is believed to be a relative of hammaad munshi ( pictured ) , who became britain 's youngest convicted terrorist when he was found guilty of terror offences at the age of 18 in 2008he was locked up for two years under the terrorism act in 2008 .\"]\n", - "=======================\n", - "[\"two 17-year-olds have not been in contact with families for several days` told relatives they were going on a school trip during easter holidays 'one is ` relative of hammaad munshi , who joined islamic cell aged just 15 '\"]\n", - "the pair from dewsbury , west yorkshire , have not been in contact with their families for several days and can not be reached on their mobile phones .one of two teenagers feared to have crossed into syria to join isis is believed to be a relative of hammaad munshi ( pictured ) , who became britain 's youngest convicted terrorist when he was found guilty of terror offences at the age of 18 in 2008he was locked up for two years under the terrorism act in 2008 .\n", - "two 17-year-olds have not been in contact with families for several days` told relatives they were going on a school trip during easter holidays 'one is ` relative of hammaad munshi , who joined islamic cell aged just 15 '\n", - "[1.2544565 1.4672956 1.1691142 1.292084 1.1866719 1.1684767 1.1269239\n", - " 1.0658435 1.0582722 1.0855373 1.0527642 1.0527165 1.0540869 1.0227646\n", - " 1.1451063 1.0313268 1.0294919 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 5 14 6 9 7 8 12 10 11 15 16 13 18 17 19]\n", - "=======================\n", - "['neil bantleman , who also holds british nationality , was afforded one final kiss from his wife before being led away by police after the verdict was handed down .last embrace : canadian teacher neil bantleman kisses his wife tracy before being sentenced to ten years in prison for sexually abusing three young children at a prestigious international school in indonesia todaythe sentence sparked outrage from his supporters , including the school itself and the international community , who insist he is innocent and expressed concern over the rule of law in indonesia .']\n", - "=======================\n", - "[\"neil bantleman , also a british national , found guilty of abusing three boyssentence sparked outrage among supporters including the school itselfbritish embassy said there were ` concerns about irregularities in the case 'after verdict , bantleman vowed to ` continue to fight until truth comes out '\"]\n", - "neil bantleman , who also holds british nationality , was afforded one final kiss from his wife before being led away by police after the verdict was handed down .last embrace : canadian teacher neil bantleman kisses his wife tracy before being sentenced to ten years in prison for sexually abusing three young children at a prestigious international school in indonesia todaythe sentence sparked outrage from his supporters , including the school itself and the international community , who insist he is innocent and expressed concern over the rule of law in indonesia .\n", - "neil bantleman , also a british national , found guilty of abusing three boyssentence sparked outrage among supporters including the school itselfbritish embassy said there were ` concerns about irregularities in the case 'after verdict , bantleman vowed to ` continue to fight until truth comes out '\n", - "[1.8803484 1.102025 1.1780332 1.0887984 1.0564649 1.1183014 1.0133288\n", - " 1.0219343 1.1533823 1.0326841 1.0460604 1.009084 1.0097982 1.0071898\n", - " 1.049231 1.0828929 1.1016043 1.117077 0. 0. ]\n", - "\n", - "[ 0 2 8 5 17 1 16 3 15 4 14 10 9 7 6 12 11 13 18 19]\n", - "=======================\n", - "[\"( cnn ) novak djokovic extended his current winning streak to 17 matches after beating thomas berdych 7-5 , 4-6 , 6-3 in the rain-interrupted final of the monte carlo masters .djokovic edged a tight first set before losing the second after the czech sixth seed took advantage of the short rain delay and came back strongly .despite running djokovic close it was berdych 's third loss in a final this year .\"]\n", - "=======================\n", - "['djokovic wins monte carlo mastersdefeats berdych 7-5 , 4-6 , 6-3djokovic had earlier beaten clay expert nadal in semis']\n", - "( cnn ) novak djokovic extended his current winning streak to 17 matches after beating thomas berdych 7-5 , 4-6 , 6-3 in the rain-interrupted final of the monte carlo masters .djokovic edged a tight first set before losing the second after the czech sixth seed took advantage of the short rain delay and came back strongly .despite running djokovic close it was berdych 's third loss in a final this year .\n", - "djokovic wins monte carlo mastersdefeats berdych 7-5 , 4-6 , 6-3djokovic had earlier beaten clay expert nadal in semis\n", - "[1.2130275 1.3763437 1.1211216 1.3000011 1.0916975 1.0564443 1.0686136\n", - " 1.1810011 1.1913565 1.0295422 1.0586368 1.0822078 1.0965558 1.0182188\n", - " 1.0451193 1.0825087 1.0785911 1.0276091 1.0542142 0. ]\n", - "\n", - "[ 1 3 0 8 7 2 12 4 15 11 16 6 10 5 18 14 9 17 13 19]\n", - "=======================\n", - "[\"but shoppers at london 's westfield stratford city shopping centre looked more than a little surprised to discover a chocolate sculpture of benedict cumberbatch in their midst .it 's the ultimate treat for benedict cumberbatch fans and stands an imposing 6ft tall - just like the man himself .it took a crew of eight people to complete the sculpture , which took over 250 man hours to create and weighs 40kg\"]\n", - "=======================\n", - "[\"a 6ft chocolate sculpture of benedict cumberbatch has been unveiledtoothsome statue has been placed inside a london shopping centrebut shoppers reactions to the creations were decidedly unenthusiasticone woman glared at it while others just looked thoroughly baffledit did manage to win the approval of pair of police sniffer dogsit weighs 40kg and took eight people 250 man hours to createother celebrities to get culinary tributes include jennifer lawrenceher 6ft cake won an award - and the 24-year-old 's approvalactor kevin bacon has also been immortalised - in bacon\"]\n", - "but shoppers at london 's westfield stratford city shopping centre looked more than a little surprised to discover a chocolate sculpture of benedict cumberbatch in their midst .it 's the ultimate treat for benedict cumberbatch fans and stands an imposing 6ft tall - just like the man himself .it took a crew of eight people to complete the sculpture , which took over 250 man hours to create and weighs 40kg\n", - "a 6ft chocolate sculpture of benedict cumberbatch has been unveiledtoothsome statue has been placed inside a london shopping centrebut shoppers reactions to the creations were decidedly unenthusiasticone woman glared at it while others just looked thoroughly baffledit did manage to win the approval of pair of police sniffer dogsit weighs 40kg and took eight people 250 man hours to createother celebrities to get culinary tributes include jennifer lawrenceher 6ft cake won an award - and the 24-year-old 's approvalactor kevin bacon has also been immortalised - in bacon\n", - "[1.0882767 1.3466232 1.232785 1.3339224 1.272875 1.1440319 1.2607112\n", - " 1.0350599 1.0276601 1.0699775 1.0698811 1.0158046 1.0157403 1.0232133\n", - " 1.018963 1.0765806 1.0823056 1.0490665 1.1269103 1.0553011]\n", - "\n", - "[ 1 3 4 6 2 5 18 0 16 15 9 10 19 17 7 8 13 14 11 12]\n", - "=======================\n", - "['the 17-year-old albertville , alabama high school junior was proud to be escorted by her grandfather to the annual end-of-year dance this weekend .drain dropped out of school after the eighth grade and then enlisted in the navy in 1951 at age 17 - just in time to be shipped off to serve in the korea war .not your typical prom date : joy webb ( left ) took her 80-year-old grandfather james drain as her date to prom this past saturday night']\n", - "=======================\n", - "['albertville , alabama high school junior joy webb , 17 , took her grandfather james drain , 80 , as her date to prom last saturdaythe teen says she asked her grandfather to be her date because he never got to attend his own promdrain was 17 when he enlisted in the navy to serve in the korean war , so missed his own high school dance']\n", - "the 17-year-old albertville , alabama high school junior was proud to be escorted by her grandfather to the annual end-of-year dance this weekend .drain dropped out of school after the eighth grade and then enlisted in the navy in 1951 at age 17 - just in time to be shipped off to serve in the korea war .not your typical prom date : joy webb ( left ) took her 80-year-old grandfather james drain as her date to prom this past saturday night\n", - "albertville , alabama high school junior joy webb , 17 , took her grandfather james drain , 80 , as her date to prom last saturdaythe teen says she asked her grandfather to be her date because he never got to attend his own promdrain was 17 when he enlisted in the navy to serve in the korean war , so missed his own high school dance\n", - "[1.3191874 1.2154349 1.1799506 1.1614562 1.1642437 1.4140365 1.1265551\n", - " 1.0658153 1.0668266 1.0168048 1.0985625 1.0449959 1.0308493 1.0143541\n", - " 1.06515 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 5 0 1 2 4 3 6 10 8 7 14 11 12 9 13 18 15 16 17 19]\n", - "=======================\n", - "['jordan spieth sinks his birdie put on the 18th at augusta to take a three-shot lead into the second roundmark one up for the future of golf over its past and present as 21-year-old jordan spieth took the first-day honours with a stunning opening round of 64 on a spectacular day of scoring at the sun-baked 79th masters .for much of the day it looked as if he might have to share top billing with 34-year-old justin rose and 45-year-old ernie els , as the englishman and the south african posted scores of 67 to tie charley hoffman , an american representative of the rank and file .']\n", - "=======================\n", - "['jordan spieth carded a 64 to claim the lead on -8 after the first roundjason day , ernie els , justin rose and charley hoffman three shots behindrory mcilroy kept alive his hopes of claiming career grand slam with 71injury-hit tiger woods recorded a 73 in just his third start of the year']\n", - "jordan spieth sinks his birdie put on the 18th at augusta to take a three-shot lead into the second roundmark one up for the future of golf over its past and present as 21-year-old jordan spieth took the first-day honours with a stunning opening round of 64 on a spectacular day of scoring at the sun-baked 79th masters .for much of the day it looked as if he might have to share top billing with 34-year-old justin rose and 45-year-old ernie els , as the englishman and the south african posted scores of 67 to tie charley hoffman , an american representative of the rank and file .\n", - "jordan spieth carded a 64 to claim the lead on -8 after the first roundjason day , ernie els , justin rose and charley hoffman three shots behindrory mcilroy kept alive his hopes of claiming career grand slam with 71injury-hit tiger woods recorded a 73 in just his third start of the year\n", - "[1.2096167 1.4956627 1.2862118 1.150359 1.112587 1.0408581 1.3221841\n", - " 1.1201291 1.1570293 1.0719721 1.0374454 1.0355734 1.0326478 1.0575483\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 6 2 0 8 3 7 4 9 13 5 10 11 12 22 14 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"eastern sydney 's waverley mayor sally betts wrote a reference for luke lazarus ` out of loyalty to the family ' after he raped an 18-year-old woman in an alleyway outside his father 's soho nightclub , in sydney .now the controversial councillor is developing ' a new risky behaviour education program to try and help young women understand and better deal with being in vulnerable situations ' .a liberal mayor who wrote a glowing reference for a convicted rapist asking for him to be spared jail is developing a program to teach young women about ` risky behaviour ' .\"]\n", - "=======================\n", - "[\"luke lazarus was convicted of raping an 18-year-old at soho nightclubthe 23-year-old sydney man was sentenced to a minimum of three yearswaverley mayor sally betts wrote a reference for himshe asked for him not to receive a custodial sentencesays she is trying to ` close loophole ' of ` risky behaviour ' in young women\"]\n", - "eastern sydney 's waverley mayor sally betts wrote a reference for luke lazarus ` out of loyalty to the family ' after he raped an 18-year-old woman in an alleyway outside his father 's soho nightclub , in sydney .now the controversial councillor is developing ' a new risky behaviour education program to try and help young women understand and better deal with being in vulnerable situations ' .a liberal mayor who wrote a glowing reference for a convicted rapist asking for him to be spared jail is developing a program to teach young women about ` risky behaviour ' .\n", - "luke lazarus was convicted of raping an 18-year-old at soho nightclubthe 23-year-old sydney man was sentenced to a minimum of three yearswaverley mayor sally betts wrote a reference for himshe asked for him not to receive a custodial sentencesays she is trying to ` close loophole ' of ` risky behaviour ' in young women\n", - "[1.5113996 1.20906 1.4875598 1.345113 1.1393155 1.036224 1.0402248\n", - " 1.0193657 1.0178217 1.0202887 1.0296066 1.02498 1.0241253 1.0592108\n", - " 1.082916 1.047907 1.0485024 1.0762258 1.0565886 1.0877262 1.0658872\n", - " 1.0432328 1.0193475 0. ]\n", - "\n", - "[ 0 2 3 1 4 19 14 17 20 13 18 16 15 21 6 5 10 11 12 9 7 22 8 23]\n", - "=======================\n", - "[\"jason cotterill sent revenge porn to his jilted lover 's daughter and threatened to post a sex video on the mother 's facebook pagethe terrified woman said her life became a living ` hell ' when cotterill , who was jailed last week , sent an explicit photo of her to her own daughter .` it got so bad i considered suicide , ' the mother said .\"]\n", - "=======================\n", - "[\"jason cotterill bombarded his victim with abuse and threatening messageshe sent an explicit picture of the terrified woman to her own daughtermother says her life became a living ` hell ' as he plagued her with abusecotterill was jailed for 12 weeks and ordered to not contact woman again\"]\n", - "jason cotterill sent revenge porn to his jilted lover 's daughter and threatened to post a sex video on the mother 's facebook pagethe terrified woman said her life became a living ` hell ' when cotterill , who was jailed last week , sent an explicit photo of her to her own daughter .` it got so bad i considered suicide , ' the mother said .\n", - "jason cotterill bombarded his victim with abuse and threatening messageshe sent an explicit picture of the terrified woman to her own daughtermother says her life became a living ` hell ' as he plagued her with abusecotterill was jailed for 12 weeks and ordered to not contact woman again\n", - "[1.4874402 1.3298842 1.255606 1.2078465 1.0830026 1.1010162 1.1120048\n", - " 1.0530804 1.2233788 1.0940578 1.0360931 1.0265751 1.016005 1.020091\n", - " 1.0159864 1.0141472 1.1503487 1.0778675 1.1871974 1.0575633 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 8 3 18 16 6 5 9 4 17 19 7 10 11 13 12 14 15 22 20 21 23]\n", - "=======================\n", - "[\"former manchester united midfielder eric cantona has refuted claims he starred in a soft porn film , insisting you and the night is a ` piece of art ' .the french film has a number of racy scenes , and at one point sees cantona on his hands and knees in just his underwear .but the 48-year-old is adamant it is not pornography .\"]\n", - "=======================\n", - "[\"eric cantona stars in a french film called ` you and the night 'the film includes a scene with cantona on all fours in just his pantsthe former manchester united midfielder says it is not a porn filmcantona says of the film : ` it 's a piece of art ... it 's beautiful 'read : cantona whipped in film based around an orgycantona : man utd will be in title race next season under louis van gaal\"]\n", - "former manchester united midfielder eric cantona has refuted claims he starred in a soft porn film , insisting you and the night is a ` piece of art ' .the french film has a number of racy scenes , and at one point sees cantona on his hands and knees in just his underwear .but the 48-year-old is adamant it is not pornography .\n", - "eric cantona stars in a french film called ` you and the night 'the film includes a scene with cantona on all fours in just his pantsthe former manchester united midfielder says it is not a porn filmcantona says of the film : ` it 's a piece of art ... it 's beautiful 'read : cantona whipped in film based around an orgycantona : man utd will be in title race next season under louis van gaal\n", - "[1.3537275 1.2320282 1.2659346 1.2290947 1.2601461 1.1187398 1.0381023\n", - " 1.0343407 1.0313324 1.0685284 1.0680815 1.0271823 1.0216827 1.0185133\n", - " 1.0238204 1.0178639 1.0400614 1.0496514 1.0610485 1.0223831 1.0665781\n", - " 1.0439696 1.0347606 1.0200403]\n", - "\n", - "[ 0 2 4 1 3 5 9 10 20 18 17 21 16 6 22 7 8 11 14 19 12 23 13 15]\n", - "=======================\n", - "[\"kell brook could have had the blockbuster fight he craves against amir khan instead of treading water against frankie gavin , if only his promoter had minded his words .so says khan 's father shah as his son gets ready to finally confirm the over-criticised chris algieri as his opponent in new york on the same night when brook will be defending his world welterweight title against gavin at london 's o2 arena on may 20amir khan celebrates his victory over devon alexander at the mgm grand in las vegas last year\"]\n", - "=======================\n", - "[\"kell brook was keen to fight amir khan at wembley stadium this summerbut instead brook will take on frankie gavin at the o2 arena on may 20amir khan 's dad shah says brook could have had the fight he wantedbut khan snr claims that promoter eddie hearn has been ` disrespectful 'andre ward sees paul smith as an ideal opponent before a carl froch fight\"]\n", - "kell brook could have had the blockbuster fight he craves against amir khan instead of treading water against frankie gavin , if only his promoter had minded his words .so says khan 's father shah as his son gets ready to finally confirm the over-criticised chris algieri as his opponent in new york on the same night when brook will be defending his world welterweight title against gavin at london 's o2 arena on may 20amir khan celebrates his victory over devon alexander at the mgm grand in las vegas last year\n", - "kell brook was keen to fight amir khan at wembley stadium this summerbut instead brook will take on frankie gavin at the o2 arena on may 20amir khan 's dad shah says brook could have had the fight he wantedbut khan snr claims that promoter eddie hearn has been ` disrespectful 'andre ward sees paul smith as an ideal opponent before a carl froch fight\n", - "[1.1277975 1.2634494 1.2142639 1.2905804 1.3155099 1.2349224 1.0882884\n", - " 1.1310784 1.1501918 1.062279 1.0843573 1.0346152 1.070935 1.0552902\n", - " 1.0323071 1.0370275 1.0334282 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 4 3 1 5 2 8 7 0 6 10 12 9 13 15 11 16 14 22 17 18 19 20 21 23]\n", - "=======================\n", - "[\"get-up : david cameron stepped off the sleeper train at penzance this morning wearing jeans , smart shoes and a navy jacketbut mr cameron is still trailing ed miliband 's labour party nationally , with just 14 days to go until polling day .journey : the prime minister travelled for eight hours from paddington station to reach cornwall\"]\n", - "=======================\n", - "['the prime minister travelled from london to penzance on the sleeper trainhe looked stressed and exhausted as he got off the train this morningcameron was sporting jeans with smart black shoes and a navy jackettories are keen to drive the lib dems out of the south-west at the electionlabour are still ahead in the polls nationally , with 34 % set to back the partytories are 1 % behind , on 33 % , with the lib dems on 7 % and ukip on 14 %']\n", - "get-up : david cameron stepped off the sleeper train at penzance this morning wearing jeans , smart shoes and a navy jacketbut mr cameron is still trailing ed miliband 's labour party nationally , with just 14 days to go until polling day .journey : the prime minister travelled for eight hours from paddington station to reach cornwall\n", - "the prime minister travelled from london to penzance on the sleeper trainhe looked stressed and exhausted as he got off the train this morningcameron was sporting jeans with smart black shoes and a navy jackettories are keen to drive the lib dems out of the south-west at the electionlabour are still ahead in the polls nationally , with 34 % set to back the partytories are 1 % behind , on 33 % , with the lib dems on 7 % and ukip on 14 %\n", - "[1.1912647 1.1443942 1.1695571 1.1082046 1.2236011 1.050825 1.0978737\n", - " 1.103951 1.0806894 1.0818145 1.0334516 1.0533805 1.0852724 1.0722804\n", - " 1.0917544 0. 0. ]\n", - "\n", - "[ 4 0 2 1 3 7 6 14 12 9 8 13 11 5 10 15 16]\n", - "=======================\n", - "['cnn \\'s jeff zeleny says o\\'malley enjoys using youtube videos as a quick way to spread his opinion -- and question moves by clinton , like her reversal on the question of whether she supports allowing undocumented workers to obtain driver \\'s licenses .washington ( cnn ) early clinton campaign calculations , the favored way for one of her opponents to channel his concerns , a gop ticket for the generations , and republican calendar concerns filled our sunday trip around the \" inside politics \" table .slowly but clearly , former maryland gov. martin o\\'malley is intensifying his criticism of overwhelming democratic presidential front-runner hillary clinton .']\n", - "=======================\n", - "[\"o'malley using youtube to test out attack lineshow clinton 's new hire could help keep the obama coalition togetherrepublican concerns about the new 2016 primary calendar\"]\n", - "cnn 's jeff zeleny says o'malley enjoys using youtube videos as a quick way to spread his opinion -- and question moves by clinton , like her reversal on the question of whether she supports allowing undocumented workers to obtain driver 's licenses .washington ( cnn ) early clinton campaign calculations , the favored way for one of her opponents to channel his concerns , a gop ticket for the generations , and republican calendar concerns filled our sunday trip around the \" inside politics \" table .slowly but clearly , former maryland gov. martin o'malley is intensifying his criticism of overwhelming democratic presidential front-runner hillary clinton .\n", - "o'malley using youtube to test out attack lineshow clinton 's new hire could help keep the obama coalition togetherrepublican concerns about the new 2016 primary calendar\n", - "[1.6353288 1.3869779 1.1971467 1.1892573 1.1405611 1.0349766 1.0182842\n", - " 1.0652615 1.0265986 1.1403341 1.0482814 1.0645719 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 9 7 11 10 5 8 6 12 13 14 15 16]\n", - "=======================\n", - "[\"thailand 's kiradech aphibarnrat produced a brilliant finish to claim his second european tour title and break chinese hearts in the inaugural shenzhen international on sunday .teenager li hao-tong looked to have done enough to secure a hugely popular victory on home soil , the 19-year-old emerging from a crowded leaderboard to card a closing 67 to finish 12 under par .that left overnight leader aphibarnrat two shots behind with two holes to play , only for the 25-year-old to hole from 18 feet for an eagle on the 17th and then miss from 12 feet for what would have been a winning birdie on the last .\"]\n", - "=======================\n", - "['chinese teenager li hao-tong emerged to take the lead on 12 under parovernight leader kiradech aphibarnrat two shots behind with two to playaphibarnrat forced a play-off to take his second european tout title']\n", - "thailand 's kiradech aphibarnrat produced a brilliant finish to claim his second european tour title and break chinese hearts in the inaugural shenzhen international on sunday .teenager li hao-tong looked to have done enough to secure a hugely popular victory on home soil , the 19-year-old emerging from a crowded leaderboard to card a closing 67 to finish 12 under par .that left overnight leader aphibarnrat two shots behind with two holes to play , only for the 25-year-old to hole from 18 feet for an eagle on the 17th and then miss from 12 feet for what would have been a winning birdie on the last .\n", - "chinese teenager li hao-tong emerged to take the lead on 12 under parovernight leader kiradech aphibarnrat two shots behind with two to playaphibarnrat forced a play-off to take his second european tout title\n", - "[1.440006 1.1937361 1.1786764 1.4193364 1.0817704 1.1523892 1.0348716\n", - " 1.0326188 1.0378203 1.0358875 1.1228914 1.1565336 1.1015176 1.0922184\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 11 5 10 12 13 4 8 9 6 7 15 14 16]\n", - "=======================\n", - "[\"louis van gaal has a reputation as a no-nonsense disciplinarian but the manchester united manager punctured that image by revealing just how pleased he was with ander herrera 's first goal against aston villa .the dutchman explained he had been imploring the spanish midfielder to control the ball before shooting in order to demonstrate a greater level of composure .and van gaal 's emotions got the better of him when the players came in at half-time with a 1-0 advantage thanks to herrera 's 43rd minute strike .\"]\n", - "=======================\n", - "[\"louis van gaal wanted ander herrera to control the ball before shootingvan gaal was delighted by the composure for herrera 's first goalthe manchester united boss said he kissed herrera at half-time\"]\n", - "louis van gaal has a reputation as a no-nonsense disciplinarian but the manchester united manager punctured that image by revealing just how pleased he was with ander herrera 's first goal against aston villa .the dutchman explained he had been imploring the spanish midfielder to control the ball before shooting in order to demonstrate a greater level of composure .and van gaal 's emotions got the better of him when the players came in at half-time with a 1-0 advantage thanks to herrera 's 43rd minute strike .\n", - "louis van gaal wanted ander herrera to control the ball before shootingvan gaal was delighted by the composure for herrera 's first goalthe manchester united boss said he kissed herrera at half-time\n", - "[1.2768251 1.4322141 1.2775815 1.3885598 1.2265277 1.1086974 1.198345\n", - " 1.0636414 1.0382545 1.0115755 1.0161613 1.0193478 1.1954801 1.1943175\n", - " 1.0285114 1.0082076 1.0604672]\n", - "\n", - "[ 1 3 2 0 4 6 12 13 5 7 16 8 14 11 10 9 15]\n", - "=======================\n", - "[\"manziel and colleen crowley were spotted together in public for the first time since he entered rehab when they attended tuesday night 's texas rangers game .the pair appear to remain very much an item , but crowley has been taking heat on instagram for refusing to give up her wild ways while manziel was being treated for his unspecified problems .on tuesday , crowley posted a video on her instagram page of the texan socialite enjoying a drunken night out with friends\"]\n", - "=======================\n", - "[\"colleen crowley , the party-loving girlfriend of footballer johnny manziel , has come under fire on social media for refusing to give up going outthe cleveland browns quarterback entered rehab in january and only left on saturdayon tuesday , crowley posted a video on her instagram page of the texan socialite enjoying a drunken night out with friends` significant others are the # 1 reason that people fail outside rehab , ' warned one commenter offering some words of wisdom\"]\n", - "manziel and colleen crowley were spotted together in public for the first time since he entered rehab when they attended tuesday night 's texas rangers game .the pair appear to remain very much an item , but crowley has been taking heat on instagram for refusing to give up her wild ways while manziel was being treated for his unspecified problems .on tuesday , crowley posted a video on her instagram page of the texan socialite enjoying a drunken night out with friends\n", - "colleen crowley , the party-loving girlfriend of footballer johnny manziel , has come under fire on social media for refusing to give up going outthe cleveland browns quarterback entered rehab in january and only left on saturdayon tuesday , crowley posted a video on her instagram page of the texan socialite enjoying a drunken night out with friends` significant others are the # 1 reason that people fail outside rehab , ' warned one commenter offering some words of wisdom\n", - "[1.4799082 1.2649369 1.1174004 1.1455103 1.3250533 1.2794316 1.0500327\n", - " 1.2115 1.1223127 1.053671 1.1049098 1.1160351 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 4 5 1 7 3 8 2 11 10 9 6 15 12 13 14 16]\n", - "=======================\n", - "[\"ryan giggs , paul scholes , gary neville , nicky butt and andrew cole went out for dinner just hours after their former side 's 1-0 defeat by chelsea .former manchester united striker cole said he was in ` great company ' with ` great team-mates ' on saturdaychelsea playmaker eden hazard scored the only goal of the game in the 38th minute to put the blues 10 points clear at the top of the table .\"]\n", - "=======================\n", - "['andrew cole revealed he went out for dinner on saturday with four of his former manchester united team-matescole was joined by ryan giggs , paul scholes , gary neville and nicky buttmanchester united fell to a 1-0 defeat by premier league leaders chelsea']\n", - "ryan giggs , paul scholes , gary neville , nicky butt and andrew cole went out for dinner just hours after their former side 's 1-0 defeat by chelsea .former manchester united striker cole said he was in ` great company ' with ` great team-mates ' on saturdaychelsea playmaker eden hazard scored the only goal of the game in the 38th minute to put the blues 10 points clear at the top of the table .\n", - "andrew cole revealed he went out for dinner on saturday with four of his former manchester united team-matescole was joined by ryan giggs , paul scholes , gary neville and nicky buttmanchester united fell to a 1-0 defeat by premier league leaders chelsea\n", - "[1.1899248 1.5097699 1.2878438 1.3585402 1.1168355 1.1038979 1.0625793\n", - " 1.086328 1.1462793 1.2196891 1.094915 1.1276162 1.052349 1.0417799\n", - " 1.0231738 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 9 0 8 11 4 5 10 7 6 12 13 14 18 15 16 17 19]\n", - "=======================\n", - "['the black pooch was filmed in action as he took a rescue rope out to his owner at the clarence j. brown dam and reservoir in springfield , ohio , on saturday afternoon .he apparently got stuck waist-deep in mud while recovering some duck hunting gear .footage shows the unidentified man then being hauled to shore by firefighters after spending almost two hours in waters hovering around zero degrees celsius .']\n", - "=======================\n", - "['the black pooch was filmed in action as he took a rescue rope out to his owner at the clarence j. brown dam and reservoir in ohio on saturdayfootage shows the unidentified man then being hauled to shore by firefighters after spending almost two hours in cold waters']\n", - "the black pooch was filmed in action as he took a rescue rope out to his owner at the clarence j. brown dam and reservoir in springfield , ohio , on saturday afternoon .he apparently got stuck waist-deep in mud while recovering some duck hunting gear .footage shows the unidentified man then being hauled to shore by firefighters after spending almost two hours in waters hovering around zero degrees celsius .\n", - "the black pooch was filmed in action as he took a rescue rope out to his owner at the clarence j. brown dam and reservoir in ohio on saturdayfootage shows the unidentified man then being hauled to shore by firefighters after spending almost two hours in cold waters\n", - "[1.2083857 1.4279622 1.2032657 1.3223535 1.1320363 1.2198137 1.1463311\n", - " 1.061563 1.0656403 1.0621802 1.1076801 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 5 0 2 6 4 10 8 9 7 11 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "['landon carnie and his twin sister lorie were initially thought to have died with scores of other youngsters when the first flight of operation babylift -- an evacuation of vulnerable vietnamese orphans and children before the fall of saigon -- crashed minutes after take-off .now 41 , landon has visited the crash scene and is thought to be the first child survivor to return to the countryside on the outskirts of ho chi minh city where the c-5 military cargo plane crashed and broke up killing 78 children and 50 adults on april 4 , 1975 .incredibly , with wreckage and bodies strewn over miles of countryside , the terrified 17-month-old twins were found huddled together in a rice paddy more than a day after the crash and later taken to their adoptive parents in the u.s. who had earlier been told they were dead .']\n", - "=======================\n", - "['landon and lorie carnie were on first flight of operation babylift in 1975vietnamese orphans and children were evacuated before the fall of saigonplane crashed in one of the worst humanitarian disasters of vietnam war17-month-old twins thought to have died with 80 other babies and childrentaken to adoptive parents in u.s. , where they grew up in washington state']\n", - "landon carnie and his twin sister lorie were initially thought to have died with scores of other youngsters when the first flight of operation babylift -- an evacuation of vulnerable vietnamese orphans and children before the fall of saigon -- crashed minutes after take-off .now 41 , landon has visited the crash scene and is thought to be the first child survivor to return to the countryside on the outskirts of ho chi minh city where the c-5 military cargo plane crashed and broke up killing 78 children and 50 adults on april 4 , 1975 .incredibly , with wreckage and bodies strewn over miles of countryside , the terrified 17-month-old twins were found huddled together in a rice paddy more than a day after the crash and later taken to their adoptive parents in the u.s. who had earlier been told they were dead .\n", - "landon and lorie carnie were on first flight of operation babylift in 1975vietnamese orphans and children were evacuated before the fall of saigonplane crashed in one of the worst humanitarian disasters of vietnam war17-month-old twins thought to have died with 80 other babies and childrentaken to adoptive parents in u.s. , where they grew up in washington state\n", - "[1.0318549 1.0333861 1.1437602 1.3921413 1.3098862 1.2056956 1.1952643\n", - " 1.2823265 1.3140612 1.1425602 1.0330712 1.0471677 1.0302768 1.0923793\n", - " 1.0239823 1.0382092 1.017695 1.0343974 1.0130726 1.0155389]\n", - "\n", - "[ 3 8 4 7 5 6 2 9 13 11 15 17 1 10 0 12 14 16 19 18]\n", - "=======================\n", - "[\"in fact , it 's an advert from cosmetics giant revlon for their latest lipstick .revlon uk 's new global tag line , love is on , is the label 's first major relaunch in more than a decade .the stylish ad is filmed entirely in black and white , with just a slick of pink visible on the woman 's lips .\"]\n", - "=======================\n", - "[\"revlon 's new lipstick advert resembles a scene from 50 shades of greypartially dressed woman undresses man and blindfolds himfilm noir-style ad ` love is on ' was created by agency george patts y&r\"]\n", - "in fact , it 's an advert from cosmetics giant revlon for their latest lipstick .revlon uk 's new global tag line , love is on , is the label 's first major relaunch in more than a decade .the stylish ad is filmed entirely in black and white , with just a slick of pink visible on the woman 's lips .\n", - "revlon 's new lipstick advert resembles a scene from 50 shades of greypartially dressed woman undresses man and blindfolds himfilm noir-style ad ` love is on ' was created by agency george patts y&r\n", - "[1.1377118 1.4376601 1.2722623 1.2634121 1.1712642 1.1026186 1.1379539\n", - " 1.1152096 1.0466065 1.12355 1.0335253 1.1347666 1.117948 1.058597\n", - " 1.0403309 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 6 0 11 9 12 7 5 13 8 14 10 18 15 16 17 19]\n", - "=======================\n", - "['the classic steam engines took to the tracks of the north yorkshire moors railway today , hauling passengers between pickering and whitby .in scenes that harked back to a bygone age , the perfectly restored steam engines were out in force on the scenic railway for the three-day spring steam gala which saw crowds flock to witness the annual event .early this morning a team of firemen , fitters and cleaners lovingly polished the steam trains at grosmount engine shed in preparation']\n", - "=======================\n", - "[\"steam engines draw crowds at the world 's busiest heritage railway as north yorkshire moors begins its spring galatrain enthusiasts will ride aboard seven trains between pickering and whitby over the course of the three day eventteams of firemen , fitters and cleaners prepared the steam engines this morning ahead of the family favourite gala\"]\n", - "the classic steam engines took to the tracks of the north yorkshire moors railway today , hauling passengers between pickering and whitby .in scenes that harked back to a bygone age , the perfectly restored steam engines were out in force on the scenic railway for the three-day spring steam gala which saw crowds flock to witness the annual event .early this morning a team of firemen , fitters and cleaners lovingly polished the steam trains at grosmount engine shed in preparation\n", - "steam engines draw crowds at the world 's busiest heritage railway as north yorkshire moors begins its spring galatrain enthusiasts will ride aboard seven trains between pickering and whitby over the course of the three day eventteams of firemen , fitters and cleaners prepared the steam engines this morning ahead of the family favourite gala\n", - "[1.0857182 1.5101881 1.3072294 1.1512208 1.0955182 1.0577763 1.1688765\n", - " 1.0884931 1.0712397 1.1587245 1.2682186 1.1701958 1.1269612 1.0480862\n", - " 1.0418004 1.0467552 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 10 11 6 9 3 12 4 7 0 8 5 13 15 14 16 17 18 19]\n", - "=======================\n", - "[\"pekingese marley and mitzy had been left to play in the front garden by their owners adele and steven worgan .but they were snatched when the couple were n't looking -- and neighbours believe they have caught the culprit on cctv .the theft has been reported to the police and the pairs owners are offering a # 1,000 reward for information leading to their safe return\"]\n", - "=======================\n", - "['pekingese dogs marley and mitzy were taken from garden in doncastersuspected pet-napper caught on camera after the animals were snatchedtheft reported to the police and owners offer # 1,000 reward for their return']\n", - "pekingese marley and mitzy had been left to play in the front garden by their owners adele and steven worgan .but they were snatched when the couple were n't looking -- and neighbours believe they have caught the culprit on cctv .the theft has been reported to the police and the pairs owners are offering a # 1,000 reward for information leading to their safe return\n", - "pekingese dogs marley and mitzy were taken from garden in doncastersuspected pet-napper caught on camera after the animals were snatchedtheft reported to the police and owners offer # 1,000 reward for their return\n", - "[1.3293184 1.3897306 1.2559907 1.1417899 1.1131448 1.0646942 1.022997\n", - " 1.1514825 1.0781587 1.0304044 1.1444007 1.0912762 1.0250498 1.0427798\n", - " 1.081368 1.0785162 1.031973 1.0543482 1.020807 1.0427691]\n", - "\n", - "[ 1 0 2 7 10 3 4 11 14 15 8 5 17 13 19 16 9 12 6 18]\n", - "=======================\n", - "[\"yom hazikaron - or memorial day - is held the day before israel 's independence day , linking the sacrifice of soldiers with the creation and protection of the state .israel marked its annual day of remembrance for fallen troops and slain civilians on wednesday , with the country standing to attention for two minutes while sirens wailed .under law all places of entertainment , including cinemas , theatres and nightclubs are closed during the sombre day , and many israelis attend memorial services for relatives and friends who have died in conflict .\"]\n", - "=======================\n", - "[\"yom hazikaron , held this year on april 22 , is israel 's official memorial day traditionally dedicated to fallen soldierssirens blasted across the country at 11am marking a two-minute silence for people to pray and pay their respectsshoppers , drivers , classrooms and workplaces all come to standstill during emotional remembrance day\"]\n", - "yom hazikaron - or memorial day - is held the day before israel 's independence day , linking the sacrifice of soldiers with the creation and protection of the state .israel marked its annual day of remembrance for fallen troops and slain civilians on wednesday , with the country standing to attention for two minutes while sirens wailed .under law all places of entertainment , including cinemas , theatres and nightclubs are closed during the sombre day , and many israelis attend memorial services for relatives and friends who have died in conflict .\n", - "yom hazikaron , held this year on april 22 , is israel 's official memorial day traditionally dedicated to fallen soldierssirens blasted across the country at 11am marking a two-minute silence for people to pray and pay their respectsshoppers , drivers , classrooms and workplaces all come to standstill during emotional remembrance day\n", - "[1.0922693 1.3776724 1.307795 1.3021848 1.0859945 1.1471398 1.0407165\n", - " 1.0337774 1.0858434 1.2234917 1.0895637 1.0585073 1.1300902 1.0315448\n", - " 1.0186399 1.0655012 1.0900309 1.0144842 0. 0. ]\n", - "\n", - "[ 1 2 3 9 5 12 0 16 10 4 8 15 11 6 7 13 14 17 18 19]\n", - "=======================\n", - "[\"located in the centre of the city , the signature suite , which rents for a staggering aed 100,000 ( # 18,188 ) per night , hovers an impressive 200m ( 656ft ) above the ground .the hotel 's showpiece , the 1,120 sq metre room can only be accessed by a private elevator and , as you might expect , offers breathtaking views of the arabian gulf .the sprawling suite features three bedrooms , a pantry , a full dining room , library and cinema .\"]\n", - "=======================\n", - "['the luxurious hotel room is suspended 200m above the ground and offers stunning views of the arabian gulfmeasuring 1,120 sq metres , the massive suite rents for a staggering aed 100,000 or # 18,188 per nightin-room amenities include : separate elevator access , three bedrooms , library , cinema , and a private full-service spa']\n", - "located in the centre of the city , the signature suite , which rents for a staggering aed 100,000 ( # 18,188 ) per night , hovers an impressive 200m ( 656ft ) above the ground .the hotel 's showpiece , the 1,120 sq metre room can only be accessed by a private elevator and , as you might expect , offers breathtaking views of the arabian gulf .the sprawling suite features three bedrooms , a pantry , a full dining room , library and cinema .\n", - "the luxurious hotel room is suspended 200m above the ground and offers stunning views of the arabian gulfmeasuring 1,120 sq metres , the massive suite rents for a staggering aed 100,000 or # 18,188 per nightin-room amenities include : separate elevator access , three bedrooms , library , cinema , and a private full-service spa\n", - "[1.1120831 1.3646114 1.4034111 1.3769944 1.1793892 1.1731135 1.0619735\n", - " 1.0476301 1.0400666 1.1736974 1.2259086 1.0756533 1.0491811 1.0141112\n", - " 1.0128874 1.0143805 1.1891696 1.0547556 0. 0. ]\n", - "\n", - "[ 2 3 1 10 16 4 9 5 0 11 6 17 12 7 8 15 13 14 18 19]\n", - "=======================\n", - "['the cute moment was captured by 19-year-old student , ranajit roy in his hometown of bengaluru .the sleepy squirrel sticks out his tongue after waking up from a nap on a coconut leaf in indiathe indian palm squirrel , also known as three-striped palm squirrel , is found naturally in india and sri lanka .']\n", - "=======================\n", - "[\"adorable creature imitates a lizard after waking up from a nap in the sunphotographer ranajit roy spent five minutes taking the cute photographsi was definitely in the right place at the right time ' , says 19-year-old\"]\n", - "the cute moment was captured by 19-year-old student , ranajit roy in his hometown of bengaluru .the sleepy squirrel sticks out his tongue after waking up from a nap on a coconut leaf in indiathe indian palm squirrel , also known as three-striped palm squirrel , is found naturally in india and sri lanka .\n", - "adorable creature imitates a lizard after waking up from a nap in the sunphotographer ranajit roy spent five minutes taking the cute photographsi was definitely in the right place at the right time ' , says 19-year-old\n", - "[1.1869665 1.4913083 1.3074036 1.2446404 1.2593515 1.223325 1.2097486\n", - " 1.0541414 1.0480722 1.0532967 1.2486163 1.0206815 1.0641385 1.0277036\n", - " 1.0130651 1.0100054 1.058265 1.0103868 0. 0. ]\n", - "\n", - "[ 1 2 4 10 3 5 6 0 12 16 7 9 8 13 11 14 17 15 18 19]\n", - "=======================\n", - "['tracy stratton said her daughter , tianni , suffered physical attacks and verbal abuse at greenacres primary school in eltham , south east london .she claims the seven-year-old has been left so traumatised that she has almost stopped talking and is afraid to leave the house .a psychologist diagnosed tianni with ptsd , she added .']\n", - "=======================\n", - "[\"tianni stratton suffered physical and verbal abuse , her mother claimson one occasion the girl wore sun cream to make her skin look ` english 'mother tracy says tianni is so traumatised she is afraid to leave the houseshe is suing local council over claims it ignored complaints of bullyingtracy is trying to raise # 6600 for an autism service dog for tianni - more information may be found here : letsgofundraise-uk .\"]\n", - "tracy stratton said her daughter , tianni , suffered physical attacks and verbal abuse at greenacres primary school in eltham , south east london .she claims the seven-year-old has been left so traumatised that she has almost stopped talking and is afraid to leave the house .a psychologist diagnosed tianni with ptsd , she added .\n", - "tianni stratton suffered physical and verbal abuse , her mother claimson one occasion the girl wore sun cream to make her skin look ` english 'mother tracy says tianni is so traumatised she is afraid to leave the houseshe is suing local council over claims it ignored complaints of bullyingtracy is trying to raise # 6600 for an autism service dog for tianni - more information may be found here : letsgofundraise-uk .\n", - "[1.4376308 1.3251382 1.2749805 1.1199185 1.2224659 1.1210241 1.2463336\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 6 4 5 3 17 16 15 14 13 9 11 10 18 8 7 12 19]\n", - "=======================\n", - "[\"south africa 's sports minister says he has received assurances from fifa 's ethics committee that it will complete and present a report in june into allegations of match-fixing in the buildup to the 2010 world cup .fikile mbalula said he met with the chairman of the ethics committee 's investigatory chamber , cornel borbely , in zurich this week to seek clarity on the status of the long-awaited report .fifa said as far back as 2011 that it had strong suspicions that some of the south african national team 's warm-up games in the weeks before it hosted the world cup were fixed .\"]\n", - "=======================\n", - "['fifa have been investigating games from the run-up to 2010 world cupsouth african national team games under suspicion since 2011players not suspected of wrong-doing , but referees implicated']\n", - "south africa 's sports minister says he has received assurances from fifa 's ethics committee that it will complete and present a report in june into allegations of match-fixing in the buildup to the 2010 world cup .fikile mbalula said he met with the chairman of the ethics committee 's investigatory chamber , cornel borbely , in zurich this week to seek clarity on the status of the long-awaited report .fifa said as far back as 2011 that it had strong suspicions that some of the south african national team 's warm-up games in the weeks before it hosted the world cup were fixed .\n", - "fifa have been investigating games from the run-up to 2010 world cupsouth african national team games under suspicion since 2011players not suspected of wrong-doing , but referees implicated\n", - "[1.3987772 1.1621609 1.3753449 1.3094972 1.2677732 1.2474288 1.1833237\n", - " 1.1281123 1.1403059 1.0549446 1.0674324 1.0674438 1.0103785 1.0679879\n", - " 1.0926653 1.0186229 1.0183307 1.0176562 1.0076498 1.0122612 1.0455971\n", - " 1.0543704]\n", - "\n", - "[ 0 2 3 4 5 6 1 8 7 14 13 11 10 9 21 20 15 16 17 19 12 18]\n", - "=======================\n", - "[\"conrad clitheroe , left , and gary cooper , right , were thrown in jail after being arrested for writing down aircraft registration numbers in dubaibut the 54-year-old 's wife says he has now run out of a blood pressure medication - and claims guards ` do n't care ' .none of the men have been charged with any offence since they were transferred there from dubai .\"]\n", - "=======================\n", - "[\"conrad clitheroe is in a jail with friends gary cooper and neil munrothe 54-year-old says he has run out of a vital blood pressure medicinemen arrested at fujairah airport after ` spotting planes and taking notes 'they have not been charged with any offence since arrival from dubai\"]\n", - "conrad clitheroe , left , and gary cooper , right , were thrown in jail after being arrested for writing down aircraft registration numbers in dubaibut the 54-year-old 's wife says he has now run out of a blood pressure medication - and claims guards ` do n't care ' .none of the men have been charged with any offence since they were transferred there from dubai .\n", - "conrad clitheroe is in a jail with friends gary cooper and neil munrothe 54-year-old says he has run out of a vital blood pressure medicinemen arrested at fujairah airport after ` spotting planes and taking notes 'they have not been charged with any offence since arrival from dubai\n", - "[1.2487017 1.4978207 1.2478557 1.1493971 1.1951064 1.146364 1.1349729\n", - " 1.0919839 1.111925 1.0799899 1.0200543 1.0165412 1.020173 1.0161623\n", - " 1.0267003 1.0251814 1.1263187 1.1727703 1.0176356 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 4 17 3 5 6 16 8 7 9 14 15 12 10 18 11 13 20 19 21]\n", - "=======================\n", - "['brian and joan ogden , from wigan , had been out to eat and were on their way back into the hotel don pancho when the organised pair collaborated to take a wallet .an elderly british couple who fell victim to pickpockets as they returned to their hotel in benidorm incredibly got their belongings back after confronting the duo - and it was all caught on camera .cctv footage from the hotel shows the thief in a purple top reaching into the pocket of mr ogden , 80 , while her accomplice attempts to block the view of mrs ogden , 78 .']\n", - "=======================\n", - "['brian and joan ogden were robbed as they returned to their hoteltwo pickpockets worked together to snatch wallet from his pocketthe couple , aged 80 and 78 , followed thieves and confronted themthey were about to head home to wigan from hotel don pancho']\n", - "brian and joan ogden , from wigan , had been out to eat and were on their way back into the hotel don pancho when the organised pair collaborated to take a wallet .an elderly british couple who fell victim to pickpockets as they returned to their hotel in benidorm incredibly got their belongings back after confronting the duo - and it was all caught on camera .cctv footage from the hotel shows the thief in a purple top reaching into the pocket of mr ogden , 80 , while her accomplice attempts to block the view of mrs ogden , 78 .\n", - "brian and joan ogden were robbed as they returned to their hoteltwo pickpockets worked together to snatch wallet from his pocketthe couple , aged 80 and 78 , followed thieves and confronted themthey were about to head home to wigan from hotel don pancho\n", - "[1.4060003 1.4180863 1.1567625 1.2305808 1.3123531 1.1475877 1.0935125\n", - " 1.0659605 1.1061609 1.0858796 1.1192929 1.089979 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 4 3 2 5 10 8 6 11 9 7 20 12 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"the sports direct tycoon owns 9.82 per cent of the glasgow giants but is prohibited from going over 10 per cent by an agreement struck with hampden chiefs designed to limit his power at ibrox .rangers have been fined # 5,500 by the scottish football association after admitting the previous board breached ` dual ownership ' rules by allowing newcastle chief mike ashley into ibrox .newcastle owner mike ashley bought a 9.8 per cent stake in rangers and loaned the club # 5million\"]\n", - "=======================\n", - "['newcastle owner mike ashley owns 9.82 per cent stake in rangersrangers were fined # 5,500 by scottish fa for breaching two rulesashley was himself fined # 7,500 last month concerning dual ownership']\n", - "the sports direct tycoon owns 9.82 per cent of the glasgow giants but is prohibited from going over 10 per cent by an agreement struck with hampden chiefs designed to limit his power at ibrox .rangers have been fined # 5,500 by the scottish football association after admitting the previous board breached ` dual ownership ' rules by allowing newcastle chief mike ashley into ibrox .newcastle owner mike ashley bought a 9.8 per cent stake in rangers and loaned the club # 5million\n", - "newcastle owner mike ashley owns 9.82 per cent stake in rangersrangers were fined # 5,500 by scottish fa for breaching two rulesashley was himself fined # 7,500 last month concerning dual ownership\n", - "[1.3176553 1.471551 1.1964401 1.4014173 1.278503 1.0612776 1.0243897\n", - " 1.0109695 1.1689562 1.1066417 1.0663371 1.1145333 1.0235306 1.0169429\n", - " 1.0140402 1.0116872 1.1716832 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 4 2 16 8 11 9 10 5 6 12 13 14 15 7 20 17 18 19 21]\n", - "=======================\n", - "['sterling is stalling on a new # 100,000-a-week contract offer , although he insists it has nothing to do with money and he will reassess at the end of the season .raheem sterling ( left ) has revealed that he hopes liverpool fans create a chant for himraheem sterling has hinted that his long-term future remains at liverpool after revealing that he dreams of hearing anfield sing his name .']\n", - "=======================\n", - "[\"raheem sterling hopes the liverpool fans will soon be chanting his namesterling has been stalling on a new # 100,000-a-week contract offerthe 20-year-old admits he ` loved ' the song fans had for luis suarezread : sterling pictured smoking shisha pipe as star courts controversyread : jordon ibe on the verge of signing new liverpool contract\"]\n", - "sterling is stalling on a new # 100,000-a-week contract offer , although he insists it has nothing to do with money and he will reassess at the end of the season .raheem sterling ( left ) has revealed that he hopes liverpool fans create a chant for himraheem sterling has hinted that his long-term future remains at liverpool after revealing that he dreams of hearing anfield sing his name .\n", - "raheem sterling hopes the liverpool fans will soon be chanting his namesterling has been stalling on a new # 100,000-a-week contract offerthe 20-year-old admits he ` loved ' the song fans had for luis suarezread : sterling pictured smoking shisha pipe as star courts controversyread : jordon ibe on the verge of signing new liverpool contract\n", - "[1.2013223 1.2732619 1.3486148 1.2479515 1.0620792 1.058087 1.1929225\n", - " 1.101832 1.0609362 1.0501361 1.0626336 1.0499674 1.032799 1.0192984\n", - " 1.0470176 1.0583013 1.1124039 1.0313861 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 3 0 6 16 7 10 4 8 15 5 9 11 14 12 17 13 20 18 19 21]\n", - "=======================\n", - "[\"the prime minister made the gaffe on a campaign visit to devon , before risking the wrath of purists by claiming ` it all tastes the same ' .today david cameron waded into the long-running dispute , and quickly got into a muddle about the devon and cornish way of eating a cream tea .it is the biggest culinary question which divides the westcountry : when eating a scone , do you add jam or cream first ?\"]\n", - "=======================\n", - "['prime minister makes culinary blunder as he tries to woo devon voterschatting in a barnstaple cafe , he tried to guess jam or cream firstcornish use jam with cream on top , but people in devon do it in reverse']\n", - "the prime minister made the gaffe on a campaign visit to devon , before risking the wrath of purists by claiming ` it all tastes the same ' .today david cameron waded into the long-running dispute , and quickly got into a muddle about the devon and cornish way of eating a cream tea .it is the biggest culinary question which divides the westcountry : when eating a scone , do you add jam or cream first ?\n", - "prime minister makes culinary blunder as he tries to woo devon voterschatting in a barnstaple cafe , he tried to guess jam or cream firstcornish use jam with cream on top , but people in devon do it in reverse\n", - "[1.4054052 1.5084863 1.2470415 1.2240293 1.2657447 1.1810911 1.0799302\n", - " 1.0635725 1.1222702 1.1006191 1.1161803 1.0517238 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 5 8 10 9 6 7 11 12 13 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "['the toddlers are believed to have fallen in the water accidentally at 9.45 am on friday in yuma , arizona .twin 18-month-old boys were pronounced dead at a hospital after being pulled from a canal in arizona .after a police search that lasted more than an hour , the brothers were pulled from the water .']\n", - "=======================\n", - "['the brothers are believed to have fallen in the water by accidentpolice searched water from 9.45 am to 11.45 am before finding themthey were flown to yuma hospital where they were pronounced dead']\n", - "the toddlers are believed to have fallen in the water accidentally at 9.45 am on friday in yuma , arizona .twin 18-month-old boys were pronounced dead at a hospital after being pulled from a canal in arizona .after a police search that lasted more than an hour , the brothers were pulled from the water .\n", - "the brothers are believed to have fallen in the water by accidentpolice searched water from 9.45 am to 11.45 am before finding themthey were flown to yuma hospital where they were pronounced dead\n", - "[1.3602087 1.2953317 1.2647202 1.2163423 1.042463 1.1505114 1.1169105\n", - " 1.1164167 1.0428138 1.0955746 1.0437486 1.0488024 1.0570982 1.110112\n", - " 1.0344484 1.0285407 1.0185312 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 3 5 6 7 13 9 12 11 10 8 4 14 15 16 21 17 18 19 20 22]\n", - "=======================\n", - "[\"hillary clinton 's most trusted -- and most controversial -- campaign aide turned up on wednesday near des moines , iowa , where the former secretary of state sat for her second staged ` roundtable ' discussion in as many days .abedin had last surfaced on monday at an ohio chipotle restaurant when she and clinton popped in , both wearing sunglasses , for lunch .on tuesday she was photographed leaving a norwalk , iowa fruit processing company and walking toward ` scooby , ' the now-famous customized black van that secret service agents have driven more than 1,000 miles since sunday .\"]\n", - "=======================\n", - "[\"abedin was clinton 's deputy chief of staff at the state department and was her ` body woman ' during the 2008 presidential campaignstate department is investigating a special arrangement that allowed her to earn a second income at a clinton-linked consulting firm while she drew a government salaryabedin also used a private email address on hillary 's infamous home-brew private email server while she worked at stateshe is married to disgraced former congressman anthony weiner , and stood by him through a string of embarrassing sexting scandalshuma is a muslim whose mother teaches in saudi arabia , a country that donated millions to the clinton foundation while hillary ran the state dept.\"]\n", - "hillary clinton 's most trusted -- and most controversial -- campaign aide turned up on wednesday near des moines , iowa , where the former secretary of state sat for her second staged ` roundtable ' discussion in as many days .abedin had last surfaced on monday at an ohio chipotle restaurant when she and clinton popped in , both wearing sunglasses , for lunch .on tuesday she was photographed leaving a norwalk , iowa fruit processing company and walking toward ` scooby , ' the now-famous customized black van that secret service agents have driven more than 1,000 miles since sunday .\n", - "abedin was clinton 's deputy chief of staff at the state department and was her ` body woman ' during the 2008 presidential campaignstate department is investigating a special arrangement that allowed her to earn a second income at a clinton-linked consulting firm while she drew a government salaryabedin also used a private email address on hillary 's infamous home-brew private email server while she worked at stateshe is married to disgraced former congressman anthony weiner , and stood by him through a string of embarrassing sexting scandalshuma is a muslim whose mother teaches in saudi arabia , a country that donated millions to the clinton foundation while hillary ran the state dept.\n", - "[1.5371597 1.2858474 1.3713473 1.2036233 1.1596813 1.0659851 1.0270654\n", - " 1.1058867 1.0457022 1.0296792 1.0424306 1.1094526 1.0765145 1.1846159\n", - " 1.0573215 1.1034745 1.1057522 1.0064956 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 1 3 13 4 11 7 16 15 12 5 14 8 10 9 6 17 21 18 19 20 22]\n", - "=======================\n", - "['( cnn ) the california public utilities commission on thursday said it is ordering pacific gas & electric co. to pay a record $ 1.6 billion penalty for unsafe operation of its gas transmission system , including the pipeline rupture that killed eight people in san bruno in september 2010 .most of the penalty amounts to forced spending on improving pipeline safety .another $ 50 million will go toward \" other remedies to enhance pipeline safety , \" according to the commission .']\n", - "=======================\n", - "['the penalty is more than 10 times the previous record , according to a newspaper reportutility commission to force pacific gas & electric co. to make infrastructure improvementscompany apologizes for explosion that killed 8 , says it is using lessons learned to improve safety']\n", - "( cnn ) the california public utilities commission on thursday said it is ordering pacific gas & electric co. to pay a record $ 1.6 billion penalty for unsafe operation of its gas transmission system , including the pipeline rupture that killed eight people in san bruno in september 2010 .most of the penalty amounts to forced spending on improving pipeline safety .another $ 50 million will go toward \" other remedies to enhance pipeline safety , \" according to the commission .\n", - "the penalty is more than 10 times the previous record , according to a newspaper reportutility commission to force pacific gas & electric co. to make infrastructure improvementscompany apologizes for explosion that killed 8 , says it is using lessons learned to improve safety\n", - "[1.1932219 1.4125136 1.3343264 1.2300715 1.083667 1.0706402 1.0368527\n", - " 1.2046152 1.1735686 1.1108001 1.0172597 1.0133622 1.0158006 1.20287\n", - " 1.1414615 1.0547961 1.0658016 1.0411239 1.0282929 1.0188725 1.0163263\n", - " 1.0071614 1.0401349]\n", - "\n", - "[ 1 2 3 7 13 0 8 14 9 4 5 16 15 17 22 6 18 19 10 20 12 11 21]\n", - "=======================\n", - "[\"pj spraggins was delighted when he discovered he was a perfect match for wife tracy , who was told her life-long battle with lupus would kill her if she did n't get a transplant .the waiting list is seven years long .but the next day the couple from birmingham , alabama , were dealt a blow : his blood pressure was too high to perform the operation .\"]\n", - "=======================\n", - "['pj spraggins was perfect match for wife tracy , who suffers from lupusbut he was told he was not eligible as his blood pressure was too highshe was placed on the seven-year-long transplant list at end of 2013spraggins embarked on year-long fitness regime until he made the gradethey both underwent surgery in february 2015']\n", - "pj spraggins was delighted when he discovered he was a perfect match for wife tracy , who was told her life-long battle with lupus would kill her if she did n't get a transplant .the waiting list is seven years long .but the next day the couple from birmingham , alabama , were dealt a blow : his blood pressure was too high to perform the operation .\n", - "pj spraggins was perfect match for wife tracy , who suffers from lupusbut he was told he was not eligible as his blood pressure was too highshe was placed on the seven-year-long transplant list at end of 2013spraggins embarked on year-long fitness regime until he made the gradethey both underwent surgery in february 2015\n", - "[1.160702 1.2719474 1.204795 1.2433299 1.2089803 1.1895771 1.1002222\n", - " 1.1893321 1.1886882 1.2267861 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 9 4 2 5 7 8 0 6 20 19 18 17 16 11 14 13 12 21 10 15 22]\n", - "=======================\n", - "[\"the pair have been in scintillating form in recent games with both bagging braces in manchester united 's last two victories .ander herrera races away to celebrate after he scored his second goal against aston villa on saturdayjuan mata completed his brace against liverpool with a stunning volley on the hour mark at anfield\"]\n", - "=======================\n", - "['ander herrera and juan mata have both scored braces in recent gamesmata scored two goals in manchester united win over liverpoolherrera followed up with a two-goal haul against aston villa on saturdayas united and city go head-to-head , we ask : just how manc is the derby ?click here for all the latest manchester united news']\n", - "the pair have been in scintillating form in recent games with both bagging braces in manchester united 's last two victories .ander herrera races away to celebrate after he scored his second goal against aston villa on saturdayjuan mata completed his brace against liverpool with a stunning volley on the hour mark at anfield\n", - "ander herrera and juan mata have both scored braces in recent gamesmata scored two goals in manchester united win over liverpoolherrera followed up with a two-goal haul against aston villa on saturdayas united and city go head-to-head , we ask : just how manc is the derby ?click here for all the latest manchester united news\n", - "[1.3018851 1.6151271 1.0486494 1.0945216 1.1272597 1.4122304 1.1781924\n", - " 1.0717928 1.0439289 1.0189494 1.0136971 1.0312209 1.0192654 1.0478275\n", - " 1.0226014 1.0303851 1.0411803 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 0 6 4 3 7 2 13 8 16 11 15 14 12 9 10 17 18 19 20]\n", - "=======================\n", - "['full back david raven stabbed home the winner to take inverness caledonian thistle to the scottish cup final .a 30-year-old scouser released by shrewsbury and tranmere in recent years was the hero of scottish football at the weekend .raven celebrates with team-mate ryan christie as inverness knocked celtic out at hampden']\n", - "=======================\n", - "[\"celtic lost their scottish cup semi-final to inverness caledonian thistlethe glasgow club wrote to the sfa to complain about a penalty decisionthey were angered by the referee 's failure to award a penalty for handballceltic striker leigh griffiths complained they were ` robbed ' at hampdenadrian durham : man utd need gareth bale to give them needed dynamism\"]\n", - "full back david raven stabbed home the winner to take inverness caledonian thistle to the scottish cup final .a 30-year-old scouser released by shrewsbury and tranmere in recent years was the hero of scottish football at the weekend .raven celebrates with team-mate ryan christie as inverness knocked celtic out at hampden\n", - "celtic lost their scottish cup semi-final to inverness caledonian thistlethe glasgow club wrote to the sfa to complain about a penalty decisionthey were angered by the referee 's failure to award a penalty for handballceltic striker leigh griffiths complained they were ` robbed ' at hampdenadrian durham : man utd need gareth bale to give them needed dynamism\n", - "[1.480592 1.3291774 1.1623126 1.1331658 1.213929 1.0249085 1.0297465\n", - " 1.0637022 1.039203 1.0264189 1.0746044 1.0402845 1.0548079 1.0559428\n", - " 1.0477335 1.0211914 1.028896 1.0339272 1.0353788 1.0232857 1.0373439]\n", - "\n", - "[ 0 1 4 2 3 10 7 13 12 14 11 8 20 18 17 6 16 9 5 19 15]\n", - "=======================\n", - "['( cnn ) laying down tracks for their debut album in the recording studio in los angeles , iman hashi , 25 and her sister siham , 27 could not be further from their hometown of mogadishu .the sisters were born in the somali capital but were forced to flee after war broke out in 1991 .cnn \\'s african voices caught up with the sister act -- known collectively as faarrow ( combining the translation of their names into english -- iman means \" faith \" and siham means \" arrow \" ) to talk about music , aspirations and somalia .']\n", - "=======================\n", - "['somali sisters , iman and siham hashi , make up faarrowa fusion of hip-hop , world pop and afrobeats , they are currently finishing debut album']\n", - "( cnn ) laying down tracks for their debut album in the recording studio in los angeles , iman hashi , 25 and her sister siham , 27 could not be further from their hometown of mogadishu .the sisters were born in the somali capital but were forced to flee after war broke out in 1991 .cnn 's african voices caught up with the sister act -- known collectively as faarrow ( combining the translation of their names into english -- iman means \" faith \" and siham means \" arrow \" ) to talk about music , aspirations and somalia .\n", - "somali sisters , iman and siham hashi , make up faarrowa fusion of hip-hop , world pop and afrobeats , they are currently finishing debut album\n", - "[1.4383739 1.1314166 1.1437365 1.1734499 1.119457 1.2226094 1.0649673\n", - " 1.0415568 1.0311171 1.0173174 1.1612034 1.0498165 1.0454957 1.0472937\n", - " 1.0505683 1.0643585 1.117825 0. 0. 0. 0. ]\n", - "\n", - "[ 0 5 3 10 2 1 4 16 6 15 14 11 13 12 7 8 9 17 18 19 20]\n", - "=======================\n", - "[\"hillary rodham clinton took aim at republicans on monday for latching on to a new book that details sweetheart deals she allegedly made between foreign governments and the u.s. state department in exchange for speaking fees and donations to her family foundation .clinton dismissed the swirling questions as little more than political attacks from republicans eager to gain an early advantage in the 2016 presidential contest .she is making her first campaign visit this year to new hampshire , a state beloved by the clinton family for giving both her faltering 2008 effort and her husband 's struggling 1992 campaign a second wind .\"]\n", - "=======================\n", - "[\"` republicans seem to be talking only about me , ' hillary told reporters in new hampshirethat 's true : a forthcoming book claims she traded official favors at the state department for speaking fees and donations to her foundation` hopefully we 'll get on to the issues , ' she saidclinton has yet to publicly articulate her own platform of issues and policy goals as a presidential candidate\"]\n", - "hillary rodham clinton took aim at republicans on monday for latching on to a new book that details sweetheart deals she allegedly made between foreign governments and the u.s. state department in exchange for speaking fees and donations to her family foundation .clinton dismissed the swirling questions as little more than political attacks from republicans eager to gain an early advantage in the 2016 presidential contest .she is making her first campaign visit this year to new hampshire , a state beloved by the clinton family for giving both her faltering 2008 effort and her husband 's struggling 1992 campaign a second wind .\n", - "` republicans seem to be talking only about me , ' hillary told reporters in new hampshirethat 's true : a forthcoming book claims she traded official favors at the state department for speaking fees and donations to her foundation` hopefully we 'll get on to the issues , ' she saidclinton has yet to publicly articulate her own platform of issues and policy goals as a presidential candidate\n", - "[1.2006911 1.5535532 1.2032626 1.3565007 1.0805097 1.0731049 1.1080003\n", - " 1.0510639 1.0192223 1.0204244 1.013905 1.172554 1.1647179 1.0807958\n", - " 1.0681883 1.05796 1.0265847 1.0264895 1.0346609 1.0900747 0. ]\n", - "\n", - "[ 1 3 2 0 11 12 6 19 13 4 5 14 15 7 18 16 17 9 8 10 20]\n", - "=======================\n", - "[\"tianwen chen , 65 , and his wife gairen guo , 60 , found their first child in a box on the roadside and gradually took more and more disabled children into their two-bedroom home in rural shanxi province , central china .but the couple have faced a great deal of heartache over the years , and are only now living comfortably with 12 of the children with the help of donations by kind-hearted people , according to the people 's daily online .a remarkable farming couple have devoted their lives to adopting disabled orphans - taking in more than 40 children over the last 26 years .\"]\n", - "=======================\n", - "['tianwen chen and wife found a baby girl in a box by the road in 1989they carried her home , even though they had little money to live offsince then they have adopted more and more disabled childrensadly nine of the children died and the couple soon used up their savingsdonations from the public mean they now have a brand new home']\n", - "tianwen chen , 65 , and his wife gairen guo , 60 , found their first child in a box on the roadside and gradually took more and more disabled children into their two-bedroom home in rural shanxi province , central china .but the couple have faced a great deal of heartache over the years , and are only now living comfortably with 12 of the children with the help of donations by kind-hearted people , according to the people 's daily online .a remarkable farming couple have devoted their lives to adopting disabled orphans - taking in more than 40 children over the last 26 years .\n", - "tianwen chen and wife found a baby girl in a box by the road in 1989they carried her home , even though they had little money to live offsince then they have adopted more and more disabled childrensadly nine of the children died and the couple soon used up their savingsdonations from the public mean they now have a brand new home\n", - "[1.5002412 1.1690366 1.4852705 1.1778002 1.2962463 1.1498932 1.1082094\n", - " 1.028209 1.066971 1.0743943 1.0520688 1.0216856 1.0459507 1.026618\n", - " 1.0599209 1.0709229 1.0973887 1.0533801 1.0201783 1.0177742 0. ]\n", - "\n", - "[ 0 2 4 3 1 5 6 16 9 15 8 14 17 10 12 7 13 11 18 19 20]\n", - "=======================\n", - "[\"jamie robbins ( above ) handed himself into the police a year after he stole # 1,600 from a convenience store in birmingham with an accomplice because he preferred life in jailrobbins was jailed for four-and-a-half years after pleading guilty to robbery and possession of a bladed article at birmingham crown court on thursday .the case was not solved until the 35-year-old walked into a police station earlier this year and said : ` please arrest me . '\"]\n", - "=======================\n", - "[\"jamie robbins raided a select 'n' save shop in birmingham last januarycase was not solved until he walked into a police station and confessed35-year-old was sentenced to four-and-a-half years on thursday\"]\n", - "jamie robbins ( above ) handed himself into the police a year after he stole # 1,600 from a convenience store in birmingham with an accomplice because he preferred life in jailrobbins was jailed for four-and-a-half years after pleading guilty to robbery and possession of a bladed article at birmingham crown court on thursday .the case was not solved until the 35-year-old walked into a police station earlier this year and said : ` please arrest me . '\n", - "jamie robbins raided a select 'n' save shop in birmingham last januarycase was not solved until he walked into a police station and confessed35-year-old was sentenced to four-and-a-half years on thursday\n", - "[1.159012 1.5497603 1.2436962 1.2869234 1.2769905 1.1935053 1.0819024\n", - " 1.0132228 1.0159999 1.0152645 1.0236026 1.1715934 1.0777688 1.1158785\n", - " 1.1211432 1.0753704 1.0123835 1.0254668 1.0409695 1.026499 1.0285656]\n", - "\n", - "[ 1 3 4 2 5 11 0 14 13 6 12 15 18 20 19 17 10 8 9 7 16]\n", - "=======================\n", - "[\"kim callaghan , 39 , piled on the pounds after the birth of her two children , reaching a worrying 20st 3lb .kim callaghan became so worried that her weight was causing her to look like a man that she went on a dramatic diet that saw her lose half of her body weightkim 's weight loss saw her drop an incredible ten dress sizes to slim down to a slinky size eight .\"]\n", - "=======================\n", - "['kim callaghan , from ireland , piled on the pounds after having childrenlimited to size 28 clothing kim , 39 , worried she resembled a manshe joined slimming world and dropped ten dress sizes as well as 10st']\n", - "kim callaghan , 39 , piled on the pounds after the birth of her two children , reaching a worrying 20st 3lb .kim callaghan became so worried that her weight was causing her to look like a man that she went on a dramatic diet that saw her lose half of her body weightkim 's weight loss saw her drop an incredible ten dress sizes to slim down to a slinky size eight .\n", - "kim callaghan , from ireland , piled on the pounds after having childrenlimited to size 28 clothing kim , 39 , worried she resembled a manshe joined slimming world and dropped ten dress sizes as well as 10st\n", - "[1.289282 1.4488072 1.051545 1.1571085 1.3943915 1.2109089 1.1100491\n", - " 1.0396655 1.0675716 1.1211566 1.0761522 1.1222227 1.0795338 1.0275481\n", - " 1.0535578 1.0309927 1.0423707 1.034823 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 5 3 11 9 6 12 10 8 14 2 16 7 17 15 13 19 18 20]\n", - "=======================\n", - "[\"the narrabeen property began sliding down the hill it was built on after it was battered by the wild weather on tuesday , endangering neighbouring houses and forcing locals to evacuate . 'it took a team of firefighters , police and engineers , but a house on sydney 's northern beaches tragically damaged in the this week 's destructive storm in nsw has finally been demolished .a tree stump on the hill prevented the house from falling further down , but authorities feared it was only a matter of time before it caused further damage to surrounding properties .\"]\n", - "=======================\n", - "['a narrabeen house damaged in the sydney storms has been demolishedit began sliding down the hill it was built on , endangering homes nearbya team of firefighters , police , and engineers to bring the property downa cherry picker , four pressurised hoses , and a thick cable were usedneighbours clapped and cheered when it was destroyed']\n", - "the narrabeen property began sliding down the hill it was built on after it was battered by the wild weather on tuesday , endangering neighbouring houses and forcing locals to evacuate . 'it took a team of firefighters , police and engineers , but a house on sydney 's northern beaches tragically damaged in the this week 's destructive storm in nsw has finally been demolished .a tree stump on the hill prevented the house from falling further down , but authorities feared it was only a matter of time before it caused further damage to surrounding properties .\n", - "a narrabeen house damaged in the sydney storms has been demolishedit began sliding down the hill it was built on , endangering homes nearbya team of firefighters , police , and engineers to bring the property downa cherry picker , four pressurised hoses , and a thick cable were usedneighbours clapped and cheered when it was destroyed\n", - "[1.2197223 1.5341239 1.2212713 1.4378493 1.1591735 1.1287509 1.0639038\n", - " 1.0653661 1.0861461 1.1050204 1.1400727 1.0269287 1.0169661 1.0459621\n", - " 1.0681648 1.0460963 1.0344536 1.0195216 1.0099212 1.0093372 1.0259782]\n", - "\n", - "[ 1 3 2 0 4 10 5 9 8 14 7 6 15 13 16 11 20 17 12 18 19]\n", - "=======================\n", - "['mary murphy , 66 , is thought to have tried to grab hold of john wood , 67 , when he stumbled at the top of the stairs , but slipped herself and the pair fell to their deaths .their bodies were found by paramedics on wednesday in the hallway of their terraced home , after concerns were raised about their welfare .an elderly couple died in a freak accident after the woman fell down the stairs in a desperate attempt to save her partner who had also tripped .']\n", - "=======================\n", - "[\"mary murphy , 66 , and john wood ,67 , died falling down stairs at her homepensioner is believed to have come to aid of her partner , 67 , who trippeddetectives described the incident as ` extremely bizarre ' and ` tragic 'ms murphy , a regular worshipper , was described as ` kind and well-liked '\"]\n", - "mary murphy , 66 , is thought to have tried to grab hold of john wood , 67 , when he stumbled at the top of the stairs , but slipped herself and the pair fell to their deaths .their bodies were found by paramedics on wednesday in the hallway of their terraced home , after concerns were raised about their welfare .an elderly couple died in a freak accident after the woman fell down the stairs in a desperate attempt to save her partner who had also tripped .\n", - "mary murphy , 66 , and john wood ,67 , died falling down stairs at her homepensioner is believed to have come to aid of her partner , 67 , who trippeddetectives described the incident as ` extremely bizarre ' and ` tragic 'ms murphy , a regular worshipper , was described as ` kind and well-liked '\n", - "[1.243215 1.2257245 1.1899613 1.4804218 1.1072516 1.1987116 1.0860633\n", - " 1.0641829 1.1700976 1.0723114 1.0296273 1.0157584 1.0959119 1.011211\n", - " 1.0134639 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 5 2 8 4 12 6 9 7 10 11 14 13 19 15 16 17 18 20]\n", - "=======================\n", - "['19-year-old hattie gladwell was fitted with an ostomy bag after under-going surgery for ulcerative colitis , now she shares her experience on her blog morethanyourbag.comnow the pretty redhead from west sussex has shared her story with the world in a bid to rid the stigma around those living with a stoma ( a surgically created opening in the abdomen ) and a bag .hattie was admitted to hospital on january 26th of this year although she had long suffered from problems with her health after an inflammatory bowel condition was misdiagnosed .']\n", - "=======================\n", - "['hattie gladwell was fitted with an ileostomy bag in january this yearshe had undergone emergency surgery for ulcerative colitisthe 19-year-old blogs about her life with her bag fitted to small intestineshe reveals all about her sex life and the effect it has on her confidence']\n", - "19-year-old hattie gladwell was fitted with an ostomy bag after under-going surgery for ulcerative colitis , now she shares her experience on her blog morethanyourbag.comnow the pretty redhead from west sussex has shared her story with the world in a bid to rid the stigma around those living with a stoma ( a surgically created opening in the abdomen ) and a bag .hattie was admitted to hospital on january 26th of this year although she had long suffered from problems with her health after an inflammatory bowel condition was misdiagnosed .\n", - "hattie gladwell was fitted with an ileostomy bag in january this yearshe had undergone emergency surgery for ulcerative colitisthe 19-year-old blogs about her life with her bag fitted to small intestineshe reveals all about her sex life and the effect it has on her confidence\n", - "[1.4230871 1.4308965 1.2343838 1.4542162 1.2517809 1.0244855 1.0125576\n", - " 1.0272608 1.319537 1.1754649 1.0553273 1.097325 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 8 4 2 9 11 10 7 5 6 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"barcelona b winger moha el ouriachi is set to sign for stoke city , according to the player 's agentpotters manager mark hughes , the former barcelona striker , has already snapped up bojan krkic and marc muniesa from the nou camp and teenager el ouriachi now looks to be on his way to the britannia stadium this summer .the 19-year-old barcelona b player is apparently keen to seek first-team action rather than extend his contract with the spanish giants .\"]\n", - "=======================\n", - "[\"barcelona b winger moha el ouriachi set to reject a new deal at clubthe player 's agent says they have an irresistible offer from stoke citystoke have already signed bojan krkic and marc muniesa from catalanspacey winger el ouriachi , 19 , has represented spain at youth level\"]\n", - "barcelona b winger moha el ouriachi is set to sign for stoke city , according to the player 's agentpotters manager mark hughes , the former barcelona striker , has already snapped up bojan krkic and marc muniesa from the nou camp and teenager el ouriachi now looks to be on his way to the britannia stadium this summer .the 19-year-old barcelona b player is apparently keen to seek first-team action rather than extend his contract with the spanish giants .\n", - "barcelona b winger moha el ouriachi set to reject a new deal at clubthe player 's agent says they have an irresistible offer from stoke citystoke have already signed bojan krkic and marc muniesa from catalanspacey winger el ouriachi , 19 , has represented spain at youth level\n", - "[1.3481897 1.3353035 1.2077926 1.2034038 1.1102057 1.1541545 1.0961872\n", - " 1.0680248 1.0588996 1.0459622 1.0312792 1.0748081 1.0732666 1.0527744\n", - " 1.0546354 1.1058358 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 3 5 4 15 6 11 12 7 8 14 13 9 10 16 17 18 19 20 21]\n", - "=======================\n", - "['washington ( cnn ) in a broad bipartisan vote , the senate on tuesday gave final approval to a medicare reform bill that includes a permanent solution to the \" doc fix , \" a method the government has used to ensure payments to medicare providers will keep up with inflation .the bill , which passed 92 to 8 , also includes a two-year extension of a popular children \\'s health insurance program .senate finance committee chairman orrin hatch of utah called passage of the bill a \" major , major accomplishment . \"']\n", - "=======================\n", - "['bill passes 92 to 8 ; passage came just hours before cuts to physicians would have taken placegop presidential candidates ted cruz and marco rubio vote against the bill , candidate rand paul votes for it']\n", - "washington ( cnn ) in a broad bipartisan vote , the senate on tuesday gave final approval to a medicare reform bill that includes a permanent solution to the \" doc fix , \" a method the government has used to ensure payments to medicare providers will keep up with inflation .the bill , which passed 92 to 8 , also includes a two-year extension of a popular children 's health insurance program .senate finance committee chairman orrin hatch of utah called passage of the bill a \" major , major accomplishment . \"\n", - "bill passes 92 to 8 ; passage came just hours before cuts to physicians would have taken placegop presidential candidates ted cruz and marco rubio vote against the bill , candidate rand paul votes for it\n", - "[1.1584219 1.2425201 1.1165603 1.0635988 1.1645772 1.1549872 1.2113323\n", - " 1.2440784 1.1521375 1.0674144 1.0790256 1.0594141 1.0625639 1.0406166\n", - " 1.046633 1.0564747 1.0370648 1.0471578 1.0570449 1.0687 1.0672843\n", - " 1.0417863]\n", - "\n", - "[ 7 1 6 4 0 5 8 2 10 19 9 20 3 12 11 18 15 17 14 21 13 16]\n", - "=======================\n", - "['authorities allege the brothers are responsible for the 2013 boston marathon bombing , which left three people dead and more than 260 others injured .according to a criminal complaint , tsarnaeva threatened a woman in a phone call this summer , saying \" leave my man alone . \"tsarnaeva is the sister of dzhokhar and tamerlan tsarnaev .']\n", - "=======================\n", - "[\"dzhokhar tsarnaev is on trial for his alleged role in the boston marathon bombingstsarnaev 's sister , ailina , was in court in december related to aggravated harassment chargestsarnaev 's mother is wanted on felony charges of shoplifting and destruction of property\"]\n", - "authorities allege the brothers are responsible for the 2013 boston marathon bombing , which left three people dead and more than 260 others injured .according to a criminal complaint , tsarnaeva threatened a woman in a phone call this summer , saying \" leave my man alone . \"tsarnaeva is the sister of dzhokhar and tamerlan tsarnaev .\n", - "dzhokhar tsarnaev is on trial for his alleged role in the boston marathon bombingstsarnaev 's sister , ailina , was in court in december related to aggravated harassment chargestsarnaev 's mother is wanted on felony charges of shoplifting and destruction of property\n", - "[1.3421462 1.4790827 1.3353081 1.3214319 1.1034324 1.0410608 1.049151\n", - " 1.0916991 1.0199559 1.0220861 1.2975459 1.1296303 1.0695053 1.0233691\n", - " 1.0194296 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 3 10 11 4 7 12 6 5 13 9 8 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"speaking after his easter sunday mass , archbishop of brisbane phillip aspinall said he supported father paul kelly in his calls for the homosexual advance defence to be removed from queensland common law .the defence means a murder charge may be reduced to manslaughter if the defendant establishes their victim ` came on ' to them , and the killing was in self-defence .dr aspinall also appealed to those who resorted to violence at recent anti-islam rallies , as well as a individuals behind an apparent spate of church vandalism in melbourne .\"]\n", - "=======================\n", - "[\"a catholic priest has called for the ` gay panic ' laws to be removedan archbishop said he supports the homicide defence to be scrappedhomosexual advance defence means a murder charge may be reduced to manslaughter if the defendant establishes their victim ` came on ' to them\"]\n", - "speaking after his easter sunday mass , archbishop of brisbane phillip aspinall said he supported father paul kelly in his calls for the homosexual advance defence to be removed from queensland common law .the defence means a murder charge may be reduced to manslaughter if the defendant establishes their victim ` came on ' to them , and the killing was in self-defence .dr aspinall also appealed to those who resorted to violence at recent anti-islam rallies , as well as a individuals behind an apparent spate of church vandalism in melbourne .\n", - "a catholic priest has called for the ` gay panic ' laws to be removedan archbishop said he supports the homicide defence to be scrappedhomosexual advance defence means a murder charge may be reduced to manslaughter if the defendant establishes their victim ` came on ' to them\n", - "[1.4322828 1.1990092 1.551089 1.3926711 1.0939114 1.0250021 1.0152879\n", - " 1.0223422 1.0387359 1.1825597 1.0827463 1.0148264 1.0889143 1.0308317\n", - " 1.0234876 1.0207506 1.0137149 1.0208583 1.1724658 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 3 1 9 18 4 12 10 8 13 5 14 7 17 15 6 11 16 20 19 21]\n", - "=======================\n", - "[\"janet faal , 57 , was out with a friend in crawley , west sussex , as part of her rehabilitation when she moved a wooden pallet to help them reverse and plunged down into the open gap .she now has two black eyes and a suspected fractured leg after smashing her face on the pallet and was left in a ` splits ' position as only one of her legs went down the hole when she slipped .an agoraphobic grandmother who conquered her fear of open spaces and left home for the third time in 10 years only to fall down a manhole .\"]\n", - "=======================\n", - "[\"janet faal , 57 , was out with a friend as part of her rehabilitation in crawleyshe moved wooden pallet with foot to help friend reverse and slipped downgrandmother-of-two smashed face on pallet and left doing ` splits ' in holemiss faal says it has set her back in battle with debilitating agoraphobia\"]\n", - "janet faal , 57 , was out with a friend in crawley , west sussex , as part of her rehabilitation when she moved a wooden pallet to help them reverse and plunged down into the open gap .she now has two black eyes and a suspected fractured leg after smashing her face on the pallet and was left in a ` splits ' position as only one of her legs went down the hole when she slipped .an agoraphobic grandmother who conquered her fear of open spaces and left home for the third time in 10 years only to fall down a manhole .\n", - "janet faal , 57 , was out with a friend as part of her rehabilitation in crawleyshe moved wooden pallet with foot to help friend reverse and slipped downgrandmother-of-two smashed face on pallet and left doing ` splits ' in holemiss faal says it has set her back in battle with debilitating agoraphobia\n", - "[1.3831846 1.3964987 1.3024501 1.2514482 1.0489026 1.1644856 1.0270467\n", - " 1.02892 1.093168 1.0323615 1.0387077 1.0414271 1.0302204 1.0826514\n", - " 1.0831307 1.037782 1.0219549 1.0217066 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 3 5 8 14 13 4 11 10 15 9 12 7 6 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the governor is heading a delegation of 18 academics and business leaders visiting the island in the wake of the december announcement that the us and cuba would restore diplomatic relations after more than a half century of hostility and confrontation .new york governor andrew cuomo has become the first governor in five years to visit cuba , following president obama 's ease on trade and travel to the communist nation .today , cuomo met with cuba 's top officials for u.s. relations along with executives from jetblue , mastercard , pfizer and other new york-based companies .\"]\n", - "=======================\n", - "['cuomo first us governor to visit cuba since ease on trade and travelheads delegation of 18 new york academics and business leaderspresident obama eased trade and travel restrictions earlier this year']\n", - "the governor is heading a delegation of 18 academics and business leaders visiting the island in the wake of the december announcement that the us and cuba would restore diplomatic relations after more than a half century of hostility and confrontation .new york governor andrew cuomo has become the first governor in five years to visit cuba , following president obama 's ease on trade and travel to the communist nation .today , cuomo met with cuba 's top officials for u.s. relations along with executives from jetblue , mastercard , pfizer and other new york-based companies .\n", - "cuomo first us governor to visit cuba since ease on trade and travelheads delegation of 18 new york academics and business leaderspresident obama eased trade and travel restrictions earlier this year\n", - "[1.1739005 1.2587737 1.3910935 1.2973311 1.2544056 1.045957 1.0263104\n", - " 1.1342385 1.1068072 1.0894212 1.0565658 1.0387297 1.0744902 1.0664436\n", - " 1.0426954 1.0263687 1.024247 1.0278299]\n", - "\n", - "[ 2 3 1 4 0 7 8 9 12 13 10 5 14 11 17 15 6 16]\n", - "=======================\n", - "[\"the supermarket beat major hotel , restaurant and pub chains to achieve the title of britain 's best breakfast .morrisons has been named the best place to get breakfast in the uk - beating restaurants , pubs and hotels to win the title - with its big breakfast ( pictured ) one of the most popular items on its extensive morning menubut after fierce competition and testing , experts have ruled the the best breakfast is available from your local morrisons .\"]\n", - "=======================\n", - "['morrisons was awarded the title of serving the best breakfast in britainsupermarket chain beat hotels , pubs and restaurants to win the titleit achieved the accolade in the menu innovation and development awardsjudges sent mystery shoppers to try breakfasts nationwide to find winner']\n", - "the supermarket beat major hotel , restaurant and pub chains to achieve the title of britain 's best breakfast .morrisons has been named the best place to get breakfast in the uk - beating restaurants , pubs and hotels to win the title - with its big breakfast ( pictured ) one of the most popular items on its extensive morning menubut after fierce competition and testing , experts have ruled the the best breakfast is available from your local morrisons .\n", - "morrisons was awarded the title of serving the best breakfast in britainsupermarket chain beat hotels , pubs and restaurants to win the titleit achieved the accolade in the menu innovation and development awardsjudges sent mystery shoppers to try breakfasts nationwide to find winner\n", - "[1.0807345 1.0369142 1.062265 1.2760185 1.1743149 1.2554064 1.2149447\n", - " 1.182334 1.1851925 1.0837222 1.0220952 1.0183814 1.0266849 1.097134\n", - " 1.2095006 1.1479199 1.0313227 1.0469248]\n", - "\n", - "[ 3 5 6 14 8 7 4 15 13 9 0 2 17 1 16 12 10 11]\n", - "=======================\n", - "['it \\'s not just the fun activities that make locals and travelers to those countries happy , according to the third world happiness report , released by the sustainable development solutions network for the united nations on april 23 .recognizing \" happiness and well-being as universal goals and aspirations in the lives of human beings around the world , \" the u.n. general assembly declared march 20 as world happiness day in 2012 .this officially designated happy date marked its fourth year last month .']\n", - "=======================\n", - "['the world happiness report highlights the happiest countriespeople live longer and experience more generosity and social support in these countiesthe united nations first declared a world happiness day in 2012']\n", - "it 's not just the fun activities that make locals and travelers to those countries happy , according to the third world happiness report , released by the sustainable development solutions network for the united nations on april 23 .recognizing \" happiness and well-being as universal goals and aspirations in the lives of human beings around the world , \" the u.n. general assembly declared march 20 as world happiness day in 2012 .this officially designated happy date marked its fourth year last month .\n", - "the world happiness report highlights the happiest countriespeople live longer and experience more generosity and social support in these countiesthe united nations first declared a world happiness day in 2012\n", - "[1.3460636 1.214926 1.2935184 1.4294285 1.276812 1.3241336 1.0487905\n", - " 1.0270027 1.0211089 1.0879083 1.0840899 1.0238488 1.06909 1.0917026\n", - " 1.0407808 1.2059873 0. 0. ]\n", - "\n", - "[ 3 0 5 2 4 1 15 13 9 10 12 6 14 7 11 8 16 17]\n", - "=======================\n", - "['manchester city midfielder yaya toure has hinted that he is open to leaving manchester city this summeryaya toure wants to meet with manchester city to thrash out his future , according to his controversial agent .inter milan boss roberto mancini wants to be reunited with toure next season after managing him at city']\n", - "=======================\n", - "[\"yaya toure has been linked with a transfer with inter milan and psg keenthe manchester city midfielder has struggled for form this seasonagent dimitri seluk said club must make the ivory coast star feel wantedseluk said toure is a club legend and money is n't their motivationread : manchester city will miss yaya toure when he goes\"]\n", - "manchester city midfielder yaya toure has hinted that he is open to leaving manchester city this summeryaya toure wants to meet with manchester city to thrash out his future , according to his controversial agent .inter milan boss roberto mancini wants to be reunited with toure next season after managing him at city\n", - "yaya toure has been linked with a transfer with inter milan and psg keenthe manchester city midfielder has struggled for form this seasonagent dimitri seluk said club must make the ivory coast star feel wantedseluk said toure is a club legend and money is n't their motivationread : manchester city will miss yaya toure when he goes\n", - "[1.2506278 1.2845606 1.2341863 1.1302273 1.2904418 1.1971837 1.0624603\n", - " 1.0390856 1.0249318 1.1401734 1.1135253 1.0731494 1.0880543 1.0612603\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 4 1 0 2 5 9 3 10 12 11 6 13 7 8 14 15 16 17]\n", - "=======================\n", - "['the mail on sunday was voted sunday newspaper of the year for a third year in a row .a hat-trick in the prestigious london press club awards is unprecedented for a quality , family newspaper .they also praised our all-round quality that , week after week , sets the agenda and forces daily newspapers to chase our big exclusives .']\n", - "=======================\n", - "[\"hat-trick in the prestigious london press club awards is unprecedentedjudges said a rare feat was ` fully deserved ' and praised all-round qualityfront page which revealed truth about feminist t-shirts worn by ed miliband and harriet harman earned a nomination for scoop of the yearliterary critic craig brown was nominated as arts reviewer of the year\"]\n", - "the mail on sunday was voted sunday newspaper of the year for a third year in a row .a hat-trick in the prestigious london press club awards is unprecedented for a quality , family newspaper .they also praised our all-round quality that , week after week , sets the agenda and forces daily newspapers to chase our big exclusives .\n", - "hat-trick in the prestigious london press club awards is unprecedentedjudges said a rare feat was ` fully deserved ' and praised all-round qualityfront page which revealed truth about feminist t-shirts worn by ed miliband and harriet harman earned a nomination for scoop of the yearliterary critic craig brown was nominated as arts reviewer of the year\n", - "[1.1015407 1.0521295 1.2982936 1.3074642 1.2369331 1.157403 1.0755922\n", - " 1.0841578 1.1247075 1.0976096 1.0773337 1.0693142 1.0698507 1.1154424\n", - " 1.0809433 1.0833108 1.0523453 0. ]\n", - "\n", - "[ 3 2 4 5 8 13 0 9 7 15 14 10 6 12 11 16 1 17]\n", - "=======================\n", - "['fka twigs has been one of the main trendsetters when it comes to the septum ringin recent months , a whole host of stars have been wearing the body jewellery , including fka twigs , rihanna and lady gaga .it was a coming-of-age ritual for some north american tribes - the boys would be given the nose ring when they became a man , the shawnee leaders tecumseh and tenskwatawa both had them .']\n", - "=======================\n", - "['septum rings are a new craze among celebritiesfka twigs started the trend after appearing at red carpet events with oneit has been used in various asian and north american cultures for years']\n", - "fka twigs has been one of the main trendsetters when it comes to the septum ringin recent months , a whole host of stars have been wearing the body jewellery , including fka twigs , rihanna and lady gaga .it was a coming-of-age ritual for some north american tribes - the boys would be given the nose ring when they became a man , the shawnee leaders tecumseh and tenskwatawa both had them .\n", - "septum rings are a new craze among celebritiesfka twigs started the trend after appearing at red carpet events with oneit has been used in various asian and north american cultures for years\n", - "[1.2301189 1.3995208 1.1806427 1.2758297 1.0494876 1.1174184 1.080206\n", - " 1.0840478 1.256045 1.081355 1.0996622 1.0792282 1.0892649 1.044485\n", - " 1.0563631 0. ]\n", - "\n", - "[ 1 3 8 0 2 5 10 12 7 9 6 11 14 4 13 15]\n", - "=======================\n", - "['helicopter cameras caught a swarm of cops kicking and punching 30-year-old francis pusok more than 80 times on thursday , after he fled his southern california home when they tried to arrest him for identity theft charges .scarring experience : francis pusok ( left ) spoke for the first time on monday , four days after he was beaten up by cops in footage taken from a helicopter .just a day after being released from jail , the man who was beaten by cops following a two-and-a-half hour chase on horseback has spoken out to detail his painful arrest .']\n", - "=======================\n", - "['francis pusok , 30 , was arrested thursday after a hours long chase with police in san bernardino county , californiaa news helicopter following the chase recorded police tasering pusok , putting him in handcuffs and continuing to beat him after he was subduedthe father of three was released from jail on sunday and spoke out on monday about the scarring experiencein the wake of the attack , 10 officers have been placed on leave pending an investigation into whether excessive force was used against pusok']\n", - "helicopter cameras caught a swarm of cops kicking and punching 30-year-old francis pusok more than 80 times on thursday , after he fled his southern california home when they tried to arrest him for identity theft charges .scarring experience : francis pusok ( left ) spoke for the first time on monday , four days after he was beaten up by cops in footage taken from a helicopter .just a day after being released from jail , the man who was beaten by cops following a two-and-a-half hour chase on horseback has spoken out to detail his painful arrest .\n", - "francis pusok , 30 , was arrested thursday after a hours long chase with police in san bernardino county , californiaa news helicopter following the chase recorded police tasering pusok , putting him in handcuffs and continuing to beat him after he was subduedthe father of three was released from jail on sunday and spoke out on monday about the scarring experiencein the wake of the attack , 10 officers have been placed on leave pending an investigation into whether excessive force was used against pusok\n", - "[1.3692882 1.1940944 1.2459407 1.1540611 1.0471454 1.1188931 1.098838\n", - " 1.1153479 1.0770183 1.2032354 1.0850382 1.1130216 1.0883484 1.0253191\n", - " 1.0819756 1.0160743]\n", - "\n", - "[ 0 2 9 1 3 5 7 11 6 12 10 14 8 4 13 15]\n", - "=======================\n", - "[\"nicola sturgeon was booed last night as she refused to rule out holding a second independence vote in the next few years -- despite having earlier claimed 2014 's referendum was a ` once in a generation ' event .but last night , in an election debate on scottish tv , she said she respected last year 's result , and said she would not call for another plebiscite in the snp manifesto for the westminster election in may .support : asked by mr murphy ( left ) where she ` wanted ' mr miliband to be prime minister , ms sturgeon ( right ) said : ` i 'm offering to help make ed miliband prime minister .\"]\n", - "=======================\n", - "[\"nicola sturgeon took part in debate between leaders of scottish partiessnp leader said she is ` offering to help make ed miliband prime minister 'her failure to rule out another referendum was met with boos by audienceadded she would not support conservative government with snp mps\"]\n", - "nicola sturgeon was booed last night as she refused to rule out holding a second independence vote in the next few years -- despite having earlier claimed 2014 's referendum was a ` once in a generation ' event .but last night , in an election debate on scottish tv , she said she respected last year 's result , and said she would not call for another plebiscite in the snp manifesto for the westminster election in may .support : asked by mr murphy ( left ) where she ` wanted ' mr miliband to be prime minister , ms sturgeon ( right ) said : ` i 'm offering to help make ed miliband prime minister .\n", - "nicola sturgeon took part in debate between leaders of scottish partiessnp leader said she is ` offering to help make ed miliband prime minister 'her failure to rule out another referendum was met with boos by audienceadded she would not support conservative government with snp mps\n", - "[1.3137779 1.3925054 1.473108 1.280227 1.4167259 1.0614091 1.0661355\n", - " 1.0308946 1.0261558 1.0479746 1.0355511 1.043843 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 4 1 0 3 6 5 9 11 10 7 8 12 13 14 15]\n", - "=======================\n", - "[\"croft suffered a dislocated shoulder in the tigers ' victory over newcastle and , after surgery , he was left facing six months of rehabilitation .tom croft has signed a new deal with leicester which keeps him with the tigers despite his injury troublesthe club future of the england and lions flanker appeared to be in doubt last month when his cruel injury jinx struck again .\"]\n", - "=======================\n", - "['his cruel injury jinx struck again as the england and lions flanker dislocated his shoulder against newcastlethe injury will almost certainly rule him out of the world cupin 2012 , the 29-year-old suffered a broken neck and he missed most of last season with a knee injury']\n", - "croft suffered a dislocated shoulder in the tigers ' victory over newcastle and , after surgery , he was left facing six months of rehabilitation .tom croft has signed a new deal with leicester which keeps him with the tigers despite his injury troublesthe club future of the england and lions flanker appeared to be in doubt last month when his cruel injury jinx struck again .\n", - "his cruel injury jinx struck again as the england and lions flanker dislocated his shoulder against newcastlethe injury will almost certainly rule him out of the world cupin 2012 , the 29-year-old suffered a broken neck and he missed most of last season with a knee injury\n", - "[1.4696152 1.336662 1.2203351 1.1069113 1.1895392 1.0382692 1.1158462\n", - " 1.0450544 1.0612574 1.0647401 1.0608139 1.0682445 1.0390004 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 4 6 3 11 9 8 10 7 12 5 13 14 15]\n", - "=======================\n", - "[\"( cnn ) this week 's attack on garissa university college is al-shabaab 's fifth major assault in kenya in the past year and a half .the thursday massacre was the most deadly assault so far , with 147 dead , easily eclipsing the terrorist group 's most notorious attack , a four-day siege in late september 2013 at the westgate mall in nairobi in which 67 people were killed .after the westgate attack , al-shabaab unleashed a string of attacks in kenya that have killed more than 100 people -- assaulting the coastal town of mpeketoni on june 16 , 2014 ; shooting bus passengers who could not recite the quran on november 22 , 2014 ; and then , days later , executing christian quarry laborers .\"]\n", - "=======================\n", - "[\"al-shabaab 's attack on garissa university college is the group 's deadliest so far in kenyaauthors : the group is under pressure from african union forces and a covert u.s. war\"]\n", - "( cnn ) this week 's attack on garissa university college is al-shabaab 's fifth major assault in kenya in the past year and a half .the thursday massacre was the most deadly assault so far , with 147 dead , easily eclipsing the terrorist group 's most notorious attack , a four-day siege in late september 2013 at the westgate mall in nairobi in which 67 people were killed .after the westgate attack , al-shabaab unleashed a string of attacks in kenya that have killed more than 100 people -- assaulting the coastal town of mpeketoni on june 16 , 2014 ; shooting bus passengers who could not recite the quran on november 22 , 2014 ; and then , days later , executing christian quarry laborers .\n", - "al-shabaab 's attack on garissa university college is the group 's deadliest so far in kenyaauthors : the group is under pressure from african union forces and a covert u.s. war\n", - "[1.3675303 1.3357272 1.4133446 1.3199625 1.1789604 1.0854483 1.0855657\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 1 3 4 6 5 7 8 9 10 11 12 13 14 15]\n", - "=======================\n", - "[\"ap mccoy and mr mole will have six rivals in the grade one celebration chase at sandown on saturdaypaul nicholls-trained mr mole is bracketed with irish raider special tiara and nicky henderson 's sprinter sacre , who will be ridden by cheltenham gold cup winner nico de boinville in the absence of injured barry geraghty .his book of rides for his final day as a professional jockey will not be finalised until friday morning .\"]\n", - "=======================\n", - "[\"there are three 7-2 co-favourites for the grade one celebration chaseap mccoy 's mount mr mole is bracketed with special tiara and sprinter sacre for saturday 's raceit will be ap mccoy 's last ride in a grade one race\"]\n", - "ap mccoy and mr mole will have six rivals in the grade one celebration chase at sandown on saturdaypaul nicholls-trained mr mole is bracketed with irish raider special tiara and nicky henderson 's sprinter sacre , who will be ridden by cheltenham gold cup winner nico de boinville in the absence of injured barry geraghty .his book of rides for his final day as a professional jockey will not be finalised until friday morning .\n", - "there are three 7-2 co-favourites for the grade one celebration chaseap mccoy 's mount mr mole is bracketed with special tiara and sprinter sacre for saturday 's raceit will be ap mccoy 's last ride in a grade one race\n", - "[1.3220448 1.3067517 1.190223 1.1227862 1.1805849 1.0257119 1.0461104\n", - " 1.18919 1.1405078 1.079296 1.0684015 1.0261873 1.0204543 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 7 4 8 3 9 10 6 11 5 12 16 13 14 15 17]\n", - "=======================\n", - "[\"after nearly two years of jockeying with congress over the irs 's history of discriminating against conservative nonprofit groups , former official lois lerner wo n't be charged with a crime for defying a congressional subpoena and refusing to answer questions .u.s. attorney ronald machen , on his last day in office , told house speaker john boehner in a seven-page letter that lerner could wrap herself in the u.s. constitution 's fifth amendment , even though she offered a self-serving opening statement before clamming up during a may 22 , 2013 hearing .lerner has long been in the gop 's crosshairs because she led the irs department tasked with approving nonprofit groups ' applications for tax-exempt status .\"]\n", - "=======================\n", - "[\"justice dept. sent 7-page letter to house speaker john boehner explaining why the former irs official was allowed to plead the fifth amendmentfederal prosecutor in charge of the case sent his decision to capitol hill on the last day before his own resignation took effectlerner offered a self-serving opening statement during a 2013 hearing , but refused to take questions even though she was under subpoenahearing focused on the irs 's habit of targeting conservative groups with special scrutiny based on words like ` patriots ' or ` tea party ' in their namesthe doj says she ca n't be prosecuted for defying the subpoena ` because she made only general claims of innocence ' and offered few details\"]\n", - "after nearly two years of jockeying with congress over the irs 's history of discriminating against conservative nonprofit groups , former official lois lerner wo n't be charged with a crime for defying a congressional subpoena and refusing to answer questions .u.s. attorney ronald machen , on his last day in office , told house speaker john boehner in a seven-page letter that lerner could wrap herself in the u.s. constitution 's fifth amendment , even though she offered a self-serving opening statement before clamming up during a may 22 , 2013 hearing .lerner has long been in the gop 's crosshairs because she led the irs department tasked with approving nonprofit groups ' applications for tax-exempt status .\n", - "justice dept. sent 7-page letter to house speaker john boehner explaining why the former irs official was allowed to plead the fifth amendmentfederal prosecutor in charge of the case sent his decision to capitol hill on the last day before his own resignation took effectlerner offered a self-serving opening statement during a 2013 hearing , but refused to take questions even though she was under subpoenahearing focused on the irs 's habit of targeting conservative groups with special scrutiny based on words like ` patriots ' or ` tea party ' in their namesthe doj says she ca n't be prosecuted for defying the subpoena ` because she made only general claims of innocence ' and offered few details\n", - "[1.3082105 1.3076524 1.3223648 1.160705 1.2752047 1.2969615 1.2650154\n", - " 1.1776034 1.0829576 1.108776 1.0482566 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 5 4 6 7 3 9 8 10 11 12 13 14 15 16 17]\n", - "=======================\n", - "['psg are weighing up options with manchester united refusing to budge on angel di maria .paris saint-germain have held initial discussions over a possible move for dinamo kiev winger andriy yarmolenko .the ukraine flyer tormented everton in their europa league tie last month and has been watched by liverpool in recent seasons .']\n", - "=======================\n", - "[\"psg are considering a # 15m move for dynamo kiev and ukraine winger andriy yarmolenkothe 25-year-old is highly-rated on the continent and tormented everton during this season 's europa league campaignpsg are also interested in juventus midfielder paul pogba , but have been rebuffed in their pursuit of manchester united 's angel di maria\"]\n", - "psg are weighing up options with manchester united refusing to budge on angel di maria .paris saint-germain have held initial discussions over a possible move for dinamo kiev winger andriy yarmolenko .the ukraine flyer tormented everton in their europa league tie last month and has been watched by liverpool in recent seasons .\n", - "psg are considering a # 15m move for dynamo kiev and ukraine winger andriy yarmolenkothe 25-year-old is highly-rated on the continent and tormented everton during this season 's europa league campaignpsg are also interested in juventus midfielder paul pogba , but have been rebuffed in their pursuit of manchester united 's angel di maria\n", - "[1.3718226 1.3954377 1.228599 1.198761 1.1445357 1.1411226 1.0671692\n", - " 1.0612626 1.022887 1.0744427 1.0206559 1.0245222 1.0286222 1.1198431\n", - " 1.082335 1.0467681 1.1887192 1.0274217]\n", - "\n", - "[ 1 0 2 3 16 4 5 13 14 9 6 7 15 12 17 11 8 10]\n", - "=======================\n", - "[\"seven of slager 's fellow cops responded to his call forback-up after the shooting - as handcuffed walter scott lay dead or dying with five bullet wounds to the back .officers also told an internal report that they gave scott cpr , but the video only shows them checking his pulse and standing over his body .the video of the shooting shows officer clarence haberdasham was the first to arrive on scene as scott lay handcuffed on the ground .\"]\n", - "=======================\n", - "[\"growing questions over the conduct of michael slager 's fellow officersfew questions appear to have been initially raised about slager 's account of a struggleother discrepancies between witness video and internal police reportauthorities refuse to day if any other officers will be disciplinedcivil rights leaders say of slager 's actions ` this would have been another cover up '\"]\n", - "seven of slager 's fellow cops responded to his call forback-up after the shooting - as handcuffed walter scott lay dead or dying with five bullet wounds to the back .officers also told an internal report that they gave scott cpr , but the video only shows them checking his pulse and standing over his body .the video of the shooting shows officer clarence haberdasham was the first to arrive on scene as scott lay handcuffed on the ground .\n", - "growing questions over the conduct of michael slager 's fellow officersfew questions appear to have been initially raised about slager 's account of a struggleother discrepancies between witness video and internal police reportauthorities refuse to day if any other officers will be disciplinedcivil rights leaders say of slager 's actions ` this would have been another cover up '\n", - "[1.2241814 1.424576 1.2580187 1.3194524 1.281882 1.0221236 1.2339827\n", - " 1.0652264 1.0579559 1.1697041 1.0621564 1.0472106 1.0926462 1.0900754\n", - " 1.0655096 1.0207313 1.0338885 1.0279988]\n", - "\n", - "[ 1 3 4 2 6 0 9 12 13 14 7 10 8 11 16 17 5 15]\n", - "=======================\n", - "['a massive rescue operation involving more than 1,300 people is now underway after the ship , carrying an international crew of 132 , sank in the sea of okhotsk in just 15 minutes .the russian freezer trawler , called the dalny vostok , that sank while carrying 132 crew members at 4am on thursday morning local time .at least 54 bodies have been recovered in the huge rescue operation']\n", - "=======================\n", - "['trawler was carrying 132 crew members when it sank in sea of okhotskfishing boats in the area have helped emergency services with rescueat least 56 people have died after ship sank in just 15 minutessea is coldest in east asia with air temperatures of -20 degrees celsius']\n", - "a massive rescue operation involving more than 1,300 people is now underway after the ship , carrying an international crew of 132 , sank in the sea of okhotsk in just 15 minutes .the russian freezer trawler , called the dalny vostok , that sank while carrying 132 crew members at 4am on thursday morning local time .at least 54 bodies have been recovered in the huge rescue operation\n", - "trawler was carrying 132 crew members when it sank in sea of okhotskfishing boats in the area have helped emergency services with rescueat least 56 people have died after ship sank in just 15 minutessea is coldest in east asia with air temperatures of -20 degrees celsius\n", - "[1.2847316 1.3552661 1.1789409 1.4353758 1.2985498 1.2939647 1.1200862\n", - " 1.0509353 1.1186724 1.0385497 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 4 5 0 2 6 8 7 9 16 10 11 12 13 14 15 17]\n", - "=======================\n", - "['david villa cheers on former club atletico madrid during the champions league clash with real madridthe world cup-winning star , who spent a year at vicente calderon last season , joined mls newcomers new york city fc after struggling to secure a regular first-team spot in the spanish capital .the quarter-final first-leg tie finished goalless with real forward gareth bale missing a glorious chance']\n", - "=======================\n", - "[\"david villa had a season at atletico madrid before joining new york city fcthe former spain forward struggled for form at the vicente calderonvilla was watching tuesday 's nights champions league madrid derbydiego simeone 's men were held to a goalless draw by their neighbours\"]\n", - "david villa cheers on former club atletico madrid during the champions league clash with real madridthe world cup-winning star , who spent a year at vicente calderon last season , joined mls newcomers new york city fc after struggling to secure a regular first-team spot in the spanish capital .the quarter-final first-leg tie finished goalless with real forward gareth bale missing a glorious chance\n", - "david villa had a season at atletico madrid before joining new york city fcthe former spain forward struggled for form at the vicente calderonvilla was watching tuesday 's nights champions league madrid derbydiego simeone 's men were held to a goalless draw by their neighbours\n", - "[1.166105 1.1119598 1.2079077 1.1200805 1.2593043 1.1610107 1.1163019\n", - " 1.0453942 1.0280586 1.0235809 1.0819485 1.0783032 1.0555444 1.0906135\n", - " 1.0570298 1.0436386 1.0636686 1.0412047 1.0353453 1.0370549]\n", - "\n", - "[ 4 2 0 5 3 6 1 13 10 11 16 14 12 7 15 17 19 18 8 9]\n", - "=======================\n", - "[\"in 2011 , florida enacted the firearm owners ' privacy act , which threatens prosecution and loss of licensure for any physicians who dare ask their patients about gun ownership and gun safety .then there 's the approach being forged in florida and arizona : getting elected to a state legislature .( cnn ) there are two paths to practicing medicine in america .\"]\n", - "=======================\n", - "['ford vox : florida law keeps doctors from talking gun safety with patients ; arizona law forces doctors to promote disputed abortion claimhe says doctor organizations are failing to defend medical profession against politically motivated interference by clueless lawmakers']\n", - "in 2011 , florida enacted the firearm owners ' privacy act , which threatens prosecution and loss of licensure for any physicians who dare ask their patients about gun ownership and gun safety .then there 's the approach being forged in florida and arizona : getting elected to a state legislature .( cnn ) there are two paths to practicing medicine in america .\n", - "ford vox : florida law keeps doctors from talking gun safety with patients ; arizona law forces doctors to promote disputed abortion claimhe says doctor organizations are failing to defend medical profession against politically motivated interference by clueless lawmakers\n", - "[1.4414672 1.3581355 1.2490327 1.310595 1.3650656 1.2098421 1.0733702\n", - " 1.0548385 1.0251609 1.0161614 1.0140115 1.0130599 1.1065329 1.0805411\n", - " 1.1851465 1.1718231 1.0426265 1.0267226 0. 0. ]\n", - "\n", - "[ 0 4 1 3 2 5 14 15 12 13 6 7 16 17 8 9 10 11 18 19]\n", - "=======================\n", - "['michael owen has warned raheem sterling that life after liverpool may not be all he hopes it to be after the england youngster revealed this week that he had rejected a # 100,000-a-week deal at anfield .owen , like sterling , started his senior career at liverpool but eventually moved on to real madrid in 2004 .chelsea , arsenal and manchester city are all said to be interested in the hottest property in english football , but liverpool are determined not to let one of their star players leave , even with his contract expiring at the end of next season .']\n", - "=======================\n", - "['raheem sterling has stalled over signing a new contract with liverpoolmichael owen says any viable move for winger would be a sideways oneowen left liverpool for real madrid in a # 16.8 million move in 2004he says sterling does not owe his career to the anfield club']\n", - "michael owen has warned raheem sterling that life after liverpool may not be all he hopes it to be after the england youngster revealed this week that he had rejected a # 100,000-a-week deal at anfield .owen , like sterling , started his senior career at liverpool but eventually moved on to real madrid in 2004 .chelsea , arsenal and manchester city are all said to be interested in the hottest property in english football , but liverpool are determined not to let one of their star players leave , even with his contract expiring at the end of next season .\n", - "raheem sterling has stalled over signing a new contract with liverpoolmichael owen says any viable move for winger would be a sideways oneowen left liverpool for real madrid in a # 16.8 million move in 2004he says sterling does not owe his career to the anfield club\n", - "[1.2157718 1.2032882 1.4398612 1.2815112 1.165439 1.1192768 1.1340847\n", - " 1.1585128 1.0743424 1.0434043 1.0550834 1.0746099 1.0431228 1.0465698\n", - " 1.0543545 1.1804905 1.083996 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 1 15 4 7 6 5 16 11 8 10 14 13 9 12 18 17 19]\n", - "=======================\n", - "[\"sonia pereiro-mendez says she was denied millions in pay and bonuses when she announced she was expecting her first child .male colleagues at the bank were promoted ahead of her and she was ` mocked ' and subjected to ` gratuitous derogatory ' comments about her childcare arrangements , she alleges .second child : mrs pereiro-mendez arrives yesterday\"]\n", - "=======================\n", - "[\"sonia pereiro-mendez says she was treated unfairly after getting pregnantmother-of-two claims she missed out on bonuses worth millionssenior banker says she was told she was n't ' a significant long-term player 'she is suing goldman sachs for sexism and maternity discrimination\"]\n", - "sonia pereiro-mendez says she was denied millions in pay and bonuses when she announced she was expecting her first child .male colleagues at the bank were promoted ahead of her and she was ` mocked ' and subjected to ` gratuitous derogatory ' comments about her childcare arrangements , she alleges .second child : mrs pereiro-mendez arrives yesterday\n", - "sonia pereiro-mendez says she was treated unfairly after getting pregnantmother-of-two claims she missed out on bonuses worth millionssenior banker says she was told she was n't ' a significant long-term player 'she is suing goldman sachs for sexism and maternity discrimination\n", - "[1.2348359 1.4125462 1.2193102 1.3398232 1.1206731 1.1685865 1.1452188\n", - " 1.04119 1.0235132 1.0459079 1.0285208 1.0587151 1.027572 1.058595\n", - " 1.0777253 1.0266141 1.0615288 1.0498755 1.0430158 0. ]\n", - "\n", - "[ 1 3 0 2 5 6 4 14 16 11 13 17 9 18 7 10 12 15 8 19]\n", - "=======================\n", - "[\"during the course of her harassment , pauline bruce 's neighbour yvonne ireland evans plagued her with silent calls , taunted her dying husband and attacked her son with secateurs .pauline and her son john were terrorised by their next door neighbour for seven yearspauline reveals on channel 5 's the nightmare neighbour next door how yvonne turned on her after finding out she had struck up a friendship with another woman on the community park .\"]\n", - "=======================\n", - "[\"pauline bruce 's neighbour yvonne plagued her for seven yearsyvonne made silent phone calls day and night and shouted abusetaunted her husband , tony , when he was diagnosed with terminal canceri was frightened for our lives , ' said pauline , from ludlow , shropshire\"]\n", - "during the course of her harassment , pauline bruce 's neighbour yvonne ireland evans plagued her with silent calls , taunted her dying husband and attacked her son with secateurs .pauline and her son john were terrorised by their next door neighbour for seven yearspauline reveals on channel 5 's the nightmare neighbour next door how yvonne turned on her after finding out she had struck up a friendship with another woman on the community park .\n", - "pauline bruce 's neighbour yvonne plagued her for seven yearsyvonne made silent phone calls day and night and shouted abusetaunted her husband , tony , when he was diagnosed with terminal canceri was frightened for our lives , ' said pauline , from ludlow , shropshire\n", - "[1.1285713 1.49299 1.2543635 1.3490984 1.1231095 1.179131 1.1129795\n", - " 1.0885344 1.1361511 1.0241796 1.0232126 1.0229855 1.0939542 1.151763\n", - " 1.0579472 1.1122742 1.0502224 1.0293065 1.0239651 0. ]\n", - "\n", - "[ 1 3 2 5 13 8 0 4 6 15 12 7 14 16 17 9 18 10 11 19]\n", - "=======================\n", - "['kim davies bought the elizabethan manor in rural wales where cecil frances alexander wrote the lyrics to all things bright and beautiful .alterations : kim davies has admitted illegally altering llanwenarth house by installing chandeliers and other gaudy modern touchesbut he then made dozens of illegal alterations , including installing a whirlpool bath with shiny mosaic tiles , crystal chandeliers and spotlights in the ceiling .']\n", - "=======================\n", - "['businessman kim davies bought llanwenarth house in monmouthshire in 2006 and spent # 1million on renovationshe installed a whirlbooth bath with shiny tiles , put up gaudy chandeliers and ripped out antique timber windowsdavies has now pleaded guilty to breaking planning laws by altering the historic grade ii-listed homepoet cecil frances alexander wrote all things bright and beautiful while staying at the house in 1848']\n", - "kim davies bought the elizabethan manor in rural wales where cecil frances alexander wrote the lyrics to all things bright and beautiful .alterations : kim davies has admitted illegally altering llanwenarth house by installing chandeliers and other gaudy modern touchesbut he then made dozens of illegal alterations , including installing a whirlpool bath with shiny mosaic tiles , crystal chandeliers and spotlights in the ceiling .\n", - "businessman kim davies bought llanwenarth house in monmouthshire in 2006 and spent # 1million on renovationshe installed a whirlbooth bath with shiny tiles , put up gaudy chandeliers and ripped out antique timber windowsdavies has now pleaded guilty to breaking planning laws by altering the historic grade ii-listed homepoet cecil frances alexander wrote all things bright and beautiful while staying at the house in 1848\n", - "[1.2977757 1.3646183 1.2405306 1.3352122 1.107903 1.1134 1.080313\n", - " 1.0622025 1.1833125 1.0838399 1.0727443 1.0499482 1.0685571 1.0486449\n", - " 1.063782 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 8 5 4 9 6 10 12 14 7 11 13 18 15 16 17 19]\n", - "=======================\n", - "['the hmas choules , which has previously been used to provide offshore accommodation to manus island detainees , has been employed by the navy to hand the vietnamese nationals back to their communist government in an operation which could cost $ 2.8 million of tax payers money .the australian navy has allegedly returned up to 50 asylum seekers to vietnam in a secret operationit is understood that the asylum seekers were intercepted earlier in april , and are being returned through the port of vung tau , south of ho chi minh city .']\n", - "=======================\n", - "['50 vietnamese asylum seekers are allegedly being returned to vietnamreports claim australian vessel hmas choules transferred them on fridaythe secret voyage would cost $ 2.8 million of taypayer money15 asylum boats and 429 asylum seekers have been stopped since 2013abbott government claims a 90 % reduction of illegal maritime arrivals under operation sovereign borders']\n", - "the hmas choules , which has previously been used to provide offshore accommodation to manus island detainees , has been employed by the navy to hand the vietnamese nationals back to their communist government in an operation which could cost $ 2.8 million of tax payers money .the australian navy has allegedly returned up to 50 asylum seekers to vietnam in a secret operationit is understood that the asylum seekers were intercepted earlier in april , and are being returned through the port of vung tau , south of ho chi minh city .\n", - "50 vietnamese asylum seekers are allegedly being returned to vietnamreports claim australian vessel hmas choules transferred them on fridaythe secret voyage would cost $ 2.8 million of taypayer money15 asylum boats and 429 asylum seekers have been stopped since 2013abbott government claims a 90 % reduction of illegal maritime arrivals under operation sovereign borders\n", - "[1.2761638 1.2454503 1.2508957 1.3753603 1.143298 1.1290959 1.1274757\n", - " 1.0308205 1.0296226 1.0650206 1.0564656 1.0814451 1.052891 1.0196606\n", - " 1.0366824 1.0166485 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 1 4 5 6 11 9 10 12 14 7 8 13 15 18 16 17 19]\n", - "=======================\n", - "['more like iggy pop : scything expert chris riley says his own physique is more like rocker iggy pophis penchant for topless scything has proved a hit with housewives around the uk - and sent many rushing to social media to declare their love for actor aidan turner , 31 .turner set hearts aflutter when he stripped off to manfully mow a hay field with a scythe , an ancient cutting tool used for centuries prior to horse drawn and modern mowing machinery .']\n", - "=======================\n", - "[\"chris riley , 56 , from dorset , says turner has the technique all wrongmr riley , who says his look is more iggy pop , says being topless is a no-nomeanwhile fans have complained about lack of shirtless scenes last nightpoldark kept his shirt on for the whole of sunday night 's episodedisappointed fans complained about the oversight on twitter\"]\n", - "more like iggy pop : scything expert chris riley says his own physique is more like rocker iggy pophis penchant for topless scything has proved a hit with housewives around the uk - and sent many rushing to social media to declare their love for actor aidan turner , 31 .turner set hearts aflutter when he stripped off to manfully mow a hay field with a scythe , an ancient cutting tool used for centuries prior to horse drawn and modern mowing machinery .\n", - "chris riley , 56 , from dorset , says turner has the technique all wrongmr riley , who says his look is more iggy pop , says being topless is a no-nomeanwhile fans have complained about lack of shirtless scenes last nightpoldark kept his shirt on for the whole of sunday night 's episodedisappointed fans complained about the oversight on twitter\n", - "[1.4265897 1.2066319 1.1386554 1.2239139 1.1705697 1.1644278 1.2140753\n", - " 1.1562053 1.0653297 1.0841554 1.0765972 1.0707389 1.0478463 1.0373931\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 6 1 4 5 7 2 9 10 11 8 12 13 18 14 15 16 17 19]\n", - "=======================\n", - "['washington ( cnn ) a shooting that prompted the lockdown of the u.s. capitol for several hours saturday was a suicide and does not have an apparent connection to terrorism , capitol police chief kim dine said in a news conference .dine said there was \" no nexus to terrorism \" apparent so far in this incident .an unidentified male walked through a public area on the west front of the capitol early saturday afternoon and shot himself , dine told reporters .']\n", - "=======================\n", - "['capitol police said a male shot himself as shocked onlookers watchedthe incident appears to have no connection to terrorism , police said']\n", - "washington ( cnn ) a shooting that prompted the lockdown of the u.s. capitol for several hours saturday was a suicide and does not have an apparent connection to terrorism , capitol police chief kim dine said in a news conference .dine said there was \" no nexus to terrorism \" apparent so far in this incident .an unidentified male walked through a public area on the west front of the capitol early saturday afternoon and shot himself , dine told reporters .\n", - "capitol police said a male shot himself as shocked onlookers watchedthe incident appears to have no connection to terrorism , police said\n", - "[1.1786258 1.1999786 1.3141944 1.2725115 1.27512 1.2470156 1.1353519\n", - " 1.1589239 1.0783154 1.1209415 1.0779462 1.0440953 1.0414599 1.0279733\n", - " 1.0278864 1.0371335 1.0746235 1.0112679 1.0094252 0. ]\n", - "\n", - "[ 2 4 3 5 1 0 7 6 9 8 10 16 11 12 15 13 14 17 18 19]\n", - "=======================\n", - "[\"the intriguing research says that a beam fired from the machine would create artificial auroras -- and it could even create lightning in the atmosphere .they said a particle accelerator could be sent 185 miles ( 300km ) up into space ( illustration of a satellite in orbit shown ) .it would then fire high-energy beams back at earth 's atmosphere\"]\n", - "=======================\n", - "[\"scientists in california described how to create artificial auroras on earththey said a particle accelerator could be sent 185 miles up into spaceit would then fire high-energy beams back at earth 's atmospherethis would create auroras to study - and even types of lightning\"]\n", - "the intriguing research says that a beam fired from the machine would create artificial auroras -- and it could even create lightning in the atmosphere .they said a particle accelerator could be sent 185 miles ( 300km ) up into space ( illustration of a satellite in orbit shown ) .it would then fire high-energy beams back at earth 's atmosphere\n", - "scientists in california described how to create artificial auroras on earththey said a particle accelerator could be sent 185 miles up into spaceit would then fire high-energy beams back at earth 's atmospherethis would create auroras to study - and even types of lightning\n", - "[1.3109109 1.4695498 1.367799 1.3347697 1.1349571 1.1597171 1.108259\n", - " 1.0745975 1.1152722 1.1933405 1.0761244 1.0279554 1.0127093 1.0128258\n", - " 1.0250794 1.074088 1.0643228 1.0099223 1.0074602 1.0126312]\n", - "\n", - "[ 1 2 3 0 9 5 4 8 6 10 7 15 16 11 14 13 12 19 17 18]\n", - "=======================\n", - "[\"the freezer trawler with an international crew of 132 sank this morning in the freezing waters of the sea of okhotsk 205 miles off russia 's kamchatka peninsula .emergency services in kamchatka said 63 crew members of the dalny vostok were rescued with the sea 's temperature near zero degrees celsius ( 32 degrees fahrenheit ) - but a further 15 are still missing .at least 54 sailors are dead and 63 have been rescued after a trawler sank off the russian coast north of japan .\"]\n", - "=======================\n", - "['freezer trawler with crew of 132 sank 205 miles off kamchatka peninsulaat least 54 of the sailors are dead and a further 63 have been rescuedreports suggest dalny vostok may have hit drifting ice in pacific waters']\n", - "the freezer trawler with an international crew of 132 sank this morning in the freezing waters of the sea of okhotsk 205 miles off russia 's kamchatka peninsula .emergency services in kamchatka said 63 crew members of the dalny vostok were rescued with the sea 's temperature near zero degrees celsius ( 32 degrees fahrenheit ) - but a further 15 are still missing .at least 54 sailors are dead and 63 have been rescued after a trawler sank off the russian coast north of japan .\n", - "freezer trawler with crew of 132 sank 205 miles off kamchatka peninsulaat least 54 of the sailors are dead and a further 63 have been rescuedreports suggest dalny vostok may have hit drifting ice in pacific waters\n", - "[1.2219113 1.3422316 1.3316531 1.2475629 1.2368876 1.1887834 1.1029905\n", - " 1.0553323 1.1385301 1.0861921 1.0524646 1.0307686 1.0303111 1.1520514\n", - " 1.0375491 1.0121362]\n", - "\n", - "[ 1 2 3 4 0 5 13 8 6 9 7 10 14 11 12 15]\n", - "=======================\n", - "[\"health experts have warned that being socially isolated can be as harmful as smoking 15 cigarettes a day , leading to an increased risk of problems such as dementia and high blood pressure .now campaigners say that local councils should draw up maps of the places where pensioners and others are most likely to suffer from social isolation .map : this ` loneliness map ' was drawn up by essex county council showing the areas where residents are most vulnerable to becoming socially isolated\"]\n", - "=======================\n", - "[\"local councils are urged to draw up maps of the residents who are at riskessex and gloucestershire have already made ` loneliness maps 'experts warn that being lonely can lead to serious health problems\"]\n", - "health experts have warned that being socially isolated can be as harmful as smoking 15 cigarettes a day , leading to an increased risk of problems such as dementia and high blood pressure .now campaigners say that local councils should draw up maps of the places where pensioners and others are most likely to suffer from social isolation .map : this ` loneliness map ' was drawn up by essex county council showing the areas where residents are most vulnerable to becoming socially isolated\n", - "local councils are urged to draw up maps of the residents who are at riskessex and gloucestershire have already made ` loneliness maps 'experts warn that being lonely can lead to serious health problems\n", - "[1.2473707 1.3681095 1.334087 1.2635987 1.2291279 1.0963961 1.1142273\n", - " 1.0857717 1.0892658 1.0825703 1.062488 1.0442373 1.0340877 1.0446657\n", - " 1.0834639 1.0294461]\n", - "\n", - "[ 1 2 3 0 4 6 5 8 7 14 9 10 13 11 12 15]\n", - "=======================\n", - "[\"officers searched the an noor community centre in west london last night after a businessman appeared in court charged with murdering abdul hadi arwani , and another man was arrested over his death .they also visited the wembley home of burnell mitchell , 61 , who is a director at the community centre where mr arwani used to preach .counter-terrorism police have searched a community centre and a man 's home as part of the investigation into the killing of a syrian imam found shot dead on a london street .\"]\n", - "=======================\n", - "[\"police search an noor community centre in west london and burnell mitchell 's home in wembleymitchell , 61 , is trustee of the community centre and director of company that owns itjamaican businessman leslie cooper , 36 , appeared in court yesterday charged with murdering arwania 61-year-old man has been arrested on suspicion of conspiracy to murder\"]\n", - "officers searched the an noor community centre in west london last night after a businessman appeared in court charged with murdering abdul hadi arwani , and another man was arrested over his death .they also visited the wembley home of burnell mitchell , 61 , who is a director at the community centre where mr arwani used to preach .counter-terrorism police have searched a community centre and a man 's home as part of the investigation into the killing of a syrian imam found shot dead on a london street .\n", - "police search an noor community centre in west london and burnell mitchell 's home in wembleymitchell , 61 , is trustee of the community centre and director of company that owns itjamaican businessman leslie cooper , 36 , appeared in court yesterday charged with murdering arwania 61-year-old man has been arrested on suspicion of conspiracy to murder\n", - "[1.1730722 1.4694039 1.2795529 1.2401874 1.1757153 1.2031054 1.1685376\n", - " 1.0572891 1.1061385 1.0607377 1.0442668 1.142993 1.0532541 1.0302153\n", - " 1.0757625 0. ]\n", - "\n", - "[ 1 2 3 5 4 0 6 11 8 14 9 7 12 10 13 15]\n", - "=======================\n", - "[\"the buyer , wendy wei mei wu , is reportedly yet to decide what she wants to do with slipper island , which is located 4 km off the coast of the new zealand 's north island .it boasts two airstrips and six houses , all with nearby beaches and sweeping ocean views .the nz $ 7.5 million ( aud $ 6.765 million ) sale has divided the family who own the island , with some of them claiming it represents ' the loss of the family 's legacy ' , reports stuff nz .\"]\n", - "=======================\n", - "['wendy wei mei wu has purchased the private 217 hectare slipper islandher daughter claims her mother is undecided on future plans for the islandit offers two airstrips and six houses with ocean views and nearby beachesthe sale divided the needham family , who owned the island for 45 years']\n", - "the buyer , wendy wei mei wu , is reportedly yet to decide what she wants to do with slipper island , which is located 4 km off the coast of the new zealand 's north island .it boasts two airstrips and six houses , all with nearby beaches and sweeping ocean views .the nz $ 7.5 million ( aud $ 6.765 million ) sale has divided the family who own the island , with some of them claiming it represents ' the loss of the family 's legacy ' , reports stuff nz .\n", - "wendy wei mei wu has purchased the private 217 hectare slipper islandher daughter claims her mother is undecided on future plans for the islandit offers two airstrips and six houses with ocean views and nearby beachesthe sale divided the needham family , who owned the island for 45 years\n", - "[1.4767221 1.2353002 1.2706805 1.2216707 1.178131 1.242559 1.0569133\n", - " 1.070203 1.1001793 1.0684712 1.0683272 1.0303607 1.0410042 1.0330721\n", - " 1.0090834 0. ]\n", - "\n", - "[ 0 2 5 1 3 4 8 7 9 10 6 12 13 11 14 15]\n", - "=======================\n", - "['ian joll was missing presumed dead after he was forced to crash land his plane on a dutch beach , but survived the incident to make it home to gravesendwhen mabel joll opened the front door to see her son ian she fainted , believing she must have seen a ghost .however sq ldr joll had survived the crash and after trekking miles along a beach and persuading a ship to take him back to england , he had dropped in on his parents to say hello .']\n", - "=======================\n", - "['ian joll was a squadron leader who flew a bristol blenheim light bomberwas shot down during strafing attack on german aircraft and crash landedjoll was missing presumed dead , and his mother was sent a telegrambut minutes later he appeared at her front door after having survived the crash and made his way back to english shores to see his parents']\n", - "ian joll was missing presumed dead after he was forced to crash land his plane on a dutch beach , but survived the incident to make it home to gravesendwhen mabel joll opened the front door to see her son ian she fainted , believing she must have seen a ghost .however sq ldr joll had survived the crash and after trekking miles along a beach and persuading a ship to take him back to england , he had dropped in on his parents to say hello .\n", - "ian joll was a squadron leader who flew a bristol blenheim light bomberwas shot down during strafing attack on german aircraft and crash landedjoll was missing presumed dead , and his mother was sent a telegrambut minutes later he appeared at her front door after having survived the crash and made his way back to english shores to see his parents\n", - "[1.2183007 1.3998733 1.3111601 1.3681538 1.1447006 1.0596044 1.0294994\n", - " 1.0799954 1.0699617 1.0654707 1.0269881 1.040236 1.0707536 1.0903589\n", - " 1.0108489 0. ]\n", - "\n", - "[ 1 3 2 0 4 13 7 12 8 9 5 11 6 10 14 15]\n", - "=======================\n", - "[\"millie-belle diamond , the proud owner of louis vuitton and chanel purses and pint-sized burberry jackets , has become a money-making social media celebrity after her mother schye fox started posting cute photos of her online .the mum , from warriewood , in northern sydney , originally set up an instagram account for millie-belle when she was two months old so that their family in wa and queensland could see her grow .she 's got the designer threads , a sparkling mini mercedes car and a staggering 115,000 instagram followers and she 's not even two-years-old .\"]\n", - "=======================\n", - "[\"millie-belle diamond is just 14 months old but has 115,000 instagram fansher mother schye fox styles her outfits and snaps photos with her iphonems fox first set up her baby 's instagram account to share pics with familythe mum , from sydney 's northern beaches , wanted to let her family in wa and queensland see how millie-belle was growingmillie-belle is now sent designer garbs to wear in her photos\"]\n", - "millie-belle diamond , the proud owner of louis vuitton and chanel purses and pint-sized burberry jackets , has become a money-making social media celebrity after her mother schye fox started posting cute photos of her online .the mum , from warriewood , in northern sydney , originally set up an instagram account for millie-belle when she was two months old so that their family in wa and queensland could see her grow .she 's got the designer threads , a sparkling mini mercedes car and a staggering 115,000 instagram followers and she 's not even two-years-old .\n", - "millie-belle diamond is just 14 months old but has 115,000 instagram fansher mother schye fox styles her outfits and snaps photos with her iphonems fox first set up her baby 's instagram account to share pics with familythe mum , from sydney 's northern beaches , wanted to let her family in wa and queensland see how millie-belle was growingmillie-belle is now sent designer garbs to wear in her photos\n", - "[1.2683036 1.1607753 1.1365101 1.1319337 1.1618203 1.2154545 1.1792011\n", - " 1.1440988 1.1185716 1.0844272 1.1076311 1.0621617 1.1031954 1.0734288\n", - " 1.0272145 1.0470315 1.0500267 1.0457568 1.0369294 1.092096 1.100821 ]\n", - "\n", - "[ 0 5 6 4 1 7 2 3 8 10 12 20 19 9 13 11 16 15 17 18 14]\n", - "=======================\n", - "['new york ( cnn ) when liana barrientos was 23 years old , she got married in westchester county , new york .in an application for a marriage license , she stated it was her \" first and only \" marriage .barrientos , now 39 , is facing two criminal counts of \" offering a false instrument for filing in the first degree , \" referring to her false statements on the 2010 marriage license application , according to court documents .']\n", - "=======================\n", - "['liana barrientos , 39 , re-arrested after court appearance for alleged fare beatingshe has married 10 times as part of an immigration scam , prosecutors saybarrientos pleaded not guilty friday to misdemeanor charges']\n", - "new york ( cnn ) when liana barrientos was 23 years old , she got married in westchester county , new york .in an application for a marriage license , she stated it was her \" first and only \" marriage .barrientos , now 39 , is facing two criminal counts of \" offering a false instrument for filing in the first degree , \" referring to her false statements on the 2010 marriage license application , according to court documents .\n", - "liana barrientos , 39 , re-arrested after court appearance for alleged fare beatingshe has married 10 times as part of an immigration scam , prosecutors saybarrientos pleaded not guilty friday to misdemeanor charges\n", - "[1.3521888 1.3282831 1.2030442 1.441046 1.2404101 1.0928588 1.071907\n", - " 1.0280831 1.2108521 1.1826615 1.0279998 1.033209 1.0317892 1.0177137\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 8 2 9 5 6 11 12 7 10 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"jonathan trott failed twice with the bat during england 's warm-up for the first test in basseterrejonathan trott prepared for his first test appearance since leaving the ashes tour in turmoil 18 months ago with back-to-back failures in st kitts .england completed four days of low-key , uncompetitive warm-up action in basseterre on thursday\"]\n", - "=======================\n", - "[\"jonathan trott out cheaply twice in basseterrethe england batsman preparing for his first test since ashes turmoilengland 's low-key warm-up week in st kitts drew to a closeian bell retired on 43 and alastair cook after making 22\"]\n", - "jonathan trott failed twice with the bat during england 's warm-up for the first test in basseterrejonathan trott prepared for his first test appearance since leaving the ashes tour in turmoil 18 months ago with back-to-back failures in st kitts .england completed four days of low-key , uncompetitive warm-up action in basseterre on thursday\n", - "jonathan trott out cheaply twice in basseterrethe england batsman preparing for his first test since ashes turmoilengland 's low-key warm-up week in st kitts drew to a closeian bell retired on 43 and alastair cook after making 22\n", - "[1.2300538 1.4171193 1.2459873 1.4156579 1.1603842 1.0461098 1.0513393\n", - " 1.0970453 1.1393813 1.0262592 1.0375557 1.1285084 1.0483049 1.0419114\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 8 11 7 6 12 5 13 10 9 14 15 16 17 18 19 20]\n", - "=======================\n", - "['abdirahman sheik mohamud , a naturalized american citizen of somali descent , had been instructed by a cleric to return to the united states and carry out an act of terrorism , the indictment said .the justice department stated that mohamud was also an islamic state sympathizer , and that his brother , abdifatah aden , was killed fighting with the group in syria in 2013 .according to court documents , mohamud left the us a year ago with the intent to go to syria and train with a terrorist group linked to al qaeda in iraq .']\n", - "=======================\n", - "[\"abdirahman sheik mohamud , 23 , from columbus , said he got training from terror group linked to al qaeda in syriawas instructed by cleric to return to us and carry out terror attackhis suspected plan was to go to a military base and kill three-four soldiers ` execution-style 'mohamud was arrested in february on state charges of money laundering and providing support for terrorismif convicted in federal case , the 3-year-old could face up to 40 years in prison\"]\n", - "abdirahman sheik mohamud , a naturalized american citizen of somali descent , had been instructed by a cleric to return to the united states and carry out an act of terrorism , the indictment said .the justice department stated that mohamud was also an islamic state sympathizer , and that his brother , abdifatah aden , was killed fighting with the group in syria in 2013 .according to court documents , mohamud left the us a year ago with the intent to go to syria and train with a terrorist group linked to al qaeda in iraq .\n", - "abdirahman sheik mohamud , 23 , from columbus , said he got training from terror group linked to al qaeda in syriawas instructed by cleric to return to us and carry out terror attackhis suspected plan was to go to a military base and kill three-four soldiers ` execution-style 'mohamud was arrested in february on state charges of money laundering and providing support for terrorismif convicted in federal case , the 3-year-old could face up to 40 years in prison\n", - "[1.2793283 1.5569804 1.238691 1.0565321 1.0655724 1.086178 1.1077509\n", - " 1.2148188 1.1463796 1.1331307 1.0626184 1.0259068 1.0223544 1.0226077\n", - " 1.0815852 1.026307 1.0474883 1.0517524 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 7 8 9 6 5 14 4 10 3 17 16 15 11 13 12 18 19 20]\n", - "=======================\n", - "[\"sabrina broadbent tetzner , 32 , fled the sect headed by convicted rapist warren jeffs eight years ago and finally gained full custody of her children ( ages 8 to 13 ) last week .a 32-year-old woman was harassed and intimidated last week when she tried to pick up her four children from the fundamentalist mormon sect she bravely left to escape an abusive husband .they even tried to put a cow and chickens into her vehicle , ' ex-cult member flora jessop , who helped tetzner through her legal battle , told ksl .\"]\n", - "=======================\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[\"sabrina broadbent tetzner escaped the colorado city , arizona fundamentalist mormon sect headed by warren jeffs eight years agolast week , the 32-year-old mother gained full custody of her four children , ages 8 to 13when she tried to pick up the kids from their aunt 's house , she was physically barred by hundreds of cult memberssheriff 's deputies had to take out a search warrant to reunite the mother with her two daughters and two sons\"]\n", - "sabrina broadbent tetzner , 32 , fled the sect headed by convicted rapist warren jeffs eight years ago and finally gained full custody of her children ( ages 8 to 13 ) last week .a 32-year-old woman was harassed and intimidated last week when she tried to pick up her four children from the fundamentalist mormon sect she bravely left to escape an abusive husband .they even tried to put a cow and chickens into her vehicle , ' ex-cult member flora jessop , who helped tetzner through her legal battle , told ksl .\n", - "sabrina broadbent tetzner escaped the colorado city , arizona fundamentalist mormon sect headed by warren jeffs eight years agolast week , the 32-year-old mother gained full custody of her four children , ages 8 to 13when she tried to pick up the kids from their aunt 's house , she was physically barred by hundreds of cult memberssheriff 's deputies had to take out a search warrant to reunite the mother with her two daughters and two sons\n", - "[1.3506224 1.3433832 1.1778458 1.0825806 1.1064267 1.1964945 1.0905247\n", - " 1.0992275 1.0722497 1.1046355 1.0289311 1.0410303 1.0523529 1.0451677\n", - " 1.0313194 1.0225368 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 2 4 9 7 6 3 8 12 13 11 14 10 15 16 17 18 19 20]\n", - "=======================\n", - "['( cnn ) in the hours after the funeral of freddie gray , a community center and apartment complex that local leaders expected to serve as a catalyst for the rebuilding of a long blighted east baltimore neighborhood went up in flames .the $ 16 million mary harvin transformation center was being built in a part of town where half the properties are vacant buildings or barren lots , where unemployment rates reach 25 % and poverty and despair is rampant .\" disheartened and bewildered \" was how the rev. donte hickman , pastor of east baltimore \\'s southern baptist church , described feeling tuesday as he surveyed the still-smoldering ruins of the centerpiece of a community rebuilding effort led by his church and a coalition of other congregations .']\n", - "=======================\n", - "['mary harvin transformation center was to house 60 senior-citizen apartments , community centerit burned down during baltimore riots']\n", - "( cnn ) in the hours after the funeral of freddie gray , a community center and apartment complex that local leaders expected to serve as a catalyst for the rebuilding of a long blighted east baltimore neighborhood went up in flames .the $ 16 million mary harvin transformation center was being built in a part of town where half the properties are vacant buildings or barren lots , where unemployment rates reach 25 % and poverty and despair is rampant .\" disheartened and bewildered \" was how the rev. donte hickman , pastor of east baltimore 's southern baptist church , described feeling tuesday as he surveyed the still-smoldering ruins of the centerpiece of a community rebuilding effort led by his church and a coalition of other congregations .\n", - "mary harvin transformation center was to house 60 senior-citizen apartments , community centerit burned down during baltimore riots\n", - "[1.6623588 1.2851055 1.1482747 1.0523347 1.0666325 1.0626326 1.1883509\n", - " 1.2009124 1.1532398 1.0570378 1.0505638 1.045647 1.0329868 1.0942252\n", - " 1.0713131 1.0192013 1.0209543 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 7 6 8 2 13 14 4 5 9 3 10 11 12 16 15 20 17 18 19 21]\n", - "=======================\n", - "[\"denis suarez scored a late winner for sevilla as they came from behind to take control of the europa league quarter-final tie against zenit st petersburg 2-1 .winger aleksandr ryazantsev had given the visitors the lead in the first-half , scoring off his own rebound , before forward carlos bacca drew the home side level with a close-range header from a set-piece .meanwhile , in ukraine , fiorentina rescued a 1-1 draw away to dynamo kiev , with khouma babacar 's stoppage-time leveler saving the italian team from a third straight defeat in all competitions .\"]\n", - "=======================\n", - "['denis suarez scored an 87th minute winner to make it 2-1 to sevilla in the first-leg of the europa league quarter-final against zenitkhouma babacar scored a late equaliser for fiorentina to secure a vital away goal against dynamo kievclub brugge and dnipro played out a tense goalless draw']\n", - "denis suarez scored a late winner for sevilla as they came from behind to take control of the europa league quarter-final tie against zenit st petersburg 2-1 .winger aleksandr ryazantsev had given the visitors the lead in the first-half , scoring off his own rebound , before forward carlos bacca drew the home side level with a close-range header from a set-piece .meanwhile , in ukraine , fiorentina rescued a 1-1 draw away to dynamo kiev , with khouma babacar 's stoppage-time leveler saving the italian team from a third straight defeat in all competitions .\n", - "denis suarez scored an 87th minute winner to make it 2-1 to sevilla in the first-leg of the europa league quarter-final against zenitkhouma babacar scored a late equaliser for fiorentina to secure a vital away goal against dynamo kievclub brugge and dnipro played out a tense goalless draw\n", - "[1.4817159 1.2831416 1.209292 1.3934487 1.4022521 1.0820909 1.028956\n", - " 1.0173072 1.0166683 1.0177481 1.0656404 1.0133481 1.0141605 1.0089316\n", - " 1.0120099 1.0366328 1.0714115 1.0480269 1.0588824 1.3501661 0.\n", - " 0. ]\n", - "\n", - "[ 0 4 3 19 1 2 5 16 10 18 17 15 6 9 7 8 12 11 14 13 20 21]\n", - "=======================\n", - "['wigan chairman david sharpe is adamant the decision to axe malky mackay in favour of rookie boss gary caldwell less than 24 hours later was the right call .gary caldwell has been officially unveiled as the new wigan athletic manager at the dw stadiummalky mackay was sacked as wigan manager on monday following their 2-0 loss to derby county']\n", - "=======================\n", - "[\"caldwell was unveiled as the new wigan athletic manager on wednesdaythe 32-year-old is the football league 's youngest managerformer defender replaces malky mackay , who was sacked on mondaylatics are seven points from safety in the championship table\"]\n", - "wigan chairman david sharpe is adamant the decision to axe malky mackay in favour of rookie boss gary caldwell less than 24 hours later was the right call .gary caldwell has been officially unveiled as the new wigan athletic manager at the dw stadiummalky mackay was sacked as wigan manager on monday following their 2-0 loss to derby county\n", - "caldwell was unveiled as the new wigan athletic manager on wednesdaythe 32-year-old is the football league 's youngest managerformer defender replaces malky mackay , who was sacked on mondaylatics are seven points from safety in the championship table\n", - "[1.224634 1.454759 1.2396812 1.1388564 1.3187165 1.1258676 1.0934322\n", - " 1.058627 1.1222968 1.0623053 1.0754989 1.0946112 1.041003 1.0813725\n", - " 1.0412661 1.0127964 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 2 0 3 5 8 11 6 13 10 9 7 14 12 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the prime minister , who insists he has been an aston villa fan ` all his life ' , was giving a campaign speech in south london on saturday when he joked that everyone should back his team -- but then named west ham instead of the west midlands giants .david cameron , appearing on itv 's lorraine this morning , was ridiculed after appearing to forget which football team he supportedan embarrassed mr cameron this morning admitted he could n't explain what happened - but said it must have been because he had been past west ham 's famous upton park ground in east london on friday .\"]\n", - "=======================\n", - "[\"david cameron this weekend forgot which football team he supportedthe pm named west ham as his team , despite supporting aston villalabour said the gaffe exposed mr cameron as a ` phoney ' leaderthe pm today said it was because he had been past west ham 's groundtories later confirm the pm returned to london on friday in a helicopter\"]\n", - "the prime minister , who insists he has been an aston villa fan ` all his life ' , was giving a campaign speech in south london on saturday when he joked that everyone should back his team -- but then named west ham instead of the west midlands giants .david cameron , appearing on itv 's lorraine this morning , was ridiculed after appearing to forget which football team he supportedan embarrassed mr cameron this morning admitted he could n't explain what happened - but said it must have been because he had been past west ham 's famous upton park ground in east london on friday .\n", - "david cameron this weekend forgot which football team he supportedthe pm named west ham as his team , despite supporting aston villalabour said the gaffe exposed mr cameron as a ` phoney ' leaderthe pm today said it was because he had been past west ham 's groundtories later confirm the pm returned to london on friday in a helicopter\n", - "[1.2709063 1.468832 1.3838964 1.2127665 1.3460351 1.1241164 1.1421297\n", - " 1.063033 1.042507 1.0883352 1.0360179 1.0417873 1.0437076 1.0481043\n", - " 1.0697285 1.0624357 1.0340234 1.0354146 1.0178647 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 4 0 3 6 5 9 14 7 15 13 12 8 11 10 17 16 18 19 20 21]\n", - "=======================\n", - "[\"amber anderson , 27 , has since been relieved of her duties at christian life academy in baton rouge .she was booked into prison on tuesday and is facing a charge of felony carnal knowledge of a juvenile .a teacher at a louisiana high school arrested on suspicion of having sex with a 15-year-old freshman two years ago has admitted to the relationship and apologized for ` taking the victim 's innocence , ' according to an affidavit .\"]\n", - "=======================\n", - "[\"amber anderson , 27 , has been arrested on suspicion of having sex with a 15-year-old freshman two years agoduring questioning by detectives she admitted to the relationship and apologized for ` taking the victim 's innocence 'the victim 's mother contacted authorities earlier this month after a former student told her what had happenedshe had seen suspicious texts in 2013 and had approached the school , christian life academy in baton rouge , at that timeanderson is facing a charge of felony carnal knowledge of a juvenile over the sexual relationship which took place in july and august of 2013\"]\n", - "amber anderson , 27 , has since been relieved of her duties at christian life academy in baton rouge .she was booked into prison on tuesday and is facing a charge of felony carnal knowledge of a juvenile .a teacher at a louisiana high school arrested on suspicion of having sex with a 15-year-old freshman two years ago has admitted to the relationship and apologized for ` taking the victim 's innocence , ' according to an affidavit .\n", - "amber anderson , 27 , has been arrested on suspicion of having sex with a 15-year-old freshman two years agoduring questioning by detectives she admitted to the relationship and apologized for ` taking the victim 's innocence 'the victim 's mother contacted authorities earlier this month after a former student told her what had happenedshe had seen suspicious texts in 2013 and had approached the school , christian life academy in baton rouge , at that timeanderson is facing a charge of felony carnal knowledge of a juvenile over the sexual relationship which took place in july and august of 2013\n", - "[1.2087011 1.4020534 1.2747394 1.2752618 1.0695343 1.0819312 1.2167094\n", - " 1.2400047 1.0914707 1.0162576 1.0167145 1.092681 1.0776768 1.03073\n", - " 1.0509591 1.0802467 1.0184511 1.018691 1.0569886 1.0294185 1.0276204\n", - " 1.0449817]\n", - "\n", - "[ 1 3 2 7 6 0 11 8 5 15 12 4 18 14 21 13 19 20 17 16 10 9]\n", - "=======================\n", - "[\"when sonia morales was pregnant , her daughter angela was diagnosed with anencephaly , a birth defect in which babies are born without parts of their brain and skull .a couple who were told their severely disabled baby may die within hours of being born are celebrating her first birthday .but sonia and her husband rony , who live in providence , rhode island , decided to ` keep her no matter what . '\"]\n", - "=======================\n", - "['when sonia morales was pregnant , her daughter angela was diagnosed with anencephalyit is a birth defect in which babies are born without parts of their brain and skull - many newborns with the condition die soon after birthangela celebrated her first birthday on march 23the family are celebrating every day they have with angela']\n", - "when sonia morales was pregnant , her daughter angela was diagnosed with anencephaly , a birth defect in which babies are born without parts of their brain and skull .a couple who were told their severely disabled baby may die within hours of being born are celebrating her first birthday .but sonia and her husband rony , who live in providence , rhode island , decided to ` keep her no matter what . '\n", - "when sonia morales was pregnant , her daughter angela was diagnosed with anencephalyit is a birth defect in which babies are born without parts of their brain and skull - many newborns with the condition die soon after birthangela celebrated her first birthday on march 23the family are celebrating every day they have with angela\n", - "[1.2898715 1.5770863 1.0793033 1.297583 1.365773 1.0568006 1.1112655\n", - " 1.1176689 1.0642202 1.0317891 1.0199542 1.0160599 1.0546025 1.0713192\n", - " 1.0574998 1.0868143 1.0192775 1.0183711 1.0113515 1.0106936 1.1155446]\n", - "\n", - "[ 1 4 3 0 7 20 6 15 2 13 8 14 5 12 9 10 16 17 11 18 19]\n", - "=======================\n", - "['max verschuuren , 21 , was bent over emptying rocks out of his boot on his way to a felled deer in the te urewera forest , north island , on saturday night when his mate blasted his back open .grisly photographs snapped in hospital show the gaping , bloody wound it left .a new zealand hunter is lucky to be alive after a friend mistook him for a deer and shot him in the back with a .270 rifle .']\n", - "=======================\n", - "['graphic image warningmax verschuuren , 21 , is lucky to be alive after friend mistook him for a deergrisly photographs show his gaping , bloody gunshot woundhis hunting mate believed his dim headlight was the glint of a deer \\'s eyesi said , \" f *** en \\' stop , that \\'s me ! \" \\'']\n", - "max verschuuren , 21 , was bent over emptying rocks out of his boot on his way to a felled deer in the te urewera forest , north island , on saturday night when his mate blasted his back open .grisly photographs snapped in hospital show the gaping , bloody wound it left .a new zealand hunter is lucky to be alive after a friend mistook him for a deer and shot him in the back with a .270 rifle .\n", - "graphic image warningmax verschuuren , 21 , is lucky to be alive after friend mistook him for a deergrisly photographs show his gaping , bloody gunshot woundhis hunting mate believed his dim headlight was the glint of a deer 's eyesi said , \" f *** en ' stop , that 's me ! \" '\n", - "[1.4772819 1.4719669 1.3269665 1.4364042 1.3824362 1.0561723 1.0243194\n", - " 1.014562 1.0177081 1.0131611 1.010868 1.1393915 1.1813877 1.2981676\n", - " 1.0192769 1.0153291 1.0081334 1.0131679 1.0630046 0. 0. ]\n", - "\n", - "[ 0 1 3 4 2 13 12 11 18 5 6 14 8 15 7 17 9 10 16 19 20]\n", - "=======================\n", - "[\"bayern munich winger arjen robben has said he has ` felt disabled ' during his latest spell on the sidelines with a troublesome abdominal injury .the holland international has missed his side 's last three games for bayern munich and is expected to miss the upcoming champions league tie against porto .robben , who is close to returning to full fitness , has revealed he will be able to start running again in a few days and plans on returning for bayern 's cup match against borussia dortmund .\"]\n", - "=======================\n", - "[\"arjen robben has missed his side 's last three games through injurythe bayern munich winger is expected to miss match against portorobben has said it ` is the worst situation for a footballer ' to be in\"]\n", - "bayern munich winger arjen robben has said he has ` felt disabled ' during his latest spell on the sidelines with a troublesome abdominal injury .the holland international has missed his side 's last three games for bayern munich and is expected to miss the upcoming champions league tie against porto .robben , who is close to returning to full fitness , has revealed he will be able to start running again in a few days and plans on returning for bayern 's cup match against borussia dortmund .\n", - "arjen robben has missed his side 's last three games through injurythe bayern munich winger is expected to miss match against portorobben has said it ` is the worst situation for a footballer ' to be in\n", - "[1.3736169 1.3367066 1.2573621 1.1755881 1.1693534 1.2379194 1.0628979\n", - " 1.0804516 1.087105 1.0370117 1.0438882 1.0524396 1.0324562 1.0480478\n", - " 1.0396622 1.0569525 1.0960596 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 5 3 4 16 8 7 6 15 11 13 10 14 9 12 19 17 18 20]\n", - "=======================\n", - "['a student expelled from george mason university for violating its sexual misconduct policy is suing in federal court to clear his name , arguing that an encounter with a girlfriend was sadomasochistic role playing , not sexual assault .a hearing in the case is scheduled for friday in alexandria .the ex-student has sued under a pseudonym to protect his privacy .']\n", - "=======================\n", - "[\"a student expelled from george mason university for violating its sexual misconduct policy is suing in federal court to clear his namethe man is arguing an encounter with a girlfriend was sadomasochistic role playing , not sexual assaultthe sexual misconduct allegations stem from an october 2013 encounter with the couple in the male student 's dorm room on the fairfax campusat one point , according to the lawsuit , she pushed him away but did n't invoke her safe wordlater that night , the two engaged in a second sex act , in which the male student asked her if she was interested , and she replied , ' i do n't know 'the lawsuit claims the woman only filed a complaint months later , after the couple broke up and she had found out the man was cheating on her\"]\n", - "a student expelled from george mason university for violating its sexual misconduct policy is suing in federal court to clear his name , arguing that an encounter with a girlfriend was sadomasochistic role playing , not sexual assault .a hearing in the case is scheduled for friday in alexandria .the ex-student has sued under a pseudonym to protect his privacy .\n", - "a student expelled from george mason university for violating its sexual misconduct policy is suing in federal court to clear his namethe man is arguing an encounter with a girlfriend was sadomasochistic role playing , not sexual assaultthe sexual misconduct allegations stem from an october 2013 encounter with the couple in the male student 's dorm room on the fairfax campusat one point , according to the lawsuit , she pushed him away but did n't invoke her safe wordlater that night , the two engaged in a second sex act , in which the male student asked her if she was interested , and she replied , ' i do n't know 'the lawsuit claims the woman only filed a complaint months later , after the couple broke up and she had found out the man was cheating on her\n", - "[1.4374387 1.4411783 1.5064924 1.213867 1.0796717 1.0207528 1.0146134\n", - " 1.1133244 1.0381341 1.0319722 1.0231453 1.016564 1.350699 1.0389037\n", - " 1.0122111 1.0291885 1.0345254 1.0226741 1.0089755 0. 0. ]\n", - "\n", - "[ 2 1 0 12 3 7 4 13 8 16 9 15 10 17 5 11 6 14 18 19 20]\n", - "=======================\n", - "[\"jonathan joseph will be among bath 's england contingent in dublin on saturdaygeorge ford , dave attwood , jonathan joseph and anthony watson all return to the scene of the 19-9 defeat by ireland which halted another grand slam crusade , and their club 's head coach feels that setback could prove beneficial in their champions cup quarter-final .bath will look to their england contingent to lead the charge against leinster in dublin as they attempt to make amends for their six nations defeat at the aviva stadium last month .\"]\n", - "=======================\n", - "[\"bath 's england contingent return for champions cup quarter-finalpremiership side face leinster at the aviva stadium on saturdayquartet will be seeking to make amends for six nations defeat\"]\n", - "jonathan joseph will be among bath 's england contingent in dublin on saturdaygeorge ford , dave attwood , jonathan joseph and anthony watson all return to the scene of the 19-9 defeat by ireland which halted another grand slam crusade , and their club 's head coach feels that setback could prove beneficial in their champions cup quarter-final .bath will look to their england contingent to lead the charge against leinster in dublin as they attempt to make amends for their six nations defeat at the aviva stadium last month .\n", - "bath 's england contingent return for champions cup quarter-finalpremiership side face leinster at the aviva stadium on saturdayquartet will be seeking to make amends for six nations defeat\n", - "[1.3233814 1.4137151 1.1166087 1.1957074 1.0949621 1.0626656 1.024341\n", - " 1.0302472 1.0708061 1.1234604 1.1286267 1.1526951 1.0485027 1.0814111\n", - " 1.0659022 1.0758673 1.0431813 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 11 10 9 2 4 13 15 8 14 5 12 16 7 6 19 17 18 20]\n", - "=======================\n", - "[\"the london mayor claimed ukip supporters are in ` increasing psychological conflict ' as they realise a vote for nigel farage 's party is a ` vote for ed miliband ' . 'boris johnson last night urged ukip voters to ` swing behind the conservatives ' to avoid the ` nightmare ' of a ` backward-looking labour government ' propped up by an ` even more left-wing ' snp .any gain by ukip is a gain by miliband , ' he told the daily mail as he campaigned in the thanet south , the kent seat where mr farage is standing .\"]\n", - "=======================\n", - "[\"london mayor boris johnson has urged ukip supporters to vote toryhe said ukip supporters realise a vote for ukip is a ` vote for ed miliband 'conservative votes would avoid the ` nightmare ' of snp propping up labourmr johnson yesterday campaigned in kent , where nigel farage is standing\"]\n", - "the london mayor claimed ukip supporters are in ` increasing psychological conflict ' as they realise a vote for nigel farage 's party is a ` vote for ed miliband ' . 'boris johnson last night urged ukip voters to ` swing behind the conservatives ' to avoid the ` nightmare ' of a ` backward-looking labour government ' propped up by an ` even more left-wing ' snp .any gain by ukip is a gain by miliband , ' he told the daily mail as he campaigned in the thanet south , the kent seat where mr farage is standing .\n", - "london mayor boris johnson has urged ukip supporters to vote toryhe said ukip supporters realise a vote for ukip is a ` vote for ed miliband 'conservative votes would avoid the ` nightmare ' of snp propping up labourmr johnson yesterday campaigned in kent , where nigel farage is standing\n", - "[1.1812598 1.3896946 1.3924398 1.2491856 1.2633413 1.2992394 1.1760031\n", - " 1.0305815 1.0149211 1.0225313 1.1670096 1.1295305 1.0374085 1.0647242\n", - " 1.1310252 1.0373634 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 5 4 3 0 6 10 14 11 13 12 15 7 9 8 19 16 17 18 20]\n", - "=======================\n", - "['owner freddy ali discovered the carnage when he returned to work at the la marina auto sales , in dearborn heights , michigan , after the easter break .the violent thugs were caught on camera as they roamed through the parked vehicles kicking off wing mirrors , destroying headlights and smashing windscreens with a large cinder block .this is the moment that three teenage vandals went on a rampage through a car dealership causing thousands of dollars worth of damage .']\n", - "=======================\n", - "['gang target car dealership in dearborn heights , michigan , in early hourskicked off wing mirrors and smashed windscreens during violent outburstbill for damage to la marina auto sales said to be several thousand dollarssame gang believed to have also hit neighboring businesses during spree']\n", - "owner freddy ali discovered the carnage when he returned to work at the la marina auto sales , in dearborn heights , michigan , after the easter break .the violent thugs were caught on camera as they roamed through the parked vehicles kicking off wing mirrors , destroying headlights and smashing windscreens with a large cinder block .this is the moment that three teenage vandals went on a rampage through a car dealership causing thousands of dollars worth of damage .\n", - "gang target car dealership in dearborn heights , michigan , in early hourskicked off wing mirrors and smashed windscreens during violent outburstbill for damage to la marina auto sales said to be several thousand dollarssame gang believed to have also hit neighboring businesses during spree\n", - "[1.0496428 1.1082287 1.3655362 1.1635951 1.3000048 1.2627873 1.1645948\n", - " 1.1007172 1.1165512 1.1160084 1.0673239 1.0559824 1.0873882 1.0612241\n", - " 1.0989554 1.0296065 1.1004539 1.0216357 0. 0. 0. ]\n", - "\n", - "[ 2 4 5 6 3 8 9 1 7 16 14 12 10 13 11 0 15 17 19 18 20]\n", - "=======================\n", - "['debenhams and mothercare have called a halt to long-running promotions which fail to excite shoppers , replacing them with shorter events that have more impact .experts claim prolonged sales can devalue products and encourage shoppers to delay buying an item until it is reduced .high street chains , including mothercare , are calling time on cut-price promotions that seem to go on forever']\n", - "=======================\n", - "['debenhams and mothercare have called a halt to long-running promotionsand both stores have announced revived figures since making the changeexperts claim prolonged sales can devalue products and encourage shoppers to delay buying an item until it is reducedfigures show a third of all fashion purchases are now made in a sale']\n", - "debenhams and mothercare have called a halt to long-running promotions which fail to excite shoppers , replacing them with shorter events that have more impact .experts claim prolonged sales can devalue products and encourage shoppers to delay buying an item until it is reduced .high street chains , including mothercare , are calling time on cut-price promotions that seem to go on forever\n", - "debenhams and mothercare have called a halt to long-running promotionsand both stores have announced revived figures since making the changeexperts claim prolonged sales can devalue products and encourage shoppers to delay buying an item until it is reducedfigures show a third of all fashion purchases are now made in a sale\n", - "[1.1183183 1.343801 1.4265261 1.1443173 1.0946575 1.1124954 1.0993578\n", - " 1.1036386 1.0672024 1.0675161 1.0962543 1.1691825 1.0723611 1.0253218\n", - " 1.0334421 1.0502341 1.0442135 1.0538449 1.042255 1.0217668 0. ]\n", - "\n", - "[ 2 1 11 3 0 5 7 6 10 4 12 9 8 17 15 16 18 14 13 19 20]\n", - "=======================\n", - "['the rv flip does not have its own engine and has to be towed to the location of scientific study , where it turns 90 degrees , leaving just 50 feet above the surface .but the 355-foot scientific platform is genuine and has been used by the us office for naval research for more than 50 years .the vessel can accommodate five crew and up to eleven researchers for up to 30 days .']\n", - "=======================\n", - "['the rv flip looks like it might be an april fool , but it as been working hard for more than 50 yearsthe 355-foot vessel can flip 90 degrees in 20 minutes allowing researchers a unique opportunity to study the oceanthe vessel does not have its own form or propulsion and relies on tugs to tow it to the area of studythe rv flip was commissioned in 1962 and can sit still in heavy seas with more than 300 feet beneath the waves']\n", - "the rv flip does not have its own engine and has to be towed to the location of scientific study , where it turns 90 degrees , leaving just 50 feet above the surface .but the 355-foot scientific platform is genuine and has been used by the us office for naval research for more than 50 years .the vessel can accommodate five crew and up to eleven researchers for up to 30 days .\n", - "the rv flip looks like it might be an april fool , but it as been working hard for more than 50 yearsthe 355-foot vessel can flip 90 degrees in 20 minutes allowing researchers a unique opportunity to study the oceanthe vessel does not have its own form or propulsion and relies on tugs to tow it to the area of studythe rv flip was commissioned in 1962 and can sit still in heavy seas with more than 300 feet beneath the waves\n", - "[1.493025 1.225455 1.4144787 1.0773543 1.1040717 1.0637833 1.1563935\n", - " 1.0836163 1.0357319 1.0686122 1.0435826 1.0645934 1.045708 1.0191336\n", - " 1.0531958 1.0834256 1.0448134 1.042101 1.0792183 1.044245 1.0200897]\n", - "\n", - "[ 0 2 1 6 4 7 15 18 3 9 11 5 14 12 16 19 10 17 8 20 13]\n", - "=======================\n", - "[\"( cnn ) it took prosecutors months to present 131 witnesses to support their claim that former nfl star aaron hernandez killed semi-pro player odin lloyd .hernandez , 25 , is on trial for the shooting death of lloyd , whose body was found in a massachusetts industrial park in june 2013 .on monday , hernandez 's defense gave its side of the story , wrapping up its witnesses in less than a day .\"]\n", - "=======================\n", - "['closing arguments in the case are set for tuesdayaaron hernandez is charged with first-degree murder in the killing of odin lloydhis defense lawyers made their case on monday']\n", - "( cnn ) it took prosecutors months to present 131 witnesses to support their claim that former nfl star aaron hernandez killed semi-pro player odin lloyd .hernandez , 25 , is on trial for the shooting death of lloyd , whose body was found in a massachusetts industrial park in june 2013 .on monday , hernandez 's defense gave its side of the story , wrapping up its witnesses in less than a day .\n", - "closing arguments in the case are set for tuesdayaaron hernandez is charged with first-degree murder in the killing of odin lloydhis defense lawyers made their case on monday\n", - "[1.5336696 1.342365 1.2032063 1.6299129 1.0475912 1.0200492 1.0199134\n", - " 1.0232284 1.0304306 1.0208181 1.0130653 1.1249528 1.1695998 1.016709\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 2 12 11 4 8 7 9 5 6 13 10 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"mick mccarthy 's ipswich were denied three points as rivals wolves fought back to draw 1-1 on saturdayipswich boss mick mccarthy hailed the ` belligerent , stubborn and hard working ' qualities of his ` horrible bunch ' of players after a determined 1-1 draw at his former club wolves moved town closer to securing a place in the skybet championship play-offs .despite wolves bouncing back to take a point through benik afobe 's 31st goal of the season in the 50th minute after a richard stearman own goal had given ipswich a first-half lead , town 's play-off hopes are now in their own hands with two games remaining .\"]\n", - "=======================\n", - "[\"ipswich denied three points as wolves fight back to draw 1-1 on saturdaymanager mick mccarthy hails qualities of ` horrible bunch ' of playersrichard stearman 's own goal had given ipswich an early lead at molineuxbut benik afobe equalised on 50 minutes with close-range volley\"]\n", - "mick mccarthy 's ipswich were denied three points as rivals wolves fought back to draw 1-1 on saturdayipswich boss mick mccarthy hailed the ` belligerent , stubborn and hard working ' qualities of his ` horrible bunch ' of players after a determined 1-1 draw at his former club wolves moved town closer to securing a place in the skybet championship play-offs .despite wolves bouncing back to take a point through benik afobe 's 31st goal of the season in the 50th minute after a richard stearman own goal had given ipswich a first-half lead , town 's play-off hopes are now in their own hands with two games remaining .\n", - "ipswich denied three points as wolves fight back to draw 1-1 on saturdaymanager mick mccarthy hails qualities of ` horrible bunch ' of playersrichard stearman 's own goal had given ipswich an early lead at molineuxbut benik afobe equalised on 50 minutes with close-range volley\n", - "[1.2844462 1.454837 1.1987891 1.1049067 1.0777712 1.1491879 1.1118488\n", - " 1.0518858 1.0371569 1.0235826 1.0288289 1.0359526 1.0629185 1.0667613\n", - " 1.0476413 1.0762365 1.051283 1.0258638 1.0939074 1.0572935 0. ]\n", - "\n", - "[ 1 0 2 5 6 3 18 4 15 13 12 19 7 16 14 8 11 10 17 9 20]\n", - "=======================\n", - "[\"warnock was driving through a canyon in lewiston , idaho , on wednesday when he saw the tree , then looked up to see an suv dangling over the edge of a cliff .( cnn ) a freshly fallen tree in the roadway was jason warnock 's first clue .the only thing holding the gmc yukon and its terrified driver from a 30-foot drop was a crumpled chain-link fence , still clinging to the earth above bryden canyon road .\"]\n", - "=======================\n", - "['jason warnock rescued a man whose suv was dangling off the edge of a cliffwarnock : \" i do n\\'t feel like i deserve any credit ... i just did what anyone would do \"']\n", - "warnock was driving through a canyon in lewiston , idaho , on wednesday when he saw the tree , then looked up to see an suv dangling over the edge of a cliff .( cnn ) a freshly fallen tree in the roadway was jason warnock 's first clue .the only thing holding the gmc yukon and its terrified driver from a 30-foot drop was a crumpled chain-link fence , still clinging to the earth above bryden canyon road .\n", - "jason warnock rescued a man whose suv was dangling off the edge of a cliffwarnock : \" i do n't feel like i deserve any credit ... i just did what anyone would do \"\n", - "[1.4287522 1.1914151 1.470228 1.2679696 1.1861991 1.1671734 1.2193434\n", - " 1.126429 1.048316 1.0187348 1.0150626 1.0289079 1.0238646 1.0198998\n", - " 1.0745695 1.0912933 1.0523291 1.0384558 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 6 1 4 5 7 15 14 16 8 17 11 12 13 9 10 18 19 20]\n", - "=======================\n", - "[\"holly littlefield , 16 , was arrested and held in a police cell for 14 hours after zoe gregory , 26 , hijacked her email account to issue the threat to blow up the school .she was too scared to return to school for two days and when she did she was taunted by classmates .another pupil , vicky francis , 15 , was also arrested after police were told she had access to holly 's email account .\"]\n", - "=======================\n", - "[\"zoe gregory , 26 , hijacked pupil 's email and threatened to blow up schoolholly littlefield , 16 , was arrested and held in a police cell for 14 hoursanother pupil was arrested because she had access to the email accountmarried mother-of-two gregory is now likely to receive a lengthy jail term\"]\n", - "holly littlefield , 16 , was arrested and held in a police cell for 14 hours after zoe gregory , 26 , hijacked her email account to issue the threat to blow up the school .she was too scared to return to school for two days and when she did she was taunted by classmates .another pupil , vicky francis , 15 , was also arrested after police were told she had access to holly 's email account .\n", - "zoe gregory , 26 , hijacked pupil 's email and threatened to blow up schoolholly littlefield , 16 , was arrested and held in a police cell for 14 hoursanother pupil was arrested because she had access to the email accountmarried mother-of-two gregory is now likely to receive a lengthy jail term\n", - "[1.2362018 1.4831083 1.2578071 1.3526844 1.1469346 1.0245516 1.0340803\n", - " 1.0214571 1.0206779 1.0195745 1.0148464 1.085844 1.1294557 1.1590414\n", - " 1.1417655 1.1005665 1.0721511 1.0721016 1.1210599 1.0150542 0. ]\n", - "\n", - "[ 1 3 2 0 13 4 14 12 18 15 11 16 17 6 5 7 8 9 19 10 20]\n", - "=======================\n", - "[\"the london-born beauty is the new face of maybelline new york , she was british vogue 's february 2015 cover star , and also the first black model to walk for prada in a decade .jourdan dunn has revealed in an interview that she was severely bullied at school , which led to her suffering from incredibly low self-esteembut the 24-year-old has now revealed that as a teenager her life was made a misery by cruel bullies who taunted her for her striking looks to the extent that she felt physically ill .\"]\n", - "=======================\n", - "['stunning beauty , 24 , was bullied throughout school for her striking looksnew face of maybelline new york and first black model to walk for pradashe talks about caring for her son , riley , five , who has sickle cell anaemia']\n", - "the london-born beauty is the new face of maybelline new york , she was british vogue 's february 2015 cover star , and also the first black model to walk for prada in a decade .jourdan dunn has revealed in an interview that she was severely bullied at school , which led to her suffering from incredibly low self-esteembut the 24-year-old has now revealed that as a teenager her life was made a misery by cruel bullies who taunted her for her striking looks to the extent that she felt physically ill .\n", - "stunning beauty , 24 , was bullied throughout school for her striking looksnew face of maybelline new york and first black model to walk for pradashe talks about caring for her son , riley , five , who has sickle cell anaemia\n", - "[1.1933565 1.4076388 1.2937953 1.3893015 1.1761066 1.1423717 1.1081414\n", - " 1.082662 1.0374088 1.1037412 1.0342782 1.0181344 1.0132895 1.0763992\n", - " 1.0521595 1.0699575 1.0341206 1.1039392 1.0179309 1.012408 1.0093043]\n", - "\n", - "[ 1 3 2 0 4 5 6 17 9 7 13 15 14 8 10 16 11 18 12 19 20]\n", - "=======================\n", - "['at least 17 climbers , including three americans , and many sherpas died as a result of the earthquake that has killed 2,500 people across the himalayas .jon reiter , a contractor from kenwood , california , was attempting his third ascent to the summit when the avalanche hit .some people managed to survive , but others are still trapped on the mountain waiting to be rescued .']\n", - "=======================\n", - "['jon reiter was attempting his first climb to the summit at the timesurvived the avalanche but then helped to distribute medicine to the hurtmanaged to contact his wife susan by satellite phone in the aftermaththree americans who were on the mountain at the time were killedthey were among 18 mountaineers and many sherpas who perished']\n", - "at least 17 climbers , including three americans , and many sherpas died as a result of the earthquake that has killed 2,500 people across the himalayas .jon reiter , a contractor from kenwood , california , was attempting his third ascent to the summit when the avalanche hit .some people managed to survive , but others are still trapped on the mountain waiting to be rescued .\n", - "jon reiter was attempting his first climb to the summit at the timesurvived the avalanche but then helped to distribute medicine to the hurtmanaged to contact his wife susan by satellite phone in the aftermaththree americans who were on the mountain at the time were killedthey were among 18 mountaineers and many sherpas who perished\n", - "[1.0853944 1.1540141 1.3255076 1.4041011 1.1789113 1.3922875 1.1426623\n", - " 1.0126687 1.3258718 1.1003095 1.214355 1.0726486 1.0138415 1.0058994\n", - " 1.0069479 1.0117941 1.0149289 1.0114852 0. 0. 0. ]\n", - "\n", - "[ 3 5 8 2 10 4 1 6 9 0 11 16 12 7 15 17 14 13 19 18 20]\n", - "=======================\n", - "[\"arsenal forward danny welbeck will face a fitness test on the knee injury picked up during international duty with england ahead of saturday 's barclays premier league clash against liverpool .liverpool striker daniel sturridge is expected to have recovered from a hip injury to face arsenal on saturday .arsenal vs liverpool ( emirates stadium )\"]\n", - "=======================\n", - "['danny welbeck faces fitness test for arsenal following england dutygunners are without alex oxlade-chamberlain due to hamstring complaintdaniel sturridge & adam lallana may be fit after pulling out england squaddejan lovren set to replace suspended martin skrtel in defencesteven gerrard also ruled out following red card vsmanchester united']\n", - "arsenal forward danny welbeck will face a fitness test on the knee injury picked up during international duty with england ahead of saturday 's barclays premier league clash against liverpool .liverpool striker daniel sturridge is expected to have recovered from a hip injury to face arsenal on saturday .arsenal vs liverpool ( emirates stadium )\n", - "danny welbeck faces fitness test for arsenal following england dutygunners are without alex oxlade-chamberlain due to hamstring complaintdaniel sturridge & adam lallana may be fit after pulling out england squaddejan lovren set to replace suspended martin skrtel in defencesteven gerrard also ruled out following red card vsmanchester united\n", - "[1.0876904 1.0913339 1.1498297 1.4696859 1.1567956 1.1034615 1.0394369\n", - " 1.0690572 1.194338 1.0441096 1.07217 1.1969454 1.0254232 1.0221905\n", - " 1.0666168 1.0473424 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 11 8 4 2 5 1 0 10 7 14 15 9 6 12 13 22 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"teresa james , 40 ( pictured ) , believes the discomfort involved with teeth whitening is worth it for the end result of a bright smilealmost a third of britons are now preoccupied with whitening their teeth , and research this week revealed the highest-earning cosmetic dentists made a collective turnover of # 1 billion last year -- a 22 per cent increase from 2010 .in america , sales of tooth whitening products have risen 300 per cent since 1996 , and the trend for excessive bleaching has grown so commonplace there that dentists have coined a new word for it -- ` bleachorexia ' .\"]\n", - "=======================\n", - "['teresa james , 40 , believes the pain involved is worth it for a bright smilelisa arbiter , 33 , has bought high-strength bleach from america for 13 yearsdonna billson started before her wedding last year and is already a convert']\n", - "teresa james , 40 ( pictured ) , believes the discomfort involved with teeth whitening is worth it for the end result of a bright smilealmost a third of britons are now preoccupied with whitening their teeth , and research this week revealed the highest-earning cosmetic dentists made a collective turnover of # 1 billion last year -- a 22 per cent increase from 2010 .in america , sales of tooth whitening products have risen 300 per cent since 1996 , and the trend for excessive bleaching has grown so commonplace there that dentists have coined a new word for it -- ` bleachorexia ' .\n", - "teresa james , 40 , believes the pain involved is worth it for a bright smilelisa arbiter , 33 , has bought high-strength bleach from america for 13 yearsdonna billson started before her wedding last year and is already a convert\n", - "[1.1017926 1.0630105 1.0440273 1.0531714 1.097955 1.1106658 1.1230448\n", - " 1.1887641 1.0933665 1.1470327 1.0634878 1.0640581 1.0542802 1.032558\n", - " 1.0231562 1.0442386 1.0360811 1.0412225 1.0503887 1.0763595 1.0314041\n", - " 1.0265788 1.0375632 0. ]\n", - "\n", - "[ 7 9 6 5 0 4 8 19 11 10 1 12 3 18 15 2 17 22 16 13 20 21 14 23]\n", - "=======================\n", - "[\"but syrians do n't need visas to get into turkey , so turkey it was .while in istanbul , i discovered many facebook pages about illegal smuggling from turkey to italy by sea .i 'm syrian , and returning to syria was n't an option -- going back means you either have to kill or be killed .\"]\n", - "=======================\n", - "['moutassem yazbek describes harrowing 12-day journey from turkey to italyyazbek , a syrian refugee , paid a smuggler $ 6,500 to get him to italy in december']\n", - "but syrians do n't need visas to get into turkey , so turkey it was .while in istanbul , i discovered many facebook pages about illegal smuggling from turkey to italy by sea .i 'm syrian , and returning to syria was n't an option -- going back means you either have to kill or be killed .\n", - "moutassem yazbek describes harrowing 12-day journey from turkey to italyyazbek , a syrian refugee , paid a smuggler $ 6,500 to get him to italy in december\n", - "[1.244819 1.0752686 1.3866825 1.1251813 1.4511445 1.1506814 1.1264161\n", - " 1.0090203 1.0026075 1.0041982 1.0064844 1.1163653 1.0071673 1.0143131\n", - " 1.0672367 1.055797 1.2478516 1.0582947 1.0092018 1.0040784 1.0184959\n", - " 1.0074133 1.0496321 1.0153773]\n", - "\n", - "[ 4 2 16 0 5 6 3 11 1 14 17 15 22 20 23 13 18 7 21 12 10 9 19 8]\n", - "=======================\n", - "[\"ashley young ( right ) wants to avoid a fifth successive derby defeat by neighbours manchester citylast november 's 1-0 victory at the etihad stadium was the fourth successive derby win for city .the champions defeat by crystal palace was manchester city 's third loss in five games\"]\n", - "=======================\n", - "[\"manchester united have lost the last four derbies to manchester cityashley young is desperate to put that run to an end on sundaylouis van gaal 's side lead their local rivals by one point in premier league\"]\n", - "ashley young ( right ) wants to avoid a fifth successive derby defeat by neighbours manchester citylast november 's 1-0 victory at the etihad stadium was the fourth successive derby win for city .the champions defeat by crystal palace was manchester city 's third loss in five games\n", - "manchester united have lost the last four derbies to manchester cityashley young is desperate to put that run to an end on sundaylouis van gaal 's side lead their local rivals by one point in premier league\n", - "[1.3845232 1.4033235 1.2594604 1.347485 1.0996934 1.0843042 1.0349337\n", - " 1.013531 1.0107051 1.1422936 1.1145062 1.0220779 1.1379716 1.0444477\n", - " 1.045615 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 9 12 10 4 5 14 13 6 11 7 8 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"the 33-year-old , who presents speed with guy martin on channel 4 , wrote a review of the vanquish carbon edition supercar , which costs # 203,000 , after test driving it on the isle of man 's tt course .tv presenter and motorcycle racer guy martin is facing a police probe after boasting of reaching speeds of up to 180mph in a 40mph zone while reviewing the new aston martin .he wrote of how he pressed the accelerator ` flat to the floor ' before seeing the speedometer reach 180mph as he entered the village of sulby , which is part of the tt race and has a speed limit of 40mph .\"]\n", - "=======================\n", - "['guy martin reviewed the aston martin vanquish while on the isle of manwrote how he reached up to 180mph in a small village with a 40mph limitsaid he completed the tt course around the island in the car in 22 minutesisle of man police has confirmed that they are looking into the incident']\n", - "the 33-year-old , who presents speed with guy martin on channel 4 , wrote a review of the vanquish carbon edition supercar , which costs # 203,000 , after test driving it on the isle of man 's tt course .tv presenter and motorcycle racer guy martin is facing a police probe after boasting of reaching speeds of up to 180mph in a 40mph zone while reviewing the new aston martin .he wrote of how he pressed the accelerator ` flat to the floor ' before seeing the speedometer reach 180mph as he entered the village of sulby , which is part of the tt race and has a speed limit of 40mph .\n", - "guy martin reviewed the aston martin vanquish while on the isle of manwrote how he reached up to 180mph in a small village with a 40mph limitsaid he completed the tt course around the island in the car in 22 minutesisle of man police has confirmed that they are looking into the incident\n", - "[1.3729876 1.2551297 1.2035992 1.3349923 1.0976307 1.2684157 1.2041242\n", - " 1.0978706 1.0788815 1.0637364 1.0414696 1.0453205 1.1462381 1.1067688\n", - " 1.04749 1.0144292 1.0342813 1.0442115 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 5 1 6 2 12 13 7 4 8 9 14 11 17 10 16 15 18 19 20 21 22 23]\n", - "=======================\n", - "[\"england midfielders jordan henderson and jack wilshere are the surprise names on manchester city 's summer shopping list .liverpool 's jordan henderson is another surprise name among targets of manchester city for this summerthe struggling barclays premier league champions know they need more english players in their starting line-up -- goalkeeper joe hart has often been the only one this season -- and liverpool 's henderson and arsenal 's wilshere are deemed to be realistic targets .\"]\n", - "=======================\n", - "[\"manchester city know they need more english players in their line-upcity goalkeeper joe hart has often been the only one this seasonengland 's jordan henderson and jack wilshere are on their wishlistcity deem the liverpool and arsenal stars as realistic targetscity also maintain an interest in liverpool forward raheem sterling\"]\n", - "england midfielders jordan henderson and jack wilshere are the surprise names on manchester city 's summer shopping list .liverpool 's jordan henderson is another surprise name among targets of manchester city for this summerthe struggling barclays premier league champions know they need more english players in their starting line-up -- goalkeeper joe hart has often been the only one this season -- and liverpool 's henderson and arsenal 's wilshere are deemed to be realistic targets .\n", - "manchester city know they need more english players in their line-upcity goalkeeper joe hart has often been the only one this seasonengland 's jordan henderson and jack wilshere are on their wishlistcity deem the liverpool and arsenal stars as realistic targetscity also maintain an interest in liverpool forward raheem sterling\n", - "[1.3426455 1.4007095 1.0955265 1.1058998 1.3047922 1.1975251 1.0449413\n", - " 1.176781 1.097272 1.0739994 1.0518894 1.0996152 1.0606036 1.086456\n", - " 1.0241771 1.0142468 1.0248572 1.0842787 1.0766115 1.0605407 1.0550357\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 4 5 7 3 11 8 2 13 17 18 9 12 19 20 10 6 16 14 15 21 22]\n", - "=======================\n", - "['the bodies of a 37-year-old woman , a 2-year-old girl and an 8-year-old boy were discovered by police monday night , eastpointe police lt. neil childs said , and investigators were trying to determine the circumstances surrounding the deaths .a 37-year-old man was in custody tuesday following the deaths of his wife and their two children at their home in suburban detroit , police said .the victims have been identified as christie fradeneck , her daughter celeste fradeneck and her son timothy fradeneck , wxyz reported .']\n", - "=======================\n", - "[\"police said a 37-year-old man was in custody tuesday following the deaths of his wife and their two children at their home in suburban detroitthe victims have been identified as christie fradeneck , her daughter celeste fradeneck and her son timothy fradeneckthe man was held for questioning and the causes of the deaths have n't been released , a police spokesman has saidofficers discovered the bodies at the home in the eastern suburb after the woman 's sister called policepolice went inside and found the woman and children deadthe children 's birthdays were less than two weeks away\"]\n", - "the bodies of a 37-year-old woman , a 2-year-old girl and an 8-year-old boy were discovered by police monday night , eastpointe police lt. neil childs said , and investigators were trying to determine the circumstances surrounding the deaths .a 37-year-old man was in custody tuesday following the deaths of his wife and their two children at their home in suburban detroit , police said .the victims have been identified as christie fradeneck , her daughter celeste fradeneck and her son timothy fradeneck , wxyz reported .\n", - "police said a 37-year-old man was in custody tuesday following the deaths of his wife and their two children at their home in suburban detroitthe victims have been identified as christie fradeneck , her daughter celeste fradeneck and her son timothy fradeneckthe man was held for questioning and the causes of the deaths have n't been released , a police spokesman has saidofficers discovered the bodies at the home in the eastern suburb after the woman 's sister called policepolice went inside and found the woman and children deadthe children 's birthdays were less than two weeks away\n", - "[1.2362995 1.4127985 1.2542999 1.3366938 1.096211 1.4443216 1.1091502\n", - " 1.0231487 1.1161573 1.2615612 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 5 1 3 9 2 0 8 6 4 7 20 19 18 17 16 11 14 13 12 21 10 15 22]\n", - "=======================\n", - "[\"fabio borini came on as a second-half substitute during liverpool 's 2-0 win against newcastle on mondaythe former swansea striker made the most of the warm weather as he spent the day at adventure park go ape at the cheshire forest .fabio borini enjoys a day out at go ape in delamere forest park on tuesday\"]\n", - "=======================\n", - "['fabio borini visited go ape adventure park in delamere forest on tuesaythe liverpool striker shared instagram pictures from his day outborini came on as a substitute for liverpool against newcastle on monday']\n", - "fabio borini came on as a second-half substitute during liverpool 's 2-0 win against newcastle on mondaythe former swansea striker made the most of the warm weather as he spent the day at adventure park go ape at the cheshire forest .fabio borini enjoys a day out at go ape in delamere forest park on tuesday\n", - "fabio borini visited go ape adventure park in delamere forest on tuesaythe liverpool striker shared instagram pictures from his day outborini came on as a substitute for liverpool against newcastle on monday\n", - "[1.0809342 1.5754843 1.3451266 1.076437 1.144895 1.0359075 1.028134\n", - " 1.0561645 1.0743204 1.3217041 1.0242181 1.0464483 1.0286307 1.048756\n", - " 1.044825 1.0419117 1.0519273 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 9 4 0 3 8 7 16 13 11 14 15 5 12 6 10 21 17 18 19 20 22]\n", - "=======================\n", - "['last year hawaiian-born photographer dustin wong , 31 , abandoned his job as an engineer to travel the world with only his camera for company .faced with the rapid destruction of habitats through pollution and overpopulation , the photographer hopes his images will inspire the viewer with awe at the intricate and diverse world we live in and encourage them to protect the planet .a single bikini-clad woman silhouetted against a spectacular sunset , a tiny figure facing a swirl of stars , a hot spring whose improbably lurid hues seem like something from another planet - these stunning images combine colour and light to capture the wonders of the natural world .']\n", - "=======================\n", - "['photographer dustin wong , 31 , travels the world with no company but his camerathe hawaiian-born photographerhis images are inspired by ancient hawaiian beliefs in the sacredness of naturehe aims to encourage viewers to interact with nature and help save the planetimages range from the national parks of the usa to the snow of norway and australian caves']\n", - "last year hawaiian-born photographer dustin wong , 31 , abandoned his job as an engineer to travel the world with only his camera for company .faced with the rapid destruction of habitats through pollution and overpopulation , the photographer hopes his images will inspire the viewer with awe at the intricate and diverse world we live in and encourage them to protect the planet .a single bikini-clad woman silhouetted against a spectacular sunset , a tiny figure facing a swirl of stars , a hot spring whose improbably lurid hues seem like something from another planet - these stunning images combine colour and light to capture the wonders of the natural world .\n", - "photographer dustin wong , 31 , travels the world with no company but his camerathe hawaiian-born photographerhis images are inspired by ancient hawaiian beliefs in the sacredness of naturehe aims to encourage viewers to interact with nature and help save the planetimages range from the national parks of the usa to the snow of norway and australian caves\n", - "[1.2285144 1.0666184 1.0742192 1.0482198 1.0649599 1.0629823 1.0549791\n", - " 1.0469499 1.125558 1.0976012 1.0455207 1.0644399 1.0524832 1.0826994\n", - " 1.2221882 1.034228 1.1744654 1.1095848 1.0726211 1.0399575 1.0230275\n", - " 1.0343813 1.0220783]\n", - "\n", - "[ 0 14 16 8 17 9 13 2 18 1 4 11 5 6 12 3 7 10 19 21 15 20 22]\n", - "=======================\n", - "[\"easley , south carolina ( cnn ) the cracker or the bite of ice cream -- brynn duncan still is n't sure which one sent her into anaphylactic shock that day .melissa duncan , a paralegal by day , dons a mask and surgical gloves before disinfecting the area around the tube that 's connected to brynn 's jugular vein .on that particular day in march , multiple epipens did n't slow the reaction .\"]\n", - "=======================\n", - "['brynn duncan has mast cell disease , which causes her to be allergic to almost everythingduncan has a feeding tube and is on constant doses of antihistamine']\n", - "easley , south carolina ( cnn ) the cracker or the bite of ice cream -- brynn duncan still is n't sure which one sent her into anaphylactic shock that day .melissa duncan , a paralegal by day , dons a mask and surgical gloves before disinfecting the area around the tube that 's connected to brynn 's jugular vein .on that particular day in march , multiple epipens did n't slow the reaction .\n", - "brynn duncan has mast cell disease , which causes her to be allergic to almost everythingduncan has a feeding tube and is on constant doses of antihistamine\n", - "[1.0848969 1.459579 1.2605066 1.2460049 1.0577273 1.3029068 1.1140095\n", - " 1.1021749 1.0423422 1.1331326 1.0258199 1.115957 1.0543097 1.0465225\n", - " 1.0849748 1.0238917 1.0126195 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 5 2 3 9 11 6 7 14 0 4 12 13 8 10 15 16 21 17 18 19 20 22]\n", - "=======================\n", - "['scientists have used a new technique to reconstrcut the colourful patterns on 28 fossilised cone snail shells that are up to 6.6 million years old .the technique has allowed researchers to look millions of years into the past to see how these once elaborately decorated shells would have once looked .c. geographus is one of the most venomous creatures on earth , and known to have killed dozens of people in accidental encounters .']\n", - "=======================\n", - "['fossilised cone snail shells found in cibao valley of dominican republicin visible light they appear to be a plain white colour as the pigments fadedunder ultraviolet light , however , the vivid patterns and colours fluorescescientists were able to reconstruct how the ancient species once looked']\n", - "scientists have used a new technique to reconstrcut the colourful patterns on 28 fossilised cone snail shells that are up to 6.6 million years old .the technique has allowed researchers to look millions of years into the past to see how these once elaborately decorated shells would have once looked .c. geographus is one of the most venomous creatures on earth , and known to have killed dozens of people in accidental encounters .\n", - "fossilised cone snail shells found in cibao valley of dominican republicin visible light they appear to be a plain white colour as the pigments fadedunder ultraviolet light , however , the vivid patterns and colours fluorescescientists were able to reconstruct how the ancient species once looked\n", - "[1.4219362 1.4649737 1.4004585 1.0787877 1.1127232 1.1461383 1.3784846\n", - " 1.0357981 1.0171819 1.01425 1.1105046 1.0531946 1.0121336 1.0090518\n", - " 1.0172942 1.1787848 1.1331156 1.0185902 1.2066389 1.0113068 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 6 18 15 5 16 4 10 3 11 7 17 14 8 9 12 19 13 20 21 22 23]\n", - "=======================\n", - "[\"palace beat manchester city on monday night and have ambitions of finishing in the barclays premier league 's top 10 this season .alan pardew says sunderland should be more concerned about his in-form crystal palace side than his past as newcastle manager this saturday .pardew was the first newcastle boss to suffer four successive defeats to sunderland , who last weekend won a fifth tyne-wear derby in a row , but is now only thinking about palace .\"]\n", - "=======================\n", - "['crystal palace face sunderland at the stadium of light on saturdayex-newcastle boss alan pardew is prepared for a frosty receptionbut he believes black cats fans should be more concerned about his sidesunderland are 15th in the table and three points clear of the drop zone']\n", - "palace beat manchester city on monday night and have ambitions of finishing in the barclays premier league 's top 10 this season .alan pardew says sunderland should be more concerned about his in-form crystal palace side than his past as newcastle manager this saturday .pardew was the first newcastle boss to suffer four successive defeats to sunderland , who last weekend won a fifth tyne-wear derby in a row , but is now only thinking about palace .\n", - "crystal palace face sunderland at the stadium of light on saturdayex-newcastle boss alan pardew is prepared for a frosty receptionbut he believes black cats fans should be more concerned about his sidesunderland are 15th in the table and three points clear of the drop zone\n", - "[1.1184598 1.4029262 1.4381516 1.2548938 1.1161793 1.0297287 1.0287051\n", - " 1.0114013 1.260982 1.1503408 1.03911 1.1159583 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 1 8 3 9 0 4 11 10 5 6 7 22 12 13 14 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"the british sandwich chain 's new concept is called ` good evenings ' , and runs from 6pm until 11pm every night , but only ( for now ) at its branch on the strand in london .burger king , which has launched its summer menu , has branched out from run-of-the-mill sundaes by offering a pina colada smoothie , while pret a manger has gone the whole hog and started serving sit-down dinners with wine .grub : burger king 's new party in the park menu consists of three new burgers , the mushroom swiss steakhouse , the pulled pork bbq whopper and the ciabatta chicken tendercrisp ( pictured )\"]\n", - "=======================\n", - "['burger king is now offering alcohol-free pina colada smoothiespret a manger has launched wine-accompanied sit-down dinnersnandos has introduced a quinoa salad and a posh new coleslawstarbucks is also trialling a dinner service with wine']\n", - "the british sandwich chain 's new concept is called ` good evenings ' , and runs from 6pm until 11pm every night , but only ( for now ) at its branch on the strand in london .burger king , which has launched its summer menu , has branched out from run-of-the-mill sundaes by offering a pina colada smoothie , while pret a manger has gone the whole hog and started serving sit-down dinners with wine .grub : burger king 's new party in the park menu consists of three new burgers , the mushroom swiss steakhouse , the pulled pork bbq whopper and the ciabatta chicken tendercrisp ( pictured )\n", - "burger king is now offering alcohol-free pina colada smoothiespret a manger has launched wine-accompanied sit-down dinnersnandos has introduced a quinoa salad and a posh new coleslawstarbucks is also trialling a dinner service with wine\n", - "[1.3677069 1.4559838 1.3965864 1.4062196 1.3513235 1.2453071 1.0710644\n", - " 1.0273803 1.0123773 1.0137223 1.0271908 1.1556091 1.0550237 1.0873022\n", - " 1.0146888 1.0138241 1.0084394 1.0084265 1.0088732 1.0858617 1.0917935\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 11 20 13 19 6 12 7 10 14 15 9 8 18 16 17 21 22 23]\n", - "=======================\n", - "[\"nine weeks after being knocked out in the rbs 6 nations test against italy , brown is still suffering from headaches and has taken no part in training or team meetings since he returned to harlequins .england star mike brown could miss the rest of the season after failing to recover from concussionconor o'shea , harlequins director of rugby , has ruled the 29-year-old out of saturday 's aviva premiership match against sale and he is not expected to face bath the following week .\"]\n", - "=======================\n", - "[\"harlequins and england full-back mike brown may not play again this season due to on-going concussion issuesthe 29-year-old has not played since returning from international duty last month after being knocked out in a six nations game against italynine weeks later , brown is still suffering from headaches and nauseaharlequins director of rugby conor o'shea has insisted that he does not blame the england set-up for brown 's injury\"]\n", - "nine weeks after being knocked out in the rbs 6 nations test against italy , brown is still suffering from headaches and has taken no part in training or team meetings since he returned to harlequins .england star mike brown could miss the rest of the season after failing to recover from concussionconor o'shea , harlequins director of rugby , has ruled the 29-year-old out of saturday 's aviva premiership match against sale and he is not expected to face bath the following week .\n", - "harlequins and england full-back mike brown may not play again this season due to on-going concussion issuesthe 29-year-old has not played since returning from international duty last month after being knocked out in a six nations game against italynine weeks later , brown is still suffering from headaches and nauseaharlequins director of rugby conor o'shea has insisted that he does not blame the england set-up for brown 's injury\n", - "[1.1692939 1.4976056 1.3562467 1.2780764 1.3340555 1.0842706 1.1938341\n", - " 1.1356869 1.1264944 1.211359 1.1043189 1.0742041 1.0260489 1.030126\n", - " 1.0195591 1.0237658 1.1033156 1.0367372 1.0197673 1.0068972 1.0082338\n", - " 1.0050809 1.009102 1.0083817]\n", - "\n", - "[ 1 2 4 3 9 6 0 7 8 10 16 5 11 17 13 12 15 18 14 22 23 20 19 21]\n", - "=======================\n", - "[\"tomas driukas was arrested after paramedics were called to his home in birmingham in the early hours of wednesday morning .his daughter was taken to birmingham children 's hospital with breathing difficulties .the infant , who is believed to be a twin , died later that day after suffering ` several injuries ' , police said .\"]\n", - "=======================\n", - "[\"tomas driukas was arrested after paramedics were called to his homehis infant daughter was taken to hospital with breathing difficultiesfive-month-old , believed to be a twin , died after suffering ` several injuries 'baby 's mother was also arrested but has since been released on bail\"]\n", - "tomas driukas was arrested after paramedics were called to his home in birmingham in the early hours of wednesday morning .his daughter was taken to birmingham children 's hospital with breathing difficulties .the infant , who is believed to be a twin , died later that day after suffering ` several injuries ' , police said .\n", - "tomas driukas was arrested after paramedics were called to his homehis infant daughter was taken to hospital with breathing difficultiesfive-month-old , believed to be a twin , died after suffering ` several injuries 'baby 's mother was also arrested but has since been released on bail\n", - "[1.3911641 1.43697 1.262833 1.4240096 1.1788979 1.0749855 1.0697955\n", - " 1.0239604 1.0233467 1.0253562 1.0270976 1.0324132 1.0236348 1.0609082\n", - " 1.1202294 1.0973365 1.072757 1.0129756 1.0186353 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 14 15 5 16 6 13 11 10 9 7 12 8 18 17 19 20 21 22 23]\n", - "=======================\n", - "[\"the premier league champions were last year deemed to have breached ffp regulations , before being fined # 50million and ordered to operate with a # 49m transfer kitty this season .manchester city captain vincent kompany has slammed ffp for protecting the established order of clubscity are debt-free , mainly thanks to the vast wealth of owner sheikh mansour 's heavy personal investment , whereas manchester united were able to splash out # 150m on new talent in the summer , despite being in the region of # 400m in the red .\"]\n", - "=======================\n", - "['manchester city fined # 50million for breaking ffp regulations in 2014vincent kompany insists the rulings only help the elite clubscity take on neighbours manchester united in the derby on sunday']\n", - "the premier league champions were last year deemed to have breached ffp regulations , before being fined # 50million and ordered to operate with a # 49m transfer kitty this season .manchester city captain vincent kompany has slammed ffp for protecting the established order of clubscity are debt-free , mainly thanks to the vast wealth of owner sheikh mansour 's heavy personal investment , whereas manchester united were able to splash out # 150m on new talent in the summer , despite being in the region of # 400m in the red .\n", - "manchester city fined # 50million for breaking ffp regulations in 2014vincent kompany insists the rulings only help the elite clubscity take on neighbours manchester united in the derby on sunday\n", - "[1.4315041 1.4926732 1.1620162 1.3854749 1.222153 1.0724733 1.0448915\n", - " 1.0717292 1.0489696 1.0524327 1.1069758 1.0712655 1.0161697 1.0733702\n", - " 1.0086986 1.0084318 1.01068 1.0854614 1.0334153 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 4 2 10 17 13 5 7 11 9 8 6 18 12 16 14 15 20 19 21]\n", - "=======================\n", - "['england finished on 116-3 to lead by 220 runs at the end of the third day in antigua with seven second-innings wickets standing .the west indies believe they now dominate england captain alastair cook whose nightmare start to the series saw him fail in both innings of the first test - along with opening partner jonathan trott .captain cook also fell cheaply as he was out for 13 after edging a taylor delivery into the slips']\n", - "=======================\n", - "[\"alastair cook 's old failing against the full ball just outside off stump was again exploited by west indiesbbc 's test match special pundit geoff boycott questioned wisdom of jonathan trott returning to the england sideengland recovered from a shaky start to end third day of first test on 116-3 in their second innings , a lead of 220\"]\n", - "england finished on 116-3 to lead by 220 runs at the end of the third day in antigua with seven second-innings wickets standing .the west indies believe they now dominate england captain alastair cook whose nightmare start to the series saw him fail in both innings of the first test - along with opening partner jonathan trott .captain cook also fell cheaply as he was out for 13 after edging a taylor delivery into the slips\n", - "alastair cook 's old failing against the full ball just outside off stump was again exploited by west indiesbbc 's test match special pundit geoff boycott questioned wisdom of jonathan trott returning to the england sideengland recovered from a shaky start to end third day of first test on 116-3 in their second innings , a lead of 220\n", - "[1.1433728 1.2913779 1.1743385 1.260748 1.1064466 1.1173844 1.1220015\n", - " 1.0544056 1.0556854 1.0705769 1.11728 1.0399692 1.05688 1.0552659\n", - " 1.0914867 1.0369946 1.0260262 1.025296 1.0719662 1.0141618 1.0756781\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 6 5 10 4 14 20 18 9 12 8 13 7 11 15 16 17 19 21]\n", - "=======================\n", - "['these three mormons , all from utah , have realized that they are transgender - a designation not officially recognized by the church of latter day saints .however , in the case of annabel jensen , grayson moore and sara jade woodhouse , they have found a way to exist within the mormon universe - often with the help of local mormon leaders .indeed , church doctrine states that anybody who takes their transgender identity to the extent of gender reassignment surgery can not be baptized - and could face discipline from church elders if they are already a member of the religion .']\n", - "=======================\n", - "['grayson moore , annabel jensen and sara woodhouse are transgendermoore , formerly grace , realized in high school and takes testosteronejensen , who was born christopher , also takes hormone treatmentsmormon church will not baptize anybody who has sex change procedureswoodhouse transitioned later in life - he was married with a daughterthe three have found varying degrees of acceptance into mormon life']\n", - "these three mormons , all from utah , have realized that they are transgender - a designation not officially recognized by the church of latter day saints .however , in the case of annabel jensen , grayson moore and sara jade woodhouse , they have found a way to exist within the mormon universe - often with the help of local mormon leaders .indeed , church doctrine states that anybody who takes their transgender identity to the extent of gender reassignment surgery can not be baptized - and could face discipline from church elders if they are already a member of the religion .\n", - "grayson moore , annabel jensen and sara woodhouse are transgendermoore , formerly grace , realized in high school and takes testosteronejensen , who was born christopher , also takes hormone treatmentsmormon church will not baptize anybody who has sex change procedureswoodhouse transitioned later in life - he was married with a daughterthe three have found varying degrees of acceptance into mormon life\n", - "[1.373958 1.2385136 1.3605227 1.2218817 1.3055933 1.1086719 1.1273391\n", - " 1.0232644 1.0346416 1.0119971 1.2295902 1.051313 1.0212204 1.0539392\n", - " 1.0775876 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 4 1 10 3 6 5 14 13 11 8 7 12 9 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"ahmed gaddaf al-dam , a former minister and the late muammar gaddafi 's cousinabout 800 people are believed to have died when a fishing boat carrying migrants overturned off libyan waters , south of the italian island of lampedusa , shortly after midnight on sunday .the most senior member of the gaddafi clan has laid the blame of the migrant shipwreck that killed about 950 people on the western countries which helped overthrow colonel gaddafi .\"]\n", - "=======================\n", - "[\"ahmed gaddaf al-dam says the west is to blame for the ` chaos ' in libyahe 's a senior member of gaddafi clan and late muammar gaddafi 's cousinmr gaddaf al-dam blames western countries for the migrant shipwreckthe uk government has defended its role in helping to overthrow dictator\"]\n", - "ahmed gaddaf al-dam , a former minister and the late muammar gaddafi 's cousinabout 800 people are believed to have died when a fishing boat carrying migrants overturned off libyan waters , south of the italian island of lampedusa , shortly after midnight on sunday .the most senior member of the gaddafi clan has laid the blame of the migrant shipwreck that killed about 950 people on the western countries which helped overthrow colonel gaddafi .\n", - "ahmed gaddaf al-dam says the west is to blame for the ` chaos ' in libyahe 's a senior member of gaddafi clan and late muammar gaddafi 's cousinmr gaddaf al-dam blames western countries for the migrant shipwreckthe uk government has defended its role in helping to overthrow dictator\n", - "[1.4376879 1.324196 1.1000525 1.0349871 1.0401785 1.5628376 1.0836143\n", - " 1.0690675 1.13715 1.02635 1.0211393 1.0667102 1.0993087 1.0750824\n", - " 1.1754816 1.1468635 1.0287936 1.0127223 1.0139942 1.0708077 1.0441992\n", - " 1.033104 ]\n", - "\n", - "[ 5 0 1 14 15 8 2 12 6 13 19 7 11 20 4 3 21 16 9 10 18 17]\n", - "=======================\n", - "['ian bell scored 143 on the first day of the first test against west indies in antigua on mondayafter his classy 143 had steered england to 341 for five , after they had been 34 for three , bell said that thoughts of him losing his place in 2009 was a big motivating factor .bell was dropped from the side on his last visit to the caribbean in 2009']\n", - "=======================\n", - "[\"ian bell hit 143 on the opening day of the first test in antiguabell came in with england struggling , but took them to 341 for fivethe 33-year-old was dropped during the 2009 series in the caribbeanbell says it was ` nice to come back and put things right '\"]\n", - "ian bell scored 143 on the first day of the first test against west indies in antigua on mondayafter his classy 143 had steered england to 341 for five , after they had been 34 for three , bell said that thoughts of him losing his place in 2009 was a big motivating factor .bell was dropped from the side on his last visit to the caribbean in 2009\n", - "ian bell hit 143 on the opening day of the first test in antiguabell came in with england struggling , but took them to 341 for fivethe 33-year-old was dropped during the 2009 series in the caribbeanbell says it was ` nice to come back and put things right '\n", - "[1.3271054 1.4664359 1.4045123 1.3333077 1.0877715 1.0824504 1.1372571\n", - " 1.0206074 1.0328331 1.1360623 1.0867479 1.0190122 1.0749302 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 0 6 9 4 10 5 12 8 7 11 20 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"the top two sides in group b meet at the cardiff city stadium on june 12 with wales in their best position to qualify for a major tournament since the 1958 world cup finals in sweden .belgium and wales both have 11 points from five games with marc wilmots ' side - ranked fourth in the world - on top spot because of a superior goal difference .wales ' euro 2016 qualifier with belgium this summer has been declared a 33,000 sell-out\"]\n", - "=======================\n", - "[\"wales ' euro 2016 qualifier with belgium has been declared a sell-outgareth bale and co currently top the group b table on goal differencebelgium and wales both on 11 points ahead of clash\"]\n", - "the top two sides in group b meet at the cardiff city stadium on june 12 with wales in their best position to qualify for a major tournament since the 1958 world cup finals in sweden .belgium and wales both have 11 points from five games with marc wilmots ' side - ranked fourth in the world - on top spot because of a superior goal difference .wales ' euro 2016 qualifier with belgium this summer has been declared a 33,000 sell-out\n", - "wales ' euro 2016 qualifier with belgium has been declared a sell-outgareth bale and co currently top the group b table on goal differencebelgium and wales both on 11 points ahead of clash\n", - "[1.0808232 1.1141282 1.3151538 1.3806739 1.2694168 1.3439867 1.187014\n", - " 1.013364 1.2643651 1.1396328 1.093764 1.0811574 1.0255662 1.008052\n", - " 1.0157863 1.0163636 1.0497482 1.0994184 1.0712203]\n", - "\n", - "[ 3 5 2 4 8 6 9 1 17 10 11 0 18 16 12 15 14 7 13]\n", - "=======================\n", - "['everton striker romelu lukaku will have a late fitness test on a hamstring problem ahead of the visit of southampton on saturday .everton vs southampton ( goodison park )the belgium international withdrew from the national squad because of the injury and needs to be assessed .']\n", - "=======================\n", - "['romelu lukaku to have late fitness test on hamstring complaintkevin mirallas and steven pienaar in contention to feature for toffeessteven davis a doubt for southampton with groin injurysaints striker jay rodriguez working way back to full fitness']\n", - "everton striker romelu lukaku will have a late fitness test on a hamstring problem ahead of the visit of southampton on saturday .everton vs southampton ( goodison park )the belgium international withdrew from the national squad because of the injury and needs to be assessed .\n", - "romelu lukaku to have late fitness test on hamstring complaintkevin mirallas and steven pienaar in contention to feature for toffeessteven davis a doubt for southampton with groin injurysaints striker jay rodriguez working way back to full fitness\n", - "[1.4192243 1.1760982 1.2280906 1.2466336 1.2841758 1.141602 1.0724591\n", - " 1.0609282 1.0208004 1.1486278 1.0611972 1.0492625 1.0985014 1.0274875\n", - " 1.0495538 1.0135821 1.0284665 1.0369037 0. ]\n", - "\n", - "[ 0 4 3 2 1 9 5 12 6 10 7 14 11 17 16 13 8 15 18]\n", - "=======================\n", - "[\"clay aiken , the loser in a november contest to represent the second district of north carolina in congress , uncorked some show-biz venom monday on the election 's winner , rep. renee ellmers .the show is called ` the runner-up , ' a reference both to ths election and to his second-place finish in the second season of american idol .aiken told siriusxm radio host howard stern , discussing his esquire network documetary program that chronicles his failed bid for a seat in the house of representatives .\"]\n", - "=======================\n", - "[\"north carolina political also-ran also called rep. renee ellmers an ` idiot 'aiken also placed second on the second season of american idolellmers ' spokeswoman says his ` crude language ' shows ` why he is a runner-up 'entertainer also vented about finding gay lovers in new york city and claimed he has slept with at least one fellow celebritypromised to run for office again ` within the next decade '\"]\n", - "clay aiken , the loser in a november contest to represent the second district of north carolina in congress , uncorked some show-biz venom monday on the election 's winner , rep. renee ellmers .the show is called ` the runner-up , ' a reference both to ths election and to his second-place finish in the second season of american idol .aiken told siriusxm radio host howard stern , discussing his esquire network documetary program that chronicles his failed bid for a seat in the house of representatives .\n", - "north carolina political also-ran also called rep. renee ellmers an ` idiot 'aiken also placed second on the second season of american idolellmers ' spokeswoman says his ` crude language ' shows ` why he is a runner-up 'entertainer also vented about finding gay lovers in new york city and claimed he has slept with at least one fellow celebritypromised to run for office again ` within the next decade '\n", - "[1.3388951 1.2828373 1.1435499 1.273531 1.1148852 1.1094471 1.0621581\n", - " 1.0577319 1.1409329 1.1002203 1.089607 1.0563315 1.0198513 1.1018368\n", - " 1.0908241 1.0452749 1.0411516 1.0450563 0. ]\n", - "\n", - "[ 0 1 3 2 8 4 5 13 9 14 10 6 7 11 15 17 16 12 18]\n", - "=======================\n", - "[\"president barack obama made an unscheduled stop to the bob marley museum in jamaica last night while on a visit to the country for a meeting with caribbean leaders .the first president to visit jamaica in three decades , obama arrived in kingston yesterday evening and was met by prime minister portia simpson-miller , u.s. ambassador to jamaica luis moreno and a dozen other dignitaries .one of the rooms obama explored held the late reggae star 's platinum records and a grammy award .\"]\n", - "=======================\n", - "[\"president barack obama in jamaica for a meeting with caribbean leadershe made an unscheduled visit to the bob marley museum in kingstonsaid the museum was ` wonderful ' - and he still owns all of marley 's recordshe is first u.s president to visit the country since ronald reagan in 1982\"]\n", - "president barack obama made an unscheduled stop to the bob marley museum in jamaica last night while on a visit to the country for a meeting with caribbean leaders .the first president to visit jamaica in three decades , obama arrived in kingston yesterday evening and was met by prime minister portia simpson-miller , u.s. ambassador to jamaica luis moreno and a dozen other dignitaries .one of the rooms obama explored held the late reggae star 's platinum records and a grammy award .\n", - "president barack obama in jamaica for a meeting with caribbean leadershe made an unscheduled visit to the bob marley museum in kingstonsaid the museum was ` wonderful ' - and he still owns all of marley 's recordshe is first u.s president to visit the country since ronald reagan in 1982\n", - "[1.351892 1.323265 1.1966944 1.1466777 1.1179318 1.1416612 1.1512573\n", - " 1.0683398 1.0573885 1.1217985 1.0660096 1.022682 1.0674059 1.0419015\n", - " 1.1213398 1.0779443 1.0517422 1.0258765 0. ]\n", - "\n", - "[ 0 1 2 6 3 5 9 14 4 15 7 12 10 8 16 13 17 11 18]\n", - "=======================\n", - "[\"mogadishu , somalia ( cnn ) gunmen stormed the headquarters of somalia 's education ministry in the country 's capital on tuesday after a suicide car bombing , a two-pronged attack that killed at least 12 people and injured 16 others , officials said .the islamist militant group al-shabaab is responsible for the attack in the center of mogadishu , group spokesman abu musab said .the attack began when two suicide bombers detonated their car at the entrance of the two-story building housing the ministry of education , culture & higher education , somali national security ministry spokesman mohamed yusuf said .\"]\n", - "=======================\n", - "['al-shabaab claims responsibility for the attacka car bomb explodes outside the front gate of the education ministry building in mogadishuassailants storm the building and engage in a gunbattle with guards']\n", - "mogadishu , somalia ( cnn ) gunmen stormed the headquarters of somalia 's education ministry in the country 's capital on tuesday after a suicide car bombing , a two-pronged attack that killed at least 12 people and injured 16 others , officials said .the islamist militant group al-shabaab is responsible for the attack in the center of mogadishu , group spokesman abu musab said .the attack began when two suicide bombers detonated their car at the entrance of the two-story building housing the ministry of education , culture & higher education , somali national security ministry spokesman mohamed yusuf said .\n", - "al-shabaab claims responsibility for the attacka car bomb explodes outside the front gate of the education ministry building in mogadishuassailants storm the building and engage in a gunbattle with guards\n", - "[1.5074357 1.129581 1.0344194 1.0713924 1.2915491 1.127681 1.1671362\n", - " 1.0907952 1.2742691 1.203146 1.0511799 1.0574118 1.0553664 1.174679\n", - " 1.0731637 1.0598233 1.0780053 0. 0. ]\n", - "\n", - "[ 0 4 8 9 13 6 1 5 7 16 14 3 15 11 12 10 2 17 18]\n", - "=======================\n", - "[\"louis van gaal blamed himself for manchester united finishing the game with 10 men , using all his substitutes before michael carrick came off as a precaution with a tight calf .sergio aguero ( centre ) celebrates after scoring the opening goal at old trafford on sunday afternoonit was aguero 's first goal since he scored for city against barcelona at the etihad back in february\"]\n", - "=======================\n", - "['united finished the game with 10 men after michael carrick came offsergio aguero reached the 100-goal mark faster than any other city playerjames milner hurled an energy pouch to the floor in frustration after he was replaced by samir nasriunited felt that martin demichelis overreacted when caught by a flailing arm from marouane fellaini']\n", - "louis van gaal blamed himself for manchester united finishing the game with 10 men , using all his substitutes before michael carrick came off as a precaution with a tight calf .sergio aguero ( centre ) celebrates after scoring the opening goal at old trafford on sunday afternoonit was aguero 's first goal since he scored for city against barcelona at the etihad back in february\n", - "united finished the game with 10 men after michael carrick came offsergio aguero reached the 100-goal mark faster than any other city playerjames milner hurled an energy pouch to the floor in frustration after he was replaced by samir nasriunited felt that martin demichelis overreacted when caught by a flailing arm from marouane fellaini\n", - "[1.3307037 1.5681118 1.297276 1.306623 1.1141016 1.2084571 1.0353585\n", - " 1.0271028 1.0253034 1.0258299 1.3350582 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 10 0 3 2 5 4 6 7 9 8 19 18 17 16 12 14 13 11 20 15 21]\n", - "=======================\n", - "['nicholas james langan , 24 , from townsville , was arrested about 1.00 am on january 27 at a beach in canggu , north of kuta , for smoking a marijuana joint .bali prosecutors want an australian man allegedly caught smoking a joint on the beach to serve up to 12 years in jail .police seized the 0.1 gram joint and a small bag of marijuana weighing 0.86 grams .']\n", - "=======================\n", - "['bali prosecutors want an australian man allegedly caught smoking a joint on the beach to serve up to 12 years in jailnicholas james langan , 24 , from townsville , was arrested about 1.00 am on january 27 at a beach in canggu , north of kutapolice allege he was smoking a joint at the time of the arrestprosecutors said he possessed a small bag of marijuana weighing 0.86 grams']\n", - "nicholas james langan , 24 , from townsville , was arrested about 1.00 am on january 27 at a beach in canggu , north of kuta , for smoking a marijuana joint .bali prosecutors want an australian man allegedly caught smoking a joint on the beach to serve up to 12 years in jail .police seized the 0.1 gram joint and a small bag of marijuana weighing 0.86 grams .\n", - "bali prosecutors want an australian man allegedly caught smoking a joint on the beach to serve up to 12 years in jailnicholas james langan , 24 , from townsville , was arrested about 1.00 am on january 27 at a beach in canggu , north of kutapolice allege he was smoking a joint at the time of the arrestprosecutors said he possessed a small bag of marijuana weighing 0.86 grams\n", - "[1.4991664 1.2177583 1.3067199 1.1892867 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 3 19 18 17 16 15 14 13 12 10 20 9 8 7 6 5 4 11 21]\n", - "=======================\n", - "[\"kabul , afghanistan ( cnn ) three people were killed and five others were wounded thursday afternoon when a group of armed assailants stormed into the attorney general 's office in balkh province , northern afghanistan , according to a press release from the provincial governor 's office .although most staff members and civilians have been rescued , an exchange of fire between afghan security forces and the assailants is ongoing , the statement says .\"]\n", - "=======================\n", - "[\"three people killed ; five wounded in attack on attorney general 's office in balkh provincestaff and civilians have been rescued as gunmen engaged afghan security forces\"]\n", - "kabul , afghanistan ( cnn ) three people were killed and five others were wounded thursday afternoon when a group of armed assailants stormed into the attorney general 's office in balkh province , northern afghanistan , according to a press release from the provincial governor 's office .although most staff members and civilians have been rescued , an exchange of fire between afghan security forces and the assailants is ongoing , the statement says .\n", - "three people killed ; five wounded in attack on attorney general 's office in balkh provincestaff and civilians have been rescued as gunmen engaged afghan security forces\n", - "[1.1752913 1.2073799 1.0832181 1.2204078 1.2230017 1.1789743 1.2312424\n", - " 1.1912099 1.1844361 1.1955451 1.0982474 1.049239 1.0432076 1.0494053\n", - " 1.1257482 1.1418428 1.054369 1.0435954 1.0376651 1.020247 1.0236043\n", - " 1.0103917]\n", - "\n", - "[ 6 4 3 1 9 7 8 5 0 15 14 10 2 16 13 11 17 12 18 20 19 21]\n", - "=======================\n", - "[\"the dramatic scenes were witnessed by researcher brent stapelkamp in hwange national parkthe lioness eventually locked on to the giraffe 's throat to kill itdetermined : incredible pictures show a lone lioness bringing down a towering giraffe all by herself\"]\n", - "=======================\n", - "['epic struggle between lioness and giraffe in zimbabwe caught on camerathe lioness was pictured battling the animal in hwange national parkpredator was very lucky to survive as a kick from a giraffe can be lethal']\n", - "the dramatic scenes were witnessed by researcher brent stapelkamp in hwange national parkthe lioness eventually locked on to the giraffe 's throat to kill itdetermined : incredible pictures show a lone lioness bringing down a towering giraffe all by herself\n", - "epic struggle between lioness and giraffe in zimbabwe caught on camerathe lioness was pictured battling the animal in hwange national parkpredator was very lucky to survive as a kick from a giraffe can be lethal\n", - "[1.4915484 1.4252695 1.3153138 1.5492698 1.063872 1.0219909 1.0651939\n", - " 1.0232711 1.0168734 1.0168169 1.0259026 1.1861284 1.0893458 1.0698676\n", - " 1.0660338 1.0137401 1.0112232 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 0 1 2 11 12 13 14 6 4 10 7 5 8 9 15 16 17 18 19 20 21]\n", - "=======================\n", - "['kevin pietersen scored 170 in his first outing for surrey this season but scored just 19 against glamorganpietersen has returned to the lv = county championship in a bid to stake a claim for an england recall , although the 34-year-old only managed 19 runs against glamorgan on sunday .england were held to a draw in the opening test of a three-match series against west indies last week , and calls for a pietersen comeback continue to linger ahead of the ashes this summer .']\n", - "=======================\n", - "['kevin pietersen scored 19 runs for surrey against glamorganmike gatting says if players are doing well for england then they should keep their placepietersen was sacked by england following the 2013/14 ashes tour']\n", - "kevin pietersen scored 170 in his first outing for surrey this season but scored just 19 against glamorganpietersen has returned to the lv = county championship in a bid to stake a claim for an england recall , although the 34-year-old only managed 19 runs against glamorgan on sunday .england were held to a draw in the opening test of a three-match series against west indies last week , and calls for a pietersen comeback continue to linger ahead of the ashes this summer .\n", - "kevin pietersen scored 19 runs for surrey against glamorganmike gatting says if players are doing well for england then they should keep their placepietersen was sacked by england following the 2013/14 ashes tour\n", - "[1.3846245 1.2126427 1.2934818 1.383369 1.3906882 1.0810937 1.0181906\n", - " 1.0112038 1.0153214 1.013694 1.0557404 1.123744 1.0200249 1.0139519\n", - " 1.0243121 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 4 0 3 2 1 11 5 10 14 12 6 8 13 9 7 20 15 16 17 18 19 21]\n", - "=======================\n", - "['yann kermorgant fires bournemouth into the lead with sweetly-taken free-kick in the 70th minutebournemouth moved four points clear at the top of the championship with a win against brighton as manager eddie howe set club records tumbling .callum wilson puts the cherries 2-0 ahead with a sublime finish in the 81st minute']\n", - "=======================\n", - "[\"bournemouth lead the championship by four points with four games leftyann kermorgant fired the cherries into the lead in the 70th minutecallum wilson doubled the visitors ' advantage 10 minutes latereddie howe 's side have set a club record 106 goals in all competitions\"]\n", - "yann kermorgant fires bournemouth into the lead with sweetly-taken free-kick in the 70th minutebournemouth moved four points clear at the top of the championship with a win against brighton as manager eddie howe set club records tumbling .callum wilson puts the cherries 2-0 ahead with a sublime finish in the 81st minute\n", - "bournemouth lead the championship by four points with four games leftyann kermorgant fired the cherries into the lead in the 70th minutecallum wilson doubled the visitors ' advantage 10 minutes latereddie howe 's side have set a club record 106 goals in all competitions\n", - "[1.302399 1.4323158 1.2322206 1.2651403 1.3232412 1.107371 1.0492401\n", - " 1.0572417 1.0606607 1.1071737 1.045846 1.0424565 1.073902 1.0351025\n", - " 1.0385661 1.0373331 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 0 3 2 5 9 12 8 7 6 10 11 14 15 13 20 16 17 18 19 21]\n", - "=======================\n", - "[\"may pat christie , 51 , a managing director at new york city finance firm angelo gordon & co , ditched her $ 475,000-a-year position this week , a family spokesman confirmed .chris christie 's wife has quit her big-money job on wall street in what could be a sign her husband has decided to run for president in 2016 .but many will see the move as a sign that new jersey governor christie , 52 , is coming closer to seeking the republican nomination for the 2016 presidential election .\"]\n", - "=======================\n", - "['mary pat christie , 51 , quit her position at finance firm angleo gordon & coreportedly told colleagues the move would precede a christie campaignmrs christie earns almost three times as much as her husbandhas accompanied new jersey governor on putative campaign trail']\n", - "may pat christie , 51 , a managing director at new york city finance firm angelo gordon & co , ditched her $ 475,000-a-year position this week , a family spokesman confirmed .chris christie 's wife has quit her big-money job on wall street in what could be a sign her husband has decided to run for president in 2016 .but many will see the move as a sign that new jersey governor christie , 52 , is coming closer to seeking the republican nomination for the 2016 presidential election .\n", - "mary pat christie , 51 , quit her position at finance firm angleo gordon & coreportedly told colleagues the move would precede a christie campaignmrs christie earns almost three times as much as her husbandhas accompanied new jersey governor on putative campaign trail\n", - "[1.2415761 1.3484436 1.2819769 1.22258 1.2952616 1.1071999 1.1708913\n", - " 1.1765714 1.0680335 1.0189797 1.0417944 1.1622918 1.0986786 1.1024201\n", - " 1.0894496 1.0425786 1.0064454 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 2 0 3 7 6 11 5 13 12 14 8 15 10 9 16 17 18 19 20 21]\n", - "=======================\n", - "[\"in the bag , carried in the hold of the aircraft , there were 55 snakes , 35 lizards , seven turtles , six lemurs , two monkeys and even a suspected leopard cub .cruel cargo : more than 100 exotic animals were found stuffed in this suitcase belonging to a female passenger travelling on a flight from indonesia to russia 's domodedovo airporttwo baby crocodiles died on the journey from jakarta to moscow and all the survivors appeared terrified when they were found after the 6,515-mile ordeal .\"]\n", - "=======================\n", - "['passenger accused of smuggling 108 exotic animals on flight from jakartatwo baby crocodiles died on the journey to russia after 6,515-mile ordealwoman faces up to seven years in jail if found guilty of smuggling leopard']\n", - "in the bag , carried in the hold of the aircraft , there were 55 snakes , 35 lizards , seven turtles , six lemurs , two monkeys and even a suspected leopard cub .cruel cargo : more than 100 exotic animals were found stuffed in this suitcase belonging to a female passenger travelling on a flight from indonesia to russia 's domodedovo airporttwo baby crocodiles died on the journey from jakarta to moscow and all the survivors appeared terrified when they were found after the 6,515-mile ordeal .\n", - "passenger accused of smuggling 108 exotic animals on flight from jakartatwo baby crocodiles died on the journey to russia after 6,515-mile ordealwoman faces up to seven years in jail if found guilty of smuggling leopard\n", - "[1.142482 1.2295623 1.333694 1.3949758 1.2461654 1.2701743 1.2224814\n", - " 1.1096036 1.1351699 1.0575252 1.0382361 1.0087985 1.0448028 1.0411161\n", - " 1.0272532 1.0257411 1.0949858 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 2 5 4 1 6 0 8 7 16 9 12 13 10 14 15 11 20 17 18 19 21]\n", - "=======================\n", - "[\"chloe jackson , 19 , appeared on today 's this morning to talk about how facebook makes her feel lonelythe survey , funded by the big lottery , found that more than 80 per cent of young people feel lonely at some point .the research revealed that half of those aged 55 and over said they never felt lonely .\"]\n", - "=======================\n", - "[\"younger people feeling lonelier than older generations according to report43 % of 18 to 34-year-old wish they had more friendsmany only interact with friends onlinechloe jackson , 19 , said facebook makes her feel lonelyfeels left out when she sees friends ' posts when they 're out having fun\"]\n", - "chloe jackson , 19 , appeared on today 's this morning to talk about how facebook makes her feel lonelythe survey , funded by the big lottery , found that more than 80 per cent of young people feel lonely at some point .the research revealed that half of those aged 55 and over said they never felt lonely .\n", - "younger people feeling lonelier than older generations according to report43 % of 18 to 34-year-old wish they had more friendsmany only interact with friends onlinechloe jackson , 19 , said facebook makes her feel lonelyfeels left out when she sees friends ' posts when they 're out having fun\n", - "[1.1965337 1.4048946 1.4290906 1.112088 1.1117581 1.1978738 1.1165819\n", - " 1.0184504 1.0276955 1.0902061 1.0709915 1.1098287 1.0356985 1.0256175\n", - " 1.0266788 1.091524 1.102456 1.0348805 1.0626249 1.047413 1.0279188\n", - " 1.0755559]\n", - "\n", - "[ 2 1 5 0 6 3 4 11 16 15 9 21 10 18 19 12 17 20 8 14 13 7]\n", - "=======================\n", - "[\"the mother-of-five sent the fruit of to queensland environmental health branch for testing , but their first round of scientific tests were to no avail .angela postle , from maroochydore in southeast queensland , stumbled upon the bizarre spectacle last month after slicing some oranges she bought from a local supermarket .the oranges that turned an inexplicable hue of purple in queensland mother angela postle 's house\"]\n", - "=======================\n", - "['queensland mother angela postle discovered the phenomenon last monthshe sliced some oranges and found they turned purple in her kitchenms postle sent them to health authorities but they have failed to explain itthe samples have been sent to a molecular laboratory for further testsfood experts have voiced their bewilderment at the images of the fruit']\n", - "the mother-of-five sent the fruit of to queensland environmental health branch for testing , but their first round of scientific tests were to no avail .angela postle , from maroochydore in southeast queensland , stumbled upon the bizarre spectacle last month after slicing some oranges she bought from a local supermarket .the oranges that turned an inexplicable hue of purple in queensland mother angela postle 's house\n", - "queensland mother angela postle discovered the phenomenon last monthshe sliced some oranges and found they turned purple in her kitchenms postle sent them to health authorities but they have failed to explain itthe samples have been sent to a molecular laboratory for further testsfood experts have voiced their bewilderment at the images of the fruit\n", - "[1.4558221 1.1550612 1.1952475 1.1322484 1.2666886 1.147168 1.1480197\n", - " 1.0654898 1.1368212 1.0633298 1.0689434 1.0622324 1.0114385 1.0382756\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 4 2 1 6 5 8 3 10 7 9 11 13 12 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"shanghai , china ( cnn ) when china 's biggest auto show opens in shanghai this week , the only models on display will be the ones with four wheels .however , the show comes at a turning point for china 's auto market , which is facing a second year of slower growth in 2015 after a decade-long sales and production frenzy .vehicle sales in china totaled 23.5 million units last year , almost a third more than in the united states .\"]\n", - "=======================\n", - "['organizers want to ban scantily-clad models at car showthe shanghai auto show is a key event for global automakerscars are no longer the status symbol they once were in china']\n", - "shanghai , china ( cnn ) when china 's biggest auto show opens in shanghai this week , the only models on display will be the ones with four wheels .however , the show comes at a turning point for china 's auto market , which is facing a second year of slower growth in 2015 after a decade-long sales and production frenzy .vehicle sales in china totaled 23.5 million units last year , almost a third more than in the united states .\n", - "organizers want to ban scantily-clad models at car showthe shanghai auto show is a key event for global automakerscars are no longer the status symbol they once were in china\n", - "[1.196006 1.4636557 1.2680053 1.0841995 1.2744693 1.0809935 1.0984662\n", - " 1.0606003 1.0593165 1.0582263 1.1218389 1.0855372 1.0550326 1.0351294\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 0 10 6 11 3 5 7 8 9 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"almost half of 1,000 british companies questioned said they are less inclined to recruit an applicant after interview if they are obese or overweight .among the reasons given were that overweight workers ` are unable to play a full role in the business ' , ` they 're lazy ' , and ` they would n't be able to do the job required ' , the research shows .obese workers are ` lazy ' and ` unable to fulfil their roles ' and as a result are less likely to be hired , a new survey has revealed .\"]\n", - "=======================\n", - "[\"survey of 1,000 firms showed half are less inclined to recruit obese peoplebelieve they are ` lazy ' and ` unable to fulfil their roles as required 'comes after european court ruled obesity is a disability after 25st danish childminder claimed he was sacked by local authority because he was fatspecialist furniture such as larger chairsparking spaces next to the workplacedietary advice to overweight staffgym membershipsopportunities to work from home\"]\n", - "almost half of 1,000 british companies questioned said they are less inclined to recruit an applicant after interview if they are obese or overweight .among the reasons given were that overweight workers ` are unable to play a full role in the business ' , ` they 're lazy ' , and ` they would n't be able to do the job required ' , the research shows .obese workers are ` lazy ' and ` unable to fulfil their roles ' and as a result are less likely to be hired , a new survey has revealed .\n", - "survey of 1,000 firms showed half are less inclined to recruit obese peoplebelieve they are ` lazy ' and ` unable to fulfil their roles as required 'comes after european court ruled obesity is a disability after 25st danish childminder claimed he was sacked by local authority because he was fatspecialist furniture such as larger chairsparking spaces next to the workplacedietary advice to overweight staffgym membershipsopportunities to work from home\n", - "[1.213251 1.4059424 1.2137867 1.3609943 1.2163908 1.0596956 1.1117394\n", - " 1.1393008 1.0789764 1.0873163 1.2021832 1.073009 1.0437776 1.0120006\n", - " 1.0141441 1.0091182 1.0095645 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 10 7 6 9 8 11 5 12 14 13 16 15 17 18]\n", - "=======================\n", - "['the shcherbakov family has been caring for the cub , which is unable to survive on its own , since it wandered up to their house gate three weeks ago .the family matriarch ( pictured ) feeds the bear porridge and milk from a refashioned beer bottlea family in far eastern russia has adopted an orphaned bear cub which was found alone after its mother was likely killed by poachers .']\n", - "=======================\n", - "['shcherbakov family has been caring for the cub after finding it alonecub wandered up to their gate in tulun and is unable to survive on its ownfamily is hoping to find it a permanent home as it will grow into a beastlocal expert cautions against bringing wild animals into the home']\n", - "the shcherbakov family has been caring for the cub , which is unable to survive on its own , since it wandered up to their house gate three weeks ago .the family matriarch ( pictured ) feeds the bear porridge and milk from a refashioned beer bottlea family in far eastern russia has adopted an orphaned bear cub which was found alone after its mother was likely killed by poachers .\n", - "shcherbakov family has been caring for the cub after finding it alonecub wandered up to their gate in tulun and is unable to survive on its ownfamily is hoping to find it a permanent home as it will grow into a beastlocal expert cautions against bringing wild animals into the home\n", - "[1.4643981 1.4625733 1.139611 1.2319069 1.1506971 1.0983946 1.0386446\n", - " 1.1002665 1.1411031 1.036582 1.01525 1.014845 1.010047 1.2623453\n", - " 1.0709409 1.1310952 1.0844227 1.2409 1.0082405]\n", - "\n", - "[ 0 1 13 17 3 4 8 2 15 7 5 16 14 6 9 10 11 12 18]\n", - "=======================\n", - "[\"wallace , the chelsea defender on-loan at vitesse arnhem , has been released without charge after being questioned by police on ` suspicion of a sexual offence ' .the 20-year-old , who has been loaned out to fluminense and inter milan since he signed for chelsea in january 2013 , was with vitesse 's squad for their trip to excelsior and fined by the dutch club .wallace is on a season-long loan at vitesse .\"]\n", - "=======================\n", - "[\"wallace , who signed for chelsea in 2013 , is on loan at vitesse arnhemhe has been pulled out of their squad for the trip to excelsior on saturdaythe 20-year-old has also been handed the maximum fine by the dutch sidewallace , a brazilian under-20 international , made his debut for jose mourinho 's side during their summer tour of asia in 2013click here for all the latest chelsea news\"]\n", - "wallace , the chelsea defender on-loan at vitesse arnhem , has been released without charge after being questioned by police on ` suspicion of a sexual offence ' .the 20-year-old , who has been loaned out to fluminense and inter milan since he signed for chelsea in january 2013 , was with vitesse 's squad for their trip to excelsior and fined by the dutch club .wallace is on a season-long loan at vitesse .\n", - "wallace , who signed for chelsea in 2013 , is on loan at vitesse arnhemhe has been pulled out of their squad for the trip to excelsior on saturdaythe 20-year-old has also been handed the maximum fine by the dutch sidewallace , a brazilian under-20 international , made his debut for jose mourinho 's side during their summer tour of asia in 2013click here for all the latest chelsea news\n", - "[1.3001649 1.3258219 1.3288486 1.3240799 1.1609764 1.2678223 1.2695838\n", - " 1.0249826 1.0347772 1.0303104 1.0306497 1.1079297 1.0387046 1.136289\n", - " 1.0482136 1.01384 1.0117031 1.0405761 1.0362889]\n", - "\n", - "[ 2 1 3 0 6 5 4 13 11 14 17 12 18 8 10 9 7 15 16]\n", - "=======================\n", - "[\"that painting , titled ` bomb damage , ' was drawn on the metal door that formed the last remaining part of a two-story house belonging to the dardouna family in northern gaza .the popular street artist is believed to have ventured into gaza earlier this year , leaving behind four murals - including an image depicting the greek goddess niobe cowering amid the rubble .but unaware that banksy 's works are usually valued at hundreds of thousands of pounds , rabie dardouna said he has been tricked into selling the door to a local artist for just # 100 .\"]\n", - "=======================\n", - "['british graffiti artist painted mural on metal door of dardouna family homeit was the only part of the two-storey building to survive bombing last yearlocal artist belal khaled convinced homeowner to sell door for just # 100but now that he knows banksy murals are valued at hundreds of thousands of pounds , rabie dardouna is demanding the door is returned']\n", - "that painting , titled ` bomb damage , ' was drawn on the metal door that formed the last remaining part of a two-story house belonging to the dardouna family in northern gaza .the popular street artist is believed to have ventured into gaza earlier this year , leaving behind four murals - including an image depicting the greek goddess niobe cowering amid the rubble .but unaware that banksy 's works are usually valued at hundreds of thousands of pounds , rabie dardouna said he has been tricked into selling the door to a local artist for just # 100 .\n", - "british graffiti artist painted mural on metal door of dardouna family homeit was the only part of the two-storey building to survive bombing last yearlocal artist belal khaled convinced homeowner to sell door for just # 100but now that he knows banksy murals are valued at hundreds of thousands of pounds , rabie dardouna is demanding the door is returned\n", - "[1.3937353 1.2493178 1.3285595 1.1609011 1.0786812 1.0520934 1.0549445\n", - " 1.0300132 1.1283883 1.0734681 1.0544307 1.0842521 1.0672454 1.0303694\n", - " 1.0249066 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 8 11 4 9 12 6 10 5 13 7 14 17 15 16 18]\n", - "=======================\n", - "[\"hadas from eritrea , africa , talks about her experience of being circumcised ( picture posed by model )hadas ( not her real name to protect her identity ) , who now lives in the uk , had ` the cut ' in eritrea , where circumcision for girls is widely practiced , when she was just a few months old .she said : ` in my culture , it is believed that when the vagina is cut , the desire to have sex is cut as well and that sex is only something a woman does with her husband to have children . '\"]\n", - "=======================\n", - "[\"hadas had the barbaric practice in eritrea , africa , where fgm is commonher mother believed putting her through the ordeal as a baby was bestin her village ` uncut ' women will be sluts and even grow up to be clumsywoman , who wants to remain anonymous , was sex trafficked to the uk\"]\n", - "hadas from eritrea , africa , talks about her experience of being circumcised ( picture posed by model )hadas ( not her real name to protect her identity ) , who now lives in the uk , had ` the cut ' in eritrea , where circumcision for girls is widely practiced , when she was just a few months old .she said : ` in my culture , it is believed that when the vagina is cut , the desire to have sex is cut as well and that sex is only something a woman does with her husband to have children . '\n", - "hadas had the barbaric practice in eritrea , africa , where fgm is commonher mother believed putting her through the ordeal as a baby was bestin her village ` uncut ' women will be sluts and even grow up to be clumsywoman , who wants to remain anonymous , was sex trafficked to the uk\n", - "[1.319576 1.0720232 1.2672777 1.0494448 1.1607375 1.3593622 1.2594239\n", - " 1.023059 1.0344772 1.0265049 1.1805091 1.1033798 1.0222982 1.0595282\n", - " 1.0689858 1.0654649 1.0705752 1.0546447]\n", - "\n", - "[ 5 0 2 6 10 4 11 1 16 14 15 13 17 3 8 9 7 12]\n", - "=======================\n", - "[\"arsenal players have revealed their ultimate pre-game playlist ahead of their premier league tie with burnleyarsenal are the form team in europe at present , winning 10 games out of their last 11 , including seven in a row .players have returned from injury at the right time , olivier giroud ca n't stop scoring , hector bellerin and francis coquelin have emerged , while arsene wenger seems to have found his drive once again .\"]\n", - "=======================\n", - "['arsenal face burnley in evening fixture at turf moor on saturdaygunners are 2nd in the premier league while hosts are in relegation zonearsenal partner europcar reveal playlist players will listen to on the busolivier giroud picks coldplay , danny welbeck opts for chase and statustheo walcott is an ll cool j fan , nacho monreal goes for david guettaread : arsenal stars in good spirits as they bid to win eighth straight game']\n", - "arsenal players have revealed their ultimate pre-game playlist ahead of their premier league tie with burnleyarsenal are the form team in europe at present , winning 10 games out of their last 11 , including seven in a row .players have returned from injury at the right time , olivier giroud ca n't stop scoring , hector bellerin and francis coquelin have emerged , while arsene wenger seems to have found his drive once again .\n", - "arsenal face burnley in evening fixture at turf moor on saturdaygunners are 2nd in the premier league while hosts are in relegation zonearsenal partner europcar reveal playlist players will listen to on the busolivier giroud picks coldplay , danny welbeck opts for chase and statustheo walcott is an ll cool j fan , nacho monreal goes for david guettaread : arsenal stars in good spirits as they bid to win eighth straight game\n", - "[1.2435488 1.4332914 1.2931865 1.2742394 1.3279102 1.144208 1.040326\n", - " 1.0360719 1.1028044 1.0152755 1.0354894 1.0384456 1.0139487 1.0239944\n", - " 1.0846204 1.0684674 0. 0. ]\n", - "\n", - "[ 1 4 2 3 0 5 8 14 15 6 11 7 10 13 9 12 16 17]\n", - "=======================\n", - "[\"actor ricky dearman said his reputation was shattered after being branded the leader of a london satanic cult who trafficked of children into the uk to be tortured and killed on video .scotland yard investigated the ` baseless ' claims but found they had been made by his children after they were tortured by their mother and her partner , who attacked them and fed them drugs .police are now hunting for ella draper and abraham christie , who may have fled abroad , and mr dearman now hopes to win custody of his children , who are eight and nine and currently in care .\"]\n", - "=======================\n", - "[\"ricky dearman was branded cult leader in bitter battle over his childrenhe said : ` they 'd said we were killing babies , i was shipping them in , we would cut the babies ' throats and then would drink the blood .judge found mother forced children to lie about sexual abuse and tortureella draper and abraham christie wanted by police but have fled abroad\"]\n", - "actor ricky dearman said his reputation was shattered after being branded the leader of a london satanic cult who trafficked of children into the uk to be tortured and killed on video .scotland yard investigated the ` baseless ' claims but found they had been made by his children after they were tortured by their mother and her partner , who attacked them and fed them drugs .police are now hunting for ella draper and abraham christie , who may have fled abroad , and mr dearman now hopes to win custody of his children , who are eight and nine and currently in care .\n", - "ricky dearman was branded cult leader in bitter battle over his childrenhe said : ` they 'd said we were killing babies , i was shipping them in , we would cut the babies ' throats and then would drink the blood .judge found mother forced children to lie about sexual abuse and tortureella draper and abraham christie wanted by police but have fled abroad\n", - "[1.126988 1.4133894 1.251525 1.2110937 1.1186384 1.0819852 1.2353243\n", - " 1.1507665 1.0681493 1.0611016 1.1984588 1.1053063 1.0517687 1.0668873\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 6 3 10 7 0 4 11 5 8 13 9 12 16 14 15 17]\n", - "=======================\n", - "['a video uploaded by youtube user shkesi shows a baby girl mesmerized by a toy mothering hen .as the motorized plush bird bounces up and down and pops out an egg , the infant can barely believe her eyes .when the first egg emerges she cries for joy and when the third comes she lets out a shriek with her arms waving around .']\n", - "=======================\n", - "['a video uploaded by youtube user shkesi shows a baby girl mesmerized by the mothering henas the plush bird bounces up and down and pops out an egg the infant can barely believe her eyes']\n", - "a video uploaded by youtube user shkesi shows a baby girl mesmerized by a toy mothering hen .as the motorized plush bird bounces up and down and pops out an egg , the infant can barely believe her eyes .when the first egg emerges she cries for joy and when the third comes she lets out a shriek with her arms waving around .\n", - "a video uploaded by youtube user shkesi shows a baby girl mesmerized by the mothering henas the plush bird bounces up and down and pops out an egg the infant can barely believe her eyes\n", - "[1.3246928 1.5372083 1.1698403 1.3506056 1.2273139 1.1624057 1.0862026\n", - " 1.0515094 1.1095372 1.0345023 1.0123044 1.0145761 1.1081833 1.0664237\n", - " 1.0444672 1.0444399 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 5 8 12 6 13 7 14 15 9 11 10 16 17]\n", - "=======================\n", - "['audrey pekin , 19 , says she was attacked by a man , henry alafu , who she had met with other friends a few days earlier when he lured her to his remote home - and then assaulted her again in a taxi as she tried to flee .audrey pekin has detailed the alleged rape and attack she suffered while on a christmas holiday to bali with her familyalafu lured ms pekin back to where his property away from the bustling tourist centre of the city , and brutally raped her on two separate occasions .']\n", - "=======================\n", - "[\"audrey pekin says she was brutally raped while on family holiday to balims pekin claims she was raped by nigerian national henry alafupekin family has questioned why mr alafu was not arrested by police` he went from a man to a monster , ' ms pekin says of her alleged attackermr alafu allegedly raped ms pekin twice , once in a home and once in a cab\"]\n", - "audrey pekin , 19 , says she was attacked by a man , henry alafu , who she had met with other friends a few days earlier when he lured her to his remote home - and then assaulted her again in a taxi as she tried to flee .audrey pekin has detailed the alleged rape and attack she suffered while on a christmas holiday to bali with her familyalafu lured ms pekin back to where his property away from the bustling tourist centre of the city , and brutally raped her on two separate occasions .\n", - "audrey pekin says she was brutally raped while on family holiday to balims pekin claims she was raped by nigerian national henry alafupekin family has questioned why mr alafu was not arrested by police` he went from a man to a monster , ' ms pekin says of her alleged attackermr alafu allegedly raped ms pekin twice , once in a home and once in a cab\n", - "[1.1966695 1.4827762 1.2636087 1.2286388 1.3235341 1.1720471 1.0866107\n", - " 1.0611987 1.0314599 1.0932068 1.0914084 1.0585988 1.0708412 1.0478306\n", - " 1.0390267 1.0214084 1.0242171 0. ]\n", - "\n", - "[ 1 4 2 3 0 5 9 10 6 12 7 11 13 14 8 16 15 17]\n", - "=======================\n", - "[\"matheryn naovaratpong , from thailand , is thought to be the youngest person ever cryogenically preserved .the toddler was diagnosed with an aggressive form of cancer last april after she failed to wake up one morning , motherboard 's brian merchant reportsafter being admitted to a bangkok hospital , tests revealed she had a 11cm tumour in the left side of her brain .\"]\n", - "=======================\n", - "['two-year-old matheryn naovaratpong , from thailand , died in januaryhad battled a very rare brain cancer that affects very young childrenher brain and body have been frozen by arizona-based firm alcorfamily hopes body can be used for research - or she can one day live again']\n", - "matheryn naovaratpong , from thailand , is thought to be the youngest person ever cryogenically preserved .the toddler was diagnosed with an aggressive form of cancer last april after she failed to wake up one morning , motherboard 's brian merchant reportsafter being admitted to a bangkok hospital , tests revealed she had a 11cm tumour in the left side of her brain .\n", - "two-year-old matheryn naovaratpong , from thailand , died in januaryhad battled a very rare brain cancer that affects very young childrenher brain and body have been frozen by arizona-based firm alcorfamily hopes body can be used for research - or she can one day live again\n", - "[1.3336189 1.1968325 1.1470276 1.187248 1.1666552 1.173261 1.118552\n", - " 1.0662875 1.0209714 1.0453732 1.0858123 1.0694786 1.050391 1.1101694\n", - " 1.0481359 1.1019655 1.0419158 1.0325712 1.0298953 1.0226659 1.013003\n", - " 1.028825 ]\n", - "\n", - "[ 0 1 3 5 4 2 6 13 15 10 11 7 12 14 9 16 17 18 21 19 8 20]\n", - "=======================\n", - "['( cnn ) the baltimore mother who slapped her son several times and pulled him out of a protest told cnn on wednesday she was n\\'t concerned that she might be embarrassing her son .\" not at all , \" toya graham told cnn \\'s \" anderson cooper 360 ˚ \" in an interview that aired wednesday night .the video of graham yanking her son , michael singleton , and slapping him with a right hand as cnn affiliate wmar recorded has led to the internet calling graham #motheroftheyear .']\n", - "=======================\n", - "[\"video of toya graham going to a protest and forcefully removing her son went viral , drew a lot of praisethe single mother of six tells cnn her son was scolded that he was n't brought up that waymichael singleton says he knows his mom was trying to protect him\"]\n", - "( cnn ) the baltimore mother who slapped her son several times and pulled him out of a protest told cnn on wednesday she was n't concerned that she might be embarrassing her son .\" not at all , \" toya graham told cnn 's \" anderson cooper 360 ˚ \" in an interview that aired wednesday night .the video of graham yanking her son , michael singleton , and slapping him with a right hand as cnn affiliate wmar recorded has led to the internet calling graham #motheroftheyear .\n", - "video of toya graham going to a protest and forcefully removing her son went viral , drew a lot of praisethe single mother of six tells cnn her son was scolded that he was n't brought up that waymichael singleton says he knows his mom was trying to protect him\n", - "[1.4235097 1.290962 1.281024 1.3901149 1.2950625 1.14792 1.064457\n", - " 1.0570445 1.0263478 1.0159221 1.0277357 1.0174209 1.2013348 1.075792\n", - " 1.0612664 1.0198166 1.013697 1.0336986 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 4 1 2 12 5 13 6 14 7 17 10 8 15 11 9 16 20 18 19 21]\n", - "=======================\n", - "[\"jack grealish feels ashamed about inhaling nitrous oxide through a balloon and has assured aston villa manager tim sherwood he will not repeat his mistake .grealish starred for aston villa in their fa cup semi-final win over liverpool on sunday at wembleygrealish , 19 , was pictured taking so-called ` hippy crack ' , a legal high , after a night out nearly a year ago , with the image published in the sun on thursday .\"]\n", - "=======================\n", - "[\"jack grealish was pictured inhaling nitrous oxide through a balloontim sherwood has told him such behaviour will not be tolerated at the clubgrealish has assured the aston villa manager ` it wo n't happen again 'the young winger inspired aston villa to victory over liverpool on sundaygrealish seeks assurances from roy hodgson before playing for england\"]\n", - "jack grealish feels ashamed about inhaling nitrous oxide through a balloon and has assured aston villa manager tim sherwood he will not repeat his mistake .grealish starred for aston villa in their fa cup semi-final win over liverpool on sunday at wembleygrealish , 19 , was pictured taking so-called ` hippy crack ' , a legal high , after a night out nearly a year ago , with the image published in the sun on thursday .\n", - "jack grealish was pictured inhaling nitrous oxide through a balloontim sherwood has told him such behaviour will not be tolerated at the clubgrealish has assured the aston villa manager ` it wo n't happen again 'the young winger inspired aston villa to victory over liverpool on sundaygrealish seeks assurances from roy hodgson before playing for england\n", - "[1.2078294 1.39781 1.2475569 1.132796 1.0696671 1.0795575 1.0930195\n", - " 1.1458039 1.0674362 1.1036906 1.0505711 1.029397 1.1025268 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 7 3 9 12 6 5 4 8 10 11 20 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"although he had never run a marathon before , callum ryan , 21 , committed himself to the daunting challenge of running eight of them between january and september 2015 - covering a total distance of 337.5 kilometres .his ` eight great states ' campaign is driven by his passion to make a difference after the loss of his friend , malachy frawley who died from heart disease in 2013 when he was just 14 years old .from the dry , relentless heat of alice springs to the icy cold hills of canberra , a university student will push his body to the limit , running a marathon in each of australia 's eight states and territories to honour the memory of his late , treasured childhood friend .\"]\n", - "=======================\n", - "[\"callum ryan , 21 , will run eight marathons in each of australia 's states and territories between january and september this yearcallum is running to honour the memory of his late friend , malachy frawleymalachy passed away when he was just 14 from a congenital heart diseasecallum wants to raise funds for heartkids australia and awareness of the impact of children 's heart diseasehe had never run a marathon before when he set himself the challenge\"]\n", - "although he had never run a marathon before , callum ryan , 21 , committed himself to the daunting challenge of running eight of them between january and september 2015 - covering a total distance of 337.5 kilometres .his ` eight great states ' campaign is driven by his passion to make a difference after the loss of his friend , malachy frawley who died from heart disease in 2013 when he was just 14 years old .from the dry , relentless heat of alice springs to the icy cold hills of canberra , a university student will push his body to the limit , running a marathon in each of australia 's eight states and territories to honour the memory of his late , treasured childhood friend .\n", - "callum ryan , 21 , will run eight marathons in each of australia 's states and territories between january and september this yearcallum is running to honour the memory of his late friend , malachy frawleymalachy passed away when he was just 14 from a congenital heart diseasecallum wants to raise funds for heartkids australia and awareness of the impact of children 's heart diseasehe had never run a marathon before when he set himself the challenge\n", - "[1.2862871 1.2923951 1.2425942 1.3021666 1.2226481 1.1154354 1.062766\n", - " 1.0486652 1.0648471 1.0990766 1.0967616 1.0520066 1.1515197 1.014688\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 0 2 4 12 5 9 10 8 6 11 7 13 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "['more than 50 teachers - called the park view brotherhood - also alleged exchanged as many as 3,000 messages in a whatsapp group which included offensive comments about british soldiers and claimed the murder of soldier lee rigby was a hoax .it is understood a teaching watchdog is working on possible disciplinary cases against current and former staff members at some schools in birmingham where extremist islamic views were being forced on pupils and staff .up to 100 islamic teachers could be banned from working in schools for life following an investigation into their alleged links to the trojan horse scandal .']\n", - "=======================\n", - "['teaching watchdog investigating some 100 staff with links to the scandalin some birmingham schools , islamic views forced on staff and pupilsalleged al-qaeda style video with masked gunmen copied in a classroomalso claimed teachers punished children by making them kneel on tilesstaff members also alleged sent offensive messages in a whatsapp groupmessages claimed murder of lee rigby and boston bombings were a hoax']\n", - "more than 50 teachers - called the park view brotherhood - also alleged exchanged as many as 3,000 messages in a whatsapp group which included offensive comments about british soldiers and claimed the murder of soldier lee rigby was a hoax .it is understood a teaching watchdog is working on possible disciplinary cases against current and former staff members at some schools in birmingham where extremist islamic views were being forced on pupils and staff .up to 100 islamic teachers could be banned from working in schools for life following an investigation into their alleged links to the trojan horse scandal .\n", - "teaching watchdog investigating some 100 staff with links to the scandalin some birmingham schools , islamic views forced on staff and pupilsalleged al-qaeda style video with masked gunmen copied in a classroomalso claimed teachers punished children by making them kneel on tilesstaff members also alleged sent offensive messages in a whatsapp groupmessages claimed murder of lee rigby and boston bombings were a hoax\n", - "[1.208595 1.1198983 1.0583553 1.152671 1.2398988 1.2834141 1.0583122\n", - " 1.1799241 1.0864617 1.1457237 1.1432335 1.0769378 1.0635135 1.0401776\n", - " 1.0885454 1.0786544 1.0502663 1.0208188 1.0336763 1.0295522 1.0102853\n", - " 1.0154485]\n", - "\n", - "[ 5 4 0 7 3 9 10 1 14 8 15 11 12 2 6 16 13 18 19 17 21 20]\n", - "=======================\n", - "['if convicted , holmes could be sentenced to death .the third day of the trial against suspected aurora , colorado movie theater shooter james holmes continued on wednesday .officers who rushed to the scene of the colorado theater shooting entered a hellish world of bloody victims , noxious smells and blaring sounds - a gloomy darkness pierced by bright flashes from a fire alarm , police testified wednesday .']\n", - "=======================\n", - "['victims of the 2012 colorado movie theater shooting testified in court on wednesday as the trial of suspect james holmes continuedpolice officers who responded to the scene also spoke in court about the incident which resulted in the deaths of 12 moviegoersif convicted , holmes could face the death penaltyhis defense attorneys argue that he was insane']\n", - "if convicted , holmes could be sentenced to death .the third day of the trial against suspected aurora , colorado movie theater shooter james holmes continued on wednesday .officers who rushed to the scene of the colorado theater shooting entered a hellish world of bloody victims , noxious smells and blaring sounds - a gloomy darkness pierced by bright flashes from a fire alarm , police testified wednesday .\n", - "victims of the 2012 colorado movie theater shooting testified in court on wednesday as the trial of suspect james holmes continuedpolice officers who responded to the scene also spoke in court about the incident which resulted in the deaths of 12 moviegoersif convicted , holmes could face the death penaltyhis defense attorneys argue that he was insane\n", - "[1.2683518 1.5105839 1.2969881 1.22649 1.161566 1.2116634 1.1932346\n", - " 1.096444 1.1527362 1.0329095 1.0884596 1.1715335 1.0322459 1.019503\n", - " 1.0223384 1.0163933 1.0079085 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 5 6 11 4 8 7 10 9 12 14 13 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the man posed as a member of the congregation of st james ' church in the gorton area of manchester to carry out the crime .as well as taking one bag , he tried to steal the contents of two other elderly women 's bags before fleeing .police are hunting a thief who stole an 86-year old woman 's handbag while she prayed at church on good friday .\"]\n", - "=======================\n", - "[\"man sat next to the 86-year-old woman in church pew in manchesterhe then stole her handbag and tried to snatch two other women 's bagspolice investigating have described the april 3 incident as ` appalling 'they have released an e-fit of the man and are appealing for information\"]\n", - "the man posed as a member of the congregation of st james ' church in the gorton area of manchester to carry out the crime .as well as taking one bag , he tried to steal the contents of two other elderly women 's bags before fleeing .police are hunting a thief who stole an 86-year old woman 's handbag while she prayed at church on good friday .\n", - "man sat next to the 86-year-old woman in church pew in manchesterhe then stole her handbag and tried to snatch two other women 's bagspolice investigating have described the april 3 incident as ` appalling 'they have released an e-fit of the man and are appealing for information\n", - "[1.368737 1.3297149 1.2310421 1.1961552 1.1345904 1.03961 1.0898769\n", - " 1.0762992 1.0221835 1.0950657 1.0496957 1.0312366 1.0343513 1.0255952\n", - " 1.0443908 1.0140054 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 9 6 7 10 14 5 12 11 13 8 15 19 16 17 18 20]\n", - "=======================\n", - "['( cnn ) saturday \\'s deadly earthquake in nepal was the \" big one \" experts were waiting for based on the region \\'s history .earthquakes are a fact of life in the south asian country , with tremors of magnitude 4 or 5 occurring several times each year , geologist and science journalist kate ravilious said .with the last major earthquake in 1934 , the concern was not if , but when the next \" great \" earthquake would hit , said ravilious , author of the 2014 article , \" kathmandu \\'s earthquake nightmare . \"']\n", - "=======================\n", - "['earthquake scientists have been expecting major event in nepal since 1934population density , weak building infrastructure amplified damage , usgs spokesman says\" this event , while large and tragic , is not unusual \" in region , geological engineer says']\n", - "( cnn ) saturday 's deadly earthquake in nepal was the \" big one \" experts were waiting for based on the region 's history .earthquakes are a fact of life in the south asian country , with tremors of magnitude 4 or 5 occurring several times each year , geologist and science journalist kate ravilious said .with the last major earthquake in 1934 , the concern was not if , but when the next \" great \" earthquake would hit , said ravilious , author of the 2014 article , \" kathmandu 's earthquake nightmare . \"\n", - "earthquake scientists have been expecting major event in nepal since 1934population density , weak building infrastructure amplified damage , usgs spokesman says\" this event , while large and tragic , is not unusual \" in region , geological engineer says\n", - "[1.2823623 1.354389 1.2776551 1.276804 1.2508471 1.0299113 1.0264107\n", - " 1.065734 1.1514846 1.1707058 1.1223713 1.1516308 1.097233 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 9 11 8 10 12 7 5 6 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"the jaguars , who are committed to playing one home game each year in london until 2015 , have opened a competition for uk-based fans via nfluk.com , and the winner will announce the draft picks live on sky sports in the uk and the nfl network in the united states .the british nfl fan could announce 2015 's answer to 2014 no 3 pick blake bortles to the worldthe first three rounds of this year 's draft will take place in chicago , with each nfl team then announcing their picks for rounds four to seven from their own headquarters .\"]\n", - "=======================\n", - "['jacksonville jaguars will get a uk fan to announce their nfl draft pickstheir sixth and seventh round selections will be revealed live on televisionit will be the first time part of the nfl draft has taken place outside the us']\n", - "the jaguars , who are committed to playing one home game each year in london until 2015 , have opened a competition for uk-based fans via nfluk.com , and the winner will announce the draft picks live on sky sports in the uk and the nfl network in the united states .the british nfl fan could announce 2015 's answer to 2014 no 3 pick blake bortles to the worldthe first three rounds of this year 's draft will take place in chicago , with each nfl team then announcing their picks for rounds four to seven from their own headquarters .\n", - "jacksonville jaguars will get a uk fan to announce their nfl draft pickstheir sixth and seventh round selections will be revealed live on televisionit will be the first time part of the nfl draft has taken place outside the us\n", - "[1.277416 1.3671474 1.1675301 1.1018105 1.1654564 1.3015116 1.2294613\n", - " 1.0434017 1.031658 1.0393087 1.0201312 1.1432618 1.1217806 1.0776722\n", - " 1.0589083 1.0997895 1.0323828 1.0344247 1.027915 1.0468811 0. ]\n", - "\n", - "[ 1 5 0 6 2 4 11 12 3 15 13 14 19 7 9 17 16 8 18 10 20]\n", - "=======================\n", - "[\"ms jobs , 51 , called former first lady hillary a ` revolutionary ' woman , and added that it 's not just because she 's a woman - but ` the type of woman she is ' .laurene jobs , pictured , widow of apple 's steve , has strongly backed hillary clinton for presidentapple founder steve jobs ' widow laurene has told of her admiration for democratic white house front-runner hillary clinton .\"]\n", - "=======================\n", - "[\"laurene jobs praised former first lady hillary clintonsteve jobs ' widow claimed the democratic front-runner is ` revolutionary 'mrs clinton has announced her candidacy and began campaigning in iowashe described mrs clinton as ` america 's greatest modern creation '\"]\n", - "ms jobs , 51 , called former first lady hillary a ` revolutionary ' woman , and added that it 's not just because she 's a woman - but ` the type of woman she is ' .laurene jobs , pictured , widow of apple 's steve , has strongly backed hillary clinton for presidentapple founder steve jobs ' widow laurene has told of her admiration for democratic white house front-runner hillary clinton .\n", - "laurene jobs praised former first lady hillary clintonsteve jobs ' widow claimed the democratic front-runner is ` revolutionary 'mrs clinton has announced her candidacy and began campaigning in iowashe described mrs clinton as ` america 's greatest modern creation '\n", - "[1.2574078 1.1555681 1.1983941 1.1586013 1.1306452 1.1252714 1.1908036\n", - " 1.0810715 1.1358647 1.1324053 1.0637426 1.0296087 1.0814214 1.063611\n", - " 1.0233871 1.016715 1.0189476 1.0131849 1.0108802 1.0297529 1.0642521]\n", - "\n", - "[ 0 2 6 3 1 8 9 4 5 12 7 20 10 13 19 11 14 16 15 17 18]\n", - "=======================\n", - "[\"those surprised at yaya toure 's apparent desire to talk himself in to a transfer from manchester city this week should not be .toure , for example , left home as a teenager to play in the belgian second division .following that came some formative years playing for metalurh donetsk in eastern ukraine .\"]\n", - "=======================\n", - "['yaya toure arrived at manchester city in 2010 from barcelonahe has led city to two premier league titles , an fa cup and a league cupif he departs city in the summer , the club will find it hard to replace him']\n", - "those surprised at yaya toure 's apparent desire to talk himself in to a transfer from manchester city this week should not be .toure , for example , left home as a teenager to play in the belgian second division .following that came some formative years playing for metalurh donetsk in eastern ukraine .\n", - "yaya toure arrived at manchester city in 2010 from barcelonahe has led city to two premier league titles , an fa cup and a league cupif he departs city in the summer , the club will find it hard to replace him\n", - "[1.2557535 1.4517536 1.4420748 1.3385246 1.2436042 1.1224985 1.0796529\n", - " 1.1255054 1.0356275 1.0660341 1.0257525 1.0322307 1.0185341 1.0221885\n", - " 1.0370554 1.1868572 1.1075594 1.0703865 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 15 7 5 16 6 17 9 14 8 11 10 13 12 19 18 20]\n", - "=======================\n", - "['the crash happened on easter sunday night on warringah road in frenchs forest , northern sydney at a traffic light intersection .the 1973 e-type jaguar , which is thought to be worth over $ 120,000 was completely written off when it came up against the toyota kluger on their sunday drive .three people have been taken to hospital following a head-on collision between a vintage sports car and a 4wd .']\n", - "=======================\n", - "['three adults taken to hospital after head on collision at frenchs forestthe crash was between a toyota klugger and e-type jaguarnobody was injured in the crash and it is being investigatedit comes after police warned motorists to obey road rules over easter']\n", - "the crash happened on easter sunday night on warringah road in frenchs forest , northern sydney at a traffic light intersection .the 1973 e-type jaguar , which is thought to be worth over $ 120,000 was completely written off when it came up against the toyota kluger on their sunday drive .three people have been taken to hospital following a head-on collision between a vintage sports car and a 4wd .\n", - "three adults taken to hospital after head on collision at frenchs forestthe crash was between a toyota klugger and e-type jaguarnobody was injured in the crash and it is being investigatedit comes after police warned motorists to obey road rules over easter\n", - "[1.1702839 1.4921734 1.3972316 1.0783415 1.0335029 1.0276409 1.186325\n", - " 1.1490194 1.0492342 1.0167925 1.0204873 1.2058697 1.0380987 1.095665\n", - " 1.0328063 1.1556422 1.0525684 1.1759415 1.0242609 1.0631448 1.0665104]\n", - "\n", - "[ 1 2 11 6 17 0 15 7 13 3 20 19 16 8 12 4 14 5 18 10 9]\n", - "=======================\n", - "['anthony barbour , 33 , from liverpool , takes his camera everywhere and his pictures showcase sefton park and one shopping centre in liverpool , mudeford beach and durdle door in dorset , burley village in the new forest and north wales , among others .once he finds the right location , he will spend hours slowly rotating in one spot taking the 50 pictures he needs to create just one image .he uses a canon 1100d dslr with either a 18-55mm kit lens or a tokina 11-16mm to shoot the photographs and then uses photoshop to stitch and layer the photos together .']\n", - "=======================\n", - "[\"photographer anthony barbour , 33 , from liverpool , turns parks , village and beaches into their own little worldshe spends hours slowly rotating in one spot taking the 50 pictures he needs to create just one ` planet 'uses a canon 1100d dslr with either a 18-55mm kit lens or a tokina 11-16mm to shoot the photographsthen uses photoshop to stitch and layer the photos together to create incredible and mind-bending shots\"]\n", - "anthony barbour , 33 , from liverpool , takes his camera everywhere and his pictures showcase sefton park and one shopping centre in liverpool , mudeford beach and durdle door in dorset , burley village in the new forest and north wales , among others .once he finds the right location , he will spend hours slowly rotating in one spot taking the 50 pictures he needs to create just one image .he uses a canon 1100d dslr with either a 18-55mm kit lens or a tokina 11-16mm to shoot the photographs and then uses photoshop to stitch and layer the photos together .\n", - "photographer anthony barbour , 33 , from liverpool , turns parks , village and beaches into their own little worldshe spends hours slowly rotating in one spot taking the 50 pictures he needs to create just one ` planet 'uses a canon 1100d dslr with either a 18-55mm kit lens or a tokina 11-16mm to shoot the photographsthen uses photoshop to stitch and layer the photos together to create incredible and mind-bending shots\n", - "[1.2874978 1.5329235 1.2706728 1.2319576 1.136594 1.0504253 1.0822523\n", - " 1.0485123 1.2738066 1.084754 1.0555526 1.0486922 1.0459365 1.0958414\n", - " 1.0130677 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 8 2 3 4 13 9 6 10 5 11 7 12 14 19 15 16 17 18 20]\n", - "=======================\n", - "[\"the fast-casual chain will work with the postmates app to begin offering delivery for online and mobile orders in 67 cities , according to a report in nation 's restaurant news .mexican restaurant chipotle has decided to tap into the $ 70 billion food delivery market by teaming up with an app to bring burritos straight to customers ' doors .but mexican food fans should know that the restaurant plans to add a nine per cent service charge - with the delivery fees for postmates beginning at $ 5 and up , depending on distance and demand .\"]\n", - "=======================\n", - "[\"mexican restaurant has decided to tap into $ 70 billion food delivery marketfast-casual chain will work with the postmates app to allow mobile ordersapp works in similar way to uber , using hired drivers to deliver the foodbut the chain will add a 9 % service charge - on top of postmates ' $ 5 rate\"]\n", - "the fast-casual chain will work with the postmates app to begin offering delivery for online and mobile orders in 67 cities , according to a report in nation 's restaurant news .mexican restaurant chipotle has decided to tap into the $ 70 billion food delivery market by teaming up with an app to bring burritos straight to customers ' doors .but mexican food fans should know that the restaurant plans to add a nine per cent service charge - with the delivery fees for postmates beginning at $ 5 and up , depending on distance and demand .\n", - "mexican restaurant has decided to tap into $ 70 billion food delivery marketfast-casual chain will work with the postmates app to allow mobile ordersapp works in similar way to uber , using hired drivers to deliver the foodbut the chain will add a 9 % service charge - on top of postmates ' $ 5 rate\n", - "[1.2025213 1.5072415 1.163594 1.3570774 1.1884913 1.1967727 1.1296533\n", - " 1.1236978 1.1154398 1.0878166 1.0577626 1.0853927 1.0556171 1.0896444\n", - " 1.0327374 1.0634855 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 5 4 2 6 7 8 13 9 11 15 10 12 14 19 16 17 18 20]\n", - "=======================\n", - "[\"kenneth wanamaker jr , 37 , pleaded guilty on friday , weeks before a scheduled trial in the northhampton county , pennsylvania , case against him after the vast majority of his daughter 's teeth were found to be abscessed .the father of a 6-year-old girl whose teeth were so rotten her life was endangered pleaded guilty to reckless endangerment .she had been scheduled for surgery in march but did not have the procedure because her parents did not set up a pre-operation examination\"]\n", - "=======================\n", - "[\"kenneth wanamaker jr , 37 , pleaded guilty and received up to year in prisonfather let daughter 's teeth fall degenerate into near fatal conditionhe and partner also being investigated for death of 7-month-old in 2011wanamaker did not enroll himself in addiction program and mother tested positive for methamphetamine when she was pregnant\"]\n", - "kenneth wanamaker jr , 37 , pleaded guilty on friday , weeks before a scheduled trial in the northhampton county , pennsylvania , case against him after the vast majority of his daughter 's teeth were found to be abscessed .the father of a 6-year-old girl whose teeth were so rotten her life was endangered pleaded guilty to reckless endangerment .she had been scheduled for surgery in march but did not have the procedure because her parents did not set up a pre-operation examination\n", - "kenneth wanamaker jr , 37 , pleaded guilty and received up to year in prisonfather let daughter 's teeth fall degenerate into near fatal conditionhe and partner also being investigated for death of 7-month-old in 2011wanamaker did not enroll himself in addiction program and mother tested positive for methamphetamine when she was pregnant\n", - "[1.0794617 1.3433849 1.3450708 1.2147648 1.3237616 1.1718246 1.0868891\n", - " 1.0472405 1.032342 1.2145916 1.192708 1.0494431 1.0387588 1.082873\n", - " 1.0430518 1.0411096 1.007109 1.0894204 0. 0. 0. ]\n", - "\n", - "[ 2 1 4 3 9 10 5 17 6 13 0 11 7 14 15 12 8 16 18 19 20]\n", - "=======================\n", - "[\"named hyperion , the moon 's porous surface can be seen in incredible detail in this image taken by cassini as it performed a flyby of the satellite .but this crumpet-like rock is in fact one of saturn 's outer moons , measuring 255 by 161 miles ( 410 by 260km ) .cassini was around 38,500 miles ( 62,000 km ) from hyperion when the image was taken\"]\n", - "=======================\n", - "[\"esa has released an image of one of saturn 's outer moons , hyperionits bubbly appearance is due to it having a very low density for its sizescientists believe 40 per cent of the moon is made up of empty spacehyperion has been known to unleash huge bursts of charged particles\"]\n", - "named hyperion , the moon 's porous surface can be seen in incredible detail in this image taken by cassini as it performed a flyby of the satellite .but this crumpet-like rock is in fact one of saturn 's outer moons , measuring 255 by 161 miles ( 410 by 260km ) .cassini was around 38,500 miles ( 62,000 km ) from hyperion when the image was taken\n", - "esa has released an image of one of saturn 's outer moons , hyperionits bubbly appearance is due to it having a very low density for its sizescientists believe 40 per cent of the moon is made up of empty spacehyperion has been known to unleash huge bursts of charged particles\n", - "[1.241011 1.311802 1.1952543 1.0977753 1.3914067 1.2522918 1.1867208\n", - " 1.1165215 1.0578878 1.1071249 1.1676874 1.1320304 1.0623586 1.163828\n", - " 1.0319232 1.0738648 1.019113 1.0098156 1.0095797 1.00629 1.0072742\n", - " 1.0124238 0. 0. ]\n", - "\n", - "[ 4 1 5 0 2 6 10 13 11 7 9 3 15 12 8 14 16 21 17 18 20 19 22 23]\n", - "=======================\n", - "['jeremy clarkson talked himself out of a parking ticket in london today after leaving his green lamborghini parked on yellow linesdespite his recent woes , he was seen laughing with a traffic warden in london , who had tried to put a ticket on his borrowed supercar .after spending 15 minutes inspecting a black ferrari , clarkson drove off in his eye-catching supercar']\n", - "=======================\n", - "['axed top gear presenter was seen laughing with traffic warden in londonthe warden had tried to leave a parking ticket on his borrowed supercarafter a friendly chat , the warden walks away forgetting to leave the ticketclarkson had parked his car to inspect a black ferrari pininfarina 275']\n", - "jeremy clarkson talked himself out of a parking ticket in london today after leaving his green lamborghini parked on yellow linesdespite his recent woes , he was seen laughing with a traffic warden in london , who had tried to put a ticket on his borrowed supercar .after spending 15 minutes inspecting a black ferrari , clarkson drove off in his eye-catching supercar\n", - "axed top gear presenter was seen laughing with traffic warden in londonthe warden had tried to leave a parking ticket on his borrowed supercarafter a friendly chat , the warden walks away forgetting to leave the ticketclarkson had parked his car to inspect a black ferrari pininfarina 275\n", - "[1.3297691 1.2811176 1.2288653 1.0864915 1.168031 1.0383637 1.0403507\n", - " 1.1783525 1.1194402 1.0444529 1.0888857 1.0594205 1.0805198 1.0465417\n", - " 1.0314759 1.0791728 1.0414639 1.0256298 1.0162547 1.0360245 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 7 4 8 10 3 12 15 11 13 9 16 6 5 19 14 17 18 22 20 21 23]\n", - "=======================\n", - "[\"( cnn ) recently , nashville 's district attorney banned prosecutors from offering female sterilization in plea deals .believe it or not , nashville prosecutors have offered this option four times in the past five years .there has been public outrage at the notion that a defendant in america in 2015 would be offered a choice of sterilization as part of a plea deal .\"]\n", - "=======================\n", - "[\"nashville 's district attorney banned prosecutors from offering female sterilization in plea dealsdanny cevallos : present-day sterilization plea deals are voluntary and unlike creepy antiquated practices\"]\n", - "( cnn ) recently , nashville 's district attorney banned prosecutors from offering female sterilization in plea deals .believe it or not , nashville prosecutors have offered this option four times in the past five years .there has been public outrage at the notion that a defendant in america in 2015 would be offered a choice of sterilization as part of a plea deal .\n", - "nashville 's district attorney banned prosecutors from offering female sterilization in plea dealsdanny cevallos : present-day sterilization plea deals are voluntary and unlike creepy antiquated practices\n", - "[1.060702 1.127903 1.076977 1.1284162 1.1737814 1.073617 1.2596891\n", - " 1.1147431 1.0679052 1.1413754 1.1958423 1.1623273 1.1336981 1.0243669\n", - " 1.0207545 1.0594814 1.082797 1.0187292 1.0582799 1.0424492 1.030815\n", - " 0. 0. 0. ]\n", - "\n", - "[ 6 10 4 11 9 12 3 1 7 16 2 5 8 0 15 18 19 20 13 14 17 22 21 23]\n", - "=======================\n", - "['prince harry was greeted by an enthusiastic crowd at the australian war memorial in canberra , all keen to catch a glimpse of the royalhe offered handshakes and high fives .the prince is in australia to report for official military duty but he enjoyed his interaction with excited fans']\n", - "=======================\n", - "[\"prince harry arrived in canberra and visited the australian war memorial in his only official public appearanceduring this visit , he told a teenage admirer to give up the trend of snapping self-portraits , saying ` selfies are bad 'the prince , who is in australia for a four-week secondment with australian defence force , then reported for dutythe 30-year-old touched in sydney on monday at 8.30 am , before travelling to canberra in the act on a raaf jetdressed in his white tropical dress uniform of the british army , he also visited the australian war memorial\"]\n", - "prince harry was greeted by an enthusiastic crowd at the australian war memorial in canberra , all keen to catch a glimpse of the royalhe offered handshakes and high fives .the prince is in australia to report for official military duty but he enjoyed his interaction with excited fans\n", - "prince harry arrived in canberra and visited the australian war memorial in his only official public appearanceduring this visit , he told a teenage admirer to give up the trend of snapping self-portraits , saying ` selfies are bad 'the prince , who is in australia for a four-week secondment with australian defence force , then reported for dutythe 30-year-old touched in sydney on monday at 8.30 am , before travelling to canberra in the act on a raaf jetdressed in his white tropical dress uniform of the british army , he also visited the australian war memorial\n", - "[1.10139 1.3249135 1.5233141 1.1909842 1.052338 1.0736649 1.0813638\n", - " 1.0356268 1.1179733 1.1832771 1.0457699 1.0589807 1.0708017 1.0577914\n", - " 1.0700203 1.0870103 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 9 8 0 15 6 5 12 14 11 13 4 10 7 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"sir ian botham was tempted to bet on jimmy anderson breaking his record on the third morning in antiguaafter spotting that skybet were offering 9/4 on the lancashire seamer to take four wickets in the first innings on wednesday morning , beefy , who remains england 's leading wicket-taker for the time being with 383 , tweeted : ` i 'll have a go at that price !!! 'with botham 's record in his sights , all eyes at the sir vivian richards stadium were on anderson -- including those of his wife daniella and daughter ruby luxe .\"]\n", - "=======================\n", - "[\"jimmy anderson moved to within one of sir ian botham 's recordthe 32-year-old 's wife and daughter were watching in antiguabotham tempted to bet on anderson claiming record on wednesdaymoeen ali called up to england squad for second and third testsjermaine blackwood scores first test ton , and frustrates ben stokes\"]\n", - "sir ian botham was tempted to bet on jimmy anderson breaking his record on the third morning in antiguaafter spotting that skybet were offering 9/4 on the lancashire seamer to take four wickets in the first innings on wednesday morning , beefy , who remains england 's leading wicket-taker for the time being with 383 , tweeted : ` i 'll have a go at that price !!! 'with botham 's record in his sights , all eyes at the sir vivian richards stadium were on anderson -- including those of his wife daniella and daughter ruby luxe .\n", - "jimmy anderson moved to within one of sir ian botham 's recordthe 32-year-old 's wife and daughter were watching in antiguabotham tempted to bet on anderson claiming record on wednesdaymoeen ali called up to england squad for second and third testsjermaine blackwood scores first test ton , and frustrates ben stokes\n", - "[1.342216 1.5013976 1.2767005 1.5168836 1.1170105 1.0509876 1.027094\n", - " 1.0245723 1.0212036 1.0216548 1.020479 1.0430261 1.0463327 1.0307589\n", - " 1.1312492 1.2704023 1.0336894 1.022167 1.0158241 1.0194474 1.0139208\n", - " 1.010094 1.0202698 1.0136514]\n", - "\n", - "[ 3 1 0 2 15 14 4 5 12 11 16 13 6 7 17 9 8 10 22 19 18 20 23 21]\n", - "=======================\n", - "[\"quinton ` rampage ' jackson and fabio maldonado face off during the ufc 186 weigh-in on fridayjackson returns to the ufc after two years with bellator when he takes on fabio maldonado in montreal on saturday night .but he had to first endure a protracted legal battle before he was permitted to feature at ufc 186 .\"]\n", - "=======================\n", - "[\"quinton ` rampage ' jackson returns to the ufc after two year absenceformer light-heavyweight champion takes on fabio maldonado in montrealhe had to come through protracted legal battle to feature at ufc 186\"]\n", - "quinton ` rampage ' jackson and fabio maldonado face off during the ufc 186 weigh-in on fridayjackson returns to the ufc after two years with bellator when he takes on fabio maldonado in montreal on saturday night .but he had to first endure a protracted legal battle before he was permitted to feature at ufc 186 .\n", - "quinton ` rampage ' jackson returns to the ufc after two year absenceformer light-heavyweight champion takes on fabio maldonado in montrealhe had to come through protracted legal battle to feature at ufc 186\n", - "[1.1296386 1.2268363 1.1589289 1.2901335 1.187858 1.1896696 1.1665094\n", - " 1.1521509 1.0785857 1.0952337 1.04302 1.0336928 1.0326126 1.1010592\n", - " 1.0893579 1.0726334 1.0493249 1.0560625 1.0593096 1.0778819]\n", - "\n", - "[ 3 1 5 4 6 2 7 0 13 9 14 8 19 15 18 17 16 10 11 12]\n", - "=======================\n", - "[\"scientists in belgium say all sweet potatoes ( stock image shown ) contain ` foreign dna ' .but new research has found that mother nature might be making its own gm food , as sweet potatoes have been found to genetically modify themselves .this makes sweet potatoes a ` natural genetically modified organism ' .\"]\n", - "=======================\n", - "[\"scientists in belgium say all sweet potatoes contain ` foreign dna 'agrobacterium bacteria in the crop exchanges genes between speciesthis makes sweet potatoes a ` natural genetically modified organism 'and humans have been eating it for thousands of years\"]\n", - "scientists in belgium say all sweet potatoes ( stock image shown ) contain ` foreign dna ' .but new research has found that mother nature might be making its own gm food , as sweet potatoes have been found to genetically modify themselves .this makes sweet potatoes a ` natural genetically modified organism ' .\n", - "scientists in belgium say all sweet potatoes contain ` foreign dna 'agrobacterium bacteria in the crop exchanges genes between speciesthis makes sweet potatoes a ` natural genetically modified organism 'and humans have been eating it for thousands of years\n", - "[1.3615096 1.3859199 1.3128012 1.3872408 1.1933671 1.0735056 1.1129599\n", - " 1.091191 1.0190978 1.0187204 1.0150496 1.0332316 1.024103 1.0297415\n", - " 1.035134 1.2118872 1.0597429 1.0464346 1.0160986 0. ]\n", - "\n", - "[ 3 1 0 2 15 4 6 7 5 16 17 14 11 13 12 8 9 18 10 19]\n", - "=======================\n", - "[\"veteran broadcaster peter alliss ( second right ) claimed gender equality laws have ` b ***** ed up the game 'recent legislation has given women more rights in golf clubs , while st andrews and royal st george 's have both voted to admit female members for the first time .alliss ' comments come as the 2016 open championship will be the last to be broadcast live on the bbc before sky sports takes over .\"]\n", - "=======================\n", - "['bbc commentator peter alliss hits out at new equality rulesalliss claims ladies golf union has lost 150,000 members from changesveteran broadcaster also hits out at bbc for failing to keep the open']\n", - "veteran broadcaster peter alliss ( second right ) claimed gender equality laws have ` b ***** ed up the game 'recent legislation has given women more rights in golf clubs , while st andrews and royal st george 's have both voted to admit female members for the first time .alliss ' comments come as the 2016 open championship will be the last to be broadcast live on the bbc before sky sports takes over .\n", - "bbc commentator peter alliss hits out at new equality rulesalliss claims ladies golf union has lost 150,000 members from changesveteran broadcaster also hits out at bbc for failing to keep the open\n", - "[1.2193131 1.3928401 1.3768343 1.1798439 1.0942427 1.0970136 1.1092703\n", - " 1.1363328 1.0928609 1.088382 1.1160682 1.0423244 1.0581872 1.0608687\n", - " 1.022861 1.0557544 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 7 10 6 5 4 8 9 13 12 15 11 14 16 17 18 19]\n", - "=======================\n", - "[\"palaeontologists say the four feet ( 1.2 metres ) tall bird is the most complete skeletons of a ` terror bird ' - a group of flightless prehistoric meat-eating birds - to be discovered .the south american bird has been named llallawavis scagliai - meaning scaglia 's magnificent bird after one of argentina 's famous naturalists galileo juan scaglia .the skeleton of a new species of giant predatory bird that terrorised the earth 3.5 million years ago has been discovered and is helping to reveal how these creatures would have sounded .\"]\n", - "=======================\n", - "[\"the four feet tall species of terror bird has been named llallawavis scagliaiit was discovered in a crumpling cliff on a beach close to mar del plata citypalaeontologists say it is the most complete terror bird skeleton ever foundthey have used 3d scanning to reconstruct the bird 's range of hearing\"]\n", - "palaeontologists say the four feet ( 1.2 metres ) tall bird is the most complete skeletons of a ` terror bird ' - a group of flightless prehistoric meat-eating birds - to be discovered .the south american bird has been named llallawavis scagliai - meaning scaglia 's magnificent bird after one of argentina 's famous naturalists galileo juan scaglia .the skeleton of a new species of giant predatory bird that terrorised the earth 3.5 million years ago has been discovered and is helping to reveal how these creatures would have sounded .\n", - "the four feet tall species of terror bird has been named llallawavis scagliaiit was discovered in a crumpling cliff on a beach close to mar del plata citypalaeontologists say it is the most complete terror bird skeleton ever foundthey have used 3d scanning to reconstruct the bird 's range of hearing\n", - "[1.2645942 1.2698205 1.2024478 1.1845068 1.2977959 1.1213571 1.2000383\n", - " 1.1316499 1.1513134 1.163914 1.0933405 1.0127629 1.0235571 1.0837485\n", - " 1.0304489 1.0300808 1.0416443 0. 0. 0. ]\n", - "\n", - "[ 4 1 0 2 6 3 9 8 7 5 10 13 16 14 15 12 11 18 17 19]\n", - "=======================\n", - "[\"the replica of an 18th century french navy frigate l'hermione , set sail on its maiden voyage to the united states off the coast of fouras , southwestern france on saturdaylafayette crossed the atlantic on the original hermione in 1780 to tell his friend george washington , commander of the american insurgents against british imperial rule , that france was sending a strong military force to help them .the replica fired its cannons as it sailed up the french river charente on saturday to the military shipyards of rochefort , where both vessels were built .\"]\n", - "=======================\n", - "[\"the hermione carried france 's marquis de lafayette to america in 1780was sent to warn george washington french troops were being sentthey were being deployed to help the revolutionaries defeat red coatsthe replica set sail on saturday for it 's maiden voyage across the atlantic\"]\n", - "the replica of an 18th century french navy frigate l'hermione , set sail on its maiden voyage to the united states off the coast of fouras , southwestern france on saturdaylafayette crossed the atlantic on the original hermione in 1780 to tell his friend george washington , commander of the american insurgents against british imperial rule , that france was sending a strong military force to help them .the replica fired its cannons as it sailed up the french river charente on saturday to the military shipyards of rochefort , where both vessels were built .\n", - "the hermione carried france 's marquis de lafayette to america in 1780was sent to warn george washington french troops were being sentthey were being deployed to help the revolutionaries defeat red coatsthe replica set sail on saturday for it 's maiden voyage across the atlantic\n", - "[1.3208133 1.2939011 1.3019948 1.3961425 1.1980582 1.1915723 1.0624955\n", - " 1.0950152 1.1380942 1.125132 1.076553 1.0465199 1.0170679 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 1 4 5 8 9 7 10 6 11 12 18 13 14 15 16 17 19]\n", - "=======================\n", - "['rory mcilroy ( left ) battled with fifty shades of grey star jamie dornan at a game of circular soccerthe world no 1 golfer defeated the film star 2-1 to take the crown , with the deciding goal coming from an impressive long-range finish .the duo were taking part in the first circular soccer showdown of 2015 which mcilroy won 2-1']\n", - "=======================\n", - "[\"rory mcilroy faced with fifty shades of grey 's jamie dornanmcilroy and dornan took part in the first circular soccer showdown of 2015mcilroy finished strongly to finish an impressive fourth at the mastersread : it wo n't be too long before mcilroy wins a masters\"]\n", - "rory mcilroy ( left ) battled with fifty shades of grey star jamie dornan at a game of circular soccerthe world no 1 golfer defeated the film star 2-1 to take the crown , with the deciding goal coming from an impressive long-range finish .the duo were taking part in the first circular soccer showdown of 2015 which mcilroy won 2-1\n", - "rory mcilroy faced with fifty shades of grey 's jamie dornanmcilroy and dornan took part in the first circular soccer showdown of 2015mcilroy finished strongly to finish an impressive fourth at the mastersread : it wo n't be too long before mcilroy wins a masters\n", - "[1.1531494 1.5144851 1.3277448 1.092697 1.2629958 1.203046 1.2257661\n", - " 1.0991209 1.0826606 1.08955 1.0807774 1.1442876 1.1998383 1.0458677\n", - " 1.0384542 1.0109851 1.0116688 1.0105853 1.008021 1.0374533 1.0439639\n", - " 1.0489717 1.0522976]\n", - "\n", - "[ 1 2 4 6 5 12 0 11 7 3 9 8 10 22 21 13 20 14 19 16 15 17 18]\n", - "=======================\n", - "[\"monica mcdermott , 41 , could not walk straight when police stopped her black lexus on a road in macclesfield , cheshire .the mother-of-one refused to give a breath sample after coming to a halt on churchill way and had to be restrained when she tried to climb out of a police patrol car , a court heard .mcdermott , now aged 41 , pleaded guilty to drink driving at macclesfield magistrates ' court .\"]\n", - "=======================\n", - "[\"monica mcdermott could not walk straight after car was stopped , court toldformer model was restrained after trying to get out of the police patrol cartells court she was ` lonely ' and was on her way round to stay with a friendthe 41-year-old , of macclesfield , cheshire , pleaded guilty to drink driving\"]\n", - "monica mcdermott , 41 , could not walk straight when police stopped her black lexus on a road in macclesfield , cheshire .the mother-of-one refused to give a breath sample after coming to a halt on churchill way and had to be restrained when she tried to climb out of a police patrol car , a court heard .mcdermott , now aged 41 , pleaded guilty to drink driving at macclesfield magistrates ' court .\n", - "monica mcdermott could not walk straight after car was stopped , court toldformer model was restrained after trying to get out of the police patrol cartells court she was ` lonely ' and was on her way round to stay with a friendthe 41-year-old , of macclesfield , cheshire , pleaded guilty to drink driving\n", - "[1.4123708 1.44601 1.1941187 1.1309084 1.3593475 1.1664321 1.0746021\n", - " 1.1463976 1.1378081 1.1109604 1.1439273 1.0847952 1.1129292 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 4 2 5 7 10 8 3 12 9 11 6 13 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "['the 22-year-old romanian has scored six goals in 16 games for the struggling spanish side who are rooted to the bottom of la liga .aston villa are chasing cordoba striker florin andone .although born in romania , andone moved to spain when he was 12 .']\n", - "=======================\n", - "[\"aston villa have sent scouts to watch cordoba striker florin andonethe romanian has been the bright spark for la liga 's bottom sidebakary sako and tom carroll are also another targets for tim sherwoodclick here for all the latest aston villa news\"]\n", - "the 22-year-old romanian has scored six goals in 16 games for the struggling spanish side who are rooted to the bottom of la liga .aston villa are chasing cordoba striker florin andone .although born in romania , andone moved to spain when he was 12 .\n", - "aston villa have sent scouts to watch cordoba striker florin andonethe romanian has been the bright spark for la liga 's bottom sidebakary sako and tom carroll are also another targets for tim sherwoodclick here for all the latest aston villa news\n", - "[1.20675 1.0446668 1.2679391 1.1773914 1.2859924 1.1485316 1.1144464\n", - " 1.0290663 1.018246 1.2182385 1.0982114 1.0658264 1.1427728 1.0456097\n", - " 1.0148227 1.0260915 1.1247877 1.0821848 1.0735381 1.033962 0.\n", - " 0. 0. ]\n", - "\n", - "[ 4 2 9 0 3 5 12 16 6 10 17 18 11 13 1 19 7 15 8 14 20 21 22]\n", - "=======================\n", - "[\"eight months pregnant rebecca adlington ca n't wait to ` feel myself again ' after her daughter is bornrebecca married fellow swimmer harry needs , 23 , in september 2014 and discovered she was pregnant soon after their honeymoon .with seven gold medals , two olympic games , an obe and a stint in the i 'm a celebrity !\"]\n", - "=======================\n", - "[\"pregnant rebecca adlington , 26 , has struggled with her changing shapeshe ca n't wait to regain her pre-pregnancy figure and feel herself againthe gold medal swimmer also revealed she is planning a water birth\"]\n", - "eight months pregnant rebecca adlington ca n't wait to ` feel myself again ' after her daughter is bornrebecca married fellow swimmer harry needs , 23 , in september 2014 and discovered she was pregnant soon after their honeymoon .with seven gold medals , two olympic games , an obe and a stint in the i 'm a celebrity !\n", - "pregnant rebecca adlington , 26 , has struggled with her changing shapeshe ca n't wait to regain her pre-pregnancy figure and feel herself againthe gold medal swimmer also revealed she is planning a water birth\n", - "[1.2334361 1.4167182 1.1725135 1.3245354 1.0587122 1.17516 1.1337842\n", - " 1.103849 1.2025307 1.167905 1.0634483 1.0403712 1.0771668 1.1280963\n", - " 1.160786 1.05446 1.0208263 1.0777749 1.0435814 1.0151018 1.0528066\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 8 5 2 9 14 6 13 7 17 12 10 4 15 20 18 11 16 19 21 22]\n", - "=======================\n", - "['the orbiting spacecraft captured a shot of curiosity near the base of mount sharp in gale crater .the hirise camera is able to take images of the surface with a resolution of 10 inches ( 25cm ) per pixel , allowing it to spot the rover on the surface .curiosity is the fourth rover to visit mars .']\n", - "=======================\n", - "[\"nasa scientists in california have revealed a distant image of curiosity taken by the mars reconnaissance orbiterit was taken from an altitude of 187 miles ( 300km ) up , revealing where the rover is heading towardsone interesting aspect is that the rover 's tracks can not be seen behind it in the imagethis may be due to martian weather or that they are the same colour as the surrounding surface\"]\n", - "the orbiting spacecraft captured a shot of curiosity near the base of mount sharp in gale crater .the hirise camera is able to take images of the surface with a resolution of 10 inches ( 25cm ) per pixel , allowing it to spot the rover on the surface .curiosity is the fourth rover to visit mars .\n", - "nasa scientists in california have revealed a distant image of curiosity taken by the mars reconnaissance orbiterit was taken from an altitude of 187 miles ( 300km ) up , revealing where the rover is heading towardsone interesting aspect is that the rover 's tracks can not be seen behind it in the imagethis may be due to martian weather or that they are the same colour as the surrounding surface\n", - "[1.2047402 1.3300965 1.1561747 1.1440498 1.281859 1.0837624 1.0911082\n", - " 1.0621952 1.0394379 1.0832171 1.0954136 1.0787153 1.0875485 1.0253537\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 0 2 3 10 6 12 5 9 11 7 8 13 21 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"while the honeymoon period comes to an end for the couples on tonight 's episode of the hit fyi reality series , as they all return home to celebrate the holidays with their spouses , whom they 've known for a total of seven days , it seems that , for jaclyn methuen and ryan ranellone , the romance has only just begun .the married at first sight star who tried to leave her groom at the altar after deciding he was too ` unattractive ' for her has finally admitted to having romantic feelings towards him .` day one , i was freaking out .\"]\n", - "=======================\n", - "[\"jaclyn methuen and ryan ranellone return home for the holidays after their honeymoon in puerto rico on tonight 's episode of the reality showthe 30-year-old , from union , new jersey , nearly left her new husband at the altar because she was n't physically attracted to him\"]\n", - "while the honeymoon period comes to an end for the couples on tonight 's episode of the hit fyi reality series , as they all return home to celebrate the holidays with their spouses , whom they 've known for a total of seven days , it seems that , for jaclyn methuen and ryan ranellone , the romance has only just begun .the married at first sight star who tried to leave her groom at the altar after deciding he was too ` unattractive ' for her has finally admitted to having romantic feelings towards him .` day one , i was freaking out .\n", - "jaclyn methuen and ryan ranellone return home for the holidays after their honeymoon in puerto rico on tonight 's episode of the reality showthe 30-year-old , from union , new jersey , nearly left her new husband at the altar because she was n't physically attracted to him\n", - "[1.3130088 1.2423459 1.398 1.2403412 1.2063931 1.0964767 1.1922264\n", - " 1.1967249 1.0636244 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 3 4 7 6 5 8 16 15 14 13 9 11 10 17 12 18]\n", - "=======================\n", - "[\"louis van gaal 's team sit top of the pile with an average of two points per game after 10 matches , while chelsea ( 1.56 ) and city ( 1.5 ) sit second and third respectively .manchester united 's humiliation of their neighbours city continued their outstanding record against the barclays premier league 's top seven this season .sportsmail 's alternative table shows every club 's total points gained against the current top seven teams -- chelsea , united , city , liverpool , arsenal , tottenham hotspur and southampton .\"]\n", - "=======================\n", - "[\"manchester united beat city 4-2 at old trafford on sunday afternoonman utd have the most impressive record against the top seven clubslouis van gaal has averaged two points per game against the top sevenchelsea ( 1.56 ) are second in the premier league in an alternative tableread : ashley young laughs at city as united silence ` noisy neighbours '\"]\n", - "louis van gaal 's team sit top of the pile with an average of two points per game after 10 matches , while chelsea ( 1.56 ) and city ( 1.5 ) sit second and third respectively .manchester united 's humiliation of their neighbours city continued their outstanding record against the barclays premier league 's top seven this season .sportsmail 's alternative table shows every club 's total points gained against the current top seven teams -- chelsea , united , city , liverpool , arsenal , tottenham hotspur and southampton .\n", - "manchester united beat city 4-2 at old trafford on sunday afternoonman utd have the most impressive record against the top seven clubslouis van gaal has averaged two points per game against the top sevenchelsea ( 1.56 ) are second in the premier league in an alternative tableread : ashley young laughs at city as united silence ` noisy neighbours '\n", - "[1.2554545 1.2521518 1.4146717 1.3190315 1.1757692 1.1614542 1.1159497\n", - " 1.1205816 1.0468713 1.1799545 1.1030663 1.096861 1.0199196 1.0306468\n", - " 1.0172174 1.0076526 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 1 9 4 5 7 6 10 11 8 13 12 14 15 17 16 18]\n", - "=======================\n", - "[\"zermatt in the upper valais area of switzerland has imposed the ban after a report from an animal welfare charity alleged the dogs were kept in ` miserable conditions ' .posing with dogs like these st bernards has now been banned by the swiss town of zermatta picture posing with a st bernard dog in front of the snowy peak of the matterhorn must top the list for the ultimate swiss souvenir .\"]\n", - "=======================\n", - "['swiss town of zermatt bans tourists taking pictures of st bernard dogscomes after swiss animal protection agency into miserable conditions the dogs are kept inthe report says they are locked up in a condemned building or made to stand in the cold for hours at a time']\n", - "zermatt in the upper valais area of switzerland has imposed the ban after a report from an animal welfare charity alleged the dogs were kept in ` miserable conditions ' .posing with dogs like these st bernards has now been banned by the swiss town of zermatta picture posing with a st bernard dog in front of the snowy peak of the matterhorn must top the list for the ultimate swiss souvenir .\n", - "swiss town of zermatt bans tourists taking pictures of st bernard dogscomes after swiss animal protection agency into miserable conditions the dogs are kept inthe report says they are locked up in a condemned building or made to stand in the cold for hours at a time\n", - "[1.3160725 1.2732925 1.1458135 1.3673053 1.2252808 1.1918943 1.0645276\n", - " 1.064431 1.0509949 1.12734 1.0426317 1.019626 1.0898207 1.0269986\n", - " 1.0953062 1.0985976 1.0598689 1.019283 1.0408096]\n", - "\n", - "[ 3 0 1 4 5 2 9 15 14 12 6 7 16 8 10 18 13 11 17]\n", - "=======================\n", - "[\"a man stormed the runway at ellery 's mercedes-benz fashion week australia show at carriageworks in sydney on sunday nightas designer kym ellery made her way down the catwalk to take her bow , a furious man understood to be a neighbour of the carriageworks venue at eveleigh made a very public complaint about the music .disgruntled : the man was overheard to tell security that the music was a ` disgrace ' , and that show organisers had ` no respect for the local community '\"]\n", - "=======================\n", - "['local man ran onto catwalk as designer kym ellery took her bowhe was seen holding hands over his ears and shouting at security guardneighbour overheard saying organisers had no respect for communityballet performance on the runway kicked off first show of mbfwa']\n", - "a man stormed the runway at ellery 's mercedes-benz fashion week australia show at carriageworks in sydney on sunday nightas designer kym ellery made her way down the catwalk to take her bow , a furious man understood to be a neighbour of the carriageworks venue at eveleigh made a very public complaint about the music .disgruntled : the man was overheard to tell security that the music was a ` disgrace ' , and that show organisers had ` no respect for the local community '\n", - "local man ran onto catwalk as designer kym ellery took her bowhe was seen holding hands over his ears and shouting at security guardneighbour overheard saying organisers had no respect for communityballet performance on the runway kicked off first show of mbfwa\n", - "[1.4654098 1.3222873 1.1493704 1.206381 1.1194595 1.0867642 1.1645525\n", - " 1.0437101 1.0416987 1.0898378 1.033572 1.0370474 1.0206467 1.0180378\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 6 2 4 9 5 7 8 11 10 12 13 17 14 15 16 18]\n", - "=======================\n", - "['( cnn ) last month wu rongrong was taken into custody for planning to protest on international women \\'s day against sexual harassment in china .since then , the chinese authorities have formally detained her and four other activists for \" creating disturbances . \"the fate of the five will be revealed by april 13 , as their case reaches the legal time limit when they must either be released or \" formally arrested , \" which almost always leads to conviction in china \\'s legal system .']\n", - "=======================\n", - "[\"maya wang : 5 women held by china authorities after planning international women 's day protests on sex harassment remain detainedshe says in a year when country poised to adopt anti-domestic violence law , beijing also sending chilling message on women 's activism\"]\n", - "( cnn ) last month wu rongrong was taken into custody for planning to protest on international women 's day against sexual harassment in china .since then , the chinese authorities have formally detained her and four other activists for \" creating disturbances . \"the fate of the five will be revealed by april 13 , as their case reaches the legal time limit when they must either be released or \" formally arrested , \" which almost always leads to conviction in china 's legal system .\n", - "maya wang : 5 women held by china authorities after planning international women 's day protests on sex harassment remain detainedshe says in a year when country poised to adopt anti-domestic violence law , beijing also sending chilling message on women 's activism\n", - "[1.3618851 1.1962304 1.4272376 1.1187193 1.1097329 1.2200509 1.0293144\n", - " 1.0437659 1.0975634 1.1558682 1.0496548 1.0224493 1.0868785 1.0127033\n", - " 1.0529765 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 5 1 9 3 4 8 12 14 10 7 6 11 13 17 15 16 18]\n", - "=======================\n", - "[\"a federal court of appeals threw out the career home run leader 's obstruction of justice conviction on wednesday , ruling 10-1 that his meandering answer before a grand jury in 2003 was not material to the government 's investigation into illegal steroids distribution .barry bonds has been cleared legally after 11 1/2 years in court .his reputation remains tainted in the mind of many baseball fans .\"]\n", - "=======================\n", - "[\"barry bonds has been cleared legally after 11 1/2 years in courtwhen he answered a question about steroid injections by saying he was ' a celebrity child , ' he was convicted of obstruction of justicea federal court ruled his meandering answer before a grand jury in 2003 was not material to the government 's investigation into illegal steroids\"]\n", - "a federal court of appeals threw out the career home run leader 's obstruction of justice conviction on wednesday , ruling 10-1 that his meandering answer before a grand jury in 2003 was not material to the government 's investigation into illegal steroids distribution .barry bonds has been cleared legally after 11 1/2 years in court .his reputation remains tainted in the mind of many baseball fans .\n", - "barry bonds has been cleared legally after 11 1/2 years in courtwhen he answered a question about steroid injections by saying he was ' a celebrity child , ' he was convicted of obstruction of justicea federal court ruled his meandering answer before a grand jury in 2003 was not material to the government 's investigation into illegal steroids\n", - "[1.2327874 1.3816124 1.297271 1.1650106 1.2489644 1.2469839 1.1432747\n", - " 1.0272456 1.1107943 1.184054 1.0178627 1.0161198 1.0113901 1.1558075\n", - " 1.1898608 1.0137104 1.0170658 1.0112886 1.1011587 1.1710594]\n", - "\n", - "[ 1 2 4 5 0 14 9 19 3 13 6 8 18 7 10 16 11 15 12 17]\n", - "=======================\n", - "['visitors at cleveland metroparks zoo in ohio heard a scream as the toddler tumbled into the pit at 3pm on saturday .his parents jumped in and pulled him to safety before paramedics arrived to treat the boy for a leg injury .the boy was rescued by his parents from the pit ( pictured ) before firefighters and paramedics arrived on the scene .']\n", - "=======================\n", - "['the child was held by his mother when he slipped and fell between 10 and 12ft into the pit on saturday around 3pm at the cleveland metroparks zoohe was rescued by his parents before emergency responders arrived on the scene ; he suffered from minor bruises and bumpsthe cheetahs seemed to ignore the boy and his parents while in the pitzoo plans to press child endangerment charges']\n", - "visitors at cleveland metroparks zoo in ohio heard a scream as the toddler tumbled into the pit at 3pm on saturday .his parents jumped in and pulled him to safety before paramedics arrived to treat the boy for a leg injury .the boy was rescued by his parents from the pit ( pictured ) before firefighters and paramedics arrived on the scene .\n", - "the child was held by his mother when he slipped and fell between 10 and 12ft into the pit on saturday around 3pm at the cleveland metroparks zoohe was rescued by his parents before emergency responders arrived on the scene ; he suffered from minor bruises and bumpsthe cheetahs seemed to ignore the boy and his parents while in the pitzoo plans to press child endangerment charges\n", - "[1.2362738 1.5269215 1.2499251 1.3058786 1.0944135 1.2562425 1.175096\n", - " 1.0951445 1.0402578 1.0217161 1.0228862 1.0230889 1.0539676 1.085734\n", - " 1.071131 1.0345725 1.0268438 1.017759 1.0221314 1.0091444]\n", - "\n", - "[ 1 3 5 2 0 6 7 4 13 14 12 8 15 16 11 10 18 9 17 19]\n", - "=======================\n", - "['the uco stormproof matches are made using an incredibly tough coating that smoulders no matter what happens to them and will start burning again once they come into contact with oxygen .the unique matches have to go through rigorous testing to make sure they keep alight in even the most difficult situations .a company has released matches that continue to burn even when submerged in water or buried underground in dirt .']\n", - "=======================\n", - "['washington company unveils matches that burn in testing conditionsthe # 5.47 uco stormproof matches use a coating that always smouldersthey will start burning again once they comes into contact with oxygenrigorous tests have drenched the matches in buckets , buried them in mud , and blown them with a compressed air hose']\n", - "the uco stormproof matches are made using an incredibly tough coating that smoulders no matter what happens to them and will start burning again once they come into contact with oxygen .the unique matches have to go through rigorous testing to make sure they keep alight in even the most difficult situations .a company has released matches that continue to burn even when submerged in water or buried underground in dirt .\n", - "washington company unveils matches that burn in testing conditionsthe # 5.47 uco stormproof matches use a coating that always smouldersthey will start burning again once they comes into contact with oxygenrigorous tests have drenched the matches in buckets , buried them in mud , and blown them with a compressed air hose\n", - "[1.3281578 1.4578731 1.1804252 1.2580523 1.1861233 1.3143995 1.0849459\n", - " 1.0631871 1.0809785 1.052878 1.0351657 1.0152022 1.1318355 1.0210098\n", - " 1.0256828 1.0448855 1.0817554 1.0213175 0. 0. ]\n", - "\n", - "[ 1 0 5 3 4 2 12 6 16 8 7 9 15 10 14 17 13 11 18 19]\n", - "=======================\n", - "[\"fashion designer georgina chapman , 38 , said she does not want the accusations tied to ambra battilana and her husband to further embarrass their children or interrupt her business , a source told the new york daily news .harvey weinstein 's wife of eight years is furious and humiliated by the allegations that he groped a 22-year-old italian model , according to a new report .weinstein , 63 , has emphatically denied sexually assaulting battilana during a march 27 business meeting at his tribeca office .\"]\n", - "=======================\n", - "[\"weinstein 's wife georgina chapman , 38 , is seeking to find a resolution to the allegations as soon as possible , according to one of the sourceson friday it emerged a sting set up by the nypd shows weinstein did n't deny touching italian model ambra battilana - and apologized to hershe alleges he asked her for a kiss and then groped her during a ` business meeting ' at his manhattan office on friday nighta source claimed during the recorded conversation set up under the watch of the nypd , he did not deny touching herthe hollywood producer has denied the allegations and has spoken to police , who have not filed chargesbut a spokesman for chapman denied the marriage was in trouble and said they had spent the weekend together\"]\n", - "fashion designer georgina chapman , 38 , said she does not want the accusations tied to ambra battilana and her husband to further embarrass their children or interrupt her business , a source told the new york daily news .harvey weinstein 's wife of eight years is furious and humiliated by the allegations that he groped a 22-year-old italian model , according to a new report .weinstein , 63 , has emphatically denied sexually assaulting battilana during a march 27 business meeting at his tribeca office .\n", - "weinstein 's wife georgina chapman , 38 , is seeking to find a resolution to the allegations as soon as possible , according to one of the sourceson friday it emerged a sting set up by the nypd shows weinstein did n't deny touching italian model ambra battilana - and apologized to hershe alleges he asked her for a kiss and then groped her during a ` business meeting ' at his manhattan office on friday nighta source claimed during the recorded conversation set up under the watch of the nypd , he did not deny touching herthe hollywood producer has denied the allegations and has spoken to police , who have not filed chargesbut a spokesman for chapman denied the marriage was in trouble and said they had spent the weekend together\n", - "[1.2493802 1.3081605 1.3295141 1.2710406 1.1228458 1.126782 1.1383979\n", - " 1.1439112 1.034725 1.1038702 1.117565 1.0991727 1.0489656 1.0595229\n", - " 1.0661287 1.0293207 1.0667529 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 0 7 6 5 4 10 9 11 16 14 13 12 8 15 17 18 19]\n", - "=======================\n", - "['this is nearly half the recommended annual limit of exposure for a person .soil underneath a slide at the park in the toshima ward in the north-east of the japanese capital , showed radiation readings of up to 480 microsieverts per hour .danger : japanese authorities detected an unusually high level of radiation around playground equipment in this tokyo park ( pictured )']\n", - "=======================\n", - "[\"soil underneath a slide in the park showed extremely high radiation levelshas raised fears for the health of children in the toshima ward of tokyodays after traces of radiation found at prime minister shinzo abe 's office\"]\n", - "this is nearly half the recommended annual limit of exposure for a person .soil underneath a slide at the park in the toshima ward in the north-east of the japanese capital , showed radiation readings of up to 480 microsieverts per hour .danger : japanese authorities detected an unusually high level of radiation around playground equipment in this tokyo park ( pictured )\n", - "soil underneath a slide in the park showed extremely high radiation levelshas raised fears for the health of children in the toshima ward of tokyodays after traces of radiation found at prime minister shinzo abe 's office\n", - "[1.2182039 1.3236446 1.2165744 1.217967 1.3771861 1.195354 1.1342143\n", - " 1.0996144 1.1001632 1.0620399 1.0936921 1.0609735 1.0646852 1.051277\n", - " 1.0477469 1.0794773 1.084024 0. 0. 0. ]\n", - "\n", - "[ 4 1 0 3 2 5 6 8 7 10 16 15 12 9 11 13 14 18 17 19]\n", - "=======================\n", - "[\"greg gibbins , 28 , went into cardiac arrest after he was seriously stabbed but later died in hospital on mondayit is believed greg gibbins had helped a woman when she was being harassed earlier in the night , news.com.au reports .the ` spontaneous ' knife attack which killed a young man outside a pizza store in the early hours of easter monday could have been related to an earlier incident , police say .\"]\n", - "=======================\n", - "[\"a young man has died after he was stabbed during a violent brawlgreg gibbins and his friends were at a central coast hotel on sunday nightthe 28-year-old was stabbed and killed outside a pizza store on mondayhis 25-year-old friend was also attacked when he tried to help mr gibbinshe remains in a serious condition and is expected to undergo surgerythe offender fled the scene and police have n't found a weaponinvestigations are continuing and police are appealing for any witnesses\"]\n", - "greg gibbins , 28 , went into cardiac arrest after he was seriously stabbed but later died in hospital on mondayit is believed greg gibbins had helped a woman when she was being harassed earlier in the night , news.com.au reports .the ` spontaneous ' knife attack which killed a young man outside a pizza store in the early hours of easter monday could have been related to an earlier incident , police say .\n", - "a young man has died after he was stabbed during a violent brawlgreg gibbins and his friends were at a central coast hotel on sunday nightthe 28-year-old was stabbed and killed outside a pizza store on mondayhis 25-year-old friend was also attacked when he tried to help mr gibbinshe remains in a serious condition and is expected to undergo surgerythe offender fled the scene and police have n't found a weaponinvestigations are continuing and police are appealing for any witnesses\n", - "[1.0624899 1.393172 1.3563057 1.117924 1.2499871 1.2787887 1.163442\n", - " 1.1090916 1.0700176 1.1166283 1.2098222 1.0960094 1.0578585 1.0544862\n", - " 1.021495 1.0459126 1.052432 0. ]\n", - "\n", - "[ 1 2 5 4 10 6 3 9 7 11 8 0 12 13 16 15 14 17]\n", - "=======================\n", - "[\"the description for the unsettling video - uploaded to youtube last week by raymond yeung -- claims it was captured in the shenzhen reservoir in china 's sand bay .the clawed creature - which some say is a rare bear - can be seen aggressively biting through the cage with a visibly bleeding mouth before ripping the metal wire apart with its limbs .it was reportedly fished out of the water by workers from the department of drainage , who later captured the animal in a steel cage .\"]\n", - "=======================\n", - "[\"the disturbing video was uploaded last week by raymond yeungthe description claims it was captured in china 's shenzhen reservoirthe video has sparked online debates over the species of the creaturesome have claimed the hairless animal is a mythical ` water monster 'others believe it is a malaysian bear suffering from a skin disease\"]\n", - "the description for the unsettling video - uploaded to youtube last week by raymond yeung -- claims it was captured in the shenzhen reservoir in china 's sand bay .the clawed creature - which some say is a rare bear - can be seen aggressively biting through the cage with a visibly bleeding mouth before ripping the metal wire apart with its limbs .it was reportedly fished out of the water by workers from the department of drainage , who later captured the animal in a steel cage .\n", - "the disturbing video was uploaded last week by raymond yeungthe description claims it was captured in china 's shenzhen reservoirthe video has sparked online debates over the species of the creaturesome have claimed the hairless animal is a mythical ` water monster 'others believe it is a malaysian bear suffering from a skin disease\n", - "[1.3180197 1.4124491 1.3428771 1.3225039 1.274147 1.3849517 1.0268229\n", - " 1.0206591 1.0153502 1.0133041 1.0219408 1.1026428 1.1434971 1.0692062\n", - " 1.0132332 1.0129513 0. 0. ]\n", - "\n", - "[ 1 5 2 3 0 4 12 11 13 6 10 7 8 9 14 15 16 17]\n", - "=======================\n", - "['the reds made three trips to the national stadium in 2012 after winning the league cup and losing the fa cup to chelsea , but the brazil international missed all of them with a serious knee injury sustained in the previous november .lucas can play his first game at wembley in a liverpool shirt when they meet aston villa in the semi-finalbut having played his part in the 1-0 quarter-final win at blackburn , lucas is hoping to get his chance in the last-four encounter with aston villa on april 19 .']\n", - "=======================\n", - "[\"lucas leiva was injured for liverpool 's three wembley games in 2012he hopes to feature in the semi-final against aston villa on april 19simon mignolet believes victory over blackburn vital after two defeatsread : steven gerrard 's fa cup dream at wembley remains a realityclick here for all the latest liverpool news\"]\n", - "the reds made three trips to the national stadium in 2012 after winning the league cup and losing the fa cup to chelsea , but the brazil international missed all of them with a serious knee injury sustained in the previous november .lucas can play his first game at wembley in a liverpool shirt when they meet aston villa in the semi-finalbut having played his part in the 1-0 quarter-final win at blackburn , lucas is hoping to get his chance in the last-four encounter with aston villa on april 19 .\n", - "lucas leiva was injured for liverpool 's three wembley games in 2012he hopes to feature in the semi-final against aston villa on april 19simon mignolet believes victory over blackburn vital after two defeatsread : steven gerrard 's fa cup dream at wembley remains a realityclick here for all the latest liverpool news\n", - "[1.3290832 1.2980487 1.2075698 1.2158407 1.294342 1.06374 1.0317091\n", - " 1.0411904 1.0919912 1.0847317 1.0394837 1.0920446 1.0811341 1.0368925\n", - " 1.0465811 1.0515616 1.0524899 1.0483809]\n", - "\n", - "[ 0 1 4 3 2 11 8 9 12 5 16 15 17 14 7 10 13 6]\n", - "=======================\n", - "[\"( cnn ) the racist and offensive emails that resulted in three ferguson , missouri , city employees either resigning or being fired have been released .the exchanges between the city 's top court clerk and two police officers were discovered during a u.s. justice department investigation of racial prejudice in the city 's police and judicial system .police capt. rick henke and sgt. william mudd resigned early last month after the emails were discovered as part of the evidence in the justice department 's scathing ferguson report .\"]\n", - "=======================\n", - "[\"racially-charged and offensive emails from ferguson released after public records requesttwo ferguson police officers resigned over racist emailscity 's top court clerk was fired\"]\n", - "( cnn ) the racist and offensive emails that resulted in three ferguson , missouri , city employees either resigning or being fired have been released .the exchanges between the city 's top court clerk and two police officers were discovered during a u.s. justice department investigation of racial prejudice in the city 's police and judicial system .police capt. rick henke and sgt. william mudd resigned early last month after the emails were discovered as part of the evidence in the justice department 's scathing ferguson report .\n", - "racially-charged and offensive emails from ferguson released after public records requesttwo ferguson police officers resigned over racist emailscity 's top court clerk was fired\n", - "[1.2897853 1.3159039 1.2742296 1.2116709 1.1780164 1.1371207 1.1093907\n", - " 1.056377 1.1237447 1.0579674 1.0574641 1.0424684 1.0309508 1.0190594\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 5 8 6 9 10 7 11 12 13 16 14 15 17]\n", - "=======================\n", - "[\"her secret service-provided ` scooby ' van motored from concord to boston logan international airport , escorted by troopers from both new hampshire and massachusetts .hillary clinton ended her whirlwind new hampshire campaign swing on tuesday afternoon in another state entirely , taking taxpayers for an 80 miles-per-hour ride all the way to boston -- to catch a flight with first class seats .she arrived in time to take a 7:00 p.m. us airways shuttle to washington , d.c. on the way , her motorcade passed exits to the manchester , n.h. airport , which was 55 miles closer and offered a 5:16 p.m. flight to the same destination .\"]\n", - "=======================\n", - "[\"speedometer-busting race to boston logan international airport hit 80 in a 55 mph zoneclinton and her entourage took us airways shuttle flight 2120 to washington reagan international airport near dc -- and sat in first classfirst class seating came after campaign trip where she said of rich : ` the deck is stacked in their favor .the manchester , nh airport would have been 55 miles closer and had a flight two hours earlier -- but it was on smaller plane with only coach seatsclinton insisted she did n't personally book the tickets , but stared ahead and said nothing when asked about the benghazi terror attacksnascar-like trip down i-93 came less than 24 hours after clinton 's secret service detail raced down rain-slicked new hampshire freeways at 92 mph\"]\n", - "her secret service-provided ` scooby ' van motored from concord to boston logan international airport , escorted by troopers from both new hampshire and massachusetts .hillary clinton ended her whirlwind new hampshire campaign swing on tuesday afternoon in another state entirely , taking taxpayers for an 80 miles-per-hour ride all the way to boston -- to catch a flight with first class seats .she arrived in time to take a 7:00 p.m. us airways shuttle to washington , d.c. on the way , her motorcade passed exits to the manchester , n.h. airport , which was 55 miles closer and offered a 5:16 p.m. flight to the same destination .\n", - "speedometer-busting race to boston logan international airport hit 80 in a 55 mph zoneclinton and her entourage took us airways shuttle flight 2120 to washington reagan international airport near dc -- and sat in first classfirst class seating came after campaign trip where she said of rich : ` the deck is stacked in their favor .the manchester , nh airport would have been 55 miles closer and had a flight two hours earlier -- but it was on smaller plane with only coach seatsclinton insisted she did n't personally book the tickets , but stared ahead and said nothing when asked about the benghazi terror attacksnascar-like trip down i-93 came less than 24 hours after clinton 's secret service detail raced down rain-slicked new hampshire freeways at 92 mph\n", - "[1.5451852 1.1635932 1.4296057 1.0763664 1.0833955 1.125646 1.2402254\n", - " 1.0963653 1.1004727 1.1059246 1.0564022 1.0171524 1.0416367 1.032957\n", - " 1.0738803 1.0203032 1.0263456 0. ]\n", - "\n", - "[ 0 2 6 1 5 9 8 7 4 3 14 10 12 13 16 15 11 17]\n", - "=======================\n", - "[\"matthew hall , 25 , climbed onto the balconies in of his victims in manchester 's fashionable northern quarter district and hidjailing him for two years after he admitted two attempted burglaries and one burglary , judge martin rudland said he had ` deliberately targeted vulnerable women ' scaling the walls of buildings ` like a cat burglar of old ' in a series of ` highly suspicious offences ' .hall now risks arrest if he enters the area , where each of his terrified victims lived , at any time in the next five years .\"]\n", - "=======================\n", - "['matthew hall , 25 , from manchester got off on terrorising female victimshe targeted single women in their homes in an upscale manchester areajailed two years after pleading guilty to burglary and attempted burglaryhall , repeat offender , climbed balconies and hid himself in their bedrooms']\n", - "matthew hall , 25 , climbed onto the balconies in of his victims in manchester 's fashionable northern quarter district and hidjailing him for two years after he admitted two attempted burglaries and one burglary , judge martin rudland said he had ` deliberately targeted vulnerable women ' scaling the walls of buildings ` like a cat burglar of old ' in a series of ` highly suspicious offences ' .hall now risks arrest if he enters the area , where each of his terrified victims lived , at any time in the next five years .\n", - "matthew hall , 25 , from manchester got off on terrorising female victimshe targeted single women in their homes in an upscale manchester areajailed two years after pleading guilty to burglary and attempted burglaryhall , repeat offender , climbed balconies and hid himself in their bedrooms\n", - "[1.2120075 1.3406711 1.3110418 1.3338628 1.1659567 1.0391464 1.0240344\n", - " 1.039594 1.1230582 1.1133221 1.1046246 1.0582727 1.0394764 1.0280511\n", - " 1.0437168 1.0273854 1.0924109 1.0900108 1.0295757]\n", - "\n", - "[ 1 3 2 0 4 8 9 10 16 17 11 14 7 12 5 18 13 15 6]\n", - "=======================\n", - "[\"new indie music was first piped into the cabin - during boarding and disembarking - a few months ago and has quickly become a hit with passengers .american airlines is targeting a younger demographic with the introduction of their new ` indie ' cabin playlistsin fact , many have taken to twitter to share their approval of the new on board playlists , which feature rockers such as the xx , haim , phantogram and hozier .\"]\n", - "=======================\n", - "['new on board playlists include rockers such as the xx , haim and hozierunfavourable customer feedback about previous music prompted switchso far , all mainline and some regional aircraft have adopted the change']\n", - "new indie music was first piped into the cabin - during boarding and disembarking - a few months ago and has quickly become a hit with passengers .american airlines is targeting a younger demographic with the introduction of their new ` indie ' cabin playlistsin fact , many have taken to twitter to share their approval of the new on board playlists , which feature rockers such as the xx , haim , phantogram and hozier .\n", - "new on board playlists include rockers such as the xx , haim and hozierunfavourable customer feedback about previous music prompted switchso far , all mainline and some regional aircraft have adopted the change\n", - "[1.2713237 1.4075873 1.3441334 1.2919126 1.2213179 1.2242488 1.1592662\n", - " 1.0353268 1.0291473 1.024485 1.0818771 1.1231453 1.0324111 1.1245393\n", - " 1.1899376 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 4 14 6 13 11 10 7 12 8 9 15 16 17 18]\n", - "=======================\n", - "['the driver of the car , who has not been identified , said he got into an argument with the suspects while he was pumping gas at a 76 station in south los angeles around 12:15 am on saturday .the group covered his white dodge charger in gasoline and lit it ablaze while there were two passengers inside .a gang of at least three people poured gasoline on a car that stopped to fill up at california gas station early on saturday morning and set the vehicle on fire .']\n", - "=======================\n", - "['gang of at least three poured gasoline on a car at south la gas stationbefore the fire was started , the gang attempted to rob the driver of his cartwo people were inside white dodge charger when it went up in flamesno one was hurt and la fire department is investigating crime as arson']\n", - "the driver of the car , who has not been identified , said he got into an argument with the suspects while he was pumping gas at a 76 station in south los angeles around 12:15 am on saturday .the group covered his white dodge charger in gasoline and lit it ablaze while there were two passengers inside .a gang of at least three people poured gasoline on a car that stopped to fill up at california gas station early on saturday morning and set the vehicle on fire .\n", - "gang of at least three poured gasoline on a car at south la gas stationbefore the fire was started , the gang attempted to rob the driver of his cartwo people were inside white dodge charger when it went up in flamesno one was hurt and la fire department is investigating crime as arson\n", - "[1.5072532 1.5942507 1.0556588 1.1251988 1.3366251 1.1092418 1.0261348\n", - " 1.0175779 1.0236785 1.0202078 1.0269902 1.0193112 1.3914164 1.0481879\n", - " 1.0162994 1.1037363 1.0509391 1.073383 0. ]\n", - "\n", - "[ 1 0 12 4 3 5 15 17 2 16 13 10 6 8 9 11 7 14 18]\n", - "=======================\n", - "[\"mcdowell carded a final round of 73 on sunday to finish six over par and is now a combined 24 over for his eight appearances in the year 's first major championship . 'graeme mcdowell insisted he would never consider not playing the masters despite another frustrating experience at augusta national .graeme mcdowell tees off on the third hole during the third round at augusta on saturday\"]\n", - "=======================\n", - "['graeme mcdowell carded a final round of 73 on sundaymcdowell thinks his style of putting is not suited to augustathe former us open could have had a worse scoremcdowell was initally give a one-shot penalty for moving his marker as he was attempting to swap a bee away from his ball on the third greenbut the penalty was rescinded later in the day']\n", - "mcdowell carded a final round of 73 on sunday to finish six over par and is now a combined 24 over for his eight appearances in the year 's first major championship . 'graeme mcdowell insisted he would never consider not playing the masters despite another frustrating experience at augusta national .graeme mcdowell tees off on the third hole during the third round at augusta on saturday\n", - "graeme mcdowell carded a final round of 73 on sundaymcdowell thinks his style of putting is not suited to augustathe former us open could have had a worse scoremcdowell was initally give a one-shot penalty for moving his marker as he was attempting to swap a bee away from his ball on the third greenbut the penalty was rescinded later in the day\n", - "[1.0833797 1.4519438 1.2988336 1.1376247 1.0884268 1.0535009 1.0330033\n", - " 1.0382056 1.0941542 1.0337237 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 8 4 0 5 7 9 6 17 10 11 12 13 14 15 16 18]\n", - "=======================\n", - "[\"but sunday 's party marking the 150th anniversary of the end of the american civil war took about 5,000 miles ( 8,000 kilometers ) south of the south , in a rural brazilian town colonized by families fleeing reconstruction .for many of the residents of santa barbara d'oeste and neighboring americana in brazil 's southeastern sao paulo state , having confederate ancestry is a point of pride that 's celebrated in high style at the annual ` festa dos confederados , ' or ` confederates party ' in portuguese .thousands turn out every year , including many who trace their ancestry back to the dozens of families who , enticed by the brazilian government 's offers of land grants , settled here from 1865 to around 1875 .\"]\n", - "=======================\n", - "[\"sunday 's party marked the 150th anniversary of the end of the american civil war and was held in a rural brazilian town colonized by families fleeing reconstructionthousands turn out every year , including many who trace their ancestry back to the dozens of families who , enticed by the brazilian government 's offers of land grants , settled here from 1865 to around 1875amid food and beer stands bedecked with red-white-and-blue ribbons , extended families tucked into diet-busting barbecue and hamburger lunches as ` dixie ' played on a loop\"]\n", - "but sunday 's party marking the 150th anniversary of the end of the american civil war took about 5,000 miles ( 8,000 kilometers ) south of the south , in a rural brazilian town colonized by families fleeing reconstruction .for many of the residents of santa barbara d'oeste and neighboring americana in brazil 's southeastern sao paulo state , having confederate ancestry is a point of pride that 's celebrated in high style at the annual ` festa dos confederados , ' or ` confederates party ' in portuguese .thousands turn out every year , including many who trace their ancestry back to the dozens of families who , enticed by the brazilian government 's offers of land grants , settled here from 1865 to around 1875 .\n", - "sunday 's party marked the 150th anniversary of the end of the american civil war and was held in a rural brazilian town colonized by families fleeing reconstructionthousands turn out every year , including many who trace their ancestry back to the dozens of families who , enticed by the brazilian government 's offers of land grants , settled here from 1865 to around 1875amid food and beer stands bedecked with red-white-and-blue ribbons , extended families tucked into diet-busting barbecue and hamburger lunches as ` dixie ' played on a loop\n", - "[1.3406136 1.2968732 1.234933 1.2264931 1.0567563 1.180253 1.0241324\n", - " 1.0603328 1.0185333 1.0853695 1.0608342 1.1327474 1.1311225 1.0679958\n", - " 1.0372733 1.0153834 1.0246143 0. 0. ]\n", - "\n", - "[ 0 1 2 3 5 11 12 9 13 10 7 4 14 16 6 8 15 17 18]\n", - "=======================\n", - "[\"stars have flocked to twitter to praise tom hanks ' wife rita wilson for revealing that she was recently diagnosed with breast cancer and has undergone a double mastectomy and reconstructive surgery .the 58-year-old actress , who took a leave of absence from broadway play ` fish in the dark ' earlier this month , shared the news through a statement published by people magazine on tuesday .following her announcement , famous friends passed on their best wishes to the actress as katie couric wrote : ` sending the wonderful rita wilson my love and best wishes for a speedy recovery and good health . '\"]\n", - "=======================\n", - "[\"stars such as katie couric and christina applegate praised the 58-year-old actress for revealing her diagnosis in a statement on tuesdayshe explained that doctors initially failed to find the cancer but that it was discovered after she sought out a second opinionshe underwent surgery last week with hanks by her side and she is expected to make a full recoverywilson took medical from the broadway play ` fish in the dark ' earlier this month but is expected back on stage in may\"]\n", - "stars have flocked to twitter to praise tom hanks ' wife rita wilson for revealing that she was recently diagnosed with breast cancer and has undergone a double mastectomy and reconstructive surgery .the 58-year-old actress , who took a leave of absence from broadway play ` fish in the dark ' earlier this month , shared the news through a statement published by people magazine on tuesday .following her announcement , famous friends passed on their best wishes to the actress as katie couric wrote : ` sending the wonderful rita wilson my love and best wishes for a speedy recovery and good health . '\n", - "stars such as katie couric and christina applegate praised the 58-year-old actress for revealing her diagnosis in a statement on tuesdayshe explained that doctors initially failed to find the cancer but that it was discovered after she sought out a second opinionshe underwent surgery last week with hanks by her side and she is expected to make a full recoverywilson took medical from the broadway play ` fish in the dark ' earlier this month but is expected back on stage in may\n", - "[1.4674376 1.2648219 1.169512 1.3278807 1.2499733 1.1500597 1.1703182\n", - " 1.1023048 1.05043 1.2471032 1.2279785 1.1125323 1.0519078 1.0182931\n", - " 1.0102072 1.0097702 0. 0. ]\n", - "\n", - "[ 0 3 1 4 9 10 6 2 5 11 7 12 8 13 14 15 16 17]\n", - "=======================\n", - "[\"tottenham hotspur goalkeeper hugo lloris will miss sunday 's premier league trip to struggling burnley as he recovers from a gashed knee suffered two weeks ago against leicester city .harry kane is one of four tottenham players who will return after playing for england against italymauricio pochettino could be without striker roberto soldado at turf moor on sunday\"]\n", - "=======================\n", - "[\"hugo lloris suffered a gashed knee in tottenham 's win against leicestermichel vorm will start at turf moor as lloris continues his recoveryroberto soldado is doubtful for sunday 's clash with burnleymauricio pochettino hopes spurs ' england contingent will return on a high\"]\n", - "tottenham hotspur goalkeeper hugo lloris will miss sunday 's premier league trip to struggling burnley as he recovers from a gashed knee suffered two weeks ago against leicester city .harry kane is one of four tottenham players who will return after playing for england against italymauricio pochettino could be without striker roberto soldado at turf moor on sunday\n", - "hugo lloris suffered a gashed knee in tottenham 's win against leicestermichel vorm will start at turf moor as lloris continues his recoveryroberto soldado is doubtful for sunday 's clash with burnleymauricio pochettino hopes spurs ' england contingent will return on a high\n", - "[1.324333 1.4576141 1.2242007 1.2314211 1.116217 1.3255705 1.0691551\n", - " 1.0676228 1.0482116 1.0306157 1.0957625 1.0817379 1.0834041 1.0606104\n", - " 1.0464115 1.1239501 0. 0. ]\n", - "\n", - "[ 1 5 0 3 2 15 4 10 12 11 6 7 13 8 14 9 16 17]\n", - "=======================\n", - "[\"the child , whose name has not been released , suffered fatal injuries in the incident at grant elementary school in dumont , new jersey on march 6 and died later that day .a 10-year-old boy climbed through a school window and jumped to his death after his chess opponent failed to say ` checkmate ' after beating him , a police report has revealed .on wednesday , police released a report after an investigation into his death , the record reported .\"]\n", - "=======================\n", - "[\"the child , who has not been named , suffered fatal injuries after jumping from a second-story window in dumont , new jersey last montha report into the incident has revealed he became angry after a classmate failed to say ` checkmate ' after beating him in a match at recesshe then cried in a corner and wrote a note to his opponent , but told him to wait to open it ; the contents of the note have not been sharedan aide then saw the boy climbing on shelves and out a windowthe boy 's classmate revealed that he had said on several occasions that he was going to jump from the window - but he thought he was joking\"]\n", - "the child , whose name has not been released , suffered fatal injuries in the incident at grant elementary school in dumont , new jersey on march 6 and died later that day .a 10-year-old boy climbed through a school window and jumped to his death after his chess opponent failed to say ` checkmate ' after beating him , a police report has revealed .on wednesday , police released a report after an investigation into his death , the record reported .\n", - "the child , who has not been named , suffered fatal injuries after jumping from a second-story window in dumont , new jersey last montha report into the incident has revealed he became angry after a classmate failed to say ` checkmate ' after beating him in a match at recesshe then cried in a corner and wrote a note to his opponent , but told him to wait to open it ; the contents of the note have not been sharedan aide then saw the boy climbing on shelves and out a windowthe boy 's classmate revealed that he had said on several occasions that he was going to jump from the window - but he thought he was joking\n", - "[1.267896 1.3291597 1.3186612 1.1575477 1.1562558 1.0364527 1.1026814\n", - " 1.1735828 1.0337375 1.1047916 1.0757293 1.0579165 1.07219 1.0571251\n", - " 1.0365007 1.0312316 0. 0. ]\n", - "\n", - "[ 1 2 0 7 3 4 9 6 10 12 11 13 14 5 8 15 16 17]\n", - "=======================\n", - "[\"internet star zoella , real name zoe elizabeth sugg , has enjoyed meteoric success after her blog and video posts amassed a huge teen following on social media .jamie oliver 's company , an enduring advocate for promoting healthy eating , has warned that young stars such as zoella , 25 , and fellow vlogger and boyfriend alfie deyes , 21 , should be more aware of the adverts that appear alongside their posts .on sunday , brighton-based zoella posted a video entitled ` stuff your mouth ' with thatcherjoe ( my brother ) .\"]\n", - "=======================\n", - "[\"the chef and healthy food campaigner 's company said influential stars should be careful about adverts appearing next to their video postsjamie oliver 's food tube channel has a ` firm agreement ' with youtube to stop ads for unhealthy foods running next to his own poststhe advertising standards authority currently does n't safeguard against unhealthy ads appearing on online videos , just television programmes\"]\n", - "internet star zoella , real name zoe elizabeth sugg , has enjoyed meteoric success after her blog and video posts amassed a huge teen following on social media .jamie oliver 's company , an enduring advocate for promoting healthy eating , has warned that young stars such as zoella , 25 , and fellow vlogger and boyfriend alfie deyes , 21 , should be more aware of the adverts that appear alongside their posts .on sunday , brighton-based zoella posted a video entitled ` stuff your mouth ' with thatcherjoe ( my brother ) .\n", - "the chef and healthy food campaigner 's company said influential stars should be careful about adverts appearing next to their video postsjamie oliver 's food tube channel has a ` firm agreement ' with youtube to stop ads for unhealthy foods running next to his own poststhe advertising standards authority currently does n't safeguard against unhealthy ads appearing on online videos , just television programmes\n", - "[1.4563913 1.1453866 1.399219 1.2559327 1.1457472 1.2758157 1.0503286\n", - " 1.1188492 1.1656804 1.1192256 1.0747203 1.0174669 1.0721903 1.1184518\n", - " 1.0494391 1.0067776 0. 0. ]\n", - "\n", - "[ 0 2 5 3 8 4 1 9 7 13 10 12 6 14 11 15 16 17]\n", - "=======================\n", - "[\"teacher carol chandler , 53 , ( pictured outside court ) is accused of indecently assaulting a boy under the age of 16 in the 1980s at a top independent schoolshe was charged as part of the metropolitan police 's operation winthorpe , scotland yard 's investigation into allegations of sex abuse at st paul 's school in barnes , south west london - where former pupils include chancellor george osborne .a total of five people have now been charged by officers from operation winthorpe .\"]\n", - "=======================\n", - "[\"teacher carol chandler , 53 , accused of indecently assaulting boy in 1980sshe taught at george osborne 's london school st paul 's in barnescharged as part of an investigation into child sex abuse at the schoolfive people have now been charged by officers from operation winthorpe\"]\n", - "teacher carol chandler , 53 , ( pictured outside court ) is accused of indecently assaulting a boy under the age of 16 in the 1980s at a top independent schoolshe was charged as part of the metropolitan police 's operation winthorpe , scotland yard 's investigation into allegations of sex abuse at st paul 's school in barnes , south west london - where former pupils include chancellor george osborne .a total of five people have now been charged by officers from operation winthorpe .\n", - "teacher carol chandler , 53 , accused of indecently assaulting boy in 1980sshe taught at george osborne 's london school st paul 's in barnescharged as part of an investigation into child sex abuse at the schoolfive people have now been charged by officers from operation winthorpe\n", - "[1.3867967 1.4780244 1.3663808 1.3929863 1.1256183 1.1642499 1.0616126\n", - " 1.0351541 1.0679693 1.0374893 1.0122837 1.0460862 1.0112592 1.0448074\n", - " 1.2133592 1.0298917 1.0170108 1.0223601]\n", - "\n", - "[ 1 3 0 2 14 5 4 8 6 11 13 9 7 15 17 16 10 12]\n", - "=======================\n", - "[\"the ukip leader made the remarks after being asked at his manifesto launch last week to justify the scarcity of black and asian faces in the ukip manifesto .nigel farage has dismissed criticism of the lack of diversity in ukip 's manifesto by claiming there was a ` half black ' party spokesman featured prominently - and ` one fully black person 'it includes several photographs of the party 's top team although it was suggested the only black face in the document appeared on a page about overseas aid .\"]\n", - "=======================\n", - "[\"ukip leader asked to justify lack of black and asian faces in manifestobut he said there was one ` half black ' person and one ` fully black person 'ukip 's immigration spokesman steven woolfe has mixed heritageincluded in the manifesto was also a photo of an african receiving aid\"]\n", - "the ukip leader made the remarks after being asked at his manifesto launch last week to justify the scarcity of black and asian faces in the ukip manifesto .nigel farage has dismissed criticism of the lack of diversity in ukip 's manifesto by claiming there was a ` half black ' party spokesman featured prominently - and ` one fully black person 'it includes several photographs of the party 's top team although it was suggested the only black face in the document appeared on a page about overseas aid .\n", - "ukip leader asked to justify lack of black and asian faces in manifestobut he said there was one ` half black ' person and one ` fully black person 'ukip 's immigration spokesman steven woolfe has mixed heritageincluded in the manifesto was also a photo of an african receiving aid\n", - "[1.486628 1.3308896 1.1303633 1.3673263 1.246372 1.0872953 1.0520501\n", - " 1.1001662 1.2148933 1.1414249 1.1082418 1.0443135 1.016319 1.0413957\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 8 9 2 10 7 5 6 11 13 12 14 15 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"thailand 's kiradech aphibarnrat fired six birdies in the space of nine holes to surge into the lead at the shenzhen international in china on saturday .aphibarnrat began the third round one shot behind american peter uihlein but birdied his first three holes before carding what would prove to be his only par on the front nine on the fourth .double masters champion bubba watson struggled to his second consecutive round of 74 to finish two over par .\"]\n", - "=======================\n", - "[\"thailand 's kiradech aphibarnrat takes lead at the shenzhen internationalaphibarnrat fired six birdies in the space of nine holes on saturdaybubba watson struggled to his second consecutive round of 74the double masters champion finished 38th in augusta this year\"]\n", - "thailand 's kiradech aphibarnrat fired six birdies in the space of nine holes to surge into the lead at the shenzhen international in china on saturday .aphibarnrat began the third round one shot behind american peter uihlein but birdied his first three holes before carding what would prove to be his only par on the front nine on the fourth .double masters champion bubba watson struggled to his second consecutive round of 74 to finish two over par .\n", - "thailand 's kiradech aphibarnrat takes lead at the shenzhen internationalaphibarnrat fired six birdies in the space of nine holes on saturdaybubba watson struggled to his second consecutive round of 74the double masters champion finished 38th in augusta this year\n", - "[1.1955122 1.0680479 1.2921349 1.3904766 1.2341844 1.2542908 1.1313585\n", - " 1.0345801 1.0476043 1.1922715 1.138593 1.1073947 1.0189977 1.0077909\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 5 4 0 9 10 6 11 1 8 7 12 13 14 15 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"george at asda has created its ` luxury christening range ' just in time for the birth of the royal baby - and say its gowns and rompers allow mothers to buy a traditional christening outfit for a fraction of the price .hot on the heels of releasing its budget bridesmaid range , the supermarket giant has unveiled garments for babies being christened .research has revealed that the average price of a christening has hit # 300 .\"]\n", - "=======================\n", - "['cost of christenings are now upwards of # 30063 per cent of mothers worry about the mounting costs for the dayasda launches christening collection in time for second royal baby']\n", - "george at asda has created its ` luxury christening range ' just in time for the birth of the royal baby - and say its gowns and rompers allow mothers to buy a traditional christening outfit for a fraction of the price .hot on the heels of releasing its budget bridesmaid range , the supermarket giant has unveiled garments for babies being christened .research has revealed that the average price of a christening has hit # 300 .\n", - "cost of christenings are now upwards of # 30063 per cent of mothers worry about the mounting costs for the dayasda launches christening collection in time for second royal baby\n", - "[1.1966171 1.2126658 1.147815 1.3759902 1.1361653 1.1087236 1.2124593\n", - " 1.1408335 1.1320935 1.0551628 1.0510961 1.0306528 1.0497373 1.0474646\n", - " 1.0302113 1.0249814 1.0601685 1.0278567 1.02095 1.019513 1.0247924\n", - " 1.0940541 1.080778 1.06794 1.0234188]\n", - "\n", - "[ 3 1 6 0 2 7 4 8 5 21 22 23 16 9 10 12 13 11 14 17 15 20 24 18\n", - " 19]\n", - "=======================\n", - "['douglas mark hughes , 61 , created a security scare when he violated national airspace and has prompted a full-scale security review in washington .week said he fully expected to be intercepteda small gyrocopter past washington , dc , landmarks last']\n", - "=======================\n", - "[\"doug hughes landed a gyrocopter on the us capitol lawn on wednesdaycharged with multiple offenses and is under house arrest until court datehe spent two years planning stunt to protest campaign-finance lawswill appear in court on may 8 and is facing up to four years in prisonhughes thought he 'd make it after leaving gettysburg , pennsylvania\"]\n", - "douglas mark hughes , 61 , created a security scare when he violated national airspace and has prompted a full-scale security review in washington .week said he fully expected to be intercepteda small gyrocopter past washington , dc , landmarks last\n", - "doug hughes landed a gyrocopter on the us capitol lawn on wednesdaycharged with multiple offenses and is under house arrest until court datehe spent two years planning stunt to protest campaign-finance lawswill appear in court on may 8 and is facing up to four years in prisonhughes thought he 'd make it after leaving gettysburg , pennsylvania\n", - "[1.1045558 1.5423337 1.2057936 1.3103777 1.3040025 1.1189508 1.1068931\n", - " 1.0636252 1.0933195 1.0638717 1.0430031 1.0439069 1.047618 1.0885537\n", - " 1.087341 1.1299852 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 15 5 6 0 8 13 14 9 7 12 11 10 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"liam sandham , of fleetwood , has gone viral with a work place prank that involves burning his unsuspecting friend in a van .capturing the video from his camera phone , the plasterer initially films himself and the vehicle 's wing mirror through a magnifying glass , which he moves back and forwards .the video , which was uploaded to youtube with the title ` burning people with magnifying glass ' , has been viewed over a million times .\"]\n", - "=======================\n", - "[\"liam sandham , of fleetwood , has gone viral with the prankplasterer holds magnifying glass to friend 's hand in a vanhe concentrates light onto an area on work mate 's knucklehis friend reacts in shock and swears after being burntvideo has been watched over one million times online\"]\n", - "liam sandham , of fleetwood , has gone viral with a work place prank that involves burning his unsuspecting friend in a van .capturing the video from his camera phone , the plasterer initially films himself and the vehicle 's wing mirror through a magnifying glass , which he moves back and forwards .the video , which was uploaded to youtube with the title ` burning people with magnifying glass ' , has been viewed over a million times .\n", - "liam sandham , of fleetwood , has gone viral with the prankplasterer holds magnifying glass to friend 's hand in a vanhe concentrates light onto an area on work mate 's knucklehis friend reacts in shock and swears after being burntvideo has been watched over one million times online\n", - "[1.2929442 1.10655 1.3107175 1.2058201 1.140088 1.0532362 1.0839003\n", - " 1.2284793 1.0791359 1.0233811 1.0707377 1.1238539 1.0959276 1.0862409\n", - " 1.0239146 1.0527115 1.0492882 1.0705127 1.0400963 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 7 3 4 11 1 12 13 6 8 10 17 5 15 16 18 14 9 23 19 20 21 22\n", - " 24]\n", - "=======================\n", - "['a united airlines regional jet carried her back to the east coast on thursday from the omaha , nebraska airport .the secret service will have to drive scooby one and scooby two back to chappaqua without hillary clinton riding shotgun .her flight was bound for newark , new jersey , the major airport most convenient to her spacious chappaqua , new york home .']\n", - "=======================\n", - "[\"united flight 3954 carried clinton from omaha , nebraska to newark , new jersey on thursdaymet by a town car and a police escort -- on the tarmac -- for what 's likely a short trip back to her chappaqua , new york estatefollows iowa campaign swing full of controlled interactions , staged conversations and little interaction with real peopleclinton was , however , photographed pulling her own suitcase down an airport concourse\"]\n", - "a united airlines regional jet carried her back to the east coast on thursday from the omaha , nebraska airport .the secret service will have to drive scooby one and scooby two back to chappaqua without hillary clinton riding shotgun .her flight was bound for newark , new jersey , the major airport most convenient to her spacious chappaqua , new york home .\n", - "united flight 3954 carried clinton from omaha , nebraska to newark , new jersey on thursdaymet by a town car and a police escort -- on the tarmac -- for what 's likely a short trip back to her chappaqua , new york estatefollows iowa campaign swing full of controlled interactions , staged conversations and little interaction with real peopleclinton was , however , photographed pulling her own suitcase down an airport concourse\n", - "[1.2380778 1.50824 1.1909848 1.1985104 1.2776755 1.3162401 1.1536789\n", - " 1.1131079 1.0316906 1.0489976 1.0881598 1.036798 1.0229936 1.0284889\n", - " 1.1037273 1.0673978 1.0246059 0. ]\n", - "\n", - "[ 1 5 4 0 3 2 6 7 14 10 15 9 11 8 13 16 12 17]\n", - "=======================\n", - "['bhadreshkumar chetanbhai patel , 24 , faces a federal charge of fleeing to avoid prosecution and the fbi announced on wednesday that a $ 20,000 reward is being offered for information that leads to his arrest .patel is to believed to have beat his 21-year-old wife , palak bhadreskumar patel , to death with a knife inside the fast-food chain .he reportedly has his india-issued passport with him .']\n", - "=======================\n", - "[\"fbi is offering a $ 20,000 reward for information about bhadreshkumar chetanbhai patel 's whereaboutshe allegedly killed his wife , palak bhadreskumar patel , on april 12 in hanover , marylandtaxi driver told investigators she drove him to a hotel in newark , new jerseypatel was last seen in surveillance footage at a best western near newark liberty international airport on april 13police believe that he is still in the u.s. and is considered to be dangerous\"]\n", - "bhadreshkumar chetanbhai patel , 24 , faces a federal charge of fleeing to avoid prosecution and the fbi announced on wednesday that a $ 20,000 reward is being offered for information that leads to his arrest .patel is to believed to have beat his 21-year-old wife , palak bhadreskumar patel , to death with a knife inside the fast-food chain .he reportedly has his india-issued passport with him .\n", - "fbi is offering a $ 20,000 reward for information about bhadreshkumar chetanbhai patel 's whereaboutshe allegedly killed his wife , palak bhadreskumar patel , on april 12 in hanover , marylandtaxi driver told investigators she drove him to a hotel in newark , new jerseypatel was last seen in surveillance footage at a best western near newark liberty international airport on april 13police believe that he is still in the u.s. and is considered to be dangerous\n", - "[1.2165661 1.5318707 1.2319722 1.1913382 1.2891704 1.0686736 1.0524825\n", - " 1.0558158 1.0436325 1.0632234 1.0384681 1.062181 1.1052003 1.0475698\n", - " 1.0573996 1.0615686 0. 0. ]\n", - "\n", - "[ 1 4 2 0 3 12 5 9 11 15 14 7 6 13 8 10 16 17]\n", - "=======================\n", - "['brett matthew paul thomas , now 56 , and his friend , mark titch , were convicted in 1977 after committing the murders during robbery or burglary attempts in orange county .thomas , who was 18 at the time , and titch , who was 17 , were both sentenced to life with the possibility of parole .a convicted california serial killer who went on a nine-day rampage that claimed the lives of four people has been denied parole and can not reapply for seven years .']\n", - "=======================\n", - "[\"convicted killer brett matthew paul thomas , now 56 , has been denied parole and can not reapply for seven yearsbrett matthew paul thomas and his friend mark titch were convicted in 1977 after committing four murders during robbery attemptslynette duncan , one of the surviving daughters of a victim said that the day her mother died she learned that ` the boogeyman was real '\"]\n", - "brett matthew paul thomas , now 56 , and his friend , mark titch , were convicted in 1977 after committing the murders during robbery or burglary attempts in orange county .thomas , who was 18 at the time , and titch , who was 17 , were both sentenced to life with the possibility of parole .a convicted california serial killer who went on a nine-day rampage that claimed the lives of four people has been denied parole and can not reapply for seven years .\n", - "convicted killer brett matthew paul thomas , now 56 , has been denied parole and can not reapply for seven yearsbrett matthew paul thomas and his friend mark titch were convicted in 1977 after committing four murders during robbery attemptslynette duncan , one of the surviving daughters of a victim said that the day her mother died she learned that ` the boogeyman was real '\n", - "[1.3090327 1.3300433 1.2448077 1.3496817 1.2974755 1.0638336 1.2960955\n", - " 1.1268708 1.0251706 1.0922139 1.0181848 1.0976574 1.1335801 1.0514868\n", - " 1.0109886 1.0070721 1.0068314 1.0867627]\n", - "\n", - "[ 3 1 0 4 6 2 12 7 11 9 17 5 13 8 10 14 15 16]\n", - "=======================\n", - "[\"golf 's former world no 1 is dwarfed by the 7ft 6in former houston rockets centrethe 14-time major winner has played just three tournaments so far this year , which included a return to some form at the us masters , but took a break to offer the retired chinese basketball star a few golfing tips .tiger woods ( left ) gives yao ming a golfing lesson at the nike headquarters in shanghai , china\"]\n", - "=======================\n", - "['tiger woods gave former nba star yao ming a few tips on his swingthe 7ft 6in chinese athlete retired from houston rockets in 201114-time major winner woods will return to competition at tpc sawgrass']\n", - "golf 's former world no 1 is dwarfed by the 7ft 6in former houston rockets centrethe 14-time major winner has played just three tournaments so far this year , which included a return to some form at the us masters , but took a break to offer the retired chinese basketball star a few golfing tips .tiger woods ( left ) gives yao ming a golfing lesson at the nike headquarters in shanghai , china\n", - "tiger woods gave former nba star yao ming a few tips on his swingthe 7ft 6in chinese athlete retired from houston rockets in 201114-time major winner woods will return to competition at tpc sawgrass\n", - "[1.3100934 1.2197887 1.2816095 1.0503652 1.1026005 1.2022011 1.0478559\n", - " 1.034021 1.1362613 1.0527557 1.0512791 1.056706 1.0321931 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 5 8 4 11 9 10 3 6 7 12 16 13 14 15 17]\n", - "=======================\n", - "[\"in 1982 , hollywood-born chanteuse charlene had a surprise worldwide hit with i 've never been to me .one of the most irritating lyrics in the song - it has many - is when she sings about the ` isle of greece ' , as if she were discussing the isle of man or the isle of wight .` i 've moved like harlow in monte carlo , ' she sang , ` and showed 'em what i got ... ' ( actually , when the song became a hit she was in straitened financial circumstances and working in a sweetshop in ilford , essex , so instead of moving like harlow she could have been singing about moving to harlow . )\"]\n", - "=======================\n", - "[\"kefalonia is stunning and does n't play the captain corelli 's mandolin cardisland has n't been tainted by the crowds its greek counterparts getit 's a quarter of the size of spain 's majorca but with a 20th of the touriststhe one must-do outing in kefalonia is to fiskardo , a lovely harbour\"]\n", - "in 1982 , hollywood-born chanteuse charlene had a surprise worldwide hit with i 've never been to me .one of the most irritating lyrics in the song - it has many - is when she sings about the ` isle of greece ' , as if she were discussing the isle of man or the isle of wight .` i 've moved like harlow in monte carlo , ' she sang , ` and showed 'em what i got ... ' ( actually , when the song became a hit she was in straitened financial circumstances and working in a sweetshop in ilford , essex , so instead of moving like harlow she could have been singing about moving to harlow . )\n", - "kefalonia is stunning and does n't play the captain corelli 's mandolin cardisland has n't been tainted by the crowds its greek counterparts getit 's a quarter of the size of spain 's majorca but with a 20th of the touriststhe one must-do outing in kefalonia is to fiskardo , a lovely harbour\n", - "[1.385395 1.3083615 1.1471711 1.1478374 1.073307 1.3039517 1.1788567\n", - " 1.1089524 1.1494755 1.0561852 1.0407797 1.09266 1.1157111 1.0678502\n", - " 1.0653129 1.020639 1.056434 1.0227553]\n", - "\n", - "[ 0 1 5 6 8 3 2 12 7 11 4 13 14 16 9 10 17 15]\n", - "=======================\n", - "[\"former afl star ben cousins left court with a smug smirk on his face following a morning spent in handcuffs and in police custody before he finally fronted court .cousins smiled as he left fremantle magistrates court , despite the magistrate labelling him ' a risk to the public ' and warning him that he now faces a jail term for the ` serious ' offences he has committed .cousins was supposed to appear in court to face reckless driving charges on wednesday morning but he failed to show up .\"]\n", - "=======================\n", - "['ben cousins , 36 , has handed himself in at fremantle police stationarrest warrant was issued a day earlier after he failed to show up in courtcousins was on bail for an alleged low speed police chase on march 11charged with reckless driving , failing to stop and refusing a breath testcousins has been involved in a string of bizarre incidents in the weeks since which have seen him hospitalised for mental health checks']\n", - "former afl star ben cousins left court with a smug smirk on his face following a morning spent in handcuffs and in police custody before he finally fronted court .cousins smiled as he left fremantle magistrates court , despite the magistrate labelling him ' a risk to the public ' and warning him that he now faces a jail term for the ` serious ' offences he has committed .cousins was supposed to appear in court to face reckless driving charges on wednesday morning but he failed to show up .\n", - "ben cousins , 36 , has handed himself in at fremantle police stationarrest warrant was issued a day earlier after he failed to show up in courtcousins was on bail for an alleged low speed police chase on march 11charged with reckless driving , failing to stop and refusing a breath testcousins has been involved in a string of bizarre incidents in the weeks since which have seen him hospitalised for mental health checks\n", - "[1.0793664 1.2178581 1.250168 1.1879485 1.260055 1.2232121 1.156667\n", - " 1.0702852 1.0889784 1.0582292 1.07863 1.0623555 1.04345 1.0384315\n", - " 1.0400975 1.0512502 1.0327997 1.0388719 1.1345809 1.0287002]\n", - "\n", - "[ 4 2 5 1 3 6 18 8 0 10 7 11 9 15 12 14 17 13 16 19]\n", - "=======================\n", - "['the aim was to explore how much nature and nurture influence our party political allegiances and potential voting preferencesto put this to the test , the department of twin research , which hosts the biggest adult twin registry in the uk , recently performed a poll of voting preferences .but research with twins suggests picking who to vote for in an election might have more to do with your genes than the policies of the parties .']\n", - "=======================\n", - "['study of twins in the uk found voting conservative tends to run in familiesvoting ukip , labour and the greens also had moderate levels of heritabilityhowever , voting for the liberal democrats is determined by environmentthe study suggests there may be an underlying genetic element to politics']\n", - "the aim was to explore how much nature and nurture influence our party political allegiances and potential voting preferencesto put this to the test , the department of twin research , which hosts the biggest adult twin registry in the uk , recently performed a poll of voting preferences .but research with twins suggests picking who to vote for in an election might have more to do with your genes than the policies of the parties .\n", - "study of twins in the uk found voting conservative tends to run in familiesvoting ukip , labour and the greens also had moderate levels of heritabilityhowever , voting for the liberal democrats is determined by environmentthe study suggests there may be an underlying genetic element to politics\n", - "[1.5357563 1.296628 1.214625 1.2119812 1.2766575 1.1399963 1.3151333\n", - " 1.1046675 1.0563103 1.0416352 1.010833 1.0159684 1.0935007 1.019278\n", - " 1.0183625 1.0110704 1.0091994 1.0098524 1.1172078 1.1380861]\n", - "\n", - "[ 0 6 1 4 2 3 5 19 18 7 12 8 9 13 14 11 15 10 17 16]\n", - "=======================\n", - "[\"liverpool goalkeeper simon mignolet took the time to pose for pictures with pilots in an aeroplane cockpit as he returned to england after serving on international duty with belgium in euro 2016 qualifiers against cyprus and israel .the 27-year-old is back in england ahead of liverpool 's crucial premier league game with top-four rivals arsenal at the emirates on saturday .although mignolet was included in marc wilmots ' match-day squads for both games , he was denied the chance to add to his 14 international caps in either , with chelsea stopper thibaut courtois preferred instead .\"]\n", - "=======================\n", - "[\"liverpool goalkeeper simon mignolet has returned to england after serving on international duty with belgiumhe was an unused substitute in belgium 's euro 2016 qualifiers against cyprus and israel with chelsea 's thibaut courtois playing insteadmignolet posed for photos with pilots in the cockpit of the plane on the way back to england and posted them on his official facebook accountthe 27-year-old was in the cockpit as the plane landed\"]\n", - "liverpool goalkeeper simon mignolet took the time to pose for pictures with pilots in an aeroplane cockpit as he returned to england after serving on international duty with belgium in euro 2016 qualifiers against cyprus and israel .the 27-year-old is back in england ahead of liverpool 's crucial premier league game with top-four rivals arsenal at the emirates on saturday .although mignolet was included in marc wilmots ' match-day squads for both games , he was denied the chance to add to his 14 international caps in either , with chelsea stopper thibaut courtois preferred instead .\n", - "liverpool goalkeeper simon mignolet has returned to england after serving on international duty with belgiumhe was an unused substitute in belgium 's euro 2016 qualifiers against cyprus and israel with chelsea 's thibaut courtois playing insteadmignolet posed for photos with pilots in the cockpit of the plane on the way back to england and posted them on his official facebook accountthe 27-year-old was in the cockpit as the plane landed\n", - "[1.354275 1.0610623 1.2823459 1.2155354 1.0508476 1.0635612 1.0678461\n", - " 1.2532487 1.0946896 1.0621222 1.0347697 1.043142 1.0277516 1.1669555\n", - " 1.2357761 1.0324643 1.0256724 0. 0. 0. ]\n", - "\n", - "[ 0 2 7 14 3 13 8 6 5 9 1 4 11 10 15 12 16 17 18 19]\n", - "=======================\n", - "[\"wedding season is fast upon us , but with the average cost of the big day hitting # 25,000 , thrifty brides are on the hunt for ways to budget .from scrimping on bar costs to avoiding hefty food bills , femail has compiled the best budgeting tips for brides-to-be .black vases will be on sale after halloween , red and gold after christmas and pink after valentine 's day .\"]\n", - "=======================\n", - "['femail has compiled the best budgeting tips for brides-to-beseat guests on larger tables to save decor costsopt for family-sized meals on the table rather than three-course mealsoffer a signature cocktail menu rather than an open bar']\n", - "wedding season is fast upon us , but with the average cost of the big day hitting # 25,000 , thrifty brides are on the hunt for ways to budget .from scrimping on bar costs to avoiding hefty food bills , femail has compiled the best budgeting tips for brides-to-be .black vases will be on sale after halloween , red and gold after christmas and pink after valentine 's day .\n", - "femail has compiled the best budgeting tips for brides-to-beseat guests on larger tables to save decor costsopt for family-sized meals on the table rather than three-course mealsoffer a signature cocktail menu rather than an open bar\n", - "[1.2114551 1.3086681 1.25923 1.2962554 1.2400836 1.1185864 1.0941715\n", - " 1.0763978 1.1072977 1.148327 1.0857806 1.0836216 1.091783 1.0350994\n", - " 1.0653712 1.038092 1.0514624 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 9 5 8 6 12 10 11 7 14 16 15 13 18 17 19]\n", - "=======================\n", - "[\"according to a new survey by student newspaper the tab , 11 percent of computer scientists currently in higher education have n't had sex .a new study says students on computer science and dentistry courses at british universities are much less likely to have had sex ( picture posed by models )11,549 students were asked about their bedroom habits for the study , which then broke down the statistics in terms of which courses each person was enrolled on .\"]\n", - "=======================\n", - "['survey by student news website the tab looked into university sex habitsit found that scientists and dentists were most likely to be virginssociologists and artists were least likely to still have their virginity']\n", - "according to a new survey by student newspaper the tab , 11 percent of computer scientists currently in higher education have n't had sex .a new study says students on computer science and dentistry courses at british universities are much less likely to have had sex ( picture posed by models )11,549 students were asked about their bedroom habits for the study , which then broke down the statistics in terms of which courses each person was enrolled on .\n", - "survey by student news website the tab looked into university sex habitsit found that scientists and dentists were most likely to be virginssociologists and artists were least likely to still have their virginity\n", - "[1.2587277 1.5314204 1.362476 1.3658398 1.1171525 1.115313 1.0452013\n", - " 1.0265454 1.0293003 1.1751049 1.0330693 1.0711757 1.0140314 1.1669917\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 9 13 4 5 11 6 10 8 7 12 18 14 15 16 17 19]\n", - "=======================\n", - "[\"the bizarre incident was caught on cctv and shows a man trying to lift the exit barrier at nottingham train station 's multi-storey car park , damaging it in the process .briitish transport police have released a cctv image of the man in the hope he will be recognised by members of the publicpolice are searching for a vandal who damaged a car park barrier while showing off his weightlifting moves .\"]\n", - "=======================\n", - "['man caught on cctv using weightlifting move to push car park barriernot clear if he was trying to avoid paying ticket or just showing offbritish transport police have released his picture in bid to identify himdo you know the weightlifter ?']\n", - "the bizarre incident was caught on cctv and shows a man trying to lift the exit barrier at nottingham train station 's multi-storey car park , damaging it in the process .briitish transport police have released a cctv image of the man in the hope he will be recognised by members of the publicpolice are searching for a vandal who damaged a car park barrier while showing off his weightlifting moves .\n", - "man caught on cctv using weightlifting move to push car park barriernot clear if he was trying to avoid paying ticket or just showing offbritish transport police have released his picture in bid to identify himdo you know the weightlifter ?\n", - "[1.2261647 1.3806058 1.2412843 1.2602313 1.1937953 1.191693 1.0819854\n", - " 1.0338539 1.0334039 1.0250851 1.1630042 1.0667793 1.1688092 1.0903774\n", - " 1.0596912 1.0090616 1.0130357 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 12 10 13 6 11 14 7 8 9 16 15 19 17 18 20]\n", - "=======================\n", - "['the man was located after operation resolve launched the appeal on thursday morning in the hope that the supporters might be able to supply crucial evidence for the ongoing inquest .they form part of an ongoing home office inquiry aiming to establish whether any individual or organisation was to blame for the disaster which claimed the lives of 96 liverpool fans .photographs which show the men and woman rushing towards those crushed in the tragedy were released , with investigators urging anyone who recognises them to come forward .']\n", - "=======================\n", - "['investigators have released a handful of photographs to help inquiriesthey show fans rushing to tend to the dying as they lay on football pitchpolice say the people photographed could address unanswered questionsa home office probe into 1989 disaster which claimed 96 lives is ongoinganyone with information is urged to call 08000 283 284 or visit www.operationresolve.co.ukanyone who can identify any of the people in the images should call operation resolve on 08000 283 284 or via the website www.operationresolve.co.uk']\n", - "the man was located after operation resolve launched the appeal on thursday morning in the hope that the supporters might be able to supply crucial evidence for the ongoing inquest .they form part of an ongoing home office inquiry aiming to establish whether any individual or organisation was to blame for the disaster which claimed the lives of 96 liverpool fans .photographs which show the men and woman rushing towards those crushed in the tragedy were released , with investigators urging anyone who recognises them to come forward .\n", - "investigators have released a handful of photographs to help inquiriesthey show fans rushing to tend to the dying as they lay on football pitchpolice say the people photographed could address unanswered questionsa home office probe into 1989 disaster which claimed 96 lives is ongoinganyone with information is urged to call 08000 283 284 or visit www.operationresolve.co.ukanyone who can identify any of the people in the images should call operation resolve on 08000 283 284 or via the website www.operationresolve.co.uk\n", - "[1.2043493 1.4485174 1.384834 1.2829207 1.3272247 1.0521808 1.1418597\n", - " 1.0821062 1.0303259 1.026315 1.0158125 1.0130332 1.0144851 1.1497288\n", - " 1.1211711 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 0 13 6 14 7 5 8 9 10 12 11 19 15 16 17 18 20]\n", - "=======================\n", - "[\"in a court case likely to cost # 150,000 , st john 's college and a 74-year-old businessman have been locked in a battle over an unkempt hedgerow between their properties in warwickshire .the bizarre dispute began when anthony bethell decided he would pay for work to restore the ancient 180-yard hedge , which marks the boundary between his home and the college 's land .a crown court judge said the bushes were quickly becoming ` the most expensive hedge in warwickshire '\"]\n", - "=======================\n", - "[\"anthony bethell has taken st john 's college , oxford to court over a hedgebushes divide his home in warwickshire from college 's 1,200-acre plothe claims college refused to meet to discuss replanting ancient hedgerowdispute over ` most expensive hedge ' could cost # 150,000 in legal fees\"]\n", - "in a court case likely to cost # 150,000 , st john 's college and a 74-year-old businessman have been locked in a battle over an unkempt hedgerow between their properties in warwickshire .the bizarre dispute began when anthony bethell decided he would pay for work to restore the ancient 180-yard hedge , which marks the boundary between his home and the college 's land .a crown court judge said the bushes were quickly becoming ` the most expensive hedge in warwickshire '\n", - "anthony bethell has taken st john 's college , oxford to court over a hedgebushes divide his home in warwickshire from college 's 1,200-acre plothe claims college refused to meet to discuss replanting ancient hedgerowdispute over ` most expensive hedge ' could cost # 150,000 in legal fees\n", - "[1.2067343 1.4913684 1.2378287 1.3603346 1.2824519 1.1773205 1.0941844\n", - " 1.1245137 1.1132687 1.0160025 1.0312935 1.0266163 1.0882516 1.0680275\n", - " 1.0244671 1.0188159 1.0083294 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 5 7 8 6 12 13 10 11 14 15 9 16 19 17 18 20]\n", - "=======================\n", - "[\"mohammed dahbi discriminated against actress kassie thornton and her tv executive partner christy spitzer after ordering them to ` keep that behavior for the bedroom ' .he was ordered to pay the couple $ 10,000 in fineshe warned that if they ignored his request during the trip on september 18 , 2011 , he would throw them out .\"]\n", - "=======================\n", - "[\"mohammaed dahbi barked orders at kassie thornton and christy spitzertold pair he would throw them out of new york cab if they continuedthey accused him of discriminating against them because they were gayyellowcab driver told them not to ` make me out to be an a ** hole '\"]\n", - "mohammed dahbi discriminated against actress kassie thornton and her tv executive partner christy spitzer after ordering them to ` keep that behavior for the bedroom ' .he was ordered to pay the couple $ 10,000 in fineshe warned that if they ignored his request during the trip on september 18 , 2011 , he would throw them out .\n", - "mohammaed dahbi barked orders at kassie thornton and christy spitzertold pair he would throw them out of new york cab if they continuedthey accused him of discriminating against them because they were gayyellowcab driver told them not to ` make me out to be an a ** hole '\n", - "[1.0975609 1.2109894 1.4512799 1.3239876 1.403046 1.1577278 1.0645071\n", - " 1.1343346 1.0377095 1.0229757 1.2122582 1.0127653 1.0164669 1.1117774\n", - " 1.0119354 1.0168895 1.0124606 1.055242 1.0103261 1.0203493 1.0122001]\n", - "\n", - "[ 2 4 3 10 1 5 7 13 0 6 17 8 9 19 15 12 11 16 20 14 18]\n", - "=======================\n", - "[\"ellie , 10 , and taylor , five , lost their eight-year-old brother harvey last year to a mystery illness , and when easter approached they decided to donate all their eggs to the patients at sheffield children 's hospital where he was cared for .lian marshall - pictured among the treats - has two chocolate-loving daughters but this incredible bounty is not for them .once the family , from furness vale , derbyshire , posted on facebook , kind strangers began to send eggs - and now there are more than 1,000 .\"]\n", - "=======================\n", - "['ellie , ten , and taylor , five , advertised about collecting eggs on facebookwanted treats to give to hospital in sheffield in memory of their brother']\n", - "ellie , 10 , and taylor , five , lost their eight-year-old brother harvey last year to a mystery illness , and when easter approached they decided to donate all their eggs to the patients at sheffield children 's hospital where he was cared for .lian marshall - pictured among the treats - has two chocolate-loving daughters but this incredible bounty is not for them .once the family , from furness vale , derbyshire , posted on facebook , kind strangers began to send eggs - and now there are more than 1,000 .\n", - "ellie , ten , and taylor , five , advertised about collecting eggs on facebookwanted treats to give to hospital in sheffield in memory of their brother\n", - "[1.2412786 1.5248616 1.2065835 1.1054525 1.3521061 1.2067988 1.103368\n", - " 1.069932 1.1495166 1.0741102 1.0880318 1.0974889 1.0689577 1.0752528\n", - " 1.131507 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 5 2 8 14 3 6 11 10 13 9 7 12 15 16 17 18 19 20]\n", - "=======================\n", - "[\"brittany lyn hilbert of orlando , florida was charged with domestic violence battery and battery of a person over 65-years-old .a woman , 23 , was arrested on wednesday after she allegedly hit her 67-year-old boyfriend in the face so hard that she knocked out one of his contact lenses .the victim 's identity has not been released .\"]\n", - "=======================\n", - "['brittany lyn hilbert of orlando , florida was charged with domestic violence battery and battery of a person over 65-years-oldhilbert allegedly hit her boyfriend and knocked out one of his contact lenses during an argument over a friend he did not want her to seehilbert told police her boyfriend body bumped herhilbert has been arrested a total of five times and her charges include possession of pot and xanax and also failure to appear in court']\n", - "brittany lyn hilbert of orlando , florida was charged with domestic violence battery and battery of a person over 65-years-old .a woman , 23 , was arrested on wednesday after she allegedly hit her 67-year-old boyfriend in the face so hard that she knocked out one of his contact lenses .the victim 's identity has not been released .\n", - "brittany lyn hilbert of orlando , florida was charged with domestic violence battery and battery of a person over 65-years-oldhilbert allegedly hit her boyfriend and knocked out one of his contact lenses during an argument over a friend he did not want her to seehilbert told police her boyfriend body bumped herhilbert has been arrested a total of five times and her charges include possession of pot and xanax and also failure to appear in court\n", - "[1.2169975 1.2888906 1.3890203 1.1945555 1.3122448 1.1516597 1.1289647\n", - " 1.1038405 1.068184 1.0726217 1.071305 1.0255698 1.0491037 1.0769602\n", - " 1.0469713 1.0494106 1.0715067 1.0555222 1.0503829 1.0385271 0. ]\n", - "\n", - "[ 2 4 1 0 3 5 6 7 13 9 16 10 8 17 18 15 12 14 19 11 20]\n", - "=======================\n", - "['he was born at the luton and dunstable hospital in september 1989 , but was readmitted three months later , suffering a serious brain haemorrhage .the young man , who can not be identified for legal reasons , now relies on 24-hour care .a 25-year-old man left brain damaged as a baby after a blunder by doctors has today won his 23-year battle for # 7.3 million compensation .']\n", - "=======================\n", - "['25-year-old was left brain damaged after doctors failed to administer vitamin k shortly after he was born at luton and dunstable hospitalvitamin k helps the blood clot and prevents bleeding in young babiesman suffered a brain haemorrhage and now needs 24-hour carejudge awarded him # 7.3 million to pay for his ongoing treatment and care']\n", - "he was born at the luton and dunstable hospital in september 1989 , but was readmitted three months later , suffering a serious brain haemorrhage .the young man , who can not be identified for legal reasons , now relies on 24-hour care .a 25-year-old man left brain damaged as a baby after a blunder by doctors has today won his 23-year battle for # 7.3 million compensation .\n", - "25-year-old was left brain damaged after doctors failed to administer vitamin k shortly after he was born at luton and dunstable hospitalvitamin k helps the blood clot and prevents bleeding in young babiesman suffered a brain haemorrhage and now needs 24-hour carejudge awarded him # 7.3 million to pay for his ongoing treatment and care\n", - "[1.1286955 1.3314428 1.3563213 1.2833235 1.1067692 1.1339184 1.0818845\n", - " 1.047465 1.0112149 1.0121973 1.0644143 1.084963 1.1385608 1.0816913\n", - " 1.1178316 1.1642877 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 15 12 5 0 14 4 11 6 13 10 7 9 8 16 17 18 19 20]\n", - "=======================\n", - "[\"the paper 's powerful photo series entitled 'till death do us part , ' on domestic violence scooped the top award for its exploration into why south carolina is among the deadliest states for women .and today , the pulitzer prize for journalism went to the post and courier newspaper of charleston , south carolina - which has a tiny staff of just 80 and a daily circulation of 85,000 .winner : this iconic photo by new york times photographer daniel berehulak , was part of a winning series , and shows james dorbor , 8 , suspected of being infected with ebola , being carried by medical staff to an ebola treatment center in monrovia , liberia\"]\n", - "=======================\n", - "['the post and courier newspaper of charleston , south carolina was awarded the gold medal for public servicemeanwhile , the new york times won three pulitzer prizes for international reporting and feature photography for its ebola coverage in west africathe pulitzer prizes , awarded annually by columbia university recognize extraordinary work in u.s. journalism , literature , and dramaother winners included : the st. louis post-dispatch , the seattle times and the wall street journal for their contributions']\n", - "the paper 's powerful photo series entitled 'till death do us part , ' on domestic violence scooped the top award for its exploration into why south carolina is among the deadliest states for women .and today , the pulitzer prize for journalism went to the post and courier newspaper of charleston , south carolina - which has a tiny staff of just 80 and a daily circulation of 85,000 .winner : this iconic photo by new york times photographer daniel berehulak , was part of a winning series , and shows james dorbor , 8 , suspected of being infected with ebola , being carried by medical staff to an ebola treatment center in monrovia , liberia\n", - "the post and courier newspaper of charleston , south carolina was awarded the gold medal for public servicemeanwhile , the new york times won three pulitzer prizes for international reporting and feature photography for its ebola coverage in west africathe pulitzer prizes , awarded annually by columbia university recognize extraordinary work in u.s. journalism , literature , and dramaother winners included : the st. louis post-dispatch , the seattle times and the wall street journal for their contributions\n", - "[1.4670396 1.3166666 1.0502683 1.0617146 1.0291169 1.0213641 1.041033\n", - " 1.0277272 1.1121104 1.1123114 1.2007576 1.1910422 1.1468103 1.077149\n", - " 1.083402 1.2124548 1.0985128 1.0400742 1.2275896 0. 0. ]\n", - "\n", - "[ 0 1 18 15 10 11 12 9 8 16 14 13 3 2 6 17 4 7 5 19 20]\n", - "=======================\n", - "[\"retiring 20-time jump jockey ap mccoy has fired a borrowed phrase from great olympian sir steve redgrave back at those who think he might perform a u-turn and reverse his plans to walk away from the sport .the 40-year-old rider , who has two final rides at sandown on saturday , said : ` to be fair to steve redgrave , you have to put your body through physical torture to try and win a fifth gold medal in boat . 'the 20-time champion jockey will ride his last two races at sandown racecourse on saturday\"]\n", - "=======================\n", - "[\"retiring jockey ap mccoy has vowed to never return to professional ridingthe 40-year-old rider said : ` shoot me if i ride professionally again 'olympian sir steve redgrave said similar phrase when he retiredbut , redgrave returned to claim olympic gold four years later in sydney\"]\n", - "retiring 20-time jump jockey ap mccoy has fired a borrowed phrase from great olympian sir steve redgrave back at those who think he might perform a u-turn and reverse his plans to walk away from the sport .the 40-year-old rider , who has two final rides at sandown on saturday , said : ` to be fair to steve redgrave , you have to put your body through physical torture to try and win a fifth gold medal in boat . 'the 20-time champion jockey will ride his last two races at sandown racecourse on saturday\n", - "retiring jockey ap mccoy has vowed to never return to professional ridingthe 40-year-old rider said : ` shoot me if i ride professionally again 'olympian sir steve redgrave said similar phrase when he retiredbut , redgrave returned to claim olympic gold four years later in sydney\n", - "[1.2837737 1.3186368 1.1882639 1.2482408 1.188525 1.1544424 1.0888027\n", - " 1.0407312 1.1423067 1.0986427 1.0234404 1.1099938 1.0503526 1.0364976\n", - " 1.0400237 1.0519267 1.0115123 1.0428019 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 4 2 5 8 11 9 6 15 12 17 7 14 13 10 16 19 18 20]\n", - "=======================\n", - "['the tragic incident took place in princess anne - a community of 3,260 in somerset county , maryland .a maryland father and his seven children were discovered dead monday afternoon from carbon monoxide poisoning caused by a generator they were using after the power company had cut off their electricity , according to relatives .deceased father : relatives have identified the adult victim as father of seven rodney todd sr , 36 , pictured left and right']\n", - "=======================\n", - "['victims were found inside home in princess anne , maryland , monday afternoondead children range in age from six to 16 and were all brothers and sistersrelatives named the adult victim as 36-year-old rodney todd srtodd and his children - five daughters and two sons - had not been seen or heard from since march 28grandmother named the children as cameron , 13 ; zycheim , 7 ; tynijuiza , 15 ; tykira , 12 ; tybree , 10 ; tyania , 9 ; and tybria todd , 6']\n", - "the tragic incident took place in princess anne - a community of 3,260 in somerset county , maryland .a maryland father and his seven children were discovered dead monday afternoon from carbon monoxide poisoning caused by a generator they were using after the power company had cut off their electricity , according to relatives .deceased father : relatives have identified the adult victim as father of seven rodney todd sr , 36 , pictured left and right\n", - "victims were found inside home in princess anne , maryland , monday afternoondead children range in age from six to 16 and were all brothers and sistersrelatives named the adult victim as 36-year-old rodney todd srtodd and his children - five daughters and two sons - had not been seen or heard from since march 28grandmother named the children as cameron , 13 ; zycheim , 7 ; tynijuiza , 15 ; tykira , 12 ; tybree , 10 ; tyania , 9 ; and tybria todd , 6\n", - "[1.212295 1.4522239 1.1125225 1.0734892 1.3239247 1.1594899 1.0504868\n", - " 1.0371495 1.118339 1.1158913 1.0429006 1.0377296 1.0958551 1.0348659\n", - " 1.1219974 1.0248119 1.1069312 1.158799 1.0419707 1.0292602 1.11288 ]\n", - "\n", - "[ 1 4 0 5 17 14 8 9 20 2 16 12 3 6 10 18 11 7 13 19 15]\n", - "=======================\n", - "['father-of-one szilveszter , 24 , who now lives in bolton , feared he would never be able to have more children after the diy procedure left him unable to have sex .father-of-one szilveszter injected petroleum jelly into his penis as he wanted to make it bigger .a man was left with a swollen and painful penis thanks to injecting himself with petroleum jelly in the hope it would make his manhood bigger .']\n", - "=======================\n", - "[\"szilveszter , 24 , had petroleum jelly injected into penis by a friendtold it would make him biggerit left him swollen and in constant pain so he could n't have sexcosmetic surgeon admitted ` his penis is a disaster 'he needed hours of surgery in order to recover\"]\n", - "father-of-one szilveszter , 24 , who now lives in bolton , feared he would never be able to have more children after the diy procedure left him unable to have sex .father-of-one szilveszter injected petroleum jelly into his penis as he wanted to make it bigger .a man was left with a swollen and painful penis thanks to injecting himself with petroleum jelly in the hope it would make his manhood bigger .\n", - "szilveszter , 24 , had petroleum jelly injected into penis by a friendtold it would make him biggerit left him swollen and in constant pain so he could n't have sexcosmetic surgeon admitted ` his penis is a disaster 'he needed hours of surgery in order to recover\n", - "[1.1001116 1.3730993 1.1978248 1.2821932 1.1582851 1.0803647 1.1016805\n", - " 1.1615157 1.121763 1.0467162 1.1399868 1.1325179 1.0283954 1.0637748\n", - " 1.0428795 1.0570958 1.0405858 1.0916744 1.0531605]\n", - "\n", - "[ 1 3 2 7 4 10 11 8 6 0 17 5 13 15 18 9 14 16 12]\n", - "=======================\n", - "[\"the likes of morgan schneiderlin , yannick bolasie and nathaniel clyne are wanted men as champions league heavyweights like arsenal and manchester united circle like vultures .wanted by : arsenal , spurs , chelsea valued at : # 25msportsmail looks at 10 players who could be taking a ` step up ' this summer .\"]\n", - "=======================\n", - "['champions league-chasing clubs looking to hoover up talentarsenal , manchester united , liverpool and chelsea all in the huntsouthampton , burnley and everton could suffer at the hands of top clubs']\n", - "the likes of morgan schneiderlin , yannick bolasie and nathaniel clyne are wanted men as champions league heavyweights like arsenal and manchester united circle like vultures .wanted by : arsenal , spurs , chelsea valued at : # 25msportsmail looks at 10 players who could be taking a ` step up ' this summer .\n", - "champions league-chasing clubs looking to hoover up talentarsenal , manchester united , liverpool and chelsea all in the huntsouthampton , burnley and everton could suffer at the hands of top clubs\n", - "[1.219678 1.3629568 1.2921195 1.3508211 1.1749189 1.154102 1.1319866\n", - " 1.0429835 1.0403203 1.0159824 1.094747 1.0561104 1.0641983 1.0747952\n", - " 1.0341547 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 6 10 13 12 11 7 8 14 9 15 16 17 18]\n", - "=======================\n", - "[\"the snp leader said the ` direction of travel ' was towards independence , as she set out her demands for her to support ed miliband if labour falls short of a majority .but david cameron warned of the ` frightening ' prospect of the snp holding labour to ransom and demanding they ditch new roads and hospitals in england , wales and northern ireland .scotland will definitely become independent one day , nicola sturgeon vowed today as she again refused to rule out a second referendum on breaking up the union .\"]\n", - "=======================\n", - "[\"snp leader says she is not planning second referendum ` at this stage 'forced to deny her mps will wreak havoc in westminster after the electioncameron warns labour already punishing areas where they have no seatssnp holding labour to ransom means rest of uk ` would n't get a look in 'cameron urges tactical voting from ukip and lib dems to block labour\"]\n", - "the snp leader said the ` direction of travel ' was towards independence , as she set out her demands for her to support ed miliband if labour falls short of a majority .but david cameron warned of the ` frightening ' prospect of the snp holding labour to ransom and demanding they ditch new roads and hospitals in england , wales and northern ireland .scotland will definitely become independent one day , nicola sturgeon vowed today as she again refused to rule out a second referendum on breaking up the union .\n", - "snp leader says she is not planning second referendum ` at this stage 'forced to deny her mps will wreak havoc in westminster after the electioncameron warns labour already punishing areas where they have no seatssnp holding labour to ransom means rest of uk ` would n't get a look in 'cameron urges tactical voting from ukip and lib dems to block labour\n", - "[1.320103 1.2612455 1.3793428 1.1159798 1.113039 1.0724157 1.0974944\n", - " 1.1141679 1.0371602 1.0775536 1.1007553 1.039706 1.0340241 1.0379052\n", - " 1.0490317 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 3 7 4 10 6 9 5 14 11 13 8 12 17 15 16 18]\n", - "=======================\n", - "['heads of state from 35 countries in the western hemisphere have met every three years to discuss economic , social or political issues since the creation of the summit in 1994 .( cnn ) the vii summit of the americas was supposed to be all about the symbolic handshake between the united states and cuba .but insert venezuela into the mix and panama city , panama , quickly turns into a \" triangle of tension . \"']\n", - "=======================\n", - "['u.s. , venezuelan relations threaten to overshadow obama , castro meetingvenezuelan president says united states moved to oust him ; he has the support of the cuban foreign minister']\n", - "heads of state from 35 countries in the western hemisphere have met every three years to discuss economic , social or political issues since the creation of the summit in 1994 .( cnn ) the vii summit of the americas was supposed to be all about the symbolic handshake between the united states and cuba .but insert venezuela into the mix and panama city , panama , quickly turns into a \" triangle of tension . \"\n", - "u.s. , venezuelan relations threaten to overshadow obama , castro meetingvenezuelan president says united states moved to oust him ; he has the support of the cuban foreign minister\n", - "[1.4095998 1.5280561 1.2681756 1.3011801 1.0393733 1.0371118 1.1212667\n", - " 1.152141 1.122575 1.0360041 1.0797008 1.04406 1.0380534 1.0270712\n", - " 1.0903803 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 7 8 6 14 10 11 4 12 5 9 13 17 15 16 18]\n", - "=======================\n", - "[\"cristiano ronaldo returned to the club 's valdebebas training ground after helping portugal go top of euro 2016 qualifying group i with a 2-1 win against serbia on sunday evening .real madrid 's international stars were reunited on wednesday as they took part in their first training session since losing el clasico to fierce rivals barcelona .he was pictured greeting fellow galactico gareth bale , who also enjoyed a successful weekend with his country as he scored twice in wales ' 3-0 victory against israel in haifa .\"]\n", - "=======================\n", - "[\"real madrid host granada at the bernabeu on sunday , kick-off 11amthe match will be real 's first since their el clasico defeat at barcelonacristiano ronaldo and gareth bale are both back from international dutymartin odegaard took part in the first-team session with carlo ancelotti\"]\n", - "cristiano ronaldo returned to the club 's valdebebas training ground after helping portugal go top of euro 2016 qualifying group i with a 2-1 win against serbia on sunday evening .real madrid 's international stars were reunited on wednesday as they took part in their first training session since losing el clasico to fierce rivals barcelona .he was pictured greeting fellow galactico gareth bale , who also enjoyed a successful weekend with his country as he scored twice in wales ' 3-0 victory against israel in haifa .\n", - "real madrid host granada at the bernabeu on sunday , kick-off 11amthe match will be real 's first since their el clasico defeat at barcelonacristiano ronaldo and gareth bale are both back from international dutymartin odegaard took part in the first-team session with carlo ancelotti\n", - "[1.1637449 1.1758324 1.4355645 1.3669722 1.2516048 1.2632185 1.0841633\n", - " 1.1442089 1.0597211 1.0555344 1.0695007 1.048079 1.0379113 1.0168102\n", - " 1.0174358 1.0204705 1.0240171 1.0912342 0. ]\n", - "\n", - "[ 2 3 5 4 1 0 7 17 6 10 8 9 11 12 16 15 14 13 18]\n", - "=======================\n", - "[\"labour 's football-mad scottish leader jim murphy scored the winning goal in the friendly match against the tories in edinburgh .the match was organised to help motor neurone disease campaigner gordon aikman in his fight against the terminal condition .with the nationalists on course to win up to 50 seats in may , labour finally had something to celebrate today -- but only in a charity penalty shoot out .\"]\n", - "=======================\n", - "['jim murphy scored winning penalty in charity shootout in edinburghgame put on for terminal motor neurone disease sufferer gordon aikmanmr aikman was diagnosed with the terminal condition less than a year agohe has raised over # 250,000 for research into a cure through his campaign']\n", - "labour 's football-mad scottish leader jim murphy scored the winning goal in the friendly match against the tories in edinburgh .the match was organised to help motor neurone disease campaigner gordon aikman in his fight against the terminal condition .with the nationalists on course to win up to 50 seats in may , labour finally had something to celebrate today -- but only in a charity penalty shoot out .\n", - "jim murphy scored winning penalty in charity shootout in edinburghgame put on for terminal motor neurone disease sufferer gordon aikmanmr aikman was diagnosed with the terminal condition less than a year agohe has raised over # 250,000 for research into a cure through his campaign\n", - "[1.3696415 1.388782 1.2643715 1.192764 1.2984312 1.0303574 1.0611956\n", - " 1.0563147 1.029857 1.1237434 1.0687951 1.0402356 1.058264 1.0273329\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 9 10 6 12 7 11 5 8 13 23 22 21 20 19 17 16 15 14 24\n", - " 18 25]\n", - "=======================\n", - "[\"loretta burroughs , 63 , sobbed throughout her sentencing as relatives of her late husband , danny , talked about the horror of losing him and finding out that she chopped up his body and took his remains with her when she moved .a new jersey woman convicted of killing her husband and hiding his remains in storage containers wept in court wednesday as a judge sentenced her to 55 years in prison after comparing the grisly murder to al capone 's st valentine 's day massacre .victim : daniel burroughs was missing for six years before his chopped up remains were found at his wife 's home in ventnor , new jersey , in 2013\"]\n", - "=======================\n", - "[\"warning : graphic contentloretta burroughs , 63 , from new jersey , was convicted of first-degree murder last month for stabbing her husband daniel to death in 2007grandmother concealed body parts in two large boxes and when they were opened his skull and jawbone were in an olive-colored handbagnew jersey judge compared grisly murder to al capone 's st valentine 's day massacreburroughs insisted the killing was not planned , but friends had said she killed him because she did n't want to relocate to florida\"]\n", - "loretta burroughs , 63 , sobbed throughout her sentencing as relatives of her late husband , danny , talked about the horror of losing him and finding out that she chopped up his body and took his remains with her when she moved .a new jersey woman convicted of killing her husband and hiding his remains in storage containers wept in court wednesday as a judge sentenced her to 55 years in prison after comparing the grisly murder to al capone 's st valentine 's day massacre .victim : daniel burroughs was missing for six years before his chopped up remains were found at his wife 's home in ventnor , new jersey , in 2013\n", - "warning : graphic contentloretta burroughs , 63 , from new jersey , was convicted of first-degree murder last month for stabbing her husband daniel to death in 2007grandmother concealed body parts in two large boxes and when they were opened his skull and jawbone were in an olive-colored handbagnew jersey judge compared grisly murder to al capone 's st valentine 's day massacreburroughs insisted the killing was not planned , but friends had said she killed him because she did n't want to relocate to florida\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[1.580215 1.3800427 1.0885067 1.0896969 1.2767599 1.05664 1.0526829\n", - " 1.0231781 1.2734214 1.0859355 1.0283144 1.0120333 1.0174807 1.0152004\n", - " 1.0132113 1.2449789 1.0635633 1.3175648 1.0088454 1.0111493 1.1194199\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 17 4 8 15 20 3 2 9 16 5 6 10 7 12 13 14 11 19 18 24 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"arsene wenger admits he did not expect arsenal 's late charge for the top of the barclays premier league to be powered by hector bellerin and francis coquelin .spanish full-back bellerin scored his second arsenal goal against liverpool , on saturday , a wonderful curling left-footer to break the deadlock and launch his team towards a 4-1 win .hector bellerin celebrates scoring arsenal 's first goal during the 4-1 victory against liverpool\"]\n", - "=======================\n", - "[\"hector bellerin scored arsenal 's first goal in the 4-1 win against liverpoolfranci coquelin has been a revelation in front of arsenal 's back fourarsene wenger admits he did n't expect the duo to become so vital\"]\n", - "arsene wenger admits he did not expect arsenal 's late charge for the top of the barclays premier league to be powered by hector bellerin and francis coquelin .spanish full-back bellerin scored his second arsenal goal against liverpool , on saturday , a wonderful curling left-footer to break the deadlock and launch his team towards a 4-1 win .hector bellerin celebrates scoring arsenal 's first goal during the 4-1 victory against liverpool\n", - "hector bellerin scored arsenal 's first goal in the 4-1 win against liverpoolfranci coquelin has been a revelation in front of arsenal 's back fourarsene wenger admits he did n't expect the duo to become so vital\n", - "[1.1991215 1.4215463 1.381792 1.2889714 1.2728201 1.0633152 1.0289972\n", - " 1.0295924 1.0749172 1.0861781 1.0517434 1.0458124 1.0477157 1.0916528\n", - " 1.0661416 1.0502284 1.0425575 1.0587796 1.0410048 1.0275388 1.0969781\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 20 13 9 8 14 5 17 10 15 12 11 16 18 7 6 19 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"the mother-to-be , whose name is injaz , was cloned from the ovarian cells of a slaughtered camel in 2009 and born from a surrogate mother .injaz was six years old this week and is said to have conceived naturally .the world 's first cloned camel is pregnant , scientists claim .\"]\n", - "=======================\n", - "[\"cloned camel was born in 2009 and called inzaz , which means achievementshe was cloned from ovarian cells and born by surrogate motherinjaz is now six years old and is said to have conceived naturallyshe 's expected to give birth late this year , proving cloned animals ' fertility\"]\n", - "the mother-to-be , whose name is injaz , was cloned from the ovarian cells of a slaughtered camel in 2009 and born from a surrogate mother .injaz was six years old this week and is said to have conceived naturally .the world 's first cloned camel is pregnant , scientists claim .\n", - "cloned camel was born in 2009 and called inzaz , which means achievementshe was cloned from ovarian cells and born by surrogate motherinjaz is now six years old and is said to have conceived naturallyshe 's expected to give birth late this year , proving cloned animals ' fertility\n", - "[1.2247118 1.1037816 1.0987904 1.298259 1.1116124 1.1669259 1.0760291\n", - " 1.1546675 1.0905232 1.1519828 1.0625823 1.0589404 1.0765308 1.0375679\n", - " 1.0332026 1.0185866 1.0257763 1.0302614 1.0190086 1.0254366 1.1196203\n", - " 1.1604626 1.0882521 1.0797685 1.0432901 1.0182455]\n", - "\n", - "[ 3 0 5 21 7 9 20 4 1 2 8 22 23 12 6 10 11 24 13 14 17 16 19 18\n", - " 15 25]\n", - "=======================\n", - "[\"gray wavered in and out of a coma and died sunday , one week after his arrest .( cnn ) the bizarre circumstances surrounding freddie gray 's death have inflamed tensions across the country .but gray is far from the only suspect who died under questionable circumstances after he was already in custody .\"]\n", - "=======================\n", - "[\"police say victor white iii and jesus huerta shot themselves while handcuffed in carsreport : police ignored jorge azucena 's complaints that he had asthma and could n't breathekelly thomas died five days after he was beaten by police in fullerton , california\"]\n", - "gray wavered in and out of a coma and died sunday , one week after his arrest .( cnn ) the bizarre circumstances surrounding freddie gray 's death have inflamed tensions across the country .but gray is far from the only suspect who died under questionable circumstances after he was already in custody .\n", - "police say victor white iii and jesus huerta shot themselves while handcuffed in carsreport : police ignored jorge azucena 's complaints that he had asthma and could n't breathekelly thomas died five days after he was beaten by police in fullerton , california\n", - "[1.1350541 1.3918118 1.2869433 1.0576555 1.1519518 1.25419 1.1586483\n", - " 1.092932 1.0926081 1.1411135 1.1511292 1.0127684 1.155457 1.0675782\n", - " 1.0407243 1.0080426 1.0198164 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 5 6 12 4 10 9 0 7 8 13 3 14 16 11 15 23 22 21 17 19 18 24\n", - " 20 25]\n", - "=======================\n", - "[\"teachers say that youngsters have been playing truant as they attempt to find instant stardom on the itv talent show .as a result , for the first time producers have held auditions at dozens of secondary schools and colleges around the uk for the new series .teacher angela butler said britain 's got talent spent two hours at her school -- newtown high school , in powys , mid-wales -- and a local sixth-form college in november .\"]\n", - "=======================\n", - "[\"itv 's britain 's got talent is returning on saturday for its ninth seriesteacher 's say kids have bunked off school in the past to attend auditionsso for first time ever producers are holding auditions at dozens of schoolsmove has helped reduce unauthorised absence levels in several schools\"]\n", - "teachers say that youngsters have been playing truant as they attempt to find instant stardom on the itv talent show .as a result , for the first time producers have held auditions at dozens of secondary schools and colleges around the uk for the new series .teacher angela butler said britain 's got talent spent two hours at her school -- newtown high school , in powys , mid-wales -- and a local sixth-form college in november .\n", - "itv 's britain 's got talent is returning on saturday for its ninth seriesteacher 's say kids have bunked off school in the past to attend auditionsso for first time ever producers are holding auditions at dozens of schoolsmove has helped reduce unauthorised absence levels in several schools\n", - "[1.2653506 1.4965668 1.2088858 1.3479104 1.2437341 1.11668 1.1101146\n", - " 1.1936469 1.1941389 1.1445997 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 8 7 9 5 6 17 10 11 12 13 14 15 16 18]\n", - "=======================\n", - "[\"the 25-year-old striker came off after 58 minutes of saturday 's 1-1 draw at home to stoke with a thigh strain .the west ham striker has scored 12 goals this season , but could be out for the rest of the campaignhe was sent for scans on monday amid fears he may have a minor tear and club physios are hopeful it is not as severe as first thought .\"]\n", - "=======================\n", - "['diafra sakho could miss the rest of the season due to injurythe west ham striker picked up thigh strain in game against stokethe 25-year-old was taken off after 58 minutes and went for scans']\n", - "the 25-year-old striker came off after 58 minutes of saturday 's 1-1 draw at home to stoke with a thigh strain .the west ham striker has scored 12 goals this season , but could be out for the rest of the campaignhe was sent for scans on monday amid fears he may have a minor tear and club physios are hopeful it is not as severe as first thought .\n", - "diafra sakho could miss the rest of the season due to injurythe west ham striker picked up thigh strain in game against stokethe 25-year-old was taken off after 58 minutes and went for scans\n", - "[1.2317982 1.4233804 1.236724 1.3361557 1.2359931 1.1085517 1.0377234\n", - " 1.0619284 1.0319421 1.1637757 1.0728555 1.0355402 1.0121053 1.058773\n", - " 1.0831252 1.1432047 1.0757425 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 9 15 5 14 16 10 7 13 6 11 8 12 17 18]\n", - "=======================\n", - "[\"the child 's infectious giggles can be heard after r2d2 followed him around star wars celebration convention in anaheim , california and the pair began spinning around each other in circles .a young star wars fan giggled in delight when he was approached by his favourite character r2d2clearly a fan , the boy was dressed in a star wars t-shirt and had merchandise fixed to his wheelchair to promote the new film , the force awakens .\"]\n", - "=======================\n", - "['star wars fan went to a star wars convention for new force awakens filmhe met his hero r2d2 who began spinning around with the childboy can be heard giggling uncontrollably as r2d2 mirrors and follows himchild was at a convention in anaheim , dressed in star wars merchandise']\n", - "the child 's infectious giggles can be heard after r2d2 followed him around star wars celebration convention in anaheim , california and the pair began spinning around each other in circles .a young star wars fan giggled in delight when he was approached by his favourite character r2d2clearly a fan , the boy was dressed in a star wars t-shirt and had merchandise fixed to his wheelchair to promote the new film , the force awakens .\n", - "star wars fan went to a star wars convention for new force awakens filmhe met his hero r2d2 who began spinning around with the childboy can be heard giggling uncontrollably as r2d2 mirrors and follows himchild was at a convention in anaheim , dressed in star wars merchandise\n", - "[1.3067803 1.3934431 1.1967976 1.0798492 1.2462494 1.1267021 1.0700635\n", - " 1.0173762 1.1604116 1.0637709 1.0484341 1.0779545 1.024546 1.0624578\n", - " 1.2388353 1.0859412 1.0709009 1.0251647 1.0116869]\n", - "\n", - "[ 1 0 4 14 2 8 5 15 3 11 16 6 9 13 10 17 12 7 18]\n", - "=======================\n", - "[\"the hollywood legend , 71 , who has been a long-time supporter of the democratic party , said if the former secretary of state is voted into the white house there will be ` no surprises ' .robert de niro has said hillary clinton should be president , insisting she has ` earned the right ' to be elected .in an interview with the daily beast , the goodfellas star said she had paid her dues , adding : ` it 's that simple .\"]\n", - "=======================\n", - "[\"actor thinks the former secretary of state has ` paid her dues 'revealed his choice for the nomination at the tribeca film festivalsaid in 2006 both she and obama would one day be in the white houseadded that if she is president there will be ` surprises '\"]\n", - "the hollywood legend , 71 , who has been a long-time supporter of the democratic party , said if the former secretary of state is voted into the white house there will be ` no surprises ' .robert de niro has said hillary clinton should be president , insisting she has ` earned the right ' to be elected .in an interview with the daily beast , the goodfellas star said she had paid her dues , adding : ` it 's that simple .\n", - "actor thinks the former secretary of state has ` paid her dues 'revealed his choice for the nomination at the tribeca film festivalsaid in 2006 both she and obama would one day be in the white houseadded that if she is president there will be ` surprises '\n", - "[1.49091 1.4469168 1.2160898 1.4143236 1.1533935 1.2909702 1.0299098\n", - " 1.0155971 1.0219641 1.0205295 1.0398445 1.024948 1.0786034 1.0133026\n", - " 1.0243131 1.1349773 1.2220886 1.0184498 0. ]\n", - "\n", - "[ 0 1 3 5 16 2 4 15 12 10 6 11 14 8 9 17 7 13 18]\n", - "=======================\n", - "[\"arsenal boss arsene wenger has branded the obsession with jurgen klopp 's next move as a ` ridiculous circus ' .klopp confirmed on wednesday that his intention was to leave borussia dortmund at the end of the season after seven years in which the club won two bundesliga titles and reached the champions league final .arsene wenger branded the ` circus ' surrounding klopp 's departure as ` ridiculous '\"]\n", - "=======================\n", - "[\"jurgen klopp will leave borussia dortmund at the end of the seasonspeculation has been rife that his next job will be in the premier leaguehe has been linked with taking over at arsenal or manchester citybut gunners boss arsene wenger said the talk was ` ridiculous '\"]\n", - "arsenal boss arsene wenger has branded the obsession with jurgen klopp 's next move as a ` ridiculous circus ' .klopp confirmed on wednesday that his intention was to leave borussia dortmund at the end of the season after seven years in which the club won two bundesliga titles and reached the champions league final .arsene wenger branded the ` circus ' surrounding klopp 's departure as ` ridiculous '\n", - "jurgen klopp will leave borussia dortmund at the end of the seasonspeculation has been rife that his next job will be in the premier leaguehe has been linked with taking over at arsenal or manchester citybut gunners boss arsene wenger said the talk was ` ridiculous '\n", - "[1.1538633 1.3314692 1.3810754 1.3176999 1.3560345 1.287374 1.0388296\n", - " 1.0581031 1.0264962 1.0268027 1.0438802 1.014727 1.0963824 1.1074102\n", - " 1.0730503 1.0793366 1.0201291 1.0156314 0. ]\n", - "\n", - "[ 2 4 1 3 5 0 13 12 15 14 7 10 6 9 8 16 17 11 18]\n", - "=======================\n", - "[\"researchers have discovered about half of people with rbd will develop parkinson 's disease or another neurological disorder within a decade of being diagnosed , livescience reports .moving around in sleep , and seeming to ` act out ' dreams is a characteristic of a condition called rapid eye movement sleep behaviour disorder ( rbd ) .ultimately , 81 to 90 per cent of patients with rbg with develop a neurodegenerative disorder , they found .\"]\n", - "=======================\n", - "[\"lashing out in sleep is a sign of ` rapid eye movement behaviour disorder 'half of people with this condition will go on to develop parkinson 's diseaseup to 90 % of people will develop another neurological disorder within 10 yearssleep disorder occurs due to a brain malfunction - meaning the brain does n't paralyse the body 's muscles during the period of sleep when people dream\"]\n", - "researchers have discovered about half of people with rbd will develop parkinson 's disease or another neurological disorder within a decade of being diagnosed , livescience reports .moving around in sleep , and seeming to ` act out ' dreams is a characteristic of a condition called rapid eye movement sleep behaviour disorder ( rbd ) .ultimately , 81 to 90 per cent of patients with rbg with develop a neurodegenerative disorder , they found .\n", - "lashing out in sleep is a sign of ` rapid eye movement behaviour disorder 'half of people with this condition will go on to develop parkinson 's diseaseup to 90 % of people will develop another neurological disorder within 10 yearssleep disorder occurs due to a brain malfunction - meaning the brain does n't paralyse the body 's muscles during the period of sleep when people dream\n", - "[1.3602831 1.1959224 1.3331504 1.3596448 1.4221938 1.260333 1.0724664\n", - " 1.0804002 1.0206459 1.0150975 1.0120267 1.0128939 1.199729 1.2100742\n", - " 1.0140941 1.0158267 1.0816141 1.0079535 0. 0. ]\n", - "\n", - "[ 4 0 3 2 5 13 12 1 16 7 6 8 15 9 14 11 10 17 18 19]\n", - "=======================\n", - "[\"burton albion 's manager jimmy floyd hasselbaink is happy to be promoted , but wants to finish on tophasselbaink 's team beat morecambe 2-1 on saturday thanks to two goals from lucas akins , then the players heard that wycombe could only draw at wimbledon -- and the brewers were up .the burton albion players celebrate their win against morecambe which confirmed promotion\"]\n", - "=======================\n", - "[\"lucas akins scored twice as burton albion were promoted to league onemorecambe victory secured jimmy floyd hasselbaink 's side promotionhasselbaink says the season is n't over , despite already being up\"]\n", - "burton albion 's manager jimmy floyd hasselbaink is happy to be promoted , but wants to finish on tophasselbaink 's team beat morecambe 2-1 on saturday thanks to two goals from lucas akins , then the players heard that wycombe could only draw at wimbledon -- and the brewers were up .the burton albion players celebrate their win against morecambe which confirmed promotion\n", - "lucas akins scored twice as burton albion were promoted to league onemorecambe victory secured jimmy floyd hasselbaink 's side promotionhasselbaink says the season is n't over , despite already being up\n", - "[1.2514384 1.0987153 1.0911152 1.2256603 1.376866 1.1840316 1.0254152\n", - " 1.107822 1.1842381 1.1088455 1.0711564 1.1243651 1.0197084 1.0462729\n", - " 1.0354369 1.0284607 1.1402943 0. 0. 0. ]\n", - "\n", - "[ 4 0 3 8 5 16 11 9 7 1 2 10 13 14 15 6 12 18 17 19]\n", - "=======================\n", - "[\"stan collymore ( third left ) smashes home liverpool 's fourth past newcastle goalkeeper pavel srnicekmartin tyler has been in the commentary game for 40 years , so it 's safe to say he 's witnessed his fair share of blockbusters .` liverpool 4 , newcastle 3 . '\"]\n", - "=======================\n", - "[\"martin tyler revealed 1996 anfield thriller is his favourite game of all timethe iconic commentator says the winning goal still gives him goosebumpsliverpool opened the scoring on two minutes through robbie fowlernewcastle equalised eight minutes later after les ferdinand 's strikewhat followed was a seven goal thriller that went right to the wireit was a chance for both teams to put pressure on league leaders manchester united\"]\n", - "stan collymore ( third left ) smashes home liverpool 's fourth past newcastle goalkeeper pavel srnicekmartin tyler has been in the commentary game for 40 years , so it 's safe to say he 's witnessed his fair share of blockbusters .` liverpool 4 , newcastle 3 . '\n", - "martin tyler revealed 1996 anfield thriller is his favourite game of all timethe iconic commentator says the winning goal still gives him goosebumpsliverpool opened the scoring on two minutes through robbie fowlernewcastle equalised eight minutes later after les ferdinand 's strikewhat followed was a seven goal thriller that went right to the wireit was a chance for both teams to put pressure on league leaders manchester united\n", - "[1.4199278 1.3834223 1.1960218 1.4332682 1.1716756 1.1400392 1.0658097\n", - " 1.0530431 1.0841353 1.035112 1.0392568 1.0655308 1.1503576 1.0300483\n", - " 1.0354656 1.0526344 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 2 4 12 5 8 6 11 7 15 10 14 9 13 18 16 17 19]\n", - "=======================\n", - "[\"gerry pickens , 28 , was fired by the chief of police in orting , washington , after just under a year on the town 's police force - an act he claims is motivated by racism .he decided to file a suit after vandals sprayed racist graffiti on his carthe first black man ever to be hired as a police officer in a small northwestern town had his suv sprayed with the n-word over a planned racial discrimination case against town authorities .\"]\n", - "=======================\n", - "[\"gerry pickens , 28 , was the first black police officer in orting , washingtonwas fired after just under a year - which he says is because of racismvandals sprayed ` n **** r ' on his ford explorer earlier this yearseemed to be attempt to dissuade him from suing over his dismissalsince then , pickens has launched $ 5million legal claim against the town\"]\n", - "gerry pickens , 28 , was fired by the chief of police in orting , washington , after just under a year on the town 's police force - an act he claims is motivated by racism .he decided to file a suit after vandals sprayed racist graffiti on his carthe first black man ever to be hired as a police officer in a small northwestern town had his suv sprayed with the n-word over a planned racial discrimination case against town authorities .\n", - "gerry pickens , 28 , was the first black police officer in orting , washingtonwas fired after just under a year - which he says is because of racismvandals sprayed ` n **** r ' on his ford explorer earlier this yearseemed to be attempt to dissuade him from suing over his dismissalsince then , pickens has launched $ 5million legal claim against the town\n", - "[1.3524032 1.2143886 1.0731995 1.0981287 1.0994681 1.1285845 1.0793806\n", - " 1.3823152 1.1867487 1.2272847 1.0335095 1.0153766 1.0248572 1.0222136\n", - " 1.0645646 1.077297 1.0927262 1.0620673 1.1001273 1.0469657]\n", - "\n", - "[ 7 0 9 1 8 5 18 4 3 16 6 15 2 14 17 19 10 12 13 11]\n", - "=======================\n", - "['jackson byrnes , 18 , underwent a risky operation to remove the tumour on his brain on wednesday .when 18-year-old jackson byrnes was told he had only weeks to live , only one surgeon in australia was willing to perform the surgery that would either save his life , leave him paralysed or worse .incredibly , the teenager has woken up from having his catastrophic brain tumour removed with the ability to move his body , thank his surgeon and even to ask his relieved mother for food .']\n", - "=======================\n", - "[\"doctors found jackson byrnes ' aggressive brain tumour three weeks agoonly one surgeon in australia , dr charlie teo , was willing to operatemore than $ 95,000 was raised for jackson by strangers to pay for the $ 80,000 surgery and help fund his treatmentit was expected jackson would wake paralysed from the extremely risky opinstead , he woke up and moved his arms , head and thanked dr teoit 's hoped the operation has bought him more time\"]\n", - "jackson byrnes , 18 , underwent a risky operation to remove the tumour on his brain on wednesday .when 18-year-old jackson byrnes was told he had only weeks to live , only one surgeon in australia was willing to perform the surgery that would either save his life , leave him paralysed or worse .incredibly , the teenager has woken up from having his catastrophic brain tumour removed with the ability to move his body , thank his surgeon and even to ask his relieved mother for food .\n", - "doctors found jackson byrnes ' aggressive brain tumour three weeks agoonly one surgeon in australia , dr charlie teo , was willing to operatemore than $ 95,000 was raised for jackson by strangers to pay for the $ 80,000 surgery and help fund his treatmentit was expected jackson would wake paralysed from the extremely risky opinstead , he woke up and moved his arms , head and thanked dr teoit 's hoped the operation has bought him more time\n", - "[1.2799603 1.3788207 1.3071835 1.2061337 1.2866769 1.1116254 1.0582048\n", - " 1.023149 1.044263 1.0868217 1.0297052 1.0405933 1.027064 1.060385\n", - " 1.1246587 1.0922797 1.0343487 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 0 3 14 5 15 9 13 6 8 11 16 10 12 7 18 17 19]\n", - "=======================\n", - "[\"the 4th district court of appeal in san diego upheld a lower court ruling that tossed out a family 's lawsuit trying to block the encinitas union school district from teaching yoga as an alternative to traditional gym classes .the lawsuit brought by stephen and jennifer sedlock and their two children claimed the school district 's yoga classes promoted hinduism and inhibited christianity .a california appeals court ruled yoga classes taught at capri do not violate students ' right to religious freedom\"]\n", - "=======================\n", - "[\"lawsuit tried to block encinitas union school district from teaching yogafamily 's lawsuit said yoga promoted hinduism and inhibited christianity4th district court of appeal in san diego upheld court ruling against suitdistrict said yoga taught in secular way to promote flexibility and balanceyoga taught to district 's 5,600 students at twice-weekly , 30-minute classes\"]\n", - "the 4th district court of appeal in san diego upheld a lower court ruling that tossed out a family 's lawsuit trying to block the encinitas union school district from teaching yoga as an alternative to traditional gym classes .the lawsuit brought by stephen and jennifer sedlock and their two children claimed the school district 's yoga classes promoted hinduism and inhibited christianity .a california appeals court ruled yoga classes taught at capri do not violate students ' right to religious freedom\n", - "lawsuit tried to block encinitas union school district from teaching yogafamily 's lawsuit said yoga promoted hinduism and inhibited christianity4th district court of appeal in san diego upheld court ruling against suitdistrict said yoga taught in secular way to promote flexibility and balanceyoga taught to district 's 5,600 students at twice-weekly , 30-minute classes\n", - "[1.4760668 1.437766 1.101859 1.3781712 1.2468474 1.1173571 1.033634\n", - " 1.0350313 1.0195775 1.1846666 1.0682902 1.0944997 1.0239408 1.1519456\n", - " 1.3150572 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 14 4 9 13 5 2 11 10 7 6 12 8 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"former premier league referee mark halsey has slammed the fa 's decision to put jon moss in charge of the fa cup final instead of mark clattenburg .halsey said the english game would be a ` laughing stock ' over the decision to ignore clattenburg , one of only two english referees in the uefa elite ranks -- for the final between aston villa and arsenal on may 30 .` i do n't blame jon moss .\"]\n", - "=======================\n", - "[\"jon moss will take charge of fa cup final between arsenal and aston villamark halsey has slammed the fa for overlooking mark clattenburgformer premier league referee halsey has called the decision ' a joke '\"]\n", - "former premier league referee mark halsey has slammed the fa 's decision to put jon moss in charge of the fa cup final instead of mark clattenburg .halsey said the english game would be a ` laughing stock ' over the decision to ignore clattenburg , one of only two english referees in the uefa elite ranks -- for the final between aston villa and arsenal on may 30 .` i do n't blame jon moss .\n", - "jon moss will take charge of fa cup final between arsenal and aston villamark halsey has slammed the fa for overlooking mark clattenburgformer premier league referee halsey has called the decision ' a joke '\n", - "[1.2209498 1.0460774 1.0863147 1.1077234 1.0465168 1.1023852 1.0613911\n", - " 1.0581386 1.2458761 1.0445634 1.023369 1.0220605 1.1044834 1.2156271\n", - " 1.1383727 1.1991776 1.1293306 1.1112881 1.0277343 1.0363463 1.0560215\n", - " 1.0647238]\n", - "\n", - "[ 8 0 13 15 14 16 17 3 12 5 2 21 6 7 20 4 1 9 19 18 10 11]\n", - "=======================\n", - "['nearly 4,000 dead in nepal earthquake( cnn ) a mammoth wave of snow darkens the sky over everest base camp .at least 17 people have been killed , with dozens injured and several missing -- likely buried beneath the snow and ice .']\n", - "=======================\n", - "['a youtube video shows the scale of an avalanche on mount everest on saturdayeight nepalis are dead at everest , but not identified ; three americans are also deadhelicopter rescues are underway to retrieve climbers stranded on everest']\n", - "nearly 4,000 dead in nepal earthquake( cnn ) a mammoth wave of snow darkens the sky over everest base camp .at least 17 people have been killed , with dozens injured and several missing -- likely buried beneath the snow and ice .\n", - "a youtube video shows the scale of an avalanche on mount everest on saturdayeight nepalis are dead at everest , but not identified ; three americans are also deadhelicopter rescues are underway to retrieve climbers stranded on everest\n", - "[1.3970146 1.3858054 1.1485931 1.0666583 1.0707542 1.0400082 1.2726895\n", - " 1.0610613 1.0808804 1.1563302 1.0822121 1.2099683 1.036412 1.0275615\n", - " 1.1193275 1.1073581 1.0427867 1.0240927 1.0640675 1.0479301 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 6 11 9 2 14 15 10 8 4 3 18 7 19 16 5 12 13 17 20 21]\n", - "=======================\n", - "['tiger woods ended a week of speculation and debate over the state of his game by announcing on friday that he will play next week in the masters .the 39-year-old played an 18-hole practice round on tuesday at augusta national , and golf channel said he was seen on the practice range friday morning at the club .he will have gone nine weeks without competition when he hits his opening tee shot on thursday at the masters , which is not unprecedented for woods .']\n", - "=======================\n", - "['four-time masters champion made the announcement on fridayhe said he has worked a lot on his game and is excited to competewoods last competed on february 5 at the farmers insurance open when he walked off the course because of tightness in his lower back']\n", - "tiger woods ended a week of speculation and debate over the state of his game by announcing on friday that he will play next week in the masters .the 39-year-old played an 18-hole practice round on tuesday at augusta national , and golf channel said he was seen on the practice range friday morning at the club .he will have gone nine weeks without competition when he hits his opening tee shot on thursday at the masters , which is not unprecedented for woods .\n", - "four-time masters champion made the announcement on fridayhe said he has worked a lot on his game and is excited to competewoods last competed on february 5 at the farmers insurance open when he walked off the course because of tightness in his lower back\n", - "[1.3464742 1.3302376 1.3954654 1.2426584 1.277474 1.1481141 1.1306813\n", - " 1.0697054 1.1646053 1.022207 1.0362679 1.0142847 1.011443 1.1046392\n", - " 1.0766835 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 1 4 3 8 5 6 13 14 7 10 9 11 12 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"the # 18-a-bottle wine is produced at the couple 's chateau miraval estate , where they married in august last year after having purchased it for # 41million in 2012 .brad pitt and angelina jolie 's wine from their french vineyard has gone on sale in a british supermarket for the first time after winning rave reviews from critics .marks and spencer is stocking a limited supply of the 2014 miraval rose and has urged those seeking a taste of the superstars ' provence vineyard to ` get in quick ' .\"]\n", - "=======================\n", - "['brad pitt and angelina jolie bought the french wine making estate in 2012they enlisted the help of famous winemaker marc perrin and his familytheir miraval rose has received rave reviews from leading wine criticsit is now available to buy from marks and spencer for # 18 a bottle']\n", - "the # 18-a-bottle wine is produced at the couple 's chateau miraval estate , where they married in august last year after having purchased it for # 41million in 2012 .brad pitt and angelina jolie 's wine from their french vineyard has gone on sale in a british supermarket for the first time after winning rave reviews from critics .marks and spencer is stocking a limited supply of the 2014 miraval rose and has urged those seeking a taste of the superstars ' provence vineyard to ` get in quick ' .\n", - "brad pitt and angelina jolie bought the french wine making estate in 2012they enlisted the help of famous winemaker marc perrin and his familytheir miraval rose has received rave reviews from leading wine criticsit is now available to buy from marks and spencer for # 18 a bottle\n", - "[1.2258617 1.3435401 1.2614657 1.3011605 1.18768 1.1499299 1.1765572\n", - " 1.0989181 1.156979 1.0953684 1.0989321 1.0653028 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 4 6 8 5 10 7 9 11 20 12 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"filing an official complaint to russia , the state department alleges a u.s. rc-135u reconnaissance aircraft was flying near the baltic sea in international airspace when a russian su-27 flanker cut into its path .pentagon officials have slammed the move as ` unprofessional ' and ` unsafe ' .in a maneuver with ominous echoes of the cold war , a russian fighter jet ` aggressively ' intercepted an american plane over poland , the pentagon claims .\"]\n", - "=======================\n", - "[\"u.s. rc-135u plane was flying near poland when russian jet ` cut across 'pentagon says russian su-27 flanker made ` aggressive maneuvers 'russia insists they were trying to identify the plane by circling it\"]\n", - "filing an official complaint to russia , the state department alleges a u.s. rc-135u reconnaissance aircraft was flying near the baltic sea in international airspace when a russian su-27 flanker cut into its path .pentagon officials have slammed the move as ` unprofessional ' and ` unsafe ' .in a maneuver with ominous echoes of the cold war , a russian fighter jet ` aggressively ' intercepted an american plane over poland , the pentagon claims .\n", - "u.s. rc-135u plane was flying near poland when russian jet ` cut across 'pentagon says russian su-27 flanker made ` aggressive maneuvers 'russia insists they were trying to identify the plane by circling it\n", - "[1.1886921 1.4634681 1.2591004 1.2544539 1.2589995 1.1723695 1.095291\n", - " 1.1575793 1.0784047 1.01661 1.068296 1.1031165 1.0933379 1.1006373\n", - " 1.0114788 1.0326109 1.0073879 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 4 3 0 5 7 11 13 6 12 8 10 15 9 14 16 21 17 18 19 20 22]\n", - "=======================\n", - "[\"christopher annan , 24 , and tyrone wright , 20 , took part in a gun attack on tottenham turks gang member inan eren .the 35-year-old victim , who survived , was ambushed as he arrived home on the evening of 30 december 2012 , shot three times in the arm , stomach and buttock .jamie marsh-smith ( left ) known as ` freddy ' after the nightmare on elm street character , executed gang boss zafer eren ( right ) .\"]\n", - "=======================\n", - "[\"christopher annan , 24 , and tyrone wright , 20 , jailed for attempted murdertook part in gun attack on tottenham turks gang member inan eren , 35he was shot three times in the arm , stomach and buttock but still survivedbrutal attack was led by hitman jamie marsh-smith , 23 , nicknamed ` freddy 'he was jailed for 38 years for the shooting , the murder of eren 's cousin and crime boss zafer eren and a botched attempt to kill his own getaway driver\"]\n", - "christopher annan , 24 , and tyrone wright , 20 , took part in a gun attack on tottenham turks gang member inan eren .the 35-year-old victim , who survived , was ambushed as he arrived home on the evening of 30 december 2012 , shot three times in the arm , stomach and buttock .jamie marsh-smith ( left ) known as ` freddy ' after the nightmare on elm street character , executed gang boss zafer eren ( right ) .\n", - "christopher annan , 24 , and tyrone wright , 20 , jailed for attempted murdertook part in gun attack on tottenham turks gang member inan eren , 35he was shot three times in the arm , stomach and buttock but still survivedbrutal attack was led by hitman jamie marsh-smith , 23 , nicknamed ` freddy 'he was jailed for 38 years for the shooting , the murder of eren 's cousin and crime boss zafer eren and a botched attempt to kill his own getaway driver\n", - "[1.4871607 1.4098458 1.101907 1.1615695 1.1409562 1.1045784 1.1910293\n", - " 1.0691421 1.0254643 1.0400637 1.0635045 1.027238 1.0274926 1.0398781\n", - " 1.0198961 1.0727272 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 6 3 4 5 2 15 7 10 9 13 12 11 8 14 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"steven gerrard 's hopes of a fairytale ending to his liverpool career were shattered as his side suffered a 2-1 defeat to aston villa in the semi-finals of the fa cup .the final on may 30 , also by coincidence gerrard 's 35th birthday , would have been the midfielder 's final game in a liverpool shirt before he leaves for the los angeles galaxy in the summer , but - although he was handed a starting role by manager brendan rodgers - he was unable to influence the outcome .gerrard controls possession under pressure from villa 's ashley westwood at wembley\"]\n", - "=======================\n", - "[\"liverpool lost 2-1 to aston villa in the fa cup semi-final at wembleysteven gerrard 's dream of making the fa cup final were shatteredgerrard started the game in an advanced role behind raheem sterlingthe first half largely passed gerrard by at wembleythe reds midfielder , however , almost snatched an equaliser at the death\"]\n", - "steven gerrard 's hopes of a fairytale ending to his liverpool career were shattered as his side suffered a 2-1 defeat to aston villa in the semi-finals of the fa cup .the final on may 30 , also by coincidence gerrard 's 35th birthday , would have been the midfielder 's final game in a liverpool shirt before he leaves for the los angeles galaxy in the summer , but - although he was handed a starting role by manager brendan rodgers - he was unable to influence the outcome .gerrard controls possession under pressure from villa 's ashley westwood at wembley\n", - "liverpool lost 2-1 to aston villa in the fa cup semi-final at wembleysteven gerrard 's dream of making the fa cup final were shatteredgerrard started the game in an advanced role behind raheem sterlingthe first half largely passed gerrard by at wembleythe reds midfielder , however , almost snatched an equaliser at the death\n", - "[1.3029668 1.3367237 1.2764117 1.1369596 1.2994444 1.265315 1.1495181\n", - " 1.0642576 1.0293034 1.0242884 1.0277041 1.0274472 1.0395527 1.1783253\n", - " 1.1066582 1.0982963 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 4 2 5 13 6 3 14 15 7 12 8 10 11 9 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"jim ratcliffe , founder and chairman of chemical company ineos , has applied to planning officials in the new forest to seek to demolish an existing beach hut and replace it with a ` carbon neutral ' mansion .a billionaire tycoon wants planning authorities to grant permission for his new # 4 million beachfront mansion which can jack itself up in the case of flooding which heats itself using the outside air in temperatures as low as -25 c.the high-tech planned mansion will be virtually ` carbon-zero ' and uses renewable energy such as solar power\"]\n", - "=======================\n", - "[\"jim ratcliffe is the founder and chairman of chemical giant ineosthe swiss-based billionaire said the house would be his only uk homethe house features several revolutionary energy saving measuresthe home 's heating and hot water systems all use renewable energy\"]\n", - "jim ratcliffe , founder and chairman of chemical company ineos , has applied to planning officials in the new forest to seek to demolish an existing beach hut and replace it with a ` carbon neutral ' mansion .a billionaire tycoon wants planning authorities to grant permission for his new # 4 million beachfront mansion which can jack itself up in the case of flooding which heats itself using the outside air in temperatures as low as -25 c.the high-tech planned mansion will be virtually ` carbon-zero ' and uses renewable energy such as solar power\n", - "jim ratcliffe is the founder and chairman of chemical giant ineosthe swiss-based billionaire said the house would be his only uk homethe house features several revolutionary energy saving measuresthe home 's heating and hot water systems all use renewable energy\n", - "[1.5053141 1.3250235 1.2394632 1.4724858 1.2226353 1.2173826 1.0231094\n", - " 1.013272 1.0175443 1.0102465 1.0174913 1.1031415 1.0123315 1.201646\n", - " 1.1611669 1.0079541 1.0201616 1.0531582 1.0175703 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 5 13 14 11 17 6 16 18 8 10 7 12 9 15 21 19 20 22]\n", - "=======================\n", - "['iker casillas insists he will stay at real madrid even if david de gea arrives to displace him as first choice keeper at the bernabeu .however , the 33-year-old claims he is willing to fight for the jersey he went on to make his own after breaking in to the side as a 16-year-old in 1996 - before becoming the youngest champions league keeper in 2000 .manchester united loanee javier hernandez celebrates scoring a late winner against atletico madrid']\n", - "=======================\n", - "['iker casillas insists he will not leave real madrid if a new keeper arrivesla liga giants have been linked with manchester united no 1 david de geaspain star will face either barcelona , bayern munich or juventus in champions league semi-finalsread : barcelona vs real madrid is the dream champions league final']\n", - "iker casillas insists he will stay at real madrid even if david de gea arrives to displace him as first choice keeper at the bernabeu .however , the 33-year-old claims he is willing to fight for the jersey he went on to make his own after breaking in to the side as a 16-year-old in 1996 - before becoming the youngest champions league keeper in 2000 .manchester united loanee javier hernandez celebrates scoring a late winner against atletico madrid\n", - "iker casillas insists he will not leave real madrid if a new keeper arrivesla liga giants have been linked with manchester united no 1 david de geaspain star will face either barcelona , bayern munich or juventus in champions league semi-finalsread : barcelona vs real madrid is the dream champions league final\n", - "[1.2146851 1.0675331 1.3466456 1.2885993 1.098889 1.1589605 1.0917816\n", - " 1.0399693 1.028825 1.0353667 1.0680311 1.0385396 1.0414613 1.0201664\n", - " 1.0276939 1.0260829 1.0334177 1.0201333 1.0357782 1.0160948 1.0182701\n", - " 1.0229325 1.0219362]\n", - "\n", - "[ 2 3 0 5 4 6 10 1 12 7 11 18 9 16 8 14 15 21 22 13 17 20 19]\n", - "=======================\n", - "[\"the wooden vessel was called mecca -- after the holy city .we were told we 'd be at the port in aden by the next morning , but as the hours ticked by it soon became apparent that that was wildly optimistic .aden , yemen ( cnn ) it did n't look like much , but we 'd been told it was typical of the kind of craft ferrying the route between djibouti and aden .\"]\n", - "=======================\n", - "[\"cnn 's nima elbagir describes the boat journey from djbouti to adenvessel returned with 60 refugees desperate to flee fighting in yemen\"]\n", - "the wooden vessel was called mecca -- after the holy city .we were told we 'd be at the port in aden by the next morning , but as the hours ticked by it soon became apparent that that was wildly optimistic .aden , yemen ( cnn ) it did n't look like much , but we 'd been told it was typical of the kind of craft ferrying the route between djibouti and aden .\n", - "cnn 's nima elbagir describes the boat journey from djbouti to adenvessel returned with 60 refugees desperate to flee fighting in yemen\n", - "[1.1164322 1.1956046 1.172882 1.1065599 1.1115637 1.4240918 1.0789262\n", - " 1.0464782 1.1761003 1.1927447 1.1791319 1.0258613 1.0261191 1.0163395\n", - " 1.0222363 1.0136669 1.0252281 1.13025 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 5 1 9 10 8 2 17 0 4 3 6 7 12 11 16 14 13 15 21 18 19 20 22]\n", - "=======================\n", - "[\"alexis sanchez and harry kane were the heroes as the southern all-stars came out on top in our simulated clash between the premier league 's best players from the north and south .manchester city hotshot sergio aguero gave the northern combined xi the lead after less than a minute , but his team were still beatenon monday , rob draper revealed who he 'd select in the southern xi and on tuesday , joe bernstein did likewise for the north .\"]\n", - "=======================\n", - "[\"sportsmail has simulated an all-star battle between the premier league 's best talent from north and southmanchester city 's sergio aguero gave joe bernstein 's northern all-stars the lead in the opening minutearsenal ace alexis sanchez scored a double in the 29th and 72nd minute , either side of a harry kane goalsanchez was man of the match while liverpool 's martin skrtel was the game 's poorest playerthe match powered by football manager was played in front of 90,000 people at wembley\"]\n", - "alexis sanchez and harry kane were the heroes as the southern all-stars came out on top in our simulated clash between the premier league 's best players from the north and south .manchester city hotshot sergio aguero gave the northern combined xi the lead after less than a minute , but his team were still beatenon monday , rob draper revealed who he 'd select in the southern xi and on tuesday , joe bernstein did likewise for the north .\n", - "sportsmail has simulated an all-star battle between the premier league 's best talent from north and southmanchester city 's sergio aguero gave joe bernstein 's northern all-stars the lead in the opening minutearsenal ace alexis sanchez scored a double in the 29th and 72nd minute , either side of a harry kane goalsanchez was man of the match while liverpool 's martin skrtel was the game 's poorest playerthe match powered by football manager was played in front of 90,000 people at wembley\n", - "[1.4607654 1.2114689 1.5483263 1.2271847 1.2646079 1.1410496 1.0528822\n", - " 1.0249097 1.0162328 1.0151894 1.0199035 1.0180326 1.0153321 1.022072\n", - " 1.1114016 1.0300943 1.0178124 1.0415826 1.2519063 1.1323572 1.0595039\n", - " 1.0836749 1.0734954]\n", - "\n", - "[ 2 0 4 18 3 1 5 19 14 21 22 20 6 17 15 7 13 10 11 16 8 12 9]\n", - "=======================\n", - "[\"edmund echukwu , 35 , was pulled from the water at a james bond-themed sex party at a # 3million mansion in radlett , hertfordshire last friday night .edmund echukwu collapsed in a swimming pool and died at a 007-themed sex party last fridayit is believed mr echukwu is a nigerian from north london who was at his first swingers ' party at the eight-bedroom house .\"]\n", - "=======================\n", - "[\"edmund echukwu died in pool at swingers ' party in hertfordshire on friday35-year-old believed to be a nigerian father-of-three from north londonowner of mansion says he may have suffered heart attack in watera post-mortem examination is due to be held today ahead of an inquest\"]\n", - "edmund echukwu , 35 , was pulled from the water at a james bond-themed sex party at a # 3million mansion in radlett , hertfordshire last friday night .edmund echukwu collapsed in a swimming pool and died at a 007-themed sex party last fridayit is believed mr echukwu is a nigerian from north london who was at his first swingers ' party at the eight-bedroom house .\n", - "edmund echukwu died in pool at swingers ' party in hertfordshire on friday35-year-old believed to be a nigerian father-of-three from north londonowner of mansion says he may have suffered heart attack in watera post-mortem examination is due to be held today ahead of an inquest\n", - "[1.3398778 1.3143471 1.2751145 1.2677522 1.2023758 1.0921973 1.0331109\n", - " 1.0898155 1.0519489 1.0398663 1.0884305 1.0678194 1.1577286 1.0624838\n", - " 1.1042718 1.0781685 1.039999 1.0085614 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 12 14 5 7 10 15 11 13 8 16 9 6 17 18 19 20 21 22]\n", - "=======================\n", - "['tyra banks made her awards ceremony hosting debut on sunday at the daytime emmy awards in burbank , california and delivered on her promise of multiple outfits .the 41-year-old model and television personality also premiered a new short hairdo at the awards ceremony honouring the best in daytime television .matt lauer received plenty of thanks during the two-hour broadcast on the pop basic cable network after a comedy bit featuring pasties and black stockings .']\n", - "=======================\n", - "['matt lauer donates $ 1,000 to charity for each thank you in racy bit with ellen degeneresbetty white honoured with a lifetime achievement awardcraig ferguson wins for outstanding game show hostentertainment tonight wins outstanding entertainment news program']\n", - "tyra banks made her awards ceremony hosting debut on sunday at the daytime emmy awards in burbank , california and delivered on her promise of multiple outfits .the 41-year-old model and television personality also premiered a new short hairdo at the awards ceremony honouring the best in daytime television .matt lauer received plenty of thanks during the two-hour broadcast on the pop basic cable network after a comedy bit featuring pasties and black stockings .\n", - "matt lauer donates $ 1,000 to charity for each thank you in racy bit with ellen degeneresbetty white honoured with a lifetime achievement awardcraig ferguson wins for outstanding game show hostentertainment tonight wins outstanding entertainment news program\n", - "[1.2453898 1.4092224 1.2026788 1.1609783 1.2905062 1.2179172 1.094238\n", - " 1.0735334 1.1196771 1.0554069 1.0315621 1.0465995 1.0467272 1.1405567\n", - " 1.0977578 1.067727 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 0 5 2 3 13 8 14 6 7 15 9 12 11 10 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"as david cameron tried to answer a question victoria prosser , 33 , stood up and heckled him about homeless people who had served in the armed forces .the prime minister was dramatically interrupted by a ` health and wellbeing ' worker in the audience during the general election tv debate last night , who shouted : ` i have to speak out ' .outspoken : ms prosser later told reporters that she challenged mr cameron because she wanted people to question ` the 1 per cent at the top ' who she claimed were not working in the country 's interests\"]\n", - "=======================\n", - "[\"victoria prosser , 33 , stood up and heckled david cameron during debateshe spoke about homeless people who had served in the armed forcesclaimed she heckled him because she wanted people to question ` the 1 % 'ms prosser is said to be a ` health and wellbeing ' worker who votes green\"]\n", - "as david cameron tried to answer a question victoria prosser , 33 , stood up and heckled him about homeless people who had served in the armed forces .the prime minister was dramatically interrupted by a ` health and wellbeing ' worker in the audience during the general election tv debate last night , who shouted : ` i have to speak out ' .outspoken : ms prosser later told reporters that she challenged mr cameron because she wanted people to question ` the 1 per cent at the top ' who she claimed were not working in the country 's interests\n", - "victoria prosser , 33 , stood up and heckled david cameron during debateshe spoke about homeless people who had served in the armed forcesclaimed she heckled him because she wanted people to question ` the 1 % 'ms prosser is said to be a ` health and wellbeing ' worker who votes green\n", - "[1.2722758 1.2776337 1.287607 1.3193018 1.1649842 1.2407446 1.1486306\n", - " 1.0641011 1.0241936 1.0464658 1.0791425 1.0233967 1.1067785 1.074694\n", - " 1.0506202 1.0950541 1.0231638 1.0345942 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 2 1 0 5 4 6 12 15 10 13 7 14 9 17 8 11 16 21 18 19 20 22]\n", - "=======================\n", - "[\"the creative prank was executed by the ecuadorean airline tame , ecuador 's tourism ministry and ministry of transport and public worksthe publicity stunt saw the tourists enjoy white water rafting , swimming near waterfalls and hiking , but it seems that costa rica was not amused by the ruse .but in fact , the group of tourists were exploring the activities on offer in the country 's napo province , in the amazon rainforest .\"]\n", - "=======================\n", - "['the stunt was pulled by local tourism groups and an ecuador airlinefake signs , passport control , posters and adverts were created in the ruseit sparked outrage from costa rican officials prompting a formal apologythe video was taken down , but was reuploaded by la nación']\n", - "the creative prank was executed by the ecuadorean airline tame , ecuador 's tourism ministry and ministry of transport and public worksthe publicity stunt saw the tourists enjoy white water rafting , swimming near waterfalls and hiking , but it seems that costa rica was not amused by the ruse .but in fact , the group of tourists were exploring the activities on offer in the country 's napo province , in the amazon rainforest .\n", - "the stunt was pulled by local tourism groups and an ecuador airlinefake signs , passport control , posters and adverts were created in the ruseit sparked outrage from costa rican officials prompting a formal apologythe video was taken down , but was reuploaded by la nación\n", - "[1.1516161 1.2894208 1.3645756 1.2715898 1.290911 1.0721058 1.0724391\n", - " 1.0621036 1.0285707 1.0210136 1.0188729 1.046499 1.0234604 1.0119305\n", - " 1.0123653 1.2971542 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 15 4 1 3 0 6 5 7 11 8 12 9 10 14 13 19 16 17 18 20]\n", - "=======================\n", - "[\"but we could save up to # 1,300 a year if we just prepared our lunch at home .food website food52 's ` not sad desk lunch ' series demonstrates just how simple it can be to bring healthy , cost-effective , and delicious lunches to work .the ` meal deal ' ( which is not always a meal , or a deal ) has seen us stave off the hunger pangs with soggy sandwiches , slimy salads and salty soups , spending an average of # 1,840 a year .\"]\n", - "=======================\n", - "[\"food52 's not sad desk lunch series has inspiring midday meal ideassimple crackers and cheese or go complicated with stuffed steamed bunsbritish workers spend an average of of # 1,840 a year on takeaway lunchpreparing your lunch at home could see a saving of up to # 1,300 a year\"]\n", - "but we could save up to # 1,300 a year if we just prepared our lunch at home .food website food52 's ` not sad desk lunch ' series demonstrates just how simple it can be to bring healthy , cost-effective , and delicious lunches to work .the ` meal deal ' ( which is not always a meal , or a deal ) has seen us stave off the hunger pangs with soggy sandwiches , slimy salads and salty soups , spending an average of # 1,840 a year .\n", - "food52 's not sad desk lunch series has inspiring midday meal ideassimple crackers and cheese or go complicated with stuffed steamed bunsbritish workers spend an average of of # 1,840 a year on takeaway lunchpreparing your lunch at home could see a saving of up to # 1,300 a year\n", - "[1.2233162 1.393811 1.2029834 1.1810521 1.0995836 1.2224356 1.1114404\n", - " 1.0393007 1.0617692 1.0409976 1.070999 1.0360307 1.1015815 1.0684297\n", - " 1.0338819 1.0289006 1.1377331 1.0855861 1.0512805 0. 0. ]\n", - "\n", - "[ 1 0 5 2 3 16 6 12 4 17 10 13 8 18 9 7 11 14 15 19 20]\n", - "=======================\n", - "[\"ebony dickens of east point , georgia , posted her facebook rant under the name tiffany milan , police said .atlanta ( cnn ) a fake name on a facebook post can still get you in real trouble , especially when you 're threatening to shoot every white cop you see .the post was removed a day later , just before dickens was arrested , cnn affiliate wsb reported .\"]\n", - "=======================\n", - "[\"sheriff 's spokeswoman : ebony dickens is out of jail after posting $ 10,000 bondpolice : authorities found a firearm , three computers in her east point residencedickens is accused of posting her facebook rant under the name tiffany milan\"]\n", - "ebony dickens of east point , georgia , posted her facebook rant under the name tiffany milan , police said .atlanta ( cnn ) a fake name on a facebook post can still get you in real trouble , especially when you 're threatening to shoot every white cop you see .the post was removed a day later , just before dickens was arrested , cnn affiliate wsb reported .\n", - "sheriff 's spokeswoman : ebony dickens is out of jail after posting $ 10,000 bondpolice : authorities found a firearm , three computers in her east point residencedickens is accused of posting her facebook rant under the name tiffany milan\n", - "[1.2061846 1.2129261 1.4089631 1.0734828 1.0246946 1.0529603 1.144361\n", - " 1.0375507 1.2386203 1.2370354 1.1564013 1.1325688 1.0299827 1.0534201\n", - " 1.0342685 1.0226879 1.0085509 1.0097531 1.0244653 0. 0. ]\n", - "\n", - "[ 2 8 9 1 0 10 6 11 3 13 5 7 14 12 4 18 15 17 16 19 20]\n", - "=======================\n", - "[\"for the umpteenth time , the rfu and stuart lancaster are being urged to invoke the ` exceptional circumstances ' get-out clause .former bath full back nick abendanon was outstanding for clermont as they tore saracens to shredstoulon flanker steffon armitage has been one of the standout forwards in europe in recent seasons\"]\n", - "=======================\n", - "[\"nick abendanon was sublime in clermont 's 37-5 win against northamptonabendanon is ineligible for england because he is playing overseastoulon flanker steffon armitage is in the same predicamentthe rfu can invoke an ` exceptional ' clause to select overseas playersbut this clause could create tension in the england camp\"]\n", - "for the umpteenth time , the rfu and stuart lancaster are being urged to invoke the ` exceptional circumstances ' get-out clause .former bath full back nick abendanon was outstanding for clermont as they tore saracens to shredstoulon flanker steffon armitage has been one of the standout forwards in europe in recent seasons\n", - "nick abendanon was sublime in clermont 's 37-5 win against northamptonabendanon is ineligible for england because he is playing overseastoulon flanker steffon armitage is in the same predicamentthe rfu can invoke an ` exceptional ' clause to select overseas playersbut this clause could create tension in the england camp\n", - "[1.2998188 1.3554447 1.3091571 1.2730141 1.24807 1.0609611 1.0317199\n", - " 1.0273266 1.014039 1.01665 1.0201594 1.0802107 1.0311408 1.236656\n", - " 1.0822191 1.1509674 1.1194398 1.0587907 1.0185515 1.0569936 1.0422723]\n", - "\n", - "[ 1 2 0 3 4 13 15 16 14 11 5 17 19 20 6 12 7 10 18 9 8]\n", - "=======================\n", - "[\"boris milat detailed how his brother , ivan , shot and paralysed a taxi driver in 1962 , more then 25 years before he went on a backpacker killing spree , according to channel 7 's sunday night .neville knight was shot on march 6 , 1962 , by a 17-year-old milat who was riding in the back of his taxi .the brother of australia 's most notorious serial killer has confessed to knowing of his evil sibling 's first victim - and to hiding the truth for 50 years as the ` wrong man ' was convicted and behind bars .\"]\n", - "=======================\n", - "[\"report claims ivan milat shot first victim years before backpacker murdersthe ` wrong man ' jailed for attack , which left milat free to kill , report saysmilat 's brother , boris , says he has kept the shocking secret for 52 yearsreport claims milat shot and paralysed neville knight in march , 1962` ivan shot him - he told me the next day , ' mr bilat said of the shootingmilat brutally murdered seven backpackers between 1989 and 1992he is serving seven consecutive life sentences at goulburn supermax jail\"]\n", - "boris milat detailed how his brother , ivan , shot and paralysed a taxi driver in 1962 , more then 25 years before he went on a backpacker killing spree , according to channel 7 's sunday night .neville knight was shot on march 6 , 1962 , by a 17-year-old milat who was riding in the back of his taxi .the brother of australia 's most notorious serial killer has confessed to knowing of his evil sibling 's first victim - and to hiding the truth for 50 years as the ` wrong man ' was convicted and behind bars .\n", - "report claims ivan milat shot first victim years before backpacker murdersthe ` wrong man ' jailed for attack , which left milat free to kill , report saysmilat 's brother , boris , says he has kept the shocking secret for 52 yearsreport claims milat shot and paralysed neville knight in march , 1962` ivan shot him - he told me the next day , ' mr bilat said of the shootingmilat brutally murdered seven backpackers between 1989 and 1992he is serving seven consecutive life sentences at goulburn supermax jail\n", - "[1.232914 1.4212649 1.2009116 1.3504796 1.2558076 1.0766981 1.1383146\n", - " 1.0842098 1.0722289 1.0557495 1.1066105 1.1112138 1.0295563 1.0660638\n", - " 1.075952 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 0 2 6 11 10 7 5 14 8 13 9 12 19 15 16 17 18 20]\n", - "=======================\n", - "[\"the unnamed man was sprinting ahead of the animal , trying to make it to the safety behind a set of iron bars when the angry animal sent him sprawling to the floor .this unlucky man was gored during a bullrunning event in teulada , a small coastal town on spain 's costa blanca , after falling over in front of the beastand despite his desperate efforts to climb back up , the bull appeared to hit him right in the bottom with one of its horns as he tried to scramble away .\"]\n", - "=======================\n", - "[\"man was fleeing bull during fiesta celebrations in teulada , eastern spainwas knocked to the ground before crawling towards safety of bull barshowever he could n't make it before horn caught him between the legsseen limping towards medics , but was not thought to be seriously hurt\"]\n", - "the unnamed man was sprinting ahead of the animal , trying to make it to the safety behind a set of iron bars when the angry animal sent him sprawling to the floor .this unlucky man was gored during a bullrunning event in teulada , a small coastal town on spain 's costa blanca , after falling over in front of the beastand despite his desperate efforts to climb back up , the bull appeared to hit him right in the bottom with one of its horns as he tried to scramble away .\n", - "man was fleeing bull during fiesta celebrations in teulada , eastern spainwas knocked to the ground before crawling towards safety of bull barshowever he could n't make it before horn caught him between the legsseen limping towards medics , but was not thought to be seriously hurt\n", - "[1.6256112 1.2179556 1.223034 1.3082104 1.1101352 1.0429215 1.0414312\n", - " 1.0196441 1.0283726 1.0127403 1.0653515 1.0315198 1.0612271 1.0630611\n", - " 1.3681563 1.1969612 1.0986079 1.0262852 0. 0. ]\n", - "\n", - "[ 0 14 3 2 1 15 4 16 10 13 12 5 6 11 8 17 7 9 18 19]\n", - "=======================\n", - "[\"liverpool boss brendan rodgers believes a ` very poor decision ' by michael oliver 's assistant referee was one of the reason 's liverpool were knocked out of the fa cup semi-final by aston villa on sunday night .mario balotelli ( circled ) is clearly onside as steven gerrard looks to play him through on goalreplays clearly showed that villa defender leandro bacuna was playing balotelli onside before the italian slid the ball past shay given .\"]\n", - "=======================\n", - "[\"aston villa earn 2-1 fa cup semi-final victory over liverpoolmario balotelli 's late goal was incorrectly ruled out for offsidebrendan rodgers believes the goal should have stood\"]\n", - "liverpool boss brendan rodgers believes a ` very poor decision ' by michael oliver 's assistant referee was one of the reason 's liverpool were knocked out of the fa cup semi-final by aston villa on sunday night .mario balotelli ( circled ) is clearly onside as steven gerrard looks to play him through on goalreplays clearly showed that villa defender leandro bacuna was playing balotelli onside before the italian slid the ball past shay given .\n", - "aston villa earn 2-1 fa cup semi-final victory over liverpoolmario balotelli 's late goal was incorrectly ruled out for offsidebrendan rodgers believes the goal should have stood\n", - "[1.3535837 1.2892123 1.1966978 1.5020778 1.2711401 1.0930619 1.094762\n", - " 1.148754 1.0769315 1.0519605 1.1129711 1.0600089 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 2 7 10 6 5 8 11 9 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"bayern munich manager pep guardiola ripped a hole during the champions league match in germanyguardiola managed to tear the left trouser leg of his grey garments during an incredibly exciting night for bayern , who led their opponents 5-0 at half-time .guardiola 's underwear were on show after the bayern boss managed to rip a small hole in his trousers\"]\n", - "=======================\n", - "['bayern munich boss pep guardiola ripped a hole in his trouser leghis underwear were on show during the european match in germanythe german giants booked place in the semi-finals thanks to 6-1 rout']\n", - "bayern munich manager pep guardiola ripped a hole during the champions league match in germanyguardiola managed to tear the left trouser leg of his grey garments during an incredibly exciting night for bayern , who led their opponents 5-0 at half-time .guardiola 's underwear were on show after the bayern boss managed to rip a small hole in his trousers\n", - "bayern munich boss pep guardiola ripped a hole in his trouser leghis underwear were on show during the european match in germanythe german giants booked place in the semi-finals thanks to 6-1 rout\n", - "[1.4629886 1.3531691 1.1535048 1.155273 1.1525956 1.2845304 1.1256298\n", - " 1.2135055 1.0850248 1.0837152 1.0591122 1.035545 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 7 3 2 4 6 8 9 10 11 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "['( cnn ) more than 500 houthi rebels have been killed since the start of saudi-led military operations against yemeni shia fighters , a saudi defense ministry official said saturday , according to the state-run saudi press agency .a saudi general said saturday the nine-nation coalition has undertaken 1,200 airstrikes since they began on march 26 .clashes took place friday near the saudi-yemeni border , in the najran region .']\n", - "=======================\n", - "['saudi general says more than 1,200 airstrikes since campaign began march 26three saudis were killed in attack on border position , source tells cnn']\n", - "( cnn ) more than 500 houthi rebels have been killed since the start of saudi-led military operations against yemeni shia fighters , a saudi defense ministry official said saturday , according to the state-run saudi press agency .a saudi general said saturday the nine-nation coalition has undertaken 1,200 airstrikes since they began on march 26 .clashes took place friday near the saudi-yemeni border , in the najran region .\n", - "saudi general says more than 1,200 airstrikes since campaign began march 26three saudis were killed in attack on border position , source tells cnn\n", - "[1.4124639 1.3283379 1.101418 1.2247434 1.3580205 1.1773534 1.1170344\n", - " 1.0923566 1.0832655 1.0627117 1.0574251 1.0732813 1.076294 1.0664104\n", - " 1.0337929 1.011317 1.0124401 1.00916 0. 0. ]\n", - "\n", - "[ 0 4 1 3 5 6 2 7 8 12 11 13 9 10 14 16 15 17 18 19]\n", - "=======================\n", - "['javier hernandez scored the goal of his life on wednesday night but real madrid are unlikely to take up their option to buy the player .javier hernandez wheels away after scoring against atletico madrid in the champions league quarter-finalthey agreed an option with manchester united last summer that would # 7.5 million of a final sum of around # 15million paid at the end of the season , but real want to place their money elsewhere .']\n", - "=======================\n", - "['javier hernandez scored the winner in the champions league quarter-final against atletico madridreal madrid still unlikely to take up option to sign manchester united starmexico international has attracted interest from dinamo moscow , lazio , everton , newcastle , west ham and stoke']\n", - "javier hernandez scored the goal of his life on wednesday night but real madrid are unlikely to take up their option to buy the player .javier hernandez wheels away after scoring against atletico madrid in the champions league quarter-finalthey agreed an option with manchester united last summer that would # 7.5 million of a final sum of around # 15million paid at the end of the season , but real want to place their money elsewhere .\n", - "javier hernandez scored the winner in the champions league quarter-final against atletico madridreal madrid still unlikely to take up option to sign manchester united starmexico international has attracted interest from dinamo moscow , lazio , everton , newcastle , west ham and stoke\n", - "[1.4461969 1.4632049 1.1400249 1.2069438 1.162586 1.1424431 1.0765816\n", - " 1.0287508 1.0375484 1.0275767 1.0707028 1.0586768 1.0203589 1.0435127\n", - " 1.0824783 1.0553327 1.0258812 1.0440495 1.0118409 1.0788194]\n", - "\n", - "[ 1 0 3 4 5 2 14 19 6 10 11 15 17 13 8 7 9 16 12 18]\n", - "=======================\n", - "[\"the filipino superstar took a break from preparations for his $ 300million superfight against floyd mayweather on may 2 to be interviewed at the show 's base at universal studios .manny pacquiao traded hill runs and graft in the wild card boxing gym for a touch of hollywood glamour as he appeared on friend mario lopez 's extra programme on wednesday .manny pacquiao ( left ) and mario lopez smile for the cameras during filming of extra in los angeles\"]\n", - "=======================\n", - "[\"manny pacquiao appeared on mario lopez 's extra show on wednesdaythat morning his hill runs and bag work were posted on instagramthe pair , who are friends , also sang a duet of lionel ritchie hellothe filipino champion takes on floyd mayweather jr on may 2\"]\n", - "the filipino superstar took a break from preparations for his $ 300million superfight against floyd mayweather on may 2 to be interviewed at the show 's base at universal studios .manny pacquiao traded hill runs and graft in the wild card boxing gym for a touch of hollywood glamour as he appeared on friend mario lopez 's extra programme on wednesday .manny pacquiao ( left ) and mario lopez smile for the cameras during filming of extra in los angeles\n", - "manny pacquiao appeared on mario lopez 's extra show on wednesdaythat morning his hill runs and bag work were posted on instagramthe pair , who are friends , also sang a duet of lionel ritchie hellothe filipino champion takes on floyd mayweather jr on may 2\n", - "[1.5456481 1.2045177 1.1199454 1.2069277 1.1675327 1.0725753 1.0782231\n", - " 1.1010194 1.1634315 1.1380037 1.087937 1.07278 1.0352626 1.017908\n", - " 1.1296252 1.0176784 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 1 4 8 9 14 2 7 10 6 11 5 12 13 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "['( the hollywood reporter ) oscar-winning rapper-turned-actor common has closed a deal to join the cast of \" suicide squad , \" warner bros. \\' all-star action movie featuring dc entertainment super-villains .there will also possibly be cameos of jesse eisenberg who plays lex luthor and ben affleck as batman in \" batman v superman : dawn of justice , \" who are rumored to appear as warners builds its own cinematic universe .david ayer is directing the feature , which already boasts actors jared leto as the joker , will smith as deadshot and margot robbie as harley quinn .']\n", - "=======================\n", - "['common joins \" suicide squad \" cast , which already includes will smith , jared letofilm is about supervillains who team up']\n", - "( the hollywood reporter ) oscar-winning rapper-turned-actor common has closed a deal to join the cast of \" suicide squad , \" warner bros. ' all-star action movie featuring dc entertainment super-villains .there will also possibly be cameos of jesse eisenberg who plays lex luthor and ben affleck as batman in \" batman v superman : dawn of justice , \" who are rumored to appear as warners builds its own cinematic universe .david ayer is directing the feature , which already boasts actors jared leto as the joker , will smith as deadshot and margot robbie as harley quinn .\n", - "common joins \" suicide squad \" cast , which already includes will smith , jared letofilm is about supervillains who team up\n", - "[1.2574284 1.3742275 1.2774403 1.306519 1.1664351 1.1112419 1.0765907\n", - " 1.136419 1.0144354 1.0274822 1.134381 1.1331729 1.0795 1.0879568\n", - " 1.0596156 1.0381429 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 7 10 11 5 13 12 6 14 15 9 8 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"residents of beckley club estates in dallas , texas , say that they saw a man approach a male peacock , who was in the middle of its mating ritual and had unfurled its full plumage , before quickly snatching him up on saturday .footage from the home of lisa solis shows the thief grab the animal by both its claws before shoving him in his black suv around 7pm .an unknown man 's theft of a texas neighborhood 's wild peacock was caught on camera by surveillance video as he roughly handled the beautiful bird .\"]\n", - "=======================\n", - "['residents of beckley club estates saw man steal bird on saturdaywild peacocks have lived in the dallas neighborhood for two decadesunidentified man seen on video stalking the bird for 20 minutes']\n", - "residents of beckley club estates in dallas , texas , say that they saw a man approach a male peacock , who was in the middle of its mating ritual and had unfurled its full plumage , before quickly snatching him up on saturday .footage from the home of lisa solis shows the thief grab the animal by both its claws before shoving him in his black suv around 7pm .an unknown man 's theft of a texas neighborhood 's wild peacock was caught on camera by surveillance video as he roughly handled the beautiful bird .\n", - "residents of beckley club estates saw man steal bird on saturdaywild peacocks have lived in the dallas neighborhood for two decadesunidentified man seen on video stalking the bird for 20 minutes\n", - "[1.1518573 1.5618994 1.2650023 1.074657 1.1229523 1.3141713 1.0968449\n", - " 1.1514665 1.0715228 1.096223 1.0519379 1.1198698 1.0664145 1.0817033\n", - " 1.1507037 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 5 2 0 7 14 4 11 6 9 13 3 8 12 10 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"shannon hayes , 12 , believes one of them has laid the smallest chicken egg in the world .after doing some research on the internet , she thinks its length of 1.8 cm -- smaller than a 5p coin -- shaves two millimetres off the previous title-holder .it would n't make much of a breakfast , but this tiny egg could give a schoolgirl and her pet hens a place in the guinness book of records .\"]\n", - "=======================\n", - "['shannon hayes spotted the tiny egg at her home in carmarthenshireshe rescued it fearing it was going to be crushed by the regular eggsthe 12-year-old measured the egg and discovered it was just 1.9 cm longit is believed the previous record holder was a 2.1 cm egg laid in somerset']\n", - "shannon hayes , 12 , believes one of them has laid the smallest chicken egg in the world .after doing some research on the internet , she thinks its length of 1.8 cm -- smaller than a 5p coin -- shaves two millimetres off the previous title-holder .it would n't make much of a breakfast , but this tiny egg could give a schoolgirl and her pet hens a place in the guinness book of records .\n", - "shannon hayes spotted the tiny egg at her home in carmarthenshireshe rescued it fearing it was going to be crushed by the regular eggsthe 12-year-old measured the egg and discovered it was just 1.9 cm longit is believed the previous record holder was a 2.1 cm egg laid in somerset\n", - "[1.2369326 1.4700869 1.2717719 1.1336851 1.1122077 1.187056 1.1340281\n", - " 1.0708321 1.1342561 1.0542997 1.0653033 1.0643802 1.0242729 1.0854812\n", - " 1.0181803 1.1049957 1.0127442 1.0213658 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 5 8 6 3 4 15 13 7 10 11 9 12 17 14 16 21 18 19 20 22]\n", - "=======================\n", - "['the tunnels were dug into sandstone cliffs along the river mersey in stockport in the 1930s , and were originally intended to provide car parking spaces .but following the outbreak of the second world war , the space was redeveloped as an air raid shelter where residents of lancashire and cheshire could hide from nazi bombs .tunnels : a total of 6,500 people could fit into the shelter , which was made up of a network of interconnecting passages']\n", - "=======================\n", - "['air raid shelter in stockport was dug out of caves along the river mersey and intended to be a car parkwith the advent of the second world war , the space became a shelter which could hide thousands of peoplethe air raid shelter was so popular the authorities had to issue season tickets in order to control numbers']\n", - "the tunnels were dug into sandstone cliffs along the river mersey in stockport in the 1930s , and were originally intended to provide car parking spaces .but following the outbreak of the second world war , the space was redeveloped as an air raid shelter where residents of lancashire and cheshire could hide from nazi bombs .tunnels : a total of 6,500 people could fit into the shelter , which was made up of a network of interconnecting passages\n", - "air raid shelter in stockport was dug out of caves along the river mersey and intended to be a car parkwith the advent of the second world war , the space became a shelter which could hide thousands of peoplethe air raid shelter was so popular the authorities had to issue season tickets in order to control numbers\n", - "[1.1632117 1.4593847 1.3569682 1.0373194 1.093516 1.0847147 1.0447655\n", - " 1.0521845 1.223922 1.1927346 1.0314194 1.0228467 1.026374 1.0950236\n", - " 1.0198313 1.0238442 1.041035 1.0165514 1.0305213 1.0322849 1.0907434\n", - " 1.0769646 1.0305836]\n", - "\n", - "[ 1 2 8 9 0 13 4 20 5 21 7 6 16 3 19 10 22 18 12 15 11 14 17]\n", - "=======================\n", - "[\"today 's nominee is petra wetzel , 40 , a divorcee who lives in glasgow with her son , noah , nine .she set up her own business , the west brewery , in 2006 ...the mail is asking you to nominate mothers who have created businesses from scratch , while also caring for their children , for our first ever mumpreneur of the year award , in association with natwest everywoman awards .\"]\n", - "=======================\n", - "[\"there are more and more mothers setting up thriving small businessesthe mail is asking readers to nominate successful mothers they knowthis week 's nominee is petra wetzel who set up the west brewery in 2006petra , 40 , lives in glasgow with her nine-year-old son , noah\"]\n", - "today 's nominee is petra wetzel , 40 , a divorcee who lives in glasgow with her son , noah , nine .she set up her own business , the west brewery , in 2006 ...the mail is asking you to nominate mothers who have created businesses from scratch , while also caring for their children , for our first ever mumpreneur of the year award , in association with natwest everywoman awards .\n", - "there are more and more mothers setting up thriving small businessesthe mail is asking readers to nominate successful mothers they knowthis week 's nominee is petra wetzel who set up the west brewery in 2006petra , 40 , lives in glasgow with her nine-year-old son , noah\n", - "[1.1500951 1.4457197 1.1438292 1.1184922 1.16436 1.1061765 1.0628096\n", - " 1.070473 1.0934656 1.0260087 1.0951571 1.0627341 1.0191764 1.0596974\n", - " 1.1021637 1.0393224 1.0289968 1.0449442 1.0329281 1.0212364 1.0237366]\n", - "\n", - "[ 1 4 0 2 3 5 14 10 8 7 6 11 13 17 15 18 16 9 20 19 12]\n", - "=======================\n", - "['every year , denver teacher kyle schwartz passes out post-it notes to her third grade students and asks them to complete the sentence , \" i wish my teacher knew ... \"there \\'s a student who misses her father : \" i have n\\'t seen him in six years . \"( cnn ) it \\'s the simplest possible assignment , but it always teaches a huge lesson .']\n", - "=======================\n", - "['denver teacher kyle schwartz asked students to share what they wish she knewtheir honest answers moved schwartz and sparked a discussion online']\n", - "every year , denver teacher kyle schwartz passes out post-it notes to her third grade students and asks them to complete the sentence , \" i wish my teacher knew ... \"there 's a student who misses her father : \" i have n't seen him in six years . \"( cnn ) it 's the simplest possible assignment , but it always teaches a huge lesson .\n", - "denver teacher kyle schwartz asked students to share what they wish she knewtheir honest answers moved schwartz and sparked a discussion online\n", - "[1.3871567 1.4684583 1.1422468 1.3485829 1.2406518 1.1386368 1.124432\n", - " 1.0615159 1.0516264 1.0823106 1.0666414 1.0574291 1.0607325 1.0379983\n", - " 1.0215296 1.0757368 1.0171133 1.1647071 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 4 17 2 5 6 9 15 10 7 12 11 8 13 14 16 18 19 20]\n", - "=======================\n", - "['authorities said the northern california boy fell asleep in the backseat of the car and was kidnapped when the vehicle was stolensleepy kid : brock guzman , 8 , was last seen inside his parents silver 2001 toyota corolla .brock guzman was found safe and well about two miles away from his northern californian home in the abandoned car following a frantic search for him .']\n", - "=======================\n", - "[\"brock guzman , was found safe two miles from his californian homepolice said a thief likely stole the car after the boy 's father left it runningthe car was found less than four hours later , after a resident spotted itpolice have not yet released a description of the suspect who stole the carbrock was unharmed and appeared to have slept through the entire ordeal\"]\n", - "authorities said the northern california boy fell asleep in the backseat of the car and was kidnapped when the vehicle was stolensleepy kid : brock guzman , 8 , was last seen inside his parents silver 2001 toyota corolla .brock guzman was found safe and well about two miles away from his northern californian home in the abandoned car following a frantic search for him .\n", - "brock guzman , was found safe two miles from his californian homepolice said a thief likely stole the car after the boy 's father left it runningthe car was found less than four hours later , after a resident spotted itpolice have not yet released a description of the suspect who stole the carbrock was unharmed and appeared to have slept through the entire ordeal\n", - "[1.3570848 1.4102536 1.2214993 1.126247 1.3644278 1.0319446 1.084246\n", - " 1.03085 1.1050459 1.0166416 1.1264518 1.1859902 1.0746434 1.0566112\n", - " 1.0496893 1.0820513 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 2 11 10 3 8 6 15 12 13 14 5 7 9 19 16 17 18 20]\n", - "=======================\n", - "['the new south wales ombudsman is investigating how bill spedding , 63 , who has been charged with five counts of child sexual assault and two counts of common assault , was able to live with children despite claims being made against him .bill spedding was arrested and charged on wednesday for the sexual assault of two girls in sydney in 1987the man named as a person of interest in the disappearance of william tyrrell was living with three young boys at the time the toddler vanished - despite authorities being aware of allegations he raped two young girls in 1987 .']\n", - "=======================\n", - "[\"bill spedding , the person of interest in the william tyrrell case , has been charged with five counts of child sex abusehe was living with three boys at the time william vanished - despite authorities being aware of the claims against himthe nsw ombudsman confirmed they are ` making inquiries ' into how the boys came to be living with spedding` someone needs to be held accountable , ' the boys ' mother saidvictoria police are investigating his alleged involvement in a paedophile ring and expect to lay more chargesspedding has denied any involvement in william 's disappearancehe was refused bail on thursday after a brief court appearance\"]\n", - "the new south wales ombudsman is investigating how bill spedding , 63 , who has been charged with five counts of child sexual assault and two counts of common assault , was able to live with children despite claims being made against him .bill spedding was arrested and charged on wednesday for the sexual assault of two girls in sydney in 1987the man named as a person of interest in the disappearance of william tyrrell was living with three young boys at the time the toddler vanished - despite authorities being aware of allegations he raped two young girls in 1987 .\n", - "bill spedding , the person of interest in the william tyrrell case , has been charged with five counts of child sex abusehe was living with three boys at the time william vanished - despite authorities being aware of the claims against himthe nsw ombudsman confirmed they are ` making inquiries ' into how the boys came to be living with spedding` someone needs to be held accountable , ' the boys ' mother saidvictoria police are investigating his alleged involvement in a paedophile ring and expect to lay more chargesspedding has denied any involvement in william 's disappearancehe was refused bail on thursday after a brief court appearance\n", - "[1.2184289 1.3704839 1.3710259 1.2751288 1.0712135 1.1974162 1.1056261\n", - " 1.172601 1.1398864 1.111459 1.0730611 1.1490597 1.0252806 1.0169408\n", - " 1.0580629 1.0301781 1.0254838 1.023037 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 0 5 7 11 8 9 6 10 4 14 15 16 12 17 13 18 19 20]\n", - "=======================\n", - "[\"the number of muslims will increase at more than double the rate of the world 's population , which is expected to rise by 35 per cent in the next four decades .there will be more muslims than christians in the world in less than sixty years , the pew research center has claimed .less than 50 per cent of the population will be christian in the united kingdom , australia , benin , bosnia-herzegovina , france , the netherlands , new zealand and the republic of macedonia .\"]\n", - "=======================\n", - "[\"muslims will increase at more than double the rate of world 's populationlargest proportion of muslims likely to be in india , data showedresearch was completed by the pew research center in america\"]\n", - "the number of muslims will increase at more than double the rate of the world 's population , which is expected to rise by 35 per cent in the next four decades .there will be more muslims than christians in the world in less than sixty years , the pew research center has claimed .less than 50 per cent of the population will be christian in the united kingdom , australia , benin , bosnia-herzegovina , france , the netherlands , new zealand and the republic of macedonia .\n", - "muslims will increase at more than double the rate of world 's populationlargest proportion of muslims likely to be in india , data showedresearch was completed by the pew research center in america\n", - "[1.3418444 1.3769459 1.233901 1.3172369 1.3185109 1.0774457 1.0127314\n", - " 1.0231773 1.138501 1.0660574 1.1064645 1.1330599 1.0372785 1.1328393\n", - " 1.0824703 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 3 2 8 11 13 10 14 5 9 12 7 6 19 15 16 17 18 20]\n", - "=======================\n", - "[\"at the finish line of the six-day 256km race through the moroccan desert , the 71-year-old , who has previously suffered two heart attacks and underwent a double heart bypass in 2003 , said the event is ` not set for old geriatrics like me ' .explorer sir ranulph fiennes has become the oldest briton to complete the punishing marathon des sables with just 13 minutes to spare .there were fears sir ranulph would not be able to finish the event after the 91km fourth stage , when he ran for more than 30 hours in temperatures topping 50c having had just one hour of sleep .\"]\n", - "=======================\n", - "[\"sir ranulph fiennes is the oldest briton to complete marathon des sablesveteran explorer , 71 , said the 256km race is n't set for old geriatrics like me 'he has raised almost # 1million for marie curie by completing six-day event\"]\n", - "at the finish line of the six-day 256km race through the moroccan desert , the 71-year-old , who has previously suffered two heart attacks and underwent a double heart bypass in 2003 , said the event is ` not set for old geriatrics like me ' .explorer sir ranulph fiennes has become the oldest briton to complete the punishing marathon des sables with just 13 minutes to spare .there were fears sir ranulph would not be able to finish the event after the 91km fourth stage , when he ran for more than 30 hours in temperatures topping 50c having had just one hour of sleep .\n", - "sir ranulph fiennes is the oldest briton to complete marathon des sablesveteran explorer , 71 , said the 256km race is n't set for old geriatrics like me 'he has raised almost # 1million for marie curie by completing six-day event\n", - "[1.1710676 1.506465 1.2888168 1.123318 1.2617494 1.2155194 1.1764736\n", - " 1.1160028 1.0375359 1.0919791 1.073351 1.0462234 1.0331745 1.0523021\n", - " 1.2426398 1.0193552 1.0099807 1.0108469 1.0731101]\n", - "\n", - "[ 1 2 4 14 5 6 0 3 7 9 10 18 13 11 8 12 15 17 16]\n", - "=======================\n", - "['the former wimbledon champion is marrying his long-term girlfriend kim sears in his hometown of dunblane on saturday and visited the cathedral to run through the service with friends , family and his fiancee .the pair have been together for 10 years after meeting at the 2005 us open .andy murray looked understandably nervous as he arrived for his wedding rehearsal']\n", - "=======================\n", - "['andy murray is getting married to kim sears in dunblane on saturdaybritish no 1 looked a little apprehensive at the wedding rehearsalformer wimbledon champion is set to jet off after the wedding to take a look at prospective new assistant coach jonas bjorkman']\n", - "the former wimbledon champion is marrying his long-term girlfriend kim sears in his hometown of dunblane on saturday and visited the cathedral to run through the service with friends , family and his fiancee .the pair have been together for 10 years after meeting at the 2005 us open .andy murray looked understandably nervous as he arrived for his wedding rehearsal\n", - "andy murray is getting married to kim sears in dunblane on saturdaybritish no 1 looked a little apprehensive at the wedding rehearsalformer wimbledon champion is set to jet off after the wedding to take a look at prospective new assistant coach jonas bjorkman\n", - "[1.3251586 1.4515381 1.4074489 1.2118754 1.0648003 1.0655346 1.0526686\n", - " 1.0491079 1.0350626 1.027109 1.0220801 1.0707247 1.1857641 1.0188346\n", - " 1.0493968 1.0346086 1.058315 0. 0. ]\n", - "\n", - "[ 1 2 0 3 12 11 5 4 16 6 14 7 8 15 9 10 13 17 18]\n", - "=======================\n", - "['those taking the elevator to the observation deck will watch an incredible time lapse video of the growth of lower manhattan from the 1500s to the present day as they ascend to the top .the video , shared by the new york times on monday , will play during the 47 seconds it will take visitors to reach the 102nd floor observatory .visitors will be able to travel through time when one world trade center opens next month .']\n", - "=======================\n", - "['elevators at the world trade center will show visitors the growth of lower manhattan as they travel to the observatory when it opens next monthit will take visitors just 47 seconds to reach the 102nd floor observatory']\n", - "those taking the elevator to the observation deck will watch an incredible time lapse video of the growth of lower manhattan from the 1500s to the present day as they ascend to the top .the video , shared by the new york times on monday , will play during the 47 seconds it will take visitors to reach the 102nd floor observatory .visitors will be able to travel through time when one world trade center opens next month .\n", - "elevators at the world trade center will show visitors the growth of lower manhattan as they travel to the observatory when it opens next monthit will take visitors just 47 seconds to reach the 102nd floor observatory\n", - "[1.404068 1.0599107 1.1022209 1.3000621 1.2128885 1.205167 1.1187793\n", - " 1.0906346 1.0744356 1.0283685 1.1114386 1.036778 1.0580459 1.0311062\n", - " 1.1068419 1.0436597 1.0784831 1.0209911 1.0264826]\n", - "\n", - "[ 0 3 4 5 6 10 14 2 7 16 8 1 12 15 11 13 9 18 17]\n", - "=======================\n", - "['james staring , a london-based personal trainer , says there are four simple ways to banish belly fatfrom writing a food diary to doing short burst of tough exercise , he reveals the best ways to burn away belly fat ...avoid white bread and pasta and only eat carbohydrates after exercise']\n", - "=======================\n", - "[\"personal trainer james staring advises how to achieve a flat stomachsays eating carbohydrates after exercise will stop them being stored as fatexercises that use more muscle groups will help speed up the metabolismwriting down how a you feel after food stops you eating mindlesslywhat is my energy level like ?how full do i feel ?i have a high energy level/i feel satisfied and not hungryi have a moderate energy level/i feel just a bit peckishi have no energy/i could easily gnaw off my own arm i 'm so hungry\"]\n", - "james staring , a london-based personal trainer , says there are four simple ways to banish belly fatfrom writing a food diary to doing short burst of tough exercise , he reveals the best ways to burn away belly fat ...avoid white bread and pasta and only eat carbohydrates after exercise\n", - "personal trainer james staring advises how to achieve a flat stomachsays eating carbohydrates after exercise will stop them being stored as fatexercises that use more muscle groups will help speed up the metabolismwriting down how a you feel after food stops you eating mindlesslywhat is my energy level like ?how full do i feel ?i have a high energy level/i feel satisfied and not hungryi have a moderate energy level/i feel just a bit peckishi have no energy/i could easily gnaw off my own arm i 'm so hungry\n", - "[1.237268 1.4297225 1.2517931 1.3398695 1.2781153 1.218005 1.0801889\n", - " 1.1029681 1.0568205 1.1555991 1.0158058 1.0660537 1.0135207 1.0131251\n", - " 1.0112913 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 5 9 7 6 11 8 10 12 13 14 17 15 16 18]\n", - "=======================\n", - "[\"officials with the lamar consolidated independent school district say the eight-page handout , which included references to terrorism and beheadings , was n't approved by administrators .the handout , entitled islam/radical islam ( did you know ) , made unsubstantiated claims like : '38 percent of muslims believe people that leave the faith should be executed 'an unnamed teacher at foster high school in richmond , texas , is facing disciplinary proceedings for allegedly giving his students anti-muslim propaganda during class\"]\n", - "=======================\n", - "[\"unnamed teacher at foster high school in richmond , texas , allegedly gave his students anti-muslim propaganda during classthe eight-page handout , entitled islam/radical islam ( did you know ) , included references to terrorism and beheadingsthe lamar consolidated independent school district has admitted that it was n't approved by administratorsa muslim student showed the document to her parents who contacted the council of american islamic relations and they complained to the school\"]\n", - "officials with the lamar consolidated independent school district say the eight-page handout , which included references to terrorism and beheadings , was n't approved by administrators .the handout , entitled islam/radical islam ( did you know ) , made unsubstantiated claims like : '38 percent of muslims believe people that leave the faith should be executed 'an unnamed teacher at foster high school in richmond , texas , is facing disciplinary proceedings for allegedly giving his students anti-muslim propaganda during class\n", - "unnamed teacher at foster high school in richmond , texas , allegedly gave his students anti-muslim propaganda during classthe eight-page handout , entitled islam/radical islam ( did you know ) , included references to terrorism and beheadingsthe lamar consolidated independent school district has admitted that it was n't approved by administratorsa muslim student showed the document to her parents who contacted the council of american islamic relations and they complained to the school\n", - "[1.1902055 1.450656 1.2982275 1.1791847 1.2311964 1.1993988 1.1897858\n", - " 1.0718117 1.0345453 1.0901631 1.0384463 1.031816 1.0443459 1.0309722\n", - " 1.2109578 1.198888 1.1513077 1.0187631 0. ]\n", - "\n", - "[ 1 2 4 14 5 15 0 6 3 16 9 7 12 10 8 11 13 17 18]\n", - "=======================\n", - "[\"the self-made multi-millionaire bought the glasgow property off-plan in the city 's upmarket park circus area after splitting from husband michael in december 2011 .she paid # 780,700 for the duplex and had extensive works done before moving into it in 2013 .for sale : michelle and michael mone , left together in 2011 , put their mansion on the market after their 2011 split .\"]\n", - "=======================\n", - "[\"michelle mone bought glasgow duplex after split with ex-husband michaeltycoon had extensive work done and the home is now worth # 1millionshe is selling and will move back into mansion she shared with michaelcouple put the five-bedroom ` dream home ' on market following 2011 split\"]\n", - "the self-made multi-millionaire bought the glasgow property off-plan in the city 's upmarket park circus area after splitting from husband michael in december 2011 .she paid # 780,700 for the duplex and had extensive works done before moving into it in 2013 .for sale : michelle and michael mone , left together in 2011 , put their mansion on the market after their 2011 split .\n", - "michelle mone bought glasgow duplex after split with ex-husband michaeltycoon had extensive work done and the home is now worth # 1millionshe is selling and will move back into mansion she shared with michaelcouple put the five-bedroom ` dream home ' on market following 2011 split\n", - "[1.2304775 1.2935212 1.1139026 1.1094795 1.0983471 1.12726 1.2287803\n", - " 1.1471908 1.0334767 1.1003247 1.0422693 1.1240458 1.035865 1.09249\n", - " 1.0239061 1.0431367 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 6 7 5 11 2 3 9 4 13 15 10 12 8 14 20 16 17 18 19 21]\n", - "=======================\n", - "[\"revellers at the arts and music extravaganza in the californian desert are known for their ` out there ' outfit choices but this year festival-goers wore ever more outlandish looks .it 's the festival that fashion forgot - and this weekend celebrities were leading the bad-taste brigade at coachella .jaden smith , 16 , wore a floral-print tunic that seemed to resemble a tiered dress\"]\n", - "=======================\n", - "['various fashion faux pas committed at the arts and music festivaljaden smith wore a tunic dress , paris hilton donned cat-ear headbandrevellers wore neon swimsuits , a peter pan costume and garish leggings']\n", - "revellers at the arts and music extravaganza in the californian desert are known for their ` out there ' outfit choices but this year festival-goers wore ever more outlandish looks .it 's the festival that fashion forgot - and this weekend celebrities were leading the bad-taste brigade at coachella .jaden smith , 16 , wore a floral-print tunic that seemed to resemble a tiered dress\n", - "various fashion faux pas committed at the arts and music festivaljaden smith wore a tunic dress , paris hilton donned cat-ear headbandrevellers wore neon swimsuits , a peter pan costume and garish leggings\n", - "[1.3176912 1.1431386 1.1912717 1.1405594 1.2037098 1.1708727 1.1566615\n", - " 1.0796765 1.0424697 1.0679619 1.0695087 1.032592 1.0318385 1.063264\n", - " 1.1100595 1.0627749 1.0442663 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 4 2 5 6 1 3 14 7 10 9 13 15 16 8 11 12 20 17 18 19 21]\n", - "=======================\n", - "['tehran , iran ( cnn ) the basij is a militia made up of fighters loyal to iran \\'s religious leaders ; their mission is to protect the country \\'s islamic order .the commander says that , so far , the basij has not been caught up in the fight against the feared islamic extremists currently waging war in parts of iraq and syria .\" we all are prepared to go and destroy isis totally , \" one basij commander told cnn .']\n", - "=======================\n", - "[\"iran 's elite quds force is training , advising and supporting iraqi shia militias in their fight against isis .iranian officials say they would like better cooperation with the u.s. , but say trust between the nations is lacking\"]\n", - "tehran , iran ( cnn ) the basij is a militia made up of fighters loyal to iran 's religious leaders ; their mission is to protect the country 's islamic order .the commander says that , so far , the basij has not been caught up in the fight against the feared islamic extremists currently waging war in parts of iraq and syria .\" we all are prepared to go and destroy isis totally , \" one basij commander told cnn .\n", - "iran 's elite quds force is training , advising and supporting iraqi shia militias in their fight against isis .iranian officials say they would like better cooperation with the u.s. , but say trust between the nations is lacking\n", - "[1.4869869 1.3068526 1.3297849 1.160139 1.4003059 1.3426242 1.024591\n", - " 1.0175959 1.0232149 1.1665692 1.1092883 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 4 5 2 1 9 3 10 6 8 7 20 11 12 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"crystal palace manager alan pardew insists manchester city can come from behind again to snatch the barclays premier league title from chelsea .chelsea are currently six points clear at the top of the table with a game in hand but pardew , whose palace side host city on monday , believes the race is far from over .city overtook liverpool with one match to go before being crowned champions last season and in 2012 , sergio aguero 's injury-time strike in the final game sank manchester united on goal difference .\"]\n", - "=======================\n", - "[\"crystal palace host manchester city on monday night footballeagles boss alan pardew refuses to write off city 's title chancespalace have no new injury concerns ahead of the selhurst park clash\"]\n", - "crystal palace manager alan pardew insists manchester city can come from behind again to snatch the barclays premier league title from chelsea .chelsea are currently six points clear at the top of the table with a game in hand but pardew , whose palace side host city on monday , believes the race is far from over .city overtook liverpool with one match to go before being crowned champions last season and in 2012 , sergio aguero 's injury-time strike in the final game sank manchester united on goal difference .\n", - "crystal palace host manchester city on monday night footballeagles boss alan pardew refuses to write off city 's title chancespalace have no new injury concerns ahead of the selhurst park clash\n", - "[1.4512054 1.4476706 1.2451805 1.1218623 1.1968682 1.1557151 1.2067802\n", - " 1.1433433 1.0384154 1.0175242 1.027817 1.0243871 1.0297705 1.0114685\n", - " 1.0142107 1.0168957 1.0279456 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 6 4 5 7 3 8 12 16 10 11 9 15 14 13 20 17 18 19 21]\n", - "=======================\n", - "[\"jockey aidan coleman is hoping he has received the call up for the ride that will finally help him banish his crabbie 's grand national blues at aintree on saturday .the 26-year-old rides well-backed the druids nephew , stepping in for broken leg victim barry geraghty on the neil mulholland-trained gelding which won on the opening day of last month 's cheltenham festival .the eight-year-old is a 12-1 shot for the # 1million steeplechase but coleman knows more than most how fickle fortune can be in the biggest steeplechase in the world .\"]\n", - "=======================\n", - "[\"jockey aidan coleman wants to right past wrongs at the grand nationalcoleman prepares to ride the well-backed the druids nephewthe eight-year-old is a 12-1 shot for the # 1million steeplechase this yearcoleman rode the seventh fence faller stan six years agoclick here for sportsmail 's 2015 grand national sweepstake kit\"]\n", - "jockey aidan coleman is hoping he has received the call up for the ride that will finally help him banish his crabbie 's grand national blues at aintree on saturday .the 26-year-old rides well-backed the druids nephew , stepping in for broken leg victim barry geraghty on the neil mulholland-trained gelding which won on the opening day of last month 's cheltenham festival .the eight-year-old is a 12-1 shot for the # 1million steeplechase but coleman knows more than most how fickle fortune can be in the biggest steeplechase in the world .\n", - "jockey aidan coleman wants to right past wrongs at the grand nationalcoleman prepares to ride the well-backed the druids nephewthe eight-year-old is a 12-1 shot for the # 1million steeplechase this yearcoleman rode the seventh fence faller stan six years agoclick here for sportsmail 's 2015 grand national sweepstake kit\n", - "[1.1575276 1.0580747 1.081565 1.2060353 1.1459955 1.1843786 1.1643809\n", - " 1.138711 1.064461 1.0306745 1.0846874 1.0811942 1.0500354 1.0207378\n", - " 1.025865 1.1031748 1.0629226 1.0885692 1.0259326 1.0232885 1.0403075\n", - " 1.0861789]\n", - "\n", - "[ 3 5 6 0 4 7 15 17 21 10 2 11 8 16 1 12 20 9 18 14 19 13]\n", - "=======================\n", - "[\"amanda curtis , ceo of a fashion company , snapped the lucky shot .families will have to find a new way to cheer up mourners , because the strippers are the latest focus of the country 's crackdown on vice .rdj grew increasingly agitated as a channel 4 interviewer from the uk asked about his private life on tuesday .\"]\n", - "=======================\n", - "['what do funeral strippers , a quadruple rainbow and kylie jenner have in common ?']\n", - "amanda curtis , ceo of a fashion company , snapped the lucky shot .families will have to find a new way to cheer up mourners , because the strippers are the latest focus of the country 's crackdown on vice .rdj grew increasingly agitated as a channel 4 interviewer from the uk asked about his private life on tuesday .\n", - "what do funeral strippers , a quadruple rainbow and kylie jenner have in common ?\n", - "[1.2006081 1.486254 1.2508264 1.3532789 1.2332509 1.1307383 1.1197821\n", - " 1.1081035 1.0545154 1.0505291 1.1375653 1.0494359 1.0475045 1.0196171\n", - " 1.0463536 1.0436682 0. ]\n", - "\n", - "[ 1 3 2 4 0 10 5 6 7 8 9 11 12 14 15 13 16]\n", - "=======================\n", - "[\"john lord , 86 , went missing from his home on april 6 less than a week after his beloved wife june , 81 , died from a ` catastrophic bleed ' to the brain .his family feared the worst after discovering a note describing how much he missed his wife of 63 years and how he could not live without her .a heartbroken pensioner is believed to have killed himself six days after his wife 's death by jumping from a bridge at their ` special place ' where they used to take romantic walks together .\"]\n", - "=======================\n", - "[\"john lord , 86 , was found dead close to where he and wife june , 81 , walkedhis family said he had left a note before he disappeared on april 6wife of 63 years died from ` catastrophic bleed ' to the brain six days earlierpolice found mr lord 's body in river trent near couple 's favourite beauty spot\"]\n", - "john lord , 86 , went missing from his home on april 6 less than a week after his beloved wife june , 81 , died from a ` catastrophic bleed ' to the brain .his family feared the worst after discovering a note describing how much he missed his wife of 63 years and how he could not live without her .a heartbroken pensioner is believed to have killed himself six days after his wife 's death by jumping from a bridge at their ` special place ' where they used to take romantic walks together .\n", - "john lord , 86 , was found dead close to where he and wife june , 81 , walkedhis family said he had left a note before he disappeared on april 6wife of 63 years died from ` catastrophic bleed ' to the brain six days earlierpolice found mr lord 's body in river trent near couple 's favourite beauty spot\n", - "[1.4143825 1.4792119 1.1992399 1.4151285 1.3790956 1.3663464 1.1577135\n", - " 1.0281439 1.0320556 1.0262516 1.0156333 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 5 2 6 8 7 9 10 15 11 12 13 14 16]\n", - "=======================\n", - "[\"gerrard was suspended for the quarter-final replay following his red card for a stamp on manchester united 's ander herrera at anfield on march 22 .steven gerrard 's dream of featuring in the fa cup final at wembley on his 35th birthday remains a realityyet philippe coutinho came to the rescue for liverpool by scoring the game 's only goal at ewood park to book their place in the semi-final with aston villa .\"]\n", - "=======================\n", - "[\"liverpool beat blackburn rovers 1-0 at ewood park in the fa cupsteven gerrard turns 35 on the day of the fa cup final at wembleyblackburn 's gary bowyer feels it would be fitting for gerrard to lift fa cupread : liverpool need philippe coutinho to shine to get into the top fourclick here for the latest liverpool news after wednesday 's fa cup win\"]\n", - "gerrard was suspended for the quarter-final replay following his red card for a stamp on manchester united 's ander herrera at anfield on march 22 .steven gerrard 's dream of featuring in the fa cup final at wembley on his 35th birthday remains a realityyet philippe coutinho came to the rescue for liverpool by scoring the game 's only goal at ewood park to book their place in the semi-final with aston villa .\n", - "liverpool beat blackburn rovers 1-0 at ewood park in the fa cupsteven gerrard turns 35 on the day of the fa cup final at wembleyblackburn 's gary bowyer feels it would be fitting for gerrard to lift fa cupread : liverpool need philippe coutinho to shine to get into the top fourclick here for the latest liverpool news after wednesday 's fa cup win\n", - "[1.4155483 1.2999836 1.2862728 1.1722409 1.2217369 1.0913955 1.1875212\n", - " 1.20815 1.2733238 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 8 4 7 6 3 5 15 9 10 11 12 13 14 16]\n", - "=======================\n", - "['stoke city are challenging west ham for sampdoria midfielder pedro obiang .chief executive tony scholes was understood to be in the stands as sampdoria played out a 1-1 draw with verona on wednesday night .the 23-year-old spaniard , who started out at atletico madrid , is available for around # 6million .']\n", - "=======================\n", - "[\"chief executive tony scholes apparently watched sampdoria this weekstoke city are said to be monitoring sampdoria 's pedro obiangwest ham are also interested in the midfielder , available for about # 6m\"]\n", - "stoke city are challenging west ham for sampdoria midfielder pedro obiang .chief executive tony scholes was understood to be in the stands as sampdoria played out a 1-1 draw with verona on wednesday night .the 23-year-old spaniard , who started out at atletico madrid , is available for around # 6million .\n", - "chief executive tony scholes apparently watched sampdoria this weekstoke city are said to be monitoring sampdoria 's pedro obiangwest ham are also interested in the midfielder , available for about # 6m\n", - "[1.1850294 1.3594239 1.3492396 1.2738192 1.2264758 1.1140639 1.1741194\n", - " 1.053843 1.0152574 1.0465077 1.0458356 1.0269626 1.211616 1.0814441\n", - " 1.0586243 1.0517523 1.0197983]\n", - "\n", - "[ 1 2 3 4 12 0 6 5 13 14 7 15 9 10 11 16 8]\n", - "=======================\n", - "[\"analysts from the institute for fiscal studies said none of the major parties had given ` anything like full details ' on how they will tackle the nations ' debts after the election .the tories were accused of giving ` no detail ' about their deficit reduction plan , which relies on # 30billion of cuts , while labour has left the door open to borrowing an extra # 26billion-a-year .the ifs warned that the promise of tackling the deficit in the next parliament is based on ` almost entirely unspecified spending cuts and tax increases ' .\"]\n", - "=======================\n", - "[\"institute for fiscal studies says no party has given ` anything like full detail 'labour has left the door open to borrowing an extra # 26billion-a-yeartories were accused of giving ` no detail ' about # 30billion of spending cutsboost for osborne as he beats borrowing target by # 3billion in last year\"]\n", - "analysts from the institute for fiscal studies said none of the major parties had given ` anything like full details ' on how they will tackle the nations ' debts after the election .the tories were accused of giving ` no detail ' about their deficit reduction plan , which relies on # 30billion of cuts , while labour has left the door open to borrowing an extra # 26billion-a-year .the ifs warned that the promise of tackling the deficit in the next parliament is based on ` almost entirely unspecified spending cuts and tax increases ' .\n", - "institute for fiscal studies says no party has given ` anything like full detail 'labour has left the door open to borrowing an extra # 26billion-a-yeartories were accused of giving ` no detail ' about # 30billion of spending cutsboost for osborne as he beats borrowing target by # 3billion in last year\n", - "[1.415842 1.3752129 1.347013 1.3633054 1.2394266 1.0607349 1.016086\n", - " 1.0658808 1.0454977 1.1641687 1.0205886 1.0380156 1.0464942 1.0677356\n", - " 1.0397056 1.0322678 1.0160569]\n", - "\n", - "[ 0 1 3 2 4 9 13 7 5 12 8 14 11 15 10 6 16]\n", - "=======================\n", - "['jordan spieth admitted he would probably sleep in the green jacket after claiming his first major title in record-breaking fashion in the 79th masters .spieth became the first player ever to reach 19 under par at augusta and only a bogey on the 18th prevented him from adding the 72-hole scoring record to the 36 and 54-hole records he set on friday and saturday .the 21-year-old also became the second youngest champion behind tiger woods - whose 18-under total he equalled - after a closing 70 left him four shots ahead of justin rose and phil mickelson .']\n", - "=======================\n", - "['jordan spieth won the 2015 masters by four shots on sundaythe 21-year-old american led all week at the augusta national golf clubhe shot final-round 70 to finish on 18 under par and take the green jacket']\n", - "jordan spieth admitted he would probably sleep in the green jacket after claiming his first major title in record-breaking fashion in the 79th masters .spieth became the first player ever to reach 19 under par at augusta and only a bogey on the 18th prevented him from adding the 72-hole scoring record to the 36 and 54-hole records he set on friday and saturday .the 21-year-old also became the second youngest champion behind tiger woods - whose 18-under total he equalled - after a closing 70 left him four shots ahead of justin rose and phil mickelson .\n", - "jordan spieth won the 2015 masters by four shots on sundaythe 21-year-old american led all week at the augusta national golf clubhe shot final-round 70 to finish on 18 under par and take the green jacket\n", - "[1.1997627 1.3191936 1.2030292 1.1395116 1.1019069 1.1397543 1.1387079\n", - " 1.1787722 1.1415801 1.0606749 1.028182 1.0724505 1.0513115 1.1580565\n", - " 1.0509179 1.0159289 1.0305723 1.0531393 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 7 13 8 5 3 6 4 11 9 17 12 14 16 10 15 20 18 19 21]\n", - "=======================\n", - "[\"the royal arrived in florence yesterday for a fashion conference and has spent much of the past 24 hours partying with fashion 's biggest names .today , a businesslike beatrice was all ears as she listened to the speakers at the condé nast international luxury conference .she spent last weekend hobnobbing with middle eastern royals in bahrain , but that clearly is n't enough for jetsetting princess beatrice .\"]\n", - "=======================\n", - "[\"princess beatrice is at the condé nast international luxury conferenceshe watched a lecture by vogue 's suzy menkes and karl lagerfeldfirst night spent partying at a palazzo with ralph lauren 's sonreturned to the lecture room for a second day in a row today\"]\n", - "the royal arrived in florence yesterday for a fashion conference and has spent much of the past 24 hours partying with fashion 's biggest names .today , a businesslike beatrice was all ears as she listened to the speakers at the condé nast international luxury conference .she spent last weekend hobnobbing with middle eastern royals in bahrain , but that clearly is n't enough for jetsetting princess beatrice .\n", - "princess beatrice is at the condé nast international luxury conferenceshe watched a lecture by vogue 's suzy menkes and karl lagerfeldfirst night spent partying at a palazzo with ralph lauren 's sonreturned to the lecture room for a second day in a row today\n", - "[1.4183505 1.4203523 1.2759515 1.1733966 1.1935171 1.1249316 1.1385559\n", - " 1.0618322 1.1275492 1.0948751 1.0672169 1.035636 1.1552879 1.0686021\n", - " 1.0274516 1.0166416 1.0113797 1.0109445 1.0196058 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 4 3 12 6 8 5 9 13 10 7 11 14 18 15 16 17 20 19 21]\n", - "=======================\n", - "['police say robert ( bob ) bates , 73 , thought he pulled out his taser during an arrest , but instead shot the suspect , who later died at a local hospital .( cnn ) a tulsa county reserve deputy is on administrative leave after \" inadvertently \" shooting a suspect with his gun .the shooting happened after an apparent drug and gun selling operation by the tulsa violent crimes task force thursday .']\n", - "=======================\n", - "['police say robert bates , 73 , thought he pulled out his taser during an arrestinstead , he shot the suspect , who later died at a local hospital']\n", - "police say robert ( bob ) bates , 73 , thought he pulled out his taser during an arrest , but instead shot the suspect , who later died at a local hospital .( cnn ) a tulsa county reserve deputy is on administrative leave after \" inadvertently \" shooting a suspect with his gun .the shooting happened after an apparent drug and gun selling operation by the tulsa violent crimes task force thursday .\n", - "police say robert bates , 73 , thought he pulled out his taser during an arrestinstead , he shot the suspect , who later died at a local hospital\n", - "[1.161329 1.1535411 1.1582897 1.1544471 1.2368493 1.2538242 1.0698916\n", - " 1.1184092 1.0388665 1.0499357 1.0899621 1.0618535 1.0274394 1.0333431\n", - " 1.0359617 1.0423496 1.1043584 1.018227 1.055692 1.0329778 1.0321355\n", - " 1.0166794]\n", - "\n", - "[ 5 4 0 2 3 1 7 16 10 6 11 18 9 15 8 14 13 19 20 12 17 21]\n", - "=======================\n", - "[\"in south carolina earlier this month , walter scott was the subject of a bench warrant for over $ 18,000 in unpaid child support , according to court records .and an arrest , we know , can have fatal results .( cnn ) it wo n't come as news to anyone in america today that the authority to make an arrest carries with it the potential to escalate to lethal force .\"]\n", - "=======================\n", - "['walter scott was killed by a south carolina police officer in aprildanny cevallos : failure to pay child support should be a civil matter , not a crime']\n", - "in south carolina earlier this month , walter scott was the subject of a bench warrant for over $ 18,000 in unpaid child support , according to court records .and an arrest , we know , can have fatal results .( cnn ) it wo n't come as news to anyone in america today that the authority to make an arrest carries with it the potential to escalate to lethal force .\n", - "walter scott was killed by a south carolina police officer in aprildanny cevallos : failure to pay child support should be a civil matter , not a crime\n", - "[1.3345759 1.3682957 1.3729157 1.2938833 1.1252141 1.1016384 1.064812\n", - " 1.0709991 1.0740898 1.077146 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 0 3 4 5 9 8 7 6 19 18 17 16 15 10 13 12 11 20 14 21]\n", - "=======================\n", - "['the book , which told of the life and loves of an angst-ridden teenager , was followed by seven sequels , selling in total more than eight million copies .the novelist , who died aged 68 in april last year , achieved huge success with the secret diary of adrian mole , aged 133⁄4 , when it was published in 1982 .sue townsend , author of the bestselling adrian mole books , left # 1,106,163 in her will .']\n", - "=======================\n", - "['novelist , who died last year , had huge success with adrian mole booksthe eight-book series sold more than eight million copies worldwideshe left the bulk of her estate to her second husband colin broadway']\n", - "the book , which told of the life and loves of an angst-ridden teenager , was followed by seven sequels , selling in total more than eight million copies .the novelist , who died aged 68 in april last year , achieved huge success with the secret diary of adrian mole , aged 133⁄4 , when it was published in 1982 .sue townsend , author of the bestselling adrian mole books , left # 1,106,163 in her will .\n", - "novelist , who died last year , had huge success with adrian mole booksthe eight-book series sold more than eight million copies worldwideshe left the bulk of her estate to her second husband colin broadway\n", - "[1.4858205 1.4305034 1.2916019 1.3549678 1.068424 1.142593 1.0454617\n", - " 1.068153 1.1094091 1.0294263 1.0149688 1.0293714 1.0442469 1.2079037\n", - " 1.0436822 1.0507302 1.0120695 1.0170485 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 2 13 5 8 4 7 15 6 12 14 9 11 17 10 16 20 18 19 21]\n", - "=======================\n", - "[\"thomas muller became the leading german scorer in the champions league on tuesday night and engaged in a raucous exchange with bayern munich supporters as pep guardiola 's side celebrated a famous win .it was the world cup winner 's 27th champions league goal , taking him past former bayern team-mate mario gomez and making him the highest-scoring german since the tournament took its current shape in 1992 .but five first-half goals by thiago alcantara , jerome boateng , robert lewandowski ( two ) and muller ensured bayern 's safe passage into the semi-final .\"]\n", - "=======================\n", - "[\"bayern munich beat porto 6-1 in the champions league on tuesdaypep guardiola 's side progressed 7-4 on aggregate to reach semi-finalsthomas muller scored 27th champions league goal to pass mario gomezmuller is now the leading german scorer in the competitionafter game muller led the celebrations with supporters using a megaphone\"]\n", - "thomas muller became the leading german scorer in the champions league on tuesday night and engaged in a raucous exchange with bayern munich supporters as pep guardiola 's side celebrated a famous win .it was the world cup winner 's 27th champions league goal , taking him past former bayern team-mate mario gomez and making him the highest-scoring german since the tournament took its current shape in 1992 .but five first-half goals by thiago alcantara , jerome boateng , robert lewandowski ( two ) and muller ensured bayern 's safe passage into the semi-final .\n", - "bayern munich beat porto 6-1 in the champions league on tuesdaypep guardiola 's side progressed 7-4 on aggregate to reach semi-finalsthomas muller scored 27th champions league goal to pass mario gomezmuller is now the leading german scorer in the competitionafter game muller led the celebrations with supporters using a megaphone\n", - "[1.3349136 1.1950085 1.2896984 1.2347645 1.2010318 1.1628578 1.0831509\n", - " 1.1731552 1.0410283 1.0490081 1.0228126 1.0589358 1.0534608 1.0720545\n", - " 1.0641627 1.0809995 1.0409061 1.0628253 1.1708251]\n", - "\n", - "[ 0 2 3 4 1 7 18 5 6 15 13 14 17 11 12 9 8 16 10]\n", - "=======================\n", - "['the home office was warned that lord janner was abusing young boys two decades ago but did nothing about itan mp passed a dossier of information to the department in the hope it would kick-start a fresh police investigation .but instead the paperwork was shelved by officials until it was discovered in 2013 and belatedly passed to leicestershire police .']\n", - "=======================\n", - "[\"mp handed dossier of information to the department to kick-start a probethe dossier was shelved by officials and only discovered by police in 2013revelation heightens fears he was beneficiary of establishment cover uplabour mp simon danczuk said the home office ought to ` come clean '\"]\n", - "the home office was warned that lord janner was abusing young boys two decades ago but did nothing about itan mp passed a dossier of information to the department in the hope it would kick-start a fresh police investigation .but instead the paperwork was shelved by officials until it was discovered in 2013 and belatedly passed to leicestershire police .\n", - "mp handed dossier of information to the department to kick-start a probethe dossier was shelved by officials and only discovered by police in 2013revelation heightens fears he was beneficiary of establishment cover uplabour mp simon danczuk said the home office ought to ` come clean '\n", - "[1.2492174 1.4520481 1.2651196 1.2192278 1.1710413 1.130109 1.1964421\n", - " 1.0586753 1.1161256 1.0764252 1.0553727 1.0421036 1.050203 1.0333986\n", - " 1.1615977 1.1182824 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 6 4 14 5 15 8 9 7 10 12 11 13 17 16 18]\n", - "=======================\n", - "['students at wellington college , in berkshire , spent the last year studying a different classic book for their imminent as-level exam .the mistake only came to light when mock papers arrived and no exam questions related to the taught text .an investigation has been launched at a # 33,000-a-year school after students were taught the wrong exam text .']\n", - "=======================\n", - "[\"teacher blunder revealed when mock exam arrived and text did n't featurestudents now having to cram to learn new text in a few weeksextra english lessons put on at wellington college in berkshireschool apologised and said investigation has been launched\"]\n", - "students at wellington college , in berkshire , spent the last year studying a different classic book for their imminent as-level exam .the mistake only came to light when mock papers arrived and no exam questions related to the taught text .an investigation has been launched at a # 33,000-a-year school after students were taught the wrong exam text .\n", - "teacher blunder revealed when mock exam arrived and text did n't featurestudents now having to cram to learn new text in a few weeksextra english lessons put on at wellington college in berkshireschool apologised and said investigation has been launched\n", - "[1.4631552 1.5045989 1.3427613 1.3860004 1.1406298 1.0641904 1.0341003\n", - " 1.0795987 1.0257794 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 7 5 6 8 16 15 14 13 9 11 10 17 12 18]\n", - "=======================\n", - "['the england captain has already talked to andrew strauss and lawrence dallaglio about the pressures of being in the spotlight in world cup year .chris robshaw is braced for further scrutiny after he was caught on camera holidaying in barbados with girlfriend camilla kerslake .chris robshaw and camilla kerslake shared this boating picture via instagram while on holiday in barbados']\n", - "=======================\n", - "['england rugby captain chris robshaw photographed on holiday in barbados with girlfriend camilla kerslakerobshaw admits he did not welcome or enjoy the experiencehe has spoken with former england captains about media scrutiny']\n", - "the england captain has already talked to andrew strauss and lawrence dallaglio about the pressures of being in the spotlight in world cup year .chris robshaw is braced for further scrutiny after he was caught on camera holidaying in barbados with girlfriend camilla kerslake .chris robshaw and camilla kerslake shared this boating picture via instagram while on holiday in barbados\n", - "england rugby captain chris robshaw photographed on holiday in barbados with girlfriend camilla kerslakerobshaw admits he did not welcome or enjoy the experiencehe has spoken with former england captains about media scrutiny\n", - "[1.1933326 1.1395094 1.5104495 1.19567 1.1264889 1.2824271 1.0430801\n", - " 1.0295969 1.1307263 1.0977368 1.0372444 1.10878 1.0361862 1.0895982\n", - " 1.0411229 0. 0. 0. 0. ]\n", - "\n", - "[ 2 5 3 0 1 8 4 11 9 13 6 14 10 12 7 17 15 16 18]\n", - "=======================\n", - "['experts in america found that more than 50 per cent of pensioners with investments during the 2007 and 2008 global financial crisis panicked and sold them after the stock market fell by 30 per cent .it comes just days before retirees in britain are given the power to decide how to spend their life savings for the first time ever in the biggest shake-up of pensions for almost a century .research carried out by scientists at texas tech university showed how those who did follow that path and sold at the lowest point eight years ago with a pension of # 100,000 would only have # 63,000 today .']\n", - "=======================\n", - "['half of pensioners in us with investments during 2007 financial crisis sold them at wrong time , research findsexperts analysed 1,204 retirees with investments between 2006 and 2008findings come days before uk retirees are given power to decide how to spend life savings']\n", - "experts in america found that more than 50 per cent of pensioners with investments during the 2007 and 2008 global financial crisis panicked and sold them after the stock market fell by 30 per cent .it comes just days before retirees in britain are given the power to decide how to spend their life savings for the first time ever in the biggest shake-up of pensions for almost a century .research carried out by scientists at texas tech university showed how those who did follow that path and sold at the lowest point eight years ago with a pension of # 100,000 would only have # 63,000 today .\n", - "half of pensioners in us with investments during 2007 financial crisis sold them at wrong time , research findsexperts analysed 1,204 retirees with investments between 2006 and 2008findings come days before uk retirees are given power to decide how to spend life savings\n", - "[1.1557854 1.4649106 1.1829228 1.2063012 1.2291596 1.2115601 1.1665689\n", - " 1.0901055 1.0505129 1.0240769 1.1584557 1.1757497 1.1556484 1.053811\n", - " 1.031203 1.0217383 1.0371127 1.0703354 0. ]\n", - "\n", - "[ 1 4 5 3 2 11 6 10 0 12 7 17 13 8 16 14 9 15 18]\n", - "=======================\n", - "[\"the karen was towed at 10 knots during yesterday 's incident 18 miles from ardglass on the south-east shore of northern ireland and the vessel was badly damaged .the damage is thought to have been caused by a russian submarineviolently dragged : captain paul murphy of the karen , a fishing trawler , holds up a snapped steel cable aboard his boat .\"]\n", - "=======================\n", - "[\"the karen was towed at 10 knots during yesterday 's alarming incidenttook place 18 miles from ardglass on southeast shore of northern irelandofficials believe nato drills may have attracted the interest of the russiansjust three days ago , raf typhoons were sent to intercept two russian aircraft near uk air space\"]\n", - "the karen was towed at 10 knots during yesterday 's incident 18 miles from ardglass on the south-east shore of northern ireland and the vessel was badly damaged .the damage is thought to have been caused by a russian submarineviolently dragged : captain paul murphy of the karen , a fishing trawler , holds up a snapped steel cable aboard his boat .\n", - "the karen was towed at 10 knots during yesterday 's alarming incidenttook place 18 miles from ardglass on southeast shore of northern irelandofficials believe nato drills may have attracted the interest of the russiansjust three days ago , raf typhoons were sent to intercept two russian aircraft near uk air space\n", - "[1.2200358 1.3513047 1.3550155 1.0618147 1.0411738 1.1574564 1.166841\n", - " 1.0959288 1.0948478 1.1165912 1.1216948 1.0389975 1.1276075 1.0266906\n", - " 1.0405246 1.1179186 1.1025181 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 6 5 12 10 15 9 16 7 8 3 4 14 11 13 18 17 19]\n", - "=======================\n", - "[\"cumnock resident christine weston says the rent-a-farmhouse initiative she set up in 2008 brought new life to her town of 280 people near orange the town 's population increased 30 per cent but those families are growing up and moving on .residents of rural towns like cumnock , errowanbang and molong in nsw and wicheproof in victoria hope the bargain rentals will entice families with young children who can help populate their schools , save the local bus run and keep businesses open .farmers in country australia are renting their empty properties for $ 1 a week in an attempt to attract young families from the big smoke to invigorate their communities .\"]\n", - "=======================\n", - "[\"farmers in struggling country towns are renting properties for $ 1 a weekresidents of rural communities are hoping to attract young familiesit 's hoped more young families will help keep local schools open20 townships across australia have adopted the rent-a-farmhouse model\"]\n", - "cumnock resident christine weston says the rent-a-farmhouse initiative she set up in 2008 brought new life to her town of 280 people near orange the town 's population increased 30 per cent but those families are growing up and moving on .residents of rural towns like cumnock , errowanbang and molong in nsw and wicheproof in victoria hope the bargain rentals will entice families with young children who can help populate their schools , save the local bus run and keep businesses open .farmers in country australia are renting their empty properties for $ 1 a week in an attempt to attract young families from the big smoke to invigorate their communities .\n", - "farmers in struggling country towns are renting properties for $ 1 a weekresidents of rural communities are hoping to attract young familiesit 's hoped more young families will help keep local schools open20 townships across australia have adopted the rent-a-farmhouse model\n", - "[1.2273009 1.514863 1.3863149 1.1657073 1.1192082 1.3520807 1.0289983\n", - " 1.0226368 1.0322852 1.0202295 1.0851766 1.1130142 1.1072361 1.0990863\n", - " 1.0492631 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 5 0 3 4 11 12 13 10 14 8 6 7 9 15 16 17 18 19]\n", - "=======================\n", - "[\"marli van breda , who used to live with her family in perth , western australia , was released from hospital last month after she was struck several times on the head and her throat was slashed during an attack in january .the attack took place in her family 's south african home on january 27 and marli is now suffering from retrograde amnesia .the 16-year-old girl who survived a deadly axe attack that claimed the lives of three of her family , has absolutely no recollection of the horrific incident .\"]\n", - "=======================\n", - "[\"marli van breda , 16 , suffered serious head injuries in january attackshe was moved to a rehabilitation clinic after six weeks in hospitalnow released , marli has no recollection of the horrendous ordealbut she can walk and talk - and her sense of humour is intactparents and eldest brother were killed in axe attack at south african homeher other brother , henri , escaped with light injuries and rang the policehenri has been kept away from sister over fears he may traumatise herthe 22-year-old apparently ` giggled ' as he reported his family 's murder\"]\n", - "marli van breda , who used to live with her family in perth , western australia , was released from hospital last month after she was struck several times on the head and her throat was slashed during an attack in january .the attack took place in her family 's south african home on january 27 and marli is now suffering from retrograde amnesia .the 16-year-old girl who survived a deadly axe attack that claimed the lives of three of her family , has absolutely no recollection of the horrific incident .\n", - "marli van breda , 16 , suffered serious head injuries in january attackshe was moved to a rehabilitation clinic after six weeks in hospitalnow released , marli has no recollection of the horrendous ordealbut she can walk and talk - and her sense of humour is intactparents and eldest brother were killed in axe attack at south african homeher other brother , henri , escaped with light injuries and rang the policehenri has been kept away from sister over fears he may traumatise herthe 22-year-old apparently ` giggled ' as he reported his family 's murder\n", - "[1.3046486 1.5076715 1.3046387 1.4050637 1.0589244 1.0285767 1.0343494\n", - " 1.0855526 1.0265844 1.0194721 1.0143677 1.163327 1.0968245 1.0724403\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 11 12 7 13 4 6 5 8 9 10 18 14 15 16 17 19]\n", - "=======================\n", - "[\"perak mufti tan sri harussani zakaria claims that , according to the prophet mohammed , a wife can only refuse her husband sex if she is menstruating , sick or just given birth .a muslim cleric has issued a fatwa ordering a woman to agree to sex with her husband even if they are on the back of a camel , as he denounces the idea of marital rape as ` made up by european people ' .her right to say no , he asserted , was lost the moment her father handed her to her new husband .\"]\n", - "=======================\n", - "[\"malaysian cleric claims marital rape is ` made up by european people 'comments came after the launch of country 's ` no excuses ' rape campaignbut another islamic scholar has now said men are also banned from refusing their wives - nor are they allowed to leave them ` unsatisfied '\"]\n", - "perak mufti tan sri harussani zakaria claims that , according to the prophet mohammed , a wife can only refuse her husband sex if she is menstruating , sick or just given birth .a muslim cleric has issued a fatwa ordering a woman to agree to sex with her husband even if they are on the back of a camel , as he denounces the idea of marital rape as ` made up by european people ' .her right to say no , he asserted , was lost the moment her father handed her to her new husband .\n", - "malaysian cleric claims marital rape is ` made up by european people 'comments came after the launch of country 's ` no excuses ' rape campaignbut another islamic scholar has now said men are also banned from refusing their wives - nor are they allowed to leave them ` unsatisfied '\n", - "[1.3220478 1.4006226 1.2443383 1.1730036 1.1829045 1.2216182 1.2056743\n", - " 1.1856889 1.1906598 1.0270181 1.0384275 1.2403826 1.0408967 1.0131408\n", - " 1.0285401 1.0116403 1.0098605 1.0096986 1.011174 1.0072081]\n", - "\n", - "[ 1 0 2 11 5 6 8 7 4 3 12 10 14 9 13 15 18 16 17 19]\n", - "=======================\n", - "['the official number was issued to hernandez as he started the rest of his life in jail , at cedar junction state prison in massachusetts .nfl murderer aaron hernandez is no longer no 81 - he is prisoner w106228 , daily mail online can reveal .he was being moved to the maximum security souza-baranowski correctional center near shirley today .']\n", - "=======================\n", - "[\"new england patriots no 81 is starting whole life term for murder of odin lloyd - and will now go by his prison numberhe is being moved from the state prison at cedar junction to the souza-baranowski maximum security facility today where he 's on suicide watchman who knew hernandez well reveals how he smoked marijuana mixed with ` angel dust ' - the dangerous illegal substance pcpaddictive substance is known to lead to violent mood swingshernandez is still facing another double murder trial\"]\n", - "the official number was issued to hernandez as he started the rest of his life in jail , at cedar junction state prison in massachusetts .nfl murderer aaron hernandez is no longer no 81 - he is prisoner w106228 , daily mail online can reveal .he was being moved to the maximum security souza-baranowski correctional center near shirley today .\n", - "new england patriots no 81 is starting whole life term for murder of odin lloyd - and will now go by his prison numberhe is being moved from the state prison at cedar junction to the souza-baranowski maximum security facility today where he 's on suicide watchman who knew hernandez well reveals how he smoked marijuana mixed with ` angel dust ' - the dangerous illegal substance pcpaddictive substance is known to lead to violent mood swingshernandez is still facing another double murder trial\n", - "[1.1133394 1.33737 1.2443858 1.2301593 1.2341424 1.2086835 1.2564542\n", - " 1.0346056 1.1097364 1.0685529 1.1890138 1.0487796 1.0591611 1.1108129\n", - " 1.0173419 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 6 2 4 3 5 10 0 13 8 9 12 11 7 14 15 16 17 18 19]\n", - "=======================\n", - "[\"but for one luxury south african resort , etali safari lodge , which offers game drives and walks to see the continent 's big five , one of the animals is often ticked off the list before leaving the hotel .troublesome is a regular visitor to etali in the madikwe game reserve and has become a regular visitor to the splash pools there over the past four years , much to guests ' amusement .one african elephant has take a particular liking to resort 's pool and deck area - so much so staff have nicknamed the elephant troublesome .\"]\n", - "=======================\n", - "[\"african elephant has regularly visited etali safari lodge for four yearshe 's earned the nickname troublesome for his regular poolside anticstroublesome empties the pools with drinking , playing and sprayinglodge manager said kristoff potgieter said they 've tried to deter himbut he said they 've been out-witted : ` troublesome is no ordinary elephant '\"]\n", - "but for one luxury south african resort , etali safari lodge , which offers game drives and walks to see the continent 's big five , one of the animals is often ticked off the list before leaving the hotel .troublesome is a regular visitor to etali in the madikwe game reserve and has become a regular visitor to the splash pools there over the past four years , much to guests ' amusement .one african elephant has take a particular liking to resort 's pool and deck area - so much so staff have nicknamed the elephant troublesome .\n", - "african elephant has regularly visited etali safari lodge for four yearshe 's earned the nickname troublesome for his regular poolside anticstroublesome empties the pools with drinking , playing and sprayinglodge manager said kristoff potgieter said they 've tried to deter himbut he said they 've been out-witted : ` troublesome is no ordinary elephant '\n", - "[1.2247313 1.4635992 1.2980156 1.2659371 1.2528802 1.0677243 1.0162168\n", - " 1.0158312 1.2995272 1.1188698 1.0836246 1.0608983 1.1193533 1.0117849\n", - " 1.0206492 1.0130259]\n", - "\n", - "[ 1 8 2 3 4 0 12 9 10 5 11 14 6 7 15 13]\n", - "=======================\n", - "[\"ian merrett , 28 , is astonished that poppy smart , 23 , did not take it as a compliment , which he says has helped him ` snog loads of girls ' in the past .the builder and his colleagues whistled at her every day for a month as she passed their worcester construction site .miss smart , who compared the wolf-whistling to racial discrimination , eventually filmed them and asked west mercia police to investigate alleged sexual harassment .\"]\n", - "=======================\n", - "[\"poppy smart , 23 , accused builders of sexual harassment for wolf-whistlingian merrett , 28 , says she was ` lucky ' and should take it as a complimenthe said : ` if she walks past again and is lucky she 'll get wolf-whistled again 'he accused her of damaging the reputation of men in the building trademiss smart went to police who sent officers to warn the builders involved\"]\n", - "ian merrett , 28 , is astonished that poppy smart , 23 , did not take it as a compliment , which he says has helped him ` snog loads of girls ' in the past .the builder and his colleagues whistled at her every day for a month as she passed their worcester construction site .miss smart , who compared the wolf-whistling to racial discrimination , eventually filmed them and asked west mercia police to investigate alleged sexual harassment .\n", - "poppy smart , 23 , accused builders of sexual harassment for wolf-whistlingian merrett , 28 , says she was ` lucky ' and should take it as a complimenthe said : ` if she walks past again and is lucky she 'll get wolf-whistled again 'he accused her of damaging the reputation of men in the building trademiss smart went to police who sent officers to warn the builders involved\n", - "[1.305055 1.3479456 1.109688 1.1013241 1.1409892 1.1497896 1.1205707\n", - " 1.0952363 1.0269481 1.0863156 1.1118138 1.0283502 1.0679252 1.0179269\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 5 4 6 10 2 3 7 9 12 11 8 13 14 15]\n", - "=======================\n", - "[\"the london-based lawyer 's wardrobe has gone from strength-to-strength since she tied the knot with george clooney in venice , italy , last september .she is one of the top human rights lawyers in the country and is married to one of the most famous men in the world , so it is no wonder amal clooney always looks effortlessly chic when she steps out into the public eye .several of the outfits she has been photographed in since her lavish wedding to the world-famous actor cost at least # 1,000 , with the star spending a whopping # 66,900 alone on the clothes she is pictured wearing in this feature .\"]\n", - "=======================\n", - "[\"a sneak peek at amal clooney 's wardrobe reveals she spends thousands of pounds on chic designer outfitsoutfits she is pictured in below cost at least # 66,900 but george clooney 's wife always appears effortlessly elegantlondon-based lawyer often spotted across europe in designer numbers including prada , d&g or stella mccartney\"]\n", - "the london-based lawyer 's wardrobe has gone from strength-to-strength since she tied the knot with george clooney in venice , italy , last september .she is one of the top human rights lawyers in the country and is married to one of the most famous men in the world , so it is no wonder amal clooney always looks effortlessly chic when she steps out into the public eye .several of the outfits she has been photographed in since her lavish wedding to the world-famous actor cost at least # 1,000 , with the star spending a whopping # 66,900 alone on the clothes she is pictured wearing in this feature .\n", - "a sneak peek at amal clooney 's wardrobe reveals she spends thousands of pounds on chic designer outfitsoutfits she is pictured in below cost at least # 66,900 but george clooney 's wife always appears effortlessly elegantlondon-based lawyer often spotted across europe in designer numbers including prada , d&g or stella mccartney\n", - "[1.5841521 1.4380598 1.1717563 1.1136432 1.1157775 1.2592351 1.17002\n", - " 1.1355084 1.1296552 1.054963 1.0769511 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 5 2 6 7 8 4 3 10 9 11 12 13 14 15]\n", - "=======================\n", - "[\"saracens flanker jacques burger has been cited for alleged foul play during last sunday 's european champions cup quarter-final game against racing metro in paris .european professional club rugby said that burger is alleged to have struck racing scrum-half maxime machenaud midway through the match at stade yves-du-manoir , which saracens won 12-11 .namibia international burger , 31 , will face a disciplinary hearing on thursday .\"]\n", - "=======================\n", - "['saracens beat racing metro 12-11 to advance to champions cup semisracing were unhappy about a challenge on maxime machenaudsaracens flanker jacques burger has been cited for the tackle']\n", - "saracens flanker jacques burger has been cited for alleged foul play during last sunday 's european champions cup quarter-final game against racing metro in paris .european professional club rugby said that burger is alleged to have struck racing scrum-half maxime machenaud midway through the match at stade yves-du-manoir , which saracens won 12-11 .namibia international burger , 31 , will face a disciplinary hearing on thursday .\n", - "saracens beat racing metro 12-11 to advance to champions cup semisracing were unhappy about a challenge on maxime machenaudsaracens flanker jacques burger has been cited for the tackle\n", - "[1.3236647 1.4239067 1.1961465 1.341809 1.2102109 1.0523428 1.0177324\n", - " 1.1108246 1.1684768 1.1937426 1.1200881 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 9 8 10 7 5 6 11 12 13 14 15]\n", - "=======================\n", - "[\"the fight takes place at the las vegas , mgm grand garden arena on may 2 - with the bout being billed as the biggest in the history of the sport .manny pacquiao used instagram to show his fans a photo of his ripped body as he continues his preparationwith just over two weeks to go until the $ 300million mega-fight , floyd mayweather and manny pacquiao have showed off their toned physique 's - as there preparations continue .\"]\n", - "=======================\n", - "[\"floyd mayweather and manny pacquiap showed off their ripped torso 'sthe fight is just over two weeks away on may 2 , at the mgm in las vegasthe $ 300million bout is touted as the biggest in the history of boxing\"]\n", - "the fight takes place at the las vegas , mgm grand garden arena on may 2 - with the bout being billed as the biggest in the history of the sport .manny pacquiao used instagram to show his fans a photo of his ripped body as he continues his preparationwith just over two weeks to go until the $ 300million mega-fight , floyd mayweather and manny pacquiao have showed off their toned physique 's - as there preparations continue .\n", - "floyd mayweather and manny pacquiap showed off their ripped torso 'sthe fight is just over two weeks away on may 2 , at the mgm in las vegasthe $ 300million bout is touted as the biggest in the history of boxing\n", - "[1.3826151 1.2811501 1.2422553 1.4214596 1.1286751 1.1291348 1.3011581\n", - " 1.0690349 1.099787 1.0519646 1.0543077 1.0987718 1.1974636 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 0 6 1 2 12 5 4 8 11 7 10 9 13 14 15]\n", - "=======================\n", - "[\"steven gerrard and frank lampard are to be honoured by the pfa before they leave the premier leagueliverpool captain gerrard is joining la galaxy , while lampard will meet up with new mls franchise new york city fc .the footballers ' union will pay tribute to the duo 's outstanding contribution to english football at their annual awards ceremony this weekend .\"]\n", - "=======================\n", - "['steven gerrard and frank lampard to be given special merit awardsgerrard is leaving to join la galaxy , lampard moving to new york city fcpfa will hand out the awards this weekend to acknowledge their careers']\n", - "steven gerrard and frank lampard are to be honoured by the pfa before they leave the premier leagueliverpool captain gerrard is joining la galaxy , while lampard will meet up with new mls franchise new york city fc .the footballers ' union will pay tribute to the duo 's outstanding contribution to english football at their annual awards ceremony this weekend .\n", - "steven gerrard and frank lampard to be given special merit awardsgerrard is leaving to join la galaxy , lampard moving to new york city fcpfa will hand out the awards this weekend to acknowledge their careers\n", - "[1.2000769 1.5113037 1.3024461 1.3263149 1.2683858 1.1651087 1.0685502\n", - " 1.0875306 1.1116375 1.024595 1.0104136 1.0104115 1.0665588 1.1470928\n", - " 1.0475041 1.0324608 1.0154266 1.0242274 1.0475142 1.0086931]\n", - "\n", - "[ 1 3 2 4 0 5 13 8 7 6 12 18 14 15 9 17 16 10 11 19]\n", - "=======================\n", - "['julia van herck , 42 , from fulham , west london , underwent surgery after ballooning to 23 stone after tying the knot with stefan in 1993 .she wore a size 26 to size 28 and would regularly comfort eat tubs of ice-cream and family-sized pizzas because she was scared that her husband might leave her .she has since slimmed down to 11 stone ( right )']\n", - "=======================\n", - "[\"julia van herck used to binge on tubs of ice cream and family-sized pizzasmum-of-three blamed post-natal blues and ` not talking ' to her husbandwake-up call came in 2011 when a bout of pneumonia knocked her for sixweight-loss surgery followed and now julia weighs just 11 stone\"]\n", - "julia van herck , 42 , from fulham , west london , underwent surgery after ballooning to 23 stone after tying the knot with stefan in 1993 .she wore a size 26 to size 28 and would regularly comfort eat tubs of ice-cream and family-sized pizzas because she was scared that her husband might leave her .she has since slimmed down to 11 stone ( right )\n", - "julia van herck used to binge on tubs of ice cream and family-sized pizzasmum-of-three blamed post-natal blues and ` not talking ' to her husbandwake-up call came in 2011 when a bout of pneumonia knocked her for sixweight-loss surgery followed and now julia weighs just 11 stone\n", - "[1.6090688 1.3750175 1.3171449 1.1128422 1.1036922 1.0956197 1.0488652\n", - " 1.043682 1.1499631 1.0994587 1.0971764 1.0411879 1.0291399 1.0776191\n", - " 1.0990438 1.0303506 1.0212835 1.0738897 1.0220125 1.0053315]\n", - "\n", - "[ 0 1 2 8 3 4 9 14 10 5 13 17 6 7 11 15 12 18 16 19]\n", - "=======================\n", - "['( cnn ) olivia wilde and garrett hedlund are set to return for disney \\'s \" tron 3 . \"\" legacy \" was the sequel to the 1982 sci-fi film that took place inside a computer world known as the grid and starred jeff bridges and bruce boxleitner .while not a hit at the time , it later drew a big cult following and became an influence on filmmakers and pop culture .']\n", - "=======================\n", - "['3rd \" tron \" is coming together with \" tron : legacy \" stars returningolivia wilde and garrett hedlund will reprise their roles\" tron : legacy \" grossed $ 400 million worldwide , after the 1982 original gained fans online']\n", - "( cnn ) olivia wilde and garrett hedlund are set to return for disney 's \" tron 3 . \"\" legacy \" was the sequel to the 1982 sci-fi film that took place inside a computer world known as the grid and starred jeff bridges and bruce boxleitner .while not a hit at the time , it later drew a big cult following and became an influence on filmmakers and pop culture .\n", - "3rd \" tron \" is coming together with \" tron : legacy \" stars returningolivia wilde and garrett hedlund will reprise their roles\" tron : legacy \" grossed $ 400 million worldwide , after the 1982 original gained fans online\n", - "[1.1360064 1.1661373 1.099656 1.0719497 1.427749 1.3458234 1.368714\n", - " 1.1569142 1.0360717 1.0367744 1.0754879 1.0400628 1.0378819 1.0410124\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 6 5 1 7 0 2 10 3 13 11 12 9 8 14 15 16 17 18 19]\n", - "=======================\n", - "[\"dundee united manager jackie mcnamara is under pressure following his side 's recent slumpscottish premiership outfit dundee united have failed to win any of their last 10 gamesdundee united failed to get their hands on the scottish league cup as they fell to a 2-0 defeat by celtic\"]\n", - "=======================\n", - "[\"jackie mcnamara 's dundee united have lost their last five gamesunited 's last defeat came against rivals dundee on wednesdaygoalkeeper radoslaw cierzniak tipped his side to win treble in januaryfans believe mcnamara 's position at the club is ` untenable '\"]\n", - "dundee united manager jackie mcnamara is under pressure following his side 's recent slumpscottish premiership outfit dundee united have failed to win any of their last 10 gamesdundee united failed to get their hands on the scottish league cup as they fell to a 2-0 defeat by celtic\n", - "jackie mcnamara 's dundee united have lost their last five gamesunited 's last defeat came against rivals dundee on wednesdaygoalkeeper radoslaw cierzniak tipped his side to win treble in januaryfans believe mcnamara 's position at the club is ` untenable '\n", - "[1.2014872 1.4692607 1.109413 1.0769691 1.1031177 1.188201 1.1897885\n", - " 1.1483569 1.0641817 1.0611119 1.2057393 1.0699254 1.1443099 1.0793015\n", - " 1.0413772 1.0662352 1.0587695 1.0103176 0. 0. ]\n", - "\n", - "[ 1 10 0 6 5 7 12 2 4 13 3 11 15 8 9 16 14 17 18 19]\n", - "=======================\n", - "[\"an account purporting to be sydney radio station 2ue sent out a tweet on thursday morning which appears to have come from a disgruntled former employee .the hashtag was in reference to the station 's former newsreader steve blanda , who had read the news at 2ue for over a decade .while the tweet has since been removed from the @ 2uenews twitter account , there is speculation online that it could have been sent by an employee displaced by the controversial merger .\"]\n", - "=======================\n", - "[\"a tweet was sent from an account claiming to be linked to 2ue newsthe sydney fairfax media station recently merged with rival station 2gbread ` we hope you like the sound of whinging hyenas reading the news 'jobs were lost at 2ue , and 4bc and magic 1278 in brisbane after merger\"]\n", - "an account purporting to be sydney radio station 2ue sent out a tweet on thursday morning which appears to have come from a disgruntled former employee .the hashtag was in reference to the station 's former newsreader steve blanda , who had read the news at 2ue for over a decade .while the tweet has since been removed from the @ 2uenews twitter account , there is speculation online that it could have been sent by an employee displaced by the controversial merger .\n", - "a tweet was sent from an account claiming to be linked to 2ue newsthe sydney fairfax media station recently merged with rival station 2gbread ` we hope you like the sound of whinging hyenas reading the news 'jobs were lost at 2ue , and 4bc and magic 1278 in brisbane after merger\n", - "[1.4079015 1.3618019 1.1628515 1.3033426 1.1436615 1.1196451 1.1034205\n", - " 1.0817934 1.1199572 1.0844733 1.0663508 1.0320804 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 8 5 6 9 7 10 11 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "['cairo ( cnn ) an egyptian court has sentenced 71 people to life in prison for their role in the august 2013 burning of a christian church in the giza province village of kafr hakim , state news reports .the virgin mary church was torched and looted by a mob , some of whom chanted against coptic christians and called for egypt to become an \" islamic state , \" one of at least 42 churches and many more businesses and homes targeted that august , the advocacy group human rights watch reports .in addition to those getting life sentences , two minors were sentenced to 10 years in prison and fined 10,000 egyptian pounds ( about $ 1,300 ) , egypt \\'s official egynews reported .']\n", - "=======================\n", - "['2 minors were sentenced to 10 years in prison , in addition to adults getting life52 of the 73 defendants were sentenced in absentiathe virgin mary church was burned along with dozens of others in august 2013']\n", - "cairo ( cnn ) an egyptian court has sentenced 71 people to life in prison for their role in the august 2013 burning of a christian church in the giza province village of kafr hakim , state news reports .the virgin mary church was torched and looted by a mob , some of whom chanted against coptic christians and called for egypt to become an \" islamic state , \" one of at least 42 churches and many more businesses and homes targeted that august , the advocacy group human rights watch reports .in addition to those getting life sentences , two minors were sentenced to 10 years in prison and fined 10,000 egyptian pounds ( about $ 1,300 ) , egypt 's official egynews reported .\n", - "2 minors were sentenced to 10 years in prison , in addition to adults getting life52 of the 73 defendants were sentenced in absentiathe virgin mary church was burned along with dozens of others in august 2013\n", - "[1.1339961 1.2277491 1.253176 1.1268 1.2745678 1.1249717 1.0437641\n", - " 1.1235616 1.06797 1.0308808 1.0209756 1.0442137 1.0761787 1.1217545\n", - " 1.0706904 1.0194126 1.0216079]\n", - "\n", - "[ 4 2 1 0 3 5 7 13 12 14 8 11 6 9 16 10 15]\n", - "=======================\n", - "[\"cuba is trying to re-establish itself at the two-day summit in panama , arriving with more than 100 government officials , diplomats , small business people and artists .and for the first time since 1962 , the u.s. has not blocked cuba 's attempt to join .cuba pulled off a diplomatic coup by marshaling the support of other regional countries to insist on their attendance at the summit of the americas .\"]\n", - "=======================\n", - "[\"cuba pulled off a diplomatic coup by gaining attendance at summit of the americasfirst time since 1962 , the u.s. has not blocked cuba 's attempt to joincuba is trying to re-establish itself at the two-day summit in panama\"]\n", - "cuba is trying to re-establish itself at the two-day summit in panama , arriving with more than 100 government officials , diplomats , small business people and artists .and for the first time since 1962 , the u.s. has not blocked cuba 's attempt to join .cuba pulled off a diplomatic coup by marshaling the support of other regional countries to insist on their attendance at the summit of the americas .\n", - "cuba pulled off a diplomatic coup by gaining attendance at summit of the americasfirst time since 1962 , the u.s. has not blocked cuba 's attempt to joincuba is trying to re-establish itself at the two-day summit in panama\n", - "[1.3813212 1.1534879 1.0981998 1.0696687 1.4039056 1.1918297 1.1634337\n", - " 1.1592901 1.0354083 1.0522242 1.0355022 1.0517011 1.0568389 1.0238475\n", - " 0. 0. 0. ]\n", - "\n", - "[ 4 0 5 6 7 1 2 3 12 9 11 10 8 13 14 15 16]\n", - "=======================\n", - "[\"labour leader ed miliband confessed that he ` blubbed ' during the british film pride that centres on the 1984 miners ' strikeneedless to say , the evil dictator who they 're fighting is margaret thatcher .miliband received a lot of praise for admitting that he had a weep\"]\n", - "=======================\n", - "[\"ed miliband has admitted that he cried watching the british film pridemovie centres on the 1984 miners ' strike and a group of gays and lesbiansbilly elliott and brassed off could also get the labour leader blubbing\"]\n", - "labour leader ed miliband confessed that he ` blubbed ' during the british film pride that centres on the 1984 miners ' strikeneedless to say , the evil dictator who they 're fighting is margaret thatcher .miliband received a lot of praise for admitting that he had a weep\n", - "ed miliband has admitted that he cried watching the british film pridemovie centres on the 1984 miners ' strike and a group of gays and lesbiansbilly elliott and brassed off could also get the labour leader blubbing\n", - "[1.3375038 1.3437153 1.1634072 1.1264338 1.371742 1.1250217 1.2576449\n", - " 1.1064596 1.0412835 1.0706006 1.0563534 1.2227858 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 4 1 0 6 11 2 3 5 7 9 10 8 12 13 14 15 16]\n", - "=======================\n", - "[\"former england full back mathew tait was caught by vunipola during the match at allianz parkthe 22-year-old faces an rfu disciplinary panel on tuesday afternoon and could face an immediate suspension following an accusation that he struck leicester 's mathew tait .saracens are sweating over the availability of billy vunipola for saturday 's champions cup semi-final against clermont after the no 8 was cited on monday night for an alleged butt .\"]\n", - "=======================\n", - "['billy vunipola was citied on monday night for an alleged buttthe saracens no 8 will face an rfu disciplinary panel on tuesdaytoulon are plotting a move for australia fly-half quade cooper']\n", - "former england full back mathew tait was caught by vunipola during the match at allianz parkthe 22-year-old faces an rfu disciplinary panel on tuesday afternoon and could face an immediate suspension following an accusation that he struck leicester 's mathew tait .saracens are sweating over the availability of billy vunipola for saturday 's champions cup semi-final against clermont after the no 8 was cited on monday night for an alleged butt .\n", - "billy vunipola was citied on monday night for an alleged buttthe saracens no 8 will face an rfu disciplinary panel on tuesdaytoulon are plotting a move for australia fly-half quade cooper\n", - "[1.3041856 1.3928324 1.3325801 1.1984786 1.1264584 1.3691897 1.1718204\n", - " 1.0552672 1.038027 1.146906 1.0252366 1.0248318 1.1026514 1.0410864\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 5 2 0 3 6 9 4 12 7 13 8 10 11 15 14 16]\n", - "=======================\n", - "[\"hundreds of people are seen watching without attempting to intervene during the alleged attack on panama city beach , authorities claim .troy university students delone ' martistee , 22 , and ryan austin calhoun , 23 , have been suspended from college while they are detained for questioning , wsfa reports .the footage was uncovered on a cell phone during an unconnected investigation into a shooting in troy , alabama .\"]\n", - "=======================\n", - "[\"police in troy , alabama , found the video while investigating a shootingvideo ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervenetroy university students delone ' martistee , 22 , and ryan austin calhoun , 23 , have been arrested in connection with the alleged incident\"]\n", - "hundreds of people are seen watching without attempting to intervene during the alleged attack on panama city beach , authorities claim .troy university students delone ' martistee , 22 , and ryan austin calhoun , 23 , have been suspended from college while they are detained for questioning , wsfa reports .the footage was uncovered on a cell phone during an unconnected investigation into a shooting in troy , alabama .\n", - "police in troy , alabama , found the video while investigating a shootingvideo ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervenetroy university students delone ' martistee , 22 , and ryan austin calhoun , 23 , have been arrested in connection with the alleged incident\n", - "[1.4975224 1.3750951 1.1013573 1.2218714 1.264315 1.2685604 1.0611658\n", - " 1.0534047 1.0318182 1.0248486 1.0290214 1.0514076 1.018097 1.0250444\n", - " 1.0181595 1.0320152 1.2485762]\n", - "\n", - "[ 0 1 5 4 16 3 2 6 7 11 15 8 10 13 9 14 12]\n", - "=======================\n", - "[\"paula creamer has called for a masters tournament for women at augusta national .creamer , who won the 2010 women 's us open , first floated the idea on twitter following jordan spieth 's stunning victory at the masters on april 14 stating : ' i hope the masters will consider a women 's masters soon .paula creamer plays her third shot on the 14th hole during the lpga lotte championship on april 17 '\"]\n", - "=======================\n", - "[\"paula creamer won the 2010 women 's us opencreamer suggested a women 's event could be staged the week following the men 's showpiece in apriljordan spieth stormed to his first masters title earlier this month\"]\n", - "paula creamer has called for a masters tournament for women at augusta national .creamer , who won the 2010 women 's us open , first floated the idea on twitter following jordan spieth 's stunning victory at the masters on april 14 stating : ' i hope the masters will consider a women 's masters soon .paula creamer plays her third shot on the 14th hole during the lpga lotte championship on april 17 '\n", - "paula creamer won the 2010 women 's us opencreamer suggested a women 's event could be staged the week following the men 's showpiece in apriljordan spieth stormed to his first masters title earlier this month\n", - "[1.2616907 1.4365679 1.3287966 1.241631 1.202931 1.1708863 1.1564908\n", - " 1.0786098 1.0366377 1.0279061 1.0690664 1.0427831 1.0259464 1.0351928\n", - " 1.010608 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 4 5 6 7 10 11 8 13 9 12 14 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"carrie fisher , 58 , who is reprising her role as princess leia , and mark hamill , 63 , who is luke skywalker , were arm-in-arm on the stage just before the second trailer for the december film was rolled out .the force was n't with everyone during the star wars : episode vii - the force awakens panel held at california 's anaheim convention center on thursday .producer kathleen kennedy explained the 72-year-old was ` resting ' after miraculously surviving a march plane crash in los angeles .\"]\n", - "=======================\n", - "[\"mark and carrie are reprising their roles as luke and leia , respectively , which were introduced in 1977harrison , 72 , was not at the star wars panel in anaheim but he did appear at the end of the episode vii trailerford crashed his vintage airplane on an la golf course in march and suffered several injuriesproducer kathleen kennedy said the veteran actor was a ` hero ' was at home ` resting '\"]\n", - "carrie fisher , 58 , who is reprising her role as princess leia , and mark hamill , 63 , who is luke skywalker , were arm-in-arm on the stage just before the second trailer for the december film was rolled out .the force was n't with everyone during the star wars : episode vii - the force awakens panel held at california 's anaheim convention center on thursday .producer kathleen kennedy explained the 72-year-old was ` resting ' after miraculously surviving a march plane crash in los angeles .\n", - "mark and carrie are reprising their roles as luke and leia , respectively , which were introduced in 1977harrison , 72 , was not at the star wars panel in anaheim but he did appear at the end of the episode vii trailerford crashed his vintage airplane on an la golf course in march and suffered several injuriesproducer kathleen kennedy said the veteran actor was a ` hero ' was at home ` resting '\n", - "[1.2393162 1.3602219 1.2947549 1.3296365 1.1901366 1.1516509 1.0916114\n", - " 1.0393503 1.0285343 1.2279546 1.0577054 1.0333554 1.0536828 1.0141327\n", - " 1.042669 1.0288551 1.0243856 1.0709435 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 9 4 5 6 17 10 12 14 7 11 15 8 16 13 20 18 19 21]\n", - "=======================\n", - "[\"harington , who plays the character jon snow , poked fun at belfast and tourism bosses when he appeared on a late-night chat show to promote the hbo series ' return to tv screens .game of thrones star kit harington told host seth myers that belfast is ` wonderful for two or three days 'tourism bosses have leveraged the show 's popularity to draw visitors and they said it has helped belfast to become one of the most popular city break destinations in the uk .\"]\n", - "=======================\n", - "[\"actor kit harington made the comments on late night with seth myershe said belfast is ` wonderful for two or three days ' , drawing laughterharington plays the character jon snow on the hit hbo programmehe appeared on the talk show to promote game of thrones ' new series\"]\n", - "harington , who plays the character jon snow , poked fun at belfast and tourism bosses when he appeared on a late-night chat show to promote the hbo series ' return to tv screens .game of thrones star kit harington told host seth myers that belfast is ` wonderful for two or three days 'tourism bosses have leveraged the show 's popularity to draw visitors and they said it has helped belfast to become one of the most popular city break destinations in the uk .\n", - "actor kit harington made the comments on late night with seth myershe said belfast is ` wonderful for two or three days ' , drawing laughterharington plays the character jon snow on the hit hbo programmehe appeared on the talk show to promote game of thrones ' new series\n", - "[1.2021798 1.5741751 1.2715029 1.1510861 1.2237046 1.1359838 1.1249535\n", - " 1.0809276 1.0695318 1.0237086 1.0272647 1.030543 1.0403423 1.1334995\n", - " 1.1678756 1.0558264 1.041582 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 4 0 14 3 5 13 6 7 8 15 16 12 11 10 9 17 18 19 20 21]\n", - "=======================\n", - "['louis jordan , 37 , who was stranded 200 miles off the coast of north carolina , suffered no sun damage , was not dehydrated and refused treatment when he was checked over in hospital , despite more than two months exposed to the elements .the coast guard crew who rescued him said he had a small smile on his face when they landed on his vessel , expecting him to be covered in blisters and have severe sunburn .he left hours later on friday in good health']\n", - "=======================\n", - "['louis jordan , 37 , was stranded 200 miles off the coast of north carolinarefused treatment when he was taken to hospital in norfolk , virginiacoast guard crew who rescued him said he was smiling when they arrivedgroup expected him to be severely sun burnt and covered in blistersrefused treatment at hospital and conducted tv interviews straight away']\n", - "louis jordan , 37 , who was stranded 200 miles off the coast of north carolina , suffered no sun damage , was not dehydrated and refused treatment when he was checked over in hospital , despite more than two months exposed to the elements .the coast guard crew who rescued him said he had a small smile on his face when they landed on his vessel , expecting him to be covered in blisters and have severe sunburn .he left hours later on friday in good health\n", - "louis jordan , 37 , was stranded 200 miles off the coast of north carolinarefused treatment when he was taken to hospital in norfolk , virginiacoast guard crew who rescued him said he was smiling when they arrivedgroup expected him to be severely sun burnt and covered in blistersrefused treatment at hospital and conducted tv interviews straight away\n", - "[1.3501419 1.3401157 1.1599783 1.1595286 1.2457179 1.078945 1.1117711\n", - " 1.1195612 1.1097339 1.1099527 1.0661297 1.0228621 1.0448178 1.0622504\n", - " 1.0618507 1.03742 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 4 2 3 7 6 9 8 5 10 13 14 12 15 11 16 17 18 19 20 21]\n", - "=======================\n", - "[\"jay z launched a stream of tweets defending his premium music streaming app tidal after the service , launched last month , was described as a flop .his social media diatribe comes as reports claim that tidal is being sabotaged by rivals as it attempts to take business away from more-established music outlets such as spotify and apple .` we may not be perfect - but we are determined , ' he said while claiming that there are ` many big companies that are spending millions on a smear campaign ' .\"]\n", - "=======================\n", - "[\"rapper says that his streaming service is ` here for the long haul 'report claims that app is being affected by delays from apple , which is launching its own music service this summerjay z claims that tidal already has more than 700,000 subscribersapp purchasing data shows that it has fallen out of top 750 downloads\"]\n", - "jay z launched a stream of tweets defending his premium music streaming app tidal after the service , launched last month , was described as a flop .his social media diatribe comes as reports claim that tidal is being sabotaged by rivals as it attempts to take business away from more-established music outlets such as spotify and apple .` we may not be perfect - but we are determined , ' he said while claiming that there are ` many big companies that are spending millions on a smear campaign ' .\n", - "rapper says that his streaming service is ` here for the long haul 'report claims that app is being affected by delays from apple , which is launching its own music service this summerjay z claims that tidal already has more than 700,000 subscribersapp purchasing data shows that it has fallen out of top 750 downloads\n", - "[1.3012253 1.2888315 1.4488819 1.2408279 1.1126829 1.0893874 1.0625608\n", - " 1.1357934 1.0190016 1.0776873 1.1071154 1.0294743 1.0874538 1.0543891\n", - " 1.0820258 1.049069 1.1112663 1.0667756 1.0418867 1.0516949 1.0110439\n", - " 1.0244609]\n", - "\n", - "[ 2 0 1 3 7 4 16 10 5 12 14 9 17 6 13 19 15 18 11 21 8 20]\n", - "=======================\n", - "['duncan burton , 57 , was released in november 2012 after 14-years behind bars but was allowed to work for uber despite city controls prohibiting drug felons driving cabs .unfit driver : according to houston city codes - duncan burton should not have been driving because of a prior drugs convictiona houston uber driver arrested and charged last week with sexually assaulting a female passenger was granted approval to drive for the car service despite being a convicted cocaine dealer .']\n", - "=======================\n", - "['duncan burton , 57 , was charged last week with rape in houston , texasreleased from jail in 2012 after serving 14-years of an 18-year sentence']\n", - "duncan burton , 57 , was released in november 2012 after 14-years behind bars but was allowed to work for uber despite city controls prohibiting drug felons driving cabs .unfit driver : according to houston city codes - duncan burton should not have been driving because of a prior drugs convictiona houston uber driver arrested and charged last week with sexually assaulting a female passenger was granted approval to drive for the car service despite being a convicted cocaine dealer .\n", - "duncan burton , 57 , was charged last week with rape in houston , texasreleased from jail in 2012 after serving 14-years of an 18-year sentence\n", - "[1.091391 1.526135 1.3580513 1.3059127 1.1621181 1.134778 1.0156149\n", - " 1.2728212 1.0929078 1.1090902 1.0351344 1.0330793 1.0241456 1.0795188\n", - " 1.0538042 1.0606542 1.0614741 0. ]\n", - "\n", - "[ 1 2 3 7 4 5 9 8 0 13 16 15 14 10 11 12 6 17]\n", - "=======================\n", - "[\"the boy , 14-year-old jack cordero , from portland , oregon , vomited all over the floor of a powell 's bookstore in the city in march .the manager said the mess was ` gigantic ' and had to clean it up , along with her assistant manager .the letter , which arrived at powell 's on april 1 and was marked ` attention barf cleaners ' , read : ` this ben and jerry 's card is for the people who cleaned up the throw-up of a kid on friday 28 .\"]\n", - "=======================\n", - "['jack cordero , 14 , from portland , has won praise for his etiquettehe was sick in a bookshop but handwrote staff there an apologythe manager of the shop , jennifer wicka , said that the note made her daya picture of the letter went viral after it was uploaded to twitter']\n", - "the boy , 14-year-old jack cordero , from portland , oregon , vomited all over the floor of a powell 's bookstore in the city in march .the manager said the mess was ` gigantic ' and had to clean it up , along with her assistant manager .the letter , which arrived at powell 's on april 1 and was marked ` attention barf cleaners ' , read : ` this ben and jerry 's card is for the people who cleaned up the throw-up of a kid on friday 28 .\n", - "jack cordero , 14 , from portland , has won praise for his etiquettehe was sick in a bookshop but handwrote staff there an apologythe manager of the shop , jennifer wicka , said that the note made her daya picture of the letter went viral after it was uploaded to twitter\n", - "[1.210618 1.4413933 1.1629833 1.209086 1.1508573 1.1193693 1.0925589\n", - " 1.0936917 1.0786448 1.0412785 1.0548711 1.0976803 1.0201901 1.0275204\n", - " 1.0788019 1.047652 1.0345216 1.0133998]\n", - "\n", - "[ 1 0 3 2 4 5 11 7 6 14 8 10 15 9 16 13 12 17]\n", - "=======================\n", - "[\"anil saxena , from mumbai , uses ingenious retouching to create pictures of anything from a woman hanging a zebra 's stripes on the line to dry to a pair of hands knitting a green field .an artist with a surreal take on the natural world uses photoshop to create whimsical , mind-bending pictures that would give salvador dali a run for his money .he prides himself on his digital manipulation techniques , saying : ` if the image is a success but my work goes unnoticed , i 'm doing my job well . '\"]\n", - "=======================\n", - "[\"digital artist anil saxena , from mumbai , creates surreal images out of pictures of the natural worlduses photoshop to turn pictures into flights of fancy that make viewers question what they 're seeingwhimsical surreal shots created thanks to painstaking doctoring using image editing software\"]\n", - "anil saxena , from mumbai , uses ingenious retouching to create pictures of anything from a woman hanging a zebra 's stripes on the line to dry to a pair of hands knitting a green field .an artist with a surreal take on the natural world uses photoshop to create whimsical , mind-bending pictures that would give salvador dali a run for his money .he prides himself on his digital manipulation techniques , saying : ` if the image is a success but my work goes unnoticed , i 'm doing my job well . '\n", - "digital artist anil saxena , from mumbai , creates surreal images out of pictures of the natural worlduses photoshop to turn pictures into flights of fancy that make viewers question what they 're seeingwhimsical surreal shots created thanks to painstaking doctoring using image editing software\n", - "[1.2109883 1.3630311 1.2581547 1.1722031 1.1738588 1.0795853 1.03927\n", - " 1.1840041 1.11538 1.030273 1.0384538 1.0347247 1.1352788 1.0297618\n", - " 1.048139 1.144403 1.0463092 1.0240827]\n", - "\n", - "[ 1 2 0 7 4 3 15 12 8 5 14 16 6 10 11 9 13 17]\n", - "=======================\n", - "[\"marble-sized hailstones , some up to 2cm in diameter pounded multiple suburbs in the city 's east and west on anzac day , coating streets and backyards in sleet despite only lasting for around three hours .saturday 's freak weather could be explained by constantly changing atmospheric conditions and bursts of ice-cold air , said bureau of meteorology nsw manager of weather services , andrew treloar .sydneysiders already reeling from a three day ` cyclone ' were hit again on saturday , as the city was pummelled by a massive hail storm .\"]\n", - "=======================\n", - "[\"after the ` storm of a century ' finally dissipated last week , sydneysiders believed the worst was overthen on anzac day large hailstones blanketed sydney and the blue mountains in a ferocious downpourhailstones of up to 2cm were reported in some areas , as the storm transformed parts of the city into ` snowfields 'the weird weather conditions can be attributed to some degree to climate change , according to csiroseven buildings , including five 200m long factories , collapsed under half a metre of hail in western sydneystate emergency services attended over 800 calls for help before the storm cleared at around 7pm\"]\n", - "marble-sized hailstones , some up to 2cm in diameter pounded multiple suburbs in the city 's east and west on anzac day , coating streets and backyards in sleet despite only lasting for around three hours .saturday 's freak weather could be explained by constantly changing atmospheric conditions and bursts of ice-cold air , said bureau of meteorology nsw manager of weather services , andrew treloar .sydneysiders already reeling from a three day ` cyclone ' were hit again on saturday , as the city was pummelled by a massive hail storm .\n", - "after the ` storm of a century ' finally dissipated last week , sydneysiders believed the worst was overthen on anzac day large hailstones blanketed sydney and the blue mountains in a ferocious downpourhailstones of up to 2cm were reported in some areas , as the storm transformed parts of the city into ` snowfields 'the weird weather conditions can be attributed to some degree to climate change , according to csiroseven buildings , including five 200m long factories , collapsed under half a metre of hail in western sydneystate emergency services attended over 800 calls for help before the storm cleared at around 7pm\n", - "[1.3167048 1.5167508 1.3182951 1.3045931 1.2798934 1.1316502 1.0534389\n", - " 1.029513 1.0147016 1.0486106 1.0647277 1.1181629 1.0389663 1.0345895\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 5 11 10 6 9 12 13 7 8 14 15 16 17]\n", - "=======================\n", - "[\"the airplane , which spectacularly vanished last year with 239 people on board , is believed to have crashed in the indian ocean off australia 's west coast .by expanding the search area for the downed plane , the mission to recover it could go on for another 12 months , according to government officials .the expanded search will ` cover the entire highest probability area identified by expert analysis ' , australian deputy prime minister warren truss .\"]\n", - "=======================\n", - "['search area for missing flight mh370 doubled by government officialsextended search area means hunt for plane could run for another yearcomes after maldives locals said they saw a low-flying jet on day of crashisland sighting more than 5,000 kilometres away from the then-search area']\n", - "the airplane , which spectacularly vanished last year with 239 people on board , is believed to have crashed in the indian ocean off australia 's west coast .by expanding the search area for the downed plane , the mission to recover it could go on for another 12 months , according to government officials .the expanded search will ` cover the entire highest probability area identified by expert analysis ' , australian deputy prime minister warren truss .\n", - "search area for missing flight mh370 doubled by government officialsextended search area means hunt for plane could run for another yearcomes after maldives locals said they saw a low-flying jet on day of crashisland sighting more than 5,000 kilometres away from the then-search area\n", - "[1.571656 1.1881565 1.1734289 1.1315461 1.4321369 1.2198272 1.0894051\n", - " 1.0583167 1.1082374 1.0550917 1.1678019 1.0335536 1.0059285 1.0122907\n", - " 1.1047958 0. 0. 0. ]\n", - "\n", - "[ 0 4 5 1 2 10 3 8 14 6 7 9 11 13 12 16 15 17]\n", - "=======================\n", - "[\"rafael nadal eased past spanish compatriot nicolas almagro 6-3 6-1 to reach the barcelona open third round on wednesday as he began his bid for a ninth title on the clay in the catalan capital .watched by barcelona forward neymar in the crowd , the world no 4 and second seed comfortably dismissed the unseeded almagro - who is battling back after foot surgery that sidelined him for the second half of last year and has dropped out of the top 100 .the pair met in the 2013 barcelona final , when nadal claimed his eighth title , before 2015 top seed kei nishikori of japan won last year 's event after almagro surprised nadal in the quarter-finals .\"]\n", - "=======================\n", - "[\"rafael nadal beat spanish compatriot nicolas almagro 6-3 6-1nadal exacted revenge on almagro - who beat him last year 's quarter-finalsworld no 4 is looking for his ninth career title on the catalan clay court\"]\n", - "rafael nadal eased past spanish compatriot nicolas almagro 6-3 6-1 to reach the barcelona open third round on wednesday as he began his bid for a ninth title on the clay in the catalan capital .watched by barcelona forward neymar in the crowd , the world no 4 and second seed comfortably dismissed the unseeded almagro - who is battling back after foot surgery that sidelined him for the second half of last year and has dropped out of the top 100 .the pair met in the 2013 barcelona final , when nadal claimed his eighth title , before 2015 top seed kei nishikori of japan won last year 's event after almagro surprised nadal in the quarter-finals .\n", - "rafael nadal beat spanish compatriot nicolas almagro 6-3 6-1nadal exacted revenge on almagro - who beat him last year 's quarter-finalsworld no 4 is looking for his ninth career title on the catalan clay court\n", - "[1.5125858 1.4541807 1.264241 1.523789 1.0976622 1.0199138 1.0156496\n", - " 1.0150919 1.0449016 1.0433606 1.1136198 1.0645089 1.2583516 1.0165458\n", - " 1.0149516 1.0154182 1.0087931 1.0103053 1.017583 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 0 1 2 12 10 4 11 8 9 5 18 13 6 15 7 14 17 16 21 19 20 22]\n", - "=======================\n", - "[\"jonathan davies says clermont are relishing champions cup semi-final against northamptonclermont thrashed the english champions 37-5 in the last-eight tie at the stade marcel-michelin and - with a place at the twickenham final in sight - the french outfit are now plotting the downfall of the aviva premiership 's second best side .both clubs are going in search of their first-ever european crown and , after leaving wales in search of continental success last summer , davies is determined to deliver another perfect performance in saint etienne .\"]\n", - "=======================\n", - "[\"clermont auvergne take on saracens in champions cup semi-finalfrench side aiming to make amends for last year 's exit at same stageclermont thrashed english champions northampton in the last-eight\"]\n", - "jonathan davies says clermont are relishing champions cup semi-final against northamptonclermont thrashed the english champions 37-5 in the last-eight tie at the stade marcel-michelin and - with a place at the twickenham final in sight - the french outfit are now plotting the downfall of the aviva premiership 's second best side .both clubs are going in search of their first-ever european crown and , after leaving wales in search of continental success last summer , davies is determined to deliver another perfect performance in saint etienne .\n", - "clermont auvergne take on saracens in champions cup semi-finalfrench side aiming to make amends for last year 's exit at same stageclermont thrashed english champions northampton in the last-eight\n", - "[1.1992444 1.4094299 1.3646755 1.1127356 1.0918907 1.1870155 1.2950084\n", - " 1.0454808 1.063614 1.0426377 1.2437975 1.0131716 1.0148889 1.0496552\n", - " 1.0371373 1.0622537 1.0303826 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 6 10 0 5 3 4 8 15 13 7 9 14 16 12 11 17 18 19 20 21 22]\n", - "=======================\n", - "['the government has approved funding for cambridgeshire-based mole solutions to develop the idea as an alternative to the conventional systems of transporting goods by road .the plan , called the mole urban project , aims to reduce the level of road freight within urban areas by using freight pipelines carrying goods in capsules to edge of town consolidation centres , where they would be collected .the development project is set to last nine months and if successful could be rolled out in other towns , although it is still a long way from fruition .']\n", - "=======================\n", - "['mole solutions is developing the idea as an alternative to road transportwould see capsules loaded with goods sent in underground pipelinesa test track has already been built for a nine month development projectthe project has approved some government funding from defra']\n", - "the government has approved funding for cambridgeshire-based mole solutions to develop the idea as an alternative to the conventional systems of transporting goods by road .the plan , called the mole urban project , aims to reduce the level of road freight within urban areas by using freight pipelines carrying goods in capsules to edge of town consolidation centres , where they would be collected .the development project is set to last nine months and if successful could be rolled out in other towns , although it is still a long way from fruition .\n", - "mole solutions is developing the idea as an alternative to road transportwould see capsules loaded with goods sent in underground pipelinesa test track has already been built for a nine month development projectthe project has approved some government funding from defra\n", - "[1.227283 1.4802492 1.3460299 1.2886353 1.1207242 1.0494357 1.0348039\n", - " 1.0430154 1.0984254 1.2767849 1.0989078 1.0550076 1.0205153 1.0185413\n", - " 1.0615367 1.0527833 1.0114627 1.0112398 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 9 0 4 10 8 14 11 15 5 7 6 12 13 16 17 21 18 19 20 22]\n", - "=======================\n", - "[\"italian musician andrea furlan was captured on camera by filmmaker friend irina niculescu standing in front of a river in stony stratford , milton keynes .he holds a ` butterfly landscape ' designed instrument to his mouth and plays a tune , while an unsuspecting herd of cows graze in the background .suddenly a cow steps out from behind the herd and with its ears lifted begins walking towards the river , which separates it from andrea .\"]\n", - "=======================\n", - "[\"italian musician andrea furlan was filmed playing in milton keyneshe holds a hand-made ` butterfly landscape ' designed didgeridooas he plays a tune some of the cows lift their heads and take notesuddenly the whole herd are compelled to run towards the soundthey stand rooted to the spot for the duration of the compositionandrea described moment as ` an amazing and humbling experience '\"]\n", - "italian musician andrea furlan was captured on camera by filmmaker friend irina niculescu standing in front of a river in stony stratford , milton keynes .he holds a ` butterfly landscape ' designed instrument to his mouth and plays a tune , while an unsuspecting herd of cows graze in the background .suddenly a cow steps out from behind the herd and with its ears lifted begins walking towards the river , which separates it from andrea .\n", - "italian musician andrea furlan was filmed playing in milton keyneshe holds a hand-made ` butterfly landscape ' designed didgeridooas he plays a tune some of the cows lift their heads and take notesuddenly the whole herd are compelled to run towards the soundthey stand rooted to the spot for the duration of the compositionandrea described moment as ` an amazing and humbling experience '\n", - "[1.2823159 1.4148198 1.3150826 1.2461466 1.0800956 1.1105917 1.0901076\n", - " 1.063014 1.0837566 1.1831279 1.093784 1.0245175 1.037607 1.0238668\n", - " 1.0316792 1.087004 1.0517621 1.0555185 1.0492766 1.0784339 1.0326301\n", - " 1.0296595 0. ]\n", - "\n", - "[ 1 2 0 3 9 5 10 6 15 8 4 19 7 17 16 18 12 20 14 21 11 13 22]\n", - "=======================\n", - "[\"the new tool lets users embed tweets within their own messages , meaning that users get an extra 116 characters to comment on a tweet .available on twitter 's website and the iphone app , the feature will roll out to android handsets soon .twitter has officially rolled out its ` retweet with comment ' feature , which , unsurprisingly lets people annotate the tweets of others .\"]\n", - "=======================\n", - "[\"new feature has been rolled out on twitter 's website and iphone applets users embed tweets within their own messages and comment on ittool means longer tweets , as a comment can be 116 characters longresponse has been mainly positive to the new feature online\"]\n", - "the new tool lets users embed tweets within their own messages , meaning that users get an extra 116 characters to comment on a tweet .available on twitter 's website and the iphone app , the feature will roll out to android handsets soon .twitter has officially rolled out its ` retweet with comment ' feature , which , unsurprisingly lets people annotate the tweets of others .\n", - "new feature has been rolled out on twitter 's website and iphone applets users embed tweets within their own messages and comment on ittool means longer tweets , as a comment can be 116 characters longresponse has been mainly positive to the new feature online\n", - "[1.0939 1.0670145 1.0639007 1.2241412 1.1907921 1.0848398 1.1168332\n", - " 1.18298 1.2316003 1.1051245 1.0492835 1.0911702 1.0391971 1.1371591\n", - " 1.0333365 1.0753325 1.0816958 1.0180607 1.0607523 1.0771377 1.0396178\n", - " 1.0310081 1.0523078]\n", - "\n", - "[ 8 3 4 7 13 6 9 0 11 5 16 19 15 1 2 18 22 10 20 12 14 21 17]\n", - "=======================\n", - "['freeze your cake for 24 hours straight from the oven and the sponge will be bouncier than everfrom cakes to curries , freezing brings out more of their flavour and boosts the texture .here , tessa cunningham puts a host of our favourite foods to the frozen test ...']\n", - "=======================\n", - "['everyone knows freezing is a great way of preserving different foodsbut there are a few types of food you may not have thought of freezinghere , tessa cunningham puts a host of our foods to the frozen test']\n", - "freeze your cake for 24 hours straight from the oven and the sponge will be bouncier than everfrom cakes to curries , freezing brings out more of their flavour and boosts the texture .here , tessa cunningham puts a host of our favourite foods to the frozen test ...\n", - "everyone knows freezing is a great way of preserving different foodsbut there are a few types of food you may not have thought of freezinghere , tessa cunningham puts a host of our foods to the frozen test\n", - "[1.3177927 1.332915 1.148437 1.1980988 1.274308 1.2881757 1.0842496\n", - " 1.082683 1.0292447 1.0615855 1.0515298 1.0701523 1.0843579 1.0845139\n", - " 1.1141094 1.0456778 1.0395794 0. 0. ]\n", - "\n", - "[ 1 0 5 4 3 2 14 13 12 6 7 11 9 10 15 16 8 17 18]\n", - "=======================\n", - "[\"mcilroy knew he was beaten even before he took the strain for an arm wrestle with the ripped high schooler who made short work of a strength test against the northern irishman .while rory mcilroy is no stranger to pumping iron , the world 's no 1 golfer will need more than a few extra sessions in the gym to get close to matching american teenager brad dalke .` look at this ... no chance , ' rory mcilroy says as he prepares to arm wrestle 17-year-old brad dalke\"]\n", - "=======================\n", - "[\"rory mcilroy was a guest at a nike-sponsored junior event in the usworld no 1 agreed to arm-wrestle 17-year-old player brad dalketeen dalke demolished mcilroy , who admitted he had ` no chance 'dalke verbally agreed to join oklahoma university when he was 12\"]\n", - "mcilroy knew he was beaten even before he took the strain for an arm wrestle with the ripped high schooler who made short work of a strength test against the northern irishman .while rory mcilroy is no stranger to pumping iron , the world 's no 1 golfer will need more than a few extra sessions in the gym to get close to matching american teenager brad dalke .` look at this ... no chance , ' rory mcilroy says as he prepares to arm wrestle 17-year-old brad dalke\n", - "rory mcilroy was a guest at a nike-sponsored junior event in the usworld no 1 agreed to arm-wrestle 17-year-old player brad dalketeen dalke demolished mcilroy , who admitted he had ` no chance 'dalke verbally agreed to join oklahoma university when he was 12\n", - "[1.3125874 1.366066 1.3273717 1.4582107 1.0804807 1.2006882 1.0590432\n", - " 1.1097349 1.046426 1.0484405 1.0591967 1.0843294 1.046864 1.0282192\n", - " 1.08873 1.0209581 1.0780172 1.0257072 0. ]\n", - "\n", - "[ 3 1 2 0 5 7 14 11 4 16 10 6 9 12 8 13 17 15 18]\n", - "=======================\n", - "['wigan manager malky mackay has been sacked after just five months in charge , with wigan facing relegationthe 43-year-old was told of the decision during a brief meeting with new chairman david sharpe after the latics lost 2-0 at home against derby county .mackay was handed the job by former owner dave whelan back in november to a backdrop of an fa investigation into a shocking series of text messages , exposed by sportsmail .']\n", - "=======================\n", - "['malky mackay had only been in charge since novemberunder mackay wigan have picked up just 19 points in 24 gameswigan are eight points from safety with five games to play']\n", - "wigan manager malky mackay has been sacked after just five months in charge , with wigan facing relegationthe 43-year-old was told of the decision during a brief meeting with new chairman david sharpe after the latics lost 2-0 at home against derby county .mackay was handed the job by former owner dave whelan back in november to a backdrop of an fa investigation into a shocking series of text messages , exposed by sportsmail .\n", - "malky mackay had only been in charge since novemberunder mackay wigan have picked up just 19 points in 24 gameswigan are eight points from safety with five games to play\n", - "[1.2613709 1.2805657 1.2835699 1.1992959 1.1220337 1.1148021 1.1375252\n", - " 1.0560597 1.0832148 1.0298948 1.0185242 1.0479714 1.1232724 1.0386544\n", - " 1.0528917 1.0434803 1.0620908 1.079685 0. ]\n", - "\n", - "[ 2 1 0 3 6 12 4 5 8 17 16 7 14 11 15 13 9 10 18]\n", - "=======================\n", - "[\"walters says that the former white house intern would be a ` run away success ' on the view , a network source tells daily mail online .barbara 's magic bullet : monica lewinsky .retired news legend barbara walters still has some clout - and a strong opinion about how abc can turn things around at the ratings-challenged show she created , the view .\"]\n", - "=======================\n", - "['the grand dame of broadcasters believes that monica lewinsky has the right stuff to bring the view back from the brinkthe former white house intern would also draw great guests - although probably not hillary or bill clintonher recent ted talk on ` the price of fame ` redefines her story as the first victim of cyber-bullyingin recent weeks nielsen ratings showed that the talk beat out the view for the first time but the view made a comeback']\n", - "walters says that the former white house intern would be a ` run away success ' on the view , a network source tells daily mail online .barbara 's magic bullet : monica lewinsky .retired news legend barbara walters still has some clout - and a strong opinion about how abc can turn things around at the ratings-challenged show she created , the view .\n", - "the grand dame of broadcasters believes that monica lewinsky has the right stuff to bring the view back from the brinkthe former white house intern would also draw great guests - although probably not hillary or bill clintonher recent ted talk on ` the price of fame ` redefines her story as the first victim of cyber-bullyingin recent weeks nielsen ratings showed that the talk beat out the view for the first time but the view made a comeback\n", - "[1.223271 1.4730421 1.2002364 1.2412261 1.2495648 1.1761208 1.0185196\n", - " 1.0960333 1.0738105 1.2407368 1.0331225 1.0711575 1.0588678 1.024257\n", - " 1.1069679 1.0762491 1.1448303 0. 0. ]\n", - "\n", - "[ 1 4 3 9 0 2 5 16 14 7 15 8 11 12 10 13 6 17 18]\n", - "=======================\n", - "['vonda thedford , 55 , told fox news that she was driving along a pittsburg county rural road earlier this month when she spotted the mysterious carcass lying on the ground .caught on camera : an oklahoma woman believes she has secured photographic evidence of the legendary blood sucking beast , el chupacabra ( above )in a bid to document the unusual-looking beast , she whipped out her camera phone .']\n", - "=======================\n", - "[\"vonda thedford , 55 , said she was driving along a pittsburg county rural road earlier this month when she spotted the mysterious carcasswhen she stopped to look at the dead creature , she was disturbed to see it had ' a little truck ' in place of a nose , ` little toes ' and ` hair on its tail 'the restaurant worker says the images have left people baffled and no-one has been able to identify the bloated and hairless critterhowever , wildlife experts who studied the animal 's skeleton told fox news it appears to be that of a young dog\"]\n", - "vonda thedford , 55 , told fox news that she was driving along a pittsburg county rural road earlier this month when she spotted the mysterious carcass lying on the ground .caught on camera : an oklahoma woman believes she has secured photographic evidence of the legendary blood sucking beast , el chupacabra ( above )in a bid to document the unusual-looking beast , she whipped out her camera phone .\n", - "vonda thedford , 55 , said she was driving along a pittsburg county rural road earlier this month when she spotted the mysterious carcasswhen she stopped to look at the dead creature , she was disturbed to see it had ' a little truck ' in place of a nose , ` little toes ' and ` hair on its tail 'the restaurant worker says the images have left people baffled and no-one has been able to identify the bloated and hairless critterhowever , wildlife experts who studied the animal 's skeleton told fox news it appears to be that of a young dog\n", - "[1.2527256 1.3398902 1.1485862 1.0850539 1.0583686 1.5424526 1.1245831\n", - " 1.1941167 1.0630753 1.1067882 1.1471248 1.082754 1.0599613 1.0226758\n", - " 1.0112218 1.0096475 1.0115331 1.0104437 1.0084286]\n", - "\n", - "[ 5 1 0 7 2 10 6 9 3 11 8 12 4 13 16 14 17 15 18]\n", - "=======================\n", - "[\"burnley veteran defender michael duff is preparing to take on tottenham in the premier league on sundayharry kane could n't be hotter right now and veteran burnley defender duff will need all his experience to put out the fire when tottenham come to town on sunday .at the age of 37 , and getting on for eight years after he was told that his career was over , michael duff probably had n't expected to be chasing the bright young hope of english football around turf moor this weekend .\"]\n", - "=======================\n", - "['burnley host tottenham in the premier league on sundaymichael duff is the only man to appear in all eight english divisionsthe 37-year-old can not wait to take on spurs sensation harry kane']\n", - "burnley veteran defender michael duff is preparing to take on tottenham in the premier league on sundayharry kane could n't be hotter right now and veteran burnley defender duff will need all his experience to put out the fire when tottenham come to town on sunday .at the age of 37 , and getting on for eight years after he was told that his career was over , michael duff probably had n't expected to be chasing the bright young hope of english football around turf moor this weekend .\n", - "burnley host tottenham in the premier league on sundaymichael duff is the only man to appear in all eight english divisionsthe 37-year-old can not wait to take on spurs sensation harry kane\n", - "[1.2254039 1.3095157 1.1407024 1.3413894 1.272075 1.2347541 1.1545187\n", - " 1.141913 1.1211239 1.0570128 1.0665109 1.0406516 1.0493745 1.0272988\n", - " 1.0887595 1.05227 1.0311445 1.0269115 1.0385139 1.0141596]\n", - "\n", - "[ 3 1 4 5 0 6 7 2 8 14 10 9 15 12 11 18 16 13 17 19]\n", - "=======================\n", - "['noaa fisheries in maryland says the humpback whale is no longer endangered .at one stage the worldwide population dropped to just a few thousand due to over-fishing and hunting , but it has now recovered to 90,000 .they want to break up global population into 14 sub-populations .']\n", - "=======================\n", - "[\"noaa fisheries in maryland says humpback whale is no longer endangeredthey want to break up global population into 14 sub-populationsten of these will be ` not at risk ' , two ` threatened ' and two still ` endangered 'follows conservation ` success story ' that raised numbers to 90,000\"]\n", - "noaa fisheries in maryland says the humpback whale is no longer endangered .at one stage the worldwide population dropped to just a few thousand due to over-fishing and hunting , but it has now recovered to 90,000 .they want to break up global population into 14 sub-populations .\n", - "noaa fisheries in maryland says humpback whale is no longer endangeredthey want to break up global population into 14 sub-populationsten of these will be ` not at risk ' , two ` threatened ' and two still ` endangered 'follows conservation ` success story ' that raised numbers to 90,000\n", - "[1.2737857 1.3679302 1.1931041 1.2890946 1.1727976 1.2025032 1.0578164\n", - " 1.0245639 1.2578658 1.0577223 1.1341437 1.069738 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 8 5 2 4 10 11 6 9 7 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "['the loophole came to light after trading standards officers raided restaurant the royal china club , on baker street in central london , and confiscated illegally imported fins .one in five chinese restaurants are believed to be serving shark fin soup exploiting a legal loophole allowing people to bring the meat to this country if it is for personal consumption , a charity claims .more than 70 million sharks are killed each year for their fins , often dying slow , painful deaths after being dumped back into the sea once their most valuable parts have been cut off .']\n", - "=======================\n", - "['up to one in five chinese eateries could be selling soup using illegal meatcharity says it is often disguised on menu or only offered if requestedloophole lets people bring 20 kg of meat into uk for personal consumption']\n", - "the loophole came to light after trading standards officers raided restaurant the royal china club , on baker street in central london , and confiscated illegally imported fins .one in five chinese restaurants are believed to be serving shark fin soup exploiting a legal loophole allowing people to bring the meat to this country if it is for personal consumption , a charity claims .more than 70 million sharks are killed each year for their fins , often dying slow , painful deaths after being dumped back into the sea once their most valuable parts have been cut off .\n", - "up to one in five chinese eateries could be selling soup using illegal meatcharity says it is often disguised on menu or only offered if requestedloophole lets people bring 20 kg of meat into uk for personal consumption\n", - "[1.577841 1.2278478 1.3830214 1.2277964 1.0922632 1.039356 1.0659246\n", - " 1.1235628 1.0774173 1.1510484 1.1059716 1.1393749 1.0688872 1.0147938\n", - " 1.011755 1.0114424 1.016981 1.0116194 0. 0. ]\n", - "\n", - "[ 0 2 1 3 9 11 7 10 4 8 12 6 5 16 13 14 17 15 18 19]\n", - "=======================\n", - "['( cnn ) nba player thabo sefolosha says police caused his season-ending leg injury when he was arrested last week after leaving a nightclub in new york .sefolosha suffered a fractured fibula and ligament damage when he and teammate pero antic were arrested near the scene of the stabbing of indiana pacers forward chris copeland and two other women early april 8 .in a statement tuesday , the guard/forward for the atlanta hawks described his injury as \" significant , \" and said it \" was caused by the police . \"']\n", - "=======================\n", - "['thabo sefolosha says he \" experienced a significant injury and ... the injury was caused by the police \"he and teammate pero antic were arrested near the scene of a stabbing early april 8they were not involved in the stabbing police said , but they were arrested for obstruction , other charges']\n", - "( cnn ) nba player thabo sefolosha says police caused his season-ending leg injury when he was arrested last week after leaving a nightclub in new york .sefolosha suffered a fractured fibula and ligament damage when he and teammate pero antic were arrested near the scene of the stabbing of indiana pacers forward chris copeland and two other women early april 8 .in a statement tuesday , the guard/forward for the atlanta hawks described his injury as \" significant , \" and said it \" was caused by the police . \"\n", - "thabo sefolosha says he \" experienced a significant injury and ... the injury was caused by the police \"he and teammate pero antic were arrested near the scene of a stabbing early april 8they were not involved in the stabbing police said , but they were arrested for obstruction , other charges\n", - "[1.2963755 1.190143 1.1830372 1.0630622 1.2284675 1.1355597 1.0636636\n", - " 1.2135096 1.0508535 1.1313264 1.0510209 1.0920632 1.2488693 1.0466188\n", - " 1.0807151 1.0608182 1.0433193 1.0539691 1.0280282 1.0236168]\n", - "\n", - "[ 0 12 4 7 1 2 5 9 11 14 6 3 15 17 10 8 13 16 18 19]\n", - "=======================\n", - "['just over 60 per cent of americans believe global warming is taking place and nearly half blame humans for the change .now a new interactive map has revealed public opinion in all 50 states , 435 congressional districts and more than 3,000 counties .but within the us , opinions on global warming vary wildly between states , local communities , and congressional districts .']\n", - "=======================\n", - "['the map , created by yale university , reveals public opinion in all 50 states , 435 districts and 3,000 countiesoverall , just over 60 per cent of americans believe global warming is taking place and nearly half blame humansclimate change concern ranges from 38 per cent in pickett county , tennessee , to 74 per cent in washington dc']\n", - "just over 60 per cent of americans believe global warming is taking place and nearly half blame humans for the change .now a new interactive map has revealed public opinion in all 50 states , 435 congressional districts and more than 3,000 counties .but within the us , opinions on global warming vary wildly between states , local communities , and congressional districts .\n", - "the map , created by yale university , reveals public opinion in all 50 states , 435 districts and 3,000 countiesoverall , just over 60 per cent of americans believe global warming is taking place and nearly half blame humansclimate change concern ranges from 38 per cent in pickett county , tennessee , to 74 per cent in washington dc\n", - "[1.278901 1.4595656 1.3525509 1.2950138 1.1783694 1.1996257 1.1486485\n", - " 1.1368971 1.1896962 1.0984817 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 8 4 6 7 9 10 11 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"the outdoor car park at the terminal was closed after authorities were alerted to the blaze just after 8am on thursday .the red 4wd was fully engulfed in flames when authorities arrived and witnesses reported seeing fire spewing from the bonnet of the vehicle .a 4wd has burst into flames in the middle of sydney airport 's busy international terminal car park covering the area in thick smoke .\"]\n", - "=======================\n", - "[\"car burst into flames at sydney airport 's international terminal on thursday4wd was completely destroyed when flames started spewing from enginefire crews worked to put out flames as smoke covered outdoor car parkvehicle was surrounded by other cars at busy terminal car park\"]\n", - "the outdoor car park at the terminal was closed after authorities were alerted to the blaze just after 8am on thursday .the red 4wd was fully engulfed in flames when authorities arrived and witnesses reported seeing fire spewing from the bonnet of the vehicle .a 4wd has burst into flames in the middle of sydney airport 's busy international terminal car park covering the area in thick smoke .\n", - "car burst into flames at sydney airport 's international terminal on thursday4wd was completely destroyed when flames started spewing from enginefire crews worked to put out flames as smoke covered outdoor car parkvehicle was surrounded by other cars at busy terminal car park\n", - "[1.4218848 1.4641279 1.3351133 1.1249996 1.0594529 1.0488138 1.0580547\n", - " 1.2078426 1.0275309 1.0481427 1.0386524 1.0191458 1.028655 1.0948964\n", - " 1.0295339 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 7 3 13 4 6 5 9 10 14 12 8 11 16 15 17]\n", - "=======================\n", - "[\"google introduced the app in february as a ` safer ' place for kids to explore videos because it was restricted to ` family-focused content . 'the new youtube kids mobile app targets young children with unfair and deceptive advertising and should be investigated , a group of consumer advocates told the federal trade commission in a letter tuesday .but the consumer activists say the app is so stuffed with advertisements and product placements that it 's hard to tell the difference between entertainment and commercials .\"]\n", - "=======================\n", - "['app collate child-friendly videos , songs and educational resourcescontent by dreamworks , national geographic and youtubersclaims the app has too many advertisements and product placements']\n", - "google introduced the app in february as a ` safer ' place for kids to explore videos because it was restricted to ` family-focused content . 'the new youtube kids mobile app targets young children with unfair and deceptive advertising and should be investigated , a group of consumer advocates told the federal trade commission in a letter tuesday .but the consumer activists say the app is so stuffed with advertisements and product placements that it 's hard to tell the difference between entertainment and commercials .\n", - "app collate child-friendly videos , songs and educational resourcescontent by dreamworks , national geographic and youtubersclaims the app has too many advertisements and product placements\n", - "[1.2120622 1.4397275 1.2676468 1.2809885 1.199891 1.1632589 1.1257997\n", - " 1.0749717 1.0150702 1.010345 1.1273781 1.0527897 1.0231028 1.0505141\n", - " 1.1217728 1.2015187 1.0599059 0. ]\n", - "\n", - "[ 1 3 2 0 15 4 5 10 6 14 7 16 11 13 12 8 9 17]\n", - "=======================\n", - "['researchers from texas a&m school of public health found that hospitalizations from car crashes dropped 7 percent between 2003 and 20010 in the 45 states with texting bans when compared to states with no restrictions .most states : most of the us has laws that ban drivers from texting while at the wheel to prevent accidentsbans on texting and driving may be preventing deadly car accidents in the united states , says a new study .']\n", - "=======================\n", - "['study found that hospitalizations from car crashes dropped 7 percent between 2003 and 20010 in the 45 states with texting bansarizona , texas , montana , missouri , and oklahoma are the only five states in america that do not have texting at the wheel bans for all driversthe study also found that older drivers were more likely to make a texting and driving mistake than a younger driver']\n", - "researchers from texas a&m school of public health found that hospitalizations from car crashes dropped 7 percent between 2003 and 20010 in the 45 states with texting bans when compared to states with no restrictions .most states : most of the us has laws that ban drivers from texting while at the wheel to prevent accidentsbans on texting and driving may be preventing deadly car accidents in the united states , says a new study .\n", - "study found that hospitalizations from car crashes dropped 7 percent between 2003 and 20010 in the 45 states with texting bansarizona , texas , montana , missouri , and oklahoma are the only five states in america that do not have texting at the wheel bans for all driversthe study also found that older drivers were more likely to make a texting and driving mistake than a younger driver\n", - "[1.2289882 1.3843607 1.3329837 1.2645284 1.24739 1.0928406 1.1509888\n", - " 1.1117438 1.0924505 1.1124873 1.0779294 1.0935018 1.033676 1.012664\n", - " 1.0129013 1.0506996 1.0355546 1.0478802]\n", - "\n", - "[ 1 2 3 4 0 6 9 7 11 5 8 10 15 17 16 12 14 13]\n", - "=======================\n", - "[\"thibaud jean leon vallet , 24 , and his cousin jean mickael batrikian , 18 , pleaded guilty to animal cruelty after footage emerged of the pair lighting the quokka on fire with an aerosol can and a lighter on rottnest island on april 3 .the pair appeared before fremantle magistrate 's court last friday and were ordered to pay $ 4000 and were told that they would be held behind bars for seven days if they fail to pay the fines .the two french tourists charged with setting fire to a quokka have been released from jail after spending a week behind bars\"]\n", - "=======================\n", - "['video emerged showing two french tourists torching a quokkafootage sees men laugh after igniting the creature with aerosol and lighterthe men were given the choice of paying $ 4000 or spending a week in jailthe pair were released from jail on thursday after choosing the latterthe stay cost taxpayers $ 1810 a day despite them having $ 12,000 savingsanimal rights activists have said that the punishment was too lenient']\n", - "thibaud jean leon vallet , 24 , and his cousin jean mickael batrikian , 18 , pleaded guilty to animal cruelty after footage emerged of the pair lighting the quokka on fire with an aerosol can and a lighter on rottnest island on april 3 .the pair appeared before fremantle magistrate 's court last friday and were ordered to pay $ 4000 and were told that they would be held behind bars for seven days if they fail to pay the fines .the two french tourists charged with setting fire to a quokka have been released from jail after spending a week behind bars\n", - "video emerged showing two french tourists torching a quokkafootage sees men laugh after igniting the creature with aerosol and lighterthe men were given the choice of paying $ 4000 or spending a week in jailthe pair were released from jail on thursday after choosing the latterthe stay cost taxpayers $ 1810 a day despite them having $ 12,000 savingsanimal rights activists have said that the punishment was too lenient\n", - "[1.3422647 1.1156448 1.2762427 1.2904452 1.2241391 1.2507741 1.277456\n", - " 1.0363374 1.1348685 1.0463669 1.1438334 1.0847293 1.0272152 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 6 2 5 4 10 8 1 11 9 7 12 16 13 14 15 17]\n", - "=======================\n", - "[\"the irs ' overloaded phone system hung up on more than eight million taxpayers this filing season as the agency cut millions of dollars from customer services .the agency 's budget has been cut by $ 1.2 billion since 2010 .many of those people had to wait on hold for more than 30 minutes , irs commissioner john koskinen said wednesday .\"]\n", - "=======================\n", - "[\"for those who were n't disconnected , only 40percent actually got throughmany of those people had to wait on hold for more than 30 minutes , irs commissioner john koskinen said wednesdayhe blamed budget cuts approved by congress for the phone problemsthe agency 's budget has been cut by $ 1.2 billion since 2010\"]\n", - "the irs ' overloaded phone system hung up on more than eight million taxpayers this filing season as the agency cut millions of dollars from customer services .the agency 's budget has been cut by $ 1.2 billion since 2010 .many of those people had to wait on hold for more than 30 minutes , irs commissioner john koskinen said wednesday .\n", - "for those who were n't disconnected , only 40percent actually got throughmany of those people had to wait on hold for more than 30 minutes , irs commissioner john koskinen said wednesdayhe blamed budget cuts approved by congress for the phone problemsthe agency 's budget has been cut by $ 1.2 billion since 2010\n", - "[1.1265614 1.3981287 1.4243118 1.2599245 1.0839503 1.0550973 1.0352371\n", - " 1.0446799 1.113679 1.086837 1.087235 1.0355572 1.1188376 1.1139312\n", - " 1.0850453 1.0225128 1.0172498 1.0570843]\n", - "\n", - "[ 2 1 3 0 12 13 8 10 9 14 4 17 5 7 11 6 15 16]\n", - "=======================\n", - "['exposure to the mould can cause mood swings , irrational anger and cognitive impairment .researchers claim that older buildings where hauntings are usually reported , often have poor air quality from pollutants like toxic mould , which can affect our brains .if you think you have seen a ghost , you may have been suffering the effects of exposure to mould , according to a group of scientists .']\n", - "=======================\n", - "[\"clarkson university experts are probing the link between mould and ghoststhey are carrying out their investigations in old buildings in new yorkthink spores in old ` haunted ' buildings may affect people 's brainspsychoactive effects of mould are unclear but cause cognitive impairment\"]\n", - "exposure to the mould can cause mood swings , irrational anger and cognitive impairment .researchers claim that older buildings where hauntings are usually reported , often have poor air quality from pollutants like toxic mould , which can affect our brains .if you think you have seen a ghost , you may have been suffering the effects of exposure to mould , according to a group of scientists .\n", - "clarkson university experts are probing the link between mould and ghoststhey are carrying out their investigations in old buildings in new yorkthink spores in old ` haunted ' buildings may affect people 's brainspsychoactive effects of mould are unclear but cause cognitive impairment\n", - "[1.2608175 1.3844833 1.2532605 1.1974398 1.1747422 1.3001674 1.1496578\n", - " 1.0137849 1.020166 1.0592443 1.1160134 1.0709136 1.0541677 1.235457\n", - " 1.0488935 1.0118552 1.0610796 1.1542348 1.033864 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 5 0 2 13 3 4 17 6 10 11 16 9 12 14 18 8 7 15 20 19 21]\n", - "=======================\n", - "['the fire began around 11:30 a.m. sunday on tupper street in downtown buffalo , wgrz reported .a buffalo fire department official told wgrz the second of three explosions sent one of the manhole covers 200 to 300 feet into the air .authorities have said an underground electrical fire is blamed for a explosion that sent a manhole cover flying more than 200 feet above a buffalo street in a blast that was captured by a television news photographer .']\n", - "=======================\n", - "['authorities have said an underground electrical fire is blamed for an explosion that sent a manhole cover flying more than 200 feetthe fire began around 11:30 a.m. sunday on tupper street in downtown buffalo , new yorkpolice evacuated two buildings as smoke came out of manholesa photojournalist was interviewing a man on the street when the second blast occurred about a half-block behind him and the manhole flew up']\n", - "the fire began around 11:30 a.m. sunday on tupper street in downtown buffalo , wgrz reported .a buffalo fire department official told wgrz the second of three explosions sent one of the manhole covers 200 to 300 feet into the air .authorities have said an underground electrical fire is blamed for a explosion that sent a manhole cover flying more than 200 feet above a buffalo street in a blast that was captured by a television news photographer .\n", - "authorities have said an underground electrical fire is blamed for an explosion that sent a manhole cover flying more than 200 feetthe fire began around 11:30 a.m. sunday on tupper street in downtown buffalo , new yorkpolice evacuated two buildings as smoke came out of manholesa photojournalist was interviewing a man on the street when the second blast occurred about a half-block behind him and the manhole flew up\n", - "[1.2230861 1.221558 1.0549554 1.2693713 1.3082002 1.2107347 1.1368003\n", - " 1.0677521 1.1147002 1.0436232 1.0325701 1.0288476 1.0721554 1.0331032\n", - " 1.0795127 1.0762582 1.0647247 1.0762788 1.0306668 1.0338861 1.1413066\n", - " 1.022484 ]\n", - "\n", - "[ 4 3 0 1 5 20 6 8 14 17 15 12 7 16 2 9 19 13 10 18 11 21]\n", - "=======================\n", - "['a new generation of suncreams promise to protect against the damage from infra-red a rays and others say they protect the skin from the inside .here , dr bav shergill , a consultant dermatologist at queen victoria hospital in east grinstead , offers his verdict .here , consultant dermatologist bav shergill gives his verdict']\n", - "=======================\n", - "[\"new range of suncreams claim to stop damage from infra-red a rays toosome even say they protect the skin from the inside , but what 's the truth ?consultant dermatologist bav shergill offers his expert verdict\"]\n", - "a new generation of suncreams promise to protect against the damage from infra-red a rays and others say they protect the skin from the inside .here , dr bav shergill , a consultant dermatologist at queen victoria hospital in east grinstead , offers his verdict .here , consultant dermatologist bav shergill gives his verdict\n", - "new range of suncreams claim to stop damage from infra-red a rays toosome even say they protect the skin from the inside , but what 's the truth ?consultant dermatologist bav shergill offers his expert verdict\n", - "[1.2779348 1.461443 1.3062305 1.4081591 1.20002 1.0712899 1.1115483\n", - " 1.0995501 1.0234152 1.0139173 1.0239435 1.064558 1.0327487 1.2301692\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 13 4 6 7 5 11 12 10 8 9 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"joseph o'riordan was sitting on polegate town council in east sussex when he grew suspicious his wife , amanda , 47 , was having an alleged affair and hired a private investigator to follow her .joseph o'riordan stabbed his wife of ten years amanda ( left ) with a seven inch kitchen knife eight timesbrighton magistrates ' court heard they agreed to stay together but o'riordan later attacked her - stabbing her in the chest , torso , arms and back .\"]\n", - "=======================\n", - "[\"joseph o'riordan allegedly grew suspicious of wife and hired investigatorthe town councillor found out amanda had an alleged affair with postmanhe 's said to have knifed her chest , torso and back telling her ` it 's your fault 'court heard 999 call where he admits attack but denied attempted murder\"]\n", - "joseph o'riordan was sitting on polegate town council in east sussex when he grew suspicious his wife , amanda , 47 , was having an alleged affair and hired a private investigator to follow her .joseph o'riordan stabbed his wife of ten years amanda ( left ) with a seven inch kitchen knife eight timesbrighton magistrates ' court heard they agreed to stay together but o'riordan later attacked her - stabbing her in the chest , torso , arms and back .\n", - "joseph o'riordan allegedly grew suspicious of wife and hired investigatorthe town councillor found out amanda had an alleged affair with postmanhe 's said to have knifed her chest , torso and back telling her ` it 's your fault 'court heard 999 call where he admits attack but denied attempted murder\n", - "[1.5586848 1.3619318 1.1187108 1.2374403 1.3932285 1.1650224 1.0938671\n", - " 1.0689418 1.067695 1.1308572 1.0569377 1.0200329 1.0285754 1.095747\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 4 1 3 5 9 2 13 6 7 8 10 12 11 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"former holland forward dirk kuyt is returning to feyenoord next season , aiming to end his professional playing days at the club that was a launching pad for nine years at liverpool and fenerbahce , the rotterdam club announced friday .kuyt signed a one-year contract with feyenoord , who are currently third in the top-flight eredivisie , but said his stay will likely be longer .he was the eredivisie 's top scorer in the 2004-2005 season and was named dutch footballer of the year in 2006 .\"]\n", - "=======================\n", - "['dirk kuyt agrees one-year-deal to move back to former club feyenoordthe dutchman left in 2006 to sign for liverpool before moving to turkeykuyt made 208 appearances for liverpool , scoring 51 goalsclick here for all the latest liverpool news']\n", - "former holland forward dirk kuyt is returning to feyenoord next season , aiming to end his professional playing days at the club that was a launching pad for nine years at liverpool and fenerbahce , the rotterdam club announced friday .kuyt signed a one-year contract with feyenoord , who are currently third in the top-flight eredivisie , but said his stay will likely be longer .he was the eredivisie 's top scorer in the 2004-2005 season and was named dutch footballer of the year in 2006 .\n", - "dirk kuyt agrees one-year-deal to move back to former club feyenoordthe dutchman left in 2006 to sign for liverpool before moving to turkeykuyt made 208 appearances for liverpool , scoring 51 goalsclick here for all the latest liverpool news\n", - "[1.1845556 1.295938 1.2835654 1.1909913 1.2991996 1.2667547 1.0974115\n", - " 1.0365314 1.0456871 1.0169115 1.0897061 1.0458262 1.078675 1.1087788\n", - " 1.1439424 1.0939951 1.0664406 1.0611851 1.0207049 1.0069653 1.009984\n", - " 0. ]\n", - "\n", - "[ 4 1 2 5 3 0 14 13 6 15 10 12 16 17 11 8 7 18 9 20 19 21]\n", - "=======================\n", - "['however , they discovered a cancer drug may reverse the damage .this is because drinking excessive amounts of alcohol when young can damage the brain and cause permanent changes to dna .this , in turn , can put teenagers at risk of anxiety disorders and alcoholism , researchers found .']\n", - "=======================\n", - "['binge drinking when young can cause changes in dna in brain cellsthe changes mean connections do not form as normal between the cellsthis alters the way genes are expressed and changes behaviourhowever , experts discovered a cancer drug can reverse the changes']\n", - "however , they discovered a cancer drug may reverse the damage .this is because drinking excessive amounts of alcohol when young can damage the brain and cause permanent changes to dna .this , in turn , can put teenagers at risk of anxiety disorders and alcoholism , researchers found .\n", - "binge drinking when young can cause changes in dna in brain cellsthe changes mean connections do not form as normal between the cellsthis alters the way genes are expressed and changes behaviourhowever , experts discovered a cancer drug can reverse the changes\n", - "[1.2302908 1.3740743 1.2310591 1.2569484 1.1327239 1.1038213 1.1045489\n", - " 1.1196369 1.0706744 1.1244577 1.0670868 1.0150937 1.0612507 1.0986476\n", - " 1.0768889 1.0533876 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 9 7 6 5 13 14 8 10 12 15 11 17 16 18]\n", - "=======================\n", - "['researchers examining the site where a series of tracks left by a barefooted early human in ileret , northwest kenya , have now found a total of 99 prints .the distinct tracks found at ileret in kenya ( like the one above ) are the oldest human footprints in the worldthey now believe that they belong to groups who all passed over the soft mud at the same time - perhaps even stalking some of the other animals whose prints are also preserved in the mud .']\n", - "=======================\n", - "['researchers at the american museum of natural history in new york have found 99 footprints that appear to have been left by male homo erectusthe footprints - the oldest human tracks in the world , found in in ileret , kenya - may have been left by group hunting antelope or wildebeestit suggests homo erectus were probably sophisticated and deadly hunters']\n", - "researchers examining the site where a series of tracks left by a barefooted early human in ileret , northwest kenya , have now found a total of 99 prints .the distinct tracks found at ileret in kenya ( like the one above ) are the oldest human footprints in the worldthey now believe that they belong to groups who all passed over the soft mud at the same time - perhaps even stalking some of the other animals whose prints are also preserved in the mud .\n", - "researchers at the american museum of natural history in new york have found 99 footprints that appear to have been left by male homo erectusthe footprints - the oldest human tracks in the world , found in in ileret , kenya - may have been left by group hunting antelope or wildebeestit suggests homo erectus were probably sophisticated and deadly hunters\n", - "[1.5032713 1.2877803 1.1736901 1.199779 1.1670026 1.1071144 1.110165\n", - " 1.1001561 1.0835449 1.0674138 1.06359 1.0754129 1.0704328 1.0808177\n", - " 1.0455483 1.035788 1.0235132 1.0503546 1.0381114]\n", - "\n", - "[ 0 1 3 2 4 6 5 7 8 13 11 12 9 10 17 14 18 15 16]\n", - "=======================\n", - "[\"( cnn ) freddie gray did not get timely medical care after he was arrested and was not buckled into a seat belt while being transported in a police van , baltimore police said friday .gray , who was stopped april 12 after a foot pursuit through several housing complexes , should have received medical attention at the scene of his arrest , said deputy police commissioner kevin davis .five days after gray 's death and amid ongoing protests , police officials acknowledged mistakes were made during and after his arrest .\"]\n", - "=======================\n", - "['attorney for the family of freddie gray says developments are step forward but another issue is more importantfamily will have a forensic pathologist do an independent autopsypolice say gray should have received medical care at different points before he got to a police station']\n", - "( cnn ) freddie gray did not get timely medical care after he was arrested and was not buckled into a seat belt while being transported in a police van , baltimore police said friday .gray , who was stopped april 12 after a foot pursuit through several housing complexes , should have received medical attention at the scene of his arrest , said deputy police commissioner kevin davis .five days after gray 's death and amid ongoing protests , police officials acknowledged mistakes were made during and after his arrest .\n", - "attorney for the family of freddie gray says developments are step forward but another issue is more importantfamily will have a forensic pathologist do an independent autopsypolice say gray should have received medical care at different points before he got to a police station\n", - "[1.3284461 1.3193012 1.0784922 1.2078639 1.0746114 1.2410754 1.0933713\n", - " 1.149 1.2098016 1.0321882 1.0168939 1.0186259 1.0949843 1.1225964\n", - " 1.0430299 1.1239169 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 8 3 7 15 13 12 6 2 4 14 9 11 10 17 16 18]\n", - "=======================\n", - "[\"the man whose father married tippi hedren and who spent years living with melanie griffith as her stepbrother is opening up about the infamous lion film the two made with their parents , roar .they worked , and lived , with lions for the 11 years they made the film , and now , john marshall , son of director noel marshall who was married to hedren , is saying of his father 's decision ; ` dad was a f**king ** hole to do that to his family . 'the film roar became infamous for the injuries received by 70 members of the cast and crew during production\"]\n", - "=======================\n", - "[\"roar , the film that took 11 years to create and was originally released in cinemas 1981 is being re-released at some cinemas in the us in aprilfilm features noel marshall , his real-life partner tippi hedren and their kids , james marshall and melanie griffithfamily lived alongside 150 untamed animals in order to make movie` dad was a f**king ** hole to do that to his family , ' says james in a new interviewinjuries to the crew included a broken leg , gangrene and large wounds , with james needing six men to pull a lion off him at one point\"]\n", - "the man whose father married tippi hedren and who spent years living with melanie griffith as her stepbrother is opening up about the infamous lion film the two made with their parents , roar .they worked , and lived , with lions for the 11 years they made the film , and now , john marshall , son of director noel marshall who was married to hedren , is saying of his father 's decision ; ` dad was a f**king ** hole to do that to his family . 'the film roar became infamous for the injuries received by 70 members of the cast and crew during production\n", - "roar , the film that took 11 years to create and was originally released in cinemas 1981 is being re-released at some cinemas in the us in aprilfilm features noel marshall , his real-life partner tippi hedren and their kids , james marshall and melanie griffithfamily lived alongside 150 untamed animals in order to make movie` dad was a f**king ** hole to do that to his family , ' says james in a new interviewinjuries to the crew included a broken leg , gangrene and large wounds , with james needing six men to pull a lion off him at one point\n", - "[1.3207573 1.4134394 1.2442528 1.3482786 1.106497 1.1602013 1.1126662\n", - " 1.1004993 1.0935383 1.0376079 1.0194972 1.0196915 1.0669574 1.0164502\n", - " 1.0157418 1.0499932 1.0218418 1.0078385 0. ]\n", - "\n", - "[ 1 3 0 2 5 6 4 7 8 12 15 9 16 11 10 13 14 17 18]\n", - "=======================\n", - "[\"u.s. district judge henry t. wingate on thursday sentenced shelbie brooke richards , 21 , of pearl to eight years in prison on one count each of conspiracy to commit a hate crime and concealing the crime by lying to police .two women who were part of a group that repeatedly searched mississippi 's capital city for black people to assault were sentenced thursday to multiple years in federal prison for their role in the 2011 hate killing of 47-year-old james craig anderson .james anderson was one of their victims .\"]\n", - "=======================\n", - "[\"sarah graves , 22 , and shelbie richards , 21 , pleaded guilty to conspiring to commit the 2011 hate crime - graves got five years , richards received eightthe women were among 10 white teens who left a party in rankin county to find black men to assault in jackson , which they called ` jafrica 'both women were in deryl dedmon 's truck when he fatally ran over james craig anderson , 47 , in june 2011\"]\n", - "u.s. district judge henry t. wingate on thursday sentenced shelbie brooke richards , 21 , of pearl to eight years in prison on one count each of conspiracy to commit a hate crime and concealing the crime by lying to police .two women who were part of a group that repeatedly searched mississippi 's capital city for black people to assault were sentenced thursday to multiple years in federal prison for their role in the 2011 hate killing of 47-year-old james craig anderson .james anderson was one of their victims .\n", - "sarah graves , 22 , and shelbie richards , 21 , pleaded guilty to conspiring to commit the 2011 hate crime - graves got five years , richards received eightthe women were among 10 white teens who left a party in rankin county to find black men to assault in jackson , which they called ` jafrica 'both women were in deryl dedmon 's truck when he fatally ran over james craig anderson , 47 , in june 2011\n", - "[1.310369 1.3414177 1.2074411 1.1678072 1.2534827 1.1428506 1.0710037\n", - " 1.2498735 1.0673275 1.0371373 1.0706484 1.0360329 1.0515113 1.0992557\n", - " 1.0497253 1.0241622 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 7 2 3 5 13 6 10 8 12 14 9 11 15 17 16 18]\n", - "=======================\n", - "[\"michelle carter , 18 , looked glum as she appeared in court in new bedford on thursday accused of encouraging the death of conrad roy iii , who gassed himself in his truck in fairhaven last july .lawyers for a high school honor student in massachusetts say the teen is ` bewildered ' over the involuntary manslaughter charges against her following the suicide of her friend , as they push to have the case moved to a different county due to ' a conflict of interest ' .during the hearing her defense attorney requested the case be moved out of bristol county , saying it 's ` impossible ' for carter to receive a fair trial in the area because the district attorney is the victim 's third cousin .\"]\n", - "=======================\n", - "[\"michelle carter , 18 , appeared in new bedford court thursday over the involuntary manslaughter of conrad roy ii , 18 , who killed himself last julycarter ` sent roy a series of texts encouraging him to take his own life 'her lawyers claim she is ` bewildered at the charges ' and have asked for the case to be moved because the district attorney is the victim 's third cousinthey claim she was actually trying to help royroy was found dead of carbon monoxide poisoning in his idling truckcarter told a friend she was worried that the police were checking his text messages , saying : ` i 'm done ... i could go to jail 'after he died , she raised money for suicide prevention and wrote on twitter about how much she missed himcarter , who was 17 at the time , is free on bail but ca n't text or use social media\"]\n", - "michelle carter , 18 , looked glum as she appeared in court in new bedford on thursday accused of encouraging the death of conrad roy iii , who gassed himself in his truck in fairhaven last july .lawyers for a high school honor student in massachusetts say the teen is ` bewildered ' over the involuntary manslaughter charges against her following the suicide of her friend , as they push to have the case moved to a different county due to ' a conflict of interest ' .during the hearing her defense attorney requested the case be moved out of bristol county , saying it 's ` impossible ' for carter to receive a fair trial in the area because the district attorney is the victim 's third cousin .\n", - "michelle carter , 18 , appeared in new bedford court thursday over the involuntary manslaughter of conrad roy ii , 18 , who killed himself last julycarter ` sent roy a series of texts encouraging him to take his own life 'her lawyers claim she is ` bewildered at the charges ' and have asked for the case to be moved because the district attorney is the victim 's third cousinthey claim she was actually trying to help royroy was found dead of carbon monoxide poisoning in his idling truckcarter told a friend she was worried that the police were checking his text messages , saying : ` i 'm done ... i could go to jail 'after he died , she raised money for suicide prevention and wrote on twitter about how much she missed himcarter , who was 17 at the time , is free on bail but ca n't text or use social media\n", - "[1.420673 1.671994 1.1800239 1.2891815 1.129849 1.1640856 1.0462825\n", - " 1.039413 1.0246674 1.020621 1.0166163 1.020906 1.0271866 1.2678664\n", - " 1.0389959 1.0994667 1.0144202 1.0150604 0. 0. ]\n", - "\n", - "[ 1 0 3 13 2 5 4 15 6 7 14 12 8 11 9 10 17 16 18 19]\n", - "=======================\n", - "[\"jose mourinho 's side moved 10 points clear at the top of the table after eden hazard 's goal was enough to beat manchester united , meaning they require two wins from their last six matches to claim the league .chelsea captain john terry is adamant that there is still work to be done if they are to clinch the premier league title .chelsea defender john terry celebrates with his fellow centre back gary cahil at the final whistle\"]\n", - "=======================\n", - "['chelsea defeated manchester united 1-0 at stamford bridgethe win moves the blues 10 points clear at the top of the tablechelsea require two wins from their last six matches to claim the title']\n", - "jose mourinho 's side moved 10 points clear at the top of the table after eden hazard 's goal was enough to beat manchester united , meaning they require two wins from their last six matches to claim the league .chelsea captain john terry is adamant that there is still work to be done if they are to clinch the premier league title .chelsea defender john terry celebrates with his fellow centre back gary cahil at the final whistle\n", - "chelsea defeated manchester united 1-0 at stamford bridgethe win moves the blues 10 points clear at the top of the tablechelsea require two wins from their last six matches to claim the title\n", - "[1.2465588 1.4080366 1.4075543 1.2912407 1.2165303 1.1136574 1.0427264\n", - " 1.0297258 1.0278567 1.0201062 1.0347242 1.1112256 1.0457308 1.0757589\n", - " 1.0226599 1.0437882 1.0203519 1.0154632 1.0178943 0. ]\n", - "\n", - "[ 1 2 3 0 4 5 11 13 12 15 6 10 7 8 14 16 9 18 17 19]\n", - "=======================\n", - "['a selection of 36 sweets - including liquorice sticks , cola bottles , jelly beans and gummy bears - are on sale , all guaranteed to be free of animal products or alcohol-based ingredients .the 10 stores trialling the scheme include blackburn , bolton , preston , bradford , west bromwich , birmingham , leamington spa and three in london .morrisons supermarket has brought in halal-only pick and mix counters to cater for muslim customers .']\n", - "=======================\n", - "['supermarket giant becomes first to introduce halal-only sweet countersmove being trialled in 10 stores around the uk based on local communitycounters will sell 36 types of gelatine-free and alcohol-free sweetsmuslim figures praise the move and say demand will be high']\n", - "a selection of 36 sweets - including liquorice sticks , cola bottles , jelly beans and gummy bears - are on sale , all guaranteed to be free of animal products or alcohol-based ingredients .the 10 stores trialling the scheme include blackburn , bolton , preston , bradford , west bromwich , birmingham , leamington spa and three in london .morrisons supermarket has brought in halal-only pick and mix counters to cater for muslim customers .\n", - "supermarket giant becomes first to introduce halal-only sweet countersmove being trialled in 10 stores around the uk based on local communitycounters will sell 36 types of gelatine-free and alcohol-free sweetsmuslim figures praise the move and say demand will be high\n", - "[1.2356926 1.3807274 1.2528969 1.279473 1.1192006 1.063586 1.0610913\n", - " 1.0861897 1.0515082 1.125807 1.1281999 1.109521 1.1269082 1.1129007\n", - " 1.0270674 1.0477709 1.0471253 1.0359626 0. 0. ]\n", - "\n", - "[ 1 3 2 0 10 12 9 4 13 11 7 5 6 8 15 16 17 14 18 19]\n", - "=======================\n", - "['stars such as angel di maria , pablo zabaleta and marcos rojo embraced as they dined at the popular san carlo italian restaurant .the united players had just returned from a disappointing 1-0 defeat by premier league leaders chelsea on saturday , while the city men were still on a high following a comfortable victory over west ham .argentina internationals from manchester city and manchester united looked delighted as they joined forces on sunday night , enjoying a meal with their partners in the city centre .']\n", - "=======================\n", - "[\"angel di maria and marcos rojo dine out together in manchestermanchester city stars martin demichelis and pablo zabaleta also attendunited 's spanish goalkeeper victor valdes joined the argentine contingentpremier league stars enjoyed meal at italian restaurant san carlo\"]\n", - "stars such as angel di maria , pablo zabaleta and marcos rojo embraced as they dined at the popular san carlo italian restaurant .the united players had just returned from a disappointing 1-0 defeat by premier league leaders chelsea on saturday , while the city men were still on a high following a comfortable victory over west ham .argentina internationals from manchester city and manchester united looked delighted as they joined forces on sunday night , enjoying a meal with their partners in the city centre .\n", - "angel di maria and marcos rojo dine out together in manchestermanchester city stars martin demichelis and pablo zabaleta also attendunited 's spanish goalkeeper victor valdes joined the argentine contingentpremier league stars enjoyed meal at italian restaurant san carlo\n", - "[1.4057732 1.2560077 1.2894721 1.160399 1.123932 1.1465001 1.0888841\n", - " 1.096876 1.0907646 1.0843896 1.0518397 1.0163308 1.0198233 1.0171416\n", - " 1.0907044 1.0475838 1.0599339 1.0172936 1.051547 1.0203269]\n", - "\n", - "[ 0 2 1 3 5 4 7 8 14 6 9 16 10 18 15 19 12 17 13 11]\n", - "=======================\n", - "['fall river , massachusetts ( cnn ) former new england patriots star aaron hernandez looked on impassively wednesday as he was sentenced to life without the possibility of parole , a new low for a young man who once enjoyed a $ 40 million pro-football contract and now stands convicted in the 2013 murder of onetime friend odin lloyd .he was also found guilty of unlawful possession of a firearm and unlawful possession of ammunition .hernandez , 25 , appeared to shake his head \" no \" earlier as jurors in the massachusetts trial found him guilty of first-degree murder .']\n", - "=======================\n", - "['\" they got it wrong , \" aaron hernandez says as he is transported to prisonthe jury deliberated for more than 35 hours over parts of seven daysmother of murder victim odin lloyd says she forgives those who played a role in her son \\'s death']\n", - "fall river , massachusetts ( cnn ) former new england patriots star aaron hernandez looked on impassively wednesday as he was sentenced to life without the possibility of parole , a new low for a young man who once enjoyed a $ 40 million pro-football contract and now stands convicted in the 2013 murder of onetime friend odin lloyd .he was also found guilty of unlawful possession of a firearm and unlawful possession of ammunition .hernandez , 25 , appeared to shake his head \" no \" earlier as jurors in the massachusetts trial found him guilty of first-degree murder .\n", - "\" they got it wrong , \" aaron hernandez says as he is transported to prisonthe jury deliberated for more than 35 hours over parts of seven daysmother of murder victim odin lloyd says she forgives those who played a role in her son 's death\n", - "[1.2367041 1.4102405 1.1878793 1.2167022 1.2998915 1.0995209 1.05604\n", - " 1.1328194 1.0913247 1.0778855 1.0629017 1.037899 1.0595247 1.0415899\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 3 2 7 5 8 9 10 12 6 13 11 18 14 15 16 17 19]\n", - "=======================\n", - "[\"egyptian-born hani al-sibai is believed to have influenced a number of young men , who then travelled abroad to join terror groups , including jihadi john , whose real name is mohammed emwazi .an extremist preacher who is suspected of radicalising jihadi john lives in a leafy west london street and can not be deported because of his human rights .now , security services are believed to be investigating al-sibai 's influence on the london boys terror cell of which enwazi was a part .\"]\n", - "=======================\n", - "[\"hani al-sibai is believed to have influenced a number of young muslim menlives in area where jihadi johnspent time with london boys terror cellsecurity services believed to be investigating cleric 's influence on networkal-sibai recently caused outrage for making sexist remarks to lebanese tv host live on air\"]\n", - "egyptian-born hani al-sibai is believed to have influenced a number of young men , who then travelled abroad to join terror groups , including jihadi john , whose real name is mohammed emwazi .an extremist preacher who is suspected of radicalising jihadi john lives in a leafy west london street and can not be deported because of his human rights .now , security services are believed to be investigating al-sibai 's influence on the london boys terror cell of which enwazi was a part .\n", - "hani al-sibai is believed to have influenced a number of young muslim menlives in area where jihadi johnspent time with london boys terror cellsecurity services believed to be investigating cleric 's influence on networkal-sibai recently caused outrage for making sexist remarks to lebanese tv host live on air\n", - "[1.2573696 1.4165502 1.4241108 1.192731 1.2019928 1.0235109 1.1292669\n", - " 1.0700856 1.1585366 1.0243657 1.019697 1.0200098 1.0658958 1.0213027\n", - " 1.0986277 1.0237365 1.1678877 1.0995368 1.0730395 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 1 0 4 3 16 8 6 17 14 18 7 12 9 15 5 13 11 10 19 20 21 22]\n", - "=======================\n", - "[\"earlier this week , more than 200 yazidi women , children and elderly were released near kirkuk , northern iraq after being taken by isis militants last june .the yazidi girl has recently been released after nearly a year as a prisoner in the islamic state , where women and young girls from the religious minority are known to be kept as ` sex slaves ' .a nine-year-old girl is pregnant after suffering horrific sexual abuse at the hands of isis militants in northern iraq , aid workers report .\"]\n", - "=======================\n", - "[\"female yazidi held prisoner by isis , suffered horrific sexual abusevictims include girl , nine , who is now ` pregnant by her abusers 'earlier this week , isis released 216 yazidi prisoners in northern iraqgroup , made up of 40 children , women and elderly , released after a year\"]\n", - "earlier this week , more than 200 yazidi women , children and elderly were released near kirkuk , northern iraq after being taken by isis militants last june .the yazidi girl has recently been released after nearly a year as a prisoner in the islamic state , where women and young girls from the religious minority are known to be kept as ` sex slaves ' .a nine-year-old girl is pregnant after suffering horrific sexual abuse at the hands of isis militants in northern iraq , aid workers report .\n", - "female yazidi held prisoner by isis , suffered horrific sexual abusevictims include girl , nine , who is now ` pregnant by her abusers 'earlier this week , isis released 216 yazidi prisoners in northern iraqgroup , made up of 40 children , women and elderly , released after a year\n", - "[1.2563137 1.5172341 1.2802434 1.2460442 1.2795718 1.0944269 1.0231469\n", - " 1.099359 1.1485505 1.0659007 1.1210926 1.0553485 1.0704136 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 4 0 3 8 10 7 5 12 9 11 6 13 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"the box truck collided with a car on interstate 93 southbound in the city 's dorchester neighborhood at about 6am , and both drivers were taken to hospital with non-life-threatening injuries .as officials did n't want to risk running trains under the over-hanging truck , replacement shuttle buses were run for southbound passengers with long queues forming .hundreds of morning commuters in boston were delayed today after a truck crashed on an elevated highway over subway and rail tracks .\"]\n", - "=======================\n", - "[\"the box truck collided with a car on interstate 93 southbound in the city 's dorchester neighborhood at about 6amboth drivers were taken to hospital with non-life-threatening injuriesas officials did n't want to risk running trains under the over-hanging truck , replacement shuttle buses were run for southbound passengerson the highway there were also massive delays\"]\n", - "the box truck collided with a car on interstate 93 southbound in the city 's dorchester neighborhood at about 6am , and both drivers were taken to hospital with non-life-threatening injuries .as officials did n't want to risk running trains under the over-hanging truck , replacement shuttle buses were run for southbound passengers with long queues forming .hundreds of morning commuters in boston were delayed today after a truck crashed on an elevated highway over subway and rail tracks .\n", - "the box truck collided with a car on interstate 93 southbound in the city 's dorchester neighborhood at about 6amboth drivers were taken to hospital with non-life-threatening injuriesas officials did n't want to risk running trains under the over-hanging truck , replacement shuttle buses were run for southbound passengerson the highway there were also massive delays\n", - "[1.4332938 1.2332993 1.1592721 1.3770242 1.1519673 1.2053373 1.1275586\n", - " 1.1460199 1.1718206 1.1274896 1.0909679 1.0171897 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 1 5 8 2 4 7 6 9 10 11 12 13 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "['( cnn ) a massive brawl involving two dozen people at a queens , new york , casino was captured on video friday night .the fight took place in the food court area of resorts world casino where approximately 300 people were still at the scene when police arrived , according to the new york police department .the cell phone video shows a number of men throwing punches and even chairs into crowds of people .']\n", - "=======================\n", - "['the video shows people throwing chairs and stanchionsfriday was the grand opening of fat tuesday at the casinothree men have been arrested']\n", - "( cnn ) a massive brawl involving two dozen people at a queens , new york , casino was captured on video friday night .the fight took place in the food court area of resorts world casino where approximately 300 people were still at the scene when police arrived , according to the new york police department .the cell phone video shows a number of men throwing punches and even chairs into crowds of people .\n", - "the video shows people throwing chairs and stanchionsfriday was the grand opening of fat tuesday at the casinothree men have been arrested\n", - "[1.1536129 1.0396 1.0825765 1.2306856 1.136184 1.3756645 1.1714482\n", - " 1.0782833 1.11811 1.165116 1.0189986 1.061415 1.0889808 1.0702778\n", - " 1.0825971 1.2252046 1.0930854 1.0977217 1.0772024 1.034602 1.0851207\n", - " 1.0377718 1.0772722]\n", - "\n", - "[ 5 3 15 6 9 0 4 8 17 16 12 20 14 2 7 22 18 13 11 1 21 19 10]\n", - "=======================\n", - "['sky and bt sports pay # 16million a year for live coverage of scottish football .the scottish game is engaged in a faustian pact .on saturday , hibernian and falkirk fans will be asked to travel to glasgow for a scottish cup semi-final which kicks off at 12.15 pm why ?']\n", - "=======================\n", - "[\"scottish football coverage is at the mercy of sky and bt 's schedulesyet , scottish football is never afforded the same precedence as england 'sthe demand for scottish football is nearing an all-time low\"]\n", - "sky and bt sports pay # 16million a year for live coverage of scottish football .the scottish game is engaged in a faustian pact .on saturday , hibernian and falkirk fans will be asked to travel to glasgow for a scottish cup semi-final which kicks off at 12.15 pm why ?\n", - "scottish football coverage is at the mercy of sky and bt 's schedulesyet , scottish football is never afforded the same precedence as england 'sthe demand for scottish football is nearing an all-time low\n", - "[1.4561954 1.4074857 1.286678 1.1097672 1.0437732 1.0454764 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 3 5 4 20 19 18 17 16 15 14 11 12 21 10 9 8 7 6 13 22]\n", - "=======================\n", - "[\"get ready for the grand national , the highlight of the racing year , with our must-watch preview from the paddock at aintree .sportsmail 's racing correspondent marcus townend and britain 's no 1 tipster sam turner cast their eye over the 39-strong field for the race and offer their predictions .will ap mccoy 's glittering career conclude with a fairytale victory for favourite shutthefrontdoor , a result that would cause 70,000 spectators to raise the roof and wipe out the bookies ?\"]\n", - "=======================\n", - "['daily mail racing correspondent marcus townend and tipster sam turner cast their eye over the field for the grand national in our preview videoshutthefrontdoor and ap mccoy will start the race as favourite']\n", - "get ready for the grand national , the highlight of the racing year , with our must-watch preview from the paddock at aintree .sportsmail 's racing correspondent marcus townend and britain 's no 1 tipster sam turner cast their eye over the 39-strong field for the race and offer their predictions .will ap mccoy 's glittering career conclude with a fairytale victory for favourite shutthefrontdoor , a result that would cause 70,000 spectators to raise the roof and wipe out the bookies ?\n", - "daily mail racing correspondent marcus townend and tipster sam turner cast their eye over the field for the grand national in our preview videoshutthefrontdoor and ap mccoy will start the race as favourite\n", - "[1.163721 1.3942006 1.0945516 1.0347134 1.0402551 1.1134605 1.2286682\n", - " 1.0967472 1.1289161 1.048064 1.0442103 1.0500971 1.120146 1.0853215\n", - " 1.0850203 1.0687724 1.0556525 1.0564803 1.0560651 1.0601915 1.0888042\n", - " 1.0561324 1.0669414 0. 0. ]\n", - "\n", - "[ 1 6 0 8 12 5 7 2 20 13 14 15 22 19 17 21 18 16 11 9 10 4 3 23\n", - " 24]\n", - "=======================\n", - "[\"exactly one week after being taken into police custody in baltimore , freddie gray died sunday under circumstances that are unclear .an attorney for gray 's family alleges that police are involved in a cover-up .( cnn ) a lot of questions .\"]\n", - "=======================\n", - "[\"an attorney for freddie gray 's family alleges that police are involved in a cover-upthere are ongoing administrative and criminal investigationsbaltimore 's mayor promises to get the bottom of what happened\"]\n", - "exactly one week after being taken into police custody in baltimore , freddie gray died sunday under circumstances that are unclear .an attorney for gray 's family alleges that police are involved in a cover-up .( cnn ) a lot of questions .\n", - "an attorney for freddie gray 's family alleges that police are involved in a cover-upthere are ongoing administrative and criminal investigationsbaltimore 's mayor promises to get the bottom of what happened\n", - "[1.2585349 1.3602157 1.3874056 1.4386429 1.1691746 1.1208324 1.0367405\n", - " 1.015003 1.0165638 1.0353554 1.011234 1.1811895 1.0820627 1.1473473\n", - " 1.0217724 1.0100449 1.010083 1.0428287 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 0 11 4 13 5 12 17 6 9 14 8 7 10 16 15 23 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"toby alderweireld has been in superb form this season at southampton since joining on loan from atleticoalderweireld 's form on the south coast has attracted interest from the likes of manchester city and tottenham , but ronald koeman 's side have the option to make the deal permanent for just # 6.8 million .eyebrows were raised last summer when the 26-year-old moved to st mary 's on a season-long loan , just months after playing for atletico madrid in the champions league final .\"]\n", - "=======================\n", - "['toby alderweireld is on loan at southampton from atletico madridbelgian defender can join permanently in the summer for just # 6.8 millionbut atletico may want to bring him back to the vicente calderonmanchester city and tottenham also interested in the defenderalderweireld focused on helping saints qualify for europe']\n", - "toby alderweireld has been in superb form this season at southampton since joining on loan from atleticoalderweireld 's form on the south coast has attracted interest from the likes of manchester city and tottenham , but ronald koeman 's side have the option to make the deal permanent for just # 6.8 million .eyebrows were raised last summer when the 26-year-old moved to st mary 's on a season-long loan , just months after playing for atletico madrid in the champions league final .\n", - "toby alderweireld is on loan at southampton from atletico madridbelgian defender can join permanently in the summer for just # 6.8 millionbut atletico may want to bring him back to the vicente calderonmanchester city and tottenham also interested in the defenderalderweireld focused on helping saints qualify for europe\n", - "[1.2193128 1.3567072 1.3739587 1.2931956 1.2221563 1.1362414 1.0565538\n", - " 1.0217961 1.1832931 1.1644645 1.1704367 1.0694102 1.0692629 1.0939723\n", - " 1.0339315 1.0336508 1.025971 1.0047684 1.0043528 1.0102696 1.0103396\n", - " 1.0530897 1.0047851 1.0215034 1.0092505]\n", - "\n", - "[ 2 1 3 4 0 8 10 9 5 13 11 12 6 21 14 15 16 7 23 20 19 24 22 17\n", - " 18]\n", - "=======================\n", - "[\"they will meet four-time national champ duke in monday night 's title game .the kentucky wildcats ' bid for perfection ended saturday night at the hands of the wisconsin badgers , who rallied for a tough 71-64 victory in the ncaa men 's basketball final four at indianapolis .the blue devils dominated michigan state 81-61 in the first contest of the night .\"]\n", - "=======================\n", - "['wisconsin , which last won a title in 1941 , was led by birthday boy frank kaminskyjustise winslow leads duke with 19 points , while jahlil okafor has 18coach k says his team \\'s defense was \" terrific \"']\n", - "they will meet four-time national champ duke in monday night 's title game .the kentucky wildcats ' bid for perfection ended saturday night at the hands of the wisconsin badgers , who rallied for a tough 71-64 victory in the ncaa men 's basketball final four at indianapolis .the blue devils dominated michigan state 81-61 in the first contest of the night .\n", - "wisconsin , which last won a title in 1941 , was led by birthday boy frank kaminskyjustise winslow leads duke with 19 points , while jahlil okafor has 18coach k says his team 's defense was \" terrific \"\n", - "[1.4978015 1.2206697 1.325869 1.3943617 1.4238899 1.0644766 1.018757\n", - " 1.016344 1.0204487 1.1228862 1.136947 1.0229952 1.0130228 1.0095834\n", - " 1.0615234 1.0216318 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 3 2 1 10 9 5 14 11 15 8 6 7 12 13 23 16 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"manchester city manager manuel pellegrini has the most difficult job in football , according to west ham boss sam allardyce .but allardyce believes the pressure of going for back-to-back barclays premier league titles , plus the introduction of financial fair play ( ffp ) rules , have made the chilean 's job the hardest in world football .city entertain the hammers at the etihad stadium on sunday with speculation over pellegrini 's future mounting after a difficult season and a run of six defeats in their last eight games .\"]\n", - "=======================\n", - "['sam allardyce believes manuel pellegrini has the toughest job in footballchilean manager is under pressure following their title race capitulationpellegrini was tasked with winning back-to-back league titles at the etihadbut , poor recent form has seen them tamely drop away from the pace']\n", - "manchester city manager manuel pellegrini has the most difficult job in football , according to west ham boss sam allardyce .but allardyce believes the pressure of going for back-to-back barclays premier league titles , plus the introduction of financial fair play ( ffp ) rules , have made the chilean 's job the hardest in world football .city entertain the hammers at the etihad stadium on sunday with speculation over pellegrini 's future mounting after a difficult season and a run of six defeats in their last eight games .\n", - "sam allardyce believes manuel pellegrini has the toughest job in footballchilean manager is under pressure following their title race capitulationpellegrini was tasked with winning back-to-back league titles at the etihadbut , poor recent form has seen them tamely drop away from the pace\n", - "[1.1649777 1.4145586 1.2664268 1.1687317 1.1141174 1.282809 1.0437111\n", - " 1.0178186 1.0389014 1.2023617 1.0567474 1.0179491 1.0949051 1.0946748\n", - " 1.1038697 1.0299859 1.0068344 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 2 9 3 0 4 14 12 13 10 6 8 15 11 7 16 23 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"the incredibly detailed works of art were inspired by faberge 's famous jewelled eggs , and painstakingly created by 14 of the uk 's top cake artists .the eggs were created as part of a feature for cake masters magazine - and feature in this month 's edition , with easter just around the corner .each of the intricate treats is entirely edible and were made using a range of decorating techniques and sugar work .\"]\n", - "=======================\n", - "[\"stunning creations made by uk 's top cake artists and shown at the cake international exhibition in londonbakers used a range of decorating techniques and detailed sugar work to make the stunning cakesevery part of the ornate bakes is edible from the hand moulded sugar beads to sugar-work figurineseach cake egg measures 30cm high and was created as part of a feature for cake masters magazine\"]\n", - "the incredibly detailed works of art were inspired by faberge 's famous jewelled eggs , and painstakingly created by 14 of the uk 's top cake artists .the eggs were created as part of a feature for cake masters magazine - and feature in this month 's edition , with easter just around the corner .each of the intricate treats is entirely edible and were made using a range of decorating techniques and sugar work .\n", - "stunning creations made by uk 's top cake artists and shown at the cake international exhibition in londonbakers used a range of decorating techniques and detailed sugar work to make the stunning cakesevery part of the ornate bakes is edible from the hand moulded sugar beads to sugar-work figurineseach cake egg measures 30cm high and was created as part of a feature for cake masters magazine\n", - "[1.3106596 1.3957118 1.222415 1.4513593 1.322693 1.1702037 1.1090155\n", - " 1.0930967 1.0231632 1.0125582 1.0336734 1.035191 1.1603293 1.0189143\n", - " 1.0106003 1.0080941 1.0077577 0. 0. ]\n", - "\n", - "[ 3 1 4 0 2 5 12 6 7 11 10 8 13 9 14 15 16 17 18]\n", - "=======================\n", - "[\"dele alli has set his sights on playing for england under 20s at the toulon tournament next monththe 19-year-old 's impressive performances for milton keynes dons earned him a dream move to the premier league with tottenham hotspur in a # 5million deal rubber-stamped in january .loaned back to the dons for the remainder of the season , alli 's 14 goals have helped keep them in touch with the automatic promotion places in league one .\"]\n", - "=======================\n", - "['dele alli is hoping to be selected to play for england under 20s next monththe midfielder was signed by tottenham in january for # 5millionalli was loaned back to former club mk dons for the rest of the season']\n", - "dele alli has set his sights on playing for england under 20s at the toulon tournament next monththe 19-year-old 's impressive performances for milton keynes dons earned him a dream move to the premier league with tottenham hotspur in a # 5million deal rubber-stamped in january .loaned back to the dons for the remainder of the season , alli 's 14 goals have helped keep them in touch with the automatic promotion places in league one .\n", - "dele alli is hoping to be selected to play for england under 20s next monththe midfielder was signed by tottenham in january for # 5millionalli was loaned back to former club mk dons for the rest of the season\n", - "[1.1749556 1.3702345 1.5048954 1.318935 1.1440479 1.0426633 1.0324388\n", - " 1.0352756 1.0381835 1.029901 1.0183697 1.0196068 1.0179311 1.0548046\n", - " 1.0317506 1.0229639 1.0264081 1.136948 1.0539144]\n", - "\n", - "[ 2 1 3 0 4 17 13 18 5 8 7 6 14 9 16 15 11 10 12]\n", - "=======================\n", - "[\"the british royal , who is currently working in new york , showcased her hipster style for the second day in a row wearing a black bowler hat , black leather top and a black and cream miniskirt .the 25-year-old cousin of princes william and harry was seen texting on her mobile as she navigated the concrete jungle on thursday .like the rest of the royals , princess eugenie must be counting down the days until the arrival of the duke and duchess of cambridge 's second baby .\"]\n", - "=======================\n", - "['princess , 25 , spotted in bowler hat on streets of new yorkcarried shopping bag from intermix - a designer brand storecousin of princes william and harry is working at auction house in city']\n", - "the british royal , who is currently working in new york , showcased her hipster style for the second day in a row wearing a black bowler hat , black leather top and a black and cream miniskirt .the 25-year-old cousin of princes william and harry was seen texting on her mobile as she navigated the concrete jungle on thursday .like the rest of the royals , princess eugenie must be counting down the days until the arrival of the duke and duchess of cambridge 's second baby .\n", - "princess , 25 , spotted in bowler hat on streets of new yorkcarried shopping bag from intermix - a designer brand storecousin of princes william and harry is working at auction house in city\n", - "[1.2514923 1.3590715 1.1095209 1.3624433 1.1069553 1.0391722 1.0255784\n", - " 1.0479648 1.1905043 1.2509027 1.1453108 1.0766382 1.0358278 1.0801414\n", - " 1.0666852 1.0232257 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 9 8 10 2 4 13 11 14 7 5 12 6 15 17 16 18]\n", - "=======================\n", - "[\"the short video was posted on the scientist 's brain talks website , which is designed to teach people about the different methods of studying the brain .the clip shows nancy kanwisher , a professor at the massachusetts institute of technology , chopping at her shoulder-length bob with scissors just a few seconds into a lecture .after the haircut the student used permanent markers to draw the different brain regions on ms kanwisher 's bare scalp .\"]\n", - "=======================\n", - "[\"nancy kanwisher works at the massachusetts institute of technologyshe used her bare scalp to explain what the different brain regions arethe short video was posted on the scientist 's brain talks website\"]\n", - "the short video was posted on the scientist 's brain talks website , which is designed to teach people about the different methods of studying the brain .the clip shows nancy kanwisher , a professor at the massachusetts institute of technology , chopping at her shoulder-length bob with scissors just a few seconds into a lecture .after the haircut the student used permanent markers to draw the different brain regions on ms kanwisher 's bare scalp .\n", - "nancy kanwisher works at the massachusetts institute of technologyshe used her bare scalp to explain what the different brain regions arethe short video was posted on the scientist 's brain talks website\n", - "[1.4767159 1.349618 1.1590759 1.1346633 1.1229951 1.0708895 1.0347531\n", - " 1.0478398 1.0438659 1.1498129 1.053702 1.119643 1.0770434 1.0713005\n", - " 1.0300725 1.1509471 1.1205635 1.0348393 1.0386729]\n", - "\n", - "[ 0 1 2 15 9 3 4 16 11 12 13 5 10 7 8 18 17 6 14]\n", - "=======================\n", - "['( cnn ) fifteen buffalo were shot and killed on friday after a day on the loose in upstate new york .the chase , which took farmers and police officers from five jurisdictions through forests and over the hudson river , ended with \" snipers \" from the animals \\' farm gunning down the buffalo from the side of the road , according to lt. thomas heffernan of the bethlehem police department .\" it was turning into the wild , wild , west , \" albany county sheriff craig apple told reporters on friday .']\n", - "=======================\n", - "['15 buffalo are shot on friday after escaping the day before from a farm in schodack , new yorkpolice helicopters fly overhead and nearby schools put on alert in the final moments of the chasethe herd breaks through three layers of barbed wire fencing and crosses the hudson river during the escape']\n", - "( cnn ) fifteen buffalo were shot and killed on friday after a day on the loose in upstate new york .the chase , which took farmers and police officers from five jurisdictions through forests and over the hudson river , ended with \" snipers \" from the animals ' farm gunning down the buffalo from the side of the road , according to lt. thomas heffernan of the bethlehem police department .\" it was turning into the wild , wild , west , \" albany county sheriff craig apple told reporters on friday .\n", - "15 buffalo are shot on friday after escaping the day before from a farm in schodack , new yorkpolice helicopters fly overhead and nearby schools put on alert in the final moments of the chasethe herd breaks through three layers of barbed wire fencing and crosses the hudson river during the escape\n", - "[1.3034242 1.382901 1.295366 1.2114787 1.211676 1.035067 1.0185902\n", - " 1.0276304 1.1655341 1.101025 1.1180055 1.1302769 1.1080648 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 3 8 11 10 12 9 5 7 6 13 14 15 16 17 18]\n", - "=======================\n", - "[\"the unnamed caller gave the operator a blow-by-blow account as he wandered behind rafi meitiv , 10 , and his sister dvora , 6 , in silver spring on sunday .authorities in montgomery county have released the 911 call that led to two ` free range ' getting picked up and held by police and maryland cps for five hours over the weekend .the 7-minute call would reignite a controversy focused on those kids and their scientist parents , danielle and alexander meitiv , who espouse the hands-off parenting style .\"]\n", - "=======================\n", - "[\"police seized rafi , 10 , and dvora , 6 , in a maryland park on sunday and their parents say they were n't reunited by cps for hoursscientists danielle and alexander meitiv believe in ` free range parenting ' meaning the children are afforded total independence from infancythe meitivs were found guilty of neglect in march .\"]\n", - "the unnamed caller gave the operator a blow-by-blow account as he wandered behind rafi meitiv , 10 , and his sister dvora , 6 , in silver spring on sunday .authorities in montgomery county have released the 911 call that led to two ` free range ' getting picked up and held by police and maryland cps for five hours over the weekend .the 7-minute call would reignite a controversy focused on those kids and their scientist parents , danielle and alexander meitiv , who espouse the hands-off parenting style .\n", - "police seized rafi , 10 , and dvora , 6 , in a maryland park on sunday and their parents say they were n't reunited by cps for hoursscientists danielle and alexander meitiv believe in ` free range parenting ' meaning the children are afforded total independence from infancythe meitivs were found guilty of neglect in march .\n", - "[1.2471265 1.2912464 1.1908853 1.1840165 1.188517 1.1458032 1.0703514\n", - " 1.1962303 1.0781939 1.0801274 1.0544462 1.0642521 1.0420771 1.0610931\n", - " 1.0431348 1.0392137 1.0166688 1.0887578 1.0371933 1.0519726 1.0146775]\n", - "\n", - "[ 1 0 7 2 4 3 5 17 9 8 6 11 13 10 19 14 12 15 18 16 20]\n", - "=======================\n", - "['the marches follow recent violent attacks on foreigners in the country that have claimed five lives .( cnn ) as thousands of south africans took to the streets of the city of durban to rally against violence and xenophobia , an online community has joined the protests .attacks this week in durban alone have killed two immigrants and three south africans , including a 14-year-old boy , authorities said .']\n", - "=======================\n", - "['more than 10,000 people marched in durban against violence , officials saytwitter followers voiced their support through hashtag campaignsa cape town resident tweets his complaints against a zulu king']\n", - "the marches follow recent violent attacks on foreigners in the country that have claimed five lives .( cnn ) as thousands of south africans took to the streets of the city of durban to rally against violence and xenophobia , an online community has joined the protests .attacks this week in durban alone have killed two immigrants and three south africans , including a 14-year-old boy , authorities said .\n", - "more than 10,000 people marched in durban against violence , officials saytwitter followers voiced their support through hashtag campaignsa cape town resident tweets his complaints against a zulu king\n", - "[1.1420695 1.3499184 1.4608952 1.0642483 1.0915571 1.4469371 1.1207548\n", - " 1.1566628 1.0186253 1.0106285 1.0100725 1.0120671 1.0136513 1.0097734\n", - " 1.0090336 1.0182931 1.0268989 1.0284057 1.1199186 1.1137837 0. ]\n", - "\n", - "[ 2 5 1 7 0 6 18 19 4 3 17 16 8 15 12 11 9 10 13 14 20]\n", - "=======================\n", - "[\"adlene guedioura seized on hesitant defending by craig forsyth with 15 minutes to go to slip a weighted pass to his watford team-mate , who poked the ball past lee grant to snatch an unlikely point .odion ighalo celebrates after scoring watford 's equaliser to secure them a point at the ipro stadiumlooking on course for a first victory in seven championship games against the 10 men of watford , they conceded an equaliser to odion ighalo that further undermines their promotion ambitions .\"]\n", - "=======================\n", - "[\"matej vydra opened the scoring with his fifth goal in seven matcheswatford could not hold on after marco motta gave away a penaltyhe was shown a straight red card and darren bent scored the spot kickin the second half , tom ince scored to complete derby 's comebackwatford were n't finished though , and odion ighalo levelled at 2-2\"]\n", - "adlene guedioura seized on hesitant defending by craig forsyth with 15 minutes to go to slip a weighted pass to his watford team-mate , who poked the ball past lee grant to snatch an unlikely point .odion ighalo celebrates after scoring watford 's equaliser to secure them a point at the ipro stadiumlooking on course for a first victory in seven championship games against the 10 men of watford , they conceded an equaliser to odion ighalo that further undermines their promotion ambitions .\n", - "matej vydra opened the scoring with his fifth goal in seven matcheswatford could not hold on after marco motta gave away a penaltyhe was shown a straight red card and darren bent scored the spot kickin the second half , tom ince scored to complete derby 's comebackwatford were n't finished though , and odion ighalo levelled at 2-2\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[1.2282447 1.3091638 1.076843 1.1217345 1.128855 1.1062433 1.2862704\n", - " 1.1477978 1.0794041 1.0251274 1.0935751 1.1145056 1.0731953 1.103093\n", - " 1.0375473 1.0326873 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 6 0 7 4 3 11 5 13 10 8 2 12 14 15 9 19 16 17 18 20]\n", - "=======================\n", - "[\"in a recent interview , david , 39 , explained how being a personal chef and graduate of the famed le cordon bleu cooking school has helped him to influence his children 's culinary tastes . 'say cheese : neil patrick harris and david burtka 's adorable twins love food and have unusually refined palates for four-year-olds , including a love for seafood and spicesshared duties : chef david does most of the cooking in the harris-burtka house , but neil serves as bartender for company and helps david create the perfect presentation\"]\n", - "=======================\n", - "[\"david says daughter harper and son gideon have incredibly sophisticated tastesthe 39-year-old actor has worked as a personal chef and attended le cordon bleu cooking schoolgideon eats everything , while harper favors ` strong ' flavors and ` anything chocolate 'though david is the cook in the family , neil is good at plating the food\"]\n", - "in a recent interview , david , 39 , explained how being a personal chef and graduate of the famed le cordon bleu cooking school has helped him to influence his children 's culinary tastes . 'say cheese : neil patrick harris and david burtka 's adorable twins love food and have unusually refined palates for four-year-olds , including a love for seafood and spicesshared duties : chef david does most of the cooking in the harris-burtka house , but neil serves as bartender for company and helps david create the perfect presentation\n", - "david says daughter harper and son gideon have incredibly sophisticated tastesthe 39-year-old actor has worked as a personal chef and attended le cordon bleu cooking schoolgideon eats everything , while harper favors ` strong ' flavors and ` anything chocolate 'though david is the cook in the family , neil is good at plating the food\n", - "[1.2376446 1.2783259 1.1741767 1.5162427 1.3279948 1.2091051 1.0646048\n", - " 1.0280843 1.0201128 1.1324425 1.0480964 1.0339711 1.0642139 1.0422052\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 1 0 5 2 9 6 12 10 13 11 7 8 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"pep guardiola will be reintroduced to barcelona in the champions league semi-finalsthe bayern munich coach must think of a way to stop the superb lionel messi next monthon the prospect of facing the greatest player in barcelona 's history , guardiola -- the greatest coach the club has had -- said : ` we will have to see what we can do in each of the two games and we will try to create the best defensive system possible to stop messi .\"]\n", - "=======================\n", - "['bayern munich face barcelona in the champions league semisit means pep guardiola will travel back to the nou campbayern boss guardiola wants to find a way of stopping lionel messiclick here for the uefa champions league draw']\n", - "pep guardiola will be reintroduced to barcelona in the champions league semi-finalsthe bayern munich coach must think of a way to stop the superb lionel messi next monthon the prospect of facing the greatest player in barcelona 's history , guardiola -- the greatest coach the club has had -- said : ` we will have to see what we can do in each of the two games and we will try to create the best defensive system possible to stop messi .\n", - "bayern munich face barcelona in the champions league semisit means pep guardiola will travel back to the nou campbayern boss guardiola wants to find a way of stopping lionel messiclick here for the uefa champions league draw\n", - "[1.1191177 1.106459 1.4209387 1.3176959 1.1974434 1.2380725 1.098497\n", - " 1.1319013 1.0803542 1.0236413 1.0277563 1.0356718 1.0985174 1.0381839\n", - " 1.1113896 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 5 4 7 0 14 1 12 6 8 13 11 10 9 15 16 17 18 19 20]\n", - "=======================\n", - "['in a joint interview with his high flying lawyer wife miriam gonzalez durantez , nick clegg revealed the balance of power lies where many long suspected : with her .after the last election , mr clegg was given the option of moving his family into a grace-and-favour government mansion - but the move was vetoed by his wife .home : in a revealing joint interview , liberal democrats leader nick clegg ( pictured ) admitted his wife miriam ( right ) makes the big decisions in their household']\n", - "=======================\n", - "[\"nick clegg made the admission in a rare joint interview with his wife miriamlib dem said she decided against moving into ` government mansion '` discussion 's a rather grand word for miriam basically saying no , ' he jokedmiriam claims he has put ` country above party ' at ` great personal cost 'tonight : spotlight nick clegg tonight ( thursday ) on itv at 7.30 pm\"]\n", - "in a joint interview with his high flying lawyer wife miriam gonzalez durantez , nick clegg revealed the balance of power lies where many long suspected : with her .after the last election , mr clegg was given the option of moving his family into a grace-and-favour government mansion - but the move was vetoed by his wife .home : in a revealing joint interview , liberal democrats leader nick clegg ( pictured ) admitted his wife miriam ( right ) makes the big decisions in their household\n", - "nick clegg made the admission in a rare joint interview with his wife miriamlib dem said she decided against moving into ` government mansion '` discussion 's a rather grand word for miriam basically saying no , ' he jokedmiriam claims he has put ` country above party ' at ` great personal cost 'tonight : spotlight nick clegg tonight ( thursday ) on itv at 7.30 pm\n", - "[1.1784815 1.4835676 1.3231366 1.2963262 1.1295203 1.1511536 1.0621513\n", - " 1.1406819 1.1698351 1.1839998 1.0941379 1.0311265 1.0139012 1.0387653\n", - " 1.0785416 1.0916969 1.0232677 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 9 0 8 5 7 4 10 15 14 6 13 11 16 12 20 17 18 19 21]\n", - "=======================\n", - "['29-year-old pankaj saw fell three storeys from a macquarie park balcony to his death on thursday , while talking to his wife in india .emergency services were called to the unit block on cottonwood crescent at 1am , however mr saw died at the scene from serious head and internal injuries .a man has died after falling from an apartment balcony while he was on the phone to his new wife .']\n", - "=======================\n", - "['29-year-old pankaj saw feel to his death from a macquarie park balconyhe was on the phone to his wife and had only been in australia for two weeksmr panjak died at the scene from serious head and internal injuriesa housing expert has said it was an accident waiting to happen']\n", - "29-year-old pankaj saw fell three storeys from a macquarie park balcony to his death on thursday , while talking to his wife in india .emergency services were called to the unit block on cottonwood crescent at 1am , however mr saw died at the scene from serious head and internal injuries .a man has died after falling from an apartment balcony while he was on the phone to his new wife .\n", - "29-year-old pankaj saw feel to his death from a macquarie park balconyhe was on the phone to his wife and had only been in australia for two weeksmr panjak died at the scene from serious head and internal injuriesa housing expert has said it was an accident waiting to happen\n", - "[1.3990735 1.4625612 1.4157407 1.4032393 1.3336693 1.076492 1.0106221\n", - " 1.0140499 1.1192341 1.0622597 1.0124794 1.1804625 1.1343586 1.0155398\n", - " 1.0095614 1.015391 1.0087074 1.0133975 1.0211922 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 0 4 11 12 8 5 9 18 13 15 7 17 10 6 14 16 20 19 21]\n", - "=======================\n", - "[\"berahino is likely to be away with gareth southgate 's england under 21 side in the czech republic until late june so pulis has begun his preparations early .west bromwich albion were open to bids of # 20million for berahino in january and the 21-year-old has said he would leave to fulfil his desire to play in champions league football .tony pulis has discussed pre-season plans with saido berahino in an indication he plans to keep the striker beyond the summer transfer window .\"]\n", - "=======================\n", - "['pulis has spoken with his striker about pre-season plansberahino is expected to be involved with england at under 21 euros21-year-old has made no secret of desire to play in champions leagueberahino shares same agent as liverpool winger raheem sterling']\n", - "berahino is likely to be away with gareth southgate 's england under 21 side in the czech republic until late june so pulis has begun his preparations early .west bromwich albion were open to bids of # 20million for berahino in january and the 21-year-old has said he would leave to fulfil his desire to play in champions league football .tony pulis has discussed pre-season plans with saido berahino in an indication he plans to keep the striker beyond the summer transfer window .\n", - "pulis has spoken with his striker about pre-season plansberahino is expected to be involved with england at under 21 euros21-year-old has made no secret of desire to play in champions leagueberahino shares same agent as liverpool winger raheem sterling\n", - "[1.2943524 1.4100307 1.1936868 1.267082 1.1873754 1.1305434 1.2566621\n", - " 1.1649241 1.1262789 1.0985161 1.1492662 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 6 2 4 7 10 5 8 9 20 11 12 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "['the crowd tried to storm the club tsunami in the chilean capital santiago .three people have been killed after clubbers stampeded into a nightclub to see a british punk band called doom .three people died after a crush developed outside tsunami nightclub santiago , pictured']\n", - "=======================\n", - "['three people were killed and seven were seriously injured in the crushthe music vans were trying to get into club tsunami in santiago , chilepolice confirmed they have arrested seven people following the incidentthe band , doom , are a crust punk band formed in britain in 1987']\n", - "the crowd tried to storm the club tsunami in the chilean capital santiago .three people have been killed after clubbers stampeded into a nightclub to see a british punk band called doom .three people died after a crush developed outside tsunami nightclub santiago , pictured\n", - "three people were killed and seven were seriously injured in the crushthe music vans were trying to get into club tsunami in santiago , chilepolice confirmed they have arrested seven people following the incidentthe band , doom , are a crust punk band formed in britain in 1987\n", - "[1.2030245 1.1634778 1.3340663 1.1656883 1.2985425 1.1336308 1.0532184\n", - " 1.0990216 1.105144 1.1042202 1.0776953 1.1010418 1.0631628 1.0335112\n", - " 1.0689442 1.1104387 1.063808 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 4 0 3 1 5 15 8 9 11 7 10 14 16 12 6 13 17 18 19 20 21]\n", - "=======================\n", - "[\"shocking : sky turned blood red for nearly an hour in aershan city in inner mongoliaresidents in a chinese city had a shock when they looked up and saw the sky glowing bright red - like something from a hollywood disaster movie .and if that was n't scary enough , people in the northern city of aershan feared the end was nigh when the heavens opened and out of the sky fell ... mud , covering them in a strange dark residue , according to the people 's daily online .\"]\n", - "=======================\n", - "['dramatic photos of the blood-red sky in aershan have gone viral in chinamud-like residue after the storm causes health concern with many citizensno comments been given by the authorities on the cause of the incidentweb users link the incident with the monster sandstorm attacking beijing']\n", - "shocking : sky turned blood red for nearly an hour in aershan city in inner mongoliaresidents in a chinese city had a shock when they looked up and saw the sky glowing bright red - like something from a hollywood disaster movie .and if that was n't scary enough , people in the northern city of aershan feared the end was nigh when the heavens opened and out of the sky fell ... mud , covering them in a strange dark residue , according to the people 's daily online .\n", - "dramatic photos of the blood-red sky in aershan have gone viral in chinamud-like residue after the storm causes health concern with many citizensno comments been given by the authorities on the cause of the incidentweb users link the incident with the monster sandstorm attacking beijing\n", - "[1.3721887 1.4789515 1.3043218 1.2524984 1.1637096 1.1648563 1.0547858\n", - " 1.0166078 1.0137801 1.0147799 1.1713983 1.0519516 1.0163463 1.0133749\n", - " 1.01394 1.2212279 1.0693974 1.0839404 1.009149 1.0091615 1.0114937\n", - " 1.0120414]\n", - "\n", - "[ 1 0 2 3 15 10 5 4 17 16 6 11 7 12 9 14 8 13 21 20 19 18]\n", - "=======================\n", - "[\"the norwegian blamed last summer 's money-spinning programme of games in the united states , austria , germany for a damaging 4-1 qualifying defeat to legia warsaw .ronny deila insists celtic will not risk their champions league aspirations by embarking on another gruelling pre-season travel schedule .celtic command lucrative fees for pre-season commitments and have also taken on trips to australia and the far east in recent seasons .\"]\n", - "=======================\n", - "['celtic travelled to the united states , austria and germany last pre-seasonthe scottish club were then beaten in the champions league by legia']\n", - "the norwegian blamed last summer 's money-spinning programme of games in the united states , austria , germany for a damaging 4-1 qualifying defeat to legia warsaw .ronny deila insists celtic will not risk their champions league aspirations by embarking on another gruelling pre-season travel schedule .celtic command lucrative fees for pre-season commitments and have also taken on trips to australia and the far east in recent seasons .\n", - "celtic travelled to the united states , austria and germany last pre-seasonthe scottish club were then beaten in the champions league by legia\n", - "[1.1652427 1.2663963 1.4598509 1.1829199 1.2233475 1.0377401 1.0399194\n", - " 1.0742238 1.2159905 1.1285682 1.0434097 1.0596961 1.0590243 1.0757513\n", - " 1.0465088 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 4 8 3 0 9 13 7 11 12 14 10 6 5 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the attraction , at fancesa limestone quarry in sucre , comprises some 462 trails made up of 5,055 prints - and frequent landslides reveal new ones , some of which belong to unknown species .and although the angle of the prints could suggest the lumbering reptiles were avid mountaineers , bolivia 's cal orcko paleontological site is the result of tectonic activity that forced the earth upwards .the wall , which is the largest dinosaur trackway in the world , is approximately 390 feet ( 120 metres ) tall and features tracks made by at least eight species of dinosaurs , the daily beast reported .\"]\n", - "=======================\n", - "[\"there are 462 trails of 5,055 prints on a vertical limestone slab in boliviarock was pushed upwards by tectonic movement , standing 390 feet tallsite 's thought to be the largest dinosaur trackway in the world and includes footprints made by numerous species and baby dinosaurs such as t.rexattraction is prone to landslide and is said to be under threat from humans\"]\n", - "the attraction , at fancesa limestone quarry in sucre , comprises some 462 trails made up of 5,055 prints - and frequent landslides reveal new ones , some of which belong to unknown species .and although the angle of the prints could suggest the lumbering reptiles were avid mountaineers , bolivia 's cal orcko paleontological site is the result of tectonic activity that forced the earth upwards .the wall , which is the largest dinosaur trackway in the world , is approximately 390 feet ( 120 metres ) tall and features tracks made by at least eight species of dinosaurs , the daily beast reported .\n", - "there are 462 trails of 5,055 prints on a vertical limestone slab in boliviarock was pushed upwards by tectonic movement , standing 390 feet tallsite 's thought to be the largest dinosaur trackway in the world and includes footprints made by numerous species and baby dinosaurs such as t.rexattraction is prone to landslide and is said to be under threat from humans\n", - "[1.2268274 1.3927648 1.1710575 1.1481526 1.1752262 1.1130147 1.0998113\n", - " 1.0669235 1.0748041 1.0731611 1.0793872 1.084177 1.075102 1.0651062\n", - " 1.0296084 1.0353951 1.0425384 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 5 6 11 10 12 8 9 7 13 16 15 14 19 17 18 20]\n", - "=======================\n", - "['wandering over to the protective glass , the youngster named gabriel is captured on camera standing next to the bear , which sits partially submerged in the water in a north american zoo .a young boy enjoyed a rare opportunity to interact with a brown bear when he was befriended by one at a zoo .the father then instructs his son to put his hand up against the glass and as he does so the bear moves towards him with its nose rubbing against the glass .']\n", - "=======================\n", - "[\"the boy named gabriel holds his hands up to the bear 's pawsbear follows him from left to right and rubs up against glasslater in the video the brown bear attempts to bite the youngster\"]\n", - "wandering over to the protective glass , the youngster named gabriel is captured on camera standing next to the bear , which sits partially submerged in the water in a north american zoo .a young boy enjoyed a rare opportunity to interact with a brown bear when he was befriended by one at a zoo .the father then instructs his son to put his hand up against the glass and as he does so the bear moves towards him with its nose rubbing against the glass .\n", - "the boy named gabriel holds his hands up to the bear 's pawsbear follows him from left to right and rubs up against glasslater in the video the brown bear attempts to bite the youngster\n", - "[1.134831 1.5787294 1.237712 1.3735601 1.094465 1.0231614 1.154456\n", - " 1.1903404 1.3078214 1.0380048 1.0496905 1.0719726 1.1785609 1.0365957\n", - " 1.0097178 1.015078 1.008218 1.0104386 1.0107249 1.0094866 1.0602425]\n", - "\n", - "[ 1 3 8 2 7 12 6 0 4 11 20 10 9 13 5 15 18 17 14 19 16]\n", - "=======================\n", - "[\"the custom-made piano features half a million swarovski crystals and was created following a request from an unnamed buyer described as an ` influential sheikh ' in doha , qatar .goldfinch , a cambridge-based piano maker , took six months to build it , with every crystal applied by hand .the piano was made in collaboration with british contemporary artist lauren baker .\"]\n", - "=======================\n", - "['the goldfinch piano took six months to build for a sheikh in doha , qatareach of the half a million crystals was applied by handthe instrument was designed in collaboration with artist lauren bakerit is said to be worth # 420,000']\n", - "the custom-made piano features half a million swarovski crystals and was created following a request from an unnamed buyer described as an ` influential sheikh ' in doha , qatar .goldfinch , a cambridge-based piano maker , took six months to build it , with every crystal applied by hand .the piano was made in collaboration with british contemporary artist lauren baker .\n", - "the goldfinch piano took six months to build for a sheikh in doha , qatareach of the half a million crystals was applied by handthe instrument was designed in collaboration with artist lauren bakerit is said to be worth # 420,000\n", - "[1.194992 1.516486 1.2530956 1.3845651 1.2325052 1.1536527 1.0778859\n", - " 1.1041964 1.104267 1.0182008 1.0497533 1.0407236 1.0423712 1.1203945\n", - " 1.0528065 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 5 13 8 7 6 14 10 12 11 9 19 15 16 17 18 20]\n", - "=======================\n", - "['preston wright , 23 , killed his girlfriend , sarah owen , 21 , after he stabbed her several times with a knife then turned the weapon on himself at a house in norman .eyewitnesses said that owen arrived at the house and was attempting to move her things out of a garage on 3417 madra street when the argument escalated .a couple died in an apparent murder suicide after they got into a violent confrontation which turned deadly inside a home in oklahoma .']\n", - "=======================\n", - "[\"preston wright , 23 , killed his girlfriend , sarah owen , 21 , with a knifewright then turned the weapon on himself inside the home in normanofficers were met by a boy , thought to be wright 's brother , at the househe said owen had been cleaning out the garage when she got into a fight with wrighteyewitnesses first saw the couple arguing outside of the homepolice found the couple dead inside the house with severe stab wounds\"]\n", - "preston wright , 23 , killed his girlfriend , sarah owen , 21 , after he stabbed her several times with a knife then turned the weapon on himself at a house in norman .eyewitnesses said that owen arrived at the house and was attempting to move her things out of a garage on 3417 madra street when the argument escalated .a couple died in an apparent murder suicide after they got into a violent confrontation which turned deadly inside a home in oklahoma .\n", - "preston wright , 23 , killed his girlfriend , sarah owen , 21 , with a knifewright then turned the weapon on himself inside the home in normanofficers were met by a boy , thought to be wright 's brother , at the househe said owen had been cleaning out the garage when she got into a fight with wrighteyewitnesses first saw the couple arguing outside of the homepolice found the couple dead inside the house with severe stab wounds\n", - "[1.1466558 1.3602546 1.3582594 1.0414814 1.0751615 1.0884845 1.2551035\n", - " 1.1009791 1.1649109 1.0901173 1.0318565 1.0541954 1.134728 1.0772204\n", - " 1.0529749 1.02418 1.0250243 1.0132792 0. 0. 0. ]\n", - "\n", - "[ 1 2 6 8 0 12 7 9 5 13 4 11 14 3 10 16 15 17 18 19 20]\n", - "=======================\n", - "[\"the second act of tony mccoy 's life .on saturday he will dismount from the bay gelding box office after the 4.25 pm at sandown park -- the bet365 handicap hurdle -- and it will begin .ap mccoy will race at sandown on saturday for the last time before he retires after a successful career\"]\n", - "=======================\n", - "['ap mccoy finished well ahead of rivals in jump jockeys championshipthere is no-one on his shoulder , no-one breathing down his neckhe will race at sandown for the last time before retiring on saturday']\n", - "the second act of tony mccoy 's life .on saturday he will dismount from the bay gelding box office after the 4.25 pm at sandown park -- the bet365 handicap hurdle -- and it will begin .ap mccoy will race at sandown on saturday for the last time before he retires after a successful career\n", - "ap mccoy finished well ahead of rivals in jump jockeys championshipthere is no-one on his shoulder , no-one breathing down his neckhe will race at sandown for the last time before retiring on saturday\n", - "[1.460771 1.355596 1.1803645 1.5230949 1.2832509 1.0216789 1.0182779\n", - " 1.0217655 1.0307294 1.0333366 1.0607138 1.0858808 1.0619951 1.0216783\n", - " 1.0162082 1.0235223 1.0307192 1.130493 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 2 17 11 12 10 9 8 16 15 7 5 13 6 14 19 18 20]\n", - "=======================\n", - "[\"arsene wenger has revealed the selection process he uses to pick his arsenal teamthe arsenal manager , who has taken charge of 1,056 matches since his appointment in september 1996 , has lifted the lid on his pre-match rituals in an interview with the official arsenal magazine .wenger lifts the fa cup following arsenal 's triumph over hull city at wembley last season\"]\n", - "=======================\n", - "['wenger has spoken about the process of selecting arsenal teamsthe arsenal manager has eight or nine of the team decided by matchdaybut the final decision is made in the hours immediately before kick-offsometimes the thought process to pick perfect xi takes all weekclick here for all the latest arsenal news']\n", - "arsene wenger has revealed the selection process he uses to pick his arsenal teamthe arsenal manager , who has taken charge of 1,056 matches since his appointment in september 1996 , has lifted the lid on his pre-match rituals in an interview with the official arsenal magazine .wenger lifts the fa cup following arsenal 's triumph over hull city at wembley last season\n", - "wenger has spoken about the process of selecting arsenal teamsthe arsenal manager has eight or nine of the team decided by matchdaybut the final decision is made in the hours immediately before kick-offsometimes the thought process to pick perfect xi takes all weekclick here for all the latest arsenal news\n", - "[1.5194173 1.4921046 1.1622096 1.3588146 1.2913369 1.178846 1.0118628\n", - " 1.0094347 1.0135767 1.0188233 1.1375715 1.07842 1.0111237 1.0108651\n", - " 1.0161557 1.2616897 1.2174542 1.0285212 1.0924543 1.0092919 1.006774 ]\n", - "\n", - "[ 0 1 3 4 15 16 5 2 10 18 11 17 9 14 8 6 12 13 7 19 20]\n", - "=======================\n", - "[\"bayern munich captain philipp lahm could make his first bundesliga start since returning from an ankle injury by appearing against borussia dortmund on saturday .midfielders franck ribery ( ankle ) , arjen robben ( stomach ) and javi martinez ( knee ) , and defender david alaba ( knee ) are all out , coach pep guardiola added on friday .pep guardiola will be without a number of his first-team stars for his side 's match against dortmund\"]\n", - "=======================\n", - "['philipp lahm is expected to start against dortmund at the weekendlahm has made two substitute appearances since his injury comebackfranck ribery , arjen robben and javi martinez will miss dortmund clashdavid alaba is expected to be out for the rest of the season']\n", - "bayern munich captain philipp lahm could make his first bundesliga start since returning from an ankle injury by appearing against borussia dortmund on saturday .midfielders franck ribery ( ankle ) , arjen robben ( stomach ) and javi martinez ( knee ) , and defender david alaba ( knee ) are all out , coach pep guardiola added on friday .pep guardiola will be without a number of his first-team stars for his side 's match against dortmund\n", - "philipp lahm is expected to start against dortmund at the weekendlahm has made two substitute appearances since his injury comebackfranck ribery , arjen robben and javi martinez will miss dortmund clashdavid alaba is expected to be out for the rest of the season\n", - "[1.3877769 1.4789529 1.1534276 1.4111506 1.334653 1.2009462 1.102895\n", - " 1.1118393 1.0288687 1.0108348 1.0195986 1.2297131 1.1038816 1.010858\n", - " 1.0170512 1.0158621 1.0063564 1.0084133 1.0102745 0. 0. ]\n", - "\n", - "[ 1 3 0 4 11 5 2 7 12 6 8 10 14 15 13 9 18 17 16 19 20]\n", - "=======================\n", - "[\"roberto martinez confirmed on thursday that the republic of ireland international will miss the final seven games of the season with metatarsal damage , but expects him to be ready for pre-season as he does not require surgery .everton midfielder darron gibson will not play again this season after damaging his metatarsaleverton will look to extend darron gibson 's contract this summer as he recovers from the latest injury setback of his career .\"]\n", - "=======================\n", - "['darron gibson has been ruled out for the rest of the season with injurygibson has a metatarsal problem but will be back for pre-seasonroberto martinez wants to extend his contract despite repeated injurieseverton will likely rekindle interest in tom cleverley in the summer']\n", - "roberto martinez confirmed on thursday that the republic of ireland international will miss the final seven games of the season with metatarsal damage , but expects him to be ready for pre-season as he does not require surgery .everton midfielder darron gibson will not play again this season after damaging his metatarsaleverton will look to extend darron gibson 's contract this summer as he recovers from the latest injury setback of his career .\n", - "darron gibson has been ruled out for the rest of the season with injurygibson has a metatarsal problem but will be back for pre-seasonroberto martinez wants to extend his contract despite repeated injurieseverton will likely rekindle interest in tom cleverley in the summer\n", - "[1.388156 1.4621432 1.3735503 1.2641395 1.0802166 1.0242373 1.0467032\n", - " 1.1202742 1.0547057 1.2256106 1.088713 1.0306156 1.0438029 1.0604115\n", - " 1.0153573 1.0724353 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 9 7 10 4 15 13 8 6 12 11 5 14 19 16 17 18 20]\n", - "=======================\n", - "[\"the ukip leader said he wanted to ` keep his mind as clear as possible ' before the two-hour live tv showdown .nigel farage has revealed his preparation technique for tonight 's crunch election debate -- no booze until 6pm .but he admitted that he would break his drink ban at 6pm before heading into the studio for the showdown against britain 's six other political party leaders .\"]\n", - "=======================\n", - "[\"the ukip leader said he wanted to ` keep his mind as clear as possible 'but he said he would break his drink ban at 6pm before going to the studioukip aide said he would have ' a couple of gin and tonics ' before the debatemr farage has been made the bookies favourite for tonight 's itv showdown\"]\n", - "the ukip leader said he wanted to ` keep his mind as clear as possible ' before the two-hour live tv showdown .nigel farage has revealed his preparation technique for tonight 's crunch election debate -- no booze until 6pm .but he admitted that he would break his drink ban at 6pm before heading into the studio for the showdown against britain 's six other political party leaders .\n", - "the ukip leader said he wanted to ` keep his mind as clear as possible 'but he said he would break his drink ban at 6pm before going to the studioukip aide said he would have ' a couple of gin and tonics ' before the debatemr farage has been made the bookies favourite for tonight 's itv showdown\n", - "[1.2752552 1.3630188 1.4390092 1.2836301 1.2755251 1.2943728 1.1089857\n", - " 1.0226126 1.0121362 1.0229837 1.012823 1.0755578 1.2180097 1.0502131\n", - " 1.0351732 1.054318 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 5 3 4 0 12 6 11 15 13 14 9 7 10 8 16 17 18 19 20]\n", - "=======================\n", - "['under existing rules , the spfl are entitled to take 50 per cent of the gate proceeds from the six play-off ties for redistribution among the clubs .and the fir park side are set to win powerful backing for their revolt from championship promotion challengers rangers and hibernian .motherwell general manager alan burrows told sportsmail his club will make a stand if they finish 11th']\n", - "=======================\n", - "[\"motherwell will offer free entry to their regular fans if they end up in play-offbut spfl are entitled to 50 per cent of gate proceeds from the gamesmotherwell will make stand and offer free tickets in event of finishing 11thrangers and hibernian will back the club 's stance against the spflâ\"]\n", - "under existing rules , the spfl are entitled to take 50 per cent of the gate proceeds from the six play-off ties for redistribution among the clubs .and the fir park side are set to win powerful backing for their revolt from championship promotion challengers rangers and hibernian .motherwell general manager alan burrows told sportsmail his club will make a stand if they finish 11th\n", - "motherwell will offer free entry to their regular fans if they end up in play-offbut spfl are entitled to 50 per cent of gate proceeds from the gamesmotherwell will make stand and offer free tickets in event of finishing 11thrangers and hibernian will back the club 's stance against the spflâ\n", - "[1.2023023 1.2864857 1.2807056 1.3589516 1.1127589 1.1310501 1.0371711\n", - " 1.111414 1.0517826 1.03404 1.0510793 1.0305595 1.0566016 1.0453511\n", - " 1.0781482 1.063669 1.011754 1.1112791 1.0823295]\n", - "\n", - "[ 3 1 2 0 5 4 7 17 18 14 15 12 8 10 13 6 9 11 16]\n", - "=======================\n", - "[\"cressida bonas , 26 , ( pictured ) says she is more than happy being single following her split from prince harry` i 'm a strong , independent woman , ' she says in a new interview to promote her role as mulberry 's new muse .she was catapulted into the limelight thanks to her relationship with prince harry .\"]\n", - "=======================\n", - "[\"cressida bonas says she is happy being single after prince harry splitdancer and mulberry 's new muse says : ` i 'm a strong , independent woman 'just finished playing cecily in the importance of being ernest in london\"]\n", - "cressida bonas , 26 , ( pictured ) says she is more than happy being single following her split from prince harry` i 'm a strong , independent woman , ' she says in a new interview to promote her role as mulberry 's new muse .she was catapulted into the limelight thanks to her relationship with prince harry .\n", - "cressida bonas says she is happy being single after prince harry splitdancer and mulberry 's new muse says : ` i 'm a strong , independent woman 'just finished playing cecily in the importance of being ernest in london\n", - "[1.2061396 1.2979184 1.2982721 1.2590253 1.2330842 1.1074402 1.0549456\n", - " 1.0855627 1.1299671 1.081734 1.0828326 1.0819713 1.059287 1.0471354\n", - " 1.033941 1.0150073 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 4 0 8 5 7 10 11 9 12 6 13 14 15 16 17 18]\n", - "=======================\n", - "[\"some experts have criticised the shutting down of olavsvern naval base - a huge complex buried in mountainous terrain near the town of tromsoe - which has been closed since 2009 .military leaders in norway are nervous about its powerful neighbour 's presence on its ` strategically important ' coastline following a spike in tensions between russia and nato nations .but fears have once again peaked after three russian ships spent the entire winter docked deep within the mountain hideaway which was once a heavily guarded military facility .\"]\n", - "=======================\n", - "[\"three russian ships that docked in olavsvern naval base for the entire winterbase which was shut down in 2009 is nestled deep inside mountainous regionnorway 's military fears russian presence on ` strategically important ' coastline\"]\n", - "some experts have criticised the shutting down of olavsvern naval base - a huge complex buried in mountainous terrain near the town of tromsoe - which has been closed since 2009 .military leaders in norway are nervous about its powerful neighbour 's presence on its ` strategically important ' coastline following a spike in tensions between russia and nato nations .but fears have once again peaked after three russian ships spent the entire winter docked deep within the mountain hideaway which was once a heavily guarded military facility .\n", - "three russian ships that docked in olavsvern naval base for the entire winterbase which was shut down in 2009 is nestled deep inside mountainous regionnorway 's military fears russian presence on ` strategically important ' coastline\n", - "[1.103729 1.3562272 1.3465232 1.3351164 1.2989916 1.1895258 1.1309483\n", - " 1.0288966 1.2514386 1.1181171 1.0588998 1.0245477 1.0514297 1.0330901\n", - " 1.0334138 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 8 5 6 9 0 10 12 14 13 7 11 17 15 16 18]\n", - "=======================\n", - "['but the discovery of cremated bone , thought to be the earliest ever identified in britain , could re-write the history of mesolithic , or middle stone age burial practices .the deposit containing the bone was discovered during excavations ahead of a new pipeline in landford , essex and is thought to date to 5,600 bc .it was placed into a pit with a diameter of about three feet ( one metre ) and then backfilled with soil .']\n", - "=======================\n", - "['bone from more than one human dates to the late mesolithic in 5,600 bcit was recovered from a pit with charcoal remains , in landford , essexevidence suggests ancient people respected and cremated their deadit was previously thought that nomadic people simply abandoned them']\n", - "but the discovery of cremated bone , thought to be the earliest ever identified in britain , could re-write the history of mesolithic , or middle stone age burial practices .the deposit containing the bone was discovered during excavations ahead of a new pipeline in landford , essex and is thought to date to 5,600 bc .it was placed into a pit with a diameter of about three feet ( one metre ) and then backfilled with soil .\n", - "bone from more than one human dates to the late mesolithic in 5,600 bcit was recovered from a pit with charcoal remains , in landford , essexevidence suggests ancient people respected and cremated their deadit was previously thought that nomadic people simply abandoned them\n", - "[1.4345663 1.4850154 1.2304096 1.0878757 1.2901089 1.1349329 1.0568744\n", - " 1.0453483 1.099627 1.0887208 1.124625 1.075694 1.100419 1.007452\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 5 10 12 8 9 3 11 6 7 13 17 14 15 16 18]\n", - "=======================\n", - "['the ship , the mu du bong , was detained after it ran aground off the coast of mexico in july .( cnn ) north korea accused mexico of illegally holding one of its cargo ships wednesday and demanded the release of the vessel and crew .in the case of the chong chon gang , panamanian authorities found it was carrying undeclared weaponry from cuba -- including mig fighter jets , anti-aircraft systems and explosives -- buried under thousands of bags of sugar .']\n", - "=======================\n", - "[\"the mu du bong was detained after it ran aground off mexico 's coast in julynorth korea says there 's no reason to hold the ship and accuses mexico of human rights violationsmexico says it followed proper protocol because the ship 's owner skirted u.n. sanctions\"]\n", - "the ship , the mu du bong , was detained after it ran aground off the coast of mexico in july .( cnn ) north korea accused mexico of illegally holding one of its cargo ships wednesday and demanded the release of the vessel and crew .in the case of the chong chon gang , panamanian authorities found it was carrying undeclared weaponry from cuba -- including mig fighter jets , anti-aircraft systems and explosives -- buried under thousands of bags of sugar .\n", - "the mu du bong was detained after it ran aground off mexico 's coast in julynorth korea says there 's no reason to hold the ship and accuses mexico of human rights violationsmexico says it followed proper protocol because the ship 's owner skirted u.n. sanctions\n", - "[1.4790653 1.3855499 1.1710451 1.3023264 1.3464448 1.1428728 1.0580174\n", - " 1.0636777 1.116682 1.112367 1.0182518 1.0478723 1.0353893 1.0221145\n", - " 1.0138322 1.0129817 1.0083756 1.0180202 0. ]\n", - "\n", - "[ 0 1 4 3 2 5 8 9 7 6 11 12 13 10 17 14 15 16 18]\n", - "=======================\n", - "[\"british olympic chief bill sweeney insists the association worked ` really hard ' to keep aaron cook on board - but the 24-year-old was set on changing his nationality and competing for moldova at the 2016 olympics .dorset-born cook who was overlooked for the great britain taekwondo squad at london 2012 , applied for citizenship earlier this month after receiving funding from moldovan billionaire igor iuzefovici and has already received his passport from the small eastern european state .three time european champion aaron cook ( right ) has refused to fight for great britain since may 2012\"]\n", - "=======================\n", - "['taekwondo star aaron cook has changed his nationality to moldovanhe is reported to have been aggrieved at being left out for london 2012british olympic chief bill sweeney says cook was set on switching']\n", - "british olympic chief bill sweeney insists the association worked ` really hard ' to keep aaron cook on board - but the 24-year-old was set on changing his nationality and competing for moldova at the 2016 olympics .dorset-born cook who was overlooked for the great britain taekwondo squad at london 2012 , applied for citizenship earlier this month after receiving funding from moldovan billionaire igor iuzefovici and has already received his passport from the small eastern european state .three time european champion aaron cook ( right ) has refused to fight for great britain since may 2012\n", - "taekwondo star aaron cook has changed his nationality to moldovanhe is reported to have been aggrieved at being left out for london 2012british olympic chief bill sweeney says cook was set on switching\n", - "[1.4486762 1.306638 1.1512946 1.1366978 1.1471452 1.1942382 1.0445864\n", - " 1.1043739 1.0607277 1.0631529 1.0346346 1.0429133 1.1240945 1.0476962\n", - " 1.0421703 1.0686574 1.024329 1.0311545]\n", - "\n", - "[ 0 1 5 2 4 3 12 7 15 9 8 13 6 11 14 10 17 16]\n", - "=======================\n", - "[\"illicit operation : chiropractor gertrude pitkanen would sell newborn babies to adoptive parents for as little as $ 100 in butte , montanathey have joined together to form a group called gertie 's babies who have been using dna to trace their biological families and search for their estranged siblings that are still alive .as the infants were driven to their new homes , the families were sometimes forced to throw their afterbirth out of the window because they were removed so quickly .\"]\n", - "=======================\n", - "[\"gertrude pitkanen started the illicit scheme in butte , montana in the 1920sfor around 30 years , she gave newborns to adoptive parents for cashchildren involved in the crimes have aged , and are looking for answersis only since the proliferation of dna that they have found lost relativesgroup called gertie 's babies believe there are more children out there\"]\n", - "illicit operation : chiropractor gertrude pitkanen would sell newborn babies to adoptive parents for as little as $ 100 in butte , montanathey have joined together to form a group called gertie 's babies who have been using dna to trace their biological families and search for their estranged siblings that are still alive .as the infants were driven to their new homes , the families were sometimes forced to throw their afterbirth out of the window because they were removed so quickly .\n", - "gertrude pitkanen started the illicit scheme in butte , montana in the 1920sfor around 30 years , she gave newborns to adoptive parents for cashchildren involved in the crimes have aged , and are looking for answersis only since the proliferation of dna that they have found lost relativesgroup called gertie 's babies believe there are more children out there\n", - "[1.5836682 1.4099156 1.45024 1.4125323 1.0554593 1.0962722 1.0289791\n", - " 1.0282943 1.0115035 1.0117638 1.0130002 1.0374683 1.0972857 1.1621246\n", - " 1.0790538 1.0210108 1.0100452 1.0110552]\n", - "\n", - "[ 0 2 3 1 13 12 5 14 4 11 6 7 15 10 9 8 17 16]\n", - "=======================\n", - "[\"swansea manager garry monk is out to claim a season-first against hull on saturday - pick up some points after an international break .swansea have eight more games to collect the five points needed to beat the 47-point mark posted in their inaugural premier league campaign in 2011-12 .monk 's men have enjoyed an excellent campaign by being in the top 10 all season and are currently in eighth place with the club 's best barclays premier league points total in sight .\"]\n", - "=======================\n", - "[\"swansea have lost all three games after an international break this seasonset to host hull city in the premier league on saturday afternoongarry monk 's side have been in the top 10 for the entire campaign so far\"]\n", - "swansea manager garry monk is out to claim a season-first against hull on saturday - pick up some points after an international break .swansea have eight more games to collect the five points needed to beat the 47-point mark posted in their inaugural premier league campaign in 2011-12 .monk 's men have enjoyed an excellent campaign by being in the top 10 all season and are currently in eighth place with the club 's best barclays premier league points total in sight .\n", - "swansea have lost all three games after an international break this seasonset to host hull city in the premier league on saturday afternoongarry monk 's side have been in the top 10 for the entire campaign so far\n", - "[1.521124 1.1505699 1.2092144 1.2496235 1.1677039 1.0670798 1.0611727\n", - " 1.0509206 1.0477912 1.0958209 1.0913827 1.0841143 1.1230676 1.0807005\n", - " 1.0193465 1.0581828 1.1023158 0. ]\n", - "\n", - "[ 0 3 2 4 1 12 16 9 10 11 13 5 6 15 7 8 14 17]\n", - "=======================\n", - "['( cnn ) australian prime minister tony abbott has been caught on camera guzzling a glass of beer in seven seconds amid raucous cheers from onlookers .abbott was in a sydney pub on saturday evening when a group of australian rules football players invited him to have a drink with them .and observers were quick to point out that abbott had previously criticized binge drinking in australia .']\n", - "=======================\n", - "[\"some observers applaud abbott 's beer swilling in a pub full of sportsmenthe prime minister last year criticized binge drinking culture in australia\"]\n", - "( cnn ) australian prime minister tony abbott has been caught on camera guzzling a glass of beer in seven seconds amid raucous cheers from onlookers .abbott was in a sydney pub on saturday evening when a group of australian rules football players invited him to have a drink with them .and observers were quick to point out that abbott had previously criticized binge drinking in australia .\n", - "some observers applaud abbott 's beer swilling in a pub full of sportsmenthe prime minister last year criticized binge drinking culture in australia\n", - "[1.3368282 1.2273134 1.2810295 1.1728234 1.0533769 1.0255046 1.1588744\n", - " 1.0962245 1.1206603 1.1169753 1.063324 1.0620658 1.1258124 1.1089427\n", - " 1.0542626 1.0267866 0. 0. ]\n", - "\n", - "[ 0 2 1 3 6 12 8 9 13 7 10 11 14 4 15 5 16 17]\n", - "=======================\n", - "['in 2018 , nasa will launch the orion spacecraft using the largest , most powerful rocket booster ever built ; the space launch system ( sls ) .now , the space agency has revealed three missions that will use these small satellites during the test flight to help develop technologies for astronauts travelling to deep space .tucked inside the stage adapter - the ring connecting orion to the top propulsion stage of the sls - will be 11 self-contained small satellites , each about the size of a large shoebox .']\n", - "=======================\n", - "[\"they will be included in 2018 flight of orion and space launch systemnea scout will fly by a small asteroid , taking pictures and getting datalunar flashlight will illuminate moon 's craters and measure surface icebiosentinel will use yeast to measure the impact of deep space radiation\"]\n", - "in 2018 , nasa will launch the orion spacecraft using the largest , most powerful rocket booster ever built ; the space launch system ( sls ) .now , the space agency has revealed three missions that will use these small satellites during the test flight to help develop technologies for astronauts travelling to deep space .tucked inside the stage adapter - the ring connecting orion to the top propulsion stage of the sls - will be 11 self-contained small satellites , each about the size of a large shoebox .\n", - "they will be included in 2018 flight of orion and space launch systemnea scout will fly by a small asteroid , taking pictures and getting datalunar flashlight will illuminate moon 's craters and measure surface icebiosentinel will use yeast to measure the impact of deep space radiation\n", - "[1.1331109 1.3470818 1.1559188 1.3054265 1.0885451 1.095783 1.1941605\n", - " 1.0829713 1.0464816 1.181806 1.0953641 1.111402 1.0623244 1.0439612\n", - " 1.0974525 1.0127966 1.0141696 0. ]\n", - "\n", - "[ 1 3 6 9 2 0 11 14 5 10 4 7 12 8 13 16 15 17]\n", - "=======================\n", - "[\"but researchers have found such a pattern in two apparently unrelated places - cells in human skin , and the mysterious fairy circles in namibia .desert fairy circles are considered one of nature 's greatest mysteries because no one knows how they form .patterns appearing on both the very large and very small scale are rare in nature .\"]\n", - "=======================\n", - "[\"it is not known how fairy circles in the namibian desert are madeclue may lie in the distribution of the barren circles of earth in grasslandresearchers in japan discovered their distribution is similar to skin cellslike human cells , the mysterious circles typically have six ` neighbours '\"]\n", - "but researchers have found such a pattern in two apparently unrelated places - cells in human skin , and the mysterious fairy circles in namibia .desert fairy circles are considered one of nature 's greatest mysteries because no one knows how they form .patterns appearing on both the very large and very small scale are rare in nature .\n", - "it is not known how fairy circles in the namibian desert are madeclue may lie in the distribution of the barren circles of earth in grasslandresearchers in japan discovered their distribution is similar to skin cellslike human cells , the mysterious circles typically have six ` neighbours '\n", - "[1.198957 1.4022634 1.3434105 1.4256133 1.0780927 1.1402138 1.1977382\n", - " 1.0963308 1.08052 1.0410858 1.0282179 1.0411154 1.0266428 1.0176196\n", - " 1.0143852 1.0288749 1.0129889 1.0114775 1.0162475 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 2 0 6 5 7 8 4 11 9 15 10 12 13 18 14 16 17 20 19 21]\n", - "=======================\n", - "['ariana miyamoto , 20 , was crowned miss japan last month , but has faced horrific racial abuse growing upariana miyamoto says it was often punishing growing up as the only black girl in her class in the port town of sasebo near nagasaki , where the us has a naval base and where her african-american father met her japanese mother .the 20-year-old was born and raised in japan , speaks fluent japanese , and was last month chosen to represent her country in the miss universe pageant .']\n", - "=======================\n", - "[\"ariana miyamoto was born and raised in japan and speaks fluent japanesebut 20-year-old found it tough growing up as only black girl in her classwas raised in sasebo near nagasaki where japanese mum met her fatherhas faced hostility for not being a ` pure japanese ' beauty pageant winnerfather bryant stanfield says japan will ` never be as proud of her as i am '\"]\n", - "ariana miyamoto , 20 , was crowned miss japan last month , but has faced horrific racial abuse growing upariana miyamoto says it was often punishing growing up as the only black girl in her class in the port town of sasebo near nagasaki , where the us has a naval base and where her african-american father met her japanese mother .the 20-year-old was born and raised in japan , speaks fluent japanese , and was last month chosen to represent her country in the miss universe pageant .\n", - "ariana miyamoto was born and raised in japan and speaks fluent japanesebut 20-year-old found it tough growing up as only black girl in her classwas raised in sasebo near nagasaki where japanese mum met her fatherhas faced hostility for not being a ` pure japanese ' beauty pageant winnerfather bryant stanfield says japan will ` never be as proud of her as i am '\n", - "[1.4366273 1.4808577 1.2098961 1.328229 1.2003984 1.0646071 1.020306\n", - " 1.0310601 1.0645097 1.0316858 1.0849022 1.0831071 1.114315 1.1370459\n", - " 1.0130733 1.01973 1.035345 1.0167497 1.0280471 1.1771384 1.0904008\n", - " 1.1020153]\n", - "\n", - "[ 1 0 3 2 4 19 13 12 21 20 10 11 5 8 16 9 7 18 6 15 17 14]\n", - "=======================\n", - "['khan has been criticised on social media after rejecting a potential # 5million pay day against kell brook at wembley on june 13 .amir khan has admitted he does not know who he will fight on may 30 , despite announcing chris algieri as his opponent last week .and reports in america suggested television network showtime were not interested in showing a fight between him and algieri .']\n", - "=======================\n", - "['amir khan released a video last week saying he would fight chris algierithe british star has since been criticised for his choice of opponentkhan also had the opportunity to fight kell brook at wembley in junebrook wants to return to action at the o2 in london on may 30']\n", - "khan has been criticised on social media after rejecting a potential # 5million pay day against kell brook at wembley on june 13 .amir khan has admitted he does not know who he will fight on may 30 , despite announcing chris algieri as his opponent last week .and reports in america suggested television network showtime were not interested in showing a fight between him and algieri .\n", - "amir khan released a video last week saying he would fight chris algierithe british star has since been criticised for his choice of opponentkhan also had the opportunity to fight kell brook at wembley in junebrook wants to return to action at the o2 in london on may 30\n", - "[1.5584357 1.3724091 1.1764976 1.5741806 1.2939632 1.0386425 1.0519123\n", - " 1.0174268 1.024627 1.0187361 1.0163968 1.018046 1.1012605 1.0511987\n", - " 1.0162078 1.0105585 1.0091999 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 0 1 4 2 12 6 13 5 8 9 11 7 10 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"garry monk wants swansea to continue their own impressive form with victory over everton on saturdayswansea manager garry monk believes a strong finish will put a different slant on everton 's season - but he is determined to stop his former manager roberto martinez profiting at his old liberty stadium stomping ground on saturday .martinez was lauded by everton fans last season as the club qualified for europe with a fifth-placed finish in the barclays premier league .\"]\n", - "=======================\n", - "[\"everton have won their last three games and visit swansea on saturdayswansea manager garry monk is hoping to stifle everton 's revivalswansea beat them in november and have been on a good run themselves\"]\n", - "garry monk wants swansea to continue their own impressive form with victory over everton on saturdayswansea manager garry monk believes a strong finish will put a different slant on everton 's season - but he is determined to stop his former manager roberto martinez profiting at his old liberty stadium stomping ground on saturday .martinez was lauded by everton fans last season as the club qualified for europe with a fifth-placed finish in the barclays premier league .\n", - "everton have won their last three games and visit swansea on saturdayswansea manager garry monk is hoping to stifle everton 's revivalswansea beat them in november and have been on a good run themselves\n", - "[1.2044314 1.4466944 1.3967496 1.2552884 1.204096 1.1489722 1.0860717\n", - " 1.0394828 1.0337005 1.0815685 1.0987866 1.0218536 1.0533459 1.0538306\n", - " 1.0278373 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 0 4 5 10 6 9 13 12 7 8 14 11 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"the institute for fiscal studies said ed miliband 's ` vague ' promise to balance the books would allow labour to borrow # 90billion more than the tories by 2020 .this would rise to # 280billion in extra debt by the end of the next decade if labour remained in power .david cameron said the assessment showed labour was ' a risk to our recovery , a risk to our economy , a risk to jobs '\"]\n", - "=======================\n", - "[\"institute for fiscal studies says taxes will be # 12b higher under laboursaid the gap ` between the parties ' was ` bigger than any time since 1992 'david cameron said assessment showed labour was ` risk to our recovery 'in withering verdict , think tank said parties were keeping voters in the dark\"]\n", - "the institute for fiscal studies said ed miliband 's ` vague ' promise to balance the books would allow labour to borrow # 90billion more than the tories by 2020 .this would rise to # 280billion in extra debt by the end of the next decade if labour remained in power .david cameron said the assessment showed labour was ' a risk to our recovery , a risk to our economy , a risk to jobs '\n", - "institute for fiscal studies says taxes will be # 12b higher under laboursaid the gap ` between the parties ' was ` bigger than any time since 1992 'david cameron said assessment showed labour was ` risk to our recovery 'in withering verdict , think tank said parties were keeping voters in the dark\n", - "[1.2059561 1.484088 1.2922118 1.3220546 1.2086754 1.2302115 1.0306351\n", - " 1.0102061 1.19203 1.0208457 1.0146788 1.1041168 1.1989837 1.0910392\n", - " 1.0212351 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 5 4 0 12 8 11 13 6 14 9 10 7 15 16 17 18 19 20 21]\n", - "=======================\n", - "['the enormous lump , which was 40 metres long and made up of fat and wet wipes , was so heavy that it caused the 1940s sewer in chelsea to break .utility companies , including thames water , discovered the fatberg when local residents and businesses on draycott avenue and walton street started to complain about the rancid smell coming from the sewer .now a # 400,000 repair is being carried out to repair the broken sewer and already 22 metres of new piping has been replaced with another 17 metres left to go .']\n", - "=======================\n", - "['residents in two exclusive chelsea streets complained of a rancid smellthames water investigated and discovered a 10 tonne fatberg in the sewerthe sewer which is 40 metres long was made up of fat and used wet wipesa # 400,000 repair is being carried out to rectify the damage underground']\n", - "the enormous lump , which was 40 metres long and made up of fat and wet wipes , was so heavy that it caused the 1940s sewer in chelsea to break .utility companies , including thames water , discovered the fatberg when local residents and businesses on draycott avenue and walton street started to complain about the rancid smell coming from the sewer .now a # 400,000 repair is being carried out to repair the broken sewer and already 22 metres of new piping has been replaced with another 17 metres left to go .\n", - "residents in two exclusive chelsea streets complained of a rancid smellthames water investigated and discovered a 10 tonne fatberg in the sewerthe sewer which is 40 metres long was made up of fat and used wet wipesa # 400,000 repair is being carried out to rectify the damage underground\n", - "[1.2797854 1.4060979 1.1530262 1.428855 1.2784232 1.1185137 1.1716014\n", - " 1.0969708 1.0383699 1.0155339 1.0127434 1.0151854 1.0648435 1.2598338\n", - " 1.0406164 1.0650449 1.0154113 1.00815 ]\n", - "\n", - "[ 3 1 0 4 13 6 2 5 7 15 12 14 8 9 16 11 10 17]\n", - "=======================\n", - "[\"murdered : the body parts of becky watts , 16 , were found at house in bristol on march 2 and police charged her stepbrother , nathan matthews , 28 , with murdertania watts is likely to see her at becky 's funeral , as ms galsworthy was also stepmother to the 16-year-old .dreading meeting : becky 's heartbroken mother tani watts said she fears coming face-to-face with anjie galsworthy , ( pictured with becky 's father darren ) whose son is accused of the teenager 's murder\"]\n", - "=======================\n", - "[\"tania watts has spoken of the ` hell ' she has endured since bristol murderbecky went missing in february and her body parts were found weeks laterher stepbrother nathan matthews , 28 , has been charged with killing hermr matthews is the son of anje galsworthy , who appeared in appeal videos\"]\n", - "murdered : the body parts of becky watts , 16 , were found at house in bristol on march 2 and police charged her stepbrother , nathan matthews , 28 , with murdertania watts is likely to see her at becky 's funeral , as ms galsworthy was also stepmother to the 16-year-old .dreading meeting : becky 's heartbroken mother tani watts said she fears coming face-to-face with anjie galsworthy , ( pictured with becky 's father darren ) whose son is accused of the teenager 's murder\n", - "tania watts has spoken of the ` hell ' she has endured since bristol murderbecky went missing in february and her body parts were found weeks laterher stepbrother nathan matthews , 28 , has been charged with killing hermr matthews is the son of anje galsworthy , who appeared in appeal videos\n", - "[1.274601 1.3743296 1.2499255 1.178479 1.0944916 1.2519839 1.0892243\n", - " 1.0897574 1.0708032 1.0439596 1.0552148 1.0249549 1.0523342 1.0121344\n", - " 1.0093546 1.0109019 1.0590477 1.07117 ]\n", - "\n", - "[ 1 0 5 2 3 4 7 6 17 8 16 10 12 9 11 13 15 14]\n", - "=======================\n", - "[\"and one of the millions lauren hill touched was lebron james , who posted an emotional farewell letter to the teenager via twitter on friday , just hours after she passed away from her rare tumor .she captured hearts across the nation as she realized her dream to play for mount st. joseph 's women 's basketball team in ohio and raised $ 1.5 million - all while battling inoperable brain cancer .in the letter , the basketball star , dubbed king james , praised the 19-year-old for the ` leadership ' , ` courage ' and ` strength ' she had shown while suffering from diffuse intrinsic pontine glioma ( dipg ) .\"]\n", - "=======================\n", - "[\"lauren hill was diagnosed with an inoperable form of brain cancer aged 18despite illness , she achieved dream to play college basketball in cincinnatialso raised a huge $ 1.5 million for diffuse intrinsic pontine glioma researchshe died in hospital on friday , aged 19 , after defying doctors ' expectationsnow , lebron james has penned a touching farewell letter to the teenagerin letter , he praises lauren for the ` leadership ' and ` strength ' she showedbasketball star tells her : ` you time spent on earth will never be forgotten '\"]\n", - "and one of the millions lauren hill touched was lebron james , who posted an emotional farewell letter to the teenager via twitter on friday , just hours after she passed away from her rare tumor .she captured hearts across the nation as she realized her dream to play for mount st. joseph 's women 's basketball team in ohio and raised $ 1.5 million - all while battling inoperable brain cancer .in the letter , the basketball star , dubbed king james , praised the 19-year-old for the ` leadership ' , ` courage ' and ` strength ' she had shown while suffering from diffuse intrinsic pontine glioma ( dipg ) .\n", - "lauren hill was diagnosed with an inoperable form of brain cancer aged 18despite illness , she achieved dream to play college basketball in cincinnatialso raised a huge $ 1.5 million for diffuse intrinsic pontine glioma researchshe died in hospital on friday , aged 19 , after defying doctors ' expectationsnow , lebron james has penned a touching farewell letter to the teenagerin letter , he praises lauren for the ` leadership ' and ` strength ' she showedbasketball star tells her : ` you time spent on earth will never be forgotten '\n", - "[1.4192368 1.0783435 1.2654412 1.3380247 1.1626713 1.1973128 1.117286\n", - " 1.0658708 1.0806556 1.0346406 1.0139692 1.1797898 1.0957707 1.049636\n", - " 1.1717005 1.1236992 1.1550527 1.0641493]\n", - "\n", - "[ 0 3 2 5 11 14 4 16 15 6 12 8 1 7 17 13 9 10]\n", - "=======================\n", - "[\"the red wings ' drew miller says he 's eager to hit the ice again just a day after receiving a cut that could have cost him his eyesight . 'gruesome : miller was left with a scar across his eye , but reportedly did n't suffer any damage to his eyesight after another player cut him across his faceskating with a full face mask during practice , the detroit forward openly bore a gruesome red wound that required 50 to 60 stitches to close along multiple layers of skin , the detroit free press reports .\"]\n", - "=======================\n", - "[\"detroit red wings ' drew miller was caught by a skate in the first period against the ottawa senatorsthe massive cut required 50 to 60 stitches to close , but did not damage miller 's eyethe red wings lost 2-1 but remained in third place in the atlantic division\"]\n", - "the red wings ' drew miller says he 's eager to hit the ice again just a day after receiving a cut that could have cost him his eyesight . 'gruesome : miller was left with a scar across his eye , but reportedly did n't suffer any damage to his eyesight after another player cut him across his faceskating with a full face mask during practice , the detroit forward openly bore a gruesome red wound that required 50 to 60 stitches to close along multiple layers of skin , the detroit free press reports .\n", - "detroit red wings ' drew miller was caught by a skate in the first period against the ottawa senatorsthe massive cut required 50 to 60 stitches to close , but did not damage miller 's eyethe red wings lost 2-1 but remained in third place in the atlantic division\n", - "[1.2605715 1.228769 1.3218397 1.1934303 1.3453325 1.2592297 1.2617846\n", - " 1.1086993 1.0538359 1.1921108 1.0412194 1.053736 1.0403154 1.0706891\n", - " 1.0638826 1.0370104 1.0159973 1.0078272]\n", - "\n", - "[ 4 2 6 0 5 1 3 9 7 13 14 8 11 10 12 15 16 17]\n", - "=======================\n", - "['a 23-year-old taylors hill man was arrested over the incident on thursday and charged with one count of armed robberyhe allegedly confronted a female cashier with what appeared to be a homemade machine gun he pulled out of a bag before making off with cash .he was remanded in custody to appear in melbourne magistrates court at a later date']\n", - "=======================\n", - "['the cross dressing robber from taylors hill is in police custodythe 23-year-old man was arrested and charged with armed robberythe robbery took place at a service station in watervale in marcha man dressed in female clothing produced a fake machine gunthe staff member handed over the cash which the robber placed in a bag']\n", - "a 23-year-old taylors hill man was arrested over the incident on thursday and charged with one count of armed robberyhe allegedly confronted a female cashier with what appeared to be a homemade machine gun he pulled out of a bag before making off with cash .he was remanded in custody to appear in melbourne magistrates court at a later date\n", - "the cross dressing robber from taylors hill is in police custodythe 23-year-old man was arrested and charged with armed robberythe robbery took place at a service station in watervale in marcha man dressed in female clothing produced a fake machine gunthe staff member handed over the cash which the robber placed in a bag\n", - "[1.5007203 1.4344957 1.1614696 1.4152751 1.1873864 1.0521891 1.0550008\n", - " 1.0241865 1.0319787 1.2266872 1.043956 1.01988 1.0170462 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 9 4 2 6 5 10 8 7 11 12 13 14 15 16 17]\n", - "=======================\n", - "[\"rory mcilroy 's powers of persuasion have resulted in us open champion martin kaymer , former world number one luke donald and american ryder cup star patrick reed confirming their participation in the dubai duty free irish open .luke donald is one star who mcilroy managed to persuade to take part in his foundations tournamentreed let the cat out of the bag on the final day of the masters at augusta national , also revealing he would compete in the bmw pga championship at wentworth the week before .\"]\n", - "=======================\n", - "['rory mcilroy has managed to persuade some high-profile golfers to take part in the dubai duty free irish open in maymartin kaymer , luke donald and patrick reed are all involved in the openryder cup captain darren clarke praised mcilroy for attracting the stars']\n", - "rory mcilroy 's powers of persuasion have resulted in us open champion martin kaymer , former world number one luke donald and american ryder cup star patrick reed confirming their participation in the dubai duty free irish open .luke donald is one star who mcilroy managed to persuade to take part in his foundations tournamentreed let the cat out of the bag on the final day of the masters at augusta national , also revealing he would compete in the bmw pga championship at wentworth the week before .\n", - "rory mcilroy has managed to persuade some high-profile golfers to take part in the dubai duty free irish open in maymartin kaymer , luke donald and patrick reed are all involved in the openryder cup captain darren clarke praised mcilroy for attracting the stars\n", - "[1.2336347 1.2999984 1.266314 1.2629128 1.1932819 1.0973082 1.2435976\n", - " 1.0788509 1.1322718 1.1059593 1.102668 1.0111674 1.047242 1.037897\n", - " 1.0538499 1.0206581 1.0137806 1.0255181]\n", - "\n", - "[ 1 2 3 6 0 4 8 9 10 5 7 14 12 13 17 15 16 11]\n", - "=======================\n", - "[\"discovered in 1974 , the 3.2 million-year-old skeleton stunned archaeologists who unearthed the fossil while digging in an isolated spot in the afar region of ethiopia .now , a new look at the ancient hominin 's skeleton suggests one of the bones may , in fact , belong to a baboon .lucy , the oldest and most complete fossil of an early human ever found , still has a few secrets to reveal .\"]\n", - "=======================\n", - "[\"baboon bone was spotted by the american museum of natural historyresearchers thought one of the vertebra bones was too small to fit lucythey say the baboon bone was somehow mixed up with lucy 's remainslucy is oldest and most complete fossil of an early human ever found\"]\n", - "discovered in 1974 , the 3.2 million-year-old skeleton stunned archaeologists who unearthed the fossil while digging in an isolated spot in the afar region of ethiopia .now , a new look at the ancient hominin 's skeleton suggests one of the bones may , in fact , belong to a baboon .lucy , the oldest and most complete fossil of an early human ever found , still has a few secrets to reveal .\n", - "baboon bone was spotted by the american museum of natural historyresearchers thought one of the vertebra bones was too small to fit lucythey say the baboon bone was somehow mixed up with lucy 's remainslucy is oldest and most complete fossil of an early human ever found\n", - "[1.2335048 1.0884751 1.075977 1.3078378 1.2898993 1.0639052 1.2133414\n", - " 1.0477868 1.0549254 1.07222 1.1021324 1.0851481 1.0374255 1.066858\n", - " 1.0981171 1.0833936 1.082956 1.0172541]\n", - "\n", - "[ 3 4 0 6 10 14 1 11 15 16 2 9 13 5 8 7 12 17]\n", - "=======================\n", - "[\"after reaching out to competitors only to receive a nasty response , catherine gerhardt now uses her experiences to educate other adults and children on how to deal with online ` flamers 'she teaches the children to follow ice : ignore , communicate and exit in order to deter bullieswhen catherine gerhardt got her business of the ground , she chose to reach out to her competitors and ask them if they were interested in collaborating .\"]\n", - "=======================\n", - "[\"catherine gerhardt reached out to competitors when she started businessshe was ignored by most but received one nasty email from a ` flamer 'ms gerhardt chose to employ ` ice ' and ignore , communicate and exitshe teaches this same policy to children through her company kidproofa flamer sends messages with intention to hurt the victim and get reaction\"]\n", - "after reaching out to competitors only to receive a nasty response , catherine gerhardt now uses her experiences to educate other adults and children on how to deal with online ` flamers 'she teaches the children to follow ice : ignore , communicate and exit in order to deter bullieswhen catherine gerhardt got her business of the ground , she chose to reach out to her competitors and ask them if they were interested in collaborating .\n", - "catherine gerhardt reached out to competitors when she started businessshe was ignored by most but received one nasty email from a ` flamer 'ms gerhardt chose to employ ` ice ' and ignore , communicate and exitshe teaches this same policy to children through her company kidproofa flamer sends messages with intention to hurt the victim and get reaction\n", - "[1.2503998 1.5382738 1.2071961 1.3876402 1.090511 1.0830269 1.0738921\n", - " 1.1050632 1.0825117 1.0832773 1.0371596 1.0315279 1.048555 1.0583786\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 7 4 9 5 8 6 13 12 10 11 14 15 16 17]\n", - "=======================\n", - "['william ziegler , now 39 , was initially convicted of capital murder in 2001 for killing russell allen baker , an acquaintance of his who was found dead next to his house in mobile the previous year .a man who spent 15 years on death row in alabama has been freed after his conviction was quashed and he struck a bargain with prosecutors .on april 3 anthony ray hinton was released after spending 30 years in jail for a 1985 shooting in which two fast food managers were shot dead .']\n", - "=======================\n", - "[\"william ziegler convicted of capital murder for 2001 killing of russell bakerwas sentenced to death , but had sentence quashed on appeal in 2012today pleaded guilty to aiding an abetting murder , and was sentenced to the 15 years he has already served , allowing him to walk freejudge sarah stewart said warned him against being bitter at hearingalso cautioned him that world is ` very different ' compared to 15 years ago\"]\n", - "william ziegler , now 39 , was initially convicted of capital murder in 2001 for killing russell allen baker , an acquaintance of his who was found dead next to his house in mobile the previous year .a man who spent 15 years on death row in alabama has been freed after his conviction was quashed and he struck a bargain with prosecutors .on april 3 anthony ray hinton was released after spending 30 years in jail for a 1985 shooting in which two fast food managers were shot dead .\n", - "william ziegler convicted of capital murder for 2001 killing of russell bakerwas sentenced to death , but had sentence quashed on appeal in 2012today pleaded guilty to aiding an abetting murder , and was sentenced to the 15 years he has already served , allowing him to walk freejudge sarah stewart said warned him against being bitter at hearingalso cautioned him that world is ` very different ' compared to 15 years ago\n", - "[1.1612258 1.1094688 1.3950224 1.1260304 1.126982 1.1323034 1.0643376\n", - " 1.0951877 1.1264768 1.1213207 1.0674995 1.0741757 1.0725749 1.0303154\n", - " 1.039081 1.0758759 0. 0. ]\n", - "\n", - "[ 2 0 5 4 8 3 9 1 7 15 11 12 10 6 14 13 16 17]\n", - "=======================\n", - "[\"the presentation of the award , which was bestowed on djokovic by the laureus sport for good foundation , came during the laureus world sports awards .she might be a new mother to twins but that did n't prevent a fresh-faced charlene of monaco from cutting a glamorous figure as she presented a sports prize this morning .among the big names celebrating with djokovic , albeit from a distance , were actors benedict cumberbatch and henry cavill and model karolina kurkova .\"]\n", - "=======================\n", - "['princess charlene presented novak djokovic with a sports awardcharlene was glamorous in navy as she handed over the gong in monacoaward was part of a ceremony taking place in shanghaiglitzy event was attended by benedict cumberbatch and henry cavill']\n", - "the presentation of the award , which was bestowed on djokovic by the laureus sport for good foundation , came during the laureus world sports awards .she might be a new mother to twins but that did n't prevent a fresh-faced charlene of monaco from cutting a glamorous figure as she presented a sports prize this morning .among the big names celebrating with djokovic , albeit from a distance , were actors benedict cumberbatch and henry cavill and model karolina kurkova .\n", - "princess charlene presented novak djokovic with a sports awardcharlene was glamorous in navy as she handed over the gong in monacoaward was part of a ceremony taking place in shanghaiglitzy event was attended by benedict cumberbatch and henry cavill\n", - "[1.2462921 1.2607856 1.452173 1.2646083 1.1207947 1.0764952 1.0290413\n", - " 1.0215107 1.05 1.0281299 1.0771832 1.2264645 1.091438 1.075427\n", - " 1.0658025 1.031738 1.0142955 1.0923852]\n", - "\n", - "[ 2 3 1 0 11 4 17 12 10 5 13 14 8 15 6 9 7 16]\n", - "=======================\n", - "['the short film was created by the next family , an organisation that supports diverse families .how life begins : seven-year-old sophia , the daughter of two moms , made a video to help others understand how her moms had a babysophia breaks down the issue simply for youngsters by explaining the baby-making process in a very cute way .']\n", - "=======================\n", - "['sophia , the daughter of a lesbian , explains how two mothers are able to have a babyvideo was posted on a lifestyle website for lesbian moms , gay dads , single parents and adoptive familiesthe first-grader also put together a series of illustrations to accompany the clip']\n", - "the short film was created by the next family , an organisation that supports diverse families .how life begins : seven-year-old sophia , the daughter of two moms , made a video to help others understand how her moms had a babysophia breaks down the issue simply for youngsters by explaining the baby-making process in a very cute way .\n", - "sophia , the daughter of a lesbian , explains how two mothers are able to have a babyvideo was posted on a lifestyle website for lesbian moms , gay dads , single parents and adoptive familiesthe first-grader also put together a series of illustrations to accompany the clip\n", - "[1.2643459 1.107304 1.0441496 1.2799673 1.2764578 1.0915774 1.110253\n", - " 1.1389867 1.0752634 1.0556184 1.1098027 1.0416143 1.0804527 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 0 7 6 10 1 5 12 8 9 2 11 13 14 15 16 17 18]\n", - "=======================\n", - "[\"the tiny village of jose ignacio is an understated getaway for the rich and famous , filed with pretty villas and sleek beach hutswith an area of just 68,000 square miles , the country 's sizeable atlantic coastline is home to pretty villages , two major cities - the capital montevideo and the glorious colonial portuguese town of colonia - while the interior is dotted with little more than estancia farms breeding cattle and growing wine .wedged between oversized neighbours argentina and brazil , uruguay has largely stayed off the radar for european and american travellers , but has long been a favourite summer spot for south americans thanks to its endless golden beaches and low prices .\"]\n", - "=======================\n", - "['jose ignacio is a tiny fishing village on the atlantic coast of uruguay - the smallest country in south americastars including shakira and ronnie wood have been spotted at resort alongside restaurateur giuseppe ciprianisandy lanes , understated boutiques and casual beach bars make up the small fishing villagethe key summer dates from travel are between christmas and easter']\n", - "the tiny village of jose ignacio is an understated getaway for the rich and famous , filed with pretty villas and sleek beach hutswith an area of just 68,000 square miles , the country 's sizeable atlantic coastline is home to pretty villages , two major cities - the capital montevideo and the glorious colonial portuguese town of colonia - while the interior is dotted with little more than estancia farms breeding cattle and growing wine .wedged between oversized neighbours argentina and brazil , uruguay has largely stayed off the radar for european and american travellers , but has long been a favourite summer spot for south americans thanks to its endless golden beaches and low prices .\n", - "jose ignacio is a tiny fishing village on the atlantic coast of uruguay - the smallest country in south americastars including shakira and ronnie wood have been spotted at resort alongside restaurateur giuseppe ciprianisandy lanes , understated boutiques and casual beach bars make up the small fishing villagethe key summer dates from travel are between christmas and easter\n", - "[1.2342881 1.5319304 1.4157767 1.1770827 1.155892 1.3589946 1.1294051\n", - " 1.1015588 1.186406 1.0464044 1.0353554 1.0246845 1.0449561 1.0077132\n", - " 1.0116208 1.0135734 0. 0. 0. ]\n", - "\n", - "[ 1 2 5 0 8 3 4 6 7 9 12 10 11 15 14 13 16 17 18]\n", - "=======================\n", - "['jenna louise driscoll , 25 , was due to face brisbane magistrates court on monday on seven charges of supplying or trafficking drugs , one charge of unlawful wounding and three charges of bestiality with her dog .police have issued a warrant for the arrest of a woman charged with bestiality after police found footage on her mobile phone of her allegedly having sex with a dog .she was remanded on bail to appear at the court last week , and did not show , and again on monday for the matters to he heard .']\n", - "=======================\n", - "[\"police have issued a warrant for the arrest of a woman charged with bestiality with her dogthe woman failed to appear twice in a brisbane court of a strong of chargesthe bestiality charges were laid after police checked jenna louise driscoll 's phone for suspected drug traffickingthey found three videos which allegedly show her having sex with a dogthe 25-year-old was due to appear at brisbane magistrates court on mondayshe failed for the second time and police issued the warrant\"]\n", - "jenna louise driscoll , 25 , was due to face brisbane magistrates court on monday on seven charges of supplying or trafficking drugs , one charge of unlawful wounding and three charges of bestiality with her dog .police have issued a warrant for the arrest of a woman charged with bestiality after police found footage on her mobile phone of her allegedly having sex with a dog .she was remanded on bail to appear at the court last week , and did not show , and again on monday for the matters to he heard .\n", - "police have issued a warrant for the arrest of a woman charged with bestiality with her dogthe woman failed to appear twice in a brisbane court of a strong of chargesthe bestiality charges were laid after police checked jenna louise driscoll 's phone for suspected drug traffickingthey found three videos which allegedly show her having sex with a dogthe 25-year-old was due to appear at brisbane magistrates court on mondayshe failed for the second time and police issued the warrant\n", - "[1.3378733 1.3801463 1.379654 1.2638059 1.175142 1.1290531 1.0617515\n", - " 1.0845081 1.0294106 1.0260112 1.0483916 1.0702226 1.0796125 1.0262492\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 5 7 12 11 6 10 8 13 9 14 15 16 17 18]\n", - "=======================\n", - "[\"they said they are now being forced to spy on children during sensitive discussions as a result of new-counter terrorism rules .the national union of teachers ( nut ) suggested that government strategies designed to tackle extremism and terrorism have instead ` shut down debate ' in schools .teachers said they now feel nervous discussing controversial issues over fears they will be pressured to report youngsters who share their opinions .\"]\n", - "=======================\n", - "[\"national union of teachers discuss government strategies on extremismsay it has ` shut down debate ' in the classroom on sensitive issuesclaim pupils feel censored and unable to express controversial viewsteachers also feel pressured to report youngsters for giving honest opinons\"]\n", - "they said they are now being forced to spy on children during sensitive discussions as a result of new-counter terrorism rules .the national union of teachers ( nut ) suggested that government strategies designed to tackle extremism and terrorism have instead ` shut down debate ' in schools .teachers said they now feel nervous discussing controversial issues over fears they will be pressured to report youngsters who share their opinions .\n", - "national union of teachers discuss government strategies on extremismsay it has ` shut down debate ' in the classroom on sensitive issuesclaim pupils feel censored and unable to express controversial viewsteachers also feel pressured to report youngsters for giving honest opinons\n", - "[1.10839 1.0255548 1.075503 1.3672814 1.2271929 1.1267737 1.380286\n", - " 1.2974652 1.3147409 1.0301335 1.0542822 1.0248306 1.0483503 1.0533459\n", - " 1.0595245 1.0569444 1.0123341 1.312101 1.0860198]\n", - "\n", - "[ 6 3 8 17 7 4 5 0 18 2 14 15 10 13 12 9 1 11 16]\n", - "=======================\n", - "[\"charlie austin is yet to receive an international call-up despite scoring 17 premier league goals for qprwayne rooney , the captain , poised to overtake sir bobby charlton as the greatest goal-scorer in england 's history ?daniel sturridge ( left ) and danny welbeck are also ahead of austin in roy hodgson 's pecking order\"]\n", - "=======================\n", - "['charlie austin is yet to receive england call-up despite impressing for qpraustin has scored 17 premier league goals for the relegation strugglersroy hodgson should not listen to those who say he favours big clubs']\n", - "charlie austin is yet to receive an international call-up despite scoring 17 premier league goals for qprwayne rooney , the captain , poised to overtake sir bobby charlton as the greatest goal-scorer in england 's history ?daniel sturridge ( left ) and danny welbeck are also ahead of austin in roy hodgson 's pecking order\n", - "charlie austin is yet to receive england call-up despite impressing for qpraustin has scored 17 premier league goals for the relegation strugglersroy hodgson should not listen to those who say he favours big clubs\n", - "[1.3105137 1.4271309 1.3406562 1.2907441 1.2655973 1.1307452 1.0603371\n", - " 1.026376 1.0231537 1.0540633 1.1313957 1.0494416 1.0926635 1.0215974\n", - " 1.1042613 1.1086978 1.0302947 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 10 5 15 14 12 6 9 11 16 7 8 13 17 18]\n", - "=======================\n", - "[\"the ukip leader said that his party is now the ` serious challenger ' to labour in northern seats .he accused the party of making claims ukip is racist because it is ` running scared ' .nigel farage has proclaimed that he will ` smash apart ' labour 's ` one-party state ' in the north at the election .\"]\n", - "=======================\n", - "[\"farage accused labour of claiming ukip is racist as it is ` running scared 'attacked labour of ` sneering ' at people who raise issues on immigrationaccused chuka umunna of making ` tired and old claims ' about his partyukip 's strategists believe they could come second in 100 seats in the north\"]\n", - "the ukip leader said that his party is now the ` serious challenger ' to labour in northern seats .he accused the party of making claims ukip is racist because it is ` running scared ' .nigel farage has proclaimed that he will ` smash apart ' labour 's ` one-party state ' in the north at the election .\n", - "farage accused labour of claiming ukip is racist as it is ` running scared 'attacked labour of ` sneering ' at people who raise issues on immigrationaccused chuka umunna of making ` tired and old claims ' about his partyukip 's strategists believe they could come second in 100 seats in the north\n", - "[1.3934908 1.4493681 1.3157642 1.4181995 1.3185798 1.0321014 1.0261331\n", - " 1.0221734 1.0226574 1.0365965 1.0291321 1.0215412 1.0114411 1.0156534\n", - " 1.1435454 1.1466819 1.0102633 1.0190706 1.0147976 1.008316 ]\n", - "\n", - "[ 1 3 0 4 2 15 14 9 5 10 6 8 7 11 17 13 18 12 16 19]\n", - "=======================\n", - "[\"the champions have creaked in recent weeks and england flanker wood , who claims saints ' opponents have ` smelt blood ' , is desperate to re-gather the momentum that was lost following the exodus of key international players during the rbs 6 nations .northampton flanker tom wood is keen for his side to regain their form following some recent poor resultsa bruising training session involving 50 scrums is how tom wood 's northampton prepared for saturday 's top-of-the-table meeting with saracens .\"]\n", - "=======================\n", - "[\"northampton face saracens at franklin 's gardens on saturdaythe reigning champions have creaked in recent weeksthe saints have lost crucial games to clermont and exeter\"]\n", - "the champions have creaked in recent weeks and england flanker wood , who claims saints ' opponents have ` smelt blood ' , is desperate to re-gather the momentum that was lost following the exodus of key international players during the rbs 6 nations .northampton flanker tom wood is keen for his side to regain their form following some recent poor resultsa bruising training session involving 50 scrums is how tom wood 's northampton prepared for saturday 's top-of-the-table meeting with saracens .\n", - "northampton face saracens at franklin 's gardens on saturdaythe reigning champions have creaked in recent weeksthe saints have lost crucial games to clermont and exeter\n", - "[1.2475338 1.404227 1.2725736 1.1864955 1.130058 1.277662 1.1923527\n", - " 1.156067 1.0803027 1.0626622 1.0913965 1.0363457 1.0327306 1.0346088\n", - " 1.0775028 1.0365435 1.0350549 1.0413715 1.1357203 0. ]\n", - "\n", - "[ 1 5 2 0 6 3 7 18 4 10 8 14 9 17 15 11 16 13 12 19]\n", - "=======================\n", - "[\"the suspect , who has not been identified , lives in gary , indiana , where the body of the victim , samantha fleming , was found friday wrapped up in plastic and doused with bleach .police believe the woman went to the home of 23-year-old fleming in anderson , 180 miles away , posing as a child protective services employee and convinced fleming to come with her to gary .a 36-year-old indiana woman now in police custody is suspected of carrying out a twisted plot of kidnapping and killing a young mother in order to steal the victim 's newborn baby and claim the child as her own .\"]\n", - "=======================\n", - "[\"samantha fleming , 23 , and newborn daughter , serenity , were last seen at their home in anderson , indiana , on april 5police believe a woman claiming to be a child protective services employee convinced fleming she had to attend a court hearing and kidnapped the twothe three-week-old infant was discovered unharmed in the woman 's gary , indiana , home , along with a body on fridayon saturday the body was identified as flemingthe alleged kidnapper was not at the home , but found at a hospital in texascharges are pending and she has not been identifiedpolice believe she faked a pregnancy and planned to keep the child\"]\n", - "the suspect , who has not been identified , lives in gary , indiana , where the body of the victim , samantha fleming , was found friday wrapped up in plastic and doused with bleach .police believe the woman went to the home of 23-year-old fleming in anderson , 180 miles away , posing as a child protective services employee and convinced fleming to come with her to gary .a 36-year-old indiana woman now in police custody is suspected of carrying out a twisted plot of kidnapping and killing a young mother in order to steal the victim 's newborn baby and claim the child as her own .\n", - "samantha fleming , 23 , and newborn daughter , serenity , were last seen at their home in anderson , indiana , on april 5police believe a woman claiming to be a child protective services employee convinced fleming she had to attend a court hearing and kidnapped the twothe three-week-old infant was discovered unharmed in the woman 's gary , indiana , home , along with a body on fridayon saturday the body was identified as flemingthe alleged kidnapper was not at the home , but found at a hospital in texascharges are pending and she has not been identifiedpolice believe she faked a pregnancy and planned to keep the child\n", - "[1.1708003 1.4280286 1.3392344 1.1811796 1.2896354 1.2201631 1.2015908\n", - " 1.0216384 1.017272 1.1353719 1.0405353 1.0586412 1.0868944 1.1020594\n", - " 1.0277761 1.0325104 1.0261971 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 5 6 3 0 9 13 12 11 10 15 14 16 7 8 18 17 19]\n", - "=======================\n", - "['capital one yesterday became the first provider to scrap its cashback offer for new customers because of restrictions that will squeeze profits .the company has also warned existing customers that the loyalty points they earn will be much lower from june 1 .the company scrapped the deal after the announcement last month of an eu cap -- due to be introduced in october -- limiting the fees retailers can be charged for processing payments .']\n", - "=======================\n", - "[\"capital one became the first provider to scrap cashback for new customersit said new restrictions will squeeze profits and other firms may follow suitan eu cap limits the fees retailers can be charged for processing paymentsperks ` no longer sustainable ' after it starts in october , capital one has said\"]\n", - "capital one yesterday became the first provider to scrap its cashback offer for new customers because of restrictions that will squeeze profits .the company has also warned existing customers that the loyalty points they earn will be much lower from june 1 .the company scrapped the deal after the announcement last month of an eu cap -- due to be introduced in october -- limiting the fees retailers can be charged for processing payments .\n", - "capital one became the first provider to scrap cashback for new customersit said new restrictions will squeeze profits and other firms may follow suitan eu cap limits the fees retailers can be charged for processing paymentsperks ` no longer sustainable ' after it starts in october , capital one has said\n", - "[1.2035837 1.4738048 1.3454058 1.2109965 1.3063318 1.1394774 1.185902\n", - " 1.0911549 1.0659429 1.1471725 1.151869 1.0944201 1.0734069 1.0446293\n", - " 1.0073746 1.0056318 1.0319837 1.0316136 1.0269719 0. ]\n", - "\n", - "[ 1 2 4 3 0 6 10 9 5 11 7 12 8 13 16 17 18 14 15 19]\n", - "=======================\n", - "[\"the model , georgina gosden , allegedly punched a 21-year-old woman at townsville 's mad cow tavern in on december 7 last year .she carried out a similar attack on a 25-year-old woman in the same nightclub last april .police are pursuing the charges against ms gosden , despite her most recent victim withdrawing the charges .\"]\n", - "=======================\n", - "['former playboy model georgina gosden is facing an assault chargems gosden allegedly punched two women in the face on separate occasions at the same north queensland pubshe was charged with assault occasioning bodily harm and being drunk and disorderly in a licensed venuepolice are pursuing the latest charge despite her victim withdrawing']\n", - "the model , georgina gosden , allegedly punched a 21-year-old woman at townsville 's mad cow tavern in on december 7 last year .she carried out a similar attack on a 25-year-old woman in the same nightclub last april .police are pursuing the charges against ms gosden , despite her most recent victim withdrawing the charges .\n", - "former playboy model georgina gosden is facing an assault chargems gosden allegedly punched two women in the face on separate occasions at the same north queensland pubshe was charged with assault occasioning bodily harm and being drunk and disorderly in a licensed venuepolice are pursuing the latest charge despite her victim withdrawing\n", - "[1.3115604 1.4524437 1.2381063 1.4162941 1.1981378 1.1079016 1.0479083\n", - " 1.1098331 1.1055797 1.0901822 1.0724416 1.085968 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 7 5 8 9 11 10 6 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "['scott kemery , 44 , was rushed by helicopter to stony brook university hospital on long island with first and second degree burns after accidentally setting himself on fire on tuesday .police in new york say a man seriously burned himself when he covered a rental car with alcohol to kill bedbugs and then lit a cigarette inside the car .police said that kemery , who is from bridgehampton , started the blaze with his ill-timed cigarette break in the parking lot of the king kullen supermarket in eastport .']\n", - "=======================\n", - "['scott kemery , 44 , was reliably told by a friend that rubbing alcohol was an effective way to kill bedbugs']\n", - "scott kemery , 44 , was rushed by helicopter to stony brook university hospital on long island with first and second degree burns after accidentally setting himself on fire on tuesday .police in new york say a man seriously burned himself when he covered a rental car with alcohol to kill bedbugs and then lit a cigarette inside the car .police said that kemery , who is from bridgehampton , started the blaze with his ill-timed cigarette break in the parking lot of the king kullen supermarket in eastport .\n", - "scott kemery , 44 , was reliably told by a friend that rubbing alcohol was an effective way to kill bedbugs\n", - "[1.2770224 1.541255 1.1649954 1.3100809 1.173808 1.1228442 1.0317613\n", - " 1.0353223 1.0238183 1.0204352 1.0979755 1.0863521 1.076135 1.0314292\n", - " 1.0239712 1.2407808 1.064011 1.0167706 1.0212122]\n", - "\n", - "[ 1 3 0 15 4 2 5 10 11 12 16 7 6 13 14 8 18 9 17]\n", - "=======================\n", - "[\"michelle woods , from norton in teesside , was told by her daughter elisha mann that ` something was moving ' in the bath .the four-foot red and orange corn snake , which michelle woods discovered slithering around in the bathroom of her new home .she believes it may belong to the property 's previous tenant\"]\n", - "=======================\n", - "[\"michelle woods told by her daughter of ` something moving ' in the bathwent to check and found a four-foot orange corn snake slithering aroundpanicking she posted an appeal on facebook for help to rescue the reptilebelieves her home 's previous tenant kept snakes as pets and may have lost it moving out\"]\n", - "michelle woods , from norton in teesside , was told by her daughter elisha mann that ` something was moving ' in the bath .the four-foot red and orange corn snake , which michelle woods discovered slithering around in the bathroom of her new home .she believes it may belong to the property 's previous tenant\n", - "michelle woods told by her daughter of ` something moving ' in the bathwent to check and found a four-foot orange corn snake slithering aroundpanicking she posted an appeal on facebook for help to rescue the reptilebelieves her home 's previous tenant kept snakes as pets and may have lost it moving out\n", - "[1.0567544 1.5400674 1.1181093 1.2199458 1.3394119 1.2099172 1.0597686\n", - " 1.091601 1.0604154 1.0213233 1.2522384 1.157561 1.0191654 1.0151516\n", - " 1.0101484 1.032635 0. 0. 0. ]\n", - "\n", - "[ 1 4 10 3 5 11 2 7 8 6 0 15 9 12 13 14 17 16 18]\n", - "=======================\n", - "['the quick silver p-51d mustang has been painstakingly restored by father-and-son team bill and scooter yoak as a tribute to american servicemen who have died in combat .the fighter jet is some 70 years old and was reconstructed from more than 200 parts by a father-and-son teamstunning video shows an american p-51d mustang fighter jet taking to skies after a painstaking restoration']\n", - "=======================\n", - "['jet named the resurrected veteran restored by u.s. father and son teamflown at air shows as tribute to all servicemen who have died in combat']\n", - "the quick silver p-51d mustang has been painstakingly restored by father-and-son team bill and scooter yoak as a tribute to american servicemen who have died in combat .the fighter jet is some 70 years old and was reconstructed from more than 200 parts by a father-and-son teamstunning video shows an american p-51d mustang fighter jet taking to skies after a painstaking restoration\n", - "jet named the resurrected veteran restored by u.s. father and son teamflown at air shows as tribute to all servicemen who have died in combat\n", - "[1.2878362 1.2901967 1.2905196 1.281675 1.2803277 1.1535819 1.1978021\n", - " 1.1777331 1.1001548 1.091077 1.0439901 1.1284505 1.1330466 1.1369824\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 4 6 7 5 13 12 11 8 9 10 17 14 15 16 18]\n", - "=======================\n", - "[\"an offer has been made to marseille 's andre ayew also but he remains a target for bigger clubs too .manager garry monk has made a striker his priority for the summer and club scouts have checked on aleksandar mitrovic at anderlecht and obbi oulare from club brugge .swansea city have revived their interest in blackburn rovers striker rudy gestede .\"]\n", - "=======================\n", - "[\"swansea city have made signing a striker a priority this summerthe club are weighing up a move for blackburn 's rudy gestedegestede , a benin international , is rated at # 7million by roversandlercht 's aleksandar mitrovic , club brugge 's obbi oulare and marseille 's andre ayew are also on swansea 's summer wish-list\"]\n", - "an offer has been made to marseille 's andre ayew also but he remains a target for bigger clubs too .manager garry monk has made a striker his priority for the summer and club scouts have checked on aleksandar mitrovic at anderlecht and obbi oulare from club brugge .swansea city have revived their interest in blackburn rovers striker rudy gestede .\n", - "swansea city have made signing a striker a priority this summerthe club are weighing up a move for blackburn 's rudy gestedegestede , a benin international , is rated at # 7million by roversandlercht 's aleksandar mitrovic , club brugge 's obbi oulare and marseille 's andre ayew are also on swansea 's summer wish-list\n", - "[1.2118428 1.4690022 1.3112959 1.2386492 1.1819527 1.1423637 1.1801666\n", - " 1.0522655 1.0507472 1.1117079 1.0414499 1.1841681 1.0385374 1.0248377\n", - " 1.0122389 1.0088651 1.0445657 1.0561986 0. ]\n", - "\n", - "[ 1 2 3 0 11 4 6 5 9 17 7 8 16 10 12 13 14 15 18]\n", - "=======================\n", - "['the image - showing geraldine schultz , 67 , was blown from the home where she died in fairdale , illinois , to the town of harvard , 35 miles away .it showed her alongside her husband clem schultz , 84 , and was taken around 1980 to feature in a church directory .reunion : widower clem schultz was miraculously reunited with his dog missy after she was spotted wandering']\n", - "=======================\n", - "['geraldine schultz , 67 , was killed last week by vortex in town of fairdaledestructive tornado also picked up 1980 photo of her with husband , 84photograph was carried 35 miles to harvard , illinois , where it was foundfound by alyssa murray , who posted online and was able to return itthe tornado carried some items further - one family photograph was found 70 miles away in racine , wisconsin']\n", - "the image - showing geraldine schultz , 67 , was blown from the home where she died in fairdale , illinois , to the town of harvard , 35 miles away .it showed her alongside her husband clem schultz , 84 , and was taken around 1980 to feature in a church directory .reunion : widower clem schultz was miraculously reunited with his dog missy after she was spotted wandering\n", - "geraldine schultz , 67 , was killed last week by vortex in town of fairdaledestructive tornado also picked up 1980 photo of her with husband , 84photograph was carried 35 miles to harvard , illinois , where it was foundfound by alyssa murray , who posted online and was able to return itthe tornado carried some items further - one family photograph was found 70 miles away in racine , wisconsin\n", - "[1.3043 1.3314946 1.2800919 1.2464062 1.139405 1.1665103 1.2330232\n", - " 1.026923 1.0719378 1.0887986 1.050417 1.0654799 1.0775778 1.1021935\n", - " 1.0470195 1.0661702 1.017711 1.0222125 0. ]\n", - "\n", - "[ 1 0 2 3 6 5 4 13 9 12 8 15 11 10 14 7 17 16 18]\n", - "=======================\n", - "['fox is developing a two-hour remake of the 1975 cult classic to be directed , executive-produced and choreographed by kenneth ortega ( \" high school musical \" ) .( the hollywood reporter ) \" the rocky horror picture show \" is the latest musical getting the small-screen treatment .the special will be filmed in advance and not air live , but few details beyond that are known .']\n", - "=======================\n", - "['fox plans to make a tv movie of \" the rocky horror picture show \"some of the producers behind the original film are involvedtv is in the midst of a musical craze']\n", - "fox is developing a two-hour remake of the 1975 cult classic to be directed , executive-produced and choreographed by kenneth ortega ( \" high school musical \" ) .( the hollywood reporter ) \" the rocky horror picture show \" is the latest musical getting the small-screen treatment .the special will be filmed in advance and not air live , but few details beyond that are known .\n", - "fox plans to make a tv movie of \" the rocky horror picture show \"some of the producers behind the original film are involvedtv is in the midst of a musical craze\n", - "[1.2481334 1.5339895 1.212161 1.3406056 1.0457218 1.0762724 1.0645353\n", - " 1.0671152 1.0553972 1.0720174 1.0894395 1.1877077 1.1435289 1.0681716\n", - " 1.0072508 1.0058414 0. ]\n", - "\n", - "[ 1 3 0 2 11 12 10 5 9 13 7 6 8 4 14 15 16]\n", - "=======================\n", - "[\"the driver , who is named ashley x after changing his surname by deed poll , was caught on camera driving his honda sports car at 67mph on a 50mph section of the m11 in essex in 2009 .a motorist known as mr x who spent five years trying to dodge a # 60 speeding fine has been jailed for perjury and perverting the course of justice .instead of coughing up a fixed penalty fine , he initially ignored essex police 's attempts to confirm who was driving the car before making up a series of stories to shift the blame , essex police said .\"]\n", - "=======================\n", - "['mr x was caught speeding along the m11 in essex in 2009 in his hondathe 35-year-old motorist denied that he was driving his car at the timeduring the course of his legal battle , he changed his name to ashley xmr x was jailed for nine months at ipswich crown court for perjury']\n", - "the driver , who is named ashley x after changing his surname by deed poll , was caught on camera driving his honda sports car at 67mph on a 50mph section of the m11 in essex in 2009 .a motorist known as mr x who spent five years trying to dodge a # 60 speeding fine has been jailed for perjury and perverting the course of justice .instead of coughing up a fixed penalty fine , he initially ignored essex police 's attempts to confirm who was driving the car before making up a series of stories to shift the blame , essex police said .\n", - "mr x was caught speeding along the m11 in essex in 2009 in his hondathe 35-year-old motorist denied that he was driving his car at the timeduring the course of his legal battle , he changed his name to ashley xmr x was jailed for nine months at ipswich crown court for perjury\n", - "[1.4177859 1.2183957 1.4907341 1.337225 1.2747201 1.1576897 1.1225677\n", - " 1.0320263 1.0245347 1.0315558 1.1442537 1.02004 1.0428271 1.0180497\n", - " 1.0132909 1.0514821 1.0502002]\n", - "\n", - "[ 2 0 3 4 1 5 10 6 15 16 12 7 9 8 11 13 14]\n", - "=======================\n", - "[\"moses yitzchok greenfeld , 19 , from stamford hill , london , had been swimming with four friends as temperatures reached 25c when he got into difficulty .an eyewitness has said at least seven police officers stood on a bank and watched as the boys dived in and out looking for their friend .police officers ` watched ' as a group of teenagers desperately tried to save their friend who drowned in hampstead heath pond , it has been claimed .\"]\n", - "=======================\n", - "[\"moses yitzchok greenfeld died while swimming in hampsteadhe was seen in difficulty in water at 5.30 pm and body recovered at 11pmeyewitnesses claim emergency services crew watched as boys dived infamily pay tribute to ` wonderful ' and ` friendly ' teenager\"]\n", - "moses yitzchok greenfeld , 19 , from stamford hill , london , had been swimming with four friends as temperatures reached 25c when he got into difficulty .an eyewitness has said at least seven police officers stood on a bank and watched as the boys dived in and out looking for their friend .police officers ` watched ' as a group of teenagers desperately tried to save their friend who drowned in hampstead heath pond , it has been claimed .\n", - "moses yitzchok greenfeld died while swimming in hampsteadhe was seen in difficulty in water at 5.30 pm and body recovered at 11pmeyewitnesses claim emergency services crew watched as boys dived infamily pay tribute to ` wonderful ' and ` friendly ' teenager\n", - "[1.2200284 1.4256762 1.4299603 1.1081496 1.1426027 1.0570439 1.0885417\n", - " 1.0973427 1.0806593 1.2801585 1.025363 1.0185794 1.0181614 1.0787276\n", - " 1.0101444 0. 0. ]\n", - "\n", - "[ 2 1 9 0 4 3 7 6 8 13 5 10 11 12 14 15 16]\n", - "=======================\n", - "['investigators believe co-pilot andreas lubitz locked his captain out of the cockpit and deliberately crashed the plane into a french mountainside on march 24 , killing all 150 people on board .klaus-dieter scheurle , head of the deutsche flugsicherung authority , urged the aviation industry to develop the system which could help prevent a repeat of the germanwings crash last month .german air traffic control officials today called for technology that ground staff could use in an emergency to take remote command of a plane .']\n", - "=======================\n", - "['deutsche flugsicherung urges aviation industry to develop safety systemsimilar technology is already available for piloting drones , but not planesco-pilot deliberately crashed jet last month in alps killing all 150 on boardseparate report says passengers could hack planes using in-flight tvs']\n", - "investigators believe co-pilot andreas lubitz locked his captain out of the cockpit and deliberately crashed the plane into a french mountainside on march 24 , killing all 150 people on board .klaus-dieter scheurle , head of the deutsche flugsicherung authority , urged the aviation industry to develop the system which could help prevent a repeat of the germanwings crash last month .german air traffic control officials today called for technology that ground staff could use in an emergency to take remote command of a plane .\n", - "deutsche flugsicherung urges aviation industry to develop safety systemsimilar technology is already available for piloting drones , but not planesco-pilot deliberately crashed jet last month in alps killing all 150 on boardseparate report says passengers could hack planes using in-flight tvs\n", - "[1.137924 1.4544506 1.2850337 1.2408338 1.099625 1.1090242 1.0613557\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 4 6 14 13 12 11 8 9 15 7 10 16]\n", - "=======================\n", - "['on tuesday night \\'s \" late late show \" on cbs , actor jon cryer reprised the character \\'s record-store dance to otis redding \\'s \" try a little tenderness , \" right down to the wall-dancing , the counter-bashing and , of course , the trademark white shoes .in the original scene , one of the best-loved bits from the 1986 john hughes film , cryer dances around a record store , lip-syncing the song as he tries to win the affection of molly ringwald \\'s andie .in tuesday \\'s recreation , he dances in tandem with host james corden , who tweeted that he \\'d \" fulfilled a childhood dream \" by re-creating the scene with cryer -- who turned 50 on thursday .']\n", - "=======================\n", - "['jon cryer revives \" pretty in pink \\'s \" duckie dance routine for \" the late late show \"host james corden tweets that the bit \" fulfilled a childhood dream \"']\n", - "on tuesday night 's \" late late show \" on cbs , actor jon cryer reprised the character 's record-store dance to otis redding 's \" try a little tenderness , \" right down to the wall-dancing , the counter-bashing and , of course , the trademark white shoes .in the original scene , one of the best-loved bits from the 1986 john hughes film , cryer dances around a record store , lip-syncing the song as he tries to win the affection of molly ringwald 's andie .in tuesday 's recreation , he dances in tandem with host james corden , who tweeted that he 'd \" fulfilled a childhood dream \" by re-creating the scene with cryer -- who turned 50 on thursday .\n", - "jon cryer revives \" pretty in pink 's \" duckie dance routine for \" the late late show \"host james corden tweets that the bit \" fulfilled a childhood dream \"\n", - "[1.319066 1.5112731 1.1700281 1.3838549 1.1874441 1.0638771 1.0265089\n", - " 1.1081289 1.0190023 1.0377078 1.1242669 1.063935 1.0142697 1.0567518\n", - " 1.0510514 1.0392778 0. ]\n", - "\n", - "[ 1 3 0 4 2 10 7 11 5 13 14 15 9 6 8 12 16]\n", - "=======================\n", - "['khim hang , 22 , displayed his bold collection han with brooding models donning stocking caps and attire that could be likened to that of war soldiers .hot right now : khim hang is thought to be the youngest designer to show at mercedes-benz fashion week australia at just 22 years of age ( pictured : his catwalk presentation this week )making a splash : the brisbane-based designer is heavily influenced by his cambodian heritage and committed to ethical production and looking after his factor workers']\n", - "=======================\n", - "[\"khim hang is the youngest designer to show an australian fashion weekthe 22-year-old 's collection han is a nod to his cambodian heritagekhim said his parent 's escape from the khmer rouge influenced himis paying workers in his cambodian factory double the minimum wage\"]\n", - "khim hang , 22 , displayed his bold collection han with brooding models donning stocking caps and attire that could be likened to that of war soldiers .hot right now : khim hang is thought to be the youngest designer to show at mercedes-benz fashion week australia at just 22 years of age ( pictured : his catwalk presentation this week )making a splash : the brisbane-based designer is heavily influenced by his cambodian heritage and committed to ethical production and looking after his factor workers\n", - "khim hang is the youngest designer to show an australian fashion weekthe 22-year-old 's collection han is a nod to his cambodian heritagekhim said his parent 's escape from the khmer rouge influenced himis paying workers in his cambodian factory double the minimum wage\n", - "[1.2964603 1.5323554 1.234793 1.2072365 1.1047982 1.2375458 1.0683354\n", - " 1.1259568 1.0712637 1.0392439 1.0325501 1.131483 1.0149703 1.0229436\n", - " 1.2436491 1.0629896 1.0963504 1.0346216 0. ]\n", - "\n", - "[ 1 0 14 5 2 3 11 7 4 16 8 6 15 9 17 10 13 12 18]\n", - "=======================\n", - "[\"aaron siler , 26 , was fatally shot after he ` armed himself with a weapon ' after being confronted by officer pablo torres on march 14 .family and friends of man shot dead by police last month are in shock after a billboard featuring the officer who pulled the trigger was erected in kenosham , wisconsin .torres is currently on leave pending the outcome of the investigation into the deadly shooting .\"]\n", - "=======================\n", - "[\"the billboard erected in kenosha , wisconsin , features the smiling face of officer pablo torres after he shot dead aaron siler , 26 , last monthtorres is currently on leave while an investigation is being held into the deadly shootingsiler 's family and friends have called the billboard ` disrespectful ' and are asking for it be taken downthe kenosha professional police association claims the billboard is simply to thank the local community for its supporttorres shot another men 10 days before siler killing\"]\n", - "aaron siler , 26 , was fatally shot after he ` armed himself with a weapon ' after being confronted by officer pablo torres on march 14 .family and friends of man shot dead by police last month are in shock after a billboard featuring the officer who pulled the trigger was erected in kenosham , wisconsin .torres is currently on leave pending the outcome of the investigation into the deadly shooting .\n", - "the billboard erected in kenosha , wisconsin , features the smiling face of officer pablo torres after he shot dead aaron siler , 26 , last monthtorres is currently on leave while an investigation is being held into the deadly shootingsiler 's family and friends have called the billboard ` disrespectful ' and are asking for it be taken downthe kenosha professional police association claims the billboard is simply to thank the local community for its supporttorres shot another men 10 days before siler killing\n", - "[1.5249882 1.341573 1.222091 1.094455 1.1012075 1.0990878 1.0648627\n", - " 1.1340767 1.0247567 1.1217831 1.1152216 1.0873572 1.0581071 1.0933846\n", - " 1.0326115 1.0553552 1.0462619 1.067606 0. ]\n", - "\n", - "[ 0 1 2 7 9 10 4 5 3 13 11 17 6 12 15 16 14 8 18]\n", - "=======================\n", - "[\"( cnn ) an oklahoma reserve sheriff 's deputy accused of fatally shooting a man he says he meant to subdue with a taser pleaded not guilty tuesday to a charge of second-degree manslaughter .at the hearing , the judge granted robert bates permission to go to the bahamas for a family vacation .that decision prompted a response from the family of eric harris , the man bates killed .\"]\n", - "=======================\n", - "['robert bates said he meant to subdue a suspect with a taser but accidentally shot himthe preliminary hearing is scheduled for july 2the judge said bates was free to travel to the bahamas for a family vacation']\n", - "( cnn ) an oklahoma reserve sheriff 's deputy accused of fatally shooting a man he says he meant to subdue with a taser pleaded not guilty tuesday to a charge of second-degree manslaughter .at the hearing , the judge granted robert bates permission to go to the bahamas for a family vacation .that decision prompted a response from the family of eric harris , the man bates killed .\n", - "robert bates said he meant to subdue a suspect with a taser but accidentally shot himthe preliminary hearing is scheduled for july 2the judge said bates was free to travel to the bahamas for a family vacation\n", - "[1.2460991 1.451939 1.1919903 1.2537371 1.2217321 1.191419 1.2577884\n", - " 1.180578 1.0236636 1.0125529 1.0226148 1.0275126 1.0267944 1.038394\n", - " 1.0160257 1.0223249 1.0161353 1.0150948 1.023237 ]\n", - "\n", - "[ 1 6 3 0 4 2 5 7 13 11 12 8 18 10 15 16 14 17 9]\n", - "=======================\n", - "[\"vit jedlicka , 31 , a member of the czech republic 's conservative party of free citizens , is the self-declared president of ` liberland ' , which is located on the banks of the danube river .mr jedlicka says that under international law he is now entitled to take control of the apparently ` unclaimed ' territory ' .a czech politician says he has created an entirely new country by claiming three-square-mile patch of land along the croatia-serbia border that neither country claims is theirs .\"]\n", - "=======================\n", - "[\"vít jedlicka researched unclaimed land in europe to launch a ` new ' nationczech politician named country ` liberland ' - saying citizens will decide tax and laws themselves and there will be minimal government involvementtiny ` country ' lies on the banks of the danube and has only one citizenbut legal experts believe the area is likely to already by part of serbia\"]\n", - "vit jedlicka , 31 , a member of the czech republic 's conservative party of free citizens , is the self-declared president of ` liberland ' , which is located on the banks of the danube river .mr jedlicka says that under international law he is now entitled to take control of the apparently ` unclaimed ' territory ' .a czech politician says he has created an entirely new country by claiming three-square-mile patch of land along the croatia-serbia border that neither country claims is theirs .\n", - "vít jedlicka researched unclaimed land in europe to launch a ` new ' nationczech politician named country ` liberland ' - saying citizens will decide tax and laws themselves and there will be minimal government involvementtiny ` country ' lies on the banks of the danube and has only one citizenbut legal experts believe the area is likely to already by part of serbia\n", - "[1.4024844 1.4104344 1.1433802 1.1255937 1.3794078 1.1744325 1.1130766\n", - " 1.1340218 1.1273465 1.0821178 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 5 2 7 8 3 6 9 10 11 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"watson , whose last game was as player-coach in the championship for swinton last june , has stepped up his training ahead of sunday 's home game against castleford after salford lost a fourth player to suspension and three more to injury .salford assistant coach ian watson is poised to come out of his playing retirement at the age of 38 to answer an sos from the red devils .salford are without rangi chase , weller hauraki , cory paterson and darrell griffin through suspension , while scrum-half michael dobson ( knee ) , centre junior sa'u and winger ben jones-bishop ( leg ) were all injured in saturday 's 22-18 challenge cup fifth-round defeat at leigh , joining josh griffin , tommy lee , jason walton and brothers jordan and adam walne on the sidelines .\"]\n", - "=======================\n", - "[\"ian watson is set to come out of playing retirement at the age of 38his last game was as player-coach in championship for swinton last junewatson stepped up his training ahead of sunday 's game against castleford\"]\n", - "watson , whose last game was as player-coach in the championship for swinton last june , has stepped up his training ahead of sunday 's home game against castleford after salford lost a fourth player to suspension and three more to injury .salford assistant coach ian watson is poised to come out of his playing retirement at the age of 38 to answer an sos from the red devils .salford are without rangi chase , weller hauraki , cory paterson and darrell griffin through suspension , while scrum-half michael dobson ( knee ) , centre junior sa'u and winger ben jones-bishop ( leg ) were all injured in saturday 's 22-18 challenge cup fifth-round defeat at leigh , joining josh griffin , tommy lee , jason walton and brothers jordan and adam walne on the sidelines .\n", - "ian watson is set to come out of playing retirement at the age of 38his last game was as player-coach in championship for swinton last junewatson stepped up his training ahead of sunday 's game against castleford\n", - "[1.5583065 1.3522902 1.1349283 1.2134291 1.3564061 1.1957787 1.0547793\n", - " 1.0292438 1.246778 1.0500958 1.0616059 1.0188689 1.0644026 1.0297494\n", - " 1.0314965 1.0114431 1.0136623 0. 0. ]\n", - "\n", - "[ 0 4 1 8 3 5 2 12 10 6 9 14 13 7 11 16 15 17 18]\n", - "=======================\n", - "[\"sam burgess starred for bath as mike ford 's men moved within one point of aviva premiership leaders northampton with a five-try hammering of london irish at the rec .london irish loosehead tom court burrows over for a try late in the first halfburgess , playing only his second game at blindside flanker , claimed the man-of-the-match award and was among the try-scorers along with leroy houston , jonathan joseph , matt banahan and semesa rokoduguni .\"]\n", - "=======================\n", - "['bath scored tries through leroy houston , jonathan joseph , matt banahan , sam burgess and semesi rokodugunifly half george ford added 18 points from the bootthe exiles replied with tries from tom court and blair cowan']\n", - "sam burgess starred for bath as mike ford 's men moved within one point of aviva premiership leaders northampton with a five-try hammering of london irish at the rec .london irish loosehead tom court burrows over for a try late in the first halfburgess , playing only his second game at blindside flanker , claimed the man-of-the-match award and was among the try-scorers along with leroy houston , jonathan joseph , matt banahan and semesa rokoduguni .\n", - "bath scored tries through leroy houston , jonathan joseph , matt banahan , sam burgess and semesi rokodugunifly half george ford added 18 points from the bootthe exiles replied with tries from tom court and blair cowan\n", - "[1.035836 1.0434439 1.2265166 1.2497683 1.2800353 1.3898442 1.181129\n", - " 1.0298934 1.035346 1.2468345 1.1058649 1.0310545 1.0398383 1.0181957\n", - " 1.0267208 1.0438001 1.0296868 1.0843321 1.11396 1.0402954 1.0840094]\n", - "\n", - "[ 5 4 3 9 2 6 18 10 17 20 15 1 19 12 0 8 11 7 16 14 13]\n", - "=======================\n", - "[\"no place like home : john warden , 52 , has turned his $ 200 vehicle into his home after his apartment burned down years agomeet bud dodson , 57 , and welcome to his home : an rv in seattle 's sodo where he watches over the parking lot in exchange for a spotthe unusual format has been captured in a series of photographs by visual journalist anna erickson .\"]\n", - "=======================\n", - "[\"around 30 people live a floating life in seattle 's sodo ( south of downtown ) area in their rvsthere is one parking lot in particular where the owner lets them act as watchmen in exchange for a spot to livevisual journalist anna erickson , who photographed the community , said they are just grateful to have a home\"]\n", - "no place like home : john warden , 52 , has turned his $ 200 vehicle into his home after his apartment burned down years agomeet bud dodson , 57 , and welcome to his home : an rv in seattle 's sodo where he watches over the parking lot in exchange for a spotthe unusual format has been captured in a series of photographs by visual journalist anna erickson .\n", - "around 30 people live a floating life in seattle 's sodo ( south of downtown ) area in their rvsthere is one parking lot in particular where the owner lets them act as watchmen in exchange for a spot to livevisual journalist anna erickson , who photographed the community , said they are just grateful to have a home\n", - "[1.2989396 1.3261318 1.1161565 1.2713704 1.222574 1.0427341 1.2729912\n", - " 1.1617059 1.0652097 1.1573782 1.1099675 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 6 3 4 7 9 2 10 8 5 19 11 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"the villa wide man turned up for training at the club 's bodymoor heath complex wearing an outrageously flamboyant shirt and trouser combo .tim sherwood 's penchant for a gilet has put the aston villa boss ' sense of fashion in the spotlight and it is n't hard to imagine what he thought about carles n'zogbia 's choice of attire on tuesday .tim sherwood became famous for wearing a gilet during his time as tottenham manager last season\"]\n", - "=======================\n", - "[\"charles n'zogbia turned up for training wearing flowery shirt and trousersshay given described it as worst outfit ever as he mocked him on twittervilla keeper posted a picture of n'zogbia 's outfit on social media\"]\n", - "the villa wide man turned up for training at the club 's bodymoor heath complex wearing an outrageously flamboyant shirt and trouser combo .tim sherwood 's penchant for a gilet has put the aston villa boss ' sense of fashion in the spotlight and it is n't hard to imagine what he thought about carles n'zogbia 's choice of attire on tuesday .tim sherwood became famous for wearing a gilet during his time as tottenham manager last season\n", - "charles n'zogbia turned up for training wearing flowery shirt and trousersshay given described it as worst outfit ever as he mocked him on twittervilla keeper posted a picture of n'zogbia 's outfit on social media\n", - "[1.3925016 1.4763759 1.2766523 1.3582624 1.3104223 1.216145 1.0452147\n", - " 1.0264736 1.0599481 1.1188625 1.0245895 1.0100534 1.1189829 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 4 2 5 12 9 8 6 7 10 11 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"on-loan defender farrend rawson played 90 minutes in the millers ' 1-0 win and boss steve evans claimed after the game that the derby man 's youth loan had been extended until the end of the season .rotherham have been charged with fielding an ineligible player in their sky bet championship meeting with brighton on easter monday .rotherham 's have been accused of fielding farrend rawson , on loan from derby , despite him being ineligible\"]\n", - "=======================\n", - "['farrend rawson played against brighton as rotherham confirmed his loan deal from derby had been extendedrawson missed defeat to middlesbrough however after being recalledfootball league have charged the club for rawson playing brighton game']\n", - "on-loan defender farrend rawson played 90 minutes in the millers ' 1-0 win and boss steve evans claimed after the game that the derby man 's youth loan had been extended until the end of the season .rotherham have been charged with fielding an ineligible player in their sky bet championship meeting with brighton on easter monday .rotherham 's have been accused of fielding farrend rawson , on loan from derby , despite him being ineligible\n", - "farrend rawson played against brighton as rotherham confirmed his loan deal from derby had been extendedrawson missed defeat to middlesbrough however after being recalledfootball league have charged the club for rawson playing brighton game\n", - "[1.2021858 1.4940546 1.1792262 1.2418977 1.152155 1.172071 1.1072243\n", - " 1.0252409 1.0786004 1.1228507 1.0532265 1.0376678 1.0722911 1.0826392\n", - " 1.0271941 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 5 4 9 6 13 8 12 10 11 14 7 19 15 16 17 18 20]\n", - "=======================\n", - "[\"locations in ceredigion , powys and pembrokeshire are also being used to radicalise muslims , according to an officer from the wales extremism and counter terrorism unit .terrorists are undergoing training in rural areas of west wales , it has emerged .those involved in such activities ` take part in seemingly ordinary activities ' in the community but ` have an ulterior motive ' , detective constable gareth jones said .\"]\n", - "=======================\n", - "[\"locations in ceredigion , powys and pembrokeshire being used for trainingalso used to radicalise mulsims , according to counter-terrorism officerhe said those involved are ` seemingly normal ' but have an ` ulterior motive '\"]\n", - "locations in ceredigion , powys and pembrokeshire are also being used to radicalise muslims , according to an officer from the wales extremism and counter terrorism unit .terrorists are undergoing training in rural areas of west wales , it has emerged .those involved in such activities ` take part in seemingly ordinary activities ' in the community but ` have an ulterior motive ' , detective constable gareth jones said .\n", - "locations in ceredigion , powys and pembrokeshire being used for trainingalso used to radicalise mulsims , according to counter-terrorism officerhe said those involved are ` seemingly normal ' but have an ` ulterior motive '\n", - "[1.6108027 1.1350758 1.1825252 1.1956897 1.1625326 1.0727745 1.0224952\n", - " 1.0660965 1.0512965 1.071613 1.0625687 1.102267 1.0718801 1.0938371\n", - " 1.0866683 1.1042613 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 4 1 15 11 13 14 5 12 9 7 10 8 6 16 17 18 19 20]\n", - "=======================\n", - "[\"pep guardiola went into bayern munich 's champions league second-leg against porto under intensifying pressure after a 3-1 defeat in the first encounter .bild ( left ) lead on pep guardiola 's trousers while kurier report on a ` fixed ' bayern munich after beating portoguardiola had a tear in his trousers as he orchestrated bayern 's big win from the sidelines against porto\"]\n", - "=======================\n", - "['bayern munich thrashed porto 6-1 in the champions league on tuesdaybayern trailed 3-1 after their first leg defeat in portugalmanager pep guardiola appeared with a tear in his trousers on the sideline']\n", - "pep guardiola went into bayern munich 's champions league second-leg against porto under intensifying pressure after a 3-1 defeat in the first encounter .bild ( left ) lead on pep guardiola 's trousers while kurier report on a ` fixed ' bayern munich after beating portoguardiola had a tear in his trousers as he orchestrated bayern 's big win from the sidelines against porto\n", - "bayern munich thrashed porto 6-1 in the champions league on tuesdaybayern trailed 3-1 after their first leg defeat in portugalmanager pep guardiola appeared with a tear in his trousers on the sideline\n", - "[1.2735415 1.3761048 1.3740568 1.2333392 1.1288034 1.0846142 1.1016028\n", - " 1.1427598 1.1254917 1.087901 1.039488 1.0619879 1.0140545 1.0461807\n", - " 1.1801771 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 14 7 4 8 6 9 5 11 13 10 12 15 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"the united states department of agriculture 's food safety and inspection service ( fsis ) revealed the recall on tuesday .the type of baby food being recalled is ` stage 2 beech-nut classics sweet potato & chicken , ' which is sold in 4-ounce glass jars , the federal agency said in a news release .a small piece of glass was discovered in a beech nut-nutrition baby food jar by a consumer - and now , the company is recalling 1,920 pounds of the product .\"]\n", - "=======================\n", - "[\"beech-nut nutrition is recalling 1,920 pounds of ` stage 2 beech-nut classics sweet potato & chicken ' baby fooda small piece of glass was discovered in a jar by a consumerjars with the product numbers ' 12395750815 ' and ending at ' 12395750821 ' are affected , all of which have the establishment number ` p-68a '\"]\n", - "the united states department of agriculture 's food safety and inspection service ( fsis ) revealed the recall on tuesday .the type of baby food being recalled is ` stage 2 beech-nut classics sweet potato & chicken , ' which is sold in 4-ounce glass jars , the federal agency said in a news release .a small piece of glass was discovered in a beech nut-nutrition baby food jar by a consumer - and now , the company is recalling 1,920 pounds of the product .\n", - "beech-nut nutrition is recalling 1,920 pounds of ` stage 2 beech-nut classics sweet potato & chicken ' baby fooda small piece of glass was discovered in a jar by a consumerjars with the product numbers ' 12395750815 ' and ending at ' 12395750821 ' are affected , all of which have the establishment number ` p-68a '\n", - "[1.0708284 1.1299373 1.1531606 1.506086 1.2635508 1.1641071 1.0913922\n", - " 1.0547785 1.141408 1.0749513 1.1233202 1.0650026 1.038486 1.0672594\n", - " 1.0199038 1.0106775 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 5 2 8 1 10 6 9 0 13 11 7 12 14 15 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "['visual health studios in colorado has developed a weight loss app called visualize you .it calculates what you would look like if you lost a specified amount weight .shown on the left is tv star james corden at his current weight , 210lbs ( 95kg ) , and on the right he is seen after digitally losing 60lbs ( 27kg )']\n", - "=======================\n", - "['visual health studios in colorado has developed a weight loss appit calculates what you would look like if you lost specified weightinputting your height , weight and target weight reveals you new lookthe app is available now for both ios and android']\n", - "visual health studios in colorado has developed a weight loss app called visualize you .it calculates what you would look like if you lost a specified amount weight .shown on the left is tv star james corden at his current weight , 210lbs ( 95kg ) , and on the right he is seen after digitally losing 60lbs ( 27kg )\n", - "visual health studios in colorado has developed a weight loss appit calculates what you would look like if you lost specified weightinputting your height , weight and target weight reveals you new lookthe app is available now for both ios and android\n", - "[1.1710681 1.3212335 1.1967922 1.2206 1.2601078 1.1268519 1.0726806\n", - " 1.0707775 1.0174142 1.181447 1.1577747 1.0971595 1.0649639 1.0169075\n", - " 1.0900537 1.0189527 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 2 9 0 10 5 11 14 6 7 12 15 8 13 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"however , a new documentary is about to blow the lid on the illegal organ trade that is now allegedly worth a staggering us$ 1 billion a year .` human harvest : china 's organ trafficking ' will show how once researchers around the world - including human rights lawyer david matas and former canadian member of parliament david kilgour - began to uncover the gory details , the true picture was soon uncovered .this despite the fact 10,000 organs are transplanted in china every year , yet there are only a tiny number of people on the official donor register .\"]\n", - "=======================\n", - "[\"a new documentary hopes to expose the illegal organ trade in chinachina 's organ trade is allegedly worth a massive us$ 1 billion a yearhuman rights lawyer david matas tells the gory details of what goes ontens of thousands of innocent people killed on demand it is claimedpolitical prisoners in particular being used as live organ donorsit 's believed most were members of the banned falun gong movementdocumentary will air on sbs one 's dateline program on tuesday night\"]\n", - "however , a new documentary is about to blow the lid on the illegal organ trade that is now allegedly worth a staggering us$ 1 billion a year .` human harvest : china 's organ trafficking ' will show how once researchers around the world - including human rights lawyer david matas and former canadian member of parliament david kilgour - began to uncover the gory details , the true picture was soon uncovered .this despite the fact 10,000 organs are transplanted in china every year , yet there are only a tiny number of people on the official donor register .\n", - "a new documentary hopes to expose the illegal organ trade in chinachina 's organ trade is allegedly worth a massive us$ 1 billion a yearhuman rights lawyer david matas tells the gory details of what goes ontens of thousands of innocent people killed on demand it is claimedpolitical prisoners in particular being used as live organ donorsit 's believed most were members of the banned falun gong movementdocumentary will air on sbs one 's dateline program on tuesday night\n", - "[1.4154903 1.2080662 1.3395897 1.1698054 1.0911357 1.0857643 1.0936276\n", - " 1.0563617 1.047103 1.0200841 1.0301404 1.0226597 1.0165972 1.0138164\n", - " 1.0143912 1.0124859 1.0179819 1.0166466 1.1118321 1.1196154 1.0813261\n", - " 1.0851176 1.2339271 1.0224568 1.0267818 1.0221941]\n", - "\n", - "[ 0 2 22 1 3 19 18 6 4 5 21 20 7 8 10 24 11 23 25 9 16 17 12 14\n", - " 13 15]\n", - "=======================\n", - "[\"( cnn ) lauren hill , who took her inspirational fight against brain cancer onto the basketball court and into the hearts of many , has died at age 19 .mount st. joseph university in cincinnati successfully petitioned the ncaa to move up the opening game of its schedule to accommodate her desire to play .the indiana woman 's story became known around the world last year when she was able to realize her dream of playing college basketball .\"]\n", - "=======================\n", - "['lauren hill \\'s coach says she was \" an unselfish angel \"after playing for her college , lauren hill helped raise money for cancer researchncaa president says she \" achieved a lasting and meaningful legacy \"']\n", - "( cnn ) lauren hill , who took her inspirational fight against brain cancer onto the basketball court and into the hearts of many , has died at age 19 .mount st. joseph university in cincinnati successfully petitioned the ncaa to move up the opening game of its schedule to accommodate her desire to play .the indiana woman 's story became known around the world last year when she was able to realize her dream of playing college basketball .\n", - "lauren hill 's coach says she was \" an unselfish angel \"after playing for her college , lauren hill helped raise money for cancer researchncaa president says she \" achieved a lasting and meaningful legacy \"\n", - "[1.3497137 1.3514236 1.1352814 1.2389592 1.1480701 1.1832798 1.2102343\n", - " 1.1068819 1.0816121 1.0778003 1.0526139 1.0618623 1.0731337 1.0367432\n", - " 1.0308168 1.0571411 1.055483 1.0573978 1.0535274 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 6 5 4 2 7 8 9 12 11 17 15 16 18 10 13 14 24 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "['public health officials warned consumers friday not to eat any blue bell-branded products made at the company \\'s broken arrow , oklahoma , plant .( cnn ) blue bell ice cream has temporarily shut down one of its manufacturing plants over the discovery of listeria contamination in a serving of ice cream originating from that plant .the company is shutting down the broken arrow facility \" out of an abundance of caution \" to search for a possible cause of contamination .']\n", - "=======================\n", - "['a test in kansas finds listeria in a blue bell ice cream cupthe company announces it is temporarily shutting a plant to check for the sourcethree people in kansas have died from a listeria outbreak']\n", - "public health officials warned consumers friday not to eat any blue bell-branded products made at the company 's broken arrow , oklahoma , plant .( cnn ) blue bell ice cream has temporarily shut down one of its manufacturing plants over the discovery of listeria contamination in a serving of ice cream originating from that plant .the company is shutting down the broken arrow facility \" out of an abundance of caution \" to search for a possible cause of contamination .\n", - "a test in kansas finds listeria in a blue bell ice cream cupthe company announces it is temporarily shutting a plant to check for the sourcethree people in kansas have died from a listeria outbreak\n", - "[1.2879555 1.3441786 1.2130885 1.2373533 1.2005575 1.1158733 1.0560521\n", - " 1.0224245 1.0223148 1.024251 1.0979733 1.0813537 1.0585088 1.0155524\n", - " 1.0711635 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 5 10 11 14 12 6 9 7 8 13 16 15 17]\n", - "=======================\n", - "['griffo , 42 , who is based in latina , led a group of her students to vik and hella in the south of iceland where they were fortunate enough to be blown away by what is said to have been the strongest geomagnetic storm in the current solar cycle .a flickering rainbow of colours came with the march solar storm that made the northern lights even more remarkable than usual , and italian photographer giovanna griffo was in iceland to capture them in all their glory .while giovanna takes and edits all manner of photographs , she has a particular affinity with the night sky - and not just the spectacular aurora borealis but locations in her own country too .']\n", - "=======================\n", - "['italian photographer giovanna griffo , 42 , shares her talents with images of the northern lights and other locationsthe teacher of photography and post-production teaches courses all over italy and recently visited icelandshe reveals some tips on the best way to capture the northern lights and night skies in all their glory']\n", - "griffo , 42 , who is based in latina , led a group of her students to vik and hella in the south of iceland where they were fortunate enough to be blown away by what is said to have been the strongest geomagnetic storm in the current solar cycle .a flickering rainbow of colours came with the march solar storm that made the northern lights even more remarkable than usual , and italian photographer giovanna griffo was in iceland to capture them in all their glory .while giovanna takes and edits all manner of photographs , she has a particular affinity with the night sky - and not just the spectacular aurora borealis but locations in her own country too .\n", - "italian photographer giovanna griffo , 42 , shares her talents with images of the northern lights and other locationsthe teacher of photography and post-production teaches courses all over italy and recently visited icelandshe reveals some tips on the best way to capture the northern lights and night skies in all their glory\n", - "[1.3653537 1.1782182 1.4464422 1.3760138 1.1414124 1.0361996 1.2669394\n", - " 1.0764465 1.029103 1.0150309 1.0741334 1.0978261 1.0572346 1.063991\n", - " 1.0265088 1.0141618 1.0962276 1.0684602]\n", - "\n", - "[ 2 3 0 6 1 4 11 16 7 10 17 13 12 5 8 14 9 15]\n", - "=======================\n", - "['but annegret raunigk is set to become the oldest woman in the world to have quadruplets -- at the age of 65 .the german primary school teacher will give birth in a matter of weeks to four babies , conceived following 18 months of fertility treatment .making medical history : mother-of-13 annegret raunigk , 65 , from berlin , who is due to give birth to quadruplets in weeks']\n", - "=======================\n", - "[\"german primary school teacher is in 21st week of pregnancy and ` feels fit 'she became pregnant through artificial insemination using eggs and spermin 2005 , she gave birth to her youngest daughter leila , at the age of 55children - eldest of whom is daughter antje , 44 - are by five different fathers\"]\n", - "but annegret raunigk is set to become the oldest woman in the world to have quadruplets -- at the age of 65 .the german primary school teacher will give birth in a matter of weeks to four babies , conceived following 18 months of fertility treatment .making medical history : mother-of-13 annegret raunigk , 65 , from berlin , who is due to give birth to quadruplets in weeks\n", - "german primary school teacher is in 21st week of pregnancy and ` feels fit 'she became pregnant through artificial insemination using eggs and spermin 2005 , she gave birth to her youngest daughter leila , at the age of 55children - eldest of whom is daughter antje , 44 - are by five different fathers\n", - "[1.100697 1.1740884 1.0464134 1.1667937 1.2257193 1.3911905 1.1669044\n", - " 1.0664774 1.0712835 1.0401461 1.0421171 1.0883679 1.0642402 1.0231299\n", - " 1.0181978 0. 0. 0. ]\n", - "\n", - "[ 5 4 1 6 3 0 11 8 7 12 2 10 9 13 14 16 15 17]\n", - "=======================\n", - "['on saturday , hundreds of music retailers will hold events to commemorate record store day , an annual celebration of , well , your neighborhood record store .but many of the remaining record stores are succeeding -- even thriving -- by catering to a passionate core of customers and collectors .corporate america has largely abandoned brick-and-mortar music retailing to a scattering of independent stores , many of them in scruffy urban neighborhoods .']\n", - "=======================\n", - "['saturday is record store day , celebrated at music stores around the worldmany stores will host live performances , drawings and special sales of rare vinyl']\n", - "on saturday , hundreds of music retailers will hold events to commemorate record store day , an annual celebration of , well , your neighborhood record store .but many of the remaining record stores are succeeding -- even thriving -- by catering to a passionate core of customers and collectors .corporate america has largely abandoned brick-and-mortar music retailing to a scattering of independent stores , many of them in scruffy urban neighborhoods .\n", - "saturday is record store day , celebrated at music stores around the worldmany stores will host live performances , drawings and special sales of rare vinyl\n", - "[1.3121645 1.2594283 1.1092956 1.3200903 1.2478435 1.0783598 1.1129032\n", - " 1.1181355 1.1140945 1.1015363 1.1048186 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 7 8 6 2 10 9 5 16 11 12 13 14 15 17]\n", - "=======================\n", - "[\"fifa president sepp blatter announces russia as the host nation for the 2018 world cupin a letter dated tuesday and released on wednesday , the 13 democratic and republican u.s. lawmakers said they ` strongly encourage ' fifa to move the global competition .republican john mccain is one of 13 us senators urging fifa to think again\"]\n", - "=======================\n", - "['russia won the vote to host the 2018 world cupus senators have asked fifa to reconsider because of ukraine crisisengland are planning to bid for euro 2028 after sepp blatter steps down']\n", - "fifa president sepp blatter announces russia as the host nation for the 2018 world cupin a letter dated tuesday and released on wednesday , the 13 democratic and republican u.s. lawmakers said they ` strongly encourage ' fifa to move the global competition .republican john mccain is one of 13 us senators urging fifa to think again\n", - "russia won the vote to host the 2018 world cupus senators have asked fifa to reconsider because of ukraine crisisengland are planning to bid for euro 2028 after sepp blatter steps down\n", - "[1.2856946 1.4321922 1.391207 1.2093004 1.1394718 1.2651436 1.1394581\n", - " 1.0830358 1.0502653 1.0297427 1.020536 1.0377022 1.0284278 1.0348383\n", - " 1.0266613 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 5 3 4 6 7 8 11 13 9 12 14 10 15 16 17]\n", - "=======================\n", - "[\"the terror group said it would also imprison anyone caught smoking or turning up late for prayer in further draconian crackdowns in its syrian stronghold of raqqa .violators will be jailed for ten days , during which time they will be made to take an ` islamic course ' , it was reported by anti-isis informants in the city .islamic state militants have imposed a new law threatening to jail any man caught wearing skinny jeans or having music on their mobile phones in an apparent crackdown on hipsters .\"]\n", - "=======================\n", - "[\"latest draconian crackdown by jihadis in syrian de facto capital of raqqaviolators will be jailed for ten days and made to take an ` islamic course 'raqqa resident : ` freedom of expression has become a crime under isis '\"]\n", - "the terror group said it would also imprison anyone caught smoking or turning up late for prayer in further draconian crackdowns in its syrian stronghold of raqqa .violators will be jailed for ten days , during which time they will be made to take an ` islamic course ' , it was reported by anti-isis informants in the city .islamic state militants have imposed a new law threatening to jail any man caught wearing skinny jeans or having music on their mobile phones in an apparent crackdown on hipsters .\n", - "latest draconian crackdown by jihadis in syrian de facto capital of raqqaviolators will be jailed for ten days and made to take an ` islamic course 'raqqa resident : ` freedom of expression has become a crime under isis '\n", - "[1.2157903 1.5728413 1.2110316 1.1670737 1.1646355 1.1238787 1.0396112\n", - " 1.0131577 1.1162139 1.030513 1.1710519 1.0214609 1.0158074 1.1012143\n", - " 1.0180069 1.0211023 1.1104194 1.0923581 1.0554321 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 2 10 3 4 5 8 16 13 17 18 6 9 11 15 14 12 7 21 19 20 22]\n", - "=======================\n", - "[\"sacha whitehead , 26 , received donations after posting a call to action on facebook saying she would pick up the much-needed items and drive them into sydney cbd .a sydney mother has braved this week 's horror sydney storm by hitting the streets and handing out waterproof clothing , blankets and sleeping bags to the homeless .whitehead was spurred into action after reading a friends facebook status about how the homeless would be suffering through the storm\"]\n", - "=======================\n", - "['sacha whitehead collected sleeping bags and clothing donationsshe braved the storm by delivering the donations to homeless peoplethe 26-year-old mother is collecting more donations to hand out tonight']\n", - "sacha whitehead , 26 , received donations after posting a call to action on facebook saying she would pick up the much-needed items and drive them into sydney cbd .a sydney mother has braved this week 's horror sydney storm by hitting the streets and handing out waterproof clothing , blankets and sleeping bags to the homeless .whitehead was spurred into action after reading a friends facebook status about how the homeless would be suffering through the storm\n", - "sacha whitehead collected sleeping bags and clothing donationsshe braved the storm by delivering the donations to homeless peoplethe 26-year-old mother is collecting more donations to hand out tonight\n", - "[1.2573934 1.335031 1.3174582 1.370716 1.1827514 1.0954558 1.0239847\n", - " 1.0302536 1.0855423 1.0555073 1.0807406 1.1428545 1.0824288 1.1110678\n", - " 1.1098546 1.0847619 1.0408196 1.0433398 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 1 2 0 4 11 13 14 5 8 15 12 10 9 17 16 7 6 18 19 20 21 22]\n", - "=======================\n", - "[\"the rodrigo de freitas lagoon will hold the brazil 2016 olympics rowing and canoe competitionsfish die-offs are a frequent occurrence in rio 's waterways , which are choked with raw sewage and rubbish .dead fish have continued to wash up on the banks of a rio de janeiro lake that is scheduled to hold olympic rowing competitions during the 2016 games .\"]\n", - "=======================\n", - "[\"the rodrigo de freitas lagoon will hold the 2016 olympic rowing racescurrently , the lake is filled with thousands of dead twaite shad fishrio 's waterways are choked with raw sewage and rubbish , and concerns have been raised over health and safety ahead of the olympicsofficials say the deaths are due to a plummet in the water temperature\"]\n", - "the rodrigo de freitas lagoon will hold the brazil 2016 olympics rowing and canoe competitionsfish die-offs are a frequent occurrence in rio 's waterways , which are choked with raw sewage and rubbish .dead fish have continued to wash up on the banks of a rio de janeiro lake that is scheduled to hold olympic rowing competitions during the 2016 games .\n", - "the rodrigo de freitas lagoon will hold the 2016 olympic rowing racescurrently , the lake is filled with thousands of dead twaite shad fishrio 's waterways are choked with raw sewage and rubbish , and concerns have been raised over health and safety ahead of the olympicsofficials say the deaths are due to a plummet in the water temperature\n", - "[1.2792927 1.1136799 1.0935198 1.2424935 1.0521095 1.2158631 1.1830882\n", - " 1.1433703 1.105973 1.0512173 1.0187926 1.055467 1.121342 1.0672665\n", - " 1.0588405 1.051639 1.0319396 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 5 6 7 12 1 8 2 13 14 11 4 15 9 16 10 17 18 19 20 21 22]\n", - "=======================\n", - "['wedding season is fast upon us , but with the average cost of the big day hitting # 25,000 , thrifty brides are on the hunt for ways to budget .debenhams vs white by vera wangdebenhams is one of the most popular dress vendors on the high street and the store has added a covetable bridal collection to its repertoire .']\n", - "=======================\n", - "['the average cost of the big day has hit # 25,000asos , monsoon and debenhams offering bridal and bridesmaid gownsfemail pits high-street offerings with designer dresses']\n", - "wedding season is fast upon us , but with the average cost of the big day hitting # 25,000 , thrifty brides are on the hunt for ways to budget .debenhams vs white by vera wangdebenhams is one of the most popular dress vendors on the high street and the store has added a covetable bridal collection to its repertoire .\n", - "the average cost of the big day has hit # 25,000asos , monsoon and debenhams offering bridal and bridesmaid gownsfemail pits high-street offerings with designer dresses\n", - "[1.3154544 1.4157289 1.331263 1.168174 1.0764533 1.0307349 1.1931446\n", - " 1.0781242 1.0845677 1.0592786 1.0427706 1.1218549 1.0793784 1.0367647\n", - " 1.0253656 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 6 3 11 8 12 7 4 9 10 13 5 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"governor jerry brown observed the survey on wednesday , which found the lowest water level in the sierra nevada snowpack since 1950 when records began .the fourth consecutive year of vanishing snow spells trouble as california depends on it to melt into rivers and replenish reservoirs .the governor 's order requires cities and towns to cut water use by 25 percent .\"]\n", - "=======================\n", - "[\"for the first time in 75 years the california department of water resources has found no snow during its survey of the sierra nevada in early aprilnasa images showing the snowpack across the tuolumne river basin show a marked decrease since last aprilcalifornia depends on the snow to melt into rivers and replenish reservoirsgov. brown ordered sweeping , unprecedented measures to save water in the state on wednesdaycemeteries , golf courses and business headquarters must significantly cut back on watering the large landscapesthe governor 's order contains no water reduction target for farmersinitiatives are part of the goal to reduce water use by 25 percent compared to levels in 2013\"]\n", - "governor jerry brown observed the survey on wednesday , which found the lowest water level in the sierra nevada snowpack since 1950 when records began .the fourth consecutive year of vanishing snow spells trouble as california depends on it to melt into rivers and replenish reservoirs .the governor 's order requires cities and towns to cut water use by 25 percent .\n", - "for the first time in 75 years the california department of water resources has found no snow during its survey of the sierra nevada in early aprilnasa images showing the snowpack across the tuolumne river basin show a marked decrease since last aprilcalifornia depends on the snow to melt into rivers and replenish reservoirsgov. brown ordered sweeping , unprecedented measures to save water in the state on wednesdaycemeteries , golf courses and business headquarters must significantly cut back on watering the large landscapesthe governor 's order contains no water reduction target for farmersinitiatives are part of the goal to reduce water use by 25 percent compared to levels in 2013\n", - "[1.2938324 1.106398 1.2365308 1.2234663 1.2231829 1.1772876 1.2964958\n", - " 1.0691651 1.051215 1.0167617 1.0162615 1.096454 1.1335729 1.0676064\n", - " 1.0765584 1.0465082 1.0274236 1.0296271 1.01812 1.0309274 1.0281483\n", - " 1.0200869 1.0209897]\n", - "\n", - "[ 6 0 2 3 4 5 12 1 11 14 7 13 8 15 19 17 20 16 22 21 18 9 10]\n", - "=======================\n", - "[\"now , at the age of ten , kai is set to undergo hormone treatment to halt puberty to stop him developing into a woman .support : kai windsor , now 10 , with his mother rachelchristened kaia , he would shun traditional girls ' toys in favour of kicking a ball around .\"]\n", - "=======================\n", - "[\"kai windsor knew from three that he had been born in the wrong bodyby four he would n't wear dresses and by six he wanted to cut his hair shortkai came out at school as a transgender and is now referred to as a boyat age of 10 he is set to undergo hormone treatment to halt puberty\"]\n", - "now , at the age of ten , kai is set to undergo hormone treatment to halt puberty to stop him developing into a woman .support : kai windsor , now 10 , with his mother rachelchristened kaia , he would shun traditional girls ' toys in favour of kicking a ball around .\n", - "kai windsor knew from three that he had been born in the wrong bodyby four he would n't wear dresses and by six he wanted to cut his hair shortkai came out at school as a transgender and is now referred to as a boyat age of 10 he is set to undergo hormone treatment to halt puberty\n", - "[1.1470103 1.4017544 1.1057526 1.0644953 1.0866326 1.378034 1.2884088\n", - " 1.0484686 1.1717032 1.0186985 1.027297 1.045587 1.0280592 1.0511212\n", - " 1.024723 1.0205238 1.0500156 0. 0. ]\n", - "\n", - "[ 1 5 6 8 0 2 4 3 13 16 7 11 12 10 14 15 9 17 18]\n", - "=======================\n", - "[\"abc2 's new show , tattoo tales , follows the journey of some of the customers of bondi ink , a busy tattoo parlour on sydney 's eastern beaches , including jan bearman , who was prompted by the death of her beloved daughter to make a decision that took the rest of her family and friends by surprise .for the past three years , jan bearman has had a new tattoo inked on her shoulder every birthday in memory of her daughter shell , who died of complications from diabetes inwhile many tattoos hold a certain symbolism to their bearer , the design chosen by someone getting their first ink at the age of 80 must have an incredibly special meaning .\"]\n", - "=======================\n", - "[\"jan bearman surprised her family and decided to get her first tattoo at the age of 80 after her daughter shelley died in 2011she has returned to the tattoo parlour twice on her birthday to have more tattoos inked in memory of her daughter and other childrenabc2 's tattoo tales followed jan as she went in for her third tattoojan said that she feels as though her tattoos are a memorial , and she is able to carry her daughter with her\"]\n", - "abc2 's new show , tattoo tales , follows the journey of some of the customers of bondi ink , a busy tattoo parlour on sydney 's eastern beaches , including jan bearman , who was prompted by the death of her beloved daughter to make a decision that took the rest of her family and friends by surprise .for the past three years , jan bearman has had a new tattoo inked on her shoulder every birthday in memory of her daughter shell , who died of complications from diabetes inwhile many tattoos hold a certain symbolism to their bearer , the design chosen by someone getting their first ink at the age of 80 must have an incredibly special meaning .\n", - "jan bearman surprised her family and decided to get her first tattoo at the age of 80 after her daughter shelley died in 2011she has returned to the tattoo parlour twice on her birthday to have more tattoos inked in memory of her daughter and other childrenabc2 's tattoo tales followed jan as she went in for her third tattoojan said that she feels as though her tattoos are a memorial , and she is able to carry her daughter with her\n", - "[1.2348847 1.2718186 1.1332138 1.3365936 1.2521937 1.2175452 1.0965426\n", - " 1.076711 1.0599877 1.0597608 1.0306875 1.0749798 1.0361999 1.0625947\n", - " 1.1254346 1.0418168 0. 0. 0. ]\n", - "\n", - "[ 3 1 4 0 5 2 14 6 7 11 13 8 9 15 12 10 17 16 18]\n", - "=======================\n", - "[\"on a visit to the scottish town of dornoch , tourists are pointed towards the local slaughterhouseso visitors to dornoch 's golf course or the sutherland town 's historic cathedral were surprised instead to be pointed in the direction of some toilets , the local gp ... and an abattoir .the familiar brown signs are set up to show tourists where to find an area 's finest attractions .\"]\n", - "=======================\n", - "[\"dornoch in scotland is pointing tourists towards the local abattoirthe attraction is listed beneath the toilet , doctor and the town 's museumvisitors hoping to experience the slaughterhouse face disappointmentthe abattoir has been closed for several years and is being demolished\"]\n", - "on a visit to the scottish town of dornoch , tourists are pointed towards the local slaughterhouseso visitors to dornoch 's golf course or the sutherland town 's historic cathedral were surprised instead to be pointed in the direction of some toilets , the local gp ... and an abattoir .the familiar brown signs are set up to show tourists where to find an area 's finest attractions .\n", - "dornoch in scotland is pointing tourists towards the local abattoirthe attraction is listed beneath the toilet , doctor and the town 's museumvisitors hoping to experience the slaughterhouse face disappointmentthe abattoir has been closed for several years and is being demolished\n", - "[1.2771496 1.4183447 1.2606544 1.0856698 1.088008 1.2605388 1.034056\n", - " 1.0661461 1.0857401 1.059276 1.0540122 1.0233326 1.0331311 1.0586534\n", - " 1.0961132 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 5 14 4 8 3 7 9 13 10 6 12 11 15 16 17 18]\n", - "=======================\n", - "[\"the large hadron collider ( lhc ) , a particle accelerator and the largest machine in the world , is ready for action following a two-year shutdown .( cnn ) the world 's biggest and most powerful physics experiment is taking place as you read this .after problems that delayed the restart in march , scientists at the european organization for nuclear research ( cern ) completed final tests , enabling the first beams to start circulating sunday inside the lhc 's 17 mile ( 27 km ) ring .\"]\n", - "=======================\n", - "['the large hadron collider ( lhc ) begins again after a two-year shutdownthe restart was delayed in march']\n", - "the large hadron collider ( lhc ) , a particle accelerator and the largest machine in the world , is ready for action following a two-year shutdown .( cnn ) the world 's biggest and most powerful physics experiment is taking place as you read this .after problems that delayed the restart in march , scientists at the european organization for nuclear research ( cern ) completed final tests , enabling the first beams to start circulating sunday inside the lhc 's 17 mile ( 27 km ) ring .\n", - "the large hadron collider ( lhc ) begins again after a two-year shutdownthe restart was delayed in march\n", - "[1.2047261 1.473897 1.357781 1.2018389 1.1970538 1.0558629 1.1882933\n", - " 1.0520838 1.056585 1.0695612 1.0619284 1.223561 1.0310159 1.0483685\n", - " 1.0493428 1.0382689 1.0169429 1.0167444 1.0407872]\n", - "\n", - "[ 1 2 11 0 3 4 6 9 10 8 5 7 14 13 18 15 12 16 17]\n", - "=======================\n", - "[\"a surgical unit at st mary 's hospital , london , has not accepted new patients in more than a week after eight were found to be carrying carbapenemase-producing enterobacteriaceae , or cpe .the antibiotic-resistant bacteria can cause potentially fatal infections in the bloodstream and urine .the hospital where the royal baby is due to be born was forced to close one of its wards after patients contracted a mutant superbug , it has emerged .\"]\n", - "=======================\n", - "[\"duchess of cambridge is due to give birth at st mary 's hospital , londona surgical unit has been closed after patients contracted mutant superbugbacteria , cpe , can cause potentially-fatal infections in blood and urine\"]\n", - "a surgical unit at st mary 's hospital , london , has not accepted new patients in more than a week after eight were found to be carrying carbapenemase-producing enterobacteriaceae , or cpe .the antibiotic-resistant bacteria can cause potentially fatal infections in the bloodstream and urine .the hospital where the royal baby is due to be born was forced to close one of its wards after patients contracted a mutant superbug , it has emerged .\n", - "duchess of cambridge is due to give birth at st mary 's hospital , londona surgical unit has been closed after patients contracted mutant superbugbacteria , cpe , can cause potentially-fatal infections in blood and urine\n", - "[1.121194 1.4346793 1.2883751 1.312871 1.2402059 1.187966 1.1017535\n", - " 1.0276144 1.0185066 1.019637 1.1182662 1.0803052 1.0700276 1.0927789\n", - " 1.0739506 1.0572753 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 5 0 10 6 13 11 14 12 15 7 9 8 16 17 18]\n", - "=======================\n", - "[\"in a survey of 1,000 people from across the country , conducted by personal budgeting software company youneedabudget.com , 64 per cent of adults confessed that they end up spending more money when they shop with friends .the main reasons for this were said to be ` showing off in front of friends ' and ` succumbing to peer pressure and buying things we would n't ordinary buy ' .in fact , nearly two-thirds of americans admit they would actually prefer to shop by themselves than with pals .\"]\n", - "=======================\n", - "['a new youneedabudget.com study found that 64 per cent of adults spend more money with friends due to peer pressure or the desire to show offthe top items americans overspend on are food and clothingfive per cent of those polled said they hide big purchases from their spouses or significant others']\n", - "in a survey of 1,000 people from across the country , conducted by personal budgeting software company youneedabudget.com , 64 per cent of adults confessed that they end up spending more money when they shop with friends .the main reasons for this were said to be ` showing off in front of friends ' and ` succumbing to peer pressure and buying things we would n't ordinary buy ' .in fact , nearly two-thirds of americans admit they would actually prefer to shop by themselves than with pals .\n", - "a new youneedabudget.com study found that 64 per cent of adults spend more money with friends due to peer pressure or the desire to show offthe top items americans overspend on are food and clothingfive per cent of those polled said they hide big purchases from their spouses or significant others\n", - "[1.1413834 1.3666046 1.1880999 1.2937692 1.2245867 1.1852219 1.0620817\n", - " 1.1574377 1.0921984 1.026669 1.0723563 1.0535709 1.0523106 1.0468012\n", - " 1.0680281 1.049766 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 4 2 5 7 0 8 10 14 6 11 12 15 13 9 20 16 17 18 19 21]\n", - "=======================\n", - "['the heart-warming moment occurred during a visit to the rheged centre in cumbria , where the prince of wales was meeting farmers and charity staff .the prince was making his first stop on a day-long tour of cumbria , with rural communities and businesses topping his agenda .charles , who is grandfather to 20-month-old prince george and has another grandchild on the way , looked delighted and bent down to talk to the little boy who was held by his mother , genevieve .']\n", - "=======================\n", - "[\"noah ginesi , 16 months , reached for a hug when prince charles appeareda delighted charles chatted appreciatively to the boy 's mother genevievethe encounter took place during a visit to the rheged centre in cumbriacharles is touring the county to promote his farming and rural charities\"]\n", - "the heart-warming moment occurred during a visit to the rheged centre in cumbria , where the prince of wales was meeting farmers and charity staff .the prince was making his first stop on a day-long tour of cumbria , with rural communities and businesses topping his agenda .charles , who is grandfather to 20-month-old prince george and has another grandchild on the way , looked delighted and bent down to talk to the little boy who was held by his mother , genevieve .\n", - "noah ginesi , 16 months , reached for a hug when prince charles appeareda delighted charles chatted appreciatively to the boy 's mother genevievethe encounter took place during a visit to the rheged centre in cumbriacharles is touring the county to promote his farming and rural charities\n", - "[1.317069 1.2775865 1.2348635 1.250201 1.1584802 1.0953807 1.0836029\n", - " 1.0768533 1.1314516 1.0367028 1.1711863 1.0512856 1.0447998 1.0174806\n", - " 1.0164658 1.0160769 1.0240138 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 2 10 4 8 5 6 7 11 12 9 16 13 14 15 20 17 18 19 21]\n", - "=======================\n", - "['tokyo ( cnn ) a week after a japanese court issued a landmark injunction halting plans to restart two nuclear reactors in a western prefecture , a different court has rejected a petition by residents to delay the reactivation of reactors in the country \\'s southwest .kagoshima district court found no \" irrationalities \" in new safety standards set out by the government in the wake of the 2011 fukushima meltdowns , japanese news agency kyodo reported .the first of two reactors is scheduled to go back online in july .']\n", - "=======================\n", - "[\"a japanese court has rejected a petition by residents to delay the reactivation of reactors in the country 's southwestthe reopening of two other nuclear reactors in fukui was recently blocked by a japanese court over safety fearsjapan 's 48 nuclear reactors have been offline in the wake of the 2011 fukushima disaster\"]\n", - "tokyo ( cnn ) a week after a japanese court issued a landmark injunction halting plans to restart two nuclear reactors in a western prefecture , a different court has rejected a petition by residents to delay the reactivation of reactors in the country 's southwest .kagoshima district court found no \" irrationalities \" in new safety standards set out by the government in the wake of the 2011 fukushima meltdowns , japanese news agency kyodo reported .the first of two reactors is scheduled to go back online in july .\n", - "a japanese court has rejected a petition by residents to delay the reactivation of reactors in the country 's southwestthe reopening of two other nuclear reactors in fukui was recently blocked by a japanese court over safety fearsjapan 's 48 nuclear reactors have been offline in the wake of the 2011 fukushima disaster\n", - "[1.3355119 1.2645178 1.4602407 1.2301471 1.2578968 1.0326452 1.0301877\n", - " 1.1312532 1.1145304 1.1537232 1.0640987 1.0149602 1.04036 1.039569\n", - " 1.0459741 1.0532604 1.0659724 1.025119 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 1 4 3 9 7 8 16 10 15 14 12 13 5 6 17 11 20 18 19 21]\n", - "=======================\n", - "['christine davidson , from adelaide , south australia , was diagnosed with terminal brain cancer in 2001 , and told she only had between nine months to three years to live .a brazen thief has allegedly taken a diamond engagement ring from christine davidson just days before she passed away on thursdayafter enduring an incredible 14 years of chemotherapy and radiation , the mother of two lost her battle to cancer last thursday morning at an adelaide nursing home at the age of 61 .']\n", - "=======================\n", - "['christine davidson lost her battle to cancer at an adelaide nursing homeher diamond ring was last seen three weeks before she passed awaythe family has claimed a brazen thief is behind the missing ringthe 61-year-old wanted to hand her ring down to her only granddaughterthe family have launched an emotional public appeal to get her ring backa local jewellery store has offered a $ 1000 reward for anyone providing information that leads to finding the missing ring']\n", - "christine davidson , from adelaide , south australia , was diagnosed with terminal brain cancer in 2001 , and told she only had between nine months to three years to live .a brazen thief has allegedly taken a diamond engagement ring from christine davidson just days before she passed away on thursdayafter enduring an incredible 14 years of chemotherapy and radiation , the mother of two lost her battle to cancer last thursday morning at an adelaide nursing home at the age of 61 .\n", - "christine davidson lost her battle to cancer at an adelaide nursing homeher diamond ring was last seen three weeks before she passed awaythe family has claimed a brazen thief is behind the missing ringthe 61-year-old wanted to hand her ring down to her only granddaughterthe family have launched an emotional public appeal to get her ring backa local jewellery store has offered a $ 1000 reward for anyone providing information that leads to finding the missing ring\n", - "[1.3919195 1.1929154 1.303194 1.3225918 1.0983778 1.0713159 1.0233566\n", - " 1.095277 1.0374388 1.117815 1.0719366 1.0815437 1.033885 1.1425912\n", - " 1.0338271 1.0140303 1.0157359 1.0569433 1.0116236 1.0114189 1.015484\n", - " 1.0532066]\n", - "\n", - "[ 0 3 2 1 13 9 4 7 11 10 5 17 21 8 12 14 6 16 20 15 18 19]\n", - "=======================\n", - "[\"( cnn ) it was all set for a fairytale ending for record breaking jockey ap mccoy .aspell won last year 's grand national too , making him the first jockey since the 1950s to ride back-to-back winners on different horses .25-1 outsider many clouds , who had shown little form going into the race , won by a length and a half , ridden by jockey leighton aspell .\"]\n", - "=======================\n", - "['25-1 shot many clouds wins grand nationalsecond win a row for jockey leighton aspellfirst jockey to win two in a row on different horses since 1950s']\n", - "( cnn ) it was all set for a fairytale ending for record breaking jockey ap mccoy .aspell won last year 's grand national too , making him the first jockey since the 1950s to ride back-to-back winners on different horses .25-1 outsider many clouds , who had shown little form going into the race , won by a length and a half , ridden by jockey leighton aspell .\n", - "25-1 shot many clouds wins grand nationalsecond win a row for jockey leighton aspellfirst jockey to win two in a row on different horses since 1950s\n", - "[1.3480573 1.2617623 1.315078 1.4143612 1.2444673 1.0967796 1.0651381\n", - " 1.0999738 1.2494818 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 0 2 1 8 4 7 5 6 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", - "=======================\n", - "[\"mark o'meara carded a 68 on day two and ensured he will still be in the running at the weekendmark o'meara rolled back the years with one of the standout rounds of the day to make the cut at the masters for the first time in 10 years .the 58-year-old american is the third oldest man in the field in 2015 , behind tom watson ( 65 ) and ben crenshaw ( 63 ) , but showed excellent form to hit his first round in the 60s at augusta since 2001 .\"]\n", - "=======================\n", - "[\"mark o'meara made the cut at the masters for the first time in 10 yearso'meara secured the title back in 1998the 58-year-old american is the third oldest man in the field in 2015\"]\n", - "mark o'meara carded a 68 on day two and ensured he will still be in the running at the weekendmark o'meara rolled back the years with one of the standout rounds of the day to make the cut at the masters for the first time in 10 years .the 58-year-old american is the third oldest man in the field in 2015 , behind tom watson ( 65 ) and ben crenshaw ( 63 ) , but showed excellent form to hit his first round in the 60s at augusta since 2001 .\n", - "mark o'meara made the cut at the masters for the first time in 10 yearso'meara secured the title back in 1998the 58-year-old american is the third oldest man in the field in 2015\n", - "[1.1369549 1.1451457 1.4833887 1.2628651 1.2232022 1.3137476 1.1649119\n", - " 1.0343755 1.0515844 1.0411658 1.0367785 1.0291182 1.0159029 1.0203645\n", - " 1.0190548 1.0824327 1.0242877 1.0172814 1.0231571 1.053342 1.0393761\n", - " 1.0927112 1.0448135 1.0346241 1.0734787 1.0463252]\n", - "\n", - "[ 2 5 3 4 6 1 0 21 15 24 19 8 25 22 9 20 10 23 7 11 16 18 13 14\n", - " 17 12]\n", - "=======================\n", - "[\"randy johnston , 68 , from dallas , texas , decided to leave two ` fake poops ' on his granddaughters ' beds .his son then went about filming the moment of discovery .but footage shows that the prank turned out to be decidedly disastrous , with randy 's six-year-old granddaughter porter getting red-faced and dramatically crying in horror .\"]\n", - "=======================\n", - "[\"randy johnston , 68 , from dallas , texas , decided to leave two ` fake feces ' on his granddaughters ' bedshis son then went about filming the moment of discoverybut footage shows that the prank turned out to be decidedly disastrous , with randy 's six-year-old granddaughter porter crying in horrorrandy , an attorney , told daily mail online that he staged the prank in revenge for one his granddaughters pulled on him earlier in the day\"]\n", - "randy johnston , 68 , from dallas , texas , decided to leave two ` fake poops ' on his granddaughters ' beds .his son then went about filming the moment of discovery .but footage shows that the prank turned out to be decidedly disastrous , with randy 's six-year-old granddaughter porter getting red-faced and dramatically crying in horror .\n", - "randy johnston , 68 , from dallas , texas , decided to leave two ` fake feces ' on his granddaughters ' bedshis son then went about filming the moment of discoverybut footage shows that the prank turned out to be decidedly disastrous , with randy 's six-year-old granddaughter porter crying in horrorrandy , an attorney , told daily mail online that he staged the prank in revenge for one his granddaughters pulled on him earlier in the day\n", - "[1.1283135 1.3855386 1.4255147 1.184941 1.1786964 1.1467731 1.0180886\n", - " 1.0230938 1.0749545 1.0363433 1.0210029 1.1385351 1.1158645 1.1573309\n", - " 1.1129097 1.1351765 1.0284991 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 4 13 5 11 15 0 12 14 8 9 16 7 10 6 24 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"suffolk black lamb jean is seven years old and an experienced mother but ben is twice the weight of all his brothers and sisters born before him , all weighing the average weight of 8-10lbs .he was so big that it took shepherd john hendy and a team of three helpers to help mother jean deliver the young lamb near melton mowbray , leicestershire , who they 've now named big ben .proud mum : jean with huge son big ben after a three-hour labour at a leicestershire farm\"]\n", - "=======================\n", - "['farmers named him big ben as he dwarfs other 85 ewes born this seasonmum is experienced seven-year-old but other offspring all weighed 8-10lbsborn two weeks after biggest ever lamb born in wales , weighing 24lbs']\n", - "suffolk black lamb jean is seven years old and an experienced mother but ben is twice the weight of all his brothers and sisters born before him , all weighing the average weight of 8-10lbs .he was so big that it took shepherd john hendy and a team of three helpers to help mother jean deliver the young lamb near melton mowbray , leicestershire , who they 've now named big ben .proud mum : jean with huge son big ben after a three-hour labour at a leicestershire farm\n", - "farmers named him big ben as he dwarfs other 85 ewes born this seasonmum is experienced seven-year-old but other offspring all weighed 8-10lbsborn two weeks after biggest ever lamb born in wales , weighing 24lbs\n", - "[1.3930088 1.4318861 1.3188324 1.2888298 1.2297026 1.1488067 1.103265\n", - " 1.0412893 1.1254499 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 5 8 6 7 23 22 21 20 19 18 17 12 15 14 13 24 11 10 9\n", - " 16 25]\n", - "=======================\n", - "[\"treadwell won the race on venetia williams-trained 100-1 shot mon mome in 2009 .liam treadwell has been booked for the ride on michael scudamore-trained monbeg dude in saturday 's crabbie 's grand national .scudamore rides soll for his boss david pipe and carberry , who rode monbeg dude to be seventh in last year 's national , is on gordon elliott 's cause of causes .\"]\n", - "=======================\n", - "[\"liam treadwell booked to ride monbeg dude in saturday 's grand nationalhe won on venetia williams-trained 100-1 shot mon mome in 2009monbeg dude is co-owned by rugby union star mike tindall\"]\n", - "treadwell won the race on venetia williams-trained 100-1 shot mon mome in 2009 .liam treadwell has been booked for the ride on michael scudamore-trained monbeg dude in saturday 's crabbie 's grand national .scudamore rides soll for his boss david pipe and carberry , who rode monbeg dude to be seventh in last year 's national , is on gordon elliott 's cause of causes .\n", - "liam treadwell booked to ride monbeg dude in saturday 's grand nationalhe won on venetia williams-trained 100-1 shot mon mome in 2009monbeg dude is co-owned by rugby union star mike tindall\n", - "[1.5789006 1.4291902 1.2538046 1.4894097 1.1705897 1.0558741 1.0536196\n", - " 1.0192885 1.0114299 1.01299 1.0392195 1.0098592 1.0064974 1.0108749\n", - " 1.0499895 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 5 6 14 10 7 9 8 13 11 12 15 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"cristiano ronaldo scored his first free-kick in 57 attempts to send real madrid on their way to a 3-0 victory over eibar .cristiano ronaldo ( right ) puts real madrid into a 1-0 lead against eibar with a 21st minute free-kickit was his 38th league goal of the season and with manchester united loanee javier ` chicharito ' hernandez scoring a second this was another win that real madrid had wrapped up before half time as they continue their pursuit of leaders barcelona .\"]\n", - "=======================\n", - "[\"real madrid earn 3-0 la liga victory against eibarcristiano ronaldo gives madrid the lead with first-half free kickjavier hernandez doubles home side 's lead with 31st minute headerjese completes 3-0 victory with brilliant strike in the closing stages\"]\n", - "cristiano ronaldo scored his first free-kick in 57 attempts to send real madrid on their way to a 3-0 victory over eibar .cristiano ronaldo ( right ) puts real madrid into a 1-0 lead against eibar with a 21st minute free-kickit was his 38th league goal of the season and with manchester united loanee javier ` chicharito ' hernandez scoring a second this was another win that real madrid had wrapped up before half time as they continue their pursuit of leaders barcelona .\n", - "real madrid earn 3-0 la liga victory against eibarcristiano ronaldo gives madrid the lead with first-half free kickjavier hernandez doubles home side 's lead with 31st minute headerjese completes 3-0 victory with brilliant strike in the closing stages\n", - "[1.1878111 1.3610197 1.2718177 1.2457772 1.3070875 1.2621343 1.2107782\n", - " 1.0559455 1.1117775 1.0736512 1.0781267 1.0145403 1.0085005 1.0261328\n", - " 1.0643358 1.0479727 1.1153284 1.0878505 1.0691265 1.0470458 1.0207943\n", - " 1.1118824 1.0542332 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 5 3 6 0 16 21 8 17 10 9 18 14 7 22 15 19 13 20 11 12 23\n", - " 24 25]\n", - "=======================\n", - "[\"royal caribbean 's legend of the seas reported 135 passengers took ill before it docked tuesday .just one day prior , the celebrity infinity cruise liner docked in the southern california city with 106 sick .both ships are owned by royal caribbean .\"]\n", - "=======================\n", - "[\"royal caribbean 's legend of the seas docked on tuesday in san diego with 135 sicken passengers aboardon monday , celebrity 's infinit docked with 106 ill peopleboth ships had sailed from fort lauderdale , florida , for a 15-night voyage\"]\n", - "royal caribbean 's legend of the seas reported 135 passengers took ill before it docked tuesday .just one day prior , the celebrity infinity cruise liner docked in the southern california city with 106 sick .both ships are owned by royal caribbean .\n", - "royal caribbean 's legend of the seas docked on tuesday in san diego with 135 sicken passengers aboardon monday , celebrity 's infinit docked with 106 ill peopleboth ships had sailed from fort lauderdale , florida , for a 15-night voyage\n", - "[1.3142087 1.3442405 1.2313623 1.2471769 1.2537003 1.2588701 1.0925347\n", - " 1.0993747 1.0452917 1.0328035 1.1240482 1.0509666 1.0542186 1.0096654\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 5 4 3 2 10 7 6 12 11 8 9 13 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"the cf-18 hornets bombed near isis ' de facto capital of raqqa , canada 's department of national defence said wednesday .( cnn ) canadian fighter jets have carried out their first airstrike against isis in syria , hitting one of the sunni militant group 's garrisons .canadian prime minister stephen harper announced plans last month to expand the airstrikes into syria .\"]\n", - "=======================\n", - "[\"cf-18 hornets bomb a garrison near isis ' de facto capital of raqqa , canada saysthe canadian military has conducted dozens of strikes against isis in iraq\"]\n", - "the cf-18 hornets bombed near isis ' de facto capital of raqqa , canada 's department of national defence said wednesday .( cnn ) canadian fighter jets have carried out their first airstrike against isis in syria , hitting one of the sunni militant group 's garrisons .canadian prime minister stephen harper announced plans last month to expand the airstrikes into syria .\n", - "cf-18 hornets bomb a garrison near isis ' de facto capital of raqqa , canada saysthe canadian military has conducted dozens of strikes against isis in iraq\n", - "[1.2760366 1.3083018 1.2422426 1.2248032 1.240724 1.1811368 1.1922151\n", - " 1.0338453 1.0133055 1.0265727 1.0363022 1.0206183 1.2339615 1.1224961\n", - " 1.0625063 1.0598042 1.1979474 1.0996606 1.0562243 1.0526367 1.015786 ]\n", - "\n", - "[ 1 0 2 4 12 3 16 6 5 13 17 14 15 18 19 10 7 9 11 20 8]\n", - "=======================\n", - "[\"charities last night welcomed the move to create a new generation of lifesavers , saying it could prevent hundreds of deaths every year .three more political parties have vowed to teach lifesaving skills in schools , backing the mail on sunday 's campaign to add first aid to the curriculum .previously , only the liberal democrats had promised to add the crucial lessons to the school curriculum .\"]\n", - "=======================\n", - "[\"parties back the mail on sunday 's campaign to add first aid to curriculumpreviously , only liberal democrats promised to add the crucial lessonsnow labour , ukip and the green party have added their supportconservatives are only major party not to make same manifesto pledge\"]\n", - "charities last night welcomed the move to create a new generation of lifesavers , saying it could prevent hundreds of deaths every year .three more political parties have vowed to teach lifesaving skills in schools , backing the mail on sunday 's campaign to add first aid to the curriculum .previously , only the liberal democrats had promised to add the crucial lessons to the school curriculum .\n", - "parties back the mail on sunday 's campaign to add first aid to curriculumpreviously , only liberal democrats promised to add the crucial lessonsnow labour , ukip and the green party have added their supportconservatives are only major party not to make same manifesto pledge\n", - "[1.2988623 1.4233265 1.2378368 1.2788833 1.2235825 1.2578624 1.1644152\n", - " 1.2872739 1.064257 1.0145627 1.0357981 1.1107678 1.0542545 1.0227938\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 7 3 5 2 4 6 11 8 12 10 13 9 14 15 16 17 18 19 20]\n", - "=======================\n", - "['programmer charanjeet kondal has used an application to create images of the new prince or princess .the duchess of cambridge is expected to go into labour any day now , but has a software designer predicted what the fourth in line to the throne will look like ?a software programmer has predicted the heir will have wispy blonde hair , dark brown eyes and a small nose when aged between two and four years old']\n", - "=======================\n", - "[\"software designer charanjeet kondal created images of new royal with appif he 's right , heir will have blonde hair , dark brown eyes and a small nosebetting public believe the royal baby will arrive into world on wednesday\"]\n", - "programmer charanjeet kondal has used an application to create images of the new prince or princess .the duchess of cambridge is expected to go into labour any day now , but has a software designer predicted what the fourth in line to the throne will look like ?a software programmer has predicted the heir will have wispy blonde hair , dark brown eyes and a small nose when aged between two and four years old\n", - "software designer charanjeet kondal created images of new royal with appif he 's right , heir will have blonde hair , dark brown eyes and a small nosebetting public believe the royal baby will arrive into world on wednesday\n", - "[1.2085342 1.5411212 1.1838014 1.307568 1.3815365 1.2379346 1.0787195\n", - " 1.0325934 1.0410657 1.0913005 1.068847 1.0935311 1.0664669 1.069963\n", - " 1.0463762 1.0647712 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 5 0 2 11 9 6 13 10 12 15 14 8 7 16 17 18 19 20]\n", - "=======================\n", - "[\"jiaro mendez and elias acevedo were both found to be ` highly intoxicated ' by tulsa police following the fight that broke out in the parking lot of their shared apartment on april 14 around 1am .the pair , covered in blood , were taken to hospital where they were treated for lacerations to their body , and acevedo , 21 , has since been arrested and charged with assault with a deadly weapon , according to the police report .a debate between two oklahoma roommates about whether an iphone is better than an android ended in a violent brawl with a stabbing and assault using beer bottles .\"]\n", - "=======================\n", - "[\"jiaro mendez and elias acevedo got into fight on april 14 just before 1ampolice said the men were taken to hospital with lacerations on their bodiesthe pair were found to be ` highly intoxicated ' as officers arrived at scenemendez said acevedo hit him in the head with beer bottle and stole his caracevedo , 21 , was arrested and charged with assault with a deadly weapon\"]\n", - "jiaro mendez and elias acevedo were both found to be ` highly intoxicated ' by tulsa police following the fight that broke out in the parking lot of their shared apartment on april 14 around 1am .the pair , covered in blood , were taken to hospital where they were treated for lacerations to their body , and acevedo , 21 , has since been arrested and charged with assault with a deadly weapon , according to the police report .a debate between two oklahoma roommates about whether an iphone is better than an android ended in a violent brawl with a stabbing and assault using beer bottles .\n", - "jiaro mendez and elias acevedo got into fight on april 14 just before 1ampolice said the men were taken to hospital with lacerations on their bodiesthe pair were found to be ` highly intoxicated ' as officers arrived at scenemendez said acevedo hit him in the head with beer bottle and stole his caracevedo , 21 , was arrested and charged with assault with a deadly weapon\n", - "[1.3150728 1.436738 1.2205908 1.3533783 1.1585585 1.0563728 1.0347328\n", - " 1.0797114 1.1395584 1.0462534 1.1106387 1.0118276 1.028494 1.1604683\n", - " 1.0658259 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 13 4 8 10 7 14 5 9 6 12 11 19 15 16 17 18 20]\n", - "=======================\n", - "[\"the shadow business secretary said nigel farage had ' a problem with race ' following his remarks last about ` fully black ' and ` half black ' ukip supporters .ukip ` hates modern britain ' and is infected with the ` virus of racism ' , rising labour star chuka umunna has claimed .mr umunna 's remarks come after mr farage dragged into a fresh racism storm after national front members turned up to campaign for him in his south thanet constituency .\"]\n", - "=======================\n", - "[\"shadow business secretary said nigel farage had ' a problem with race 'mr umunna claimed mr farage had failed to tackle the racists in his partyintervention comes after mr farage was dragged into a fresh race stormnational front members campaigned for him in south thanet constituency\"]\n", - "the shadow business secretary said nigel farage had ' a problem with race ' following his remarks last about ` fully black ' and ` half black ' ukip supporters .ukip ` hates modern britain ' and is infected with the ` virus of racism ' , rising labour star chuka umunna has claimed .mr umunna 's remarks come after mr farage dragged into a fresh racism storm after national front members turned up to campaign for him in his south thanet constituency .\n", - "shadow business secretary said nigel farage had ' a problem with race 'mr umunna claimed mr farage had failed to tackle the racists in his partyintervention comes after mr farage was dragged into a fresh race stormnational front members campaigned for him in south thanet constituency\n", - "[1.2651162 1.4474967 1.2153754 1.1785932 1.1488136 1.3184546 1.1249453\n", - " 1.0342622 1.037764 1.0666661 1.0151271 1.0495785 1.0548735 1.033211\n", - " 1.0870285 1.09883 1.0599263 1.1286882 0. ]\n", - "\n", - "[ 1 5 0 2 3 4 17 6 15 14 9 16 12 11 8 7 13 10 18]\n", - "=======================\n", - "['just three months after silver himself was arrested on corruption charges , his son-in-law marcello trebitsch , 37 , was accused of running a $ 7million ponzi scheme .the son in law of disgraced new york politician sheldon silver was indicted monday on two charges unrelated to the separate investigation into his famous power-broker relative .the brooklyn resident was in court on monday as prosecutors accused him of lying to investors about stock losses and pocketing most of the money entrusted to him for trading .']\n", - "=======================\n", - "['marcello trebitsch , 37 , was indicted monday on securities and wire fraud chargesthe brooklyn resident is married to the daughter of disgraced former new york state assembly speaker sheldon silverjust three months ago , the same prosecutor hit silver with corruption charges for allegedly taking $ 4million in bribes and kickbackssilver has fiercely denied the charges']\n", - "just three months after silver himself was arrested on corruption charges , his son-in-law marcello trebitsch , 37 , was accused of running a $ 7million ponzi scheme .the son in law of disgraced new york politician sheldon silver was indicted monday on two charges unrelated to the separate investigation into his famous power-broker relative .the brooklyn resident was in court on monday as prosecutors accused him of lying to investors about stock losses and pocketing most of the money entrusted to him for trading .\n", - "marcello trebitsch , 37 , was indicted monday on securities and wire fraud chargesthe brooklyn resident is married to the daughter of disgraced former new york state assembly speaker sheldon silverjust three months ago , the same prosecutor hit silver with corruption charges for allegedly taking $ 4million in bribes and kickbackssilver has fiercely denied the charges\n", - "[1.1224898 1.4370902 1.3828815 1.2986469 1.2253386 1.2331293 1.0485132\n", - " 1.1461722 1.0928569 1.1935956 1.0548581 1.0881516 1.0566493 1.0499907\n", - " 1.0200644 1.0071265 1.0062953 1.0126104 0. ]\n", - "\n", - "[ 1 2 3 5 4 9 7 0 8 11 12 10 13 6 14 17 15 16 18]\n", - "=======================\n", - "['the motorist attempted the dangerous manoeuvre on the a39 between street and glastonbury in somerset on tuesday morning after becoming stuck behind the hgv for several miles .the driver gambled on finally passing lorry driver , nick townley , at a set of lights but badly miscalculated as the road narrowed and lost control at 50mph .an impatient driver who attempted to overtake a lorry lost control and destroyed the caravan he was towing']\n", - "=======================\n", - "['motorist tried to overtake the lorry on a39 between street and glastonburyit had been stuck behind 22-tonne hgv for several miles after motorwaydriver misjudged gap as road narrowed and lost control of car at 50mphnick townley , 49 , who was driving lorry , captured moment on dash cam']\n", - "the motorist attempted the dangerous manoeuvre on the a39 between street and glastonbury in somerset on tuesday morning after becoming stuck behind the hgv for several miles .the driver gambled on finally passing lorry driver , nick townley , at a set of lights but badly miscalculated as the road narrowed and lost control at 50mph .an impatient driver who attempted to overtake a lorry lost control and destroyed the caravan he was towing\n", - "motorist tried to overtake the lorry on a39 between street and glastonburyit had been stuck behind 22-tonne hgv for several miles after motorwaydriver misjudged gap as road narrowed and lost control of car at 50mphnick townley , 49 , who was driving lorry , captured moment on dash cam\n", - "[1.2555505 1.2770203 1.2869971 1.2289162 1.195371 1.0414122 1.0301559\n", - " 1.0722188 1.0921648 1.2150733 1.0691148 1.107162 1.043109 1.0327122\n", - " 1.0780052 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 9 4 11 8 14 7 10 12 5 13 6 17 15 16 18]\n", - "=======================\n", - "[\"nakatani said the nation 's war planes can be scrambled whenever there is a report of an unidentified flying object but , so far , they had not encountered visitors from space .speaking in parliament earlier today , gen nakatani promised lawmakers that there had been no alien breach of japanese airspace , and that no government studies into extra-terrestrials were under way .japan 's defence minister has been forced to assure mps that the country has never been invaded by aliens .\"]\n", - "=======================\n", - "[\"japan 's defence minister forced to answer questions about ufosgen nakatani told parliament ` no alien 's have violate japan 's airspace 'came after mp asked if japan was carrying out alien studies\"]\n", - "nakatani said the nation 's war planes can be scrambled whenever there is a report of an unidentified flying object but , so far , they had not encountered visitors from space .speaking in parliament earlier today , gen nakatani promised lawmakers that there had been no alien breach of japanese airspace , and that no government studies into extra-terrestrials were under way .japan 's defence minister has been forced to assure mps that the country has never been invaded by aliens .\n", - "japan 's defence minister forced to answer questions about ufosgen nakatani told parliament ` no alien 's have violate japan 's airspace 'came after mp asked if japan was carrying out alien studies\n", - "[1.2732375 1.3463278 1.1860641 1.2809033 1.1457654 1.1505041 1.1351725\n", - " 1.0193629 1.0261091 1.1343418 1.1276412 1.0319604 1.029097 1.1330578\n", - " 1.0544717 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 5 4 6 9 13 10 14 11 12 8 7 17 15 16 18]\n", - "=======================\n", - "[\"six infrared cameras mounted around the aircraft allow its pilots to ` look through ' the air-frame , giving them a perfect 360 degree view of their surroundings and enemies .fighter pilots flying the deadly f-35 lightning ii jet have very special secret weapon - a $ 400,000 helmet that allows them to see through the plane .and all of the information they need to complete their mission - airspeed , altitude and even warnings systems - are projected straight onto the helmet 's visor rather than the traditional ` heads-up display ' .\"]\n", - "=======================\n", - "['six infrared cameras around the jet give pilots a complete 360 degree viewits price tag is millions over original budget due to development problemsstate-of-the-art helmet allows pilot to share information with nearby f-35sf-35 lightning ii one of the most complicated weapons systems ever builtprogrammed with over 8 million lines of code , four times more than f-22']\n", - "six infrared cameras mounted around the aircraft allow its pilots to ` look through ' the air-frame , giving them a perfect 360 degree view of their surroundings and enemies .fighter pilots flying the deadly f-35 lightning ii jet have very special secret weapon - a $ 400,000 helmet that allows them to see through the plane .and all of the information they need to complete their mission - airspeed , altitude and even warnings systems - are projected straight onto the helmet 's visor rather than the traditional ` heads-up display ' .\n", - "six infrared cameras around the jet give pilots a complete 360 degree viewits price tag is millions over original budget due to development problemsstate-of-the-art helmet allows pilot to share information with nearby f-35sf-35 lightning ii one of the most complicated weapons systems ever builtprogrammed with over 8 million lines of code , four times more than f-22\n", - "[1.5079036 1.3369967 1.1485645 1.3361399 1.1960821 1.1052016 1.1679034\n", - " 1.0189754 1.017445 1.0176392 1.0125637 1.0140487 1.0697099 1.1971948\n", - " 1.1227661 1.0829778 1.0139589 1.0137492 1.3807521]\n", - "\n", - "[ 0 18 1 3 13 4 6 2 14 5 15 12 7 9 8 11 16 17 10]\n", - "=======================\n", - "[\"blackburn boss gary bowyer was in ` shock ' as he watched his goalkeeper simon eastwood almost snatch a last-gasp draw for his side against liverpool .trailing 1-0 following philippe coutinho 's 70th-minute strike , eastwood left his post guarding the blackburn goal and arrived in the liverpool penalty area in a bid to help his side draw level with seconds of the contest remaining .meanwhile , jordan henderson believes liverpool 's 1-0 fa cup quarter-final victory at blackburn will give his team-mates a much-needed lift heading into the barclays premier league run-in .\"]\n", - "=======================\n", - "[\"philippe coutinho 's strike secured a 1-0 victory for liverpoolblackburn goalkeeper simon eastwood almost snatched a draweastwood drew a save from opposite number simon mignolet in the box\"]\n", - "blackburn boss gary bowyer was in ` shock ' as he watched his goalkeeper simon eastwood almost snatch a last-gasp draw for his side against liverpool .trailing 1-0 following philippe coutinho 's 70th-minute strike , eastwood left his post guarding the blackburn goal and arrived in the liverpool penalty area in a bid to help his side draw level with seconds of the contest remaining .meanwhile , jordan henderson believes liverpool 's 1-0 fa cup quarter-final victory at blackburn will give his team-mates a much-needed lift heading into the barclays premier league run-in .\n", - "philippe coutinho 's strike secured a 1-0 victory for liverpoolblackburn goalkeeper simon eastwood almost snatched a draweastwood drew a save from opposite number simon mignolet in the box\n", - "[1.3332982 1.3314475 1.4704229 1.5005316 1.3258481 1.0343431 1.0171988\n", - " 1.0195905 1.0123948 1.0288275 1.0221868 1.3034056 1.0462314 1.0797398\n", - " 1.0133916 1.0194823 1.0104482 1.0990496 1.0060221 1.0735617]\n", - "\n", - "[ 3 2 0 1 4 11 17 13 19 12 5 9 10 7 15 6 14 8 16 18]\n", - "=======================\n", - "['jack grealish made his first premier league start for aston villa against qpr on tuesday nightjack grealish wants to replace the wembley misery he suffered as a fan with joy as a player when aston villa face liverpool in the fa cup semi-final .wayne rooney scores for united as villa were beaten 2-1 in the 2010 league cup final at wembley']\n", - "=======================\n", - "['aston villa take on liverpool in the fa cup semi-final on april 19midfielder jack grealish watched villa as a fan at wembley twice in 2010they lost to man united and chelsea in the league cup and fa cupgrealish is hoping to replace that misery as a fan with joy as a playerliverpool set up the tie after beating blackburn 1-0 on wednesday night']\n", - "jack grealish made his first premier league start for aston villa against qpr on tuesday nightjack grealish wants to replace the wembley misery he suffered as a fan with joy as a player when aston villa face liverpool in the fa cup semi-final .wayne rooney scores for united as villa were beaten 2-1 in the 2010 league cup final at wembley\n", - "aston villa take on liverpool in the fa cup semi-final on april 19midfielder jack grealish watched villa as a fan at wembley twice in 2010they lost to man united and chelsea in the league cup and fa cupgrealish is hoping to replace that misery as a fan with joy as a playerliverpool set up the tie after beating blackburn 1-0 on wednesday night\n", - "[1.2483277 1.3721697 1.2099942 1.2587149 1.163275 1.0730193 1.028271\n", - " 1.029466 1.042895 1.0906351 1.1261966 1.1099582 1.1488347 1.0698018\n", - " 1.0515271 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 12 10 11 9 5 13 14 8 7 6 18 15 16 17 19]\n", - "=======================\n", - "['a campaign video sees dr vivek murthy and the sesame street favourite go through the process of getting vaccinated and explaining to children ( and parents ) why it is so important .the u.s surgeon general has enlisted elmo to urge american children to get vaccinated in the wake of recent national debate over the right to refuse immunization .in what appears to be a direct response to anti-vaccination campaigners , elmo and dr murthy questions why everybody does not get a shot .']\n", - "=======================\n", - "['surgeon general vivek murthy enlists elmo for pro-vaccine campaignvideo sees dr murthy explain to elmo why vaccines are importantreleased in the wake of recent measles outbreak in north americastarted at disneyland in california , and sickened 147 people in the u.s.']\n", - "a campaign video sees dr vivek murthy and the sesame street favourite go through the process of getting vaccinated and explaining to children ( and parents ) why it is so important .the u.s surgeon general has enlisted elmo to urge american children to get vaccinated in the wake of recent national debate over the right to refuse immunization .in what appears to be a direct response to anti-vaccination campaigners , elmo and dr murthy questions why everybody does not get a shot .\n", - "surgeon general vivek murthy enlists elmo for pro-vaccine campaignvideo sees dr murthy explain to elmo why vaccines are importantreleased in the wake of recent measles outbreak in north americastarted at disneyland in california , and sickened 147 people in the u.s.\n", - "[1.4527091 1.141906 1.4719676 1.2385966 1.1489025 1.2365108 1.1070908\n", - " 1.0500525 1.0857267 1.0604017 1.0222048 1.1018419 1.1447563 1.0215507\n", - " 1.0407072 1.0419991 1.0148286 1.068721 0. 0. ]\n", - "\n", - "[ 2 0 3 5 4 12 1 6 11 8 17 9 7 15 14 10 13 16 18 19]\n", - "=======================\n", - "['steven howie , 28 , of dunfermline , left his girlfriend karen murray , 31 , with 18 separate injuries after assaulting her over an hour .howie , a joiner , punched , kicked and kneed her during a prolonged assault , smashed furnishings , and pulled the door of their en-suite bathroom off its hinges .stirling sheriff court heard that howie and miss murray had been dating for about four months when they checked into the carronbridge hotel , in the campsie fells .']\n", - "=======================\n", - "[\"steven howie , 28 , attacked his girlfriend karen murray in a hotel bedroompunched and kicked her during the hour-long assault on new year 's evestirling sheriff court heard bedroom was a ` bloodbath ' following incidenthe was jailed for eight months but the couple plan to rekindle relationship\"]\n", - "steven howie , 28 , of dunfermline , left his girlfriend karen murray , 31 , with 18 separate injuries after assaulting her over an hour .howie , a joiner , punched , kicked and kneed her during a prolonged assault , smashed furnishings , and pulled the door of their en-suite bathroom off its hinges .stirling sheriff court heard that howie and miss murray had been dating for about four months when they checked into the carronbridge hotel , in the campsie fells .\n", - "steven howie , 28 , attacked his girlfriend karen murray in a hotel bedroompunched and kicked her during the hour-long assault on new year 's evestirling sheriff court heard bedroom was a ` bloodbath ' following incidenthe was jailed for eight months but the couple plan to rekindle relationship\n", - "[1.6048839 1.3342884 1.1846031 1.439166 1.064656 1.3725995 1.01544\n", - " 1.0385274 1.0141809 1.0157661 1.0492464 1.0304655 1.0580266 1.0904963\n", - " 1.073064 1.0908524 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 5 1 2 15 13 14 4 12 10 7 11 9 6 8 16 17 18 19]\n", - "=======================\n", - "[\"barcelona coach luis enrique has sought to play down neymar 's petulant reaction when the brazil forward was substituted in saturday 's 2-2 la liga draw at sevilla .barcelona face chelsea ' conquerors paris saint-germain on wednesday in the champions league 'neymar , who scored a superb free kick to make it 2-0 to barca after lionel messi 's opener , was clearly furious at being replaced by xavi with around 20 minutes left and spanish media speculated he might be dropped for wednesday 's champions league quarter-final , first leg at paris st germain .\"]\n", - "=======================\n", - "[\"barcelona boss luis enrique played down neymar 's angry reactionthe brazilian was unhappy to be taken off with 20 minutes to playenrique says that he makes the final decisions and they must be respectedclick here for all the latest barcelona news\"]\n", - "barcelona coach luis enrique has sought to play down neymar 's petulant reaction when the brazil forward was substituted in saturday 's 2-2 la liga draw at sevilla .barcelona face chelsea ' conquerors paris saint-germain on wednesday in the champions league 'neymar , who scored a superb free kick to make it 2-0 to barca after lionel messi 's opener , was clearly furious at being replaced by xavi with around 20 minutes left and spanish media speculated he might be dropped for wednesday 's champions league quarter-final , first leg at paris st germain .\n", - "barcelona boss luis enrique played down neymar 's angry reactionthe brazilian was unhappy to be taken off with 20 minutes to playenrique says that he makes the final decisions and they must be respectedclick here for all the latest barcelona news\n", - "[1.2590656 1.4023266 1.2029772 1.1550479 1.1253351 1.1572434 1.1824309\n", - " 1.0248471 1.1677818 1.2028987 1.0344856 1.091523 1.0283241 1.023877\n", - " 1.0126544 1.0282334 1.0172238 1.012382 0. 0. ]\n", - "\n", - "[ 1 0 2 9 6 8 5 3 4 11 10 12 15 7 13 16 14 17 18 19]\n", - "=======================\n", - "[\"her tuesday morning visit to a coffee shop in leclaire , iowa was staged from beginning to end , according to austin bird , one of the men pictured sitting at the table with mrs. clinton .hillary clinton 's astroturf candidacy is in full swing in iowa .bird told daily mail online that campaign staffer troy price called and asked him and two other young people to meet him tuesday morning at a restaurant in davenport , a nearby city .\"]\n", - "=======================\n", - "[\"austin bird sat for coffee on tuesday morning in the town of leclaire , iowa , chatting with hillary clinton as photographers snapped picturesnews reports called him a ` student ' and her campaign called it an unscripted eventbut clinton 's iowa political director troy price drove bird and two other people to the coffee housebird is a hospital government relations official who interned with barack obama 's 2012 presidential campaignthe iowa democratic party , which price ran until a month ago , tasked him to be joe biden 's driver during an october senate campaign trip in davenport\"]\n", - "her tuesday morning visit to a coffee shop in leclaire , iowa was staged from beginning to end , according to austin bird , one of the men pictured sitting at the table with mrs. clinton .hillary clinton 's astroturf candidacy is in full swing in iowa .bird told daily mail online that campaign staffer troy price called and asked him and two other young people to meet him tuesday morning at a restaurant in davenport , a nearby city .\n", - "austin bird sat for coffee on tuesday morning in the town of leclaire , iowa , chatting with hillary clinton as photographers snapped picturesnews reports called him a ` student ' and her campaign called it an unscripted eventbut clinton 's iowa political director troy price drove bird and two other people to the coffee housebird is a hospital government relations official who interned with barack obama 's 2012 presidential campaignthe iowa democratic party , which price ran until a month ago , tasked him to be joe biden 's driver during an october senate campaign trip in davenport\n", - "[1.2978984 1.4289628 1.2767948 1.2309728 1.1680119 1.1778926 1.0537381\n", - " 1.026072 1.0770196 1.1089047 1.0275828 1.1069378 1.089039 1.1015965\n", - " 1.1075484 1.0840006 1.0198572 1.0176063 1.0282382 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 2 3 5 4 9 14 11 13 12 15 8 6 18 10 7 16 17 21 19 20 22]\n", - "=======================\n", - "['all flights were halted for about 20 minutes after the potential drone sighting raised fears that the unmanned aerial vehicle ( uav ) could collide with a passenger jet .manchester airport was forced to temporarily suspend flights today after a drone was reported buzzing around the area , causing disruption for hundreds of travellers .some departing flights were delayed and some incoming flights were diverted to other airports while a police helicopter scoured the area shortly after 11:30 am .']\n", - "=======================\n", - "['manchester runway closure caused disruption for hundreds of travellerspolice helicopter scoured the area but was unable to locate a droneuk aviation authorities have successfully prosecuted two operators']\n", - "all flights were halted for about 20 minutes after the potential drone sighting raised fears that the unmanned aerial vehicle ( uav ) could collide with a passenger jet .manchester airport was forced to temporarily suspend flights today after a drone was reported buzzing around the area , causing disruption for hundreds of travellers .some departing flights were delayed and some incoming flights were diverted to other airports while a police helicopter scoured the area shortly after 11:30 am .\n", - "manchester runway closure caused disruption for hundreds of travellerspolice helicopter scoured the area but was unable to locate a droneuk aviation authorities have successfully prosecuted two operators\n", - "[1.2128208 1.4501507 1.2511195 1.3699869 1.2938708 1.1313281 1.0312027\n", - " 1.0216517 1.0690442 1.0715017 1.0801303 1.1850607 1.0742939 1.0198897\n", - " 1.027223 1.0109068 1.0251906 1.0129294 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 11 5 10 12 9 8 6 14 16 7 13 17 15 18 19 20 21 22]\n", - "=======================\n", - "[\"the 44-page document was commissioned by executives at the bbc who then hired an agency to research how smiley faces could be used in news stories and on social media .the bbc spent licence fee payers ' money on a 44-page guide on how to use emojis before using a ` sad face ' emoticon to describe the death of the world 's oldest womanemoji designers were also told to make graphics for the faces of popular stars such as gary lineker and graham norton .\"]\n", - "=======================\n", - "[\"bbc paid for research into how smiley faces could be used in news storieslicence fee payers ' money was spent on the ` ridiculous ' 44-page documentdesigners told to make emojis of gary lineker and graham norton 's faces\"]\n", - "the 44-page document was commissioned by executives at the bbc who then hired an agency to research how smiley faces could be used in news stories and on social media .the bbc spent licence fee payers ' money on a 44-page guide on how to use emojis before using a ` sad face ' emoticon to describe the death of the world 's oldest womanemoji designers were also told to make graphics for the faces of popular stars such as gary lineker and graham norton .\n", - "bbc paid for research into how smiley faces could be used in news storieslicence fee payers ' money was spent on the ` ridiculous ' 44-page documentdesigners told to make emojis of gary lineker and graham norton 's faces\n", - "[1.28301 1.2950989 1.3629029 1.3820884 1.2431587 1.1784397 1.0722444\n", - " 1.1396046 1.1805756 1.1003537 1.1345545 1.0289146 1.0147276 1.013495\n", - " 1.012698 1.0129101 1.038855 1.0328181 1.0128046 1.0092553 1.0089451\n", - " 0. 0. ]\n", - "\n", - "[ 3 2 1 0 4 8 5 7 10 9 6 16 17 11 12 13 15 18 14 19 20 21 22]\n", - "=======================\n", - "['the hudsonian godwit was spotted at the shapwick heath in somerset and drew scores of bird watchersit is believed the large shorebird - that was heading to its breeding grounds in canada and alaska - was last seen in the uk in 1988 .they descended on the west country when a hudsonian godwit made a 4,000 mile detour from south america .']\n", - "=======================\n", - "[\"rare bird was heading from south america to breeding grounds in alaskalarge shorebird - with long beak and spindly legs - last seen in uk in 1988over the weekend , more than 1,000 twitchers had lined the water 's edge\"]\n", - "the hudsonian godwit was spotted at the shapwick heath in somerset and drew scores of bird watchersit is believed the large shorebird - that was heading to its breeding grounds in canada and alaska - was last seen in the uk in 1988 .they descended on the west country when a hudsonian godwit made a 4,000 mile detour from south america .\n", - "rare bird was heading from south america to breeding grounds in alaskalarge shorebird - with long beak and spindly legs - last seen in uk in 1988over the weekend , more than 1,000 twitchers had lined the water 's edge\n", - "[1.3311166 1.078133 1.1595803 1.3192796 1.4048363 1.1799287 1.1718842\n", - " 1.0572076 1.082731 1.0603415 1.0546457 1.0436673 1.0447958 1.048962\n", - " 1.0352896 1.0233912 1.0237867 1.0257616 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 4 0 3 5 6 2 8 1 9 7 10 13 12 11 14 17 16 15 18 19 20 21 22]\n", - "=======================\n", - "[\"muhammadu buhari , 72 , won nigeria 's presidential election , defeating incumbent goodluck jonathan by about two million votes .( cnn ) the last time muhammadu buhari came to power in nigeria , it was by force .for the first time in nigeria 's history , the opposition defeated the ruling party in democratic elections .\"]\n", - "=======================\n", - "[\"muhammadu buhari 's win marks the first democratic transition of power from a ruling party to the oppositionnigeria , the most populous country in africa , is grappling with violent boko haram extremists\"]\n", - "muhammadu buhari , 72 , won nigeria 's presidential election , defeating incumbent goodluck jonathan by about two million votes .( cnn ) the last time muhammadu buhari came to power in nigeria , it was by force .for the first time in nigeria 's history , the opposition defeated the ruling party in democratic elections .\n", - "muhammadu buhari 's win marks the first democratic transition of power from a ruling party to the oppositionnigeria , the most populous country in africa , is grappling with violent boko haram extremists\n", - "[1.4588009 1.4119872 1.2054911 1.2096117 1.300125 1.1005371 1.3017379\n", - " 1.0699506 1.014457 1.0148072 1.0173283 1.0236727 1.017193 1.0092897\n", - " 1.3100367 1.2116597 1.0171376 1.0137184 1.0134064 1.0188545 1.0254879\n", - " 1.0418797 1.0272669]\n", - "\n", - "[ 0 1 14 6 4 15 3 2 5 7 21 22 20 11 19 10 12 16 9 8 17 18 13]\n", - "=======================\n", - "[\"tottenham chairman daniel levy tried to persuade tim sherwood to stay on at the club after sacking him from the head coach role , the aston villa manager has revealed .sherwood will return to white hart lane for the first time with his new team on saturday and said he would ` absolutely ' shake levy 's hand .levy sacked sherwood last may to bring in mauricio pochettino , ending the 46-year-old 's five-month stay\"]\n", - "=======================\n", - "[\"aston villa take on tottenham at white hart lane on saturdaythe match is tim sherwood 's first game back at spurs after being sackedsherwood is thankful for the opportunity he was given by daniel levyvilla boss claims levy wanted him to stay at spurs last seasonclick here for all the latest premier league news\"]\n", - "tottenham chairman daniel levy tried to persuade tim sherwood to stay on at the club after sacking him from the head coach role , the aston villa manager has revealed .sherwood will return to white hart lane for the first time with his new team on saturday and said he would ` absolutely ' shake levy 's hand .levy sacked sherwood last may to bring in mauricio pochettino , ending the 46-year-old 's five-month stay\n", - "aston villa take on tottenham at white hart lane on saturdaythe match is tim sherwood 's first game back at spurs after being sackedsherwood is thankful for the opportunity he was given by daniel levyvilla boss claims levy wanted him to stay at spurs last seasonclick here for all the latest premier league news\n", - "[1.5308079 1.2439755 1.3791339 1.0637183 1.0401843 1.0316893 1.0566933\n", - " 1.0561299 1.0163021 1.0303999 1.0245042 1.3004713 1.2965915 1.0487905\n", - " 1.044633 1.0163534 1.0114704 1.0112407 1.0220667 1.078222 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 11 12 1 19 3 6 7 13 14 4 5 9 10 18 15 8 16 17 20 21]\n", - "=======================\n", - "['manchester city manager manuel pellegrini accepts his side are now facing a fight to stay in the champions league places .the fading champions could even find themselves in fourth place before they next play - at crystal palace on monday - if results go against them over the weekend .manchester city have struggled to keep up with chelsea , who are closing in on the premier league trophy']\n", - "=======================\n", - "[\"manuel pellegrini says his side are in a fight for the champions leaguemanchester city have slipped further behind chelsea in the title racecity travel to alan pardew 's crystal palace on monday nightclick here for all the latest manchester city news\"]\n", - "manchester city manager manuel pellegrini accepts his side are now facing a fight to stay in the champions league places .the fading champions could even find themselves in fourth place before they next play - at crystal palace on monday - if results go against them over the weekend .manchester city have struggled to keep up with chelsea , who are closing in on the premier league trophy\n", - "manuel pellegrini says his side are in a fight for the champions leaguemanchester city have slipped further behind chelsea in the title racecity travel to alan pardew 's crystal palace on monday nightclick here for all the latest manchester city news\n", - "[1.2404373 1.0721389 1.048314 1.1893382 1.2456213 1.2933471 1.203715\n", - " 1.1097689 1.0850369 1.1387515 1.0406408 1.03582 1.0197402 1.0200752\n", - " 1.0600845 1.0244181 1.1505828 1.0418873 1.0254376 1.0558585 1.1088068\n", - " 1.0190492]\n", - "\n", - "[ 5 4 0 6 3 16 9 7 20 8 1 14 19 2 17 10 11 18 15 13 12 21]\n", - "=======================\n", - "['this month , kim and her husband kanye west made a high-profile tour of armenia and israel to baptise their daughter and retrace the kardashian roots .kim has long had her pick of holiday destinations - so how have her holiday tastes changed over the years ?paris is top of her travel-list and she has spent increasing amounts of time in the french capital with her husband .']\n", - "=======================\n", - "[\"kim and kanye west recently visited armenia to retrace her family 's rootsreality star used to favour miami beach and las vegas hotels and barsparis is also a new favourite destination , since her hen do there last year\"]\n", - "this month , kim and her husband kanye west made a high-profile tour of armenia and israel to baptise their daughter and retrace the kardashian roots .kim has long had her pick of holiday destinations - so how have her holiday tastes changed over the years ?paris is top of her travel-list and she has spent increasing amounts of time in the french capital with her husband .\n", - "kim and kanye west recently visited armenia to retrace her family 's rootsreality star used to favour miami beach and las vegas hotels and barsparis is also a new favourite destination , since her hen do there last year\n", - "[1.3652794 1.2663286 1.4017383 1.1704576 1.1549197 1.1703799 1.1279808\n", - " 1.0756207 1.0707184 1.0200324 1.1086165 1.2136402 1.0126178 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 1 11 3 5 4 6 10 7 8 9 12 20 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"justin welby will say in his easter sermon that 148 christian students slaughtered by somali gunmen on thursday were ` witnesses ' to their faith and suffered ` cruel deaths ' .hitting out : justin welby said the students killed in kenya by islamic militants were ` martyrs 'his comments follow pope francis 's denunciation of the ` senseless ' killings at garissa university college , in which christians were singled out and shot .\"]\n", - "=======================\n", - "[\"justin welby comments follow pope francis 's denunciation of the killingsdavid cameron used his easter message to brand killings ` truly shocking '148 christian students at garissa university college were slaughteredthree people have been arrested on suspicion of involvement in the attack\"]\n", - "justin welby will say in his easter sermon that 148 christian students slaughtered by somali gunmen on thursday were ` witnesses ' to their faith and suffered ` cruel deaths ' .hitting out : justin welby said the students killed in kenya by islamic militants were ` martyrs 'his comments follow pope francis 's denunciation of the ` senseless ' killings at garissa university college , in which christians were singled out and shot .\n", - "justin welby comments follow pope francis 's denunciation of the killingsdavid cameron used his easter message to brand killings ` truly shocking '148 christian students at garissa university college were slaughteredthree people have been arrested on suspicion of involvement in the attack\n", - "[1.3007594 1.3714858 1.3287197 1.1788146 1.2076302 1.2877297 1.1077379\n", - " 1.0233874 1.0568286 1.0309671 1.0258683 1.0671492 1.023039 1.016984\n", - " 1.023474 1.0397674 1.0604746 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 5 4 3 6 11 16 8 15 9 10 14 7 12 13 20 17 18 19 21]\n", - "=======================\n", - "[\"the defendants - including teachers , a principal and other administrators - were accused of falsifying test results to collect bonuses or keep their jobs in the 50,000-student atlanta school system .the educators fed answers to students or erased and changed the answers on tests after they were turned in to secure promotions or up to $ 5,000 each in bonuses , the court was told .in one of the biggest cheating scandals of its kind in the u.s. , 11 former atlanta public school educators were convicted wednesday of racketeering for their role in a scheme to inflate students ' scores on standardized exams .\"]\n", - "=======================\n", - "[\"the 11 teachers , testing coordinators and other administrators were convicted wednesday of racketeering after a five-year investigationevidence of cheating was found in 44 schools across the atlanta school system , with nearly 180 educators involveda racketeering charge could carry up to 20 years in prison and most of the defendants will be sentenced on april 8the cheating came to light after the atlanta journal-constitution reported in 2008 that some student 's scores were statistically improbableprosecutors said the educators were guaranteed bonuses by inflating scores , while improving the poor reputation of their school systemsuperintendent beverly hall , the alleged ringleader who received up to $ 500,000 in payouts , died of breast cancer as the scandal went to trialone principal would wear gloves to erase answers and write in new ones\"]\n", - "the defendants - including teachers , a principal and other administrators - were accused of falsifying test results to collect bonuses or keep their jobs in the 50,000-student atlanta school system .the educators fed answers to students or erased and changed the answers on tests after they were turned in to secure promotions or up to $ 5,000 each in bonuses , the court was told .in one of the biggest cheating scandals of its kind in the u.s. , 11 former atlanta public school educators were convicted wednesday of racketeering for their role in a scheme to inflate students ' scores on standardized exams .\n", - "the 11 teachers , testing coordinators and other administrators were convicted wednesday of racketeering after a five-year investigationevidence of cheating was found in 44 schools across the atlanta school system , with nearly 180 educators involveda racketeering charge could carry up to 20 years in prison and most of the defendants will be sentenced on april 8the cheating came to light after the atlanta journal-constitution reported in 2008 that some student 's scores were statistically improbableprosecutors said the educators were guaranteed bonuses by inflating scores , while improving the poor reputation of their school systemsuperintendent beverly hall , the alleged ringleader who received up to $ 500,000 in payouts , died of breast cancer as the scandal went to trialone principal would wear gloves to erase answers and write in new ones\n", - "[1.3684567 1.3309424 1.1440201 1.2355828 1.3780028 1.223412 1.0875474\n", - " 1.035681 1.0207003 1.1872528 1.056993 1.0359049 1.0584918 1.0179863\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 4 0 1 3 5 9 2 6 12 10 11 7 8 13 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "['jose mourinho has warned players and fans to concentrate on first beating crystal palace before celebratingboth chelsea and the premier league are furious with the bbc for allowing it to be known that the premier league trophy was being displayed on the centre circle at stamford bridge on tuesday .but it was on the strict understanding that the big prize was not seen at chelsea by members of the public , who would then assume the club were taking their premier league triumph for granted .']\n", - "=======================\n", - "['chelsea agreed to request from bbc to film the trophy at stamford bridgethe blues agreed on understanding public could not see the trophyhowever , a 20-strong stadium tour saw the silverware on the pitchchelsea can win the premier league with victory over crystal palace']\n", - "jose mourinho has warned players and fans to concentrate on first beating crystal palace before celebratingboth chelsea and the premier league are furious with the bbc for allowing it to be known that the premier league trophy was being displayed on the centre circle at stamford bridge on tuesday .but it was on the strict understanding that the big prize was not seen at chelsea by members of the public , who would then assume the club were taking their premier league triumph for granted .\n", - "chelsea agreed to request from bbc to film the trophy at stamford bridgethe blues agreed on understanding public could not see the trophyhowever , a 20-strong stadium tour saw the silverware on the pitchchelsea can win the premier league with victory over crystal palace\n", - "[1.2638608 1.3642988 1.1457858 1.1903411 1.2655956 1.1517462 1.1427177\n", - " 1.1537806 1.2264177 1.1154033 1.038276 1.0162232 1.0149585 1.0460885\n", - " 1.0967559 1.1020577 1.0168527 0. 0. ]\n", - "\n", - "[ 1 4 0 8 3 7 5 2 6 9 15 14 13 10 16 11 12 17 18]\n", - "=======================\n", - "[\"levar jones , 36 , who has no criminal record and was on his way home from his job at a subway café , said the horror of his own shooting was brought home by the death of walter scott last week .the horrifying incident was captured on the officer 's dash cam and has led to the policeman sean groubert , 31 , being fired and charged with a felony assault .a black man has come out in support of police body cameras after he was gunned down by a white officer during a traffic stop and writhed in agony on the ground saying : ` why did you shoot me sir ? '\"]\n", - "=======================\n", - "[\"levar jones was shot and wounded by police officer in columbia , south carolina , when he was stopped and told to produce a licensehe reached for his wallet and state trooper sean groubert opened fire , hitting him in the stomachjones writhed in agony on the ground and said : ` why was i shot ? 'jones tells daily mail online walter scott 's death should force rethink of police procedures with new non-lethal methods favoredcop was sacked and charged with felony assault and faces maximum 20 year sentence if guilty\"]\n", - "levar jones , 36 , who has no criminal record and was on his way home from his job at a subway café , said the horror of his own shooting was brought home by the death of walter scott last week .the horrifying incident was captured on the officer 's dash cam and has led to the policeman sean groubert , 31 , being fired and charged with a felony assault .a black man has come out in support of police body cameras after he was gunned down by a white officer during a traffic stop and writhed in agony on the ground saying : ` why did you shoot me sir ? '\n", - "levar jones was shot and wounded by police officer in columbia , south carolina , when he was stopped and told to produce a licensehe reached for his wallet and state trooper sean groubert opened fire , hitting him in the stomachjones writhed in agony on the ground and said : ` why was i shot ? 'jones tells daily mail online walter scott 's death should force rethink of police procedures with new non-lethal methods favoredcop was sacked and charged with felony assault and faces maximum 20 year sentence if guilty\n", - "[1.1186186 1.3650852 1.2100966 1.2683048 1.1839261 1.1800002 1.0895574\n", - " 1.0557964 1.0221307 1.0194349 1.1838412 1.0960958 1.0260514 1.0371383\n", - " 1.0119542 1.0740253 1.0283512 1.0147094 0. ]\n", - "\n", - "[ 1 3 2 4 10 5 0 11 6 15 7 13 16 12 8 9 17 14 18]\n", - "=======================\n", - "['but for entrepreneurs like robyn exton , who has launched a dating app for lesbians , making money means abandoning life in the uk to travel to san francisco to look for investment .how to be a young billionaire follows three young british adults as they attempt to make a success out of their apps in san francisco .pictured : robyn exton who is the founder of dattch ( her ) a lesbian dating app']\n", - "=======================\n", - "[\"how to be a young billionaire airs tonight on channel 4documentary features robyn exton , who 's launching a lesbian dating apptech entrepreneur josh buckley attempts to save his shrinking fortune\"]\n", - "but for entrepreneurs like robyn exton , who has launched a dating app for lesbians , making money means abandoning life in the uk to travel to san francisco to look for investment .how to be a young billionaire follows three young british adults as they attempt to make a success out of their apps in san francisco .pictured : robyn exton who is the founder of dattch ( her ) a lesbian dating app\n", - "how to be a young billionaire airs tonight on channel 4documentary features robyn exton , who 's launching a lesbian dating apptech entrepreneur josh buckley attempts to save his shrinking fortune\n", - "[1.2261589 1.4970534 1.2774332 1.3399744 1.2388247 1.2040199 1.1497587\n", - " 1.0534728 1.1011746 1.0279814 1.0535136 1.0401638 1.0548592 1.0589892\n", - " 1.0871347 1.0648521 1.0809115 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 5 6 8 14 16 15 13 12 10 7 11 9 17 18]\n", - "=======================\n", - "['andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .']\n", - "=======================\n", - "['andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge']\n", - "andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program in italy when the incident happened in january .he was flown back to chicago via air ambulance on march 20 , but he died on sunday .he was taken to a medical facility in the chicago area , close to his family home in glen ellyn .\n", - "andrew mogni , 20 , from glen ellyn , illinois , had only just arrived for a semester program when the incident happened in januaryhe was flown back to chicago via air on march 20 but he died on sundayinitial police reports indicated the fall was an accident but authorities are investigating the possibility that mogni was robbedhis cousin claims he was attacked and thrown 40ft from a bridge\n", - "[1.1113977 1.0532135 1.2502445 1.1667382 1.1980712 1.1909566 1.1184714\n", - " 1.0259056 1.0882525 1.0878139 1.0929677 1.1276118 1.0616088 1.0625123\n", - " 1.0752016 1.049797 1.1795248 1.0168673 1.0157775]\n", - "\n", - "[ 2 4 5 16 3 11 6 0 10 8 9 14 13 12 1 15 7 17 18]\n", - "=======================\n", - "[\"whether you prefer the earthy aesthetic of the atomic age or the bold hues of the brit-pop '90s , airbnb rentals offers places that cater to interior decor of all tastes .it was the age of modernism , with an emphasis on open living spaces , and the landgate cottage in rye demonstrates this to a tee .the colour house in kendal , cumbria , is a 1960s-era dream with its bold hues and bright wall coverings\"]\n", - "=======================\n", - "['the landgate cottage in rye is outfitted in an earthy atomic age aesthetictravel to brighton to experience the era of brit-pop at wonderland cottageand nothing says 1970s nostalgia like renting your own vw campervan']\n", - "whether you prefer the earthy aesthetic of the atomic age or the bold hues of the brit-pop '90s , airbnb rentals offers places that cater to interior decor of all tastes .it was the age of modernism , with an emphasis on open living spaces , and the landgate cottage in rye demonstrates this to a tee .the colour house in kendal , cumbria , is a 1960s-era dream with its bold hues and bright wall coverings\n", - "the landgate cottage in rye is outfitted in an earthy atomic age aesthetictravel to brighton to experience the era of brit-pop at wonderland cottageand nothing says 1970s nostalgia like renting your own vw campervan\n", - "[1.124986 1.5025251 1.3257629 1.4634773 1.1464491 1.0232275 1.0635606\n", - " 1.0194147 1.0672009 1.0348727 1.0218722 1.0292506 1.0214524 1.0329854\n", - " 1.0479617 1.0808616 1.0890843 1.0650346 0. ]\n", - "\n", - "[ 1 3 2 4 0 16 15 8 17 6 14 9 13 11 5 10 12 7 18]\n", - "=======================\n", - "['the supermodel , who follows a strict clean and lean diet , showcases her super toned body in new imagery to promote her lingerie range for autograph at m&s .the 27-year-old models her new summer sleepwear collection , which is full of mix and match pieces featuring sophisticated hues of slate blue and silver with colour pops of peach and floral prints .rosie for autograph beau silk lingerie set']\n", - "=======================\n", - "['rosie , 27 , shows off her new lingerie and sleepwear rangeshares her daily diet and says eating organic is an important investmentstars in mad max - fury road film , which is out this year']\n", - "the supermodel , who follows a strict clean and lean diet , showcases her super toned body in new imagery to promote her lingerie range for autograph at m&s .the 27-year-old models her new summer sleepwear collection , which is full of mix and match pieces featuring sophisticated hues of slate blue and silver with colour pops of peach and floral prints .rosie for autograph beau silk lingerie set\n", - "rosie , 27 , shows off her new lingerie and sleepwear rangeshares her daily diet and says eating organic is an important investmentstars in mad max - fury road film , which is out this year\n", - "[1.2724031 1.4097091 1.427961 1.2106514 1.2701554 1.1701899 1.1006871\n", - " 1.1432762 1.0875169 1.0551666 1.1204149 1.0853858 1.0526389 1.0339142\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 4 3 5 7 10 6 8 11 9 12 13 16 14 15 17]\n", - "=======================\n", - "[\"harry kane and diego costa are locked on 19 goals in the race to finish as this season 's top scorer but rank fourth and fifth respectively , behind papiss cisse and olivier giroud .glenn murray has scored a goal on average every 91 minutes this season - giving him a better minutes-per-goal ratio than anyone else in the top flight .manchester city are coming up against statistically the deadliest striker in the premier league when they face crystal palace on easter monday .\"]\n", - "=======================\n", - "['glenn murray has scored four goals in 364 minutes this seasoncrystal palace striker has best minutes-per-goal ratio in premier leagueolivier giroud third on the list , harry kane fourth , diego costa fifth']\n", - "harry kane and diego costa are locked on 19 goals in the race to finish as this season 's top scorer but rank fourth and fifth respectively , behind papiss cisse and olivier giroud .glenn murray has scored a goal on average every 91 minutes this season - giving him a better minutes-per-goal ratio than anyone else in the top flight .manchester city are coming up against statistically the deadliest striker in the premier league when they face crystal palace on easter monday .\n", - "glenn murray has scored four goals in 364 minutes this seasoncrystal palace striker has best minutes-per-goal ratio in premier leagueolivier giroud third on the list , harry kane fourth , diego costa fifth\n", - "[1.1949909 1.3283687 1.2875291 1.149496 1.2374758 1.1018447 1.0605543\n", - " 1.0567384 1.0606622 1.1111665 1.1026391 1.0501212 1.0432236 1.0679458\n", - " 1.0492926 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 0 3 9 10 5 13 8 6 7 11 14 12 15 16 17]\n", - "=======================\n", - "[\"on a day when a new quinnipiac university poll found only 38 per cent of americans believe she is honest and trustworthy , the leading democratic party candidate for president has a mess to clean up .part of it will involve the bill , hillary and chelsea clinton foundation re-filing some of its annual tax returns to correct errors in how it has reported income from foreign governments .hillary clinton ( seen wednesday at georgetown university ) was helping approve russia 's purchase of us uranium production as her foundation received millions from executives tied to the deal\"]\n", - "=======================\n", - "[\"hillary clinton seen as honest and trustworthy by just 38 per cent of americans , new poll showsnew headaches include revelations about foreign funds flowing into the clintons ' family foundation while she was secretary of state$ 2.35 million came from family foundation of company chairman involved in selling canadian uranium company to russian state-owned firmhillary helped approve that $ 610 million sale in 2010 , which gave vladimir putin-linked company control over one-fifth of america 's uraniumbill clinton received $ 26 million in speaking fees from foundation donors , including $ 500,000 from an investment bank tied to putin and the kremlinchelsea clinton defended the foundation that now bears her name , saying it 's ` among the most transparent ' philanthropies in the us\"]\n", - "on a day when a new quinnipiac university poll found only 38 per cent of americans believe she is honest and trustworthy , the leading democratic party candidate for president has a mess to clean up .part of it will involve the bill , hillary and chelsea clinton foundation re-filing some of its annual tax returns to correct errors in how it has reported income from foreign governments .hillary clinton ( seen wednesday at georgetown university ) was helping approve russia 's purchase of us uranium production as her foundation received millions from executives tied to the deal\n", - "hillary clinton seen as honest and trustworthy by just 38 per cent of americans , new poll showsnew headaches include revelations about foreign funds flowing into the clintons ' family foundation while she was secretary of state$ 2.35 million came from family foundation of company chairman involved in selling canadian uranium company to russian state-owned firmhillary helped approve that $ 610 million sale in 2010 , which gave vladimir putin-linked company control over one-fifth of america 's uraniumbill clinton received $ 26 million in speaking fees from foundation donors , including $ 500,000 from an investment bank tied to putin and the kremlinchelsea clinton defended the foundation that now bears her name , saying it 's ` among the most transparent ' philanthropies in the us\n", - "[1.0764583 1.0831021 1.5040507 1.3816665 1.1223588 1.0642394 1.0475097\n", - " 1.2228549 1.1121459 1.0631323 1.1159847 1.0400248 1.0740312 1.0419452\n", - " 1.0309489 1.0143825 1.1651472 1.1860596]\n", - "\n", - "[ 2 3 7 17 16 4 10 8 1 0 12 5 9 6 13 11 14 15]\n", - "=======================\n", - "[\"nathan dailo , from sydney , uploaded a video to his youtube channel demonstrating how he gets his three-month-old son seth to drift off in just 42 seconds .the clip that has now received almost 26,000 views sees the father gliding a piece of white tissue paper over his son 's face repeatedly until he nods off .a father from sydney has worked out a way of making his baby fall asleep in 42 seconds\"]\n", - "=======================\n", - "[\"nathan dailo has found a way to get his son to sleep in 42 secondsin a youtube video he demonstrates how stroking his 3-month-old son 's face with a white piece of tissue paper sends him to sleepthe video has received almost 26,000 views in just two weeks\"]\n", - "nathan dailo , from sydney , uploaded a video to his youtube channel demonstrating how he gets his three-month-old son seth to drift off in just 42 seconds .the clip that has now received almost 26,000 views sees the father gliding a piece of white tissue paper over his son 's face repeatedly until he nods off .a father from sydney has worked out a way of making his baby fall asleep in 42 seconds\n", - "nathan dailo has found a way to get his son to sleep in 42 secondsin a youtube video he demonstrates how stroking his 3-month-old son 's face with a white piece of tissue paper sends him to sleepthe video has received almost 26,000 views in just two weeks\n", - "[1.2594024 1.4905384 1.0944282 1.4540359 1.1875165 1.19882 1.0640861\n", - " 1.0309755 1.0120081 1.0126989 1.0423383 1.0110658 1.0217654 1.1000743\n", - " 1.0477213 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 5 4 13 2 6 14 10 7 12 9 8 11 16 15 17]\n", - "=======================\n", - "['powering past aston villa was their 13th victory in 16 premier league matches at old trafford and they have accumulated more points on their own territory , 40 , than anyone else .wayne rooney ( centre ) scored a stunning half-volley as manchester united beat aston villa 3-1 in the premier league on saturdaylouis van gaal has found the best way to keep manchester united fans happy is to win at home .']\n", - "=======================\n", - "[\"ander herrera put manchester united ahead just before half-time with a low left-footed effortwayne rooney doubled united 's lead with a beautiful half-volley on 79 minutes at old traffordchristian benteke pulled one back for the visitors a minute later after a rare david de gea errorherrera added a third in the closing stages of the first half to complete the scoreline for the red devilsplayer ratings - herrera shines as louis van gaal 's side triumph to move above manchester city into third\"]\n", - "powering past aston villa was their 13th victory in 16 premier league matches at old trafford and they have accumulated more points on their own territory , 40 , than anyone else .wayne rooney ( centre ) scored a stunning half-volley as manchester united beat aston villa 3-1 in the premier league on saturdaylouis van gaal has found the best way to keep manchester united fans happy is to win at home .\n", - "ander herrera put manchester united ahead just before half-time with a low left-footed effortwayne rooney doubled united 's lead with a beautiful half-volley on 79 minutes at old traffordchristian benteke pulled one back for the visitors a minute later after a rare david de gea errorherrera added a third in the closing stages of the first half to complete the scoreline for the red devilsplayer ratings - herrera shines as louis van gaal 's side triumph to move above manchester city into third\n", - "[1.393407 1.2520804 1.1702644 1.2785178 1.142186 1.0799098 1.1057862\n", - " 1.0934331 1.0554558 1.0903553 1.1031111 1.0693188 1.0533844 1.0671558\n", - " 1.0181369 1.0121044 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 6 10 7 9 5 11 13 8 12 14 15 16 17]\n", - "=======================\n", - "['the only other prisoner who rode in a police van with freddie gray on april 12 told investigators that he believed the 25-year-old was trying to hurt himself , according to a leaked affidavitthe report was leaked to the washington post under the proviso that the prisoner remains anonymous - raising questions about its accuracy and the favorable light which it shines on the baltimore police forcehowever , he claims he could not see what gray was doing , since they were separated by a metal partition .']\n", - "=======================\n", - "[\"the prisoner who rode in a police van with freddie gray on april 12 in baltimore says gray was trying to hurt himselfprisoner 's statement to investigators was part of an affidavit obtained wednesday by the washington postgray was arrested on april 12 for carrying a switchblade and transported to the hospital shortly after arriving at jailhe died a week later from spinal injuries ; how he received the fatal trauma is still under investigationthe fellow prisoner 's statement is the first detail released about what happened during the ridereport was released as family member of one of the six suspended police officers came forward to defend the copthe anonymous relatives says she believes gray was injured before he was put in the van , and that not all six officers are to blame\"]\n", - "the only other prisoner who rode in a police van with freddie gray on april 12 told investigators that he believed the 25-year-old was trying to hurt himself , according to a leaked affidavitthe report was leaked to the washington post under the proviso that the prisoner remains anonymous - raising questions about its accuracy and the favorable light which it shines on the baltimore police forcehowever , he claims he could not see what gray was doing , since they were separated by a metal partition .\n", - "the prisoner who rode in a police van with freddie gray on april 12 in baltimore says gray was trying to hurt himselfprisoner 's statement to investigators was part of an affidavit obtained wednesday by the washington postgray was arrested on april 12 for carrying a switchblade and transported to the hospital shortly after arriving at jailhe died a week later from spinal injuries ; how he received the fatal trauma is still under investigationthe fellow prisoner 's statement is the first detail released about what happened during the ridereport was released as family member of one of the six suspended police officers came forward to defend the copthe anonymous relatives says she believes gray was injured before he was put in the van , and that not all six officers are to blame\n", - "[1.2424237 1.2527924 1.1295397 1.0858327 1.236456 1.2556754 1.1846354\n", - " 1.1955088 1.1067617 1.1470056 1.0638494 1.054557 1.0389974 1.0486432\n", - " 1.0497468 1.0737995 1.0764325 1.0098108 1.0087913 1.0517852 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 5 1 0 4 7 6 9 2 8 3 16 15 10 11 19 14 13 12 17 18 23 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"mel greig spoke on her blog about how she was now starting ivf treatmenton wednesday , mel posted a blog post on her website titled ` are we embarrassed of ivf ? 'radio host mel greig , who once hit the headlines for her involvement in an infamous royal prank call , has started a personal crusade to help remove the stigma attached with ivf treatment .\"]\n", - "=======================\n", - "[\"australian radio host stands up for women going through ivf treatmentmel started her own ivf treatment and was showing solidarity with othersshe uploaded photographs of injecting herself for the first time on her blogi joined a new club ... it 's the ivf baby club , ' the 33-year-old saidshe married her fiancé steven pollack at byron bay in november\"]\n", - "mel greig spoke on her blog about how she was now starting ivf treatmenton wednesday , mel posted a blog post on her website titled ` are we embarrassed of ivf ? 'radio host mel greig , who once hit the headlines for her involvement in an infamous royal prank call , has started a personal crusade to help remove the stigma attached with ivf treatment .\n", - "australian radio host stands up for women going through ivf treatmentmel started her own ivf treatment and was showing solidarity with othersshe uploaded photographs of injecting herself for the first time on her blogi joined a new club ... it 's the ivf baby club , ' the 33-year-old saidshe married her fiancé steven pollack at byron bay in november\n", - "[1.1817722 1.0998309 1.0577468 1.1522416 1.082085 1.1846375 1.0983225\n", - " 1.1097038 1.0706649 1.1170087 1.0864989 1.0926154 1.1127733 1.0615541\n", - " 1.0722094 1.0837775 1.0720906 1.077121 1.0422636 1.0253435 1.0159466\n", - " 1.0330478 1.1151046 1.0417092 1.0367877]\n", - "\n", - "[ 5 0 3 9 22 12 7 1 6 11 10 15 4 17 14 16 8 13 2 18 23 24 21 19\n", - " 20]\n", - "=======================\n", - "['it was the only death reported so far in two days of tornado touchdowns .( cnn ) in her 40 years living in rochelle , illinois , cathy olson had never seen a tornado that big .farther north , in the rural illinois hamlet of fairdale , one person died as a twister shredded homes and ripped trees bare of leaves and most limbs .']\n", - "=======================\n", - "['at least one person died as a result of storms in illinois , an official saysfire department : rescuers searching for trapped victims in kirkland , illinois']\n", - "it was the only death reported so far in two days of tornado touchdowns .( cnn ) in her 40 years living in rochelle , illinois , cathy olson had never seen a tornado that big .farther north , in the rural illinois hamlet of fairdale , one person died as a twister shredded homes and ripped trees bare of leaves and most limbs .\n", - "at least one person died as a result of storms in illinois , an official saysfire department : rescuers searching for trapped victims in kirkland , illinois\n", - "[1.4813919 1.476631 1.2849706 1.3337984 1.0503317 1.0232866 1.0186365\n", - " 1.0299544 1.2594982 1.1895235 1.0440545 1.0478356 1.0238183 1.014407\n", - " 1.0480162 1.097148 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 8 9 15 4 14 11 10 7 12 5 6 13 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"kevin de bruyne 's agent has denied a deal in his place for his client to leave wolfsburg in the summer but admitted that a number of clubs are keeping an eye on the belgian star .de bruyne has become one of the hottest prospects in european football after starring in the bundesliga - being linked with manchester city and bayern munich .speaking to focus online , patrick de koster revealed that the midfielder is a wanted man but no deal for a move away is in place .\"]\n", - "=======================\n", - "['kevin de bruyne has been linked with a transfer away from wolfsburghis agent patrick de koster says that clubs are watching the belgian but denies a deal is in place with any team to buy the talented playmakerde bruyne has starred for the german side this season in the bundesliga']\n", - "kevin de bruyne 's agent has denied a deal in his place for his client to leave wolfsburg in the summer but admitted that a number of clubs are keeping an eye on the belgian star .de bruyne has become one of the hottest prospects in european football after starring in the bundesliga - being linked with manchester city and bayern munich .speaking to focus online , patrick de koster revealed that the midfielder is a wanted man but no deal for a move away is in place .\n", - "kevin de bruyne has been linked with a transfer away from wolfsburghis agent patrick de koster says that clubs are watching the belgian but denies a deal is in place with any team to buy the talented playmakerde bruyne has starred for the german side this season in the bundesliga\n", - "[1.198634 1.1952999 1.1471364 1.1848629 1.1644176 1.2763131 1.1432841\n", - " 1.0358316 1.0675639 1.1107748 1.0438219 1.0532776 1.074366 1.0577682\n", - " 1.1313016 1.0710257 1.2097739 1.0082638 1.0077786 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 5 16 0 1 3 4 2 6 14 9 12 15 8 13 11 10 7 17 18 23 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"james mccarthy finishes past david de gea to put everton ahead in just the fifth minute , following a blistering counter-attackjames mccarthy 's goal came from a swift counter-attack after manchester united had a corner .this time there was no man in a grim reaper costume waiting for the manchester united manager behind the dug-out at goodison park .\"]\n", - "=======================\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[\"james mccarthy puts everton ahead after 5 minutes as everton counter-attack at speedjohn stones doubles host side 's advantage with brilliant header from a corner in 35th minutekevin mirallas takes advantage of poor manchester united defending to make it 3-0 late on\"]\n", - "james mccarthy finishes past david de gea to put everton ahead in just the fifth minute , following a blistering counter-attackjames mccarthy 's goal came from a swift counter-attack after manchester united had a corner .this time there was no man in a grim reaper costume waiting for the manchester united manager behind the dug-out at goodison park .\n", - "james mccarthy puts everton ahead after 5 minutes as everton counter-attack at speedjohn stones doubles host side 's advantage with brilliant header from a corner in 35th minutekevin mirallas takes advantage of poor manchester united defending to make it 3-0 late on\n", - "[1.315423 1.3733749 1.265341 1.374893 1.1446126 1.1780261 1.2143828\n", - " 1.2431049 1.0717505 1.0817566 1.1020311 1.0668195 1.0789669 1.0436957\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 2 7 6 5 4 10 9 12 8 11 13 23 14 15 16 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"andre ayew is out of contract at marseille this summer , and swansea have joined the chase for his signatureswansea have made a contract offer to marseille striker andre ayew .ayew , who scored for ghana against world champions germany and usa in last summer 's world cup , has also attracted offers from newcastle and everton while wolfsburg and borussia dortmund have expressed interest too .\"]\n", - "=======================\n", - "['andre ayew is free to talk to foreign clubs with his marseille contract expiring at the end of the seasonghana international has received offers from swansea , newcastle and everton while wolfsburg and borussia dortmund are interestedthe swans are also chasing schalke defender christian fuchs']\n", - "andre ayew is out of contract at marseille this summer , and swansea have joined the chase for his signatureswansea have made a contract offer to marseille striker andre ayew .ayew , who scored for ghana against world champions germany and usa in last summer 's world cup , has also attracted offers from newcastle and everton while wolfsburg and borussia dortmund have expressed interest too .\n", - "andre ayew is free to talk to foreign clubs with his marseille contract expiring at the end of the seasonghana international has received offers from swansea , newcastle and everton while wolfsburg and borussia dortmund are interestedthe swans are also chasing schalke defender christian fuchs\n", - "[1.1479834 1.3106081 1.1152662 1.1734192 1.0948633 1.5658239 1.1477945\n", - " 1.1466931 1.0190601 1.2247603 1.060038 1.024719 1.0172517 1.0089353\n", - " 1.0070319 1.0085442 1.2269534 1.0174755 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 5 1 16 9 3 0 6 7 2 4 10 11 8 17 12 13 15 14 18 19 20 21 22 23]\n", - "=======================\n", - "[\"justin rose hit 17 out of 18 greens in regulation and signed for a 69 at the shell houston opena bruising florida swing last month saw the englishman fall outside the world 's top 10 .phil mickelson enjoyed his best round in months with a 66 on thursday\"]\n", - "=======================\n", - "['justin rose bounced back from florida misery by carding 69 in houstonthree-time masters champion phil mickelson enjoyed return to formpaul casey celebrated last-gasp masters invitation with fine round of 68']\n", - "justin rose hit 17 out of 18 greens in regulation and signed for a 69 at the shell houston opena bruising florida swing last month saw the englishman fall outside the world 's top 10 .phil mickelson enjoyed his best round in months with a 66 on thursday\n", - "justin rose bounced back from florida misery by carding 69 in houstonthree-time masters champion phil mickelson enjoyed return to formpaul casey celebrated last-gasp masters invitation with fine round of 68\n", - "[1.1217871 1.2357123 1.3874162 1.19093 1.1393981 1.1498791 1.1098714\n", - " 1.1177787 1.2232726 1.0437758 1.0430374 1.1113724 1.0242621 1.1013938\n", - " 1.0821831 1.0499309 1.124187 1.0860955 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 1 8 3 5 4 16 0 7 11 6 13 17 14 15 9 10 12 22 18 19 20 21 23]\n", - "=======================\n", - "['footage shows the skater confidently sailing down a concrete slope in santa monica , los angeles , before he loses balance and falls headfirst .but this stomach-churning clip of a longboarder crashing downhill at high speed certainly serves as a warning to wear a helmet .for a short moment he scrapes along the ground on his stomach .']\n", - "=======================\n", - "['footage shows the skater confidently sailing down a concrete slope in santa monica , los angeles , before he loses balance and falls headfirstas his friends go to investigate , blood is seen pouring from his face']\n", - "footage shows the skater confidently sailing down a concrete slope in santa monica , los angeles , before he loses balance and falls headfirst .but this stomach-churning clip of a longboarder crashing downhill at high speed certainly serves as a warning to wear a helmet .for a short moment he scrapes along the ground on his stomach .\n", - "footage shows the skater confidently sailing down a concrete slope in santa monica , los angeles , before he loses balance and falls headfirstas his friends go to investigate , blood is seen pouring from his face\n", - "[1.2305386 1.464024 1.2509433 1.1652771 1.1622868 1.0388246 1.2140973\n", - " 1.102608 1.1007696 1.0304546 1.021436 1.0316257 1.055056 1.0701191\n", - " 1.0729016 1.0231065 1.0149981 1.051878 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 6 3 4 7 8 14 13 12 17 5 11 9 15 10 16 18 19 20 21 22 23]\n", - "=======================\n", - "[\"the disgraced espn sports reporter has been suspended for a week after footage emerged of her telling single mother-of-three gina michelle : ` i 'm on tv and you 're in a f -- ing trailer , honey . 'but just a month earlier she used similar language to berate an arkansas attorney and women 's rights campaigner on twitter .her vicious attack on a tow company clerk was not britt mchenry 's first brush with conflict .\"]\n", - "=======================\n", - "[\"arkansas attorney sarah sparkman observed women are sexualized on tvsomeone replied and mentioned britt mchenry , but did n't tag the reporterhowever , mchenry found the post and began lashing out at sparkmanshe called her a ` rando ' , insulted her appearance , and mocked her for ` bashing more successful ppl on twitter 'echoes how mchenry told tow clerk : ` i 'm on tv , you 're in a f -- ing trailer '\"]\n", - "the disgraced espn sports reporter has been suspended for a week after footage emerged of her telling single mother-of-three gina michelle : ` i 'm on tv and you 're in a f -- ing trailer , honey . 'but just a month earlier she used similar language to berate an arkansas attorney and women 's rights campaigner on twitter .her vicious attack on a tow company clerk was not britt mchenry 's first brush with conflict .\n", - "arkansas attorney sarah sparkman observed women are sexualized on tvsomeone replied and mentioned britt mchenry , but did n't tag the reporterhowever , mchenry found the post and began lashing out at sparkmanshe called her a ` rando ' , insulted her appearance , and mocked her for ` bashing more successful ppl on twitter 'echoes how mchenry told tow clerk : ` i 'm on tv , you 're in a f -- ing trailer '\n", - "[1.2383236 1.4944072 1.4778525 1.0434519 1.0318726 1.0854979 1.0703934\n", - " 1.2827735 1.0855477 1.0967495 1.0367723 1.1420363 1.0234603 1.0141253\n", - " 1.0289695 1.0595104 1.0207986 1.009362 1.0085807 1.043868 1.0480781\n", - " 1.0058537 1.018693 1.0071392]\n", - "\n", - "[ 1 2 7 0 11 9 8 5 6 15 20 19 3 10 4 14 12 16 22 13 17 18 23 21]\n", - "=======================\n", - "[\"goals from cristiano ronaldo ( five , yes , five ) , karim benzema ( two ) , gareth bale and a diego mainz own goal secure a huge win .robert ibanez scored granada 's consolation .final score , real madrid 9-1 granada .\"]\n", - "=======================\n", - "[\"real madrid take on granada in la liga early sunday kick-offcarlo ancelotti 's side four points off barcelona in the title racereal were beaten 2-1 in el clasico last time out before international break\"]\n", - "goals from cristiano ronaldo ( five , yes , five ) , karim benzema ( two ) , gareth bale and a diego mainz own goal secure a huge win .robert ibanez scored granada 's consolation .final score , real madrid 9-1 granada .\n", - "real madrid take on granada in la liga early sunday kick-offcarlo ancelotti 's side four points off barcelona in the title racereal were beaten 2-1 in el clasico last time out before international break\n", - "[1.1372489 1.4439305 1.1331879 1.2730463 1.1851797 1.0811754 1.0607575\n", - " 1.1253403 1.0247651 1.0801879 1.1801618 1.0625619 1.1296384 1.1103952\n", - " 1.0803336 1.0789192 1.0750194 1.0528305 1.0733645 1.0368305 1.0387838\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 10 0 2 12 7 13 5 14 9 15 16 18 11 6 17 20 19 8 21 22 23]\n", - "=======================\n", - "[\"madison avery crotty , from san diego , is seen screaming and crying until her doting dad decides to try out his terrifying impersonation .buddy had tried out several types of ` white noise ' sounds to try and get madison to sleep .it has been viewed more than 4,000 times .\"]\n", - "=======================\n", - "['madison crotty , from san diego in california , is seen screaming and cryingvideo posted online by her father buddy shows how he gets her to sleephe copies the scuba tank breathing made famous by villain darth vader']\n", - "madison avery crotty , from san diego , is seen screaming and crying until her doting dad decides to try out his terrifying impersonation .buddy had tried out several types of ` white noise ' sounds to try and get madison to sleep .it has been viewed more than 4,000 times .\n", - "madison crotty , from san diego in california , is seen screaming and cryingvideo posted online by her father buddy shows how he gets her to sleephe copies the scuba tank breathing made famous by villain darth vader\n", - "[1.2026743 1.49415 1.399169 1.2849646 1.2965117 1.127924 1.1457536\n", - " 1.0902207 1.0320846 1.0403272 1.1426438 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 0 6 10 5 7 9 8 11 12 13 14 15 16 17 18]\n", - "=======================\n", - "['cameron thomas philp was passing a crime scene at highgate hill in brisbane on may 3 , 2013 when he graffitied and spat on the side of the vehicle .mr philp fronted brisbane magistrates court on friday and pleaded guilty to wilful damage of police property .he was fined $ 300 but avoided a conviction , reports courier mail .']\n", - "=======================\n", - "['cameron thomas philp vandalised and spat on the vehicle in 2013the forensic officer swabbed the spit and found philp from his dnahe pleaded guilty to wilful damage of police property and was fined $ 300mr philp claimed it was out of character but he has similar convictions']\n", - "cameron thomas philp was passing a crime scene at highgate hill in brisbane on may 3 , 2013 when he graffitied and spat on the side of the vehicle .mr philp fronted brisbane magistrates court on friday and pleaded guilty to wilful damage of police property .he was fined $ 300 but avoided a conviction , reports courier mail .\n", - "cameron thomas philp vandalised and spat on the vehicle in 2013the forensic officer swabbed the spit and found philp from his dnahe pleaded guilty to wilful damage of police property and was fined $ 300mr philp claimed it was out of character but he has similar convictions\n", - "[1.4634527 1.2915254 1.3375877 1.5265808 1.208493 1.0381224 1.0285604\n", - " 1.0370326 1.0357122 1.0255686 1.0173521 1.0214065 1.0188828 1.0516568\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 1 4 13 5 7 8 6 9 11 12 10 17 14 15 16 18]\n", - "=======================\n", - "[\"dumbarton boss ian murray believes that rangers will struggle to maintain their pace through the run-inian murray reckons a supposedly easier run-in can swing second place hibs ' way ahead of rangers in the last month of the championship season .but while stuart mccall 's men have the momentum at present - beating hibs and cowdenbeath while alan stubbs ' men also lost to raith - murray would n't be surprised to see the balance of power swing back towards easter road before long .\"]\n", - "=======================\n", - "[\"dumbarton boss ian murray believes rangers ' tough run-in could mean they miss out on second place in the scottish championship to hibernianrangers face difficult fixtures against hearts and queen of the southmurray played for both rangers and hibs during his career\"]\n", - "dumbarton boss ian murray believes that rangers will struggle to maintain their pace through the run-inian murray reckons a supposedly easier run-in can swing second place hibs ' way ahead of rangers in the last month of the championship season .but while stuart mccall 's men have the momentum at present - beating hibs and cowdenbeath while alan stubbs ' men also lost to raith - murray would n't be surprised to see the balance of power swing back towards easter road before long .\n", - "dumbarton boss ian murray believes rangers ' tough run-in could mean they miss out on second place in the scottish championship to hibernianrangers face difficult fixtures against hearts and queen of the southmurray played for both rangers and hibs during his career\n", - "[1.5196161 1.3468959 1.3323281 1.2870666 1.4029076 1.3193719 1.0435585\n", - " 1.0366955 1.022047 1.0177423 1.0730757 1.0416037 1.0893013 1.0116051\n", - " 1.010697 1.0088797 1.0087898 1.007762 1.0100473]\n", - "\n", - "[ 0 4 1 2 5 3 12 10 6 11 7 8 9 13 14 18 15 16 17]\n", - "=======================\n", - "[\"kenny jackett has told his wolves players they must maintain their focus and follow up victory over nottingham forest with another over leeds united on monday .bakary sako celebrates after scoring wolves ' second goal in a 2-1 win at nottingham forest on good fridaythe wolves boss believes it is now just the top eight in the sky bet championship who are fighting it out for the play-off places , with their 2-1 success at the city ground all but ending the reds ' chances of making a late push .\"]\n", - "=======================\n", - "[\"wolves beat nottingham forest to continue their push towards the playoff places and all but end their opposition 's chances of promotionwolves are seventh , level on points with sixth-placed ipswichkenny jackett believes his side must maintain their focus to stay in touchthey face leeds united in their next encounter , on easter monday\"]\n", - "kenny jackett has told his wolves players they must maintain their focus and follow up victory over nottingham forest with another over leeds united on monday .bakary sako celebrates after scoring wolves ' second goal in a 2-1 win at nottingham forest on good fridaythe wolves boss believes it is now just the top eight in the sky bet championship who are fighting it out for the play-off places , with their 2-1 success at the city ground all but ending the reds ' chances of making a late push .\n", - "wolves beat nottingham forest to continue their push towards the playoff places and all but end their opposition 's chances of promotionwolves are seventh , level on points with sixth-placed ipswichkenny jackett believes his side must maintain their focus to stay in touchthey face leeds united in their next encounter , on easter monday\n", - "[1.1032357 1.1007538 1.15529 1.356431 1.2873135 1.2268776 1.2268633\n", - " 1.0623342 1.019299 1.0873036 1.1148857 1.0135623 1.09931 1.0532523\n", - " 1.0156978 1.0974203 1.0388219 1.0161438 0. ]\n", - "\n", - "[ 3 4 5 6 2 10 0 1 12 15 9 7 13 16 8 17 14 11 18]\n", - "=======================\n", - "[\"the website , called how old do i look , it allows people to analyse any image found on bing , microsoft 's search engine , or upload their own .it even allows users to search for celebrities - and see what microsoft thinks their real ages are .looking good : the app , by microsoft , believed that 69-year-old helen mirren - lauded for her youthful appearance and character - was actually 55\"]\n", - "=======================\n", - "['site can analyze any photo and will guess the age and sexsaid 30-year-old khloe kardashian looks 44microsoft app also determined obama looks the right age of 53users can search for photos on bing or upload their own']\n", - "the website , called how old do i look , it allows people to analyse any image found on bing , microsoft 's search engine , or upload their own .it even allows users to search for celebrities - and see what microsoft thinks their real ages are .looking good : the app , by microsoft , believed that 69-year-old helen mirren - lauded for her youthful appearance and character - was actually 55\n", - "site can analyze any photo and will guess the age and sexsaid 30-year-old khloe kardashian looks 44microsoft app also determined obama looks the right age of 53users can search for photos on bing or upload their own\n", - "[1.4440169 1.2312108 1.3900145 1.2059081 1.2737706 1.1190212 1.0865862\n", - " 1.1536331 1.0185797 1.017829 1.033421 1.0799841 1.0557687 1.0154471\n", - " 1.0118595 1.0092701 1.2340301 1.0351133 0. ]\n", - "\n", - "[ 0 2 4 16 1 3 7 5 6 11 12 17 10 8 9 13 14 15 18]\n", - "=======================\n", - "['mike and susan fortuna , of shelburne are accusing allergan of failing to warn of dangers , negligence and breach of the vermont consumer fraud act in treating their daughter , mandytheir lawyer said 7-year-old joshua drake developed epilepsy after getting botox injections for his leg spasms caused by cerebral palsy .off-label : mandy fortuna suffered from cerebral palsy and was treated for spasms using botox off-label']\n", - "=======================\n", - "['susan and mike fortuna of shelburne , vermont say their daughter mandy suffered an unexplained health deterioration soon after treatmentthe parents learned their daughter had been treated by the same doctor who previously caused a 7-year-old boy to overdose , lawyers sayin that case , botox maker allergan was forced to pay the family nearly $ 7million']\n", - "mike and susan fortuna , of shelburne are accusing allergan of failing to warn of dangers , negligence and breach of the vermont consumer fraud act in treating their daughter , mandytheir lawyer said 7-year-old joshua drake developed epilepsy after getting botox injections for his leg spasms caused by cerebral palsy .off-label : mandy fortuna suffered from cerebral palsy and was treated for spasms using botox off-label\n", - "susan and mike fortuna of shelburne , vermont say their daughter mandy suffered an unexplained health deterioration soon after treatmentthe parents learned their daughter had been treated by the same doctor who previously caused a 7-year-old boy to overdose , lawyers sayin that case , botox maker allergan was forced to pay the family nearly $ 7million\n", - "[1.3599777 1.1934011 1.4182194 1.2242479 1.1139144 1.1342801 1.0972078\n", - " 1.1139311 1.0820165 1.1318293 1.0669036 1.0254954 1.0504831 1.0670506\n", - " 1.0647743 1.0263805 1.04744 1.0551648 1.039564 1.1493979 1.0956254\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 3 1 19 5 9 7 4 6 20 8 13 10 14 17 12 16 18 15 11 21 22]\n", - "=======================\n", - "[\"elena udrea , 41 , was investigated over claims during her time as the country 's tourism minister that she had accepted bribes worth an estimated # 1.3 million .romania is regarded as one of the most corrupt countries in the european union .she is a close ally of former president traian basescu .\"]\n", - "=======================\n", - "['elena udrea , 41 , is accused of abusing her position in governmentudrea was a member of the romanian government for four years until 2012prosecutors claim she accepted bribes worth an estimated # 1.3 millionthe former presidential candidate strongly denies all of the allegations']\n", - "elena udrea , 41 , was investigated over claims during her time as the country 's tourism minister that she had accepted bribes worth an estimated # 1.3 million .romania is regarded as one of the most corrupt countries in the european union .she is a close ally of former president traian basescu .\n", - "elena udrea , 41 , is accused of abusing her position in governmentudrea was a member of the romanian government for four years until 2012prosecutors claim she accepted bribes worth an estimated # 1.3 millionthe former presidential candidate strongly denies all of the allegations\n", - "[1.0667869 1.0704288 1.0807203 1.059748 1.129725 1.3371369 1.1421461\n", - " 1.3091316 1.0292805 1.1066562 1.0342636 1.0204113 1.0220733 1.0184271\n", - " 1.0185102 1.1799847 1.0286554 1.0172362 1.0305457 1.045648 1.0196645\n", - " 0. 0. ]\n", - "\n", - "[ 5 7 15 6 4 9 2 1 0 3 19 10 18 8 16 12 11 20 14 13 17 21 22]\n", - "=======================\n", - "['the trail , which runs down the mountainous spine of the island , happens to be the toughest trek in europe .the golo valley , where the ancient sentiers de transhumance used for more than 1,000 years beginsthe corsican mouflon , or mountain sheep , make easy work of the tough gr20 hiking trail']\n", - "=======================\n", - "[\"sentiers de transhumance track 's been used by shepherd for centuriessign-posted route is an easier equivalent to the famed gr20 hiking trailaccommodation ranged from small auberges to family-run hotelsin the seaside resort of porto a 16th century genoese tower stands guard\"]\n", - "the trail , which runs down the mountainous spine of the island , happens to be the toughest trek in europe .the golo valley , where the ancient sentiers de transhumance used for more than 1,000 years beginsthe corsican mouflon , or mountain sheep , make easy work of the tough gr20 hiking trail\n", - "sentiers de transhumance track 's been used by shepherd for centuriessign-posted route is an easier equivalent to the famed gr20 hiking trailaccommodation ranged from small auberges to family-run hotelsin the seaside resort of porto a 16th century genoese tower stands guard\n", - "[1.397818 1.4037845 1.3730946 1.2528913 1.3680427 1.052213 1.0374638\n", - " 1.1112285 1.130301 1.1532296 1.1366316 1.0139998 1.0089194 1.0137221\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 2 4 3 9 10 8 7 5 6 11 13 12 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"despite widespread speculation about a pending deal with former mainz coach thomas tuchel , hamburg said they had agreed on a 15-month contract with labbadia , who had coached them in 2009-10 .struggling hamburg have appointed bruno labbadia as their new coach with immediate effect in a surprise decision with the former european champions anchored in last place with six matches left .the coach 's contract is also valid for the second division should hamburg be relegated .\"]\n", - "=======================\n", - "['hamburg sacked joe zinnbauer in march with peter knaebel taking overknaebel has now returned to his original post as sports directorclub has been in talks with thomas tuchel but could not reach agreementhamburg appointed former coach bruno labbadia on 15-month contract']\n", - "despite widespread speculation about a pending deal with former mainz coach thomas tuchel , hamburg said they had agreed on a 15-month contract with labbadia , who had coached them in 2009-10 .struggling hamburg have appointed bruno labbadia as their new coach with immediate effect in a surprise decision with the former european champions anchored in last place with six matches left .the coach 's contract is also valid for the second division should hamburg be relegated .\n", - "hamburg sacked joe zinnbauer in march with peter knaebel taking overknaebel has now returned to his original post as sports directorclub has been in talks with thomas tuchel but could not reach agreementhamburg appointed former coach bruno labbadia on 15-month contract\n", - "[1.1856506 1.4116969 1.2338842 1.3815894 1.335367 1.1477449 1.1848171\n", - " 1.0915265 1.0320903 1.0200627 1.0248001 1.0224746 1.0209266 1.0586741\n", - " 1.0198611 1.0313361 1.0130297 1.0115721 1.0103966 1.1010292 1.0438534\n", - " 1.1077173 1.0302519]\n", - "\n", - "[ 1 3 4 2 0 6 5 21 19 7 13 20 8 15 22 10 11 12 9 14 16 17 18]\n", - "=======================\n", - "['despite being morbidly obese , bettie jo , from houston , texas , lived off a diet of fried chicken and barbecue sauce , and was unable to care for herself , meaning josh had to do everything for her .at 47 stone ( 660lb ) bettie jo was housebound and unable to tend to her own needsbettie jo now weighs 35st 8lbs ( 500lbs ) .']\n", - "=======================\n", - "[\"bettie jo , 24 , from houston , was morbidly obese at almost 47st ( 660lbs )husband josh tended to her basic needs including showering and eatinglast year she was given bariatric surgeryhusband sabotaged her efforts to diet as still wanted to feel neededrelationship therapy and near death scare helped couple back on trackwith josh 's help bettie jo now weighs 35st 8lbs\"]\n", - "despite being morbidly obese , bettie jo , from houston , texas , lived off a diet of fried chicken and barbecue sauce , and was unable to care for herself , meaning josh had to do everything for her .at 47 stone ( 660lb ) bettie jo was housebound and unable to tend to her own needsbettie jo now weighs 35st 8lbs ( 500lbs ) .\n", - "bettie jo , 24 , from houston , was morbidly obese at almost 47st ( 660lbs )husband josh tended to her basic needs including showering and eatinglast year she was given bariatric surgeryhusband sabotaged her efforts to diet as still wanted to feel neededrelationship therapy and near death scare helped couple back on trackwith josh 's help bettie jo now weighs 35st 8lbs\n", - "[1.2070407 1.3831273 1.0520425 1.3292552 1.2312952 1.1646719 1.0873832\n", - " 1.0656465 1.0533644 1.0293643 1.1903358 1.0486884 1.0591469 1.021395\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 4 0 10 5 6 7 12 8 2 11 9 13 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"having won last year 's race on pineau de re , 38-year-old leighton aspell , who once walked away from the sport for 18 months after becoming disillusioned , became the first rider since bryan marshall , who won on royal tan and early mist in 1953 and 1954 , to land the biggest jumps race of the year in successive years on different horses .many clouds was a third winner of the race for owner trevor hemmings .the man who owns both blackpool tower and preston north end has also won the race with hedgehunter in 2005 and ballabriggs in 2011 .\"]\n", - "=======================\n", - "['cloud nine ridden by leighton aspell won the grand national at aintreeap mccoy finished fifth on shutthefrontdoor in his final ever nationalaspell has won two years running after 2014 success on pineau de resaint are finished second while monbeg dude made up the top threeaspell said mccoy is as good in defeat as he is when he is winning']\n", - "having won last year 's race on pineau de re , 38-year-old leighton aspell , who once walked away from the sport for 18 months after becoming disillusioned , became the first rider since bryan marshall , who won on royal tan and early mist in 1953 and 1954 , to land the biggest jumps race of the year in successive years on different horses .many clouds was a third winner of the race for owner trevor hemmings .the man who owns both blackpool tower and preston north end has also won the race with hedgehunter in 2005 and ballabriggs in 2011 .\n", - "cloud nine ridden by leighton aspell won the grand national at aintreeap mccoy finished fifth on shutthefrontdoor in his final ever nationalaspell has won two years running after 2014 success on pineau de resaint are finished second while monbeg dude made up the top threeaspell said mccoy is as good in defeat as he is when he is winning\n", - "[1.3354243 1.4116137 1.2295383 1.2077117 1.1873106 1.0430372 1.0169027\n", - " 1.0258645 1.0831311 1.0503775 1.1594623 1.0902852 1.1218652 1.0651431\n", - " 1.0344654 1.0512222 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 10 12 11 8 13 15 9 5 14 7 6 19 16 17 18 20]\n", - "=======================\n", - "['the son of the late attorney general robert kennedy is a vaccine critic and is currently trying to stop a bill in the state that would make childhood immunizations mandatoryvaccine critic : robert f kennedy jr spoke at a documentary screening in sacramento , california on tuesday .the documentary purports that there is a connection between thimerosal - a chemical found in several childhood vaccines - and a rise in autism among american children - despite the majority of the scientific community dismissing any connection .']\n", - "=======================\n", - "[\"the nephew of president john f kennedy attended the screening of a anti-vaccination documentary tuesday in sacramento , californiathe california state legislature is currently deciding a bill that would make vaccinations mandatory for all children - no matter their parents ' beliefsrfk jr is a vaccine skeptic and believes there is a connection between an immunization chemical called thimerosal and autismthe scientific community at large says vaccines are not dangerous\"]\n", - "the son of the late attorney general robert kennedy is a vaccine critic and is currently trying to stop a bill in the state that would make childhood immunizations mandatoryvaccine critic : robert f kennedy jr spoke at a documentary screening in sacramento , california on tuesday .the documentary purports that there is a connection between thimerosal - a chemical found in several childhood vaccines - and a rise in autism among american children - despite the majority of the scientific community dismissing any connection .\n", - "the nephew of president john f kennedy attended the screening of a anti-vaccination documentary tuesday in sacramento , californiathe california state legislature is currently deciding a bill that would make vaccinations mandatory for all children - no matter their parents ' beliefsrfk jr is a vaccine skeptic and believes there is a connection between an immunization chemical called thimerosal and autismthe scientific community at large says vaccines are not dangerous\n", - "[1.4044315 1.2200081 1.297266 1.2088213 1.3440188 1.1951048 1.1376904\n", - " 1.0441091 1.0884836 1.0649985 1.0575116 1.1932169 1.1589065 1.0687159\n", - " 1.0214744 1.0097637 1.0084033 1.0126042 1.0075043 1.0074054 1.0791311]\n", - "\n", - "[ 0 4 2 1 3 5 11 12 6 8 20 13 9 10 7 14 17 15 16 18 19]\n", - "=======================\n", - "['toxicology results released monday show linden , new jersey police officer pedro abad ( pictured ) had three times the legal limit of alcohol in his system when he crashed his car last monthlinden officer frank viggiano and friend joe rodriguez were killed ; abad and officer patrik kudlac were critically injured .toxicology results show that an off-duty new jersey officer was drunk when he caused a wrong-way crash that killed another officer and a friend on a new york city highway , a staten island prosecutor said monday .']\n", - "=======================\n", - "['pedro abad was driving with two fellow linden , new jersey police officers and a friend on march 20 when he crashed head-on with a tractor-trailertoxicology tests revealed monday show abad had a .24 blood-alcohol content - three times the legal limitabad and officer patrik kudlac were critically-injured in thecrash , while officer frank viggiano and friend joe rodriguez were killed']\n", - "toxicology results released monday show linden , new jersey police officer pedro abad ( pictured ) had three times the legal limit of alcohol in his system when he crashed his car last monthlinden officer frank viggiano and friend joe rodriguez were killed ; abad and officer patrik kudlac were critically injured .toxicology results show that an off-duty new jersey officer was drunk when he caused a wrong-way crash that killed another officer and a friend on a new york city highway , a staten island prosecutor said monday .\n", - "pedro abad was driving with two fellow linden , new jersey police officers and a friend on march 20 when he crashed head-on with a tractor-trailertoxicology tests revealed monday show abad had a .24 blood-alcohol content - three times the legal limitabad and officer patrik kudlac were critically-injured in thecrash , while officer frank viggiano and friend joe rodriguez were killed\n", - "[1.492609 1.4808422 1.2346147 1.134461 1.0487316 1.2405074 1.0740037\n", - " 1.0277771 1.0188582 1.0613087 1.0297165 1.0208755 1.0332869 1.1116275\n", - " 1.0968577 1.0651876 1.0798212 1.0931255 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 2 3 13 14 17 16 6 15 9 4 12 10 7 11 8 19 18 20]\n", - "=======================\n", - "[\"jose mourinho revealed he prepared his chelsea players to deal with the threat of manchester united 's marouane fellaini all week -- only to be told by a hotel doorman that the belgian was not playing .mourinho planned for kurt zouma to man mark fellaini - with teenager ruben loftus-cheek playing the 6ft 4in midfielder in training .chelsea manager jose mourinho has admitted his side were confused as to whether fellaini was playing\"]\n", - "=======================\n", - "[\"chelsea boss jose mourinho had prepared specific tactics for dealing with the threat of manchester united midfielder marouane fellainihowever , ahead of the game at stamford bridge , mourinho was told by a hotel doorman that fellaini would not be playingthe doorman had seen who he had thought was fellaini pick up some tickets from chelsea forward eden hazarda google images search revealed that person to be fellaini 's twin brotherfellaini did play against chelsea but was dealt with by kurt zouma\"]\n", - "jose mourinho revealed he prepared his chelsea players to deal with the threat of manchester united 's marouane fellaini all week -- only to be told by a hotel doorman that the belgian was not playing .mourinho planned for kurt zouma to man mark fellaini - with teenager ruben loftus-cheek playing the 6ft 4in midfielder in training .chelsea manager jose mourinho has admitted his side were confused as to whether fellaini was playing\n", - "chelsea boss jose mourinho had prepared specific tactics for dealing with the threat of manchester united midfielder marouane fellainihowever , ahead of the game at stamford bridge , mourinho was told by a hotel doorman that fellaini would not be playingthe doorman had seen who he had thought was fellaini pick up some tickets from chelsea forward eden hazarda google images search revealed that person to be fellaini 's twin brotherfellaini did play against chelsea but was dealt with by kurt zouma\n", - "[1.4454684 1.2193906 1.1303833 1.137418 1.1730343 1.1128106 1.0881088\n", - " 1.0911726 1.1006187 1.0475122 1.0740215 1.120503 1.0507926 1.1070468\n", - " 1.0412791 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 3 2 11 5 13 8 7 6 10 12 9 14 15 16 17 18 19 20]\n", - "=======================\n", - "['( cnn ) slamming world powers \\' framework nuclear deal with iran , israeli prime minister benjamin netanyahu on friday demanded that any final deal include a \" clear and unambiguous iranian recognition of israel \\'s right to exist . \"iranian president : we will stick to our promises on nuclear dealthere \\'s never been any dispute about his take , but the prime minister has sharpened his rhetoric in recent days , saying the deal increases the risk of a \" horrific war . \"']\n", - "=======================\n", - "[\"israeli prime minister benjamin netanyahu slams nuclear framework deal with iranhe says it would legitimize iran 's nuclear program and bolster its economy\"]\n", - "( cnn ) slamming world powers ' framework nuclear deal with iran , israeli prime minister benjamin netanyahu on friday demanded that any final deal include a \" clear and unambiguous iranian recognition of israel 's right to exist . \"iranian president : we will stick to our promises on nuclear dealthere 's never been any dispute about his take , but the prime minister has sharpened his rhetoric in recent days , saying the deal increases the risk of a \" horrific war . \"\n", - "israeli prime minister benjamin netanyahu slams nuclear framework deal with iranhe says it would legitimize iran 's nuclear program and bolster its economy\n", - "[1.2917916 1.3128363 1.2890754 1.179072 1.1019155 1.0839164 1.188864\n", - " 1.0259632 1.0905925 1.1347188 1.0960902 1.0489755 1.1479168 1.0671723\n", - " 1.0890219 1.1000271 1.076437 1.0562403 1.1082168 1.0455457 0. ]\n", - "\n", - "[ 1 0 2 6 3 12 9 18 4 15 10 8 14 5 16 13 17 11 19 7 20]\n", - "=======================\n", - "['it was also claimed the body of one migrant , who died on another boat making the perilous trip from north africa to italy , was tossed overboard by a trafficker to circling sharks .at least 400 migrants trying to reach europe from libya were killed after their boat capsized , it emerged tonight .the stories emerged after more than 8,000 migrants took advantage of calm weather to cross the mediterranean over the past weekend .']\n", - "=======================\n", - "['around 400 migrants trying to reach europe died when their boat capsizedbody of one migrant on another vessel was thrown overboard to sharksstories emerged after more than 8,000 crossed mediterranean at weekend']\n", - "it was also claimed the body of one migrant , who died on another boat making the perilous trip from north africa to italy , was tossed overboard by a trafficker to circling sharks .at least 400 migrants trying to reach europe from libya were killed after their boat capsized , it emerged tonight .the stories emerged after more than 8,000 migrants took advantage of calm weather to cross the mediterranean over the past weekend .\n", - "around 400 migrants trying to reach europe died when their boat capsizedbody of one migrant on another vessel was thrown overboard to sharksstories emerged after more than 8,000 crossed mediterranean at weekend\n", - "[1.3163252 1.4453076 1.3346671 1.2281225 1.1464986 1.0433096 1.0247542\n", - " 1.0533637 1.0355676 1.0717297 1.1999052 1.0195018 1.024821 1.0196489\n", - " 1.0260696 1.0102967 1.0395784 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 10 4 9 7 5 16 8 14 12 6 13 11 15 20 17 18 19 21]\n", - "=======================\n", - "['the actress and her fiance ashton kutcher responded to the impending lawsuit with a tongue-in-cheek video , claiming they were going to file a lawsuit against the accuser kristina karo , because of injuries suffered while being forced to watch her music video .on wednesday the story broke that the 31-year-old was being sued for $ 5,000 by a woman claiming to be her former childhood friend , who said she suffered emotional trauma when a seven-year-old kunis stole her pet foul .mila kunis is to counter-sue the woman who is suing her for stealing her chicken .']\n", - "=======================\n", - "[\"mila kunis and ashton kutcher respond to impending lawsuit in videokutcher claims kristina karo was one month old when the alleged incident occurredkunis says she will counter-sue because of injuries sustained while watching karo 's music videokaro claimed to be kunis 's ` childhood friend from ukraine ' and is suing her for $ 5,000claims kunis ` stole her pet chicken ' when they were childrenkaro , now in la , claims she has been traumatised by the event and is suing actress for emotional distress and therapy bills\"]\n", - "the actress and her fiance ashton kutcher responded to the impending lawsuit with a tongue-in-cheek video , claiming they were going to file a lawsuit against the accuser kristina karo , because of injuries suffered while being forced to watch her music video .on wednesday the story broke that the 31-year-old was being sued for $ 5,000 by a woman claiming to be her former childhood friend , who said she suffered emotional trauma when a seven-year-old kunis stole her pet foul .mila kunis is to counter-sue the woman who is suing her for stealing her chicken .\n", - "mila kunis and ashton kutcher respond to impending lawsuit in videokutcher claims kristina karo was one month old when the alleged incident occurredkunis says she will counter-sue because of injuries sustained while watching karo 's music videokaro claimed to be kunis 's ` childhood friend from ukraine ' and is suing her for $ 5,000claims kunis ` stole her pet chicken ' when they were childrenkaro , now in la , claims she has been traumatised by the event and is suing actress for emotional distress and therapy bills\n", - "[1.3274826 1.4764255 1.3303962 1.429784 1.1168073 1.1304027 1.1228768\n", - " 1.0618957 1.0145372 1.0156046 1.0180665 1.1323718 1.1203341 1.1243542\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 11 5 13 6 12 4 7 10 9 8 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the 24-year-old is fundamental to mauricio pochettino 's plans and was signed up to a five-year contract last summer .danny rose has attracted interest from manchester city after a strong season with tottenhammanchester city have considered attack-minded rose as they draw up an extensive list of potential homegrown signings ahead of the close season .\"]\n", - "=======================\n", - "[\"manchester city have identified danny rose as a transfer targetrose is a rising star and city 's squad is short of homegrown playersbut spus boss mauricio pochettino is a big fan of his left backtottenham will resist all summer offers for rose\"]\n", - "the 24-year-old is fundamental to mauricio pochettino 's plans and was signed up to a five-year contract last summer .danny rose has attracted interest from manchester city after a strong season with tottenhammanchester city have considered attack-minded rose as they draw up an extensive list of potential homegrown signings ahead of the close season .\n", - "manchester city have identified danny rose as a transfer targetrose is a rising star and city 's squad is short of homegrown playersbut spus boss mauricio pochettino is a big fan of his left backtottenham will resist all summer offers for rose\n", - "[1.22931 1.4192934 1.1961198 1.335591 1.0815401 1.1288481 1.0678911\n", - " 1.0444419 1.0193899 1.0932877 1.0929676 1.0785741 1.0216528 1.0146571\n", - " 1.014864 1.0176897 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 2 5 9 10 4 11 6 7 12 8 15 14 13 20 16 17 18 19 21]\n", - "=======================\n", - "[\"the scathing critics told the six-months pregnant meteorologist kristi gordon that her ` front end looks like the hindenburg and your rear end looks like a brick s *** house . 'australian presenter and model nicky buckley famously soldiered on with her presenting job on the sale of the century after falling pregnant in 1997 , continuing to wear the glamorous , figure-hugging gowns her job required of her .earlier this month , a pregnant canadian weather presenter received hate mail from viewers ` grossed out ' by her appearance on their screens .\"]\n", - "=======================\n", - "['nicky buckley has released a tell-all memoir of her lifethe book shares a candid insight into her career-defining momentsa whole chapter is dedicated to when she revealed her baby bump on tvbuckley now shares how she dealt with the abuse she faced being a pregnant presenter']\n", - "the scathing critics told the six-months pregnant meteorologist kristi gordon that her ` front end looks like the hindenburg and your rear end looks like a brick s *** house . 'australian presenter and model nicky buckley famously soldiered on with her presenting job on the sale of the century after falling pregnant in 1997 , continuing to wear the glamorous , figure-hugging gowns her job required of her .earlier this month , a pregnant canadian weather presenter received hate mail from viewers ` grossed out ' by her appearance on their screens .\n", - "nicky buckley has released a tell-all memoir of her lifethe book shares a candid insight into her career-defining momentsa whole chapter is dedicated to when she revealed her baby bump on tvbuckley now shares how she dealt with the abuse she faced being a pregnant presenter\n", - "[1.0290698 1.0287958 1.1262478 1.2761872 1.3233085 1.1743177 1.0902802\n", - " 1.2029034 1.0961971 1.0897115 1.157043 1.2048502 1.0225009 1.022302\n", - " 1.0670515 1.1190403 1.1668719 1.0702101 1.1335799 1.071712 1.245614\n", - " 1.0189688]\n", - "\n", - "[ 4 3 20 11 7 5 16 10 18 2 15 8 6 9 19 17 14 0 1 12 13 21]\n", - "=======================\n", - "[\"there were also 18 england caps and he had passed 50 career goals for liverpool .he had been named pfa young player of the year ( 1998 ) , scored one of the greatest world cup finals goals and won bbc sports personality of the year .steven gerrard 's first year out of his teens saw him collect the league cup , the fa cup and the uefa cup .\"]\n", - "=======================\n", - "[\"raheem sterling has rejected a new contract worth # 100,000-a-weekliverpool boss brendan rodgers says sterling wo n't be sold this summerhis achievements at 20 are not on the same level as some anfield greatssteven gerrard won three trophies in the first year out of his teensmichael owen had scored more than 50 career goals for liverpoolsterling has a long way to go if he is to fulfil his huge potential\"]\n", - "there were also 18 england caps and he had passed 50 career goals for liverpool .he had been named pfa young player of the year ( 1998 ) , scored one of the greatest world cup finals goals and won bbc sports personality of the year .steven gerrard 's first year out of his teens saw him collect the league cup , the fa cup and the uefa cup .\n", - "raheem sterling has rejected a new contract worth # 100,000-a-weekliverpool boss brendan rodgers says sterling wo n't be sold this summerhis achievements at 20 are not on the same level as some anfield greatssteven gerrard won three trophies in the first year out of his teensmichael owen had scored more than 50 career goals for liverpoolsterling has a long way to go if he is to fulfil his huge potential\n", - "[1.4461758 1.2045777 1.3019525 1.2176466 1.1597546 1.2105429 1.1529033\n", - " 1.1024846 1.1038404 1.0484121 1.0297658 1.0710324 1.0350975 1.0892229\n", - " 1.0318143 1.0356073 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 3 5 1 4 6 8 7 13 11 9 15 12 14 10 16 17 18 19 20 21]\n", - "=======================\n", - "[\"( cnn ) nasa says its messenger space probe crashed into mercury on thursday after running out of fuel , ending a nearly 11-year journey that provided valuable data and thousands of photos .nasa earlier said the probe was expected to hit the surface at 8,750 miles per hour and to create an impact crater 52 feet ( 16 meters ) in diameter .the crash was n't visible from earth because it occurred on the far side of mercury .\"]\n", - "=======================\n", - "[\"nasa 's messenger probe smashes into mercury , ending missionspace probe hit the planet 's surface at 8,750 mph\"]\n", - "( cnn ) nasa says its messenger space probe crashed into mercury on thursday after running out of fuel , ending a nearly 11-year journey that provided valuable data and thousands of photos .nasa earlier said the probe was expected to hit the surface at 8,750 miles per hour and to create an impact crater 52 feet ( 16 meters ) in diameter .the crash was n't visible from earth because it occurred on the far side of mercury .\n", - "nasa 's messenger probe smashes into mercury , ending missionspace probe hit the planet 's surface at 8,750 mph\n", - "[1.2504201 1.3841921 1.3297318 1.18541 1.264977 1.2051126 1.1022028\n", - " 1.0402284 1.0194217 1.1311892 1.0375482 1.0581524 1.052463 1.075248\n", - " 1.0900626 1.0509815 1.0193392 1.0185512 1.0288715 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 4 0 5 3 9 6 14 13 11 12 15 7 10 18 8 16 17 19 20 21]\n", - "=======================\n", - "['the move comes in response to an online petition posted on the white house website following the death of 17-year-old leelah alcorn .the petition currently has over 120,000 signatures .end to conversion therapy : president barack obama is calling for an end to psychiatric therapy treatments aimed at changing the sexual orientation or gender identity of gay , lesbian and transgender youth']\n", - "=======================\n", - "['president barack obama is calling for an end to psychiatric therapy treatments aimed at turning gays into heterosexualsthe move comes in response to an online petition posted on the white house website following the death of 17-year-old leelah alcornthe american psychiatric association has long opposed conversion therapy and says being gay is not a mental disorder']\n", - "the move comes in response to an online petition posted on the white house website following the death of 17-year-old leelah alcorn .the petition currently has over 120,000 signatures .end to conversion therapy : president barack obama is calling for an end to psychiatric therapy treatments aimed at changing the sexual orientation or gender identity of gay , lesbian and transgender youth\n", - "president barack obama is calling for an end to psychiatric therapy treatments aimed at turning gays into heterosexualsthe move comes in response to an online petition posted on the white house website following the death of 17-year-old leelah alcornthe american psychiatric association has long opposed conversion therapy and says being gay is not a mental disorder\n", - "[1.3327397 1.3722671 1.4273353 1.1360557 1.1591971 1.0484403 1.0184317\n", - " 1.0177941 1.0122966 1.0434893 1.2720065 1.2248529 1.1757977 1.0288637\n", - " 1.0190578 1.0600604 1.0667781 1.0671428 1.0298188 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 0 10 11 12 4 3 17 16 15 5 9 18 13 14 6 7 8 20 19 21]\n", - "=======================\n", - "[\"new zealander tim weston was on holiday in puerto vallarta with his wife when the attack happened and described how ` the crocodile kept the dog in its mouth for ages , not moving at all ' .a video of a menacing crocodile swimming through a public marina with a dead pet dog locked in between its jaws has been viewed more than half a million times online .the large croc proudly held on to its catch for hours as it lurked around the puerto vallarta marina , in mexico\"]\n", - "=======================\n", - "[\"a local bike shop owner 's dog was snatched by a crocodilethe crocodile was swimming through puerto vallarta marina , in mexiconew zealander tim weston was on holiday and saw the bizarre sighta video of the dog in the croc 's jaws has been viewed half a million times\"]\n", - "new zealander tim weston was on holiday in puerto vallarta with his wife when the attack happened and described how ` the crocodile kept the dog in its mouth for ages , not moving at all ' .a video of a menacing crocodile swimming through a public marina with a dead pet dog locked in between its jaws has been viewed more than half a million times online .the large croc proudly held on to its catch for hours as it lurked around the puerto vallarta marina , in mexico\n", - "a local bike shop owner 's dog was snatched by a crocodilethe crocodile was swimming through puerto vallarta marina , in mexiconew zealander tim weston was on holiday and saw the bizarre sighta video of the dog in the croc 's jaws has been viewed half a million times\n", - "[1.3703085 1.3505281 1.3061213 1.2863215 1.1435707 1.1634406 1.0395141\n", - " 1.0254135 1.0308594 1.0178651 1.1472123 1.0684859 1.0243534 1.0225881\n", - " 1.0113442 1.0503523 1.0341611 1.042495 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 3 5 10 4 11 15 17 6 16 8 7 12 13 9 14 20 18 19 21]\n", - "=======================\n", - "[\"incumbent chicago mayor rahm emanuel celebrated tuesday night a hard-fought victory in a tense run-off race against challenger jesus ` chuy ' garcia .emanuel , a former white house chief of staff notorious for his brusque management style , was forced to campaign furiously across the city to beat cook county commissioner garcia after failing to capture a majority against four other candidates in a february election .the mayoral runoff was the first since the city changed the way it conducts elections about 20 years ago .\"]\n", - "=======================\n", - "[\"with nearly all voting precincts reporting results , emanuel had 55.5 per cent of the vote compared to 44.5 per cent for his opponentmayoral candidate cook county commissioner jesus ` chuy ' garcia said he had called emanuel to concedemayoral runoff was the first since the city changed the way it conducts elections about 20 years ago\"]\n", - "incumbent chicago mayor rahm emanuel celebrated tuesday night a hard-fought victory in a tense run-off race against challenger jesus ` chuy ' garcia .emanuel , a former white house chief of staff notorious for his brusque management style , was forced to campaign furiously across the city to beat cook county commissioner garcia after failing to capture a majority against four other candidates in a february election .the mayoral runoff was the first since the city changed the way it conducts elections about 20 years ago .\n", - "with nearly all voting precincts reporting results , emanuel had 55.5 per cent of the vote compared to 44.5 per cent for his opponentmayoral candidate cook county commissioner jesus ` chuy ' garcia said he had called emanuel to concedemayoral runoff was the first since the city changed the way it conducts elections about 20 years ago\n", - "[1.5829024 1.2060415 1.0533459 1.080829 1.4484544 1.2034477 1.1016036\n", - " 1.131675 1.0790094 1.1587776 1.1068565 1.1401454 1.0604806 1.0306747\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 4 1 5 9 11 7 10 6 3 8 12 2 13 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"rafa nadal got his clay court season off to a perfect , confidence-boosting start with a 6-2 , 6-1 win over frenchman lucas pouille in the monte carlo masters .it was a businesslike display from the world no 5 .the spaniard is an eight-time champion in monte carlo , but has not won here since 2012 and said last week that he is ` not the favourite for anything ' at the moment .\"]\n", - "=======================\n", - "['rafa nadal beat lucas pouille 6-2 , 6-1 in the second round on wednesdayspaniard got his clay court season off to a perfect start with a routine winworld no 5 made just five unforced errors as he booked third round place']\n", - "rafa nadal got his clay court season off to a perfect , confidence-boosting start with a 6-2 , 6-1 win over frenchman lucas pouille in the monte carlo masters .it was a businesslike display from the world no 5 .the spaniard is an eight-time champion in monte carlo , but has not won here since 2012 and said last week that he is ` not the favourite for anything ' at the moment .\n", - "rafa nadal beat lucas pouille 6-2 , 6-1 in the second round on wednesdayspaniard got his clay court season off to a perfect start with a routine winworld no 5 made just five unforced errors as he booked third round place\n", - "[1.129581 1.1765938 1.0497849 1.0731633 1.1670853 1.2364025 1.0675029\n", - " 1.021361 1.0349491 1.2022314 1.0289737 1.0323257 1.0332873 1.0895238\n", - " 1.0300751 1.057191 1.0617356 1.0392219 1.0473616 1.0230883 1.0206503\n", - " 1.0172594]\n", - "\n", - "[ 5 9 1 4 0 13 3 6 16 15 2 18 17 8 12 11 14 10 19 7 20 21]\n", - "=======================\n", - "[\"sand as soft as flour and cerulean sea : penny is hard pushed to find fault with her week in the maldivesit 's hardly surprising the maldives have been on the top ten of honeymoon destinations for years .and then , just as we start our descent to the little resort of niyama , in the dhaalu atoll , a 40-minute seaplane flight from the capital malé , two yellow turtles swim sturdily towards a reef .\"]\n", - "=======================\n", - "['mail on sunday writer visits the resort of niyama , in the dhaalu atollspends her days relaxing in the lime spa and snorkellingfood at the resort is cooked by aussie chef geoff clark']\n", - "sand as soft as flour and cerulean sea : penny is hard pushed to find fault with her week in the maldivesit 's hardly surprising the maldives have been on the top ten of honeymoon destinations for years .and then , just as we start our descent to the little resort of niyama , in the dhaalu atoll , a 40-minute seaplane flight from the capital malé , two yellow turtles swim sturdily towards a reef .\n", - "mail on sunday writer visits the resort of niyama , in the dhaalu atollspends her days relaxing in the lime spa and snorkellingfood at the resort is cooked by aussie chef geoff clark\n", - "[1.2510686 1.4065245 1.2007983 1.1764243 1.3329946 1.07831 1.0725639\n", - " 1.044899 1.042592 1.1270398 1.1249504 1.1032494 1.0108176 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 2 3 9 10 11 5 6 7 8 12 17 13 14 15 16 18]\n", - "=======================\n", - "[\"a secret meeting between intelligence figures in moscow and washington reportedly revealed putin will consider any attempt to return the crimean peninsula to ukraine as declaration of war and will take any necessary step - including using nuclear weapons - to retain control of the region .vladimir putin is planning to exploit the threat of nuclear war to force nato out of countries bordering russia , it has been claimed .firepower : moscow described nato 's supply of weapons to ukrainian military ( pictured ) - who hope to defeat pro-russian rebels in the east of the country - as a ` further encroachment ' on the russian border\"]\n", - "=======================\n", - "[\"russian intelligence chiefs took part in secret meeting with u.s. officialsoutlined three potential flashpoints that could lead to all-out nuclear warsaid attempts to return crimea to ukraine will be dealt with as an invasionalso demanded nato breaks up so called ` rapid response force ' in the baltic and stops arming those fighting pro-russian separatists in ukraine\"]\n", - "a secret meeting between intelligence figures in moscow and washington reportedly revealed putin will consider any attempt to return the crimean peninsula to ukraine as declaration of war and will take any necessary step - including using nuclear weapons - to retain control of the region .vladimir putin is planning to exploit the threat of nuclear war to force nato out of countries bordering russia , it has been claimed .firepower : moscow described nato 's supply of weapons to ukrainian military ( pictured ) - who hope to defeat pro-russian rebels in the east of the country - as a ` further encroachment ' on the russian border\n", - "russian intelligence chiefs took part in secret meeting with u.s. officialsoutlined three potential flashpoints that could lead to all-out nuclear warsaid attempts to return crimea to ukraine will be dealt with as an invasionalso demanded nato breaks up so called ` rapid response force ' in the baltic and stops arming those fighting pro-russian separatists in ukraine\n", - "[1.1984217 1.4668475 1.2849706 1.2363007 1.1875547 1.1641794 1.1119714\n", - " 1.0807525 1.0545397 1.2206522 1.2237304 1.0309259 1.0121962 1.0140566\n", - " 1.0240414 1.0163682 1.0239877 0. 0. ]\n", - "\n", - "[ 1 2 3 10 9 0 4 5 6 7 8 11 14 16 15 13 12 17 18]\n", - "=======================\n", - "[\"lian doyle agreed to hide the trainers worn by justin robertson when he murdered pennie davis because he had been paid # 1,500 by the son of the victim 's ex-lover .she was today sentenced to 10 months in prison , but was released immediately because she has already spent six months on remand .killing : lian doyle , left , helped to cover up the murder of pennie davis , right , in september last year\"]\n", - "=======================\n", - "['lian doyle , 24 , hid a pair of trainers belonging to justin robertsonshe thought he wore them to carry out a burglary but confessed to police when she realised he had murdered pennie davisrobertson was paid # 1,500 by benjamin carr to kill the keen horsewomandoyle was given a 10-month jail sentence but has been released because of the time she has already served']\n", - "lian doyle agreed to hide the trainers worn by justin robertson when he murdered pennie davis because he had been paid # 1,500 by the son of the victim 's ex-lover .she was today sentenced to 10 months in prison , but was released immediately because she has already spent six months on remand .killing : lian doyle , left , helped to cover up the murder of pennie davis , right , in september last year\n", - "lian doyle , 24 , hid a pair of trainers belonging to justin robertsonshe thought he wore them to carry out a burglary but confessed to police when she realised he had murdered pennie davisrobertson was paid # 1,500 by benjamin carr to kill the keen horsewomandoyle was given a 10-month jail sentence but has been released because of the time she has already served\n", - "[1.2536213 1.3810567 1.1832428 1.3394337 1.2282369 1.1101059 1.0973653\n", - " 1.0681775 1.0647987 1.0625983 1.1479164 1.0749818 1.0788233 1.0463387\n", - " 1.0237348 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 10 5 6 12 11 7 8 9 13 14 15 16 17 18]\n", - "=======================\n", - "[\"fighters from 100 nations -- more than half the countries in the world -- have joined militant groups such as al qaeda and islamic state , according to research by the united nations .more than 20,000 foreign fighters have fled to syria and iraq , turning the region into an ` international finishing school ' for jihadists , an alarming report found .the number of foreign fighters worldwide soared by a staggering 71 per cent between the middle of 2014 and march 2015 after is gained significant territory .\"]\n", - "=======================\n", - "[\"number of foreign fighters worldwide soared by 71 % from mid-2014 to nowsyria and iraq were most popular regions - mainly for is and al-nusra frontunited nations report said fighters came from over half world 's countriesit warned if is was defeated foreign fighters could scatter across the globe\"]\n", - "fighters from 100 nations -- more than half the countries in the world -- have joined militant groups such as al qaeda and islamic state , according to research by the united nations .more than 20,000 foreign fighters have fled to syria and iraq , turning the region into an ` international finishing school ' for jihadists , an alarming report found .the number of foreign fighters worldwide soared by a staggering 71 per cent between the middle of 2014 and march 2015 after is gained significant territory .\n", - "number of foreign fighters worldwide soared by 71 % from mid-2014 to nowsyria and iraq were most popular regions - mainly for is and al-nusra frontunited nations report said fighters came from over half world 's countriesit warned if is was defeated foreign fighters could scatter across the globe\n", - "[1.3281225 1.4121504 1.1636246 1.1380605 1.1807002 1.3003283 1.210882\n", - " 1.1372705 1.1071756 1.1923177 1.0696218 1.0278492 1.032359 1.0218991\n", - " 1.0389802 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 5 6 9 4 2 3 7 8 10 14 12 11 13 17 15 16 18]\n", - "=======================\n", - "[\"the unnamed woman was discovered around 8.20 am sunday hanging from the third-floor fire escape of her apartment building on utica ave. near prospect place in crown heights , the new york post reports .the body of a new york woman was left dangling from a fire escape for more than an hour sunday after she hung herself , police say .witnesses say they were traumatized and one passer-by told the post she initially thought the body was fake and believed it was a ` halloween prank . '\"]\n", - "=======================\n", - "['the body of a new york woman was left dangling from a fire escape for more than an hour sunday after she hung herselfthe unnamed woman was discovered around 8.20 am sunday hanging from the third-floor fire escape of her apartment buildingone neighbor said the woman had mental health issues']\n", - "the unnamed woman was discovered around 8.20 am sunday hanging from the third-floor fire escape of her apartment building on utica ave. near prospect place in crown heights , the new york post reports .the body of a new york woman was left dangling from a fire escape for more than an hour sunday after she hung herself , police say .witnesses say they were traumatized and one passer-by told the post she initially thought the body was fake and believed it was a ` halloween prank . '\n", - "the body of a new york woman was left dangling from a fire escape for more than an hour sunday after she hung herselfthe unnamed woman was discovered around 8.20 am sunday hanging from the third-floor fire escape of her apartment buildingone neighbor said the woman had mental health issues\n", - "[1.2612765 1.1656151 1.2261171 1.3674235 1.2877796 1.246348 1.1313354\n", - " 1.1055982 1.1203216 1.0817462 1.083262 1.061821 1.0376475 1.0104911\n", - " 1.0456336 1.0302249 1.0156515 1.1466849 1.0641298]\n", - "\n", - "[ 3 4 0 5 2 1 17 6 8 7 10 9 18 11 14 12 15 16 13]\n", - "=======================\n", - "[\"almost half of headteachers have vacancies in english , maths and science departments amid a growing recruitment crisis in secondary schoolsoverall , 86 per cent had ` difficulty ' recruiting teachers for core subjects .school leaders warn the ` bleak ' situation is likely to worsen due to the rise in pupil numbers and ` greater competition ' for graduates among employers .\"]\n", - "=======================\n", - "[\"school leaders warn the ` bleak ' situation is likely to get even worsesay it is due to rise in pupil numbers and greater competition for graduateslondon schools have most problems , followed by north west and east\"]\n", - "almost half of headteachers have vacancies in english , maths and science departments amid a growing recruitment crisis in secondary schoolsoverall , 86 per cent had ` difficulty ' recruiting teachers for core subjects .school leaders warn the ` bleak ' situation is likely to worsen due to the rise in pupil numbers and ` greater competition ' for graduates among employers .\n", - "school leaders warn the ` bleak ' situation is likely to get even worsesay it is due to rise in pupil numbers and greater competition for graduateslondon schools have most problems , followed by north west and east\n", - "[1.2070773 1.2954974 1.2863389 1.1692766 1.250881 1.2480352 1.2304052\n", - " 1.0996495 1.0446717 1.0566705 1.0686699 1.0485488 1.0353032 1.0519557\n", - " 1.0469341 1.0621877 1.0518959 1.0203013 1.047092 ]\n", - "\n", - "[ 1 2 4 5 6 0 3 7 10 15 9 13 16 11 18 14 8 12 17]\n", - "=======================\n", - "['it is hoped the new approach will target cancer stem cells that evade conventional drugs and cause the tumour to re-grow .cancer that has spread and is incurable , known as secondary breast cancer , kills 1,000 women in britain every month .thousands of women whose breast cancer has become resistant to standard treatment could benefit from a new drug combination .']\n", - "=======================\n", - "['new approach targets cancer stem cells that evade conventional treatmentthe cells cause tumours to re-grow , causing secondary breast cancertreatment combines sulforadex with standard hormonal treatments']\n", - "it is hoped the new approach will target cancer stem cells that evade conventional drugs and cause the tumour to re-grow .cancer that has spread and is incurable , known as secondary breast cancer , kills 1,000 women in britain every month .thousands of women whose breast cancer has become resistant to standard treatment could benefit from a new drug combination .\n", - "new approach targets cancer stem cells that evade conventional treatmentthe cells cause tumours to re-grow , causing secondary breast cancertreatment combines sulforadex with standard hormonal treatments\n", - "[1.3112717 1.4278073 1.3206239 1.0978931 1.338146 1.1803298 1.0319785\n", - " 1.0235003 1.0941176 1.1085439 1.0622635 1.0736666 1.026005 1.0571535\n", - " 1.0599705 1.0148215 1.0215397 1.0146494 1.0739818]\n", - "\n", - "[ 1 4 2 0 5 9 3 8 18 11 10 14 13 6 12 7 16 15 17]\n", - "=======================\n", - "[\"the network handed williams a six-month suspension in february after he acknowledged he had lied about being on board a helicopter that came under fire while reporting from iraq in 2003 .clash : tom brokaw and brian williams are pictured in new york in 2004 - the year williams took over brokaw 's role on the nightly news .but according to a report in vanity fair , williams started exaggerating his stories because he felt insecure about brokaw , whom he succeeded at nightly news in 2004 . '\"]\n", - "=======================\n", - "[\"williams was suspended from nbc in february after it emerged he 'd lied about being in a helicopter that was shot down in iraq in 2003a new report in vanity fair claims williams lied because he felt insecure taking over from beloved anchor tom brokaw at the nightly newswhile some execs saw his lying as ` quirks ' of his personality , the tales left brokaw ` incensed ' and he ultimately did n't support williams in februaryafter he was accused of lying , williams wondered if he had a brain tumorbut other nbc employees said williams had always been out of his depth because of his lack of experience and disinterest in ` hard ' news\"]\n", - "the network handed williams a six-month suspension in february after he acknowledged he had lied about being on board a helicopter that came under fire while reporting from iraq in 2003 .clash : tom brokaw and brian williams are pictured in new york in 2004 - the year williams took over brokaw 's role on the nightly news .but according to a report in vanity fair , williams started exaggerating his stories because he felt insecure about brokaw , whom he succeeded at nightly news in 2004 . '\n", - "williams was suspended from nbc in february after it emerged he 'd lied about being in a helicopter that was shot down in iraq in 2003a new report in vanity fair claims williams lied because he felt insecure taking over from beloved anchor tom brokaw at the nightly newswhile some execs saw his lying as ` quirks ' of his personality , the tales left brokaw ` incensed ' and he ultimately did n't support williams in februaryafter he was accused of lying , williams wondered if he had a brain tumorbut other nbc employees said williams had always been out of his depth because of his lack of experience and disinterest in ` hard ' news\n", - "[1.2890043 1.3179493 1.3684933 1.0633038 1.1261592 1.2630919 1.0969872\n", - " 1.0848002 1.0695971 1.1809118 1.103191 1.0677416 1.0873193 1.03687\n", - " 1.0523534 1.0301938 1.0581129 0. 0. ]\n", - "\n", - "[ 2 1 0 5 9 4 10 6 12 7 8 11 3 16 14 13 15 17 18]\n", - "=======================\n", - "[\"the bubbler had been dispensing recycled water for 16 months -- from december 17 2013 until april 1 2015 .in a letter sent to all parents during the school holidays , the principal of st peter 's college in cranbourne east , tim hogan admitted that ` class a ' recycled water had been inadvertently connected to an outdoor drinking fountain .students , parents and staff at a melbourne high school are horrified after the discovery students have been drinking treated sewage water from a bubbler on campus for more than a year .\"]\n", - "=======================\n", - "[\"a bubbler at a melbourne high school has been dispensing recycled waterstudents at st peter 's college in melbourne may have been drinking treated sewage water for around 16 monthsthe horrific discovery was made by maintenance during school holidaysinvestigation is under way by the department of health and human servicesstudents were at risk of contracting gastro while drinking from the bubblerthe other 20 bubblers at the school have been tested and deemed safe\"]\n", - "the bubbler had been dispensing recycled water for 16 months -- from december 17 2013 until april 1 2015 .in a letter sent to all parents during the school holidays , the principal of st peter 's college in cranbourne east , tim hogan admitted that ` class a ' recycled water had been inadvertently connected to an outdoor drinking fountain .students , parents and staff at a melbourne high school are horrified after the discovery students have been drinking treated sewage water from a bubbler on campus for more than a year .\n", - "a bubbler at a melbourne high school has been dispensing recycled waterstudents at st peter 's college in melbourne may have been drinking treated sewage water for around 16 monthsthe horrific discovery was made by maintenance during school holidaysinvestigation is under way by the department of health and human servicesstudents were at risk of contracting gastro while drinking from the bubblerthe other 20 bubblers at the school have been tested and deemed safe\n", - "[1.2929827 1.3302082 1.2119601 1.229918 1.3516357 1.1802602 1.1094104\n", - " 1.0714288 1.1140714 1.1030194 1.0477707 1.0141768 1.0446823 1.0413731\n", - " 1.0400289 1.0439512 1.0502814 1.0409864 0. ]\n", - "\n", - "[ 4 1 0 3 2 5 8 6 9 7 16 10 12 15 13 17 14 11 18]\n", - "=======================\n", - "[\"maxwell morton ( left ) , 16 , has been charged with murder in the death of mangan ( right ) , 16 , after mangan was found with a single gunshot wound to the facedefense attorney patrick thomassey does n't deny that maxwell morton , of jeannette , killed 16-year-old ryan mangan at mangan 's home february 4 .the attorney representing a 16-year-old pennsylvania boy charged with fatally shooting a friend in the face and then taking a selfie with his lifeless body stated in court wednesday that the killing was an accident .\"]\n", - "=======================\n", - "[\"maxwell morton , 16 , from pennsylvania , will be tried as an adult for shooting ryan manganmother of morton 's friend told police her son received snapchat image of him with victim - message had maxwell written across ithe admitted to shooting mangan after police found 9mm handgun hidden in his houseboth teens were juniors at jeannette high schoolmorton was also charged with first-degree murder and one count of possession of a firearm by a minormorton 's lawyer and family said the two boys were friends and there was no bad blood between them\"]\n", - "maxwell morton ( left ) , 16 , has been charged with murder in the death of mangan ( right ) , 16 , after mangan was found with a single gunshot wound to the facedefense attorney patrick thomassey does n't deny that maxwell morton , of jeannette , killed 16-year-old ryan mangan at mangan 's home february 4 .the attorney representing a 16-year-old pennsylvania boy charged with fatally shooting a friend in the face and then taking a selfie with his lifeless body stated in court wednesday that the killing was an accident .\n", - "maxwell morton , 16 , from pennsylvania , will be tried as an adult for shooting ryan manganmother of morton 's friend told police her son received snapchat image of him with victim - message had maxwell written across ithe admitted to shooting mangan after police found 9mm handgun hidden in his houseboth teens were juniors at jeannette high schoolmorton was also charged with first-degree murder and one count of possession of a firearm by a minormorton 's lawyer and family said the two boys were friends and there was no bad blood between them\n", - "[1.1970214 1.4676349 1.3859286 1.246492 1.1695215 1.1657512 1.1119245\n", - " 1.216491 1.0627503 1.1080053 1.0826252 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 7 0 4 5 6 9 10 8 17 11 12 13 14 15 16 18]\n", - "=======================\n", - "['tens of thousands of teachers could strike in the autumn , potentially causing temporary school closures .the national union of teachers is expected to call for a vote on industrial action this weekend over the prospect of looming funding cuts .pupils could face disruption to classes as teachers prepare to vote on a national walkout over pay and conditions .']\n", - "=======================\n", - "['national union of teachers expected to call for a vote on industrial actionballot of its 300,000 members would take place after general electionfears funding cuts will lead to redundancies in schools']\n", - "tens of thousands of teachers could strike in the autumn , potentially causing temporary school closures .the national union of teachers is expected to call for a vote on industrial action this weekend over the prospect of looming funding cuts .pupils could face disruption to classes as teachers prepare to vote on a national walkout over pay and conditions .\n", - "national union of teachers expected to call for a vote on industrial actionballot of its 300,000 members would take place after general electionfears funding cuts will lead to redundancies in schools\n", - "[1.2151052 1.4576491 1.3133637 1.1943585 1.1709019 1.1322867 1.154816\n", - " 1.1663666 1.0420036 1.0884625 1.0249724 1.0536563 1.0659459 1.1178389\n", - " 1.1485221 1.0760667 1.1065915 1.0413297 1.0143476 1.0339216 1.0124538\n", - " 1.0851291]\n", - "\n", - "[ 1 2 0 3 4 7 6 14 5 13 16 9 21 15 12 11 8 17 19 10 18 20]\n", - "=======================\n", - "['the 5.45 acre estate in san clemente , california was bought by the former commander in chief in 1969 , six months into his presidency .nixon entertained 17 heads of state at the home , which was built in 1926 and overlooks the pacific ocean .a grand home owned by president richard nixon and dubbed the western white house has been put on sale for $ 75million .']\n", - "=======================\n", - "['former president bought the san clemente , california house in 1969paid $ 1.4 million for estate featuring main resident and satellite homehosted 17 heads of state there , including soviet leader leonid brezhnevmoved out in 1980 and sold it to pharmaceutical ceo gavin s. herbert']\n", - "the 5.45 acre estate in san clemente , california was bought by the former commander in chief in 1969 , six months into his presidency .nixon entertained 17 heads of state at the home , which was built in 1926 and overlooks the pacific ocean .a grand home owned by president richard nixon and dubbed the western white house has been put on sale for $ 75million .\n", - "former president bought the san clemente , california house in 1969paid $ 1.4 million for estate featuring main resident and satellite homehosted 17 heads of state there , including soviet leader leonid brezhnevmoved out in 1980 and sold it to pharmaceutical ceo gavin s. herbert\n", - "[1.3073621 1.3610495 1.1924382 1.4253125 1.2784443 1.1426758 1.0487698\n", - " 1.0968388 1.0293401 1.0280471 1.0669049 1.19925 1.0306437 1.0227664\n", - " 1.0158048 1.0102184 1.0578322 1.0556761 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 0 4 11 2 5 7 10 16 17 6 12 8 9 13 14 15 20 18 19 21]\n", - "=======================\n", - "[\"in her will , diana 's butler paul burrell was bequeathed the sum of # 50,000 , free of inheritance tax .diana 's final wishes for the disposal of her # 21.4 million estate are among a vast archive of wills dating back to 1858 now available to view online .the will of princess diana is among 41 million available to order at the click of a button .\"]\n", - "=======================\n", - "[\"diana 's will is among those stored in an archive which is to be put onlinein it she bequeathed # 50,000 free of tax to her former butler paul burrellthe rest of her estate was divvied up between princes william and harryinternet users can pay # 10 to view the documents and millions of others\"]\n", - "in her will , diana 's butler paul burrell was bequeathed the sum of # 50,000 , free of inheritance tax .diana 's final wishes for the disposal of her # 21.4 million estate are among a vast archive of wills dating back to 1858 now available to view online .the will of princess diana is among 41 million available to order at the click of a button .\n", - "diana 's will is among those stored in an archive which is to be put onlinein it she bequeathed # 50,000 free of tax to her former butler paul burrellthe rest of her estate was divvied up between princes william and harryinternet users can pay # 10 to view the documents and millions of others\n", - "[1.4370598 1.3211356 1.2241306 1.1449347 1.1507928 1.1301202 1.1043766\n", - " 1.072241 1.1000184 1.0906655 1.1106479 1.1126683 1.1504633 1.016493\n", - " 1.0494739 1.037586 1.0212475 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 4 12 3 5 11 10 6 8 9 7 14 15 16 13 20 17 18 19 21]\n", - "=======================\n", - "['atlanta ( cnn ) robert lewis burns jr. , the original drummer in southern rock band lynyrd skynyrd , died friday night in a car crash , a georgia state patrol spokesman said .burns , 64 , died after his car hit a mailbox and a tree in cartersville , spokesman james tallent said .no other cars were involved in the crash , which occurred shortly before midnight .']\n", - "=======================\n", - "[\"robert lewis burns jr. was part of lynyrd skynyrd 's original lineuphis car hit a mailbox and a tree just before midnight\"]\n", - "atlanta ( cnn ) robert lewis burns jr. , the original drummer in southern rock band lynyrd skynyrd , died friday night in a car crash , a georgia state patrol spokesman said .burns , 64 , died after his car hit a mailbox and a tree in cartersville , spokesman james tallent said .no other cars were involved in the crash , which occurred shortly before midnight .\n", - "robert lewis burns jr. was part of lynyrd skynyrd 's original lineuphis car hit a mailbox and a tree just before midnight\n", - "[1.1954303 1.2250556 1.1704924 1.2894682 1.0562273 1.3903642 1.0399873\n", - " 1.121224 1.0922318 1.0916213 1.0662922 1.0314778 1.0111816 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 5 3 1 0 2 7 8 9 10 4 6 11 12 20 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"tipper lewis , 43 , has been reaping the benefits of superfoods for twenty years and credits the likes of chia seeds , bee pollen and matcha green tea with her boundless energy and good healthindeed , acai berries have been linked to weight loss and cancer prevention , flax seeds are thought to help lower blood pressure and reduce the risk of heart disease , while coconut oil has been hailed as a weight loss aid .health bloggers and celebrities alike sing superfoods ' praises and scientists publish countless studies into their health benefits .\"]\n", - "=======================\n", - "['tipper lewis , 43 , has been consuming superfoods for over 20 yearshas glowing skin , high energy levels and no doctorwould love to see children in schools eating superfoods']\n", - "tipper lewis , 43 , has been reaping the benefits of superfoods for twenty years and credits the likes of chia seeds , bee pollen and matcha green tea with her boundless energy and good healthindeed , acai berries have been linked to weight loss and cancer prevention , flax seeds are thought to help lower blood pressure and reduce the risk of heart disease , while coconut oil has been hailed as a weight loss aid .health bloggers and celebrities alike sing superfoods ' praises and scientists publish countless studies into their health benefits .\n", - "tipper lewis , 43 , has been consuming superfoods for over 20 yearshas glowing skin , high energy levels and no doctorwould love to see children in schools eating superfoods\n", - "[1.2032562 1.0757413 1.2655807 1.4409006 1.1245104 1.3452868 1.2013813\n", - " 1.0294042 1.1323653 1.0722122 1.0287758 1.2201123 1.025156 1.1261191\n", - " 1.0673647 1.0278351 1.0138313 1.0546517 1.0165527 1.0133029 0.\n", - " 0. ]\n", - "\n", - "[ 3 5 2 11 0 6 8 13 4 1 9 14 17 7 10 15 12 18 16 19 20 21]\n", - "=======================\n", - "[\"his heartbroken mum jessica and dad andrew mccrae have pledged to do everything they can to make sure the little boy from penrith , in sydney 's west , lives a full life , compiling a 30-item bucket list for their son to complete before he passes away .little elijah suffers the fatal genetic disease type 1 spinal muscular atrophy ( sma ) .but doctors say he probably wo n't live to see his second birthday because of a fatal genetic illness .\"]\n", - "=======================\n", - "[\"five-month-old elijah 's parents have made him a bucket listmum jessica and dad andrew want him to see the worldlittle elijah suffers the fatal genetic disease type 1 spinal muscular atrophyhe was born strong but he is now ` very floppy ' and getting weakerthe list includes a trip to queensland , a ferry ride and watching the sunset` the hardest thing is seeing other happy families '\"]\n", - "his heartbroken mum jessica and dad andrew mccrae have pledged to do everything they can to make sure the little boy from penrith , in sydney 's west , lives a full life , compiling a 30-item bucket list for their son to complete before he passes away .little elijah suffers the fatal genetic disease type 1 spinal muscular atrophy ( sma ) .but doctors say he probably wo n't live to see his second birthday because of a fatal genetic illness .\n", - "five-month-old elijah 's parents have made him a bucket listmum jessica and dad andrew want him to see the worldlittle elijah suffers the fatal genetic disease type 1 spinal muscular atrophyhe was born strong but he is now ` very floppy ' and getting weakerthe list includes a trip to queensland , a ferry ride and watching the sunset` the hardest thing is seeing other happy families '\n", - "[1.2200137 1.3951426 1.2513152 1.2244279 1.35657 1.2305547 1.1218344\n", - " 1.073485 1.0581418 1.0850114 1.1261309 1.0625178 1.1325463 1.0103657\n", - " 1.0134257 1.0728686 1.0460042 1.0226929 0. ]\n", - "\n", - "[ 1 4 2 5 3 0 12 10 6 9 7 15 11 8 16 17 14 13 18]\n", - "=======================\n", - "[\"jenna louise driscoll was leaving a brisbane 's city watch house after fronting the court for failing to appear on april 7 .the 25-year-old lashed out and hit a photographer on the forehead with a plastic bottle before hurling abuse at him .ms driscoll was arrested on friday afternoon after she turned up at stafford police station to fulfill her regular bail conditions .\"]\n", - "=======================\n", - "['woman charged with having sex with a dog lashed out at a photographerjenna louise driscoll hit him over the head with a bottle outside of courtshe fronted brisbane court after she failed to appear on april 7she was arrested on friday afternoon by police after a warrant was issuedpolice allegedly found bestiality videos when investigating text messages on her mobile phone for allegedly dealing cannabis in october']\n", - "jenna louise driscoll was leaving a brisbane 's city watch house after fronting the court for failing to appear on april 7 .the 25-year-old lashed out and hit a photographer on the forehead with a plastic bottle before hurling abuse at him .ms driscoll was arrested on friday afternoon after she turned up at stafford police station to fulfill her regular bail conditions .\n", - "woman charged with having sex with a dog lashed out at a photographerjenna louise driscoll hit him over the head with a bottle outside of courtshe fronted brisbane court after she failed to appear on april 7she was arrested on friday afternoon by police after a warrant was issuedpolice allegedly found bestiality videos when investigating text messages on her mobile phone for allegedly dealing cannabis in october\n", - "[1.2158256 1.5846882 1.2820358 1.3839643 1.0663719 1.0346454 1.0186257\n", - " 1.0518348 1.0296682 1.027137 1.2444857 1.2308931 1.123089 1.0825694\n", - " 1.0301267 1.0144958 1.0078715 1.0077078 0. ]\n", - "\n", - "[ 1 3 2 10 11 0 12 13 4 7 5 14 8 9 6 15 16 17 18]\n", - "=======================\n", - "[\"barry selby , 54 , who lives with his dog in poole , dorset , was eating a bag of cheese and onion crisps when he made the bizarre discovery , which appears to be a profile of a human skull .the floor-fitter has decided to keep the two inches tall by two-and-a-half inches wide snack as he believes it is far more impressive than other oddly-shaped examples he has seen on the internet .comparison : the 54-year-old said he was ` shocked ' to make the discovery , although it is not his first .\"]\n", - "=======================\n", - "[\"barry selby from dorset was eating bag of tesco cheese and onion crispsthe 54-year-old discovered a snack shaped like profile of the human skullhe said he was ` shocked ' with the find and has decided to ` keep it forever 'it 's not his first weird food find - he once discovered a heart-shaped crisp\"]\n", - "barry selby , 54 , who lives with his dog in poole , dorset , was eating a bag of cheese and onion crisps when he made the bizarre discovery , which appears to be a profile of a human skull .the floor-fitter has decided to keep the two inches tall by two-and-a-half inches wide snack as he believes it is far more impressive than other oddly-shaped examples he has seen on the internet .comparison : the 54-year-old said he was ` shocked ' to make the discovery , although it is not his first .\n", - "barry selby from dorset was eating bag of tesco cheese and onion crispsthe 54-year-old discovered a snack shaped like profile of the human skullhe said he was ` shocked ' with the find and has decided to ` keep it forever 'it 's not his first weird food find - he once discovered a heart-shaped crisp\n", - "[1.4079014 1.1607057 1.1129469 1.2250509 1.3273977 1.2323264 1.2388157\n", - " 1.0460043 1.0479927 1.0484195 1.0980356 1.0594537 1.0574611 1.0941001\n", - " 1.0367489 1.0114428 1.0652959 0. 0. ]\n", - "\n", - "[ 0 4 6 5 3 1 2 10 13 16 11 12 9 8 7 14 15 17 18]\n", - "=======================\n", - "[\"at the ballon d'or ceremony in january carlo ancelotti and diego simeone were runners-up as joachim low won the best coach award for guiding germany to the world cup .ancelotti reportedly told diego simeone that life in madrid would be a lot easier if atletico were n't aroundhaving already lost the spanish super cup to simeone at the start of the season , and the first league meeting between the two teams , since the fifa gala ancelotti has been knocked out of the copa del rey by his nemesis and beaten 4-0 in the league .\"]\n", - "=======================\n", - "[\"real madrid host atletico in champions league quarter-final second legfirst leg at vicente calderon finished 0-0 after physical encountercarlo ancelotti reportedly spoke to diego simeone about life in madriditalian boss told him life would be a lot easier if atletico were n't aroundreal must win at the bernabeu to go through , and ancelotti may not lastwinning nothing at real madrid results in an automatic dismissalgalacticos are currently two points adrift of la liga leaders barcelonaancelotti has only won three times in 12 games against simeone 's atletico\"]\n", - "at the ballon d'or ceremony in january carlo ancelotti and diego simeone were runners-up as joachim low won the best coach award for guiding germany to the world cup .ancelotti reportedly told diego simeone that life in madrid would be a lot easier if atletico were n't aroundhaving already lost the spanish super cup to simeone at the start of the season , and the first league meeting between the two teams , since the fifa gala ancelotti has been knocked out of the copa del rey by his nemesis and beaten 4-0 in the league .\n", - "real madrid host atletico in champions league quarter-final second legfirst leg at vicente calderon finished 0-0 after physical encountercarlo ancelotti reportedly spoke to diego simeone about life in madriditalian boss told him life would be a lot easier if atletico were n't aroundreal must win at the bernabeu to go through , and ancelotti may not lastwinning nothing at real madrid results in an automatic dismissalgalacticos are currently two points adrift of la liga leaders barcelonaancelotti has only won three times in 12 games against simeone 's atletico\n", - "[1.278801 1.400272 1.3028197 1.3864381 1.222669 1.2513857 1.0889293\n", - " 1.0610259 1.1805731 1.1116384 1.0150628 1.0158908 1.0220741 1.0638403\n", - " 1.0107836 1.0683627 1.0420426 1.0538107 1.0594922]\n", - "\n", - "[ 1 3 2 0 5 4 8 9 6 15 13 7 18 17 16 12 11 10 14]\n", - "=======================\n", - "[\"the ex-tottenham and england star , 53 , was rushed to hospital after waking up at 1am to find that the leg had gone cold back in 2013 .gary mabbutt has been left with a 30inch scar on his left leg after his diabetes caused an artery to be cloggedmabbutt 's diabetes had led to a clogged artery in the limb and doctors warned him it was ` touch and go ' on whether it would have to be amputated .\"]\n", - "=======================\n", - "['spurs legend woke up in middle of the night to find his leg was coldmabbutt diagnosed with diabetes at 17 but complications had developedhe required the main artery to be replaced and almost lost his left legthe ex-spurs star wants to raise awareness of dangers relating to diabetes']\n", - "the ex-tottenham and england star , 53 , was rushed to hospital after waking up at 1am to find that the leg had gone cold back in 2013 .gary mabbutt has been left with a 30inch scar on his left leg after his diabetes caused an artery to be cloggedmabbutt 's diabetes had led to a clogged artery in the limb and doctors warned him it was ` touch and go ' on whether it would have to be amputated .\n", - "spurs legend woke up in middle of the night to find his leg was coldmabbutt diagnosed with diabetes at 17 but complications had developedhe required the main artery to be replaced and almost lost his left legthe ex-spurs star wants to raise awareness of dangers relating to diabetes\n", - "[1.1720366 1.5101637 1.2106838 1.260982 1.373798 1.0830755 1.1371778\n", - " 1.1168551 1.1560508 1.0778327 1.0796967 1.0255681 1.0644859 1.0449927\n", - " 1.0745314 1.0540608 1.0277877 0. 0. ]\n", - "\n", - "[ 1 4 3 2 0 8 6 7 5 10 9 14 12 15 13 16 11 17 18]\n", - "=======================\n", - "[\"stephen munden , 54 , described as having a ` fanatical obsession ' with small girls after he targeted a toddler on a bus , has been missing since 6.15 pm on tuesday and was last seen leaving a hospital , near hook , hampshire .a predatory convicted paedophile with an obsession with young girls has gone on the run after vanishing from a psychiatric unit .now officers have launched a manhunt to find munden - who was detained under the mental health act after sexually touching the three-year-old girl .\"]\n", - "=======================\n", - "[\"stephen munden , 54 , has absconded from hospital , near hook , hampshirehe was described as having a ` fanatical obsession ' with small girlsmunden was convicted of sexually touching a child under the age of 13the sex offender may have shaved off his thick beard , police say\"]\n", - "stephen munden , 54 , described as having a ` fanatical obsession ' with small girls after he targeted a toddler on a bus , has been missing since 6.15 pm on tuesday and was last seen leaving a hospital , near hook , hampshire .a predatory convicted paedophile with an obsession with young girls has gone on the run after vanishing from a psychiatric unit .now officers have launched a manhunt to find munden - who was detained under the mental health act after sexually touching the three-year-old girl .\n", - "stephen munden , 54 , has absconded from hospital , near hook , hampshirehe was described as having a ` fanatical obsession ' with small girlsmunden was convicted of sexually touching a child under the age of 13the sex offender may have shaved off his thick beard , police say\n", - "[1.2643715 1.2880356 1.2049794 1.2353489 1.2086811 1.1476384 1.0745335\n", - " 1.0958377 1.065745 1.0594728 1.0488713 1.119823 1.0768814 1.0659547\n", - " 1.0842296 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 4 2 5 11 7 14 12 6 13 8 9 10 17 15 16 18]\n", - "=======================\n", - "[\"a team at nbc tasked with delving into allegations that the former network star has misrepresented his experiences in war zones is looking at tales he 's told about the tahrir square anti-government uprising in early 2011 .investigative journalists looking into possible exaggerations told by brian williams about his reporting are focusing on another episode from the nbc broadcasters career , his time reporting in egypt .however , there is no footage of williams actually on the square during what he called the moment demonstrations ` turned sour ' and descended into violence .\"]\n", - "=======================\n", - "[\"anchor said that he ` made eye contact ' with egyptian government soldier on horse when the tahrir square protests became violentwilliams told jon stewart that soldier then beat protesters with whipdoubts raised about whether he was actually on the square in early 2011his dispatches from the time of the uprising were done at balcony above itnbc committee investigating williams is reportedly looking at the incidentreview of his reporting continues after iraq experiences were inflated\"]\n", - "a team at nbc tasked with delving into allegations that the former network star has misrepresented his experiences in war zones is looking at tales he 's told about the tahrir square anti-government uprising in early 2011 .investigative journalists looking into possible exaggerations told by brian williams about his reporting are focusing on another episode from the nbc broadcasters career , his time reporting in egypt .however , there is no footage of williams actually on the square during what he called the moment demonstrations ` turned sour ' and descended into violence .\n", - "anchor said that he ` made eye contact ' with egyptian government soldier on horse when the tahrir square protests became violentwilliams told jon stewart that soldier then beat protesters with whipdoubts raised about whether he was actually on the square in early 2011his dispatches from the time of the uprising were done at balcony above itnbc committee investigating williams is reportedly looking at the incidentreview of his reporting continues after iraq experiences were inflated\n", - "[1.4857442 1.2901404 1.2151351 1.3820068 1.3382142 1.0339338 1.0290855\n", - " 1.1303679 1.0985548 1.0242399 1.0708047 1.0741302 1.0590819 1.0253115\n", - " 1.0097132 1.1548424 1.190855 1.0262858 1.0417709]\n", - "\n", - "[ 0 3 4 1 2 16 15 7 8 11 10 12 18 5 6 17 13 9 14]\n", - "=======================\n", - "[\"manuel pellegrini has admitted he is disappointed in yaya toure but vowed to back the manchester city midfielder -- at least until the end of the season .toure is determined not to be forced out but the chilean , speaking ahead of sunday 's visit of west ham , acknowledged the midfielder had underperformed and dismissed claims he should be given a rest .sportsmail revealed that manchester city will listen to offers for toure in the summer\"]\n", - "=======================\n", - "[\"sportsmail revealed manchester city would listen to offers for yaya touremanuel pellegrini admitted he was not happy about toure 's performancesbut the city boss has vowed to support him until the end of the seasonmanchester city face west ham at upton park on sundaysam allardyce has warned aaron cresswell about joining manchester city\"]\n", - "manuel pellegrini has admitted he is disappointed in yaya toure but vowed to back the manchester city midfielder -- at least until the end of the season .toure is determined not to be forced out but the chilean , speaking ahead of sunday 's visit of west ham , acknowledged the midfielder had underperformed and dismissed claims he should be given a rest .sportsmail revealed that manchester city will listen to offers for toure in the summer\n", - "sportsmail revealed manchester city would listen to offers for yaya touremanuel pellegrini admitted he was not happy about toure 's performancesbut the city boss has vowed to support him until the end of the seasonmanchester city face west ham at upton park on sundaysam allardyce has warned aaron cresswell about joining manchester city\n", - "[1.2176739 1.3328795 1.2383488 1.2265049 1.3050083 1.1611212 1.149179\n", - " 1.0768645 1.0305612 1.0109656 1.1465782 1.093059 1.1277636 1.1310406\n", - " 1.0472696 1.0731268 1.0768243 0. 0. ]\n", - "\n", - "[ 1 4 2 3 0 5 6 10 13 12 11 7 16 15 14 8 9 17 18]\n", - "=======================\n", - "[\"sarah jewell , 25 , is still living and breathing , a fact she proved when , after the irs told her to contact her local social security office in sparta , she walked right in and announced ` i 'm alive ! 'the staff told jewell that someone had filed her social security number as deceased in november 2014 .jewell said the office implied she would be fine and that ` everything 's taken care of ' .\"]\n", - "=======================\n", - "[\"sarah jewell , 25 , went to local social security office to prove she 's aliveshe learned someone had filed her number as deceased in november 2014jewell said the office implied ` everything 's taken care of ' and she was finebut after three months her number has n't been reinstated , she has n't received her tax refund , and her driver 's license also lists her as deceasedand now she 's in jeopardy of losing her job as a licensed pharmacist\"]\n", - "sarah jewell , 25 , is still living and breathing , a fact she proved when , after the irs told her to contact her local social security office in sparta , she walked right in and announced ` i 'm alive ! 'the staff told jewell that someone had filed her social security number as deceased in november 2014 .jewell said the office implied she would be fine and that ` everything 's taken care of ' .\n", - "sarah jewell , 25 , went to local social security office to prove she 's aliveshe learned someone had filed her number as deceased in november 2014jewell said the office implied ` everything 's taken care of ' and she was finebut after three months her number has n't been reinstated , she has n't received her tax refund , and her driver 's license also lists her as deceasedand now she 's in jeopardy of losing her job as a licensed pharmacist\n", - "[1.2732598 1.34237 1.1876856 1.3605305 1.2378118 1.0876291 1.069038\n", - " 1.0327191 1.0573295 1.0383195 1.1424148 1.0462902 1.053896 1.1491796\n", - " 1.0402108 1.0413301 1.0115939 1.0349275 0. ]\n", - "\n", - "[ 3 1 0 4 2 13 10 5 6 8 12 11 15 14 9 17 7 16 18]\n", - "=======================\n", - "['alec stewart admitted he has had no contact with the ecb over the role of england cricket directorit was widely believed that the new ecb regime led by chief executive tom harrison and chairman colin graves would waste little time in appointing from a short list of former england captains michael vaughan , andrew strauss and alec stewart .the ecb are to spread the net far wider than expected in their search for the director of cricket to replace the axed paul downton .']\n", - "=======================\n", - "['the ecb were expected to appoint a former england captain for the rolethe job description for the new cricket role has yet to be fixedsport recruitment international expected to suggest overseas candidates']\n", - "alec stewart admitted he has had no contact with the ecb over the role of england cricket directorit was widely believed that the new ecb regime led by chief executive tom harrison and chairman colin graves would waste little time in appointing from a short list of former england captains michael vaughan , andrew strauss and alec stewart .the ecb are to spread the net far wider than expected in their search for the director of cricket to replace the axed paul downton .\n", - "the ecb were expected to appoint a former england captain for the rolethe job description for the new cricket role has yet to be fixedsport recruitment international expected to suggest overseas candidates\n", - "[1.3045001 1.3654007 1.232975 1.328272 1.0671116 1.098753 1.0730308\n", - " 1.0901011 1.0949895 1.0657971 1.0927794 1.0905675 1.0713186 1.147547\n", - " 1.0431299 1.0739584 1.026143 0. 0. ]\n", - "\n", - "[ 1 3 0 2 13 5 8 10 11 7 15 6 12 4 9 14 16 17 18]\n", - "=======================\n", - "[\"the celebrity chef 's iconic fat duck was named the eighth best restaurant in the world in the annual poll by luxury magazine elite traveler .and his london eatery , dinner by heston blumenthal , at the mandarin oriental hotel , also scraped through into the top 25 .young talent : chef grant achatz has three michelin stars for his chicago restaurant alinea\"]\n", - "=======================\n", - "[\"the fat duck in bray named as the eighth best restaurant in the worlddinner by heston at london 's mandarin oriental hotel makes it to top 25best restaurant in the world is grant achatz 's alinea , chicagothe awards are voted for by readers of elite traveler magazine\"]\n", - "the celebrity chef 's iconic fat duck was named the eighth best restaurant in the world in the annual poll by luxury magazine elite traveler .and his london eatery , dinner by heston blumenthal , at the mandarin oriental hotel , also scraped through into the top 25 .young talent : chef grant achatz has three michelin stars for his chicago restaurant alinea\n", - "the fat duck in bray named as the eighth best restaurant in the worlddinner by heston at london 's mandarin oriental hotel makes it to top 25best restaurant in the world is grant achatz 's alinea , chicagothe awards are voted for by readers of elite traveler magazine\n", - "[1.391274 1.1869627 1.2326218 1.2905446 1.1514618 1.2502079 1.1086891\n", - " 1.0296782 1.0746305 1.0970122 1.0585564 1.0900581 1.0337896 1.0417601\n", - " 1.0201509 1.0666248 1.0529408 1.0458634 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 5 2 1 4 6 9 11 8 15 10 16 17 13 12 7 14 26 18 19 20 21 22\n", - " 23 24 25 27]\n", - "=======================\n", - "[\"pensions minister steve webb has now urged people to not make rash decisionsyesterday the biggest pension reforms in a century were launched , allowing over-55s to cash in their pension pots rather than being forced to buy a fixed monthly income .mr webb said over-55s ` do n't have to rush this ' and insisted there was ` a case for waiting and seeing ' .\"]\n", - "=======================\n", - "[\"over-55s are now able to cash in their pensions instead of buying annuitypensions minister steve webb said people should buy whatever they wanthe said : ` if you want to enjoy it , why should n't you be able to do that ? 'now , mr webb is urging people to take time and not make rash decisions\"]\n", - "pensions minister steve webb has now urged people to not make rash decisionsyesterday the biggest pension reforms in a century were launched , allowing over-55s to cash in their pension pots rather than being forced to buy a fixed monthly income .mr webb said over-55s ` do n't have to rush this ' and insisted there was ` a case for waiting and seeing ' .\n", - "over-55s are now able to cash in their pensions instead of buying annuitypensions minister steve webb said people should buy whatever they wanthe said : ` if you want to enjoy it , why should n't you be able to do that ? 'now , mr webb is urging people to take time and not make rash decisions\n", - "[1.4501497 1.0843623 1.1982446 1.2058238 1.1518539 1.0301342 1.2276614\n", - " 1.0483057 1.0337291 1.0399362 1.1089467 1.0792902 1.1214957 1.0575544\n", - " 1.2828572 1.0612478 1.0320315 1.0130031 1.0522581 1.0305614 1.0884211\n", - " 1.0230938 1.0262066 1.2151303 0. 0. 0. 0. ]\n", - "\n", - "[ 0 14 6 23 3 2 4 12 10 20 1 11 15 13 18 7 9 8 16 19 5 22 21 17\n", - " 24 25 26 27]\n", - "=======================\n", - "['brendan rodgers has insisted that raheem sterling will not be sold this summer , even if he fails to agree a new long-term contract at anfield .sterling has rejected a contract worth # 100,000-a-week and could look to force a move away from liverpoolbayern munich boss pep guardiola is believed to be keen on sterling and could make a move for him']\n", - "=======================\n", - "['raheem sterling could leave liverpool in the summer transfer windowarsenal and manchester city are both interested in signing himchelsea could make a big money move if sterling becomes availablebayern munich boss pep guardiola is believed to be an admirer']\n", - "brendan rodgers has insisted that raheem sterling will not be sold this summer , even if he fails to agree a new long-term contract at anfield .sterling has rejected a contract worth # 100,000-a-week and could look to force a move away from liverpoolbayern munich boss pep guardiola is believed to be keen on sterling and could make a move for him\n", - "raheem sterling could leave liverpool in the summer transfer windowarsenal and manchester city are both interested in signing himchelsea could make a big money move if sterling becomes availablebayern munich boss pep guardiola is believed to be an admirer\n", - "[1.1735743 1.0692368 1.0559689 1.0459093 1.0456424 1.0447562 1.1171105\n", - " 1.1274195 1.119494 1.1717817 1.0657644 1.0261698 1.1994196 1.0767735\n", - " 1.1084557 1.0382746 1.0287963 1.0448498 1.0624375 1.0337076 1.0361944\n", - " 1.0333055 1.0193461 1.0450566 1.0132163 1.0193155 1.0224016 1.0204157]\n", - "\n", - "[12 0 9 7 8 6 14 13 1 10 18 2 3 4 23 17 5 15 20 19 21 16 11 26\n", - " 27 22 25 24]\n", - "=======================\n", - "[\"raheem sterling winces during liverpool 's 4-1 defeat at arsenal to complete a tough week for the 20-year-oldimagine if raheem sterling had actually done something wrong .sterling 's ability has been questioned and his contribution to liverpool has been mocked .\"]\n", - "=======================\n", - "['he has not signed the lucrative contract liverpool waved in front of him and he gave an interview to the bbc without clearing it with the clubbut imagine if raheem sterling had actually done something wronghe has been called avaricious , capricious , disloyal and impressionablewe talk about loyalty in football as if it is a one-way streetclubs generally have very little loyalty to players .if he asks for time to think before he commits himself , it is absurdly unjust that he should be pilloried for it']\n", - "raheem sterling winces during liverpool 's 4-1 defeat at arsenal to complete a tough week for the 20-year-oldimagine if raheem sterling had actually done something wrong .sterling 's ability has been questioned and his contribution to liverpool has been mocked .\n", - "he has not signed the lucrative contract liverpool waved in front of him and he gave an interview to the bbc without clearing it with the clubbut imagine if raheem sterling had actually done something wronghe has been called avaricious , capricious , disloyal and impressionablewe talk about loyalty in football as if it is a one-way streetclubs generally have very little loyalty to players .if he asks for time to think before he commits himself , it is absurdly unjust that he should be pilloried for it\n", - "[1.1846515 1.3880147 1.330865 1.2154247 1.1033995 1.1277117 1.1794876\n", - " 1.024332 1.0874523 1.1641625 1.1680259 1.019925 1.0391017 1.062999\n", - " 1.095479 1.057266 1.028524 1.0271196 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 6 10 9 5 4 14 8 13 15 12 16 17 7 11 26 18 19 20 21 22\n", - " 23 24 25 27]\n", - "=======================\n", - "[\"us researchers discovered that a single gene called tcsad1 is responsible for the melting point of cocoa butter .plant geneticists say their finding could also lead to new varieties of climate change-resistant cocoa plants , which could boost plants ' yields and the income of farmers .the world cocoa foundation puts annual cocoa production worldwide at 3.8 million tons , which is valued at $ 11.8 billion ( # 7.9 billion ) .\"]\n", - "=======================\n", - "['plant geneticists at pennsylvania state university discovered that a single gene called tcsad1 is responsible for the melting point of cocoa butterdiscovery could lead to chocolate with unique textures and new drugs tooresearch could also be used to create new varieties of cocoa plantsexperts hope find could profit the farmers who grow cocoa']\n", - "us researchers discovered that a single gene called tcsad1 is responsible for the melting point of cocoa butter .plant geneticists say their finding could also lead to new varieties of climate change-resistant cocoa plants , which could boost plants ' yields and the income of farmers .the world cocoa foundation puts annual cocoa production worldwide at 3.8 million tons , which is valued at $ 11.8 billion ( # 7.9 billion ) .\n", - "plant geneticists at pennsylvania state university discovered that a single gene called tcsad1 is responsible for the melting point of cocoa butterdiscovery could lead to chocolate with unique textures and new drugs tooresearch could also be used to create new varieties of cocoa plantsexperts hope find could profit the farmers who grow cocoa\n", - "[1.5223852 1.352126 1.2567177 1.5112503 1.3418552 1.0671474 1.0132785\n", - " 1.0149735 1.0193775 1.0222323 1.0270469 1.018734 1.1131461 1.0191215\n", - " 1.0175408 1.0169551 1.0128278 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 12 5 10 9 8 13 11 14 15 7 6 16 25 24 23 22 19 20 18\n", - " 17 26 21 27]\n", - "=======================\n", - "[\"manchester united and liverpool target danny ings insists his aim for next season is to play and develop wherever he ends up .the burnley striker 's future has been the subject of considerable speculation with the 22-year-old also linked with moves to borussia monchengladbach and david moyes ' real sociedad .however , ings - who has scored nine goals during his debut premier league season - is keen to keep his career moving forward and does not want sit on the bench .\"]\n", - "=======================\n", - "['danny ings is a target for manchester united and liverpool this summerthe burnley striker does not want to move just to sit on the benchings keen to work with a manager who will help him develop as a player']\n", - "manchester united and liverpool target danny ings insists his aim for next season is to play and develop wherever he ends up .the burnley striker 's future has been the subject of considerable speculation with the 22-year-old also linked with moves to borussia monchengladbach and david moyes ' real sociedad .however , ings - who has scored nine goals during his debut premier league season - is keen to keep his career moving forward and does not want sit on the bench .\n", - "danny ings is a target for manchester united and liverpool this summerthe burnley striker does not want to move just to sit on the benchings keen to work with a manager who will help him develop as a player\n", - "[1.4790354 1.1841173 1.1146111 1.4550297 1.2372636 1.2652271 1.0908474\n", - " 1.1090583 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 5 4 1 2 7 6 22 21 20 19 18 17 16 12 14 13 23 11 10 9 8 15\n", - " 24]\n", - "=======================\n", - "['david alaba has given bayern munich some good news after posting a video on his instagram of the cast being removed following his recent knee ligament damage .david alaba is looking to get back to fitness for bayern munich now his cast has been removedbayern thrashed shakhtar donetsk in the last round and will be looking for a repeat result when they line up on wednesday at the estadio do dragao .']\n", - "=======================\n", - "['david alaba posted video on his instagram of the cast being removedthe austrian is currently out after suffering knee ligament damagebayern munich face porto in the champions league on wednesday']\n", - "david alaba has given bayern munich some good news after posting a video on his instagram of the cast being removed following his recent knee ligament damage .david alaba is looking to get back to fitness for bayern munich now his cast has been removedbayern thrashed shakhtar donetsk in the last round and will be looking for a repeat result when they line up on wednesday at the estadio do dragao .\n", - "david alaba posted video on his instagram of the cast being removedthe austrian is currently out after suffering knee ligament damagebayern munich face porto in the champions league on wednesday\n", - "[1.1389611 1.1801592 1.283956 1.1602175 1.348127 1.053907 1.0722827\n", - " 1.0759871 1.1727645 1.1192216 1.1445255 1.0931253 1.0421429 1.0674527\n", - " 1.027812 1.0077242 1.0076703 1.0120318 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 4 2 1 8 3 10 0 9 11 7 6 13 5 12 14 17 15 16 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"eighteen people died in the avalanche , including four americans , and 61 were injured , according to nepal 's mountaineering department .the avalanche started on mount kumori , a 23,000-foot-high mountain just a few miles from everest , and gathered strength as it tore across the world 's highest peak .before and after images show how the wave of snow , ice and rock flattened the usually serene 18,000-foot-altitude base camp on saturday .\"]\n", - "=======================\n", - "['photographs taken after the 7.8-magnitude earthquake sparked an avalanche on mount everest on saturday show the campsite buried beneath snow and belongings strewn across the mountaineighteen people were killed in the avalanche , including three americans , and more than 60 were injuredsurvivors recalled harrowing tales of being pummeled by snow and rocks as they prayed for their livesthe massive earthquake is believed to have killed at least 4,352 people across the region']\n", - "eighteen people died in the avalanche , including four americans , and 61 were injured , according to nepal 's mountaineering department .the avalanche started on mount kumori , a 23,000-foot-high mountain just a few miles from everest , and gathered strength as it tore across the world 's highest peak .before and after images show how the wave of snow , ice and rock flattened the usually serene 18,000-foot-altitude base camp on saturday .\n", - "photographs taken after the 7.8-magnitude earthquake sparked an avalanche on mount everest on saturday show the campsite buried beneath snow and belongings strewn across the mountaineighteen people were killed in the avalanche , including three americans , and more than 60 were injuredsurvivors recalled harrowing tales of being pummeled by snow and rocks as they prayed for their livesthe massive earthquake is believed to have killed at least 4,352 people across the region\n", - "[1.1337404 1.3114963 1.1999078 1.4096905 1.2349445 1.0792916 1.1078787\n", - " 1.1463872 1.1133794 1.0708563 1.1015221 1.0818269 1.0295339 1.0718143\n", - " 1.0363858 1.015434 1.0405403 1.0489267 1.0791515 1.0448987 1.0421946\n", - " 1.0427816 1.026052 1.0445019 1.0436244]\n", - "\n", - "[ 3 1 4 2 7 0 8 6 10 11 5 18 13 9 17 19 23 24 21 20 16 14 12 22\n", - " 15]\n", - "=======================\n", - "[\"he is being fed three times a day at the dairy farm where he was born , in narnaul , northern india .the strange-looking baby opens all ten lips when he is sucking at his mother 's udders .on everyone 's lips : this calf in northern india has five mouths and is attracting a stream of human visitors\"]\n", - "=======================\n", - "['bizarre-looking creature can drink through two of his five mouthslocal people in narnaul are flocking to see him and pray at his hoovesthe calf , called nandi , is thought to have the most mouths of any bovine']\n", - "he is being fed three times a day at the dairy farm where he was born , in narnaul , northern india .the strange-looking baby opens all ten lips when he is sucking at his mother 's udders .on everyone 's lips : this calf in northern india has five mouths and is attracting a stream of human visitors\n", - "bizarre-looking creature can drink through two of his five mouthslocal people in narnaul are flocking to see him and pray at his hoovesthe calf , called nandi , is thought to have the most mouths of any bovine\n", - "[1.2671461 1.4753815 1.3620439 1.2713997 1.1212599 1.1462843 1.1095687\n", - " 1.1009791 1.1861613 1.0926601 1.0256435 1.0248303 1.125096 1.0139292\n", - " 1.0126175 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 8 5 12 4 6 7 9 10 11 13 14 22 21 20 19 15 17 16 23 18\n", - " 24]\n", - "=======================\n", - "['stocks of the influenza vaccine are arriving a month later than expected as scientists have included protection against influenza a strain h3n2 and influenza b strain b/phuket .the decision to include both was triggered by a spike in flu-related deaths in the northern hemisphere as the vaccine was not a good match to fight against the two types of flu .experts say the modified version of the vaccination is worth waiting for .']\n", - "=======================\n", - "['flu strains h3n2 and b/phuket triggered spike in deaths in u.s. and europemodified vaccine which includes these two strains is coming to australiaincluding the strains has delayed stocks of the vaccine arriving by a monthhigh-risk groups in australia will be able to get free flu shots from april 20']\n", - "stocks of the influenza vaccine are arriving a month later than expected as scientists have included protection against influenza a strain h3n2 and influenza b strain b/phuket .the decision to include both was triggered by a spike in flu-related deaths in the northern hemisphere as the vaccine was not a good match to fight against the two types of flu .experts say the modified version of the vaccination is worth waiting for .\n", - "flu strains h3n2 and b/phuket triggered spike in deaths in u.s. and europemodified vaccine which includes these two strains is coming to australiaincluding the strains has delayed stocks of the vaccine arriving by a monthhigh-risk groups in australia will be able to get free flu shots from april 20\n", - "[1.2694092 1.3457477 1.3635974 1.3323182 1.2944003 1.0745742 1.186712\n", - " 1.0719436 1.0217875 1.0338978 1.0818015 1.1342157 1.0311197 1.0157129\n", - " 1.0251467 1.0356656 1.0406407 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 4 0 6 11 10 5 7 16 15 9 12 14 8 13 23 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"the company has now responded with its own video , demonstrating a three-point bend test on both its galaxy s6 models .but now the south korean firm is facing a ` bendgate ' controversy of its own after a video emerged claiming to show a similar flaw on the galaxy s6 edge .the video was released by third-party warranty firm squaretrade , and has since been criticised by samsung\"]\n", - "=======================\n", - "[\"squaretrade 's video shows phone breaking under 110lbs of pressurebut samsung argues this is an unrealistic portrayal of everyday forcesit added that original test ` does not show the strength of the back side 'samsung last year poked fun at apple during its bendgate controversy\"]\n", - "the company has now responded with its own video , demonstrating a three-point bend test on both its galaxy s6 models .but now the south korean firm is facing a ` bendgate ' controversy of its own after a video emerged claiming to show a similar flaw on the galaxy s6 edge .the video was released by third-party warranty firm squaretrade , and has since been criticised by samsung\n", - "squaretrade 's video shows phone breaking under 110lbs of pressurebut samsung argues this is an unrealistic portrayal of everyday forcesit added that original test ` does not show the strength of the back side 'samsung last year poked fun at apple during its bendgate controversy\n", - "[1.1690148 1.406629 1.3306336 1.2437114 1.1796569 1.1665035 1.1691728\n", - " 1.0843701 1.0566025 1.0729176 1.1118872 1.1007411 1.0888389 1.0227201\n", - " 1.0149807 1.054619 1.0361998 0. ]\n", - "\n", - "[ 1 2 3 4 6 0 5 10 11 12 7 9 8 15 16 13 14 17]\n", - "=======================\n", - "['some 24 per cent of 13 to 17-year-olds admitted they were continuously checking their devices , including when they were at school .nine in teenagers also confessed to going online every day as they were unable to resist the lure of facebook and instagram .the study also looked at social media and found that middle class teenagers were more likely to use snapchat , the controversial message service where messages disappears seconds after they are sent']\n", - "=======================\n", - "['9 in 10 teens go online every day , unable to resist the lure of facebookparents also face a nightmare monitoring children as 71 % of teens use more than one social network , the pew research centre foundnearly three-quarters of teens have or have access to a smartphone']\n", - "some 24 per cent of 13 to 17-year-olds admitted they were continuously checking their devices , including when they were at school .nine in teenagers also confessed to going online every day as they were unable to resist the lure of facebook and instagram .the study also looked at social media and found that middle class teenagers were more likely to use snapchat , the controversial message service where messages disappears seconds after they are sent\n", - "9 in 10 teens go online every day , unable to resist the lure of facebookparents also face a nightmare monitoring children as 71 % of teens use more than one social network , the pew research centre foundnearly three-quarters of teens have or have access to a smartphone\n", - "[1.2961879 1.48677 1.194267 1.3969371 1.1266606 1.0659782 1.1594461\n", - " 1.0630169 1.0727755 1.0941727 1.0815861 1.0513364 1.0374007 1.018337\n", - " 1.0126051 1.0420048 0. 0. ]\n", - "\n", - "[ 1 3 0 2 6 4 9 10 8 5 7 11 15 12 13 14 16 17]\n", - "=======================\n", - "[\"jim jepps used a blog called the daily maybe to defend ` rape fantasies ' , describe paedophiles as ` complex human beings ' and question why teachers who have relationships with pupils are put on the sex offenders register .green party leader natalie bennett has distanced herself from the bizarre blog posts of her boyfriend jim jepps , insisting he is a ` private individual not involved in party politics 'the couple met five years ago when ms bennett contacted him to correct something he had written about her , but now the green party stresses they do not ` want to be associated ' with his internet rants .\"]\n", - "=======================\n", - "[\"jim jepps used site to describe paedophiles as ` complex human beings 'couple met in 2010 after she contacted him to complain about a blogpostdefended ` rape fantasies ' and discussed teachers having affairs with pupilsbennett distances herself from ` private individual not involved in politics '\"]\n", - "jim jepps used a blog called the daily maybe to defend ` rape fantasies ' , describe paedophiles as ` complex human beings ' and question why teachers who have relationships with pupils are put on the sex offenders register .green party leader natalie bennett has distanced herself from the bizarre blog posts of her boyfriend jim jepps , insisting he is a ` private individual not involved in party politics 'the couple met five years ago when ms bennett contacted him to correct something he had written about her , but now the green party stresses they do not ` want to be associated ' with his internet rants .\n", - "jim jepps used site to describe paedophiles as ` complex human beings 'couple met in 2010 after she contacted him to complain about a blogpostdefended ` rape fantasies ' and discussed teachers having affairs with pupilsbennett distances herself from ` private individual not involved in politics '\n", - "[1.2745605 1.1679698 1.1209216 1.0956131 1.083252 1.0839651 1.1796638\n", - " 1.1087375 1.053499 1.0652163 1.043777 1.0445329 1.066805 1.0763179\n", - " 1.0324218 1.0324403 1.0511597 1.0359634]\n", - "\n", - "[ 0 6 1 2 7 3 5 4 13 12 9 8 16 11 10 17 15 14]\n", - "=======================\n", - "['( cnn ) we might never truly comprehend what drove co-pilot andreas lubitz to crash germanwings flight 9525 into the french alps on march 24 , killing everyone on board .his case raises larger and important issues about people who are burdened with mental illness and the pressure of its stigma .the latest report shows that he sped up the descent of the plane to its doom .']\n", - "=======================\n", - "['andreas lubitz , the co-pilot who crashed the germanwings flight , battled with depressionjay ruderman and jo ann simons : society must talk about mental illness to help people cope with it better']\n", - "( cnn ) we might never truly comprehend what drove co-pilot andreas lubitz to crash germanwings flight 9525 into the french alps on march 24 , killing everyone on board .his case raises larger and important issues about people who are burdened with mental illness and the pressure of its stigma .the latest report shows that he sped up the descent of the plane to its doom .\n", - "andreas lubitz , the co-pilot who crashed the germanwings flight , battled with depressionjay ruderman and jo ann simons : society must talk about mental illness to help people cope with it better\n", - "[1.3434614 1.4140637 1.190564 1.1476183 1.1526716 1.3821952 1.0656866\n", - " 1.0298958 1.0398115 1.0460645 1.0152199 1.0179423 1.0148648 1.1348044\n", - " 1.1214945 1.0667706 0. 0. ]\n", - "\n", - "[ 1 5 0 2 4 3 13 14 15 6 9 8 7 11 10 12 16 17]\n", - "=======================\n", - "[\"arsenal head to turf moor in search of what would be an eighth straight league victory , following on from last weekend 's 4-1 triumph over liverpool .santi cazorla is set to make his 100th premier league appearance while abou diaby is back from injuryarsene wenger has challenged his squad to put any dreams of a late charge for the barclays premier league to bed and focus instead on the cold reality of winning at burnley on saturday .\"]\n", - "=======================\n", - "[\"arsenal face burnley at turf moor as they bid to keep pressure on chelseagunners are seven points behind the blues having played one game morearsene wenger has told his squad to put dreams of title charge on holdabou diaby , jack wilshere , mikel arteta and mathieu debuchy in line to return to first-team foldarsenal 's pre-game playlist : pharrell makes laurent koscielny happy\"]\n", - "arsenal head to turf moor in search of what would be an eighth straight league victory , following on from last weekend 's 4-1 triumph over liverpool .santi cazorla is set to make his 100th premier league appearance while abou diaby is back from injuryarsene wenger has challenged his squad to put any dreams of a late charge for the barclays premier league to bed and focus instead on the cold reality of winning at burnley on saturday .\n", - "arsenal face burnley at turf moor as they bid to keep pressure on chelseagunners are seven points behind the blues having played one game morearsene wenger has told his squad to put dreams of title charge on holdabou diaby , jack wilshere , mikel arteta and mathieu debuchy in line to return to first-team foldarsenal 's pre-game playlist : pharrell makes laurent koscielny happy\n", - "[1.3094009 1.337631 1.1550401 1.2146995 1.0603299 1.048455 1.0303257\n", - " 1.1230386 1.141026 1.143404 1.0716172 1.0492212 1.0671775 1.0391657\n", - " 1.0366627 1.0986148 0. 0. ]\n", - "\n", - "[ 1 0 3 2 9 8 7 15 10 12 4 11 5 13 14 6 16 17]\n", - "=======================\n", - "[\"according to a new book by a former royal correspondent , the former king juan carlos ii had a long-running affair with a german socialite during the final decade of his reign .spain 's king felipe and queen letizia put on a united front today , as they stepped out for the first time since explosive new claims about the 47-year-old monarch 's father emerged .but if felipe and letizia were upset about the revelations , they certainly were n't showing it as they arrived at the university of alcala de henares to present the cervantes prize for literature .\"]\n", - "=======================\n", - "['king felipe was making his first appearance since the claims emergednew book alleges his father had a 10-year affair with a german socialitecorinna zu sayn-wittgenstein claims juan-carlos wanted to marry herfelipe , 47 , was joined by wife letizia , 42 , at university of alcala de henares']\n", - "according to a new book by a former royal correspondent , the former king juan carlos ii had a long-running affair with a german socialite during the final decade of his reign .spain 's king felipe and queen letizia put on a united front today , as they stepped out for the first time since explosive new claims about the 47-year-old monarch 's father emerged .but if felipe and letizia were upset about the revelations , they certainly were n't showing it as they arrived at the university of alcala de henares to present the cervantes prize for literature .\n", - "king felipe was making his first appearance since the claims emergednew book alleges his father had a 10-year affair with a german socialitecorinna zu sayn-wittgenstein claims juan-carlos wanted to marry herfelipe , 47 , was joined by wife letizia , 42 , at university of alcala de henares\n", - "[1.206847 1.4888115 1.3248279 1.3608582 1.235111 1.2151854 1.0738763\n", - " 1.08157 1.2002372 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 5 0 8 7 6 18 17 16 15 14 10 12 11 19 9 13 20]\n", - "=======================\n", - "[\"sabrina osterkamp was last seen leaving her home in naracoorte at about midday on sunday when she was driving a friend 's car about 110km south to mount gambier in south australia 's southeast .a german tourist , who had been missing for almost 24 hours after her car was discovered abandoned on the side of the road , has been found after surviving the night in a national park .a police spokesman said it was not know why she was in the national park without the car .\"]\n", - "=======================\n", - "[\"sabrina osterkamp was last seen leaving home in naracoorte at 12pm on sundaythe german tourist was driving a friend 's car about 110km south to mount gambier in south australia 's southeastthe car was found abandoned on side of road in centre of mount gambierthe 25-year-old contacted authorities to say she was safe and well almost 24 hours later\"]\n", - "sabrina osterkamp was last seen leaving her home in naracoorte at about midday on sunday when she was driving a friend 's car about 110km south to mount gambier in south australia 's southeast .a german tourist , who had been missing for almost 24 hours after her car was discovered abandoned on the side of the road , has been found after surviving the night in a national park .a police spokesman said it was not know why she was in the national park without the car .\n", - "sabrina osterkamp was last seen leaving home in naracoorte at 12pm on sundaythe german tourist was driving a friend 's car about 110km south to mount gambier in south australia 's southeastthe car was found abandoned on side of road in centre of mount gambierthe 25-year-old contacted authorities to say she was safe and well almost 24 hours later\n", - "[1.2679349 1.5334926 1.2229071 1.2846146 1.2078846 1.0965538 1.3026127\n", - " 1.0458395 1.0257577 1.0322193 1.0378305 1.023228 1.015962 1.0620414\n", - " 1.0257087 1.0188675 1.0268207 1.0124446 1.0766622 1.0778959 1.1755685]\n", - "\n", - "[ 1 6 3 0 2 4 20 5 19 18 13 7 10 9 16 8 14 11 15 12 17]\n", - "=======================\n", - "[\"douglas murphy was cleaning up after a children 's picnic when he bumped his leg against a bin bag .a cut so small it was hardly visible , became infected , causing the rare condition necrotizing faciitis - a flesh-eating bug .though the 47-year-old barely registered it at the time , the scrape almost cost him his right leg .\"]\n", - "=======================\n", - "['douglas murphy scraped his leg on a bin bag while clearing up after party47-year-old father-of-two suffered a cut so small it was barely visibleit became infected , triggering the rare condition necrotizing faciitissurgeons were preparing to amputate when antibiotics began to work']\n", - "douglas murphy was cleaning up after a children 's picnic when he bumped his leg against a bin bag .a cut so small it was hardly visible , became infected , causing the rare condition necrotizing faciitis - a flesh-eating bug .though the 47-year-old barely registered it at the time , the scrape almost cost him his right leg .\n", - "douglas murphy scraped his leg on a bin bag while clearing up after party47-year-old father-of-two suffered a cut so small it was barely visibleit became infected , triggering the rare condition necrotizing faciitissurgeons were preparing to amputate when antibiotics began to work\n", - "[1.0739253 1.1469518 1.1226655 1.3347927 1.1261877 1.2623128 1.1264616\n", - " 1.0862129 1.1165832 1.0212393 1.014312 1.0140209 1.0202266 1.0138336\n", - " 1.0141728 1.0145646 1.1173483 1.3023918 1.0111033 1.0179203 0. ]\n", - "\n", - "[ 3 17 5 1 6 4 2 16 8 7 0 9 12 19 15 10 14 11 13 18 20]\n", - "=======================\n", - "['not when their final seven games include fixtures against southampton , liverpool , arsenal , tottenham and manchester united .bafetimbi gomis scored a spectacular overhead .bafetimbi gomis roars with celebration after giving swansea a 2-0 lead against hull at the liberty stadium on saturday']\n", - "=======================\n", - "[\"swansea city beat hull city 2-1 in the premier league at the liberty stadium on saturdayki sung-yueng fired the hosts into the lead after 18 minutes when he turned home jonjo shelvey 's parried effortbafetimbi gomis doubled the lead when he fired a volley into the roof of the net eight minutes before half-timepaul mcshane got a goal back for the visitors just five minutes after the restart , tapping in from close rangedavid meyley was given a straight red card three minutes after the goal when he lunged in on kyle naughtongomis made it 3-1 in injury time to grab his second of the match and restore the host 's two-goal advantage\"]\n", - "not when their final seven games include fixtures against southampton , liverpool , arsenal , tottenham and manchester united .bafetimbi gomis scored a spectacular overhead .bafetimbi gomis roars with celebration after giving swansea a 2-0 lead against hull at the liberty stadium on saturday\n", - "swansea city beat hull city 2-1 in the premier league at the liberty stadium on saturdayki sung-yueng fired the hosts into the lead after 18 minutes when he turned home jonjo shelvey 's parried effortbafetimbi gomis doubled the lead when he fired a volley into the roof of the net eight minutes before half-timepaul mcshane got a goal back for the visitors just five minutes after the restart , tapping in from close rangedavid meyley was given a straight red card three minutes after the goal when he lunged in on kyle naughtongomis made it 3-1 in injury time to grab his second of the match and restore the host 's two-goal advantage\n", - "[1.6412084 1.547971 1.2597822 1.0809438 1.0873275 1.0696834 1.075104\n", - " 1.1133299 1.1756729 1.0294229 1.1004235 1.0531173 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 8 7 10 4 3 6 5 11 9 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"david luiz could be a doubt for paris saint-germain 's champions league clash with barcelona after picking up a hamstring injury on sunday .the brazilian defender went off after 35 minutes of psg 's 3-2 win over marseille after suffering an injjury to his left leg .shortly after his side had fallen behind in their top of the table clash , the brazilian was running away from a marseille player , before being caught by a stray leg .\"]\n", - "=======================\n", - "[\"david luiz pulled up in the 35th minute of ligue 1 's le classiqueluiz was immediately replaced , and club confirmed a pulled hamstringpsg defender will have scans on monday , but could be out for weeksbarcelona meet psg on april 15 in the first leg of champions league tie\"]\n", - "david luiz could be a doubt for paris saint-germain 's champions league clash with barcelona after picking up a hamstring injury on sunday .the brazilian defender went off after 35 minutes of psg 's 3-2 win over marseille after suffering an injjury to his left leg .shortly after his side had fallen behind in their top of the table clash , the brazilian was running away from a marseille player , before being caught by a stray leg .\n", - "david luiz pulled up in the 35th minute of ligue 1 's le classiqueluiz was immediately replaced , and club confirmed a pulled hamstringpsg defender will have scans on monday , but could be out for weeksbarcelona meet psg on april 15 in the first leg of champions league tie\n", - "[1.4866071 1.4421214 1.1300714 1.3729863 1.1066796 1.18499 1.0220697\n", - " 1.0442612 1.1938336 1.0531362 1.0858309 1.0317483 1.0116415 1.0428355\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 8 5 2 4 10 9 7 13 11 6 12 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"as the countdown continues to floyd mayweather 's mega-fight with manny pacquiao in las vegas on may 2 , the money man 's daughter iyanna mayweather has shared her thoughts about life in training with her champion father .mayweather vs pacquiao will generate revenue upwards of $ 300 million in what is being billed as the most lucrative bout in boxing history and , ahead of the may showdown , iyanna mayweather offered some insight into her dad 's intense training regime .floyd mayweather and pacquiao have been keeping boxing fans updated daily on social media with their training schedules and iyanna mayweather explained how impressed she was with her father 's work ethic in the gym . '\"]\n", - "=======================\n", - "['floyd mayweather will fight manny pacquiao in las vegas on may 2the bout is expected to generate $ 300 million in revenueiyanna mayweather has been in training camp with her father floyd']\n", - "as the countdown continues to floyd mayweather 's mega-fight with manny pacquiao in las vegas on may 2 , the money man 's daughter iyanna mayweather has shared her thoughts about life in training with her champion father .mayweather vs pacquiao will generate revenue upwards of $ 300 million in what is being billed as the most lucrative bout in boxing history and , ahead of the may showdown , iyanna mayweather offered some insight into her dad 's intense training regime .floyd mayweather and pacquiao have been keeping boxing fans updated daily on social media with their training schedules and iyanna mayweather explained how impressed she was with her father 's work ethic in the gym . '\n", - "floyd mayweather will fight manny pacquiao in las vegas on may 2the bout is expected to generate $ 300 million in revenueiyanna mayweather has been in training camp with her father floyd\n", - "[1.1974465 1.4368275 1.1355731 1.2488328 1.3192089 1.1540531 1.1010629\n", - " 1.042677 1.1318105 1.0489045 1.0399086 1.1001142 1.0880494 1.0794605\n", - " 1.0871971 1.044679 1.027274 1.0222392 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 3 0 5 2 8 6 11 12 14 13 9 15 7 10 16 17 18 19 20 21]\n", - "=======================\n", - "[\"nicholas pence , 25 , and his father david , an oil company manager , had been celebrating a victorious football game in their garage in new orleans , louisiana , on wednesday .they were found by david 's wife , nicholas 's mother , who had been in a bedroom when she heard gun shots .a father and son were shot dead in an execution-style murder moments after party guests left their home in a quiet neighborhood .\"]\n", - "=======================\n", - "[\"nicholas pence , 25 , and his father david , 56 , had friends round to celebrate a victorious football game on wednesday in their rural new orleans hometheir guests left at midnight , moments later they were both shot deaddavid was shot three times in his chair and nicholas was shot twice with tactical shotgunquiet wealthy community reeling , said both men ` got on with everybody 'two teenagers , aged 17 and 18 , charged with the killingpolice believe it was a botched burglary , connected them to car break-ins\"]\n", - "nicholas pence , 25 , and his father david , an oil company manager , had been celebrating a victorious football game in their garage in new orleans , louisiana , on wednesday .they were found by david 's wife , nicholas 's mother , who had been in a bedroom when she heard gun shots .a father and son were shot dead in an execution-style murder moments after party guests left their home in a quiet neighborhood .\n", - "nicholas pence , 25 , and his father david , 56 , had friends round to celebrate a victorious football game on wednesday in their rural new orleans hometheir guests left at midnight , moments later they were both shot deaddavid was shot three times in his chair and nicholas was shot twice with tactical shotgunquiet wealthy community reeling , said both men ` got on with everybody 'two teenagers , aged 17 and 18 , charged with the killingpolice believe it was a botched burglary , connected them to car break-ins\n", - "[1.337093 1.4574869 1.2782197 1.2184075 1.0916473 1.0500292 1.0749205\n", - " 1.0787824 1.03116 1.0358667 1.0282371 1.0740448 1.020131 1.0775458\n", - " 1.0285728 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 3 4 7 13 6 11 5 9 8 14 10 12 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"a spring resurgence of five wins and a draw in their last six games has propelled roberto martinez 's side into the top half of the premier league , and the likes of leon osman , phil jagielka , ross barkley and romelu lukaku were all present to pass on advice to the next generation of talent .the feel-good factor at everton continued to grow after many of the club 's first-team players attended the annual ` academy day ' at finch farm on tuesday .players from the under-6 to under-11 age groups joined the blues ' senior stars for a training session at the halewood complex , with the fun-filled occasion including games of head tennis and shooting drills overseen by manager martinez and his coaching staff .\"]\n", - "=======================\n", - "['first-team squad play head tennis with future talent at academy daypresence of phil jagielka , james mccarthy and co proves a huge successroberto martinez and his staff also at finch farm for annual fun eventeverton are unbeaten in their last six premier league games , winning five']\n", - "a spring resurgence of five wins and a draw in their last six games has propelled roberto martinez 's side into the top half of the premier league , and the likes of leon osman , phil jagielka , ross barkley and romelu lukaku were all present to pass on advice to the next generation of talent .the feel-good factor at everton continued to grow after many of the club 's first-team players attended the annual ` academy day ' at finch farm on tuesday .players from the under-6 to under-11 age groups joined the blues ' senior stars for a training session at the halewood complex , with the fun-filled occasion including games of head tennis and shooting drills overseen by manager martinez and his coaching staff .\n", - "first-team squad play head tennis with future talent at academy daypresence of phil jagielka , james mccarthy and co proves a huge successroberto martinez and his staff also at finch farm for annual fun eventeverton are unbeaten in their last six premier league games , winning five\n", - "[1.0311735 1.0804195 1.4076247 1.3408532 1.2269703 1.2401934 1.2422417\n", - " 1.1004668 1.0998656 1.1203423 1.061694 1.0827104 1.1137111 1.09937\n", - " 1.0578713 1.0873356 1.1136415 1.0725287 1.0660764 1.0879202 1.0882921\n", - " 1.0218762]\n", - "\n", - "[ 2 3 6 5 4 9 12 16 7 8 13 20 19 15 11 1 17 18 10 14 0 21]\n", - "=======================\n", - "['called flashgap , all photos and videos taken using the app are added to a hidden album that only becomes visible the following day .the flashgap app ( pictured ) is free for ios and android devices .all attendees of the event can see this album , and users can only delete photos they took themselves']\n", - "=======================\n", - "['the flashgap app is free for ios and android devicesphotos and videos taken on the app disappear into a hidden albumthey only reappear at midday the next day and are shown to all attendeesapp was inspired by the film the hangover starring bradley cooper']\n", - "called flashgap , all photos and videos taken using the app are added to a hidden album that only becomes visible the following day .the flashgap app ( pictured ) is free for ios and android devices .all attendees of the event can see this album , and users can only delete photos they took themselves\n", - "the flashgap app is free for ios and android devicesphotos and videos taken on the app disappear into a hidden albumthey only reappear at midday the next day and are shown to all attendeesapp was inspired by the film the hangover starring bradley cooper\n", - "[1.6700671 1.3890738 1.3449464 1.3774536 1.1706034 1.0807099 1.0752536\n", - " 1.0377657 1.0231979 1.0333071 1.0542842 1.0345663 1.1003053 1.0183903\n", - " 1.059748 1.0259846 1.0362754 1.0250598 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 2 4 12 5 6 14 10 7 16 11 9 15 17 8 13 20 18 19 21]\n", - "=======================\n", - "[\"former huddersfield centre josh griffin scored a try and kicked three goals as improving salford secured back-to-back super league wins with an 18-12 triumph at the john smith 's stadium .griffin and ben jones-bishop scored tries in the first half , although jack hughes gave the giants hope .salford red devils secured a second win in a row with a 18-12 victory at huddersfield\"]\n", - "=======================\n", - "['salford sealed consecutive super league wins with victory at huddersfieldjosh griffin inspired red devils wita try and three kicked goalsben jones-bishop and carl forster scored the other tries for the visitors']\n", - "former huddersfield centre josh griffin scored a try and kicked three goals as improving salford secured back-to-back super league wins with an 18-12 triumph at the john smith 's stadium .griffin and ben jones-bishop scored tries in the first half , although jack hughes gave the giants hope .salford red devils secured a second win in a row with a 18-12 victory at huddersfield\n", - "salford sealed consecutive super league wins with victory at huddersfieldjosh griffin inspired red devils wita try and three kicked goalsben jones-bishop and carl forster scored the other tries for the visitors\n", - "[1.4041362 1.2117248 1.4364594 1.2560699 1.1818641 1.0834916 1.1210468\n", - " 1.093155 1.06886 1.012101 1.013355 1.0128374 1.1149004 1.0960648\n", - " 1.0573412 1.1574942 1.0689507 1.0294398 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 3 1 4 15 6 12 13 7 5 16 8 14 17 10 11 9 20 18 19 21]\n", - "=======================\n", - "[\"madoff is serving 150 years in prison for carrying out a $ 65 billion ponzi style fraud - which became the largest in financial history .bernie madoff allegedly tried to persuade his drug dealer 's girlfriend to become his mistressa new book about the financier claims he had put pressure on an israeli model who was working for him as a stock analyst and dating his dealer silvio eboli to sleep with him .\"]\n", - "=======================\n", - "[\"bernie madoff is serving 150 years in prison for $ 65billion ponzi style fraudfraudster is alleged to have tried to steal his drug dealer 's girlfriendit is claimed he put pressure on the israeli model to become his mistresshe apparently told her she had made a mistake when she became pregnant with dealer silvio eboli 's child , new book into his life claims\"]\n", - "madoff is serving 150 years in prison for carrying out a $ 65 billion ponzi style fraud - which became the largest in financial history .bernie madoff allegedly tried to persuade his drug dealer 's girlfriend to become his mistressa new book about the financier claims he had put pressure on an israeli model who was working for him as a stock analyst and dating his dealer silvio eboli to sleep with him .\n", - "bernie madoff is serving 150 years in prison for $ 65billion ponzi style fraudfraudster is alleged to have tried to steal his drug dealer 's girlfriendit is claimed he put pressure on the israeli model to become his mistresshe apparently told her she had made a mistake when she became pregnant with dealer silvio eboli 's child , new book into his life claims\n", - "[1.1752511 1.3994329 1.3364234 1.2406301 1.1971892 1.2323785 1.1287123\n", - " 1.1417564 1.0758137 1.0790337 1.1608511 1.1869351 1.0401447 1.0333607\n", - " 1.0174168 1.0087746 1.010821 0. 0. ]\n", - "\n", - "[ 1 2 3 5 4 11 0 10 7 6 9 8 12 13 14 16 15 17 18]\n", - "=======================\n", - "[\"in what has been described as a ` confronting case of animal cruelty ' , photos were released by rspca south australia which detailed how the cats at the property were in poor physical condition when they were seized by animal welfare .the resident pleaded guilty to a charge of failing to provide appropriate and adequate living conditions for his cats .these are the shocking images of a pet owner 's squalor living conditions in adelaide , where he raised his three cats\"]\n", - "=======================\n", - "[\"rspca south australia published photos of the poor living conditionsthe cat owner , who was prosecuted for animal cruelty , lives in adelaidethe pet owner has been fined $ 500 but his identity is yet to be revealedhe pleaded guilty to a charge of failing to provide appropriate and adequate living conditions for the cats at the propertythe court granted him the return of two of his cats but the third remains in the rspca 's care\"]\n", - "in what has been described as a ` confronting case of animal cruelty ' , photos were released by rspca south australia which detailed how the cats at the property were in poor physical condition when they were seized by animal welfare .the resident pleaded guilty to a charge of failing to provide appropriate and adequate living conditions for his cats .these are the shocking images of a pet owner 's squalor living conditions in adelaide , where he raised his three cats\n", - "rspca south australia published photos of the poor living conditionsthe cat owner , who was prosecuted for animal cruelty , lives in adelaidethe pet owner has been fined $ 500 but his identity is yet to be revealedhe pleaded guilty to a charge of failing to provide appropriate and adequate living conditions for the cats at the propertythe court granted him the return of two of his cats but the third remains in the rspca 's care\n", - "[1.2176539 1.2192278 1.3760731 1.3418688 1.1786914 1.1012049 1.1030782\n", - " 1.0182681 1.0215437 1.0227404 1.0272758 1.0926398 1.0349365 1.1039218\n", - " 1.0447745 1.0209796 1.0230622 1.0544674 1.0364758]\n", - "\n", - "[ 2 3 1 0 4 13 6 5 11 17 14 18 12 10 16 9 8 15 7]\n", - "=======================\n", - "['for silvia , star of the series my extraordinary pregnancy , suffered from pica , an eating disorder that makes people crave non-food substances .but one unlucky woman from new york had a craving for something rather unusual and potentially very damaging - rocks .some of the most common pregnancy cravings are chocolate , ice cream or even pickles .']\n", - "=======================\n", - "['silvia , from new york , developed a non-food craving while pregnantthe eating disorder , called pica , makes people crave inedible itemsboth she and partner estevan are worried about what it will do to the baby']\n", - "for silvia , star of the series my extraordinary pregnancy , suffered from pica , an eating disorder that makes people crave non-food substances .but one unlucky woman from new york had a craving for something rather unusual and potentially very damaging - rocks .some of the most common pregnancy cravings are chocolate , ice cream or even pickles .\n", - "silvia , from new york , developed a non-food craving while pregnantthe eating disorder , called pica , makes people crave inedible itemsboth she and partner estevan are worried about what it will do to the baby\n", - "[1.4727225 1.180537 1.4691311 1.2460945 1.1896774 1.0800933 1.0774047\n", - " 1.0710934 1.0727199 1.0733469 1.1780318 1.1302322 1.0647172 1.0500631\n", - " 1.0654268 1.0091226 1.0079137 0. 0. ]\n", - "\n", - "[ 0 2 3 4 1 10 11 5 6 9 8 7 14 12 13 15 16 17 18]\n", - "=======================\n", - "[\"jordan sharifi , 17 , confessed to giving a gun to friend raymond howell , who killed himselfon thursday , raymond was found in a ditch from a self-inflicted gunshot wound .sharifi discovered raymond 's body in a rain culvert after the boy 's mother called to ask him if he 'd seen her son , according to an affidavit , the dallas morning news reported .\"]\n", - "=======================\n", - "[\"jordan sharifi , 17 , ` gave raymond howell , jr. , 14 , a gun and ammunition to protect himself from bullies but raymond used the gun to take his life 'sharifi found his friend 's body in a rain culvert on thursday morning ` and threw the gun in a nearby drainage tunnel 'he was arrested by mckinney , texas police on friday and charged with theft of a firearm and making a firearm accessible to a childraymond left him a note before he took his life , sharifi saidthe school district says it has found no evidence that raymond or his family contacted them about bullying\"]\n", - "jordan sharifi , 17 , confessed to giving a gun to friend raymond howell , who killed himselfon thursday , raymond was found in a ditch from a self-inflicted gunshot wound .sharifi discovered raymond 's body in a rain culvert after the boy 's mother called to ask him if he 'd seen her son , according to an affidavit , the dallas morning news reported .\n", - "jordan sharifi , 17 , ` gave raymond howell , jr. , 14 , a gun and ammunition to protect himself from bullies but raymond used the gun to take his life 'sharifi found his friend 's body in a rain culvert on thursday morning ` and threw the gun in a nearby drainage tunnel 'he was arrested by mckinney , texas police on friday and charged with theft of a firearm and making a firearm accessible to a childraymond left him a note before he took his life , sharifi saidthe school district says it has found no evidence that raymond or his family contacted them about bullying\n", - "[1.3058901 1.1069535 1.0927838 1.193946 1.0617265 1.2068567 1.0675316\n", - " 1.057853 1.0433378 1.0238519 1.1735818 1.0443555 1.0498976 1.0584261\n", - " 1.113109 1.0537407 0. 0. 0. ]\n", - "\n", - "[ 0 5 3 10 14 1 2 6 4 13 7 15 12 11 8 9 16 17 18]\n", - "=======================\n", - "[\"all the smiles can not hide the reality that mccluskey and his union are a potent , sinister force in british politicsbut that did not stop ` red ' len mccluskey giving me the time of day on a street in neath as he conducted a two-day tour of the principality to drum up support for labour 's cause .the famously militant leader of unite asked me with a grin that was more genial than menacing .\"]\n", - "=======================\n", - "[\"the scale of influence unite holds is chilling given what it seeks to imposeit remains addicted to the failed socialist policies of britain 's pastmr mcclusky denies holding too much power over labour 's ed miliband\"]\n", - "all the smiles can not hide the reality that mccluskey and his union are a potent , sinister force in british politicsbut that did not stop ` red ' len mccluskey giving me the time of day on a street in neath as he conducted a two-day tour of the principality to drum up support for labour 's cause .the famously militant leader of unite asked me with a grin that was more genial than menacing .\n", - "the scale of influence unite holds is chilling given what it seeks to imposeit remains addicted to the failed socialist policies of britain 's pastmr mcclusky denies holding too much power over labour 's ed miliband\n", - "[1.2317259 1.38059 1.2432817 1.2358091 1.2548937 1.1980472 1.1753163\n", - " 1.1378233 1.0678416 1.0850774 1.1075754 1.0184537 1.0240685 1.0480584\n", - " 1.0841382 1.0371377 1.0407906 1.04177 1.033853 ]\n", - "\n", - "[ 1 4 2 3 0 5 6 7 10 9 14 8 13 17 16 15 18 12 11]\n", - "=======================\n", - "[\"burnell ` bernie ' mitchell - who changed his name to khalid rashad after converting to islam - has been held on suspicion of conspiracy to murder after the death of abdul hadi arwani , a syrian national .the brother of boney m 's lead singer liz mitchell has been arrested in connection with the killing of a syrian-born imam .his sister is liz mitchell ( right ) , lead singer of the 1970s band boney m\"]\n", - "=======================\n", - "[\"burnell mitchell held over conspiracy to murder and terrorism offencesthe 61-year-old muslim convert is brother of boney m singer liz mitchellhe was arrested by police investigating the death of abdul hadi arwanileslie cooper , 36 , has been charged with the syrian-national 's murdera 53-year-old woman was also arrested on suspicion of terrorism offences\"]\n", - "burnell ` bernie ' mitchell - who changed his name to khalid rashad after converting to islam - has been held on suspicion of conspiracy to murder after the death of abdul hadi arwani , a syrian national .the brother of boney m 's lead singer liz mitchell has been arrested in connection with the killing of a syrian-born imam .his sister is liz mitchell ( right ) , lead singer of the 1970s band boney m\n", - "burnell mitchell held over conspiracy to murder and terrorism offencesthe 61-year-old muslim convert is brother of boney m singer liz mitchellhe was arrested by police investigating the death of abdul hadi arwanileslie cooper , 36 , has been charged with the syrian-national 's murdera 53-year-old woman was also arrested on suspicion of terrorism offences\n", - "[1.6044546 1.095513 1.0886344 1.120653 1.151833 1.2626783 1.1215087\n", - " 1.0736378 1.0613788 1.0537446 1.0543876 1.05315 1.144366 1.0899342\n", - " 1.0749012 1.1235422 1.0357571 0. 0. 0. 0. ]\n", - "\n", - "[ 0 5 4 12 15 6 3 1 13 2 14 7 8 10 9 11 16 19 17 18 20]\n", - "=======================\n", - "[\"lindsey vonn made another appearance in augusta on thursday to cheer on her golfer boyfriend tiger woods while he goes after a fifth masters championship after back surgery temporarily put his career on ice last year .there for tiger : ski champ lindsey vonn looked a little teed off at the first day of the masters in augusta , georgia , on thursday as her beau tiger made some high profile mistakesshe 's also come roaring back from her own terrible injuries .\"]\n", - "=======================\n", - "[\"tiger woods , back in august , georgia , after missing the masters last year following surgery hopes to pull of a stunning return to greatnesshis girlfriend vonn managed to come back after surgery that followed a devastating knee injury and win her 18th world cup , a women 's record\"]\n", - "lindsey vonn made another appearance in augusta on thursday to cheer on her golfer boyfriend tiger woods while he goes after a fifth masters championship after back surgery temporarily put his career on ice last year .there for tiger : ski champ lindsey vonn looked a little teed off at the first day of the masters in augusta , georgia , on thursday as her beau tiger made some high profile mistakesshe 's also come roaring back from her own terrible injuries .\n", - "tiger woods , back in august , georgia , after missing the masters last year following surgery hopes to pull of a stunning return to greatnesshis girlfriend vonn managed to come back after surgery that followed a devastating knee injury and win her 18th world cup , a women 's record\n", - "[1.16678 1.5104461 1.265589 1.326581 1.0670159 1.1408564 1.025229\n", - " 1.0281905 1.1973917 1.215467 1.0481395 1.1679195 1.1925219 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 9 8 12 11 0 5 4 10 7 6 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"jordan waddingham scoured through bushland at karoola , north east of launceston in tasmania to unravel the plague of wasps after his mother stephanie offered him $ 20 to locate the nest .jordan waddingham made a startling discovery after finding the world 's largest european wasp nest 'young jordan 's discovery is currently on display at the queen victoria museum and art gallery in launceston\"]\n", - "=======================\n", - "[\"a 12-year-old boy found the world 's largest european wasp nest ever foundjordan waddingham made $ 20 from his mum for his startling discoveryit measures at one metre tall and a circumference of three metresthe nest was destroyed overnight when the wasps were dormantit took two days to remove the 90-kilogram nest from the groundthe nest is being displayed at the queen victoria museum and art gallery\"]\n", - "jordan waddingham scoured through bushland at karoola , north east of launceston in tasmania to unravel the plague of wasps after his mother stephanie offered him $ 20 to locate the nest .jordan waddingham made a startling discovery after finding the world 's largest european wasp nest 'young jordan 's discovery is currently on display at the queen victoria museum and art gallery in launceston\n", - "a 12-year-old boy found the world 's largest european wasp nest ever foundjordan waddingham made $ 20 from his mum for his startling discoveryit measures at one metre tall and a circumference of three metresthe nest was destroyed overnight when the wasps were dormantit took two days to remove the 90-kilogram nest from the groundthe nest is being displayed at the queen victoria museum and art gallery\n", - "[1.2512931 1.2860222 1.2329236 1.1723632 1.1487639 1.1641477 1.2038724\n", - " 1.2135692 1.1559919 1.1210908 1.1198784 1.0994585 1.0629584 1.0360601\n", - " 1.0326421 1.035924 1.0214721 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 7 6 3 5 8 4 9 10 11 12 13 15 14 16 17 18 19 20]\n", - "=======================\n", - "['cops began following the wild animal after it was spotted scurrying through battery park city at 6am , the new york post reported .police captured coyote who led them on a chase through downtown new york city on saturday .officers trailed it on foot and in patrol cars as it ran across roads and dipped between cars .']\n", - "=======================\n", - "['animal gave police a run-around in battery park city on saturdayofficers trailed the canine in patrol cars and on foot through the streetsit evaded capture for two hours while dipping in and out of trafficcops eventually cornered the coyote and shot it with a tranquilizer dart']\n", - "cops began following the wild animal after it was spotted scurrying through battery park city at 6am , the new york post reported .police captured coyote who led them on a chase through downtown new york city on saturday .officers trailed it on foot and in patrol cars as it ran across roads and dipped between cars .\n", - "animal gave police a run-around in battery park city on saturdayofficers trailed the canine in patrol cars and on foot through the streetsit evaded capture for two hours while dipping in and out of trafficcops eventually cornered the coyote and shot it with a tranquilizer dart\n", - "[1.107387 1.0889273 1.073817 1.190204 1.3171058 1.1878998 1.1006337\n", - " 1.0971768 1.0820633 1.0831469 1.0784272 1.0926802 1.0688572 1.0564512\n", - " 1.1174684 1.036793 1.0469764 1.0567851 1.0464524 1.0274327 1.0570635]\n", - "\n", - "[ 4 3 5 14 0 6 7 11 1 9 8 10 2 12 20 17 13 16 18 15 19]\n", - "=======================\n", - "['where chefs eat ( left ) has more than 3,000 chef recommendations .planning your meals need never be a chore again with these ten appslove food hate waste ( right ) will store details of all the foods you have at home and alerts you to duplicate buys']\n", - "=======================\n", - "['exchange facebook check-ins for free cocktails with drinkithousands of wine tasting notes at your fingertips with berry bros. appplan balanced meals with smartmeal which calculates nutritional content']\n", - "where chefs eat ( left ) has more than 3,000 chef recommendations .planning your meals need never be a chore again with these ten appslove food hate waste ( right ) will store details of all the foods you have at home and alerts you to duplicate buys\n", - "exchange facebook check-ins for free cocktails with drinkithousands of wine tasting notes at your fingertips with berry bros. appplan balanced meals with smartmeal which calculates nutritional content\n", - "[1.2121917 1.4753301 1.2045572 1.3919778 1.292 1.0439243 1.0257915\n", - " 1.0258979 1.0764693 1.1104691 1.0642368 1.0752347 1.0628121 1.0426886\n", - " 1.0351083 1.211671 1.0829533 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 0 15 2 9 16 8 11 10 12 5 13 14 7 6 17 18 19 20]\n", - "=======================\n", - "[\"patrick and valerie jubb are attempting to sell the four-bedroom property where they currently reside in jimena de la frontera , but it is now on the brink of being torn down .a pair of british expats say they are ` trapped ' in southern spain amid an ongoing legal battle with the local town hall over a luxury bed and breakfast they once operated .the retired couple told spain 's olive press news website that they have done nothing wrong but face losing the estate over illegal additions made by a previous owner .\"]\n", - "=======================\n", - "['patrick and valerie jubb purchased the property in andalusia in 2008they said the alterations had been legalised by land registry officialscouple also said a certificate listed no infractions at time of purchasewhen they tried to sell local authorities said the alterations were illegaltown hall said normal rules do not apply as estate is in a natural park']\n", - "patrick and valerie jubb are attempting to sell the four-bedroom property where they currently reside in jimena de la frontera , but it is now on the brink of being torn down .a pair of british expats say they are ` trapped ' in southern spain amid an ongoing legal battle with the local town hall over a luxury bed and breakfast they once operated .the retired couple told spain 's olive press news website that they have done nothing wrong but face losing the estate over illegal additions made by a previous owner .\n", - "patrick and valerie jubb purchased the property in andalusia in 2008they said the alterations had been legalised by land registry officialscouple also said a certificate listed no infractions at time of purchasewhen they tried to sell local authorities said the alterations were illegaltown hall said normal rules do not apply as estate is in a natural park\n", - "[1.1187593 1.1202834 1.100369 1.5615652 1.3990145 1.2192472 1.0211172\n", - " 1.0141916 1.0215781 1.0135753 1.040866 1.0799679 1.1366513 1.048384\n", - " 1.1071 1.0459279 1.084759 1.018682 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 4 5 12 1 0 14 2 16 11 13 15 10 8 6 17 7 9 18 19 20 21]\n", - "=======================\n", - "['harry kane was captain for tottenham hotspur in the premier league match against burnley at turf moortottenham striker kane became the youngest premier league player to be captain this season at the age of 21 years and 251 daysharry kane had a bad day at the office by his recent high standards :']\n", - "=======================\n", - "[\"harry kane became the youngest premier league player to be captain this season ( 21 years and 251 days )tottenham hotspur could not steal the win at turf moor against relegation-threatened burnleymauricio pochettino 's side failed to take advantage of liverpool 's loss in the race for the top fourtottenham are now seven points adrift of manchester city in fourth but have played a game more\"]\n", - "harry kane was captain for tottenham hotspur in the premier league match against burnley at turf moortottenham striker kane became the youngest premier league player to be captain this season at the age of 21 years and 251 daysharry kane had a bad day at the office by his recent high standards :\n", - "harry kane became the youngest premier league player to be captain this season ( 21 years and 251 days )tottenham hotspur could not steal the win at turf moor against relegation-threatened burnleymauricio pochettino 's side failed to take advantage of liverpool 's loss in the race for the top fourtottenham are now seven points adrift of manchester city in fourth but have played a game more\n", - "[1.3687712 1.3359592 1.3425049 1.26444 1.1192139 1.0405824 1.0817775\n", - " 1.0571533 1.0868561 1.0523146 1.0379939 1.0543292 1.1191188 1.0781814\n", - " 1.2273746 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 3 14 4 12 8 6 13 7 11 9 5 10 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"kevin pietersen 's attempt to impress the england selectors ended in failure in cardiff on sunday afternoon .pietersen was making his first lv = county championship appearance since june 2013 in the hope of finding a way back into the england set-up .in the same swalec stadium arena where pietersen hopes to be batting against australia in the first ashes test this summer , the surrey batsman fell for 19 after appearing to be ready to build on the 170 he made against the oxford students last week .\"]\n", - "=======================\n", - "['kevin pietersen playing his first county championship game for two yearspietersen was caught at slip off the bowling off craig meschede for 19kumar sangakkara scored a debut century for surrey after kp was outsurrey reach 363 for three at stumps on day one against glamorgan']\n", - "kevin pietersen 's attempt to impress the england selectors ended in failure in cardiff on sunday afternoon .pietersen was making his first lv = county championship appearance since june 2013 in the hope of finding a way back into the england set-up .in the same swalec stadium arena where pietersen hopes to be batting against australia in the first ashes test this summer , the surrey batsman fell for 19 after appearing to be ready to build on the 170 he made against the oxford students last week .\n", - "kevin pietersen playing his first county championship game for two yearspietersen was caught at slip off the bowling off craig meschede for 19kumar sangakkara scored a debut century for surrey after kp was outsurrey reach 363 for three at stumps on day one against glamorgan\n", - "[1.1080616 1.2734472 1.3412392 1.3077811 1.2019773 1.1789691 1.1132423\n", - " 1.0837926 1.1312519 1.0587105 1.0657501 1.0566328 1.0372465 1.0513983\n", - " 1.0309873 1.0338547 1.0315986 1.0313638 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 3 1 4 5 8 6 0 7 10 9 11 13 12 15 16 17 14 20 18 19 21]\n", - "=======================\n", - "[\"called amited , the case uses micro-fans to blow heat away from the device , or can heat a phone using resistance coils if it gets too cold .the optimal case ( pictured ) was designed by israel-based amited .now an israeli team of developers has built a ` thermal protection ' case that not only warns you when your phone is getting too hot , it will automatically cool it down .\"]\n", - "=======================\n", - "[\"sensors in the optimal case track subtle changes in a phone 's temperaturemicro-fans inside the case cool the phone down if it gets too hotwhile built-in resistance coils gently heat the device if it gets too coldcase is launching on indiegogo this week , but prices have n't been revealed\"]\n", - "called amited , the case uses micro-fans to blow heat away from the device , or can heat a phone using resistance coils if it gets too cold .the optimal case ( pictured ) was designed by israel-based amited .now an israeli team of developers has built a ` thermal protection ' case that not only warns you when your phone is getting too hot , it will automatically cool it down .\n", - "sensors in the optimal case track subtle changes in a phone 's temperaturemicro-fans inside the case cool the phone down if it gets too hotwhile built-in resistance coils gently heat the device if it gets too coldcase is launching on indiegogo this week , but prices have n't been revealed\n", - "[1.2381082 1.4620025 1.2086383 1.3509251 1.2690282 1.0510396 1.2067437\n", - " 1.1215944 1.0233809 1.1189659 1.045587 1.0305471 1.0791907 1.085269\n", - " 1.0655072 1.1144905 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 4 0 2 6 7 9 15 13 12 14 5 10 11 8 20 16 17 18 19 21]\n", - "=======================\n", - "['orrden williams jr. says he was outside a bp gas station in memphis , tennessee , when a crowd of loud and unruly teenagers suddenly descended upon the establishment .orden williams jr. ( above ) ended up covered in bruises because of the unprovoked attack , and his baby was also almost hit by the teensa gang of violent high school students were caught on camera as they brutally attacked a man .']\n", - "=======================\n", - "['a crowd of students from northwest prep academy descended on a gas station in memphis , tennessee on mondaythey began to yell and throw up gang signs and then attacked a man , orrden williams jr. .williams ended up covered in bruises because of the unprovoked attack , and his baby was also almost hit by the teenspolice are investigating and have made one arrest in the case , 19-year-old joe brittman']\n", - "orrden williams jr. says he was outside a bp gas station in memphis , tennessee , when a crowd of loud and unruly teenagers suddenly descended upon the establishment .orden williams jr. ( above ) ended up covered in bruises because of the unprovoked attack , and his baby was also almost hit by the teensa gang of violent high school students were caught on camera as they brutally attacked a man .\n", - "a crowd of students from northwest prep academy descended on a gas station in memphis , tennessee on mondaythey began to yell and throw up gang signs and then attacked a man , orrden williams jr. .williams ended up covered in bruises because of the unprovoked attack , and his baby was also almost hit by the teenspolice are investigating and have made one arrest in the case , 19-year-old joe brittman\n", - "[1.2805436 1.0763453 1.1866112 1.1663831 1.4404752 1.2628597 1.1840438\n", - " 1.1345571 1.0570536 1.0166609 1.0569516 1.0656905 1.0282247 1.0349687\n", - " 1.0335578 1.1982459 1.0787697 1.1145674 1.0192876 1.0297619 1.0275407\n", - " 1.0171986]\n", - "\n", - "[ 4 0 5 15 2 6 3 7 17 16 1 11 8 10 13 14 19 12 20 18 21 9]\n", - "=======================\n", - "[\"louis van gaal has identified michael carrick ( left ) and wayne rooney as two of his most bright playersvan gaal demands a level of ` football intelligence ' from his players at manchester unitedspanish midfielder juan mata is another cultured , classy player in united 's team\"]\n", - "=======================\n", - "[\"very few manchester united players possess the intelligence demandedmichael carrick , wayne rooney and juan mata can claim to have itthe dutchman suggested some of his other players lack brainsluke shaw was n't fit enough when he arrived last summerphil jones thunders senselessly into tackles and gets injuredeven ander herrera is guilty of playing senseless long ballsdurham : arsenal only turn it on when the pressure is offadrian durham : sterling would be earning the same as balotelli if he signed # 100,000-a-week deal at liverpool ... that 's the real issue hereclick here for all the latest manchester united news\"]\n", - "louis van gaal has identified michael carrick ( left ) and wayne rooney as two of his most bright playersvan gaal demands a level of ` football intelligence ' from his players at manchester unitedspanish midfielder juan mata is another cultured , classy player in united 's team\n", - "very few manchester united players possess the intelligence demandedmichael carrick , wayne rooney and juan mata can claim to have itthe dutchman suggested some of his other players lack brainsluke shaw was n't fit enough when he arrived last summerphil jones thunders senselessly into tackles and gets injuredeven ander herrera is guilty of playing senseless long ballsdurham : arsenal only turn it on when the pressure is offadrian durham : sterling would be earning the same as balotelli if he signed # 100,000-a-week deal at liverpool ... that 's the real issue hereclick here for all the latest manchester united news\n", - "[1.4239192 1.2857153 1.3840445 1.370749 1.2864671 1.0196664 1.0215518\n", - " 1.023941 1.1323583 1.1624345 1.0908082 1.2625484 1.1327308 1.013226\n", - " 1.0107249 1.0085267 1.0109051 1.0669992 1.071245 1.0902874]\n", - "\n", - "[ 0 2 3 4 1 11 9 12 8 10 19 18 17 7 6 5 13 16 14 15]\n", - "=======================\n", - "['manchester city midfielder yaya toure is a dream target for inter milan , according to general director marco fassone .gazzetta dello sport claim inter are prepared to submit an offer of 60million euros ( # 43million ) for the ivory coast international , who is under contract with the blues outfit until june 2017 .the italian giants are keen to sign the 31-year-old this summer , a player inter coach roberto mancini knows well having guided him from 2010 until 2013 at the barclays premier league club .']\n", - "=======================\n", - "[\"inter milan are hoping to sign manchester city 's yaya toure this summerbut marco fassone admits toure 's fee and wages might scupper a dealinter are working on new contracts for mauro icardi and mateo kovacicserie a club also hope to tie down goalkeeper samir handanovic\"]\n", - "manchester city midfielder yaya toure is a dream target for inter milan , according to general director marco fassone .gazzetta dello sport claim inter are prepared to submit an offer of 60million euros ( # 43million ) for the ivory coast international , who is under contract with the blues outfit until june 2017 .the italian giants are keen to sign the 31-year-old this summer , a player inter coach roberto mancini knows well having guided him from 2010 until 2013 at the barclays premier league club .\n", - "inter milan are hoping to sign manchester city 's yaya toure this summerbut marco fassone admits toure 's fee and wages might scupper a dealinter are working on new contracts for mauro icardi and mateo kovacicserie a club also hope to tie down goalkeeper samir handanovic\n", - "[1.211444 1.5228122 1.2906053 1.1764139 1.2299525 1.3268514 1.1812613\n", - " 1.0856357 1.0552492 1.0875233 1.0381193 1.0120867 1.0387728 1.0598873\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 2 4 0 6 3 9 7 13 8 12 10 11 18 14 15 16 17 19]\n", - "=======================\n", - "[\"jackson byrnes , 18 , has flown from lismore in northern new south wales to sydney to be operated on by renowned neurosurgeon dr charlie teo , the only surgeon in australia willing to perform the risky operation that will likely see jackson paralysed .for the past week jackson 's family and friends have been desperately trying to raise $ 80,000 needed to pay the hospital upfront by tuesday night , so that he can undergo the operation on wednesday morning .three weeks ago the 18-year-old was told by doctors that he had a stage four brain tumour that was too deep and aggressive to be safely operated on .\"]\n", - "=======================\n", - "['teen with deadly brain tumour has raised $ 80,000 for emergency surgery18-year-old jackson byrnes has stage four brain tumourhe was told by doctors it was too aggressive to operate oninstead he found a neurosurgeon who would do the operationhe had to find $ 80,000 by tuesday night to pay the surgeon up frontthe risky operation will likely see him end up paralysed down his left side']\n", - "jackson byrnes , 18 , has flown from lismore in northern new south wales to sydney to be operated on by renowned neurosurgeon dr charlie teo , the only surgeon in australia willing to perform the risky operation that will likely see jackson paralysed .for the past week jackson 's family and friends have been desperately trying to raise $ 80,000 needed to pay the hospital upfront by tuesday night , so that he can undergo the operation on wednesday morning .three weeks ago the 18-year-old was told by doctors that he had a stage four brain tumour that was too deep and aggressive to be safely operated on .\n", - "teen with deadly brain tumour has raised $ 80,000 for emergency surgery18-year-old jackson byrnes has stage four brain tumourhe was told by doctors it was too aggressive to operate oninstead he found a neurosurgeon who would do the operationhe had to find $ 80,000 by tuesday night to pay the surgeon up frontthe risky operation will likely see him end up paralysed down his left side\n", - "[1.4296293 1.3785732 1.2325265 1.2211258 1.2764556 1.1958339 1.1568255\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 3 5 6 17 16 15 14 13 9 11 10 18 8 7 12 19]\n", - "=======================\n", - "[\"west ham are discussing a deal for jamaican starlet deshane beckford after he impressed on trial .the skilful 17-year-old forward from montego bay united was invited to train with west ham 's academy earlier this month and has impressed coaches after spending two weeks with the club .beckford also has offers from clubs in belgium .\"]\n", - "=======================\n", - "['west ham are keen on concluding a deal for 17-year-old deshane beckfordjamaican starlet beckford has been linked with a host of european clubsread our exclusive : west ham season tickets to cost as little as # 289']\n", - "west ham are discussing a deal for jamaican starlet deshane beckford after he impressed on trial .the skilful 17-year-old forward from montego bay united was invited to train with west ham 's academy earlier this month and has impressed coaches after spending two weeks with the club .beckford also has offers from clubs in belgium .\n", - "west ham are keen on concluding a deal for 17-year-old deshane beckfordjamaican starlet beckford has been linked with a host of european clubsread our exclusive : west ham season tickets to cost as little as # 289\n", - "[1.3825889 1.3472171 1.3056605 1.3107029 1.0572071 1.096662 1.0962548\n", - " 1.1378057 1.1369443 1.0440117 1.0413566 1.0761894 1.0181906 1.0270061\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 7 8 5 6 11 4 9 10 13 12 18 14 15 16 17 19]\n", - "=======================\n", - "[\"nicola sturgeon scoffed at ed miliband 's attempts to rule out a post-election pact with the scottish national party last night as she said labour had no chance of winning a majority on its own .the scottish first minister , whose party is on course for a landslide north of the border , said the labour leader would soon ` change his tune ' .mr miliband yesterday insisted he would not agree to a ` confidence and supply ' deal with the snp , who look set to deprive his party of an outright win and could hold the balance of power .\"]\n", - "=======================\n", - "[\"scottish first minister 's party is on course for landslide north of bordermiliband says he wo n't agree to ` confidence and supply ' deal with snpbut he refuses to rule out relying on snp votes to pass key legislationparty could deprive labour of outright win and hold balance of power\"]\n", - "nicola sturgeon scoffed at ed miliband 's attempts to rule out a post-election pact with the scottish national party last night as she said labour had no chance of winning a majority on its own .the scottish first minister , whose party is on course for a landslide north of the border , said the labour leader would soon ` change his tune ' .mr miliband yesterday insisted he would not agree to a ` confidence and supply ' deal with the snp , who look set to deprive his party of an outright win and could hold the balance of power .\n", - "scottish first minister 's party is on course for landslide north of bordermiliband says he wo n't agree to ` confidence and supply ' deal with snpbut he refuses to rule out relying on snp votes to pass key legislationparty could deprive labour of outright win and hold balance of power\n", - "[1.595616 1.294641 1.275249 1.331907 1.1319835 1.1055824 1.1254947\n", - " 1.0467646 1.1069542 1.0529679 1.0851389 1.0816035 1.0335097 1.0122751\n", - " 1.0091962 1.0085874 1.007321 1.006807 1.0071801 0. ]\n", - "\n", - "[ 0 3 1 2 4 6 8 5 10 11 9 7 12 13 14 15 16 18 17 19]\n", - "=======================\n", - "[\"eugenie bouchard 's run of poor form continued as the top seed was beaten 6-3 , 6-1 by american lauren davis in the second round at the family circle cup in charleston on wednesday .davis , 21 , had lost her only career meeting with bouchard , but was in control this time against the world no 7 .davis won nine of the final 11 games of the match and broke bouchard 's serve twice in the final set to pull off the upset .\"]\n", - "=======================\n", - "['eugenie bouchard suffered her fourth defeat in six matchesthe canadian top seed lost to lauren davis at the family circle cupworld no 66 davis won 6-3 , 6-1 in the second round in charlestondavis won nine of the final 11 games of the match to seal victoryclick here for all the latest news from charleston']\n", - "eugenie bouchard 's run of poor form continued as the top seed was beaten 6-3 , 6-1 by american lauren davis in the second round at the family circle cup in charleston on wednesday .davis , 21 , had lost her only career meeting with bouchard , but was in control this time against the world no 7 .davis won nine of the final 11 games of the match and broke bouchard 's serve twice in the final set to pull off the upset .\n", - "eugenie bouchard suffered her fourth defeat in six matchesthe canadian top seed lost to lauren davis at the family circle cupworld no 66 davis won 6-3 , 6-1 in the second round in charlestondavis won nine of the final 11 games of the match to seal victoryclick here for all the latest news from charleston\n", - "[1.1890209 1.378524 1.1857704 1.3384395 1.1697637 1.0990323 1.1594594\n", - " 1.0997987 1.0424042 1.1812179 1.0128676 1.0156069 1.0226245 1.0274326\n", - " 1.039719 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 9 4 6 7 5 8 14 13 12 11 10 18 15 16 17 19]\n", - "=======================\n", - "['wilkins , 60 , made the pilgrimage to gallipoli on the eve of the centenary commemorations , to discover more of his grandfather , george william thomson , a qualified dentist , who toiled for many hours on end as part of the new zealand medical corps to mend broken bodies .richard wilkins is made of stern stuff , he \\'s had to be across almost 30 years of dealing with tantrums and egos as a television presenter and interviewer , but standing on anzac cove thinking of what his grandfather george had faced 100 years ago , reduced him to tears .he tells how having read excerpts from his \" papa \\'s \" war diary , lit \\' a flame of interest \\' to learn more of the world war one veteran .']\n", - "=======================\n", - "['veteran tv presenter richard wilkins was moved to tears as he retraced his grandfather \\'s anzac footstepsreading his \" papa \\'s \" war diaries ` lit a flame of interest \\' to head to gallipolihe cracked when standing on anzac cove thinking of how ` the poor buggers found themselves in hell \\'']\n", - "wilkins , 60 , made the pilgrimage to gallipoli on the eve of the centenary commemorations , to discover more of his grandfather , george william thomson , a qualified dentist , who toiled for many hours on end as part of the new zealand medical corps to mend broken bodies .richard wilkins is made of stern stuff , he 's had to be across almost 30 years of dealing with tantrums and egos as a television presenter and interviewer , but standing on anzac cove thinking of what his grandfather george had faced 100 years ago , reduced him to tears .he tells how having read excerpts from his \" papa 's \" war diary , lit ' a flame of interest ' to learn more of the world war one veteran .\n", - "veteran tv presenter richard wilkins was moved to tears as he retraced his grandfather 's anzac footstepsreading his \" papa 's \" war diaries ` lit a flame of interest ' to head to gallipolihe cracked when standing on anzac cove thinking of how ` the poor buggers found themselves in hell '\n", - "[1.2928848 1.4915968 1.229903 1.1539867 1.2576768 1.1688604 1.0986062\n", - " 1.0403683 1.0766686 1.0192075 1.0420216 1.0190532 1.0700651 1.012636\n", - " 1.0114588 1.2440201 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 15 2 5 3 6 8 12 10 7 9 11 13 14 18 16 17 19]\n", - "=======================\n", - "[\"the man 's sarcastic response comes after melbourne-based actor , lucy gransbury , wrote a two-page rant claiming her neighbours were keeping her awake at night .a woman 's noisy neighbour has issued a withering reply to her hand-written letter complaining about his hard-partying ways , claiming only the deaf and ` those buried in the cemetery ' would have any concerns with the noise coming for his home .but after a month of not hearing back from any of her boisterous neighbours , jershon witehira posted an equally cheeky reply on his facebook page opening with ' my dearest lucy ' .\"]\n", - "=======================\n", - "['lucy gransbury wrote a long handwritten letter to her noisy neighboursmelbourne-based actor finally erupted after four months of sleepless nightsalso a comedian , she used her humour to tell them what she thoughtphotos were taken of her throwing letter and over the fence and running offafter a week of peace and quiet , she decided to send another note and giftsdespite being woken by them talking twice the following sunday morningthe cabaret artist finally received a hilarious reply from one of rowdy lads']\n", - "the man 's sarcastic response comes after melbourne-based actor , lucy gransbury , wrote a two-page rant claiming her neighbours were keeping her awake at night .a woman 's noisy neighbour has issued a withering reply to her hand-written letter complaining about his hard-partying ways , claiming only the deaf and ` those buried in the cemetery ' would have any concerns with the noise coming for his home .but after a month of not hearing back from any of her boisterous neighbours , jershon witehira posted an equally cheeky reply on his facebook page opening with ' my dearest lucy ' .\n", - "lucy gransbury wrote a long handwritten letter to her noisy neighboursmelbourne-based actor finally erupted after four months of sleepless nightsalso a comedian , she used her humour to tell them what she thoughtphotos were taken of her throwing letter and over the fence and running offafter a week of peace and quiet , she decided to send another note and giftsdespite being woken by them talking twice the following sunday morningthe cabaret artist finally received a hilarious reply from one of rowdy lads\n", - "[1.5822436 1.5044489 1.247312 1.2797277 1.1466582 1.0688871 1.0905759\n", - " 1.0403525 1.0292654 1.0201864 1.0215456 1.0192032 1.0739787 1.0268738\n", - " 1.0587592 1.0647033 1.1353412 1.019796 1.011577 1.0095264]\n", - "\n", - "[ 0 1 3 2 4 16 6 12 5 15 14 7 8 13 10 9 17 11 18 19]\n", - "=======================\n", - "[\"tottenham boss mauricio pochettino is convinced there is more to come from striker harry kane after seeing him plunder his 30th goal of the season .kane became the first spurs player since gary lineker to reach the 30-mark with a late strike in his side 's 3-1 barclays premier league victory at newcastle on sunday .harry kane calmly slots tottenham 's third goal in time added on after coming one-on-one with krul\"]\n", - "=======================\n", - "['mauricio pochettino believes harry kane still has so much more to givekane scored against newcastle to take his season tally to the 30-markhe becomes first tottenham player since gary lineker to reach that tallypochettino is convinced 21-year-old england hitman can improve further']\n", - "tottenham boss mauricio pochettino is convinced there is more to come from striker harry kane after seeing him plunder his 30th goal of the season .kane became the first spurs player since gary lineker to reach the 30-mark with a late strike in his side 's 3-1 barclays premier league victory at newcastle on sunday .harry kane calmly slots tottenham 's third goal in time added on after coming one-on-one with krul\n", - "mauricio pochettino believes harry kane still has so much more to givekane scored against newcastle to take his season tally to the 30-markhe becomes first tottenham player since gary lineker to reach that tallypochettino is convinced 21-year-old england hitman can improve further\n", - "[1.4979645 1.4677391 1.2566104 1.4173204 1.1516873 1.2157298 1.0449873\n", - " 1.0178056 1.057452 1.2743913 1.0097846 1.015733 1.1048465 1.0154825\n", - " 1.0159686 1.0090286 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 9 2 5 4 12 8 6 7 14 11 13 10 15 18 16 17 19]\n", - "=======================\n", - "[\"liverpool keeper simon mignolet has backed belgian striker divock origi to be a success at anfield .the 19-year-old joined liverpool after impressing at last summer 's world cup but was loaned back to lille for this season .divock origi ( left ) was voted the second most overrated player in ligue one in a poll by france football\"]\n", - "=======================\n", - "['divock origi has scored just seven league goals this season for lillebelgium striker will join liverpool for start of next season after loan spellmignolet believes origi has all the qualities to succeed at anfieldread : jordon ibe on the verge of signing new liverpool contractclick here for all the latest liverpool news']\n", - "liverpool keeper simon mignolet has backed belgian striker divock origi to be a success at anfield .the 19-year-old joined liverpool after impressing at last summer 's world cup but was loaned back to lille for this season .divock origi ( left ) was voted the second most overrated player in ligue one in a poll by france football\n", - "divock origi has scored just seven league goals this season for lillebelgium striker will join liverpool for start of next season after loan spellmignolet believes origi has all the qualities to succeed at anfieldread : jordon ibe on the verge of signing new liverpool contractclick here for all the latest liverpool news\n", - "[1.4763644 1.3088923 1.2972288 1.2386302 1.074909 1.044057 1.0806599\n", - " 1.0262914 1.0407681 1.071852 1.049004 1.1114928 1.1592773 1.0442096\n", - " 1.0232008 1.0670692 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 12 11 6 4 9 15 10 13 5 8 7 14 18 16 17 19]\n", - "=======================\n", - "[\"schoolgirl killer zbigniew huminski ( pictured ) did not offer a word of remorse as he was indicted for kidnapping , raping and murdering a nine-year-olddespite being banned from france for earlier offences , zbigniew was on his way to england on wednesday from calais when he struck .huminski was supposed to be in prison in poland - but he exploited his home country 's lax justice system to travel to france instead .\"]\n", - "=======================\n", - "[\"zbigniew huminski charged with raping and murdering schoolgirl chloehe did not offer remorse for crimes which could seen him jailed for lifeprosecutors say there is evidence of ` strangulation and sexual violence 'polish immigrant , who was heading to england , has admitted to killing\"]\n", - "schoolgirl killer zbigniew huminski ( pictured ) did not offer a word of remorse as he was indicted for kidnapping , raping and murdering a nine-year-olddespite being banned from france for earlier offences , zbigniew was on his way to england on wednesday from calais when he struck .huminski was supposed to be in prison in poland - but he exploited his home country 's lax justice system to travel to france instead .\n", - "zbigniew huminski charged with raping and murdering schoolgirl chloehe did not offer remorse for crimes which could seen him jailed for lifeprosecutors say there is evidence of ` strangulation and sexual violence 'polish immigrant , who was heading to england , has admitted to killing\n", - "[1.2337943 1.4214171 1.2040168 1.1029037 1.2970124 1.0843377 1.113678\n", - " 1.0651183 1.0606543 1.0269225 1.0622783 1.0781486 1.0364922 1.0632972\n", - " 1.0564663 1.0533751 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 0 2 6 3 5 11 7 13 10 8 14 15 12 9 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"but the antics of 15-year-old marc and 17-year-old jean wabafiyebazu were brought to a sudden halt on march 30 when a drugs raid went wrong and the older brother was shot dead .indulgent life : jean wabafiyebazu , 17 , ( left ) and his 15-year-old brother marc ( right ) drove around canada raiding homes and buying drugs , the younger boy has told investigatorsdriving around in their mother 's consular bmw in miami to shoot up homes and steal hordes of marijuana : this was the indulgent life of two wealthy teenage sons of a canadian diplomat .\"]\n", - "=======================\n", - "[\"marc wabafiyebazu , 15 , bragged to officials that he and jean , 17 , would go on raids together around canadathe pair were ` buying $ 5,000 of marijuana ' when jean was shot deadmarc may be charged with his brother 's murder under florida lawdetails have emerged of their indulgent life driving mother 's bmw in miamitheir mother is roxanne dube , the recently appointed canadian consul general in miamithey had driven to a house with friend joshua white , 17 , who also diedgunfire erupted soon after they entered , marc was in the car at the timealleged dealer anthony rodriguez , 19 , was wounded .\"]\n", - "but the antics of 15-year-old marc and 17-year-old jean wabafiyebazu were brought to a sudden halt on march 30 when a drugs raid went wrong and the older brother was shot dead .indulgent life : jean wabafiyebazu , 17 , ( left ) and his 15-year-old brother marc ( right ) drove around canada raiding homes and buying drugs , the younger boy has told investigatorsdriving around in their mother 's consular bmw in miami to shoot up homes and steal hordes of marijuana : this was the indulgent life of two wealthy teenage sons of a canadian diplomat .\n", - "marc wabafiyebazu , 15 , bragged to officials that he and jean , 17 , would go on raids together around canadathe pair were ` buying $ 5,000 of marijuana ' when jean was shot deadmarc may be charged with his brother 's murder under florida lawdetails have emerged of their indulgent life driving mother 's bmw in miamitheir mother is roxanne dube , the recently appointed canadian consul general in miamithey had driven to a house with friend joshua white , 17 , who also diedgunfire erupted soon after they entered , marc was in the car at the timealleged dealer anthony rodriguez , 19 , was wounded .\n", - "[1.3544989 1.1172023 1.1768334 1.2489436 1.1621737 1.0627711 1.119826\n", - " 1.0919253 1.0967969 1.0550619 1.035224 1.0379853 1.029633 1.0524867\n", - " 1.093384 1.1360582 1.06459 1.0225763 1.0585914 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 2 4 15 6 1 8 14 7 16 5 18 9 13 11 10 12 17 21 19 20 22]\n", - "=======================\n", - "['washington ( cnn ) israeli prime minister benjamin netanyahu criticized the deal six world powers struck to thwart iran \\'s nuclear ambitions , saying he sees better options than \" this bad deal or war . \"president barack obama endorsed the deal , saying it was better than the alternatives .his comments come as democrats and republicans spar over the framework announced last week to lift western sanctions on iran in exchange for the country dropping from 19,000 to 5,060 active centrifuges , limiting its highly enriched uranium , and increasing inspections .']\n", - "=======================\n", - "['netanyahu says third option is \" standing firm \" to get a better dealpolitical sparring continues in u.s. over the deal with iran']\n", - "washington ( cnn ) israeli prime minister benjamin netanyahu criticized the deal six world powers struck to thwart iran 's nuclear ambitions , saying he sees better options than \" this bad deal or war . \"president barack obama endorsed the deal , saying it was better than the alternatives .his comments come as democrats and republicans spar over the framework announced last week to lift western sanctions on iran in exchange for the country dropping from 19,000 to 5,060 active centrifuges , limiting its highly enriched uranium , and increasing inspections .\n", - "netanyahu says third option is \" standing firm \" to get a better dealpolitical sparring continues in u.s. over the deal with iran\n", - "[1.3301136 1.4586222 1.2900685 1.1231629 1.0899143 1.1471211 1.146066\n", - " 1.1310841 1.0855554 1.074906 1.0184356 1.0524895 1.0281929 1.2623839\n", - " 1.058669 1.0217156 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 2 13 5 6 7 3 4 8 9 14 11 12 15 10 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"steve spowart dived down into the freezing cold water to cut the barbed wire and free the horses that had become tangled in fences amidst the floods .the owner of five horses rescued from rising flood waters during this week 's storm of a decade in new south wales has revealed the amazing lengths her brother-in-law went to over six terrifying hours to save her horses .the animals ' owner , sonia sharrock , praised her ` absolutely amazing ' brother-in-law , for his incredible feat , saying ` i do n't know what i would have done without him and my sister ' .\"]\n", - "=======================\n", - "[\"sonia sharrock 's stud farm near maitland , in the hunter region of new south wales , was badly floodedthe water rose rapidly and the horses became tangled in barbed wire when the could n't see the fencesher brother-in-law steve spowart decided to paddle out on his surfboard to rescue themhe plunged down into the freezing flood water to cut them free from the barbed wireit took six hours in total to bring the horses up to the safety of ms sharrock 's hilltop gardenmaitland was one of the areas hardest hit in the state by what 's being called the storm of the decade\"]\n", - "steve spowart dived down into the freezing cold water to cut the barbed wire and free the horses that had become tangled in fences amidst the floods .the owner of five horses rescued from rising flood waters during this week 's storm of a decade in new south wales has revealed the amazing lengths her brother-in-law went to over six terrifying hours to save her horses .the animals ' owner , sonia sharrock , praised her ` absolutely amazing ' brother-in-law , for his incredible feat , saying ` i do n't know what i would have done without him and my sister ' .\n", - "sonia sharrock 's stud farm near maitland , in the hunter region of new south wales , was badly floodedthe water rose rapidly and the horses became tangled in barbed wire when the could n't see the fencesher brother-in-law steve spowart decided to paddle out on his surfboard to rescue themhe plunged down into the freezing flood water to cut them free from the barbed wireit took six hours in total to bring the horses up to the safety of ms sharrock 's hilltop gardenmaitland was one of the areas hardest hit in the state by what 's being called the storm of the decade\n", - "[1.3654176 1.1654414 1.200969 1.2552876 1.1710867 1.1444591 1.0917245\n", - " 1.1304626 1.1336954 1.1311281 1.0277389 1.0757581 1.0859209 1.0602287\n", - " 1.027101 1.0606532 1.0468941 1.0220591 1.0150841 1.1359372 1.0232271\n", - " 1.0237281 1.0150408]\n", - "\n", - "[ 0 3 2 4 1 5 19 8 9 7 6 12 11 15 13 16 10 14 21 20 17 18 22]\n", - "=======================\n", - "['( cnn ) the accidental death of a 2-year-old boy in milwaukee on sunday triggered a violent chain of events , eventually claiming the lives of three more people .the distraught driver , archie brown jr. , 40 , immediately stopped and got out to tend to the boy .during the family gathering , he dashed out into the street and was struck and killed by a gmc van , according to milwaukee police .']\n", - "=======================\n", - "[\"ricky ricardo chiles iii was suspected in the shooting deaths of two peoplepolice say the chain of events started sunday when a 2-year-old dashed out in front a vehicle and was killedthe driver of the vehicle and the boy 's older brother died from gunshots\"]\n", - "( cnn ) the accidental death of a 2-year-old boy in milwaukee on sunday triggered a violent chain of events , eventually claiming the lives of three more people .the distraught driver , archie brown jr. , 40 , immediately stopped and got out to tend to the boy .during the family gathering , he dashed out into the street and was struck and killed by a gmc van , according to milwaukee police .\n", - "ricky ricardo chiles iii was suspected in the shooting deaths of two peoplepolice say the chain of events started sunday when a 2-year-old dashed out in front a vehicle and was killedthe driver of the vehicle and the boy 's older brother died from gunshots\n", - "[1.4897075 1.392874 1.317827 1.1199942 1.1688957 1.134846 1.1923304\n", - " 1.2251099 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 7 6 4 5 3 20 19 18 17 16 15 11 13 12 21 10 9 8 14 22]\n", - "=======================\n", - "['west ham are showing interest in crystal palace midfielder james mcarthur .the scotland international only joined palace last summer in a deal worth # 7million from wigan athletic .the 27-year-old ( centre ) has scored made 27 premier league appearances for the eagles this season']\n", - "=======================\n", - "[\"james mcarthur joined crystal palace for # 7m from wigan last summerwest ham have been impressed by his performances in midfield for palacehammers have concerns whether they 'll sign alex song permanently\"]\n", - "west ham are showing interest in crystal palace midfielder james mcarthur .the scotland international only joined palace last summer in a deal worth # 7million from wigan athletic .the 27-year-old ( centre ) has scored made 27 premier league appearances for the eagles this season\n", - "james mcarthur joined crystal palace for # 7m from wigan last summerwest ham have been impressed by his performances in midfield for palacehammers have concerns whether they 'll sign alex song permanently\n", - "[1.194575 1.4695369 1.2354964 1.3328968 1.110257 1.1885476 1.1375331\n", - " 1.051543 1.0864913 1.0651172 1.045264 1.0482078 1.1033373 1.0654294\n", - " 1.0316329 1.0343913 1.0486448 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 5 6 4 12 8 13 9 7 16 11 10 15 14 20 17 18 19 21]\n", - "=======================\n", - "['but the pound fell to near 1.46 against the us dollar , its lowest level since june 2010 - just after the last election when no party secured a majority .different polls have variously put the tories and labour narrowly ahead , with david cameron and ed miliband both facing the prospect of having to rely on smaller parties to form a government .the pound has slipped to a five-year low against the dollar amid growing uncertainty about the outcome of the general election .']\n", - "=======================\n", - "['pound near 1.46 against the us dollar , its lowest level since june 2010polls suggest neither tories or labour will manage to win a majorityfears the pound could fall another 10 % if a badly hung parliament']\n", - "but the pound fell to near 1.46 against the us dollar , its lowest level since june 2010 - just after the last election when no party secured a majority .different polls have variously put the tories and labour narrowly ahead , with david cameron and ed miliband both facing the prospect of having to rely on smaller parties to form a government .the pound has slipped to a five-year low against the dollar amid growing uncertainty about the outcome of the general election .\n", - "pound near 1.46 against the us dollar , its lowest level since june 2010polls suggest neither tories or labour will manage to win a majorityfears the pound could fall another 10 % if a badly hung parliament\n", - "[1.3536302 1.3717124 1.1746032 1.351736 1.3152837 1.115647 1.1576966\n", - " 1.0816269 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 4 2 6 5 7 19 18 17 16 15 14 10 12 11 20 9 8 13 21]\n", - "=======================\n", - "[\"the 24-year-old from dorset , ranked no 2 in the world in the sub-80kg class , has had his citizenship change ratified after the breakdown of his relationship with the british olympic association .great britain 's medal hopes at the 2016 olympics have taken a hit after potential gold-winning taekwondo fighter aaron cook 's switch to represent moldova was confirmed .cook , who has not competed for gb since missing out on selection for london 2012 , appears to have been taken under the wing of the moldovan taekwondo federation and its billionaire president igor iuzefovici .\"]\n", - "=======================\n", - "['aaron cook fought for great britain at the beijing olympics in 2008cook felt he was unfairly left out of the london 2012 olympics teambritish olympic association approved application for nationality changecook has received funding from moldovan billionaire igor iuzefovici']\n", - "the 24-year-old from dorset , ranked no 2 in the world in the sub-80kg class , has had his citizenship change ratified after the breakdown of his relationship with the british olympic association .great britain 's medal hopes at the 2016 olympics have taken a hit after potential gold-winning taekwondo fighter aaron cook 's switch to represent moldova was confirmed .cook , who has not competed for gb since missing out on selection for london 2012 , appears to have been taken under the wing of the moldovan taekwondo federation and its billionaire president igor iuzefovici .\n", - "aaron cook fought for great britain at the beijing olympics in 2008cook felt he was unfairly left out of the london 2012 olympics teambritish olympic association approved application for nationality changecook has received funding from moldovan billionaire igor iuzefovici\n", - "[1.2063768 1.3431406 1.3122029 1.2984645 1.2596396 1.1358981 1.1252456\n", - " 1.1417748 1.1693281 1.0603937 1.0183952 1.0120958 1.0199558 1.0230263\n", - " 1.1016966 1.0825677 1.0231422 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 4 0 8 7 5 6 14 15 9 16 13 12 10 11 20 17 18 19 21]\n", - "=======================\n", - "['despite the fact that the uk has now met the controversial target to spend 0.7 per cent of national income on overseas aid , changes to brussels accounting rules could bump up the bill even more .official figures released this week reveal that britain met the target last year , spending # 11.7 billion on foreign aid projects .the uk is now the second largest aid donor in the world .']\n", - "=======================\n", - "['uk spent # 11.7 billion on overseas aid last year but that is set to increasenew accounting rules could see budget increase by # 1bn over two yearschanges will bring britain in line with other eu nations who donate lessukip leader nigel farage last night called for a # 10billion cut in foreign aid']\n", - "despite the fact that the uk has now met the controversial target to spend 0.7 per cent of national income on overseas aid , changes to brussels accounting rules could bump up the bill even more .official figures released this week reveal that britain met the target last year , spending # 11.7 billion on foreign aid projects .the uk is now the second largest aid donor in the world .\n", - "uk spent # 11.7 billion on overseas aid last year but that is set to increasenew accounting rules could see budget increase by # 1bn over two yearschanges will bring britain in line with other eu nations who donate lessukip leader nigel farage last night called for a # 10billion cut in foreign aid\n", - "[1.5707932 1.4212637 1.1394778 1.0729839 1.475608 1.1418874 1.1455599\n", - " 1.0216047 1.0341498 1.1163466 1.023672 1.0168102 1.0115656 1.0203358\n", - " 1.0194514 1.0140859 1.2671397 1.1074269 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 4 1 16 6 5 2 9 17 3 8 10 7 13 14 11 15 12 20 18 19 21]\n", - "=======================\n", - "[\"tony pulis believes joey barton ` probably had a point ' when claiming west bromwich albion 's players 's *** themselves ' during defeat to queens park rangers earlier this season .in december west brom were two goals up but lost to a charlie austin hat-trick , leading to barton 's scathing judgement and plunging alan irvine to the brink of the sack .qpr striker charlie austin scores a header to seal a hat-trick and a comeback win against west brom\"]\n", - "=======================\n", - "[\"west brom lost 3-2 to qpr earlier in the season having led the game 2-0hoops midfielder joey barton accused the baggies of losing their cool in a result that would contribute to former manager alan irvine 's sackingnew boss tony pulis has admitted that barton ` probably had a point 'the two teams meet in the premier league on saturday at the hawthornspulis has steadied the ship at west brom since taking over in january and the club looks unlikely to be relegated this term\"]\n", - "tony pulis believes joey barton ` probably had a point ' when claiming west bromwich albion 's players 's *** themselves ' during defeat to queens park rangers earlier this season .in december west brom were two goals up but lost to a charlie austin hat-trick , leading to barton 's scathing judgement and plunging alan irvine to the brink of the sack .qpr striker charlie austin scores a header to seal a hat-trick and a comeback win against west brom\n", - "west brom lost 3-2 to qpr earlier in the season having led the game 2-0hoops midfielder joey barton accused the baggies of losing their cool in a result that would contribute to former manager alan irvine 's sackingnew boss tony pulis has admitted that barton ` probably had a point 'the two teams meet in the premier league on saturday at the hawthornspulis has steadied the ship at west brom since taking over in january and the club looks unlikely to be relegated this term\n", - "[1.1352385 1.5362307 1.2312913 1.4339206 1.1246791 1.0602487 1.0235564\n", - " 1.0278387 1.0866187 1.0217639 1.1652346 1.1227317 1.1260588 1.1286616\n", - " 1.0312761 1.017864 1.0210984 1.0156208 1.1171387 1.0667802 1.0340657\n", - " 1.0113962]\n", - "\n", - "[ 1 3 2 10 0 13 12 4 11 18 8 19 5 20 14 7 6 9 16 15 17 21]\n", - "=======================\n", - "[\"however , kimberley donoghue , 28 , from ponthenri near carmarthen , was forced to hobble down the aisle after breaking her leg and a bone in her foot just four days before her wedding .wearing the heavy white cast beneath her fairy tale dress , her father wheeled her into church and she sat down to say her vows .most brides spend months searching for the perfect accessories on their big day - but a knee-high cast and nhs-issue crutches are n't exactly on the list .\"]\n", - "=======================\n", - "[\"kimberley donoghue fell down stairs carrying a box of decorationsthe 28-year-old was put into a cast just four days before her weddingthe bride was wheeled into church by her dad , and sat to say her vowsafter a year of planning , she says she ` knew something had to go wrong '\"]\n", - "however , kimberley donoghue , 28 , from ponthenri near carmarthen , was forced to hobble down the aisle after breaking her leg and a bone in her foot just four days before her wedding .wearing the heavy white cast beneath her fairy tale dress , her father wheeled her into church and she sat down to say her vows .most brides spend months searching for the perfect accessories on their big day - but a knee-high cast and nhs-issue crutches are n't exactly on the list .\n", - "kimberley donoghue fell down stairs carrying a box of decorationsthe 28-year-old was put into a cast just four days before her weddingthe bride was wheeled into church by her dad , and sat to say her vowsafter a year of planning , she says she ` knew something had to go wrong '\n", - "[1.36968 1.4594972 1.2446913 1.4012814 1.2277896 1.0872028 1.0204389\n", - " 1.0217135 1.0149378 1.0218011 1.0727378 1.0205752 1.1273084 1.1842871\n", - " 1.0486494 1.0335166 1.0206195 1.0974923 1.0176265 1.009973 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 2 4 13 12 17 5 10 14 15 9 7 16 11 6 18 8 19 20 21]\n", - "=======================\n", - "[\"the reigning world champion won his second race in three to start the 2015 season , but his podium celebrations have drawn some criticism .lewis hamilton celebrates winning the chinese grand prix by spraying a hostess in the face with champagnea leading group which campaigns against sexism has condemned the behavior of the driver as ` selfish and inconsiderate ' , saying he should be forced to apologise for ` specially directing ' the bubbly into the woman 's face .\"]\n", - "=======================\n", - "['lewis hamilton won the chinese grand prix in shanghaithe brit celebrated by spraying champagne in face of a hostessobject , which campaigns against sexism , said he should apologise']\n", - "the reigning world champion won his second race in three to start the 2015 season , but his podium celebrations have drawn some criticism .lewis hamilton celebrates winning the chinese grand prix by spraying a hostess in the face with champagnea leading group which campaigns against sexism has condemned the behavior of the driver as ` selfish and inconsiderate ' , saying he should be forced to apologise for ` specially directing ' the bubbly into the woman 's face .\n", - "lewis hamilton won the chinese grand prix in shanghaithe brit celebrated by spraying champagne in face of a hostessobject , which campaigns against sexism , said he should apologise\n", - "[1.3355438 1.4605148 1.4059074 1.194102 1.1226058 1.0317951 1.0460795\n", - " 1.0162506 1.2216237 1.1229837 1.1012143 1.0372844 1.020999 1.1473222\n", - " 1.054049 1.0345011 1.1238441 1.0837221 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 8 3 13 16 9 4 10 17 14 6 11 15 5 12 7 20 18 19 21]\n", - "=======================\n", - "[\"the prodigious pumpkins displayed at this year 's show were cleverly recycled by being served to the asian elephants at the popular sydney zoo .the prize-winning pumpkins - including a 728kg monster that was the biggest pumpkin to ever grace a sydney royal easter show - were presented to the elephants on friday morning .taronga zoo 's elephants had a special treat for breakfast on friday -- a record sized 728kg pumpkin .\"]\n", - "=======================\n", - "['the prodigious pumpkins were transported to the zoo on wednesdayone 728kg pumpkin was the biggest to ever grace the easter showthe asian elephant herd were quick to pounce on the novelty breakfastthe zoo introduces new foods to challenge and stimulate their animals']\n", - "the prodigious pumpkins displayed at this year 's show were cleverly recycled by being served to the asian elephants at the popular sydney zoo .the prize-winning pumpkins - including a 728kg monster that was the biggest pumpkin to ever grace a sydney royal easter show - were presented to the elephants on friday morning .taronga zoo 's elephants had a special treat for breakfast on friday -- a record sized 728kg pumpkin .\n", - "the prodigious pumpkins were transported to the zoo on wednesdayone 728kg pumpkin was the biggest to ever grace the easter showthe asian elephant herd were quick to pounce on the novelty breakfastthe zoo introduces new foods to challenge and stimulate their animals\n", - "[1.1662889 1.3184767 1.2772473 1.403336 1.3057357 1.1502649 1.1192007\n", - " 1.1034284 1.186282 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 4 2 8 0 5 6 7 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", - "=======================\n", - "['angel di maria ( left ) has a new no 7 tattoo which stands out among others on his left armthe 27-year-old has endured a mixed start to his united career on-and-off the pitch since joining the club last summer - which has included an attempted burglary at his family home in cheshire back in february .di maria wears the no 7 shirt at manchester united following his # 60million from real madrid last summer']\n", - "=======================\n", - "['angel di maria joined manchester united from real madrid for # 60milliondi maria took the no 7 shirt upon his arrival at the english giants27-year-old also wears the no 7 jersey for argentina too']\n", - "angel di maria ( left ) has a new no 7 tattoo which stands out among others on his left armthe 27-year-old has endured a mixed start to his united career on-and-off the pitch since joining the club last summer - which has included an attempted burglary at his family home in cheshire back in february .di maria wears the no 7 shirt at manchester united following his # 60million from real madrid last summer\n", - "angel di maria joined manchester united from real madrid for # 60milliondi maria took the no 7 shirt upon his arrival at the english giants27-year-old also wears the no 7 jersey for argentina too\n", - "[1.5245494 1.3768773 1.4560493 1.4532118 1.1048445 1.1100657 1.0304404\n", - " 1.0153276 1.0189002 1.1213623 1.018946 1.0112511 1.0139222 1.0193479\n", - " 1.1762193 1.0730984 1.0115942 1.0111338 1.0059851 1.0072947 1.007417\n", - " 1.0635067]\n", - "\n", - "[ 0 2 3 1 14 9 5 4 15 21 6 13 10 8 7 12 16 11 17 20 19 18]\n", - "=======================\n", - "[\"sergio aguero wants to put pressure on premier league leaders chelsea by claiming victory in the manchester derby on sunday .manuel pellegrini 's team are nine points behind chelsea , who have a match in hand against bottom side leicester , but aguero knows better than most that city are not averse to an 11th-hour comeback .sergio aguero insists manchester city can retain the premier league despite defeat by crystal palace\"]\n", - "=======================\n", - "[\"manchester city can still mount a title challenge , insists sergio agueropremier league champions face manchester united in sunday 's derbyargentina ace has praised old trafford misfit radamel falcao\"]\n", - "sergio aguero wants to put pressure on premier league leaders chelsea by claiming victory in the manchester derby on sunday .manuel pellegrini 's team are nine points behind chelsea , who have a match in hand against bottom side leicester , but aguero knows better than most that city are not averse to an 11th-hour comeback .sergio aguero insists manchester city can retain the premier league despite defeat by crystal palace\n", - "manchester city can still mount a title challenge , insists sergio agueropremier league champions face manchester united in sunday 's derbyargentina ace has praised old trafford misfit radamel falcao\n", - "[1.2999784 1.5147896 1.2185843 1.2239951 1.2572453 1.1517357 1.0297623\n", - " 1.1194862 1.1406807 1.0687855 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 4 3 2 5 8 7 9 6 19 18 17 16 15 10 13 12 11 20 14 21]\n", - "=======================\n", - "['michael kimmel , 40 , was taken into custody by kentucky state police on monday evening after they received a 911 call about an intoxicated horse rider .a kentucky man has been arrested after police say he was found under the influence while riding a horse on us 23 .according to the arrest report , kimmel would not take a sobriety test and refused a breath and blood alcohol test .']\n", - "=======================\n", - "['michael kimmel was taken into custody wearing only boots , jeans and a cowboy hat']\n", - "michael kimmel , 40 , was taken into custody by kentucky state police on monday evening after they received a 911 call about an intoxicated horse rider .a kentucky man has been arrested after police say he was found under the influence while riding a horse on us 23 .according to the arrest report , kimmel would not take a sobriety test and refused a breath and blood alcohol test .\n", - "michael kimmel was taken into custody wearing only boots , jeans and a cowboy hat\n", - "[1.1491472 1.2107788 1.2002635 1.535592 1.262639 1.0703778 1.0747241\n", - " 1.020039 1.0249611 1.0162529 1.1203927 1.0448805 1.0325487 1.0170392\n", - " 1.1127285 1.0338358 1.1229401 1.0610353 1.0394223 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 4 1 2 0 16 10 14 6 5 17 11 18 15 12 8 7 13 9 19 20 21 22 23]\n", - "=======================\n", - "[\"manchester city risk losing star man sergio aguero should they slip out of the premier league 's top fouraguero scores the first of his two goals during city 's 4-2 defeat at the hands of rivals manchester unitedthen there is the inevitable speculation over the future of under-fire manager manuel pellegrini .\"]\n", - "=======================\n", - "[\"manchester city have slipped to fourth in the premier league tablesergio aguero may look elsewhere should city continue to struggleargentine striker has scored 19 premier league goals so far this seasonmanuel pellegrini 's future as city boss is also in doubtreal madrid and barcelona are both fans of the former atletico madrid star\"]\n", - "manchester city risk losing star man sergio aguero should they slip out of the premier league 's top fouraguero scores the first of his two goals during city 's 4-2 defeat at the hands of rivals manchester unitedthen there is the inevitable speculation over the future of under-fire manager manuel pellegrini .\n", - "manchester city have slipped to fourth in the premier league tablesergio aguero may look elsewhere should city continue to struggleargentine striker has scored 19 premier league goals so far this seasonmanuel pellegrini 's future as city boss is also in doubtreal madrid and barcelona are both fans of the former atletico madrid star\n", - "[1.3852714 1.4297338 1.2627761 1.3394558 1.1048875 1.296842 1.0581048\n", - " 1.2093143 1.0312046 1.0137134 1.0778227 1.0570611 1.0346632 1.0517412\n", - " 1.077432 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 5 2 7 4 10 14 6 11 13 12 8 9 22 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "['the driver , who has not been identified , was trapped under the car for more than four hours during the incident that occurred on wednesday , but miraculously suffered only minor injuries .three teenage girls were rescued after their car careened over a 100-foot cliff in arizona and landed upside down on top of the 16-year-old driver who was thrown from the vehicle .the girl was in stable condition and largely kept her cool during the ordeal , said fire capt. paul voakes of the pine-strawberry fire district .']\n", - "=======================\n", - "['the driver , 16 , of arizona who has not been identified was saved from full weight of car landing on her due to depression in roof of carit took five hours to pull her from wreckage on wednesdaythe passengers , aged 16 and 17 , also not identified were able to climb up to the road ; both were taken to hospital with non-life threatening injuriesdriver lost control of car after turning a curve too fast , according to police']\n", - "the driver , who has not been identified , was trapped under the car for more than four hours during the incident that occurred on wednesday , but miraculously suffered only minor injuries .three teenage girls were rescued after their car careened over a 100-foot cliff in arizona and landed upside down on top of the 16-year-old driver who was thrown from the vehicle .the girl was in stable condition and largely kept her cool during the ordeal , said fire capt. paul voakes of the pine-strawberry fire district .\n", - "the driver , 16 , of arizona who has not been identified was saved from full weight of car landing on her due to depression in roof of carit took five hours to pull her from wreckage on wednesdaythe passengers , aged 16 and 17 , also not identified were able to climb up to the road ; both were taken to hospital with non-life threatening injuriesdriver lost control of car after turning a curve too fast , according to police\n", - "[1.2029018 1.3875455 1.1478484 1.3847964 1.282748 1.1263204 1.1063156\n", - " 1.1287435 1.0795726 1.11375 1.0560205 1.0394924 1.0254059 1.0126013\n", - " 1.0239218 1.0124011 1.0586932 1.0805666 1.0747938 1.0424463 1.0655065\n", - " 1.0296177 0. 0. ]\n", - "\n", - "[ 1 3 4 0 2 7 5 9 6 17 8 18 20 16 10 19 11 21 12 14 13 15 22 23]\n", - "=======================\n", - "[\"cristina coria , a stay-at-home mom with a nine-month old child , helped police nab the 18-year-old suspect and get back the bed of her husband 's custom-painted blue 2003 chevy stepside .coria arranged to meet the suspect with her husband at a gas station parking lot near i-45 in houston , texasin order to make it happen , the houston resident got a little help from facebook .\"]\n", - "=======================\n", - "[\"cristina coria 's husband 's truck was stolen from home in houston , texasit was found the following day but its custom-painted bed had been takenshe went on facebook and saw an ad for a 2003 chevy stepside bedset up a meeting with the seller and then stalled until police showed upsuspect , 18 , is now facing charges for theft and unlawfully carrying a gun\"]\n", - "cristina coria , a stay-at-home mom with a nine-month old child , helped police nab the 18-year-old suspect and get back the bed of her husband 's custom-painted blue 2003 chevy stepside .coria arranged to meet the suspect with her husband at a gas station parking lot near i-45 in houston , texasin order to make it happen , the houston resident got a little help from facebook .\n", - "cristina coria 's husband 's truck was stolen from home in houston , texasit was found the following day but its custom-painted bed had been takenshe went on facebook and saw an ad for a 2003 chevy stepside bedset up a meeting with the seller and then stalled until police showed upsuspect , 18 , is now facing charges for theft and unlawfully carrying a gun\n", - "[1.1970925 1.2493485 1.2971017 1.1726929 1.2778273 1.1600112 1.0560213\n", - " 1.0565681 1.0555823 1.0285695 1.042585 1.0681043 1.0230973 1.0672917\n", - " 1.0790741 1.0804499 1.0203747 1.0151302 1.0220326 1.0534121 1.0736433\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 4 1 0 3 5 15 14 20 11 13 7 6 8 19 10 9 12 18 16 17 22 21 23]\n", - "=======================\n", - "[\"isis took thousands of yazidis captive .but the islamist militants separated the young women and girls to be sold as sex slaves .the vast majority of the camp 's occupants are from the town of sinjar and fled the isis assault there back in august .\"]\n", - "=======================\n", - "['hanan , 19 , was captured by isis when militants took the town of sinjarshe was among the women and girls separated to be sold as sex slaves']\n", - "isis took thousands of yazidis captive .but the islamist militants separated the young women and girls to be sold as sex slaves .the vast majority of the camp 's occupants are from the town of sinjar and fled the isis assault there back in august .\n", - "hanan , 19 , was captured by isis when militants took the town of sinjarshe was among the women and girls separated to be sold as sex slaves\n", - "[1.2558395 1.3687217 1.1654989 1.3796571 1.1787088 1.0355746 1.0477508\n", - " 1.0201019 1.0176631 1.105612 1.055439 1.015526 1.0215223 1.0194112\n", - " 1.0166466 1.0403489 1.0320339 1.0566068 1.0807896 1.0276027 1.1307557\n", - " 1.047511 1.2058234 1.0792532]\n", - "\n", - "[ 3 1 0 22 4 2 20 9 18 23 17 10 6 21 15 5 16 19 12 7 13 8 14 11]\n", - "=======================\n", - "[\"judge judy and jerry sheindlin have been married for 38 years - all told .the crusty judge , who 's emmy-winning show was recently renewed , and her husband were in a playful mood as they celebrated her award for her work on the bench at the annual women of the 21st century awards luncheon by the women 's guild cedars-sinai at the beverly wilshire hotel .things are going well in the courtroom - and the bedroom - for tv superstar judge judy , according to her husband of 38 years jerry sheindlin .\"]\n", - "=======================\n", - "[\"judge judy and her husband jerry sheindlin were particularly playful at the women 's guild cedars-sinai luncheon where she was the honoreethe emmy-winning tv judge just renewed her tv contract with cbs for another three yearsshe reportedly earns $ 47 million a year - the highest paid personality on television\"]\n", - "judge judy and jerry sheindlin have been married for 38 years - all told .the crusty judge , who 's emmy-winning show was recently renewed , and her husband were in a playful mood as they celebrated her award for her work on the bench at the annual women of the 21st century awards luncheon by the women 's guild cedars-sinai at the beverly wilshire hotel .things are going well in the courtroom - and the bedroom - for tv superstar judge judy , according to her husband of 38 years jerry sheindlin .\n", - "judge judy and her husband jerry sheindlin were particularly playful at the women 's guild cedars-sinai luncheon where she was the honoreethe emmy-winning tv judge just renewed her tv contract with cbs for another three yearsshe reportedly earns $ 47 million a year - the highest paid personality on television\n", - "[1.371757 1.1863841 1.112514 1.0981722 1.3603683 1.08887 1.1756406\n", - " 1.1076337 1.1000319 1.1124971 1.0934567 1.0602022 1.0559963 1.0531381\n", - " 1.0219493 1.0394682 1.0538433 1.0393003]\n", - "\n", - "[ 0 4 1 6 2 9 7 8 3 10 5 11 12 16 13 15 17 14]\n", - "=======================\n", - "[\"israeli prime minister benjamin netanyahu has slammed the iran nuclear deal , claiming it threatens the jewish state and puts his people in mortal danger .after speaking to president barack obama on the phone , he said in a televised statement just hours after the agreement was signed on thursday : ' a deal based on this framework would threaten the survival of israel .the preliminary agreement set out a framework where iran would scale down plans to enrich uranium and make weapons-grade plutonium in return for western powers dropping stringent economic sanctions .\"]\n", - "=======================\n", - "[\"israeli prime minister said agreement puts country in ` mortal danger 'he said during a statement the deal ` paves ' the way to the bomb for iranurged western powers to carry on putting pressure on tehranthe white house reiterated they remain committed to israel 's security\"]\n", - "israeli prime minister benjamin netanyahu has slammed the iran nuclear deal , claiming it threatens the jewish state and puts his people in mortal danger .after speaking to president barack obama on the phone , he said in a televised statement just hours after the agreement was signed on thursday : ' a deal based on this framework would threaten the survival of israel .the preliminary agreement set out a framework where iran would scale down plans to enrich uranium and make weapons-grade plutonium in return for western powers dropping stringent economic sanctions .\n", - "israeli prime minister said agreement puts country in ` mortal danger 'he said during a statement the deal ` paves ' the way to the bomb for iranurged western powers to carry on putting pressure on tehranthe white house reiterated they remain committed to israel 's security\n", - "[1.3024441 1.1869497 1.400975 1.1752638 1.1723907 1.068851 1.1860112\n", - " 1.0408247 1.0541493 1.0704726 1.0519507 1.0531682 1.0247972 1.0310342\n", - " 1.0350314 1.0306033 1.1271363 0. ]\n", - "\n", - "[ 2 0 1 6 3 4 16 9 5 8 11 10 7 14 13 15 12 17]\n", - "=======================\n", - "[\"a classmate , christopher plaskon , has been charged with murder .the life of a 16-year-old girl stabbed to death at a connecticut school a year ago on the day of prom was celebrated saturday by hundreds of people with a road race , fried food and live music .wearing shirts in maren sanchez 's favorite color of purple , the crowd filled a baseball field behind milford 's jonathan law high school , where she was attacked and killed in a hallway on april 25 , 2014 .\"]\n", - "=======================\n", - "[\"the life of 16-year-old maren sanchez stabbed to death a year ago on the day of prom was celebrated on saturday by hundreds of peoplei do n't think there 's anything sad about this .a classmate , christopher plaskon , has been charged with sanchez 's murder\"]\n", - "a classmate , christopher plaskon , has been charged with murder .the life of a 16-year-old girl stabbed to death at a connecticut school a year ago on the day of prom was celebrated saturday by hundreds of people with a road race , fried food and live music .wearing shirts in maren sanchez 's favorite color of purple , the crowd filled a baseball field behind milford 's jonathan law high school , where she was attacked and killed in a hallway on april 25 , 2014 .\n", - "the life of 16-year-old maren sanchez stabbed to death a year ago on the day of prom was celebrated on saturday by hundreds of peoplei do n't think there 's anything sad about this .a classmate , christopher plaskon , has been charged with sanchez 's murder\n", - "[1.4229065 1.3280419 1.0526673 1.2936289 1.2948395 1.1027646 1.0556284\n", - " 1.1843039 1.2074759 1.0894382 1.0641216 1.0892762 1.0278127 1.069239\n", - " 1.0768462 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 3 8 7 5 9 11 14 13 10 6 2 12 16 15 17]\n", - "=======================\n", - "['reigning champion novak djokovic dug deep to avoid a shock exit at the hands of alexandr dolgopolov before powering into the quarter-finals of the miami open .the unseeded dolgopolov - ranked 65th in the world , 64 places behind djokovic - surprised the serbian by winning a first-set tie-break and building a quick 4-2 lead in the second set .also through to the quarters are british number one andy murray and fourth seed kei nishikori .']\n", - "=======================\n", - "[\"novak djokovic came from a set down to beat alexandr dolgopolovthe world no 1 remains in contention for his fifth miami open windolgopolov became less mobile after receiving treatment to his feetdjokovic faces david ferrer next after spaniard beat gilles simonandy murray through after beating south africa 's kevin anderson\"]\n", - "reigning champion novak djokovic dug deep to avoid a shock exit at the hands of alexandr dolgopolov before powering into the quarter-finals of the miami open .the unseeded dolgopolov - ranked 65th in the world , 64 places behind djokovic - surprised the serbian by winning a first-set tie-break and building a quick 4-2 lead in the second set .also through to the quarters are british number one andy murray and fourth seed kei nishikori .\n", - "novak djokovic came from a set down to beat alexandr dolgopolovthe world no 1 remains in contention for his fifth miami open windolgopolov became less mobile after receiving treatment to his feetdjokovic faces david ferrer next after spaniard beat gilles simonandy murray through after beating south africa 's kevin anderson\n", - "[1.4148118 1.3910094 1.285738 1.1228509 1.082071 1.1078154 1.0381327\n", - " 1.1068813 1.1423869 1.0270877 1.0364534 1.1436257 1.052822 1.055945\n", - " 1.0343693 1.0238862 1.0797348 0. ]\n", - "\n", - "[ 0 1 2 11 8 3 5 7 4 16 13 12 6 10 14 9 15 17]\n", - "=======================\n", - "['lucky fans in the french city of saint-etienne were given a treat on monday night as brazilian ronaldo and zinedine zidane took part in the 12th annual match against poverty .footballing legends ronaldo and zidane were joined by a host of former greats including clarence seedorf , fabian barthez , jay-jay okocha and gianluca zambrotta to name a few .brazilian ace ronaldo had been rumoured to come out of retirement with american side fort lauderdale in recent times and the 38-year-old showed he still has what it takes with a hat trick .']\n", - "=======================\n", - "['a host of footballing legends graced the field to raise money for charitybazilian ronaldo and zinedine zidane were among the stars taking partclarence seedorf , fabian barthez and gianluca zambrotta also playedas did jay-jay okocha , david trezeguet and vladimir smicer']\n", - "lucky fans in the french city of saint-etienne were given a treat on monday night as brazilian ronaldo and zinedine zidane took part in the 12th annual match against poverty .footballing legends ronaldo and zidane were joined by a host of former greats including clarence seedorf , fabian barthez , jay-jay okocha and gianluca zambrotta to name a few .brazilian ace ronaldo had been rumoured to come out of retirement with american side fort lauderdale in recent times and the 38-year-old showed he still has what it takes with a hat trick .\n", - "a host of footballing legends graced the field to raise money for charitybazilian ronaldo and zinedine zidane were among the stars taking partclarence seedorf , fabian barthez and gianluca zambrotta also playedas did jay-jay okocha , david trezeguet and vladimir smicer\n", - "[1.1513766 1.3210357 1.2954507 1.2018883 1.2277334 1.1516122 1.1026751\n", - " 1.02163 1.0340757 1.2206755 1.1446606 1.0485073 1.0214585 1.014994\n", - " 1.0595826 1.066348 1.0067426 0. ]\n", - "\n", - "[ 1 2 4 9 3 5 0 10 6 15 14 11 8 7 12 13 16 17]\n", - "=======================\n", - "[\"the first name that comes to mind when thinking of aboriginal models for even the most die-hard of fashionistas is samantha harris who was one of the most prominent faces during mercedes-benz fashion week australia in sydney this week .the only other indigenous face to join the 24-year-old stunner at the biggest week on the country 's fashion calendar over the past two years is lauren feenstra .gaining ground : the agency started off with just five models and now has 40 including noreen carr ( pictured )\"]\n", - "=======================\n", - "['aboriginal model management australia has 40 female clients so farnew national casting call is now looking for both sexes aged up to 60founder is expecting the numbers to take off as interest rapidly growstarget , bonds and big w are very interested in hiring aboriginal modelskira-lea dargin says demand for indigenous models is slowly changing in the high fashion market but should be moving faster']\n", - "the first name that comes to mind when thinking of aboriginal models for even the most die-hard of fashionistas is samantha harris who was one of the most prominent faces during mercedes-benz fashion week australia in sydney this week .the only other indigenous face to join the 24-year-old stunner at the biggest week on the country 's fashion calendar over the past two years is lauren feenstra .gaining ground : the agency started off with just five models and now has 40 including noreen carr ( pictured )\n", - "aboriginal model management australia has 40 female clients so farnew national casting call is now looking for both sexes aged up to 60founder is expecting the numbers to take off as interest rapidly growstarget , bonds and big w are very interested in hiring aboriginal modelskira-lea dargin says demand for indigenous models is slowly changing in the high fashion market but should be moving faster\n", - "[1.4262753 1.1683463 1.4668894 1.3069663 1.1650963 1.1382246 1.0653898\n", - " 1.1063616 1.037136 1.0564387 1.0670267 1.0770499 1.0415535 1.0881851\n", - " 1.0578822 1.0169351 1.0670588 1.0535841 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 1 4 5 7 13 11 16 10 6 14 9 17 12 8 15 18 19 20]\n", - "=======================\n", - "[\"julie walters , 49 , has been jailed for two and a half years after she pretended to be a trusted official to dupe elderly victims out of cash .she was caught by police after she was spotted on cctv loitering in the communal hall of a retirement property near to the old trafford football ground in manchester before an 80-year-old man and an 81-year-old woman were fleeced in two separate attacks .a woman has been branded a ` menace to the community ' after she posed as both a council warden and a church official to bluff her way into sheltered housing complexes to steal from vulnerable residents .\"]\n", - "=======================\n", - "['julie walters pretended to be trusted official to gain access to care homesclaimed to be both a council warden and from church to steal cashfleeced three elderly residents of money in three separate attacksadmitted burglary and was jailed for two and a half years at minshull street crown court']\n", - "julie walters , 49 , has been jailed for two and a half years after she pretended to be a trusted official to dupe elderly victims out of cash .she was caught by police after she was spotted on cctv loitering in the communal hall of a retirement property near to the old trafford football ground in manchester before an 80-year-old man and an 81-year-old woman were fleeced in two separate attacks .a woman has been branded a ` menace to the community ' after she posed as both a council warden and a church official to bluff her way into sheltered housing complexes to steal from vulnerable residents .\n", - "julie walters pretended to be trusted official to gain access to care homesclaimed to be both a council warden and from church to steal cashfleeced three elderly residents of money in three separate attacksadmitted burglary and was jailed for two and a half years at minshull street crown court\n", - "[1.0535313 1.0507421 1.1567817 1.3393784 1.3525743 1.280746 1.3568417\n", - " 1.1212898 1.0986649 1.1211638 1.0456145 1.1397702 1.0849117 1.0527543\n", - " 1.0425873 1.0675054 1.120575 1.0786842 1.0226284 1.0625315 1.0469483]\n", - "\n", - "[ 6 4 3 5 2 11 7 9 16 8 12 17 15 19 0 13 1 20 10 14 18]\n", - "=======================\n", - "['just under half ( 47 per cent ) of women aged over 55 expressed disappointment over their decisions , compared to just 40 per cent of men .with 47 % compared to only 40 % of mena new survey has revealed that women regret their career choices more than men .']\n", - "=======================\n", - "['research conducted by planet cruise surveyed people aged 55 and overwomen were more likely to regret their career choices than menmen were more likely to suffer from mental illness as a result of regrets']\n", - "just under half ( 47 per cent ) of women aged over 55 expressed disappointment over their decisions , compared to just 40 per cent of men .with 47 % compared to only 40 % of mena new survey has revealed that women regret their career choices more than men .\n", - "research conducted by planet cruise surveyed people aged 55 and overwomen were more likely to regret their career choices than menmen were more likely to suffer from mental illness as a result of regrets\n", - "[1.4314145 1.3384445 1.1895803 1.3168733 1.14875 1.113295 1.0151926\n", - " 1.0260154 1.1262009 1.0353256 1.0912647 1.0430435 1.0273124 1.0839261\n", - " 1.0587307 1.0586865 1.054557 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 8 5 10 13 14 15 16 11 9 12 7 6 19 17 18 20]\n", - "=======================\n", - "[\"abc released a fourth promo video on thursday on the eve of bruce jenner 's sitdown interview with diane sawyer airing in which he is expected to talk about his gender transition .the 30-second clip opens with the 65-year-old former decathlete greeting sawyer at his home .bruce - the ex-husband of kardashian matriarch kris jenner - appears somewhat anxious as he tells the sawyer : ` it 's going to be an emotional rollercoaster , but somehow i 'm gon na get through it . '\"]\n", - "=======================\n", - "[\"abc has kept a tight lid on details but interview is expected to address bruce 's gender transitionnetwork has only released non-specific quotes so as to allow bruce to address topic in full context of friday 's interview\"]\n", - "abc released a fourth promo video on thursday on the eve of bruce jenner 's sitdown interview with diane sawyer airing in which he is expected to talk about his gender transition .the 30-second clip opens with the 65-year-old former decathlete greeting sawyer at his home .bruce - the ex-husband of kardashian matriarch kris jenner - appears somewhat anxious as he tells the sawyer : ` it 's going to be an emotional rollercoaster , but somehow i 'm gon na get through it . '\n", - "abc has kept a tight lid on details but interview is expected to address bruce 's gender transitionnetwork has only released non-specific quotes so as to allow bruce to address topic in full context of friday 's interview\n", - "[1.2579339 1.5388163 1.2690265 1.2530577 1.2084498 1.1933786 1.0443692\n", - " 1.0240618 1.0126655 1.0143318 1.1576115 1.1047314 1.0813643 1.076218\n", - " 1.1317146 1.0122015 1.017638 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 5 10 14 11 12 13 6 7 16 9 8 15 19 17 18 20]\n", - "=======================\n", - "['alan spencer , 67 , was tucking into his dinner when the pickled onion blocked his windpipe .he frantically tried to clear his throat , and after three minutes made his way to the door in a bid to get help from a passer-by .a pensioner who nearly choked to death on a pickled onion says his labrador saved his life -- after jumping on his back to dislodge it from his throat .']\n", - "=======================\n", - "[\"pensioner alan spencer 's life was saved by his 18-month old labrador lexithe 67-year-old began choking on pickled onion and felt life ` slipping away 'but lexi jumped on his back - dislodging the onion and saving his lifean earlier version of this article stated that lexi the labrador had saved mr spencer 's live by performing the heimlich manoeuvre .\"]\n", - "alan spencer , 67 , was tucking into his dinner when the pickled onion blocked his windpipe .he frantically tried to clear his throat , and after three minutes made his way to the door in a bid to get help from a passer-by .a pensioner who nearly choked to death on a pickled onion says his labrador saved his life -- after jumping on his back to dislodge it from his throat .\n", - "pensioner alan spencer 's life was saved by his 18-month old labrador lexithe 67-year-old began choking on pickled onion and felt life ` slipping away 'but lexi jumped on his back - dislodging the onion and saving his lifean earlier version of this article stated that lexi the labrador had saved mr spencer 's live by performing the heimlich manoeuvre .\n", - "[1.5772337 1.4716345 1.1776409 1.2337272 1.1610332 1.1169595 1.1038637\n", - " 1.0592575 1.0741032 1.1259686 1.0685396 1.0988353 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 9 5 6 11 8 10 7 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"crystal palace midfielder jason puncheon appeared to be struck by an object during his side 's 2-1 over manchester city .the 28-year-old was making his way to take a corner in front of the travelling manchester city fans when he was hit by the flying object during the second half .puncheon sarcastically puts his thumbs up towards city fans after objects were thrown in his direction\"]\n", - "=======================\n", - "[\"sweets were aimed at jason puncheon during crystal palace 's victorypuncheon appeared to be struck while making his way to take a cornerthe eagles playmaker scored in his side 's 2-1 home win at selhurst park\"]\n", - "crystal palace midfielder jason puncheon appeared to be struck by an object during his side 's 2-1 over manchester city .the 28-year-old was making his way to take a corner in front of the travelling manchester city fans when he was hit by the flying object during the second half .puncheon sarcastically puts his thumbs up towards city fans after objects were thrown in his direction\n", - "sweets were aimed at jason puncheon during crystal palace 's victorypuncheon appeared to be struck while making his way to take a cornerthe eagles playmaker scored in his side 's 2-1 home win at selhurst park\n", - "[1.2335992 1.2729244 1.3060652 1.3801098 1.1371585 1.1535178 1.1070929\n", - " 1.0759182 1.1073277 1.0658649 1.0870656 1.0578946 1.0769061 1.0143683\n", - " 1.1072441 1.0926111 1.0161146 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 0 5 4 8 14 6 15 10 12 7 9 11 16 13 22 17 18 19 20 21 23]\n", - "=======================\n", - "['ukip leader nigel farage had an awkward exchange with hungarian ivan loncsarevity at a hinge factory in essexnigel farage is touring the country hoping to show how britain can cope without europe .he wants an australian-style system to set targets for the level of skills needed for someone to come to britain in search of work .']\n", - "=======================\n", - "['ukip leader lost for words as he met ivan loncsarevity at the plant in essexstruggled for small talk because mr loncsarevity speaks little englishfarage insisted he did not want to deport migrants if britain left the eu']\n", - "ukip leader nigel farage had an awkward exchange with hungarian ivan loncsarevity at a hinge factory in essexnigel farage is touring the country hoping to show how britain can cope without europe .he wants an australian-style system to set targets for the level of skills needed for someone to come to britain in search of work .\n", - "ukip leader lost for words as he met ivan loncsarevity at the plant in essexstruggled for small talk because mr loncsarevity speaks little englishfarage insisted he did not want to deport migrants if britain left the eu\n", - "[1.1739427 1.4052433 1.382696 1.0830704 1.0593926 1.0682871 1.0471451\n", - " 1.1112663 1.0456128 1.0690894 1.0529157 1.0585196 1.0422736 1.056\n", - " 1.039636 1.0510501 1.0220464 1.0273073 1.0381563 1.0216043 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 7 3 9 5 4 11 13 10 15 6 8 12 14 18 17 16 19 22 20 21 23]\n", - "=======================\n", - "['the jury of seven women and five men listened to more than 130 witnesses and reviewed more than 400 pieces of evidence over the months-long trial .on wednesday , they convicted hernandez , who was sentenced to life in prison without the possibility of parole , after deliberating more than 35 hours over parts of seven days .( cnn ) from late january , when new england was living through one of its bleakest and snowiest winters , to a warm and sunny afternoon in april , the jurors in the first-degree murder trial of former nfl star aaron hernandez have considered how a promising young athlete who earned millions came to take the life of his onetime friend and future brother-in-law , odin lloyd .']\n", - "=======================\n", - "['female juror : \" everyone \\'s life changed because of this \"the jurors said they did n\\'t learn of the other charges against hernandez until after the verdictfor these jurors , the system worked : it \\'s \" designed to be fair to both sides \"']\n", - "the jury of seven women and five men listened to more than 130 witnesses and reviewed more than 400 pieces of evidence over the months-long trial .on wednesday , they convicted hernandez , who was sentenced to life in prison without the possibility of parole , after deliberating more than 35 hours over parts of seven days .( cnn ) from late january , when new england was living through one of its bleakest and snowiest winters , to a warm and sunny afternoon in april , the jurors in the first-degree murder trial of former nfl star aaron hernandez have considered how a promising young athlete who earned millions came to take the life of his onetime friend and future brother-in-law , odin lloyd .\n", - "female juror : \" everyone 's life changed because of this \"the jurors said they did n't learn of the other charges against hernandez until after the verdictfor these jurors , the system worked : it 's \" designed to be fair to both sides \"\n", - "[1.347486 1.4075547 1.1551987 1.530824 1.3547862 1.2951332 1.1081371\n", - " 1.0182338 1.0151712 1.0140355 1.0113454 1.0138515 1.0216992 1.1425543\n", - " 1.0500461 1.0088902 1.0090694 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 1 4 0 5 2 13 6 14 12 7 8 9 11 10 16 15 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"liam plunkett wants to use his pace to lead england to victory in the test series against west indiesthe 29-year-old england seamer is back in test contention in the caribbean after his comeback last summer was cut short by injury .liam plunkett has set his sights on the west indies batting line-up and is ready to ` rough them up ' with pace .\"]\n", - "=======================\n", - "['liam plunkett enjoyed a return to the england test fold last yearhe wants to continue his resurgence against the west indieshe has recovered from an ankle injury that hampered his pre-season']\n", - "liam plunkett wants to use his pace to lead england to victory in the test series against west indiesthe 29-year-old england seamer is back in test contention in the caribbean after his comeback last summer was cut short by injury .liam plunkett has set his sights on the west indies batting line-up and is ready to ` rough them up ' with pace .\n", - "liam plunkett enjoyed a return to the england test fold last yearhe wants to continue his resurgence against the west indieshe has recovered from an ankle injury that hampered his pre-season\n", - "[1.3115058 1.4679353 1.2685554 1.361628 1.3432273 1.3235149 1.0148561\n", - " 1.0122142 1.012047 1.0151485 1.0186708 1.0289525 1.0774205 1.0140139\n", - " 1.021559 1.0135758 1.0124512 1.0133411 1.0630283 1.0233351 1.0180768\n", - " 1.0126652 1.0463398 1.0369806]\n", - "\n", - "[ 1 3 4 5 0 2 12 18 22 23 11 19 14 10 20 9 6 13 15 17 21 16 7 8]\n", - "=======================\n", - "[\"the 27-year-old has been charged with three offences of sexual activity with a 15-year-old girl and one of grooming and could face a prison term of up to 14 years if found guilty .sunderland midfielder adam johnson leaves peterlee police station on thursday after being chargedsunderland have been branded ` disgraceful ' following their shock decision not to suspend adam johnson despite the player facing child sex charges .\"]\n", - "=======================\n", - "[\"adam johnson could feature against stoke on saturday afternoonread : johnson has been charged with three offences of sexual activity with a 15-year-old girlthe 27-year-old could face up to 14 years in prison if he is found guiltyjill saward , the first rape victim in england to waive her anonymity , has hit out at premier league outfit sunderlandsaward insists sunderland are sending out a ` very poor message '\"]\n", - "the 27-year-old has been charged with three offences of sexual activity with a 15-year-old girl and one of grooming and could face a prison term of up to 14 years if found guilty .sunderland midfielder adam johnson leaves peterlee police station on thursday after being chargedsunderland have been branded ` disgraceful ' following their shock decision not to suspend adam johnson despite the player facing child sex charges .\n", - "adam johnson could feature against stoke on saturday afternoonread : johnson has been charged with three offences of sexual activity with a 15-year-old girlthe 27-year-old could face up to 14 years in prison if he is found guiltyjill saward , the first rape victim in england to waive her anonymity , has hit out at premier league outfit sunderlandsaward insists sunderland are sending out a ` very poor message '\n", - "[1.220465 1.3869328 1.2248873 1.2045202 1.1954019 1.1900241 1.1442237\n", - " 1.0472078 1.1228302 1.1289376 1.069835 1.0358878 1.206068 1.0265714\n", - " 1.1058393 1.0294553 1.014593 1.0271331 1.0550729 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 12 3 4 5 6 9 8 14 10 18 7 11 15 17 13 16 22 19 20 21 23]\n", - "=======================\n", - "[\"the labour leader said a second independence poll ` ai n't going to happen ' even if he becomes prime minister with the support of snp mps next month .mr miliband 's intervention came as the former prime minister john major warned that the snp was ` merely waiting for a good excuse to put separation back on the agenda ' .ed miliband has explicitly ruled out allowing another scottish independence referendum , as he bids to ease voters ' concerns about the prospect of any future snp-labour alliance .\"]\n", - "=======================\n", - "[\"the labour leader said he would not grant the snp a second referendumhis remarks come amid growing warnings over an snp-labour alliancejohn major said the snp were ` waiting for a good excuse ' for a second poll\"]\n", - "the labour leader said a second independence poll ` ai n't going to happen ' even if he becomes prime minister with the support of snp mps next month .mr miliband 's intervention came as the former prime minister john major warned that the snp was ` merely waiting for a good excuse to put separation back on the agenda ' .ed miliband has explicitly ruled out allowing another scottish independence referendum , as he bids to ease voters ' concerns about the prospect of any future snp-labour alliance .\n", - "the labour leader said he would not grant the snp a second referendumhis remarks come amid growing warnings over an snp-labour alliancejohn major said the snp were ` waiting for a good excuse ' for a second poll\n", - "[1.380005 1.3683605 1.3118625 1.3946939 1.261728 1.2104644 1.1184375\n", - " 1.0511465 1.0522327 1.0403556 1.0803728 1.0332525 1.0142348 1.1214874\n", - " 1.0185527 1.0168965 1.0272868 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 0 1 2 4 5 13 6 10 8 7 9 11 16 14 15 12 20 17 18 19 21]\n", - "=======================\n", - "['the 12-year-old victim , who is yet to be named , was walking in a subway ( pictured ) underneath a road in newbury , berkshire , when two boys approached him , doused him in wd40 and vowed to set him alightthey sprayed the highly flammable wd40 , usually used on cars or locks , over him before producing a lighter and threatening to burn him .officers from thames valley police are now hunting the pair following their threats in broad daylight on easter monday afternoon .']\n", - "=======================\n", - "[\"two schoolboys approached 12-year-old and threatened to set him alightpair doused youngster in highly flammable wd40 in subway under roadvictim sustained minor injuries in broad daylight attack over easter breakpolice hunting the two suspects in connection with ` unprovoked ' attack\"]\n", - "the 12-year-old victim , who is yet to be named , was walking in a subway ( pictured ) underneath a road in newbury , berkshire , when two boys approached him , doused him in wd40 and vowed to set him alightthey sprayed the highly flammable wd40 , usually used on cars or locks , over him before producing a lighter and threatening to burn him .officers from thames valley police are now hunting the pair following their threats in broad daylight on easter monday afternoon .\n", - "two schoolboys approached 12-year-old and threatened to set him alightpair doused youngster in highly flammable wd40 in subway under roadvictim sustained minor injuries in broad daylight attack over easter breakpolice hunting the two suspects in connection with ` unprovoked ' attack\n", - "[1.2055962 1.5121919 1.3262453 1.1943536 1.2859972 1.2201644 1.1538184\n", - " 1.1659509 1.0612167 1.0204349 1.0144268 1.0880483 1.0599064 1.0222921\n", - " 1.0706289 1.0293435 1.0097078 1.0086511 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 4 5 0 3 7 6 11 14 8 12 15 13 9 10 16 17 18 19 20 21]\n", - "=======================\n", - "['terry mccarty was just six years old when he was engulfed with flames after his brothers filled a bowl with kerosene which was set alight and accidentally knocked on to him .the 29-year-old , from hawthorne , nevada , endured 58 operations as well as cruel taunts from bullies who called him freddy krueger because of the scars on his face , body and arms .an american who suffered third-degree burns to 70 per cent of his body in a childhood accident has faced his fears by becoming a firefighter .']\n", - "=======================\n", - "[\"terry mccarty , 29 , suffered burns to 70 % of his body in childhood accidentendured 58 operations and taunts from bullies calling him freddy kruegerfor years after accident he lived in ` constant state of fear and uncertainty 'he joined the fire service in 2012 after refusing to let ` fear take over my life '\"]\n", - "terry mccarty was just six years old when he was engulfed with flames after his brothers filled a bowl with kerosene which was set alight and accidentally knocked on to him .the 29-year-old , from hawthorne , nevada , endured 58 operations as well as cruel taunts from bullies who called him freddy krueger because of the scars on his face , body and arms .an american who suffered third-degree burns to 70 per cent of his body in a childhood accident has faced his fears by becoming a firefighter .\n", - "terry mccarty , 29 , suffered burns to 70 % of his body in childhood accidentendured 58 operations and taunts from bullies calling him freddy kruegerfor years after accident he lived in ` constant state of fear and uncertainty 'he joined the fire service in 2012 after refusing to let ` fear take over my life '\n", - "[1.2783424 1.4938484 1.1963695 1.183314 1.3400236 1.1936874 1.0428255\n", - " 1.0251675 1.0552205 1.157961 1.0126504 1.0142357 1.2313498 1.0598737\n", - " 1.05949 1.0645984 1.0551583 1.029278 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 0 12 2 5 3 9 15 13 14 8 16 6 17 7 11 10 18 19 20 21]\n", - "=======================\n", - "[\"jaime hessel said her driver had been on his phone , cut across lanes , and even driven down a bus lane during the 35 minute ` trip from hell ' from her east williamsburg apartment to midtown east .an uber customer was hit with a huge $ 16,000 bill for her 7-mile nightmare journey across new york .shock : ms hessel was horrified when uber billed her for $ 16,000 - with a $ 4,000 refund .\"]\n", - "=======================\n", - "[\"jaime hessel claimed her driver cut across lanes and drove in a bus lanethe terrified passenger ended up getting out early as she felt ` unsafe 'then found she 'd been charged thousands for the 35-minute 7-mile tripuber says the bill was a clerical error and claims hessel was never actually charged the eye-popping sum\"]\n", - "jaime hessel said her driver had been on his phone , cut across lanes , and even driven down a bus lane during the 35 minute ` trip from hell ' from her east williamsburg apartment to midtown east .an uber customer was hit with a huge $ 16,000 bill for her 7-mile nightmare journey across new york .shock : ms hessel was horrified when uber billed her for $ 16,000 - with a $ 4,000 refund .\n", - "jaime hessel claimed her driver cut across lanes and drove in a bus lanethe terrified passenger ended up getting out early as she felt ` unsafe 'then found she 'd been charged thousands for the 35-minute 7-mile tripuber says the bill was a clerical error and claims hessel was never actually charged the eye-popping sum\n", - "[1.2789065 1.4033619 1.1544454 1.3226914 1.1134132 1.1190379 1.0396749\n", - " 1.0584652 1.0809525 1.090924 1.1524316 1.098112 1.0451306 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 2 10 5 4 11 9 8 7 12 6 19 18 17 13 15 14 20 16 21]\n", - "=======================\n", - "[\"patricia jannuzzi was put on administrative leave last month and was asked to disable her facebook page when her comments drew wide publicity , in part after school alumnus scott lyons wrote a critical letter that was shared online by thelma & louise star susan sarandon , who 's his aunt .patricia jannuzzi , right , who wrote in a facebook post that gays were behind an ` agenda ' to ` reengineer western civ into slow extinction ' , has been reinstated at immaculata high school despite protests from the likes of susan sarandonanother one of jannuzzi 's posts compared a lesbian relationship to news of egyptian men being beheaded and she said that ` secular materialists ( are ) making our country so weak we can not fight the dictatorship of militant islam . '\"]\n", - "=======================\n", - "[\"patricia jannuzzi , wrote in a facebook post that gays were behind an ` agenda ' to ` reengineer western civ into slow extinction 'an outcry ensued - including from school alumnus scott lyons , who 's aunt is actress susan sarandonjannuzzi was put on administrative leave last month , but there was then a backlash from conservativesmonsignor seamus brennan said in the letter that catholic teachers should communicate the faith in ' a way that is positive and never hurtful '\"]\n", - "patricia jannuzzi was put on administrative leave last month and was asked to disable her facebook page when her comments drew wide publicity , in part after school alumnus scott lyons wrote a critical letter that was shared online by thelma & louise star susan sarandon , who 's his aunt .patricia jannuzzi , right , who wrote in a facebook post that gays were behind an ` agenda ' to ` reengineer western civ into slow extinction ' , has been reinstated at immaculata high school despite protests from the likes of susan sarandonanother one of jannuzzi 's posts compared a lesbian relationship to news of egyptian men being beheaded and she said that ` secular materialists ( are ) making our country so weak we can not fight the dictatorship of militant islam . '\n", - "patricia jannuzzi , wrote in a facebook post that gays were behind an ` agenda ' to ` reengineer western civ into slow extinction 'an outcry ensued - including from school alumnus scott lyons , who 's aunt is actress susan sarandonjannuzzi was put on administrative leave last month , but there was then a backlash from conservativesmonsignor seamus brennan said in the letter that catholic teachers should communicate the faith in ' a way that is positive and never hurtful '\n", - "[1.3633479 1.1884801 1.3832062 1.2174833 1.1544145 1.1044327 1.0348152\n", - " 1.169761 1.1469935 1.193941 1.0541921 1.0457191 1.0357577 1.121348\n", - " 1.0644542 1.0487113 1.0906466 1.0777961 1.0747054 1.0342425 1.0416253\n", - " 1.0367696]\n", - "\n", - "[ 2 0 3 9 1 7 4 8 13 5 16 17 18 14 10 15 11 20 21 12 6 19]\n", - "=======================\n", - "['paramedics found kyle hargreaves kissing a girl on a stretcher in the back of the vehicle , which had been called to an address in grimsby , lincolnshire .the ambulance crew had left the doors open while they collected a 92-year-old man with chest pain from inside the property .he was jailed for two years and eight months at grimsby crown court .']\n", - "=======================\n", - "[\"kyle hargreaves was caught kissing a girl on a stretcher in the ambulancewhen confronted , the 18-year-old replied ` we are just trying to have sex 'he punched paramedic michael newman three times and spat in his face\"]\n", - "paramedics found kyle hargreaves kissing a girl on a stretcher in the back of the vehicle , which had been called to an address in grimsby , lincolnshire .the ambulance crew had left the doors open while they collected a 92-year-old man with chest pain from inside the property .he was jailed for two years and eight months at grimsby crown court .\n", - "kyle hargreaves was caught kissing a girl on a stretcher in the ambulancewhen confronted , the 18-year-old replied ` we are just trying to have sex 'he punched paramedic michael newman three times and spat in his face\n", - "[1.2633817 1.366566 1.1762873 1.2391522 1.1552528 1.2111655 1.0650634\n", - " 1.1571724 1.1225878 1.1247171 1.0294371 1.0295362 1.0688677 1.0373005\n", - " 1.0661116 1.0508466 1.0501013 0. ]\n", - "\n", - "[ 1 0 3 5 2 7 4 9 8 12 14 6 15 16 13 11 10 17]\n", - "=======================\n", - "[\"gerard t. ` the frenchman ' ouimette was 75 .a former mob enforcer in rhode island with ties to late new england crime boss raymond l.s. patriarca has died in a federal prison in north carolina .ouimette was reportedly in control of a gangster network responsible for gambling , loansharking , extortion , and murder , among other crimes\"]\n", - "=======================\n", - "[\"gerard t. ouimette , 75 , known as ` the frenchman , ' died in medium security federal pen in his sleepformer mob enforcer had ties to new england crime boss raymond l.s. patriarca and was suspected of a role in as many as eight murderseven behind bars , police say ouimette kept his influence - accepting a weekly delivery of as much as $ 600 worth of booze and food to his cell\"]\n", - "gerard t. ` the frenchman ' ouimette was 75 .a former mob enforcer in rhode island with ties to late new england crime boss raymond l.s. patriarca has died in a federal prison in north carolina .ouimette was reportedly in control of a gangster network responsible for gambling , loansharking , extortion , and murder , among other crimes\n", - "gerard t. ouimette , 75 , known as ` the frenchman , ' died in medium security federal pen in his sleepformer mob enforcer had ties to new england crime boss raymond l.s. patriarca and was suspected of a role in as many as eight murderseven behind bars , police say ouimette kept his influence - accepting a weekly delivery of as much as $ 600 worth of booze and food to his cell\n", - "[1.1738466 1.4860007 1.4010404 1.3838396 1.1446524 1.0437557 1.0367924\n", - " 1.0524851 1.2385194 1.2103217 1.008881 1.0138154 1.0118492 1.106962\n", - " 1.0730946 1.0916251 1.0569788 1.0385836]\n", - "\n", - "[ 1 2 3 8 9 0 4 13 15 14 16 7 5 17 6 11 12 10]\n", - "=======================\n", - "[\"smita srivastava , of allahabad , in the indian state of uttar pradesh , currently holds the record for having the longest hair in india -- documented at 6ft ( 1.8 m ) in the limca book of records .her hair now stands at 7ft ( 2.1 m ) -- more than three inches longer than the height of the average basketball player .ms srivastava 's hair has made her a local celebrity and she is a regular jury member at a major beauty contest in her hometown\"]\n", - "=======================\n", - "['smita srivastava currently holds record for longest hair in indiaher hair was measured at 6ft ( 1.8 m ) in the limca book of recordsit now stands at 7ft ( 2.1 m ) and has made her a local celebritysmita has long way to go before she knocks current holder off her perch']\n", - "smita srivastava , of allahabad , in the indian state of uttar pradesh , currently holds the record for having the longest hair in india -- documented at 6ft ( 1.8 m ) in the limca book of records .her hair now stands at 7ft ( 2.1 m ) -- more than three inches longer than the height of the average basketball player .ms srivastava 's hair has made her a local celebrity and she is a regular jury member at a major beauty contest in her hometown\n", - "smita srivastava currently holds record for longest hair in indiaher hair was measured at 6ft ( 1.8 m ) in the limca book of recordsit now stands at 7ft ( 2.1 m ) and has made her a local celebritysmita has long way to go before she knocks current holder off her perch\n", - "[1.1439004 1.1796597 1.3299122 1.3468866 1.1700261 1.179924 1.0597421\n", - " 1.0404907 1.089787 1.1330138 1.05878 1.0422069 1.0394366 1.0963078\n", - " 1.0420941 1.0177493 1.0595343 0. ]\n", - "\n", - "[ 3 2 5 1 4 0 9 13 8 6 16 10 11 14 7 12 15 17]\n", - "=======================\n", - "['martin vargic used satellite data to chart how the constellation stars have shifted and will change in the futuremartin vargic , a graphic designer from slovakia , has created a chart that shows how the most famous of the constellations have changed from 50,000 bc to 100,000 ce .yet for anyone staring at the heavens 98,000 year from now , the constellations could look very different indeed .']\n", - "=======================\n", - "['new charts show how the constellations will look 98,000 years in the futuregraphic designer martin vargic created the charts using observation datathe big dipper , leo , cassiopeia and crux will change beyond recognitionthe stars will shift position as our solar system moves through the galaxy']\n", - "martin vargic used satellite data to chart how the constellation stars have shifted and will change in the futuremartin vargic , a graphic designer from slovakia , has created a chart that shows how the most famous of the constellations have changed from 50,000 bc to 100,000 ce .yet for anyone staring at the heavens 98,000 year from now , the constellations could look very different indeed .\n", - "new charts show how the constellations will look 98,000 years in the futuregraphic designer martin vargic created the charts using observation datathe big dipper , leo , cassiopeia and crux will change beyond recognitionthe stars will shift position as our solar system moves through the galaxy\n", - "[1.2069443 1.4781864 1.2109982 1.3494449 1.3227018 1.0414481 1.0987552\n", - " 1.0466675 1.0295726 1.0688627 1.2152349 1.0847769 1.0740579 1.0515398\n", - " 1.0227267 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 10 2 0 6 11 12 9 13 7 5 8 14 15 16 17]\n", - "=======================\n", - "[\"the four-bedroom 19th century sandstone property cost dinnigan $ 4.45 million back in 2009 , and is set to go under the hammer on may 23 .after purchasing a lavish $ 6.5 million watsons bay property just last month with husband bradley cocks , dinnigan is hoping for a cool $ 6 million when the lavishly renovated paddington house sells .renowned fashion designer collette dinnigan has placed her luxurious paddington home on the market after splashing out on a stylish waterfront home in one of sydney 's most exclusive suburbs .\"]\n", - "=======================\n", - "[\"collette dinnigan 's paddington $ 6 million home has hit the marketshe and her husband bradley cocks paid $ 4.45 million for it back in 2009the luxury house will go under the hammer on may 23the four-bedroom , two-storey sandstone property was built in 1880the fashionista and her husband have carefully renovated the property\"]\n", - "the four-bedroom 19th century sandstone property cost dinnigan $ 4.45 million back in 2009 , and is set to go under the hammer on may 23 .after purchasing a lavish $ 6.5 million watsons bay property just last month with husband bradley cocks , dinnigan is hoping for a cool $ 6 million when the lavishly renovated paddington house sells .renowned fashion designer collette dinnigan has placed her luxurious paddington home on the market after splashing out on a stylish waterfront home in one of sydney 's most exclusive suburbs .\n", - "collette dinnigan 's paddington $ 6 million home has hit the marketshe and her husband bradley cocks paid $ 4.45 million for it back in 2009the luxury house will go under the hammer on may 23the four-bedroom , two-storey sandstone property was built in 1880the fashionista and her husband have carefully renovated the property\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[1.2413601 1.1814128 1.505888 1.3962662 1.3958871 1.0491985 1.0241193\n", - " 1.0369384 1.0198071 1.0336328 1.1503538 1.0248538 1.0265398 1.0622846\n", - " 1.0523609 1.0378878 1.0857806 0. ]\n", - "\n", - "[ 2 3 4 0 1 10 16 13 14 5 15 7 9 12 11 6 8 17]\n", - "=======================\n", - "[\"fraudster richard williams , 54 , had spent # 50,000 of the cash turning a canal narrowboat into a replica german second world war submarine with torpedo tubes and a periscope .the captain birdseye lookalike was jailed at manchester crown court for a total of four years and eight months after admitting cheating the taxman out of over # 1million by reclaiming vat from three false businesses .his ex-wife laurel howarth , 28 , was jailed for 20 months for her part in the five-year scam which defrauded her majesty 's revenue and customs of # 1,017,505 .\"]\n", - "=======================\n", - "['captain birdseye lookalike richard williams spent # 50,000 on his u-boathe lived the high life splashing cash on jets and fast cars while on benefitslied that he was selling specially-adapted beds to people with disabilitiesthe 54-year-old was today jailed for a total of four years and eight months']\n", - "fraudster richard williams , 54 , had spent # 50,000 of the cash turning a canal narrowboat into a replica german second world war submarine with torpedo tubes and a periscope .the captain birdseye lookalike was jailed at manchester crown court for a total of four years and eight months after admitting cheating the taxman out of over # 1million by reclaiming vat from three false businesses .his ex-wife laurel howarth , 28 , was jailed for 20 months for her part in the five-year scam which defrauded her majesty 's revenue and customs of # 1,017,505 .\n", - "captain birdseye lookalike richard williams spent # 50,000 on his u-boathe lived the high life splashing cash on jets and fast cars while on benefitslied that he was selling specially-adapted beds to people with disabilitiesthe 54-year-old was today jailed for a total of four years and eight months\n", - "[1.1794748 1.430467 1.2777932 1.1750631 1.2048813 1.1114681 1.1121993\n", - " 1.0803534 1.0561017 1.0174155 1.0224222 1.0320585 1.1578588 1.0608248\n", - " 1.0452794 1.0406744 1.0410523 0. ]\n", - "\n", - "[ 1 2 4 0 3 12 6 5 7 13 8 14 16 15 11 10 9 17]\n", - "=======================\n", - "[\"and now even the sculptor of the i love lucy statue in celoron , new york , has called it ` by far my most unsettling sculpture ' and six years after it was unveiled has pledged to make a new one for free .but the statue of lucille ball - which was so offensive a facebook page called we love lucy !it sparked a hate campaign and was dubbed so terrifying , it was nicknamed scary lucy .\"]\n", - "=======================\n", - "['a statue of lucille ball in celeron , new york was dubbed so offensive the artist has offered to fix the statue for freehowever , there are unrecognisable celebrity effigies all over the worldfemail rounds up the very worst star statues , wax works and figurines']\n", - "and now even the sculptor of the i love lucy statue in celoron , new york , has called it ` by far my most unsettling sculpture ' and six years after it was unveiled has pledged to make a new one for free .but the statue of lucille ball - which was so offensive a facebook page called we love lucy !it sparked a hate campaign and was dubbed so terrifying , it was nicknamed scary lucy .\n", - "a statue of lucille ball in celeron , new york was dubbed so offensive the artist has offered to fix the statue for freehowever , there are unrecognisable celebrity effigies all over the worldfemail rounds up the very worst star statues , wax works and figurines\n", - "[1.5352037 1.3429222 1.0678873 1.2035545 1.0589054 1.0256339 1.0213305\n", - " 1.0174942 1.2892638 1.1011033 1.1894492 1.1329072 1.0658207 1.1211916\n", - " 1.1161474 1.1194749 0. 0. ]\n", - "\n", - "[ 0 1 8 3 10 11 13 15 14 9 2 12 4 5 6 7 16 17]\n", - "=======================\n", - "[\"jonathan brownlee backed up his win in auckland a fortnight ago by taking the gold coast triathlon in the itu world series on saturday .the yorkshireman moved amongst the leaders on the swim , remained at the front during the cycle and then broke clear in the run , seeing off mario mola by 19 seconds with a winning time of 1:46:53 . 'world champion javier gomez took third .\"]\n", - "=======================\n", - "['jonathan brownlee won the second race of the itu season in aucklandbrownlee also prevailed in australia , seeing off mario mola by 19 secondshis brother alistair is expected back from injury in cape town on april 25']\n", - "jonathan brownlee backed up his win in auckland a fortnight ago by taking the gold coast triathlon in the itu world series on saturday .the yorkshireman moved amongst the leaders on the swim , remained at the front during the cycle and then broke clear in the run , seeing off mario mola by 19 seconds with a winning time of 1:46:53 . 'world champion javier gomez took third .\n", - "jonathan brownlee won the second race of the itu season in aucklandbrownlee also prevailed in australia , seeing off mario mola by 19 secondshis brother alistair is expected back from injury in cape town on april 25\n", - "[1.2800366 1.3879079 1.2477702 1.182939 1.2775315 1.1092515 1.0739583\n", - " 1.0541722 1.0353596 1.0482303 1.0390351 1.0732915 1.1082401 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 5 12 6 11 7 9 10 8 13 14 15 16 17]\n", - "=======================\n", - "[\"three former managers of the aids healthcare foundation filed a suit last week alleging the company paid employees and patients kickbacks for patient referrals in an effort to boost funding from federal health programs .the nation 's largest suppliers of hiv and aids medical care is accused of bilking medicare and medicaid in an elaborate $ 20 million dollar scam that spanned 12-states , according to a lawsuit filed in south florida federal court .employees were paid $ 100 bonuses for referring patients with positive test results to its clinics and pharmacies .\"]\n", - "=======================\n", - "[\"three former managers of the aids healthcare foundation filed a suitthey alleged the company paid employees and patients kickbacks for patient referrals in an effort to boost funding from federal health programsemployees were paid $ 100 bonuses for referring patients with positive test results to its clinics and pharmaciesthe lawsuit alleges kickbacks started in 2010 at the company 's california headquarters and spread to programs in florida and several other locations .\"]\n", - "three former managers of the aids healthcare foundation filed a suit last week alleging the company paid employees and patients kickbacks for patient referrals in an effort to boost funding from federal health programs .the nation 's largest suppliers of hiv and aids medical care is accused of bilking medicare and medicaid in an elaborate $ 20 million dollar scam that spanned 12-states , according to a lawsuit filed in south florida federal court .employees were paid $ 100 bonuses for referring patients with positive test results to its clinics and pharmacies .\n", - "three former managers of the aids healthcare foundation filed a suitthey alleged the company paid employees and patients kickbacks for patient referrals in an effort to boost funding from federal health programsemployees were paid $ 100 bonuses for referring patients with positive test results to its clinics and pharmaciesthe lawsuit alleges kickbacks started in 2010 at the company 's california headquarters and spread to programs in florida and several other locations .\n", - "[1.2021788 1.4796001 1.2836121 1.35456 1.2499868 1.1716832 1.0873363\n", - " 1.0832309 1.1858497 1.0206465 1.0278894 1.092605 1.050811 1.0261272\n", - " 1.0354131 1.0160211 1.0742335 1.0093824]\n", - "\n", - "[ 1 3 2 4 0 8 5 11 6 7 16 12 14 10 13 9 15 17]\n", - "=======================\n", - "[\"cobbles on the road , which runs alongside the bristol floating harbour and dates back to the 19th century , will be lifted from their current place and cut in half before being relaid again .the council tested the technique on a small patch of paving and said the reaction had been ` overwhelmingly ' in support for the scheme from cyclists , pedestrians and wheelchair users .a council has been slammed for ripping up more than 12,000 cobbles from a historic road so it can relay them to make it a smoother surface for cyclists .\"]\n", - "=======================\n", - "[\"cobbles will be lifted from their current place , cut in half and relaid againthe paving stones run alongside the 19th century bristol floating harbourcouncil tested technique on small area and had ` overwhelming ' supportbristol industrial archaeological society claim it will change appearance\"]\n", - "cobbles on the road , which runs alongside the bristol floating harbour and dates back to the 19th century , will be lifted from their current place and cut in half before being relaid again .the council tested the technique on a small patch of paving and said the reaction had been ` overwhelmingly ' in support for the scheme from cyclists , pedestrians and wheelchair users .a council has been slammed for ripping up more than 12,000 cobbles from a historic road so it can relay them to make it a smoother surface for cyclists .\n", - "cobbles will be lifted from their current place , cut in half and relaid againthe paving stones run alongside the 19th century bristol floating harbourcouncil tested technique on small area and had ` overwhelming ' supportbristol industrial archaeological society claim it will change appearance\n", - "[1.3843899 1.4418378 1.363039 1.3809526 1.199328 1.1510204 1.023645\n", - " 1.0126683 1.0131042 1.028003 1.0265428 1.0124775 1.1525116 1.1853026\n", - " 1.1313145 1.010703 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 13 12 5 14 9 10 6 8 7 11 15 16 17]\n", - "=======================\n", - "[\"the 68-year-old handed in his resignation at loftus road in february , citing knee problems behind the decision to leave the barclays premier league strugglers , although he later claimed ` people with their own agendas ' had a hand in his departure and described the situation at the west london club as ' a bit of a soap opera ' .former qpr manager harry redknapp feels he still has plenty to offer football but only at the right club , having turned down a ` mind-blowing ' offer to coach abroad .redknapp will return to the dugout on sunday , may 31 when he leads a star-studded men united xi against leyton orient legends , as o 's youth coach and prostate cancer uk ambassador errol mckellar hosts a charity football match at the matchroom stadium .\"]\n", - "=======================\n", - "['harry redknapp quit as qpr manager in february due to knee surgeryredknapp will manage men united xi vs leyton orient legends on may 31charity match is to raise funds and awareness for prostate cancer']\n", - "the 68-year-old handed in his resignation at loftus road in february , citing knee problems behind the decision to leave the barclays premier league strugglers , although he later claimed ` people with their own agendas ' had a hand in his departure and described the situation at the west london club as ' a bit of a soap opera ' .former qpr manager harry redknapp feels he still has plenty to offer football but only at the right club , having turned down a ` mind-blowing ' offer to coach abroad .redknapp will return to the dugout on sunday , may 31 when he leads a star-studded men united xi against leyton orient legends , as o 's youth coach and prostate cancer uk ambassador errol mckellar hosts a charity football match at the matchroom stadium .\n", - "harry redknapp quit as qpr manager in february due to knee surgeryredknapp will manage men united xi vs leyton orient legends on may 31charity match is to raise funds and awareness for prostate cancer\n", - "[1.2218139 1.229428 1.4384387 1.2438282 1.2718104 1.1393682 1.164872\n", - " 1.1064514 1.0483977 1.0617026 1.0661234 1.0604674 1.0468289 1.0647718\n", - " 1.1366515 1.0583364 1.0948106 1.0895609 1.0611904]\n", - "\n", - "[ 2 4 3 1 0 6 5 14 7 16 17 10 13 9 18 11 15 8 12]\n", - "=======================\n", - "[\"faiz ikramulla , 35 , was arrested and charged on thursday with aggravated kidnapping .the little girl is believed to be named aliya .illinois department of children and family services spokesman andrew flach tells the chicago tribune that an initial investigation found that the girl 's father put her in a trash can and drove away .\"]\n", - "=======================\n", - "['faiz ikramulla , 35 , was charged on thursday with aggravated kidnappinghe allegedly dumped daughter aliya , 3 , in a trash can in a forest in prospect heights , illinoishis wife had just reported the girl missing when she was foundpasser-by found her wandering the streets crying and waving her handsauthorities say ilkramulla was trying to hide herhe was arrested in van buren county , michigan']\n", - "faiz ikramulla , 35 , was arrested and charged on thursday with aggravated kidnapping .the little girl is believed to be named aliya .illinois department of children and family services spokesman andrew flach tells the chicago tribune that an initial investigation found that the girl 's father put her in a trash can and drove away .\n", - "faiz ikramulla , 35 , was charged on thursday with aggravated kidnappinghe allegedly dumped daughter aliya , 3 , in a trash can in a forest in prospect heights , illinoishis wife had just reported the girl missing when she was foundpasser-by found her wandering the streets crying and waving her handsauthorities say ilkramulla was trying to hide herhe was arrested in van buren county , michigan\n", - "[1.3313396 1.1982925 1.3325385 1.2558318 1.1072437 1.1723403 1.1142975\n", - " 1.0808011 1.0852572 1.0255344 1.1283289 1.138099 1.097937 1.0425698\n", - " 1.0199858 1.0343376 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 1 5 11 10 6 4 12 8 7 13 15 9 14 17 16 18]\n", - "=======================\n", - "[\"dawn bainbridge , 47 , of west rainton , county durham , led a ` family business ' that saw her and her two daughters steal thousands of pounds worth of clothes from high street stores across the north and sell them online through facebook .their company ` designer goods north east ' took more than # 7,000 in online payments in just four months , had detailed sales records and even a debters ' book .a mother-of-two branded ` fagin ' made almost # 50,000 in a lucrative family shoplifting firm with her daughters - and now they have been told to pay back just # 1 each .\"]\n", - "=======================\n", - "[\"dawn bainbridge , 47 , and her daughters made # 50,000 from shopliftingthree women stole clothes and sold them on facebook page for profitbainbridge was described as ` fagin ' character and the ` villain of the piece 'women do n't own any assets so were ordered to pay back just # 1 each\"]\n", - "dawn bainbridge , 47 , of west rainton , county durham , led a ` family business ' that saw her and her two daughters steal thousands of pounds worth of clothes from high street stores across the north and sell them online through facebook .their company ` designer goods north east ' took more than # 7,000 in online payments in just four months , had detailed sales records and even a debters ' book .a mother-of-two branded ` fagin ' made almost # 50,000 in a lucrative family shoplifting firm with her daughters - and now they have been told to pay back just # 1 each .\n", - "dawn bainbridge , 47 , and her daughters made # 50,000 from shopliftingthree women stole clothes and sold them on facebook page for profitbainbridge was described as ` fagin ' character and the ` villain of the piece 'women do n't own any assets so were ordered to pay back just # 1 each\n", - "[1.2088622 1.3977277 1.2159996 1.2105975 1.2588427 1.1834598 1.1577522\n", - " 1.1522844 1.0614095 1.0626082 1.055637 1.0803616 1.0694035 1.0674683\n", - " 1.0787436 1.0867412 1.0351118 1.0070846 0. ]\n", - "\n", - "[ 1 4 2 3 0 5 6 7 15 11 14 12 13 9 8 10 16 17 18]\n", - "=======================\n", - "[\"jerry moon 's family only discovered the devastating blunder when they opened the casket to say their final goodbyes and found the other body wrapped in a plastic bag .a lawsuit filed by the family claims the brown mortuary put the body of 97-year-old robert petitclerc in the coffin by mistakethe family of jerry moon , pictured with his wife janice , were distraught when they found another man 's body in his coffin\"]\n", - "=======================\n", - "[\"jerry moon , 72 , had pre-arranged to be buried in a family plot in chehalisbut shocked relatives found his body had been replaced by a stranger 'smr moon - who was afraid of cremation - had been accidentally incineratedthe family are now suing brown mortuary service for the upsetting blunder\"]\n", - "jerry moon 's family only discovered the devastating blunder when they opened the casket to say their final goodbyes and found the other body wrapped in a plastic bag .a lawsuit filed by the family claims the brown mortuary put the body of 97-year-old robert petitclerc in the coffin by mistakethe family of jerry moon , pictured with his wife janice , were distraught when they found another man 's body in his coffin\n", - "jerry moon , 72 , had pre-arranged to be buried in a family plot in chehalisbut shocked relatives found his body had been replaced by a stranger 'smr moon - who was afraid of cremation - had been accidentally incineratedthe family are now suing brown mortuary service for the upsetting blunder\n", - "[1.0240664 1.4569976 1.2010816 1.3106465 1.39271 1.1744492 1.1020072\n", - " 1.0451617 1.225923 1.0586162 1.0725416 1.0790979 1.0962756 1.0179762\n", - " 1.1154155 1.0678953 1.0564115 1.0241896 1.0537194]\n", - "\n", - "[ 1 4 3 8 2 5 14 6 12 11 10 15 9 16 18 7 17 0 13]\n", - "=======================\n", - "['tiny robots , the size of an a4 sheet , are being programmed to lift cars that are up to two tonnes in weight .the robots , collectively called avert , are the creation of a european consortium led by the democritus university of thrace in greece .working together , these creepy machines are able to sneak up unnoticed and silently remove their target from the scene .']\n", - "=======================\n", - "['the robots , collectively called avert , are attached to a deployment unitunit is used to scan the area for obstacles and plan a route to the carit then releases bogies which travel to the car and dock onto the wheelssystem may help bomb disposal teams deal with suspicious vehicles']\n", - "tiny robots , the size of an a4 sheet , are being programmed to lift cars that are up to two tonnes in weight .the robots , collectively called avert , are the creation of a european consortium led by the democritus university of thrace in greece .working together , these creepy machines are able to sneak up unnoticed and silently remove their target from the scene .\n", - "the robots , collectively called avert , are attached to a deployment unitunit is used to scan the area for obstacles and plan a route to the carit then releases bogies which travel to the car and dock onto the wheelssystem may help bomb disposal teams deal with suspicious vehicles\n", - "[1.2455773 1.1546527 1.3597845 1.2397692 1.2506639 1.1703415 1.1231456\n", - " 1.0439917 1.0355487 1.0827137 1.062781 1.0593927 1.0376465 1.034809\n", - " 1.0324533 1.1234627 1.0289097 0. 0. ]\n", - "\n", - "[ 2 4 0 3 5 1 15 6 9 10 11 7 12 8 13 14 16 17 18]\n", - "=======================\n", - "[\"the crisis in a&e has led some to blame a lack of available gp appointments for people heading to emergency departments instead .gps are the gateway to nhs care -- nine out of 10 times , the first contact a patient has with the health system is through their gp .weekend opening hours for gps has been touted as one solution - by improving access , many patients wo n't need to take up other care services .\"]\n", - "=======================\n", - "['nine in 10 times , the first contact a patient has with the nhs is via a gpcrisis in a&e has led some to blame lack of gp appointmentsweekend opening hours have been suggested as one solutionvikram pathania is a lecturer in economics at the university of sussex']\n", - "the crisis in a&e has led some to blame a lack of available gp appointments for people heading to emergency departments instead .gps are the gateway to nhs care -- nine out of 10 times , the first contact a patient has with the health system is through their gp .weekend opening hours for gps has been touted as one solution - by improving access , many patients wo n't need to take up other care services .\n", - "nine in 10 times , the first contact a patient has with the nhs is via a gpcrisis in a&e has led some to blame lack of gp appointmentsweekend opening hours have been suggested as one solutionvikram pathania is a lecturer in economics at the university of sussex\n", - "[1.3999684 1.291061 1.301999 1.3841486 1.0484618 1.0281022 1.0481999\n", - " 1.1482232 1.033906 1.0190197 1.0373318 1.0161296 1.2563431 1.1873628\n", - " 1.152936 1.0388788 1.0508213 1.0979913 1.0750529]\n", - "\n", - "[ 0 3 2 1 12 13 14 7 17 18 16 4 6 15 10 8 5 9 11]\n", - "=======================\n", - "['the hometown of stephanie scott has paid tribute to the much-loved teacher who who was allegedly murdered on easter sundaymore than a dozen hot-air balloons took to the skies as hundreds of yellow helium balloons were released in the town where the 26-year-old grew up and met her fiance aaron leeson woolley .as the balloons hovered above the small community of canowindra in the central west region of nsw , hundreds gathered on sunday morning to mark the tragic death of the bride-to-be .']\n", - "=======================\n", - "['hometown of stephanie scott paid tribute to the murdered teacher with a stunning hot-air balloon displaymore than a dozen hot air balloons hovered above the small community in canowindrahundreds gathered to mourn the tragic death of the 26-year-old after she was murdered last weekfriends and family gathered for a memorial picnic on saturday -- the day she would have been married']\n", - "the hometown of stephanie scott has paid tribute to the much-loved teacher who who was allegedly murdered on easter sundaymore than a dozen hot-air balloons took to the skies as hundreds of yellow helium balloons were released in the town where the 26-year-old grew up and met her fiance aaron leeson woolley .as the balloons hovered above the small community of canowindra in the central west region of nsw , hundreds gathered on sunday morning to mark the tragic death of the bride-to-be .\n", - "hometown of stephanie scott paid tribute to the murdered teacher with a stunning hot-air balloon displaymore than a dozen hot air balloons hovered above the small community in canowindrahundreds gathered to mourn the tragic death of the 26-year-old after she was murdered last weekfriends and family gathered for a memorial picnic on saturday -- the day she would have been married\n", - "[1.2752146 1.4040387 1.2282861 1.0566528 1.2552128 1.0808125 1.1095858\n", - " 1.0990428 1.1428578 1.110643 1.033316 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 8 9 6 7 5 3 10 17 11 12 13 14 15 16 18]\n", - "=======================\n", - "[\"thomas hoey jr. , 43 , who was sentenced wednesday by u.s. district judge kevin castel in manhattan federal court , showed ` callousness and indifference ' during the party in january 2009 at midtown hotel the kitano and even more when the victim , kimberly calo , 41 , died from a lethal mix of cocaine and alcohol .a manhattan judge has delivered a blistering sentencing speech to a banana mogul who ignored a woman 's seizures after feeding her cocaine at an all-night three-way sex romp and then tried to cover up her death , while putting the ` selfish ' and ` self-pitying ' millionaire away for 12 and a half years .castel said that distributing cocaine to friends was ` integral to the lifestyle of cocaine , sex and parties ' of hoey , who ran a lucrative banana importing business on long island he inherited from his father and grandfather .\"]\n", - "=======================\n", - "[\"thomas hoey jr. , 43 , was sentenced to 12.5 years wednesday on charges of conspiracy to distribute cocaine , perjury and obstruction of justiceplead guilty in august that he ` refused to call for help ' in 2009 when sex partner kimberly caho , 41 , began seizing from snorting his cokethe mother-of-two died from a lethal mix of cocaine and alcoholhoey continued supplying cocaine to friends at wild parties after her deathhoey also admitted he coerced his other sex partner that night , nicole zobkiw , into lying about what happened to a grand jury` cocaine distribution was integral to his lifestyle of sex and parties , ' judge saidhoey ` used his wealth to fund a life in which his own pleasure was at the center '\"]\n", - "thomas hoey jr. , 43 , who was sentenced wednesday by u.s. district judge kevin castel in manhattan federal court , showed ` callousness and indifference ' during the party in january 2009 at midtown hotel the kitano and even more when the victim , kimberly calo , 41 , died from a lethal mix of cocaine and alcohol .a manhattan judge has delivered a blistering sentencing speech to a banana mogul who ignored a woman 's seizures after feeding her cocaine at an all-night three-way sex romp and then tried to cover up her death , while putting the ` selfish ' and ` self-pitying ' millionaire away for 12 and a half years .castel said that distributing cocaine to friends was ` integral to the lifestyle of cocaine , sex and parties ' of hoey , who ran a lucrative banana importing business on long island he inherited from his father and grandfather .\n", - "thomas hoey jr. , 43 , was sentenced to 12.5 years wednesday on charges of conspiracy to distribute cocaine , perjury and obstruction of justiceplead guilty in august that he ` refused to call for help ' in 2009 when sex partner kimberly caho , 41 , began seizing from snorting his cokethe mother-of-two died from a lethal mix of cocaine and alcoholhoey continued supplying cocaine to friends at wild parties after her deathhoey also admitted he coerced his other sex partner that night , nicole zobkiw , into lying about what happened to a grand jury` cocaine distribution was integral to his lifestyle of sex and parties , ' judge saidhoey ` used his wealth to fund a life in which his own pleasure was at the center '\n", - "[1.2407995 1.3348873 1.1742507 1.0432062 1.3153651 1.027008 1.2128757\n", - " 1.0529594 1.1120884 1.219692 1.2543275 1.080777 1.0153949 1.0364662\n", - " 1.0239666 1.0974572 1.0104349 1.0327126 1.0402683]\n", - "\n", - "[ 1 4 10 0 9 6 2 8 15 11 7 3 18 13 17 5 14 12 16]\n", - "=======================\n", - "['the french midfielder had just put in a dominant display at the emirates stadium as the ligue 1 side all-but-sealed their place in the quarter-finals of the champions league after a 3-1 first-leg win .monaco midfielder geoffrey kondogbia is a liverpool target and has also interested arsenal in recent yearsthe central midfielder was a key player for france alongside paul pogba at the under 20 world cup in 2013']\n", - "=======================\n", - "['geoffrey kondogbia impressed against arsenal in the champions leaguegunners have scouted french midfielder for some timebut now liverpool hold the main premier league interest in midfielder22-year-old is currently at monaco but has also played for lens and sevillajamie redknapp : arsenal should have signed kondogbia']\n", - "the french midfielder had just put in a dominant display at the emirates stadium as the ligue 1 side all-but-sealed their place in the quarter-finals of the champions league after a 3-1 first-leg win .monaco midfielder geoffrey kondogbia is a liverpool target and has also interested arsenal in recent yearsthe central midfielder was a key player for france alongside paul pogba at the under 20 world cup in 2013\n", - "geoffrey kondogbia impressed against arsenal in the champions leaguegunners have scouted french midfielder for some timebut now liverpool hold the main premier league interest in midfielder22-year-old is currently at monaco but has also played for lens and sevillajamie redknapp : arsenal should have signed kondogbia\n", - "[1.1757073 1.4300492 1.3051507 1.2735378 1.2574537 1.1216856 1.0523317\n", - " 1.0326449 1.0418597 1.0908564 1.0774894 1.1787032 1.1971068 1.1066313\n", - " 1.0440195 1.0130943 1.0818934 0. 0. ]\n", - "\n", - "[ 1 2 3 4 12 11 0 5 13 9 16 10 6 14 8 7 15 17 18]\n", - "=======================\n", - "['the footage , which was taken last monday in forrestville in northern sydney shows a driver behind the wheel of an ac & s truck tailgating , yelling and flashing his lights aggressively , nearly crashing into the back of a small subaru car .the incident started on warringah road and continued on for 8.5 km , with the passenger in the car claiming the truck driver was laughing and even spit on their car .a dramatic road rage incident between a truck driver and two young men has been caught on camera']\n", - "=======================\n", - "['a truck driver has been caught on camera intimidating road driversthe driver was laughing while tailgating the men and flashing his lightsthe incident started on warringah road and continued for 8.5 kmtruck company ac & s say they have disciplined the driver']\n", - "the footage , which was taken last monday in forrestville in northern sydney shows a driver behind the wheel of an ac & s truck tailgating , yelling and flashing his lights aggressively , nearly crashing into the back of a small subaru car .the incident started on warringah road and continued on for 8.5 km , with the passenger in the car claiming the truck driver was laughing and even spit on their car .a dramatic road rage incident between a truck driver and two young men has been caught on camera\n", - "a truck driver has been caught on camera intimidating road driversthe driver was laughing while tailgating the men and flashing his lightsthe incident started on warringah road and continued for 8.5 kmtruck company ac & s say they have disciplined the driver\n", - "[1.4111743 1.4235269 1.1285647 1.198837 1.1988088 1.1406415 1.120655\n", - " 1.0836587 1.038493 1.0933356 1.0476578 1.0321056 1.0290241 1.0376891\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 4 5 2 6 9 7 10 8 13 11 12 17 14 15 16 18]\n", - "=======================\n", - "[\"more than 250 fascinating and eclectic objects -- with estimated values of # 500 to # 30,000 -- will go under the hammer in the one-off , travel-themed auction at christie 's south kensington .rarely-seen photos of captain robert scott 's expedition to the south pole and an american civil war flag are among the items expected to fetch tens of thousands of pounds at a unique auction in london later this month .this 1838 map ( estimated value # 7,000 to # 10,000 ) was engraved by john dower and includes a list of the era 's major discoveries\"]\n", - "=======================\n", - "[\"more than 250 fascinating and eclectic items - with estimated values of # 500 to # 30,000 - will go under the hammerchristie 's has curated the collection , which is filled with historic artefacts , pricey art and travel souvenirsother items include a maori hei tiki pendant , a model of a british airways concorde and a section of elephant tusk\"]\n", - "more than 250 fascinating and eclectic objects -- with estimated values of # 500 to # 30,000 -- will go under the hammer in the one-off , travel-themed auction at christie 's south kensington .rarely-seen photos of captain robert scott 's expedition to the south pole and an american civil war flag are among the items expected to fetch tens of thousands of pounds at a unique auction in london later this month .this 1838 map ( estimated value # 7,000 to # 10,000 ) was engraved by john dower and includes a list of the era 's major discoveries\n", - "more than 250 fascinating and eclectic items - with estimated values of # 500 to # 30,000 - will go under the hammerchristie 's has curated the collection , which is filled with historic artefacts , pricey art and travel souvenirsother items include a maori hei tiki pendant , a model of a british airways concorde and a section of elephant tusk\n", - "[1.3775698 1.4496838 1.2888502 1.0939901 1.2385312 1.0878538 1.0413246\n", - " 1.0839744 1.0388261 1.0706618 1.0471228 1.0121441 1.2778758 1.0608805\n", - " 1.0164798 1.0729643 1.0197283 1.0367808 1.0187308]\n", - "\n", - "[ 1 0 2 12 4 3 5 7 15 9 13 10 6 8 17 16 18 14 11]\n", - "=======================\n", - "['one of the victims suffered critical head trauma as the stage fell half-way through a song during a sold-out showing of american pie at westfield high school .more than a dozen people were injured on thursday night after a stage collapsed during an indiana public high school theater performance , sending students plummeting 10 feet into an orchestra pit .the calamity occurred at the worst possible time - just as dozens walked on stage for the finale .']\n", - "=======================\n", - "['an indiana public school performance of american pie ended in tragedy wednesday when a riser buckled just as dozens danced on-stagemore than a dozen people were injured at the westfield high performance and one student was taken to a hospital in critical conditionstudents said there had been no issues when they previously practiced the song on the stage with the same number of people']\n", - "one of the victims suffered critical head trauma as the stage fell half-way through a song during a sold-out showing of american pie at westfield high school .more than a dozen people were injured on thursday night after a stage collapsed during an indiana public high school theater performance , sending students plummeting 10 feet into an orchestra pit .the calamity occurred at the worst possible time - just as dozens walked on stage for the finale .\n", - "an indiana public school performance of american pie ended in tragedy wednesday when a riser buckled just as dozens danced on-stagemore than a dozen people were injured at the westfield high performance and one student was taken to a hospital in critical conditionstudents said there had been no issues when they previously practiced the song on the stage with the same number of people\n", - "[1.3956516 1.2742906 1.249302 1.3868623 1.2042973 1.1201081 1.1423192\n", - " 1.0992665 1.18555 1.0320631 1.0080376 1.0109708 1.0872715 1.0837642\n", - " 1.0564494 1.0619581 1.0379546 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 8 6 5 7 12 13 15 14 16 9 11 10 17 18]\n", - "=======================\n", - "[\"rangers top scorer nicky law has emerged as a # 500,000 target for a trio of english championship clubs .rangers nicky law ( right ) scores one of his two goals against raith rovers on sundaysportsmail understands law 's representatives have fielded calls from no fewer than ten english clubs .\"]\n", - "=======================\n", - "[\"no fewer than ten english clubs have shown interest in nicky lawbrighton , birmingham and reading are showing the strongest interestmidfielder law is rangers ' top scorer with 12 goals this season\"]\n", - "rangers top scorer nicky law has emerged as a # 500,000 target for a trio of english championship clubs .rangers nicky law ( right ) scores one of his two goals against raith rovers on sundaysportsmail understands law 's representatives have fielded calls from no fewer than ten english clubs .\n", - "no fewer than ten english clubs have shown interest in nicky lawbrighton , birmingham and reading are showing the strongest interestmidfielder law is rangers ' top scorer with 12 goals this season\n", - "[1.3841407 1.4594326 1.2239875 1.1115849 1.0389844 1.0423938 1.1103698\n", - " 1.0816001 1.0857078 1.0482004 1.0585203 1.0894394 1.1324823 1.0631536\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 12 3 6 11 8 7 13 10 9 5 4 14 15 16 17 18]\n", - "=======================\n", - "[\"the uss independence was scuttled in january 1951 during weapons testing near california 's farallon islands .( cnn ) a former u.s. navy aircraft carrier that survived a japanese torpedo strike and was a massive guinea pig for two atomic bomb blasts looks remarkably intact at the bottom of the pacific , according to federal researchers who surveyed the wreck last month with an underwater drone .although its location was confirmed by a survey in 2009 , researchers from the national oceanic and atmospheric administration went looking for it again in march as part of a project to map about 300 wrecks that lie in and around the gulf of the farallones national marine sanctuary .\"]\n", - "=======================\n", - "['uss independence was sunk in 1951 after weapons testscarrier was close-in guinea pig to two atomic bomb testsagency : ship looks remarkably intact 2,600 feet below surface of the pacific ocean']\n", - "the uss independence was scuttled in january 1951 during weapons testing near california 's farallon islands .( cnn ) a former u.s. navy aircraft carrier that survived a japanese torpedo strike and was a massive guinea pig for two atomic bomb blasts looks remarkably intact at the bottom of the pacific , according to federal researchers who surveyed the wreck last month with an underwater drone .although its location was confirmed by a survey in 2009 , researchers from the national oceanic and atmospheric administration went looking for it again in march as part of a project to map about 300 wrecks that lie in and around the gulf of the farallones national marine sanctuary .\n", - "uss independence was sunk in 1951 after weapons testscarrier was close-in guinea pig to two atomic bomb testsagency : ship looks remarkably intact 2,600 feet below surface of the pacific ocean\n", - "[1.2631925 1.1844501 1.0674534 1.3226845 1.3100398 1.0529828 1.0303044\n", - " 1.0294789 1.1341076 1.0226132 1.067471 1.091138 1.0341917 1.0360222\n", - " 1.0247833 1.0517855 1.0250529 1.0471612 0. ]\n", - "\n", - "[ 3 4 0 1 8 11 10 2 5 15 17 13 12 6 7 16 14 9 18]\n", - "=======================\n", - "['pebble watch , from # 99 , getpebble.comthe pebble was one of the earliest smartwatches , and since it launched in 2013 , more than a million have been sold .last week , a handful of british tech fanatics took delivery of the first highly sought-after apple watches .']\n", - "=======================\n", - "[\"last week the apple watch went on sale to british tech fanaticsbut it 's not the only one of its kind on the market , there are many morenow there 's a watch for everyone and we 've had a look at what 's on offer\"]\n", - "pebble watch , from # 99 , getpebble.comthe pebble was one of the earliest smartwatches , and since it launched in 2013 , more than a million have been sold .last week , a handful of british tech fanatics took delivery of the first highly sought-after apple watches .\n", - "last week the apple watch went on sale to british tech fanaticsbut it 's not the only one of its kind on the market , there are many morenow there 's a watch for everyone and we 've had a look at what 's on offer\n", - "[1.193474 1.4953638 1.2674273 1.3975996 1.1601162 1.1226391 1.1802865\n", - " 1.0823698 1.1353239 1.0473706 1.07177 1.0653458 1.1088171 1.0592369\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 6 4 8 5 12 7 10 11 13 9 14 15 16 17 18]\n", - "=======================\n", - "[\"authorities say 75-year-old john goodwin , of atkinson , went on trial this week on six counts of aggravated felonious sexual assault .prosecutors said that atkinson , who pleaded not guilty , repeatedly sexually assaulted a student , who is now 24 years old , according to seacoastonline .a piano teacher awaiting a jury 's verdict on charges claiming he sexually assaulted an underage student has shot himself outside a new hampshire courthouse , court officials say .\"]\n", - "=======================\n", - "[\"john goodwin , 75 , of atkinson , new hampshire , went on trial this week on six counts of aggravated felonious sexual assaulthe had pleaded not guilty in the case in which prosecutors said he repeatedly sexually assaulted a student , who is now 24the former student said he did n't come forward until 2013 because he was embarrassedcourt officials said he shot himself outside his car while not in custodyhe was airlifted to a hospital with life-threatening injuries but his condition has not been disclosed\"]\n", - "authorities say 75-year-old john goodwin , of atkinson , went on trial this week on six counts of aggravated felonious sexual assault .prosecutors said that atkinson , who pleaded not guilty , repeatedly sexually assaulted a student , who is now 24 years old , according to seacoastonline .a piano teacher awaiting a jury 's verdict on charges claiming he sexually assaulted an underage student has shot himself outside a new hampshire courthouse , court officials say .\n", - "john goodwin , 75 , of atkinson , new hampshire , went on trial this week on six counts of aggravated felonious sexual assaulthe had pleaded not guilty in the case in which prosecutors said he repeatedly sexually assaulted a student , who is now 24the former student said he did n't come forward until 2013 because he was embarrassedcourt officials said he shot himself outside his car while not in custodyhe was airlifted to a hospital with life-threatening injuries but his condition has not been disclosed\n", - "[1.276165 1.4622482 1.338618 1.213432 1.187567 1.1344166 1.0734329\n", - " 1.0169525 1.014481 1.025347 1.0220892 1.0312884 1.0145764 1.0128437\n", - " 1.1951315 1.1283511 1.0593123 1.0677241 1.0578358 1.0814747 0. ]\n", - "\n", - "[ 1 2 0 3 14 4 5 15 19 6 17 16 18 11 9 10 7 12 8 13 20]\n", - "=======================\n", - "[\"jamie anderson said the cgi characters did not have the same charm as the ` lovingly detailed ' miniature puppets .thunderbirds will return to our screens tonight 50 years after the futuristic puppet show launched and landed all over the world .the son of gerry anderson , the brains behind the original thunderbirds , has criticised the computer-generated remake for lacking the ` magic ' of the classic show .\"]\n", - "=======================\n", - "[\"jamie anderson says cgi characters lack the ` magic ' of the iconic showsays he is ` very fond of puppets and practical effects ' rather than cg onesthunderbirds returns to our screens tonight 50 years since launch of showoriginal show aired between 1964 and 1966 and repeated in 1992 and 2002\"]\n", - "jamie anderson said the cgi characters did not have the same charm as the ` lovingly detailed ' miniature puppets .thunderbirds will return to our screens tonight 50 years after the futuristic puppet show launched and landed all over the world .the son of gerry anderson , the brains behind the original thunderbirds , has criticised the computer-generated remake for lacking the ` magic ' of the classic show .\n", - "jamie anderson says cgi characters lack the ` magic ' of the iconic showsays he is ` very fond of puppets and practical effects ' rather than cg onesthunderbirds returns to our screens tonight 50 years since launch of showoriginal show aired between 1964 and 1966 and repeated in 1992 and 2002\n", - "[1.1499974 1.227321 1.2578579 1.1980301 1.1529921 1.1870794 1.0940074\n", - " 1.0509458 1.0797943 1.0569513 1.0704014 1.054277 1.0683391 1.0902364\n", - " 1.1807878 1.0525011 1.0636922 1.0440586 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 5 14 4 0 6 13 8 10 12 16 9 11 15 7 17 18 19 20]\n", - "=======================\n", - "[\"it means that , if all ice were to be spread across the surface of mars , the entire planet would be covered in more than 3.3 ft ( one metre ) .that 's the surprising conclusion of a study that found that large amounts of ice were not just at the martian poles , but likely towards the equator as well .evidence of water on mars dates back to the mariner 9 mission , which arrived in 1971 .\"]\n", - "=======================\n", - "['danish scientists studied ice hidden under the surface of marsdust is thought to be covering huge glaciers on the surfaceand the researchers say there is more water-ice than anticipatedif spread out it would cover the surface in 3.6 ft ( 1.1 metres ) of ice']\n", - "it means that , if all ice were to be spread across the surface of mars , the entire planet would be covered in more than 3.3 ft ( one metre ) .that 's the surprising conclusion of a study that found that large amounts of ice were not just at the martian poles , but likely towards the equator as well .evidence of water on mars dates back to the mariner 9 mission , which arrived in 1971 .\n", - "danish scientists studied ice hidden under the surface of marsdust is thought to be covering huge glaciers on the surfaceand the researchers say there is more water-ice than anticipatedif spread out it would cover the surface in 3.6 ft ( 1.1 metres ) of ice\n", - "[1.233475 1.4702837 1.0770897 1.2525667 1.1510713 1.1267467 1.0185964\n", - " 1.0262052 1.0184417 1.110592 1.076091 1.0919559 1.0800147 1.1171598\n", - " 1.0339082 1.0393301 1.0280873 1.0223794 1.1543337 1.1082363 1.1725239]\n", - "\n", - "[ 1 3 0 20 18 4 5 13 9 19 11 12 2 10 15 14 16 7 17 6 8]\n", - "=======================\n", - "['no serious injuries were reported in the crashes on u.s. highway 36 between boulder and denver , but tow-truck drivers were kept busy hauling away damaged cars .a spring snowstorm and icy roads caught colorado drivers by surprise friday , causing a 39-vehicle pileup near boulder and other bad wrecks that shut down highways during the morning commute .a tow truck driver works to clear the scene of cleanup on the pileup on']\n", - "=======================\n", - "['no serious injuries were reported in the crashes on u.s. highway 36 between boulder and denver , but tow-truck drivers were kept busy hauling away damaged carsin the mountains , interstate 70 was temporarily closed after several trucks spun out on snowy vail passmeanwhile , lagging colorado river to keep relief from drought-weary californians']\n", - "no serious injuries were reported in the crashes on u.s. highway 36 between boulder and denver , but tow-truck drivers were kept busy hauling away damaged cars .a spring snowstorm and icy roads caught colorado drivers by surprise friday , causing a 39-vehicle pileup near boulder and other bad wrecks that shut down highways during the morning commute .a tow truck driver works to clear the scene of cleanup on the pileup on\n", - "no serious injuries were reported in the crashes on u.s. highway 36 between boulder and denver , but tow-truck drivers were kept busy hauling away damaged carsin the mountains , interstate 70 was temporarily closed after several trucks spun out on snowy vail passmeanwhile , lagging colorado river to keep relief from drought-weary californians\n", - "[1.295131 1.2949688 1.2115582 1.1498414 1.1856223 1.2118151 1.0238483\n", - " 1.1198232 1.0572838 1.182267 1.1476412 1.0446417 1.0602286 1.0603697\n", - " 1.0944214 1.0606486 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 2 4 9 3 10 7 14 15 13 12 8 11 6 19 16 17 18 20]\n", - "=======================\n", - "[\"this is the chilling message a mother wrote on facebook a day after allegedly abandoning her quadriplegic 21-year-old son in the pennsylvania woods with just a blanket and a bible .` i 'm so happy , ' nyia parler , 41 , commented under a new picture of her cuddling her boyfriend on tuesday .parler was admitted to a maryland facility on sunday for an ` undisclosed condition ' and faces charges including aggravated assault , reckless endangering , neglect of a care-dependent person , kidnapping , unlawful restraint and false imprisonment , according to police in pennsylvania .\"]\n", - "=======================\n", - "[\"nyia parler , 41 , allegedly left her 21-year-old son in woods on monday and traveled to marylandon tuesday , she wrote ` i 'm so happy ' on facebookallegedly left her disabled son to fend for himself while she traveled for a romantic getaway with new boyfriendher son was found under rain-soaked pile of leaves on friday night and police say he would have died if passers-by had n't spotted himhe was lying on the ground 10 feet from his wheelchair and a biblepolice have said that parler has been admitted to hospital for an ` undisclosed condition 'she will face extradition and arrest in pennsylvania on her release\"]\n", - "this is the chilling message a mother wrote on facebook a day after allegedly abandoning her quadriplegic 21-year-old son in the pennsylvania woods with just a blanket and a bible .` i 'm so happy , ' nyia parler , 41 , commented under a new picture of her cuddling her boyfriend on tuesday .parler was admitted to a maryland facility on sunday for an ` undisclosed condition ' and faces charges including aggravated assault , reckless endangering , neglect of a care-dependent person , kidnapping , unlawful restraint and false imprisonment , according to police in pennsylvania .\n", - "nyia parler , 41 , allegedly left her 21-year-old son in woods on monday and traveled to marylandon tuesday , she wrote ` i 'm so happy ' on facebookallegedly left her disabled son to fend for himself while she traveled for a romantic getaway with new boyfriendher son was found under rain-soaked pile of leaves on friday night and police say he would have died if passers-by had n't spotted himhe was lying on the ground 10 feet from his wheelchair and a biblepolice have said that parler has been admitted to hospital for an ` undisclosed condition 'she will face extradition and arrest in pennsylvania on her release\n", - "[1.2764995 1.2123344 1.2065232 1.2335136 1.1647439 1.2073667 1.1847864\n", - " 1.1593237 1.1650375 1.044638 1.0370231 1.147978 1.0552368 1.0366226\n", - " 1.0837172 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 5 2 6 8 4 7 11 14 12 9 10 13 19 15 16 17 18 20]\n", - "=======================\n", - "[\"( cnn ) gwyneth paltrow , the actress turned lifestyle guru , is known for promoting detoxes and health cleanses on her site , goop.com .the amount of supplemental nutrition assistance program benefits a person can get is based on the u.s. department of agriculture 's thrifty food plan .but she 's now bringing awareness to the difficulties of life on food stamps .\"]\n", - "=======================\n", - "[\"actress gwyneth paltrow is trying to live on $ 29 worth of food for one weekit 's a part of the #foodbanknycchallenge , which is bringing awareness to food povertypaltrow was nominated by her friend chef mario batali\"]\n", - "( cnn ) gwyneth paltrow , the actress turned lifestyle guru , is known for promoting detoxes and health cleanses on her site , goop.com .the amount of supplemental nutrition assistance program benefits a person can get is based on the u.s. department of agriculture 's thrifty food plan .but she 's now bringing awareness to the difficulties of life on food stamps .\n", - "actress gwyneth paltrow is trying to live on $ 29 worth of food for one weekit 's a part of the #foodbanknycchallenge , which is bringing awareness to food povertypaltrow was nominated by her friend chef mario batali\n", - "[1.195538 1.4147614 1.3448402 1.1766708 1.1206104 1.0285586 1.0484575\n", - " 1.0865811 1.0556521 1.0432377 1.0470653 1.0702095 1.0608877 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 4 7 11 12 8 6 10 9 5 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"scientists announced today that measurements made by the european space probe philae , which landed on comet 67p in november , show the comet 's core is n't magnetised .some astrophysicists have suggested that magnetism might have been responsible for aligning and then binding together rocks into larger boulders during the early stages of planet formation .whatever caused small space rocks to lump together billions of years ago , magnetism is unlikely to be the reason .\"]\n", - "=======================\n", - "[\"was thought magnetism was responsible for aligning and binding rocksthis could have led to early stages of planet formation , scientists saidrosetta results do not support theory as 67p 's core is not magnetised\"]\n", - "scientists announced today that measurements made by the european space probe philae , which landed on comet 67p in november , show the comet 's core is n't magnetised .some astrophysicists have suggested that magnetism might have been responsible for aligning and then binding together rocks into larger boulders during the early stages of planet formation .whatever caused small space rocks to lump together billions of years ago , magnetism is unlikely to be the reason .\n", - "was thought magnetism was responsible for aligning and binding rocksthis could have led to early stages of planet formation , scientists saidrosetta results do not support theory as 67p 's core is not magnetised\n", - "[1.2462084 1.4949622 1.2741342 1.249422 1.2977499 1.0768132 1.1289176\n", - " 1.0389414 1.0511584 1.0157552 1.0469841 1.0813 1.045623 1.1415983\n", - " 1.0891211 1.0593528 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 2 3 0 13 6 14 11 5 15 8 10 12 7 9 20 16 17 18 19 21]\n", - "=======================\n", - "[\"domenico rancadore , who has lived in britain for more than 20 years , was given a seven-year sentence by an italian court in 1999 for being a member of the cosa nostra .sentence dropped : domenico rancadore ( right and left ) fled to britain in the 1990s and was convicted in his absence in italy for his role as a ` man of honour 'in february he lost his year-and-a-half battle against extradition and was told he must return to italy to serve his sentence .\"]\n", - "=======================\n", - "[\"domenico rancadore given a seven-year sentence by italian court in 1999he was convicted for role as a ` man of honour ' , taking bribes from buildersin february the sicilian mafia fugitive lost battle against extradition to italytoday it emerged that the 65-year-old 's case expired in october last year\"]\n", - "domenico rancadore , who has lived in britain for more than 20 years , was given a seven-year sentence by an italian court in 1999 for being a member of the cosa nostra .sentence dropped : domenico rancadore ( right and left ) fled to britain in the 1990s and was convicted in his absence in italy for his role as a ` man of honour 'in february he lost his year-and-a-half battle against extradition and was told he must return to italy to serve his sentence .\n", - "domenico rancadore given a seven-year sentence by italian court in 1999he was convicted for role as a ` man of honour ' , taking bribes from buildersin february the sicilian mafia fugitive lost battle against extradition to italytoday it emerged that the 65-year-old 's case expired in october last year\n", - "[1.1496344 1.5076945 1.4090554 1.26151 1.3736582 1.3106816 1.0660847\n", - " 1.0350024 1.0204439 1.0162445 1.0616686 1.0330093 1.0306461 1.214381\n", - " 1.0291208 1.0179349 1.021858 1.0405073 1.0668188 1.0336561 1.124749\n", - " 1.0473905]\n", - "\n", - "[ 1 2 4 5 3 13 0 20 18 6 10 21 17 7 19 11 12 14 16 8 15 9]\n", - "=======================\n", - "[\"virginia trimble ritter 's daughter , marcia , was raped and choked to death by jerome sydney barrett in 1975 .marcia 's body was found 33 days after she disappeared and ritter 's then-husband advised her against seeing the body and the crime scene photos .jerome sidney barrett , 68 , was found guilty of second-degree murder six years ago and a davidson county criminal court jury imposed a sentence of 44 years ( pictured in 2009 )\"]\n", - "=======================\n", - "[\"virginia trimble ritter 's daughter , marcia , was raped and choked to death by jerome sydney barrett in 1975the case was nashville 's most notorious unsolved murder for 33 yearsritter , who did not see her daughter 's body at the time , recently asked to see the photos investigators took at the sceneafter seeing the photos , ritter said she shouted , ` if i had a gun i 'd kill him ! '\"]\n", - "virginia trimble ritter 's daughter , marcia , was raped and choked to death by jerome sydney barrett in 1975 .marcia 's body was found 33 days after she disappeared and ritter 's then-husband advised her against seeing the body and the crime scene photos .jerome sidney barrett , 68 , was found guilty of second-degree murder six years ago and a davidson county criminal court jury imposed a sentence of 44 years ( pictured in 2009 )\n", - "virginia trimble ritter 's daughter , marcia , was raped and choked to death by jerome sydney barrett in 1975the case was nashville 's most notorious unsolved murder for 33 yearsritter , who did not see her daughter 's body at the time , recently asked to see the photos investigators took at the sceneafter seeing the photos , ritter said she shouted , ` if i had a gun i 'd kill him ! '\n", - "[1.1779522 1.3468428 1.3532927 1.2032787 1.2244923 1.3187059 1.1134697\n", - " 1.125625 1.1035225 1.0842037 1.0619818 1.0397028 1.0267345 1.0107328\n", - " 1.0143447 1.0308541 1.0630243 1.0394386 1.0158553 1.0428615 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 5 4 3 0 7 6 8 9 16 10 19 11 17 15 12 18 14 13 20 21]\n", - "=======================\n", - "['the fa will then charge # 250 for every subsequent year of renewal .as of april 1 , the licensing system for agents is to change so that anyone can become a football agent as long as they pay # 500 for an initial one-year registration period .the fa is due to place a link on their website for intermediaries to register , but as of 1pm that was still not in place .']\n", - "=======================\n", - "[\"licensing system for new agents was due to change on april 1new rules allow anybody to become a football agentmel stein warns that new regulations will ` create anarchy '\"]\n", - "the fa will then charge # 250 for every subsequent year of renewal .as of april 1 , the licensing system for agents is to change so that anyone can become a football agent as long as they pay # 500 for an initial one-year registration period .the fa is due to place a link on their website for intermediaries to register , but as of 1pm that was still not in place .\n", - "licensing system for new agents was due to change on april 1new rules allow anybody to become a football agentmel stein warns that new regulations will ` create anarchy '\n", - "[1.104078 1.3828002 1.2750183 1.2945304 1.2193692 1.1493502 1.1643828\n", - " 1.0715306 1.0423553 1.1018536 1.1896662 1.069487 1.0972803 1.1614592\n", - " 1.0651311 1.0653467 1.0387642 1.0414542 1.0082749 1.0034094 1.0715992\n", - " 1.0556971]\n", - "\n", - "[ 1 3 2 4 10 6 13 5 0 9 12 20 7 11 15 14 21 8 17 16 18 19]\n", - "=======================\n", - "[\"australian josh kerr took home the prize for the most impressive crash when he put too much weight on the front of his board and flipped head first into the break , emerging bruised and beaten .the 31-year-old was attempting to surf the notorious ` box ' - a right hand barrel at margaret river 's main break on wednesday .adam melling , owen wright and john john florence also succumbed to the powerful break with extraordinary crashes .\"]\n", - "=======================\n", - "[\"world 's best surfers have taken to their boards for the margarent river prothe dangerous surf break , ` the box , ' has initiated spectacular wipeoutsaustralian josh kerr faceplanted into the reef when he lent too far forwardadam melling and owen wright also succumbed to the huge surf break\"]\n", - "australian josh kerr took home the prize for the most impressive crash when he put too much weight on the front of his board and flipped head first into the break , emerging bruised and beaten .the 31-year-old was attempting to surf the notorious ` box ' - a right hand barrel at margaret river 's main break on wednesday .adam melling , owen wright and john john florence also succumbed to the powerful break with extraordinary crashes .\n", - "world 's best surfers have taken to their boards for the margarent river prothe dangerous surf break , ` the box , ' has initiated spectacular wipeoutsaustralian josh kerr faceplanted into the reef when he lent too far forwardadam melling and owen wright also succumbed to the huge surf break\n", - "[1.2238433 1.376962 1.1771736 1.2493583 1.0417186 1.1042838 1.3553475\n", - " 1.203644 1.0477501 1.0258033 1.0236474 1.0359317 1.032264 1.0481067\n", - " 1.1836178 1.0454121 1.0200295 1.0118965 1.0259312 1.0875099 1.0614702\n", - " 1.0588504 1.1548111 1.0167246]\n", - "\n", - "[ 1 6 3 0 7 14 2 22 5 19 20 21 13 8 15 4 11 12 18 9 10 16 23 17]\n", - "=======================\n", - "[\"holland 's national team have already conceded more goals in five euro 2016 qualifiers than they lost in the entire qualifying campaign for the last world cup .virgil van dijk has been in fine form for celtic but was n't rewarded with a call-up to the holland national teamthe celtic defender made it into two squads last year .\"]\n", - "=======================\n", - "[\"virgil van dijk was on holiday in dubai while holland played two gamesyoung celtic defender has n't been called up since last yearronny deila says it is n't due to standard of scottish footballteam-mate jason denayer made his belgium debut against israel\"]\n", - "holland 's national team have already conceded more goals in five euro 2016 qualifiers than they lost in the entire qualifying campaign for the last world cup .virgil van dijk has been in fine form for celtic but was n't rewarded with a call-up to the holland national teamthe celtic defender made it into two squads last year .\n", - "virgil van dijk was on holiday in dubai while holland played two gamesyoung celtic defender has n't been called up since last yearronny deila says it is n't due to standard of scottish footballteam-mate jason denayer made his belgium debut against israel\n", - "[1.2056679 1.411044 1.2902566 1.3802783 1.1832352 1.166121 1.0605025\n", - " 1.0809983 1.0635574 1.0611042 1.0370244 1.0603006 1.1102736 1.0399367\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 12 7 8 9 6 11 13 10 14 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"oratilwe hlongwane , whose dj name is aj , is still learning to put together words but the toddler is already able to select and play music from a laptop and has become a phenomenon in south africa .his capabilities have even earned him special appearances and sponsorship deals with fans desperate to hear his bass-heavy house music .the world 's youngest dj who is just two years old has a dedicated following of thousands of fans thanks to his ability to work the decks .\"]\n", - "=======================\n", - "[\"two-year-old oratilwe hlongwane can wow fans by playing music on dj kitperforming under dj name of ` aj ' , toddler plays house music from a laptophe still wears nappies and ca n't yet talk but has a legion of fans for dj-ingparents believe his ability stemmed from dj app he taught himself to use\"]\n", - "oratilwe hlongwane , whose dj name is aj , is still learning to put together words but the toddler is already able to select and play music from a laptop and has become a phenomenon in south africa .his capabilities have even earned him special appearances and sponsorship deals with fans desperate to hear his bass-heavy house music .the world 's youngest dj who is just two years old has a dedicated following of thousands of fans thanks to his ability to work the decks .\n", - "two-year-old oratilwe hlongwane can wow fans by playing music on dj kitperforming under dj name of ` aj ' , toddler plays house music from a laptophe still wears nappies and ca n't yet talk but has a legion of fans for dj-ingparents believe his ability stemmed from dj app he taught himself to use\n", - "[1.1060616 1.2628251 1.3487598 1.4349698 1.0872728 1.2086244 1.2095146\n", - " 1.1161201 1.0326961 1.0328265 1.0196611 1.0579164 1.0436319 1.031138\n", - " 1.03571 1.0203855 1.0183839 1.0218799 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 6 5 7 0 4 11 12 14 9 8 13 17 15 10 16 22 18 19 20 21 23]\n", - "=======================\n", - "[\"new zealand couple justin and jola transformed a huge truck into colourful and cosy castle-homebut when it is unfolded , the vehicle transforms into a majestic but cosy home for justin , jola and their baby son piko .while driving along new zealand 's roads , the siezen family 's house appears to be nothing more than an oversized and strangely shaped truck .\"]\n", - "=======================\n", - "['a new zealand family has transformed an old truck into a travelling castleit comes complete with turrets that feature a toilet and a showerwhen packed away the compact vehicle meets minimum road requirementsjola siezen is an acrobat who performs around the country']\n", - "new zealand couple justin and jola transformed a huge truck into colourful and cosy castle-homebut when it is unfolded , the vehicle transforms into a majestic but cosy home for justin , jola and their baby son piko .while driving along new zealand 's roads , the siezen family 's house appears to be nothing more than an oversized and strangely shaped truck .\n", - "a new zealand family has transformed an old truck into a travelling castleit comes complete with turrets that feature a toilet and a showerwhen packed away the compact vehicle meets minimum road requirementsjola siezen is an acrobat who performs around the country\n", - "[1.1664438 1.4801513 1.1761528 1.2741836 1.3449383 1.0540719 1.045603\n", - " 1.0772979 1.0500584 1.1909572 1.0980815 1.1578659 1.0942224 1.0283033\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 9 2 0 11 10 12 7 5 8 6 13 21 20 19 18 15 16 14 22 17 23]\n", - "=======================\n", - "[\"a film crew shooting the documentary lair of the megashark were just off new zealand 's stewart island when they attempted to put a camera on the dorsal fin of the massive ocean predator who decided to nudge the boat and bite at the thin rope that tethered the dinghy to the main boat .they can be seen panicking as the great white uses it 's strong jaws and tail to shake the boat , causing it to sway dangerously .shocking footage has emerged of the terrifying moment two people stood in a tiny dinghy while a six metre great white shark charged them .\"]\n", - "=======================\n", - "[\"shocking footage has emerged of a great white charging a small dinghythe footage was taken when crew were shooting ` lair of the megashark 'they were trying to put a camera on shark in new zealand 's stewart islandimages of footage posted online by groups who want to ban shark divingthey think it 's causing sharks to associate humans and boats with food\"]\n", - "a film crew shooting the documentary lair of the megashark were just off new zealand 's stewart island when they attempted to put a camera on the dorsal fin of the massive ocean predator who decided to nudge the boat and bite at the thin rope that tethered the dinghy to the main boat .they can be seen panicking as the great white uses it 's strong jaws and tail to shake the boat , causing it to sway dangerously .shocking footage has emerged of the terrifying moment two people stood in a tiny dinghy while a six metre great white shark charged them .\n", - "shocking footage has emerged of a great white charging a small dinghythe footage was taken when crew were shooting ` lair of the megashark 'they were trying to put a camera on shark in new zealand 's stewart islandimages of footage posted online by groups who want to ban shark divingthey think it 's causing sharks to associate humans and boats with food\n", - "[1.39642 1.3556322 1.2374961 1.0470835 1.2636095 1.1339344 1.1596091\n", - " 1.0687451 1.069203 1.0735308 1.0776066 1.2506263 1.1052663 1.1238191\n", - " 1.0563205 1.013576 1.0439142 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 11 2 6 5 13 12 10 9 8 7 14 3 16 15 22 17 18 19 20 21 23]\n", - "=======================\n", - "[\"former dragons ' den star duncan bannatyne this morning announced he would back labour at the next election -- just a week after backing the tories .the millionaire businessman said ed miliband 's plan to scrap the controversial ` non-dom ' status had won him over .he tweeted : ` ed milliband says he will abolish non-dom status in uk .\"]\n", - "=======================\n", - "[\"millionaire businessman backs labour 's plan to scrap ` non-dom ' statushe said : ' i never thought any party would have courage to do this 'just last week he publicly backed the tories over their economic record\"]\n", - "former dragons ' den star duncan bannatyne this morning announced he would back labour at the next election -- just a week after backing the tories .the millionaire businessman said ed miliband 's plan to scrap the controversial ` non-dom ' status had won him over .he tweeted : ` ed milliband says he will abolish non-dom status in uk .\n", - "millionaire businessman backs labour 's plan to scrap ` non-dom ' statushe said : ' i never thought any party would have courage to do this 'just last week he publicly backed the tories over their economic record\n", - "[1.2186373 1.5154042 1.2680025 1.3308147 1.2434942 1.1997652 1.0489124\n", - " 1.0499437 1.0373402 1.1098642 1.0209168 1.0609608 1.0301137 1.0248334\n", - " 1.0169712 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 5 9 11 7 6 8 12 13 10 14 18 15 16 17 19]\n", - "=======================\n", - "[\"edwin ` jock ' mee , 46 , who now lives in scotland , allegedly targeted 11 cadets , aged between 15 and 25 , many of whom were young black women , on a military base in south london , during the army interview and screening process .it is claimed that the divorced father-of-five went on to rape one of the cadets at the mitcham barracks army careers and information office in croydon .a recruiting army sergeant raped a female cadet after telling her cousin ' i hope she is as sweet as she looks ' , a court heard today .\"]\n", - "=======================\n", - "[\"edwin ` jock ' mee , 45 , allegedly targeted 11 cadets aged between 15 and 25alleged he raped one of the cadets at the mitcham army careers officecousin of the alleged victim rang mee to voice her concerns about himhe is said to have told her he hoped her cousin was ` as sweet as she looks '\"]\n", - "edwin ` jock ' mee , 46 , who now lives in scotland , allegedly targeted 11 cadets , aged between 15 and 25 , many of whom were young black women , on a military base in south london , during the army interview and screening process .it is claimed that the divorced father-of-five went on to rape one of the cadets at the mitcham barracks army careers and information office in croydon .a recruiting army sergeant raped a female cadet after telling her cousin ' i hope she is as sweet as she looks ' , a court heard today .\n", - "edwin ` jock ' mee , 45 , allegedly targeted 11 cadets aged between 15 and 25alleged he raped one of the cadets at the mitcham army careers officecousin of the alleged victim rang mee to voice her concerns about himhe is said to have told her he hoped her cousin was ` as sweet as she looks '\n", - "[1.343194 1.389232 1.1704606 1.3794694 1.1474818 1.0868969 1.0397311\n", - " 1.0331081 1.0384549 1.0463127 1.0230861 1.0612681 1.0317631 1.2144691\n", - " 1.100605 1.02193 1.1853067 1.0318619 1.0125725 1.0285732]\n", - "\n", - "[ 1 3 0 13 16 2 4 14 5 11 9 6 8 7 17 12 19 10 15 18]\n", - "=======================\n", - "[\"the work and pensions secretary said ed miliband was standing on ` the most left-wing platform since michael foot ' and was ` peddling lies ' about the government 's record .iain duncan smith has launched a scathing attack on labour 's ` politics of hate and envy ' and claimed the conservatives are ` the real party of work ' .in an interview with the daily mail , the former conservative leader set out a powerful moral case for the party 's policies , which have reduced welfare dependency and got two million more into work .\"]\n", - "=======================\n", - "[\"work and pensions secretary hailed the tories as ` the real party of work 'said miliband is standing on ` most left-wing platform since michael foot 'urged fellow conservatives to champion the government 's achievements\"]\n", - "the work and pensions secretary said ed miliband was standing on ` the most left-wing platform since michael foot ' and was ` peddling lies ' about the government 's record .iain duncan smith has launched a scathing attack on labour 's ` politics of hate and envy ' and claimed the conservatives are ` the real party of work ' .in an interview with the daily mail , the former conservative leader set out a powerful moral case for the party 's policies , which have reduced welfare dependency and got two million more into work .\n", - "work and pensions secretary hailed the tories as ` the real party of work 'said miliband is standing on ` most left-wing platform since michael foot 'urged fellow conservatives to champion the government 's achievements\n", - "[1.077393 1.629911 1.3568459 1.2436085 1.1629877 1.1063714 1.0796916\n", - " 1.073282 1.0302174 1.0453944 1.0989283 1.0838763 1.0669701 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 5 10 11 6 0 7 12 9 8 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"crystal mcnaughton from long beach , california , filmed the moment her newborn son paul started welling up to a rousing song from glee .as the lea michele version of the track o holy night plays , footage shows a look of sadness spreading across the tiny infant 's face .when the chorus builds , tears appear in paul 's eyes and his lips start quivering .\"]\n", - "=======================\n", - "[\"crystal mcnaughton from long beach , california , filmed the moment her newborn son paul started welling up to a rousing song from gleeas the track o holy night plays , a look of sadness spreads across the tiny infant 's faceevery time lea michele sings the baby starts to cry\"]\n", - "crystal mcnaughton from long beach , california , filmed the moment her newborn son paul started welling up to a rousing song from glee .as the lea michele version of the track o holy night plays , footage shows a look of sadness spreading across the tiny infant 's face .when the chorus builds , tears appear in paul 's eyes and his lips start quivering .\n", - "crystal mcnaughton from long beach , california , filmed the moment her newborn son paul started welling up to a rousing song from gleeas the track o holy night plays , a look of sadness spreads across the tiny infant 's faceevery time lea michele sings the baby starts to cry\n", - "[1.4966719 1.3333282 1.119425 1.5090252 1.0505495 1.0473928 1.0281944\n", - " 1.0611037 1.0499759 1.0414656 1.0254318 1.0436339 1.0470493 1.0413274\n", - " 1.051526 1.024264 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 2 7 14 4 8 5 12 11 9 13 6 10 15 18 16 17 19]\n", - "=======================\n", - "['food-focused : actress-turned-lifestyle guru gwyneth paltrow will be living off $ 29 worth of food for a week as part of a charity challenge aimed at raising awareness about food banksthe 42-year-old mother-of-two , who founded popular lifestyle wesbite goop , posted a picture of her $ 29 grocery shop on her twitter account yesterday afternoon , showcasing a range of healthy options , including a variety of fresh vegetables , some brown rice and some black beans .the silken topper is great for an evening out and can be paired with cigarette trousers and strappy sandals for an elegant take on the menswear trend .']\n", - "=======================\n", - "[\"the 42-year-old mother-of-two tweeted a picture of her $ 29 grocery shop , which included eggs , vegetables , brown rice and black beansgwyneth is taking part in the new york city food bank challenge , which aims to raise awareness and funds for the city 's food banksthe city 's weekly food stamp allowance is just $ 29 per person per weekgwyneth 's healthy food choices have already come under fire from critics who claim they contain nowhere near enough calories for a whole week\"]\n", - "food-focused : actress-turned-lifestyle guru gwyneth paltrow will be living off $ 29 worth of food for a week as part of a charity challenge aimed at raising awareness about food banksthe 42-year-old mother-of-two , who founded popular lifestyle wesbite goop , posted a picture of her $ 29 grocery shop on her twitter account yesterday afternoon , showcasing a range of healthy options , including a variety of fresh vegetables , some brown rice and some black beans .the silken topper is great for an evening out and can be paired with cigarette trousers and strappy sandals for an elegant take on the menswear trend .\n", - "the 42-year-old mother-of-two tweeted a picture of her $ 29 grocery shop , which included eggs , vegetables , brown rice and black beansgwyneth is taking part in the new york city food bank challenge , which aims to raise awareness and funds for the city 's food banksthe city 's weekly food stamp allowance is just $ 29 per person per weekgwyneth 's healthy food choices have already come under fire from critics who claim they contain nowhere near enough calories for a whole week\n", - "[1.1526494 1.1790049 1.1964852 1.1337781 1.1009424 1.1892413 1.0699399\n", - " 1.0739111 1.071405 1.1212491 1.1002357 1.0763248 1.0550082 1.0987598\n", - " 1.074668 1.0433223 1.0235668 0. 0. 0. ]\n", - "\n", - "[ 2 5 1 0 3 9 4 10 13 11 14 7 8 6 12 15 16 18 17 19]\n", - "=======================\n", - "['from private islands and aston martins to castles and 75ft yachts , travelmail brings you an expert guide to holidaying like millionaire - no six-figure salary or coutts bank account necessary .jetsuite.com lets those with a far smaller bank balance book private jets for vastly reduced rates .if you know where to look , how to shop and when to book you can save thousands of pounds on exclusive travel deals .']\n", - "=======================\n", - "['charter a private jet in the us via jetsuite.com for as little as # 369airbnb , homeaway and vrbo offer budget stays in castles and mansionsgetmyboat.com has luxury yachts from # 125 per person all over the worlda specialist website lets car fans rent a porsche boxster s for # 175 per day']\n", - "from private islands and aston martins to castles and 75ft yachts , travelmail brings you an expert guide to holidaying like millionaire - no six-figure salary or coutts bank account necessary .jetsuite.com lets those with a far smaller bank balance book private jets for vastly reduced rates .if you know where to look , how to shop and when to book you can save thousands of pounds on exclusive travel deals .\n", - "charter a private jet in the us via jetsuite.com for as little as # 369airbnb , homeaway and vrbo offer budget stays in castles and mansionsgetmyboat.com has luxury yachts from # 125 per person all over the worlda specialist website lets car fans rent a porsche boxster s for # 175 per day\n", - "[1.5245444 1.3926206 1.1375962 1.1735767 1.1681162 1.1002268 1.0587693\n", - " 1.1451198 1.0945319 1.0743423 1.0781603 1.0892358 1.0794356 1.1440185\n", - " 1.0644723 1.0498288 0. ]\n", - "\n", - "[ 0 1 3 4 7 13 2 5 8 11 12 10 9 14 6 15 16]\n", - "=======================\n", - "['( cnn ) \" real housewives of beverly hills \" star and former child actress kim richards is accused of kicking a police officer after being arrested thursday morning .richards was taken into custody by police at the beverly hills hotel on accusations of trespassing , resisting arrest and public intoxication after security personnel complained that she was bothering hotel guests about 1:30 a.m.a police representative said richards was asked to leave but refused and then entered a restroom and would n\\'t come out .']\n", - "=======================\n", - "['\" real housewives of beverly hills \" star kim richards was arrested early thursday morningbeverly hills police say richards would n\\'t leave a hotel when asked and later struck an officer']\n", - "( cnn ) \" real housewives of beverly hills \" star and former child actress kim richards is accused of kicking a police officer after being arrested thursday morning .richards was taken into custody by police at the beverly hills hotel on accusations of trespassing , resisting arrest and public intoxication after security personnel complained that she was bothering hotel guests about 1:30 a.m.a police representative said richards was asked to leave but refused and then entered a restroom and would n't come out .\n", - "\" real housewives of beverly hills \" star kim richards was arrested early thursday morningbeverly hills police say richards would n't leave a hotel when asked and later struck an officer\n", - "[1.3700062 1.4216456 1.2882233 1.3084763 1.182496 1.1206799 1.029544\n", - " 1.0255328 1.1866547 1.0765312 1.0594665 1.0603837 1.0419744 1.0123249\n", - " 1.1695035 1.106846 0. ]\n", - "\n", - "[ 1 0 3 2 8 4 14 5 15 9 11 10 12 6 7 13 16]\n", - "=======================\n", - "[\"marcus and his nine-year-old sister aaliyah were trapped in a second-floor bedroom after the fire broke out on the first floor of their home in clinton .a 13-year-old maryland boy provided firefighters with instructions during a 911 call and got himself and his little sister rescued after his family 's home caught fire on sunday morning ,marcus was able to stay calm throughout the 11-minute call and he was rescued along with his 9-year-old sister\"]\n", - "=======================\n", - "[\"marcus , a 13-year-old maryland boy , provided firefighters with instructionssmelled smoke when family 's clinton home caught fire sunday morningwas trapped in a second-floor bedroom with nine-year-old sister during firesoothed his sister after she blurted out ` we 're going to die ' during the callsiblings saved and three other people in the home escaped without injury\"]\n", - "marcus and his nine-year-old sister aaliyah were trapped in a second-floor bedroom after the fire broke out on the first floor of their home in clinton .a 13-year-old maryland boy provided firefighters with instructions during a 911 call and got himself and his little sister rescued after his family 's home caught fire on sunday morning ,marcus was able to stay calm throughout the 11-minute call and he was rescued along with his 9-year-old sister\n", - "marcus , a 13-year-old maryland boy , provided firefighters with instructionssmelled smoke when family 's clinton home caught fire sunday morningwas trapped in a second-floor bedroom with nine-year-old sister during firesoothed his sister after she blurted out ` we 're going to die ' during the callsiblings saved and three other people in the home escaped without injury\n", - "[1.2147248 1.3980834 1.2633865 1.2018371 1.2923121 1.3263437 1.0695661\n", - " 1.04229 1.1263864 1.027467 1.0143116 1.0379704 1.0338279 1.1026396\n", - " 1.1493341 1.0480425 1.0321468]\n", - "\n", - "[ 1 5 4 2 0 3 14 8 13 6 15 7 11 12 16 9 10]\n", - "=======================\n", - "[\"these incredible pictures show the hungry three-year-old big cats attempting to hunt the much larger hippo in the depths of zimbabwe 's hwange national park .the hippo attempted to scare off the three-year-old lions as they tried to attack the mammal at the nature reserve in the west of zimbabweat first , as the lions approach the large mammal , the hippo tries to scare them off before wandering towards nearby water .\"]\n", - "=======================\n", - "['dramatic pictures show two three-year-old lions antagonising hippopotamus in zimbabwean national parkhippo initially avoided the big cats by walking towards nearby water before turning around and charging at themaltercation caught on camera by researcher brent stapelkamp , who has been studying lions in the reserve for years']\n", - "these incredible pictures show the hungry three-year-old big cats attempting to hunt the much larger hippo in the depths of zimbabwe 's hwange national park .the hippo attempted to scare off the three-year-old lions as they tried to attack the mammal at the nature reserve in the west of zimbabweat first , as the lions approach the large mammal , the hippo tries to scare them off before wandering towards nearby water .\n", - "dramatic pictures show two three-year-old lions antagonising hippopotamus in zimbabwean national parkhippo initially avoided the big cats by walking towards nearby water before turning around and charging at themaltercation caught on camera by researcher brent stapelkamp , who has been studying lions in the reserve for years\n", - "[1.2028029 1.3285978 1.2108809 1.362675 1.1520437 1.0783622 1.0405648\n", - " 1.0334771 1.0726867 1.0325619 1.0779129 1.0246558 1.2453742 1.045646\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 1 12 2 0 4 5 10 8 13 6 7 9 11 14 15 16]\n", - "=======================\n", - "['and it could date back to early human evolution in africa , where spiders with very strong venom have existed millions of years ago .dating back hundreds of thousands of years , the instinct to avoid arachnids developed as an evolutionary response to a dangerous threat , the academics suggest .it could mean that arachnophobia , one of the most crippling of phobias , represents a finely tuned survival instinct .']\n", - "=======================\n", - "['instinct to avoid arachnids developed as evolutionary response to threatscientists say it could mean arachnophobia represents survival instinctcould date back to early human evolution in africa , where spiders with very strong venom existed millions of years ago']\n", - "and it could date back to early human evolution in africa , where spiders with very strong venom have existed millions of years ago .dating back hundreds of thousands of years , the instinct to avoid arachnids developed as an evolutionary response to a dangerous threat , the academics suggest .it could mean that arachnophobia , one of the most crippling of phobias , represents a finely tuned survival instinct .\n", - "instinct to avoid arachnids developed as evolutionary response to threatscientists say it could mean arachnophobia represents survival instinctcould date back to early human evolution in africa , where spiders with very strong venom existed millions of years ago\n", - "[1.2581532 1.4805545 1.2481545 1.4460886 1.1524101 1.0840282 1.0251204\n", - " 1.0325384 1.0184325 1.0232852 1.01671 1.0140239 1.1680471 1.1570057\n", - " 1.0670263 1.0959866 1.0610683]\n", - "\n", - "[ 1 3 0 2 12 13 4 15 5 14 16 7 6 9 8 10 11]\n", - "=======================\n", - "[\"dave roberts , who is in the running to become the mayor of middlesbrough , followed in his great-great-uncle daniel mcallister 's footsteps by leaping off the transporter bridge over the river tees .a mayoral candidate has bungee jumped from a bridge where his ancestor plummeted 160ft to his death for a drunken bet worth just a sixpence .he died on may 4 , 1913 at the age of 30 .\"]\n", - "=======================\n", - "['dave roberts , 50 , bungee jumped from transporter bridge over river teeshis great-great-uncle daniel mcallister jumped to his death at same spotmr mcallister jumped off bridge in drunken bet for sixpence 100 years agomayoral candidate mr roberts successfully completed the jump for charity']\n", - "dave roberts , who is in the running to become the mayor of middlesbrough , followed in his great-great-uncle daniel mcallister 's footsteps by leaping off the transporter bridge over the river tees .a mayoral candidate has bungee jumped from a bridge where his ancestor plummeted 160ft to his death for a drunken bet worth just a sixpence .he died on may 4 , 1913 at the age of 30 .\n", - "dave roberts , 50 , bungee jumped from transporter bridge over river teeshis great-great-uncle daniel mcallister jumped to his death at same spotmr mcallister jumped off bridge in drunken bet for sixpence 100 years agomayoral candidate mr roberts successfully completed the jump for charity\n", - "[1.152744 1.337361 1.1951034 1.2844101 1.1383287 1.195057 1.1637032\n", - " 1.1402308 1.1160679 1.0372026 1.1087058 1.0486063 1.056032 1.1446245\n", - " 1.0926244 1.0453109 1.0471075 1.0511975 0. ]\n", - "\n", - "[ 1 3 2 5 6 0 13 7 4 8 10 14 12 17 11 16 15 9 18]\n", - "=======================\n", - "['videoed outside by its owner tracy , the young german shepherd named kali bounces about the decking playfully .and is at a complete contrast to its adopted mother , who watches the puppy while relaxing on the floor .its mother , after keeping a close eye on kali , then gets up and follows the young dog over to the corner of the decking .']\n", - "=======================\n", - "[\"the video was captured in california by the dogs ' owner tracyyoung german shepherd named kali jumps around playfullyadopted mother follows it and nudges it away from its ballolder dog then uses its paw to push the puppy onto the bed\"]\n", - "videoed outside by its owner tracy , the young german shepherd named kali bounces about the decking playfully .and is at a complete contrast to its adopted mother , who watches the puppy while relaxing on the floor .its mother , after keeping a close eye on kali , then gets up and follows the young dog over to the corner of the decking .\n", - "the video was captured in california by the dogs ' owner tracyyoung german shepherd named kali jumps around playfullyadopted mother follows it and nudges it away from its ballolder dog then uses its paw to push the puppy onto the bed\n", - "[1.3663284 1.2550322 1.3314879 1.3665211 1.2438384 1.1526821 1.0890272\n", - " 1.0760396 1.0213174 1.0738182 1.0980752 1.0445684 1.0556228 1.0802715\n", - " 1.0811154 1.0473111 1.0159308 0. 0. ]\n", - "\n", - "[ 3 0 2 1 4 5 10 6 14 13 7 9 12 15 11 8 16 17 18]\n", - "=======================\n", - "[\"atletico madrid are in talks to sign palermo 's paulo dybala , according to reports in asas report that a representative for palermo , gustavo mascardi , is in madrid and is set to meet the atletico hierarchy on friday .dybala , whom the serie a club value at # 29m , has also been linked with arsenal and chelsea but it seems the la liga side are in the box seat .\"]\n", - "=======================\n", - "['palermo representatives are in madrid to discuss a possible move# 29m-rated dybala is wanted by a host of leading european clubsarsenal and chelsea have been linked with the argentine strikerreal madrid coach carlo ancelotti has told isco to be more defensivebarcelona have been installed as the champions league favouritesnapoli beat wolfsburg 4-1 in uefa europa league sensation']\n", - "atletico madrid are in talks to sign palermo 's paulo dybala , according to reports in asas report that a representative for palermo , gustavo mascardi , is in madrid and is set to meet the atletico hierarchy on friday .dybala , whom the serie a club value at # 29m , has also been linked with arsenal and chelsea but it seems the la liga side are in the box seat .\n", - "palermo representatives are in madrid to discuss a possible move# 29m-rated dybala is wanted by a host of leading european clubsarsenal and chelsea have been linked with the argentine strikerreal madrid coach carlo ancelotti has told isco to be more defensivebarcelona have been installed as the champions league favouritesnapoli beat wolfsburg 4-1 in uefa europa league sensation\n", - "[1.5438147 1.4301589 1.1838835 1.1747217 1.0978729 1.2186749 1.0329366\n", - " 1.2351072 1.0477496 1.0216445 1.0245589 1.1159316 1.0147693 1.0137509\n", - " 1.0180005 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 7 5 2 3 11 4 8 6 10 9 14 12 13 15 16 17 18]\n", - "=======================\n", - "['luke shaw admitted he has struggled to cope with the demands of playing for manchester united after he returned to the team against chelsea .shaw has started seeing a psychologist in recent weeks as he comes to terms with his # 28million move from southampton to old trafford in the summer .shaw claims he had a minor back injury when he was substituted at half-time against arsenal in the fa cup quarter-final defeat at old trafford last month , but he was left out of the team by louis van gaal for the next four games .']\n", - "=======================\n", - "['luke shaw joined manchester united from southampton for # 28mthe young english defender feels he has struggled to live up to his valuation at the club so far and is seeing a psychologistshaw has played only 19 games for united this season']\n", - "luke shaw admitted he has struggled to cope with the demands of playing for manchester united after he returned to the team against chelsea .shaw has started seeing a psychologist in recent weeks as he comes to terms with his # 28million move from southampton to old trafford in the summer .shaw claims he had a minor back injury when he was substituted at half-time against arsenal in the fa cup quarter-final defeat at old trafford last month , but he was left out of the team by louis van gaal for the next four games .\n", - "luke shaw joined manchester united from southampton for # 28mthe young english defender feels he has struggled to live up to his valuation at the club so far and is seeing a psychologistshaw has played only 19 games for united this season\n", - "[1.1322728 1.1938497 1.3402789 1.2243912 1.1837738 1.091803 1.0853692\n", - " 1.1707332 1.168458 1.0572075 1.0793176 1.1222163 1.0920496 1.0236229\n", - " 1.0174675 1.0503865 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 4 7 8 0 11 12 5 6 10 9 15 13 14 16 17 18]\n", - "=======================\n", - "[\"the 19-year-old from hailsham , east sussex , surprised his partner emily-victoria canham , 18 , by telling her they would see niall horan , liam payne , harry styles and louis tomlinson in concert .but jake boys could have done better when it came to organising flights , because he ended up booking plane tickets to the republic of ireland - where he thought the welsh capital was located .arsenal supporter mr boys , who is originally from haywards heath , is now planning to buy a new pair of train tickets to cardiff for the band 's show this june .\"]\n", - "=======================\n", - "[\"jake boys , 19 , booked tickets for trip with emily-victoria canham , 18but blunder saw video blogger mr boys organise flights to dublinnow planning train trip to cardiff and admits he ` could see the problem '\"]\n", - "the 19-year-old from hailsham , east sussex , surprised his partner emily-victoria canham , 18 , by telling her they would see niall horan , liam payne , harry styles and louis tomlinson in concert .but jake boys could have done better when it came to organising flights , because he ended up booking plane tickets to the republic of ireland - where he thought the welsh capital was located .arsenal supporter mr boys , who is originally from haywards heath , is now planning to buy a new pair of train tickets to cardiff for the band 's show this june .\n", - "jake boys , 19 , booked tickets for trip with emily-victoria canham , 18but blunder saw video blogger mr boys organise flights to dublinnow planning train trip to cardiff and admits he ` could see the problem '\n", - "[1.376857 1.342471 1.2571777 1.2175844 1.1611837 1.1201448 1.0656409\n", - " 1.0200478 1.0615594 1.0444767 1.1177894 1.118069 1.0608171 1.016077\n", - " 1.0153712 1.068757 1.0512897 1.0269074 1.0998476]\n", - "\n", - "[ 0 1 2 3 4 5 11 10 18 15 6 8 12 16 9 17 7 13 14]\n", - "=======================\n", - "[\"ap mccoy landed the second win of his last aintree meeting thanks to a trainer he will be praying does n't win saturday 's crabbie 's grand national .irishman gordon elliott trains cause of causes , a gelding owned by mccoy 's boss jp mcmanus and one of the mounts he could have taken in the race instead of shutthefrontdoor .mccoy won on board elliott 's don cossack , who took apart a strong melling chase field with a 26-length defeat of cue card .\"]\n", - "=======================\n", - "['ap mccoy wins second feature race at grand national festivalrides don cossack to victory in melling chase on fridayset to ride favourite shutthefrontdoor at aintree on saturday']\n", - "ap mccoy landed the second win of his last aintree meeting thanks to a trainer he will be praying does n't win saturday 's crabbie 's grand national .irishman gordon elliott trains cause of causes , a gelding owned by mccoy 's boss jp mcmanus and one of the mounts he could have taken in the race instead of shutthefrontdoor .mccoy won on board elliott 's don cossack , who took apart a strong melling chase field with a 26-length defeat of cue card .\n", - "ap mccoy wins second feature race at grand national festivalrides don cossack to victory in melling chase on fridayset to ride favourite shutthefrontdoor at aintree on saturday\n", - "[1.1256742 1.2274213 1.144551 1.1179079 1.2195361 1.1833223 1.075578\n", - " 1.0815753 1.0175707 1.1590881 1.0361004 1.0501257 1.0391135 1.026599\n", - " 1.1008952 1.023922 1.0400302 1.025071 0. ]\n", - "\n", - "[ 1 4 5 9 2 0 3 14 7 6 11 16 12 10 13 17 15 8 18]\n", - "=======================\n", - "['from biometric scanning to ipad-controlled hotel rooms , glimpses into the future of travel have already begun popping up in airports and resorts around the world .think : biometric scanning , sustainable hotels and personalised bookingsin 15 years , digital advancements will have made the discovery , planning and booking of a journey into a seamless and intuitive experience .']\n", - "=======================\n", - "[\"skyscanner 's future of travel report predicts personalised hotel visitsbiometric scanning could revolutionise the airport check-in processunderwater hotels will become mainstream and space holidaying possibleairbus has developed renderings of their panoramic planes of the future\"]\n", - "from biometric scanning to ipad-controlled hotel rooms , glimpses into the future of travel have already begun popping up in airports and resorts around the world .think : biometric scanning , sustainable hotels and personalised bookingsin 15 years , digital advancements will have made the discovery , planning and booking of a journey into a seamless and intuitive experience .\n", - "skyscanner 's future of travel report predicts personalised hotel visitsbiometric scanning could revolutionise the airport check-in processunderwater hotels will become mainstream and space holidaying possibleairbus has developed renderings of their panoramic planes of the future\n", - "[1.3681444 1.4622818 1.1885456 1.1239846 1.2177883 1.4921038 1.1048096\n", - " 1.0418004 1.0233529 1.0171452 1.1688151 1.0178164 1.0211247 1.0918243\n", - " 1.0251127 1.0433071 1.0750663 1.0968248 0. ]\n", - "\n", - "[ 5 1 0 4 2 10 3 6 17 13 16 15 7 14 8 12 11 9 18]\n", - "=======================\n", - "[\"cleveland cavaliers forward kevin love injured his left shoulder during the first half in game four of the first round of the nba playoffs against the boston celtics on sundaycleveland 's power forward was injured in the first quarter of the cavaliers ' 101-93 victory that completed a four-game sweep when he and boston 's kelly olynyk chased a loose ball into the left corner after jae crowder of the celtics missed a 3-pointer .olynyk was charged with a non-shooting foul .\"]\n", - "=======================\n", - "[\"love dislocated his left shoulder on sunday during a tussle with boston 's kelly olynykolynyk 's right arm became entangled with love 's left arm while his shoulder suddenly popped outhe grabbed his arm and kept running toward the cleveland bench before going to the locker room , where he iced his shoulderi have no doubt in my mind that he did it on purpose , ' love said\"]\n", - "cleveland cavaliers forward kevin love injured his left shoulder during the first half in game four of the first round of the nba playoffs against the boston celtics on sundaycleveland 's power forward was injured in the first quarter of the cavaliers ' 101-93 victory that completed a four-game sweep when he and boston 's kelly olynyk chased a loose ball into the left corner after jae crowder of the celtics missed a 3-pointer .olynyk was charged with a non-shooting foul .\n", - "love dislocated his left shoulder on sunday during a tussle with boston 's kelly olynykolynyk 's right arm became entangled with love 's left arm while his shoulder suddenly popped outhe grabbed his arm and kept running toward the cleveland bench before going to the locker room , where he iced his shoulderi have no doubt in my mind that he did it on purpose , ' love said\n", - "[1.3248656 1.2661316 1.4246249 1.2628138 1.2196472 1.2658784 1.055413\n", - " 1.1453344 1.1211395 1.068842 1.0727392 1.1896296 1.0125378 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 5 3 4 11 7 8 10 9 6 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"arnold quintero , 21 , from san antonio , texas faces a string of charges after the girl told police she was punched and forced to undress in front of her attacker .a man has been arrested after a 13-year-old girl was imprisoned , beaten , sexually assaulted and burned with a lighter in america .she said she had been held in a ` trap ' house between january 21 and february 8 and was punched in the face , resulting in black eyes and a bleeding nose .\"]\n", - "=======================\n", - "['arnold quintero , 21 , from texas was arrested and faces a string of chargesteen , 13 , said she was imprisoned , beaten , sexually assaulted and burnedtold police a lighter was held to her face and she was forced to undressher attacker took photographs and had sex with her , she told detectives']\n", - "arnold quintero , 21 , from san antonio , texas faces a string of charges after the girl told police she was punched and forced to undress in front of her attacker .a man has been arrested after a 13-year-old girl was imprisoned , beaten , sexually assaulted and burned with a lighter in america .she said she had been held in a ` trap ' house between january 21 and february 8 and was punched in the face , resulting in black eyes and a bleeding nose .\n", - "arnold quintero , 21 , from texas was arrested and faces a string of chargesteen , 13 , said she was imprisoned , beaten , sexually assaulted and burnedtold police a lighter was held to her face and she was forced to undressher attacker took photographs and had sex with her , she told detectives\n", - "[1.1988758 1.3768432 1.2476879 1.3592868 1.2596737 1.1709929 1.1589239\n", - " 1.0767804 1.0864122 1.0374182 1.0385523 1.0382586 1.0336921 1.0502396\n", - " 1.0399256 1.0534056 1.0416632 1.0134737 1.0362347]\n", - "\n", - "[ 1 3 4 2 0 5 6 8 7 15 13 16 14 10 11 9 18 12 17]\n", - "=======================\n", - "[\"the experts were able to take control of a so-called telerobot during surgery by exploiting a simple programming trick .researchers at the university of washington studied the telerobot raven ii ( shown ) .they found that robots designed for surgery could be ` easily ' hacked in to .\"]\n", - "=======================\n", - "['researchers at the university of washington studied so-called telerobotsthey found robots designed for surgery could be hacked and manipulatedthis is because robots being tested were operated over public networksit allowed the researchers to access them and stop them working']\n", - "the experts were able to take control of a so-called telerobot during surgery by exploiting a simple programming trick .researchers at the university of washington studied the telerobot raven ii ( shown ) .they found that robots designed for surgery could be ` easily ' hacked in to .\n", - "researchers at the university of washington studied so-called telerobotsthey found robots designed for surgery could be hacked and manipulatedthis is because robots being tested were operated over public networksit allowed the researchers to access them and stop them working\n", - "[1.190643 1.38538 1.2954724 1.2121298 1.1470869 1.1905912 1.1315823\n", - " 1.1493576 1.1057171 1.1365277 1.0876712 1.0337827 1.0525216 1.0363095\n", - " 1.0473275 1.0121962 1.0058286 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 7 4 9 6 8 10 12 14 13 11 15 16 17 18]\n", - "=======================\n", - "[\", the app is officially described as the world 's first global social network for cannabis enthusiasts .the network is designed to let users meet one another online to make friends and form relationships without being judged for their habit or views .for people that like their dating chilled out , an app that 's been dubbed ` tinder for marijuana users ' has just gone global .\"]\n", - "=======================\n", - "['highthere !app lets people swipe profiles to start conversations , like tinderit began life limited to us states were cannabis is legal , but is now globaldenver-based founder insists high there is more than a dating site']\n", - ", the app is officially described as the world 's first global social network for cannabis enthusiasts .the network is designed to let users meet one another online to make friends and form relationships without being judged for their habit or views .for people that like their dating chilled out , an app that 's been dubbed ` tinder for marijuana users ' has just gone global .\n", - "highthere !app lets people swipe profiles to start conversations , like tinderit began life limited to us states were cannabis is legal , but is now globaldenver-based founder insists high there is more than a dating site\n", - "[1.6051834 1.0737247 1.0919335 1.0751841 1.0862008 1.043785 1.1638013\n", - " 1.174853 1.0906385 1.0292459 1.0265151 1.0245467 1.0290953 1.0269651\n", - " 1.0314223 1.0381385 1.0456767 1.0135881 1.0230339 1.0144653 1.0179173\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 7 6 2 8 4 3 1 16 5 15 14 9 12 13 10 11 18 20 19 17 21 22 23]\n", - "=======================\n", - "[\"inter owner erick thohir had warned both sets of players before the game that the ` eyes of the world ' would be fixed on the 214th derby della madonnina .philippe mexes thought he had scored an own goal , as did his keeper diego lopez , but it was ruled out and the game remained goallessformer chelsea defender alex sees his attempt blocked by inter keeper samir handanovic , in one of the game 's few clear-cut chances\"]\n", - "=======================\n", - "['philippe mexes own goal disallowed in controversial circumstancesmilan keeper diego lopez makes several good saves to keep scores leveldraw keeps both sides stuck in mid-table after disappointing seasonsmauro icardi misses late chance to win the game for inter as game ends goalless']\n", - "inter owner erick thohir had warned both sets of players before the game that the ` eyes of the world ' would be fixed on the 214th derby della madonnina .philippe mexes thought he had scored an own goal , as did his keeper diego lopez , but it was ruled out and the game remained goallessformer chelsea defender alex sees his attempt blocked by inter keeper samir handanovic , in one of the game 's few clear-cut chances\n", - "philippe mexes own goal disallowed in controversial circumstancesmilan keeper diego lopez makes several good saves to keep scores leveldraw keeps both sides stuck in mid-table after disappointing seasonsmauro icardi misses late chance to win the game for inter as game ends goalless\n", - "[1.4422905 1.1596403 1.4380515 1.1121007 1.0432965 1.0654699 1.2718816\n", - " 1.1397755 1.0735784 1.0414748 1.0365115 1.0290575 1.0469027 1.1539993\n", - " 1.1226432 1.0486649 1.086196 1.0374941 1.0873564 1.0807705 1.0487828\n", - " 1.0523572 1.0213256 1.0152233]\n", - "\n", - "[ 0 2 6 1 13 7 14 3 18 16 19 8 5 21 20 15 12 4 9 17 10 11 22 23]\n", - "=======================\n", - "[\"bitten : austin hatfield , 18 , found the venomous water moccasin , also known as a cottonmouth , near his wimauma home last week ( pictured is hatfield with the snake that is believed to have bit him )hatfield was rushed to a tampa hospital in critical condition .a florida teen who kept a deadly wild snake in his bedroom as a pet and bragged about how many times he 'd kissed it was bitten on the mouth and rushed to the hospital saturday .\"]\n", - "=======================\n", - "[\"austin hatfield of wimauma was keeping the potentially deadly snake , aka a cottonmouth , in a pillow case in his bedrooma friend said hatfield 's ` not afraid of death ' and the 18-year-old won himself the chance to face death down on saturdayhatfield was rushed to a tampa hospital in critical condition but has since improved and he 's expected to recover\"]\n", - "bitten : austin hatfield , 18 , found the venomous water moccasin , also known as a cottonmouth , near his wimauma home last week ( pictured is hatfield with the snake that is believed to have bit him )hatfield was rushed to a tampa hospital in critical condition .a florida teen who kept a deadly wild snake in his bedroom as a pet and bragged about how many times he 'd kissed it was bitten on the mouth and rushed to the hospital saturday .\n", - "austin hatfield of wimauma was keeping the potentially deadly snake , aka a cottonmouth , in a pillow case in his bedrooma friend said hatfield 's ` not afraid of death ' and the 18-year-old won himself the chance to face death down on saturdayhatfield was rushed to a tampa hospital in critical condition but has since improved and he 's expected to recover\n", - "[1.2445327 1.2805631 1.2922139 1.2008106 1.1946881 1.2437142 1.1241268\n", - " 1.1515847 1.1137844 1.1207078 1.0301342 1.1438749 1.0543177 1.0421429\n", - " 1.0527097 1.1064903 1.07307 1.0338134 1.0267256 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 5 3 4 7 11 6 9 8 15 16 12 14 13 17 10 18 22 19 20 21 23]\n", - "=======================\n", - "[\"neither the dubai carrier nor abu dhabi-based etihad airways would say how close the two planes came to each other .one of the carriers involved , dubai-based emirates , referred to the apparent near-miss as an ` air traffic control incident ' in a statement on wednesday .two passenger jets allegedly came within 25 seconds of a mid-air collision over the arabian sea .\"]\n", - "=======================\n", - "['incident occurred over the arabian sea in mumbai airspacea resolution advisory alarm is sounded if within 25 seconds of collisionboth emirates and etihad say safety of passengers was not compromisedindian officials are now investigating the incident as it was in its airspace']\n", - "neither the dubai carrier nor abu dhabi-based etihad airways would say how close the two planes came to each other .one of the carriers involved , dubai-based emirates , referred to the apparent near-miss as an ` air traffic control incident ' in a statement on wednesday .two passenger jets allegedly came within 25 seconds of a mid-air collision over the arabian sea .\n", - "incident occurred over the arabian sea in mumbai airspacea resolution advisory alarm is sounded if within 25 seconds of collisionboth emirates and etihad say safety of passengers was not compromisedindian officials are now investigating the incident as it was in its airspace\n", - "[1.1933463 1.446877 1.20193 1.2857336 1.1655431 1.1042392 1.1722943\n", - " 1.0866688 1.0856888 1.1087718 1.0722739 1.1380588 1.059631 1.0500268\n", - " 1.0485814 1.0180655 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 6 4 11 9 5 7 8 10 12 13 14 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "['with just over three weeks until polling day , 39 per cent of voters now say they will back the conservatives compared to just 33 per cent for labour , according to the pollsters icm .the shock poll , published this afternoon , comes after the tories unveiled their key election pledge to scrap inheritance tax on family homes worth up to # 1million .the tories have jumped to a six point lead over labour in the polls , putting david cameron within striking distance of an overhaul majority .']\n", - "=======================\n", - "['new polls shows 39 % of voters now say they will back the conservativesthis is compared to just 33 % for labour , according to the pollsters icmcomes after tories pledged to scrap inheritance tax on homes up to # 1mthe conservatives only scored 36 % in the general election in 2010a separate poll published today showed the parties tied on 33 % each']\n", - "with just over three weeks until polling day , 39 per cent of voters now say they will back the conservatives compared to just 33 per cent for labour , according to the pollsters icm .the shock poll , published this afternoon , comes after the tories unveiled their key election pledge to scrap inheritance tax on family homes worth up to # 1million .the tories have jumped to a six point lead over labour in the polls , putting david cameron within striking distance of an overhaul majority .\n", - "new polls shows 39 % of voters now say they will back the conservativesthis is compared to just 33 % for labour , according to the pollsters icmcomes after tories pledged to scrap inheritance tax on homes up to # 1mthe conservatives only scored 36 % in the general election in 2010a separate poll published today showed the parties tied on 33 % each\n", - "[1.3430429 1.331961 1.1749954 1.1583447 1.1214731 1.0350983 1.024514\n", - " 1.0580417 1.0653522 1.0577283 1.1351297 1.1534013 1.1415615 1.048161\n", - " 1.0723078 1.0196873 1.0195743 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 11 12 10 4 14 8 7 9 13 5 6 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"the justice department said tuesday it has opened a civil rights investigation into the death of freddie gray , a black man who suffered a fatal spinal-cord injury under mysterious circumstances after he was handcuffed and put in the back of a police van .baltimore police officials , meanwhile , released the names of six officers who were involved in the arrest and the van transport of the 25-year-old and who 've been suspended pending an investigation .but the developments were cold comfort to hundreds of residents who on tuesday evening took to the streets of west baltimore to protest the police force in gray 's name .\"]\n", - "=======================\n", - "[\"the feds on tuesday opened a civil rights investigation into the death of gray , a black man who suffered a spinal-cord injury while in a police vansix officers were suspended : lt. brian rice , sgt. alicia white , officers caesar goodson , william porter and edward nero and garrett millerhundreds swarmed the streets of west baltimore on tuesday at the site of gray 's arrest and then marched to a police department\"]\n", - "the justice department said tuesday it has opened a civil rights investigation into the death of freddie gray , a black man who suffered a fatal spinal-cord injury under mysterious circumstances after he was handcuffed and put in the back of a police van .baltimore police officials , meanwhile , released the names of six officers who were involved in the arrest and the van transport of the 25-year-old and who 've been suspended pending an investigation .but the developments were cold comfort to hundreds of residents who on tuesday evening took to the streets of west baltimore to protest the police force in gray 's name .\n", - "the feds on tuesday opened a civil rights investigation into the death of gray , a black man who suffered a spinal-cord injury while in a police vansix officers were suspended : lt. brian rice , sgt. alicia white , officers caesar goodson , william porter and edward nero and garrett millerhundreds swarmed the streets of west baltimore on tuesday at the site of gray 's arrest and then marched to a police department\n", - "[1.2933584 1.438755 1.2505515 1.3390989 1.1642454 1.1078124 1.103404\n", - " 1.1003616 1.1166584 1.0855459 1.0372 1.0504324 1.045456 1.0561467\n", - " 1.0767139 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 8 5 6 7 9 14 13 11 12 10 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"the incredible weather event took place in siberia 's third largest city , krasnoyarsk , and shows the moment snow and sleet plunge the yenisei river into darkness .the snowstorm moved at a speed of 45mph and engulfed the kommunalnyi bridge in a matter of secondsa video maker captured the storm , which initially it looks like a large white cloud , from the bank of a river .\"]\n", - "=======================\n", - "[\"the cyclone travelled through siberia 's third largest city , krasnoyarskvideo captures the snowstorm engulfing the kommunalnyi bridgeflakes of snow become bigger as visibility reduces drastically\"]\n", - "the incredible weather event took place in siberia 's third largest city , krasnoyarsk , and shows the moment snow and sleet plunge the yenisei river into darkness .the snowstorm moved at a speed of 45mph and engulfed the kommunalnyi bridge in a matter of secondsa video maker captured the storm , which initially it looks like a large white cloud , from the bank of a river .\n", - "the cyclone travelled through siberia 's third largest city , krasnoyarskvideo captures the snowstorm engulfing the kommunalnyi bridgeflakes of snow become bigger as visibility reduces drastically\n", - "[1.2466412 1.3772142 1.21558 1.2713366 1.078309 1.0426106 1.0316745\n", - " 1.0291857 1.0216601 1.0211054 1.0269487 1.030324 1.187314 1.0762831\n", - " 1.047337 1.0197167 1.0569755 1.0996839 1.1286523 1.089338 1.0960618\n", - " 1.0516422 1.0716839]\n", - "\n", - "[ 1 3 0 2 12 18 17 20 19 4 13 22 16 21 14 5 6 11 7 10 8 9 15]\n", - "=======================\n", - "[\"and not only did the airline come out on top , it scored a perfect 100 in the research by travel site wanderbat , which ranked the top 22 airlines around the world .travel site , wanderbat , has found qatar airways to be the world 's most reliable airlinefollowed closely by emirates and china eastern , the top three airlines showed how the gulf and asia are dominating the travel market .\"]\n", - "=======================\n", - "['travel site , wanderbat , evaluated the reliability of top international airlinesconsidered : on-time performance , flight record , checked baggage costsqatar airways received a perfect 100-point score , followed by emirates']\n", - "and not only did the airline come out on top , it scored a perfect 100 in the research by travel site wanderbat , which ranked the top 22 airlines around the world .travel site , wanderbat , has found qatar airways to be the world 's most reliable airlinefollowed closely by emirates and china eastern , the top three airlines showed how the gulf and asia are dominating the travel market .\n", - "travel site , wanderbat , evaluated the reliability of top international airlinesconsidered : on-time performance , flight record , checked baggage costsqatar airways received a perfect 100-point score , followed by emirates\n", - "[1.2560982 1.3235626 1.322018 1.2795635 1.2237189 1.2590606 1.1989694\n", - " 1.1373186 1.048275 1.0336549 1.0378109 1.0800393 1.0883517 1.0634799\n", - " 1.0848631 1.0513473 1.1128767 1.066556 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 5 0 4 6 7 16 12 14 11 17 13 15 8 10 9 18 19 20 21 22]\n", - "=======================\n", - "[\"at about 10.30 pm on saturday night , police received a number of complaints about a dangerously large party at an abandoned industrial area on mcpherson street in botany .on police officer was hit by a bottle and was taken to hospital to have glass removed from his headtwo police officers have sustained injuries after attempting to close down an enormous 1000 person rave in sydney 's east .\"]\n", - "=======================\n", - "[\"police officers have shut down an enormous 1000 rave in sydney 's eastthey were called to abandoned industrial area in botany on saturday nightpolice were forced to use capsicum spray on the group after back up cameone officer had glass removed from his head after the crowd threw bottlesa woman was arrested and is being questioned after assaulting an officer\"]\n", - "at about 10.30 pm on saturday night , police received a number of complaints about a dangerously large party at an abandoned industrial area on mcpherson street in botany .on police officer was hit by a bottle and was taken to hospital to have glass removed from his headtwo police officers have sustained injuries after attempting to close down an enormous 1000 person rave in sydney 's east .\n", - "police officers have shut down an enormous 1000 rave in sydney 's eastthey were called to abandoned industrial area in botany on saturday nightpolice were forced to use capsicum spray on the group after back up cameone officer had glass removed from his head after the crowd threw bottlesa woman was arrested and is being questioned after assaulting an officer\n", - "[1.1623158 1.5291791 1.1418447 1.2598722 1.1949421 1.1276851 1.0799667\n", - " 1.0180902 1.0171565 1.1470797 1.1719749 1.1739722 1.0823168 1.0782424\n", - " 1.0693527 1.0767922 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 4 11 10 0 9 2 5 12 6 13 15 14 7 8 16 17 18 19 20 21 22]\n", - "=======================\n", - "['the swimmer was in the water in florida when she was filmed screaming out in horror as a giant manatee floated past just inches away .harmless : manatees are plant-eating creatures that can grow up to 13ft and have a top speed of just 5mph ( file picture )frightened : the young swimmer managed to avoid coming into contact with the sea cow , which came in to view a number of times during the short clip']\n", - "=======================\n", - "['swimmer uses selfie-stick to film her reaction when manatee floats pastfrightened spring-breaker was in water in florida when she took footagethe short clip shows the giant herbivorous creature passing within inches']\n", - "the swimmer was in the water in florida when she was filmed screaming out in horror as a giant manatee floated past just inches away .harmless : manatees are plant-eating creatures that can grow up to 13ft and have a top speed of just 5mph ( file picture )frightened : the young swimmer managed to avoid coming into contact with the sea cow , which came in to view a number of times during the short clip\n", - "swimmer uses selfie-stick to film her reaction when manatee floats pastfrightened spring-breaker was in water in florida when she took footagethe short clip shows the giant herbivorous creature passing within inches\n", - "[1.0745547 1.1763567 1.0792316 1.2384589 1.1665754 1.376218 1.2347534\n", - " 1.0367163 1.0235056 1.0312428 1.0225035 1.0207319 1.0660753 1.2576339\n", - " 1.0211562 1.0171885 1.0201 1.0147865 1.0180683 1.0837517 1.113748\n", - " 0. 0. ]\n", - "\n", - "[ 5 13 3 6 1 4 20 19 2 0 12 7 9 8 10 14 11 16 18 15 17 21 22]\n", - "=======================\n", - "[\"callum wilson celebrates after opening the scoring for bournemouth in the fourth minutebut , as of yet , the cherries are n't choking , callum wilson 's 22nd goal of the season setting them on their way to a third successive win at the madejski stadium .manager eddie howe would testify to that .\"]\n", - "=======================\n", - "[\"callum wilson opened the scoring for bournemouth in the fourth minuteit was wilson 's 22nd goal of the season for the cherriesbournemouth are ahead of norwich at the top of the table by one point\"]\n", - "callum wilson celebrates after opening the scoring for bournemouth in the fourth minutebut , as of yet , the cherries are n't choking , callum wilson 's 22nd goal of the season setting them on their way to a third successive win at the madejski stadium .manager eddie howe would testify to that .\n", - "callum wilson opened the scoring for bournemouth in the fourth minuteit was wilson 's 22nd goal of the season for the cherriesbournemouth are ahead of norwich at the top of the table by one point\n", - "[1.3326538 1.3131001 1.1550976 1.0698291 1.1032829 1.0931898 1.0507427\n", - " 1.1849055 1.1630478 1.0596918 1.085586 1.0194248 1.0463854 1.0374243\n", - " 1.0435916 1.0234134 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 7 8 2 4 5 10 3 9 6 12 14 13 15 11 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"the surrender of confederate gen. robert e. lee to union lt. gen. ulysses s. grant 150 years ago on thursday was a milestone event in the end of the civil war .thursday 's commemoration in appomattox , virginia , included a reenactment of lee 's last clash with grant 's troops and of the confederate surrender in a virginia farmhouse on april 9 , 1865 .lee 's forces were in a state of growing disarray in the hours before lee formally called it quits .\"]\n", - "=======================\n", - "['confederate gen. robert e. lee surrendered to union lt. gen. ulysses s. grant on april 9 , 1865the surrender in appomattox , virginia , is considered a milestone event in the ending of the civil warre-enactors gathered in appomattax for a re-enactment of the battle of appomattox courthouse']\n", - "the surrender of confederate gen. robert e. lee to union lt. gen. ulysses s. grant 150 years ago on thursday was a milestone event in the end of the civil war .thursday 's commemoration in appomattox , virginia , included a reenactment of lee 's last clash with grant 's troops and of the confederate surrender in a virginia farmhouse on april 9 , 1865 .lee 's forces were in a state of growing disarray in the hours before lee formally called it quits .\n", - "confederate gen. robert e. lee surrendered to union lt. gen. ulysses s. grant on april 9 , 1865the surrender in appomattox , virginia , is considered a milestone event in the ending of the civil warre-enactors gathered in appomattax for a re-enactment of the battle of appomattox courthouse\n", - "[1.370297 1.3637525 1.3027235 1.4969879 1.1524041 1.0351505 1.0357928\n", - " 1.0150132 1.0301347 1.0151244 1.0755523 1.1448854 1.0801255 1.0841552\n", - " 1.0835555 1.0303358 1.0207909 1.0214653 1.015355 1.021787 1.0501287\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 2 4 11 13 14 12 10 20 6 5 15 8 19 17 16 18 9 7 21 22 23]\n", - "=======================\n", - "['xabi alonso could become only the second player to win the champions league with three different teamsif bayern munich manage to overturn the 3-1 champions league quarter-final first leg scoreline handed to them by porto last week , xabi alonso will have his eyes on a very special record .the only other player to have done so is ac milan legend clarence seedorf , who lifted the famous piece of silverware for ajax , real madrid and milan .']\n", - "=======================\n", - "[\"xabi alonso won uefa champions league with liverpool and real madridhe scored the vital equaliser for the reds in his first season at the clubthe spaniard was in real madrid 's triumphant side last seasonclarence seedorf won with ajax , real madrid and twice with ac milanbayern suffered 3-1 quarter-final first leg defeat against portothiago motta has also won european trophy with two different clubs\"]\n", - "xabi alonso could become only the second player to win the champions league with three different teamsif bayern munich manage to overturn the 3-1 champions league quarter-final first leg scoreline handed to them by porto last week , xabi alonso will have his eyes on a very special record .the only other player to have done so is ac milan legend clarence seedorf , who lifted the famous piece of silverware for ajax , real madrid and milan .\n", - "xabi alonso won uefa champions league with liverpool and real madridhe scored the vital equaliser for the reds in his first season at the clubthe spaniard was in real madrid 's triumphant side last seasonclarence seedorf won with ajax , real madrid and twice with ac milanbayern suffered 3-1 quarter-final first leg defeat against portothiago motta has also won european trophy with two different clubs\n", - "[1.0922391 1.115688 1.080445 1.1356306 1.3692148 1.2802541 1.0686353\n", - " 1.0328037 1.0276024 1.0381552 1.0224059 1.0869336 1.0534525 1.0828768\n", - " 1.0349091 1.0450305 1.0263898 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 4 5 3 1 0 11 13 2 6 12 15 9 14 7 8 16 10 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"but the fatal decision was to try and wash the children , toddler joe and five-year-old anna , after arriving in a tired and tetchy state at camping la chapelle .our journey to argeles-sur-mer on france 's mediterranean coast went without a hitch , despite being in the minority of travellers flying , then hiring a car , rather than driving all the way .my hazy memories of similar family holidays as a child were of slow days spent on pine-scented campsites , punctuated by trips to sun-soaked beaches .\"]\n", - "=======================\n", - "['chris greenwood travelled with his family to argeles-sur-mer , franceit offers water slides and a heated pool with a retractable roofport of collioure , located nearby , has a beach perfect for swimming']\n", - "but the fatal decision was to try and wash the children , toddler joe and five-year-old anna , after arriving in a tired and tetchy state at camping la chapelle .our journey to argeles-sur-mer on france 's mediterranean coast went without a hitch , despite being in the minority of travellers flying , then hiring a car , rather than driving all the way .my hazy memories of similar family holidays as a child were of slow days spent on pine-scented campsites , punctuated by trips to sun-soaked beaches .\n", - "chris greenwood travelled with his family to argeles-sur-mer , franceit offers water slides and a heated pool with a retractable roofport of collioure , located nearby , has a beach perfect for swimming\n", - "[1.2711017 1.5412505 1.2869112 1.3232577 1.0687457 1.1132984 1.037515\n", - " 1.0499104 1.1181005 1.0348257 1.0670096 1.0205282 1.0753698 1.0952507\n", - " 1.053348 1.0189091 1.0239408 1.0785522 1.1544224 1.0106281 1.0256664\n", - " 1.0199628 1.0164505 1.0811824]\n", - "\n", - "[ 1 3 2 0 18 8 5 13 23 17 12 4 10 14 7 6 9 20 16 11 21 15 22 19]\n", - "=======================\n", - "[\"qpr had lost 13 of 14 league away games before saturday 's vital 4-1 victory at west brom .chris ramsey urges his players to calm down during the 4-1 win against west brom on saturdaythe win also saw the west london club to end a five-game losing run , while they remain in 19th place just three points adrift of safety .\"]\n", - "=======================\n", - "[\"qpr beat west brom 4-1 away from home on saturday in bid to beat dropclub remain 19th in the premier league but are three points from safetychris ramsey 's side face aston villa in crunch match on tuesdayqpr manager says his players have belief that they can stay up\"]\n", - "qpr had lost 13 of 14 league away games before saturday 's vital 4-1 victory at west brom .chris ramsey urges his players to calm down during the 4-1 win against west brom on saturdaythe win also saw the west london club to end a five-game losing run , while they remain in 19th place just three points adrift of safety .\n", - "qpr beat west brom 4-1 away from home on saturday in bid to beat dropclub remain 19th in the premier league but are three points from safetychris ramsey 's side face aston villa in crunch match on tuesdayqpr manager says his players have belief that they can stay up\n", - "[1.216207 1.2524179 1.3119055 1.3010573 1.186309 1.1201453 1.0931616\n", - " 1.0598401 1.1084303 1.1354064 1.1026319 1.0574188 1.033645 1.0134553\n", - " 1.033033 1.0520092 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 0 4 9 5 8 10 6 7 11 15 12 14 13 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"now the pair , from buckinghamshire , who are now aged 11 and nine , have given an interview to children 's tv programme newsround , to talk about the video that changed their lives .the boys are they are not : harry ( left ) is now 11 , whilst his younger brother charlie ( right ) is now ninein it , a small boy named harry davies-carr is seen happily sitting with his baby brother charlie on his lap - until charlie painfully makes a snap for one of his older sibling 's digits .\"]\n", - "=======================\n", - "[\"harry and charlie davies-carr starred in the clip some eight years agoin the video charlie bites his older brother 's fingerthe film was originally made to send to the pairs ' godfather in americait has since amassed 816million views on youtube\"]\n", - "now the pair , from buckinghamshire , who are now aged 11 and nine , have given an interview to children 's tv programme newsround , to talk about the video that changed their lives .the boys are they are not : harry ( left ) is now 11 , whilst his younger brother charlie ( right ) is now ninein it , a small boy named harry davies-carr is seen happily sitting with his baby brother charlie on his lap - until charlie painfully makes a snap for one of his older sibling 's digits .\n", - "harry and charlie davies-carr starred in the clip some eight years agoin the video charlie bites his older brother 's fingerthe film was originally made to send to the pairs ' godfather in americait has since amassed 816million views on youtube\n", - "[1.2470527 1.4910977 1.1270275 1.1048028 1.2866095 1.2859081 1.1033934\n", - " 1.0614752 1.162443 1.0711998 1.045797 1.0527059 1.0475562 1.0500301\n", - " 1.0849729 1.0937737 1.1599332 1.1374408 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 5 0 8 16 17 2 3 6 15 14 9 7 11 13 12 10 26 25 24 23 20 21\n", - " 19 18 27 22 28]\n", - "=======================\n", - "['spencer gerlach , 20 , told police that he and his ex-wife keltsie gerlach were having a dispute on wednesday afternoon that escalated into murder .tragic murder : keltsie gerlach was found in the living room stabbed to death as her 15-month-old baby girl ( right ) was sleeping in the next rooma utah man confessed to stabbing his ex-wife to death on wednesday when he called 911 and turned himself in .']\n", - "=======================\n", - "['spencer gerlach , 20 , admitted to stabbing his ex-wife keltsie gerlach to death as their 15-month-old daughter slept in the next roomthe baby girl was unharmed and was taken into custody by child servicesthe cause of argument that led to the murder is unknownspencer faces first-degree murder charges and was booked at elder county jail']\n", - "spencer gerlach , 20 , told police that he and his ex-wife keltsie gerlach were having a dispute on wednesday afternoon that escalated into murder .tragic murder : keltsie gerlach was found in the living room stabbed to death as her 15-month-old baby girl ( right ) was sleeping in the next rooma utah man confessed to stabbing his ex-wife to death on wednesday when he called 911 and turned himself in .\n", - "spencer gerlach , 20 , admitted to stabbing his ex-wife keltsie gerlach to death as their 15-month-old daughter slept in the next roomthe baby girl was unharmed and was taken into custody by child servicesthe cause of argument that led to the murder is unknownspencer faces first-degree murder charges and was booked at elder county jail\n", - "[1.1201692 1.2711365 1.0374389 1.037551 1.048625 1.1715505 1.152563\n", - " 1.2619958 1.1565753 1.0484235 1.3534145 1.0491518 1.0262932 1.025379\n", - " 1.0249228 1.0376163 1.0760056 1.0357778 1.0708983 1.1335644 1.0909457\n", - " 1.0101602 1.0092711 1.0097584 1.007395 1.0077672 1.0078492 1.007793\n", - " 1.0110612]\n", - "\n", - "[10 1 7 5 8 6 19 0 20 16 18 11 4 9 15 3 2 17 12 13 14 28 21 23\n", - " 22 26 27 25 24]\n", - "=======================\n", - "['manchester city lead liverpool by four points and each has played 32 games .they are top of the league with six games to go and only manchester city are better placed , theoretically , with two games in hand to make up a four-point deficit .man city currently have a four-point lead over liverpool in the race for the final champions league place']\n", - "=======================\n", - "['12 months ago , it was man city who reeled in liverpool to win the leaguenow , the boot is on the other foot as reds hunt fourth placethe gap currently stands at four points but city are in freefallderby loss to man united has increased the pressure on manuel pellegriniliverpool , by contrast , may have come good at the perfect momentmissing out on champions league is unthinkable for both clubs']\n", - "manchester city lead liverpool by four points and each has played 32 games .they are top of the league with six games to go and only manchester city are better placed , theoretically , with two games in hand to make up a four-point deficit .man city currently have a four-point lead over liverpool in the race for the final champions league place\n", - "12 months ago , it was man city who reeled in liverpool to win the leaguenow , the boot is on the other foot as reds hunt fourth placethe gap currently stands at four points but city are in freefallderby loss to man united has increased the pressure on manuel pellegriniliverpool , by contrast , may have come good at the perfect momentmissing out on champions league is unthinkable for both clubs\n", - "[1.2330863 1.4297391 1.3269234 1.2873759 1.2503126 1.1924521 1.0479093\n", - " 1.0190992 1.0976021 1.0558629 1.0612217 1.0310017 1.1187363 1.0751001\n", - " 1.076227 1.043978 1.0561469 1.0603163 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 4 0 5 12 8 14 13 10 17 16 9 6 15 11 7 26 25 24 23 18 21\n", - " 20 19 27 22 28]\n", - "=======================\n", - "[\"clinicians are in an ` impossible situation ' as a result of the king family 's flight to spain after disagreeing with doctors who were treating him in the uk .doctors and nurses who treated ashya king have criticised his parents while speaking out for the first time in a bbc documentary .ashya was being treated in southampton when his parents took him from the hospital and fled abroad without telling staff last year .\"]\n", - "=======================\n", - "[\"doctors and nurses have criticised ashya 's parents in bbc documentaryconsultant warns case - which saw parents ignore medical advice to take ashya to prague for proton beam therapy - could set a worrying precedentnhs agreed to pay for ashya 's treatment , and family now say he is cured\"]\n", - "clinicians are in an ` impossible situation ' as a result of the king family 's flight to spain after disagreeing with doctors who were treating him in the uk .doctors and nurses who treated ashya king have criticised his parents while speaking out for the first time in a bbc documentary .ashya was being treated in southampton when his parents took him from the hospital and fled abroad without telling staff last year .\n", - "doctors and nurses have criticised ashya 's parents in bbc documentaryconsultant warns case - which saw parents ignore medical advice to take ashya to prague for proton beam therapy - could set a worrying precedentnhs agreed to pay for ashya 's treatment , and family now say he is cured\n", - "[1.3157263 1.2356149 1.1432682 1.3325366 1.2852733 1.2592728 1.1273065\n", - " 1.1469158 1.0549527 1.0089737 1.0119706 1.1029296 1.1094475 1.0391552\n", - " 1.0504302 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 0 4 5 1 7 2 6 12 11 8 14 13 10 9 26 25 24 23 22 21 20 18 17\n", - " 16 15 27 19 28]\n", - "=======================\n", - "[\"wayne rooney ( left ) and ashley young were among the manchester united stars who made the trip to london via train on friday ahead of this weekend 's premier league clash at chelseathey 've steamrolled past top-four rivals tottenham , liverpool and manchester city in their current six-game premier league winning streak , and manchester united are looking to make it seventh heaven when they travel to table-toppers chelsea on saturday .united boss louis van gaal faces a number of selection dilemmas ahead of their clash against the blues\"]\n", - "=======================\n", - "['manchester united travel to chelsea in the premier league on saturdayred devils squad head down to london on friday ahead of showdownunited have won six straight games prior to their meeting with the bluesbut louis van gaal will travel to stamford bridge without several key menphil jones , marcos rojo , michael carrick and daley blind are all sidelinedunited captain wayne rooney may have to revert back to holding midfield']\n", - "wayne rooney ( left ) and ashley young were among the manchester united stars who made the trip to london via train on friday ahead of this weekend 's premier league clash at chelseathey 've steamrolled past top-four rivals tottenham , liverpool and manchester city in their current six-game premier league winning streak , and manchester united are looking to make it seventh heaven when they travel to table-toppers chelsea on saturday .united boss louis van gaal faces a number of selection dilemmas ahead of their clash against the blues\n", - "manchester united travel to chelsea in the premier league on saturdayred devils squad head down to london on friday ahead of showdownunited have won six straight games prior to their meeting with the bluesbut louis van gaal will travel to stamford bridge without several key menphil jones , marcos rojo , michael carrick and daley blind are all sidelinedunited captain wayne rooney may have to revert back to holding midfield\n", - "[1.2413216 1.2899117 1.3509322 1.2767065 1.244124 1.1784014 1.1677207\n", - " 1.0611159 1.1047198 1.0935056 1.0810837 1.0120329 1.0263249 1.0559294\n", - " 1.120228 1.039753 1.0528146 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 3 4 0 5 6 14 8 9 10 7 13 16 15 12 11 26 25 24 23 22 18 20\n", - " 19 17 27 21 28]\n", - "=======================\n", - "['it comes almost one year after he was first hospitalized following a tragic accident which claimed the life of his friend james mcnair and injured three others .still , he appeared to strain and wince as he joined his fiancee megan wollover and their daughter maven as they did some shopping in new jersey .morgan suffered a traumatic brain injury as well as a broken leg , a broken nose and broken ribs in the accident .']\n", - "=======================\n", - "[\"tracy morgan was seen in public looking greatly improved as he walked with a cane on monday , almost a year after his horrific auto accidentthe actor , who suffered a traumatic brain injury as well as a broken leg , a broken nose and broken ribs , was seen walking with a slight limpmorgan was accompanied by his fiancee megan wollover and their daughter maven for a shopping trip in new jerseythis as his lawyer has revealed the actor may never return to ` the way he was ' as the extent of his brain injuries are still unknownthree of morgan 's friends were injured and one , james mcnair , was killed in the crash that occurred when their bus was rammed by a wal-mart truckthe driver of the truck , kevin roper , is facing a criminal case in new jersey , and morgan has filed a lawsuit against wal-mart\"]\n", - "it comes almost one year after he was first hospitalized following a tragic accident which claimed the life of his friend james mcnair and injured three others .still , he appeared to strain and wince as he joined his fiancee megan wollover and their daughter maven as they did some shopping in new jersey .morgan suffered a traumatic brain injury as well as a broken leg , a broken nose and broken ribs in the accident .\n", - "tracy morgan was seen in public looking greatly improved as he walked with a cane on monday , almost a year after his horrific auto accidentthe actor , who suffered a traumatic brain injury as well as a broken leg , a broken nose and broken ribs , was seen walking with a slight limpmorgan was accompanied by his fiancee megan wollover and their daughter maven for a shopping trip in new jerseythis as his lawyer has revealed the actor may never return to ` the way he was ' as the extent of his brain injuries are still unknownthree of morgan 's friends were injured and one , james mcnair , was killed in the crash that occurred when their bus was rammed by a wal-mart truckthe driver of the truck , kevin roper , is facing a criminal case in new jersey , and morgan has filed a lawsuit against wal-mart\n", - "[1.1361477 1.2203614 1.2382782 1.3257432 1.1543076 1.1365727 1.0592345\n", - " 1.0427421 1.196784 1.0887663 1.0460875 1.062701 1.0477118 1.1900042\n", - " 1.0613012 1.1246313 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 8 13 4 5 0 15 9 11 14 6 12 10 7 16 17 18 19 20]\n", - "=======================\n", - "['revealed : the 121-foot brig of the james mcbride , which ran aground during a storm on october 19 , 1857 , has been revealed following ice-melt in lake michiganthe soul-stirring images were snapped during a routine helicopter patrol by the u.s. coast guard , who had a perfect view of normally obscured wreckage in an area where many ships foundered in the 19th and early 20th centuries .the unusual transparency has been caused by surface ice melting , unveiling the boat graveyard at the bottom of the great lake , before organisms like plankton conceal them once more .']\n", - "=======================\n", - "['ice melt has revealed the wrecks of vessels including the james mcbride ( 1857 ) and the rising sun ( 1917 )beach erosion , waves , wind and variable water levels are said to be behind wrecks exposureeerie images were taken from a helicopter by the coast guard from traverse city during routine patrol']\n", - "revealed : the 121-foot brig of the james mcbride , which ran aground during a storm on october 19 , 1857 , has been revealed following ice-melt in lake michiganthe soul-stirring images were snapped during a routine helicopter patrol by the u.s. coast guard , who had a perfect view of normally obscured wreckage in an area where many ships foundered in the 19th and early 20th centuries .the unusual transparency has been caused by surface ice melting , unveiling the boat graveyard at the bottom of the great lake , before organisms like plankton conceal them once more .\n", - "ice melt has revealed the wrecks of vessels including the james mcbride ( 1857 ) and the rising sun ( 1917 )beach erosion , waves , wind and variable water levels are said to be behind wrecks exposureeerie images were taken from a helicopter by the coast guard from traverse city during routine patrol\n", - "[1.5229332 1.3572206 1.2483658 1.2182877 1.0874236 1.1391507 1.1225317\n", - " 1.1141785 1.112179 1.1290009 1.0377492 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 5 9 6 7 8 4 10 11 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "['( cnn ) chinese police have arrested more than 133,000 people and seized 43.3 tons of illegal narcotics during a six-month anti-drug campaign , the country \\'s ministry of public security has announced .the figures were nearly double the same period a year earlier , while the amount of narcotics seized was up by 44.9 % , according to the ministry .liu said drug trafficking groups have \" suffered a heavy blow \" and drug users have been \" forcefully regulated . \"']\n", - "=======================\n", - "[\"police arrest 133,000 people and seize 43.3 tons of narcotics in a six-month periodchina launches a new online campaign to crack down on online drug crimescelebrities have been embroiled in the nation 's intensifying anti-drug campaign\"]\n", - "( cnn ) chinese police have arrested more than 133,000 people and seized 43.3 tons of illegal narcotics during a six-month anti-drug campaign , the country 's ministry of public security has announced .the figures were nearly double the same period a year earlier , while the amount of narcotics seized was up by 44.9 % , according to the ministry .liu said drug trafficking groups have \" suffered a heavy blow \" and drug users have been \" forcefully regulated . \"\n", - "police arrest 133,000 people and seize 43.3 tons of narcotics in a six-month periodchina launches a new online campaign to crack down on online drug crimescelebrities have been embroiled in the nation 's intensifying anti-drug campaign\n", - "[1.1515361 1.234588 1.4353509 1.3022127 1.3889694 1.3127718 1.030078\n", - " 1.0549769 1.0264627 1.0310724 1.03565 1.017331 1.0248336 1.017944\n", - " 1.0821007 1.0615395 1.0681393 1.0507659 1.0482585 0. 0. ]\n", - "\n", - "[ 2 4 5 3 1 0 14 16 15 7 17 18 10 9 6 8 12 13 11 19 20]\n", - "=======================\n", - "[\"the shoe that grows uses adjustable buckles and a strap on the toe to expand by five sizes .kenton lee , from nampa , idaho , came up with the idea while working in nairobi in kenya after seeing children running around barefoot and in shoes several sizes too smallas any parent will know , children 's feet will often grow faster than it is possible to buy them new shoes to keep them shod .\"]\n", - "=======================\n", - "['sandal uses adjustable buckles and a strap on the toe to expand in sizekenton lee dreamt up the shoe after seeing children in kenya barefoothe hopes the shoes will help children in orphanages in poorer countrieschildren from one to six years old can go up a shoe size in a few months']\n", - "the shoe that grows uses adjustable buckles and a strap on the toe to expand by five sizes .kenton lee , from nampa , idaho , came up with the idea while working in nairobi in kenya after seeing children running around barefoot and in shoes several sizes too smallas any parent will know , children 's feet will often grow faster than it is possible to buy them new shoes to keep them shod .\n", - "sandal uses adjustable buckles and a strap on the toe to expand in sizekenton lee dreamt up the shoe after seeing children in kenya barefoothe hopes the shoes will help children in orphanages in poorer countrieschildren from one to six years old can go up a shoe size in a few months\n", - "[1.4825023 1.4253546 1.1604288 1.3451341 1.2230344 1.0909586 1.170034\n", - " 1.1821064 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 4 7 6 2 5 18 17 16 15 14 10 12 11 19 9 8 13 20]\n", - "=======================\n", - "[\"china 's ding junhui suffered a bizarre lapse of concentration which ended his chance of a rare maximum 147 break at the world snooker championship on tuesday .ding potted 12 reds and 12 blacks to rack up 96 points but after knocking in the 13th red he screwed back up the table to get position on the blue .ding jinhui was on for a maxumum break of 147 before screwing back for the blue instead of the black\"]\n", - "=======================\n", - "['ding jinhui potted 12 reds and 12 blacks to rack up 96 points in breakbut chinese star screwed back for the blue instead of the blackworld no 3 ding realised what he had done and held his head in his handshe then started to giggle along with his first-round opponent mark davisding would have pocketed # 30,000 for maximum 147 break at the crucibleworld snooker championships taking place in sheffield']\n", - "china 's ding junhui suffered a bizarre lapse of concentration which ended his chance of a rare maximum 147 break at the world snooker championship on tuesday .ding potted 12 reds and 12 blacks to rack up 96 points but after knocking in the 13th red he screwed back up the table to get position on the blue .ding jinhui was on for a maxumum break of 147 before screwing back for the blue instead of the black\n", - "ding jinhui potted 12 reds and 12 blacks to rack up 96 points in breakbut chinese star screwed back for the blue instead of the blackworld no 3 ding realised what he had done and held his head in his handshe then started to giggle along with his first-round opponent mark davisding would have pocketed # 30,000 for maximum 147 break at the crucibleworld snooker championships taking place in sheffield\n", - "[1.1718371 1.2205361 1.3475602 1.2626748 1.1963804 1.0156033 1.0970157\n", - " 1.2131652 1.1271765 1.1263721 1.092171 1.0788598 1.0395565 1.0399528\n", - " 1.0584927 1.0381627 1.0120987 1.0123152 1.0346897 1.0276754 1.0294029]\n", - "\n", - "[ 2 3 1 7 4 0 8 9 6 10 11 14 13 12 15 18 20 19 5 17 16]\n", - "=======================\n", - "['there are a rising number of firms in the us that sell biscuits containing cannabidiol extracted from hemp , believed to alleviate joint pains , treat mood disorders and even help animals lose weight .and now its medicinal properties are being used by pet owners to treat their cats and dogs .cannabis plants contain more than 60 unique compounds called cannabinoids .']\n", - "=======================\n", - "[\"dubbed ` pet-pot ' , snacks are used to treat joint pain and mood disordersthey are sold by a number of firms in the us such as auntie deloresbiscuits contain high levels of legal cannabidiol , also known as cbdit has been known to alleviate joint pains and treat mood disorders\"]\n", - "there are a rising number of firms in the us that sell biscuits containing cannabidiol extracted from hemp , believed to alleviate joint pains , treat mood disorders and even help animals lose weight .and now its medicinal properties are being used by pet owners to treat their cats and dogs .cannabis plants contain more than 60 unique compounds called cannabinoids .\n", - "dubbed ` pet-pot ' , snacks are used to treat joint pain and mood disordersthey are sold by a number of firms in the us such as auntie deloresbiscuits contain high levels of legal cannabidiol , also known as cbdit has been known to alleviate joint pains and treat mood disorders\n", - "[1.160984 1.5301207 1.3427387 1.3740613 1.271085 1.1804594 1.0797502\n", - " 1.0880951 1.0687987 1.1076441 1.067589 1.0334157 1.0761355 1.1112425\n", - " 1.0490962 1.0533626 1.0588826 1.0295894 1.0233415 1.0232742]\n", - "\n", - "[ 1 3 2 4 5 0 13 9 7 6 12 8 10 16 15 14 11 17 18 19]\n", - "=======================\n", - "['shannon carter , 21 , repeatedly struck 20-year-old amelia gledhill with the shoe after a row broke out between their friends on a night out in bradford .ms gledhill is said to have been left traumatised by the incident and is still having problems with her eyesight .ms gledhill still has a scar above her right eye']\n", - "=======================\n", - "['shannon carter , 21 , repeatedly hit amelia gledhill , 20 , in a bradford clubms gledhill left with blurred vision , wounds , bruises and scars , court heardcarter jailed for three-and-a-half years after pleading guilty to wounding']\n", - "shannon carter , 21 , repeatedly struck 20-year-old amelia gledhill with the shoe after a row broke out between their friends on a night out in bradford .ms gledhill is said to have been left traumatised by the incident and is still having problems with her eyesight .ms gledhill still has a scar above her right eye\n", - "shannon carter , 21 , repeatedly hit amelia gledhill , 20 , in a bradford clubms gledhill left with blurred vision , wounds , bruises and scars , court heardcarter jailed for three-and-a-half years after pleading guilty to wounding\n", - "[1.3434385 1.488384 1.1415745 1.2347182 1.3577629 1.0385906 1.1656199\n", - " 1.1733377 1.2453561 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 8 3 7 6 2 5 17 16 15 14 9 12 11 10 18 13 19]\n", - "=======================\n", - "['world no 2 sharapova rarely plays fed cup , citing a busy schedule , but will be part of the russian team facing germany on april 18-19 in sochi .maria sharapova has been confirmed to play for the russia team in the fed cup semi-finals next weekrussia captain anastasia myskina , a former french open champion , has also picked svetlana kuznetsova , anastasia pavlyuchenkova and elena vesnina .']\n", - "=======================\n", - "[\"maria sharapova will play for russia in the fed cup semi-finalsrussia host germany in the 2014 winter olympics host city of sochiplaying helps sharapova become eligible for next year 's summer olympics\"]\n", - "world no 2 sharapova rarely plays fed cup , citing a busy schedule , but will be part of the russian team facing germany on april 18-19 in sochi .maria sharapova has been confirmed to play for the russia team in the fed cup semi-finals next weekrussia captain anastasia myskina , a former french open champion , has also picked svetlana kuznetsova , anastasia pavlyuchenkova and elena vesnina .\n", - "maria sharapova will play for russia in the fed cup semi-finalsrussia host germany in the 2014 winter olympics host city of sochiplaying helps sharapova become eligible for next year 's summer olympics\n", - "[1.2768886 1.1743315 1.1200713 1.0734674 1.4476892 1.1093138 1.0334109\n", - " 1.2043126 1.1307857 1.0285443 1.030515 1.1486168 1.0207416 1.0554804\n", - " 1.0238571 1.0287647 0. 0. 0. 0. ]\n", - "\n", - "[ 4 0 7 1 11 8 2 5 3 13 6 10 15 9 14 12 18 16 17 19]\n", - "=======================\n", - "[\"matt phillips ( left ) headed queens park rangers into a seventh-minute lead , getting on the end of bobby zamora 's crosstim sherwood 's jacket did not survive beyond the first 10 minutes and after this astonishing contest it remains to be seen if either of these sides fare much better .but qpr were only ahead for three minutes after christian benteke equalised for the hosts at villa park\"]\n", - "=======================\n", - "[\"matt phillips gave qpr a seventh-minute lead in the crunch clash at villa parkbut that lead only lasted three minutes , with christian benteke equalising for the hostsbenteke then added a second after 33 minutes to nudge villa ahead in the relegation scrapclint hill was the unlikely man to level the scores after the break for chris ramsey 's sidecharlie austin looked to have scored a late winner in an entertaining game on tuesday nightbut benteke completed his hat-trick to earn a share of the spoils on 83 minutes\"]\n", - "matt phillips ( left ) headed queens park rangers into a seventh-minute lead , getting on the end of bobby zamora 's crosstim sherwood 's jacket did not survive beyond the first 10 minutes and after this astonishing contest it remains to be seen if either of these sides fare much better .but qpr were only ahead for three minutes after christian benteke equalised for the hosts at villa park\n", - "matt phillips gave qpr a seventh-minute lead in the crunch clash at villa parkbut that lead only lasted three minutes , with christian benteke equalising for the hostsbenteke then added a second after 33 minutes to nudge villa ahead in the relegation scrapclint hill was the unlikely man to level the scores after the break for chris ramsey 's sidecharlie austin looked to have scored a late winner in an entertaining game on tuesday nightbut benteke completed his hat-trick to earn a share of the spoils on 83 minutes\n", - "[1.3251369 1.4780794 1.3293521 1.448616 1.2460595 1.1106118 1.1362724\n", - " 1.0354943 1.0150895 1.0225291 1.0156348 1.0131271 1.1123813 1.0216632\n", - " 1.0130367 1.032449 1.0095627 1.0105182 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 6 12 5 7 15 9 13 10 8 11 14 17 16 18 19]\n", - "=======================\n", - "[\"the gloucester fly-half has a golden opportunity to showcase his undisputed ability in friday night 's european challenge cup final against edinburgh .but although 29-year-old hook has won 77 test caps , he can reflect on just two starts for wales - against the barbarians and tonga - since the last world cup in 2011 .james hook claims it will be ' a bonus ' if wales come calling for his services ahead of this year 's world cup .\"]\n", - "=======================\n", - "['gloucester fly-half james hook has won 77 test caps for walesbut he has only made two starts since the last world cup in 2011hoping to impress in european challenge cup final against edinburgh']\n", - "the gloucester fly-half has a golden opportunity to showcase his undisputed ability in friday night 's european challenge cup final against edinburgh .but although 29-year-old hook has won 77 test caps , he can reflect on just two starts for wales - against the barbarians and tonga - since the last world cup in 2011 .james hook claims it will be ' a bonus ' if wales come calling for his services ahead of this year 's world cup .\n", - "gloucester fly-half james hook has won 77 test caps for walesbut he has only made two starts since the last world cup in 2011hoping to impress in european challenge cup final against edinburgh\n", - "[1.2195841 1.530442 1.2494577 1.4007049 1.2393762 1.0826062 1.1789101\n", - " 1.131543 1.0715464 1.0307534 1.0323784 1.0189271 1.0252069 1.076587\n", - " 1.0683132 1.0523392 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 6 7 5 13 8 14 15 10 9 12 11 18 16 17 19]\n", - "=======================\n", - "['adam mcburney , who has been capped for the ireland under-20s and recently played in their six nations campaign , was not at his home in cromkill in county antrim , northern ireland when it was targeted on easter sunday .shocked neighbours said he could have been killed if he was in the property , after bullets tore through the windows and ended up embedded in the kitchen and bathroom walls .a young irish rugby star escaped serious injury when his home was targeted by a gunman who fired multiple bullets through his windows .']\n", - "=======================\n", - "[\"adam mcburney 's home targeted by gunman who fired through windowsyoung irish rugby star was not at county antrim property during attackat least 12 bullet holes counted at scene of home he shares with brothermcburney deemed bright prospect for irish rugby and plays for under-20s\"]\n", - "adam mcburney , who has been capped for the ireland under-20s and recently played in their six nations campaign , was not at his home in cromkill in county antrim , northern ireland when it was targeted on easter sunday .shocked neighbours said he could have been killed if he was in the property , after bullets tore through the windows and ended up embedded in the kitchen and bathroom walls .a young irish rugby star escaped serious injury when his home was targeted by a gunman who fired multiple bullets through his windows .\n", - "adam mcburney 's home targeted by gunman who fired through windowsyoung irish rugby star was not at county antrim property during attackat least 12 bullet holes counted at scene of home he shares with brothermcburney deemed bright prospect for irish rugby and plays for under-20s\n", - "[1.2354225 1.3885342 1.268557 1.319216 1.1396097 1.0392383 1.1120489\n", - " 1.0490286 1.0264618 1.0586094 1.1533475 1.1984775 1.0465925 1.0251219\n", - " 1.0628542 1.0122559 1.047893 1.0513084 1.0186579 0. ]\n", - "\n", - "[ 1 3 2 0 11 10 4 6 14 9 17 7 16 12 5 8 13 18 15 19]\n", - "=======================\n", - "[\"the champion leg spinner turned cricket commentating into an art form , earning him the title of ` the voice of cricket . '84-year-old cricket commentator richie benaud has passed away after a battle with skin cancerhis commentary was understated , measured and often extremely funny , and his one-liners were perfectly timed .\"]\n", - "=======================\n", - "[\"cricket commentator richie benaud has passed away after cancer battlethe 84-year-old will be remembered for his mastery of commentatingthe former leg spinner earned himself the title of the ` voice of cricket 'his trademark line was ` great shot that ' and ` marvellous '\"]\n", - "the champion leg spinner turned cricket commentating into an art form , earning him the title of ` the voice of cricket . '84-year-old cricket commentator richie benaud has passed away after a battle with skin cancerhis commentary was understated , measured and often extremely funny , and his one-liners were perfectly timed .\n", - "cricket commentator richie benaud has passed away after cancer battlethe 84-year-old will be remembered for his mastery of commentatingthe former leg spinner earned himself the title of the ` voice of cricket 'his trademark line was ` great shot that ' and ` marvellous '\n", - "[1.1812346 1.1846709 1.3510971 1.1352098 1.4987466 1.131286 1.0951651\n", - " 1.1051997 1.1112235 1.0977573 1.1160289 1.0252776 1.0117352 1.009034\n", - " 1.0115472 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 2 1 0 3 5 10 8 7 9 6 11 12 14 13 15 16 17 18 19]\n", - "=======================\n", - "[\"crystal palace winger yannick bolasie was the hero at the stadium of light having scored a hat-trick for the eagles against sunderlandfour times on the spin he suffered defeat as newcastle manager in tyne-wear derbies .the crystal palace boss would not admit as much , but the grin he wore in the wake of yannick bolasie 's hat-trick goal told of his satisfaction .\"]\n", - "=======================\n", - "[\"alan pardew 's side scored second-half treble within five minutes to secure the three pointsglenn murray fired the eagles ahead with his sixth goal in as many matches for the away sidecrystal palace winger yannick bolasie scored a hat-trick to keep sunderland in relegation troubleconnor wickham scored a late consolation for the home side , who remain just three points clear of safety\"]\n", - "crystal palace winger yannick bolasie was the hero at the stadium of light having scored a hat-trick for the eagles against sunderlandfour times on the spin he suffered defeat as newcastle manager in tyne-wear derbies .the crystal palace boss would not admit as much , but the grin he wore in the wake of yannick bolasie 's hat-trick goal told of his satisfaction .\n", - "alan pardew 's side scored second-half treble within five minutes to secure the three pointsglenn murray fired the eagles ahead with his sixth goal in as many matches for the away sidecrystal palace winger yannick bolasie scored a hat-trick to keep sunderland in relegation troubleconnor wickham scored a late consolation for the home side , who remain just three points clear of safety\n", - "[1.144883 1.0445971 1.0823913 1.0472591 1.294231 1.2350509 1.2072788\n", - " 1.1072367 1.0887619 1.0155542 1.081428 1.1663356 1.0536442 1.031707\n", - " 1.0464487 1.0792891 1.0757228 1.0833355 1.067461 1.0280448]\n", - "\n", - "[ 4 5 6 11 0 7 8 17 2 10 15 16 18 12 3 14 1 13 19 9]\n", - "=======================\n", - "['in the patently unfair , open air trial that followed , 55 people were found guilty of a range of offenses linked to violent attacks in the region and jailed .three were sentenced to death .the public mass sentencing was part a china \\'s \" strike hard \" campaign against unrest in xinjiang , a campaign the government claims was launched to combat \" terrorism \" and \" separatism . \"']\n", - "=======================\n", - "['amnesty international releases its annual review of the death penalty worldwide ; much of it makes for grim readingsalil shetty : countries that use executions to deal with problems are on the wrong side of history']\n", - "in the patently unfair , open air trial that followed , 55 people were found guilty of a range of offenses linked to violent attacks in the region and jailed .three were sentenced to death .the public mass sentencing was part a china 's \" strike hard \" campaign against unrest in xinjiang , a campaign the government claims was launched to combat \" terrorism \" and \" separatism . \"\n", - "amnesty international releases its annual review of the death penalty worldwide ; much of it makes for grim readingsalil shetty : countries that use executions to deal with problems are on the wrong side of history\n", - "[1.1539202 1.4839586 1.1421204 1.2785919 1.3722808 1.2143344 1.1219937\n", - " 1.0332807 1.1463091 1.1364383 1.0512947 1.0628349 1.1075151 1.1201453\n", - " 1.0369482 1.0278583 1.0430021 1.0124316 1.0082827 0. ]\n", - "\n", - "[ 1 4 3 5 0 8 2 9 6 13 12 11 10 16 14 7 15 17 18 19]\n", - "=======================\n", - "['rose devereux , 49 , was left in agony and disfigured after years of alleged incompetent treatment .she now faces a bill of # 30,000 to get her smile back .the general dental council has investigated the work of janakan siva at the menlove dental practice in allerton , liverpool .']\n", - "=======================\n", - "['warning graphic contentrose devereux was in agony after years of alleged incompetent treatment49-year-old had all her lower teeth removed and needed bone graftssays the treatment led to host of other health problems and paindentist , janakan siva , will go before a disciplinary committee']\n", - "rose devereux , 49 , was left in agony and disfigured after years of alleged incompetent treatment .she now faces a bill of # 30,000 to get her smile back .the general dental council has investigated the work of janakan siva at the menlove dental practice in allerton , liverpool .\n", - "warning graphic contentrose devereux was in agony after years of alleged incompetent treatment49-year-old had all her lower teeth removed and needed bone graftssays the treatment led to host of other health problems and paindentist , janakan siva , will go before a disciplinary committee\n", - "[1.1876204 1.4079705 1.1914139 1.3333786 1.1849258 1.1435788 1.0270844\n", - " 1.0567915 1.0735564 1.0636959 1.2068686 1.1059012 1.0110818 1.0529903\n", - " 1.0280484 1.0157046 1.0554557 1.0781265 0. 0. ]\n", - "\n", - "[ 1 3 10 2 0 4 5 11 17 8 9 7 16 13 14 6 15 12 18 19]\n", - "=======================\n", - "[\"alison , 43 , from gloucestershire , has since had to go under the knife a further 12 times but is still living with the damage that ensued following a breast augmentation operation six years ago .badly damaged : alison was left with a breast that resembled a croissant following an infectionhorrible : alison , who wants to ` feel normal again ' , has consulted plastic surgeon vik vijh\"]\n", - "=======================\n", - "[\"alison , 43 , from gloucestershire , had breast augmentation six years agoshe was initially pleased but an infection killed off some breast tissueleft with one large breast and another that was shrivelled and deformednow the 43-year-old says she is ` desperate to be normal again 'extreme beauty disasters is on tlc , thursdays at 8pm\"]\n", - "alison , 43 , from gloucestershire , has since had to go under the knife a further 12 times but is still living with the damage that ensued following a breast augmentation operation six years ago .badly damaged : alison was left with a breast that resembled a croissant following an infectionhorrible : alison , who wants to ` feel normal again ' , has consulted plastic surgeon vik vijh\n", - "alison , 43 , from gloucestershire , had breast augmentation six years agoshe was initially pleased but an infection killed off some breast tissueleft with one large breast and another that was shrivelled and deformednow the 43-year-old says she is ` desperate to be normal again 'extreme beauty disasters is on tlc , thursdays at 8pm\n", - "[1.3849378 1.2193729 1.3186057 1.205396 1.0725192 1.0204359 1.3546714\n", - " 1.085923 1.0830879 1.0761769 1.041948 1.0440245 1.1021799 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 6 2 1 3 12 7 8 9 4 11 10 5 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"it 's been just over three years since dana vulin was set alight at her perth home , resulting in horrific third degree burns to more than 60 per cent of her body and countless operations to reconstruct her scorched face , arms and torso .lawyers for natalie dimitrovska will on tuesday , in the supreme court of western australia , claim that ms vulin was not as badly injured as she stated in court , based on footage that shows her recovery filmed for channel 7 's sunday night program .now the woman who turned her into a ` human fireball ' , leaving her unable to make simple movements such as straightening her elbows due to the agonising scarring , will argue her 17-year jail sentence was too severe .\"]\n", - "=======================\n", - "[\"natalie dimitrovska set dana vulin on fire at her home in february 2012ms vulin suffered third degree burns to more than 60 per cent of her bodydimitrovska was sentenced to 17 years in jail for her drug affected crimelawyers argue her sentence was ` excessive ' for the harm causedher appeal will be heard in the supreme court of wa on tuesdaymeanwhile , ms vulin has countless more reconstruction operations to goher scarring is so bad she ca n't straighten her elbows or lift her arms up\"]\n", - "it 's been just over three years since dana vulin was set alight at her perth home , resulting in horrific third degree burns to more than 60 per cent of her body and countless operations to reconstruct her scorched face , arms and torso .lawyers for natalie dimitrovska will on tuesday , in the supreme court of western australia , claim that ms vulin was not as badly injured as she stated in court , based on footage that shows her recovery filmed for channel 7 's sunday night program .now the woman who turned her into a ` human fireball ' , leaving her unable to make simple movements such as straightening her elbows due to the agonising scarring , will argue her 17-year jail sentence was too severe .\n", - "natalie dimitrovska set dana vulin on fire at her home in february 2012ms vulin suffered third degree burns to more than 60 per cent of her bodydimitrovska was sentenced to 17 years in jail for her drug affected crimelawyers argue her sentence was ` excessive ' for the harm causedher appeal will be heard in the supreme court of wa on tuesdaymeanwhile , ms vulin has countless more reconstruction operations to goher scarring is so bad she ca n't straighten her elbows or lift her arms up\n", - "[1.3430104 1.4800661 1.1713843 1.3531417 1.1743215 1.0306307 1.0195979\n", - " 1.0361992 1.1842678 1.0251266 1.0324879 1.017516 1.0207868 1.1482955\n", - " 1.0989685 1.0537255 1.0164516 1.0191659 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 8 4 2 13 14 15 7 10 5 9 12 6 17 11 16 18 19 20]\n", - "=======================\n", - "[\"the pensioner , 71 , has been collecting royal-themed knick-knacks for more than 40 years and now boasts a collection worth # 10,000 .from solar-powered models of the queen to a # 1,200 wedgwood bust of prince charles , there 's no item of royal memorabilia too big or too small for royalist margaret tyler .as well as collecting royal memorabilia , mrs tyler , a retired charity worker , is also obsessed with meeting the real thing and says she spent six days outside the lindo wing at st. mary 's hospital in london when prince george was born . '\"]\n", - "=======================\n", - "[\"margaret tyler , 71 , has been collecting royal novelties for 40 yearsthe retired charity worker has amassed a collection worth # 10,000most of the items are novelties but there are more expensive piecesamong them are a # 1,200 wedgwood bust of the prince of walescollection is spread through four rooms , one of which is devoted to dianathe ` memorial room ' includes a special ceiling fresco and stained glassmargaret tyler appears on collectaholics , tonight at 7pm on bbc2\"]\n", - "the pensioner , 71 , has been collecting royal-themed knick-knacks for more than 40 years and now boasts a collection worth # 10,000 .from solar-powered models of the queen to a # 1,200 wedgwood bust of prince charles , there 's no item of royal memorabilia too big or too small for royalist margaret tyler .as well as collecting royal memorabilia , mrs tyler , a retired charity worker , is also obsessed with meeting the real thing and says she spent six days outside the lindo wing at st. mary 's hospital in london when prince george was born . '\n", - "margaret tyler , 71 , has been collecting royal novelties for 40 yearsthe retired charity worker has amassed a collection worth # 10,000most of the items are novelties but there are more expensive piecesamong them are a # 1,200 wedgwood bust of the prince of walescollection is spread through four rooms , one of which is devoted to dianathe ` memorial room ' includes a special ceiling fresco and stained glassmargaret tyler appears on collectaholics , tonight at 7pm on bbc2\n", - "[1.3397676 1.4279177 1.1477671 1.1234059 1.3514396 1.2430199 1.1430359\n", - " 1.1201643 1.0891454 1.0703123 1.0591173 1.0799379 1.0430224 1.0802283\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 5 2 6 3 7 8 13 11 9 10 12 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"the reigning champions have shelled out for six coaches to transport around 3,000 people to selhurst park , notoriously one of the most difficult top flight grounds for northern club fans to reach .while most football fans face travel misery over easter , manchester city have laid on free coaches to take their supporters to london for monday 's premier league clash with crystal palace .meanwhile , hundreds of thousands of football fans are facing a travel nightmare this weekend because of the easter rail shut down .\"]\n", - "=======================\n", - "[\"manchester city face crystal palace in the premier league on mondaychampions have put on free coaches to take fans to selhurst parkrail closures over easter will disrupt fans ' travel plans across country\"]\n", - "the reigning champions have shelled out for six coaches to transport around 3,000 people to selhurst park , notoriously one of the most difficult top flight grounds for northern club fans to reach .while most football fans face travel misery over easter , manchester city have laid on free coaches to take their supporters to london for monday 's premier league clash with crystal palace .meanwhile , hundreds of thousands of football fans are facing a travel nightmare this weekend because of the easter rail shut down .\n", - "manchester city face crystal palace in the premier league on mondaychampions have put on free coaches to take fans to selhurst parkrail closures over easter will disrupt fans ' travel plans across country\n", - "[1.2340751 1.2442019 1.2952693 1.2461368 1.1420574 1.2250086 1.1637058\n", - " 1.0920496 1.1317053 1.0804327 1.0631924 1.0857044 1.117077 1.065409\n", - " 1.0581796 1.0163794 1.0668845 1.043283 1.0362606 1.127282 1.026881 ]\n", - "\n", - "[ 2 3 1 0 5 6 4 8 19 12 7 11 9 16 13 10 14 17 18 20 15]\n", - "=======================\n", - "['the radical left syriza party says germany owes greece nearly 279billion euros , or # 204billion to compensate it for looting and war crimes .greek prime minister alexis tsipras raised the reparations issue when he met german chancellor angela merkel in berlin last monththe government yesterday unveiled its final calculation for the war reparations stemming from occupation by the third reich .']\n", - "=======================\n", - "['greek government has unveiled its final calculation for the war reparationsradical left syriza party says germany owes greece nearly 279billion eurosthe german government claims the issue was resolved legally years agoit comes days before greece is obliged to pay off 450million euros of debt']\n", - "the radical left syriza party says germany owes greece nearly 279billion euros , or # 204billion to compensate it for looting and war crimes .greek prime minister alexis tsipras raised the reparations issue when he met german chancellor angela merkel in berlin last monththe government yesterday unveiled its final calculation for the war reparations stemming from occupation by the third reich .\n", - "greek government has unveiled its final calculation for the war reparationsradical left syriza party says germany owes greece nearly 279billion eurosthe german government claims the issue was resolved legally years agoit comes days before greece is obliged to pay off 450million euros of debt\n", - "[1.1949885 1.4003046 1.1724565 1.264398 1.0629257 1.1643158 1.0673013\n", - " 1.1730844 1.1158581 1.0533766 1.115309 1.064681 1.0358549 1.0085341\n", - " 1.025729 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 7 2 5 8 10 6 11 4 9 12 14 13 19 15 16 17 18 20]\n", - "=======================\n", - "[\"it was home to the north american aerospace command ( norad ) , scanning the skies for russian missiles and the military command and control center of the united states in the event of world war three .secret : the cheyenne mountain complex in colorado was built for norad to direct the american response to a nuclear war with the ussr during the cold warthe high tech base entered popular culture with appearances in the 1983 cold war thriller war games and 1994 's stargate - which imagined the complex as a clandestine home for intergalactic travel .\"]\n", - "=======================\n", - "[\"cheyenne mountain complex being refurbished by pengatonhigh tech communications being installed that are impervious to electromagnetic pulsesthe bunker is build under 2,000 feet of the rocky mountains and is able to withstand a hit by a 30 megaton nuclear blastdecommissioned 10-years ago because ` the russians were no longer a threat '\"]\n", - "it was home to the north american aerospace command ( norad ) , scanning the skies for russian missiles and the military command and control center of the united states in the event of world war three .secret : the cheyenne mountain complex in colorado was built for norad to direct the american response to a nuclear war with the ussr during the cold warthe high tech base entered popular culture with appearances in the 1983 cold war thriller war games and 1994 's stargate - which imagined the complex as a clandestine home for intergalactic travel .\n", - "cheyenne mountain complex being refurbished by pengatonhigh tech communications being installed that are impervious to electromagnetic pulsesthe bunker is build under 2,000 feet of the rocky mountains and is able to withstand a hit by a 30 megaton nuclear blastdecommissioned 10-years ago because ` the russians were no longer a threat '\n", - "[1.243223 1.3956752 1.2072378 1.4404697 1.1077175 1.1062317 1.1070217\n", - " 1.1194434 1.0703523 1.0750601 1.04171 1.0834247 1.0916231 1.0417438\n", - " 1.0381225 1.0680271 1.0164329 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 2 7 4 6 5 12 11 9 8 15 13 10 14 16 17 18 19 20 21 22 23\n", - " 24 25 26 27]\n", - "=======================\n", - "[\"merry widow : angelika graswald ( left ) , 35 , has been charged with second-degree murder in the death of her missing fiance vincent viafore ( right )troopers have said viafore , also of poughkeepsie , was kayaking with graswald on the hudson river april 19 when his vessel flipped over near the town of cornwall-on-hudson .according to a criminal complaint unveiled thursday afternoon , prosecutors allege that graswald intentionally caused viafore 's death .\"]\n", - "=======================\n", - "[\"vincent viafore , 46 , from poughkeepsie was on the hudson river near newburgh , new york , with angelika graswald april 19he was thrown out of the boat when they hit rough watersshe was rescued by people in a nearby boat and made it to shorefiancee charged with second-degree murder for allegedly causing viafore 's death\"]\n", - "merry widow : angelika graswald ( left ) , 35 , has been charged with second-degree murder in the death of her missing fiance vincent viafore ( right )troopers have said viafore , also of poughkeepsie , was kayaking with graswald on the hudson river april 19 when his vessel flipped over near the town of cornwall-on-hudson .according to a criminal complaint unveiled thursday afternoon , prosecutors allege that graswald intentionally caused viafore 's death .\n", - "vincent viafore , 46 , from poughkeepsie was on the hudson river near newburgh , new york , with angelika graswald april 19he was thrown out of the boat when they hit rough watersshe was rescued by people in a nearby boat and made it to shorefiancee charged with second-degree murder for allegedly causing viafore 's death\n", - "[1.1901538 1.4132 1.37974 1.3400767 1.2704726 1.1590039 1.0185566\n", - " 1.1670372 1.1998739 1.1602058 1.0160891 1.0134586 1.0825444 1.0191555\n", - " 1.055728 1.1181321 1.0510223 1.0579551 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 8 0 7 9 5 15 12 17 14 16 13 6 10 11 18 19 20 21 22 23\n", - " 24 25 26 27]\n", - "=======================\n", - "['the 44-year-old , named by locals as donna christie , slipped and fell from hassans fall lookout at lithgow on tuesday afternoon , the abc reports .she was bushwalking with a male friend and her two children , aged 12 and 13 , when she dropped her phone at the lookout , which is almost 1,100 metres above sea level .she is believed to have suffered serious head , spinal and chest injuries when she plunged 30 metres .']\n", - "=======================\n", - "['woman slipped and fell from hassans fall lookout at lithgow on tuesdaythe 44-year-old was bushwalking with her two children and a male friendshe is believed to have suffered serious head , spinal and chest injuriesmother slipped and fell trying to retrieve her mobile phone at lookout']\n", - "the 44-year-old , named by locals as donna christie , slipped and fell from hassans fall lookout at lithgow on tuesday afternoon , the abc reports .she was bushwalking with a male friend and her two children , aged 12 and 13 , when she dropped her phone at the lookout , which is almost 1,100 metres above sea level .she is believed to have suffered serious head , spinal and chest injuries when she plunged 30 metres .\n", - "woman slipped and fell from hassans fall lookout at lithgow on tuesdaythe 44-year-old was bushwalking with her two children and a male friendshe is believed to have suffered serious head , spinal and chest injuriesmother slipped and fell trying to retrieve her mobile phone at lookout\n", - "[1.4989179 1.222912 1.3238596 1.2262739 1.101748 1.2645459 1.0545744\n", - " 1.1376532 1.0528257 1.0190629 1.0244075 1.0130838 1.0136988 1.0184346\n", - " 1.0819402 1.0246202 1.0138737 1.0616215 1.0350821 1.0151585 1.0141374\n", - " 1.0207924 1.0229317 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 5 3 1 7 4 14 17 6 8 18 15 10 22 21 9 13 19 20 16 12 11 26\n", - " 23 24 25 27]\n", - "=======================\n", - "['virgil van dijk believed he had sampled the worst refereeing decision of his career the night he landed an early red card against inter milan .in the aftermath of a contentious scottish cup semi-final defeat to inverness caledonian thistle , the dutchman found sleep elusive .the claims of referee steven mclean and his five assistants that they failed to see the handball by inverness player josh meekings which denied celtic a penalty , a red card , possibly even a crack at the treble , struck many at parkhead as dubious .']\n", - "=======================\n", - "['celtic crashed lost to 3-2 to inverness in the scottish cup semi-finalthe referee failed to spot a handball from inverness player josh meekingsthe decision denied celtic a penalty during a crucial point of the gamevan dijk was sent off against inter milan in the last 32 of the champions league in february']\n", - "virgil van dijk believed he had sampled the worst refereeing decision of his career the night he landed an early red card against inter milan .in the aftermath of a contentious scottish cup semi-final defeat to inverness caledonian thistle , the dutchman found sleep elusive .the claims of referee steven mclean and his five assistants that they failed to see the handball by inverness player josh meekings which denied celtic a penalty , a red card , possibly even a crack at the treble , struck many at parkhead as dubious .\n", - "celtic crashed lost to 3-2 to inverness in the scottish cup semi-finalthe referee failed to spot a handball from inverness player josh meekingsthe decision denied celtic a penalty during a crucial point of the gamevan dijk was sent off against inter milan in the last 32 of the champions league in february\n", - "[1.545664 1.3183059 1.1701328 1.094816 1.1100761 1.3061959 1.0235472\n", - " 1.0174844 1.0263005 1.0287166 1.0407041 1.0354755 1.1140485 1.0208087\n", - " 1.0185963 1.0337436 1.0140855 1.0128015 1.0214437 1.0197698 1.0134923\n", - " 1.0178186 1.0503632 1.040496 1.0326878 1.0090063 1.0732706 1.015002 ]\n", - "\n", - "[ 0 1 5 2 12 4 3 26 22 10 23 11 15 24 9 8 6 18 13 19 14 21 7 27\n", - " 16 20 17 25]\n", - "=======================\n", - "[\"a fumble from reading goalkeeper adam federici in extra time handed arsenal a 2-1 victory and a place in the fa cup final .the royals keeper , who had made some fine saves earlier in the match , allowed alexis sanchez 's low shot to squirm between his legs and over the line on 115 minutes , which was enough to see the gunners return to wembley on may 30 to try to defend the trophy .sanchez had swept the gunners into the lead on 39 minutes .\"]\n", - "=======================\n", - "['reading keeper adam federici made a string of saves before that howlerman of the match michael hector ( 8.5 ) was superb in the royals defencearsenal forward alexis sanchez ( 8 ) popped up with the two crucial goals']\n", - "a fumble from reading goalkeeper adam federici in extra time handed arsenal a 2-1 victory and a place in the fa cup final .the royals keeper , who had made some fine saves earlier in the match , allowed alexis sanchez 's low shot to squirm between his legs and over the line on 115 minutes , which was enough to see the gunners return to wembley on may 30 to try to defend the trophy .sanchez had swept the gunners into the lead on 39 minutes .\n", - "reading keeper adam federici made a string of saves before that howlerman of the match michael hector ( 8.5 ) was superb in the royals defencearsenal forward alexis sanchez ( 8 ) popped up with the two crucial goals\n", - "[1.326649 1.3568306 1.3677858 1.1537483 1.1471592 1.1767458 1.0455121\n", - " 1.1311859 1.1149855 1.1086911 1.0161282 1.0434946 1.0388912 1.0652901\n", - " 1.0568297 1.0171714 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 5 3 4 7 8 9 13 14 6 11 12 15 10 25 24 23 22 21 18 19 17\n", - " 16 26 20 27]\n", - "=======================\n", - "['it calculated that 94,872 residents and 42,424 employees live within the tsunami hazard zones of the three states .the new study highlights the areas in washington , oregon and california that would require more time to successfully evacuate for higher ground in the case of the next natural disaster .more than 100,000 people on the coast of the pacific northwest are in the path of a potentially deadly tsunami that could be similar to the one in 2011 that ravaged parts of japan .']\n", - "=======================\n", - "['also in danger are over 400 public venues and dependent care facilitiesstudy estimates 77 % of communities have the 15-25 minutes required to evacuate safely after an earthquake hitssome communities in washington , the most at-risk state , could increase chance of survival simply by walking fasterbut certain communities along the coast are too far from high ground for a safe evacuation - no matter how fast they walkthey will need to build special evacuation structures instead']\n", - "it calculated that 94,872 residents and 42,424 employees live within the tsunami hazard zones of the three states .the new study highlights the areas in washington , oregon and california that would require more time to successfully evacuate for higher ground in the case of the next natural disaster .more than 100,000 people on the coast of the pacific northwest are in the path of a potentially deadly tsunami that could be similar to the one in 2011 that ravaged parts of japan .\n", - "also in danger are over 400 public venues and dependent care facilitiesstudy estimates 77 % of communities have the 15-25 minutes required to evacuate safely after an earthquake hitssome communities in washington , the most at-risk state , could increase chance of survival simply by walking fasterbut certain communities along the coast are too far from high ground for a safe evacuation - no matter how fast they walkthey will need to build special evacuation structures instead\n", - "[1.3315984 1.4290191 1.2122078 1.3656498 1.1471093 1.0873132 1.1199062\n", - " 1.127674 1.0764964 1.1093148 1.0767877 1.07074 1.0419343 1.0166113\n", - " 1.1170645 1.0209459 1.0569377 1.1089193 1.0928777 1.0370134 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 7 6 14 9 17 18 5 10 8 11 16 12 19 15 13 28 20 21 22\n", - " 23 24 25 26 27 29]\n", - "=======================\n", - "[\"the england international is expected to meet liverpool manager brendan rodgers on thursday and he will be reminded of his professional responsibilities and warned about the consequences of taking a drug that has been called ` hippy crack ' .liverpool players raheem sterling and jordon ibe have been pictured smoking a shisha piperaheem sterling will escape a club punishment after the liverpool forward was caught on video inhaling the legal high nitrous oxide .\"]\n", - "=======================\n", - "[\"new pictures show raheem sterling and jordon ibe with shisha pipessterling will avoid punishment from liverpool after inhaling ` hippy crack 'arsenal and other clubs are getting cold feet over their interest in sterlingpictures emerged last week of liverpool star sterling smoking shishafootage also emerged of him inhaling nitrous oxide from a balloon\"]\n", - "the england international is expected to meet liverpool manager brendan rodgers on thursday and he will be reminded of his professional responsibilities and warned about the consequences of taking a drug that has been called ` hippy crack ' .liverpool players raheem sterling and jordon ibe have been pictured smoking a shisha piperaheem sterling will escape a club punishment after the liverpool forward was caught on video inhaling the legal high nitrous oxide .\n", - "new pictures show raheem sterling and jordon ibe with shisha pipessterling will avoid punishment from liverpool after inhaling ` hippy crack 'arsenal and other clubs are getting cold feet over their interest in sterlingpictures emerged last week of liverpool star sterling smoking shishafootage also emerged of him inhaling nitrous oxide from a balloon\n", - "[1.226924 1.4371233 1.31808 1.1217383 1.275261 1.1021792 1.170812\n", - " 1.064493 1.1202568 1.0705075 1.0683392 1.0512345 1.1088068 1.05919\n", - " 1.0158598 1.0150435 1.0302012 1.1105393 1.0785441 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 4 0 6 3 8 17 12 5 18 9 10 7 13 11 16 14 15 28 19 20 21 22\n", - " 23 24 25 26 27 29]\n", - "=======================\n", - "[\"elizabeth elena laguna salgado is from chiapas , mexico , and moved to provo about a month ago to study english .there is no evidence she was kidnapped , but she has n't made contact with anybody since she disappeared april 16 , provo police chief john king said .a 26-year-old mexico native vanished without a trace in utah a week ago , and now elizabeth smart and her father have joined the effort to find the missing woman .\"]\n", - "=======================\n", - "[\"elizabeth elena laguna salgado , 26 , from chiapas , mexico , was last seen leaving a language school in provo , utah , april 16she moved to provo a month ago after completing mormon mission to mexicoelizabeth smart and her father held a press conference friday to draw public 's attention to salgado 's missing person casewoman 's uncle said she has told him a young man had been pestering her to go out with him , forcing her to pretend having a boyfriend\"]\n", - "elizabeth elena laguna salgado is from chiapas , mexico , and moved to provo about a month ago to study english .there is no evidence she was kidnapped , but she has n't made contact with anybody since she disappeared april 16 , provo police chief john king said .a 26-year-old mexico native vanished without a trace in utah a week ago , and now elizabeth smart and her father have joined the effort to find the missing woman .\n", - "elizabeth elena laguna salgado , 26 , from chiapas , mexico , was last seen leaving a language school in provo , utah , april 16she moved to provo a month ago after completing mormon mission to mexicoelizabeth smart and her father held a press conference friday to draw public 's attention to salgado 's missing person casewoman 's uncle said she has told him a young man had been pestering her to go out with him , forcing her to pretend having a boyfriend\n", - "[1.3352113 1.4128482 1.1272736 1.0230323 1.0524653 1.0455645 1.135329\n", - " 1.2993492 1.1369035 1.0541182 1.0134847 1.1236492 1.0172943 1.041463\n", - " 1.026778 1.0343423 1.0886272 1.0373664 1.0210763 1.0146949 1.0082453\n", - " 1.0085621 1.0083151 1.0099345 1.0564747 1.0131588 1.010847 1.0333195\n", - " 1.0795314 1.0747619]\n", - "\n", - "[ 1 0 7 8 6 2 11 16 28 29 24 9 4 5 13 17 15 27 14 3 18 12 19 10\n", - " 25 26 23 21 22 20]\n", - "=======================\n", - "['jack grealish was fantastic but fabian delph was the best player on the pitch .aston villa deserved their victory at wembley on sunday and there were two players at the heart of it all .jack grealish , fabian delph and christian benteke celebrate as aston villa reached the fa cup final']\n", - "=======================\n", - "[\"fabian delph and jack grealish impressed for aston villa at wembleyvilla captain delph scored to send tim sherwood 's men to fa cup finalgrealish is a similar player to former england star steve mcmanamanvilla boss tim sherwood has got the club 's passion and excitement backleicester look the most likely of the promoted clubs to stay upthe foxes have six games remaining , four of which are at home\"]\n", - "jack grealish was fantastic but fabian delph was the best player on the pitch .aston villa deserved their victory at wembley on sunday and there were two players at the heart of it all .jack grealish , fabian delph and christian benteke celebrate as aston villa reached the fa cup final\n", - "fabian delph and jack grealish impressed for aston villa at wembleyvilla captain delph scored to send tim sherwood 's men to fa cup finalgrealish is a similar player to former england star steve mcmanamanvilla boss tim sherwood has got the club 's passion and excitement backleicester look the most likely of the promoted clubs to stay upthe foxes have six games remaining , four of which are at home\n", - "[1.4953737 1.4742739 1.3981838 1.3830589 1.123194 1.1860142 1.019203\n", - " 1.0128013 1.0287037 1.0230175 1.1437848 1.0183185 1.0306219 1.0484834\n", - " 1.0179325 1.02321 1.0453974 1.191874 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 3 17 5 10 4 13 16 12 8 15 9 6 11 14 7 18 19 20 21 22 23\n", - " 24 25 26 27 28 29]\n", - "=======================\n", - "['alvaro morata wants to continue his development at juventus and has no interest in rejoining real madrid , according to his agent beppe bozzo .the 22-year-old joined the italian giants for # 15.8 million last summer after failing to break into the real first-team on a regular basis .morata signed a five-year deal at the juventus stadium after starting just three games in la liga for real during the 20113-14 campaign .']\n", - "=======================\n", - "['alvaro morata started just three la liga games for real madrid last season22-year-old joined juventus in # 15.8 million transfer last summermorata has scored seven goals in 22 serie a matches so far this campaign']\n", - "alvaro morata wants to continue his development at juventus and has no interest in rejoining real madrid , according to his agent beppe bozzo .the 22-year-old joined the italian giants for # 15.8 million last summer after failing to break into the real first-team on a regular basis .morata signed a five-year deal at the juventus stadium after starting just three games in la liga for real during the 20113-14 campaign .\n", - "alvaro morata started just three la liga games for real madrid last season22-year-old joined juventus in # 15.8 million transfer last summermorata has scored seven goals in 22 serie a matches so far this campaign\n", - "[1.4257424 1.5196688 1.1592908 1.438484 1.3234364 1.0741161 1.0322199\n", - " 1.0296049 1.0252258 1.0155123 1.0208886 1.0171694 1.1018108 1.0383477\n", - " 1.0152423 1.0956805 1.0671588 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 12 15 5 16 13 6 7 8 10 11 9 14 17 18 19 20 21 22 23\n", - " 24 25 26 27 28 29]\n", - "=======================\n", - "[\"the 25-year-old holland full-back played the full 90 minutes of sunday 's 1-0 barclays premier league defeat at the stadium of light despite suffering a suspected tear in his calf muscle during the warm-up , but was unable to prevent the black cats running out winners as the magpies slipped to a record fifth successive defeat in the fixture .daryl janmaat ( left ) has admitted that newcastle united 's performance in their tyne-wear derby against sunderland was n't good enough and they got exactly what they deserved - nothingnewcastle created little of note on another poor day for john carver 's men , and janmaat was pulling no punches as he assessed the fall-out .\"]\n", - "=======================\n", - "[\"sunderland beat a lacklustre newcastle 1-0 in tyne-wear derbyjanmaat played the full 90 minutes despite suspected calf injurythe holland full-back admitted performance was n't up to standardblack cats have not taken 17 of last 21 point available in derby games\"]\n", - "the 25-year-old holland full-back played the full 90 minutes of sunday 's 1-0 barclays premier league defeat at the stadium of light despite suffering a suspected tear in his calf muscle during the warm-up , but was unable to prevent the black cats running out winners as the magpies slipped to a record fifth successive defeat in the fixture .daryl janmaat ( left ) has admitted that newcastle united 's performance in their tyne-wear derby against sunderland was n't good enough and they got exactly what they deserved - nothingnewcastle created little of note on another poor day for john carver 's men , and janmaat was pulling no punches as he assessed the fall-out .\n", - "sunderland beat a lacklustre newcastle 1-0 in tyne-wear derbyjanmaat played the full 90 minutes despite suspected calf injurythe holland full-back admitted performance was n't up to standardblack cats have not taken 17 of last 21 point available in derby games\n", - "[1.2859452 1.3590205 1.4099286 1.2756261 1.173858 1.0681716 1.0325806\n", - " 1.0215721 1.0162784 1.1301581 1.0367391 1.0260606 1.0237566 1.0359153\n", - " 1.0937065 1.0251842 1.1838504 1.0725225 1.1340659 1.0582172 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 0 3 16 4 18 9 14 17 5 19 10 13 6 11 15 12 7 8 20 21]\n", - "=======================\n", - "[\"at her heaviest , the now 29-year-old weighed 127.5 kgsspeaking on kiis 106.5 's the kyle and jackie o show on friday , the australian idol winner spoke out about her battle with mental health , and the surgery she had to help her lose a staggering 68kg .former young divas singer kate dearaugo has made the shock revelation she turned to drugs and took anything she could get her hands on to mask her crippling depression after gaining considerable weight .\"]\n", - "=======================\n", - "[\"australian idol winner spoke out about her battle with mental healthdabbled in ` drugs ' to mask her crippling depression after gaining weightat her heaviest , the now 29-year-old weighed 127.5 kgslost 68kgs after having gastric sleeve surgery in may 2012\"]\n", - "at her heaviest , the now 29-year-old weighed 127.5 kgsspeaking on kiis 106.5 's the kyle and jackie o show on friday , the australian idol winner spoke out about her battle with mental health , and the surgery she had to help her lose a staggering 68kg .former young divas singer kate dearaugo has made the shock revelation she turned to drugs and took anything she could get her hands on to mask her crippling depression after gaining considerable weight .\n", - "australian idol winner spoke out about her battle with mental healthdabbled in ` drugs ' to mask her crippling depression after gaining weightat her heaviest , the now 29-year-old weighed 127.5 kgslost 68kgs after having gastric sleeve surgery in may 2012\n", - "[1.2644635 1.4486697 1.2570763 1.196182 1.2163699 1.2670938 1.1133523\n", - " 1.0840892 1.1613653 1.0230603 1.0293269 1.0858657 1.0344772 1.0295625\n", - " 1.0293221 1.0436853 1.0311899 1.034142 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 5 0 2 4 3 8 6 11 7 15 12 17 16 13 10 14 9 20 18 19 21]\n", - "=======================\n", - "['brandon afoa , 33 , of puyallup , washington , was operating a tug to push aircraft at seattle-tacoma international airport when the brakes and steering failed , causing him to crash into a luggage lift .closure : an airport worker has been awarded $ 40 million in compensation for a freak runway accident which left him paralyzed from the waist down more than seven years agothe incident , which took place at 2am on december 26 , 2007 , left afoa unable to use his legs or right arm .']\n", - "=======================\n", - "[\"brandon afoa , 33 , of puyallup was operating a tug to push back aircraft at seattle-tacoma international airport when the brakes and steering failed , causing him to crash into a luggage liftthe incident , which took place on december 26 , 2007 , left afoa unable to use his legs or right armfor years the case was locked in courts because the port of seattle claimed it was n't liable as afoa worked for a private companyhowever , the state supreme court ruled the airport operator had a ` duty ' to provide a safe working environmenta jury awarded the judgment on tuesday\"]\n", - "brandon afoa , 33 , of puyallup , washington , was operating a tug to push aircraft at seattle-tacoma international airport when the brakes and steering failed , causing him to crash into a luggage lift .closure : an airport worker has been awarded $ 40 million in compensation for a freak runway accident which left him paralyzed from the waist down more than seven years agothe incident , which took place at 2am on december 26 , 2007 , left afoa unable to use his legs or right arm .\n", - "brandon afoa , 33 , of puyallup was operating a tug to push back aircraft at seattle-tacoma international airport when the brakes and steering failed , causing him to crash into a luggage liftthe incident , which took place on december 26 , 2007 , left afoa unable to use his legs or right armfor years the case was locked in courts because the port of seattle claimed it was n't liable as afoa worked for a private companyhowever , the state supreme court ruled the airport operator had a ` duty ' to provide a safe working environmenta jury awarded the judgment on tuesday\n", - "[1.2151061 1.1780773 1.0582292 1.1484033 1.3251431 1.081881 1.0636853\n", - " 1.0204848 1.0364169 1.03282 1.0452144 1.1358956 1.0621748 1.0314646\n", - " 1.056106 1.0271993 1.1936121 1.0962237 1.1013306 1.1223356 1.0158075\n", - " 1.0204242]\n", - "\n", - "[ 4 0 16 1 3 11 19 18 17 5 6 12 2 14 10 8 9 13 15 7 21 20]\n", - "=======================\n", - "[\"david cameron worked up a sweat as he made a visit to poole in dorset and sunny bristol .the day was hailed as ` money back monday ' because it was the start of the financial year and the new , more generous tax allowances for the low-paid meant an extra # 600 in people 's pockets .the pm was speaking in a rather peculiar building -- an almost empty science park on the city 's outskirts , its round atrium area filled with party activists .\"]\n", - "=======================\n", - "['david cameron enjoyed visit to bristol with chancellor george osbornevisited bristol and bath science park and earlier went to poole in dorset']\n", - "david cameron worked up a sweat as he made a visit to poole in dorset and sunny bristol .the day was hailed as ` money back monday ' because it was the start of the financial year and the new , more generous tax allowances for the low-paid meant an extra # 600 in people 's pockets .the pm was speaking in a rather peculiar building -- an almost empty science park on the city 's outskirts , its round atrium area filled with party activists .\n", - "david cameron enjoyed visit to bristol with chancellor george osbornevisited bristol and bath science park and earlier went to poole in dorset\n", - "[1.384804 1.2697673 1.2905582 1.1969972 1.184911 1.1784256 1.1174594\n", - " 1.0576634 1.0391893 1.0496606 1.1384352 1.0354892 1.0294 1.02538\n", - " 1.0587732 1.0177828 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 3 4 5 10 6 14 7 9 8 11 12 13 15 20 16 17 18 19 21]\n", - "=======================\n", - "[\"comments : veteran broadcaster peter alliss has sparked controversy by claiming gender equality laws have backfired and ` b ***** ed up the game 'alliss , 84 , has said that legislation designed to stop golf clubs from discriminating against female members has instead prompted a decline in women 's membership .some clubs had previously only allowed female members if they played at restricted times in return for a discounted membership fee .\"]\n", - "=======================\n", - "[\"peter alliss says anti-discrimination laws have caused membership fallsome clubs only allowed women at restricted times but for lower faresalliss says law change has made fees equal and many women ca n't payequality act applies to clubs with mixed memberships .\"]\n", - "comments : veteran broadcaster peter alliss has sparked controversy by claiming gender equality laws have backfired and ` b ***** ed up the game 'alliss , 84 , has said that legislation designed to stop golf clubs from discriminating against female members has instead prompted a decline in women 's membership .some clubs had previously only allowed female members if they played at restricted times in return for a discounted membership fee .\n", - "peter alliss says anti-discrimination laws have caused membership fallsome clubs only allowed women at restricted times but for lower faresalliss says law change has made fees equal and many women ca n't payequality act applies to clubs with mixed memberships .\n", - "[1.2290798 1.0539051 1.0755203 1.3895661 1.2483065 1.088469 1.0590158\n", - " 1.0598742 1.0287805 1.0410286 1.0326319 1.1751052 1.0255407 1.0174587\n", - " 1.0334204 1.0720237 1.0750884 1.062549 1.033945 1.0287342 1.1201203\n", - " 1.0649936]\n", - "\n", - "[ 3 4 0 11 20 5 2 16 15 21 17 7 6 1 9 18 14 10 8 19 12 13]\n", - "=======================\n", - "[\"joe root showed plenty of grit , as well as talent , in yet another big innings for englandroot has bounced back from a difficult ashes tour to prove himself as a quality test batsmanit is always revealing to see how players respond to adversity and joe root has reacted magnificently to being left out of last year 's sydney test .\"]\n", - "=======================\n", - "[\"joe root has been terrific to bounce back from a difficult time in australiaroot 's 182 * in the first innings in grenada showed he is a steely competitorhe looks a natural no 3 , but england should n't move him from current spotthe captaincy always wears players down , and it is n't his time yetben stokes is right to be passionate , but needs to keep his cool as well\"]\n", - "joe root showed plenty of grit , as well as talent , in yet another big innings for englandroot has bounced back from a difficult ashes tour to prove himself as a quality test batsmanit is always revealing to see how players respond to adversity and joe root has reacted magnificently to being left out of last year 's sydney test .\n", - "joe root has been terrific to bounce back from a difficult time in australiaroot 's 182 * in the first innings in grenada showed he is a steely competitorhe looks a natural no 3 , but england should n't move him from current spotthe captaincy always wears players down , and it is n't his time yetben stokes is right to be passionate , but needs to keep his cool as well\n", - "[1.0711048 1.566052 1.3874891 1.2077941 1.1652259 1.0995793 1.167199\n", - " 1.3598969 1.0884566 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 7 3 6 4 5 8 0 16 15 14 13 9 11 10 17 12 18]\n", - "=======================\n", - "['gemma the pit bull was filmed at home in california being fed some treats .but in a bid to trick her , her owner throws a broccoli spear into the mix .immediately the canine pulls a look of disgust as she chomps on the vegetable .']\n", - "=======================\n", - "['gemma the pit bull was filmed at home in california being fed some treatsbut in a bid to trick her , her owner throws a broccoli spear into the mix']\n", - "gemma the pit bull was filmed at home in california being fed some treats .but in a bid to trick her , her owner throws a broccoli spear into the mix .immediately the canine pulls a look of disgust as she chomps on the vegetable .\n", - "gemma the pit bull was filmed at home in california being fed some treatsbut in a bid to trick her , her owner throws a broccoli spear into the mix\n", - "[1.2183728 1.5016384 1.1801677 1.1777546 1.2281469 1.3415606 1.185581\n", - " 1.0493804 1.1881917 1.0620037 1.0201291 1.0237792 1.0512445 1.0163909\n", - " 1.0306184 1.0479046 1.0927016 1.0480584 1.0920966]\n", - "\n", - "[ 1 5 4 0 8 6 2 3 16 18 9 12 7 17 15 14 11 10 13]\n", - "=======================\n", - "['kaden lum was gunned down in bremerton , washington , on march 28 , in front of his mother by an unidentified suspect who is still on the run .it depicts kaden as an angel next to a caricature of a devil dressed as uncle sam .the family of a two-year-old boy shot and killed in his home have been left outraged after a local newspaper used his death for a political cartoon about gun culture .']\n", - "=======================\n", - "[\"kaden lum was shot at his home in bremerton , washington on march 28police have not made any arrests in the two weeks since the boy 's deathcontroversial illustration was published in the kitsap sun on sundaydepicts kaden as an angel next to a devil dressed as uncle samkanden 's grandfather jason trammel said the decision was ` disrespectful 'editor of the paper dave nelson has defended the move in an op-ed\"]\n", - "kaden lum was gunned down in bremerton , washington , on march 28 , in front of his mother by an unidentified suspect who is still on the run .it depicts kaden as an angel next to a caricature of a devil dressed as uncle sam .the family of a two-year-old boy shot and killed in his home have been left outraged after a local newspaper used his death for a political cartoon about gun culture .\n", - "kaden lum was shot at his home in bremerton , washington on march 28police have not made any arrests in the two weeks since the boy 's deathcontroversial illustration was published in the kitsap sun on sundaydepicts kaden as an angel next to a devil dressed as uncle samkanden 's grandfather jason trammel said the decision was ` disrespectful 'editor of the paper dave nelson has defended the move in an op-ed\n", - "[1.2962968 1.5032222 1.3679934 1.3976871 1.1268128 1.1513741 1.1104176\n", - " 1.178931 1.0213069 1.0391033 1.0147524 1.0242633 1.0157789 1.0151848\n", - " 1.0127262 1.0115926 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 7 5 4 6 9 11 8 12 13 10 14 15 17 16 18]\n", - "=======================\n", - "[\"donna hussey , 32 , has also been branded a ` bad mum ' by trolls on facebook over the death of her son freddie - who was killed when a huge portable cabin came loose from a passing land rover .mrs hussey , who had just dropped her eight-year-old son archie to school , was helpless as the runaway trailer mounted the pavement and crushed young freddie against a wall in bedminster , bristol .police investigators found the trailer had not been correctly attached to the land rover but driver tony davies avoided prison after admitting causing death by careless driving .\"]\n", - "=======================\n", - "[\"donna hussey , 32 , targeted by trolls online over three-year-old son 's deathyoung freddie died after being crushed against a wall by a runaway trailertony davies spared jail after admitting causing death by careless drivingmrs hussey branded ` bad mum ' by trolls who blame her for freddie 's death\"]\n", - "donna hussey , 32 , has also been branded a ` bad mum ' by trolls on facebook over the death of her son freddie - who was killed when a huge portable cabin came loose from a passing land rover .mrs hussey , who had just dropped her eight-year-old son archie to school , was helpless as the runaway trailer mounted the pavement and crushed young freddie against a wall in bedminster , bristol .police investigators found the trailer had not been correctly attached to the land rover but driver tony davies avoided prison after admitting causing death by careless driving .\n", - "donna hussey , 32 , targeted by trolls online over three-year-old son 's deathyoung freddie died after being crushed against a wall by a runaway trailertony davies spared jail after admitting causing death by careless drivingmrs hussey branded ` bad mum ' by trolls who blame her for freddie 's death\n", - "[1.3000255 1.477252 1.1688048 1.2355676 1.0656389 1.1431873 1.0965569\n", - " 1.0526125 1.1214001 1.0295848 1.0627302 1.1560221 1.1069064 1.084425\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 11 5 8 12 6 13 4 10 7 9 14 15 16 17 18]\n", - "=======================\n", - "[\"the ss city of cairo was travelling from bombay to england in 1942 when it was torpedoed by a u-boat 480 miles south of st helena , taking 100 tons of rupees with it to the bottom of the ocean .a hoard of silver coins worth # 34million that was sunk by the nazis on board a steamship has been salvaged by a british-led team at a record depth of 5,150 m ( 17,000 ft ) .it was long assumed that the vessel 's cargo , belonging to the uk treasury , would be lost forever such was the complexity of the task facing salvage experts .\"]\n", - "=======================\n", - "['ss city of cairo sunk by u-boat en route from bombay to england in 1942100 tons of rupees belonging to the uk treasury thought to be lost foreverfinally tracked down by british-led team using powerful sonar and roboticsrecovered from a depth of 17,000 ft -- some 4,500 ft deeper than the titanic']\n", - "the ss city of cairo was travelling from bombay to england in 1942 when it was torpedoed by a u-boat 480 miles south of st helena , taking 100 tons of rupees with it to the bottom of the ocean .a hoard of silver coins worth # 34million that was sunk by the nazis on board a steamship has been salvaged by a british-led team at a record depth of 5,150 m ( 17,000 ft ) .it was long assumed that the vessel 's cargo , belonging to the uk treasury , would be lost forever such was the complexity of the task facing salvage experts .\n", - "ss city of cairo sunk by u-boat en route from bombay to england in 1942100 tons of rupees belonging to the uk treasury thought to be lost foreverfinally tracked down by british-led team using powerful sonar and roboticsrecovered from a depth of 17,000 ft -- some 4,500 ft deeper than the titanic\n", - "[1.1714469 1.2435582 1.2111079 1.3180859 1.0986152 1.085728 1.0785072\n", - " 1.0845376 1.1285825 1.1396384 1.1017375 1.1877295 1.0379122 1.0451044\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 11 0 9 8 10 4 5 7 6 13 12 17 14 15 16 18]\n", - "=======================\n", - "[\"made in chelsea star mark-francis vandelli is a keen collector of expensive watchesbut if you were n't already envious of the reality star , he has now opened up his watch collection to the evening standard , showing off some of the 16 eye-wateringly expensive timepieces that he has been collecting since his teens .one of the flashiest watches in his collection is the bulgari bulgari chrono 42 , which he purchased on holiday in italy and can be bought secondhand on the internet for # 6,5000 .\"]\n", - "=======================\n", - "['mark-francis vandelli is a keen collector of expensive watchesthe made in chelsea star has 16 timepieces in his collectionthey come from high end businesses including cartier , rolex and bulgari']\n", - "made in chelsea star mark-francis vandelli is a keen collector of expensive watchesbut if you were n't already envious of the reality star , he has now opened up his watch collection to the evening standard , showing off some of the 16 eye-wateringly expensive timepieces that he has been collecting since his teens .one of the flashiest watches in his collection is the bulgari bulgari chrono 42 , which he purchased on holiday in italy and can be bought secondhand on the internet for # 6,5000 .\n", - "mark-francis vandelli is a keen collector of expensive watchesthe made in chelsea star has 16 timepieces in his collectionthey come from high end businesses including cartier , rolex and bulgari\n", - "[1.209919 1.5249279 1.1676259 1.339535 1.1684347 1.1852031 1.167884\n", - " 1.0884722 1.0746202 1.1848162 1.0456759 1.0801092 1.0569091 1.0191277\n", - " 1.0154817 1.0874751 1.0155733 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 5 9 4 6 2 7 15 11 8 12 10 13 16 14 18 17 19]\n", - "=======================\n", - "[\"ian guffick asked pupils to make changes to the the national curriculum tests for 11-year-olds , which assess english , maths and science at mitton manor primary school in tewskesbury , gloucestershire .a teacher has been banned from the classroom after he let pupils change their exam answers invalidating his whole school 's sats results .after the suspected breach of exam rules , school officials were tipped off , resulting in an investigation being launched in june .\"]\n", - "=======================\n", - "[\"ian guffick , 31 , allowed pupils to make changes outside exam conditionshe also made changes to the pupil 's work before the papers were sent offprobe was launched after officials were tipped off he breached exam rulesa disciplinary panel has now banned guffick from teaching for two years\"]\n", - "ian guffick asked pupils to make changes to the the national curriculum tests for 11-year-olds , which assess english , maths and science at mitton manor primary school in tewskesbury , gloucestershire .a teacher has been banned from the classroom after he let pupils change their exam answers invalidating his whole school 's sats results .after the suspected breach of exam rules , school officials were tipped off , resulting in an investigation being launched in june .\n", - "ian guffick , 31 , allowed pupils to make changes outside exam conditionshe also made changes to the pupil 's work before the papers were sent offprobe was launched after officials were tipped off he breached exam rulesa disciplinary panel has now banned guffick from teaching for two years\n", - "[1.1828775 1.3802222 1.3651378 1.2500736 1.1611998 1.0712591 1.0637298\n", - " 1.0813773 1.0566908 1.0633831 1.0659165 1.0464681 1.1245567 1.0500654\n", - " 1.0685925 1.0667741 1.0597137 1.029709 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 12 7 5 14 15 10 6 9 16 8 13 11 17 18 19]\n", - "=======================\n", - "[\"families in the uk are more indebted than those in many other major developed nations , said the international monetary fund -- mainly due to borrowing to buy expensive homes .the uk was singled out as having a problem with household debt , along with portugal -- lumping britain together with a country that was forced to seek emergency funding during the eurozone crisis .britain 's obsession with home ownership could be hindering the nation 's economic recovery , a leading global watchdog has said .\"]\n", - "=======================\n", - "[\"borrowing to buy has left uk more indebted than other developed nationsbritain and portugal - which had to seek emergency funds - singled outimf 's global financial report a stark reminder that recovery is still fragileinternational body says increasing the housing supply must be top priority\"]\n", - "families in the uk are more indebted than those in many other major developed nations , said the international monetary fund -- mainly due to borrowing to buy expensive homes .the uk was singled out as having a problem with household debt , along with portugal -- lumping britain together with a country that was forced to seek emergency funding during the eurozone crisis .britain 's obsession with home ownership could be hindering the nation 's economic recovery , a leading global watchdog has said .\n", - "borrowing to buy has left uk more indebted than other developed nationsbritain and portugal - which had to seek emergency funds - singled outimf 's global financial report a stark reminder that recovery is still fragileinternational body says increasing the housing supply must be top priority\n", - "[1.1616216 1.5328559 1.2735115 1.2524232 1.3619412 1.1034064 1.0157198\n", - " 1.0131719 1.0111618 1.2094144 1.0502338 1.0459583 1.0769876 1.0709006\n", - " 1.126188 1.0552866 1.0692946 1.0300093 1.1020443 1.0755447]\n", - "\n", - "[ 1 4 2 3 9 0 14 5 18 12 19 13 16 15 10 11 17 6 7 8]\n", - "=======================\n", - "[\"paul monk , 54 , from essex , was wanted by spanish police for questioning over the kidnap and murder of francis brennan , whose badly decomposed body washed up on a costa blanca beach in march last year .he was also wanted by the metropolitan police on drug offences and had been named on a list of fugitives published as part of the national crime agency 's operation captura campaign ahead of his detention .this is the dramatic moment that fugitive paul monk was arrested by heavily armed police in his alicante villa\"]\n", - "=======================\n", - "[\"paul monk , 54 , was wanted by spanish police in connection with a murderthe essex man is a suspect in the murder of francis brennanbrennan 's body washed up on a costa blanca beach in march last yearpolice released footage of their swoop on monk 's alicante villa\"]\n", - "paul monk , 54 , from essex , was wanted by spanish police for questioning over the kidnap and murder of francis brennan , whose badly decomposed body washed up on a costa blanca beach in march last year .he was also wanted by the metropolitan police on drug offences and had been named on a list of fugitives published as part of the national crime agency 's operation captura campaign ahead of his detention .this is the dramatic moment that fugitive paul monk was arrested by heavily armed police in his alicante villa\n", - "paul monk , 54 , was wanted by spanish police in connection with a murderthe essex man is a suspect in the murder of francis brennanbrennan 's body washed up on a costa blanca beach in march last yearpolice released footage of their swoop on monk 's alicante villa\n", - "[1.3022768 1.2409757 1.379483 1.1183323 1.1241914 1.1242858 1.1479212\n", - " 1.1298707 1.0633088 1.1558846 1.0776043 1.0303326 1.0623597 1.0571647\n", - " 1.0144292 1.0096883 1.0417464 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 9 6 7 5 4 3 10 8 12 13 16 11 14 15 18 17 19]\n", - "=======================\n", - "[\"farmers say the seal killings are essential to stop the animals from destroying fish stocks off the coast of scotland and northern england , but campaigners insist there are more humane methods of protecting fish .hundreds of seals are being killed in british waters in order to protect stocks of salmon and other fish which are destined for supermarket shelves .the seal cull even takes place during the animals ' breeding season - meaning that some cubs are being left to fend for themselves when their mothers are shot dead .\"]\n", - "=======================\n", - "['more than 200 seals were legally killed off the scottish coast last yearfishermen and farmers insist the animals are destroying salmon stocksbut campaigners have called for a more humane method of keeping seal away from farmed fishactivists say consumers should put pressure on supermarkets and fishmongers when they are buying scottish salmon']\n", - "farmers say the seal killings are essential to stop the animals from destroying fish stocks off the coast of scotland and northern england , but campaigners insist there are more humane methods of protecting fish .hundreds of seals are being killed in british waters in order to protect stocks of salmon and other fish which are destined for supermarket shelves .the seal cull even takes place during the animals ' breeding season - meaning that some cubs are being left to fend for themselves when their mothers are shot dead .\n", - "more than 200 seals were legally killed off the scottish coast last yearfishermen and farmers insist the animals are destroying salmon stocksbut campaigners have called for a more humane method of keeping seal away from farmed fishactivists say consumers should put pressure on supermarkets and fishmongers when they are buying scottish salmon\n", - "[1.1714952 1.4567555 1.2690394 1.2721901 1.2396098 1.25053 1.2375005\n", - " 1.0420219 1.1281842 1.0817157 1.0173571 1.0501066 1.0514151 1.0983653\n", - " 1.0657276 1.0647342 1.0778723 1.0716413 0. 0. ]\n", - "\n", - "[ 1 3 2 5 4 6 0 8 13 9 16 17 14 15 12 11 7 10 18 19]\n", - "=======================\n", - "['the coach erupted into flames on the a2 slip road to the m25 near dartford in kent this morning with only the driver on board .the blaze sent plumes of black smoke across the carriageway with footage taken by motorists showing the wreckage of the vehicle .kent firefighters were sent to tackle the fire and were forced to close the slip road while they doused the flames .']\n", - "=======================\n", - "['the coach burst into flames while on the a2 slip road to the m25 at dartfordthe blaze sent plumes of black smoke drifting across the carriagewayit is thought that the fire began in the engine and spread to the rest of the coach']\n", - "the coach erupted into flames on the a2 slip road to the m25 near dartford in kent this morning with only the driver on board .the blaze sent plumes of black smoke across the carriageway with footage taken by motorists showing the wreckage of the vehicle .kent firefighters were sent to tackle the fire and were forced to close the slip road while they doused the flames .\n", - "the coach burst into flames while on the a2 slip road to the m25 at dartfordthe blaze sent plumes of black smoke drifting across the carriagewayit is thought that the fire began in the engine and spread to the rest of the coach\n", - "[1.1869938 1.4023819 1.3002603 1.1631064 1.244953 1.0864923 1.0776172\n", - " 1.0239136 1.0190887 1.0207009 1.0356314 1.0406883 1.0524501 1.0308906\n", - " 1.0580416 1.0791032 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 0 3 5 15 6 14 12 11 10 13 7 9 8 16 17 18]\n", - "=======================\n", - "[\"rugby school is known as the spiritual home of the game , with the world cup trophy named the webb ellis cup in honour of the schoolboy called william who made the daring decision to disregard the rules in 1823 .today the school is still steeped in the traditions of the sport , alongside its own rich history of ` muscular christianity ' led by its most famous headmaster , dr thomas arnold who is credited with transforming rugby school 's values in an effort to build pupils ' characters .the inspiration : a statue at rugby school depicting the moment pupil william webb ellis picked up a football and ran with it during a match in 1823 , in an action said to be the beginning of the modern game of rugby after pupils wrote their own set of rules\"]\n", - "=======================\n", - "['rugby school in warwickshire known as the birthplace as modern rugby after celebrated incidentpupil webb ellis ran with a football during a match in 1823 , with the new game codified by pupils within decadesschool is steeped in tradition and maintains its historic link with sport of rugby on its playing fields and in museum']\n", - "rugby school is known as the spiritual home of the game , with the world cup trophy named the webb ellis cup in honour of the schoolboy called william who made the daring decision to disregard the rules in 1823 .today the school is still steeped in the traditions of the sport , alongside its own rich history of ` muscular christianity ' led by its most famous headmaster , dr thomas arnold who is credited with transforming rugby school 's values in an effort to build pupils ' characters .the inspiration : a statue at rugby school depicting the moment pupil william webb ellis picked up a football and ran with it during a match in 1823 , in an action said to be the beginning of the modern game of rugby after pupils wrote their own set of rules\n", - "rugby school in warwickshire known as the birthplace as modern rugby after celebrated incidentpupil webb ellis ran with a football during a match in 1823 , with the new game codified by pupils within decadesschool is steeped in tradition and maintains its historic link with sport of rugby on its playing fields and in museum\n", - "[1.2141727 1.4719615 1.2729709 1.3755114 1.2108679 1.1051549 1.1080155\n", - " 1.1356379 1.0225562 1.069763 1.095016 1.0547192 1.0732032 1.0379362\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 7 6 5 10 12 9 11 13 8 14 15 16 17 18]\n", - "=======================\n", - "[\"ambra battilana , 22 , told police weinstein asked her for a kiss and then groped her during a ` business meeting ' at his tribeca office in manhattan on friday night .however , the very next day she snapped a picture of her matinee ticket to a preview showing of finding neverland , which weinstein is producing , from the lunt-fontanne theater and posted it on her instagram .an italian model who accused harvey weinstein of groping her breasts and putting his hand up her skirt attended the hollywood mogul 's new broadway show just a day after his alleged attack .\"]\n", - "=======================\n", - "[\"ambra battilana , 22 , accused weinstein , 63 , of groping her at his manhattan office on friday nightthe next day she snapped a picture of her matinee ticket to a preview of finding neverland , the hollywood producer 's new showa movie industry source said weinstein gave battilana the ticket during their friday night meetingsource said weinstein also told her he 'd be backstage during the showthe married father-of-five has denied the model 's allegationsher ex-boyfriend says she is a ` victim of her beauty '\"]\n", - "ambra battilana , 22 , told police weinstein asked her for a kiss and then groped her during a ` business meeting ' at his tribeca office in manhattan on friday night .however , the very next day she snapped a picture of her matinee ticket to a preview showing of finding neverland , which weinstein is producing , from the lunt-fontanne theater and posted it on her instagram .an italian model who accused harvey weinstein of groping her breasts and putting his hand up her skirt attended the hollywood mogul 's new broadway show just a day after his alleged attack .\n", - "ambra battilana , 22 , accused weinstein , 63 , of groping her at his manhattan office on friday nightthe next day she snapped a picture of her matinee ticket to a preview of finding neverland , the hollywood producer 's new showa movie industry source said weinstein gave battilana the ticket during their friday night meetingsource said weinstein also told her he 'd be backstage during the showthe married father-of-five has denied the model 's allegationsher ex-boyfriend says she is a ` victim of her beauty '\n", - "[1.2898908 1.3623039 1.4153017 1.2800572 1.1518306 1.1451088 1.1564109\n", - " 1.0582509 1.1393801 1.0177128 1.1311566 1.0179979 1.0843183 1.012874\n", - " 1.0101216 1.0124972 1.0080574 1.0265844 0. ]\n", - "\n", - "[ 2 1 0 3 6 4 5 8 10 12 7 17 11 9 13 15 14 16 18]\n", - "=======================\n", - "['the number of people paying 40p tax has already risen from about 2million to 5million in two decades , but the tories have promised to lift the threshold if they are returned to power .in an interview the shadow chancellor repeatedly refused to rule out trying to balance the books by lowering the amount workers have to earn before they pay the higher income tax rate .labour has vowed not to increase vat or national insurance as part of measures to bring down the deficit if they win the election .']\n", - "=======================\n", - "['shadow chancellor refuses to rule out using threshold to raise moneyvows not to hike income tax rate but not trapping more people in 40p ratechancellor george osborne says balls has ` let the cat out of the bagtories promise to raise threshold from # 41,865 to # 50,000 by 2020labour says the plan amounts to a # 7billion unfunded commitment']\n", - "the number of people paying 40p tax has already risen from about 2million to 5million in two decades , but the tories have promised to lift the threshold if they are returned to power .in an interview the shadow chancellor repeatedly refused to rule out trying to balance the books by lowering the amount workers have to earn before they pay the higher income tax rate .labour has vowed not to increase vat or national insurance as part of measures to bring down the deficit if they win the election .\n", - "shadow chancellor refuses to rule out using threshold to raise moneyvows not to hike income tax rate but not trapping more people in 40p ratechancellor george osborne says balls has ` let the cat out of the bagtories promise to raise threshold from # 41,865 to # 50,000 by 2020labour says the plan amounts to a # 7billion unfunded commitment\n", - "[1.1074018 1.6660612 1.340694 1.0633378 1.0726463 1.1950984 1.0576694\n", - " 1.0833809 1.1652384 1.0171218 1.0119809 1.0103117 1.0088117 1.094099\n", - " 1.1683375 1.0227123 0. 0. 0. ]\n", - "\n", - "[ 1 2 5 14 8 0 13 7 4 3 6 15 9 10 11 12 17 16 18]\n", - "=======================\n", - "['leonardo ulloa was not supposed to be starting this match , left out in favour of andrej kramaric .but when david nugent suffered injury in the warm-up , ulloa was sent on .leicester city defender marcin wasilewsk ( left ) hassles swansea playmaker gylfi sigurdsson ( right ) for the ball at the king power stadium']\n", - "=======================\n", - "['leicester claimed three premier league victories in a row for the first time since september 2000argentine forward leonardo ulloa scored the opening goal on 15 minutes before andy king netted a second late ondespite the 2-0 win over swansea the foxes are still in the relegation places on goal difference']\n", - "leonardo ulloa was not supposed to be starting this match , left out in favour of andrej kramaric .but when david nugent suffered injury in the warm-up , ulloa was sent on .leicester city defender marcin wasilewsk ( left ) hassles swansea playmaker gylfi sigurdsson ( right ) for the ball at the king power stadium\n", - "leicester claimed three premier league victories in a row for the first time since september 2000argentine forward leonardo ulloa scored the opening goal on 15 minutes before andy king netted a second late ondespite the 2-0 win over swansea the foxes are still in the relegation places on goal difference\n", - "[1.0706073 1.0494165 1.1473167 1.326851 1.113036 1.0620471 1.2294645\n", - " 1.1863037 1.154514 1.0292714 1.1367495 1.0636115 1.0266922 1.0244762\n", - " 1.044591 1.0222983 1.0215936 1.0164455 1.0331047]\n", - "\n", - "[ 3 6 7 8 2 10 4 0 11 5 1 14 18 9 12 13 15 16 17]\n", - "=======================\n", - "[\"fashion retailers have started to get in on the beauty act with plenty of shops now offering their own make-up ranges as well as clothingclaire coleman put some of the biggest fashion beauty brands to the test ...the high street giant has all of this season 's beauty looks , from a rainbow of nail polishes ( # 6 ) to lip ombre ( # 9 ) -- sets of two cream-to-powder formulation lip colours to be worn in tandem ( caution : lips must be very well moisturised ) .\"]\n", - "=======================\n", - "['fashion retailers have started to produce their own make-up rangesyou no longer have to head across town to a chemist or department storebut are any of these high street ranges worth splashing your cash on ?']\n", - "fashion retailers have started to get in on the beauty act with plenty of shops now offering their own make-up ranges as well as clothingclaire coleman put some of the biggest fashion beauty brands to the test ...the high street giant has all of this season 's beauty looks , from a rainbow of nail polishes ( # 6 ) to lip ombre ( # 9 ) -- sets of two cream-to-powder formulation lip colours to be worn in tandem ( caution : lips must be very well moisturised ) .\n", - "fashion retailers have started to produce their own make-up rangesyou no longer have to head across town to a chemist or department storebut are any of these high street ranges worth splashing your cash on ?\n", - "[1.5134499 1.438859 1.1796951 1.4737424 1.155038 1.0567209 1.0182902\n", - " 1.0305834 1.01966 1.0392003 1.0363878 1.018618 1.0205151 1.0717285\n", - " 1.1596582 1.0214996 1.0143113 1.0143404 1.0131047 1.0161306 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 2 14 4 13 5 9 10 7 15 12 8 11 6 19 17 16 18 20 21]\n", - "=======================\n", - "[\"ian bell insists england did not underestimate the west indies ahead of the first test , despite some injudicious comments from the incoming chairman of the england and wales cricket board .but bell , after 106 tests and 11 years on the international circuit , never expected anything different .bell may have said all the right things but windies opener devon smith , who will become the first grenadan to play test cricket on the island , revealed that graves ' comments had not gone unnoticed .\"]\n", - "=======================\n", - "[\"incoming ecb chairman colin graves called west indies ` mediocre 'but england failed to win first test in antigua despite dominatingian bell insists his team did not underestimate west indieswest indies batsman devon smith says comments motivated the hosts\"]\n", - "ian bell insists england did not underestimate the west indies ahead of the first test , despite some injudicious comments from the incoming chairman of the england and wales cricket board .but bell , after 106 tests and 11 years on the international circuit , never expected anything different .bell may have said all the right things but windies opener devon smith , who will become the first grenadan to play test cricket on the island , revealed that graves ' comments had not gone unnoticed .\n", - "incoming ecb chairman colin graves called west indies ` mediocre 'but england failed to win first test in antigua despite dominatingian bell insists his team did not underestimate west indieswest indies batsman devon smith says comments motivated the hosts\n", - "[1.3783238 1.3253187 1.3430598 1.1921445 1.1069069 1.1013788 1.0454367\n", - " 1.1318469 1.0795746 1.0789251 1.1396979 1.0615833 1.0497965 1.084878\n", - " 1.0187533 1.0855755 1.0766015 1.0099703 1.0126188 1.0397254 1.1121013\n", - " 1.0236578]\n", - "\n", - "[ 0 2 1 3 10 7 20 4 5 15 13 8 9 16 11 12 6 19 21 14 18 17]\n", - "=======================\n", - "[\"former fbi director louis freeh nearly died last summer when he was involved in a car crash driving near his summer home in barnard , vermont .they say 64-year-old freeh severed an artery in one of his legs and would have bled to death in just 60 seconds if it were n't for the quick response from paramedics and an fbi agent on the scene .current fbi director james comey and vermont senator patrick leahy spoke about the accident for the first time last week , during an appearance at chaplain college .\"]\n", - "=======================\n", - "[\"officials spoke about the devastating single-vehicle crash in august for the first time last weekcurrent fbi director james comey and vermont senator patrick leahy say freeh severed a major artery in the crashparamedics and an fbi agent at the scene were able to stop the bleeding - saving freeh 's lifefreeh was the director of the fbi from 1993 until 2003\"]\n", - "former fbi director louis freeh nearly died last summer when he was involved in a car crash driving near his summer home in barnard , vermont .they say 64-year-old freeh severed an artery in one of his legs and would have bled to death in just 60 seconds if it were n't for the quick response from paramedics and an fbi agent on the scene .current fbi director james comey and vermont senator patrick leahy spoke about the accident for the first time last week , during an appearance at chaplain college .\n", - "officials spoke about the devastating single-vehicle crash in august for the first time last weekcurrent fbi director james comey and vermont senator patrick leahy say freeh severed a major artery in the crashparamedics and an fbi agent at the scene were able to stop the bleeding - saving freeh 's lifefreeh was the director of the fbi from 1993 until 2003\n", - "[1.4447142 1.417278 1.280855 1.2688216 1.4123774 1.1808774 1.0480554\n", - " 1.0159016 1.0152159 1.0178317 1.0133795 1.0278901 1.073275 1.0271367\n", - " 1.0259018 1.2772404 1.077131 1.0341282 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 4 2 15 3 5 16 12 6 17 11 13 14 9 7 8 10 18 19 20 21]\n", - "=======================\n", - "['south sydney hooker issac luke is at the centre of a homophobic accusation after posting an offensive comment on social media in response to attacks from canterbury bulldogs fans .the 27-year-old had made a heartfelt appeal on his official instagram account on saturday in a bid to track down the young rabbitohs fan who was allegedly attacked at anz stadium in sydney .south sydney star issac luke will be investigated by the nrl after posting a homophobic slur on instagram']\n", - "=======================\n", - "[\"souths hooker issac luke has become embroiled in a social media stormthe 27-year-old had posted a heartfelt appeal to find a young injured fanbut he was taunted by bulldog fans on instagram over his postshe lashed out at them , calling them ` lil poofters ' on saturdaythe offensive comment prompted an immediate social media backlashthe post was immediately deleted and luke has since apologisedthe rabbitohs star is now under investigation by the nrl integrity unitit comes after souths sealed a bitter win over the bulldogs on friday\"]\n", - "south sydney hooker issac luke is at the centre of a homophobic accusation after posting an offensive comment on social media in response to attacks from canterbury bulldogs fans .the 27-year-old had made a heartfelt appeal on his official instagram account on saturday in a bid to track down the young rabbitohs fan who was allegedly attacked at anz stadium in sydney .south sydney star issac luke will be investigated by the nrl after posting a homophobic slur on instagram\n", - "souths hooker issac luke has become embroiled in a social media stormthe 27-year-old had posted a heartfelt appeal to find a young injured fanbut he was taunted by bulldog fans on instagram over his postshe lashed out at them , calling them ` lil poofters ' on saturdaythe offensive comment prompted an immediate social media backlashthe post was immediately deleted and luke has since apologisedthe rabbitohs star is now under investigation by the nrl integrity unitit comes after souths sealed a bitter win over the bulldogs on friday\n", - "[1.4588153 1.1818802 1.3874993 1.4459258 1.2448123 1.0923536 1.0388473\n", - " 1.0239781 1.0157471 1.0183213 1.0258387 1.0958004 1.1591829 1.0562803\n", - " 1.0473881 1.0147641 1.0113075 1.0097022 1.1492578 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 2 4 1 12 18 11 5 13 14 6 10 7 9 8 15 16 17 19 20 21]\n", - "=======================\n", - "['tottenham head coach mauricio pochettino is unsure whether a planned boycott by newcastle fans will prove a help or hindrance to his side this weekend .tottenham boss mauricio pochettino ( right ) is in an upbeat mood ahead of the trip to newcastlea number of supporters plan to boycott the televised game in protest against owner mike ashley , which is likely to lead to a peculiar atmosphere in the north east .']\n", - "=======================\n", - "[\"tottenham travel to newcastle for their premier league clash on sundaymagpies supporters are planning a mass protest at st james ' parkspurs boss mauricio pochettino does n't know how this will affect players\"]\n", - "tottenham head coach mauricio pochettino is unsure whether a planned boycott by newcastle fans will prove a help or hindrance to his side this weekend .tottenham boss mauricio pochettino ( right ) is in an upbeat mood ahead of the trip to newcastlea number of supporters plan to boycott the televised game in protest against owner mike ashley , which is likely to lead to a peculiar atmosphere in the north east .\n", - "tottenham travel to newcastle for their premier league clash on sundaymagpies supporters are planning a mass protest at st james ' parkspurs boss mauricio pochettino does n't know how this will affect players\n", - "[1.1931311 1.5457517 1.2820666 1.3879101 1.0934815 1.1113671 1.2146206\n", - " 1.1108271 1.0893679 1.1018485 1.0468622 1.0496438 1.0204824 1.0123936\n", - " 1.0088186 1.0082328 1.0612757 1.0773594 1.074936 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 6 0 5 7 9 4 8 17 18 16 11 10 12 13 14 15 20 19 21]\n", - "=======================\n", - "['shauna mcglasson , 25 , from workington , was so overweight she got trapped in the turnstiles at the alice and wonderland ride at blackpool pleasure beach in august last year .shauna , who was a takeaway addict , was carrying her three-year-old daughter lacey in her arms at the time and the toddler started screaming after her mother tried to free herself .determined shauna has since dropped seven stone and now weighs in at just over 10 stone .']\n", - "=======================\n", - "['shauna mcglasson became trapped in the turnstiles of a fairground ridedetermined to make a change she swapped takeaways for the gymshe has now dropped 7st in as many months weighing in at 10st']\n", - "shauna mcglasson , 25 , from workington , was so overweight she got trapped in the turnstiles at the alice and wonderland ride at blackpool pleasure beach in august last year .shauna , who was a takeaway addict , was carrying her three-year-old daughter lacey in her arms at the time and the toddler started screaming after her mother tried to free herself .determined shauna has since dropped seven stone and now weighs in at just over 10 stone .\n", - "shauna mcglasson became trapped in the turnstiles of a fairground ridedetermined to make a change she swapped takeaways for the gymshe has now dropped 7st in as many months weighing in at 10st\n", - "[1.3374443 1.381614 1.2600491 1.1503509 1.2796336 1.2028825 1.0696384\n", - " 1.0429862 1.0382673 1.1372164 1.1083184 1.0447588 1.1327494 1.0287322\n", - " 1.0383277 1.0085835 1.0304152 0. ]\n", - "\n", - "[ 1 0 4 2 5 3 9 12 10 6 11 7 14 8 16 13 15 17]\n", - "=======================\n", - "['the london-based syrian observatory for human rights says isis and the al qaeda-affiliated al-nusra front took control of 90 % of the camp in southern damascus .( cnn ) thousands of palestinians are trapped in the devastated yarmouk refugee camp in syria , which has mostly been seized by groups including isis , activists report .calling the lives of yarmouk refugees \" profoundly threatened \" on sunday , the united nations relief and works agency issued a statement urging humanitarian aid access .']\n", - "=======================\n", - "['isis and other rebel groups control most of the refugee camp , activists say\" never has the hour been more desperate \" in the camp , u.n. says\" reports of kidnappings , beheadings and mass killings , \" plo official says']\n", - "the london-based syrian observatory for human rights says isis and the al qaeda-affiliated al-nusra front took control of 90 % of the camp in southern damascus .( cnn ) thousands of palestinians are trapped in the devastated yarmouk refugee camp in syria , which has mostly been seized by groups including isis , activists report .calling the lives of yarmouk refugees \" profoundly threatened \" on sunday , the united nations relief and works agency issued a statement urging humanitarian aid access .\n", - "isis and other rebel groups control most of the refugee camp , activists say\" never has the hour been more desperate \" in the camp , u.n. says\" reports of kidnappings , beheadings and mass killings , \" plo official says\n", - "[1.2660859 1.346352 1.4072449 1.261127 1.0365001 1.1636304 1.1059929\n", - " 1.1043319 1.050425 1.1487262 1.1162924 1.0473822 1.0758233 1.0839136\n", - " 1.045395 1.0462523 1.0480499 0. ]\n", - "\n", - "[ 2 1 0 3 5 9 10 6 7 13 12 8 16 11 15 14 4 17]\n", - "=======================\n", - "[\"a group of 15 men have now been arrested on suspicion of ` multiple aggravated murder motivated by religious hate , ' palermo police said in a statement .witnesses say a fight broke out on a rubber dinghy carrying more than 100 african migrants from libya to sicily , after which the men were thrown to their deaths .the 15 migrants arrested over the attack on their arrival in palermo are from the ivory coast , senegal , mali and guinea bissau .\"]\n", - "=======================\n", - "[\"migrants from nigeria and ghana drown after being thrown overboardfight broke out on rubber dinghy carrying 105 from libya to italythe men were thrown into sea ` for professing the christian faith '15 men arrested for ` aggravated murder motivated by religious hate '\"]\n", - "a group of 15 men have now been arrested on suspicion of ` multiple aggravated murder motivated by religious hate , ' palermo police said in a statement .witnesses say a fight broke out on a rubber dinghy carrying more than 100 african migrants from libya to sicily , after which the men were thrown to their deaths .the 15 migrants arrested over the attack on their arrival in palermo are from the ivory coast , senegal , mali and guinea bissau .\n", - "migrants from nigeria and ghana drown after being thrown overboardfight broke out on rubber dinghy carrying 105 from libya to italythe men were thrown into sea ` for professing the christian faith '15 men arrested for ` aggravated murder motivated by religious hate '\n", - "[1.4220471 1.2135447 1.1809256 1.1479201 1.3340997 1.0574024 1.099365\n", - " 1.0788739 1.0308467 1.0179088 1.0259235 1.1839831 1.0641625 1.0553728\n", - " 1.0634688 1.0372106 0. 0. ]\n", - "\n", - "[ 0 4 1 11 2 3 6 7 12 14 5 13 15 8 10 9 16 17]\n", - "=======================\n", - "[\"libertarian icon rand paul has beefed up his campaign store ahead of his announcement this morning that he would compete for the republican nomination for president next year .like paul , the kentucky senator who made a name for himself by championing issues not typically associated with the gop such as criminal justice reform and privacy protections , much of the ` rand ' 2016 swag is unconventional .rand fans will still find the usual array of yard signs and bumper stickers .\"]\n", - "=======================\n", - "[\"the freshman senator beefed up his campaign store ahead of his presidential announcement this morningrand fans will find the usual array of yard signs and bumper stickers - but they 'll also be able to sport their support with more unique itemsmacbook skins and woven blankets feature paul , flip-flops and car mats bear the slogan ` stand with rand ' and there 's branded cornhole boardsfor $ 1,000 supporters can buy pocket constitutions signed by paulpaul 's campaign store reflects the 52-year-old lawmaker 's efforts to appeal to a new generation of conservatives\"]\n", - "libertarian icon rand paul has beefed up his campaign store ahead of his announcement this morning that he would compete for the republican nomination for president next year .like paul , the kentucky senator who made a name for himself by championing issues not typically associated with the gop such as criminal justice reform and privacy protections , much of the ` rand ' 2016 swag is unconventional .rand fans will still find the usual array of yard signs and bumper stickers .\n", - "the freshman senator beefed up his campaign store ahead of his presidential announcement this morningrand fans will find the usual array of yard signs and bumper stickers - but they 'll also be able to sport their support with more unique itemsmacbook skins and woven blankets feature paul , flip-flops and car mats bear the slogan ` stand with rand ' and there 's branded cornhole boardsfor $ 1,000 supporters can buy pocket constitutions signed by paulpaul 's campaign store reflects the 52-year-old lawmaker 's efforts to appeal to a new generation of conservatives\n", - "[1.0516694 1.215304 1.0546719 1.0461565 1.1137971 1.1420779 1.0610418\n", - " 1.0389211 1.1737785 1.0434495 1.1609677 1.0512834 1.0225877 1.0517443\n", - " 1.0438733 1.0371348 1.034041 1.0188973]\n", - "\n", - "[ 1 8 10 5 4 6 2 13 0 11 3 14 9 7 15 16 12 17]\n", - "=======================\n", - "[\"famously and memorably , the poet philip larkin asked : ` why should i let the toad work / squat on my life ? 'joanna biggs offers an excellent contribution to our knowledge of the world of work in all its variety - not through tedious sociological analysis ( thank goodness ) , but through the stories of real people she has interviewed all over the country .joanna biggs makes it bleakly clear that for many people today , ` the idea that good work brings a good life no longer holds ' .\"]\n", - "=======================\n", - "['joanna biggs tells the stories of real people she has interviewedin the ukshe offers an excellent contribution to our knowledge of the world of workconfesses she hoped for more resistance to the way society is organised']\n", - "famously and memorably , the poet philip larkin asked : ` why should i let the toad work / squat on my life ? 'joanna biggs offers an excellent contribution to our knowledge of the world of work in all its variety - not through tedious sociological analysis ( thank goodness ) , but through the stories of real people she has interviewed all over the country .joanna biggs makes it bleakly clear that for many people today , ` the idea that good work brings a good life no longer holds ' .\n", - "joanna biggs tells the stories of real people she has interviewedin the ukshe offers an excellent contribution to our knowledge of the world of workconfesses she hoped for more resistance to the way society is organised\n", - "[1.2083106 1.2883539 1.2151645 1.2393006 1.2013731 1.0830435 1.0426779\n", - " 1.0589919 1.0952624 1.051059 1.1386219 1.1587391 1.1225295 1.0509247\n", - " 1.0721561 1.0103576 1.169529 0. ]\n", - "\n", - "[ 1 3 2 0 4 16 11 10 12 8 5 14 7 9 13 6 15 17]\n", - "=======================\n", - "['chelsea manning , the us army solider who was convicted of leaking thousands of secret diplomatic cables to wikileaks , has begun tweeting from behind bars at leavenworth military prison in kansas .within just a few hours @xychelsea racked up more than 16,000 followers .manning sent out 15 tweets on friday afternoon - mostly to thank her supporters , including the american civil liberties union , amnesty international and journalist glenn greenwald .']\n", - "=======================\n", - "['manning tweeted out thanks to her supporters - including rage against the machine frontman tom morelloshe is dictating the tweets over the phone to friends']\n", - "chelsea manning , the us army solider who was convicted of leaking thousands of secret diplomatic cables to wikileaks , has begun tweeting from behind bars at leavenworth military prison in kansas .within just a few hours @xychelsea racked up more than 16,000 followers .manning sent out 15 tweets on friday afternoon - mostly to thank her supporters , including the american civil liberties union , amnesty international and journalist glenn greenwald .\n", - "manning tweeted out thanks to her supporters - including rage against the machine frontman tom morelloshe is dictating the tweets over the phone to friends\n", - "[1.236355 1.3758199 1.072568 1.2841425 1.2290883 1.1135931 1.1765623\n", - " 1.300906 1.1261203 1.0732112 1.0523713 1.0927683 1.0272653 1.0171674\n", - " 1.0375645 1.0373462 1.0537928 1.0979317 1.0839374 1.0180645 1.0148433]\n", - "\n", - "[ 1 7 3 0 4 6 8 5 17 11 18 9 2 16 10 14 15 12 19 13 20]\n", - "=======================\n", - "[\"called eye2tv , it adjusts colours in the image so that shows look ` normal ' , even if features colours such as red and green that would otherwise not be visible .the team from the university of east anglia in norwich is seeking # 100,000 ( $ 150,000 ) of funding to get their project of the ground .norwich scientists have developed an adaptor for colour blindness .\"]\n", - "=======================\n", - "[\"norwich scientists have developed a # 50 adaptor for colour blindnessit can be plugged into any hdmi port on a tv or a computer monitora remote control or app then adjusts the colour adjustmentit allows colour blind people to watch shows they otherwise could n't\"]\n", - "called eye2tv , it adjusts colours in the image so that shows look ` normal ' , even if features colours such as red and green that would otherwise not be visible .the team from the university of east anglia in norwich is seeking # 100,000 ( $ 150,000 ) of funding to get their project of the ground .norwich scientists have developed an adaptor for colour blindness .\n", - "norwich scientists have developed a # 50 adaptor for colour blindnessit can be plugged into any hdmi port on a tv or a computer monitora remote control or app then adjusts the colour adjustmentit allows colour blind people to watch shows they otherwise could n't\n", - "[1.0735435 1.122463 1.2333305 1.1014577 1.2507632 1.1144054 1.0660563\n", - " 1.0658077 1.1461663 1.1124552 1.0769151 1.1119456 1.0441175 1.0694467\n", - " 1.124501 1.0972648 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 2 8 14 1 5 9 11 3 15 10 0 13 6 7 12 16 17 18 19 20]\n", - "=======================\n", - "[\"this week , a u.s consumer advisory group set up by the department of transportation said at a public hearing that while the government is happy to set standards for animals flying on planes , it does n't stipulate a minimum amount of space for humans .they say that the shrinking space on aeroplanes is not only uncomfortable - it 's putting our health and safety in danger .tests conducted by the faa use planes with a 31 inch pitch , a standard which on some airlines has decreased\"]\n", - "=======================\n", - "['experts question if packed out planes are putting passengers at risku.s consumer advisory group says minimum space must be stipulatedsafety tests conducted on planes with more leg room than airlines offer']\n", - "this week , a u.s consumer advisory group set up by the department of transportation said at a public hearing that while the government is happy to set standards for animals flying on planes , it does n't stipulate a minimum amount of space for humans .they say that the shrinking space on aeroplanes is not only uncomfortable - it 's putting our health and safety in danger .tests conducted by the faa use planes with a 31 inch pitch , a standard which on some airlines has decreased\n", - "experts question if packed out planes are putting passengers at risku.s consumer advisory group says minimum space must be stipulatedsafety tests conducted on planes with more leg room than airlines offer\n", - "[1.3335834 1.2911441 1.4224483 1.3328133 1.1802943 1.0390248 1.207277\n", - " 1.0655235 1.0661377 1.0842732 1.0355211 1.1377825 1.0333245 1.020206\n", - " 1.027235 1.0158188 1.0238909 1.1280892 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 1 6 4 11 17 9 8 7 5 10 12 14 16 13 15 19 18 20]\n", - "=======================\n", - "[\"the multi bafta-winning actress , 39 , wants to install a boulder and gravel seawall along the west sussex coast to protect her property .kate winslet faces a planning battle with natural england over plans to build sea defencesbut natural england has recommended the planning application be refused - citing concerns it may result in the ` direct loss ' of natural habitat designated for rare and vulnerable birds , trees and wetlands .\"]\n", - "=======================\n", - "['kate winslet submitted application for a sea wall along west sussex coastshe wants to build a 550ft-long sea wall to protect her home from floodingbut natural england has raised concerns about environmental impactit recommended her local council refuse the planning application because of concerns wall could destroy habitat for rare birds and wetlands']\n", - "the multi bafta-winning actress , 39 , wants to install a boulder and gravel seawall along the west sussex coast to protect her property .kate winslet faces a planning battle with natural england over plans to build sea defencesbut natural england has recommended the planning application be refused - citing concerns it may result in the ` direct loss ' of natural habitat designated for rare and vulnerable birds , trees and wetlands .\n", - "kate winslet submitted application for a sea wall along west sussex coastshe wants to build a 550ft-long sea wall to protect her home from floodingbut natural england has raised concerns about environmental impactit recommended her local council refuse the planning application because of concerns wall could destroy habitat for rare birds and wetlands\n", - "[1.3328085 1.4355888 1.2804697 1.3494194 1.2108827 1.0571723 1.0765505\n", - " 1.1045246 1.1089221 1.0371183 1.0875839 1.0515496 1.0183922 1.035432\n", - " 1.0981705 1.0579892 1.0479792 1.0092813 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 8 7 14 10 6 15 5 11 16 9 13 12 17 19 18 20]\n", - "=======================\n", - "[\"the 24-year-old pop star , whose real name was chris hardman , died on march 23 in his hometown of lowestoft after a long battle with depression .reality tv star and singer lil ' chris who died last month was found hanging at his home by a friend , the inquest into his death has been told .suffolk coroner peter dean today told the inquest that mr hardman 's that friend aj sutton later identified the body .\"]\n", - "=======================\n", - "['singer was found at home in lowestoft on march 23 and pronounced deadfriend aj sutton helped to identify the body , inquest into death was toldpathologist who confirmed cause of death extended sympathies to familyreality tv star had been struggling with depression and vowed to find curethe samaritans can be contacted by phone on 08457 909090 , email jo@samaritans.org , or you can find the details of your local branch at www.samaritans.org .']\n", - "the 24-year-old pop star , whose real name was chris hardman , died on march 23 in his hometown of lowestoft after a long battle with depression .reality tv star and singer lil ' chris who died last month was found hanging at his home by a friend , the inquest into his death has been told .suffolk coroner peter dean today told the inquest that mr hardman 's that friend aj sutton later identified the body .\n", - "singer was found at home in lowestoft on march 23 and pronounced deadfriend aj sutton helped to identify the body , inquest into death was toldpathologist who confirmed cause of death extended sympathies to familyreality tv star had been struggling with depression and vowed to find curethe samaritans can be contacted by phone on 08457 909090 , email jo@samaritans.org , or you can find the details of your local branch at www.samaritans.org .\n", - "[1.4953433 1.3066577 1.3598399 1.2691872 1.3127937 1.2877667 1.0283754\n", - " 1.0174128 1.018616 1.0199952 1.0326742 1.0215027 1.2122326 1.0555077\n", - " 1.0205861 1.0293441 1.2405369 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 4 1 5 3 16 12 13 10 15 6 11 14 9 8 7 19 17 18 20]\n", - "=======================\n", - "[\"atletico madrid centre back miranda has lambasted serbian referee milorad mazic following his side 's champions league encounter against real madrid .miranda and his atletico madrid team-mates were left riled when mazic , who refereed at the 2014 world cup , failed to punish sergio ramos for what appeared to be an elbow on mario mandzukic .the brazil defender has said officials from ` lower leagues ' should not be allowed to referee high-profile games\"]\n", - "=======================\n", - "[\"miranda was far from happy with milorad mazic 's display on tuesday nightthe brazil international believes officials from ` minor leagues ' should not officiate important champions league tiesmazic failed to penalise sergio ramos for elbow on mario mandzukicread : atletico ace mario suarez says referee mazic was ` very bad '\"]\n", - "atletico madrid centre back miranda has lambasted serbian referee milorad mazic following his side 's champions league encounter against real madrid .miranda and his atletico madrid team-mates were left riled when mazic , who refereed at the 2014 world cup , failed to punish sergio ramos for what appeared to be an elbow on mario mandzukic .the brazil defender has said officials from ` lower leagues ' should not be allowed to referee high-profile games\n", - "miranda was far from happy with milorad mazic 's display on tuesday nightthe brazil international believes officials from ` minor leagues ' should not officiate important champions league tiesmazic failed to penalise sergio ramos for elbow on mario mandzukicread : atletico ace mario suarez says referee mazic was ` very bad '\n", - "[1.4080837 1.273146 1.1605473 1.1264488 1.3272223 1.1436143 1.0517313\n", - " 1.2962857 1.0576127 1.030264 1.0305935 1.238991 1.0556169 1.11783\n", - " 1.0450279 1.0316093 0. 0. 0. ]\n", - "\n", - "[ 0 4 7 1 11 2 5 3 13 8 12 6 14 15 10 9 16 17 18]\n", - "=======================\n", - "[\"mario balotelli revealed his delight on twitter after manchester city forward sergio aguero struck early on against manchester united , even though city 's eventual defeat was good news for liverpool .argentine striker aguero opened the scoring after eight minutes at old trafford , and his controversial former city team-mate took the opportunity to lay into his biggest rivals from his time at the etihad stadium and at anfield .liverpool - and balotelli - face newcastle united on monday night with the chance of closing the gap on city in fourth to four points in the barclays premier league .\"]\n", - "=======================\n", - "['manchester united beat manchester city 4-2 at old trafford on sundaysergio aguero gave city the lead after just eight minutes in derbyhis former team-mate mario balotelli tweeted his delight after the goalbut the now-liverpool striker benefited more from city losing derbyhe and his anfield team-mates face newcastle on monday evening']\n", - "mario balotelli revealed his delight on twitter after manchester city forward sergio aguero struck early on against manchester united , even though city 's eventual defeat was good news for liverpool .argentine striker aguero opened the scoring after eight minutes at old trafford , and his controversial former city team-mate took the opportunity to lay into his biggest rivals from his time at the etihad stadium and at anfield .liverpool - and balotelli - face newcastle united on monday night with the chance of closing the gap on city in fourth to four points in the barclays premier league .\n", - "manchester united beat manchester city 4-2 at old trafford on sundaysergio aguero gave city the lead after just eight minutes in derbyhis former team-mate mario balotelli tweeted his delight after the goalbut the now-liverpool striker benefited more from city losing derbyhe and his anfield team-mates face newcastle on monday evening\n", - "[1.4225215 1.5567513 1.2077256 1.4905047 1.2996969 1.1193142 1.0199775\n", - " 1.0143042 1.0094781 1.0144236 1.0639105 1.0846628 1.0995238 1.2139504\n", - " 1.0696 1.0175339 1.0121586 1.0291253 1.134964 ]\n", - "\n", - "[ 1 3 0 4 13 2 18 5 12 11 14 10 17 6 15 9 7 16 8]\n", - "=======================\n", - "[\"rosberg will start sunday 's race behind team-mate lewis hamilton after he missed out on pole by just 0.042 secs in shanghai .nico rosberg has accused his own mercedes team of putting him ` under pressure ' during qualifying for the chinese grand prix .the german has now been out-qualified by hamilton at each of the three races this season\"]\n", - "=======================\n", - "[\"nico rosberg was the last driver out of the pit-lane and was forced to turn in a quicker out-lap than he would have liked ahead of his final shot at polethe german narrowly missed out to his team-mate lewis hamiltonrosberg was just 0.042 secs slower than his mercedes rivalrosberg also said : ` oh , come on , guys ' , over the team radio after he was informed he 'd missed out on pole for tomorrow 's chinese grand prix\"]\n", - "rosberg will start sunday 's race behind team-mate lewis hamilton after he missed out on pole by just 0.042 secs in shanghai .nico rosberg has accused his own mercedes team of putting him ` under pressure ' during qualifying for the chinese grand prix .the german has now been out-qualified by hamilton at each of the three races this season\n", - "nico rosberg was the last driver out of the pit-lane and was forced to turn in a quicker out-lap than he would have liked ahead of his final shot at polethe german narrowly missed out to his team-mate lewis hamiltonrosberg was just 0.042 secs slower than his mercedes rivalrosberg also said : ` oh , come on , guys ' , over the team radio after he was informed he 'd missed out on pole for tomorrow 's chinese grand prix\n", - "[1.3132951 1.3131998 1.2570844 1.3289368 1.1578084 1.0318816 1.0281445\n", - " 1.0912791 1.0207264 1.0210012 1.0428213 1.0831704 1.0212258 1.0969824\n", - " 1.2227552 1.072151 1.0606507 1.0511801 1.0352614]\n", - "\n", - "[ 3 0 1 2 14 4 13 7 11 15 16 17 10 18 5 6 12 9 8]\n", - "=======================\n", - "[\"plea : the mother of jihadi bride khadijah dare ( pictured ) has issued a plea for her to return homeshe was among the first britons to join the terrorists of islamic state and regularly takes to twitter to issue violent threats , including one in which she spoke of her wish to become the first woman to behead a westerner .but despite all that , khadijah dare 's heartbroken mother victoria has used her first ever interview to call upon her daughter to return and says she wants her only child in her life .\"]\n", - "=======================\n", - "[\"grace dare , who now uses the name khadijah , is with isis in syriaher heartbroken mother victoria , from lewisham , has spoken for first timehas issued a plea for her daughter and grandson to come homesays dare was a devout christian as a child and ` loved to pray 'her daughter has become a terrorist poster girl and regularly issues threatsdare has said she wants to become the first woman to behead a westernerher swedish husband abu bakr has reportedly been killedbritain 's jihadi brides , tonight at 9pm on bbc2\"]\n", - "plea : the mother of jihadi bride khadijah dare ( pictured ) has issued a plea for her to return homeshe was among the first britons to join the terrorists of islamic state and regularly takes to twitter to issue violent threats , including one in which she spoke of her wish to become the first woman to behead a westerner .but despite all that , khadijah dare 's heartbroken mother victoria has used her first ever interview to call upon her daughter to return and says she wants her only child in her life .\n", - "grace dare , who now uses the name khadijah , is with isis in syriaher heartbroken mother victoria , from lewisham , has spoken for first timehas issued a plea for her daughter and grandson to come homesays dare was a devout christian as a child and ` loved to pray 'her daughter has become a terrorist poster girl and regularly issues threatsdare has said she wants to become the first woman to behead a westernerher swedish husband abu bakr has reportedly been killedbritain 's jihadi brides , tonight at 9pm on bbc2\n", - "[1.3413681 1.4046031 1.1861398 1.1465888 1.2303476 1.2056139 1.1680353\n", - " 1.0462856 1.1181872 1.1228613 1.0626296 1.0462352 1.0307122 1.0348803\n", - " 1.0319118 1.0173709 1.0497568 0. 0. ]\n", - "\n", - "[ 1 0 4 5 2 6 3 9 8 10 16 7 11 13 14 12 15 17 18]\n", - "=======================\n", - "[\"the jet may have been caused by a wave of heat reaching ice trapped under the surface , causing an explosion of material .esa 's rosetta spacecraft has captured stunning images of a dust jet erupting from comet 67p churyumov-gerasimenko .the first image was taken at 7:13 am bst ( 2:13 am est ) on 12 march , and the second was taken two minutes later .\"]\n", - "=======================\n", - "['scientists in germany observed a jet erupting from comet 67pthe event was captured by the osiris camera on the rosetta spacecraftin images two minutes apart , the jet appears on the dark side of the cometit may have formed when melting ice caused an explosion of material']\n", - "the jet may have been caused by a wave of heat reaching ice trapped under the surface , causing an explosion of material .esa 's rosetta spacecraft has captured stunning images of a dust jet erupting from comet 67p churyumov-gerasimenko .the first image was taken at 7:13 am bst ( 2:13 am est ) on 12 march , and the second was taken two minutes later .\n", - "scientists in germany observed a jet erupting from comet 67pthe event was captured by the osiris camera on the rosetta spacecraftin images two minutes apart , the jet appears on the dark side of the cometit may have formed when melting ice caused an explosion of material\n", - "[1.2697903 1.4005426 1.334701 1.2938902 1.1904402 1.1190138 1.1112103\n", - " 1.1020446 1.0357143 1.039737 1.0528221 1.1525186 1.1535678 1.0351559\n", - " 1.0120262 1.0340203 1.0091345 1.0381846 1.0136596]\n", - "\n", - "[ 1 2 3 0 4 12 11 5 6 7 10 9 17 8 13 15 18 14 16]\n", - "=======================\n", - "[\"the tory leader hit back at presenter andrew marr , after being left baffled by questions during an interview on sunday .it came as mr cameron turned the clock back to ape john major 's election soapbox by climbing on to a wooden pallet to address the party faithful , but ended up being heckled by someone claiming ` the nhs is dying ' .david cameron today accused the bbc of peddling ` b ******* ' after claiming his favourite sport was foxhunting .\"]\n", - "=======================\n", - "[\"tory leader hits back at bbc 's andrew marr after interview on live tvmarr twice said the pm told a magazine foxhunting is his favourite sportpresenter has admitted mistake , insisting it was a ` cock up not conspiracy 'cameron climbs on to wooden pallet to address party faithful in yorkshirebut he was heckled by a factory worker who said the ` nhs is dying '\"]\n", - "the tory leader hit back at presenter andrew marr , after being left baffled by questions during an interview on sunday .it came as mr cameron turned the clock back to ape john major 's election soapbox by climbing on to a wooden pallet to address the party faithful , but ended up being heckled by someone claiming ` the nhs is dying ' .david cameron today accused the bbc of peddling ` b ******* ' after claiming his favourite sport was foxhunting .\n", - "tory leader hits back at bbc 's andrew marr after interview on live tvmarr twice said the pm told a magazine foxhunting is his favourite sportpresenter has admitted mistake , insisting it was a ` cock up not conspiracy 'cameron climbs on to wooden pallet to address party faithful in yorkshirebut he was heckled by a factory worker who said the ` nhs is dying '\n", - "[1.2135108 1.4830987 1.1920167 1.3400114 1.2649164 1.0739545 1.084978\n", - " 1.0359844 1.0960873 1.0823797 1.0487036 1.055409 1.0979894 1.0241787\n", - " 1.1254407 1.0862646 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 0 2 14 12 8 15 6 9 5 11 10 7 13 17 16 18]\n", - "=======================\n", - "[\"homaro cantu , 38 , was found hanging inside crooked fork brewery , the new restaurant he was opening up with his business partner on the north side of chicago .an autopsy has been scheduled for wednesday , but authorities have already said they are investigating the married father-of-two 's death as a suicide .strained : a month before his death , cantu was hit with a lawsuit from an former investor in moto and failed restaurant ing , who accused him of commingling moto 's funds to keep his other business ventures afloat\"]\n", - "=======================\n", - "[\"homaru cantu , 38 , was found dead inside his upcoming restaurant , crooked fork brewery , on tuesdayan autopsy has been scheduled for wednesday , though authorities are investigating cantu 's death as an apparent suicidecantu worked for famed chicago chef charlie trotter for four years before opening his own restaurant , motoa month ago , a former investor filed a lawsuit against cantu , accusing the chef of using moto 's bank account for personal expensesaccording to friends , cantu had become strained in recent days because of the lawsuit\"]\n", - "homaro cantu , 38 , was found hanging inside crooked fork brewery , the new restaurant he was opening up with his business partner on the north side of chicago .an autopsy has been scheduled for wednesday , but authorities have already said they are investigating the married father-of-two 's death as a suicide .strained : a month before his death , cantu was hit with a lawsuit from an former investor in moto and failed restaurant ing , who accused him of commingling moto 's funds to keep his other business ventures afloat\n", - "homaru cantu , 38 , was found dead inside his upcoming restaurant , crooked fork brewery , on tuesdayan autopsy has been scheduled for wednesday , though authorities are investigating cantu 's death as an apparent suicidecantu worked for famed chicago chef charlie trotter for four years before opening his own restaurant , motoa month ago , a former investor filed a lawsuit against cantu , accusing the chef of using moto 's bank account for personal expensesaccording to friends , cantu had become strained in recent days because of the lawsuit\n", - "[1.1361663 1.4448196 1.3107901 1.1387912 1.0403584 1.0510238 1.026677\n", - " 1.085642 1.0279806 1.0622292 1.053502 1.0719985 1.0415307 1.0136245\n", - " 1.015096 1.1406689 0. 0. 0. ]\n", - "\n", - "[ 1 2 15 3 0 7 11 9 10 5 12 4 8 6 14 13 17 16 18]\n", - "=======================\n", - "['but the story of viv nicholson -- who died on saturday aged 79 -- is an exuberant lesson in what happens when you ignore all the advice and just blow the lot .when viv , a cake-factory worker from castleford in yorkshire , and her coal miner husband keith won # 152,319 , 18 shillings and 8d on the littlewoods pools in 1961 -- the equivalent of around # 3 million today -- she announced that her life from now on would emphatically be neither sensible nor boring .in the money : viv and husbandkeith receiving their chequefrom bruce forsyth in 1961']\n", - "=======================\n", - "[\"viv won # 152,319 , 18 shillings and 8d on the littlewoods pools in 1961afterwards announced her life would no longer be sensible or boringsaid she would ` spend , spend spend ' in phrase that prase that became the title of a hit musical\"]\n", - "but the story of viv nicholson -- who died on saturday aged 79 -- is an exuberant lesson in what happens when you ignore all the advice and just blow the lot .when viv , a cake-factory worker from castleford in yorkshire , and her coal miner husband keith won # 152,319 , 18 shillings and 8d on the littlewoods pools in 1961 -- the equivalent of around # 3 million today -- she announced that her life from now on would emphatically be neither sensible nor boring .in the money : viv and husbandkeith receiving their chequefrom bruce forsyth in 1961\n", - "viv won # 152,319 , 18 shillings and 8d on the littlewoods pools in 1961afterwards announced her life would no longer be sensible or boringsaid she would ` spend , spend spend ' in phrase that prase that became the title of a hit musical\n", - "[1.2786887 1.5270133 1.1373882 1.2806504 1.1749264 1.1845291 1.141181\n", - " 1.0976002 1.0439748 1.0297664 1.0706489 1.0710635 1.084391 1.1261172\n", - " 1.056423 1.0295904 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 5 4 6 2 13 7 12 11 10 14 8 9 15 16 17 18]\n", - "=======================\n", - "['the three-year-old was killed by his mother rosdeep adekoya , who beat him for being sick and left him to die in agony for three days before hiding his body in a suitcase and dumping it in woods .nine council workers have been sacked for inappropriately accessing confidential social work files on tragic toddler mikaeel kular .it has now been revealed at least nine workers were subject to disciplinary action and subsequently dismissed after looking at documents relating to the high-profile case without permission .']\n", - "=======================\n", - "[\"fife council launched internal investigation following accusationsrosdeep adekoya beat son mikaeel to death then buried body in woodsfamily were known to social services in fife but had moved to edinburghpolice scotland investigated ` data management ' at the council\"]\n", - "the three-year-old was killed by his mother rosdeep adekoya , who beat him for being sick and left him to die in agony for three days before hiding his body in a suitcase and dumping it in woods .nine council workers have been sacked for inappropriately accessing confidential social work files on tragic toddler mikaeel kular .it has now been revealed at least nine workers were subject to disciplinary action and subsequently dismissed after looking at documents relating to the high-profile case without permission .\n", - "fife council launched internal investigation following accusationsrosdeep adekoya beat son mikaeel to death then buried body in woodsfamily were known to social services in fife but had moved to edinburghpolice scotland investigated ` data management ' at the council\n", - "[1.2434819 1.4186037 1.4313388 1.18549 1.2125387 1.1111934 1.343159\n", - " 1.0167483 1.0188287 1.0672017 1.073381 1.085739 1.0491894 1.043299\n", - " 1.1422436 1.0577046 1.0386512 0. 0. ]\n", - "\n", - "[ 2 1 6 0 4 3 14 5 11 10 9 15 12 13 16 8 7 17 18]\n", - "=======================\n", - "[\"he was released on licence in january after spending 17 years in jail for the murder of maureen comfort , who was found dead in 1996 .william kerr , 53 , is believed to have travelled to london after disappearing from approved premises in hull .police are offering a # 5,000 reward for information on the whereabouts of a ` very dangerous ' convicted murderer who is on the run after being released from jail on licence .\"]\n", - "=======================\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['william kerr , 53 , was convicted of murdering maureen comforthe was released from prison in january but has now disappeared from approved premises in hullcrimestoppers offer # 5,000 to find kerr , who is believed to be in london']\n", - "he was released on licence in january after spending 17 years in jail for the murder of maureen comfort , who was found dead in 1996 .william kerr , 53 , is believed to have travelled to london after disappearing from approved premises in hull .police are offering a # 5,000 reward for information on the whereabouts of a ` very dangerous ' convicted murderer who is on the run after being released from jail on licence .\n", - "william kerr , 53 , was convicted of murdering maureen comforthe was released from prison in january but has now disappeared from approved premises in hullcrimestoppers offer # 5,000 to find kerr , who is believed to be in london\n", - "[1.2237933 1.4831724 1.1627979 1.1873777 1.3449357 1.1604812 1.1228491\n", - " 1.1494828 1.135881 1.0311712 1.0486764 1.0791938 1.070629 1.0418334\n", - " 1.077693 1.0640498 1.0875846 1.1137646 1.0410407]\n", - "\n", - "[ 1 4 0 3 2 5 7 8 6 17 16 11 14 12 15 10 13 18 9]\n", - "=======================\n", - "['robert butler , 43 , was transported inside a shipping container from bannister house in providence , rhode island to the eleanor slater hospital in cranston .a 1,200lb-man forced to move from his financially-troubled nursing home was hoisted from the building by a crane and driven to his new residence on a flatbed truck .the operation took almost seven hours on sunday and involved the providence and cranston fire departments , lifespan , the hospital association of rhode island and bay crane northeast .']\n", - "=======================\n", - "['robert butler , 43 , transported inside a shipping container from bannister house in providence , rhode island , to eleanor slater hospital in cranstonthe complex operation on sunday took 7 hours and involved two local fire departmentsmr butler has had a decade-long battle with his weight and depression']\n", - "robert butler , 43 , was transported inside a shipping container from bannister house in providence , rhode island to the eleanor slater hospital in cranston .a 1,200lb-man forced to move from his financially-troubled nursing home was hoisted from the building by a crane and driven to his new residence on a flatbed truck .the operation took almost seven hours on sunday and involved the providence and cranston fire departments , lifespan , the hospital association of rhode island and bay crane northeast .\n", - "robert butler , 43 , transported inside a shipping container from bannister house in providence , rhode island , to eleanor slater hospital in cranstonthe complex operation on sunday took 7 hours and involved two local fire departmentsmr butler has had a decade-long battle with his weight and depression\n", - "[1.3055227 1.5011622 1.2288781 1.28622 1.1424778 1.132602 1.0679232\n", - " 1.0491223 1.0230548 1.0204129 1.0238687 1.0154394 1.0219072 1.0161197\n", - " 1.0313784 1.1150606 1.081307 1.0460267 1.0647681 1.2714269 1.0868857\n", - " 1.0290715]\n", - "\n", - "[ 1 0 3 19 2 4 5 15 20 16 6 18 7 17 14 21 10 8 12 9 13 11]\n", - "=======================\n", - "[\"caron wyn jones , father of welsh first minister carwyn jones , underwent a hip operation at a private clinic in bridgend .ed miliband 's strategy of attacking the tories for trying to ` privatise ' the nhs backfired last night after the father of a senior labour politician admitted he had paid for treatment .he paid because the welsh nhs could not perform the operation soon enough -- and he was keen to get it done before a holiday .\"]\n", - "=======================\n", - "[\"labour leader ed miliband attacked the tories for trying to ` privatise ' nhsstrategy backfired as welsh first minister 's father sought private treatmentcarwyn jones ' father caron has a hip operation at a private bridgend clinicsaid he paid because welsh nhs could not perform procedure soon enough\"]\n", - "caron wyn jones , father of welsh first minister carwyn jones , underwent a hip operation at a private clinic in bridgend .ed miliband 's strategy of attacking the tories for trying to ` privatise ' the nhs backfired last night after the father of a senior labour politician admitted he had paid for treatment .he paid because the welsh nhs could not perform the operation soon enough -- and he was keen to get it done before a holiday .\n", - "labour leader ed miliband attacked the tories for trying to ` privatise ' nhsstrategy backfired as welsh first minister 's father sought private treatmentcarwyn jones ' father caron has a hip operation at a private bridgend clinicsaid he paid because welsh nhs could not perform procedure soon enough\n", - "[1.3365111 1.201365 1.3171358 1.3684347 1.0823022 1.1302432 1.0845761\n", - " 1.0698997 1.1982162 1.0555497 1.0517808 1.0525944 1.0694541 1.0790399\n", - " 1.0469421 1.0263764 1.0213038 1.0104108 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 0 2 1 8 5 6 4 13 7 12 9 11 10 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "['instead , consumers willing to shell out between # 299 to # 13,500 - for the gold edition - have to pre-order the watches online and wait for their arrival until june .the apple watch is officially going on sale today - but none of its stores will have them in stockanalysts believe apple is sitting on some two million pre-orders and that sales could top 20 million this year .']\n", - "=======================\n", - "['apple launches its first smartwatch today - but its stores will not stock itonline consumers must shell out # 300 and then wait for a june deliveryanalysts believe apple feared queues may have been embarrassingly smallhowever , it is believed apple is sitting on some two million pre-orders']\n", - "instead , consumers willing to shell out between # 299 to # 13,500 - for the gold edition - have to pre-order the watches online and wait for their arrival until june .the apple watch is officially going on sale today - but none of its stores will have them in stockanalysts believe apple is sitting on some two million pre-orders and that sales could top 20 million this year .\n", - "apple launches its first smartwatch today - but its stores will not stock itonline consumers must shell out # 300 and then wait for a june deliveryanalysts believe apple feared queues may have been embarrassingly smallhowever , it is believed apple is sitting on some two million pre-orders\n", - "[1.3004632 1.3101978 1.2155948 1.4007215 1.1857983 1.1702598 1.112074\n", - " 1.0802362 1.0438329 1.0556011 1.0670478 1.0120772 1.054299 1.0254983\n", - " 1.1797147 1.0731386 1.0648024 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 0 2 4 14 5 6 7 15 10 16 9 12 8 13 11 17 18 19 20 21]\n", - "=======================\n", - "['cristiano ronaldo scored an incredible five goals against granada to lift his tally for the season to 36granada were torn to shreds by ronaldo and his real team-mates as the european champions won 9-1 at the bernabeu , and their portuguese talisman managed the first five-goal haul of his career .lionel messi and barcelona came out on top in el clasico but he has fewer league goals than ronaldo']\n", - "=======================\n", - "[\"real madrid beat granada 9-1 , with cristiano ronaldo scoring five goalsthe portuguese forward now has 36 goals this season in la ligathat league tally is more than the totals for 53 of europe 's top 98 teamsnine teams in the barclays premier league have fewer goals this season\"]\n", - "cristiano ronaldo scored an incredible five goals against granada to lift his tally for the season to 36granada were torn to shreds by ronaldo and his real team-mates as the european champions won 9-1 at the bernabeu , and their portuguese talisman managed the first five-goal haul of his career .lionel messi and barcelona came out on top in el clasico but he has fewer league goals than ronaldo\n", - "real madrid beat granada 9-1 , with cristiano ronaldo scoring five goalsthe portuguese forward now has 36 goals this season in la ligathat league tally is more than the totals for 53 of europe 's top 98 teamsnine teams in the barclays premier league have fewer goals this season\n", - "[1.3221018 1.3148425 1.2053454 1.1262908 1.2896725 1.1225966 1.189766\n", - " 1.0548189 1.0554088 1.1877583 1.0855086 1.0475076 1.0433345 1.0197233\n", - " 1.0450256 1.0485067 1.0650617 1.0591215 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 4 2 6 9 3 5 10 16 17 8 7 15 11 14 12 13 20 18 19 21]\n", - "=======================\n", - "[\"killer cop michael slager is not eligible for south carolina 's death penalty even if he is convicted of murder , according to local prosecutors .the north charleston police officer ca n't be executed for shooting walter scott in the back because the killing did not include any of a list of narrowly-defined ` aggravating circumstances ' which state law says are conditions of the death penalty .it came as evidence against slager continues to mount , the latest of which is dash cam footage of him discharging a taser into a black man 's back filed as part of an excessive force lawsuit .\"]\n", - "=======================\n", - "[\"michael slager , who shot scott in north charleston , is n't eligible for deathprosecutors said his actions do n't include the ` aggravating circumstances ' that south carolina law requires for executioncame as an excessive force lawsuit from 2014 was filed against officerjulius wilson is shown on dash cam being hit by taser after traffic stop\"]\n", - "killer cop michael slager is not eligible for south carolina 's death penalty even if he is convicted of murder , according to local prosecutors .the north charleston police officer ca n't be executed for shooting walter scott in the back because the killing did not include any of a list of narrowly-defined ` aggravating circumstances ' which state law says are conditions of the death penalty .it came as evidence against slager continues to mount , the latest of which is dash cam footage of him discharging a taser into a black man 's back filed as part of an excessive force lawsuit .\n", - "michael slager , who shot scott in north charleston , is n't eligible for deathprosecutors said his actions do n't include the ` aggravating circumstances ' that south carolina law requires for executioncame as an excessive force lawsuit from 2014 was filed against officerjulius wilson is shown on dash cam being hit by taser after traffic stop\n", - "[1.1673257 1.3562894 1.1461526 1.1202204 1.0759029 1.0822601 1.143875\n", - " 1.1255009 1.074878 1.1001261 1.0658231 1.0507809 1.0315694 1.0543189\n", - " 1.0472246 1.052738 1.070856 1.0226109 1.0961314 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 6 7 3 9 18 5 4 8 16 10 13 15 11 14 12 17 20 19 21]\n", - "=======================\n", - "[\"the low-key video she released on sunday announcing her run for the white house is filled with women -- young , old , black , white , asian and latina -- working in their gardens , taking care of their kids and getting ready for life in the working world .washington ( cnn ) it 's the mistake that hillary clinton wo n't make again : ignoring her gender .clinton , who made herself the center of her campaign announcement in 2007 , is barely in the video at all , appearing at the end as a kind of everywoman whose story and fight could be folded in with all the others .\"]\n", - "=======================\n", - "['hillary clinton could be helped by an improving climate for women in politicsrepublicans hope the gender play backfires and that voters are fatigued by identity politicsthe emphasis on women as a possible campaign theme is a reversal of her 2008 strategy']\n", - "the low-key video she released on sunday announcing her run for the white house is filled with women -- young , old , black , white , asian and latina -- working in their gardens , taking care of their kids and getting ready for life in the working world .washington ( cnn ) it 's the mistake that hillary clinton wo n't make again : ignoring her gender .clinton , who made herself the center of her campaign announcement in 2007 , is barely in the video at all , appearing at the end as a kind of everywoman whose story and fight could be folded in with all the others .\n", - "hillary clinton could be helped by an improving climate for women in politicsrepublicans hope the gender play backfires and that voters are fatigued by identity politicsthe emphasis on women as a possible campaign theme is a reversal of her 2008 strategy\n", - "[1.4120995 1.0759628 1.2457931 1.2578436 1.3385497 1.1628585 1.1963907\n", - " 1.0712117 1.1260003 1.0371232 1.1036301 1.0670252 1.083676 1.014742\n", - " 1.0777727 1.0511094 1.0765489 1.072588 ]\n", - "\n", - "[ 0 4 3 2 6 5 8 10 12 14 16 1 17 7 11 15 9 13]\n", - "=======================\n", - "['at 6-foot-5 and 289lb jj watt is a terror on the football field - recording more than 20 sacks and forcing four fumbles for the houston texans with his explosive speed and power last season .jj watt performed an incredible 61-inch box standing box jump .an impressive feat for a man who weighs nearly 300 pounds']\n", - "=======================\n", - "['the houston texans defensive end released the video as part of his announcement of signing a reebok endorsement dealwatt , 26 , is 6-foot-5 and 289lbs']\n", - "at 6-foot-5 and 289lb jj watt is a terror on the football field - recording more than 20 sacks and forcing four fumbles for the houston texans with his explosive speed and power last season .jj watt performed an incredible 61-inch box standing box jump .an impressive feat for a man who weighs nearly 300 pounds\n", - "the houston texans defensive end released the video as part of his announcement of signing a reebok endorsement dealwatt , 26 , is 6-foot-5 and 289lbs\n", - "[1.0568374 1.1490859 1.4743136 1.2948568 1.1773863 1.1407874 1.0977592\n", - " 1.0411758 1.1283557 1.2266909 1.047498 1.081087 1.0214695 1.0519007\n", - " 1.0465611 1.0134122 0. 0. ]\n", - "\n", - "[ 2 3 9 4 1 5 8 6 11 0 13 10 14 7 12 15 16 17]\n", - "=======================\n", - "[\"the quaint capital city put on one hell of a show last weekend for its inaugural cubadupa festival -- a colourful party that shut down streets and spanned several blocks .wellington batucada -- a community-based percussion group -- brought the flamboyant world of samba to cuba street with late night revellers eager to be part of the dancing street party unfoldingbut in actual fact it 's wellington in new zealand .\"]\n", - "=======================\n", - "[\"wellington held its inaugural cubadupa festival bringing in performers from across the worldnew zealand 's capital shut down several streets for the colourful party that spanned several blocksthe iconic and bohemian cuba street was the centre point of all activity and drew in thousands despite the rain\"]\n", - "the quaint capital city put on one hell of a show last weekend for its inaugural cubadupa festival -- a colourful party that shut down streets and spanned several blocks .wellington batucada -- a community-based percussion group -- brought the flamboyant world of samba to cuba street with late night revellers eager to be part of the dancing street party unfoldingbut in actual fact it 's wellington in new zealand .\n", - "wellington held its inaugural cubadupa festival bringing in performers from across the worldnew zealand 's capital shut down several streets for the colourful party that spanned several blocksthe iconic and bohemian cuba street was the centre point of all activity and drew in thousands despite the rain\n", - "[1.2938714 1.4076657 1.3501903 1.0968596 1.0453223 1.2250614 1.101301\n", - " 1.1285441 1.076267 1.0816978 1.1442174 1.1114762 1.05206 1.0147607\n", - " 1.1021328 1.018708 0. 0. ]\n", - "\n", - "[ 1 2 0 5 10 7 11 14 6 3 9 8 12 4 15 13 16 17]\n", - "=======================\n", - "[\"the bizarre search began on queensland 's gold coast as authorities tried to locate the reptile which could pose a threat to local wildlife and even people 's pet cats and dogs .snake catcher tony harrison warned that if the large-predatory boa has inclusion body disease ` it can be unbelievably contagious if that gets loose in australia ' .the search for a two-metre south american boa constrictor , on the loose after police mistakenly believed it was a harmless australian python and set it free , has been called off .\"]\n", - "=======================\n", - "[\"the boa constrictor is still on the loose on queensland 's gold coastpolice released it into the wild because they thought it was a pythonthe south american snake poses a biosecurity hazardsnake catcher tony harrison said it was probably imported illegallyfears that if the snake is pregnant up to 30 live young could also be loose\"]\n", - "the bizarre search began on queensland 's gold coast as authorities tried to locate the reptile which could pose a threat to local wildlife and even people 's pet cats and dogs .snake catcher tony harrison warned that if the large-predatory boa has inclusion body disease ` it can be unbelievably contagious if that gets loose in australia ' .the search for a two-metre south american boa constrictor , on the loose after police mistakenly believed it was a harmless australian python and set it free , has been called off .\n", - "the boa constrictor is still on the loose on queensland 's gold coastpolice released it into the wild because they thought it was a pythonthe south american snake poses a biosecurity hazardsnake catcher tony harrison said it was probably imported illegallyfears that if the snake is pregnant up to 30 live young could also be loose\n", - "[1.238094 1.5150297 1.1874537 1.1478505 1.2317173 1.2120333 1.1770567\n", - " 1.0556095 1.1102127 1.0478119 1.0827055 1.0720494 1.0882995 1.0710003\n", - " 1.0898912 1.0967605 0. 0. ]\n", - "\n", - "[ 1 0 4 5 2 6 3 8 15 14 12 10 11 13 7 9 16 17]\n", - "=======================\n", - "[\"jesse roepcke , 27 , from summerfield , was busted in ormond beach sunday on charges of pointing a laser at a driver or pilot and possession or use of narcotic paraphernalia .as he was been strip-searched , a bag of marijuana fell out of his rectumdangerous pastime : police say roepcke spent sunday evening riding around ormond beach , florida , with his fiancee brandie tate ( pictured ) and shining a light in other drivers ' faces\"]\n", - "=======================\n", - "[\"jesse roepcke , 27 , charged with pointing a laser at a driver or pilot and possession or use of narcotic paraphernaliahe is accused of riding around ormond beach , florida , with his fiancee and shining a laser at passing carsduring traffic stop , roepcke told police he was just having fun and did n't know shining a light in drivers ' faces was illegala strip search in jail revealed roepcke had 18-gram bag of marijuana in his rectum\"]\n", - "jesse roepcke , 27 , from summerfield , was busted in ormond beach sunday on charges of pointing a laser at a driver or pilot and possession or use of narcotic paraphernalia .as he was been strip-searched , a bag of marijuana fell out of his rectumdangerous pastime : police say roepcke spent sunday evening riding around ormond beach , florida , with his fiancee brandie tate ( pictured ) and shining a light in other drivers ' faces\n", - "jesse roepcke , 27 , charged with pointing a laser at a driver or pilot and possession or use of narcotic paraphernaliahe is accused of riding around ormond beach , florida , with his fiancee and shining a laser at passing carsduring traffic stop , roepcke told police he was just having fun and did n't know shining a light in drivers ' faces was illegala strip search in jail revealed roepcke had 18-gram bag of marijuana in his rectum\n", - "[1.1194034 1.2572143 1.2532519 1.3326787 1.2089826 1.1175964 1.1234804\n", - " 1.1147411 1.033586 1.0272797 1.0760967 1.1081272 1.0703603 1.0546985\n", - " 1.1195682 1.0603427 1.0508891 0. ]\n", - "\n", - "[ 3 1 2 4 6 14 0 5 7 11 10 12 15 13 16 8 9 17]\n", - "=======================\n", - "[\"the researchers studied stone tools that were used by people in the early ahmarian culture and the protoaurignacian culture , living in south and west europe and west asia around 40,000 years ago .one theory is that early modern humans ` bullied ' their neanderthal cousins to the point of extinction because they had better tools to survive .but a new study of ancient stone tools contradicts this theory by suggesting human weapons were no better than those created by neanderthals .\"]\n", - "=======================\n", - "['japanese researchers studied ancient stone weapons created by humansthey were no more effective than neanderthal-created tools of same erasuggests humans and neanderthals may not have behaved that differentlycontradicts theory that human hunting led to the demise of neanderthals']\n", - "the researchers studied stone tools that were used by people in the early ahmarian culture and the protoaurignacian culture , living in south and west europe and west asia around 40,000 years ago .one theory is that early modern humans ` bullied ' their neanderthal cousins to the point of extinction because they had better tools to survive .but a new study of ancient stone tools contradicts this theory by suggesting human weapons were no better than those created by neanderthals .\n", - "japanese researchers studied ancient stone weapons created by humansthey were no more effective than neanderthal-created tools of same erasuggests humans and neanderthals may not have behaved that differentlycontradicts theory that human hunting led to the demise of neanderthals\n", - "[1.3356568 1.2680032 1.2003579 1.2679973 1.2324891 1.1172278 1.1014934\n", - " 1.1029935 1.0365381 1.0448048 1.0917242 1.0517635 1.0573128 1.0632398\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 4 2 5 7 6 10 13 12 11 9 8 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"catholic bishops in america have denounced wolf hall as a ` prejudice-laden presentation of the past ' as the acclaimed bbc drama was broadcast in the u.s. for the first time .the review attacked the six-part series as ` a work of fiction that adopts a narrow , revisionist and anti-catholic point of view toward the religious turmoil of the tudor period in which it 's set ' .the audience is encouraged to support ` monster ' thomas cromwell , played by mark rylance in the hit series , a damning review by the catholic news service in america said after the first episode was aired in the usa\"]\n", - "=======================\n", - "[\"review by catholic news service says hit show is not historically accurateslams depiction of catholic saint sir thomas more as ` just plain rude 'audience encouraged to root for ` monster ' thomas cromwell , review addsprogramme starring damian lewis screened for first time in us on sunday\"]\n", - "catholic bishops in america have denounced wolf hall as a ` prejudice-laden presentation of the past ' as the acclaimed bbc drama was broadcast in the u.s. for the first time .the review attacked the six-part series as ` a work of fiction that adopts a narrow , revisionist and anti-catholic point of view toward the religious turmoil of the tudor period in which it 's set ' .the audience is encouraged to support ` monster ' thomas cromwell , played by mark rylance in the hit series , a damning review by the catholic news service in america said after the first episode was aired in the usa\n", - "review by catholic news service says hit show is not historically accurateslams depiction of catholic saint sir thomas more as ` just plain rude 'audience encouraged to root for ` monster ' thomas cromwell , review addsprogramme starring damian lewis screened for first time in us on sunday\n", - "[1.4353586 1.3646996 1.1423173 1.1134272 1.4208356 1.3183724 1.0287937\n", - " 1.0370954 1.1258278 1.1150461 1.1246072 1.0529935 1.1254635 1.100163\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 4 1 5 2 8 12 10 9 3 13 11 7 6 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "['manager micky adams has left tranmere by mutual consent with just two games of the season to play .rovers suffered a fourth consecutive defeat on saturday , leaving them bottom of sky bet league two and two points adrift of safety .fans of the league two side called for adams to leave the club after their 3-0 loss on saturday afternoon']\n", - "=======================\n", - "['micky adams has left role at prenton park with just two games left to playtranmere fans called for adams to leave the club after 3-0 loss by oxfordrovers are two points adrift of safety with just two games left to play']\n", - "manager micky adams has left tranmere by mutual consent with just two games of the season to play .rovers suffered a fourth consecutive defeat on saturday , leaving them bottom of sky bet league two and two points adrift of safety .fans of the league two side called for adams to leave the club after their 3-0 loss on saturday afternoon\n", - "micky adams has left role at prenton park with just two games left to playtranmere fans called for adams to leave the club after 3-0 loss by oxfordrovers are two points adrift of safety with just two games left to play\n", - "[1.5192624 1.3614695 1.1349914 1.4747452 1.3116063 1.0672804 1.0442244\n", - " 1.0575713 1.0415702 1.0295787 1.0237093 1.0436888 1.12134 1.1448535\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 4 13 2 12 5 7 6 11 8 9 10 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"paris saint-germain playmaker lucas moura has revealed he is ` obsessed ' with the way fellow south american lionel messi plays football .brazilians and argentines are known to be rivals when it comes to football , however moura has singled out messi for special praise ahead of his side 's champions league encounter against barcelona .psg go into their champions league clash against barcelona on the back of winning the french league cup\"]\n", - "=======================\n", - "[\"psg star lucas moura has lavished praise on barcelona star lionel messimoura has put brazil 's rivalry with argentina to one side to laud messipsg face barcelona at parc des princes on wednesday nightread : psg boss laurent blanc feels his side have hit momentum\"]\n", - "paris saint-germain playmaker lucas moura has revealed he is ` obsessed ' with the way fellow south american lionel messi plays football .brazilians and argentines are known to be rivals when it comes to football , however moura has singled out messi for special praise ahead of his side 's champions league encounter against barcelona .psg go into their champions league clash against barcelona on the back of winning the french league cup\n", - "psg star lucas moura has lavished praise on barcelona star lionel messimoura has put brazil 's rivalry with argentina to one side to laud messipsg face barcelona at parc des princes on wednesday nightread : psg boss laurent blanc feels his side have hit momentum\n", - "[1.334341 1.5805387 1.2288802 1.3003924 1.1594678 1.1389595 1.1773922\n", - " 1.0400051 1.0169423 1.0161175 1.0230193 1.0987703 1.017231 1.0183151\n", - " 1.051463 1.0340548 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 2 6 4 5 11 14 7 15 10 13 12 8 9 16 17 18 19 20 21]\n", - "=======================\n", - "[\"shane o'byrne and wife jaimie received the fine after they took their newborn baby cristabelle out for the first time in march 2013 .a couple spent two years battling the council over a # 2.20 parking ticket they say blew off their dashboard - and ended up having to pay # 400 .in the process of getting out of the car the ticket they had bought fell on the floor just underneath the driver 's seat - invisible to the warden who issued them with a penalty .\"]\n", - "=======================\n", - "[\"shane o'byrne and wife jaimie received the parking fine in march 2013couple , of portsmouth , had been taking newborn baby out for the first timeas they got out car the ticket they bought fell on floor below driver 's seatcouncil refused to let them off and initial # 25 fine escalated to # 400 bill\"]\n", - "shane o'byrne and wife jaimie received the fine after they took their newborn baby cristabelle out for the first time in march 2013 .a couple spent two years battling the council over a # 2.20 parking ticket they say blew off their dashboard - and ended up having to pay # 400 .in the process of getting out of the car the ticket they had bought fell on the floor just underneath the driver 's seat - invisible to the warden who issued them with a penalty .\n", - "shane o'byrne and wife jaimie received the parking fine in march 2013couple , of portsmouth , had been taking newborn baby out for the first timeas they got out car the ticket they bought fell on floor below driver 's seatcouncil refused to let them off and initial # 25 fine escalated to # 400 bill\n", - "[1.3795867 1.2111512 1.2304914 1.3533924 1.2539791 1.1704147 1.2017683\n", - " 1.1103317 1.0783014 1.0715281 1.0672143 1.0489653 1.0473611 1.0394644\n", - " 1.0346761 1.0398576 1.052603 1.052617 1.0265361 1.009642 1.0085827\n", - " 1.0066034]\n", - "\n", - "[ 0 3 4 2 1 6 5 7 8 9 10 17 16 11 12 15 13 14 18 19 20 21]\n", - "=======================\n", - "[\"tottenham striker harry kane capped off an ` unreal ' season as he beat off stiff competition to land the professional footballers ' association young player of the year 2015 on sunday .kane has scored 20 premier league goals for tottenham this year in a dream breakthrough seasonit 's been a memorable breakthrough year for kane , who spent time on loan at leyton orient , millwall , norwich city and leicester city before breaking into the spurs first-team under boss mauricio pochettino .\"]\n", - "=======================\n", - "['harry kane has scored 20 premier league goals for tottenham this seasonin a superb breakthrough year , kane also scored on senior england debutspurs striker beat off competition from david de gea and raheem sterlingchelsea playmaker eden hazard was crowned pfa player of the yearsteven gerrard and frank lampard share pfa merit awardthe pfa awards ceremony were held in london on sunday evening']\n", - "tottenham striker harry kane capped off an ` unreal ' season as he beat off stiff competition to land the professional footballers ' association young player of the year 2015 on sunday .kane has scored 20 premier league goals for tottenham this year in a dream breakthrough seasonit 's been a memorable breakthrough year for kane , who spent time on loan at leyton orient , millwall , norwich city and leicester city before breaking into the spurs first-team under boss mauricio pochettino .\n", - "harry kane has scored 20 premier league goals for tottenham this seasonin a superb breakthrough year , kane also scored on senior england debutspurs striker beat off competition from david de gea and raheem sterlingchelsea playmaker eden hazard was crowned pfa player of the yearsteven gerrard and frank lampard share pfa merit awardthe pfa awards ceremony were held in london on sunday evening\n", - "[1.2061127 1.3545467 1.168055 1.2125597 1.0384214 1.0969096 1.1272715\n", - " 1.1733128 1.0833747 1.0662773 1.0339346 1.0992799 1.0799673 1.0715257\n", - " 1.1050357 1.0654356 1.0451614 1.0246197 1.0483726 1.045479 1.024412 ]\n", - "\n", - "[ 1 3 0 7 2 6 14 11 5 8 12 13 9 15 18 19 16 4 10 17 20]\n", - "=======================\n", - "['roads around the missouri city were flooded in the intense downpour , with one town recording more than two inches of rain in half an hour .muds and floods : roads around st louis , missouri , were deluged with rainwater following fierce thunderstormslightning , floods and a deluge of hailstones descended on st louis tuesday as powerful storms pummeled the mid-united states .']\n", - "=======================\n", - "['st louis was hit tuesday by flash floodsa nearby town had more than two inches of rain in less than half an hour']\n", - "roads around the missouri city were flooded in the intense downpour , with one town recording more than two inches of rain in half an hour .muds and floods : roads around st louis , missouri , were deluged with rainwater following fierce thunderstormslightning , floods and a deluge of hailstones descended on st louis tuesday as powerful storms pummeled the mid-united states .\n", - "st louis was hit tuesday by flash floodsa nearby town had more than two inches of rain in less than half an hour\n", - "[1.4382802 1.278292 1.1361096 1.2593364 1.1223401 1.0798428 1.0405252\n", - " 1.1902803 1.1738077 1.0544984 1.0448011 1.0444533 1.069085 1.0416474\n", - " 1.0480323 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 7 8 2 4 5 12 9 14 10 11 13 6 19 15 16 17 18 20]\n", - "=======================\n", - "[\"in an effort to counter rival netflix 's entry into the australian market , cable tv 's foxtel will launch the third season of the critically acclaimed us women 's prison drama orange is the new black by screening every episode in a full season marathon .a kink in the agreement with us studio lionsgate - under which both foxtel and rival netflix share the rights - allows foxtel to offer episodes of the series as an on-demand streaming title as well .the established prison drama is currently one of netflix 's flagship tv shows\"]\n", - "=======================\n", - "[\"foxtel to screen critically acclaimed us women 's prison dramacable tv organisation will screen every episode in a full season marathona kink in the agreement with us studio lionsgate has created a loopholeit allows foxtel to offer episodes of the series as an on-demand option tooformer mtv australia and foxtel presenter ruby rose to appear in series\"]\n", - "in an effort to counter rival netflix 's entry into the australian market , cable tv 's foxtel will launch the third season of the critically acclaimed us women 's prison drama orange is the new black by screening every episode in a full season marathon .a kink in the agreement with us studio lionsgate - under which both foxtel and rival netflix share the rights - allows foxtel to offer episodes of the series as an on-demand streaming title as well .the established prison drama is currently one of netflix 's flagship tv shows\n", - "foxtel to screen critically acclaimed us women 's prison dramacable tv organisation will screen every episode in a full season marathona kink in the agreement with us studio lionsgate has created a loopholeit allows foxtel to offer episodes of the series as an on-demand option tooformer mtv australia and foxtel presenter ruby rose to appear in series\n", - "[1.3022699 1.2479799 1.3158176 1.2264605 1.2075531 1.2437298 1.1188201\n", - " 1.1341051 1.0866064 1.055443 1.0387895 1.0550072 1.1882092 1.0905901\n", - " 1.0601463 1.1454873 1.0276781 1.027221 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 5 3 4 12 15 7 6 13 8 14 9 11 10 16 17 18 19 20]\n", - "=======================\n", - "[\"the number of communications employees working for local government is more than two times that working across 20 central government departments .taxpayer money is being used to fund an ` army ' of spin doctors with more than 3,400 press officers employed by local councils across the uk .it has 77 individuals working for it in pr and similar areas .\"]\n", - "=======================\n", - "[\"taxpayer money used to pay for an ` army ' of spin doctors in local areasthe number of communications staff in local government more than 3,400total is more than double the number working across central governmentlondon has 425 members of pr staff working across its local authorities\"]\n", - "the number of communications employees working for local government is more than two times that working across 20 central government departments .taxpayer money is being used to fund an ` army ' of spin doctors with more than 3,400 press officers employed by local councils across the uk .it has 77 individuals working for it in pr and similar areas .\n", - "taxpayer money used to pay for an ` army ' of spin doctors in local areasthe number of communications staff in local government more than 3,400total is more than double the number working across central governmentlondon has 425 members of pr staff working across its local authorities\n", - "[1.2932894 1.34951 1.3884256 1.2683938 1.0846767 1.1599932 1.0269637\n", - " 1.0290967 1.0337839 1.0387499 1.0333507 1.0417165 1.2051301 1.1361074\n", - " 1.1022433 1.07757 1.0449377 1.0808815 1.0852711 0. 0. ]\n", - "\n", - "[ 2 1 0 3 12 5 13 14 18 4 17 15 16 11 9 8 10 7 6 19 20]\n", - "=======================\n", - "[\"police were called to disperse over 200 teenagers just before 10pm after members of the community centre unsuccessfully tried to break up the fight .the violent conflict was captured by queensland police helicopter , and shows the a small scuffle escalate into an all-in fight as more teenagers , who had gathered at the serbian community centre in willawong , join in the fray .shocking footage has been released by police of a brawl involving more than 70 teenagers , after a ` facebook ' party in brisbane 's south spiraled out of control on tuesday night .\"]\n", - "=======================\n", - "['footage of a brawl involving 70 teenagers has been releasedthe fight happened on tuesday outside a community centre in brisbaneowners were told that 30 people were attending but more than 200 arrivedthe violent fray was captured by police helicopter footagefour people have been arrested over the incident and will appear in court']\n", - "police were called to disperse over 200 teenagers just before 10pm after members of the community centre unsuccessfully tried to break up the fight .the violent conflict was captured by queensland police helicopter , and shows the a small scuffle escalate into an all-in fight as more teenagers , who had gathered at the serbian community centre in willawong , join in the fray .shocking footage has been released by police of a brawl involving more than 70 teenagers , after a ` facebook ' party in brisbane 's south spiraled out of control on tuesday night .\n", - "footage of a brawl involving 70 teenagers has been releasedthe fight happened on tuesday outside a community centre in brisbaneowners were told that 30 people were attending but more than 200 arrivedthe violent fray was captured by police helicopter footagefour people have been arrested over the incident and will appear in court\n", - "[1.215678 1.2843028 1.2092595 1.249629 1.1668868 1.0648828 1.0803272\n", - " 1.1107186 1.0862701 1.0865477 1.1141193 1.0359926 1.1286345 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 12 10 7 9 8 6 5 11 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"other images show scottish national party leader nicola sturgeon posing with a rather sceptical face , and mr miliband superimposed over london rapper plan b , issuing a call to ` come at me bruv ' .from david cameron and nick clegg sitting on the gogglebox sofa to ed miliband doing a kate winslet in titanic , these are some of the best memes posted in reference to the leaders ' debate .this is thought to reference how the labour leader posed a direct message to the prime minister , saying : ` david , if you think this election is about leadership , then debate me one-on-one . '\"]\n", - "=======================\n", - "['labour leader ed miliband is superimposed over london rapper plan ball five leaders become power rangers , but nigel farage is odd one outdavid cameron and nick clegg pictured as gogglebox viewers on sofamiliband poster compares him to kate asking jack to draw her in titanic']\n", - "other images show scottish national party leader nicola sturgeon posing with a rather sceptical face , and mr miliband superimposed over london rapper plan b , issuing a call to ` come at me bruv ' .from david cameron and nick clegg sitting on the gogglebox sofa to ed miliband doing a kate winslet in titanic , these are some of the best memes posted in reference to the leaders ' debate .this is thought to reference how the labour leader posed a direct message to the prime minister , saying : ` david , if you think this election is about leadership , then debate me one-on-one . '\n", - "labour leader ed miliband is superimposed over london rapper plan ball five leaders become power rangers , but nigel farage is odd one outdavid cameron and nick clegg pictured as gogglebox viewers on sofamiliband poster compares him to kate asking jack to draw her in titanic\n", - "[1.220968 1.5913608 1.2844157 1.1480188 1.2210145 1.0864234 1.0778389\n", - " 1.0525602 1.0312513 1.0210887 1.2077304 1.0315807 1.1727365 1.1014842\n", - " 1.0528886 1.1088606 1.0261683]\n", - "\n", - "[ 1 2 4 0 10 12 3 15 13 5 6 14 7 11 8 16 9]\n", - "=======================\n", - "[\"toni elliot , 53 , thought she had hurt a tooth when she sat for dinner at puckett 's boat house in franklin , tennessee , on thursday .however , when she spat out the mouthful she was chewing she discovered a pearl in the palm of her hand .one diner found her meal had extra crunch this week when she found 50 pearls inside the baked oyster she was feasting on .\"]\n", - "=======================\n", - "[\"toni elliot , 53 , thought she had hurt a tooth when she sat for dinner at puckett 's boat house in franklin , tennessee , on thursdayhowever , when she spat out the mouthful she was chewing she discovered a pearl in the palm of her handforty-nine precious stones followedas naturally-occurring pearls are rare , it 's expected that elliot 's stash could fetch a princely sum\"]\n", - "toni elliot , 53 , thought she had hurt a tooth when she sat for dinner at puckett 's boat house in franklin , tennessee , on thursday .however , when she spat out the mouthful she was chewing she discovered a pearl in the palm of her hand .one diner found her meal had extra crunch this week when she found 50 pearls inside the baked oyster she was feasting on .\n", - "toni elliot , 53 , thought she had hurt a tooth when she sat for dinner at puckett 's boat house in franklin , tennessee , on thursdayhowever , when she spat out the mouthful she was chewing she discovered a pearl in the palm of her handforty-nine precious stones followedas naturally-occurring pearls are rare , it 's expected that elliot 's stash could fetch a princely sum\n", - "[1.1989418 1.3413062 1.150218 1.3298584 1.2078508 1.1406761 1.1174204\n", - " 1.0720216 1.0600669 1.0205739 1.2217417 1.0139198 1.0209675 1.0531543\n", - " 1.0423957 0. 0. ]\n", - "\n", - "[ 1 3 10 4 0 2 5 6 7 8 13 14 12 9 11 15 16]\n", - "=======================\n", - "[\"the venue was renowned for its rock concerts but everything changed in 1984 when heavy metal band motorhead played a gig so loud it literally began to bring the house down .abandoned for 30 years : the variety theater in cleveland was once a buzzing music venue but was closed down after the ceiling cracked during a motorhead gig in 1984crumbling and rotting remains : the once-iconic ohio venue was sealed off on the order of a judge in 1986 , two years after motorhead 's gig\"]\n", - "=======================\n", - "[\"cleveland 's variety theater was a renowned rock venue that hosted the likes of metallica , rem and dead kennedy 'sbut as metal band motorhead performed in 1984 , the ceiling cracked and plaster began to fall on to the audiencethe gig was stopped and the theater was sealed off two years later - staying hidden from the public for 30 yearsnow a photojournalist has ventured into the building , capturing eery photos that offer a glimpse into music history\"]\n", - "the venue was renowned for its rock concerts but everything changed in 1984 when heavy metal band motorhead played a gig so loud it literally began to bring the house down .abandoned for 30 years : the variety theater in cleveland was once a buzzing music venue but was closed down after the ceiling cracked during a motorhead gig in 1984crumbling and rotting remains : the once-iconic ohio venue was sealed off on the order of a judge in 1986 , two years after motorhead 's gig\n", - "cleveland 's variety theater was a renowned rock venue that hosted the likes of metallica , rem and dead kennedy 'sbut as metal band motorhead performed in 1984 , the ceiling cracked and plaster began to fall on to the audiencethe gig was stopped and the theater was sealed off two years later - staying hidden from the public for 30 yearsnow a photojournalist has ventured into the building , capturing eery photos that offer a glimpse into music history\n", - "[1.4514102 1.1830442 1.4070777 1.3138506 1.2662234 1.0767756 1.0451545\n", - " 1.0817814 1.0545472 1.033842 1.0795991 1.0256019 1.0774696 1.0462102\n", - " 1.0442679 1.0386001 1.0606558]\n", - "\n", - "[ 0 2 3 4 1 7 10 12 5 16 8 13 6 14 15 9 11]\n", - "=======================\n", - "[\"crime and punishment : erica ginnetti , 35 , has been sentenced to 30 days , house arrest and probation for having sex with a 17-year-old studentthe former math and calculus teacher at lower moreland township school district had been facing seven to 14 years in prison , but on friday judge garrett page sentenced her to 3-23 months , including the first 30 days in jail and the next 60 on house arrest .she also faces three years ' probation , 100 hours of community service and will have to register as a sex offender for the next 25 years , according to the intelligencer .\"]\n", - "=======================\n", - "[\"erica ginnetti , 35 , was sentenced to 30 days in jail , 60 more under house arrest , 100 hours of community service and three years ' probationshe pleaded guilty in a pennsylvania court in december to having sex with a 17-year-old studentshe tearfully read an apology letter in court friday to provide closure for the teenmarried mother of three said she has mended fences with her family and became a fitness instructora judge told ginneti her ` sexual hunger ' had devastating consequences for two familiesshe first approached her victim in may 2013 when she chaperoned the senior prom and invited him to come work out at her gymtwo months later they met at starbucks and drove to an industrial park to have sex in her car\"]\n", - "crime and punishment : erica ginnetti , 35 , has been sentenced to 30 days , house arrest and probation for having sex with a 17-year-old studentthe former math and calculus teacher at lower moreland township school district had been facing seven to 14 years in prison , but on friday judge garrett page sentenced her to 3-23 months , including the first 30 days in jail and the next 60 on house arrest .she also faces three years ' probation , 100 hours of community service and will have to register as a sex offender for the next 25 years , according to the intelligencer .\n", - "erica ginnetti , 35 , was sentenced to 30 days in jail , 60 more under house arrest , 100 hours of community service and three years ' probationshe pleaded guilty in a pennsylvania court in december to having sex with a 17-year-old studentshe tearfully read an apology letter in court friday to provide closure for the teenmarried mother of three said she has mended fences with her family and became a fitness instructora judge told ginneti her ` sexual hunger ' had devastating consequences for two familiesshe first approached her victim in may 2013 when she chaperoned the senior prom and invited him to come work out at her gymtwo months later they met at starbucks and drove to an industrial park to have sex in her car\n", - "[1.2255601 1.5232025 1.176696 1.1041393 1.0929095 1.3989253 1.183523\n", - " 1.0460684 1.0456846 1.1091499 1.0579573 1.0398067 1.024966 1.0887176\n", - " 1.0307431 1.020534 0. ]\n", - "\n", - "[ 1 5 0 6 2 9 3 4 13 10 7 8 11 14 12 15 16]\n", - "=======================\n", - "[\"cook county judge dennis porter , cleared 46-year-old officer dante servin in the march 2012 shooting death of rekia boyd , 22 .a courtroom was thrown into chaos after a judge found a chicago detective not guilty of involuntary manslaughter after he shot an unarmed woman in the back of the head .she was gunned down on march 21 as she stood with friends outside a property in chicago 's lawndale neighbourhood .\"]\n", - "=======================\n", - "[\"dante servin , 46 , was found not guilty of involuntary manslaughter in the death of rekia boyd , 22 , in march 2012shot her in the back of the head as she stood outside a party with friendsjudge dennis porter asked her supporters to leave the courtroomhe feared there would be outbursts after the verdict was read outthe victim 's brother martinez sutton then screamed : ` you want me to be quiet ?\"]\n", - "cook county judge dennis porter , cleared 46-year-old officer dante servin in the march 2012 shooting death of rekia boyd , 22 .a courtroom was thrown into chaos after a judge found a chicago detective not guilty of involuntary manslaughter after he shot an unarmed woman in the back of the head .she was gunned down on march 21 as she stood with friends outside a property in chicago 's lawndale neighbourhood .\n", - "dante servin , 46 , was found not guilty of involuntary manslaughter in the death of rekia boyd , 22 , in march 2012shot her in the back of the head as she stood outside a party with friendsjudge dennis porter asked her supporters to leave the courtroomhe feared there would be outbursts after the verdict was read outthe victim 's brother martinez sutton then screamed : ` you want me to be quiet ?\n", - "[1.2984635 1.3437213 1.1990492 1.3145316 1.2850988 1.122289 1.1587404\n", - " 1.0881026 1.0941756 1.1561652 1.0408242 1.0126697 1.018881 1.0130057\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 6 9 5 8 7 10 12 13 11 14 15 16]\n", - "=======================\n", - "[\"on sunday , the new york post 's page six alleged that the marriage breakup was the result of flay having an affair with his assistant elyse tirrel , who 's 28 .the messy divorce between chef bobby flay and actress stephanie march just got uglier .but the celebrity chef 's business partner laurence kretchmer moved swiftly to dismiss the claims , saying that if flay , 50 , had been having an ongoing affair with an employee , he would know about it .\"]\n", - "=======================\n", - "[\"it was claimed sunday that the food network star has been cheating on his wife with assistant elyse tirrell for three yearsflay 's business partner lawrence kretchmar dismissed the report , saying he 'd have known if the chef was having an affair with an employeetirrell , who is 28 , used to work as a hostess at one of flay 's restaurants before being promoted to be his assistantthe celebrity chef has filed for divorce from march , 40 , after 10 years of marriage but she is contesting their prenup\"]\n", - "on sunday , the new york post 's page six alleged that the marriage breakup was the result of flay having an affair with his assistant elyse tirrel , who 's 28 .the messy divorce between chef bobby flay and actress stephanie march just got uglier .but the celebrity chef 's business partner laurence kretchmer moved swiftly to dismiss the claims , saying that if flay , 50 , had been having an ongoing affair with an employee , he would know about it .\n", - "it was claimed sunday that the food network star has been cheating on his wife with assistant elyse tirrell for three yearsflay 's business partner lawrence kretchmar dismissed the report , saying he 'd have known if the chef was having an affair with an employeetirrell , who is 28 , used to work as a hostess at one of flay 's restaurants before being promoted to be his assistantthe celebrity chef has filed for divorce from march , 40 , after 10 years of marriage but she is contesting their prenup\n", - "[1.5623845 1.4501077 1.2853513 1.4812638 1.0630889 1.0849494 1.0228273\n", - " 1.0194415 1.0217929 1.0236334 1.149607 1.1473649 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 10 11 5 4 9 6 8 7 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "['pablo osvaldo has urged italian legends andrea pirlo and francisco totti to move continents and join him at argentinian giants boca juniors .the 29-year-old moved to his current side on a loan deal from southampton and has become an instant hit - scoring three goals in six games .osvaldo believes that the duo would be a good fit for boca , and says the fans would love to have them line up on the la bombonera pitch .']\n", - "=======================\n", - "[\"pablo osvaldo says andrea pirlo and francesco totti should join bocathe 29-year-old is currently on loan at the club from southamptonosvaldo believes the boca fans ` would go crazy ' for the italian duo\"]\n", - "pablo osvaldo has urged italian legends andrea pirlo and francisco totti to move continents and join him at argentinian giants boca juniors .the 29-year-old moved to his current side on a loan deal from southampton and has become an instant hit - scoring three goals in six games .osvaldo believes that the duo would be a good fit for boca , and says the fans would love to have them line up on the la bombonera pitch .\n", - "pablo osvaldo says andrea pirlo and francesco totti should join bocathe 29-year-old is currently on loan at the club from southamptonosvaldo believes the boca fans ` would go crazy ' for the italian duo\n", - "[1.1914355 1.3732691 1.2420205 1.2258506 1.2636374 1.025331 1.22596\n", - " 1.1062782 1.0418824 1.1760366 1.0806675 1.0354152 1.0769916 1.0569012\n", - " 1.0405988 1.021706 1.0397109 1.0369612 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 6 3 0 9 7 10 12 13 8 14 16 17 11 5 15 19 18 20]\n", - "=======================\n", - "[\"the 21-year-old lives who on a 30-acre farm in rockbank , 34 kilometres north-west of melbourne , has spent her life hand-raising animals of all shapes and sizes .the young woman said she has always taken photos and recorded videos of her 150 pets , but since a clip of winter bouncing down her hallway went viral last year she 's sharing these moments with more people than she ever imagined .but her pets are often captured behaving like humans , from her lamb winter who loves to jump on the bed to her bearded dragon who can understand the english language .\"]\n", - "=======================\n", - "[\"shannen hussein lives on a farm in rockbank , north-west of melbourneshe has cats , dogs , birds , sheep , snakes , scorpions and many more petsthe 21-year-old 's animals shot to fame when one of her vines went viralit was shared by celebrities like taylor swift and ellen degeneres\"]\n", - "the 21-year-old lives who on a 30-acre farm in rockbank , 34 kilometres north-west of melbourne , has spent her life hand-raising animals of all shapes and sizes .the young woman said she has always taken photos and recorded videos of her 150 pets , but since a clip of winter bouncing down her hallway went viral last year she 's sharing these moments with more people than she ever imagined .but her pets are often captured behaving like humans , from her lamb winter who loves to jump on the bed to her bearded dragon who can understand the english language .\n", - "shannen hussein lives on a farm in rockbank , north-west of melbourneshe has cats , dogs , birds , sheep , snakes , scorpions and many more petsthe 21-year-old 's animals shot to fame when one of her vines went viralit was shared by celebrities like taylor swift and ellen degeneres\n", - "[1.4460069 1.1799159 1.2502595 1.1586583 1.1586089 1.1287359 1.1313972\n", - " 1.2102816 1.198455 1.1249477 1.0664698 1.0341576 1.0199695 1.0275766\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 7 8 1 3 4 6 5 9 10 11 13 12 14 15 16 17 18 19 20]\n", - "=======================\n", - "['( cnn ) andrew getty , the 47-year-old grandson of j. paul getty , died tuesday afternoon in his home in los angeles , according to a statement from his mother and father .getty \\'s death \" appears to be natural ( causes ) or an accident , \" ed winter , assistant chief in the los angeles county coroner \\'s office , told cnn affiliate ktla tuesday night .ann and gordon getty also \" requested that members of the media and the public respect ( the family \\'s ) privacy during this extremely difficult time , \" the statement added .']\n", - "=======================\n", - "[\"getty 's death appears to be natural causes or accident , coroner 's office saysmother and father of andrew getty confirm death , asks for privacy\"]\n", - "( cnn ) andrew getty , the 47-year-old grandson of j. paul getty , died tuesday afternoon in his home in los angeles , according to a statement from his mother and father .getty 's death \" appears to be natural ( causes ) or an accident , \" ed winter , assistant chief in the los angeles county coroner 's office , told cnn affiliate ktla tuesday night .ann and gordon getty also \" requested that members of the media and the public respect ( the family 's ) privacy during this extremely difficult time , \" the statement added .\n", - "getty 's death appears to be natural causes or accident , coroner 's office saysmother and father of andrew getty confirm death , asks for privacy\n", - "[1.2909007 1.5451527 1.2332147 1.2111692 1.1801759 1.1808399 1.0282604\n", - " 1.1057458 1.0761302 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 5 4 7 8 6 18 17 16 15 14 10 12 11 19 9 13 20]\n", - "=======================\n", - "['beginning friday , blue uniform shirts will be traded for white ones for command staff members of the indianapolis metropolitan police department ( impd ) .in a statement , the department said the change is being made as part of its constant effort to ensure \" accountability , professionalism and transparency ... at the forefront of our day-to-day activities . \"as police departments around the country see more protests over the use of lethal force , impd officials acknowledge that this is a time of \" increased scrutiny of police operations and tactics , \" but said the decision to change the uniform for certain ranks within the department is \" not related to any specific , individual incident occurring elsewhere in the united states . \"']\n", - "=======================\n", - "['beginning friday , some ranks of the indianapolis police department will wear white shirtspolice say the change in attire is not related to any specific incidentthe new uniform shirt color is aimed at ensuring accountability']\n", - "beginning friday , blue uniform shirts will be traded for white ones for command staff members of the indianapolis metropolitan police department ( impd ) .in a statement , the department said the change is being made as part of its constant effort to ensure \" accountability , professionalism and transparency ... at the forefront of our day-to-day activities . \"as police departments around the country see more protests over the use of lethal force , impd officials acknowledge that this is a time of \" increased scrutiny of police operations and tactics , \" but said the decision to change the uniform for certain ranks within the department is \" not related to any specific , individual incident occurring elsewhere in the united states . \"\n", - "beginning friday , some ranks of the indianapolis police department will wear white shirtspolice say the change in attire is not related to any specific incidentthe new uniform shirt color is aimed at ensuring accountability\n", - "[1.3330262 1.4791102 1.3656809 1.1643943 1.2640381 1.1445776 1.0275443\n", - " 1.0174142 1.0331752 1.0466843 1.0741725 1.0403075 1.0205108 1.0165682\n", - " 1.0350317 1.0335925 1.0230592 1.0226735 1.0137682 1.113809 1.1280699]\n", - "\n", - "[ 1 2 0 4 3 5 20 19 10 9 11 14 15 8 6 16 17 12 7 13 18]\n", - "=======================\n", - "[\"abdul hadi arwani , 48 , a fierce critic of president bashar al-assad , may have been assassinated by the governing regime in his home country , according to friends .the father of six was found slumped in a volkswagen passat with wounds to his chest on a street in wembley on tuesday morning .the family of a syrian imam who was shot dead on a london street have paid tribute to ` the most peaceful man you could ever wish to meet ' as counter-terror police continue to investigate his murder .\"]\n", - "=======================\n", - "['abdul hadi arwani was found dead in on a street in wembley on tuesdaycounter-terror police are investigating claims he was assassinated by the assad regime in syriafamily paid tribute to him claiming that he loved british democracymr arwani was a preacher at london mosque with extremist links']\n", - "abdul hadi arwani , 48 , a fierce critic of president bashar al-assad , may have been assassinated by the governing regime in his home country , according to friends .the father of six was found slumped in a volkswagen passat with wounds to his chest on a street in wembley on tuesday morning .the family of a syrian imam who was shot dead on a london street have paid tribute to ` the most peaceful man you could ever wish to meet ' as counter-terror police continue to investigate his murder .\n", - "abdul hadi arwani was found dead in on a street in wembley on tuesdaycounter-terror police are investigating claims he was assassinated by the assad regime in syriafamily paid tribute to him claiming that he loved british democracymr arwani was a preacher at london mosque with extremist links\n", - "[1.4625537 1.4891422 1.2383592 1.4901056 1.4192938 1.0371674 1.0191561\n", - " 1.0967824 1.0256261 1.0307013 1.0264679 1.0207527 1.2156022 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 0 4 2 12 7 5 9 10 8 11 6 20 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"roberto martinez will hold talks with romelu lukaku after the striker 's agent suggested he could leave evertonmino raiola , who has brokered big-money deals for zlatan ibrahimovic and mario balotelli , said he would have never sanctioned lukaku 's # 28million move to goodison park last summer .it has left the 21-year-old 's future on merseyside up in the air , even though he is only one season into a five-year contract .\"]\n", - "=======================\n", - "[\"roberto martinez has confirmed he will hold talks with romelu lukakustriker lukaku has been linked with a move away by new agent mino raiolaraiola said he would have never sanctioned lukaku 's # 28million movebelgian international is one year into a five-year-deal at goodison park\"]\n", - "roberto martinez will hold talks with romelu lukaku after the striker 's agent suggested he could leave evertonmino raiola , who has brokered big-money deals for zlatan ibrahimovic and mario balotelli , said he would have never sanctioned lukaku 's # 28million move to goodison park last summer .it has left the 21-year-old 's future on merseyside up in the air , even though he is only one season into a five-year contract .\n", - "roberto martinez has confirmed he will hold talks with romelu lukakustriker lukaku has been linked with a move away by new agent mino raiolaraiola said he would have never sanctioned lukaku 's # 28million movebelgian international is one year into a five-year-deal at goodison park\n", - "[1.5417528 1.2361149 1.3183209 1.0582919 1.0384488 1.0206205 1.40213\n", - " 1.1944227 1.1042355 1.142131 1.0832038 1.080083 1.0151579 1.0174527\n", - " 1.0438617 1.0108936 1.0120149 1.0130976 1.0241693 1.2443569 1.0597948\n", - " 1.0102699]\n", - "\n", - "[ 0 6 2 19 1 7 9 8 10 11 20 3 14 4 18 5 13 12 17 16 15 21]\n", - "=======================\n", - "[\"usain bolt walked into a small gym at the base of rio de janeiro 's mangueira favela on thursday , took three shots on the basketball court - at least one from 3-point range - and made all three .he won three in 2008 in beijing and three more in london in 2012 .jamaican sprinter bolt has admitted that the 2016 olympic games in rio will be his last\"]\n", - "=======================\n", - "[\"usain bolt is in brazil as olympic anticipation begins to risethe sprinter visited a favela and jogged with children training therehe spoke of his excitement at competing in rio for next year 's games\"]\n", - "usain bolt walked into a small gym at the base of rio de janeiro 's mangueira favela on thursday , took three shots on the basketball court - at least one from 3-point range - and made all three .he won three in 2008 in beijing and three more in london in 2012 .jamaican sprinter bolt has admitted that the 2016 olympic games in rio will be his last\n", - "usain bolt is in brazil as olympic anticipation begins to risethe sprinter visited a favela and jogged with children training therehe spoke of his excitement at competing in rio for next year 's games\n", - "[1.2943699 1.3914092 1.269474 1.3094487 1.2139684 1.1099461 1.0885963\n", - " 1.0923724 1.0944302 1.0741512 1.1001866 1.0918262 1.0305072 1.0108185\n", - " 1.0092999 1.0363523 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 2 4 5 10 8 7 11 6 9 15 12 13 14 20 16 17 18 19 21]\n", - "=======================\n", - "['the royal commission into institutional responses to child sex abuse in rockhampton has also heard a woman was gang raped by employees and then had a child at 14 years of age .victims at an australian orphanage have told of the horrific abuse they suffered at the hands of the priests and nuns who ran the institution from claims of being raped by a broom handle to being forced to drink their own urine .while a retired nurse , who was sent to neerkol orphanage near rockhampton , said she was punched and slapped repeatedly , and a third victim claimed she was raped more than 100 times by parish priest reginald durham , who is now dead , from when she was 11 .']\n", - "=======================\n", - "['claims of gang rape and physical abuse at qld orphanage have emergedallegations came out during royal commission hearing in rockhamptonone woman said she was allegedly raped with a broom handle by abusersame victim claimed she became pregnant at 14 after she was gang rapedwhile a retired nurse said she had been punched and slapped repeatedlya third victim said she was raped more than 100 times by a parish priest']\n", - "the royal commission into institutional responses to child sex abuse in rockhampton has also heard a woman was gang raped by employees and then had a child at 14 years of age .victims at an australian orphanage have told of the horrific abuse they suffered at the hands of the priests and nuns who ran the institution from claims of being raped by a broom handle to being forced to drink their own urine .while a retired nurse , who was sent to neerkol orphanage near rockhampton , said she was punched and slapped repeatedly , and a third victim claimed she was raped more than 100 times by parish priest reginald durham , who is now dead , from when she was 11 .\n", - "claims of gang rape and physical abuse at qld orphanage have emergedallegations came out during royal commission hearing in rockhamptonone woman said she was allegedly raped with a broom handle by abusersame victim claimed she became pregnant at 14 after she was gang rapedwhile a retired nurse said she had been punched and slapped repeatedlya third victim said she was raped more than 100 times by a parish priest\n", - "[1.3123134 1.261621 1.2154957 1.2789054 1.1851699 1.1511508 1.0399323\n", - " 1.0346513 1.1063247 1.096733 1.0452956 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 2 4 5 8 9 10 6 7 20 11 12 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"hong kong ( cnn ) there 's a booming black market in hong kong , but it 's not for fake apple watches , or the iphone .its popularity has spurred bakeries to make and sell knockoffs , and the original store has signs warning against buying ` fake ' jenny 's cookies .instead , people are going crazy for tins of butter cookies .\"]\n", - "=======================\n", - "[\"tourists and locals queue for several hours to get their hands on jenny 's butter cookiespeople are even hired to stand in line to buy the cookies , which are later sold at an up-to-70 % mark-upfood frenzies have also taken place in other parts of the world\"]\n", - "hong kong ( cnn ) there 's a booming black market in hong kong , but it 's not for fake apple watches , or the iphone .its popularity has spurred bakeries to make and sell knockoffs , and the original store has signs warning against buying ` fake ' jenny 's cookies .instead , people are going crazy for tins of butter cookies .\n", - "tourists and locals queue for several hours to get their hands on jenny 's butter cookiespeople are even hired to stand in line to buy the cookies , which are later sold at an up-to-70 % mark-upfood frenzies have also taken place in other parts of the world\n", - "[1.0668262 1.0247738 1.1838701 1.4890677 1.2276566 1.264252 1.0458077\n", - " 1.2930257 1.1732779 1.1296943 1.0644464 1.1463618 1.0237778 1.0454966\n", - " 1.0502852 1.0281509 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 7 5 4 2 8 11 9 0 10 14 6 13 15 1 12 20 16 17 18 19 21]\n", - "=======================\n", - "['scottish illustrator johanna basford has sold more than 1.4 million copies of her colouring-in book for grown-ups , secret garden .art and flowers : the book is the most popular in its genre and has now been translated into 22 languagesthe follow-up , enchanted forest , is expected to do just as well']\n", - "=======================\n", - "['johanna basford has sold 1.4 million copies of her book secret gardenthe trend for grown-ups colouring in is said to have started in francecraze has spread across the globe with fans starting colouring-in groupsexperts say the pursuit allows those doing it to rediscover their creativity']\n", - "scottish illustrator johanna basford has sold more than 1.4 million copies of her colouring-in book for grown-ups , secret garden .art and flowers : the book is the most popular in its genre and has now been translated into 22 languagesthe follow-up , enchanted forest , is expected to do just as well\n", - "johanna basford has sold 1.4 million copies of her book secret gardenthe trend for grown-ups colouring in is said to have started in francecraze has spread across the globe with fans starting colouring-in groupsexperts say the pursuit allows those doing it to rediscover their creativity\n", - "[1.2970433 1.4107602 1.063211 1.3124437 1.3264462 1.192742 1.1322612\n", - " 1.0482134 1.0194371 1.014892 1.0131706 1.0147121 1.021186 1.1238782\n", - " 1.0458987 1.0115415 1.013033 1.177379 1.1223819 1.0713977 1.0750064\n", - " 1.0575765 1.0350919]\n", - "\n", - "[ 1 4 3 0 5 17 6 13 18 20 19 2 21 7 14 22 12 8 9 11 10 16 15]\n", - "=======================\n", - "['the letter was spotted by twitter user plattsieplatts who posted it to her social media account writing : ` so this is the notice i saw today in the window of our local fish and chip shop .a hilarious note left by a chip shop owner for his customers when he went on holiday with his wife has gone viral .in black pen he writes : ` this shop will be closed for 1 week .']\n", - "=======================\n", - "[\"a hilarious note left by a chip shop owner has circulated on twitterin it the owner laments the fact that he has to go youth hostelinghe jokes that his wife would have been , ` better off with saga '\"]\n", - "the letter was spotted by twitter user plattsieplatts who posted it to her social media account writing : ` so this is the notice i saw today in the window of our local fish and chip shop .a hilarious note left by a chip shop owner for his customers when he went on holiday with his wife has gone viral .in black pen he writes : ` this shop will be closed for 1 week .\n", - "a hilarious note left by a chip shop owner has circulated on twitterin it the owner laments the fact that he has to go youth hostelinghe jokes that his wife would have been , ` better off with saga '\n", - "[1.4213016 1.3254286 1.3262397 1.6190631 1.1055887 1.0675173 1.0922657\n", - " 1.0877649 1.0842972 1.0681341 1.0518397 1.1114882 1.0109972 1.0106399\n", - " 1.0144163 1.0161153 1.0502412 1.0102575 1.0076157 1.0071872 1.0097063\n", - " 0. 0. ]\n", - "\n", - "[ 3 0 2 1 11 4 6 7 8 9 5 10 16 15 14 12 13 17 20 18 19 21 22]\n", - "=======================\n", - "['judd trump beat stuart carrington 10-6 on thursday in the first round of the world championshipthe 25-year-old closed with a century and will now face marco fu in the next round .trump led 7-2 overnight and many thought he would make light work of stuart carrington but he was made to battle before eventually securing a 10-6 victory .']\n", - "=======================\n", - "['judd trump beat stuart carrington 10-6 in the first round at the cucibletrump led 7-2 overnight but made hard work in finishing carrington offthe 25-year-old will face marco fu in second round of world championship']\n", - "judd trump beat stuart carrington 10-6 on thursday in the first round of the world championshipthe 25-year-old closed with a century and will now face marco fu in the next round .trump led 7-2 overnight and many thought he would make light work of stuart carrington but he was made to battle before eventually securing a 10-6 victory .\n", - "judd trump beat stuart carrington 10-6 in the first round at the cucibletrump led 7-2 overnight but made hard work in finishing carrington offthe 25-year-old will face marco fu in second round of world championship\n", - "[1.3452935 1.1799202 1.3473098 1.2980952 1.1167287 1.0951822 1.1541716\n", - " 1.034773 1.0721238 1.0458714 1.0614066 1.033581 1.0401574 1.0566068\n", - " 1.0123829 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 3 1 6 4 5 8 10 13 9 12 7 11 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"a reuters investigation that revealed the bill , hillary and chelsea clinton foundation had misreported millions of dollars in donations from foreign nations led the global charity to announce that it would refile more than five years of tax documents .two gop presidential hopefuls - ted cruz and ben carson - want the clinton foundation to return every dollar its received from foreign governments since it launched more than a decade ago .the bum rush on the non-profit came about after a report cast a new shadow over the charity 's fundraising practices while hillary clinton served as the united state 's chief diplomat .\"]\n", - "=======================\n", - "[\"ted cruz and ben carson want the charity to return every dollar its received from foreign governments since its launch in 2001bum rush came about after a report cast a new shadow over the charity 's fundraising practices while hillary clinton was the country 's chief diplomatcruz said : ` having raised tens of millions of dollars from foreign nations presents a clear conflict of interest for anyone running for president 'carson said they ` should they definitely give back the money and cease accepting foreign donations , but should also make every effort to find missing documents that would shed light if in fact they are innocent 'carly fiorina said , ` it 's the clinton way : raking in millions from foreign governments behind closed doors while making promises about transparency that they never intended to keep '\"]\n", - "a reuters investigation that revealed the bill , hillary and chelsea clinton foundation had misreported millions of dollars in donations from foreign nations led the global charity to announce that it would refile more than five years of tax documents .two gop presidential hopefuls - ted cruz and ben carson - want the clinton foundation to return every dollar its received from foreign governments since it launched more than a decade ago .the bum rush on the non-profit came about after a report cast a new shadow over the charity 's fundraising practices while hillary clinton served as the united state 's chief diplomat .\n", - "ted cruz and ben carson want the charity to return every dollar its received from foreign governments since its launch in 2001bum rush came about after a report cast a new shadow over the charity 's fundraising practices while hillary clinton was the country 's chief diplomatcruz said : ` having raised tens of millions of dollars from foreign nations presents a clear conflict of interest for anyone running for president 'carson said they ` should they definitely give back the money and cease accepting foreign donations , but should also make every effort to find missing documents that would shed light if in fact they are innocent 'carly fiorina said , ` it 's the clinton way : raking in millions from foreign governments behind closed doors while making promises about transparency that they never intended to keep '\n", - "[1.1098934 1.325681 1.29288 1.2605009 1.1099495 1.3023088 1.1690536\n", - " 1.242522 1.0241164 1.029048 1.0121795 1.0140429 1.2323153 1.054765\n", - " 1.0342565 1.0194088 1.058784 1.0470498 1.0459435 1.0451186 1.0347775\n", - " 1.0466877 0. ]\n", - "\n", - "[ 1 5 2 3 7 12 6 4 0 16 13 17 21 18 19 20 14 9 8 15 11 10 22]\n", - "=======================\n", - "['with 18 broken bones , a broken nose , a ruptured kidney , a ruptured liver , missing teeth , and a fractured rib , christy mack was unrecognisable as she fled her las vegas home on august 8 , 2014 .it was the climax , the former porn star claims , of an abusive on-off relationship with mma fighter jonathan paul koppenhaver , known professionally as war machine .now , nine months later , she has to wear a wig and glasses , and is still undergoing reparative dental work - while fighting to see koppenhaver convicted of attempted murder .']\n", - "=======================\n", - "[\"christy mack , 23 , claims ex-boyfriend jonathan paul koppenhaver , 33 , beat and raped her until she almost died at her home on august 8 , 2014she had been asleep next to a male friend when he ` burst in with a knife 'koppenhaver , who goes by the name war machine , claims to be innocentmack has opened up about her recovery , now needs glasses and a wigthe case against koppenhaver , who faces 26 charges , resumes this fall\"]\n", - "with 18 broken bones , a broken nose , a ruptured kidney , a ruptured liver , missing teeth , and a fractured rib , christy mack was unrecognisable as she fled her las vegas home on august 8 , 2014 .it was the climax , the former porn star claims , of an abusive on-off relationship with mma fighter jonathan paul koppenhaver , known professionally as war machine .now , nine months later , she has to wear a wig and glasses , and is still undergoing reparative dental work - while fighting to see koppenhaver convicted of attempted murder .\n", - "christy mack , 23 , claims ex-boyfriend jonathan paul koppenhaver , 33 , beat and raped her until she almost died at her home on august 8 , 2014she had been asleep next to a male friend when he ` burst in with a knife 'koppenhaver , who goes by the name war machine , claims to be innocentmack has opened up about her recovery , now needs glasses and a wigthe case against koppenhaver , who faces 26 charges , resumes this fall\n", - "[1.4462621 1.40136 1.3362288 1.1753467 1.424795 1.251529 1.1460459\n", - " 1.0147116 1.0105981 1.0108534 1.0916251 1.1777722 1.0924555 1.0277886\n", - " 1.0084543 1.0142277 1.0508155 1.0072744 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 4 1 2 5 11 3 6 12 10 16 13 7 15 9 8 14 17 18 19 20 21 22]\n", - "=======================\n", - "['chelsea defender gary cahill has backed captain john terry to shrug off a hostile reception when they head to loftus road to face qpr on sunday .john terry was caught up in a race controversy with then-qpr defender anton ferdinand in 2011anton may no longer be at loftus road , but brother rio could feature under chris ramsey .']\n", - "=======================\n", - "[\"john terry was involved in race controversy with anton ferdinand in 2011chelsea defender was banned for four matches and fined by faterry was cleared in court of racially abusing then-qpr defenderblues captain will face rio ferdinand 's qpr side at loftus road on sundayteam-mate gary cahill says he will be able to deal with hostile atmosphere\"]\n", - "chelsea defender gary cahill has backed captain john terry to shrug off a hostile reception when they head to loftus road to face qpr on sunday .john terry was caught up in a race controversy with then-qpr defender anton ferdinand in 2011anton may no longer be at loftus road , but brother rio could feature under chris ramsey .\n", - "john terry was involved in race controversy with anton ferdinand in 2011chelsea defender was banned for four matches and fined by faterry was cleared in court of racially abusing then-qpr defenderblues captain will face rio ferdinand 's qpr side at loftus road on sundayteam-mate gary cahill says he will be able to deal with hostile atmosphere\n", - "[1.3087251 1.2462262 1.0933998 1.0433416 1.0317065 1.0796951 1.3038535\n", - " 1.306241 1.2258244 1.0517797 1.0363207 1.0271245 1.1066657 1.0416714\n", - " 1.0183847 1.0156227 1.0165536 1.0496294 1.0200975 1.0375526 1.0477821\n", - " 1.0156531 1.0152432 0. ]\n", - "\n", - "[ 0 7 6 1 8 12 2 5 9 17 20 3 13 19 10 4 11 18 14 16 21 15 22 23]\n", - "=======================\n", - "[\"liverpool 's fa cup semi-final defeat has put the club under scrutiny and guaranteed this campaign will be judged a failure .christian benteke ( centre ) scores for aston villa to make it 1-1 and start tim sherwood 's side 's recoveryphilippe coutinho opens the scoring for liverpool against aston villa with a smart chipped finish at wembley\"]\n", - "=======================\n", - "[\"brendan rodgers needs a positive summer to restore confidence at anfieldliverpool 's transfer committee under pressure to sign better playersrodgers now also under scrutiny after being exposed in big matches\"]\n", - "liverpool 's fa cup semi-final defeat has put the club under scrutiny and guaranteed this campaign will be judged a failure .christian benteke ( centre ) scores for aston villa to make it 1-1 and start tim sherwood 's side 's recoveryphilippe coutinho opens the scoring for liverpool against aston villa with a smart chipped finish at wembley\n", - "brendan rodgers needs a positive summer to restore confidence at anfieldliverpool 's transfer committee under pressure to sign better playersrodgers now also under scrutiny after being exposed in big matches\n", - "[1.4311343 1.1008252 1.046404 1.2057167 1.121808 1.2039455 1.2626113\n", - " 1.1292932 1.1134946 1.169225 1.0391164 1.0204368 1.0170026 1.1144037\n", - " 1.1042129 1.036665 1.0316337 1.0463493 1.0225902 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 6 3 5 9 7 4 13 8 14 1 2 17 10 15 16 18 11 12 22 19 20 21 23]\n", - "=======================\n", - "[\"comcast today confirmed it has abandoned its bid to buy time warner cable for $ 45.2 billion and create a mega-size tv and internet provider .on wednesday night , it emerged that federal communications regulators decided that merger was n't in the public interest and threw up a regulatory roadblock that would have bogged the deal down for months and may have killed it entirely .the new company would have spun off or sold 3.9 million customers\"]\n", - "=======================\n", - "[\"merger between two largest cable companies have given the new firm control of 57percent of broadband internet market and 30percent of paid tv` today we move on , ' says comcast ceo brian robertscomcast has 30million subscribers and time warner cable boasts 11million ; new company would have spun off or sold 3.9 millionfcc staffers recommended the merger be sent to a judge for review - a significant regulatory hurdleregulators questioned whether merger was in the public interest\"]\n", - "comcast today confirmed it has abandoned its bid to buy time warner cable for $ 45.2 billion and create a mega-size tv and internet provider .on wednesday night , it emerged that federal communications regulators decided that merger was n't in the public interest and threw up a regulatory roadblock that would have bogged the deal down for months and may have killed it entirely .the new company would have spun off or sold 3.9 million customers\n", - "merger between two largest cable companies have given the new firm control of 57percent of broadband internet market and 30percent of paid tv` today we move on , ' says comcast ceo brian robertscomcast has 30million subscribers and time warner cable boasts 11million ; new company would have spun off or sold 3.9 millionfcc staffers recommended the merger be sent to a judge for review - a significant regulatory hurdleregulators questioned whether merger was in the public interest\n", - "[1.4593612 1.2832925 1.1705043 1.2407098 1.2184147 1.1220069 1.1234399\n", - " 1.1446334 1.022287 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 4 2 7 6 5 8 21 20 19 18 17 16 11 14 13 12 22 10 9 15 23]\n", - "=======================\n", - "[\"( cnn ) tobacco companies including philip morris and r.j. reynolds filed suit this week against the food and drug administration alleging that the fda is violating the companies ' free speech rights .in march , the fda issued guidance that if significant changes are made to a product 's label , like color or a logo , the product requires new approval from the administration .the suit , filed in u.s. district court in washington , argues that those guidelines go too far and are too vague .\"]\n", - "=======================\n", - "[\"companies including philip morris and r.j. reynolds in suit alleging violation of free speechin march , the fda issued guidance about changes to tobacco product labelsif significant changes are made to a product 's label , like color or a logo , the product requires new approval\"]\n", - "( cnn ) tobacco companies including philip morris and r.j. reynolds filed suit this week against the food and drug administration alleging that the fda is violating the companies ' free speech rights .in march , the fda issued guidance that if significant changes are made to a product 's label , like color or a logo , the product requires new approval from the administration .the suit , filed in u.s. district court in washington , argues that those guidelines go too far and are too vague .\n", - "companies including philip morris and r.j. reynolds in suit alleging violation of free speechin march , the fda issued guidance about changes to tobacco product labelsif significant changes are made to a product 's label , like color or a logo , the product requires new approval\n", - "[1.2831309 1.2234308 1.1943617 1.3450844 1.2662017 1.1686066 1.1432865\n", - " 1.1592674 1.0580692 1.1529155 1.095009 1.0620687 1.0393413 1.0451274\n", - " 1.0404043 1.0310445 1.0827793 1.0708135 1.0212034 1.0593132 1.0354931\n", - " 1.0188354 1.0446918 1.0605304]\n", - "\n", - "[ 3 0 4 1 2 5 7 9 6 10 16 17 11 23 19 8 13 22 14 12 20 15 18 21]\n", - "=======================\n", - "[\"veronica ` roni ' gonzalez and her fiance ely alba gonzalez were returning from their engagement party when they stopped on interstate 30 to help a group in trouble , the dallas news reported .four were killed instantly in the collision .of the 13 people injured , one later died in hospital from their wounds , tarrant county medical examiner has confirmed .\"]\n", - "=======================\n", - "[\"woman celebrating with her fiance was killed in fiery collision with truckthey had stopped with other victims to help those stranded at earlier crashfive killed and 12 injured in the accident on fort worth interstate highwayveronica ` roni ' gonzalez , 43 and her fiance 's sister killed in the collision\"]\n", - "veronica ` roni ' gonzalez and her fiance ely alba gonzalez were returning from their engagement party when they stopped on interstate 30 to help a group in trouble , the dallas news reported .four were killed instantly in the collision .of the 13 people injured , one later died in hospital from their wounds , tarrant county medical examiner has confirmed .\n", - "woman celebrating with her fiance was killed in fiery collision with truckthey had stopped with other victims to help those stranded at earlier crashfive killed and 12 injured in the accident on fort worth interstate highwayveronica ` roni ' gonzalez , 43 and her fiance 's sister killed in the collision\n", - "[1.439629 1.1940833 1.3094968 1.3209102 1.1541159 1.1297673 1.0779532\n", - " 1.0712165 1.082846 1.055677 1.0766816 1.0843129 1.0449742 1.0259436\n", - " 1.0675199 1.014859 1.032276 1.0167197 1.1039256 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 4 5 18 11 8 6 10 7 14 9 12 16 13 17 15 22 19 20 21 23]\n", - "=======================\n", - "['charles kane ( above ) was arrested thursday as he met up with a 14-year-old girl for sexhe was arrested when he arrived at the theater with a full box of condoms as the young girl was in fact an undercover police officer .charles kane of spencerport , new york had communicated with the girl online after posting a craigslist ad seeking a young girl for a daddy/daughter relationship and showed up to meet her at a local theater .']\n", - "=======================\n", - "[\"charles kane of spencerport , new york was arrested thursday as he met up with a 14-year-old girl for sexthe girl was in fact an undercover officer who had responded to kane 's online posting for sex with a young girl and a daddy/daughter relationshipkane , 46 , is a married middle school music teacher with two young daughtershe had been communicating with the officer for months before he planned the meeting at a local movie theaterkane had a full box of condoms on him at the time he was arrestedhe has been charged with enticement of a minor to engage in sexual activity and faces up to 10 years in prison and a $ 250,000 fine if convicted\"]\n", - "charles kane ( above ) was arrested thursday as he met up with a 14-year-old girl for sexhe was arrested when he arrived at the theater with a full box of condoms as the young girl was in fact an undercover police officer .charles kane of spencerport , new york had communicated with the girl online after posting a craigslist ad seeking a young girl for a daddy/daughter relationship and showed up to meet her at a local theater .\n", - "charles kane of spencerport , new york was arrested thursday as he met up with a 14-year-old girl for sexthe girl was in fact an undercover officer who had responded to kane 's online posting for sex with a young girl and a daddy/daughter relationshipkane , 46 , is a married middle school music teacher with two young daughtershe had been communicating with the officer for months before he planned the meeting at a local movie theaterkane had a full box of condoms on him at the time he was arrestedhe has been charged with enticement of a minor to engage in sexual activity and faces up to 10 years in prison and a $ 250,000 fine if convicted\n", - "[1.1632968 1.2358087 1.1827836 1.2728467 1.3102846 1.0756826 1.1026857\n", - " 1.0224483 1.101568 1.0310802 1.1273534 1.0807552 1.0898798 1.0774491\n", - " 1.0466425 1.0366132 1.0801575 0. ]\n", - "\n", - "[ 4 3 1 2 0 10 6 8 12 11 16 13 5 14 15 9 7 17]\n", - "=======================\n", - "[\"pippa middleton has been slammed for ` promoting the cruel and unnecessary whaling industry ' .she boasted of tucking into the delicacy in norway , to the horror of environmental campaigners who say she is helping promote an ` unimaginably cruel ' trade .so pippa middleton 's decision to enjoy a plate of whale meat on holiday may have been rather difficult for prince william to swallow .\"]\n", - "=======================\n", - "[\"middleton wrote about eating whale for a national newspaper travel storyshe described eating it at the # 123-a-night juvet landscape hotelwhale and dolphin conservation group said the news was ` disappointing 'the wdc said ms middleton should have gone whale watching instead\"]\n", - "pippa middleton has been slammed for ` promoting the cruel and unnecessary whaling industry ' .she boasted of tucking into the delicacy in norway , to the horror of environmental campaigners who say she is helping promote an ` unimaginably cruel ' trade .so pippa middleton 's decision to enjoy a plate of whale meat on holiday may have been rather difficult for prince william to swallow .\n", - "middleton wrote about eating whale for a national newspaper travel storyshe described eating it at the # 123-a-night juvet landscape hotelwhale and dolphin conservation group said the news was ` disappointing 'the wdc said ms middleton should have gone whale watching instead\n", - "[1.3639953 1.237765 1.181963 1.3940738 1.332721 1.1621208 1.0704165\n", - " 1.0615085 1.1068168 1.0719676 1.0176191 1.0111017 1.0107437 1.0109314\n", - " 1.2758228 1.1650666 0. 0. ]\n", - "\n", - "[ 3 0 4 14 1 2 15 5 8 9 6 7 10 11 13 12 16 17]\n", - "=======================\n", - "[\"jordon ibe in training for liverpool at melwood as he prepares to make a return from injuryjordon ibe is on the verge of signing a new long-term contract as brendan rodgers prepares to re-launch the exciting teenager 's season .liverpool offered ibe fresh terms in february after he had a deep impression in a sequence of games , particularly against everton and tottenham , that coincided with an improvement in the club 's fortunes .\"]\n", - "=======================\n", - "['jordon ibe to put pen to paper on a new long-term deal at liverpoolthe 19-year-old broke into the first team before falling injuredibe has been out since february after damaging his knee ligamentsthe youngster could make a return against newcastle on mondaybrendan rodgers concedes that daniel sturridge will not rediscover his best form this season after a number of injury problems']\n", - "jordon ibe in training for liverpool at melwood as he prepares to make a return from injuryjordon ibe is on the verge of signing a new long-term contract as brendan rodgers prepares to re-launch the exciting teenager 's season .liverpool offered ibe fresh terms in february after he had a deep impression in a sequence of games , particularly against everton and tottenham , that coincided with an improvement in the club 's fortunes .\n", - "jordon ibe to put pen to paper on a new long-term deal at liverpoolthe 19-year-old broke into the first team before falling injuredibe has been out since february after damaging his knee ligamentsthe youngster could make a return against newcastle on mondaybrendan rodgers concedes that daniel sturridge will not rediscover his best form this season after a number of injury problems\n", - "[1.2077001 1.2716367 1.4752698 1.2838596 1.1785063 1.0391248 1.0386074\n", - " 1.0226072 1.060039 1.0298846 1.0420887 1.0395951 1.0313414 1.0568919\n", - " 1.127802 1.0847358 1.1143992 1.0840911]\n", - "\n", - "[ 2 3 1 0 4 14 16 15 17 8 13 10 11 5 6 12 9 7]\n", - "=======================\n", - "['the mercury is expected to reach 25c ( 77f ) in the south east today .this will beat marseille at 22c ( 72f ) , athens at 21c ( 70f ) , rome at 19c ( 66f ) and madrid at 18c ( 64f ) .and keep those sunglasses at the ready -- the sunshine is forecast to last until the middle of next week .']\n", - "=======================\n", - "['yesterday was officially hottest day of 2015 with a high of 22.7 c - with temperatures rising to 25c todayweather caused by warm air from azores is creating conditions we might usually experience in july or augustit is set to get cooler later in the week but temperatures will remain higher than the average for this time of yearfamilies are warned to use suncream if they are relaxing outside while firefighters issue warning over fire risks']\n", - "the mercury is expected to reach 25c ( 77f ) in the south east today .this will beat marseille at 22c ( 72f ) , athens at 21c ( 70f ) , rome at 19c ( 66f ) and madrid at 18c ( 64f ) .and keep those sunglasses at the ready -- the sunshine is forecast to last until the middle of next week .\n", - "yesterday was officially hottest day of 2015 with a high of 22.7 c - with temperatures rising to 25c todayweather caused by warm air from azores is creating conditions we might usually experience in july or augustit is set to get cooler later in the week but temperatures will remain higher than the average for this time of yearfamilies are warned to use suncream if they are relaxing outside while firefighters issue warning over fire risks\n", - "[1.3909205 1.3362852 1.1825675 1.1139494 1.0243826 1.1618785 1.1026294\n", - " 1.0450225 1.0249519 1.030188 1.1751173 1.1246532 1.1100535 1.1334102\n", - " 1.167856 1.0938485 0. 0. ]\n", - "\n", - "[ 0 1 2 10 14 5 13 11 3 12 6 15 7 9 8 4 16 17]\n", - "=======================\n", - "[\"a newly-released film about manny pacquiao offers a look into the philippine boxer 's childhood ahead of his much anticipated fight against floyd mayweather jnr next month .` kid kulafu ' , named after a brand of wine whose bottles pacquiao collected as a child , charts his rise from humble beginnings to his first step into the boxing ring .` he 's just like every one of us , ' director paul soriano said at the film 's manila premiere on tuesday night .\"]\n", - "=======================\n", - "[\"manny pacquiao 's early life is portrayed in a new film called kid kulafuthe film is named after bottles of wine the boxer collected as a childit charts his rise from humble beginnings to his first steps in the ringpacquiao takes on floyd mayweather in las vegas on may 2\"]\n", - "a newly-released film about manny pacquiao offers a look into the philippine boxer 's childhood ahead of his much anticipated fight against floyd mayweather jnr next month .` kid kulafu ' , named after a brand of wine whose bottles pacquiao collected as a child , charts his rise from humble beginnings to his first step into the boxing ring .` he 's just like every one of us , ' director paul soriano said at the film 's manila premiere on tuesday night .\n", - "manny pacquiao 's early life is portrayed in a new film called kid kulafuthe film is named after bottles of wine the boxer collected as a childit charts his rise from humble beginnings to his first steps in the ringpacquiao takes on floyd mayweather in las vegas on may 2\n", - "[1.2028419 1.3537717 1.2033769 1.3544846 1.1660227 1.2050784 1.0676708\n", - " 1.2276269 1.160474 1.0377437 1.0311762 1.1351603 1.0378081 1.0258166\n", - " 1.0212051 1.0494733 1.0226214 0. ]\n", - "\n", - "[ 3 1 7 5 2 0 4 8 11 6 15 12 9 10 13 16 14 17]\n", - "=======================\n", - "[\"the light general aviation aircraft approaches the aero acres residential airpark and touches down without its landing gear deployedthe plane 's propellers can be heard ricocheting off the ground as the wings bounce up and down from the impactdespite the fact the aerostar plane travels at speed , its descent towards the landing strip appears normal until the video maker makes a startling observation .\"]\n", - "=======================\n", - "['video captures light general aviation aircraft approaching at speedfilmmaker points out that the pilot has not deployed the landing gearplane touches down onto the tarmac and skids along the runwayits propellers ricochet off the ground before pilot re-engages enginesaircraft takes off and flies 100 miles away to fort lauderdale , florida']\n", - "the light general aviation aircraft approaches the aero acres residential airpark and touches down without its landing gear deployedthe plane 's propellers can be heard ricocheting off the ground as the wings bounce up and down from the impactdespite the fact the aerostar plane travels at speed , its descent towards the landing strip appears normal until the video maker makes a startling observation .\n", - "video captures light general aviation aircraft approaching at speedfilmmaker points out that the pilot has not deployed the landing gearplane touches down onto the tarmac and skids along the runwayits propellers ricochet off the ground before pilot re-engages enginesaircraft takes off and flies 100 miles away to fort lauderdale , florida\n", - "[1.686541 1.3083496 1.1870633 1.1902058 1.0377617 1.0226992 1.021032\n", - " 1.0151467 1.1275321 1.0536397 1.0751268 1.1108756 1.0492451 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 8 11 10 9 12 4 5 6 7 17 13 14 15 16 18]\n", - "=======================\n", - "[\"darren bent pounced in stoppage time to rescue a 1-1 draw for derby against brentford at the ipro stadium .the bees controlled the game for long periods after going ahead through alex pritchard 's brilliant strike - but missed chances in the second half came back to haunt them when bent grabbed his 10th goal for the rams .alex pritchard celebrates his stunning strike with his brentford team-mates , after putting his side ahead\"]\n", - "=======================\n", - "['alex pritchard puts brentford ahead with stunning curling shotbrentford dominate but fail to take chances to add second goaldarren bent pokes home from close range in 92nd minute']\n", - "darren bent pounced in stoppage time to rescue a 1-1 draw for derby against brentford at the ipro stadium .the bees controlled the game for long periods after going ahead through alex pritchard 's brilliant strike - but missed chances in the second half came back to haunt them when bent grabbed his 10th goal for the rams .alex pritchard celebrates his stunning strike with his brentford team-mates , after putting his side ahead\n", - "alex pritchard puts brentford ahead with stunning curling shotbrentford dominate but fail to take chances to add second goaldarren bent pokes home from close range in 92nd minute\n", - "[1.2386755 1.3849924 1.2840573 1.1259601 1.1708897 1.1479509 1.1361316\n", - " 1.1635352 1.1500269 1.1002754 1.0738734 1.1094495 1.0649178 1.0297523\n", - " 1.0179231 1.01882 1.0234754 0. 0. ]\n", - "\n", - "[ 1 2 0 4 7 8 5 6 3 11 9 10 12 13 16 15 14 17 18]\n", - "=======================\n", - "[\"the image , which has not been verified , was re-posted to twitter on sunday by an anti-isis activist in syria with the warning : ` this child will be risk to you not just to us ' .abu ward al-raqqawi , a self proclaimed ` founder of the syrian revolution , ' believes the chilling image was released to radicalise the next generation of jihadis .a sickening propaganda image linked to the islamic state terrorist group has surfaced showing a newborn baby sleeping next to a grenade , a handgun and what appears to be a birth certificate .\"]\n", - "=======================\n", - "[\"it was posted to twitter on sunday by an anti-islamic state activist in syriait is believed to be the latest chapter in the group 's propaganda campaignit follows a series of shocking posts of young boys being radicalisedthe terror group grooms children to take part in jihad from a young age\"]\n", - "the image , which has not been verified , was re-posted to twitter on sunday by an anti-isis activist in syria with the warning : ` this child will be risk to you not just to us ' .abu ward al-raqqawi , a self proclaimed ` founder of the syrian revolution , ' believes the chilling image was released to radicalise the next generation of jihadis .a sickening propaganda image linked to the islamic state terrorist group has surfaced showing a newborn baby sleeping next to a grenade , a handgun and what appears to be a birth certificate .\n", - "it was posted to twitter on sunday by an anti-islamic state activist in syriait is believed to be the latest chapter in the group 's propaganda campaignit follows a series of shocking posts of young boys being radicalisedthe terror group grooms children to take part in jihad from a young age\n", - "[1.2249217 1.3890274 1.1783867 1.3361107 1.2182626 1.0564356 1.1121318\n", - " 1.1137034 1.0695558 1.1411295 1.1396508 1.0642552 1.1439506 1.0656322\n", - " 1.0771527 1.0629666 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 12 9 10 7 6 14 8 13 11 15 5 17 16 18]\n", - "=======================\n", - "[\"fabregas suffered the break during chelsea 's win over stoke city on saturday , taking a hit to the face from charlie adam 's forearm minutes before the scot struck a 66-yard wondergoal at stamford bridge .cesc fabregas will wear a special protective face mask for chelsea after breaking his nose , and this is itthe mask , branded with fabregas 's initial and squad number ` c4 ' , was made by the ortholabsport\"]\n", - "=======================\n", - "['cesc fabregas had his nose broken in a challenge with charlie adamchelsea midfielder has travelled to italy to have a protective mask fittedthe spaniard will wear guard branded with his initials and squad numberortholabsport have also made masks for petr cech and fernando torres']\n", - "fabregas suffered the break during chelsea 's win over stoke city on saturday , taking a hit to the face from charlie adam 's forearm minutes before the scot struck a 66-yard wondergoal at stamford bridge .cesc fabregas will wear a special protective face mask for chelsea after breaking his nose , and this is itthe mask , branded with fabregas 's initial and squad number ` c4 ' , was made by the ortholabsport\n", - "cesc fabregas had his nose broken in a challenge with charlie adamchelsea midfielder has travelled to italy to have a protective mask fittedthe spaniard will wear guard branded with his initials and squad numberortholabsport have also made masks for petr cech and fernando torres\n", - "[1.4395108 1.4362285 1.312284 1.1916363 1.2124355 1.1213262 1.0965451\n", - " 1.0665302 1.0770992 1.0187721 1.032636 1.1362429 1.0339586 1.0096625\n", - " 1.0214624 1.2222626 1.0413256 1.0205581 1.1300652]\n", - "\n", - "[ 0 1 2 15 4 3 11 18 5 6 8 7 16 12 10 14 17 9 13]\n", - "=======================\n", - "[\"bayern munich have joined manchester united and liverpool in the race to sign memphis depay .the psv eindhoven star 's talents have been compared to those of a young cristiano ronaldo by ronald de boer , who also claims united could have the edge over liverpool in a battle for the holland forward .the 21-year-old dutch international has played a starring role in psv 's eredivisie title success this season .\"]\n", - "=======================\n", - "['liverpool and manchester united are set to battle for memphis depaybut bayern munich have now joined the race for his signatureholland international depay has scored 23 goals for the club this seasonread : liverpool set for summer overhaul with ten kop stars on way out']\n", - "bayern munich have joined manchester united and liverpool in the race to sign memphis depay .the psv eindhoven star 's talents have been compared to those of a young cristiano ronaldo by ronald de boer , who also claims united could have the edge over liverpool in a battle for the holland forward .the 21-year-old dutch international has played a starring role in psv 's eredivisie title success this season .\n", - "liverpool and manchester united are set to battle for memphis depaybut bayern munich have now joined the race for his signatureholland international depay has scored 23 goals for the club this seasonread : liverpool set for summer overhaul with ten kop stars on way out\n", - "[1.428757 1.3284585 1.3082595 1.4040872 1.3030069 1.083744 1.1079509\n", - " 1.0542142 1.0103856 1.0119373 1.0208585 1.070792 1.1166983 1.0871137\n", - " 1.0133709 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 12 6 13 5 11 7 10 14 9 8 15 16 17 18]\n", - "=======================\n", - "[\"england under 21 captain jack butland has revealed voting for team-mate harry kane as this season 's pfa young player of the year and hopes the tottenham hotshot can help him emulate goalkeeping skipper iker casillas at the european championship in the czech republic this summer .butland joined his england manager gareth southgate and former world cup legend michael owen at st george 's park on st george 's day as around 35 local schoolchildren from the east midlands were put through their paces by fa skills coaches at england 's plush headquarters .the 22-year-old stoke city goalkeeper is bidding to be the first england captain to lift the european under 21 championship since dave sexton 's team won the trophy in 1984 and kane is expected to be a big part of their team as they attempt to end 31 years of hurt .\"]\n", - "=======================\n", - "[\"jack butland voted for harry kane to win young player of the yearstoke keeper says there is not a player of the same age on kane 's levelbutland is hoping kane can help fire england u21s to glory this summer\"]\n", - "england under 21 captain jack butland has revealed voting for team-mate harry kane as this season 's pfa young player of the year and hopes the tottenham hotshot can help him emulate goalkeeping skipper iker casillas at the european championship in the czech republic this summer .butland joined his england manager gareth southgate and former world cup legend michael owen at st george 's park on st george 's day as around 35 local schoolchildren from the east midlands were put through their paces by fa skills coaches at england 's plush headquarters .the 22-year-old stoke city goalkeeper is bidding to be the first england captain to lift the european under 21 championship since dave sexton 's team won the trophy in 1984 and kane is expected to be a big part of their team as they attempt to end 31 years of hurt .\n", - "jack butland voted for harry kane to win young player of the yearstoke keeper says there is not a player of the same age on kane 's levelbutland is hoping kane can help fire england u21s to glory this summer\n", - "[1.2173669 1.4834149 1.2847154 1.3783759 1.354356 1.2249119 1.1344048\n", - " 1.0935738 1.0875759 1.0497128 1.1005557 1.0443162 1.0344685 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 5 0 6 10 7 8 9 11 12 13 14 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"twenty-two-year-old rachel jaajaa and 29-year-old aaron tate 's daughter was found on friday night at a mcdonald 's in elyria when a patron called 911 after seeing the baby was left alone .police say rachel jaajaa , 22 , refused to take her daughter because it was the father 's ` turn to have the baby 'they were both arrested monday and charged with child endangering .\"]\n", - "=======================\n", - "[\"rachel jaajaa , 22 , and aaron tate , 29 , were arrested monday in elryia , ohiothey were charged with child endangering after infant was left on fridaypatron at mcdonald 's called 911 and jaajaa and tate were found fightingjaajaa 's sister is now caring for the baby\"]\n", - "twenty-two-year-old rachel jaajaa and 29-year-old aaron tate 's daughter was found on friday night at a mcdonald 's in elyria when a patron called 911 after seeing the baby was left alone .police say rachel jaajaa , 22 , refused to take her daughter because it was the father 's ` turn to have the baby 'they were both arrested monday and charged with child endangering .\n", - "rachel jaajaa , 22 , and aaron tate , 29 , were arrested monday in elryia , ohiothey were charged with child endangering after infant was left on fridaypatron at mcdonald 's called 911 and jaajaa and tate were found fightingjaajaa 's sister is now caring for the baby\n", - "[1.257693 1.5394874 1.3182757 1.4192661 1.2716619 1.0678644 1.0537536\n", - " 1.0317019 1.0544999 1.0407515 1.0178295 1.0442412 1.0167836 1.1002246\n", - " 1.1069908 1.0197127 1.0158498 1.0481951 1.0273727 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 14 13 5 8 6 17 11 9 7 18 15 10 12 16 19 20 21 22 23]\n", - "=======================\n", - "['scott shirley , his wife mayo and seven-year-old son phoenix , were travelling back to washington dc after a birthday trip to disney world , orlando , when they discovered the vomit and complained to cabin crew .after boarding the plane , the shirleys were storing their bags under their seats when they noticed their luggage was wet .after putting their luggage on the floor of the cabin , the family discovered the bags to be wet with vomit']\n", - "=======================\n", - "['scott shirley , his wife and son were returning from trip to disneylandbut mrs shirley made grim discovery on floor of united airlines planemr shirley claims staff refused to clean area and were offered blankets to cover area up']\n", - "scott shirley , his wife mayo and seven-year-old son phoenix , were travelling back to washington dc after a birthday trip to disney world , orlando , when they discovered the vomit and complained to cabin crew .after boarding the plane , the shirleys were storing their bags under their seats when they noticed their luggage was wet .after putting their luggage on the floor of the cabin , the family discovered the bags to be wet with vomit\n", - "scott shirley , his wife and son were returning from trip to disneylandbut mrs shirley made grim discovery on floor of united airlines planemr shirley claims staff refused to clean area and were offered blankets to cover area up\n", - "[1.3890781 1.2876549 1.2741406 1.2070597 1.1556363 1.0418223 1.1094798\n", - " 1.1560916 1.0881643 1.058315 1.0215495 1.0563183 1.2255741 1.0300908\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 12 3 7 4 6 8 9 11 5 13 10 22 14 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "['left his post : army sgt. bowe bergdahl walked away from the army and was captured by the taliban in june of 2009admiral mike mullen , former chairman of the joint chiefs of staff , allegedly told three comrades of bergdahl that the soldier was a deserterthe claims mean that mullen was in a position to tell the president his soldier had run away five years before national security adviser susan rice told the world that bergdahl served honorably .']\n", - "=======================\n", - "['former sgt. matt vierkant claims admiral mike mullen knew bergdhal desertedclaims the chairman of the joint chiefs told him this during private question and answer sessionex-white house aides have said it is inconceivable that president obama did not knowbergdahl is charged with desertion and misbehavior before the enemy']\n", - "left his post : army sgt. bowe bergdahl walked away from the army and was captured by the taliban in june of 2009admiral mike mullen , former chairman of the joint chiefs of staff , allegedly told three comrades of bergdahl that the soldier was a deserterthe claims mean that mullen was in a position to tell the president his soldier had run away five years before national security adviser susan rice told the world that bergdahl served honorably .\n", - "former sgt. matt vierkant claims admiral mike mullen knew bergdhal desertedclaims the chairman of the joint chiefs told him this during private question and answer sessionex-white house aides have said it is inconceivable that president obama did not knowbergdahl is charged with desertion and misbehavior before the enemy\n", - "[1.4830185 1.3461719 1.3377593 1.3858562 1.3148032 1.1074108 1.0177176\n", - " 1.0135818 1.0101558 1.2401067 1.0339345 1.0141249 1.0131209 1.0245012\n", - " 1.0285443 1.013199 1.0112408 1.0160054 1.0169857 1.0205929 1.0281634\n", - " 1.1523015 1.2077543 1.1273267]\n", - "\n", - "[ 0 3 1 2 4 9 22 21 23 5 10 14 20 13 19 6 18 17 11 7 15 12 16 8]\n", - "=======================\n", - "['fc tokyo forward yoshinori muto has admitted that he is still considering whether to join premier league leaders chelsea this summer .earlier this month club president naoki ogane claimed that the blues have made an offer - believed to be around # 4million - for the japan international .chelsea would look to loan muto to partner club vitesse arnhem next season but the 22-year-old is keen to join a club where he will play regularly and realise his potential .']\n", - "=======================\n", - "[\"naoki ogane claims that chelsea have made a bid for yoshinori mutothe fc tokyo forward says he is still considering a move to londonmuto 's former manager , ranko popovic , says his potential is ` amazing 'jose mourinho has admitted that he is aware of the japan international\"]\n", - "fc tokyo forward yoshinori muto has admitted that he is still considering whether to join premier league leaders chelsea this summer .earlier this month club president naoki ogane claimed that the blues have made an offer - believed to be around # 4million - for the japan international .chelsea would look to loan muto to partner club vitesse arnhem next season but the 22-year-old is keen to join a club where he will play regularly and realise his potential .\n", - "naoki ogane claims that chelsea have made a bid for yoshinori mutothe fc tokyo forward says he is still considering a move to londonmuto 's former manager , ranko popovic , says his potential is ` amazing 'jose mourinho has admitted that he is aware of the japan international\n", - "[1.5436512 1.2660218 1.2405388 1.4519198 1.3240092 1.1756705 1.0292808\n", - " 1.0135245 1.0120499 1.0153295 1.0156449 1.1887819 1.1543349 1.0784987\n", - " 1.0147761 1.013604 1.0530752 1.009174 1.0094053 1.0093205 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 1 2 11 5 12 13 16 6 10 9 14 15 7 8 18 19 17 20 21 22 23]\n", - "=======================\n", - "[\"arsenal midfielder santi cazorla has said he is happy to stay at arsenal despite interest from atletico madrid , although he admits that ` you never know what the future will bring ' .cazorla is enjoying one of the best periods of his career , having scored seven goals and provided eight assists in 29 barclays premier league appearances this season for arsenal .cazorla signed for arsenal in the summer of 2012 for a # 16.5 million transfer fee from malaga , and he has been a key man in arsene wenger 's squad ever since .\"]\n", - "=======================\n", - "[\"santi cazorla has been in the best form of his career for arsenal this yearspanish midfielder 's displays have seen him linked to atletico madridcazorla says he has heard of interest but is happy to stay in north londonread : arsene wenger reveals secrets of his team selection processclick here for the latest arsenal news\"]\n", - "arsenal midfielder santi cazorla has said he is happy to stay at arsenal despite interest from atletico madrid , although he admits that ` you never know what the future will bring ' .cazorla is enjoying one of the best periods of his career , having scored seven goals and provided eight assists in 29 barclays premier league appearances this season for arsenal .cazorla signed for arsenal in the summer of 2012 for a # 16.5 million transfer fee from malaga , and he has been a key man in arsene wenger 's squad ever since .\n", - "santi cazorla has been in the best form of his career for arsenal this yearspanish midfielder 's displays have seen him linked to atletico madridcazorla says he has heard of interest but is happy to stay in north londonread : arsene wenger reveals secrets of his team selection processclick here for the latest arsenal news\n", - "[1.4779226 1.2617549 1.200461 1.2058401 1.3057312 1.1172662 1.0647451\n", - " 1.0670406 1.0422485 1.054163 1.0564449 1.0404954 1.029081 1.0521637\n", - " 1.041622 1.0950161 1.0536733 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 3 2 5 15 7 6 10 9 16 13 8 14 11 12 17 18 19]\n", - "=======================\n", - "[\"andy hornby is non-executive chairman of pharmacy 2u , which was found to be selling nhs patients ' details on without their knowledgenow we can reveal that at its helm is the disgraced banker andy hornby , who was in charge of hbos when it collapsed in 2008 .many of those whose details he is selling on are some of the most vulnerable in society -- either too ill to travel to their nearest surgery or the disabled .\"]\n", - "=======================\n", - "[\"andy hornby is in charge of the disgraced online company pharmacy 2uit was revealed yesterday that service has been selling nhs patients ' datamany of which are the most vulnerable in society , who are ill or disabledthere are calls for him to step down and condemned for selling on details\"]\n", - "andy hornby is non-executive chairman of pharmacy 2u , which was found to be selling nhs patients ' details on without their knowledgenow we can reveal that at its helm is the disgraced banker andy hornby , who was in charge of hbos when it collapsed in 2008 .many of those whose details he is selling on are some of the most vulnerable in society -- either too ill to travel to their nearest surgery or the disabled .\n", - "andy hornby is in charge of the disgraced online company pharmacy 2uit was revealed yesterday that service has been selling nhs patients ' datamany of which are the most vulnerable in society , who are ill or disabledthere are calls for him to step down and condemned for selling on details\n", - "[1.49398 1.2667432 1.4294627 1.2481887 1.1995121 1.0740192 1.0277826\n", - " 1.0212978 1.0560995 1.0288594 1.0388622 1.1083715 1.1174191 1.142145\n", - " 1.0703506 1.0298215 1.014722 1.0668366 1.0559303 1.0271738]\n", - "\n", - "[ 0 2 1 3 4 13 12 11 5 14 17 8 18 10 15 9 6 19 7 16]\n", - "=======================\n", - "['jeffrey williams , 20 , is accused of shooting and wounding the officers on during a rally on march 12all inmates are informed their phone conversations while behind bars are recorded and can be used as evidence against them , but despite the warning williams spoke freely about the incident in calls made from the st. louis county justice center .in a conversation with his girlfriend , williams said he was being harassed by a group of people outside ferguson pd on the night of the shooting']\n", - "=======================\n", - "[\"jeffrey williams , 20 , is accused of shooting and wounding the officers on during a rally on march 12despite warnings at the start of prison phone calls that they can be used as evidence , he spoke free about the incident to his girlfriendwilliams said he was being harassed by a group of people outside ferguson pd and was n't aiming at the cops .` even though i was in the wrong , though , i should have just went the other way , ' he said .\"]\n", - "jeffrey williams , 20 , is accused of shooting and wounding the officers on during a rally on march 12all inmates are informed their phone conversations while behind bars are recorded and can be used as evidence against them , but despite the warning williams spoke freely about the incident in calls made from the st. louis county justice center .in a conversation with his girlfriend , williams said he was being harassed by a group of people outside ferguson pd on the night of the shooting\n", - "jeffrey williams , 20 , is accused of shooting and wounding the officers on during a rally on march 12despite warnings at the start of prison phone calls that they can be used as evidence , he spoke free about the incident to his girlfriendwilliams said he was being harassed by a group of people outside ferguson pd and was n't aiming at the cops .` even though i was in the wrong , though , i should have just went the other way , ' he said .\n", - "[1.3162795 1.1755413 1.2579937 1.1748915 1.1822546 1.1879073 1.0750422\n", - " 1.0689281 1.0354108 1.0772375 1.201684 1.094147 1.059043 1.0390217\n", - " 1.0607867 1.1678984 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 10 5 4 1 3 15 11 9 6 7 14 12 13 8 16 17 18 19]\n", - "=======================\n", - "[\"criticism : lord prescott suggested the signatories were ` tax dodgers , tory donors and non doms 'shadow cabinet ministers branded the industry leaders who signed an open letter backing the conservative economic plan as members of the ` 1 per cent ' .attack : labour 's business spokesman chuka umunna ( left ) suggested that former diageo boss paul walsh ( right ) should no longer take over as the head of the cbi\"]\n", - "=======================\n", - "['shadow cabinet ministers brand industry leaders as members of the \\' 1 % \\'lord prescott suggests they are ` tax dodgers , tory donors and non doms \\'one of them , diageo boss paul walsh , ` should no longer take over at cbi \\'103 corporate leaders declared government ` has been good for business \\'in september 2011 , miliband marks his first year as labour leader by threatening a more punitive system of tax and regulation for businesses that he considers to be ` predators \\' who are ` just interested in the fast buck \\' .the institute of directors says : ` we would like to know how he plans to identify and reward \" good \" companies over \" bad \" ones .in his 2013 conference speech he pledges an incoming labour government would freeze gas and electricity bills for 20 months .power firms say it will deter investment in much needed infrastructure .also that month miliband announces councils should be allowed to fine developers if they acquire land with planning permission but do not build on it immediately .the iod says the ` use it or lose it \\' declaration is a ` stalinist attack on property rights \\' .in january 2014 , labour vows it will reverse george osborne \\'s cut in the 50p rate of tax for anyone earning more than # 150,000 -- which , with disingenuous class war rhetoric , it dubs a ` tax cut for millionaires \\' .in a letter , the heads of 24 of britain \\'s most successful companies say this would put the economic recovery at risk .in september 2014 labour pledges to reverse a 1p cut in corporation tax .the iod hits back : ` it \\'s a dangerous move for labour to risk our business-friendly environment in this way . \\'in february miliband and his supporters turn on boots chief executive stefano pessina when he dares to say he fears labour \\'s business policies will be a catastrophe .appalled business chiefs accuse the labour leader of ` playing the man not the ball \\' .']\n", - "criticism : lord prescott suggested the signatories were ` tax dodgers , tory donors and non doms 'shadow cabinet ministers branded the industry leaders who signed an open letter backing the conservative economic plan as members of the ` 1 per cent ' .attack : labour 's business spokesman chuka umunna ( left ) suggested that former diageo boss paul walsh ( right ) should no longer take over as the head of the cbi\n", - "shadow cabinet ministers brand industry leaders as members of the ' 1 % 'lord prescott suggests they are ` tax dodgers , tory donors and non doms 'one of them , diageo boss paul walsh , ` should no longer take over at cbi '103 corporate leaders declared government ` has been good for business 'in september 2011 , miliband marks his first year as labour leader by threatening a more punitive system of tax and regulation for businesses that he considers to be ` predators ' who are ` just interested in the fast buck ' .the institute of directors says : ` we would like to know how he plans to identify and reward \" good \" companies over \" bad \" ones .in his 2013 conference speech he pledges an incoming labour government would freeze gas and electricity bills for 20 months .power firms say it will deter investment in much needed infrastructure .also that month miliband announces councils should be allowed to fine developers if they acquire land with planning permission but do not build on it immediately .the iod says the ` use it or lose it ' declaration is a ` stalinist attack on property rights ' .in january 2014 , labour vows it will reverse george osborne 's cut in the 50p rate of tax for anyone earning more than # 150,000 -- which , with disingenuous class war rhetoric , it dubs a ` tax cut for millionaires ' .in a letter , the heads of 24 of britain 's most successful companies say this would put the economic recovery at risk .in september 2014 labour pledges to reverse a 1p cut in corporation tax .the iod hits back : ` it 's a dangerous move for labour to risk our business-friendly environment in this way . 'in february miliband and his supporters turn on boots chief executive stefano pessina when he dares to say he fears labour 's business policies will be a catastrophe .appalled business chiefs accuse the labour leader of ` playing the man not the ball ' .\n", - "[1.4176799 1.4717745 1.2545272 1.4180595 1.1771264 1.1095506 1.030487\n", - " 1.0278584 1.0196729 1.0353103 1.0990044 1.1140859 1.1225321 1.0723553\n", - " 1.066357 1.0678425 1.011668 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 12 11 5 10 13 15 14 9 6 7 8 16 17 18 19]\n", - "=======================\n", - "[\"he was pronounced dead the next dayizaak gillen ( above ) , seven months , was taken to hospital on april 6 with a skull fracture while at his babysitter 's oregon city home .justin and stacy gillen , the boy 's parents , said on wednesday in a statement that they are deeply saddened by the loss of their son and that they plan to donate some of his organs .\"]\n", - "=======================\n", - "[\"izaak gillen of oregon was taken to randall children 's hospital on april 6 with the injury and was pronounced dead the following daydetectives said he was at the babysitter 's house when he had skull fracturemedical examiner determined child 's manner of death was a homicideparents justin and stacy gillen said they are deeply saddened by the lossno arrests have been made and investigators are still looking into incident\"]\n", - "he was pronounced dead the next dayizaak gillen ( above ) , seven months , was taken to hospital on april 6 with a skull fracture while at his babysitter 's oregon city home .justin and stacy gillen , the boy 's parents , said on wednesday in a statement that they are deeply saddened by the loss of their son and that they plan to donate some of his organs .\n", - "izaak gillen of oregon was taken to randall children 's hospital on april 6 with the injury and was pronounced dead the following daydetectives said he was at the babysitter 's house when he had skull fracturemedical examiner determined child 's manner of death was a homicideparents justin and stacy gillen said they are deeply saddened by the lossno arrests have been made and investigators are still looking into incident\n", - "[1.2534868 1.3270284 1.3144165 1.2421159 1.1572474 1.0458721 1.0991029\n", - " 1.1143316 1.2452495 1.0646033 1.0193566 1.0620806 1.0555081 1.0391415\n", - " 1.0346096 1.0198077 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 8 3 4 7 6 9 11 12 5 13 14 15 10 18 16 17 19]\n", - "=======================\n", - "[\"on monday , as the 22-year-old 's loved ones were split over whether she had awoken from her coma as her father had claimed , the 46-year-old signer spent time at the dekalb medical center in decatur , georgia , where his daughter is being cared for .the daughter of whitney houston was recently moved from emory university hospital - where she had been treated since being found unresponsive on january 31 - so she could be provided with long term care .as family infighting continues , bobby brown has visited his stricken daughter bobbi kristina in hospital .\"]\n", - "=======================\n", - "[\"bobby brown has maintained his daughter is awake from her comamaternal grandmother cissy houston updated fans clarifying that her grandchild is ` no longer in a medically induced coma 'but cissy explained that her granddaughter is irreversibly brain damaged and unresponsivethe hospitalised woman 's 46-year-old father told fans at a dallas concert on saturday that ` bobbi is awake .on monday , his wife alicia tried to clarify bobby 's statement saying ` she has made it out of icu and opened her eyes 'a source close to the houston family shared that they ` have no idea where bobby is getting his information 'the 22-year-old only child of the late whitney houston was first hospitalized on january 31 after being found face down and unconscious in a bathtub at her georgia home\"]\n", - "on monday , as the 22-year-old 's loved ones were split over whether she had awoken from her coma as her father had claimed , the 46-year-old signer spent time at the dekalb medical center in decatur , georgia , where his daughter is being cared for .the daughter of whitney houston was recently moved from emory university hospital - where she had been treated since being found unresponsive on january 31 - so she could be provided with long term care .as family infighting continues , bobby brown has visited his stricken daughter bobbi kristina in hospital .\n", - "bobby brown has maintained his daughter is awake from her comamaternal grandmother cissy houston updated fans clarifying that her grandchild is ` no longer in a medically induced coma 'but cissy explained that her granddaughter is irreversibly brain damaged and unresponsivethe hospitalised woman 's 46-year-old father told fans at a dallas concert on saturday that ` bobbi is awake .on monday , his wife alicia tried to clarify bobby 's statement saying ` she has made it out of icu and opened her eyes 'a source close to the houston family shared that they ` have no idea where bobby is getting his information 'the 22-year-old only child of the late whitney houston was first hospitalized on january 31 after being found face down and unconscious in a bathtub at her georgia home\n", - "[1.4801011 1.3407307 1.3193753 1.4357283 1.0857736 1.1961234 1.0882587\n", - " 1.0307299 1.0715332 1.0163211 1.1466619 1.1580442 1.0927488 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 5 11 10 12 6 4 8 7 9 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"siem de jong played 45 minutes for newcastle under 21s on his comeback from a collapsed lung .the 26-year-old made way at the break after coming through the first half of united 's 2-0 defeat to derby county at st james ' park .de jong has made just one premier league start since his # 6million arrival from ajax last summer .\"]\n", - "=======================\n", - "[\"siem de jong has made just one premier league start this seasonthe 26-year-old has been plagued by injuries since joining from ajaxhe played 45 minutes as newcastle lost 2-0 at home to derby countyloanee facundo ferreyra replaced de jong at half-timealefe santos and farrend rawson on target for the rams at st james ' park\"]\n", - "siem de jong played 45 minutes for newcastle under 21s on his comeback from a collapsed lung .the 26-year-old made way at the break after coming through the first half of united 's 2-0 defeat to derby county at st james ' park .de jong has made just one premier league start since his # 6million arrival from ajax last summer .\n", - "siem de jong has made just one premier league start this seasonthe 26-year-old has been plagued by injuries since joining from ajaxhe played 45 minutes as newcastle lost 2-0 at home to derby countyloanee facundo ferreyra replaced de jong at half-timealefe santos and farrend rawson on target for the rams at st james ' park\n", - "[1.2473861 1.382654 1.3733548 1.3172984 1.1266475 1.0419644 1.0887622\n", - " 1.188114 1.0780739 1.170295 1.0631965 1.0334822 1.0092281 1.0064678\n", - " 1.0082905 1.1197532 1.1482683 1.093651 1.0667628 0. ]\n", - "\n", - "[ 1 2 3 0 7 9 16 4 15 17 6 8 18 10 5 11 12 14 13 19]\n", - "=======================\n", - "[\"female crews representing oxford and cambridge universities rowed the same stretch of the river thames in london as the men for the first time in the 87 years they have competed .oxford claimed their fourth win in five years in a supreme show of strength in the 161st men 's boat race .president constantine louloudis claimed a fourth and final boat race victory for the dark blues , completing a clean sweep only interrupted by claiming bronze with team gb 's men 's eight at london 2012 .\"]\n", - "=======================\n", - "[\"double victory for oxford as both men and women 's teams won raceswomen competed on same course as men and on same day for first timeup to 300,000 expected to line the banks of the thames for historic raceoxford men 's rowing team claimed their fourth win in five years\"]\n", - "female crews representing oxford and cambridge universities rowed the same stretch of the river thames in london as the men for the first time in the 87 years they have competed .oxford claimed their fourth win in five years in a supreme show of strength in the 161st men 's boat race .president constantine louloudis claimed a fourth and final boat race victory for the dark blues , completing a clean sweep only interrupted by claiming bronze with team gb 's men 's eight at london 2012 .\n", - "double victory for oxford as both men and women 's teams won raceswomen competed on same course as men and on same day for first timeup to 300,000 expected to line the banks of the thames for historic raceoxford men 's rowing team claimed their fourth win in five years\n", - "[1.4672196 1.2765393 1.1923186 1.3762072 1.3416368 1.1031582 1.0800874\n", - " 1.0482051 1.063882 1.2464623 1.0599148 1.1131412 1.0137956 1.0099301\n", - " 1.0090383 1.0228535 1.0254682 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 1 9 2 11 5 6 8 10 7 16 15 12 13 14 18 17 19]\n", - "=======================\n", - "[\"harry kane scored his 30th goal in all competitions for tottenham this season on sunday and the pfa player of the year nominee tops this week 's ea sports ' performance index after another intriguing round of premier league action .chelsea star eden hazard completes the top three with a game index score of 38.5 - after proving the blues ' matchwinner in their 1-0 win over top four rivals manchester united on saturday evening .the ea sports ppi is the official player rating index of the premier league .\"]\n", - "=======================\n", - "['harry kane scored his 30th goal of the season for tottenham on sundaykane and christian eriksen both scored in their 3-1 win at newcastleeden hazard scored the only goal as chelsea beat manchester united 1-0']\n", - "harry kane scored his 30th goal in all competitions for tottenham this season on sunday and the pfa player of the year nominee tops this week 's ea sports ' performance index after another intriguing round of premier league action .chelsea star eden hazard completes the top three with a game index score of 38.5 - after proving the blues ' matchwinner in their 1-0 win over top four rivals manchester united on saturday evening .the ea sports ppi is the official player rating index of the premier league .\n", - "harry kane scored his 30th goal of the season for tottenham on sundaykane and christian eriksen both scored in their 3-1 win at newcastleeden hazard scored the only goal as chelsea beat manchester united 1-0\n", - "[1.213418 1.4262807 1.2344611 1.384213 1.1093221 1.1622739 1.1341546\n", - " 1.1204941 1.048866 1.0205039 1.1431007 1.1537322 1.0719403 1.1919397\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 13 5 11 10 6 7 4 12 8 9 14 15 16 17 18 19]\n", - "=======================\n", - "['new milford officer daniel demarco , of lodi , was arrested in an elmwood park car lot at 2.45 pm on friday for possession of one bag of crack cocaine , a hypodermic syringe and drug paraphernalia , elmwood park police said .police on scene believed demarco , 28 , looked suspicious as they were patrolling the area for narcotics travel , elmwood police chief michael foligno said .he is scheduled to appear in court on tuesday']\n", - "=======================\n", - "[\"new milford , new jersey , police officer daniel demarco was arrested fridayhe was spotted in an elmwood park car lot and was in possession of one bag of crack cocaine , a hypodermic syringe and drug paraphernaliahe was also charged with being under the influence of a controlled dangerous substance and dwinew milford police confirmed on monday that he 's still employed by the force\"]\n", - "new milford officer daniel demarco , of lodi , was arrested in an elmwood park car lot at 2.45 pm on friday for possession of one bag of crack cocaine , a hypodermic syringe and drug paraphernalia , elmwood park police said .police on scene believed demarco , 28 , looked suspicious as they were patrolling the area for narcotics travel , elmwood police chief michael foligno said .he is scheduled to appear in court on tuesday\n", - "new milford , new jersey , police officer daniel demarco was arrested fridayhe was spotted in an elmwood park car lot and was in possession of one bag of crack cocaine , a hypodermic syringe and drug paraphernaliahe was also charged with being under the influence of a controlled dangerous substance and dwinew milford police confirmed on monday that he 's still employed by the force\n", - "[1.1556176 1.1013197 1.1240067 1.0839713 1.0929286 1.1914996 1.208916\n", - " 1.0795653 1.2125502 1.0414816 1.0447633 1.0440718 1.0445873 1.0334598\n", - " 1.0339427 1.1295494 1.1108924 1.0297779 1.0345981 1.0414815]\n", - "\n", - "[ 8 6 5 0 15 2 16 1 4 3 7 10 12 11 9 19 18 14 13 17]\n", - "=======================\n", - "[\"with a 10-point advantage , even if jose mourinho loses to arsene wenger for the first time on sunday it wo n't stop his side becoming champions .arsenal players celebrate after their extra-time winner against reading in the fa cup semi-finals last weekchelsea were relentless from the first whistle and have had the title race firmly under control since before christmas .\"]\n", - "=======================\n", - "[\"it is not unusual to see arsenal finish the season with good resultsarsenal host chelsea at the emirates stadium on sundayan arsenal win will not stop chelsea from becoming championschelsea will not have it all their own way in the premier league next yearno team is better placed than arsenal to dislodge jose mourinho 's sidearsenal must go for it this summer and make the big additionsfabian delph has been aston villa 's best player for the last 18 monthsother premier league clubs missed their chance to sign delph for free\"]\n", - "with a 10-point advantage , even if jose mourinho loses to arsene wenger for the first time on sunday it wo n't stop his side becoming champions .arsenal players celebrate after their extra-time winner against reading in the fa cup semi-finals last weekchelsea were relentless from the first whistle and have had the title race firmly under control since before christmas .\n", - "it is not unusual to see arsenal finish the season with good resultsarsenal host chelsea at the emirates stadium on sundayan arsenal win will not stop chelsea from becoming championschelsea will not have it all their own way in the premier league next yearno team is better placed than arsenal to dislodge jose mourinho 's sidearsenal must go for it this summer and make the big additionsfabian delph has been aston villa 's best player for the last 18 monthsother premier league clubs missed their chance to sign delph for free\n", - "[1.4011996 1.4313488 1.2175103 1.4246533 1.1344873 1.056127 1.0180995\n", - " 1.014764 1.1658378 1.0175265 1.0110524 1.2029951 1.0129181 1.0196291\n", - " 1.0161809 1.1139196 1.1132363]\n", - "\n", - "[ 1 3 0 2 11 8 4 15 16 5 13 6 9 14 7 12 10]\n", - "=======================\n", - "[\"manuel pellegrini 's city were poor for all but the opening 15 minutes against louis van gaal 's side at old trafford and neville , speaking on sky sports , is certain big changes are afoot for the club .yaya toure 's defensive lapses are costing manchester city , claims sky sports pundit gary neville` it 's a crossroads for them now , ' neville said as city drifted four points behind their third-placed cross-city rivals who are now one point off arsenal in second .\"]\n", - "=======================\n", - "[\"manchester city lost 4-2 to manchester united at old trafford on sundayyaya toure was the subject of scathing criticism on sky sportsgary neville said toure can not handle central midfield against ` quality 'neville used ivorian as an example of ` weeds in the garden ' at city\"]\n", - "manuel pellegrini 's city were poor for all but the opening 15 minutes against louis van gaal 's side at old trafford and neville , speaking on sky sports , is certain big changes are afoot for the club .yaya toure 's defensive lapses are costing manchester city , claims sky sports pundit gary neville` it 's a crossroads for them now , ' neville said as city drifted four points behind their third-placed cross-city rivals who are now one point off arsenal in second .\n", - "manchester city lost 4-2 to manchester united at old trafford on sundayyaya toure was the subject of scathing criticism on sky sportsgary neville said toure can not handle central midfield against ` quality 'neville used ivorian as an example of ` weeds in the garden ' at city\n", - "[1.1527368 1.2667459 1.3720801 1.2329125 1.3277293 1.1531318 1.0911008\n", - " 1.1108663 1.0768644 1.1321216 1.0507092 1.0942836 1.0523864 1.0438429\n", - " 1.040971 1.2171972 1.017332 ]\n", - "\n", - "[ 2 4 1 3 15 5 0 9 7 11 6 8 12 10 13 14 16]\n", - "=======================\n", - "[\"the man was in fact alan rogers , 73 , who had smashed the skull of 76-year-old fred hatch .fred hatch , 76 , had bought his wife enid 50 yellow roses - her favourite flowers - to celebrate their golden wedding anniversary , telling her ` each one is for a year of happiness ' .enid hatch , 70 , told of the horror as she ran out to the communal hallway of their sheltered housing complex near cardiff to help what she thought was an injured man , only to discover blood splattered walls where her husband had been brutally beaten yards away .\"]\n", - "=======================\n", - "[\"enid hatch found blood splattered walls after going to look for her husbandhe had been beaten with a claw hammer by a crazed pensioner neighbouralan rogers sentenced under mental health act and may never be releasedmrs hatch 's sister betty was murdered in 1971 by mental health absconder\"]\n", - "the man was in fact alan rogers , 73 , who had smashed the skull of 76-year-old fred hatch .fred hatch , 76 , had bought his wife enid 50 yellow roses - her favourite flowers - to celebrate their golden wedding anniversary , telling her ` each one is for a year of happiness ' .enid hatch , 70 , told of the horror as she ran out to the communal hallway of their sheltered housing complex near cardiff to help what she thought was an injured man , only to discover blood splattered walls where her husband had been brutally beaten yards away .\n", - "enid hatch found blood splattered walls after going to look for her husbandhe had been beaten with a claw hammer by a crazed pensioner neighbouralan rogers sentenced under mental health act and may never be releasedmrs hatch 's sister betty was murdered in 1971 by mental health absconder\n", - "[1.2650604 1.5075796 1.2537365 1.1643517 1.347971 1.0752746 1.1032956\n", - " 1.042818 1.0848622 1.0430279 1.1062367 1.1249844 1.0595855 1.06282\n", - " 1.0503386 0. 0. ]\n", - "\n", - "[ 1 4 0 2 3 11 10 6 8 5 13 12 14 9 7 15 16]\n", - "=======================\n", - "['quincy hazel and sabrina golden-hazel , both 44 from riviera beach , also allegedly never took either of the children , a 17-year-old boy and a 12-year-old girl , to a doctor or dentist .a florida couple locked two of their children in a closet for days on end , forced them to eat from a bucket and never enrolled them in school , according to authorities .a 26-year-old relative told police that the family has 11 children but that the 17 - and 12-year-old were the only two subjected to the cruel treatment , the sun sentinel reported .']\n", - "=======================\n", - "[\"florida couple quincy hazel and sabrina golden-hazel ` locked up the 12-year-old girl and 17-year-old boy in a closet for days on end 'they ` were eventually allowed to sleep on the floor of a bedroom but were fed from a bucket or found food to eat in the trash 'their conditions emerged when the boy ran away from home last month and confided in a friend , who spoke to authoritiesgolden-hazel claimed she home schooled the children but there were no books in the home\"]\n", - "quincy hazel and sabrina golden-hazel , both 44 from riviera beach , also allegedly never took either of the children , a 17-year-old boy and a 12-year-old girl , to a doctor or dentist .a florida couple locked two of their children in a closet for days on end , forced them to eat from a bucket and never enrolled them in school , according to authorities .a 26-year-old relative told police that the family has 11 children but that the 17 - and 12-year-old were the only two subjected to the cruel treatment , the sun sentinel reported .\n", - "florida couple quincy hazel and sabrina golden-hazel ` locked up the 12-year-old girl and 17-year-old boy in a closet for days on end 'they ` were eventually allowed to sleep on the floor of a bedroom but were fed from a bucket or found food to eat in the trash 'their conditions emerged when the boy ran away from home last month and confided in a friend , who spoke to authoritiesgolden-hazel claimed she home schooled the children but there were no books in the home\n", - "[1.3487303 1.2834641 1.3312974 1.3486046 1.3211155 1.0944874 1.0723491\n", - " 1.0418003 1.0662373 1.0650079 1.070836 1.0197659 1.0117227 1.0255287\n", - " 1.0219392 1.0088991 0. ]\n", - "\n", - "[ 0 3 2 4 1 5 6 10 8 9 7 13 14 11 12 15 16]\n", - "=======================\n", - "['breast cancer is the second most common cause of death from cancer among american womenit is made up of $ 2.8 bn resulting from false-positive mammograms and another $ 1.2 bn attributed to breast cancer overdiagnosis - treatment of tumors that grow slowly or not at all and are unlikely to develop into life-threatening disease .the study , published in the health affairs journal on monday , has estimated the figure for women aged 40 to 59 .']\n", - "=======================\n", - "['study estimates yearly figure for women aged 40-59breast cancer is the second biggest cancer killer among american womena critic claims there was no attempt to balance the costs with the benefits']\n", - "breast cancer is the second most common cause of death from cancer among american womenit is made up of $ 2.8 bn resulting from false-positive mammograms and another $ 1.2 bn attributed to breast cancer overdiagnosis - treatment of tumors that grow slowly or not at all and are unlikely to develop into life-threatening disease .the study , published in the health affairs journal on monday , has estimated the figure for women aged 40 to 59 .\n", - "study estimates yearly figure for women aged 40-59breast cancer is the second biggest cancer killer among american womena critic claims there was no attempt to balance the costs with the benefits\n", - "[1.0685827 1.2910988 1.1270533 1.2185692 1.2275152 1.1521648 1.0405214\n", - " 1.0436198 1.0772264 1.060413 1.0611912 1.0984349 1.0503002 1.0829902\n", - " 1.0407491 1.0875161 1.0623564]\n", - "\n", - "[ 1 4 3 5 2 11 15 13 8 0 16 10 9 12 7 14 6]\n", - "=======================\n", - "['hillary clinton \\'s online declaration for president means the focus will now shift to the campaign and to what kind of president she might be .there \\'s another one , too : the first secretary of state to become president since james buchanan .should she win , clinton will add to her potential \" firsts \" : first woman president ; the first president who had been a first lady .']\n", - "=======================\n", - "[\"miller : the former secretary of state has to decide whether she 's going to differ with barack obama 's handling of foreign policyhe says her experience overseas could be an asset as long as she does n't get ensnared by controversy over obama policies\"]\n", - "hillary clinton 's online declaration for president means the focus will now shift to the campaign and to what kind of president she might be .there 's another one , too : the first secretary of state to become president since james buchanan .should she win , clinton will add to her potential \" firsts \" : first woman president ; the first president who had been a first lady .\n", - "miller : the former secretary of state has to decide whether she 's going to differ with barack obama 's handling of foreign policyhe says her experience overseas could be an asset as long as she does n't get ensnared by controversy over obama policies\n", - "[1.3790473 1.2133847 1.3803418 1.1673286 1.1861706 1.069403 1.0951256\n", - " 1.0659162 1.0327029 1.0697433 1.0855608 1.0965381 1.0432353 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 1 4 3 11 6 10 9 5 7 12 8 20 19 18 17 14 15 13 21 16 22]\n", - "=======================\n", - "[\"palaeontologists are referring to chilesaurus diegosuarezi as a ` platypus ' dinosaur because of its bizarre combination of characteristics , including its small skull and feet .a new lineage of dinosaur that grazed on plants , despite being closely related to notorious carnivore tyrannosaurus rex , has been discovered in chile .the animal is proving to be an evolutionary jigsaw puzzle because it belongs to the theropod group of dinosaurs - which includes the famous meat eaters velociraptor , carnotaurus and tyrannosaurus , from which birds today evolved - but was a vegetarian .\"]\n", - "=======================\n", - "['chilesaurus diegosuarezi was discovered by a child in southern chilelate jurassic dinosaur was a herbivore , causing experts to rethink the idea that vegetarian theropods were close relatives of birdsfossils reveal unusual features from various dinosaur groups , including short arms , a long neck , small head and leaf-shaped teethdinosaur has been liked to a platypus because of its mixture of traits']\n", - "palaeontologists are referring to chilesaurus diegosuarezi as a ` platypus ' dinosaur because of its bizarre combination of characteristics , including its small skull and feet .a new lineage of dinosaur that grazed on plants , despite being closely related to notorious carnivore tyrannosaurus rex , has been discovered in chile .the animal is proving to be an evolutionary jigsaw puzzle because it belongs to the theropod group of dinosaurs - which includes the famous meat eaters velociraptor , carnotaurus and tyrannosaurus , from which birds today evolved - but was a vegetarian .\n", - "chilesaurus diegosuarezi was discovered by a child in southern chilelate jurassic dinosaur was a herbivore , causing experts to rethink the idea that vegetarian theropods were close relatives of birdsfossils reveal unusual features from various dinosaur groups , including short arms , a long neck , small head and leaf-shaped teethdinosaur has been liked to a platypus because of its mixture of traits\n", - "[1.0747194 1.313485 1.514581 1.1028452 1.3301064 1.1041931 1.0609063\n", - " 1.0331649 1.1340005 1.1918665 1.0316672 1.0239035 1.0218495 1.0450406\n", - " 1.0139378 1.0147355 1.0251744 1.105712 1.0611441 1.0401087 1.1246564\n", - " 1.0563668 1.0253161]\n", - "\n", - "[ 2 4 1 9 8 20 17 5 3 0 18 6 21 13 19 7 10 22 16 11 12 15 14]\n", - "=======================\n", - "['mr rickard , 72 , and his wife brenda , 67 , were on holiday when daisy fell 10ft from a quay into the sea .daisy was pulled from the water by a passing fisherman on a boat who hooked a pole through her collar .the couple , from rugby , warwickshire , had been on holiday with their family in caernarfon , north wales , with their daughter karen , 36 , and two grandchildren .']\n", - "=======================\n", - "[\"daisy fell 10ft from quay into sea during holiday in caernarfon , north waleswestie was rescued by passing fisherman after disappearing below wavesowners dave rickard and his wife brenda gave lifeless pet the kiss of lifemr rickard , 72 , said he acted ` instinctively ' to save their beloved pet\"]\n", - "mr rickard , 72 , and his wife brenda , 67 , were on holiday when daisy fell 10ft from a quay into the sea .daisy was pulled from the water by a passing fisherman on a boat who hooked a pole through her collar .the couple , from rugby , warwickshire , had been on holiday with their family in caernarfon , north wales , with their daughter karen , 36 , and two grandchildren .\n", - "daisy fell 10ft from quay into sea during holiday in caernarfon , north waleswestie was rescued by passing fisherman after disappearing below wavesowners dave rickard and his wife brenda gave lifeless pet the kiss of lifemr rickard , 72 , said he acted ` instinctively ' to save their beloved pet\n", - "[1.1986132 1.354229 1.214418 1.0991718 1.1778604 1.1401765 1.140105\n", - " 1.1306353 1.0612413 1.094524 1.0927355 1.0591959 1.0403188 1.0269554\n", - " 1.0801934 1.0694509 1.0258816 1.0497477 1.0126377 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 4 5 6 7 3 9 10 14 15 8 11 17 12 13 16 18 21 19 20 22]\n", - "=======================\n", - "['the two sets of maps , compiled by cartographer trent hare , include image mosaics and topographical views of the lunar landscape taken over a period of four years .the grey and white areas reveal higher peaks , while darker blues show deep craters .from deep craters to basaltic plains , the varied surface of the moon has been revealed in stunning detail by the us geological survey .']\n", - "=======================\n", - "[\"the maps , compiled by us geological survey , include image mosaics and topographical views of the moonthey show features such as ` ocean of storms ' and mare orientale captured by lunar reconnaissance orbiterto create the maps , researchers used more than 6.5 billion measurements collected between 2009 and 2013\"]\n", - "the two sets of maps , compiled by cartographer trent hare , include image mosaics and topographical views of the lunar landscape taken over a period of four years .the grey and white areas reveal higher peaks , while darker blues show deep craters .from deep craters to basaltic plains , the varied surface of the moon has been revealed in stunning detail by the us geological survey .\n", - "the maps , compiled by us geological survey , include image mosaics and topographical views of the moonthey show features such as ` ocean of storms ' and mare orientale captured by lunar reconnaissance orbiterto create the maps , researchers used more than 6.5 billion measurements collected between 2009 and 2013\n", - "[1.2235948 1.5141766 1.2659689 1.2609606 1.2767683 1.1222823 1.034033\n", - " 1.0582867 1.0372088 1.0404707 1.0915096 1.0119005 1.1217189 1.1386417\n", - " 1.0727543 1.182331 1.1472872 1.057035 1.0364978 1.0070388 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 2 3 0 15 16 13 5 12 10 14 7 17 9 8 18 6 11 19 20 21 22]\n", - "=======================\n", - "[\"joan ashton has been a resident of aneurin bevan court in duffryn , newport for around eight months .this is the ` disgusting ' serving of baked potato and corned beef served to an 81-year-old woman living in sheltered housingthe elderly woman 's son , steve , visits her regularly there where he says his mother is well-looked after by carers who bring her meals .\"]\n", - "=======================\n", - "[\"steve ashton was horrified by the meal served to his mother joan , 81the elderly woman lives in aneurin bevan court in duffryn , newporther son is campaigning for changes to ensure better food standardsmr ashton 's photo of ` terrible ' serving of food was shared 129,000 timessend your photos to jennifer.smith@mailonline.co.uk or call 02036150193\"]\n", - "joan ashton has been a resident of aneurin bevan court in duffryn , newport for around eight months .this is the ` disgusting ' serving of baked potato and corned beef served to an 81-year-old woman living in sheltered housingthe elderly woman 's son , steve , visits her regularly there where he says his mother is well-looked after by carers who bring her meals .\n", - "steve ashton was horrified by the meal served to his mother joan , 81the elderly woman lives in aneurin bevan court in duffryn , newporther son is campaigning for changes to ensure better food standardsmr ashton 's photo of ` terrible ' serving of food was shared 129,000 timessend your photos to jennifer.smith@mailonline.co.uk or call 02036150193\n", - "[1.0637729 1.1980727 1.1483463 1.0800582 1.1942441 1.3191057 1.0802417\n", - " 1.0534371 1.0320392 1.0271184 1.1081573 1.2177465 1.0309867 1.0575372\n", - " 1.0291529 1.038257 1.0273263 1.0208136 1.0692302 1.0270079 1.0363083\n", - " 1.0249465 0. ]\n", - "\n", - "[ 5 11 1 4 2 10 6 3 18 0 13 7 15 20 8 12 14 16 9 19 21 17 22]\n", - "=======================\n", - "[\"half of three to six-year-olds say they worry about being fat , with a fifth of girls under 11 confessing to have even tried diets ( picture posed by model )` anna wright ' is the first of the 30 names on the list to be read out as if from a class register .in a pink-walled bedroom , decorated with posters of justin bieber , best friends zoe and eleanor settle themselves on to the bed and press play on the webcam of their computer .\"]\n", - "=======================\n", - "[\"school children as young as nine are posting public ` hot or not ' videossome more cutting clips can gather over 2,000 views onlinewhat effect will this new form of humiliation have on the next generation ?\"]\n", - "half of three to six-year-olds say they worry about being fat , with a fifth of girls under 11 confessing to have even tried diets ( picture posed by model )` anna wright ' is the first of the 30 names on the list to be read out as if from a class register .in a pink-walled bedroom , decorated with posters of justin bieber , best friends zoe and eleanor settle themselves on to the bed and press play on the webcam of their computer .\n", - "school children as young as nine are posting public ` hot or not ' videossome more cutting clips can gather over 2,000 views onlinewhat effect will this new form of humiliation have on the next generation ?\n", - "[1.3231015 1.1298379 1.030692 1.1237226 1.1368868 1.1597939 1.1347151\n", - " 1.0604934 1.0167134 1.024943 1.0541085 1.116149 1.0505627 1.1488051\n", - " 1.0949863 1.0570496 1.0264086 1.0193001 1.0535759 1.0360979 1.0252873\n", - " 1.0311849 1.0477432 1.0905735 1.0328927 1.0363792]\n", - "\n", - "[ 0 5 13 4 6 1 3 11 14 23 7 15 10 18 12 22 25 19 24 21 2 16 20 9\n", - " 17 8]\n", - "=======================\n", - "['( cnn ) when bruce jenner told abc \\'s diane sawyer and the world on friday night that \" yes , for all intents and purposes , i \\'m a woman , \" the declaration was n\\'t particularly surprising .\" so very proud of you , my hero , \" tweeted daughter kendall jenner .stepdaughters kim , khloé and kourtney kardashian also joined the family chorus .']\n", - "=======================\n", - "[\"social media largely supports jennermore people seemed intrigued that he 's a republican\"]\n", - "( cnn ) when bruce jenner told abc 's diane sawyer and the world on friday night that \" yes , for all intents and purposes , i 'm a woman , \" the declaration was n't particularly surprising .\" so very proud of you , my hero , \" tweeted daughter kendall jenner .stepdaughters kim , khloé and kourtney kardashian also joined the family chorus .\n", - "social media largely supports jennermore people seemed intrigued that he 's a republican\n", - "[1.1655418 1.2287436 1.1017237 1.1710786 1.4206707 1.159877 1.1384919\n", - " 1.0169803 1.1966181 1.1248614 1.0791819 1.0360005 1.0214815 1.0494285\n", - " 1.0248132 1.0321298 1.0351235 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 1 8 3 0 5 6 9 2 10 13 11 16 15 14 12 7 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"the line - part of the royal caribbean group - has two ships in its fleet , journey and quest , which each carry about 680 passengers .the founders took ` aza ' for ` blue ' - think azure ; and added ` mara ' , which has a hint of the maritime about it .the thinking behind ` club ' was that it suggested exclusivity .\"]\n", - "=======================\n", - "[\"writer took azamara club cruises ' quest vessel from monaco to romethe smaller ship proves more intimate and can access more portsstops included st tropez , porto vecchio , sardinia and amalfidrove along the amalfi coast to a buffalo farm in pontecagnano\"]\n", - "the line - part of the royal caribbean group - has two ships in its fleet , journey and quest , which each carry about 680 passengers .the founders took ` aza ' for ` blue ' - think azure ; and added ` mara ' , which has a hint of the maritime about it .the thinking behind ` club ' was that it suggested exclusivity .\n", - "writer took azamara club cruises ' quest vessel from monaco to romethe smaller ship proves more intimate and can access more portsstops included st tropez , porto vecchio , sardinia and amalfidrove along the amalfi coast to a buffalo farm in pontecagnano\n", - "[1.2806866 1.2857808 1.2342916 1.2131788 1.1912595 1.1728112 1.0418723\n", - " 1.2179079 1.1356546 1.0386949 1.0858119 1.0509125 1.0439981 1.0771117\n", - " 1.0429132 1.1048919 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 7 3 4 5 8 15 10 13 11 12 14 6 9 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "['\" around 800,000 children have been forced to flee their homes as a result of the conflict in northeast nigeria between boko haram , military forces and civilian self-defense groups , \" unicef said monday .( cnn ) the abduction of more than 200 schoolgirls a year ago this week captured global attention and inspired the hashtag #bringbackourgirls , but the horrors for nigeria \\'s children are widespread .the \" number of children running for their lives within nigeria , or crossing over the border to chad , niger and cameroon , has more than doubled in just less than a year . \"']\n", - "=======================\n", - "['more than 1.5 million people are displaced , including 800,000 children , unicef saysthe kidnappings that inspired #bringbackourgirls were a year ago this weekunicef is launching a #bringbackourchildhood campaign']\n", - "\" around 800,000 children have been forced to flee their homes as a result of the conflict in northeast nigeria between boko haram , military forces and civilian self-defense groups , \" unicef said monday .( cnn ) the abduction of more than 200 schoolgirls a year ago this week captured global attention and inspired the hashtag #bringbackourgirls , but the horrors for nigeria 's children are widespread .the \" number of children running for their lives within nigeria , or crossing over the border to chad , niger and cameroon , has more than doubled in just less than a year . \"\n", - "more than 1.5 million people are displaced , including 800,000 children , unicef saysthe kidnappings that inspired #bringbackourgirls were a year ago this weekunicef is launching a #bringbackourchildhood campaign\n", - "[1.0824727 1.0555162 1.0837433 1.1202427 1.1556668 1.04175 1.1043161\n", - " 1.0729672 1.0723712 1.0408597 1.0566596 1.1432071 1.031943 1.0711734\n", - " 1.1205889 1.090511 1.0794188 1.0539317 1.0667129 1.0380859 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 11 14 3 6 15 2 0 16 7 8 13 18 10 1 17 5 9 19 12 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "['( a researcher once caught 365,000 bloodthirsty bugs in a single trap in a single night . )a watershed built for 2 million people now supports nearly 8 million , and another 50 million tourists each year .after a century of development , half the everglades is dead and the other half is on life support .']\n", - "=======================\n", - "['the everglades were drained a century ago and are now being restored\" the wonder list \" season finale takes places in the everglades']\n", - "( a researcher once caught 365,000 bloodthirsty bugs in a single trap in a single night . )a watershed built for 2 million people now supports nearly 8 million , and another 50 million tourists each year .after a century of development , half the everglades is dead and the other half is on life support .\n", - "the everglades were drained a century ago and are now being restored\" the wonder list \" season finale takes places in the everglades\n", - "[1.1283817 1.1685767 1.2279829 1.2405924 1.1289037 1.0668247 1.0535284\n", - " 1.1001859 1.0865954 1.0960802 1.0622722 1.064082 1.1097484 1.0264567\n", - " 1.0458473 1.071047 1.0755605 1.0620606 1.0496855 1.0264919 1.0461497\n", - " 1.045454 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 4 0 12 7 9 8 16 15 5 11 10 17 6 18 20 14 21 19 13 24 22\n", - " 23 25]\n", - "=======================\n", - "['his research has resulted in three cnn documentaries , culminating with \" weed 3 : the marijuana revolution , \" airing at 9 p.m. et/pt sunday .he \\'s been investigating medical marijuana for the last couple of years .given the amount of questions and mystery surrounding the science behind it , dr. sanjay gupta wanted to provide some insight .']\n", - "=======================\n", - "[\"cnn 's dr. sanjay gupta answers questions about medical marijuanareaders wanted to know how medical marijuana could ease symptoms of illnesses\"]\n", - "his research has resulted in three cnn documentaries , culminating with \" weed 3 : the marijuana revolution , \" airing at 9 p.m. et/pt sunday .he 's been investigating medical marijuana for the last couple of years .given the amount of questions and mystery surrounding the science behind it , dr. sanjay gupta wanted to provide some insight .\n", - "cnn 's dr. sanjay gupta answers questions about medical marijuanareaders wanted to know how medical marijuana could ease symptoms of illnesses\n", - "[1.2128918 1.2779347 1.3679806 1.2175 1.1902852 1.1073022 1.0490506\n", - " 1.027668 1.1654737 1.0240111 1.1826428 1.0895153 1.109552 1.0986315\n", - " 1.0752714 1.0186552 1.0918039 1.006026 0. ]\n", - "\n", - "[ 2 1 3 0 4 10 8 12 5 13 16 11 14 6 7 9 15 17 18]\n", - "=======================\n", - "[\"extending au pairs on working holiday visas - who earn $ 250 a week as live-in nannies - to stay with one family for a year instead of the current six months is another option .instead of employing european students on working holidays to act as au pairs industry experts want to attract more workers from asia where wages are low .the introduction of asian nannies to australia would go some way to help address the childcare shortage it 's been argued\"]\n", - "=======================\n", - "[\"employing asia nannies would help save money in the long runextension of au pairs visa from six months to a year another optionopening up system to workers from indonesia could help solve crisishowever , opposition leader bill shorten does not agree with thismr shorten says it 's not the way to solve the big challenges in childcare\"]\n", - "extending au pairs on working holiday visas - who earn $ 250 a week as live-in nannies - to stay with one family for a year instead of the current six months is another option .instead of employing european students on working holidays to act as au pairs industry experts want to attract more workers from asia where wages are low .the introduction of asian nannies to australia would go some way to help address the childcare shortage it 's been argued\n", - "employing asia nannies would help save money in the long runextension of au pairs visa from six months to a year another optionopening up system to workers from indonesia could help solve crisishowever , opposition leader bill shorten does not agree with thismr shorten says it 's not the way to solve the big challenges in childcare\n", - "[1.323038 1.1731763 1.1119906 1.1026798 1.1779176 1.1875446 1.027935\n", - " 1.0336838 1.030538 1.0468925 1.0429623 1.1230811 1.1245514 1.0636545\n", - " 1.0634401 1.0637919 1.0782125 1.0487193 1.047401 ]\n", - "\n", - "[ 0 5 4 1 12 11 2 3 16 15 13 14 17 18 9 10 7 8 6]\n", - "=======================\n", - "[\"cardinal francis george was remembered thursday as a man of deep faith , intellect and compassion as catholics said their final goodbyes to the man who led the nation 's third-largest archdiocese and was known as a vigorous defender of roman catholic orthodoxy .george died friday , april 17 at age 78 after a long battle with cancergeorge also did n't hesitate to speak his mind , even if it was unscripted and , at times , controversial , said seattle archbishop j. peter sartain , who delivered the homily at a packed funeral mass at chicago 's holy name cathedral .\"]\n", - "=======================\n", - "[\"cardinal francis george , a chicago native , died fridayhe was to be buried thursday in his family 's plot at all saints cemetery in nearby des plaineshe was appointed by pope john paul ii in 1997 to lead the chicago archdiocesegeorge earned a reputation as an intellectual leader and a leading figure in some of the most prominent events in the u.s. church\"]\n", - "cardinal francis george was remembered thursday as a man of deep faith , intellect and compassion as catholics said their final goodbyes to the man who led the nation 's third-largest archdiocese and was known as a vigorous defender of roman catholic orthodoxy .george died friday , april 17 at age 78 after a long battle with cancergeorge also did n't hesitate to speak his mind , even if it was unscripted and , at times , controversial , said seattle archbishop j. peter sartain , who delivered the homily at a packed funeral mass at chicago 's holy name cathedral .\n", - "cardinal francis george , a chicago native , died fridayhe was to be buried thursday in his family 's plot at all saints cemetery in nearby des plaineshe was appointed by pope john paul ii in 1997 to lead the chicago archdiocesegeorge earned a reputation as an intellectual leader and a leading figure in some of the most prominent events in the u.s. church\n", - "[1.2865667 1.4960768 1.3365661 1.0273718 1.1958227 1.2359116 1.1977782\n", - " 1.0208821 1.1043957 1.0288459 1.0234503 1.1043122 1.0374725 1.0145246\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 5 6 4 8 11 12 9 3 10 7 13 14 15 16 17 18]\n", - "=======================\n", - "[\"the liquid is called shear-thickening fluid ( stf ) , and instantly hardens upon impact at any temperature .in a ` liquid armour ' this provides protection from penetration by high-speed projectiles and additionally dispersing energy over a larger area .scientists at a polish company that produce body armour systems are working to put a ` magic liquid ' that can harden on impact in their products .\"]\n", - "=======================\n", - "['clothing can include moratex pack which instantly hardens on impacthas been shown to stop bullets in lab tests - yet wearer can move around']\n", - "the liquid is called shear-thickening fluid ( stf ) , and instantly hardens upon impact at any temperature .in a ` liquid armour ' this provides protection from penetration by high-speed projectiles and additionally dispersing energy over a larger area .scientists at a polish company that produce body armour systems are working to put a ` magic liquid ' that can harden on impact in their products .\n", - "clothing can include moratex pack which instantly hardens on impacthas been shown to stop bullets in lab tests - yet wearer can move around\n", - "[1.2598772 1.5317452 1.3034935 1.3658876 1.1244732 1.1398073 1.0437807\n", - " 1.0349141 1.0318837 1.0870211 1.0962787 1.0403557 1.0265615 1.0583204\n", - " 1.0659885 1.0588266 1.0293038 1.0312493 0. ]\n", - "\n", - "[ 1 3 2 0 5 4 10 9 14 15 13 6 11 7 8 17 16 12 18]\n", - "=======================\n", - "[\"joseph o'riordan , 73 , stabbed his 47-year-old wife amanda eight times after he discovered she had been having an affair with a postman .joseph o'riordan stabbed his wife of ten years amanda ( left ) with a seven inch kitchen knife eight timesshe was left with life-threatening injuries to her torso , chest , arms and back .\"]\n", - "=======================\n", - "[\"joseph o'riordan , 73 , stabbed wife eight times after discovering her affairshe was left with life-threatening injuries to her torso , chest , arms and backo'riordan rang ambulance for amanda and admitted attack in the 999 callcourt heard while on remand he asked her to ` get things together ' for trial\"]\n", - "joseph o'riordan , 73 , stabbed his 47-year-old wife amanda eight times after he discovered she had been having an affair with a postman .joseph o'riordan stabbed his wife of ten years amanda ( left ) with a seven inch kitchen knife eight timesshe was left with life-threatening injuries to her torso , chest , arms and back .\n", - "joseph o'riordan , 73 , stabbed wife eight times after discovering her affairshe was left with life-threatening injuries to her torso , chest , arms and backo'riordan rang ambulance for amanda and admitted attack in the 999 callcourt heard while on remand he asked her to ` get things together ' for trial\n", - "[1.2539462 1.3929963 1.1941382 1.2237192 1.3144296 1.0454861 1.0289338\n", - " 1.07854 1.1032578 1.0476662 1.0693618 1.0680511 1.0812607 1.0646232\n", - " 1.0447706 1.0118861 1.049116 1.0981506 0. ]\n", - "\n", - "[ 1 4 0 3 2 8 17 12 7 10 11 13 16 9 5 14 6 15 18]\n", - "=======================\n", - "['hoda muthana , 20 , spoke out about her decision to ditch her life as a college student in hoover , alabama , after being persuaded by terrorists that it was her duty as a muslim .an american college student who abandoned the west to wage holy war in syria and call for homegrown attacks in the united states has told how she lied to her family and cashed in her tuition money to flee the west .mu muthana , who lived with her moderate muslim family until she fled to raqqa , syria , revealed her path to terror in an interview with buzzfeed news .']\n", - "=======================\n", - "['hoda muthana , 20 , left hoover , alabama , to join extremists in raqqa , syriabusiness student tricked her family to escape them and fly to middle easttold how she was helped to plan escape by jihadists she met onlinecashed in money meant for college courses to pay for her flight']\n", - "hoda muthana , 20 , spoke out about her decision to ditch her life as a college student in hoover , alabama , after being persuaded by terrorists that it was her duty as a muslim .an american college student who abandoned the west to wage holy war in syria and call for homegrown attacks in the united states has told how she lied to her family and cashed in her tuition money to flee the west .mu muthana , who lived with her moderate muslim family until she fled to raqqa , syria , revealed her path to terror in an interview with buzzfeed news .\n", - "hoda muthana , 20 , left hoover , alabama , to join extremists in raqqa , syriabusiness student tricked her family to escape them and fly to middle easttold how she was helped to plan escape by jihadists she met onlinecashed in money meant for college courses to pay for her flight\n", - "[1.3257582 1.345029 1.1541548 1.2959944 1.125833 1.0557334 1.0266021\n", - " 1.116433 1.0502219 1.1056321 1.069409 1.1148267 1.0913022 1.1382881\n", - " 1.0872409 1.0464194 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 13 4 7 11 9 12 14 10 5 8 15 6 17 16 18]\n", - "=======================\n", - "[\"if kellie cherie phillips , 38 , and jondrew megil lachaux , a 39-year-old ex-convict , are n't in nevada , they may be in the los angeles or oakland , california , areas , north las vegas police officer aaron patty said .patty told reporters that phillips and lachaux were sought for questioning , and that no amber alert or arrest warrant had been issued .a police swat team broke into the couple 's house thursday and discovered the body of the 3-year-old\"]\n", - "=======================\n", - "[\"kellie cherie phillips , 38 , and jondrew megil lachaux , are likely in nevada , los angeles or oakland , police saycouple left another 17-year-old daughter alone with her own baby and the couple 's daughter , 3police found dead girl after the 17-year-old brought the critically ill baby the hospital\"]\n", - "if kellie cherie phillips , 38 , and jondrew megil lachaux , a 39-year-old ex-convict , are n't in nevada , they may be in the los angeles or oakland , california , areas , north las vegas police officer aaron patty said .patty told reporters that phillips and lachaux were sought for questioning , and that no amber alert or arrest warrant had been issued .a police swat team broke into the couple 's house thursday and discovered the body of the 3-year-old\n", - "kellie cherie phillips , 38 , and jondrew megil lachaux , are likely in nevada , los angeles or oakland , police saycouple left another 17-year-old daughter alone with her own baby and the couple 's daughter , 3police found dead girl after the 17-year-old brought the critically ill baby the hospital\n", - "[1.1791568 1.2939744 1.1628555 1.3839617 1.1386795 1.2625949 1.1010494\n", - " 1.1395422 1.063275 1.111185 1.0164342 1.0095593 1.01608 1.0141053\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 5 0 2 7 4 9 6 8 10 12 13 11 17 14 15 16 18]\n", - "=======================\n", - "[\"the result leaves neil harris 's side four points adrift of fourth-bottom rotherham with two tough games remaining against promotion-chasing derby and wolves .one source of salvation could yet come in the form of a three-point deduction for rotherham when a football league disciplinary commission rules on whether they fielded an ineligible player against brighton on easter monday .rudy gestede ( centre ) scores the opening goal for blackburn as he fires past the helpless david forde\"]\n", - "=======================\n", - "[\"neil harris ' side look likely to be relegated from the sky bet championshipgoals from rudy gestede and jordan rhodes sealed the tiemillwall are now four points from safety with two games to playblackburn are currently ninth after a strong finish to the season\"]\n", - "the result leaves neil harris 's side four points adrift of fourth-bottom rotherham with two tough games remaining against promotion-chasing derby and wolves .one source of salvation could yet come in the form of a three-point deduction for rotherham when a football league disciplinary commission rules on whether they fielded an ineligible player against brighton on easter monday .rudy gestede ( centre ) scores the opening goal for blackburn as he fires past the helpless david forde\n", - "neil harris ' side look likely to be relegated from the sky bet championshipgoals from rudy gestede and jordan rhodes sealed the tiemillwall are now four points from safety with two games to playblackburn are currently ninth after a strong finish to the season\n", - "[1.2381753 1.4116983 1.2517427 1.3632576 1.0395957 1.1100373 1.1883677\n", - " 1.1755294 1.0549226 1.03298 1.0785128 1.0560396 1.1385127 1.1522915\n", - " 1.0282894 1.0735999 1.0162143 1.0577935 1.0556589]\n", - "\n", - "[ 1 3 2 0 6 7 13 12 5 10 15 17 11 18 8 4 9 14 16]\n", - "=======================\n", - "['mohammad qamaruzzaman was hanged around 10.30 pm on saturday inside a jail in dhaka .the assistant secretary general of the jamaat-e-islami party headed a militia group that collaborated with the pakistani army in the 1971 independence war and was behind the killing of around 120 unarmed farmers , prosecutors said .a senior islamist party official convicted of crimes against humanity has been executed in bangladesh .']\n", - "=======================\n", - "['mohammad qamaruzzaman was hanged around 10.30 pm on saturdayhe was the assistant secretary general of the jamaat-e-islami partymilitia group collaborated with pakistani army in 1971 independence warhis supporters slammed the decision and have called for a protest']\n", - "mohammad qamaruzzaman was hanged around 10.30 pm on saturday inside a jail in dhaka .the assistant secretary general of the jamaat-e-islami party headed a militia group that collaborated with the pakistani army in the 1971 independence war and was behind the killing of around 120 unarmed farmers , prosecutors said .a senior islamist party official convicted of crimes against humanity has been executed in bangladesh .\n", - "mohammad qamaruzzaman was hanged around 10.30 pm on saturdayhe was the assistant secretary general of the jamaat-e-islami partymilitia group collaborated with pakistani army in 1971 independence warhis supporters slammed the decision and have called for a protest\n", - "[1.3807263 1.2654619 1.2547724 1.3970466 1.2582306 1.3013588 1.1071224\n", - " 1.0527387 1.1159902 1.0886875 1.0736353 1.0342509 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 5 1 4 2 8 6 9 10 7 11 17 12 13 14 15 16 18]\n", - "=======================\n", - "['manchester city midfielder yaya toure remains a top target for serie a giants inter milaninter milan are prepared to offer yaya toure a five-year contract to lure him away from manchester city this summer .former manchester city manager roberto mancini is keen on bringing toure to the san siro']\n", - "=======================\n", - "[\"serie a giants inter milan are stepping up their efforts to sign yaya toureroberto mancini is keen on working with the midfielder once againmanchester city will offer toure new deal at the end of the seasontoure scored in manchester city 's 2-1 defeat at selhurst parkread : toure accused by carragher of ducking out of the way of puncheon 's free-kickclick here for all the latest manchester city news\"]\n", - "manchester city midfielder yaya toure remains a top target for serie a giants inter milaninter milan are prepared to offer yaya toure a five-year contract to lure him away from manchester city this summer .former manchester city manager roberto mancini is keen on bringing toure to the san siro\n", - "serie a giants inter milan are stepping up their efforts to sign yaya toureroberto mancini is keen on working with the midfielder once againmanchester city will offer toure new deal at the end of the seasontoure scored in manchester city 's 2-1 defeat at selhurst parkread : toure accused by carragher of ducking out of the way of puncheon 's free-kickclick here for all the latest manchester city news\n", - "[1.3194535 1.3632481 1.2016226 1.4615448 1.334316 1.1299404 1.0442407\n", - " 1.0204647 1.0167893 1.0387408 1.218835 1.085916 1.0483786 1.0706836\n", - " 1.0797182 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 4 0 10 2 5 11 14 13 12 6 9 7 8 15 16 17 18]\n", - "=======================\n", - "[\"ronnie o'sullivan moved into the second round of the world snooker championship on wednesdaythe five-time former champion was a 10-3 winner against craig steadman , a 32-year-old from manchester who endured a painful crucible debut .the five-time world champion beat craig steadman 10-3 in their first round contest at the crucible\"]\n", - "=======================\n", - "[\"ronnie o'sullivan beats craig steadman 10-3 at the cruciblethe five-time world champion was 7-2 ahead overnighto'sullivan won the final three frames he required on wednesday morningthe 39-year-old was forced to change his shoes on tuesday\"]\n", - "ronnie o'sullivan moved into the second round of the world snooker championship on wednesdaythe five-time former champion was a 10-3 winner against craig steadman , a 32-year-old from manchester who endured a painful crucible debut .the five-time world champion beat craig steadman 10-3 in their first round contest at the crucible\n", - "ronnie o'sullivan beats craig steadman 10-3 at the cruciblethe five-time world champion was 7-2 ahead overnighto'sullivan won the final three frames he required on wednesday morningthe 39-year-old was forced to change his shoes on tuesday\n", - "[1.3238502 1.2764935 1.2931039 1.212717 1.1215833 1.1137555 1.1183634\n", - " 1.025441 1.0236385 1.1805471 1.1125325 1.0682923 1.0505846 1.1419308\n", - " 1.0178645 1.017916 1.0520923 1.0632812 1.0091488 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 3 9 13 4 6 5 10 11 17 16 12 7 8 15 14 18 20 19 21]\n", - "=======================\n", - "[\"celebrity chef matt kemp 's anger management issues cost him his first marriage and his business .during an episode of sbs 's heat in the kitchen , kemp was so enraged he unleashed an expletive-ridden tirade on his then-wife lela radojkovic , who was carrying their first child , while filming at sydney 's restaurant balzac in 2004 .one of his most shameful moments was broadcast on national television when he labelled his pregnant wife a ` c *** ' .\"]\n", - "=======================\n", - "[\"chef matt kemp and former footballer mark geyer have spoken out about their anger issueskemp said his ` uncontrollable rage ' cost him his marriage and his businessonce , the celebrity chef called his ex-wife a ` c *** ' on national televisionwhile geyer said he would get into a lot of fights after drinking alcoholthe former nrl player said he turned it around after the birth of first child\"]\n", - "celebrity chef matt kemp 's anger management issues cost him his first marriage and his business .during an episode of sbs 's heat in the kitchen , kemp was so enraged he unleashed an expletive-ridden tirade on his then-wife lela radojkovic , who was carrying their first child , while filming at sydney 's restaurant balzac in 2004 .one of his most shameful moments was broadcast on national television when he labelled his pregnant wife a ` c *** ' .\n", - "chef matt kemp and former footballer mark geyer have spoken out about their anger issueskemp said his ` uncontrollable rage ' cost him his marriage and his businessonce , the celebrity chef called his ex-wife a ` c *** ' on national televisionwhile geyer said he would get into a lot of fights after drinking alcoholthe former nrl player said he turned it around after the birth of first child\n", - "[1.155105 1.5362366 1.0809721 1.2976096 1.1649277 1.0794535 1.1374838\n", - " 1.1162716 1.0562887 1.1459304 1.0399678 1.1208029 1.0557051 1.0546755\n", - " 1.0536569 1.0159274 1.0239441 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 4 0 9 6 11 7 2 5 8 12 13 14 10 16 15 17 18 19 20 21]\n", - "=======================\n", - "['the 1954 bentley r-type continental fastback was estimated to sell for around # 200,000 by auctioneers but ended up being sold for # 739,212 - a record for the auction house .the rare bentley needs a full restoration after it was allowed to gather dust in a barn over the past 15 yearsbut when it is ready , it could be worth more than # 1million - and would prove itself a wise investment for the anonymous british collector who bought it']\n", - "=======================\n", - "[\"the bentley r-type continental fastback was expected to sell for # 200,000but an anonymous car collector bought it for # 739,212 in surrey yesterdaywhen the vintage car is restored , it could be worth more than # 1milliondescribed as ` one of the rarest cars of its time ' as only 218 cars were made\"]\n", - "the 1954 bentley r-type continental fastback was estimated to sell for around # 200,000 by auctioneers but ended up being sold for # 739,212 - a record for the auction house .the rare bentley needs a full restoration after it was allowed to gather dust in a barn over the past 15 yearsbut when it is ready , it could be worth more than # 1million - and would prove itself a wise investment for the anonymous british collector who bought it\n", - "the bentley r-type continental fastback was expected to sell for # 200,000but an anonymous car collector bought it for # 739,212 in surrey yesterdaywhen the vintage car is restored , it could be worth more than # 1milliondescribed as ` one of the rarest cars of its time ' as only 218 cars were made\n", - "[1.271164 1.1263071 1.2460015 1.0897899 1.0989995 1.2954702 1.3292031\n", - " 1.3355901 1.1597594 1.036156 1.0195684 1.0184574 1.1242483 1.1055977\n", - " 1.0506048 1.1079972 1.0163915 1.0119644 1.0152425 1.0106546 1.010667\n", - " 1.0252272]\n", - "\n", - "[ 7 6 5 0 2 8 1 12 15 13 4 3 14 9 21 10 11 16 18 17 20 19]\n", - "=======================\n", - "['lee mcculloch , the rangers captain , was booed for an error that led to a goal against raith roversrangers manager stuart mccall has had to get used to his players being booed by supportersterry yorath had just taken over from billy bremner and it was boooooo ...']\n", - "=======================\n", - "['captain lee mcculloch was booed by rangers supporters last weekendmcculloch made an error that led to raith rovers hitting the back of the netrangers play league leaders hearts in the scottish championship saturday']\n", - "lee mcculloch , the rangers captain , was booed for an error that led to a goal against raith roversrangers manager stuart mccall has had to get used to his players being booed by supportersterry yorath had just taken over from billy bremner and it was boooooo ...\n", - "captain lee mcculloch was booed by rangers supporters last weekendmcculloch made an error that led to raith rovers hitting the back of the netrangers play league leaders hearts in the scottish championship saturday\n", - "[1.1729041 1.415697 1.2146282 1.2755775 1.3563004 1.2311606 1.0839554\n", - " 1.1319269 1.0256938 1.071714 1.0162393 1.0270138 1.120203 1.0441456\n", - " 1.1183139 1.0589427 1.0238781 1.0157495 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 3 5 2 0 7 12 14 6 9 15 13 11 8 16 10 17 18 19 20 21]\n", - "=======================\n", - "['brian bayers tearfully told wave how he was preparing to take his son back to day-care on february 13 when he went outside to warm up his truck and drive it closer to the house .shattered : brian and amanda bayers are heartbroken after accidentally killing their son jackson in februarycrushed : jackson was hit by the front wheels of the vehicle backing up and when the front wheels back around , he essentially walked right into the side of the vehicle']\n", - "=======================\n", - "[\"brian bayers tearfully told the story of how he accidentally ran over his son after leaving the door to his house openhe backed over his 18-month-old son jackson and killed himbrian bayers ' wife amanda rushed home and held her sons lifeless and bloodied body for hours\"]\n", - "brian bayers tearfully told wave how he was preparing to take his son back to day-care on february 13 when he went outside to warm up his truck and drive it closer to the house .shattered : brian and amanda bayers are heartbroken after accidentally killing their son jackson in februarycrushed : jackson was hit by the front wheels of the vehicle backing up and when the front wheels back around , he essentially walked right into the side of the vehicle\n", - "brian bayers tearfully told the story of how he accidentally ran over his son after leaving the door to his house openhe backed over his 18-month-old son jackson and killed himbrian bayers ' wife amanda rushed home and held her sons lifeless and bloodied body for hours\n", - "[1.2350985 1.4781603 1.3172197 1.2665529 1.1134117 1.1048208 1.0209826\n", - " 1.0169697 1.1260525 1.2534769 1.0394913 1.0481111 1.0571148 1.0257112\n", - " 1.0262631 1.0271093 1.0608376 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 9 0 8 4 5 16 12 11 10 15 14 13 6 7 17 18 19 20 21]\n", - "=======================\n", - "[\"the threat came as angela eagle , labour 's shadow leader of the commons , revealed it was prepared to speak to any other party in a hung parliament -- including the snp -- to ` try to build a majority ' .but the snp , forecast to hold the balance of power with 50 or more mps , suggested it would hold ed miliband to ransom if he refuses to scrap the trident nuclear defence programme .the scottish nationalists , led by nicola sturgeon , have threatened to paralyse the uk government by blocking ` any bit of spending ' they do not agree with\"]\n", - "=======================\n", - "[\"snp will vote against ` any bit of spending ' it disagrees with after electionnationalist mps could paralyse the uk government by blocking legislationthreat came as labour 's angela eagle said they would speak to any partysnp suggests it would hold ed miliband to ransom over trident if he is pm\"]\n", - "the threat came as angela eagle , labour 's shadow leader of the commons , revealed it was prepared to speak to any other party in a hung parliament -- including the snp -- to ` try to build a majority ' .but the snp , forecast to hold the balance of power with 50 or more mps , suggested it would hold ed miliband to ransom if he refuses to scrap the trident nuclear defence programme .the scottish nationalists , led by nicola sturgeon , have threatened to paralyse the uk government by blocking ` any bit of spending ' they do not agree with\n", - "snp will vote against ` any bit of spending ' it disagrees with after electionnationalist mps could paralyse the uk government by blocking legislationthreat came as labour 's angela eagle said they would speak to any partysnp suggests it would hold ed miliband to ransom over trident if he is pm\n", - "[1.2051934 1.2196376 1.3157022 1.3087744 1.0991995 1.0396094 1.0932496\n", - " 1.0854901 1.0451779 1.0499512 1.0301212 1.0255295 1.0356405 1.0979171\n", - " 1.0810475 1.0683683 1.042184 ]\n", - "\n", - "[ 2 3 1 0 4 13 6 7 14 15 9 8 16 5 12 10 11]\n", - "=======================\n", - "['miss middleton , 31 , who wore a low-key tailored cream blazer , a heart-print top and dark denim jeans , walked hand-in-hand with her boyfriend of two years before leaning in for a brief kiss .romantic evening : pippa middleton and boyfriend nico jackson share a kiss as they walk down the streetdespite reports earlier this year that claimed the pair were on the verge of a split , the two presented a united front as they left a restaurant in fulham last night .']\n", - "=======================\n", - "[\"pippa middleton , 31 , was spotted arm-in-arm with nico jackson , 36the two live in different countries but are clearly very much togetherearlier this year , it was reported they were on the verge of a splitmiss middleton will become an aunt for the second time within daysthe duchess of cambridge 's due date is thought to be this saturday\"]\n", - "miss middleton , 31 , who wore a low-key tailored cream blazer , a heart-print top and dark denim jeans , walked hand-in-hand with her boyfriend of two years before leaning in for a brief kiss .romantic evening : pippa middleton and boyfriend nico jackson share a kiss as they walk down the streetdespite reports earlier this year that claimed the pair were on the verge of a split , the two presented a united front as they left a restaurant in fulham last night .\n", - "pippa middleton , 31 , was spotted arm-in-arm with nico jackson , 36the two live in different countries but are clearly very much togetherearlier this year , it was reported they were on the verge of a splitmiss middleton will become an aunt for the second time within daysthe duchess of cambridge 's due date is thought to be this saturday\n", - "[1.5040885 1.2482642 1.289536 1.1373384 1.138073 1.1576347 1.1015351\n", - " 1.0919226 1.0982034 1.0584627 1.0241278 1.0716388 1.0888897 1.0484538\n", - " 1.0386839 0. 0. ]\n", - "\n", - "[ 0 2 1 5 4 3 6 8 7 12 11 9 13 14 10 15 16]\n", - "=======================\n", - "['( cnn ) irish betting company paddy power is backtracking after tweeting that \" newcastle have suffered more kop beatings over the last 20 years than an unarmed african-american male . \"paddy power -- well-known for its use of publicity stunts -- used it to link to a piece showing statistics for games between liverpool and newcastle united ahead of their english premier league match on monday .the tweet , a pun on the name of the famous home end at liverpool football club , alluded to recent controversial incidents in the united states in which unarmed african-american men have been killed by police .']\n", - "=======================\n", - "[\"company known for use of publicity stuntstweet contained pun on name of liverpool 's kop standit was used to link to liverpool-newcastle statssocial media backlash leads to apology\"]\n", - "( cnn ) irish betting company paddy power is backtracking after tweeting that \" newcastle have suffered more kop beatings over the last 20 years than an unarmed african-american male . \"paddy power -- well-known for its use of publicity stunts -- used it to link to a piece showing statistics for games between liverpool and newcastle united ahead of their english premier league match on monday .the tweet , a pun on the name of the famous home end at liverpool football club , alluded to recent controversial incidents in the united states in which unarmed african-american men have been killed by police .\n", - "company known for use of publicity stuntstweet contained pun on name of liverpool 's kop standit was used to link to liverpool-newcastle statssocial media backlash leads to apology\n", - "[1.5207331 1.178078 1.4686596 1.2674006 1.1158874 1.1373456 1.1922436\n", - " 1.1012253 1.0791517 1.021229 1.0095829 1.1655629 1.1679981 1.0652949\n", - " 1.014699 1.00761 0. ]\n", - "\n", - "[ 0 2 3 6 1 12 11 5 4 7 8 13 9 14 10 15 16]\n", - "=======================\n", - "['kaitlyn granado , 24 , was arrested on monday amid claims she had sex with pupil , 15 , in her car on consecutive nights in januarya texas math teacher has been accused of having sex with an underage pupil from a texas high school a month after she was arrested for letting another teenage touch her breasts .granado was booked into irving county jail for the second time on monday , and released after posting a $ 50,000 bail .']\n", - "=======================\n", - "['kaitlyn granado , 24 , first arrested march 19 for relationship with boy , 15admitting kissing and letting him touch her and was released on bailofficers quizzed another 15-year-old on march 24 over second relationshipgranado arrested again amid claims she had sex with second boy in car']\n", - "kaitlyn granado , 24 , was arrested on monday amid claims she had sex with pupil , 15 , in her car on consecutive nights in januarya texas math teacher has been accused of having sex with an underage pupil from a texas high school a month after she was arrested for letting another teenage touch her breasts .granado was booked into irving county jail for the second time on monday , and released after posting a $ 50,000 bail .\n", - "kaitlyn granado , 24 , first arrested march 19 for relationship with boy , 15admitting kissing and letting him touch her and was released on bailofficers quizzed another 15-year-old on march 24 over second relationshipgranado arrested again amid claims she had sex with second boy in car\n", - "[1.2052884 1.4425198 1.2891886 1.2403271 1.1954641 1.1812124 1.1233788\n", - " 1.0727725 1.0434293 1.0204173 1.0577 1.0696644 1.0632516 1.1840321\n", - " 1.0338581 1.034408 0. ]\n", - "\n", - "[ 1 2 3 0 4 13 5 6 7 11 12 10 8 15 14 9 16]\n", - "=======================\n", - "[\"the prime minister and the outgoing leader of the commons william hague will launch the english document , which follows traditional scottish , welsh and northern irish manifestos .its centrepiece will be a pledge to introduce a system of ` english votes for english laws ' -- giving english mps an effective veto over legislation applying only to their constituents .the tories will tomorrow inflame the row over a potential labour-snp power-sharing deal by unveiling the party 's first ` manifesto for england ' .\"]\n", - "=======================\n", - "[\"manifesto set to be launched by david cameron and william haguecentrepiece will be a pledge to introduce ` english votes for english laws 'hague expected to warn england risks being held to ransom by snpbut critics likely to say the document risks creating further divisions\"]\n", - "the prime minister and the outgoing leader of the commons william hague will launch the english document , which follows traditional scottish , welsh and northern irish manifestos .its centrepiece will be a pledge to introduce a system of ` english votes for english laws ' -- giving english mps an effective veto over legislation applying only to their constituents .the tories will tomorrow inflame the row over a potential labour-snp power-sharing deal by unveiling the party 's first ` manifesto for england ' .\n", - "manifesto set to be launched by david cameron and william haguecentrepiece will be a pledge to introduce ` english votes for english laws 'hague expected to warn england risks being held to ransom by snpbut critics likely to say the document risks creating further divisions\n", - "[1.2266761 1.3182437 1.3077544 1.2639564 1.2157412 1.0575385 1.0388386\n", - " 1.0858357 1.0531046 1.1160957 1.0717633 1.0404744 1.0350748 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 9 7 10 5 8 11 6 12 13 14 15 16]\n", - "=======================\n", - "[\"yesterday , allie , 21 , based in minneapolis , delivered her beau the ten-question document , which she dubbed ` the official allie davis relationship test ' , and informed him that he must score at least 60 per cent ` to stay in the relationship ' .she posted the results of the not-entirely-serious stunt on twitter , revealing that her boyfriend of two-and-a-half years had passed with a score of 80 per cent , for diligently answering questions mainly about beyonce 's songs .meet allie davis , a woman so obsessed with beyonce that she made her boyfriend take a written exam on the famous singer , along with questions about other pop stars , in order to stay with her .\"]\n", - "=======================\n", - "[\"allie davis , 21 , required her boyfriend to score at least 60 per cent to passshe posted questions and his results to twitter after he scored 80 per centallie insists the stunt was n't entirely serious\"]\n", - "yesterday , allie , 21 , based in minneapolis , delivered her beau the ten-question document , which she dubbed ` the official allie davis relationship test ' , and informed him that he must score at least 60 per cent ` to stay in the relationship ' .she posted the results of the not-entirely-serious stunt on twitter , revealing that her boyfriend of two-and-a-half years had passed with a score of 80 per cent , for diligently answering questions mainly about beyonce 's songs .meet allie davis , a woman so obsessed with beyonce that she made her boyfriend take a written exam on the famous singer , along with questions about other pop stars , in order to stay with her .\n", - "allie davis , 21 , required her boyfriend to score at least 60 per cent to passshe posted questions and his results to twitter after he scored 80 per centallie insists the stunt was n't entirely serious\n", - "[1.2344968 1.4341269 1.3417315 1.326513 1.1700156 1.2646459 1.10597\n", - " 1.1256648 1.0193025 1.1486045 1.0147415 1.0118445 1.0183575 1.0802354\n", - " 1.038004 1.0250647 1.0265207 1.0196288 1.0385017]\n", - "\n", - "[ 1 2 3 5 0 4 9 7 6 13 18 14 16 15 17 8 12 10 11]\n", - "=======================\n", - "['a clutch of sausages stuffed with poisons were found on the cuckoo trail , a path running from hampden park to heathfield near hailsham .the grim discovery comes after a spate of dog poisonings in nearby brighton and hove , and dog owners are now being warned by sussex police to be aware when they are out walking their animals .they were found hidden among grass on the trail .']\n", - "=======================\n", - "['a dog owner found cocktail sausages laced with poison when walking petthe clutch of sausages were hidden among the grass on the cuckoo traileach sausage packed with so much poison one could have killed a dogsussex police is warning dog owners about spate of poisonings in the area']\n", - "a clutch of sausages stuffed with poisons were found on the cuckoo trail , a path running from hampden park to heathfield near hailsham .the grim discovery comes after a spate of dog poisonings in nearby brighton and hove , and dog owners are now being warned by sussex police to be aware when they are out walking their animals .they were found hidden among grass on the trail .\n", - "a dog owner found cocktail sausages laced with poison when walking petthe clutch of sausages were hidden among the grass on the cuckoo traileach sausage packed with so much poison one could have killed a dogsussex police is warning dog owners about spate of poisonings in the area\n", - "[1.2911894 1.235528 1.4007504 1.1214409 1.083221 1.1118814 1.062602\n", - " 1.0948647 1.0692654 1.0183696 1.01675 1.066306 1.0865717 1.170699\n", - " 1.146312 1.0418918 1.0298268 0. 0. ]\n", - "\n", - "[ 2 0 1 13 14 3 5 7 12 4 8 11 6 15 16 9 10 17 18]\n", - "=======================\n", - "[\"inside the hq of global company moose toys , the cheltenham office in melbourne comes complete with toy testing rooms , table tennis table , aerobics room , gym and a custom staff lunch room .it 's described as the google-esque hq of australia .with a cubby-house meeting room at the top of a beanstalk and a basketball court and pinball machine for some down time - it 's where all the creativity and innovative ideas come to light .\"]\n", - "=======================\n", - "[\"the moose toys headquarters is located in the heart of melbournestaff can enjoy basketball , table tennis and yoga sessions during breaksthe team can scribble their ideas on whiteboard walls inside the cubbyemployee of the year gets a gold crown and a free holiday of their choicebut there 's one catch - no one is allowed to eat lunch at their desksother activities include a trip to an art exhibition and karaoke nights\"]\n", - "inside the hq of global company moose toys , the cheltenham office in melbourne comes complete with toy testing rooms , table tennis table , aerobics room , gym and a custom staff lunch room .it 's described as the google-esque hq of australia .with a cubby-house meeting room at the top of a beanstalk and a basketball court and pinball machine for some down time - it 's where all the creativity and innovative ideas come to light .\n", - "the moose toys headquarters is located in the heart of melbournestaff can enjoy basketball , table tennis and yoga sessions during breaksthe team can scribble their ideas on whiteboard walls inside the cubbyemployee of the year gets a gold crown and a free holiday of their choicebut there 's one catch - no one is allowed to eat lunch at their desksother activities include a trip to an art exhibition and karaoke nights\n", - "[1.2833414 1.5591507 1.1544784 1.3398172 1.260058 1.0961151 1.0308117\n", - " 1.0258006 1.0220095 1.2701851 1.0443903 1.0278976 1.0109309 1.0088694\n", - " 1.0134326 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 9 4 2 5 10 6 11 7 8 14 12 13 17 15 16 18]\n", - "=======================\n", - "[\"the footage of jesse o'brien was taken by his mother heidi , 37 , to encourage the brave youngster to take the vast volume of drugs he has to consume every single day to battle his terminal illness .a home video of a six-year-old boy taking his morning pills to treat cystic fibrosis has had more than one million hits in just a week -- with no sign of global interest waning .` i 've always wanted to be famous so this is just brilliant , ' says jesse , from kesgrave , suffolk , who is seen taking nine out of his daily dose of 45 pills .\"]\n", - "=======================\n", - "[\"jesse o'brien is seen swallowing nine of his daily dose of 45 pillshis mum hoped the footage would amuse and encourage himthe video is now helping other kids feel better about the daunting task\"]\n", - "the footage of jesse o'brien was taken by his mother heidi , 37 , to encourage the brave youngster to take the vast volume of drugs he has to consume every single day to battle his terminal illness .a home video of a six-year-old boy taking his morning pills to treat cystic fibrosis has had more than one million hits in just a week -- with no sign of global interest waning .` i 've always wanted to be famous so this is just brilliant , ' says jesse , from kesgrave , suffolk , who is seen taking nine out of his daily dose of 45 pills .\n", - "jesse o'brien is seen swallowing nine of his daily dose of 45 pillshis mum hoped the footage would amuse and encourage himthe video is now helping other kids feel better about the daunting task\n", - "[1.3475626 1.3276706 1.2352448 1.2459867 1.409464 1.2267854 1.0232462\n", - " 1.0321885 1.035298 1.0596887 1.1825007 1.095226 1.1493037 1.0177306\n", - " 1.0113968 0. 0. 0. 0. ]\n", - "\n", - "[ 4 0 1 3 2 5 10 12 11 9 8 7 6 13 14 15 16 17 18]\n", - "=======================\n", - "[\"accident : larry mcelroy shot carol johnson on sunday night after he tried to kill an armadillo in his backyardpolice in georgia say a man shot an armadillo , but ended up accidentally wounding his 74-year-old mother-in-law when the bullet ricocheted off the animal 's shell .according to police reports , mcelroy fired 100-yards away from johnson 's home .\"]\n", - "=======================\n", - "['larry mcelroy shot his 74-year-old mother-in-law carol johnson on sundayjohnson was sat inside her mobile home 100-yards away from mcelroy']\n", - "accident : larry mcelroy shot carol johnson on sunday night after he tried to kill an armadillo in his backyardpolice in georgia say a man shot an armadillo , but ended up accidentally wounding his 74-year-old mother-in-law when the bullet ricocheted off the animal 's shell .according to police reports , mcelroy fired 100-yards away from johnson 's home .\n", - "larry mcelroy shot his 74-year-old mother-in-law carol johnson on sundayjohnson was sat inside her mobile home 100-yards away from mcelroy\n", - "[1.3237786 1.4423736 1.1693401 1.3620785 1.1217653 1.0325048 1.1203084\n", - " 1.0602918 1.0360003 1.0542438 1.0868351 1.0610248 1.0145106 1.1832862\n", - " 1.1214588 1.0142556 1.099441 1.0136888 0. ]\n", - "\n", - "[ 1 3 0 13 2 4 14 6 16 10 11 7 9 8 5 12 15 17 18]\n", - "=======================\n", - "[\"dominic solanke scored late on to put a gloss on the scoreline after a tammy abraham double had seen chelsea take a first half lead .tammy abraham smashes chelsea into the lead with a fierce drive into the top cornerchelsea took a commanding 3-1 lead back to west london after a strong showing in manchester to see off city 's young side .\"]\n", - "=======================\n", - "[\"chelsea forward tammy abraham nets first-half double for chelseadominic solanke adds a third late on as chelsea look set to win trophymanchester city struggle without injured star thierry ambroseread : mourinho warns his young chelsea players he can not play them allclick here to read our match report from man city 's academy stadium\"]\n", - "dominic solanke scored late on to put a gloss on the scoreline after a tammy abraham double had seen chelsea take a first half lead .tammy abraham smashes chelsea into the lead with a fierce drive into the top cornerchelsea took a commanding 3-1 lead back to west london after a strong showing in manchester to see off city 's young side .\n", - "chelsea forward tammy abraham nets first-half double for chelseadominic solanke adds a third late on as chelsea look set to win trophymanchester city struggle without injured star thierry ambroseread : mourinho warns his young chelsea players he can not play them allclick here to read our match report from man city 's academy stadium\n", - "[1.1499996 1.3291756 1.2909827 1.1789153 1.1845417 1.1143008 1.1921737\n", - " 1.0339842 1.0322919 1.0489341 1.0947272 1.0828627 1.0892771 1.1422195\n", - " 1.1656213 1.103462 1.0407426 1.0102861 1.0197304 1.012803 ]\n", - "\n", - "[ 1 2 6 4 3 14 0 13 5 15 10 12 11 9 16 7 8 18 19 17]\n", - "=======================\n", - "[\"veteran parades and morris men were seen across the country , with spectators draped in flags cheering them on .described by the prime minister as ' a day to be celebrate all that makes england great ' , st george 's day takes place on april 23 every year .in the city of london , morris men brightened up leadenhall market , dancing through the shopping arcade to the amusement of workers on their lunch break .\"]\n", - "=======================\n", - "[\"revellers took part in outdoor parades and morris dancing to celebrate st george 's day across the countrytemperatures soared to 20.9 c in north yorkshire but forecasters warned colder , wetter weather was on the wayfrom tomorrow the weather will return to what is normal for this time of year with clouds and highs of around 12c\"]\n", - "veteran parades and morris men were seen across the country , with spectators draped in flags cheering them on .described by the prime minister as ' a day to be celebrate all that makes england great ' , st george 's day takes place on april 23 every year .in the city of london , morris men brightened up leadenhall market , dancing through the shopping arcade to the amusement of workers on their lunch break .\n", - "revellers took part in outdoor parades and morris dancing to celebrate st george 's day across the countrytemperatures soared to 20.9 c in north yorkshire but forecasters warned colder , wetter weather was on the wayfrom tomorrow the weather will return to what is normal for this time of year with clouds and highs of around 12c\n", - "[1.2881968 1.5460756 1.3692821 1.1828829 1.1236997 1.3133005 1.0843527\n", - " 1.089621 1.062959 1.0465999 1.1019136 1.051033 1.0382475 1.0676391\n", - " 1.0250993 1.0525519 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 5 0 3 4 10 7 6 13 8 15 11 9 12 14 18 16 17 19]\n", - "=======================\n", - "[\"barbara anne beam was being looked after by her elderly sister and nephew when she passed away in her bedroom in greenville on january 2 .the coroner 's office found she died from a blood clot in her lung and ruled that her death was homicide by neglect .scene : barbara beam died in her south carolina home in january after sitting for six months and prosecutors are considering charges against her caretakers .\"]\n", - "=======================\n", - "['barbara beam died in the home she shared with her sister and nephew in greenville , south carolina in januarya coroner ruled that she died from homicide by neglect and prosecutors are now deciding whether to charge her family membersher sister told officers that she had not been moved from her bedroom chair for six months , and beam had sores over her legswhen paramedics removed her from the chair and put her body on the ground , her legs stayed bent in a sitting position , police said']\n", - "barbara anne beam was being looked after by her elderly sister and nephew when she passed away in her bedroom in greenville on january 2 .the coroner 's office found she died from a blood clot in her lung and ruled that her death was homicide by neglect .scene : barbara beam died in her south carolina home in january after sitting for six months and prosecutors are considering charges against her caretakers .\n", - "barbara beam died in the home she shared with her sister and nephew in greenville , south carolina in januarya coroner ruled that she died from homicide by neglect and prosecutors are now deciding whether to charge her family membersher sister told officers that she had not been moved from her bedroom chair for six months , and beam had sores over her legswhen paramedics removed her from the chair and put her body on the ground , her legs stayed bent in a sitting position , police said\n", - "[1.4511456 1.2198557 1.1252632 1.1229348 1.1925012 1.2583984 1.2389114\n", - " 1.0378956 1.0344708 1.1287667 1.0941188 1.0353962 1.0811259 1.0740587\n", - " 1.1659775 1.0481492 1.0776999 1.0225307 1.0096809 0. ]\n", - "\n", - "[ 0 5 6 1 4 14 9 2 3 10 12 16 13 15 7 11 8 17 18 19]\n", - "=======================\n", - "[\"manchester united players hung a fake bird above ashley young 's peg in the dressing room after a bird pooed in his mouth during a top-flight match , luke shaw has revealed .shaw admits that ashley young is the biggest joker in the manchester united dressing roomas united kicked off their premier league season with a match against swansea in august , young received a surprise delivery from a bird mid-match , much to the amusement of his team-mates , who took advantage of the situation .\"]\n", - "=======================\n", - "[\"luke shaw joined manchester united for # 31.5 million in the summerthe 19-year-old admits ashley young is the biggest joker at the clubplayers hung a fake bird in the dressing room after young was hit in mouthshaw says united goalkeeper david de gea is the ` nicest guy in football 'read luke shaw : ` i 'd give myself a c - for my debut united season '\"]\n", - "manchester united players hung a fake bird above ashley young 's peg in the dressing room after a bird pooed in his mouth during a top-flight match , luke shaw has revealed .shaw admits that ashley young is the biggest joker in the manchester united dressing roomas united kicked off their premier league season with a match against swansea in august , young received a surprise delivery from a bird mid-match , much to the amusement of his team-mates , who took advantage of the situation .\n", - "luke shaw joined manchester united for # 31.5 million in the summerthe 19-year-old admits ashley young is the biggest joker at the clubplayers hung a fake bird in the dressing room after young was hit in mouthshaw says united goalkeeper david de gea is the ` nicest guy in football 'read luke shaw : ` i 'd give myself a c - for my debut united season '\n", - "[1.3720838 1.2275198 1.2991769 1.32228 1.2011596 1.3495173 1.1592531\n", - " 1.096702 1.0295912 1.0093222 1.1489693 1.2349635 1.0648429 1.0842643\n", - " 1.016431 1.0067266 1.0051451 1.0054551 1.1331422 1.0892936]\n", - "\n", - "[ 0 5 3 2 11 1 4 6 10 18 7 19 13 12 8 14 9 15 17 16]\n", - "=======================\n", - "['world boxing champion kell brook enjoyed an evening at the darts as he watched the premier league road show come to his home town of sheffield on thursday .kell brook is set to defend his title for a second time on may 30 against frankie gavin .brook watched on as dave chisnall was a winner twice on the same evening to catapult himself onto 17 points in second place in the table after 10 weeks .']\n", - "=======================\n", - "[\"kell brook enjoys evening at the darts in his home town of sheffieldworld boxing champion received a hero 's welcome when introduceddave chisnall won both his matches to move onto 17 pointsphil taylor lost his fourth in five with defeat by raymond van barneveldmichael van gerwen still top after 7-5 win over stephen bunting\"]\n", - "world boxing champion kell brook enjoyed an evening at the darts as he watched the premier league road show come to his home town of sheffield on thursday .kell brook is set to defend his title for a second time on may 30 against frankie gavin .brook watched on as dave chisnall was a winner twice on the same evening to catapult himself onto 17 points in second place in the table after 10 weeks .\n", - "kell brook enjoys evening at the darts in his home town of sheffieldworld boxing champion received a hero 's welcome when introduceddave chisnall won both his matches to move onto 17 pointsphil taylor lost his fourth in five with defeat by raymond van barneveldmichael van gerwen still top after 7-5 win over stephen bunting\n", - "[1.4600607 1.2563324 1.1992418 1.0688889 1.0312359 1.2970538 1.0712489\n", - " 1.1188022 1.0617553 1.1129615 1.1551294 1.1696668 1.0589789 1.1689016\n", - " 1.0550227 1.0353543 0. 0. 0. 0. ]\n", - "\n", - "[ 0 5 1 2 11 13 10 7 9 6 3 8 12 14 15 4 18 16 17 19]\n", - "=======================\n", - "[\"huddersfield ensured their status in the sky bet championship with three games remaining thanks to a goalless draw at brighton .birmingham 's highly-rated winger demarai gray was on target for the second successive game as his strike rescued a point in city 's 2-2 draw against blackburn at st andrew 's .the point for the seagulls ended a run of three successive defeats , but their goal drought continues and they are now without a goal from one of their own players for nine hours and 20 minutes .\"]\n", - "=======================\n", - "['huddersfield are now mathematically safe after a 0-0 draw with brightonadam le fondre earns bolton a point in 1-1 home draw with charltondemarai gray on target for birmingham as they draw 2-2 with blackburn']\n", - "huddersfield ensured their status in the sky bet championship with three games remaining thanks to a goalless draw at brighton .birmingham 's highly-rated winger demarai gray was on target for the second successive game as his strike rescued a point in city 's 2-2 draw against blackburn at st andrew 's .the point for the seagulls ended a run of three successive defeats , but their goal drought continues and they are now without a goal from one of their own players for nine hours and 20 minutes .\n", - "huddersfield are now mathematically safe after a 0-0 draw with brightonadam le fondre earns bolton a point in 1-1 home draw with charltondemarai gray on target for birmingham as they draw 2-2 with blackburn\n", - "[1.3822794 1.2526141 1.4751565 1.342813 1.1458696 1.0676872 1.0409265\n", - " 1.2116917 1.0653989 1.013145 1.017072 1.0374362 1.038791 1.0135916\n", - " 1.0129652 1.0646816 1.0566056 1.0665702 1.0790161 1.1382006 1.0117677]\n", - "\n", - "[ 2 0 3 1 7 4 19 18 5 17 8 15 16 6 12 11 10 13 9 14 20]\n", - "=======================\n", - "[\"jose mourinho claims it 's ` hard but more fun ' being chelsea manager in new fair play eramourinho has been forced to sell players to balance the books at chelseaunited boss louis van gaal will be without michael carrick , phil jones , marcos rojo and daley blind for the barclays premier league clash at stamford bridge today .\"]\n", - "=======================\n", - "[\"jose mourinho believes uefa 's financial fair play benefits rivalschelsea boss says manchester united can fund a massive squadthe blues have been forced to sell players to balance the books\"]\n", - "jose mourinho claims it 's ` hard but more fun ' being chelsea manager in new fair play eramourinho has been forced to sell players to balance the books at chelseaunited boss louis van gaal will be without michael carrick , phil jones , marcos rojo and daley blind for the barclays premier league clash at stamford bridge today .\n", - "jose mourinho believes uefa 's financial fair play benefits rivalschelsea boss says manchester united can fund a massive squadthe blues have been forced to sell players to balance the books\n", - "[1.2712022 1.3691859 1.2148678 1.4203012 1.3443218 1.2385556 1.1691542\n", - " 1.1082147 1.1885014 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 4 0 5 2 8 6 7 18 17 16 15 14 10 12 11 19 9 13 20]\n", - "=======================\n", - "['diego de girolamo ( right ) is leaving sheffield united at the end of the season when his contract expiresthe italy under 20 international is leaving bramall lane this summer as he is out of contract and has an offer from juventus also .celtic and southampton are also monitoring the situation of forward de girolamo']\n", - "=======================\n", - "[\"diego de girolamo 's sheffield united deal expires at the end of the seasonportuguese club benfica have asked about the italy under 20 forwardde girolamo is currently on loan at league two club northampton\"]\n", - "diego de girolamo ( right ) is leaving sheffield united at the end of the season when his contract expiresthe italy under 20 international is leaving bramall lane this summer as he is out of contract and has an offer from juventus also .celtic and southampton are also monitoring the situation of forward de girolamo\n", - "diego de girolamo 's sheffield united deal expires at the end of the seasonportuguese club benfica have asked about the italy under 20 forwardde girolamo is currently on loan at league two club northampton\n", - "[1.1640451 1.4956415 1.1263494 1.3439986 1.345067 1.092652 1.0899668\n", - " 1.102482 1.0522996 1.0703342 1.1976594 1.0519644 1.0869392 1.0437887\n", - " 1.0455148 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 10 0 2 7 5 6 12 9 8 11 14 13 19 15 16 17 18 20]\n", - "=======================\n", - "[\"misty machinshok , 33 , has been jailed for 15 to 30 years for the abuse in which she ` coached ' the pair on the best positions to conceive , and held her daughter 's hand ` the first few times ' .her 29-year-old husband gary machinshok , who she met through a website called onlinebootycall.com , will be sentenced this month after pleading no contest to raping the child ` every few days ' throughout 2013 .an infertile woman convinced her new husband to repeatedly rape her 15-year-old daughter so she could have another child .\"]\n", - "=======================\n", - "[\"misty machinshok of pennsylvania is no longer able to have childrenshe met gary machinshok on onlinebootycall.com , he moved in with herhe raped her 15-year-old daughter ` every few days ' throughout 2013 so misty could have another child , she ` coached ' them on the best positionsgary , 29 , also sexually assaulted her other daughter , 11the two girls are now in foster care , misty sentenced to 15-30 years\"]\n", - "misty machinshok , 33 , has been jailed for 15 to 30 years for the abuse in which she ` coached ' the pair on the best positions to conceive , and held her daughter 's hand ` the first few times ' .her 29-year-old husband gary machinshok , who she met through a website called onlinebootycall.com , will be sentenced this month after pleading no contest to raping the child ` every few days ' throughout 2013 .an infertile woman convinced her new husband to repeatedly rape her 15-year-old daughter so she could have another child .\n", - "misty machinshok of pennsylvania is no longer able to have childrenshe met gary machinshok on onlinebootycall.com , he moved in with herhe raped her 15-year-old daughter ` every few days ' throughout 2013 so misty could have another child , she ` coached ' them on the best positionsgary , 29 , also sexually assaulted her other daughter , 11the two girls are now in foster care , misty sentenced to 15-30 years\n", - "[1.118327 1.3045396 1.3028445 1.3595603 1.1939609 1.0405041 1.0438781\n", - " 1.0390916 1.0303444 1.0662838 1.074382 1.0332538 1.0986907 1.0595047\n", - " 1.0122182 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 4 0 12 10 9 13 6 5 7 11 8 14 19 15 16 17 18 20]\n", - "=======================\n", - "[\"david ` flats ' flatman has been driving around the rugby world cup venues preparing for the tournamenttwickenham , as the home of rugby , may be gearing up to embrace the sport 's biggest tournament , but on the other side of the capital , the olympic stadium -- built for athletics and destined to be a football ground - is also quietly preparing to get in the oval-ball act .london 's olympic stadium may not be a traditional rugby ground , but the buzz around the game is palpable\"]\n", - "=======================\n", - "[\"former england prop david ` flats ' flatman says the ` buzz ' around world cup is growingflats says with the right ` constructive noise ' , competition can build rugbyengland will need to play exciting rugby to capture public 's imaginationrecalling the likes of danny cipriani is a step in the right direction\"]\n", - "david ` flats ' flatman has been driving around the rugby world cup venues preparing for the tournamenttwickenham , as the home of rugby , may be gearing up to embrace the sport 's biggest tournament , but on the other side of the capital , the olympic stadium -- built for athletics and destined to be a football ground - is also quietly preparing to get in the oval-ball act .london 's olympic stadium may not be a traditional rugby ground , but the buzz around the game is palpable\n", - "former england prop david ` flats ' flatman says the ` buzz ' around world cup is growingflats says with the right ` constructive noise ' , competition can build rugbyengland will need to play exciting rugby to capture public 's imaginationrecalling the likes of danny cipriani is a step in the right direction\n", - "[1.2867602 1.0473635 1.3928127 1.1696168 1.2442309 1.1779139 1.0482652\n", - " 1.0253544 1.0768458 1.0771949 1.0440098 1.0369864 1.0309455 1.1569062\n", - " 1.1064472 1.0491837 1.1222714 1.0251745 0. 0. 0. ]\n", - "\n", - "[ 2 0 4 5 3 13 16 14 9 8 15 6 1 10 11 12 7 17 19 18 20]\n", - "=======================\n", - "['one company is offering the chance to dive 12,500 ft below the surface of the sea to explore the ship at the bottom of the atlantic .it is perhaps the most iconic ship of all time , but the closest most people will get to the titanic is a visit to the museum in belfast , or a viewing of the leonardo dicaprio and kate winslet blockbuster .the once-in-a-lifetime privilege is being offered by luxury concierge service , bluefish , and does not come cheap , setting you back a whopping # 41,000 ( $ 60,000 ) .']\n", - "=======================\n", - "['concierge service bluefish are offering dives to journey to the magnificent ship on the atlantic floorthe unique experience will let you see the famous grand staircase along with many other rooms and areasthe dives form part of valuable research , with data being relayed to scientists worldwideso far 40 people have done the service compared to over 500 people visiting space']\n", - "one company is offering the chance to dive 12,500 ft below the surface of the sea to explore the ship at the bottom of the atlantic .it is perhaps the most iconic ship of all time , but the closest most people will get to the titanic is a visit to the museum in belfast , or a viewing of the leonardo dicaprio and kate winslet blockbuster .the once-in-a-lifetime privilege is being offered by luxury concierge service , bluefish , and does not come cheap , setting you back a whopping # 41,000 ( $ 60,000 ) .\n", - "concierge service bluefish are offering dives to journey to the magnificent ship on the atlantic floorthe unique experience will let you see the famous grand staircase along with many other rooms and areasthe dives form part of valuable research , with data being relayed to scientists worldwideso far 40 people have done the service compared to over 500 people visiting space\n", - "[1.1981403 1.313831 1.3631878 1.1090811 1.140494 1.268517 1.1630362\n", - " 1.0898985 1.1227785 1.0512768 1.1409099 1.0418622 1.0696335 1.030001\n", - " 1.119458 1.0427699 1.0664183 1.0210238 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 5 0 6 10 4 8 14 3 7 12 16 9 15 11 13 17 20 18 19 21]\n", - "=======================\n", - "[\"the man in his 50s tragically died when it crashed just 50 metres from a group of people who were at a press day for the air show .smoke billows from david jenkins ' single-engine edge 360 plane above old buckenham airfield near attleborough , norfolk .a terrifying image reveals the moment a ` highly skilled ' pilot spun out of control during an aerobatic display - right before the plane crashed in front of horrified spectators this afternoon .\"]\n", - "=======================\n", - "[\"the edge 360 plane crashed in flames at old buckenham airfield in norfolkeyewitnesses saw single-engine aircraft go into a flat spin at about 2.45 pmpilot who died in the incident has been named locally as david jenkins` he was the best bloke i knew , ' said a friend who wished not to be named\"]\n", - "the man in his 50s tragically died when it crashed just 50 metres from a group of people who were at a press day for the air show .smoke billows from david jenkins ' single-engine edge 360 plane above old buckenham airfield near attleborough , norfolk .a terrifying image reveals the moment a ` highly skilled ' pilot spun out of control during an aerobatic display - right before the plane crashed in front of horrified spectators this afternoon .\n", - "the edge 360 plane crashed in flames at old buckenham airfield in norfolkeyewitnesses saw single-engine aircraft go into a flat spin at about 2.45 pmpilot who died in the incident has been named locally as david jenkins` he was the best bloke i knew , ' said a friend who wished not to be named\n", - "[1.375261 1.4972066 1.2742776 1.3656849 1.1673104 1.1036233 1.1076682\n", - " 1.0980173 1.0949606 1.056729 1.1547015 1.1790862 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 2 11 4 10 6 5 7 8 9 20 12 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "['the argentine is playing for werder bremen and has scored 13 goals in 22 games this season .sunderland are trailing former wigan striker franco di santo .the bundesliga side want # 8million for the 26-year-old who sunderland sporting director lee congerton knows well from his time at chelsea .']\n", - "=======================\n", - "['sunderland are interested in signing former chelsea and wigan forward franco di santo , who has recently hit form for werder bremendi santo is currently rated at # 8million by the bundesliga sideblack cats sporting director lee congerton knows di santo from their time together at chelsea']\n", - "the argentine is playing for werder bremen and has scored 13 goals in 22 games this season .sunderland are trailing former wigan striker franco di santo .the bundesliga side want # 8million for the 26-year-old who sunderland sporting director lee congerton knows well from his time at chelsea .\n", - "sunderland are interested in signing former chelsea and wigan forward franco di santo , who has recently hit form for werder bremendi santo is currently rated at # 8million by the bundesliga sideblack cats sporting director lee congerton knows di santo from their time together at chelsea\n", - "[1.221884 1.3087637 1.1754775 1.3557171 1.1728487 1.1831366 1.202828\n", - " 1.1912363 1.1688397 1.2001594 1.0425436 1.0233982 1.0982924 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 0 6 9 7 5 2 4 8 12 10 11 20 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"floyd mayweather jnr took to the swimming pool to continue his mega-fight preparationsmayweather jnr 's trainer looks on as the boxer finishes his swimming routine ahead of mega-fightthe fight on may 2 is expected to break the pay-per-view record of $ 152million set by that fight in 2013 , and is also expected to surpass the 2.5 million buys that mayweather 's fight against oscar de la hoya accumulated in 2007 .\"]\n", - "=======================\n", - "['floyd mayweather jnr hit the swimming pool as he continued his trainingboxer did laps of the pool as well as water resistance muscle workmayweather jnr is training ahead of mega-fight with manny pacquiaoit is now less than a month before boxing duo meet in las vegas']\n", - "floyd mayweather jnr took to the swimming pool to continue his mega-fight preparationsmayweather jnr 's trainer looks on as the boxer finishes his swimming routine ahead of mega-fightthe fight on may 2 is expected to break the pay-per-view record of $ 152million set by that fight in 2013 , and is also expected to surpass the 2.5 million buys that mayweather 's fight against oscar de la hoya accumulated in 2007 .\n", - "floyd mayweather jnr hit the swimming pool as he continued his trainingboxer did laps of the pool as well as water resistance muscle workmayweather jnr is training ahead of mega-fight with manny pacquiaoit is now less than a month before boxing duo meet in las vegas\n", - "[1.1009125 1.0855418 1.1547383 1.2104188 1.2132969 1.1399748 1.3268763\n", - " 1.1507081 1.0426956 1.0220817 1.0246178 1.0604877 1.038378 1.0274303\n", - " 1.0459228 1.0588269 1.0498977 1.0353266 1.034638 1.0424734 1.0204422\n", - " 1.0184697]\n", - "\n", - "[ 6 4 3 2 7 5 0 1 11 15 16 14 8 19 12 17 18 13 10 9 20 21]\n", - "=======================\n", - "['harriet arkell ( pictured ) has tested out the best hot cross buns on offer this easternowadays supermarkets bring out ever more permutations to tempt customers , from miniature sizes to new flavours like toffee fudge chunk and apple and cinnamon .the move was greeted with uproar , so she compromised , saying they could only be sold on good friday , at christmas and for burials -- and they have been prime easter fare ever since .']\n", - "=======================\n", - "['easter favourites , hot cross buns , used to be eaten all year roundqueen elizabeth i tried to ban them but allowed them to be eaten at easternow supermarkets are bringing out more varieties to tempt customers']\n", - "harriet arkell ( pictured ) has tested out the best hot cross buns on offer this easternowadays supermarkets bring out ever more permutations to tempt customers , from miniature sizes to new flavours like toffee fudge chunk and apple and cinnamon .the move was greeted with uproar , so she compromised , saying they could only be sold on good friday , at christmas and for burials -- and they have been prime easter fare ever since .\n", - "easter favourites , hot cross buns , used to be eaten all year roundqueen elizabeth i tried to ban them but allowed them to be eaten at easternow supermarkets are bringing out more varieties to tempt customers\n", - "[1.3581781 1.4356172 1.2444826 1.3628044 1.1882081 1.1740439 1.1383662\n", - " 1.157412 1.1162232 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 2 4 5 7 6 8 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", - "=======================\n", - "['the spain international was a target for arsenal a year ago when he left real madrid but opted for a move to italy instead .manchester city are keeping tabs on juventus striker alvaro morata ahead of possible summer bidreal have a buy-back option set at around # 15million but are unlikely to take that up .']\n", - "=======================\n", - "['alvaro morata had attracted interest from arsenal before joining juventusspain international made move to italy in # 15million deal from real madridmanchester city are monitoring the 22-year-old after impressive season']\n", - "the spain international was a target for arsenal a year ago when he left real madrid but opted for a move to italy instead .manchester city are keeping tabs on juventus striker alvaro morata ahead of possible summer bidreal have a buy-back option set at around # 15million but are unlikely to take that up .\n", - "alvaro morata had attracted interest from arsenal before joining juventusspain international made move to italy in # 15million deal from real madridmanchester city are monitoring the 22-year-old after impressive season\n", - "[1.4527906 1.3499128 1.1203347 1.3730018 1.136813 1.1547526 1.1759893\n", - " 1.1233243 1.1310056 1.0859463 1.1544484 1.0501288 1.0486143 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 6 5 10 4 8 7 2 9 11 12 13 14 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"martin odegaard 's week got worse when real madrid 's 16-year-old wonderkid who cost # 2.3 million was refused a rating by spanish newspaper as for his performance for the club 's b-team castilla .odegaard is understood to be on # 40,000 per week but has yet to become a cohesive part of zidane 's team as he struggles to find a balance between mixing with the first and second team .the madrid manager picked the 16-year-old for their champions league tie against schalke but decided against playing him , even though it would have made odegaard the youngest to have ever played in the competition .\"]\n", - "=======================\n", - "['martin odegaard was dropped by castilla boss zinedine zidane previouslyhe was substituted after 65 minutes against tudelano on sundaycastilla were a goal down at the time as odegaard was replacedclick here for all the latest real madrid news']\n", - "martin odegaard 's week got worse when real madrid 's 16-year-old wonderkid who cost # 2.3 million was refused a rating by spanish newspaper as for his performance for the club 's b-team castilla .odegaard is understood to be on # 40,000 per week but has yet to become a cohesive part of zidane 's team as he struggles to find a balance between mixing with the first and second team .the madrid manager picked the 16-year-old for their champions league tie against schalke but decided against playing him , even though it would have made odegaard the youngest to have ever played in the competition .\n", - "martin odegaard was dropped by castilla boss zinedine zidane previouslyhe was substituted after 65 minutes against tudelano on sundaycastilla were a goal down at the time as odegaard was replacedclick here for all the latest real madrid news\n", - "[1.6549075 1.4011514 1.3239846 1.1756952 1.1355783 1.0724015 1.0348547\n", - " 1.0151689 1.0159876 1.0387592 1.0494628 1.1226094 1.0962597 1.2064644\n", - " 1.0225781 1.0120559 1.0174948 1.0100031 1.0104954 1.0080354 1.0097401\n", - " 1.229643 1.0908252 0. ]\n", - "\n", - "[ 0 1 2 21 13 3 4 11 12 22 5 10 9 6 14 16 8 7 15 18 17 20 19 23]\n", - "=======================\n", - "[\"west ham manager sam allardyce has confirmed winston reid will be fit for saturday 's match with bottom-club leicester city , but enner valencia will not be available .reid has been out of action since injuring his hamstring in a 1-0 defeat by chelsea on march 4 , but the new zealand defender returned to full training during the international break .valencia missed west ham 's last two games against arsenal and sunderland following a bizarre toe injury suffered at home in mid-march , but allardyce says he is still not match fit .\"]\n", - "=======================\n", - "['winston reid has been out of action since injuring his hamstring in a 1-0 defeat by chelsea on march 4reid returned to full training during the international breakenner valencia will not be available for the clash with foxes']\n", - "west ham manager sam allardyce has confirmed winston reid will be fit for saturday 's match with bottom-club leicester city , but enner valencia will not be available .reid has been out of action since injuring his hamstring in a 1-0 defeat by chelsea on march 4 , but the new zealand defender returned to full training during the international break .valencia missed west ham 's last two games against arsenal and sunderland following a bizarre toe injury suffered at home in mid-march , but allardyce says he is still not match fit .\n", - "winston reid has been out of action since injuring his hamstring in a 1-0 defeat by chelsea on march 4reid returned to full training during the international breakenner valencia will not be available for the clash with foxes\n", - "[1.3919126 1.1537156 1.4363955 1.140176 1.2240465 1.2410787 1.0971591\n", - " 1.092868 1.0889784 1.0750136 1.0590177 1.202145 1.0288118 1.0728235\n", - " 1.0939779 1.0338991 1.0763576 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 0 5 4 11 1 3 6 14 7 8 16 9 13 10 15 12 22 17 18 19 20 21 23]\n", - "=======================\n", - "['andras janos vass , 25 , was found guilty of human trafficking and racketeering felonies this week after grooming fellow hungarians online then keeping them captive in new york city and miami .he faces a maximum sentence of 155 years in prison - and will spend at least 21 behind bars .lure : prosecutors said at least two of the victims were lured to america via the planet romeo gay dating website']\n", - "=======================\n", - "[\"andras janos vass , 25 , found guilty of human trafficking and racketeeringlured at least two young men to america via planet romeo dating sitethought they would be offered legal escort work , earning $ 5,000 a monthvictims said they had travel documents taken and were forced into sexvass 's sex ring , which he allegedly ran with two other men , started in nycmoved to miami in late 2012 , where vass has been standing trialhe faces up to 155 years in prison for his crime - with minimum of 21 years\"]\n", - "andras janos vass , 25 , was found guilty of human trafficking and racketeering felonies this week after grooming fellow hungarians online then keeping them captive in new york city and miami .he faces a maximum sentence of 155 years in prison - and will spend at least 21 behind bars .lure : prosecutors said at least two of the victims were lured to america via the planet romeo gay dating website\n", - "andras janos vass , 25 , found guilty of human trafficking and racketeeringlured at least two young men to america via planet romeo dating sitethought they would be offered legal escort work , earning $ 5,000 a monthvictims said they had travel documents taken and were forced into sexvass 's sex ring , which he allegedly ran with two other men , started in nycmoved to miami in late 2012 , where vass has been standing trialhe faces up to 155 years in prison for his crime - with minimum of 21 years\n", - "[1.2773042 1.1536611 1.0964514 1.1037375 1.0658365 1.0588408 1.0884333\n", - " 1.4157269 1.2364548 1.1327053 1.0251883 1.0191498 1.0174894 1.0257608\n", - " 1.0144775 1.0209773 1.0533257 1.0269147 1.0712764 1.0562004 1.1421175\n", - " 1.0500474 1.1464599 1.0125155]\n", - "\n", - "[ 7 0 8 1 22 20 9 3 2 6 18 4 5 19 16 21 17 13 10 15 11 12 14 23]\n", - "=======================\n", - "['christian benteke bends a free-kick over the qpr wall to rescue a point for aston villa last weekchristian benteke has revealed a secret .benteke jumps for joy after sealing his hat-trick in the relegation battle with qpr at villa park']\n", - "=======================\n", - "[\"aston villa face liverpool at wembley in the fa cup semi-final on sundayliverpool will have to keep villa 's in-form christian benteke quietthe belgium international has scored eight goals in six games for villastriker says that new manager tim sherwood has given him freedombenteke struggled for form earlier this season after recovering from injurya year ago he ruptured his achilles and missed the world cupbenteke returned in october but did not hit top gear straight away\"]\n", - "christian benteke bends a free-kick over the qpr wall to rescue a point for aston villa last weekchristian benteke has revealed a secret .benteke jumps for joy after sealing his hat-trick in the relegation battle with qpr at villa park\n", - "aston villa face liverpool at wembley in the fa cup semi-final on sundayliverpool will have to keep villa 's in-form christian benteke quietthe belgium international has scored eight goals in six games for villastriker says that new manager tim sherwood has given him freedombenteke struggled for form earlier this season after recovering from injurya year ago he ruptured his achilles and missed the world cupbenteke returned in october but did not hit top gear straight away\n", - "[1.2899635 1.5882947 1.1825132 1.5330944 1.0742357 1.0548128 1.0204637\n", - " 1.0122244 1.0201726 1.0289903 1.0159101 1.0210091 1.0897275 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 12 4 5 9 11 6 8 10 7 22 13 14 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"henrikh mkhitaryan , pierre-emerick aubameyang and shinji kagawa were on target as dortmund returned to winning ways with a comfortable victory against relegation-threatened paderborn at signal iduna park .pierre-emerick aubameyang makes it 2-0 to dortmund as the home side cruised to victory against paderbornif the borussia dortmund players had been shocked by wednesday 's news that manager jurgen klopp will quit the club at the end of the season , they showed no sign that it had affected them on saturday .\"]\n", - "=======================\n", - "[\"henrikh mkhitaryan opened scoring for borussia dortmund on 48 minutespierre-emerick aubameyang doubled the lead for jurgen klopp 's sideshinji kagawa completed the scoring in a comfortable victory for the hostsmanager klopp announced on wednesday that he will leave in the summer\"]\n", - "henrikh mkhitaryan , pierre-emerick aubameyang and shinji kagawa were on target as dortmund returned to winning ways with a comfortable victory against relegation-threatened paderborn at signal iduna park .pierre-emerick aubameyang makes it 2-0 to dortmund as the home side cruised to victory against paderbornif the borussia dortmund players had been shocked by wednesday 's news that manager jurgen klopp will quit the club at the end of the season , they showed no sign that it had affected them on saturday .\n", - "henrikh mkhitaryan opened scoring for borussia dortmund on 48 minutespierre-emerick aubameyang doubled the lead for jurgen klopp 's sideshinji kagawa completed the scoring in a comfortable victory for the hostsmanager klopp announced on wednesday that he will leave in the summer\n", - "[1.344303 1.3382432 1.4226112 1.145693 1.1067709 1.06167 1.0643414\n", - " 1.030167 1.044851 1.148839 1.1170164 1.0192058 1.1459975 1.049872\n", - " 1.1136318 1.031725 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 9 12 3 10 14 4 6 5 13 8 15 7 11 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"up to 18 were killed and more than 60 injured when the 7.8-magnitude quake set off a huge avalanche on the world 's highest peak .at least 65 british climbers and holidaymakers were feared missing yesterday as the death toll in the nepal earthquake reached 2,500 .on everest , survivors described running for their lives as a ` tsunami ' of snow and ice triggered by tremors descended on base camp .\"]\n", - "=======================\n", - "[\"65 british climbers feared missing as death toll in nepal reaches 2,500survivors on everest recall ` tsunami ' of snow and ice triggered by quakeclimbers left stranded by the tonnes of debris and ice blocking their routesin kathmandu and pokhara buildings were reduced to matchsticks\"]\n", - "up to 18 were killed and more than 60 injured when the 7.8-magnitude quake set off a huge avalanche on the world 's highest peak .at least 65 british climbers and holidaymakers were feared missing yesterday as the death toll in the nepal earthquake reached 2,500 .on everest , survivors described running for their lives as a ` tsunami ' of snow and ice triggered by tremors descended on base camp .\n", - "65 british climbers feared missing as death toll in nepal reaches 2,500survivors on everest recall ` tsunami ' of snow and ice triggered by quakeclimbers left stranded by the tonnes of debris and ice blocking their routesin kathmandu and pokhara buildings were reduced to matchsticks\n", - "[1.2615187 1.3635415 1.156011 1.2507606 1.0853794 1.1145462 1.1994538\n", - " 1.1121066 1.0794601 1.2052283 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 9 6 2 5 7 4 8 21 20 19 18 17 16 11 14 13 12 22 10 15 23]\n", - "=======================\n", - "[\"spanish beauty raquel mauri , whom the croatia international married in 2013 , posted an insight into the pair 's enviable lifestyle featuring a selfie of the two of them taking in some sun , surf and sand .he earns millions playing for a barcelona team regarded as one of the greatest in history and spends his time-off relaxing at the beach with his beautiful wife , is ivan rakitic living the dream of every sports fan ?lionel messi posted a picture on his instagram account of his wife having her stomach kissed by their son\"]\n", - "=======================\n", - "['ivan rakitic and wife raquel mauri shared instagram selfie from the beachbarcelona midfielder is hoping for la liga and champions league glorylionel messi is expecting a second child with antonella roccuzzo']\n", - "spanish beauty raquel mauri , whom the croatia international married in 2013 , posted an insight into the pair 's enviable lifestyle featuring a selfie of the two of them taking in some sun , surf and sand .he earns millions playing for a barcelona team regarded as one of the greatest in history and spends his time-off relaxing at the beach with his beautiful wife , is ivan rakitic living the dream of every sports fan ?lionel messi posted a picture on his instagram account of his wife having her stomach kissed by their son\n", - "ivan rakitic and wife raquel mauri shared instagram selfie from the beachbarcelona midfielder is hoping for la liga and champions league glorylionel messi is expecting a second child with antonella roccuzzo\n", - "[1.5552998 1.3428462 1.0793242 1.0518336 1.0310804 1.0321207 1.1110985\n", - " 1.0171688 1.0259966 1.0371194 1.3417829 1.1587443 1.1358888 1.0127089\n", - " 1.012309 1.0585694 1.0205126 1.0134174 1.0200305 1.0205501 1.0517093\n", - " 1.0135163 1.0207635 1.0200047]\n", - "\n", - "[ 0 1 10 11 12 6 2 15 3 20 9 5 4 8 22 19 16 18 23 7 21 17 13 14]\n", - "=======================\n", - "[\"portland timbers defender liam ridgewell writes his second column for sportsmail with the 2015 major league soccer season well under way in the united states .here , the 30-year-old from bexleyheath discusses his family 's visits to portland , coming up against orlando city 's brazilian star kaka and the upcoming clash against fierce rivals seattle sounders on monday morning at 2:30 am uk time .ridgewell ( right ) attempts to gee up his side during a match against new york city fc last week\"]\n", - "=======================\n", - "['liam ridgewell is currently playing for the portland timbers in mlsthe 30-year-old came up against brazilian kaka , who plays for orlando cityridgewell welcomed his family for a visit to the united states of americaportland take on fierce rivals seattle sounders on monday at 2:30 am uk']\n", - "portland timbers defender liam ridgewell writes his second column for sportsmail with the 2015 major league soccer season well under way in the united states .here , the 30-year-old from bexleyheath discusses his family 's visits to portland , coming up against orlando city 's brazilian star kaka and the upcoming clash against fierce rivals seattle sounders on monday morning at 2:30 am uk time .ridgewell ( right ) attempts to gee up his side during a match against new york city fc last week\n", - "liam ridgewell is currently playing for the portland timbers in mlsthe 30-year-old came up against brazilian kaka , who plays for orlando cityridgewell welcomed his family for a visit to the united states of americaportland take on fierce rivals seattle sounders on monday at 2:30 am uk\n", - "[1.4077927 1.5041387 1.2204746 1.3342586 1.4105173 1.0521094 1.0206734\n", - " 1.0273234 1.023511 1.0302356 1.0564924 1.0165207 1.050796 1.0197531\n", - " 1.1254419 1.0845731 1.0508099 1.0088643 1.008922 1.0087835 1.2564089\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 3 20 2 14 15 10 5 16 12 9 7 8 6 13 11 18 17 19 22 21 23]\n", - "=======================\n", - "[\"arsenal thrashed liverpool 4-1 at home with goals from hector bellerin , mesut ozil , alexis sanchez and olivier giroud and are seven points behind chelsea , with the premier league leaders having to visit the emirates in two weeks ' time -- although jose mourinho 's team still have a game in hand .hector bellerin celebrates after putting arsenal 1-0 ahead against liverpool in the first half on saturdayarsene wenger says that arsenal will have to be perfect until the end of the season if they want to challenge for the title -- but maintains that they will be ready if chelsea slip .\"]\n", - "=======================\n", - "[\"arsenal thrash liverpool 4-1 in dominant display to go secondgunners are still four points behind chelsea , who have a game in handarsene wenger says his side looking up , but remain focused on each gamebrendan rodgers praises ` outstanding ' raheem sterling despite defeat\"]\n", - "arsenal thrashed liverpool 4-1 at home with goals from hector bellerin , mesut ozil , alexis sanchez and olivier giroud and are seven points behind chelsea , with the premier league leaders having to visit the emirates in two weeks ' time -- although jose mourinho 's team still have a game in hand .hector bellerin celebrates after putting arsenal 1-0 ahead against liverpool in the first half on saturdayarsene wenger says that arsenal will have to be perfect until the end of the season if they want to challenge for the title -- but maintains that they will be ready if chelsea slip .\n", - "arsenal thrash liverpool 4-1 in dominant display to go secondgunners are still four points behind chelsea , who have a game in handarsene wenger says his side looking up , but remain focused on each gamebrendan rodgers praises ` outstanding ' raheem sterling despite defeat\n", - "[1.503515 1.2384866 1.4342918 1.206559 1.2264775 1.1705087 1.0807537\n", - " 1.0628818 1.0409217 1.0501317 1.071747 1.0762519 1.0722672 1.1498992\n", - " 1.0392174 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 4 3 5 13 6 11 12 10 7 9 8 14 22 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"dr unt tun maung , 43 , asked the vulnerable teen to remove her bra before cupping and squeezing each of her breasts , durham crown court hearda married gp who fondled a vulnerable teenager 's breasts when she came to him complaining of chest pains has been jailed for 18 months .the father-of-one , of chester-le-street , county durham , had spent 12 years working in the nhs , but has now lost everything because of a ` moment of madness ' , his lawyer told the court .\"]\n", - "=======================\n", - "[\"dr unt tun maung , 43 , working as a locum gp on teesside at time of attackhe asked vulnerable girl to remove her bra before cupping her breastscourt told he was a clever , respected man who had a ` moment of madness 'currently suspended and is facing general medical council investigation\"]\n", - "dr unt tun maung , 43 , asked the vulnerable teen to remove her bra before cupping and squeezing each of her breasts , durham crown court hearda married gp who fondled a vulnerable teenager 's breasts when she came to him complaining of chest pains has been jailed for 18 months .the father-of-one , of chester-le-street , county durham , had spent 12 years working in the nhs , but has now lost everything because of a ` moment of madness ' , his lawyer told the court .\n", - "dr unt tun maung , 43 , working as a locum gp on teesside at time of attackhe asked vulnerable girl to remove her bra before cupping her breastscourt told he was a clever , respected man who had a ` moment of madness 'currently suspended and is facing general medical council investigation\n", - "[1.1876209 1.4828658 1.3223739 1.3509505 1.1230897 1.2215244 1.092171\n", - " 1.1416159 1.0942494 1.0756522 1.0167704 1.0220827 1.0727987 1.0835329\n", - " 1.0540477 1.0151958 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 5 0 7 4 8 6 13 9 12 14 11 10 15 18 16 17 19]\n", - "=======================\n", - "['leanne kenny , 23 , from northwich , cheshire , reached almost 20 stone after repeatedly taking home end-of-the-line discounted junk food .leanne kenny ballooned to almost 20st after snacking on leftover goods at her place of work , but after ditching the snacks leanne has lost 7st and now weighs in at 13stthe supermarket worker would snack on bumper bars of chocolate , baked goods and fizzy drinks going cheap because of their sell-by dates .']\n", - "=======================\n", - "['leanne kenny reached 20st after starting work as a check out girlshe would take reduced products home and snack on them each nightshe has since joined weight watchers losing 7st and ten dress sizes']\n", - "leanne kenny , 23 , from northwich , cheshire , reached almost 20 stone after repeatedly taking home end-of-the-line discounted junk food .leanne kenny ballooned to almost 20st after snacking on leftover goods at her place of work , but after ditching the snacks leanne has lost 7st and now weighs in at 13stthe supermarket worker would snack on bumper bars of chocolate , baked goods and fizzy drinks going cheap because of their sell-by dates .\n", - "leanne kenny reached 20st after starting work as a check out girlshe would take reduced products home and snack on them each nightshe has since joined weight watchers losing 7st and ten dress sizes\n", - "[1.0746539 1.3874139 1.2661843 1.2232934 1.1673967 1.0605435 1.1392951\n", - " 1.1252177 1.1298575 1.078852 1.0219145 1.0642786 1.0261344 1.0533794\n", - " 1.0169313 1.0740117 1.0374514 1.1100968 1.0601666 1.0230117]\n", - "\n", - "[ 1 2 3 4 6 8 7 17 9 0 15 11 5 18 13 16 12 19 10 14]\n", - "=======================\n", - "[\"two weeks ago the prime minister let the bbc film him preparing lunch at his home in his oxfordshire constituency .then this weekend it was the no 10 kitchen that was the focus of attention as he made a pitch for the family vote by being pictured at breakfast with wife samantha and their three children .breakfast time : david and samantha cameron talk to their nine-year-old son elwen in tonight 's itv film\"]\n", - "=======================\n", - "[\"david cameron invited itv film crew into downing street kitchen for showinterview also featuring his wife samantha is to be shown on itv tonightin show , pm is teased for appearing to confuse hit film frozen for a booksamcam says family joke over breakfast as way of keeping pm ` grounded '\"]\n", - "two weeks ago the prime minister let the bbc film him preparing lunch at his home in his oxfordshire constituency .then this weekend it was the no 10 kitchen that was the focus of attention as he made a pitch for the family vote by being pictured at breakfast with wife samantha and their three children .breakfast time : david and samantha cameron talk to their nine-year-old son elwen in tonight 's itv film\n", - "david cameron invited itv film crew into downing street kitchen for showinterview also featuring his wife samantha is to be shown on itv tonightin show , pm is teased for appearing to confuse hit film frozen for a booksamcam says family joke over breakfast as way of keeping pm ` grounded '\n", - "[1.3711641 1.2551401 1.2469682 1.1259189 1.1491847 1.0980524 1.0445538\n", - " 1.031542 1.0364497 1.1883318 1.0505133 1.1109085 1.0850947 1.0603487\n", - " 1.1186883 1.0794001 1.0442346 1.0206262 1.0140339 0. ]\n", - "\n", - "[ 0 1 2 9 4 3 14 11 5 12 15 13 10 6 16 8 7 17 18 19]\n", - "=======================\n", - "[\"the archbishop of canterbury ( above ) yesterday called on christians to use non-violent means of resistance when faced with persecution by extremists - days after an attack in kenya killed 150 peoplein the wake of the slaughter of christian students in kenya and the barbarity of islamic state militants , the most reverend justin welby said the dead were ` martyrs ' .on maundy thursday , three days ago , around 150 kenyans were killed because of being christian .\"]\n", - "=======================\n", - "[\"archbishop of canterbury also said the dead were ` martyrs ' in speechpope francis called for governments to intervene in syria and iraq\"]\n", - "the archbishop of canterbury ( above ) yesterday called on christians to use non-violent means of resistance when faced with persecution by extremists - days after an attack in kenya killed 150 peoplein the wake of the slaughter of christian students in kenya and the barbarity of islamic state militants , the most reverend justin welby said the dead were ` martyrs ' .on maundy thursday , three days ago , around 150 kenyans were killed because of being christian .\n", - "archbishop of canterbury also said the dead were ` martyrs ' in speechpope francis called for governments to intervene in syria and iraq\n", - "[1.4347694 1.5267859 1.1567465 1.3396317 1.1023026 1.1143286 1.1088594\n", - " 1.0481436 1.2046738 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 8 2 5 6 4 7 17 16 15 14 9 12 11 10 18 13 19]\n", - "=======================\n", - "['first-half goals from carlos tevez - his 26th of the season in all competitions - and centre-back leonardo bonucci pushed juve 15 points clear of second place with only seven games remaining .juventus moved ever closer to clinching a fourth straight serie a title by beating nearest challengers lazio 2-0 in turin .carlos tevez opened the scoring for juventus after 17 minutes as they beat lazio on saturday']\n", - "=======================\n", - "['juventus beat lazio 2-0 on saturday to move 15 points clear in serie acarlos tevez and leonardo bonucci scored in the first half for old ladyearlier in the day sampdoria were held to a draw by lowly cesena']\n", - "first-half goals from carlos tevez - his 26th of the season in all competitions - and centre-back leonardo bonucci pushed juve 15 points clear of second place with only seven games remaining .juventus moved ever closer to clinching a fourth straight serie a title by beating nearest challengers lazio 2-0 in turin .carlos tevez opened the scoring for juventus after 17 minutes as they beat lazio on saturday\n", - "juventus beat lazio 2-0 on saturday to move 15 points clear in serie acarlos tevez and leonardo bonucci scored in the first half for old ladyearlier in the day sampdoria were held to a draw by lowly cesena\n", - "[1.3372302 1.4084624 1.1213189 1.1942945 1.0846533 1.0612036 1.123537\n", - " 1.0824814 1.1292795 1.0757538 1.0515462 1.0946739 1.0226654 1.0321239\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 8 6 2 11 4 7 9 5 10 13 12 14 15 16 17 18 19]\n", - "=======================\n", - "[\"the clip , which was created by the make it fair project , presents a string of statistics that highlight the disproportionate presence that men have in influential industries like hollywood , which means that , more often than not , males hold 70 to 95 per cent of the industry 's most important positions .rita wilson appears with an ensemble of actresses in a satirical new video promoting gender equality which ironically proclaims : ` it 's only fair that men should have it all . '` we wo n't relent 'til it 's 100 per cent , ' the women sing in a tongue-in-cheek refrain that repeats throughout the psa .\"]\n", - "=======================\n", - "[\"the psa spoof highlights a series of shocking statistics about the number of women working within the movie industryon broadway last year , '13 out of 13 ' plays were written by men , while 88 per cent of hit movies in 2014 starred menthe satirical video , which says it 's ` only fair ' that men ` have it all ' includes appearances from other actresses including mamie gummerin the clip , the women also point out several other areas in which men remain the dominant gender\"]\n", - "the clip , which was created by the make it fair project , presents a string of statistics that highlight the disproportionate presence that men have in influential industries like hollywood , which means that , more often than not , males hold 70 to 95 per cent of the industry 's most important positions .rita wilson appears with an ensemble of actresses in a satirical new video promoting gender equality which ironically proclaims : ` it 's only fair that men should have it all . '` we wo n't relent 'til it 's 100 per cent , ' the women sing in a tongue-in-cheek refrain that repeats throughout the psa .\n", - "the psa spoof highlights a series of shocking statistics about the number of women working within the movie industryon broadway last year , '13 out of 13 ' plays were written by men , while 88 per cent of hit movies in 2014 starred menthe satirical video , which says it 's ` only fair ' that men ` have it all ' includes appearances from other actresses including mamie gummerin the clip , the women also point out several other areas in which men remain the dominant gender\n", - "[1.0476336 1.1261225 1.2145786 1.454921 1.3129162 1.1138394 1.035402\n", - " 1.2069199 1.2904727 1.0453184 1.0955943 1.0690297 1.0268923 1.0507723\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 8 2 7 1 5 10 11 13 0 9 6 12 14 15 16 17 18]\n", - "=======================\n", - "[\"new hospitality : british scientists spent almost 18 years developing the robotic ` chef ' handsthey have come up with a set of robotic arms so sophisticated that they are capable of cooking meals from scratch .the device will be sold from as early as 2017 as part of a purpose-built high-tech kitchen , priced at around # 10,000 ( $ 14,000 ) , which includes an oven , hob , dishwasher and sink .\"]\n", - "=======================\n", - "['british scientists invents robotic hands able to cook a meal from scratchhands each governed by 24 motors , 26 micro-controllers and 129 sensorsthe # 10,000 ( $ 14,000 ) kitchen device will be sold from as early as 2017']\n", - "new hospitality : british scientists spent almost 18 years developing the robotic ` chef ' handsthey have come up with a set of robotic arms so sophisticated that they are capable of cooking meals from scratch .the device will be sold from as early as 2017 as part of a purpose-built high-tech kitchen , priced at around # 10,000 ( $ 14,000 ) , which includes an oven , hob , dishwasher and sink .\n", - "british scientists invents robotic hands able to cook a meal from scratchhands each governed by 24 motors , 26 micro-controllers and 129 sensorsthe # 10,000 ( $ 14,000 ) kitchen device will be sold from as early as 2017\n", - "[1.3419951 1.4575022 1.3139371 1.2626387 1.1511503 1.1193254 1.027568\n", - " 1.0386975 1.2064201 1.0389054 1.0675125 1.0275598 1.0237284 1.0226382\n", - " 1.0118946 1.0168697 1.013161 0. 0. ]\n", - "\n", - "[ 1 0 2 3 8 4 5 10 9 7 6 11 12 13 15 16 14 17 18]\n", - "=======================\n", - "['on monday night , pacquiao arrived in las vegas ahead of his mgm grand summit with mayweather .after two months since the official announcement , floyd mayweather and manny pacquiao are into the final few days of their preparation at camp ahead of their monumental bout on saturday .the 36-year-old was seen arriving on the world-famous strip in the nevada desert at the mandalay bay hotel , which will be his base for the week .']\n", - "=======================\n", - "['floyd mayweather will be fighting manny pacquiao in las vegas on may 2mayweather has been training at his mayweather boxing club in las vegaspacquiao has been preparing at the wild card gym in los angeles']\n", - "on monday night , pacquiao arrived in las vegas ahead of his mgm grand summit with mayweather .after two months since the official announcement , floyd mayweather and manny pacquiao are into the final few days of their preparation at camp ahead of their monumental bout on saturday .the 36-year-old was seen arriving on the world-famous strip in the nevada desert at the mandalay bay hotel , which will be his base for the week .\n", - "floyd mayweather will be fighting manny pacquiao in las vegas on may 2mayweather has been training at his mayweather boxing club in las vegaspacquiao has been preparing at the wild card gym in los angeles\n", - "[1.2420222 1.3000398 1.3670505 1.331164 1.2958398 1.161128 1.2542133\n", - " 1.1239477 1.0419439 1.0544486 1.032641 1.0477549 1.1242079 1.0202852\n", - " 1.035995 1.011389 1.013923 0. 0. ]\n", - "\n", - "[ 2 3 1 4 6 0 5 12 7 9 11 8 14 10 13 16 15 17 18]\n", - "=======================\n", - "['it comes less than a month after the death of 32-day-old riley who died after contracting whooping cough .his parents catherine and greg are now leading a campaign , urging adults to vaccinate themselves and their children to prevent more infant deaths from the terrible disease .however , medical professionals insist the resource shortage will not affect the immunisation programs for babies , children and pregnant women .']\n", - "=======================\n", - "[\"queensland health confirms there 's a shortage of whooping cough vaccinethere is an insufficient supply of a booster which is used for adultsmedical professionals insist the shortage will not affect immunisation program for babies , children and pregnant womenit 's australia 's least well-controlled of all vaccine-preventable diseasesriley hughes died in a perth hospital at just 32 days old on march 17his parents are campaigning for adults to vaccinate themselves and their children to avoid other preventable infant deathswhooping cough is ` highly infectious ' and lethal in babiesimmunisation against it is available for children from two months old\"]\n", - "it comes less than a month after the death of 32-day-old riley who died after contracting whooping cough .his parents catherine and greg are now leading a campaign , urging adults to vaccinate themselves and their children to prevent more infant deaths from the terrible disease .however , medical professionals insist the resource shortage will not affect the immunisation programs for babies , children and pregnant women .\n", - "queensland health confirms there 's a shortage of whooping cough vaccinethere is an insufficient supply of a booster which is used for adultsmedical professionals insist the shortage will not affect immunisation program for babies , children and pregnant womenit 's australia 's least well-controlled of all vaccine-preventable diseasesriley hughes died in a perth hospital at just 32 days old on march 17his parents are campaigning for adults to vaccinate themselves and their children to avoid other preventable infant deathswhooping cough is ` highly infectious ' and lethal in babiesimmunisation against it is available for children from two months old\n", - "[1.293397 1.5626583 1.3586013 1.3733029 1.0564916 1.2962891 1.1029485\n", - " 1.0230387 1.0324686 1.0243832 1.0149506 1.1004151 1.0173273 1.0506349\n", - " 1.0720315 1.0477953 1.0317245 1.0106001 1.0515163]\n", - "\n", - "[ 1 3 2 5 0 6 11 14 4 18 13 15 8 16 9 7 12 10 17]\n", - "=======================\n", - "[\"melbourne-born , paris-based martin grant will refresh the uniforms worn by qantas ' domestic and international pilots which have not been changed for more than a decade .a key focus of the redesign will be the female uniform , with ceo alan joyce saying there are an increasing number of women joining the ranks of qantas pilots .the fashion designer also created new qantas uniforms for cabin crew in 2013 , modelled by miranda kerr\"]\n", - "=======================\n", - "[\"melbourne-born designer martin grant will refresh qantas pilot uniformsa key focus of the redesign will be the female uniform , to cater for an increasing number of women joining the ranksthe focus will be on comfort and durability as pilots can spend up to 16 hours in the cockpit at any one timethe attire worn by the airline 's pilots has evolved significantly since 1935\"]\n", - "melbourne-born , paris-based martin grant will refresh the uniforms worn by qantas ' domestic and international pilots which have not been changed for more than a decade .a key focus of the redesign will be the female uniform , with ceo alan joyce saying there are an increasing number of women joining the ranks of qantas pilots .the fashion designer also created new qantas uniforms for cabin crew in 2013 , modelled by miranda kerr\n", - "melbourne-born designer martin grant will refresh qantas pilot uniformsa key focus of the redesign will be the female uniform , to cater for an increasing number of women joining the ranksthe focus will be on comfort and durability as pilots can spend up to 16 hours in the cockpit at any one timethe attire worn by the airline 's pilots has evolved significantly since 1935\n", - "[1.1915148 1.2070802 1.2476884 1.0704174 1.2741435 1.0955021 1.0882634\n", - " 1.0950265 1.0836279 1.0542578 1.047654 1.045289 1.0579993 1.032596\n", - " 1.0227163 1.021127 0. 0. 0. ]\n", - "\n", - "[ 4 2 1 0 5 7 6 8 3 12 9 10 11 13 14 15 17 16 18]\n", - "=======================\n", - "['but about 20,000 people died from execution , starvation or exhaustion during this exodus at gunpoint , according to war crimes prosecutors ; the others were subjected to slave labor in rural camps once they reached their destination , where many met similar fates .ly , then 13 , was separated from her mother and two of her sisters who , along with virtually the entire population of phnom penh -- about two million people -- were sent on a forced march into the countryside to work .( cnn ) on the stage of a tv studio in phnom penh , cambodian-american ly sivhong is telling an engrossed audience a tragic , but familiar , story .']\n", - "=======================\n", - "['phnom penh , the cambodian capital , fell to the genocidal khmer rouge 40 years ago todayat least 1.7 million people were killed in the subsequent four years , before the regime was driven outdecades on , the country is still struggling to gain justice for victims and heal from the genocide']\n", - "but about 20,000 people died from execution , starvation or exhaustion during this exodus at gunpoint , according to war crimes prosecutors ; the others were subjected to slave labor in rural camps once they reached their destination , where many met similar fates .ly , then 13 , was separated from her mother and two of her sisters who , along with virtually the entire population of phnom penh -- about two million people -- were sent on a forced march into the countryside to work .( cnn ) on the stage of a tv studio in phnom penh , cambodian-american ly sivhong is telling an engrossed audience a tragic , but familiar , story .\n", - "phnom penh , the cambodian capital , fell to the genocidal khmer rouge 40 years ago todayat least 1.7 million people were killed in the subsequent four years , before the regime was driven outdecades on , the country is still struggling to gain justice for victims and heal from the genocide\n", - "[1.1947877 1.2000036 1.2138407 1.138356 1.131037 1.0738583 1.2181542\n", - " 1.0339763 1.0309144 1.2489551 1.1851763 1.0540632 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 9 6 2 1 0 10 3 4 5 11 7 8 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"the term ` the prince george effect ' was coined just three days after his birth when the # 20 printed white aden + anais cloth in which the duke and duchess of cambridge wrapped their baby son before leaving the lindo wing of st mary 's hospital sold out almost instantlythe baby could generate a billion pounds over its lifetime .indeed , if prince george 's first year - which boosted the economy by # 247m - is anything to go by , anything that the second-born touches will turn to gold and copycat designs will bring a welcome boost to the high street .\"]\n", - "=======================\n", - "['cath kidston , aden + anais and les petites abeilles boosted by georgeeverything he has worn - and similar designs - sold out instantlygeorge effect has boosted high street copy-cat salesroyal baby number two , who is due within weeks , is likely to do the same']\n", - "the term ` the prince george effect ' was coined just three days after his birth when the # 20 printed white aden + anais cloth in which the duke and duchess of cambridge wrapped their baby son before leaving the lindo wing of st mary 's hospital sold out almost instantlythe baby could generate a billion pounds over its lifetime .indeed , if prince george 's first year - which boosted the economy by # 247m - is anything to go by , anything that the second-born touches will turn to gold and copycat designs will bring a welcome boost to the high street .\n", - "cath kidston , aden + anais and les petites abeilles boosted by georgeeverything he has worn - and similar designs - sold out instantlygeorge effect has boosted high street copy-cat salesroyal baby number two , who is due within weeks , is likely to do the same\n", - "[1.1319231 1.2004759 1.2070028 1.1540931 1.0312674 1.4785331 1.2187738\n", - " 1.0576825 1.034579 1.1187273 1.0575528 1.093966 1.0566489 1.0463601\n", - " 1.1324087 1.1291372 1.051065 1.0112576 1.0117139 1.012479 1.0117046]\n", - "\n", - "[ 5 6 2 1 3 14 0 15 9 11 7 10 12 16 13 8 4 19 18 20 17]\n", - "=======================\n", - "[\"jack grealish put in a dazzling performance as aston villa beat liverpool in an fa cup semi-final on sundayvilla fan grealish takes on liverpool 's emre can at wembley during the impressive 2-1 victory at wembleyon his debut for john mitchels , a gaa club in warwickshire , he received a mighty blow and appealed to the referee .\"]\n", - "=======================\n", - "[\"jack grealish impressed as aston villa beat liverpool at wembleya villa fan , grealish helped the club reach their first final since 2000the 19-year-old wears his socks down to show he is not afraid of tacklesgrealish 's great-great grandfather , billy garraty , won the fa cup in 1905tim sherwood : grealish must focus on aston villa not international futureread : grealish to decide international future at end of season\"]\n", - "jack grealish put in a dazzling performance as aston villa beat liverpool in an fa cup semi-final on sundayvilla fan grealish takes on liverpool 's emre can at wembley during the impressive 2-1 victory at wembleyon his debut for john mitchels , a gaa club in warwickshire , he received a mighty blow and appealed to the referee .\n", - "jack grealish impressed as aston villa beat liverpool at wembleya villa fan , grealish helped the club reach their first final since 2000the 19-year-old wears his socks down to show he is not afraid of tacklesgrealish 's great-great grandfather , billy garraty , won the fa cup in 1905tim sherwood : grealish must focus on aston villa not international futureread : grealish to decide international future at end of season\n", - "[1.5012484 1.3082246 1.1765807 1.4861064 1.1639619 1.0477959 1.0155017\n", - " 1.0322555 1.0139326 1.0217676 1.1312339 1.0740066 1.0689812 1.0971999\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 10 13 11 12 5 7 9 6 8 19 14 15 16 17 18 20]\n", - "=======================\n", - "['rangers boss stuart mccall says he is already working on a dossier of signing targets for next season - even though he may not be around to parade them .the interim ibrox manager still does not know if he will be in charge beyond the current campaign after being lured back to his old club to kick-start their faltering promotion bid .so far , everything is going to plan with gers second in the scottish championship table and destined for a semi-final play-off slot .']\n", - "=======================\n", - "[\"rangers are currently second in the scottish championshipstuart mccall 's side are in pole position to go up via the play-offsbut mccall is still not certain of his future at the club next seasonrangers boss says he is still trying to build the squad for next yearrangers have begun to expand their scouting after several poor years\"]\n", - "rangers boss stuart mccall says he is already working on a dossier of signing targets for next season - even though he may not be around to parade them .the interim ibrox manager still does not know if he will be in charge beyond the current campaign after being lured back to his old club to kick-start their faltering promotion bid .so far , everything is going to plan with gers second in the scottish championship table and destined for a semi-final play-off slot .\n", - "rangers are currently second in the scottish championshipstuart mccall 's side are in pole position to go up via the play-offsbut mccall is still not certain of his future at the club next seasonrangers boss says he is still trying to build the squad for next yearrangers have begun to expand their scouting after several poor years\n", - "[1.239628 1.5087042 1.1553413 1.1933467 1.3430959 1.0622783 1.1446445\n", - " 1.0795195 1.0989403 1.0216339 1.1814232 1.059013 1.0621673 1.0552558\n", - " 1.0319736 1.0516765 1.0133086 1.132867 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 3 10 2 6 17 8 7 5 12 11 13 15 14 9 16 19 18 20]\n", - "=======================\n", - "['jack henry doshay , 22 , appeared in court for the first time on friday as he pleaded not guilty to charges of kidnapping , false imprisonment with violence and child cruelty .the troubled son of an influential san diego businessman was arrested last week for allegedly attempting to kidnap a 7-year-old girl from a local elementary school .glenn doshay is a minority owner of the san diego padres and a former investment manager who focuses on charitable causes with his wife .']\n", - "=======================\n", - "['jack henry doshay , 22 , was arrested at a residential facility wednesday where he was receiving treatment for depressionauthorities say he tried to kidnap a 7-year-old girl from a solana beach , california elementary school on march 23on friday , doshay pleaded not guilty to charges of kidnapping , false imprisonment with violence and child cruelty in his first court appearancehe is the son of prominent san diego businessman glenn doshay , who is a minority owner of the san diego padres baseball team']\n", - "jack henry doshay , 22 , appeared in court for the first time on friday as he pleaded not guilty to charges of kidnapping , false imprisonment with violence and child cruelty .the troubled son of an influential san diego businessman was arrested last week for allegedly attempting to kidnap a 7-year-old girl from a local elementary school .glenn doshay is a minority owner of the san diego padres and a former investment manager who focuses on charitable causes with his wife .\n", - "jack henry doshay , 22 , was arrested at a residential facility wednesday where he was receiving treatment for depressionauthorities say he tried to kidnap a 7-year-old girl from a solana beach , california elementary school on march 23on friday , doshay pleaded not guilty to charges of kidnapping , false imprisonment with violence and child cruelty in his first court appearancehe is the son of prominent san diego businessman glenn doshay , who is a minority owner of the san diego padres baseball team\n", - "[1.5589383 1.4764493 1.3290917 1.4597964 1.1620541 1.0501543 1.0267891\n", - " 1.0275294 1.0347652 1.0152111 1.0353504 1.0123489 1.2447941 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 12 4 5 10 8 7 6 9 11 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "['sheffield wednesday are ready to offer new contracts to defender tom lees and goalkeeper keiren westwood .wednesday equalled their club record of 17 clean sheets in a season on tuesday night with a 1-0 win over promotion-chasing brentford .tom lees ( right ) is in line to offered a new deal at sheffield wednesday after impressing since joining the club']\n", - "=======================\n", - "[\"sheffield wednesday beat brentford 1-0 in the championship on tuesdaywednesday equalled club record of 17 clean sheets in a season with wintom lees and kieren westwood in mix for club 's player of the year award\"]\n", - "sheffield wednesday are ready to offer new contracts to defender tom lees and goalkeeper keiren westwood .wednesday equalled their club record of 17 clean sheets in a season on tuesday night with a 1-0 win over promotion-chasing brentford .tom lees ( right ) is in line to offered a new deal at sheffield wednesday after impressing since joining the club\n", - "sheffield wednesday beat brentford 1-0 in the championship on tuesdaywednesday equalled club record of 17 clean sheets in a season with wintom lees and kieren westwood in mix for club 's player of the year award\n", - "[1.511348 1.4210906 1.0676117 1.460501 1.0473567 1.0393407 1.0587987\n", - " 1.1965214 1.3312197 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 8 7 2 6 4 5 16 15 14 13 9 11 10 17 12 18]\n", - "=======================\n", - "['ben crenshaw will mark his 44th and last consecutive appearance in the masters by standing in for arnold palmer in the traditional par-three tournament at augusta national .palmer is unable to play alongside gary player and jack nicklaus in the curtain-raising event on wednesday afternoon as he recovers from a dislocated shoulder , although the 85-year-old will still act as honorary starter on thursday .the winner of the par three contest has never gone on to win the tournament proper in the same year .']\n", - "=======================\n", - "['ben crenshaw will replace arnold palmer for the par-three contestpalmer is recovering from dislocated shoulder but will be honorary startercrenshaw joins gary player and jack nicklaus for the event opener']\n", - "ben crenshaw will mark his 44th and last consecutive appearance in the masters by standing in for arnold palmer in the traditional par-three tournament at augusta national .palmer is unable to play alongside gary player and jack nicklaus in the curtain-raising event on wednesday afternoon as he recovers from a dislocated shoulder , although the 85-year-old will still act as honorary starter on thursday .the winner of the par three contest has never gone on to win the tournament proper in the same year .\n", - "ben crenshaw will replace arnold palmer for the par-three contestpalmer is recovering from dislocated shoulder but will be honorary startercrenshaw joins gary player and jack nicklaus for the event opener\n", - "[1.0921519 1.4263127 1.3368134 1.2914649 1.2009733 1.2526896 1.1610065\n", - " 1.090302 1.0819126 1.0338131 1.0616174 1.0584354 1.0561855 1.0238819\n", - " 1.0183445 1.0884396 1.0767893 1.0358552 1.0479509]\n", - "\n", - "[ 1 2 3 5 4 6 0 7 15 8 16 10 11 12 18 17 9 13 14]\n", - "=======================\n", - "['warner bros and dc entertainment attempted to set a world record for the largest gatherings of people dressed as dc comics superheroes within 24 hours .the april 18 event kicked off in queensland , australia , with a celebration at the movie world australia theme park and ended in los angeles , california , at the hollywood & highland center .comic book fans around the world dressed up in unison in an attempt to break the record on april 18 , 2015']\n", - "=======================\n", - "['warner bros and dc comics wanted to set world record for the largest gatherings of people dressed as dc comics superheroes within 24 hoursthe event kicked off on april 18 in queensland , australia , at movie worldus , uk , france , brazil , italy , spain , taiwan , mexico , philippines also hostedthe old world record set in 2010 at 1,580 so seems likely it was shattered']\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "warner bros and dc entertainment attempted to set a world record for the largest gatherings of people dressed as dc comics superheroes within 24 hours .the april 18 event kicked off in queensland , australia , with a celebration at the movie world australia theme park and ended in los angeles , california , at the hollywood & highland center .comic book fans around the world dressed up in unison in an attempt to break the record on april 18 , 2015\n", - "warner bros and dc comics wanted to set world record for the largest gatherings of people dressed as dc comics superheroes within 24 hoursthe event kicked off on april 18 in queensland , australia , at movie worldus , uk , france , brazil , italy , spain , taiwan , mexico , philippines also hostedthe old world record set in 2010 at 1,580 so seems likely it was shattered\n", - "[1.2008486 1.4300938 1.3512973 1.1662118 1.1742506 1.3360558 1.1098704\n", - " 1.0630183 1.0757009 1.0457745 1.057576 1.033658 1.0155976 1.0943235\n", - " 1.0901327 1.0713745 1.0410501 0. 0. ]\n", - "\n", - "[ 1 2 5 0 4 3 6 13 14 8 15 7 10 9 16 11 12 17 18]\n", - "=======================\n", - "[\"john t. booker jr , was detained in manhattan , kansas , on friday morning and charged with multiple terror offenses , including attempting to use a weapon of mass destruction .an islamic state sympathizer who was plotting to carry out an attack on a us military base similar to the deadly assault at fort hood in 2009 has been arrested .a religious leader who had counseled the ` troubled ' young man said that he was mentally ill .\"]\n", - "=======================\n", - "[\"james t. booker , 20 , of topeka , kansas , was arrested following fbi stinghis plan to join army was stopped last year after extremist facebook posthe faces terrorism charges , including using a weapon of mass destructionbooker arrested outside fort riley 's supposed ` secret gate ' with car bombimam says that suspect was mentally illalexander blair , 28 , arrested for failing to inform authorities about plan\"]\n", - "john t. booker jr , was detained in manhattan , kansas , on friday morning and charged with multiple terror offenses , including attempting to use a weapon of mass destruction .an islamic state sympathizer who was plotting to carry out an attack on a us military base similar to the deadly assault at fort hood in 2009 has been arrested .a religious leader who had counseled the ` troubled ' young man said that he was mentally ill .\n", - "james t. booker , 20 , of topeka , kansas , was arrested following fbi stinghis plan to join army was stopped last year after extremist facebook posthe faces terrorism charges , including using a weapon of mass destructionbooker arrested outside fort riley 's supposed ` secret gate ' with car bombimam says that suspect was mentally illalexander blair , 28 , arrested for failing to inform authorities about plan\n", - "[1.4187399 1.3804979 1.1496576 1.3876405 1.2551382 1.0668244 1.0536468\n", - " 1.0406747 1.0326098 1.0509847 1.035244 1.1209736 1.1806412 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 12 2 11 5 6 9 7 10 8 13 14 15 16 17 18]\n", - "=======================\n", - "[\"manchester city have already met jurgen klopp to assess him for the manager 's job -- but it was back in 2013 when they were seeking a replacement for roberto mancini .txiki begiristain , city 's director of football met the borussia dortmund manager and concluded that he was not the right fit for city -- and the club went on to appoint manuel pellegrini .the dortmund boss will leave the club at the end of this season , with suggestions he could take over at city\"]\n", - "=======================\n", - "[\"manuel pellegrini 's job at manchester city is precariousthe premier league champions have struggled this seasoncity met with jurgen klopp two years ago but opted for pellegrinithe dortmund manager will leave the club at the end of this campaign\"]\n", - "manchester city have already met jurgen klopp to assess him for the manager 's job -- but it was back in 2013 when they were seeking a replacement for roberto mancini .txiki begiristain , city 's director of football met the borussia dortmund manager and concluded that he was not the right fit for city -- and the club went on to appoint manuel pellegrini .the dortmund boss will leave the club at the end of this season , with suggestions he could take over at city\n", - "manuel pellegrini 's job at manchester city is precariousthe premier league champions have struggled this seasoncity met with jurgen klopp two years ago but opted for pellegrinithe dortmund manager will leave the club at the end of this campaign\n", - "[1.2216537 1.5426093 1.2795775 1.2448423 1.2269742 1.091059 1.0902109\n", - " 1.1462176 1.0701554 1.1058602 1.0304874 1.0907159 1.0592616 1.1841786\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 13 7 9 5 11 6 8 12 10 17 14 15 16 18]\n", - "=======================\n", - "['the incident took place in olani village , four kilometres from manpur , in central india and was recorded by terrified villagers from the relative safety of hut rooftops .to try and protect his fellow villagers , the fearless ward ran towards the leopard brandishing the weapon .the brave village watchman stands on guard with his stick as the leopard moves towards him']\n", - "=======================\n", - "['village watchman fought off a wild leopard armed with only a stick in indiamanaged to strike the big cat on the head before it dumped him to the floorbystanders could be heard screaming as it stood at the feet of the manmanaged to fend off the leopard with his stick while still on the ground']\n", - "the incident took place in olani village , four kilometres from manpur , in central india and was recorded by terrified villagers from the relative safety of hut rooftops .to try and protect his fellow villagers , the fearless ward ran towards the leopard brandishing the weapon .the brave village watchman stands on guard with his stick as the leopard moves towards him\n", - "village watchman fought off a wild leopard armed with only a stick in indiamanaged to strike the big cat on the head before it dumped him to the floorbystanders could be heard screaming as it stood at the feet of the manmanaged to fend off the leopard with his stick while still on the ground\n", - "[1.234061 1.1481049 1.2779138 1.3575336 1.137491 1.0447391 1.1330774\n", - " 1.1561246 1.0342809 1.0305238 1.0271299 1.064363 1.0517074 1.1361294\n", - " 1.1597366 1.1322248 0. 0. 0. ]\n", - "\n", - "[ 3 2 0 14 7 1 4 13 6 15 11 12 5 8 9 10 17 16 18]\n", - "=======================\n", - "[\"a dog shows off taiwan 's bizarre new pet-grooming trend after having his fur cut in a squarein a method reminiscent of edward scissorhands 's trimming of a hedge , canine hairdressers in the taiwanese capital taipei are giving particularly furry customers outlandish makeovers .it may look absurd , but a bizarre new dog grooming trend is beginning to take shape in taiwan .\"]\n", - "=======================\n", - "[\"craze has taken off thanks to owners posting pictures on social mediainitial idea was to give the pets a more eye-grabbing and clean-cut lookone dog salon worker in taipei has insisted that ` the dogs do n't mind '\"]\n", - "a dog shows off taiwan 's bizarre new pet-grooming trend after having his fur cut in a squarein a method reminiscent of edward scissorhands 's trimming of a hedge , canine hairdressers in the taiwanese capital taipei are giving particularly furry customers outlandish makeovers .it may look absurd , but a bizarre new dog grooming trend is beginning to take shape in taiwan .\n", - "craze has taken off thanks to owners posting pictures on social mediainitial idea was to give the pets a more eye-grabbing and clean-cut lookone dog salon worker in taipei has insisted that ` the dogs do n't mind '\n", - "[1.4750311 1.333334 1.1919383 1.1127236 1.1973968 1.1124693 1.1363052\n", - " 1.1077659 1.077011 1.0904031 1.031058 1.0309738 1.0140077 1.0212066\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 6 3 5 7 9 8 10 11 13 12 17 14 15 16 18]\n", - "=======================\n", - "['( cnn ) a columbia university student who was accused of rape is suing the new york city school for allowing his accuser to publicly brand him a \" serial rapist \"according to the lawsuit , paul nungesser was cleared of responsibility in emma sulkowicz \\'s 2013 rape claim , as well as others that came to light after sulkowicz went public with her allegations in various media interviews .her case drew national attention after she started carrying a mattress around campus to protest the school \\'s handling of the complaint , saying she hoped to show how \" flawed \" the university disciplinary system is when it comes to sexual misconduct cases .']\n", - "=======================\n", - "['paul nungesser says he was target of gender-based harassment campaignthe case drew national attention after his accuser started carrying a mattress around campus']\n", - "( cnn ) a columbia university student who was accused of rape is suing the new york city school for allowing his accuser to publicly brand him a \" serial rapist \"according to the lawsuit , paul nungesser was cleared of responsibility in emma sulkowicz 's 2013 rape claim , as well as others that came to light after sulkowicz went public with her allegations in various media interviews .her case drew national attention after she started carrying a mattress around campus to protest the school 's handling of the complaint , saying she hoped to show how \" flawed \" the university disciplinary system is when it comes to sexual misconduct cases .\n", - "paul nungesser says he was target of gender-based harassment campaignthe case drew national attention after his accuser started carrying a mattress around campus\n", - "[1.1906183 1.2927777 1.1934693 1.2802999 1.2066041 1.117104 1.0923598\n", - " 1.0817559 1.117434 1.059349 1.0324587 1.0156281 1.0506467 1.1109198\n", - " 1.0264117 1.142424 1.0374743 1.0318127 1.0271304]\n", - "\n", - "[ 1 3 4 2 0 15 8 5 13 6 7 9 12 16 10 17 18 14 11]\n", - "=======================\n", - "[\"they say the animal 's cerebral cortex is ` like a mini-internet ' .the internet has countless local area networks that then connect with larger , regional networks and ultimately with the backbone of the internet .the brain operates in a similar way , the researchers found .\"]\n", - "=======================\n", - "[\"researchers say the cerebral cortex of rats is ` like a mini-internet 'team planning to look at human brain in the same way\"]\n", - "they say the animal 's cerebral cortex is ` like a mini-internet ' .the internet has countless local area networks that then connect with larger , regional networks and ultimately with the backbone of the internet .the brain operates in a similar way , the researchers found .\n", - "researchers say the cerebral cortex of rats is ` like a mini-internet 'team planning to look at human brain in the same way\n", - "[1.3128972 1.4771171 1.2088115 1.2277883 1.1563464 1.0783455 1.1194952\n", - " 1.0690811 1.1874789 1.1176513 1.0393382 1.0606107 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 8 4 6 9 5 7 11 10 17 12 13 14 15 16 18]\n", - "=======================\n", - "[\"the whale , named varvara , swam nearly 14,000 miles ( 22,500 kilometers ) , according to a release from oregon state university , whose scientists helped conduct the whale-tracking study .( cnn ) a north pacific gray whale has earned a spot in the record books after completing the longest migration of a mammal ever recorded .varvara 's journey surpassed a record listed on the guinness worlds records website .\"]\n", - "=======================\n", - "['the whale , varvara , swam a round trip from russia to mexico , nearly 14,000 milesthe previous record was set by a humpback whale that migrated more than 10,000 miles']\n", - "the whale , named varvara , swam nearly 14,000 miles ( 22,500 kilometers ) , according to a release from oregon state university , whose scientists helped conduct the whale-tracking study .( cnn ) a north pacific gray whale has earned a spot in the record books after completing the longest migration of a mammal ever recorded .varvara 's journey surpassed a record listed on the guinness worlds records website .\n", - "the whale , varvara , swam a round trip from russia to mexico , nearly 14,000 milesthe previous record was set by a humpback whale that migrated more than 10,000 miles\n", - "[1.1292037 1.382355 1.2612519 1.2854102 1.1167543 1.1054957 1.0570996\n", - " 1.0717986 1.0656075 1.0615336 1.0967807 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 10 7 8 9 6 11 12 13 14 15 16 17 18]\n", - "=======================\n", - "['what andrew chan , then aged 21 , and myuran sukumaran , 24 , came to have in common was the belief that smuggling drugs would provide them with a short cut to the life of ease and glamour and - their biggest mistake - that they could get away with it .thirteen years since their fateful first meeting , after all their legal appeals and pleas for clemency have been rejected , the ringleaders of the infamous bali nine , who were caught trying to smuggle more than eight kilograms of heroin out of indonesia , are now dead .they were young men from stable families who believed they were stuck in dead end jobs and looked on with jealousy at the flashy lifestyles of others who had girls , money and fast cars at their fingertips .']\n", - "=======================\n", - "['andrew chan is the youngest of four children and the son of chinese immigrants who worked as a supervisor for a catering companymyuran sukumaran , a university drop-out and the eldest of three , lived with his parents while working in a mail roomboth men revealed that flashy lifestyles attracted them to drug smugglingthey were arrested in 2005 for organising eight kilos of heroin to be smuggled out of indonesia , and sentenced to death five months laterin nearly ten years on death row , chan found god and become a christian pastor ; sukumaran became an artist']\n", - "what andrew chan , then aged 21 , and myuran sukumaran , 24 , came to have in common was the belief that smuggling drugs would provide them with a short cut to the life of ease and glamour and - their biggest mistake - that they could get away with it .thirteen years since their fateful first meeting , after all their legal appeals and pleas for clemency have been rejected , the ringleaders of the infamous bali nine , who were caught trying to smuggle more than eight kilograms of heroin out of indonesia , are now dead .they were young men from stable families who believed they were stuck in dead end jobs and looked on with jealousy at the flashy lifestyles of others who had girls , money and fast cars at their fingertips .\n", - "andrew chan is the youngest of four children and the son of chinese immigrants who worked as a supervisor for a catering companymyuran sukumaran , a university drop-out and the eldest of three , lived with his parents while working in a mail roomboth men revealed that flashy lifestyles attracted them to drug smugglingthey were arrested in 2005 for organising eight kilos of heroin to be smuggled out of indonesia , and sentenced to death five months laterin nearly ten years on death row , chan found god and become a christian pastor ; sukumaran became an artist\n", - "[1.253377 1.3007338 1.3789421 1.2179825 1.0821986 1.0924755 1.0945122\n", - " 1.0643684 1.1397547 1.0553249 1.0415841 1.0473555 1.0432361 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 8 6 5 4 7 9 11 12 10 15 13 14 16]\n", - "=======================\n", - "['the claims against clinton , secretary of state from 2009-13 , are laid out in clinton cash , due to be published may 5th by harpercollins .according to author peter schweizer there is a clear trend of money flowing into the controversial clinton foundation and rewards emerging for donors - in forms such as free trade agreements and development projects .hillary clinton shaped state department policy to reward big money foreign donors to her family foundation , an explosive new book written by a political foe will claim .']\n", - "=======================\n", - "[\"new book , clinton cash , points to ` pattern ' of donations and rewardssays those who gave money to foundation saw favorable outcomeswriter peter szhweizer points to dealings in colombia , haiti , kazakhstanrevelations will be seized upon by republicans in white house raceclinton allies have written of the book as an ` absurd conspiracy theory 'white house declined to categorically rule out any occurrence of wrong doing but said there 's no ` tangible evidence to indicate that it did 'president 's spokesman said he 's not going to be in a position ` every time somebody raises a spurious claim ' to ` say that it 's not true '\"]\n", - "the claims against clinton , secretary of state from 2009-13 , are laid out in clinton cash , due to be published may 5th by harpercollins .according to author peter schweizer there is a clear trend of money flowing into the controversial clinton foundation and rewards emerging for donors - in forms such as free trade agreements and development projects .hillary clinton shaped state department policy to reward big money foreign donors to her family foundation , an explosive new book written by a political foe will claim .\n", - "new book , clinton cash , points to ` pattern ' of donations and rewardssays those who gave money to foundation saw favorable outcomeswriter peter szhweizer points to dealings in colombia , haiti , kazakhstanrevelations will be seized upon by republicans in white house raceclinton allies have written of the book as an ` absurd conspiracy theory 'white house declined to categorically rule out any occurrence of wrong doing but said there 's no ` tangible evidence to indicate that it did 'president 's spokesman said he 's not going to be in a position ` every time somebody raises a spurious claim ' to ` say that it 's not true '\n", - "[1.5278771 1.383757 1.0691905 1.1883844 1.1092753 1.0947703 1.2336731\n", - " 1.1131616 1.0851693 1.0767125 1.0879183 1.1036147 1.060264 1.2221998\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 6 13 3 7 4 11 5 10 8 9 2 12 15 14 16]\n", - "=======================\n", - "[\"former us president george h.w. bush looked in good health on friday as he accompanied australian tennis player roy emerson at the u.s. men 's clay court championship in houston , texas .bush , 90 , fell ill in december and was hospitalized after complaining of shortness of breath .roy emerson , 78 , who owns 28 major singles and doubles championships , is also a big fan and makes an annual appearance at the tournament .\"]\n", - "=======================\n", - "[\"former us president george h.w. bush looked in good health on friday as he accompanied australian tennis player roy emerson to a tennis gamebush , 90 , lives in the houston area with his wife barbara and has attended many atp fundraisers and charity events throughout the yearsback in december , bush , who suffers from parkinson 's , was hospitalized for shortness of breath for about a week\"]\n", - "former us president george h.w. bush looked in good health on friday as he accompanied australian tennis player roy emerson at the u.s. men 's clay court championship in houston , texas .bush , 90 , fell ill in december and was hospitalized after complaining of shortness of breath .roy emerson , 78 , who owns 28 major singles and doubles championships , is also a big fan and makes an annual appearance at the tournament .\n", - "former us president george h.w. bush looked in good health on friday as he accompanied australian tennis player roy emerson to a tennis gamebush , 90 , lives in the houston area with his wife barbara and has attended many atp fundraisers and charity events throughout the yearsback in december , bush , who suffers from parkinson 's , was hospitalized for shortness of breath for about a week\n", - "[1.3140776 1.2908807 1.2084104 1.1089576 1.4177601 1.1647089 1.2200483\n", - " 1.0530249 1.1119632 1.0518906 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 4 0 1 6 2 5 8 3 7 9 15 10 11 12 13 14 16]\n", - "=======================\n", - "[\"tyler macniven , who won the ninth season of the amazing race , filmed a save the date for his upcoming weddingmacniven and his fiancee , kelly hennigan , made a three-minute film to give friends and family a heads up on their fast approaching nuptials , and the two went all out in the process .the couple 's wedding will be on september 26 , 2015 , though the video fails to say where the ceremony will take place\"]\n", - "=======================\n", - "[\"tyler macniven , who won the ninth season of the amazing race , filmed a save the date for his upcoming weddingin the video , macniven and his fiancee kelly hennigan battle friends and in the end escape one very large explosionthe couple 's wedding will be on september 26 , 2015 , though the video fails to say where the ceremony will take place\"]\n", - "tyler macniven , who won the ninth season of the amazing race , filmed a save the date for his upcoming weddingmacniven and his fiancee , kelly hennigan , made a three-minute film to give friends and family a heads up on their fast approaching nuptials , and the two went all out in the process .the couple 's wedding will be on september 26 , 2015 , though the video fails to say where the ceremony will take place\n", - "tyler macniven , who won the ninth season of the amazing race , filmed a save the date for his upcoming weddingin the video , macniven and his fiancee kelly hennigan battle friends and in the end escape one very large explosionthe couple 's wedding will be on september 26 , 2015 , though the video fails to say where the ceremony will take place\n", - "[1.4271725 1.4012468 1.1868054 1.1823633 1.3134202 1.0180953 1.2010021\n", - " 1.1884859 1.0932101 1.1549419 1.039233 1.0464219 1.0182655 1.0103393\n", - " 1.0123972 1.0436933 1.0141526]\n", - "\n", - "[ 0 1 4 6 7 2 3 9 8 11 15 10 12 5 16 14 13]\n", - "=======================\n", - "[\"calfornia gov. jerry brown ordered a 25 percent overall cutback in water use by cities and towns in the golden state on wednesday but as these photos taken on saturday show , the ongoing drought is already taking its toll on once technicolor landscape of lush yards , emerald golf courses and aquamarine swimming pools .the crackdown comes as california and its nearly 40 million residents move toward a fourth summer of drought with no relief in sight .state reservoirs have a year 's worth of water , and with record low snowfall over the winter there wo n't be much to replenish them .\"]\n", - "=======================\n", - "[\"calfornia gov. jerry brown ordered a 25 percent overall cutback in water use by cities and towns in the state on wednesdaythis series of photos taken on saturday show the ongoing drought is already taking its toll on once technicolor landscape of lush yards , emerald golf courses and aquamarine swimming poolsthe crackdown comes as california and its nearly 40 million residents move toward a fourth summer of drought with no relief in sightstate reservoirs have a year 's worth of water and with record low snowfall over the winter there wo n't be much to replenish them\"]\n", - "calfornia gov. jerry brown ordered a 25 percent overall cutback in water use by cities and towns in the golden state on wednesday but as these photos taken on saturday show , the ongoing drought is already taking its toll on once technicolor landscape of lush yards , emerald golf courses and aquamarine swimming pools .the crackdown comes as california and its nearly 40 million residents move toward a fourth summer of drought with no relief in sight .state reservoirs have a year 's worth of water , and with record low snowfall over the winter there wo n't be much to replenish them .\n", - "calfornia gov. jerry brown ordered a 25 percent overall cutback in water use by cities and towns in the state on wednesdaythis series of photos taken on saturday show the ongoing drought is already taking its toll on once technicolor landscape of lush yards , emerald golf courses and aquamarine swimming poolsthe crackdown comes as california and its nearly 40 million residents move toward a fourth summer of drought with no relief in sightstate reservoirs have a year 's worth of water and with record low snowfall over the winter there wo n't be much to replenish them\n", - "[1.2761419 1.36776 1.2516387 1.176396 1.1905737 1.1439404 1.0808997\n", - " 1.062573 1.0595231 1.0363255 1.0342118 1.0324243 1.0402739 1.0253382\n", - " 1.0201982 0. 0. ]\n", - "\n", - "[ 1 0 2 4 3 5 6 7 8 12 9 10 11 13 14 15 16]\n", - "=======================\n", - "['the festival , which marks the trial , crucifixion and resurrection of jesus culminating in easter sunday , has been met with mesmerising religious parades across five continents .millions of devout christians around the world have been commemorating the final days of jesus christ by taking part in awe-inspiring and shocking holy week celebrations .in a diverse display of traditions , thousands of penitents have marched through streets in hooded cloaks while others have performed alarming religious self-flagellation in demonstrations of commitment to their faith .']\n", - "=======================\n", - "['warning : graphic contentthe week-long festival marks the trial , crucifixion and resurrection of jesus christ culminating in easter sundaythe event has been met with awe-inspiring and shocking displays of faith from christians across five continentsin philippines , the week sees thousands of penitents beaten bloody on the streets as part of 13th century tradition']\n", - "the festival , which marks the trial , crucifixion and resurrection of jesus culminating in easter sunday , has been met with mesmerising religious parades across five continents .millions of devout christians around the world have been commemorating the final days of jesus christ by taking part in awe-inspiring and shocking holy week celebrations .in a diverse display of traditions , thousands of penitents have marched through streets in hooded cloaks while others have performed alarming religious self-flagellation in demonstrations of commitment to their faith .\n", - "warning : graphic contentthe week-long festival marks the trial , crucifixion and resurrection of jesus christ culminating in easter sundaythe event has been met with awe-inspiring and shocking displays of faith from christians across five continentsin philippines , the week sees thousands of penitents beaten bloody on the streets as part of 13th century tradition\n", - "[1.2780089 1.4166348 1.2562478 1.2074331 1.1484426 1.2703044 1.0353597\n", - " 1.044243 1.1502852 1.1086236 1.0915356 1.0132282 1.0350747 1.0747261\n", - " 1.0542896 1.0756493 1.0226114 1.0276723 1.0537271 0. 0. ]\n", - "\n", - "[ 1 0 5 2 3 8 4 9 10 15 13 14 18 7 6 12 17 16 11 19 20]\n", - "=======================\n", - "['police believe that 50-year-old driss diaeddinn bought a semi-automatic handgun and shot his brothers , 38-year-old reda diaeddinn and 56-year-old dodi fayed , and their mother , 76-year-old kenza benzakour , on the ground floor of their phoenix , arizona home at 2pm on thursday .a moroccan limo company owner is believed to have shot four members of his family before taking his own life after a dispute over the business turned deadly .they believe the shooting occurred after a family dispute and believe one of the dead family members had shot their relatives before taking their own life .']\n", - "=======================\n", - "[\"driss diaeddinn , 50 , ` shot dead his two brothers , mother and his sister-in-law amid a dispute about the family business ' on thursday afternoonthe gunman 's wife escaped the home with their two toddlers and called 911 , and an hour later , his sister emerged saying she had been hiding\"]\n", - "police believe that 50-year-old driss diaeddinn bought a semi-automatic handgun and shot his brothers , 38-year-old reda diaeddinn and 56-year-old dodi fayed , and their mother , 76-year-old kenza benzakour , on the ground floor of their phoenix , arizona home at 2pm on thursday .a moroccan limo company owner is believed to have shot four members of his family before taking his own life after a dispute over the business turned deadly .they believe the shooting occurred after a family dispute and believe one of the dead family members had shot their relatives before taking their own life .\n", - "driss diaeddinn , 50 , ` shot dead his two brothers , mother and his sister-in-law amid a dispute about the family business ' on thursday afternoonthe gunman 's wife escaped the home with their two toddlers and called 911 , and an hour later , his sister emerged saying she had been hiding\n", - "[1.3199961 1.3913305 1.3131633 1.4111055 1.1213019 1.0859298 1.0999247\n", - " 1.0673497 1.0296725 1.0407696 1.0469037 1.0189283 1.1319612 1.0345643\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 2 12 4 6 5 7 10 9 13 8 11 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"labour candidate paul gilbert mocked ed miliband and then joked that he hoped his ` off-piste ' comment would not ` find it 's way back ' to the labour leadershiped miliband 's poor leadership has been mocked by a labour candidate , who said it was like having ' a manager of a football team that you do n't rate , but you still support the team ' .he also blasted labour 's ` entirely unsatisfactory ' policy on tuition fees and told voters at a university hustings : ' i do n't like where we are . '\"]\n", - "=======================\n", - "[\"paul gilbert jokes he hopes ` off-piste ' remark will not get back to milibandlabour candidate in cheltenham also blasts party 's policy on tuition feessays miliband vow to cut from # 9,000 to # 6,000 is ` entirely unsatisfactory '\"]\n", - "labour candidate paul gilbert mocked ed miliband and then joked that he hoped his ` off-piste ' comment would not ` find it 's way back ' to the labour leadershiped miliband 's poor leadership has been mocked by a labour candidate , who said it was like having ' a manager of a football team that you do n't rate , but you still support the team ' .he also blasted labour 's ` entirely unsatisfactory ' policy on tuition fees and told voters at a university hustings : ' i do n't like where we are . '\n", - "paul gilbert jokes he hopes ` off-piste ' remark will not get back to milibandlabour candidate in cheltenham also blasts party 's policy on tuition feessays miliband vow to cut from # 9,000 to # 6,000 is ` entirely unsatisfactory '\n", - "[1.3071363 1.1946604 1.2465717 1.183682 1.17444 1.0851672 1.073207\n", - " 1.0430466 1.0615896 1.0545633 1.0967088 1.0653547 1.0569919 1.0826205\n", - " 1.0407226 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 4 10 5 13 6 11 8 12 9 7 14 19 15 16 17 18 20]\n", - "=======================\n", - "[\"holmesburg prison 's 101-year history was filled with violent riots , bloody beatings and most shocking of all - the cruel chemical experimentation on its inmates .and haunting images published in 2011 proved that government doctors used the jail in philadelphia , pennsylvania to test chemical substances on inmates and disabled american citizens .since its construction in 1895 , its high walls housed some of the country 's most dangerous criminals whose uprisings ended in death and mass-injury .\"]\n", - "=======================\n", - "[\"haunting images show the decaying ruins of holmesburg prison where scientists experimented on its prisonersinmates were paid to test a variety of dangerous substances such as radioactive , hallucinogenic and toxic materialsrenowned dermatologist who experimented on prisoners has claimed no harm was done to any of the ` volunteers 'the prisoners who led a 38-day hunger strike in 1938 were locked in ` the bake ovens ' where four ` roasted to death '\"]\n", - "holmesburg prison 's 101-year history was filled with violent riots , bloody beatings and most shocking of all - the cruel chemical experimentation on its inmates .and haunting images published in 2011 proved that government doctors used the jail in philadelphia , pennsylvania to test chemical substances on inmates and disabled american citizens .since its construction in 1895 , its high walls housed some of the country 's most dangerous criminals whose uprisings ended in death and mass-injury .\n", - "haunting images show the decaying ruins of holmesburg prison where scientists experimented on its prisonersinmates were paid to test a variety of dangerous substances such as radioactive , hallucinogenic and toxic materialsrenowned dermatologist who experimented on prisoners has claimed no harm was done to any of the ` volunteers 'the prisoners who led a 38-day hunger strike in 1938 were locked in ` the bake ovens ' where four ` roasted to death '\n", - "[1.260474 1.3583348 1.2005495 1.302528 1.2621101 1.2025023 1.1702015\n", - " 1.1778302 1.0695372 1.0313449 1.0775903 1.0389651 1.0851955 1.0306684\n", - " 1.0737242 1.0593919 1.0727665 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 0 5 2 7 6 12 10 14 16 8 15 11 9 13 19 17 18 20]\n", - "=======================\n", - "[\"three years after the theft , police were investigating a car syndicate and executed a search warrant on a wiley park property .$ 2 million worth of stolen artwork has been found in a caretakers garage after disappearing from sydney homethe works were stolen in 2010 after being taken from property investor , peter o'mara 's home in darling point\"]\n", - "=======================\n", - "[\"$ 2 million worth of stolen artwork has been found in a caretakers garageworks were stolen in 2010 after being taken from home in darling pointthree luxury cars were also found during the police raidthe works belonged to property investor , peter o'marahis insurance company paid out $ 1million after the theft and will now claim the paintings\"]\n", - "three years after the theft , police were investigating a car syndicate and executed a search warrant on a wiley park property .$ 2 million worth of stolen artwork has been found in a caretakers garage after disappearing from sydney homethe works were stolen in 2010 after being taken from property investor , peter o'mara 's home in darling point\n", - "$ 2 million worth of stolen artwork has been found in a caretakers garageworks were stolen in 2010 after being taken from home in darling pointthree luxury cars were also found during the police raidthe works belonged to property investor , peter o'marahis insurance company paid out $ 1million after the theft and will now claim the paintings\n", - "[1.2416854 1.1252562 1.2319169 1.3408116 1.2892387 1.1287049 1.2650284\n", - " 1.1685562 1.0459155 1.0210853 1.0243933 1.0224737 1.0247676 1.0664978\n", - " 1.0830005 1.0255017 1.0500762 1.0181593 1.0147188 1.0451096 1.0155749]\n", - "\n", - "[ 3 4 6 0 2 7 5 1 14 13 16 8 19 15 12 10 11 9 17 20 18]\n", - "=======================\n", - "[\"linda thompson , now 64 , met bruce at the playboy mansion when he was separated from his first wife , chrystie crownover , the mother of his two eldest children .they fell in love and got married in hawaii when she was already pregnant with their son brandon .at his lowest point in the 1980s , bruce jenner wanted to flee to europe for gender reassignment surgery and return to america as his children 's aunt heather .\"]\n", - "=======================\n", - "[\"linda thompson , now 64 , was married to bruce jenner from 1981 to '86she has published blog detailing how he told her of his gender strugglesexplains how revelations led to their divorce following births of two sonsalso speaks of bruce 's painful electrolysis and surgeries to feminize faceyoung sons noticed father 's breasts once ; she lied to cover the changesthe pair , brandon and brody , now adults , supported bruce in abc tell-allthis is despite bruce having ` cut his sons out of his life for years ' after he stopped taking female hormones and married his third wife , kris jenner\"]\n", - "linda thompson , now 64 , met bruce at the playboy mansion when he was separated from his first wife , chrystie crownover , the mother of his two eldest children .they fell in love and got married in hawaii when she was already pregnant with their son brandon .at his lowest point in the 1980s , bruce jenner wanted to flee to europe for gender reassignment surgery and return to america as his children 's aunt heather .\n", - "linda thompson , now 64 , was married to bruce jenner from 1981 to '86she has published blog detailing how he told her of his gender strugglesexplains how revelations led to their divorce following births of two sonsalso speaks of bruce 's painful electrolysis and surgeries to feminize faceyoung sons noticed father 's breasts once ; she lied to cover the changesthe pair , brandon and brody , now adults , supported bruce in abc tell-allthis is despite bruce having ` cut his sons out of his life for years ' after he stopped taking female hormones and married his third wife , kris jenner\n", - "[1.3929131 1.2713828 1.1077327 1.1749214 1.3219545 1.1048656 1.102211\n", - " 1.0253941 1.0164148 1.1614591 1.0244141 1.0738634 1.0965102 1.0661844\n", - " 1.0796807 1.0910043 1.0779315 1.1552261]\n", - "\n", - "[ 0 4 1 3 9 17 2 5 6 12 15 14 16 11 13 7 10 8]\n", - "=======================\n", - "[\"sam reese , a male model who recently appeared on channel 4 's first dates reality match-making show , has received death threats over his behaviour on the programme .the 22-year-old 's crime was to ask his date kathleen to split the bill with him rather than pick up the tab himself - an action which sparked a slew of furious responses on twitter . 'i had death threats , one person said that the next time i come out in manchester i 'm dead . '\"]\n", - "=======================\n", - "['sam reese , 22 , appeared on the channel 4 show first datesthe male model suggested he split the # 350 dinner bill with his datehe claims he has received death threats over his behaviour']\n", - "sam reese , a male model who recently appeared on channel 4 's first dates reality match-making show , has received death threats over his behaviour on the programme .the 22-year-old 's crime was to ask his date kathleen to split the bill with him rather than pick up the tab himself - an action which sparked a slew of furious responses on twitter . 'i had death threats , one person said that the next time i come out in manchester i 'm dead . '\n", - "sam reese , 22 , appeared on the channel 4 show first datesthe male model suggested he split the # 350 dinner bill with his datehe claims he has received death threats over his behaviour\n", - "[1.1943451 1.5130098 1.1530247 1.2129182 1.3302253 1.2007469 1.0927792\n", - " 1.0787506 1.0805451 1.0642667 1.07082 1.0354422 1.0649507 1.0286018\n", - " 1.0136833 1.0123097 1.0105371 1.010976 ]\n", - "\n", - "[ 1 4 3 5 0 2 6 8 7 10 12 9 11 13 14 15 17 16]\n", - "=======================\n", - "[\"amy-beth ellice , 17 , from essex started baking at the age of three and landed her first book deal with her recipe collection amy 's baking year at just 14 .already baking at five years old amy-beth ( left ) is pictured with sister lara-jayne , 10amy-beth most recently hosted a cupcake-making class in harrods , london .\"]\n", - "=======================\n", - "[\"amy-beth ellice , 17 , from essex started baking at three years oldshe published her first cookbook , amy 's baking year , at age 14teen chef held recent cupcake masterclass in harrodsher second , entertaining-themed , book is set to come out in 2016\"]\n", - "amy-beth ellice , 17 , from essex started baking at the age of three and landed her first book deal with her recipe collection amy 's baking year at just 14 .already baking at five years old amy-beth ( left ) is pictured with sister lara-jayne , 10amy-beth most recently hosted a cupcake-making class in harrods , london .\n", - "amy-beth ellice , 17 , from essex started baking at three years oldshe published her first cookbook , amy 's baking year , at age 14teen chef held recent cupcake masterclass in harrodsher second , entertaining-themed , book is set to come out in 2016\n", - "[1.3569621 1.4133537 1.3379245 1.2473222 1.2415613 1.0392859 1.0496871\n", - " 1.0393118 1.0239044 1.1089451 1.1798005 1.0730892 1.0477829 1.0363258\n", - " 1.078398 1.0233958 1.0306098 0. ]\n", - "\n", - "[ 1 0 2 3 4 10 9 14 11 6 12 7 5 13 16 8 15 17]\n", - "=======================\n", - "[\"the securities and exchange commission announced the deal wednesday , saying the thermal-imaging company earned more than $ 7 million in profits from sales influenced by the gifts .the commission said two employees in flir 's dubai office gave luxury watches to five officials with the saudi arabia ministry of interior in 2009 .the company also arranged travel for saudi officials , including a 20-night trip with stops in beirut , casablanca , dubai , new york and paris .\"]\n", - "=======================\n", - "[\"flir systems inc. has agreed to pay $ 9.5 million to settle bribery charges filed by the securities and exchange commissionthe sec said the thermal-imaging company earned more than $ 7 million in profits from sales influenced by the giftsthe commission said two employees in flir 's dubai office gave luxury watches to five officials with the saudi arabia ministry of interior in 2009the company also arranged travel for saudi officials , including a 20-night trip with stops in beirut , casablanca , dubai , new york and paris\"]\n", - "the securities and exchange commission announced the deal wednesday , saying the thermal-imaging company earned more than $ 7 million in profits from sales influenced by the gifts .the commission said two employees in flir 's dubai office gave luxury watches to five officials with the saudi arabia ministry of interior in 2009 .the company also arranged travel for saudi officials , including a 20-night trip with stops in beirut , casablanca , dubai , new york and paris .\n", - "flir systems inc. has agreed to pay $ 9.5 million to settle bribery charges filed by the securities and exchange commissionthe sec said the thermal-imaging company earned more than $ 7 million in profits from sales influenced by the giftsthe commission said two employees in flir 's dubai office gave luxury watches to five officials with the saudi arabia ministry of interior in 2009the company also arranged travel for saudi officials , including a 20-night trip with stops in beirut , casablanca , dubai , new york and paris\n", - "[1.3311701 1.2853757 1.4039203 1.369587 1.0594211 1.0272183 1.0170391\n", - " 1.0317893 1.0148553 1.1378925 1.2020864 1.0881093 1.1613668 1.0784802\n", - " 1.0940497 1.016458 1.0072038 1.0077776]\n", - "\n", - "[ 2 3 0 1 10 12 9 14 11 13 4 7 5 6 15 8 17 16]\n", - "=======================\n", - "[\"the airport could also be called ` birmingham london ' as the hs2 rail link will make the hub just 38 minutes from the centre of the capital - only ten minutes further away than terminal 5 at heathrow .birmingham airport could be rebranded ` shakespeare 's airport ' in the u.s. to attract more tourists , but there are concerns that not enough americans will know who the playwright isbirmingham airport announced in march it would be re-branding in china as it revealed a run of flights to beijing .\"]\n", - "=======================\n", - "[\"airport bosses say re-branding in china has already brought more touristsif hs2 is built the hub could also be renamed ` birmingham london airport 'london would be 38 minutes away , ten minutes further than heathrow\"]\n", - "the airport could also be called ` birmingham london ' as the hs2 rail link will make the hub just 38 minutes from the centre of the capital - only ten minutes further away than terminal 5 at heathrow .birmingham airport could be rebranded ` shakespeare 's airport ' in the u.s. to attract more tourists , but there are concerns that not enough americans will know who the playwright isbirmingham airport announced in march it would be re-branding in china as it revealed a run of flights to beijing .\n", - "airport bosses say re-branding in china has already brought more touristsif hs2 is built the hub could also be renamed ` birmingham london airport 'london would be 38 minutes away , ten minutes further than heathrow\n", - "[1.2045434 1.5411153 1.3813745 1.3216001 1.1128807 1.0980377 1.0794502\n", - " 1.053648 1.0329431 1.1633136 1.0555633 1.0330486 1.0699487 1.0371903\n", - " 1.0309619 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 9 4 5 6 12 10 7 13 11 8 14 15 16 17]\n", - "=======================\n", - "['the adapted chair by sii deutschland , beat off competition from 21 finalists to win the passenger comfort hardware award at the crystal cabin awards in hamburg , germany .sitting at one-and-a-half times the width of a standard seat , the santo seat ( special accommodation needs for toddlers and overweight passengers ) aims to improve aircrew procedure and passenger safety .a plane seat specifically targeted at making plane travel more comfortable for obese passengers and small children has won a prize for its innovation vision this week .']\n", - "=======================\n", - "['the santo seat ( special accommodation needs for toddlers and overweight passengers ) won the prize for passenger comfort hardwarethe crystal cabin awards took place this week in hamburg , germanythe sii deutschland design is one-and-a-half times the usual chair width']\n", - "the adapted chair by sii deutschland , beat off competition from 21 finalists to win the passenger comfort hardware award at the crystal cabin awards in hamburg , germany .sitting at one-and-a-half times the width of a standard seat , the santo seat ( special accommodation needs for toddlers and overweight passengers ) aims to improve aircrew procedure and passenger safety .a plane seat specifically targeted at making plane travel more comfortable for obese passengers and small children has won a prize for its innovation vision this week .\n", - "the santo seat ( special accommodation needs for toddlers and overweight passengers ) won the prize for passenger comfort hardwarethe crystal cabin awards took place this week in hamburg , germanythe sii deutschland design is one-and-a-half times the usual chair width\n", - "[1.271738 1.2348919 1.0984889 1.2971535 1.2625148 1.110643 1.1941056\n", - " 1.1065414 1.0352519 1.0742197 1.1706493 1.083893 1.0194687 1.0097111\n", - " 1.0159332 1.0145141 1.116216 1.0729377 0. 0. ]\n", - "\n", - "[ 3 0 4 1 6 10 16 5 7 2 11 9 17 8 12 14 15 13 18 19]\n", - "=======================\n", - "[\"so a new initiative set up by prince ottaviano de'medici di toscana , representative of the historic house of the medici , is aiming to reclaim the city , saving it from the ruins of mass tourism .around 16 million tourists visit florence every year .it 's popularity is not surprising - the city contains over sixty per cent of the world 's art heritage .\"]\n", - "=======================\n", - "[\"around 16 million tourists visit florence - population 350,000 , every yearofficials worry the city 's cultural significance has been radically altereda new iniative aims to appeal to ` true travellers ' looking for soul of the city\"]\n", - "so a new initiative set up by prince ottaviano de'medici di toscana , representative of the historic house of the medici , is aiming to reclaim the city , saving it from the ruins of mass tourism .around 16 million tourists visit florence every year .it 's popularity is not surprising - the city contains over sixty per cent of the world 's art heritage .\n", - "around 16 million tourists visit florence - population 350,000 , every yearofficials worry the city 's cultural significance has been radically altereda new iniative aims to appeal to ` true travellers ' looking for soul of the city\n", - "[1.0693345 1.4306115 1.4164345 1.3847933 1.3582637 1.3228444 1.0425366\n", - " 1.0173404 1.011091 1.0103927 1.2842512 1.116283 1.0132517 1.056075\n", - " 1.1893739 1.1310576 1.0171967 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 5 10 14 15 11 0 13 6 7 16 12 8 9 17 18 19]\n", - "=======================\n", - "['the little blue and yellow bird made the most of a damaged street light by collecting moss , grass and straw to line her nest .the blue tit usually takes between one to two weeks to build a nest ready for the female to lay her eggs .jeanette rosenquist , 47 , was on her way to work from her home just outside copenhagen , denmark , when she spotted the bird flying out of the lamp post .']\n", - "=======================\n", - "['jeanette rosenquist spotted the bird just outside copenhagen , denmarkbird collected moss , grass and straw to line nest in damaged street lightblue tit usually takes between one to two weeks to ready a nest for eggsfemale usually builds nest by herself with little or no help from the male']\n", - "the little blue and yellow bird made the most of a damaged street light by collecting moss , grass and straw to line her nest .the blue tit usually takes between one to two weeks to build a nest ready for the female to lay her eggs .jeanette rosenquist , 47 , was on her way to work from her home just outside copenhagen , denmark , when she spotted the bird flying out of the lamp post .\n", - "jeanette rosenquist spotted the bird just outside copenhagen , denmarkbird collected moss , grass and straw to line nest in damaged street lightblue tit usually takes between one to two weeks to ready a nest for eggsfemale usually builds nest by herself with little or no help from the male\n", - "[1.2650315 1.3089404 1.115076 1.2678457 1.092656 1.0982296 1.1445824\n", - " 1.0660609 1.0533853 1.1075044 1.072524 1.0778903 1.071164 1.0236752\n", - " 1.0840387 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 6 2 9 5 4 14 11 10 12 7 8 13 18 15 16 17 19]\n", - "=======================\n", - "[\"everyone from apple ceo tim cook to the head of the ncaa slammed religious freedom laws being considered in several states this week , warning that they would open the door to discrimination against gay and lesbian customers .walmart 's staunch criticism of a religious freedom law in its home state of arkansas came after the company said in february it would boost pay for about 500,000 workers well above the federal minimum wage .( cnn ) as goes walmart , so goes the nation ?\"]\n", - "=======================\n", - "['while republican gov. asa hutchinson was weighing an arkansas religious freedom bill , walmart voiced its oppositionwalmart and other high-profile businesses are showing their support for gay and lesbian rightstheir stance puts them in conflict with socially conservative republicans , traditionally seen as allies']\n", - "everyone from apple ceo tim cook to the head of the ncaa slammed religious freedom laws being considered in several states this week , warning that they would open the door to discrimination against gay and lesbian customers .walmart 's staunch criticism of a religious freedom law in its home state of arkansas came after the company said in february it would boost pay for about 500,000 workers well above the federal minimum wage .( cnn ) as goes walmart , so goes the nation ?\n", - "while republican gov. asa hutchinson was weighing an arkansas religious freedom bill , walmart voiced its oppositionwalmart and other high-profile businesses are showing their support for gay and lesbian rightstheir stance puts them in conflict with socially conservative republicans , traditionally seen as allies\n", - "[1.3890553 1.374377 1.1113799 1.2450838 1.2101879 1.275903 1.0802163\n", - " 1.1576962 1.0253757 1.0245597 1.0812615 1.1086432 1.0415267 1.0322938\n", - " 1.0342661 1.0644969 1.0601851 1.1107379 1.0133772 1.0212815]\n", - "\n", - "[ 0 1 5 3 4 7 2 17 11 10 6 15 16 12 14 13 8 9 19 18]\n", - "=======================\n", - "[\"richie benaud 's family have been offered a state funeral after australian prime minister tony abbott called his death the ` greatest loss for cricket since the loss of don bradman ' .the former australia captain and legendary broadcaster died on wednesday at the age of 84 following a battle with skin cancer .richie benaud was one of cricket 's great personalities and will be remembered for his dry wit and knowledge\"]\n", - "=======================\n", - "['richie benaud passed away aged 84 on fridayaustralian prime minister tony abbott has paid tribute to richie benaudstate funerals in australia are usually reserved for politiciansbradman turned down opportunity to have state funeral before his deathclick here for more benaud tributes']\n", - "richie benaud 's family have been offered a state funeral after australian prime minister tony abbott called his death the ` greatest loss for cricket since the loss of don bradman ' .the former australia captain and legendary broadcaster died on wednesday at the age of 84 following a battle with skin cancer .richie benaud was one of cricket 's great personalities and will be remembered for his dry wit and knowledge\n", - "richie benaud passed away aged 84 on fridayaustralian prime minister tony abbott has paid tribute to richie benaudstate funerals in australia are usually reserved for politiciansbradman turned down opportunity to have state funeral before his deathclick here for more benaud tributes\n", - "[1.2457107 1.4164262 1.183507 1.2710683 1.1679237 1.1383433 1.1782582\n", - " 1.1030366 1.1263117 1.0606598 1.1412715 1.0719439 1.0663294 1.0389733\n", - " 1.0503381 1.0412298 1.0151668 1.0222306 1.0098941 0. ]\n", - "\n", - "[ 1 3 0 2 6 4 10 5 8 7 11 12 9 14 15 13 17 16 18 19]\n", - "=======================\n", - "['jared quirk , 18 , was in athens with classmates from rockland , massachusetts , to see the ancient world - but fell to the ground while walking through the city with friends , for reasons which are not yet clear .an athletic boston-area high school senior collapsed and died in greece this week , becoming the third student in his school year to die within six months .quirk , who played basketball , baseball , and football at rockland high school , died a hospital in the greek capital after being taken there by ambulance , the boston globe reported .']\n", - "=======================\n", - "['jared quirk , 18 , collapsed while walking through athens with classmatesdied in greek hospital on friday on third day of foreign school triphe is the third senior from rockland high school , massachusetts , to die since october']\n", - "jared quirk , 18 , was in athens with classmates from rockland , massachusetts , to see the ancient world - but fell to the ground while walking through the city with friends , for reasons which are not yet clear .an athletic boston-area high school senior collapsed and died in greece this week , becoming the third student in his school year to die within six months .quirk , who played basketball , baseball , and football at rockland high school , died a hospital in the greek capital after being taken there by ambulance , the boston globe reported .\n", - "jared quirk , 18 , collapsed while walking through athens with classmatesdied in greek hospital on friday on third day of foreign school triphe is the third senior from rockland high school , massachusetts , to die since october\n", - "[1.3613383 1.1153488 1.174452 1.1939678 1.3332766 1.0678502 1.0278486\n", - " 1.0540651 1.0503991 1.0843786 1.0316432 1.0718253 1.0259606 1.0219587\n", - " 1.0466439 1.0689956 1.0155706 1.0157099]\n", - "\n", - "[ 0 4 3 2 1 9 11 15 5 7 8 14 10 6 12 13 17 16]\n", - "=======================\n", - "[\"don mclean ( pictured ) is responsible american pie , the lyrics of which have been puzzled over for decadesand this week its lyrics , hand-written in 1971 by a young folk singer called don mclean , were sold at auction in new york for more than $ 1 million .argued over by generations of geeky fans , deciphered and re-deciphered by code-breaking rock nerds and considered to be poetic reflections on mid-20th century u.s. social history by even groovier academics , it 's called american pie .\"]\n", - "=======================\n", - "['for more than 40 years , the lyrics of american pie have been puzzled overthis week the handwritten lyrics sold for more than $ 1 million at auctionthe verses contain hidden references to seminal events of the 50s and 60sit includes nods to buddy holly , charles manson and martin luther king']\n", - "don mclean ( pictured ) is responsible american pie , the lyrics of which have been puzzled over for decadesand this week its lyrics , hand-written in 1971 by a young folk singer called don mclean , were sold at auction in new york for more than $ 1 million .argued over by generations of geeky fans , deciphered and re-deciphered by code-breaking rock nerds and considered to be poetic reflections on mid-20th century u.s. social history by even groovier academics , it 's called american pie .\n", - "for more than 40 years , the lyrics of american pie have been puzzled overthis week the handwritten lyrics sold for more than $ 1 million at auctionthe verses contain hidden references to seminal events of the 50s and 60sit includes nods to buddy holly , charles manson and martin luther king\n", - "[1.382053 1.2781633 1.432903 1.4588428 1.169087 1.0655127 1.0254722\n", - " 1.016683 1.1746976 1.0220083 1.0112096 1.045779 1.0486608 1.0574069\n", - " 1.0913683 1.0799044 1.0107529 1.0097673]\n", - "\n", - "[ 3 2 0 1 8 4 14 15 5 13 12 11 6 9 7 10 16 17]\n", - "=======================\n", - "[\"sean dyche believes his burnley side are more than capable of avoiding the premier league dropsean dyche 's squad - minus the four players on international duty - spent last week in spain preparing for a run-in that begins with sunday 's tricky visit of tottenham .burnley manager sean dyche has complete confidence that his side will beat relegation .\"]\n", - "=======================\n", - "[\"sean dyche says his side can avoid relegation from the premier leagueburnley host tottenham at turf moor in a game they ca n't afford to losethe clarets beat manchester city in their last home premier league gameclick here for all the latest burnley news\"]\n", - "sean dyche believes his burnley side are more than capable of avoiding the premier league dropsean dyche 's squad - minus the four players on international duty - spent last week in spain preparing for a run-in that begins with sunday 's tricky visit of tottenham .burnley manager sean dyche has complete confidence that his side will beat relegation .\n", - "sean dyche says his side can avoid relegation from the premier leagueburnley host tottenham at turf moor in a game they ca n't afford to losethe clarets beat manchester city in their last home premier league gameclick here for all the latest burnley news\n", - "[1.4359291 1.381709 1.3184335 1.3734331 1.1559403 1.1529335 1.0978261\n", - " 1.0502661 1.0084696 1.0243485 1.0252882 1.0317818 1.1188861 1.0876608\n", - " 1.231323 1.1911205 0. 0. ]\n", - "\n", - "[ 0 1 3 2 14 15 4 5 12 6 13 7 11 10 9 8 16 17]\n", - "=======================\n", - "[\"eintracht frankfurt forward alexander meier , the bundesliga 's leading goalscorer , is out for the season with a knee injury .the club says meier will have surgery on his patellar tendon on tuesday .meier tops the bundesliga with 19 goals , ahead of the bayern munich duo of arjen robben ( 17 ) and robert lewandowski ( 16 ) .\"]\n", - "=======================\n", - "['bundesliga top goalscorer alexander meier is out for the seasonthe eintracht frankfurt striker requires knee surgerymeier has scored 19 league goals this season , ahead of bayern munich duo arjen robben ( 17 ) and robert lewandowski ( 16 )but robben is also injured which could mean lewandowski securing the accolade for the second consecutive season']\n", - "eintracht frankfurt forward alexander meier , the bundesliga 's leading goalscorer , is out for the season with a knee injury .the club says meier will have surgery on his patellar tendon on tuesday .meier tops the bundesliga with 19 goals , ahead of the bayern munich duo of arjen robben ( 17 ) and robert lewandowski ( 16 ) .\n", - "bundesliga top goalscorer alexander meier is out for the seasonthe eintracht frankfurt striker requires knee surgerymeier has scored 19 league goals this season , ahead of bayern munich duo arjen robben ( 17 ) and robert lewandowski ( 16 )but robben is also injured which could mean lewandowski securing the accolade for the second consecutive season\n", - "[1.3626025 1.2256038 1.2263114 1.1696146 1.0907633 1.2078764 1.1734246\n", - " 1.1658173 1.0521607 1.0727708 1.2319471 1.0527638 1.0243142 1.0537153\n", - " 1.0139382 1.1051562 0. 0. ]\n", - "\n", - "[ 0 10 2 1 5 6 3 7 15 4 9 13 11 8 12 14 16 17]\n", - "=======================\n", - "[\"in true zlatan ibrahimovic style , he was not content with simply breaking the 100 goals barrier for paris saint-germain on wednesday evening .saint-etienne boss christophe galtier called ibrahimovic the ` best foreigner to ever play in france 'to put his remarkable goalscoring record at psg into perspective , he now trails only former portugal forward pedro pauleta in the all-time record books .\"]\n", - "=======================\n", - "['zlatan ibrahimovic scored a hat-trick for psg on wednesday nightit took his tally for the french club to 102 goals in less than three yearshe now trails only former portugal forward pedro pauleta in all-time listthe longest spell he has ever spent at one club is three seasonswould the sweden star choose the premier league for a last hurrah ?']\n", - "in true zlatan ibrahimovic style , he was not content with simply breaking the 100 goals barrier for paris saint-germain on wednesday evening .saint-etienne boss christophe galtier called ibrahimovic the ` best foreigner to ever play in france 'to put his remarkable goalscoring record at psg into perspective , he now trails only former portugal forward pedro pauleta in the all-time record books .\n", - "zlatan ibrahimovic scored a hat-trick for psg on wednesday nightit took his tally for the french club to 102 goals in less than three yearshe now trails only former portugal forward pedro pauleta in all-time listthe longest spell he has ever spent at one club is three seasonswould the sweden star choose the premier league for a last hurrah ?\n", - "[1.1857505 1.3930498 1.2503715 1.3173068 1.1908066 1.1682215 1.1218494\n", - " 1.0886738 1.1346592 1.1210759 1.09048 1.0732218 1.1547738 1.0402199\n", - " 1.0267465 1.0080427 1.005635 0. ]\n", - "\n", - "[ 1 3 2 4 0 5 12 8 6 9 10 7 11 13 14 15 16 17]\n", - "=======================\n", - "[\"sue sharp was shocked to find a stamp on the # 11 joint saying it had come from new zealand despite asda 's packaging claiming it was born , reared and slaughtered in the uk .mrs sharp , who runs a 1,600-acre sheep farm with her husband robert , had purposely sought out british produce in support of her fellow farmers .a sheep farmer has won an apology from supermarket giant asda after a leg of lamb she bought from them labelled as british turned out to be imported from the other side of the world .\"]\n", - "=======================\n", - "[\"sue sharp shocked to find ` home-grown ' leg of lamb from new zealandshe refuses to accept asda 's explanation that it was a one-off mistakethe sheep farmer has now warned shoppers to be extra vigilant\"]\n", - "sue sharp was shocked to find a stamp on the # 11 joint saying it had come from new zealand despite asda 's packaging claiming it was born , reared and slaughtered in the uk .mrs sharp , who runs a 1,600-acre sheep farm with her husband robert , had purposely sought out british produce in support of her fellow farmers .a sheep farmer has won an apology from supermarket giant asda after a leg of lamb she bought from them labelled as british turned out to be imported from the other side of the world .\n", - "sue sharp shocked to find ` home-grown ' leg of lamb from new zealandshe refuses to accept asda 's explanation that it was a one-off mistakethe sheep farmer has now warned shoppers to be extra vigilant\n", - "[1.3133619 1.3631923 1.1755579 1.236894 1.1656302 1.2060094 1.1150025\n", - " 1.0791755 1.1022627 1.0323563 1.0138438 1.0609006 1.1441016 1.1315855\n", - " 1.0506519 1.0772862 1.0304623 1.0270467 1.0441548 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 3 5 2 4 12 13 6 8 7 15 11 14 18 9 16 17 10 19 20 21 22]\n", - "=======================\n", - "[\"the white female student , who has not been identified , was captured in a snapchat photo detailing several ` reasons why usc wifi blows ' on the board at the university in columbia , south carolina .a university of south carolina ex-sorority girl has been suspended after she was pictured writing that ` n ***** s ' were to blame for the campus 's poor internet connection on a whiteboard in a study room .her reasons included ` incompetent ' professors , ` ratchets ' , an ` overpopulated campus ' and parking .\"]\n", - "=======================\n", - "[\"female student , who has not been identified , pictured in snapchat photodetailed ` reasons why usc wifi blows ' on board using a red marker penreasons included ` ratchets ' and ` parking ' , but top of the list was ` n ***** s 'student , formerly of kappa delta chapter sorority , has been suspendedalso facing university code of conduct investigation into the incident\"]\n", - "the white female student , who has not been identified , was captured in a snapchat photo detailing several ` reasons why usc wifi blows ' on the board at the university in columbia , south carolina .a university of south carolina ex-sorority girl has been suspended after she was pictured writing that ` n ***** s ' were to blame for the campus 's poor internet connection on a whiteboard in a study room .her reasons included ` incompetent ' professors , ` ratchets ' , an ` overpopulated campus ' and parking .\n", - "female student , who has not been identified , pictured in snapchat photodetailed ` reasons why usc wifi blows ' on board using a red marker penreasons included ` ratchets ' and ` parking ' , but top of the list was ` n ***** s 'student , formerly of kappa delta chapter sorority , has been suspendedalso facing university code of conduct investigation into the incident\n", - "[1.1906296 1.3046529 1.1595353 1.1876999 1.2160164 1.0903049 1.0664878\n", - " 1.2453083 1.1742947 1.1512109 1.1396676 1.0726155 1.0638696 1.0969235\n", - " 1.0530059 1.0267978 1.0462451 1.0355021 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 7 4 0 3 8 2 9 10 13 5 11 6 12 14 16 17 15 18 19 20 21 22]\n", - "=======================\n", - "[\"footage taken from the bus 's windscreen dash-cam captures the screams of 36 7th graders on board as a dodge durango swerves erratically in their direction at 60 mph .five of the 36 pupils were hospitalized with minor injuries and 11 were treated at the scene at 8.20 am in tulsa , oklahoma , on monday .this is the terrifying moment an suv hurtled head-on into a school bus full of students on monday morning .\"]\n", - "=======================\n", - "['dash-cam footage captures 36 screaming 7th graders on boarddodge durango can be seen hitting another suv then hurtling toward buspolice said the driver , a 44-year-old man , has a history of seizuresfive pupils were hospitalized , 11 treated at the scene on monday at 8amsuv driver is in serious condition in hospital']\n", - "footage taken from the bus 's windscreen dash-cam captures the screams of 36 7th graders on board as a dodge durango swerves erratically in their direction at 60 mph .five of the 36 pupils were hospitalized with minor injuries and 11 were treated at the scene at 8.20 am in tulsa , oklahoma , on monday .this is the terrifying moment an suv hurtled head-on into a school bus full of students on monday morning .\n", - "dash-cam footage captures 36 screaming 7th graders on boarddodge durango can be seen hitting another suv then hurtling toward buspolice said the driver , a 44-year-old man , has a history of seizuresfive pupils were hospitalized , 11 treated at the scene on monday at 8amsuv driver is in serious condition in hospital\n", - "[1.2911946 1.4338923 1.1782572 1.3445582 1.1718796 1.1292086 1.0548364\n", - " 1.0251412 1.0126489 1.0522578 1.1493442 1.1212115 1.0695349 1.0853617\n", - " 1.105085 1.1235235 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 10 5 15 11 14 13 12 6 9 7 8 21 16 17 18 19 20 22]\n", - "=======================\n", - "['the louisiana state university students were found with nearly 2,000 beers , ten liters of spirits and several litres of wine on the i-10 in mobile county .busted : four underage frat boys were busted in alabama , accused of towing nearly 2,000 cans of beer and ten litres of spirits to gulf shores for spring breakfour under-age fraternity members were busted by police on an alabama interstate with a trailer-load of alcohol , after being stopped for an expired tag .']\n", - "=======================\n", - "['four teens busted towing nearly 2,000 cans of beer and ten litres of spiritsstopped on interstate for driving pick-up and trailer with expired tagthey told deputies they were heading to gulf shores for spring break']\n", - "the louisiana state university students were found with nearly 2,000 beers , ten liters of spirits and several litres of wine on the i-10 in mobile county .busted : four underage frat boys were busted in alabama , accused of towing nearly 2,000 cans of beer and ten litres of spirits to gulf shores for spring breakfour under-age fraternity members were busted by police on an alabama interstate with a trailer-load of alcohol , after being stopped for an expired tag .\n", - "four teens busted towing nearly 2,000 cans of beer and ten litres of spiritsstopped on interstate for driving pick-up and trailer with expired tagthey told deputies they were heading to gulf shores for spring break\n", - "[1.3365896 1.3001904 1.2666825 1.2614132 1.1890208 1.0633013 1.0550423\n", - " 1.0403671 1.0877203 1.0930923 1.1045192 1.1099894 1.0796751 1.0465074\n", - " 1.0362012 1.0657257 1.0583597 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 11 10 9 8 12 15 5 16 6 13 7 14 17 18 19 20 21 22]\n", - "=======================\n", - "[\"on saturday , rosetta swooped to within just 8.6 miles ( 14 km ) of comet 67p 's surface .during this close flyby , the probe was able to capture a stunning four image montage showing the two lobes of the icy comet in incredible detail .the top right frame offers a stunning view onto hapi , the comet 's ` neck ' region that is littered with boulders .\"]\n", - "=======================\n", - "[\"on saturday , rosetta was just 8.6 miles ( 14 km ) of the comet 's surfaceimages reveal one of most detailed photos of the comet 's bump ` neck 'esa recently released a trove of images captured from rosetta 's journeyrosetta will make passes through comet geysers in the coming months\"]\n", - "on saturday , rosetta swooped to within just 8.6 miles ( 14 km ) of comet 67p 's surface .during this close flyby , the probe was able to capture a stunning four image montage showing the two lobes of the icy comet in incredible detail .the top right frame offers a stunning view onto hapi , the comet 's ` neck ' region that is littered with boulders .\n", - "on saturday , rosetta was just 8.6 miles ( 14 km ) of the comet 's surfaceimages reveal one of most detailed photos of the comet 's bump ` neck 'esa recently released a trove of images captured from rosetta 's journeyrosetta will make passes through comet geysers in the coming months\n", - "[1.3994728 1.4599605 1.3256775 1.4122963 1.2161632 1.0212868 1.0122987\n", - " 1.0180143 1.0145525 1.0251362 1.1098932 1.0252944 1.0236477 1.076359\n", - " 1.0530072 1.0084261 1.1869582 1.0176114 1.0153587 1.0583918 1.0148948\n", - " 1.0083541 1.0074476]\n", - "\n", - "[ 1 3 0 2 4 16 10 13 19 14 11 9 12 5 7 17 18 20 8 6 15 21 22]\n", - "=======================\n", - "[\"the frenchman believes arsenal need a goalkeeper , centre back , defensive midfielder and striker if they are to have any chance of winning the barclays premier league title .sky sports pundit thierry henry questioned whether arsenal can win the title with olivier giroud in attackthierry henry has criticised arsenal 's recent dealings in the transfer window and has urged his former side to purchase four top players in the summer .\"]\n", - "=======================\n", - "[\"thierry henry hit out at arsenal striker olivier giroud after chelsea drawthe sky sports pundit does not believe giroud can lead side to gloryarsenal need four ` top quality ' stars to challenge for premier league titlehenry 's former side drew 0-0 with chelsea at the emirates stadiumread : arsenal needed to ask different questions of the chelsea defence\"]\n", - "the frenchman believes arsenal need a goalkeeper , centre back , defensive midfielder and striker if they are to have any chance of winning the barclays premier league title .sky sports pundit thierry henry questioned whether arsenal can win the title with olivier giroud in attackthierry henry has criticised arsenal 's recent dealings in the transfer window and has urged his former side to purchase four top players in the summer .\n", - "thierry henry hit out at arsenal striker olivier giroud after chelsea drawthe sky sports pundit does not believe giroud can lead side to gloryarsenal need four ` top quality ' stars to challenge for premier league titlehenry 's former side drew 0-0 with chelsea at the emirates stadiumread : arsenal needed to ask different questions of the chelsea defence\n", - "[1.4625081 1.4069086 1.293169 1.4350219 1.2249411 1.1223451 1.054895\n", - " 1.0236553 1.0231861 1.0144026 1.0122082 1.0121038 1.0172116 1.3401532\n", - " 1.1324543 1.0782269 1.0901843 1.046074 1.0094686]\n", - "\n", - "[ 0 3 1 13 2 4 14 5 16 15 6 17 7 8 12 9 10 11 18]\n", - "=======================\n", - "['tony pulis insists west brom chairman jeremy peace has given him his word any takeover will not drag on .owner peace is open to offers for the baggies and is understood to want between # 150million and # 200million for the club .there is interest from groups from america , australia and china with peace setting a june deadline to seal any deal .']\n", - "=======================\n", - "[\"west brom owner jeremy peace is looking to sell the midlands clubhe is open to offers and is understood to want between # 150m and # 200mtony pulis says peace has given him his word that a takeover will not dragpulis also praised saido berahino 's impact at the club this season\"]\n", - "tony pulis insists west brom chairman jeremy peace has given him his word any takeover will not drag on .owner peace is open to offers for the baggies and is understood to want between # 150million and # 200million for the club .there is interest from groups from america , australia and china with peace setting a june deadline to seal any deal .\n", - "west brom owner jeremy peace is looking to sell the midlands clubhe is open to offers and is understood to want between # 150m and # 200mtony pulis says peace has given him his word that a takeover will not dragpulis also praised saido berahino 's impact at the club this season\n", - "[1.4398104 1.1506613 1.1454589 1.3072178 1.0577632 1.0718043 1.0504719\n", - " 1.0329106 1.0881759 1.0797396 1.2528907 1.0306294 1.1669271 1.170905\n", - " 1.028374 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 10 13 12 1 2 8 9 5 4 6 7 11 14 17 15 16 18]\n", - "=======================\n", - "[\"angus hawley 's brother has spoken of his shock after his brother , the ex-husband of antonia kidman , died of a suspected heart attack , age 46 , in new york on saturday .led an active lifestyle : mr hawley , 46 , is believed to have suffered a heart attack after returning from a swim .speaking to daily mail australia on monday , david hawley said : ` it 's a real shock , he was one of the fittest men i 've ever met -- he 's swimming everyday . '\"]\n", - "=======================\n", - "[\"angus hawley 's brother said his late sibling ` did n't have heart problems 'he is reported to have had a suspected heart attack in new yorkangus was a father of four children - lucia , hamish , james and sybellahe had all four with nicole kidman 's sister antonia before their 2007 splitboth 44-year-old antonia and angus , 46 , remarried following their divorceangus ' death comes seven months after dr. antony kidman 's deathnicole and antonia 's father also died of a heart attack in singapore\"]\n", - "angus hawley 's brother has spoken of his shock after his brother , the ex-husband of antonia kidman , died of a suspected heart attack , age 46 , in new york on saturday .led an active lifestyle : mr hawley , 46 , is believed to have suffered a heart attack after returning from a swim .speaking to daily mail australia on monday , david hawley said : ` it 's a real shock , he was one of the fittest men i 've ever met -- he 's swimming everyday . '\n", - "angus hawley 's brother said his late sibling ` did n't have heart problems 'he is reported to have had a suspected heart attack in new yorkangus was a father of four children - lucia , hamish , james and sybellahe had all four with nicole kidman 's sister antonia before their 2007 splitboth 44-year-old antonia and angus , 46 , remarried following their divorceangus ' death comes seven months after dr. antony kidman 's deathnicole and antonia 's father also died of a heart attack in singapore\n", - "[1.2168318 1.3051403 1.298362 1.516824 1.1827799 1.0743682 1.0422078\n", - " 1.0206628 1.0738323 1.0152148 1.0204315 1.0367862 1.1354796 1.2384052\n", - " 1.0373204 1.0180271 1.0091703 1.0181018 1.0669492]\n", - "\n", - "[ 3 1 2 13 0 4 12 5 8 18 6 14 11 7 10 17 15 9 16]\n", - "=======================\n", - "['sergio aguero ( left ) and marco reus went head-to-head to help the launch the new puma evospeed 1.3the manchester city star has been in good form this season despite his injury problems and showed his impressive close control against the borussia dortmund winger .the footwear brand are releasing the evospeed 1.3 graphic , which took inspiration from the japanese dragon .']\n", - "=======================\n", - "[\"sergio aguero went up against marco reus in an unusual head-to-headthe stars were helping promote puma 's newest football bootthe manchester city revealed that his side have n't given up on the leagueclick here for all the latest manchester city news\"]\n", - "sergio aguero ( left ) and marco reus went head-to-head to help the launch the new puma evospeed 1.3the manchester city star has been in good form this season despite his injury problems and showed his impressive close control against the borussia dortmund winger .the footwear brand are releasing the evospeed 1.3 graphic , which took inspiration from the japanese dragon .\n", - "sergio aguero went up against marco reus in an unusual head-to-headthe stars were helping promote puma 's newest football bootthe manchester city revealed that his side have n't given up on the leagueclick here for all the latest manchester city news\n", - "[1.4083462 1.4459617 1.1776255 1.1321429 1.416616 1.0806628 1.0346565\n", - " 1.0216174 1.0613043 1.268266 1.0381038 1.0232812 1.0218152 1.0119268\n", - " 1.0810003 1.0288279 1.0106637 1.013791 1.1215032]\n", - "\n", - "[ 1 4 0 9 2 3 18 14 5 8 10 6 15 11 12 7 17 13 16]\n", - "=======================\n", - "[\"the hoops boss criticised the playing surface at st mirren park following the hoops ' 2-0 scottish premiership win on friday night and said that artificial pitches would be an improvement at most of the grounds his team are asked to visit .ronny deila agrees with gary teale 's claim that st mirren have one of the best pitches in the divisionbuddies boss teale hit back , saying : ` it 's maybe a bit firm but it 's an excellent surface .\"]\n", - "=======================\n", - "['ronny deila criticised the playing surface at st mirren park on fridaydeila believes most clubs in division would benefit from artificial surfacesnorwegian boss believes pitches need to be more like those in englandfeels his side should be judged on their performance on poor pitches']\n", - "the hoops boss criticised the playing surface at st mirren park following the hoops ' 2-0 scottish premiership win on friday night and said that artificial pitches would be an improvement at most of the grounds his team are asked to visit .ronny deila agrees with gary teale 's claim that st mirren have one of the best pitches in the divisionbuddies boss teale hit back , saying : ` it 's maybe a bit firm but it 's an excellent surface .\n", - "ronny deila criticised the playing surface at st mirren park on fridaydeila believes most clubs in division would benefit from artificial surfacesnorwegian boss believes pitches need to be more like those in englandfeels his side should be judged on their performance on poor pitches\n", - "[1.2374538 1.0551842 1.1795578 1.4303151 1.159196 1.1838744 1.1558187\n", - " 1.1660329 1.2123271 1.1082116 1.0452276 1.0151492 1.0239426 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 8 5 2 7 4 6 9 1 10 12 11 17 13 14 15 16 18]\n", - "=======================\n", - "['research by asda has found that rump , fillet and t-bone are the most popular cuts of meat when eating out but when we cook at home the majority of us ( 55 per cent ) rely on burgers or mince .sirloin , topside and fillet are best saved for the roasting pan , chuck flank , rib-eye and skirt on the grill and when stewing go for brisket , shoulder and ribs .a fifth of 18-34-year-olds also admitted they find larger cuts of beef daunting to cook .']\n", - "=======================\n", - "['rump , fillet and t-bone most popular cuts of meat when dining outmince and burgers most used when cooking in our own kitchensyoung people avoid unusual cuts as they think it will be too expensive']\n", - "research by asda has found that rump , fillet and t-bone are the most popular cuts of meat when eating out but when we cook at home the majority of us ( 55 per cent ) rely on burgers or mince .sirloin , topside and fillet are best saved for the roasting pan , chuck flank , rib-eye and skirt on the grill and when stewing go for brisket , shoulder and ribs .a fifth of 18-34-year-olds also admitted they find larger cuts of beef daunting to cook .\n", - "rump , fillet and t-bone most popular cuts of meat when dining outmince and burgers most used when cooking in our own kitchensyoung people avoid unusual cuts as they think it will be too expensive\n", - "[1.4967531 1.2958223 1.2838894 1.1674088 1.2006321 1.208104 1.2366246\n", - " 1.0237551 1.0349604 1.1906056 1.0703107 1.113677 1.0273103 1.0301692\n", - " 1.0528458 1.0389628 1.0268593 1.0057636 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 6 5 4 9 3 11 10 14 15 8 13 12 16 7 17 20 18 19 21]\n", - "=======================\n", - "['jordan morris scored early in the second half and juan agudelo added his first international goal in four years as the united states beat mexico .morris , a 20-year-old thought to be the first university student to make the us side in at least two decades , pounced on a ball that ricocheted off defender mario osuna in the 49th minute and beat goalkeeper cirilo saucedo from close range .agudelo replaced morris in the 65th and scored seven minutes later with a low shot from just outside the penalty area , his third international goal and first since march 2011 .']\n", - "=======================\n", - "[\"jordan morris scored the first goal of the game after half timejuan agudelo scored for the usa for the first time since 2011jurgan klinsmann 's are preparing for the concacaf gold cup\"]\n", - "jordan morris scored early in the second half and juan agudelo added his first international goal in four years as the united states beat mexico .morris , a 20-year-old thought to be the first university student to make the us side in at least two decades , pounced on a ball that ricocheted off defender mario osuna in the 49th minute and beat goalkeeper cirilo saucedo from close range .agudelo replaced morris in the 65th and scored seven minutes later with a low shot from just outside the penalty area , his third international goal and first since march 2011 .\n", - "jordan morris scored the first goal of the game after half timejuan agudelo scored for the usa for the first time since 2011jurgan klinsmann 's are preparing for the concacaf gold cup\n", - "[1.3347969 1.3838037 1.358426 1.2521917 1.2703714 1.1218884 1.0474323\n", - " 1.0805756 1.0364265 1.0381465 1.0522188 1.0435607 1.0847487 1.1590021\n", - " 1.0364673 1.029993 1.0077705 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 4 3 13 5 12 7 10 6 11 9 14 8 15 16 20 17 18 19 21]\n", - "=======================\n", - "[\"the service to remember the life of the beloved teacher from leeton will tragically be held at the venue intended for her wedding which was due to take place six days after she disappeared .stephanie scott 's heartbroken family have shared a sweet photo of her as a little girl , giggling with her sisters in a bubble bath - as they invited all mourners to ` show their support of our beautiful steph ' for her funeral tomorrow .ms scott 's body was found by found by police in cocoparra national park , north of griffith , nsw , on april 10 .\"]\n", - "=======================\n", - "[\"stephanie scott 's devastated family are preparing for her funeral tomorrowthey say all are welcome to remember and show their support for ms scottthe 26-year-old teacher believed to have been murdered on easter sundayher accused murderer is the school cleaner , vincent stanfordleeton high school have reached out to the community to commend them for the strength they have shown in the face of immeasurable griefher funeral will be held 10 days after her intended wedding datethe funeral will take place at the same venue where she had planned to marry aaron leeson-woolley\"]\n", - "the service to remember the life of the beloved teacher from leeton will tragically be held at the venue intended for her wedding which was due to take place six days after she disappeared .stephanie scott 's heartbroken family have shared a sweet photo of her as a little girl , giggling with her sisters in a bubble bath - as they invited all mourners to ` show their support of our beautiful steph ' for her funeral tomorrow .ms scott 's body was found by found by police in cocoparra national park , north of griffith , nsw , on april 10 .\n", - "stephanie scott 's devastated family are preparing for her funeral tomorrowthey say all are welcome to remember and show their support for ms scottthe 26-year-old teacher believed to have been murdered on easter sundayher accused murderer is the school cleaner , vincent stanfordleeton high school have reached out to the community to commend them for the strength they have shown in the face of immeasurable griefher funeral will be held 10 days after her intended wedding datethe funeral will take place at the same venue where she had planned to marry aaron leeson-woolley\n", - "[1.0672499 1.2680782 1.115884 1.3416297 1.2081176 1.1532818 1.1265833\n", - " 1.0226195 1.03548 1.0465019 1.1014718 1.0427926 1.0647923 1.0652432\n", - " 1.0453935 1.0464933 1.0722578 1.0442303 1.0478472 1.0393996 1.0763179\n", - " 1.0605891]\n", - "\n", - "[ 3 1 4 5 6 2 10 20 16 0 13 12 21 18 9 15 14 17 11 19 8 7]\n", - "=======================\n", - "['timothy mcveigh and terry nichols , former u.s. army soldiers , were convicted of the attack .at 9:02 a.m. , the explosives detonated , killing 168 people , including 19 children .mcveigh was executed in 2001 , and nichols is serving a life sentence .']\n", - "=======================\n", - "[\"april 19 marks 20 years since the oklahoma city bombingthe bombing was carried out by domestic terroriststoday 's domestic terror threats range from eco-terrorists to anti-government extremists\"]\n", - "timothy mcveigh and terry nichols , former u.s. army soldiers , were convicted of the attack .at 9:02 a.m. , the explosives detonated , killing 168 people , including 19 children .mcveigh was executed in 2001 , and nichols is serving a life sentence .\n", - "april 19 marks 20 years since the oklahoma city bombingthe bombing was carried out by domestic terroriststoday 's domestic terror threats range from eco-terrorists to anti-government extremists\n", - "[1.3390828 1.3722433 1.1867206 1.1177995 1.0767813 1.3222566 1.3775817\n", - " 1.0841738 1.2196147 1.0795965 1.024588 1.0321727 1.0198822 1.0168643\n", - " 1.062744 1.0613378 1.0168598 1.011984 1.0093012 1.0168968 1.0109814\n", - " 0. ]\n", - "\n", - "[ 6 1 0 5 8 2 3 7 9 4 14 15 11 10 12 19 13 16 17 20 18 21]\n", - "=======================\n", - "[\"nsw ses have received more than 6500 requests for help since the storms began on monday , with flash flooding , trees down and power outages across the sydney , newcastle and hunter regionsthe public have been alerted to the heartless scheme via an important notice issued on the nsw ses facebook page .the nsw state emergency service ( ses ) are warning the public that scammers are making calls falsely claiming to fundraise , abusing people 's goodwill as nsw is ravaged by wild weather .\"]\n", - "=======================\n", - "[\"nsw ses warns scammers are phoning people claiming to fundraisethe state emergency service say they never call and ask for moneypeople have responded with disgust at the heartlesscon artists are taking advantage of people 's goodwill as nsw is facing severe weather conditionsnsw ses have received more than 6500 requests for help since monday\"]\n", - "nsw ses have received more than 6500 requests for help since the storms began on monday , with flash flooding , trees down and power outages across the sydney , newcastle and hunter regionsthe public have been alerted to the heartless scheme via an important notice issued on the nsw ses facebook page .the nsw state emergency service ( ses ) are warning the public that scammers are making calls falsely claiming to fundraise , abusing people 's goodwill as nsw is ravaged by wild weather .\n", - "nsw ses warns scammers are phoning people claiming to fundraisethe state emergency service say they never call and ask for moneypeople have responded with disgust at the heartlesscon artists are taking advantage of people 's goodwill as nsw is facing severe weather conditionsnsw ses have received more than 6500 requests for help since monday\n", - "[1.0460569 1.0932453 1.1782734 1.1916755 1.1081734 1.124417 1.3211229\n", - " 1.1944332 1.1363897 1.1701111 1.038067 1.0213381 1.0136013 1.0135577\n", - " 1.0152795 1.048447 1.0283394 1.0821539 1.0323799 1.0133456 1.0156564\n", - " 0. ]\n", - "\n", - "[ 6 7 3 2 9 8 5 4 1 17 15 0 10 18 16 11 20 14 12 13 19 21]\n", - "=======================\n", - "[\"steve davis ( left ) and dennis taylor pose with the trophy before their world snooker final in 1985davis was leading the final 8-0 when he missed a shot on the green that he has rued to this day` and so the lights go down , ' whispered commentator ted lowe to 18.5 million viewers .\"]\n", - "=======================\n", - "[\"snooker 's most dramatic final gripped 18.5 million viewers in 1985steve davis had an 8-0 advantage when he missed a green balldennis taylor fought back heroically and eventually won the final 18-17\"]\n", - "steve davis ( left ) and dennis taylor pose with the trophy before their world snooker final in 1985davis was leading the final 8-0 when he missed a shot on the green that he has rued to this day` and so the lights go down , ' whispered commentator ted lowe to 18.5 million viewers .\n", - "snooker 's most dramatic final gripped 18.5 million viewers in 1985steve davis had an 8-0 advantage when he missed a green balldennis taylor fought back heroically and eventually won the final 18-17\n", - "[1.1748302 1.499841 1.3147396 1.3539672 1.0678658 1.0869081 1.1736876\n", - " 1.0812483 1.1241131 1.0386853 1.0178074 1.039711 1.0183955 1.0165098\n", - " 1.0862113 1.015003 1.0196922 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 6 8 5 14 7 4 11 9 16 12 10 13 15 19 17 18 20]\n", - "=======================\n", - "[\"davion navar henry only , 16 , had spent his entire life in foster care after his mother gave birth to him behind bars .three years after his emotional plea at st mark missionary baptist church in st petersburg he has finally found a permanent home with the woman who first met him as a seven-year-old when she became his caseworker .on april 22 she will officially become davion 's mother .\"]\n", - "=======================\n", - "[\"davion only , 16 , captured hearts around the nation in 2013 when he made a plea for a family to ` love him forever 'later this month he will officially be adopted by his old caseworker connie bell going and her familydavion has been living with her two daughters and another adopted boy since decemberms going admitted it has not always been easy but says it is worth it and ` everyday it gets a little bit better '\"]\n", - "davion navar henry only , 16 , had spent his entire life in foster care after his mother gave birth to him behind bars .three years after his emotional plea at st mark missionary baptist church in st petersburg he has finally found a permanent home with the woman who first met him as a seven-year-old when she became his caseworker .on april 22 she will officially become davion 's mother .\n", - "davion only , 16 , captured hearts around the nation in 2013 when he made a plea for a family to ` love him forever 'later this month he will officially be adopted by his old caseworker connie bell going and her familydavion has been living with her two daughters and another adopted boy since decemberms going admitted it has not always been easy but says it is worth it and ` everyday it gets a little bit better '\n", - "[1.5190401 1.3728219 1.2926393 1.0810583 1.0763564 1.2558529 1.1516263\n", - " 1.1645421 1.1200665 1.12267 1.1011263 1.0874202 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 5 7 6 9 8 10 11 3 4 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"manchester united checked on lazio 's felipe anderson and gonzalo higuain of napoli on wednesday night .anderson set up lazio 's winner for senad lulic in the coppa italia semi-final second leg which sees them face juventus in the final .the 21-year-old brazilian midfielder has been in strong form this season and has drawn scouts from paris saint-germain , manchester city , liverpool and arsenal , with the french champions represented again at the san paolo stadium .\"]\n", - "=======================\n", - "[\"manchester united are set to strengthen their squad again this summerfelipe anderson has attracted interest from psg and manchester cityliverpool and arsenal are also keen on lazio 's brazilian midfielderlouis van gaal hopes to sign two strikers when the transfer window opensgonzalo higuain is unsettled at napoli with boss rafa benitez set to leave\"]\n", - "manchester united checked on lazio 's felipe anderson and gonzalo higuain of napoli on wednesday night .anderson set up lazio 's winner for senad lulic in the coppa italia semi-final second leg which sees them face juventus in the final .the 21-year-old brazilian midfielder has been in strong form this season and has drawn scouts from paris saint-germain , manchester city , liverpool and arsenal , with the french champions represented again at the san paolo stadium .\n", - "manchester united are set to strengthen their squad again this summerfelipe anderson has attracted interest from psg and manchester cityliverpool and arsenal are also keen on lazio 's brazilian midfielderlouis van gaal hopes to sign two strikers when the transfer window opensgonzalo higuain is unsettled at napoli with boss rafa benitez set to leave\n", - "[1.2698526 1.4240252 1.2172705 1.1828551 1.1599965 1.0825776 1.0982949\n", - " 1.0700225 1.1057374 1.0733316 1.023261 1.1174141 1.0333432 1.047022\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 11 8 6 5 9 7 13 12 10 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"abase hussen -- who blamed police for failing to stop his daughter fleeing to join is earlier this year -- conceded the teenager was ` maybe ' influenced by the rally organised by banned terror group al-muhajiroun .the flag-burning father of a runaway british jihadi schoolgirl yesterday admitted taking his daughter to an extremist rally when she was 13 .abase hussen , circled , marched at the head of a violent rally held by muslim extremists in london in 2012\"]\n", - "=======================\n", - "[\"abase hussen said maybe his daughter was influenced by attending a rallyamira abase was one of three teenage girls who fled to syria in februarymr hussen attended one rally alongside one of lee rigby 's killershe said he moved to britain in 1999 for freedom and democracy\"]\n", - "abase hussen -- who blamed police for failing to stop his daughter fleeing to join is earlier this year -- conceded the teenager was ` maybe ' influenced by the rally organised by banned terror group al-muhajiroun .the flag-burning father of a runaway british jihadi schoolgirl yesterday admitted taking his daughter to an extremist rally when she was 13 .abase hussen , circled , marched at the head of a violent rally held by muslim extremists in london in 2012\n", - "abase hussen said maybe his daughter was influenced by attending a rallyamira abase was one of three teenage girls who fled to syria in februarymr hussen attended one rally alongside one of lee rigby 's killershe said he moved to britain in 1999 for freedom and democracy\n", - "[1.4688996 1.280965 1.4714996 1.2732853 1.2139951 1.1709586 1.2004734\n", - " 1.044148 1.0394645 1.0146143 1.0190432 1.0159757 1.0115556 1.0115988\n", - " 1.0204976 1.0119271 1.0666237 1.1366589 1.0935721 1.060774 1.0353565]\n", - "\n", - "[ 2 0 1 3 4 6 5 17 18 16 19 7 8 20 14 10 11 9 15 13 12]\n", - "=======================\n", - "['conrad clitheroe , 54 and gary cooper , 45 , from stockport , along with their ex-pat friend neil munro were stopped by police for writing down aircraft registration numbers at fujairah airport .three british men who have spent two months in prisons in dubai and abu dhabi after they were seen plane spotting are to be freed .they were taken to a police station and despite being told they would not be detained , were put into prison .']\n", - "=======================\n", - "['conrad clitheroe , 54 , and gary cooper , 45 , were taken to a police stationthey were told they would be allowed to leave if they signed arabic formbut they were held in prison along with friend neil munro for two monthsofficials confirmed today that charges of espionage against them dropped']\n", - "conrad clitheroe , 54 and gary cooper , 45 , from stockport , along with their ex-pat friend neil munro were stopped by police for writing down aircraft registration numbers at fujairah airport .three british men who have spent two months in prisons in dubai and abu dhabi after they were seen plane spotting are to be freed .they were taken to a police station and despite being told they would not be detained , were put into prison .\n", - "conrad clitheroe , 54 , and gary cooper , 45 , were taken to a police stationthey were told they would be allowed to leave if they signed arabic formbut they were held in prison along with friend neil munro for two monthsofficials confirmed today that charges of espionage against them dropped\n", - "[1.2317326 1.4802922 1.218595 1.2205162 1.250437 1.1597753 1.0808146\n", - " 1.1308877 1.083698 1.0465257 1.0988619 1.0478749 1.0186267 1.0547472\n", - " 1.0747219 1.0334685 1.1033951 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 3 2 5 7 16 10 8 6 14 13 11 9 15 12 19 17 18 20]\n", - "=======================\n", - "['jackson byrnes from northern new south wales was told by doctors that he had a stage four brain tumour that was too deep and aggressive to be safely operated on .a teenager with a deadly brain tumour must raise $ 80,000 by tuesday night in order to pay for his surgeryafter seven days of desperate campaigning through facebook and the crowd funding page gofundme , the casino teenager is over halfway to his goal with $ 47,000 being raised .']\n", - "=======================\n", - "['teen with deadly brain tumour was told by doctors they would not operatejackson byrnes instead found a neurosurgeon who would do the operationhe must find $ 80,000 by tuesday night to pay the surgeon up frontjackson byrnes and his family have used crowd funding to raise money$ 47,000 has been donated but there are only 2 more days left in campaign']\n", - "jackson byrnes from northern new south wales was told by doctors that he had a stage four brain tumour that was too deep and aggressive to be safely operated on .a teenager with a deadly brain tumour must raise $ 80,000 by tuesday night in order to pay for his surgeryafter seven days of desperate campaigning through facebook and the crowd funding page gofundme , the casino teenager is over halfway to his goal with $ 47,000 being raised .\n", - "teen with deadly brain tumour was told by doctors they would not operatejackson byrnes instead found a neurosurgeon who would do the operationhe must find $ 80,000 by tuesday night to pay the surgeon up frontjackson byrnes and his family have used crowd funding to raise money$ 47,000 has been donated but there are only 2 more days left in campaign\n", - "[1.247067 1.4147629 1.365951 1.0872889 1.0796424 1.1938583 1.0890437\n", - " 1.0364195 1.0174487 1.0216236 1.0522654 1.0587406 1.0167869 1.0307621\n", - " 1.1123667 1.068406 1.0264813 1.0132612 1.0128363 1.0145197 1.0307043\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 5 14 6 3 4 15 11 10 7 13 20 16 9 8 12 19 17 18 21 22]\n", - "=======================\n", - "['now the adventure has been re-created in a new film , showing the young princesses elizabeth and margaret as they wander incognito through the city streets .and among the most curious viewers of a royal night out , released next month to coincide with the anniversary of ve day on may 8 , 1945 , will be a woman who knows better than anyone what really happened on that extraordinary night .it was a real-life fairytale -- the moment , 70 years ago , when two carefully guarded princesses were let loose to join the jubilant crowds in london celebrating the end of the second world war in europe .']\n", - "=======================\n", - "[\"princess elizabeth and margaret joined the crowds celebrating in londonqueen 's cousin margaret rhodes was with the young royals celebratingshe says the queen remembers the night with ` great happiness 'adventure has been recreated in new film a right royal night out\"]\n", - "now the adventure has been re-created in a new film , showing the young princesses elizabeth and margaret as they wander incognito through the city streets .and among the most curious viewers of a royal night out , released next month to coincide with the anniversary of ve day on may 8 , 1945 , will be a woman who knows better than anyone what really happened on that extraordinary night .it was a real-life fairytale -- the moment , 70 years ago , when two carefully guarded princesses were let loose to join the jubilant crowds in london celebrating the end of the second world war in europe .\n", - "princess elizabeth and margaret joined the crowds celebrating in londonqueen 's cousin margaret rhodes was with the young royals celebratingshe says the queen remembers the night with ` great happiness 'adventure has been recreated in new film a right royal night out\n", - "[1.1185703 1.4779919 1.1306021 1.2788427 1.4001045 1.2262511 1.1666689\n", - " 1.0493609 1.1082826 1.1314512 1.2756195 1.035932 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 3 10 5 6 9 2 0 8 7 11 12 13 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"just days after scoring the winner for sunderland in the tyne/wear derby , the striker received a somewhat mixed reception when he was introduced to the crowd at a wrestling event in newcastle .the wwe 's show in newcastle was their latest on their tour of the uk after wrestlemania .the sunderland striker was booed by some when he walked out at the wwe event on thursday\"]\n", - "=======================\n", - "['jermain defoe received a mixed reception from fans in newcastlethe 32-year-old was introduced to the crowd at a wwe eventdefoe scored the winner for sunderland in tyne/wear derby on sunday']\n", - "just days after scoring the winner for sunderland in the tyne/wear derby , the striker received a somewhat mixed reception when he was introduced to the crowd at a wrestling event in newcastle .the wwe 's show in newcastle was their latest on their tour of the uk after wrestlemania .the sunderland striker was booed by some when he walked out at the wwe event on thursday\n", - "jermain defoe received a mixed reception from fans in newcastlethe 32-year-old was introduced to the crowd at a wwe eventdefoe scored the winner for sunderland in tyne/wear derby on sunday\n", - "[1.2643434 1.1174135 1.1059271 1.1012802 1.1839823 1.1196557 1.0224364\n", - " 1.0908539 1.0407603 1.1195886 1.1208028 1.0520334 1.0451587 1.0268342\n", - " 1.0498905 1.1021187 1.0427848 1.079871 1.0509362 1.0403491 1.0379354\n", - " 1.0266249 1.0231276]\n", - "\n", - "[ 0 4 10 5 9 1 2 15 3 7 17 11 18 14 12 16 8 19 20 13 21 22 6]\n", - "=======================\n", - "[\"( cnn ) hillary clinton finally answered the question we 've all been asking for years : will she run for president in 2016 ?a win would mean a woman in the white house , which is a vital step in the march toward women 's full political inclusion .women will continue to be less likely than men even to consider running for office .\"]\n", - "=======================\n", - "[\"jennifer lawless : there 's a strong temptation to view hillary clinton 's candidacy as all about cracking the glass ceiling for womenshe says the reality is that most people will vote not on gender but on the economy and partisanship\"]\n", - "( cnn ) hillary clinton finally answered the question we 've all been asking for years : will she run for president in 2016 ?a win would mean a woman in the white house , which is a vital step in the march toward women 's full political inclusion .women will continue to be less likely than men even to consider running for office .\n", - "jennifer lawless : there 's a strong temptation to view hillary clinton 's candidacy as all about cracking the glass ceiling for womenshe says the reality is that most people will vote not on gender but on the economy and partisanship\n", - "[1.3274412 1.4577682 1.2382889 1.3193994 1.1040053 1.0739911 1.0976124\n", - " 1.061499 1.0518026 1.1972901 1.0508281 1.0346372 1.0639782 1.05823\n", - " 1.0570123 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 3 2 9 4 6 5 12 7 13 14 8 10 11 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"aaron kaufman , the former chief technology officer of blue shield , has been accused by his former employer of blowing thousands of dollars on vacations , hotel stays and lavish nights out with reid .tara reid 's boyfriend was reportedly fired from his high-flying job at a health insurance firm for cheating them out of more than $ 100,000 by wasting their money on his company credit card .blue shield also mentioned reid in their complaint , saying that at one event bankrolled by kaufman 's card she ` behaved inappropriately ' by posting raunchy images of herself at the event to social media .\"]\n", - "=======================\n", - "[\"aaron kaufman , former chief technology officer at blue shield , was firedcompany says it sacked him for blowing cash on company credit cardalso alleged that he brought tara reid to company-funded events , where she 'em barrassed ' members of staff by posting raunchy shots onlineother alleged expenditure includes florida vacation which cost $ 17,491\"]\n", - "aaron kaufman , the former chief technology officer of blue shield , has been accused by his former employer of blowing thousands of dollars on vacations , hotel stays and lavish nights out with reid .tara reid 's boyfriend was reportedly fired from his high-flying job at a health insurance firm for cheating them out of more than $ 100,000 by wasting their money on his company credit card .blue shield also mentioned reid in their complaint , saying that at one event bankrolled by kaufman 's card she ` behaved inappropriately ' by posting raunchy images of herself at the event to social media .\n", - "aaron kaufman , former chief technology officer at blue shield , was firedcompany says it sacked him for blowing cash on company credit cardalso alleged that he brought tara reid to company-funded events , where she 'em barrassed ' members of staff by posting raunchy shots onlineother alleged expenditure includes florida vacation which cost $ 17,491\n", - "[1.2010438 1.2237381 1.345576 1.1856757 1.2870768 1.1601051 1.1129459\n", - " 1.0781128 1.0765523 1.0789539 1.0298452 1.0440558 1.120933 1.0568047\n", - " 1.0718485 1.0349107 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 4 1 0 3 5 12 6 9 7 8 14 13 11 15 10 16 17 18 19 20 21 22]\n", - "=======================\n", - "['since monday , over-55s have been able to withdraw all or part of their pension pots instead of being forced to buy a regular pension income for life , known as an annuity .pension firms said britons remained baffled about how the radical changes worked , with many unaware of age restrictions or tax implications .the biggest pension reforms in a century have been met with confusion as customers as young as 23 try to cash in their retirement savings .']\n", - "=======================\n", - "['pension firms said britons remain baffled about how radical changes workover-55s are now able to withdraw all or part of their pension potssome customers in their 20s have been trying to withdraw retirement savings , despite being three decades too youngothers do not know they face hefty tax bill if they remove all cash at once']\n", - "since monday , over-55s have been able to withdraw all or part of their pension pots instead of being forced to buy a regular pension income for life , known as an annuity .pension firms said britons remained baffled about how the radical changes worked , with many unaware of age restrictions or tax implications .the biggest pension reforms in a century have been met with confusion as customers as young as 23 try to cash in their retirement savings .\n", - "pension firms said britons remain baffled about how radical changes workover-55s are now able to withdraw all or part of their pension potssome customers in their 20s have been trying to withdraw retirement savings , despite being three decades too youngothers do not know they face hefty tax bill if they remove all cash at once\n", - "[1.4379641 1.3477879 1.2091161 1.1303668 1.3162994 1.227149 1.1272707\n", - " 1.0396467 1.1973262 1.1189502 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 5 2 8 3 6 9 7 17 10 11 12 13 14 15 16 18]\n", - "=======================\n", - "['kevin pietersen has announced plans to begin his season with surrey against oxford mccu in the parks .pietersen , hoping to press for an england recall through weight of runs in the lv = county championship , signed a new contract with surrey last month .the record-breaking batsman is therefore expected to feature in his first championship match since 2013 , against glamorgan on april 19 .']\n", - "=======================\n", - "['kevin pietersen signed a new contract with surrey last monthhe has confirmed that he will play against oxford mccu later this monthpietersen is still hoping to win an england recall']\n", - "kevin pietersen has announced plans to begin his season with surrey against oxford mccu in the parks .pietersen , hoping to press for an england recall through weight of runs in the lv = county championship , signed a new contract with surrey last month .the record-breaking batsman is therefore expected to feature in his first championship match since 2013 , against glamorgan on april 19 .\n", - "kevin pietersen signed a new contract with surrey last monthhe has confirmed that he will play against oxford mccu later this monthpietersen is still hoping to win an england recall\n", - "[1.1906203 1.4350946 1.3384902 1.3518841 1.2133234 1.0773201 1.0226624\n", - " 1.0464712 1.0139847 1.0178235 1.0227904 1.0214186 1.1537175 1.0166618\n", - " 1.0239754 1.0553368 1.0917668 1.014 1.0854533]\n", - "\n", - "[ 1 3 2 4 0 12 16 18 5 15 7 14 10 6 11 9 13 17 8]\n", - "=======================\n", - "[\"in the hbo documentary thought crimes which premiered on thursday at tribeca film festival , valle talks about his 2012 arrest and the claims that allegedly plotted to kidnap , torture , and eat his wife and other women online .for those hungry to learn about valle and his stomach-churning fantasies , the film will also be shown on hbo in may .family time : gilberto valle , often at his mother 's house , is seen cooking in the film but he 's only making bacon and eggs and he makes jokes about people feeling afraid when they see him with a fork\"]\n", - "=======================\n", - "[\"` cannibal cop ' gilberto valle stars in an hbo documentary called thought crimes which premiered on thursday at the tribeca film festival` when you 're behind a computer screen late at night , no one knows who you are , where you are , ' valle says in the opening of the documentaryvalle insists throughout the film that he never intended to actually hurt anyone and says he just has dark fantasiesvalle was arrested in 2012 for plotting to kill and cook women but was released in july\"]\n", - "in the hbo documentary thought crimes which premiered on thursday at tribeca film festival , valle talks about his 2012 arrest and the claims that allegedly plotted to kidnap , torture , and eat his wife and other women online .for those hungry to learn about valle and his stomach-churning fantasies , the film will also be shown on hbo in may .family time : gilberto valle , often at his mother 's house , is seen cooking in the film but he 's only making bacon and eggs and he makes jokes about people feeling afraid when they see him with a fork\n", - "` cannibal cop ' gilberto valle stars in an hbo documentary called thought crimes which premiered on thursday at the tribeca film festival` when you 're behind a computer screen late at night , no one knows who you are , where you are , ' valle says in the opening of the documentaryvalle insists throughout the film that he never intended to actually hurt anyone and says he just has dark fantasiesvalle was arrested in 2012 for plotting to kill and cook women but was released in july\n", - "[1.5924764 1.5065944 1.2909434 1.2638314 1.0389068 1.0701691 1.3557774\n", - " 1.0340743 1.0170128 1.02604 1.0207111 1.07229 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 6 2 3 11 5 4 7 9 10 8 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"jacques burger will be available to play in saracens ' european champions cup semi-final against clermont auvergne in saint etienne on april 18 .the namibia flanker received a one-week ban after he appeared at a champions cup disciplinary hearing on thursday .burger , who will miss saracens ' aviva premiership appointment with play-off rivals leicester at allianz park on saturday , had been cited by the match commissioner for striking racing metro scrum-half maxime machenaud during last weekend 's champions cup quarter-final victory in paris .\"]\n", - "=======================\n", - "[\"jacques burger was cited for striking racing metro 's maxime machenaudsaracens defeated racing with the last kick of the game in the quarter-finalmark mccall 's side face leicester tigers on saturdayburger received a one-week ban for his strike on machenaudthe openside will miss the tigers game , but will be free to play clermont\"]\n", - "jacques burger will be available to play in saracens ' european champions cup semi-final against clermont auvergne in saint etienne on april 18 .the namibia flanker received a one-week ban after he appeared at a champions cup disciplinary hearing on thursday .burger , who will miss saracens ' aviva premiership appointment with play-off rivals leicester at allianz park on saturday , had been cited by the match commissioner for striking racing metro scrum-half maxime machenaud during last weekend 's champions cup quarter-final victory in paris .\n", - "jacques burger was cited for striking racing metro 's maxime machenaudsaracens defeated racing with the last kick of the game in the quarter-finalmark mccall 's side face leicester tigers on saturdayburger received a one-week ban for his strike on machenaudthe openside will miss the tigers game , but will be free to play clermont\n", - "[1.3117824 1.415638 1.2053328 1.2905121 1.2161356 1.0936012 1.1214833\n", - " 1.1437168 1.0567162 1.0703439 1.0782529 1.0984033 1.0681607 1.0408486\n", - " 1.0086863 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 4 2 7 6 11 5 10 9 12 8 13 14 15 16 17 18]\n", - "=======================\n", - "[\"if found guilty , 17-year-old chancey luna faces a maximum sentence of life in jail without the prospect of release .jury selection has begun in oklahoma for the murder trial of the teenager accused of shooting dead australian baseball player chris lane .in a tedious process that could last four days , district court judge ken graham , prosecutors and luna 's legal team have begun questioning a jury pool of 170 stephens county residents .\"]\n", - "=======================\n", - "['jury selection has begun in oklahoma for the murder trial of chancey lunaluna is accused of shooting dead australian baseball player chris lanelane , 22 , from melbourne , was jogging along a street in the rural southern oklahoma city of duncan in august 2013 when he was shot in the back']\n", - "if found guilty , 17-year-old chancey luna faces a maximum sentence of life in jail without the prospect of release .jury selection has begun in oklahoma for the murder trial of the teenager accused of shooting dead australian baseball player chris lane .in a tedious process that could last four days , district court judge ken graham , prosecutors and luna 's legal team have begun questioning a jury pool of 170 stephens county residents .\n", - "jury selection has begun in oklahoma for the murder trial of chancey lunaluna is accused of shooting dead australian baseball player chris lanelane , 22 , from melbourne , was jogging along a street in the rural southern oklahoma city of duncan in august 2013 when he was shot in the back\n", - "[1.0707284 1.1668092 1.1161143 1.4686768 1.3047504 1.2638047 1.0991846\n", - " 1.0378083 1.062631 1.1860065 1.0345879 1.081782 1.0881712 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 5 9 1 2 6 12 11 0 8 7 10 13 14 15 16 17 18]\n", - "=======================\n", - "['the 11-year-old boy with autism is seen drawing the intricate map of the world from scratcha professor in new york invited her 11-year-old autistic son to one of her classes , during which he got up on a chair and drew the world map from memory .a student took the photos and her father posted them on the online community , reddit , as user bobitis .']\n", - "=======================\n", - "['image went viral after it was posted by user bobitis on redditthe unnamed youth , from new york , knelt on a chair to reach whiteboardthe boy is the son of new york professor and drew map from memory']\n", - "the 11-year-old boy with autism is seen drawing the intricate map of the world from scratcha professor in new york invited her 11-year-old autistic son to one of her classes , during which he got up on a chair and drew the world map from memory .a student took the photos and her father posted them on the online community , reddit , as user bobitis .\n", - "image went viral after it was posted by user bobitis on redditthe unnamed youth , from new york , knelt on a chair to reach whiteboardthe boy is the son of new york professor and drew map from memory\n", - "[1.4026481 1.2695037 1.070504 1.1368141 1.2003433 1.1549125 1.172418\n", - " 1.0461864 1.1437161 1.1050419 1.0670539 1.0798169 1.0120739 1.0927776\n", - " 1.018868 1.0324178 1.0810778 1.0957053 1.0324503 0. ]\n", - "\n", - "[ 0 1 4 6 5 8 3 9 17 13 16 11 2 10 7 18 15 14 12 19]\n", - "=======================\n", - "['pretty spot : queen victoria spent her holidays in osborne house on the isle of wightshe would travel to portsmouth by train and then by ferry to ryde .so , in 1875 , a station was built at whippingham , the closest point on the line to osborne house -- just to serve the royal residence .']\n", - "=======================\n", - "[\"queen victoria 's holiday residence was osborne house on the isle of wightbut her journeys there involved train and ferry ride and then another train ride to a station more than two miles from the propertyin 1875 , a station was built at whippingham just to serve royal residencebuilding is now a five-bedroom home , currently on the market for # 625,000\"]\n", - "pretty spot : queen victoria spent her holidays in osborne house on the isle of wightshe would travel to portsmouth by train and then by ferry to ryde .so , in 1875 , a station was built at whippingham , the closest point on the line to osborne house -- just to serve the royal residence .\n", - "queen victoria 's holiday residence was osborne house on the isle of wightbut her journeys there involved train and ferry ride and then another train ride to a station more than two miles from the propertyin 1875 , a station was built at whippingham just to serve royal residencebuilding is now a five-bedroom home , currently on the market for # 625,000\n", - "[1.2870506 1.4915699 1.2579836 1.0895529 1.1023608 1.3247061 1.0206513\n", - " 1.0151232 1.1797369 1.103576 1.10734 1.1598642 1.2391068 1.046927\n", - " 1.0293121 1.0980387 1.0109094 1.0103428 1.0699857 1.0819541]\n", - "\n", - "[ 1 5 0 2 12 8 11 10 9 4 15 3 19 18 13 14 6 7 16 17]\n", - "=======================\n", - "[\"the british singer , who is currently touring new zealand , took time out of his schedule over the weekend to help jess knight celebrate her 20th birthday in auckland hospital .ed sheeran surprised a fan in hospital for her birthday after she had to give up her tickets to his concert when she was diagnosed with cancer .an ecstatic ms knight said she ` could n't stop smiling ' following the memorable visit .\"]\n", - "=======================\n", - "['jess knight , 20 , was surprised by ed sheeran at auckland hospitalshe had planned on being at his auckland concert at the weekendhowever , jess was diagnosed with leukemia two weeks after buying the tickets last octobershe launched a social media campaign to beg sheeran to visit herbritish singer spent 30 minutes with an ecstatic jess and her friends']\n", - "the british singer , who is currently touring new zealand , took time out of his schedule over the weekend to help jess knight celebrate her 20th birthday in auckland hospital .ed sheeran surprised a fan in hospital for her birthday after she had to give up her tickets to his concert when she was diagnosed with cancer .an ecstatic ms knight said she ` could n't stop smiling ' following the memorable visit .\n", - "jess knight , 20 , was surprised by ed sheeran at auckland hospitalshe had planned on being at his auckland concert at the weekendhowever , jess was diagnosed with leukemia two weeks after buying the tickets last octobershe launched a social media campaign to beg sheeran to visit herbritish singer spent 30 minutes with an ecstatic jess and her friends\n", - "[1.0941559 1.578043 1.1392612 1.145572 1.0346129 1.0239365 1.022379\n", - " 1.0164887 1.0652543 1.2024959 1.2162586 1.0587032 1.1937677 1.019993\n", - " 1.0362728 1.1284755 1.0636811 1.0239408 1.0351614 1.02817 ]\n", - "\n", - "[ 1 10 9 12 3 2 15 0 8 16 11 14 18 4 19 17 5 6 13 7]\n", - "=======================\n", - "[\"the world 's leading showjumping and dressage horses have reached las vegas for this week 's world cup finals .vegas is home to the finals for the sixth time since first hosting showjumping in 2000 .the flights are over and they 're in las vegas to work .\"]\n", - "=======================\n", - "[\"horses complete transatlantic trip to las vegas in ` business class ' luxury80,000 fans expected as organizers spend $ 8m bringing horses back to vegascelebrity chefs and legends of sport will mix with top jumping and dressage ridersworld cup final trophies to be won -- some of the most prestigious in the sport\"]\n", - "the world 's leading showjumping and dressage horses have reached las vegas for this week 's world cup finals .vegas is home to the finals for the sixth time since first hosting showjumping in 2000 .the flights are over and they 're in las vegas to work .\n", - "horses complete transatlantic trip to las vegas in ` business class ' luxury80,000 fans expected as organizers spend $ 8m bringing horses back to vegascelebrity chefs and legends of sport will mix with top jumping and dressage ridersworld cup final trophies to be won -- some of the most prestigious in the sport\n", - "[1.2766076 1.4246007 1.2318814 1.3254759 1.1566212 1.0902841 1.0652219\n", - " 1.0484796 1.1417358 1.1402642 1.1096933 1.0324888 1.0121758 1.0370723\n", - " 1.0412267 1.0179658 1.0454298 1.0224751 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 8 9 10 5 6 7 16 14 13 11 17 15 12 18 19]\n", - "=======================\n", - "[\"bishop robert finn , 62 , offered his resignation under the code of canon law that allows bishops to resign early for illness or some ` grave ' reason that makes them unfit for office .pope francis has accepted the resignation of an american bishop who pleaded guilty to failing to report a priest who was a suspected child abuser .but children 's rights advocates are urging pope francis to do much more to deal with clergy who become embroiled in child sex scandals .\"]\n", - "=======================\n", - "[\"bishop robert finn failed to notify police about a suspected child abuserhe waited months before telling authorities about reverend shawn ratiganin 2012 , finn plead guilty to a misdemeanor charge and was given probationhe is now the highest-ranking church official convicted of sex abuse-related chargeschildren 's rights advocates have called on pope francis to do even more\"]\n", - "bishop robert finn , 62 , offered his resignation under the code of canon law that allows bishops to resign early for illness or some ` grave ' reason that makes them unfit for office .pope francis has accepted the resignation of an american bishop who pleaded guilty to failing to report a priest who was a suspected child abuser .but children 's rights advocates are urging pope francis to do much more to deal with clergy who become embroiled in child sex scandals .\n", - "bishop robert finn failed to notify police about a suspected child abuserhe waited months before telling authorities about reverend shawn ratiganin 2012 , finn plead guilty to a misdemeanor charge and was given probationhe is now the highest-ranking church official convicted of sex abuse-related chargeschildren 's rights advocates have called on pope francis to do even more\n", - "[1.0863439 1.3941479 1.2279137 1.3219318 1.3173938 1.1756369 1.093805\n", - " 1.0640886 1.053219 1.0640888 1.1488429 1.122163 1.0733682 1.0474757\n", - " 1.0383517 1.0617832 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 5 10 11 6 0 12 9 7 15 8 13 14 16 17 18 19]\n", - "=======================\n", - "['those who frequently dine out or feast on takeaways are more likely to have pre-hypertension -- elevated blood pressure -- with just one extra meal out a week raising the odds by six per cent , a study found .a team at duke-nus graduate medical school in singapore found 27.4 per cent of the population suffered from pre-hypertension .eating out is associated with higher calorie , saturated fat and salt intake -- all causes of high blood pressure .']\n", - "=======================\n", - "[\"those who often dine out are more likely to have elevated blood pressureeating out is associated with higher calorie , saturated fat and salt intakeresearchers found 27.4 % of singapore 's population had pre-hypertensionof these , more than a third ate more than 12 meals out every week\"]\n", - "those who frequently dine out or feast on takeaways are more likely to have pre-hypertension -- elevated blood pressure -- with just one extra meal out a week raising the odds by six per cent , a study found .a team at duke-nus graduate medical school in singapore found 27.4 per cent of the population suffered from pre-hypertension .eating out is associated with higher calorie , saturated fat and salt intake -- all causes of high blood pressure .\n", - "those who often dine out are more likely to have elevated blood pressureeating out is associated with higher calorie , saturated fat and salt intakeresearchers found 27.4 % of singapore 's population had pre-hypertensionof these , more than a third ate more than 12 meals out every week\n", - "[1.3226781 1.2628967 1.3382424 1.2520306 1.1845217 1.2381545 1.1830758\n", - " 1.106252 1.0749042 1.024289 1.0236607 1.0295355 1.0305564 1.1267991\n", - " 1.1452836 1.0222526 1.0153105 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 3 5 4 6 14 13 7 8 12 11 9 10 15 16 24 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"music lovers paid nearly # 40 to see the singer perform in canterbury last night - only to wait for more than three hours for him to arrive .fans of rapper tinie tempah were left furious when the star turned up hours late to his own ` intimate gig ' and only performed two songs before leaving .he then spent just a few minutes on stage , playing two of his songs before telling the crowd ` see you on tour ' and leaving .\"]\n", - "=======================\n", - "[\"exclusive : rapper was booked to play ` intimate gig ' at club in canterburybut he turned up three hours after advertised start time and played just two songs before leavingclub has apologised and vowed to seek refund from the star 's management\"]\n", - "music lovers paid nearly # 40 to see the singer perform in canterbury last night - only to wait for more than three hours for him to arrive .fans of rapper tinie tempah were left furious when the star turned up hours late to his own ` intimate gig ' and only performed two songs before leaving .he then spent just a few minutes on stage , playing two of his songs before telling the crowd ` see you on tour ' and leaving .\n", - "exclusive : rapper was booked to play ` intimate gig ' at club in canterburybut he turned up three hours after advertised start time and played just two songs before leavingclub has apologised and vowed to seek refund from the star 's management\n", - "[1.2102575 1.1781871 1.2701707 1.2099924 1.0908705 1.0325241 1.0254103\n", - " 1.085979 1.1754767 1.0952085 1.0732685 1.0546745 1.0348898 1.0350368\n", - " 1.0451816 1.0689285 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 1 8 9 4 7 10 15 11 14 13 12 5 6 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"mirreyes , which refers to individuals who enjoy ` ostentatious spending , exhibitionism and narcissism ' and are ` placed above all others ' , post pictures of luxuries with a hashtag of the same name .every country in the world may have its rich kids of instagram , but in mexico the increasingly ostentatious displays of wealth by the young elite is taking on a political dimension .ballers and shotcallers : mirreyes are often the sons and daughters of the members of mexican high society\"]\n", - "=======================\n", - "[\"teens and young adults from mexico use social media to show off wealththey are known as mirreyes and are members of mexican high societyone such individual , jorge alberto lópez amores , dove off yacht in 2014lópez , 29 , asked friends to take video of stunt and was never seen againexpert : ` the economic wealth mirreyes use is the main marker of class 'households in mexico take in an average of $ 12,850 per year after taxes\"]\n", - "mirreyes , which refers to individuals who enjoy ` ostentatious spending , exhibitionism and narcissism ' and are ` placed above all others ' , post pictures of luxuries with a hashtag of the same name .every country in the world may have its rich kids of instagram , but in mexico the increasingly ostentatious displays of wealth by the young elite is taking on a political dimension .ballers and shotcallers : mirreyes are often the sons and daughters of the members of mexican high society\n", - "teens and young adults from mexico use social media to show off wealththey are known as mirreyes and are members of mexican high societyone such individual , jorge alberto lópez amores , dove off yacht in 2014lópez , 29 , asked friends to take video of stunt and was never seen againexpert : ` the economic wealth mirreyes use is the main marker of class 'households in mexico take in an average of $ 12,850 per year after taxes\n", - "[1.5078259 1.2635586 1.166259 1.1462607 1.2502385 1.2376493 1.0197122\n", - " 1.0268419 1.3607459 1.0294667 1.0353351 1.0414207 1.0594146 1.0089332\n", - " 1.0400808 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 8 1 4 5 2 3 12 11 14 10 9 7 6 13 23 22 21 20 16 18 17 15 24\n", - " 19 25]\n", - "=======================\n", - "[\"england test captain alastair cook feared jonathan trott 's international career was over 18 months ago , but feels he is now ready to face the ` pressure cooker ' once again .trott dramatically left the 2013/14 ashes trip after just one match at the gabba having struggled with what was initially labelled a ` stress-related condition ' and later diagnosed as situational anxiety .the pair are now heavy favourites to open the batting together in west indies this month and should get a first chance against a st kitts & nevis invitation xi on monday .\"]\n", - "=======================\n", - "[\"alastair cook feels jonathan trott is ready to return to the england squadtrott left the international stage last year with ` situational anxiety 'the batsman has been impressive for his side warwickshire\"]\n", - "england test captain alastair cook feared jonathan trott 's international career was over 18 months ago , but feels he is now ready to face the ` pressure cooker ' once again .trott dramatically left the 2013/14 ashes trip after just one match at the gabba having struggled with what was initially labelled a ` stress-related condition ' and later diagnosed as situational anxiety .the pair are now heavy favourites to open the batting together in west indies this month and should get a first chance against a st kitts & nevis invitation xi on monday .\n", - "alastair cook feels jonathan trott is ready to return to the england squadtrott left the international stage last year with ` situational anxiety 'the batsman has been impressive for his side warwickshire\n", - "[1.2531505 1.3565559 1.2006551 1.1149188 1.0816665 1.0599318 1.3262411\n", - " 1.2031869 1.1268337 1.1186138 1.1149163 1.0566396 1.0453777 1.0360379\n", - " 1.0108142 1.0861102 1.0206823 1.0155231 1.0338573 1.016832 1.0145591\n", - " 1.017651 1.0197915 1.0120069 1.0130239 1.0140194]\n", - "\n", - "[ 1 6 0 7 2 8 9 3 10 15 4 5 11 12 13 18 16 22 21 19 17 20 25 24\n", - " 23 14]\n", - "=======================\n", - "[\"danielle busby looked tired but ecstatic as she appeared on today for an interview just a week after giving birth .the nation 's first ever set of all-girl quintuplets is ` doing fabulous ' , according to their mother .` it was an emotional downpour ' : danielle described holding the first of her five all-girl babies\"]\n", - "=======================\n", - "[\"danielle and adam busby welcomed five girls into the world last weekshe has only held two but described the feeling as ` amazing 'born at houston 's woman 's hospital of texas the babies are healthythey are the first set of all-girl quintuplets born in the us and the first globally since 1969team of 12 doctors helped to deliver the babies by c-sectiondelivery was at 28 weeks and took the team less than four minutes\"]\n", - "danielle busby looked tired but ecstatic as she appeared on today for an interview just a week after giving birth .the nation 's first ever set of all-girl quintuplets is ` doing fabulous ' , according to their mother .` it was an emotional downpour ' : danielle described holding the first of her five all-girl babies\n", - "danielle and adam busby welcomed five girls into the world last weekshe has only held two but described the feeling as ` amazing 'born at houston 's woman 's hospital of texas the babies are healthythey are the first set of all-girl quintuplets born in the us and the first globally since 1969team of 12 doctors helped to deliver the babies by c-sectiondelivery was at 28 weeks and took the team less than four minutes\n", - "[1.1372641 1.0972419 1.0883836 1.0485619 1.2452369 1.0920581 1.5913496\n", - " 1.0347896 1.0289174 1.2143111 1.0701662 1.1513594 1.0207628 1.0296006\n", - " 1.0216769 1.0163695 1.0324949 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 6 4 9 11 0 1 5 2 10 3 7 16 13 8 14 12 15 24 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"stuart broad ( right ) was dismissed for a duck in england 's first innings against west indies in antiguafact is , in the last 14 tests broad has taken 63 wickets at 24 apiece which is pretty good considering he 's been carrying niggles and injuries .broad and jimmy anderson are an outstanding combination , taking 526 wickets between them in the 70 tests they have played together -- a record that has seen them stand comparison with the partnership of sir ian botham and bob willis .\"]\n", - "=======================\n", - "[\"stuart broad was dismissed for a duck in england 's first inningsthe 28-year-old has had a complete demise in his battingbroad must not let his batting woes must not affect his bowlinghe is still is the enforcer and combines well with james anderson\"]\n", - "stuart broad ( right ) was dismissed for a duck in england 's first innings against west indies in antiguafact is , in the last 14 tests broad has taken 63 wickets at 24 apiece which is pretty good considering he 's been carrying niggles and injuries .broad and jimmy anderson are an outstanding combination , taking 526 wickets between them in the 70 tests they have played together -- a record that has seen them stand comparison with the partnership of sir ian botham and bob willis .\n", - "stuart broad was dismissed for a duck in england 's first inningsthe 28-year-old has had a complete demise in his battingbroad must not let his batting woes must not affect his bowlinghe is still is the enforcer and combines well with james anderson\n", - "[1.2317456 1.542907 1.1253363 1.0728185 1.4362427 1.2668184 1.175535\n", - " 1.0416455 1.1363267 1.1155257 1.109893 1.0799102 1.080702 1.039729\n", - " 1.0178889 1.0102249 1.0130974 1.0109998 1.0453814 0. ]\n", - "\n", - "[ 1 4 5 0 6 8 2 9 10 12 11 3 18 7 13 14 16 17 15 19]\n", - "=======================\n", - "[\"lenny mordarski , 68 , was viciously poked with the blue ballpoint before take off on the southwest airlines flight from chicago to manchester , new hampshire on thursday .an airline passenger who was stabbed with a pen by a woman sitting next to him because he was snoring compared the bizarre attack to being ` stung by bees ' .the woman was removed from the flight following the air rage incident and put on a later flight out of chicago\"]\n", - "=======================\n", - "[\"lenny mordarski was rudely awakened when he fell asleep before take-off on a south west airlines flight on thursdaya female passenger sitting next to him was jabbing him with a ballpointhe said : ` imagine being asleep and then being stung by bees , and then waking up and going ` owww '\"]\n", - "lenny mordarski , 68 , was viciously poked with the blue ballpoint before take off on the southwest airlines flight from chicago to manchester , new hampshire on thursday .an airline passenger who was stabbed with a pen by a woman sitting next to him because he was snoring compared the bizarre attack to being ` stung by bees ' .the woman was removed from the flight following the air rage incident and put on a later flight out of chicago\n", - "lenny mordarski was rudely awakened when he fell asleep before take-off on a south west airlines flight on thursdaya female passenger sitting next to him was jabbing him with a ballpointhe said : ` imagine being asleep and then being stung by bees , and then waking up and going ` owww '\n", - "[1.2472348 1.5425515 1.1366569 1.0957755 1.0709814 1.1945535 1.2442127\n", - " 1.0264485 1.218576 1.0469574 1.0614161 1.0942498 1.0421721 1.1227908\n", - " 1.064297 1.0566448 1.0088674 1.0111246 1.0745194 0. ]\n", - "\n", - "[ 1 0 6 8 5 2 13 3 11 18 4 14 10 15 9 12 7 17 16 19]\n", - "=======================\n", - "[\"the smiley toddler - who has lived at the home of the innocents nursing facility in kentucky since she was three months old - was filmed as she perfectly lip-synced to miley cyrus ' wrecking ball .despite battling an a rare congenital condition two-year-old nathaly hernandez wo n't let things get her down , as a heartwarming new video shows .nathaly was born with a number of complications impacting her joints and movement .\"]\n", - "=======================\n", - "[\"nathaly hernandez has lived at the home of the innocents nursing facility in kentucky since she was three months oldshe was born with a rare condition that impacts her joints and movementher caregivers said she became obsessed with miley cyrus ' wrecking ball after her teenage roommate played the trackthey filmed her lip-syncing the track last friday with the video triggering a torrent of positive response\"]\n", - "the smiley toddler - who has lived at the home of the innocents nursing facility in kentucky since she was three months old - was filmed as she perfectly lip-synced to miley cyrus ' wrecking ball .despite battling an a rare congenital condition two-year-old nathaly hernandez wo n't let things get her down , as a heartwarming new video shows .nathaly was born with a number of complications impacting her joints and movement .\n", - "nathaly hernandez has lived at the home of the innocents nursing facility in kentucky since she was three months oldshe was born with a rare condition that impacts her joints and movementher caregivers said she became obsessed with miley cyrus ' wrecking ball after her teenage roommate played the trackthey filmed her lip-syncing the track last friday with the video triggering a torrent of positive response\n", - "[1.4249766 1.3996762 1.1734447 1.4141529 1.2233144 1.2133203 1.1361227\n", - " 1.0257496 1.0192984 1.0496423 1.0715604 1.1024536 1.0396754 1.0482516\n", - " 1.0726583 1.0114089 1.0075042 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 5 2 6 11 14 10 9 13 12 7 8 15 16 17 18 19]\n", - "=======================\n", - "['dallas cowboys defensive end greg hardy has been suspended without pay for 10 games for conduct detrimental to the national football league .the decision to ban hardy , who last played for the carolina panthers , followed a two-month nfl investigation that started after the dismissal of his domestic violence case in february .the jury trial for hardy had been set to begin in charlotte after he was accused of assaulting his former girlfriend , nicole holder , and threatening to kill her .']\n", - "=======================\n", - "[\"greg hardy 's league ban to begin on september 5hardy signed with the dallas cowboys in marchhardy was arrested and charged in may last year with assaulting and threatening to kill his ex-girlfriendthe case was dismissed in court in february after a lack of co-operation from the accuser\"]\n", - "dallas cowboys defensive end greg hardy has been suspended without pay for 10 games for conduct detrimental to the national football league .the decision to ban hardy , who last played for the carolina panthers , followed a two-month nfl investigation that started after the dismissal of his domestic violence case in february .the jury trial for hardy had been set to begin in charlotte after he was accused of assaulting his former girlfriend , nicole holder , and threatening to kill her .\n", - "greg hardy 's league ban to begin on september 5hardy signed with the dallas cowboys in marchhardy was arrested and charged in may last year with assaulting and threatening to kill his ex-girlfriendthe case was dismissed in court in february after a lack of co-operation from the accuser\n", - "[1.240238 1.4206386 1.2608612 1.2601656 1.3162931 1.238461 1.0461133\n", - " 1.0229121 1.0421894 1.0368629 1.0918019 1.0515984 1.0295521 1.0386409\n", - " 1.093261 1.0493947 1.0194755 1.0413177 1.0234454 1.0262282]\n", - "\n", - "[ 1 4 2 3 0 5 14 10 11 15 6 8 17 13 9 12 19 18 7 16]\n", - "=======================\n", - "['pleasaunce cottage in dormans park near east grinstead has been lovingly upheld to how its first owners intended it in the 19th century .with wood paneling on indoor ceilings and a large veranda at its front , the unique property is one of the first ever bungalows built in the country .it has gone on the market for # 985,000 , with historians eager to put it forward for listing to further protect its heritage .']\n", - "=======================\n", - "['pleasaunce cottage in dormans park near east grinstead has been lovingly maintained since the 19th centurythe unique property has a large veranda , original oak panelling , four bedrooms and stained glass windowsit is one of the last surviving bungalows in britain built in the same style as original properties found in indiain the victorian age bungalows were the reserve of the wealthy upper classes were used to escape heat of cities']\n", - "pleasaunce cottage in dormans park near east grinstead has been lovingly upheld to how its first owners intended it in the 19th century .with wood paneling on indoor ceilings and a large veranda at its front , the unique property is one of the first ever bungalows built in the country .it has gone on the market for # 985,000 , with historians eager to put it forward for listing to further protect its heritage .\n", - "pleasaunce cottage in dormans park near east grinstead has been lovingly maintained since the 19th centurythe unique property has a large veranda , original oak panelling , four bedrooms and stained glass windowsit is one of the last surviving bungalows in britain built in the same style as original properties found in indiain the victorian age bungalows were the reserve of the wealthy upper classes were used to escape heat of cities\n", - "[1.3256195 1.4832991 1.2605042 1.3336443 1.2633507 1.2411103 1.1816237\n", - " 1.0491147 1.0116715 1.0147747 1.0282782 1.0116513 1.0076942 1.0138134\n", - " 1.1483593 1.0803292 1.0516498 1.130627 1.1105249 0. ]\n", - "\n", - "[ 1 3 0 4 2 5 6 14 17 18 15 16 7 10 9 13 8 11 12 19]\n", - "=======================\n", - "['sir ranulph , 71 , completed the most gruelling stage of the desert race today , but was taken straight to the medical tent because the exertion had begun to take its toll on his heart .veteran explorer sir ranulph fiennes is receiving medical attention at the marathon des sables after running for 30 hours in temperatures topping 50c .heath : the explorer previously suffered two heart attacks and underwent a double heart bypass , a cancer operation and is in an ongoing fight with diabetes']\n", - "=======================\n", - "['sir ranulph fiennes is receiving medical attention at marathon des sablesveteran explorer , 71 , has completed most gruelling stage of the desert raceforced to lie down intermittently during last few hours so he could finishaiming to become the oldest briton to complete the six-day ultra-marathon']\n", - "sir ranulph , 71 , completed the most gruelling stage of the desert race today , but was taken straight to the medical tent because the exertion had begun to take its toll on his heart .veteran explorer sir ranulph fiennes is receiving medical attention at the marathon des sables after running for 30 hours in temperatures topping 50c .heath : the explorer previously suffered two heart attacks and underwent a double heart bypass , a cancer operation and is in an ongoing fight with diabetes\n", - "sir ranulph fiennes is receiving medical attention at marathon des sablesveteran explorer , 71 , has completed most gruelling stage of the desert raceforced to lie down intermittently during last few hours so he could finishaiming to become the oldest briton to complete the six-day ultra-marathon\n", - "[1.3922157 1.4422209 1.4519095 1.233899 1.051975 1.0335726 1.2112397\n", - " 1.18497 1.108533 1.0760591 1.0743158 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 6 7 8 9 10 4 5 18 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"mo farah will race in birmingham in the first time he 's competed in 1,500 m since 2013the double olympic champion over 5,000 m and 10,000 m will step down in distance for the diamond league event on june 7 as he looks to hone his finishing speed ahead of the world championships in beijing in august .jessica ennis-hill became a national hero when she won heptathlon gold at the london 2012 olympics\"]\n", - "=======================\n", - "[\"mo farah will compete at the birmingham grand prix in juneolympic gold medalist wants to prepare for world championshipsfarah will join jessica ennis-hill and greg rutherford for sainsbury 's anniversary games\"]\n", - "mo farah will race in birmingham in the first time he 's competed in 1,500 m since 2013the double olympic champion over 5,000 m and 10,000 m will step down in distance for the diamond league event on june 7 as he looks to hone his finishing speed ahead of the world championships in beijing in august .jessica ennis-hill became a national hero when she won heptathlon gold at the london 2012 olympics\n", - "mo farah will compete at the birmingham grand prix in juneolympic gold medalist wants to prepare for world championshipsfarah will join jessica ennis-hill and greg rutherford for sainsbury 's anniversary games\n", - "[1.3848519 1.2253145 1.3141532 1.1917897 1.2307453 1.1472386 1.0507287\n", - " 1.1054814 1.0723271 1.0346628 1.0747037 1.0561752 1.038583 1.0752504\n", - " 1.0633408 1.0841459 1.0239319 0. 0. 0. ]\n", - "\n", - "[ 0 2 4 1 3 5 7 15 13 10 8 14 11 6 12 9 16 17 18 19]\n", - "=======================\n", - "[\"kellogg 's is the latest us owned multinational to be embroiled in the controversy over tax avoidance in britainthe cereal giant warned shareholders its profits could be hit by government moves to close tax loopholes .its two main uk subsidiaries are owned by an operation based in the republic of ireland , where corporation tax is 12.5 per cent , compared with the uk 's 20 per cent .\"]\n", - "=======================\n", - "[\"kellogg 's makes hundreds of millions from annual sales to british familiesbut latest figures show it effectively paid no corporation tax in uk in 2013uses complex legal tax manoeuvres involving subsidiary companiesbut new measures introduced by george osborne set to close loophole\"]\n", - "kellogg 's is the latest us owned multinational to be embroiled in the controversy over tax avoidance in britainthe cereal giant warned shareholders its profits could be hit by government moves to close tax loopholes .its two main uk subsidiaries are owned by an operation based in the republic of ireland , where corporation tax is 12.5 per cent , compared with the uk 's 20 per cent .\n", - "kellogg 's makes hundreds of millions from annual sales to british familiesbut latest figures show it effectively paid no corporation tax in uk in 2013uses complex legal tax manoeuvres involving subsidiary companiesbut new measures introduced by george osborne set to close loophole\n", - "[1.1878209 1.4914287 1.142189 1.4015665 1.1785436 1.0892459 1.0601786\n", - " 1.2833278 1.095484 1.0524874 1.0363861 1.0542703 1.1085825 1.170871\n", - " 1.0624804 1.0125157 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 7 0 4 13 2 12 8 5 14 6 11 9 10 15 18 16 17 19]\n", - "=======================\n", - "[\"albert webb , 51 , and sons jimmy chuter , 26 , and jesse webb , 19 , followed people aged up to 97 home from the post office after they had collected their pensions before demanding the cash .a father and his two sons who accosted pensioners with dementia in the street asking for payment for roof repairs they had n't done have been jailed for a total of eight years .in total the family gang carried out 35 thefts , starting in february 2012 - when pensioners were still able to withdraw cash from their local post office .\"]\n", - "=======================\n", - "['albert webb , 51 , ran con with sons jimmy chuter , 26 , and jesse webb , 19trio targeted the elderly , accosting them in the street near their homesgang claimed they were coming to collect money for bogus roof repairsas victims suffered from dementia they often handed over the cash']\n", - "albert webb , 51 , and sons jimmy chuter , 26 , and jesse webb , 19 , followed people aged up to 97 home from the post office after they had collected their pensions before demanding the cash .a father and his two sons who accosted pensioners with dementia in the street asking for payment for roof repairs they had n't done have been jailed for a total of eight years .in total the family gang carried out 35 thefts , starting in february 2012 - when pensioners were still able to withdraw cash from their local post office .\n", - "albert webb , 51 , ran con with sons jimmy chuter , 26 , and jesse webb , 19trio targeted the elderly , accosting them in the street near their homesgang claimed they were coming to collect money for bogus roof repairsas victims suffered from dementia they often handed over the cash\n", - "[1.3365752 1.4778792 1.2192135 1.2763317 1.2459941 1.1414309 1.0641463\n", - " 1.0921128 1.019772 1.0268145 1.0549773 1.1743366 1.0939308 1.0557529\n", - " 1.0470444 1.0114818 1.0080734 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 4 2 11 5 12 7 6 13 10 14 9 8 15 16 17 18 19]\n", - "=======================\n", - "[\"prime minister john key said sorry to waitress amanda bailey , 26 , after she wrote a post on a blog site shaming him for his behaviour and saying it made her ` uncomfortable ' .awkward photos of the new zealand prime minister pulling multiple young girls ' ponytails are being posted on social media just days after he was forced to apologise to a waitress for touching her hair while she was at work .mr key defended his pranks as ' a bit of banter ' and said he had already apologised for his actions\"]\n", - "=======================\n", - "[\"waitress amanda bailey , 26 , said nz pm john key pulled her ponytailshe wrote that she gained unwanted attention from him last year at a cafems bailey said mr key kept touching her hair despite being told to stopthe prime minister apologised and said his actions were ` all in the context of a bit of banter 'social media users have posted other photos of mr key touching girls ' hair\"]\n", - "prime minister john key said sorry to waitress amanda bailey , 26 , after she wrote a post on a blog site shaming him for his behaviour and saying it made her ` uncomfortable ' .awkward photos of the new zealand prime minister pulling multiple young girls ' ponytails are being posted on social media just days after he was forced to apologise to a waitress for touching her hair while she was at work .mr key defended his pranks as ' a bit of banter ' and said he had already apologised for his actions\n", - "waitress amanda bailey , 26 , said nz pm john key pulled her ponytailshe wrote that she gained unwanted attention from him last year at a cafems bailey said mr key kept touching her hair despite being told to stopthe prime minister apologised and said his actions were ` all in the context of a bit of banter 'social media users have posted other photos of mr key touching girls ' hair\n", - "[1.3799276 1.3466716 1.2369348 1.1334306 1.1000322 1.0450307 1.3108333\n", - " 1.1251993 1.0189525 1.0877634 1.0385242 1.07182 1.1168423 1.0757568\n", - " 1.0690622 1.0560086 1.1327102 1.0164343 1.012032 1.0280335]\n", - "\n", - "[ 0 1 6 2 3 16 7 12 4 9 13 11 14 15 5 10 19 8 17 18]\n", - "=======================\n", - "[\"bruce jenner revealed he is a republican and a christian during the much-anticipated interview in which he revealed he is transitioning to be a woman .interviewer diane sawyer looked shocked when he made the revelation on her abc 20/20 special last night .jenner said ` i 've always been on the more conservative side ' when he was asked about lgbt issues - and replied ` yes ' when asked if he was a republican .\"]\n", - "=======================\n", - "['former olympian said he has ` always been on the conservative side \\' of lgbt issuessaid : \\' i would sit in church and always wonder , \" in god \\'s eyes , how does he see me ? \" \\'']\n", - "bruce jenner revealed he is a republican and a christian during the much-anticipated interview in which he revealed he is transitioning to be a woman .interviewer diane sawyer looked shocked when he made the revelation on her abc 20/20 special last night .jenner said ` i 've always been on the more conservative side ' when he was asked about lgbt issues - and replied ` yes ' when asked if he was a republican .\n", - "former olympian said he has ` always been on the conservative side ' of lgbt issuessaid : ' i would sit in church and always wonder , \" in god 's eyes , how does he see me ? \" '\n", - "[1.2143323 1.5106034 1.2266568 1.3380497 1.117219 1.2359506 1.2037153\n", - " 1.1015524 1.0812591 1.1021694 1.1524742 0. 0. 0. ]\n", - "\n", - "[ 1 3 5 2 0 6 10 4 9 7 8 11 12 13]\n", - "=======================\n", - "['diane blankenship , 45 , is accused of having sex with a 14-year-old boy in the backseat of her vehicle while her friend drove them about town in december last year .according to wtsp , blankenship was detained at her home in tampa , florida , on friday night .a female school worker has been arrested on suspicion of seducing at least two teenage boys as young as 14 .']\n", - "=======================\n", - "[\"diane blankenship , 45 , was arrested at her home in tampa on fridayshe is accused of having sex with a boy , 14 , in her carin another incident she ` had sex with a boy , 17 , at his house before school 'she is said to be a ` clerical worker ' at dayspring academy\"]\n", - "diane blankenship , 45 , is accused of having sex with a 14-year-old boy in the backseat of her vehicle while her friend drove them about town in december last year .according to wtsp , blankenship was detained at her home in tampa , florida , on friday night .a female school worker has been arrested on suspicion of seducing at least two teenage boys as young as 14 .\n", - "diane blankenship , 45 , was arrested at her home in tampa on fridayshe is accused of having sex with a boy , 14 , in her carin another incident she ` had sex with a boy , 17 , at his house before school 'she is said to be a ` clerical worker ' at dayspring academy\n", - "[1.3522267 1.394203 1.1247001 1.3516735 1.136087 1.0694855 1.0648305\n", - " 1.0809507 1.1123112 1.1603369 1.0388751 1.116718 1.0424887 1.0212151]\n", - "\n", - "[ 1 0 3 9 4 2 11 8 7 5 6 12 10 13]\n", - "=======================\n", - "[\"the venerable club in baron 's court will host britain 's biggest home tie in three decades from july 17-19 , after agreement was reached between its management and the lawn tennis association today .andy murray and his davis cup colleagues have got their preferred venue by securing london 's queen 's club as the place where they will take on france in their quarter final .the court at queen 's is at least the equal of wimbledon in terms of quality , and the atmosphere will be very different from the usually staid one that accompanies the principle warm-up event for the big fortnight .\"]\n", - "=======================\n", - "[\"queen 's club will host great britain 's quarter final against france in julyandy murray and gb captain leon smith were keen to play at queen 'stie is five days after wimbledon finishes so could not be played at sw19\"]\n", - "the venerable club in baron 's court will host britain 's biggest home tie in three decades from july 17-19 , after agreement was reached between its management and the lawn tennis association today .andy murray and his davis cup colleagues have got their preferred venue by securing london 's queen 's club as the place where they will take on france in their quarter final .the court at queen 's is at least the equal of wimbledon in terms of quality , and the atmosphere will be very different from the usually staid one that accompanies the principle warm-up event for the big fortnight .\n", - "queen 's club will host great britain 's quarter final against france in julyandy murray and gb captain leon smith were keen to play at queen 'stie is five days after wimbledon finishes so could not be played at sw19\n", - "[1.2685302 1.5833983 1.1194808 1.3449261 1.1405178 1.1109629 1.0312104\n", - " 1.0927203 1.1054553 1.0370911 1.1035278 1.1229798 1.265672 0. ]\n", - "\n", - "[ 1 3 0 12 4 11 2 5 8 10 7 9 6 13]\n", - "=======================\n", - "[\"the psg defender is out for at least four weeks after scans revealed that the 27-year-old suffered a torn hamstring in sunday 's 3-2 win at ligue 1 title rivals marseille .david luiz posted an instagram picture sporting a new hairdo in the style of a man bun on wednesdayit appears that david luiz has taken the phrase ` twiddling my hair ' literally judging by the injured paris saint-germain star 's latest instagram post .\"]\n", - "=======================\n", - "['paris saint-germain won 3-2 at ligue 1 title rivals marseille on sundaydavid luiz tore his hamstring during the stade velodrome encounterluiz will be out for at least four weeks after scans revealed the injury']\n", - "the psg defender is out for at least four weeks after scans revealed that the 27-year-old suffered a torn hamstring in sunday 's 3-2 win at ligue 1 title rivals marseille .david luiz posted an instagram picture sporting a new hairdo in the style of a man bun on wednesdayit appears that david luiz has taken the phrase ` twiddling my hair ' literally judging by the injured paris saint-germain star 's latest instagram post .\n", - "paris saint-germain won 3-2 at ligue 1 title rivals marseille on sundaydavid luiz tore his hamstring during the stade velodrome encounterluiz will be out for at least four weeks after scans revealed the injury\n", - "[1.4555416 1.3787252 1.1461457 1.2994853 1.1588345 1.1488047 1.1393752\n", - " 1.1992161 1.1147223 1.1733259 1.057845 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 7 9 4 5 2 6 8 10 11 12 13]\n", - "=======================\n", - "[\"jose mourinho has thickened up his chelsea midfield for sunday 's west london derby at qpr .the chelsea manager has been trialling a formation with ramires and nemanja matic in front of the back four as the league leaders head to loftus road .brazilian midfielder oscar has failed to complete 90 minutes in any of chelsea 's last 11 games\"]\n", - "=======================\n", - "[\"oscar was withdrawn at half-time in win over stoke city last weekendchelsea boss jose mourinho criticised oscar publicly after stoke gamebrazilian midfielder has not completed 90 minutes in last 11 gamesjose mourinho 's side visit qpr in the premier league on sunday\"]\n", - "jose mourinho has thickened up his chelsea midfield for sunday 's west london derby at qpr .the chelsea manager has been trialling a formation with ramires and nemanja matic in front of the back four as the league leaders head to loftus road .brazilian midfielder oscar has failed to complete 90 minutes in any of chelsea 's last 11 games\n", - "oscar was withdrawn at half-time in win over stoke city last weekendchelsea boss jose mourinho criticised oscar publicly after stoke gamebrazilian midfielder has not completed 90 minutes in last 11 gamesjose mourinho 's side visit qpr in the premier league on sunday\n", - "[1.5255649 1.541215 1.2324266 1.3514234 1.0961084 1.0439688 1.0304425\n", - " 1.0163805 1.0231003 1.1152576 1.1897717 1.0717871 1.2121344 1.1123655]\n", - "\n", - "[ 1 0 3 2 12 10 9 13 4 11 5 6 8 7]\n", - "=======================\n", - "['colombia striker falcao joined united on a one-year loan deal in september but has failed to shine during his time at old trafford - scoring just four goals in 25 appearances for the manchester club this season .monaco vice-president vadim vasilyev claims manchester united bosses have yet to decide whether they will sign radamel falcao on a permanent deal in the summer .radamel falcao takes aim at goal as chelsea goalkeeper thibaut courtois looks on at stamford bridge']\n", - "=======================\n", - "['radamel falcao could still earn permanent deal with manchester unitedcolombian striker joined united on a one-year loan deal in septemberfalcao has less than impressed during his time in the premier leaguemonaco vice-president vadim vasilyev claims club could still sign falcao']\n", - "colombia striker falcao joined united on a one-year loan deal in september but has failed to shine during his time at old trafford - scoring just four goals in 25 appearances for the manchester club this season .monaco vice-president vadim vasilyev claims manchester united bosses have yet to decide whether they will sign radamel falcao on a permanent deal in the summer .radamel falcao takes aim at goal as chelsea goalkeeper thibaut courtois looks on at stamford bridge\n", - "radamel falcao could still earn permanent deal with manchester unitedcolombian striker joined united on a one-year loan deal in septemberfalcao has less than impressed during his time in the premier leaguemonaco vice-president vadim vasilyev claims club could still sign falcao\n", - "[1.0637914 1.047181 1.5675685 1.1112081 1.2008388 1.1008595 1.0925292\n", - " 1.0395817 1.092792 1.1047118 1.0838743 1.0466322 1.0385762 1.0452014\n", - " 1.0351508 1.0948567 1.0569159 1.0200881]\n", - "\n", - "[ 2 4 3 9 5 15 8 6 10 0 16 1 11 13 7 12 14 17]\n", - "=======================\n", - "['british company swan , which sold its first iron in 1933 , has just released a top-of-the-range steam generator iron , for # 279.99 .but does it really make things easier ?the steam is forced out of the generator through a hose into the iron , shooting out at 90g per minute -- twice as fast as conventional steam irons ( think of the difference in power between jet-washing and using a hosepipe ) -- cutting through creases quicker .']\n", - "=======================\n", - "['british company swan has unveiled a new # 279.99 super steam ironbut can it really speed up the household chore everyone dreads ?tessa cunningham puts the best steam irons to the test']\n", - "british company swan , which sold its first iron in 1933 , has just released a top-of-the-range steam generator iron , for # 279.99 .but does it really make things easier ?the steam is forced out of the generator through a hose into the iron , shooting out at 90g per minute -- twice as fast as conventional steam irons ( think of the difference in power between jet-washing and using a hosepipe ) -- cutting through creases quicker .\n", - "british company swan has unveiled a new # 279.99 super steam ironbut can it really speed up the household chore everyone dreads ?tessa cunningham puts the best steam irons to the test\n", - "[1.192213 1.1489253 1.1334885 1.1857238 1.4081986 1.2729555 1.1779592\n", - " 1.2805755 1.0582284 1.0281583 1.0473878 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 4 7 5 0 3 6 1 2 8 10 9 11 12 13 14 15 16 17]\n", - "=======================\n", - "[\"the image was first shared on reddit under the headline ` dad security ' at the weekend .by wednesday , the image on his page had been liked by 370,000 facebook users and had been shared more than 45,000 times .a dad created this t-shirt to keep the boys away from his daughter - and she does n't look happy about it\"]\n", - "=======================\n", - "[\"a protective dad made a t-shirt for his daughter showing him with the message : ` stay clear boys , this is my dad ! 'the image was first posted to reddit and has since been shared tens of thousands of times\"]\n", - "the image was first shared on reddit under the headline ` dad security ' at the weekend .by wednesday , the image on his page had been liked by 370,000 facebook users and had been shared more than 45,000 times .a dad created this t-shirt to keep the boys away from his daughter - and she does n't look happy about it\n", - "a protective dad made a t-shirt for his daughter showing him with the message : ` stay clear boys , this is my dad ! 'the image was first posted to reddit and has since been shared tens of thousands of times\n", - "[1.2363782 1.1378356 1.2562281 1.2561953 1.1982388 1.1872405 1.181668\n", - " 1.0504665 1.0451962 1.0896482 1.1034502 1.0801617 1.1537949 1.0545031\n", - " 1.0911297 1.0269815 1.0431187 0. ]\n", - "\n", - "[ 2 3 0 4 5 6 12 1 10 14 9 11 13 7 8 16 15 17]\n", - "=======================\n", - "[\"the so-called ` boomerang generation ' are placing their parents under serious financial pressure by living at home even in their twenties and thirties .now , debt organisations have warned that parents should not be afraid to ask their children for rent and money towards household bills amid fears the british ` stiff upper lip ' makes them reluctant to admit when they need help .debt : parents are getting into debt by letting their adult children live at home for longer\"]\n", - "=======================\n", - "[\"75 % of parents with children over 18 have at least one still living with themless than half ask for rent as they feel too guilty to askthose that do , charge considerable less than the uk average8 out of 10 still buy their adult children 's groceries and cook dinner\"]\n", - "the so-called ` boomerang generation ' are placing their parents under serious financial pressure by living at home even in their twenties and thirties .now , debt organisations have warned that parents should not be afraid to ask their children for rent and money towards household bills amid fears the british ` stiff upper lip ' makes them reluctant to admit when they need help .debt : parents are getting into debt by letting their adult children live at home for longer\n", - "75 % of parents with children over 18 have at least one still living with themless than half ask for rent as they feel too guilty to askthose that do , charge considerable less than the uk average8 out of 10 still buy their adult children 's groceries and cook dinner\n", - "[1.2351533 1.1653153 1.1903234 1.4999609 1.0558052 1.1140307 1.069908\n", - " 1.0649042 1.0945215 1.0932356 1.1270881 1.1003433 1.0355283 1.0137333\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 1 10 5 11 8 9 6 7 4 12 13 16 14 15 17]\n", - "=======================\n", - "['tom sturridge the fiance of sienna miller could be set to overtake his partner in the fame stakes this year as he stars in the west end play american buffalo and is set to release a film with ryan goslinguntil now , tom sturridge has been best known as the long-haired hipster who finally tamed sienna miller .and later this year he will feature alongside ryan gosling , rooney mara and natalie portman in the new film weightless .']\n", - "=======================\n", - "[\"tom sturridge , 29 , will star in american buffalo alongside damian lewishe is fast becoming a critics ' favourite but is picky about his workengaged to sienna miller , the mother of daughter marloweborn into an acting family , he 's best friends with robert pattinson\"]\n", - "tom sturridge the fiance of sienna miller could be set to overtake his partner in the fame stakes this year as he stars in the west end play american buffalo and is set to release a film with ryan goslinguntil now , tom sturridge has been best known as the long-haired hipster who finally tamed sienna miller .and later this year he will feature alongside ryan gosling , rooney mara and natalie portman in the new film weightless .\n", - "tom sturridge , 29 , will star in american buffalo alongside damian lewishe is fast becoming a critics ' favourite but is picky about his workengaged to sienna miller , the mother of daughter marloweborn into an acting family , he 's best friends with robert pattinson\n", - "[1.2891126 1.3825171 1.2288104 1.2525051 1.0564246 1.281643 1.1666719\n", - " 1.0902295 1.1537416 1.1033767 1.0285708 1.0269451 1.028655 1.0202198\n", - " 1.044126 1.040377 1.0380096 1.0790881]\n", - "\n", - "[ 1 0 5 3 2 6 8 9 7 17 4 14 15 16 12 10 11 13]\n", - "=======================\n", - "[\"moses kipsiro , who successfully defended his commonwealth games 10,000 m title in glasgow last year , told sportsmail this week of the day five female runners came to him for help ; and the death threats he says he has subsequently received after reporting the allegations to his national federation and the police .one of the world 's leading distance runners and a regular training partner of mo farah 's claims to be living in fear of his life after raising allegations with the authorities in his native uganda that a coach has been sexually abusing female runners ; some as young as 15 .but he told me he will have to leave uganda with his wife and three children if the police fail to investigate his claims .\"]\n", - "=======================\n", - "['moses kipsiro says five female athletes came to him for helphe alerted his federation and police to the allegationsthe commonwealth champion has since received death threatskipsiro may have to leave uganda as he wants to protect his familyhe has passed details of the death threats to officers in kampala , ugandakipsiro , along with mo farah , is represented by pace sports management']\n", - "moses kipsiro , who successfully defended his commonwealth games 10,000 m title in glasgow last year , told sportsmail this week of the day five female runners came to him for help ; and the death threats he says he has subsequently received after reporting the allegations to his national federation and the police .one of the world 's leading distance runners and a regular training partner of mo farah 's claims to be living in fear of his life after raising allegations with the authorities in his native uganda that a coach has been sexually abusing female runners ; some as young as 15 .but he told me he will have to leave uganda with his wife and three children if the police fail to investigate his claims .\n", - "moses kipsiro says five female athletes came to him for helphe alerted his federation and police to the allegationsthe commonwealth champion has since received death threatskipsiro may have to leave uganda as he wants to protect his familyhe has passed details of the death threats to officers in kampala , ugandakipsiro , along with mo farah , is represented by pace sports management\n", - "[1.1829609 1.2961564 1.268841 1.2609918 1.2616906 1.1973896 1.0937235\n", - " 1.1773028 1.0882716 1.0452715 1.0295852 1.0193639 1.075767 1.0751998\n", - " 1.0536915 1.017291 1.0860759 1.0591252 0. 0. ]\n", - "\n", - "[ 1 2 4 3 5 0 7 6 8 16 12 13 17 14 9 10 11 15 18 19]\n", - "=======================\n", - "[\"in an emotional open letter , he told how the ` bright and beautiful ' gcse pupil started using a cocktail of banned substances including cocaine , ecstasy , methadone and ` party drug ' meow meow .the father -- identified only as john to protect his family 's privacy -- warned that class a drugs were widely available to children , and urged schools and police to get tough .a father has revealed that his teenage daughter became hooked on cocaine and ecstasy after buying the drugs in the school playground ( file pic posed by a model )\"]\n", - "=======================\n", - "['father , only known as john , noticed his daughter was acting strangelyconfronted her and she confessed taking cocaine , ecstasy and mcattold him drugs were available to buy at school , parks and youth groupsfather is now calling on local authority to take the issue more seriously']\n", - "in an emotional open letter , he told how the ` bright and beautiful ' gcse pupil started using a cocktail of banned substances including cocaine , ecstasy , methadone and ` party drug ' meow meow .the father -- identified only as john to protect his family 's privacy -- warned that class a drugs were widely available to children , and urged schools and police to get tough .a father has revealed that his teenage daughter became hooked on cocaine and ecstasy after buying the drugs in the school playground ( file pic posed by a model )\n", - "father , only known as john , noticed his daughter was acting strangelyconfronted her and she confessed taking cocaine , ecstasy and mcattold him drugs were available to buy at school , parks and youth groupsfather is now calling on local authority to take the issue more seriously\n", - "[1.5426252 1.3697636 1.1883662 1.1892729 1.2207566 1.0745096 1.0414536\n", - " 1.0258303 1.0908529 1.168516 1.1001313 1.1155021 1.006692 1.0134205\n", - " 1.0129758 1.0428295 1.0251573 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 3 2 9 11 10 8 5 15 6 7 16 13 14 12 18 17 19]\n", - "=======================\n", - "[\"chelsea will face paris saint-germain , the french team who knocked jose mourinho 's side out of the champions league this season , in a pre-season friendly in july .the blues , who were sent crashing out on away goals at the last-16 stage following a 2-2 draw at stamford bridge , will play psg in north carolina on july 25 .eden hazard , the pfa player of the year , will line-up for chelsea when they travel to the usa in the summer\"]\n", - "=======================\n", - "[\"chelsea to play three matches inside six days in the united statesthey will face new york red bulls , paris saint-germain and barcelonafiorentina will then travel to stamford bridge for friendly on august 5four matches will make up chelsea 's participation in champions cupread : chelsea interested in # 43m antoine griezmann\"]\n", - "chelsea will face paris saint-germain , the french team who knocked jose mourinho 's side out of the champions league this season , in a pre-season friendly in july .the blues , who were sent crashing out on away goals at the last-16 stage following a 2-2 draw at stamford bridge , will play psg in north carolina on july 25 .eden hazard , the pfa player of the year , will line-up for chelsea when they travel to the usa in the summer\n", - "chelsea to play three matches inside six days in the united statesthey will face new york red bulls , paris saint-germain and barcelonafiorentina will then travel to stamford bridge for friendly on august 5four matches will make up chelsea 's participation in champions cupread : chelsea interested in # 43m antoine griezmann\n", - "[1.3795626 1.2939823 1.3330829 1.2111678 1.2240412 1.1836312 1.0859513\n", - " 1.1102281 1.0399839 1.0257722 1.0930315 1.0403777 1.0127985 1.0833726\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 4 3 5 7 10 6 13 11 8 9 12 18 14 15 16 17 19]\n", - "=======================\n", - "[\"drugs kingpin gavin thorman ( pictured ) operated his empire from hmp altcourse where he boasted in welsh he would make ` millions ' when he got outthe kingpin of a violent drugs gang who planned to spend his money on new teeth , liposuction and a facelift has been jailed for 12 years after being caught out speaking about the illegal operation in welsh .thorman organised the supply of cocaine and cannabis from liverpool and manchester in one of the largest conspiracies of its kind in north wales .\"]\n", - "=======================\n", - "[\"father-of-four gavin thorman , 36 , was kingpin of a violent drugs gangdrugs worth # 200,000 seized by police following five year investigationplanned to spend ill-gotten money on new teeth , liposuction and a facelifthe has been jailed for 12 years after admitting conspiracy to supply drugs along with 25 other defendants involved in the north wales-based groupgavin thorman , 36 , of no fixed abode but formerly of caernarfon , pleaded guilty to conspiring to supply cocaine and cannabis - 12 yearsjames dylan davies , 41 , of cae mur , caernarfon , guilty to supplying cocaine - jailed eight years and six monthsrichard broadley , 34 , formerly of caernarfon and now of tarporley close , stockport , guilty to supplying cocaine and cannabis - jailed six years and eight monthsadam roberts , 33 , of lon eilian , caernarfon , guilty to supplying cocaine and cannabis - jailed for eight yearschristopher taylor , 29 , of pool street , caernarfon , guilty to supplying cocaine and cannabis - jailed for eight years and three monthsdylan rees hughes , 30 , of glan peris , caernarfon , guilty to supplying cocaine and cannabis - jailed for nine yearsjonathan white , 32 , of caernarfon , pleaded guilty to supplying cannabis and having an imitation gun , found guilty of supplying cocaine after a trial - 11 yearsgavin rees hughes , 29 , of ty 'n lon , llandwrog , caernarfon , guilty to supplying cocaine - six years and eight monthsmartin taylor , 26 , of pool street , caernarfon , guilty to supplying cannabis - 40 monthsgethin ellis , 23 , of cae bold , caernarfon , guilty to supplying cocaine and cannabis - four yearspaul hughes , 36 , of lon nant , caernarfon , guilty to supplying cocaine and cannabis - four years and eight monthsmartin shaw , 32 , of llanberis road , caernarfon , guilty to supplying cannabis - 20 monthsdawn williams , 47 , of lon eilian , caernarfon , allowing premises to be used for supply of cocaine and cannabis - 14 monthsjulian williams , 40 , of lon eilian , caernarfon , guilty to allowing premises to be used for supply of cocaine and cannabis - 40 weeksyasmin owen , 25 , of church drive , caernarfon , guilty to money laundering - 12 monthsryan williams , 34 , of caer saint , caernarfon , entering arrangement concerning criminal property - three and a half yearsnicole herbert , 30 , of llanddeiniolen , caernarfon , guilty to money laundering - 10 months suspended for 18 monthsrizwan hussain , 28 , of rochdale and formerly of caernarfon , found guilty of supplying cannabis after trial - six yearsjames whitworth , 30 , of manchester , pleaded guilty to cannabis , found guilty of supplying cocaine after trial - 12 yearsanthony ferguson , 20 , of tweedle hill road , blackley , manchester , guilty of supplying cocaine and cannabis - six years and eight monthsgregory appleby , 20 , of bromfield paark , middleton , manchester , guilty of supplying cannabis - two yearsian ogden , 26 , of hesford avenue , moston , manchester , guilty to supplying cannabis - 16 monthssamuel hughes , 34 , of white moss road , blackley , manchester , guilty to supplying cannabis - 18 monthsjake crookes , 23 , of selston road , blackley , manchester , guilty to supplying cannabis - 16 monthspatrick tynan , 23 , of alconbury walk , blackley , manchester , guilty to supplying cocaine and cannabis - four yearsanthony hunt , 30 , of rudston avenue , manchester , guilty to supplying cannabis - 16 months\"]\n", - "drugs kingpin gavin thorman ( pictured ) operated his empire from hmp altcourse where he boasted in welsh he would make ` millions ' when he got outthe kingpin of a violent drugs gang who planned to spend his money on new teeth , liposuction and a facelift has been jailed for 12 years after being caught out speaking about the illegal operation in welsh .thorman organised the supply of cocaine and cannabis from liverpool and manchester in one of the largest conspiracies of its kind in north wales .\n", - "father-of-four gavin thorman , 36 , was kingpin of a violent drugs gangdrugs worth # 200,000 seized by police following five year investigationplanned to spend ill-gotten money on new teeth , liposuction and a facelifthe has been jailed for 12 years after admitting conspiracy to supply drugs along with 25 other defendants involved in the north wales-based groupgavin thorman , 36 , of no fixed abode but formerly of caernarfon , pleaded guilty to conspiring to supply cocaine and cannabis - 12 yearsjames dylan davies , 41 , of cae mur , caernarfon , guilty to supplying cocaine - jailed eight years and six monthsrichard broadley , 34 , formerly of caernarfon and now of tarporley close , stockport , guilty to supplying cocaine and cannabis - jailed six years and eight monthsadam roberts , 33 , of lon eilian , caernarfon , guilty to supplying cocaine and cannabis - jailed for eight yearschristopher taylor , 29 , of pool street , caernarfon , guilty to supplying cocaine and cannabis - jailed for eight years and three monthsdylan rees hughes , 30 , of glan peris , caernarfon , guilty to supplying cocaine and cannabis - jailed for nine yearsjonathan white , 32 , of caernarfon , pleaded guilty to supplying cannabis and having an imitation gun , found guilty of supplying cocaine after a trial - 11 yearsgavin rees hughes , 29 , of ty 'n lon , llandwrog , caernarfon , guilty to supplying cocaine - six years and eight monthsmartin taylor , 26 , of pool street , caernarfon , guilty to supplying cannabis - 40 monthsgethin ellis , 23 , of cae bold , caernarfon , guilty to supplying cocaine and cannabis - four yearspaul hughes , 36 , of lon nant , caernarfon , guilty to supplying cocaine and cannabis - four years and eight monthsmartin shaw , 32 , of llanberis road , caernarfon , guilty to supplying cannabis - 20 monthsdawn williams , 47 , of lon eilian , caernarfon , allowing premises to be used for supply of cocaine and cannabis - 14 monthsjulian williams , 40 , of lon eilian , caernarfon , guilty to allowing premises to be used for supply of cocaine and cannabis - 40 weeksyasmin owen , 25 , of church drive , caernarfon , guilty to money laundering - 12 monthsryan williams , 34 , of caer saint , caernarfon , entering arrangement concerning criminal property - three and a half yearsnicole herbert , 30 , of llanddeiniolen , caernarfon , guilty to money laundering - 10 months suspended for 18 monthsrizwan hussain , 28 , of rochdale and formerly of caernarfon , found guilty of supplying cannabis after trial - six yearsjames whitworth , 30 , of manchester , pleaded guilty to cannabis , found guilty of supplying cocaine after trial - 12 yearsanthony ferguson , 20 , of tweedle hill road , blackley , manchester , guilty of supplying cocaine and cannabis - six years and eight monthsgregory appleby , 20 , of bromfield paark , middleton , manchester , guilty of supplying cannabis - two yearsian ogden , 26 , of hesford avenue , moston , manchester , guilty to supplying cannabis - 16 monthssamuel hughes , 34 , of white moss road , blackley , manchester , guilty to supplying cannabis - 18 monthsjake crookes , 23 , of selston road , blackley , manchester , guilty to supplying cannabis - 16 monthspatrick tynan , 23 , of alconbury walk , blackley , manchester , guilty to supplying cocaine and cannabis - four yearsanthony hunt , 30 , of rudston avenue , manchester , guilty to supplying cannabis - 16 months\n", - "[1.2393147 1.5244832 1.3036908 1.3580741 1.1997418 1.0715702 1.0721594\n", - " 1.1949811 1.0696404 1.0762061 1.0200884 1.0185053 1.0765495 1.0907525\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 7 13 12 9 6 5 8 10 11 18 14 15 16 17 19]\n", - "=======================\n", - "[\"anarda de la caridad perez friman , 37 , is said to have been ` suffering from post-natal depression ' when she allegedly stabbed john joseph shannon , 31 , the couple 's six-week-old baby and her daughter , four .a spanish woman found dead alongside her british partner and two children in gibraltar is believed to have killed her family before taking her own life .the couple and the two children , identified as eve shannon perez , and amanda kristoffersen perez , perez friman 's daughter from a previous relationship , were found dead earlier this week .\"]\n", - "=======================\n", - "[\"spanish woman allegedly stabbed british partner and two childrenthe family were found dead in a flat in gibraltar earlier this weekanarda de la caridad perez friman ` suffered from post-natal depression 'british man identified as john joseph shannon , 31 , from liverpool\"]\n", - "anarda de la caridad perez friman , 37 , is said to have been ` suffering from post-natal depression ' when she allegedly stabbed john joseph shannon , 31 , the couple 's six-week-old baby and her daughter , four .a spanish woman found dead alongside her british partner and two children in gibraltar is believed to have killed her family before taking her own life .the couple and the two children , identified as eve shannon perez , and amanda kristoffersen perez , perez friman 's daughter from a previous relationship , were found dead earlier this week .\n", - "spanish woman allegedly stabbed british partner and two childrenthe family were found dead in a flat in gibraltar earlier this weekanarda de la caridad perez friman ` suffered from post-natal depression 'british man identified as john joseph shannon , 31 , from liverpool\n", - "[1.1715693 1.3612701 1.3158967 1.263731 1.2832386 1.243643 1.1793804\n", - " 1.2489582 1.1237261 1.0951314 1.0677847 1.1190171 1.0682296 1.0629716\n", - " 1.0710381 1.1029828 1.0231683 1.0091602 1.0051988 1.0164704]\n", - "\n", - "[ 1 2 4 3 7 5 6 0 8 11 15 9 14 12 10 13 16 19 17 18]\n", - "=======================\n", - "['select prime customers will soon be given the option to have their goods delivered to the boot , or trunk , of their car without needing to be near the vehicle .the delivery driver is then given temporary keyless access to the car to drop off the items at any time of the day .the pilot scheme is launching in munich next month and amazon has teamed up with audi and dhl to run the initiative']\n", - "=======================\n", - "['pilot begins in may for prime customers who drive audis in germanyat the checkout , a customer pinpoints the location of their cara dhl delivery driver will then receive a temporary digital access codethis code gives the driver keyless access to the boot and as soon as it is closed the vehicle locks automatically and the code is revoked']\n", - "select prime customers will soon be given the option to have their goods delivered to the boot , or trunk , of their car without needing to be near the vehicle .the delivery driver is then given temporary keyless access to the car to drop off the items at any time of the day .the pilot scheme is launching in munich next month and amazon has teamed up with audi and dhl to run the initiative\n", - "pilot begins in may for prime customers who drive audis in germanyat the checkout , a customer pinpoints the location of their cara dhl delivery driver will then receive a temporary digital access codethis code gives the driver keyless access to the boot and as soon as it is closed the vehicle locks automatically and the code is revoked\n", - "[1.4188869 1.1881434 1.4413042 1.2219208 1.2134626 1.205102 1.2323177\n", - " 1.0843769 1.0227033 1.0272201 1.0156509 1.0593534 1.202127 1.066191\n", - " 1.0521302 1.0524983 0. 0. 0. ]\n", - "\n", - "[ 2 0 6 3 4 5 12 1 7 13 11 15 14 9 8 10 17 16 18]\n", - "=======================\n", - "[\"amy wilkinson , 28 , claimed housing benefit and council tax benefit even though she was living in a home owned by her mother and her partner , who was also working .her grandfather , tommy docherty , now 86 , was manager of manchester united from 1972 until 1977 .magistrates sentenced her to 24 weeks ' imprisonment suspended for 24 months and ordered her to pay costs of # 675 and a victim surcharge of # 50 .\"]\n", - "=======================\n", - "['amy wilkinson , 28 , falsely claimed housing benefit and council tax benefitcourt gives her suspended sentence and orders her to pay back # 18,000her grandfather tommy docherty managed man united from 1972 to 1977']\n", - "amy wilkinson , 28 , claimed housing benefit and council tax benefit even though she was living in a home owned by her mother and her partner , who was also working .her grandfather , tommy docherty , now 86 , was manager of manchester united from 1972 until 1977 .magistrates sentenced her to 24 weeks ' imprisonment suspended for 24 months and ordered her to pay costs of # 675 and a victim surcharge of # 50 .\n", - "amy wilkinson , 28 , falsely claimed housing benefit and council tax benefitcourt gives her suspended sentence and orders her to pay back # 18,000her grandfather tommy docherty managed man united from 1972 to 1977\n", - "[1.2912469 1.4338962 1.2751696 1.2011086 1.1248186 1.0653139 1.1249777\n", - " 1.0740972 1.0277104 1.1915944 1.1619425 1.0541564 1.0630194 1.0782013\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 9 10 6 4 13 7 5 12 11 8 17 14 15 16 18]\n", - "=======================\n", - "['a biology teacher discovered the worms on the surface of the snow while he was skiing in the mountains near bergen at the weekend .thousands of live earthworms have been falling from the sky in norway - a rare phenomenon being reported across large swathes of the south of the country .numerous reports have been coming in after he told his story , and there have been sightings of worm rainfall .']\n", - "=======================\n", - "[\"teacher karstein erstad found thousands of live worms on top of the snowthere have been reports of worm rainfall in norway following his reportmr erstad says the ` very rare phenomenon ' happened in sweden in 1920s\"]\n", - "a biology teacher discovered the worms on the surface of the snow while he was skiing in the mountains near bergen at the weekend .thousands of live earthworms have been falling from the sky in norway - a rare phenomenon being reported across large swathes of the south of the country .numerous reports have been coming in after he told his story , and there have been sightings of worm rainfall .\n", - "teacher karstein erstad found thousands of live worms on top of the snowthere have been reports of worm rainfall in norway following his reportmr erstad says the ` very rare phenomenon ' happened in sweden in 1920s\n", - "[1.2734599 1.2139951 1.124959 1.3047187 1.2612134 1.0995029 1.1499145\n", - " 1.0562077 1.068329 1.0425043 1.1082816 1.1845579 1.0655148 1.0456305\n", - " 1.0129598 1.0211409 1.0677135 0. 0. ]\n", - "\n", - "[ 3 0 4 1 11 6 2 10 5 8 16 12 7 13 9 15 14 17 18]\n", - "=======================\n", - "['charlie macdonald is still grieving for the son he lost eight years ago at the hands of his conman lovereight years after their son was brutally murdered by the man he loved , sue and charlie macdonald are still wondering what they could have done differently to prevent his death .gareth met glen rycroft , 37 , of salford , manchester , in a gay online chat room and they started a dating in 2005 .']\n", - "=======================\n", - "[\"gareth macdonald was murdered by glen rycroft in 2007fatally struck across head with fire extinguisher by his loverhe 'd discovered rycroft had been conning him and his family out of moneygareth 's parents wish they could have prevented their son 's death\"]\n", - "charlie macdonald is still grieving for the son he lost eight years ago at the hands of his conman lovereight years after their son was brutally murdered by the man he loved , sue and charlie macdonald are still wondering what they could have done differently to prevent his death .gareth met glen rycroft , 37 , of salford , manchester , in a gay online chat room and they started a dating in 2005 .\n", - "gareth macdonald was murdered by glen rycroft in 2007fatally struck across head with fire extinguisher by his loverhe 'd discovered rycroft had been conning him and his family out of moneygareth 's parents wish they could have prevented their son 's death\n", - "[1.3044243 1.481832 1.095254 1.2542156 1.1977583 1.0794911 1.0544336\n", - " 1.1043428 1.1216308 1.0559297 1.0583609 1.0710262 1.0450586 1.0896459\n", - " 1.0816448 1.1011043 1.0112268 1.0121108 1.015338 ]\n", - "\n", - "[ 1 0 3 4 8 7 15 2 13 14 5 11 10 9 6 12 18 17 16]\n", - "=======================\n", - "[\"kristen jarvis , 34 , is moving on from washington after seven years of acting as the first lady 's go-to gal and constant companion for nearly all her daily tasks .michelle obama 's loyal chief of staff , who 's been with her since she moved in to the white house , left the first family behind this month .solidcore 's website says it utilizes ` slow and controlled full-body movements with constant tension to work your muscle fibers to failure ... to rebuild a more sculpted , stronger and [ solid ] you . '\"]\n", - "=======================\n", - "[\"kristen jarvis , 34 , is moving on to become chief of staff to the ford foundation president darren walker in new yorkthe spelman college graduate decided to move on as the focus in washington has shifted from the obamas to the 2016 campaignjarvis first joined the obamas ' orbit in 2005 when she took a job in then senator obama 's office\"]\n", - "kristen jarvis , 34 , is moving on from washington after seven years of acting as the first lady 's go-to gal and constant companion for nearly all her daily tasks .michelle obama 's loyal chief of staff , who 's been with her since she moved in to the white house , left the first family behind this month .solidcore 's website says it utilizes ` slow and controlled full-body movements with constant tension to work your muscle fibers to failure ... to rebuild a more sculpted , stronger and [ solid ] you . '\n", - "kristen jarvis , 34 , is moving on to become chief of staff to the ford foundation president darren walker in new yorkthe spelman college graduate decided to move on as the focus in washington has shifted from the obamas to the 2016 campaignjarvis first joined the obamas ' orbit in 2005 when she took a job in then senator obama 's office\n", - "[1.1669219 1.358354 1.2124704 1.1592147 1.0925602 1.0980272 1.212329\n", - " 1.15694 1.1282086 1.094062 1.0631274 1.0399987 1.0648332 1.0618792\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 6 0 3 7 8 5 9 4 12 10 13 11 17 14 15 16 18]\n", - "=======================\n", - "[\"that 's one lesson to take away from a video posted by youtube user richard stewart showing a porsche cayman flying out of control as it speeds from a green light on prince edward island in canada .the sports car swerves wildly before smashing into the concrete median .wrote stewart on youtube about the crash .\"]\n", - "=======================\n", - "['video posted by youtube user richard stewart showing a porsche cayman flying out of controlpolice cited unidentified driver for the crashcar reportedly wrecked and needed to be towed from the scene']\n", - "that 's one lesson to take away from a video posted by youtube user richard stewart showing a porsche cayman flying out of control as it speeds from a green light on prince edward island in canada .the sports car swerves wildly before smashing into the concrete median .wrote stewart on youtube about the crash .\n", - "video posted by youtube user richard stewart showing a porsche cayman flying out of controlpolice cited unidentified driver for the crashcar reportedly wrecked and needed to be towed from the scene\n", - "[1.1169162 1.4633917 1.2666018 1.2596939 1.0874254 1.1377442 1.0641407\n", - " 1.0733988 1.0723717 1.0917845 1.0998962 1.05321 1.0114319 1.0749177\n", - " 1.1106728 1.046468 1.1030794 1.1579216 1.0881697 1.0233715 1.0381862\n", - " 0. ]\n", - "\n", - "[ 1 2 3 17 5 0 14 16 10 9 18 4 13 7 8 6 11 15 20 19 12 21]\n", - "=======================\n", - "['the annual water temple fair in jiangnan , china , sees thousands gather on boats to pray for good fortune for the upcoming year .locals dress up in traditional costumes , while boat races , drumming and dragon dances bring a carnival atmosphere to the town of jia xing .it will be the biggest net boat fair in 60 years']\n", - "=======================\n", - "['water temple fair held annually in jiangnan , china , where fishermen gather to pay homage to ancient herolocals dress up in their traditional costumes and perform local rituals with dances , boat races and songshonours general lui chengzhong , a hero of yuan dynasty ( 1279-1368 ) , who eliminated pests during drought']\n", - "the annual water temple fair in jiangnan , china , sees thousands gather on boats to pray for good fortune for the upcoming year .locals dress up in traditional costumes , while boat races , drumming and dragon dances bring a carnival atmosphere to the town of jia xing .it will be the biggest net boat fair in 60 years\n", - "water temple fair held annually in jiangnan , china , where fishermen gather to pay homage to ancient herolocals dress up in their traditional costumes and perform local rituals with dances , boat races and songshonours general lui chengzhong , a hero of yuan dynasty ( 1279-1368 ) , who eliminated pests during drought\n", - "[1.3579898 1.2799251 1.0881772 1.2426399 1.2107884 1.1283617 1.1008135\n", - " 1.1071074 1.1058518 1.067816 1.1184157 1.0391581 1.0375414 1.0710739\n", - " 1.0383747 1.0401034 1.0423295 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 4 5 10 7 8 6 2 13 9 16 15 11 14 12 20 17 18 19 21]\n", - "=======================\n", - "[\"us drug enforcement administration ( dea ) agents in colombia were taking part in alleged ` sex parties ' with prostitutes funded by drug cartels years earlier than previously known , u.s. lawmakers said on tuesday .several dea agents were participating in alleged sex parties in colombia starting in 2001 according to a new reportthis news comes two weeks after a report found that at least 7 agents admitted sleeping with prostitutes while on overseas assignments\"]\n", - "=======================\n", - "[\"several dea agents were participating in alleged sex parties in colombia starting in 2001 according to a new reportthe parties featured prostitutes paid for by drug cartelsthis news comes two weeks after a report found that at least 7 agents admitted sleeping with prostitutes while on overseas assignmentsinstead of firing or prosecuting agents , the dea treated prostitution cases as ` local management issue ' and suspended them for no more than 14 days\"]\n", - "us drug enforcement administration ( dea ) agents in colombia were taking part in alleged ` sex parties ' with prostitutes funded by drug cartels years earlier than previously known , u.s. lawmakers said on tuesday .several dea agents were participating in alleged sex parties in colombia starting in 2001 according to a new reportthis news comes two weeks after a report found that at least 7 agents admitted sleeping with prostitutes while on overseas assignments\n", - "several dea agents were participating in alleged sex parties in colombia starting in 2001 according to a new reportthe parties featured prostitutes paid for by drug cartelsthis news comes two weeks after a report found that at least 7 agents admitted sleeping with prostitutes while on overseas assignmentsinstead of firing or prosecuting agents , the dea treated prostitution cases as ` local management issue ' and suspended them for no more than 14 days\n", - "[1.2227725 1.1111282 1.4868705 1.3097243 1.2368947 1.1280173 1.1298527\n", - " 1.0633459 1.035749 1.1053522 1.0851971 1.0940496 1.071515 1.0309544\n", - " 1.064992 1.0163698 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 3 4 0 6 5 1 9 11 10 12 14 7 8 13 15 20 16 17 18 19 21]\n", - "=======================\n", - "['a los angeles judge has ordered v. stiviano to pay back more than $ 2.6 million in gifts after sterling \\'s wife sued her .in the lawsuit , rochelle \" shelly \" sterling accused stiviano of targeting extremely wealthy older men .she claimed donald sterling used the couple \\'s money to buy stiviano a ferrari , two bentleys and a range rover , and that he helped her get a $ 1.8 million duplex .']\n", - "=======================\n", - "[\"v. stiviano must pay back $ 2.6 million in gifts from donald sterlingsterling 's wife claimed the ex-clippers used the couple 's money for the giftsthe items included a ferrari , two bentleys and a range rover\"]\n", - "a los angeles judge has ordered v. stiviano to pay back more than $ 2.6 million in gifts after sterling 's wife sued her .in the lawsuit , rochelle \" shelly \" sterling accused stiviano of targeting extremely wealthy older men .she claimed donald sterling used the couple 's money to buy stiviano a ferrari , two bentleys and a range rover , and that he helped her get a $ 1.8 million duplex .\n", - "v. stiviano must pay back $ 2.6 million in gifts from donald sterlingsterling 's wife claimed the ex-clippers used the couple 's money for the giftsthe items included a ferrari , two bentleys and a range rover\n", - "[1.1864384 1.4667249 1.3923523 1.1398116 1.2481622 1.3269435 1.2085363\n", - " 1.0185531 1.0161664 1.219371 1.2023499 1.0072483 1.0118841 1.080982\n", - " 1.1701095 1.1535935 1.079101 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 5 4 9 6 10 0 14 15 3 13 16 7 8 12 11 20 17 18 19 21]\n", - "=======================\n", - "[\"in an enormous yield , four-metre long king cobra raja has delivered almost 500 milligrams of deadly toxin for veteran handler billy collett at gosford 's australian reptile park , north of sydney .the toxin is enough to fill a shot glass and 40 times the amount of venom of a brown snake .australia 's biggest venomous snake has produced a huge lethal ` shot ' for reptile wranglers on the nsw central coast\"]\n", - "=======================\n", - "[\"raja , the king cobra , has delivered almost 500 milligrams of deadly toxinthe snake , which is at gosford 's australian reptile park , weighs 8kg` he 's about as thick as my legs , ' veteran handler billy collett saidits venom will be distributed between research institutes across australia\"]\n", - "in an enormous yield , four-metre long king cobra raja has delivered almost 500 milligrams of deadly toxin for veteran handler billy collett at gosford 's australian reptile park , north of sydney .the toxin is enough to fill a shot glass and 40 times the amount of venom of a brown snake .australia 's biggest venomous snake has produced a huge lethal ` shot ' for reptile wranglers on the nsw central coast\n", - "raja , the king cobra , has delivered almost 500 milligrams of deadly toxinthe snake , which is at gosford 's australian reptile park , weighs 8kg` he 's about as thick as my legs , ' veteran handler billy collett saidits venom will be distributed between research institutes across australia\n", - "[1.0528187 1.0662289 1.3277384 1.1141475 1.0738019 1.0877341 1.0478604\n", - " 1.0385547 1.2730936 1.0467975 1.0398178 1.0208116 1.0241163 1.101082\n", - " 1.045434 1.122836 1.1070204 1.0444603 1.0797414 1.0334519 1.0964935\n", - " 1.0191584]\n", - "\n", - "[ 2 8 15 3 16 13 20 5 18 4 1 0 6 9 14 17 10 7 19 12 11 21]\n", - "=======================\n", - "['but poulter promises this break , just weeks before the first major of the year , means he will be fit and fresh for his latest assault on augusta national .ian poulter lines up his putt for birdie on the 18th hole during the first round of the arnold palmer invitationalsharing his holiday with the world on twitter comes third , of course .']\n", - "=======================\n", - "['ian poulter is on holiday just weeks before the first major of the yearbut poulter insists he will return fit and ready for assault on augustathe golfer has secured two top-10 finishes at augusta in the last five yearshe admits retiring without a major victory would leave him unfulfilled']\n", - "but poulter promises this break , just weeks before the first major of the year , means he will be fit and fresh for his latest assault on augusta national .ian poulter lines up his putt for birdie on the 18th hole during the first round of the arnold palmer invitationalsharing his holiday with the world on twitter comes third , of course .\n", - "ian poulter is on holiday just weeks before the first major of the yearbut poulter insists he will return fit and ready for assault on augustathe golfer has secured two top-10 finishes at augusta in the last five yearshe admits retiring without a major victory would leave him unfulfilled\n", - "[1.1837578 1.2827624 1.1812538 1.4004035 1.3073013 1.2558362 1.1268289\n", - " 1.0391245 1.0170617 1.0638723 1.0676062 1.0793227 1.0459472 1.0239028\n", - " 1.0188662 1.0387397 1.1104778 1.0977702 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 4 1 5 0 2 6 16 17 11 10 9 12 7 15 13 14 8 18 19 20 21]\n", - "=======================\n", - "[\"the only way is essex star lydia bright met labour leader ed miliband as part of the ` useyourvoice ' campaign encouraging young people to votethe reality tv star said mr miliband ` definitely ' topped her list of political leaders in a game of ` snog , marry or avoid 'first it was the ` milifandom ' -- with thousands of teenage girls allegedly swooning for the labour leader on twitter .\"]\n", - "=======================\n", - "[\"reality tv star said mr miliband ` definitely ' topped her list of politiciansshe was asked who she would pick in a game of ` snog , marry or avoid 'bright said mr miliband was ` good looking ' and had ` good dress sense 'it comes after the labour leader became an unlikely pin-up for teen girlsthousands of teenagers took to twitter claiming to be ` milifans '\"]\n", - "the only way is essex star lydia bright met labour leader ed miliband as part of the ` useyourvoice ' campaign encouraging young people to votethe reality tv star said mr miliband ` definitely ' topped her list of political leaders in a game of ` snog , marry or avoid 'first it was the ` milifandom ' -- with thousands of teenage girls allegedly swooning for the labour leader on twitter .\n", - "reality tv star said mr miliband ` definitely ' topped her list of politiciansshe was asked who she would pick in a game of ` snog , marry or avoid 'bright said mr miliband was ` good looking ' and had ` good dress sense 'it comes after the labour leader became an unlikely pin-up for teen girlsthousands of teenagers took to twitter claiming to be ` milifans '\n", - "[1.2039533 1.2278754 1.1422116 1.321553 1.4004761 1.0730698 1.0269785\n", - " 1.0272635 1.0383279 1.0396005 1.0208241 1.0260075 1.0247616 1.0294428\n", - " 1.0223958 1.0176826 1.0669761 1.0720345 1.0460048 1.1844064 1.0232891\n", - " 0. ]\n", - "\n", - "[ 4 3 1 0 19 2 5 17 16 18 9 8 13 7 6 11 12 20 14 10 15 21]\n", - "=======================\n", - "[\"on this page you will find today 's show transcript and a place for you to request to be on the cnn student news roll call .california 's historic drought is now hitting home for many residents and businesses , who 've been ordered to cut their water usage .we 're starting with some international headlines today , covering events in switzerland , kenya and the pacific ocean .\"]\n", - "=======================\n", - "[\"this page includes the show transcriptuse the transcript to help students with reading comprehension and vocabularyat the bottom of the page , comment for a chance to be mentioned on cnn student news .the weekly newsquiz tests students ' knowledge of events in the news\"]\n", - "on this page you will find today 's show transcript and a place for you to request to be on the cnn student news roll call .california 's historic drought is now hitting home for many residents and businesses , who 've been ordered to cut their water usage .we 're starting with some international headlines today , covering events in switzerland , kenya and the pacific ocean .\n", - "this page includes the show transcriptuse the transcript to help students with reading comprehension and vocabularyat the bottom of the page , comment for a chance to be mentioned on cnn student news .the weekly newsquiz tests students ' knowledge of events in the news\n", - "[1.3351368 1.2888352 1.4773793 1.1012189 1.0955838 1.1474332 1.1231734\n", - " 1.0570716 1.1279855 1.0762289 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 1 5 8 6 3 4 9 7 19 18 17 16 15 10 13 12 11 20 14 21]\n", - "=======================\n", - "['colin farrell , vince vaughn , rachel mcadams and taylor kitsch star in the new season , which premieres june 21 .( cnn ) hbo just whetted our appetite for a new season of \" true detective . \"the network released a teaser video for season 2 of the critically acclaimed show , and it looks intense .']\n", - "=======================\n", - "['hbo released a teaser video for the new season , starting june 21the series stars colin farrell and vince vaughn']\n", - "colin farrell , vince vaughn , rachel mcadams and taylor kitsch star in the new season , which premieres june 21 .( cnn ) hbo just whetted our appetite for a new season of \" true detective . \"the network released a teaser video for season 2 of the critically acclaimed show , and it looks intense .\n", - "hbo released a teaser video for the new season , starting june 21the series stars colin farrell and vince vaughn\n", - "[1.2349509 1.2506856 1.2261301 1.2633127 1.2352332 1.1437985 1.1126808\n", - " 1.0788796 1.0332186 1.2296994 1.1940472 1.0394439 1.0355114 1.0271093\n", - " 1.0287422 1.0127586 1.0226963 1.0297226 1.0298398 1.0195628 1.0173107\n", - " 1.0561057]\n", - "\n", - "[ 3 1 4 0 9 2 10 5 6 7 21 11 12 8 18 17 14 13 16 19 20 15]\n", - "=======================\n", - "['the robot sub was examining the depths of the gulf of mexico when the sperm whale suddenly appearedhowever , researchers were stunned when their underwater robosub had an unexpected encounter almost 2,000 feet under the ocean .sperm whales are listed as an endangered species under the u.s. endangered species act .']\n", - "=======================\n", - "[\"robosub was exploring the gulf of mexico off the coast of louisianaat 598 meters the sperm whale appeared in the robosub 's cameras\"]\n", - "the robot sub was examining the depths of the gulf of mexico when the sperm whale suddenly appearedhowever , researchers were stunned when their underwater robosub had an unexpected encounter almost 2,000 feet under the ocean .sperm whales are listed as an endangered species under the u.s. endangered species act .\n", - "robosub was exploring the gulf of mexico off the coast of louisianaat 598 meters the sperm whale appeared in the robosub 's cameras\n", - "[1.2982136 1.3837873 1.4192158 1.3386071 1.1527457 1.1510783 1.1517727\n", - " 1.0951633 1.0299131 1.0147413 1.0150458 1.0698148 1.0710509 1.0129939\n", - " 1.0106034 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 3 0 4 6 5 7 12 11 8 10 9 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "['the federal court ruled on tuesday that australian internet companies , including iinet and other isps , should hand over the names and residential addresses of 4,726 people who illegally shared the film .but internet law experts say the company behind the letters will have a hard time following through on the threats because it is very difficult to prove who is legally responsible for the downloading .a landmark ruling on piracy and privacy on the internet means thousands of australians could be getting letters threatening legally action if they illegally downloaded and shared hollywood film dallas buyers club .']\n", - "=======================\n", - "[\"companies will have to reveal names , ip addresses and residential addresses of 4,726 people who uploaded the film online illegallythis will allow the film 's copyright holders to seek damages or court actioninternet provider iinet warned they could demand up to $ 7000justice nye perram ruled that individuals ' privacy must be kept and all letters from the copyright holder must be sent to him first\"]\n", - "the federal court ruled on tuesday that australian internet companies , including iinet and other isps , should hand over the names and residential addresses of 4,726 people who illegally shared the film .but internet law experts say the company behind the letters will have a hard time following through on the threats because it is very difficult to prove who is legally responsible for the downloading .a landmark ruling on piracy and privacy on the internet means thousands of australians could be getting letters threatening legally action if they illegally downloaded and shared hollywood film dallas buyers club .\n", - "companies will have to reveal names , ip addresses and residential addresses of 4,726 people who uploaded the film online illegallythis will allow the film 's copyright holders to seek damages or court actioninternet provider iinet warned they could demand up to $ 7000justice nye perram ruled that individuals ' privacy must be kept and all letters from the copyright holder must be sent to him first\n", - "[1.1861115 1.2618113 1.2161789 1.2557986 1.1803857 1.1013863 1.1644361\n", - " 1.1144378 1.1654423 1.0866082 1.0519879 1.0694317 1.0538386 1.0943497\n", - " 1.0484333 1.0521418 1.0396918 1.0288252 1.0464348]\n", - "\n", - "[ 1 3 2 0 4 8 6 7 5 13 9 11 12 15 10 14 18 16 17]\n", - "=======================\n", - "[\"that 's according to one researcher who travelled to the country to study how the indian and eurasian plates are moving together .earth 's continents are slowly moving together ( left ) , and in 50 to 200 million years they are expected to form a new supercontinent called amasia ( right ) .and using new techniques , researchers can now start examining the changes due to take place over the next tens of millions of years like never before .\"]\n", - "=======================\n", - "['peter spinks from the sydney morning herald reported on amasiawithin 200 million years , he said the new supercontinent will formone researcher recently travelled to nepal to gather further informationhe spotted that india , eurasia and other plates are slowly moving together']\n", - "that 's according to one researcher who travelled to the country to study how the indian and eurasian plates are moving together .earth 's continents are slowly moving together ( left ) , and in 50 to 200 million years they are expected to form a new supercontinent called amasia ( right ) .and using new techniques , researchers can now start examining the changes due to take place over the next tens of millions of years like never before .\n", - "peter spinks from the sydney morning herald reported on amasiawithin 200 million years , he said the new supercontinent will formone researcher recently travelled to nepal to gather further informationhe spotted that india , eurasia and other plates are slowly moving together\n", - "[1.3084815 1.3960259 1.1531556 1.2686393 1.3490344 1.0910304 1.037481\n", - " 1.0385664 1.0297972 1.0516766 1.0195736 1.1153239 1.1164013 1.0507369\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 3 2 12 11 5 9 13 7 6 8 10 17 14 15 16 18]\n", - "=======================\n", - "[\"indianara carvalho , 23 - who had hymen surgery last year to ` restore ' her virginity so she could enjoy her first time all over again with ` someone special ' - accompanied the racy photo with the phrase : ` good friday .a brazilian model who shot to fame after winning the miss bumbum contest in 2014 has sparked outrage by posting a snap of her naked body painted with an image of the virgin mary to her instagram account , along with a special easter prayer .the image , just one of a series of nude body-painted shots she shared over the easter weekend , attracted more than 750 ` likes ' , as well as a tirade of disapproval from her followers over its sacrilegious nature .\"]\n", - "=======================\n", - "[\"indianara carvalho , 23 , triumphed in 2014 's miss bumbum contestshe posted the controversial nude to instragram snap on good fridayfans blasted the model for her lack of ` respect ' to godlast year , miss carvalho had vaginal surgery to ` restore ' her virginity\"]\n", - "indianara carvalho , 23 - who had hymen surgery last year to ` restore ' her virginity so she could enjoy her first time all over again with ` someone special ' - accompanied the racy photo with the phrase : ` good friday .a brazilian model who shot to fame after winning the miss bumbum contest in 2014 has sparked outrage by posting a snap of her naked body painted with an image of the virgin mary to her instagram account , along with a special easter prayer .the image , just one of a series of nude body-painted shots she shared over the easter weekend , attracted more than 750 ` likes ' , as well as a tirade of disapproval from her followers over its sacrilegious nature .\n", - "indianara carvalho , 23 , triumphed in 2014 's miss bumbum contestshe posted the controversial nude to instragram snap on good fridayfans blasted the model for her lack of ` respect ' to godlast year , miss carvalho had vaginal surgery to ` restore ' her virginity\n", - "[1.3045948 1.3129351 1.1220827 1.179877 1.133394 1.1351463 1.0961968\n", - " 1.1131812 1.1379337 1.0753496 1.0963731 1.082618 1.0839753 1.0597132\n", - " 1.0379626 1.0575774 1.1018825 1.0352147 0. ]\n", - "\n", - "[ 1 0 3 8 5 4 2 7 16 10 6 12 11 9 13 15 14 17 18]\n", - "=======================\n", - "[\"that 's the account one survivor of the deadly shipwreck gave to investigators , according to a statement released sunday by prosecutors in catania , italy .( cnn ) as a boat packed with hundreds of migrants capsized in mediterranean waters , many were trapped inside behind locked doors .as rescuers approached , authorities say migrants on the boat moved to one side , hoping to be saved .\"]\n", - "=======================\n", - "['a survivor tells authorities that migrants were trapped behind locked doorsrescuers say they have found scores of bodies in the waters off libya']\n", - "that 's the account one survivor of the deadly shipwreck gave to investigators , according to a statement released sunday by prosecutors in catania , italy .( cnn ) as a boat packed with hundreds of migrants capsized in mediterranean waters , many were trapped inside behind locked doors .as rescuers approached , authorities say migrants on the boat moved to one side , hoping to be saved .\n", - "a survivor tells authorities that migrants were trapped behind locked doorsrescuers say they have found scores of bodies in the waters off libya\n", - "[1.183185 1.432353 1.2263522 1.2711301 1.2137735 1.2619016 1.1668628\n", - " 1.0464418 1.0709659 1.1753078 1.0442601 1.0280479 1.0632129 1.0325625\n", - " 1.0186012 1.0090462 1.0175146 1.0719032 0. ]\n", - "\n", - "[ 1 3 5 2 4 0 9 6 17 8 12 7 10 13 11 14 16 15 18]\n", - "=======================\n", - "[\"kevin perz , 56 , a father-of-four and business owner , has been looking up the teachers he has the fondest memories of from his days at parkway central high school in chesterfield , missouri .it started in 1992 , when he sent a check to his calculus teacher made out for $ 5,000 .over the past few years he has been mailing them a ` gift ' .\"]\n", - "=======================\n", - "[\"kevin perz , 56 , owns a construction equipment business in kansas cityhe has spent time over the years tracking down high school teachers and sending them checks to thank them for making an impression on himmarilyn mecham taught perz home economics in 1977 at parkway central high school in chesterfield , missourihe sent her $ 10,000 and told her to spent it all on herself` gratitude is something in this society today that we just do n't do enough of , ' mecham said of the gesture\"]\n", - "kevin perz , 56 , a father-of-four and business owner , has been looking up the teachers he has the fondest memories of from his days at parkway central high school in chesterfield , missouri .it started in 1992 , when he sent a check to his calculus teacher made out for $ 5,000 .over the past few years he has been mailing them a ` gift ' .\n", - "kevin perz , 56 , owns a construction equipment business in kansas cityhe has spent time over the years tracking down high school teachers and sending them checks to thank them for making an impression on himmarilyn mecham taught perz home economics in 1977 at parkway central high school in chesterfield , missourihe sent her $ 10,000 and told her to spent it all on herself` gratitude is something in this society today that we just do n't do enough of , ' mecham said of the gesture\n", - "[1.2125812 1.445159 1.2496709 1.2652773 1.1365126 1.0712295 1.0803804\n", - " 1.094411 1.0807939 1.1369317 1.1637756 1.1489223 1.0776966 1.0534172\n", - " 1.0744731 1.0112542 1.0342978 0. 0. ]\n", - "\n", - "[ 1 3 2 0 10 11 9 4 7 8 6 12 14 5 13 16 15 17 18]\n", - "=======================\n", - "['waheed ahmed , the 21-year-old son of councillor shakil ahmed , was accused of trying to sneak into syria with eight of his relatives and was arrested when he landed in the uk earlier this week .greater manchester police confirmed that six people - a 21-year-old man arrested at birmingham airport , two women and two men aged between 22 and 47 held at manchester airport , plus a 30-year-old man arrested in the rochdale area , have been released without charge .waheed was deported by the turkish authorities and flown back to britain on a plane packed with holidaymakers on april 14 .']\n", - "=======================\n", - "['waheed ahmed , son of a labour councillor , was stopped at turkish borderthe 21-year-old was accused of trying to enter syria with family memberspolice released waheed , from rochdale , and five others without charge']\n", - "waheed ahmed , the 21-year-old son of councillor shakil ahmed , was accused of trying to sneak into syria with eight of his relatives and was arrested when he landed in the uk earlier this week .greater manchester police confirmed that six people - a 21-year-old man arrested at birmingham airport , two women and two men aged between 22 and 47 held at manchester airport , plus a 30-year-old man arrested in the rochdale area , have been released without charge .waheed was deported by the turkish authorities and flown back to britain on a plane packed with holidaymakers on april 14 .\n", - "waheed ahmed , son of a labour councillor , was stopped at turkish borderthe 21-year-old was accused of trying to enter syria with family memberspolice released waheed , from rochdale , and five others without charge\n", - "[1.1441057 1.158393 1.4717339 1.3641891 1.2740202 1.2135293 1.0439694\n", - " 1.0297395 1.0193588 1.1305052 1.0770123 1.049544 1.052924 1.0174751\n", - " 1.0304632 1.0466604 1.020368 1.0293773 1.0187118]\n", - "\n", - "[ 2 3 4 5 1 0 9 10 12 11 15 6 14 7 17 16 8 18 13]\n", - "=======================\n", - "['architect and photographer yener torun sought to challenge the one dimensional view of his changing city , and captures the new , minimalistic buildings that add a splash of colour to istanbul .yener spends his time wandering around the city looking for bold , geometric buildings to photograph , and documents his work to his instagram , which has over 50,000 followers .the photographer , who has lived in istanbul for 14 years , aims to show a clean minimalistic view of the city , as it contrasts with the ornate , ottoman architecture .']\n", - "=======================\n", - "['photographer yener torun sought to show a new side to istanbul , with the modern colourful buildingsminimalistic pictures with the traditional ornate buildings , mosques and palacesthe photographer has gained a large following for his vibrant pictures on instagram']\n", - "architect and photographer yener torun sought to challenge the one dimensional view of his changing city , and captures the new , minimalistic buildings that add a splash of colour to istanbul .yener spends his time wandering around the city looking for bold , geometric buildings to photograph , and documents his work to his instagram , which has over 50,000 followers .the photographer , who has lived in istanbul for 14 years , aims to show a clean minimalistic view of the city , as it contrasts with the ornate , ottoman architecture .\n", - "photographer yener torun sought to show a new side to istanbul , with the modern colourful buildingsminimalistic pictures with the traditional ornate buildings , mosques and palacesthe photographer has gained a large following for his vibrant pictures on instagram\n", - "[1.381686 1.2759526 1.1333294 1.3482523 1.2527328 1.2238182 1.1935887\n", - " 1.0914564 1.1040226 1.1179198 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 5 6 2 9 8 7 17 10 11 12 13 14 15 16 18]\n", - "=======================\n", - "['( cnn ) civil unions between people of the same sex will soon be recognized in chile .the new law will take effect in six months .the country joined several of its south american neighbors in allowing the unions when president michelle bachelet enacted a new law on monday .']\n", - "=======================\n", - "['president michelle bachelet signs law that will take effect in six monthschile joins several other south american nations that allow the unions']\n", - "( cnn ) civil unions between people of the same sex will soon be recognized in chile .the new law will take effect in six months .the country joined several of its south american neighbors in allowing the unions when president michelle bachelet enacted a new law on monday .\n", - "president michelle bachelet signs law that will take effect in six monthschile joins several other south american nations that allow the unions\n", - "[1.1576158 1.4965231 1.2432889 1.2716693 1.2720705 1.2525895 1.1375492\n", - " 1.0140306 1.0142932 1.0276269 1.0258567 1.0570898 1.1421249 1.0249336\n", - " 1.1502305 1.067482 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 5 2 0 14 12 6 15 11 9 10 13 8 7 17 16 18]\n", - "=======================\n", - "['sharon and nick chalwell put out a desperate call earlier this month after nine failed rounds of ivf and one failed egg donor attempt .thanks to shannon mann , 22 , who said she has wanted to be an egg donor for many years , that dream could soon be a reality .during their search they were put in touch with shannon mann ( pictured ) who has a two-year-old son , lucas']\n", - "=======================\n", - "['nick and sharon chalwell have been trying to start a family for seven yearsthe perth couple have gone through nine rounds of ivf treatmentturned to crowdsourcing to find an egg donor due to long waiting listsfound a mother-of-one called shannon willing to help them conceive']\n", - "sharon and nick chalwell put out a desperate call earlier this month after nine failed rounds of ivf and one failed egg donor attempt .thanks to shannon mann , 22 , who said she has wanted to be an egg donor for many years , that dream could soon be a reality .during their search they were put in touch with shannon mann ( pictured ) who has a two-year-old son , lucas\n", - "nick and sharon chalwell have been trying to start a family for seven yearsthe perth couple have gone through nine rounds of ivf treatmentturned to crowdsourcing to find an egg donor due to long waiting listsfound a mother-of-one called shannon willing to help them conceive\n", - "[1.1957325 1.2073216 1.3821867 1.1651638 1.1948092 1.1870468 1.135602\n", - " 1.2122291 1.0710347 1.0739771 1.0495638 1.036033 1.034855 1.0443159\n", - " 1.0538558 1.021127 0. 0. 0. ]\n", - "\n", - "[ 2 7 1 0 4 5 3 6 9 8 14 10 13 11 12 15 17 16 18]\n", - "=======================\n", - "['mr farage was out in thanet south today after polls showed he had fallen behind the tories in his campaign to be elected to parliament .the unlikely images of mr farage come after the prime minister and his lib dem deputy nick clegg were also snapped on the campaign trail posing for photographs with mothers and their babies .but with the general election getting ever closer , the ukip leader has resorted to traditional campaign methods to get out the vote .']\n", - "=======================\n", - "[\"ukip leader posed for tradition campaign photo while out in thanet , kentnick clegg also stopped for pictures with mothers and their babiesit comes after david cameron admitted he was ` broody ' for another babythe prime minister also posed feeding orphaned lambs on easter sunday\"]\n", - "mr farage was out in thanet south today after polls showed he had fallen behind the tories in his campaign to be elected to parliament .the unlikely images of mr farage come after the prime minister and his lib dem deputy nick clegg were also snapped on the campaign trail posing for photographs with mothers and their babies .but with the general election getting ever closer , the ukip leader has resorted to traditional campaign methods to get out the vote .\n", - "ukip leader posed for tradition campaign photo while out in thanet , kentnick clegg also stopped for pictures with mothers and their babiesit comes after david cameron admitted he was ` broody ' for another babythe prime minister also posed feeding orphaned lambs on easter sunday\n", - "[1.4074267 1.2850487 1.2131175 1.1923436 1.1975648 1.064291 1.1004493\n", - " 1.0435673 1.0217823 1.0378633 1.0817035 1.083559 1.0333462 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 4 3 6 11 10 5 7 9 12 8 13 14 15 16 17 18]\n", - "=======================\n", - "['washington ( cnn ) as the missouri national guard prepared to deploy to help quell riots in ferguson , missouri , that raged sporadically last year , the guard used highly militarized words such as \" enemy forces \" and \" adversaries \" to refer to protesters , according to documents obtained by cnn .the guard came to ferguson to support law enforcement officers , whom many community leaders and civil rights activists accused of using excessive force and inflaming an already tense situation in protests that flared sporadically from august through the end of the year .the national guard \\'s language , contained in internal mission briefings obtained through a freedom of information act request , is intensifying the concerns of some who objected to the police officers \\' actions in putting down riots .']\n", - "=======================\n", - "[\"the national guard 's language worries those who objected to the tactics used in quelling riotsthe language is contained in internal mission briefings\"]\n", - "washington ( cnn ) as the missouri national guard prepared to deploy to help quell riots in ferguson , missouri , that raged sporadically last year , the guard used highly militarized words such as \" enemy forces \" and \" adversaries \" to refer to protesters , according to documents obtained by cnn .the guard came to ferguson to support law enforcement officers , whom many community leaders and civil rights activists accused of using excessive force and inflaming an already tense situation in protests that flared sporadically from august through the end of the year .the national guard 's language , contained in internal mission briefings obtained through a freedom of information act request , is intensifying the concerns of some who objected to the police officers ' actions in putting down riots .\n", - "the national guard 's language worries those who objected to the tactics used in quelling riotsthe language is contained in internal mission briefings\n", - "[1.3138633 1.1648022 1.0949998 1.3371396 1.3913089 1.2405361 1.1253498\n", - " 1.1674857 1.1019812 1.0329584 1.0168694 1.0121837 1.009996 1.0205067\n", - " 1.2245259 1.1661978 1.040008 0. 0. 0. ]\n", - "\n", - "[ 4 3 0 5 14 7 15 1 6 8 2 16 9 13 10 11 12 18 17 19]\n", - "=======================\n", - "[\"world record holder paula radcliffe said she ` was close to pulling out ' of the london marathon on sundayinstead radcliffe turned to renowned german doctor hans-wilhelm muller-wohlfahrt , who has worked with the likes of ronaldo , michael owen and usain bolt .a celebrity doctor known as ` healing hans ' has played a key role in getting paula radcliffe to the start line for sunday 's london marathon .\"]\n", - "=======================\n", - "[\"hans-wilhelm muller-wohlfahrt has been working with paula radclifferadcliffe admits she was close to pulling out of sunday 's london marathonthe annual race will be radcliffe 's final competitive marathon of her careergerman doctor muller-wohlfahrt has previously worked with ronaldo\"]\n", - "world record holder paula radcliffe said she ` was close to pulling out ' of the london marathon on sundayinstead radcliffe turned to renowned german doctor hans-wilhelm muller-wohlfahrt , who has worked with the likes of ronaldo , michael owen and usain bolt .a celebrity doctor known as ` healing hans ' has played a key role in getting paula radcliffe to the start line for sunday 's london marathon .\n", - "hans-wilhelm muller-wohlfahrt has been working with paula radclifferadcliffe admits she was close to pulling out of sunday 's london marathonthe annual race will be radcliffe 's final competitive marathon of her careergerman doctor muller-wohlfahrt has previously worked with ronaldo\n", - "[1.284777 1.3409748 1.2706686 1.2235304 1.1622913 1.1844401 1.1725622\n", - " 1.0663314 1.0842142 1.0299532 1.0183804 1.0151176 1.0666078 1.0925875\n", - " 1.0607798 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 5 6 4 13 8 12 7 14 9 10 11 18 15 16 17 19]\n", - "=======================\n", - "[\"in the affidavit , timothy s. pappa , an fbi agent , claims that xiaoming gao was paid ` thousands of dollars to provide information on u.s. persons and a u.s. government employee . 'a recently released affidavit reveals that a chinese translator was accused of sharing government information with an alleged spy .that information was provided to individuals she thought to be chinese intelligence officers .\"]\n", - "=======================\n", - "[\"an fbi affidavit from november 2014 that was recently unsealed reveals translator xiaoming gao shared information with an alleged chinese spygao was paid ` thousands of dollars to provide information on u.s. persons and a u.s. government employee 'she also lived with a state department employee who had top-secret clearance and who revealed they spoke about work with the womandespite all this she was never prosecuted , and left her position at the office of language services in february 2014\"]\n", - "in the affidavit , timothy s. pappa , an fbi agent , claims that xiaoming gao was paid ` thousands of dollars to provide information on u.s. persons and a u.s. government employee . 'a recently released affidavit reveals that a chinese translator was accused of sharing government information with an alleged spy .that information was provided to individuals she thought to be chinese intelligence officers .\n", - "an fbi affidavit from november 2014 that was recently unsealed reveals translator xiaoming gao shared information with an alleged chinese spygao was paid ` thousands of dollars to provide information on u.s. persons and a u.s. government employee 'she also lived with a state department employee who had top-secret clearance and who revealed they spoke about work with the womandespite all this she was never prosecuted , and left her position at the office of language services in february 2014\n", - "[1.3809459 1.3970002 1.2369889 1.3865981 1.2466038 1.2124404 1.1165359\n", - " 1.1099735 1.1604118 1.0574126 1.0703533 1.0090824 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 5 8 6 7 10 9 11 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "['keane , 43 , is said to have behaved aggressively towards cabbie fateh kerar , 44 , near traffic lights in ashley road , altrincham , on january 30 .roy keane will stand trial in june after an alleged road-rage incident with a taxi driverhe is accused of causing harassment , alarm or distress to mr kerar - a section 4a public order offence .']\n", - "=======================\n", - "[\"roy keane pleads not guilty to committing a public order offencehe is alleged to have been involved in a road-rage incident with taxi driverkeane is accused of causing harassment , alarm or distress to the driverhe will face trial at manchester magistrates ' court on june 19\"]\n", - "keane , 43 , is said to have behaved aggressively towards cabbie fateh kerar , 44 , near traffic lights in ashley road , altrincham , on january 30 .roy keane will stand trial in june after an alleged road-rage incident with a taxi driverhe is accused of causing harassment , alarm or distress to mr kerar - a section 4a public order offence .\n", - "roy keane pleads not guilty to committing a public order offencehe is alleged to have been involved in a road-rage incident with taxi driverkeane is accused of causing harassment , alarm or distress to the driverhe will face trial at manchester magistrates ' court on june 19\n", - "[1.2753745 1.3955799 1.1605968 1.2351663 1.2446594 1.1988343 1.0893114\n", - " 1.1305602 1.1465924 1.0981239 1.0862311 1.0665141 1.015749 1.0308464\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 3 5 2 8 7 9 6 10 11 13 12 18 14 15 16 17 19]\n", - "=======================\n", - "['jerome r. hunt , of hayward , california , climbed the fence on the south side of the white house complex about 10:25 p.m. , said brian leary with the united states secret service .washington ( cnn ) a 54-year-old man carrying a suspicious package scaled a white house fence sunday night , but was quickly apprehended .the package was being examined and later deemed to be harmless , a secret service source told cnn .']\n", - "=======================\n", - "['the person climbed the fence on the south side of the white house complexcharges are pending']\n", - "jerome r. hunt , of hayward , california , climbed the fence on the south side of the white house complex about 10:25 p.m. , said brian leary with the united states secret service .washington ( cnn ) a 54-year-old man carrying a suspicious package scaled a white house fence sunday night , but was quickly apprehended .the package was being examined and later deemed to be harmless , a secret service source told cnn .\n", - "the person climbed the fence on the south side of the white house complexcharges are pending\n", - "[1.4007993 1.2351624 1.4019299 1.2238448 1.1062547 1.0627497 1.032409\n", - " 1.1540579 1.1273806 1.0916703 1.0507262 1.0303335 1.0183123 1.0604546\n", - " 1.0133582 1.011431 1.0318244 1.0197238 1.014927 1.1518879]\n", - "\n", - "[ 2 0 1 3 7 19 8 4 9 5 13 10 6 16 11 17 12 18 14 15]\n", - "=======================\n", - "[\"veteran presenter paul gambaccini has blasted the bbc for destroying the top 40 show by employing ` ignorant ' djs who are more interested in giving vacuous opinions than playing the records .paul gambaccini blamed the presenters ' obsession with discussing the sex appeal of pop stars for a slump in ratingsit has been a staple of sunday night listening for almost 50 years -- but now radio 1 's chart show has been branded a ` banal failure ' by one of the most respected voices in broadcasting .\"]\n", - "=======================\n", - "[\"paul gambaccini has blasted the bbc for destroying the top 40 showhe blamed presenters ' obsession with discussing pop stars ' sex appeal` the chart show has become an extension of its presenter 's personality '\"]\n", - "veteran presenter paul gambaccini has blasted the bbc for destroying the top 40 show by employing ` ignorant ' djs who are more interested in giving vacuous opinions than playing the records .paul gambaccini blamed the presenters ' obsession with discussing the sex appeal of pop stars for a slump in ratingsit has been a staple of sunday night listening for almost 50 years -- but now radio 1 's chart show has been branded a ` banal failure ' by one of the most respected voices in broadcasting .\n", - "paul gambaccini has blasted the bbc for destroying the top 40 showhe blamed presenters ' obsession with discussing pop stars ' sex appeal` the chart show has become an extension of its presenter 's personality '\n", - "[1.2683955 1.4344088 1.2755928 1.184719 1.1873701 1.1433837 1.1401032\n", - " 1.0804616 1.1148628 1.1704723 1.0299349 1.0098716 1.0628431 1.093111\n", - " 1.0460293 1.0284811 1.043574 0. 0. ]\n", - "\n", - "[ 1 2 0 4 3 9 5 6 8 13 7 12 14 16 10 15 11 17 18]\n", - "=======================\n", - "['the dutch-led team this week also found personal possessions including jewellery after the plane was downed by a suspected russian-made buk missile , killing all 298 passengers and crew on july 17 , 2014 .in all , 16 containers of fragments of the malaysia airlines plane were filled so far this week .air crash investigators have recovered more body parts from the site where mh17 fell in eastern ukraine after the boeing 777 was shot out of the sky nine months ago .']\n", - "=======================\n", - "['investigators have found more body parts from where mh17 fell in ukrainealso discovered personal possessions including jewellery and braceletsmailonline also found a charred passport of a malaysian mother killedplane downed on july 17 2014 killed all 298 passengers and crew on board']\n", - "the dutch-led team this week also found personal possessions including jewellery after the plane was downed by a suspected russian-made buk missile , killing all 298 passengers and crew on july 17 , 2014 .in all , 16 containers of fragments of the malaysia airlines plane were filled so far this week .air crash investigators have recovered more body parts from the site where mh17 fell in eastern ukraine after the boeing 777 was shot out of the sky nine months ago .\n", - "investigators have found more body parts from where mh17 fell in ukrainealso discovered personal possessions including jewellery and braceletsmailonline also found a charred passport of a malaysian mother killedplane downed on july 17 2014 killed all 298 passengers and crew on board\n", - "[1.0429062 1.0723394 1.5850389 1.2732038 1.1179209 1.0855799 1.0710571\n", - " 1.0731776 1.1288891 1.1218997 1.3509395 1.102387 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 10 3 8 9 4 11 5 7 1 6 0 12 13 14 15 16 17 18]\n", - "=======================\n", - "['lori smith filmed her pooch boomer being repeatedly hit as she lay with her head resting on the ledge of her electronic dog door .with the door jammed , it is seen constantly moving up and down hitting her skull each time .after more than 20 seconds and numerous head taps , boomer appears resting in the same position .']\n", - "=======================\n", - "['lori smith filmed her pooch boomer being repeatedly hit as she lay with her head resting on the ledge of her electronic dog doorafter more than 20 seconds and numerous head taps boomer appears resting in the same position']\n", - "lori smith filmed her pooch boomer being repeatedly hit as she lay with her head resting on the ledge of her electronic dog door .with the door jammed , it is seen constantly moving up and down hitting her skull each time .after more than 20 seconds and numerous head taps , boomer appears resting in the same position .\n", - "lori smith filmed her pooch boomer being repeatedly hit as she lay with her head resting on the ledge of her electronic dog doorafter more than 20 seconds and numerous head taps boomer appears resting in the same position\n", - "[1.4435525 1.1363277 1.2543596 1.5249181 1.2041215 1.0699415 1.0746732\n", - " 1.0899999 1.1030674 1.1562039 1.0523522 1.0687873 1.048467 1.0213919\n", - " 1.0075969 1.0064241 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 4 9 1 8 7 6 5 11 10 12 13 14 15 17 16 18]\n", - "=======================\n", - "['thomas tuchel ( left ) will replace borussia dortmund manager jurgen klopp at the start of julyborussia dortmund have moved swiftly to secure thomas tuchel as the successor to jurgen klopp , after he announced he was bringing the curtain down on his seven-year stay at the club this week .four days after klopp announced he believes he has taken the club as far as he can and is seeking pastures new , dortmund have revealed tomas tuchel will take over in july on a three-year deal .']\n", - "=======================\n", - "[\"thomas tuchel has signed a three-year deal to replace jurgen klopptuchel will officially take over at borussia dortmund on july 1the 41-year-old 's last job was at bundesliga side mainz\"]\n", - "thomas tuchel ( left ) will replace borussia dortmund manager jurgen klopp at the start of julyborussia dortmund have moved swiftly to secure thomas tuchel as the successor to jurgen klopp , after he announced he was bringing the curtain down on his seven-year stay at the club this week .four days after klopp announced he believes he has taken the club as far as he can and is seeking pastures new , dortmund have revealed tomas tuchel will take over in july on a three-year deal .\n", - "thomas tuchel has signed a three-year deal to replace jurgen klopptuchel will officially take over at borussia dortmund on july 1the 41-year-old 's last job was at bundesliga side mainz\n", - "[1.2429198 1.4451518 1.2504169 1.3512871 1.2728869 1.204954 1.1812494\n", - " 1.1502529 1.0397631 1.0335106 1.1541117 1.0305716 1.0185833 1.0157695\n", - " 1.0715659 1.0167339 1.0096525 1.0240005 1.0264682]\n", - "\n", - "[ 1 3 4 2 0 5 6 10 7 14 8 9 11 18 17 12 15 13 16]\n", - "=======================\n", - "['the female driver in a toyota aygo pulled in front of colin kay as he was driving his citroen picasso on the a586 in great eccleston in lancashire last year .colin kay captured the collision on a dashcam which showed how the toyota aygo driver veered across the roadthe collision was captured on film as mr kay had fitted a camera to his dashboard and revealed how he had no time to react and avoid the crash .']\n", - "=======================\n", - "['colin kay was driving on the a586 when another car ploughed into his carthe whole incident was captured on film by a dashcam on his dashboardhe has been told the driver will not face any action over crash last yearthis is because the police officer investigating the case had gone off sick']\n", - "the female driver in a toyota aygo pulled in front of colin kay as he was driving his citroen picasso on the a586 in great eccleston in lancashire last year .colin kay captured the collision on a dashcam which showed how the toyota aygo driver veered across the roadthe collision was captured on film as mr kay had fitted a camera to his dashboard and revealed how he had no time to react and avoid the crash .\n", - "colin kay was driving on the a586 when another car ploughed into his carthe whole incident was captured on film by a dashcam on his dashboardhe has been told the driver will not face any action over crash last yearthis is because the police officer investigating the case had gone off sick\n", - "[1.2379065 1.3647782 1.3164966 1.3764732 1.2827189 1.2319863 1.1135366\n", - " 1.1460365 1.0428693 1.0548522 1.0681915 1.0578609 1.0338641 1.013853\n", - " 1.0069201 1.0084279 1.008299 1.0843366 0. ]\n", - "\n", - "[ 3 1 2 4 0 5 7 6 17 10 11 9 8 12 13 15 16 14 18]\n", - "=======================\n", - "[\"the green lamborghini and red ferrari - which are worth a combined total of # 1.3 million - are believed to have been racing through the underpass in beijing when the drivers lost control and crashedthe spectacular crash on saturday wrote a green lamborghini off and wrecked a red ferrari .both drivers have now been charged by the local public security bureau with dangerous driving and have been detained , according to the people 's daily online .\"]\n", - "=======================\n", - "[\"outrage in china as ` two unemployed rich kids ' race and crash luxury carscars thought to be worth combined total of # 1.3 million were both wreckedresidents say people often race along stretch making the road dangerousinternet users have branded drivers as ` irresponsible ' and ` spoilt rich kids '\"]\n", - "the green lamborghini and red ferrari - which are worth a combined total of # 1.3 million - are believed to have been racing through the underpass in beijing when the drivers lost control and crashedthe spectacular crash on saturday wrote a green lamborghini off and wrecked a red ferrari .both drivers have now been charged by the local public security bureau with dangerous driving and have been detained , according to the people 's daily online .\n", - "outrage in china as ` two unemployed rich kids ' race and crash luxury carscars thought to be worth combined total of # 1.3 million were both wreckedresidents say people often race along stretch making the road dangerousinternet users have branded drivers as ` irresponsible ' and ` spoilt rich kids '\n", - "[1.3099704 1.4467711 1.2093214 1.1893959 1.0767285 1.1225905 1.147522\n", - " 1.1738406 1.0935509 1.0607839 1.0987562 1.0489104 1.0477437 1.0112209\n", - " 1.0253304 1.0095501 1.0129743 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 7 6 5 10 8 4 9 11 12 14 16 13 15 19 17 18 20]\n", - "=======================\n", - "[\"robert o'neill , who claims the distinction of personally shooting dead the al qaeda leader , will treat specially-invited guests to a weekend shooting retreat in jackson hole , wyoming .the former navy seal who killed osama bin laden will host a ` machine gun fun ' shooting competition at a conservative fundraising event which costs $ 50,000 a ticket .potential attendees were contacted by the right-leaning for america non-profit and told to write back by may 10 for a chance to open fire alongside o'neill .\"]\n", - "=======================\n", - "[\"robert o'neill revealed himself last year as soldier who killed bin ladensupporters of for america group were invited to shooting event with himwill stay in luxury jackson hole , wyoming , resort and shoot with o'neillformer seal has been speaking publicly about bin laden role since 2014is being investigated by navy police for allegedly revealing military secrets\"]\n", - "robert o'neill , who claims the distinction of personally shooting dead the al qaeda leader , will treat specially-invited guests to a weekend shooting retreat in jackson hole , wyoming .the former navy seal who killed osama bin laden will host a ` machine gun fun ' shooting competition at a conservative fundraising event which costs $ 50,000 a ticket .potential attendees were contacted by the right-leaning for america non-profit and told to write back by may 10 for a chance to open fire alongside o'neill .\n", - "robert o'neill revealed himself last year as soldier who killed bin ladensupporters of for america group were invited to shooting event with himwill stay in luxury jackson hole , wyoming , resort and shoot with o'neillformer seal has been speaking publicly about bin laden role since 2014is being investigated by navy police for allegedly revealing military secrets\n", - "[1.1935313 1.2830056 1.3173535 1.2228588 1.2459052 1.1485177 1.1617404\n", - " 1.0777165 1.074341 1.0847423 1.1018581 1.0825204 1.0356162 1.0818967\n", - " 1.0685264 1.0313348 1.0163543 1.0128402 1.0338776 0. 0. ]\n", - "\n", - "[ 2 1 4 3 0 6 5 10 9 11 13 7 8 14 12 18 15 16 17 19 20]\n", - "=======================\n", - "[\"the study suggests that as well as expressing their emotional state , the pained faces of rats may have a ` communicative function ' .now researchers have found that rats can recognise pain the faces of their fellow rodents .they may even use expressions to warn other rats of danger or ask for help .\"]\n", - "=======================\n", - "[\"researchers in tokyo placed rats in a cage with three compartmentsone room showed photos of rats in pain , and another with neutral facesrats spent more time in the ` neutral ' room suggesting they recognise fearexperts believe facial expressions are used to communicate with others\"]\n", - "the study suggests that as well as expressing their emotional state , the pained faces of rats may have a ` communicative function ' .now researchers have found that rats can recognise pain the faces of their fellow rodents .they may even use expressions to warn other rats of danger or ask for help .\n", - "researchers in tokyo placed rats in a cage with three compartmentsone room showed photos of rats in pain , and another with neutral facesrats spent more time in the ` neutral ' room suggesting they recognise fearexperts believe facial expressions are used to communicate with others\n", - "[1.1939182 1.4684119 1.4798918 1.2857385 1.4030681 1.11643 1.0668607\n", - " 1.0295889 1.0191072 1.0104979 1.1197704 1.0523992 1.0936162 1.0441626\n", - " 1.0297941 1.0229112 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 4 3 0 10 5 12 6 11 13 14 7 15 8 9 19 16 17 18 20]\n", - "=======================\n", - "[\"it will be piloted and powered by paracyclist liz mcternan and will need to travel in excess of 21.39 miles per hour ( 34.42 km/h ) over 656ft ( 200-metres ) to beat the record .a team of experts is hoping to enter the record books by building the world 's fastest bike powered by hand .the jivr bike , previously known as jive bike , is an electric bike with a chainless drivetrain .\"]\n", - "=======================\n", - "[\"engineers from plymouth have developed a human powered vehicle ( hpv )they hope it will break the women 's arm-powered record in nevadabike is made of lightweight aluminium and is steered using the rider 's headpiloted and powered by paracyclist liz mcternan , it needs to exceed 21.39 mph ( 34.42 km/h ) over 656ft ( 200-metres ) to beat the record\"]\n", - "it will be piloted and powered by paracyclist liz mcternan and will need to travel in excess of 21.39 miles per hour ( 34.42 km/h ) over 656ft ( 200-metres ) to beat the record .a team of experts is hoping to enter the record books by building the world 's fastest bike powered by hand .the jivr bike , previously known as jive bike , is an electric bike with a chainless drivetrain .\n", - "engineers from plymouth have developed a human powered vehicle ( hpv )they hope it will break the women 's arm-powered record in nevadabike is made of lightweight aluminium and is steered using the rider 's headpiloted and powered by paracyclist liz mcternan , it needs to exceed 21.39 mph ( 34.42 km/h ) over 656ft ( 200-metres ) to beat the record\n", - "[1.2045602 1.3312446 1.3453984 1.1449522 1.1960717 1.086255 1.1247181\n", - " 1.1416683 1.0557197 1.0474747 1.058993 1.0603188 1.165581 1.0326313\n", - " 1.0580542 1.043121 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 4 12 3 7 6 5 11 10 14 8 9 15 13 16 17 18 19 20]\n", - "=======================\n", - "[\"the crashes took place between october 2010 and january 2012 and earned ringleader john smith 45 , from connah 's quay , north wales , # 159,000 .the elaborate fraud involved cars and vans being driven into the side of first group buses so passengers - who were mainly friends and relatives complicit in the scam - could falsely claim from insurers .in each case , the driver of the car would admit full liability , allowing all of the passengers from the bus to submit personal injury claims .\"]\n", - "=======================\n", - "[\"` crash for cash ' fraud involved cars being deliberately driven into busespassengers - most of whom were friends and relatives - would then claimjohn smith , 45 , from connah 's quay , orchestrated crashes in chester areahe processed 218 bogus personal injury claims to no win no fee lawyersconvicted yesterday of fraud and conspiracy to commit fraud after trial\"]\n", - "the crashes took place between october 2010 and january 2012 and earned ringleader john smith 45 , from connah 's quay , north wales , # 159,000 .the elaborate fraud involved cars and vans being driven into the side of first group buses so passengers - who were mainly friends and relatives complicit in the scam - could falsely claim from insurers .in each case , the driver of the car would admit full liability , allowing all of the passengers from the bus to submit personal injury claims .\n", - "` crash for cash ' fraud involved cars being deliberately driven into busespassengers - most of whom were friends and relatives - would then claimjohn smith , 45 , from connah 's quay , orchestrated crashes in chester areahe processed 218 bogus personal injury claims to no win no fee lawyersconvicted yesterday of fraud and conspiracy to commit fraud after trial\n", - "[1.2318563 1.451903 1.3696291 1.1961863 1.2465553 1.2021749 1.2382488\n", - " 1.1391085 1.0844972 1.0802263 1.0526104 1.0400332 1.052549 1.0274311\n", - " 1.0261742 1.0687397 1.0496547 1.040278 1.0264624 1.0369762 1.0079455]\n", - "\n", - "[ 1 2 4 6 0 5 3 7 8 9 15 10 12 16 17 11 19 13 18 14 20]\n", - "=======================\n", - "['victoria police arrested 35-year-old abijath desikan following the 7.5 hour siege at riverside quay .mr desikan was charged with one count of armed robbery , false imprisonment and assault with a weapon .a man has been charged after he allegedly held a woman hostage at knifepoint for more than seven hours in a central melbourne restaurant .']\n", - "=======================\n", - "[\"woman emerged from restaurant where she was held hostage for 7.5 hourspolice were called to melbourne 's riverside quay after 10pm on sundaya ` disgruntled ' former employee entered the storeroom armed with a knifethe 35-year-old man has been arrested but had yet to be charged\"]\n", - "victoria police arrested 35-year-old abijath desikan following the 7.5 hour siege at riverside quay .mr desikan was charged with one count of armed robbery , false imprisonment and assault with a weapon .a man has been charged after he allegedly held a woman hostage at knifepoint for more than seven hours in a central melbourne restaurant .\n", - "woman emerged from restaurant where she was held hostage for 7.5 hourspolice were called to melbourne 's riverside quay after 10pm on sundaya ` disgruntled ' former employee entered the storeroom armed with a knifethe 35-year-old man has been arrested but had yet to be charged\n", - "[1.3047384 1.0644149 1.1315156 1.071591 1.1332312 1.1240804 1.0856556\n", - " 1.0984223 1.0784651 1.0501301 1.1567616 1.0921466 1.0298834 1.0323851\n", - " 1.0521048 1.0345943 1.0221583 1.0132366 1.106961 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 10 4 2 5 18 7 11 6 8 3 1 14 9 15 13 12 16 17 20 19 21]\n", - "=======================\n", - "[\"david cameron ( pictured ) said he knows that when it comes to immigration , ` fears and worries ' remaineconomic migration from outside the eu has been capped at 20,700 skilled professionals a year .i am not one of those politicians who says they ` get ' how people feel about immigration then speaks differently in private .\"]\n", - "=======================\n", - "[\"cameron said he knows that ` fear and worries ' remain over immigrationunder tories , two-thirds of uk job growth now benefits british citizenspm said he will continue ` serious , sustained attempt ' to control immigration\"]\n", - "david cameron ( pictured ) said he knows that when it comes to immigration , ` fears and worries ' remaineconomic migration from outside the eu has been capped at 20,700 skilled professionals a year .i am not one of those politicians who says they ` get ' how people feel about immigration then speaks differently in private .\n", - "cameron said he knows that ` fear and worries ' remain over immigrationunder tories , two-thirds of uk job growth now benefits british citizenspm said he will continue ` serious , sustained attempt ' to control immigration\n", - "[1.324405 1.2105914 1.2362797 1.2690006 1.1709038 1.1750474 1.0561965\n", - " 1.0503789 1.1770133 1.05777 1.0727533 1.0407778 1.018094 1.0394956\n", - " 1.0165591 1.0150367 1.0204507 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 2 1 8 5 4 10 9 6 7 11 13 16 12 14 15 20 17 18 19 21]\n", - "=======================\n", - "[\"women paid 62p an hour in mauritius to make ` feminist ' t-shirts have been beaten by police during protests over pay and conditions at their ` sweatshop ' factory .at the end of a peaceful three-day protest , bangladeshi migrant workers -- who produce clothes for whistles , topshop and next -- were surrounded by officers who charged at them , hitting out with batons , before dragging the screaming women away .dozens of workers at the factory -- exposed by the mail on sunday for its low wages and prison-like accommodation for women making the ` this is what a feminist looks like ' t-shirts -- have been sacked and deported for staging what bosses called ` an illegal strike ' .\"]\n", - "=======================\n", - "[\"women beaten by police during protests over pay and conditionsdozens of workers have been sacked and deported for ` illegal ' strikebangladeshi migrant workers had held peaceful three-day walkout\"]\n", - "women paid 62p an hour in mauritius to make ` feminist ' t-shirts have been beaten by police during protests over pay and conditions at their ` sweatshop ' factory .at the end of a peaceful three-day protest , bangladeshi migrant workers -- who produce clothes for whistles , topshop and next -- were surrounded by officers who charged at them , hitting out with batons , before dragging the screaming women away .dozens of workers at the factory -- exposed by the mail on sunday for its low wages and prison-like accommodation for women making the ` this is what a feminist looks like ' t-shirts -- have been sacked and deported for staging what bosses called ` an illegal strike ' .\n", - "women beaten by police during protests over pay and conditionsdozens of workers have been sacked and deported for ` illegal ' strikebangladeshi migrant workers had held peaceful three-day walkout\n", - "[1.172263 1.5119774 1.3292226 1.1630261 1.2296271 1.3690178 1.0390251\n", - " 1.0222454 1.0172151 1.0265976 1.19844 1.0792003 1.0269498 1.0737845\n", - " 1.0284426 1.0287609 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 5 2 4 10 0 3 11 13 6 15 14 12 9 7 8 20 16 17 18 19 21]\n", - "=======================\n", - "['betheny coyne , from wigan , lancashire , was diagnosed with a rare heart defect before she was born - and was never expected to reach her fourth birthday .but she defied medical predictions and now , aged 24 , she is mother to three healthy children .miss coyne was born with a heart condition known as coarctation of the aorta , which caused her need open heart surgery three times as a baby .']\n", - "=======================\n", - "['betheny coyne was diagnosed with the defect before she was bornwas not expected to live past her fourth birthday - but has defied the oddsis now trying to make as many memories as possible for her children']\n", - "betheny coyne , from wigan , lancashire , was diagnosed with a rare heart defect before she was born - and was never expected to reach her fourth birthday .but she defied medical predictions and now , aged 24 , she is mother to three healthy children .miss coyne was born with a heart condition known as coarctation of the aorta , which caused her need open heart surgery three times as a baby .\n", - "betheny coyne was diagnosed with the defect before she was bornwas not expected to live past her fourth birthday - but has defied the oddsis now trying to make as many memories as possible for her children\n", - "[1.0665641 1.4250314 1.3377683 1.275095 1.1162009 1.1740993 1.0431513\n", - " 1.0984446 1.0774395 1.1198478 1.0746547 1.1277202 1.0422237 1.0662407\n", - " 1.0920765 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 5 11 9 4 7 14 8 10 0 13 6 12 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"let 's start in spain , where marca and as report that real madrid are set to be without karim benzema for their champions league quarter-final second leg clash against rivals atletico madrid .the french striker , who has 15 la liga goals to his name this season , missed madrid 's 3-1 victory against malaga with a knee injury which he is struggling to recover from .spanish newspapers report that karim benzema will miss real madrid 's clash against atletico on wednesday\"]\n", - "=======================\n", - "[\"karim benzema missed real madrid 's win against malaga with knee injurycarlo ancelotti had hoped the french striker would n't be out for longwelsh forward gareth bale could also miss champions league clash\"]\n", - "let 's start in spain , where marca and as report that real madrid are set to be without karim benzema for their champions league quarter-final second leg clash against rivals atletico madrid .the french striker , who has 15 la liga goals to his name this season , missed madrid 's 3-1 victory against malaga with a knee injury which he is struggling to recover from .spanish newspapers report that karim benzema will miss real madrid 's clash against atletico on wednesday\n", - "karim benzema missed real madrid 's win against malaga with knee injurycarlo ancelotti had hoped the french striker would n't be out for longwelsh forward gareth bale could also miss champions league clash\n", - "[1.5583305 1.068721 1.0453236 1.0636337 1.0650315 1.0464371 1.5177215\n", - " 1.3840963 1.0232221 1.0165952 1.0259367 1.1554786 1.1378999 1.0736722\n", - " 1.1481285 1.0451871 1.0497957 1.0151157 1.0180403 1.0151231 1.0202285\n", - " 1.2719965]\n", - "\n", - "[ 0 6 7 21 11 14 12 13 1 4 3 16 5 2 15 10 8 20 18 9 19 17]\n", - "=======================\n", - "[\"daley blind has hailed a pre-match team talk from skipper wayne rooney about ending their run of four successive losses against city with giving the united players an extra edge on sunday .daley blind played his part in manchester united 's 4-2 derby win over city on sundayblind has urged manchester united to focus on their next premier league match against chelsea\"]\n", - "=======================\n", - "['manchester united have won six consecutive premier league gamesdaley blind wants red devils to focus on run-in starting with chelseaholland international credited wayne rooney for inspiring derby wingary neville : man united can beat anyone at the moment']\n", - "daley blind has hailed a pre-match team talk from skipper wayne rooney about ending their run of four successive losses against city with giving the united players an extra edge on sunday .daley blind played his part in manchester united 's 4-2 derby win over city on sundayblind has urged manchester united to focus on their next premier league match against chelsea\n", - "manchester united have won six consecutive premier league gamesdaley blind wants red devils to focus on run-in starting with chelseaholland international credited wayne rooney for inspiring derby wingary neville : man united can beat anyone at the moment\n", - "[1.3254774 1.4352158 1.1933966 1.1108779 1.1812984 1.0745618 1.0996827\n", - " 1.1167945 1.1863785 1.0585033 1.0332768 1.0343703 1.0148339 1.0425874\n", - " 1.0425825 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 8 4 7 3 6 5 9 13 14 11 10 12 16 15 17]\n", - "=======================\n", - "['the suspects , all of somali descent , were detained after months of being monitored by the government agency through one of their former allies .the families of four minnesota men charged with trying to join the islamic state have accused the fbi of paying an informant to set them up .on thursday , there were audible gasps in the court room as a government official revealed the informant , who once planned to travel to syria himself , has been paid at least $ 13,000 for providing tip-offs .']\n", - "=======================\n", - "[\"fbi revealed it has paid $ 13,000 to a man who once tried to flee to syria but was caught and agreed to cooperatehe has been protected from charges , six of his former allies are chargedfamilies screamed as lawyers questioned the mole 's reliabilityjudge overruled the appeals , ordered for 4 minnesota men to stay in jailthe other two suspects were arrested in san diego , remain in custody\"]\n", - "the suspects , all of somali descent , were detained after months of being monitored by the government agency through one of their former allies .the families of four minnesota men charged with trying to join the islamic state have accused the fbi of paying an informant to set them up .on thursday , there were audible gasps in the court room as a government official revealed the informant , who once planned to travel to syria himself , has been paid at least $ 13,000 for providing tip-offs .\n", - "fbi revealed it has paid $ 13,000 to a man who once tried to flee to syria but was caught and agreed to cooperatehe has been protected from charges , six of his former allies are chargedfamilies screamed as lawyers questioned the mole 's reliabilityjudge overruled the appeals , ordered for 4 minnesota men to stay in jailthe other two suspects were arrested in san diego , remain in custody\n", - "[1.4525416 1.4358256 1.2562455 1.3706396 1.1356323 1.0424613 1.0298344\n", - " 1.0431436 1.1394616 1.1442522 1.1066242 1.0383546 1.1242062 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 9 8 4 12 10 7 5 11 6 16 13 14 15 17]\n", - "=======================\n", - "[\"the executions of bali nine duo andrew chan and myuran sukumaran is ` only a matter of time ' , indonesian president joko widodo has confirmed .chan and sukumaran are set to face the firing squad alongside eight other drug felons as soon as all appeals have concluded .the pair lost their most recent appeal for clemency however three of the other death row prisoners are still awaiting the results of their appeals .\"]\n", - "=======================\n", - "[\"indonesian president widodo warned it wo n't be long until convicted drug smugglers andrew chan and myuran sukumaran face the firing squadthe two australians will be put to death along eight other drug felonsthree of them are currently awaiting the results of their appealspresident widodo said he will not get involved in outstanding appeals\"]\n", - "the executions of bali nine duo andrew chan and myuran sukumaran is ` only a matter of time ' , indonesian president joko widodo has confirmed .chan and sukumaran are set to face the firing squad alongside eight other drug felons as soon as all appeals have concluded .the pair lost their most recent appeal for clemency however three of the other death row prisoners are still awaiting the results of their appeals .\n", - "indonesian president widodo warned it wo n't be long until convicted drug smugglers andrew chan and myuran sukumaran face the firing squadthe two australians will be put to death along eight other drug felonsthree of them are currently awaiting the results of their appealspresident widodo said he will not get involved in outstanding appeals\n", - "[1.2683928 1.3937486 1.1436651 1.3927193 1.309895 1.1447722 1.169822\n", - " 1.1359209 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 0 6 5 2 7 15 14 13 12 8 10 9 16 11 17]\n", - "=======================\n", - "[\"part of the ` wing ' - the $ 40million ( # 27m ) , three-story corporate building at the host venue of formula one 's british grand prix - was affected by the winds on late sunday and monday .silverstone sporting director stuart pringle insists upcoming events will not be affected by recent damagework has started on repairing the roof of the silverstone motor racing circuit which was damaged by high winds during the last couple of days .\"]\n", - "=======================\n", - "['roof of silverstone race track was damaged by high windsa section of the # 27m building was affected by weather earlier this weekupcoming races and events at silverstone will not be affected']\n", - "part of the ` wing ' - the $ 40million ( # 27m ) , three-story corporate building at the host venue of formula one 's british grand prix - was affected by the winds on late sunday and monday .silverstone sporting director stuart pringle insists upcoming events will not be affected by recent damagework has started on repairing the roof of the silverstone motor racing circuit which was damaged by high winds during the last couple of days .\n", - "roof of silverstone race track was damaged by high windsa section of the # 27m building was affected by weather earlier this weekupcoming races and events at silverstone will not be affected\n", - "[1.195597 1.4209515 1.2825111 1.0845127 1.1470923 1.0933275 1.0273911\n", - " 1.0990658 1.1574653 1.0114435 1.1308466 1.0417737 1.0422158 1.040114\n", - " 1.0526483 1.0630732 1.1115762 1.0583153]\n", - "\n", - "[ 1 2 0 8 4 10 16 7 5 3 15 17 14 12 11 13 6 9]\n", - "=======================\n", - "['with the death toll now standing at more than 4,000 , mass cremations have been taking place next to the bagmati river , the waterway which divides the nepalese capital , as mourning families attempt to give their loved one the honourable send-off so revered in hindu tradition .today , plumes of white , acrid smoke could be seen floating across kathmandu , as hundreds of bodies were burned in the ghats beside the river .scores of dead children were wrapped in orange and gold cloth on the ground , as their relatives prayed for their souls in heartbreaking desperation .']\n", - "=======================\n", - "[\"mass cremations have been taking place next to the bagmati river , the waterway which divides the nepalese capitalplumes of white , acrid smoke were seen floating across kathmandu as hundreds of bodies were burned in pyrescity 's sacred temple overwhelmed with number of bodies while wood needed to make pyres is starting to run outalmost every space along the river 's banks is being used for rites , despite hundreds more bodies still being found\"]\n", - "with the death toll now standing at more than 4,000 , mass cremations have been taking place next to the bagmati river , the waterway which divides the nepalese capital , as mourning families attempt to give their loved one the honourable send-off so revered in hindu tradition .today , plumes of white , acrid smoke could be seen floating across kathmandu , as hundreds of bodies were burned in the ghats beside the river .scores of dead children were wrapped in orange and gold cloth on the ground , as their relatives prayed for their souls in heartbreaking desperation .\n", - "mass cremations have been taking place next to the bagmati river , the waterway which divides the nepalese capitalplumes of white , acrid smoke were seen floating across kathmandu as hundreds of bodies were burned in pyrescity 's sacred temple overwhelmed with number of bodies while wood needed to make pyres is starting to run outalmost every space along the river 's banks is being used for rites , despite hundreds more bodies still being found\n", - "[1.3287811 1.281647 1.2040026 1.1610492 1.0869242 1.1238894 1.0516934\n", - " 1.0492991 1.0388432 1.1302333 1.0993905 1.0779525 1.0348777 1.059659\n", - " 1.0663246 1.2121269 1.0523319 0. ]\n", - "\n", - "[ 0 1 15 2 3 9 5 10 4 11 14 13 16 6 7 8 12 17]\n", - "=======================\n", - "[\"the national rifle association gathered on saturday to condemn barack obama and hillary clinton as ` elitists ' who will ` dismantle our freedoms and reshape america into an america that you and i will not even recognize ' .in the annual meeting that attracts more than 70,000 people , ceo wayne lapierre celebrated the republican majority in the u.s. senate as evidence of the group 's political clout .warning : wayne lapierre told the convention people must stand up against gun-control efforts\"]\n", - "=======================\n", - "[\"70,000 people gathered in nashville for the annual conventionleaders celebrated the republican majority in the u.s. congressbut they warned obama is ` dismantling freedom ' and clinton would too\"]\n", - "the national rifle association gathered on saturday to condemn barack obama and hillary clinton as ` elitists ' who will ` dismantle our freedoms and reshape america into an america that you and i will not even recognize ' .in the annual meeting that attracts more than 70,000 people , ceo wayne lapierre celebrated the republican majority in the u.s. senate as evidence of the group 's political clout .warning : wayne lapierre told the convention people must stand up against gun-control efforts\n", - "70,000 people gathered in nashville for the annual conventionleaders celebrated the republican majority in the u.s. congressbut they warned obama is ` dismantling freedom ' and clinton would too\n", - "[1.4052471 1.3671007 1.1895552 1.4242947 1.2533156 1.0931897 1.0841957\n", - " 1.1519964 1.0943861 1.0750235 1.0876219 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 2 7 8 5 10 6 9 19 11 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"manchester city have decided to listen to offers for ivorian midfielder yaya toure this summercity manager manuel pellegrini is under intense scrutiny following sunday 's 4-2 defeat by neighbours manchester united .the premier league champions are also open to allowing samir nasri leave the etihad stadium\"]\n", - "=======================\n", - "['manchester city were beaten 4-2 by their rivals united at old traffordthe defending premier league champions will listen to offers for starsyaya toure and samir nasri are allowed to leave the etihad this summer']\n", - "manchester city have decided to listen to offers for ivorian midfielder yaya toure this summercity manager manuel pellegrini is under intense scrutiny following sunday 's 4-2 defeat by neighbours manchester united .the premier league champions are also open to allowing samir nasri leave the etihad stadium\n", - "manchester city were beaten 4-2 by their rivals united at old traffordthe defending premier league champions will listen to offers for starsyaya toure and samir nasri are allowed to leave the etihad this summer\n", - "[1.3034917 1.2288928 1.2767228 1.1459783 1.273699 1.1424074 1.1325128\n", - " 1.0586241 1.0871186 1.112117 1.0628765 1.0624957 1.0824847 1.0515684\n", - " 1.0504417 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 4 1 3 5 6 9 8 12 10 11 7 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"samantha fleming was asleep in the indiana apartment she shared with her boyfriend and newborn daughter when the doorbell rang on april 6 .but authorities say the woman , geraldine r. jones , never worked for the child-welfare agency and that her visit to fleming 's apartment in anderson , about 30 miles north of indianapolis , was part of an elaborate scheme to take the 17-day-old baby and claim the girl as her own .elaborate plot : geraldine jones , 36 , of gary , indiana ( left ) , has been charged with murder , kidnapping and criminal confinement over the death of new mom samantha fleming , 23 ( right )\"]\n", - "=======================\n", - "[\"geraldine jones charged with murder , kidnapping , criminal confinementgary , indiana , woman , 36 , charged in death of samantha fleming , 23posed as a social worker to lure fleming and her baby from their homehad called the victim 's mother and lied to her to get informationallegedly stabbed fleming to death and hid body in a closetjones had faked a pregnancy and planned to claim the baby girl , serenitypolice tracked her to a hospital in texas , where she was visiting her motherjones is now awaiting extradition to indiana\"]\n", - "samantha fleming was asleep in the indiana apartment she shared with her boyfriend and newborn daughter when the doorbell rang on april 6 .but authorities say the woman , geraldine r. jones , never worked for the child-welfare agency and that her visit to fleming 's apartment in anderson , about 30 miles north of indianapolis , was part of an elaborate scheme to take the 17-day-old baby and claim the girl as her own .elaborate plot : geraldine jones , 36 , of gary , indiana ( left ) , has been charged with murder , kidnapping and criminal confinement over the death of new mom samantha fleming , 23 ( right )\n", - "geraldine jones charged with murder , kidnapping , criminal confinementgary , indiana , woman , 36 , charged in death of samantha fleming , 23posed as a social worker to lure fleming and her baby from their homehad called the victim 's mother and lied to her to get informationallegedly stabbed fleming to death and hid body in a closetjones had faked a pregnancy and planned to claim the baby girl , serenitypolice tracked her to a hospital in texas , where she was visiting her motherjones is now awaiting extradition to indiana\n", - "[1.2322221 1.4660994 1.2047952 1.3062875 1.1862925 1.0989357 1.0290165\n", - " 1.1034012 1.2515347 1.0157971 1.0625421 1.049757 1.0625117 1.2421613\n", - " 1.0737339 1.178107 1.0639226 1.0167542 0. 0. 0. ]\n", - "\n", - "[ 1 3 8 13 0 2 4 15 7 5 14 16 10 12 11 6 17 9 19 18 20]\n", - "=======================\n", - "[\"vincent stanford , 24 , is accused of murdering ms scott , 26 , on easter sunday and dumping her body in bushland , just days before she was set to wed fiance aaron leeson-woolley .the family of stephanie scott 's accused murdered vincent stanford ( pictured ) have offered their condolences ahead of the leeton schoolteacher 's funeral on wednesdaymr stanford 's mother anika met with leeton mayor paul maytom last thursday , revealing her grief and horror at the situation , fairfax media reported .\"]\n", - "=======================\n", - "[\"stephanie scott 's family are preparing for her funeral on wednesdaythey say all are welcome to remember and show their support for ms scottthe 26-year-old teacher believed to have been murdered on easter sundayher accused murderer is the school cleaner , vincent stanfordstanford 's mother passed on her condolences to ms scott 's loved onesleeton high school have reached out to the community to commend them for the strength they have shown in the face of immeasurable griefher funeral will be held 10 days after her intended wedding datethe funeral will take place at the same venue where she had planned to marry aaron leeson-woolley\"]\n", - "vincent stanford , 24 , is accused of murdering ms scott , 26 , on easter sunday and dumping her body in bushland , just days before she was set to wed fiance aaron leeson-woolley .the family of stephanie scott 's accused murdered vincent stanford ( pictured ) have offered their condolences ahead of the leeton schoolteacher 's funeral on wednesdaymr stanford 's mother anika met with leeton mayor paul maytom last thursday , revealing her grief and horror at the situation , fairfax media reported .\n", - "stephanie scott 's family are preparing for her funeral on wednesdaythey say all are welcome to remember and show their support for ms scottthe 26-year-old teacher believed to have been murdered on easter sundayher accused murderer is the school cleaner , vincent stanfordstanford 's mother passed on her condolences to ms scott 's loved onesleeton high school have reached out to the community to commend them for the strength they have shown in the face of immeasurable griefher funeral will be held 10 days after her intended wedding datethe funeral will take place at the same venue where she had planned to marry aaron leeson-woolley\n", - "[1.135513 1.1425205 1.1593825 1.1957626 1.2809542 1.3800462 1.1835986\n", - " 1.135197 1.0870103 1.1440829 1.0371166 1.0776002 1.03815 1.0823903\n", - " 1.0716722 1.0811841 1.1135367 1.0459539 1.0256245 1.0214372 1.0384568]\n", - "\n", - "[ 5 4 3 6 2 9 1 0 7 16 8 13 15 11 14 17 20 12 10 18 19]\n", - "=======================\n", - "[\"more than 80 firefighters spent six hours tackling flames up to 35ft high at the st catherine 's hill nature reserve in dorset yesterdayfire investigators have confirmed the fire was started deliberately and three separate areas of heath - measuring half a hectare , one hectare and 70 hectares - were destroyedbut the 70 hectare area of dorset was tinderbox dry as much of it is on a hillside and water had run off down the slope .\"]\n", - "=======================\n", - "[\"flames up to 35ft high engulfed 70 hectres of the st catherine 's hill nature reserve in christchurch , dorseta lack of rain combined with strong 45mph winds saw the blaze spread across the heathland dangerously quicklymore than 80 firefighters spent six hours tackling the blaze which is thought to have wiped out thousands of animalsdorset police confirmed they are treating it as suspicious after evidence of three deliberate fires was discovered\"]\n", - "more than 80 firefighters spent six hours tackling flames up to 35ft high at the st catherine 's hill nature reserve in dorset yesterdayfire investigators have confirmed the fire was started deliberately and three separate areas of heath - measuring half a hectare , one hectare and 70 hectares - were destroyedbut the 70 hectare area of dorset was tinderbox dry as much of it is on a hillside and water had run off down the slope .\n", - "flames up to 35ft high engulfed 70 hectres of the st catherine 's hill nature reserve in christchurch , dorseta lack of rain combined with strong 45mph winds saw the blaze spread across the heathland dangerously quicklymore than 80 firefighters spent six hours tackling the blaze which is thought to have wiped out thousands of animalsdorset police confirmed they are treating it as suspicious after evidence of three deliberate fires was discovered\n", - "[1.2861528 1.4483788 1.1866148 1.3340516 1.074683 1.0583279 1.1070055\n", - " 1.0700549 1.0221776 1.020658 1.0360796 1.0806901 1.041612 1.1112692\n", - " 1.0301696 1.0263 1.0464563 1.0618523 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 13 6 11 4 7 17 5 16 12 10 14 15 8 9 18 19 20]\n", - "=======================\n", - "[\"honza and claudine lafond , who live in sydney , have posted pictures from all their athletic adventures on instagram , attracting more than 251,000 followers .a couple have taken their passion for yoga all over the world , striking gravity-defying poses in front of dozens of famous landmarks - from the colosseum in rome to the paris 's eiffel tower .in the mesmerising images , the pair , who run a worldwide studio called yogabeyond , do handstands and downward dogs against draw-dropping backgrounds , showing off their impressive physical prowess .\"]\n", - "=======================\n", - "['honza and claudine lafond are yoga teachers based in sydneythey travel the world to teach yoga , showing off their flexibility by striking impressive yoga poses wherever they gorun a worldwide studio called yogabeyond , specialising in acrovinyasa , which incorporates acrobatic flying']\n", - "honza and claudine lafond , who live in sydney , have posted pictures from all their athletic adventures on instagram , attracting more than 251,000 followers .a couple have taken their passion for yoga all over the world , striking gravity-defying poses in front of dozens of famous landmarks - from the colosseum in rome to the paris 's eiffel tower .in the mesmerising images , the pair , who run a worldwide studio called yogabeyond , do handstands and downward dogs against draw-dropping backgrounds , showing off their impressive physical prowess .\n", - "honza and claudine lafond are yoga teachers based in sydneythey travel the world to teach yoga , showing off their flexibility by striking impressive yoga poses wherever they gorun a worldwide studio called yogabeyond , specialising in acrovinyasa , which incorporates acrobatic flying\n", - "[1.0546131 1.1190625 1.4940609 1.2539895 1.1867318 1.0453534 1.322288\n", - " 1.3472265 1.0593294 1.0931324 1.064498 1.020692 1.0218637 1.1843215\n", - " 1.2052181 1.0221735 1.040467 1.0464436 1.0164022 1.0306462]\n", - "\n", - "[ 2 7 6 3 14 4 13 1 9 10 8 0 17 5 16 19 15 12 11 18]\n", - "=======================\n", - "[\"katie gallegos from clackamas county , oregon , decided to take the pooch to a mcdonald 's drive-thru for an ice cream with his pal daisy .to date the video of cooper 's ice cream outing has been watched more than seven million times .but while the small female pup takes a few ladylike licks , cooper gobbles the rest of the cone up in one bite .\"]\n", - "=======================\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "IOPub data rate exceeded.\n", - "The notebook server will temporarily stop sending output\n", - "to the client in order to avoid crashing it.\n", - "To change this limit, set the config variable\n", - "`--NotebookApp.iopub_data_rate_limit`.\n", - "\n", - "Current values:\n", - "NotebookApp.iopub_data_rate_limit=1000000.0 (bytes/sec)\n", - "NotebookApp.rate_limit_window=3.0 (secs)\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[1.23606 1.4735767 1.4043653 1.2945232 1.1561927 1.32103 1.0880553\n", - " 1.0442176 1.1624539 1.0168252 1.0256383 1.0231181 1.0141935 1.044843\n", - " 1.0102679 1.0538864 1.2116725 1.1831393 1.0320834 1.0771765 1.0105113\n", - " 1.0088074]\n", - "\n", - "[ 1 2 5 3 0 16 17 8 4 6 19 15 13 7 18 10 11 9 12 20 14 21]\n", - "=======================\n", - "[\"the cricket commentator had been receiving radiation treatment for skin cancer since november when he was admitted to a sydney hospice on thursday .benaud died peacefully in his sleep overnight surrounded by his wife daphne and family members .a veteran of 63 test matches , benaud played a pivotal role in the formation of world series cricket in the 1970s and was one of the world 's most recognised commentators .\"]\n", - "=======================\n", - "['cricket commentator richie benaud has died overnight aged 84he had been receiving radiation treatment for skin cancer since novemberformer australian captain died peacefully in his sleep at a sydney hospicebenaud had witnessed - as both a player and commentator - more than 500 test matches throughout his careertributes flowed in on friday morning for the voice of australian cricketprime minister tony abbott also offered his family a state funeral']\n", - "the cricket commentator had been receiving radiation treatment for skin cancer since november when he was admitted to a sydney hospice on thursday .benaud died peacefully in his sleep overnight surrounded by his wife daphne and family members .a veteran of 63 test matches , benaud played a pivotal role in the formation of world series cricket in the 1970s and was one of the world 's most recognised commentators .\n", - "cricket commentator richie benaud has died overnight aged 84he had been receiving radiation treatment for skin cancer since novemberformer australian captain died peacefully in his sleep at a sydney hospicebenaud had witnessed - as both a player and commentator - more than 500 test matches throughout his careertributes flowed in on friday morning for the voice of australian cricketprime minister tony abbott also offered his family a state funeral\n", - "[1.2275578 1.53048 1.3370956 1.1975069 1.3507085 1.1365309 1.1362895\n", - " 1.0443819 1.081681 1.1085198 1.0793673 1.0372826 1.0615212 1.1007698\n", - " 1.0444533 1.0665051 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 2 0 3 5 6 9 13 8 10 15 12 14 7 11 16 17 18 19 20 21]\n", - "=======================\n", - "[\"haley fox , 24 , of turner , oregon , fractured 26-year-old samuel campbell 's skull with a baseball bat at her home last wednesday .she has been charged with first-degree assault .a woman allegedly beat her boyfriend with a bat at their first face-to-face meeting following two years of online dating .\"]\n", - "=======================\n", - "[\"haley fox , 24 , of turner , oregon , fractured 26-year-old samuel campbell 's skull with a baseball bat at her home last wednesdayshe offered him wine at her home and then told him to ` close his eyes 'fox and campbell , of adger , alabama , had been in a relationship for around two years after meeting online\"]\n", - "haley fox , 24 , of turner , oregon , fractured 26-year-old samuel campbell 's skull with a baseball bat at her home last wednesday .she has been charged with first-degree assault .a woman allegedly beat her boyfriend with a bat at their first face-to-face meeting following two years of online dating .\n", - "haley fox , 24 , of turner , oregon , fractured 26-year-old samuel campbell 's skull with a baseball bat at her home last wednesdayshe offered him wine at her home and then told him to ` close his eyes 'fox and campbell , of adger , alabama , had been in a relationship for around two years after meeting online\n", - "[1.2735376 1.2723835 1.4162453 1.3711807 1.123327 1.0587653 1.1511344\n", - " 1.0301167 1.0941582 1.0435722 1.0952986 1.0714813 1.0237683 1.023001\n", - " 1.0100493 1.0102181 1.0169806 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 3 0 1 6 4 10 8 11 5 9 7 12 13 16 15 14 20 17 18 19 21]\n", - "=======================\n", - "['the conservatives have pledged to reduce tax relief on pension contributions for people earning more than # 150,000 to fund additional free childcare places .david cameron , pictured , will today announce an extra 600,000 childcare spaces at a cost of # 350 milliondavid cameron will today promise extra free childcare for 600,000 children a year to counter spiralling costs .']\n", - "=======================\n", - "[\"david cameron will announce the new # 350 million childcare places todayhe will cut tax relief on pension contributions for those on more than # 150kmr cameron will tell his audience he wants to ` make hard work pay 'he will say that work rather than benefits is the best way to avoid poverty\"]\n", - "the conservatives have pledged to reduce tax relief on pension contributions for people earning more than # 150,000 to fund additional free childcare places .david cameron , pictured , will today announce an extra 600,000 childcare spaces at a cost of # 350 milliondavid cameron will today promise extra free childcare for 600,000 children a year to counter spiralling costs .\n", - "david cameron will announce the new # 350 million childcare places todayhe will cut tax relief on pension contributions for those on more than # 150kmr cameron will tell his audience he wants to ` make hard work pay 'he will say that work rather than benefits is the best way to avoid poverty\n", - "[1.2651169 1.4326706 1.3549013 1.370353 1.2734779 1.1080079 1.1241605\n", - " 1.0514886 1.0573874 1.0277209 1.1588933 1.1103135 1.0186188 1.0405697\n", - " 1.0335857 1.0175039 1.029532 1.019937 1.0260744 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 4 0 10 6 11 5 8 7 13 14 16 9 18 17 12 15 20 19 21]\n", - "=======================\n", - "['the chair was on the first class promenade deck when the liner sank after hitting an iceberg on its maiden voyage in 1912 .a 103-year-old deckchair recovered from the wreck of the titanic is expected to fetch around # 80,000 at auctionit was found bobbing on the surface of the atlantic by the crew of the mackay-bennett , who were sent to recover the bodies of the victims after the tragedy .']\n", - "=======================\n", - "['chair was on first class deck when ship hit an iceberg in april 1912mackay-bennett crew members found it while clearing up the wreckowned for last 15 years by english collector and will be auctioned on april 18']\n", - "the chair was on the first class promenade deck when the liner sank after hitting an iceberg on its maiden voyage in 1912 .a 103-year-old deckchair recovered from the wreck of the titanic is expected to fetch around # 80,000 at auctionit was found bobbing on the surface of the atlantic by the crew of the mackay-bennett , who were sent to recover the bodies of the victims after the tragedy .\n", - "chair was on first class deck when ship hit an iceberg in april 1912mackay-bennett crew members found it while clearing up the wreckowned for last 15 years by english collector and will be auctioned on april 18\n", - "[1.1570861 1.0605505 1.0560175 1.1510428 1.4078829 1.3093612 1.4673206\n", - " 1.0411291 1.0549058 1.0240769 1.0285232 1.0313596 1.0241953 1.0310014\n", - " 1.0285285 1.0406792 1.0513549 1.0201914 1.0200965 1.0192327]\n", - "\n", - "[ 6 4 5 0 3 1 2 8 16 7 15 11 13 14 10 12 9 17 18 19]\n", - "=======================\n", - "[\"british cyclist james supported boyfriend george north during wales ' six nations campaignsportsmail 's road to rio cyclist becky james is desperate to get back on to the track after her recent injuriesjames , pictured during a fashion shoot in manchester , has been sidelined for a whole year\"]\n", - "=======================\n", - "[\"becky james is in her last week of rehab following a serious knee injuryjames is hoping she can resume ` normal training ' in upcoming weeksthe 23-year-old supported boyfriend george north during six nations\"]\n", - "british cyclist james supported boyfriend george north during wales ' six nations campaignsportsmail 's road to rio cyclist becky james is desperate to get back on to the track after her recent injuriesjames , pictured during a fashion shoot in manchester , has been sidelined for a whole year\n", - "becky james is in her last week of rehab following a serious knee injuryjames is hoping she can resume ` normal training ' in upcoming weeksthe 23-year-old supported boyfriend george north during six nations\n", - "[1.1842388 1.0878628 1.088655 1.1086866 1.1527028 1.0906185 1.0252017\n", - " 1.0928999 1.1035386 1.0827732 1.0841546 1.1272932 1.0560195 1.0620079\n", - " 1.0755343 1.0577556 1.070831 1.0154861 0. 0. ]\n", - "\n", - "[ 0 4 11 3 8 7 5 2 1 10 9 14 16 13 15 12 6 17 18 19]\n", - "=======================\n", - "[\"( cnn ) in russia 's tightly-managed democracy , where being an opposition politician can seriously damage your health , chances to question the country 's leader are rare .that is why this annual q&a session -- in which putin will spend hours fielding questions from the general public on live television -- is such a widely anticipated event which provokes such excitement .the kremlin says they will have to sift through well over 1.7 million emails , video messages and texts to decide who gets to ask what on the big day .\"]\n", - "=======================\n", - "[\"putin to spend hours fielding questions from the general public on live televisionsanctions and russia 's deep economic crisis likely to be a major themecritics of the kremlin slam event as russia 's imitation of democracy in action\"]\n", - "( cnn ) in russia 's tightly-managed democracy , where being an opposition politician can seriously damage your health , chances to question the country 's leader are rare .that is why this annual q&a session -- in which putin will spend hours fielding questions from the general public on live television -- is such a widely anticipated event which provokes such excitement .the kremlin says they will have to sift through well over 1.7 million emails , video messages and texts to decide who gets to ask what on the big day .\n", - "putin to spend hours fielding questions from the general public on live televisionsanctions and russia 's deep economic crisis likely to be a major themecritics of the kremlin slam event as russia 's imitation of democracy in action\n", - "[1.0433273 1.0948129 1.3669715 1.5240071 1.2705482 1.1814077 1.0989039\n", - " 1.0693632 1.0193594 1.0477068 1.0680194 1.0350046 1.0314221 1.0511272\n", - " 1.0805064 1.0834024 1.0114545 1.015145 0. 0. ]\n", - "\n", - "[ 3 2 4 5 6 1 15 14 7 10 13 9 0 11 12 8 17 16 18 19]\n", - "=======================\n", - "['elderflower fields festival will be held in the idyllic setting of pippingford park for the second year runningthe independent festival was created in 2012 by a small team of friends to provide the perfect environment for kids and grown-ups to fully escape for a weekend .now entering its fourth year , elderflower fields builds upon the winning formula of a festival designed especially for families with children .']\n", - "=======================\n", - "[\"family festival is located in pippingford park in the ashdown forestmusic includes a wide range of local bands and dance tents in the woodsfood is locally sourced , and there 's a picnic on sunday with a free hamperstressed out parents can head for the woodland spa while their little ones play sport or do art classes\"]\n", - "elderflower fields festival will be held in the idyllic setting of pippingford park for the second year runningthe independent festival was created in 2012 by a small team of friends to provide the perfect environment for kids and grown-ups to fully escape for a weekend .now entering its fourth year , elderflower fields builds upon the winning formula of a festival designed especially for families with children .\n", - "family festival is located in pippingford park in the ashdown forestmusic includes a wide range of local bands and dance tents in the woodsfood is locally sourced , and there 's a picnic on sunday with a free hamperstressed out parents can head for the woodland spa while their little ones play sport or do art classes\n", - "[1.261707 1.0496615 1.3701468 1.0556738 1.5285702 1.0437182 1.0710101\n", - " 1.0581951 1.0343181 1.2467587 1.2675476 1.0442328 1.0339906 1.0193052\n", - " 1.0122108 1.0116655 1.0161883 1.0099521 1.0945113 0. ]\n", - "\n", - "[ 4 2 10 0 9 18 6 7 3 1 11 5 8 12 13 16 14 15 17 19]\n", - "=======================\n", - "['adrian heath is manager of the newest mls team orlando citymidfielder frank lampard has signed a two-year contract with new york citysteven gerrard will join la galaxy in the summer after spending 17 seasons at liverpool']\n", - "=======================\n", - "[\"former everton and manchester city midfielder adrian heath is now manager of the newest mls team orlando citythe 53-year-old has been has been in the united states for eight years and witnessed the boom of ` soccer 'heath says steven gerrard and frank lampard are in for a few culture shocks when they join the mls revolution\"]\n", - "adrian heath is manager of the newest mls team orlando citymidfielder frank lampard has signed a two-year contract with new york citysteven gerrard will join la galaxy in the summer after spending 17 seasons at liverpool\n", - "former everton and manchester city midfielder adrian heath is now manager of the newest mls team orlando citythe 53-year-old has been has been in the united states for eight years and witnessed the boom of ` soccer 'heath says steven gerrard and frank lampard are in for a few culture shocks when they join the mls revolution\n", - "[1.2492385 1.4042138 1.1633561 1.2953203 1.2590148 1.145379 1.0752234\n", - " 1.0882492 1.13117 1.151725 1.2174691 1.040168 1.0359765 1.0113881\n", - " 1.0105488 1.0106258 1.0736997 1.0132538 0. 0. ]\n", - "\n", - "[ 1 3 4 0 10 2 9 5 8 7 6 16 11 12 17 13 15 14 18 19]\n", - "=======================\n", - "[\"the post by lewis helget , 27 , appeared on darren goddard 's timeline when he logged into the social networking site with the intention of deleting his account .mr goddard ` cried himself to sleep ' when he parted ways with lewis in 1989 after his marriage broke down following a horrific car accident .a former soldier has been reunited with his long-lost son after 25 years - after he spotted his facebook page appealing for help finding his father .\"]\n", - "=======================\n", - "[\"darren goddard met first wife aggi while based in germany with the armythe pair had a son called lewis before their marriage broke downmr goddard , of hampshire , returned to uk and never had contact with sonbut lewis ' appeal to find father appeared on mr goddard 's facebook page\"]\n", - "the post by lewis helget , 27 , appeared on darren goddard 's timeline when he logged into the social networking site with the intention of deleting his account .mr goddard ` cried himself to sleep ' when he parted ways with lewis in 1989 after his marriage broke down following a horrific car accident .a former soldier has been reunited with his long-lost son after 25 years - after he spotted his facebook page appealing for help finding his father .\n", - "darren goddard met first wife aggi while based in germany with the armythe pair had a son called lewis before their marriage broke downmr goddard , of hampshire , returned to uk and never had contact with sonbut lewis ' appeal to find father appeared on mr goddard 's facebook page\n", - "[1.2148889 1.4987671 1.3098274 1.1777236 1.3050637 1.1171305 1.1707371\n", - " 1.128065 1.018266 1.0511512 1.0315549 1.1537917 1.033806 1.0857273\n", - " 1.0528052 1.0152911 1.0126319 1.0190492]\n", - "\n", - "[ 1 2 4 0 3 6 11 7 5 13 14 9 12 10 17 8 15 16]\n", - "=======================\n", - "[\"william smith was just 15 when he fell in love with his best friend 's mother , marilyn buttigieg , who was then 44 years old .the couple , from crawley , west sussex , shared their first date and kiss in september 2005 .a middle-aged grandmother and her husband are defying their critics by celebrating their tenth wedding anniversary , despite their 29-year age gap .\"]\n", - "=======================\n", - "[\"william smith was 15 when he fell in love with marilyn buttigieg , then 44met after he was invited round to play computer games with her sonpair , from crawley , west sussex , say they have proved their critics wrongmarilyn 's children have all but cut off contact with the loved-up pairmarilyn , now 54 , left her then husband to be with william , now 25\"]\n", - "william smith was just 15 when he fell in love with his best friend 's mother , marilyn buttigieg , who was then 44 years old .the couple , from crawley , west sussex , shared their first date and kiss in september 2005 .a middle-aged grandmother and her husband are defying their critics by celebrating their tenth wedding anniversary , despite their 29-year age gap .\n", - "william smith was 15 when he fell in love with marilyn buttigieg , then 44met after he was invited round to play computer games with her sonpair , from crawley , west sussex , say they have proved their critics wrongmarilyn 's children have all but cut off contact with the loved-up pairmarilyn , now 54 , left her then husband to be with william , now 25\n", - "[1.4764467 1.4038911 1.334744 1.3185418 1.1560096 1.2665168 1.0718064\n", - " 1.0240312 1.0143691 1.0145589 1.0514522 1.0489811 1.231319 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 5 12 4 6 10 11 7 9 8 13 14 15 16 17]\n", - "=======================\n", - "[\"wakefield coach james webster explained how tough his club were finding life after their 80-0 first utility super league thrashing by warrington wolves .the wildcats are rooted to the foot of the table after eight consecutive defeats .the rout saw a hat-trick of tries by wolves ' richie myler and a 28-point haul for stefan ratchford .\"]\n", - "=======================\n", - "['warrington wolves beat wakefield wildcats 80-0 on saturdaywildcats are rooted to foot of the table after eight consecutive defeatscoach james webster said he simply does not have enough players']\n", - "wakefield coach james webster explained how tough his club were finding life after their 80-0 first utility super league thrashing by warrington wolves .the wildcats are rooted to the foot of the table after eight consecutive defeats .the rout saw a hat-trick of tries by wolves ' richie myler and a 28-point haul for stefan ratchford .\n", - "warrington wolves beat wakefield wildcats 80-0 on saturdaywildcats are rooted to foot of the table after eight consecutive defeatscoach james webster said he simply does not have enough players\n", - "[1.3067627 1.4800229 1.3575331 1.2589506 1.1203034 1.0225155 1.0398662\n", - " 1.027364 1.0260826 1.0292988 1.021716 1.0378237 1.0497819 1.0721852\n", - " 1.2756659 1.0620524 1.0230341 1.0107776]\n", - "\n", - "[ 1 2 0 14 3 4 13 15 12 6 11 9 7 8 16 5 10 17]\n", - "=======================\n", - "[\"annegret raunigk , 65 , was plunged into a vortex of travel and trials thanks to the wish of daughter leila , who turns ten this year , but says she is not bothered about what people say about her decision to have more children so late in life .their scheduled births for the schoolteacher from spandau , berlin , is just weeks away - but there are major fears that the health risks for her unborn quads will spike massively if they are induced early .a german pensioner who is expecting quadruplets said she went in search of sperm and egg donors when her youngest of 13 children told her : ' i want to have a little brother or sister . '\"]\n", - "=======================\n", - "[\"german primary school teacher is in 21st week of pregnancy and ` feels fit 'pregnant through artificial insemination using donated eggs and spermin 2005 , she gave birth to her youngest daughter leila , at the age of 55children - eldest of whom is 44 - are by five different fathers\"]\n", - "annegret raunigk , 65 , was plunged into a vortex of travel and trials thanks to the wish of daughter leila , who turns ten this year , but says she is not bothered about what people say about her decision to have more children so late in life .their scheduled births for the schoolteacher from spandau , berlin , is just weeks away - but there are major fears that the health risks for her unborn quads will spike massively if they are induced early .a german pensioner who is expecting quadruplets said she went in search of sperm and egg donors when her youngest of 13 children told her : ' i want to have a little brother or sister . '\n", - "german primary school teacher is in 21st week of pregnancy and ` feels fit 'pregnant through artificial insemination using donated eggs and spermin 2005 , she gave birth to her youngest daughter leila , at the age of 55children - eldest of whom is 44 - are by five different fathers\n", - "[1.4482071 1.434563 1.2123238 1.4416057 1.1348244 1.0877364 1.0476522\n", - " 1.03117 1.0584984 1.1168643 1.0121573 1.0158794 1.0169148 1.0144653\n", - " 1.0245545 1.0152761 1.0586634 1.037464 ]\n", - "\n", - "[ 0 3 1 2 4 9 5 16 8 6 17 7 14 12 11 15 13 10]\n", - "=======================\n", - "[\"renault managing director cyril abiteboul can understand red bull owner dietrich mateschitz 's frustrations and has vowed there will be ` no surrender ' in a bid to right their current wretched wrongs .red bull team principal christian horner has been critical of renault this seasonin sunday 's chinese grand prix , renault suffered two blown engines as first red bull 's daniil kvyat was forced out of the race , followed late on by toro rosso 's max verstappen .\"]\n", - "=======================\n", - "['daniel ricciardo finished 9th while daniil kvyat retired with engine failurered bull on the backfoot this season after troubled opening three racesrenault boss cyril abiteboul has vowed engine supplier will improvered bull chief dietrich mateschitz has threatened to pull team out of f1']\n", - "renault managing director cyril abiteboul can understand red bull owner dietrich mateschitz 's frustrations and has vowed there will be ` no surrender ' in a bid to right their current wretched wrongs .red bull team principal christian horner has been critical of renault this seasonin sunday 's chinese grand prix , renault suffered two blown engines as first red bull 's daniil kvyat was forced out of the race , followed late on by toro rosso 's max verstappen .\n", - "daniel ricciardo finished 9th while daniil kvyat retired with engine failurered bull on the backfoot this season after troubled opening three racesrenault boss cyril abiteboul has vowed engine supplier will improvered bull chief dietrich mateschitz has threatened to pull team out of f1\n", - "[1.4624661 1.1665013 1.4167291 1.2082351 1.2115949 1.1632586 1.0620279\n", - " 1.030412 1.1373544 1.027415 1.1954257 1.1554136 1.0464355 1.0507674\n", - " 1.0669141 1.0586338 0. 0. ]\n", - "\n", - "[ 0 2 4 3 10 1 5 11 8 14 6 15 13 12 7 9 16 17]\n", - "=======================\n", - "[\"` heartless ' : alice kovach-suehn , 56 , was arrested last friday and charged with elderly neglect after police say they found the man in her care weighing only 89lbsaccording to an arrest report , the senior in kovach-suehn 's care was discovered covered in filth and severely emaciated .apopka police sgt ed chittenden said it was one of the worst cases of abuse he 's ever witnessed over the course of his 18-year career in law enforcement .\"]\n", - "=======================\n", - "[\"alice kovich-suehn , 53 , charged with elderly neglectelderly man in kovich-suehn 's care was brought to florida hospital weighing only 89lbsthe 96-year-old victim said kovich-suehn , his legal caretaker who has power-of-attorney , has been starving himwhen offered food , police said the skin-and-bones senior ` ate like a starving dog '\"]\n", - "` heartless ' : alice kovach-suehn , 56 , was arrested last friday and charged with elderly neglect after police say they found the man in her care weighing only 89lbsaccording to an arrest report , the senior in kovach-suehn 's care was discovered covered in filth and severely emaciated .apopka police sgt ed chittenden said it was one of the worst cases of abuse he 's ever witnessed over the course of his 18-year career in law enforcement .\n", - "alice kovich-suehn , 53 , charged with elderly neglectelderly man in kovich-suehn 's care was brought to florida hospital weighing only 89lbsthe 96-year-old victim said kovich-suehn , his legal caretaker who has power-of-attorney , has been starving himwhen offered food , police said the skin-and-bones senior ` ate like a starving dog '\n", - "[1.443564 1.148522 1.4040881 1.4289079 1.0489972 1.0950371 1.0457565\n", - " 1.0486081 1.051978 1.0384136 1.0272675 1.0412693 1.0457678 1.0307369\n", - " 1.0314713 1.0142498 1.0489264 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 5 8 4 16 7 12 6 11 9 14 13 10 15 18 17 19]\n", - "=======================\n", - "[\"stuart broad came through an injury scare and jonny bairstow fell just short of a century against his own team-mates as england 's test warm-ups descended into a glorified training drill .england paceman stuart broad ( left ) bowls at jonny bairstow on wednesdayjonathan trott ( nought ) and gary ballance ( 17 ) largely failed to do so , but bairstow made 98 and joe root ended the day 87 not out in a score of 303 for nine .\"]\n", - "=======================\n", - "[\"england 's stuart broad collapsed clutching his left ankle in second overfast bowler spent an hour off the field but later returned to the attackjonny bairstow made 98 and joe root ended the day 87 not out\"]\n", - "stuart broad came through an injury scare and jonny bairstow fell just short of a century against his own team-mates as england 's test warm-ups descended into a glorified training drill .england paceman stuart broad ( left ) bowls at jonny bairstow on wednesdayjonathan trott ( nought ) and gary ballance ( 17 ) largely failed to do so , but bairstow made 98 and joe root ended the day 87 not out in a score of 303 for nine .\n", - "england 's stuart broad collapsed clutching his left ankle in second overfast bowler spent an hour off the field but later returned to the attackjonny bairstow made 98 and joe root ended the day 87 not out\n", - "[1.4098961 1.3906418 1.1048825 1.3709887 1.2444663 1.1197333 1.1612701\n", - " 1.048632 1.0532273 1.0707766 1.1739123 1.0906534 1.0247936 1.0706385\n", - " 1.052792 1.008267 1.0120609 1.0077038 1.0140839 0. ]\n", - "\n", - "[ 0 1 3 4 10 6 5 2 11 9 13 8 14 7 12 18 16 15 17 19]\n", - "=======================\n", - "[\"leo bernal , 8 , is lucky to be alive after an intruder shot him in the head as he lay in bed at his home in culver city , california , over the weekend .on friday , five days after the shooting , the 8-year-old was released from the hospital with nearly two dozen medical staples holding his scalp together .scarred : doctors had to open the child 's skull to extract the bullet , leaving him with a partially shaved scalp and 23 staples\"]\n", - "=======================\n", - "[\"leo bernal , 8 , suffered gunshot wound to the head as he lay in bed in culver city , californiadoctors had to open his skull to save his life , leaving him with 23 staplesbernal 's mother say her son is not afraid to return home\"]\n", - "leo bernal , 8 , is lucky to be alive after an intruder shot him in the head as he lay in bed at his home in culver city , california , over the weekend .on friday , five days after the shooting , the 8-year-old was released from the hospital with nearly two dozen medical staples holding his scalp together .scarred : doctors had to open the child 's skull to extract the bullet , leaving him with a partially shaved scalp and 23 staples\n", - "leo bernal , 8 , suffered gunshot wound to the head as he lay in bed in culver city , californiadoctors had to open his skull to save his life , leaving him with 23 staplesbernal 's mother say her son is not afraid to return home\n", - "[1.6379422 1.5494735 1.2687185 1.4115949 1.101036 1.0361899 1.025308\n", - " 1.0241665 1.0174584 1.0198368 1.0167538 1.0161071 1.0435834 1.0128614\n", - " 1.0249033 1.1408135 1.0177444 1.0116814 1.1154668 0. ]\n", - "\n", - "[ 0 1 3 2 15 18 4 12 5 6 14 7 9 16 8 10 11 13 17 19]\n", - "=======================\n", - "[\"gary locke will be confirmed as kilmarnock 's permanent manager on friday - exactly eight weeks after he was asked to take charge until the end of the season .an announcement will be made by the rugby park club on friday morning , with the former hearts boss being given a three-year deal .and on thursday the 39-year-old paid tribute to the players whose efforts have helped him win favour with new chairman jim mann since he replaced allan johnston on a caretaker basis in february .\"]\n", - "=======================\n", - "[\"gary locke will be confirmed as kilmarnock boss on fridaythe club went unbeaten during locke 's first six games in chargethe 39-year-old former killie defender has paid tribute to his players\"]\n", - "gary locke will be confirmed as kilmarnock 's permanent manager on friday - exactly eight weeks after he was asked to take charge until the end of the season .an announcement will be made by the rugby park club on friday morning , with the former hearts boss being given a three-year deal .and on thursday the 39-year-old paid tribute to the players whose efforts have helped him win favour with new chairman jim mann since he replaced allan johnston on a caretaker basis in february .\n", - "gary locke will be confirmed as kilmarnock boss on fridaythe club went unbeaten during locke 's first six games in chargethe 39-year-old former killie defender has paid tribute to his players\n", - "[1.0560641 1.3833613 1.2166355 1.3839068 1.1478652 1.1369057 1.0221372\n", - " 1.0208837 1.1021538 1.0601307 1.1388137 1.1083827 1.0805975 1.026785\n", - " 1.0608331 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 4 10 5 11 8 12 14 9 0 13 6 7 15 16 17 18 19]\n", - "=======================\n", - "[\"mangu ram was 14 when he fled to kashmir as a refugee - now an old man , for the past 70 years he has been denied citizenship rightsit is almost 70 years since he fled the violence that followed the partition of india , and he is still regarded as a second class citizen in indian kashmir -- unable to own property or vote in state elections .but now ram and thousands like him are daring to hope they will finally be able to shed the refugee status that has plagued them for decades , after prime minister narendra modi 's hindu nationalist party won a share of power in india 's only muslim-majority state .\"]\n", - "=======================\n", - "['thousands of people caught in poverty because successive governments refuse to change their refugee statuslaws mean that the west pakistan refugees living in jammur and kashmir can not vote in elections or own propertyhopes that election of hindu nationalist party as a coalition partner could herald historic change for the community']\n", - "mangu ram was 14 when he fled to kashmir as a refugee - now an old man , for the past 70 years he has been denied citizenship rightsit is almost 70 years since he fled the violence that followed the partition of india , and he is still regarded as a second class citizen in indian kashmir -- unable to own property or vote in state elections .but now ram and thousands like him are daring to hope they will finally be able to shed the refugee status that has plagued them for decades , after prime minister narendra modi 's hindu nationalist party won a share of power in india 's only muslim-majority state .\n", - "thousands of people caught in poverty because successive governments refuse to change their refugee statuslaws mean that the west pakistan refugees living in jammur and kashmir can not vote in elections or own propertyhopes that election of hindu nationalist party as a coalition partner could herald historic change for the community\n", - "[1.2573291 1.4635221 1.3304344 1.3385683 1.2392001 1.0646867 1.0527493\n", - " 1.1404629 1.0503093 1.1807885 1.0423809 1.0308486 1.0280756 1.0148947\n", - " 1.0108927 1.0099293 1.0287561 1.0434788 1.0630571 1.0286955]\n", - "\n", - "[ 1 3 2 0 4 9 7 5 18 6 8 17 10 11 16 19 12 13 14 15]\n", - "=======================\n", - "[\"the queen 's guard was left red-faced after he slipped on a manhole cover during the popular changing of the guard - and unfortunately for him the entire incident was caught on camera .he lost his footing and slid sideways , knocking his bearskin on the side of the box and dropping his rifle .holidaymaker david meadwell recorded the unscheduled manouevre outside buckingham palace on thursday afternoon .\"]\n", - "=======================\n", - "[\"buckingham palace guard slipped and fell in front of hundreds of touriststhought to have stumbled on manhole cover during changing of the guardembarrassed young soldier ended up on the floor still clutching his rifleunfortunately for him the entire incident was caught on tourist 's camera\"]\n", - "the queen 's guard was left red-faced after he slipped on a manhole cover during the popular changing of the guard - and unfortunately for him the entire incident was caught on camera .he lost his footing and slid sideways , knocking his bearskin on the side of the box and dropping his rifle .holidaymaker david meadwell recorded the unscheduled manouevre outside buckingham palace on thursday afternoon .\n", - "buckingham palace guard slipped and fell in front of hundreds of touriststhought to have stumbled on manhole cover during changing of the guardembarrassed young soldier ended up on the floor still clutching his rifleunfortunately for him the entire incident was caught on tourist 's camera\n", - "[1.3189318 1.3330505 1.2817297 1.2059853 1.1886272 1.2037988 1.0329509\n", - " 1.0221629 1.0312251 1.1586357 1.0626786 1.1921083 1.0982878 1.1058786\n", - " 1.0156342 1.0191934 1.0097461 1.0081997 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 2 3 5 11 4 9 13 12 10 6 8 7 15 14 16 17 18 19 20 21 22]\n", - "=======================\n", - "['photographs which show the men and woman rushing towards those crushed in the tragedy have been released , with investigators urging anyone who recognises them to come forward .hillsborough investigators have launched an appeal to track down fans who tended to the wounded as they lay dying on the pitch at the 1989 disaster .they form part of an ongoing home office inquiry aiming to establish whether any individual or organisation was to blame for the disaster which claimed the lives of 96 liverpool fans .']\n", - "=======================\n", - "['investigators have released a handful of photographs to help inquiriesthey show fans rushing to tend to the dying as they lay on football pitchpolice say the people photographed could address unanswered questionsa home office probe into 1989 disaster which claimed 96 lives is ongoinganyone with information is urged to call 08000 283 284 or visit www.operationresolve.co.ukanyone who can identify any of the people in the images should call operation resolve on 08000 283 284 or via the website www.operationresolve.co.uk']\n", - "photographs which show the men and woman rushing towards those crushed in the tragedy have been released , with investigators urging anyone who recognises them to come forward .hillsborough investigators have launched an appeal to track down fans who tended to the wounded as they lay dying on the pitch at the 1989 disaster .they form part of an ongoing home office inquiry aiming to establish whether any individual or organisation was to blame for the disaster which claimed the lives of 96 liverpool fans .\n", - "investigators have released a handful of photographs to help inquiriesthey show fans rushing to tend to the dying as they lay on football pitchpolice say the people photographed could address unanswered questionsa home office probe into 1989 disaster which claimed 96 lives is ongoinganyone with information is urged to call 08000 283 284 or visit www.operationresolve.co.ukanyone who can identify any of the people in the images should call operation resolve on 08000 283 284 or via the website www.operationresolve.co.uk\n", - "[1.0509177 1.1303241 1.5178034 1.3520646 1.2862643 1.1628306 1.0292523\n", - " 1.0818 1.0885357 1.1516857 1.0772868 1.0848597 1.2397103 1.03822\n", - " 1.0396805 1.0174375 1.0067326 1.0836103 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 3 4 12 5 9 1 8 11 17 7 10 0 14 13 6 15 16 18 19 20 21 22]\n", - "=======================\n", - "[\"lisa courtney , of hertfordshire , has spent most of her life collecting pokemon memorabilia of all shapes and sizes .lisa 's mother had to move to the smallest room in the house to make room for her daughter 's collectionlisa courtney owns the world 's largest collection of pokemon memorabilia '\"]\n", - "=======================\n", - "['lisa courtney holds the guinness world record for largest collectionthe 26-year-old started amassing the items after being bullied aged ninespends seven hours a week surfing the internet looking for new charactersvast hoard ranges from cuddly toys to cornflakes made in japan']\n", - "lisa courtney , of hertfordshire , has spent most of her life collecting pokemon memorabilia of all shapes and sizes .lisa 's mother had to move to the smallest room in the house to make room for her daughter 's collectionlisa courtney owns the world 's largest collection of pokemon memorabilia '\n", - "lisa courtney holds the guinness world record for largest collectionthe 26-year-old started amassing the items after being bullied aged ninespends seven hours a week surfing the internet looking for new charactersvast hoard ranges from cuddly toys to cornflakes made in japan\n", - "[1.0970615 1.5481728 1.2506623 1.4213864 1.3170031 1.076228 1.3199196\n", - " 1.098102 1.1503336 1.257848 1.0305011 1.0093613 1.0095227 1.0072157\n", - " 1.009602 1.006941 1.0049126 1.0052897 1.0042248 1.005705 1.0229484\n", - " 1.0056033 1.0048598]\n", - "\n", - "[ 1 3 6 4 9 2 8 7 0 5 10 20 14 12 11 13 15 19 21 17 16 22 18]\n", - "=======================\n", - "[\"micky adams became the 42nd manager to be dismissed this season when he was fired on sunday by tranmere , rock bottom of the football league .malky mackay , fired by wigan this month , was the 17th to go in the second tier , where the average tenure is less than a year , thanks partly to trigger-happy clubs like leeds .forty sackings were recorded by the league managers ' association before the end of march , which was an all-time high , and the trend is set to smash its previous record of 46 , set in 2006-07 .\"]\n", - "=======================\n", - "['the most managerial sackings in a single season stands at 46 in 2006-07micky adams left tranmere on sunday with club bottom of league twoforty managers had left their posts by the end of march , a new record']\n", - "micky adams became the 42nd manager to be dismissed this season when he was fired on sunday by tranmere , rock bottom of the football league .malky mackay , fired by wigan this month , was the 17th to go in the second tier , where the average tenure is less than a year , thanks partly to trigger-happy clubs like leeds .forty sackings were recorded by the league managers ' association before the end of march , which was an all-time high , and the trend is set to smash its previous record of 46 , set in 2006-07 .\n", - "the most managerial sackings in a single season stands at 46 in 2006-07micky adams left tranmere on sunday with club bottom of league twoforty managers had left their posts by the end of march , a new record\n", - "[1.6056724 1.1712397 1.2222501 1.4434004 1.1780562 1.0190055 1.0755268\n", - " 1.1160179 1.19961 1.0389775 1.1167432 1.0973476 1.0580498 1.0933576\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 2 8 4 1 10 7 11 13 6 12 9 5 21 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"real madrid winger gareth bale will be rested for saturday 's la liga game at home to eibar , coach carlo ancelotti said on friday , meaning the welshman joins suspended midfielders toni kroos and james rodriguez on the sidelines .gareth bale ( centre ) is being rested by real madrid boss carlo ancelotti for the eibar clashasier illarramendi and isco will probably play alongside luka modric in midfield , with jese joining cristiano ronaldo and karim benzema up front .\"]\n", - "=======================\n", - "['carlo ancelotti confirms gareth bale will sit out of the eibar clashthe welshman will join suspended stars toni kroos and james rodriguezread : cristiano ronaldo will face eibar after yellow card is rescindedreal are four points behind barcelona in the race for the la liga titleclick here for all the latest real madrid news']\n", - "real madrid winger gareth bale will be rested for saturday 's la liga game at home to eibar , coach carlo ancelotti said on friday , meaning the welshman joins suspended midfielders toni kroos and james rodriguez on the sidelines .gareth bale ( centre ) is being rested by real madrid boss carlo ancelotti for the eibar clashasier illarramendi and isco will probably play alongside luka modric in midfield , with jese joining cristiano ronaldo and karim benzema up front .\n", - "carlo ancelotti confirms gareth bale will sit out of the eibar clashthe welshman will join suspended stars toni kroos and james rodriguezread : cristiano ronaldo will face eibar after yellow card is rescindedreal are four points behind barcelona in the race for the la liga titleclick here for all the latest real madrid news\n", - "[1.1694202 1.5774822 1.3488059 1.3253796 1.0938376 1.0670798 1.0606788\n", - " 1.0550689 1.1038008 1.0547686 1.0588148 1.0648001 1.0179559 1.0172824\n", - " 1.0135487 1.0119325 1.0517166 1.0272948 1.0129731 1.1042603 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 0 19 8 4 5 11 6 10 7 9 16 17 12 13 14 18 15 21 20 22]\n", - "=======================\n", - "['tanguy pepiot , a steeplechase runner for the university of oregon , had a clear lead on his rival meron simon , who competes for the university of washington .but at a track meet saturday in eugene , oregon , a crowd of more than 3,000 people saw the distance evaporate after pepiot raised his hands in pre-emptive joy , with less than 100m to go .tanguy pepiot celebrated his victory ( left ) before missing out to his rival on the finishing line ( right )']\n", - "=======================\n", - "[\"university of oregon 's tanguy pepiot had strong lead over meron simonhe raised his arms in triumph while running down the home straightsimon , of the university of washington , managed to close the gaphe beat pepiot by a tenth of a second at track event in eugene , oregon\"]\n", - "tanguy pepiot , a steeplechase runner for the university of oregon , had a clear lead on his rival meron simon , who competes for the university of washington .but at a track meet saturday in eugene , oregon , a crowd of more than 3,000 people saw the distance evaporate after pepiot raised his hands in pre-emptive joy , with less than 100m to go .tanguy pepiot celebrated his victory ( left ) before missing out to his rival on the finishing line ( right )\n", - "university of oregon 's tanguy pepiot had strong lead over meron simonhe raised his arms in triumph while running down the home straightsimon , of the university of washington , managed to close the gaphe beat pepiot by a tenth of a second at track event in eugene , oregon\n", - "[1.554484 1.2877561 1.2185602 1.5903063 1.2171323 1.1117332 1.0203001\n", - " 1.0358696 1.0154849 1.0148733 1.0184652 1.0723813 1.1479113 1.0375639\n", - " 1.0829494 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 2 4 12 5 14 11 13 7 6 10 8 9 16 15 17]\n", - "=======================\n", - "['west ham midfielder cheikhou kouyate is wary of facing champions manchester city on sundaythe barclays premier league champions have seen their title defence left in tatters following a run of four defeats in six matches , thrashed 4-2 at rivals united last weekend - a result which left the long-term future of manager pellegrini in doubt as city might now face a scrap with liverpool for a champions league qualifying spot .west ham are also in need a pick-me-up , having seen victory slip through their fingers when stoke netted a stoppage time equaliser at upton park .']\n", - "=======================\n", - "[\"west ham face manchester city at the etihad on sunday , ko at 1.30 pmcheikhou kouyate believes the hammers must not underestimate citymanuel pellegrini 's side have lost their last two premier league gamessam allardyce wants west ham to be defensively solid on sunday\"]\n", - "west ham midfielder cheikhou kouyate is wary of facing champions manchester city on sundaythe barclays premier league champions have seen their title defence left in tatters following a run of four defeats in six matches , thrashed 4-2 at rivals united last weekend - a result which left the long-term future of manager pellegrini in doubt as city might now face a scrap with liverpool for a champions league qualifying spot .west ham are also in need a pick-me-up , having seen victory slip through their fingers when stoke netted a stoppage time equaliser at upton park .\n", - "west ham face manchester city at the etihad on sunday , ko at 1.30 pmcheikhou kouyate believes the hammers must not underestimate citymanuel pellegrini 's side have lost their last two premier league gamessam allardyce wants west ham to be defensively solid on sunday\n", - "[1.2931836 1.3375524 1.1087248 1.1696961 1.2084473 1.3929323 1.1710179\n", - " 1.1611705 1.1255993 1.092218 1.153487 1.0270141 1.0225668 1.1095307\n", - " 1.092486 0. 0. 0. ]\n", - "\n", - "[ 5 1 0 4 6 3 7 10 8 13 2 14 9 11 12 15 16 17]\n", - "=======================\n", - "['cincinnati woman jacqueline carr , 65 , was killed when a tree smashed her vehiclethe cincinnati enquirer reports that the tree fell onto the car around 4 p.m. sunday .authorities say a tree has crashed into a car driven by a woman in her 60s , killing her .']\n", - "=======================\n", - "[\"the woman was later identified as jacqueline carr , age 65still uncertain who owns the tree or was responsible for its upkeepcarr was the vehicle 's only occupant\"]\n", - "cincinnati woman jacqueline carr , 65 , was killed when a tree smashed her vehiclethe cincinnati enquirer reports that the tree fell onto the car around 4 p.m. sunday .authorities say a tree has crashed into a car driven by a woman in her 60s , killing her .\n", - "the woman was later identified as jacqueline carr , age 65still uncertain who owns the tree or was responsible for its upkeepcarr was the vehicle 's only occupant\n", - "[1.3614336 1.4662762 1.2746998 1.3045135 1.1504996 1.1228074 1.1219659\n", - " 1.0489407 1.0163788 1.0976406 1.0443536 1.0773603 1.0496022 1.0334862\n", - " 1.017039 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 5 6 9 11 12 7 10 13 14 8 15 16 17]\n", - "=======================\n", - "['the blunder was believed to have been caused by a race marshal taking a toilet break during the event , missing 300 runners who should have been directed at a junction point .charity runners taking part in a 10km fun run at the weekend were left exhausted after being sent on an unscheduled two-mile detour .instead they continued past the unmanned marshall point and had to run for an extra three kilometres while the other 900 competitors followed the correct route .']\n", - "=======================\n", - "[\"up to 300 runners in yesterday 's bournemouth bay run sent wrong waysome of the racers were said to be ` in tears ' after the two-mile detourorganisation slammed as ` shambolic ' as there was also water shortage\"]\n", - "the blunder was believed to have been caused by a race marshal taking a toilet break during the event , missing 300 runners who should have been directed at a junction point .charity runners taking part in a 10km fun run at the weekend were left exhausted after being sent on an unscheduled two-mile detour .instead they continued past the unmanned marshall point and had to run for an extra three kilometres while the other 900 competitors followed the correct route .\n", - "up to 300 runners in yesterday 's bournemouth bay run sent wrong waysome of the racers were said to be ` in tears ' after the two-mile detourorganisation slammed as ` shambolic ' as there was also water shortage\n", - "[1.1727933 1.538957 1.3295729 1.1388383 1.4877006 1.0342249 1.1161877\n", - " 1.0756439 1.0168821 1.018479 1.0147626 1.0575552 1.0182062 1.0140649\n", - " 1.0133631 1.0164682 0. 0. ]\n", - "\n", - "[ 1 4 2 0 3 6 7 11 5 9 12 8 15 10 13 14 16 17]\n", - "=======================\n", - "[\"courtney lawes arrived in france with the saints , ahead of the champions cup quarter-final against mighty clermont auvergne , carrying notoriety as excess baggage .england lock courtney lawes made a trademark hit on france fly-half jules plissonnorthampton 's maligned hit man is primed to go big-game hunting again with no intention of toning down his use of legitimate force in the wake of renewed criticism .\"]\n", - "=======================\n", - "['courtney lawes has been derided as a thug across the channelfrance tried to get him banned for brutal tackle on jules plissonnorthampton take on clermont auvergne in the champions cup']\n", - "courtney lawes arrived in france with the saints , ahead of the champions cup quarter-final against mighty clermont auvergne , carrying notoriety as excess baggage .england lock courtney lawes made a trademark hit on france fly-half jules plissonnorthampton 's maligned hit man is primed to go big-game hunting again with no intention of toning down his use of legitimate force in the wake of renewed criticism .\n", - "courtney lawes has been derided as a thug across the channelfrance tried to get him banned for brutal tackle on jules plissonnorthampton take on clermont auvergne in the champions cup\n", - "[1.3272984 1.3672915 1.125349 1.1828394 1.161994 1.1849366 1.073169\n", - " 1.044407 1.1170453 1.1000177 1.084716 1.0378606 1.037236 1.0468456\n", - " 1.0380354 1.0482379 1.0470433 1.0409752]\n", - "\n", - "[ 1 0 5 3 4 2 8 9 10 6 15 16 13 7 17 14 11 12]\n", - "=======================\n", - "[\"the former army chief is currently staying in djibouti for over a week spearheading operation rahat .after drawing praise for india 's operation to rescue around 2,000 nationals by air and sea from war-hit yemen , minister of state for external affairs v.k singh , who is spearheading the rescue exercise , found himself in the thick of a controversy over an unsavoury remark made against the media .gen. singh tweeted last night in response to a channel quoting him saying that he found the evacuation assignment less exciting than his recent visit to the pakistan high commission on the occasion of pakistan 's national day .\"]\n", - "=======================\n", - "[\"v.k. singh is leading the operation to evacuate indians trapped in war-torn yementhe minister reportedly said the exercise was less exciting that visiting the pakistan high commissionangry singh branded a section of the media ` presstitutes ' after they quoted himcongress called his statement ` abusive ' and ` lamentable '\"]\n", - "the former army chief is currently staying in djibouti for over a week spearheading operation rahat .after drawing praise for india 's operation to rescue around 2,000 nationals by air and sea from war-hit yemen , minister of state for external affairs v.k singh , who is spearheading the rescue exercise , found himself in the thick of a controversy over an unsavoury remark made against the media .gen. singh tweeted last night in response to a channel quoting him saying that he found the evacuation assignment less exciting than his recent visit to the pakistan high commission on the occasion of pakistan 's national day .\n", - "v.k. singh is leading the operation to evacuate indians trapped in war-torn yementhe minister reportedly said the exercise was less exciting that visiting the pakistan high commissionangry singh branded a section of the media ` presstitutes ' after they quoted himcongress called his statement ` abusive ' and ` lamentable '\n", - "[1.2990254 1.3679813 1.3413246 1.2362621 1.1600642 1.2224758 1.1224085\n", - " 1.0283557 1.1111927 1.0851591 1.0140067 1.1086097 1.0310868 1.1285251\n", - " 1.0288385 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 5 4 13 6 8 11 9 12 14 7 10 22 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"as poor visibility struck between svalbard and ice camp barneo on saturday , the pilot made the decision to bring the plane down , and due to the bumpy landing the aircraft 's undercarriage was damaged .moody , 36 , who is undertaking a 100km trek to the north pole to raise # 250,000 for charity , and his fellow trekkers were unharmed in the incident .a plane carrying former england rugby captain lewis moody was forced to make an emergency landing in the arctic .\"]\n", - "=======================\n", - "['poor visibility caused the pilot to make the decision to land the planethe aircraft suffered a damaged undercarriage due to the bumpy descenta helicopter came to rescue the trekkers and no one was harmedthe former captain is undertaking a 100km trek to the north pole to raise # 250,000 for charity , along with nine sportsmen and royal marines']\n", - "as poor visibility struck between svalbard and ice camp barneo on saturday , the pilot made the decision to bring the plane down , and due to the bumpy landing the aircraft 's undercarriage was damaged .moody , 36 , who is undertaking a 100km trek to the north pole to raise # 250,000 for charity , and his fellow trekkers were unharmed in the incident .a plane carrying former england rugby captain lewis moody was forced to make an emergency landing in the arctic .\n", - "poor visibility caused the pilot to make the decision to land the planethe aircraft suffered a damaged undercarriage due to the bumpy descenta helicopter came to rescue the trekkers and no one was harmedthe former captain is undertaking a 100km trek to the north pole to raise # 250,000 for charity , along with nine sportsmen and royal marines\n", - "[1.3246319 1.2843753 1.3078326 1.1659108 1.3302451 1.1722404 1.1235573\n", - " 1.0229619 1.0757526 1.019767 1.0248522 1.0146881 1.0490028 1.0142748\n", - " 1.0377947 1.0293462 1.2153496 1.1635416 1.0710378 1.1652949 1.0889214\n", - " 1.0836049 1.0222231 0. ]\n", - "\n", - "[ 4 0 2 1 16 5 3 19 17 6 20 21 8 18 12 14 15 10 7 22 9 11 13 23]\n", - "=======================\n", - "['a plane was struck by lightning shortly after takeoff during a flight from reykjavik , iceland , to denver , colorado on tuesdaythe hole was at a point in the plane where weather radars are housed , but the plane landed safely in denver and no one was injured .the journey from reykjavik to denver is about 3,740 miles .']\n", - "=======================\n", - "[\"flight was traveling from reykjavik , iceland to denver when it was struckpassengers said it was hit by lightning shortly after the plane took offpilots reported the lighting and continued eight-hour flight to denverit was n't until they landed that pilots notice huge hole at the nose of planeno one on board was injured and the plane landed safely in denver\"]\n", - "a plane was struck by lightning shortly after takeoff during a flight from reykjavik , iceland , to denver , colorado on tuesdaythe hole was at a point in the plane where weather radars are housed , but the plane landed safely in denver and no one was injured .the journey from reykjavik to denver is about 3,740 miles .\n", - "flight was traveling from reykjavik , iceland to denver when it was struckpassengers said it was hit by lightning shortly after the plane took offpilots reported the lighting and continued eight-hour flight to denverit was n't until they landed that pilots notice huge hole at the nose of planeno one on board was injured and the plane landed safely in denver\n", - "[1.2017227 1.4293845 1.3089342 1.3066683 1.2421975 1.1562731 1.1169957\n", - " 1.0773994 1.0464059 1.1099954 1.0378093 1.0667491 1.06696 1.0407714\n", - " 1.0142648 1.0576501 1.0274642 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 5 6 9 7 12 11 15 8 13 10 16 14 22 17 18 19 20 21 23]\n", - "=======================\n", - "[\"the tech giant is said to be in talks with hutchison whampoa , the owner of the three network , to let its users make calls and send texts in any country at no extra cost .industry sources said the firms are discussing a ` wholesale access agreement ' that would help google create a global network .two months after it announced it was launching its own mobile network , google is now looking at ways to get rid of roaming fees .\"]\n", - "=======================\n", - "[\"google is said to be in talks with hutchison whampoa , which owns threeglobal network will let users make calls in any country at no extra costgoogle 's sundar pichai confirmed rumours of a network in februaryinstead of building masts google is said to be looking at becoming a mobile virtual network operator ( mvno )\"]\n", - "the tech giant is said to be in talks with hutchison whampoa , the owner of the three network , to let its users make calls and send texts in any country at no extra cost .industry sources said the firms are discussing a ` wholesale access agreement ' that would help google create a global network .two months after it announced it was launching its own mobile network , google is now looking at ways to get rid of roaming fees .\n", - "google is said to be in talks with hutchison whampoa , which owns threeglobal network will let users make calls in any country at no extra costgoogle 's sundar pichai confirmed rumours of a network in februaryinstead of building masts google is said to be looking at becoming a mobile virtual network operator ( mvno )\n", - "[1.3976678 1.312509 1.352688 1.2794852 1.2283267 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 4 21 20 19 18 17 16 15 14 11 12 22 10 9 8 7 6 5 13 23]\n", - "=======================\n", - "['blackpool are in talks to sign austria defender thomas piermayr .piermayr is a free agent and had been playing for colorado rapids .the 25-year-old has been training with the championship club this week and they are keen to get him on board for what is expected to be confirmed as a campaign in league one next season .']\n", - "=======================\n", - "['thomas piermayr has been training with blackpool this weekaustrian defender is a free agent after leaving mls side colorado rapidsblackpool are bottom of the championship and look set to be relegated']\n", - "blackpool are in talks to sign austria defender thomas piermayr .piermayr is a free agent and had been playing for colorado rapids .the 25-year-old has been training with the championship club this week and they are keen to get him on board for what is expected to be confirmed as a campaign in league one next season .\n", - "thomas piermayr has been training with blackpool this weekaustrian defender is a free agent after leaving mls side colorado rapidsblackpool are bottom of the championship and look set to be relegated\n", - "[1.2715437 1.1769731 1.2488655 1.1713653 1.1639895 1.2092847 1.0883791\n", - " 1.0245689 1.0232292 1.1447617 1.0840317 1.0565745 1.0794871 1.0459652\n", - " 1.0421274 1.0294499 1.1430998 1.0382411 1.0458826 1.0536984 1.053777\n", - " 1.0286963 1.0174139 1.0106758]\n", - "\n", - "[ 0 2 5 1 3 4 9 16 6 10 12 11 20 19 13 18 14 17 15 21 7 8 22 23]\n", - "=======================\n", - "[\"peter scudamore rode an incredible 1,678 winners but has seen his achievements dwarfed by ap mccoy .1 riding his 4,000 th winner at towcester on november 7 , 2013here , he identifies what he believes are the 10 finest achievements of saturday 's retiring champion .\"]\n", - "=======================\n", - "['ap mccoy has two rides at sandown before he retires from horse racingiron man mccoy will be awarded with his 20th champion jockey trophypeter scudamore lists his top 10 achievements by racing hero mccoy']\n", - "peter scudamore rode an incredible 1,678 winners but has seen his achievements dwarfed by ap mccoy .1 riding his 4,000 th winner at towcester on november 7 , 2013here , he identifies what he believes are the 10 finest achievements of saturday 's retiring champion .\n", - "ap mccoy has two rides at sandown before he retires from horse racingiron man mccoy will be awarded with his 20th champion jockey trophypeter scudamore lists his top 10 achievements by racing hero mccoy\n", - "[1.0799611 1.3158414 1.3919333 1.1824 1.2234312 1.1679231 1.0275706\n", - " 1.0418491 1.0665113 1.0348842 1.1653591 1.103505 1.0808058 1.0889881\n", - " 1.0392963 1.0502937 1.0542516 1.0383106 1.057369 ]\n", - "\n", - "[ 2 1 4 3 5 10 11 13 12 0 8 18 16 15 7 14 17 9 6]\n", - "=======================\n", - "['hernando rivera cervantes took the pictures as local authorities warned those living around the volcano , which is also known as the fire volcano , to prepare for a possible evacuation .the latests picture , captured by an amateur photographer as the colima volcano in mexico spews out a plume of ash and lava , reveals the raw power of a volcanic eruption .mr cervantes spent eight hours watching the volcano as it threw ash up to 1.8 miles ( three kilometres ) into the atmosphere before managing to capture the rare picture .']\n", - "=======================\n", - "['lightning flash spotted in the ash cloud of the colima volcano which is 301 miles west of mexico citystrikes caused by high levels of electric charge building up as ash particles rub togetherbolts can heat surrounding air to 3,000 °c and melt ash in the cloud into glassy spheres , scientists discovered']\n", - "hernando rivera cervantes took the pictures as local authorities warned those living around the volcano , which is also known as the fire volcano , to prepare for a possible evacuation .the latests picture , captured by an amateur photographer as the colima volcano in mexico spews out a plume of ash and lava , reveals the raw power of a volcanic eruption .mr cervantes spent eight hours watching the volcano as it threw ash up to 1.8 miles ( three kilometres ) into the atmosphere before managing to capture the rare picture .\n", - "lightning flash spotted in the ash cloud of the colima volcano which is 301 miles west of mexico citystrikes caused by high levels of electric charge building up as ash particles rub togetherbolts can heat surrounding air to 3,000 °c and melt ash in the cloud into glassy spheres , scientists discovered\n", - "[1.5904502 1.3160391 1.3215688 1.1133412 1.1643096 1.1261927 1.2381325\n", - " 1.0847728 1.0847658 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 6 4 5 3 7 8 16 15 14 13 9 11 10 17 12 18]\n", - "=======================\n", - "[\"brook lopez dominated twin brother robin with 32 points and nine rebounds as the brooklyn nets beat a weakened portland trail blazers on monday in the only game on the nba schedule .deron williams added 24 points and 10 assists for the nets , who closed in on a play-off spot in the eastern conference by winning for the ninth time in 11 games .the trail blazers left lamarcus aldridge and others home for the game that was postponed by bad weather on january 26 and could n't stop brook lopez , who shot 15 for 25 from the field .\"]\n", - "=======================\n", - "['brooklyn nets beat the portland trail blazers 106-96 in new yorkbrook lopez scored 32 points for the nets as they moved into seventhtrail blazers were without lamarcus aldridge and a number of others']\n", - "brook lopez dominated twin brother robin with 32 points and nine rebounds as the brooklyn nets beat a weakened portland trail blazers on monday in the only game on the nba schedule .deron williams added 24 points and 10 assists for the nets , who closed in on a play-off spot in the eastern conference by winning for the ninth time in 11 games .the trail blazers left lamarcus aldridge and others home for the game that was postponed by bad weather on january 26 and could n't stop brook lopez , who shot 15 for 25 from the field .\n", - "brooklyn nets beat the portland trail blazers 106-96 in new yorkbrook lopez scored 32 points for the nets as they moved into seventhtrail blazers were without lamarcus aldridge and a number of others\n", - "[1.3055866 1.0653411 1.2228221 1.2535594 1.0981479 1.1083686 1.2604568\n", - " 1.170154 1.0906451 1.0593429 1.0376859 1.0258034 1.0313362 1.0370448\n", - " 1.0392566 1.1215086 1.0862403 0. 0. ]\n", - "\n", - "[ 0 6 3 2 7 15 5 4 8 16 1 9 14 10 13 12 11 17 18]\n", - "=======================\n", - "[\"floyd mayweather vs manny pacquiao will be the biggest fight of all time financially and the most significant this century .jim jeffries came out of a six-year retirement to take on jack johnson , the first black heavyweight championhere are my 12 most significant fights in boxing 's history .\"]\n", - "=======================\n", - "[\"floyd mayweather jr and manny pacquiao 's fight will be the richest eversportmail 's jeff powell is counting down the ring 's most significant fightsfirst up is 1910 's fight for race - jack johnson v james j jeffries\"]\n", - "floyd mayweather vs manny pacquiao will be the biggest fight of all time financially and the most significant this century .jim jeffries came out of a six-year retirement to take on jack johnson , the first black heavyweight championhere are my 12 most significant fights in boxing 's history .\n", - "floyd mayweather jr and manny pacquiao 's fight will be the richest eversportmail 's jeff powell is counting down the ring 's most significant fightsfirst up is 1910 's fight for race - jack johnson v james j jeffries\n", - "[1.5110662 1.2508571 1.2901316 1.2188169 1.1830535 1.1365432 1.1453791\n", - " 1.1377633 1.0872234 1.0349386 1.1097577 1.0899214 1.016047 1.0143397\n", - " 1.0383795 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 4 6 7 5 10 11 8 14 9 12 13 17 15 16 18]\n", - "=======================\n", - "['( cnn ) universal \\'s \" furious 7 \" continues to build momentum at the friday box office for a weekend debut in the $ 135 million - $ 138 million range , the largest opening in north america since fall 2013 .domestically , it will be playing in 4,003 theaters by good friday .the current record-holder for top april opening domestically is \" captain america : the winter soldier , \" which debuted to $ 95 million from 3,928 theaters last year .']\n", - "=======================\n", - "['the final film featuring the late paul walker , \" furious 7 \" is opening around the globe this weekendit \\'s worldwide debut may approach or cross $ 300 million by the end of easter sunday']\n", - "( cnn ) universal 's \" furious 7 \" continues to build momentum at the friday box office for a weekend debut in the $ 135 million - $ 138 million range , the largest opening in north america since fall 2013 .domestically , it will be playing in 4,003 theaters by good friday .the current record-holder for top april opening domestically is \" captain america : the winter soldier , \" which debuted to $ 95 million from 3,928 theaters last year .\n", - "the final film featuring the late paul walker , \" furious 7 \" is opening around the globe this weekendit 's worldwide debut may approach or cross $ 300 million by the end of easter sunday\n", - "[1.2806054 1.4536724 1.2145556 1.2397988 1.0759413 1.2119054 1.1087036\n", - " 1.044474 1.0767882 1.0798252 1.0497085 1.1072401 1.0261346 1.1191564\n", - " 1.0539004 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 5 13 6 11 9 8 4 14 10 7 12 17 15 16 18]\n", - "=======================\n", - "[\"the network has asked big bang theory co-creator bill prady to mastermind the revival , which would see the return of kermit the frog , miss piggy , fozzie bear and other old favorites .abc is filming a pilot episode of the muppet show , in the hopes of bringing the beloved variety show back to the small screen .new muppets tv content has n't been since since muppets tonight ended in 1998 , though old episodes have been re-run extensively and several movies have been filmed .\"]\n", - "=======================\n", - "['bill prady has written a pilot episode to pitch to advertisersfilming will start in burbank , california , next weekendnew series set to see return of kermit , fozzie bear , gonzo and animalfirst episode revolves around luring an upset miss piggy back to the castit has been 17 years since the last muppets tv series ended']\n", - "the network has asked big bang theory co-creator bill prady to mastermind the revival , which would see the return of kermit the frog , miss piggy , fozzie bear and other old favorites .abc is filming a pilot episode of the muppet show , in the hopes of bringing the beloved variety show back to the small screen .new muppets tv content has n't been since since muppets tonight ended in 1998 , though old episodes have been re-run extensively and several movies have been filmed .\n", - "bill prady has written a pilot episode to pitch to advertisersfilming will start in burbank , california , next weekendnew series set to see return of kermit , fozzie bear , gonzo and animalfirst episode revolves around luring an upset miss piggy back to the castit has been 17 years since the last muppets tv series ended\n", - "[1.0314078 1.516069 1.3548875 1.3363657 1.3028302 1.3199332 1.1529164\n", - " 1.0430003 1.0662414 1.0577176 1.0514624 1.0417109 1.0202092 1.0423301\n", - " 1.1067935 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 5 4 6 14 8 9 10 7 13 11 0 12 16 15 17]\n", - "=======================\n", - "[\"for # 3,500 , tourists are being invited to book a trip to russia and sleep in the natural habitat of the siberian tiger , one of the world 's most endangered animals .bespoke tour operators natural world safaris is offering the rare trip which also gives guests a unique opportunity to view the big cat .the trip to durminskoye reserve in khabarovsk lasts seven days in total with guests spending time in the wild environs inhabited by the last remaining siberian tigers , and setting camera traps with the experts in the hope of catching an insight into the lives of these endangered predators .\"]\n", - "=======================\n", - "[\"natural world safaris offers tourists the opportunity to share space with the endangered speciesthe seven-day package includes ` basic accommodation ' and no guarantee you 'll see a rare tigerguests are guided by conservationist alexander batalov , who works tirelessly to protect siberian tigers\"]\n", - "for # 3,500 , tourists are being invited to book a trip to russia and sleep in the natural habitat of the siberian tiger , one of the world 's most endangered animals .bespoke tour operators natural world safaris is offering the rare trip which also gives guests a unique opportunity to view the big cat .the trip to durminskoye reserve in khabarovsk lasts seven days in total with guests spending time in the wild environs inhabited by the last remaining siberian tigers , and setting camera traps with the experts in the hope of catching an insight into the lives of these endangered predators .\n", - "natural world safaris offers tourists the opportunity to share space with the endangered speciesthe seven-day package includes ` basic accommodation ' and no guarantee you 'll see a rare tigerguests are guided by conservationist alexander batalov , who works tirelessly to protect siberian tigers\n", - "[1.4383152 1.5121121 1.2275661 1.2159939 1.1285324 1.1118189 1.0912801\n", - " 1.1240876 1.0276854 1.1227412 1.0843875 1.0239717 1.0215408 1.0116893\n", - " 1.0236446 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 7 9 5 6 10 8 11 14 12 13 15 16 17]\n", - "=======================\n", - "[\"the premier league champions have written to 300 fans who took them up on their offer of free transport for the bank holiday evening clash at selhurst park .manchester city have apologised to supporters and promised to hand out ticket refunds after coaches they laid on for free were delayed and missed the kick-off at crystal palace .palace 's south london home is notoriously difficult to get to and the club acted after the game was scheduled for an 8pm start , making it impossible for supporters to travel by train .\"]\n", - "=======================\n", - "['manchester city have apologised to supporters and promised refunds300 fans affected after six coaches were delayed and they missed kick-offthe move is likely to cost the premier league champions around # 12,000city lost the game at palace 2-1 to seemingly end their title aspirations']\n", - "the premier league champions have written to 300 fans who took them up on their offer of free transport for the bank holiday evening clash at selhurst park .manchester city have apologised to supporters and promised to hand out ticket refunds after coaches they laid on for free were delayed and missed the kick-off at crystal palace .palace 's south london home is notoriously difficult to get to and the club acted after the game was scheduled for an 8pm start , making it impossible for supporters to travel by train .\n", - "manchester city have apologised to supporters and promised refunds300 fans affected after six coaches were delayed and they missed kick-offthe move is likely to cost the premier league champions around # 12,000city lost the game at palace 2-1 to seemingly end their title aspirations\n", - "[1.3684795 1.132888 1.3815469 1.3491106 1.1180893 1.1124306 1.0359445\n", - " 1.1184415 1.1969643 1.1520032 1.0314987 1.0219806 1.0350456 1.0185213\n", - " 1.0156169 1.0220512 0. 0. ]\n", - "\n", - "[ 2 0 3 8 9 1 7 4 5 6 12 10 15 11 13 14 16 17]\n", - "=======================\n", - "[\"some are charging up to a ` shameful ' # 2,700 for one eye -- treble what it costs the health service -- raising suspicions that they are ripping off elderly patients .half of hospitals in england are allowing patients to jump nhs queues for cataract surgery if they pay for it themselves , new figures reveal ( file picture )cataract treatment is being rationed in england to save money , even though the nhs recently announced it would fund weight-loss surgery for 15,000 obese adults every year at a cost of # 6,000 each .\"]\n", - "=======================\n", - "['half of hospitals in england let patients jump queues if they pay for surgerycharging up to # 2,700 for cataract surgery on one eye - treble cost to nhscampaigners have accused hospitals of profiting from elderly patients']\n", - "some are charging up to a ` shameful ' # 2,700 for one eye -- treble what it costs the health service -- raising suspicions that they are ripping off elderly patients .half of hospitals in england are allowing patients to jump nhs queues for cataract surgery if they pay for it themselves , new figures reveal ( file picture )cataract treatment is being rationed in england to save money , even though the nhs recently announced it would fund weight-loss surgery for 15,000 obese adults every year at a cost of # 6,000 each .\n", - "half of hospitals in england let patients jump queues if they pay for surgerycharging up to # 2,700 for cataract surgery on one eye - treble cost to nhscampaigners have accused hospitals of profiting from elderly patients\n", - "[1.2127011 1.4147477 1.3860378 1.143566 1.2464294 1.2075039 1.1637027\n", - " 1.1303015 1.0496311 1.077379 1.0477446 1.0853574 1.0235797 1.0136288\n", - " 1.014463 1.0661324 1.0183257 0. ]\n", - "\n", - "[ 1 2 4 0 5 6 3 7 11 9 15 8 10 12 16 14 13 17]\n", - "=======================\n", - "[\"corey edwards , from teignmouth , devon more than anything wanted to see his parents craig , 28 , and jemma , 21 , tie the knot .the five-year-old was diagnosed with a complex congenital heart defect at the age of seven months and since then has undergone eight open-heart operations and other treatments .corey edwards ' job was to hold the rings for his parents during the marriage ceremony\"]\n", - "=======================\n", - "[\"five-year-old corey edwards often asked why his parents were not marriedcraig and jemma had put their wedding on hold to fight his heart defectthey decided to tie the knot when they discovered his illness was terminalthe edwards made history as the first couple to get married in the hospitalit required special written permission from the archbishop of canterburythey fulfilled corey 's dying wish by organising ceremony within 48 hourshe held the rings , while staff made a cake and the decorated hospital ward\"]\n", - "corey edwards , from teignmouth , devon more than anything wanted to see his parents craig , 28 , and jemma , 21 , tie the knot .the five-year-old was diagnosed with a complex congenital heart defect at the age of seven months and since then has undergone eight open-heart operations and other treatments .corey edwards ' job was to hold the rings for his parents during the marriage ceremony\n", - "five-year-old corey edwards often asked why his parents were not marriedcraig and jemma had put their wedding on hold to fight his heart defectthey decided to tie the knot when they discovered his illness was terminalthe edwards made history as the first couple to get married in the hospitalit required special written permission from the archbishop of canterburythey fulfilled corey 's dying wish by organising ceremony within 48 hourshe held the rings , while staff made a cake and the decorated hospital ward\n", - "[1.388616 1.170158 1.4908538 1.1779432 1.1200311 1.1041794 1.0725132\n", - " 1.1609074 1.1668338 1.0799296 1.0411108 1.0849249 1.0699905 1.0534903\n", - " 1.0893605 1.1468661 1.1214468 1.0739784]\n", - "\n", - "[ 2 0 3 1 8 7 15 16 4 5 14 11 9 17 6 12 13 10]\n", - "=======================\n", - "[\"tom ryan , 40 , was struck by a toyota while making deliveries on staten island , leaving the hanging by a thread .` screaming in agony ' : ups driver tom ryan ( pictured ) lost a leg after getting crushed against his own truck by a car swerving to miss a jaywalkeronlookers used a shirt as a tourniquet in a desperate attempt to stop the bleeding .\"]\n", - "=======================\n", - "['tom ryan , 40 , had one leg ripped off and the other left hanging by a threadonlookers used shirt as a tourniquet in desperate bid to stop the bleedingwitness : ` tom was screaming .']\n", - "tom ryan , 40 , was struck by a toyota while making deliveries on staten island , leaving the hanging by a thread .` screaming in agony ' : ups driver tom ryan ( pictured ) lost a leg after getting crushed against his own truck by a car swerving to miss a jaywalkeronlookers used a shirt as a tourniquet in a desperate attempt to stop the bleeding .\n", - "tom ryan , 40 , had one leg ripped off and the other left hanging by a threadonlookers used shirt as a tourniquet in desperate bid to stop the bleedingwitness : ` tom was screaming .\n", - "[1.2660041 1.2580976 1.341416 1.2697431 1.2491302 1.1944623 1.1705819\n", - " 1.2526021 1.1047653 1.0808458 1.0884271 1.11794 1.0790793 1.0255667\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 1 7 4 5 6 11 8 10 9 12 13 14 15 16 17 18]\n", - "=======================\n", - "['it was centered about four miles north of san fernando near interstate 210 .a magnitude 3.1 earthquake caused a sharp jolt to be felt across a well-populated area just north of los angeles .the us geological survey said in a preliminary report that the quake with a depth of about five miles happened just before 9pm last night , according to the associated press .']\n", - "=======================\n", - "['us geological survey said quake just before 9pm had depth of five mileswas centered about four miles north of san fernando near interstate 210jolt was felt across san fernando valley and parts of los angeles county']\n", - "it was centered about four miles north of san fernando near interstate 210 .a magnitude 3.1 earthquake caused a sharp jolt to be felt across a well-populated area just north of los angeles .the us geological survey said in a preliminary report that the quake with a depth of about five miles happened just before 9pm last night , according to the associated press .\n", - "us geological survey said quake just before 9pm had depth of five mileswas centered about four miles north of san fernando near interstate 210jolt was felt across san fernando valley and parts of los angeles county\n", - "[1.1273388 1.288244 1.2265358 1.4106063 1.1276892 1.1158514 1.1545564\n", - " 1.0946239 1.0824618 1.0975124 1.063303 1.0905125 1.0800565 1.0862818\n", - " 1.0586122 1.0142273 1.0134804 0. 0. ]\n", - "\n", - "[ 3 1 2 6 4 0 5 9 7 11 13 8 12 10 14 15 16 17 18]\n", - "=======================\n", - "['the researchers found that male 5,000 metre runners are more competitive than women .researchers have discovered that male athletes are more driven by the desire to beat the competition than female athletes .sportswomen tend to be more committed to aspects of their lives outside sport - such as their academic studies - than their male counterparts , the researchers say .']\n", - "=======================\n", - "['scientists at grand valley state university , michigan , studied elite runnersthey found the men tended to have greater competitive drive than womenwomen tend to prioritise other aspects of their lives like academic studies']\n", - "the researchers found that male 5,000 metre runners are more competitive than women .researchers have discovered that male athletes are more driven by the desire to beat the competition than female athletes .sportswomen tend to be more committed to aspects of their lives outside sport - such as their academic studies - than their male counterparts , the researchers say .\n", - "scientists at grand valley state university , michigan , studied elite runnersthey found the men tended to have greater competitive drive than womenwomen tend to prioritise other aspects of their lives like academic studies\n", - "[1.3203839 1.260855 1.275746 1.3710854 1.220672 1.0651592 1.0252788\n", - " 1.035543 1.0139465 1.0228487 1.2685674 1.0213735 1.1274023 1.081791\n", - " 1.0267643 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 10 1 4 12 13 5 7 14 6 9 11 8 17 15 16 18]\n", - "=======================\n", - "[\"outspoken : historian david starkey ( pictured ) says ethnic minority groups and disabled people should not ` assume the status of victim 'the outspoken 70-year-old said evidence suggested women tended to be of average intelligence , whereas men were either ` very , very bright or very thick ' , but denied he is sexist .the television presenter also gave his views on the current political class , claiming he did not believe any politician was equipped to be prime minister and the ` real talent has left politics ' .\"]\n", - "=======================\n", - "['the presenter said disabled people should not be portrayed as victims70-year-old also claimed fears of islamophobia were victimising muslimsdoes not believe any politician is currently equipped to be prime minister']\n", - "outspoken : historian david starkey ( pictured ) says ethnic minority groups and disabled people should not ` assume the status of victim 'the outspoken 70-year-old said evidence suggested women tended to be of average intelligence , whereas men were either ` very , very bright or very thick ' , but denied he is sexist .the television presenter also gave his views on the current political class , claiming he did not believe any politician was equipped to be prime minister and the ` real talent has left politics ' .\n", - "the presenter said disabled people should not be portrayed as victims70-year-old also claimed fears of islamophobia were victimising muslimsdoes not believe any politician is currently equipped to be prime minister\n", - "[1.1288075 1.1027349 1.3458087 1.405047 1.1552782 1.2472898 1.1144956\n", - " 1.0539594 1.0299629 1.0545007 1.0263935 1.1082348 1.0142812 1.1013402\n", - " 1.1030507 1.0662603 1.0175701 1.0278155 1.031666 ]\n", - "\n", - "[ 3 2 5 4 0 6 11 14 1 13 15 9 7 18 8 17 10 16 12]\n", - "=======================\n", - "['the kickoff to the new season leads the list of six things to watch in the week ahead .that was the big twist at the end of \" orphan black \\'s \" second season .the cloning cult sci-fi series remains one of the most critically acclaimed shows on tv , thanks in large part to the performance of tatiana maslany , who has taken on at least six roles on the show so far , including a newly introduced transgender clone .']\n", - "=======================\n", - "['critically acclaimed series \" orphan black \" returns\" turn : washington \\'s spies \" starts a second season\" game of thrones \" is back for season five']\n", - "the kickoff to the new season leads the list of six things to watch in the week ahead .that was the big twist at the end of \" orphan black 's \" second season .the cloning cult sci-fi series remains one of the most critically acclaimed shows on tv , thanks in large part to the performance of tatiana maslany , who has taken on at least six roles on the show so far , including a newly introduced transgender clone .\n", - "critically acclaimed series \" orphan black \" returns\" turn : washington 's spies \" starts a second season\" game of thrones \" is back for season five\n", - "[1.3464539 1.4073192 1.2129629 1.295593 1.0629215 1.1067833 1.1309388\n", - " 1.1258986 1.122243 1.0409585 1.0428128 1.0627673 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 6 7 8 5 4 11 10 9 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"witnesses told police that pastor aracely meza , 49 , and the boy 's parents believed he had a ` demon ' inside of him , and that he was starved for 25 days , being given only water four to five times a day .the chilling details of a ` resurrection ' ceremony held for a ` possessed ' two-year-old boy in a texas residence have emerged following the arrest of a pastor who is accused of helping starve the boy to rid him of a demon ( above aracely meza during the alleged resurrection holding the two-year-old boy )church member nazareth zurita said the toddler , whose name has not been released , fell and hit his head several times , but she hesitated to help him ` due to his demon possession . '\"]\n", - "=======================\n", - "['warning graphic contentaracely meza was charged with injury to child by omission on mondaypolice believe boy was dead during ceremony lasting for hourschild was only given water which ultimately caused him to die , police saidin ceremony caught on video , meza is seen using oils and reciting prayers while holding the child as she tries to revive himpolice went to the home on march 26 to do a welfare check and were told by residents that a two-year-old child had diedmeza along with husband daniel meza presided over church services held at a balch springs , texas residence where ceremony occurredmarch 22 ceremony was an attempt to resurrect the child , police claim']\n", - "witnesses told police that pastor aracely meza , 49 , and the boy 's parents believed he had a ` demon ' inside of him , and that he was starved for 25 days , being given only water four to five times a day .the chilling details of a ` resurrection ' ceremony held for a ` possessed ' two-year-old boy in a texas residence have emerged following the arrest of a pastor who is accused of helping starve the boy to rid him of a demon ( above aracely meza during the alleged resurrection holding the two-year-old boy )church member nazareth zurita said the toddler , whose name has not been released , fell and hit his head several times , but she hesitated to help him ` due to his demon possession . '\n", - "warning graphic contentaracely meza was charged with injury to child by omission on mondaypolice believe boy was dead during ceremony lasting for hourschild was only given water which ultimately caused him to die , police saidin ceremony caught on video , meza is seen using oils and reciting prayers while holding the child as she tries to revive himpolice went to the home on march 26 to do a welfare check and were told by residents that a two-year-old child had diedmeza along with husband daniel meza presided over church services held at a balch springs , texas residence where ceremony occurredmarch 22 ceremony was an attempt to resurrect the child , police claim\n", - "[1.2798231 1.4755833 1.175219 1.2972848 1.1448698 1.0493606 1.0505049\n", - " 1.0193337 1.1692617 1.1134119 1.1140621 1.14962 1.1434611 1.0338081\n", - " 1.0483266 1.0325725 1.0813041 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 2 8 11 4 12 10 9 16 6 5 14 13 15 7 21 17 18 19 20 22]\n", - "=======================\n", - "['an 18-month-old baby and three girls - aged three , six and eight - were trapped on a sandbank at blackpool beach while out walking during the school break .two mothers saved the lives of three girls and a baby after the youngsters were trapped by the rising tidetwo mothers who dramatically rescued a baby and group of young girls from rising tides were horrified to discover onlookers filming the incident instead of helping them .']\n", - "=======================\n", - "[\"two mothers held the children 's heads above water amid the rising tidesaged 18 months , three , six and eight , they were trapped on a sandbankbut onlookers ignored their cries for help and instead filmed the dramait comes days after boat race spectators were rescued from the thames\"]\n", - "an 18-month-old baby and three girls - aged three , six and eight - were trapped on a sandbank at blackpool beach while out walking during the school break .two mothers saved the lives of three girls and a baby after the youngsters were trapped by the rising tidetwo mothers who dramatically rescued a baby and group of young girls from rising tides were horrified to discover onlookers filming the incident instead of helping them .\n", - "two mothers held the children 's heads above water amid the rising tidesaged 18 months , three , six and eight , they were trapped on a sandbankbut onlookers ignored their cries for help and instead filmed the dramait comes days after boat race spectators were rescued from the thames\n", - "[1.5063858 1.3703401 1.1802611 1.225079 1.1642479 1.0812898 1.1062039\n", - " 1.0966696 1.0436314 1.0330533 1.1237422 1.0328256 1.050129 1.1315616\n", - " 1.1387134 1.0109491 1.0149338 1.0982337 1.0876117 1.0371547 1.0320795\n", - " 1.0608394 0. ]\n", - "\n", - "[ 0 1 3 2 4 14 13 10 6 17 7 18 5 21 12 8 19 9 11 20 16 15 22]\n", - "=======================\n", - "['( cnn ) erica kinsman , a former florida state university student who has accused star football player jameis winston of rape , has filed a lawsuit against the heisman trophy-winning quarterback , her lawyer said thursday .kinsman has said winston raped her in december 2012 .in the lawsuit filed thursday , kinsman alleges sexual battery , false imprisonment and intentional infliction of emotional distress .']\n", - "=======================\n", - "['winston \\'s lawyer : kinsman \\'s \" false accusations have already been exposed and rejected six times \"erica kinsman said jameis winston raped her in 2012 ; a prosecutor declined to bring criminal chargesher lawsuit alleges sexual battery and false imprisonment ; winston has said they had consensual sex']\n", - "( cnn ) erica kinsman , a former florida state university student who has accused star football player jameis winston of rape , has filed a lawsuit against the heisman trophy-winning quarterback , her lawyer said thursday .kinsman has said winston raped her in december 2012 .in the lawsuit filed thursday , kinsman alleges sexual battery , false imprisonment and intentional infliction of emotional distress .\n", - "winston 's lawyer : kinsman 's \" false accusations have already been exposed and rejected six times \"erica kinsman said jameis winston raped her in 2012 ; a prosecutor declined to bring criminal chargesher lawsuit alleges sexual battery and false imprisonment ; winston has said they had consensual sex\n", - "[1.4392874 1.3786901 1.241084 1.1807582 1.0966238 1.0328429 1.0724443\n", - " 1.0384446 1.0987034 1.0223898 1.0544306 1.1178178 1.0338451 1.056473\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 3 11 8 4 6 13 10 7 12 5 9 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"( cnn ) isis operatives have executed two groups of prisoners , believed to be ethiopian christians , in libya , according to a video released sunday by the terror network 's media arm .one group is beheaded on a beach along the mediterranean sea , while the other group is shot in southern libya , hundreds of miles away .earlier in the video , a different speaker says christians in the northern iraqi city of mosul were given the choice to embrace islam or maintain their christian faith and pay a tax .\"]\n", - "=======================\n", - "['footage shows groups of captives in jumpsuits executed at 2 locations , narrator saysvideo makes numerous references to christians failing to pay tax or tribute to muslims']\n", - "( cnn ) isis operatives have executed two groups of prisoners , believed to be ethiopian christians , in libya , according to a video released sunday by the terror network 's media arm .one group is beheaded on a beach along the mediterranean sea , while the other group is shot in southern libya , hundreds of miles away .earlier in the video , a different speaker says christians in the northern iraqi city of mosul were given the choice to embrace islam or maintain their christian faith and pay a tax .\n", - "footage shows groups of captives in jumpsuits executed at 2 locations , narrator saysvideo makes numerous references to christians failing to pay tax or tribute to muslims\n", - "[1.0840627 1.3291162 1.145788 1.1711528 1.269942 1.152688 1.1091423\n", - " 1.047648 1.0498244 1.1122941 1.0835255 1.0329562 1.0418845 1.0814109\n", - " 1.0926508 1.0363265 1.0946529 1.0624924 1.0317022 1.028784 1.0257741\n", - " 1.0322113 1.0224526]\n", - "\n", - "[ 1 4 3 5 2 9 6 16 14 0 10 13 17 8 7 12 15 11 21 18 19 20 22]\n", - "=======================\n", - "[\"however , this did not appear to cross the mind of teenager lily sharp , who lives in the uk , when she decided to prank her own mother .as mean-spirited as the joke appeared , lily certainly took the steps in order to make the prank as convincing as possible .she began by texting her mother a seemingly innocent message : ` you did n't tell me the decorator man was coming mate ! '\"]\n", - "=======================\n", - "['lily sharp convinced her mother that she had been kidnappedshe text her mum pretending to be a kidnapper demanding a ransomunsurprisingly her panicked parent did not find the trick funnytwitter post received 18,000 retweets and 25,000 favourites']\n", - "however , this did not appear to cross the mind of teenager lily sharp , who lives in the uk , when she decided to prank her own mother .as mean-spirited as the joke appeared , lily certainly took the steps in order to make the prank as convincing as possible .she began by texting her mother a seemingly innocent message : ` you did n't tell me the decorator man was coming mate ! '\n", - "lily sharp convinced her mother that she had been kidnappedshe text her mum pretending to be a kidnapper demanding a ransomunsurprisingly her panicked parent did not find the trick funnytwitter post received 18,000 retweets and 25,000 favourites\n", - "[1.3451295 1.213324 1.3505219 1.2834468 1.1638241 1.1782196 1.0233669\n", - " 1.0257077 1.028319 1.0554894 1.0883859 1.0574132 1.0436467 1.0376675\n", - " 1.0951494 1.0638604 1.0721521 1.0528556 1.0353082 1.0201666 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 3 1 5 4 14 10 16 15 11 9 17 12 13 18 8 7 6 19 21 20 22]\n", - "=======================\n", - "['new details have emerged about vincent stanford , who created an online alter ego to use in science fiction , gaming and fantasy forums characters .stephanie scott was allegedly murdered just days before she was due to walk down the aislethe man accused of the brutal murder of young teacher stephanie scott led a secret life online that included violent video games , a seeming obsession with fantasy worlds and rambling writings for a science fiction series .']\n", - "=======================\n", - "[\"police discovered the body of a female in bushland on friday afternoonstephanie scott was last seen on easter sunday which sparked a searchnew details revealed alleged killer vincent stanford reportedly had an obsession with online video games and neo-nazi propagandait comes as police will contact authorities in holland for a background check on 24-year-old stanford , who was charged with murderstanford 's family led police to cocoparra national park north of griffithforensic testing will be carried out on the remains of the body on monday\"]\n", - "new details have emerged about vincent stanford , who created an online alter ego to use in science fiction , gaming and fantasy forums characters .stephanie scott was allegedly murdered just days before she was due to walk down the aislethe man accused of the brutal murder of young teacher stephanie scott led a secret life online that included violent video games , a seeming obsession with fantasy worlds and rambling writings for a science fiction series .\n", - "police discovered the body of a female in bushland on friday afternoonstephanie scott was last seen on easter sunday which sparked a searchnew details revealed alleged killer vincent stanford reportedly had an obsession with online video games and neo-nazi propagandait comes as police will contact authorities in holland for a background check on 24-year-old stanford , who was charged with murderstanford 's family led police to cocoparra national park north of griffithforensic testing will be carried out on the remains of the body on monday\n", - "[1.3144904 1.2319508 1.1603391 1.1613475 1.0577599 1.1900371 1.164664\n", - " 1.0507051 1.0400395 1.1063367 1.1165658 1.0787761 1.0893 1.0136232\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 6 3 2 10 9 12 11 4 7 8 13 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"maiquetia , venezuela : it 's a long way from bundoran -- and a long way from the belfast homes of paddy barnes and michael conlan .the pair mischievously claimed that donegal 's seaside town was their destination of choice for a post-olympic break following their respective bronze medal wins at london 2012 , but they have certainly travelled far and wide during the current olympiad .on saturday night , the belfast boys are potentially both one win away from qualifying for next summer 's olympic games , with barnes needing to ensure victory while conlan must do likewise and depend on another result elsewhere .\"]\n", - "=======================\n", - "['paddy barnes and michael conlan are competing in maiquetia , northern venezuela on saturday nightthe duo are hoping to qualify for the 2016 games in riobarnes and conlan box for the italia thunder team']\n", - "maiquetia , venezuela : it 's a long way from bundoran -- and a long way from the belfast homes of paddy barnes and michael conlan .the pair mischievously claimed that donegal 's seaside town was their destination of choice for a post-olympic break following their respective bronze medal wins at london 2012 , but they have certainly travelled far and wide during the current olympiad .on saturday night , the belfast boys are potentially both one win away from qualifying for next summer 's olympic games , with barnes needing to ensure victory while conlan must do likewise and depend on another result elsewhere .\n", - "paddy barnes and michael conlan are competing in maiquetia , northern venezuela on saturday nightthe duo are hoping to qualify for the 2016 games in riobarnes and conlan box for the italia thunder team\n", - "[1.2666062 1.43275 1.1120238 1.0999537 1.2578614 1.2257142 1.0350084\n", - " 1.0465019 1.1382878 1.0970122 1.021792 1.0317898 1.1684384 1.082831\n", - " 1.1350787 1.0386087 1.1103745 1.0217081 1.0459 1.1289434 1.0681772]\n", - "\n", - "[ 1 0 4 5 12 8 14 19 2 16 3 9 13 20 7 18 15 6 11 10 17]\n", - "=======================\n", - "[\"pest control company mortein posted a picture to the account of its mascot , louie the fly , along with ' #putyourdressout ' , which was a widely shared hashtag in support of ms scott .a company has copped a spray after making the ` tasteless decision ' to link its product to the tragic murder of school teacher stephanie scott .the post was quickly attacked by people who dubbed it insensitive .\"]\n", - "=======================\n", - "[\"post on mortein 's facebook page linked to stephanie scott 's murderpicture of the brand 's mascot accompanied with #putyourdressoutslammed as a ` tasteless decision ' by some social media usersms scott was brutally murdered just days before her wedding\"]\n", - "pest control company mortein posted a picture to the account of its mascot , louie the fly , along with ' #putyourdressout ' , which was a widely shared hashtag in support of ms scott .a company has copped a spray after making the ` tasteless decision ' to link its product to the tragic murder of school teacher stephanie scott .the post was quickly attacked by people who dubbed it insensitive .\n", - "post on mortein 's facebook page linked to stephanie scott 's murderpicture of the brand 's mascot accompanied with #putyourdressoutslammed as a ` tasteless decision ' by some social media usersms scott was brutally murdered just days before her wedding\n", - "[1.2954603 1.3485445 1.3598393 1.124307 1.2426863 1.1356579 1.1316599\n", - " 1.1073349 1.0319842 1.0156949 1.023428 1.0861822 1.106139 1.0428145\n", - " 1.0300486 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 4 5 6 3 7 12 11 13 8 14 10 9 15 16 17 18 19 20]\n", - "=======================\n", - "[\"rutherford , 46 , claims her children were illegally deported to france when a california court awarded custody to her ex-husband daniel giersch , 40 , and she pleaded for the order to be reversed .the case was dismissed with a court order stating that it did not have the jurisdiction to force the kids , son hermes , 8 , and daughter helena , 5 , to come back to the united states .a lawsuit filed by former gossip girl actress kelly rutherford attempting to have a judge order her kids to return to the u.s. from their father 's custody in france has been dismissed once and for all .\"]\n", - "=======================\n", - "[\"she claims a california judge deported her children illegally in 2012california court ruled rutherford 's ex-husband daniel giersch could take the children to live in france and spend vacations with in the usher petition to custody battle was dismissed in court last augustbut in one final attempt she put in another appeal , which was dismissedcourt order states that it did ` nt have jurisdiction to force kids to live in usthe permanent dismissal says that rutherford failed to argue why the federal court should intervene in custody case\"]\n", - "rutherford , 46 , claims her children were illegally deported to france when a california court awarded custody to her ex-husband daniel giersch , 40 , and she pleaded for the order to be reversed .the case was dismissed with a court order stating that it did not have the jurisdiction to force the kids , son hermes , 8 , and daughter helena , 5 , to come back to the united states .a lawsuit filed by former gossip girl actress kelly rutherford attempting to have a judge order her kids to return to the u.s. from their father 's custody in france has been dismissed once and for all .\n", - "she claims a california judge deported her children illegally in 2012california court ruled rutherford 's ex-husband daniel giersch could take the children to live in france and spend vacations with in the usher petition to custody battle was dismissed in court last augustbut in one final attempt she put in another appeal , which was dismissedcourt order states that it did ` nt have jurisdiction to force kids to live in usthe permanent dismissal says that rutherford failed to argue why the federal court should intervene in custody case\n", - "[1.6238413 1.3854047 1.2394906 1.3713727 1.2139587 1.0499557 1.036005\n", - " 1.0344768 1.1679604 1.2080168 1.0993888 1.0318874 1.0148281 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 9 8 10 5 6 7 11 12 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "['second-half goals by mohamed yattara and alexandre lacazette helped olympique lyonnais go top of ligue 1 with a 2-0 home win against bastia on wednesday .substitute yattara opened the scoring in the 77th minute and ligue 1 top scorer lacazette took his tally to 25 eight minutes later to move lyon up to 64 points from 32 games .alexandre lacazette and mohamed yattara were both on the score sheet as lyon beat bastia']\n", - "=======================\n", - "['lyon leapfrog paris saint-germain to top french ligue 1les gones beat bastia 2-0 at stade de gerland on wednesdayalexandre lacazette and mohamed yattara score goalschampions psg in champions league action against barcelona']\n", - "second-half goals by mohamed yattara and alexandre lacazette helped olympique lyonnais go top of ligue 1 with a 2-0 home win against bastia on wednesday .substitute yattara opened the scoring in the 77th minute and ligue 1 top scorer lacazette took his tally to 25 eight minutes later to move lyon up to 64 points from 32 games .alexandre lacazette and mohamed yattara were both on the score sheet as lyon beat bastia\n", - "lyon leapfrog paris saint-germain to top french ligue 1les gones beat bastia 2-0 at stade de gerland on wednesdayalexandre lacazette and mohamed yattara score goalschampions psg in champions league action against barcelona\n", - "[1.2902682 1.3661399 1.2453868 1.3188531 1.205931 1.0811667 1.085615\n", - " 1.0997362 1.1088389 1.061453 1.0282812 1.0388767 1.1489638 1.0995555\n", - " 1.0698587 1.0824252 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 12 8 7 13 6 15 5 14 9 11 10 16 17 18 19 20]\n", - "=======================\n", - "[\"labour said the ` marie antoinette ' moment by the work and pensions secretary showed ` just how out of touch the tories are ' about the lives of working people .tory cabinet minister iain duncan smith came under fire today after suggesting that zero-hours contracts should be re-named ` flexible hours 'the future of zero-hours deals has become of the key issues of the election battle over jobs , with labour pledging to ban exploitative deals .\"]\n", - "=======================\n", - "[\"conservative work and pensions secretary likened to mary antoinettesays only 2 % of workers on zero-hours deals and most are carerslabour seizes on comments as proof the tories are ` out of touch '\"]\n", - "labour said the ` marie antoinette ' moment by the work and pensions secretary showed ` just how out of touch the tories are ' about the lives of working people .tory cabinet minister iain duncan smith came under fire today after suggesting that zero-hours contracts should be re-named ` flexible hours 'the future of zero-hours deals has become of the key issues of the election battle over jobs , with labour pledging to ban exploitative deals .\n", - "conservative work and pensions secretary likened to mary antoinettesays only 2 % of workers on zero-hours deals and most are carerslabour seizes on comments as proof the tories are ` out of touch '\n", - "[1.2251999 1.2088692 1.2260343 1.2592582 1.1374354 1.115219 1.0647755\n", - " 1.0857548 1.0706196 1.0671941 1.0547677 1.1893476 1.16395 1.0637589\n", - " 1.041882 1.0121777 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 0 1 11 12 4 5 7 8 9 6 13 10 14 15 18 16 17 19]\n", - "=======================\n", - "[\"wild weather : social media users have taken to snapchat to share their rainy day adventures , like this man windsurfing on his skateboardsnapchat 's sydney story - a compilation of videos people in the area have posted in the last day - also shows the soaking conditions endured by the cronulla sharks and south sydney rabbitohs .from a boat parked between two cars by someone who ` knew what was coming ' to a man making the most of the wind by using his umbrella as a sail while he skateboards down the street , sydneysiders are still managing to see the funny side of the storm .\"]\n", - "=======================\n", - "['parts of nsw are being hit with the worst weather in half a decadesocial media users have taken to snapchat to share their adventuressome are boogie boarding down floodwaters after beaches were closedothers decided to try their hand at windsurfing on a skateboard']\n", - "wild weather : social media users have taken to snapchat to share their rainy day adventures , like this man windsurfing on his skateboardsnapchat 's sydney story - a compilation of videos people in the area have posted in the last day - also shows the soaking conditions endured by the cronulla sharks and south sydney rabbitohs .from a boat parked between two cars by someone who ` knew what was coming ' to a man making the most of the wind by using his umbrella as a sail while he skateboards down the street , sydneysiders are still managing to see the funny side of the storm .\n", - "parts of nsw are being hit with the worst weather in half a decadesocial media users have taken to snapchat to share their adventuressome are boogie boarding down floodwaters after beaches were closedothers decided to try their hand at windsurfing on a skateboard\n", - "[1.1943421 1.4219881 1.2357335 1.2453209 1.2786145 1.1623812 1.1270638\n", - " 1.0868961 1.0680988 1.0902021 1.0709915 1.1199896 1.0265583 1.0320388\n", - " 1.0529495 1.0362269 1.0447338 1.0643455 1.0096264 0. ]\n", - "\n", - "[ 1 4 3 2 0 5 6 11 9 7 10 8 17 14 16 15 13 12 18 19]\n", - "=======================\n", - "[\"the teenager from the henan province in central china has been labelled ` too beautiful too look at ' .the woman who claims to be just 15-years-old has drastically transformed her appearancegoing by the name lee hee danae , she has a shocking 400,000 followers on her weibo account - a chinese social media platform - which states her birthday is may , 1999 .\"]\n", - "=======================\n", - "['the 15-year-old girl is said to have undergone the operations in chinathe teen has amassed a following of over 400,000 fans on social mediashe reportedly underwent the transformation to win back an ex boyfriendsome commentators say the images have been digitally exaggerated']\n", - "the teenager from the henan province in central china has been labelled ` too beautiful too look at ' .the woman who claims to be just 15-years-old has drastically transformed her appearancegoing by the name lee hee danae , she has a shocking 400,000 followers on her weibo account - a chinese social media platform - which states her birthday is may , 1999 .\n", - "the 15-year-old girl is said to have undergone the operations in chinathe teen has amassed a following of over 400,000 fans on social mediashe reportedly underwent the transformation to win back an ex boyfriendsome commentators say the images have been digitally exaggerated\n", - "[1.0953809 1.0539602 1.2243048 1.3742203 1.311255 1.0718315 1.1226817\n", - " 1.3413724 1.1224444 1.1212146 1.0640625 1.2625594 1.1197134 1.0429249\n", - " 1.058313 1.0274312 1.0491679 1.0161434 1.047671 1.0457207]\n", - "\n", - "[ 3 7 4 11 2 6 8 9 12 0 5 10 14 1 16 18 19 13 15 17]\n", - "=======================\n", - "[\"manchester city 's tenacious , creative and versatile midfielder james milner could leave as a free agentswansea 's gerhard tremmel , 36 , is the understudy for lukasz fabianski but has done well in the cupsgoalkeeper - gerhard tremmel ( swansea )\"]\n", - "=======================\n", - "[\"swansea 's gerhard tremmel in goal behind the free agents ' 4-4-2glen johnson , kolo toure , ron vlaar and luke garbutt at the backjames milner , mikel arteta , tom cleverley and jonas gutierrez in midfieldburnley 's danny ings and manchester united 's james wilson up front\"]\n", - "manchester city 's tenacious , creative and versatile midfielder james milner could leave as a free agentswansea 's gerhard tremmel , 36 , is the understudy for lukasz fabianski but has done well in the cupsgoalkeeper - gerhard tremmel ( swansea )\n", - "swansea 's gerhard tremmel in goal behind the free agents ' 4-4-2glen johnson , kolo toure , ron vlaar and luke garbutt at the backjames milner , mikel arteta , tom cleverley and jonas gutierrez in midfieldburnley 's danny ings and manchester united 's james wilson up front\n", - "[1.1436328 1.3892081 1.2659067 1.1453819 1.1514825 1.1575612 1.2539356\n", - " 1.1409256 1.1012101 1.0642809 1.0964603 1.0503151 1.101485 1.0713733\n", - " 1.0763646 1.0240122 1.0153317 1.0263988 1.0298805 0. ]\n", - "\n", - "[ 1 2 6 5 4 3 0 7 12 8 10 14 13 9 11 18 17 15 16 19]\n", - "=======================\n", - "['quarterback tom brady updated his facebook page on wednesday with a picture of himself lying in a hospital bed in a full body cast .he had shared a video on saturday of himself jumping off a cliff into a river during his vacation .tom brady posted a video of himself going cliff diving while he was vacationing during the nfl offseason last week']\n", - "=======================\n", - "[\"the patriots qb posted a picture of himself in a hospital bed on facebook and wrote : ` jordan 's crossover no joke 'brady and michael jordan spotted playing some pick-up ball few days agogoogle had a few bizarre treats for users along with domino 's pizza which apparently introduced the ` domi-no-driver '\"]\n", - "quarterback tom brady updated his facebook page on wednesday with a picture of himself lying in a hospital bed in a full body cast .he had shared a video on saturday of himself jumping off a cliff into a river during his vacation .tom brady posted a video of himself going cliff diving while he was vacationing during the nfl offseason last week\n", - "the patriots qb posted a picture of himself in a hospital bed on facebook and wrote : ` jordan 's crossover no joke 'brady and michael jordan spotted playing some pick-up ball few days agogoogle had a few bizarre treats for users along with domino 's pizza which apparently introduced the ` domi-no-driver '\n", - "[1.4622539 1.2402647 1.2243083 1.2018015 1.258982 1.0412197 1.0183532\n", - " 1.1020594 1.1249657 1.1481065 1.1764656 1.0547345 1.0164737 1.0733166\n", - " 1.2367201 1.1350411 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 14 2 3 10 9 15 8 7 13 11 5 6 12 18 16 17 19]\n", - "=======================\n", - "[\"manchester united 's pursuit of edinson cavani took another blow after the uruguayan striker insisted he will be staying at paris saint-germain until his contract expires .the uruguayan forward is a target for manchester united but looks set to stay in parisunited have been considering a bid for the forward as they look to freshen up their forward options , with radamel falcao expected to return to monaco , and robin van persie failing to hold down a starting place .\"]\n", - "=======================\n", - "[\"manchester united have shown interest in signing edinson cavanipsg striker has been out of favour at times in paris this seasoncavani bounced back to score in 4-0 win over bastia in league cup finalstriker says ` there is too much talk about my future but i will remain here '\"]\n", - "manchester united 's pursuit of edinson cavani took another blow after the uruguayan striker insisted he will be staying at paris saint-germain until his contract expires .the uruguayan forward is a target for manchester united but looks set to stay in parisunited have been considering a bid for the forward as they look to freshen up their forward options , with radamel falcao expected to return to monaco , and robin van persie failing to hold down a starting place .\n", - "manchester united have shown interest in signing edinson cavanipsg striker has been out of favour at times in paris this seasoncavani bounced back to score in 4-0 win over bastia in league cup finalstriker says ` there is too much talk about my future but i will remain here '\n", - "[1.3398163 1.3842149 1.159376 1.4033463 1.156556 1.0843579 1.1475012\n", - " 1.0952328 1.1337276 1.1328058 1.1583207 1.1791599 1.0510825 1.0505139\n", - " 1.0187155 1.0092589 1.0084897 1.0081356 1.0089204 1.0115238 1.0126854]\n", - "\n", - "[ 3 1 0 11 2 10 4 6 8 9 7 5 12 13 14 20 19 15 18 16 17]\n", - "=======================\n", - "[\"raheem sterling has been filmed apparently inhaling nitrous oxide - also known as ` hippy crack 'nitrous oxide , has been nicknamed ` laughing gas ' due to the euphoric and relaxed feeling people who inhale it can sometimes feel .in the footage sterling is seen sucking on an orange balloon then laughing and giggling before he asks one of his friends to give him another hit .\"]\n", - "=======================\n", - "['raheem sterling at the centre of a second drugs controversyliverpool forward videoed passing out after inhaling nitrous oxidefollows pictures on sunday of the 20-year-old puffing on a shisha piperead : arsenal have doubts over signing sterling after latest controversiesread : sterling pictured again with shisha pipe ... this time with jordan ibe']\n", - "raheem sterling has been filmed apparently inhaling nitrous oxide - also known as ` hippy crack 'nitrous oxide , has been nicknamed ` laughing gas ' due to the euphoric and relaxed feeling people who inhale it can sometimes feel .in the footage sterling is seen sucking on an orange balloon then laughing and giggling before he asks one of his friends to give him another hit .\n", - "raheem sterling at the centre of a second drugs controversyliverpool forward videoed passing out after inhaling nitrous oxidefollows pictures on sunday of the 20-year-old puffing on a shisha piperead : arsenal have doubts over signing sterling after latest controversiesread : sterling pictured again with shisha pipe ... this time with jordan ibe\n", - "[1.1141039 1.412631 1.2165391 1.3476212 1.288641 1.235141 1.2548693\n", - " 1.1845247 1.1690772 1.0371104 1.0399508 1.0349185 1.1281375 1.0218976\n", - " 1.0093732 1.0231884 1.0080091 1.0113591 1.1913047 1.067209 0. ]\n", - "\n", - "[ 1 3 4 6 5 2 18 7 8 12 0 19 10 9 11 15 13 17 14 16 20]\n", - "=======================\n", - "[\"burger king will be paying the expenses and providing gifts for the wedding of an illinois couple after joel burger and ashley king accepted the company 's payment proposal on monday .the couple has been known as burger-king since they were in the fifth grade together , in new berlin , illinoisthe popular fast food chain will also be providing personalized gift bags , mason jars and burger king crowns\"]\n", - "=======================\n", - "['joel burger and ashley king have known each other since kindergartenthey got engaged and announced with a photo taken at burger king signchain found out and contacted couple about paying for their july weddingbk will provide personalized gift bags , mason jars and crowns for event']\n", - "burger king will be paying the expenses and providing gifts for the wedding of an illinois couple after joel burger and ashley king accepted the company 's payment proposal on monday .the couple has been known as burger-king since they were in the fifth grade together , in new berlin , illinoisthe popular fast food chain will also be providing personalized gift bags , mason jars and burger king crowns\n", - "joel burger and ashley king have known each other since kindergartenthey got engaged and announced with a photo taken at burger king signchain found out and contacted couple about paying for their july weddingbk will provide personalized gift bags , mason jars and crowns for event\n", - "[1.1839217 1.4713902 1.4335122 1.2948017 1.2077019 1.1502515 1.1972549\n", - " 1.0337458 1.0210772 1.0940683 1.2008055 1.0972041 1.0163728 1.0147934\n", - " 1.0540613 1.0502075 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 10 6 0 5 11 9 14 15 7 8 12 13 19 16 17 18 20]\n", - "=======================\n", - "['simba was rescued by firefighters in meckenheim , near bonn , germany , after a neighbour heard scratching in her newly refitted bathroom .owners helga and eberhard henkel had lost their pet in early march and had looked everywhere - even hanging up notices in surrounding streets .lucky escape : simba the cat was freed by firefigthers after spending 27 days trapped under a bath tub']\n", - "=======================\n", - "[\"simba went missing in early march in the town of meckenheim , germanyhis owner 's neighbour heard scratching in her bathroom four weeks laterthe pet was freed by firefighters and is now starting to put weight back on\"]\n", - "simba was rescued by firefighters in meckenheim , near bonn , germany , after a neighbour heard scratching in her newly refitted bathroom .owners helga and eberhard henkel had lost their pet in early march and had looked everywhere - even hanging up notices in surrounding streets .lucky escape : simba the cat was freed by firefigthers after spending 27 days trapped under a bath tub\n", - "simba went missing in early march in the town of meckenheim , germanyhis owner 's neighbour heard scratching in her bathroom four weeks laterthe pet was freed by firefighters and is now starting to put weight back on\n", - "[1.136371 1.429364 1.2284436 1.1478245 1.1896855 1.3003213 1.0667903\n", - " 1.0693601 1.0652152 1.0956608 1.0773137 1.0497634 1.0548834 1.0529293\n", - " 1.0481263 1.0108944 1.0158721 1.0099963 1.0119206 1.0256947 0. ]\n", - "\n", - "[ 1 5 2 4 3 0 9 10 7 6 8 12 13 11 14 19 16 18 15 17 20]\n", - "=======================\n", - "[\"hillary clinton 's now-famous mystery mobile , an oversized , armored chevy van , stopped in iowa on tuesday long enough for photographers to catch a glimpse of the vehicle that hauled the former secretary of state from new york to the american midwest .unlike on monday when hillary stopped at an ohio chipotle for lunch , she popped into a coffee house in le claire , iowa , for a cup of joe - and of tea .and at tuesday 's stop people actually recognized her .\"]\n", - "=======================\n", - "[\"` we 're here to see the queen , ' one protester told daily mail online outside a rural community college in monticello , iowahe shouted ` give the saudi money back ! 'hillary clinton will visit the school on tuesday in the first semi-public event of her presidential campaignher armored campaign van , nicknamed ` scooby , ' has finally been photographed in the wilds of the american midwest after a 1,000-mile tripit arrived at her campaign stop tailed by a black humveereporters snapped pics of the former secretary of state at a coffee shop in le claire , iowa\"]\n", - "hillary clinton 's now-famous mystery mobile , an oversized , armored chevy van , stopped in iowa on tuesday long enough for photographers to catch a glimpse of the vehicle that hauled the former secretary of state from new york to the american midwest .unlike on monday when hillary stopped at an ohio chipotle for lunch , she popped into a coffee house in le claire , iowa , for a cup of joe - and of tea .and at tuesday 's stop people actually recognized her .\n", - "` we 're here to see the queen , ' one protester told daily mail online outside a rural community college in monticello , iowahe shouted ` give the saudi money back ! 'hillary clinton will visit the school on tuesday in the first semi-public event of her presidential campaignher armored campaign van , nicknamed ` scooby , ' has finally been photographed in the wilds of the american midwest after a 1,000-mile tripit arrived at her campaign stop tailed by a black humveereporters snapped pics of the former secretary of state at a coffee shop in le claire , iowa\n", - "[1.1422898 1.4432188 1.4462866 1.33296 1.2041775 1.2339844 1.1795894\n", - " 1.0716903 1.0303354 1.0150939 1.015902 1.0220668 1.0328941 1.0242505\n", - " 1.2329788 1.017172 1.0127577 1.0454171 1.0281922 0. 0. ]\n", - "\n", - "[ 2 1 3 5 14 4 6 0 7 17 12 8 18 13 11 15 10 9 16 19 20]\n", - "=======================\n", - "['the first of the aircraft - which can reach 1,370 mph - blasted them with the thrust from its engines , while as the second jet disappeared from view the video camera was knocked sideways .the video captured by william bird while out with his seven-year-old stepson alex shows the # 126million jets approaching raf lossiemouth in moray , scotland .the video was taken on the same day that typhoons were deployed by the royal air force as two russian long-range bear bombers , capable of carrying nuclear missiles , hugged british airspace .']\n", - "=======================\n", - "[\"william bird , 41 , captured footage as jets approached raf lossiemouthstood underneath # 126million aircraft with seven-year-old stepson alexvideo camera knocked sideways as second jet disappeared from viewhe says clip taken on tuesday was ` as close to action as you could get '\"]\n", - "the first of the aircraft - which can reach 1,370 mph - blasted them with the thrust from its engines , while as the second jet disappeared from view the video camera was knocked sideways .the video captured by william bird while out with his seven-year-old stepson alex shows the # 126million jets approaching raf lossiemouth in moray , scotland .the video was taken on the same day that typhoons were deployed by the royal air force as two russian long-range bear bombers , capable of carrying nuclear missiles , hugged british airspace .\n", - "william bird , 41 , captured footage as jets approached raf lossiemouthstood underneath # 126million aircraft with seven-year-old stepson alexvideo camera knocked sideways as second jet disappeared from viewhe says clip taken on tuesday was ` as close to action as you could get '\n", - "[1.2202489 1.3950393 1.4612544 1.473789 1.2269946 1.0783399 1.0302331\n", - " 1.0332808 1.02752 1.1000843 1.0205121 1.0478894 1.0241648 1.041253\n", - " 1.1276462 1.0315163 1.0822203 1.0287808 1.0199741 1.0222067 0.\n", - " 0. ]\n", - "\n", - "[ 3 2 1 4 0 14 9 16 5 11 13 7 15 6 17 8 12 19 10 18 20 21]\n", - "=======================\n", - "[\"spain and barcelona midfielder andrés iniesta is renting out his vineyard on airbnbthe world class midfielder took to twitter to advise that his the ` bodega iniesta ' vineyard he owns in castilla-la mancha can be rented out .he is a world cup winner , spanish football legend , and one of the most recognisable faces in the classy barcelona cf outfit .\"]\n", - "=======================\n", - "[\"spanish football legend took to twitter to announce the listingbodega iniesta ' vineyard is located in castilla-la mancha , spainproperty has one bedroom with double bed , and kitchen and lounge areaguests are warned not to be too physical with the vines\"]\n", - "spain and barcelona midfielder andrés iniesta is renting out his vineyard on airbnbthe world class midfielder took to twitter to advise that his the ` bodega iniesta ' vineyard he owns in castilla-la mancha can be rented out .he is a world cup winner , spanish football legend , and one of the most recognisable faces in the classy barcelona cf outfit .\n", - "spanish football legend took to twitter to announce the listingbodega iniesta ' vineyard is located in castilla-la mancha , spainproperty has one bedroom with double bed , and kitchen and lounge areaguests are warned not to be too physical with the vines\n", - "[1.2302834 1.5283523 1.2926326 1.3943807 1.1965618 1.0898266 1.1359562\n", - " 1.0311201 1.0258445 1.0303259 1.029393 1.0405077 1.2022324 1.109782\n", - " 1.0250078 1.0299627 1.0149821 1.0198985 1.010388 1.0119956 1.0121449\n", - " 1.016491 ]\n", - "\n", - "[ 1 3 2 0 12 4 6 13 5 11 7 9 15 10 8 14 17 21 16 20 19 18]\n", - "=======================\n", - "[\"henry howes narrowly failed to pick up a despicable me toy as he played the notoriously difficult claw game at his local swimming pool in tamworth , staffordshire .desperate to get to his hands on the teddy , he put his hand inside the machine 's hatch - but when he reached too far , he slipped under the trap door and was stuck inside .a four-year-old boy got trapped in an arcade game after climbing in to the ` claw ' machine when he failed to win a teddy .\"]\n", - "=======================\n", - "['henry howes was playing on arcade game after a swimming lesson at the snowdome in tamworthwhen he failed to pick up a teddy he reached inside the claw machinebut the four-year-old stretched too far and got trapped inside the gamestaff took half an hour to free henry as they searched for the keys']\n", - "henry howes narrowly failed to pick up a despicable me toy as he played the notoriously difficult claw game at his local swimming pool in tamworth , staffordshire .desperate to get to his hands on the teddy , he put his hand inside the machine 's hatch - but when he reached too far , he slipped under the trap door and was stuck inside .a four-year-old boy got trapped in an arcade game after climbing in to the ` claw ' machine when he failed to win a teddy .\n", - "henry howes was playing on arcade game after a swimming lesson at the snowdome in tamworthwhen he failed to pick up a teddy he reached inside the claw machinebut the four-year-old stretched too far and got trapped inside the gamestaff took half an hour to free henry as they searched for the keys\n", - "[1.160672 1.4533296 1.3469118 1.4019694 1.1839852 1.0529509 1.0308346\n", - " 1.0902628 1.0791992 1.0751077 1.0348245 1.0871443 1.1149831 1.0791492\n", - " 1.1238902 1.0244915 1.1261647 1.0099932 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 4 0 16 14 12 7 11 8 13 9 5 10 6 15 17 18 19 20 21]\n", - "=======================\n", - "['paul bakewell , 35 , from walsall , west mids , secretly designed a poster which he then had emblazoned on the 20ft-tall advertising hoarding and covered over .the dad-of-one arranged for his partner tara barber , 32 , to be driven past the billboard by her boss who pretended they were going to a business meeting on friday morning .hairdresser tara ( pictured left ) , was shocked when her car pulled up to the billboard and her partner , gas fitter paul ( pictured right ) got down on one knee']\n", - "=======================\n", - "['paul bakewell , 35 , arranged for partner tara barber , 32 , to drive bybakewell , from walsall , told friends and family to hide on other side of roadbillboard was 20ft-tall and 30ft-wide , on side of a34 in walsall , west mids']\n", - "paul bakewell , 35 , from walsall , west mids , secretly designed a poster which he then had emblazoned on the 20ft-tall advertising hoarding and covered over .the dad-of-one arranged for his partner tara barber , 32 , to be driven past the billboard by her boss who pretended they were going to a business meeting on friday morning .hairdresser tara ( pictured left ) , was shocked when her car pulled up to the billboard and her partner , gas fitter paul ( pictured right ) got down on one knee\n", - "paul bakewell , 35 , arranged for partner tara barber , 32 , to drive bybakewell , from walsall , told friends and family to hide on other side of roadbillboard was 20ft-tall and 30ft-wide , on side of a34 in walsall , west mids\n", - "[1.3931149 1.266051 1.1565126 1.1733478 1.1328746 1.2303255 1.0473785\n", - " 1.1004012 1.1229554 1.1247053 1.1198659 1.0721424 1.0319571 1.1197655\n", - " 1.0440023 1.044517 1.0215414 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 5 3 2 4 9 8 10 13 7 11 6 15 14 12 16 20 17 18 19 21]\n", - "=======================\n", - "[\"an american soldier was killed in a shooting incident wednesday in the eastern afghan city of jalalabad in which at least two other u.s. troops were wounded when an afghan soldier opened fire at them , a u.s. official said .the incident happened after a meeting between afghan provincial leaders and a u.s. embassy official in the compound of the provincial governor in jalalabad .nato confirmed one of its soldiers died in the attack , without providing the nationality of the slain soldier , as is the coalition 's policy .\"]\n", - "=======================\n", - "['the shooting happened immediately after a meeting between afghan provincial leaders and a u.s. embassy officialan afghan soldier , identified as abdul azim , opened fire on nato troops and killed one american soldier and wounded at least two othersu.s. troops returned fire to kill azim ; the motive of the attack has not yet been revealedthe u.s. soldier killed in the attack has not yet been identified']\n", - "an american soldier was killed in a shooting incident wednesday in the eastern afghan city of jalalabad in which at least two other u.s. troops were wounded when an afghan soldier opened fire at them , a u.s. official said .the incident happened after a meeting between afghan provincial leaders and a u.s. embassy official in the compound of the provincial governor in jalalabad .nato confirmed one of its soldiers died in the attack , without providing the nationality of the slain soldier , as is the coalition 's policy .\n", - "the shooting happened immediately after a meeting between afghan provincial leaders and a u.s. embassy officialan afghan soldier , identified as abdul azim , opened fire on nato troops and killed one american soldier and wounded at least two othersu.s. troops returned fire to kill azim ; the motive of the attack has not yet been revealedthe u.s. soldier killed in the attack has not yet been identified\n", - "[1.1136014 1.280942 1.1367114 1.129208 1.2616162 1.1788731 1.2577012\n", - " 1.0731949 1.0496559 1.0658165 1.0293281 1.0250602 1.0173544 1.0194755\n", - " 1.0539292 1.1291922 1.0683692 1.1174897 1.1434839 1.0941386 1.0323899\n", - " 1.02223 ]\n", - "\n", - "[ 1 4 6 5 18 2 3 15 17 0 19 7 16 9 14 8 20 10 11 21 13 12]\n", - "=======================\n", - "[\"asked about a setback that may yet cost brendan rodgers and his players a place in next season 's champions league , the club 's midfielder joe allen was rueful .joe allen battles it out with ander herrera during liverpool 's premier league defeat to man united at anfieldmidfielder allen believes liverpool have performed well against the big teams during the last two seasons\"]\n", - "=======================\n", - "[\"joe allen admits , at times , challenge of playing for liverpool felt too bighowever , reds midfielder has impressed in liverpool 's recent victoriesallen is disappointed at how he coped with things when he first signedwales international hopes he can stay fit and show fans the best of him\"]\n", - "asked about a setback that may yet cost brendan rodgers and his players a place in next season 's champions league , the club 's midfielder joe allen was rueful .joe allen battles it out with ander herrera during liverpool 's premier league defeat to man united at anfieldmidfielder allen believes liverpool have performed well against the big teams during the last two seasons\n", - "joe allen admits , at times , challenge of playing for liverpool felt too bighowever , reds midfielder has impressed in liverpool 's recent victoriesallen is disappointed at how he coped with things when he first signedwales international hopes he can stay fit and show fans the best of him\n", - "[1.0705299 1.1517305 1.4644785 1.3715913 1.2036781 1.3465317 1.3259388\n", - " 1.0386908 1.0480342 1.0199679 1.0146638 1.0131043 1.0121498 1.0150793\n", - " 1.1016284 1.0874712 1.1421409 1.0325208 1.0568421]\n", - "\n", - "[ 2 3 5 6 4 1 16 14 15 0 18 8 7 17 9 13 10 11 12]\n", - "=======================\n", - "['with the first models already shipped to china , the gt , will be unrolled across europe next year .while ford has refused to officially confirm its price , bosses have indicated it will run alongside the # 260,000 lamborghini aventador .the light sculpture was unveiled in the piazza de fidele on tuesday as part of milan design week']\n", - "=======================\n", - "[\"ford unveiled its gt earlier this year to the surprise of industry expertsthe supercar has 600 horsepower , up-swinging doors and a rear engineits design was showcased in a light installation at milan 's piazza de fideleit comes as bosses say autonomous car is '10 per cent ' from complete\"]\n", - "with the first models already shipped to china , the gt , will be unrolled across europe next year .while ford has refused to officially confirm its price , bosses have indicated it will run alongside the # 260,000 lamborghini aventador .the light sculpture was unveiled in the piazza de fidele on tuesday as part of milan design week\n", - "ford unveiled its gt earlier this year to the surprise of industry expertsthe supercar has 600 horsepower , up-swinging doors and a rear engineits design was showcased in a light installation at milan 's piazza de fideleit comes as bosses say autonomous car is '10 per cent ' from complete\n", - "[1.1769967 1.451876 1.1274283 1.0517063 1.324078 1.1558876 1.1134077\n", - " 1.0795081 1.0237088 1.0845577 1.1350187 1.0171351 1.1255221 1.0436558\n", - " 1.2242033 1.1654264 1.0243969 1.0243582 0. ]\n", - "\n", - "[ 1 4 14 0 15 5 10 2 12 6 9 7 3 13 16 17 8 11 18]\n", - "=======================\n", - "[\"sean crawford , from carterton , new zealand , said he picked up his distinctive style after his family taught him about hunting and taxidermy on the farm he grew up on .former plumber sean crawford made a splash at the australian traffic jam gallery with his taxidermy sculpturesmr crawford has three animal sculptures currently on display at traffic jam galleries at neutral bay on sydney 's lower north shore .\"]\n", - "=======================\n", - "['sean crawford has been criticised for using dead animals in his sculptureshis interest in taxidermy started through hunting on his farm as a childall the animals used were killed in new zealand as a part of pest controlhis work is currently on display at traffic jam galleries in neutral baymuseum curators said his work is being received well in australia']\n", - "sean crawford , from carterton , new zealand , said he picked up his distinctive style after his family taught him about hunting and taxidermy on the farm he grew up on .former plumber sean crawford made a splash at the australian traffic jam gallery with his taxidermy sculpturesmr crawford has three animal sculptures currently on display at traffic jam galleries at neutral bay on sydney 's lower north shore .\n", - "sean crawford has been criticised for using dead animals in his sculptureshis interest in taxidermy started through hunting on his farm as a childall the animals used were killed in new zealand as a part of pest controlhis work is currently on display at traffic jam galleries in neutral baymuseum curators said his work is being received well in australia\n", - "[1.3876979 1.1193646 1.0920346 1.1881132 1.2077342 1.060258 1.0541625\n", - " 1.0233799 1.1417933 1.07636 1.1385508 1.0740528 1.0726682 1.1032243\n", - " 1.0533426 1.039063 0. 0. 0. ]\n", - "\n", - "[ 0 4 3 8 10 1 13 2 9 11 12 5 6 14 15 7 17 16 18]\n", - "=======================\n", - "[\"allegations : veteran peer lord janner ( pictured in 2002 ) has repeatedly denied claims he abused young boys at care homes and is now not fit to stand trial despite ` credible evidence 'he has fought tirelessly for the return of jewish assets held in swiss banks by the nazis , and was made a life peer on his retirement from the commons in recognition of his achievements in public life .after training at the university of cambridge and harvard law school , he qualified as a barrister in 1954 and was appointed a qc in 1971 .\"]\n", - "=======================\n", - "[\"lord janner will not face prosecution despite facing credible evidencedirector of public prosecutions says decision comes with ` deep regret 'alison saunders tells of botched investigations in 1991 , 2002 and 2007former labour mp allegedly preyed on boys in 1960s , 1970s and 1980s\"]\n", - "allegations : veteran peer lord janner ( pictured in 2002 ) has repeatedly denied claims he abused young boys at care homes and is now not fit to stand trial despite ` credible evidence 'he has fought tirelessly for the return of jewish assets held in swiss banks by the nazis , and was made a life peer on his retirement from the commons in recognition of his achievements in public life .after training at the university of cambridge and harvard law school , he qualified as a barrister in 1954 and was appointed a qc in 1971 .\n", - "lord janner will not face prosecution despite facing credible evidencedirector of public prosecutions says decision comes with ` deep regret 'alison saunders tells of botched investigations in 1991 , 2002 and 2007former labour mp allegedly preyed on boys in 1960s , 1970s and 1980s\n", - "[1.2969823 1.2327964 1.3321605 1.1557922 1.2156254 1.3456827 1.0964764\n", - " 1.0321134 1.1261073 1.0731788 1.044395 1.0355761 1.0487797 1.0318941\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 5 2 0 1 4 3 8 6 9 12 10 11 7 13 17 14 15 16 18]\n", - "=======================\n", - "[\"spectacular : design duo luke sales and anna plunkett presented their new collection ` cooee couture ' at the art gallery of nswthe final day of mercedes-benz fashion week australia kicked off with an explosion of colour in sydney on thursday .going out with a bang !\"]\n", - "=======================\n", - "['romance was born show at mbfwa was held on thursday morning at art gallery of nswdesigners luke sales and anna plunkett presented a typically eccentric collection of bold prints and colourfashion week wraps up thursday night with johanna johnson show']\n", - "spectacular : design duo luke sales and anna plunkett presented their new collection ` cooee couture ' at the art gallery of nswthe final day of mercedes-benz fashion week australia kicked off with an explosion of colour in sydney on thursday .going out with a bang !\n", - "romance was born show at mbfwa was held on thursday morning at art gallery of nswdesigners luke sales and anna plunkett presented a typically eccentric collection of bold prints and colourfashion week wraps up thursday night with johanna johnson show\n", - "[1.4016215 1.1285388 1.2102643 1.1514423 1.0971067 1.1168112 1.021422\n", - " 1.0138439 1.1574706 1.1085671 1.1278244 1.054551 1.1418589 1.0423077\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 8 3 12 1 10 5 9 4 11 13 6 7 17 14 15 16 18]\n", - "=======================\n", - "['when chelsea clinton became the first daughter of the united states of america , she was just a twelve-year-old from arkansas with a full head of voluminous frizzy curls .now , in a candid interview with elle magazine , chelsea has finally revealed just what happened to her much-loved ringlets -- insisting that , far from being an intentional style change , her once-unruly mane simply straightened itself out over time .but over the years , as chelsea has grown up into an intelligent and elegant woman , her curls quickly began to fade , appearing more and more controlled as the years wore on , before eventually vanishing completely .']\n", - "=======================\n", - "[\"during her father 's presidential campaign and subsequent two terms in the white house , chelsea was well known for her tight curlsthe new mother , who gave birth to daughter charlotte in september , explained that her iconic hairstyle simply changed over timein her interview , published days after her mother 's presidential candidacy announcement , she also addressed america 's ` need ' for female politicians\"]\n", - "when chelsea clinton became the first daughter of the united states of america , she was just a twelve-year-old from arkansas with a full head of voluminous frizzy curls .now , in a candid interview with elle magazine , chelsea has finally revealed just what happened to her much-loved ringlets -- insisting that , far from being an intentional style change , her once-unruly mane simply straightened itself out over time .but over the years , as chelsea has grown up into an intelligent and elegant woman , her curls quickly began to fade , appearing more and more controlled as the years wore on , before eventually vanishing completely .\n", - "during her father 's presidential campaign and subsequent two terms in the white house , chelsea was well known for her tight curlsthe new mother , who gave birth to daughter charlotte in september , explained that her iconic hairstyle simply changed over timein her interview , published days after her mother 's presidential candidacy announcement , she also addressed america 's ` need ' for female politicians\n", - "[1.5542641 1.4674999 1.17962 1.4928689 1.2057152 1.0420191 1.0232491\n", - " 1.0179044 1.1497297 1.0525334 1.0224721 1.0174679 1.0571 1.0136832\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 8 12 9 5 6 10 7 11 13 16 14 15 17]\n", - "=======================\n", - "[\"leicester boss richard cockerill believes that this season 's aviva premiership play-off race will run until the final day of regular league season action .the tigers tackle saracens at allianz park on saturday , separated by just two points and two places with only four games left .the 22-game premiership campaign concludes on may 16 , with play-offs a week later , and the stakes are high .\"]\n", - "=======================\n", - "['leicester face saracens at allianz park on saturday in aviva premiershipjust two points and two places separate the sides with four games leftbath , exeter , wasps and sale all also still involved in play-off chase']\n", - "leicester boss richard cockerill believes that this season 's aviva premiership play-off race will run until the final day of regular league season action .the tigers tackle saracens at allianz park on saturday , separated by just two points and two places with only four games left .the 22-game premiership campaign concludes on may 16 , with play-offs a week later , and the stakes are high .\n", - "leicester face saracens at allianz park on saturday in aviva premiershipjust two points and two places separate the sides with four games leftbath , exeter , wasps and sale all also still involved in play-off chase\n", - "[1.4050946 1.4858022 1.2292478 1.0331788 1.3137043 1.0549462 1.0408254\n", - " 1.2498764 1.3290731 1.1697876 1.097606 1.0512549 1.1296431 1.0899833\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 8 4 7 2 9 12 10 13 5 11 6 3 16 14 15 17]\n", - "=======================\n", - "[\"the 58-year-old italian 's departure comes six days after leeds ' assistant head coach steve thompson was suspended .leeds ' sporting director nicola salerno has resigned , the club 's disqualified owner massimo cellino is reported to have confirmed .leeds united assistant manager steve thompson ( left ) was been suspended by the club last week\"]\n", - "=======================\n", - "[\"disqualified owner massimo cellino confirms nicola salerno 's departureannouncement comes six days after assistant coach was suspendedsalerno understood to be responsible for steve thompson suspensionitalian has been linked with sporting director 's job at palermo in italy\"]\n", - "the 58-year-old italian 's departure comes six days after leeds ' assistant head coach steve thompson was suspended .leeds ' sporting director nicola salerno has resigned , the club 's disqualified owner massimo cellino is reported to have confirmed .leeds united assistant manager steve thompson ( left ) was been suspended by the club last week\n", - "disqualified owner massimo cellino confirms nicola salerno 's departureannouncement comes six days after assistant coach was suspendedsalerno understood to be responsible for steve thompson suspensionitalian has been linked with sporting director 's job at palermo in italy\n", - "[1.329016 1.2122025 1.3147067 1.3564872 1.2428737 1.1374667 1.1796389\n", - " 1.0938706 1.0281298 1.032394 1.2587541 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 10 4 1 6 5 7 9 8 11 12 13 14 15 16 17]\n", - "=======================\n", - "[\"once the ee ` power bar ' runs down , customers will be able to swap it for a new one at any ee shop , or spend four hours charging it up themselves at home .fully charged : the new scheme will let ee customers pick up free portable chargersthe chargers will be free to ee customers , and other smartphone owners can also sign up to the service if they pay a # 20 fee .\"]\n", - "=======================\n", - "[\"ee shops will stock free chargers so people can revive phones while outother smartphone users can sign up to service for # 20comes after research found 60 % customers said battery wo n't last a day\"]\n", - "once the ee ` power bar ' runs down , customers will be able to swap it for a new one at any ee shop , or spend four hours charging it up themselves at home .fully charged : the new scheme will let ee customers pick up free portable chargersthe chargers will be free to ee customers , and other smartphone owners can also sign up to the service if they pay a # 20 fee .\n", - "ee shops will stock free chargers so people can revive phones while outother smartphone users can sign up to service for # 20comes after research found 60 % customers said battery wo n't last a day\n", - "[1.1815817 1.3224719 1.1151631 1.3109704 1.2317412 1.1257133 1.1059947\n", - " 1.1124735 1.1100814 1.0277747 1.180134 1.069314 1.0933628 1.0509181\n", - " 1.0510523 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 0 10 5 2 7 8 6 12 11 14 13 9 15 16 17]\n", - "=======================\n", - "[\"the legendary french chef has been wining and dining a string of glamorous blondes since divorcing his wife of eight years , zimbabwean-born heiress cheryl roux , last year .sources close to the restaurateur say he is ` smitten ' with ms lutsyshyna , a 41-year-old ukrainian who used to work at the roux restaurant in westminster .he is about to turn 80 but self-confessed ladies ' man albert roux has evidently lost none of his charm .\"]\n", - "=======================\n", - "['albert roux has been dating a string of ladies since divorcing heiress wifethey include a ukrainian cloakroom attendant , an artist and a tea hostessthe 79-year-old is said to have spent thousands on one of the womenlast year it emerged his wife was divorcing him on grounds of adultery']\n", - "the legendary french chef has been wining and dining a string of glamorous blondes since divorcing his wife of eight years , zimbabwean-born heiress cheryl roux , last year .sources close to the restaurateur say he is ` smitten ' with ms lutsyshyna , a 41-year-old ukrainian who used to work at the roux restaurant in westminster .he is about to turn 80 but self-confessed ladies ' man albert roux has evidently lost none of his charm .\n", - "albert roux has been dating a string of ladies since divorcing heiress wifethey include a ukrainian cloakroom attendant , an artist and a tea hostessthe 79-year-old is said to have spent thousands on one of the womenlast year it emerged his wife was divorcing him on grounds of adultery\n", - "[1.3271462 1.4008144 1.1768901 1.2731808 1.2367462 1.217089 1.0745074\n", - " 1.1535808 1.1069013 1.0474 1.081225 1.0625799 1.0359875 1.0278151\n", - " 1.0437927 1.0912074 1.0096374 1.014907 ]\n", - "\n", - "[ 1 0 3 4 5 2 7 8 15 10 6 11 9 14 12 13 17 16]\n", - "=======================\n", - "[\"two of her attackers have finally apologized and admitted she was unconscious during the ` criminal act 'loss : audrie pott , 15 , killed herself in 2012 after she was sexually assaulted at a party .the pair , who have not been named , admitted audrie pott was unconscious at the time and did not consent to their ` criminal acts ' as they reached a civil settlement with her family .\"]\n", - "=======================\n", - "[\"parents of audrie pott reach financial settlement with remaining two teensfamily made an agreement with one weeks ago after he ` showed remorse 'issued a lengthy apology as part of the wrongful death civil suitadmitted the teenager was unconscious and did not consent at the timeapologized for spreading rumors that ` served to shame and humiliate her 'during a hearing one of the boys said he ` missed audrie a lot 'pair will also have to give presentations on ` sexting ' and ` slut-shaming 'the trio stripped her naked , drew on her and attacked her during a party\"]\n", - "two of her attackers have finally apologized and admitted she was unconscious during the ` criminal act 'loss : audrie pott , 15 , killed herself in 2012 after she was sexually assaulted at a party .the pair , who have not been named , admitted audrie pott was unconscious at the time and did not consent to their ` criminal acts ' as they reached a civil settlement with her family .\n", - "parents of audrie pott reach financial settlement with remaining two teensfamily made an agreement with one weeks ago after he ` showed remorse 'issued a lengthy apology as part of the wrongful death civil suitadmitted the teenager was unconscious and did not consent at the timeapologized for spreading rumors that ` served to shame and humiliate her 'during a hearing one of the boys said he ` missed audrie a lot 'pair will also have to give presentations on ` sexting ' and ` slut-shaming 'the trio stripped her naked , drew on her and attacked her during a party\n", - "[1.2386239 1.4044565 1.1077756 1.1942706 1.2511503 1.1472738 1.1971602\n", - " 1.0254899 1.177964 1.0401715 1.0296569 1.0195236 1.0143069 1.0451865\n", - " 1.1139024 1.0803164 1.0321817 1.0998954 1.1084626 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 0 6 3 8 5 14 18 2 17 15 13 9 16 10 7 11 12 20 19 21]\n", - "=======================\n", - "[\"tyler grant , a junior at the university of texas prefers to be referred to by neutral plural pronouns such as ` they , ' ` them ' , or ` their ' instead of ` he , ' or ` she , ' and sometimes wears women 's clothing .gender queer : tyler grant identifies as gender queer and though grant was assigned a male , grant sometimes likes to wear women 's dressesgrant believes the restaurant was discriminatory because of grant 's gender identity . '\"]\n", - "=======================\n", - "[\"tyler grant claims a whataburger in texas denied service because grant was wearing a dressthe whataburger says they did not let grant enter because the outfit in question was see-through` if it were see-through , then she would have seen my brightly colored underwear , ' grant said on facebookgrant claims the outfit consisted of five pairs of tightsgrant is still deciding whether or not to pursue legal action\"]\n", - "tyler grant , a junior at the university of texas prefers to be referred to by neutral plural pronouns such as ` they , ' ` them ' , or ` their ' instead of ` he , ' or ` she , ' and sometimes wears women 's clothing .gender queer : tyler grant identifies as gender queer and though grant was assigned a male , grant sometimes likes to wear women 's dressesgrant believes the restaurant was discriminatory because of grant 's gender identity . '\n", - "tyler grant claims a whataburger in texas denied service because grant was wearing a dressthe whataburger says they did not let grant enter because the outfit in question was see-through` if it were see-through , then she would have seen my brightly colored underwear , ' grant said on facebookgrant claims the outfit consisted of five pairs of tightsgrant is still deciding whether or not to pursue legal action\n", - "[1.3753064 1.4950844 1.2035431 1.3387063 1.0610913 1.0292065 1.2054905\n", - " 1.0974629 1.1210093 1.1038188 1.0722799 1.0255476 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 6 2 8 9 7 10 4 5 11 20 12 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"providenciales climbed a rung from last year 's no. 2 ranking among the travel review site 's travelers ' choice award winners to bump ambergris caye out of the top spot .( cnn ) island-hoppers take note : providenciales in the turks and caicos is tripadvisor 's latest pick for the world 's top island .only two more of 2014 's top 10 islands appear on this year 's global list .\"]\n", - "=======================\n", - "[\"providenciales in the turks and caicos is the top tripadvisor travelers ' choice award winner for islandsmaui ranks first on the top 10 islands list for the united states\"]\n", - "providenciales climbed a rung from last year 's no. 2 ranking among the travel review site 's travelers ' choice award winners to bump ambergris caye out of the top spot .( cnn ) island-hoppers take note : providenciales in the turks and caicos is tripadvisor 's latest pick for the world 's top island .only two more of 2014 's top 10 islands appear on this year 's global list .\n", - "providenciales in the turks and caicos is the top tripadvisor travelers ' choice award winner for islandsmaui ranks first on the top 10 islands list for the united states\n", - "[1.1899245 1.386412 1.4583561 1.2712262 1.1553822 1.0856984 1.0231926\n", - " 1.014884 1.0453659 1.1194525 1.1544273 1.03722 1.1449082 1.0452769\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 3 0 4 10 12 9 5 8 13 11 6 7 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "['about 10,000 women a year in the uk are affected by the debilitating hyperemesis gravidarum ( hg ) - a severe form of morning sickness which causes constant vomiting , crippling weakness and dehydration .a new study shows the condition suffered by the duchess of cambridge during both her pregnancies triples the risk of developmental problems compared with women who have normal nausea and vomiting .pregnant women with hyperemesis gravidarum - the severe morning sickness suffered by kate middleton - are more likely to have children with language and speech delays , and attention disorders , a study claims']\n", - "=======================\n", - "['hyperemesis gravidarum ( hg ) triples risk compared with regular sicknessbehavioural link appears to be due to lack of nutrition in early pregnancy -- especially in the first five weeks -- rather than medicationsome women with hg lost 5lbs ( 2.27 kg ) and needed intravenous fluids']\n", - "about 10,000 women a year in the uk are affected by the debilitating hyperemesis gravidarum ( hg ) - a severe form of morning sickness which causes constant vomiting , crippling weakness and dehydration .a new study shows the condition suffered by the duchess of cambridge during both her pregnancies triples the risk of developmental problems compared with women who have normal nausea and vomiting .pregnant women with hyperemesis gravidarum - the severe morning sickness suffered by kate middleton - are more likely to have children with language and speech delays , and attention disorders , a study claims\n", - "hyperemesis gravidarum ( hg ) triples risk compared with regular sicknessbehavioural link appears to be due to lack of nutrition in early pregnancy -- especially in the first five weeks -- rather than medicationsome women with hg lost 5lbs ( 2.27 kg ) and needed intravenous fluids\n", - "[1.3971202 1.501221 1.2038987 1.1823009 1.1311889 1.1000314 1.05972\n", - " 1.0336702 1.0258753 1.0324159 1.0562967 1.0840178 1.0191278 1.0220127\n", - " 1.025838 1.0284163 1.0303091 1.0213679 1.0400968 1.0211642 1.1223017\n", - " 1.0571591]\n", - "\n", - "[ 1 0 2 3 4 20 5 11 6 21 10 18 7 9 16 15 8 14 13 17 19 12]\n", - "=======================\n", - "[\"philippe coutinho eventually broke the deadlock after 161 goalless minutes across the two games but blackburn came close to levelling matters when goalkeeper simon eastwood was denied in stoppage time .liverpool just edged past blackburn rovers in their fa cup sixth round replay to make it to a 24th cup semi-final in the anfield club 's illustrious history .sportsmail 's oliver todd rated the player 's performances at ewood park .\"]\n", - "=======================\n", - "[\"philippe coutinho was man of the match in liverpool 's win over blackburnalex baptiste was superb in defence for the hosts at ewood parkdaniel sturridge continued to show a lack of match sharpness\"]\n", - "philippe coutinho eventually broke the deadlock after 161 goalless minutes across the two games but blackburn came close to levelling matters when goalkeeper simon eastwood was denied in stoppage time .liverpool just edged past blackburn rovers in their fa cup sixth round replay to make it to a 24th cup semi-final in the anfield club 's illustrious history .sportsmail 's oliver todd rated the player 's performances at ewood park .\n", - "philippe coutinho was man of the match in liverpool 's win over blackburnalex baptiste was superb in defence for the hosts at ewood parkdaniel sturridge continued to show a lack of match sharpness\n", - "[1.2740872 1.3410932 1.2389319 1.3766863 1.1420043 1.1805259 1.1670662\n", - " 1.099135 1.0435754 1.0417329 1.0623393 1.0201923 1.0552659 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 0 2 5 6 4 7 10 12 8 9 11 20 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"in charge : sally jones , 45 , a former punk rocker who fled the uk to join isis militants , is believed to have been filmed leading an all-women brigade of terrorists in a hate-filled chanting session in syriaa video has now emerged which appears to show the mother-of-two leading members of the al-khanssaa brigade - the all-women contingent set up by isis - in a series of chants expressing the fighters ' commitment to jihad .experts say the slicky-edited video is the first ` real evidence ' which shows jones is involved with the brigade at a ` high level ' .\"]\n", - "=======================\n", - "[\"guitarist sally jones , 45 , ran away to syria from chatham , kent , in 2013mother-of-two set up home in raqqa with toyboy husband junaid hussainfootage shows her leading fighters in arabic chants while waving ak-47sexperts say video is first ` real evidence ' she is involved with all-women al-khanssaa brigade at ` high level '\"]\n", - "in charge : sally jones , 45 , a former punk rocker who fled the uk to join isis militants , is believed to have been filmed leading an all-women brigade of terrorists in a hate-filled chanting session in syriaa video has now emerged which appears to show the mother-of-two leading members of the al-khanssaa brigade - the all-women contingent set up by isis - in a series of chants expressing the fighters ' commitment to jihad .experts say the slicky-edited video is the first ` real evidence ' which shows jones is involved with the brigade at a ` high level ' .\n", - "guitarist sally jones , 45 , ran away to syria from chatham , kent , in 2013mother-of-two set up home in raqqa with toyboy husband junaid hussainfootage shows her leading fighters in arabic chants while waving ak-47sexperts say video is first ` real evidence ' she is involved with all-women al-khanssaa brigade at ` high level '\n", - "[1.2402649 1.2722284 1.203143 1.2036269 1.0575758 1.128446 1.0464317\n", - " 1.0736321 1.0646715 1.0799048 1.0794889 1.0358174 1.0944827 1.0535613\n", - " 1.0288916 1.036393 1.0988895 1.0234877]\n", - "\n", - "[ 1 0 3 2 5 16 12 9 10 7 8 4 13 6 15 11 14 17]\n", - "=======================\n", - "[\"in the next few weeks the department of justice ( doj ) will begin to negotiate in earnest with the city to restructure the police department , which the department has charged with engaging in a pattern and practice of racial discrimination .( cnn ) change is coming to ferguson .it should not be forgotten that the doj review of the ferguson police department was precipitated by months of protests and activism following the killing of michael brown by a ferguson police officer and by revelations about the town 's dysfunctional government and court system by local civil rights law groups .\"]\n", - "=======================\n", - "['sherrilyn ifill : a city with a pattern of racial discrimination elected two new black candidates to its city council tuesdayshe says ferguson faces other changes , too , that should spur rethinking in working class suburbs across america']\n", - "in the next few weeks the department of justice ( doj ) will begin to negotiate in earnest with the city to restructure the police department , which the department has charged with engaging in a pattern and practice of racial discrimination .( cnn ) change is coming to ferguson .it should not be forgotten that the doj review of the ferguson police department was precipitated by months of protests and activism following the killing of michael brown by a ferguson police officer and by revelations about the town 's dysfunctional government and court system by local civil rights law groups .\n", - "sherrilyn ifill : a city with a pattern of racial discrimination elected two new black candidates to its city council tuesdayshe says ferguson faces other changes , too , that should spur rethinking in working class suburbs across america\n", - "[1.2033188 1.3432336 1.2800142 1.3388274 1.1838117 1.1156224 1.0636686\n", - " 1.0800728 1.1248565 1.0691566 1.0575043 1.0783267 1.0330808 1.132986\n", - " 1.099122 1.0281545 1.0492207 0. ]\n", - "\n", - "[ 1 3 2 0 4 13 8 5 14 7 11 9 6 10 16 12 15 17]\n", - "=======================\n", - "[\"hinckley , who still spends half of his days institutionalized after being found not guilty by reason of insanity for shooting president ronald reagan back in 1981 , is said to have met the woman at a national association for the mentally ill meeting .this was revealed by his brother scott during a hearing to determine if hinckley should be able to permanently live outside st. elizabeth 's hospital in washington and instead with his mother , where he has resided 17 days out of the month since december 2013 .john hinckley jr. has found love .\"]\n", - "=======================\n", - "[\"john hinckley jr. has been dating a woman he met at a national association for the mentally ill meetingthis was revealed during a hearing to determine if he should be released from the institution he has been at since shooting president reaganhinckley currently splits his time between st. elizabeth 's hospital in washington and his mother 's home in williamsburg , virginia\"]\n", - "hinckley , who still spends half of his days institutionalized after being found not guilty by reason of insanity for shooting president ronald reagan back in 1981 , is said to have met the woman at a national association for the mentally ill meeting .this was revealed by his brother scott during a hearing to determine if hinckley should be able to permanently live outside st. elizabeth 's hospital in washington and instead with his mother , where he has resided 17 days out of the month since december 2013 .john hinckley jr. has found love .\n", - "john hinckley jr. has been dating a woman he met at a national association for the mentally ill meetingthis was revealed during a hearing to determine if he should be released from the institution he has been at since shooting president reaganhinckley currently splits his time between st. elizabeth 's hospital in washington and his mother 's home in williamsburg , virginia\n", - "[1.0758204 1.0409074 1.326252 1.2454041 1.039414 1.3867881 1.1899219\n", - " 1.1083645 1.0916361 1.1687135 1.154139 1.113941 1.1263638 1.0871582\n", - " 1.0374298 1.0490906 0. 0. ]\n", - "\n", - "[ 5 2 3 6 9 10 12 11 7 8 13 0 15 1 4 14 16 17]\n", - "=======================\n", - "['the oddly-shaped dust mites live for three to four months and live off human and animal skinnew research has shown that the average australian sheds the equivalent of a 50 gram packet of chips every week in dry skin , feeding an army of dust mites into our couches and beds .dust mites are the number one cause of allergies in australian homes and may be the reason why you have a runny nose or watery eyes .']\n", - "=======================\n", - "['our houses are overtaken with dust mites , leading to winter illnesseswe shed 50g every week in dead skin , mostly in our beddust mites feed off dead human and animal skin and multiplythey leave australians with cold or flu-like symptomsscientists recommend a weekly wash of our bed sheets']\n", - "the oddly-shaped dust mites live for three to four months and live off human and animal skinnew research has shown that the average australian sheds the equivalent of a 50 gram packet of chips every week in dry skin , feeding an army of dust mites into our couches and beds .dust mites are the number one cause of allergies in australian homes and may be the reason why you have a runny nose or watery eyes .\n", - "our houses are overtaken with dust mites , leading to winter illnesseswe shed 50g every week in dead skin , mostly in our beddust mites feed off dead human and animal skin and multiplythey leave australians with cold or flu-like symptomsscientists recommend a weekly wash of our bed sheets\n", - "[1.1927228 1.4326249 1.2686889 1.3423849 1.2494911 1.0697594 1.0140251\n", - " 1.0110295 1.1649809 1.0388689 1.1421112 1.2359546 1.1343887 1.1811607\n", - " 1.0538288 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 11 0 13 8 10 12 5 14 9 6 7 16 15 17]\n", - "=======================\n", - "['footage shows 27-year-old jared henry of arkansas being knocked off his longboard to the ground while the doe spins on its stomach into a ditch .the pro-sportsman was shooting a video for the fayettechill outdoor clothing brand before the freak accident took place .after coming to a standstill , henry rolls over on the tarmac and opens his mouth in apparent pain .']\n", - "=======================\n", - "['footage show 27-year-old jared henry being knocked off his board to the ground while the deer spins on its stomach into the ditchthe pro-sportsman was shooting a video for the fayettechill outdoor clothing brand before the freak accident took place']\n", - "footage shows 27-year-old jared henry of arkansas being knocked off his longboard to the ground while the doe spins on its stomach into a ditch .the pro-sportsman was shooting a video for the fayettechill outdoor clothing brand before the freak accident took place .after coming to a standstill , henry rolls over on the tarmac and opens his mouth in apparent pain .\n", - "footage show 27-year-old jared henry being knocked off his board to the ground while the deer spins on its stomach into the ditchthe pro-sportsman was shooting a video for the fayettechill outdoor clothing brand before the freak accident took place\n", - "[1.4823292 1.4097543 1.1441392 1.3805068 1.2036253 1.1137031 1.1891415\n", - " 1.1166337 1.0344421 1.0433092 1.0143563 1.0127437 1.0523112 1.0275426\n", - " 1.0297661 1.0633699 1.0319482 1.0119854]\n", - "\n", - "[ 0 1 3 4 6 2 7 5 15 12 9 8 16 14 13 10 11 17]\n", - "=======================\n", - "[\"marcus copeland , 44 , admitted one count of fraud at caernarfon crown court .he was told he faces jailhe sourced specialist scottish stone and installed the latest environmentally friendly technologies to make the house in cwm dyserth , near st asaph , north wales , one of the most ` green ' new builds in the country .\"]\n", - "=======================\n", - "['marcus copeland , 44 , won a best mortgage broker award back in 2007he has previously boasted of building his dream # 1million hillside homebut his double life as a fraudster has emerged after he appeared in courtcopeland admitted a count of fraud in 2007 .']\n", - "marcus copeland , 44 , admitted one count of fraud at caernarfon crown court .he was told he faces jailhe sourced specialist scottish stone and installed the latest environmentally friendly technologies to make the house in cwm dyserth , near st asaph , north wales , one of the most ` green ' new builds in the country .\n", - "marcus copeland , 44 , won a best mortgage broker award back in 2007he has previously boasted of building his dream # 1million hillside homebut his double life as a fraudster has emerged after he appeared in courtcopeland admitted a count of fraud in 2007 .\n", - "[1.4244834 1.2010907 1.2472633 1.2717425 1.140616 1.1636019 1.0443221\n", - " 1.0835739 1.0727035 1.0503088 1.111841 1.0558703 1.1671273 1.0318677\n", - " 1.0484948 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 12 5 4 10 7 8 11 9 14 6 13 22 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"spotted : pippa middleton is said to have been buying up the mull-cloth nappies in genevabut the duchess of cambridge may be in line for a more practical present for her baby -- a supply of biodegradable nappies from her sister , pippa middleton .with the birth now imminent , relatives of the forthcoming royal baby will be ready to shower the newborn with expensive gifts from london 's smartest shops .\"]\n", - "=======================\n", - "[\"pippa is said to have bought the baby a supply of biodegradable nappiesshoppers in geneva , switzerland , spot her buying the mull-cloth nappiesthe natural fibres mean the baby essentials do n't end up in landfill heapslikely to be a hit with new royal 's environmentally conscious grandfather\"]\n", - "spotted : pippa middleton is said to have been buying up the mull-cloth nappies in genevabut the duchess of cambridge may be in line for a more practical present for her baby -- a supply of biodegradable nappies from her sister , pippa middleton .with the birth now imminent , relatives of the forthcoming royal baby will be ready to shower the newborn with expensive gifts from london 's smartest shops .\n", - "pippa is said to have bought the baby a supply of biodegradable nappiesshoppers in geneva , switzerland , spot her buying the mull-cloth nappiesthe natural fibres mean the baby essentials do n't end up in landfill heapslikely to be a hit with new royal 's environmentally conscious grandfather\n", - "[1.4336333 1.283986 1.1613854 1.3235728 1.2437186 1.0334868 1.0749886\n", - " 1.0488825 1.0810658 1.1783869 1.1632215 1.0505568 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 9 10 2 8 6 11 7 5 22 12 13 14 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"( cnn ) filipinos are being warned to be on guard for flash floods and landslides as tropical storm maysak approached the asian island nation saturday .it 's now classified as a tropical storm , according to the philippine national weather service , which calls it a different name , chedeng .just a few days ago , maysak gained super typhoon status thanks to its sustained 150 mph winds .\"]\n", - "=======================\n", - "['once a super typhoon , maysak is now a tropical storm with 70 mph windsit could still cause flooding , landslides and other problems in the philippines']\n", - "( cnn ) filipinos are being warned to be on guard for flash floods and landslides as tropical storm maysak approached the asian island nation saturday .it 's now classified as a tropical storm , according to the philippine national weather service , which calls it a different name , chedeng .just a few days ago , maysak gained super typhoon status thanks to its sustained 150 mph winds .\n", - "once a super typhoon , maysak is now a tropical storm with 70 mph windsit could still cause flooding , landslides and other problems in the philippines\n", - "[1.3462276 1.293468 1.1796601 1.3305309 1.2951401 1.1330574 1.1501487\n", - " 1.1358504 1.1488228 1.0503914 1.0443853 1.08008 1.0488312 1.0183697\n", - " 1.0297287 1.241826 1.0575701 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 1 15 2 6 8 7 5 11 16 9 12 10 14 13 22 17 18 19 20 21 23]\n", - "=======================\n", - "[\"iona costello 's stepson , george costello jr , 45 , was staying nearby at the time .iona costello , 51 , and daughter emily were visiting manhattan when they were last seen on march 30 near their home in the the wealthy seaside village of greenport .he also has a long history of drug arrests ( mugshot from april )\"]\n", - "=======================\n", - "[\"iona costello , 51 , and daughter emily were last seen on march 30were heading into manhattan to visit the theater when they disappearedmom 's stepson , george costello jr , was visiting the hamptons at the timehas a long criminal record and has a tense relationship with the familyhe returned to florida two days after they went missing and was jailedpolice have so far said they do not suspect foul play is involved\"]\n", - "iona costello 's stepson , george costello jr , 45 , was staying nearby at the time .iona costello , 51 , and daughter emily were visiting manhattan when they were last seen on march 30 near their home in the the wealthy seaside village of greenport .he also has a long history of drug arrests ( mugshot from april )\n", - "iona costello , 51 , and daughter emily were last seen on march 30were heading into manhattan to visit the theater when they disappearedmom 's stepson , george costello jr , was visiting the hamptons at the timehas a long criminal record and has a tense relationship with the familyhe returned to florida two days after they went missing and was jailedpolice have so far said they do not suspect foul play is involved\n", - "[1.4464884 1.1029323 1.1012088 1.1640689 1.1814574 1.195939 1.095875\n", - " 1.1601702 1.0741509 1.0222285 1.0289469 1.1151826 1.0458639 1.1053019\n", - " 1.0847969 1.04886 1.0231365 1.0119338 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 5 4 3 7 11 13 1 2 6 14 8 15 12 10 16 9 17 22 18 19 20 21 23]\n", - "=======================\n", - "[\"some breakfast cereals contain as many as three teaspoons of sugar , dentist dr sameer patel warnsand lurking inside many seemingly ` healthy ' foods , are hidden ingredients that may be wreaking havoc with your teeth .eating your cereal with dairy products can also counteract the damage caused by sugar and have added benefits for your oral health .\"]\n", - "=======================\n", - "[\"dentist dr sameer patel highlights the dental dangers of your desk dietsome breakfast cereals contain up to three teaspoons of sugar , he warnsswap your daily tea or coffee for green tea to prevent tooth stainingsteer clear of white bread , popcorn and watch out for ` healthy ' smoothies\"]\n", - "some breakfast cereals contain as many as three teaspoons of sugar , dentist dr sameer patel warnsand lurking inside many seemingly ` healthy ' foods , are hidden ingredients that may be wreaking havoc with your teeth .eating your cereal with dairy products can also counteract the damage caused by sugar and have added benefits for your oral health .\n", - "dentist dr sameer patel highlights the dental dangers of your desk dietsome breakfast cereals contain up to three teaspoons of sugar , he warnsswap your daily tea or coffee for green tea to prevent tooth stainingsteer clear of white bread , popcorn and watch out for ` healthy ' smoothies\n", - "[1.135697 1.1001878 1.1370759 1.3269083 1.2337402 1.1779923 1.0523219\n", - " 1.025163 1.0153321 1.0130693 1.1213638 1.0964595 1.0321115 1.0119644\n", - " 1.0150387 1.0713586 1.0298457 1.1368258 1.1047971 1.0846853 1.0307078\n", - " 1.0693263 1.0641603 1.0926577]\n", - "\n", - "[ 3 4 5 2 17 0 10 18 1 11 23 19 15 21 22 6 12 20 16 7 8 14 9 13]\n", - "=======================\n", - "[\"humans of new york photographer shared this image of a ny resident whose name is beyoncé .the photo was accompanied by a statement from her describing the inconvenience of sharing a celebrity namein a post that has now gone viral on facebook , beyonce says : ` sometimes i hate my name because it always draws attention to me , and i 'm not a very social person .\"]\n", - "=======================\n", - "['humans of new york shared a picture of a girl called beyoncéshe expressed her annoyance of sharing a name with a celebritythe photo encouraged thousands of facebook users to commenteach shared their experiences of having an embarrassing name']\n", - "humans of new york photographer shared this image of a ny resident whose name is beyoncé .the photo was accompanied by a statement from her describing the inconvenience of sharing a celebrity namein a post that has now gone viral on facebook , beyonce says : ` sometimes i hate my name because it always draws attention to me , and i 'm not a very social person .\n", - "humans of new york shared a picture of a girl called beyoncéshe expressed her annoyance of sharing a name with a celebritythe photo encouraged thousands of facebook users to commenteach shared their experiences of having an embarrassing name\n", - "[1.4232547 1.5764393 1.1937664 1.0967485 1.07572 1.0504168 1.0579566\n", - " 1.186449 1.0566303 1.0282252 1.0713739 1.1290903 1.0440681 1.0299703\n", - " 1.0563594 1.0227424 1.0192798 1.0104029 1.0505973 0. 0. ]\n", - "\n", - "[ 1 0 2 7 11 3 4 10 6 8 14 18 5 12 13 9 15 16 17 19 20]\n", - "=======================\n", - "['photographer ken hermann visited the market for his project \" flower man , \" which is a series of portraits that casts light upon the people behind the petals .( cnn ) eternally blooming in kolkata , india , along the hooghly river is malik ghat , a wholesale flower market that attracts more than 2,000 sellers each day .when hermann was in kolkata working on another assignment , he went to the market as a tourist .']\n", - "=======================\n", - "['malik ghat is a wholesale flower market in india that attracts more than 2,000 sellers each dayphotographer ken hermann spent 10 days at the market photographing his project \" flower man \"']\n", - "photographer ken hermann visited the market for his project \" flower man , \" which is a series of portraits that casts light upon the people behind the petals .( cnn ) eternally blooming in kolkata , india , along the hooghly river is malik ghat , a wholesale flower market that attracts more than 2,000 sellers each day .when hermann was in kolkata working on another assignment , he went to the market as a tourist .\n", - "malik ghat is a wholesale flower market in india that attracts more than 2,000 sellers each dayphotographer ken hermann spent 10 days at the market photographing his project \" flower man \"\n", - "[1.208345 1.4433533 1.2888544 1.3417943 1.0725272 1.1471001 1.20811\n", - " 1.1358441 1.111967 1.0662216 1.0436387 1.0873609 1.0136905 1.102408\n", - " 1.1320555 1.0751393 1.0354509 1.040052 1.0506799 1.0326915 1.0328201]\n", - "\n", - "[ 1 3 2 0 6 5 7 14 8 13 11 15 4 9 18 10 17 16 20 19 12]\n", - "=======================\n", - "['alexander pacteau , 21 , allegedly killed the nursing student , whose disappearance sparked a huge police search earlier this week .a man has been charged with murder after the body of nursing student karen buckley was found this weekhe is also charged with attempting to defeat the ends of justice , it emerged at a private court appearance today at glasgow sheriff court .']\n", - "=======================\n", - "['nursing student went missing during night out with friends at weekendher body was found on a farm six miles north of glasgow this weekalexander pacteau , from glasgow , has been charged with her murder21-year-old is also charged with attempting to defeat the ends of justice']\n", - "alexander pacteau , 21 , allegedly killed the nursing student , whose disappearance sparked a huge police search earlier this week .a man has been charged with murder after the body of nursing student karen buckley was found this weekhe is also charged with attempting to defeat the ends of justice , it emerged at a private court appearance today at glasgow sheriff court .\n", - "nursing student went missing during night out with friends at weekendher body was found on a farm six miles north of glasgow this weekalexander pacteau , from glasgow , has been charged with her murder21-year-old is also charged with attempting to defeat the ends of justice\n", - "[1.274621 1.4692428 1.2487063 1.1401036 1.1426225 1.2074066 1.2048631\n", - " 1.0359188 1.0597867 1.1108427 1.072605 1.0528946 1.0346912 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 5 6 4 3 9 10 8 11 7 12 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"maya angelou , the acclaimed author of such classics as i know why the cage bird sings and on the pulse of morning , which she read at bill clinton 's inauguration in 1993 , was issued a forever stamp in honor of her many achievements and contributions .one of america 's greatest poets was honored by the us postal service in a star-studded ceremony on tuesday .the stamp was unveiled tuesday at an event featuring first lady michelle obama and postmaster general megan j. brennan ( above )\"]\n", - "=======================\n", - "[\"a quote attributed to maya angelou on her commemorative stamp released by the us postal service is actually that of another writera bird does n't sing because it has an answer , it sings because it has a song , ' reads the stamp , a quote that has long been attributed to angeloujoan walsh anglund wrote the words in her 1967 book a cup of sunangelou , the acclaimed author of such classics as i know why the cage bird sings , was issued the forever stamp for her contributions to the artsthe stamp was unveiled tuesday at an event featuring first lady michelle obama , oprah winfrey and postmaster general megan j. brennan\"]\n", - "maya angelou , the acclaimed author of such classics as i know why the cage bird sings and on the pulse of morning , which she read at bill clinton 's inauguration in 1993 , was issued a forever stamp in honor of her many achievements and contributions .one of america 's greatest poets was honored by the us postal service in a star-studded ceremony on tuesday .the stamp was unveiled tuesday at an event featuring first lady michelle obama and postmaster general megan j. brennan ( above )\n", - "a quote attributed to maya angelou on her commemorative stamp released by the us postal service is actually that of another writera bird does n't sing because it has an answer , it sings because it has a song , ' reads the stamp , a quote that has long been attributed to angeloujoan walsh anglund wrote the words in her 1967 book a cup of sunangelou , the acclaimed author of such classics as i know why the cage bird sings , was issued the forever stamp for her contributions to the artsthe stamp was unveiled tuesday at an event featuring first lady michelle obama , oprah winfrey and postmaster general megan j. brennan\n", - "[1.161217 1.2678323 1.320175 1.2726038 1.131558 1.1374401 1.0731403\n", - " 1.1870129 1.1568328 1.1330968 1.069572 1.0518658 1.0781702 1.0685525\n", - " 1.0847931 1.0241528 1.0238385 1.1033227 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 7 0 8 5 9 4 17 14 12 6 10 13 11 15 16 19 18 20]\n", - "=======================\n", - "[\"the latest footage was captured by a cctv camera outside a home in woodford green , north london at 3.20 on sunday morning .it shows how easy it is for the so-called hackers to bypass security systems using hand-held devices to steal cars without even using the owner 's keys .the metropolitan police are now appealing for information in a bid to try and track down the thief .\"]\n", - "=======================\n", - "['footage shows a thief casually stroll up to a range rover in north londonusing keyless technology he breaks into vehicle without causing damageless than 30 seconds later he drives off in the 4x4 in a car hacking theft']\n", - "the latest footage was captured by a cctv camera outside a home in woodford green , north london at 3.20 on sunday morning .it shows how easy it is for the so-called hackers to bypass security systems using hand-held devices to steal cars without even using the owner 's keys .the metropolitan police are now appealing for information in a bid to try and track down the thief .\n", - "footage shows a thief casually stroll up to a range rover in north londonusing keyless technology he breaks into vehicle without causing damageless than 30 seconds later he drives off in the 4x4 in a car hacking theft\n", - "[1.4626942 1.171157 1.4098976 1.1852796 1.1394984 1.0568672 1.1610643\n", - " 1.0801663 1.1325767 1.2321643 1.017321 1.016879 1.0227228 1.0381124\n", - " 1.0716524 1.0448045 1.104632 1.0692142 1.099304 0. 0. ]\n", - "\n", - "[ 0 2 9 3 1 6 4 8 16 18 7 14 17 5 15 13 12 10 11 19 20]\n", - "=======================\n", - "[\"jilted music teacher yulia simonova , 52 , wanted to hire a hitman to torture and murder 15-year-old damian vanya after he ended their relationshipthe russian music teacher now faces 15 years in prison after being charged with attempted murder 'but police set up a sting operation , sending one of their undercover officers to pose as a hitman during a meeting with simonova in the russian city of shatura , near the capital of moscow .\"]\n", - "=======================\n", - "[\"yulia simonova said she wanted the teenager to suffer ` unbearable pain 'offered to pay ` hitman ' # 1,400 to murder the boy in police sting operationnow faces 15 years in prison after being charged with attempted murder\"]\n", - "jilted music teacher yulia simonova , 52 , wanted to hire a hitman to torture and murder 15-year-old damian vanya after he ended their relationshipthe russian music teacher now faces 15 years in prison after being charged with attempted murder 'but police set up a sting operation , sending one of their undercover officers to pose as a hitman during a meeting with simonova in the russian city of shatura , near the capital of moscow .\n", - "yulia simonova said she wanted the teenager to suffer ` unbearable pain 'offered to pay ` hitman ' # 1,400 to murder the boy in police sting operationnow faces 15 years in prison after being charged with attempted murder\n", - "[1.1935694 1.4905658 1.4298022 1.2750366 1.3365824 1.1052 1.1185174\n", - " 1.2544738 1.0128734 1.0168447 1.0898592 1.0821366 1.0397633 1.0132247\n", - " 1.0170549 1.0251796 1.1304381 1.2051123 1.0195158 1.0076189 1.0091636\n", - " 1.0073887]\n", - "\n", - "[ 1 2 4 3 7 17 0 16 6 5 10 11 12 15 18 14 9 13 8 20 19 21]\n", - "=======================\n", - "['right-handed reliever john axford was placed on the family medical emergency list before the rockies game on sunday .his son had surgery last monday - opening day for the rockies - on his right foot to remove necrotic tissue .his son jameson , left , was bitten twice by a rattlesnake last month and requires more treatment .']\n", - "=======================\n", - "['john axford has been placed on the family medical emergency list by the colorado rockieshis son jameson , 2 , was bitten twice by a rattlesnake last month in the yard of the house his family had rented in scottsdale for spring trainingjameson will board an emergency medical flight on monday to denver for more treatmentaxford will be out for at least three days and a maximum of a week']\n", - "right-handed reliever john axford was placed on the family medical emergency list before the rockies game on sunday .his son had surgery last monday - opening day for the rockies - on his right foot to remove necrotic tissue .his son jameson , left , was bitten twice by a rattlesnake last month and requires more treatment .\n", - "john axford has been placed on the family medical emergency list by the colorado rockieshis son jameson , 2 , was bitten twice by a rattlesnake last month in the yard of the house his family had rented in scottsdale for spring trainingjameson will board an emergency medical flight on monday to denver for more treatmentaxford will be out for at least three days and a maximum of a week\n", - "[1.3509716 1.4574884 1.2013937 1.1451573 1.1024483 1.1199437 1.2054989\n", - " 1.0277629 1.0854318 1.0761548 1.0848844 1.0590298 1.077689 1.0496857\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 6 2 3 5 4 8 10 12 9 11 13 7 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "['michael keaton paid homage -- ever so slightly -- to his roles in \" beetlejuice \" and \" batman \" in his third turn hosting \" saturday night live \" this weekend .( cnn ) \" it \\'s showtime ! \"snl cast members taran killam and bobby moynihan begged the actor with a song to \" play \" batman and beetlejuice with them .']\n", - "=======================\n", - "['michael keaton hosted \" saturday night live \" for the first time in 1982in 2015 , his nods to starring roles in \" beetlejuice \" and \" batman \" are brief']\n", - "michael keaton paid homage -- ever so slightly -- to his roles in \" beetlejuice \" and \" batman \" in his third turn hosting \" saturday night live \" this weekend .( cnn ) \" it 's showtime ! \"snl cast members taran killam and bobby moynihan begged the actor with a song to \" play \" batman and beetlejuice with them .\n", - "michael keaton hosted \" saturday night live \" for the first time in 1982in 2015 , his nods to starring roles in \" beetlejuice \" and \" batman \" are brief\n", - "[1.4825937 1.1687763 1.3623319 1.2276386 1.1542089 1.1017451 1.0576081\n", - " 1.0928278 1.06217 1.0701212 1.0655173 1.0757744 1.1182343 1.054274\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 3 1 4 12 5 7 11 9 10 8 6 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"jailed bigamist andrew o'clee , 36 , may have been on the prowl for wife number three after a dating profile matching his description was discovered , pictured outside chichester crown courto'clee led a double life , duping his first wife , michelle , 39 , into believing he needed to spend periods away from the family home in a ` safe house ' because he was involved in a serious fraud trial .michelle , who has been friends with singer myleene klass since the pair appeared in a production of miss saigon together in 1999 , is currently seeking a divorce from o'clee .\"]\n", - "=======================\n", - "[\"andrew o'clee , 36 , has been jailed after his second marriage was exposedhe wed michelle in 2008 and forged documents so he could marry philippadating profile matching his description has been found on plenty of fisho'clee was caught out in elaborate lie after video appeared on facebook\"]\n", - "jailed bigamist andrew o'clee , 36 , may have been on the prowl for wife number three after a dating profile matching his description was discovered , pictured outside chichester crown courto'clee led a double life , duping his first wife , michelle , 39 , into believing he needed to spend periods away from the family home in a ` safe house ' because he was involved in a serious fraud trial .michelle , who has been friends with singer myleene klass since the pair appeared in a production of miss saigon together in 1999 , is currently seeking a divorce from o'clee .\n", - "andrew o'clee , 36 , has been jailed after his second marriage was exposedhe wed michelle in 2008 and forged documents so he could marry philippadating profile matching his description has been found on plenty of fisho'clee was caught out in elaborate lie after video appeared on facebook\n", - "[1.3759732 1.3970269 1.1819026 1.3327851 1.2682004 1.0455166 1.0680666\n", - " 1.0380646 1.0342983 1.0982554 1.1733731 1.0903707 1.0789543 1.0246266\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 4 2 10 9 11 12 6 5 7 8 13 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"a jakarta court is due to decide whether the pair 's lawyers can challenge indonesian president joko widodo 's decision to deny the two australians clemency .bali nine ringleaders myuran sukumaran and andrew chan will today find out if their last-ditch legal appeal against their death row sentence will be allowed to proceed .sydney men chan , 31 , and sukumaran , 33 , are currently awaiting execution on the death island of nusakambangan with seven other prisoners after they were transferred from their home of almost ten years -- bali 's notorious kerobokan prison -- in a dramatic show of force , over a month ago .\"]\n", - "=======================\n", - "[\"the two australians are currently in isolation on death row in indonesiawere moved from bali jail to the island they will be executed on last montha jakarta court will decide whether they can challenge clemency rulingthey are battling to overturn indonesian president joko widodo 's decision to deny the pair clemency\"]\n", - "a jakarta court is due to decide whether the pair 's lawyers can challenge indonesian president joko widodo 's decision to deny the two australians clemency .bali nine ringleaders myuran sukumaran and andrew chan will today find out if their last-ditch legal appeal against their death row sentence will be allowed to proceed .sydney men chan , 31 , and sukumaran , 33 , are currently awaiting execution on the death island of nusakambangan with seven other prisoners after they were transferred from their home of almost ten years -- bali 's notorious kerobokan prison -- in a dramatic show of force , over a month ago .\n", - "the two australians are currently in isolation on death row in indonesiawere moved from bali jail to the island they will be executed on last montha jakarta court will decide whether they can challenge clemency rulingthey are battling to overturn indonesian president joko widodo 's decision to deny the pair clemency\n", - "[1.2431737 1.5079682 1.206645 1.3294067 1.2625268 1.2084162 1.0257443\n", - " 1.0178666 1.1214287 1.2172762 1.0897499 1.0478038 1.012482 1.0100995\n", - " 1.0103918 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 4 0 9 5 2 8 10 11 6 7 12 14 13 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"john shipton 's uniquely designed two-bedroom home at 36 kent street , newtown in sydney 's inner west , was first put on the market for at least $ 1.1 million , but failed to sell in an initial auction in mid-march .the place julian assange 's father has long called home sold for $ 1.42 million on wednesdayjohn shipton ( left ) , whose son julian assange ( right ) is still seeking refuge in london 's ecuadorean embassy , managed to secure a buyer for well over his asking price on wednesday\"]\n", - "=======================\n", - "[\"julian assange 's father 's eccentric newtown home sold for $ 1.42 million on wednesdaythe quirky haven is a short walk to parks , cafes on the buzzing strip of king street in sydney 's trendy inner westit was originally built in the 1870s as the servant 's quarters to a victorian villa next doorset on 247sqm , it is a treasure-trove of original decorative finishes after being rebuilt by shipton in the 1990sthe bathroom features free-standing bath complete with a rain shower and marble and mosaic mirror detailing\"]\n", - "john shipton 's uniquely designed two-bedroom home at 36 kent street , newtown in sydney 's inner west , was first put on the market for at least $ 1.1 million , but failed to sell in an initial auction in mid-march .the place julian assange 's father has long called home sold for $ 1.42 million on wednesdayjohn shipton ( left ) , whose son julian assange ( right ) is still seeking refuge in london 's ecuadorean embassy , managed to secure a buyer for well over his asking price on wednesday\n", - "julian assange 's father 's eccentric newtown home sold for $ 1.42 million on wednesdaythe quirky haven is a short walk to parks , cafes on the buzzing strip of king street in sydney 's trendy inner westit was originally built in the 1870s as the servant 's quarters to a victorian villa next doorset on 247sqm , it is a treasure-trove of original decorative finishes after being rebuilt by shipton in the 1990sthe bathroom features free-standing bath complete with a rain shower and marble and mosaic mirror detailing\n", - "[1.5141226 1.2699144 1.1999106 1.3950132 1.0916374 1.105914 1.0323981\n", - " 1.0281445 1.0278145 1.02436 1.0164125 1.021958 1.020868 1.0216246\n", - " 1.0187358 1.0199925 1.028701 1.0330113 1.135643 1.0596759 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 18 5 4 19 17 6 16 7 8 9 11 13 12 15 14 10 23 20 21 22\n", - " 24]\n", - "=======================\n", - "['marlon samuels found a novel way of carrying on his duel in the second test with ben stokes here on thursday night when he sent him on his way with a military-style salute .ben stokes ( left ) gives marlon samuels a stare as the west indian gives him a send-off salute on thursdaythe durham all-rounder muttered under his breath as he walked past samuels before england closed on 373 for six , a lead of 74 , thanks to an outstanding unbeaten 118 from the prolific joe root .']\n", - "=======================\n", - "[\"ben stokes holed out in the deep for eight on day three in grenadaas stokes left the field , marlon samuels stood and saluted his foecurtly ambrose said : ` there 's nothing wrong with a little bantering 'graeme swann said the salute made him ` laugh tea out of my nose 'england lead by 74 runs at stumps on day three in st george 's\"]\n", - "marlon samuels found a novel way of carrying on his duel in the second test with ben stokes here on thursday night when he sent him on his way with a military-style salute .ben stokes ( left ) gives marlon samuels a stare as the west indian gives him a send-off salute on thursdaythe durham all-rounder muttered under his breath as he walked past samuels before england closed on 373 for six , a lead of 74 , thanks to an outstanding unbeaten 118 from the prolific joe root .\n", - "ben stokes holed out in the deep for eight on day three in grenadaas stokes left the field , marlon samuels stood and saluted his foecurtly ambrose said : ` there 's nothing wrong with a little bantering 'graeme swann said the salute made him ` laugh tea out of my nose 'england lead by 74 runs at stumps on day three in st george 's\n", - "[1.1998696 1.3844466 1.2655383 1.1636989 1.2166233 1.1035849 1.0794808\n", - " 1.0970325 1.1087308 1.1184485 1.127627 1.1971033 1.0199422 1.100753\n", - " 1.0156007 1.0357656 1.0079994 1.0267828 1.0196856 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 0 11 3 10 9 8 5 13 7 6 15 17 12 18 14 16 23 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"iraqi officials said izzat ibrahim al-douri had died in fighting with government troops in salahuddin province , north of baghdad .al-douri , 72 , headed the naqshbandi order insurgent group , an important faction behind the recent rise of isis .al-douri was the king of clubs in the famous pack of cards the us issued of wanted members of saddam 's regime after its collapse\"]\n", - "=======================\n", - "[\"iraqi officials say izzat ibrahim al-douri , 72 , has died in fighting in tikrithe was one of saddam hussein 's most trusted henchmen in ba'ath partywas one of the most high-profile officials to evade capture after invasionhad a $ 10m bounty on his head and was one of the us 's most wanted men\"]\n", - "iraqi officials said izzat ibrahim al-douri had died in fighting with government troops in salahuddin province , north of baghdad .al-douri , 72 , headed the naqshbandi order insurgent group , an important faction behind the recent rise of isis .al-douri was the king of clubs in the famous pack of cards the us issued of wanted members of saddam 's regime after its collapse\n", - "iraqi officials say izzat ibrahim al-douri , 72 , has died in fighting in tikrithe was one of saddam hussein 's most trusted henchmen in ba'ath partywas one of the most high-profile officials to evade capture after invasionhad a $ 10m bounty on his head and was one of the us 's most wanted men\n", - "[1.2078205 1.3800156 1.2018216 1.1130854 1.0969882 1.1118555 1.1065927\n", - " 1.0533153 1.0809953 1.0712357 1.0490795 1.0474719 1.0405438 1.0539451\n", - " 1.044999 1.0320886 1.0399685 1.0326979 1.0382258 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 5 6 4 8 9 13 7 10 11 14 12 16 18 17 15 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "['the attack killed 168 men , women and children , injured hundreds more , and remains the deadliest act of domestic terrorism in u.s. history .( cnn ) twenty years ago , on april 19 , 1995 , timothy mcveigh detonated a massive truck bomb in front of the murrah federal building in oklahoma city .the attack \\'s aftermath saw a storm of media coverage with themes such as \" attack on the heartland \" and america \\'s \" lost innocence . \"']\n", - "=======================\n", - "['twenty years ago , on april 19 , 1995 , timothy mcveigh set off a massive bomb in oklahoma citydeborah lauter and mark pitcavage : right-wing extremism should still be taken seriously']\n", - "the attack killed 168 men , women and children , injured hundreds more , and remains the deadliest act of domestic terrorism in u.s. history .( cnn ) twenty years ago , on april 19 , 1995 , timothy mcveigh detonated a massive truck bomb in front of the murrah federal building in oklahoma city .the attack 's aftermath saw a storm of media coverage with themes such as \" attack on the heartland \" and america 's \" lost innocence . \"\n", - "twenty years ago , on april 19 , 1995 , timothy mcveigh set off a massive bomb in oklahoma citydeborah lauter and mark pitcavage : right-wing extremism should still be taken seriously\n", - "[1.5704842 1.4607375 1.1596948 1.1372473 1.0541546 1.0537791 1.084349\n", - " 1.058983 1.107731 1.1281567 1.0760015 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 9 8 6 10 7 4 5 18 22 21 20 19 17 12 15 14 13 23 11 16\n", - " 24]\n", - "=======================\n", - "[\"crystal palace co-chairman steve parish described a ` great moment ' as he basked in the glory of his club 's 2-1 win over champions manchester city .after the game , parish posed for a picture at selhurst park with palace manager alan pardew , england boss roy hodgson and bill wyman - one of the original members of the rolling stones and avid palace fan .pardew used seven englishmen including matchwinner jason puncheon , while england no 1 joe hart and utility man james milner both played for city .\"]\n", - "=======================\n", - "['crystal palace beat manchester city 2-1 on monday nightengland boss roy hodgson and ex-rolling stone bill wyman were therechairman steve parish posts picture with them and alan pardew']\n", - "crystal palace co-chairman steve parish described a ` great moment ' as he basked in the glory of his club 's 2-1 win over champions manchester city .after the game , parish posed for a picture at selhurst park with palace manager alan pardew , england boss roy hodgson and bill wyman - one of the original members of the rolling stones and avid palace fan .pardew used seven englishmen including matchwinner jason puncheon , while england no 1 joe hart and utility man james milner both played for city .\n", - "crystal palace beat manchester city 2-1 on monday nightengland boss roy hodgson and ex-rolling stone bill wyman were therechairman steve parish posts picture with them and alan pardew\n", - "[1.037649 1.061432 1.4923724 1.3277283 1.3738861 1.3283787 1.0939143\n", - " 1.0645071 1.0560335 1.0304363 1.025288 1.0247225 1.0179751 1.021377\n", - " 1.0147818 1.0184245 1.0602001 1.0195689 1.0215133 1.081351 1.0896137\n", - " 1.0490162 1.0282632 1.0489511 1.131393 ]\n", - "\n", - "[ 2 4 5 3 24 6 20 19 7 1 16 8 21 23 0 9 22 10 11 18 13 17 15 12\n", - " 14]\n", - "=======================\n", - "['the most uncomfortable is the nissan note mk1 with a score of just 80 per cent , according to the poll of 61,000 drivers .the mark one hyundai i20 was named the second most uncomfortable car , with 81.1 per cent of the votehot on its wheels is the hyundai i20 mk1 with 81.01 per cent and fiat panda mk2 at 81.49 per cent .']\n", - "=======================\n", - "['nissan note mk1 was named the most uncomfortable car in the countryhyundai i20 mk1 and fiat panda mk2 took second and third spotsten most comfortable cars include five by lexus , which also took top spot']\n", - "the most uncomfortable is the nissan note mk1 with a score of just 80 per cent , according to the poll of 61,000 drivers .the mark one hyundai i20 was named the second most uncomfortable car , with 81.1 per cent of the votehot on its wheels is the hyundai i20 mk1 with 81.01 per cent and fiat panda mk2 at 81.49 per cent .\n", - "nissan note mk1 was named the most uncomfortable car in the countryhyundai i20 mk1 and fiat panda mk2 took second and third spotsten most comfortable cars include five by lexus , which also took top spot\n", - "[1.5340197 1.3290098 1.2557447 1.397564 1.1546817 1.0918634 1.1854547\n", - " 1.1761218 1.0578555 1.1526904 1.0183876 1.0512202 1.0959375 1.0120958\n", - " 1.0205971 1.0128734 0. ]\n", - "\n", - "[ 0 3 1 2 6 7 4 9 12 5 8 11 14 10 15 13 16]\n", - "=======================\n", - "[\"psv eindhoven beat heerenveen 4-1 to win the dutch championship on saturday for the first time in seven seasons .psv eindhoven won there first eredivisie title in seven years after beating heerenveen 4-1 on saturdaypsv 's victory put them on 79 points and beyond the reach of second-placed ajax amsterdam , who have lost their title after four successive years as champions .\"]\n", - "=======================\n", - "['psv beat heerenveen to lift their first eredivisie title in seven yearsajax , who won the title for four successive years , are behind in secondluuk de jong and memphis depay starred as psv eased to 4-1 windordecht are on the verge of relegation after 3-0 loss to vitesse arnhemaz alkmaar qualified for the europa league play-offs with 3-1 win']\n", - "psv eindhoven beat heerenveen 4-1 to win the dutch championship on saturday for the first time in seven seasons .psv eindhoven won there first eredivisie title in seven years after beating heerenveen 4-1 on saturdaypsv 's victory put them on 79 points and beyond the reach of second-placed ajax amsterdam , who have lost their title after four successive years as champions .\n", - "psv beat heerenveen to lift their first eredivisie title in seven yearsajax , who won the title for four successive years , are behind in secondluuk de jong and memphis depay starred as psv eased to 4-1 windordecht are on the verge of relegation after 3-0 loss to vitesse arnhemaz alkmaar qualified for the europa league play-offs with 3-1 win\n", - "[1.3175596 1.2324152 1.2764059 1.1794927 1.0865844 1.1517464 1.1409174\n", - " 1.0527976 1.0541267 1.0595607 1.0337415 1.2268062 1.145481 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 11 3 5 12 6 4 9 8 7 10 15 13 14 16]\n", - "=======================\n", - "[\"despite being paraded as a prominent backer of mr miliband hours earlier , throughout the television debate on thursday night she instead tweeted praise for green party leader natalie bennettcampaign chiefs had attempted to rebuff a letter from 100 business leaders that criticised the party by publishing its own message calling for a labour government signed by people ` from all walks of life ' .ed miliband faced yet more humiliation today as he lost the support of a plus-sized blogger just hours after she signed a high-profile letter backing him .\"]\n", - "=======================\n", - "[\"ed miliband lost one of the backers of his high profile support letterblogger callie thorpe was one of the ` ordinary workers ' who signed itjust hours later she tweeted her support for greens leader natalie bennett\"]\n", - "despite being paraded as a prominent backer of mr miliband hours earlier , throughout the television debate on thursday night she instead tweeted praise for green party leader natalie bennettcampaign chiefs had attempted to rebuff a letter from 100 business leaders that criticised the party by publishing its own message calling for a labour government signed by people ` from all walks of life ' .ed miliband faced yet more humiliation today as he lost the support of a plus-sized blogger just hours after she signed a high-profile letter backing him .\n", - "ed miliband lost one of the backers of his high profile support letterblogger callie thorpe was one of the ` ordinary workers ' who signed itjust hours later she tweeted her support for greens leader natalie bennett\n", - "[1.4531693 1.4587133 1.1748304 1.3738879 1.2752548 1.0554467 1.0212736\n", - " 1.0531774 1.0537081 1.0493344 1.0600381 1.0978678 1.1295086 1.1658757\n", - " 1.1258492 0. 0. ]\n", - "\n", - "[ 1 0 3 4 2 13 12 14 11 10 5 8 7 9 6 15 16]\n", - "=======================\n", - "[\"drogba has withdrawn from monday 's ` match against poverty ' in st etienne to add to the blues ' injury woes upfront after diego costa and loic remy both missed saturday 's 1-0 win over manchester united .chelsea striker didier drogba has been forced to withdraw from a charity match after picking up an ankle injury that leaves the barclays premier league leaders with no fit strikers ahead of their game against arsenal on sunday .the ivorian centre forward played the full 90 minutes in chelsea 's last two games , wins over queens park rangers and united , but is now a potential doubt for sunday 's trip to the emirates stadium with the ankle problem .\"]\n", - "=======================\n", - "['didier drogba has picked up a thigh injury and pulled out of a charity gamechelsea are already missing diego costa and loic remy through injurythey travel to face arsenal at the emirates stadium on sunday at 4pmcosta returns to first-team training this week to boost jose mourinho']\n", - "drogba has withdrawn from monday 's ` match against poverty ' in st etienne to add to the blues ' injury woes upfront after diego costa and loic remy both missed saturday 's 1-0 win over manchester united .chelsea striker didier drogba has been forced to withdraw from a charity match after picking up an ankle injury that leaves the barclays premier league leaders with no fit strikers ahead of their game against arsenal on sunday .the ivorian centre forward played the full 90 minutes in chelsea 's last two games , wins over queens park rangers and united , but is now a potential doubt for sunday 's trip to the emirates stadium with the ankle problem .\n", - "didier drogba has picked up a thigh injury and pulled out of a charity gamechelsea are already missing diego costa and loic remy through injurythey travel to face arsenal at the emirates stadium on sunday at 4pmcosta returns to first-team training this week to boost jose mourinho\n", - "[1.0976048 1.1182444 1.2861592 1.4067684 1.3037874 1.1956681 1.0627096\n", - " 1.0366842 1.1019008 1.018684 1.0596473 1.0306523 1.0524098 1.0762742\n", - " 1.0318915 1.0572593 1.0607232]\n", - "\n", - "[ 3 4 2 5 1 8 0 13 6 16 10 15 12 7 14 11 9]\n", - "=======================\n", - "[\"dubbed a hydrafacial , the treatment , which costs around $ 150 ( # 100 ) and uses stem cell from an infant 's foreskin , is currently available in new york .foreskin facials are the latest unconventional beauty treatment to be hitting salons - and people who 've had them ca n't stop singing their praises .the beauty industry is about to get much more bizarre .\"]\n", - "=======================\n", - "[\"dubbed a hydrafacial , the treatment is currently available in new yorkkey ingredient is stem cells from an infant 's foreskinbeauty writer who had it said her skin glowed like j-lo 's\"]\n", - "dubbed a hydrafacial , the treatment , which costs around $ 150 ( # 100 ) and uses stem cell from an infant 's foreskin , is currently available in new york .foreskin facials are the latest unconventional beauty treatment to be hitting salons - and people who 've had them ca n't stop singing their praises .the beauty industry is about to get much more bizarre .\n", - "dubbed a hydrafacial , the treatment is currently available in new yorkkey ingredient is stem cells from an infant 's foreskinbeauty writer who had it said her skin glowed like j-lo 's\n", - "[1.5322659 1.198226 1.4784588 1.1795211 1.0599893 1.0351166 1.0140126\n", - " 1.0292921 1.171674 1.14018 1.1036541 1.1545137 1.0721543 1.0325991\n", - " 1.070282 0. 0. ]\n", - "\n", - "[ 0 2 1 3 8 11 9 10 12 14 4 5 13 7 6 15 16]\n", - "=======================\n", - "[\"michael gridley , 26 , was jailed for a year after orchestrating a scam to steal # 15,000 of goods from the asda in basildon , essex , where he workedan asda manager orchestrated a scam that used the supermarket 's own delivery service to steal goods worth more than # 15,000 - then managed to land a job at lidl after he was sacked .southend crown court heard how the conspiracy was uncovered , following a period during which gridley and colleague jay reed were under suspicion .\"]\n", - "=======================\n", - "['michael gridley , 26 , was jailed after running the scam at store in basildonwas sacked from position after supermarket received anonymous reportsbut he is now employed as a manager at lidl supermarket in romfordsentenced to 12 months at southend crown court for leading role in scam']\n", - "michael gridley , 26 , was jailed for a year after orchestrating a scam to steal # 15,000 of goods from the asda in basildon , essex , where he workedan asda manager orchestrated a scam that used the supermarket 's own delivery service to steal goods worth more than # 15,000 - then managed to land a job at lidl after he was sacked .southend crown court heard how the conspiracy was uncovered , following a period during which gridley and colleague jay reed were under suspicion .\n", - "michael gridley , 26 , was jailed after running the scam at store in basildonwas sacked from position after supermarket received anonymous reportsbut he is now employed as a manager at lidl supermarket in romfordsentenced to 12 months at southend crown court for leading role in scam\n", - "[1.3338861 1.4160315 1.1792403 1.1847708 1.1533822 1.085526 1.0160829\n", - " 1.2084792 1.147447 1.0946602 1.1216621 1.0504324 1.0575331 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 7 3 2 4 8 10 9 5 12 11 6 17 13 14 15 16 18]\n", - "=======================\n", - "[\"drogba celebrated playing his part in chelsea 's 1-0 victory over manchester united on saturday night by putting on the event at london 's swanky dorchester hotel .didier drogba has provided the people of his homeland a lifeline , after the chelsea striker 's charity ball raised a staggering # 400,000 for his foundation .christina milian was joined on stage by the chelsea forward for a night of entertainment in the west end , after jose mourinho 's side had moved one step closer to sealing their third premier league title .\"]\n", - "=======================\n", - "[\"proceeds will help build medical clinic in abidjan , ivory coast 's capital citycharity ball held at london 's dorchester hotel on saturday eveningdrogba was joined by chelsea directors , players and staff at the eventgrammy-nominee christina milian and fuse odg entertained guestslive auction included vip tickets to mayweather vs pacquiao fight\"]\n", - "drogba celebrated playing his part in chelsea 's 1-0 victory over manchester united on saturday night by putting on the event at london 's swanky dorchester hotel .didier drogba has provided the people of his homeland a lifeline , after the chelsea striker 's charity ball raised a staggering # 400,000 for his foundation .christina milian was joined on stage by the chelsea forward for a night of entertainment in the west end , after jose mourinho 's side had moved one step closer to sealing their third premier league title .\n", - "proceeds will help build medical clinic in abidjan , ivory coast 's capital citycharity ball held at london 's dorchester hotel on saturday eveningdrogba was joined by chelsea directors , players and staff at the eventgrammy-nominee christina milian and fuse odg entertained guestslive auction included vip tickets to mayweather vs pacquiao fight\n", - "[1.2415316 1.3896227 1.4102795 1.3042996 1.2654858 1.1521108 1.1116842\n", - " 1.1261647 1.057107 1.0183288 1.029766 1.0194114 1.0159912 1.012199\n", - " 1.0877206 1.1044415 1.0538592 1.0754906 1.0393783]\n", - "\n", - "[ 2 1 3 4 0 5 7 6 15 14 17 8 16 18 10 11 9 12 13]\n", - "=======================\n", - "[\"dark , vibrant ink seems to cause the watch 's heart rate monitor to lose connection and give inaccurate readings .owners of the coveted watch have found the timepiece 's sensors malfunction when worn on tattooed wrists .tim cook may have described the apple watch as ` the most personal device we 've ever created ' but reports claim the gadget does n't tolerate some individual 's tattoos .\"]\n", - "=======================\n", - "['tattooed apple watch users reporting problems with its heart rate sensorsensor takes readings by measuring light absorption though the skindark , solid tattoos seem to confuse the new device the mostapple has yet to comment on the problem , despite people taking to twitter']\n", - "dark , vibrant ink seems to cause the watch 's heart rate monitor to lose connection and give inaccurate readings .owners of the coveted watch have found the timepiece 's sensors malfunction when worn on tattooed wrists .tim cook may have described the apple watch as ` the most personal device we 've ever created ' but reports claim the gadget does n't tolerate some individual 's tattoos .\n", - "tattooed apple watch users reporting problems with its heart rate sensorsensor takes readings by measuring light absorption though the skindark , solid tattoos seem to confuse the new device the mostapple has yet to comment on the problem , despite people taking to twitter\n", - "[1.4163952 1.209528 1.4887495 1.2460822 1.259323 1.0987061 1.0405576\n", - " 1.0719541 1.0427548 1.0298979 1.0914743 1.0586556 1.0983561 1.0583616\n", - " 1.0539707 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 4 3 1 5 12 10 7 11 13 14 8 6 9 15 16 17 18]\n", - "=======================\n", - "[\"muhammad naviede , who was jailed in 1995 for nine years for a # 45million fraud , died after his piper tomahawk aircraft plummeted into a field near padbury in buckinghamshire .an investigation by the air accident investigation branch ( aaib ) said the message was ` unusual ' as the leased plane did not enter a spin until after it was sent .the 60-year-old , whose daughter is a former x-factor contestant , sent a text to a relative shortly before the crash on august 20 last year saying : ` i 'm in a plane out of control and it 's going down . '\"]\n", - "=======================\n", - "[\"muhammad naviede died after his piper tomahawk aircraft crashed in fieldthe 60-year-old sent text to relative shortly before plane span out of controlair accident investigation branch investigation says message is ` unusual 'his daughter was on x factor and brother entertained cherie blair at homethe father-of-two was jailed for nine years in 1995 for a # 45million fraud\"]\n", - "muhammad naviede , who was jailed in 1995 for nine years for a # 45million fraud , died after his piper tomahawk aircraft plummeted into a field near padbury in buckinghamshire .an investigation by the air accident investigation branch ( aaib ) said the message was ` unusual ' as the leased plane did not enter a spin until after it was sent .the 60-year-old , whose daughter is a former x-factor contestant , sent a text to a relative shortly before the crash on august 20 last year saying : ` i 'm in a plane out of control and it 's going down . '\n", - "muhammad naviede died after his piper tomahawk aircraft crashed in fieldthe 60-year-old sent text to relative shortly before plane span out of controlair accident investigation branch investigation says message is ` unusual 'his daughter was on x factor and brother entertained cherie blair at homethe father-of-two was jailed for nine years in 1995 for a # 45million fraud\n", - "[1.4107757 1.3557141 1.3098732 1.3067698 1.1374385 1.0555084 1.056178\n", - " 1.0148844 1.0167572 1.1095402 1.0699661 1.0897071 1.2951788 1.1026524\n", - " 1.0462159 1.0503668 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 12 4 9 13 11 10 6 5 15 14 8 7 17 16 18]\n", - "=======================\n", - "['sacked : but jeremy clarkson will not face prosecution over the incident which got him sacked from top gearpolice had opened an investigation into the incident , which took place at a hotel in hawes , north yorkshire last month after clarkson had been filming top gear in the area .however , after the victim oisin tymon said that he did not want to press charges , officers have now decided to drop the probe without taking action against clarkson .']\n", - "=======================\n", - "[\"top gear presenter was sacked after punching oisin tymon in the mouththe ` fracas ' started when mr clarkson was told he could n't get a steak at yorkshire hotel after a day 's filmingbut mr tymon told police he did not want to press chargesofficers have now announced that mr clarkson will not face prosecution\"]\n", - "sacked : but jeremy clarkson will not face prosecution over the incident which got him sacked from top gearpolice had opened an investigation into the incident , which took place at a hotel in hawes , north yorkshire last month after clarkson had been filming top gear in the area .however , after the victim oisin tymon said that he did not want to press charges , officers have now decided to drop the probe without taking action against clarkson .\n", - "top gear presenter was sacked after punching oisin tymon in the mouththe ` fracas ' started when mr clarkson was told he could n't get a steak at yorkshire hotel after a day 's filmingbut mr tymon told police he did not want to press chargesofficers have now announced that mr clarkson will not face prosecution\n", - "[1.3224517 1.4346375 1.3250266 1.2867925 1.1528773 1.130987 1.1142905\n", - " 1.1338744 1.0412261 1.1840839 1.0376236 1.0726146 1.0286398 1.0269774\n", - " 1.0094348 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 9 4 7 5 6 11 8 10 12 13 14 17 15 16 18]\n", - "=======================\n", - "[\"stephen dodd caused outrage when he posted a photograph online showing solicitors asif bodi and abubakar bhula worshipping during half-time of a fa cup game .now club authorities say they will ` take appropriate action ' against the supporter , which could include banning him from matches .liverpool fc are set to take action against a fan who said that two muslim men praying at the club 's stadium were a ` disgrace ' .\"]\n", - "=======================\n", - "[\"stephen dodd photographed asif bodi and abubakar bhula praying during half-time at anfield last monthhe captioned the image : ` muslims praying at half time #disgrace 'liverpool fc now say they will take action against dodd over the post\"]\n", - "stephen dodd caused outrage when he posted a photograph online showing solicitors asif bodi and abubakar bhula worshipping during half-time of a fa cup game .now club authorities say they will ` take appropriate action ' against the supporter , which could include banning him from matches .liverpool fc are set to take action against a fan who said that two muslim men praying at the club 's stadium were a ` disgrace ' .\n", - "stephen dodd photographed asif bodi and abubakar bhula praying during half-time at anfield last monthhe captioned the image : ` muslims praying at half time #disgrace 'liverpool fc now say they will take action against dodd over the post\n", - "[1.1065096 1.415868 1.3054798 1.2755756 1.1945478 1.1126814 1.1171417\n", - " 1.0704598 1.044203 1.2198983 1.0301782 1.0155604 1.1434969 1.0518439\n", - " 1.0758046 1.0191891 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 9 4 12 6 5 0 14 7 13 8 10 15 11 20 16 17 18 19 21]\n", - "=======================\n", - "['former royal chef darren mcgrady said that as children the brothers swapped the instructions from their nanny for their own in which they asked for fast food .william and harry were apparently fed up with the endless diet of traditional english food so wanted a change .mr mcgrady is the former chef to the queen and princess diana and spent a total of 15 years cooking for them at buckingham palace and kensington palace .']\n", - "=======================\n", - "[\"darren mcgrady says the princes once tried to trick him into making pizzaas children , william and harry forged note to the chef from their nannythey were apparently fed up with endless diet of traditional english foodbut mr mcgrady said their ` juvenile handwriting ' gave them away and they ended up with roast chicken\"]\n", - "former royal chef darren mcgrady said that as children the brothers swapped the instructions from their nanny for their own in which they asked for fast food .william and harry were apparently fed up with the endless diet of traditional english food so wanted a change .mr mcgrady is the former chef to the queen and princess diana and spent a total of 15 years cooking for them at buckingham palace and kensington palace .\n", - "darren mcgrady says the princes once tried to trick him into making pizzaas children , william and harry forged note to the chef from their nannythey were apparently fed up with endless diet of traditional english foodbut mr mcgrady said their ` juvenile handwriting ' gave them away and they ended up with roast chicken\n", - "[1.4160373 1.243331 1.432295 1.1807389 1.196237 1.078662 1.0284183\n", - " 1.0270641 1.0167774 1.0443457 1.1865046 1.0429596 1.0351601 1.0302577\n", - " 1.0286238 1.0739851 1.0628781 1.0137402 1.0111033 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 1 4 10 3 5 15 16 9 11 12 13 14 6 7 8 17 18 19 20 21]\n", - "=======================\n", - "[\"mark dawe , head of the oxford , cambridge and rsa examinations board ( ocr ) , said schoolchildren would only have a short time to use the search engine during tests - and compared it to using a calculator in a maths exam .an exam board boss has today been accused of ` dumbing down standards ' after suggesting students should be allowed to use google in their gcse and a-level exams .row : education campaigners say that this would send standards plummeting and said exams are about knowledge not hunting for information\"]\n", - "=======================\n", - "[\"mark dawe , head of the ocr exam board , said it is like using a calculatorbelieves students should be tested on answers , not where they find themcampaign for real education said ` nonsense ' idea is ` dumbing down 'chair chris mcgovern said : ` we have to test what is in a child 's head '\"]\n", - "mark dawe , head of the oxford , cambridge and rsa examinations board ( ocr ) , said schoolchildren would only have a short time to use the search engine during tests - and compared it to using a calculator in a maths exam .an exam board boss has today been accused of ` dumbing down standards ' after suggesting students should be allowed to use google in their gcse and a-level exams .row : education campaigners say that this would send standards plummeting and said exams are about knowledge not hunting for information\n", - "mark dawe , head of the ocr exam board , said it is like using a calculatorbelieves students should be tested on answers , not where they find themcampaign for real education said ` nonsense ' idea is ` dumbing down 'chair chris mcgovern said : ` we have to test what is in a child 's head '\n", - "[1.486521 1.3479631 1.36794 1.267593 1.0909946 1.0267469 1.0207804\n", - " 1.2606997 1.1625309 1.0523313 1.0847896 1.0681949 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 3 7 8 4 10 11 9 5 6 20 12 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "['boxing fans hoping to attend the weigh-in for the welterweight showdown between floyd mayweather and manny pacquiao on may 2 must buy advance tickets .tickets will cost # 6.60 and will go on sale through mgm resorts call centre and box office on friday at 8pm with all funds raised going to the charities chosen by mayweather and pacquiao - susan g. komen and the cleveland clinic lou ruvo center for brain health .floyd maywetaher is looking to make it 49-0 with a win against the hard-hitting filipino fighter']\n", - "=======================\n", - "['thousands of fans expected to turn up to the mgm arena in las vegasto watch the weigh-in , spectators will need to purchase advance ticketsthe tickets can be bought on friday with all the money going to charityread : mayweather vs pacquiao tickets sell out within 60 secondsread : mayweather vs pacquiao purse could hit $ 300m']\n", - "boxing fans hoping to attend the weigh-in for the welterweight showdown between floyd mayweather and manny pacquiao on may 2 must buy advance tickets .tickets will cost # 6.60 and will go on sale through mgm resorts call centre and box office on friday at 8pm with all funds raised going to the charities chosen by mayweather and pacquiao - susan g. komen and the cleveland clinic lou ruvo center for brain health .floyd maywetaher is looking to make it 49-0 with a win against the hard-hitting filipino fighter\n", - "thousands of fans expected to turn up to the mgm arena in las vegasto watch the weigh-in , spectators will need to purchase advance ticketsthe tickets can be bought on friday with all the money going to charityread : mayweather vs pacquiao tickets sell out within 60 secondsread : mayweather vs pacquiao purse could hit $ 300m\n", - "[1.2565231 1.3237484 1.1223444 1.2955849 1.088855 1.158407 1.073616\n", - " 1.0950482 1.069064 1.117151 1.0541167 1.0755002 1.0226631 1.1522063\n", - " 1.0182616 1.0236257 1.0250909 1.0138388 1.0128802 1.0197808 1.0125659\n", - " 1.0884228]\n", - "\n", - "[ 1 3 0 5 13 2 9 7 4 21 11 6 8 10 16 15 12 19 14 17 18 20]\n", - "=======================\n", - "[\"clinton , whose mother hillary is expected to formally announce her presidential campaign this sunday , said it is time the united states had a female leader .chelsea clinton is opening up about life in the public eye , being a new mother and whether or not she would like to see her own mother become president in a new interview .get it now at neiman 's\"]\n", - "=======================\n", - "[\"chelsea clinton is opening up about motherhood , life in the public eye and why the united states needs a female president in a new interview with elleclinton says that though the us is the ` land of equal opportunity , ' that is not true about gender , and a female president would change thatthis just two days before her mother hillary is expected to announce her presidential campaign` it is challenging to me that women comprising 20 percent of congress is treated as a real success .clinton , who is described in the magazine as ` innately regal , also appears in a fashion spread in which she looks almost unrecognizable\"]\n", - "clinton , whose mother hillary is expected to formally announce her presidential campaign this sunday , said it is time the united states had a female leader .chelsea clinton is opening up about life in the public eye , being a new mother and whether or not she would like to see her own mother become president in a new interview .get it now at neiman 's\n", - "chelsea clinton is opening up about motherhood , life in the public eye and why the united states needs a female president in a new interview with elleclinton says that though the us is the ` land of equal opportunity , ' that is not true about gender , and a female president would change thatthis just two days before her mother hillary is expected to announce her presidential campaign` it is challenging to me that women comprising 20 percent of congress is treated as a real success .clinton , who is described in the magazine as ` innately regal , also appears in a fashion spread in which she looks almost unrecognizable\n", - "[1.3865592 1.5487419 1.1903721 1.1867125 1.2859366 1.1717091 1.0127162\n", - " 1.0160857 1.0103333 1.0106481 1.0138717 1.064651 1.0585091 1.0378416\n", - " 1.0689756 1.0136795 1.0192811 1.0274214 1.0236025 1.2381296 1.1963903\n", - " 0. ]\n", - "\n", - "[ 1 0 4 19 20 2 3 5 14 11 12 13 17 18 16 7 10 15 6 9 8 21]\n", - "=======================\n", - "[\"jose mourinho 's side , who face arsenal at the emirates on sunday , are currently nine points clear at the summit of the table with six games of the current campaign remaining .chelsea are planning a victory parade through the streets around stamford bridge should they stay on course to claim the premier league title in may .the letter , delivered to residents of fulham , outlines chelsea 's plan for their victory parade on may 25\"]\n", - "=======================\n", - "[\"chelsea are currently nine points clear in the premier league standingsjose mourinho 's side face arsenal at the emirates on sundaythe blues have six games remaining in the current league campaign\"]\n", - "jose mourinho 's side , who face arsenal at the emirates on sunday , are currently nine points clear at the summit of the table with six games of the current campaign remaining .chelsea are planning a victory parade through the streets around stamford bridge should they stay on course to claim the premier league title in may .the letter , delivered to residents of fulham , outlines chelsea 's plan for their victory parade on may 25\n", - "chelsea are currently nine points clear in the premier league standingsjose mourinho 's side face arsenal at the emirates on sundaythe blues have six games remaining in the current league campaign\n", - "[1.3296914 1.3881103 1.2355088 1.1930933 1.3057344 1.0602713 1.0906391\n", - " 1.0232205 1.0369624 1.0202583 1.1728026 1.0157357 1.100661 1.060185\n", - " 1.0470957 1.1662618 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 10 15 12 6 5 13 14 8 7 9 11 18 16 17 19]\n", - "=======================\n", - "[\"the size 14 beauty lived with a group of standard ` skinnier ' models during her stint working in new york , and says that their agents instructed them to stick to a diet of ` one cracker and a couple of glasses of water ' .` plus-size ' model laura wells has revealed the extreme dieting measures taken by her model roommates to prepare for fashion week .` it goes to the extremes , ' wells told the australian women 's weekly .\"]\n", - "=======================\n", - "[\"australian plus-size model laura wells talks to women 's weeklysize 14 beauty reveals the extreme diets of her room mates in new yorksays agents told models to follow extreme diet for fashion weeklast week france passed law banning excessively thin modelsagents and brands who do not comply will face fines and imprisonment\"]\n", - "the size 14 beauty lived with a group of standard ` skinnier ' models during her stint working in new york , and says that their agents instructed them to stick to a diet of ` one cracker and a couple of glasses of water ' .` plus-size ' model laura wells has revealed the extreme dieting measures taken by her model roommates to prepare for fashion week .` it goes to the extremes , ' wells told the australian women 's weekly .\n", - "australian plus-size model laura wells talks to women 's weeklysize 14 beauty reveals the extreme diets of her room mates in new yorksays agents told models to follow extreme diet for fashion weeklast week france passed law banning excessively thin modelsagents and brands who do not comply will face fines and imprisonment\n", - "[1.1670284 1.1703838 1.2104958 1.2178067 1.4113054 1.2608371 1.1796062\n", - " 1.1046242 1.2073151 1.0575138 1.0148002 1.0192862 1.0331094 1.1206172\n", - " 1.0805694 1.043747 1.0517642 1.0321763 0. 0. ]\n", - "\n", - "[ 4 5 3 2 8 6 1 0 13 7 14 9 16 15 12 17 11 10 18 19]\n", - "=======================\n", - "[\"nikki kelly believed she was suffering from period cramps - before giving birth to son james , now three months , in ` three pushes ' on the bathroom floormiss kelly kept her size 8 figure throughout her pregnancy , and had no cravings .she is pictured on holiday with partner andrew swallow , 27 , when she was unknowingly four months pregnant\"]\n", - "=======================\n", - "['nikki kelly , 24 , kept needing the toilet and believed she had period crampsshe was actually in labour and gave birth to her son on the bathroom floorher pregnancy came as a shock as she had been on the contraceptive pillshe continued to have periods , and had no baby bump and no cravings']\n", - "nikki kelly believed she was suffering from period cramps - before giving birth to son james , now three months , in ` three pushes ' on the bathroom floormiss kelly kept her size 8 figure throughout her pregnancy , and had no cravings .she is pictured on holiday with partner andrew swallow , 27 , when she was unknowingly four months pregnant\n", - "nikki kelly , 24 , kept needing the toilet and believed she had period crampsshe was actually in labour and gave birth to her son on the bathroom floorher pregnancy came as a shock as she had been on the contraceptive pillshe continued to have periods , and had no baby bump and no cravings\n", - "[1.4925624 1.3304054 1.1144329 1.1935581 1.0848193 1.0475626 1.0248021\n", - " 1.021691 1.1100357 1.0894982 1.0367798 1.0757154 1.0344504 1.0166037\n", - " 1.061781 1.086936 1.0310491 1.0299693 0. 0. ]\n", - "\n", - "[ 0 1 3 2 8 9 15 4 11 14 5 10 12 16 17 6 7 13 18 19]\n", - "=======================\n", - "[\"celebrities and music lovers gathered on friday in the southern california desert for the beginning of the annual coachella valley music and arts festival - the first big arts and music festival of the summer season .as in previous years , the 16th edition has attracted large crowds as festival goers danced around in the sun while performers including the headlining act ac/dc was scheduled to take the stage as well as musicians such as azealia banks , tame impala , alabama shakes and interpol .this year 's lineup includes rapper drake , florence and the machine , fka twigs , david guetta , the weeknd , kasabian , alt-j and toro y moi among others .\"]\n", - "=======================\n", - "[\"celebrities and music fans gathered in the southern california desert for the annual music and arts festivalthis year 's musical acts include ac/dc , drake , florence and the machine , alt-j and toro y moifestival runs in two weekends including april 10-12 and april 17-19\"]\n", - "celebrities and music lovers gathered on friday in the southern california desert for the beginning of the annual coachella valley music and arts festival - the first big arts and music festival of the summer season .as in previous years , the 16th edition has attracted large crowds as festival goers danced around in the sun while performers including the headlining act ac/dc was scheduled to take the stage as well as musicians such as azealia banks , tame impala , alabama shakes and interpol .this year 's lineup includes rapper drake , florence and the machine , fka twigs , david guetta , the weeknd , kasabian , alt-j and toro y moi among others .\n", - "celebrities and music fans gathered in the southern california desert for the annual music and arts festivalthis year 's musical acts include ac/dc , drake , florence and the machine , alt-j and toro y moifestival runs in two weekends including april 10-12 and april 17-19\n", - "[1.2771076 1.1962713 1.1478224 1.169874 1.2640281 1.1927242 1.0342845\n", - " 1.0462848 1.0330657 1.1486927 1.0540965 1.0734539 1.0394593 1.0503197\n", - " 1.0337994 1.0223095 1.0146582 1.0152862 1.0128807 1.0376998]\n", - "\n", - "[ 0 4 1 5 3 9 2 11 10 13 7 12 19 6 14 8 15 17 16 18]\n", - "=======================\n", - "['ali addeh refugee camp , djibouti ( cnn ) henol and mebratu emerge from their current home , a modest structure with plastic sheeting serving as its roof , carrying the \" master folder . \"one of the most important documents on the camp , it \\'s a record of each eritrean \\'s name and their case -- whether they \\'ve been granted refugee status , whether they \\'ve had their resettlement interview , whether they \\'ve attempted the journey to europe by sea , and whether they \\'ve survived it .for the camp \\'s 10,000 residents , who mostly come from these countries , this is supposed to be just the first stop on their journey to resettlement through the united nations .']\n", - "=======================\n", - "[\"for 25 years , ali addeh refugee camp has been a holding point for those fleeing into djiboutimany come from somalia , ethiopia and especially eritrea -- which is ruled by a one-party statedespite the risks , eritrean refugees say they 'd risk their lives with people smugglers\"]\n", - "ali addeh refugee camp , djibouti ( cnn ) henol and mebratu emerge from their current home , a modest structure with plastic sheeting serving as its roof , carrying the \" master folder . \"one of the most important documents on the camp , it 's a record of each eritrean 's name and their case -- whether they 've been granted refugee status , whether they 've had their resettlement interview , whether they 've attempted the journey to europe by sea , and whether they 've survived it .for the camp 's 10,000 residents , who mostly come from these countries , this is supposed to be just the first stop on their journey to resettlement through the united nations .\n", - "for 25 years , ali addeh refugee camp has been a holding point for those fleeing into djiboutimany come from somalia , ethiopia and especially eritrea -- which is ruled by a one-party statedespite the risks , eritrean refugees say they 'd risk their lives with people smugglers\n", - "[1.2366436 1.5998847 1.3030739 1.4476138 1.2393444 1.1080655 1.1550194\n", - " 1.0335023 1.0195147 1.0185663 1.0165863 1.014469 1.0116549 1.0106783\n", - " 1.4586641 1.0107616 1.0095657 1.0097002 1.0115608 1.0086069]\n", - "\n", - "[ 1 14 3 2 4 0 6 5 7 8 9 10 11 12 18 15 13 17 16 19]\n", - "=======================\n", - "[\"the gloucester no 8 has not played since breaking his left leg during an aviva premiership game against saracens in early january .ben morgan is hopeful of featuring for england at the forthcoming world cup despite his long-term injurybut the signs suggest he is on course to play a part during england 's world cup warm-up period ahead of the tournament kicking off in mid-september .\"]\n", - "=======================\n", - "['ben morgan broke his left leg playing against saracens in januarymorgan last played for england against australia back in novemberengland head coach stuart lancaster is due to name a 45-man world cup training squad next month']\n", - "the gloucester no 8 has not played since breaking his left leg during an aviva premiership game against saracens in early january .ben morgan is hopeful of featuring for england at the forthcoming world cup despite his long-term injurybut the signs suggest he is on course to play a part during england 's world cup warm-up period ahead of the tournament kicking off in mid-september .\n", - "ben morgan broke his left leg playing against saracens in januarymorgan last played for england against australia back in novemberengland head coach stuart lancaster is due to name a 45-man world cup training squad next month\n", - "[1.3224369 1.3059121 1.2464033 1.5758665 1.1857122 1.1900561 1.0865587\n", - " 1.0240282 1.0248079 1.022568 1.0200366 1.0208259 1.0193703 1.0169449\n", - " 1.0167009 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 2 5 4 6 8 7 9 11 10 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"jordan henderson is ` over the moon ' after signing a new long-term contract with liverpoolalmost three years after nearly leaving liverpool jordan henderson has committed his long-term future to the club convinced he can win silverware at anfield .late in the summer of 2012 , just a couple of months into the reign of brendan rodgers , he was lined up as makeweight in a failed bid to sign fulham 's clint dempsey only for the midfielder to reject the move .\"]\n", - "=======================\n", - "['jordan henderson has signed a new five-year deal at anfieldthe england international is hoping to add to his trophy cabinethenderson has urged raheem sterling to follow lead by signing new deal']\n", - "jordan henderson is ` over the moon ' after signing a new long-term contract with liverpoolalmost three years after nearly leaving liverpool jordan henderson has committed his long-term future to the club convinced he can win silverware at anfield .late in the summer of 2012 , just a couple of months into the reign of brendan rodgers , he was lined up as makeweight in a failed bid to sign fulham 's clint dempsey only for the midfielder to reject the move .\n", - "jordan henderson has signed a new five-year deal at anfieldthe england international is hoping to add to his trophy cabinethenderson has urged raheem sterling to follow lead by signing new deal\n", - "[1.2427485 1.3725426 1.2645913 1.279369 1.2289743 1.0433307 1.0412678\n", - " 1.0432804 1.0445737 1.0965359 1.0785303 1.0605812 1.0893936 1.0293852\n", - " 1.1023138 1.0620027 1.0332487 1.0909665 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 14 9 17 12 10 15 11 8 5 7 6 16 13 19 18 20]\n", - "=======================\n", - "[\"during a talk in washington today , the space agency announced that humanity is likely to encounter extra-terrestrials within a decade . 'i believe we are going to have strong indications of life beyond earth in the next decade and definitive evidence in the next 10 to 20 years , ' ellen stofan , chief scientist for nasa , said .there at least 200 billion earth-like planets in our galaxy -- and now nasa officials claim we could be on the verge of finding life on one of them .\"]\n", - "=======================\n", - "[\"the comment was made today by ellen stofan , chief nasa scientist` it 's definitely not an if , it 's a when , ' added nasa 's jeffery newmarkbut the likelihood that life is similar to that on earth is low , they saidsigns of water have been found on some of jupiter and saturn 's moons\"]\n", - "during a talk in washington today , the space agency announced that humanity is likely to encounter extra-terrestrials within a decade . 'i believe we are going to have strong indications of life beyond earth in the next decade and definitive evidence in the next 10 to 20 years , ' ellen stofan , chief scientist for nasa , said .there at least 200 billion earth-like planets in our galaxy -- and now nasa officials claim we could be on the verge of finding life on one of them .\n", - "the comment was made today by ellen stofan , chief nasa scientist` it 's definitely not an if , it 's a when , ' added nasa 's jeffery newmarkbut the likelihood that life is similar to that on earth is low , they saidsigns of water have been found on some of jupiter and saturn 's moons\n", - "[1.2191149 1.3474731 1.3344775 1.1889051 1.1036944 1.2441764 1.1320106\n", - " 1.0273652 1.1099056 1.185841 1.0250434 1.0585208 1.0606273 1.1440451\n", - " 1.0486072 1.0275375 1.0487571 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 5 0 3 9 13 6 8 4 12 11 16 14 15 7 10 17 18 19 20]\n", - "=======================\n", - "['the natural disaster has already claimed more than 1800 lives and more than 200 australians are confirmed safe but authorities are still trying to contact hundreds of others .around 549 aussies are registered as travelling in the himalayan region .zachary sheridan ( left ) is believed to be missing after a devastating earthquake rocked nepal']\n", - "=======================\n", - "['more than a dozen australians are reported missing following the quakejulie bishop confirmed there are no reports of australian deathsthe australian government has committed $ 5 million in aid to help nepalfamilies have launched a desperate search for information on social mediaaustralian actor hugh sheridan has made a desperate plea for his brotherzachary sheridan is missing after a huge earthquake rocked the countrythe powerful quake has caused massive damage in the capital kathmanduofficials have confirmed about 100 new zealanders in nepal are safemore than 1800 were killed and warned the death toll likely to rise']\n", - "the natural disaster has already claimed more than 1800 lives and more than 200 australians are confirmed safe but authorities are still trying to contact hundreds of others .around 549 aussies are registered as travelling in the himalayan region .zachary sheridan ( left ) is believed to be missing after a devastating earthquake rocked nepal\n", - "more than a dozen australians are reported missing following the quakejulie bishop confirmed there are no reports of australian deathsthe australian government has committed $ 5 million in aid to help nepalfamilies have launched a desperate search for information on social mediaaustralian actor hugh sheridan has made a desperate plea for his brotherzachary sheridan is missing after a huge earthquake rocked the countrythe powerful quake has caused massive damage in the capital kathmanduofficials have confirmed about 100 new zealanders in nepal are safemore than 1800 were killed and warned the death toll likely to rise\n", - "[1.2593721 1.2378539 1.2557889 1.2766714 1.2345955 1.2584426 1.1168187\n", - " 1.0382824 1.0437394 1.2276851 1.099815 1.040512 1.0290662 1.051291\n", - " 1.0663048 1.0889531 1.054876 1.0179868 1.042148 1.0834284 1.0306476]\n", - "\n", - "[ 3 0 5 2 1 4 9 6 10 15 19 14 16 13 8 18 11 7 20 12 17]\n", - "=======================\n", - "['developers in boston have worked with global emergency response teams to create its one-touch-911 app ( pictured ) .more than 250 million emergency calls are made each year but two thirds have inaccurate location information , resulting in an estimated 10,000 deaths .the app was designed by researchers at boston-based mit .']\n", - "=======================\n", - "[\"the one-touch-911 app was developed by researchers at mit , harvardusers call the police , fire service , report a car crash or seek medical help using buttons on the phone 's home screenit automatically sends a person 's location , identity and any medical detailsthis works even if the user does n't have mobile signal or ca n't speak\"]\n", - "developers in boston have worked with global emergency response teams to create its one-touch-911 app ( pictured ) .more than 250 million emergency calls are made each year but two thirds have inaccurate location information , resulting in an estimated 10,000 deaths .the app was designed by researchers at boston-based mit .\n", - "the one-touch-911 app was developed by researchers at mit , harvardusers call the police , fire service , report a car crash or seek medical help using buttons on the phone 's home screenit automatically sends a person 's location , identity and any medical detailsthis works even if the user does n't have mobile signal or ca n't speak\n", - "[1.5027615 1.494156 1.1256312 1.0343081 1.3936007 1.0195292 1.0140928\n", - " 1.0802397 1.2792621 1.0952605 1.0310484 1.1790084 1.0500035 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 8 11 2 9 7 12 3 10 5 6 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"natasha jonas , the first female boxer to represent great britain in an olympic games , has announced her retirement from the sport .the liverpool-born 30-year-old made history when she took on eventual gold medallist katie taylor of ireland in the first round of the women 's lightweight competition at london 2012 .natasha jonas has announced that she will retire from boxing after a successful career in the ring\"]\n", - "=======================\n", - "['natasha jonas has announced her retirement from the world of boxingthe 30-year-old was the first female to represent britain at the olympicsjonas won the bronze medals at the world and european championshipsclick here for all the latest boxing news']\n", - "natasha jonas , the first female boxer to represent great britain in an olympic games , has announced her retirement from the sport .the liverpool-born 30-year-old made history when she took on eventual gold medallist katie taylor of ireland in the first round of the women 's lightweight competition at london 2012 .natasha jonas has announced that she will retire from boxing after a successful career in the ring\n", - "natasha jonas has announced her retirement from the world of boxingthe 30-year-old was the first female to represent britain at the olympicsjonas won the bronze medals at the world and european championshipsclick here for all the latest boxing news\n", - "[1.4543014 1.240756 1.3548212 1.1733409 1.1724764 1.1904569 1.1056731\n", - " 1.0741926 1.1192353 1.1172829 1.1023786 1.1216373 1.0298831 1.0171112\n", - " 1.014899 1.04713 0. ]\n", - "\n", - "[ 0 2 1 5 3 4 11 8 9 6 10 7 15 12 13 14 16]\n", - "=======================\n", - "[\"barry beavis , 48 , lost his case at the court of appealbarry beavis launched a legal bid to overturn his fine , saying it was unfair , disproportionate and unenforceable .millions of motorists face spiralling parking fines after judges ruled yesterday that # 85 was not an ` excessively high ' penalty for staying too long in a car park .\"]\n", - "=======================\n", - "[\"barry beavis took on private car park operators over ` unfair ' charges48-year-old tried to challenge # 85 fine that he claimed was unjustleft ` furious ' after losing the landmark legal bid at the high courtjudges found the charge was ` not extravagant or unconscionable '\"]\n", - "barry beavis , 48 , lost his case at the court of appealbarry beavis launched a legal bid to overturn his fine , saying it was unfair , disproportionate and unenforceable .millions of motorists face spiralling parking fines after judges ruled yesterday that # 85 was not an ` excessively high ' penalty for staying too long in a car park .\n", - "barry beavis took on private car park operators over ` unfair ' charges48-year-old tried to challenge # 85 fine that he claimed was unjustleft ` furious ' after losing the landmark legal bid at the high courtjudges found the charge was ` not extravagant or unconscionable '\n", - "[1.6567972 1.3758538 1.155918 1.5257621 1.2115899 1.049218 1.0337334\n", - " 1.0991635 1.0200192 1.0968095 1.0151817 1.0113022 1.0195639 1.0093421\n", - " 1.0132293 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 7 9 5 6 8 12 10 14 11 13 15 16]\n", - "=======================\n", - "[\"stuart mccall revealed captain lee mcculloch apologised to him and the rangers players after being sent off in the 2-1 win over runaway scottish championship winners hearts at ibrox .lee mcculloch was sent off during rangers ' crucial 2-1 victory against hearts in the scottish championshipgoals from striker kenny miller and the returning midfielder haris vuckic had the home side two ahead and cruising before mcculloch was shown a straight red card by referee bobby madden for fouling striker osman sow .\"]\n", - "=======================\n", - "['lee mcculloch was shown a straight red card after fouling osman sowrangers went on to win scottish championship fixture 2-1 at ibroxstuart mccall says captain mcculloch apologised to both him and the players after sending off against hearts']\n", - "stuart mccall revealed captain lee mcculloch apologised to him and the rangers players after being sent off in the 2-1 win over runaway scottish championship winners hearts at ibrox .lee mcculloch was sent off during rangers ' crucial 2-1 victory against hearts in the scottish championshipgoals from striker kenny miller and the returning midfielder haris vuckic had the home side two ahead and cruising before mcculloch was shown a straight red card by referee bobby madden for fouling striker osman sow .\n", - "lee mcculloch was shown a straight red card after fouling osman sowrangers went on to win scottish championship fixture 2-1 at ibroxstuart mccall says captain mcculloch apologised to both him and the players after sending off against hearts\n", - "[1.504463 1.1640484 1.2566526 1.2042352 1.2589194 1.0370903 1.1629239\n", - " 1.0839773 1.0229381 1.0753878 1.102438 1.0622746 1.0466813 1.0369464\n", - " 1.0310286 1.0446318 0. ]\n", - "\n", - "[ 0 4 2 3 1 6 10 7 9 11 12 15 5 13 14 8 16]\n", - "=======================\n", - "[\"west brom manager tony pulis will receive a hero 's welcome when he returns to crystal palace on saturday but in the midst of yet another relegation battle for the 57-year-old , he must wonder if he 'll ever be successful at the right end of the premier league .this is his seventh season in the top flight and he 's never finished in the top half of the table .west brom 's home defeats against qpr and leicester city have left them stuck on 33 points .\"]\n", - "=======================\n", - "['west brom are seven points above the relegation zonetony pulis has never guided a team into the top half of the premier leaguepulis has never been in charge of a side who have been relegated']\n", - "west brom manager tony pulis will receive a hero 's welcome when he returns to crystal palace on saturday but in the midst of yet another relegation battle for the 57-year-old , he must wonder if he 'll ever be successful at the right end of the premier league .this is his seventh season in the top flight and he 's never finished in the top half of the table .west brom 's home defeats against qpr and leicester city have left them stuck on 33 points .\n", - "west brom are seven points above the relegation zonetony pulis has never guided a team into the top half of the premier leaguepulis has never been in charge of a side who have been relegated\n", - "[1.388499 1.3039904 1.2345594 1.3818333 1.267918 1.3574047 1.0796509\n", - " 1.014338 1.0097362 1.0089316 1.1078993 1.1145444 1.185182 1.1214675\n", - " 1.0710256 1.0441031 1.0854607]\n", - "\n", - "[ 0 3 5 1 4 2 12 13 11 10 16 6 14 15 7 8 9]\n", - "=======================\n", - "[\"tiger woods has been spotted hitting balls on the practice range at augusta national , increasing hopes the former world no 1 will confirm his appearance at this year 's first major .tiger woods was spotted practising at augusta on tuesday and is said to have returned to the coursetiger woods made his first appearance at the masters as a 19-year-old back on april 3 , 1995 .\"]\n", - "=======================\n", - "['tiger woods increased speculation regarding possible major comebackwoods has been spotted at augusta national on more than once occasionthe 39-year-old has dropped out of top 100 for first time in almost 19 years']\n", - "tiger woods has been spotted hitting balls on the practice range at augusta national , increasing hopes the former world no 1 will confirm his appearance at this year 's first major .tiger woods was spotted practising at augusta on tuesday and is said to have returned to the coursetiger woods made his first appearance at the masters as a 19-year-old back on april 3 , 1995 .\n", - "tiger woods increased speculation regarding possible major comebackwoods has been spotted at augusta national on more than once occasionthe 39-year-old has dropped out of top 100 for first time in almost 19 years\n", - "[1.0852387 1.0800465 1.3657501 1.4149202 1.0667499 1.019096 1.0310801\n", - " 1.2415195 1.0845065 1.1968453 1.1877931 1.1104633 1.0765476 1.0563351\n", - " 1.0370488 0. 0. ]\n", - "\n", - "[ 3 2 7 9 10 11 0 8 1 12 4 13 14 6 5 15 16]\n", - "=======================\n", - "[\"the i 'm up alarm can be set to go off the night before ( left ) and will then only turn off by scanning a qr code ( pictured right ) on a mug or magnet that can be kept in another room , forcing you to get out of bed to do sosmartphone users will be able to download the app onto their phone from june .the app uses a quick response code , or qr code , which is a form of barcode that the cameras of mobile phones are able to detect .\"]\n", - "=======================\n", - "[\"i 'm up alarm is designed to help those who have trouble getting out of bedalarm will sound at a preset time and continue until a qr code is scannedapp is expected to be available on apple and android phones from june\"]\n", - "the i 'm up alarm can be set to go off the night before ( left ) and will then only turn off by scanning a qr code ( pictured right ) on a mug or magnet that can be kept in another room , forcing you to get out of bed to do sosmartphone users will be able to download the app onto their phone from june .the app uses a quick response code , or qr code , which is a form of barcode that the cameras of mobile phones are able to detect .\n", - "i 'm up alarm is designed to help those who have trouble getting out of bedalarm will sound at a preset time and continue until a qr code is scannedapp is expected to be available on apple and android phones from june\n", - "[1.2500441 1.4801947 1.1387638 1.2130544 1.387959 1.1012192 1.0748314\n", - " 1.0808302 1.0940738 1.0902716 1.0978873 1.0680622 1.057875 1.0924362\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 3 2 5 10 8 13 9 7 6 11 12 16 14 15 17]\n", - "=======================\n", - "['the scent of marsha yumi perry , 36 , was tracked through a field by a washougal police dog on friday , who stopped within five feet of the hole she was hiding in , according to police .a washington woman was arrested after allegedly striking a five-year-old boy with her truck before hiding from officers by crawling into a hole and covering herself with dirt .police said the boy suffered a cut to his face as well as scrapes to his knees and elbows , and he was taken to peacehealth southwest medical center in vancouver .']\n", - "=======================\n", - "[\"marsha yumi perry , 36 , of washougal , washington was arrested on fridaypolice dog tracked her sent through a field coming within feet of the holeofficer kyle day gave warning he was about to unleash the dog when ` the ground moved and she sat up ' , police saidboy suffered cut to his face and scrapes to his knees and elbowsperry was arrested on felony hit-and-run , driving with a suspended license and on a misdemeanor warrant\"]\n", - "the scent of marsha yumi perry , 36 , was tracked through a field by a washougal police dog on friday , who stopped within five feet of the hole she was hiding in , according to police .a washington woman was arrested after allegedly striking a five-year-old boy with her truck before hiding from officers by crawling into a hole and covering herself with dirt .police said the boy suffered a cut to his face as well as scrapes to his knees and elbows , and he was taken to peacehealth southwest medical center in vancouver .\n", - "marsha yumi perry , 36 , of washougal , washington was arrested on fridaypolice dog tracked her sent through a field coming within feet of the holeofficer kyle day gave warning he was about to unleash the dog when ` the ground moved and she sat up ' , police saidboy suffered cut to his face and scrapes to his knees and elbowsperry was arrested on felony hit-and-run , driving with a suspended license and on a misdemeanor warrant\n", - "[1.4408288 1.2113755 1.4217242 1.2079734 1.1974478 1.1598394 1.1136739\n", - " 1.087643 1.1321874 1.0882686 1.0808649 1.0627396 1.0547949 1.050132\n", - " 1.0564865 1.0239928 1.0329845 1.0171126]\n", - "\n", - "[ 0 2 1 3 4 5 8 6 9 7 10 11 14 12 13 16 15 17]\n", - "=======================\n", - "[\"searches are underway for kyle knox , 23 , from london , who was last seen at 10am on monday at the start of the route for the 4409-ft high ben nevissearches are ongoing today for a missing 23-year-old walker who disappeared as he tried to climb britain 's highest mountain in -7 c blizzards and 70mph winds .he failed to return to his accommodation in the fort william area yesterday , prompting staff to alert police to his disappearance .\"]\n", - "=======================\n", - "['kyle knox , 23 , disappeared as he tried to climb the 4409-ft high ben nevishe was last seen at start of route on monday and did not return to his hotellondoner is believed to be alone and may not be an experienced climberlarge-scale searches underway in -7 c blizzards and winds of up to 70mph']\n", - "searches are underway for kyle knox , 23 , from london , who was last seen at 10am on monday at the start of the route for the 4409-ft high ben nevissearches are ongoing today for a missing 23-year-old walker who disappeared as he tried to climb britain 's highest mountain in -7 c blizzards and 70mph winds .he failed to return to his accommodation in the fort william area yesterday , prompting staff to alert police to his disappearance .\n", - "kyle knox , 23 , disappeared as he tried to climb the 4409-ft high ben nevishe was last seen at start of route on monday and did not return to his hotellondoner is believed to be alone and may not be an experienced climberlarge-scale searches underway in -7 c blizzards and winds of up to 70mph\n", - "[1.1270813 1.2517781 1.3186905 1.2122321 1.168798 1.1208293 1.2096789\n", - " 1.0150089 1.0221641 1.0947325 1.1332121 1.069055 1.071495 1.0698965\n", - " 1.0795742 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 6 4 10 0 5 9 14 12 13 11 8 7 15 16 17]\n", - "=======================\n", - "[\"the hbo drama , which is based on george rr martin 's fantasy novels , is about to begin its fifth series , which has seen many of the female characters take leading roles - mainly because the men have died in increasingly tragic circumstances .yet , for its female characters , game of thrones has some of the most powerful roles for actresses on television .emilia clarke , who plays daenerys targaryen is set to bring her army , replete with dragons , to westeros for the final showdown .\"]\n", - "=======================\n", - "['emilia clarke who plays daenerys targaryen will be central to series fivefemale characters seem to outlive their male counterparts on the showlast season saw several of the main male characters murdered horriblydespite the carnage , kit harington , who plays jon snow is in series five']\n", - "the hbo drama , which is based on george rr martin 's fantasy novels , is about to begin its fifth series , which has seen many of the female characters take leading roles - mainly because the men have died in increasingly tragic circumstances .yet , for its female characters , game of thrones has some of the most powerful roles for actresses on television .emilia clarke , who plays daenerys targaryen is set to bring her army , replete with dragons , to westeros for the final showdown .\n", - "emilia clarke who plays daenerys targaryen will be central to series fivefemale characters seem to outlive their male counterparts on the showlast season saw several of the main male characters murdered horriblydespite the carnage , kit harington , who plays jon snow is in series five\n", - "[1.3699225 1.3592571 1.2152077 1.2106556 1.1662399 1.1459006 1.0197883\n", - " 1.0079333 1.0529993 1.064643 1.0677887 1.1007918 1.1895771 1.1021689\n", - " 1.1245443 1.1558144 1.0093465 1.0135521]\n", - "\n", - "[ 0 1 2 3 12 4 15 5 14 13 11 10 9 8 6 17 16 7]\n", - "=======================\n", - "[\"lionel messi and cristiano ronaldo could play together in a uefa all-star match showcasing the best of european-based talent , according to reports in spain .they would play for ` team south ' - comprised of stars from la liga , serie a and ligue 1 - against a similar ` north ' dream team from the premier league , bundesliga and russian premier league .mundo deportivo report that a marketing company has approached uefa and proposed the annual fixture , which is inspired by the nba all-star game between the western and eastern conferences .\"]\n", - "=======================\n", - "[\"clasico rivals could join forces for ` south ' dream team against ` north 'a marketing company has proposed the idea to governing body uefaidea has been inspired by the annual nba all-star games in basketballlikes of neymar , zlatan ibrahimovic and sergio aguero could also feature\"]\n", - "lionel messi and cristiano ronaldo could play together in a uefa all-star match showcasing the best of european-based talent , according to reports in spain .they would play for ` team south ' - comprised of stars from la liga , serie a and ligue 1 - against a similar ` north ' dream team from the premier league , bundesliga and russian premier league .mundo deportivo report that a marketing company has approached uefa and proposed the annual fixture , which is inspired by the nba all-star game between the western and eastern conferences .\n", - "clasico rivals could join forces for ` south ' dream team against ` north 'a marketing company has proposed the idea to governing body uefaidea has been inspired by the annual nba all-star games in basketballlikes of neymar , zlatan ibrahimovic and sergio aguero could also feature\n", - "[1.4173498 1.3309972 1.1472646 1.4864388 1.333997 1.1022305 1.0493594\n", - " 1.1330075 1.1452024 1.0124117 1.0127654 1.0095018 1.0255493 1.1317747\n", - " 1.0195193 1.0171684 0. 0. ]\n", - "\n", - "[ 3 0 4 1 2 8 7 13 5 6 12 14 15 10 9 11 16 17]\n", - "=======================\n", - "['manchester united manager louis van gaal has praised the rebirth of resurrection marouane fellainifellaini , pictured against aston villa on april 4 , is expected to start against manchester city on sundayon march 25 last year , fellaini was jeered by both city and united fans as he was substituted in a 3-0 united defeat that proved the deathknell to the manager who signed him , david moyes .']\n", - "=======================\n", - "[\"manchester united face manchester city in the premier league on sundaymarouane fellaini has played a vital role in united 's rise to third in the tablefellaini was jeered by united and city fans in this this fixture last season\"]\n", - "manchester united manager louis van gaal has praised the rebirth of resurrection marouane fellainifellaini , pictured against aston villa on april 4 , is expected to start against manchester city on sundayon march 25 last year , fellaini was jeered by both city and united fans as he was substituted in a 3-0 united defeat that proved the deathknell to the manager who signed him , david moyes .\n", - "manchester united face manchester city in the premier league on sundaymarouane fellaini has played a vital role in united 's rise to third in the tablefellaini was jeered by united and city fans in this this fixture last season\n", - "[1.4092107 1.4553425 1.1208516 1.0591178 1.1125717 1.0919406 1.0732268\n", - " 1.0334854 1.0274085 1.0226326 1.0777475 1.0207064 1.0333302 1.048385\n", - " 1.05838 1.0927892 1.0281119 1.0529091 1.1196902 1.0741035 1.0405126\n", - " 1.0353823]\n", - "\n", - "[ 1 0 2 18 4 15 5 10 19 6 3 14 17 13 20 21 7 12 16 8 9 11]\n", - "=======================\n", - "[\"on thursday , apple released a new version of its mobile operating system that includes more diversity than ever when it comes to the race , ethnicity and sexual orientation of its emojis -- those cute little images that users can insert into text messages or emails when words alone just wo n't cut it .( cnn ) the new emojis are here !the reaction to this new lineup is , as should be expected with almost anything new in today 's hypersensitive climate , a range of cheers and jeers .\"]\n", - "=======================\n", - "[\"dean obeidallah : apple 's new emoji lineup is diverse in race , ethnicity and sexual orientationit 's just like america , but what took apple so long ?he says change may rankle ( or win over ? )\"]\n", - "on thursday , apple released a new version of its mobile operating system that includes more diversity than ever when it comes to the race , ethnicity and sexual orientation of its emojis -- those cute little images that users can insert into text messages or emails when words alone just wo n't cut it .( cnn ) the new emojis are here !the reaction to this new lineup is , as should be expected with almost anything new in today 's hypersensitive climate , a range of cheers and jeers .\n", - "dean obeidallah : apple 's new emoji lineup is diverse in race , ethnicity and sexual orientationit 's just like america , but what took apple so long ?he says change may rankle ( or win over ? )\n", - "[1.1689433 1.4576578 1.3098674 1.3337762 1.2932827 1.1789927 1.1237849\n", - " 1.222263 1.1147517 1.0428687 1.100399 1.1153859 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 4 7 5 0 6 11 8 10 9 12 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "['the vietnamese woman was waiting to board at tan son nhat international airport in ho chi minh city , vietnam , when the incident took place .nguyen thi hang placed her luggage on the scales , and then lashed out hitting an airport worker in the facethe traveller had checked in and was travelling with just hand luggage when she was asked to have it weighed by a worker .']\n", - "=======================\n", - "['after going through check-in , nguyen thi hang stopped before boardingvietjet air employee believed her luggage would weigh more than 7kgafter putting case on scales , woman slapped airport worker']\n", - "the vietnamese woman was waiting to board at tan son nhat international airport in ho chi minh city , vietnam , when the incident took place .nguyen thi hang placed her luggage on the scales , and then lashed out hitting an airport worker in the facethe traveller had checked in and was travelling with just hand luggage when she was asked to have it weighed by a worker .\n", - "after going through check-in , nguyen thi hang stopped before boardingvietjet air employee believed her luggage would weigh more than 7kgafter putting case on scales , woman slapped airport worker\n", - "[1.3268619 1.4826295 1.3851905 1.2348874 1.0693979 1.0307773 1.0799605\n", - " 1.0580914 1.2638662 1.0215311 1.027648 1.0135928 1.0226128 1.0168369\n", - " 1.0221429 1.0417967 1.028022 1.0575619 1.0097111 1.0232915 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 8 3 6 4 7 17 15 5 16 10 19 12 14 9 13 11 18 20 21]\n", - "=======================\n", - "[\"retirement beckons for mccoy , champion jockey every year since he first won the title in 1997 , and he will stop riding immediately if his mount shutthefrontdoor wins the # 1million crabbie 's grand national on saturday .ap mccoy celebrates grand national victory on do n't push it in 2010ap mccoy has urged the nation to follow his aintree dream as he chases the fairytale end to his extraordinary career .\"]\n", - "=======================\n", - "[\"ap mccoy will retire immediately if he wins the grand nationalhe rides favourite shutthefrontdoor in the # 1m race on saturdaythe champion jockey won the famous race on do n't push it in 2010\"]\n", - "retirement beckons for mccoy , champion jockey every year since he first won the title in 1997 , and he will stop riding immediately if his mount shutthefrontdoor wins the # 1million crabbie 's grand national on saturday .ap mccoy celebrates grand national victory on do n't push it in 2010ap mccoy has urged the nation to follow his aintree dream as he chases the fairytale end to his extraordinary career .\n", - "ap mccoy will retire immediately if he wins the grand nationalhe rides favourite shutthefrontdoor in the # 1m race on saturdaythe champion jockey won the famous race on do n't push it in 2010\n", - "[1.3362203 1.3428693 1.1626632 1.2134446 1.1058912 1.0633005 1.1310103\n", - " 1.1264621 1.1621181 1.0462315 1.0637285 1.0916275 1.0948412 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 2 8 6 7 4 12 11 10 5 9 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the ` championship comeback ' is what the madrid-based paper marca led with , after cristiano ronaldo inspired carlo ancelotti 's side to a comfortable 3-0 win over eibar and sevilla denied barcelona with a two-goal comeback .the la liga title race is back on after barcelona threw away a two-goal lead away to sevilla , letting real madrid in and just two points off in second .and confirmed that real have a fully fit squad for the champions league clash against rivals atletico madrid on tuesday .\"]\n", - "=======================\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['real madrid dispatched off eibar 3-0 with cristiano ronaldo starringbarcelona threw away a two-goal lead at sevilla to give real a chancejuventus were shocked by bankrupt parma after losing 1-0roma and lazio locked in exciting battle for the champions league']\n", - "the ` championship comeback ' is what the madrid-based paper marca led with , after cristiano ronaldo inspired carlo ancelotti 's side to a comfortable 3-0 win over eibar and sevilla denied barcelona with a two-goal comeback .the la liga title race is back on after barcelona threw away a two-goal lead away to sevilla , letting real madrid in and just two points off in second .and confirmed that real have a fully fit squad for the champions league clash against rivals atletico madrid on tuesday .\n", - "real madrid dispatched off eibar 3-0 with cristiano ronaldo starringbarcelona threw away a two-goal lead at sevilla to give real a chancejuventus were shocked by bankrupt parma after losing 1-0roma and lazio locked in exciting battle for the champions league\n", - "[1.2421901 1.5631926 1.2486799 1.4048065 1.1823686 1.1172074 1.1234528\n", - " 1.169147 1.1220219 1.0434983 1.0220609 1.0180802 1.0251226 1.0185056\n", - " 1.0172237 1.0125091 1.0107371 1.0317479 1.1800592 1.0134127 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 4 18 7 6 8 5 9 17 12 10 13 11 14 19 15 16 20 21]\n", - "=======================\n", - "[\"aden gould , 21 , was also told to pay a # 150 ` security fee ' after he was seen testing speakers on sale in a branch of the supermarket - even though he put the equipment back where he found it .the giant firm sent him an aggressive letter warning that staff would call the police if they ever catch him trying to enter sainsbury 's .mr gould , who has learning difficulties and is unemployed , went into the sainsbury 's branch in stoke-on-trent and opened two boxes containing # 25 speakers .\"]\n", - "=======================\n", - "[\"aden gould , who has learning difficulties , opened boxes of speakers and tried out the gadgetshe was then marched to store manager 's office and told to empty his bagsainsbury 's sent him a letter banning him from stores and fining him # 150supermarket has now reversed decision after a complaint from his family\"]\n", - "aden gould , 21 , was also told to pay a # 150 ` security fee ' after he was seen testing speakers on sale in a branch of the supermarket - even though he put the equipment back where he found it .the giant firm sent him an aggressive letter warning that staff would call the police if they ever catch him trying to enter sainsbury 's .mr gould , who has learning difficulties and is unemployed , went into the sainsbury 's branch in stoke-on-trent and opened two boxes containing # 25 speakers .\n", - "aden gould , who has learning difficulties , opened boxes of speakers and tried out the gadgetshe was then marched to store manager 's office and told to empty his bagsainsbury 's sent him a letter banning him from stores and fining him # 150supermarket has now reversed decision after a complaint from his family\n", - "[1.236634 1.1694521 1.3063225 1.14609 1.1353775 1.1826433 1.1136575\n", - " 1.0932361 1.060432 1.0696478 1.1167735 1.0999277 1.0268366 1.0340809\n", - " 1.0444725 1.0178987 1.0188891 1.0717319 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 5 1 3 4 10 6 11 7 17 9 8 14 13 12 16 15 21 18 19 20 22]\n", - "=======================\n", - "[\"he pulled back the stroller 's cover and saw that his son , leo , 3 , was conscious but bleeding from the left side of his head .boston ( cnn ) when the bomb went off , steve woolfenden thought he was still standing .the boot was next to his left stump , he testified before a federal jury thursday , the third day in which survivors and family members of those killed in the boston marathon bombing shared their stories -- often gruesome and heartbreaking -- in the sentencing phase for dzhokhar tsarnaev .\"]\n", - "=======================\n", - "[\"tsarnaev family members arrive in boston , but it 's not clear if they 'll testifya woman testifies that she had to choose whether to keep her leg ; some other victims had no choicestarting monday , the defense is expected to call witnesses to explain dzhokhar tsarnaev 's difficult upbringing\"]\n", - "he pulled back the stroller 's cover and saw that his son , leo , 3 , was conscious but bleeding from the left side of his head .boston ( cnn ) when the bomb went off , steve woolfenden thought he was still standing .the boot was next to his left stump , he testified before a federal jury thursday , the third day in which survivors and family members of those killed in the boston marathon bombing shared their stories -- often gruesome and heartbreaking -- in the sentencing phase for dzhokhar tsarnaev .\n", - "tsarnaev family members arrive in boston , but it 's not clear if they 'll testifya woman testifies that she had to choose whether to keep her leg ; some other victims had no choicestarting monday , the defense is expected to call witnesses to explain dzhokhar tsarnaev 's difficult upbringing\n", - "[1.270162 1.4114361 1.1643836 1.103647 1.2213427 1.2053787 1.19381\n", - " 1.194232 1.061509 1.30289 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 9 0 4 5 7 6 2 3 8 20 19 18 17 16 11 14 13 12 21 10 15 22]\n", - "=======================\n", - "[\"norwich , leicester , newcastle and stoke have watched toner , one of villa 's most promising young players who captains their under-21 team aged just 18 .tim sherwood is keen to develop aston villa 's young talent , with toner training with the first-teamkevin toner , seen here in action against liverpool in an fa youth cup tie , is being tracked by several clubs\"]\n", - "=======================\n", - "['aston villa defender kevin toner captains the club under-21 teamthe 18-year-old is being tracked by number of rival premier league clubsnewcastle and stoke have been watching the young central defender']\n", - "norwich , leicester , newcastle and stoke have watched toner , one of villa 's most promising young players who captains their under-21 team aged just 18 .tim sherwood is keen to develop aston villa 's young talent , with toner training with the first-teamkevin toner , seen here in action against liverpool in an fa youth cup tie , is being tracked by several clubs\n", - "aston villa defender kevin toner captains the club under-21 teamthe 18-year-old is being tracked by number of rival premier league clubsnewcastle and stoke have been watching the young central defender\n", - "[1.1772121 1.5542763 1.1514803 1.412181 1.1068636 1.0811024 1.0693973\n", - " 1.107065 1.0998511 1.0726689 1.0324066 1.0610508 1.1529037 1.0834621\n", - " 1.0142051 1.0990851 1.0983341 1.028199 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 12 2 7 4 8 15 16 13 5 9 6 11 10 17 14 21 18 19 20 22]\n", - "=======================\n", - "[\"harley jolly , tyson barr and nic roy -- known collectively as slide christchurch -- videoed themselves descending new zealand 's dunedin 's baldwin street on three-wheeled vehicles known as ` slide trikes ' .a group of daring drift trike riders have captured some amaznig footage as they zipped down the world 's steepest residential road on tricycles .the short clip opens with a warning message , before the riders take their position at the top of the hill , famed for its 35 per cent gradient .\"]\n", - "=======================\n", - "[\"the group called slide christchurch took on new zealand 's baldwin streetthe footage was captured by spectators and on a rider 's helmet cameraone of the riders believes the group reached speeds of more than 60mph\"]\n", - "harley jolly , tyson barr and nic roy -- known collectively as slide christchurch -- videoed themselves descending new zealand 's dunedin 's baldwin street on three-wheeled vehicles known as ` slide trikes ' .a group of daring drift trike riders have captured some amaznig footage as they zipped down the world 's steepest residential road on tricycles .the short clip opens with a warning message , before the riders take their position at the top of the hill , famed for its 35 per cent gradient .\n", - "the group called slide christchurch took on new zealand 's baldwin streetthe footage was captured by spectators and on a rider 's helmet cameraone of the riders believes the group reached speeds of more than 60mph\n", - "[1.1525459 1.0920708 1.42815 1.169715 1.1176918 1.1478499 1.2999697\n", - " 1.0437067 1.0934237 1.103415 1.0603577 1.1102964 1.0960565 1.1007519\n", - " 1.0327528 1.1150582 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 6 3 0 5 4 15 11 9 13 12 8 1 10 7 14 21 16 17 18 19 20 22]\n", - "=======================\n", - "['capturing the footage in santa barbara , california , scott kaiser filmed the back of the large pelican sitting on a post overlooking the water .recording the bird in slow motion , the video maker later noted that the pelican looked majestic , content and relaxed at this point in the clip .characterised by their long beak and large throat poach used for catching prey and draining water , pelicans are already aesthetically peculiar looking birds .']\n", - "=======================\n", - "['the slow motion footage was captured in santa barbara , californiascott kaiser videoed the bird sitting on a post overlooking the waterpelican yawns exposing its beak size , tongue and inner bill anatomy']\n", - "capturing the footage in santa barbara , california , scott kaiser filmed the back of the large pelican sitting on a post overlooking the water .recording the bird in slow motion , the video maker later noted that the pelican looked majestic , content and relaxed at this point in the clip .characterised by their long beak and large throat poach used for catching prey and draining water , pelicans are already aesthetically peculiar looking birds .\n", - "the slow motion footage was captured in santa barbara , californiascott kaiser videoed the bird sitting on a post overlooking the waterpelican yawns exposing its beak size , tongue and inner bill anatomy\n", - "[1.2795546 1.5308652 1.3142737 1.3810911 1.0680745 1.028891 1.0405589\n", - " 1.0739579 1.0335003 1.0803615 1.049876 1.0508301 1.0149376 1.0133557\n", - " 1.0205005 1.1763701 1.1671764 1.011495 1.0084344 1.0084763 1.0358903\n", - " 1.1333628 1.0848612]\n", - "\n", - "[ 1 3 2 0 15 16 21 22 9 7 4 11 10 6 20 8 5 14 12 13 17 19 18]\n", - "=======================\n", - "['stefan stoykov , a senior at north central high school in indianapolis , indiana , moved to the us from bulgaria as an eight-year-old when he could not speak a word of english .top of the class : stefan stoykov has been accepted in to all eight ivy league schools -- and a further ten big league universitiesjust days ago it was revealed how north carolina student victor agbafe had done the same .']\n", - "=======================\n", - "[\"stefan stoykov could n't speak english when he moved from bulgaria to usindianapolis teen has been accepted into a total of 18 prestigious schoolsstefan , 18 , says his mother 's hard work inspired him to achieve his goals\"]\n", - "stefan stoykov , a senior at north central high school in indianapolis , indiana , moved to the us from bulgaria as an eight-year-old when he could not speak a word of english .top of the class : stefan stoykov has been accepted in to all eight ivy league schools -- and a further ten big league universitiesjust days ago it was revealed how north carolina student victor agbafe had done the same .\n", - "stefan stoykov could n't speak english when he moved from bulgaria to usindianapolis teen has been accepted into a total of 18 prestigious schoolsstefan , 18 , says his mother 's hard work inspired him to achieve his goals\n", - "[1.2361422 1.3705713 1.4177841 1.2438785 1.3079706 1.2030196 1.0816543\n", - " 1.0628589 1.0193005 1.0477335 1.0309165 1.1759273 1.0453683 1.0951372\n", - " 1.0425425 1.0537235 1.0603919 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 4 3 0 5 11 13 6 7 16 15 9 12 14 10 8 17 18 19 20]\n", - "=======================\n", - "['joshua saunders , 19 , was arrested on charges including dui , reckless driving , leaving the scene of an accident and vehicular homicide , according to the gainesville times .two-year-old landen martin ( left ) was struck and killed on sunday by the car his 19-year-old uncle joshua saunders ( right ) was drivingofficials said martin was pronounced dead at northeast georgia medical center .']\n", - "=======================\n", - "['landen martin , two , was killed after running behind the car on sundayhis uncle , 19-year-old joshua saunders was backing out of the driveway of a gainesville , georgia home when the accident occurred , police saidthe child was pronounced dead at northeast georgia medical centersaunders was arrested on charges including reckless driving , leaving the scene of an accident and vehicular homicide']\n", - "joshua saunders , 19 , was arrested on charges including dui , reckless driving , leaving the scene of an accident and vehicular homicide , according to the gainesville times .two-year-old landen martin ( left ) was struck and killed on sunday by the car his 19-year-old uncle joshua saunders ( right ) was drivingofficials said martin was pronounced dead at northeast georgia medical center .\n", - "landen martin , two , was killed after running behind the car on sundayhis uncle , 19-year-old joshua saunders was backing out of the driveway of a gainesville , georgia home when the accident occurred , police saidthe child was pronounced dead at northeast georgia medical centersaunders was arrested on charges including reckless driving , leaving the scene of an accident and vehicular homicide\n", - "[1.1751122 1.30454 1.4895235 1.313017 1.0432136 1.1415492 1.0987394\n", - " 1.0366019 1.0223517 1.0730609 1.0177722 1.104858 1.0253907 1.0838698\n", - " 1.0525137 1.1236826 1.1597291 1.0842563 1.0425788 0. 0. ]\n", - "\n", - "[ 2 3 1 0 16 5 15 11 6 17 13 9 14 4 18 7 12 8 10 19 20]\n", - "=======================\n", - "[\"it has hung in among 270 old master paintings since february 10 after a challenge was laid down to the public to ` spot the fake ' .now , three months on , the gallery has revealed that only 10 per cent of the 3,000 people who visited during the experiment guessed correctly .but that is exactly what happened when jean-honoré fragonard 's 18th-century work young woman was replaced by a hand-painted replica , produced in china and ordered over the internet for # 70 .\"]\n", - "=======================\n", - "[\"dulwich picture gallery challenged public to spot fake among 270 paintingsvisitor numbers have quadrupled in three months since it was launchedcounterfeit , ordered on internet from china for # 70 , has now been revealedit was a replica of jean-honoré fragonard 's 18th-century young woman\"]\n", - "it has hung in among 270 old master paintings since february 10 after a challenge was laid down to the public to ` spot the fake ' .now , three months on , the gallery has revealed that only 10 per cent of the 3,000 people who visited during the experiment guessed correctly .but that is exactly what happened when jean-honoré fragonard 's 18th-century work young woman was replaced by a hand-painted replica , produced in china and ordered over the internet for # 70 .\n", - "dulwich picture gallery challenged public to spot fake among 270 paintingsvisitor numbers have quadrupled in three months since it was launchedcounterfeit , ordered on internet from china for # 70 , has now been revealedit was a replica of jean-honoré fragonard 's 18th-century young woman\n", - "[1.6705711 1.2983863 1.2282157 1.1995543 1.0509025 1.0717957 1.3191383\n", - " 1.0129464 1.0117393 1.014814 1.0116696 1.0772825 1.0582082 1.0240585\n", - " 1.0103928 1.0101095 1.0091791 0. 0. 0. 0. ]\n", - "\n", - "[ 0 6 1 2 3 11 5 12 4 13 9 7 8 10 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"peter houston goaded his vanquished rival alan stubbs after falkirk stunned hibernian to steal a 1-0 scottish cup semi-final triumph at hampden .houston claimed that stubbs should be examining tactical failings that led to the downfall of hibs rather than highlighting falkirk 's fortune on the day .the broadside was in response to stubbs insisting it 's hibs who fully deserve to be waiting for inverness caledonian thistle or celtic in next month 's showpiece at the national stadium after bossing the match\"]\n", - "=======================\n", - "[\"craig sibbald 's 74th-minute header is enough to send falkirk throughfraser fyvie and scott allan both hit the post for hibs with the score at 0-0falkirk will play either inverness caledonian thistle or celtic on may 30\"]\n", - "peter houston goaded his vanquished rival alan stubbs after falkirk stunned hibernian to steal a 1-0 scottish cup semi-final triumph at hampden .houston claimed that stubbs should be examining tactical failings that led to the downfall of hibs rather than highlighting falkirk 's fortune on the day .the broadside was in response to stubbs insisting it 's hibs who fully deserve to be waiting for inverness caledonian thistle or celtic in next month 's showpiece at the national stadium after bossing the match\n", - "craig sibbald 's 74th-minute header is enough to send falkirk throughfraser fyvie and scott allan both hit the post for hibs with the score at 0-0falkirk will play either inverness caledonian thistle or celtic on may 30\n", - "[1.218929 1.4376746 1.1233982 1.3764093 1.1700702 1.1447186 1.158284\n", - " 1.0520724 1.0726774 1.0961715 1.092983 1.0713981 1.0513172 1.0999997\n", - " 1.0750446 1.052271 1.0156585 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 6 5 2 13 9 10 14 8 11 15 7 12 16 19 17 18 20]\n", - "=======================\n", - "[\"buddhist wu yunqing was preserved wearing a golden cloak and beads in 1998 at lingquan temple in central china 's anyang city .a mummified monk who is believed to have lived for 102 years has become a major tourist attraction after he was put in a crystal display case sitting in the traditional lotus position of prayer .records show that his parents died he was 15-years-old , leading him to run away to became a monk in shanxi yanan qing hua temple .\"]\n", - "=======================\n", - "['monk wu yunqing , who was 102 , sits in lotus position in golden cloakskin , hair and facial features are all clearly visible years latermummification a form of higher enlightenment for some buddhist monksa large porcelain vase is the key to the success of preserving bodies']\n", - "buddhist wu yunqing was preserved wearing a golden cloak and beads in 1998 at lingquan temple in central china 's anyang city .a mummified monk who is believed to have lived for 102 years has become a major tourist attraction after he was put in a crystal display case sitting in the traditional lotus position of prayer .records show that his parents died he was 15-years-old , leading him to run away to became a monk in shanxi yanan qing hua temple .\n", - "monk wu yunqing , who was 102 , sits in lotus position in golden cloakskin , hair and facial features are all clearly visible years latermummification a form of higher enlightenment for some buddhist monksa large porcelain vase is the key to the success of preserving bodies\n", - "[1.0847385 1.3252867 1.0376909 1.0385638 1.1842777 1.0741305 1.0419143\n", - " 1.2749314 1.0542995 1.1236738 1.1331766 1.0287716 1.018098 1.0491699\n", - " 1.1452019 1.0771703 1.0873727 1.0717862 1.098552 1.0737011 1.0793875]\n", - "\n", - "[ 1 7 4 14 10 9 18 16 0 20 15 5 19 17 8 13 6 3 2 11 12]\n", - "=======================\n", - "['center for elephant conservation sits on 200 acres of land in rural central florida , halfway between orlando and sarasota , off a nondescript country road .twenty-nine elephants currently live here , and 13 more will join the group by 2018 , after ringling bros. decided this year to stop using elephants in its traveling circus .\" you can walk around and you do n\\'t hear anything , \" said kenneth feld , who opened the center in 1995 .']\n", - "=======================\n", - "['29 elephants currently live at the circus sanctuary , and 13 more will join by 2018the expansion comes after ringling bros. said it would stop using elephants in circus$ 65,000 worth of care annually includes pedicures , stretching and tons -- literally -- of food']\n", - "center for elephant conservation sits on 200 acres of land in rural central florida , halfway between orlando and sarasota , off a nondescript country road .twenty-nine elephants currently live here , and 13 more will join the group by 2018 , after ringling bros. decided this year to stop using elephants in its traveling circus .\" you can walk around and you do n't hear anything , \" said kenneth feld , who opened the center in 1995 .\n", - "29 elephants currently live at the circus sanctuary , and 13 more will join by 2018the expansion comes after ringling bros. said it would stop using elephants in circus$ 65,000 worth of care annually includes pedicures , stretching and tons -- literally -- of food\n", - "[1.2424521 1.5579736 1.1047733 1.3252158 1.3880392 1.076254 1.0697433\n", - " 1.021567 1.0233604 1.0228382 1.0167631 1.0172765 1.0283085 1.02541\n", - " 1.0233202 1.0136523 1.0483495 1.0978975 1.143503 1.1277281 1.0440449\n", - " 1.0491396 1.1638259 1.0220033 0. 0. ]\n", - "\n", - "[ 1 4 3 0 22 18 19 2 17 5 6 21 16 20 12 13 8 14 9 23 7 11 10 15\n", - " 24 25]\n", - "=======================\n", - "['the driver , sam smith , begins filming with the tornado just a few hundred yards in front of him .this is the terrifying moment a gigantic tornado swept past a hapless motorist in illinois , who filmed it from his truckmr smith was travelling from minneapolis to indiana on business last thursday when the harrowing encounter took place .']\n", - "=======================\n", - "[\"extraordinary footage taken by driver on business trip to indianathe driver describes how the situation is ` totally crazy ' as he filmshe was talking to his son on the phone at the time , so tried to sound calm\"]\n", - "the driver , sam smith , begins filming with the tornado just a few hundred yards in front of him .this is the terrifying moment a gigantic tornado swept past a hapless motorist in illinois , who filmed it from his truckmr smith was travelling from minneapolis to indiana on business last thursday when the harrowing encounter took place .\n", - "extraordinary footage taken by driver on business trip to indianathe driver describes how the situation is ` totally crazy ' as he filmshe was talking to his son on the phone at the time , so tried to sound calm\n", - "[1.1270623 1.0763829 1.0549467 1.1121949 1.1158965 1.1375432 1.2236892\n", - " 1.168611 1.1029776 1.0397466 1.02825 1.046879 1.0451272 1.0189571\n", - " 1.0344228 1.1125599 1.0289127 1.044887 1.0355909 1.0335066 1.0347452\n", - " 1.0649921 1.0711081 1.0302474 1.0256119 1.0187492]\n", - "\n", - "[ 6 7 5 0 4 15 3 8 1 22 21 2 11 12 17 9 18 20 14 19 23 16 10 24\n", - " 13 25]\n", - "=======================\n", - "['the federal aviation administration now approves certain prescribed medication , allowing us to continue flying until depression is no longer a factor .as the world learns more about andreas lubitz , the co-pilot on germanwings flight 9525 , it is readily apparent that this young man had psychiatric issues far beyond clinical depression .( cnn ) most airline pilots have an above average ability to compartmentalize personal problems .']\n", - "=======================\n", - "[\"les abend : there were likely warning signs during the co-pilot 's traininghe says andreas lubitz had to go through many challenges to qualify to be a co-pilot\"]\n", - "the federal aviation administration now approves certain prescribed medication , allowing us to continue flying until depression is no longer a factor .as the world learns more about andreas lubitz , the co-pilot on germanwings flight 9525 , it is readily apparent that this young man had psychiatric issues far beyond clinical depression .( cnn ) most airline pilots have an above average ability to compartmentalize personal problems .\n", - "les abend : there were likely warning signs during the co-pilot 's traininghe says andreas lubitz had to go through many challenges to qualify to be a co-pilot\n", - "[1.2085254 1.5249131 1.2371163 1.1806262 1.327244 1.2218881 1.2557027\n", - " 1.0293719 1.0191185 1.0363932 1.0772947 1.209039 1.0106728 1.0079263\n", - " 1.1159847 1.0210263 1.0170155 1.2279863 1.0532882 1.007292 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 6 2 17 5 11 0 3 14 10 18 9 7 15 8 16 12 13 19 24 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"john brynarsky 's son chris , a custom paint job expert , was shot and killed in october 2006 after an argument in his car detail shop in union county , north carolina .his friend mark cosentino repaired the bumper and wrote an inscription on the inside dedicated to his slain friend before reattaching it to the carwhen he was shot , he fell over a bumper he was working on and damaged it .\"]\n", - "=======================\n", - "[\"chris byrnarsky was shot and killed in his custom detail shop in 2006his friend finished the bumper brynarsky was working on and wrote an inscription on the inside of it before putting it back on the carbrynarsky 's father john was working on a car in his body shop when he removed the bumper and found a message dedicated to his fallen son\"]\n", - "john brynarsky 's son chris , a custom paint job expert , was shot and killed in october 2006 after an argument in his car detail shop in union county , north carolina .his friend mark cosentino repaired the bumper and wrote an inscription on the inside dedicated to his slain friend before reattaching it to the carwhen he was shot , he fell over a bumper he was working on and damaged it .\n", - "chris byrnarsky was shot and killed in his custom detail shop in 2006his friend finished the bumper brynarsky was working on and wrote an inscription on the inside of it before putting it back on the carbrynarsky 's father john was working on a car in his body shop when he removed the bumper and found a message dedicated to his fallen son\n", - "[1.2900469 1.4434056 1.1297666 1.2546465 1.1359324 1.0975085 1.1268458\n", - " 1.110658 1.0354317 1.1468529 1.0277762 1.0510278 1.0677155 1.0337244\n", - " 1.0616142 1.1028942 1.0974016 1.0681933 1.0464134 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 9 4 2 6 7 15 5 16 17 12 14 11 18 8 13 10 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"managers from the london ambulance service , the largest in the nhs , have just filled 225 vacant posts with applicants from sydney and melbourne .ambulance bosses are routinely making a 21,500-mile round trip to australia to hire paramedics on # 4,500 ` golden hello ' payments because it is far cheaper than training them in britain .growing numbers of paramedics are quitting the nhs .\"]\n", - "=======================\n", - "[\"managers from the london ambulance service just filled 225 vacant postsapplicants all from sydney and melbourne recruited after one day of testslatest example of how nhs recruits overseas as it fails to train staff in ukhospital managers have been hiring batches of 30 nurses on trips to spainparamedics are being offered # 4,500 ` golden hellos ' if they agree to move to britain within three months .managers are so anxious to fill posts that 91 per cent of those who turned up to assessments were offered jobs .applicants told the mail they had been promised a ` new lifestyle ' that would enable them to gain valuable experience , visit distant relatives and ` shoot off ' to spain for the weekend .the few paramedics who did n't get jobs when managers first flew out in september were so keen they returned for the latest round of recruitment days -- and vowed to turn up a third time if they still were n't hired .managers claim they can save the nhs # 9million by flying out to australia rather than training paramedics in britain .\"]\n", - "managers from the london ambulance service , the largest in the nhs , have just filled 225 vacant posts with applicants from sydney and melbourne .ambulance bosses are routinely making a 21,500-mile round trip to australia to hire paramedics on # 4,500 ` golden hello ' payments because it is far cheaper than training them in britain .growing numbers of paramedics are quitting the nhs .\n", - "managers from the london ambulance service just filled 225 vacant postsapplicants all from sydney and melbourne recruited after one day of testslatest example of how nhs recruits overseas as it fails to train staff in ukhospital managers have been hiring batches of 30 nurses on trips to spainparamedics are being offered # 4,500 ` golden hellos ' if they agree to move to britain within three months .managers are so anxious to fill posts that 91 per cent of those who turned up to assessments were offered jobs .applicants told the mail they had been promised a ` new lifestyle ' that would enable them to gain valuable experience , visit distant relatives and ` shoot off ' to spain for the weekend .the few paramedics who did n't get jobs when managers first flew out in september were so keen they returned for the latest round of recruitment days -- and vowed to turn up a third time if they still were n't hired .managers claim they can save the nhs # 9million by flying out to australia rather than training paramedics in britain .\n", - "[1.1327405 1.4542433 1.2845657 1.1657184 1.3905337 1.0536642 1.0960262\n", - " 1.0420085 1.0169593 1.1287344 1.0411317 1.0550325 1.0957803 1.0924994\n", - " 1.0160507 1.0085938 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 3 0 9 6 12 13 11 5 7 10 8 14 15 23 22 21 20 16 18 17 24\n", - " 19 25]\n", - "=======================\n", - "[\"hundreds of survivalists and so-called ` preppers ' , of all ages and levels of ` experience ' , descended on the salt lake city , utah , suburb of sandy on friday for the nation 's first ever preppercon .during the two-day expo , they were shown specially-equipped underground bunkers , learned new methods of storing food , tried out solar powered flashlights - and even dressed up as zombies .they were also greeted by actors from the amc hit show ` the walking dead ' , including addy miller , who took pictures with fans and acted as a judge in an emergency preparedness food cook-off .\"]\n", - "=======================\n", - "[\"hundreds of survivalists and ` preppers ' gathered in utah suburb fridaylearned new ways to deal with zombie apocalypse or a natural disastershown underground bunkers , tactical weapons and an armed $ 2,500 motoped survival biketaught how to store food and dressed as zombies for special contestalso met actors from amc hit show the walking dead , like addy millerscott stallings , one of preppercon 's founders , said utah made sense for the first expo because of the mormon culture 's emphasis on self-reliance\"]\n", - "hundreds of survivalists and so-called ` preppers ' , of all ages and levels of ` experience ' , descended on the salt lake city , utah , suburb of sandy on friday for the nation 's first ever preppercon .during the two-day expo , they were shown specially-equipped underground bunkers , learned new methods of storing food , tried out solar powered flashlights - and even dressed up as zombies .they were also greeted by actors from the amc hit show ` the walking dead ' , including addy miller , who took pictures with fans and acted as a judge in an emergency preparedness food cook-off .\n", - "hundreds of survivalists and ` preppers ' gathered in utah suburb fridaylearned new ways to deal with zombie apocalypse or a natural disastershown underground bunkers , tactical weapons and an armed $ 2,500 motoped survival biketaught how to store food and dressed as zombies for special contestalso met actors from amc hit show the walking dead , like addy millerscott stallings , one of preppercon 's founders , said utah made sense for the first expo because of the mormon culture 's emphasis on self-reliance\n", - "[1.1934062 1.4441413 1.4206452 1.1894999 1.1398764 1.0878367 1.0405228\n", - " 1.0170296 1.0277277 1.0303469 1.031211 1.1737809 1.0118716 1.0742066\n", - " 1.0560396 1.0119249 1.0535533 1.015668 ]\n", - "\n", - "[ 1 2 0 3 11 4 5 13 14 16 6 10 9 8 7 17 15 12]\n", - "=======================\n", - "['award-winning photographer uruma takezawa has made a living discovering and documenting communities in the most remote areas around the globe .for his latest book , the japanese adventurer spent 1,021 days on the road , to capture amazing images on an odyssey that took him to 103 countries on four continents .they are the images that capture the faces and dramatic landscapes one photographer encountered during a 1000-day journey around the world .']\n", - "=======================\n", - "[\"uruma takezawa , a japanese photographer , has just won the third annual nikkei national geographic photo prizeformerly a marine photographer , takezawa 's latest project documents those who live off the land in harmonyhe embarked on a round-the-world photography trip in march 2010 , which took him to all corners of the world\"]\n", - "award-winning photographer uruma takezawa has made a living discovering and documenting communities in the most remote areas around the globe .for his latest book , the japanese adventurer spent 1,021 days on the road , to capture amazing images on an odyssey that took him to 103 countries on four continents .they are the images that capture the faces and dramatic landscapes one photographer encountered during a 1000-day journey around the world .\n", - "uruma takezawa , a japanese photographer , has just won the third annual nikkei national geographic photo prizeformerly a marine photographer , takezawa 's latest project documents those who live off the land in harmonyhe embarked on a round-the-world photography trip in march 2010 , which took him to all corners of the world\n", - "[1.1933907 1.2798332 1.1905742 1.3190718 1.163352 1.124214 1.1622038\n", - " 1.169402 1.0850905 1.079017 1.0926522 1.0841111 1.0460694 1.0808034\n", - " 1.0803132 1.0112096 0. 0. ]\n", - "\n", - "[ 3 1 0 2 7 4 6 5 10 8 11 13 14 9 12 15 16 17]\n", - "=======================\n", - "[\"the figures appear to vindicate david cameron 's ` mercantile ' foreign policy , which has seen him lead trade missions all over the world in order to refocus trade away from the eu 's struggling economies .it is the first time since records began that such sales of uk goods have outstripped those to the eu for six months in a row .previously they have beaten eu exports on a quarterly basis -- or three months -- but never for such a sustained period .\"]\n", - "=======================\n", - "[\"tony blair said leaving eu would cause ` significant damage ' to economysales of uk goods to ` rest of the world ' have outstripped europe for first timebut total sales overseas have fallen to the lowest level for nearly five yearsstrong pound and weak eurozone is ` acting like straitjacket ' on exporters\"]\n", - "the figures appear to vindicate david cameron 's ` mercantile ' foreign policy , which has seen him lead trade missions all over the world in order to refocus trade away from the eu 's struggling economies .it is the first time since records began that such sales of uk goods have outstripped those to the eu for six months in a row .previously they have beaten eu exports on a quarterly basis -- or three months -- but never for such a sustained period .\n", - "tony blair said leaving eu would cause ` significant damage ' to economysales of uk goods to ` rest of the world ' have outstripped europe for first timebut total sales overseas have fallen to the lowest level for nearly five yearsstrong pound and weak eurozone is ` acting like straitjacket ' on exporters\n", - "[1.1729367 1.1766343 1.2537278 1.0948958 1.2057165 1.1151638 1.1994523\n", - " 1.1353343 1.1655315 1.1289488 1.0879467 1.0471327 1.0222719 1.0288341\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 4 6 1 0 8 7 9 5 3 10 11 13 12 16 14 15 17]\n", - "=======================\n", - "['pelvic organ prolapse , or pop , occurs when tissue supporting the pelvic organs -- including the womb -- becomes weak , typically after childbirth .although up to half of women are thought to suffer to some degree , far fewer seek help , and many who do are offered just one solution : a hysterectomy .now , a leading gynaecologist has claimed thousands of patients may be undergoing the drastic operation needlessly .']\n", - "=======================\n", - "['pelvic organ prolapse occurs when tissue in the womb becomes weakmany who suffer the painful condition are only offered hysterectomiesbut the surgical removal of reproductive organs ends fertility in patientsnow one gynaecologist claims thousands undergo operation needlesslyjonathan broome says more should be offered half-hour key hole surgerysacrohysteropexy uses a sling to lift and hold the womb back in place']\n", - "pelvic organ prolapse , or pop , occurs when tissue supporting the pelvic organs -- including the womb -- becomes weak , typically after childbirth .although up to half of women are thought to suffer to some degree , far fewer seek help , and many who do are offered just one solution : a hysterectomy .now , a leading gynaecologist has claimed thousands of patients may be undergoing the drastic operation needlessly .\n", - "pelvic organ prolapse occurs when tissue in the womb becomes weakmany who suffer the painful condition are only offered hysterectomiesbut the surgical removal of reproductive organs ends fertility in patientsnow one gynaecologist claims thousands undergo operation needlesslyjonathan broome says more should be offered half-hour key hole surgerysacrohysteropexy uses a sling to lift and hold the womb back in place\n", - "[1.1394885 1.2012422 1.173727 1.4915131 1.193873 1.1093384 1.087974\n", - " 1.0504175 1.0404923 1.0409875 1.0914991 1.0282093 1.0338655 1.033114\n", - " 1.0277964 1.0373493 1.0164047 1.0369208]\n", - "\n", - "[ 3 1 4 2 0 5 10 6 7 9 8 15 17 12 13 11 14 16]\n", - "=======================\n", - "[\"richie benaud , pictured in january 2013 , has died at the age of 84 after a battle with skin cancerbenaud was first and foremost a television broadcaster , a man of unusually wry wit who once responded on air to colleague chris broad 's malapropism ( ` honestly , you run out of expletives when describing the fielding of jonty rhodes ' ) without skipping a beat : ` which particular one did you have in mind ? 'benaud was one of cricket 's great personalities and will be remembered for his dry wit and knowledge\"]\n", - "=======================\n", - "['richie benaud has died at the age of 84 after a short battle with skin cancerbenaud captained australia as a player before going into broadcastinghis commentary style became globally synonymous with cricketclick here for benaud tributes as the cricket world mourns his death']\n", - "richie benaud , pictured in january 2013 , has died at the age of 84 after a battle with skin cancerbenaud was first and foremost a television broadcaster , a man of unusually wry wit who once responded on air to colleague chris broad 's malapropism ( ` honestly , you run out of expletives when describing the fielding of jonty rhodes ' ) without skipping a beat : ` which particular one did you have in mind ? 'benaud was one of cricket 's great personalities and will be remembered for his dry wit and knowledge\n", - "richie benaud has died at the age of 84 after a short battle with skin cancerbenaud captained australia as a player before going into broadcastinghis commentary style became globally synonymous with cricketclick here for benaud tributes as the cricket world mourns his death\n", - "[1.1042777 1.5391889 1.3156165 1.3164364 1.0418036 1.2319268 1.0152144\n", - " 1.0484767 1.0801767 1.0655184 1.080444 1.0568235 1.028971 1.0366106\n", - " 1.0609288 1.0540714 1.1537023 1.0572689]\n", - "\n", - "[ 1 3 2 5 16 0 10 8 9 14 17 11 15 7 4 13 12 6]\n", - "=======================\n", - "[\"cuban bikini babe kathy ferreiro , 21 , is vying to steal kim kardashian 's crown for having the curviest booty in america .cuban beauty kathy ferreiro has proved a hit on social media with fans loving photos of her curves , which the miami-based bikini-loving babe says are 100 per cent naturalthe miami-based latina , who has already been dubbed the ` cuban kim kardashian ' by the city 's fashion crowd , is well known for strutting her stuff on the region 's balmy beaches .\"]\n", - "=======================\n", - "[\"cuban-born kathy ferreiro 's curves have attracted fans on social mediabikini-loving beach babe says photos of her booty are all naturalmiami-based party girl is hoping to become next kim kardashianhas a huge following in colombia and other latin american countries\"]\n", - "cuban bikini babe kathy ferreiro , 21 , is vying to steal kim kardashian 's crown for having the curviest booty in america .cuban beauty kathy ferreiro has proved a hit on social media with fans loving photos of her curves , which the miami-based bikini-loving babe says are 100 per cent naturalthe miami-based latina , who has already been dubbed the ` cuban kim kardashian ' by the city 's fashion crowd , is well known for strutting her stuff on the region 's balmy beaches .\n", - "cuban-born kathy ferreiro 's curves have attracted fans on social mediabikini-loving beach babe says photos of her booty are all naturalmiami-based party girl is hoping to become next kim kardashianhas a huge following in colombia and other latin american countries\n", - "[1.2269588 1.4896467 1.1543018 1.3631251 1.1991944 1.1339383 1.1362606\n", - " 1.0736845 1.1846179 1.0590647 1.0489402 1.112088 1.039312 1.0514712\n", - " 1.0636443 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 8 2 6 5 11 7 14 9 13 10 12 16 15 17]\n", - "=======================\n", - "[\"luis andres cuyun , 30 , was riding in a car when two suspected mara salvatrucha members opened fired on him and his driver , who was injured in the attack .the director of a jail for juvenile gang members was gunned down in the streets by prisoners ' fellow criminals as he made his way to work on friday .guatemalan mario alfonso aguilar , 18 , who is known as marito , was also arrested for the attack on friday after a police chase , according to prensa libre .\"]\n", - "=======================\n", - "[\"luis andres cuyun , 30 , who ran las gaviotas facility in guatemala city , shot dead by attackers who later said they were ordered to do the hitcuyun and his social welfare official companion fired back at the attackersjuan carlos medina luna , 29 , and mario alfonso aguilar , 18 , arrestedgang said that its members were abused inside cuyun 's jail\"]\n", - "luis andres cuyun , 30 , was riding in a car when two suspected mara salvatrucha members opened fired on him and his driver , who was injured in the attack .the director of a jail for juvenile gang members was gunned down in the streets by prisoners ' fellow criminals as he made his way to work on friday .guatemalan mario alfonso aguilar , 18 , who is known as marito , was also arrested for the attack on friday after a police chase , according to prensa libre .\n", - "luis andres cuyun , 30 , who ran las gaviotas facility in guatemala city , shot dead by attackers who later said they were ordered to do the hitcuyun and his social welfare official companion fired back at the attackersjuan carlos medina luna , 29 , and mario alfonso aguilar , 18 , arrestedgang said that its members were abused inside cuyun 's jail\n", - "[1.4372857 1.4950973 1.4044439 1.4029322 1.247676 1.0164665 1.0103363\n", - " 1.0141226 1.0160091 1.1233181 1.0221579 1.1065358 1.0887369 1.2284708\n", - " 1.0306691 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 13 9 11 12 14 10 5 8 7 6 15 16 17]\n", - "=======================\n", - "[\"the striker has scored 31 times for mk dons and wolves - just one ahead of tottenham hotshot kane .benik afobe insists he feels ` unstoppable ' as he bids to beat harry kane to become the country 's top scorer this season .afobe bagged 19 goals on loan at mk dons before january - including two in their 4-0 league cup win over manchester united - and has added 12 more since joining wolves from arsenal on a permanent deal .\"]\n", - "=======================\n", - "[\"benik afobe is aiming to become the country 's leading goal scorerthe wolves striker says he feels ` unstoppable ' at the momentafobe has scored 31 times this season , one more than harry kane\"]\n", - "the striker has scored 31 times for mk dons and wolves - just one ahead of tottenham hotshot kane .benik afobe insists he feels ` unstoppable ' as he bids to beat harry kane to become the country 's top scorer this season .afobe bagged 19 goals on loan at mk dons before january - including two in their 4-0 league cup win over manchester united - and has added 12 more since joining wolves from arsenal on a permanent deal .\n", - "benik afobe is aiming to become the country 's leading goal scorerthe wolves striker says he feels ` unstoppable ' at the momentafobe has scored 31 times this season , one more than harry kane\n", - "[1.6442292 1.3354118 1.1524875 1.4133458 1.2079201 1.0222267 1.0100062\n", - " 1.0108318 1.0115286 1.017037 1.0241702 1.025779 1.0824714 1.0355024\n", - " 1.0280229 1.0523907 1.0422523 0. ]\n", - "\n", - "[ 0 3 1 4 2 12 15 16 13 14 11 10 5 9 8 7 6 17]\n", - "=======================\n", - "[\"gary hooper came off the bench to snatch a dramatic stoppage-time winner to keep norwich city on track for automatic promotion in the sky bet championship after neil lennon 's battling bolton came within minutes of gaining a point .gary hooper celebrates after earning norwich three points with a stoppage-time winner against boltonformer celtic star hooper 's goal sparked jubilant scenes on the canaries bench in contrast to the dejection of his one-time parkhead boss neil lennon .\"]\n", - "=======================\n", - "[\"norwich beat bolton 2-1 at the macron stadium in the championshipgraham dorrans gave the visitors the lead inside 10 minutesadam le fondre drew neil lennon 's side level after 18gary hooper won the game for norwich in the closing momentsnorwich remain second ahead of watford on goal difference\"]\n", - "gary hooper came off the bench to snatch a dramatic stoppage-time winner to keep norwich city on track for automatic promotion in the sky bet championship after neil lennon 's battling bolton came within minutes of gaining a point .gary hooper celebrates after earning norwich three points with a stoppage-time winner against boltonformer celtic star hooper 's goal sparked jubilant scenes on the canaries bench in contrast to the dejection of his one-time parkhead boss neil lennon .\n", - "norwich beat bolton 2-1 at the macron stadium in the championshipgraham dorrans gave the visitors the lead inside 10 minutesadam le fondre drew neil lennon 's side level after 18gary hooper won the game for norwich in the closing momentsnorwich remain second ahead of watford on goal difference\n", - "[1.1918173 1.3727616 1.1838337 1.2275444 1.1548188 1.157428 1.0682769\n", - " 1.082044 1.10987 1.1710705 1.0666896 1.0775592 1.0630676 1.0272678\n", - " 1.0515405 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 9 5 4 8 7 11 6 10 12 14 13 16 15 17]\n", - "=======================\n", - "[\"footage of the brief contest was captured on a property near the amber mountain national park on the northern edge of madagascar .the more aggressive of the two ( right ) chases his rival out of the tree and along a concrete wallchameleons are known for their ability to change colours and blend in , but these two had no trouble spotting each other 's ambitions in a fierce battle for a female mate .\"]\n", - "=======================\n", - "['brief clash occurred near amber mountain national park in madagascarfootage shows the pair sizing each other up before one strikesthe more aggressive of the two takes a huge bite out of his foedefeated chameleon wriggles free and then tries to escape along a wall']\n", - "footage of the brief contest was captured on a property near the amber mountain national park on the northern edge of madagascar .the more aggressive of the two ( right ) chases his rival out of the tree and along a concrete wallchameleons are known for their ability to change colours and blend in , but these two had no trouble spotting each other 's ambitions in a fierce battle for a female mate .\n", - "brief clash occurred near amber mountain national park in madagascarfootage shows the pair sizing each other up before one strikesthe more aggressive of the two takes a huge bite out of his foedefeated chameleon wriggles free and then tries to escape along a wall\n", - "[1.2524304 1.5454597 1.3726455 1.1384771 1.1972282 1.1274285 1.0448283\n", - " 1.0279948 1.0251768 1.0250072 1.1574441 1.0284277 1.0373513 1.0372074\n", - " 1.0386226 1.1541388 1.0601166 1.0459135]\n", - "\n", - "[ 1 2 0 4 10 15 3 5 16 17 6 14 12 13 11 7 8 9]\n", - "=======================\n", - "[\"vietnamese labourer pham quang lanh , 28 , had a metal plate inserted over his skull after being struck by an iron bar on a building site .but the botched operation caused his head to become swollen with a potentially deadly infection .it was only when he asked family to look at the wound that they noticed a dozen maggots crawling under the skin and they took him to the hanoi 's viet duc hospital .\"]\n", - "=======================\n", - "['labourer pham quang lanh had metal plate inserted in head after injurybut the surgery caused his head to swell with a potentially fatal infectionfamily spotted maggot infestation after he repeatedly complained of painsurgeons say the maggots had eaten the infected tissue but not his brain']\n", - "vietnamese labourer pham quang lanh , 28 , had a metal plate inserted over his skull after being struck by an iron bar on a building site .but the botched operation caused his head to become swollen with a potentially deadly infection .it was only when he asked family to look at the wound that they noticed a dozen maggots crawling under the skin and they took him to the hanoi 's viet duc hospital .\n", - "labourer pham quang lanh had metal plate inserted in head after injurybut the surgery caused his head to swell with a potentially fatal infectionfamily spotted maggot infestation after he repeatedly complained of painsurgeons say the maggots had eaten the infected tissue but not his brain\n", - "[1.5418048 1.4420121 1.1150367 1.0731813 1.4843245 1.1973644 1.0273755\n", - " 1.0910243 1.0331565 1.0176224 1.0239369 1.2195718 1.2538015 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 12 11 5 2 7 3 8 6 10 9 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"welsh international elliot kear is back in rugby league after signing for championship club london broncos .elliot kear will return to rugby league 's championship with london broncos after a season with welshthe 26-year-old winger or full-back has spent most of the year playing rugby union for london welsh after leaving bradford at the end of last season .\"]\n", - "=======================\n", - "[\"elliot kear played for premiership rugby 's relegated london welshhe joined the oxford-based rugby club from super league 's bradfordkear could line up for the broncos as soon as sunday against dewsbury\"]\n", - "welsh international elliot kear is back in rugby league after signing for championship club london broncos .elliot kear will return to rugby league 's championship with london broncos after a season with welshthe 26-year-old winger or full-back has spent most of the year playing rugby union for london welsh after leaving bradford at the end of last season .\n", - "elliot kear played for premiership rugby 's relegated london welshhe joined the oxford-based rugby club from super league 's bradfordkear could line up for the broncos as soon as sunday against dewsbury\n", - "[1.1411489 1.4300985 1.2138518 1.4423405 1.13921 1.3265393 1.0278307\n", - " 1.044897 1.0285321 1.0349175 1.0478177 1.0288501 1.038915 1.0316161\n", - " 1.0428207 1.0304981 1.0775452 1.0413688 1.0174885 1.0192751]\n", - "\n", - "[ 3 1 5 2 0 4 16 10 7 14 17 12 9 13 15 11 8 6 19 18]\n", - "=======================\n", - "['larung gar buddhist academy is home to 40,000 monks and nuns , who travel to the settlement of sertar to study tibetan buddhismamong the green rolling hills in the larung gar valley in china , the last thing you would expect to see in the countryside are thousands of red wooden huts that have been built in a massive cluster .the red and brown houses are nearly identical , with one to three rooms per hut and no heating or toilets installed']\n", - "=======================\n", - "['the larung gar buddhist academy in china has basic amenities for the 40,000 monks and nuns who stay therethe secluded location is 370 miles from chengdu and has grown dramatically since its creationtvs are banned , and the huts of monks and nuns are segregated by a winding road through the middle']\n", - "larung gar buddhist academy is home to 40,000 monks and nuns , who travel to the settlement of sertar to study tibetan buddhismamong the green rolling hills in the larung gar valley in china , the last thing you would expect to see in the countryside are thousands of red wooden huts that have been built in a massive cluster .the red and brown houses are nearly identical , with one to three rooms per hut and no heating or toilets installed\n", - "the larung gar buddhist academy in china has basic amenities for the 40,000 monks and nuns who stay therethe secluded location is 370 miles from chengdu and has grown dramatically since its creationtvs are banned , and the huts of monks and nuns are segregated by a winding road through the middle\n", - "[1.1030741 1.1691227 1.3310969 1.4327408 1.1410432 1.0945737 1.1716942\n", - " 1.0124859 1.3043041 1.1781081 1.1532344 1.0577937 1.0431169 1.013429\n", - " 1.0068871 1.0110363 1.0254719 1.026387 1.1091937 1.0507956]\n", - "\n", - "[ 3 2 8 9 6 1 10 4 18 0 5 11 19 12 17 16 13 7 15 14]\n", - "=======================\n", - "[\"burnley defender stephen ward should be back in contention for sunday 's barclays premier league clash against tottenham after overcoming an ankle injury .burnley vs tottenham hotspur ( turf moor )full-back danny rose will be assessed after returning early from an england call-up with hamstring and hip issues .\"]\n", - "=======================\n", - "['stephen ward in contention for burnley after overcoming ankle injurymatt taylor close to return having been out since augusttottenham hotspur without goalkeeper hugo lloris through knee injurydanny rose and roberto soldado also fitness concerns for spurs']\n", - "burnley defender stephen ward should be back in contention for sunday 's barclays premier league clash against tottenham after overcoming an ankle injury .burnley vs tottenham hotspur ( turf moor )full-back danny rose will be assessed after returning early from an england call-up with hamstring and hip issues .\n", - "stephen ward in contention for burnley after overcoming ankle injurymatt taylor close to return having been out since augusttottenham hotspur without goalkeeper hugo lloris through knee injurydanny rose and roberto soldado also fitness concerns for spurs\n", - "[1.4514767 1.3312976 1.2781024 1.3372028 1.099585 1.1572722 1.0724106\n", - " 1.0514643 1.0465018 1.0477477 1.3133631 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 10 2 5 4 6 7 9 8 11 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"john carver will turn to siem de jong in a bid to save newcastle 's sorry season .the # 6million summer signing suffered a collapsed lung in february and it was initially feared he would miss the remainder of the campaign , especially as it was the second time he had fallen victim to the problem .de jong has started just one premier league game since arriving from ajax and he was only days away from a return to action following a five-month layoff with a torn thigh muscle when he was diagnosed with the collapsed lung .\"]\n", - "=======================\n", - "['siem de jong has been out of action since the end of augustthe # 6m summer signing suffered a collapsed lung in februaryde jong was ruled out for the rest of the season but is close to full fitness']\n", - "john carver will turn to siem de jong in a bid to save newcastle 's sorry season .the # 6million summer signing suffered a collapsed lung in february and it was initially feared he would miss the remainder of the campaign , especially as it was the second time he had fallen victim to the problem .de jong has started just one premier league game since arriving from ajax and he was only days away from a return to action following a five-month layoff with a torn thigh muscle when he was diagnosed with the collapsed lung .\n", - "siem de jong has been out of action since the end of augustthe # 6m summer signing suffered a collapsed lung in februaryde jong was ruled out for the rest of the season but is close to full fitness\n", - "[1.2900275 1.3168917 1.2592199 1.2321241 1.2728924 1.2094216 1.06452\n", - " 1.0791926 1.041651 1.0503899 1.0369835 1.0676311 1.1175516 1.0375252\n", - " 1.0671222 1.0617051 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 5 12 7 11 14 6 15 9 8 13 10 18 16 17 19]\n", - "=======================\n", - "[\"the defiant 61-year-old former prime minister said he had ` decades ' still in him and joked that he would ` turn to drink ' if he ever stepped down from his multitude of global roles .tony blair has said he does not want to retire until he is 91 -- as he unveiled plans to set up a ` cadre ' of ex-leaders to advise governments around the world .mr blair said his latest ambition is to recruit former heads of government to advise presidents and prime ministers on how to run their countries\"]\n", - "=======================\n", - "[\"the former prime minister claimed he has ` decades ' of work left in himjoked he would ` turn to drink ' if he ever stepped down from global roleswants to recruit former government heads to advise current leadershe was ` mentored ' by us president bill clinton when he started in 1997\"]\n", - "the defiant 61-year-old former prime minister said he had ` decades ' still in him and joked that he would ` turn to drink ' if he ever stepped down from his multitude of global roles .tony blair has said he does not want to retire until he is 91 -- as he unveiled plans to set up a ` cadre ' of ex-leaders to advise governments around the world .mr blair said his latest ambition is to recruit former heads of government to advise presidents and prime ministers on how to run their countries\n", - "the former prime minister claimed he has ` decades ' of work left in himjoked he would ` turn to drink ' if he ever stepped down from global roleswants to recruit former government heads to advise current leadershe was ` mentored ' by us president bill clinton when he started in 1997\n", - "[1.2452061 1.4142737 1.3840678 1.3312182 1.1290979 1.1448219 1.095317\n", - " 1.0450097 1.0716746 1.0375674 1.1267492 1.0682886 1.1485041 1.0334389\n", - " 1.0125855 1.0100935 1.0464642 1.0219232 0. 0. ]\n", - "\n", - "[ 1 2 3 0 12 5 4 10 6 8 11 16 7 9 13 17 14 15 18 19]\n", - "=======================\n", - "['the former brookside actress gave birth to son jaxton in september and admits she has struggled to regain her pre-baby figure .claire , 44 , has now enlisted the help of susan hepburn , who famously helped lily allen slim form a size 14 to an 8 .new mother claire sweeney has turned to hypnotherapist susan hepburn to help her shed two stone']\n", - "=======================\n", - "[\"actress , 44 , gave birth to son jaxton in september and wants to shift 2sthas sought the help of susan hepburn who helped lily allen slim 3 sizesclaire says she wants to ` sort her binge mentality 'says she ` went on a binge at a pal 's birthday and made herself feel sick 'she has had one session so far and says she can already see results\"]\n", - "the former brookside actress gave birth to son jaxton in september and admits she has struggled to regain her pre-baby figure .claire , 44 , has now enlisted the help of susan hepburn , who famously helped lily allen slim form a size 14 to an 8 .new mother claire sweeney has turned to hypnotherapist susan hepburn to help her shed two stone\n", - "actress , 44 , gave birth to son jaxton in september and wants to shift 2sthas sought the help of susan hepburn who helped lily allen slim 3 sizesclaire says she wants to ` sort her binge mentality 'says she ` went on a binge at a pal 's birthday and made herself feel sick 'she has had one session so far and says she can already see results\n", - "[1.3319983 1.3490835 1.4510797 1.4814541 1.2941844 1.0722721 1.0384299\n", - " 1.0447797 1.0226774 1.0178276 1.0110472 1.0960662 1.0250933 1.0497377\n", - " 1.0226065 1.016115 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 0 4 11 5 13 7 6 12 8 14 9 15 10 18 16 17 19]\n", - "=======================\n", - "[\"manchester united captain wayne rooney feels the club are on course to qualify for the champions leaguejuan mata 's brace earned united a deserved 2-1 triumph at anfield to give them a buffer over the reds , as well as fellow top-four contenders southampton and tottenham .louis van gaal 's side sit fourth in the barclays premier league standings as the season enters the closing stages , boasting a five-point cushion over the chasing pack after winning so impressively at liverpool before the international break .\"]\n", - "=======================\n", - "['manchester united captain wayne rooney says his side are focused on qualifying for the champions leagueman utd are currently fourth in the premier league table after a 2-1 win over rivals liverpool at anfield last time outthe red devils take on aston villa in their next game at old traffordrooney has just captained england in an international friendly against italyhis man united team-mate michael carrick has been singled out for his performance for the three lions in turinclick here for the latest manchester united news']\n", - "manchester united captain wayne rooney feels the club are on course to qualify for the champions leaguejuan mata 's brace earned united a deserved 2-1 triumph at anfield to give them a buffer over the reds , as well as fellow top-four contenders southampton and tottenham .louis van gaal 's side sit fourth in the barclays premier league standings as the season enters the closing stages , boasting a five-point cushion over the chasing pack after winning so impressively at liverpool before the international break .\n", - "manchester united captain wayne rooney says his side are focused on qualifying for the champions leagueman utd are currently fourth in the premier league table after a 2-1 win over rivals liverpool at anfield last time outthe red devils take on aston villa in their next game at old traffordrooney has just captained england in an international friendly against italyhis man united team-mate michael carrick has been singled out for his performance for the three lions in turinclick here for the latest manchester united news\n", - "[1.3236942 1.3109481 1.2361836 1.167325 1.124562 1.1165818 1.1339606\n", - " 1.04116 1.0467623 1.0637918 1.0517727 1.0899082 1.1096601 1.091059\n", - " 1.0513889 1.1206285 1.053521 1.0457139 0. 0. ]\n", - "\n", - "[ 0 1 2 3 6 4 15 5 12 13 11 9 16 10 14 8 17 7 18 19]\n", - "=======================\n", - "[\"the police van in which freddie gray supposedly sustained his fatal injuries does not come with a bolt sticking out from the back door , chevrolet has confirmed .designs from the car maker show that the chevrolet express - the vehicle used by the baltimore police department - is smooth on the inside of both cage doors .chevrolet spokesman michael albano confirmed to daily mail online that the standard issue chevrolet express police transport van has bolts that are built into the door and do n't stick out .\"]\n", - "=======================\n", - "[\"medical examiner 's report described how gray may have injured necktheory claimed he fell forward while cuffed and hit his head on a boltbut specifications for the chevrolet express van show no such boltphotographs of other baltimore police also contradict theorygray 's spine was somehow severed while in police custody on april 12\"]\n", - "the police van in which freddie gray supposedly sustained his fatal injuries does not come with a bolt sticking out from the back door , chevrolet has confirmed .designs from the car maker show that the chevrolet express - the vehicle used by the baltimore police department - is smooth on the inside of both cage doors .chevrolet spokesman michael albano confirmed to daily mail online that the standard issue chevrolet express police transport van has bolts that are built into the door and do n't stick out .\n", - "medical examiner 's report described how gray may have injured necktheory claimed he fell forward while cuffed and hit his head on a boltbut specifications for the chevrolet express van show no such boltphotographs of other baltimore police also contradict theorygray 's spine was somehow severed while in police custody on april 12\n", - "[1.1013805 1.0998662 1.2776676 1.3398682 1.2135291 1.3991436 1.1973782\n", - " 1.0112851 1.2960031 1.0998977 1.0629953 1.0879819 1.0149384 1.0102211\n", - " 1.0109167 1.0207362 1.0343405 1.154711 0. 0. ]\n", - "\n", - "[ 5 3 8 2 4 6 17 0 9 1 11 10 16 15 12 7 14 13 18 19]\n", - "=======================\n", - "[\"swansea 's jefferson montero ( right ) suffered a muscle strain during ecuador 's 1-0 defeat by mexico in a los angeles friendly on saturdayswansea will make a late check on ecuador winger jefferson montero before hull 's barclays premier league visit to the liberty stadium on saturday .mohamed diame and james chester will make their long-awaited returns to the hull squad for saturday 's trip to swansea .\"]\n", - "=======================\n", - "['jefferson montero to have fitness test after picking up injury with ecuadortom carroll ruled out for swansea after damaging ankle ligamentsmohamed diame and james chester to return following long lay-offsgaston ramirez also set to play a role despite carrying slight knock']\n", - "swansea 's jefferson montero ( right ) suffered a muscle strain during ecuador 's 1-0 defeat by mexico in a los angeles friendly on saturdayswansea will make a late check on ecuador winger jefferson montero before hull 's barclays premier league visit to the liberty stadium on saturday .mohamed diame and james chester will make their long-awaited returns to the hull squad for saturday 's trip to swansea .\n", - "jefferson montero to have fitness test after picking up injury with ecuadortom carroll ruled out for swansea after damaging ankle ligamentsmohamed diame and james chester to return following long lay-offsgaston ramirez also set to play a role despite carrying slight knock\n", - "[1.1942127 1.4161148 1.276217 1.2715968 1.232608 1.1051512 1.0939369\n", - " 1.1437001 1.0519508 1.0584021 1.0480057 1.0960243 1.0324901 1.1718125\n", - " 1.0850352 1.0534338 1.0460341 1.1099541 1.0356144 1.0072547]\n", - "\n", - "[ 1 2 3 4 0 13 7 17 5 11 6 14 9 15 8 10 16 18 12 19]\n", - "=======================\n", - "[\"channel 7 perth news reporter monique dirksz got the scoop on cousins ' arrest when she was the only journalist outside freemantle police station at 2am on march 12 when he was released on bail .the troubled star was arrested on march 11 over an alleged low-speed chase from bicton to mosman park , in perth .first class constable daniel jamieson is said to have been dating ms dirksz at the time and is accused of divulging information that gave her a particular advantage , wa today reports .\"]\n", - "=======================\n", - "[\"channel 7 perth reporter monique dirksz got the scoop on cousins ' arrestshe was the only journalist outside freemantle police station at 2amconstable daniel jamieson is said to have been dating her at the timehe has been charged with four counts of disclosing official secretsthe policeman allegedly looked up the information on a police computercousins was arrested on march 11 over an alleged low-speed chase` hundreds ' of officers are said to have unlawfully accessed the documentspolice also reportedly looked at the files of former afl player daniel keeran internal investigation is currently underway\"]\n", - "channel 7 perth news reporter monique dirksz got the scoop on cousins ' arrest when she was the only journalist outside freemantle police station at 2am on march 12 when he was released on bail .the troubled star was arrested on march 11 over an alleged low-speed chase from bicton to mosman park , in perth .first class constable daniel jamieson is said to have been dating ms dirksz at the time and is accused of divulging information that gave her a particular advantage , wa today reports .\n", - "channel 7 perth reporter monique dirksz got the scoop on cousins ' arrestshe was the only journalist outside freemantle police station at 2amconstable daniel jamieson is said to have been dating her at the timehe has been charged with four counts of disclosing official secretsthe policeman allegedly looked up the information on a police computercousins was arrested on march 11 over an alleged low-speed chase` hundreds ' of officers are said to have unlawfully accessed the documentspolice also reportedly looked at the files of former afl player daniel keeran internal investigation is currently underway\n", - "[1.2784104 1.3828206 1.2590218 1.3705688 1.0822997 1.1133907 1.1247623\n", - " 1.0726488 1.1220416 1.058554 1.0849366 1.1227218 1.0646268 1.0638905\n", - " 1.0340292 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 2 6 11 8 5 10 4 7 12 13 9 14 20 15 16 17 18 19 21]\n", - "=======================\n", - "['fa chairman dyke must find # 30million to fund his masterplan to reform grassroots football with more 3g pitches in urban coaching hubs , and has identified the non-league national team as an area of potential saving .fa chairman greg dyke could axe the england c team to save money to help improve grassroots footballengland c , which has operated under different names since it was formed in 1979 , is managed by former barnet boss paul fairclough , who selects from players outside the football league , aged 23 and under .']\n", - "=======================\n", - "['greg dyke could axe the england c team to find the needed # 30millionthe fa chairman needs the money to help with his grassroots planspremier league player george boyd played for the non-league team']\n", - "fa chairman dyke must find # 30million to fund his masterplan to reform grassroots football with more 3g pitches in urban coaching hubs , and has identified the non-league national team as an area of potential saving .fa chairman greg dyke could axe the england c team to save money to help improve grassroots footballengland c , which has operated under different names since it was formed in 1979 , is managed by former barnet boss paul fairclough , who selects from players outside the football league , aged 23 and under .\n", - "greg dyke could axe the england c team to find the needed # 30millionthe fa chairman needs the money to help with his grassroots planspremier league player george boyd played for the non-league team\n", - "[1.3617189 1.2662008 1.2487918 1.0986124 1.1540903 1.2612277 1.2418731\n", - " 1.1664839 1.0653503 1.075398 1.1223881 1.061063 1.0157287 1.060727\n", - " 1.0776719 1.0732454 1.0566539 1.0245558 1.0651556 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 5 2 6 7 4 10 3 14 9 15 8 18 11 13 16 17 12 20 19 21]\n", - "=======================\n", - "[\"ufc light heavyweight champion jon jones ran from a crash that hospitalised a pregnant woman - but quickly came back to grab ' a large handful of cash ' from the car , witnesses told police .according to police , the accident occurred in southeastern albuquerque just before noon on sunday local time when the driver of a rented suv jumped a red light .the driver , whom an off-duty officer identified as jones , ran from the scene but then returned for the cash before fleeing again , police said .\"]\n", - "=======================\n", - "['ufc light heavyweight champion jon jones ran from a crash that hospitalised a pregnant woman , witnesses told policeaccording to police , the accident occurred in albuquerque just before noon on sunday when the driver of a rented suv jumped a red lightthe driver , whom an off-duty officer identified as jones , ran from the scene but then returned for the cash before fleeing again , police saidjones is widely considered the best pound-for-pound mixed martial artist']\n", - "ufc light heavyweight champion jon jones ran from a crash that hospitalised a pregnant woman - but quickly came back to grab ' a large handful of cash ' from the car , witnesses told police .according to police , the accident occurred in southeastern albuquerque just before noon on sunday local time when the driver of a rented suv jumped a red light .the driver , whom an off-duty officer identified as jones , ran from the scene but then returned for the cash before fleeing again , police said .\n", - "ufc light heavyweight champion jon jones ran from a crash that hospitalised a pregnant woman , witnesses told policeaccording to police , the accident occurred in albuquerque just before noon on sunday when the driver of a rented suv jumped a red lightthe driver , whom an off-duty officer identified as jones , ran from the scene but then returned for the cash before fleeing again , police saidjones is widely considered the best pound-for-pound mixed martial artist\n", - "[1.3513786 1.0837759 1.0828027 1.2819773 1.1630291 1.1824574 1.2222027\n", - " 1.0294605 1.0214099 1.0213462 1.1617923 1.1683387 1.0532932 1.0328496\n", - " 1.2948551 1.0279883 1.0311232 1.0349826 1.0521826 1.0498307 1.0294392\n", - " 1.033978 ]\n", - "\n", - "[ 0 14 3 6 5 11 4 10 1 2 12 18 19 17 21 13 16 7 20 15 8 9]\n", - "=======================\n", - "['dani alves posted a picture of himself with his trousers down on his instagram account on thursday .barcelona defender alves has been sounded out by manchester united over a move to old trafforddani alves , out of contract at the end of the campaign , is pictured training for barcelona on friday']\n", - "=======================\n", - "[\"dani alves is out of contract at barcelona at the end of the seasonmanchester united are interested in bringing the brazilian to old traffordthey are believed to have offered a three-year contract to the defenderbarcelona are however , now keen to keep hold of the 32-year-old starread : agent confirms dani alves has rejected club 's final contract offerclick here for all the latest manchester united news\"]\n", - "dani alves posted a picture of himself with his trousers down on his instagram account on thursday .barcelona defender alves has been sounded out by manchester united over a move to old trafforddani alves , out of contract at the end of the campaign , is pictured training for barcelona on friday\n", - "dani alves is out of contract at barcelona at the end of the seasonmanchester united are interested in bringing the brazilian to old traffordthey are believed to have offered a three-year contract to the defenderbarcelona are however , now keen to keep hold of the 32-year-old starread : agent confirms dani alves has rejected club 's final contract offerclick here for all the latest manchester united news\n", - "[1.2180889 1.4951372 1.2506623 1.233135 1.1227547 1.0717808 1.0481616\n", - " 1.1087892 1.0238692 1.0644995 1.0885726 1.2130046 1.043768 1.0747983\n", - " 1.0547413 1.0239836 1.146176 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 0 11 16 4 7 10 13 5 9 14 6 12 15 8 20 17 18 19 21]\n", - "=======================\n", - "['christopher whitmore , 36 , pulled up behind to where his wife was parked with their son grayden in the backseat and killed his child before turning the gun on melissa ball , 27 , and then himself .police said ball and whitmore had a history of domestic issues and were separated - but at this stage it is unclear what motivated the horrific shooting in varnell .a husband sot dead his eight-year-old son and wife before killing himself at a gas station in georgia last night .']\n", - "=======================\n", - "['melissa ball was parked at gas station with son grayden in the backseatchristopher whitmore pulled up beside car , shooting his son and then wifecouple had history of domestic issues but motivation for killing not known']\n", - "christopher whitmore , 36 , pulled up behind to where his wife was parked with their son grayden in the backseat and killed his child before turning the gun on melissa ball , 27 , and then himself .police said ball and whitmore had a history of domestic issues and were separated - but at this stage it is unclear what motivated the horrific shooting in varnell .a husband sot dead his eight-year-old son and wife before killing himself at a gas station in georgia last night .\n", - "melissa ball was parked at gas station with son grayden in the backseatchristopher whitmore pulled up beside car , shooting his son and then wifecouple had history of domestic issues but motivation for killing not known\n", - "[1.3937285 1.3515735 1.1896312 1.3558391 1.2349875 1.151478 1.0449338\n", - " 1.0361685 1.0883352 1.0526317 1.0690926 1.0665967 1.0822879 1.05654\n", - " 1.0546923 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 4 2 5 8 12 10 11 13 14 9 6 7 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"noelle reno , socialite , reality tv star and former fiancee of businessman scot young , has broken her silence almost four months to the day since his death .she confirms she had split up with her partner of five years before he fell out of her fourth-floor flat window in london 's marylebone on to the railings below .the tycoon was killed after falling 60ft from his multi-million pound apartment onto metal railings ( pictured )\"]\n", - "=======================\n", - "[\"noelle reno believes former fiancee intended to jump from london homescot young , 52 , died after falling and becoming impaled on metal railingsms reno , reality tv star , said in blog he ` unexpectedly committed suicide 'others have speculated that russian gangs were involved in his death\"]\n", - "noelle reno , socialite , reality tv star and former fiancee of businessman scot young , has broken her silence almost four months to the day since his death .she confirms she had split up with her partner of five years before he fell out of her fourth-floor flat window in london 's marylebone on to the railings below .the tycoon was killed after falling 60ft from his multi-million pound apartment onto metal railings ( pictured )\n", - "noelle reno believes former fiancee intended to jump from london homescot young , 52 , died after falling and becoming impaled on metal railingsms reno , reality tv star , said in blog he ` unexpectedly committed suicide 'others have speculated that russian gangs were involved in his death\n", - "[1.1727223 1.5790254 1.3270882 1.3617748 1.2048105 1.134829 1.0290725\n", - " 1.0225435 1.0355608 1.0227706 1.0660652 1.0209397 1.0384982 1.198921\n", - " 1.1251881 1.053753 1.0838208 1.0378975 1.0269243 1.0172046 1.0304356\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 4 13 0 5 14 16 10 15 12 17 8 20 6 18 9 7 11 19 21 22]\n", - "=======================\n", - "[\"chip shop worker jeannie flynn , 53 , lay stricken in the basement of a fulham cafe as bricks fell down on top of her - but miraculously she was not seriously injured .ms flynn was in a state of sheer panic as she heard concerned passers-by screaming ` get her out because it 's all going to collapse ' .a woman has described the terrifying moment she plunged 10ft underground after a pavement opened up beneath her on a busy southwest london street .\"]\n", - "=======================\n", - "[\"jeannie flynn has spoken of terror as people screamed about saving herchip shop worker , 53 , said bricks were falling all around her after she fellonlookers describe her ` disappearing ' down a hole on busy road in fulhamshe ended up in cafe basement but miraculously was not seriously injured\"]\n", - "chip shop worker jeannie flynn , 53 , lay stricken in the basement of a fulham cafe as bricks fell down on top of her - but miraculously she was not seriously injured .ms flynn was in a state of sheer panic as she heard concerned passers-by screaming ` get her out because it 's all going to collapse ' .a woman has described the terrifying moment she plunged 10ft underground after a pavement opened up beneath her on a busy southwest london street .\n", - "jeannie flynn has spoken of terror as people screamed about saving herchip shop worker , 53 , said bricks were falling all around her after she fellonlookers describe her ` disappearing ' down a hole on busy road in fulhamshe ended up in cafe basement but miraculously was not seriously injured\n", - "[1.1568253 1.4571108 1.2354938 1.3527586 1.2887921 1.2101208 1.146896\n", - " 1.0844557 1.0329486 1.0144057 1.0248815 1.0557655 1.150666 1.0273308\n", - " 1.0515467 1.0361502 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 4 2 5 0 12 6 7 11 14 15 8 13 10 9 21 16 17 18 19 20 22]\n", - "=======================\n", - "['they say as many as 1 in 8 will suffer injuries serious enough that they will need to miss at least seven training sessions or matches .the government wants rugby to be played more at school as part of plans to increase competitive sports , to curb rising levels of obesity .these range from bruises and sprains to fractures , torn ligaments and at worst , concussion and damage to the brain and spinal cord .']\n", - "=======================\n", - "[\"injuries sustained in rugby can range from bruises to spinal cord damageacademics say government plans to increase school rugby games is riskyprofessor 's son suffered horrendous injuries playing the sport aged 14allyson pollock wants to see an end to tackling and scrums in the game\"]\n", - "they say as many as 1 in 8 will suffer injuries serious enough that they will need to miss at least seven training sessions or matches .the government wants rugby to be played more at school as part of plans to increase competitive sports , to curb rising levels of obesity .these range from bruises and sprains to fractures , torn ligaments and at worst , concussion and damage to the brain and spinal cord .\n", - "injuries sustained in rugby can range from bruises to spinal cord damageacademics say government plans to increase school rugby games is riskyprofessor 's son suffered horrendous injuries playing the sport aged 14allyson pollock wants to see an end to tackling and scrums in the game\n", - "[1.3320228 1.4239475 1.3623036 1.4571141 1.4245178 1.1136957 1.0201277\n", - " 1.0156513 1.0146285 1.0202193 1.0257251 1.053933 1.0095608 1.0131371\n", - " 1.038514 1.0085394 1.015689 1.021341 1.1818013 1.2513392 1.0210669\n", - " 1.0172331 1.0100296]\n", - "\n", - "[ 3 4 1 2 0 19 18 5 11 14 10 17 20 9 6 21 16 7 8 13 22 12 15]\n", - "=======================\n", - "[\"daniel sturridge may not play again this season because of a series of calf and thigh injuriessturridge will miss liverpool 's trip to face hull city on tuesday night because of injury problemsbrendan rodgers has vowed to do ` what is best ' for daniel sturridge as the liverpool striker 's injury misery shows no sign of relenting .\"]\n", - "=======================\n", - "[\"daniel sturridge 's calf and thigh injuries show no sign of relentingthe striker will yet again be absent for tuesday night 's clash with hullbrendan rodgers is unsure whether sturridge will play again this seasonrodgers says he will bring in more players to relieve burden next season\"]\n", - "daniel sturridge may not play again this season because of a series of calf and thigh injuriessturridge will miss liverpool 's trip to face hull city on tuesday night because of injury problemsbrendan rodgers has vowed to do ` what is best ' for daniel sturridge as the liverpool striker 's injury misery shows no sign of relenting .\n", - "daniel sturridge 's calf and thigh injuries show no sign of relentingthe striker will yet again be absent for tuesday night 's clash with hullbrendan rodgers is unsure whether sturridge will play again this seasonrodgers says he will bring in more players to relieve burden next season\n", - "[1.5000315 1.3792952 1.3690959 1.2098328 1.1443875 1.2458078 1.118096\n", - " 1.0214852 1.020088 1.0254965 1.0408288 1.0289946 1.0195745 1.1855624\n", - " 1.0567281 1.0210092 1.0129744 1.0157913 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 5 3 13 4 6 14 10 11 9 7 15 8 12 17 16 21 18 19 20 22]\n", - "=======================\n", - "[\"tony pulis is plotting talks with west bromwich albion chairman jeremy peace once premier league safety is secured to ensure the club can become a top-ten team again .pulis said west brom has ` gone off the rails ' in recent seasons and needs fundamental improvements to get back on track .west brom finished 10th and 8th under roy hodgson and steve clarke before struggling for survival in a chaotic campaign last season before finishing 17th .\"]\n", - "=======================\n", - "[\"west brom finished 10th and 8th under roy hodgson and steve clarkethe baggies finished 17th in last season 's premier leaguetony pulis wants to do extensive business in the summer market\"]\n", - "tony pulis is plotting talks with west bromwich albion chairman jeremy peace once premier league safety is secured to ensure the club can become a top-ten team again .pulis said west brom has ` gone off the rails ' in recent seasons and needs fundamental improvements to get back on track .west brom finished 10th and 8th under roy hodgson and steve clarke before struggling for survival in a chaotic campaign last season before finishing 17th .\n", - "west brom finished 10th and 8th under roy hodgson and steve clarkethe baggies finished 17th in last season 's premier leaguetony pulis wants to do extensive business in the summer market\n", - "[1.4068283 1.3341076 1.3440301 1.3843999 1.1910341 1.094099 1.0814433\n", - " 1.1298907 1.0345156 1.0643804 1.0596559 1.0747607 1.0322596 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 2 1 4 7 5 6 11 9 10 8 12 21 13 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "['zarina diyas and heather watson were the seeded casualties on the first day of main-draw action at the family circle cup in charleston .heather watson crashed out in charleston after a narrow victory to donna vekicbritish number one watson , seeded 16th , gave up 14 break points and lost her serve seven times en route to a 6-3 4-6 7-5 defeat to croatian teen donna vekic in a hard-fought match lasting more than two and a half hours .']\n", - "=======================\n", - "['the british no 1 was edged out in a keenly fought contest which lasted two-and-a-half hoursvekic won 6-3 , 4-6 , 7-5 to eliminate the 16th seedshe will play either madison brengle or edina gallovits-hall']\n", - "zarina diyas and heather watson were the seeded casualties on the first day of main-draw action at the family circle cup in charleston .heather watson crashed out in charleston after a narrow victory to donna vekicbritish number one watson , seeded 16th , gave up 14 break points and lost her serve seven times en route to a 6-3 4-6 7-5 defeat to croatian teen donna vekic in a hard-fought match lasting more than two and a half hours .\n", - "the british no 1 was edged out in a keenly fought contest which lasted two-and-a-half hoursvekic won 6-3 , 4-6 , 7-5 to eliminate the 16th seedshe will play either madison brengle or edina gallovits-hall\n", - "[1.1526296 1.4192245 1.3684247 1.2322142 1.156649 1.0630435 1.1129198\n", - " 1.0144243 1.0819378 1.1019018 1.1733472 1.0790944 1.0921628 1.0747405\n", - " 1.0622966 1.0151507 1.0139353 1.011076 ]\n", - "\n", - "[ 1 2 3 10 4 0 6 9 12 8 11 13 5 14 15 7 16 17]\n", - "=======================\n", - "[\"photographs taken today in micheldever woods , hampshire , show the flowers in full bloom weeks earlier than expected after an unseasonably warm start to the season .but the fine weather by much of the country is set to be replaced by april showers this weekend , with forecasters warning britons ` not to put the cagoules away just yet ' .parts of northern scotland could even see daytime temperatures drop to 10c by monday and there is a chance of snow on higher ground .\"]\n", - "=======================\n", - "['photographs taken in micheldever woods , hampshire , show flowers in full bloom after unseasonably warm weekbut fine and dry weather seen by much of the country is set to be replaced by widespread showers this weekendthere is a chance of hail and thunderstorms in the south and wintry showers on higher ground in northern scotland']\n", - "photographs taken today in micheldever woods , hampshire , show the flowers in full bloom weeks earlier than expected after an unseasonably warm start to the season .but the fine weather by much of the country is set to be replaced by april showers this weekend , with forecasters warning britons ` not to put the cagoules away just yet ' .parts of northern scotland could even see daytime temperatures drop to 10c by monday and there is a chance of snow on higher ground .\n", - "photographs taken in micheldever woods , hampshire , show flowers in full bloom after unseasonably warm weekbut fine and dry weather seen by much of the country is set to be replaced by widespread showers this weekendthere is a chance of hail and thunderstorms in the south and wintry showers on higher ground in northern scotland\n", - "[1.2266487 1.4905272 1.2018508 1.2432867 1.3265393 1.0886741 1.0763997\n", - " 1.0677682 1.0765061 1.0808573 1.1111399 1.0722598 1.0661125 1.050727\n", - " 1.0268981 1.0435685 1.019709 0. ]\n", - "\n", - "[ 1 4 3 0 2 10 5 9 8 6 11 7 12 13 15 14 16 17]\n", - "=======================\n", - "['kenneth morgan stancil iii , 20 , was arrested around 1.30 a.m. on tuesday when he was seen sleeping in daytona beach , florida , goldsboro police captain dwayne dean said .the arrest came nearly 24 hours after he allegedly walked into wayne county community college in goldsboro , where he had previously studied , and shot dead the print shop director , ron lane .a white supremacist who allegedly shot dead his gay boss at a north carolina community college after he was fired has been found sleeping on a florida beach .']\n", - "=======================\n", - "[\"kenneth morgan stancil iii was arrested sleeping on beach in daytona beach early on tuesday morningat 8am on monday , he ` walked into wayne county community college in goldsboro and shot dead the print shop director ron lane 'the school was placed on lockdown and it is not yet clear how stancil traveled the 540 miles south to daytona beachhe had previously attended the school and lane had supervised him under a work-study program ; stancil had left the school without graduatingstancil lists ` white power ' as his interests on facebook and has white supremacist tattoos , including an ' 88 ' to signify ` heil hitler 'he will now be extradited back to north carolina\"]\n", - "kenneth morgan stancil iii , 20 , was arrested around 1.30 a.m. on tuesday when he was seen sleeping in daytona beach , florida , goldsboro police captain dwayne dean said .the arrest came nearly 24 hours after he allegedly walked into wayne county community college in goldsboro , where he had previously studied , and shot dead the print shop director , ron lane .a white supremacist who allegedly shot dead his gay boss at a north carolina community college after he was fired has been found sleeping on a florida beach .\n", - "kenneth morgan stancil iii was arrested sleeping on beach in daytona beach early on tuesday morningat 8am on monday , he ` walked into wayne county community college in goldsboro and shot dead the print shop director ron lane 'the school was placed on lockdown and it is not yet clear how stancil traveled the 540 miles south to daytona beachhe had previously attended the school and lane had supervised him under a work-study program ; stancil had left the school without graduatingstancil lists ` white power ' as his interests on facebook and has white supremacist tattoos , including an ' 88 ' to signify ` heil hitler 'he will now be extradited back to north carolina\n", - "[1.235286 1.5764854 1.1342187 1.4441869 1.1475956 1.0213279 1.0247656\n", - " 1.0948244 1.101757 1.0324857 1.0511302 1.1318786 1.0805131 1.0644923\n", - " 1.0431867 1.0250187 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 11 8 7 12 13 10 14 9 15 6 5 16 17]\n", - "=======================\n", - "[\"luke lazarus , a 23-year-old former private school boy , was jailed for at least three years on march 27 for raping an 18-year-old virgin in an alleyway outside his father 's soho nightclub in kings cross , inner sydney in may 2013 .the son of a well known nightclub owner who bragged about taking a girl 's virginity in an alley is appealing his rape conviction .in the victim 's impact statement , which was read out at court on her behalf , the woman said she will never be the same following the brutal attack . '\"]\n", - "=======================\n", - "[\"luke lazarus was convicted of raping an 18-year-old at soho nightclubthe 23-year-old sydney man was sentenced to a minimum of three yearshe then bragged about it to a mate via a text message next day after attacklazarus ' lawyers are now appealing his convictionthis comes as waverley mayor sally betts wrote a reference for himliberal mayor asked for him not to receive a custodial sentencesays she is trying to ` close loophole ' of ` risky behaviour ' in young women\"]\n", - "luke lazarus , a 23-year-old former private school boy , was jailed for at least three years on march 27 for raping an 18-year-old virgin in an alleyway outside his father 's soho nightclub in kings cross , inner sydney in may 2013 .the son of a well known nightclub owner who bragged about taking a girl 's virginity in an alley is appealing his rape conviction .in the victim 's impact statement , which was read out at court on her behalf , the woman said she will never be the same following the brutal attack . '\n", - "luke lazarus was convicted of raping an 18-year-old at soho nightclubthe 23-year-old sydney man was sentenced to a minimum of three yearshe then bragged about it to a mate via a text message next day after attacklazarus ' lawyers are now appealing his convictionthis comes as waverley mayor sally betts wrote a reference for himliberal mayor asked for him not to receive a custodial sentencesays she is trying to ` close loophole ' of ` risky behaviour ' in young women\n", - "[1.408679 1.2346802 1.1408138 1.2240834 1.2444785 1.2008492 1.1651404\n", - " 1.1192946 1.1961014 1.050579 1.0186484 1.0262275 1.0173309 1.0744357\n", - " 1.0558519 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 3 5 8 6 2 7 13 14 9 11 10 12 16 15 17]\n", - "=======================\n", - "['( cnn ) anthony doerr \\'s \" all the light we can not see , \" a novel centered on the world war ii bombing of st.-malo , france , and two characters on opposite sides of the war , won the pulitzer prize for fiction monday .it \\'s his second novel and fourth work of fiction , including two short story collections .doerr \\'s novel had received rave reviews upon its release last spring .']\n", - "=======================\n", - "['anthony doerr \\'s \" all the light we can not see \" wins pulitzer for fictionelizabeth kolbert \\'s \" the sixth extinction \" wins general nonfiction prize']\n", - "( cnn ) anthony doerr 's \" all the light we can not see , \" a novel centered on the world war ii bombing of st.-malo , france , and two characters on opposite sides of the war , won the pulitzer prize for fiction monday .it 's his second novel and fourth work of fiction , including two short story collections .doerr 's novel had received rave reviews upon its release last spring .\n", - "anthony doerr 's \" all the light we can not see \" wins pulitzer for fictionelizabeth kolbert 's \" the sixth extinction \" wins general nonfiction prize\n", - "[1.2629147 1.3386705 1.3254428 1.2343746 1.2490711 1.1791949 1.1321582\n", - " 1.0790981 1.0325637 1.0174073 1.0185894 1.1025764 1.0775815 1.0751013\n", - " 1.0501658 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 3 5 6 11 7 12 13 14 8 10 9 16 15 17]\n", - "=======================\n", - "[\"the battle between lenders has intensified in recent months , plunging home loan rates to their lowest in history .but the mortgage wars will erupt again next week after hsbc announced a 1.99 per cent interest rate on a five-year fix .the mortgage market has reached a ` watershed ' moment with the launch of the first five-year fixed rate below 2 per cent .\"]\n", - "=======================\n", - "[\"battle between lenders has intensified recently , causing rates to plummethsbc have now announced 1.99 % interest deal on a five-year fix mortgageoffer expected to spark flood of rate cuts by banks and building societiesexperts have described cheapest deal ever of its kind as ` astonishing '\"]\n", - "the battle between lenders has intensified in recent months , plunging home loan rates to their lowest in history .but the mortgage wars will erupt again next week after hsbc announced a 1.99 per cent interest rate on a five-year fix .the mortgage market has reached a ` watershed ' moment with the launch of the first five-year fixed rate below 2 per cent .\n", - "battle between lenders has intensified recently , causing rates to plummethsbc have now announced 1.99 % interest deal on a five-year fix mortgageoffer expected to spark flood of rate cuts by banks and building societiesexperts have described cheapest deal ever of its kind as ` astonishing '\n", - "[1.2867312 1.2906082 1.4398353 1.1711372 1.1860895 1.1307026 1.132411\n", - " 1.1440033 1.0820411 1.0347388 1.0179543 1.0598425 1.0518126 1.0277697\n", - " 1.2095994 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 14 4 3 7 6 5 8 11 12 9 13 10 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the ukip leader called on conservatives to vote tactically for him in seats where they can not win in order to help keep the tory leader as prime minister .nigel farage last night held out an olive branch to david cameron as he said he wanted to work with him to prevent a possible labour government .aiming high : nigel farage visits an army veterans ' centre near sandwich in kent today\"]\n", - "=======================\n", - "[\"nigel farage called on tories to vote tactically in seats they can not winhe also dropped demand tories ditch cameron before post election dealukip leader said many were closer to position of wanting an eu referendumfarage says he 's held informal talks with tories about post election deal\"]\n", - "the ukip leader called on conservatives to vote tactically for him in seats where they can not win in order to help keep the tory leader as prime minister .nigel farage last night held out an olive branch to david cameron as he said he wanted to work with him to prevent a possible labour government .aiming high : nigel farage visits an army veterans ' centre near sandwich in kent today\n", - "nigel farage called on tories to vote tactically in seats they can not winhe also dropped demand tories ditch cameron before post election dealukip leader said many were closer to position of wanting an eu referendumfarage says he 's held informal talks with tories about post election deal\n", - "[1.1383017 1.4823611 1.3470017 1.1857469 1.1519636 1.1683621 1.1319424\n", - " 1.081574 1.0559925 1.0284553 1.0537717 1.031168 1.029765 1.0245916\n", - " 1.0579597 1.0430064 1.0235281 1.0215249 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 5 4 0 6 7 14 8 10 15 11 12 9 13 16 17 18 19 20]\n", - "=======================\n", - "[\"french photographer and illustrator , thomas lamadieu , takes snaps of the sky in courtyards and built-up areas to create a frame of buildings .the space in between then acts as a canvas for his playful illustrations which he has dubbed ` sky art ' .on his website thomas says that his artistic aim is to ` show a different perception of urban architecture and the everyday environment around us , what we can construct with a boundless imagination ' .\"]\n", - "=======================\n", - "['french artist thomas lamadieu combines photography and illustration to create clever imageryhe takes photographs of the sky in urban locations around the worldthe buildings in the photographs act as a frame for him to draw on abstract illustrations']\n", - "french photographer and illustrator , thomas lamadieu , takes snaps of the sky in courtyards and built-up areas to create a frame of buildings .the space in between then acts as a canvas for his playful illustrations which he has dubbed ` sky art ' .on his website thomas says that his artistic aim is to ` show a different perception of urban architecture and the everyday environment around us , what we can construct with a boundless imagination ' .\n", - "french artist thomas lamadieu combines photography and illustration to create clever imageryhe takes photographs of the sky in urban locations around the worldthe buildings in the photographs act as a frame for him to draw on abstract illustrations\n", - "[1.4457846 1.446852 1.188904 1.4318328 1.251272 1.1999832 1.0428964\n", - " 1.089673 1.0140446 1.0138414 1.0140762 1.2308418 1.0510116 1.0423084\n", - " 1.0365522 1.0282259 1.0094799 1.1021485 1.0389994 1.0140185 1.0100684]\n", - "\n", - "[ 1 0 3 4 11 5 2 17 7 12 6 13 18 14 15 10 8 19 9 20 16]\n", - "=======================\n", - "['the 27-year-old bared all to those at the hyland race colours plate in canterbury , austalia as he attempted to ride miss royale to victory .jockey blake shinn rode his pants off in the opening race of a meeting in sydney .the 27-year-ol shinn was forced to ride more than 200 metres to the finish line with his pants down']\n", - "=======================\n", - "[\"jockey blake shinn lost his pants while riding down the home straight` the pants went ... and there was nothing i could do , ' he said afterwardsshinn , atop miss royale , only managed to finish second in the raceacting chief steward greg rudolph said he had never seen anything like it\"]\n", - "the 27-year-old bared all to those at the hyland race colours plate in canterbury , austalia as he attempted to ride miss royale to victory .jockey blake shinn rode his pants off in the opening race of a meeting in sydney .the 27-year-ol shinn was forced to ride more than 200 metres to the finish line with his pants down\n", - "jockey blake shinn lost his pants while riding down the home straight` the pants went ... and there was nothing i could do , ' he said afterwardsshinn , atop miss royale , only managed to finish second in the raceacting chief steward greg rudolph said he had never seen anything like it\n", - "[1.2221708 1.4820169 1.3351719 1.1434456 1.1762016 1.2344158 1.0653225\n", - " 1.0923833 1.076636 1.0401111 1.0523539 1.0648483 1.0728371 1.0639989\n", - " 1.0363401 1.089899 1.0113477 1.1131215 0. 0. 0. ]\n", - "\n", - "[ 1 2 5 0 4 3 17 7 15 8 12 6 11 13 10 9 14 16 19 18 20]\n", - "=======================\n", - "[\"bounkham ` bou bou ' phonesavanh suffered serious burns to his face and had his nipple blown off in the may incident .his family says the medical bills have surpassed $ 1 million .the phonesavanh family came to the settlement with habersham county , georgia late last month and announced it this week .\"]\n", - "=======================\n", - "[\"family of bounkham ` bou bou ' phonesavanh settled with habersham county , georgia late last month for $ 964k for his pain and sufferingin may 2014 , swat police in search of a drug dealer they believed was living at the phonesavanh home tossed a grenade in bou bou 's cribwhile those officers were cleared of wrongdoing in october , bou bou 's medical care has surpassed $ 1million and he still needs more surgery\"]\n", - "bounkham ` bou bou ' phonesavanh suffered serious burns to his face and had his nipple blown off in the may incident .his family says the medical bills have surpassed $ 1 million .the phonesavanh family came to the settlement with habersham county , georgia late last month and announced it this week .\n", - "family of bounkham ` bou bou ' phonesavanh settled with habersham county , georgia late last month for $ 964k for his pain and sufferingin may 2014 , swat police in search of a drug dealer they believed was living at the phonesavanh home tossed a grenade in bou bou 's cribwhile those officers were cleared of wrongdoing in october , bou bou 's medical care has surpassed $ 1million and he still needs more surgery\n", - "[1.1110622 1.2468286 1.3857148 1.1747344 1.2620583 1.1394306 1.0819733\n", - " 1.2476135 1.117134 1.0851034 1.128971 1.1338171 1.0433841 1.0282488\n", - " 1.0305539 1.0166798 1.0157154 0. 0. 0. 0. ]\n", - "\n", - "[ 2 4 7 1 3 5 11 10 8 0 9 6 12 14 13 15 16 19 17 18 20]\n", - "=======================\n", - "['italian bio-designers mhox has unveiled project is has been working on to 3d print organic tissues to produce working body parts that can replace the eyes of people suffering from disease .the mhox eye concept ( above ) is designed to replace and even enhance the vision compared to a normal eyethe team behind mhox say their synthetic eyes , which include lenses that improves the image sharpness and can put filters over the vision , could be available by 2027 .']\n", - "=======================\n", - "['italian designers have unveiled a concept for a bio-printed synthetic eyethey say enhanced retina could increase vision to make images sharperfiltering signals to the brain to produce vintage or black and white effectscurrently just a concept , the designers say it could be available by 2027']\n", - "italian bio-designers mhox has unveiled project is has been working on to 3d print organic tissues to produce working body parts that can replace the eyes of people suffering from disease .the mhox eye concept ( above ) is designed to replace and even enhance the vision compared to a normal eyethe team behind mhox say their synthetic eyes , which include lenses that improves the image sharpness and can put filters over the vision , could be available by 2027 .\n", - "italian designers have unveiled a concept for a bio-printed synthetic eyethey say enhanced retina could increase vision to make images sharperfiltering signals to the brain to produce vintage or black and white effectscurrently just a concept , the designers say it could be available by 2027\n", - "[1.156734 1.4136512 1.1876122 1.0900651 1.3071213 1.1796374 1.051888\n", - " 1.0188565 1.030126 1.0209986 1.0282869 1.2822568 1.0765138 1.0399065\n", - " 1.146714 1.025784 1.0271592 1.0197581 1.0601612 1.0735915 0. ]\n", - "\n", - "[ 1 4 11 2 5 0 14 3 12 19 18 6 13 8 10 16 15 9 17 7 20]\n", - "=======================\n", - "[\"between real madrid , bayern munich , barcelona and juventus , the big-eared trophy has been lifted 21 times .javier hernandez 's late winner against atletico madrid sent real madrid into the champions league semiscristiano ronaldo is looking for his third champions league trophy and second in a row with real\"]\n", - "=======================\n", - "['barcelona , bayern munich , juventus and real madrid make up last fourreal madrid looking for their 11th title and to retain their crownbarcelona have won three champions leagues since 2006the two spanish giants have never met in the champions league finaltheir meetings this season have resulted in one win apiecewho will win the champions league ?cristiano ronaldo , lionel messi and luiz adriano battle to be top scorer']\n", - "between real madrid , bayern munich , barcelona and juventus , the big-eared trophy has been lifted 21 times .javier hernandez 's late winner against atletico madrid sent real madrid into the champions league semiscristiano ronaldo is looking for his third champions league trophy and second in a row with real\n", - "barcelona , bayern munich , juventus and real madrid make up last fourreal madrid looking for their 11th title and to retain their crownbarcelona have won three champions leagues since 2006the two spanish giants have never met in the champions league finaltheir meetings this season have resulted in one win apiecewho will win the champions league ?cristiano ronaldo , lionel messi and luiz adriano battle to be top scorer\n", - "[1.2575049 1.4462738 1.0509286 1.164724 1.3083894 1.1832929 1.2667462\n", - " 1.1564013 1.0835669 1.0201092 1.0210941 1.0175395 1.0616492 1.038598\n", - " 1.182094 1.0641236 1.0838964 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 6 0 5 14 3 7 16 8 15 12 2 13 10 9 11 19 17 18 20]\n", - "=======================\n", - "[\"taya kyle told abc 's robin roberts she gathered her son , colton and daughter , mckenna and prepared to tell them . 'recovery : taya has given an interview to 20/20s robin roberts about her life since eddie ray routh was convicted of killing her husband , american sniper , chris kylethe widow of us navy seal chris kyle has revealed the painful moment she first broke the news to their two children that their father had been murdered .\"]\n", - "=======================\n", - "[\"taya kyle , 40 remembers crying as she told her young son and daughterreveals the difficult moment for new upcoming abc 20/20 shownavy seal chris kyle was shot dead in february 2013 by eddie ray routhrouth was convicted of murder and sentenced to life without parole in februarytaya kyle will release new book in may called , ` american wife : a memoir of love , war , faith and renewal '\"]\n", - "taya kyle told abc 's robin roberts she gathered her son , colton and daughter , mckenna and prepared to tell them . 'recovery : taya has given an interview to 20/20s robin roberts about her life since eddie ray routh was convicted of killing her husband , american sniper , chris kylethe widow of us navy seal chris kyle has revealed the painful moment she first broke the news to their two children that their father had been murdered .\n", - "taya kyle , 40 remembers crying as she told her young son and daughterreveals the difficult moment for new upcoming abc 20/20 shownavy seal chris kyle was shot dead in february 2013 by eddie ray routhrouth was convicted of murder and sentenced to life without parole in februarytaya kyle will release new book in may called , ` american wife : a memoir of love , war , faith and renewal '\n", - "[1.2370536 1.470857 1.456444 1.1976608 1.2171313 1.1084248 1.0490676\n", - " 1.1882635 1.1423311 1.1745214 1.0165542 1.0299277 1.0196344 1.0114251\n", - " 1.0196431 1.1070306 1.0258697 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 3 7 9 8 5 15 6 11 16 14 12 10 13 19 17 18 20]\n", - "=======================\n", - "['the preserved remains were discovered in a cardboard box by street cleaners in north-western peru .the mummy , thought to date back to 1100 ad , was found wrapped in rope and dumped inside the box in front of an archaeological dig in the city of trujillo .a cleaner who feared a body he found was a murder victim had in fact found a 900-year-old mummy .']\n", - "=======================\n", - "['the stolen peruvian mummy was abandoned by archaeological dig sitestreet cleaners found the remains in a box and called policebelieved stolen from chan chan capital of the chimu empire']\n", - "the preserved remains were discovered in a cardboard box by street cleaners in north-western peru .the mummy , thought to date back to 1100 ad , was found wrapped in rope and dumped inside the box in front of an archaeological dig in the city of trujillo .a cleaner who feared a body he found was a murder victim had in fact found a 900-year-old mummy .\n", - "the stolen peruvian mummy was abandoned by archaeological dig sitestreet cleaners found the remains in a box and called policebelieved stolen from chan chan capital of the chimu empire\n", - "[1.4342625 1.2755532 1.2198228 1.3117312 1.1286345 1.1921439 1.0290675\n", - " 1.020217 1.0288482 1.0227728 1.0892861 1.0483993 1.059602 1.05675\n", - " 1.0674344 1.0513896 1.1383966 1.2364864 1.0185419 1.0107332 1.0636858]\n", - "\n", - "[ 0 3 1 17 2 5 16 4 10 14 20 12 13 15 11 6 8 9 7 18 19]\n", - "=======================\n", - "[\"rio ferdinand believes louis van gaal 's decision to return wayne rooney to his favoured attacking role has led to the manchester united 's upturn in performance levels .rio ferdiand ( right ) believes that manchester united are at their strongest with wayne rooney in attackwriting in his column in the sun ahead of the manchester derby on sunday , ferdinand , now at queens park rangers , revealed his belief that rooney playing as a striker is fundamental to united hitting fifth gear .\"]\n", - "=======================\n", - "[\"rio ferdinand says manchester united need wayne rooney in attackhe believes rooney 's form has been key to their upturn in performancesferdinand said united 's 2-1 win at anfield shows they are ` on to something 'manchester united vs manchester united : the expert view of the derbyclick here for all the latest manchester united news\"]\n", - "rio ferdinand believes louis van gaal 's decision to return wayne rooney to his favoured attacking role has led to the manchester united 's upturn in performance levels .rio ferdiand ( right ) believes that manchester united are at their strongest with wayne rooney in attackwriting in his column in the sun ahead of the manchester derby on sunday , ferdinand , now at queens park rangers , revealed his belief that rooney playing as a striker is fundamental to united hitting fifth gear .\n", - "rio ferdinand says manchester united need wayne rooney in attackhe believes rooney 's form has been key to their upturn in performancesferdinand said united 's 2-1 win at anfield shows they are ` on to something 'manchester united vs manchester united : the expert view of the derbyclick here for all the latest manchester united news\n", - "[1.3030777 1.2554139 1.1629397 1.3899962 1.2165953 1.1180081 1.0834514\n", - " 1.049186 1.095727 1.0468792 1.1304687 1.1063068 1.1056145 1.1665665\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 13 2 10 5 11 12 8 6 7 9 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"mystery : police in oregon are enlisting the help of the public to identify a mystery motorcyclist who saved the day after edward west , 59 ( photographed ) allegedly threatened two teens with a handgunin a scene worthy of a stan lee comic , a man allegedly pulled a gun on two teenagers in salem telling them , ` get ready to die . 'just then , a stranger on a green motorcycle swooped in and used his helmet to knock the gun out of the man 's hands , allowing the teens to escape .\"]\n", - "=======================\n", - "[\"oregon police are looking for the mystery motorcyclist who saved two boys from a gunman , edward westwest allegedly confronted the boys after an argument and told them to ` get ready to die 'the rider swooped in and used his helmet to knock the gun from west 's hands , allowing the boys to escape unharmed\"]\n", - "mystery : police in oregon are enlisting the help of the public to identify a mystery motorcyclist who saved the day after edward west , 59 ( photographed ) allegedly threatened two teens with a handgunin a scene worthy of a stan lee comic , a man allegedly pulled a gun on two teenagers in salem telling them , ` get ready to die . 'just then , a stranger on a green motorcycle swooped in and used his helmet to knock the gun out of the man 's hands , allowing the teens to escape .\n", - "oregon police are looking for the mystery motorcyclist who saved two boys from a gunman , edward westwest allegedly confronted the boys after an argument and told them to ` get ready to die 'the rider swooped in and used his helmet to knock the gun from west 's hands , allowing the boys to escape unharmed\n", - "[1.3616495 1.2942988 1.2227072 1.1292915 1.0537115 1.2812154 1.1859406\n", - " 1.0364387 1.1644926 1.0598423 1.0617077 1.0644729 1.0580664 1.0652387\n", - " 1.0490233 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 2 6 8 3 13 11 10 9 12 4 14 7 19 15 16 17 18 20]\n", - "=======================\n", - "[\"the university of michigan yanked an upcoming screening of the oscar-nominated drama american sniper over student complaints but quickly did an about-face after news of the cancellation sparked a firestorm on campus .the school tweeted out a statement saying the ` decision to cancel not consistent w/high value @umich places on freedom of expression . 'that tweet was linked to a statement by e. royster harper , the school 's vice president for student life , acknowledging that it was ` a mistake ' to call off the screening .\"]\n", - "=======================\n", - "[\"center for campus involvement announced cancellation tuesday in response to complaints about portrayals of arabs in the filmsophomore lamees mekkaoui started a petition saying the subject of the film , late navy seal chris kyle , was ` mass killer ' and ' a racist 'university apologized and said american sniper will be replaced at friday 's mixer with pg-rated children 's film paddingtonconservative student group started competing petition calling on u of m to screen the iraq war dramafootball coach jim harbaugh weighed in and said the team was ` proud ' of chris kyle and would screen the film for players\"]\n", - "the university of michigan yanked an upcoming screening of the oscar-nominated drama american sniper over student complaints but quickly did an about-face after news of the cancellation sparked a firestorm on campus .the school tweeted out a statement saying the ` decision to cancel not consistent w/high value @umich places on freedom of expression . 'that tweet was linked to a statement by e. royster harper , the school 's vice president for student life , acknowledging that it was ` a mistake ' to call off the screening .\n", - "center for campus involvement announced cancellation tuesday in response to complaints about portrayals of arabs in the filmsophomore lamees mekkaoui started a petition saying the subject of the film , late navy seal chris kyle , was ` mass killer ' and ' a racist 'university apologized and said american sniper will be replaced at friday 's mixer with pg-rated children 's film paddingtonconservative student group started competing petition calling on u of m to screen the iraq war dramafootball coach jim harbaugh weighed in and said the team was ` proud ' of chris kyle and would screen the film for players\n", - "[1.3750644 1.2455744 1.1272064 1.07976 1.1207176 1.0878104 1.0940853\n", - " 1.1289172 1.1034914 1.0993179 1.0849671 1.0465686 1.0351528 1.0201043\n", - " 1.0850927 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 7 2 4 8 9 6 5 14 10 3 11 12 13 15 16 17 18 19 20]\n", - "=======================\n", - "['( cnn ) president barack obama took part in a roundtable discussion this week on climate change , refocusing on the issue from a public health vantage point .after the event at washington \\'s howard university on tuesday , obama sat down with me for a one-on-one interview .he credits the clean air act with making americans \" a lot \" healthier , in addition to being able to \" see the mountains in the background because they are n\\'t covered in smog . \"']\n", - "=======================\n", - "['\" no challenge poses more of a public threat than climate change , \" the president sayshe credits the clean air act with making americans \" a lot \" healthier']\n", - "( cnn ) president barack obama took part in a roundtable discussion this week on climate change , refocusing on the issue from a public health vantage point .after the event at washington 's howard university on tuesday , obama sat down with me for a one-on-one interview .he credits the clean air act with making americans \" a lot \" healthier , in addition to being able to \" see the mountains in the background because they are n't covered in smog . \"\n", - "\" no challenge poses more of a public threat than climate change , \" the president sayshe credits the clean air act with making americans \" a lot \" healthier\n", - "[1.3106508 1.1655934 1.3000844 1.1403527 1.180751 1.1861985 1.0873243\n", - " 1.1010936 1.1188598 1.0380807 1.0900887 1.1236199 1.019643 1.0530506\n", - " 1.0391843 1.0258058 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 5 4 1 3 11 8 7 10 6 13 14 9 15 12 19 16 17 18 20]\n", - "=======================\n", - "[\"( cnn ) malala yousafzai 's stellar career has included a nobel peace prize .a nasa astrophysicist has named an asteroid after the teenage education activist from pakistan , who was gravely wounded by a pakistani taliban gunman for promoting the right of girls ' to go to school .after reading her story , scientist amy mainzer , who also consults for pbs on a children 's educational science show , decided malala deserved to be immortalized .\"]\n", - "=======================\n", - "[\"astrophysicist amy mainzer says she was was touched by malala 's story of determinationmainzer also works on educating children about science\"]\n", - "( cnn ) malala yousafzai 's stellar career has included a nobel peace prize .a nasa astrophysicist has named an asteroid after the teenage education activist from pakistan , who was gravely wounded by a pakistani taliban gunman for promoting the right of girls ' to go to school .after reading her story , scientist amy mainzer , who also consults for pbs on a children 's educational science show , decided malala deserved to be immortalized .\n", - "astrophysicist amy mainzer says she was was touched by malala 's story of determinationmainzer also works on educating children about science\n", - "[1.2688404 1.4658884 1.3659402 1.3217809 1.1258633 1.1642091 1.0840026\n", - " 1.0310667 1.0224619 1.1029767 1.2271376 1.0077393 1.1875151 1.0712891\n", - " 1.0467702 1.0215129 1.0467118 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 10 12 5 4 9 6 13 14 16 7 8 15 11 19 17 18 20]\n", - "=======================\n", - "[\"the victim , who has not been formally identified but is thought to be in her 60s , was discovered at derby motor boat club in sawley , leicestershire , on sunday night .a 65-year-old man was arrested in connection with her death before being released on police bail .a man has been arrested and bailed following the ` suspicious ' death of a woman found floating in the water at a boat club - just hours after a children 's easter egg hunt took place in the grounds .\"]\n", - "=======================\n", - "[\"woman 's body found in the water at derby motor boat club on sundaydiscovered just hours after children 's easter egg hunt in the groundsa 65-year-old man arrested in connection with her death has been bailedpolice say they are treating unidentified woman 's death as ` suspicious '\"]\n", - "the victim , who has not been formally identified but is thought to be in her 60s , was discovered at derby motor boat club in sawley , leicestershire , on sunday night .a 65-year-old man was arrested in connection with her death before being released on police bail .a man has been arrested and bailed following the ` suspicious ' death of a woman found floating in the water at a boat club - just hours after a children 's easter egg hunt took place in the grounds .\n", - "woman 's body found in the water at derby motor boat club on sundaydiscovered just hours after children 's easter egg hunt in the groundsa 65-year-old man arrested in connection with her death has been bailedpolice say they are treating unidentified woman 's death as ` suspicious '\n", - "[1.5953591 1.2854763 1.0618448 1.0782583 1.1015329 1.1598381 1.3890038\n", - " 1.066199 1.0235944 1.0629275 1.1255043 1.1270312 1.0153372 1.0881447\n", - " 1.0454181 1.0296589 1.0441673 1.0467257 1.0326928 1.034238 1.0493338]\n", - "\n", - "[ 0 6 1 5 11 10 4 13 3 7 9 2 20 17 14 16 19 18 15 8 12]\n", - "=======================\n", - "[\"txiki begiristain was on the 10.30 am lufthansa flight out of manchester for munich on tuesday morning .manchester city are keen for bayern munich manager pep guardiola to become their new manager in 2016it 's the week of the champions league quarter-finals , therefore the manchester city director of football would have expected to be on the move .\"]\n", - "=======================\n", - "[\"bayern munich trail porto 3-1 in their champions league quarter-final tiepep guardiola 's contract as bayern manager expires in the summer of 2016manuel pellegrini 's deal at manchester city finishes at the same time too\"]\n", - "txiki begiristain was on the 10.30 am lufthansa flight out of manchester for munich on tuesday morning .manchester city are keen for bayern munich manager pep guardiola to become their new manager in 2016it 's the week of the champions league quarter-finals , therefore the manchester city director of football would have expected to be on the move .\n", - "bayern munich trail porto 3-1 in their champions league quarter-final tiepep guardiola 's contract as bayern manager expires in the summer of 2016manuel pellegrini 's deal at manchester city finishes at the same time too\n", - "[1.6231495 1.4122765 1.2278801 1.3540094 1.0724809 1.0239661 1.0172803\n", - " 1.0182576 1.0190153 1.0211962 1.0326848 1.0281544 1.0410639 1.0241051\n", - " 1.0243245 1.0168867 1.131079 1.2307644 1.0163348 1.0131222 1.0137122\n", - " 1.0722773]\n", - "\n", - "[ 0 1 3 17 2 16 4 21 12 10 11 14 13 5 9 8 7 6 15 18 20 19]\n", - "=======================\n", - "[\"tim sherwood said his aston villa team ` bamboozled ' liverpool and paid particular tribute to christian benteke , fabian delph and jack grealish , the teenager who shone on his wembley debut .villa earned a comeback win to book their place in the fa cup final against arsenal and end steven gerrard 's dream of lifting the famous old trophy on his birthday before bidding farewell to the club .christian benteke is congratulated by aston villa team-mate fabian delph after scoring at wembley\"]\n", - "=======================\n", - "[\"tim sherwood paid tribute to his bamboozling side after wembley winaston villa came from behind to beat brendan rodgers ' liverpool sidesherwood feels liverpool did not expect how his side approached gamechristian benteke and fabian delph starred as villains booked final place\"]\n", - "tim sherwood said his aston villa team ` bamboozled ' liverpool and paid particular tribute to christian benteke , fabian delph and jack grealish , the teenager who shone on his wembley debut .villa earned a comeback win to book their place in the fa cup final against arsenal and end steven gerrard 's dream of lifting the famous old trophy on his birthday before bidding farewell to the club .christian benteke is congratulated by aston villa team-mate fabian delph after scoring at wembley\n", - "tim sherwood paid tribute to his bamboozling side after wembley winaston villa came from behind to beat brendan rodgers ' liverpool sidesherwood feels liverpool did not expect how his side approached gamechristian benteke and fabian delph starred as villains booked final place\n", - "[1.6498519 1.3065885 1.1444364 1.3768488 1.2547176 1.1164025 1.091977\n", - " 1.1941749 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 4 7 2 5 6 19 18 17 16 15 14 10 12 11 20 9 8 13 21]\n", - "=======================\n", - "[\"saudi arabian footballer emad sahabi suffered a gruesome broken ankle while playing for his club al orubah against al shoalah .the match came to halt on 19 minutes when the midfielder 's ankle appeared to have twisted 180 degrees after chasing down the ball - much to the horror of his team-mates .al orubah went on to win the game 2-0 but the result was overshadowed by sahabi 's horror injury .\"]\n", - "=======================\n", - "['emad sahabi suffered the terrible injury while playing for al orubahthey had been playing al shoalah in the saudi arabia premier leaguesahabi tumbled over before his ankle was left hanging off his leg']\n", - "saudi arabian footballer emad sahabi suffered a gruesome broken ankle while playing for his club al orubah against al shoalah .the match came to halt on 19 minutes when the midfielder 's ankle appeared to have twisted 180 degrees after chasing down the ball - much to the horror of his team-mates .al orubah went on to win the game 2-0 but the result was overshadowed by sahabi 's horror injury .\n", - "emad sahabi suffered the terrible injury while playing for al orubahthey had been playing al shoalah in the saudi arabia premier leaguesahabi tumbled over before his ankle was left hanging off his leg\n", - "[1.2544919 1.2647092 1.1181492 1.2115505 1.3066926 1.2397053 1.1176158\n", - " 1.0660704 1.0919704 1.1790951 1.0974036 1.0910492 1.0850594 1.059126\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 4 1 0 5 3 9 2 6 10 8 11 12 7 13 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"the dandenong fire was one of a string of suspected arson attacks on three melbourne catholic churches with links to paedophile priests .detectives have issued a photo of a brown haired , caucasian male wearing a black top who they want to speak to after a fire was started at st mary 's catholic church in dandenong , at 2.15 am on april 1 .police have released an image of a bearded young man in relation to a suspected arson attack on a melbourne church which was once presided over by a paedophile priest .\"]\n", - "=======================\n", - "[\"police are investigating suspected arson attacks on three melbourne churches with links to paedophile priestsfirefighters were called to st mary 's , dandenong , at 2am on april 1the church is said to be the site of child sex attacks perpetrated by now-deceased father kevin o'donnellpolice have released an image of ' a man that may be able to assist with their enquiries 'comes after two separate suspicious blazes were lit on march 30\"]\n", - "the dandenong fire was one of a string of suspected arson attacks on three melbourne catholic churches with links to paedophile priests .detectives have issued a photo of a brown haired , caucasian male wearing a black top who they want to speak to after a fire was started at st mary 's catholic church in dandenong , at 2.15 am on april 1 .police have released an image of a bearded young man in relation to a suspected arson attack on a melbourne church which was once presided over by a paedophile priest .\n", - "police are investigating suspected arson attacks on three melbourne churches with links to paedophile priestsfirefighters were called to st mary 's , dandenong , at 2am on april 1the church is said to be the site of child sex attacks perpetrated by now-deceased father kevin o'donnellpolice have released an image of ' a man that may be able to assist with their enquiries 'comes after two separate suspicious blazes were lit on march 30\n", - "[1.4317204 1.2813251 1.2452109 1.1625487 1.1459244 1.1792529 1.2173449\n", - " 1.1207671 1.1370726 1.0380791 1.0691807 1.0443424 1.061042 1.0235835\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 6 5 3 4 8 7 10 12 11 9 13 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "['( cnn ) the fbi is investigating a possible isis-inspired terrorist threat in the united states , law enforcement officials said saturday .the investigation originated from intercepted chatter and other intelligence information that led officials to believe a possible plot could be in the works , the officials said .no arrests have been made .']\n", - "=======================\n", - "['officials say the investigation originated from intercepted chatterpossible threat focused on parts of california , one says']\n", - "( cnn ) the fbi is investigating a possible isis-inspired terrorist threat in the united states , law enforcement officials said saturday .the investigation originated from intercepted chatter and other intelligence information that led officials to believe a possible plot could be in the works , the officials said .no arrests have been made .\n", - "officials say the investigation originated from intercepted chatterpossible threat focused on parts of california , one says\n", - "[1.1921036 1.4479747 1.256296 1.2024602 1.3020387 1.1564454 1.0606645\n", - " 1.0767487 1.0262855 1.0887663 1.0779686 1.075931 1.0548599 1.0785075\n", - " 1.0545295 1.025988 1.0633916 1.0459161 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 2 3 0 5 9 13 10 7 11 16 6 12 14 17 8 15 20 18 19 21]\n", - "=======================\n", - "[\"kim roberts admitted to stealing the precious paintings , vases and silverware from dowager countess bathurst 's cirencester mansion and her london home .kim roberts ( left ) admitted stealing antiques and paintings from her employer , the countess of bathurst ( right )the 58-year-old worked for the countess , 87 , and helped herself to the riches , which included a sketch by picasso and pewter plates , gloucester crown court heard .\"]\n", - "=======================\n", - "['kim roberts worked as a housekeeper for dowager countess bathurstshe admitted stealing antiques and picasso sketch from her country homeroberts confessed to taking antique vases , a car and committing fraudshe took the items while she was employed at cirencester park']\n", - "kim roberts admitted to stealing the precious paintings , vases and silverware from dowager countess bathurst 's cirencester mansion and her london home .kim roberts ( left ) admitted stealing antiques and paintings from her employer , the countess of bathurst ( right )the 58-year-old worked for the countess , 87 , and helped herself to the riches , which included a sketch by picasso and pewter plates , gloucester crown court heard .\n", - "kim roberts worked as a housekeeper for dowager countess bathurstshe admitted stealing antiques and picasso sketch from her country homeroberts confessed to taking antique vases , a car and committing fraudshe took the items while she was employed at cirencester park\n", - "[1.2024372 1.5003912 1.3767785 1.320718 1.2040976 1.0937662 1.0401908\n", - " 1.0593671 1.0667863 1.0719225 1.036444 1.0295317 1.0367128 1.0389736\n", - " 1.1084652 1.0335215 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 14 5 9 8 7 6 13 12 10 15 11 18 16 17 19]\n", - "=======================\n", - "['alice barker snapped her fingers and sang along as videos of her routines as a chorus line dancer during the 1930s harlem renaissance played on the screen .barker had danced at legendary clubs like the apollo , cotton club and zanzibar club , and had appeared in movies commercials and television shows .this is the moment 102-year-old alice barker , who used to dance with the likes of frank sinatra and gene kelly , got to see herself shimmy and shake on film for the first time']\n", - "=======================\n", - "[\"alice barker danced in legendary apollo and zanzibar clubs during the 1930s harlem renaissance , as well as movies , tv and commercialsbut she had lost her old photographs with time , and no one could find her videos because of a misspelling of her namedavid shuff , who met barker years ago , reunited her with some of her short musical films known then as ` soundies 'the videos now play in the common room of her retirement home , where shuff says she is a ` rock star '\"]\n", - "alice barker snapped her fingers and sang along as videos of her routines as a chorus line dancer during the 1930s harlem renaissance played on the screen .barker had danced at legendary clubs like the apollo , cotton club and zanzibar club , and had appeared in movies commercials and television shows .this is the moment 102-year-old alice barker , who used to dance with the likes of frank sinatra and gene kelly , got to see herself shimmy and shake on film for the first time\n", - "alice barker danced in legendary apollo and zanzibar clubs during the 1930s harlem renaissance , as well as movies , tv and commercialsbut she had lost her old photographs with time , and no one could find her videos because of a misspelling of her namedavid shuff , who met barker years ago , reunited her with some of her short musical films known then as ` soundies 'the videos now play in the common room of her retirement home , where shuff says she is a ` rock star '\n", - "[1.136301 1.3399552 1.3564248 1.3232965 1.0882291 1.0601805 1.0854396\n", - " 1.0382038 1.0151277 1.1696289 1.0598344 1.1812841 1.1246358 1.0685831\n", - " 1.0887208 1.0844622 1.1362984 1.044923 0. 0. ]\n", - "\n", - "[ 2 1 3 11 9 0 16 12 14 4 6 15 13 5 10 17 7 8 18 19]\n", - "=======================\n", - "[\"according to the people 's daily online , the girls of the 27th march huizhou integrated high school are being trained by former special forces solider inspector tan .each of the girls shout the words ` kill , stab , slash and jab ' as they perform each of the eight set movements involved in the high-intensity knife-fighting session .these are the amazing scenes as high school girls in china are put through their paces with military-style dagger drills .\"]\n", - "=======================\n", - "['the school girls , aged between 16 and 18 , undergo a five-day intensive knife-fighting course to learn self defencethe students are being trained by a former special forces soldier called inspector tan who supervises the drillsthe 27th march huizhou integrated high school purchased 250 knives - with plastic retractable blades for safetyhowever , instructor tan said following his course the girls will be able to defend themselves even with chopsticks']\n", - "according to the people 's daily online , the girls of the 27th march huizhou integrated high school are being trained by former special forces solider inspector tan .each of the girls shout the words ` kill , stab , slash and jab ' as they perform each of the eight set movements involved in the high-intensity knife-fighting session .these are the amazing scenes as high school girls in china are put through their paces with military-style dagger drills .\n", - "the school girls , aged between 16 and 18 , undergo a five-day intensive knife-fighting course to learn self defencethe students are being trained by a former special forces soldier called inspector tan who supervises the drillsthe 27th march huizhou integrated high school purchased 250 knives - with plastic retractable blades for safetyhowever , instructor tan said following his course the girls will be able to defend themselves even with chopsticks\n", - "[1.2693698 1.5741581 1.3059593 1.4090153 1.1276286 1.0224904 1.0141097\n", - " 1.0157187 1.0185952 1.1187999 1.1029966 1.2083595 1.0128834 1.0184077\n", - " 1.0365744 1.1411979 1.0795467 1.0662813 1.0557791 1.0918226]\n", - "\n", - "[ 1 3 2 0 11 15 4 9 10 19 16 17 18 14 5 8 13 7 6 12]\n", - "=======================\n", - "[\"maurice thibaux , 67 , caused quite a stir at sunday night 's opening show held at the carriageworks in eveleigh - in sydney 's inner city .the french native - who lives next door to the venue - crashed the stage to make a complaint about the noise , which he claims was ` similar to a jumbo jet taking off over your head ' .the 67-year-old french native said he had no problem with the music but the rumble that accompanied it '\"]\n", - "=======================\n", - "[\"maurice thibaux stormed stage at sydney 's mercedes-benz fashion weekthe 67-year-old was making a noise complaint to the carriageworks venuehe compared noise of the show to ' a jumbo jet taking off over your head 'mr thibaux said the rumble felt made his house feel like it was shakinghe apologised to organisers , saying he did not mean to disturb the show\"]\n", - "maurice thibaux , 67 , caused quite a stir at sunday night 's opening show held at the carriageworks in eveleigh - in sydney 's inner city .the french native - who lives next door to the venue - crashed the stage to make a complaint about the noise , which he claims was ` similar to a jumbo jet taking off over your head ' .the 67-year-old french native said he had no problem with the music but the rumble that accompanied it '\n", - "maurice thibaux stormed stage at sydney 's mercedes-benz fashion weekthe 67-year-old was making a noise complaint to the carriageworks venuehe compared noise of the show to ' a jumbo jet taking off over your head 'mr thibaux said the rumble felt made his house feel like it was shakinghe apologised to organisers , saying he did not mean to disturb the show\n", - "[1.1427182 1.3266119 1.1603242 1.2220643 1.0841401 1.09628 1.0986654\n", - " 1.1201501 1.141386 1.0396422 1.0182997 1.0953321 1.0630137 1.038401\n", - " 1.0272106 1.0719259 1.0504836 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 8 7 6 5 11 4 15 12 16 9 13 14 10 18 17 19]\n", - "=======================\n", - "[\"established on the birthday of the american founding father , liberland -- the world 's newest micronation -- is founded on a firm belief in liberty and noninterference from the powers-that-be .the victim of a border dispute between serbia and croatia , it is claimed by neither side -- effectively a no-man 's land .( cnn ) it would have made thomas jefferson proud .\"]\n", - "=======================\n", - "['vit jedlicka , the first president of liberland , tells cnn that the country will be formally founded on may 1on april 13 , jedlicka declared an area between croatia and serbia \" the free republic of liberland \"jedlicka says that almost 300,000 applications for citizenship have so far been received']\n", - "established on the birthday of the american founding father , liberland -- the world 's newest micronation -- is founded on a firm belief in liberty and noninterference from the powers-that-be .the victim of a border dispute between serbia and croatia , it is claimed by neither side -- effectively a no-man 's land .( cnn ) it would have made thomas jefferson proud .\n", - "vit jedlicka , the first president of liberland , tells cnn that the country will be formally founded on may 1on april 13 , jedlicka declared an area between croatia and serbia \" the free republic of liberland \"jedlicka says that almost 300,000 applications for citizenship have so far been received\n", - "[1.2701408 1.1882666 1.0843369 1.26033 1.2187219 1.1037251 1.0400455\n", - " 1.0369589 1.0418952 1.0529243 1.0416353 1.0433874 1.042719 1.0675826\n", - " 1.0433681 1.0703194 1.0755352 1.0431095 1.0214616 1.0296798]\n", - "\n", - "[ 0 3 4 1 5 2 16 15 13 9 11 14 17 12 8 10 6 7 19 18]\n", - "=======================\n", - "[\"( cnn ) president abraham lincoln never lost his ardor for the united states to remain united during the civil war .the spirit of lincoln 's second inaugural was self-evident on april 9 , 1865 -- 150 years ago -- when confederate gen. robert e. lee dramatically surrendered his approximately 28,000 troops to union general ulysses s. grant at appomattox courthouse ( mclean house ) in virginia .in his second inaugural address he attempted to salve the nation with an eloquent summation of his philosophy and plans for putting it into practice .\"]\n", - "=======================\n", - "[\"150 years ago on april 9 , confederate general robert e. lee surrendered at appomattox court housedouglas brinkley : the spirit of that event is something to keep in mind for today 's divided america\"]\n", - "( cnn ) president abraham lincoln never lost his ardor for the united states to remain united during the civil war .the spirit of lincoln 's second inaugural was self-evident on april 9 , 1865 -- 150 years ago -- when confederate gen. robert e. lee dramatically surrendered his approximately 28,000 troops to union general ulysses s. grant at appomattox courthouse ( mclean house ) in virginia .in his second inaugural address he attempted to salve the nation with an eloquent summation of his philosophy and plans for putting it into practice .\n", - "150 years ago on april 9 , confederate general robert e. lee surrendered at appomattox court housedouglas brinkley : the spirit of that event is something to keep in mind for today 's divided america\n", - "[1.3304601 1.3512073 1.4125738 1.079876 1.2269571 1.1773056 1.0957186\n", - " 1.0933815 1.1010985 1.0259856 1.023408 1.0599445 1.0862278 1.1162784\n", - " 1.10721 1.0399423 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 4 5 13 14 8 6 7 12 3 11 15 9 10 18 16 17 19]\n", - "=======================\n", - "[\"abu khdeir , 16 , was beaten and burned alive by three israelis in july , according to prosecutors .mohammed abu khdeir 's name appeared this week on the wall at jerusalem 's mount herzl , the site of the national cemetery , as the nation prepared to mark its memorial day on wednesday .jerusalem ( cnn ) a palestinian teenager 's name will be removed from an israeli memorial commemorating fallen soldiers and the victims of terrorism after his family and others complained .\"]\n", - "=======================\n", - "[\"abu khdeir 's name is on the memorial wall at jerusalem 's mount herzlhis father and a terror victim advocacy group objected to his being included in the listthe palestinian teenager was beaten and burned by three israelis , authorities say\"]\n", - "abu khdeir , 16 , was beaten and burned alive by three israelis in july , according to prosecutors .mohammed abu khdeir 's name appeared this week on the wall at jerusalem 's mount herzl , the site of the national cemetery , as the nation prepared to mark its memorial day on wednesday .jerusalem ( cnn ) a palestinian teenager 's name will be removed from an israeli memorial commemorating fallen soldiers and the victims of terrorism after his family and others complained .\n", - "abu khdeir 's name is on the memorial wall at jerusalem 's mount herzlhis father and a terror victim advocacy group objected to his being included in the listthe palestinian teenager was beaten and burned by three israelis , authorities say\n", - "[1.5592432 1.0985507 1.0527014 1.0554684 1.0238492 1.0429285 1.0789671\n", - " 1.1250086 1.1324607 1.2124398 1.2994019 1.0705817 1.0357286 1.0876168\n", - " 1.0738827 1.1302062 1.0955923 1.0210346 1.0123754 1.0442574]\n", - "\n", - "[ 0 10 9 8 15 7 1 16 13 6 14 11 3 2 19 5 12 4 17 18]\n", - "=======================\n", - "[\"alastair cook and jonathan trott are the sixth english pair to score more than 100 runs together on 10 occasions , and the england captain is part of three of them .new zealand all-rounder corey anderson ( right ) could miss the test series in england with a broken fingerremarkably , their opening-stand century was england 's first in test cricket for more than two years -- since march 2013 when cook and nick compton scored an impressive 231 against new zealand in dunedin .\"]\n", - "=======================\n", - "[\"alastair cook has been part of three of the six ten-century partnershipsday three 's effort with trott is england 's first since march 2013then it was cook with nick compton against new zealand in dunedinwest indies bowler shannon gabriel hit 94.3 mph on thursday\"]\n", - "alastair cook and jonathan trott are the sixth english pair to score more than 100 runs together on 10 occasions , and the england captain is part of three of them .new zealand all-rounder corey anderson ( right ) could miss the test series in england with a broken fingerremarkably , their opening-stand century was england 's first in test cricket for more than two years -- since march 2013 when cook and nick compton scored an impressive 231 against new zealand in dunedin .\n", - "alastair cook has been part of three of the six ten-century partnershipsday three 's effort with trott is england 's first since march 2013then it was cook with nick compton against new zealand in dunedinwest indies bowler shannon gabriel hit 94.3 mph on thursday\n", - "[1.3261375 1.5430167 1.2114121 1.0978706 1.1115083 1.2080007 1.0311441\n", - " 1.0279995 1.121892 1.1020217 1.113801 1.0480479 1.0561581 1.0428463\n", - " 1.0212137 1.0268998 1.0380323 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 5 8 10 4 9 3 12 11 13 16 6 7 15 14 18 17 19]\n", - "=======================\n", - "[\"robert bates , 73 , appeared in tulsa district court on tuesday and pleaded not guilty to second-degree manslaughter in the death of eric harris , who was killed during a botched sting on april 2 .the family of a man shot dead by a reserve deputy who confused his weapon for his taser has slammed the gunman 's decision to take a month-long vacation to the bahamas while out on bond .it is not clear when he is leaving for the holiday but bates will next appear in court on july 2 .\"]\n", - "=======================\n", - "[\"tulsa reserve deputy robert bates was silent as he appeared in court in tulsa on tuesday and pleaded not guilty to 2nd-degree manslaughterdespite the charges , the judge told the millionaire retiree that he is allowed to take a previously planned vacation to the bahamasbates has said he mistakenly pulled out his gun instead of his taser when he shot eric harris , who was fleeing from a sting operation on april 2on tuesday , harris ' family said that while they continue to mourn the loss of their loved one , bates will be enjoying his ` wealth and privilege ' abroad\"]\n", - "robert bates , 73 , appeared in tulsa district court on tuesday and pleaded not guilty to second-degree manslaughter in the death of eric harris , who was killed during a botched sting on april 2 .the family of a man shot dead by a reserve deputy who confused his weapon for his taser has slammed the gunman 's decision to take a month-long vacation to the bahamas while out on bond .it is not clear when he is leaving for the holiday but bates will next appear in court on july 2 .\n", - "tulsa reserve deputy robert bates was silent as he appeared in court in tulsa on tuesday and pleaded not guilty to 2nd-degree manslaughterdespite the charges , the judge told the millionaire retiree that he is allowed to take a previously planned vacation to the bahamasbates has said he mistakenly pulled out his gun instead of his taser when he shot eric harris , who was fleeing from a sting operation on april 2on tuesday , harris ' family said that while they continue to mourn the loss of their loved one , bates will be enjoying his ` wealth and privilege ' abroad\n", - "[1.1140442 1.3813101 1.3501195 1.0467649 1.1726599 1.1945491 1.0871918\n", - " 1.1084604 1.0288798 1.016952 1.0916095 1.0955266 1.2094154 1.0627576\n", - " 1.0583357 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 12 5 4 0 7 11 10 6 13 14 3 8 9 15 16 17 18 19]\n", - "=======================\n", - "[\"the chipworks site has posted this amazing image revealing the internals of the firm 's galaxy s6 , which goes on sale on april 10th .the internals reveal samsung used more of its own chips to power the new galaxy s6 smartphone than it did for the predecessor s5 , according to an early teardown report , in a blow to u.s. chip supplier qualcomm .samsung 's new s6 and s6 edge : the phones are also the first to feature dual-standard wireless charging technology built inside the handsets , and will battle the iphone and htc 's one\"]\n", - "=======================\n", - "['samsung previously relied on other firms to make its chipsfirm now using its own processor , modem and power supply chips']\n", - "the chipworks site has posted this amazing image revealing the internals of the firm 's galaxy s6 , which goes on sale on april 10th .the internals reveal samsung used more of its own chips to power the new galaxy s6 smartphone than it did for the predecessor s5 , according to an early teardown report , in a blow to u.s. chip supplier qualcomm .samsung 's new s6 and s6 edge : the phones are also the first to feature dual-standard wireless charging technology built inside the handsets , and will battle the iphone and htc 's one\n", - "samsung previously relied on other firms to make its chipsfirm now using its own processor , modem and power supply chips\n", - "[1.3087635 1.4226964 1.265637 1.2258914 1.160894 1.1151485 1.0876346\n", - " 1.0718176 1.0873605 1.033594 1.0872931 1.114178 1.1267475 1.0918765\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 12 5 11 13 6 8 10 7 9 14 15 16 17 18 19]\n", - "=======================\n", - "['ellanora arthur baidoo has been trying to divorce her husband for several years , according to her attorney , andrew spinnell .( cnn ) facebook may soon need to add \" just got served divorce papers \" to its list of relationship statuses now that a new york judge has said the social media site is an acceptable way for a brooklyn woman to serve her husband with a summons for divorce .but , spinnell said , he and his client have n\\'t been able to find victor sena blood-dzraku to serve him the papers .']\n", - "=======================\n", - "[\"ellanora arthur baidoo has been trying to divorce her husband for several yearshusband does n't have permanent address or permanent employmentbaidoo is granted permission to send divorce papers via facebook\"]\n", - "ellanora arthur baidoo has been trying to divorce her husband for several years , according to her attorney , andrew spinnell .( cnn ) facebook may soon need to add \" just got served divorce papers \" to its list of relationship statuses now that a new york judge has said the social media site is an acceptable way for a brooklyn woman to serve her husband with a summons for divorce .but , spinnell said , he and his client have n't been able to find victor sena blood-dzraku to serve him the papers .\n", - "ellanora arthur baidoo has been trying to divorce her husband for several yearshusband does n't have permanent address or permanent employmentbaidoo is granted permission to send divorce papers via facebook\n", - "[1.0869132 1.1879065 1.456031 1.2429059 1.2099291 1.184429 1.1546963\n", - " 1.1350739 1.1239237 1.0298247 1.0255046 1.0252215 1.0688931 1.1069586\n", - " 1.1280674 1.062379 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 3 4 1 5 6 7 14 8 13 0 12 15 9 10 11 20 16 17 18 19 21]\n", - "=======================\n", - "[\"the dramatic collision is being dubbed the ` craziest rear-end collision in the country ' , reports the people 's daily online .pictures and videos of the scene were posted to weibo , china 's equivalent of twitter , and quickly went viral .according to eyewitnesses , the accident happened on the rainbow plaza roundabout .\"]\n", - "=======================\n", - "[\"chinese internet users have dubbed it the ` craziest rear-end collision 'a white truck is struck by the turret of the tank driving behind itcrash took place on a roundabout near a residential area yesterdayno comments have been given regarding the cause of the incident\"]\n", - "the dramatic collision is being dubbed the ` craziest rear-end collision in the country ' , reports the people 's daily online .pictures and videos of the scene were posted to weibo , china 's equivalent of twitter , and quickly went viral .according to eyewitnesses , the accident happened on the rainbow plaza roundabout .\n", - "chinese internet users have dubbed it the ` craziest rear-end collision 'a white truck is struck by the turret of the tank driving behind itcrash took place on a roundabout near a residential area yesterdayno comments have been given regarding the cause of the incident\n", - "[1.2357363 1.4258666 1.2513974 1.3919487 1.1550671 1.1506222 1.1266272\n", - " 1.0572706 1.1628296 1.0492233 1.0441389 1.0459054 1.0245041 1.0677471\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 8 4 5 6 13 7 9 11 10 12 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "['police say 55-year-old deanna rudison was captured on a surveillance camera at quick stop gas station in the 3300 block of carondelet street this morning splashing a liquid believed to be bleach at an 18-year-old girl and her 15-year-old friend .bleach attack : deanna rudison , 55 , has been charged with aggravated battery after new orleans police say she was caught on video throwing bleach in the face of two cohen high school students ( one of them pictured here in her school uniform talking on the phone )just hours after the incident , which took place just before 8am monday , the woman turned herself in and was arrested on two counts of aggravated battery .']\n", - "=======================\n", - "['deanna rudison , 55 , charged with two counts of aggravated battery in new orleans bleach attackjonathan rudison , 27 , named a person of interest after he allegedly threw one of the victims to the ground , breaking her armpolice say rudison became upset that an 18-year-old girl and her friend skipped line at gas station storesurveillance video caught rudison walking outside with a white bottle and throwing liquid in the face of two girls']\n", - "police say 55-year-old deanna rudison was captured on a surveillance camera at quick stop gas station in the 3300 block of carondelet street this morning splashing a liquid believed to be bleach at an 18-year-old girl and her 15-year-old friend .bleach attack : deanna rudison , 55 , has been charged with aggravated battery after new orleans police say she was caught on video throwing bleach in the face of two cohen high school students ( one of them pictured here in her school uniform talking on the phone )just hours after the incident , which took place just before 8am monday , the woman turned herself in and was arrested on two counts of aggravated battery .\n", - "deanna rudison , 55 , charged with two counts of aggravated battery in new orleans bleach attackjonathan rudison , 27 , named a person of interest after he allegedly threw one of the victims to the ground , breaking her armpolice say rudison became upset that an 18-year-old girl and her friend skipped line at gas station storesurveillance video caught rudison walking outside with a white bottle and throwing liquid in the face of two girls\n", - "[1.4946357 1.4021589 1.2443379 1.5465955 1.3436034 1.042443 1.0194793\n", - " 1.0213577 1.0177209 1.0173012 1.0183758 1.0269506 1.0196778 1.0174918\n", - " 1.0504456 1.0230992 1.0268055 1.0569645 1.1559492 1.1089427 1.0292434\n", - " 1.0082937]\n", - "\n", - "[ 3 0 1 4 2 18 19 17 14 5 20 11 16 15 7 12 6 10 8 13 9 21]\n", - "=======================\n", - "[\"arsene wenger has drawn five and lost seven of his 12 clashes with jose mourinho ahead of facing chelseaarsene wenger insists his woeful record against jose mourinho will have no bearing on arsenal 's top-of-the-table clash with chelsea at the emirates stadium on sunday .wenger has failed to win in 12 games against mourinho across the portuguese coach 's two spells at stamford bridge , drawing five and losing seven of their clashes .\"]\n", - "=======================\n", - "[\"arsenal face table-topping chelsea at the emirates stadium on sundaycesc fabregas returns to the emirates with chelsea for the first timearsene wenger says his record against jose mourinho will have no impactalex oxlade-chamberlain and mikel arteta are set to miss out on the gameper mertesacker is ' 50-50 ' for the game having not trained at allread : ` proud ' alexis sanchez targets ` many titles ' with arsenal\"]\n", - "arsene wenger has drawn five and lost seven of his 12 clashes with jose mourinho ahead of facing chelseaarsene wenger insists his woeful record against jose mourinho will have no bearing on arsenal 's top-of-the-table clash with chelsea at the emirates stadium on sunday .wenger has failed to win in 12 games against mourinho across the portuguese coach 's two spells at stamford bridge , drawing five and losing seven of their clashes .\n", - "arsenal face table-topping chelsea at the emirates stadium on sundaycesc fabregas returns to the emirates with chelsea for the first timearsene wenger says his record against jose mourinho will have no impactalex oxlade-chamberlain and mikel arteta are set to miss out on the gameper mertesacker is ' 50-50 ' for the game having not trained at allread : ` proud ' alexis sanchez targets ` many titles ' with arsenal\n", - "[1.2553006 1.3862474 1.2594063 1.0996294 1.038307 1.1802812 1.189716\n", - " 1.0563 1.163947 1.060564 1.0679779 1.144506 1.0370387 1.1017737\n", - " 1.0147146 1.0274603 1.0191407 1.0311714 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 6 5 8 11 13 3 10 9 7 4 12 17 15 16 14 20 18 19 21]\n", - "=======================\n", - "['king felipe , queen letizia and their daughters princess sofia and princess leonor looked immaculate as they arrived at palma cathedral on the balearic isle .queen letizia , 42 , teamed a white jacket with smart black trousers and heels for the service while her daughters wore pretty above-the-knee outfits reflecting the spring sunshine .it is one of the biggest celebrations in the catholic calendar and the spanish royal family kept up their tradition of spending the easter holiday on the island of mallorca .']\n", - "=======================\n", - "[\"the spanish royal family attended easter mass at palma 's cathedralfirst appearance of princesses sofia and leonor in several monthsthe children 's grandmother , queen sofia was also in attendancethe family are staying at the marivent palace royal holiday residence\"]\n", - "king felipe , queen letizia and their daughters princess sofia and princess leonor looked immaculate as they arrived at palma cathedral on the balearic isle .queen letizia , 42 , teamed a white jacket with smart black trousers and heels for the service while her daughters wore pretty above-the-knee outfits reflecting the spring sunshine .it is one of the biggest celebrations in the catholic calendar and the spanish royal family kept up their tradition of spending the easter holiday on the island of mallorca .\n", - "the spanish royal family attended easter mass at palma 's cathedralfirst appearance of princesses sofia and leonor in several monthsthe children 's grandmother , queen sofia was also in attendancethe family are staying at the marivent palace royal holiday residence\n", - "[1.5076606 1.1571735 1.4822996 1.2819482 1.1722083 1.1275712 1.1740835\n", - " 1.2575657 1.0490483 1.0175052 1.0176085 1.1094995 1.0430686 1.0544611\n", - " 1.0265894 1.0209934 1.183406 1.0140587 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 3 7 16 6 4 1 5 11 13 8 12 14 15 10 9 17 18 19 20 21]\n", - "=======================\n", - "['darren humphries , 37 , was jailed for eight weeks for throwing chocolate mini eggs at his estranged wifemagistrates heard he flipped when his partner of 14 years refused to allow him into her home to see their two children .jps were told mrs humphries managed to call police and her husband was arrested at the property in windermere drive , worcester .']\n", - "=======================\n", - "[\"darren humphries threw mini eggs after drunkenly losing his temperdefence said he was ` driven by the emotion of wanting to see his children 'he also threw a wheelie bin at estranged wife 's car in a separate incidenthumphries hurled expletives at magistrates when told of his sentence\"]\n", - "darren humphries , 37 , was jailed for eight weeks for throwing chocolate mini eggs at his estranged wifemagistrates heard he flipped when his partner of 14 years refused to allow him into her home to see their two children .jps were told mrs humphries managed to call police and her husband was arrested at the property in windermere drive , worcester .\n", - "darren humphries threw mini eggs after drunkenly losing his temperdefence said he was ` driven by the emotion of wanting to see his children 'he also threw a wheelie bin at estranged wife 's car in a separate incidenthumphries hurled expletives at magistrates when told of his sentence\n", - "[1.3730689 1.1089438 1.4093442 1.2982681 1.1784097 1.2386255 1.0737963\n", - " 1.0871506 1.0323863 1.0470475 1.039214 1.042983 1.1227973 1.0520823\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 5 4 12 1 7 6 13 9 11 10 8 14 15 16 17 18 19 20]\n", - "=======================\n", - "['an australian government report suggests that carbon dioxide produced by burning fossil fuels could be captured and used to produce the fizz in cola .many nations are looking into carbon capture and storage ( ccs ) technologies as a way to cut their greenhouse house emissions , of which carbon dioxide plays a large role .the technology has the potential to reduce the emissions of a typical coal-power plant by up to 90 per cent , but there are concerns over storing such huge amounts of carbon underground .']\n", - "=======================\n", - "['australian report suggests ways carbon dioxide could be capturedincludes mention of gas from fossil fuels being used to make fizzy drinksother ideas include typical carbon capture and storage and biofuels']\n", - "an australian government report suggests that carbon dioxide produced by burning fossil fuels could be captured and used to produce the fizz in cola .many nations are looking into carbon capture and storage ( ccs ) technologies as a way to cut their greenhouse house emissions , of which carbon dioxide plays a large role .the technology has the potential to reduce the emissions of a typical coal-power plant by up to 90 per cent , but there are concerns over storing such huge amounts of carbon underground .\n", - "australian report suggests ways carbon dioxide could be capturedincludes mention of gas from fossil fuels being used to make fizzy drinksother ideas include typical carbon capture and storage and biofuels\n", - "[1.4826252 1.2065948 1.3927969 1.1901174 1.1206424 1.12257 1.1447287\n", - " 1.100955 1.1237447 1.0766927 1.0959015 1.0596873 1.1001807 1.0128816\n", - " 1.0092483 1.0376391 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 6 8 5 4 7 12 10 9 11 15 13 14 16 17 18 19 20]\n", - "=======================\n", - "['george davon kennedy of dekalb , georgia , a student at middle tennessee state university , was taken in tuesday night as police believe he is one of the men caught on video assaulting a woman in panama citya third suspect has been arrested by police as a suspect in a brutal sexual assault that occurred on a florida beach .he now joins two other men who were arrested late last week .']\n", - "=======================\n", - "[\"middle tennessee state university george davon kennedy was arrested and charged with sexual assault tuesday nightpolice claim he was one of the participants in a gang rape that occurred in panama city , florida in marchtroy university students delonte ' martistee , 22 , and ryan austin calhoun , 23 , were previously charged in the attackpolice in troy , alabama , found the video while investigating a shooting which ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervene\"]\n", - "george davon kennedy of dekalb , georgia , a student at middle tennessee state university , was taken in tuesday night as police believe he is one of the men caught on video assaulting a woman in panama citya third suspect has been arrested by police as a suspect in a brutal sexual assault that occurred on a florida beach .he now joins two other men who were arrested late last week .\n", - "middle tennessee state university george davon kennedy was arrested and charged with sexual assault tuesday nightpolice claim he was one of the participants in a gang rape that occurred in panama city , florida in marchtroy university students delonte ' martistee , 22 , and ryan austin calhoun , 23 , were previously charged in the attackpolice in troy , alabama , found the video while investigating a shooting which ` shows two men raping unconscious woman on florida beach 'authorities say hundreds of people walk past but do n't intervene\n", - "[1.1756206 1.2392572 1.2862282 1.2247 1.1662523 1.0909324 1.0968715\n", - " 1.0741692 1.0872827 1.054309 1.0335312 1.0488313 1.0274321 1.0311596\n", - " 1.0336448 1.1038457 1.0542059 1.0372686 1.0411172 0. 0. ]\n", - "\n", - "[ 2 1 3 0 4 15 6 5 8 7 9 16 11 18 17 14 10 13 12 19 20]\n", - "=======================\n", - "[\"iran would reduce its stockpile of low-enriched uranium by 98 % and significantly scale back its number of installed centrifuges , according to the plan .after a marathon stretch of late-night negotiations in lausanne , switzerland , diplomats announced they 'd come up with the framework for an agreement that 's been months in the making .in exchange , the united states and the european union would lift sanctions that have crippled the country 's economy .\"]\n", - "=======================\n", - "['netanyahu says a deal would pave the way for iran to get a nuclear bombiran \\'s enrichment capacity and stockpile will be limited , diplomats saytalks were tough , intense and \" sometimes emotional and confrontational , \" kerry says']\n", - "iran would reduce its stockpile of low-enriched uranium by 98 % and significantly scale back its number of installed centrifuges , according to the plan .after a marathon stretch of late-night negotiations in lausanne , switzerland , diplomats announced they 'd come up with the framework for an agreement that 's been months in the making .in exchange , the united states and the european union would lift sanctions that have crippled the country 's economy .\n", - "netanyahu says a deal would pave the way for iran to get a nuclear bombiran 's enrichment capacity and stockpile will be limited , diplomats saytalks were tough , intense and \" sometimes emotional and confrontational , \" kerry says\n", - "[1.2750621 1.5787632 1.1819729 1.0731974 1.0338652 1.1475849 1.2645843\n", - " 1.1046453 1.0365154 1.0663506 1.0184128 1.0962188 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 6 2 5 7 11 3 9 8 4 10 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"tiffanie didonato , from swansboro , north carolina , was born with diastrophic dysplasia and underwent numerous limb-lengthening surgeries as a child so she would grow to be 4 '10 tall , instead of her previous height of 3 ' 8 , which is how tall her son titan currently is .a pregnant mother with a rare form of dwarfism has revealed the physical challenges of raising her three-year-old son - who is more than half her size - while preparing for the arrival of her second child .but even with the additional inches , parenting a rambunctious toddler can be difficult for the 34-year-old mom who has certain physical limitations , and often has to use crutches , or sometimes a wheelchair , in addition to being three months pregnant .\"]\n", - "=======================\n", - "[\"tiffanie didonato , from swansboro , north carolina , was born with diastrophic dysplasia and is only 4 '10 tallas a child she had numerous limb-lengthening surgeries to ensure that she would be taller than 3 ' 8 - the current size of her three-year-old son titanthe 34-year-old mom and her husband eric gabrielse , a 29-year-old marine who is 6 ' 0 , are expecting their second child in september\"]\n", - "tiffanie didonato , from swansboro , north carolina , was born with diastrophic dysplasia and underwent numerous limb-lengthening surgeries as a child so she would grow to be 4 '10 tall , instead of her previous height of 3 ' 8 , which is how tall her son titan currently is .a pregnant mother with a rare form of dwarfism has revealed the physical challenges of raising her three-year-old son - who is more than half her size - while preparing for the arrival of her second child .but even with the additional inches , parenting a rambunctious toddler can be difficult for the 34-year-old mom who has certain physical limitations , and often has to use crutches , or sometimes a wheelchair , in addition to being three months pregnant .\n", - "tiffanie didonato , from swansboro , north carolina , was born with diastrophic dysplasia and is only 4 '10 tallas a child she had numerous limb-lengthening surgeries to ensure that she would be taller than 3 ' 8 - the current size of her three-year-old son titanthe 34-year-old mom and her husband eric gabrielse , a 29-year-old marine who is 6 ' 0 , are expecting their second child in september\n", - "[1.2355663 1.4837625 1.2467563 1.1391996 1.196023 1.063552 1.0607629\n", - " 1.2811676 1.0742906 1.0797429 1.1261456 1.0338615 1.0522 1.0145022\n", - " 1.0143671 1.0797905 1.0184776 1.0114187 1.014504 1.0326626 1.044713 ]\n", - "\n", - "[ 1 7 2 0 4 3 10 15 9 8 5 6 12 20 11 19 16 18 13 14 17]\n", - "=======================\n", - "[\"feidin santana , 23 , visited the family 's charleston , south carolina home on thursday to meet with the man 's heartbroken parents , son and other relatives - in a moving moment witnessed by nbc .santana has been hailed a hero for keeping his cellphone camera trained on officer michael slager as he fired eight shots at scott , 50 , in north charleston on saturday and later releasing the video .judy scott , the mother of walter scott said , as she embraced santana tightly .\"]\n", - "=======================\n", - "[\"feidin santana , 23 , went to the scott family 's charleston , south carolina home on thursday to meet with the slain man 's mourning relativeshe was embraced by the man 's parents and son , who told him that he should now consider them familysantana has been hailed a hero for filming the moment officer michael slager fired eight shots at scott as he ran away on saturday , killing himafter the video emerged , the officer was arrested and charged with murder\"]\n", - "feidin santana , 23 , visited the family 's charleston , south carolina home on thursday to meet with the man 's heartbroken parents , son and other relatives - in a moving moment witnessed by nbc .santana has been hailed a hero for keeping his cellphone camera trained on officer michael slager as he fired eight shots at scott , 50 , in north charleston on saturday and later releasing the video .judy scott , the mother of walter scott said , as she embraced santana tightly .\n", - "feidin santana , 23 , went to the scott family 's charleston , south carolina home on thursday to meet with the slain man 's mourning relativeshe was embraced by the man 's parents and son , who told him that he should now consider them familysantana has been hailed a hero for filming the moment officer michael slager fired eight shots at scott as he ran away on saturday , killing himafter the video emerged , the officer was arrested and charged with murder\n", - "[1.2888749 1.4139731 1.237578 1.3726175 1.2763464 1.0627464 1.0266024\n", - " 1.0768479 1.0636796 1.0470676 1.0361598 1.2171854 1.107827 1.023635\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 11 12 7 8 5 9 10 6 13 18 14 15 16 17 19]\n", - "=======================\n", - "[\"claudia alende , 21 , who came second in last year 's beauty pageant , launched a scathing attack on current title-holder indianara carvalho , claiming the model had ` revealed who she truly is ' .racy : indianara carvalho posted the picture of her naked body painted with an image of the virgin mary on good fridayms alende , better known as the brazilian ` megan fox ' , claims she had been left ` shocked and ashamed ' by her rival 's risqué easter stunt\"]\n", - "=======================\n", - "[\"indianara carvalho posted photo of body painted with image of virgin maryrunner-up claudia alende has branded winner an ` attention-seeking sl * t 'catholic alende refused photoshoot ` out of respect for god and my family '\"]\n", - "claudia alende , 21 , who came second in last year 's beauty pageant , launched a scathing attack on current title-holder indianara carvalho , claiming the model had ` revealed who she truly is ' .racy : indianara carvalho posted the picture of her naked body painted with an image of the virgin mary on good fridayms alende , better known as the brazilian ` megan fox ' , claims she had been left ` shocked and ashamed ' by her rival 's risqué easter stunt\n", - "indianara carvalho posted photo of body painted with image of virgin maryrunner-up claudia alende has branded winner an ` attention-seeking sl * t 'catholic alende refused photoshoot ` out of respect for god and my family '\n", - "[1.4315926 1.4336476 1.2121211 1.4350545 1.2287112 1.1625379 1.0552422\n", - " 1.0405027 1.0297487 1.0341501 1.0567361 1.0395532 1.0375196 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 4 2 5 10 6 7 11 12 9 8 13 14 15 16 17 18 19]\n", - "=======================\n", - "['ben gibson , pictured at the age of 15 , has decided to retire from cricket just four years after his debutthe leeds-born wicketkeeper entered the record books in 2011 when he lined up against durham university just 27 days after his 15th birthday .but that match proved to be his only appearance at senior level and he never again progressed from the second xi .']\n", - "=======================\n", - "[\"barney gibson became the youngest first-class cricketer in 2011the yorkshire wicketkeeper made his debut shortly at 15gibson said it was a ` difficult decision ' to retire from the game\"]\n", - "ben gibson , pictured at the age of 15 , has decided to retire from cricket just four years after his debutthe leeds-born wicketkeeper entered the record books in 2011 when he lined up against durham university just 27 days after his 15th birthday .but that match proved to be his only appearance at senior level and he never again progressed from the second xi .\n", - "barney gibson became the youngest first-class cricketer in 2011the yorkshire wicketkeeper made his debut shortly at 15gibson said it was a ` difficult decision ' to retire from the game\n", - "[1.262564 1.5253024 1.3074031 1.2685527 1.3615184 1.0438193 1.0254781\n", - " 1.0221267 1.0177076 1.0148231 1.0953891 1.0574375 1.0262655 1.0148803\n", - " 1.011711 1.1258539 1.262267 1.1015695 1.1004785 1.0556836]\n", - "\n", - "[ 1 4 2 3 0 16 15 17 18 10 11 19 5 12 6 7 8 13 9 14]\n", - "=======================\n", - "[\"robert charles bates shot and killed eric courtney harris as the younger man was trying to buy drugs and a gun from deputies posing as dealers in the parking lot of a dollar store .harris , 44 , was being restrained by one of the undercover police officers when bates , who was monitoring from afar , ran up ` trying to get the situation under control ' and fired one shot .according to police at the scene in tulsa , oklahoma , bates , a former full-time officer , accidentally pulled out his service weapon instead of the stun gun .\"]\n", - "=======================\n", - "[\"robert charles bates , 73 , was allegedly trying to pull out his taserhe killed 44-year-old eric harris , who was ` buying ' a gun from undercoverspolice in tulsa , oklahoma , said harris may have had a gun on himthe victim was being restrained by an undercover officer when bates ran up\"]\n", - "robert charles bates shot and killed eric courtney harris as the younger man was trying to buy drugs and a gun from deputies posing as dealers in the parking lot of a dollar store .harris , 44 , was being restrained by one of the undercover police officers when bates , who was monitoring from afar , ran up ` trying to get the situation under control ' and fired one shot .according to police at the scene in tulsa , oklahoma , bates , a former full-time officer , accidentally pulled out his service weapon instead of the stun gun .\n", - "robert charles bates , 73 , was allegedly trying to pull out his taserhe killed 44-year-old eric harris , who was ` buying ' a gun from undercoverspolice in tulsa , oklahoma , said harris may have had a gun on himthe victim was being restrained by an undercover officer when bates ran up\n", - "[1.4037154 1.357202 1.0690936 1.2261424 1.3336105 1.1296513 1.1183807\n", - " 1.0920898 1.0937555 1.0636365 1.0860329 1.0114986 1.0609059 1.2519381\n", - " 1.0138192 1.0076498 1.054068 1.0496291 0. 0. ]\n", - "\n", - "[ 0 1 4 13 3 5 6 8 7 10 2 9 12 16 17 14 11 15 18 19]\n", - "=======================\n", - "[\"gerard pique has heaped praise on barcelona 's attacking trio of luis suarez , lionel messi and neymar , claiming he has never seen a relationship like theirs .the spanish giants are in france ahead of their crucial champions league quarter-final tie against paris saint-germain , and pique took some time out to wax lyrical about his team-mates .lionel messi pictured arriving for a training session with barcelona on tuesday morning\"]\n", - "=======================\n", - "['barcelona face paris saint-germain in champions league quarter-finalsahead of the tie , gerard pique has heaped praise on barcelona forwardshe says he has never seen a relationship like the one luis suarez , lionel messi and luis suarez have for barcelonaperhaps in a swipe at cristiano ronaldo , pique went on to say that there is no hint of jealousy between the three barcelona players']\n", - "gerard pique has heaped praise on barcelona 's attacking trio of luis suarez , lionel messi and neymar , claiming he has never seen a relationship like theirs .the spanish giants are in france ahead of their crucial champions league quarter-final tie against paris saint-germain , and pique took some time out to wax lyrical about his team-mates .lionel messi pictured arriving for a training session with barcelona on tuesday morning\n", - "barcelona face paris saint-germain in champions league quarter-finalsahead of the tie , gerard pique has heaped praise on barcelona forwardshe says he has never seen a relationship like the one luis suarez , lionel messi and luis suarez have for barcelonaperhaps in a swipe at cristiano ronaldo , pique went on to say that there is no hint of jealousy between the three barcelona players\n", - "[1.1872951 1.2400444 1.3641679 1.1838131 1.3174936 1.1365247 1.0525095\n", - " 1.0166957 1.021771 1.0347419 1.1528525 1.015773 1.013028 1.0822651\n", - " 1.208747 1.0838946 1.0981424 1.011232 1.0084016 0. ]\n", - "\n", - "[ 2 4 1 14 0 3 10 5 16 15 13 6 9 8 7 11 12 17 18 19]\n", - "=======================\n", - "[\"for her latest collaboration with adidas originals , rita has taken the brand 's classics and put her own bold spin on them .rita ora has channeled her passion for fashion into a new adidas range , so femail caught up with the global star to find out her influences and plans for the futureshe 's a best-selling singer , actress , beauty buff and one of the world 's most stylish stars .\"]\n", - "=======================\n", - "[\"rita , 24 , has designed range for adidas originalsdesigns are inspired by asian culture , she tells femailstar says she 's excited to see what the future holds for her\"]\n", - "for her latest collaboration with adidas originals , rita has taken the brand 's classics and put her own bold spin on them .rita ora has channeled her passion for fashion into a new adidas range , so femail caught up with the global star to find out her influences and plans for the futureshe 's a best-selling singer , actress , beauty buff and one of the world 's most stylish stars .\n", - "rita , 24 , has designed range for adidas originalsdesigns are inspired by asian culture , she tells femailstar says she 's excited to see what the future holds for her\n", - "[1.3239343 1.4139215 1.1888229 1.3555186 1.1166797 1.1254717 1.0826026\n", - " 1.1094521 1.0261953 1.1562493 1.027886 1.0638132 1.0428123 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 9 5 4 7 6 11 12 10 8 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"the cable company complained to the better business bureau 's national advertising division ( nad ) that the ads featured a number of false claims and the watchdog has ruled that several of the campaign 's claims could n't be substantiated .satellite tv operator directv has pulled the plug on its popular advertising campaign featuring 80s heartthrob rob lowe after complaints by rival comcast .the series of ads , which launched last october , featured the 50-year-old actor playing two characters : a handsome lowe in a slick suit who is always the directv customer and then an ` odd or awkward alter-ego ' who was a cable user .\"]\n", - "=======================\n", - "[\"satellite tv operator has ended the campaign after complaints by rival comcast that their claims could n't be substantiatedlaunched last october , the ads had featured rob lowe playing a slick directv customer and an ` odd or awkward alter-ego ' who had cablenumber of inaccuracies highlighted concerning signal reliability , shorter customer service wait times , better picture and sound qualitydirectv claims the campaign was always going to end at the end of q1\"]\n", - "the cable company complained to the better business bureau 's national advertising division ( nad ) that the ads featured a number of false claims and the watchdog has ruled that several of the campaign 's claims could n't be substantiated .satellite tv operator directv has pulled the plug on its popular advertising campaign featuring 80s heartthrob rob lowe after complaints by rival comcast .the series of ads , which launched last october , featured the 50-year-old actor playing two characters : a handsome lowe in a slick suit who is always the directv customer and then an ` odd or awkward alter-ego ' who was a cable user .\n", - "satellite tv operator has ended the campaign after complaints by rival comcast that their claims could n't be substantiatedlaunched last october , the ads had featured rob lowe playing a slick directv customer and an ` odd or awkward alter-ego ' who had cablenumber of inaccuracies highlighted concerning signal reliability , shorter customer service wait times , better picture and sound qualitydirectv claims the campaign was always going to end at the end of q1\n", - "[1.0551672 1.2010789 1.3761373 1.3673899 1.2786566 1.247873 1.2555246\n", - " 1.0803568 1.0716732 1.0460302 1.0903141 1.0288653 1.0103225 1.0075959\n", - " 1.0094346 1.010646 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 4 6 5 1 10 7 8 0 9 11 15 12 14 13 16 17 18 19]\n", - "=======================\n", - "[\"borussia dortmund are not consistently good enough to make der klassiker a regular spectacle .english football 's closest equivalent , liverpool taking on manchester united , is now merely a battle for the top four .but , on easter sunday , marseille and paris st germain played out a game that not only had a huge bearing on the ligue 1 title race , but also easily lived up to it 's billing as le classique .\"]\n", - "=======================\n", - "[\"andre-pierre gignac puts marseille ahead on half-hour with powerful back-post header from dimitri payet crossblaise matuidi equalises five minutes later with a stunning strike from the edge of the boxgignac capitalises on terrible psg defending to restore marseille 's lead before half timemarquinhos brings psg level again , before jeremy morel own goal puts champions ahead moments later\"]\n", - "borussia dortmund are not consistently good enough to make der klassiker a regular spectacle .english football 's closest equivalent , liverpool taking on manchester united , is now merely a battle for the top four .but , on easter sunday , marseille and paris st germain played out a game that not only had a huge bearing on the ligue 1 title race , but also easily lived up to it 's billing as le classique .\n", - "andre-pierre gignac puts marseille ahead on half-hour with powerful back-post header from dimitri payet crossblaise matuidi equalises five minutes later with a stunning strike from the edge of the boxgignac capitalises on terrible psg defending to restore marseille 's lead before half timemarquinhos brings psg level again , before jeremy morel own goal puts champions ahead moments later\n", - "[1.1820786 1.4831445 1.4095552 1.3087659 1.1986666 1.145532 1.2120615\n", - " 1.0288861 1.0113927 1.1030998 1.0288804 1.0135348 1.0634379 1.0542554\n", - " 1.0460173 1.069956 1.1001107 1.1408995 1.1821927 0. ]\n", - "\n", - "[ 1 2 3 6 4 18 0 5 17 9 16 15 12 13 14 7 10 11 8 19]\n", - "=======================\n", - "['the company gave away golden tickets to the first 100 people through the door when the store in avlaston , derbyshire , was officially opened at 8am this morning .more than 200 people were found queueing outside the store looking to get their hands on the deals when the ribbon was cut .ivy bacon , 20 , was delighted to win the top prize .']\n", - "=======================\n", - "[\"more than 200 people queued up to get their hands on aldi 's spot prizesthe company issued golden tickets to first 100 customers through doorsit was to celebrate the launch of a new store in avlaston , derbyshire\"]\n", - "the company gave away golden tickets to the first 100 people through the door when the store in avlaston , derbyshire , was officially opened at 8am this morning .more than 200 people were found queueing outside the store looking to get their hands on the deals when the ribbon was cut .ivy bacon , 20 , was delighted to win the top prize .\n", - "more than 200 people queued up to get their hands on aldi 's spot prizesthe company issued golden tickets to first 100 customers through doorsit was to celebrate the launch of a new store in avlaston , derbyshire\n", - "[1.1578859 1.1934911 1.22723 1.199746 1.1857604 1.1198338 1.0413405\n", - " 1.2000669 1.1241795 1.0872155 1.0238464 1.0483024 1.0697113 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 7 3 1 4 0 8 5 9 12 11 6 10 18 13 14 15 16 17 19]\n", - "=======================\n", - "['diarist anne frank , and her sister margot , also died here .these never-before-seen images were captured by reverend charles martin king parsons , who was one of a handful of chaplains who helped liberate itshortly after the camp was liberated by british and canadian troops in 1945 , it was torched , and at least part of that suffering was destroyed forever as the buildings , along with the reichskriegs flag and hitler portrait which adorned them , were consumed by flames .']\n", - "=======================\n", - "['british reverend charles martin king parsons was one of a handful of chaplains to enter bergen-belsen campcaptured these images , but never told family about them until they were discovered by grandson tom marshallmr marshall said he is proud of his grandfather for making sure future generation can never forget what happenedwarning : graphic content']\n", - "diarist anne frank , and her sister margot , also died here .these never-before-seen images were captured by reverend charles martin king parsons , who was one of a handful of chaplains who helped liberate itshortly after the camp was liberated by british and canadian troops in 1945 , it was torched , and at least part of that suffering was destroyed forever as the buildings , along with the reichskriegs flag and hitler portrait which adorned them , were consumed by flames .\n", - "british reverend charles martin king parsons was one of a handful of chaplains to enter bergen-belsen campcaptured these images , but never told family about them until they were discovered by grandson tom marshallmr marshall said he is proud of his grandfather for making sure future generation can never forget what happenedwarning : graphic content\n", - "[1.1204048 1.1980369 1.3513067 1.213582 1.2530915 1.0686921 1.1267244\n", - " 1.0706288 1.0662193 1.0241729 1.0635949 1.0335237 1.042214 1.0684288\n", - " 1.0252217 1.0518599 1.0288607 1.0584224 1.0930548 1.0209115]\n", - "\n", - "[ 2 4 3 1 6 0 18 7 5 13 8 10 17 15 12 11 16 14 9 19]\n", - "=======================\n", - "['now , for the first time , researchers have shown that higher doses of vitamin e , found in foods such as kale and almonds , can mitigate the stress on immune cells .after a heavy night of drinking , your immune system is bound to be weaker .this is because your body is under oxidative stress - a process that can also happen after smoking , breathing in pollution and even sunbathing .']\n", - "=======================\n", - "['drinking makes body go under oxidative stress and weakens immunitystudy has shown that higher doses of vitamin e can mitigate this stressvitamin e can be found in high doses in foods such as kale and almonds']\n", - "now , for the first time , researchers have shown that higher doses of vitamin e , found in foods such as kale and almonds , can mitigate the stress on immune cells .after a heavy night of drinking , your immune system is bound to be weaker .this is because your body is under oxidative stress - a process that can also happen after smoking , breathing in pollution and even sunbathing .\n", - "drinking makes body go under oxidative stress and weakens immunitystudy has shown that higher doses of vitamin e can mitigate this stressvitamin e can be found in high doses in foods such as kale and almonds\n", - "[1.1009369 1.3493396 1.0941494 1.2987329 1.2785561 1.0550444 1.0676402\n", - " 1.0259566 1.0637833 1.0744672 1.0487119 1.057049 1.0998667 1.0301331\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 0 12 2 9 6 8 11 5 10 13 7 18 14 15 16 17 19]\n", - "=======================\n", - "[\"in fact , we plumped for a classic american road trip - driving along the pacific coast highway ( aka route 1 ) from san francisco to los angeles .navigating route 1 from san fran 's iconic golden gate bridge to la , jane horrocks enjoys her road tripsan francisco is known as america 's most european city , possibly because you 'll need to pack a fleece even in late july .\"]\n", - "=======================\n", - "[\"actress jane horrocks drives her teenagers dylan and molly down route 1the travel from san francisco to the city of angels in three weeks` take your foot off the gas , relax and take it all in ' says jane\"]\n", - "in fact , we plumped for a classic american road trip - driving along the pacific coast highway ( aka route 1 ) from san francisco to los angeles .navigating route 1 from san fran 's iconic golden gate bridge to la , jane horrocks enjoys her road tripsan francisco is known as america 's most european city , possibly because you 'll need to pack a fleece even in late july .\n", - "actress jane horrocks drives her teenagers dylan and molly down route 1the travel from san francisco to the city of angels in three weeks` take your foot off the gas , relax and take it all in ' says jane\n", - "[1.220278 1.3292208 1.2939478 1.1971602 1.1648637 1.113997 1.2494364\n", - " 1.1571345 1.1030526 1.1963909 1.0786642 1.0721989 1.063858 1.0267549\n", - " 1.0346279 1.0126721 1.069711 0. 0. 0. ]\n", - "\n", - "[ 1 2 6 0 3 9 4 7 5 8 10 11 16 12 14 13 15 18 17 19]\n", - "=======================\n", - "[\"jessica edgeington , of villa rica , georgia , was a skilled diver known for a type of high-speed sport called ` swooping ' , where divers speed down to land and sweep over buoys and other obstacles on the surface of a pond as competition .she died after plummeting to the ground at the skydive deland in deland , florida .a 33-year-old professional skydiver who has made more than 6,000 dives was killed during a dive in florida on wednesday , after her chute apparently collided with another mid-air .\"]\n", - "=======================\n", - "[\"jessica edgeington , 33 , had made over 6,000 jumpsthe villa rica , georgia , woman died wednesday in deland , floridashe appears to have collided with another diver mid-air and crashedwas pronounced dead at the scene about 4.10 pmcompeted in a skydiving sport called ` swooping ' , where divers traverse an obstacle course over a pond as they come in to land\"]\n", - "jessica edgeington , of villa rica , georgia , was a skilled diver known for a type of high-speed sport called ` swooping ' , where divers speed down to land and sweep over buoys and other obstacles on the surface of a pond as competition .she died after plummeting to the ground at the skydive deland in deland , florida .a 33-year-old professional skydiver who has made more than 6,000 dives was killed during a dive in florida on wednesday , after her chute apparently collided with another mid-air .\n", - "jessica edgeington , 33 , had made over 6,000 jumpsthe villa rica , georgia , woman died wednesday in deland , floridashe appears to have collided with another diver mid-air and crashedwas pronounced dead at the scene about 4.10 pmcompeted in a skydiving sport called ` swooping ' , where divers traverse an obstacle course over a pond as they come in to land\n", - "[1.2842342 1.3498724 1.2521791 1.2220379 1.1824453 1.1404854 1.08776\n", - " 1.1413803 1.1727602 1.1031911 1.1003402 1.051943 1.0927483 1.0390879\n", - " 1.0707755 1.0417941 1.0518516 1.0114647 1.0588475 1.1115338]\n", - "\n", - "[ 1 0 2 3 4 8 7 5 19 9 10 12 6 14 18 11 16 15 13 17]\n", - "=======================\n", - "[\"while at the scene an unidentified gunman shot brown and a 15 year old deadtriple tragedy : archie brown jr ( pictured ) struck and killed a 2-year-old who ran in front of his van in milwaukee , wisconsin sunday evening .a 15-year-old boy was also shot and later died - though it 's not clear what his connection to the incident was .\"]\n", - "=======================\n", - "['a 41-year-old driver hit and killed a 2-year-old girl sunday evening when the toddler ran front of his van in a milwaukee neighborhoodthe driver , archie brown jr. , stopped at the scenemoments later , someone from the home where the toddler lived opened fire - shooting brown dead and fatally wounding a 15-year-oldpolice are investigating whether the shooting was revenge for the fatal traffic accidentthe gunman responsible has not been arrestedbrown was a father of four with a young daughter of his own']\n", - "while at the scene an unidentified gunman shot brown and a 15 year old deadtriple tragedy : archie brown jr ( pictured ) struck and killed a 2-year-old who ran in front of his van in milwaukee , wisconsin sunday evening .a 15-year-old boy was also shot and later died - though it 's not clear what his connection to the incident was .\n", - "a 41-year-old driver hit and killed a 2-year-old girl sunday evening when the toddler ran front of his van in a milwaukee neighborhoodthe driver , archie brown jr. , stopped at the scenemoments later , someone from the home where the toddler lived opened fire - shooting brown dead and fatally wounding a 15-year-oldpolice are investigating whether the shooting was revenge for the fatal traffic accidentthe gunman responsible has not been arrestedbrown was a father of four with a young daughter of his own\n", - "[1.2504555 1.3935741 1.1328733 1.287319 1.4056822 1.0447903 1.081209\n", - " 1.0907447 1.0253257 1.069565 1.0183464 1.0291988 1.0337785 1.0340412\n", - " 1.0202109 1.0408268 1.1140822 1.1682249 0. 0. ]\n", - "\n", - "[ 4 1 3 0 17 2 16 7 6 9 5 15 13 12 11 8 14 10 18 19]\n", - "=======================\n", - "['andy murray says british players anyone questioning the move should work on their world rankinginstead the british no 1 believes his colleagues should use the assimilation of the world no 83 , originally from slovenia , as motivation to better themselves .aljaz bedene is pictured at his british citizenship ceremony in hatfield on tuesday morning']\n", - "=======================\n", - "['aljaz bedene officially became a british citizen at a ceremony on tuesdaythe 25-year-old is currently ranked no 83 in the world but will be gb no 2andy murray says fellow british players like james ward and kyle edmund should not complain about the assimilationbedene was born in slovenia and could rise up the rankings , says murraybritish no 1 insists young stars should use bedene as motivation']\n", - "andy murray says british players anyone questioning the move should work on their world rankinginstead the british no 1 believes his colleagues should use the assimilation of the world no 83 , originally from slovenia , as motivation to better themselves .aljaz bedene is pictured at his british citizenship ceremony in hatfield on tuesday morning\n", - "aljaz bedene officially became a british citizen at a ceremony on tuesdaythe 25-year-old is currently ranked no 83 in the world but will be gb no 2andy murray says fellow british players like james ward and kyle edmund should not complain about the assimilationbedene was born in slovenia and could rise up the rankings , says murraybritish no 1 insists young stars should use bedene as motivation\n", - "[1.3368607 1.1254936 1.2374564 1.1936302 1.3175446 1.1251503 1.0959642\n", - " 1.0670693 1.0638059 1.0641431 1.0582652 1.0728028 1.036499 1.053095\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 2 3 1 5 6 11 7 9 8 10 13 12 14 15 16 17 18 19]\n", - "=======================\n", - "[\"frustration was clear in the voices of peter moores and alastair cook as they fended off repeated enquiries about kevin pietersen 's future more than a year after he had seemingly been banished from international cricket for good .colin graves has made a habit of talking before thinking since being announced as ecb chairmanthe incoming ecb chairman has been responsible for the mixed messages that leave the england team in as big a state of turmoil and internal rebellion as ever .\"]\n", - "=======================\n", - "['incoming ecb chairman colin graves has handled the potential return of kevin pietersen very poorlygraves has pitched several outlandish ideas about reducing test matches to four dayshe should focus his attention on addressing the england fixture congestion']\n", - "frustration was clear in the voices of peter moores and alastair cook as they fended off repeated enquiries about kevin pietersen 's future more than a year after he had seemingly been banished from international cricket for good .colin graves has made a habit of talking before thinking since being announced as ecb chairmanthe incoming ecb chairman has been responsible for the mixed messages that leave the england team in as big a state of turmoil and internal rebellion as ever .\n", - "incoming ecb chairman colin graves has handled the potential return of kevin pietersen very poorlygraves has pitched several outlandish ideas about reducing test matches to four dayshe should focus his attention on addressing the england fixture congestion\n", - "[1.2574407 1.4116458 1.3050381 1.3111677 1.1790797 1.0161283 1.0380082\n", - " 1.0419778 1.0279046 1.1115993 1.0470243 1.1213285 1.0727137 1.0592731\n", - " 1.0729454 1.0523143 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 11 9 14 12 13 15 10 7 6 8 5 17 16 18]\n", - "=======================\n", - "[\"australian pm tony abbott -- who sends naval gunboats to turn back asylum seekers before they reach australia -- said the eu should ` urgently ' follow his lead .his hardline policy has proved controversial but mr abbott said it was the only way to prevent disasters such as the loss of 900 lives when a fishing boat capsized on saturday night .europe has been urged to copy australia 's military-led ` stop the boats ' policy to avoid migrant tragedies in the mediterranean .\"]\n", - "=======================\n", - "['tony abbott insists tough line on migrants is the only way to stop deathssaid army should be deployed to prevent asylum seekers arriving on landhe has ordered australian military to turn back boats carrying migrantscontroversial move has seen near-daily arrivals fall significantly , with no reported deaths at sea off the coast of australia so far this year']\n", - "australian pm tony abbott -- who sends naval gunboats to turn back asylum seekers before they reach australia -- said the eu should ` urgently ' follow his lead .his hardline policy has proved controversial but mr abbott said it was the only way to prevent disasters such as the loss of 900 lives when a fishing boat capsized on saturday night .europe has been urged to copy australia 's military-led ` stop the boats ' policy to avoid migrant tragedies in the mediterranean .\n", - "tony abbott insists tough line on migrants is the only way to stop deathssaid army should be deployed to prevent asylum seekers arriving on landhe has ordered australian military to turn back boats carrying migrantscontroversial move has seen near-daily arrivals fall significantly , with no reported deaths at sea off the coast of australia so far this year\n", - "[1.3945662 1.270323 1.341311 1.1930686 1.1739569 1.0653521 1.0165635\n", - " 1.0215442 1.0347433 1.102526 1.165883 1.047852 1.0713419 1.1285496\n", - " 1.1076556 1.065064 1.0450687 1.0565093 1.0408221]\n", - "\n", - "[ 0 2 1 3 4 10 13 14 9 12 5 15 17 11 16 18 8 7 6]\n", - "=======================\n", - "[\"( cnn ) mountaineers have returned to mount everest for this year 's climbing season , resuming the quest to summit the world 's highest peak after a deadly season last year .the april 18 accident was the single deadliest incident to ever occur on mount everest .in 2014 , the nepal climbing season ended after a piece of glacial ice fell , unleashing an avalanche that killed 16 nepalis who had just finished their morning prayers .\"]\n", - "=======================\n", - "['climbers are returning to everest after 2014 season on nepal side was canceledclimbing permits increase in tibetan and nepalese side this year16 nepalis died in khumbu icefall on everest last year']\n", - "( cnn ) mountaineers have returned to mount everest for this year 's climbing season , resuming the quest to summit the world 's highest peak after a deadly season last year .the april 18 accident was the single deadliest incident to ever occur on mount everest .in 2014 , the nepal climbing season ended after a piece of glacial ice fell , unleashing an avalanche that killed 16 nepalis who had just finished their morning prayers .\n", - "climbers are returning to everest after 2014 season on nepal side was canceledclimbing permits increase in tibetan and nepalese side this year16 nepalis died in khumbu icefall on everest last year\n", - "[1.3477002 1.2094171 1.1782818 1.24797 1.2005285 1.2088295 1.1698979\n", - " 1.1052445 1.0262519 1.0174316 1.0206524 1.2845896 1.1571726 1.1278322\n", - " 1.0687684 1.0425109 1.0066721 1.1111609 1.0682273]\n", - "\n", - "[ 0 11 3 1 5 4 2 6 12 13 17 7 14 18 15 8 10 9 16]\n", - "=======================\n", - "[\"chelsea can take another step closer towards securing the premier league title when they face arsenal on sunday , and jose mourinho 's side stepped up their preparations for the emirates showdown in training on friday .chelsea manager jose mourinho takes charge of the training session at cobham on fridaythe league leaders were put through their paces at their cobham training headquarters just a couple of days before a london derby against arsene wenger 's side .\"]\n", - "=======================\n", - "[\"chelsea players train at their cobham headquarters on fridayjose mourinho 's side face arsenal at the emirates on sundaychelsea looking to extend their 10-point lead over second-placed arsenalmourinho has never lost to arsenal manager arsene wengercesc fabregas chose chelsea over arsenal for trophies , says mourinho\"]\n", - "chelsea can take another step closer towards securing the premier league title when they face arsenal on sunday , and jose mourinho 's side stepped up their preparations for the emirates showdown in training on friday .chelsea manager jose mourinho takes charge of the training session at cobham on fridaythe league leaders were put through their paces at their cobham training headquarters just a couple of days before a london derby against arsene wenger 's side .\n", - "chelsea players train at their cobham headquarters on fridayjose mourinho 's side face arsenal at the emirates on sundaychelsea looking to extend their 10-point lead over second-placed arsenalmourinho has never lost to arsenal manager arsene wengercesc fabregas chose chelsea over arsenal for trophies , says mourinho\n", - "[1.2695247 1.4414065 1.28808 1.2954364 1.1771523 1.2204137 1.2530525\n", - " 1.0408583 1.0470195 1.0148928 1.0141749 1.0484568 1.0606589 1.0948758\n", - " 1.046794 1.035008 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 6 5 4 13 12 11 8 14 7 15 9 10 17 16 18]\n", - "=======================\n", - "[\"his alleged victims could bring civil claims against himthe family of the 86-year-old politician has been told he will not face child abuse charges because of his memory problems , but he could still face civil action from complainants .lord janner , pictured , is alleged to have sexually assaulted young men in the 1970s and 1980s in children 's homes in leicestershire .\"]\n", - "=======================\n", - "[\"no criminal charges against 86-year-old but alleged victims could sueextent of disgraced peer 's dementia could be examined as part of casesveteran politician accused of historic sex abuse dating back to 1969alleged he sexually abused young boys in care homes in leicestershire\"]\n", - "his alleged victims could bring civil claims against himthe family of the 86-year-old politician has been told he will not face child abuse charges because of his memory problems , but he could still face civil action from complainants .lord janner , pictured , is alleged to have sexually assaulted young men in the 1970s and 1980s in children 's homes in leicestershire .\n", - "no criminal charges against 86-year-old but alleged victims could sueextent of disgraced peer 's dementia could be examined as part of casesveteran politician accused of historic sex abuse dating back to 1969alleged he sexually abused young boys in care homes in leicestershire\n", - "[1.3861768 1.3051877 1.4226885 1.141643 1.2315336 1.0938313 1.0749788\n", - " 1.0797074 1.0748465 1.0483607 1.1256105 1.0952303 1.0704321 1.0757097\n", - " 1.0337763 1.0423152 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 4 3 10 11 5 7 13 6 8 12 9 15 14 16 17 18]\n", - "=======================\n", - "[\"the man , rishi khanal , was saved after a french search and rescue team found him under the rubble on the outskirts of kathmandu , the capital , around noon tuesday , said pushparam k.c. , a spokesman for the armed police force of nepal .kathmandu , nepal ( cnn ) rescuers in nepal have pulled a man from the wreckage of a building where he was stuck for a staggering 82 hours after the devastating earthquake that hit the country saturday .his survival is unusual , as experts say it 's rare for injured people who are trapped to hold out for longer than 72 hours after a disaster .\"]\n", - "=======================\n", - "['a french rescue team finds rishi khanal more than three days after the quakea 4-month-old baby is reported to have been rescued after 22 hours in rubble']\n", - "the man , rishi khanal , was saved after a french search and rescue team found him under the rubble on the outskirts of kathmandu , the capital , around noon tuesday , said pushparam k.c. , a spokesman for the armed police force of nepal .kathmandu , nepal ( cnn ) rescuers in nepal have pulled a man from the wreckage of a building where he was stuck for a staggering 82 hours after the devastating earthquake that hit the country saturday .his survival is unusual , as experts say it 's rare for injured people who are trapped to hold out for longer than 72 hours after a disaster .\n", - "a french rescue team finds rishi khanal more than three days after the quakea 4-month-old baby is reported to have been rescued after 22 hours in rubble\n", - "[1.2946985 1.3235797 1.4070426 1.3170842 1.147164 1.0672277 1.0682209\n", - " 1.0284398 1.0292518 1.0817769 1.0750929 1.0624373 1.0295295 1.0781387\n", - " 1.0602815 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 3 0 4 9 13 10 6 5 11 14 12 8 7 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"the panellist said she was ` hounded on twitter ' after airing her views on the itv show in a discussion about overweight teenagers , and now insists she was only referring to people larger than a size 20 .critics and the public have spoken out after jamelia said that obese women ` should feel uncomfortable ' about their unhealthy size , and that high street stores should not be catering for them .as the market for plus-size fashion consumption grows , alice dogruyol , founder of all-inclusive denim brand , beauty in curves , believes that jamelia 's message to women is incredibly disturbing .\"]\n", - "=======================\n", - "[\"the 34-year-old singer made the initial comments on loose womenargued that ` unhealthy lifestyles ' should not be ` facilitated 'plus-size industry says views are ` uninformed 'star faced bitter twitter backlash , then appeared on good morning britainback on loose women this afternoon , she clarified her viewsjanet street porter and her other co-stars leapt to her defencereal-life women have been posting their pictures to twitterthey 've been using #wearethethey in reference to her comments\"]\n", - "the panellist said she was ` hounded on twitter ' after airing her views on the itv show in a discussion about overweight teenagers , and now insists she was only referring to people larger than a size 20 .critics and the public have spoken out after jamelia said that obese women ` should feel uncomfortable ' about their unhealthy size , and that high street stores should not be catering for them .as the market for plus-size fashion consumption grows , alice dogruyol , founder of all-inclusive denim brand , beauty in curves , believes that jamelia 's message to women is incredibly disturbing .\n", - "the 34-year-old singer made the initial comments on loose womenargued that ` unhealthy lifestyles ' should not be ` facilitated 'plus-size industry says views are ` uninformed 'star faced bitter twitter backlash , then appeared on good morning britainback on loose women this afternoon , she clarified her viewsjanet street porter and her other co-stars leapt to her defencereal-life women have been posting their pictures to twitterthey 've been using #wearethethey in reference to her comments\n", - "[1.488775 1.2329348 1.5387819 1.1272757 1.2186009 1.1144027 1.0439113\n", - " 1.0478108 1.0549468 1.0805354 1.0292869 1.0169477 1.0168915 1.014491\n", - " 1.024009 1.017832 1.0143162 1.0194318 1.0115783 1.0135901 1.0163394\n", - " 1.0343623]\n", - "\n", - "[ 2 0 1 4 3 5 9 8 7 6 21 10 14 17 15 11 12 20 13 16 19 18]\n", - "=======================\n", - "[\"victory at home to crystal palace on sunday will now hand chelsea their first league crown since 2010 .jose mourinho hailed his ` phenomenal ' side after john terry 's scrappy goal put chelsea on the brink of the premier league title .but the chelsea manager was forced to give his players a half-time rollicking after falling behind to relegation-threatened leicester .\"]\n", - "=======================\n", - "[\"chelsea edged ever closer to the title with win against leicester citybut not before jose mourinho gave his squad a half-time rollickingchelsea fell behind in first-half injury time via marc albrighton 's goalthe blues reacted well and earned the victory with three second-half goalsread : leicester city manager nigel pearson calls journalist an ostrich\"]\n", - "victory at home to crystal palace on sunday will now hand chelsea their first league crown since 2010 .jose mourinho hailed his ` phenomenal ' side after john terry 's scrappy goal put chelsea on the brink of the premier league title .but the chelsea manager was forced to give his players a half-time rollicking after falling behind to relegation-threatened leicester .\n", - "chelsea edged ever closer to the title with win against leicester citybut not before jose mourinho gave his squad a half-time rollickingchelsea fell behind in first-half injury time via marc albrighton 's goalthe blues reacted well and earned the victory with three second-half goalsread : leicester city manager nigel pearson calls journalist an ostrich\n", - "[1.1525996 1.2498255 1.279515 1.3259578 1.2952657 1.1445174 1.0538695\n", - " 1.3143944 1.1092783 1.122032 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 7 4 2 1 0 5 9 8 6 19 18 17 16 15 10 13 12 11 20 14 21]\n", - "=======================\n", - "['sticky situation : animal rescue experts spent more than an hour rescuing cody after he wandered into a bogcody was covered head to hoof in mud after being dragged to safety , but - despite being shaken by the ordeal - was otherwise unharmed .crew members climbed into the watery ditch as they tried to ease the distressed animal to safety on friday afternoon .']\n", - "=======================\n", - "['cody got stuck after wandering into ditch in belvedere , south-east londonanimal rescue experts spent an hour and a half rescuing distressed horseafter being freed , the horse was seen by a vet and taken back to his stables']\n", - "sticky situation : animal rescue experts spent more than an hour rescuing cody after he wandered into a bogcody was covered head to hoof in mud after being dragged to safety , but - despite being shaken by the ordeal - was otherwise unharmed .crew members climbed into the watery ditch as they tried to ease the distressed animal to safety on friday afternoon .\n", - "cody got stuck after wandering into ditch in belvedere , south-east londonanimal rescue experts spent an hour and a half rescuing distressed horseafter being freed , the horse was seen by a vet and taken back to his stables\n", - "[1.227471 1.3602414 1.2492085 1.3545659 1.2819679 1.0715816 1.1486616\n", - " 1.248216 1.07237 1.0317936 1.0202297 1.0211542 1.2084228 1.0099728\n", - " 1.0106456 1.1531863 1.0081391 1.008771 1.142766 1.1374886 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 4 2 7 0 12 15 6 18 19 8 5 9 11 10 14 13 17 16 20 21]\n", - "=======================\n", - "['the newborn cubs were discovered by a woman passing the car park , who noticed the box sitting next to a clothing donation bin .the seven cubs weighed around six ounces each when they were taken in by the pocono wildlife rehabilitation and educational centerwhen she peeped inside she saw seven baby foxes -- thought to be only 10 days old -- sitting together .']\n", - "=======================\n", - "['tiny cubs were abandoned in a cardboard box , next to a clothing donation point , in a car park in pennsylvaniaseven baby foxes - five males and two females - were taken to animal rehabilitation center for care and treatmentcubs were dehydrated but healthy , and will stay in the center for a few months before being returned to the wild']\n", - "the newborn cubs were discovered by a woman passing the car park , who noticed the box sitting next to a clothing donation bin .the seven cubs weighed around six ounces each when they were taken in by the pocono wildlife rehabilitation and educational centerwhen she peeped inside she saw seven baby foxes -- thought to be only 10 days old -- sitting together .\n", - "tiny cubs were abandoned in a cardboard box , next to a clothing donation point , in a car park in pennsylvaniaseven baby foxes - five males and two females - were taken to animal rehabilitation center for care and treatmentcubs were dehydrated but healthy , and will stay in the center for a few months before being returned to the wild\n", - "[1.229085 1.5539491 1.1809634 1.3208206 1.0951504 1.2247909 1.0747721\n", - " 1.2857287 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 7 0 5 2 4 6 19 18 17 16 15 14 10 12 11 20 9 8 13 21]\n", - "=======================\n", - "[\"the 26-year-old west ham striker suffered torn ligaments in his left knee during west ham 's 0-0 draw with southampton and wo n't be available for the rest of the season .andy carroll posted this photograph on his instagram showing him posing on an over-sized chairthe 26-year-old has been plagued with injuries since joining west ham permanently in 2013\"]\n", - "=======================\n", - "['andy carroll is currently out injured nursing a knee ligament damagethe west ham striker posted a photo of him posing on a wooden thronecarroll will miss the rest of the season but should be back for pre-seasonclick here for all the latest west ham united news']\n", - "the 26-year-old west ham striker suffered torn ligaments in his left knee during west ham 's 0-0 draw with southampton and wo n't be available for the rest of the season .andy carroll posted this photograph on his instagram showing him posing on an over-sized chairthe 26-year-old has been plagued with injuries since joining west ham permanently in 2013\n", - "andy carroll is currently out injured nursing a knee ligament damagethe west ham striker posted a photo of him posing on a wooden thronecarroll will miss the rest of the season but should be back for pre-seasonclick here for all the latest west ham united news\n", - "[1.1652635 1.2593124 1.2488486 1.2726481 1.1496966 1.1120765 1.092838\n", - " 1.0704092 1.0450431 1.057793 1.0676012 1.0631108 1.0568833 1.076687\n", - " 1.0921702 1.0325173 1.0723004 0. ]\n", - "\n", - "[ 3 1 2 0 4 5 6 14 13 16 7 10 11 9 12 8 15 17]\n", - "=======================\n", - "[\"vladimir putin appeared on russian tv today like you have never seen him before - leading to questions that he has had cosmetic surgery to get rid of the bags under his eyes , wrinkles and make his face more chiseledthe wrinkles on the 62-year-old 's forehead , clearly visibly in previous pictures , have disappeared , while his skin look smooth , taut , tanned and younger than ever .it 's the changing face of russian politics .\"]\n", - "=======================\n", - "['appeared on russian television today looking tanned and wrinkle-freerussian president disappeared for 10 days last month with no explanationrumours for years that president has undergone facial cosmetic surgery']\n", - "vladimir putin appeared on russian tv today like you have never seen him before - leading to questions that he has had cosmetic surgery to get rid of the bags under his eyes , wrinkles and make his face more chiseledthe wrinkles on the 62-year-old 's forehead , clearly visibly in previous pictures , have disappeared , while his skin look smooth , taut , tanned and younger than ever .it 's the changing face of russian politics .\n", - "appeared on russian television today looking tanned and wrinkle-freerussian president disappeared for 10 days last month with no explanationrumours for years that president has undergone facial cosmetic surgery\n", - "[1.2042562 1.0817462 1.1067606 1.2879256 1.3001277 1.1800458 1.0740819\n", - " 1.0393428 1.1410567 1.0742943 1.0607294 1.0296003 1.0542046 1.0750337\n", - " 1.0369264 1.0613618 1.0672637 0. ]\n", - "\n", - "[ 4 3 0 5 8 2 1 13 9 6 16 15 10 12 7 14 11 17]\n", - "=======================\n", - "['the classic english pastry has been identified as the perfect accompaniment to a creamy latte , as well as a cinnamon swirl and a pain au raisin .the next time you order your coffee give some thought to your choice of pastrywith the coffee drinking scene continuing to grow in britain , baristas and cafe owners are putting more thought into the cakes and pasties that accompany your beverage .']\n", - "=======================\n", - "['head of coffee at pact coffee will corby recommends the best pairingshave a crumbly , hard cheese like lancashire with your irish coffeea delicately spiced pastry will let you detect light espresso flavour in latte']\n", - "the classic english pastry has been identified as the perfect accompaniment to a creamy latte , as well as a cinnamon swirl and a pain au raisin .the next time you order your coffee give some thought to your choice of pastrywith the coffee drinking scene continuing to grow in britain , baristas and cafe owners are putting more thought into the cakes and pasties that accompany your beverage .\n", - "head of coffee at pact coffee will corby recommends the best pairingshave a crumbly , hard cheese like lancashire with your irish coffeea delicately spiced pastry will let you detect light espresso flavour in latte\n", - "[1.2803943 1.4554746 1.1477506 1.2883161 1.1541396 1.1170237 1.0942819\n", - " 1.0649867 1.0553485 1.0586449 1.0670677 1.1783983 1.0645822 1.1279042\n", - " 1.1033399 1.0135708 0. 0. ]\n", - "\n", - "[ 1 3 0 11 4 2 13 5 14 6 10 7 12 9 8 15 16 17]\n", - "=======================\n", - "['brian cassidy was picking up trash outside the store in bangor , maine on thursday when he discovered the wet stack of money beneath a large piece of paper in the parking lot .returned : the money belonged to ou chen , who lost the $ 4,000 as he cleared snow off his car last winter after leaving his job at a nearby restaurant .great work : brian cassidy , right , is pictured being presented with a bangor police department challenge coin by an officer after he found $ 4,400 cash in a walmart parking lot and alerted security']\n", - "=======================\n", - "['brian cassidy was picking up trash from the parking lot of the bangor , maine store last thursday when he found the wet stack of cashhe immediately contacted security and police were calledthey discovered that a man who worked at a nearby restaurant , ou chen , had reported losing the money while cleaning snow off his car last winterpolice returned the cash to chen and thanked cassidy for his integrity by awarding him a police deparment coin']\n", - "brian cassidy was picking up trash outside the store in bangor , maine on thursday when he discovered the wet stack of money beneath a large piece of paper in the parking lot .returned : the money belonged to ou chen , who lost the $ 4,000 as he cleared snow off his car last winter after leaving his job at a nearby restaurant .great work : brian cassidy , right , is pictured being presented with a bangor police department challenge coin by an officer after he found $ 4,400 cash in a walmart parking lot and alerted security\n", - "brian cassidy was picking up trash from the parking lot of the bangor , maine store last thursday when he found the wet stack of cashhe immediately contacted security and police were calledthey discovered that a man who worked at a nearby restaurant , ou chen , had reported losing the money while cleaning snow off his car last winterpolice returned the cash to chen and thanked cassidy for his integrity by awarding him a police deparment coin\n", - "[1.2494999 1.4778433 1.1478211 1.225094 1.1753078 1.1115739 1.1208962\n", - " 1.1128601 1.1186742 1.082665 1.0387703 1.0230185 1.1759449 1.1450462\n", - " 1.0713855 1.0362062 1.0141213 1.0189872]\n", - "\n", - "[ 1 0 3 12 4 2 13 6 8 7 5 9 14 10 15 11 17 16]\n", - "=======================\n", - "[\"ariana mason , 21 , claims she was also choked by the man when he put her in a ` stranglehold ' at a las vegas hotel .a young fashion designer who needed 26 stitches to her face after it was allegedly smashed into a glass table-top by a police officer is suing him and his force for $ 4million .after filing a civil rights lawsuit against officer shawn izzo and the metropolitan police department , , she told reporters yesterday : ` what happened to me was wrong and i do n't want it to happen to anybody else . '\"]\n", - "=======================\n", - "[\"shawn izzo is alleged to have used ` excessive force ' on ariana masonariana said she needed 26 stitches and that her teeth were brokenshe admits punching the officer but ` did n't realise ' he was with police\"]\n", - "ariana mason , 21 , claims she was also choked by the man when he put her in a ` stranglehold ' at a las vegas hotel .a young fashion designer who needed 26 stitches to her face after it was allegedly smashed into a glass table-top by a police officer is suing him and his force for $ 4million .after filing a civil rights lawsuit against officer shawn izzo and the metropolitan police department , , she told reporters yesterday : ` what happened to me was wrong and i do n't want it to happen to anybody else . '\n", - "shawn izzo is alleged to have used ` excessive force ' on ariana masonariana said she needed 26 stitches and that her teeth were brokenshe admits punching the officer but ` did n't realise ' he was with police\n", - "[1.168228 1.3218814 1.2919759 1.2972395 1.065838 1.0548997 1.1484985\n", - " 1.0913613 1.0896746 1.0378857 1.0643913 1.0439743 1.0375261 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 6 7 8 4 10 5 11 9 12 16 13 14 15 17]\n", - "=======================\n", - "[\"the 250-piece collaboration - which included clothing , accessories , and homeware from the designer at target 's lower price point - attracted thousands of enthusiastic shoppers who logged online early and waited in long lines outside target stores before they opened .fast fashion gets faster : lilly pulitzer 's lower-priced collection for target sold out almost immediately online and in stores ; customers re-selling this $ 34 maxi dress were netting bids over $ 200now officially sold out by the retailer , pieces from the diffusion line have popped up on ebay - but those cruising the bidding site should n't expect to see the same original low prices paid by target customers .\"]\n", - "=======================\n", - "['the designer diffusion line went on sale sunday morning but was nearly sold out online before noon , with stores selling out minutes after openingre-sellers initially tried to unload merchandise at crazy prices including $ 799 for a $ 150 hammock ; now thousands of pieces are available on ebay with smaller markups']\n", - "the 250-piece collaboration - which included clothing , accessories , and homeware from the designer at target 's lower price point - attracted thousands of enthusiastic shoppers who logged online early and waited in long lines outside target stores before they opened .fast fashion gets faster : lilly pulitzer 's lower-priced collection for target sold out almost immediately online and in stores ; customers re-selling this $ 34 maxi dress were netting bids over $ 200now officially sold out by the retailer , pieces from the diffusion line have popped up on ebay - but those cruising the bidding site should n't expect to see the same original low prices paid by target customers .\n", - "the designer diffusion line went on sale sunday morning but was nearly sold out online before noon , with stores selling out minutes after openingre-sellers initially tried to unload merchandise at crazy prices including $ 799 for a $ 150 hammock ; now thousands of pieces are available on ebay with smaller markups\n", - "[1.2498398 1.4705489 1.2108842 1.1950327 1.2168679 1.137666 1.150096\n", - " 1.0488048 1.0391412 1.026635 1.1145153 1.0667567 1.0434344 1.0344228\n", - " 1.0741206 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 6 5 10 14 11 7 12 8 13 9 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"german detectives have been ` closely monitoring developments ' in the # 60 million london case and are expected to make contact with scotland yard this week .police are investigating links between the hatton garden gems heist and a strikingly similar raid on a berlin bank two years ago .in a case which has strikingly similar traits to the # 60m heist in london , thieves targeted 294 security vaults during a break-in at the volksbank in steglitz , berlin , in january 2013\"]\n", - "=======================\n", - "['police investigating links between hatton garden heist and berlin bank raidgerman detectives expected to make contact with scotland yard this weekthey are keen to find out whether any dna was recovered from the scene']\n", - "german detectives have been ` closely monitoring developments ' in the # 60 million london case and are expected to make contact with scotland yard this week .police are investigating links between the hatton garden gems heist and a strikingly similar raid on a berlin bank two years ago .in a case which has strikingly similar traits to the # 60m heist in london , thieves targeted 294 security vaults during a break-in at the volksbank in steglitz , berlin , in january 2013\n", - "police investigating links between hatton garden heist and berlin bank raidgerman detectives expected to make contact with scotland yard this weekthey are keen to find out whether any dna was recovered from the scene\n", - "[1.5300484 1.2976458 1.3197453 1.1561437 1.1261718 1.0830628 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 1 3 4 5 20 19 18 17 16 15 14 11 12 21 10 9 8 7 6 13 22]\n", - "=======================\n", - "['sao paulo , brazil ( cnn ) brazilian supermodel gisele bundchen sashayed down the catwalk at sao paulo fashion week on wednesday night in an emotional farewell to the runway .the 34-year-old , who is married to new england patriots quarterback tom brady and has two children , has said she wants to spend more time with her family .bundchen announced over the weekend that she would be retiring from the catwalk , though not the fashion industry .']\n", - "=======================\n", - "['gisele bundchen walked the runway for the last time wednesday night in brazilthe supermodel announced her retirement from runway modeling over the weekendshe plans to continue working in other facets of the industry']\n", - "sao paulo , brazil ( cnn ) brazilian supermodel gisele bundchen sashayed down the catwalk at sao paulo fashion week on wednesday night in an emotional farewell to the runway .the 34-year-old , who is married to new england patriots quarterback tom brady and has two children , has said she wants to spend more time with her family .bundchen announced over the weekend that she would be retiring from the catwalk , though not the fashion industry .\n", - "gisele bundchen walked the runway for the last time wednesday night in brazilthe supermodel announced her retirement from runway modeling over the weekendshe plans to continue working in other facets of the industry\n", - "[1.1452024 1.3912013 1.3939273 1.201205 1.280917 1.0402308 1.0754377\n", - " 1.1195916 1.0211182 1.0170105 1.0459015 1.0734301 1.0744089 1.0419103\n", - " 1.0979593 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 1 4 3 0 7 14 6 12 11 10 13 5 8 9 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"sheldon nadelman , 80 , who worked at the bar from 1973 to 1982 , would meet and photograph the women as they came in at eight in the morning for three shots of cognac before going out to walk the streets .but photos of the area 's ` notorious ' dive bar , terminal , have been preserved by the bartender and photographer who served drinks to pimps , prostitutes and destitute new yorkers floating around the port authority bus terminal .photos taken from behind the bar at terminal bar , a 41st street and 8th avenue watering hole open until 1982 , show a side of times square that has disappeared in the glare of coca cola advertisements\"]\n", - "=======================\n", - "[\"sheldon nadelman , 80 , captured images of new yorkers while working at terminal bar on 41st street and 8th avephotos between 1973 and 1982 show prostitutes , pimps and homeless people around port authority bus terminalsex workers would come in to drink cognac at eight in the morning before going out to walk the streetsterminal bar closed when owner did n't want to pay $ 125,000 a year rent on property that now leases for millionsblock with bar in neighborhood described as ` dirtiest , wildest and toughest ' now has an upscale grocery store\"]\n", - "sheldon nadelman , 80 , who worked at the bar from 1973 to 1982 , would meet and photograph the women as they came in at eight in the morning for three shots of cognac before going out to walk the streets .but photos of the area 's ` notorious ' dive bar , terminal , have been preserved by the bartender and photographer who served drinks to pimps , prostitutes and destitute new yorkers floating around the port authority bus terminal .photos taken from behind the bar at terminal bar , a 41st street and 8th avenue watering hole open until 1982 , show a side of times square that has disappeared in the glare of coca cola advertisements\n", - "sheldon nadelman , 80 , captured images of new yorkers while working at terminal bar on 41st street and 8th avephotos between 1973 and 1982 show prostitutes , pimps and homeless people around port authority bus terminalsex workers would come in to drink cognac at eight in the morning before going out to walk the streetsterminal bar closed when owner did n't want to pay $ 125,000 a year rent on property that now leases for millionsblock with bar in neighborhood described as ` dirtiest , wildest and toughest ' now has an upscale grocery store\n", - "[1.5017755 1.1595376 1.2674563 1.2744637 1.1909153 1.1896956 1.150606\n", - " 1.1169215 1.1250957 1.1358225 1.0176113 1.0150778 1.2162738 1.0192809\n", - " 1.0119317 1.0326574 1.0498185 1.029096 1.0196034 1.0098318 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 2 12 4 5 1 6 9 8 7 16 15 17 18 13 10 11 14 19 21 20 22]\n", - "=======================\n", - "[\"mercedes motorsport boss toto wolff believes nico rosberg was back to his best in sunday 's bahrain grand prix .nico rosberg duels for position with the ferrari of sebastian vettel during sunday 's race in bahrainalthough rosberg could only finish third behind hamilton and ferrari star kimi raikkonen at the bahrain international circuit , he proved over the course of the race he still has what it takes .\"]\n", - "=======================\n", - "['nico rosberg fought his way past kimi raikkonen and sebastian vettelhe ultimately finished third after his brakes failed in closing stagesthe german is now 27 points behind title leader lewis hamiltonhamilton has out-qualified and finished ahead of rosberg at every race']\n", - "mercedes motorsport boss toto wolff believes nico rosberg was back to his best in sunday 's bahrain grand prix .nico rosberg duels for position with the ferrari of sebastian vettel during sunday 's race in bahrainalthough rosberg could only finish third behind hamilton and ferrari star kimi raikkonen at the bahrain international circuit , he proved over the course of the race he still has what it takes .\n", - "nico rosberg fought his way past kimi raikkonen and sebastian vettelhe ultimately finished third after his brakes failed in closing stagesthe german is now 27 points behind title leader lewis hamiltonhamilton has out-qualified and finished ahead of rosberg at every race\n", - "[1.2706091 1.3193625 1.3243022 1.3147514 1.1843289 1.1251833 1.1250911\n", - " 1.1453574 1.0341809 1.047317 1.0532175 1.0379071 1.0433966 1.1434258\n", - " 1.0695255 1.1631823 1.0578284 1.0499367 1.0564265 1.0945886 1.037063\n", - " 1.0320429 1.0168014]\n", - "\n", - "[ 2 1 3 0 4 15 7 13 5 6 19 14 16 18 10 17 9 12 11 20 8 21 22]\n", - "=======================\n", - "[\"the incident happened last saturday in nanchang , the provincial capital of jiangxi in southeastern china , reported the people 's daily online .according to his father , the boy most likely fell while sleepwalking .life-saving car : the 12-year-old boy from nanchang was saved by this car parked underneath the building\"]\n", - "=======================\n", - "['12-year-old boy survives five-storey fall by landing on a carfather says child was sleepwalking and fell from the windowpublic security bureau is further investigating the incidentcar owner feels dismayed as he bought the car not long ago']\n", - "the incident happened last saturday in nanchang , the provincial capital of jiangxi in southeastern china , reported the people 's daily online .according to his father , the boy most likely fell while sleepwalking .life-saving car : the 12-year-old boy from nanchang was saved by this car parked underneath the building\n", - "12-year-old boy survives five-storey fall by landing on a carfather says child was sleepwalking and fell from the windowpublic security bureau is further investigating the incidentcar owner feels dismayed as he bought the car not long ago\n", - "[1.2170557 1.1125661 1.09344 1.057796 1.181889 1.1258204 1.2935462\n", - " 1.0824586 1.0447943 1.0566986 1.1159605 1.0351062 1.1008912 1.0656227\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 6 0 4 5 10 1 12 2 7 13 3 9 8 11 18 14 15 16 17 19]\n", - "=======================\n", - "[\"if the assumptions are correct , she will be the first princess of cambridge born into the royal family in 182 years .( cnn ) much like the ardent young royal-watchers of today , enamored by the duchess of cambridge 's very being , i was similarly captivated by diana , princess of wales when i was a youngster .as the world awaits the impending birth of william and kate 's second baby , potential names have become the topic of rampant speculation and heated debate .\"]\n", - "=======================\n", - "['as william and kate await the arrival of their second child , speculation is rife as to what he or she will be namedroyal expert victoria arbiter argues that naming a newborn princess after diana would put too much pressure on her']\n", - "if the assumptions are correct , she will be the first princess of cambridge born into the royal family in 182 years .( cnn ) much like the ardent young royal-watchers of today , enamored by the duchess of cambridge 's very being , i was similarly captivated by diana , princess of wales when i was a youngster .as the world awaits the impending birth of william and kate 's second baby , potential names have become the topic of rampant speculation and heated debate .\n", - "as william and kate await the arrival of their second child , speculation is rife as to what he or she will be namedroyal expert victoria arbiter argues that naming a newborn princess after diana would put too much pressure on her\n", - "[1.3848151 1.4656615 1.0925027 1.1515676 1.2676746 1.0479382 1.1444588\n", - " 1.1866058 1.1286174 1.0261601 1.1524622 1.1273173 1.0202332 1.00754\n", - " 1.0081114 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 7 10 3 6 8 11 2 5 9 12 14 13 15 16 17 18 19]\n", - "=======================\n", - "['\" furious 7 \" -- the final film from the late paul walker -- is expected to gross $ 115 million or more when opening at the north american box office this weekend , the top showing ever for an april title , not accounting for inflation.domestically , it is getting the widest release in universal \\'s history with a theater count of roughly 4,003 ( including imax locations ) , eclipsing \" despicable me 2 \" ( 3,956 ) .the last film , \" fast & furious 6 , \" debuted to a franchise-best $ 117 million over the four-day memorial day weekend in 2012 , including $ 97.4 million for the three days , on its way to grossing $ 788.7 million worldwide .overseas , the movie is also poised to do massive business , putting its global debut north of $ 250 million .']\n", - "=======================\n", - "['the film is expected to gross $ 115 million or morepaul walker died in a car crash during filming\" furious 7 \" poised to nab the biggest opening of 2015 so far']\n", - "\" furious 7 \" -- the final film from the late paul walker -- is expected to gross $ 115 million or more when opening at the north american box office this weekend , the top showing ever for an april title , not accounting for inflation.domestically , it is getting the widest release in universal 's history with a theater count of roughly 4,003 ( including imax locations ) , eclipsing \" despicable me 2 \" ( 3,956 ) .the last film , \" fast & furious 6 , \" debuted to a franchise-best $ 117 million over the four-day memorial day weekend in 2012 , including $ 97.4 million for the three days , on its way to grossing $ 788.7 million worldwide .overseas , the movie is also poised to do massive business , putting its global debut north of $ 250 million .\n", - "the film is expected to gross $ 115 million or morepaul walker died in a car crash during filming\" furious 7 \" poised to nab the biggest opening of 2015 so far\n", - "[1.0905533 1.376327 1.1692829 1.3449858 1.0664752 1.3193691 1.2215862\n", - " 1.1132613 1.1565325 1.0419209 1.0650939 1.1454172 1.1643965 1.1184666\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 5 6 2 12 8 11 13 7 0 4 10 9 14 15 16 17 18 19]\n", - "=======================\n", - "['women typically take and delete five pictures before settling on a selfie they feel comfortable posting online , a survey found .the survey , carried out by onepoll , found men are also guilty of taking multiple selfies before they post one they liketwo in three women ( 64 per cent ) feel anxious just having their photo taken , while looking at snaps on social media made 41 per cent feel bad about themselves , according to a survey of 5,000 people by market researchers onepoll .']\n", - "=======================\n", - "['survey finds women rule out five photos before posting a selfie onlinetwo in three women anxious about having their photo taken , onepoll founditv show launching campaign to get people to share their first selfie online']\n", - "women typically take and delete five pictures before settling on a selfie they feel comfortable posting online , a survey found .the survey , carried out by onepoll , found men are also guilty of taking multiple selfies before they post one they liketwo in three women ( 64 per cent ) feel anxious just having their photo taken , while looking at snaps on social media made 41 per cent feel bad about themselves , according to a survey of 5,000 people by market researchers onepoll .\n", - "survey finds women rule out five photos before posting a selfie onlinetwo in three women anxious about having their photo taken , onepoll founditv show launching campaign to get people to share their first selfie online\n", - "[1.543215 1.4544225 1.1790311 1.1626468 1.1834767 1.4222655 1.0716983\n", - " 1.0869867 1.0727965 1.0230155 1.0450583 1.0116786 1.0113846 1.0093563\n", - " 1.0196531 1.0250627 1.0156783 1.020429 1.1000695 1.021044 ]\n", - "\n", - "[ 0 1 5 4 2 3 18 7 8 6 10 15 9 19 17 14 16 11 12 13]\n", - "=======================\n", - "[\"louis van gaal has revealed that he has spoken to marouane fellaini about keeping his cool when the manchester united midfielder returns to goodison park on sunday for the first time since his # 27million move from everton .fellaini , who followed manager david moyes to old trafford in the summer of 2013 , is set for a more hostile reception than juan mata received at his old club chelsea last weekend .united are gearing up for a trip to everton , and the game will be fellaini 's first return to his former club\"]\n", - "=======================\n", - "[\"manchester united travel to everton in the premier league this weekendit is marouane fellaini 's first return to goodison park since joining unitedlouis van gaal admits he has told fellaini to keep his coolunited are likely to be without michael carrick , phil jones , marcos rojo and daley blind for the trip to merseysideeverton vs man united : team news , kick-off time and probable line-ups\"]\n", - "louis van gaal has revealed that he has spoken to marouane fellaini about keeping his cool when the manchester united midfielder returns to goodison park on sunday for the first time since his # 27million move from everton .fellaini , who followed manager david moyes to old trafford in the summer of 2013 , is set for a more hostile reception than juan mata received at his old club chelsea last weekend .united are gearing up for a trip to everton , and the game will be fellaini 's first return to his former club\n", - "manchester united travel to everton in the premier league this weekendit is marouane fellaini 's first return to goodison park since joining unitedlouis van gaal admits he has told fellaini to keep his coolunited are likely to be without michael carrick , phil jones , marcos rojo and daley blind for the trip to merseysideeverton vs man united : team news , kick-off time and probable line-ups\n", - "[1.2939259 1.1579425 1.0420712 1.1345766 1.1988364 1.3206121 1.0639057\n", - " 1.0342937 1.0339266 1.1033987 1.0588017 1.0356904 1.0301201 1.0908229\n", - " 1.0884712 1.0270288 1.0188476 0. 0. 0. ]\n", - "\n", - "[ 5 0 4 1 3 9 13 14 6 10 2 11 7 8 12 15 16 18 17 19]\n", - "=======================\n", - "[\"tiger 's nest monastery is the most sacred site in the buddhist country of bhutan and was built in the 8th century` welcome to the land of gnh ' was blazoned across the poster in front of me as i stepped off the plane at paro airport .the only billboard showed a glamorous young couple , the fifth king and his queen , looking as if they had stepped out of a bollywood movie .\"]\n", - "=======================\n", - "['bhutan measures its success with a gross national happiness index instead of using gdpthe buddhist country is a land of myths and magic , where tigers fly and witches reside in ancient forestshouses are decorated with dragons , animals and phallic symbols to guard against malicious thoughtsbuddhist monuments , known as stupas , are erected near rivers to defy the evil spirits that lurk beneath the watermassive dzongs , medieval monastic fortresses , tower over the valleys decorated with prayer flags']\n", - "tiger 's nest monastery is the most sacred site in the buddhist country of bhutan and was built in the 8th century` welcome to the land of gnh ' was blazoned across the poster in front of me as i stepped off the plane at paro airport .the only billboard showed a glamorous young couple , the fifth king and his queen , looking as if they had stepped out of a bollywood movie .\n", - "bhutan measures its success with a gross national happiness index instead of using gdpthe buddhist country is a land of myths and magic , where tigers fly and witches reside in ancient forestshouses are decorated with dragons , animals and phallic symbols to guard against malicious thoughtsbuddhist monuments , known as stupas , are erected near rivers to defy the evil spirits that lurk beneath the watermassive dzongs , medieval monastic fortresses , tower over the valleys decorated with prayer flags\n", - "[1.3256984 1.1868238 1.1700964 1.2508442 1.1898618 1.2182207 1.0595117\n", - " 1.0564545 1.0239486 1.0419624 1.0675392 1.0976305 1.0328183 1.0437204\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 5 4 1 2 11 10 6 7 13 9 12 8 14 15 16]\n", - "=======================\n", - "[\"( cnn ) after years of making the case that the education of athletes is paramount , the ncaa now says it has no legal responsibility to make sure education is actually delivered .but the ncaa is taking a very different position in response to a lawsuit filed by former university of north carolina athletes .the lawsuit claimed the students did n't get an education because they were caught up in the largest known academic fraud scandal in ncaa history .\"]\n", - "=======================\n", - "['in response to lawsuit , ncaa says it does n\\'t control quality of education for student-athletesbut its website emphasizes importance of education , \" opportunities to learn \"lawsuit claims students did n\\'t get an education because of academic fraud at unc']\n", - "( cnn ) after years of making the case that the education of athletes is paramount , the ncaa now says it has no legal responsibility to make sure education is actually delivered .but the ncaa is taking a very different position in response to a lawsuit filed by former university of north carolina athletes .the lawsuit claimed the students did n't get an education because they were caught up in the largest known academic fraud scandal in ncaa history .\n", - "in response to lawsuit , ncaa says it does n't control quality of education for student-athletesbut its website emphasizes importance of education , \" opportunities to learn \"lawsuit claims students did n't get an education because of academic fraud at unc\n", - "[1.3893665 1.3759791 1.3147719 1.2647705 1.3352723 1.0998267 1.0885354\n", - " 1.0621201 1.0390846 1.016719 1.0104208 1.0622232 1.0210938 1.11294\n", - " 1.150816 1.0376784 0. ]\n", - "\n", - "[ 0 1 4 2 3 14 13 5 6 11 7 8 15 12 9 10 16]\n", - "=======================\n", - "[\"cbs political analyst john dickerson has been announced as the new host of face the nation , taking over from veteran broadcaster bob schieffer .he is expected to make his first appearance this summer , ending schieffer 's 14-year reign as host of the long-running news program , and said he 's ` honored and excited ' by the new job .dickerson worked for time magazine for 12 years , four of them as white house correspondent , and has written extensively about the 2008 presidential campaign , the obama presidency and his second run at the white house in 2010 .\"]\n", - "=======================\n", - "[\"dickerson was announced as replacement during show on sundayjournalist is the chief political correspondent for slate magazinerevealed he is ` honored and excited ' by the new jobhis veteran cbs colleague announced he was stepping down last weektexas native schieffer has been host of the show since 1991\"]\n", - "cbs political analyst john dickerson has been announced as the new host of face the nation , taking over from veteran broadcaster bob schieffer .he is expected to make his first appearance this summer , ending schieffer 's 14-year reign as host of the long-running news program , and said he 's ` honored and excited ' by the new job .dickerson worked for time magazine for 12 years , four of them as white house correspondent , and has written extensively about the 2008 presidential campaign , the obama presidency and his second run at the white house in 2010 .\n", - "dickerson was announced as replacement during show on sundayjournalist is the chief political correspondent for slate magazinerevealed he is ` honored and excited ' by the new jobhis veteran cbs colleague announced he was stepping down last weektexas native schieffer has been host of the show since 1991\n", - "[1.1605685 1.4691871 1.2692045 1.3364906 1.1817322 1.127635 1.0624213\n", - " 1.0348024 1.087473 1.0996089 1.0769751 1.0284021 1.1012408 1.0660934\n", - " 1.0860951 1.0261916 1.015712 ]\n", - "\n", - "[ 1 3 2 4 0 5 12 9 8 14 10 13 6 7 11 15 16]\n", - "=======================\n", - "['around two million high school students admitted to buying vaporizers in 2014 - more than triple the 660,000 recorded the year before .but smoking of traditional cigarettes plummeted to about nine per cent .the cdc report , released on thursday , is based on a national survey of about 22,000 students at middle schools and high schools , both public and private .']\n", - "=======================\n", - "['two million high school students admitted to using e-cigarettes in 2014that is an increase of 13 per cent from the 660,000 recorded in 2013traditional cigarette use has plummeted by 9 per cent , cdc study showsexperts warn e-cigarette marketing is not regulated']\n", - "around two million high school students admitted to buying vaporizers in 2014 - more than triple the 660,000 recorded the year before .but smoking of traditional cigarettes plummeted to about nine per cent .the cdc report , released on thursday , is based on a national survey of about 22,000 students at middle schools and high schools , both public and private .\n", - "two million high school students admitted to using e-cigarettes in 2014that is an increase of 13 per cent from the 660,000 recorded in 2013traditional cigarette use has plummeted by 9 per cent , cdc study showsexperts warn e-cigarette marketing is not regulated\n", - "[1.369205 1.2340302 1.43024 1.3333691 1.1364572 1.1180168 1.0460212\n", - " 1.0220658 1.0361245 1.1039271 1.1440593 1.0311104 1.0902847 1.0586957\n", - " 1.0868171 1.083715 0. ]\n", - "\n", - "[ 2 0 3 1 10 4 5 9 12 14 15 13 6 8 11 7 16]\n", - "=======================\n", - "[\"carol chandler , 53 , allegedly molested a boy , under the age of 14 who was a pupil at top independent school st paul 's in barnes , south west london , during the 1980s .carol chandler at southwark crown court to answer charges of historic sexual abuseshe is facing three counts of indecent assault and two counts of gross indecency between 1983 and 1985 .\"]\n", - "=======================\n", - "[\"carol chandler , 53 , accused of abusing boy under 14 at st paul 's schoolteacher at southwark crown court facing three counts of indecent assault and two counts of gross indecency at the school between 1983 and 1985school costs # 32,000-a-year and counts george osborne among old boys\"]\n", - "carol chandler , 53 , allegedly molested a boy , under the age of 14 who was a pupil at top independent school st paul 's in barnes , south west london , during the 1980s .carol chandler at southwark crown court to answer charges of historic sexual abuseshe is facing three counts of indecent assault and two counts of gross indecency between 1983 and 1985 .\n", - "carol chandler , 53 , accused of abusing boy under 14 at st paul 's schoolteacher at southwark crown court facing three counts of indecent assault and two counts of gross indecency at the school between 1983 and 1985school costs # 32,000-a-year and counts george osborne among old boys\n", - "[1.1904674 1.0940516 1.2106841 1.077784 1.0429233 1.1732452 1.1258401\n", - " 1.0505327 1.0572734 1.075724 1.0869051 1.1312001 1.0863363 1.1325369\n", - " 1.0744087 0. 0. ]\n", - "\n", - "[ 2 0 5 13 11 6 1 10 12 3 9 14 8 7 4 15 16]\n", - "=======================\n", - "[\"opt for a stroll around new york 's recently-built highline or paris ' jardin du luxembourg , or visit one of london 's many free museums for a no-cost cultural fix .known for their high-end boutiques , wallet-stretching gastronomical delights , and luxurious hotel offerings , it may seem like an impossible dream to visit some of the world 's most cosmopolitan cities on a budget .hotel 31 and apple core hotels ' nyma , a new york manhattan hotel , are both located just a five-minute walk from the empire state building , which is great for those looking to stay in the heart of midtown without breaking the bank .\"]\n", - "=======================\n", - "['in new york city , opt for free attractions , like central park or the highlinestay just outside the city centre in zurich and toronto to savetripadvisor offers plenty of low-cost accommodations , all for under # 100']\n", - "opt for a stroll around new york 's recently-built highline or paris ' jardin du luxembourg , or visit one of london 's many free museums for a no-cost cultural fix .known for their high-end boutiques , wallet-stretching gastronomical delights , and luxurious hotel offerings , it may seem like an impossible dream to visit some of the world 's most cosmopolitan cities on a budget .hotel 31 and apple core hotels ' nyma , a new york manhattan hotel , are both located just a five-minute walk from the empire state building , which is great for those looking to stay in the heart of midtown without breaking the bank .\n", - "in new york city , opt for free attractions , like central park or the highlinestay just outside the city centre in zurich and toronto to savetripadvisor offers plenty of low-cost accommodations , all for under # 100\n", - "[1.3247216 1.53788 1.2213168 1.4117463 1.1564901 1.1089045 1.0260175\n", - " 1.0214089 1.027476 1.2618947 1.0292122 1.019853 1.0162246 1.0184658\n", - " 1.0403942 1.0302045 1.0109006 1.0913552 1.0107746 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 9 2 4 5 17 14 15 10 8 6 7 11 13 12 16 18 21 19 20 22]\n", - "=======================\n", - "[\"warwickshire batsman trott touched down in the west indies with england on thursday night , back in the international set-up for the first time since leaving last winter 's ashes tour with a stress-related illness .the renowned sports psychiatrist dr steve peters claims he did little more than give jonathan trott the tools to rebuild his england career .trott has spoken openly of his struggles since , but has slowly rehabilitated his career with both warwickshire and the england lions and is now on the brink of returning to tests .\"]\n", - "=======================\n", - "[\"jonathan trott returned to england 's set-up after his stress-related illnesssport psychiatrist dr steve peters helped the batsman with his problemspeters is delighted to see the ` incredible ' trott return for englandclick here for all the latest cricket news\"]\n", - "warwickshire batsman trott touched down in the west indies with england on thursday night , back in the international set-up for the first time since leaving last winter 's ashes tour with a stress-related illness .the renowned sports psychiatrist dr steve peters claims he did little more than give jonathan trott the tools to rebuild his england career .trott has spoken openly of his struggles since , but has slowly rehabilitated his career with both warwickshire and the england lions and is now on the brink of returning to tests .\n", - "jonathan trott returned to england 's set-up after his stress-related illnesssport psychiatrist dr steve peters helped the batsman with his problemspeters is delighted to see the ` incredible ' trott return for englandclick here for all the latest cricket news\n", - "[1.3489206 1.2296749 1.3703129 1.189202 1.2276233 1.0857803 1.1848917\n", - " 1.1084924 1.036006 1.0560527 1.0252274 1.1318598 1.0695347 1.2013764\n", - " 1.0243838 1.0376408 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 1 4 13 3 6 11 7 5 12 9 15 8 10 14 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"jonathan leblanc , the company 's top developer , said that the devices would be powered by stomach acid and include mini computers .paypal is developing a new generation of edible passwords which stay lodged in your stomach to let you log in .the next wave of passwords will be edible , ingestible or injectable and will remove the need for what he called ` antiquated ' ways of confirming your identity , such as fingerprint scanning .\"]\n", - "=======================\n", - "[\"company developing a password that stays lodged in your stomachjonathan leblanc , the company 's top developer , said that the devices would be powered by stomach acid and include mini computersadded that technology had become so advanced that it allowed ` true integration with the human body '\"]\n", - "jonathan leblanc , the company 's top developer , said that the devices would be powered by stomach acid and include mini computers .paypal is developing a new generation of edible passwords which stay lodged in your stomach to let you log in .the next wave of passwords will be edible , ingestible or injectable and will remove the need for what he called ` antiquated ' ways of confirming your identity , such as fingerprint scanning .\n", - "company developing a password that stays lodged in your stomachjonathan leblanc , the company 's top developer , said that the devices would be powered by stomach acid and include mini computersadded that technology had become so advanced that it allowed ` true integration with the human body '\n", - "[1.3193853 1.3115042 1.2740299 1.1637828 1.2969098 1.0718055 1.1051186\n", - " 1.027662 1.0366354 1.056876 1.0583155 1.0689639 1.0532231 1.0774893\n", - " 1.1430942 1.0567229 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 4 2 3 14 6 13 5 11 10 9 15 12 8 7 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"arizona officials who botched an investigation into the rape of a 13-year-old girl - allowing her rapist to continue to assault her for four years - have agreed to pay her $ 3.5 million .the payout by maricopa county , which was revealed on wednesday , comes after it emerged that patrick morrison continued to assault the mentally-disabled girl , his niece , and even got her pregnant when detectives failed to properly investigate the case .her rape was among more than 400 sex-crime cases that were inadequately investigated or not looked into at all by sheriff joe arpaio 's office over a three-year period ending in 2007 .\"]\n", - "=======================\n", - "[\"patrick morrison first raped his mentally-disabled niece sabrina morrison in 2007 and after she told a teacher , a rape kit was carried outeven though the lab found traces of semen , detectives with the maricopa county sheriff 's office closed the case and did not arrest morrisonhe went on to rape his niece for four years and even got her pregnant , although she aborted the childthe case was re-opened in 2011 and he admitted to the attacksit is just one of 400 sex-crime cases that were inadequately investigated by sheriff joe arpaio 's office over a three-year period\"]\n", - "arizona officials who botched an investigation into the rape of a 13-year-old girl - allowing her rapist to continue to assault her for four years - have agreed to pay her $ 3.5 million .the payout by maricopa county , which was revealed on wednesday , comes after it emerged that patrick morrison continued to assault the mentally-disabled girl , his niece , and even got her pregnant when detectives failed to properly investigate the case .her rape was among more than 400 sex-crime cases that were inadequately investigated or not looked into at all by sheriff joe arpaio 's office over a three-year period ending in 2007 .\n", - "patrick morrison first raped his mentally-disabled niece sabrina morrison in 2007 and after she told a teacher , a rape kit was carried outeven though the lab found traces of semen , detectives with the maricopa county sheriff 's office closed the case and did not arrest morrisonhe went on to rape his niece for four years and even got her pregnant , although she aborted the childthe case was re-opened in 2011 and he admitted to the attacksit is just one of 400 sex-crime cases that were inadequately investigated by sheriff joe arpaio 's office over a three-year period\n", - "[1.1561193 1.2222915 1.3586524 1.354146 1.2236307 1.0567288 1.0313859\n", - " 1.138841 1.1029505 1.0967793 1.1528753 1.0876985 1.0684944 1.0194814\n", - " 1.0154412 1.0099095 1.0105704 1.0127304 1.0089003 1.0119182 1.0109041\n", - " 1.0091909 1.072072 ]\n", - "\n", - "[ 2 3 4 1 0 10 7 8 9 11 22 12 5 6 13 14 17 19 20 16 15 21 18]\n", - "=======================\n", - "[\"he is the first graduate of the last mile , the world 's only prison-based tech incubator .leal was one of 15 prisoners who was selected from about 200 to undergo six months of intensive business training with silicon valley entrepreneurs to develop their own business plan - while inside san quentin .however , unlike most app developers , he learnt about technology not at mit or at stanford , but at san quentin correctional facility .\"]\n", - "=======================\n", - "['kenyatta leal was handed life sentence for firearms in 1994inside san quentin he was accepted to unprecedented tech schemeprisoners who never experienced the internet learn to code']\n", - "he is the first graduate of the last mile , the world 's only prison-based tech incubator .leal was one of 15 prisoners who was selected from about 200 to undergo six months of intensive business training with silicon valley entrepreneurs to develop their own business plan - while inside san quentin .however , unlike most app developers , he learnt about technology not at mit or at stanford , but at san quentin correctional facility .\n", - "kenyatta leal was handed life sentence for firearms in 1994inside san quentin he was accepted to unprecedented tech schemeprisoners who never experienced the internet learn to code\n", - "[1.3250655 1.4671364 1.1863058 1.188153 1.228961 1.1258959 1.3130819\n", - " 1.0572749 1.0450268 1.014085 1.0258483 1.0637771 1.0240062 1.0297927\n", - " 1.0756462 1.1550376 1.1548274 1.1233729 1.0286909 1.008972 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 6 4 3 2 15 16 5 17 14 11 7 8 13 18 10 12 9 19 20 21 22]\n", - "=======================\n", - "[\"the meticulous manchester united boss was stunned to find that players could not train after dark at the swish complex on the outskirts of the city when he arrived last summer .louis van gaal has won a battle to install floodlights at the club 's carrington training ground .sportsmail understands van gaal is very keen to replicate match conditions during sessions .\"]\n", - "=======================\n", - "['manchester united manager louis van gaal was stunned players could not train after dark at the swish carrington training groundvan gaal ordered improvements including the installation of floodlightsthe dutchman is keen to replicate match conditions during sessions']\n", - "the meticulous manchester united boss was stunned to find that players could not train after dark at the swish complex on the outskirts of the city when he arrived last summer .louis van gaal has won a battle to install floodlights at the club 's carrington training ground .sportsmail understands van gaal is very keen to replicate match conditions during sessions .\n", - "manchester united manager louis van gaal was stunned players could not train after dark at the swish carrington training groundvan gaal ordered improvements including the installation of floodlightsthe dutchman is keen to replicate match conditions during sessions\n", - "[1.2523353 1.2637935 1.3187511 1.316838 1.16275 1.08669 1.0565239\n", - " 1.0577866 1.0696903 1.1191413 1.0689746 1.0191258 1.0183073 1.0430484\n", - " 1.0364047 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 0 4 9 5 8 10 7 6 13 14 11 12 18 15 16 17 19]\n", - "=======================\n", - "[\"the invisible , creepy presence reported by so many people over the centuries is just a set of mixed-up signals in the brain , the researchers say .the spooky experiment which conjured up a ghostly illusion in the laboratory has proved once and for all that it 's only our mind playing tricks .blindfolded and wearing ear-plugs , test subjects performed movements with their hand attached to a robotic device .\"]\n", - "=======================\n", - "[\"swiss researchers carried out an experiment to make artificial ` ghosts 'the sensation was re-created by researchers using a robot to interfere with the sensory signals in the brains of blindfolded volunteers\"]\n", - "the invisible , creepy presence reported by so many people over the centuries is just a set of mixed-up signals in the brain , the researchers say .the spooky experiment which conjured up a ghostly illusion in the laboratory has proved once and for all that it 's only our mind playing tricks .blindfolded and wearing ear-plugs , test subjects performed movements with their hand attached to a robotic device .\n", - "swiss researchers carried out an experiment to make artificial ` ghosts 'the sensation was re-created by researchers using a robot to interfere with the sensory signals in the brains of blindfolded volunteers\n", - "[1.0300816 1.3758732 1.2676613 1.1562309 1.0723921 1.2865425 1.1810383\n", - " 1.1210481 1.0602216 1.1519921 1.1191417 1.0930135 1.0797387 1.055357\n", - " 1.0551231 1.0518816 1.0289528 1.0131887 1.0335355 0. ]\n", - "\n", - "[ 1 5 2 6 3 9 7 10 11 12 4 8 13 14 15 18 0 16 17 19]\n", - "=======================\n", - "['none of the girls rescued from raided boko haram camps in nigeria has been identified thus far as among the missing chibok girls , a high-ranking nigerian army official said .nigerian troops rescued 200 girls and 93 women tuesday in the sambisa forest , the nigerian armed forces announced on its official twitter account .the armed forces could not immediately confirm if any of the rescued girls were among the 200 schoolgirls the militant group boko haram kidnapped in april 2014 from the village of chibok .']\n", - "=======================\n", - "['military has not confirmed if any rescued girls came from 2014 chibok mass abductionnigerian troops raided boko haram camps in northeastern nigeria , military says']\n", - "none of the girls rescued from raided boko haram camps in nigeria has been identified thus far as among the missing chibok girls , a high-ranking nigerian army official said .nigerian troops rescued 200 girls and 93 women tuesday in the sambisa forest , the nigerian armed forces announced on its official twitter account .the armed forces could not immediately confirm if any of the rescued girls were among the 200 schoolgirls the militant group boko haram kidnapped in april 2014 from the village of chibok .\n", - "military has not confirmed if any rescued girls came from 2014 chibok mass abductionnigerian troops raided boko haram camps in northeastern nigeria , military says\n", - "[1.2308345 1.440176 1.3229375 1.2960365 1.2632089 1.137115 1.2653451\n", - " 1.0159004 1.0176651 1.0129234 1.0663785 1.0934925 1.0252815 1.0109394\n", - " 1.0136073 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 6 4 0 5 11 10 12 8 7 14 9 13 18 15 16 17 19]\n", - "=======================\n", - "['the owners in huddersfield , west yorkshire , began to experience problems when heavy rain started falling last autumn - and are now calling on harron homes to resolve their 11-month ordeal .neighbours have also reported issues with drains , streetlights , cracks in front doors , gaps between interior doors and the architrave , loose fence panels and a collapsed pipe under the street .liz brindley , 31 , who was one of the first people to move into a property in may last year , said : ` this was meant to be our first dream home , but it has turned into more like hell .']\n", - "=======================\n", - "[\"huddersfield residents began to have problems after heavy rain last yearneighbours reported issues with drains , streetlights and cracks in doorsalso told of loose fence panels and have suffered problems for 11 monthsharron homes admits it is ` genuinely sorry for the inconvenience caused '\"]\n", - "the owners in huddersfield , west yorkshire , began to experience problems when heavy rain started falling last autumn - and are now calling on harron homes to resolve their 11-month ordeal .neighbours have also reported issues with drains , streetlights , cracks in front doors , gaps between interior doors and the architrave , loose fence panels and a collapsed pipe under the street .liz brindley , 31 , who was one of the first people to move into a property in may last year , said : ` this was meant to be our first dream home , but it has turned into more like hell .\n", - "huddersfield residents began to have problems after heavy rain last yearneighbours reported issues with drains , streetlights and cracks in doorsalso told of loose fence panels and have suffered problems for 11 monthsharron homes admits it is ` genuinely sorry for the inconvenience caused '\n", - "[1.3482457 1.1902366 1.3023369 1.1551027 1.369531 1.1400208 1.1028186\n", - " 1.0555798 1.1737692 1.0646212 1.0655466 1.060912 1.0635248 1.0626314\n", - " 1.0257186 1.091775 1.0403157 0. 0. 0. ]\n", - "\n", - "[ 4 0 2 1 8 3 5 6 15 10 9 12 13 11 7 16 14 17 18 19]\n", - "=======================\n", - "[\"raheem sterling has been warned about the dangers of leaving liverpool by his team-mate kolo tourekolo toure has warned raheem sterling that leaving liverpool could see him end up on the scrapheap at a big club , similar to the way that jack rodwell and scott sinclair did at manchester city .chelsea and manchester city are also keen on english football 's hottest property .\"]\n", - "=======================\n", - "[\"raheem sterling has turned down a # 100,000-a-week liverpool contractarsenal , chelsea and manchester city are all interested in signing himkolo toure saw english talent struggle during his time at manchester cityhe has compared sterling 's situation with jack rodwell and scott sinclair\"]\n", - "raheem sterling has been warned about the dangers of leaving liverpool by his team-mate kolo tourekolo toure has warned raheem sterling that leaving liverpool could see him end up on the scrapheap at a big club , similar to the way that jack rodwell and scott sinclair did at manchester city .chelsea and manchester city are also keen on english football 's hottest property .\n", - "raheem sterling has turned down a # 100,000-a-week liverpool contractarsenal , chelsea and manchester city are all interested in signing himkolo toure saw english talent struggle during his time at manchester cityhe has compared sterling 's situation with jack rodwell and scott sinclair\n", - "[1.4291449 1.3215514 1.1892319 1.3224754 1.3299383 1.0471292 1.027679\n", - " 1.0275334 1.0231699 1.0189054 1.0406381 1.1319941 1.039654 1.0183089\n", - " 1.0915108 1.1536484 1.0401651 1.0584178 1.0261015 1.0177608]\n", - "\n", - "[ 0 4 3 1 2 15 11 14 17 5 10 16 12 6 7 18 8 9 13 19]\n", - "=======================\n", - "[\"new york police commissioner bill bratton swooned over the ` boy band ' of four swedish cops who broke up a subway fight in the big apple this week , complimenting their use of safe and effective restraint tactics .officials from the united states and sweden have praised their brave efforts and they are set to return home as heroes .tourist police officers samuel kvarzell , markus asberg , eric jansberger and erik naslund halted a fight between two homeless men on the uptown 6 train this wednesday .\"]\n", - "=======================\n", - "[\"tourist cops samuel kvarzell , markus asberg , eric jansberger and erik naslund broke up a fight on the uptown 6 train this wednesday` here as tourists , they stepped up , ` bratton said on fridaythe friends were on their way to see les misérables on broadway when a conductor on the 6 train called for helpthe men , who are all police officers in their native sweden , wrestled the suspect to the floor and held him until nypd could arrive` we 're no heroes , just tourists , ' says uppsala , sweden , police officer\"]\n", - "new york police commissioner bill bratton swooned over the ` boy band ' of four swedish cops who broke up a subway fight in the big apple this week , complimenting their use of safe and effective restraint tactics .officials from the united states and sweden have praised their brave efforts and they are set to return home as heroes .tourist police officers samuel kvarzell , markus asberg , eric jansberger and erik naslund halted a fight between two homeless men on the uptown 6 train this wednesday .\n", - "tourist cops samuel kvarzell , markus asberg , eric jansberger and erik naslund broke up a fight on the uptown 6 train this wednesday` here as tourists , they stepped up , ` bratton said on fridaythe friends were on their way to see les misérables on broadway when a conductor on the 6 train called for helpthe men , who are all police officers in their native sweden , wrestled the suspect to the floor and held him until nypd could arrive` we 're no heroes , just tourists , ' says uppsala , sweden , police officer\n", - "[1.1121489 1.4255071 1.1730802 1.1032581 1.1792146 1.0462546 1.0346708\n", - " 1.2091343 1.14212 1.1768656 1.0909871 1.1195977 1.0699303 1.0824325\n", - " 1.0438235 1.0474741 1.0111648 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 7 4 9 2 8 11 0 3 10 13 12 15 5 14 6 16 21 17 18 19 20 22]\n", - "=======================\n", - "[\"as a crack team of surgeons from the australian charity , interplast , worked last march to save the sight of little baby seng , from vientiane , laos , inspirational burns survivor turia pitt watched on .stronger than ever and inspired by a little burned baby : turia pitt ( pictured ) , who experienced burns to 64 per cent of her body during a september 2011 ultramarathon through the kimberley , western australiaseng 's sight was saved by keen doctor volunteers from interplast .\"]\n", - "=======================\n", - "[\"baby seng , from laos , is the little boy who touched turia pitt 's heartthe inspirational burns survivor witnessed his sight-saving surgeryhe reached up and poured a rice-cooker filled with boiling water on his headturia tells daily mail australia he is ` for sure ' one of her inspirationsshe has experienced more than 200 operations since she was burnedshe was caught in a bushfire in the kimberley in september 2011turia also revealed she is fitter and stronger than she has ever beenshe ran a half-marathon with a faster time this year than before the burnsshe is hosting a gala night for interplast , the charity who saved sengthe event will be held on thursday evening\"]\n", - "as a crack team of surgeons from the australian charity , interplast , worked last march to save the sight of little baby seng , from vientiane , laos , inspirational burns survivor turia pitt watched on .stronger than ever and inspired by a little burned baby : turia pitt ( pictured ) , who experienced burns to 64 per cent of her body during a september 2011 ultramarathon through the kimberley , western australiaseng 's sight was saved by keen doctor volunteers from interplast .\n", - "baby seng , from laos , is the little boy who touched turia pitt 's heartthe inspirational burns survivor witnessed his sight-saving surgeryhe reached up and poured a rice-cooker filled with boiling water on his headturia tells daily mail australia he is ` for sure ' one of her inspirationsshe has experienced more than 200 operations since she was burnedshe was caught in a bushfire in the kimberley in september 2011turia also revealed she is fitter and stronger than she has ever beenshe ran a half-marathon with a faster time this year than before the burnsshe is hosting a gala night for interplast , the charity who saved sengthe event will be held on thursday evening\n", - "[1.3163754 1.285284 1.2053642 1.323596 1.1180063 1.2539797 1.0501753\n", - " 1.1089245 1.1111506 1.057821 1.0845947 1.1207752 1.105558 1.0214818\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 0 1 5 2 11 4 8 7 12 10 9 6 13 20 19 18 14 16 15 21 17 22]\n", - "=======================\n", - "[\"ap mccoy finished fifth on shutthefrontdoor in the grand national , but will not ride in the scottish nationalap mccoy 's last chance of a national winner before he retires has evaporated after benvolio , his intended mount in this afternoon 's coral scottish national at ayr was withdrawn .mccoy will bring an end to his two-decade domination of jump racing after he rides at sandown a week today .\"]\n", - "=======================\n", - "[\"ap mccoy 's mount benvolio withdrawn from scottish grand nationalpaul nicholls pulls horse due to unsuitable drying conditions at ayrmccoy is due to retire next week after over 4,000 career wins\"]\n", - "ap mccoy finished fifth on shutthefrontdoor in the grand national , but will not ride in the scottish nationalap mccoy 's last chance of a national winner before he retires has evaporated after benvolio , his intended mount in this afternoon 's coral scottish national at ayr was withdrawn .mccoy will bring an end to his two-decade domination of jump racing after he rides at sandown a week today .\n", - "ap mccoy 's mount benvolio withdrawn from scottish grand nationalpaul nicholls pulls horse due to unsuitable drying conditions at ayrmccoy is due to retire next week after over 4,000 career wins\n", - "[1.425969 1.3747895 1.2717401 1.3705955 1.2796173 1.1885426 1.0433918\n", - " 1.0305856 1.0311666 1.0534548 1.0239912 1.0338752 1.1026866 1.0770955\n", - " 1.0305512 1.011025 1.0075347 1.0171084 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 3 4 2 5 12 13 9 6 11 8 7 14 10 17 15 16 21 18 19 20 22]\n", - "=======================\n", - "[\"paul casey insists he is desperate to play in the ryder cup again , even though he looks unlikely to rejoin the european tour in time to earn qualifying points this season .only tour members can play on the team and phoenix-based casey gave up his membership after deciding in january to concentrate on the pga tour in order to get back into the world 's top 50 .the move has paid off with the former world no 3 losing a play-off in the northern trust open and finishing joint third in the honda classic to climb to 44th at the start of this week .\"]\n", - "=======================\n", - "[\"paul casey left the european tour to get back into world 's top 50former world no 3 is ` desperate ' to return to the 2016 ryder cup teamcaptain darren clarke has said he wants casey at hazeltine next year\"]\n", - "paul casey insists he is desperate to play in the ryder cup again , even though he looks unlikely to rejoin the european tour in time to earn qualifying points this season .only tour members can play on the team and phoenix-based casey gave up his membership after deciding in january to concentrate on the pga tour in order to get back into the world 's top 50 .the move has paid off with the former world no 3 losing a play-off in the northern trust open and finishing joint third in the honda classic to climb to 44th at the start of this week .\n", - "paul casey left the european tour to get back into world 's top 50former world no 3 is ` desperate ' to return to the 2016 ryder cup teamcaptain darren clarke has said he wants casey at hazeltine next year\n", - "[1.329635 1.2323893 1.1041013 1.1703911 1.1595244 1.0879866 1.0499626\n", - " 1.0957243 1.0808288 1.0769081 1.025895 1.0504615 1.0190738 1.0393537\n", - " 1.0293418 1.0850803 1.0825474 1.0304 1.0466005 1.0296675 1.0586629\n", - " 1.0431828 1.0527267]\n", - "\n", - "[ 0 1 3 4 2 7 5 15 16 8 9 20 22 11 6 18 21 13 17 19 14 10 12]\n", - "=======================\n", - "[\"waterloo , iowa ( cnn ) martin o'malley and jim webb share little in common .both democrats are toying with a presidential run , both are facing long odds in that endeavor , and both shared a stage at the polk county democrats awards dinner in des moines , iowa , on friday night .o'malley is a former mayor and maryland governor who seems most at home when he is pressing the flesh at events and introducing himself to anyone who would extend their hand .\"]\n", - "=======================\n", - "[\"there are few similarities between democrats martin o'malley and jim webbbut they find themselves in a similar position as long-shot presidential hopefuls\"]\n", - "waterloo , iowa ( cnn ) martin o'malley and jim webb share little in common .both democrats are toying with a presidential run , both are facing long odds in that endeavor , and both shared a stage at the polk county democrats awards dinner in des moines , iowa , on friday night .o'malley is a former mayor and maryland governor who seems most at home when he is pressing the flesh at events and introducing himself to anyone who would extend their hand .\n", - "there are few similarities between democrats martin o'malley and jim webbbut they find themselves in a similar position as long-shot presidential hopefuls\n", - "[1.4715579 1.5065775 1.3223712 1.3474438 1.1104347 1.0351838 1.040915\n", - " 1.0165057 1.1413895 1.3609871 1.0217806 1.0269035 1.0212256 1.0137596\n", - " 1.0200249 1.1136432 1.0168793 1.0330782 1.011598 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 9 3 2 8 15 4 6 5 17 11 10 12 14 16 7 13 18 19 20 21 22]\n", - "=======================\n", - "['referees and officials were struck with projectiles by angry supporters after a tight contest between south sydney and canterbury ended in controversy .nrl head of football todd greenberg has vowed to issue canterbury fans who threw bottles at match officials with life-time bans .a touch judge is hit by a bottle at the end of the round 5 nrl match between the canterbury bankstown bulldogs and the south sydney rabbitohs at anz stadium in sydney on friday']\n", - "=======================\n", - "[\"south sydney secured a bitter 18-17 victory after a last-gasp penaltybulldogs were leading until the referee awarded rabbitohs a late penaltyrabbitohs converted the penalty and went on to win the gameas officials made their way off the field , they were pelted with missilesone of the officials was taken to hospital with broken shouldercanterbury coach has apologised for the actions of his club 's supportersbulldogs ceo said the club has called for a life ban on fans involvedpolice have identified two people for allegedly throwing bottlesinquiries to identify others involved in the attack are continuing\"]\n", - "referees and officials were struck with projectiles by angry supporters after a tight contest between south sydney and canterbury ended in controversy .nrl head of football todd greenberg has vowed to issue canterbury fans who threw bottles at match officials with life-time bans .a touch judge is hit by a bottle at the end of the round 5 nrl match between the canterbury bankstown bulldogs and the south sydney rabbitohs at anz stadium in sydney on friday\n", - "south sydney secured a bitter 18-17 victory after a last-gasp penaltybulldogs were leading until the referee awarded rabbitohs a late penaltyrabbitohs converted the penalty and went on to win the gameas officials made their way off the field , they were pelted with missilesone of the officials was taken to hospital with broken shouldercanterbury coach has apologised for the actions of his club 's supportersbulldogs ceo said the club has called for a life ban on fans involvedpolice have identified two people for allegedly throwing bottlesinquiries to identify others involved in the attack are continuing\n", - "[1.3435596 1.1995208 1.219698 1.2089902 1.1629921 1.1819805 1.1152607\n", - " 1.1385056 1.1190549 1.061958 1.057624 1.0635521 1.0803511 1.0771625\n", - " 1.054933 1.1002196 1.1116138 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 5 4 7 8 6 16 15 12 13 11 9 10 14 25 17 18 19 20 21 22\n", - " 23 24 26]\n", - "=======================\n", - "[\"villagers from shandong province in eastern china have reportedly resorted to transporting natural gas in plastic bags .worried passers-by compared this behaviour to carrying a bomb on their backs because any contact with a naked flame or even a cigarette could spell disaster .recent images show intrepid residents from lijin village in dongying city carry the explosive in bags as long as six metres on rickshaws , reported the people 's daily online .\"]\n", - "=======================\n", - "['villagers in shangdong are seen using bags as long as six metresit is becoming a common behaviour in some villages since 2011previous investigation suggested gas in the bag are often stolengas carriers have little understanding of dangers claiming it to be safe']\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "villagers from shandong province in eastern china have reportedly resorted to transporting natural gas in plastic bags .worried passers-by compared this behaviour to carrying a bomb on their backs because any contact with a naked flame or even a cigarette could spell disaster .recent images show intrepid residents from lijin village in dongying city carry the explosive in bags as long as six metres on rickshaws , reported the people 's daily online .\n", - "villagers in shangdong are seen using bags as long as six metresit is becoming a common behaviour in some villages since 2011previous investigation suggested gas in the bag are often stolengas carriers have little understanding of dangers claiming it to be safe\n", - "[1.2688445 1.4639881 1.229815 1.3159829 1.1829723 1.0513117 1.028406\n", - " 1.0480328 1.0529324 1.0497451 1.0661985 1.0999496 1.095586 1.0526878\n", - " 1.0379925 1.0216737 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 11 12 10 8 13 5 9 7 14 6 15 24 23 22 21 18 19 17 16\n", - " 25 20 26]\n", - "=======================\n", - "['the password , 166816 , is still being used by about 90 per cent of customers , researchers david byrne and charles henderson disclosed on wednesday during the annual rsa security conference in california .researchers charles henderson ( right ) and david byrne ( left ) said a global maker of cash registers has been using the same default password on the payment devices for more than two decades .this potentailly puts the devices at risk of being a target of a security breach']\n", - "=======================\n", - "[\"researchers said during security conference that payment devices by unidentified global vendor came with password ' 166816 'while researchers did not identify the vendor , google search points to verifone , which said its devices in the field come with password ` z66831 'verifone claimed sensitive payment information or personally identifiable information can not be captured\"]\n", - "the password , 166816 , is still being used by about 90 per cent of customers , researchers david byrne and charles henderson disclosed on wednesday during the annual rsa security conference in california .researchers charles henderson ( right ) and david byrne ( left ) said a global maker of cash registers has been using the same default password on the payment devices for more than two decades .this potentailly puts the devices at risk of being a target of a security breach\n", - "researchers said during security conference that payment devices by unidentified global vendor came with password ' 166816 'while researchers did not identify the vendor , google search points to verifone , which said its devices in the field come with password ` z66831 'verifone claimed sensitive payment information or personally identifiable information can not be captured\n", - "[1.2527835 1.1795824 1.3241026 1.343697 1.059479 1.0415677 1.1068028\n", - " 1.1512507 1.0543481 1.0460852 1.0875835 1.1285815 1.0703839 1.0980881\n", - " 1.0405288 1.0176891 1.0224515 1.0273676 1.0484859 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 0 1 7 11 6 13 10 12 4 8 18 9 5 14 17 16 15 25 19 20 21 22\n", - " 23 24 26]\n", - "=======================\n", - "[\"the sewol sank on april 16 , killing 304 people , mostly high school students who were on their way to a field trip to jeju island , off south korea 's southern coast .the divers stopped searching months ago because of the winter and water conditions , and the south korean ferry remains on the bottom of the sea floor .seoul ( cnn ) in the first few days after the sewol disappeared beneath the yellow sea , divers pulled body after body from the watery wreckage , bringing the dead home .\"]\n", - "=======================\n", - "['sewol ferry sank a year ago off the coast of south korea , killing 304 peoplefamilies hold protests , vigils , say not much has been resolved since sinkinggovernment has yet to decide whether to raise the ferry']\n", - "the sewol sank on april 16 , killing 304 people , mostly high school students who were on their way to a field trip to jeju island , off south korea 's southern coast .the divers stopped searching months ago because of the winter and water conditions , and the south korean ferry remains on the bottom of the sea floor .seoul ( cnn ) in the first few days after the sewol disappeared beneath the yellow sea , divers pulled body after body from the watery wreckage , bringing the dead home .\n", - "sewol ferry sank a year ago off the coast of south korea , killing 304 peoplefamilies hold protests , vigils , say not much has been resolved since sinkinggovernment has yet to decide whether to raise the ferry\n", - "[1.0682635 1.2471781 1.1122502 1.1283919 1.0936832 1.0489142 1.0257964\n", - " 1.0638559 1.2916117 1.0511942 1.0711333 1.1014497 1.0644228 1.0250064\n", - " 1.0358087 1.0417194 1.0302926 1.0315266 1.0824072 1.0292373 1.0813576\n", - " 1.0131531 1.0141257 1.030911 1.099945 1.0671499 1.0707772]\n", - "\n", - "[ 8 1 3 2 11 24 4 18 20 10 26 0 25 12 7 9 5 15 14 17 23 16 19 6\n", - " 13 22 21]\n", - "=======================\n", - "['this was the start of the photo series \" treesome , \" an embodiment of le coq \\'s unique way of interacting with the world around him .during an expedition through the brittany region on the west coast of france , photographer fabien le coq noticed an unusual tree .\" i \\'m kind of a walking photographer , \" le coq said .']\n", - "=======================\n", - "['fabien le coq took photos of trees from the bottom looking upthe branches take on their own patterns in the sky : \" each tree has its own personality \"']\n", - "this was the start of the photo series \" treesome , \" an embodiment of le coq 's unique way of interacting with the world around him .during an expedition through the brittany region on the west coast of france , photographer fabien le coq noticed an unusual tree .\" i 'm kind of a walking photographer , \" le coq said .\n", - "fabien le coq took photos of trees from the bottom looking upthe branches take on their own patterns in the sky : \" each tree has its own personality \"\n", - "[1.3950485 1.2708702 1.2844021 1.1000896 1.1475257 1.1438721 1.1339226\n", - " 1.0797184 1.0454777 1.1804726 1.0699631 1.0289538 1.0786849 1.0541083\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 9 4 5 6 3 7 12 10 13 8 11 25 14 15 16 17 18 19 20 21 22\n", - " 23 24 26]\n", - "=======================\n", - "[\"nicola sturgeon this afternoon scoffed at claims by labour leader ed miliband that he would never do a deal with the snp to become prime minister - insisting he will ` change his tune ' after the election .the scottish first minister said mr miliband simply ` wo n't have the votes to say that he is going to do what he likes come what may ' and reiterated her call for labour to ` work together to lock the tories out ' .the labour leader told bbc1 's andrew marr show : ` if it is a labour government it will be a labour queen 's speech , it will be a labour budget .\"]\n", - "=======================\n", - "[\"scottish first minister said mr miliband simply ` wo n't have the votes 'she reiterated her call for labour to ` work together to lock the tories out 'mr miliband this morning insisted he would not make any deals with snplabour is expected to suffer heavy losses in scotland - where it has 41 mps\"]\n", - "nicola sturgeon this afternoon scoffed at claims by labour leader ed miliband that he would never do a deal with the snp to become prime minister - insisting he will ` change his tune ' after the election .the scottish first minister said mr miliband simply ` wo n't have the votes to say that he is going to do what he likes come what may ' and reiterated her call for labour to ` work together to lock the tories out ' .the labour leader told bbc1 's andrew marr show : ` if it is a labour government it will be a labour queen 's speech , it will be a labour budget .\n", - "scottish first minister said mr miliband simply ` wo n't have the votes 'she reiterated her call for labour to ` work together to lock the tories out 'mr miliband this morning insisted he would not make any deals with snplabour is expected to suffer heavy losses in scotland - where it has 41 mps\n", - "[1.2304983 1.4772439 1.4351385 1.1186476 1.1277199 1.1462338 1.0623971\n", - " 1.0569276 1.0420265 1.0482368 1.03051 1.0238751 1.0327317 1.0174477\n", - " 1.1200207 1.0844222 1.1527047 1.1314417 1.182282 1.1314056 1.0512521]\n", - "\n", - "[ 1 2 0 18 16 5 17 19 4 14 3 15 6 7 20 9 8 12 10 11 13]\n", - "=======================\n", - "[\"little jiaojiao only survived because rain canopies , laundry racks and wet grass broke her fall in zheng du city , central china .her mother , zheng jiayu , 31 , who left jiaojiao at home on her own , now can not afford the huge # 100,000 medical bill , according to people 's online daily .a five-year-old chinese girl who was left at home alone suffered broken bones and internal bleeding when she fell 150ft from a window .\"]\n", - "=======================\n", - "[\"jiaojiao , 5 , fell 150ft when her mother , zheng jiayu , left her at home alonewhen she returned , zheng saw daughter 's lifeless body below the windowjiaojiao suffered multiple broken bones and internal bleeding but survivedfamily is now facing a huge # 100,000 hospital bill they are unable to pay\"]\n", - "little jiaojiao only survived because rain canopies , laundry racks and wet grass broke her fall in zheng du city , central china .her mother , zheng jiayu , 31 , who left jiaojiao at home on her own , now can not afford the huge # 100,000 medical bill , according to people 's online daily .a five-year-old chinese girl who was left at home alone suffered broken bones and internal bleeding when she fell 150ft from a window .\n", - "jiaojiao , 5 , fell 150ft when her mother , zheng jiayu , left her at home alonewhen she returned , zheng saw daughter 's lifeless body below the windowjiaojiao suffered multiple broken bones and internal bleeding but survivedfamily is now facing a huge # 100,000 hospital bill they are unable to pay\n", - "[1.2420444 1.4633815 1.2605135 1.1645567 1.2442409 1.0690129 1.0524203\n", - " 1.0444928 1.1823719 1.0666808 1.0231062 1.0227252 1.2206118 1.0697124\n", - " 1.0521121 1.0738791 1.019817 1.0101659 1.006842 1.053924 0. ]\n", - "\n", - "[ 1 2 4 0 12 8 3 15 13 5 9 19 6 14 7 10 11 16 17 18 20]\n", - "=======================\n", - "[\"alexandra harra , 28 , who now lives in miami , has a ba degree in creative writing and classics .she now works as a professional life coach , a writer for the huffington post and an author of the karma queens ' guide to relationships .selfie queen : alexandra harra has been dubbed ` the romanian kim kardashian ' and even shares the same love of selfies\"]\n", - "=======================\n", - "[\"romanian-born alexandra harra , 28 , has become an instagram starmodel , who 's posed for playboy , posts selfies with inspirational messagesafter dyeing locks black , being hailed as a rival to kim kardashian\"]\n", - "alexandra harra , 28 , who now lives in miami , has a ba degree in creative writing and classics .she now works as a professional life coach , a writer for the huffington post and an author of the karma queens ' guide to relationships .selfie queen : alexandra harra has been dubbed ` the romanian kim kardashian ' and even shares the same love of selfies\n", - "romanian-born alexandra harra , 28 , has become an instagram starmodel , who 's posed for playboy , posts selfies with inspirational messagesafter dyeing locks black , being hailed as a rival to kim kardashian\n", - "[1.2404692 1.2627279 1.1665483 1.4323214 1.2869921 1.0380639 1.041809\n", - " 1.0220602 1.1495547 1.1013442 1.0299834 1.0885056 1.0280678 1.0274733\n", - " 1.0522009 1.0523334 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 1 0 2 8 9 11 15 14 6 5 10 12 13 7 19 16 17 18 20]\n", - "=======================\n", - "['tottenham defender danny rose has been linked with a move to manchester citymancini was sacked in 2013 and nearly two years on , marwood has a new role at the academy with a spaniard , txiki begiristain , in his old job with the title director of football .when names like scott sinclair , jack rodwell and to a lesser extent adam johnson were signed , he could barely disguise his contempt , feeling none of them would help him take on barcelona and real madrid in the champions league .']\n", - "=======================\n", - "['scott sinclair and jack rodwell are two who have failed to make it at citydanny rose and aaron cresswell are the latest english players to be linkedman united , arsenal and liverpool have more success recruiting english']\n", - "tottenham defender danny rose has been linked with a move to manchester citymancini was sacked in 2013 and nearly two years on , marwood has a new role at the academy with a spaniard , txiki begiristain , in his old job with the title director of football .when names like scott sinclair , jack rodwell and to a lesser extent adam johnson were signed , he could barely disguise his contempt , feeling none of them would help him take on barcelona and real madrid in the champions league .\n", - "scott sinclair and jack rodwell are two who have failed to make it at citydanny rose and aaron cresswell are the latest english players to be linkedman united , arsenal and liverpool have more success recruiting english\n", - "[1.1319097 1.3990366 1.2799304 1.1666242 1.3316872 1.1737987 1.0370464\n", - " 1.0293466 1.0998803 1.0543809 1.1741325 1.068618 1.027355 1.0191624\n", - " 1.0158908 1.0130574 1.018283 1.0419064 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 10 5 3 0 8 11 9 17 6 7 12 13 16 14 15 19 18 20]\n", - "=======================\n", - "[\"the italian-inspired mansion , which has incredible 360-degree views across the mountains , has now gone on the market for a tidy $ 29.5 million .homeowner dick rothkopf , a former toy company chief , chose the location for the estate in 2008 because his family enjoyed hiking in the nearby hills .the home , which is known as ` il podere ' - meaning ` family homestead ' - was built on 230 acres of land using materials collected during the rothkopfs ' trips to italy .\"]\n", - "=======================\n", - "['the colorado estate was built in 2008 using materials from italy and gives the homeowners a 360-degree unobstructed view of the vail valleyit has eight bedrooms and nine full bathrooms across 17,000-square-feetthe home is so remote that it took a team of engineers , $ 1 million and two years to build the 1.5-mile driveway']\n", - "the italian-inspired mansion , which has incredible 360-degree views across the mountains , has now gone on the market for a tidy $ 29.5 million .homeowner dick rothkopf , a former toy company chief , chose the location for the estate in 2008 because his family enjoyed hiking in the nearby hills .the home , which is known as ` il podere ' - meaning ` family homestead ' - was built on 230 acres of land using materials collected during the rothkopfs ' trips to italy .\n", - "the colorado estate was built in 2008 using materials from italy and gives the homeowners a 360-degree unobstructed view of the vail valleyit has eight bedrooms and nine full bathrooms across 17,000-square-feetthe home is so remote that it took a team of engineers , $ 1 million and two years to build the 1.5-mile driveway\n", - "[1.2217431 1.4705362 1.1843407 1.3659087 1.2276851 1.1538154 1.119293\n", - " 1.1082306 1.1093963 1.0548681 1.1481743 1.0122012 1.0110148 1.0230744\n", - " 1.121578 1.0706493 1.0333399 1.0090059 1.0117569 0. 0. ]\n", - "\n", - "[ 1 3 4 0 2 5 10 14 6 8 7 15 9 16 13 11 18 12 17 19 20]\n", - "=======================\n", - "[\"stephen dodd tweeted a picture of asif bodi and abubakar bhula worshipping on their knees in a stairwell of liverpool 's anfield ground .mr dodd 's post , made after liverpool took on blackburn rovers in the fa cup last month , was met with widespread condemnation on social media , with users branding him a ` bigot ' and ` disgrace to humanity ' .he added the caption : ` muslims praying at half-time at the match yesterday #disgrace . '\"]\n", - "=======================\n", - "[\"stephen dodd photographed asif bodi and abubakar bhula praying during half-time at anfield last monthhe captioned the image : ` muslims praying at half time #disgrace 'liverpool fc now say they will take action against dodd over the postbut mr bodi says he does n't want to see dodd banned from the ground\"]\n", - "stephen dodd tweeted a picture of asif bodi and abubakar bhula worshipping on their knees in a stairwell of liverpool 's anfield ground .mr dodd 's post , made after liverpool took on blackburn rovers in the fa cup last month , was met with widespread condemnation on social media , with users branding him a ` bigot ' and ` disgrace to humanity ' .he added the caption : ` muslims praying at half-time at the match yesterday #disgrace . '\n", - "stephen dodd photographed asif bodi and abubakar bhula praying during half-time at anfield last monthhe captioned the image : ` muslims praying at half time #disgrace 'liverpool fc now say they will take action against dodd over the postbut mr bodi says he does n't want to see dodd banned from the ground\n", - "[1.2129917 1.5052211 1.248082 1.4415565 1.0434084 1.0335512 1.1306008\n", - " 1.0254011 1.0278201 1.1266512 1.0718461 1.0260055 1.0356396 1.2059077\n", - " 1.0803329 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 13 6 9 14 10 4 12 5 8 11 7 17 15 16 18]\n", - "=======================\n", - "[\"little rosannah gundry was diagnosed with stage three neuroblastoma cancer in december last year , after a specialist at sydney 's westmead children 's hospital discovered the football-sized tumour , which weighs more than half her body weight , growing around her vital organs and pressing against her spine .rosannah , from baradine in north western new south wales , had been misdiagnosed with scoliosis when she was three months old , but her aunt , jessica searle , said that rosannah 's mother knew something more was wrong when the toddler 's stomach began to swell .the family of a 19-month-old girl with a seven kilogram cancerous tumour in her belly are desperately searching for specialists who may have the answer to removing the treatment-resistant growth .\"]\n", - "=======================\n", - "['rosannah gundry , 19 months old , was diagnosed with stage three neuroblastoma cancer in december last yeardoctors found a seven kilogram tumour growing in her abdomenit is pressing against her spinal cord and vital organs , making it difficult for her to walk or eat without painafter undergoing four rounds of chemotherapy , the tumour is inoperableher family is now seeking to travel to the us for alternative treatment']\n", - "little rosannah gundry was diagnosed with stage three neuroblastoma cancer in december last year , after a specialist at sydney 's westmead children 's hospital discovered the football-sized tumour , which weighs more than half her body weight , growing around her vital organs and pressing against her spine .rosannah , from baradine in north western new south wales , had been misdiagnosed with scoliosis when she was three months old , but her aunt , jessica searle , said that rosannah 's mother knew something more was wrong when the toddler 's stomach began to swell .the family of a 19-month-old girl with a seven kilogram cancerous tumour in her belly are desperately searching for specialists who may have the answer to removing the treatment-resistant growth .\n", - "rosannah gundry , 19 months old , was diagnosed with stage three neuroblastoma cancer in december last yeardoctors found a seven kilogram tumour growing in her abdomenit is pressing against her spinal cord and vital organs , making it difficult for her to walk or eat without painafter undergoing four rounds of chemotherapy , the tumour is inoperableher family is now seeking to travel to the us for alternative treatment\n", - "[1.2276111 1.5195851 1.3244257 1.3615049 1.3722187 1.1569014 1.1193336\n", - " 1.0279552 1.0141436 1.025478 1.0163058 1.0124507 1.0765833 1.0514109\n", - " 1.1051772 1.0311894 1.0861716 1.1214418 1.0837319]\n", - "\n", - "[ 1 4 3 2 0 5 17 6 14 16 18 12 13 15 7 9 10 8 11]\n", - "=======================\n", - "['alan barnes , who is partially sighted and just 4ft 6in tall , was left too scared to return to his home in gateshead , tyne and wear earlier this year after he was knocked to the ground by mugger richard gatiss .disabled pensioner alan barnes picked up the keys for his new home today after strangers raised # 300,000mr barnes , 67 , was today handed the keys to his new two-bedroom terrace house where he says he will feel safer .']\n", - "=======================\n", - "[\"alan barnes , who is partially sighted and just 4ft 6in , picked up keys todayviolent attack left the 67-year-old scared to return to his former homethe crime shocked britain and # 300,000 was raised by fund to help himsaid his new home was ` fantastic ' and it was ` lovely ' to have his independence back\"]\n", - "alan barnes , who is partially sighted and just 4ft 6in tall , was left too scared to return to his home in gateshead , tyne and wear earlier this year after he was knocked to the ground by mugger richard gatiss .disabled pensioner alan barnes picked up the keys for his new home today after strangers raised # 300,000mr barnes , 67 , was today handed the keys to his new two-bedroom terrace house where he says he will feel safer .\n", - "alan barnes , who is partially sighted and just 4ft 6in , picked up keys todayviolent attack left the 67-year-old scared to return to his former homethe crime shocked britain and # 300,000 was raised by fund to help himsaid his new home was ` fantastic ' and it was ` lovely ' to have his independence back\n", - "[1.304359 1.2660391 1.2363819 1.1368661 1.096774 1.0344323 1.0504601\n", - " 1.0561749 1.0761726 1.0877941 1.1023308 1.1300123 1.0407414 1.0445062\n", - " 1.0695971 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 11 10 4 9 8 14 7 6 13 12 5 17 15 16 18]\n", - "=======================\n", - "[\"( cnn ) the onslaught on houthis rebels in yemen continued tuesday , with the saudi-led coalition asserting increasing control while locals fled the chaos and casualties piled up -- dozens of civilians among them .five days after their first airstrikes , the coalition has destroyed air defense systems of the houthis and supporters of yemen 's longtime president ali abdullah saleh , and rendered all but a fraction of air bases and stripes unusable , a saudi source said .saudi arabia 's navy now controls all yemeni ports , allowing only closely watched non-military medical goods to pass its blockade , according to the source .\"]\n", - "=======================\n", - "['saudi minister : \" if war \\'s drums are beaten , we are ready for them \"u.n. official : at least 182 killed in the past week , including civilians']\n", - "( cnn ) the onslaught on houthis rebels in yemen continued tuesday , with the saudi-led coalition asserting increasing control while locals fled the chaos and casualties piled up -- dozens of civilians among them .five days after their first airstrikes , the coalition has destroyed air defense systems of the houthis and supporters of yemen 's longtime president ali abdullah saleh , and rendered all but a fraction of air bases and stripes unusable , a saudi source said .saudi arabia 's navy now controls all yemeni ports , allowing only closely watched non-military medical goods to pass its blockade , according to the source .\n", - "saudi minister : \" if war 's drums are beaten , we are ready for them \"u.n. official : at least 182 killed in the past week , including civilians\n", - "[1.1068166 1.097166 1.284831 1.4229667 1.1618162 1.1669431 1.1655816\n", - " 1.0892597 1.0455768 1.0633157 1.0594673 1.0810742 1.0562564 1.0584847\n", - " 1.0729487 1.0655262 1.1250421 0. 0. ]\n", - "\n", - "[ 3 2 5 6 4 16 0 1 7 11 14 15 9 10 13 12 8 17 18]\n", - "=======================\n", - "['the last of the woolly mammoths ( shown in the reconstruction above ) were isolated on an arctic island for around 5,000 years , forcing them to inbreed as their population dwindled until disappering 4,500 years agogenetic analysis of two woolly mammoth remains show that their population became so small that they had become chronically inbred .the study has also raised the prospect of bringing the giant mammal back to life using cloning techniques with modern elephants .']\n", - "=======================\n", - "['the last mammoths died out on an arctic island around 4,500 years agoisolated on wrangel island for around 5,000 years they became inbredresearchers found mammoth populations suffered declines in the pastdna sequencing also raises prospect of bringing mammoths back to life']\n", - "the last of the woolly mammoths ( shown in the reconstruction above ) were isolated on an arctic island for around 5,000 years , forcing them to inbreed as their population dwindled until disappering 4,500 years agogenetic analysis of two woolly mammoth remains show that their population became so small that they had become chronically inbred .the study has also raised the prospect of bringing the giant mammal back to life using cloning techniques with modern elephants .\n", - "the last mammoths died out on an arctic island around 4,500 years agoisolated on wrangel island for around 5,000 years they became inbredresearchers found mammoth populations suffered declines in the pastdna sequencing also raises prospect of bringing mammoths back to life\n", - "[1.168825 1.1108186 1.3754193 1.3033745 1.2167828 1.1698126 1.0300018\n", - " 1.1127837 1.0658485 1.0712001 1.0480211 1.0947975 1.1718374 1.0570836\n", - " 1.1137673 1.0159518 0. 0. 0. ]\n", - "\n", - "[ 2 3 4 12 5 0 14 7 1 11 9 8 13 10 6 15 17 16 18]\n", - "=======================\n", - "[\"one of the brightest stars , ugaaso abukar boocow , has become a celebrity on instagram , where she is trying to change people 's perceptions with photos and videos that reveal a side of somalia that most people have never seen .the mere mention of somalia elicits images of poverty or violent conflict for most people who have never travelled to the nation in the horn of africa .with 68,000 followers , ugaaso 's instagram feed is a mixture of selfies , snapshots of daily life and somali traditions , and humorous photos or videos .\"]\n", - "=======================\n", - "['ugaaso abukar boocow has amassed more than 68,000 followersher photos reveal a side of somalia that most people have never seenshe moved to canada with her grandmother to escape the civil warthe 27-year-old moved back to mogadishu last year to be with her mum']\n", - "one of the brightest stars , ugaaso abukar boocow , has become a celebrity on instagram , where she is trying to change people 's perceptions with photos and videos that reveal a side of somalia that most people have never seen .the mere mention of somalia elicits images of poverty or violent conflict for most people who have never travelled to the nation in the horn of africa .with 68,000 followers , ugaaso 's instagram feed is a mixture of selfies , snapshots of daily life and somali traditions , and humorous photos or videos .\n", - "ugaaso abukar boocow has amassed more than 68,000 followersher photos reveal a side of somalia that most people have never seenshe moved to canada with her grandmother to escape the civil warthe 27-year-old moved back to mogadishu last year to be with her mum\n", - "[1.1450956 1.2803172 1.2121656 1.2710302 1.2082647 1.0878154 1.1400942\n", - " 1.0911577 1.1022727 1.1550176 1.0483351 1.1136373 1.0397447 1.0198414\n", - " 1.0191511 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 9 0 6 11 8 7 5 10 12 13 14 17 15 16 18]\n", - "=======================\n", - "[\"the star , who started out playing tina mcintyre in coronation street , has launched a stellar career since leaving the cobbled streets of weatherfield behind .the pint-sized brunette may be busy filming for her new show , as well as modelling in her new garnier ambre solaire campaign , but she 's managed to fit designing a new fashion range into her hectic schedule .the actress and model has unveiled her stunning summer range in full - and shows off her summer dresses embellished with lace and feminine florals to perfection in the new shoot .\"]\n", - "=======================\n", - "['michelle unveils full lipsy summer rangestar , 27 , was also unveiled as face of tanning brand recentlyswears by peanut butter smoothies and alkaline food delivery service']\n", - "the star , who started out playing tina mcintyre in coronation street , has launched a stellar career since leaving the cobbled streets of weatherfield behind .the pint-sized brunette may be busy filming for her new show , as well as modelling in her new garnier ambre solaire campaign , but she 's managed to fit designing a new fashion range into her hectic schedule .the actress and model has unveiled her stunning summer range in full - and shows off her summer dresses embellished with lace and feminine florals to perfection in the new shoot .\n", - "michelle unveils full lipsy summer rangestar , 27 , was also unveiled as face of tanning brand recentlyswears by peanut butter smoothies and alkaline food delivery service\n", - "[1.2359526 1.4867535 1.2328633 1.200313 1.2393544 1.0521308 1.1302416\n", - " 1.1147516 1.0243592 1.0562693 1.1563017 1.0792073 1.1806958 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 2 3 12 10 6 7 11 9 5 8 13 14 15 16 17 18]\n", - "=======================\n", - "['there were at least three reports of people trying to release gopher tortoises in the ocean because they were mistaken for sea turtles .according to the florida fish and wildlife conservation commission , all five species of sea turtle and the gopher turtle nest in the sand which is why some people may confuse one with the other .abc reports that while people were concerned that the tortoise hatchlings would get eaten by predators , tortoises are unable to swim like the sea turtle .']\n", - "=======================\n", - "['not all turtles can swim , said florida wildlife officials this week after concerned beachgoers tried to throw baby tortoises in the oceanthere were at least three reports of people trying to release gopher tortoises in the ocean because they were mistaken for sea turtlestortoises have toes with claws on each toe but sea turtles have flippers with just one or two claws on each fore flipper']\n", - "there were at least three reports of people trying to release gopher tortoises in the ocean because they were mistaken for sea turtles .according to the florida fish and wildlife conservation commission , all five species of sea turtle and the gopher turtle nest in the sand which is why some people may confuse one with the other .abc reports that while people were concerned that the tortoise hatchlings would get eaten by predators , tortoises are unable to swim like the sea turtle .\n", - "not all turtles can swim , said florida wildlife officials this week after concerned beachgoers tried to throw baby tortoises in the oceanthere were at least three reports of people trying to release gopher tortoises in the ocean because they were mistaken for sea turtlestortoises have toes with claws on each toe but sea turtles have flippers with just one or two claws on each fore flipper\n", - "[1.3465805 1.2968769 1.3583443 1.1275835 1.1796312 1.0819613 1.0606922\n", - " 1.058482 1.0516794 1.0540664 1.1110427 1.0703689 1.0398985 1.0852311\n", - " 1.0499723 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 4 3 10 13 5 11 6 7 9 8 14 12 15 16 17 18]\n", - "=======================\n", - "['the suspected target , according to florian flade , the terrorism researcher , was a race planned for friday .( cnn ) german police overnight thwarted a terrorist plot by a radicalized couple , a plan they suspect involved bombing a bicycle race near frankfurt , a german terrorism researcher briefed by investigators told cnn on thursday .german prosecutors and police said that a man and a woman had been arrested in the frankfurt-area town of oberursel on suspicion of planning a boston-style attack , but the authorities did not explicitly reveal the target .']\n", - "=======================\n", - "['german police say they think they \" have thwarted an islamist attack , \" interior minister for hesse state saysgerman terrorism researcher : couple accused of planning bomb attack on bicycle race near frankfurt']\n", - "the suspected target , according to florian flade , the terrorism researcher , was a race planned for friday .( cnn ) german police overnight thwarted a terrorist plot by a radicalized couple , a plan they suspect involved bombing a bicycle race near frankfurt , a german terrorism researcher briefed by investigators told cnn on thursday .german prosecutors and police said that a man and a woman had been arrested in the frankfurt-area town of oberursel on suspicion of planning a boston-style attack , but the authorities did not explicitly reveal the target .\n", - "german police say they think they \" have thwarted an islamist attack , \" interior minister for hesse state saysgerman terrorism researcher : couple accused of planning bomb attack on bicycle race near frankfurt\n", - "[1.404897 1.3186371 1.4326499 1.1189771 1.1440227 1.1303954 1.073383\n", - " 1.056626 1.203813 1.0999314 1.0442636 1.0179955 1.0295861 1.0937841\n", - " 1.1168694 1.0484124 1.0419327 1.0100545 1.009096 ]\n", - "\n", - "[ 2 0 1 8 4 5 3 14 9 13 6 7 15 10 16 12 11 17 18]\n", - "=======================\n", - "[\"the cosmetologist killed himself on easter sunday , weeks after the march 6 launch of the unbreakable kimmy schmidt on netflix .tragedy : dr. frederic brandt was battling with extreme depression before his suicide on sunday a police report revealed on tuesdaya friend insists fredric brandt was offended by a character on tina fey 's new tv show that bore uncanny similarities to him - despite initial claims he ` laughed it off ' .\"]\n", - "=======================\n", - "[\"fredric brandt had been suicidally depressed for 10 days before he took his own lifepolice report into the 65-year-old 's suicide reveals brandt was found on sunday morning by friend , john joseph hupert , inside his garagehupert was staying with the cosmetic surgeon on doctors orders to monitor brandt 's suicidal tendencieshupert revealed that brandt had been taking medication for his depressionparamedics declared the plastic surgeon dead at the scene after having found he hanged himselfbrandt 's psychiatrist , dr. saida koita , arrived soon afterwards and told police she had been treating brandt dailybrandt was reportedly devastated by parody character dr franff in hit netflix series unbreakable kimmy schmidt which debuted on march 6friends said that , though dr brandt was upset , show did n't cause his death\"]\n", - "the cosmetologist killed himself on easter sunday , weeks after the march 6 launch of the unbreakable kimmy schmidt on netflix .tragedy : dr. frederic brandt was battling with extreme depression before his suicide on sunday a police report revealed on tuesdaya friend insists fredric brandt was offended by a character on tina fey 's new tv show that bore uncanny similarities to him - despite initial claims he ` laughed it off ' .\n", - "fredric brandt had been suicidally depressed for 10 days before he took his own lifepolice report into the 65-year-old 's suicide reveals brandt was found on sunday morning by friend , john joseph hupert , inside his garagehupert was staying with the cosmetic surgeon on doctors orders to monitor brandt 's suicidal tendencieshupert revealed that brandt had been taking medication for his depressionparamedics declared the plastic surgeon dead at the scene after having found he hanged himselfbrandt 's psychiatrist , dr. saida koita , arrived soon afterwards and told police she had been treating brandt dailybrandt was reportedly devastated by parody character dr franff in hit netflix series unbreakable kimmy schmidt which debuted on march 6friends said that , though dr brandt was upset , show did n't cause his death\n", - "[1.2406945 1.2400144 1.2183691 1.1928277 1.1680257 1.1417184 1.0849686\n", - " 1.124347 1.0630214 1.0639106 1.0751547 1.0358154 1.0350387 1.0406389\n", - " 1.0614552 1.0347747 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 5 7 6 10 9 8 14 13 11 12 15 16 17 18]\n", - "=======================\n", - "['( cnn ) by some estimates , about a third of americans use some form of alternative medicine , including homeopathic remedies because they find western medicine inadequate .creams such as arnicare for pain relief or liquids such as sidda flower essences for male virility are part of a $ 2.9 billion business that has seen \" explosive growth , \" according to the fda .these drugs do not go through the same level of scrutiny as over-the-counter and prescription drugs .']\n", - "=======================\n", - "['the fda may take a more hands-on approach to regulating homeopathic medicineit does not go through the same approval process as over-the-counter drugssome studies suggest homeopathic medicine is no more effective than placebos']\n", - "( cnn ) by some estimates , about a third of americans use some form of alternative medicine , including homeopathic remedies because they find western medicine inadequate .creams such as arnicare for pain relief or liquids such as sidda flower essences for male virility are part of a $ 2.9 billion business that has seen \" explosive growth , \" according to the fda .these drugs do not go through the same level of scrutiny as over-the-counter and prescription drugs .\n", - "the fda may take a more hands-on approach to regulating homeopathic medicineit does not go through the same approval process as over-the-counter drugssome studies suggest homeopathic medicine is no more effective than placebos\n", - "[1.2365694 1.5137519 1.2278341 1.0483999 1.2760944 1.0233116 1.0771916\n", - " 1.0432324 1.1185037 1.0551398 1.0254486 1.0659223 1.0642136 1.1908143\n", - " 1.1718427 1.0901232 1.0577445 1.1091111 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 2 13 14 8 17 15 6 11 12 16 9 3 7 10 5 22 18 19 20 21 23]\n", - "=======================\n", - "[\"the former england rugby star and husband of zara phillips , bought the horse for # 12,000 at auction after a boozy dinner and was overcome by the 40-1 outsider 's performance .it may have been the first time in 41 years that a jockey had won back-to-back grand nationals -- but the most emotional man at aintree yesterday seemed to be mike tindall , whose horse monbeg dude was a fast-finishing third .after a whopping # 105,500 payday he tweeted ` holy s *** , i 'm lost for words and emotions .\"]\n", - "=======================\n", - "['horse won by rugby star mike tindall at boozy auction wins him # 105,000former england player bought monbeg dude for # 12,000 at charity eventtindall and wife zara phillips celebrate at aintree after outsider came thirdsport star tweets he is lost for words and emotions following surprise win']\n", - "the former england rugby star and husband of zara phillips , bought the horse for # 12,000 at auction after a boozy dinner and was overcome by the 40-1 outsider 's performance .it may have been the first time in 41 years that a jockey had won back-to-back grand nationals -- but the most emotional man at aintree yesterday seemed to be mike tindall , whose horse monbeg dude was a fast-finishing third .after a whopping # 105,500 payday he tweeted ` holy s *** , i 'm lost for words and emotions .\n", - "horse won by rugby star mike tindall at boozy auction wins him # 105,000former england player bought monbeg dude for # 12,000 at charity eventtindall and wife zara phillips celebrate at aintree after outsider came thirdsport star tweets he is lost for words and emotions following surprise win\n", - "[1.2036997 1.3764168 1.2214472 1.212947 1.2234116 1.2495588 1.1658685\n", - " 1.0500042 1.0279279 1.0198839 1.0671238 1.0865674 1.0773822 1.0747885\n", - " 1.0151029 1.0963969 1.0695345 1.0903817 1.0210143 1.0250796 1.0212274\n", - " 1.0445883 1.021683 1.0159636]\n", - "\n", - "[ 1 5 4 2 3 0 6 15 17 11 12 13 16 10 7 21 8 19 22 20 18 9 23 14]\n", - "=======================\n", - "[\"the four-bedroom property in central london 's farm street has all the trappings of modern luxury with an indoor swimming pool , gym , lift , cinema room and roof terrace .at 8,139 square ft , it is on the market for # 25million .in 2011 developers took over the site and demolished the house to make way for the plush mansion which now sits in its place .\"]\n", - "=======================\n", - "[\"the former milking parlour on mayfair 's farm street has four bedrooms , an indoor swimming pool and roof terraceit was once the site of a dairy where farmers housed cows for milking on the busy central london market streetthe original property was knocked down and replaced with the plush , modern mansion four years ago\"]\n", - "the four-bedroom property in central london 's farm street has all the trappings of modern luxury with an indoor swimming pool , gym , lift , cinema room and roof terrace .at 8,139 square ft , it is on the market for # 25million .in 2011 developers took over the site and demolished the house to make way for the plush mansion which now sits in its place .\n", - "the former milking parlour on mayfair 's farm street has four bedrooms , an indoor swimming pool and roof terraceit was once the site of a dairy where farmers housed cows for milking on the busy central london market streetthe original property was knocked down and replaced with the plush , modern mansion four years ago\n", - "[1.1268456 1.2600365 1.2216502 1.154464 1.0563272 1.0652834 1.0285141\n", - " 1.026123 1.3942271 1.1136038 1.0901115 1.0518491 1.060441 1.0996468\n", - " 1.1327564 1.0180268 1.0287514 1.0938187 1.0278252 1.1142303 1.0644537\n", - " 1.0244042 0. 0. ]\n", - "\n", - "[ 8 1 2 3 14 0 19 9 13 17 10 5 20 12 4 11 16 6 18 7 21 15 22 23]\n", - "=======================\n", - "['tiger woods was spotted dancing while he practised on monday at augusta nationalbut the tiger woods who has turned up to augusta national this year is different .earlier this week we were treated to the sight of woods embracing darren clarke on the practice ground .']\n", - "=======================\n", - "['tiger woods put on another show of affection at augusta nationalthe 14-time major champion was once infamous for his prickly naturebut the former world no 1 appears to have turned over a new leafwoods was captured on camera dancing to music while practisingclick here for our 2015 masters betting tips and odds']\n", - "tiger woods was spotted dancing while he practised on monday at augusta nationalbut the tiger woods who has turned up to augusta national this year is different .earlier this week we were treated to the sight of woods embracing darren clarke on the practice ground .\n", - "tiger woods put on another show of affection at augusta nationalthe 14-time major champion was once infamous for his prickly naturebut the former world no 1 appears to have turned over a new leafwoods was captured on camera dancing to music while practisingclick here for our 2015 masters betting tips and odds\n", - "[1.2139176 1.5095088 1.1986668 1.3800087 1.2138824 1.1892929 1.2094477\n", - " 1.1768367 1.0259436 1.1064343 1.0632081 1.0901777 1.116882 1.0256718\n", - " 1.0298172 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 6 2 5 7 12 9 11 10 14 8 13 22 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"keith boudreau , 42 , of quincy was pronounced dead on friday morning following the march 23 attack where he was knocked to the ground and had his head stomped on while at home ice sports bar .paul fahey , 43 , allegedly beat boudreau for just staring in his direction , according to court documents .a boston father of two died 11 days after he was brutally beaten during an ` unprovoked attack ' inside of a bar late last month .\"]\n", - "=======================\n", - "['keith boudreau , 42 , of quincy , massachusetts was pronounced dead on friday following the march 23 attack at home ice sports barpaul fahey , 43 , allegedly knocked boudreau to the ground and stomped on his head before dragging his unconscious body through a back doorprosecutors are seeking to arraign fahey on a murder charge']\n", - "keith boudreau , 42 , of quincy was pronounced dead on friday morning following the march 23 attack where he was knocked to the ground and had his head stomped on while at home ice sports bar .paul fahey , 43 , allegedly beat boudreau for just staring in his direction , according to court documents .a boston father of two died 11 days after he was brutally beaten during an ` unprovoked attack ' inside of a bar late last month .\n", - "keith boudreau , 42 , of quincy , massachusetts was pronounced dead on friday following the march 23 attack at home ice sports barpaul fahey , 43 , allegedly knocked boudreau to the ground and stomped on his head before dragging his unconscious body through a back doorprosecutors are seeking to arraign fahey on a murder charge\n", - "[1.4064661 1.3129675 1.3661199 1.3881946 1.2527943 1.1981608 1.0568632\n", - " 1.032796 1.0137578 1.3894366 1.0166609 1.0117912 1.0117176 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 9 3 2 1 4 5 6 7 10 8 11 12 13 14 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "['hull city have reapplied to the football association to have the club name changed to hull tigers after the initial request was blocked .hull boss steve bruce has revealed owner allam has reapplied to change the name of his sidehull city will become hull tigers if club owner assem allam gets his way after the previous failed attempt']\n", - "=======================\n", - "[\"hull 's steve bruce has revealed the club have reapplied for name changethe fa blocked previous attempt for club to become hull tigersprevious attempt to change name by owner assem allam angered fans\"]\n", - "hull city have reapplied to the football association to have the club name changed to hull tigers after the initial request was blocked .hull boss steve bruce has revealed owner allam has reapplied to change the name of his sidehull city will become hull tigers if club owner assem allam gets his way after the previous failed attempt\n", - "hull 's steve bruce has revealed the club have reapplied for name changethe fa blocked previous attempt for club to become hull tigersprevious attempt to change name by owner assem allam angered fans\n", - "[1.3164058 1.0974633 1.1151147 1.4462764 1.203319 1.1353222 1.2050097\n", - " 1.0703533 1.1411811 1.0462257 1.0453482 1.0715458 1.1011239 1.0607146\n", - " 1.0566115 1.0597843 1.032438 1.0224893 1.0313439 0. ]\n", - "\n", - "[ 3 0 6 4 8 5 2 12 1 11 7 13 15 14 9 10 16 18 17 19]\n", - "=======================\n", - "[\"arsene wenger is march 's winner of the premier league manager of the month award - his 14th accolademarch was an impressive month for arsene wenger and arsenal as four premier league wins from four cemented their place in the champions league places .a grey-suited wenger with his award from october 2000 - one of 14 he has won at arsenal\"]\n", - "=======================\n", - "[\"arsenal 's arsene wenger has won march 's manager of the month awardit is the 14th time the frenchman has claimed the prizemanchester united 's sir alex ferguson won it the most - 27 timesdavid moyes claimed the accolade 10 times when at evertonjose mourinho ( 3 ) has won it fewer times than joe kinnear ( 4 )an english manager has won on 75 occasions , scots on 52\"]\n", - "arsene wenger is march 's winner of the premier league manager of the month award - his 14th accolademarch was an impressive month for arsene wenger and arsenal as four premier league wins from four cemented their place in the champions league places .a grey-suited wenger with his award from october 2000 - one of 14 he has won at arsenal\n", - "arsenal 's arsene wenger has won march 's manager of the month awardit is the 14th time the frenchman has claimed the prizemanchester united 's sir alex ferguson won it the most - 27 timesdavid moyes claimed the accolade 10 times when at evertonjose mourinho ( 3 ) has won it fewer times than joe kinnear ( 4 )an english manager has won on 75 occasions , scots on 52\n", - "[1.276653 1.4114429 1.2893012 1.3511491 1.2663056 1.2399803 1.0597073\n", - " 1.0694499 1.0678896 1.0407485 1.0689759 1.0618125 1.0169555 1.0327995\n", - " 1.1955063 1.0569721 1.0513068 1.03351 1.0371447 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 14 7 10 8 11 6 15 16 9 18 17 13 12 19]\n", - "=======================\n", - "['david cameron greeted voters in the street as he left his speech in cheltenham to outline tory plans for inheritance tax .eight-month-old puppy silver was banned from getting close to the prime minister today after he was bizarrely deemed a security riskbut aides ordered that the jack russell and poodle cross-breed be kept well away from the conservative party leader .']\n", - "=======================\n", - "[\"cameron visited cheltenham for a speech on cutting inheritance taxaides ordered that the jack russell and poodle cross-breed be kept awayowner sarah style joked : ` i 'm surprised mi5 are not getting involved '\"]\n", - "david cameron greeted voters in the street as he left his speech in cheltenham to outline tory plans for inheritance tax .eight-month-old puppy silver was banned from getting close to the prime minister today after he was bizarrely deemed a security riskbut aides ordered that the jack russell and poodle cross-breed be kept well away from the conservative party leader .\n", - "cameron visited cheltenham for a speech on cutting inheritance taxaides ordered that the jack russell and poodle cross-breed be kept awayowner sarah style joked : ` i 'm surprised mi5 are not getting involved '\n", - "[1.214214 1.5739875 1.2801139 1.178299 1.2858714 1.047605 1.1183372\n", - " 1.0876135 1.0327841 1.0282041 1.0211699 1.1309291 1.0505642 1.0268787\n", - " 1.0298969 1.031024 1.0632924 1.0441674 1.0739378 1.0760791]\n", - "\n", - "[ 1 4 2 0 3 11 6 7 19 18 16 12 5 17 8 15 14 9 13 10]\n", - "=======================\n", - "[\"julie schenecker , 54 , was convicted last may of shooting her son beau , 13 , and daughter calyx , 16 , in their upscale tampa bay , florida home in january 2011 while her husband served overseas .now in an exclusive jailhouse interview , she has claimed she pulled the trigger to ` save ' her children , despite previously admitting to authorities that she had shot them for being ` mouthy ' .the wife of a u.s. army colonel who shot her two children dead four years ago says she does not regret it .\"]\n", - "=======================\n", - "[\"julie schenecker , 54 , was found guilty last year of murdering her son beau , 13 , and daughter calyx , 16 , in their tampa , florida home in january 2011in a jailhouse interview , she has now revealed she does not regret itshe claimed her son was being sexually abused - but would not say by whom - and that her daughter was struggling with mental illnessauthorities said she had admitted to shooting the children for being ` mouthy ' and her journals detailed how she was going to kill them\"]\n", - "julie schenecker , 54 , was convicted last may of shooting her son beau , 13 , and daughter calyx , 16 , in their upscale tampa bay , florida home in january 2011 while her husband served overseas .now in an exclusive jailhouse interview , she has claimed she pulled the trigger to ` save ' her children , despite previously admitting to authorities that she had shot them for being ` mouthy ' .the wife of a u.s. army colonel who shot her two children dead four years ago says she does not regret it .\n", - "julie schenecker , 54 , was found guilty last year of murdering her son beau , 13 , and daughter calyx , 16 , in their tampa , florida home in january 2011in a jailhouse interview , she has now revealed she does not regret itshe claimed her son was being sexually abused - but would not say by whom - and that her daughter was struggling with mental illnessauthorities said she had admitted to shooting the children for being ` mouthy ' and her journals detailed how she was going to kill them\n", - "[1.4637716 1.2806199 1.373012 1.1131008 1.0290073 1.0446265 1.127314\n", - " 1.0875627 1.1137199 1.1605207 1.1957633 1.1085088 1.071434 1.0603923\n", - " 1.0270201 1.0403036 1.0511934 1.0243189 0. 0. ]\n", - "\n", - "[ 0 2 1 10 9 6 8 3 11 7 12 13 16 5 15 4 14 17 18 19]\n", - "=======================\n", - "[\"trainer roger varian insists he has not lost faith in belardo after the 2014 dewhurst stakes winner beat only one home in saturday 's greenham stakes .andrea atzeni riding belardo to win the dubai dewhurst stakes at newmarket racecoursebut varian 's determination to keep the son of lope de vega away from the fast ground he encountered at newbury means the colt looks more likely to head to the french 2,000 guineas rather than the british equivalent at newmarket on may 2 .\"]\n", - "=======================\n", - "[\"roger varian says he has not lost faith in dewhurst stakes winner belardobelardo beat only one home in saturday 's greenham stakes at newburyvarian 's determination to avoid fast ground means colt may head to francehe is likely to target french 2,000 guineas rather than british equivalent\"]\n", - "trainer roger varian insists he has not lost faith in belardo after the 2014 dewhurst stakes winner beat only one home in saturday 's greenham stakes .andrea atzeni riding belardo to win the dubai dewhurst stakes at newmarket racecoursebut varian 's determination to keep the son of lope de vega away from the fast ground he encountered at newbury means the colt looks more likely to head to the french 2,000 guineas rather than the british equivalent at newmarket on may 2 .\n", - "roger varian says he has not lost faith in dewhurst stakes winner belardobelardo beat only one home in saturday 's greenham stakes at newburyvarian 's determination to avoid fast ground means colt may head to francehe is likely to target french 2,000 guineas rather than british equivalent\n", - "[1.3984315 1.1994652 1.448993 1.2588911 1.1555612 1.1827066 1.1203433\n", - " 1.1934156 1.0435147 1.0653294 1.0903525 1.0895675 1.068251 1.0537455\n", - " 1.1138082 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 1 7 5 4 6 14 10 11 12 9 13 8 15 16 17 18 19]\n", - "=======================\n", - "[\"kyle knox , from london , was last seen alive at the foot of ben nevis on march 31 .the 23-year-old was reported missing the following day when he failed to return to his hotel in fort william .the body of a missing hiker has been found three weeks after he vanished trying to climb britain 's highest mountain .\"]\n", - "=======================\n", - "[\"kyle knox , 23 , disappeared as he tried to climb 4409-ft high ben nevishe was last seen at start of route on march 31 but failed to return to hotelhis body was found near the foot of the peak three weeks after he vanishedthe londoner 's family has been informed of the discovery\"]\n", - "kyle knox , from london , was last seen alive at the foot of ben nevis on march 31 .the 23-year-old was reported missing the following day when he failed to return to his hotel in fort william .the body of a missing hiker has been found three weeks after he vanished trying to climb britain 's highest mountain .\n", - "kyle knox , 23 , disappeared as he tried to climb 4409-ft high ben nevishe was last seen at start of route on march 31 but failed to return to hotelhis body was found near the foot of the peak three weeks after he vanishedthe londoner 's family has been informed of the discovery\n", - "[1.0612073 1.1706588 1.4288015 1.2635633 1.3680233 1.170564 1.2136065\n", - " 1.0289282 1.1441956 1.0891619 1.1059623 1.0862622 1.0955544 1.1513373\n", - " 1.1501781 1.0409255 1.0361303 1.067573 1.0144453 1.0505984]\n", - "\n", - "[ 2 4 3 6 1 5 13 14 8 10 12 9 11 17 0 19 15 16 7 18]\n", - "=======================\n", - "[\"almost a third of people aged 16-to-34 have deleted their accounts because they no longer see it as ` cool ' .nearly 60 per cent of britons aged over 55 now have a facebook account , according to research .the trend comes as increasing numbers of older users turn to the social network to stay in touch and share family pictures .\"]\n", - "=======================\n", - "['parents and grandparents flocking to social media sitealmost 60 % of britons aged over 55 now have facebook accountmany have left site while others block posts from family members']\n", - "almost a third of people aged 16-to-34 have deleted their accounts because they no longer see it as ` cool ' .nearly 60 per cent of britons aged over 55 now have a facebook account , according to research .the trend comes as increasing numbers of older users turn to the social network to stay in touch and share family pictures .\n", - "parents and grandparents flocking to social media sitealmost 60 % of britons aged over 55 now have facebook accountmany have left site while others block posts from family members\n", - "[1.694197 1.2854437 1.0735106 1.1105548 1.2010802 1.0533589 1.0588318\n", - " 1.0618539 1.0777608 1.0567741 1.1159929 1.118092 1.0376225 1.0362126\n", - " 1.0518608 1.0285301 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 11 10 3 8 2 7 6 9 5 14 12 13 15 16 17 18 19]\n", - "=======================\n", - "['bayern munich coach pep guardiola weathered his first major crisis at the german club after his team crushed porto 7-4 on aggregate on tuesday to move into the champions league last four .the spaniard in his second season in charge was with his back to the wall after their surprise 3-1 first leg defeat in portugal last week .thiago alcantara jumps highest to head the home side in front on 14 minutes and set the bayern on their way']\n", - "=======================\n", - "['bayern munich beat porto 6-1 in the champions league quarter-finalthe germans advanced 7-4 on aggregate after a 3-1 defeat in the first legpep guardiola said he felt in the lead up to match that bayern would winthe former barcelona boss says winning is a matter of life and death']\n", - "bayern munich coach pep guardiola weathered his first major crisis at the german club after his team crushed porto 7-4 on aggregate on tuesday to move into the champions league last four .the spaniard in his second season in charge was with his back to the wall after their surprise 3-1 first leg defeat in portugal last week .thiago alcantara jumps highest to head the home side in front on 14 minutes and set the bayern on their way\n", - "bayern munich beat porto 6-1 in the champions league quarter-finalthe germans advanced 7-4 on aggregate after a 3-1 defeat in the first legpep guardiola said he felt in the lead up to match that bayern would winthe former barcelona boss says winning is a matter of life and death\n", - "[1.1572969 1.552759 1.0541095 1.3559849 1.0704353 1.0922251 1.0538319\n", - " 1.0884695 1.0628716 1.0262051 1.1659789 1.0630394 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 10 0 5 7 4 11 8 2 6 9 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"stanford computer science student lea coligado , 21 , created women of silicon valley , a blog based on the people-profiling website humans of new york , in order to showcase the talents and stories of tech 's best and brightest women working within the industry .it is a well-known fact that the technology industry is mostly dominated by men , but now , thanks to a new blog by a young female computing student , women in tech have finally been given a platform through which their amazing achievements are being recognized .looking up : the blog has attracted attention from the best in the business , including women-in-tech advocate tracy chou , a software engineer at pinterest\"]\n", - "=======================\n", - "[\"lea coligado , 21 , a stanford computer science student , is the creator of the blog showcasing talented women in techthe profiling blog has already attracted women from big hitting tech companies like pinterest and postmatesthe blog 's inspiration , humans of new york , was started by new york photographer brandon stanton and features street portraits accompanied by quotes from the subjects\"]\n", - "stanford computer science student lea coligado , 21 , created women of silicon valley , a blog based on the people-profiling website humans of new york , in order to showcase the talents and stories of tech 's best and brightest women working within the industry .it is a well-known fact that the technology industry is mostly dominated by men , but now , thanks to a new blog by a young female computing student , women in tech have finally been given a platform through which their amazing achievements are being recognized .looking up : the blog has attracted attention from the best in the business , including women-in-tech advocate tracy chou , a software engineer at pinterest\n", - "lea coligado , 21 , a stanford computer science student , is the creator of the blog showcasing talented women in techthe profiling blog has already attracted women from big hitting tech companies like pinterest and postmatesthe blog 's inspiration , humans of new york , was started by new york photographer brandon stanton and features street portraits accompanied by quotes from the subjects\n", - "[1.4719988 1.3749399 1.3194176 1.2083796 1.130127 1.2524767 1.0437146\n", - " 1.022847 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 5 3 4 6 7 17 16 15 14 13 9 11 10 18 8 12 19]\n", - "=======================\n", - "['kabul , afghanistan ( cnn ) a suicide bomber detonated his explosives near a group of protesters in eastern afghanistan on thursday , killing 17 people and wounding dozens more , police said .an afghan lawmaker taking part in the protests in the city of khost was among the 64 people wounded , said faizullah ghairat , the provincial police chief .taliban spokesman zabiullah mujahid denied his group was responsible for the attack .']\n", - "=======================\n", - "['an afghan lawmaker is among 64 people wounded in the attack , police saytaliban spokesman denies his group was responsible for the attack']\n", - "kabul , afghanistan ( cnn ) a suicide bomber detonated his explosives near a group of protesters in eastern afghanistan on thursday , killing 17 people and wounding dozens more , police said .an afghan lawmaker taking part in the protests in the city of khost was among the 64 people wounded , said faizullah ghairat , the provincial police chief .taliban spokesman zabiullah mujahid denied his group was responsible for the attack .\n", - "an afghan lawmaker is among 64 people wounded in the attack , police saytaliban spokesman denies his group was responsible for the attack\n", - "[1.2374607 1.4327003 1.3688176 1.209747 1.2631695 1.068049 1.0627606\n", - " 1.0348241 1.0656509 1.0399253 1.102201 1.0594205 1.114259 1.045843\n", - " 1.032585 1.1641071 1.011891 1.0078189 0. 0. ]\n", - "\n", - "[ 1 2 4 0 3 15 12 10 5 8 6 11 13 9 7 14 16 17 18 19]\n", - "=======================\n", - "['set in 200 acres of land near bridgnorth , shropshire , the chyknell hall estate also boasts a swimming pool , tennis court , stables - and even its own cricket green .its centrepiece , the 11-bedroom chyknell hall , was built in 1814 and has only changed hands twice since .a sprawling rural estate - complete with a grade ii-listed manor house and five cottages - is on the market for # 6million .']\n", - "=======================\n", - "['set on 200 acres near bridgnorth , shropshire , the chyknell hall estate also boasts a tennis court and wine cellarthe grade ii-listed regency home at the centre of the property offers 11 bedrooms , a library and a billiard roomit is thought it could attract a-list buyers as the secluded grounds and gardens offer residents complete privacy']\n", - "set in 200 acres of land near bridgnorth , shropshire , the chyknell hall estate also boasts a swimming pool , tennis court , stables - and even its own cricket green .its centrepiece , the 11-bedroom chyknell hall , was built in 1814 and has only changed hands twice since .a sprawling rural estate - complete with a grade ii-listed manor house and five cottages - is on the market for # 6million .\n", - "set on 200 acres near bridgnorth , shropshire , the chyknell hall estate also boasts a tennis court and wine cellarthe grade ii-listed regency home at the centre of the property offers 11 bedrooms , a library and a billiard roomit is thought it could attract a-list buyers as the secluded grounds and gardens offer residents complete privacy\n", - "[1.2509172 1.3997672 1.3226626 1.234557 1.254048 1.0518337 1.0301362\n", - " 1.1122788 1.1241705 1.0935773 1.0177009 1.0147253 1.0177665 1.0215533\n", - " 1.1930158 1.0896525 1.033958 0. 0. ]\n", - "\n", - "[ 1 2 4 0 3 14 8 7 9 15 5 16 6 13 12 10 11 17 18]\n", - "=======================\n", - "['the tech giant announced a new focus on using paper from trees harvested under environmentally sound conditions .as part of the deal , apple has pledged an unspecified amount of money for a virginia-based nonprofit , the conservation fund , to purchase two large tracts of timberland on the east coast .in a quest to be more green , apple says it is investing in chinese solar power and preserving american forests that make environmentally friendly paper .']\n", - "=======================\n", - "['apple helping nonprofit buy large tracts of timberland on the east coastfirm now powers u.s. operations with renewable energy']\n", - "the tech giant announced a new focus on using paper from trees harvested under environmentally sound conditions .as part of the deal , apple has pledged an unspecified amount of money for a virginia-based nonprofit , the conservation fund , to purchase two large tracts of timberland on the east coast .in a quest to be more green , apple says it is investing in chinese solar power and preserving american forests that make environmentally friendly paper .\n", - "apple helping nonprofit buy large tracts of timberland on the east coastfirm now powers u.s. operations with renewable energy\n", - "[1.328042 1.2910229 1.3296735 1.1485218 1.2568302 1.171097 1.0950445\n", - " 1.0326353 1.018387 1.0707012 1.0322344 1.0987046 1.0728855 1.0258932\n", - " 1.0448058 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 4 5 3 11 6 12 9 14 7 10 13 8 15 16 17 18]\n", - "=======================\n", - "[\"the fan fiction , which is $ 2.51 on kindle , is about a housewife 's infatuation with new england patriots tight end rob ` gronk ' gronkowski , who she habitually masturbates over while watching his games .an ohio couple have filed a major lawsuit against the risque erotic e-book ' a gronking to remember ' , claiming a photo as they were celebrating their engagement was used as the online cover without their permission .the unnamed couple are subsequently suing the novella 's author , who released it under the pen name lacey noonan , as well as distributors apple , amazon.com and barnes & noble for allowing readers to buy the work in ibooks , kindle and nook digital formats .\"]\n", - "=======================\n", - "[\"ohio couple suing author lacey noonan as well as apple , amazon and barnes & nobleclaim personal photo of them on the book 's cover was appropriated without permission and without them knowingsay the book has caused them to be ridiculed and humilaitedthe fan fiction is about a woman 's sexual infatuation with new england patriots tight end rob ` gronk ' gronkowski\"]\n", - "the fan fiction , which is $ 2.51 on kindle , is about a housewife 's infatuation with new england patriots tight end rob ` gronk ' gronkowski , who she habitually masturbates over while watching his games .an ohio couple have filed a major lawsuit against the risque erotic e-book ' a gronking to remember ' , claiming a photo as they were celebrating their engagement was used as the online cover without their permission .the unnamed couple are subsequently suing the novella 's author , who released it under the pen name lacey noonan , as well as distributors apple , amazon.com and barnes & noble for allowing readers to buy the work in ibooks , kindle and nook digital formats .\n", - "ohio couple suing author lacey noonan as well as apple , amazon and barnes & nobleclaim personal photo of them on the book 's cover was appropriated without permission and without them knowingsay the book has caused them to be ridiculed and humilaitedthe fan fiction is about a woman 's sexual infatuation with new england patriots tight end rob ` gronk ' gronkowski\n", - "[1.3592203 1.5769467 1.1521084 1.0710752 1.1414909 1.1401354 1.1273701\n", - " 1.0165673 1.0180829 1.0170345 1.0351248 1.2203661 1.2107166 1.0766402\n", - " 1.0261757 1.0601538 1.0701615 1.0851375 1.1112413]\n", - "\n", - "[ 1 0 11 12 2 4 5 6 18 17 13 3 16 15 10 14 8 9 7]\n", - "=======================\n", - "['born on january 25 and almost three months old , the quadruplet male cubs were let out into their glass cages for the first time at the tobu zoo in saitama prefecture , on the outskirts of tokyo .feline family ties proved essential at a zoo in japan recently after a newly born white tiger cub fell in to a pool of water , and had to get his brothers to come to the rescue .initially hesitant to go out in front of a crowd of zoo staff and visitors , the cubs were encouraged by their mother , cara , aged nine , to walk out of their cage and into the outdoors living space .']\n", - "=======================\n", - "['the quadruplet male cubs were let out into their glass cages for the first time recently at the tobu zoo in tokyohowever , curiosity soon got the better of the cats and one accidentally fell into the play poolhis brothers quickly came to the rescue after noticing he was in trouble']\n", - "born on january 25 and almost three months old , the quadruplet male cubs were let out into their glass cages for the first time at the tobu zoo in saitama prefecture , on the outskirts of tokyo .feline family ties proved essential at a zoo in japan recently after a newly born white tiger cub fell in to a pool of water , and had to get his brothers to come to the rescue .initially hesitant to go out in front of a crowd of zoo staff and visitors , the cubs were encouraged by their mother , cara , aged nine , to walk out of their cage and into the outdoors living space .\n", - "the quadruplet male cubs were let out into their glass cages for the first time recently at the tobu zoo in tokyohowever , curiosity soon got the better of the cats and one accidentally fell into the play poolhis brothers quickly came to the rescue after noticing he was in trouble\n", - "[1.1578093 1.110875 1.3710557 1.279767 1.265804 1.1035558 1.1291691\n", - " 1.1216284 1.0493063 1.0770674 1.0261463 1.0227 1.0120455 1.0240742\n", - " 1.1307263 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 4 0 14 6 7 1 5 9 8 10 13 11 12 15 16 17 18]\n", - "=======================\n", - "[\"of the 3,700 women who served at nazi death camps , just three were investigated by prosecutors in germany for their roles as accomplices to mass murder .brutal : the women patrolling the death camps were just as bad as their male counterparts .those ` merciless ' women who traded femininity , motherhood and marriage to wed themselves to the dark side of hitler 's third reich include charlotte s .\"]\n", - "=======================\n", - "[\"ss guard charlotte s trained her alsatian to bite at inmates ' private partsgisela s locked up to 15 prisoners in a tiny ` standing cell ' for daysgertrud elli senff revelled in the power of playing ` god ' with people 's livesshe picked who lived and who was sent to the gas chambers to diebut all three women - now frail and in their 90s - will never face justice\"]\n", - "of the 3,700 women who served at nazi death camps , just three were investigated by prosecutors in germany for their roles as accomplices to mass murder .brutal : the women patrolling the death camps were just as bad as their male counterparts .those ` merciless ' women who traded femininity , motherhood and marriage to wed themselves to the dark side of hitler 's third reich include charlotte s .\n", - "ss guard charlotte s trained her alsatian to bite at inmates ' private partsgisela s locked up to 15 prisoners in a tiny ` standing cell ' for daysgertrud elli senff revelled in the power of playing ` god ' with people 's livesshe picked who lived and who was sent to the gas chambers to diebut all three women - now frail and in their 90s - will never face justice\n", - "[1.2855723 1.3767896 1.1799531 1.2520506 1.1027166 1.2686898 1.0400821\n", - " 1.0778172 1.0538492 1.1655602 1.1107589 1.0425881 1.1049973 1.0719217\n", - " 1.0472249 1.0188392 0. 0. 0. ]\n", - "\n", - "[ 1 0 5 3 2 9 10 12 4 7 13 8 14 11 6 15 17 16 18]\n", - "=======================\n", - "[\"authorities said in a news release thursday that 49-year-old thomas k. jenkins of capitol heights , maryland , was arrested last month by deputies with the prince george 's county sheriff 's office .dover police say a man they believe to be the so-called ` rat burglar ' who cut holes to tunnel into buildings has been arrested in maryland .thomas jenkins has been accused by the dover police department of robbing multiple businesses .\"]\n", - "=======================\n", - "[\"thomas k. jenkins , 49 , was arrested last month by deputies with the prince george 's county sheriff 's office , authorities saidpolice say jenkins had cut a hole in the roof of a commercial business in maryland on march 9 and deputies arrested him as he fledjenkins is accused of carrying out multiple robberies in dover , delawarehe is facing 72 charges from the dover police department for 18 robberiesthe delaware state police is planning to file charges over a 19th robbery , which occurred in a part of dover where jurisdiction is held by state police\"]\n", - "authorities said in a news release thursday that 49-year-old thomas k. jenkins of capitol heights , maryland , was arrested last month by deputies with the prince george 's county sheriff 's office .dover police say a man they believe to be the so-called ` rat burglar ' who cut holes to tunnel into buildings has been arrested in maryland .thomas jenkins has been accused by the dover police department of robbing multiple businesses .\n", - "thomas k. jenkins , 49 , was arrested last month by deputies with the prince george 's county sheriff 's office , authorities saidpolice say jenkins had cut a hole in the roof of a commercial business in maryland on march 9 and deputies arrested him as he fledjenkins is accused of carrying out multiple robberies in dover , delawarehe is facing 72 charges from the dover police department for 18 robberiesthe delaware state police is planning to file charges over a 19th robbery , which occurred in a part of dover where jurisdiction is held by state police\n", - "[1.3148402 1.2234747 1.1883163 1.1338931 1.0805485 1.1007441 1.0674886\n", - " 1.0912782 1.1124699 1.074561 1.0618876 1.0506349 1.0251617 1.0343792\n", - " 1.0216908 1.0472708 1.041332 1.0219308 1.0120702 1.0133103 1.0283382\n", - " 1.0391967 1.0502952 1.036535 1.0510265 1.0341927 1.0481454 1.0362134\n", - " 1.0257683]\n", - "\n", - "[ 0 1 2 3 8 5 7 4 9 6 10 24 11 22 26 15 16 21 23 27 13 25 20 28\n", - " 12 17 14 19 18]\n", - "=======================\n", - "[\"hillary clinton 's family 's charities are refiling at least five years of tax returns after an investigation revealed they had misreported tens of millions of dollars in donations from governments .the charities ' errors generally took the form of under-reporting or over-reporting donations from foreign governments , or in other instances , omitted to break out government donations entirely when reporting revenue , the charities confirmed to reuters , which uncovered the mistakes .following the discovery , the clinton foundation and the clinton health access initiative said they will be refiling multiple annual tax returns and may audit returns extending as far back as 15 years in case there have been other errors .\"]\n", - "=======================\n", - "['a reuters investigation uncovered errors in tax returns filed by the clinton foundation and the clinton health access initiativefor 3 years , the clinton foundation reported it had received nothing from foreign and u.s. governments - despite receiving millions previouslyit will now refile its tax returns from 2010 , 2011 and 2012 but has not ruled out reviewing tax returns extending back as many as 15 yearsthe clinton health access initiative is refiling forms from at least 2 yearsexperts said it was not uncommon for charities to have to re-file but said it was unusual that a global charity would have to re-file for multiple yearsrepublican presidential candidate ted cruz called on the non-profit to return all of the money it received from foreign governments']\n", - "hillary clinton 's family 's charities are refiling at least five years of tax returns after an investigation revealed they had misreported tens of millions of dollars in donations from governments .the charities ' errors generally took the form of under-reporting or over-reporting donations from foreign governments , or in other instances , omitted to break out government donations entirely when reporting revenue , the charities confirmed to reuters , which uncovered the mistakes .following the discovery , the clinton foundation and the clinton health access initiative said they will be refiling multiple annual tax returns and may audit returns extending as far back as 15 years in case there have been other errors .\n", - "a reuters investigation uncovered errors in tax returns filed by the clinton foundation and the clinton health access initiativefor 3 years , the clinton foundation reported it had received nothing from foreign and u.s. governments - despite receiving millions previouslyit will now refile its tax returns from 2010 , 2011 and 2012 but has not ruled out reviewing tax returns extending back as many as 15 yearsthe clinton health access initiative is refiling forms from at least 2 yearsexperts said it was not uncommon for charities to have to re-file but said it was unusual that a global charity would have to re-file for multiple yearsrepublican presidential candidate ted cruz called on the non-profit to return all of the money it received from foreign governments\n", - "[1.4900618 1.4883311 1.4671644 1.2642922 1.1894584 1.0345563 1.01376\n", - " 1.013901 1.0149416 1.0414 1.2870902 1.1045781 1.1057416 1.0176227\n", - " 1.0162421 1.0082362 1.0086343 1.0063676 1.0113304 1.0666106 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 10 3 4 12 11 19 9 5 13 14 8 7 6 18 16 15 17 27 20 21 22\n", - " 23 24 25 26 28]\n", - "=======================\n", - "[\"siobhan-marie o'connor won gold in the 200 metres individual medley at the british championships to ensure qualification for the world championships this summer .hannah miley took the silver medal with a time of 2:11:65 and aimee willmott claimed bronze in 2:13:30 .o'connor 's time of two minutes 09:51 seconds was the fastest recorded in the world this year\"]\n", - "=======================\n", - "[\"siobhan-marie o'connor won her second title of the british championshipsthe 19-year-old also sealed a place in britain 's world championships team\"]\n", - "siobhan-marie o'connor won gold in the 200 metres individual medley at the british championships to ensure qualification for the world championships this summer .hannah miley took the silver medal with a time of 2:11:65 and aimee willmott claimed bronze in 2:13:30 .o'connor 's time of two minutes 09:51 seconds was the fastest recorded in the world this year\n", - "siobhan-marie o'connor won her second title of the british championshipsthe 19-year-old also sealed a place in britain 's world championships team\n", - "[1.644953 1.2340223 1.1335757 1.5790172 1.0538099 1.0379494 1.0286448\n", - " 1.0234685 1.1092384 1.0418756 1.0441376 1.030641 1.0186325 1.0371001\n", - " 1.0377802 1.0423096 1.0391345 1.0396069 1.0424834 1.0219812 1.030388\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 2 8 4 10 18 15 9 17 16 5 14 13 11 20 6 7 19 12 27 21 22\n", - " 23 24 25 26 28]\n", - "=======================\n", - "[\"chelsea 's eden hazard and arsenal 's santi cazorla are set to reach a premier league milestone this weekend when they each make their 100th appearance .both players have been hugely influential since they moved to london in the summer of 2012 , but who has been the most exciting import to watch ?here , sportsmail 's reporters choose the player they most enjoy seeing in action .\"]\n", - "=======================\n", - "[\"chelsea star eden hazard is set to make his 100th top-flight appearancesanti cazorla should hit the same milestone when arsenal meet burnleyboth players have impressed since moving to the premier league in 2012hazard has more goals this season but cazorla has one more assistsportsmail 's reporters choose the player who has excited them the most\"]\n", - "chelsea 's eden hazard and arsenal 's santi cazorla are set to reach a premier league milestone this weekend when they each make their 100th appearance .both players have been hugely influential since they moved to london in the summer of 2012 , but who has been the most exciting import to watch ?here , sportsmail 's reporters choose the player they most enjoy seeing in action .\n", - "chelsea star eden hazard is set to make his 100th top-flight appearancesanti cazorla should hit the same milestone when arsenal meet burnleyboth players have impressed since moving to the premier league in 2012hazard has more goals this season but cazorla has one more assistsportsmail 's reporters choose the player who has excited them the most\n", - "[1.252344 1.4669924 1.1821462 1.266976 1.1197058 1.2537831 1.1951014\n", - " 1.211455 1.1242591 1.0822682 1.0473319 1.0598505 1.0547793 1.0169457\n", - " 1.0089401 1.0084567 1.044163 1.0096993 1.0328958 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 5 0 7 6 2 8 4 9 11 12 10 16 18 13 17 14 15 27 19 20 21 22\n", - " 23 24 25 26 28]\n", - "=======================\n", - "['daniel boykin , 33 , plead guilty to charges of unlawful photography , aggravated burglary , wiretapping , unlawful telephone recording and two computer crimes .at the time of his arrest last year , boykin was found with 92 videos of the victim -- 29 taken from the airport bathroom -- and 1,527 photographs .a transportation security administration agent who was fired in nashville after becoming obsessed with a coworker - following her , taking videos and photos and breaking into her house five times - was jailed this week as a result of the stalking case .']\n", - "=======================\n", - "[\"daniel boykin plead guilty to charges of unlawful photography , aggravated burglary , wiretapping and unlawful telephone recordinghe became obsessed with a female colleagueshe discovered he was stalking her after finding photos on boykin 's phonehe had 92 videos of the victim - 29 taken from the bathroom at nashville international airport - and 1,527 photosalso broke into her home five times and took photos of her clothestold the court thursday he was ` truly sorry 'sentenced to six months prison followed by five years probation\"]\n", - "daniel boykin , 33 , plead guilty to charges of unlawful photography , aggravated burglary , wiretapping , unlawful telephone recording and two computer crimes .at the time of his arrest last year , boykin was found with 92 videos of the victim -- 29 taken from the airport bathroom -- and 1,527 photographs .a transportation security administration agent who was fired in nashville after becoming obsessed with a coworker - following her , taking videos and photos and breaking into her house five times - was jailed this week as a result of the stalking case .\n", - "daniel boykin plead guilty to charges of unlawful photography , aggravated burglary , wiretapping and unlawful telephone recordinghe became obsessed with a female colleagueshe discovered he was stalking her after finding photos on boykin 's phonehe had 92 videos of the victim - 29 taken from the bathroom at nashville international airport - and 1,527 photosalso broke into her home five times and took photos of her clothestold the court thursday he was ` truly sorry 'sentenced to six months prison followed by five years probation\n", - "[1.2941991 1.2225362 1.1343441 1.2637534 1.2807692 1.1745013 1.1350864\n", - " 1.077043 1.0569075 1.0497156 1.0583732 1.0864109 1.0642588 1.0397989\n", - " 1.0597668 1.0961282 1.038853 1.066969 1.0249541 1.0096492 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 4 3 1 5 6 2 15 11 7 17 12 14 10 8 9 13 16 18 19 27 20 21 22\n", - " 23 24 25 26 28]\n", - "=======================\n", - "[\"angelina jolie pleaded with world powers on friday to help the millions of syrian refugees , sharply criticizing the u.n. security council for being paralyzed by its division over syria 's four-year conflict .angelina jolie briefed the un in her role as special envoy in new york on friday .nearly four million syrians have fled the conflict into neighboring countries , which warn they are dangerously overstretched .\"]\n", - "=======================\n", - "[\"the actress briefed the council as special envoy for the u.n. on refugee issues in new york on fridayjolie lambasted the security council for their inaction over the crisis , saying : ` we are standing by in syria 'syria 's ambassador said simply of her presence : ` she 's beautiful 'nearly four million syrians have fled the conflict into neighboring countries , which warn they are dangerously overstretchedangelina jolie went on to speak at the women in the world summit held in manhattan on friday afternoon\"]\n", - "angelina jolie pleaded with world powers on friday to help the millions of syrian refugees , sharply criticizing the u.n. security council for being paralyzed by its division over syria 's four-year conflict .angelina jolie briefed the un in her role as special envoy in new york on friday .nearly four million syrians have fled the conflict into neighboring countries , which warn they are dangerously overstretched .\n", - "the actress briefed the council as special envoy for the u.n. on refugee issues in new york on fridayjolie lambasted the security council for their inaction over the crisis , saying : ` we are standing by in syria 'syria 's ambassador said simply of her presence : ` she 's beautiful 'nearly four million syrians have fled the conflict into neighboring countries , which warn they are dangerously overstretchedangelina jolie went on to speak at the women in the world summit held in manhattan on friday afternoon\n", - "[1.246865 1.4875087 1.2168154 1.3583148 1.2792187 1.2097951 1.065858\n", - " 1.0257028 1.0152149 1.2492778 1.0859578 1.177559 1.0300392 1.0105734\n", - " 1.2144357 1.013139 1.0121971 1.0159574 1.0069659 1.0070091 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 4 9 0 2 14 5 11 10 6 12 7 17 8 15 16 13 19 18 20 21]\n", - "=======================\n", - "[\"he was sentenced by judge noel lucas ( above ) at guildford crown courttimothy norris-jones , who had previously attacked his mother on two occasions , left her with bruises on her face and a cut on her right wrist that needed stitches , a court heard .the 59-year-old told police the injuries were caused when she fell and said he had accidentally ` caught her face ' when he went to catch her in november last year .\"]\n", - "=======================\n", - "[\"timothy norris-jones left his mother with a bruised face and a cut hand59-year-old told police she fell and he accidentally ` caught her face 'handed two-year suspended sentence at guildford crown court\"]\n", - "he was sentenced by judge noel lucas ( above ) at guildford crown courttimothy norris-jones , who had previously attacked his mother on two occasions , left her with bruises on her face and a cut on her right wrist that needed stitches , a court heard .the 59-year-old told police the injuries were caused when she fell and said he had accidentally ` caught her face ' when he went to catch her in november last year .\n", - "timothy norris-jones left his mother with a bruised face and a cut hand59-year-old told police she fell and he accidentally ` caught her face 'handed two-year suspended sentence at guildford crown court\n", - "[1.2581999 1.4828941 1.2881846 1.2870245 1.4282153 1.2835754 1.1132739\n", - " 1.0218391 1.0346259 1.0211126 1.0839796 1.0120258 1.0570153 1.0643245\n", - " 1.1344948 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 2 3 5 0 14 6 10 13 12 8 7 9 11 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"jack mascitelli , from victoria , took up the unsavoury dare in broad daylight at 8.45 am during schoolies week in the popular nsw beach town .the prank backfired when he accidentally ran ` screaming and yelling ' past a group of police officers , the sydney morning herald reports .the officers then found him hiding in a nearby kebab shop .\"]\n", - "=======================\n", - "[\"jack mascitelli , 18 , stripped naked and ran through byron bay , in nswthe student , from victoria , was handed a $ 500 fine after his 8.45 am anticsprank backfired when he ran ` screaming and yelling ' past police officersmagistrate told mr mascitelli his actions were 'em barrassing '\"]\n", - "jack mascitelli , from victoria , took up the unsavoury dare in broad daylight at 8.45 am during schoolies week in the popular nsw beach town .the prank backfired when he accidentally ran ` screaming and yelling ' past a group of police officers , the sydney morning herald reports .the officers then found him hiding in a nearby kebab shop .\n", - "jack mascitelli , 18 , stripped naked and ran through byron bay , in nswthe student , from victoria , was handed a $ 500 fine after his 8.45 am anticsprank backfired when he ran ` screaming and yelling ' past police officersmagistrate told mr mascitelli his actions were 'em barrassing '\n", - "[1.1853453 1.2980151 1.4018626 1.2892865 1.210858 1.0770789 1.1298462\n", - " 1.1182864 1.0711989 1.0742644 1.0821843 1.0852659 1.0285378 1.019226\n", - " 1.0183053 1.0949386 1.0740134 1.0253918 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 3 4 0 6 7 15 11 10 5 9 16 8 12 17 13 14 20 18 19 21]\n", - "=======================\n", - "['the study of 18,500 patients found that people with bowel cancer who saw their normal gp were diagnosed , on average , a week later than others .a study found that if doctors know patients well , they could mistake warning signs for ongoing medical problems or depression .patients who always see the same gp are more likely to have cancer symptoms missed , research has shown ( posed by model )']\n", - "=======================\n", - "[\"bowel cancer patients who saw normal gp diagnosed week later than others , study showsfindings not linked to a later diagnosis for breast cancer or lung cancerdelays can be vital because cancer can quickly spread to other organsbritain has one of europe 's lowest cancer survival rates , partly blamed on missed symptoms\"]\n", - "the study of 18,500 patients found that people with bowel cancer who saw their normal gp were diagnosed , on average , a week later than others .a study found that if doctors know patients well , they could mistake warning signs for ongoing medical problems or depression .patients who always see the same gp are more likely to have cancer symptoms missed , research has shown ( posed by model )\n", - "bowel cancer patients who saw normal gp diagnosed week later than others , study showsfindings not linked to a later diagnosis for breast cancer or lung cancerdelays can be vital because cancer can quickly spread to other organsbritain has one of europe 's lowest cancer survival rates , partly blamed on missed symptoms\n", - "[1.3065833 1.5019853 1.1491901 1.0695498 1.0502126 1.391021 1.1321911\n", - " 1.0337187 1.0227264 1.0378854 1.1351855 1.0324827 1.0288048 1.1090387\n", - " 1.0472237 1.0214989 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 5 0 2 10 6 13 3 4 14 9 7 11 12 8 15 20 16 17 18 19 21]\n", - "=======================\n", - "[\"chris appleton , who has been working with natural brunette rita , 24 , for the past two years , confessed to daily mail online that her demanding haircare routine does require a hefty amount of work and ` maintenance ' .the stylist behind singer rita ora 's unique , over-the-top hairstyles has revealed how much work the chart-topper has to put into ensuring her blonde locks remain totally healthy .` we have to color the hair every three weeks , ' he explained .\"]\n", - "=======================\n", - "[\"hairstylist chris appleton explained the inspiration for 24-year-old rita 's unique and over-the-top hairstyleshe confessed that her blonde mane requires a lot of ` maintenance ' and has to be bleached every three weeksunlike kim kardashian however , chris does n't believe rita will be going back to brunette any time soon\"]\n", - "chris appleton , who has been working with natural brunette rita , 24 , for the past two years , confessed to daily mail online that her demanding haircare routine does require a hefty amount of work and ` maintenance ' .the stylist behind singer rita ora 's unique , over-the-top hairstyles has revealed how much work the chart-topper has to put into ensuring her blonde locks remain totally healthy .` we have to color the hair every three weeks , ' he explained .\n", - "hairstylist chris appleton explained the inspiration for 24-year-old rita 's unique and over-the-top hairstyleshe confessed that her blonde mane requires a lot of ` maintenance ' and has to be bleached every three weeksunlike kim kardashian however , chris does n't believe rita will be going back to brunette any time soon\n", - "[1.2244284 1.2878933 1.0668473 1.038581 1.0586867 1.0777626 1.0558634\n", - " 1.0312574 1.1173913 1.0626843 1.4368922 1.1648271 1.0641254 1.0527412\n", - " 1.038861 1.0331037 1.0562559 1.0334691 1.0592983 1.0334232 1.0133568\n", - " 1.0176773]\n", - "\n", - "[10 1 0 11 8 5 2 12 9 18 4 16 6 13 14 3 17 19 15 7 21 20]\n", - "=======================\n", - "[\"raheem sterling has turned down a new deal with liverpool and put off contract talks until the summerso , from the start , raheem sterling 's explanation for the end of his conversations with liverpool did not stand up .no footballer has ever been late for kick-off because he was tied up negotiating a new contract .\"]\n", - "=======================\n", - "['raheem sterling has turned down a liverpool deal worth # 100,000-a-week20-year-old gave an interview to the bbc on wednesday over the issuejamie carragher : four reasons why sterling has got it wrong over deal']\n", - "raheem sterling has turned down a new deal with liverpool and put off contract talks until the summerso , from the start , raheem sterling 's explanation for the end of his conversations with liverpool did not stand up .no footballer has ever been late for kick-off because he was tied up negotiating a new contract .\n", - "raheem sterling has turned down a liverpool deal worth # 100,000-a-week20-year-old gave an interview to the bbc on wednesday over the issuejamie carragher : four reasons why sterling has got it wrong over deal\n", - "[1.3800434 1.4107611 1.3453666 1.3146728 1.163133 1.1829821 1.1423589\n", - " 1.0533416 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 5 4 6 7 15 14 13 12 8 10 9 16 11 17]\n", - "=======================\n", - "['the world no 99 , who switched allegiance from slovenia to britain last month , knocked out fellow qualifier arthur de greef , of belgium , 6-2 , 6-3 in just 70 minutes .british no 2 aljaz bedene has booked a quarter-final place at the grand prix hassan ii event in casablanca .london-based bedene , 25 , will now face third seed jiri vesely , who was given a far tougher test as he progressed to the last-eight .']\n", - "=======================\n", - "[\"slovenian-born aljaz bedene defeated belgium 's arthur de greefbedene will face jiri vesely after beating arthur de greef in 70 minutesthe 25-year-old switched allegiance from slovenia to britain in march\"]\n", - "the world no 99 , who switched allegiance from slovenia to britain last month , knocked out fellow qualifier arthur de greef , of belgium , 6-2 , 6-3 in just 70 minutes .british no 2 aljaz bedene has booked a quarter-final place at the grand prix hassan ii event in casablanca .london-based bedene , 25 , will now face third seed jiri vesely , who was given a far tougher test as he progressed to the last-eight .\n", - "slovenian-born aljaz bedene defeated belgium 's arthur de greefbedene will face jiri vesely after beating arthur de greef in 70 minutesthe 25-year-old switched allegiance from slovenia to britain in march\n", - "[1.0476303 1.034002 1.2854807 1.3131986 1.2587861 1.1682259 1.0688415\n", - " 1.0303506 1.2263188 1.1639689 1.1664618 1.0336831 1.0305548 1.0702813\n", - " 1.2252821 1.0345515 1.0325316 1.0136727]\n", - "\n", - "[ 3 2 4 8 14 5 10 9 13 6 0 15 1 11 16 12 7 17]\n", - "=======================\n", - "['in zaria , a city in northern nigeria , a team of students from the ahmadu bello university are currently applying the final touches to the \" abucar 2 . \"powered by electricity and engineered for efficiency , car enthusiasts from across africa are sparking home-grown concepts that have gotten experts revving .the students used locally available materials to build the vehicle , and even included recycled electrical components in the engine .']\n", - "=======================\n", - "['african students and car enthusiasts are creating eco-friendly carsnigerian students will compete in an \" eco-marathon \" in may']\n", - "in zaria , a city in northern nigeria , a team of students from the ahmadu bello university are currently applying the final touches to the \" abucar 2 . \"powered by electricity and engineered for efficiency , car enthusiasts from across africa are sparking home-grown concepts that have gotten experts revving .the students used locally available materials to build the vehicle , and even included recycled electrical components in the engine .\n", - "african students and car enthusiasts are creating eco-friendly carsnigerian students will compete in an \" eco-marathon \" in may\n", - "[1.1847525 1.3202828 1.1076258 1.3701433 1.1176196 1.255376 1.2528639\n", - " 1.2159959 1.0625579 1.0789971 1.0677726 1.0182029 1.0143951 1.1361542\n", - " 1.0393097 1.0106622 1.0120826 0. ]\n", - "\n", - "[ 3 1 5 6 7 0 13 4 2 9 10 8 14 11 12 16 15 17]\n", - "=======================\n", - "[\"amy childs has unveiled her sophisticated summer collection full of pastel printsthe 24-year-old , who found fame on the only way is essex , has designed a summer range full of pretty pastels and feminine florals inspired by the festival season .amy , who is ` really proud ' of her new range , says her garments are designed for the woman wanting to embrace wearable catwalk trends and ` definitely ' for real women .\"]\n", - "=======================\n", - "[\"amy , 24 , has designed a summer range full of pretty pastelsamy says her garments are ` definitely ' for real womenhas faced the wrath of twitter trolls\"]\n", - "amy childs has unveiled her sophisticated summer collection full of pastel printsthe 24-year-old , who found fame on the only way is essex , has designed a summer range full of pretty pastels and feminine florals inspired by the festival season .amy , who is ` really proud ' of her new range , says her garments are designed for the woman wanting to embrace wearable catwalk trends and ` definitely ' for real women .\n", - "amy , 24 , has designed a summer range full of pretty pastelsamy says her garments are ` definitely ' for real womenhas faced the wrath of twitter trolls\n", - "[1.331985 1.2300391 1.2228587 1.1644164 1.2205247 1.1803242 1.0607642\n", - " 1.0859592 1.0371084 1.0615138 1.0412174 1.0537331 1.1024328 1.0540476\n", - " 1.0535703 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 4 5 3 12 7 9 6 13 11 14 10 8 15 16 17]\n", - "=======================\n", - "[\"shamed newsman brian williams 's lied in his reporting to make himself look good at least 11 times , an internal investigation has reportedly found .the total , cited in media reports about the secretive investigation , would mean the trail of deceit from the fallen face of nbc 's nightly news goes far deeper than previously reported .investigative journalists at the network have been poring over williams 's past reports and statements after he was booted from the top job in tv news , hunting down signs of dishonesty .\"]\n", - "=======================\n", - "[\"former face of nbc nightly news was suspended for lying about iraqfalsely claimed he was in military helicopter downed by rpg firebosses began investigation into other tall tales in wake of scandalnbc 's ceo reportedly told in recent briefing that 11 instances emergedinclude seemingly overblown claims about reporting on the arab spring\"]\n", - "shamed newsman brian williams 's lied in his reporting to make himself look good at least 11 times , an internal investigation has reportedly found .the total , cited in media reports about the secretive investigation , would mean the trail of deceit from the fallen face of nbc 's nightly news goes far deeper than previously reported .investigative journalists at the network have been poring over williams 's past reports and statements after he was booted from the top job in tv news , hunting down signs of dishonesty .\n", - "former face of nbc nightly news was suspended for lying about iraqfalsely claimed he was in military helicopter downed by rpg firebosses began investigation into other tall tales in wake of scandalnbc 's ceo reportedly told in recent briefing that 11 instances emergedinclude seemingly overblown claims about reporting on the arab spring\n", - "[1.1758279 1.4876009 1.3247441 1.2428156 1.3021741 1.1577368 1.0747094\n", - " 1.0386913 1.0922192 1.039426 1.0738186 1.030794 1.053722 1.0612723\n", - " 1.0132625 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 0 5 8 6 10 13 12 9 7 11 14 16 15 17]\n", - "=======================\n", - "['in a case which has strikingly similar traits to the # 60m heist in london , thieves targeted 294 security vaults during a break-in at the volksbank in steglitz , berlin , in january 2013 .the gang , who fled the bank with diamonds , gold and silver worth more than # 8.3 m , have never been found .the culprits behind the hatton garden raid ( pictured ) may have carried out a similarly audacious burglary just two years earlier in berlin , it has emerged']\n", - "=======================\n", - "[\"71 security boxes were raided over easter weekend in # 60m london heistin january 2013 , 294 security vaults were targeted at volksbank , berlinin both cases , gangs left with millions worth of diamonds , gold and silverboth gangs used pneumatic drills on the vaults , while dressed as workmenpolice - who missed alarms during both raids - believe thefts could be ` inside jobs '\"]\n", - "in a case which has strikingly similar traits to the # 60m heist in london , thieves targeted 294 security vaults during a break-in at the volksbank in steglitz , berlin , in january 2013 .the gang , who fled the bank with diamonds , gold and silver worth more than # 8.3 m , have never been found .the culprits behind the hatton garden raid ( pictured ) may have carried out a similarly audacious burglary just two years earlier in berlin , it has emerged\n", - "71 security boxes were raided over easter weekend in # 60m london heistin january 2013 , 294 security vaults were targeted at volksbank , berlinin both cases , gangs left with millions worth of diamonds , gold and silverboth gangs used pneumatic drills on the vaults , while dressed as workmenpolice - who missed alarms during both raids - believe thefts could be ` inside jobs '\n", - "[1.477951 1.1485206 1.237727 1.3749549 1.1172628 1.1022171 1.152615\n", - " 1.1959864 1.1172904 1.1122779 1.0382036 1.0199476 1.0288801 1.025359\n", - " 1.0185903 1.0210636 1.037127 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 2 7 6 1 8 4 9 5 10 16 12 13 15 11 14 17 18 19 20 21]\n", - "=======================\n", - "[\"bobby brown spoke for the first time about his daughter bobbi kristina in los angeles on saturday night and admitted ' i du n no what the hell i am going through right now , but i am giving it to god and letting him deal with it . 'the former husband of whitney houston looked tired and grief stricken at times during his performance , his first public appearance since bobbi kristina fell into a coma .unresponsive : on january 31 , bobbi kristina brown was found unresponsive in her bathtub .\"]\n", - "=======================\n", - "['broke down during los angeles concert as he talked about his daughter bobbi kristin , who has been in a coma since january 31in the middle of his set in front of 4,000 people , he offered a pitch for his line of bbq sauces']\n", - "bobby brown spoke for the first time about his daughter bobbi kristina in los angeles on saturday night and admitted ' i du n no what the hell i am going through right now , but i am giving it to god and letting him deal with it . 'the former husband of whitney houston looked tired and grief stricken at times during his performance , his first public appearance since bobbi kristina fell into a coma .unresponsive : on january 31 , bobbi kristina brown was found unresponsive in her bathtub .\n", - "broke down during los angeles concert as he talked about his daughter bobbi kristin , who has been in a coma since january 31in the middle of his set in front of 4,000 people , he offered a pitch for his line of bbq sauces\n", - "[1.2878784 1.4751348 1.3957142 1.3386497 1.207098 1.0660422 1.0232246\n", - " 1.0485556 1.0290657 1.0681753 1.042707 1.1355835 1.023551 1.0190585\n", - " 1.0178927 1.1303174 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 0 4 11 15 9 5 7 10 8 12 6 13 14 16 17 18 19 20 21]\n", - "=======================\n", - "[\"arabtrust and the federation of dundee united supporters clubs say they are ` shocked ' that 25 per cent of # 6.3 million worth of transfer fees for ryan gauld , andrew robertson , stuart armstrong and gary mackay-steven were paid in commission to unnamed parties .the supporters groups also disputed chairman stephen thompson 's alleged level of investment in the club .the dundee united board have hit back at criticism from supporters by pointing to their on-field success\"]\n", - "=======================\n", - "['dundee united have faced criticism from fans over the 25 per cent commission paid out from # 6.3 m worth of transfer fees receivedhowever , the club have responded by pointing to their record on the pitchdundee have reached back to back domestic cup finals for the first time in 29 years and secured european football three times in the last four seasons']\n", - "arabtrust and the federation of dundee united supporters clubs say they are ` shocked ' that 25 per cent of # 6.3 million worth of transfer fees for ryan gauld , andrew robertson , stuart armstrong and gary mackay-steven were paid in commission to unnamed parties .the supporters groups also disputed chairman stephen thompson 's alleged level of investment in the club .the dundee united board have hit back at criticism from supporters by pointing to their on-field success\n", - "dundee united have faced criticism from fans over the 25 per cent commission paid out from # 6.3 m worth of transfer fees receivedhowever , the club have responded by pointing to their record on the pitchdundee have reached back to back domestic cup finals for the first time in 29 years and secured european football three times in the last four seasons\n", - "[1.4146695 1.2117751 1.2064466 1.1585844 1.1430984 1.1356282 1.1470124\n", - " 1.0485712 1.1423972 1.1147298 1.0935584 1.1391802 1.113791 1.0769479\n", - " 1.1142601 1.0819784 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 3 6 4 8 11 5 9 14 12 10 15 13 7 16 17 18 19 20 21]\n", - "=======================\n", - "['dawn milosky has been charged with driving while intoxicated and having an open container of alcohol in the vehiclea new jersey woman is lucky to be alive after being rescued from her overturned vehicle just as it started to catch fire .dashcam footage shows police in the borough of kinnelon race to the incident just after 6 p.m. on thursday following a tip-off about someone driving erratically in the local area .']\n", - "=======================\n", - "['police in kinnelon , new jersey , rushed to the crash scene after a tip-off about someone driving erratically in the local areawith smoke already coming from the vehicle the officers had to act fast to get the injured woman freejust 2 minutes and 30 seconds after the officers had removed the woman from the wreckage the vehicle became engulfed in flamesdawn milosky , 45 , has been charged with driving while intoxicated and having an open container of alcohol in the vehicle']\n", - "dawn milosky has been charged with driving while intoxicated and having an open container of alcohol in the vehiclea new jersey woman is lucky to be alive after being rescued from her overturned vehicle just as it started to catch fire .dashcam footage shows police in the borough of kinnelon race to the incident just after 6 p.m. on thursday following a tip-off about someone driving erratically in the local area .\n", - "police in kinnelon , new jersey , rushed to the crash scene after a tip-off about someone driving erratically in the local areawith smoke already coming from the vehicle the officers had to act fast to get the injured woman freejust 2 minutes and 30 seconds after the officers had removed the woman from the wreckage the vehicle became engulfed in flamesdawn milosky , 45 , has been charged with driving while intoxicated and having an open container of alcohol in the vehicle\n", - "[1.2886571 1.5313466 1.2236665 1.2544051 1.0433127 1.0439004 1.0499932\n", - " 1.0700753 1.0696167 1.0848293 1.1397243 1.052755 1.0275173 1.1761467\n", - " 1.0334696 1.0402694 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 2 13 10 9 7 8 11 6 5 4 15 14 12 20 16 17 18 19 21]\n", - "=======================\n", - "[\"forty-year-old andrew steele had pleaded not guilty by reason of mental disease to two counts of first-degree intentional homicide in the august 22 shooting deaths of his 39-year-old wife , ashlee steele , and her sister , 38-year-old kacee tollefsbol of lake elmo , minnesota .a former wisconsin sheriff 's deputy with lou gehrig 's disease has been found not legally responsible in the killing of his wife and sister-in-law .defense attorneys argued that the disease damaged steele 's brain , making him not criminally responsible for the deaths .\"]\n", - "=======================\n", - "[\"former wisconsin sheriff 's deputy andrew steele , 40 , has been found not legally responsible in the killing of his wife and sister-in-lawhe shot dead wife ashlee steele , 39 , and her sister kacee tollefsbol , 38 , on august 22his defense team had argued that lou gehrig 's disease had damaged his brain , making him not criminally responsible for the deathsprosecutors believed steele had planned the killings abnd a third sister said he had displayed inappropriate feelings towards tollefsbol\"]\n", - "forty-year-old andrew steele had pleaded not guilty by reason of mental disease to two counts of first-degree intentional homicide in the august 22 shooting deaths of his 39-year-old wife , ashlee steele , and her sister , 38-year-old kacee tollefsbol of lake elmo , minnesota .a former wisconsin sheriff 's deputy with lou gehrig 's disease has been found not legally responsible in the killing of his wife and sister-in-law .defense attorneys argued that the disease damaged steele 's brain , making him not criminally responsible for the deaths .\n", - "former wisconsin sheriff 's deputy andrew steele , 40 , has been found not legally responsible in the killing of his wife and sister-in-lawhe shot dead wife ashlee steele , 39 , and her sister kacee tollefsbol , 38 , on august 22his defense team had argued that lou gehrig 's disease had damaged his brain , making him not criminally responsible for the deathsprosecutors believed steele had planned the killings abnd a third sister said he had displayed inappropriate feelings towards tollefsbol\n", - "[1.2100353 1.2976148 1.3190597 1.1417892 1.2511001 1.127498 1.0927298\n", - " 1.0985197 1.0557039 1.0677658 1.1121328 1.0522622 1.0430098 1.0143819\n", - " 1.1340563 1.1213975 1.1295292 1.0544748 1.0117061 1.0118409 1.0112271\n", - " 1.0500414]\n", - "\n", - "[ 2 1 4 0 3 14 16 5 15 10 7 6 9 8 17 11 21 12 13 19 18 20]\n", - "=======================\n", - "[\"baby-faced : this little boy has amassed more than 3,000 followers on twitter with pictures like thesethe baby-faced boy from memphis , tennessee , poses with guns , cash , and bags of what looks like marijuana .but this child has amassed thousands of twitter followers with his pictorial updates of ` gang life ' .\"]\n", - "=======================\n", - "[\"child has amassed thousands of twitter followers with ` gang life ' photosin one video he points gun at camera as adults look on unfazedhis tweets have prompted backlash with calls for intervention\"]\n", - "baby-faced : this little boy has amassed more than 3,000 followers on twitter with pictures like thesethe baby-faced boy from memphis , tennessee , poses with guns , cash , and bags of what looks like marijuana .but this child has amassed thousands of twitter followers with his pictorial updates of ` gang life ' .\n", - "child has amassed thousands of twitter followers with ` gang life ' photosin one video he points gun at camera as adults look on unfazedhis tweets have prompted backlash with calls for intervention\n", - "[1.2243084 1.3700404 1.2973969 1.384059 1.2015944 1.2433239 1.0262438\n", - " 1.0245812 1.027843 1.0453342 1.0576199 1.096494 1.0627074 1.0755017\n", - " 1.023412 1.0155349 1.0098889 1.0110937 1.008676 ]\n", - "\n", - "[ 3 1 2 5 0 4 11 13 12 10 9 8 6 7 14 15 17 16 18]\n", - "=======================\n", - "[\"help : kim richards is now in a malibu rehab , but the star was out of control when she was arrested at the beverly hills hotel .in a downward-spiral , the 50-year-old recovering alcoholic admitted to dr phil mcgraw that she was drunk on the night of her arrest .dr phil : if you 're an alcoholic that has fallen off the wagon , you 're at your daughter 's house and all of a sudden you 're in there pouring a drink , and then you roll into a bar at midnight , what , you 're already drunk when you get there , why , why would you not order a drink ?\"]\n", - "=======================\n", - "[\"kim richards , who will tell her story to dr. phil tomorrow , is now in a malibu rehab facilitythe star was out of control when she was arrested at the beverly hills hotel april 16she admits to dr phil that she drank a big glass of vodka at her daughter brooke 's house before she got in her car to return homefeeling woozy , she stopped at the hotel and went straight to the polo loungeshe claims the bar was closed and she did not drink any morebut when she went over to chat with a couple of strangers , the maître d' got testywhen he accused her of trespassing and threatened to call police , she flipped out\"]\n", - "help : kim richards is now in a malibu rehab , but the star was out of control when she was arrested at the beverly hills hotel .in a downward-spiral , the 50-year-old recovering alcoholic admitted to dr phil mcgraw that she was drunk on the night of her arrest .dr phil : if you 're an alcoholic that has fallen off the wagon , you 're at your daughter 's house and all of a sudden you 're in there pouring a drink , and then you roll into a bar at midnight , what , you 're already drunk when you get there , why , why would you not order a drink ?\n", - "kim richards , who will tell her story to dr. phil tomorrow , is now in a malibu rehab facilitythe star was out of control when she was arrested at the beverly hills hotel april 16she admits to dr phil that she drank a big glass of vodka at her daughter brooke 's house before she got in her car to return homefeeling woozy , she stopped at the hotel and went straight to the polo loungeshe claims the bar was closed and she did not drink any morebut when she went over to chat with a couple of strangers , the maître d' got testywhen he accused her of trespassing and threatened to call police , she flipped out\n", - "[1.2225887 1.5064584 1.2407516 1.1088117 1.244409 1.046077 1.0578816\n", - " 1.0920963 1.1948293 1.0818102 1.0867664 1.0932579 1.0185882 1.2285454\n", - " 1.056511 1.018255 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 13 0 8 3 11 7 10 9 6 14 5 12 15 16 17 18]\n", - "=======================\n", - "[\"jenny-lee , 28 , was diagnosed with leukaemia seven months into her pregnancy , and although doctors at sydney 's prince of wales hospital in randwick told her she could give birth via a caesarean section and undergo chemotherapy , she refused both options as they required her to receive a blood transfusion .however her mother heather has told the daily telegraph that her daughter believed the cancer treatment would harm her unborn child , named aroura .the sydney mother 's baby died in utero three days after she was offered a caesarean .\"]\n", - "=======================\n", - "['jenny-lee and unborn baby aroura died after refusing a blood transfusionthe 28-year-old suffered from leukaemia but refused treatmentover 80 per cent of treated pregnant leukaemia sufferers go into remissionher family have spoken out to defend the mother , saying she was told she had six weeks to live and chose to give up her life for her unborn daughterdoctors and staff have described the distressing scene after the baby died and the woman suffered a fatal stroke and multi-organ failure']\n", - "jenny-lee , 28 , was diagnosed with leukaemia seven months into her pregnancy , and although doctors at sydney 's prince of wales hospital in randwick told her she could give birth via a caesarean section and undergo chemotherapy , she refused both options as they required her to receive a blood transfusion .however her mother heather has told the daily telegraph that her daughter believed the cancer treatment would harm her unborn child , named aroura .the sydney mother 's baby died in utero three days after she was offered a caesarean .\n", - "jenny-lee and unborn baby aroura died after refusing a blood transfusionthe 28-year-old suffered from leukaemia but refused treatmentover 80 per cent of treated pregnant leukaemia sufferers go into remissionher family have spoken out to defend the mother , saying she was told she had six weeks to live and chose to give up her life for her unborn daughterdoctors and staff have described the distressing scene after the baby died and the woman suffered a fatal stroke and multi-organ failure\n", - "[1.2951417 1.3878647 1.2586409 1.157865 1.0457075 1.0898932 1.0493574\n", - " 1.028808 1.2407402 1.1572385 1.0227066 1.0403943 1.0356383 1.0568056\n", - " 1.066324 1.0153406 1.0157893 0. 0. ]\n", - "\n", - "[ 1 0 2 8 3 9 5 14 13 6 4 11 12 7 10 16 15 17 18]\n", - "=======================\n", - "[\"in the latest video from the elders react series on thefinebros youtube channel , the clueless men and women are given their first introduction to snapchat with hilarious - and mixed -- results , all of which are caught on camera .a group of technologically-challenged senior citizens are left completely and utterly befuddled by popular messaging app snapchat after attempting to use it for the first time , in order to send the perfect selfie .and while many of them say they understand the appeal of the social media app , which allows users to share photos that will disappear within 10 seconds , they still ca n't really wrap their heads around the point of it .\"]\n", - "=======================\n", - "['the new video is a part of the elders react series on thefinebros youtube channelsnapchat was most commonly used as a means of sending suggestive selfies and messages initially , however is now used more generally']\n", - "in the latest video from the elders react series on thefinebros youtube channel , the clueless men and women are given their first introduction to snapchat with hilarious - and mixed -- results , all of which are caught on camera .a group of technologically-challenged senior citizens are left completely and utterly befuddled by popular messaging app snapchat after attempting to use it for the first time , in order to send the perfect selfie .and while many of them say they understand the appeal of the social media app , which allows users to share photos that will disappear within 10 seconds , they still ca n't really wrap their heads around the point of it .\n", - "the new video is a part of the elders react series on thefinebros youtube channelsnapchat was most commonly used as a means of sending suggestive selfies and messages initially , however is now used more generally\n", - "[1.2580359 1.2167562 1.3076252 1.2724411 1.2686404 1.1158017 1.0741882\n", - " 1.0726851 1.0400711 1.0462052 1.0363532 1.0418438 1.1284803 1.1428391\n", - " 1.0978901 1.0939276 1.0152171 0. 0. ]\n", - "\n", - "[ 2 3 4 0 1 13 12 5 14 15 6 7 9 11 8 10 16 17 18]\n", - "=======================\n", - "[\"at the time of writing the $ 9.95-a-month ( # 9.99 ) service ranked at 872 on the overall download chart and 51 in the music category in the us .tidal 's $ 19.99-a-month app ( pictured ) launched in new york on 30 march .last month some of the biggest names in music joined jay z for the launch of his premium music streaming service tidal .\"]\n", - "=======================\n", - "['jay z launched his $ 19.99-a-month tidal app in new york on 30 marchfollowing the launch it jumped to fourth place on the ios music app chartat the time of writing it ranks at 51 on the music chart and 872 overallrivals pandora and spotify sit in first and third place respectively']\n", - "at the time of writing the $ 9.95-a-month ( # 9.99 ) service ranked at 872 on the overall download chart and 51 in the music category in the us .tidal 's $ 19.99-a-month app ( pictured ) launched in new york on 30 march .last month some of the biggest names in music joined jay z for the launch of his premium music streaming service tidal .\n", - "jay z launched his $ 19.99-a-month tidal app in new york on 30 marchfollowing the launch it jumped to fourth place on the ios music app chartat the time of writing it ranks at 51 on the music chart and 872 overallrivals pandora and spotify sit in first and third place respectively\n", - "[1.2546766 1.2664285 1.3386686 1.2288952 1.1635426 1.0354731 1.0183337\n", - " 1.1300277 1.132019 1.1923989 1.0473322 1.13558 1.0868236 1.1225241\n", - " 1.0526296 1.0159595 1.0780671 0. 0. ]\n", - "\n", - "[ 2 1 0 3 9 4 11 8 7 13 12 16 14 10 5 6 15 17 18]\n", - "=======================\n", - "['the project , launched last month , is part of a dramatic extension of the help to buy scheme -- and doubles the number of new starter homes in england from 100,000 to 200,000 .the news comes as david cameron today reiterates his pledge to offer the cut-price properties to 200,000 young first-time buyers .more than 50,000 britons have signed up to a scheme offering discount starter homes to those desperate to get on the housing ladder .']\n", - "=======================\n", - "['project doubles number of new starter homes in england to 200,000properties will be 20 % cheaper than their market value for under-40sstarter homes can cost no more than # 250,000 or # 450,000 in london']\n", - "the project , launched last month , is part of a dramatic extension of the help to buy scheme -- and doubles the number of new starter homes in england from 100,000 to 200,000 .the news comes as david cameron today reiterates his pledge to offer the cut-price properties to 200,000 young first-time buyers .more than 50,000 britons have signed up to a scheme offering discount starter homes to those desperate to get on the housing ladder .\n", - "project doubles number of new starter homes in england to 200,000properties will be 20 % cheaper than their market value for under-40sstarter homes can cost no more than # 250,000 or # 450,000 in london\n", - "[1.4304239 1.2666506 1.1847908 1.2435943 1.0896533 1.0930297 1.1512918\n", - " 1.2815733 1.0429938 1.0224774 1.0151575 1.0125377 1.0353199 1.1496955\n", - " 1.1066196 1.0618525 1.0302687 1.0433042 1.1347051 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 7 1 3 2 6 13 18 14 5 4 15 17 8 12 16 9 10 11 20 19 21]\n", - "=======================\n", - "[\"cristiano ronaldo looked in formidable form as he showed off his array of skills ahead of real madrid 's champions league quarter-final against city rivals atletico .the world player of the year pulled off a selection of back-heels and fancy flicks during monday 's training session , wowing forward partner karim benzema and sending luka modric to the floor .cristiano ronaldo pulls a face at brazilian left back marcelo during real madrid training on monday morning\"]\n", - "=======================\n", - "['real madrid face atletico madrid in champions league clash on tuesdaymadrid closed gap on league leaders barcelona over the weekendgareth bale returns to training ahead of crucial madrid derbycristiano ronaldo looking to add to his eight champions league goalsclick here for all the latest real madrid news']\n", - "cristiano ronaldo looked in formidable form as he showed off his array of skills ahead of real madrid 's champions league quarter-final against city rivals atletico .the world player of the year pulled off a selection of back-heels and fancy flicks during monday 's training session , wowing forward partner karim benzema and sending luka modric to the floor .cristiano ronaldo pulls a face at brazilian left back marcelo during real madrid training on monday morning\n", - "real madrid face atletico madrid in champions league clash on tuesdaymadrid closed gap on league leaders barcelona over the weekendgareth bale returns to training ahead of crucial madrid derbycristiano ronaldo looking to add to his eight champions league goalsclick here for all the latest real madrid news\n", - "[1.3550376 1.3368726 1.2493339 1.3857772 1.2887661 1.1128676 1.0283892\n", - " 1.1055977 1.22521 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 0 1 4 2 8 5 7 6 19 18 17 16 15 10 13 12 11 20 9 14 21]\n", - "=======================\n", - "[\"caster semenya reclaimed the south african 800-meter title on saturday after an injury-hit spellthe former 800 world title-holder and 2012 olympic silver medalist won in 2 minutes , 5.05 seconds in stellenbosch , near cape town , making her move on the last corner and pulling away from the field through the final 50 meters .semenya 's winning time was just over four seconds off the qualifying mark for the worlds in beijing\"]\n", - "=======================\n", - "['caster semenya reclaimed the south african 800-meter title on saturdayolympic silver medalist won in 2 minutes , 5.05 near cape towninjury-hit semenya is aiming to qualify for the world championships']\n", - "caster semenya reclaimed the south african 800-meter title on saturday after an injury-hit spellthe former 800 world title-holder and 2012 olympic silver medalist won in 2 minutes , 5.05 seconds in stellenbosch , near cape town , making her move on the last corner and pulling away from the field through the final 50 meters .semenya 's winning time was just over four seconds off the qualifying mark for the worlds in beijing\n", - "caster semenya reclaimed the south african 800-meter title on saturdayolympic silver medalist won in 2 minutes , 5.05 near cape towninjury-hit semenya is aiming to qualify for the world championships\n", - "[1.3865626 1.1200901 1.3735467 1.2887986 1.1282041 1.0604998 1.0283465\n", - " 1.0612632 1.036019 1.1563145 1.0995172 1.0229203 1.1078521 1.1319867\n", - " 1.0332336 1.2012347 1.0899779 1.0166026 1.0279254 1.0174028 1.0244421\n", - " 1.0292914]\n", - "\n", - "[ 0 2 3 15 9 13 4 1 12 10 16 7 5 8 14 21 6 18 20 11 19 17]\n", - "=======================\n", - "[\"( cnn ) saturday at the masters , like any pga tournament , has been dubbed ` moving day ' .players rose and players fell away on moving day at the 2015 masters .rory mcilroy went out in 32 and briefly raised the crowd 's hopes that he had a sniff of completing an improbable grand slam on sunday night .\"]\n", - "=======================\n", - "['jordan spieth holds lead in 2015 mastersstrong starts from mcilroy and woodsboth fall away as 21 year old spieth takes control']\n", - "( cnn ) saturday at the masters , like any pga tournament , has been dubbed ` moving day ' .players rose and players fell away on moving day at the 2015 masters .rory mcilroy went out in 32 and briefly raised the crowd 's hopes that he had a sniff of completing an improbable grand slam on sunday night .\n", - "jordan spieth holds lead in 2015 mastersstrong starts from mcilroy and woodsboth fall away as 21 year old spieth takes control\n", - "[1.1403941 1.1784058 1.3743956 1.2559347 1.286612 1.315301 1.164826\n", - " 1.1341674 1.1764133 1.0831119 1.1313095 1.0656425 1.0449383 1.0519104\n", - " 1.0138731 1.0101773 1.0065696 1.0157696 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 5 4 3 1 8 6 0 7 10 9 11 13 12 17 14 15 16 20 18 19 21]\n", - "=======================\n", - "[\"cody neatis , from preston , was admitted to royal preston hospital last thursday with a chest infection .the eight-year-old - who has down 's syndrome , epilepsy , autism and is fed by a tube - has been without a hospital bed because staff do not have the special cot he needs to keep him safe in his sleep .but rather than a bed in the children 's ward , has had to sleep on a mattress on the floor since arriving .\"]\n", - "=======================\n", - "[\"cody neatis , 8 , has down 's syndrome , epilepsy and autism and is tube-fedwas admitted to hospital but has had to sleep on a mattress on the floorneeds a special high-sided bed to sleep in as he moves around in the nightmother lynne neatis says she has been battling hospital for it for two yearshospital says it is waiting for a special bed from america to be delivered\"]\n", - "cody neatis , from preston , was admitted to royal preston hospital last thursday with a chest infection .the eight-year-old - who has down 's syndrome , epilepsy , autism and is fed by a tube - has been without a hospital bed because staff do not have the special cot he needs to keep him safe in his sleep .but rather than a bed in the children 's ward , has had to sleep on a mattress on the floor since arriving .\n", - "cody neatis , 8 , has down 's syndrome , epilepsy and autism and is tube-fedwas admitted to hospital but has had to sleep on a mattress on the floorneeds a special high-sided bed to sleep in as he moves around in the nightmother lynne neatis says she has been battling hospital for it for two yearshospital says it is waiting for a special bed from america to be delivered\n", - "[1.2760327 1.4802252 1.2872679 1.3888117 1.1948994 1.1878792 1.0779362\n", - " 1.0315154 1.0185584 1.0170087 1.0367897 1.0184402 1.042249 1.0304004\n", - " 1.0210726 1.0165399 1.0624685 1.0654216 1.0182842 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 6 17 16 12 10 7 13 14 8 11 18 9 15 19 20 21]\n", - "=======================\n", - "[\"alison saunders , the director of public prosecutions , said she was ` not afraid ' of a legal challenge because she is convinced the labour peer is not fit to plead because of his dementia .and in her first interview since she announced lord janner would not face trial she refused to quit because ` making the right decision is not a resigning issue ' .the uk 's top prosecutor today told critics deriding her decision not to prosecute lord janner over alleged child sex offences to challenge her in court .\"]\n", - "=======================\n", - "[\"alison saunders wo n't quit because ` making the right decision is not a resigning issue 'head of cps decided against pressing charges against lord jannershe was persuaded against taking a case by the labour peer 's dementiashe said : ' i thought long and hard and i 'm confident i got it right '\"]\n", - "alison saunders , the director of public prosecutions , said she was ` not afraid ' of a legal challenge because she is convinced the labour peer is not fit to plead because of his dementia .and in her first interview since she announced lord janner would not face trial she refused to quit because ` making the right decision is not a resigning issue ' .the uk 's top prosecutor today told critics deriding her decision not to prosecute lord janner over alleged child sex offences to challenge her in court .\n", - "alison saunders wo n't quit because ` making the right decision is not a resigning issue 'head of cps decided against pressing charges against lord jannershe was persuaded against taking a case by the labour peer 's dementiashe said : ' i thought long and hard and i 'm confident i got it right '\n", - "[1.222047 1.2879119 1.1368543 1.3857924 1.3142898 1.1411839 1.256615\n", - " 1.1173284 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 1 6 0 5 2 7 18 17 16 15 14 10 12 11 19 9 8 13 20]\n", - "=======================\n", - "[\"david villa posted this snap of his instagram of his family enjoying the empire state building in new yorkthe newest franchise in the mls are currently two points behind city rivals the new york red bulls and villa will want his side to have the bragging rights .new york 's next game is away to the philadelphia union on april 11 , who find themselves bottom of the eastern conference .\"]\n", - "=======================\n", - "['david villa posted the photo of his family by the empire state buildingthe former barcelona striker moved to new york city on a free transfervilla has scored one goal since his move and seems to be enjoying the us']\n", - "david villa posted this snap of his instagram of his family enjoying the empire state building in new yorkthe newest franchise in the mls are currently two points behind city rivals the new york red bulls and villa will want his side to have the bragging rights .new york 's next game is away to the philadelphia union on april 11 , who find themselves bottom of the eastern conference .\n", - "david villa posted the photo of his family by the empire state buildingthe former barcelona striker moved to new york city on a free transfervilla has scored one goal since his move and seems to be enjoying the us\n", - "[1.2443177 1.2633095 1.2758918 1.1399504 1.2605956 1.218737 1.0587721\n", - " 1.0450318 1.1042883 1.0487518 1.0457759 1.1861618 1.055264 1.0732354\n", - " 1.0836399 1.0111248 1.0162704 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 4 0 5 11 3 8 14 13 6 12 9 10 7 16 15 17 18 19 20]\n", - "=======================\n", - "[\"the gang then planned to put real money in a briefcase and show it to a jeweller at a pre-arranged meeting , before placing it on the floor .using a flat-pack wooden cabinet as a ` trojan horse ' , one of the thieves was to hide inside .the gang -- posing as wealthy italians -- would then walk off with their money and the stolen jewellery .\"]\n", - "=======================\n", - "['gang built cabinet so one of them could hide inside large void in middlewanted to secretly switch euros for fake cash during deal in manchesterofficers recovered $ 2.2 m in counterfeit money and # 52,000 of real notesfour men aged 17 , 37 , 45 and 73 are jailed for total of almost ten years']\n", - "the gang then planned to put real money in a briefcase and show it to a jeweller at a pre-arranged meeting , before placing it on the floor .using a flat-pack wooden cabinet as a ` trojan horse ' , one of the thieves was to hide inside .the gang -- posing as wealthy italians -- would then walk off with their money and the stolen jewellery .\n", - "gang built cabinet so one of them could hide inside large void in middlewanted to secretly switch euros for fake cash during deal in manchesterofficers recovered $ 2.2 m in counterfeit money and # 52,000 of real notesfour men aged 17 , 37 , 45 and 73 are jailed for total of almost ten years\n", - "[1.0836031 1.1160773 1.1883284 1.1295651 1.1459186 1.1072657 1.0560255\n", - " 1.0496945 1.0252612 1.0235307 1.0467607 1.0839968 1.0964786 1.0499051\n", - " 1.0582297 1.0255243 1.1268799 1.0504355 1.053427 1.020886 1.02352 ]\n", - "\n", - "[ 2 4 3 16 1 5 12 11 0 14 6 18 17 13 7 10 15 8 9 20 19]\n", - "=======================\n", - "[\"outside one mosque -- mixing with other men desperate for a day 's worth of casual manual labor -- are five men who months ago had one valuable skill nato depended upon : they speak english .they were , each for a different reason -- each for a reason they do not understand -- all fired from their jobs and then blacklisted , they say , meaning they can no longer get work with other government groups or ngos here .now however , their world has turned upon them .\"]\n", - "=======================\n", - "['kabul faces uncertain future as nato presence -- and the money that came with it -- fades awayinterpreters are out of work , nato trucks sit idle on roads , restaurants are empty']\n", - "outside one mosque -- mixing with other men desperate for a day 's worth of casual manual labor -- are five men who months ago had one valuable skill nato depended upon : they speak english .they were , each for a different reason -- each for a reason they do not understand -- all fired from their jobs and then blacklisted , they say , meaning they can no longer get work with other government groups or ngos here .now however , their world has turned upon them .\n", - "kabul faces uncertain future as nato presence -- and the money that came with it -- fades awayinterpreters are out of work , nato trucks sit idle on roads , restaurants are empty\n", - "[1.3019633 1.197647 1.2250646 1.3605413 1.2529557 1.0311693 1.1215547\n", - " 1.035051 1.2019315 1.0151112 1.0143335 1.216867 1.1109984 1.0288895\n", - " 1.1432074 1.0394499 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 4 2 11 8 1 14 6 12 15 7 5 13 9 10 16 17 18 19 20]\n", - "=======================\n", - "[\"peter costello slammed the abbott government , describing its approach to taxation as a ` morbid joke 'treasurer joe hockey was not impressed with the costello critique , lamenting the fact his liberal predecessor had more tax revenue to use during the howard government years` lower , simpler , fairer is looking like a morbid joke , ' mr costello said on tuesday , citing a proposed bank deposit tax and a push for a greater contribution from multinational companies .\"]\n", - "=======================\n", - "[\"peter costello slammed government pledge for ` lower , simpler , fairer ' taxesthe former treasurer singled out joe hockey 's proposed new bank tax and josh frydenberg 's push for revenue from multinationalsmr hockey hit back at mr costello , saying he wished he had the tax revenue the former treasurer had when the coalition was last in power\"]\n", - "peter costello slammed the abbott government , describing its approach to taxation as a ` morbid joke 'treasurer joe hockey was not impressed with the costello critique , lamenting the fact his liberal predecessor had more tax revenue to use during the howard government years` lower , simpler , fairer is looking like a morbid joke , ' mr costello said on tuesday , citing a proposed bank deposit tax and a push for a greater contribution from multinational companies .\n", - "peter costello slammed government pledge for ` lower , simpler , fairer ' taxesthe former treasurer singled out joe hockey 's proposed new bank tax and josh frydenberg 's push for revenue from multinationalsmr hockey hit back at mr costello , saying he wished he had the tax revenue the former treasurer had when the coalition was last in power\n", - "[1.4952765 1.2575085 1.1769003 1.214483 1.1337724 1.0343899 1.0331883\n", - " 1.2023073 1.1274786 1.1187152 1.0232979 1.0362916 1.0358547 1.0264461\n", - " 1.0612789 1.0320114 1.0511991 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 7 2 4 8 9 14 16 11 12 5 6 15 13 10 17 18 19 20]\n", - "=======================\n", - "[\"loretta lynch was sworn in monday as the 83rd u.s. attorney general , becoming the first african-american woman to serve as the nation 's top law enforcement official .she said her confirmation as attorney general showed that ` we can do anything ' and pledged to deal with cyberattacks and other threats facing the country .vice president joe biden , accompanied by loretta lynch 's father lorenzo lynch , second from left , and her husband stephen hargrove , second from right , administered the oath of office on monday\"]\n", - "=======================\n", - "[\"vice president joe biden swore in lynch on mondayshe was a new york city federal prosecutor with a reputation for being hard-nosed and toughshe said her senate confirmation showed that ` we can do anything 'pledged to deal with cyberattacks and other threats facing the us\"]\n", - "loretta lynch was sworn in monday as the 83rd u.s. attorney general , becoming the first african-american woman to serve as the nation 's top law enforcement official .she said her confirmation as attorney general showed that ` we can do anything ' and pledged to deal with cyberattacks and other threats facing the country .vice president joe biden , accompanied by loretta lynch 's father lorenzo lynch , second from left , and her husband stephen hargrove , second from right , administered the oath of office on monday\n", - "vice president joe biden swore in lynch on mondayshe was a new york city federal prosecutor with a reputation for being hard-nosed and toughshe said her senate confirmation showed that ` we can do anything 'pledged to deal with cyberattacks and other threats facing the us\n", - "[1.1780592 1.4407723 1.3499508 1.2821246 1.2404642 1.1886889 1.1828443\n", - " 1.118914 1.155757 1.13675 1.1089112 1.0617925 1.0629178 1.042507\n", - " 1.015202 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 5 6 0 8 9 7 10 12 11 13 14 18 15 16 17 19]\n", - "=======================\n", - "[\"carolyn thorpe , 62 , was enjoying a cup of coffee outside a cafe in hiers-brouage , a seaside town in south-west france , when the 20-foot tree toppled and crushed her to death in 2007 .her daughter sarah wright was also injured by the american ash tree , which was planted 200 years ago to mark the birth of napoleon i 's first son .carolyn thorpe was sat in a pavement cafe when the huge tree fell onto her and her daughter .\"]\n", - "=======================\n", - "[\"carolyn thorpe from bristol died when the tree toppled onto her in 2007the 62-year-old 's daughter was also injured in the tragic accidenttown hall of hiers-brouage has now paid out thousands in compensation\"]\n", - "carolyn thorpe , 62 , was enjoying a cup of coffee outside a cafe in hiers-brouage , a seaside town in south-west france , when the 20-foot tree toppled and crushed her to death in 2007 .her daughter sarah wright was also injured by the american ash tree , which was planted 200 years ago to mark the birth of napoleon i 's first son .carolyn thorpe was sat in a pavement cafe when the huge tree fell onto her and her daughter .\n", - "carolyn thorpe from bristol died when the tree toppled onto her in 2007the 62-year-old 's daughter was also injured in the tragic accidenttown hall of hiers-brouage has now paid out thousands in compensation\n", - "[1.1838357 1.4931409 1.3190013 1.1856501 1.3731604 1.302029 1.0527859\n", - " 1.0610108 1.0259476 1.0155404 1.1571722 1.0701681 1.0483035 1.0564002\n", - " 1.0464375 1.0249175 1.0152107 1.0103222 0. 0. ]\n", - "\n", - "[ 1 4 2 5 3 0 10 11 7 13 6 12 14 8 15 9 16 17 18 19]\n", - "=======================\n", - "['sharista giles of sweetwater , tennessee , was driving home from a concert in december with friends when a car accident sent her to the hospital with injuries so bad doctors believed she would never recover .the 20-year-old was five months pregnant at the time and in january doctors were forced to deliver the baby early , a little boy the family refers to as baby l.and now , giles has finally seen her newborn after waking up from her coma on wednesday .']\n", - "=======================\n", - "[\"sharista giles of sweetwater , tennessee woke up on wednesday after being in a coma for five monthsshe was five months pregnant when she went into the coma , and a month later doctors were forced to deliver her son , who the family calls baby lwhen giles opened her eyes her father showed her a photo of her sonbaby l weighed just two pounds when he was born and though he is still in the neonatal intensive care unit he now weighs over six poundsgiles ' prognosis is still not known , but she has shocked doctors who believed she would not make it out of her coma or even live this long\"]\n", - "sharista giles of sweetwater , tennessee , was driving home from a concert in december with friends when a car accident sent her to the hospital with injuries so bad doctors believed she would never recover .the 20-year-old was five months pregnant at the time and in january doctors were forced to deliver the baby early , a little boy the family refers to as baby l.and now , giles has finally seen her newborn after waking up from her coma on wednesday .\n", - "sharista giles of sweetwater , tennessee woke up on wednesday after being in a coma for five monthsshe was five months pregnant when she went into the coma , and a month later doctors were forced to deliver her son , who the family calls baby lwhen giles opened her eyes her father showed her a photo of her sonbaby l weighed just two pounds when he was born and though he is still in the neonatal intensive care unit he now weighs over six poundsgiles ' prognosis is still not known , but she has shocked doctors who believed she would not make it out of her coma or even live this long\n", - "[1.1740984 1.5139941 1.3489732 1.3831365 1.159377 1.1205984 1.0180197\n", - " 1.0190189 1.0143089 1.0687474 1.1187453 1.0646619 1.1416095 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 12 5 10 9 11 7 6 8 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"riley filmer , 14 , turned up for classes wearing new shoes on the first day of term at mcclelland college , in melbourne 's south-east , only to be told that the black soft-leather lace-ups did not meet uniform standards .the year eight student was prevented from attending her classes for the day , and has not been allowed back into the classroom since the incident , which her mother anne parker claims has disadvantaged and excluded her daughter .the secondary school 's policy outlined in the 2015 personal learning journal states that girls are to wear ` black leather lace-up school shoes ( not fashion heels ) ' for both summer and winter uniforms , a guideline which ms parker said riley 's shoes meet .\"]\n", - "=======================\n", - "[\"riley filmer has been prevented from attending class because of her shoesshe was told that her shoes do not comply with mcclelland college 's rulesthe policy states girls are to wear ` black leather lace-up school shoes 'riley 's mother said the shoes comply and are comfortable and practicalthe 14-year-old has not been allowed to attend classes for three days\"]\n", - "riley filmer , 14 , turned up for classes wearing new shoes on the first day of term at mcclelland college , in melbourne 's south-east , only to be told that the black soft-leather lace-ups did not meet uniform standards .the year eight student was prevented from attending her classes for the day , and has not been allowed back into the classroom since the incident , which her mother anne parker claims has disadvantaged and excluded her daughter .the secondary school 's policy outlined in the 2015 personal learning journal states that girls are to wear ` black leather lace-up school shoes ( not fashion heels ) ' for both summer and winter uniforms , a guideline which ms parker said riley 's shoes meet .\n", - "riley filmer has been prevented from attending class because of her shoesshe was told that her shoes do not comply with mcclelland college 's rulesthe policy states girls are to wear ` black leather lace-up school shoes 'riley 's mother said the shoes comply and are comfortable and practicalthe 14-year-old has not been allowed to attend classes for three days\n", - "[1.2349375 1.1986221 1.1786642 1.1216288 1.4277685 1.1537144 1.1091342\n", - " 1.0464466 1.0308688 1.0899259 1.1330805 1.122521 1.0268568 1.0429946\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 0 1 2 5 10 11 3 6 9 7 13 8 12 14 15 16 17 18 19]\n", - "=======================\n", - "[\"the fire at bradford city 's valley parade claimed 56 victims and injured 265 on may 11 , 1985as bradford city celebrated promotion from the old english third division , a day of joy quickly became one of devastation as a fire ripped through the timber main stand at valley parade towards the end of the first half , claiming 56 helpless victims .just 21 years of age , mccall returned to his car , only to find the door handle was burning hot because it had been parked so near to the blaze .\"]\n", - "=======================\n", - "[\"in 1985 the main stand of bradford 's valley parade caught fire , killing 56inquiry found the fire had probably started via stray match or cigarettemccall was playing that day and his father was badly burned in the blazebradford fan martin fletcher claims the fire may not have been an accidentfletcher 's father , uncle , brother and grandfather lost their lives in the firefletcher claims chairman stafford heginbotham may have been to blamebut mccall refutes those claims insisting it was just an accident\"]\n", - "the fire at bradford city 's valley parade claimed 56 victims and injured 265 on may 11 , 1985as bradford city celebrated promotion from the old english third division , a day of joy quickly became one of devastation as a fire ripped through the timber main stand at valley parade towards the end of the first half , claiming 56 helpless victims .just 21 years of age , mccall returned to his car , only to find the door handle was burning hot because it had been parked so near to the blaze .\n", - "in 1985 the main stand of bradford 's valley parade caught fire , killing 56inquiry found the fire had probably started via stray match or cigarettemccall was playing that day and his father was badly burned in the blazebradford fan martin fletcher claims the fire may not have been an accidentfletcher 's father , uncle , brother and grandfather lost their lives in the firefletcher claims chairman stafford heginbotham may have been to blamebut mccall refutes those claims insisting it was just an accident\n", - "[1.258395 1.4476154 1.215462 1.3600911 1.1598591 1.0936619 1.1237913\n", - " 1.1418296 1.0640818 1.1219401 1.0699552 1.1084617 1.0618156 1.1124952\n", - " 1.0296104 1.0210738 1.0253996 1.0148549 1.0150613 1.0353248]\n", - "\n", - "[ 1 3 0 2 4 7 6 9 13 11 5 10 8 12 19 14 16 15 18 17]\n", - "=======================\n", - "[\"jordan was stabbed in the neck and declared dead after his family drove him to brentwood 's john muir hospital .william schultz ( left ) was arrested sunday afternoon , hours after jordan almgren ( right ) was stabbed to death in his home in discovery baydeputies put out an alert for schultz after they said he got away in a truck outside the home .\"]\n", - "=======================\n", - "[\"william schultz was arrested sunday afternoon , hours after jordan almgren was stabbed to death in his home in discovery baydeputies put out an alert for schultz after they said he got away in someone 's truckthe motive for the stabbing remains under investigationday before the stabbing , deputies had also been called to the home on a request for a psychological evaluation of schultz\"]\n", - "jordan was stabbed in the neck and declared dead after his family drove him to brentwood 's john muir hospital .william schultz ( left ) was arrested sunday afternoon , hours after jordan almgren ( right ) was stabbed to death in his home in discovery baydeputies put out an alert for schultz after they said he got away in a truck outside the home .\n", - "william schultz was arrested sunday afternoon , hours after jordan almgren was stabbed to death in his home in discovery baydeputies put out an alert for schultz after they said he got away in someone 's truckthe motive for the stabbing remains under investigationday before the stabbing , deputies had also been called to the home on a request for a psychological evaluation of schultz\n", - "[1.4750005 1.46267 1.0800421 1.0549195 1.3630894 1.1767358 1.157351\n", - " 1.0994313 1.0607027 1.029484 1.0459971 1.0239259 1.0267651 1.017495\n", - " 1.0271608 1.0151268 1.0106875 1.0108718 1.1707325 1.1067741 1.0812969\n", - " 1.1528337]\n", - "\n", - "[ 0 1 4 5 18 6 21 19 7 20 2 8 3 10 9 14 12 11 13 15 17 16]\n", - "=======================\n", - "['dion dublin made his presenting debut on monday morning as the former footballer co-hosted bbc television show homes under the hammer .the former aston villa frontman joined regular hosts martin roberts and lucy alexander for the popular property renovation series as he looked to help a brother and sister-in-law put some life into a three bedroom semi-detached house in dartford .mike and lucia bought the dartford property at auction for # 215,000 and gave themselves a budget of just # 10,000 with an original plan to replace the windows and doors .']\n", - "=======================\n", - "['dion dublin has been signed up to present homes under the hammerformer footballer made his presenting debut on monday morning45-year-old helped renovate three bedroom house in dartforddublin played for manchester united , coventry city and aston villa']\n", - "dion dublin made his presenting debut on monday morning as the former footballer co-hosted bbc television show homes under the hammer .the former aston villa frontman joined regular hosts martin roberts and lucy alexander for the popular property renovation series as he looked to help a brother and sister-in-law put some life into a three bedroom semi-detached house in dartford .mike and lucia bought the dartford property at auction for # 215,000 and gave themselves a budget of just # 10,000 with an original plan to replace the windows and doors .\n", - "dion dublin has been signed up to present homes under the hammerformer footballer made his presenting debut on monday morning45-year-old helped renovate three bedroom house in dartforddublin played for manchester united , coventry city and aston villa\n", - "[1.1026989 1.2822685 1.3166885 1.2921962 1.1970968 1.0653794 1.0654334\n", - " 1.1122324 1.0199714 1.0801704 1.1494883 1.0568806 1.0585098 1.0597804\n", - " 1.0576257 1.0641942 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 3 1 4 10 7 0 9 6 5 15 13 12 14 11 8 20 16 17 18 19 21]\n", - "=======================\n", - "[\"33-year-old stuart , had , said ex-girlfriend sophie , offered up the novel excuse when accused of cheating after discovering that she had mysteriously contracted chlamydia .car exhaust : stuart , pictured with ` wife ' linda , claimed to have picked up chlamydia from a car exhaustbut one man has taken the art of the creative excuse to a new level and claimed his sexually transmitted disease was the result of car exhaust rather than cheating , according to his ex .\"]\n", - "=======================\n", - "['33-year-old stuart made the bizarre excuse to ex-girlfriend sophieshe told of the creative excuse for cheating during a tv appearancebut a red-faced stuart stormed on to the jeremy kyle show to deny itthe jeremy kyle show , weekdays at 9.25 am on itv']\n", - "33-year-old stuart , had , said ex-girlfriend sophie , offered up the novel excuse when accused of cheating after discovering that she had mysteriously contracted chlamydia .car exhaust : stuart , pictured with ` wife ' linda , claimed to have picked up chlamydia from a car exhaustbut one man has taken the art of the creative excuse to a new level and claimed his sexually transmitted disease was the result of car exhaust rather than cheating , according to his ex .\n", - "33-year-old stuart made the bizarre excuse to ex-girlfriend sophieshe told of the creative excuse for cheating during a tv appearancebut a red-faced stuart stormed on to the jeremy kyle show to deny itthe jeremy kyle show , weekdays at 9.25 am on itv\n", - "[1.2793791 1.5020204 1.1360509 1.3660445 1.2938623 1.1164596 1.057854\n", - " 1.0466725 1.0361322 1.0439578 1.0251586 1.0641515 1.0841527 1.1264596\n", - " 1.0288593 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 4 0 2 13 5 12 11 6 7 9 8 14 10 15 16 17 18 19 20 21]\n", - "=======================\n", - "['in may 2014 , benito gonzalez jr. ,46 , was suspended from duty after being arrested for allegedly exposing his genitals and touching himself inappropriately while seated at a table in a cherry hill starbucks , police say .blame : benito gonzalez , 46 ( photographed ) , who pleaded guilty to a lewdness charge after allegedly masturbating in a starbucks says his post-traumatic stress disorder is to blamethe father-of-three was found guilty of the offense last month and is currently suspended without pay , the philadelphia inquirer reports .']\n", - "=======================\n", - "['camden , new jersey , police lieutenant benito gonzalez , 46 , pleaded guilty to a lewdness charge after touching himself inappropriately in a starbucksgonzalez says he does not remember the incident and claims it was the result of trauma from a near-death experience more than three years agogonzalez , who is suspended without pay , is fighting for his more than $ 60,000 pension , but county officials are pushing for his termination']\n", - "in may 2014 , benito gonzalez jr. ,46 , was suspended from duty after being arrested for allegedly exposing his genitals and touching himself inappropriately while seated at a table in a cherry hill starbucks , police say .blame : benito gonzalez , 46 ( photographed ) , who pleaded guilty to a lewdness charge after allegedly masturbating in a starbucks says his post-traumatic stress disorder is to blamethe father-of-three was found guilty of the offense last month and is currently suspended without pay , the philadelphia inquirer reports .\n", - "camden , new jersey , police lieutenant benito gonzalez , 46 , pleaded guilty to a lewdness charge after touching himself inappropriately in a starbucksgonzalez says he does not remember the incident and claims it was the result of trauma from a near-death experience more than three years agogonzalez , who is suspended without pay , is fighting for his more than $ 60,000 pension , but county officials are pushing for his termination\n", - "[1.3610955 1.1755196 1.2924104 1.4097906 1.0945777 1.1639271 1.0672867\n", - " 1.0249158 1.0317854 1.1472974 1.0995222 1.0701249 1.0532461 1.0426905\n", - " 1.0478671 1.0349829 1.0108346 1.0081997 1.0137277 1.0207347 0.\n", - " 0. ]\n", - "\n", - "[ 3 0 2 1 5 9 10 4 11 6 12 14 13 15 8 7 19 18 16 17 20 21]\n", - "=======================\n", - "[\"sunderland strikers steven fletcher and jermain defoe ca n't hide their disappointment following defeatthierry henry said the stadium of light was the noisiest atmosphere he had ever experienced during sunderland 's derby win over newcastle .a sorrowful silence as thousands streamed for the exits in the wake of crystal palace 's fourth goal inside 14 second-half minutes .\"]\n", - "=======================\n", - "[\"dick advocaat warned his side they face relegation if they do n't improvesunderland were thumped by crystal palace at the stadium of lightblacks cats boss advocaat has admitted he is worried by relegationsunderland are three points clear of the premier league relegation zone\"]\n", - "sunderland strikers steven fletcher and jermain defoe ca n't hide their disappointment following defeatthierry henry said the stadium of light was the noisiest atmosphere he had ever experienced during sunderland 's derby win over newcastle .a sorrowful silence as thousands streamed for the exits in the wake of crystal palace 's fourth goal inside 14 second-half minutes .\n", - "dick advocaat warned his side they face relegation if they do n't improvesunderland were thumped by crystal palace at the stadium of lightblacks cats boss advocaat has admitted he is worried by relegationsunderland are three points clear of the premier league relegation zone\n", - "[1.1599602 1.402081 1.2674913 1.1262541 1.0854764 1.1787838 1.0541525\n", - " 1.03112 1.0781639 1.0318096 1.0330148 1.1313328 1.0799838 1.0765592\n", - " 1.054509 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 5 0 11 3 4 12 8 13 14 6 10 9 7 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the five-star hotel in porto celebrates all things wine - port wine , in particular - and has the feel of a place steeped in decades-old tradition , with a prime location , classic design and unblemished attention to detail .but , to my surprise , the yeatman has been open for just five years - a fraction of the age of some of the pricier bottles in its wine cellar .portugal 's first wine hotel is built into a hill , providing sweeping views of porto and the douro river from the indoor pool and guest rooms\"]\n", - "=======================\n", - "['the yeatman has been open for just five years , but has the feel of a place steeped in decades-old traditionthere is a wine theme throughout the five-star hotel , with guests enjoying amazing views of the douro riverthe hotel is built into a hill in vila nova de gaia , with almost every room themed after a portuguese winery']\n", - "the five-star hotel in porto celebrates all things wine - port wine , in particular - and has the feel of a place steeped in decades-old tradition , with a prime location , classic design and unblemished attention to detail .but , to my surprise , the yeatman has been open for just five years - a fraction of the age of some of the pricier bottles in its wine cellar .portugal 's first wine hotel is built into a hill , providing sweeping views of porto and the douro river from the indoor pool and guest rooms\n", - "the yeatman has been open for just five years , but has the feel of a place steeped in decades-old traditionthere is a wine theme throughout the five-star hotel , with guests enjoying amazing views of the douro riverthe hotel is built into a hill in vila nova de gaia , with almost every room themed after a portuguese winery\n", - "[1.3176486 1.3437413 1.2380815 1.1904752 1.2296063 1.0790431 1.1281018\n", - " 1.1472677 1.198815 1.1088215 1.0462978 1.0197544 1.0196251 1.0500009\n", - " 1.036756 1.0296863 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 8 3 7 6 9 5 13 10 14 15 11 12 17 16 18]\n", - "=======================\n", - "[\"the bestselling author , who once pledged not to dumb down her work ahead of its bbc debut , has revised the theatrical adaptation of her tudor novels for a run on broadway .wolf hall writer hilary mantel 's award-winning second novel bring up the bodies has been renamed for the american stage .warning : hilary mantel said she believed that the broadway version of her books will be a hit\"]\n", - "=======================\n", - "[\"hilary mantel has been tweaking stage version of wolf hall for broadwayher award-winning bring up the bodies has been renamed ` wolf hall ii 'it may also be shorter as the author was said to have cut ` lot of repetition 'show opens in america 's broadway with original british cast tomorrow\"]\n", - "the bestselling author , who once pledged not to dumb down her work ahead of its bbc debut , has revised the theatrical adaptation of her tudor novels for a run on broadway .wolf hall writer hilary mantel 's award-winning second novel bring up the bodies has been renamed for the american stage .warning : hilary mantel said she believed that the broadway version of her books will be a hit\n", - "hilary mantel has been tweaking stage version of wolf hall for broadwayher award-winning bring up the bodies has been renamed ` wolf hall ii 'it may also be shorter as the author was said to have cut ` lot of repetition 'show opens in america 's broadway with original british cast tomorrow\n", - "[1.3234428 1.2860436 1.1535475 1.4770886 1.1657864 1.1548657 1.0258085\n", - " 1.0199 1.0854264 1.0202682 1.0137677 1.0171851 1.0209842 1.0211017\n", - " 1.23939 1.2698418 1.0572069 1.0515901 1.0249146]\n", - "\n", - "[ 3 0 1 15 14 4 5 2 8 16 17 6 18 13 12 9 7 11 10]\n", - "=======================\n", - "[\"steve davis will attempt to qualify for this year 's betfred world championship at the cruciblesteve davis would love to see jimmy white and reanne evans light up the crucible stage but admits his own swan song hopes look forlorn .reanne evans is a 10-time ladies champion who previously competed on the main tour for the 2010-11 season .\"]\n", - "=======================\n", - "['steve davis will attempt to qualify for the betfred world championshipthe 57-year-old is a six-time world champion at the cruciblebut davis admitted he is not fully committed to the sportjimmy white and reanne evans are also hoping to qualify']\n", - "steve davis will attempt to qualify for this year 's betfred world championship at the cruciblesteve davis would love to see jimmy white and reanne evans light up the crucible stage but admits his own swan song hopes look forlorn .reanne evans is a 10-time ladies champion who previously competed on the main tour for the 2010-11 season .\n", - "steve davis will attempt to qualify for the betfred world championshipthe 57-year-old is a six-time world champion at the cruciblebut davis admitted he is not fully committed to the sportjimmy white and reanne evans are also hoping to qualify\n", - "[1.1175507 1.1950121 1.2963481 1.1985981 1.1875567 1.2530434 1.1715713\n", - " 1.094519 1.0213417 1.0687038 1.0400559 1.0902971 1.0223212 1.0858713\n", - " 1.1563386 1.122172 1.0656686 1.0542575 1.0202228]\n", - "\n", - "[ 2 5 3 1 4 6 14 15 0 7 11 13 9 16 17 10 12 8 18]\n", - "=======================\n", - "['the images are thanks to revolutionary technology that allows medics to record the microscopic miracle of life -- from fertilisation to the division of cells , right through to the growth of an embryo .sally and stephen morley ( pictured with their daughter pixie ) are one of some 1,500 couples in britain who have had babies using embryoscope technologyhundreds of parents are now the proud owners of these embryoscope images , which are also helping scientists learn more about the ivf process .']\n", - "=======================\n", - "[\"new technology allows parents of ivf children to view babies ' conceptionit allows parents to see the embryo forming far before usual 12 week scanmedics are able to watch process and select best embryo to be plantedsally and stephen morley among 1,500 couples in uk to use technology\"]\n", - "the images are thanks to revolutionary technology that allows medics to record the microscopic miracle of life -- from fertilisation to the division of cells , right through to the growth of an embryo .sally and stephen morley ( pictured with their daughter pixie ) are one of some 1,500 couples in britain who have had babies using embryoscope technologyhundreds of parents are now the proud owners of these embryoscope images , which are also helping scientists learn more about the ivf process .\n", - "new technology allows parents of ivf children to view babies ' conceptionit allows parents to see the embryo forming far before usual 12 week scanmedics are able to watch process and select best embryo to be plantedsally and stephen morley among 1,500 couples in uk to use technology\n", - "[1.2188575 1.4058 1.3478332 1.3235112 1.2118397 1.1845734 1.0775071\n", - " 1.077184 1.020514 1.0149161 1.0711983 1.1001872 1.0285252 1.0372292\n", - " 1.1327477 1.039419 1.0131713 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 5 14 11 6 7 10 15 13 12 8 9 16 17 18]\n", - "=======================\n", - "[\"caleb benn , a californian high school student , recently developed a $ 4.99 ( # 3.24 ) app for ios devices using instagram 's application program interface .called ` uploader for instagram ' , it allows users to upload photos to instagram directly from their computer rather than using only their smartphone .a 17 year-old college student could face a battle with instagram after hacking the popular photo-sharing app .\"]\n", - "=======================\n", - "[\"$ 4.99 ( # 3.24 ) ` uploader for instagram ' app was created by caleb bennthe teenager is currently making $ 1,000 ( # 675.70 ) a day from the appinstagram allegedly contacted benn saying it violated terms of servicefacebook , which owns instagram , says it restricts use of private api\"]\n", - "caleb benn , a californian high school student , recently developed a $ 4.99 ( # 3.24 ) app for ios devices using instagram 's application program interface .called ` uploader for instagram ' , it allows users to upload photos to instagram directly from their computer rather than using only their smartphone .a 17 year-old college student could face a battle with instagram after hacking the popular photo-sharing app .\n", - "$ 4.99 ( # 3.24 ) ` uploader for instagram ' app was created by caleb bennthe teenager is currently making $ 1,000 ( # 675.70 ) a day from the appinstagram allegedly contacted benn saying it violated terms of servicefacebook , which owns instagram , says it restricts use of private api\n", - "[1.2652284 1.1502134 1.3042748 1.168668 1.1418126 1.1917117 1.1526632\n", - " 1.0212102 1.2542517 1.0167376 1.1093477 1.1319844 1.0179397 1.0286013\n", - " 1.0167772 1.0146867 1.06172 1.0127046 0. ]\n", - "\n", - "[ 2 0 8 5 3 6 1 4 11 10 16 13 7 12 14 9 15 17 18]\n", - "=======================\n", - "[\"david cameron said he had ` grown up listening to richie benaud 's wonderful cricket commentary ' , while his australian counterpart tony abbott called it ` a sad day for australia ' .glowing tributes were paid yesterday to cricketing legend richie benaud , after his death at 84 from skin cancer .richie benaud will not be returning to england next summer to sustain his pre-eminence as cricket 's finest commentator .\"]\n", - "=======================\n", - "[\"international cricket fans in england lost legend 's voice after 2005 ashesthis led ian wooldridge to pay homage to ` cricket 's finest commentator 'as a player he led his country in 28 of his 63 tests and never lost a seriesmantra of ` never insulting the viewers ' by saying too much made him great\"]\n", - "david cameron said he had ` grown up listening to richie benaud 's wonderful cricket commentary ' , while his australian counterpart tony abbott called it ` a sad day for australia ' .glowing tributes were paid yesterday to cricketing legend richie benaud , after his death at 84 from skin cancer .richie benaud will not be returning to england next summer to sustain his pre-eminence as cricket 's finest commentator .\n", - "international cricket fans in england lost legend 's voice after 2005 ashesthis led ian wooldridge to pay homage to ` cricket 's finest commentator 'as a player he led his country in 28 of his 63 tests and never lost a seriesmantra of ` never insulting the viewers ' by saying too much made him great\n", - "[1.3746705 1.2198466 1.0872641 1.346819 1.0658194 1.2506495 1.2258773\n", - " 1.0688128 1.0801071 1.0571406 1.0714924 1.062485 1.1395102 1.0804226\n", - " 1.043343 1.0602878 1.0542929 1.0705693 1.0874009 1.0198447 1.0169883\n", - " 1.0147419 1.0775821]\n", - "\n", - "[ 0 3 5 6 1 12 18 2 13 8 22 10 17 7 4 11 15 9 16 14 19 20 21]\n", - "=======================\n", - "[\"jenny wallenda , 87 , the matriarch of the famous family of high-flying circus performers , died late saturday at her home in sarasota , florida , according to family members .wallenda was the oldest daughter of high wire walker karl wallenda and grandmother of daredevil performer nik wallenda .wallenda 's nephew , rick wallenda , said his aunt died following a lengthy illness .\"]\n", - "=======================\n", - "['jenny wallenda , 87 , the matriarch of the famous family of high-flying circus performers , died late saturday at her home in sarasota , floridaher nephew , rick wallenda , said his aunt died following a lengthy illnesswallenda was the oldest daughter of high wire walker karl wallenda and grandmother of daredevil performer nik wallendanik wallenda has walked over the grand canyon and over chicagojenny wallenda walked the high wire as an adult and performed on bareback horses as a childshe also advocated for causes important to the circus community in her later years and helped create the circus ring of fame']\n", - "jenny wallenda , 87 , the matriarch of the famous family of high-flying circus performers , died late saturday at her home in sarasota , florida , according to family members .wallenda was the oldest daughter of high wire walker karl wallenda and grandmother of daredevil performer nik wallenda .wallenda 's nephew , rick wallenda , said his aunt died following a lengthy illness .\n", - "jenny wallenda , 87 , the matriarch of the famous family of high-flying circus performers , died late saturday at her home in sarasota , floridaher nephew , rick wallenda , said his aunt died following a lengthy illnesswallenda was the oldest daughter of high wire walker karl wallenda and grandmother of daredevil performer nik wallendanik wallenda has walked over the grand canyon and over chicagojenny wallenda walked the high wire as an adult and performed on bareback horses as a childshe also advocated for causes important to the circus community in her later years and helped create the circus ring of fame\n", - "[1.1059169 1.1244136 1.2317972 1.2516894 1.1211096 1.173033 1.0774411\n", - " 1.082982 1.0743814 1.1681324 1.1032131 1.0337138 1.0537724 1.0636226\n", - " 1.0684031 1.0240642 1.0231119 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 2 5 9 1 4 0 10 7 6 8 14 13 12 11 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"the return of the highly impractical jeans , which featured giant leg openings approaching 50in , has us contemplating the retro fashion nineties and noughties trends that really should be left in the past .but news that jnco , the brand responsible for the huge wideleg ` rave ' jeans , is set to make a comeback has horrified many of the people who wore the ridiculous pants the first time around .then : the bucket hat was originally a staple of fishermen and farmers , but seeped into popular culture , and was sported by the likes of singer christina aguilera , now 36 , in 2001\"]\n", - "=======================\n", - "[\"jnco ` rave jean 's are on their way backother 90s/00s trends here to stay include uggs , velour and corsetskylie jenner is a double denim fan whilst jourdan dunn loves camouflage\"]\n", - "the return of the highly impractical jeans , which featured giant leg openings approaching 50in , has us contemplating the retro fashion nineties and noughties trends that really should be left in the past .but news that jnco , the brand responsible for the huge wideleg ` rave ' jeans , is set to make a comeback has horrified many of the people who wore the ridiculous pants the first time around .then : the bucket hat was originally a staple of fishermen and farmers , but seeped into popular culture , and was sported by the likes of singer christina aguilera , now 36 , in 2001\n", - "jnco ` rave jean 's are on their way backother 90s/00s trends here to stay include uggs , velour and corsetskylie jenner is a double denim fan whilst jourdan dunn loves camouflage\n", - "[1.2222724 1.3685935 1.2227664 1.118031 1.3181247 1.1452703 1.1057774\n", - " 1.0413018 1.1013174 1.0788207 1.0722682 1.0782285 1.0815815 1.0343248\n", - " 1.0830832 1.04769 1.0351526 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 2 0 5 3 6 8 14 12 9 11 10 15 7 16 13 17 18 19 20 21 22]\n", - "=======================\n", - "[\"representative darrell issa asked then secretary of state clinton whether she , or any of her senior staff , had used a personal email account ` to conduct official business ' in december 2012 .but issa , who wrote as chairman of the house committee on oversight and government reform , was ignored until more than a month after clinton had stepped down in february 2013 .hillary clinton looks set to come under renewed pressure to explain herself after a letter revealed she had been asked about her use of private email by a house committee two years ago - but refused to answer .\"]\n", - "=======================\n", - "['letter to state department in december 2012 asked about personal emailbut there was no response until march 2013 - seven weeks after clinton leftreply did not answer query about personal email use for official businesslatest revelation casts further shadow as clinton begins white house bid']\n", - "representative darrell issa asked then secretary of state clinton whether she , or any of her senior staff , had used a personal email account ` to conduct official business ' in december 2012 .but issa , who wrote as chairman of the house committee on oversight and government reform , was ignored until more than a month after clinton had stepped down in february 2013 .hillary clinton looks set to come under renewed pressure to explain herself after a letter revealed she had been asked about her use of private email by a house committee two years ago - but refused to answer .\n", - "letter to state department in december 2012 asked about personal emailbut there was no response until march 2013 - seven weeks after clinton leftreply did not answer query about personal email use for official businesslatest revelation casts further shadow as clinton begins white house bid\n", - "[1.492197 1.4804312 1.1503314 1.4212158 1.1938756 1.0830683 1.0248485\n", - " 1.0474061 1.0103011 1.0483578 1.1547413 1.2366474 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 3 11 4 10 2 5 9 7 6 8 20 19 18 17 13 15 14 12 21 16 22]\n", - "=======================\n", - "[\"england world cup hopeful elliot daly has been named the aviva premiership 's player of the month for march .the uncapped wasps centre , 22 , scored two tries in march as the coventry-based club maintained on course for a champions cup spot next season .the wasps centre looks set to be called into england 's training squad for the world cup\"]\n", - "=======================\n", - "['elliot daly was in fine form at outside centre for wasps in marchdaly , 22 , has not yet been capped by englandwasps head coach dai young says england must pick him for world cup']\n", - "england world cup hopeful elliot daly has been named the aviva premiership 's player of the month for march .the uncapped wasps centre , 22 , scored two tries in march as the coventry-based club maintained on course for a champions cup spot next season .the wasps centre looks set to be called into england 's training squad for the world cup\n", - "elliot daly was in fine form at outside centre for wasps in marchdaly , 22 , has not yet been capped by englandwasps head coach dai young says england must pick him for world cup\n", - "[1.3758197 1.1856152 1.3633053 1.2113726 1.23561 1.2371836 1.2359719\n", - " 1.1417878 1.0579476 1.0853392 1.0270447 1.0669501 1.0581115 1.0598567\n", - " 1.0379103 1.0506834 1.1142323 1.0075009 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 5 6 4 3 1 7 16 9 11 13 12 8 15 14 10 17 21 18 19 20 22]\n", - "=======================\n", - "['alaa abdullah esayed admitted encouraging terrorism by posting 45,000 tweets supporting isisesayed pleaded guilty at the old bailey to encouraging terrorism under the terrorism act 2006 and disseminating terrorist publications .she could face up to 14 years in prison for the offences .']\n", - "=======================\n", - "['alaa abdullah esayed posted 45,600 tweets supporting isis to followerssome posts included pictures of the dead bodies of jihadi fightersothers quotes a poem advising parents how to raise children to be violentesayed , 22 , could face 14 years in prison after she admitted encouraging terrorism and disseminating terrorist publications']\n", - "alaa abdullah esayed admitted encouraging terrorism by posting 45,000 tweets supporting isisesayed pleaded guilty at the old bailey to encouraging terrorism under the terrorism act 2006 and disseminating terrorist publications .she could face up to 14 years in prison for the offences .\n", - "alaa abdullah esayed posted 45,600 tweets supporting isis to followerssome posts included pictures of the dead bodies of jihadi fightersothers quotes a poem advising parents how to raise children to be violentesayed , 22 , could face 14 years in prison after she admitted encouraging terrorism and disseminating terrorist publications\n", - "[1.2611222 1.3915 1.3684663 1.3107908 1.1550467 1.1469014 1.1334862\n", - " 1.1021429 1.08289 1.1383617 1.0972033 1.0808878 1.0603571 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 5 9 6 7 10 8 11 12 13 14 15 16]\n", - "=======================\n", - "['hundreds were evacuated from a circus big top after the weather system tore through the sides during an acrobatics show in angleton on friday night .more than 1000 homes lost power between houston and dallas on saturday .swamped : texas was reportedly hit with two inches of rain water in 15 minutes over the weekend']\n", - "=======================\n", - "['hundreds were evacuated from a big top circus after rain tore through itmore than 1000 homes lost power between houston and dallascars floated across harris county in half a foot of rain on saturday']\n", - "hundreds were evacuated from a circus big top after the weather system tore through the sides during an acrobatics show in angleton on friday night .more than 1000 homes lost power between houston and dallas on saturday .swamped : texas was reportedly hit with two inches of rain water in 15 minutes over the weekend\n", - "hundreds were evacuated from a big top circus after rain tore through itmore than 1000 homes lost power between houston and dallascars floated across harris county in half a foot of rain on saturday\n", - "[1.257345 1.0407195 1.235908 1.0930574 1.0794705 1.1751735 1.2191241\n", - " 1.1029401 1.0875953 1.158308 1.0407033 1.0799973 1.0683042 1.0710812\n", - " 1.025522 1.0260371 0. ]\n", - "\n", - "[ 0 2 6 5 9 7 3 8 11 4 13 12 1 10 15 14 16]\n", - "=======================\n", - "['( cnn ) this week , hillary clinton surprised the world yet again -- not with the official launch of her campaign but for the unconventional way she did it .with her video , new logo and road trip , she opened a long communications campaign not only to \" rebrand \" herself but to completely reframe who she is , what she stands for and how she intends to run .jon stewart lampooned it as a \" state farm commercial gone viral \" and also \" boring as s -- . \"']\n", - "=======================\n", - "[\"martha pease : hillary clinton got her presidential bid launched by reframing who she is , what she 's aboutshe says clinton took a low-key , unconventional approach , unlike marco rubio 's standard announcement\"]\n", - "( cnn ) this week , hillary clinton surprised the world yet again -- not with the official launch of her campaign but for the unconventional way she did it .with her video , new logo and road trip , she opened a long communications campaign not only to \" rebrand \" herself but to completely reframe who she is , what she stands for and how she intends to run .jon stewart lampooned it as a \" state farm commercial gone viral \" and also \" boring as s -- . \"\n", - "martha pease : hillary clinton got her presidential bid launched by reframing who she is , what she 's aboutshe says clinton took a low-key , unconventional approach , unlike marco rubio 's standard announcement\n", - "[1.3029212 1.2997042 1.0986181 1.3132422 1.22158 1.1120452 1.0430269\n", - " 1.1134677 1.074265 1.0573686 1.0392557 1.1900306 1.1011034 1.062757\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 11 7 5 12 2 8 13 9 6 10 15 14 16]\n", - "=======================\n", - "['chilling : french prime minister manuel valls ( left ) today revealed that five terrorist attacks have been foiled in france since the charlie hebdo massacre in januaryhis chilling words follow the arrest of a 24-year-old student who was allegedly preparing to storm catholic churches with an armoury of weapons including kalashnikov assault rifles .ghlam , 24 , was caught on sunday after accidently shooting himself in the leg after allegedly murdering aurelie chatelain , a 33-year-old fitness instructor .']\n", - "=======================\n", - "[\"manuel valls said france is facing an unprecedented threat from terrorism` we have never had to face this kind of terrorism in our history , ' he saidcomments follow the arrest of 24-year-old student sid ahmed ghlam who was allegedly plotting attacks on catholic churches in parisdna also reportedly links algerian to murder of dancer aurelie chatelain\"]\n", - "chilling : french prime minister manuel valls ( left ) today revealed that five terrorist attacks have been foiled in france since the charlie hebdo massacre in januaryhis chilling words follow the arrest of a 24-year-old student who was allegedly preparing to storm catholic churches with an armoury of weapons including kalashnikov assault rifles .ghlam , 24 , was caught on sunday after accidently shooting himself in the leg after allegedly murdering aurelie chatelain , a 33-year-old fitness instructor .\n", - "manuel valls said france is facing an unprecedented threat from terrorism` we have never had to face this kind of terrorism in our history , ' he saidcomments follow the arrest of 24-year-old student sid ahmed ghlam who was allegedly plotting attacks on catholic churches in parisdna also reportedly links algerian to murder of dancer aurelie chatelain\n", - "[1.4029245 1.4082872 1.122728 1.2565004 1.0881271 1.2371749 1.0997801\n", - " 1.1663692 1.1888689 1.1214838 1.0712751 1.0803835 1.1747435 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 5 8 12 7 2 9 6 4 11 10 15 13 14 16]\n", - "=======================\n", - "[\"the parkhead side face kilmarnockat parkhead on wednesday night with the chance to go eight points clear .celtic could win the scottish premiership title against closest rivals aberdeen on may 10 -- if both teams win all their games beforehand .celtic will not play a saturday league tie after the scottish professional football league 's announcement\"]\n", - "=======================\n", - "['the spfl have announced their post-split fixturesceltic will not play another saturday league fixture this seasonthey face nearest rivals aberdeen at pittodrie on sunday , may 10']\n", - "the parkhead side face kilmarnockat parkhead on wednesday night with the chance to go eight points clear .celtic could win the scottish premiership title against closest rivals aberdeen on may 10 -- if both teams win all their games beforehand .celtic will not play a saturday league tie after the scottish professional football league 's announcement\n", - "the spfl have announced their post-split fixturesceltic will not play another saturday league fixture this seasonthey face nearest rivals aberdeen at pittodrie on sunday , may 10\n", - "[1.0666633 1.1423572 1.4114645 1.1195277 1.2754503 1.186107 1.1070434\n", - " 1.1101791 1.1377581 1.1196381 1.0813551 1.0237015 1.0186574 1.0153731\n", - " 1.0166453 1.0235323 1.0200298]\n", - "\n", - "[ 2 4 5 1 8 9 3 7 6 10 0 11 15 16 12 14 13]\n", - "=======================\n", - "['the high landings fees give an insight into some of the most unexpectedly popular transport hubs for the rich and famous , from salzburg , in austria , to darwin , in australia .travelling by private jet is a growing trend , with 2.5 million private flights recorded in the us in 2013 ( the latest statistics ) and 705,000 in europe .salzburg airport handled 1.6 million passengers in 2012 .']\n", - "=======================\n", - "['the richest compiled a list of the top airport landing chargesbe prepared to fork out # 2,630 to land at la guardia in new yorkprices are based on landing a private 767-400 jet carrier']\n", - "the high landings fees give an insight into some of the most unexpectedly popular transport hubs for the rich and famous , from salzburg , in austria , to darwin , in australia .travelling by private jet is a growing trend , with 2.5 million private flights recorded in the us in 2013 ( the latest statistics ) and 705,000 in europe .salzburg airport handled 1.6 million passengers in 2012 .\n", - "the richest compiled a list of the top airport landing chargesbe prepared to fork out # 2,630 to land at la guardia in new yorkprices are based on landing a private 767-400 jet carrier\n", - "[1.4280736 1.2457286 1.1398206 1.2360916 1.2455144 1.182754 1.204055\n", - " 1.1171618 1.0235641 1.0203192 1.0948613 1.2042284 1.0892446 1.1105587\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 3 11 6 5 2 7 13 10 12 8 9 14 15 16 17 18 19]\n", - "=======================\n", - "[\"andrea pirlo scored a stunning free-kick for juventus , but could n't stop his side from sinking to a 2-1 defeat at local rivals torino .juve could have wrapped up their fourth consecutive serie a title with a victory on sunday and looked on course to after pirlo 's masterful set-piece from 25 yards gave them the lead in the first-half .it was the first time torino had beaten juve in the derby for 20 years .\"]\n", - "=======================\n", - "['andrea pirlo scored a stunning free-kick for juventus against torinohowever , juve fell to a 2-1 defeat and missed the chance to wrap up their fourth consecutive serie a titledespite the loss , juve remain 14 points clear at the top of the league tablepirlo is still playing at the top of his game at 35-years-old']\n", - "andrea pirlo scored a stunning free-kick for juventus , but could n't stop his side from sinking to a 2-1 defeat at local rivals torino .juve could have wrapped up their fourth consecutive serie a title with a victory on sunday and looked on course to after pirlo 's masterful set-piece from 25 yards gave them the lead in the first-half .it was the first time torino had beaten juve in the derby for 20 years .\n", - "andrea pirlo scored a stunning free-kick for juventus against torinohowever , juve fell to a 2-1 defeat and missed the chance to wrap up their fourth consecutive serie a titledespite the loss , juve remain 14 points clear at the top of the league tablepirlo is still playing at the top of his game at 35-years-old\n", - "[1.2182759 1.2000328 1.3450847 1.3302414 1.1978952 1.1745687 1.0761769\n", - " 1.0559971 1.0272931 1.0229166 1.0440555 1.0195735 1.0214505 1.0335851\n", - " 1.099323 1.0364802 1.0164968 1.017985 1.0155723 1.0182838]\n", - "\n", - "[ 2 3 0 1 4 5 14 6 7 10 15 13 8 9 12 11 19 17 16 18]\n", - "=======================\n", - "[\"between october 20 and february 17 , herrera was barely sighted and started just three of the 21 games manchester united played in that period , prompting much chatter about his place in the squad .it is no secret david moyes wanted to bring herrera to old trafford on deadline day in august 2013 but red tape scuppered his ambitions ; united pressed ahead with transfer after moyes was jettisoned but his inactivity prompted questions : did louis van gaal want him or rate him ?rarely can a headline in a matchday magazine have been so prophetic : on pages 16 and 17 of the united review , next to a picture of ander herrera , screamed the words ` right place , right time ' .\"]\n", - "=======================\n", - "[\"ander herrera fired man united to victory with double against aston villathe spaniard put in a man-of-the-match display at old traffordherrera struggled for games between october and februaryhowever he now appears to be an integral member of united 's squad\"]\n", - "between october 20 and february 17 , herrera was barely sighted and started just three of the 21 games manchester united played in that period , prompting much chatter about his place in the squad .it is no secret david moyes wanted to bring herrera to old trafford on deadline day in august 2013 but red tape scuppered his ambitions ; united pressed ahead with transfer after moyes was jettisoned but his inactivity prompted questions : did louis van gaal want him or rate him ?rarely can a headline in a matchday magazine have been so prophetic : on pages 16 and 17 of the united review , next to a picture of ander herrera , screamed the words ` right place , right time ' .\n", - "ander herrera fired man united to victory with double against aston villathe spaniard put in a man-of-the-match display at old traffordherrera struggled for games between october and februaryhowever he now appears to be an integral member of united 's squad\n", - "[1.3391886 1.2494774 1.4310837 1.2410438 1.1597308 1.1048653 1.1103878\n", - " 1.094684 1.0573726 1.068463 1.0412527 1.0766568 1.2471097 1.0404668\n", - " 1.0279701 1.0460428 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 12 3 4 6 5 7 11 9 8 15 10 13 14 18 16 17 19]\n", - "=======================\n", - "[\"joseph o'riordan , 76 , left his wife mandy , 47 , with life-threatening injuries to the chest , torso and back after flying into a rage over her infidelity .nick gunn : he had affairs with women on his roundsa councillor who stabbed his wife nine times with a kitchen knife after discovering her affair with the postman was yesterday found guilty of attempted murder .\"]\n", - "=======================\n", - "[\"councillor joseph o'riordan found guilty of attempting to murder his wifecourt heard attack occurred after he discovered her affair with the postmanamanda o'riordan , 47 , in extra-marital relationship with married nick gunnpostman mr gunn , 41 , had previous affairs with women on his rounds\"]\n", - "joseph o'riordan , 76 , left his wife mandy , 47 , with life-threatening injuries to the chest , torso and back after flying into a rage over her infidelity .nick gunn : he had affairs with women on his roundsa councillor who stabbed his wife nine times with a kitchen knife after discovering her affair with the postman was yesterday found guilty of attempted murder .\n", - "councillor joseph o'riordan found guilty of attempting to murder his wifecourt heard attack occurred after he discovered her affair with the postmanamanda o'riordan , 47 , in extra-marital relationship with married nick gunnpostman mr gunn , 41 , had previous affairs with women on his rounds\n", - "[1.1175468 1.3705224 1.3694504 1.323197 1.1982456 1.182673 1.1760498\n", - " 1.0894977 1.114736 1.1978284 1.045703 1.0730485 1.0615879 1.0626662\n", - " 1.0667064 1.0062352 1.0060288 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 9 5 6 0 8 7 11 14 13 12 10 15 16 18 17 19]\n", - "=======================\n", - "['a woman from south carolina is suing harlem tattoo parlor black ink , claiming an artist there did a botch job on a chest piece that left her disfigured and in pain .the damage : barner says she went to the parlor after watching the reality show which features the shop on vh1reality stars : the owner and artists at black ink tattoo star in their own vh1 reality show , black ink crew']\n", - "=======================\n", - "[\"asabi barner , 37 , of south carolina got a tattoo at black ink tattoo parlor while visiting new york citythe parlor in harlem specializes in tattooing dark skin and the shop 's owner and artist have their own reality show called black ink crew on vh1barner went to the shop last year to get a new chest piece to cover up an older chest tattooafter the first day , barner says the new tattoo started to puss and continues to be painful to this dayshe is currently in the process for suing the tattoo parlor\"]\n", - "a woman from south carolina is suing harlem tattoo parlor black ink , claiming an artist there did a botch job on a chest piece that left her disfigured and in pain .the damage : barner says she went to the parlor after watching the reality show which features the shop on vh1reality stars : the owner and artists at black ink tattoo star in their own vh1 reality show , black ink crew\n", - "asabi barner , 37 , of south carolina got a tattoo at black ink tattoo parlor while visiting new york citythe parlor in harlem specializes in tattooing dark skin and the shop 's owner and artist have their own reality show called black ink crew on vh1barner went to the shop last year to get a new chest piece to cover up an older chest tattooafter the first day , barner says the new tattoo started to puss and continues to be painful to this dayshe is currently in the process for suing the tattoo parlor\n", - "[1.2729241 1.4553583 1.2066518 1.112916 1.3036346 1.2221925 1.2475477\n", - " 1.2042525 1.0904025 1.0992924 1.0321188 1.0355558 1.029408 1.0074582\n", - " 1.0518719 1.0948464 1.0984701 1.0604 1.0618538 0. ]\n", - "\n", - "[ 1 4 0 6 5 2 7 3 9 16 15 8 18 17 14 11 10 12 13 19]\n", - "=======================\n", - "[\"argentine jorge lopez was killed in a suspicious road accident while in sao paulo in july .uefa have charged bayern munich manager pep guardiola after he wore this t-shirt in a press conferenceuefa have sensationally charged pep guardiola for wearing a t-shirt demanding justice for a journalist who died at last summer 's world cup .\"]\n", - "=======================\n", - "[\"pep guardiola wore #justiciaparatopo top in press conference on mondayseveral of football 's biggest stars have paid tribute to jorge lopezargentine journalist was killed in a suspicious road accident in sao paololopez was in brazil ahead of 2014 world cupuefa say discipline is because of an ` incident of a non-sporting nature '\"]\n", - "argentine jorge lopez was killed in a suspicious road accident while in sao paulo in july .uefa have charged bayern munich manager pep guardiola after he wore this t-shirt in a press conferenceuefa have sensationally charged pep guardiola for wearing a t-shirt demanding justice for a journalist who died at last summer 's world cup .\n", - "pep guardiola wore #justiciaparatopo top in press conference on mondayseveral of football 's biggest stars have paid tribute to jorge lopezargentine journalist was killed in a suspicious road accident in sao paololopez was in brazil ahead of 2014 world cupuefa say discipline is because of an ` incident of a non-sporting nature '\n", - "[1.376725 1.3673291 1.153188 1.2205861 1.1184782 1.0330181 1.0443535\n", - " 1.0581317 1.0472145 1.1574312 1.0390369 1.0963701 1.1536378 1.1253392\n", - " 1.0919251 1.069401 1.0217727 0. ]\n", - "\n", - "[ 0 1 3 9 12 2 13 4 11 14 15 7 8 6 10 5 16 17]\n", - "=======================\n", - "[\"kim kardashian continued her tour of the tour of the holy land with husband kanye west and their daughter north , as she visited the site of jesus christ 's crucifixion .on monday , she took her family to jerusalem 's old city - the reputed location of the historical religious event - to visit armenian church st james cathedral in order to baptise their little girl .surprise stop : kim , kanye and north arrived early on monday in jerusalem for north 's baptism\"]\n", - "=======================\n", - "[\"kim kardashian shared pictures from the baptism of her daughter north , held at saint james cathedral in jerusalem 's old citythe 12th century church sits within the armenian quarter of the old city , the reputed site of the crucifixion of jesus christkhloe kardashian is godmother , while a priest acted as north 's godfathernorth wore white baptismal gown in keeping with traditionthe youngster is now a christian and a member of the armenian church\"]\n", - "kim kardashian continued her tour of the tour of the holy land with husband kanye west and their daughter north , as she visited the site of jesus christ 's crucifixion .on monday , she took her family to jerusalem 's old city - the reputed location of the historical religious event - to visit armenian church st james cathedral in order to baptise their little girl .surprise stop : kim , kanye and north arrived early on monday in jerusalem for north 's baptism\n", - "kim kardashian shared pictures from the baptism of her daughter north , held at saint james cathedral in jerusalem 's old citythe 12th century church sits within the armenian quarter of the old city , the reputed site of the crucifixion of jesus christkhloe kardashian is godmother , while a priest acted as north 's godfathernorth wore white baptismal gown in keeping with traditionthe youngster is now a christian and a member of the armenian church\n", - "[1.2651831 1.3574739 1.2389411 1.2273693 1.321108 1.2254295 1.1020863\n", - " 1.0422109 1.0241334 1.0297519 1.1512287 1.0276074 1.0171808 1.0194736\n", - " 1.0147064 1.017183 1.0133754 1.049923 ]\n", - "\n", - "[ 1 4 0 2 3 5 10 6 17 7 9 11 8 13 15 12 14 16]\n", - "=======================\n", - "[\"the 23-year-old founder of the whole pantry app came clean about her circumstances , telling the australian women 's weekly , ` none of it 's true ' .wellness warrior belle gibson sensationally admitted yesterday in a tell-all interview that she had made up her terminal brain cancer diagnosis .in the interview , gibson asked her former fans and customers who purchased her app and books to see her as only ` human ' .\"]\n", - "=======================\n", - "[\"wellness guru and app developer belle gibson lied about having cancer` no , none of it is true , ' she told australian women 's weeklyi am still jumping between what i think i know and what is reality ' , she saidleading psychologist believes gibson could be suffering from both anti-social behaviour and narcissism disordersjo lamble says the wide adoption of technology and social media mean that small lies can easily get out of hand\"]\n", - "the 23-year-old founder of the whole pantry app came clean about her circumstances , telling the australian women 's weekly , ` none of it 's true ' .wellness warrior belle gibson sensationally admitted yesterday in a tell-all interview that she had made up her terminal brain cancer diagnosis .in the interview , gibson asked her former fans and customers who purchased her app and books to see her as only ` human ' .\n", - "wellness guru and app developer belle gibson lied about having cancer` no , none of it is true , ' she told australian women 's weeklyi am still jumping between what i think i know and what is reality ' , she saidleading psychologist believes gibson could be suffering from both anti-social behaviour and narcissism disordersjo lamble says the wide adoption of technology and social media mean that small lies can easily get out of hand\n", - "[1.328863 1.4179988 1.3400269 1.3690925 1.1584672 1.1426798 1.0746102\n", - " 1.1381297 1.0318595 1.0299872 1.0399424 1.0562305 1.0319024 1.016108\n", - " 1.014346 1.030674 1.2170297 1.0320549]\n", - "\n", - "[ 1 3 2 0 16 4 5 7 6 11 10 17 12 8 15 9 13 14]\n", - "=======================\n", - "[\"the shadow chancellor said he would not make ` unfunded and uncosted commitments ' after promising to cut the deficit every year .ed balls this morning repeatedly refused to match the tories ' election pledge to increase nhs spending by # 8billion a yearit comes after david cameron pledged to give the nhs whatever it needed - but refused to say how he will find the money .\"]\n", - "=======================\n", - "[\"balls said he would not make ` unfunded and uncosted commitments 'tories have promised to give the nhs an extra # 8billion a year by 2020nhs chief simon stevens said the extra cash is needed just to stand stillballs insisted labour can be trusted to give the nhs what it needs\"]\n", - "the shadow chancellor said he would not make ` unfunded and uncosted commitments ' after promising to cut the deficit every year .ed balls this morning repeatedly refused to match the tories ' election pledge to increase nhs spending by # 8billion a yearit comes after david cameron pledged to give the nhs whatever it needed - but refused to say how he will find the money .\n", - "balls said he would not make ` unfunded and uncosted commitments 'tories have promised to give the nhs an extra # 8billion a year by 2020nhs chief simon stevens said the extra cash is needed just to stand stillballs insisted labour can be trusted to give the nhs what it needs\n", - "[1.1209043 1.5194964 1.1504341 1.1742594 1.0728734 1.0484941 1.0332426\n", - " 1.0328897 1.0232949 1.0600425 1.1438702 1.0638554 1.1027176 1.0578232\n", - " 1.158888 1.0976233 1.0180975 0. ]\n", - "\n", - "[ 1 3 14 2 10 0 12 15 4 11 9 13 5 6 7 8 16 17]\n", - "=======================\n", - "['the heartwarming scenes , captured by professional photographer denis budkov , 35 , during a trip to kuril lake in kamchatka , in russia , show the animal family have bear-ly a concern in the world as they play and snooze in the sunshine .time to get up : one cub wakes up while the other bear-ly stirs as they are snapped after they take a nap on banks of a lake in russiathe bear family are part of a huge population found in the kronotsky reserve - known as the kingdom of bears - thanks to its huge population of the animals .']\n", - "=======================\n", - "[\"photographer captures the baby bear making the most of its mother 's thick fur by bedding down on it for a napthe young family can be seeing playing in the water at kuril lake in kamchatka , russialike with most babies , their exuberance leaves them exhausted so they all go for a quick afternoon snooze\"]\n", - "the heartwarming scenes , captured by professional photographer denis budkov , 35 , during a trip to kuril lake in kamchatka , in russia , show the animal family have bear-ly a concern in the world as they play and snooze in the sunshine .time to get up : one cub wakes up while the other bear-ly stirs as they are snapped after they take a nap on banks of a lake in russiathe bear family are part of a huge population found in the kronotsky reserve - known as the kingdom of bears - thanks to its huge population of the animals .\n", - "photographer captures the baby bear making the most of its mother 's thick fur by bedding down on it for a napthe young family can be seeing playing in the water at kuril lake in kamchatka , russialike with most babies , their exuberance leaves them exhausted so they all go for a quick afternoon snooze\n", - "[1.1644642 1.0457891 1.054752 1.0590142 1.1653137 1.286073 1.2361941\n", - " 1.1628764 1.0615654 1.1418184 1.0302312 1.0703626 1.0877107 1.1383847\n", - " 1.081806 1.0518268 1.1310666 0. ]\n", - "\n", - "[ 5 6 4 0 7 9 13 16 12 14 11 8 3 2 15 1 10 17]\n", - "=======================\n", - "['she and rogers , 34 , own the breckenridge cannabis club , a recreational marijuana dispensary in the historic and scenic ski town of breckenridge , colorado .the couple started their business as a medical cannabis dispensary in 2010 , but when colorado became the first state in the nation to allow the sale of recreational marijuana , they saw a once-in-a-lifetime business opportunity .mcguire , 25 , said .']\n", - "=======================\n", - "['\" high profits \" follows the owners of a recreational marijuana dispensarythe cnn original series airs sundays at 10 p.m. et']\n", - "she and rogers , 34 , own the breckenridge cannabis club , a recreational marijuana dispensary in the historic and scenic ski town of breckenridge , colorado .the couple started their business as a medical cannabis dispensary in 2010 , but when colorado became the first state in the nation to allow the sale of recreational marijuana , they saw a once-in-a-lifetime business opportunity .mcguire , 25 , said .\n", - "\" high profits \" follows the owners of a recreational marijuana dispensarythe cnn original series airs sundays at 10 p.m. et\n", - "[1.133133 1.2288275 1.3032987 1.3103824 1.233628 1.0854142 1.1523015\n", - " 1.0842853 1.0300293 1.030096 1.0460896 1.114434 1.2188786 1.0337853\n", - " 1.0183074 1.0129318 1.1890148 1.0194852 1.0477799 1.0236379]\n", - "\n", - "[ 3 2 4 1 12 16 6 0 11 5 7 18 10 13 9 8 19 17 14 15]\n", - "=======================\n", - "[\"the rspca yesterday said it would be contacting britain 's got talent ` to ascertain what methods were used ' in the performance .after saturday 's episode of the show , broadcasting regulator ofcom received 21 complaints over the talking dog , while itv received a further 35 .but some viewers at home were less dazzled by miss wendy 's false mouth trick - and questioned the effect of the ` cruel ' stunt on the dog .\"]\n", - "=======================\n", - "[\"miss wendy and owner marc métral put through to semi finals by panelbut viewers said act was ` cruel ' while rspca said it would work to ` ascertain what methods were used 'cowell called act ` incredible ' - amanda holden said : ` you made tv history 'but similar act was seen on america 's got talent in united states in 2012\"]\n", - "the rspca yesterday said it would be contacting britain 's got talent ` to ascertain what methods were used ' in the performance .after saturday 's episode of the show , broadcasting regulator ofcom received 21 complaints over the talking dog , while itv received a further 35 .but some viewers at home were less dazzled by miss wendy 's false mouth trick - and questioned the effect of the ` cruel ' stunt on the dog .\n", - "miss wendy and owner marc métral put through to semi finals by panelbut viewers said act was ` cruel ' while rspca said it would work to ` ascertain what methods were used 'cowell called act ` incredible ' - amanda holden said : ` you made tv history 'but similar act was seen on america 's got talent in united states in 2012\n", - "[1.162305 1.4993211 1.2914352 1.3045313 1.1272206 1.1655619 1.1124444\n", - " 1.0469508 1.0954046 1.0283622 1.1252255 1.1565648 1.024119 1.0131919\n", - " 1.0115963 1.081403 1.0214345 1.0094444 1.1262025 1.0859712]\n", - "\n", - "[ 1 3 2 5 0 11 4 18 10 6 8 19 15 7 9 12 16 13 14 17]\n", - "=======================\n", - "['brave danielle davies gave birth to harley at nearly 12lb following an eight hour labour without any drugs .daniel goldstone , danielle davies and their son harley , who weighed 11lb 5oz at birthdanielle had insisted on a natural birth - not realising she was about to deliver a massive baby .']\n", - "=======================\n", - "[\"danielle davies , 21 , from lancashire , gave birth to son harley last fridayhe weighed 11lb 5oz and nurses said he was too heavy for hospital scalesdanielle has had to throw many of harley 's newborn clothes away already\"]\n", - "brave danielle davies gave birth to harley at nearly 12lb following an eight hour labour without any drugs .daniel goldstone , danielle davies and their son harley , who weighed 11lb 5oz at birthdanielle had insisted on a natural birth - not realising she was about to deliver a massive baby .\n", - "danielle davies , 21 , from lancashire , gave birth to son harley last fridayhe weighed 11lb 5oz and nurses said he was too heavy for hospital scalesdanielle has had to throw many of harley 's newborn clothes away already\n", - "[1.3831556 1.3433794 1.14109 1.148022 1.1345075 1.1769259 1.1227221\n", - " 1.0880198 1.034231 1.0317887 1.1569765 1.0634072 1.1232911 1.0591402\n", - " 1.0595027 1.1237748 1.1013801 1.0179945 1.0116264 0. ]\n", - "\n", - "[ 0 1 5 10 3 2 4 15 12 6 16 7 11 14 13 8 9 17 18 19]\n", - "=======================\n", - "[\"mogadishu , somalia ( cnn ) a car bomb exploded at a restaurant near the presidential palace in the heart of somalia 's capital tuesday , killing at least 10 people , including a woman and a boy , police said .somalia-based islamist militant group al-shabaab claimed responsibility for the attack .the area is not a new target for al-shabaab , which has battled somalia 's government for years with the goal of establishing a fundamentalist islamic state .\"]\n", - "=======================\n", - "['islamist militant group al-shabaab claims responsibility for the attackthe explosion happened across the street from a hotel that was attacked two months agomogadishu has been the site of frequent attacks by al-shabaab']\n", - "mogadishu , somalia ( cnn ) a car bomb exploded at a restaurant near the presidential palace in the heart of somalia 's capital tuesday , killing at least 10 people , including a woman and a boy , police said .somalia-based islamist militant group al-shabaab claimed responsibility for the attack .the area is not a new target for al-shabaab , which has battled somalia 's government for years with the goal of establishing a fundamentalist islamic state .\n", - "islamist militant group al-shabaab claims responsibility for the attackthe explosion happened across the street from a hotel that was attacked two months agomogadishu has been the site of frequent attacks by al-shabaab\n", - "[1.290832 1.4623009 1.2036898 1.2088627 1.0883281 1.0820296 1.0917535\n", - " 1.0577098 1.0283068 1.1024811 1.077548 1.025782 1.0805088 1.0261967\n", - " 1.1006975 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 9 14 6 4 5 12 10 7 8 13 11 18 15 16 17 19]\n", - "=======================\n", - "[\"the 250-piece lilly pulitzer for target collection sold out online and flew off of shelves at stores shortly after debuting on sunday morning .designer lilly pulitzer 's family learned that it 's not always about who you know - or who you are are related to - after they joined the thousands of people who were unable to beat the ` pink sunday ' rush for the late ms pulitzer 's eponymous brand 's brightly-colored , limited edition collaboration at target .meanwhile , mrs pulitzer 's own daughter liza wanted a beach chair - but missed out .\"]\n", - "=======================\n", - "['the designer diffusion line went on sale sunday morning but was almost completely sold out online before noon , with stores selling out minutes after openingre-sellers initially tried to unload merchandise at inflated prices including $ 799 for a $ 150 hammock ; now thousands of pieces are available on ebay with smaller markupsoutraged customers have formed a social media campaign to boycott the merchandise from second-hand sellers']\n", - "the 250-piece lilly pulitzer for target collection sold out online and flew off of shelves at stores shortly after debuting on sunday morning .designer lilly pulitzer 's family learned that it 's not always about who you know - or who you are are related to - after they joined the thousands of people who were unable to beat the ` pink sunday ' rush for the late ms pulitzer 's eponymous brand 's brightly-colored , limited edition collaboration at target .meanwhile , mrs pulitzer 's own daughter liza wanted a beach chair - but missed out .\n", - "the designer diffusion line went on sale sunday morning but was almost completely sold out online before noon , with stores selling out minutes after openingre-sellers initially tried to unload merchandise at inflated prices including $ 799 for a $ 150 hammock ; now thousands of pieces are available on ebay with smaller markupsoutraged customers have formed a social media campaign to boycott the merchandise from second-hand sellers\n", - "[1.0410322 1.3190242 1.3205612 1.1979908 1.2399395 1.1800959 1.0811826\n", - " 1.2395092 1.1061834 1.0888611 1.1000129 1.1538088 1.1171092 1.1198549\n", - " 1.0574073 1.0668254 1.0456069 1.0339491 1.0297767 0. ]\n", - "\n", - "[ 2 1 4 7 3 5 11 13 12 8 10 9 6 15 14 16 0 17 18 19]\n", - "=======================\n", - "[\"a new poll laying bare the public 's attitudes to drinking found nearly half of young workers think it is acceptable to regularly get drunk on a night out , compared to a fifth of the general population .but while the majority of people believe their drinking habits are under control , one in five young professionals now considers themselves to have a problem with alcohol , a survey found .the new poll of 4,000 british adults found 7 per cent reported they have a drinking problem .\"]\n", - "=======================\n", - "[\"fifth of young people do n't remember how they got home after drinkingthird forgot their entire night while one in 20 drove themselves home drunkbut nearly a quarter considered alcohol to be more harmful than smokinghalf said the nhs should stop treating alcoholics given health warnings\"]\n", - "a new poll laying bare the public 's attitudes to drinking found nearly half of young workers think it is acceptable to regularly get drunk on a night out , compared to a fifth of the general population .but while the majority of people believe their drinking habits are under control , one in five young professionals now considers themselves to have a problem with alcohol , a survey found .the new poll of 4,000 british adults found 7 per cent reported they have a drinking problem .\n", - "fifth of young people do n't remember how they got home after drinkingthird forgot their entire night while one in 20 drove themselves home drunkbut nearly a quarter considered alcohol to be more harmful than smokinghalf said the nhs should stop treating alcoholics given health warnings\n", - "[1.4664574 1.1965486 1.2259688 1.1744387 1.184177 1.1328843 1.1059854\n", - " 1.0958644 1.0622708 1.0605313 1.1449878 1.0481871 1.0674205 1.0863454\n", - " 1.025955 1.0263637 1.0395701 1.0706387 1.1046251 1.0912248 1.0138826\n", - " 1.0098126 0. ]\n", - "\n", - "[ 0 2 1 4 3 10 5 6 18 7 19 13 17 12 8 9 11 16 15 14 20 21 22]\n", - "=======================\n", - "[\"( cnn ) two transportation security administration screeners have been fired after conspiring to grope attractive men at denver international airport , denver police said .the female officer would then tell the screening machine that a female passenger -- not a male -- was walking through .here 's how police say the scheme worked : when the male tsa officer noticed a man he found attractive , he would alert a female tsa officer .\"]\n", - "=======================\n", - "['police : a male tsa officer signaled to a female officer when he found a man attractivefemale officer would notify scanning machine a woman -- not a man -- was passing throughpolice : that would trigger an anomaly in groin area , leading male officer to grope passenger']\n", - "( cnn ) two transportation security administration screeners have been fired after conspiring to grope attractive men at denver international airport , denver police said .the female officer would then tell the screening machine that a female passenger -- not a male -- was walking through .here 's how police say the scheme worked : when the male tsa officer noticed a man he found attractive , he would alert a female tsa officer .\n", - "police : a male tsa officer signaled to a female officer when he found a man attractivefemale officer would notify scanning machine a woman -- not a man -- was passing throughpolice : that would trigger an anomaly in groin area , leading male officer to grope passenger\n", - "[1.5271428 1.2632915 1.1156254 1.1796324 1.2128775 1.2092274 1.0560293\n", - " 1.0508233 1.0165312 1.0187457 1.0233808 1.0216662 1.0200843 1.0275818\n", - " 1.0333714 1.0881183 1.1802117 1.0610394 1.0561917 1.1664577 1.019759\n", - " 1.0138406 1.1073046]\n", - "\n", - "[ 0 1 4 5 16 3 19 2 22 15 17 18 6 7 14 13 10 11 12 20 9 8 21]\n", - "=======================\n", - "[\"lionel messi has recovered from his injured foot and should be fit to start sunday 's la liga match with celta vigo .the argentina forward sat out both of his country 's friendlies against el salvador and ecuador over the international break but , after arriving back in barcelona on thursday , was able to do some light running and stretching in training .messi had a light training session alongside compatriot javier mascherano as he recovers from foot injury\"]\n", - "=======================\n", - "[\"messi completed a light training session at barcelona on thursdayhe has almost recovered from a foot injury sustained in clasico with realargentina star sat out friendly matches with el salvador and ecuadorbarcelona hoping to maintain la liga lead against celta vigoluis enrique 's team remain on course for the treble\"]\n", - "lionel messi has recovered from his injured foot and should be fit to start sunday 's la liga match with celta vigo .the argentina forward sat out both of his country 's friendlies against el salvador and ecuador over the international break but , after arriving back in barcelona on thursday , was able to do some light running and stretching in training .messi had a light training session alongside compatriot javier mascherano as he recovers from foot injury\n", - "messi completed a light training session at barcelona on thursdayhe has almost recovered from a foot injury sustained in clasico with realargentina star sat out friendly matches with el salvador and ecuadorbarcelona hoping to maintain la liga lead against celta vigoluis enrique 's team remain on course for the treble\n", - "[1.1087615 1.2803419 1.3445599 1.2034849 1.0883057 1.1010692 1.0432979\n", - " 1.1374893 1.1060145 1.0674218 1.0598938 1.0267671 1.0690385 1.0372589\n", - " 1.0552503 1.0258695 1.021869 1.0397642 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 1 3 7 0 8 5 4 12 9 10 14 6 17 13 11 15 16 21 18 19 20 22]\n", - "=======================\n", - "[\"they join creme eggs , pg tips teabags and even john west tuna in the ever-increasing list of goods getting smaller .the latest casualty are boxes of cadbury 's fingers which , it was announced yesterday , will contain two fewer chocolate fingers from now on .shape changer : the rounded chunks look nice - but they give you 14 per cent less dairy milk chocolate\"]\n", - "=======================\n", - "[\"boxes of cadbury 's fingers will contain two fewer chocolate fingersjoins creme eggs , pg tips and john west tuna in goods getting smallerstrategy allows manufacturers to increase profits without raising pricesfood industry experts believe shrinking ploy is becoming more common\"]\n", - "they join creme eggs , pg tips teabags and even john west tuna in the ever-increasing list of goods getting smaller .the latest casualty are boxes of cadbury 's fingers which , it was announced yesterday , will contain two fewer chocolate fingers from now on .shape changer : the rounded chunks look nice - but they give you 14 per cent less dairy milk chocolate\n", - "boxes of cadbury 's fingers will contain two fewer chocolate fingersjoins creme eggs , pg tips and john west tuna in goods getting smallerstrategy allows manufacturers to increase profits without raising pricesfood industry experts believe shrinking ploy is becoming more common\n", - "[1.2697369 1.048775 1.2038819 1.3927355 1.3458383 1.0528183 1.0852598\n", - " 1.0978557 1.1087917 1.0902096 1.1023233 1.1598499 1.0359122 1.1238935\n", - " 1.0276614 1.0580817 1.0270289 1.0236416 1.0111454 1.0099998 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 4 0 2 11 13 8 10 7 9 6 15 5 1 12 14 16 17 18 19 21 20 22]\n", - "=======================\n", - "[\"brendan rodgers gives instructions to steven gerrard during liverpool 's defeat against aston villarodgers is set for his third season without a trophy after liverpool were dumped out of the fa cupafter spending more than # 200million since taking charge at liverpool in june 2012 , there is only so long the owners and fans will keep patient in their desire for dividends .\"]\n", - "=======================\n", - "[\"liverpool will go another campaign without silverware after fa cup exitit marks a third straight term where brendan rodgers has failed to deliverhe has spent over # 200m on transfers but is yet to win a trophy at anfieldand only a fraction of the 22 players he 's signed can be considered a ` hit '\"]\n", - "brendan rodgers gives instructions to steven gerrard during liverpool 's defeat against aston villarodgers is set for his third season without a trophy after liverpool were dumped out of the fa cupafter spending more than # 200million since taking charge at liverpool in june 2012 , there is only so long the owners and fans will keep patient in their desire for dividends .\n", - "liverpool will go another campaign without silverware after fa cup exitit marks a third straight term where brendan rodgers has failed to deliverhe has spent over # 200m on transfers but is yet to win a trophy at anfieldand only a fraction of the 22 players he 's signed can be considered a ` hit '\n", - "[1.1792821 1.2950298 1.4172403 1.3507422 1.2494376 1.2468903 1.3082744\n", - " 1.0547439 1.036734 1.0133013 1.0163002 1.045209 1.0119706 1.1159976\n", - " 1.1912173 1.1277502 1.0226196 1.0073307 1.0072907 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 3 6 1 4 5 14 0 15 13 7 11 8 16 10 9 12 17 18 19 20 21 22]\n", - "=======================\n", - "['homecamp , which launched in january , has been attracting both backpackers and locals who are looking for cheap and fast accommodation .sydney-sider steve york ( left ) used homecamp to connect with rose smith ( right ) and let her stay in his backyard for three nightsthis is the latest cost-saving travel trend , with each night costing an average of $ 30 .']\n", - "=======================\n", - "[\"homecamp is a service which connects homeowners and touriststravellers can pitch a tent in a homeowner 's backyard at a cheap ratethe average cost of staying in a backyard is $ 30 per nighthomecamp launched in australia in january and is available worldwide\"]\n", - "homecamp , which launched in january , has been attracting both backpackers and locals who are looking for cheap and fast accommodation .sydney-sider steve york ( left ) used homecamp to connect with rose smith ( right ) and let her stay in his backyard for three nightsthis is the latest cost-saving travel trend , with each night costing an average of $ 30 .\n", - "homecamp is a service which connects homeowners and touriststravellers can pitch a tent in a homeowner 's backyard at a cheap ratethe average cost of staying in a backyard is $ 30 per nighthomecamp launched in australia in january and is available worldwide\n", - "[1.23879 1.298501 1.3669647 1.1740105 1.2430928 1.3838457 1.0465113\n", - " 1.0185337 1.1227145 1.0870161 1.0611082 1.0683949 1.028957 1.0231029\n", - " 1.1337651 1.072736 1.0637554 1.009777 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 5 2 1 4 0 3 14 8 9 15 11 16 10 6 12 13 7 17 23 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "['the film 50 first dates starring adam sandler and drew barrymore has inspired a new dementia experiment taking place at a care home in riverdale , new yorka hollywood-inspired experiment to help dementia patients by waking them up with video recordings from loved ones is taking place in new york .a suitor , played by sandler , uses videos to remind her of him .']\n", - "=======================\n", - "[\"residents at hebrew care home in new york are woken by video recordings from loved ones to help ease their confusion and agitationidea was inspired by the 2004 film 50 first dates starring adam sandlerexperiment will be evaluated next month but results are ` very positive '\"]\n", - "the film 50 first dates starring adam sandler and drew barrymore has inspired a new dementia experiment taking place at a care home in riverdale , new yorka hollywood-inspired experiment to help dementia patients by waking them up with video recordings from loved ones is taking place in new york .a suitor , played by sandler , uses videos to remind her of him .\n", - "residents at hebrew care home in new york are woken by video recordings from loved ones to help ease their confusion and agitationidea was inspired by the 2004 film 50 first dates starring adam sandlerexperiment will be evaluated next month but results are ` very positive '\n", - "[1.1952045 1.3729023 1.2453539 1.2223778 1.2741303 1.2251511 1.104502\n", - " 1.095516 1.0919912 1.1337587 1.1206028 1.1069559 1.0500593 1.0936463\n", - " 1.0473318 1.0560207 1.006905 1.0089561 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 5 3 0 9 10 11 6 7 13 8 15 12 14 17 16 23 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"on april 6 -- easter monday - martina riccioni and her best friend antoinettia caffero , 21 , were involved in a horrific head-on collision when the car they were in veered into oncoming traffic as they drove home from margaret river .they have started a crowdfunding appeal on ` go fund me ' to raise up to $ 20,000 to transport her bodyms riccioni was thrown from the passenger seat of the car and was killed at the scene of the accident after suffering catastrophic injuries .\"]\n", - "=======================\n", - "[\"family of italian woman killed in a horror car crash in perth are pleading with the australian public to help them bring her body home to italythey have started a crowdfunding appeal to raise up to $ 20,000the appeal on ` go fund me ' has already raised over $ 13,000 for the familyms riccioni was killed in a car accident on easter mondayher best friend antoinettia caffero , remains in hospital in critical condition\"]\n", - "on april 6 -- easter monday - martina riccioni and her best friend antoinettia caffero , 21 , were involved in a horrific head-on collision when the car they were in veered into oncoming traffic as they drove home from margaret river .they have started a crowdfunding appeal on ` go fund me ' to raise up to $ 20,000 to transport her bodyms riccioni was thrown from the passenger seat of the car and was killed at the scene of the accident after suffering catastrophic injuries .\n", - "family of italian woman killed in a horror car crash in perth are pleading with the australian public to help them bring her body home to italythey have started a crowdfunding appeal to raise up to $ 20,000the appeal on ` go fund me ' has already raised over $ 13,000 for the familyms riccioni was killed in a car accident on easter mondayher best friend antoinettia caffero , remains in hospital in critical condition\n", - "[1.0529218 1.4624404 1.1934129 1.2087982 1.3061539 1.2468371 1.2161345\n", - " 1.1066983 1.0634589 1.1065066 1.051216 1.0502799 1.0691172 1.0703689\n", - " 1.0336643 1.0545168 1.0194988 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 5 6 3 2 7 9 13 12 8 15 0 10 11 14 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"but the dishevelled-looking vehicle is a celebrated 1962 aston martin db4 series iii and will be worth three times its # 220,000 price if fully restored .pricey : the restoration project will cost upwards of # 350,000 - meaning whoever buys it will have to pay # 570,000 to return it to its former gloryinside : the car , registered as btb 478a , is being sold at bonhams ' aston martin sale in newport pagnell , buckinghamshire , on may 9\"]\n", - "=======================\n", - "['aston martin db4 series iii will cost up to # 350,000 to restore but could then be worth as much as # 750,000attractive prospect for many car enthusiasts by offering rare chance to restore virtually-untouched db41,100 db4 series iii cars made from 1958 to 1963 - and this one will be auctioned in buckinghamshireengine was stripped , fully rebuilt and new chassis fitted in 1983 - but it has hardly been touched since']\n", - "but the dishevelled-looking vehicle is a celebrated 1962 aston martin db4 series iii and will be worth three times its # 220,000 price if fully restored .pricey : the restoration project will cost upwards of # 350,000 - meaning whoever buys it will have to pay # 570,000 to return it to its former gloryinside : the car , registered as btb 478a , is being sold at bonhams ' aston martin sale in newport pagnell , buckinghamshire , on may 9\n", - "aston martin db4 series iii will cost up to # 350,000 to restore but could then be worth as much as # 750,000attractive prospect for many car enthusiasts by offering rare chance to restore virtually-untouched db41,100 db4 series iii cars made from 1958 to 1963 - and this one will be auctioned in buckinghamshireengine was stripped , fully rebuilt and new chassis fitted in 1983 - but it has hardly been touched since\n", - "[1.1418241 1.3076193 1.0387601 1.0318606 1.1914064 1.2796791 1.1671984\n", - " 1.0598673 1.2587671 1.249888 1.0151365 1.0152944 1.0137937 1.0136831\n", - " 1.0142435 1.0240424 1.0634795 1.0166736 1.0156733 1.014332 1.2000484\n", - " 1.1658688 1.0350504 1.0399704 1.0158825]\n", - "\n", - "[ 1 5 8 9 20 4 6 21 0 16 7 23 2 22 3 15 17 24 18 11 10 19 14 12\n", - " 13]\n", - "=======================\n", - "[\"twelve months ago he stood on the same spot on the same practice ground at the same tournament , the houston open , looking as crestfallen as i have ever seen him .three time major winner padraig harrington has rediscovered his form ahead of the mastersa month ago harrington had fallen outside the world 's top 300 when he accepted an invitation to play in the honda classic in florida .\"]\n", - "=======================\n", - "['padraig harrington had fallen out of top 300 before winning honda classicirishman returns to the masters after failing to qualify last yearthe three times major winner tips dustin johnson to challenge rory mcilroy at augusta']\n", - "twelve months ago he stood on the same spot on the same practice ground at the same tournament , the houston open , looking as crestfallen as i have ever seen him .three time major winner padraig harrington has rediscovered his form ahead of the mastersa month ago harrington had fallen outside the world 's top 300 when he accepted an invitation to play in the honda classic in florida .\n", - "padraig harrington had fallen out of top 300 before winning honda classicirishman returns to the masters after failing to qualify last yearthe three times major winner tips dustin johnson to challenge rory mcilroy at augusta\n", - "[1.2992243 1.138708 1.3149917 1.3072181 1.2433788 1.2877676 1.1427299\n", - " 1.1137841 1.059353 1.027752 1.0366429 1.0448183 1.1675 1.0661678\n", - " 1.0237641 1.0963925 1.0260404 1.0644878 1.0248436 1.0438046 1.0198405\n", - " 1.0413654 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 5 4 12 6 1 7 15 13 17 8 11 19 21 10 9 16 18 14 20 23 22\n", - " 24]\n", - "=======================\n", - "['the mystery man , who may be suffering from amnesia , does not know how he came to lose his memory or be in the uk , and can not even recall his own name .all that he could remember was that he was from the poznan area of poland and has a daughter called lenka .he may or may not have come from denmark within the past few days .']\n", - "=======================\n", - "[\"mystery man wandered into polish embassy yesterday with no memorythe only clue to his identity is a distinctive flower tattoo on his right armhe ca n't recall his own name , how he lost his memory or came to be in ukall he could remember that he was from poland and his daughter lenka\"]\n", - "the mystery man , who may be suffering from amnesia , does not know how he came to lose his memory or be in the uk , and can not even recall his own name .all that he could remember was that he was from the poznan area of poland and has a daughter called lenka .he may or may not have come from denmark within the past few days .\n", - "mystery man wandered into polish embassy yesterday with no memorythe only clue to his identity is a distinctive flower tattoo on his right armhe ca n't recall his own name , how he lost his memory or came to be in ukall he could remember that he was from poland and his daughter lenka\n", - "[1.5049281 1.2791277 1.2302263 1.2146058 1.1755983 1.0975696 1.2158623\n", - " 1.1232053 1.1103582 1.0843866 1.02898 1.0444455 1.0305467 1.2139626\n", - " 1.0739762 1.0246768 1.0130818]\n", - "\n", - "[ 0 1 2 6 3 13 4 7 8 5 9 14 11 12 10 15 16]\n", - "=======================\n", - "[\"lydia ko tied annika sorenstam 's lpga tour record with her 29th consecutive round under par , shooting a 1-under 71 on thursday at the ana inspiration .the 17-year-old ko saved par on the par-4 seventh - her 16th hole - after hitting an approach shot through a gap in the trees .the top-ranked new zealander started the streak in the first round of her victory in the season-ending cme group tour championship last year .\"]\n", - "=======================\n", - "[\"lydia ko posted a round of 71 in first round of the ana inspirationthe 17-year-old equalled annika sorenstam 's lpga record of 29 successive rounds under parmichelle wie stumbled with a double bogey at the 18th for a score of 73\"]\n", - "lydia ko tied annika sorenstam 's lpga tour record with her 29th consecutive round under par , shooting a 1-under 71 on thursday at the ana inspiration .the 17-year-old ko saved par on the par-4 seventh - her 16th hole - after hitting an approach shot through a gap in the trees .the top-ranked new zealander started the streak in the first round of her victory in the season-ending cme group tour championship last year .\n", - "lydia ko posted a round of 71 in first round of the ana inspirationthe 17-year-old equalled annika sorenstam 's lpga record of 29 successive rounds under parmichelle wie stumbled with a double bogey at the 18th for a score of 73\n", - "[1.1975741 1.4281266 1.4424088 1.3077776 1.284168 1.2208385 1.0537779\n", - " 1.0174255 1.0282544 1.0160022 1.0194879 1.2047637 1.1262847 1.0235095\n", - " 1.0187227 1.1044836 0. ]\n", - "\n", - "[ 2 1 3 4 5 11 0 12 15 6 8 13 10 14 7 9 16]\n", - "=======================\n", - "['it is believed the gang used three tractors and trailers to dump the industrial waste in walsham-le-willows , between eye and bury st edmunds ,the mounds of rubbish , described by one police officer as the worst he has seen in almost 30 years , will cost the public purse thousands of pounds to clear up .flytipping : a 40-tonne pile of industrial waste has been dumped by the side of the road in a suffolk village']\n", - "=======================\n", - "['fly-tippers dumped 40 tonnes of waste in walsham-le-willows , suffolkpolice believe culprits used three tractors and trailers to transport rubbishan officer described it as the worst case he has seen in almost 30 years']\n", - "it is believed the gang used three tractors and trailers to dump the industrial waste in walsham-le-willows , between eye and bury st edmunds ,the mounds of rubbish , described by one police officer as the worst he has seen in almost 30 years , will cost the public purse thousands of pounds to clear up .flytipping : a 40-tonne pile of industrial waste has been dumped by the side of the road in a suffolk village\n", - "fly-tippers dumped 40 tonnes of waste in walsham-le-willows , suffolkpolice believe culprits used three tractors and trailers to transport rubbishan officer described it as the worst case he has seen in almost 30 years\n", - "[1.314177 1.2558833 1.2981814 1.198518 1.1641593 1.1416606 1.1499721\n", - " 1.085069 1.0807387 1.0888871 1.108335 1.0872492 1.0775554 1.0599866\n", - " 1.039184 1.0624887 1.0403427]\n", - "\n", - "[ 0 2 1 3 4 6 5 10 9 11 7 8 12 15 13 16 14]\n", - "=======================\n", - "['( cnn ) since iran \\'s islamic revolution in 1979 , women have been barred from attending most sports events involving men .a plan to allow \" women and families \" to enter sports stadiums will come into effect in the next year , deputy sports minister abdolhamid ahmadi said saturday , according to state-run media .but the situation appears set to improve in the coming months after a top iranian sports official said that the ban will be lifted for some events .']\n", - "=======================\n", - "['iranian sports official : the ban will be lifted for some events in the coming yearbut he says \" families are not interested in attending \" some sports matches']\n", - "( cnn ) since iran 's islamic revolution in 1979 , women have been barred from attending most sports events involving men .a plan to allow \" women and families \" to enter sports stadiums will come into effect in the next year , deputy sports minister abdolhamid ahmadi said saturday , according to state-run media .but the situation appears set to improve in the coming months after a top iranian sports official said that the ban will be lifted for some events .\n", - "iranian sports official : the ban will be lifted for some events in the coming yearbut he says \" families are not interested in attending \" some sports matches\n", - "[1.2937763 1.1018059 1.1936212 1.1016424 1.1769351 1.0669171 1.0651706\n", - " 1.0462235 1.0996938 1.0677708 1.1033229 1.0658845 1.0580101 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 2 4 10 1 3 8 9 5 11 6 12 7 15 13 14 16]\n", - "=======================\n", - "['( cnn ) the public outrage over the \" religious freedom \" bills recently passed in arkansas and indiana caught the governors of those states completely off-guard , judging by their confused and contradictory responses .but the politicians underestimated the pushback organized by local and national businesses , including companies with no previous record of public support for social equality .for the past three decades , socially conservative evangelicals and pro-business interests have been powerfully allied against government regulations , environmental initiatives and social welfare programs , while supporting lower taxes for the wealthy and pushing back against the growing diversity in america \\'s population .']\n", - "=======================\n", - "['stephanie coontz : indiana , arkansas governors caught off guard by outrage , boycotts over anti-lgbt lawshe says religious conservatives who discriminate no longer hold sway in a culture comfortable with diversity , including same-sex marriage']\n", - "( cnn ) the public outrage over the \" religious freedom \" bills recently passed in arkansas and indiana caught the governors of those states completely off-guard , judging by their confused and contradictory responses .but the politicians underestimated the pushback organized by local and national businesses , including companies with no previous record of public support for social equality .for the past three decades , socially conservative evangelicals and pro-business interests have been powerfully allied against government regulations , environmental initiatives and social welfare programs , while supporting lower taxes for the wealthy and pushing back against the growing diversity in america 's population .\n", - "stephanie coontz : indiana , arkansas governors caught off guard by outrage , boycotts over anti-lgbt lawshe says religious conservatives who discriminate no longer hold sway in a culture comfortable with diversity , including same-sex marriage\n", - "[1.224891 1.3805634 1.2250414 1.2235448 1.1628528 1.1395701 1.0895796\n", - " 1.0783867 1.1128337 1.1862541 1.0472548 1.0304937 1.0308204 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 9 4 5 8 6 7 10 12 11 15 13 14 16]\n", - "=======================\n", - "[\"a lawsuit filed by joyce kuhl , a grandmother from south carolina who visited the orlando park in 2013 , claims orcas are being kept in 8ft deep holding pools , leaving the marine animals ` essentially roasting ' .in her suit , ms kuhl alleges that the resulting burns are so bad staff are forced to paint the orcas with black zinc oxide to disguise the injuriesseaworld has been accused of drugging killer whales , painting over their injuries and keeping them in pools so shallow they get sunburned .\"]\n", - "=======================\n", - "[\"seaworld florida accused of drugging its performing killer whaleslawsuit alleges park 's pools are so shallow the orcas get sunburnedaccuse staff of painting over killer whales ' injuries and burnsclaims marine park use chlorine ` many times stronger than bleach '\"]\n", - "a lawsuit filed by joyce kuhl , a grandmother from south carolina who visited the orlando park in 2013 , claims orcas are being kept in 8ft deep holding pools , leaving the marine animals ` essentially roasting ' .in her suit , ms kuhl alleges that the resulting burns are so bad staff are forced to paint the orcas with black zinc oxide to disguise the injuriesseaworld has been accused of drugging killer whales , painting over their injuries and keeping them in pools so shallow they get sunburned .\n", - "seaworld florida accused of drugging its performing killer whaleslawsuit alleges park 's pools are so shallow the orcas get sunburnedaccuse staff of painting over killer whales ' injuries and burnsclaims marine park use chlorine ` many times stronger than bleach '\n", - "[1.2417874 1.3234401 1.2705805 1.1572946 1.318946 1.2385806 1.1279377\n", - " 1.1275407 1.1056039 1.0638609 1.0839695 1.0818689 1.0890486 1.0498831\n", - " 1.0726831 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 0 5 3 6 7 8 12 10 11 14 9 13 17 15 16 18]\n", - "=======================\n", - "[\"a lawyer for rebecca hannibal , 19 , appeared in front of downing centre local court on wednesday .rebecca hannibal ( centre ) has pleaded guilty to supplying her best friend georgina bartter ( far right ) with ` purple speaker ' ecstasy pills in the lead up to the harbourlife dance festivalms hannibal had pleaded not guilty to single supply charge at a previous hearing but her defence representative told magistrate mark buscombe she was changing her plea to guilty .\"]\n", - "=======================\n", - "[\"georgina bartter 's best friend has pleaded guilty to a drug supply chargerebecca hannibal , 19 , was first charged with supplying ecstasy to ms bartter in december but originally pleaded not guiltypolice allege she purchased the ecstasy pills from matthew forti , also 19ms bartter , 19 , died from a suspected ecstasy overdose in novembershe was taken to hospital after suffering multiple organ failure\"]\n", - "a lawyer for rebecca hannibal , 19 , appeared in front of downing centre local court on wednesday .rebecca hannibal ( centre ) has pleaded guilty to supplying her best friend georgina bartter ( far right ) with ` purple speaker ' ecstasy pills in the lead up to the harbourlife dance festivalms hannibal had pleaded not guilty to single supply charge at a previous hearing but her defence representative told magistrate mark buscombe she was changing her plea to guilty .\n", - "georgina bartter 's best friend has pleaded guilty to a drug supply chargerebecca hannibal , 19 , was first charged with supplying ecstasy to ms bartter in december but originally pleaded not guiltypolice allege she purchased the ecstasy pills from matthew forti , also 19ms bartter , 19 , died from a suspected ecstasy overdose in novembershe was taken to hospital after suffering multiple organ failure\n", - "[1.4772915 1.2894101 1.3708224 1.3214351 1.2670767 1.105833 1.0258986\n", - " 1.0190922 1.0241632 1.1405565 1.069458 1.0234911 1.0938374 1.0323117\n", - " 1.0084498 1.0387633 1.0237721 0. 0. ]\n", - "\n", - "[ 0 2 3 1 4 9 5 12 10 15 13 6 8 16 11 7 14 17 18]\n", - "=======================\n", - "[\"manny pacquiao will be wearing the world 's most expensive shorts when he takes the ring at the mgm grand garden arena with floyd mayweather on may 2 .the pacman 's shorts alone will carry sponsorship logos worth a total of $ 2.25 m ( # 1.5 m ) , reports the manila bulletin .manny pacquiao , working out here with trainer freddie roach , will wear multi-million pound shorts\"]\n", - "=======================\n", - "[\"manny pacquiao meets floyd mayweather on may 2 in las vegasthe fight worth $ 300 million to both camps is boxing 's richest everpacman 's shorts alone will carry sponsorship worth # 1.5 mmayweather has released a video with uncle roger about his gloves\"]\n", - "manny pacquiao will be wearing the world 's most expensive shorts when he takes the ring at the mgm grand garden arena with floyd mayweather on may 2 .the pacman 's shorts alone will carry sponsorship logos worth a total of $ 2.25 m ( # 1.5 m ) , reports the manila bulletin .manny pacquiao , working out here with trainer freddie roach , will wear multi-million pound shorts\n", - "manny pacquiao meets floyd mayweather on may 2 in las vegasthe fight worth $ 300 million to both camps is boxing 's richest everpacman 's shorts alone will carry sponsorship worth # 1.5 mmayweather has released a video with uncle roger about his gloves\n", - "[1.1345193 1.2787015 1.1447175 1.0753007 1.2436589 1.2515956 1.2637243\n", - " 1.048209 1.0953656 1.1871427 1.0392699 1.0993761 1.057599 1.0677841\n", - " 1.0871658 1.0457981 1.0447898 0. 0. ]\n", - "\n", - "[ 1 6 5 4 9 2 0 11 8 14 3 13 12 7 15 16 10 17 18]\n", - "=======================\n", - "[\"wanted : female body double for sienna miller .their ` low hip ' measurement should be 36 1/2 in while their ` high hip ' should come in at 35in .would-be siennas hoping to appear in an advert for bottled water should be 5ft 6in in height and have a 25 1/2 in waist , the advert states .\"]\n", - "=======================\n", - "[\"applicants must measure 5ft 6in and have a 25 1/2 in waistcasting request gives the star 's head and wrist circumferenceshopefuls must n't have tattoos or body piercings and may have to cut hairprevious adverts have featured keira knightley and claudia schiffer\"]\n", - "wanted : female body double for sienna miller .their ` low hip ' measurement should be 36 1/2 in while their ` high hip ' should come in at 35in .would-be siennas hoping to appear in an advert for bottled water should be 5ft 6in in height and have a 25 1/2 in waist , the advert states .\n", - "applicants must measure 5ft 6in and have a 25 1/2 in waistcasting request gives the star 's head and wrist circumferenceshopefuls must n't have tattoos or body piercings and may have to cut hairprevious adverts have featured keira knightley and claudia schiffer\n", - "[1.1972269 1.4398932 1.3809172 1.2286575 1.2487922 1.1155144 1.1566365\n", - " 1.0375962 1.0398856 1.2024184 1.1072974 1.0197344 1.0151317 1.0097454\n", - " 1.0100406 1.192995 1.1113924 1.1767939 1.0166556]\n", - "\n", - "[ 1 2 4 3 9 0 15 17 6 5 16 10 8 7 11 18 12 14 13]\n", - "=======================\n", - "[\"the historic carlton tavern was bulldozed by developers without warning last week - just days before it was due to be marked as a listed building .landlady patsy lord was told by the owners on easter monday to close for an ` inventory ' but returned two days later to find the pub , built in 1921 , was no longer standing .it was the only building in its road that was not destroyed by hitler 's bombs during the blitz but did not survive developer cltx ltd\"]\n", - "=======================\n", - "['carlton tavern made it through bombing during the second world warit was knocked down days before it was due to be marked a listed buildingwestminster city council is considering legal action against developersdanny john-jules , who played cat in red dwarf , has hit out at demolition']\n", - "the historic carlton tavern was bulldozed by developers without warning last week - just days before it was due to be marked as a listed building .landlady patsy lord was told by the owners on easter monday to close for an ` inventory ' but returned two days later to find the pub , built in 1921 , was no longer standing .it was the only building in its road that was not destroyed by hitler 's bombs during the blitz but did not survive developer cltx ltd\n", - "carlton tavern made it through bombing during the second world warit was knocked down days before it was due to be marked a listed buildingwestminster city council is considering legal action against developersdanny john-jules , who played cat in red dwarf , has hit out at demolition\n", - "[1.3155868 1.4240117 1.3282039 1.2610523 1.2330031 1.1286018 1.0926498\n", - " 1.1164219 1.089969 1.0475701 1.0361398 1.07114 1.1134919 1.1462234\n", - " 1.1404771 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 13 14 5 7 12 6 8 11 9 10 17 15 16 18]\n", - "=======================\n", - "['zoe dennise prince , 28 , was working at the gold coast amusement park until september last year , according to gold coast bulletin .however she was allegedly injured on may 20 , 2013 when she allegedly she experienced pain her right wrist whilst checking harnesses on the ride .ms prince has claimed that she suffered her injury as the company ardent leisure was negligent and set poor working conditions .']\n", - "=======================\n", - "['former dreamworld employee claims she injured herself whilst workingzoe prince , 28 , worked on the tower of terror ride checking harnessesshe claims the repetitive motion and stressful working conditions resulted in a wrist injuryshe has had two surgeries and claims she now has a permanent disabilityshe claims the business were negligent and did not give them enough breaks or a co-worker where required']\n", - "zoe dennise prince , 28 , was working at the gold coast amusement park until september last year , according to gold coast bulletin .however she was allegedly injured on may 20 , 2013 when she allegedly she experienced pain her right wrist whilst checking harnesses on the ride .ms prince has claimed that she suffered her injury as the company ardent leisure was negligent and set poor working conditions .\n", - "former dreamworld employee claims she injured herself whilst workingzoe prince , 28 , worked on the tower of terror ride checking harnessesshe claims the repetitive motion and stressful working conditions resulted in a wrist injuryshe has had two surgeries and claims she now has a permanent disabilityshe claims the business were negligent and did not give them enough breaks or a co-worker where required\n", - "[1.1509936 1.4308387 1.2800999 1.3099828 1.1706927 1.1610656 1.170003\n", - " 1.1053541 1.0631324 1.0481008 1.0699743 1.0181798 1.0171934 1.0416517\n", - " 1.0411215 1.0244826 1.015565 1.0134563 1.0117681 1.0133798 1.0129589\n", - " 1.0129974]\n", - "\n", - "[ 1 3 2 4 6 5 0 7 10 8 9 13 14 15 11 12 16 17 19 21 20 18]\n", - "=======================\n", - "['diane greenberg , a devout catholic , and her husband bob , who is jewish , decided to split their family down the middle when it came to religion .unusual set-up : steven and katie greenberg , above , were raised in separate faiths - steven jewish and katie catholicdiane took charge of her daughter , katie , 24 ; while bob took the reins teaching steven , 21 , as they grew up in new hope , pennsylvania .']\n", - "=======================\n", - "['diane greenberg is a catholic and her husband , bob , is jewishpair from new hope , pennsylvania , decided to raise kids in different faithskatie , now 24 , received catholic religious instruction and was confirmedsteven , 21 , had jewish teaching - but was ultimately not given a bar mitzvahfamily say many find arrangement baffling - but have defended it']\n", - "diane greenberg , a devout catholic , and her husband bob , who is jewish , decided to split their family down the middle when it came to religion .unusual set-up : steven and katie greenberg , above , were raised in separate faiths - steven jewish and katie catholicdiane took charge of her daughter , katie , 24 ; while bob took the reins teaching steven , 21 , as they grew up in new hope , pennsylvania .\n", - "diane greenberg is a catholic and her husband , bob , is jewishpair from new hope , pennsylvania , decided to raise kids in different faithskatie , now 24 , received catholic religious instruction and was confirmedsteven , 21 , had jewish teaching - but was ultimately not given a bar mitzvahfamily say many find arrangement baffling - but have defended it\n", - "[1.066071 1.2150865 1.2815092 1.2959822 1.1728977 1.2177782 1.0473522\n", - " 1.1838384 1.0939509 1.0667764 1.0661167 1.132873 1.0399315 1.0290111\n", - " 1.0305424 1.0277805 1.137504 1.0550886 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 2 5 1 7 4 16 11 8 9 10 0 17 6 12 14 13 15 18 19 20 21]\n", - "=======================\n", - "['researchers subjected lithium-ion batteries to heat and used thermal imaging and non-invasive high speed imaging techniques to observe changes in their internal structure .thermal images show copper inside the battery reaching temperatures of at least 1,085 °c ( 1,985 °f ) causing jets of molten material to burst from its vent .the footage is the first time the failure of li-ion batteries due to overheating has been recorded .']\n", - "=======================\n", - "[\"researchers subjected two lithium-ion batteries to external heatthey used thermal imaging to see what happened inside each cellcopper inside one cell reached temperatures of at least 1,085 °c ( 1,985 °f )the heat also caused molten material to stream from the battery 's vent\"]\n", - "researchers subjected lithium-ion batteries to heat and used thermal imaging and non-invasive high speed imaging techniques to observe changes in their internal structure .thermal images show copper inside the battery reaching temperatures of at least 1,085 °c ( 1,985 °f ) causing jets of molten material to burst from its vent .the footage is the first time the failure of li-ion batteries due to overheating has been recorded .\n", - "researchers subjected two lithium-ion batteries to external heatthey used thermal imaging to see what happened inside each cellcopper inside one cell reached temperatures of at least 1,085 °c ( 1,985 °f )the heat also caused molten material to stream from the battery 's vent\n", - "[1.1957365 1.5239959 1.4046738 1.1400628 1.38685 1.1644415 1.0624479\n", - " 1.0544617 1.1318086 1.0803633 1.1672508 1.0507395 1.0523843 1.0144278\n", - " 1.0230916 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 4 0 10 5 3 8 9 6 7 12 11 14 13 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"helal abbas , 55 , lost his bid to become the mayor of tower hamlets in east london days after the claim appeared in an ethnic freesheet .the race was won by lutfur rahman , 50 , a controversial figure who has been accused in a separate high court case of rigging his re-election victory last year .a labour politician who stood against britain 's first elected muslim mayor has won a high court battle over claims that he was a ` wife beater ' .\"]\n", - "=======================\n", - "[\"labour politician helal abbas lost bid to become mayor of tower hamletsthe london bangla ran an advert accusing him of assaulting his ex-wifeafter long legal battle , editor admits there was ` no truth to the allegation '\"]\n", - "helal abbas , 55 , lost his bid to become the mayor of tower hamlets in east london days after the claim appeared in an ethnic freesheet .the race was won by lutfur rahman , 50 , a controversial figure who has been accused in a separate high court case of rigging his re-election victory last year .a labour politician who stood against britain 's first elected muslim mayor has won a high court battle over claims that he was a ` wife beater ' .\n", - "labour politician helal abbas lost bid to become mayor of tower hamletsthe london bangla ran an advert accusing him of assaulting his ex-wifeafter long legal battle , editor admits there was ` no truth to the allegation '\n", - "[1.4465661 1.2260382 1.4629853 1.2673529 1.2060983 1.0690342 1.0703049\n", - " 1.0670142 1.0479937 1.0185332 1.0736687 1.1819416 1.040603 1.1712838\n", - " 1.0277784 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 3 1 4 11 13 10 6 5 7 8 12 14 9 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"fireman stephen hunt , 38 , lost his life tackling the inferno which began at paul 's hair world in manchester 's northern quarter almost two years ago .the girl - who was just 15 at the time - is said to have dropped a cigarette to the floor while standing near the shop 's fire exit which rolled underneath the door and set boxes alight .a 16-year-old girl charged with arson after she discarded a cigarette causing a city centre shop blaze which claimed the life of a firefighter had the charge dropped today after a judge said she was ` guilty only of being careless ' .\"]\n", - "=======================\n", - "[\"teenager charged with arson at manchester hair salon will not face trialinferno erupted at paul 's hair world in northern quarter on july 13 , 2013scientists initially stated the fire could not have been started accidentallybut they now say discarded cigarette near the fire exit could have caused itstephen hunt , 38 , died after he and colleague got into trouble tackling fire\"]\n", - "fireman stephen hunt , 38 , lost his life tackling the inferno which began at paul 's hair world in manchester 's northern quarter almost two years ago .the girl - who was just 15 at the time - is said to have dropped a cigarette to the floor while standing near the shop 's fire exit which rolled underneath the door and set boxes alight .a 16-year-old girl charged with arson after she discarded a cigarette causing a city centre shop blaze which claimed the life of a firefighter had the charge dropped today after a judge said she was ` guilty only of being careless ' .\n", - "teenager charged with arson at manchester hair salon will not face trialinferno erupted at paul 's hair world in northern quarter on july 13 , 2013scientists initially stated the fire could not have been started accidentallybut they now say discarded cigarette near the fire exit could have caused itstephen hunt , 38 , died after he and colleague got into trouble tackling fire\n", - "[1.245632 1.2502813 1.3603764 1.415916 1.1000369 1.1049049 1.1661065\n", - " 1.0263268 1.0282278 1.0416225 1.0364316 1.0192779 1.0707878 1.0561068\n", - " 1.0589674 1.0693016 1.0380906 1.0160763 1.0326564 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 2 1 0 6 5 4 12 15 14 13 9 16 10 18 8 7 11 17 20 19 21]\n", - "=======================\n", - "[\"many women spends hundreds of pounds a month on expensive skincare products but make common mistakes every single day that could lead to their skin ageing fasterfemail called on the best dermatologists in the business to shed some light on the classic mistakes women make and to share their vital tips for ensuring you 're getting the most from your skincare regime .the average woman will spend an eye-watering # 18,000 on products for her face in her lifetime , but may be throwing those hard earned pennies down the drain by applying them incorrectly .\"]\n", - "=======================\n", - "['women spend # 18,000 on products for the face in one lifetimemany women make common mistakes , leaving products redundantfemail calls on top dermatologists to dispel myths and share tips']\n", - "many women spends hundreds of pounds a month on expensive skincare products but make common mistakes every single day that could lead to their skin ageing fasterfemail called on the best dermatologists in the business to shed some light on the classic mistakes women make and to share their vital tips for ensuring you 're getting the most from your skincare regime .the average woman will spend an eye-watering # 18,000 on products for her face in her lifetime , but may be throwing those hard earned pennies down the drain by applying them incorrectly .\n", - "women spend # 18,000 on products for the face in one lifetimemany women make common mistakes , leaving products redundantfemail calls on top dermatologists to dispel myths and share tips\n", - "[1.6388988 1.1130096 1.4355532 1.2678218 1.1045727 1.0338509 1.0377656\n", - " 1.037411 1.0248306 1.020992 1.1101793 1.1059507 1.036246 1.0256805\n", - " 1.0179849 1.0149953 1.0148534 1.0258204 1.068612 0. ]\n", - "\n", - "[ 0 2 3 1 10 11 4 18 6 7 12 5 17 13 8 9 14 15 16 19]\n", - "=======================\n", - "[\"simon wood , 38 , from oldham won masterchef last fridayeverything the 38 year old knows about cooking is self-taught - learnt form reading recipe books or watching television shows .wannabe chefs with their eye on a career as the next gordon ramsay or jamie oliver should take note - it does n't have to cost a fortune .\"]\n", - "=======================\n", - "['simon wood , 38 , from oldham won masterchef last fridayfather-of-four got cooking skills by feeding culinary creations to his kidsthe award-winning chef says one of his favourite meals is a plain omelette']\n", - "simon wood , 38 , from oldham won masterchef last fridayeverything the 38 year old knows about cooking is self-taught - learnt form reading recipe books or watching television shows .wannabe chefs with their eye on a career as the next gordon ramsay or jamie oliver should take note - it does n't have to cost a fortune .\n", - "simon wood , 38 , from oldham won masterchef last fridayfather-of-four got cooking skills by feeding culinary creations to his kidsthe award-winning chef says one of his favourite meals is a plain omelette\n", - "[1.2566007 1.43253 1.1707827 1.2369934 1.4025428 1.1299317 1.0270605\n", - " 1.0273312 1.0788616 1.0754749 1.0522792 1.0172365 1.0420481 1.071525\n", - " 1.136163 1.0530983 1.0471092 1.0517097 0. 0. ]\n", - "\n", - "[ 1 4 0 3 2 14 5 8 9 13 15 10 17 16 12 7 6 11 18 19]\n", - "=======================\n", - "[\"robert mccombs told a court in grand rapids , michigan on wednesday that steven carl day admitted to him and his roommate roger musick that he molested a young relative and that he was molesting other young girls .a man strangled his friend to death in a rage after the friend admitted that he had been molesting young girls and thought ` one of them was starting to like it , ' a jury heard this week .addiction : after the murder in 2013 , friends of day said he was an army veteran who had struggled in recent years while battling an alcohol addiction\"]\n", - "=======================\n", - "[\"steven carl day 's confession over drinks that he molested young girls led to his murder , robert mccombs , the roommate of the alleged murder testifiedmccombs said that when day confessed to he and his former roommate roger musick that musick said he wanted to kill daymccombs claims that musick strangled day to death and that the two of him dumped his body and then hid the evidencemccombs was released from prison in early march for tampering with evidence in day 's death but musick will stand trial for day 's murder\"]\n", - "robert mccombs told a court in grand rapids , michigan on wednesday that steven carl day admitted to him and his roommate roger musick that he molested a young relative and that he was molesting other young girls .a man strangled his friend to death in a rage after the friend admitted that he had been molesting young girls and thought ` one of them was starting to like it , ' a jury heard this week .addiction : after the murder in 2013 , friends of day said he was an army veteran who had struggled in recent years while battling an alcohol addiction\n", - "steven carl day 's confession over drinks that he molested young girls led to his murder , robert mccombs , the roommate of the alleged murder testifiedmccombs said that when day confessed to he and his former roommate roger musick that musick said he wanted to kill daymccombs claims that musick strangled day to death and that the two of him dumped his body and then hid the evidencemccombs was released from prison in early march for tampering with evidence in day 's death but musick will stand trial for day 's murder\n", - "[1.2248548 1.2646822 1.1570308 1.2725015 1.1822183 1.1413107 1.1945214\n", - " 1.0398408 1.1103897 1.0462803 1.038381 1.0779932 1.0726407 1.1022211\n", - " 1.0869163 1.0621359 1.0162982 1.0369706 1.0190737 1.0225188]\n", - "\n", - "[ 3 1 0 6 4 2 5 8 13 14 11 12 15 9 7 10 17 19 18 16]\n", - "=======================\n", - "[\"tens of thousands of people flocked to pope francis ' good friday torchlight procession at the colosseum in rome .` way of the cross ' walks took place in ohio , pennsylvania and over the brooklyn bridge , among others .with easter sunday just on the horizon , christians across american observed good friday , which commemorates the crucifixion and death of jesus christ .\"]\n", - "=======================\n", - "[\"good friday commemorates the crucifixion and death of jesus christ` way of the cross ' walks took place in ohio , pennsylvania , los angeles and over the brooklyn bridge , among othersjust a few of the events that were taking place all over the world at holy week nears its endtens of thousands of people flocked to pope francis ' good friday procession at the colosseum in rome\"]\n", - "tens of thousands of people flocked to pope francis ' good friday torchlight procession at the colosseum in rome .` way of the cross ' walks took place in ohio , pennsylvania and over the brooklyn bridge , among others .with easter sunday just on the horizon , christians across american observed good friday , which commemorates the crucifixion and death of jesus christ .\n", - "good friday commemorates the crucifixion and death of jesus christ` way of the cross ' walks took place in ohio , pennsylvania , los angeles and over the brooklyn bridge , among othersjust a few of the events that were taking place all over the world at holy week nears its endtens of thousands of people flocked to pope francis ' good friday procession at the colosseum in rome\n", - "[1.4018161 1.3974385 1.2898141 1.3890895 1.1467488 1.0879198 1.0300161\n", - " 1.0961726 1.0389955 1.0191783 1.1219671 1.0527767 1.1740159 1.0715822\n", - " 1.0623754 1.1439338 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 12 4 15 10 7 5 13 14 11 8 6 9 16 17 18 19]\n", - "=======================\n", - "[\"leeds owner massimo cellino has claimed that red bull have launched a bid to buy the championship club .cellino , who is currently serving a football league disqualification , said that leeds ' majority shareholder eleonora sport was considering the offer .but leeds chairman andrew umbers said he was not aware of an offer from red bull when contacted by bbc radio leeds on saturday morning .\"]\n", - "=======================\n", - "['red bull have launched a bid to buy leeds , massimo cellino sayscellino says majority shareholder eleonora sport are considering offerleeds chairman andrew umbers later said he was unaware of offercellino currently serving a football league disqualification']\n", - "leeds owner massimo cellino has claimed that red bull have launched a bid to buy the championship club .cellino , who is currently serving a football league disqualification , said that leeds ' majority shareholder eleonora sport was considering the offer .but leeds chairman andrew umbers said he was not aware of an offer from red bull when contacted by bbc radio leeds on saturday morning .\n", - "red bull have launched a bid to buy leeds , massimo cellino sayscellino says majority shareholder eleonora sport are considering offerleeds chairman andrew umbers later said he was unaware of offercellino currently serving a football league disqualification\n", - "[1.2715166 1.3694434 1.0977418 1.3657825 1.0774704 1.0869541 1.116111\n", - " 1.0447667 1.1592433 1.0641608 1.0260304 1.0424992 1.02749 1.0221069\n", - " 1.1862776 1.0361822 1.0196127 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 14 8 6 2 5 4 9 7 11 15 12 10 13 16 17 18 19]\n", - "=======================\n", - "['but mui suffers from a rare genetic condition that leaves the skin on her face and body red raw and open to infection .she was born with harlequin ichthyosis , which means her skin is extremely thick , dry and flaky -- resembling fish scales .hong kong ( cnn ) when she was growing up , mui thomas , wanted to be a fashion model -- not an unusual aspiration for a young girl .']\n", - "=======================\n", - "[\"mui thomas has a rare genetic condition that leaves her skin raw and open to infectionabandoned at birth , tina and rog thomas adopted muishe 's now 22 , a rugby referee and an inspirational speaker\"]\n", - "but mui suffers from a rare genetic condition that leaves the skin on her face and body red raw and open to infection .she was born with harlequin ichthyosis , which means her skin is extremely thick , dry and flaky -- resembling fish scales .hong kong ( cnn ) when she was growing up , mui thomas , wanted to be a fashion model -- not an unusual aspiration for a young girl .\n", - "mui thomas has a rare genetic condition that leaves her skin raw and open to infectionabandoned at birth , tina and rog thomas adopted muishe 's now 22 , a rugby referee and an inspirational speaker\n", - "[1.405027 1.4689035 1.3181365 1.2295668 1.092184 1.3070006 1.0532444\n", - " 1.086325 1.0393925 1.1528296 1.0247036 1.0176824 1.0158799 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 5 3 9 4 7 6 8 10 11 12 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"she is now living in fear of being returned from a holding centre in darwin to troubled nauru for years while her family 's asylum claim is processed , lawyer john lawrence said .a five-year-old iranian girl who has spent more than a year in australia 's offshore nauru detention centre has been prescribed anti-depressants , has self-harmed by swallowing shampoo and nails and has been diagnosed with post-traumatic stress disorder , her lawyer says .the girl 's father has applied for a protection visa for his family after fearing for his life and fleeing form the military police in iran .\"]\n", - "=======================\n", - "[\"lawyers are fighting to stop iranian child being sent back to naurushe is currently being held at a detention centre in darwinlawyer john lawrence says ` she might not be alive ' if she 's sent backshe wrote her name as her detention number and draws a disturbing self-portrait showing her mouth stitched upher family 's asylum claim could take three years to process\"]\n", - "she is now living in fear of being returned from a holding centre in darwin to troubled nauru for years while her family 's asylum claim is processed , lawyer john lawrence said .a five-year-old iranian girl who has spent more than a year in australia 's offshore nauru detention centre has been prescribed anti-depressants , has self-harmed by swallowing shampoo and nails and has been diagnosed with post-traumatic stress disorder , her lawyer says .the girl 's father has applied for a protection visa for his family after fearing for his life and fleeing form the military police in iran .\n", - "lawyers are fighting to stop iranian child being sent back to naurushe is currently being held at a detention centre in darwinlawyer john lawrence says ` she might not be alive ' if she 's sent backshe wrote her name as her detention number and draws a disturbing self-portrait showing her mouth stitched upher family 's asylum claim could take three years to process\n", - "[1.2033031 1.3916942 1.2420464 1.2930216 1.2800786 1.2376034 1.0490716\n", - " 1.0954738 1.1185226 1.0765995 1.0655675 1.0424038 1.0272311 1.0336049\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 5 0 8 7 9 10 6 11 13 12 18 14 15 16 17 19]\n", - "=======================\n", - "[\"shanay walker 's death was the culmination of ` repeated acts of cruelty ' at the hands of seventh-day adventist kay-ann morris that included having food shoved in her mouth and being struck on the hands with a hairbrush , a jury was told .shanay walker , found cold and stiff in her bed in nottingham last july .her aunt is currently on trial for her murder .\"]\n", - "=======================\n", - "[\"guardian kay-ann morris is on trial for murdering her niece shanay , 7paramedics found shanay lying cold and stiff in bed at nottingham homemorris and mother , juanila smikle , claim she had fallen down the stairsparamedics later found 50 bruises on girl 's face , torso , arms and legsprosecution say death was due to ` sustained , vicious and brutal beating '\"]\n", - "shanay walker 's death was the culmination of ` repeated acts of cruelty ' at the hands of seventh-day adventist kay-ann morris that included having food shoved in her mouth and being struck on the hands with a hairbrush , a jury was told .shanay walker , found cold and stiff in her bed in nottingham last july .her aunt is currently on trial for her murder .\n", - "guardian kay-ann morris is on trial for murdering her niece shanay , 7paramedics found shanay lying cold and stiff in bed at nottingham homemorris and mother , juanila smikle , claim she had fallen down the stairsparamedics later found 50 bruises on girl 's face , torso , arms and legsprosecution say death was due to ` sustained , vicious and brutal beating '\n", - "[1.3155212 1.3491224 1.3632648 1.4029336 1.2401061 1.1197084 1.0574394\n", - " 1.0361079 1.0557199 1.0352472 1.033432 1.0156919 1.1103289 1.0634136\n", - " 1.0336494 1.0564146 1.1017483 1.0912182 1.0345213 0. ]\n", - "\n", - "[ 3 2 1 0 4 5 12 16 17 13 6 15 8 7 9 18 14 10 11 19]\n", - "=======================\n", - "[\"professional golfer lexi thompson , 20 , will appear on the front of may 's edition of golf digestnow 20 , lexi thompson can boast six professional championships and most recently , a provocative magazine cover .at 12 , she became the youngest player to appear in the u.s women 's open .\"]\n", - "=======================\n", - "[\"lpga player posed shirtless for may 's ` fitness and power ' issueeditor-in-chief jerry tarde defended decision after recent controversiestwo previous front covers have featured two non-golfing womenone reader said : ' i was n't sure if it was a playboy ad , or if it was a golf digest ad '\"]\n", - "professional golfer lexi thompson , 20 , will appear on the front of may 's edition of golf digestnow 20 , lexi thompson can boast six professional championships and most recently , a provocative magazine cover .at 12 , she became the youngest player to appear in the u.s women 's open .\n", - "lpga player posed shirtless for may 's ` fitness and power ' issueeditor-in-chief jerry tarde defended decision after recent controversiestwo previous front covers have featured two non-golfing womenone reader said : ' i was n't sure if it was a playboy ad , or if it was a golf digest ad '\n", - "[1.2494315 1.2718427 1.1375796 1.1084026 1.0230296 1.0927126 1.06975\n", - " 1.0618454 1.1026895 1.2557521 1.1469315 1.1532693 1.2065023 1.0709821\n", - " 1.2809746 0. 0. 0. 0. 0. ]\n", - "\n", - "[14 1 9 0 12 11 10 2 3 8 5 13 6 7 4 18 15 16 17 19]\n", - "=======================\n", - "[\"colombia no 1 rene higuita famously performed a scorpion kick against england at wembleythe seven-year-old , who has trained with both manchester clubs and starred in a bt sport advert , showed he has inherited some of his father 's skills after being filmed scoring with a ` scorpion kick ' in his back garden .meanwhile , the manchester united forward will reportedly be offered # 5million to leave old trafford in the summer .\"]\n", - "=======================\n", - "[\"robin van persie has been linked with a move from manchester unitedholland international 's son shaqueel has been showing off his skillsthe dutchman 's son scored with a scorpion kick made famous by colombia keeper rene higuita\"]\n", - "colombia no 1 rene higuita famously performed a scorpion kick against england at wembleythe seven-year-old , who has trained with both manchester clubs and starred in a bt sport advert , showed he has inherited some of his father 's skills after being filmed scoring with a ` scorpion kick ' in his back garden .meanwhile , the manchester united forward will reportedly be offered # 5million to leave old trafford in the summer .\n", - "robin van persie has been linked with a move from manchester unitedholland international 's son shaqueel has been showing off his skillsthe dutchman 's son scored with a scorpion kick made famous by colombia keeper rene higuita\n", - "[1.1189367 1.2879467 1.2528436 1.3072462 1.2578181 1.2307459 1.0240176\n", - " 1.2073288 1.0209149 1.0224222 1.1094493 1.1226579 1.1050543 1.0221399\n", - " 1.0204564 1.042548 1.0996871 1.071582 1.0426599 1.009422 ]\n", - "\n", - "[ 3 1 4 2 5 7 11 0 10 12 16 17 18 15 6 9 13 8 14 19]\n", - "=======================\n", - "['experts have voiced concerns over diy brain stimulation kits for children that are being sold onlinethe abc have reported that for a few hundred dollars , you can purchase your own kit on the web , and nothing is stopping buyers from using it on their children .online advertisements have promised immediate results , but have not made the potential dangerous side effects clear .']\n", - "=======================\n", - "['experts have voiced concerns over diy brain stimulation kits for childrenfor a few hundred dollars , one can be purchased online from various sitesit promises to help children with math homework and claims to help adhdprofessor colleen loo from the black dog institute strongly believes that the equipment poses a danger to amateurs and childrenthe equipment is currently being used to treat people with speech impediments but is still very much in trial stages']\n", - "experts have voiced concerns over diy brain stimulation kits for children that are being sold onlinethe abc have reported that for a few hundred dollars , you can purchase your own kit on the web , and nothing is stopping buyers from using it on their children .online advertisements have promised immediate results , but have not made the potential dangerous side effects clear .\n", - "experts have voiced concerns over diy brain stimulation kits for childrenfor a few hundred dollars , one can be purchased online from various sitesit promises to help children with math homework and claims to help adhdprofessor colleen loo from the black dog institute strongly believes that the equipment poses a danger to amateurs and childrenthe equipment is currently being used to treat people with speech impediments but is still very much in trial stages\n", - "[1.2366352 1.3779839 1.255199 1.2581034 1.122217 1.1348866 1.0774734\n", - " 1.0848576 1.0647643 1.0635813 1.057878 1.028692 1.0159837 1.0775878\n", - " 1.077077 1.0508895 1.1000745 1.0725312 1.0660768 1.0602238 1.0188965\n", - " 1.056311 ]\n", - "\n", - "[ 1 3 2 0 5 4 16 7 13 6 14 17 18 8 9 19 10 21 15 11 20 12]\n", - "=======================\n", - "[\"the 25-year-old died in police custody 15 days ago after he was arrested on a weapons charge .gray 's death in custody is the latest in a string of high profile deaths involving african-americans and law enforcement .his death from a severe spinal chord injury sparked widespread outrage toward the baltimore police department .\"]\n", - "=======================\n", - "[\"eric garner 's family and other members of families united for justice will attend gray 's funeralgray was arrested april 12 and died a week later from a severe spinal cord injurythree white house officials will also attend gray 's funeral\"]\n", - "the 25-year-old died in police custody 15 days ago after he was arrested on a weapons charge .gray 's death in custody is the latest in a string of high profile deaths involving african-americans and law enforcement .his death from a severe spinal chord injury sparked widespread outrage toward the baltimore police department .\n", - "eric garner 's family and other members of families united for justice will attend gray 's funeralgray was arrested april 12 and died a week later from a severe spinal cord injurythree white house officials will also attend gray 's funeral\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[1.5316384 1.4107307 1.3165573 1.4255687 1.1346395 1.1765078 1.0748851\n", - " 1.0377301 1.0161616 1.0132077 1.1038957 1.0179721 1.0219079 1.0186075\n", - " 1.017237 1.0203766 1.012882 1.0170358 1.0114672 1.0692731 1.0200394\n", - " 1.021152 ]\n", - "\n", - "[ 0 3 1 2 5 4 10 6 19 7 12 21 15 20 13 11 14 17 8 9 16 18]\n", - "=======================\n", - "[\"burnley boss sean dyche insists his team will not resort to diving and cheating in their battle against relegation .sean dyche is insistent that his burnley players wo n't ever dive or cheat to prosper under himdyche says he has been shocked by the amount of simulation he has witnessed during burnley 's first season back in the barclays premier league .\"]\n", - "=======================\n", - "[\"sean dyche says his burnley players wo n't cheat or dive to winthe 43-year-old wants to win games in the right and correct mannerdyche revealed another manager has labelled his side as naiveclick here for all the latest burnley news\"]\n", - "burnley boss sean dyche insists his team will not resort to diving and cheating in their battle against relegation .sean dyche is insistent that his burnley players wo n't ever dive or cheat to prosper under himdyche says he has been shocked by the amount of simulation he has witnessed during burnley 's first season back in the barclays premier league .\n", - "sean dyche says his burnley players wo n't cheat or dive to winthe 43-year-old wants to win games in the right and correct mannerdyche revealed another manager has labelled his side as naiveclick here for all the latest burnley news\n", - "[1.3210382 1.2831199 1.227618 1.1328143 1.2655661 1.1192281 1.0476466\n", - " 1.1280863 1.1906523 1.1214273 1.0966909 1.0441936 1.0189956 1.1032057\n", - " 1.1246499 1.0534134 1.0364221 1.0300205 1.0168201 1.0141517 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 4 2 8 3 7 14 9 5 13 10 15 6 11 16 17 12 18 19 20 21]\n", - "=======================\n", - "[\"defense attorneys released some of the training records saturday for a 73-year-old volunteer sheriff 's deputy charged with manslaughter in the fatal shooting of an unarmed suspect in oklahoma .the records for robert bates include certificates showing what training he received , job evaluation reports and weapons training and qualification records dating to 2008 .apology : robert bates became emotional as he apologized to the family of the man he shot dead during a botched sting operation on april 2 .\"]\n", - "=======================\n", - "[\"tulsa county sheriff 's office reserve deputy robert bates faces a charge of second-degree manslaughter for the april 2 shooting of eric harrisrecords include training certificates , job evaluation reports and weapons training and qualification records dating to 2008some of the records seem to indicate bates was proficient in firearms and dozens of other training courseshe kept his taser near his chest and his gun on his right side - but insisted the mix-up could have happened to anyonebates said he had completed all proper training and was not allowed to ` play cop ' just because he had donated equipment to the sheriff 's office\"]\n", - "defense attorneys released some of the training records saturday for a 73-year-old volunteer sheriff 's deputy charged with manslaughter in the fatal shooting of an unarmed suspect in oklahoma .the records for robert bates include certificates showing what training he received , job evaluation reports and weapons training and qualification records dating to 2008 .apology : robert bates became emotional as he apologized to the family of the man he shot dead during a botched sting operation on april 2 .\n", - "tulsa county sheriff 's office reserve deputy robert bates faces a charge of second-degree manslaughter for the april 2 shooting of eric harrisrecords include training certificates , job evaluation reports and weapons training and qualification records dating to 2008some of the records seem to indicate bates was proficient in firearms and dozens of other training courseshe kept his taser near his chest and his gun on his right side - but insisted the mix-up could have happened to anyonebates said he had completed all proper training and was not allowed to ` play cop ' just because he had donated equipment to the sheriff 's office\n", - "[1.2859478 1.3443389 1.2990086 1.0642097 1.2700316 1.1612356 1.0395582\n", - " 1.1368837 1.0736399 1.0400691 1.079524 1.0610875 1.0645837 1.225358\n", - " 1.0556102 1.0190841 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 4 13 5 7 10 8 12 3 11 14 9 6 15 20 16 17 18 19 21]\n", - "=======================\n", - "[\"kim scott posted the poem on saturday morning , a day after the body of a woman was discovered in cocoparra national park on friday afternoon and following the arrest of school cleaner vincent stanford , 24 , with her murder on thursday morning .the 26-year-old english and drama teacher was due to marry her long-time partner aaron leeson woolley on saturday , a fact keenly plain the poem , which was addressed to ` my dearest stephanie and aaron on your wedding day .kim scott addressed the poem intended for her younger sister and her fiancee , ` on this your special day ... '\"]\n", - "=======================\n", - "[\"stephanie scott 's sister kim has released a poem intended for her wedding` to my dearest stephanie and aaron on your wedding day .the poem details the romance and engagement of ms scott and mr woolleyfriends and family have flooded the post with sympathy and memorieskim scott invited loved ones to a memorial picnic on saturday afternoon\"]\n", - "kim scott posted the poem on saturday morning , a day after the body of a woman was discovered in cocoparra national park on friday afternoon and following the arrest of school cleaner vincent stanford , 24 , with her murder on thursday morning .the 26-year-old english and drama teacher was due to marry her long-time partner aaron leeson woolley on saturday , a fact keenly plain the poem , which was addressed to ` my dearest stephanie and aaron on your wedding day .kim scott addressed the poem intended for her younger sister and her fiancee , ` on this your special day ... '\n", - "stephanie scott 's sister kim has released a poem intended for her wedding` to my dearest stephanie and aaron on your wedding day .the poem details the romance and engagement of ms scott and mr woolleyfriends and family have flooded the post with sympathy and memorieskim scott invited loved ones to a memorial picnic on saturday afternoon\n", - "[1.2255813 1.5125825 1.3931483 1.3484483 1.1194013 1.0999444 1.2291028\n", - " 1.0697592 1.0758772 1.0275177 1.0191644 1.0407134 1.0215597 1.0428811\n", - " 1.1285222 1.0478216 1.0459323 1.048947 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 6 0 14 4 5 8 7 17 15 16 13 11 9 12 10 18 19 20 21]\n", - "=======================\n", - "[\"iain mackay , 40 , is believed to have argued with nilobon patty in a separate venue in hua hin , a resort some 125miles southwest of bangkok , shortly before his death .ms patty , 35 , also known as patty patrick , has been accused of ` indirectly causing his death ' as seeing her with another man had angered mr mackay , but claims she has done nothing wrong .the girlfriend of a british man who bled to death in thailand after injuring himself kicking a mirror in the bar where she works has denied having anything to do with the incident .\"]\n", - "=======================\n", - "['iain mackay , 40 , saw his thai girlfriend talking to another man in a bartrio reportedly got into a furious argument at the coastal hua hin resortshortly afterwards mr mackay appeared in a nearby shop bleeding heavilywas suffering injuries caused by shards of glass from a smashed mirrorparamedics were called to the scene but he died in hospital hours later']\n", - "iain mackay , 40 , is believed to have argued with nilobon patty in a separate venue in hua hin , a resort some 125miles southwest of bangkok , shortly before his death .ms patty , 35 , also known as patty patrick , has been accused of ` indirectly causing his death ' as seeing her with another man had angered mr mackay , but claims she has done nothing wrong .the girlfriend of a british man who bled to death in thailand after injuring himself kicking a mirror in the bar where she works has denied having anything to do with the incident .\n", - "iain mackay , 40 , saw his thai girlfriend talking to another man in a bartrio reportedly got into a furious argument at the coastal hua hin resortshortly afterwards mr mackay appeared in a nearby shop bleeding heavilywas suffering injuries caused by shards of glass from a smashed mirrorparamedics were called to the scene but he died in hospital hours later\n", - "[1.5072947 1.4224592 1.2039884 1.254582 1.2956355 1.2536783 1.1699972\n", - " 1.0645487 1.0158914 1.0154605 1.01366 1.0143065 1.0172814 1.036102\n", - " 1.0494817 1.015861 1.0683713 1.010148 1.0613838 1.1580633 1.0909 ]\n", - "\n", - "[ 0 1 4 3 5 2 6 19 20 16 7 18 14 13 12 8 15 9 11 10 17]\n", - "=======================\n", - "[\"jose mourinho has said diego costa 's recovery from a hamstring injury is going well and the striker could return for next weekend 's premier league showdown with arsenal .costa sustained the injury in the 2-1 home win over stoke city on april 4 and was expected to be out for a month .jose mourinho offered some positive injury news as he spoke ahead of chelsea 's game with man united\"]\n", - "=======================\n", - "[\"striker suffered his hamstring in the 2-1 win over stoke on april 4costa has recovered ahead of schedule and will train with squad next weekhe could return for their top-of-the-table clash with arsenal next weekendjose mourinho 's side face manchester united on saturday\"]\n", - "jose mourinho has said diego costa 's recovery from a hamstring injury is going well and the striker could return for next weekend 's premier league showdown with arsenal .costa sustained the injury in the 2-1 home win over stoke city on april 4 and was expected to be out for a month .jose mourinho offered some positive injury news as he spoke ahead of chelsea 's game with man united\n", - "striker suffered his hamstring in the 2-1 win over stoke on april 4costa has recovered ahead of schedule and will train with squad next weekhe could return for their top-of-the-table clash with arsenal next weekendjose mourinho 's side face manchester united on saturday\n", - "[1.2908342 1.3968222 1.2578026 1.3581179 1.164473 1.1043057 1.1232667\n", - " 1.0139999 1.0358603 1.0476911 1.1507454 1.0326103 1.0123713 1.0145202\n", - " 1.0550313 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 10 6 5 14 9 8 11 13 7 12 19 15 16 17 18 20]\n", - "=======================\n", - "[\"locals from the island of kudahuvadhoo , located in the southern area of the dhaalu atoll in the maldives , reported witnessing ' a low-flying jumbo jet ' on the morning of march 8 last year , when the flight disappeared while travelling from kuala lumpur to beijing with 239 people on board .the reports come as acoustic scientists from curtin university refuse to rule out the possibility that ` distinctive ' data they recorded from the area at the assumed time of the crash may have come from the impact of the aircraft as it hit the indian ocean .abdu rasheed ibrahim said he saw the plane flying towards him over the water , and did not know at the time that it could be the missing malaysian airlines flight . '\"]\n", - "=======================\n", - "[\"locals from the maldives island of kudahuvadhoo claim they saw a low-flying jet on the morning mh370 disappearedthe island is over 5000 kilometres away from the current search areamembers of the community say it was so low they could see the plane 's doors and make out the distinctive colouring on the side of the jetlocals made statements to verify what they had seen to officialscurtin university acoustic scientists say they recorded ` distinctive ' noise from the area at the presumed time of the crash\"]\n", - "locals from the island of kudahuvadhoo , located in the southern area of the dhaalu atoll in the maldives , reported witnessing ' a low-flying jumbo jet ' on the morning of march 8 last year , when the flight disappeared while travelling from kuala lumpur to beijing with 239 people on board .the reports come as acoustic scientists from curtin university refuse to rule out the possibility that ` distinctive ' data they recorded from the area at the assumed time of the crash may have come from the impact of the aircraft as it hit the indian ocean .abdu rasheed ibrahim said he saw the plane flying towards him over the water , and did not know at the time that it could be the missing malaysian airlines flight . '\n", - "locals from the maldives island of kudahuvadhoo claim they saw a low-flying jet on the morning mh370 disappearedthe island is over 5000 kilometres away from the current search areamembers of the community say it was so low they could see the plane 's doors and make out the distinctive colouring on the side of the jetlocals made statements to verify what they had seen to officialscurtin university acoustic scientists say they recorded ` distinctive ' noise from the area at the presumed time of the crash\n", - "[1.2421749 1.4484422 1.2915778 1.3321455 1.306168 1.0522741 1.02016\n", - " 1.0240071 1.030123 1.1515008 1.0764577 1.025212 1.0657868 1.0352337\n", - " 1.0783466 1.0877357 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 9 15 14 10 12 5 13 8 11 7 6 19 16 17 18 20]\n", - "=======================\n", - "[\"the prime minister , who travelled to glasgow this morning to unveil the tory party 's scottish manifesto , accused the snp and labour of posing a ` clear and present danger ' to britain .mr cameron said ed miliband could now only become prime minister with the support of the snp .he said the two parties were pretending to ` slug it out ' ahead of next month 's poll -- but insisted they were both working to ramp up spending regardless of the deficit .\"]\n", - "=======================\n", - "[\"the pm said the snp and labour presented a ` clear and present danger 'he said the two parties were ` really on the same side ' in the electionmr cameron said ed miliband can only become pm with the snp 's supportcomes ahead of tonight 's live tv debate between the main ` challengers 'mr cameron and the lib dem leader nick clegg will not take part\"]\n", - "the prime minister , who travelled to glasgow this morning to unveil the tory party 's scottish manifesto , accused the snp and labour of posing a ` clear and present danger ' to britain .mr cameron said ed miliband could now only become prime minister with the support of the snp .he said the two parties were pretending to ` slug it out ' ahead of next month 's poll -- but insisted they were both working to ramp up spending regardless of the deficit .\n", - "the pm said the snp and labour presented a ` clear and present danger 'he said the two parties were ` really on the same side ' in the electionmr cameron said ed miliband can only become pm with the snp 's supportcomes ahead of tonight 's live tv debate between the main ` challengers 'mr cameron and the lib dem leader nick clegg will not take part\n", - "[1.4226667 1.2018623 1.3612728 1.4607123 1.351577 1.0482253 1.0301408\n", - " 1.0404938 1.056917 1.0185909 1.0200176 1.0194633 1.0227355 1.0531764\n", - " 1.065139 1.0645607 1.0388565 1.0185341 1.1343759 0. 0. ]\n", - "\n", - "[ 3 0 2 4 1 18 14 15 8 13 5 7 16 6 12 10 11 9 17 19 20]\n", - "=======================\n", - "['sporty pippa middleton was spotted out jogging in london today , for the second time this week .a fitness fanatic , the younger sister of the duchess of cambridge is currently preparing to take part in a 54-mile charity bike ride from london to brighton in june , to raise money for the british heart foundation .despite temperatures in london reaching a toasty 23 degrees , the 31-year-old was seen pounding the pavement on a long run around the city .']\n", - "=======================\n", - "['pippa was seen pounding the pavement on a long run in the london heatthe 31-year-old is currently in training ahead of a 54-mile charity bike rideshe kept cool in coordinating orange vest and adidas shorts']\n", - "sporty pippa middleton was spotted out jogging in london today , for the second time this week .a fitness fanatic , the younger sister of the duchess of cambridge is currently preparing to take part in a 54-mile charity bike ride from london to brighton in june , to raise money for the british heart foundation .despite temperatures in london reaching a toasty 23 degrees , the 31-year-old was seen pounding the pavement on a long run around the city .\n", - "pippa was seen pounding the pavement on a long run in the london heatthe 31-year-old is currently in training ahead of a 54-mile charity bike rideshe kept cool in coordinating orange vest and adidas shorts\n", - "[1.0818307 1.4570864 1.1351128 1.2867931 1.2299591 1.1606299 1.1445912\n", - " 1.1063225 1.0584997 1.0747036 1.0729845 1.0926912 1.0682521 1.0650642\n", - " 1.0486766 1.0583295 1.0237955 1.0251763 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 5 6 2 7 11 0 9 10 12 13 8 15 14 17 16 18 19 20]\n", - "=======================\n", - "[\"now showbags cost anywhere from $ 10 to $ 30 and are among the mounting prices parents are paying for their annual trip to the easter show - along with $ 40 entrance fees and $ 15 rides .the official website of the sydney royal easter show lists the retail value of show bag contents , and reveals that at least one of the bags cost more than it would to buy the items outright .the cowboy bag includes a toy sheriff 's hat , a vest and a red bandana , as well as a toy pump action shotgun and a pack of plastic pistols and handcuffs .\"]\n", - "=======================\n", - "['the 2015 sydney royal easter show opened to the public last thursday 26the website displays the retail value of the showbags and their official costsome cost more than their retail value , others list grossly inaccurate costs']\n", - "now showbags cost anywhere from $ 10 to $ 30 and are among the mounting prices parents are paying for their annual trip to the easter show - along with $ 40 entrance fees and $ 15 rides .the official website of the sydney royal easter show lists the retail value of show bag contents , and reveals that at least one of the bags cost more than it would to buy the items outright .the cowboy bag includes a toy sheriff 's hat , a vest and a red bandana , as well as a toy pump action shotgun and a pack of plastic pistols and handcuffs .\n", - "the 2015 sydney royal easter show opened to the public last thursday 26the website displays the retail value of the showbags and their official costsome cost more than their retail value , others list grossly inaccurate costs\n", - "[1.2585727 1.2881103 1.3414673 1.2451272 1.202707 1.1907591 1.1287581\n", - " 1.1079004 1.0866042 1.0799128 1.060779 1.0408239 1.0431635 1.0690943\n", - " 1.0304053 1.036852 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 4 5 6 7 8 9 13 10 12 11 15 14 16 17 18 19]\n", - "=======================\n", - "[\"the church of england 's ambitious plans involve harnessing the energy of bath 's 45 °c spring water to power a modern heating system for the building .bath abbey could be linked to the city 's roman water network to heat the vast medieval church using ancient underground springs .bath abbey ( pictured ) could have the world 's first natural underfloor heating system sourced from spring water in roman drains .\"]\n", - "=======================\n", - "['roman drains with warm spring water could be used for eco-heating850,000 litres of waste spring water filters to avon each day at presentthis waste water could be used to heat bath abbey in the historic cityengineers are looking at drains to explore whether the idea is viable']\n", - "the church of england 's ambitious plans involve harnessing the energy of bath 's 45 °c spring water to power a modern heating system for the building .bath abbey could be linked to the city 's roman water network to heat the vast medieval church using ancient underground springs .bath abbey ( pictured ) could have the world 's first natural underfloor heating system sourced from spring water in roman drains .\n", - "roman drains with warm spring water could be used for eco-heating850,000 litres of waste spring water filters to avon each day at presentthis waste water could be used to heat bath abbey in the historic cityengineers are looking at drains to explore whether the idea is viable\n", - "[1.0650616 1.0714961 1.5197103 1.3538254 1.241489 1.0404465 1.1415101\n", - " 1.2732314 1.1919763 1.1048827 1.1502962 1.1041906 1.1190603 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 7 4 8 10 6 12 9 11 1 0 5 13 14 15 16 17 18 19]\n", - "=======================\n", - "['the four-day easter long weekend will be extended by an hour when clocks go back an hour at 3am on sunday .the time change affects all states except queensland , the northern territory and western australia , where daylight saving is not observed .changing the clock is also a reminder for people to change their smoke alarm batteries , fire services around australia say .']\n", - "=======================\n", - "['clocks go back an hour at 3am on sunday , april 5 in all states except queensland , the northern territory and western australiadaylight savings will begin again on october 4 this yearchanging the clock is also a reminder for people to change their smoke alarm batteries , australian fire services say']\n", - "the four-day easter long weekend will be extended by an hour when clocks go back an hour at 3am on sunday .the time change affects all states except queensland , the northern territory and western australia , where daylight saving is not observed .changing the clock is also a reminder for people to change their smoke alarm batteries , fire services around australia say .\n", - "clocks go back an hour at 3am on sunday , april 5 in all states except queensland , the northern territory and western australiadaylight savings will begin again on october 4 this yearchanging the clock is also a reminder for people to change their smoke alarm batteries , australian fire services say\n", - "[1.253328 1.4329131 1.5196514 1.3049834 1.1110685 1.0469757 1.0368148\n", - " 1.0166124 1.015397 1.0823619 1.0992867 1.0147799 1.0092068 1.0095525\n", - " 1.0181433 1.0600631 1.1122108 1.1560266 1.1787419 1.02086 ]\n", - "\n", - "[ 2 1 3 0 18 17 16 4 10 9 15 5 6 19 14 7 8 11 13 12]\n", - "=======================\n", - "[\"when klitschko faces bryant jennings on april 25 at new york 's madison square garden , he will risk his heavyweight belt for the 18th time .now , in his ninth year as champion , klitschko is catching joe louis and larry holmes in successful defences .a win over jennings will place klitschko within one successful defense of holmes but he would still need six additional wins to match louis ' record of 25 .\"]\n", - "=======================\n", - "[\"wladimir klitschko takes on bryant jennings in new york on april 23victory will take him to within one of larry holmes ' record of 19 defencesklitschko would need another six wins after that to match joe louisthe ukrainian hopes to face deontay wilder in a unification clashclick here for all the latest news from the world of boxing\"]\n", - "when klitschko faces bryant jennings on april 25 at new york 's madison square garden , he will risk his heavyweight belt for the 18th time .now , in his ninth year as champion , klitschko is catching joe louis and larry holmes in successful defences .a win over jennings will place klitschko within one successful defense of holmes but he would still need six additional wins to match louis ' record of 25 .\n", - "wladimir klitschko takes on bryant jennings in new york on april 23victory will take him to within one of larry holmes ' record of 19 defencesklitschko would need another six wins after that to match joe louisthe ukrainian hopes to face deontay wilder in a unification clashclick here for all the latest news from the world of boxing\n", - "[1.4199511 1.4870992 1.1377323 1.0844928 1.0998454 1.1491771 1.1120739\n", - " 1.082585 1.0785121 1.0770876 1.1206961 1.0296503 1.0275682 1.0652474\n", - " 1.0296063 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 5 2 10 6 4 3 7 8 9 13 11 14 12 15 16 17 18 19]\n", - "=======================\n", - "['the flight data recorder , or \" black box , \" was found thursday by recovery teams that have spent days since the march 24 crash scouring the mountainside in the french alps where the plane went down .evidence from the plane \\'s cockpit voice recorder , recovered swiftly after the crash , had already led investigators to believe that lubitz acted deliberately to bring down the plane , killing all 150 people on board .a statement from the bea on friday said its teams had immediately begun to investigate its contents .']\n", - "=======================\n", - "['french investigators : flight data recorder reveals andreas lubitz acted deliberately to crash planehe used autopilot to set altitude at 100 feet and then used the controls to speed up the descent']\n", - "the flight data recorder , or \" black box , \" was found thursday by recovery teams that have spent days since the march 24 crash scouring the mountainside in the french alps where the plane went down .evidence from the plane 's cockpit voice recorder , recovered swiftly after the crash , had already led investigators to believe that lubitz acted deliberately to bring down the plane , killing all 150 people on board .a statement from the bea on friday said its teams had immediately begun to investigate its contents .\n", - "french investigators : flight data recorder reveals andreas lubitz acted deliberately to crash planehe used autopilot to set altitude at 100 feet and then used the controls to speed up the descent\n", - "[1.6467484 1.4463633 1.0867257 1.0538343 1.1528779 1.0572225 1.0343579\n", - " 1.2092375 1.0704688 1.0318036 1.0237901 1.0261527 1.1480674 1.0986762\n", - " 1.0480747 1.0137591 1.0136707 1.0124861 1.0144976 1.1571057]\n", - "\n", - "[ 0 1 7 19 4 12 13 2 8 5 3 14 6 9 11 10 18 15 16 17]\n", - "=======================\n", - "[\"ben flower was given the honour of leading wigan 's victory song after helping them to a 30-20 win over warrington on his return from a six-month suspension .the 27-year-old wales forward did not get among the scorers but he did enough to impress coach shaun wane on his first appearance since being sent off in the warriors ' grand final defeat by st helens last october . 'the return of flower dominated the build-up to the super league derby while the half-time announcement that sam tomkins is returning to the club on a four-year contract made it a night to remember for wane .\"]\n", - "=======================\n", - "[\"wigan posted a 30-20 win against warrington on thursday nightben flower was making his first appearance for wigan in six monthsflower was banned following his red card in last year 's grand finalthe wales forward was sent off for an attack on lance hohaiasam tomkins is also returning to wigan on a four-deal next season\"]\n", - "ben flower was given the honour of leading wigan 's victory song after helping them to a 30-20 win over warrington on his return from a six-month suspension .the 27-year-old wales forward did not get among the scorers but he did enough to impress coach shaun wane on his first appearance since being sent off in the warriors ' grand final defeat by st helens last october . 'the return of flower dominated the build-up to the super league derby while the half-time announcement that sam tomkins is returning to the club on a four-year contract made it a night to remember for wane .\n", - "wigan posted a 30-20 win against warrington on thursday nightben flower was making his first appearance for wigan in six monthsflower was banned following his red card in last year 's grand finalthe wales forward was sent off for an attack on lance hohaiasam tomkins is also returning to wigan on a four-deal next season\n", - "[1.1312801 1.3298508 1.3793058 1.3082438 1.2998418 1.3180041 1.1214784\n", - " 1.0791053 1.1494462 1.041657 1.0409105 1.0297564 1.123468 1.1378335\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 5 3 4 8 13 0 12 6 7 9 10 11 18 14 15 16 17 19]\n", - "=======================\n", - "['however , it has not been working for two years after every single fixed device was switched off in the west midlands .the bright yellow gatso had previously enforced the 30mph speed limit for motorists along the residential road in handsworth , birmingham .around 300 speed and traffic camera , using old technology , were turned off across the region in march 2013']\n", - "=======================\n", - "['speed camera discovered pointing at house in handsworth , birminghamfixed cameras switched off across the west midlands in spring of 2013site is not going to be part of a new trial using digital technologyobsolete camera may now be taken down after engineers examine device']\n", - "however , it has not been working for two years after every single fixed device was switched off in the west midlands .the bright yellow gatso had previously enforced the 30mph speed limit for motorists along the residential road in handsworth , birmingham .around 300 speed and traffic camera , using old technology , were turned off across the region in march 2013\n", - "speed camera discovered pointing at house in handsworth , birminghamfixed cameras switched off across the west midlands in spring of 2013site is not going to be part of a new trial using digital technologyobsolete camera may now be taken down after engineers examine device\n", - "[1.445898 1.3587819 1.3178375 1.1338297 1.374862 1.28039 1.0758572\n", - " 1.0656095 1.0280468 1.0196062 1.0168366 1.0110408 1.0667517 1.02384\n", - " 1.2850637 1.0949895 1.097374 1.0066503 1.0147496 1.0084627]\n", - "\n", - "[ 0 4 1 2 14 5 3 16 15 6 12 7 8 13 9 10 18 11 19 17]\n", - "=======================\n", - "[\"manuel pellegrini claimed he does not fear the sack after manchester city 's title hopes suffered a big blow at crystal palace .palace piled the pressure on the chilean with an outstanding win that was secured by goals from glenn murray and jason puncheon .it leaves city in fourth place , nine points behind barclays premier league leaders chelsea , and sweating on qualification for next season 's champions league .\"]\n", - "=======================\n", - "[\"manchester city 's chances of retaining the premier league title were dealt a hammer blow by a 2-1 defeat at crystal palaceglenn murray and jason puncheon scored for the eagles before yaya toure grabbed a consolation for citymanuel pellegrini believes that murray 's goal was a ` clear offside 'city are now fourth in the league table , nine points adrift of leaders chelsea with just seven matches remainingclick here for all the latest manchester city news\"]\n", - "manuel pellegrini claimed he does not fear the sack after manchester city 's title hopes suffered a big blow at crystal palace .palace piled the pressure on the chilean with an outstanding win that was secured by goals from glenn murray and jason puncheon .it leaves city in fourth place , nine points behind barclays premier league leaders chelsea , and sweating on qualification for next season 's champions league .\n", - "manchester city 's chances of retaining the premier league title were dealt a hammer blow by a 2-1 defeat at crystal palaceglenn murray and jason puncheon scored for the eagles before yaya toure grabbed a consolation for citymanuel pellegrini believes that murray 's goal was a ` clear offside 'city are now fourth in the league table , nine points adrift of leaders chelsea with just seven matches remainingclick here for all the latest manchester city news\n", - "[1.5080135 1.1820475 1.3789587 1.3185632 1.1341287 1.115563 1.215596\n", - " 1.1885391 1.1453035 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 6 7 1 8 4 5 17 16 15 14 9 12 11 10 18 13 19]\n", - "=======================\n", - "['world number one novak djokovic eased into the third round of the monte carlo masters with a straight sets victory over qualifier albert ramos-vinolas .david ferrer is also through after his opponent victor estrella burgos retired with a shoulder problemit was a comfortable win for djokovic who came through 6-1 6-4 and he faces andreas haider-maurer , who defeated bernard tomic in three sets , in the next round .']\n", - "=======================\n", - "['novak djokovic beat qualifier albert ramos-vinolas in straight setsdavid ferrer is also into the next round after his opponent retiredjo-wilfried tsonga had to be alert as he was pushed by jan-lennard struff']\n", - "world number one novak djokovic eased into the third round of the monte carlo masters with a straight sets victory over qualifier albert ramos-vinolas .david ferrer is also through after his opponent victor estrella burgos retired with a shoulder problemit was a comfortable win for djokovic who came through 6-1 6-4 and he faces andreas haider-maurer , who defeated bernard tomic in three sets , in the next round .\n", - "novak djokovic beat qualifier albert ramos-vinolas in straight setsdavid ferrer is also into the next round after his opponent retiredjo-wilfried tsonga had to be alert as he was pushed by jan-lennard struff\n", - "[1.5435253 1.4282794 1.5431021 1.1433175 1.106355 1.0268923 1.04015\n", - " 1.0606612 1.0384417 1.0205485 1.0111828 1.0143629 1.0559055 1.1157615\n", - " 1.0338646 1.02807 1.0153816 1.0743643 0. 0. ]\n", - "\n", - "[ 0 2 1 3 13 4 17 7 12 6 8 14 15 5 9 16 11 10 18 19]\n", - "=======================\n", - "[\"manchester city defender pablo zabaleta accepts the fallen champions are facing a battle to finish in the top four .manuel pellegrini 's men crashed 4-2 at old trafford , a sixth defeat in eight games in all competitions and a result which leaves them fourth and clinging onto a champions league place .zabaleta admits confidence is low with sunday 's derby loss at manchester united having continued a dismal run which has seen city capitulate in the barclays premier league title race .\"]\n", - "=======================\n", - "[\"current holders manchester city have capitulated in this season 's title racederby defeat to manchester united leaves them 12 points adrift of chelseamanuel pellegrini 's side have dropped to fourth behind united and arsenalsouthampton sit in fifth place five points behind manchester cityread : pellegrini 's job on the line as patrick vieira waits in the wings\"]\n", - "manchester city defender pablo zabaleta accepts the fallen champions are facing a battle to finish in the top four .manuel pellegrini 's men crashed 4-2 at old trafford , a sixth defeat in eight games in all competitions and a result which leaves them fourth and clinging onto a champions league place .zabaleta admits confidence is low with sunday 's derby loss at manchester united having continued a dismal run which has seen city capitulate in the barclays premier league title race .\n", - "current holders manchester city have capitulated in this season 's title racederby defeat to manchester united leaves them 12 points adrift of chelseamanuel pellegrini 's side have dropped to fourth behind united and arsenalsouthampton sit in fifth place five points behind manchester cityread : pellegrini 's job on the line as patrick vieira waits in the wings\n", - "[1.2027156 1.3404624 1.2542946 1.263063 1.1854126 1.1187533 1.1279432\n", - " 1.1392123 1.0918624 1.0614753 1.0721565 1.0689609 1.100174 1.0808172\n", - " 1.0709496 1.1013031 1.0894208 1.006466 1.0050902 1.0239079]\n", - "\n", - "[ 1 3 2 0 4 7 6 5 15 12 8 16 13 10 14 11 9 19 17 18]\n", - "=======================\n", - "[\"officers from police scotland 's edinburgh division -- which has seen break-ins soar by nearly 40 per cent -- posted pictures of the lego models on their facebook page as part of a move to raise awareness of crime .last night , victims branded the move as ` insensitive ' and ` a joke ' .police are using tiny plastic lego figures in a campaign to warn people about the rising tide of housebreakings in scotland .\"]\n", - "=======================\n", - "['officers posted pictures of lego models on their facebook pagepart of campaign by police in edinburgh to raise awareness of crimeit follows a 38.7 per cent rise in break-ins in the 12 months to april 2014but publicity stunt has been met with criticism from politicians and victims']\n", - "officers from police scotland 's edinburgh division -- which has seen break-ins soar by nearly 40 per cent -- posted pictures of the lego models on their facebook page as part of a move to raise awareness of crime .last night , victims branded the move as ` insensitive ' and ` a joke ' .police are using tiny plastic lego figures in a campaign to warn people about the rising tide of housebreakings in scotland .\n", - "officers posted pictures of lego models on their facebook pagepart of campaign by police in edinburgh to raise awareness of crimeit follows a 38.7 per cent rise in break-ins in the 12 months to april 2014but publicity stunt has been met with criticism from politicians and victims\n", - "[1.4568261 1.2124728 1.4460156 1.201323 1.1573482 1.0558302 1.0200908\n", - " 1.095836 1.0656137 1.1125902 1.0591581 1.0708072 1.0687582 1.0825305\n", - " 1.08298 1.0112236 1.1368057 1.1764867 1.1042804 1.0613966]\n", - "\n", - "[ 0 2 1 3 17 4 16 9 18 7 14 13 11 12 8 19 10 5 6 15]\n", - "=======================\n", - "[\"facinet keita was representing guinea in the 2012 olympics when he was knocked out in the qualifying stagesfacinet keita , 31 , fled the olympic village in summer 2012 , claiming his failure to win a medal meant he ` would be murdered ' if he returned to his native guinea .an olympic judo star from africa is still fighting to stay in britain -- three years after flying here for the london games then refusing to leave .\"]\n", - "=======================\n", - "[\"facinet keita , 31 , represented guinea in men 's +100 kg judo but lost bouthe claims he was told he 'd be murdered for disgracing country on returnafter games he fled to bradford but was detained in an immigration centrereleased to be deported but is refusing to leave in fear he 'd be killed\"]\n", - "facinet keita was representing guinea in the 2012 olympics when he was knocked out in the qualifying stagesfacinet keita , 31 , fled the olympic village in summer 2012 , claiming his failure to win a medal meant he ` would be murdered ' if he returned to his native guinea .an olympic judo star from africa is still fighting to stay in britain -- three years after flying here for the london games then refusing to leave .\n", - "facinet keita , 31 , represented guinea in men 's +100 kg judo but lost bouthe claims he was told he 'd be murdered for disgracing country on returnafter games he fled to bradford but was detained in an immigration centrereleased to be deported but is refusing to leave in fear he 'd be killed\n", - "[1.2576319 1.5213207 1.3351685 1.0578374 1.0253657 1.3255247 1.0889497\n", - " 1.156637 1.0561675 1.0485963 1.0296865 1.0592103 1.0726608 1.1185342\n", - " 1.1605403 1.0593638 1.0936495 1.0306268 0. 0. ]\n", - "\n", - "[ 1 2 5 0 14 7 13 16 6 12 15 11 3 8 9 17 10 4 18 19]\n", - "=======================\n", - "[\"fossicker ashley manzie was combing the park with his metal detector when he discovered a medal belonging to frederick george biddulph , who served with the 23rd australian infantry battalion at gallipolli between 1914 and 1915 .mr manzie posted photos of the silver medal to an online fossicking forum , which led him to sydney man stephen norton - biddulph 's great-nephew .the family of one anzac veteran were thrilled to receive news from a stranger this week that their relative 's war medal had been unearthed in an east melbourne park .\"]\n", - "=======================\n", - "[\"a melbourne man has unearthed a ww1 medal with his metal detectorashley manzie tracked down the medal owner 's great-nephew after posting photos to an online fossicking forumthe discovery was made a week before 100th anzac day commemorations\"]\n", - "fossicker ashley manzie was combing the park with his metal detector when he discovered a medal belonging to frederick george biddulph , who served with the 23rd australian infantry battalion at gallipolli between 1914 and 1915 .mr manzie posted photos of the silver medal to an online fossicking forum , which led him to sydney man stephen norton - biddulph 's great-nephew .the family of one anzac veteran were thrilled to receive news from a stranger this week that their relative 's war medal had been unearthed in an east melbourne park .\n", - "a melbourne man has unearthed a ww1 medal with his metal detectorashley manzie tracked down the medal owner 's great-nephew after posting photos to an online fossicking forumthe discovery was made a week before 100th anzac day commemorations\n", - "[1.2381597 1.3191822 1.1898624 1.3099349 1.1693351 1.2967999 1.2504364\n", - " 1.109866 1.0493176 1.0487957 1.031523 1.1014311 1.0937934 1.0371383\n", - " 1.0639774 1.0641929 1.0090162 1.0390257 0. 0. ]\n", - "\n", - "[ 1 3 5 6 0 2 4 7 11 12 15 14 8 9 17 13 10 16 18 19]\n", - "=======================\n", - "[\"the women , who worked at the dementia unit of the bupa-run facility , in bretton , cambridgeshire , told one woman she was going to be killed .chloe pearsall , 26 , ( left ) and nicole howley , 25 ( right ) committed the acts of abuse at the care home throughout 2013 they have been jailed along with their colleagues joanne fisher , 36 , and barbara holcroft , 63a judge said he had to deal with his own ` revulsion ' as he jailed four care home assistants who called their dementia residents ` fugly ' and told one she was living in a brothel .\"]\n", - "=======================\n", - "[\"judge had to set aside own feelings to give them an appropriate sentencecarers told one woman she lived in a brothel , another she would be killedall four care workers convicted and sentenced for the ` systematic abuse 'abuse committed in 2013 at wentworth croft care home in cambridgeshire\"]\n", - "the women , who worked at the dementia unit of the bupa-run facility , in bretton , cambridgeshire , told one woman she was going to be killed .chloe pearsall , 26 , ( left ) and nicole howley , 25 ( right ) committed the acts of abuse at the care home throughout 2013 they have been jailed along with their colleagues joanne fisher , 36 , and barbara holcroft , 63a judge said he had to deal with his own ` revulsion ' as he jailed four care home assistants who called their dementia residents ` fugly ' and told one she was living in a brothel .\n", - "judge had to set aside own feelings to give them an appropriate sentencecarers told one woman she lived in a brothel , another she would be killedall four care workers convicted and sentenced for the ` systematic abuse 'abuse committed in 2013 at wentworth croft care home in cambridgeshire\n", - "[1.2485955 1.5225631 1.3195683 1.3400605 1.0276067 1.0216362 1.0130706\n", - " 1.0270745 1.1136639 1.0512133 1.2386638 1.0421591 1.072998 1.0543731\n", - " 1.077565 1.0469983 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 10 8 14 12 13 9 15 11 4 7 5 6 16 17 18 19]\n", - "=======================\n", - "[\"the robot , named bb-8 , took to the stage at star wars celebration convention in anaheim , california , where it literally ran rings around the retro droid on its spherical body .jj abrams , the film 's director , confirmed that a real robot was used during filming , but did not reveal how it works .it may look like cgi in the trailer , but the droid that will join r2-d2 in the forthcoming star wars film - the force awakens - is very much real .\"]\n", - "=======================\n", - "[\"bb-8 moved in all directions on stage at star wars celebration in anaheimdirector jj abrams said a real robot and not cgi was used in the filmaudience were mesmerised by the droid but it 's a mystery how it workssuggestions include giant robotic ball has another magnetic robot on top\"]\n", - "the robot , named bb-8 , took to the stage at star wars celebration convention in anaheim , california , where it literally ran rings around the retro droid on its spherical body .jj abrams , the film 's director , confirmed that a real robot was used during filming , but did not reveal how it works .it may look like cgi in the trailer , but the droid that will join r2-d2 in the forthcoming star wars film - the force awakens - is very much real .\n", - "bb-8 moved in all directions on stage at star wars celebration in anaheimdirector jj abrams said a real robot and not cgi was used in the filmaudience were mesmerised by the droid but it 's a mystery how it workssuggestions include giant robotic ball has another magnetic robot on top\n", - "[1.165839 1.3006333 1.2682235 1.3412658 1.1791847 1.1270123 1.1273787\n", - " 1.0974799 1.1120828 1.0662848 1.0631615 1.0626109 1.093245 1.0244722\n", - " 1.0752679 1.0378313 1.053951 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 4 0 6 5 8 7 12 14 9 10 11 16 15 13 18 17 19]\n", - "=======================\n", - "[\"the caribbean island of providenciales , in turks and caicos , was named the best island in the world by tripadvisor usersprovidenciales has a reputation as one of the best beach destinations on the planet , and is adding to its trophy haul after claiming the top gong in tripadvisor 's annual ranking .tripadvisor said the rankings are based on reviews from users around the world , with winners being determined using an algorithm that considers the quantity and quality of reviews and ratings for each island 's hotels , restaurants and attractions .\"]\n", - "=======================\n", - "[\"providenciales consistently ranks as one of the best beach destinations on the planetgreece is home to three of the top four islands in europe , including santorini at no 1jersey ranked sixth in europe , its best ever position in tripadvisor 's annual rankings\"]\n", - "the caribbean island of providenciales , in turks and caicos , was named the best island in the world by tripadvisor usersprovidenciales has a reputation as one of the best beach destinations on the planet , and is adding to its trophy haul after claiming the top gong in tripadvisor 's annual ranking .tripadvisor said the rankings are based on reviews from users around the world , with winners being determined using an algorithm that considers the quantity and quality of reviews and ratings for each island 's hotels , restaurants and attractions .\n", - "providenciales consistently ranks as one of the best beach destinations on the planetgreece is home to three of the top four islands in europe , including santorini at no 1jersey ranked sixth in europe , its best ever position in tripadvisor 's annual rankings\n", - "[1.2545711 1.3320204 1.1202685 1.1325475 1.1336598 1.0836896 1.2027625\n", - " 1.1539907 1.0793746 1.0537025 1.0974493 1.0608963 1.0773042 1.1031749\n", - " 1.0816365 1.0999106 1.1381489 1.0214175 1.0169762 1.0603694]\n", - "\n", - "[ 1 0 6 7 16 4 3 2 13 15 10 5 14 8 12 11 19 9 17 18]\n", - "=======================\n", - "['but in his life , 50-year-old walter scott was also the father of four children and served in the coast guard before being honorably discharged .( cnn ) the world learned his name after he was killed by a south carolina police officer .justin bamberg , a lawyer for scott \\'s family , speculated thursday it could have been related to \" child support and a fear of maybe going back to ( jail ) . \"']\n", - "=======================\n", - "['walter scott owed over $ 18,000 in back child support payments , documents showwalter scott had four children and served in the coast guard , his brother sayshe was shot in the back and killed by a north charleston police officer']\n", - "but in his life , 50-year-old walter scott was also the father of four children and served in the coast guard before being honorably discharged .( cnn ) the world learned his name after he was killed by a south carolina police officer .justin bamberg , a lawyer for scott 's family , speculated thursday it could have been related to \" child support and a fear of maybe going back to ( jail ) . \"\n", - "walter scott owed over $ 18,000 in back child support payments , documents showwalter scott had four children and served in the coast guard , his brother sayshe was shot in the back and killed by a north charleston police officer\n", - "[1.1095183 1.2369816 1.1404932 1.3057925 1.3639824 1.1369911 1.0631183\n", - " 1.0459898 1.1558723 1.0593511 1.0333567 1.0279039 1.0345377 1.0219195\n", - " 1.0333916 1.019451 1.0353125 1.0497509 0. 0. ]\n", - "\n", - "[ 4 3 1 8 2 5 0 6 9 17 7 16 12 14 10 11 13 15 18 19]\n", - "=======================\n", - "[\"abigail ahern described the colours used by kelly wearstler in her malibu beachhouse as ` the most beautiful and complex i 've ever seen 'enthuses ahern , who says walking into her own colourful home gives her a ` squishy feeling of contentment ' everyday .now the best-selling author is on a mission to spread her colourful ethos with her new style bible , aptly named colour .\"]\n", - "=======================\n", - "[\"interior designer abigail ahern has written new style bible about coloursays her own colourful home gives her a ` squishy feeling of contentment 'being bold with colour is easier than you think , according to expert\"]\n", - "abigail ahern described the colours used by kelly wearstler in her malibu beachhouse as ` the most beautiful and complex i 've ever seen 'enthuses ahern , who says walking into her own colourful home gives her a ` squishy feeling of contentment ' everyday .now the best-selling author is on a mission to spread her colourful ethos with her new style bible , aptly named colour .\n", - "interior designer abigail ahern has written new style bible about coloursays her own colourful home gives her a ` squishy feeling of contentment 'being bold with colour is easier than you think , according to expert\n", - "[1.3837216 1.3390977 1.1650283 1.2659795 1.092378 1.0571809 1.0533701\n", - " 1.0816885 1.077449 1.2515638 1.1019285 1.0362835 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 9 2 10 4 7 8 5 6 11 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"twitter suspended more than 10,000 accounts linked to islamic state militants and their supporters in a single 24-hour period in a fresh crackdown on those ` tweeting violent threats ' .jihad-watchers noticed thousands of accounts vanishing from the social network last week , most of them claiming to be linked to the extremists currently terrorising vast swathes of the middle east .sick : twitter 's so-called ` violations department ' suspended approximately 10,000 accounts used by the isis militants themselves ( pictured ) or by supporters of the terror group , on april 2\"]\n", - "=======================\n", - "[\"thousands of accounts vanished from the social network last weektwitter said it had received numerous reports about terror-promoting usersdecided to suspend 10,000 accounts for making threats of violencesuspensions were almost certainly linked to a campaign by ` hacktavist ' collective anonymous targeting online jihadis\"]\n", - "twitter suspended more than 10,000 accounts linked to islamic state militants and their supporters in a single 24-hour period in a fresh crackdown on those ` tweeting violent threats ' .jihad-watchers noticed thousands of accounts vanishing from the social network last week , most of them claiming to be linked to the extremists currently terrorising vast swathes of the middle east .sick : twitter 's so-called ` violations department ' suspended approximately 10,000 accounts used by the isis militants themselves ( pictured ) or by supporters of the terror group , on april 2\n", - "thousands of accounts vanished from the social network last weektwitter said it had received numerous reports about terror-promoting usersdecided to suspend 10,000 accounts for making threats of violencesuspensions were almost certainly linked to a campaign by ` hacktavist ' collective anonymous targeting online jihadis\n", - "[1.5684689 1.263328 1.2054476 1.1283534 1.1418295 1.2422761 1.0743244\n", - " 1.0599225 1.1100878 1.0716718 1.1045768 1.045885 1.0369314 1.0416455\n", - " 1.0406804 1.0735234 1.0587335 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 2 4 3 8 10 6 15 9 7 16 11 13 14 12 17 18 19]\n", - "=======================\n", - "[\"sebastian kehl fired a spectacular long-distance volley in extra time to give borussia dortmund a 3-2 victory over hoffenheim on tuesday and a place in the semi-finals of the german cup .earlier , ricardo rodriguez converted a second-half penalty to allow wolfsburg to advance with a 1-0 victory over freiburg .dortmund 's serbian defender neven subotic loses his man to give his side the lead 1-0 against hoffenheim\"]\n", - "=======================\n", - "[\"sebastian kehl scored in extra time to edge borussia dortmund past hoffenheim 3-2 in the german cup quarter-finalsdortmund had taken an early lead in the 19th minute through neven subotic 's goal before kevin volland equalised for the visitorsroberto firmino then gave hoffenheim the lead with a superb chipped shot before patrick aubameyang pulled dortmund levelin extra time , kehl hit a wonderful volleyed effort from outside the box\"]\n", - "sebastian kehl fired a spectacular long-distance volley in extra time to give borussia dortmund a 3-2 victory over hoffenheim on tuesday and a place in the semi-finals of the german cup .earlier , ricardo rodriguez converted a second-half penalty to allow wolfsburg to advance with a 1-0 victory over freiburg .dortmund 's serbian defender neven subotic loses his man to give his side the lead 1-0 against hoffenheim\n", - "sebastian kehl scored in extra time to edge borussia dortmund past hoffenheim 3-2 in the german cup quarter-finalsdortmund had taken an early lead in the 19th minute through neven subotic 's goal before kevin volland equalised for the visitorsroberto firmino then gave hoffenheim the lead with a superb chipped shot before patrick aubameyang pulled dortmund levelin extra time , kehl hit a wonderful volleyed effort from outside the box\n", - "[1.1329784 1.633769 1.06295 1.0746329 1.5087155 1.193263 1.0204695\n", - " 1.0214084 1.022476 1.1344872 1.0255924 1.017083 1.1859751 1.0755992\n", - " 1.0574704 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 5 12 9 0 13 3 2 14 10 8 7 6 11 18 15 16 17 19]\n", - "=======================\n", - "['sydney couple epiphany morgan and carl mason produced 365 documentaries in as many days , visiting 35 countries and 70 cities , as part of their project 365 docobites , an idea which even the couple originally doubted would actually work .with only seven months to organise everything , epiphany , 23 , left her job at a film production company to freelance and work towards their dream , while carl , 27 , continued to work as a senior editor at an advertising agency .the couple began their filming journey in new york and visited 70 cities in their year of filming']\n", - "=======================\n", - "[\"epiphany morgan and carl mason produced 365 documentaries in a yearthe sydney couple travelled to 35 countries on a $ 40 per day budgetthey released one ` docobite ' each day of people they met while travellingthe pair said they learnt how to focus on what humans have in common\"]\n", - "sydney couple epiphany morgan and carl mason produced 365 documentaries in as many days , visiting 35 countries and 70 cities , as part of their project 365 docobites , an idea which even the couple originally doubted would actually work .with only seven months to organise everything , epiphany , 23 , left her job at a film production company to freelance and work towards their dream , while carl , 27 , continued to work as a senior editor at an advertising agency .the couple began their filming journey in new york and visited 70 cities in their year of filming\n", - "epiphany morgan and carl mason produced 365 documentaries in a yearthe sydney couple travelled to 35 countries on a $ 40 per day budgetthey released one ` docobite ' each day of people they met while travellingthe pair said they learnt how to focus on what humans have in common\n", - "[1.383071 1.3336658 1.107039 1.1915517 1.2919017 1.1530777 1.0232515\n", - " 1.0708374 1.0988389 1.048166 1.0574338 1.0890739 1.07674 1.0404999\n", - " 1.019945 1.072187 1.0104932 0. ]\n", - "\n", - "[ 0 1 4 3 5 2 8 11 12 15 7 10 9 13 6 14 16 17]\n", - "=======================\n", - "[\"police have revealed that they believe missing toddler william tyrell may be alive , despite fears that he was abducted by a paedophile ring operating on the mid-north coast of nsw .just a day after william 's parents made an impassioned plea for the three-year-old to be returned to them , police have described the ` fast-paced ' investigation into the new line of inquiry .we have information that could link william 's disappearance to a group of people suspected of paedophile activity , ' said lead investigator detective inspector gary jubelin .\"]\n", - "=======================\n", - "[\"police have said they believe william tyrrell may be alive after six monthsthey revealed this information has changed the focus of the investigationpolice have issued a strong warning for anyone found connectedthe parents of the toddler released a heartfelt plea for his safe returnhis mother spoke of the moment she realised he was missingshe said she searched the house in circles telling him to yell outhis mother said she knew he was missing when she could n't hear himthe toddler vanished from his home in kendall , nsw in september 2014\"]\n", - "police have revealed that they believe missing toddler william tyrell may be alive , despite fears that he was abducted by a paedophile ring operating on the mid-north coast of nsw .just a day after william 's parents made an impassioned plea for the three-year-old to be returned to them , police have described the ` fast-paced ' investigation into the new line of inquiry .we have information that could link william 's disappearance to a group of people suspected of paedophile activity , ' said lead investigator detective inspector gary jubelin .\n", - "police have said they believe william tyrrell may be alive after six monthsthey revealed this information has changed the focus of the investigationpolice have issued a strong warning for anyone found connectedthe parents of the toddler released a heartfelt plea for his safe returnhis mother spoke of the moment she realised he was missingshe said she searched the house in circles telling him to yell outhis mother said she knew he was missing when she could n't hear himthe toddler vanished from his home in kendall , nsw in september 2014\n", - "[1.2363552 1.3151171 1.4356356 1.3036209 1.1134722 1.2372763 1.0219537\n", - " 1.0124825 1.0879384 1.0664289 1.0774908 1.1066387 1.0366954 1.0172118\n", - " 1.0351033 1.1396656 1.0635829 1.0125197]\n", - "\n", - "[ 2 1 3 5 0 15 4 11 8 10 9 16 12 14 6 13 17 7]\n", - "=======================\n", - "[\"the alleged stalker , patrick henry kelly , from eden prairie , has been charged in the case and is set to go on trial next week .maria lucia detailed her year-long battle in a letter to fans on the current 's website on wednesday as she explained she would be taking some time off from the station following the ordeal .he faces up to 10 years in prison if convicted .\"]\n", - "=======================\n", - "[\"twin cities radio host mary lucia wrote a letter to her fans on wednesday saying she would be taking some time off work following her ordealshe described how she has ` constantly been looking over my shoulder ' after a stranger began contacting her incessantly from march 2014patrick henry kelly ` repeatedly called her at work and home and wrote her letters saying they should be together 'he ` left gifts including wine , candles , a calculator and food at her home 'after repeatedly violating a restraining order she had taken out against him , he was charged last year and goes on trial next week\"]\n", - "the alleged stalker , patrick henry kelly , from eden prairie , has been charged in the case and is set to go on trial next week .maria lucia detailed her year-long battle in a letter to fans on the current 's website on wednesday as she explained she would be taking some time off from the station following the ordeal .he faces up to 10 years in prison if convicted .\n", - "twin cities radio host mary lucia wrote a letter to her fans on wednesday saying she would be taking some time off work following her ordealshe described how she has ` constantly been looking over my shoulder ' after a stranger began contacting her incessantly from march 2014patrick henry kelly ` repeatedly called her at work and home and wrote her letters saying they should be together 'he ` left gifts including wine , candles , a calculator and food at her home 'after repeatedly violating a restraining order she had taken out against him , he was charged last year and goes on trial next week\n", - "[1.4127898 1.4202201 1.0582215 1.5039985 1.3254098 1.1263478 1.1284494\n", - " 1.0522279 1.0102178 1.0125269 1.0709902 1.0167643 1.1489623 1.0335152\n", - " 1.0317703 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 4 12 6 5 10 2 7 13 14 11 9 8 15 16 17]\n", - "=======================\n", - "[\"izzy brown has spoken of the incredible weekend after chelsea won the uefa youth league on mondaythe blues ' under 19 captain played the full 90 minutes of chelsea 's 4-0 semi-final win over roma in switzerland on friday afternoon after learning that mourinho wanted him on the bench for the premier league clash at queens park rangers on sunday .dominic solanke ( left ) and brown got the goals as chelsea saw off shakhtar donetsk to take the trophy\"]\n", - "=======================\n", - "[\"chelsea won the uefa youth league by beating shakhtar donetsk 3-2izzy brown flew in to captain side and scored twice after first-team call-upbrown was shocked but glad to have made it to both games for chelseadominic solanke scored chelsea 's other and hailed ` amazing achievement 'solanke also finished as tournament top scorer , netting his 12th in final\"]\n", - "izzy brown has spoken of the incredible weekend after chelsea won the uefa youth league on mondaythe blues ' under 19 captain played the full 90 minutes of chelsea 's 4-0 semi-final win over roma in switzerland on friday afternoon after learning that mourinho wanted him on the bench for the premier league clash at queens park rangers on sunday .dominic solanke ( left ) and brown got the goals as chelsea saw off shakhtar donetsk to take the trophy\n", - "chelsea won the uefa youth league by beating shakhtar donetsk 3-2izzy brown flew in to captain side and scored twice after first-team call-upbrown was shocked but glad to have made it to both games for chelseadominic solanke scored chelsea 's other and hailed ` amazing achievement 'solanke also finished as tournament top scorer , netting his 12th in final\n", - "[1.1593428 1.13178 1.4635998 1.1333448 1.5135105 1.3609753 1.158873\n", - " 1.0677711 1.015786 1.0119425 1.017465 1.0117282 1.0093795 1.0274315\n", - " 1.0168579 0. 0. 0. ]\n", - "\n", - "[ 4 2 5 0 6 3 1 7 13 10 14 8 9 11 12 16 15 17]\n", - "=======================\n", - "[\"bobby zamora ( left ) scored qpr 's third goal with an astounding lob from a narrow angle against west brom at the hawthornschris ramsey will hope queens park rangers ' season can follow a similarly implausible trajectory .charlie austin ( right ) headed qpr 's second goal of the game for his team on the 35th minute\"]\n", - "=======================\n", - "['eduardo vargas put qpr ahead with a spectacular strike from 25 yards after 15 minutescharlie austin doubled the lead with a header 20 minutes later , bobby zamora made it threevictor anichebe pulled one back for west brom before youssouf mulumbu was sent off and joey barton scored']\n", - "bobby zamora ( left ) scored qpr 's third goal with an astounding lob from a narrow angle against west brom at the hawthornschris ramsey will hope queens park rangers ' season can follow a similarly implausible trajectory .charlie austin ( right ) headed qpr 's second goal of the game for his team on the 35th minute\n", - "eduardo vargas put qpr ahead with a spectacular strike from 25 yards after 15 minutescharlie austin doubled the lead with a header 20 minutes later , bobby zamora made it threevictor anichebe pulled one back for west brom before youssouf mulumbu was sent off and joey barton scored\n", - "[1.3245535 1.4188638 1.1483567 1.2808871 1.2800422 1.128229 1.0666403\n", - " 1.0305897 1.032773 1.0215098 1.0525732 1.1976056 1.0509404 1.0257971\n", - " 1.0720717 1.1358427 1.1266633 1.0398482]\n", - "\n", - "[ 1 0 3 4 11 2 15 5 16 14 6 10 12 17 8 7 13 9]\n", - "=======================\n", - "[\"the former england footballer launched the scathing attack on the head of ukip after leaders from each of the seven largest parties went head-to-head for the first time in the historic tv election debate .match of the day presenter gary lineker has labelled nigel farage a 'd *** ' during last night 's leader 's debate .former manchester united defender rio ferdinand was also left uninspired by the debate , tweeting : ` unfortunately , none of these people on that stage engage with the generation of today . '\"]\n", - "=======================\n", - "[\"gary lineker launched the scathing attack after historic election debatelabelled nigel farage a 'd *** ' over his comments on foreign hiv sufferersfootball stars tweeted as seven major party leaders went head-to-headsol campbell also attacked ed miliband saying it was clear he 's ` no leader '\"]\n", - "the former england footballer launched the scathing attack on the head of ukip after leaders from each of the seven largest parties went head-to-head for the first time in the historic tv election debate .match of the day presenter gary lineker has labelled nigel farage a 'd *** ' during last night 's leader 's debate .former manchester united defender rio ferdinand was also left uninspired by the debate , tweeting : ` unfortunately , none of these people on that stage engage with the generation of today . '\n", - "gary lineker launched the scathing attack after historic election debatelabelled nigel farage a 'd *** ' over his comments on foreign hiv sufferersfootball stars tweeted as seven major party leaders went head-to-headsol campbell also attacked ed miliband saying it was clear he 's ` no leader '\n", - "[1.2001965 1.5472319 1.3422649 1.3923335 1.2503479 1.1610551 1.1424067\n", - " 1.0278674 1.0177606 1.0159373 1.0219796 1.0843408 1.0965393 1.1702067\n", - " 1.080576 1.05648 1.044755 1.0277951 1.0142752 1.0074091]\n", - "\n", - "[ 1 3 2 4 0 13 5 6 12 11 14 15 16 7 17 10 8 9 18 19]\n", - "=======================\n", - "[\"vivienne garton , 65 , was devastated her 10-year-old west highland terrier ben was snatched from her garden in knowle west , bristol , earlier this month .she began an appeal to find him and put up posters near her home , but shortly after she received two phone calls from an anonymous man threatening to cut up her pet unless she paid # 500 .loving pet : mrs garton 's 10-year-old dog is partially sighted , partially deaf and can not walk long distances and has been missing for a fortnight\"]\n", - "=======================\n", - "['vivienne garton , 65 , was devastated when her 10-year-old dog was stolenshe started appeal to find him but received a call from anonymous mancaller threatened to cut up her west highland terrier unless she paid # 500he gave address of empty house and police are investigating the blackmail']\n", - "vivienne garton , 65 , was devastated her 10-year-old west highland terrier ben was snatched from her garden in knowle west , bristol , earlier this month .she began an appeal to find him and put up posters near her home , but shortly after she received two phone calls from an anonymous man threatening to cut up her pet unless she paid # 500 .loving pet : mrs garton 's 10-year-old dog is partially sighted , partially deaf and can not walk long distances and has been missing for a fortnight\n", - "vivienne garton , 65 , was devastated when her 10-year-old dog was stolenshe started appeal to find him but received a call from anonymous mancaller threatened to cut up her west highland terrier unless she paid # 500he gave address of empty house and police are investigating the blackmail\n", - "[1.3449752 1.3769177 1.1574569 1.450593 1.1983932 1.1038352 1.1427772\n", - " 1.1166285 1.1110524 1.1174678 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 4 2 6 9 7 8 5 18 10 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"emmanuel adebayor ( left ) could be allowed to leave the club on a free transfer in the summerthe togolese 's move to spurs has proved a massive financial burden for the north london club , who pay the forward # 100,000-per-week .as revealed by sportsmail on april 1 , the club 's chairman daniel levy will subsidies adebayor 's wages to ensure he leaves this summer knowing potential suitors will not meet his current # 5.2million-per-season salary .\"]\n", - "=======================\n", - "['emmanuel adebayour looks set to leave tottenham in the summerthe north london club would prefer to receive a fee for the forwardhowever due to his high wages and daniel levy may let him leave for freeclick here for all the latest tottenham news']\n", - "emmanuel adebayor ( left ) could be allowed to leave the club on a free transfer in the summerthe togolese 's move to spurs has proved a massive financial burden for the north london club , who pay the forward # 100,000-per-week .as revealed by sportsmail on april 1 , the club 's chairman daniel levy will subsidies adebayor 's wages to ensure he leaves this summer knowing potential suitors will not meet his current # 5.2million-per-season salary .\n", - "emmanuel adebayour looks set to leave tottenham in the summerthe north london club would prefer to receive a fee for the forwardhowever due to his high wages and daniel levy may let him leave for freeclick here for all the latest tottenham news\n", - "[1.462692 1.4275054 1.3033131 1.2435828 1.1769227 1.0312773 1.0310988\n", - " 1.0710554 1.0864235 1.0651388 1.0428617 1.0480424 1.0320482 1.1562771\n", - " 1.0263464 1.2263969 1.0373122 1.0384301 0. 0. ]\n", - "\n", - "[ 0 1 2 3 15 4 13 8 7 9 11 10 17 16 12 5 6 14 18 19]\n", - "=======================\n", - "[\"manchester city manager manuel pellegrini has admitted for the first time he could be sacked if he finishes outside the champions league places this season .pellegrini 's side face west ham united at the etihad stadium on sunday with their top four prospects hanging in the balance .the premier league champions have lost four of their last five games and pellegrini said : ` you are wrong if you think that , at this club , you are out if you do n't win the title .\"]\n", - "=======================\n", - "['manchester city need to lift the gloom against west ham on sundaythe blues aim the bounce back from 4-2 mauling by united in derbycity are fourth in the premier league , four points above liverpool']\n", - "manchester city manager manuel pellegrini has admitted for the first time he could be sacked if he finishes outside the champions league places this season .pellegrini 's side face west ham united at the etihad stadium on sunday with their top four prospects hanging in the balance .the premier league champions have lost four of their last five games and pellegrini said : ` you are wrong if you think that , at this club , you are out if you do n't win the title .\n", - "manchester city need to lift the gloom against west ham on sundaythe blues aim the bounce back from 4-2 mauling by united in derbycity are fourth in the premier league , four points above liverpool\n", - "[1.1750832 1.5965524 1.2823029 1.4955231 1.3119292 1.0872833 1.0252358\n", - " 1.0657055 1.0756266 1.0698932 1.0774004 1.0288483 1.0254843 1.046526\n", - " 1.044066 1.0555869 1.010304 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 5 10 8 9 7 15 13 14 11 12 6 16 18 17 19]\n", - "=======================\n", - "[\"nicholas tooth , 25 , was playing for the quirindi lions against the narrabri blue boars in mid-north nsw on saturday when he collapsed after hitting his head on an opponent 's shoulder during a tackle .the young man was visiting his hometown in the new england region of nsw for the weekendhe was treated at the ground before being airlifted to newcastle 's john hunter hospital in a critical condition but died in hospital late on sunday .\"]\n", - "=======================\n", - "[\"nicholas tooth , 25 , was playing for the quirindi lions in regional nswon saturday he hit his head on an opponent 's shoulder during a tacklehe was airlifted to newcastle 's john hunter hospital in a critical conditionon sunday mr tooth , who had been living in sydney , died in hospital\"]\n", - "nicholas tooth , 25 , was playing for the quirindi lions against the narrabri blue boars in mid-north nsw on saturday when he collapsed after hitting his head on an opponent 's shoulder during a tackle .the young man was visiting his hometown in the new england region of nsw for the weekendhe was treated at the ground before being airlifted to newcastle 's john hunter hospital in a critical condition but died in hospital late on sunday .\n", - "nicholas tooth , 25 , was playing for the quirindi lions in regional nswon saturday he hit his head on an opponent 's shoulder during a tacklehe was airlifted to newcastle 's john hunter hospital in a critical conditionon sunday mr tooth , who had been living in sydney , died in hospital\n", - "[1.2165027 1.4443103 1.232919 1.2711722 1.2022719 1.0351857 1.0453753\n", - " 1.1379029 1.070229 1.1864785 1.0897344 1.1359903 1.0210491 1.0625248\n", - " 1.0241113 1.0455754 1.0209371 1.047531 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 9 7 11 10 8 13 17 15 6 5 14 12 16 18 19]\n", - "=======================\n", - "[\"fire boat massey shaw was requisitioned from the london fire brigade in 1940 and transported to dunkirk to help with the evacuation of allied troops in the face of the nazi advance .renovation : massey shaw has been restored to its former glory seven decades after helping to save 600 troops from the dunkirk beachesafter carrying 600 soldiers back to britain , the boat returned to london where it helped to save st paul 's cathedral and other buildings damaged in the blitz .\"]\n", - "=======================\n", - "[\"massey shaw was requisitioned from the london fire brigade and helped rescue 600 troops from dunkirk in 1940the vessel went on to save st paul 's cathedral during the blitz before being commissioned in 1971but the fire boat has been renovated and restored to its former glory by a group of volunteers thanks to lottery grantthey are now seeking another # 10,000 so they can transport the massey shaw back to dunkirk 70 years later\"]\n", - "fire boat massey shaw was requisitioned from the london fire brigade in 1940 and transported to dunkirk to help with the evacuation of allied troops in the face of the nazi advance .renovation : massey shaw has been restored to its former glory seven decades after helping to save 600 troops from the dunkirk beachesafter carrying 600 soldiers back to britain , the boat returned to london where it helped to save st paul 's cathedral and other buildings damaged in the blitz .\n", - "massey shaw was requisitioned from the london fire brigade and helped rescue 600 troops from dunkirk in 1940the vessel went on to save st paul 's cathedral during the blitz before being commissioned in 1971but the fire boat has been renovated and restored to its former glory by a group of volunteers thanks to lottery grantthey are now seeking another # 10,000 so they can transport the massey shaw back to dunkirk 70 years later\n", - "[1.2079626 1.4792795 1.3804009 1.4268596 1.1907777 1.0302987 1.0196079\n", - " 1.183457 1.033231 1.0313578 1.1165559 1.0826526 1.0561119 1.1009856\n", - " 1.0246161 1.0222802 1.062866 1.0178783 1.015019 1.0106223 1.0192801\n", - " 1.0311848]\n", - "\n", - "[ 1 3 2 0 4 7 10 13 11 16 12 8 9 21 5 14 15 6 20 17 18 19]\n", - "=======================\n", - "[\"louise shepherd had been hiking through the remote madidi national park in the north-western part of the country when a tree toppled onto her during a storm .ms shepherd , from cobham , surrey , had taken a ` gap year ' off work in order to go travelling around the world with her sister hannah and college friend rose jones , both 30 .a 31-year-old british woman has died in a freak accident when she was crushed by a falling tree in the bolivian jungle while on her dream round-the-world trip .\"]\n", - "=======================\n", - "['louise shepherd , 31 , killed in bolivia while on round-the-world tripms shepherd died after a tree fell on her during a jungle tourrecently worked at kingston university , but left in order to travel']\n", - "louise shepherd had been hiking through the remote madidi national park in the north-western part of the country when a tree toppled onto her during a storm .ms shepherd , from cobham , surrey , had taken a ` gap year ' off work in order to go travelling around the world with her sister hannah and college friend rose jones , both 30 .a 31-year-old british woman has died in a freak accident when she was crushed by a falling tree in the bolivian jungle while on her dream round-the-world trip .\n", - "louise shepherd , 31 , killed in bolivia while on round-the-world tripms shepherd died after a tree fell on her during a jungle tourrecently worked at kingston university , but left in order to travel\n", - "[1.5231225 1.3383243 1.0678096 1.2765403 1.1595951 1.1368606 1.093758\n", - " 1.0726033 1.0302355 1.0775115 1.0789007 1.0227112 1.0131665 1.0249606\n", - " 1.0242538 1.0328559 1.1188561 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 4 5 16 6 10 9 7 2 15 8 13 14 11 12 20 17 18 19 21]\n", - "=======================\n", - "[\"ben stokes starred with the ball on the first day of england 's warm-up match in st kitts , but it was the runs of alastair cook and jonathan trott that pleased him most .england dominated against a modest st kitts & nevis xi , dismissing them for a paltry 59 inside 27 overs and then compiling 181 for one in reply .alastair cook plays behind square on his way to an unbeaten 95 in the tour match against a st kitts ' xi\"]\n", - "=======================\n", - "[\"ben stokes took three wickets for 10 runs as england bowled st kitts & nevis xi out for just 59 in tour matchalastair cook ( 95 * ) and jonathan trott ( 72 ) made big opening standstokes praised batsmen , particularly ` one of the best in the world ' cook\"]\n", - "ben stokes starred with the ball on the first day of england 's warm-up match in st kitts , but it was the runs of alastair cook and jonathan trott that pleased him most .england dominated against a modest st kitts & nevis xi , dismissing them for a paltry 59 inside 27 overs and then compiling 181 for one in reply .alastair cook plays behind square on his way to an unbeaten 95 in the tour match against a st kitts ' xi\n", - "ben stokes took three wickets for 10 runs as england bowled st kitts & nevis xi out for just 59 in tour matchalastair cook ( 95 * ) and jonathan trott ( 72 ) made big opening standstokes praised batsmen , particularly ` one of the best in the world ' cook\n", - "[1.2603972 1.2908921 1.281702 1.324235 1.1975838 1.0722305 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 2 0 4 5 19 18 17 16 15 14 13 10 11 20 9 8 7 6 12 21]\n", - "=======================\n", - "['instead , there was bob barker , who hosted the tv game show for 35 years before stepping down in 2007 .contestants told to \" come on down ! \"on the april 1 edition of \" the price is right \" encountered not host drew carey but another familiar face in charge of the proceedings .']\n", - "=======================\n", - "['bob barker returned to host \" the price is right \" on wednesdaybarker , 91 , had retired as host in 2007']\n", - "instead , there was bob barker , who hosted the tv game show for 35 years before stepping down in 2007 .contestants told to \" come on down ! \"on the april 1 edition of \" the price is right \" encountered not host drew carey but another familiar face in charge of the proceedings .\n", - "bob barker returned to host \" the price is right \" on wednesdaybarker , 91 , had retired as host in 2007\n", - "[1.1545035 1.2804437 1.3576946 1.193674 1.2628713 1.1592937 1.15489\n", - " 1.0526583 1.0771229 1.0798651 1.0738076 1.0254288 1.0618502 1.0235109\n", - " 1.0733815 1.0896157 1.0855823 1.0330943 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 4 3 5 6 0 15 16 9 8 10 14 12 7 17 11 13 20 18 19 21]\n", - "=======================\n", - "[\"senior judge denzil lush said the elder sister could be jailed for attempting to alter a legal document , so she could gain greater control over her mother 's money .the hostility between the women -- one a 61-year-old retired gp and the other a 58-year-old radiographer -- meant they would never be able to make rational decisions about how to deal with the 97-year-old widow 's property , a judge said .she owns a # 600,000 house , has savings and shares worth # 100,000 , and has an income of # 1,200 a month .\"]\n", - "=======================\n", - "['sisters , one 61 and the other 58 , unable to agree because of mutual hatredjudge denzil lush said one could be jailed for trying to alter a documentlost control of a # 600,000 house and savings and shares worth # 100,000']\n", - "senior judge denzil lush said the elder sister could be jailed for attempting to alter a legal document , so she could gain greater control over her mother 's money .the hostility between the women -- one a 61-year-old retired gp and the other a 58-year-old radiographer -- meant they would never be able to make rational decisions about how to deal with the 97-year-old widow 's property , a judge said .she owns a # 600,000 house , has savings and shares worth # 100,000 , and has an income of # 1,200 a month .\n", - "sisters , one 61 and the other 58 , unable to agree because of mutual hatredjudge denzil lush said one could be jailed for trying to alter a documentlost control of a # 600,000 house and savings and shares worth # 100,000\n", - "[1.2315786 1.2115765 1.2821305 1.3654628 1.3166189 1.1701484 1.2304198\n", - " 1.0920508 1.0535762 1.0834829 1.0669298 1.1033807 1.0623868 1.0357883\n", - " 1.035351 1.0188489 1.0131677 1.0697113 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 4 2 0 6 1 5 11 7 9 17 10 12 8 13 14 15 16 18 19 20 21]\n", - "=======================\n", - "['jasmine midgley nearly died after a birthmark began blocking her airways .her parents tanja and steven were warned she may not surviveat just 10 weeks old , she was rushed back to hospital because the seemingly harmless mark had started growing into her throat , almost closing over her airways and choking her .']\n", - "=======================\n", - "[\"jasmine midgley , now four months , was born with a ` harmless ' birthmarkhad problems breathing but doctors said she simply had an infectionweeks later discovered the ` mark ' had grown into her throat , choking herbenign tumour of blood vessels blocking her airways has now been treated\"]\n", - "jasmine midgley nearly died after a birthmark began blocking her airways .her parents tanja and steven were warned she may not surviveat just 10 weeks old , she was rushed back to hospital because the seemingly harmless mark had started growing into her throat , almost closing over her airways and choking her .\n", - "jasmine midgley , now four months , was born with a ` harmless ' birthmarkhad problems breathing but doctors said she simply had an infectionweeks later discovered the ` mark ' had grown into her throat , choking herbenign tumour of blood vessels blocking her airways has now been treated\n", - "[1.1662791 1.400187 1.2070769 1.2944503 1.365435 1.2481468 1.0699315\n", - " 1.0325991 1.3038175 1.1211833 1.0146142 1.0094056 1.0116413 1.1662492\n", - " 1.0213677 1.0274752 1.0121043 1.040525 1.0100172 1.0102468 1.0093839]\n", - "\n", - "[ 1 4 8 3 5 2 0 13 9 6 17 7 15 14 10 16 12 19 18 11 20]\n", - "=======================\n", - "[\"that 's according to former police officer , darren stanton , who has become the uk 's top human leading human lie detector and body expert .philip schofield was also caught fibbing , which darren said he detected by a raised eyebrow .the old adage may claim that a liar can not look you in the eye , but in truth liars often stare\"]\n", - "=======================\n", - "[\"darren stanton is a former police officer and uk 's leading humansays statistically it 's a myth that a liar ca n't look you in the eyealso explains blink rate may double or triple and liars often twitchfaster or slower breathing and becoming less animated also signs\"]\n", - "that 's according to former police officer , darren stanton , who has become the uk 's top human leading human lie detector and body expert .philip schofield was also caught fibbing , which darren said he detected by a raised eyebrow .the old adage may claim that a liar can not look you in the eye , but in truth liars often stare\n", - "darren stanton is a former police officer and uk 's leading humansays statistically it 's a myth that a liar ca n't look you in the eyealso explains blink rate may double or triple and liars often twitchfaster or slower breathing and becoming less animated also signs\n", - "[1.1168976 1.2619725 1.4621724 1.3493185 1.2402093 1.190343 1.1494938\n", - " 1.0449916 1.133095 1.0410894 1.026208 1.0248696 1.044233 1.022448\n", - " 1.0374764 1.1669025 1.1130893 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 4 5 15 6 8 0 16 7 12 9 14 10 11 13 19 17 18 20]\n", - "=======================\n", - "[\"jeb corliss jumped over the 562m high ball 's pyramid near lord howe island , in the tasman sea between australia and new zealand , documenting his flight over the stunning site .but this wing-suit pilot , dubbed the flying dagger , has described the world 's tallest volcanic stack just off the coast of australia as ` the single most beautiful place i have ever been ' .corliss , 39 , has been base-jumping since the age of 22 and has dedicated his life to human flight .\"]\n", - "=======================\n", - "[\"jeb corliss jumped over the 562m high ball 's pyramid at lord howe islandfootage shows the 39-year-old leaping out of the helicopter in a wing-suitball 's pyramid is the world 's tallest volcanic stack between australia and new zealand\"]\n", - "jeb corliss jumped over the 562m high ball 's pyramid near lord howe island , in the tasman sea between australia and new zealand , documenting his flight over the stunning site .but this wing-suit pilot , dubbed the flying dagger , has described the world 's tallest volcanic stack just off the coast of australia as ` the single most beautiful place i have ever been ' .corliss , 39 , has been base-jumping since the age of 22 and has dedicated his life to human flight .\n", - "jeb corliss jumped over the 562m high ball 's pyramid at lord howe islandfootage shows the 39-year-old leaping out of the helicopter in a wing-suitball 's pyramid is the world 's tallest volcanic stack between australia and new zealand\n", - "[1.3620794 1.392202 1.2610402 1.1580518 1.1296086 1.1215923 1.1025438\n", - " 1.1222214 1.0787157 1.0907762 1.0190134 1.0617703 1.0373731 1.2270032\n", - " 1.0423198 1.0184704 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 13 3 4 7 5 6 9 8 11 14 12 10 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the white house said today that bernard would depart after a state dinner next month held in honor of the japanese prime minister , confirming rumors that bernard , 53 , would soon exit the administration .the first man to serve as white house social secretary , jeremy bernard , is leaving after four years on the job .the first lady said in a statement she was ` lucky to have such a talented individual on my team . ' '\"]\n", - "=======================\n", - "[\"white house said today that jeremy bernard would depart after a state dinner next month , confirming rumors he 'd soon exit the administrationfirst lady offered a glowing review of bernard 's tenure , saying she was ` lucky to have such a talented individual on my team ' and a ` lifelong friend 'he is moving back to california ` to think about what 's next and spend some quality time with garbo , my rescue beagle 'white house has not yet named a replacement\"]\n", - "the white house said today that bernard would depart after a state dinner next month held in honor of the japanese prime minister , confirming rumors that bernard , 53 , would soon exit the administration .the first man to serve as white house social secretary , jeremy bernard , is leaving after four years on the job .the first lady said in a statement she was ` lucky to have such a talented individual on my team . ' '\n", - "white house said today that jeremy bernard would depart after a state dinner next month , confirming rumors he 'd soon exit the administrationfirst lady offered a glowing review of bernard 's tenure , saying she was ` lucky to have such a talented individual on my team ' and a ` lifelong friend 'he is moving back to california ` to think about what 's next and spend some quality time with garbo , my rescue beagle 'white house has not yet named a replacement\n", - "[1.4004972 1.4537163 1.2109163 1.3584406 1.1416202 1.2112119 1.0507624\n", - " 1.0699574 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 5 2 4 7 6 18 17 16 15 14 10 12 11 19 9 8 13 20]\n", - "=======================\n", - "[\"manager sir alf ramsey promoted phillips from his role as under-23 team doctor just before the '66 world cup as seniors doctor alan bass had run out of holiday and could not join up with the squad for their preparation camp in lilleshall .neil phillips , the team doctor for england 's victorious 1966 world cup campaign , has died at the age of 83 .a service of thanksgiving will take place on wednesday april 8 in dr phillips ' home town of malvern in worcestershire .\"]\n", - "=======================\n", - "[\"neil phillips was part of sir alf ramsey 's backroom staff for world cupphillips was a late addition to the team , after being promoted from u23she also worked with england for 1970 and 1974 world cups\"]\n", - "manager sir alf ramsey promoted phillips from his role as under-23 team doctor just before the '66 world cup as seniors doctor alan bass had run out of holiday and could not join up with the squad for their preparation camp in lilleshall .neil phillips , the team doctor for england 's victorious 1966 world cup campaign , has died at the age of 83 .a service of thanksgiving will take place on wednesday april 8 in dr phillips ' home town of malvern in worcestershire .\n", - "neil phillips was part of sir alf ramsey 's backroom staff for world cupphillips was a late addition to the team , after being promoted from u23she also worked with england for 1970 and 1974 world cups\n", - "[1.3736631 1.1667671 1.3790833 1.226057 1.095564 1.0494587 1.0495163\n", - " 1.071464 1.2345707 1.0450485 1.0781142 1.0436097 1.0527732 1.0473974\n", - " 1.0639194 1.0332729 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 8 3 1 4 10 7 14 12 6 5 13 9 11 15 19 16 17 18 20]\n", - "=======================\n", - "[\"andre ward , still ranked by many among the top five pound-for-pound boxers in the world despite 17 months out of the ring , sees smith as the ideal warm-up opponent , possibly before a rematch with carl froch .paul smith , having bravely lost his two challenges to arthur abraham in germany , now finds himself in pole position for a third successive joust against a reigning world super-middleweight champion .the wba have ordered their two super-middle world champions -- ward ` super , ' froch ` regular ' -- to meet in a unification fight .\"]\n", - "=======================\n", - "['andre ward sees paul smith as the ideal warm-up opponentit could possibly come before a ward rematch with carl frochward has not fought since beating edwin rodriguez in november 2013froch is turning his attention a first appearance in las vegas']\n", - "andre ward , still ranked by many among the top five pound-for-pound boxers in the world despite 17 months out of the ring , sees smith as the ideal warm-up opponent , possibly before a rematch with carl froch .paul smith , having bravely lost his two challenges to arthur abraham in germany , now finds himself in pole position for a third successive joust against a reigning world super-middleweight champion .the wba have ordered their two super-middle world champions -- ward ` super , ' froch ` regular ' -- to meet in a unification fight .\n", - "andre ward sees paul smith as the ideal warm-up opponentit could possibly come before a ward rematch with carl frochward has not fought since beating edwin rodriguez in november 2013froch is turning his attention a first appearance in las vegas\n", - "[1.4810294 1.4093016 1.1466262 1.1327659 1.0779135 1.0929252 1.0517896\n", - " 1.1194636 1.0275044 1.0169455 1.0201632 1.079422 1.029953 1.1430148\n", - " 1.0721568 1.0174487 1.0459 1.0965477 1.0501827]\n", - "\n", - "[ 0 1 2 13 3 7 17 5 11 4 14 6 18 16 12 8 10 15 9]\n", - "=======================\n", - "['( cnn ) people magazine has anointed sandra bullock the world \\'s most beautiful woman of 2015 , the publication revealed on wednesday .bullock , 50 , joins a long line of actresses to receive the honor , including last year \\'s cover girl , lupita nyong ` o , and gwyneth paltrow in 2013 .she seems to be taking it all in stride , calling the whole thing \" ridiculous . \"']\n", - "=======================\n", - "['people magazine has named actress sandra bullock the most beautiful woman in the world\" be a good person ; be a good mom ; do a good job with the lunch , \" she says']\n", - "( cnn ) people magazine has anointed sandra bullock the world 's most beautiful woman of 2015 , the publication revealed on wednesday .bullock , 50 , joins a long line of actresses to receive the honor , including last year 's cover girl , lupita nyong ` o , and gwyneth paltrow in 2013 .she seems to be taking it all in stride , calling the whole thing \" ridiculous . \"\n", - "people magazine has named actress sandra bullock the most beautiful woman in the world\" be a good person ; be a good mom ; do a good job with the lunch , \" she says\n", - "[1.3553152 1.4420698 1.1593478 1.3817173 1.2339526 1.0304526 1.1710471\n", - " 1.0120745 1.1011333 1.0209727 1.1843114 1.0221156 1.031391 1.0330911\n", - " 1.0278937 1.0300564 1.0432404 1.0171897 1.0701908]\n", - "\n", - "[ 1 3 0 4 10 6 2 8 18 16 13 12 5 15 14 11 9 17 7]\n", - "=======================\n", - "['to commemorate his dedication to horse racing , churchill downs - the track that hosts the race every year - is inviting the 84-year-old man to attend his 76th-straight kentucky derby as their special guest on may 2 .john sutton jr has spent the first saturday of may the same way since he was 8 years old - on the sidelines of the kentucky derby .living history : sutton has collected a program from every kentucky derby he has attended and keeps them in a binder at home .']\n", - "=======================\n", - "[\"john sutton jr was just 8 years old in 1940 , when his blacksmith father took him to his first kentucky derbythe 84-year-old louisville native has n't missed a race since , and has amassed an impressive collection of memorabilia over the past 76 raceschurchill downs , the racing grounds that hosts the competition , has invited sutton to watch the event for free as a special guest on may 2\"]\n", - "to commemorate his dedication to horse racing , churchill downs - the track that hosts the race every year - is inviting the 84-year-old man to attend his 76th-straight kentucky derby as their special guest on may 2 .john sutton jr has spent the first saturday of may the same way since he was 8 years old - on the sidelines of the kentucky derby .living history : sutton has collected a program from every kentucky derby he has attended and keeps them in a binder at home .\n", - "john sutton jr was just 8 years old in 1940 , when his blacksmith father took him to his first kentucky derbythe 84-year-old louisville native has n't missed a race since , and has amassed an impressive collection of memorabilia over the past 76 raceschurchill downs , the racing grounds that hosts the competition , has invited sutton to watch the event for free as a special guest on may 2\n", - "[1.3922563 1.2004919 1.14552 1.1604316 1.1648219 1.1598135 1.1095095\n", - " 1.1006538 1.0736566 1.0569062 1.1108639 1.0697763 1.1343658 1.1190244\n", - " 1.0625739 1.0189226 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 3 5 2 12 13 10 6 7 8 11 14 9 15 16 17 18]\n", - "=======================\n", - "['seoul ( cnn ) north korean leader kim jong un is continuing to rule with an iron fist , having ordered the execution of about 15 senior officials so far this year , according to an assessment by south korean intelligence agents , a lawmaker who attended a closed briefing said .north korea is one of the most closed societies in the world .the nature of the intelligence supporting the national intelligence service allegations was also not immediately clear .']\n", - "=======================\n", - "['south korean lawmaker quotes intelligence officials as saying kim jong un countenances no disagreementofficial reportedly executed for expressing dissatisfaction with forestry programfour member of unhasu orchestra also reportedly executed']\n", - "seoul ( cnn ) north korean leader kim jong un is continuing to rule with an iron fist , having ordered the execution of about 15 senior officials so far this year , according to an assessment by south korean intelligence agents , a lawmaker who attended a closed briefing said .north korea is one of the most closed societies in the world .the nature of the intelligence supporting the national intelligence service allegations was also not immediately clear .\n", - "south korean lawmaker quotes intelligence officials as saying kim jong un countenances no disagreementofficial reportedly executed for expressing dissatisfaction with forestry programfour member of unhasu orchestra also reportedly executed\n", - "[1.2335445 1.353448 1.2247982 1.1713564 1.1333385 1.1268344 1.1205958\n", - " 1.0675156 1.0609311 1.0760919 1.1030862 1.0828248 1.0886052 1.0794531\n", - " 1.0588534 1.196056 1.0279552 1.0329554 0. ]\n", - "\n", - "[ 1 0 2 15 3 4 5 6 10 12 11 13 9 7 8 14 17 16 18]\n", - "=======================\n", - "[\"at the same time , managers at the passport agency , which made a # 42 million profit during the chaos , received up to # 3,500 in bonuses .thousands of holidaymakers caught up in last summer 's passport delay fiasco have not received any compensation .ministers refused to give a blanket refund to the desperate families who had to pay extra to get their travel documents rushed through , and even to some who missed out on trips .\"]\n", - "=======================\n", - "['hm passport office struggled to cope with 3.6 million britons applicationsministers agreed to give urgent cases a free upgrade to fast-track serviceonly 2,191 compensation applications were approved totalling # 203,066meanwhile managers at agency were handed total of # 1.8 million in bonuses']\n", - "at the same time , managers at the passport agency , which made a # 42 million profit during the chaos , received up to # 3,500 in bonuses .thousands of holidaymakers caught up in last summer 's passport delay fiasco have not received any compensation .ministers refused to give a blanket refund to the desperate families who had to pay extra to get their travel documents rushed through , and even to some who missed out on trips .\n", - "hm passport office struggled to cope with 3.6 million britons applicationsministers agreed to give urgent cases a free upgrade to fast-track serviceonly 2,191 compensation applications were approved totalling # 203,066meanwhile managers at agency were handed total of # 1.8 million in bonuses\n", - "[1.1732061 1.4084238 1.1155849 1.2454175 1.3239368 1.1689975 1.0720456\n", - " 1.036654 1.0287882 1.0546503 1.0968591 1.0875628 1.0544808 1.0488782\n", - " 1.0957835 1.0226289 1.0610015 1.0826931 1.0418006]\n", - "\n", - "[ 1 4 3 0 5 2 10 14 11 17 6 16 9 12 13 18 7 8 15]\n", - "=======================\n", - "[\"but astronomers say ` rogue ' , sun-less planets that wander the stars could still harbour extra-terrestrials .the warmth of a sun has long been thought to be a key ingredient to life .this is according to sean raymond , an astrophysicist with the laboratoire d'astrophysique de bordeaux in france , who has taken a look at how life can form on rogue planets .\"]\n", - "=======================\n", - "['comments were made by sean raymond , an astrophysicist in francehe says internal heat of rogue planets could allow liquid water to formwriting in aeon , he also says a thick atmosphere may help life developastronomers have found 50 of these rogue planets in the past 15 years']\n", - "but astronomers say ` rogue ' , sun-less planets that wander the stars could still harbour extra-terrestrials .the warmth of a sun has long been thought to be a key ingredient to life .this is according to sean raymond , an astrophysicist with the laboratoire d'astrophysique de bordeaux in france , who has taken a look at how life can form on rogue planets .\n", - "comments were made by sean raymond , an astrophysicist in francehe says internal heat of rogue planets could allow liquid water to formwriting in aeon , he also says a thick atmosphere may help life developastronomers have found 50 of these rogue planets in the past 15 years\n", - "[1.1703258 1.4141592 1.1958969 1.2488804 1.2130402 1.1683064 1.1112831\n", - " 1.1480174 1.04372 1.0186318 1.172235 1.0528 1.0487376 1.0822847\n", - " 1.0569035 1.2811699 1.0665753 1.0174252 1.0898067 1.0448872 1.0081385\n", - " 1.0116284]\n", - "\n", - "[ 1 15 3 4 2 10 0 5 7 6 18 13 16 14 11 12 19 8 9 17 21 20]\n", - "=======================\n", - "[\"the chilling footage was posted on facebook and shows the cab throwing 25-year-old kadeem brown across a median in the bronx , new york .gone too soon : kadeem brown , 25 , was killed 'his green taxi struck and killed little tierre clark who was five .\"]\n", - "=======================\n", - "[\"male driver , 44 , struck kadeem brown , 25 , as he walked through the bronxbrown 's body flipped over once and then went sliding until he hit the curb across the streetcab driver suffered a seizure moments before the crash and has been stripped of his tlc licenseaccident occurred on grand concourse in the bronx on march 20\"]\n", - "the chilling footage was posted on facebook and shows the cab throwing 25-year-old kadeem brown across a median in the bronx , new york .gone too soon : kadeem brown , 25 , was killed 'his green taxi struck and killed little tierre clark who was five .\n", - "male driver , 44 , struck kadeem brown , 25 , as he walked through the bronxbrown 's body flipped over once and then went sliding until he hit the curb across the streetcab driver suffered a seizure moments before the crash and has been stripped of his tlc licenseaccident occurred on grand concourse in the bronx on march 20\n", - "[1.2287452 1.2938728 1.3291624 1.3006628 1.1112559 1.128214 1.1598885\n", - " 1.0894486 1.0809146 1.0665122 1.0663044 1.0646645 1.0779955 1.095242\n", - " 1.0940667 1.0729884 1.0231464 1.0340085 1.0525416 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 3 1 0 6 5 4 13 14 7 8 12 15 9 10 11 18 17 16 20 19 21]\n", - "=======================\n", - "['the labour party has also taken a commanding four point lead over the tories with just 28 days until polling day , according to the pollsters survation .labour leader ed miliband has jumped ahead of the prime minister in personal approval ratings , a survation poll has revealedthe tories have pinned much of their election hopes on turning the campaign into a straight choice between mr cameron and the labour leader .']\n", - "=======================\n", - "['miliband overtakes david cameron as the most popular political leaderit is the first time that labour leader has been ahead in approval ratingslabour party has also taken a commanding four point lead over the tories']\n", - "the labour party has also taken a commanding four point lead over the tories with just 28 days until polling day , according to the pollsters survation .labour leader ed miliband has jumped ahead of the prime minister in personal approval ratings , a survation poll has revealedthe tories have pinned much of their election hopes on turning the campaign into a straight choice between mr cameron and the labour leader .\n", - "miliband overtakes david cameron as the most popular political leaderit is the first time that labour leader has been ahead in approval ratingslabour party has also taken a commanding four point lead over the tories\n", - "[1.0631304 1.0380905 1.2012185 1.5016104 1.2941206 1.2141342 1.3984522\n", - " 1.040297 1.0241095 1.0178256 1.3053898 1.1043459 1.1022626 1.1109751\n", - " 1.0187905 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 6 10 4 5 2 13 11 12 0 7 1 8 14 9 20 15 16 17 18 19 21]\n", - "=======================\n", - "['making waves : billions of barrel jellyfish have been spotted in water off the coast of devon and cornwallthe jellyfish , which can grow up to six feet and weigh 55lb , were sighted just off pendennis point near falmouth , cornwall .hundreds of the barrel jellyfish -- each the size of a dustbin lid -- have been hauled in by fishermen on the devon and cornish coast , with dozens of sightings reported to the authorities .']\n", - "=======================\n", - "['creatures attracted by the higher sea temperaturesdozens of sightings reported by fisherman off devon and cornwalljellyfish can grow up to six feet and weigh 55lb']\n", - "making waves : billions of barrel jellyfish have been spotted in water off the coast of devon and cornwallthe jellyfish , which can grow up to six feet and weigh 55lb , were sighted just off pendennis point near falmouth , cornwall .hundreds of the barrel jellyfish -- each the size of a dustbin lid -- have been hauled in by fishermen on the devon and cornish coast , with dozens of sightings reported to the authorities .\n", - "creatures attracted by the higher sea temperaturesdozens of sightings reported by fisherman off devon and cornwalljellyfish can grow up to six feet and weigh 55lb\n", - "[1.2837412 1.4267329 1.387348 1.3338544 1.2585253 1.2110008 1.0905863\n", - " 1.0541438 1.0703378 1.0253546 1.0210427 1.028692 1.0109499 1.133424\n", - " 1.0651966 1.0594074 1.0391662 1.0100076 1.065442 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 0 4 5 13 6 8 18 14 15 7 16 11 9 10 12 17 20 19 21]\n", - "=======================\n", - "[\"the café manager said the shop has begun operating eight air purifiers 24 hours a day .by charging a one yuan ( 11p ) ` air-purifying fee ' per person , the café hopes customers will pay more attention to the growing pollution issue facing china , reported the people 's daily online .a label is put on every table to alert customers about the surcharge which costs 11p per person\"]\n", - "=======================\n", - "[\"customer being charged one yuan ( 11p ) extra as an ` air-purifying fee 'eight air purifiers operate 24 hours a day between two floorsmanager says move will raise awareness about air pollutioncustomers said they think fresher air makes their drinks more enjoyablethe café is located in hangzhou , which had 154 days of smog last year\"]\n", - "the café manager said the shop has begun operating eight air purifiers 24 hours a day .by charging a one yuan ( 11p ) ` air-purifying fee ' per person , the café hopes customers will pay more attention to the growing pollution issue facing china , reported the people 's daily online .a label is put on every table to alert customers about the surcharge which costs 11p per person\n", - "customer being charged one yuan ( 11p ) extra as an ` air-purifying fee 'eight air purifiers operate 24 hours a day between two floorsmanager says move will raise awareness about air pollutioncustomers said they think fresher air makes their drinks more enjoyablethe café is located in hangzhou , which had 154 days of smog last year\n", - "[1.194029 1.5294082 1.3048992 1.207989 1.1846192 1.3779789 1.1928769\n", - " 1.0245162 1.0480226 1.0229409 1.0163053 1.1319778 1.0583663 1.0328382\n", - " 1.1511215 1.0637974 1.0104012 1.0169669 1.060049 1.039977 1.0412375\n", - " 0. ]\n", - "\n", - "[ 1 5 2 3 0 6 4 14 11 15 18 12 8 20 19 13 7 9 17 10 16 21]\n", - "=======================\n", - "[\"brayden travis , 18 , was left without medical attention for seven hours after taking drugs at a friend 's house in st charles county , missouri in early march .his lungs and kidneys failed , and he suffered a stroke and severe brain damage .doctors warned that he will likely remain in a vegetative state , his mother , kelly smith-miller , wrote on facebook .\"]\n", - "=======================\n", - "['brayden travis , from st charles county , missouri , has battled drug addiction since he was 15 and overdosed on heroin in early marchthe 18-year-old was left without medical attention for seven hours and suffered a stroke and severe brain damagedoctors told his parents he might be left in a vegetative state but he is now conscious and has made small improvementshis mother shared a photo of him in hospital in a bid to deter others from taking drugs ; the post has been shared more than 337,000 times']\n", - "brayden travis , 18 , was left without medical attention for seven hours after taking drugs at a friend 's house in st charles county , missouri in early march .his lungs and kidneys failed , and he suffered a stroke and severe brain damage .doctors warned that he will likely remain in a vegetative state , his mother , kelly smith-miller , wrote on facebook .\n", - "brayden travis , from st charles county , missouri , has battled drug addiction since he was 15 and overdosed on heroin in early marchthe 18-year-old was left without medical attention for seven hours and suffered a stroke and severe brain damagedoctors told his parents he might be left in a vegetative state but he is now conscious and has made small improvementshis mother shared a photo of him in hospital in a bid to deter others from taking drugs ; the post has been shared more than 337,000 times\n", - "[1.3535397 1.2935245 1.1278466 1.2132016 1.3319694 1.1828842 1.0779927\n", - " 1.0928496 1.0415219 1.0847278 1.0830089 1.0222125 1.0799806 1.0385922\n", - " 1.0540731 1.0327797 1.0740738 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 4 1 3 5 2 7 9 10 12 6 16 14 8 13 15 11 20 17 18 19 21]\n", - "=======================\n", - "[\"former super middleweight champion nigel benn is back in the ring and the 51-year-old , dubbed the ` dark destroyer ' , has certainly still got what it takes .ilford-born benn , who now lives in australia and works as a charity worker , looked as sharp as ever as he joined in a playful pad session with ricky hatton at his manchester gym .earlier this week , hatton and benn met up to discuss the possibility of the ` hitman ' training conor benn , nigel 's son , ahead of the 2016 olympics in rio .\"]\n", - "=======================\n", - "[\"nigel benn and ricky hatton returned to the ring for a spot of pad workthe ` dark destroyer ' shows he still has what it takes with a series of hitshe returned from australia to meet up with hatton at his manchester gymbenn is hoping hatton will train his son ahead of 2016 olympic campaign\"]\n", - "former super middleweight champion nigel benn is back in the ring and the 51-year-old , dubbed the ` dark destroyer ' , has certainly still got what it takes .ilford-born benn , who now lives in australia and works as a charity worker , looked as sharp as ever as he joined in a playful pad session with ricky hatton at his manchester gym .earlier this week , hatton and benn met up to discuss the possibility of the ` hitman ' training conor benn , nigel 's son , ahead of the 2016 olympics in rio .\n", - "nigel benn and ricky hatton returned to the ring for a spot of pad workthe ` dark destroyer ' shows he still has what it takes with a series of hitshe returned from australia to meet up with hatton at his manchester gymbenn is hoping hatton will train his son ahead of 2016 olympic campaign\n", - "[1.2622392 1.4834317 1.1725457 1.1560217 1.3135643 1.313262 1.0634702\n", - " 1.0680015 1.053239 1.0600011 1.07897 1.1778862 1.0672132 1.0750004\n", - " 1.0680587 1.0116717 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 5 0 11 2 3 10 13 14 7 12 6 9 8 15 20 16 17 18 19 21]\n", - "=======================\n", - "[\"martyn uzzell , 51 , died instantly after he was thrown into path of a car by a four-inch deep pothole .the widow of a cyclist killed after hitting a pothole during a charity ride from land 's end to john o'groats has won a six-figure payout from the council who failed to mend the road .his widow kate uzzell , 49 , from clevedon , north somerset , has now reached an out of court settlement with north yorkshire county council .\"]\n", - "=======================\n", - "[\"martyn uzzell died instantly when a 4in pothole threw him into path of a carcyclist was riding from land 's end to john o'groats for charity in 2011his widow kate has now been awarded a six-figure payout from the councilbut north yorkshire county council still refuses to apologise despite coroner ruling the state of the road was to blame\"]\n", - "martyn uzzell , 51 , died instantly after he was thrown into path of a car by a four-inch deep pothole .the widow of a cyclist killed after hitting a pothole during a charity ride from land 's end to john o'groats has won a six-figure payout from the council who failed to mend the road .his widow kate uzzell , 49 , from clevedon , north somerset , has now reached an out of court settlement with north yorkshire county council .\n", - "martyn uzzell died instantly when a 4in pothole threw him into path of a carcyclist was riding from land 's end to john o'groats for charity in 2011his widow kate has now been awarded a six-figure payout from the councilbut north yorkshire county council still refuses to apologise despite coroner ruling the state of the road was to blame\n", - "[1.1865343 1.5173583 1.3302896 1.3544331 1.1237441 1.1982439 1.1953917\n", - " 1.0657734 1.0572811 1.0157703 1.0691786 1.1312746 1.0169466 1.009847\n", - " 1.0108849 1.0263137 1.0115441 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 5 6 0 11 4 10 7 8 15 12 9 16 14 13 20 17 18 19 21]\n", - "=======================\n", - "['charnelle hughes , 20 , was stood near the bar at the adelphi pub in preston reading a text message , when she was struck on the side of the head by the empty glass after it was hurled into a group of 40 people during a live gig .the culprit jordan goode , also aged 20 , had been dancing aggressively to heavy rock music and had suddenly picked up the glass and threw it randomly .miss hughes had to be rushed to hospital after she started bleeding profusely and was suffering concussion , and at one stage it was feared she would lose her right eye .']\n", - "=======================\n", - "[\"charnelle hughes was at the adelphi pub in preston for a heavy metal gigshe was struck in the head by a pint glass which was thrown at randomthe student has been left scarred for life and feared she would lose her eyejordan goode admitted wounding after throwing the glass while ` hard-core ' dancing\"]\n", - "charnelle hughes , 20 , was stood near the bar at the adelphi pub in preston reading a text message , when she was struck on the side of the head by the empty glass after it was hurled into a group of 40 people during a live gig .the culprit jordan goode , also aged 20 , had been dancing aggressively to heavy rock music and had suddenly picked up the glass and threw it randomly .miss hughes had to be rushed to hospital after she started bleeding profusely and was suffering concussion , and at one stage it was feared she would lose her right eye .\n", - "charnelle hughes was at the adelphi pub in preston for a heavy metal gigshe was struck in the head by a pint glass which was thrown at randomthe student has been left scarred for life and feared she would lose her eyejordan goode admitted wounding after throwing the glass while ` hard-core ' dancing\n", - "[1.4448224 1.3633243 1.2609712 1.1796198 1.0493525 1.165461 1.1447004\n", - " 1.1046857 1.0628393 1.0172248 1.0125564 1.0633337 1.0527685 1.0246019\n", - " 1.0664647 1.0551167 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 3 5 6 7 14 11 8 15 12 4 13 9 10 16 17 18 19 20 21]\n", - "=======================\n", - "[\"a set of 500 limited edition copies of kim kardashian 's highly-anticipated selfie book selfish , which were signed and numbered by the reality star , sold out less than a minute after going on sale .although the 34-year-old reality star 's 352-page collection of selfies wo n't be officially be available to the masses until may , gilt.com offered fans a special pre-sale of copies on thursday afternoon .in addition to bearing the selfie queen 's signature , the special versions , which retailed for $ 60 per book , also came complete with a special cover featuring a bikini-clad image of the star .\"]\n", - "=======================\n", - "['the limited copies of selfish were sold on gilt.com for $ 60 eachthe special versions feature an exclusive cover in addition to being hand-signed and numbered by the 34-year-old reality star']\n", - "a set of 500 limited edition copies of kim kardashian 's highly-anticipated selfie book selfish , which were signed and numbered by the reality star , sold out less than a minute after going on sale .although the 34-year-old reality star 's 352-page collection of selfies wo n't be officially be available to the masses until may , gilt.com offered fans a special pre-sale of copies on thursday afternoon .in addition to bearing the selfie queen 's signature , the special versions , which retailed for $ 60 per book , also came complete with a special cover featuring a bikini-clad image of the star .\n", - "the limited copies of selfish were sold on gilt.com for $ 60 eachthe special versions feature an exclusive cover in addition to being hand-signed and numbered by the 34-year-old reality star\n", - "[1.3328979 1.2815603 1.1438693 1.3131826 1.1732105 1.08049 1.224844\n", - " 1.1044179 1.0663369 1.0409056 1.0893526 1.0317522 1.0288297 1.0154428\n", - " 1.0170398 1.0137775 1.0147474 1.014772 1.0161567 1.0103106 1.0103251\n", - " 1.0232453]\n", - "\n", - "[ 0 3 1 6 4 2 7 10 5 8 9 11 12 21 14 18 13 17 16 15 20 19]\n", - "=======================\n", - "[\"saturday night live cast member cecily strong took aim at barack obama and washington 's elite when she hosted the correspondents ' dinner .the comedian famous for her portrayal of ` girl you wish you had n't started a conversation with at a party ' started off saturday 's fete by saying that ` it feels right to have a woman follow president obama , does n't it ? 'snl star cecily strong made some pretty funny jokes at the white house correspondents dinner as she pokes fun of washington and even the president .\"]\n", - "=======================\n", - "['snl castmember skewers hillary clinton , obama and republican hopefulstwenty-minute speech poked fun at buzzfeed , brian williams scandaljokes touched on police brutality and secret service security lapses']\n", - "saturday night live cast member cecily strong took aim at barack obama and washington 's elite when she hosted the correspondents ' dinner .the comedian famous for her portrayal of ` girl you wish you had n't started a conversation with at a party ' started off saturday 's fete by saying that ` it feels right to have a woman follow president obama , does n't it ? 'snl star cecily strong made some pretty funny jokes at the white house correspondents dinner as she pokes fun of washington and even the president .\n", - "snl castmember skewers hillary clinton , obama and republican hopefulstwenty-minute speech poked fun at buzzfeed , brian williams scandaljokes touched on police brutality and secret service security lapses\n", - "[1.2887949 1.3430487 1.2030668 1.3077005 1.2486883 1.1988306 1.1242594\n", - " 1.0695733 1.1172922 1.0821 1.0837058 1.0770491 1.0646929 1.1598563\n", - " 1.0207049 1.0501605 1.0632027 1.024569 ]\n", - "\n", - "[ 1 3 0 4 2 5 13 6 8 10 9 11 7 12 16 15 17 14]\n", - "=======================\n", - "['the 15-passenger van was carrying 12 people from south carolina toward atlanta when it went off interstate 85 near the town of commerce about 7 am monday , the georgia state patrol said .three people were killed and eight were injured when a van carrying members of two heavy metal bands careened 300 feet off an interstate and down an embankment in northeast georgia on monday .members of the atlanta-based band khaotika and the huntsville , alabama-based band wormreich were in the van .']\n", - "=======================\n", - "['southern metal bands khaotika and wormreich were in 15-person vaneight injured in crash after van comes 300ft off the georgia interstatethree men who died were thrown from the vehicle as it hit treesatlanta-based khaotika , alabama-based wormreich were heading to show']\n", - "the 15-passenger van was carrying 12 people from south carolina toward atlanta when it went off interstate 85 near the town of commerce about 7 am monday , the georgia state patrol said .three people were killed and eight were injured when a van carrying members of two heavy metal bands careened 300 feet off an interstate and down an embankment in northeast georgia on monday .members of the atlanta-based band khaotika and the huntsville , alabama-based band wormreich were in the van .\n", - "southern metal bands khaotika and wormreich were in 15-person vaneight injured in crash after van comes 300ft off the georgia interstatethree men who died were thrown from the vehicle as it hit treesatlanta-based khaotika , alabama-based wormreich were heading to show\n", - "[1.4796987 1.4774508 1.0632652 1.4119593 1.3265816 1.0796183 1.0679888\n", - " 1.0174657 1.013072 1.0110607 1.0743351 1.0923619 1.1259421 1.0861852\n", - " 1.0115678 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 4 12 11 13 5 10 6 2 7 8 14 9 16 15 17]\n", - "=======================\n", - "[\"britain 's adam peaty has broken the men 's 100 metres breast stroke world record with a time of 57.92 seconds at the london aquatic centre .the 20-year-old from uttoxeter 's gold-winning time on friday beat the previous record of 58.46 set by south african cameron van der burgh in the same venue at the 2012 olympics .british swimmer adam peaty is all smiles after setting a new world record for the 100m breast stroke\"]\n", - "=======================\n", - "['british swimmer adam peaty has set a new 100m breast stroke world recordhis time of 57.92 seconds has beaten the previous record of 58.46peaty has spoken of his delight that his hard work and training have paid off']\n", - "britain 's adam peaty has broken the men 's 100 metres breast stroke world record with a time of 57.92 seconds at the london aquatic centre .the 20-year-old from uttoxeter 's gold-winning time on friday beat the previous record of 58.46 set by south african cameron van der burgh in the same venue at the 2012 olympics .british swimmer adam peaty is all smiles after setting a new world record for the 100m breast stroke\n", - "british swimmer adam peaty has set a new 100m breast stroke world recordhis time of 57.92 seconds has beaten the previous record of 58.46peaty has spoken of his delight that his hard work and training have paid off\n", - "[1.2177913 1.4583366 1.2859415 1.2192322 1.5315541 1.0395507 1.0564858\n", - " 1.0396513 1.1219482 1.0243435 1.0408137 1.0161421 1.0407879 1.0106145\n", - " 1.0164115 1.0413609 1.0201775 0. ]\n", - "\n", - "[ 4 1 2 3 0 8 6 15 10 12 7 5 9 16 14 11 13 17]\n", - "=======================\n", - "[\"andy murray pumps his first after defeating dominic thiem to reach the miami open semi finalsmurray was awaiting the winner from the last eight match between tomas berdych and argentina 's juan monaco .prior to this tournament thiem lost in the second round of a challenger event to soon-to-be new brit aljaz bedene .\"]\n", - "=======================\n", - "['british no 1 defeated dominic thiem in miami open quarter finalsandy murray celebrated his 500th career win in the previous roundthird seed will play the winner of tomas berdych and juan monaco in the semi finals of the atp masters 1000 event in key biscayne']\n", - "andy murray pumps his first after defeating dominic thiem to reach the miami open semi finalsmurray was awaiting the winner from the last eight match between tomas berdych and argentina 's juan monaco .prior to this tournament thiem lost in the second round of a challenger event to soon-to-be new brit aljaz bedene .\n", - "british no 1 defeated dominic thiem in miami open quarter finalsandy murray celebrated his 500th career win in the previous roundthird seed will play the winner of tomas berdych and juan monaco in the semi finals of the atp masters 1000 event in key biscayne\n", - "[1.2321233 1.4636053 1.245778 1.163567 1.2091054 1.1197495 1.1278145\n", - " 1.1960173 1.0716408 1.1343662 1.1082449 1.0834482 1.1479878 1.0648925\n", - " 1.063383 1.010418 1.0058867 1.0063666]\n", - "\n", - "[ 1 2 0 4 7 3 12 9 6 5 10 11 8 13 14 15 17 16]\n", - "=======================\n", - "[\"it is believed the girl , named april by staff at the ormskirk hospital where she is being treated , might have been delivered at silcock 's amusement arcade in nevill street , southport , hours before she was discovered .merseyside police had released an image of the 6lb 9oz baby girl , wearing a pink playsuit , as they sought to identify her mother .a newborn baby girl abandoned in an amusement arcade was found face down in a toilet bowl after her ` mother gave birth in the lavatory ' , it has been revealed .\"]\n", - "=======================\n", - "[\"arcade staff discovered the baby girl in the disabled toilets last nightthe newborn was taken to hospital and is described as ` safe and well 'the baby has been named april by staff at ormskirk hospital in southportpolice say the mother has been found and is receiving medical treatment\"]\n", - "it is believed the girl , named april by staff at the ormskirk hospital where she is being treated , might have been delivered at silcock 's amusement arcade in nevill street , southport , hours before she was discovered .merseyside police had released an image of the 6lb 9oz baby girl , wearing a pink playsuit , as they sought to identify her mother .a newborn baby girl abandoned in an amusement arcade was found face down in a toilet bowl after her ` mother gave birth in the lavatory ' , it has been revealed .\n", - "arcade staff discovered the baby girl in the disabled toilets last nightthe newborn was taken to hospital and is described as ` safe and well 'the baby has been named april by staff at ormskirk hospital in southportpolice say the mother has been found and is receiving medical treatment\n", - "[1.1792794 1.0466819 1.0386783 1.2508028 1.1745723 1.2983189 1.0496979\n", - " 1.1381915 1.1526608 1.1252851 1.0385815 1.0507365 1.098237 1.0428298\n", - " 1.0197263 1.0249867 0. 0. ]\n", - "\n", - "[ 5 3 0 4 8 7 9 12 11 6 1 13 2 10 15 14 16 17]\n", - "=======================\n", - "['thousands of visitors from the uk , australia , new zealand , india and france have gathered to honour the fallen at one of the biggest commemorations of the great war .sulva bay , gallipoli peninsula , turkey , where in the world war i there were nearly 400,00 allied casualtiesin the early hours of today , 25 april 2015 , a bugle sounded a haunting dawn chorus to mark the moment when , at 0430 , allied troops landed at a point where asia meets europe , anzac cove , to commence the disastrous dardanelles campaign .']\n", - "=======================\n", - "[\"25 april is the centenary of the ill-fated gallipoli invasion by allied troopsallies sustained heavy loses , mown down by a better-equipped turkish armybeautiful peninsula is a magnet to relatives of soldiers killed in the battlethe water diviner , russell crowe 's directorial debut , is set in its aftermath\"]\n", - "thousands of visitors from the uk , australia , new zealand , india and france have gathered to honour the fallen at one of the biggest commemorations of the great war .sulva bay , gallipoli peninsula , turkey , where in the world war i there were nearly 400,00 allied casualtiesin the early hours of today , 25 april 2015 , a bugle sounded a haunting dawn chorus to mark the moment when , at 0430 , allied troops landed at a point where asia meets europe , anzac cove , to commence the disastrous dardanelles campaign .\n", - "25 april is the centenary of the ill-fated gallipoli invasion by allied troopsallies sustained heavy loses , mown down by a better-equipped turkish armybeautiful peninsula is a magnet to relatives of soldiers killed in the battlethe water diviner , russell crowe 's directorial debut , is set in its aftermath\n", - "[1.3504274 1.2490451 1.2044138 1.3089181 1.3486874 1.0670592 1.0238004\n", - " 1.0995556 1.1967207 1.1116676 1.0390927 1.0168009 1.0201855 1.0410613\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 3 1 2 8 9 7 5 13 10 6 12 11 17 14 15 16 18]\n", - "=======================\n", - "[\"leeds showed they are in good shape to cope with kevin sinfield 's retirement as they claimed a 26-12 derby victory over castleford in front of a sell-out crowd at the mend-a-hose jungle .ryan hall was sent to the sin-bin for the first time in his career in a frenetic opening but castleford failed to take advantage and it was the rhinos who struck first as joel moon scored his first try of the season .leeds rhino 's adam cuthbertson celebrates a try with jamie peacock ( left )\"]\n", - "=======================\n", - "['leeds rhinos claim victory in front of sell-out crowd at castlefordthe super league leaders were without captain kevin sinfield']\n", - "leeds showed they are in good shape to cope with kevin sinfield 's retirement as they claimed a 26-12 derby victory over castleford in front of a sell-out crowd at the mend-a-hose jungle .ryan hall was sent to the sin-bin for the first time in his career in a frenetic opening but castleford failed to take advantage and it was the rhinos who struck first as joel moon scored his first try of the season .leeds rhino 's adam cuthbertson celebrates a try with jamie peacock ( left )\n", - "leeds rhinos claim victory in front of sell-out crowd at castlefordthe super league leaders were without captain kevin sinfield\n", - "[1.2356613 1.5139256 1.1922957 1.3399167 1.151291 1.1722078 1.1229137\n", - " 1.1195406 1.0996037 1.1075648 1.0987 1.0765789 1.0644131 1.0824517\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 5 4 6 7 9 8 10 13 11 12 17 14 15 16 18]\n", - "=======================\n", - "['james oliver , 48 , was left with a serious leg injury after being allegedly hit by a car driven by linda currier , 53 .a convicted sex offender was reportedly run over by his girlfriend after she allegedly caught him abusing a 12-year-old girl .police report that they found oliver in the driveway of a home in noblesboro , maine , on saturday night , reports nbc news .']\n", - "=======================\n", - "['james oliver , 48 , was left with a serious leg injury after being allegedly hit by a car driven by linda currier , 53police found oliver in the driveway of a home in maine , on saturday nightcurrier arrested operating under the influence and aggravated assaultoliver charged with attempted gross sexual assault , unlawful sexual touching and failing to comply with the sex offender registration act']\n", - "james oliver , 48 , was left with a serious leg injury after being allegedly hit by a car driven by linda currier , 53 .a convicted sex offender was reportedly run over by his girlfriend after she allegedly caught him abusing a 12-year-old girl .police report that they found oliver in the driveway of a home in noblesboro , maine , on saturday night , reports nbc news .\n", - "james oliver , 48 , was left with a serious leg injury after being allegedly hit by a car driven by linda currier , 53police found oliver in the driveway of a home in maine , on saturday nightcurrier arrested operating under the influence and aggravated assaultoliver charged with attempted gross sexual assault , unlawful sexual touching and failing to comply with the sex offender registration act\n", - "[1.3083587 1.1304139 1.1274525 1.1787263 1.1875873 1.1583544 1.1114061\n", - " 1.0615641 1.0536197 1.0466907 1.0774168 1.0574974 1.074582 1.0653214\n", - " 1.0485094 1.0488507 1.0250642 0. 0. ]\n", - "\n", - "[ 0 4 3 5 1 2 6 10 12 13 7 11 8 15 14 9 16 17 18]\n", - "=======================\n", - "[\"( cnn ) several of the world 's worst terrorist groups , like isis and al-shabaab , aim to create societies governed by strict , distorted versions of sharia law .still , there 's ample evidence that christians have been targeted .for example , most victims of isis are fellow muslims who refuse to go along with the isis worldview and ruthless tactics .\"]\n", - "=======================\n", - "['an italian prosecutor announces suspected al qaeda affiliates may have targeted the vaticanisis produced propaganda videos showing beheadings of egyptian , ethiopian christiansal-shabaab has singled out non-muslims to kill them , as at a garissa university college']\n", - "( cnn ) several of the world 's worst terrorist groups , like isis and al-shabaab , aim to create societies governed by strict , distorted versions of sharia law .still , there 's ample evidence that christians have been targeted .for example , most victims of isis are fellow muslims who refuse to go along with the isis worldview and ruthless tactics .\n", - "an italian prosecutor announces suspected al qaeda affiliates may have targeted the vaticanisis produced propaganda videos showing beheadings of egyptian , ethiopian christiansal-shabaab has singled out non-muslims to kill them , as at a garissa university college\n", - "[1.5286893 1.3811729 1.2380619 1.1009377 1.2182493 1.1421698 1.0431837\n", - " 1.0162542 1.0522319 1.0120279 1.2552367 1.1260787 1.0143093 1.044803\n", - " 1.0158452 1.0937846 1.1113542 1.0100253 0. ]\n", - "\n", - "[ 0 1 10 2 4 5 11 16 3 15 8 13 6 7 14 12 9 17 18]\n", - "=======================\n", - "[\"borussia dortmund coach jurgen klopp does not expect any particular reaction from his players or the fans to his announcement that he will be leaving the club in the summer .klopp announced his departure from borussia dortmund on wednesday after seven yearsand he expects the players to do the same , insisting they will be fully focused for saturday 's bundesliga clash with paderborn .\"]\n", - "=======================\n", - "[\"jurgen klopp announced that he will leave the club in the summerklopp has encouraged the players to ` keep smiling ' ahead of his departureborussia dortmund have struggled this season and are 10th in bundesliga\"]\n", - "borussia dortmund coach jurgen klopp does not expect any particular reaction from his players or the fans to his announcement that he will be leaving the club in the summer .klopp announced his departure from borussia dortmund on wednesday after seven yearsand he expects the players to do the same , insisting they will be fully focused for saturday 's bundesliga clash with paderborn .\n", - "jurgen klopp announced that he will leave the club in the summerklopp has encouraged the players to ` keep smiling ' ahead of his departureborussia dortmund have struggled this season and are 10th in bundesliga\n", - "[1.3952949 1.4228259 1.1928955 1.3675169 1.2864646 1.0481561 1.027374\n", - " 1.0556161 1.0359228 1.023015 1.0184183 1.0380158 1.0374717 1.030793\n", - " 1.080173 1.2164626 1.0723785 1.0188178 1.0143944]\n", - "\n", - "[ 1 0 3 4 15 2 14 16 7 5 11 12 8 13 6 9 17 10 18]\n", - "=======================\n", - "[\"talks between the two super-bantamweight world champions have reached a standstill , but quigg 's promoter , eddie hearn , attempted to jolt frampton 's camp into a july 18 fight in manchester by offering the biggest cheque of the northern irishman 's career to date .carl frampton has been offered a huge # 1.5 million payday to face scott quigg in one of the biggest all-british fights in recent memory .eddie hearn presents the cheque for # 1.5 m to set-up scott quigg 's fight with carl frampton\"]\n", - "=======================\n", - "[\"quigg and matchroom promoter hearn offer frampton cheque for # 1.5 mthey want super-bantamweight unification fight in manchester on july 18quigg , the wba champion , told frampton to ` put his money where his mouth is ' and make the fight happenbut frampton 's promoters hit back , saying hearn had stalled talks\"]\n", - "talks between the two super-bantamweight world champions have reached a standstill , but quigg 's promoter , eddie hearn , attempted to jolt frampton 's camp into a july 18 fight in manchester by offering the biggest cheque of the northern irishman 's career to date .carl frampton has been offered a huge # 1.5 million payday to face scott quigg in one of the biggest all-british fights in recent memory .eddie hearn presents the cheque for # 1.5 m to set-up scott quigg 's fight with carl frampton\n", - "quigg and matchroom promoter hearn offer frampton cheque for # 1.5 mthey want super-bantamweight unification fight in manchester on july 18quigg , the wba champion , told frampton to ` put his money where his mouth is ' and make the fight happenbut frampton 's promoters hit back , saying hearn had stalled talks\n", - "[1.4908847 1.2535591 1.2272766 1.281164 1.1608639 1.227999 1.1071484\n", - " 1.0369265 1.1044782 1.0971808 1.0832384 1.0867579 1.0313722 1.0986583\n", - " 1.0199158 1.040172 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 5 2 4 6 8 13 9 11 10 15 7 12 14 16 17 18 19 20]\n", - "=======================\n", - "[\"memphis moved into a tie for the second seed in the nba 's southwest division with a 100-92 win over oklahoma city on friday , with the grizzlies defence shutting down thunder star russell westbrook .the grizzlies moved level with houston atop the southwest division , both trailing golden state , which has already sealed the conference title .memphis ' jeff green scored 22 points and marc gasol added 19 to lead six grizzlies players in double figures .\"]\n", - "=======================\n", - "[\"memphis grizzles ' defence helped them to a 100-92 win over oklahoma citythey moved level with houston rockets at top of the southwest divisionthunder star russell westbrook was largely shut down in their defeatsan antonio stayed within two games of fight over no 2 playoff seedspurs cruised past denver 123-93 after losing tiago splitter to a calf injurybrooklyn 's deron williams scored 31 to lead the nets to a 114-109 win\"]\n", - "memphis moved into a tie for the second seed in the nba 's southwest division with a 100-92 win over oklahoma city on friday , with the grizzlies defence shutting down thunder star russell westbrook .the grizzlies moved level with houston atop the southwest division , both trailing golden state , which has already sealed the conference title .memphis ' jeff green scored 22 points and marc gasol added 19 to lead six grizzlies players in double figures .\n", - "memphis grizzles ' defence helped them to a 100-92 win over oklahoma citythey moved level with houston rockets at top of the southwest divisionthunder star russell westbrook was largely shut down in their defeatsan antonio stayed within two games of fight over no 2 playoff seedspurs cruised past denver 123-93 after losing tiago splitter to a calf injurybrooklyn 's deron williams scored 31 to lead the nets to a 114-109 win\n", - "[1.1994057 1.4761014 1.301536 1.3296374 1.2129241 1.117816 1.053966\n", - " 1.0536195 1.0226533 1.0431002 1.0721111 1.0500667 1.0638477 1.140748\n", - " 1.0829787 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 13 5 14 10 12 6 7 11 9 8 19 15 16 17 18 20]\n", - "=======================\n", - "[\"` well cared-for and loved ' efan james was found lying face down and unresponsive the morning after hannah james , 26 , took him to bed .at the baby 's inquest this week , a coroner in pembrokeshire said new parents were given ` confusing ' advice over how tired they could be when they slept in the same bed as their child .the tragic death of a seven-week-old baby in his mother 's bed has led a coroner to demand new guidelines to warn parents of the dangers of sleeping next to newborns .\"]\n", - "=======================\n", - "[\"efan james died in his mother hannah 's bed in october last year` well cared-for and loved ' baby was found ` face-down and unresponsive 'coroner says advice should be changed to suggest never bed-sharingnhs says not to if parents smoke , drink , have taken drugs or are very tiredopen verdict on efan 's death but pathologist said it was likely a cot death\"]\n", - "` well cared-for and loved ' efan james was found lying face down and unresponsive the morning after hannah james , 26 , took him to bed .at the baby 's inquest this week , a coroner in pembrokeshire said new parents were given ` confusing ' advice over how tired they could be when they slept in the same bed as their child .the tragic death of a seven-week-old baby in his mother 's bed has led a coroner to demand new guidelines to warn parents of the dangers of sleeping next to newborns .\n", - "efan james died in his mother hannah 's bed in october last year` well cared-for and loved ' baby was found ` face-down and unresponsive 'coroner says advice should be changed to suggest never bed-sharingnhs says not to if parents smoke , drink , have taken drugs or are very tiredopen verdict on efan 's death but pathologist said it was likely a cot death\n", - "[1.4020803 1.3749332 1.5178514 1.3893678 1.1705003 1.1793576 1.0536515\n", - " 1.0141093 1.0111846 1.0144305 1.2036693 1.0339348 1.1076235 1.0222386\n", - " 1.0488421 1.0399994 1.0798271 1.010104 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 1 10 5 4 12 16 6 14 15 11 13 9 7 8 17 19 18 20]\n", - "=======================\n", - "[\"chris ramsey 's side are still in the barclays premier league drop zone but are just three points behind fellow strugglers aston villa , who they travel to on tuesday , with a better goal difference .joey barton has urged qpr to use their win over west brom as a springboard for survival .queens park rangers midfielder joey barton believes his side have a ` hell of a chance ' of staying up\"]\n", - "=======================\n", - "['queens park rangers strode to a 4-1 victory against the baggiesjoey barton believes his side can take great confidence from away winpremier league relegation candidates qpr currently occupy 18th spot']\n", - "chris ramsey 's side are still in the barclays premier league drop zone but are just three points behind fellow strugglers aston villa , who they travel to on tuesday , with a better goal difference .joey barton has urged qpr to use their win over west brom as a springboard for survival .queens park rangers midfielder joey barton believes his side have a ` hell of a chance ' of staying up\n", - "queens park rangers strode to a 4-1 victory against the baggiesjoey barton believes his side can take great confidence from away winpremier league relegation candidates qpr currently occupy 18th spot\n", - "[1.3459047 1.4652623 1.1456382 1.4041165 1.2269939 1.2547852 1.0731002\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 5 4 2 6 18 17 16 15 14 13 10 11 19 9 8 7 12 20]\n", - "=======================\n", - "[\"forest manager dougie freedman failed in a bid to sign the 25-year-old on loan with view to a permanent deal in march as blackburn rebuffed interest from forest , derby , norwich and middlesbrough .nottingham forest are keen on signing blackburn striker jordan rhodes , but it could cost them # 10mblackburn manager gary bowyer expects further interest in rhodes ' strike partner rudy gestede too after seeing the benin international boost his season 's tally to 19 goals against forest on saturday .\"]\n", - "=======================\n", - "['jordan rhodes has scored 70 goals in the last three seasonsdougie freeedman tried to sign the striker in march , but was turned downrhodes and partner rudy gestede also attracting premier league attention']\n", - "forest manager dougie freedman failed in a bid to sign the 25-year-old on loan with view to a permanent deal in march as blackburn rebuffed interest from forest , derby , norwich and middlesbrough .nottingham forest are keen on signing blackburn striker jordan rhodes , but it could cost them # 10mblackburn manager gary bowyer expects further interest in rhodes ' strike partner rudy gestede too after seeing the benin international boost his season 's tally to 19 goals against forest on saturday .\n", - "jordan rhodes has scored 70 goals in the last three seasonsdougie freeedman tried to sign the striker in march , but was turned downrhodes and partner rudy gestede also attracting premier league attention\n", - "[1.3698089 1.0690753 1.2868139 1.2030222 1.3625027 1.1635447 1.129826\n", - " 1.1329346 1.0708722 1.0147692 1.0129544 1.0089716 1.0101005 1.0113908\n", - " 1.0488939 1.0154397 1.0322871 1.0279064 1.0238631 1.0249363 1.0471344]\n", - "\n", - "[ 0 4 2 3 5 7 6 8 1 14 20 16 17 19 18 15 9 10 13 12 11]\n", - "=======================\n", - "['floyd mayweather v manny pacquiao will be the biggest fight of all time financially and the most significant this century .sugar ray leonard v roberto duranwhere money man v pacman comes to rank among the most important fights in ring history will depend upon what happens that coming night in the mgm grand garden arena .']\n", - "=======================\n", - "[\"floyd mayweather v manny pacquiao is now just nine days awaysportsmail 's jeff powell has been counting down the greatest fightsin the sixth of a series of 12 fights that shaped boxing history , we have sugar ray leonard v roberto duranleonard humiliated his opponent until he said ` no mas ' - no moreit took duran three years to reclaim his mantle as a hero in panama\"]\n", - "floyd mayweather v manny pacquiao will be the biggest fight of all time financially and the most significant this century .sugar ray leonard v roberto duranwhere money man v pacman comes to rank among the most important fights in ring history will depend upon what happens that coming night in the mgm grand garden arena .\n", - "floyd mayweather v manny pacquiao is now just nine days awaysportsmail 's jeff powell has been counting down the greatest fightsin the sixth of a series of 12 fights that shaped boxing history , we have sugar ray leonard v roberto duranleonard humiliated his opponent until he said ` no mas ' - no moreit took duran three years to reclaim his mantle as a hero in panama\n", - "[1.2089729 1.2801648 1.4050068 1.2040488 1.2398162 1.1469039 1.140773\n", - " 1.0178876 1.0266874 1.055755 1.0762861 1.1468618 1.0481974 1.0267009\n", - " 1.0700598 1.079398 1.0816486 1.0144887]\n", - "\n", - "[ 2 1 4 0 3 5 11 6 16 15 10 14 9 12 13 8 7 17]\n", - "=======================\n", - "['arthur and mo kreitenberg have created a robot , called the germfalcon , which uses ultra violet light to kill bacteria throughout the cabin .but an entrepreneurial team are hoping their new invention will revolutionise the cleaning of aircraft and help airlines win the battle against bacteriathe seats , tray tables and blankets on an aeroplane are breeding ground for bacteria including e.coli']\n", - "=======================\n", - "['kickstarter campaign claims to have developed way to sterilise planesbacteria can linger in aeroplanes for up to seven daysthere are no cleaning regulations for the interiors of aircraftrobot created by father and son team arthur and mo kreitenbergproject involves using uv light to kill bacteria']\n", - "arthur and mo kreitenberg have created a robot , called the germfalcon , which uses ultra violet light to kill bacteria throughout the cabin .but an entrepreneurial team are hoping their new invention will revolutionise the cleaning of aircraft and help airlines win the battle against bacteriathe seats , tray tables and blankets on an aeroplane are breeding ground for bacteria including e.coli\n", - "kickstarter campaign claims to have developed way to sterilise planesbacteria can linger in aeroplanes for up to seven daysthere are no cleaning regulations for the interiors of aircraftrobot created by father and son team arthur and mo kreitenbergproject involves using uv light to kill bacteria\n", - "[1.2902858 1.4149239 1.2212884 1.2417787 1.1765548 1.1965749 1.0861326\n", - " 1.0650264 1.0654113 1.0898979 1.0637815 1.0502777 1.2087921 1.0388924\n", - " 1.0160084 1.0209377 1.0498607 0. ]\n", - "\n", - "[ 1 0 3 2 12 5 4 9 6 8 7 10 11 16 13 15 14 17]\n", - "=======================\n", - "[\"prescott city attorney jon paladini claims the fire 's sole survivor , lookout brendan mcdonough , heard the leader of the granite mountain hotshots order the crew to leave a safe spot where the fire had already burned .the attorney for an arizona city where 19 firefighters died while battling a massive woodland blaze says he was told it was an order from the group 's supervisor led to their deaths in june 2013 .the yarnell hill fire killed 19 firefighters in 2013 , the worst disaster of its kind since 1933 .\"]\n", - "=======================\n", - "[\"prescott city attorney jon paladini claims sole survivor brendan mcdonough heard an argument between the crew leader and his deputypaladini claims mcdonough told his secret to former city fire chief darrell williswillis admits mcdonough came to him to ` get something off his chest ' but says it was n't about infighting that occurred before the tragedymcdonough has also denied the accuracy of paladini 's account , but reports of it may alter lawsuits stemming from the tragic june 2013 fire\"]\n", - "prescott city attorney jon paladini claims the fire 's sole survivor , lookout brendan mcdonough , heard the leader of the granite mountain hotshots order the crew to leave a safe spot where the fire had already burned .the attorney for an arizona city where 19 firefighters died while battling a massive woodland blaze says he was told it was an order from the group 's supervisor led to their deaths in june 2013 .the yarnell hill fire killed 19 firefighters in 2013 , the worst disaster of its kind since 1933 .\n", - "prescott city attorney jon paladini claims sole survivor brendan mcdonough heard an argument between the crew leader and his deputypaladini claims mcdonough told his secret to former city fire chief darrell williswillis admits mcdonough came to him to ` get something off his chest ' but says it was n't about infighting that occurred before the tragedymcdonough has also denied the accuracy of paladini 's account , but reports of it may alter lawsuits stemming from the tragic june 2013 fire\n", - "[1.3633192 1.5298492 1.1986934 1.0970899 1.1885321 1.2934436 1.0801834\n", - " 1.0781852 1.0581994 1.1577877 1.1250741 1.0560269 1.0198573 1.0524249\n", - " 1.012412 1.0175678 0. 0. ]\n", - "\n", - "[ 1 0 5 2 4 9 10 3 6 7 8 11 13 12 15 14 16 17]\n", - "=======================\n", - "['sam burgess made his first premiership start at number six and , despite making a few handling errors , impressed in his new position .bath produced a ferocious bonus point victory over newcastle at kingston park to keep alive their aviva premiership title bid .sam burgess , making his first start for bath in the back row , makes an early career against newcastle']\n", - "=======================\n", - "['ollie devoto , semesa rokoduguni , anthony watson and matt banahan all crossed for bathbath fly half george ford added nine points from the bootnewcastle replied through a sinoti sinoti try']\n", - "sam burgess made his first premiership start at number six and , despite making a few handling errors , impressed in his new position .bath produced a ferocious bonus point victory over newcastle at kingston park to keep alive their aviva premiership title bid .sam burgess , making his first start for bath in the back row , makes an early career against newcastle\n", - "ollie devoto , semesa rokoduguni , anthony watson and matt banahan all crossed for bathbath fly half george ford added nine points from the bootnewcastle replied through a sinoti sinoti try\n", - "[1.2893727 1.2402506 1.3667779 1.4287469 1.139891 1.1096237 1.0315266\n", - " 1.0451677 1.0980655 1.0605553 1.0993583 1.0285572 1.0377376 1.0890961\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 0 1 4 5 10 8 13 9 7 12 6 11 16 14 15 17]\n", - "=======================\n", - "[\"lib dem leader nick clegg claimed nigel farage 's ` mask is slipping ' to reveal a man uncomfortable talking about people who are not white ` lashing out ' in a scrabble for headlinesmr cameron issued an appeal to people planning to vote ukip to instead support the tories in an attempt to block a ` toxic tie-up ' between laabiur and the snp .but mr clegg condemned the ` worrying ' suggestion that his former coalition partners should seek to build a majority by appealing to people on the ` far right ' .\"]\n", - "=======================\n", - "[\"exclusive nick clegg warns the ukip leader 's ` mask is slipping 'condemns farage for comments on migrants and ` half black ' candidateswarns cameron will be pulled to the right by his own mps and ukipsome tories want to bring back death penalty and ban the burkalib dems are ` in tune ' with public , but struggling to turn into votesadmits to being such a bad cook that wife miriam only lets him wash upcondemned nigel farage for referring to ` half black ' candidates and wanting to ` turn our backs on the very sick 'insisted the majority of people do not agree so the ` odious ' and ` divisive ' rhetoric of the far right and ukipwarned the tory leadership has lost control of the party , and is in hock to right wingers who want to bring back the death penalty , ban the burka and slash the stateclaimed the lib dems are most in tune with public opinion , but admitted he is struggling to turn it into votesrevealed he is such a terrible cook that wife miriam , who has revealed she has been running a secret food blog , will only let him do the washing up\"]\n", - "lib dem leader nick clegg claimed nigel farage 's ` mask is slipping ' to reveal a man uncomfortable talking about people who are not white ` lashing out ' in a scrabble for headlinesmr cameron issued an appeal to people planning to vote ukip to instead support the tories in an attempt to block a ` toxic tie-up ' between laabiur and the snp .but mr clegg condemned the ` worrying ' suggestion that his former coalition partners should seek to build a majority by appealing to people on the ` far right ' .\n", - "exclusive nick clegg warns the ukip leader 's ` mask is slipping 'condemns farage for comments on migrants and ` half black ' candidateswarns cameron will be pulled to the right by his own mps and ukipsome tories want to bring back death penalty and ban the burkalib dems are ` in tune ' with public , but struggling to turn into votesadmits to being such a bad cook that wife miriam only lets him wash upcondemned nigel farage for referring to ` half black ' candidates and wanting to ` turn our backs on the very sick 'insisted the majority of people do not agree so the ` odious ' and ` divisive ' rhetoric of the far right and ukipwarned the tory leadership has lost control of the party , and is in hock to right wingers who want to bring back the death penalty , ban the burka and slash the stateclaimed the lib dems are most in tune with public opinion , but admitted he is struggling to turn it into votesrevealed he is such a terrible cook that wife miriam , who has revealed she has been running a secret food blog , will only let him do the washing up\n", - "[1.1060245 1.5401821 1.3361621 1.3748972 1.1855998 1.1833566 1.1180699\n", - " 1.0218358 1.0224795 1.0135578 1.1770028 1.0319822 1.0167297 1.0206761\n", - " 1.0763493 1.0592202 1.0294814 1.0090988]\n", - "\n", - "[ 1 3 2 4 5 10 6 0 14 15 11 16 8 7 13 12 9 17]\n", - "=======================\n", - "[\"triathlete charlotte roach , 26 , from london , who nearly died in a horror crash , gave up ordinary clothes for lent to raise money for the charity that saved her life .along with her business partner rosemary pringle , 28 , the pair vowed to sport only fancy dress costumes for 40 days to fundraise for london 's air ambulance .the two women rated buskers in london 's trafalgar square while dressed as simon cowell , rode the tube as baywatch lifeguards and even pitched to clients in their pyjamas .\"]\n", - "=======================\n", - "[\"charlotte roach was nearly killed in a horrific car accident in 2010for lent she decided to dress in fancy dress to raise money for charitycharlotte 's business partner rosemary pringle did the challenge toothe pair wanted to raise money for the air ambulance service\"]\n", - "triathlete charlotte roach , 26 , from london , who nearly died in a horror crash , gave up ordinary clothes for lent to raise money for the charity that saved her life .along with her business partner rosemary pringle , 28 , the pair vowed to sport only fancy dress costumes for 40 days to fundraise for london 's air ambulance .the two women rated buskers in london 's trafalgar square while dressed as simon cowell , rode the tube as baywatch lifeguards and even pitched to clients in their pyjamas .\n", - "charlotte roach was nearly killed in a horrific car accident in 2010for lent she decided to dress in fancy dress to raise money for charitycharlotte 's business partner rosemary pringle did the challenge toothe pair wanted to raise money for the air ambulance service\n", - "[1.2576495 1.479159 1.2740632 1.291217 1.1486795 1.0747018 1.1297531\n", - " 1.0443772 1.0459244 1.0641173 1.0197871 1.0531682 1.029023 1.2305223\n", - " 1.0225164 1.0668163 1.0448729 0. ]\n", - "\n", - "[ 1 3 2 0 13 4 6 5 15 9 11 8 16 7 12 14 10 17]\n", - "=======================\n", - "[\"the 43-year-old entrepreneur bought the three-bedroom property in the park circus area of glasgow for # 780,700 after she split from her former husband michael in december 2011 .on the market : michelle mone has put her luxury glasgow townhouse up for sale so she can buy her husband out of their ` dream ' mansionshe spent months renovating the period two-storey townhouse , described by estate agents as an ` outstanding interior designed luxury home ' which has been ` impeccably refurbished ' .\"]\n", - "=======================\n", - "[\"michelle mone bought three-bedroom property in glasgow 's exclusive park circus after splitting from michael moneshe spent months renovating period townhouse but is now selling to buy ex-husband out of their family mansionit features a grand staircase , large reception hall and luxury interior designs throughout bedrooms and living roomthe 43-year-old ultimo founder will profit from at least # 100,000 if it sells and also owns a # 2million flat in mayfair\"]\n", - "the 43-year-old entrepreneur bought the three-bedroom property in the park circus area of glasgow for # 780,700 after she split from her former husband michael in december 2011 .on the market : michelle mone has put her luxury glasgow townhouse up for sale so she can buy her husband out of their ` dream ' mansionshe spent months renovating the period two-storey townhouse , described by estate agents as an ` outstanding interior designed luxury home ' which has been ` impeccably refurbished ' .\n", - "michelle mone bought three-bedroom property in glasgow 's exclusive park circus after splitting from michael moneshe spent months renovating period townhouse but is now selling to buy ex-husband out of their family mansionit features a grand staircase , large reception hall and luxury interior designs throughout bedrooms and living roomthe 43-year-old ultimo founder will profit from at least # 100,000 if it sells and also owns a # 2million flat in mayfair\n", - "[1.2772372 1.2841184 1.2136259 1.168205 1.0991818 1.0402688 1.0508735\n", - " 1.0537732 1.0591457 1.0542442 1.0805117 1.0681258 1.0587866 1.0523365\n", - " 1.0498983 1.0525347 1.0640025 0. ]\n", - "\n", - "[ 1 0 2 3 4 10 11 16 8 12 9 7 15 13 6 14 5 17]\n", - "=======================\n", - "['such state laws have been growing ever since the u.s. religious freedom restoration act became law in 1993 , designed to prohibit the federal government from \" substantially burdening \" a person \\'s exercise of religion .so far , 20 states have some version of the religious liberty law , and the legal controversies have grown , too .nonetheless , claims under those state rfras are \" exceedingly rare , \" and victories involved mostly religious minorities , not christian denominations , experts say .']\n", - "=======================\n", - "['a native american from a tribe not recognized by the feds wins the return of his eagle feathersan irs accountant is fired for insisting on carrying a symbolic sikh knife to worka group of chicago pastors takes on city hall over its permits for new churches and loses']\n", - "such state laws have been growing ever since the u.s. religious freedom restoration act became law in 1993 , designed to prohibit the federal government from \" substantially burdening \" a person 's exercise of religion .so far , 20 states have some version of the religious liberty law , and the legal controversies have grown , too .nonetheless , claims under those state rfras are \" exceedingly rare , \" and victories involved mostly religious minorities , not christian denominations , experts say .\n", - "a native american from a tribe not recognized by the feds wins the return of his eagle feathersan irs accountant is fired for insisting on carrying a symbolic sikh knife to worka group of chicago pastors takes on city hall over its permits for new churches and loses\n", - "[1.3036125 1.3527026 1.2398576 1.2007275 1.2491126 1.061008 1.0499122\n", - " 1.117302 1.0402873 1.0257589 1.0911108 1.1210121 1.056312 1.0815847\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 11 7 10 13 5 12 6 8 9 16 14 15 17]\n", - "=======================\n", - "[\"the one direction star was seen barefoot and sat on the edge of a sofa during a stay at london 's soho hotel on wednesday night , in which he appeared to be rolling a joint while sat next to a box filled with a suspicious substance .new pictures have emerged of louis tomlinson 's wild night of partying with a group of five girls .jokes : the snapchat video shows louis back in his room at the soho hotel in london with his female friends , as one of them jokes that they are n't sure which member of one direction he is\"]\n", - "=======================\n", - "[\"new images have surfaced of louis tomlinson 's all-night partying session , which appeared to end at around 6amthey follow the release of a photograph taken of 23-year-old boy band star in which he appears to be rolling a joint beside a box of green substancetomlinson had been partying hard for 48 hours in london , and took five girls back to his room at the soho hotelcomes after tomlinson appeared on exclusive daily mail online video in which zayn malik appeared to smoke drugbandmate liam payne then issued apology for video\"]\n", - "the one direction star was seen barefoot and sat on the edge of a sofa during a stay at london 's soho hotel on wednesday night , in which he appeared to be rolling a joint while sat next to a box filled with a suspicious substance .new pictures have emerged of louis tomlinson 's wild night of partying with a group of five girls .jokes : the snapchat video shows louis back in his room at the soho hotel in london with his female friends , as one of them jokes that they are n't sure which member of one direction he is\n", - "new images have surfaced of louis tomlinson 's all-night partying session , which appeared to end at around 6amthey follow the release of a photograph taken of 23-year-old boy band star in which he appears to be rolling a joint beside a box of green substancetomlinson had been partying hard for 48 hours in london , and took five girls back to his room at the soho hotelcomes after tomlinson appeared on exclusive daily mail online video in which zayn malik appeared to smoke drugbandmate liam payne then issued apology for video\n", - "[1.2620914 1.2686769 1.3612077 1.1405305 1.2203491 1.1462137 1.1081666\n", - " 1.0297505 1.0197262 1.022501 1.1830518 1.1048447 1.0761604 1.0642705\n", - " 1.0616095 1.075489 1.0658741 1.0310477]\n", - "\n", - "[ 2 1 0 4 10 5 3 6 11 12 15 16 13 14 17 7 9 8]\n", - "=======================\n", - "[\"today had interviewed 70-year-old michaels for a story matt lauer did on a new york gathering for people listed by time magazine as the 100 most influential in the world .the flub by a graphics person , made on the east coast feed of the morning show , was corrected for broadcasts in other time zones and online , the network said .a graphic on nbc 's today show on wednesday misidentified saturday night live creator lorne michaels as ` lauren ' .\"]\n", - "=======================\n", - "[\"a graphic on nbc 's today show on wednesday misidentified saturday night live creator lorne michaels as ` lauren 'the flub by a graphics person , made on the east coast feed of the morning show , was corrected for broadcasts in other time zones and onlinetoday interviewed 70-year-old michaels for a story on new york gathering for influential people listed by time magazine\"]\n", - "today had interviewed 70-year-old michaels for a story matt lauer did on a new york gathering for people listed by time magazine as the 100 most influential in the world .the flub by a graphics person , made on the east coast feed of the morning show , was corrected for broadcasts in other time zones and online , the network said .a graphic on nbc 's today show on wednesday misidentified saturday night live creator lorne michaels as ` lauren ' .\n", - "a graphic on nbc 's today show on wednesday misidentified saturday night live creator lorne michaels as ` lauren 'the flub by a graphics person , made on the east coast feed of the morning show , was corrected for broadcasts in other time zones and onlinetoday interviewed 70-year-old michaels for a story on new york gathering for influential people listed by time magazine\n", - "[1.2806656 1.3747549 1.3864859 1.3328238 1.1747553 1.093374 1.0862355\n", - " 1.0625677 1.0749388 1.044829 1.1670948 1.0821263 1.0609607 1.0735105\n", - " 1.1128653 1.0629922 1.041052 1.047623 ]\n", - "\n", - "[ 2 1 3 0 4 10 14 5 6 11 8 13 15 7 12 17 9 16]\n", - "=======================\n", - "[\"her girl , who has not been identified , was found injured outside of jim 's burgers 13 miles away and was spotted by concerned customers next to a dumpster .the gardena toddler reportedly shouted ` mommy ' before her mother turned around and could not find her daughter around 4.55 pm on thursday .a two-year-old girl in southern california was found naked sitting by herself in a parking lot two hours after disappearing from her mother at a car wash .\"]\n", - "=======================\n", - "['young girl in gardena , california , disappeared from car wash at 4.55 pmdiscovered sitting alone in parking lot outside burger restaurant at 7pmpolice searching for driver of white nissan altima with tinted windows']\n", - "her girl , who has not been identified , was found injured outside of jim 's burgers 13 miles away and was spotted by concerned customers next to a dumpster .the gardena toddler reportedly shouted ` mommy ' before her mother turned around and could not find her daughter around 4.55 pm on thursday .a two-year-old girl in southern california was found naked sitting by herself in a parking lot two hours after disappearing from her mother at a car wash .\n", - "young girl in gardena , california , disappeared from car wash at 4.55 pmdiscovered sitting alone in parking lot outside burger restaurant at 7pmpolice searching for driver of white nissan altima with tinted windows\n", - "[1.5519084 1.4026202 1.2540469 1.1544564 1.2596197 1.335704 1.2035866\n", - " 1.090144 1.0600005 1.0336647 1.0884514 1.0118686 1.0868092 1.0601842\n", - " 1.0599619 1.0304835 0. 0. ]\n", - "\n", - "[ 0 1 5 4 2 6 3 7 10 12 13 8 14 9 15 11 16 17]\n", - "=======================\n", - "[\"carla suarez navarro advanced to the final of the miami open after topping andrea petkovic 6-3 , 6-3 in a semi-final on thursday .the spaniard 12th-seed did n't face a single break point and will meet either top seed serena williams or third seed simona halep in saturday 's final .it 's the eighth time that suarez navarro has reached a wta final .\"]\n", - "=======================\n", - "['carla suarez navarro advances to final of the miami open with winspaniard will play either serena williams or simona halep in finalsuarez navarro beats andrea petkovic in straight sets - 6-3 , 6-3']\n", - "carla suarez navarro advanced to the final of the miami open after topping andrea petkovic 6-3 , 6-3 in a semi-final on thursday .the spaniard 12th-seed did n't face a single break point and will meet either top seed serena williams or third seed simona halep in saturday 's final .it 's the eighth time that suarez navarro has reached a wta final .\n", - "carla suarez navarro advances to final of the miami open with winspaniard will play either serena williams or simona halep in finalsuarez navarro beats andrea petkovic in straight sets - 6-3 , 6-3\n", - "[1.2097524 1.313414 1.2056762 1.1124746 1.3075833 1.0930643 1.0881135\n", - " 1.0338422 1.0768901 1.128022 1.0486244 1.0308326 1.1234181 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 2 9 12 3 5 6 8 10 7 11 13 14 15 16 17]\n", - "=======================\n", - "[\"all three couples began their real journey towards domestic bliss on last night 's episode of the fyi reality show , as the newlyweds searched for new homes to call their own , but , surprisingly , it was jaclyn methuen and ryan ranellone who were brought closer together by process .the married at first sight star who once considered leaving her groom at the altar because she was unimpressed with his looks has revealed that she is finally ready to physically consummate their marriage , as her feelings for her new husband continue to grow .and the two even ended the first day in their new home sharing a bedroom together .\"]\n", - "=======================\n", - "[\"jaclyn methuen and ryan ranellone moved into their marital home together on last night 's episode of the fyi reality show30-year-old jaclyn , from union , new jersey , nearly left her new husband at the altar because she was n't physically attracted to himthe couple 's new one-bedroom apartment is in astoria , queens\"]\n", - "all three couples began their real journey towards domestic bliss on last night 's episode of the fyi reality show , as the newlyweds searched for new homes to call their own , but , surprisingly , it was jaclyn methuen and ryan ranellone who were brought closer together by process .the married at first sight star who once considered leaving her groom at the altar because she was unimpressed with his looks has revealed that she is finally ready to physically consummate their marriage , as her feelings for her new husband continue to grow .and the two even ended the first day in their new home sharing a bedroom together .\n", - "jaclyn methuen and ryan ranellone moved into their marital home together on last night 's episode of the fyi reality show30-year-old jaclyn , from union , new jersey , nearly left her new husband at the altar because she was n't physically attracted to himthe couple 's new one-bedroom apartment is in astoria , queens\n", - "[1.5337446 1.2591825 1.324325 1.384716 1.1045561 1.036241 1.0339333\n", - " 1.0234245 1.2062291 1.1284721 1.112575 1.0655515 1.0627129 1.0380294\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 8 9 10 4 11 12 13 5 6 7 16 14 15 17]\n", - "=======================\n", - "[\"nicola adams has been forced to withdraw from this weekend 's english national championships following a burglary at her home in leeds .adams had been due to contest the women 's 51kg flyweight division including a prospective final showdown against her great britain rival lisa whiteside .adams and other family members were at home at the time but were not aware of the break-in , in which two cars , training kit and valuable personal possessions were taken .\"]\n", - "=======================\n", - "[\"nicola adams and her family were at home during the break-inbut thieves left with two cars , training kit , and other valuablesadams will not fight at english national championships this weekendabae chief mark abberley called decision ` completely understandable '\"]\n", - "nicola adams has been forced to withdraw from this weekend 's english national championships following a burglary at her home in leeds .adams had been due to contest the women 's 51kg flyweight division including a prospective final showdown against her great britain rival lisa whiteside .adams and other family members were at home at the time but were not aware of the break-in , in which two cars , training kit and valuable personal possessions were taken .\n", - "nicola adams and her family were at home during the break-inbut thieves left with two cars , training kit , and other valuablesadams will not fight at english national championships this weekendabae chief mark abberley called decision ` completely understandable '\n", - "[1.5397124 1.3756955 1.1763055 1.3917255 1.0796936 1.1147518 1.225828\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 6 2 5 4 15 14 13 12 8 10 9 16 7 11 17]\n", - "=======================\n", - "['ryuichi kiyonari bettered the donington park lap record to take put his buildbase bmw on to pole start for the easter monday opening round of the mce british superbike championship .the japanese rider powered in a scorching time of one minute 29.455 seconds .in doing so , he headed off the close attentions of james ellison on the jg speedfit kawasaki by just 0.029 secs .']\n", - "=======================\n", - "['ryuichi kiyonari bettered the donington park lap record on sundayjapanese rider powered in a scorching time of one minute 29.455 secondsshane bryne finished less than a quarter of a second downâ']\n", - "ryuichi kiyonari bettered the donington park lap record to take put his buildbase bmw on to pole start for the easter monday opening round of the mce british superbike championship .the japanese rider powered in a scorching time of one minute 29.455 seconds .in doing so , he headed off the close attentions of james ellison on the jg speedfit kawasaki by just 0.029 secs .\n", - "ryuichi kiyonari bettered the donington park lap record on sundayjapanese rider powered in a scorching time of one minute 29.455 secondsshane bryne finished less than a quarter of a second downâ\n", - "[1.4370909 1.4389583 1.2225839 1.1594007 1.162046 1.1224934 1.1344345\n", - " 1.1200147 1.0521072 1.0415797 1.0610844 1.087778 1.0994133 1.0635283\n", - " 1.0738481 1.0829877 1.0570474 1.0169654]\n", - "\n", - "[ 1 0 2 4 3 6 5 7 12 11 15 14 13 10 16 8 9 17]\n", - "=======================\n", - "['khan is expected to announce his next opponent imminently , with british rival kell brook set to feature on his agenda for a wembley blockbuster next year .amir khan has gone face to face with adrien broner ahead of a possible summer fight against the former lightweight world champion .amir khan appears on the screen as adrien broner urges him to make their fight happen on facetime']\n", - "=======================\n", - "['adrien broner posted a video of a facetime conversation with amir khanthe american has made it clear he wants to fight the briton nextkhan said on twitter that he had given his word to his next opponentkell brook is another possible opponent but khan wants to wait']\n", - "khan is expected to announce his next opponent imminently , with british rival kell brook set to feature on his agenda for a wembley blockbuster next year .amir khan has gone face to face with adrien broner ahead of a possible summer fight against the former lightweight world champion .amir khan appears on the screen as adrien broner urges him to make their fight happen on facetime\n", - "adrien broner posted a video of a facetime conversation with amir khanthe american has made it clear he wants to fight the briton nextkhan said on twitter that he had given his word to his next opponentkell brook is another possible opponent but khan wants to wait\n", - "[1.1901004 1.2341139 1.067831 1.0282061 1.0249037 1.0896435 1.2024422\n", - " 1.1241157 1.1614505 1.122831 1.0657356 1.1857731 1.206582 1.0853443\n", - " 1.0602534 1.0724089 1.0510259 1.0985048 1.0659486 1.0321801 1.0171492\n", - " 1.0394002 1.0566542 1.0727648 1.0644968 1.0712333 1.0352331 1.0517141\n", - " 1.0473117 1.0400316 1.0304639]\n", - "\n", - "[ 1 12 6 0 11 8 7 9 17 5 13 23 15 25 2 18 10 24 14 22 27 16 28 29\n", - " 21 26 19 30 3 4 20]\n", - "=======================\n", - "['plea deal over a grand theft charge from february , his attorney said .he agreed to perform 100 hours of community service and pay $ 1,333 to the estate of a neighbor for allegedly stealing from the $ 1million homethe rapper , whose real name is robert van winkle , appeared']\n", - "=======================\n", - "[\"he agreed to a plea deal on thursday where he said he 'd perform 100 hours of community service and pay $ 1,333 to the estate of a neighborhis community service must take place at a habitat for humanity projectvanilla ice - real name robert van winkle - was arrested in lantana , florida in february on grand theft chargescops claimed he took furniture , a pool heater and bicycles from vacant home near a property he was working on for reality show ` the vanilla ice project 'the items were later found inside his own house , according to authorities\"]\n", - "plea deal over a grand theft charge from february , his attorney said .he agreed to perform 100 hours of community service and pay $ 1,333 to the estate of a neighbor for allegedly stealing from the $ 1million homethe rapper , whose real name is robert van winkle , appeared\n", - "he agreed to a plea deal on thursday where he said he 'd perform 100 hours of community service and pay $ 1,333 to the estate of a neighborhis community service must take place at a habitat for humanity projectvanilla ice - real name robert van winkle - was arrested in lantana , florida in february on grand theft chargescops claimed he took furniture , a pool heater and bicycles from vacant home near a property he was working on for reality show ` the vanilla ice project 'the items were later found inside his own house , according to authorities\n", - "[1.3633287 1.4371603 1.2577057 1.4168342 1.1774931 1.1395928 1.107222\n", - " 1.0831907 1.1201887 1.0340765 1.013183 1.0598794 1.1656263 1.0446534\n", - " 1.0102271 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 12 5 8 6 7 11 13 9 10 14 28 27 26 25 24 23 22 15 20\n", - " 19 18 17 16 29 21 30]\n", - "=======================\n", - "[\"the anfield boss was ordered to pay # 400 and # 375 costs , with a # 40 surcharge at blackburn magistrates ' court for leaving a # 69,950 terrace house in accrington with broken windows and doors and rubbish strewn across the garden .liverpool manager brendan rodgers has been convicted of leaving a property in accrington to rotrodgers - whose liverpool side crashed out of the fa cup on sunday in a 2-1 defeat by aston villa - and his business partner judith o'hagan were found guilty of ignoring an improvement notice issued by hyndburn council .\"]\n", - "=======================\n", - "['liverpool manager brendan rodgers has been found guilty of ignoring a notice to improve a property he co-owns in accrington , lancashirehouse had broken windows and doors with rubbish strewn across a yardthe terrace property was left derelict by the owners for three yearsliverpool manager suffered defeat by aston villa in the fa cup on sunday']\n", - "the anfield boss was ordered to pay # 400 and # 375 costs , with a # 40 surcharge at blackburn magistrates ' court for leaving a # 69,950 terrace house in accrington with broken windows and doors and rubbish strewn across the garden .liverpool manager brendan rodgers has been convicted of leaving a property in accrington to rotrodgers - whose liverpool side crashed out of the fa cup on sunday in a 2-1 defeat by aston villa - and his business partner judith o'hagan were found guilty of ignoring an improvement notice issued by hyndburn council .\n", - "liverpool manager brendan rodgers has been found guilty of ignoring a notice to improve a property he co-owns in accrington , lancashirehouse had broken windows and doors with rubbish strewn across a yardthe terrace property was left derelict by the owners for three yearsliverpool manager suffered defeat by aston villa in the fa cup on sunday\n", - "[1.2339119 1.3251846 1.0500276 1.1874743 1.1673443 1.3847558 1.174077\n", - " 1.1231202 1.0625708 1.0514954 1.0165985 1.0150591 1.0339367 1.1076248\n", - " 1.0925173 1.182784 1.062429 1.097221 1.0327414 1.0324731 1.015001\n", - " 1.0250449 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 5 1 0 3 15 6 4 7 13 17 14 8 16 9 2 12 18 19 21 10 11 20 29 22\n", - " 23 24 25 26 27 28 30]\n", - "=======================\n", - "[\"striker harry kane has hit an astonishing 29 goals in 44 games for tottenham so far this seasonlast year 's winner luis suarez now resides in spain , so , too , does 2013 victor gareth bale .it 's that time of the season when premier league footballers cast their vote for the pfa players ' player of the year .\"]\n", - "=======================\n", - "[\"premier league footballers are voting for pfa players ' player of the yeareden hazard and harry kane are the leading candidates for the awardsergio aguero , alexis sanchez and david de gea are also contendersluis suarez won last year with gareth bale taking the prize the year before\"]\n", - "striker harry kane has hit an astonishing 29 goals in 44 games for tottenham so far this seasonlast year 's winner luis suarez now resides in spain , so , too , does 2013 victor gareth bale .it 's that time of the season when premier league footballers cast their vote for the pfa players ' player of the year .\n", - "premier league footballers are voting for pfa players ' player of the yeareden hazard and harry kane are the leading candidates for the awardsergio aguero , alexis sanchez and david de gea are also contendersluis suarez won last year with gareth bale taking the prize the year before\n", - "[1.1187712 1.1539088 1.4169343 1.277278 1.3100543 1.116414 1.0499388\n", - " 1.1279653 1.0328877 1.0994253 1.1385293 1.1250925 1.1907909 1.0497328\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 4 3 12 1 10 7 11 0 5 9 6 13 8 23 28 27 26 25 24 22 15 20 19\n", - " 18 17 16 29 14 21 30]\n", - "=======================\n", - "[\"measuring just 15ft by 10ft , the remote beach hut on mudeford spit in christchurch , dorset , is the same price as a five-bedroom house in herefordshire and more than a detached four-bedroom house in kingswood , hull .owners will also have to shell out between # 2,500 and # 4,000 a year in ground rent to christchurch borough council for use of the hut which can sleep up to five people .but that has n't stopped this modest timber shed being put up for sale for # 230,000 -- making it one of britain 's most expensive beach huts .\"]\n", - "=======================\n", - "[\"a beach hut on desirable mudeford spit in christchurch , dorset , has gone on the market for # 230,000it is one of britain 's most expensive beach huts and is the same price as a family home in many parts of the ukhut 39 measures just 15ft by 10ft and has no mains water or electricity , but boasts a solar panel for 12v lightsit can sleep up to five people and has spectacular views over christchurch bay to the needles and the isle of wight\"]\n", - "measuring just 15ft by 10ft , the remote beach hut on mudeford spit in christchurch , dorset , is the same price as a five-bedroom house in herefordshire and more than a detached four-bedroom house in kingswood , hull .owners will also have to shell out between # 2,500 and # 4,000 a year in ground rent to christchurch borough council for use of the hut which can sleep up to five people .but that has n't stopped this modest timber shed being put up for sale for # 230,000 -- making it one of britain 's most expensive beach huts .\n", - "a beach hut on desirable mudeford spit in christchurch , dorset , has gone on the market for # 230,000it is one of britain 's most expensive beach huts and is the same price as a family home in many parts of the ukhut 39 measures just 15ft by 10ft and has no mains water or electricity , but boasts a solar panel for 12v lightsit can sleep up to five people and has spectacular views over christchurch bay to the needles and the isle of wight\n", - "[1.0749441 1.0820024 1.0731207 1.2915157 1.2015755 1.1605341 1.0432621\n", - " 1.1532565 1.072566 1.0479704 1.0336602 1.1026386 1.0569991 1.0409154\n", - " 1.0519309 1.041335 1.0946921 1.0431386 1.0407779 1.0782621 1.0809835\n", - " 1.0464501 1.0222334 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 4 5 7 11 16 1 20 19 0 2 8 12 14 9 21 6 17 15 13 18 10 22 29\n", - " 23 24 25 26 27 28 30]\n", - "=======================\n", - "[\"with simple and sensible tricks recommended by a professional florist , you can make your flowers lastwhile there are plenty of diy ` solutions ' - vodka , aspirin and pennies - to keep a bouquet fresh , most of these things can actually damage the delicate flowers .from spraying them in hairspray to keeping them far away from fruit and electricals , we 've gathered a handy list of seven unlikely tips from serenata flowers .\"]\n", - "=======================\n", - "[\"spring is the perfect time to fill your home with seasonal flowerswe 've gathered a list of simple , unlikely tips to help them lastinclude spraying them in hairspray and keeping them far away from fruit\"]\n", - "with simple and sensible tricks recommended by a professional florist , you can make your flowers lastwhile there are plenty of diy ` solutions ' - vodka , aspirin and pennies - to keep a bouquet fresh , most of these things can actually damage the delicate flowers .from spraying them in hairspray to keeping them far away from fruit and electricals , we 've gathered a handy list of seven unlikely tips from serenata flowers .\n", - "spring is the perfect time to fill your home with seasonal flowerswe 've gathered a list of simple , unlikely tips to help them lastinclude spraying them in hairspray and keeping them far away from fruit\n", - "[1.5064968 1.2366967 1.184533 1.33979 1.396518 1.2428042 1.2555009\n", - " 1.0136527 1.1605933 1.1008394 1.0992366 1.0142037 1.0084906 1.0102512\n", - " 1.0956142 1.0075269 1.0073451 1.0061799 1.0075148 0. 0. ]\n", - "\n", - "[ 0 4 3 6 5 1 2 8 9 10 14 11 7 13 12 15 18 16 17 19 20]\n", - "=======================\n", - "['gareth bale has been urged to ignore a return to the premier league and persevere at real madrid by former wales manager mark hughes .the welshman has been linked with english clubs including manchester united and chelsea but hughes , who regrets only spending a single season in spain , believes bale should stay with los blancos .the welshman missed the champions league quarter-final return against atletico after picking up an injury']\n", - "=======================\n", - "['gareth bale has endured a difficult second season at real madridformer tottenham winger has been linked with a return to the premier league with manchester united and chelseastoke manager mark hughes has urged wales star to stay at the bernabeuread : bale desperate to stay and win over real madrid supportread : bale leads football league team of the decade']\n", - "gareth bale has been urged to ignore a return to the premier league and persevere at real madrid by former wales manager mark hughes .the welshman has been linked with english clubs including manchester united and chelsea but hughes , who regrets only spending a single season in spain , believes bale should stay with los blancos .the welshman missed the champions league quarter-final return against atletico after picking up an injury\n", - "gareth bale has endured a difficult second season at real madridformer tottenham winger has been linked with a return to the premier league with manchester united and chelseastoke manager mark hughes has urged wales star to stay at the bernabeuread : bale desperate to stay and win over real madrid supportread : bale leads football league team of the decade\n", - "[1.2363291 1.4169734 1.2189515 1.1876562 1.1682534 1.1149312 1.1040639\n", - " 1.0502619 1.0577927 1.0884328 1.0650992 1.1279038 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 11 5 6 9 10 8 7 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"the story was that the girls had been taken from their abusive father back in italy to hide out in australia and now they were being sent back to the ` monster ' against their will .they were the heartbreaking scenes of a family being torn apart : four young sisters being dragged kicking and screaming from their mother 's home in the middle of the night .the scenes of the girl 's forced return caused widespread outcry , particularly as the girls ' mother portrayed the cruelty of the dad , and the girls - then aged nine to 14 years old - frightened and distraught .\"]\n", - "=======================\n", - "['four sisters were at centre of an international custody disputethe girls were sent back to live with their father in italy in 2012they were dragged kicking and screaming from their sunshine coast homethe distressing scenes shown on tv caused hysteria and concern60 minutes has exclusively interviewed the girls at their home near florencetheir mother has not visited them in italy until nowthis edition of 60 minutes will screen nationally on channel 9 at 8.30 pm this sunday , april 12']\n", - "the story was that the girls had been taken from their abusive father back in italy to hide out in australia and now they were being sent back to the ` monster ' against their will .they were the heartbreaking scenes of a family being torn apart : four young sisters being dragged kicking and screaming from their mother 's home in the middle of the night .the scenes of the girl 's forced return caused widespread outcry , particularly as the girls ' mother portrayed the cruelty of the dad , and the girls - then aged nine to 14 years old - frightened and distraught .\n", - "four sisters were at centre of an international custody disputethe girls were sent back to live with their father in italy in 2012they were dragged kicking and screaming from their sunshine coast homethe distressing scenes shown on tv caused hysteria and concern60 minutes has exclusively interviewed the girls at their home near florencetheir mother has not visited them in italy until nowthis edition of 60 minutes will screen nationally on channel 9 at 8.30 pm this sunday , april 12\n", - "[1.2520151 1.4634136 1.1477547 1.2913024 1.2260991 1.1334157 1.1118973\n", - " 1.0481297 1.0338804 1.0507598 1.0113088 1.0114467 1.1030613 1.0659773\n", - " 1.1358374 1.2269766 1.0872918 1.0148956 1.00877 1.0300215 1.0301836]\n", - "\n", - "[ 1 3 0 15 4 2 14 5 6 12 16 13 9 7 8 20 19 17 11 10 18]\n", - "=======================\n", - "[\"new yorker sarah reign , 26 , describes herself as a ` feedee ' , who gorges on junk food in various states of undress to titillate paying male viewers .a woman who weighs 400lbs has told how men are paying her around $ 1,500 ( # 1,000 ) a month to let them watch her devour fast food and sugary treats on camera .sarah reign says her fans love to watch her enjoying food\"]\n", - "=======================\n", - "[\"new yorker sarah reign , 26 , is a security guard by day but earns extra money by eating fast food and sugary treats while men watchweighs 400lbs and has gained 84lbs since she started eating on camerahas branched out to sitting on male clients who enjoy being smotheredadmits she finds eating for paying customers ` an ego boost '\"]\n", - "new yorker sarah reign , 26 , describes herself as a ` feedee ' , who gorges on junk food in various states of undress to titillate paying male viewers .a woman who weighs 400lbs has told how men are paying her around $ 1,500 ( # 1,000 ) a month to let them watch her devour fast food and sugary treats on camera .sarah reign says her fans love to watch her enjoying food\n", - "new yorker sarah reign , 26 , is a security guard by day but earns extra money by eating fast food and sugary treats while men watchweighs 400lbs and has gained 84lbs since she started eating on camerahas branched out to sitting on male clients who enjoy being smotheredadmits she finds eating for paying customers ` an ego boost '\n", - "[1.2664428 1.379689 1.2662216 1.2403617 1.3264589 1.0315933 1.0431259\n", - " 1.0830549 1.0512279 1.0348537 1.1658534 1.020758 1.0950679 1.0970634\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 2 3 10 13 12 7 8 6 9 5 11 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"memories pizza in walkerton faced criticism this week after co-owner crystal o'connor expressed support for a new indiana religious objections law .in hiding : crystal o'connor and her father kevin o'connor said they 'll re-open soon but were forced to close the doors to their pizza shop because the phones kept ringing and they did n't know if orders were fake or realthe owners of an indiana pizza shop who refused to cater a gay wedding have gone into hiding - but plan to re-open soon after raising $ 500,000 .\"]\n", - "=======================\n", - "[\"despite ` keeping a low profile ' crystal o'connor and her father kevin o'connor went on fox news to discuss their controversial commentscrystal , who told a reporter that she would not cater a gay wedding , revealed on thursday she has never catered any weddingwhen asked if they 'll re-open kevin said he initially shut down because he ` could n't tell if they were getting real orders 'crystal added that they 'll 're - open soon ' but said she did n't know whenrevised indiana law : no one has the legal right to ` refuse to offer or provide ' goods , services , facilities or employment to anyone in previously protected classes or based on sexual orientation or gender identity '\"]\n", - "memories pizza in walkerton faced criticism this week after co-owner crystal o'connor expressed support for a new indiana religious objections law .in hiding : crystal o'connor and her father kevin o'connor said they 'll re-open soon but were forced to close the doors to their pizza shop because the phones kept ringing and they did n't know if orders were fake or realthe owners of an indiana pizza shop who refused to cater a gay wedding have gone into hiding - but plan to re-open soon after raising $ 500,000 .\n", - "despite ` keeping a low profile ' crystal o'connor and her father kevin o'connor went on fox news to discuss their controversial commentscrystal , who told a reporter that she would not cater a gay wedding , revealed on thursday she has never catered any weddingwhen asked if they 'll re-open kevin said he initially shut down because he ` could n't tell if they were getting real orders 'crystal added that they 'll 're - open soon ' but said she did n't know whenrevised indiana law : no one has the legal right to ` refuse to offer or provide ' goods , services , facilities or employment to anyone in previously protected classes or based on sexual orientation or gender identity '\n", - "[1.3678644 1.299565 1.3172487 1.163454 1.2429467 1.1314199 1.0641544\n", - " 1.0257272 1.1591983 1.1364838 1.0239538 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 4 3 8 9 5 6 7 10 11 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"greece 's football federation ( epo ) could be suspended from international competition over government interference should a proposed new law be voted in , fifa and uefa have warned .following continuous problems with crowd trouble , the greek government has put together a new set of regulations in an attempt to crack down on violence at sports events .football 's governing bodies have strict rules aimed at protecting member federations ' independence\"]\n", - "=======================\n", - "[\"greek government has proposed a law to crack down on crowd violencefifa and uefa have strict rules to protect federations ' independencegreek minister claims football 's governing bodies are ` not interested in solving the evils plaguing greek football 'matches in greece to be suspended three times this season due to unrest\"]\n", - "greece 's football federation ( epo ) could be suspended from international competition over government interference should a proposed new law be voted in , fifa and uefa have warned .following continuous problems with crowd trouble , the greek government has put together a new set of regulations in an attempt to crack down on violence at sports events .football 's governing bodies have strict rules aimed at protecting member federations ' independence\n", - "greek government has proposed a law to crack down on crowd violencefifa and uefa have strict rules to protect federations ' independencegreek minister claims football 's governing bodies are ` not interested in solving the evils plaguing greek football 'matches in greece to be suspended three times this season due to unrest\n", - "[1.3231056 1.2987071 1.3012223 1.1134567 1.1527584 1.0670432 1.0252733\n", - " 1.0574226 1.0426159 1.0678715 1.1596706 1.101312 1.0492394 1.0379863\n", - " 1.0413691 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 1 10 4 3 11 9 5 7 12 8 14 13 6 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"the world 's best golfers gathered on the eve of the masters on thursday to take on a nine-hole course , often with their wives , girlfriends or kids as caddies , as part of the par 3 contest .tiger woods showed up to the event at the augusta national golf club in augusta , georgia , with his two children , sam , 8 , and charlie , 6 , and his girlfriend lindsey vonn , who was dressed in a floor-length , spaghetti strap gown , accessorized with diamonds and louis vuitton .and it seemed that golf wag and u.s. skier lindsey vonn appeared to be the only caddie to have opted out of the bland , white jumpsuit uniform .\"]\n", - "=======================\n", - "[\"the par 3 contest is played every year on eve of the masters tournamentworld 's best players take on a nine-hole course with wives , girlfriends , friends and their kids as caddiestiger woods and bubba watson were some of the many who brought the whole family along to playrory mcilroy brought one direction 's niall horan to caddie the contestthe masters tournament kicks off thursday at 8am in augusta , georgia\"]\n", - "the world 's best golfers gathered on the eve of the masters on thursday to take on a nine-hole course , often with their wives , girlfriends or kids as caddies , as part of the par 3 contest .tiger woods showed up to the event at the augusta national golf club in augusta , georgia , with his two children , sam , 8 , and charlie , 6 , and his girlfriend lindsey vonn , who was dressed in a floor-length , spaghetti strap gown , accessorized with diamonds and louis vuitton .and it seemed that golf wag and u.s. skier lindsey vonn appeared to be the only caddie to have opted out of the bland , white jumpsuit uniform .\n", - "the par 3 contest is played every year on eve of the masters tournamentworld 's best players take on a nine-hole course with wives , girlfriends , friends and their kids as caddiestiger woods and bubba watson were some of the many who brought the whole family along to playrory mcilroy brought one direction 's niall horan to caddie the contestthe masters tournament kicks off thursday at 8am in augusta , georgia\n", - "[1.359595 1.128912 1.4116788 1.194345 1.1520455 1.1984211 1.0654073\n", - " 1.0249946 1.0200685 1.0229415 1.053699 1.1026701 1.1128095 1.0663726\n", - " 1.1591718 1.1295393 1.0444431 1.0565596 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 5 3 14 4 15 1 12 11 13 6 17 10 16 7 9 8 21 18 19 20 22]\n", - "=======================\n", - "[\"the snaps of a cat playing with a mouse on a roof in shepton mallet , somerset , illustrate the perils the tiny rodents face in the town .a game of cat and mouse has been captured in a series of striking images as the pair battle it out on a shed rooftop like a real life version of much-loved cartoon duo tom and jerry .the pictures were taken by the cat 's owner jason bryant who confirmed the inevitable outcome of the encounter .\"]\n", - "=======================\n", - "[\"age-old game of cat and mouse is brought to life in these quirky pictures taken in shepton mallet in somersetthe pair are seen battling it out on the roof of a shed in a real life take on an episode of tom and jerryironically , the cat 's name is mouse .\"]\n", - "the snaps of a cat playing with a mouse on a roof in shepton mallet , somerset , illustrate the perils the tiny rodents face in the town .a game of cat and mouse has been captured in a series of striking images as the pair battle it out on a shed rooftop like a real life version of much-loved cartoon duo tom and jerry .the pictures were taken by the cat 's owner jason bryant who confirmed the inevitable outcome of the encounter .\n", - "age-old game of cat and mouse is brought to life in these quirky pictures taken in shepton mallet in somersetthe pair are seen battling it out on the roof of a shed in a real life take on an episode of tom and jerryironically , the cat 's name is mouse .\n", - "[1.4839232 1.1803823 1.3912518 1.27404 1.1035674 1.0849111 1.049275\n", - " 1.0567127 1.078608 1.1737747 1.169128 1.0356641 1.0615437 1.0669003\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 3 1 9 10 4 5 8 13 12 7 6 11 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"xiao zhengti , five , was born with a congenital liver disease meaning he needed his first transplant at just nine months oldbut the boy 's body rejected the organ , leading to years of trips to hospital , until father xiao kunqing was allowed to donate 40 per cent of his liver yesterday , leading to a full recovery .the touching story began in 2009 shortly after xiao was born to parents from southern china 's hunan province with jaundice , which is common in babies , but doctors became concerned after it did not dissipate within a few weeks .\"]\n", - "=======================\n", - "['xiao zhengti , five , born with liver condition which caused organ to swellneeded first transplant from mother yang haiying at nine months oldbut body rejected organ , leading to four years of repeated hospital visitsyesterday father xiao kunqing was also allowed to donate part of liverboy is now expected to make a full recovery and be home within weeks']\n", - "xiao zhengti , five , was born with a congenital liver disease meaning he needed his first transplant at just nine months oldbut the boy 's body rejected the organ , leading to years of trips to hospital , until father xiao kunqing was allowed to donate 40 per cent of his liver yesterday , leading to a full recovery .the touching story began in 2009 shortly after xiao was born to parents from southern china 's hunan province with jaundice , which is common in babies , but doctors became concerned after it did not dissipate within a few weeks .\n", - "xiao zhengti , five , born with liver condition which caused organ to swellneeded first transplant from mother yang haiying at nine months oldbut body rejected organ , leading to four years of repeated hospital visitsyesterday father xiao kunqing was also allowed to donate part of liverboy is now expected to make a full recovery and be home within weeks\n", - "[1.1792922 1.3709056 1.1176277 1.327576 1.1430507 1.1520103 1.0559248\n", - " 1.0279881 1.0305479 1.0343866 1.1437882 1.0765787 1.0543193 1.1238827\n", - " 1.1077241 1.0715739 1.0207314 1.1139468 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 5 10 4 13 2 17 14 11 15 6 12 9 8 7 16 21 18 19 20 22]\n", - "=======================\n", - "[\"these zombie stars are thought to be leaving a ` mass grave ' of white dwarf stars near the centre of the milky way .the nuclear spectroscopic telescope array , or nustar , has captured a new high-energy x-ray view ( magenta ) of the bustling center of our milky way galaxy .the finding , published in nature , was made by scientists at haverford college in pennsylvania , us using nasa 's nustar telescope .\"]\n", - "=======================\n", - "['scientists at haverford college in pennsylvania made the findingthey spotted x-ray emissions consistent with thousands of white dwarfsthese are stars left behind after larger ones use up their fuelbut why thousands of these stars are there remains a mystery']\n", - "these zombie stars are thought to be leaving a ` mass grave ' of white dwarf stars near the centre of the milky way .the nuclear spectroscopic telescope array , or nustar , has captured a new high-energy x-ray view ( magenta ) of the bustling center of our milky way galaxy .the finding , published in nature , was made by scientists at haverford college in pennsylvania , us using nasa 's nustar telescope .\n", - "scientists at haverford college in pennsylvania made the findingthey spotted x-ray emissions consistent with thousands of white dwarfsthese are stars left behind after larger ones use up their fuelbut why thousands of these stars are there remains a mystery\n", - "[1.3294935 1.4465125 1.330745 1.140509 1.288739 1.1246731 1.0814618\n", - " 1.1281649 1.0275887 1.0253055 1.020881 1.0173346 1.0197058 1.0179985\n", - " 1.0197861 1.0186608 1.0242913 1.0473803 1.0728682 1.05574 1.0592072\n", - " 1.095019 1.0451256]\n", - "\n", - "[ 1 2 0 4 3 7 5 21 6 18 20 19 17 22 8 9 16 10 14 12 15 13 11]\n", - "=======================\n", - "[\"benaud died last friday at the age of 84 of complications from skin cancer .australian prime minister tony abbott had extended the offer of a state funeral to benaut 's wife , daphne , which she declined .a private funeral service attended by ex-players shane warne and ian chappell was held on wednesday for former australia cricket captain and commentator richie benaud .\"]\n", - "=======================\n", - "[\"legendary former australian cricketer and commentator richie benaud died on friday at the age of 84 of complications from skin cancerhis wife , daphne , declined a government offer for a state funeralinstead , there was a smaller service attended by family and close friendsin the memorial booklet at the funeral , benaud 's family described him as ' a special person who means so much to each of us in many different ways 'click here to watch 10 of richie benaud 's finest moments\"]\n", - "benaud died last friday at the age of 84 of complications from skin cancer .australian prime minister tony abbott had extended the offer of a state funeral to benaut 's wife , daphne , which she declined .a private funeral service attended by ex-players shane warne and ian chappell was held on wednesday for former australia cricket captain and commentator richie benaud .\n", - "legendary former australian cricketer and commentator richie benaud died on friday at the age of 84 of complications from skin cancerhis wife , daphne , declined a government offer for a state funeralinstead , there was a smaller service attended by family and close friendsin the memorial booklet at the funeral , benaud 's family described him as ' a special person who means so much to each of us in many different ways 'click here to watch 10 of richie benaud 's finest moments\n", - "[1.2181045 1.4598658 1.0732629 1.0458561 1.2900031 1.0579057 1.0707442\n", - " 1.0449619 1.0237933 1.0193807 1.0833228 1.1405765 1.0882376 1.0971901\n", - " 1.085554 1.1461929 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 15 11 13 12 14 10 2 6 5 3 7 8 9 16 17 18]\n", - "=======================\n", - "[\"aliesha peterson , 22 , detailed the extensive fitness routine that helped her go from 145lbs to 127lbs -- and enabled the alberta , canada , resident to gain a noticeably fitter , and much more muscular , physique , as well as an impressive six-pack . 'a young woman on reddit has shared a set of inspiring before and after images , which showcase how an exercise plan she began 20 months ago in an effort to lessen her depression has not only helped her mentally -- but has also ensured a dramatic physical transformation .bringing sexy back : the 22-year-old says her back is her favorite part of her body , and she focuses on exercises to strengthen it every wednesday\"]\n", - "=======================\n", - "[\"aliesha peterson , 22 , from canada , says a therapist recommended she start exercising to improve her depressionshe writes on reddit that after ` slow ' progress for 20 months , she now sees an improvement in her mood and her body\"]\n", - "aliesha peterson , 22 , detailed the extensive fitness routine that helped her go from 145lbs to 127lbs -- and enabled the alberta , canada , resident to gain a noticeably fitter , and much more muscular , physique , as well as an impressive six-pack . 'a young woman on reddit has shared a set of inspiring before and after images , which showcase how an exercise plan she began 20 months ago in an effort to lessen her depression has not only helped her mentally -- but has also ensured a dramatic physical transformation .bringing sexy back : the 22-year-old says her back is her favorite part of her body , and she focuses on exercises to strengthen it every wednesday\n", - "aliesha peterson , 22 , from canada , says a therapist recommended she start exercising to improve her depressionshe writes on reddit that after ` slow ' progress for 20 months , she now sees an improvement in her mood and her body\n", - "[1.3799635 1.3130761 1.1593933 1.3157644 1.126098 1.2626336 1.0917585\n", - " 1.0833465 1.0279756 1.0276622 1.0292032 1.0299312 1.0326478 1.0441736\n", - " 1.0742556 1.0386723 1.0842662 1.077317 1.0133858]\n", - "\n", - "[ 0 3 1 5 2 4 6 16 7 17 14 13 15 12 11 10 8 9 18]\n", - "=======================\n", - "[\"tokyo ( cnn ) a japanese court has issued a landmark injunction halting plans to restart two nuclear reactors in the west of the country , citing safety concerns , a court official told cnn .japan 's 48 nuclear reactors are offline in the wake of the fukushima disaster in 2011 , when a tsunami triggered by a massive earthquake sent a wall of water crashing into the power plant .japan 's nuclear watchdog , the nuclear regulation authority , had previously given a green light to the reopening of reactors 3 and 4 of the kansai electric power company 's takahama nuclear plant .\"]\n", - "=======================\n", - "[\"the reopening of two nuclear reactors has been blocked by a japanese court over safety fearsthe reactors had previously been cleared to reopen by the country 's nuclear watchdogjapan 's 48 nuclear reactors have been offline in the wake of the 2011 fukushima disaster\"]\n", - "tokyo ( cnn ) a japanese court has issued a landmark injunction halting plans to restart two nuclear reactors in the west of the country , citing safety concerns , a court official told cnn .japan 's 48 nuclear reactors are offline in the wake of the fukushima disaster in 2011 , when a tsunami triggered by a massive earthquake sent a wall of water crashing into the power plant .japan 's nuclear watchdog , the nuclear regulation authority , had previously given a green light to the reopening of reactors 3 and 4 of the kansai electric power company 's takahama nuclear plant .\n", - "the reopening of two nuclear reactors has been blocked by a japanese court over safety fearsthe reactors had previously been cleared to reopen by the country 's nuclear watchdogjapan 's 48 nuclear reactors have been offline in the wake of the 2011 fukushima disaster\n", - "[1.2262168 1.162595 1.3731608 1.1064539 1.2179824 1.1732314 1.0766176\n", - " 1.2016541 1.0788171 1.0352293 1.0684134 1.0724357 1.0780003 1.0304805\n", - " 1.027291 1.0713849 1.030126 1.0197995 0. ]\n", - "\n", - "[ 2 0 4 7 5 1 3 8 12 6 11 15 10 9 13 16 14 17 18]\n", - "=======================\n", - "[\"the 71-year-old 's childhood home in scarsdale , new york , hit the market this week as he prepares to face murder charges in california .this is the seven-bedroom tudor stone mansion where real estate heir - and alleged killer - robert durst spent his formative years .trial : robert durst , 71 , appeared in a new orleans court on thursday to defend his possession of a gun as he awaits his murder trial\"]\n", - "=======================\n", - "[\"seven-bedroom property in scarsdale , new york , where robert durst grew up hit market this weekfeatures solarium , three-car garage , maids ' quarters , chandelierswhen durst was 7 , his 32-year-old mother either fell or committed suicide by jumping off the roof of this buildingrealtor glossed over coincidence that durst is currently under arrest and made first court appearance this weekthe 71-year-old arrested on march 14 after police ` found a revolver , marijuana and a latex mask in his hotel room 'he is challenging the arrest warrant as unlawful , will soon fly to california for murder trial and possible death penalty\"]\n", - "the 71-year-old 's childhood home in scarsdale , new york , hit the market this week as he prepares to face murder charges in california .this is the seven-bedroom tudor stone mansion where real estate heir - and alleged killer - robert durst spent his formative years .trial : robert durst , 71 , appeared in a new orleans court on thursday to defend his possession of a gun as he awaits his murder trial\n", - "seven-bedroom property in scarsdale , new york , where robert durst grew up hit market this weekfeatures solarium , three-car garage , maids ' quarters , chandelierswhen durst was 7 , his 32-year-old mother either fell or committed suicide by jumping off the roof of this buildingrealtor glossed over coincidence that durst is currently under arrest and made first court appearance this weekthe 71-year-old arrested on march 14 after police ` found a revolver , marijuana and a latex mask in his hotel room 'he is challenging the arrest warrant as unlawful , will soon fly to california for murder trial and possible death penalty\n", - "[1.2120422 1.3032557 1.2421284 1.2927803 1.2332301 1.2349329 1.1303718\n", - " 1.0930538 1.036724 1.0334846 1.0187316 1.0180231 1.0892959 1.0949606\n", - " 1.0284072 1.0260274 1.0428978 0. 0. ]\n", - "\n", - "[ 1 3 2 5 4 0 6 13 7 12 16 8 9 14 15 10 11 17 18]\n", - "=======================\n", - "['a study published in the lancetfound mindfulness-based cognitive therapy ( mbct ) led to similar outcomes as antidepressants when treating the mental disorder .mindfulness - which teaches people to focus on the present moment -- is a growing movement based on ancient eastern traditions of meditation .over two years , relapse rates were 44 per cent in the mbct group compared to 47 per cent in the medication group .']\n", - "=======================\n", - "['patients using mindfulness-based cognitive therapy ( mbct ) had the same recurrence rates as people taking anti-depressantsmindfulness meditation teaches people to focus on the present momentexperts said mbct courses could be offered as an alternative to drugs']\n", - "a study published in the lancetfound mindfulness-based cognitive therapy ( mbct ) led to similar outcomes as antidepressants when treating the mental disorder .mindfulness - which teaches people to focus on the present moment -- is a growing movement based on ancient eastern traditions of meditation .over two years , relapse rates were 44 per cent in the mbct group compared to 47 per cent in the medication group .\n", - "patients using mindfulness-based cognitive therapy ( mbct ) had the same recurrence rates as people taking anti-depressantsmindfulness meditation teaches people to focus on the present momentexperts said mbct courses could be offered as an alternative to drugs\n", - "[1.3558809 1.3157127 1.3100076 1.4059691 1.2430114 1.0563115 1.0334932\n", - " 1.0232596 1.0362698 1.020159 1.0169288 1.0330687 1.1698513 1.1531814\n", - " 1.0862286 1.0364233 1.0277041 1.0117366 0. ]\n", - "\n", - "[ 3 0 1 2 4 12 13 14 5 15 8 6 11 16 7 9 10 17 18]\n", - "=======================\n", - "[\"the england cricket team 's involvement with allen stanford has been defended by sir curtly ambrosegreat fast bowler ambrose never spoke to the media during his playing career but launched his aptly titled autobiography time to talk on the eve of the west indies-england series .stanford 's deal with england england ended with his arrest and subsequent 110-year jail sentence\"]\n", - "=======================\n", - "[\"the ecb 's involvement with fraudster allen stanford has been defendedsir curtly ambrose said he thought stanford did ' a lot of good ' in dealmichael vaughan is staying at england 's sugar ridge hotel in antiguastuart lancaster is unperturbed by claims that he has n't walked the walkthe grand national peak viewing of 8.8 million was good for channel 4jimmy anderson said he would tell young bowlers to : ` ignore the media 'graeme swann and kevin pietersen 's feud seems to have ended\"]\n", - "the england cricket team 's involvement with allen stanford has been defended by sir curtly ambrosegreat fast bowler ambrose never spoke to the media during his playing career but launched his aptly titled autobiography time to talk on the eve of the west indies-england series .stanford 's deal with england england ended with his arrest and subsequent 110-year jail sentence\n", - "the ecb 's involvement with fraudster allen stanford has been defendedsir curtly ambrose said he thought stanford did ' a lot of good ' in dealmichael vaughan is staying at england 's sugar ridge hotel in antiguastuart lancaster is unperturbed by claims that he has n't walked the walkthe grand national peak viewing of 8.8 million was good for channel 4jimmy anderson said he would tell young bowlers to : ` ignore the media 'graeme swann and kevin pietersen 's feud seems to have ended\n", - "[1.3582621 1.3872275 1.264245 1.2785645 1.1721655 1.1630344 1.0283494\n", - " 1.0187413 1.0163172 1.0980555 1.2574784 1.0171815 1.0126554 1.1710739\n", - " 1.0575894 1.0305709 1.149483 1.012692 1.0135363]\n", - "\n", - "[ 1 0 3 2 10 4 13 5 16 9 14 15 6 7 11 8 18 17 12]\n", - "=======================\n", - "[\"the ibrox faithful were rocked by thursday 's news that the club had been de-listed from the aim after chairman-in-waiting dave king failed to find a new nominated advisor .rangers boss stuart mccall has been reassured that the decision to remove the club off the london stock exchange will not affect his squad 's promotion push .stuart mccall oversees his rangers players during a training session on good friday\"]\n", - "=======================\n", - "[\"stuart mccall is trying to lead rangers to championship promotionhe is confident that the club 's removal from the london stock exchange this week wo n't derail their hopes of going uprangers this week announced six-month losses of # 2.6 millionmccall was surprised at the news rangers will have to hand newcastle # 500,000 if they are promoted to the scottish premiership\"]\n", - "the ibrox faithful were rocked by thursday 's news that the club had been de-listed from the aim after chairman-in-waiting dave king failed to find a new nominated advisor .rangers boss stuart mccall has been reassured that the decision to remove the club off the london stock exchange will not affect his squad 's promotion push .stuart mccall oversees his rangers players during a training session on good friday\n", - "stuart mccall is trying to lead rangers to championship promotionhe is confident that the club 's removal from the london stock exchange this week wo n't derail their hopes of going uprangers this week announced six-month losses of # 2.6 millionmccall was surprised at the news rangers will have to hand newcastle # 500,000 if they are promoted to the scottish premiership\n", - "[1.2347511 1.4398607 1.2334068 1.3196929 1.2598839 1.1288476 1.1304173\n", - " 1.0431671 1.0351514 1.0374316 1.1020278 1.103245 1.0575516 1.111948\n", - " 1.0465479 1.0077813 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 0 2 6 5 13 11 10 12 14 7 9 8 15 16 17 18]\n", - "=======================\n", - "[\"tate britain chiefs believe the chance discovery of an export permit will bolster their claim that the 1824 oil painting -- beaching a boat , brighton -- was legitimately brought to britain .britain 's leading art gallery has uncovered new evidence in its attempt to keep a # 1million constable masterpiece that was looted by the nazis from its jewish owner during the second world war .the 1946 document bears the signature of a dealer called karola fabri and seeks permission for the transfer of artworks from budapest to zurich , including one by constable identified as fishing boat .\"]\n", - "=======================\n", - "[\"` beaching a boat , brighton ' taken from jewish owner in second world warexport permit discovery could bolster claims it came to britain legitimatelytate and descendants of painting 's original owner are locked in dispute\"]\n", - "tate britain chiefs believe the chance discovery of an export permit will bolster their claim that the 1824 oil painting -- beaching a boat , brighton -- was legitimately brought to britain .britain 's leading art gallery has uncovered new evidence in its attempt to keep a # 1million constable masterpiece that was looted by the nazis from its jewish owner during the second world war .the 1946 document bears the signature of a dealer called karola fabri and seeks permission for the transfer of artworks from budapest to zurich , including one by constable identified as fishing boat .\n", - "` beaching a boat , brighton ' taken from jewish owner in second world warexport permit discovery could bolster claims it came to britain legitimatelytate and descendants of painting 's original owner are locked in dispute\n", - "[1.3610946 1.3477576 1.1642089 1.1531861 1.2378486 1.2150189 1.0450969\n", - " 1.063812 1.1027086 1.0421208 1.0311941 1.0854764 1.0395918 1.0612733\n", - " 1.0615537 1.0752497 1.0614692 0. 0. ]\n", - "\n", - "[ 0 1 4 5 2 3 8 11 15 7 14 16 13 6 9 12 10 17 18]\n", - "=======================\n", - "['washington ( cnn ) the u.s. said tuesday that deploying warships to yemen to monitor nearby iranian vessels has given america \" options \" for how it could react to iran \\'s behavior in the region .international officials are concerned that iran could surreptitiously attempt to transfer weaponry to the houthis .president barack obama told msnbc that the united states has been clear in its messages to tehran on sending weapons to houthi rebels inside yemen .']\n", - "=======================\n", - "[\"u.s. navy moves aircraft carrier , cruiser to waters near yemenu.s. , allied ships prepared to intercept iranian vessel if they enter yemen 's watersiranian admiral says his country 's ships operating legally\"]\n", - "washington ( cnn ) the u.s. said tuesday that deploying warships to yemen to monitor nearby iranian vessels has given america \" options \" for how it could react to iran 's behavior in the region .international officials are concerned that iran could surreptitiously attempt to transfer weaponry to the houthis .president barack obama told msnbc that the united states has been clear in its messages to tehran on sending weapons to houthi rebels inside yemen .\n", - "u.s. navy moves aircraft carrier , cruiser to waters near yemenu.s. , allied ships prepared to intercept iranian vessel if they enter yemen 's watersiranian admiral says his country 's ships operating legally\n", - "[1.1814784 1.201465 1.3189714 1.1265185 1.1773626 1.1383479 1.1126133\n", - " 1.0560697 1.0566323 1.1186655 1.100918 1.0337297 1.0232104 1.057459\n", - " 1.0481755 1.0873115 1.0709692 1.0285842 1.0180221]\n", - "\n", - "[ 2 1 0 4 5 3 9 6 10 15 16 13 8 7 14 11 17 12 18]\n", - "=======================\n", - "['veteran journalist and author sandra mackey died sunday , her son , colin mackey , said .and her book on iraq became required reading for many military leaders trying to understand the country .( cnn ) she predicted events that unfolded in the middle east well before they happened .']\n", - "=======================\n", - "['mackey predicted what would happen to iraq if the u.s. invaded and deposed saddam husseinshe also wrote a book credited with helping bridge gap between arabs and americans']\n", - "veteran journalist and author sandra mackey died sunday , her son , colin mackey , said .and her book on iraq became required reading for many military leaders trying to understand the country .( cnn ) she predicted events that unfolded in the middle east well before they happened .\n", - "mackey predicted what would happen to iraq if the u.s. invaded and deposed saddam husseinshe also wrote a book credited with helping bridge gap between arabs and americans\n", - "[1.1636517 1.3223778 1.4441698 1.2280829 1.0573658 1.0520915 1.0691165\n", - " 1.0693624 1.1309378 1.0567455 1.203341 1.0479088 1.0305634 1.0588017\n", - " 1.0168924 1.0185767 1.0425876 1.0475181 0. ]\n", - "\n", - "[ 2 1 3 10 0 8 7 6 13 4 9 5 11 17 16 12 15 14 18]\n", - "=======================\n", - "[\"the new map allows astronomers to ` stand ' on planetary surfaces and could help explain how water and lava once flowed across the red planet .now , for the first time , scientists have joined these individual 30 to 60 mile ( 50 to 100km ) wide strips to create a single complete 3d map .some of our most spectacular views of mars have been presented on small , skinny strips of imagery .\"]\n", - "=======================\n", - "['the stunning mosaic could help scientists better understand how water and lava once flowed across marsterrain model shows the impressive height of the meridiani planum region at up to 820ft ( 250 metres ) in redcolder colours reveal craters , ditches and plains , which are particularly prominent in chryse planitia regionin three years , the german aerospace center wants to represent the whole of mars as one coherent mosaic']\n", - "the new map allows astronomers to ` stand ' on planetary surfaces and could help explain how water and lava once flowed across the red planet .now , for the first time , scientists have joined these individual 30 to 60 mile ( 50 to 100km ) wide strips to create a single complete 3d map .some of our most spectacular views of mars have been presented on small , skinny strips of imagery .\n", - "the stunning mosaic could help scientists better understand how water and lava once flowed across marsterrain model shows the impressive height of the meridiani planum region at up to 820ft ( 250 metres ) in redcolder colours reveal craters , ditches and plains , which are particularly prominent in chryse planitia regionin three years , the german aerospace center wants to represent the whole of mars as one coherent mosaic\n", - "[1.3743644 1.1944902 1.312604 1.3221503 1.1145697 1.213216 1.0682871\n", - " 1.1727868 1.0763808 1.1090077 1.02016 1.0246716 1.0775367 1.0064039\n", - " 1.0376145 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 5 1 7 4 9 12 8 6 14 11 10 13 18 15 16 17 19]\n", - "=======================\n", - "[\"singer adele adkins , a mother-of-one , has topped the young music rich list again , earning # 5million in the last year , despite releasing no new musicthe mother-of-one , 26 , has double the wealth of her closest rivals -- the four members of one direction and their former compatriot zayn malik , 22 - who are worth # 25million each .bringing her fortune to a total of # 50million , the singer has retained her place at the top of the list of britain 's richest musicians under the age of 30 .\"]\n", - "=======================\n", - "['singer has twice the fortune of nearest rivals , boys from one directioned sheeran saw biggest rise of # 13million , taking him to seventh placesam smith is new entry with # 12million , on a par with florence welchpaul mccartney and wife nancy shevell still top the adult rich list']\n", - "singer adele adkins , a mother-of-one , has topped the young music rich list again , earning # 5million in the last year , despite releasing no new musicthe mother-of-one , 26 , has double the wealth of her closest rivals -- the four members of one direction and their former compatriot zayn malik , 22 - who are worth # 25million each .bringing her fortune to a total of # 50million , the singer has retained her place at the top of the list of britain 's richest musicians under the age of 30 .\n", - "singer has twice the fortune of nearest rivals , boys from one directioned sheeran saw biggest rise of # 13million , taking him to seventh placesam smith is new entry with # 12million , on a par with florence welchpaul mccartney and wife nancy shevell still top the adult rich list\n", - "[1.2699153 1.4293561 1.2439348 1.097537 1.1471146 1.172919 1.1652066\n", - " 1.0990561 1.1668683 1.0934553 1.1127535 1.0982877 1.1247199 1.0676526\n", - " 1.0467889 1.0155405 1.0098413 1.0117279 1.0697691 1.0519171]\n", - "\n", - "[ 1 0 2 5 8 6 4 12 10 7 11 3 9 18 13 19 14 15 17 16]\n", - "=======================\n", - "[\"pilots of the qatar airways flight landed at birmingham airport on monday night after severe winds foiled two landing attempts at manchester , where the plane was due to arrive at 7pm .police were twice called to an aircraft when ` disruptive ' passengers mutinied over being stranded on the tarmac for five hours after their plane was diverted .police were first called to birmingham after passengers started ` kicking off ' , according to one witness .\"]\n", - "=======================\n", - "[\"qatar airways flight was due to land in manchester airport at 7pm mondaybut pilots severe winds meant pilots were forced to divert to birminghamplane spent five hours on tarmac as it waited for refuelling and new crewpolice were called twice after ` disruptive ' passengers tried to disembarkmeanwhile , video shows angry passengers delayed at manchester airport\"]\n", - "pilots of the qatar airways flight landed at birmingham airport on monday night after severe winds foiled two landing attempts at manchester , where the plane was due to arrive at 7pm .police were twice called to an aircraft when ` disruptive ' passengers mutinied over being stranded on the tarmac for five hours after their plane was diverted .police were first called to birmingham after passengers started ` kicking off ' , according to one witness .\n", - "qatar airways flight was due to land in manchester airport at 7pm mondaybut pilots severe winds meant pilots were forced to divert to birminghamplane spent five hours on tarmac as it waited for refuelling and new crewpolice were called twice after ` disruptive ' passengers tried to disembarkmeanwhile , video shows angry passengers delayed at manchester airport\n", - "[1.3355173 1.3957422 1.2080436 1.0999913 1.2648151 1.0904926 1.1954557\n", - " 1.1869848 1.0885907 1.0769876 1.0574312 1.0616447 1.08466 1.0128841\n", - " 1.0147727 1.0354173 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 6 7 3 5 8 12 9 11 10 15 14 13 18 16 17 19]\n", - "=======================\n", - "[\"the reality star was left heartbroken last august when doctors revealed his ` best ' friend ' and mother kym norris had just one hope for survival - a stem cell transplant .towie star bobby cole norris has today thanked an anonymous donor who came forward to help his mother , in her fight against leukaemia .weeks earlier the dental receptionist was diagnosed with acute myeloid leukaemia .\"]\n", - "=======================\n", - "['bobby cole norris launched his appeal #savebobbysmum last augustrevealed his mother kym norris had been diagnosed with leukaemiatoday he thanked an anonymous stem cell donor who stepped inkim has had her transplant and is now recovering in hospital']\n", - "the reality star was left heartbroken last august when doctors revealed his ` best ' friend ' and mother kym norris had just one hope for survival - a stem cell transplant .towie star bobby cole norris has today thanked an anonymous donor who came forward to help his mother , in her fight against leukaemia .weeks earlier the dental receptionist was diagnosed with acute myeloid leukaemia .\n", - "bobby cole norris launched his appeal #savebobbysmum last augustrevealed his mother kym norris had been diagnosed with leukaemiatoday he thanked an anonymous stem cell donor who stepped inkim has had her transplant and is now recovering in hospital\n", - "[1.5299797 1.4227387 1.3800644 1.2726691 1.1656029 1.0273376 1.0206687\n", - " 1.0163685 1.016693 1.0167881 1.0237967 1.0187404 1.0479653 1.3121151\n", - " 1.1347983 1.1562655 1.0903409 1.0663022 1.0391899 0. ]\n", - "\n", - "[ 0 1 2 13 3 4 15 14 16 17 12 18 5 10 6 11 9 8 7 19]\n", - "=======================\n", - "[\"stuart mccall expects shane ferguson to be fit and ready to aid rangers ' play-off push towards the premiership .the northern ireland international finally joined up with his ibrox team-mates this week , more than two months after he was one of five newcastle players sent north on loan to the championship side .ferguson has not played since his country 's 2-0 european qualifier win over greece in athens in october and the 23-year-old 's knee injury had been expected to keep him out for the season .\"]\n", - "=======================\n", - "[\"newcastle loanee shan ferguson finally joined up with rangers this weekferguson has not played since northern ireland beat greece last octoberibrox boss stuart mccall checked ferguson 's wikipedia page on mondayrangers travel to take on bottom-of-the-table livingston on wednesday\"]\n", - "stuart mccall expects shane ferguson to be fit and ready to aid rangers ' play-off push towards the premiership .the northern ireland international finally joined up with his ibrox team-mates this week , more than two months after he was one of five newcastle players sent north on loan to the championship side .ferguson has not played since his country 's 2-0 european qualifier win over greece in athens in october and the 23-year-old 's knee injury had been expected to keep him out for the season .\n", - "newcastle loanee shan ferguson finally joined up with rangers this weekferguson has not played since northern ireland beat greece last octoberibrox boss stuart mccall checked ferguson 's wikipedia page on mondayrangers travel to take on bottom-of-the-table livingston on wednesday\n", - "[1.2078942 1.4835445 1.3392875 1.3078246 1.2646153 1.1097922 1.0824943\n", - " 1.0596105 1.0581561 1.0650574 1.1224194 1.0823694 1.0508372 1.0894071\n", - " 1.0199035 1.0417799 1.0721785 1.0225115 1.0477905 0. ]\n", - "\n", - "[ 1 2 3 4 0 10 5 13 6 11 16 9 7 8 12 18 15 17 14 19]\n", - "=======================\n", - "[\"mohamed hamdin , 24 , appeared at downing centre court for his indecent assault hearing on tuesday as details of the alleged incident emerged .new south wales police say hamdin touched the 15-year-old girl inappropriately during the concert of u.s. rappers yg and ty dolla $ ign at enmore theatre , in sydney 's inner-west , on australia day this year .a sudanese refugee has appeared in court after he was charged with groping the crotch of a 15-year-old girl at a rap concert in sydney .\"]\n", - "=======================\n", - "['riot squads were called to the enmore theatre in sydney on monday nightus rapper yg has alleged gang affiliations and a history of violent concerts24-year-old man was charged with indecently assaulting a 15-year-old girlpolice dispersed about 2500 fans after the concert had finishedseveral arrests were made and police are continuing their investigations']\n", - "mohamed hamdin , 24 , appeared at downing centre court for his indecent assault hearing on tuesday as details of the alleged incident emerged .new south wales police say hamdin touched the 15-year-old girl inappropriately during the concert of u.s. rappers yg and ty dolla $ ign at enmore theatre , in sydney 's inner-west , on australia day this year .a sudanese refugee has appeared in court after he was charged with groping the crotch of a 15-year-old girl at a rap concert in sydney .\n", - "riot squads were called to the enmore theatre in sydney on monday nightus rapper yg has alleged gang affiliations and a history of violent concerts24-year-old man was charged with indecently assaulting a 15-year-old girlpolice dispersed about 2500 fans after the concert had finishedseveral arrests were made and police are continuing their investigations\n", - "[1.2083287 1.320879 1.2315961 1.2909715 1.1311147 1.0735091 1.0977937\n", - " 1.0350847 1.1390499 1.0815535 1.0418361 1.0342153 1.0199466 1.0475682\n", - " 1.0919019 1.093426 1.0403458 1.0390835 1.0360875 1.0380386 1.1033895]\n", - "\n", - "[ 1 3 2 0 8 4 20 6 15 14 9 5 13 10 16 17 19 18 7 11 12]\n", - "=======================\n", - "[\"the five-second rule , which has been cited to justify picking up everything from a salt and vinegar chip to an assortment of cold cuts , is not as sure-fire as many snackers would surely like it to be .one of the most widespread ` food rules ' passed down from generation to generation may actually be a myth , meaning this tart is n't safe to pick upexperts say dry foods , like cookies , are less hazardous and can be ok , according to health experts\"]\n", - "=======================\n", - "[\"five-second rule dubbed a myth by food health industry experts` we definitely do not recommend it , ' food safety information council sayshowever , what food you drop and where you drop it has an impact on riskpotato chips , nuts and biscuits less risky , but meats and cut fruit a no-go\"]\n", - "the five-second rule , which has been cited to justify picking up everything from a salt and vinegar chip to an assortment of cold cuts , is not as sure-fire as many snackers would surely like it to be .one of the most widespread ` food rules ' passed down from generation to generation may actually be a myth , meaning this tart is n't safe to pick upexperts say dry foods , like cookies , are less hazardous and can be ok , according to health experts\n", - "five-second rule dubbed a myth by food health industry experts` we definitely do not recommend it , ' food safety information council sayshowever , what food you drop and where you drop it has an impact on riskpotato chips , nuts and biscuits less risky , but meats and cut fruit a no-go\n", - "[1.2283635 1.4907176 1.1828911 1.2644968 1.2784646 1.1916171 1.1644609\n", - " 1.1031663 1.0533122 1.0853297 1.0480897 1.0360421 1.0265585 1.0777458\n", - " 1.0276841 1.0854253 1.0665795 1.0313991 1.0346136 0. 0. ]\n", - "\n", - "[ 1 4 3 0 5 2 6 7 15 9 13 16 8 10 11 18 17 14 12 19 20]\n", - "=======================\n", - "[\"kenneth stancil , 20 , is a former student who did not graduate from wayne community college in goldsboro , where he is accused of shooting dead a man who working in the school 's print shop .it is not known whether stancil and lane are connected or related .this is the man who allegedly opened fire in the campus library of a north carolina college on monday morning , leaving one person dead .\"]\n", - "=======================\n", - "[\"shooter identified as kenneth stancil who was once a student at collegehe ` carried a long gun ' and ` fired one shot ' that killed worker rodney lanewayne community college in goldsboro was on lockdown just before 9amcollege campus was systematically evacuated as swat teams arrivedthe college is one hour away from raleigh and has 3,900 students\"]\n", - "kenneth stancil , 20 , is a former student who did not graduate from wayne community college in goldsboro , where he is accused of shooting dead a man who working in the school 's print shop .it is not known whether stancil and lane are connected or related .this is the man who allegedly opened fire in the campus library of a north carolina college on monday morning , leaving one person dead .\n", - "shooter identified as kenneth stancil who was once a student at collegehe ` carried a long gun ' and ` fired one shot ' that killed worker rodney lanewayne community college in goldsboro was on lockdown just before 9amcollege campus was systematically evacuated as swat teams arrivedthe college is one hour away from raleigh and has 3,900 students\n", - "[1.1165843 1.3311503 1.0991513 1.2262777 1.1255101 1.1329288 1.0496769\n", - " 1.0710793 1.2317915 1.0963799 1.1241161 1.0665587 1.046014 1.0414047\n", - " 1.04562 1.0620977 1.02656 1.0215526 1.0245931 1.0494503 0. ]\n", - "\n", - "[ 1 8 3 5 4 10 0 2 9 7 11 15 6 19 12 14 13 16 18 17 20]\n", - "=======================\n", - "['in 2007 , a 29-year-old karaoke performer was shot dead at a bar in san mateo for delivering an off-key rendition of my way .manny pacquiao recorded his own song for when he takes to the ring for his fight with floyd mayweatherthe death toll now as high as 12 , many clubs have taken my way off their playlist .']\n", - "=======================\n", - "[\"manny pacquiao and floyd mayweather fight in las vegas on saturdaythe day of the bout is a national holiday in the philippinespacquiao ca n't be compared with other sports stars - there 's none like himhe has tv shows , plays , coaches basketball and singspacquiao is a twice-elected and popular congressman in his homelandsaturday 's fight will be worth at least $ 300m\"]\n", - "in 2007 , a 29-year-old karaoke performer was shot dead at a bar in san mateo for delivering an off-key rendition of my way .manny pacquiao recorded his own song for when he takes to the ring for his fight with floyd mayweatherthe death toll now as high as 12 , many clubs have taken my way off their playlist .\n", - "manny pacquiao and floyd mayweather fight in las vegas on saturdaythe day of the bout is a national holiday in the philippinespacquiao ca n't be compared with other sports stars - there 's none like himhe has tv shows , plays , coaches basketball and singspacquiao is a twice-elected and popular congressman in his homelandsaturday 's fight will be worth at least $ 300m\n", - "[1.2569785 1.513434 1.1624489 1.1942793 1.1165534 1.1555983 1.1187267\n", - " 1.2712733 1.1950763 1.0803856 1.0151838 1.0381528 1.0307075 1.0378959\n", - " 1.0877889 1.0256758 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 7 0 8 3 2 5 6 4 14 9 11 13 12 15 10 16 17 18 19 20]\n", - "=======================\n", - "['her majesty , who is approaching her 89th birthday , was spotted riding her faithful black fell pony , carltonlima emma , as she was joined by lord vestey and her head groom terry pendry in the beautiful park close to her windsor castle home on monday .the queen has spent a second day enjoying the spring sunshine in windsor great park this week .she was well prepared for any spring showers in a lightweight waterproof , and , as is her wont , eschewed a helmet in favour of one of her silk scarves .']\n", - "=======================\n", - "['the queen was spotted enjoying another ride in windsor great park todayrode her favourite fell pony , a mare named carltonlima emmajoined by lord vesty , one of the richest men in englandleft her hard hat at home and opted for a silk scarf instead']\n", - "her majesty , who is approaching her 89th birthday , was spotted riding her faithful black fell pony , carltonlima emma , as she was joined by lord vestey and her head groom terry pendry in the beautiful park close to her windsor castle home on monday .the queen has spent a second day enjoying the spring sunshine in windsor great park this week .she was well prepared for any spring showers in a lightweight waterproof , and , as is her wont , eschewed a helmet in favour of one of her silk scarves .\n", - "the queen was spotted enjoying another ride in windsor great park todayrode her favourite fell pony , a mare named carltonlima emmajoined by lord vesty , one of the richest men in englandleft her hard hat at home and opted for a silk scarf instead\n", - "[1.1788183 1.2588968 1.2293537 1.239339 1.1330178 1.1749634 1.0983398\n", - " 1.0851681 1.0770521 1.0587838 1.0969185 1.0602754 1.0592933 1.0555301\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 5 4 6 10 7 8 11 12 9 13 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"with a steyr assault rifle pulled tight into his shoulder , the prince is pictured taking part in exercises with royal australian artillery troops in darwin .` delightful chap ' : prince harry takes time out from his tough training programme to play with local children at the wuggubun community in a remote area hundreds of miles away from the nearest city , darwinharry 's participation in the exercises follows his visit to the remote kununurra region of western australia where he met village elders and children , camped in the outback and was taught how to survive a bushfire .\"]\n", - "=======================\n", - "[\"prince harry visited one of the most remote areas in the world as part of his tour with the australian armycaptain wales spent time with locals in the wuggubun community , some 600 miles from darwin , the nearest citylocals who were thrilled to spend time with harry said he just ` rocked up ' and that he is a ` delightful chap '30-year-old has been in australia since monday and will stay for a month before retiring from the british army\"]\n", - "with a steyr assault rifle pulled tight into his shoulder , the prince is pictured taking part in exercises with royal australian artillery troops in darwin .` delightful chap ' : prince harry takes time out from his tough training programme to play with local children at the wuggubun community in a remote area hundreds of miles away from the nearest city , darwinharry 's participation in the exercises follows his visit to the remote kununurra region of western australia where he met village elders and children , camped in the outback and was taught how to survive a bushfire .\n", - "prince harry visited one of the most remote areas in the world as part of his tour with the australian armycaptain wales spent time with locals in the wuggubun community , some 600 miles from darwin , the nearest citylocals who were thrilled to spend time with harry said he just ` rocked up ' and that he is a ` delightful chap '30-year-old has been in australia since monday and will stay for a month before retiring from the british army\n", - "[1.3446717 1.2801054 1.1316324 1.1243625 1.1066357 1.1177341 1.0590028\n", - " 1.0966693 1.0685446 1.1208405 1.1131597 1.1060408 1.1310437 1.029619\n", - " 1.0153509 1.0354327 1.1057179 1.0467131]\n", - "\n", - "[ 0 1 2 12 3 9 5 10 4 11 16 7 8 6 17 15 13 14]\n", - "=======================\n", - "['london ( cnn ) british police investigating a spectacular heist in the heart of london \\'s jewelry district said friday they knew a burglar alarm went off but did n\\'t respond .southern monitoring alarm company called the metropolitan police service , also known as scotland yard , at 12:21 a.m. april 3 to report that the burglar alarm had been activated at hatton garden safe deposit ltd. , mps said in a prepared statement .\" the call was recorded and transferred to the police \\'s cad ( computer-aided dispatch ) system , \" the statement said .']\n", - "=======================\n", - "[\"british tabloid releases video it says shows the robbery being carried outbritish police say they did n't respond to a burglar alarm in jewelry districtpolice give no value of the amount taken in the heist in london 's jewelry district\"]\n", - "london ( cnn ) british police investigating a spectacular heist in the heart of london 's jewelry district said friday they knew a burglar alarm went off but did n't respond .southern monitoring alarm company called the metropolitan police service , also known as scotland yard , at 12:21 a.m. april 3 to report that the burglar alarm had been activated at hatton garden safe deposit ltd. , mps said in a prepared statement .\" the call was recorded and transferred to the police 's cad ( computer-aided dispatch ) system , \" the statement said .\n", - "british tabloid releases video it says shows the robbery being carried outbritish police say they did n't respond to a burglar alarm in jewelry districtpolice give no value of the amount taken in the heist in london 's jewelry district\n", - "[1.2443373 1.3610107 1.1954005 1.2324165 1.1344752 1.1338949 1.0829318\n", - " 1.0952948 1.0774843 1.0448763 1.0690409 1.0628153 1.0302423 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 5 7 6 8 10 11 9 12 13 14 15 16 17]\n", - "=======================\n", - "['in 1992 , a drug enforcement agency operation which has since been discontinued , monitored every telephone call made from the united states to one of the up to 116 countries on their watch list for drug trafficking , including almost every country in both north and south america .usa today uncovered the details of the program , whose vastness was not known until now , and whose practices , especially in gathering bulk information , later became a model for the national security agency .the dea program and its aims had been revealed earlier this year in a report from the justice department , though there was no mention of just how big the program was , and the amount of data the agency was authorized to gather .']\n", - "=======================\n", - "['it has been revealed the government began secretly tracking phone calls under a program created for the drug enforcement agency in 1992the program forced phone companies to hand over all communication on a daily basis between any americans calling any 116 watch list countriesthe data collected included phone numbers and time calls were made , though actual content was not includedthe program was approved by every administration beginning with president george h.w.bushit was only shut down in september 2013 , this after attorney general eric holder became nervous in the wake of the edward snowden leaksthe program also served as a blueprint for the national security agency']\n", - "in 1992 , a drug enforcement agency operation which has since been discontinued , monitored every telephone call made from the united states to one of the up to 116 countries on their watch list for drug trafficking , including almost every country in both north and south america .usa today uncovered the details of the program , whose vastness was not known until now , and whose practices , especially in gathering bulk information , later became a model for the national security agency .the dea program and its aims had been revealed earlier this year in a report from the justice department , though there was no mention of just how big the program was , and the amount of data the agency was authorized to gather .\n", - "it has been revealed the government began secretly tracking phone calls under a program created for the drug enforcement agency in 1992the program forced phone companies to hand over all communication on a daily basis between any americans calling any 116 watch list countriesthe data collected included phone numbers and time calls were made , though actual content was not includedthe program was approved by every administration beginning with president george h.w.bushit was only shut down in september 2013 , this after attorney general eric holder became nervous in the wake of the edward snowden leaksthe program also served as a blueprint for the national security agency\n", - "[1.3547776 1.2111492 1.2026253 1.2430215 1.2708163 1.1780556 1.0509701\n", - " 1.0406566 1.045958 1.085413 1.0575126 1.0821816 1.0590128 1.0583968\n", - " 1.074617 1.0317748 1.0315843 1.064107 ]\n", - "\n", - "[ 0 4 3 1 2 5 9 11 14 17 12 13 10 6 8 7 15 16]\n", - "=======================\n", - "[\"ed miliband faced ridicule last night after privately billing himself as the ` happy warrior ' ahead of last week 's televised election debate .embarrassingly for the labour leader , the ten pages of notes were apparently left behind in the salford itv studios where mr miliband clashed with david cameron , nick clegg and four other party leaders .and in handwritten notes , mr miliband appears to exhort himself to ` use the people at home ' .\"]\n", - "=======================\n", - "[\"labour leader 's secret cribsheets revealed his peculiar set of remindersincluded words ` happy warrior , calm , never agitated ' and ` me versus dc 'labour defended notes calling them evidence of miliband 's ` positive vision '\"]\n", - "ed miliband faced ridicule last night after privately billing himself as the ` happy warrior ' ahead of last week 's televised election debate .embarrassingly for the labour leader , the ten pages of notes were apparently left behind in the salford itv studios where mr miliband clashed with david cameron , nick clegg and four other party leaders .and in handwritten notes , mr miliband appears to exhort himself to ` use the people at home ' .\n", - "labour leader 's secret cribsheets revealed his peculiar set of remindersincluded words ` happy warrior , calm , never agitated ' and ` me versus dc 'labour defended notes calling them evidence of miliband 's ` positive vision '\n", - "[1.4845126 1.293788 1.1192405 1.1993577 1.1688156 1.2441696 1.2096366\n", - " 1.144403 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 6 3 4 7 2 15 14 13 12 8 10 9 16 11 17]\n", - "=======================\n", - "['( cnn ) a bus collided with a fuel tanker in southern morocco on friday , a fiery crash that killed at least 35 people -- most of them children -- state and local media reported .the accident caused a fire that hollowed out the bus , leaving little more than its frame .the crash happened near the city of tan-tan just before 7 a.m. , the maghreb arabe presse state news agency reported .']\n", - "=======================\n", - "['most of the victims were children , according to reportscondolence messages appear online with images of boys in soccer uniformsthe bus collided with a fuel tanker near the southern moroccan city of tan-tan']\n", - "( cnn ) a bus collided with a fuel tanker in southern morocco on friday , a fiery crash that killed at least 35 people -- most of them children -- state and local media reported .the accident caused a fire that hollowed out the bus , leaving little more than its frame .the crash happened near the city of tan-tan just before 7 a.m. , the maghreb arabe presse state news agency reported .\n", - "most of the victims were children , according to reportscondolence messages appear online with images of boys in soccer uniformsthe bus collided with a fuel tanker near the southern moroccan city of tan-tan\n", - "[1.2583683 1.2810245 1.3573781 1.3787775 1.2474093 1.2838626 1.159201\n", - " 1.0858945 1.103424 1.0259848 1.0334305 1.1362185 1.0479696 1.0414922\n", - " 1.0164945 1.0119051 1.1032794 0. ]\n", - "\n", - "[ 3 2 5 1 0 4 6 11 8 16 7 12 13 10 9 14 15 17]\n", - "=======================\n", - "[\"about $ 70,000 worth of bull semen was stolen from a farm in southern minnesota sometime between april 1 and april 7the canister was worth about $ 500 , and the vials of semen were worth from $ 300 to $ 1,500 apiece .the semen , stolen from daniel weness 's farm ( pictured ) was taken from an unlocked barn .\"]\n", - "=======================\n", - "['daniel weness reported on tuesday that a storage canister with vials of bull semen had been taken from his farmthe $ 500 canister held vials worth between $ 300 and $ 1,500 eachtheft happened between april 1 and 7 , and weness was away on easterthere is a market for bull semen because it helps farmers on transportation costs of putting a bull and a cow in the same pen to breed']\n", - "about $ 70,000 worth of bull semen was stolen from a farm in southern minnesota sometime between april 1 and april 7the canister was worth about $ 500 , and the vials of semen were worth from $ 300 to $ 1,500 apiece .the semen , stolen from daniel weness 's farm ( pictured ) was taken from an unlocked barn .\n", - "daniel weness reported on tuesday that a storage canister with vials of bull semen had been taken from his farmthe $ 500 canister held vials worth between $ 300 and $ 1,500 eachtheft happened between april 1 and 7 , and weness was away on easterthere is a market for bull semen because it helps farmers on transportation costs of putting a bull and a cow in the same pen to breed\n", - "[1.3808433 1.2687237 1.1743586 1.294774 1.1804986 1.1313996 1.1150749\n", - " 1.1205233 1.1310142 1.0867586 1.1078734 1.0435002 1.069703 1.0295066\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 5 8 7 6 10 9 12 11 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"as well as moving aston villa up one place in the premier league table on tuesday night , christian benteke 's hat-trick against qpr was also a triumph for the top-flight 's belgian contingent .aston villa striker christian benteke celebrates after scoring his third goal against qpr on tuesdaythe 24-year-old 's treble accounted for the 46th , 47th and 48th goals scored by players from belgium this season , making them the third most prolific nation in the division .\"]\n", - "=======================\n", - "['aston villa striker christian benteke scored three against qpr on tuesdayplayers from belgium have now netted 48 premier league goals this termenglish players have scored 255 goals - almost four times more than spaina total of nine nations have just a single top-flight goal this seasonplayers from 46 countries have scored a total of 800 goals during 2014-15']\n", - "as well as moving aston villa up one place in the premier league table on tuesday night , christian benteke 's hat-trick against qpr was also a triumph for the top-flight 's belgian contingent .aston villa striker christian benteke celebrates after scoring his third goal against qpr on tuesdaythe 24-year-old 's treble accounted for the 46th , 47th and 48th goals scored by players from belgium this season , making them the third most prolific nation in the division .\n", - "aston villa striker christian benteke scored three against qpr on tuesdayplayers from belgium have now netted 48 premier league goals this termenglish players have scored 255 goals - almost four times more than spaina total of nine nations have just a single top-flight goal this seasonplayers from 46 countries have scored a total of 800 goals during 2014-15\n", - "[1.2215679 1.4972718 1.2995572 1.1605228 1.2770646 1.2030727 1.1238445\n", - " 1.1028875 1.1243459 1.0332302 1.0237348 1.0985739 1.0620359 1.0767556\n", - " 1.0682131 1.0548863 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 0 5 3 8 6 7 11 13 14 12 15 9 10 18 16 17 19]\n", - "=======================\n", - "[\"kristopher hicks , now 27 , was on his way home from a night out in bath , somerset , with his girlfriend in a taxi driven by michael young , 56 , five years ago .mr young , a former soldier , had mistakenly believed mr hicks was planning to ` do a runner ' and decided to drive him back to the rank in a bid to teach him a lesson .he suffered devastating brain injuries , developed epilepsy and now requires round-the-clock care from his mother .\"]\n", - "=======================\n", - "[\"driver michael young , 56 , thought passenger was planning to ` do a runner 'so he decided to take passenger kristopher hicks him back to the taxi rankmr hicks jumped out , sustaining head injuries , and now needs 24-hour carejudge rules mr hicks was unlawfully imprisoned and will now get damages\"]\n", - "kristopher hicks , now 27 , was on his way home from a night out in bath , somerset , with his girlfriend in a taxi driven by michael young , 56 , five years ago .mr young , a former soldier , had mistakenly believed mr hicks was planning to ` do a runner ' and decided to drive him back to the rank in a bid to teach him a lesson .he suffered devastating brain injuries , developed epilepsy and now requires round-the-clock care from his mother .\n", - "driver michael young , 56 , thought passenger was planning to ` do a runner 'so he decided to take passenger kristopher hicks him back to the taxi rankmr hicks jumped out , sustaining head injuries , and now needs 24-hour carejudge rules mr hicks was unlawfully imprisoned and will now get damages\n", - "[1.2833432 1.4352037 1.247492 1.2590162 1.3574336 1.2832724 1.0589992\n", - " 1.0582223 1.0246958 1.166345 1.1113728 1.1225214 1.0406487 1.0260838\n", - " 1.0098845 1.010774 1.0102386 1.0188873 1.007371 1.0096672]\n", - "\n", - "[ 1 4 0 5 3 2 9 11 10 6 7 12 13 8 17 15 16 14 19 18]\n", - "=======================\n", - "[\"bloomfield , who worked at bbc radio derby for 10 years as a presenter , reporter and derby county commentator , died at a hospice near his hometown of shrewsbury yesterday morning .hugely popular bbc derby broadcaster colin bloomfield has died aged 33 after battling skin cancerfellow broadcasters have paid tribute to the ` perfect colleague ' and ` consummate professional ' whose positive outlook on life made him such a popular figure .\"]\n", - "=======================\n", - "[\"bbc radio derby broadcaster died in hospice at 7.05 am yesterday morningtouched thousands of listeners with openness as he battled skin cancerheartbroken colleagues and stars have paid tribute to talented broadcastername chanted at derby county 's match at millwall and shrewsbury town players wore t-shirts with his name as they gained promotion yesterday\"]\n", - "bloomfield , who worked at bbc radio derby for 10 years as a presenter , reporter and derby county commentator , died at a hospice near his hometown of shrewsbury yesterday morning .hugely popular bbc derby broadcaster colin bloomfield has died aged 33 after battling skin cancerfellow broadcasters have paid tribute to the ` perfect colleague ' and ` consummate professional ' whose positive outlook on life made him such a popular figure .\n", - "bbc radio derby broadcaster died in hospice at 7.05 am yesterday morningtouched thousands of listeners with openness as he battled skin cancerheartbroken colleagues and stars have paid tribute to talented broadcastername chanted at derby county 's match at millwall and shrewsbury town players wore t-shirts with his name as they gained promotion yesterday\n", - "[1.2833985 1.5141778 1.2325855 1.4268177 1.1721228 1.067176 1.0322847\n", - " 1.0227834 1.0338356 1.0197425 1.0233788 1.0167491 1.0278292 1.0499084\n", - " 1.0230893 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 5 13 8 6 12 10 14 7 9 11 18 15 16 17 19]\n", - "=======================\n", - "[\"rye silverman , 32 , a los angeles-based writer and self-confessed ` gender rebel ' , has been a fan of modcloth 's designs for years , and often posts pictures of herself wearing the clothing on the company 's style gallery , an open fashion forum where customers can showcase how they have styled each item to suit their own personal tastes .a transgender comedian is the latest real life model to star in a campaign for clothing label modcloth , in which she models a variety of her favorite feminine styles .` five years ago today , i came out of the closet , ' rye explained on the modcloth website .\"]\n", - "=======================\n", - "[\"rye silverman , from los angeles , was chosen as one of the brand 's monthly fashion truth campaign starsthe 32-year-old comedian often posts pictures of herself wearing modcloth clothing on the brand 's open fashion forum , which is how she was spotted\"]\n", - "rye silverman , 32 , a los angeles-based writer and self-confessed ` gender rebel ' , has been a fan of modcloth 's designs for years , and often posts pictures of herself wearing the clothing on the company 's style gallery , an open fashion forum where customers can showcase how they have styled each item to suit their own personal tastes .a transgender comedian is the latest real life model to star in a campaign for clothing label modcloth , in which she models a variety of her favorite feminine styles .` five years ago today , i came out of the closet , ' rye explained on the modcloth website .\n", - "rye silverman , from los angeles , was chosen as one of the brand 's monthly fashion truth campaign starsthe 32-year-old comedian often posts pictures of herself wearing modcloth clothing on the brand 's open fashion forum , which is how she was spotted\n", - "[1.3806251 1.3522332 1.1783315 1.3552189 1.1528916 1.0762421 1.1225915\n", - " 1.0850481 1.1101639 1.0798537 1.0606048 1.0451646 1.0596474 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 6 8 7 9 5 10 12 11 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"scarface and godfather actor al pacino is offering die-hard fans the chance to fly with him on a private jet -- but it will set them back an eye-watering sum of # 25,000 ( or $ 41,500 ) .the unusual meet and greet is part of a ticket package offered by a cambridge-based tour operator ahead of pacino 's three-city speaking tour in the uk and ireland .but the 74-year-old actor , who has made millions over an illustrious career spanning six decades , is drawing criticism for the pricey promotion .\"]\n", - "=======================\n", - "[\"promotion is part of al pacino 's speaking tour in the uk and irelandpackage includes tickets to two shows and a five-star hotel stay in londonif it 's too pricey , fans can pay # 2,500 for alone time in his dressing roomscarface and godfather actor is speaking in glasgow , london and dublin\"]\n", - "scarface and godfather actor al pacino is offering die-hard fans the chance to fly with him on a private jet -- but it will set them back an eye-watering sum of # 25,000 ( or $ 41,500 ) .the unusual meet and greet is part of a ticket package offered by a cambridge-based tour operator ahead of pacino 's three-city speaking tour in the uk and ireland .but the 74-year-old actor , who has made millions over an illustrious career spanning six decades , is drawing criticism for the pricey promotion .\n", - "promotion is part of al pacino 's speaking tour in the uk and irelandpackage includes tickets to two shows and a five-star hotel stay in londonif it 's too pricey , fans can pay # 2,500 for alone time in his dressing roomscarface and godfather actor is speaking in glasgow , london and dublin\n", - "[1.3925574 1.359672 1.2083806 1.0823109 1.2128339 1.1335144 1.0494031\n", - " 1.1224444 1.2981416 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 8 4 2 5 7 3 6 22 21 20 19 18 17 16 12 14 13 23 11 10 9 15\n", - " 24]\n", - "=======================\n", - "[\"robbie savage has taken to twitter to show fans that his diet and fitness regime is paying dividends , as he tries to lose the flab .the match of the day pundit appears to have worked hard in the gym to lose his ` podgy ' label but he still has some way to go to return back to his so-called ` glory days . 'robbie savage posed this snap on his twitter showing the progress he had made during his fitness regime\"]\n", - "=======================\n", - "[\"robbie savage posted the snap on his twitter showing his weight lossthe pundit has been labeled as ` podgy ' previously by some peoplesportsmail 's laura williamson once described savage as ` marmite '\"]\n", - "robbie savage has taken to twitter to show fans that his diet and fitness regime is paying dividends , as he tries to lose the flab .the match of the day pundit appears to have worked hard in the gym to lose his ` podgy ' label but he still has some way to go to return back to his so-called ` glory days . 'robbie savage posed this snap on his twitter showing the progress he had made during his fitness regime\n", - "robbie savage posted the snap on his twitter showing his weight lossthe pundit has been labeled as ` podgy ' previously by some peoplesportsmail 's laura williamson once described savage as ` marmite '\n", - "[1.2522159 1.4740391 1.2507594 1.2894707 1.1112043 1.037356 1.0345602\n", - " 1.0568354 1.0631974 1.0287918 1.1310506 1.0630331 1.026373 1.0223991\n", - " 1.0304046 1.0980434 1.0318022 1.0903736 1.094833 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 10 4 15 18 17 8 11 7 5 6 16 14 9 12 13 23 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"but derek murray , a university of alberta law student , found more than just the note that cold november day in edmonton -- he also found an extension cord and battery charger left by the stranger to bring his dead acura back to life .an alberta student who 'd accidentally left his headlights on all day was greeted by what may have been the world 's friendliest note from a stranger when he returned to his car .now that murray 's life-affirming tale has now gone viral , he says ` it just shows you how such a pure act of kindness from one person can just spread through everyone and help make everyone 's day a little brighter . '\"]\n", - "=======================\n", - "[\"derek murray , a university of alberta law student , could have had his day ruined by the mistake by a stranger 's kindness brightened it upmurray posted his story and the note online and the random act of kindness has now gone viral\"]\n", - "but derek murray , a university of alberta law student , found more than just the note that cold november day in edmonton -- he also found an extension cord and battery charger left by the stranger to bring his dead acura back to life .an alberta student who 'd accidentally left his headlights on all day was greeted by what may have been the world 's friendliest note from a stranger when he returned to his car .now that murray 's life-affirming tale has now gone viral , he says ` it just shows you how such a pure act of kindness from one person can just spread through everyone and help make everyone 's day a little brighter . '\n", - "derek murray , a university of alberta law student , could have had his day ruined by the mistake by a stranger 's kindness brightened it upmurray posted his story and the note online and the random act of kindness has now gone viral\n", - "[1.0764039 1.0804904 1.2966461 1.4463634 1.0955852 1.2858747 1.1970475\n", - " 1.1501342 1.0780646 1.0763412 1.1739031 1.0425144 1.0585697 1.0536164\n", - " 1.0430511 1.0434982 1.0947556 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 5 6 10 7 4 16 1 8 0 9 12 13 15 14 11 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "['a series of pictures by german artist jörg düsterwald show body-painted models camouflaged in woodlandcamouflaged in body paint , women pose for the camera against a backdrop of overgrown woodland .the jaw-dropping artwork is the brainchild of jörg düsterwald , a 49-year-old artist and bodypainter from hameln , germany .']\n", - "=======================\n", - "['a series of pictures show body-painted models camouflaged in woodlandthe pieces of art are by jörg düsterwald , 49 , from hameln , germanyhe takes hours to paint the models into every nature scene']\n", - "a series of pictures by german artist jörg düsterwald show body-painted models camouflaged in woodlandcamouflaged in body paint , women pose for the camera against a backdrop of overgrown woodland .the jaw-dropping artwork is the brainchild of jörg düsterwald , a 49-year-old artist and bodypainter from hameln , germany .\n", - "a series of pictures show body-painted models camouflaged in woodlandthe pieces of art are by jörg düsterwald , 49 , from hameln , germanyhe takes hours to paint the models into every nature scene\n", - "[1.4829029 1.118867 1.1099492 1.3206168 1.454381 1.2092786 1.1319624\n", - " 1.066776 1.1630244 1.0124525 1.0082575 1.0075371 1.0151672 1.021694\n", - " 1.037105 1.0725495 1.0387866 1.0126004 1.0156296 1.0643351 1.0257164\n", - " 1.0207714 1.0068798 1.024284 1.023698 ]\n", - "\n", - "[ 0 4 3 5 8 6 1 2 15 7 19 16 14 20 23 24 13 21 18 12 17 9 10 11\n", - " 22]\n", - "=======================\n", - "[\"on february 14 , 1998 , new kid on the block michael owen scored a hat-trick for liverpool in a 3-3 draw with sheffield wednesday at hillsborough .liverpool , and now england , have michael owen . 'owen celebrates his goal at france '98 as he went on to deal with the expectation placed on his shoulders\"]\n", - "=======================\n", - "[\"harry kane is the premier league 's joint-top goalscorer with 19 but was 500/1 to win the golden boot at the beginning of the seasonmichael owen emerged in 1997-98 but managed to maintain his formkane has captured the imagination since earning his senior england debutnobody had ever won player of the month three times in a row but kane went desperately close after winning it in january and februaryolivier giroud beat him to march despite kane 's five goals that monthvincent kompany and kane have coincidentally played 1,876 minutes each this season , and both have won 25 tackles apiecekane features twice in the top 20 most distances covered in a matchhe was given a taster of what is to come by italy defender giorgio chiellini\"]\n", - "on february 14 , 1998 , new kid on the block michael owen scored a hat-trick for liverpool in a 3-3 draw with sheffield wednesday at hillsborough .liverpool , and now england , have michael owen . 'owen celebrates his goal at france '98 as he went on to deal with the expectation placed on his shoulders\n", - "harry kane is the premier league 's joint-top goalscorer with 19 but was 500/1 to win the golden boot at the beginning of the seasonmichael owen emerged in 1997-98 but managed to maintain his formkane has captured the imagination since earning his senior england debutnobody had ever won player of the month three times in a row but kane went desperately close after winning it in january and februaryolivier giroud beat him to march despite kane 's five goals that monthvincent kompany and kane have coincidentally played 1,876 minutes each this season , and both have won 25 tackles apiecekane features twice in the top 20 most distances covered in a matchhe was given a taster of what is to come by italy defender giorgio chiellini\n", - "[1.3554075 1.4406103 1.1687492 1.0672313 1.0871555 1.0918542 1.0914112\n", - " 1.0362389 1.0396308 1.1219776 1.0769938 1.0880197 1.0677346 1.044675\n", - " 1.0527698 1.0525872 1.0526708 1.0758076 1.0859795 1.0388048 1.0437746\n", - " 1.0576935 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 9 5 6 11 4 18 10 17 12 3 21 14 16 15 13 20 8 19 7 23 22\n", - " 24]\n", - "=======================\n", - "[\"bi fujian , who works for state-run china central television , was filmed at a dinner party singing a revolutionary song that eulogizes the communist party 's early years when he started going off script .( cnn ) a popular chinese television host known for impromptu satire is now the subject of controversy after being caught on camera cursing the late chairman mao zedong .making disrespectful references to china 's leaders in public is considered a taboo in china , even today .\"]\n", - "=======================\n", - "['bi apologizes on social media : \" my personal speech has led to grave social consequences \"chinese tv star filmed cursing the late chairman mao zedongmaking disrespectful references to china \\'s leaders in public is still taboo']\n", - "bi fujian , who works for state-run china central television , was filmed at a dinner party singing a revolutionary song that eulogizes the communist party 's early years when he started going off script .( cnn ) a popular chinese television host known for impromptu satire is now the subject of controversy after being caught on camera cursing the late chairman mao zedong .making disrespectful references to china 's leaders in public is considered a taboo in china , even today .\n", - "bi apologizes on social media : \" my personal speech has led to grave social consequences \"chinese tv star filmed cursing the late chairman mao zedongmaking disrespectful references to china 's leaders in public is still taboo\n", - "[1.2575623 1.3091338 1.1419235 1.3236518 1.3692287 1.071687 1.2832652\n", - " 1.1480023 1.0986978 1.0273291 1.1307641 1.121411 1.158371 1.1636369\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 4 3 1 6 0 13 12 7 2 10 11 8 5 9 16 14 15 17]\n", - "=======================\n", - "[\"liverpool midfielder jordan henderson is set to sign a new long-term contract at anfieldhis new deal will run to 2020 .the club 's vice-captain had 14 months remaining on his current contract and his advisors had been in talks with liverpool since the beginning of this season .\"]\n", - "=======================\n", - "[\"jordan henderson is set to sign an improved deal with liverpoolthe 24-year-old midfielder has 14 months left on his current contracthenderson could replace steven gerrard as club captain this summerliverpool will resume talks with raheem sterling at the end of the seasonread : liverpool launch bid to rival man utd for psv 's memphis depay\"]\n", - "liverpool midfielder jordan henderson is set to sign a new long-term contract at anfieldhis new deal will run to 2020 .the club 's vice-captain had 14 months remaining on his current contract and his advisors had been in talks with liverpool since the beginning of this season .\n", - "jordan henderson is set to sign an improved deal with liverpoolthe 24-year-old midfielder has 14 months left on his current contracthenderson could replace steven gerrard as club captain this summerliverpool will resume talks with raheem sterling at the end of the seasonread : liverpool launch bid to rival man utd for psv 's memphis depay\n", - "[1.2797406 1.4576594 1.2134863 1.1719885 1.3671798 1.2382824 1.089988\n", - " 1.0168843 1.0284065 1.1541145 1.019048 1.0120995 1.0339956 1.1168861\n", - " 1.1580495 1.070982 1.0300938 0. ]\n", - "\n", - "[ 1 4 0 5 2 3 14 9 13 6 15 12 16 8 10 7 11 17]\n", - "=======================\n", - "['bryan morseman , 29 , from bath , new york , started his streak at the montgomery marathon in alabama on march 14 .a new york man who won three marathons in eight days last month said that his winnings will go toward the medical bills of his infant son , who has spina bifida , a developmental congenital disorder .he ran the tobacco road marathon in cary , north carolina , the next morning because it was one the way home to new york .']\n", - "=======================\n", - "[\"bryan morseman , of bath , new york , won marathons on march 14 , 15 and 22the 29-year-old 's winnings went toward medical bills for his nine-month-old son , who has spina bifida , a developmental congenital disorderthe disorder develops in the womb when a baby 's spinal column does n't form properlymorseman said his son leeim gives him inspiration to run the raceshe has won 23 of the 42 marathons he 's run since his first in 2008\"]\n", - "bryan morseman , 29 , from bath , new york , started his streak at the montgomery marathon in alabama on march 14 .a new york man who won three marathons in eight days last month said that his winnings will go toward the medical bills of his infant son , who has spina bifida , a developmental congenital disorder .he ran the tobacco road marathon in cary , north carolina , the next morning because it was one the way home to new york .\n", - "bryan morseman , of bath , new york , won marathons on march 14 , 15 and 22the 29-year-old 's winnings went toward medical bills for his nine-month-old son , who has spina bifida , a developmental congenital disorderthe disorder develops in the womb when a baby 's spinal column does n't form properlymorseman said his son leeim gives him inspiration to run the raceshe has won 23 of the 42 marathons he 's run since his first in 2008\n", - "[1.2283729 1.476028 1.3236754 1.1983125 1.0961071 1.093341 1.1568295\n", - " 1.2675185 1.0744929 1.0495355 1.0310262 1.0258646 1.081912 1.0520962\n", - " 1.0512356 1.0498375 1.0265969 1.0370541]\n", - "\n", - "[ 1 2 7 0 3 6 4 5 12 8 13 14 15 9 17 10 16 11]\n", - "=======================\n", - "[\"christian tyrrell , 22 , was arrested wednesday on capital murder charges in connection to the march 19 death of 2-year-old adrian langlais , the son of his girlfriend jessica langlais .john winkler and laura martinez considered themselves adrian 's grandparents , even though they were n't blood related to the little boy .the adoptive grandparents of a texas toddler who died after a brutal beating last month are speaking out against the boy 's mother , who they say did n't do enough to protect her son from her boyfriend .\"]\n", - "=======================\n", - "[\"adrian langlais died on march 19 , the day after his second birthday , from head injuries allegedly caused by his mother 's boyfriend christian tyrrellthe toddler 's adoptive grandparents say they started noticing bruises on the boy in november , when mother jessica langlais started dating tyrrellthey say jessica ignored their warnings , and that child protective services cleared tyrrell of any wrong doing a month before adrian 's deathtyrrell was arrested wednesday on capital murder charges and is being held on $ 1million bond\"]\n", - "christian tyrrell , 22 , was arrested wednesday on capital murder charges in connection to the march 19 death of 2-year-old adrian langlais , the son of his girlfriend jessica langlais .john winkler and laura martinez considered themselves adrian 's grandparents , even though they were n't blood related to the little boy .the adoptive grandparents of a texas toddler who died after a brutal beating last month are speaking out against the boy 's mother , who they say did n't do enough to protect her son from her boyfriend .\n", - "adrian langlais died on march 19 , the day after his second birthday , from head injuries allegedly caused by his mother 's boyfriend christian tyrrellthe toddler 's adoptive grandparents say they started noticing bruises on the boy in november , when mother jessica langlais started dating tyrrellthey say jessica ignored their warnings , and that child protective services cleared tyrrell of any wrong doing a month before adrian 's deathtyrrell was arrested wednesday on capital murder charges and is being held on $ 1million bond\n", - "[1.1449623 1.3846552 1.357939 1.246929 1.1014762 1.1878266 1.108536\n", - " 1.0761195 1.1605997 1.0672916 1.0909148 1.0340041 1.043855 1.0323472\n", - " 1.0193769 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 5 8 0 6 4 10 7 9 12 11 13 14 16 15 17]\n", - "=======================\n", - "[\"us scientists have found a way to use discarded corn husks and stalks to make cheap hydrogen fuel that does n't pollute the environment like fossil fuels .the breakthrough could one day see the fuel being produced locally and drivers stopping to refuel their vehicles at roadside bioreactors instead of pumping petrol into their motor .now , researchers at virginia polytechnic institute and state university have shown that it 's possible to convert 100 per cent of the sugar in corn stalks and husks -- a by-product of farming -- into hydrogen gas , which can be used to power vehicles .\"]\n", - "=======================\n", - "[\"virginia polytechnic institute and state university researchers found a way to use discarded corn husks and stalks to make cheap hydrogen fuelused efficient method to convert 100 % of plant sugars into ` green ' fuelit 's previously only been possible to convert 60 % of sugars into hydrogenbreakthrough could see motorists filling up at roadside bioreactors\"]\n", - "us scientists have found a way to use discarded corn husks and stalks to make cheap hydrogen fuel that does n't pollute the environment like fossil fuels .the breakthrough could one day see the fuel being produced locally and drivers stopping to refuel their vehicles at roadside bioreactors instead of pumping petrol into their motor .now , researchers at virginia polytechnic institute and state university have shown that it 's possible to convert 100 per cent of the sugar in corn stalks and husks -- a by-product of farming -- into hydrogen gas , which can be used to power vehicles .\n", - "virginia polytechnic institute and state university researchers found a way to use discarded corn husks and stalks to make cheap hydrogen fuelused efficient method to convert 100 % of plant sugars into ` green ' fuelit 's previously only been possible to convert 60 % of sugars into hydrogenbreakthrough could see motorists filling up at roadside bioreactors\n", - "[1.2451061 1.3360162 1.3810425 1.388927 1.2699933 1.3158611 1.2546618\n", - " 1.1542704 1.14667 1.0307702 1.0259944 1.0157644 1.0176258 1.0530015\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 5 4 6 0 7 8 13 9 10 12 11 14 15 16 17]\n", - "=======================\n", - "['mario balotelli has only scored once in the premier league since his switch to liverpool last summerliverpool have been willing to sell balotelli since january but could find no takers after signing him for # 16m .eccentric club president massimo ferrero says the talented but frustrating 24-year-old has lost his desire for football and needs to go to stadio luigi ferraris to re-discover himself .']\n", - "=======================\n", - "[\"mario balotelli joined liverpool for # 16million from ac milan last summerthe striker has scored just one premier league goal and is set for exitsampdoria want the italian but he would have to take a pay cutpresident massimo ferrero said balotelli is not hungry anymoreread : balotelli lays into man utd after sergio aguero 's goal at old trafford\"]\n", - "mario balotelli has only scored once in the premier league since his switch to liverpool last summerliverpool have been willing to sell balotelli since january but could find no takers after signing him for # 16m .eccentric club president massimo ferrero says the talented but frustrating 24-year-old has lost his desire for football and needs to go to stadio luigi ferraris to re-discover himself .\n", - "mario balotelli joined liverpool for # 16million from ac milan last summerthe striker has scored just one premier league goal and is set for exitsampdoria want the italian but he would have to take a pay cutpresident massimo ferrero said balotelli is not hungry anymoreread : balotelli lays into man utd after sergio aguero 's goal at old trafford\n", - "[1.3340946 1.2777936 1.2973943 1.1575756 1.097446 1.3908105 1.0283997\n", - " 1.0778359 1.049208 1.0333631 1.0623719 1.0901564 1.10427 1.0547982\n", - " 1.0236753 1.0214858 0. 0. 0. ]\n", - "\n", - "[ 5 0 2 1 3 12 4 11 7 10 13 8 9 6 14 15 16 17 18]\n", - "=======================\n", - "[\"millwall keeper david forde was called into action in the first minute , doing well to deny troy deeney after the striker had broken the offside trap .matej vydra 's superb volley helped keep watford on the trail for automatic promotion as they recorded a 2-0 victory over a spirited millwall side , who sank further into relegation trouble .aiden o'brien was a constant menace for the hosts - who had an early penalty shout turned down - but watford were far too clinical , as adlene guedioura slotted a vital second goal shortly after the break .\"]\n", - "=======================\n", - "['matej vydra converts ikechi anya cross after 26 mintuesadlene guadeioura doubles hornets advantage in second halfmillwall remain seven points from safety , and are second from bottom']\n", - "millwall keeper david forde was called into action in the first minute , doing well to deny troy deeney after the striker had broken the offside trap .matej vydra 's superb volley helped keep watford on the trail for automatic promotion as they recorded a 2-0 victory over a spirited millwall side , who sank further into relegation trouble .aiden o'brien was a constant menace for the hosts - who had an early penalty shout turned down - but watford were far too clinical , as adlene guedioura slotted a vital second goal shortly after the break .\n", - "matej vydra converts ikechi anya cross after 26 mintuesadlene guadeioura doubles hornets advantage in second halfmillwall remain seven points from safety , and are second from bottom\n", - "[1.3237814 1.0603352 1.3757514 1.1563644 1.276211 1.1223927 1.0679067\n", - " 1.0565275 1.0846225 1.0346848 1.0383945 1.1326555 1.0733379 1.116246\n", - " 1.0502504 1.028704 0. 0. 0. ]\n", - "\n", - "[ 2 0 4 3 11 5 13 8 12 6 1 7 14 10 9 15 16 17 18]\n", - "=======================\n", - "['the a-listers have tried-and-tested techniques when it comes to getting dressed and they all follow simple styling hacks to flatter their figure .from victoria beckham to the duchess of cambridge , our favourite celebrities always dress to impress .femail has pulled together the simple but effective celebrity-favoured styling tips you can employ to make the most of your figure .']\n", - "=======================\n", - "[\"victoria beckham has updated her black wardrobe with a hint of navythe duchess of cambridge 's favourite nude shoes make legs appear leanersticking to one neutral colour palette like kim kardashian is flattering\"]\n", - "the a-listers have tried-and-tested techniques when it comes to getting dressed and they all follow simple styling hacks to flatter their figure .from victoria beckham to the duchess of cambridge , our favourite celebrities always dress to impress .femail has pulled together the simple but effective celebrity-favoured styling tips you can employ to make the most of your figure .\n", - "victoria beckham has updated her black wardrobe with a hint of navythe duchess of cambridge 's favourite nude shoes make legs appear leanersticking to one neutral colour palette like kim kardashian is flattering\n", - "[1.2032521 1.4230499 1.3168014 1.2899753 1.0839404 1.1438243 1.1835853\n", - " 1.0882787 1.07048 1.0421742 1.1007394 1.0796622 1.0624864 1.0294886\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 6 5 10 7 4 11 8 12 9 13 14 15 16 17 18]\n", - "=======================\n", - "[\"volcano calbuco , in the country 's south , is believed to be among the three most dangerous of chile 's 90 active volcanoes , but was not under any special observation before it suddenly sprung into life at around 6pm local time .an estimated 1,500 people were forced to flee the nearby town of ensenada after the eruption , while several smaller townships were also cleared .the eruption sparked a red alert in the port city of puerto montt\"]\n", - "=======================\n", - "[\"volcano erupted without warning at around 6pm local time with 1,500 people forced to leave their homesresidents described people crying in the streets as they fled in the aftermath of the ` apocalypse-like ' eruptionit is the first time the volcano has been active since 1972 , and the first major eruption there since 1961the plume of ash and smoke blanketed the sky and was visible in towns up to 100 miles away in argentina\"]\n", - "volcano calbuco , in the country 's south , is believed to be among the three most dangerous of chile 's 90 active volcanoes , but was not under any special observation before it suddenly sprung into life at around 6pm local time .an estimated 1,500 people were forced to flee the nearby town of ensenada after the eruption , while several smaller townships were also cleared .the eruption sparked a red alert in the port city of puerto montt\n", - "volcano erupted without warning at around 6pm local time with 1,500 people forced to leave their homesresidents described people crying in the streets as they fled in the aftermath of the ` apocalypse-like ' eruptionit is the first time the volcano has been active since 1972 , and the first major eruption there since 1961the plume of ash and smoke blanketed the sky and was visible in towns up to 100 miles away in argentina\n", - "[1.2193377 1.4580951 1.3550923 1.309079 1.1775091 1.1292048 1.058321\n", - " 1.0437645 1.0549685 1.0848136 1.0509851 1.2406723 1.0866249 1.021711\n", - " 1.0485529 1.0359298 1.0204582 1.0697224 1.0333052]\n", - "\n", - "[ 1 2 3 11 0 4 5 12 9 17 6 8 10 14 7 15 18 13 16]\n", - "=======================\n", - "[\"kat lee 's desperate plea on facebook has gone viral as she appealed for witnesses to come forward following her son 's surgery for his broken jaw in two places and a fractured cheekbone .she told the advertiser a group of five , including four teenagers and an adult , attacked her son over money owed for a hot dog .a mother has released images of her teenage son who suffered serious injuries after he was assaulted at an adelaide train station on saturday night\"]\n", - "=======================\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['the teenager suffered a broken jaw in 2 places and a fractured cheek bonemother shared a photo of jaidyn on her facebook page after his operationkat lee says her son was at an adelaide train station on saturday nightshe has appealed for witnesses to come forward and speak to policepolice are still investigating the matter and no arrests have been made']\n", - "kat lee 's desperate plea on facebook has gone viral as she appealed for witnesses to come forward following her son 's surgery for his broken jaw in two places and a fractured cheekbone .she told the advertiser a group of five , including four teenagers and an adult , attacked her son over money owed for a hot dog .a mother has released images of her teenage son who suffered serious injuries after he was assaulted at an adelaide train station on saturday night\n", - "the teenager suffered a broken jaw in 2 places and a fractured cheek bonemother shared a photo of jaidyn on her facebook page after his operationkat lee says her son was at an adelaide train station on saturday nightshe has appealed for witnesses to come forward and speak to policepolice are still investigating the matter and no arrests have been made\n", - "[1.3829015 1.485766 1.2118758 1.3578105 1.3313035 1.1766708 1.0171862\n", - " 1.0134596 1.0167814 1.0236288 1.1787648 1.046692 1.0650246 1.0154048\n", - " 1.0093784 1.0101894 1.1249217 1.0659307 0. ]\n", - "\n", - "[ 1 0 3 4 2 10 5 16 17 12 11 9 6 8 13 7 15 14 18]\n", - "=======================\n", - "['seeking to become just the sixth player in history to win all four major titles , mcilroy was one over par after 11 holes before recording birdies on the 13th and 15th to card a one-under-par 71 .rory mcilroy expressed his satisfaction after keeping his dreams of the career grand slam on track with a battling display on the opening day of the 79th masters .rory mcilroy did well just to bogey the sixth after making a shaky start at the masters']\n", - "=======================\n", - "['rory mcilroy carded a one-under-par 71 in the first round at augustathe world no 1 recovered from early setback with birdies at 13th and 15thhe has recorded a score of 77 or worse on five occasions at augustaclick here for all the latest news from the masters 2015']\n", - "seeking to become just the sixth player in history to win all four major titles , mcilroy was one over par after 11 holes before recording birdies on the 13th and 15th to card a one-under-par 71 .rory mcilroy expressed his satisfaction after keeping his dreams of the career grand slam on track with a battling display on the opening day of the 79th masters .rory mcilroy did well just to bogey the sixth after making a shaky start at the masters\n", - "rory mcilroy carded a one-under-par 71 in the first round at augustathe world no 1 recovered from early setback with birdies at 13th and 15thhe has recorded a score of 77 or worse on five occasions at augustaclick here for all the latest news from the masters 2015\n", - "[1.2747996 1.1090496 1.2303205 1.3771923 1.0958749 1.0775129 1.1474566\n", - " 1.0922383 1.0582856 1.0401324 1.0528129 1.0416888 1.0731845 1.1259667\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 6 13 1 4 7 5 12 8 10 11 9 14 15 16 17 18]\n", - "=======================\n", - "[\"the worst architectural losses have included the majestic shiva temple pagoda and its twin , the narayan temple pagoda , which dominated kathmandu 's main durbar square .( cnn ) when the earthquake hit , many of nepal 's most renowned pagodas in and around kathmandu crumbled into rubble-covered stumps .but the kathmandu valley 's other pagodas , stupas and shrines -- also built mostly of red brick hundreds of years ago -- suffered surprisingly little damage and remained standing next to structures which disappeared .\"]\n", - "=======================\n", - "[\"several of nepal 's best known landmarks have been destroyed by the earthquake of april 25but outside the capital kathmandu there is hope that many have survived\"]\n", - "the worst architectural losses have included the majestic shiva temple pagoda and its twin , the narayan temple pagoda , which dominated kathmandu 's main durbar square .( cnn ) when the earthquake hit , many of nepal 's most renowned pagodas in and around kathmandu crumbled into rubble-covered stumps .but the kathmandu valley 's other pagodas , stupas and shrines -- also built mostly of red brick hundreds of years ago -- suffered surprisingly little damage and remained standing next to structures which disappeared .\n", - "several of nepal 's best known landmarks have been destroyed by the earthquake of april 25but outside the capital kathmandu there is hope that many have survived\n", - "[1.2382076 1.3403852 1.3027494 1.1510785 1.3318143 1.2127728 1.1585945\n", - " 1.1170028 1.20737 1.0222973 1.0400678 1.0220137 1.0390849 1.1049014\n", - " 1.1334479 1.0881314 1.0094136 1.0067258 1.0183913]\n", - "\n", - "[ 1 4 2 0 5 8 6 3 14 7 13 15 10 12 9 11 18 16 17]\n", - "=======================\n", - "[\"the research , carried out in milan , backs up tests carried out by the charity medical detection dogs .dogs have been found to detect prostate cancer with 98 per cent accuracy when sniffing men 's urine samplesits co-founder dr claire guest said the charity 's research found a 93 per cent reliability rate when detecting both prostate and bladder cancer .\"]\n", - "=======================\n", - "[\"study in milan found two dogs identified 98 % of prostate cancer casesthey examined urine samples of 900 men - 360 who had cancermedical detection dogs charity hailed the study as ` spectacular '\"]\n", - "the research , carried out in milan , backs up tests carried out by the charity medical detection dogs .dogs have been found to detect prostate cancer with 98 per cent accuracy when sniffing men 's urine samplesits co-founder dr claire guest said the charity 's research found a 93 per cent reliability rate when detecting both prostate and bladder cancer .\n", - "study in milan found two dogs identified 98 % of prostate cancer casesthey examined urine samples of 900 men - 360 who had cancermedical detection dogs charity hailed the study as ` spectacular '\n", - "[1.2372708 1.2397017 1.1160948 1.1375519 1.2250288 1.207891 1.1597689\n", - " 1.15082 1.090954 1.1427208 1.0261353 1.1030765 1.017251 1.0766764\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 5 6 7 9 3 2 11 8 13 10 12 17 14 15 16 18]\n", - "=======================\n", - "[\"launching a new poster campaign showing ms sturgeon manipulating a puppet labour leader , conservative chairman grant shapps said : ` the only way that ed miliband might crawl through the gates of no10 now is if he 's carried there by the snp .it is the image which the tories hope will scare floating voters into their arms -- the prospect of nicola sturgeon forcing ed miliband to implement her radical policies .the campaign comes as ms sturgeon uses an article in today 's scottish mail on sunday to claim that she can help ` lead the uk ' .\"]\n", - "=======================\n", - "[\"tories will be hoping to scare floating voters with puppet-master imagecomes as snp leader ms sturgeon claims that she can help ` lead the uk 'party manifesto to include pledges in policy areas which do n't even directly affect scotland\"]\n", - "launching a new poster campaign showing ms sturgeon manipulating a puppet labour leader , conservative chairman grant shapps said : ` the only way that ed miliband might crawl through the gates of no10 now is if he 's carried there by the snp .it is the image which the tories hope will scare floating voters into their arms -- the prospect of nicola sturgeon forcing ed miliband to implement her radical policies .the campaign comes as ms sturgeon uses an article in today 's scottish mail on sunday to claim that she can help ` lead the uk ' .\n", - "tories will be hoping to scare floating voters with puppet-master imagecomes as snp leader ms sturgeon claims that she can help ` lead the uk 'party manifesto to include pledges in policy areas which do n't even directly affect scotland\n", - "[1.2526314 1.2651639 1.3062332 1.3783486 1.1938139 1.1586382 1.1218265\n", - " 1.1137674 1.2399905 1.01662 1.0628753 1.0661402 1.0749689 1.0771663\n", - " 1.0082661 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 0 8 4 5 6 7 13 12 11 10 9 14 15 16 17 18]\n", - "=======================\n", - "[\"victim : staff sergeant shawn manning was shot six times during the fort hood attack - but claims he is being denied vital financial supportauthorities initially classed the mass murder as ` workplace violence ' but it has since been acknowledged that the attack was an act of terrorism - because it was inspired by a foreign terrorist group .army psychiatrist major nidal hasan opened fire on november 5 , 2009 , killing 13 men and women at the military post in killeen , texas , injuring 30 others before he was shot himself .\"]\n", - "=======================\n", - "[\"fort hood shootings in 2009 were initially classed as ` workplace violence 'authorities later acknowledged that the attack was an act of terrorismbut victim staff sergeant shawn manning says he is being denied benefitssays military rejected claims his injuries were sustained in the line of duty\"]\n", - "victim : staff sergeant shawn manning was shot six times during the fort hood attack - but claims he is being denied vital financial supportauthorities initially classed the mass murder as ` workplace violence ' but it has since been acknowledged that the attack was an act of terrorism - because it was inspired by a foreign terrorist group .army psychiatrist major nidal hasan opened fire on november 5 , 2009 , killing 13 men and women at the military post in killeen , texas , injuring 30 others before he was shot himself .\n", - "fort hood shootings in 2009 were initially classed as ` workplace violence 'authorities later acknowledged that the attack was an act of terrorismbut victim staff sergeant shawn manning says he is being denied benefitssays military rejected claims his injuries were sustained in the line of duty\n", - "[1.4027717 1.1186063 1.1879922 1.4523737 1.3631889 1.2089729 1.0770969\n", - " 1.1417 1.0849254 1.024577 1.0327438 1.0337824 1.0249081 1.0630808\n", - " 1.0436296 1.1528639 1.0125518 1.0144202 0. ]\n", - "\n", - "[ 3 0 4 5 2 15 7 1 8 6 13 14 11 10 12 9 17 16 18]\n", - "=======================\n", - "[\"manchester city manager manuel pellegrini insists his side must splash the cash in the summermanchester city boss manuel pellegrini believes the club may need to splash out again this summer to keep pace with their rivals .pellegrini has said manchester city must sign a ` crack ' player such as striker sergio aguero\"]\n", - "=======================\n", - "['manuel pellegrini believes man city need to sign a world class superstarthe chilean insists it is important to splash the cash every other seasoncity brought in eliaquim mangala , fernando and bacary sagna in summermanchester city face crystal palace at selhurst park on monday night']\n", - "manchester city manager manuel pellegrini insists his side must splash the cash in the summermanchester city boss manuel pellegrini believes the club may need to splash out again this summer to keep pace with their rivals .pellegrini has said manchester city must sign a ` crack ' player such as striker sergio aguero\n", - "manuel pellegrini believes man city need to sign a world class superstarthe chilean insists it is important to splash the cash every other seasoncity brought in eliaquim mangala , fernando and bacary sagna in summermanchester city face crystal palace at selhurst park on monday night\n", - "[1.2251737 1.3146844 1.3110877 1.2736292 1.0727046 1.1900216 1.1166886\n", - " 1.1088442 1.0840231 1.063326 1.0965439 1.1350552 1.0510665 1.100615\n", - " 1.0561306 1.0354909 1.025831 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 11 6 7 13 10 8 4 9 14 12 15 16 18 17 19]\n", - "=======================\n", - "[\"it comes as a friend of the teenagers who are believed to the planned attack in melbourne revealed the moment the two young men ` became radicalised ' .the man , who has not been identified , claims the death of numan haider was the moment ` we all became more radical ' , according to news corp australia .sevdet besim , from hallam in melbourne 's south-east , was charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' at the melbourne magistrates court on saturday afternoon\"]\n", - "=======================\n", - "[\"men believed to be masterminds of plot ` scouted ' police stations to attackalleged ringleader held under tough anti-terror laws without being chargedfriend of the teenagers reveals the moment they ` became radicalised 'killing of numan haider last year said to be when they became extremistalso revealed teens were being recruited of top isis official , neil prakashinstagram account of sevdet besim give insight into the mind of the teenhe was one of five men arrested as part of anti-terror raids in melbournepolice allege the teenagers planned to target an anzac day ceremony\"]\n", - "it comes as a friend of the teenagers who are believed to the planned attack in melbourne revealed the moment the two young men ` became radicalised ' .the man , who has not been identified , claims the death of numan haider was the moment ` we all became more radical ' , according to news corp australia .sevdet besim , from hallam in melbourne 's south-east , was charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' at the melbourne magistrates court on saturday afternoon\n", - "men believed to be masterminds of plot ` scouted ' police stations to attackalleged ringleader held under tough anti-terror laws without being chargedfriend of the teenagers reveals the moment they ` became radicalised 'killing of numan haider last year said to be when they became extremistalso revealed teens were being recruited of top isis official , neil prakashinstagram account of sevdet besim give insight into the mind of the teenhe was one of five men arrested as part of anti-terror raids in melbournepolice allege the teenagers planned to target an anzac day ceremony\n", - "[1.3369944 1.1371855 1.1620146 1.064259 1.0796477 1.1065835 1.0259107\n", - " 1.02544 1.1380523 1.1099749 1.1505815 1.0659395 1.0421678 1.0738895\n", - " 1.0875009 1.0622609 1.078599 1.0820302 1.0679445 1.0380491]\n", - "\n", - "[ 0 2 10 8 1 9 5 14 17 4 16 13 18 11 3 15 12 19 6 7]\n", - "=======================\n", - "[\"david crossley developed large kidney stonesin fact , david , 63 , a musculoskeletal therapist from birmingham , admits : ' i would often be so busy at the clinic that i 'd forget to drink any liquid at all , other than the odd cup of tea or coffee .one in ten of us will develop a kidney stone , and the numbers are rising dramatically .\"]\n", - "=======================\n", - "[\"doctors believe low fluid intake led to david crossley 's kidney stonesultrasound and ct scan revealed two very large stones in his right kidneyone in ten of us will develop a kidney stone , and the numbers are risingchanging diet trends such as low-carb are also pushing sufferer figures up` animal proteins break down into uric acid - a known stone-former '\"]\n", - "david crossley developed large kidney stonesin fact , david , 63 , a musculoskeletal therapist from birmingham , admits : ' i would often be so busy at the clinic that i 'd forget to drink any liquid at all , other than the odd cup of tea or coffee .one in ten of us will develop a kidney stone , and the numbers are rising dramatically .\n", - "doctors believe low fluid intake led to david crossley 's kidney stonesultrasound and ct scan revealed two very large stones in his right kidneyone in ten of us will develop a kidney stone , and the numbers are risingchanging diet trends such as low-carb are also pushing sufferer figures up` animal proteins break down into uric acid - a known stone-former '\n", - "[1.2123916 1.5634124 1.3031427 1.3638701 1.2209264 1.0486922 1.0880855\n", - " 1.0261836 1.0313107 1.2292495 1.0243521 1.0413157 1.0223802 1.0176713\n", - " 1.055418 1.0903243 1.053594 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 9 4 0 15 6 14 16 5 11 8 7 10 12 13 18 17 19]\n", - "=======================\n", - "['rachel chepulis , 26 , was arrested with wesley e. brown iii in north bend , oregon almost three weeks after she helped him break out of lake region correctional center , also known as devils lake , in north dakota .35-year-old brown , who is married with children , was awaiting sentencing after pleading guilty to being a felon in possession of a firearm - and is thought to have seduced single chepulis while behind bars .caught : the pair managed to get 1,700 miles from the north dakota jail before being captured in oregon']\n", - "=======================\n", - "[\"rachel chepulis helped wesley e. brown iii break out of north dakota jailfugitive couple captured yesterday outside store in north bend , oregonbrown , 35 , was awaiting sentencing for carrying a firearm as a felonchepulis , 26 , found to have a tattoo of brown 's initials on her ring finger\"]\n", - "rachel chepulis , 26 , was arrested with wesley e. brown iii in north bend , oregon almost three weeks after she helped him break out of lake region correctional center , also known as devils lake , in north dakota .35-year-old brown , who is married with children , was awaiting sentencing after pleading guilty to being a felon in possession of a firearm - and is thought to have seduced single chepulis while behind bars .caught : the pair managed to get 1,700 miles from the north dakota jail before being captured in oregon\n", - "rachel chepulis helped wesley e. brown iii break out of north dakota jailfugitive couple captured yesterday outside store in north bend , oregonbrown , 35 , was awaiting sentencing for carrying a firearm as a felonchepulis , 26 , found to have a tattoo of brown 's initials on her ring finger\n", - "[1.2951046 1.2501117 1.3207728 1.1755106 1.2180034 1.1891178 1.1629719\n", - " 1.1262645 1.0641643 1.0356171 1.1798648 1.02302 1.0517585 1.0543432\n", - " 1.0402199 1.0555402 1.0253236 1.0158143 0. 0. ]\n", - "\n", - "[ 2 0 1 4 5 10 3 6 7 8 15 13 12 14 9 16 11 17 18 19]\n", - "=======================\n", - "['this just days before a judge will decide if she must hand over $ 2.8 million in gifts she received from her ex , embattled former los angeles clippers owner donald sterling .v stiviano showed off two new accessories while enjoying lunch in los angeles on thursday .the 32-year-old was seen with an older male companion and some new braces on her already straight teeth while dining al fresco .']\n", - "=======================\n", - "['v stiviano showed off new braces while out to lunch thursday at il pastaio in beverly hillsshe was joined by an older male companion who gave her a gift when she arrivedthis just days before a judge will decide if she must hand over $ 2.8 million in gifts she received from her ex , donald sterling']\n", - "this just days before a judge will decide if she must hand over $ 2.8 million in gifts she received from her ex , embattled former los angeles clippers owner donald sterling .v stiviano showed off two new accessories while enjoying lunch in los angeles on thursday .the 32-year-old was seen with an older male companion and some new braces on her already straight teeth while dining al fresco .\n", - "v stiviano showed off new braces while out to lunch thursday at il pastaio in beverly hillsshe was joined by an older male companion who gave her a gift when she arrivedthis just days before a judge will decide if she must hand over $ 2.8 million in gifts she received from her ex , donald sterling\n", - "[1.4541241 1.212132 1.4077748 1.162435 1.2659485 1.157788 1.1094186\n", - " 1.0553197 1.0882711 1.022508 1.0229751 1.0243459 1.0731163 1.0184691\n", - " 1.0155243 1.0252383 1.0177776 1.1318318 1.0270492 0. ]\n", - "\n", - "[ 0 2 4 1 3 5 17 6 8 12 7 18 15 11 10 9 13 16 14 19]\n", - "=======================\n", - "[\"gifted : schoolgirl elspeth mckendrick was depressed after being diagnosed with asperger 's syndromeher parents said she was ` happy to be odd and eccentric ' but was ` very much in denial ' about her condition and felt unable to discuss it with anybody .the doctor who and sherlock fan , who was described by her mother as ` geeky ' , had desperately wanted to fit in at school and had built up a small circle of friends .\"]\n", - "=======================\n", - "[\"elspeth mckendrick was left shattered by asperger 's syndrome diagnosisher parents said she was ` very much in denial ' about her conditionshe had a small circle of friends at school but wanted a ` close best friend 'gifted teen had scored a string of gcse a * s and won a place at art college\"]\n", - "gifted : schoolgirl elspeth mckendrick was depressed after being diagnosed with asperger 's syndromeher parents said she was ` happy to be odd and eccentric ' but was ` very much in denial ' about her condition and felt unable to discuss it with anybody .the doctor who and sherlock fan , who was described by her mother as ` geeky ' , had desperately wanted to fit in at school and had built up a small circle of friends .\n", - "elspeth mckendrick was left shattered by asperger 's syndrome diagnosisher parents said she was ` very much in denial ' about her conditionshe had a small circle of friends at school but wanted a ` close best friend 'gifted teen had scored a string of gcse a * s and won a place at art college\n", - "[1.238316 1.6236154 1.3216163 1.4863174 1.1058749 1.053635 1.0298069\n", - " 1.0545336 1.0237337 1.0216166 1.0351737 1.0520729 1.0200979 1.1948476\n", - " 1.1104017 1.1626624 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 13 15 14 4 7 5 11 10 6 8 9 12 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"amanda beringer asked her brother brad fraser to make a toast at her wedding at eagle bay , south of perth , over the weekend in place of their father who passed away .far from a conventional toast , mr fraser performed a song which poked fun at the burdens of marriage .this is the hilarious moment a man performs a musical toast at his sister 's wedding to welcome his new brother-in-law to the family .\"]\n", - "=======================\n", - "[\"amanda beringer asked her brother brad to make a toast at her weddinginstead of a speech , he wrote a song poking fun at the burdens of marriagethe perth man 's musical toast had the wedding guests in stitches\"]\n", - "amanda beringer asked her brother brad fraser to make a toast at her wedding at eagle bay , south of perth , over the weekend in place of their father who passed away .far from a conventional toast , mr fraser performed a song which poked fun at the burdens of marriage .this is the hilarious moment a man performs a musical toast at his sister 's wedding to welcome his new brother-in-law to the family .\n", - "amanda beringer asked her brother brad to make a toast at her weddinginstead of a speech , he wrote a song poking fun at the burdens of marriagethe perth man 's musical toast had the wedding guests in stitches\n", - "[1.1539559 1.2551907 1.1618369 1.5869985 1.2286611 1.0712328 1.0533412\n", - " 1.0171313 1.0275362 1.044512 1.0640118 1.1214942 1.0107266 1.0207559\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 4 2 0 11 5 10 6 9 8 13 7 12 14 15 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"alastair cook passed alec stewart 's 8,463 runs to become england 's second highest test run-scorerwhen cook slapped a kemar roach full toss to the boundary in the early stages of his reply to west indies ' 299 on wednesday , he moved beyond alec stewart into second place among england 's great test accumulators .now only graham gooch , the man cook returned to earlier this year to try to restore his batting to full working order , stands above an england captain who is very much fighting for his leadership future in this series .\"]\n", - "=======================\n", - "[\"england paceman stuart broad back to his best with four-wicket haulopeners alastair cook and jonathan trott shared first half-century standthe tourists closed on 74-0 in reply to west indies ' first innings total of 299\"]\n", - "alastair cook passed alec stewart 's 8,463 runs to become england 's second highest test run-scorerwhen cook slapped a kemar roach full toss to the boundary in the early stages of his reply to west indies ' 299 on wednesday , he moved beyond alec stewart into second place among england 's great test accumulators .now only graham gooch , the man cook returned to earlier this year to try to restore his batting to full working order , stands above an england captain who is very much fighting for his leadership future in this series .\n", - "england paceman stuart broad back to his best with four-wicket haulopeners alastair cook and jonathan trott shared first half-century standthe tourists closed on 74-0 in reply to west indies ' first innings total of 299\n", - "[1.0433093 1.1768119 1.1751283 1.541758 1.391238 1.2094921 1.2460573\n", - " 1.1200798 1.0494913 1.036025 1.0360876 1.0566784 1.0530667 1.0434855\n", - " 1.0272516 1.0135643 1.0151434 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 6 5 1 2 7 11 12 8 13 0 10 9 14 16 15 23 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "['on friday it will be 100 years since 50,000 gathered at the home of manchester united for the last football match to be played in england for four , long years .the anniversary is being marked in manchester by the national football museum whose exhibition the greater game : football & the first world war tells the story of a controversial match played on the same day thousands of allied troops were killed in a deadly german chlorine gas attack near ypres , belgium .many soldiers already wounded from war or in uniform for training earned the match its khaki cup final tag']\n", - "=======================\n", - "[\"the 1915 fa cup final would be the last game in england for four yearsso many soldiers in the terraces saw it be known as the khaki cup finalon friday it will be 100 years since the match was held at old traffordsheffield united beat chelsea 3-0 but there was no parade for the victoryit was played on the same day thousands of allied troops were killed in a deadly german chlorine gas attack near ypres , belgiumearl of derby urged men not enlisted to play ' a sterner game for england '\"]\n", - "on friday it will be 100 years since 50,000 gathered at the home of manchester united for the last football match to be played in england for four , long years .the anniversary is being marked in manchester by the national football museum whose exhibition the greater game : football & the first world war tells the story of a controversial match played on the same day thousands of allied troops were killed in a deadly german chlorine gas attack near ypres , belgium .many soldiers already wounded from war or in uniform for training earned the match its khaki cup final tag\n", - "the 1915 fa cup final would be the last game in england for four yearsso many soldiers in the terraces saw it be known as the khaki cup finalon friday it will be 100 years since the match was held at old traffordsheffield united beat chelsea 3-0 but there was no parade for the victoryit was played on the same day thousands of allied troops were killed in a deadly german chlorine gas attack near ypres , belgiumearl of derby urged men not enlisted to play ' a sterner game for england '\n", - "[1.2478788 1.367687 1.2032715 1.4556993 1.2121825 1.1529318 1.0423307\n", - " 1.0578824 1.0126888 1.0210102 1.1253369 1.155899 1.2676032 1.0303053\n", - " 1.0126715 1.0148759 1.018876 1.0776869 1.0082896 1.007132 1.0117422\n", - " 1.0115649 1.0083055 1.0567814 1.0695841]\n", - "\n", - "[ 3 1 12 0 4 2 11 5 10 17 24 7 23 6 13 9 16 15 8 14 20 21 22 18\n", - " 19]\n", - "=======================\n", - "[\"vincent kompany is not guaranteed to return this season after injuring himself in the manchester derbythe influential captain was substituted during sunday 's 4-2 derby defeat at manchester united - a result that effectively ended their hopes of retaining their title and left them looking over their shoulders as they attempt to secure champions league football .bundesliga managers jurgen klopp ( left ) and pep guardiola have been linked with a move to city\"]\n", - "=======================\n", - "['vincent kompany was injured in the manchester derby defeat by unitedmanuel pellegrini is not sure if the belgium star will return this seasonthe premier league champions face west ham at the etihad on sunday']\n", - "vincent kompany is not guaranteed to return this season after injuring himself in the manchester derbythe influential captain was substituted during sunday 's 4-2 derby defeat at manchester united - a result that effectively ended their hopes of retaining their title and left them looking over their shoulders as they attempt to secure champions league football .bundesliga managers jurgen klopp ( left ) and pep guardiola have been linked with a move to city\n", - "vincent kompany was injured in the manchester derby defeat by unitedmanuel pellegrini is not sure if the belgium star will return this seasonthe premier league champions face west ham at the etihad on sunday\n", - "[1.4042051 1.1447492 1.2046472 1.1681417 1.1268435 1.0406216 1.0543747\n", - " 1.051273 1.0209042 1.063555 1.0556418 1.0663741 1.1042072 1.0867496\n", - " 1.0201477 1.0645952 1.0373471 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 4 12 13 11 15 9 10 6 7 5 16 8 14 23 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "['( cnn ) bernie sanders , my vermont senator and , indeed , a friend of many years , is now running for president .to most americans , of course , sen. bernie sanders is only a name , if that .he is barely known to the general public , which makes him a very long shot indeed to win election to the highest office in the nation .']\n", - "=======================\n", - "[\"jay parini : bernie sanders , who is running for president , is a liberal long shot , but he 's also a populist truth-teller who speaks without fearhe says the vermont senator could help move hillary clinton to left on progressive issues\"]\n", - "( cnn ) bernie sanders , my vermont senator and , indeed , a friend of many years , is now running for president .to most americans , of course , sen. bernie sanders is only a name , if that .he is barely known to the general public , which makes him a very long shot indeed to win election to the highest office in the nation .\n", - "jay parini : bernie sanders , who is running for president , is a liberal long shot , but he 's also a populist truth-teller who speaks without fearhe says the vermont senator could help move hillary clinton to left on progressive issues\n", - "[1.2897362 1.4332842 1.3445177 1.2359495 1.1260972 1.197446 1.1059244\n", - " 1.130536 1.0697947 1.0930611 1.0343901 1.1175424 1.0942569 1.0468535\n", - " 1.0738598 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 5 7 4 11 6 12 9 14 8 13 10 17 15 16 18]\n", - "=======================\n", - "['agent arthur baldwin was taken into custody at 12:30 am on friday on a residential street in south-eastern d.c. by the metropolitan police .he has been hit with a felony charge of attempted burglary and another of destruction of property .an off-duty secret service agent was arrested this morning in washington d.c. after allegedly attempting to break into a house at midnight .']\n", - "=======================\n", - "['agent arthur baldwin arrested in south-east washington at 12:30 am fridaycharged with a felony charge of first-degree attempted burglaryagent baldwin , posted to foreign missions branch , was placed on leavesecret service bosses also suspended his security clearance']\n", - "agent arthur baldwin was taken into custody at 12:30 am on friday on a residential street in south-eastern d.c. by the metropolitan police .he has been hit with a felony charge of attempted burglary and another of destruction of property .an off-duty secret service agent was arrested this morning in washington d.c. after allegedly attempting to break into a house at midnight .\n", - "agent arthur baldwin arrested in south-east washington at 12:30 am fridaycharged with a felony charge of first-degree attempted burglaryagent baldwin , posted to foreign missions branch , was placed on leavesecret service bosses also suspended his security clearance\n", - "[1.0933748 1.3348155 1.4843987 1.1900332 1.3319037 1.0962214 1.0553896\n", - " 1.163204 1.1278117 1.0319216 1.0290775 1.0527468 1.0435642 1.0185778\n", - " 1.0772808 1.0366627 1.0439489 1.02217 0. ]\n", - "\n", - "[ 2 1 4 3 7 8 5 0 14 6 11 16 12 15 9 10 17 13 18]\n", - "=======================\n", - "['yannick bolasie scored three as crystal palace shoved sunderland closer to the drop zone , while hull city remain in danger following a 2-0 loss at southampton .it was the saturday that saw leicester city keep their survival chances alive by coming from behind to beat west brom and tim sherwood claim a priceless victory for aston villa at his former club tottenham .brad guzan 7.5 ( tottenham vs aston villa )']\n", - "=======================\n", - "[\"bolasie scored three goals as palace beat sunderland 4-1villa recorded a crucial 1-0 win at tottenham to stay above drop zoneaaron ramsey scored arsenal 's goal in 1-0 win at burnleyjamie vardy struck late to give leicester a vital 3-2 win at west brom\"]\n", - "yannick bolasie scored three as crystal palace shoved sunderland closer to the drop zone , while hull city remain in danger following a 2-0 loss at southampton .it was the saturday that saw leicester city keep their survival chances alive by coming from behind to beat west brom and tim sherwood claim a priceless victory for aston villa at his former club tottenham .brad guzan 7.5 ( tottenham vs aston villa )\n", - "bolasie scored three goals as palace beat sunderland 4-1villa recorded a crucial 1-0 win at tottenham to stay above drop zoneaaron ramsey scored arsenal 's goal in 1-0 win at burnleyjamie vardy struck late to give leicester a vital 3-2 win at west brom\n", - "[1.351501 1.1211135 1.3449719 1.2552544 1.2098055 1.245337 1.0875311\n", - " 1.1282326 1.1249527 1.1083266 1.0403403 1.101813 1.1151488 1.0845457\n", - " 1.0376523 1.0168242 1.022479 1.0125605 1.0096015]\n", - "\n", - "[ 0 2 3 5 4 7 8 1 12 9 11 6 13 10 14 16 15 17 18]\n", - "=======================\n", - "[\"keith cameron , pictured , was jailed for five years for scamming his dying friend and neighbour out of his life savingskeith cameron splashed out on a new york flat for his daughter and enjoyed a string of extravagant holidays while his victim 's family have been left facing the prospect of selling their home .the 54-year-old scammed his trusting friend and terminally ill neighbour , jonathan speirs , out of # 476,864 in a complicated ruse .\"]\n", - "=======================\n", - "[\"keith cameron , 54 , jailed for five years after being found guilty of fraudscammed architect jonathan speirs out of # 476,864 in complicated rusecameron promised a # 2million return for an investment to dying mannow mr speirs 's family are facing having to sell their edinburgh home\"]\n", - "keith cameron , pictured , was jailed for five years for scamming his dying friend and neighbour out of his life savingskeith cameron splashed out on a new york flat for his daughter and enjoyed a string of extravagant holidays while his victim 's family have been left facing the prospect of selling their home .the 54-year-old scammed his trusting friend and terminally ill neighbour , jonathan speirs , out of # 476,864 in a complicated ruse .\n", - "keith cameron , 54 , jailed for five years after being found guilty of fraudscammed architect jonathan speirs out of # 476,864 in complicated rusecameron promised a # 2million return for an investment to dying mannow mr speirs 's family are facing having to sell their edinburgh home\n", - "[1.2823477 1.4121425 1.1521019 1.0709865 1.2043517 1.227622 1.2009773\n", - " 1.0710438 1.0470183 1.0135158 1.044471 1.0537813 1.1097732 1.1536678\n", - " 1.1672184 1.0633894 1.0105046 0. 0. ]\n", - "\n", - "[ 1 0 5 4 6 14 13 2 12 7 3 15 11 8 10 9 16 17 18]\n", - "=======================\n", - "[\"when mark gentle , from farmington , maine , found his son carter sobbing because he thought that the scar from his fifth open-heart surgery - an emergency procedure to repair his pacemaker - was ` ugly ' , the concerned dad posted a snapshot of the little boy 's chest to his facebook account in the hopes of generating some wider support and , in turn boost carter 's confidence .a loving father has helped his seven-year-old son , who suffers from a congenital heart defect , to view his surgery scars as beautiful marks of bravery by proudly sharing a photo of the boy 's battle wounds online .mark wrote alongside the picture , which has received nearly 1.5 million likes since it was posted on april 11 .\"]\n", - "=======================\n", - "[\"carter gentle , from farmington , maine , cried over the appearance of his ` ugly ' scars after having his fifth open-heart surgeryhis father mark shared a photo of his bare chest on facebook in the hopes of boosting his confidencethe picture has received nearly 1.5 million likes since it was posted last week\"]\n", - "when mark gentle , from farmington , maine , found his son carter sobbing because he thought that the scar from his fifth open-heart surgery - an emergency procedure to repair his pacemaker - was ` ugly ' , the concerned dad posted a snapshot of the little boy 's chest to his facebook account in the hopes of generating some wider support and , in turn boost carter 's confidence .a loving father has helped his seven-year-old son , who suffers from a congenital heart defect , to view his surgery scars as beautiful marks of bravery by proudly sharing a photo of the boy 's battle wounds online .mark wrote alongside the picture , which has received nearly 1.5 million likes since it was posted on april 11 .\n", - "carter gentle , from farmington , maine , cried over the appearance of his ` ugly ' scars after having his fifth open-heart surgeryhis father mark shared a photo of his bare chest on facebook in the hopes of boosting his confidencethe picture has received nearly 1.5 million likes since it was posted last week\n", - "[1.3755434 1.4453561 1.1685475 1.2284988 1.087747 1.2070372 1.0379963\n", - " 1.2279572 1.128933 1.0302471 1.0206318 1.086565 1.0221989 1.0631751\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 7 5 2 8 4 11 13 6 9 12 10 17 14 15 16 18]\n", - "=======================\n", - "['the two-time formula one world champion took time out from training ahead of the spanish grand prix next week to go cruising with his younger sibling in his stylish shelby cobra .lewis hamilton took a well-earned break from his blistering start to the formula one season , taking his brother nicolas out for a spin out in la. .nicolas hamilton takes a selfie with his brother lewis whilst the pair take a ride in the la sunshine']\n", - "=======================\n", - "['lewis hamilton has been out in la ahead of the fifth race of the seasonhamilton chauffeured younger brother nicolas around town in his cobramercedes driver has won three of his four races this calendar yearreigning champion heading to santa monica ahead of spanish grand prixnicolas hamilton preparing for the british touring car championship']\n", - "the two-time formula one world champion took time out from training ahead of the spanish grand prix next week to go cruising with his younger sibling in his stylish shelby cobra .lewis hamilton took a well-earned break from his blistering start to the formula one season , taking his brother nicolas out for a spin out in la. .nicolas hamilton takes a selfie with his brother lewis whilst the pair take a ride in the la sunshine\n", - "lewis hamilton has been out in la ahead of the fifth race of the seasonhamilton chauffeured younger brother nicolas around town in his cobramercedes driver has won three of his four races this calendar yearreigning champion heading to santa monica ahead of spanish grand prixnicolas hamilton preparing for the british touring car championship\n", - "[1.3531169 1.4586554 1.4133294 1.3721098 1.1984944 1.3034886 1.1045021\n", - " 1.0251194 1.0269166 1.0159568 1.0192684 1.014634 1.0266322 1.0219407\n", - " 1.1118199 1.158872 1.0428845 1.0142729 1.0128785 1.0135881 1.0105333\n", - " 1.1241827 1.0081762]\n", - "\n", - "[ 1 2 3 0 5 4 15 21 14 6 16 8 12 7 13 10 9 11 17 19 18 20 22]\n", - "=======================\n", - "[\"the reigning champions face diego simeone 's side at vicente calderon on tuesday night in the first leg of the last eight clash having failed to beat their neighbours in six attempts this season .carlo ancelotti 's side lost both la liga matches against atletico this season - 2-1 at the bernabeu before a humiliating 4-0 away defeat - and have also been beaten twice and held to two draws in the spanish supper cup and the copa del rey .marcelo insists real madrid 's this season 's meetings with local rivals atletico madrid will have no bearing on the outcome of their champions league quarter-final tie .\"]\n", - "=======================\n", - "[\"real madrid have n't beaten local rivals atletico in six attempts this seasonthey clash in the first leg of the champions league last eight on tuesdaymarcelo says the players are not thinking about their recent record\"]\n", - "the reigning champions face diego simeone 's side at vicente calderon on tuesday night in the first leg of the last eight clash having failed to beat their neighbours in six attempts this season .carlo ancelotti 's side lost both la liga matches against atletico this season - 2-1 at the bernabeu before a humiliating 4-0 away defeat - and have also been beaten twice and held to two draws in the spanish supper cup and the copa del rey .marcelo insists real madrid 's this season 's meetings with local rivals atletico madrid will have no bearing on the outcome of their champions league quarter-final tie .\n", - "real madrid have n't beaten local rivals atletico in six attempts this seasonthey clash in the first leg of the champions league last eight on tuesdaymarcelo says the players are not thinking about their recent record\n", - "[1.260951 1.2819364 1.0717249 1.1155035 1.1832459 1.0370432 1.104149\n", - " 1.1809909 1.0484887 1.1569226 1.1792237 1.082217 1.1461313 1.0549461\n", - " 1.048138 1.0143807 1.0082239 1.0059489 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 4 7 10 9 12 3 6 11 2 13 8 14 5 15 16 17 21 18 19 20 22]\n", - "=======================\n", - "['gareth huw davies visits the volcanic outpost in the atlantic , said by one scientist to enjoy the best climate in the world , and draws up his list of things to see and do ...gran canaria -- just off the coast of africa , yet still in europe -- is one of the most popular winter holiday retreats for britons .the apollo hotel , built at the dawn of the tourism boom in the resort of playa del ingles , has been entirely revamped as the swish , sumptuous , adults-only bohemia suites & spa .']\n", - "=======================\n", - "['gran canaria is one of the most popular winter holidays for britonsit is said to have the best climate in the world , according to a us scientistinstead of driving the motorways , take the winding mountain roads to see cobbled villages']\n", - "gareth huw davies visits the volcanic outpost in the atlantic , said by one scientist to enjoy the best climate in the world , and draws up his list of things to see and do ...gran canaria -- just off the coast of africa , yet still in europe -- is one of the most popular winter holiday retreats for britons .the apollo hotel , built at the dawn of the tourism boom in the resort of playa del ingles , has been entirely revamped as the swish , sumptuous , adults-only bohemia suites & spa .\n", - "gran canaria is one of the most popular winter holidays for britonsit is said to have the best climate in the world , according to a us scientistinstead of driving the motorways , take the winding mountain roads to see cobbled villages\n", - "[1.3140409 1.395366 1.3026524 1.1895013 1.2719693 1.1329001 1.2131021\n", - " 1.0849187 1.1381391 1.072757 1.0769068 1.0125035 1.062309 1.0845947\n", - " 1.0886717 1.0146002 1.0227174 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 2 4 6 3 8 5 14 7 13 10 9 12 16 15 11 17 18 19 20 21 22]\n", - "=======================\n", - "[\"giudice , who is preparing to head to federal prison for bankruptcy fraud , lost his driver 's license and was fined the maximum of $ 10,000 .real housewives of new jersey star joe giudice has had his driving license suspended for two years by a state judge who called his driving record the worst he 's ever seen .he pleaded guilty in october to unlawful use of an id and impersonation .\"]\n", - "=======================\n", - "[\"real housewives of new jersey star has had his driving license suspended for two years and was fined the maximum of $ 10,000state judge called his driving record the worst he 's ever seen - it included 39 license suspensionsguilty plea included an 18-month sentence that will run concurrent with his 41-month federal sentence for bankruptcy fraud and failing to file taxeswife teresa currently serving a 15-month federal sentence on the fraud charges and he will begin his sentence when hers is over\"]\n", - "giudice , who is preparing to head to federal prison for bankruptcy fraud , lost his driver 's license and was fined the maximum of $ 10,000 .real housewives of new jersey star joe giudice has had his driving license suspended for two years by a state judge who called his driving record the worst he 's ever seen .he pleaded guilty in october to unlawful use of an id and impersonation .\n", - "real housewives of new jersey star has had his driving license suspended for two years and was fined the maximum of $ 10,000state judge called his driving record the worst he 's ever seen - it included 39 license suspensionsguilty plea included an 18-month sentence that will run concurrent with his 41-month federal sentence for bankruptcy fraud and failing to file taxeswife teresa currently serving a 15-month federal sentence on the fraud charges and he will begin his sentence when hers is over\n", - "[1.1908491 1.3669199 1.3477198 1.2227559 1.1884913 1.2663233 1.0798892\n", - " 1.1055912 1.1127264 1.0244815 1.1038299 1.0718359 1.1167597 1.0393999\n", - " 1.0637031 1.0454364 1.0067972 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 5 3 0 4 12 8 7 10 6 11 14 15 13 9 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"the miami-dade police department set up a hidden camera to deal with the ongoing problem of luggage theft , and found workers rifling through checked bags both before they were loaded onto planes and once inside the aircraft 's belly .this as it is revealed that airline customers have reported $ 2.5 million in lost property from 2010 to 2014 .cnn reports that 31 employees have been arrested for theft in miami since 2012 , including six this year .\"]\n", - "=======================\n", - "['police caught baggage handlers at miami international airport stealing from passenger luggage after installing a hidden camerathis as it is revealed that airline customers have reported $ 2.5 million in lost property from 2010 to 201431 employees have been arrested for theft at miami international airport since 2012 , including six this yearthere have been 30,621 claims of missing valuables since 2010 , with most claims coming from john f. kennedy airport in new yorksince 2002 , the tsa has fired 513 workers for theft , though it is now known how many of them faced criminal chargeslast year , 16 employees at los angeles international airport were fired for theft after police searched their homes and found luxury items']\n", - "the miami-dade police department set up a hidden camera to deal with the ongoing problem of luggage theft , and found workers rifling through checked bags both before they were loaded onto planes and once inside the aircraft 's belly .this as it is revealed that airline customers have reported $ 2.5 million in lost property from 2010 to 2014 .cnn reports that 31 employees have been arrested for theft in miami since 2012 , including six this year .\n", - "police caught baggage handlers at miami international airport stealing from passenger luggage after installing a hidden camerathis as it is revealed that airline customers have reported $ 2.5 million in lost property from 2010 to 201431 employees have been arrested for theft at miami international airport since 2012 , including six this yearthere have been 30,621 claims of missing valuables since 2010 , with most claims coming from john f. kennedy airport in new yorksince 2002 , the tsa has fired 513 workers for theft , though it is now known how many of them faced criminal chargeslast year , 16 employees at los angeles international airport were fired for theft after police searched their homes and found luxury items\n", - "[1.1701918 1.4286261 1.2137387 1.1653566 1.1192305 1.095336 1.0371412\n", - " 1.1556656 1.1546448 1.1059313 1.0187224 1.0375303 1.0862021 1.0174184\n", - " 1.0112611 1.0893207 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 3 7 8 4 9 5 15 12 11 6 10 13 14 16 17 18 19 20 21 22]\n", - "=======================\n", - "['the high-achieving high schoolers have each been accepted to all eight ivy league schools : brown university , columbia university , cornell university , dartmouth college , harvard university , university of pennsylvania , princeton university and yale university .their parents came to the u.s. for opportunities and now these four teens have them in abundance .while they all grew up in different cities , the students are the offspring of immigrant parents who moved to america - from bulgaria , somalia or nigeria .']\n", - "=======================\n", - "[\"munira khalif from minnesota , stefan stoykov from indiana , victor agbafe from north carolina , and harold ekeh from new york got multiple offersall have immigrant parents - from somalia , bulgaria or nigeria - and say they have their parents ' hard work to thank for their successesthey hope to use the opportunities for good , from improving education across the world to becoming neurosurgeons\"]\n", - "the high-achieving high schoolers have each been accepted to all eight ivy league schools : brown university , columbia university , cornell university , dartmouth college , harvard university , university of pennsylvania , princeton university and yale university .their parents came to the u.s. for opportunities and now these four teens have them in abundance .while they all grew up in different cities , the students are the offspring of immigrant parents who moved to america - from bulgaria , somalia or nigeria .\n", - "munira khalif from minnesota , stefan stoykov from indiana , victor agbafe from north carolina , and harold ekeh from new york got multiple offersall have immigrant parents - from somalia , bulgaria or nigeria - and say they have their parents ' hard work to thank for their successesthey hope to use the opportunities for good , from improving education across the world to becoming neurosurgeons\n", - "[1.2571969 1.4082069 1.2365851 1.2241329 1.136765 1.167167 1.1552662\n", - " 1.109608 1.0613128 1.0730901 1.0187063 1.0118551 1.1024028 1.1661077\n", - " 1.0846181 1.1658062 1.062501 1.0899026 1.0269185 1.0791196 1.0365494]\n", - "\n", - "[ 1 0 2 3 5 13 15 6 4 7 12 17 14 19 9 16 8 20 18 10 11]\n", - "=======================\n", - "[\"janice baker kinney , marcella tate , and autumn burns held a press conference on thursday morning in los angeles , california , to announce their claims .three new women have accused bill cosby of sexual assault , bringing his total number of alleged victims to 38 .their attorney gloria allred , who represents most of cosby 's accusers , said the event was timed deliberately to damage sales for the comedian 's upcoming shows on his nationwide tour .\"]\n", - "=======================\n", - "[\"two former casino workers and a former model spoke out for the first timethey were aged 20 , 24 , and 27 at the time of the alleged assaultsall claim cosby , 77 , gave them either drugs or alcoholone described ` waking up in bed naked next to him after being drugged 'gloria allred , lawyer for many of the 38 alleged victims , represents themshe said she planned the press conference to damage cosby 's ticket sales\"]\n", - "janice baker kinney , marcella tate , and autumn burns held a press conference on thursday morning in los angeles , california , to announce their claims .three new women have accused bill cosby of sexual assault , bringing his total number of alleged victims to 38 .their attorney gloria allred , who represents most of cosby 's accusers , said the event was timed deliberately to damage sales for the comedian 's upcoming shows on his nationwide tour .\n", - "two former casino workers and a former model spoke out for the first timethey were aged 20 , 24 , and 27 at the time of the alleged assaultsall claim cosby , 77 , gave them either drugs or alcoholone described ` waking up in bed naked next to him after being drugged 'gloria allred , lawyer for many of the 38 alleged victims , represents themshe said she planned the press conference to damage cosby 's ticket sales\n", - "[1.2377181 1.2557744 1.400716 1.147132 1.3023955 1.3058244 1.1167413\n", - " 1.2177231 1.0252631 1.016436 1.0441873 1.1067389 1.0984911 1.0288087\n", - " 1.0467007 1.112845 1.0225501 1.0089669 1.0145348 1.0648811 1.02846 ]\n", - "\n", - "[ 2 5 4 1 0 7 3 6 15 11 12 19 14 10 13 20 8 16 9 18 17]\n", - "=======================\n", - "['the mamma mia inspired eatery will open its doors a block away from the abba museum in stockholm .fans of the long-running broadway show need not worry as a new inspired restaurant is opening in swedenthe venue is scheduled to open in january 2016 , and is a part restaurant , part stage show and part role play , focusing on audience interaction .']\n", - "=======================\n", - "['the broadway show is finishing after 14 years on stageformer abba singer bjorn ulvaeus will be creating the musical ventureguests will experience all the beloved abba songs in a greek tavernathe show will open in stockholm in sweden in january 2016']\n", - "the mamma mia inspired eatery will open its doors a block away from the abba museum in stockholm .fans of the long-running broadway show need not worry as a new inspired restaurant is opening in swedenthe venue is scheduled to open in january 2016 , and is a part restaurant , part stage show and part role play , focusing on audience interaction .\n", - "the broadway show is finishing after 14 years on stageformer abba singer bjorn ulvaeus will be creating the musical ventureguests will experience all the beloved abba songs in a greek tavernathe show will open in stockholm in sweden in january 2016\n", - "[1.5073807 1.2043904 1.1990836 1.4377408 1.2494363 1.297829 1.1351762\n", - " 1.0244961 1.0235138 1.0419909 1.0203394 1.0117029 1.0172071 1.1036639\n", - " 1.016739 1.033175 1.0113621 1.0112271 0. 0. 0. ]\n", - "\n", - "[ 0 3 5 4 1 2 6 13 9 15 7 8 10 12 14 11 16 17 19 18 20]\n", - "=======================\n", - "[\"dick advocaat says jermain defoe 's wonder goal has set sunderland on their way to premier league survival -- but newcastle goalkeeper tim krul has been criticised for appearing to congratulate the derby match-winner .sportsmail 's jamie carragher claimed newcastle keeper tim krul made a mistake after congratulating sunderland striker jermain defoe on his goal before half-timecarragher criticised krul for his half-time actions while speaking on sky sports after the game\"]\n", - "=======================\n", - "[\"jermain defoe scored stunning volley as sunderland beat newcastle 1-0tim krul sportingly greeted defoe at half-time in wear-tyne derbytoon stopper hit back by stating defeat hurt him as much as any toon fandutchman also claims what he said to defoe could n't be repeated on tvdick advocaat proud of his sunderland team and fans following windefoe hailed his volley as one of the finest goals of his career\"]\n", - "dick advocaat says jermain defoe 's wonder goal has set sunderland on their way to premier league survival -- but newcastle goalkeeper tim krul has been criticised for appearing to congratulate the derby match-winner .sportsmail 's jamie carragher claimed newcastle keeper tim krul made a mistake after congratulating sunderland striker jermain defoe on his goal before half-timecarragher criticised krul for his half-time actions while speaking on sky sports after the game\n", - "jermain defoe scored stunning volley as sunderland beat newcastle 1-0tim krul sportingly greeted defoe at half-time in wear-tyne derbytoon stopper hit back by stating defeat hurt him as much as any toon fandutchman also claims what he said to defoe could n't be repeated on tvdick advocaat proud of his sunderland team and fans following windefoe hailed his volley as one of the finest goals of his career\n", - "[1.496599 1.2544228 1.3783827 1.1993234 1.0879042 1.026146 1.0518522\n", - " 1.0166042 1.1755819 1.0464468 1.0871868 1.1267823 1.1481115 1.0361348\n", - " 1.0204653 1.0413764 1.0129867 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 8 12 11 4 10 6 9 15 13 5 14 7 16 19 17 18 20]\n", - "=======================\n", - "[\"unruly : rick yoes , 57 ( pictured ) , spent the weekend in jail in an attempt to avoid paying $ 1,700 in fines related to nearly two decades of code violations for his overgrown lawnbut grand prairie resident rick yoes claims the city did n't do enough to warn him about the citations , which officials claim were sent out in the mail .yoes , an electrician at tarrant county college , was shocked when he received a postcard a couple weeks ago saying he had six outstanding code violations totaling $ 1,700 and that there was a warrant out for his arrest .\"]\n", - "=======================\n", - "['grand prairie , texas officials say rick yoes , 57 , has refused to respond to two decades worth of code violations for unruly lawnwhen he received notice that he owed $ 1,700 and that there was a warrant out of his arrest , yoes reported to jail instead of paying the finehe spent two nights in jail before a friend paid the fine and secured his releaseofficials for the city say they would never arrest someone for not mowing their lawn and that yoes had plenty of opportunities to work with themyoes claims in one interview that he never received the warnings , while in another interview said he ignored the letters']\n", - "unruly : rick yoes , 57 ( pictured ) , spent the weekend in jail in an attempt to avoid paying $ 1,700 in fines related to nearly two decades of code violations for his overgrown lawnbut grand prairie resident rick yoes claims the city did n't do enough to warn him about the citations , which officials claim were sent out in the mail .yoes , an electrician at tarrant county college , was shocked when he received a postcard a couple weeks ago saying he had six outstanding code violations totaling $ 1,700 and that there was a warrant out for his arrest .\n", - "grand prairie , texas officials say rick yoes , 57 , has refused to respond to two decades worth of code violations for unruly lawnwhen he received notice that he owed $ 1,700 and that there was a warrant out of his arrest , yoes reported to jail instead of paying the finehe spent two nights in jail before a friend paid the fine and secured his releaseofficials for the city say they would never arrest someone for not mowing their lawn and that yoes had plenty of opportunities to work with themyoes claims in one interview that he never received the warnings , while in another interview said he ignored the letters\n", - "[1.0295079 1.2043571 1.4437659 1.1513517 1.1329226 1.1017435 1.0291666\n", - " 1.0593531 1.2021118 1.0719965 1.018381 1.0289388 1.0143613 1.2688547\n", - " 1.020985 1.0224862 1.0163139 1.0161744 1.0342346 0. 0. ]\n", - "\n", - "[ 2 13 1 8 3 4 5 9 7 18 0 6 11 15 14 10 16 17 12 19 20]\n", - "=======================\n", - "[\"this is also the home of girl with a pearl earring , the ` dutch mona lisa ' .he is right : the hague , despite being home to holland 's royal family and an eye-catching parliament , was classed as a village until louis bonaparte ( napoleon 's brother and king of holland ) set up here in 1806 .but i am not only here for the vermeer , rembrandt and hals .\"]\n", - "=======================\n", - "[\"the least known of the dutch cities , the hague was a village until 1806it owes its growth to louis bonaparte , napoleon 's brother , who ruled herethe city has a wealth of art , including vermeer 's ` girl with a pearl earring '\"]\n", - "this is also the home of girl with a pearl earring , the ` dutch mona lisa ' .he is right : the hague , despite being home to holland 's royal family and an eye-catching parliament , was classed as a village until louis bonaparte ( napoleon 's brother and king of holland ) set up here in 1806 .but i am not only here for the vermeer , rembrandt and hals .\n", - "the least known of the dutch cities , the hague was a village until 1806it owes its growth to louis bonaparte , napoleon 's brother , who ruled herethe city has a wealth of art , including vermeer 's ` girl with a pearl earring '\n", - "[1.2946194 1.4523737 1.4091973 1.3467433 1.3045633 1.0742097 1.0933236\n", - " 1.0601149 1.0368237 1.012589 1.2033857 1.076702 1.0173674 1.0173914\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 10 6 11 5 7 8 13 12 9 16 14 15 17]\n", - "=======================\n", - "['as many as 1.9 million foreigners travelling on short term visas are predicted to be spending time down under at any one time throughout this year .while a record 185,000 permanent migrants moved to australia in 1969 - this figure is likely to be exceeded in 2015 as people are moving to the lucky country in droves .more than five million visas are expected to be issued to students , tourists and workers this year to come to australia - the biggest amount since world war ii']\n", - "=======================\n", - "['1.9 million foreigners are likely to be in the country at any one time in 2015this includes students , tourists and workers on short term visaswhile permanent migrants is likely to exceed record of 185,000 set in 1969the current visa figures compare to those in the aftermath of world war ii']\n", - "as many as 1.9 million foreigners travelling on short term visas are predicted to be spending time down under at any one time throughout this year .while a record 185,000 permanent migrants moved to australia in 1969 - this figure is likely to be exceeded in 2015 as people are moving to the lucky country in droves .more than five million visas are expected to be issued to students , tourists and workers this year to come to australia - the biggest amount since world war ii\n", - "1.9 million foreigners are likely to be in the country at any one time in 2015this includes students , tourists and workers on short term visaswhile permanent migrants is likely to exceed record of 185,000 set in 1969the current visa figures compare to those in the aftermath of world war ii\n", - "[1.4678869 1.333434 1.1821424 1.4376966 1.1660823 1.1354129 1.0610225\n", - " 1.0239516 1.0163753 1.0175942 1.0205696 1.0174593 1.0172417 1.2282906\n", - " 1.0821035 1.0353957 1.0120175 1.0166075]\n", - "\n", - "[ 0 3 1 13 2 4 5 14 6 15 7 10 9 11 12 17 8 16]\n", - "=======================\n", - "['nico rosberg feels he may have handed lewis hamilton a psychological advantage with his post-chinese grand prix outburst .nico rosberg has claimed that team-mate lewis hamilton has the mental edge over him after his outburstrosberg , however , concedes he would not do anything differently under the circumstances that materialised at the shanghai international circuit on sunday .']\n", - "=======================\n", - "['nico rosberg reckons lewis hamilton has the psychological advantagerosberg was unhappy with the british driver after the chinese gphowever , the german insists that the disagreement is all forgotten']\n", - "nico rosberg feels he may have handed lewis hamilton a psychological advantage with his post-chinese grand prix outburst .nico rosberg has claimed that team-mate lewis hamilton has the mental edge over him after his outburstrosberg , however , concedes he would not do anything differently under the circumstances that materialised at the shanghai international circuit on sunday .\n", - "nico rosberg reckons lewis hamilton has the psychological advantagerosberg was unhappy with the british driver after the chinese gphowever , the german insists that the disagreement is all forgotten\n", - "[1.0706565 1.0966097 1.2628477 1.1307352 1.1487236 1.2817907 1.1011914\n", - " 1.1814125 1.0656849 1.0327617 1.1096479 1.0887899 1.1538148 1.1110817\n", - " 1.0972079 1.0278556 1.0489362 1.0477388]\n", - "\n", - "[ 5 2 7 12 4 3 13 10 6 14 1 11 0 8 16 17 9 15]\n", - "=======================\n", - "['channel 4 presenter krishnan guru-murthy looks bemused as robert downey junior walks out on an interview with him after the journalist asked him about his personal lifethe american star is in london to promote his new film avengers : age of ultron but became aggravated when the chat took a turn for the personal .naomi campbell , robert pattinson and peter andre have all cut their chat time short - especially when , like with mr downey jr , the conversation has turned to their private lives .']\n", - "=======================\n", - "['robert downey jr walked out of an interview with channel 4he became angry when questions turned to his personal lifenaomi campbell , robert pattinson and rihanna have ended interviews']\n", - "channel 4 presenter krishnan guru-murthy looks bemused as robert downey junior walks out on an interview with him after the journalist asked him about his personal lifethe american star is in london to promote his new film avengers : age of ultron but became aggravated when the chat took a turn for the personal .naomi campbell , robert pattinson and peter andre have all cut their chat time short - especially when , like with mr downey jr , the conversation has turned to their private lives .\n", - "robert downey jr walked out of an interview with channel 4he became angry when questions turned to his personal lifenaomi campbell , robert pattinson and rihanna have ended interviews\n", - "[1.2351198 1.5908884 1.2226783 1.4816681 1.2045467 1.0280838 1.0269148\n", - " 1.0308683 1.0192795 1.1343218 1.03934 1.0185542 1.0301985 1.1535666\n", - " 1.0394962 1.0104139 1.0218394 0. ]\n", - "\n", - "[ 1 3 0 2 4 13 9 14 10 7 12 5 6 16 8 11 15 17]\n", - "=======================\n", - "[\"ranette afonso , 42 , will marry marko conte , 30 , this october after they fell head over wheels in love and moved in together within two months of the fateful bump .a woman is set to marry after falling in love with the driver who crashed into her car while she was parked waiting for her husband to return .ranette , from north london , who has a 21-year-old son and 18-year-old daughter with the husband from whom she is now divorced , said : ' i was waiting for my husband , who had popped into the bank , when i noticed a sporty nissan skyline trying to squeeze into a tiny space behind me .\"]\n", - "=======================\n", - "['ranette afonso , 42 , will marry marko conte , 30 , this octoberaccident happened in august 2013 , while ranette was still marriedbegan texting regularly after swapping insurance and contact details']\n", - "ranette afonso , 42 , will marry marko conte , 30 , this october after they fell head over wheels in love and moved in together within two months of the fateful bump .a woman is set to marry after falling in love with the driver who crashed into her car while she was parked waiting for her husband to return .ranette , from north london , who has a 21-year-old son and 18-year-old daughter with the husband from whom she is now divorced , said : ' i was waiting for my husband , who had popped into the bank , when i noticed a sporty nissan skyline trying to squeeze into a tiny space behind me .\n", - "ranette afonso , 42 , will marry marko conte , 30 , this octoberaccident happened in august 2013 , while ranette was still marriedbegan texting regularly after swapping insurance and contact details\n", - "[1.3195373 1.4061867 1.3338767 1.196604 1.2920828 1.0375075 1.103575\n", - " 1.0757463 1.1023573 1.0705807 1.0723336 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 3 6 8 7 10 9 5 16 11 12 13 14 15 17]\n", - "=======================\n", - "[\"in what is the first roll out of the technology throughout europe , the wi-fi calling feature is designed to facilitate calls and texts when users have no mobile phone signal .the technology paves the way for london 's commuters to chat and text inside the capital 's 150 tube stations where wi-fi connections are currently available .commuters are now able to make phone calls and send texts on the tube following the launch of new technology enabling phone calls via an internet connection .\"]\n", - "=======================\n", - "['commuters are now able to make phone calls and send texts via internetthe new technology rolled out by ee can be used at underground stationsit automatically connects to wi-fi when a phone signal is unavailable']\n", - "in what is the first roll out of the technology throughout europe , the wi-fi calling feature is designed to facilitate calls and texts when users have no mobile phone signal .the technology paves the way for london 's commuters to chat and text inside the capital 's 150 tube stations where wi-fi connections are currently available .commuters are now able to make phone calls and send texts on the tube following the launch of new technology enabling phone calls via an internet connection .\n", - "commuters are now able to make phone calls and send texts via internetthe new technology rolled out by ee can be used at underground stationsit automatically connects to wi-fi when a phone signal is unavailable\n", - "[1.230673 1.3808944 1.3886483 1.1816297 1.2506952 1.0332233 1.0196112\n", - " 1.1332792 1.0729184 1.0414013 1.0530479 1.072061 1.0795927 1.0475888\n", - " 1.0388266 1.0216326 1.0485415 1.0387387 0. 0. ]\n", - "\n", - "[ 2 1 4 0 3 7 12 8 11 10 16 13 9 14 17 5 15 6 18 19]\n", - "=======================\n", - "[\"researchers believe the injection could flush out dormant hiv hiding in white blood cells with a chemical ` kick ' , allowing a boosted immune system to identify and kill the cells .the ` kick and kill ' strategy aims to eradicate the virus , by stimulating the immune system - the body 's natural defence mechanism - with a vaccine .the theory , developed by researchers at university college london , the university of oxford and the university of north carolina , is based on a single patient case study .\"]\n", - "=======================\n", - "[\"scientists believe future vaccine could trigger body 's immune systemcould flush out dormant hiv hiding in the body allowing the immune system to identify and target virus cellstheory based on one case study , 59-year-old man with hiv whose virus load - amount of hiv in his blood - drop dramatically after treatment\"]\n", - "researchers believe the injection could flush out dormant hiv hiding in white blood cells with a chemical ` kick ' , allowing a boosted immune system to identify and kill the cells .the ` kick and kill ' strategy aims to eradicate the virus , by stimulating the immune system - the body 's natural defence mechanism - with a vaccine .the theory , developed by researchers at university college london , the university of oxford and the university of north carolina , is based on a single patient case study .\n", - "scientists believe future vaccine could trigger body 's immune systemcould flush out dormant hiv hiding in the body allowing the immune system to identify and target virus cellstheory based on one case study , 59-year-old man with hiv whose virus load - amount of hiv in his blood - drop dramatically after treatment\n", - "[1.2099217 1.5316186 1.3658175 1.2847421 1.1990016 1.082036 1.1599028\n", - " 1.1576028 1.0431179 1.2228345 1.048009 1.0355945 1.0763639 1.1183938\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 9 0 4 6 7 13 5 12 10 8 11 18 14 15 16 17 19]\n", - "=======================\n", - "[\"a 30-year-old darwin man is accused of using someone else 's employee registration number at the aurukun primary health centre on cape york during february and march .he was charged on saturday with one count of fraud after cairns detectives made contact with him in the northern territory .health authorities are searching hospital patient records to clarify what drugs people may have been given after a man was charged with posing as a nurse for six weeks .\"]\n", - "=======================\n", - "[\"man , 30 , is accused of using a female nurse 's employee number to workhe worked for six weeks at aurukun primary health centre on cape yorkman was charged with fraud after payroll raised the alarm with hospitalauthorities are checking patient records to see who he interacted with\"]\n", - "a 30-year-old darwin man is accused of using someone else 's employee registration number at the aurukun primary health centre on cape york during february and march .he was charged on saturday with one count of fraud after cairns detectives made contact with him in the northern territory .health authorities are searching hospital patient records to clarify what drugs people may have been given after a man was charged with posing as a nurse for six weeks .\n", - "man , 30 , is accused of using a female nurse 's employee number to workhe worked for six weeks at aurukun primary health centre on cape yorkman was charged with fraud after payroll raised the alarm with hospitalauthorities are checking patient records to see who he interacted with\n", - "[1.5098691 1.2205895 1.4085016 1.2023299 1.208099 1.1582749 1.1843307\n", - " 1.1039966 1.058506 1.0455654 1.0281217 1.1270155 1.0380592 1.0481725\n", - " 1.0144876 1.0177428 1.015257 1.0101857 1.078012 0. ]\n", - "\n", - "[ 0 2 1 4 3 6 5 11 7 18 8 13 9 12 10 15 16 14 17 19]\n", - "=======================\n", - "[\"marc carn , 29 , from plymouth , has been found safe and well after going missing during a stag do in barcelonathey said his disappearance was completely out of character and feared he would miss the first birthday of his twins freddie and stanley .after he failed to turn up for his flight back home , mr carn 's worried family contacted the foreign office in a bid to track him down .\"]\n", - "=======================\n", - "['marc carn vanished while drinking with friends in irish bar on las ramblasfamily grew concerned when he missed flight home to plymouth , devonhe turned up at british consulate today after walking since saturday night29-year-old claims he was stranded by spanish driver miles outside the city']\n", - "marc carn , 29 , from plymouth , has been found safe and well after going missing during a stag do in barcelonathey said his disappearance was completely out of character and feared he would miss the first birthday of his twins freddie and stanley .after he failed to turn up for his flight back home , mr carn 's worried family contacted the foreign office in a bid to track him down .\n", - "marc carn vanished while drinking with friends in irish bar on las ramblasfamily grew concerned when he missed flight home to plymouth , devonhe turned up at british consulate today after walking since saturday night29-year-old claims he was stranded by spanish driver miles outside the city\n", - "[1.3438743 1.2281023 1.0533658 1.2911907 1.1903312 1.0688974 1.0557916\n", - " 1.1714699 1.0531168 1.077003 1.0643375 1.0514715 1.0458037 1.057858\n", - " 1.1089119 1.0143838 1.0151007 1.0909226 1.1043618 1.0418967]\n", - "\n", - "[ 0 3 1 4 7 14 18 17 9 5 10 13 6 2 8 11 12 19 16 15]\n", - "=======================\n", - "[\"iran 's president hassan rouhani ( above ) has pledged to abide by the commitments of a nuclear agreement that promises to end years of crippling sanctionsthe agreement between iran and the west , struck after a 12-year stand-off , aims to prevent tehran making a nuclear weapon in exchange for phased sanction relief .mr rouhani also called on world powers to fulfil their part of the deal .\"]\n", - "=======================\n", - "[\"hassan rouhani also urged world powers to fulfil their part of agreementiranians celebrated breakthrough deal that promises to end sanctionsdavid cameron said : ' i believe this is a great deal and a strong deal 'aims to stop iran making a nuclear weapon in return for sanction relief\"]\n", - "iran 's president hassan rouhani ( above ) has pledged to abide by the commitments of a nuclear agreement that promises to end years of crippling sanctionsthe agreement between iran and the west , struck after a 12-year stand-off , aims to prevent tehran making a nuclear weapon in exchange for phased sanction relief .mr rouhani also called on world powers to fulfil their part of the deal .\n", - "hassan rouhani also urged world powers to fulfil their part of agreementiranians celebrated breakthrough deal that promises to end sanctionsdavid cameron said : ' i believe this is a great deal and a strong deal 'aims to stop iran making a nuclear weapon in return for sanction relief\n", - "[1.1695939 1.3762784 1.3166716 1.2294893 1.1461116 1.2248731 1.1995023\n", - " 1.0670826 1.0615369 1.0930032 1.0430441 1.0636183 1.071111 1.0560507\n", - " 1.0816478 1.0106498 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 5 6 0 4 9 14 12 7 11 8 13 10 15 18 16 17 19]\n", - "=======================\n", - "[\"at a visit to the age uk in plymouth yesterday , david cameron appeared weary with bags under his eyes and disheveled hair .in one day this week the tory leader travelled to all all four home nations in his bid to secure votes ahead of the may 7 election .on thursday mr cameron was been forced to defend michael fallon after the defence secretary claimed ed miliband would stab britain 's national interest in the back in the same way he did his brother to gain the labour leadership .\"]\n", - "=======================\n", - "['pm appeared weary with bags under eyes at event in plymouth yesterdayin one day pm visited all four home nations in bid to secure votesturbulent week also saw ed miliband overtake him as most popular leader']\n", - "at a visit to the age uk in plymouth yesterday , david cameron appeared weary with bags under his eyes and disheveled hair .in one day this week the tory leader travelled to all all four home nations in his bid to secure votes ahead of the may 7 election .on thursday mr cameron was been forced to defend michael fallon after the defence secretary claimed ed miliband would stab britain 's national interest in the back in the same way he did his brother to gain the labour leadership .\n", - "pm appeared weary with bags under eyes at event in plymouth yesterdayin one day pm visited all four home nations in bid to secure votesturbulent week also saw ed miliband overtake him as most popular leader\n", - "[1.6689659 1.0445603 1.0358948 1.5108619 1.1325436 1.1999787 1.0443798\n", - " 1.0332811 1.0483509 1.063882 1.0220228 1.078754 1.1492816 1.0261627\n", - " 1.0266097 1.0303133 1.0593965 1.1824812 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 5 17 12 4 11 9 16 8 1 6 2 7 15 14 13 10 21 18 19 20 22]\n", - "=======================\n", - "[\"demetrious johnson retained his ufc flyweight champion title on saturday night , controlling kyoji horiguchi for nearly the entire five-round bout before scoring the latest submission win in ufc history - tapping out his opponent with a second left . 'the american secured a submission victory over horiguchi in the latest ufc pay-per-view eventin the co-main event , quinton ` rampage ' jackson ( 36-11 ) earned his first ufc win since 2011 , scoring a unanimous decision over brazilian slugger fabio maldonado ( 22-8 ) .\"]\n", - "=======================\n", - "[\"demetrious johnson retains his ufc flyweight titlethe 28-year-old beat kyoji horiguchi by submission in montrealquinton jackson beat fabio maldonado in ufc 186 co-main eventwin was jackson 's first victory in the ufc since 2011\"]\n", - "demetrious johnson retained his ufc flyweight champion title on saturday night , controlling kyoji horiguchi for nearly the entire five-round bout before scoring the latest submission win in ufc history - tapping out his opponent with a second left . 'the american secured a submission victory over horiguchi in the latest ufc pay-per-view eventin the co-main event , quinton ` rampage ' jackson ( 36-11 ) earned his first ufc win since 2011 , scoring a unanimous decision over brazilian slugger fabio maldonado ( 22-8 ) .\n", - "demetrious johnson retains his ufc flyweight titlethe 28-year-old beat kyoji horiguchi by submission in montrealquinton jackson beat fabio maldonado in ufc 186 co-main eventwin was jackson 's first victory in the ufc since 2011\n", - "[1.1643906 1.4463439 1.4030455 1.1901302 1.0838789 1.1150482 1.0397236\n", - " 1.0244387 1.0462027 1.0621777 1.0217763 1.0283011 1.105243 1.0539271\n", - " 1.0747287 1.1064636 1.0475127 1.0269811 1.1404563 1.1031314 1.0435672\n", - " 1.01581 1.01712 ]\n", - "\n", - "[ 1 2 3 0 18 5 15 12 19 4 14 9 13 16 8 20 6 11 17 7 10 22 21]\n", - "=======================\n", - "['hannah and alex purchased a 1986 hino flatbed and undertook their year and a half labor of love .the result was a solar-powered two-bedroom , wood and steel home that now allows them to live almost self-sufficiently in nelson , new zealand .how a truck becomes a home : a new zealand couple built this country home on the bed of a flatbed truck']\n", - "=======================\n", - "['hannah and alex needed a place to live after they moved back to new zealand from the uk in 2009so , they purchased a 1986 hino flatbed truck and started building a home on the back of it over the course of about a year and a halfthey then purchased a secluded piece of property and drove their nearly self-sufficient $ 25,000 home there']\n", - "hannah and alex purchased a 1986 hino flatbed and undertook their year and a half labor of love .the result was a solar-powered two-bedroom , wood and steel home that now allows them to live almost self-sufficiently in nelson , new zealand .how a truck becomes a home : a new zealand couple built this country home on the bed of a flatbed truck\n", - "hannah and alex needed a place to live after they moved back to new zealand from the uk in 2009so , they purchased a 1986 hino flatbed truck and started building a home on the back of it over the course of about a year and a halfthey then purchased a secluded piece of property and drove their nearly self-sufficient $ 25,000 home there\n", - "[1.4269003 1.1720564 1.4511936 1.2584487 1.1418138 1.1156675 1.083213\n", - " 1.074328 1.0499625 1.040231 1.175833 1.0829611 1.0697427 1.0389079\n", - " 1.0884755 1.0540729 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 3 10 1 4 5 14 6 11 7 12 15 8 9 13 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"cameron hooker , 61 , was handed a 104-year sentence in 1985 for the kidnap , torture and rape of colleen stan .the case made international headlines and stan was known as ` the girl in the box ' after it was revealed that she was forced into a coffin-like structure for 23 hours a day during for much of her captivity .a man branded the ` most dangerous psychopath ever encountered ' after he kept a young hitchhiker as a sex slave for seven years has been denied parole .\"]\n", - "=======================\n", - "[\"cameron hooker had kidnapped young hitchhiker colleen stan in 1977over the next seven years victim was tortured and raped as his captivehooker , now 61 , was sentenced to a 104-year prison term jail in 1985he applied for early parole but was told he 'd spent at least 15 years in jail\"]\n", - "cameron hooker , 61 , was handed a 104-year sentence in 1985 for the kidnap , torture and rape of colleen stan .the case made international headlines and stan was known as ` the girl in the box ' after it was revealed that she was forced into a coffin-like structure for 23 hours a day during for much of her captivity .a man branded the ` most dangerous psychopath ever encountered ' after he kept a young hitchhiker as a sex slave for seven years has been denied parole .\n", - "cameron hooker had kidnapped young hitchhiker colleen stan in 1977over the next seven years victim was tortured and raped as his captivehooker , now 61 , was sentenced to a 104-year prison term jail in 1985he applied for early parole but was told he 'd spent at least 15 years in jail\n", - "[1.1272928 1.4244155 1.2738917 1.1330943 1.0956981 1.081134 1.1100526\n", - " 1.1965001 1.150145 1.1003408 1.0786263 1.0426959 1.0702534 1.0489645\n", - " 1.0415761 1.1201917 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 7 8 3 0 15 6 9 4 5 10 12 13 11 14 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"in protest at their ` horrible ' school meals , high school students in north east china 's jilin province are being forced to the sidewalk everyday to eat their lunch .with teachers banning packed lunches and erecting barbed wire and metal sheeting to prevent smuggling , the students ' only option is to leave school grounds to eat everyday , the people 's daily online reports .students claim food cooked in the school canteen is simply too horrible to eat , and it is so bad that at one point the canteen even closed down .\"]\n", - "=======================\n", - "[\"students at school in china pictured eating their lunches on the sidewalkthey say they are protesting the high school 's ` disgusting ' canteen mealsthe school in jilin province banned students from bringing their own foodteachers have erected barbed wire and metal sheets to prevent smuggling\"]\n", - "in protest at their ` horrible ' school meals , high school students in north east china 's jilin province are being forced to the sidewalk everyday to eat their lunch .with teachers banning packed lunches and erecting barbed wire and metal sheeting to prevent smuggling , the students ' only option is to leave school grounds to eat everyday , the people 's daily online reports .students claim food cooked in the school canteen is simply too horrible to eat , and it is so bad that at one point the canteen even closed down .\n", - "students at school in china pictured eating their lunches on the sidewalkthey say they are protesting the high school 's ` disgusting ' canteen mealsthe school in jilin province banned students from bringing their own foodteachers have erected barbed wire and metal sheets to prevent smuggling\n", - "[1.0799123 1.3891623 1.2600871 1.170979 1.3805051 1.2227163 1.021252\n", - " 1.0517423 1.0344627 1.059823 1.1159997 1.0923024 1.0402342 1.0666468\n", - " 1.0200423 1.0731771 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 2 5 3 10 11 0 15 13 9 7 12 8 6 14 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"but it emerged yesterday that when andy murray and his new bride had their first dance on saturday night , judy murray was strictly on the sidelines .judy murray ( pictured right during strictly come dancing ) says she is ` terrible ' at dancingas judy 's mother , shirley erskine , 80 , left the venue , she admitted the wedding of andy , 27 , to his long-term girlfriend kim sears , also 27 , had been ` fantastic ' and ` wonderful ' .\"]\n", - "=======================\n", - "[\"judy murray left newlyweds to it as they took to floor for their first danceformer strictly star previously admitted to being a ` terrible ' dancerandy and kim , both 27 , had reception in cromlix house hotel , after service at dunblane cathedral\"]\n", - "but it emerged yesterday that when andy murray and his new bride had their first dance on saturday night , judy murray was strictly on the sidelines .judy murray ( pictured right during strictly come dancing ) says she is ` terrible ' at dancingas judy 's mother , shirley erskine , 80 , left the venue , she admitted the wedding of andy , 27 , to his long-term girlfriend kim sears , also 27 , had been ` fantastic ' and ` wonderful ' .\n", - "judy murray left newlyweds to it as they took to floor for their first danceformer strictly star previously admitted to being a ` terrible ' dancerandy and kim , both 27 , had reception in cromlix house hotel , after service at dunblane cathedral\n", - "[1.3269328 1.3601792 1.1930791 1.1670125 1.258521 1.1071131 1.0663445\n", - " 1.0574236 1.0933295 1.0196154 1.0461553 1.0481069 1.0861632 1.0599304\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 5 8 12 6 13 7 11 10 9 14 15 16 17 18]\n", - "=======================\n", - "['the new policy allows for an american traveler who has been denied boarding a commercial airliner to petition the u.s. transportation security administration once to find out whether he or she is on the no-fly list and a second time for an unclassified explanation of why he or she is on the list .under legal pressure , the obama administration will begin telling some suspected terrorists if and why they are on a list of tens of thousands of people banned from flying to , from or within the united states .in some cases , the government will not be able to provide an explanation because of national security concerns .']\n", - "=======================\n", - "['previously , the u.s. did not disclose whether a stopped traveler was on the list or whybut facing legal pressure from the aclu , the obama administration has enacted a new policy to let americans know if they are on the listgrounded americans are also now allowed to inquire about how they got on the listhowever , the government has not promised to reveal why in all cases - citing possible national security threatslast fall there were about 64,000 people on the no-fly list , and americans made up approximately 5 per cent']\n", - "the new policy allows for an american traveler who has been denied boarding a commercial airliner to petition the u.s. transportation security administration once to find out whether he or she is on the no-fly list and a second time for an unclassified explanation of why he or she is on the list .under legal pressure , the obama administration will begin telling some suspected terrorists if and why they are on a list of tens of thousands of people banned from flying to , from or within the united states .in some cases , the government will not be able to provide an explanation because of national security concerns .\n", - "previously , the u.s. did not disclose whether a stopped traveler was on the list or whybut facing legal pressure from the aclu , the obama administration has enacted a new policy to let americans know if they are on the listgrounded americans are also now allowed to inquire about how they got on the listhowever , the government has not promised to reveal why in all cases - citing possible national security threatslast fall there were about 64,000 people on the no-fly list , and americans made up approximately 5 per cent\n", - "[1.1641625 1.3626472 1.245464 1.208344 1.2054479 1.0508741 1.0845251\n", - " 1.1628484 1.058162 1.1138316 1.098916 1.1699834 1.1034815 1.061612\n", - " 1.0115895 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 11 0 7 9 12 10 6 13 8 5 14 17 15 16 18]\n", - "=======================\n", - "[\"the actor 's enduring sex appeal may have been boosted by his aftershave , eau sauvage , which contained a potent chemical known as hedione .now scientists have revealed how this chemical activates the hypothalamus - an area of the brain responsible for triggering the release of sex hormones in women .it was n't just steve mcqueen 's rugged looks that sent ladies into a frenzy in the 1960s .\"]\n", - "=======================\n", - "[\"actor was famous for wearing christian dior 's eau sauvage aftershaveit contained hedion , a chemical that activates the brain 's hypothalamusregion is responsible for triggering release of sex hormones in women\"]\n", - "the actor 's enduring sex appeal may have been boosted by his aftershave , eau sauvage , which contained a potent chemical known as hedione .now scientists have revealed how this chemical activates the hypothalamus - an area of the brain responsible for triggering the release of sex hormones in women .it was n't just steve mcqueen 's rugged looks that sent ladies into a frenzy in the 1960s .\n", - "actor was famous for wearing christian dior 's eau sauvage aftershaveit contained hedion , a chemical that activates the brain 's hypothalamusregion is responsible for triggering release of sex hormones in women\n", - "[1.2509975 1.3363216 1.3302583 1.2874675 1.1431832 1.020481 1.0227568\n", - " 1.1259016 1.1550522 1.1120032 1.1374971 1.0928519 1.1364691 1.0809364\n", - " 1.0568568 1.0151187 1.0142936 0. 0. ]\n", - "\n", - "[ 1 2 3 0 8 4 10 12 7 9 11 13 14 6 5 15 16 17 18]\n", - "=======================\n", - "[\"the latest research suggests swedish passports are among the most frequently sold in underground trading , as there is no upper limit on the number of replacements available to the rightful holder .they can sell for as much as # 6,000 each -- far more than the # 28 fee that sweden 's government charges for new or renewed travel documents .sweden 's passport has been named the most powerful in the world , but it turns out it 's also one of the most highly sought-after travel documents on the black market .\"]\n", - "=======================\n", - "['a british passport allows for visa-free access to 174 countriesthat is tied for the most , with finland , germany , sweden and the usuk passport was 10th most expensive of 51 countries included in studythe uae , china , russia and czech republic all pay less than the uk']\n", - "the latest research suggests swedish passports are among the most frequently sold in underground trading , as there is no upper limit on the number of replacements available to the rightful holder .they can sell for as much as # 6,000 each -- far more than the # 28 fee that sweden 's government charges for new or renewed travel documents .sweden 's passport has been named the most powerful in the world , but it turns out it 's also one of the most highly sought-after travel documents on the black market .\n", - "a british passport allows for visa-free access to 174 countriesthat is tied for the most , with finland , germany , sweden and the usuk passport was 10th most expensive of 51 countries included in studythe uae , china , russia and czech republic all pay less than the uk\n", - "[1.2194227 1.5023634 1.4000051 1.2929643 1.0914208 1.1610711 1.0284188\n", - " 1.1619289 1.1091285 1.0287495 1.2134362 1.0408131 1.031185 1.0201623\n", - " 1.0201031 1.0138046 1.0089799 1.0920283 0. ]\n", - "\n", - "[ 1 2 3 0 10 7 5 8 17 4 11 12 9 6 13 14 15 16 18]\n", - "=======================\n", - "[\"jennifer barnett worked archway school in stroud , gloucestershire , between 1980 and 1997 , when she left teaching to have her fourth child .the 60-year-old died last september , 14 months after she was diagnosed with mesothelioma - a cancer whose most common cause is asbestos .the family of a former art teacher who died from lung cancer after years of pinning pupils ' work to classroom walls lined with asbestos has taken legal action against the local council .\"]\n", - "=======================\n", - "[\"jennifer barnett worked at archway school in gloucestershire for 17 yearsshe often pinned pupils ' work to walls lined with asbestos , inquest heardfamily believe asbestos in school was to blame for her death in septemberthey are suing council after coroner ruled death from ` industrial disease '\"]\n", - "jennifer barnett worked archway school in stroud , gloucestershire , between 1980 and 1997 , when she left teaching to have her fourth child .the 60-year-old died last september , 14 months after she was diagnosed with mesothelioma - a cancer whose most common cause is asbestos .the family of a former art teacher who died from lung cancer after years of pinning pupils ' work to classroom walls lined with asbestos has taken legal action against the local council .\n", - "jennifer barnett worked at archway school in gloucestershire for 17 yearsshe often pinned pupils ' work to walls lined with asbestos , inquest heardfamily believe asbestos in school was to blame for her death in septemberthey are suing council after coroner ruled death from ` industrial disease '\n", - "[1.2691983 1.1744382 1.0345691 1.5320448 1.1503836 1.049417 1.042982\n", - " 1.2235868 1.0501641 1.0563025 1.0563087 1.0977777 1.0927342 1.0356505\n", - " 1.0745382 1.0157055 1.0236669 1.0234075 1.0317813]\n", - "\n", - "[ 3 0 7 1 4 11 12 14 10 9 8 5 6 13 2 18 16 17 15]\n", - "=======================\n", - "[\"fc united of manchester 's new 5,000-capacity stadium broadhurst park is nearing completionset to host benfica for the official opening on may 29 , the 5,000-capacity stadium will finally end a nomadic decade on the road for the breakaway outfit set up in may 2005 by manchester united fans sick of being exploited by the club they loved , for whom the arrival of the glazer family was a step too far .general manager andy walsh outside the new ground , which cost the democratic club a whopping # 6.5 m\"]\n", - "=======================\n", - "[\"broadhurst park will host benfica for opening on may 29new stadium will serve community on non-match daysthe # 6.5 m ground was financed largely by fans of the democratic clubgeneral manager andy walsh describes new stadium as a ` statement of what football supporters can achieve '\"]\n", - "fc united of manchester 's new 5,000-capacity stadium broadhurst park is nearing completionset to host benfica for the official opening on may 29 , the 5,000-capacity stadium will finally end a nomadic decade on the road for the breakaway outfit set up in may 2005 by manchester united fans sick of being exploited by the club they loved , for whom the arrival of the glazer family was a step too far .general manager andy walsh outside the new ground , which cost the democratic club a whopping # 6.5 m\n", - "broadhurst park will host benfica for opening on may 29new stadium will serve community on non-match daysthe # 6.5 m ground was financed largely by fans of the democratic clubgeneral manager andy walsh describes new stadium as a ` statement of what football supporters can achieve '\n", - "[1.3201166 1.3388134 1.1929599 1.3290582 1.2728508 1.2123309 1.1038404\n", - " 1.1198585 1.1034855 1.0865607 1.1545601 1.1507928 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 5 2 10 11 7 6 8 9 12 13 14 15 16 17 18]\n", - "=======================\n", - "['the collision happened about 3pm on norfolk southern railway tracks near downtown meridian , according to lauderdale county coroner clayton cobler .a woman died instantly on wednesday after she drove her suv around an active crossing gate and collided with an amtrak crescent train in meridian , mississippi ( stock image )he said her suv was pushed nearly a quarter-mile .']\n", - "=======================\n", - "['the 57-year-old woman was killed when her suv was hit by a train in meridian , mississippithe coroner said the woman drove around functioning gates and flashers and collided with the southbound amtrak crescent']\n", - "the collision happened about 3pm on norfolk southern railway tracks near downtown meridian , according to lauderdale county coroner clayton cobler .a woman died instantly on wednesday after she drove her suv around an active crossing gate and collided with an amtrak crescent train in meridian , mississippi ( stock image )he said her suv was pushed nearly a quarter-mile .\n", - "the 57-year-old woman was killed when her suv was hit by a train in meridian , mississippithe coroner said the woman drove around functioning gates and flashers and collided with the southbound amtrak crescent\n", - "[1.2139785 1.4423783 1.1779972 1.2948482 1.2648777 1.1349405 1.0274675\n", - " 1.0197073 1.1435496 1.1057403 1.1241179 1.1579576 1.0897225 1.0438313\n", - " 1.0094938 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 0 2 11 8 5 10 9 12 13 6 7 14 15 16 17 18]\n", - "=======================\n", - "['jeremy trentelman , 36 , of ogden , last week built a giant box fort for his three-year-old son max and two-year-old daughter story , that included trap doors and a small slide .city code enforcement officials in ogden , utah , have told resident jeremy trentelman to take down the elaborate box fort he built for his son and daughter in his front yardthe family said it will leave the box fort , which includes a slide and trampoline , up for 14 days , the maximum allowed before a fine']\n", - "=======================\n", - "['jeremy trentelman , 36 , of ogden , built fort for young son and daughterhe received letter one day later saying it violated ordinance against wastefather plans on keeping castle up for 14 days before he receives fine']\n", - "jeremy trentelman , 36 , of ogden , last week built a giant box fort for his three-year-old son max and two-year-old daughter story , that included trap doors and a small slide .city code enforcement officials in ogden , utah , have told resident jeremy trentelman to take down the elaborate box fort he built for his son and daughter in his front yardthe family said it will leave the box fort , which includes a slide and trampoline , up for 14 days , the maximum allowed before a fine\n", - "jeremy trentelman , 36 , of ogden , built fort for young son and daughterhe received letter one day later saying it violated ordinance against wastefather plans on keeping castle up for 14 days before he receives fine\n", - "[1.4056232 1.2963043 1.3141447 1.402108 1.2507446 1.1113851 1.0600532\n", - " 1.0115697 1.0106219 1.0651426 1.1102192 1.1275655 1.1411027 1.0870451\n", - " 1.041321 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 4 12 11 5 10 13 9 6 14 7 8 15 16 17 18]\n", - "=======================\n", - "[\"legendary barcelona captain carles puyol is believed to be training with a view to ending his retirement from football for a lucrative end-of-career spell in qatar or the united states .the 36-year-old retired last may after 15 years at his boyhood club having struggled to return from a persistent knee injury , but now reports claim he could be set for a return to playing with new york city or al-sadd after returning to training .puyol won six la liga titles and enjoyed three champions league wins at barca and is considered to be one of the finest defenders of his generation having been named in uefa 's european team of the year six times across a trophy-laden career .\"]\n", - "=======================\n", - "['former barcelona centre back carles puyol retired in may last yearbut he could now be in line for a return with new york city or al-saddpuyol is reported to be training ahead of a comeback from retirement']\n", - "legendary barcelona captain carles puyol is believed to be training with a view to ending his retirement from football for a lucrative end-of-career spell in qatar or the united states .the 36-year-old retired last may after 15 years at his boyhood club having struggled to return from a persistent knee injury , but now reports claim he could be set for a return to playing with new york city or al-sadd after returning to training .puyol won six la liga titles and enjoyed three champions league wins at barca and is considered to be one of the finest defenders of his generation having been named in uefa 's european team of the year six times across a trophy-laden career .\n", - "former barcelona centre back carles puyol retired in may last yearbut he could now be in line for a return with new york city or al-saddpuyol is reported to be training ahead of a comeback from retirement\n", - "[1.502402 1.4372315 1.0772997 1.0879556 1.2340326 1.080169 1.0444934\n", - " 1.056024 1.0404853 1.1952585 1.0703971 1.0243398 1.0176039 1.0193139\n", - " 1.0500301 1.0832657 1.0291978 1.0157746 1.0277181]\n", - "\n", - "[ 0 1 4 9 3 15 5 2 10 7 14 6 8 16 18 11 13 12 17]\n", - "=======================\n", - "[\"wladimir klitschko will match joe louis in boxing 's record books with his 27th heavyweight title fight on saturday and could set more marks since he has no plans to retire anytime soon .the 39-year-old ukrainian , speaking to reporters ahead of saturday 's fight against american bryant jennings at new york 's madison square garden , has dominated the heavyweight division for nearly a decade and shown no signs of slowing down .the 6-foot-6 ukrainian boasts a 63-3-0 record heading into the bout against jennings , who is 19-0 since taking up boxing six years ago .\"]\n", - "=======================\n", - "[\"wladimir klitschko will match joe louis ' record of 27 heavyweight boutshe is set to take on bryant jennings at madison square gardenklitschko has dominated the heavyweight division for nearly a decade and says he is still fighting fit , shrugging off any talk of retirementjennings insists he is not intimated by his opponent 's record\"]\n", - "wladimir klitschko will match joe louis in boxing 's record books with his 27th heavyweight title fight on saturday and could set more marks since he has no plans to retire anytime soon .the 39-year-old ukrainian , speaking to reporters ahead of saturday 's fight against american bryant jennings at new york 's madison square garden , has dominated the heavyweight division for nearly a decade and shown no signs of slowing down .the 6-foot-6 ukrainian boasts a 63-3-0 record heading into the bout against jennings , who is 19-0 since taking up boxing six years ago .\n", - "wladimir klitschko will match joe louis ' record of 27 heavyweight boutshe is set to take on bryant jennings at madison square gardenklitschko has dominated the heavyweight division for nearly a decade and says he is still fighting fit , shrugging off any talk of retirementjennings insists he is not intimated by his opponent 's record\n", - "[1.2131696 1.3725277 1.2175553 1.274398 1.2965549 1.2042136 1.1599092\n", - " 1.0902264 1.0822664 1.105426 1.0504212 1.0327288 1.0664895 1.0802827\n", - " 1.070219 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 2 0 5 6 9 7 8 13 14 12 10 11 17 15 16 18]\n", - "=======================\n", - "[\"the party will launch a billboard advert using the image from the famous 1979 ` labour is n't working ' poster , but instead it will warn : ` the doctor ca n't see you now ' .labour will warn that new official figures show 600 fewer gp surgeries across england are now open in the evening and weekends compared to the last election .the poster features the same long line of people used to illustrate dole queues under jim callaghan 's ailing government , but this time places them outside a waiting room .\"]\n", - "=======================\n", - "[\"600 fewer gps open in the evenings and at weekends , labour has claimedandy burnham will say the figures are a timely reminder of the ` nhs crisis '\"]\n", - "the party will launch a billboard advert using the image from the famous 1979 ` labour is n't working ' poster , but instead it will warn : ` the doctor ca n't see you now ' .labour will warn that new official figures show 600 fewer gp surgeries across england are now open in the evening and weekends compared to the last election .the poster features the same long line of people used to illustrate dole queues under jim callaghan 's ailing government , but this time places them outside a waiting room .\n", - "600 fewer gps open in the evenings and at weekends , labour has claimedandy burnham will say the figures are a timely reminder of the ` nhs crisis '\n", - "[1.3689034 1.2743697 1.2053452 1.3659906 1.1450505 1.1241335 1.0834557\n", - " 1.2318169 1.117539 1.1010743 1.2035358 1.0445751 1.0927804 1.0466937\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 7 2 10 4 5 8 9 12 6 13 11 24 14 15 16 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "['mls side orlando city are the latest club to have expressed interest in manchester united misfit javier hernandez .javier hernandez is linked with a move to orlando city after enduring a tough time on loan at real madridthe mexico international would be a huge commercial draw for the florida-based franchise who are coached by former everton and manchester city striker adrian heath .']\n", - "=======================\n", - "['mls team orlando city the latest team to be linked with javier hernandezthe manchester united striker has not impressed on loan at real madridunited have made andreas pereira an improved contract offer']\n", - "mls side orlando city are the latest club to have expressed interest in manchester united misfit javier hernandez .javier hernandez is linked with a move to orlando city after enduring a tough time on loan at real madridthe mexico international would be a huge commercial draw for the florida-based franchise who are coached by former everton and manchester city striker adrian heath .\n", - "mls team orlando city the latest team to be linked with javier hernandezthe manchester united striker has not impressed on loan at real madridunited have made andreas pereira an improved contract offer\n", - "[1.2288558 1.2662834 1.4715261 1.17945 1.1164043 1.3253484 1.1270227\n", - " 1.200851 1.0262187 1.01734 1.0174992 1.0133216 1.0218899 1.0376714\n", - " 1.021231 1.0131 1.0128849 1.0319723 1.0663816 1.0260382 1.0436546\n", - " 1.0232551 1.0146823 1.0154215 1.018928 1.0391659]\n", - "\n", - "[ 2 5 1 0 7 3 6 4 18 20 25 13 17 8 19 21 12 14 24 10 9 23 22 11\n", - " 15 16]\n", - "=======================\n", - "[\"anthony ray hinton , 58 , was released in the morning from the jefferson county jail in birmingham .according to the birmingham news , as he walked free , he declared : ` the sun do shine ! 'a man who spent nearly 30 years on alabama 's death row was freed friday after a decades-long fight to prove his innocence .\"]\n", - "=======================\n", - "[\"ray hinton was convicted of two brutal 1985 killings based on a gun that was found at his housethe us supreme court granted him a new trial because the gun was never definitively matched to the bullets found at the crime scenesthis week , prosecutors announced that they could not find evidence that the gun hinton had matched the bullets at the scene .i should n't have sat on death row for 30 years .family of one of the murdered men issued reminder that hinton has not been found ` innocent '\"]\n", - "anthony ray hinton , 58 , was released in the morning from the jefferson county jail in birmingham .according to the birmingham news , as he walked free , he declared : ` the sun do shine ! 'a man who spent nearly 30 years on alabama 's death row was freed friday after a decades-long fight to prove his innocence .\n", - "ray hinton was convicted of two brutal 1985 killings based on a gun that was found at his housethe us supreme court granted him a new trial because the gun was never definitively matched to the bullets found at the crime scenesthis week , prosecutors announced that they could not find evidence that the gun hinton had matched the bullets at the scene .i should n't have sat on death row for 30 years .family of one of the murdered men issued reminder that hinton has not been found ` innocent '\n", - "[1.1764029 1.3811288 1.2552618 1.2244374 1.2088387 1.1353713 1.0626891\n", - " 1.167769 1.0956708 1.0182241 1.1818367 1.0597634 1.0477923 1.0420722\n", - " 1.0496633 1.1074231 1.060656 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 10 0 7 5 15 8 6 16 11 14 12 13 9 24 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"the screening system spots chemical signals in exhaled air that are linked to tumour development .by looking for distinctive ` breath prints ' , researchers were also able to distinguish between patients at high and low risk of developing the disease .israeli researchers say the system is accurate , cheap -- and allows patients to be monitored without using invasive procedures .\"]\n", - "=======================\n", - "['tests spot chemical signals in exhaled air linked to tumour developmentabout 7,000 people develop stomach cancer in the uk each year']\n", - "the screening system spots chemical signals in exhaled air that are linked to tumour development .by looking for distinctive ` breath prints ' , researchers were also able to distinguish between patients at high and low risk of developing the disease .israeli researchers say the system is accurate , cheap -- and allows patients to be monitored without using invasive procedures .\n", - "tests spot chemical signals in exhaled air linked to tumour developmentabout 7,000 people develop stomach cancer in the uk each year\n", - "[1.0601983 1.5852072 1.4753829 1.4261892 1.0750135 1.0596681 1.0245783\n", - " 1.0281451 1.0679456 1.1124668 1.073062 1.0493114 1.0464429 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 9 4 10 8 0 5 11 12 7 6 24 13 14 15 16 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"versace designer donatella versace , 59 , is set to appear in a new ad campaign not for her own brand , but for rival design house givenchy .givenchy designer riccardo tisci , 40 , revealed the surprising pick for his fall-winter campaign on instagram yesterday , posting a black and white photo of himself and donatella , who he described as his ` ultimate icon ' .` so proud and honored to introduce my new ultimate icon : donatella versace ... fw15 givenchy family campaign [ sic ] , ' he wrote , while promising that more images from the campaign will be unveiled soon .\"]\n", - "=======================\n", - "['givenchy designer riccardo tisci , 40 , announced that donatella , 59 , will appear in his new ad campaignthe top designers work for competing fashion brands , but they are good friends in real lifericcardo once told donatella he would love to see her dressed in givenchy']\n", - "versace designer donatella versace , 59 , is set to appear in a new ad campaign not for her own brand , but for rival design house givenchy .givenchy designer riccardo tisci , 40 , revealed the surprising pick for his fall-winter campaign on instagram yesterday , posting a black and white photo of himself and donatella , who he described as his ` ultimate icon ' .` so proud and honored to introduce my new ultimate icon : donatella versace ... fw15 givenchy family campaign [ sic ] , ' he wrote , while promising that more images from the campaign will be unveiled soon .\n", - "givenchy designer riccardo tisci , 40 , announced that donatella , 59 , will appear in his new ad campaignthe top designers work for competing fashion brands , but they are good friends in real lifericcardo once told donatella he would love to see her dressed in givenchy\n", - "[1.2279646 1.3612854 1.2458316 1.2569472 1.1754761 1.1374477 1.1138104\n", - " 1.0700288 1.0511309 1.0272384 1.0379089 1.2091249 1.0771912 1.0651442\n", - " 1.0211003 1.052398 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 11 4 5 6 12 7 13 15 8 10 9 14 23 22 21 20 17 18 16 24\n", - " 19 25]\n", - "=======================\n", - "['the sandstorm wrecked havoc across the area last week , causing traffic accidents , the cancellation of hundreds of flights and triggering breathing difficulties among residents .on april 1 , the sandstorm could be seen enveloping much of saudi arabia and the united arab emiratesincredible satellite images have shown a massive sandstorm almost as large as the united states billowing across the arabian peninsula .']\n", - "=======================\n", - "['photographs taken by satellite show sandstorm hitting arabian peninsulamassive dust cloud was believed to be almost as large as the u.s.it billowed across saudi arabia , the uae , oman and as far east as india']\n", - "the sandstorm wrecked havoc across the area last week , causing traffic accidents , the cancellation of hundreds of flights and triggering breathing difficulties among residents .on april 1 , the sandstorm could be seen enveloping much of saudi arabia and the united arab emiratesincredible satellite images have shown a massive sandstorm almost as large as the united states billowing across the arabian peninsula .\n", - "photographs taken by satellite show sandstorm hitting arabian peninsulamassive dust cloud was believed to be almost as large as the u.s.it billowed across saudi arabia , the uae , oman and as far east as india\n", - "[1.283326 1.0874982 1.0842596 1.2176906 1.2493681 1.0785071 1.0952218\n", - " 1.1741835 1.0530639 1.1071845 1.074724 1.0987973 1.025788 1.0185263\n", - " 1.131572 1.0243074 1.0239234 1.0198709 1.0121396 1.0139853 1.0170143]\n", - "\n", - "[ 0 4 3 7 14 9 11 6 1 2 5 10 8 12 15 16 17 13 20 19 18]\n", - "=======================\n", - "[\"such is the global sporting fame of andy murray that guests attending the star 's wedding to kim sears this weekend might have wondered if they would be seated next to a famous face .low-key : in spite of high profile friendships with the likes of james corden , andy murray and bride-to-be , kim sears ( pictured here when murray received his obe in 2013 ) have n't invited many big names to attend their wedding in dumblane this weekendwhen murray , 27 , says ' i do ' with his long-term girlfriend , also 27 , on april 11 , the guests wishing them well in his hometown of dunblane will be largely a gathering of close family and friends .\"]\n", - "=======================\n", - "[\"andy murray and kim sears will tie the knot on saturday april 11wedding reception will be held at tennis star 's hotel cromlix in kinbuckbiggest star likely to attend is one-time british tennis star tim henman\"]\n", - "such is the global sporting fame of andy murray that guests attending the star 's wedding to kim sears this weekend might have wondered if they would be seated next to a famous face .low-key : in spite of high profile friendships with the likes of james corden , andy murray and bride-to-be , kim sears ( pictured here when murray received his obe in 2013 ) have n't invited many big names to attend their wedding in dumblane this weekendwhen murray , 27 , says ' i do ' with his long-term girlfriend , also 27 , on april 11 , the guests wishing them well in his hometown of dunblane will be largely a gathering of close family and friends .\n", - "andy murray and kim sears will tie the knot on saturday april 11wedding reception will be held at tennis star 's hotel cromlix in kinbuckbiggest star likely to attend is one-time british tennis star tim henman\n", - "[1.1432605 1.2461565 1.1900927 1.3775978 1.2653017 1.0223571 1.4563425\n", - " 1.0667684 1.030668 1.0544351 1.0270977 1.0227716 1.0219296 1.0387611\n", - " 1.3240048 1.1007782 1.0206683 0. 0. 0. 0. ]\n", - "\n", - "[ 6 3 14 4 1 2 0 15 7 9 13 8 10 11 5 12 16 19 17 18 20]\n", - "=======================\n", - "[\"mohammed shatnawi bizarrely scored an own goal by kicking the ball over his head at the weekendthat honour falls to mohammad shatnawi of jordanian club al faisaly , whose effort will be considered as one of the strangest own goals ever .west ham 's james collins ( right ) accidentally lobbed his goalkeeper trying to clear a cross on sunday\"]\n", - "=======================\n", - "['mohammad shatnawi scored a bizzare own goal in the jordanian leaguehis al faisaly side were a goal down against rivals al whidathe made a brave block but overhead kicked the rebound into his own net']\n", - "mohammed shatnawi bizarrely scored an own goal by kicking the ball over his head at the weekendthat honour falls to mohammad shatnawi of jordanian club al faisaly , whose effort will be considered as one of the strangest own goals ever .west ham 's james collins ( right ) accidentally lobbed his goalkeeper trying to clear a cross on sunday\n", - "mohammad shatnawi scored a bizzare own goal in the jordanian leaguehis al faisaly side were a goal down against rivals al whidathe made a brave block but overhead kicked the rebound into his own net\n", - "[1.4762552 1.38136 1.0792675 1.1246995 1.3919947 1.127876 1.0279946\n", - " 1.0205685 1.0194515 1.0551658 1.2687724 1.0323248 1.0276488 1.0165944\n", - " 1.0154948 1.045235 1.0229249 1.0506792 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 10 5 3 2 9 17 15 11 6 12 16 7 8 13 14 18 19 20]\n", - "=======================\n", - "[\"gemma collins has expanded her popular range of plus-size clothing for evans with seven new curve-flattering tops and dresses .the 34-year-old star of the only way is essex - who has gone from selling cards in romford to being the face and force behind her successful clothing brand - feels much of her triumph comes from inspiring voluptuous women to feel more confident .new additions include brightly coloured swing tops and blouses , as well as a pair of floral fringed kimonos ; all in the same flattering cuts that have cemented her status as one of the nation 's most popular plus-size designers .\"]\n", - "=======================\n", - "[\"gemma , 34 , gives femail a peek at her extended clothing collectionnew additions include a lacy lbd and a set of floral kimonosthe blonde star of the only way is essex says ` confidence ' is key\"]\n", - "gemma collins has expanded her popular range of plus-size clothing for evans with seven new curve-flattering tops and dresses .the 34-year-old star of the only way is essex - who has gone from selling cards in romford to being the face and force behind her successful clothing brand - feels much of her triumph comes from inspiring voluptuous women to feel more confident .new additions include brightly coloured swing tops and blouses , as well as a pair of floral fringed kimonos ; all in the same flattering cuts that have cemented her status as one of the nation 's most popular plus-size designers .\n", - "gemma , 34 , gives femail a peek at her extended clothing collectionnew additions include a lacy lbd and a set of floral kimonosthe blonde star of the only way is essex says ` confidence ' is key\n", - "[1.0686449 1.1294113 1.3641039 1.2523868 1.1722361 1.2579358 1.2255187\n", - " 1.2677369 1.1224232 1.1430546 1.104104 1.0481176 1.0441468 1.0726924\n", - " 1.0479239 1.0255287 1.011493 1.0829433 0. 0. 0. ]\n", - "\n", - "[ 2 7 5 3 6 4 9 1 8 10 17 13 0 11 14 12 15 16 19 18 20]\n", - "=======================\n", - "[\"the 450kg ( 990lb ) beast was coated in a lurid yellow marinade before it was lowered by crane into a 6m-tall tandoor kiln , the people 's daily online reported .momin hopur , a uighur celebrity chef , spent five hours cooking the camel at the annual apricot tourism festival last week in yining county in north xinjiang .the chef and his apprentices took five days building the special kiln , which then had to be warmed up for 48 hours\"]\n", - "=======================\n", - "['camel weighed 450kg and had to be hoisted into the kiln by a cranemysterious marinade contains 36 herbs as well as eggs and black pepperchef spent five days building the giant kiln with more than 10,000 bricksfirst customer had queued for three hours for a portionthe street feast is a part of a tourism festival in xinjiang in northwest china']\n", - "the 450kg ( 990lb ) beast was coated in a lurid yellow marinade before it was lowered by crane into a 6m-tall tandoor kiln , the people 's daily online reported .momin hopur , a uighur celebrity chef , spent five hours cooking the camel at the annual apricot tourism festival last week in yining county in north xinjiang .the chef and his apprentices took five days building the special kiln , which then had to be warmed up for 48 hours\n", - "camel weighed 450kg and had to be hoisted into the kiln by a cranemysterious marinade contains 36 herbs as well as eggs and black pepperchef spent five days building the giant kiln with more than 10,000 bricksfirst customer had queued for three hours for a portionthe street feast is a part of a tourism festival in xinjiang in northwest china\n", - "[1.413619 1.1700966 1.2980877 1.2429149 1.1536673 1.3070072 1.2201587\n", - " 1.0649291 1.017422 1.1692588 1.0271494 1.0269892 1.0294523 1.0240067\n", - " 1.0441239 1.0915956 1.1445656 1.0160623 1.0875639 0. 0. ]\n", - "\n", - "[ 0 5 2 3 6 1 9 4 16 15 18 7 14 12 10 11 13 8 17 19 20]\n", - "=======================\n", - "['four-month-old baby evan summerfield , who died from meningitis , just hours after laughing for the very first timehe was rushed to derriford hospital in plymouth but despite doctors and nurses battling to save him , evan was diagnosed with meningoccal septicaemia and died soon after .evan summerfield from devon had just learned how to giggle and take his dummy out by himself but just hours later he was fighting for his life .']\n", - "=======================\n", - "['evan summerfield had just learned to laugh and giggle when he fell illdeveloped a large rash and was rushed to hospital with meningitisdoctors battled to save the four-month-old but he died in hospital in devondeath has left parents shannon and kris confused over how quickly he fell ill']\n", - "four-month-old baby evan summerfield , who died from meningitis , just hours after laughing for the very first timehe was rushed to derriford hospital in plymouth but despite doctors and nurses battling to save him , evan was diagnosed with meningoccal septicaemia and died soon after .evan summerfield from devon had just learned how to giggle and take his dummy out by himself but just hours later he was fighting for his life .\n", - "evan summerfield had just learned to laugh and giggle when he fell illdeveloped a large rash and was rushed to hospital with meningitisdoctors battled to save the four-month-old but he died in hospital in devondeath has left parents shannon and kris confused over how quickly he fell ill\n", - "[1.2397214 1.2884519 1.2918205 1.2068743 1.164388 1.2599889 1.065875\n", - " 1.1055396 1.1387595 1.0910648 1.1661495 1.0806894 1.0756032 1.023027\n", - " 1.0138118 1.011155 1.0230778 1.0119172 1.0340278]\n", - "\n", - "[ 2 1 5 0 3 10 4 8 7 9 11 12 6 18 16 13 14 17 15]\n", - "=======================\n", - "[\"police had failed to convince the woman - who was depressed after being dumped by her boyfriend - to climb back into a nearby apartment while firefighters on the street below prepared a ladder to try to reach her .the video - filmed by a passer-by in shanghai - shows the young woman dangling off the ledge having apparently threatened to jump , reports people 's daily online .fireman xu weiguo , who was also inside the apartment , immediately climbed out on to the ledge and video shows him grabbing her arm just as she appears to be pushing herself away .\"]\n", - "=======================\n", - "['woman threatened to jump off shanghai tower block after being dumpeddangled herself off ledge after police failed to talk her downfireman xu weiguo climbed out and grabbed her arm just as she was attempting to push herself off']\n", - "police had failed to convince the woman - who was depressed after being dumped by her boyfriend - to climb back into a nearby apartment while firefighters on the street below prepared a ladder to try to reach her .the video - filmed by a passer-by in shanghai - shows the young woman dangling off the ledge having apparently threatened to jump , reports people 's daily online .fireman xu weiguo , who was also inside the apartment , immediately climbed out on to the ledge and video shows him grabbing her arm just as she appears to be pushing herself away .\n", - "woman threatened to jump off shanghai tower block after being dumpeddangled herself off ledge after police failed to talk her downfireman xu weiguo climbed out and grabbed her arm just as she was attempting to push herself off\n", - "[1.4608278 1.271423 1.2053481 1.1350917 1.1539888 1.0520613 1.1119943\n", - " 1.067032 1.0472912 1.0515994 1.0454576 1.1008493 1.0958508 1.0636833\n", - " 1.0524063 1.0655397 1.029337 1.0480982 0. ]\n", - "\n", - "[ 0 1 2 4 3 6 11 12 7 15 13 14 5 9 17 8 10 16 18]\n", - "=======================\n", - "['( cnn ) nobel literature laureate guenter grass , best known around the world for his novel \" the tin drum , \" has died , his publisher said monday .grass died in a clinic in the city of luebeck , where he was taken over the weekend , said steidl publishing spokeswoman claudia glenewinkel .german media are reporting he died of pneumonia .']\n", - "=======================\n", - "['grass tried in his literature to come to grips with world war ii and the nazi erahis characters were the downtrodden , and his style slipped into the surrealhe stoked controversy with his admission to being a member of the waffen ss']\n", - "( cnn ) nobel literature laureate guenter grass , best known around the world for his novel \" the tin drum , \" has died , his publisher said monday .grass died in a clinic in the city of luebeck , where he was taken over the weekend , said steidl publishing spokeswoman claudia glenewinkel .german media are reporting he died of pneumonia .\n", - "grass tried in his literature to come to grips with world war ii and the nazi erahis characters were the downtrodden , and his style slipped into the surrealhe stoked controversy with his admission to being a member of the waffen ss\n", - "[1.337996 1.280859 1.2840173 1.245952 1.2615925 1.1118549 1.1047094\n", - " 1.0955396 1.0895177 1.0474188 1.0578593 1.0575542 1.0511668 1.0965027\n", - " 1.0686895 1.0552175 1.103195 1.0342892 1.0202597]\n", - "\n", - "[ 0 2 1 4 3 5 6 16 13 7 8 14 10 11 15 12 9 17 18]\n", - "=======================\n", - "[\"baywatch star jeremy jackson , pictured in january , has been arrested after a man was stabbed in the chest with a knifejackson was taken into police custody on saturday for assault with a deadly weapon in west lake , la. .the victim told police the man was hobie - jackson played hobie buchannon , the son of david hasselhoff 's character mitch buchannon on baywatch .\"]\n", - "=======================\n", - "[\"jackson was taken into police custody on saturday for assault with a deadly weapon in west lake , la34-year-old is accused of stabbing a man with a knife and then running awayjackson played david hasselhoff 's character 's son hobie buchannon in the hit tv showjackson left the show in 1999 - he admitted to suffering from a severe drug addiction\"]\n", - "baywatch star jeremy jackson , pictured in january , has been arrested after a man was stabbed in the chest with a knifejackson was taken into police custody on saturday for assault with a deadly weapon in west lake , la. .the victim told police the man was hobie - jackson played hobie buchannon , the son of david hasselhoff 's character mitch buchannon on baywatch .\n", - "jackson was taken into police custody on saturday for assault with a deadly weapon in west lake , la34-year-old is accused of stabbing a man with a knife and then running awayjackson played david hasselhoff 's character 's son hobie buchannon in the hit tv showjackson left the show in 1999 - he admitted to suffering from a severe drug addiction\n", - "[1.2036195 1.5089453 1.273848 1.1805972 1.2855142 1.1910866 1.0413404\n", - " 1.0332977 1.0598271 1.0215701 1.0677191 1.120677 1.0885808 1.0880367\n", - " 1.0156441 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 0 5 3 11 12 13 10 8 6 7 9 14 15 16 17 18]\n", - "=======================\n", - "[\"dina nemtsova , 13 , made her debut in a photoshoot with russian fashion label yulia prohorova white zoloto .appearing alongside her mother and nemtsov 's partner , ekaterina odintsova , 37 , the young brunette posed in red and white dresses as well as an outfit with a patterned floral design .the teenage daughter of assassinated russian opposition leader boris nemtsov has started a modelling career reportedly as a way of helping her to overcome her father 's death .\"]\n", - "=======================\n", - "[\"dina nemtsova , 13 , made debut in photoshoot for russian fashion labelher mother : ` i 'm trying to help her overcome terrible killing of her father 'nemtsov was gunned down near kremlin while walking with his girlfriend\"]\n", - "dina nemtsova , 13 , made her debut in a photoshoot with russian fashion label yulia prohorova white zoloto .appearing alongside her mother and nemtsov 's partner , ekaterina odintsova , 37 , the young brunette posed in red and white dresses as well as an outfit with a patterned floral design .the teenage daughter of assassinated russian opposition leader boris nemtsov has started a modelling career reportedly as a way of helping her to overcome her father 's death .\n", - "dina nemtsova , 13 , made debut in photoshoot for russian fashion labelher mother : ` i 'm trying to help her overcome terrible killing of her father 'nemtsov was gunned down near kremlin while walking with his girlfriend\n", - "[1.3852954 1.2818078 1.3464699 1.2679504 1.071582 1.2422571 1.1993997\n", - " 1.0943658 1.0441571 1.0429238 1.072425 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 5 6 7 10 4 8 9 11 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"no tiger woods and no rory mcilroy in the field is proving no problem in houston , where record numbers have descended on the small suburb of humble for the shell houston open .it 's 18 months now since spieth attracted criticism for giving up on university and joining the pga tour as the 809th ranked player in the world .the last tournament before the masters is proving quite a show-stopper itself thanks to the crowd-pleasing antics of the popular phil mickelson and local boy jordan spieth .\"]\n", - "=======================\n", - "['record numbers have flocked to see local boy jordan spieth in actionspieth and phil mickelson have been gearing up for the masterstexas-born spieth quit university in order to concentrate on golf career']\n", - "no tiger woods and no rory mcilroy in the field is proving no problem in houston , where record numbers have descended on the small suburb of humble for the shell houston open .it 's 18 months now since spieth attracted criticism for giving up on university and joining the pga tour as the 809th ranked player in the world .the last tournament before the masters is proving quite a show-stopper itself thanks to the crowd-pleasing antics of the popular phil mickelson and local boy jordan spieth .\n", - "record numbers have flocked to see local boy jordan spieth in actionspieth and phil mickelson have been gearing up for the masterstexas-born spieth quit university in order to concentrate on golf career\n", - "[1.4819942 1.18672 1.4607846 1.3807993 1.1585373 1.05428 1.0265164\n", - " 1.0268384 1.088012 1.0641568 1.1535048 1.0534091 1.0288788 1.1193119\n", - " 1.0658514 0. 0. ]\n", - "\n", - "[ 0 2 3 1 4 10 13 8 14 9 5 11 12 7 6 15 16]\n", - "=======================\n", - "[\"lesley conman 's daughter abbie , 12 , was sent sexualised messages by an online pervert on facebookafter the horrified mother saw the provocative messages , she challenged the man herself , pretending to be abbie .in the case of ms green 's daughter emily , 13 , the sick man threatened to post explicit pictures on her facebook wall - which all of her friends would have then seen - if she did not play along with his sordid messages .\"]\n", - "=======================\n", - "[\"young girls were sent sexualised facebook messages but police did n't actabbie conman , 12 , and kerry green , 13 , were targeted by online predatorone of the mothers challenged the man , who was pretending to be 17police said no crime was committed when the mothers reported the man\"]\n", - "lesley conman 's daughter abbie , 12 , was sent sexualised messages by an online pervert on facebookafter the horrified mother saw the provocative messages , she challenged the man herself , pretending to be abbie .in the case of ms green 's daughter emily , 13 , the sick man threatened to post explicit pictures on her facebook wall - which all of her friends would have then seen - if she did not play along with his sordid messages .\n", - "young girls were sent sexualised facebook messages but police did n't actabbie conman , 12 , and kerry green , 13 , were targeted by online predatorone of the mothers challenged the man , who was pretending to be 17police said no crime was committed when the mothers reported the man\n", - "[1.4410511 1.3398645 1.174242 1.3531635 1.1953055 1.3287332 1.273491\n", - " 1.0336796 1.0162157 1.0685116 1.0646881 1.0251173 1.0819889 1.0189698\n", - " 1.0405871 1.1275802 1.0499697]\n", - "\n", - "[ 0 3 1 5 6 4 2 15 12 9 10 16 14 7 11 13 8]\n", - "=======================\n", - "[\"sunderland boss dick advocaat has insisted it was not a difficult decision to include adam johnson in his squad for saturday 's barclays premier league trip to stoke .adam johnson leaves peterlee police station on thursday after being chargedadvocaat has confirmed the 27-year-old midfielder , who was charged with three offences of sexual activity with a child under 16 and one of grooming on thursday , remains available for selection with the club reviewing the situation .\"]\n", - "=======================\n", - "[\"adam johnson charged with three offences of sexual activity with girl , 15winger also facing charge of grooming and has been bailed until may 20sunderland decided not to suspend johnson and he is available to playread : johnson charged with three offences of sexual activity with a childread : johnson 's sunderland future in doubt\"]\n", - "sunderland boss dick advocaat has insisted it was not a difficult decision to include adam johnson in his squad for saturday 's barclays premier league trip to stoke .adam johnson leaves peterlee police station on thursday after being chargedadvocaat has confirmed the 27-year-old midfielder , who was charged with three offences of sexual activity with a child under 16 and one of grooming on thursday , remains available for selection with the club reviewing the situation .\n", - "adam johnson charged with three offences of sexual activity with girl , 15winger also facing charge of grooming and has been bailed until may 20sunderland decided not to suspend johnson and he is available to playread : johnson charged with three offences of sexual activity with a childread : johnson 's sunderland future in doubt\n", - "[1.2651244 1.4413188 1.2684213 1.1943161 1.0451629 1.1660041 1.2011878\n", - " 1.2346357 1.304882 1.0174977 1.0108831 1.0115873 1.0811853 1.0382141\n", - " 1.0589582 1.0101702 0. ]\n", - "\n", - "[ 1 8 2 0 7 6 3 5 12 14 4 13 9 11 10 15 16]\n", - "=======================\n", - "[\"there was no sign of the likes of cristiano ronaldo , gareth bale and james rodriguez - all of who played 90 minutes in the 0-0 draw at vicente calderon on tuesday - as the fringe players took part in a session at the valdebebas complex .real will then face atletico in next wednesday 's second leg - the eighth time the rivals have clashed this season with carlo ancelotti 's side still chasing their first win against their neighbours .isco and alvaro arbeloa , second-half substitutes during the first leg against atletico , were present alongside regular first team players pepe and sami khedira , who were on the bench on tuesday .\"]\n", - "=======================\n", - "[\"real madrid drew 0-0 with atletico in the champions league on tuesdayplayers that did n't start the clash returned to training on wednesdaythere was no sign of cristiano ronaldo and the rest of tuesday 's startersreal return to la liga action against malaga at the bernabeu on saturday\"]\n", - "there was no sign of the likes of cristiano ronaldo , gareth bale and james rodriguez - all of who played 90 minutes in the 0-0 draw at vicente calderon on tuesday - as the fringe players took part in a session at the valdebebas complex .real will then face atletico in next wednesday 's second leg - the eighth time the rivals have clashed this season with carlo ancelotti 's side still chasing their first win against their neighbours .isco and alvaro arbeloa , second-half substitutes during the first leg against atletico , were present alongside regular first team players pepe and sami khedira , who were on the bench on tuesday .\n", - "real madrid drew 0-0 with atletico in the champions league on tuesdayplayers that did n't start the clash returned to training on wednesdaythere was no sign of cristiano ronaldo and the rest of tuesday 's startersreal return to la liga action against malaga at the bernabeu on saturday\n", - "[1.2900581 1.3854126 1.0675998 1.4424932 1.0646647 1.0447323 1.0355821\n", - " 1.0652225 1.0959584 1.2829963 1.05895 1.0555956 1.0372493 1.0232857\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 9 8 2 7 4 10 11 5 12 6 13 15 14 16]\n", - "=======================\n", - "[\"kiddie clothes : jef rouner said his five-year-old daughter was forced to cover up when she wore this spaghetti-strap sundress to her school in houston , texassupportive pop : jef said he finds it ` weird ' that school dress codes tend to offer more restrictions for girls than boysbut despite the striped dress being what routner believes is completely age-appropriate , his daughter is now ` wordlessly accepting that a dress with spaghetti straps , something sold in every walmart in america right now , is somehow bad . '\"]\n", - "=======================\n", - "['jef rouner from houston , texas says his daughter was forced to wear jeans and a t-shirt with her spaghetti-strap sundressthe father expresses frustration that only girls are targeted by school dress codes - even at such a young agehe finds it shocking that a dress his daughter wore to church was deemed inappropriate']\n", - "kiddie clothes : jef rouner said his five-year-old daughter was forced to cover up when she wore this spaghetti-strap sundress to her school in houston , texassupportive pop : jef said he finds it ` weird ' that school dress codes tend to offer more restrictions for girls than boysbut despite the striped dress being what routner believes is completely age-appropriate , his daughter is now ` wordlessly accepting that a dress with spaghetti straps , something sold in every walmart in america right now , is somehow bad . '\n", - "jef rouner from houston , texas says his daughter was forced to wear jeans and a t-shirt with her spaghetti-strap sundressthe father expresses frustration that only girls are targeted by school dress codes - even at such a young agehe finds it shocking that a dress his daughter wore to church was deemed inappropriate\n", - "[1.4792782 1.5070534 1.2904103 1.4661801 1.0401143 1.0443271 1.0178387\n", - " 1.0223848 1.0559124 1.1361692 1.1288784 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 9 10 8 5 4 7 6 15 11 12 13 14 16]\n", - "=======================\n", - "[\"carlo ancelotti 's men meet city rivals atletico madrid in the quarter-finals , in what will be a re-run of last year 's final .club legend and assistant coach fernando hierro believes real madrid are capable of winning a second consecutive champions league - as it 's in the spanish sides dna .hierro is confident that the players in the current squad will be able to emulate the successes of previous real sides .\"]\n", - "=======================\n", - "[\"fernando hierro reckons real madrid can win the champions league againthe club legend believes winning the trophy is in the club 's genescarlo ancelotti 's men face city rivals atletico madrid in the quarter-finalsclick here for all the latest real madrid news\"]\n", - "carlo ancelotti 's men meet city rivals atletico madrid in the quarter-finals , in what will be a re-run of last year 's final .club legend and assistant coach fernando hierro believes real madrid are capable of winning a second consecutive champions league - as it 's in the spanish sides dna .hierro is confident that the players in the current squad will be able to emulate the successes of previous real sides .\n", - "fernando hierro reckons real madrid can win the champions league againthe club legend believes winning the trophy is in the club 's genescarlo ancelotti 's men face city rivals atletico madrid in the quarter-finalsclick here for all the latest real madrid news\n", - "[1.2474664 1.386696 1.4168446 1.3186781 1.2164128 1.214215 1.0935698\n", - " 1.0637178 1.0216191 1.0206926 1.0983695 1.0337111 1.1372994 1.0541643\n", - " 1.0126015 1.0423476 1.1550502 1.009903 1.0762317 1.1032636 0. ]\n", - "\n", - "[ 2 1 3 0 4 5 16 12 19 10 6 18 7 13 15 11 8 9 14 17 20]\n", - "=======================\n", - "['an airbus a321 from baku , azerbaijan to london was forced to return back to where it had set out from only 11 minutes after a 9.20 pm local time departure on friday evening .a medical emergency and two technical issues meant delays for hundreds of passengers on aircraft that were all bound for heathrow over the weekend .british airways suffered three plane diversions in just over 24 hours .']\n", - "=======================\n", - "[\"all incidents concerned flights coming into london heathrowbaku , azerbaijan flight turned around after only 11 minutes with issuepassenger on mumbai-london flight says ` engine was leaking ' and plane diverted to istanbul , turkeyperson taken ill on uk-bound flight from angola and plane lands at paris charles de gaulle\"]\n", - "an airbus a321 from baku , azerbaijan to london was forced to return back to where it had set out from only 11 minutes after a 9.20 pm local time departure on friday evening .a medical emergency and two technical issues meant delays for hundreds of passengers on aircraft that were all bound for heathrow over the weekend .british airways suffered three plane diversions in just over 24 hours .\n", - "all incidents concerned flights coming into london heathrowbaku , azerbaijan flight turned around after only 11 minutes with issuepassenger on mumbai-london flight says ` engine was leaking ' and plane diverted to istanbul , turkeyperson taken ill on uk-bound flight from angola and plane lands at paris charles de gaulle\n", - "[1.295017 1.2293816 1.1899277 1.2924238 1.2448179 1.1166965 1.0993941\n", - " 1.1467681 1.0997796 1.0737787 1.0548636 1.0430464 1.0420085 1.0345788\n", - " 1.0293406 1.0360551 1.0750744 1.0414417 1.0413904 1.0322391 0. ]\n", - "\n", - "[ 0 3 4 1 2 7 5 8 6 16 9 10 11 12 17 18 15 13 19 14 20]\n", - "=======================\n", - "['the first high-resolution footage of solar flux ropes on the sun has been revealed .the new footage was revealed in a paper in nature communications led by dr haimin wang from the new jersey institute of technology .in the fascinating video , twisting groups of magnetic fields can be seen writhing around .']\n", - "=======================\n", - "[\"new jersey institute of technology research reveals stunning videoit shows a solar flux ` rope ' taking shape on the suntwisting groups of magnetic fields writhe around a central axisand the rope ultimately causes a bright flash - a solar flare - to form\"]\n", - "the first high-resolution footage of solar flux ropes on the sun has been revealed .the new footage was revealed in a paper in nature communications led by dr haimin wang from the new jersey institute of technology .in the fascinating video , twisting groups of magnetic fields can be seen writhing around .\n", - "new jersey institute of technology research reveals stunning videoit shows a solar flux ` rope ' taking shape on the suntwisting groups of magnetic fields writhe around a central axisand the rope ultimately causes a bright flash - a solar flare - to form\n", - "[1.3092222 1.0991313 1.0962262 1.0601984 1.3941662 1.1077642 1.0308787\n", - " 1.046389 1.0309074 1.0500242 1.21872 1.125472 1.0212564 1.0694605\n", - " 1.0361695 1.0392892 1.012365 1.0182496 1.0136154 1.2279203 1.0323613]\n", - "\n", - "[ 4 0 19 10 11 5 1 2 13 3 9 7 15 14 20 8 6 12 17 18 16]\n", - "=======================\n", - "[\"arsenal celebrate after a fine strike from alexis sanchez put them 3-0 up against liverpool on saturdaythey 've won seven on the spin in the premier league and made liverpool look like relegation candidates as opposed to champions league rivals during saturday 's first-half slaughter .mesut ozil celebrates his goal on saturday as the german world cup winner continued his fine form\"]\n", - "=======================\n", - "['arsenal moved up to second with 4-1 win over liverpool on saturdaygunners are bucking their recent trend of ending the season badlybut they had already dropped 13 points in premier league by mid-octobersigning a defender , midfielder and forward may make them title favourites']\n", - "arsenal celebrate after a fine strike from alexis sanchez put them 3-0 up against liverpool on saturdaythey 've won seven on the spin in the premier league and made liverpool look like relegation candidates as opposed to champions league rivals during saturday 's first-half slaughter .mesut ozil celebrates his goal on saturday as the german world cup winner continued his fine form\n", - "arsenal moved up to second with 4-1 win over liverpool on saturdaygunners are bucking their recent trend of ending the season badlybut they had already dropped 13 points in premier league by mid-octobersigning a defender , midfielder and forward may make them title favourites\n", - "[1.2834957 1.3647516 1.0936196 1.2344695 1.2964575 1.0401323 1.0469344\n", - " 1.0695406 1.0768178 1.1352799 1.0707256 1.123133 1.118872 1.0817585\n", - " 1.184108 1.0781778 1.05677 1.0590267 1.0482324 0. 0. ]\n", - "\n", - "[ 1 4 0 3 14 9 11 12 2 13 15 8 10 7 17 16 18 6 5 19 20]\n", - "=======================\n", - "[\"in the video , released by the los angeles police department , two men and one woman can be seen entering a san fernando valley home in the mid-afternoon .a california homeowners ' surveillance video captured footage of three burglars who broke into their house , including one who stared directly at the camera .this young burglar stared right into a security camera and he and two pals robbed a home in los angeles - making off with a large safe and multiple guns\"]\n", - "=======================\n", - "[\"the video shows two men and one woman entering the los angeles homethey 're seen tip-toeing through the house before entering another roombut then one suspect returns and looks straight at the camera before he ducks and knocks it downthe lapd released the film in hopes it will help catch the burglars , described as being age 17 to 20\"]\n", - "in the video , released by the los angeles police department , two men and one woman can be seen entering a san fernando valley home in the mid-afternoon .a california homeowners ' surveillance video captured footage of three burglars who broke into their house , including one who stared directly at the camera .this young burglar stared right into a security camera and he and two pals robbed a home in los angeles - making off with a large safe and multiple guns\n", - "the video shows two men and one woman entering the los angeles homethey 're seen tip-toeing through the house before entering another roombut then one suspect returns and looks straight at the camera before he ducks and knocks it downthe lapd released the film in hopes it will help catch the burglars , described as being age 17 to 20\n", - "[1.2788596 1.497143 1.2065915 1.1710443 1.1173414 1.319925 1.0157273\n", - " 1.0787513 1.0570863 1.0661932 1.0600638 1.1173282 1.0773913 1.0368577\n", - " 1.0644901 1.12724 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 0 2 3 15 4 11 7 12 9 14 10 8 13 6 16 17 18 19 20]\n", - "=======================\n", - "[\"tayler chaice buzbee was forced to make an emergency appointment at an aspen dental facility in alabama on friday morning after developing agonizing toothache which would not go away .a young mother has spoken of her humiliation after a dental assistant apparently removed her nine-month-old son from her arms without asking while she was breastfeeding him in the dentist 's chair .instead , tayler was assured by employees that she could bring her baby to the facility .\"]\n", - "=======================\n", - "[\"mother-of-one tayler chaice buzbee called aspen dental with toothacheshe was told only available appointment at the facility was in 20 minuteshad no time to find babysitter for baby son , attley , so brought him alongstarted breastfeeding the nine-month-old in chair when he created a fussbut soon after , female employee ` took him out of her arms without asking 'woman ` placed him in his stroller , saying breastfeeding was not allowed 'i was humiliated , crying , and i felt embarrassed to be there , ' said tayleraspen dental has since apologized to tayler and launched investigation\"]\n", - "tayler chaice buzbee was forced to make an emergency appointment at an aspen dental facility in alabama on friday morning after developing agonizing toothache which would not go away .a young mother has spoken of her humiliation after a dental assistant apparently removed her nine-month-old son from her arms without asking while she was breastfeeding him in the dentist 's chair .instead , tayler was assured by employees that she could bring her baby to the facility .\n", - "mother-of-one tayler chaice buzbee called aspen dental with toothacheshe was told only available appointment at the facility was in 20 minuteshad no time to find babysitter for baby son , attley , so brought him alongstarted breastfeeding the nine-month-old in chair when he created a fussbut soon after , female employee ` took him out of her arms without asking 'woman ` placed him in his stroller , saying breastfeeding was not allowed 'i was humiliated , crying , and i felt embarrassed to be there , ' said tayleraspen dental has since apologized to tayler and launched investigation\n", - "[1.2150052 1.3857459 1.2623627 1.2742946 1.3934395 1.1370397 1.1742156\n", - " 1.098133 1.058188 1.0134737 1.0500721 1.0103338 1.1390743 1.0673857\n", - " 1.0496088 1.0579237 1.0870545 1.0365014 0. 0. ]\n", - "\n", - "[ 4 1 3 2 0 6 12 5 7 16 13 8 15 10 14 17 9 11 18 19]\n", - "=======================\n", - "['tormented : bus monitor karen huff klein , 71 , was tormented by middle school students in greece , new york in a difficult-to-watch 10-minute video in 2012 .the bullying was videotaped and posted on snapchat , whec reported .now one of the students involved in this verbal attack has been accused , along with two others , of forcing a special-needs student to drink urine from a toilet while holding his crotch at greece athena high school in upstate new york .']\n", - "=======================\n", - "[\"in a 2012 video , bus monitor and grandmother karen huff klein , 68 , wiped away tears as she was verbally abused by middle school studentsone of the bullies has been accused this week of forcing a special needs student to drink urine at greece athena high schoolmrs klein said : ` they did n't learn any lessons from the other ordeal .\"]\n", - "tormented : bus monitor karen huff klein , 71 , was tormented by middle school students in greece , new york in a difficult-to-watch 10-minute video in 2012 .the bullying was videotaped and posted on snapchat , whec reported .now one of the students involved in this verbal attack has been accused , along with two others , of forcing a special-needs student to drink urine from a toilet while holding his crotch at greece athena high school in upstate new york .\n", - "in a 2012 video , bus monitor and grandmother karen huff klein , 68 , wiped away tears as she was verbally abused by middle school studentsone of the bullies has been accused this week of forcing a special needs student to drink urine at greece athena high schoolmrs klein said : ` they did n't learn any lessons from the other ordeal .\n", - "[1.3283696 1.1345339 1.1902331 1.3275509 1.3234408 1.1877139 1.0738081\n", - " 1.0783186 1.121822 1.1435075 1.0602112 1.0866814 1.0537127 1.0538391\n", - " 1.0182053 1.1765342 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 2 5 15 9 1 8 11 7 6 10 13 12 14 18 16 17 19]\n", - "=======================\n", - "['a poll of 2,000 britons found that 68 per cent had hurt themselves doing odd jobs or decorating .two in five had injured their back , one in five had cut themselves and one in ten had suffered side effects from inhaling chemical fumes .if you are thinking of attempting some diy this weekend watch out -- nearly seven in ten of us end up injured .']\n", - "=======================\n", - "['a new survey found seven in 10 people end up injured while doing diypoll of 2,000 people found 68 % say they or their partner have ended up hurttwo in five said they injured their back and one in five had cut themselves']\n", - "a poll of 2,000 britons found that 68 per cent had hurt themselves doing odd jobs or decorating .two in five had injured their back , one in five had cut themselves and one in ten had suffered side effects from inhaling chemical fumes .if you are thinking of attempting some diy this weekend watch out -- nearly seven in ten of us end up injured .\n", - "a new survey found seven in 10 people end up injured while doing diypoll of 2,000 people found 68 % say they or their partner have ended up hurttwo in five said they injured their back and one in five had cut themselves\n", - "[1.3638358 1.181569 1.4712169 1.3495444 1.1869946 1.156399 1.0525153\n", - " 1.0841498 1.0341004 1.0309272 1.0556124 1.0373081 1.2027832 1.1118265\n", - " 1.1795634 1.0301557 1.0114579 1.0945499 1.030053 1.0642529]\n", - "\n", - "[ 2 0 3 12 4 1 14 5 13 17 7 19 10 6 11 8 9 15 18 16]\n", - "=======================\n", - "['duncan hodgetts , 25 , fell from the 14th floor window of the executive plaza building in midtown manhattan at 8.30 am yesterday morning .tax adviser duncan hodgetts ( pictured ) , from birmingham , west midlands , fell to his death from a manhattan buildinghe was found on a third-floor balcony of the neighboring michelangelo hotel , near the rockefeller center , and was pronounced dead at the scene .']\n", - "=======================\n", - "[\"duncan hodgetts fell from window at executive plaza , near manhattan 's rockefeller centermr hodgetts , from birmingham , west midlands , pronounced dead at scenehe was found on third floor balcony of neighbouring michelangelo hotelthe 25-year-old tax adviser worked for accountancy firm ernst and young\"]\n", - "duncan hodgetts , 25 , fell from the 14th floor window of the executive plaza building in midtown manhattan at 8.30 am yesterday morning .tax adviser duncan hodgetts ( pictured ) , from birmingham , west midlands , fell to his death from a manhattan buildinghe was found on a third-floor balcony of the neighboring michelangelo hotel , near the rockefeller center , and was pronounced dead at the scene .\n", - "duncan hodgetts fell from window at executive plaza , near manhattan 's rockefeller centermr hodgetts , from birmingham , west midlands , pronounced dead at scenehe was found on third floor balcony of neighbouring michelangelo hotelthe 25-year-old tax adviser worked for accountancy firm ernst and young\n", - "[1.3315988 1.1579779 1.2577878 1.2486676 1.2759572 1.0546159 1.1665487\n", - " 1.1295321 1.0716124 1.024395 1.031928 1.0323641 1.1202004 1.0633632\n", - " 1.0616908 1.0610648 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 2 3 6 1 7 12 8 13 14 15 5 11 10 9 16 17 18 19]\n", - "=======================\n", - "[\"katia apalategui was inspired after seeing her mother cope with the loss of her husband by clinging to his pillow .the strong link between smell and memory is the reason her product will provide ` olfactory comfort ' to customers , she says .this inspired the 52-year-old french insurance saleswoman to think of a more permanent way to capture a person 's individual scent in a bid to help others in mourning .\"]\n", - "=======================\n", - "[\"seven years ago , insurance saleswoman katia apalategui lost her fatherher grieving mother coped with loss by sniffing late husband 's pillowcaseinspired her to come up with permanent way to capture person 's scentbut bottles of loved ones perfume will set customers back # 400 a bottle\"]\n", - "katia apalategui was inspired after seeing her mother cope with the loss of her husband by clinging to his pillow .the strong link between smell and memory is the reason her product will provide ` olfactory comfort ' to customers , she says .this inspired the 52-year-old french insurance saleswoman to think of a more permanent way to capture a person 's individual scent in a bid to help others in mourning .\n", - "seven years ago , insurance saleswoman katia apalategui lost her fatherher grieving mother coped with loss by sniffing late husband 's pillowcaseinspired her to come up with permanent way to capture person 's scentbut bottles of loved ones perfume will set customers back # 400 a bottle\n", - "[1.3005768 1.2119232 1.4137384 1.2495316 1.1046227 1.1615496 1.043624\n", - " 1.0161623 1.080911 1.0234393 1.0166372 1.0742536 1.2139345 1.0652361\n", - " 1.0884961 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 12 1 5 4 14 8 11 13 6 9 10 7 18 15 16 17 19]\n", - "=======================\n", - "[\"the work titled double falsehood was presented by theatre impresario lewis theobald in the 18th century as an adaptation of a shakespeare play about a spanish nobleman 's ignoble pursuit of two women .william shakespeare may indeed have been the original author of the play double falsehood after alltheobald , a known scholar of shakespeare , mounted his play at drury lane theatre in london on december 13 , 1727 , claiming that it was a re-working of an original by the bard and that he had three original texts .\"]\n", - "=======================\n", - "[\"double falsehood was presented by lewis theobald in the 18th centurytheatre impresario made it out to be an adaptation of a play by the bardclaims met with scepticism , including from great poet alexander popebut new study of its language identifies playwright as the true authorpsychological theory and text analysing software lead to conclusion of university of texas study which claims to model bard 's ` mental world '\"]\n", - "the work titled double falsehood was presented by theatre impresario lewis theobald in the 18th century as an adaptation of a shakespeare play about a spanish nobleman 's ignoble pursuit of two women .william shakespeare may indeed have been the original author of the play double falsehood after alltheobald , a known scholar of shakespeare , mounted his play at drury lane theatre in london on december 13 , 1727 , claiming that it was a re-working of an original by the bard and that he had three original texts .\n", - "double falsehood was presented by lewis theobald in the 18th centurytheatre impresario made it out to be an adaptation of a play by the bardclaims met with scepticism , including from great poet alexander popebut new study of its language identifies playwright as the true authorpsychological theory and text analysing software lead to conclusion of university of texas study which claims to model bard 's ` mental world '\n", - "[1.2328305 1.5336816 1.1809034 1.1708934 1.383406 1.0972673 1.035335\n", - " 1.0364221 1.0736684 1.043282 1.023041 1.156235 1.108082 1.0698771\n", - " 1.0577732 1.0787153 1.0743399 1.0364519 1.0539587 1.0463177]\n", - "\n", - "[ 1 4 0 2 3 11 12 5 15 16 8 13 14 18 19 9 17 7 6 10]\n", - "=======================\n", - "['david king , 70 , and originally from east london , had not been seen for six months in the picturesque hamlet of pierres , in the calvados department , south west of caen .a frenchman was in custody tonight suspected of killing his british expat neighbour and throwing his body down a well in rural normandy .he retired there from his job as an engineer in britain some 15 years ago .']\n", - "=======================\n", - "[\"david king had not been seen since he went to tea with friends in octoberthe 70-year-old is thought to have got into an argument before his deathprosecutor said a neighbour admitted to putting mr king 's body in the wellbut the man has yet to explain ` the circumstances of the death '\"]\n", - "david king , 70 , and originally from east london , had not been seen for six months in the picturesque hamlet of pierres , in the calvados department , south west of caen .a frenchman was in custody tonight suspected of killing his british expat neighbour and throwing his body down a well in rural normandy .he retired there from his job as an engineer in britain some 15 years ago .\n", - "david king had not been seen since he went to tea with friends in octoberthe 70-year-old is thought to have got into an argument before his deathprosecutor said a neighbour admitted to putting mr king 's body in the wellbut the man has yet to explain ` the circumstances of the death '\n", - "[1.0600363 1.1283919 1.4792953 1.4087918 1.2686824 1.4227235 1.1272234\n", - " 1.0140007 1.2511115 1.0979958 1.0505589 1.066902 1.0593852 1.009074\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 5 3 4 8 1 6 9 11 0 12 10 7 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"tottenham hotspur vs aston villa ( white hart lane )kyle walker ( left ) was injured for tottenham after clashing with burnley 's kieran tripper last sundaykyle walker and hugo lloris are absent for tottenham , while jan vertonghen is a doubt for this weekend 's match against aston villa .\"]\n", - "=======================\n", - "['kyle walker joins hugo lloris on tottenham hotspur sidelinesjan vertonghen a major doubt following illnessalan hutton , ashley westwood and scott sinclair likely to be absentcarles gil also set to miss out for aston villa but aly cissokho could return']\n", - "tottenham hotspur vs aston villa ( white hart lane )kyle walker ( left ) was injured for tottenham after clashing with burnley 's kieran tripper last sundaykyle walker and hugo lloris are absent for tottenham , while jan vertonghen is a doubt for this weekend 's match against aston villa .\n", - "kyle walker joins hugo lloris on tottenham hotspur sidelinesjan vertonghen a major doubt following illnessalan hutton , ashley westwood and scott sinclair likely to be absentcarles gil also set to miss out for aston villa but aly cissokho could return\n", - "[1.4928079 1.2222419 1.3567548 1.1910465 1.1432487 1.0912325 1.0965139\n", - " 1.0356891 1.0695969 1.0807514 1.1820756 1.0963748 1.097302 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 10 4 12 6 11 5 9 8 7 13 14 15 16 17 18 19]\n", - "=======================\n", - "['hong kong ( cnn ) phil rudd , the drummer for legendary hard rock band ac/dc , has pleaded guilty to charges of threatening to kill and possession of drugs in a new zealand court .the 60-year-old australian was arrested in november last year after police found methamphetamine and cannabis while executing a search warrant at his home in new zealand .rudd , who previously denied all allegations , made a surprise guilty plea tuesday before the trial began .']\n", - "=======================\n", - "['ac/dc drummer phil rudd pleads guilty to threatening to kill and drug chargescourt summary revealed that rudd had ordered for his personal assistant to be \" taken out \"police found methamphetamine and cannabis in his new zealand home in november']\n", - "hong kong ( cnn ) phil rudd , the drummer for legendary hard rock band ac/dc , has pleaded guilty to charges of threatening to kill and possession of drugs in a new zealand court .the 60-year-old australian was arrested in november last year after police found methamphetamine and cannabis while executing a search warrant at his home in new zealand .rudd , who previously denied all allegations , made a surprise guilty plea tuesday before the trial began .\n", - "ac/dc drummer phil rudd pleads guilty to threatening to kill and drug chargescourt summary revealed that rudd had ordered for his personal assistant to be \" taken out \"police found methamphetamine and cannabis in his new zealand home in november\n", - "[1.256148 1.487119 1.314432 1.1459582 1.1606643 1.1170868 1.1046891\n", - " 1.1516383 1.1571796 1.0870597 1.0983497 1.0614154 1.0946633 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 8 7 3 5 6 10 12 9 11 18 13 14 15 16 17 19]\n", - "=======================\n", - "['about half a dozen people were sitting on the roof of the vehicle on a road near the coastal city of salé , morocco when it toppled on to one side at high speed .terrifying footage of the incident was taken from a car following the van , which is understood to have been transporting football fans .a dramatic video has emerged showing the moment a group of men riding on top of a van were sent flying as it swerved around a corner .']\n", - "=======================\n", - "['van was driving down dual carriageway near coastal city of salé , moroccofootage shows the moment it starts repeatedly swerving across two lanesvideo taken by following motorist captures van crashing down on its side']\n", - "about half a dozen people were sitting on the roof of the vehicle on a road near the coastal city of salé , morocco when it toppled on to one side at high speed .terrifying footage of the incident was taken from a car following the van , which is understood to have been transporting football fans .a dramatic video has emerged showing the moment a group of men riding on top of a van were sent flying as it swerved around a corner .\n", - "van was driving down dual carriageway near coastal city of salé , moroccofootage shows the moment it starts repeatedly swerving across two lanesvideo taken by following motorist captures van crashing down on its side\n", - "[1.0548948 1.08095 1.2953472 1.2643132 1.1191086 1.0527458 1.0863308\n", - " 1.0363731 1.0277457 1.0968663 1.096079 1.0871931 1.1013846 1.151565\n", - " 1.0630031 1.0651897 1.0170407 0. 0. 0. ]\n", - "\n", - "[ 2 3 13 4 12 9 10 11 6 1 15 14 0 5 7 8 16 17 18 19]\n", - "=======================\n", - "[\"the nut that frequently appears in the bible as a symbol of fruitfulness and promise has been dubbed ` the devil 's nut ' , pinpointed as the chief culprit in an eco-disaster that is developing in california .the so-called golden state is increasingly turning a dirty brown colour due to a devastating drought that is in its fourth year .worth # 3.8 billion in 2013 , almonds have become california 's second biggest agricultural commodity after milk , as demand has exploded by 1,000 per cent in a decade .\"]\n", - "=======================\n", - "[\"global demand soaring as people develop passion for almond-based foodsthe nuts have become california 's second biggest agricultural commoditythe problem is that almonds guzzle water on a monumental scaleit 's been calculated that it takes 1.1 gallons of water to grow single almond\"]\n", - "the nut that frequently appears in the bible as a symbol of fruitfulness and promise has been dubbed ` the devil 's nut ' , pinpointed as the chief culprit in an eco-disaster that is developing in california .the so-called golden state is increasingly turning a dirty brown colour due to a devastating drought that is in its fourth year .worth # 3.8 billion in 2013 , almonds have become california 's second biggest agricultural commodity after milk , as demand has exploded by 1,000 per cent in a decade .\n", - "global demand soaring as people develop passion for almond-based foodsthe nuts have become california 's second biggest agricultural commoditythe problem is that almonds guzzle water on a monumental scaleit 's been calculated that it takes 1.1 gallons of water to grow single almond\n", - "[1.2610404 1.3621416 1.348487 1.3296027 1.1969128 1.170783 1.0325091\n", - " 1.0398165 1.0637689 1.0921371 1.0826358 1.0390332 1.0504524 1.1250943\n", - " 1.0275558 1.012341 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 5 13 9 10 8 12 7 11 6 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"the office of the schools adjudicator criticised the oratory school in london for engaging in ` social selection ' , saying it had broken the rules in 105 different ways .the state-funded school in fulham , west london , was ordered to revise its admissions policy last year after the watchdog decided it was biased against working-class and non-catholic children .a roman catholic school attended by nick clegg 's eldest son and two of tony blair 's has been cleared of discriminating against the poor .\"]\n", - "=======================\n", - "[\"the oratory school was ordered to revise its admissions policy last yearcame after watchdog found it was biased against poor and non-catholicshigh court overturned decision of the office of the schools adjudicatorjudge said the decision was ` flawed ' and ` unreasonable '\"]\n", - "the office of the schools adjudicator criticised the oratory school in london for engaging in ` social selection ' , saying it had broken the rules in 105 different ways .the state-funded school in fulham , west london , was ordered to revise its admissions policy last year after the watchdog decided it was biased against working-class and non-catholic children .a roman catholic school attended by nick clegg 's eldest son and two of tony blair 's has been cleared of discriminating against the poor .\n", - "the oratory school was ordered to revise its admissions policy last yearcame after watchdog found it was biased against poor and non-catholicshigh court overturned decision of the office of the schools adjudicatorjudge said the decision was ` flawed ' and ` unreasonable '\n", - "[1.2900239 1.5258781 1.2510437 1.067125 1.2114098 1.1178384 1.0543422\n", - " 1.0406387 1.0837649 1.0644225 1.0516224 1.0207492 1.0573546 1.0326341\n", - " 1.075223 1.066061 1.0810046 1.09344 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 2 4 5 17 8 16 14 3 15 9 12 6 10 7 13 11 18 19 20 21 22]\n", - "=======================\n", - "['the 19th century castle toward , near dunoon , was used to ready soldiers for landing at a beach and was commissioned as hms brontosaurus in 1942 .a scottish castle commandeered by winston churchill to help prepare troops for the d-day landings has gone on sale for # 1.75 million .overlooking the clyde estuary and with easy access to the sloping shoreline , the castle was deemed an ideal training ground for thousands of british troops .']\n", - "=======================\n", - "['19th century castle toward , near dunoon , was used to ready soldiers for the d-day landings in world war twooverlooking clyde estuary and with easy access to the sloping shoreline , it was deemed an ideal training groundthe castle was commandeered by winston churchill and was commissioned as hms brontosaurus in 1942the training that took place was so realistic and demanding many servicemen were killed in accidents']\n", - "the 19th century castle toward , near dunoon , was used to ready soldiers for landing at a beach and was commissioned as hms brontosaurus in 1942 .a scottish castle commandeered by winston churchill to help prepare troops for the d-day landings has gone on sale for # 1.75 million .overlooking the clyde estuary and with easy access to the sloping shoreline , the castle was deemed an ideal training ground for thousands of british troops .\n", - "19th century castle toward , near dunoon , was used to ready soldiers for the d-day landings in world war twooverlooking clyde estuary and with easy access to the sloping shoreline , it was deemed an ideal training groundthe castle was commandeered by winston churchill and was commissioned as hms brontosaurus in 1942the training that took place was so realistic and demanding many servicemen were killed in accidents\n", - "[1.3797582 1.355731 1.2386073 1.1725144 1.467967 1.1344852 1.0721035\n", - " 1.0271581 1.0188426 1.0171801 1.039873 1.0117793 1.0989373 1.0761768\n", - " 1.2203953 1.0845324 1.1430665 1.0548869 1.0097302 1.0213569 1.053881\n", - " 0. 0. ]\n", - "\n", - "[ 4 0 1 2 14 3 16 5 12 15 13 6 17 20 10 7 19 8 9 11 18 21 22]\n", - "=======================\n", - "[\"brendan rodgers says that a move to manchester city would not be step up for raheem sterlingliverpool manager brendan rodgers has written off manchester city 's chances of signing raheem sterling this summer by declaring the anfield club are bigger than their etihad rivals and making it clear they have no intention of becoming their feeder team .ahead of sunday 's fa cup semi-final against aston villa at wembley , rodgers indicated it could take two decades for sheik mansour 's club to reach the status of either liverpool or manchester united .\"]\n", - "=======================\n", - "['manchester city have been linked with summer move for raheem sterlingsterling has two years left on his contract and is stalling on a new dealbrendan rodgers says a move to city would not be step up for sterlingindicating it will take the manchester club 20 years to eclipse liverpool']\n", - "brendan rodgers says that a move to manchester city would not be step up for raheem sterlingliverpool manager brendan rodgers has written off manchester city 's chances of signing raheem sterling this summer by declaring the anfield club are bigger than their etihad rivals and making it clear they have no intention of becoming their feeder team .ahead of sunday 's fa cup semi-final against aston villa at wembley , rodgers indicated it could take two decades for sheik mansour 's club to reach the status of either liverpool or manchester united .\n", - "manchester city have been linked with summer move for raheem sterlingsterling has two years left on his contract and is stalling on a new dealbrendan rodgers says a move to city would not be step up for sterlingindicating it will take the manchester club 20 years to eclipse liverpool\n", - "[1.5023603 1.3169603 1.1230319 1.05285 1.2625308 1.2688648 1.1056477\n", - " 1.0604225 1.0565335 1.0192268 1.0220019 1.0514319 1.0607672 1.0579069\n", - " 1.0090911 1.0434216 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 5 4 2 6 12 7 13 8 3 11 15 10 9 14 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"fc united of manchester , the club set up in protest at the glazer family 's takeover of manchester united , are now two promotions away from the football league .on an emotional night in front of 3,588 noisy fans the rebels , soon to celebrate their 10th anniversary , sealed the fourth promotion of their short history with this nervy win over stourbridge saw them crowned evo-stik northern premier champions .hundreds of ecstatic supporters invaded the pitch at the final whistle as the breakaway outfit secured elevation to the sixth tier after the heartbreak of no less than four play-off defeats .\"]\n", - "=======================\n", - "[\"fc united of manchester was set up as a club in protest of the glazer family 's takeover of manchester unitedtheir 1-0 over stourbridge on tuesday night has sealed their fourth promotion as evo-stik northern premier championsit means that the club are just two promotions off the football league\"]\n", - "fc united of manchester , the club set up in protest at the glazer family 's takeover of manchester united , are now two promotions away from the football league .on an emotional night in front of 3,588 noisy fans the rebels , soon to celebrate their 10th anniversary , sealed the fourth promotion of their short history with this nervy win over stourbridge saw them crowned evo-stik northern premier champions .hundreds of ecstatic supporters invaded the pitch at the final whistle as the breakaway outfit secured elevation to the sixth tier after the heartbreak of no less than four play-off defeats .\n", - "fc united of manchester was set up as a club in protest of the glazer family 's takeover of manchester unitedtheir 1-0 over stourbridge on tuesday night has sealed their fourth promotion as evo-stik northern premier championsit means that the club are just two promotions off the football league\n", - "[1.1250658 1.5622988 1.3899279 1.3623902 1.1958499 1.0356176 1.1194397\n", - " 1.0378803 1.0195522 1.0192549 1.0326295 1.0212675 1.0216959 1.0218531\n", - " 1.0155416 1.0145068 1.0567508 1.04972 1.1118388 1.1592536 1.1480533\n", - " 1.0321814 1.0329356]\n", - "\n", - "[ 1 2 3 4 19 20 0 6 18 16 17 7 5 22 10 21 13 12 11 8 9 14 15]\n", - "=======================\n", - "[\"charlene fritz , 35 , was visiting snow hill island in the antarctic peninsula as part of an expedition when she made an unusual friend on the beach .despite being no more than two months old , the elephant seal pup is still thought to have weighed around 200lbs , and ms fritz had a struggle sitting upright .` sweet moment in time ' : ms fritz described the seal pup 's eyes as being ` like the deepest depths of the sea '\"]\n", - "=======================\n", - "['the two-month-old baby seal came up for a hug on antarctic peninsuladespite being a pup , the seal is believed to have weighed 200lbsadorable cuddle caught on camera by canadian tourists']\n", - "charlene fritz , 35 , was visiting snow hill island in the antarctic peninsula as part of an expedition when she made an unusual friend on the beach .despite being no more than two months old , the elephant seal pup is still thought to have weighed around 200lbs , and ms fritz had a struggle sitting upright .` sweet moment in time ' : ms fritz described the seal pup 's eyes as being ` like the deepest depths of the sea '\n", - "the two-month-old baby seal came up for a hug on antarctic peninsuladespite being a pup , the seal is believed to have weighed 200lbsadorable cuddle caught on camera by canadian tourists\n", - "[1.3185322 1.2302673 1.404457 1.0930719 1.2864947 1.2896686 1.1677992\n", - " 1.1210433 1.0635034 1.0334076 1.0275766 1.0763385 1.016655 1.157531\n", - " 1.1148264 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 5 4 1 6 13 7 14 3 11 8 9 10 12 19 15 16 17 18 20]\n", - "=======================\n", - "[\"the man in question is 16-year-old ronaldo brown who has joined the latics after being released by liverpool .oldham athletic have signed ronaldo .the 16-year-old is named after brazil 's former striker ronaldo , who is pictured scoring in the 2002 world cup\"]\n", - "=======================\n", - "['oldham have signed 16-year-old winger ronaldo brownbrown was released by liverpool and has joined the league one clubhe is named after brazilian ronaldo and has a brother called rivaldobrown also has a younger sister called trezeguet']\n", - "the man in question is 16-year-old ronaldo brown who has joined the latics after being released by liverpool .oldham athletic have signed ronaldo .the 16-year-old is named after brazil 's former striker ronaldo , who is pictured scoring in the 2002 world cup\n", - "oldham have signed 16-year-old winger ronaldo brownbrown was released by liverpool and has joined the league one clubhe is named after brazilian ronaldo and has a brother called rivaldobrown also has a younger sister called trezeguet\n", - "[1.2199672 1.1694206 1.1016743 1.118401 1.1324118 1.0350751 1.0371706\n", - " 1.0285695 1.069029 1.2015281 1.0655295 1.0420715 1.125823 1.0560505\n", - " 1.0240661 1.0260566 1.0902176 1.0432291 1.0363288 1.0198144 1.0643983]\n", - "\n", - "[ 0 9 1 4 12 3 2 16 8 10 20 13 17 11 6 18 5 7 15 14 19]\n", - "=======================\n", - "['( cnn ) it \\'s the kind of thing you see in movies , like robert redford \\'s role in \" all is lost \" or ang lee \\'s \" life of pi . \"louis jordan says that he set off on his 35-foot sailboat from south carolina in late january .but , in real life , it \\'s hard to swallow the idea of a single person being stranded at sea for days , weeks , if not months and somehow living to talk about it .']\n", - "=======================\n", - "['a south carolina man says he spent 66 days alone at sea before being rescuedother sole survivor stories include a japanese man washed away by a tsunamian el salvador man says he drifted from mexico to marshall islands over a year']\n", - "( cnn ) it 's the kind of thing you see in movies , like robert redford 's role in \" all is lost \" or ang lee 's \" life of pi . \"louis jordan says that he set off on his 35-foot sailboat from south carolina in late january .but , in real life , it 's hard to swallow the idea of a single person being stranded at sea for days , weeks , if not months and somehow living to talk about it .\n", - "a south carolina man says he spent 66 days alone at sea before being rescuedother sole survivor stories include a japanese man washed away by a tsunamian el salvador man says he drifted from mexico to marshall islands over a year\n", - "[1.3043251 1.1936562 1.1327242 1.0576715 1.3850417 1.1771395 1.1440059\n", - " 1.1371851 1.0720056 1.0408529 1.1298752 1.0918891 1.0694462 1.069004\n", - " 1.0249542 1.0239717 1.0273505 1.0414547 1.0201746 1.0156956 0. ]\n", - "\n", - "[ 4 0 1 5 6 7 2 10 11 8 12 13 3 17 9 16 14 15 18 19 20]\n", - "=======================\n", - "[\"andy murray 's mother judy has revealed that she ca n't wait for her son to have children with his new wife kim searsit 's been just a few days since andy murray tied the knot to his long term girlfriend kim sears .but already his mother judy is hopefully that he will soon take the next step and start a family .\"]\n", - "=======================\n", - "[\"judy murray has revealed to closer that she ca n't wait to be a grannyson andy married his long term girlfriend kim sears just a few days agothe tennis coach says she will be an active part of their life\"]\n", - "andy murray 's mother judy has revealed that she ca n't wait for her son to have children with his new wife kim searsit 's been just a few days since andy murray tied the knot to his long term girlfriend kim sears .but already his mother judy is hopefully that he will soon take the next step and start a family .\n", - "judy murray has revealed to closer that she ca n't wait to be a grannyson andy married his long term girlfriend kim sears just a few days agothe tennis coach says she will be an active part of their life\n", - "[1.2919915 1.2807978 1.2937188 1.2258155 1.1827639 1.0901501 1.0567381\n", - " 1.050019 1.0181653 1.2138956 1.1425878 1.0197301 1.0437716 1.0477611\n", - " 1.0567265 1.066253 1.023956 1.0092946 1.0194142 0. 0. ]\n", - "\n", - "[ 2 0 1 3 9 4 10 5 15 6 14 7 13 12 16 11 18 8 17 19 20]\n", - "=======================\n", - "[\"by comparing before and after images , scientists have discovered mount everest shrank by about one inch due to the land that was shaken in the natural disaster .radar images from europe 's sentinel-1a satellite have revealed the aftermath of the nepal earthquake in unrivalled detail .the information from the satellites has been transformed into an interferogram , which provides a colourful and highly detailed view of the earth 's land mass .\"]\n", - "=======================\n", - "[\"the satellite , sentinel-1a , sends out radio waves and times how long it takes for them to reflect backthe data has been transformed into an ` interferogram ' showing how the land mass has shiftedscientists count the colored ` fringes ' in the interferogram to detect how much the land has movedeverest lost an inch of its height in the quake , but still stands at 29,029 feetan area 75 miles by 30 miles around kathmandu has risen over three feet\"]\n", - "by comparing before and after images , scientists have discovered mount everest shrank by about one inch due to the land that was shaken in the natural disaster .radar images from europe 's sentinel-1a satellite have revealed the aftermath of the nepal earthquake in unrivalled detail .the information from the satellites has been transformed into an interferogram , which provides a colourful and highly detailed view of the earth 's land mass .\n", - "the satellite , sentinel-1a , sends out radio waves and times how long it takes for them to reflect backthe data has been transformed into an ` interferogram ' showing how the land mass has shiftedscientists count the colored ` fringes ' in the interferogram to detect how much the land has movedeverest lost an inch of its height in the quake , but still stands at 29,029 feetan area 75 miles by 30 miles around kathmandu has risen over three feet\n", - "[1.2304405 1.4443092 1.390682 1.2976406 1.1592679 1.2278531 1.2252821\n", - " 1.0480728 1.0238118 1.0409504 1.1775461 1.0653666 1.06301 1.0252141\n", - " 1.0214483 1.0693822 1.1884063 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 6 16 10 4 15 11 12 7 9 13 8 14 19 17 18 20]\n", - "=======================\n", - "['the pair were caught on camera at langham creek high school , in houston on tuesday .the mother , who has not been identified , was reportedly angry with the girl because she had allegedly been bullying her daughter , reports channel 2 .a mother and her teenage daughter have been arrested after a video of them fighting with a student at a high school was posted online .']\n", - "=======================\n", - "['brawl caught on video at langham creek high school , houstonthe mother , who has not been identified , was reportedly angry with the girl because she had allegedly been bullying her daughtera circle of students watch the brawl from the sidelines - the video was later posted on social media']\n", - "the pair were caught on camera at langham creek high school , in houston on tuesday .the mother , who has not been identified , was reportedly angry with the girl because she had allegedly been bullying her daughter , reports channel 2 .a mother and her teenage daughter have been arrested after a video of them fighting with a student at a high school was posted online .\n", - "brawl caught on video at langham creek high school , houstonthe mother , who has not been identified , was reportedly angry with the girl because she had allegedly been bullying her daughtera circle of students watch the brawl from the sidelines - the video was later posted on social media\n", - "[1.1766957 1.5285153 1.3150455 1.3645887 1.1058501 1.1799502 1.0685432\n", - " 1.0630214 1.0665684 1.0406063 1.0382298 1.1006942 1.1614317 1.0843697\n", - " 1.0557071 1.0385292 1.0486073 1.0513766 1.0123053 1.0102549 1.0113044]\n", - "\n", - "[ 1 3 2 5 0 12 4 11 13 6 8 7 14 17 16 9 15 10 18 20 19]\n", - "=======================\n", - "[\"guo kai and girlfriend dong hui , who turned 22 on monday , had been planning to get married this month in sichuan in southwest china .but dong was suddenly diagnosed with serious bone cancer and admitted to hospital , meaning a formal ceremony had to be postponed , reported the people 's daily online .besotted : guo kai ( pictured right ) has been at his girlfriend 's bedside every day\"]\n", - "=======================\n", - "['guo kai and girlfriend dong hui , 22 , had planned to get married this monthbut ceremony had to be postponed after dong was admitted to hospitalinstead guo arranged for photographers to go to the ward on her birthdayfamily and friends helped dong get into her dream wedding dress']\n", - "guo kai and girlfriend dong hui , who turned 22 on monday , had been planning to get married this month in sichuan in southwest china .but dong was suddenly diagnosed with serious bone cancer and admitted to hospital , meaning a formal ceremony had to be postponed , reported the people 's daily online .besotted : guo kai ( pictured right ) has been at his girlfriend 's bedside every day\n", - "guo kai and girlfriend dong hui , 22 , had planned to get married this monthbut ceremony had to be postponed after dong was admitted to hospitalinstead guo arranged for photographers to go to the ward on her birthdayfamily and friends helped dong get into her dream wedding dress\n", - "[1.3267245 1.3821604 1.2087368 1.2606704 1.2688205 1.1624382 1.11858\n", - " 1.0839564 1.0779814 1.1028315 1.0776249 1.0474842 1.0557882 1.1671145\n", - " 1.0301425 1.0387115 1.0083436 1.0116427 1.0374604 0. 0. ]\n", - "\n", - "[ 1 0 4 3 2 13 5 6 9 7 8 10 12 11 15 18 14 17 16 19 20]\n", - "=======================\n", - "[\"manjinder virk will play pathologist dr kam karimore in the itv police drama .midsomer murders is to have its first regular asian character in its 18th series , four years after the drama 's producer said the programme ` would n't work ' with ethnic minority characters .gwilym lee , manjinder virk and neil dudgeon ( pictured left to right ) will star in the upcoming season of midsomer murders\"]\n", - "=======================\n", - "[\"manjinder virk will play pathologist dr kam karimore in itv police dramait is the first significant role for an ethnic minority actor in the tv showit is four years since a producer said it was ` the last bastion of englishness 'brian true-may said show ` would n't work ' with ethnic minority charactershis comments caused a race storm that left itv ` shocked and appalled '\"]\n", - "manjinder virk will play pathologist dr kam karimore in the itv police drama .midsomer murders is to have its first regular asian character in its 18th series , four years after the drama 's producer said the programme ` would n't work ' with ethnic minority characters .gwilym lee , manjinder virk and neil dudgeon ( pictured left to right ) will star in the upcoming season of midsomer murders\n", - "manjinder virk will play pathologist dr kam karimore in itv police dramait is the first significant role for an ethnic minority actor in the tv showit is four years since a producer said it was ` the last bastion of englishness 'brian true-may said show ` would n't work ' with ethnic minority charactershis comments caused a race storm that left itv ` shocked and appalled '\n", - "[1.2018874 1.3474768 1.2976589 1.2521675 1.1505243 1.1636422 1.1678935\n", - " 1.1471539 1.1254466 1.0989455 1.054661 1.0220175 1.0262927 1.0281515\n", - " 1.0361047 1.027414 1.1096127 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 6 5 4 7 8 16 9 10 14 13 15 12 11 19 17 18 20]\n", - "=======================\n", - "[\"the map suggests that the coal region and rust belt in the american northeast , along with the south , have now become the most racist areas of the us .while racism is thought to be rife in the southern us states , a new ` hate map of america ' reveals prejudice to be common elsewhere .racism is also common in the ` rust belt ' which straddles the upper northeastern us , the great lakes , and the midwest states .\"]\n", - "=======================\n", - "[\"map based on number of google searches containing the slur n **** rit reveals that clusters of racism appear in areas of the gulf coastit also appears in michigan 's upper peninsula , ohio and new yorkracist searches linked with higher death rates in black communities\"]\n", - "the map suggests that the coal region and rust belt in the american northeast , along with the south , have now become the most racist areas of the us .while racism is thought to be rife in the southern us states , a new ` hate map of america ' reveals prejudice to be common elsewhere .racism is also common in the ` rust belt ' which straddles the upper northeastern us , the great lakes , and the midwest states .\n", - "map based on number of google searches containing the slur n **** rit reveals that clusters of racism appear in areas of the gulf coastit also appears in michigan 's upper peninsula , ohio and new yorkracist searches linked with higher death rates in black communities\n", - "[1.3087239 1.4128084 1.1687479 1.1749659 1.1573725 1.0690228 1.0972474\n", - " 1.0912232 1.0964674 1.0877897 1.0282419 1.104619 1.0839572 1.0368556\n", - " 1.0169948 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 11 6 8 7 9 12 5 13 10 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"photographer mark kolbe travelled around australia to meet the grandchildren , great-grandchildren , sons and daughters of just some of the brave members of the australian armed forces who landed in gallipoli nearly 100 years ago .the australian descendants of eight anzac veterans have proudly showed off their relatives ' wartime medals and photographs in a moving commemorative photo series .the soldiers ' medals remain glistening inside their descendants ' homes after a century of being treasured .\"]\n", - "=======================\n", - "[\"relatives of eight anzac veterans where photographed across australiathey are the grandchildren , great-grandchildren , sons and daughters of those who fought at gallipolione hundred years since the great war , they proudly displayed their relatives ' medals and photographsamongst the keepsakes , are letters sent by soldiers informing their loved ones of their discharge\"]\n", - "photographer mark kolbe travelled around australia to meet the grandchildren , great-grandchildren , sons and daughters of just some of the brave members of the australian armed forces who landed in gallipoli nearly 100 years ago .the australian descendants of eight anzac veterans have proudly showed off their relatives ' wartime medals and photographs in a moving commemorative photo series .the soldiers ' medals remain glistening inside their descendants ' homes after a century of being treasured .\n", - "relatives of eight anzac veterans where photographed across australiathey are the grandchildren , great-grandchildren , sons and daughters of those who fought at gallipolione hundred years since the great war , they proudly displayed their relatives ' medals and photographsamongst the keepsakes , are letters sent by soldiers informing their loved ones of their discharge\n", - "[1.272612 1.3632727 1.2397511 1.2236598 1.3006555 1.1227729 1.0534813\n", - " 1.0861079 1.0347219 1.1173247 1.0870924 1.1008518 1.0342076 1.0375673\n", - " 1.0225269 1.0802431 1.0074548 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 2 3 5 9 11 10 7 15 6 13 8 12 14 16 19 17 18 20]\n", - "=======================\n", - "[\"nearly all of the offenders who obama granted clemency to were convicted of dealing addictive , hard drugs like crack cocaine , methamphetamine and heroin .president barack obama has ordered the release of 22 drug dealers - including eight who were serving life sentences .eight of those whose sentences were commuted - an act the white house said continues obama 's push to make the justice system fairer - were serving terms of life in prison .\"]\n", - "=======================\n", - "['eight of the prisoners granted clemency are serving terms of life in prisonthey were jailed for crimes including cocaine , meth and heroin distributionthe effort targeted sentences handed down under outdated guidelinesobama has approved 43 commutations in six years in office']\n", - "nearly all of the offenders who obama granted clemency to were convicted of dealing addictive , hard drugs like crack cocaine , methamphetamine and heroin .president barack obama has ordered the release of 22 drug dealers - including eight who were serving life sentences .eight of those whose sentences were commuted - an act the white house said continues obama 's push to make the justice system fairer - were serving terms of life in prison .\n", - "eight of the prisoners granted clemency are serving terms of life in prisonthey were jailed for crimes including cocaine , meth and heroin distributionthe effort targeted sentences handed down under outdated guidelinesobama has approved 43 commutations in six years in office\n", - "[1.3133795 1.2457511 1.3556727 1.1201444 1.2973713 1.2369165 1.0823352\n", - " 1.0589068 1.1739388 1.1196052 1.0854251 1.0822515 1.0972806 1.0650762\n", - " 1.0266656 1.0580057 1.0103045 1.0137228]\n", - "\n", - "[ 2 0 4 1 5 8 3 9 12 10 6 11 13 7 15 14 17 16]\n", - "=======================\n", - "[\"the experimental espresso machine is intended for international space station astronaut samantha cristoforetti of italy .spacex is scheduled to launch its unmanned rocket with the espresso maker -- and 4,000 pounds of food , science research and other equipment -- on monday afternoon .this undated image shows a prototype of lavazza and argotec 's ` isspresso ' machine .\"]\n", - "=======================\n", - "[\"the espresso maker , named the isspresso maker after the international space station , is set for lift off on mondayit was designed by italian coffee giant lavazza , engineering company argotec and the italian space agencythe experimental machine was specially designed to for use off the planetit was originally intended for international space station astronaut samantha cristoforetti of italy as relief from the station 's instant coffeenasa 's space station program deputy manager , dan hartman , said it is being sent as part of the goal of making astronauts feel at home\"]\n", - "the experimental espresso machine is intended for international space station astronaut samantha cristoforetti of italy .spacex is scheduled to launch its unmanned rocket with the espresso maker -- and 4,000 pounds of food , science research and other equipment -- on monday afternoon .this undated image shows a prototype of lavazza and argotec 's ` isspresso ' machine .\n", - "the espresso maker , named the isspresso maker after the international space station , is set for lift off on mondayit was designed by italian coffee giant lavazza , engineering company argotec and the italian space agencythe experimental machine was specially designed to for use off the planetit was originally intended for international space station astronaut samantha cristoforetti of italy as relief from the station 's instant coffeenasa 's space station program deputy manager , dan hartman , said it is being sent as part of the goal of making astronauts feel at home\n", - "[1.2073799 1.5316858 1.3750648 1.3680159 1.2386166 1.1764046 1.1839308\n", - " 1.0665481 1.0643567 1.051275 1.0157899 1.0176016 1.1172831 1.0536388\n", - " 1.0243123 1.0176934 1.0130979 0. ]\n", - "\n", - "[ 1 2 3 4 0 6 5 12 7 8 13 9 14 15 11 10 16 17]\n", - "=======================\n", - "[\"darren jones , who is standing for bristol north west , was seen stepping away from his podium after complaining of pins and needles in his legs .the labour candidate started swaying on his feet in front of worried audience members before collapsing in front of presenter ellie pitt and his opponents on made in bristol 's programme , decision made .this is the shocking moment a labour candidate collapsed seconds before he was due to take part in a live tv debate .\"]\n", - "=======================\n", - "[\"darren jones was seen swaying on his feet moments before going on airthe 28-year-old stepped away from his podium with seconds to sparehe collapsed in front of the audience on made in bristol 's decision madelater the candidate said he had been feeling poorly all day before show\"]\n", - "darren jones , who is standing for bristol north west , was seen stepping away from his podium after complaining of pins and needles in his legs .the labour candidate started swaying on his feet in front of worried audience members before collapsing in front of presenter ellie pitt and his opponents on made in bristol 's programme , decision made .this is the shocking moment a labour candidate collapsed seconds before he was due to take part in a live tv debate .\n", - "darren jones was seen swaying on his feet moments before going on airthe 28-year-old stepped away from his podium with seconds to sparehe collapsed in front of the audience on made in bristol 's decision madelater the candidate said he had been feeling poorly all day before show\n", - "[1.2681525 1.1685766 1.369949 1.2682279 1.3098129 1.149028 1.1358231\n", - " 1.1273272 1.1114701 1.0390399 1.0757037 1.0370673 1.0554067 1.0266743\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 4 3 0 1 5 6 7 8 10 12 9 11 13 14 15 16 17]\n", - "=======================\n", - "['people who have never been divorced can expect a retirement income 13 per cent higher than a colleague who has been through a divorce .it also found that one in five divorcees who stop work this year will retire with debts to drag down their disposable income and their lifestyles .it means an extra # 2,100 a year -- # 17,800 rather than # 15,700 -- to anyone who has kept their marriage intact , or who has never married , according to the survey for the prudential .']\n", - "=======================\n", - "['people who have never been divorced can expect an extra # 2,100 a yearsurvey found one in five divorcees who stop work this year will have debtsdebt of divorced retiree averages at # 22,100 , according to prudential report']\n", - "people who have never been divorced can expect a retirement income 13 per cent higher than a colleague who has been through a divorce .it also found that one in five divorcees who stop work this year will retire with debts to drag down their disposable income and their lifestyles .it means an extra # 2,100 a year -- # 17,800 rather than # 15,700 -- to anyone who has kept their marriage intact , or who has never married , according to the survey for the prudential .\n", - "people who have never been divorced can expect an extra # 2,100 a yearsurvey found one in five divorcees who stop work this year will have debtsdebt of divorced retiree averages at # 22,100 , according to prudential report\n", - "[1.4263686 1.4119929 1.1774485 1.3309455 1.1016006 1.1242985 1.0468596\n", - " 1.0821148 1.0926492 1.0440617 1.0172441 1.1226919 1.1342897 1.1769589\n", - " 1.0483897 1.0692235 0. 0. ]\n", - "\n", - "[ 0 1 3 2 13 12 5 11 4 8 7 15 14 6 9 10 16 17]\n", - "=======================\n", - "['mick schumacher made his official pre-season test debut in formula 4 on wednesday as he made his first steps towards single-seater racing in 2015 .the 16-year-old , son of seven-time f1 world champion michael , drew huge media interest to the oschersleben circuit in germany as he drove his van amersfoort car .the young protege began karting seven years ago , and this year reached the german formula 4 - a racing category used as a stepping stone by junior drivers .']\n", - "=======================\n", - "['mick schumacher signed deal with van amersfoort racing last month16-year-old is son of seven-time f1 world champion michael schumachermick makes official formula 4 pre-season test debut at oscherslebenteam-mate is harrison newey , son of red bull designer adrian']\n", - "mick schumacher made his official pre-season test debut in formula 4 on wednesday as he made his first steps towards single-seater racing in 2015 .the 16-year-old , son of seven-time f1 world champion michael , drew huge media interest to the oschersleben circuit in germany as he drove his van amersfoort car .the young protege began karting seven years ago , and this year reached the german formula 4 - a racing category used as a stepping stone by junior drivers .\n", - "mick schumacher signed deal with van amersfoort racing last month16-year-old is son of seven-time f1 world champion michael schumachermick makes official formula 4 pre-season test debut at oscherslebenteam-mate is harrison newey , son of red bull designer adrian\n", - "[1.2172928 1.3732471 1.3202217 1.2652745 1.1862755 1.1735606 1.0584377\n", - " 1.018853 1.0753542 1.1420289 1.1317263 1.071094 1.0209904 1.0322796\n", - " 1.0381966 1.0276634 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 5 9 10 8 11 6 14 13 15 12 7 16 17]\n", - "=======================\n", - "[\"her majesty 's account @britishmonarchy has amassed 970,000 followers during its time online and more than double the 446,000 picked up by the prince of wales and his @clarencehouse account .spain 's glamorous young royal couple , king felipe and queen letizia , come next and the duke and duchess of cambridge take fourth spot .she 's been on the social media site for less than six months but new figures released by twitter reveal the queen is already the world 's most popular online royal .\"]\n", - "=======================\n", - "[\"the queen is the most followed royal on twitter with 970,000 followersnext most popular is prince charles , then spain 's king felipeprince harry and the duke and duchess of cambridge also popularspoof @queen_uk tops the lot with 1.25 m - more than the real queentop celebrities include katy perry , justin bieber and taylor swiftuk 's top politician is david cameron and australia 's is tony abbottus president obama is the world 's most followed politician\"]\n", - "her majesty 's account @britishmonarchy has amassed 970,000 followers during its time online and more than double the 446,000 picked up by the prince of wales and his @clarencehouse account .spain 's glamorous young royal couple , king felipe and queen letizia , come next and the duke and duchess of cambridge take fourth spot .she 's been on the social media site for less than six months but new figures released by twitter reveal the queen is already the world 's most popular online royal .\n", - "the queen is the most followed royal on twitter with 970,000 followersnext most popular is prince charles , then spain 's king felipeprince harry and the duke and duchess of cambridge also popularspoof @queen_uk tops the lot with 1.25 m - more than the real queentop celebrities include katy perry , justin bieber and taylor swiftuk 's top politician is david cameron and australia 's is tony abbottus president obama is the world 's most followed politician\n", - "[1.4344437 1.1089048 1.3933107 1.1415051 1.0767713 1.2067882 1.3240489\n", - " 1.0246806 1.0486042 1.0939455 1.0336633 1.0515257 1.046758 1.0118941\n", - " 1.0316607 1.0595882 0. 0. 0. ]\n", - "\n", - "[ 0 2 6 5 3 1 9 4 15 11 8 12 10 14 7 13 17 16 18]\n", - "=======================\n", - "['ahead of the 79th edition of the masters , sportsmail counts down the 20 greatest shots ever seen at augusta national golf club .needing a birdie to beat mark calcavecchia , sandy lyle sent his 1-iron tee shot into the bunker guarding the left side of the fairway .he holed out for his second of four green jackets .']\n", - "=======================\n", - "['the 79th masters tournament begins on thursday at augusta nationaltiger woods and rory mcilroy are among the leading contendersit has seen many shots which have gone down in golfing legendbubba watson , jack nicklaus and arnold palmer all made history']\n", - "ahead of the 79th edition of the masters , sportsmail counts down the 20 greatest shots ever seen at augusta national golf club .needing a birdie to beat mark calcavecchia , sandy lyle sent his 1-iron tee shot into the bunker guarding the left side of the fairway .he holed out for his second of four green jackets .\n", - "the 79th masters tournament begins on thursday at augusta nationaltiger woods and rory mcilroy are among the leading contendersit has seen many shots which have gone down in golfing legendbubba watson , jack nicklaus and arnold palmer all made history\n", - "[1.4259028 1.2688509 1.2598529 1.3660605 1.1112957 1.0771228 1.0173492\n", - " 1.0216157 1.0181345 1.0775589 1.1098616 1.0726287 1.1465542 1.0557494\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 12 4 10 9 5 11 13 7 8 6 17 14 15 16 18]\n", - "=======================\n", - "[\"whether it is through sir bradley wiggins , geraint thomas or ian stannard , ireland 's classics king sean kelly believes the time has come for team sky to break their duck in one of cycling 's monuments .british bradley wiggins competes during the the gent-wevelgem one day cycling race on march 29with wiggins electing to sign off his team sky career with an appearance at paris-roubaix on april 12 , the races are bound to be a big part of the team 's season whatever the outcome .\"]\n", - "=======================\n", - "[\"team sky have never won one of cycling 's five monument racesthe tour of flanders takes place next weekend with ian stannard and geraint thomas contenders fro team skysean kelly has backed them to finally break their duck\"]\n", - "whether it is through sir bradley wiggins , geraint thomas or ian stannard , ireland 's classics king sean kelly believes the time has come for team sky to break their duck in one of cycling 's monuments .british bradley wiggins competes during the the gent-wevelgem one day cycling race on march 29with wiggins electing to sign off his team sky career with an appearance at paris-roubaix on april 12 , the races are bound to be a big part of the team 's season whatever the outcome .\n", - "team sky have never won one of cycling 's five monument racesthe tour of flanders takes place next weekend with ian stannard and geraint thomas contenders fro team skysean kelly has backed them to finally break their duck\n", - "[1.4783303 1.4518448 1.1722859 1.228218 1.2226195 1.1521865 1.0340837\n", - " 1.0271738 1.0997531 1.083821 1.0858033 1.0220044 1.0108538 1.0177809\n", - " 1.0218683 1.0195196 1.0104939 1.0138801 1.0106887]\n", - "\n", - "[ 0 1 3 4 2 5 8 10 9 6 7 11 14 15 13 17 12 18 16]\n", - "=======================\n", - "[\"alec stewart has expressed his interest in becoming the new director of england cricket following the sacking on wednesday of managing director paul downton .stewart , who played in a record 133 tests for england and is currently director of cricket at surrey , has not yet been approached by the ecb .the early bookies ' favourite for the post is michael vaughan , the former england captain who is close to the incoming ecb chairman colin graves , and has also made clear his desire to help english cricket out of its current state of chaos .\"]\n", - "=======================\n", - "['alec stewart admits he would happily consider a role within ecbengland would need permission from surrey before contacting stewartex wicketkeeper-batsman claims it would be silly not to listen to an offer']\n", - "alec stewart has expressed his interest in becoming the new director of england cricket following the sacking on wednesday of managing director paul downton .stewart , who played in a record 133 tests for england and is currently director of cricket at surrey , has not yet been approached by the ecb .the early bookies ' favourite for the post is michael vaughan , the former england captain who is close to the incoming ecb chairman colin graves , and has also made clear his desire to help english cricket out of its current state of chaos .\n", - "alec stewart admits he would happily consider a role within ecbengland would need permission from surrey before contacting stewartex wicketkeeper-batsman claims it would be silly not to listen to an offer\n", - "[1.4726516 1.390393 1.2469246 1.2419609 1.1396052 1.0325363 1.2150236\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 6 4 5 16 15 14 13 12 9 10 17 8 7 11 18]\n", - "=======================\n", - "['( cnn ) \" star wars \" fans will get more than they bargained for when the saga comes to digital hd on friday .` star wars \\' universe gets its first gay characterin the exclusive first-look video , sound designer ben burtt explains which animals were used to capture the alien sounds made by the geonosians .']\n", - "=======================\n", - "['the \" star wars \" digital collection is set for release this weekspecial features include behind-the-scenes stories on the unique alien sounds from the movie']\n", - "( cnn ) \" star wars \" fans will get more than they bargained for when the saga comes to digital hd on friday .` star wars ' universe gets its first gay characterin the exclusive first-look video , sound designer ben burtt explains which animals were used to capture the alien sounds made by the geonosians .\n", - "the \" star wars \" digital collection is set for release this weekspecial features include behind-the-scenes stories on the unique alien sounds from the movie\n", - "[1.2913413 1.3607486 1.3388216 1.256554 1.1921219 1.1293147 1.0782449\n", - " 1.0871074 1.0749302 1.0549368 1.0750552 1.0507617 1.0742887 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 5 7 6 10 8 12 9 11 17 13 14 15 16 18]\n", - "=======================\n", - "[\"during a ` flex cam ' break at a philadelphia soul game on april 12 a woman proved that she had the biggest muscles in the room and maybe even the city .video of the unidentified woman 's robust display at the arena football league game has over 300,000 views on youtube .a woman strong-armed a man of his flexing title at a football game earlier this month .\"]\n", - "=======================\n", - "[\"during a ` flex cam ' break at a philadelphia soul game on april 12 a woman proved that she had the bigger muscles than the man in front of hervideo of the unidentified woman 's robust display at the arena football league game has over 300,000 views on youtubethe woman shames the man in front of her and perhaps everyone in the arena with her gigantic arms\"]\n", - "during a ` flex cam ' break at a philadelphia soul game on april 12 a woman proved that she had the biggest muscles in the room and maybe even the city .video of the unidentified woman 's robust display at the arena football league game has over 300,000 views on youtube .a woman strong-armed a man of his flexing title at a football game earlier this month .\n", - "during a ` flex cam ' break at a philadelphia soul game on april 12 a woman proved that she had the bigger muscles than the man in front of hervideo of the unidentified woman 's robust display at the arena football league game has over 300,000 views on youtubethe woman shames the man in front of her and perhaps everyone in the arena with her gigantic arms\n", - "[1.0804799 1.1318411 1.0815103 1.2185887 1.1010623 1.3034744 1.2114322\n", - " 1.0638866 1.122285 1.1713576 1.1101339 1.0910648 1.0636858 1.0869079\n", - " 1.0593901 1.0252229 1.0259625 1.0336295 1.01978 ]\n", - "\n", - "[ 5 3 6 9 1 8 10 4 11 13 2 0 7 12 14 17 16 15 18]\n", - "=======================\n", - "[\"they are the defending under 21 premier league champions and the holders of the fa youth cup , which they will put on the line against manchester city next week in their fifth final in six seasons .their 3-2 victory over shakhtar donetsk in nyon meant another piece of silverware for the ever-expanding cabinet at chelsea 's academy .two goal hero izzy brown holds aloft the trophy as chelsea win the uefa youth team league\"]\n", - "=======================\n", - "[\"chelsea 's u19s side were crowned uefa youth league championsthey defeated shakhtar dontsk 3-2 in the final on mondaydespite chelsea 's successful academy , very few graduate to the first-teamizzy brown , dominic solanke and ruben loftus-cheek represent the best chance the club has of bucking the trend\"]\n", - "they are the defending under 21 premier league champions and the holders of the fa youth cup , which they will put on the line against manchester city next week in their fifth final in six seasons .their 3-2 victory over shakhtar donetsk in nyon meant another piece of silverware for the ever-expanding cabinet at chelsea 's academy .two goal hero izzy brown holds aloft the trophy as chelsea win the uefa youth team league\n", - "chelsea 's u19s side were crowned uefa youth league championsthey defeated shakhtar dontsk 3-2 in the final on mondaydespite chelsea 's successful academy , very few graduate to the first-teamizzy brown , dominic solanke and ruben loftus-cheek represent the best chance the club has of bucking the trend\n", - "[1.1775366 1.3596535 1.3143191 1.2361875 1.2182647 1.2151092 1.1457369\n", - " 1.0781592 1.1071802 1.1101015 1.1084042 1.0706121 1.0862901 1.0401262\n", - " 1.0816522 1.028034 1.0093521 0. 0. ]\n", - "\n", - "[ 1 2 3 4 5 0 6 9 10 8 12 14 7 11 13 15 16 17 18]\n", - "=======================\n", - "['in the first three months of the year , 434,775 people waited longer than four hours in hospital emergency wards - some 4,830 patients every day .over the past year , more than 1.4 million people were forced to wait longer than the target time -- compared to just 353,000 in 2009/10 -- the worst on record since 2004 .it is now 89 weeks since hospital a&e s met their waiting targets .']\n", - "=======================\n", - "[\"in the first three months of the year , 434,775 waited longer than four hoursover the past year , more than 1.4 m forced to wait longer than target timea&e waiting times have soared to their worst level in more than 10 yearsit 's now 89 weeks since a&e s met their waiting targets , figures show\"]\n", - "in the first three months of the year , 434,775 people waited longer than four hours in hospital emergency wards - some 4,830 patients every day .over the past year , more than 1.4 million people were forced to wait longer than the target time -- compared to just 353,000 in 2009/10 -- the worst on record since 2004 .it is now 89 weeks since hospital a&e s met their waiting targets .\n", - "in the first three months of the year , 434,775 waited longer than four hoursover the past year , more than 1.4 m forced to wait longer than target timea&e waiting times have soared to their worst level in more than 10 yearsit 's now 89 weeks since a&e s met their waiting targets , figures show\n", - "[1.4008112 1.3869772 1.2482681 1.3877715 1.2972313 1.0433124 1.0225164\n", - " 1.1253284 1.2282969 1.1974455 1.0786798 1.0965886 1.0094286 1.0106269\n", - " 1.0835378 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 8 9 7 11 14 10 5 6 13 12 17 15 16 18]\n", - "=======================\n", - "[\"daniel sturridge faces a fight to be fit for liverpool 's fa cup semi-final against aston villa on sunday after being left out of their game against newcastle united with an injury problem .and now manager brendan rodgers has admitted that his star striker , who has missed much of the season through injury , will have his fitness monitored ahead of the wembley clash on sunday .steven gerrard could return at wembley after seeing out the last game of his suspension against newcastle\"]\n", - "=======================\n", - "['liverpool striker daniel sturridge is missing for game against newcastlebrendan rodgers says he will be monitored ahead of fa cup semi-finalliverpool face aston villa at wembley stadium on sunday afternoonrodgers also said he believes the race for the top four is not over yet']\n", - "daniel sturridge faces a fight to be fit for liverpool 's fa cup semi-final against aston villa on sunday after being left out of their game against newcastle united with an injury problem .and now manager brendan rodgers has admitted that his star striker , who has missed much of the season through injury , will have his fitness monitored ahead of the wembley clash on sunday .steven gerrard could return at wembley after seeing out the last game of his suspension against newcastle\n", - "liverpool striker daniel sturridge is missing for game against newcastlebrendan rodgers says he will be monitored ahead of fa cup semi-finalliverpool face aston villa at wembley stadium on sunday afternoonrodgers also said he believes the race for the top four is not over yet\n", - "[1.3358138 1.4226822 1.1322433 1.3716384 1.1735909 1.251174 1.0618601\n", - " 1.0359365 1.2558357 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 8 5 4 2 6 7 16 15 14 13 9 11 10 17 12 18]\n", - "=======================\n", - "['the manchester united winger , who has endured a frustrating season under louis van gaal , had turned out for the under 21 side at fulham on tuesday night amid reports he could be farmed out on loan next season .adnan januzaj ( left ) cheered on shaun murphy ( right ) at the world championship in sheffieldadnan januzaj swapped the lush turf of old trafford for the green baize at sheffield when he turned up at the snooker world championships on wednesday .']\n", - "=======================\n", - "['adnan januzaj turned up at the snooker world championship in sheffieldthe manchester united winger cheered on shaun murphy in last eightmurphy beat anthony mcgill to reach the semi finals at the crucible']\n", - "the manchester united winger , who has endured a frustrating season under louis van gaal , had turned out for the under 21 side at fulham on tuesday night amid reports he could be farmed out on loan next season .adnan januzaj ( left ) cheered on shaun murphy ( right ) at the world championship in sheffieldadnan januzaj swapped the lush turf of old trafford for the green baize at sheffield when he turned up at the snooker world championships on wednesday .\n", - "adnan januzaj turned up at the snooker world championship in sheffieldthe manchester united winger cheered on shaun murphy in last eightmurphy beat anthony mcgill to reach the semi finals at the crucible\n", - "[1.546293 1.4100984 1.1564951 1.3251671 1.4588954 1.0980829 1.0546956\n", - " 1.0525826 1.022503 1.0207033 1.0135605 1.0186903 1.1409737 1.0485252\n", - " 1.0244803 1.018288 1.0095686 1.0223181 1.043264 ]\n", - "\n", - "[ 0 4 1 3 2 12 5 6 7 13 18 14 8 17 9 11 15 10 16]\n", - "=======================\n", - "['chelsea boss jose mourinho would welcome jurgen klopp to the barclays premier league - after being assured he is not coming to take his job .the 47-year-old german has been tipped to make the move to england next season after confirming earlier this week that he will leave current club borussia dortmund after seven years at the end of the season .mourinho admits he has no idea where klopp will end up - but knows it will not be at stamford bridge .']\n", - "=======================\n", - "['jurgen klopp will leave borussia dortmund at the end of the seasonbundesliga boss has been touted to take over from manual pellegrini at manchester citygerman has told jose mourinho that he will not be coming to chelsea']\n", - "chelsea boss jose mourinho would welcome jurgen klopp to the barclays premier league - after being assured he is not coming to take his job .the 47-year-old german has been tipped to make the move to england next season after confirming earlier this week that he will leave current club borussia dortmund after seven years at the end of the season .mourinho admits he has no idea where klopp will end up - but knows it will not be at stamford bridge .\n", - "jurgen klopp will leave borussia dortmund at the end of the seasonbundesliga boss has been touted to take over from manual pellegrini at manchester citygerman has told jose mourinho that he will not be coming to chelsea\n", - "[1.1720203 1.2435193 1.1981466 1.112348 1.3385437 1.3207792 1.1252738\n", - " 1.0527831 1.0201806 1.0772802 1.0780424 1.0214993 1.0257443 1.0484413\n", - " 1.0339577 1.0251611 1.0219835 1.0180066 1.0151733 1.0286164 0.\n", - " 0. ]\n", - "\n", - "[ 4 5 1 2 0 6 3 10 9 7 13 14 19 12 15 16 11 8 17 18 20 21]\n", - "=======================\n", - "['nico rosberg ( left ) looks less than impressed after finishing second to mercedes team-mate lewis hamiltonthe german driver blamed hamilton for slowing down and bunching him up as sebastian vettel closed inrosberg was , i thought , disgruntled by his failure to match his team-mate during a run of eight wins in the last 10 races .']\n", - "=======================\n", - "['are we seeing a mental disintegration of nico rosberg as a racing driver ?last season rosberg was the epitome of focus , intelligence and calculationsince his spa collision with lewis hamilton his composure has diminishedmax verstappen , 17 , impressed with classy driving ability in chinarosberg : attempting to overtake hamilton could have cost me second']\n", - "nico rosberg ( left ) looks less than impressed after finishing second to mercedes team-mate lewis hamiltonthe german driver blamed hamilton for slowing down and bunching him up as sebastian vettel closed inrosberg was , i thought , disgruntled by his failure to match his team-mate during a run of eight wins in the last 10 races .\n", - "are we seeing a mental disintegration of nico rosberg as a racing driver ?last season rosberg was the epitome of focus , intelligence and calculationsince his spa collision with lewis hamilton his composure has diminishedmax verstappen , 17 , impressed with classy driving ability in chinarosberg : attempting to overtake hamilton could have cost me second\n", - "[1.5423086 1.3322791 1.1856298 1.11543 1.324057 1.1024866 1.0806456\n", - " 1.0662347 1.1473174 1.1115495 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 4 2 8 3 9 5 6 7 19 18 17 16 15 10 13 12 11 20 14 21]\n", - "=======================\n", - "[\"( cnn ) israeli prime minister benjamin netanyahu will get two extra weeks to form a government , israel 's president said in a news release monday .netanyahu made the request at president reuven rivlin 's jerusalem home monday .netanyahu must form his government in less than 42 days , according to israeli law .\"]\n", - "=======================\n", - "['israeli law says the prime minister must form his government in less than 42 daysnetanyahu cites government stability and reaching \" agreement on important issues \" as reasons he needs additional time']\n", - "( cnn ) israeli prime minister benjamin netanyahu will get two extra weeks to form a government , israel 's president said in a news release monday .netanyahu made the request at president reuven rivlin 's jerusalem home monday .netanyahu must form his government in less than 42 days , according to israeli law .\n", - "israeli law says the prime minister must form his government in less than 42 daysnetanyahu cites government stability and reaching \" agreement on important issues \" as reasons he needs additional time\n", - "[1.3482857 1.2189293 1.4095452 1.3196826 1.2691567 1.1766286 1.1361809\n", - " 1.11793 1.0974113 1.1498187 1.023602 1.0160546 1.03915 1.106609\n", - " 1.0156727 1.0115135 1.0389752 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 3 4 1 5 9 6 7 13 8 12 16 10 11 14 15 20 17 18 19 21]\n", - "=======================\n", - "['chinese-born yingying dou , 30 , reportedly ran the mymaster website which charged up to $ 1000 per assignment and was used by hundreds of students across 12 nsw universities .yingying dou ran the essay writing site mymasterbut internal emails show just five students have been found guilty of cheating , the sydney morning herald reported .']\n", - "=======================\n", - "['yingying dou , 30 , reportedly ran the website called mymastershe charged up to $ 1000 for her staff to write university essayswebsite was written in chinese and advertised to international students']\n", - "chinese-born yingying dou , 30 , reportedly ran the mymaster website which charged up to $ 1000 per assignment and was used by hundreds of students across 12 nsw universities .yingying dou ran the essay writing site mymasterbut internal emails show just five students have been found guilty of cheating , the sydney morning herald reported .\n", - "yingying dou , 30 , reportedly ran the website called mymastershe charged up to $ 1000 for her staff to write university essayswebsite was written in chinese and advertised to international students\n", - "[1.2675877 1.445908 1.3342888 1.1981844 1.1333603 1.321394 1.0910968\n", - " 1.0549039 1.0614169 1.1113057 1.0607042 1.0424278 1.0503187 1.0653406\n", - " 1.0134753 1.0299073 1.0169231 1.0375832 1.0243251 1.0104967 1.0114694\n", - " 1.0496157]\n", - "\n", - "[ 1 2 5 0 3 4 9 6 13 8 10 7 12 21 11 17 15 18 16 14 20 19]\n", - "=======================\n", - "['jonathan krueger , the photo editor at the school newspaper and a junior in the college of communication and information , was shot in the chest around 2 a.m. friday while walking home .police charged justin smith , 18 , with the murder friday afternoon , this after he fled when they tried to stop him earlier in the morning while driving a minivan that matched the one described by someone who was with the victim .a 22-year-old university of kentucky student was shot and killed near campus in what police describe as an attempted robbery .']\n", - "=======================\n", - "['jonathan krueger , the photo editor at the school newspaper and a junior in the college of communication and information , was shot deadpolice are saying the shooting was an attempted robbery gone awrya man who was with krueger told officers a van pulled up and confronted themthat man was able to escape and found two men outside a nearby home who called policepolice arrested justin d. rose , 18 , and charged him with the murder this afternoon']\n", - "jonathan krueger , the photo editor at the school newspaper and a junior in the college of communication and information , was shot in the chest around 2 a.m. friday while walking home .police charged justin smith , 18 , with the murder friday afternoon , this after he fled when they tried to stop him earlier in the morning while driving a minivan that matched the one described by someone who was with the victim .a 22-year-old university of kentucky student was shot and killed near campus in what police describe as an attempted robbery .\n", - "jonathan krueger , the photo editor at the school newspaper and a junior in the college of communication and information , was shot deadpolice are saying the shooting was an attempted robbery gone awrya man who was with krueger told officers a van pulled up and confronted themthat man was able to escape and found two men outside a nearby home who called policepolice arrested justin d. rose , 18 , and charged him with the murder this afternoon\n", - "[1.3550266 1.2929201 1.1491858 1.1332636 1.1400287 1.1067445 1.0579369\n", - " 1.0616925 1.066376 1.07108 1.0647732 1.0523348 1.0328059 1.1068734\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 4 3 13 5 9 8 10 7 6 11 12 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"in the previews for bruce jenner 's much-anticipated interview with diane sawyer , he said that his whole life has been getting him ready for this moment - and truly , the olympian 's changing looks over the years most certainly seem to have been building up to some kind of dramatic transformation .since achieving fame in 1976 , when he won olympic gold in the men 's decathlon , bruce , now 65 , has notoriously undergone countless cosmetic procedures , from multiple nose jobs to the shaving down of his adam 's apple , many of which - including a revisionary face lift - have been documented as part of his well-known reality series keeping up with the kardashians .now sporting manicures and ponytails , the former playgirl cover hunk has evolved from being the picture of american manliness into a favorite feminine topic of tabloid speculation .\"]\n", - "=======================\n", - "[\"for the first time after worldwide speculation , bruce jenner confirmed to diane sawyer : ' i am a woman 'he once encapsulated what it meant to be an alpha male : olympic champion , muscle-clad , hairytold sawyer he was ' a confused person at that time ' during those olympic dayshe revealed all of his three wives , including kris jenner , knew he cross-dressed\"]\n", - "in the previews for bruce jenner 's much-anticipated interview with diane sawyer , he said that his whole life has been getting him ready for this moment - and truly , the olympian 's changing looks over the years most certainly seem to have been building up to some kind of dramatic transformation .since achieving fame in 1976 , when he won olympic gold in the men 's decathlon , bruce , now 65 , has notoriously undergone countless cosmetic procedures , from multiple nose jobs to the shaving down of his adam 's apple , many of which - including a revisionary face lift - have been documented as part of his well-known reality series keeping up with the kardashians .now sporting manicures and ponytails , the former playgirl cover hunk has evolved from being the picture of american manliness into a favorite feminine topic of tabloid speculation .\n", - "for the first time after worldwide speculation , bruce jenner confirmed to diane sawyer : ' i am a woman 'he once encapsulated what it meant to be an alpha male : olympic champion , muscle-clad , hairytold sawyer he was ' a confused person at that time ' during those olympic dayshe revealed all of his three wives , including kris jenner , knew he cross-dressed\n", - "[1.1858654 1.3415518 1.4465306 1.2766837 1.103533 1.159475 1.0658143\n", - " 1.1593823 1.0333412 1.020794 1.0158849 1.1004682 1.0319848 1.0498482\n", - " 1.0517277 1.151778 1.0283312 1.0232683 1.0185007]\n", - "\n", - "[ 2 1 3 0 5 7 15 4 11 6 14 13 8 12 16 17 9 18 10]\n", - "=======================\n", - "[\"outcry : opera singer liu guijuan is heavily criticised for showing off her headdress ( pictured ) made with feather from 80 kingfishersweb users and conservationists quickly criticised her indifference towards animal welfare after it emerged the accessory was made from the feathers of no less than 80 of the colourful birds , according to the people 's daily online .opera is n't normally a field associated with animal cruelty , but the two worlds have collided in china after a singer posted pictures of herself wearing a headdress made from kingfisher feathers .\"]\n", - "=======================\n", - "['liu guijuan shared pictures of the headdress on chinese social mediaheadpiece is said to cost # 10,775 and uses feathers from 80 kingfishersconservationists criticised miss liu as condoning animal crueltyartist fought back stating she bought the luxurious piece in name of art']\n", - "outcry : opera singer liu guijuan is heavily criticised for showing off her headdress ( pictured ) made with feather from 80 kingfishersweb users and conservationists quickly criticised her indifference towards animal welfare after it emerged the accessory was made from the feathers of no less than 80 of the colourful birds , according to the people 's daily online .opera is n't normally a field associated with animal cruelty , but the two worlds have collided in china after a singer posted pictures of herself wearing a headdress made from kingfisher feathers .\n", - "liu guijuan shared pictures of the headdress on chinese social mediaheadpiece is said to cost # 10,775 and uses feathers from 80 kingfishersconservationists criticised miss liu as condoning animal crueltyartist fought back stating she bought the luxurious piece in name of art\n", - "[1.3099756 1.36085 1.3215884 1.3006138 1.0299603 1.1109929 1.101007\n", - " 1.154527 1.063367 1.0990678 1.0535302 1.1533927 1.0533271 1.0091901\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 7 11 5 6 9 8 10 12 4 13 17 14 15 16 18]\n", - "=======================\n", - "[\"at the launch of their manifesto today , the liberal democrats will vow to protect the entire education budget in the next parliament ` from cradle to college ' .nick clegg will today promise the highest education spending of any party with a # 5billion flagship offer to undecided voters .but mr clegg will claim the lib dems are now ` the party of education ' and the school funding commitment is firm because it will be on the front page of today 's manifesto of pledges .\"]\n", - "=======================\n", - "[\"nick clegg vows to protect entire education budget ` from cradle to college 'spending would rise per pupil and also in line with inflation from 2018mr clegg will claim the liberal democrats are now ` the party of education '\"]\n", - "at the launch of their manifesto today , the liberal democrats will vow to protect the entire education budget in the next parliament ` from cradle to college ' .nick clegg will today promise the highest education spending of any party with a # 5billion flagship offer to undecided voters .but mr clegg will claim the lib dems are now ` the party of education ' and the school funding commitment is firm because it will be on the front page of today 's manifesto of pledges .\n", - "nick clegg vows to protect entire education budget ` from cradle to college 'spending would rise per pupil and also in line with inflation from 2018mr clegg will claim the liberal democrats are now ` the party of education '\n", - "[1.3512422 1.4105793 1.1431749 1.3484793 1.2858584 1.3152359 1.0321276\n", - " 1.0098274 1.224532 1.1346098 1.0101662 1.0213748 1.009156 1.1714174\n", - " 1.2679197 1.019603 1.1890005 1.0714866 0. ]\n", - "\n", - "[ 1 0 3 5 4 14 8 16 13 2 9 17 6 11 15 10 7 12 18]\n", - "=======================\n", - "[\"victory over fourth-placed valencia will take enrique 's men at least temporarily five points clear at the top of the table with title rivals real madrid not kicking off against malaga until evening .barcelona boss luis enrique has urged his side to switch their attention back to the la liga title racebarcelona midfielder andreas iniesta has been ruled out of his side 's league encounter against valencia\"]\n", - "=======================\n", - "['luis enrique insists his side will be focusing their attention on valenciabarcelona impressed in midweek as they beat psg 3-1 at parc des princesthe catalan giants are currently two points ahead of real madrid']\n", - "victory over fourth-placed valencia will take enrique 's men at least temporarily five points clear at the top of the table with title rivals real madrid not kicking off against malaga until evening .barcelona boss luis enrique has urged his side to switch their attention back to the la liga title racebarcelona midfielder andreas iniesta has been ruled out of his side 's league encounter against valencia\n", - "luis enrique insists his side will be focusing their attention on valenciabarcelona impressed in midweek as they beat psg 3-1 at parc des princesthe catalan giants are currently two points ahead of real madrid\n", - "[1.2887814 1.3523997 1.1659776 1.2439048 1.2827787 1.1903464 1.1276076\n", - " 1.1713169 1.0450712 1.0223949 1.0267726 1.0780132 1.0530586 1.1855338\n", - " 1.0229012 1.0131834 1.0146021 0. 0. ]\n", - "\n", - "[ 1 0 4 3 5 13 7 2 6 11 12 8 10 14 9 16 15 17 18]\n", - "=======================\n", - "[\"but at the same time he claimed that overall caps on net migration -- as pledged by the tories -- would be ` ludicrous ' because it was impossible to stop people leaving the country .confusion over ukip 's immigration policy grew yesterday after nigel farage called for the number of arrivals into britain to be limited at 50,000 a year .the conservatives accused mr farage of ` making up his policies as he goes along ' -- but mr farage has denied his party has made any u-turns on immigration .\"]\n", - "=======================\n", - "[\"in february , ukip unveiled 50,000 cap on those being given visas for ukfarage then refused to have ` arbitrary targets ' , before moving it to 30,000tories accused mr farage of ` making up his policies as he goes along 'mr farage has denied his party has made any u-turns on immigration\"]\n", - "but at the same time he claimed that overall caps on net migration -- as pledged by the tories -- would be ` ludicrous ' because it was impossible to stop people leaving the country .confusion over ukip 's immigration policy grew yesterday after nigel farage called for the number of arrivals into britain to be limited at 50,000 a year .the conservatives accused mr farage of ` making up his policies as he goes along ' -- but mr farage has denied his party has made any u-turns on immigration .\n", - "in february , ukip unveiled 50,000 cap on those being given visas for ukfarage then refused to have ` arbitrary targets ' , before moving it to 30,000tories accused mr farage of ` making up his policies as he goes along 'mr farage has denied his party has made any u-turns on immigration\n", - "[1.3184981 1.3583418 1.14917 1.3258891 1.1269418 1.1813917 1.0295577\n", - " 1.1024958 1.0635791 1.0507584 1.0645388 1.1675997 1.0308465 1.0652525\n", - " 1.0118889 1.0130166 1.0189342 0. 0. ]\n", - "\n", - "[ 1 3 0 5 11 2 4 7 13 10 8 9 12 6 16 15 14 17 18]\n", - "=======================\n", - "[\"the celebrity doctor did n't pull any punches in thursday 's episode of the dr. oz show which was called the truth about his critics .a week after 10 doctors urged columbia university to sever all ties with him , dr. oz has used his syndicated tv show to hit back and claim that the criticism is part of a conspiracy because of his views on genetically modified foods .the doctors accused him of being a ` charlatan ' who promotes ` quack treatments ' and as someone who ` has repeatedly shown disdain for science and for evidence-based medicine , as well as baseless and relentless opposition to the genetic engineering of food crops ' .\"]\n", - "=======================\n", - "[\"tv doctor used thursday 's show to hit back at his critics who he accused of having ` conflict of interest issues - and some integrity ones also 'ten doctors signed a letter last week calling oz a ` charlatan ' who promotes ` quack treatments 'oz said he was being targetted because he supports gmo labelinghis show featured a report on how some of the 10 doctors have received grants from monsanto , who manufactures gmo seedshe also told nbc news that the dr. oz show is actually ` not a medical show , ' but it will no longer use ` inflammatory ' words like ` miracle '\"]\n", - "the celebrity doctor did n't pull any punches in thursday 's episode of the dr. oz show which was called the truth about his critics .a week after 10 doctors urged columbia university to sever all ties with him , dr. oz has used his syndicated tv show to hit back and claim that the criticism is part of a conspiracy because of his views on genetically modified foods .the doctors accused him of being a ` charlatan ' who promotes ` quack treatments ' and as someone who ` has repeatedly shown disdain for science and for evidence-based medicine , as well as baseless and relentless opposition to the genetic engineering of food crops ' .\n", - "tv doctor used thursday 's show to hit back at his critics who he accused of having ` conflict of interest issues - and some integrity ones also 'ten doctors signed a letter last week calling oz a ` charlatan ' who promotes ` quack treatments 'oz said he was being targetted because he supports gmo labelinghis show featured a report on how some of the 10 doctors have received grants from monsanto , who manufactures gmo seedshe also told nbc news that the dr. oz show is actually ` not a medical show , ' but it will no longer use ` inflammatory ' words like ` miracle '\n", - "[1.3932327 1.1114101 1.337928 1.3351798 1.2488873 1.0649754 1.0814145\n", - " 1.0464989 1.0310608 1.0624137 1.0979815 1.0315058 1.0711781 1.0318626\n", - " 1.0425619 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 3 4 1 10 6 12 5 9 7 14 13 11 8 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"mi5 has issued an alert over the threat posed by rogue workers in britain 's nuclear , transport and public services after suicide pilot andreas lubitz killed 150 people in the alps plane crash disaster .mi5 is now giving advice on the risk posed by thousands of employees working in sensitive areas -- known as ` insiders ' -- highlighted by the germanwings disaster .co-pilot andreas lubitz , who was being treated for depression , was able to override a security system installed on flights following the 9/11 attacks as he flew the aircraft into the ground .\"]\n", - "=======================\n", - "['alert issued over rogue workers in nuclear , transport and public servicesmi5 giving advice on risk posed by employees working in sensitive areasfollows actions of pilot andreas lubitz who killed 150 people in the alpsa ba pilot claims his airline does not carry out mental health checks']\n", - "mi5 has issued an alert over the threat posed by rogue workers in britain 's nuclear , transport and public services after suicide pilot andreas lubitz killed 150 people in the alps plane crash disaster .mi5 is now giving advice on the risk posed by thousands of employees working in sensitive areas -- known as ` insiders ' -- highlighted by the germanwings disaster .co-pilot andreas lubitz , who was being treated for depression , was able to override a security system installed on flights following the 9/11 attacks as he flew the aircraft into the ground .\n", - "alert issued over rogue workers in nuclear , transport and public servicesmi5 giving advice on risk posed by employees working in sensitive areasfollows actions of pilot andreas lubitz who killed 150 people in the alpsa ba pilot claims his airline does not carry out mental health checks\n", - "[1.0905865 1.4675745 1.2533741 1.3209136 1.2673113 1.0984981 1.1047115\n", - " 1.0979688 1.186393 1.093779 1.0524129 1.0610985 1.0194763 1.0186585\n", - " 1.0147048 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 4 2 8 6 5 7 9 0 11 10 12 13 14 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"american expat brad reynolds has become the travel website 's top contributor , writing more than 3,300 reviews and uploading nearly 40,000 photos in just five years .the 38-year-old , who now lives in hong kong , gave a five-star review of ` amazing ' pushkar , india after attending its camel fairposting under the username bradjill , brad averages nearly two reviews a day and has made more than 66,000 contributions to the website , including 3,355 reviews , 21,000 forum posts and seven videos .\"]\n", - "=======================\n", - "[\"american expat brad reynolds wrote his first review in 2010 while visiting saint petersburg , russiathe 38-year-old teacher critiques every hotel , restaurant and landmark he visits on holidaybrad 's 66,000 contributions to the travel website include nearly 40,000 photos of the places he has visitedthe teacher has posted reviews from nearly 400 cities and almost 50 countriesnow living in hong kong , his travel tips have been read by millions of people around the world\"]\n", - "american expat brad reynolds has become the travel website 's top contributor , writing more than 3,300 reviews and uploading nearly 40,000 photos in just five years .the 38-year-old , who now lives in hong kong , gave a five-star review of ` amazing ' pushkar , india after attending its camel fairposting under the username bradjill , brad averages nearly two reviews a day and has made more than 66,000 contributions to the website , including 3,355 reviews , 21,000 forum posts and seven videos .\n", - "american expat brad reynolds wrote his first review in 2010 while visiting saint petersburg , russiathe 38-year-old teacher critiques every hotel , restaurant and landmark he visits on holidaybrad 's 66,000 contributions to the travel website include nearly 40,000 photos of the places he has visitedthe teacher has posted reviews from nearly 400 cities and almost 50 countriesnow living in hong kong , his travel tips have been read by millions of people around the world\n", - "[1.4231398 1.2215929 1.1600089 1.1178856 1.3979518 1.0976577 1.0317359\n", - " 1.0353458 1.0305357 1.034112 1.0221885 1.0436715 1.1151178 1.0223616\n", - " 1.0200764 1.0183489 1.0321678 1.0276817 1.03712 1.3465335 1.0252149\n", - " 1.0181853 1.0200475]\n", - "\n", - "[ 0 4 19 1 2 3 12 5 11 18 7 9 16 6 8 17 20 13 10 14 22 15 21]\n", - "=======================\n", - "[\"raheem sterling gave a revealing insight into his future on wednesday , insisting he was not a money-grabbing 20-year-old despite turning down a liverpool contract worth # 100,000-a-week .sterling rejected liverpool 's contract offer of # 100,000-a-week and says he is focusing on his footballthe england winger instead pointed to his desire to finish out the season before considering any more offers , focusing on winning trophies with his club for the time being .\"]\n", - "=======================\n", - "['raheem sterling rejected contract offer of # 100,000-a-week at liverpoolyoung winger gave revealing interview to the bbc on wednesdaybut what did sterling mean with some of his statements ?']\n", - "raheem sterling gave a revealing insight into his future on wednesday , insisting he was not a money-grabbing 20-year-old despite turning down a liverpool contract worth # 100,000-a-week .sterling rejected liverpool 's contract offer of # 100,000-a-week and says he is focusing on his footballthe england winger instead pointed to his desire to finish out the season before considering any more offers , focusing on winning trophies with his club for the time being .\n", - "raheem sterling rejected contract offer of # 100,000-a-week at liverpoolyoung winger gave revealing interview to the bbc on wednesdaybut what did sterling mean with some of his statements ?\n", - "[1.2687539 1.414241 1.2004325 1.1272418 1.2301431 1.0627472 1.1897635\n", - " 1.1882101 1.034275 1.039763 1.0505486 1.0931195 1.102798 1.0177706\n", - " 1.0313836 1.0631596 1.0264448 1.0127214 1.0163095 1.03272 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 4 2 6 7 3 12 11 15 5 10 9 8 19 14 16 13 18 17 21 20 22]\n", - "=======================\n", - "[\"climate specialist don white from weatherwatch australia confirmed that severe weather warnings were issued by the bureau of meteorology on sunday .it 's the worst storm to hit the nsw coast in a decade , but what everyone in the region wants to know is why no warning was given that it was going to be this bad .but it turned out to hit closer to newcastle than port macquarie , ' mr white told daily mail australia .\"]\n", - "=======================\n", - "[\"main problem was that the bureau of meteorology could not forecast exactly where the storm would formstorm was forecast to gather between port macquarie and newcastle , but it formed just north of newcastleit then covered 150km south from newcastle to wollongong where a third of australia 's population livewhen the storm hit it caused the maximum amount of destruction because of it being a huge suburban areabudget cuts also meant the bureau of meteorology did not have as many resources at its disposal` it 's just economics .emergency services admitted on tuesday they were shocked by the severity of the stormtheir teams were overwhelmed by a weather system that changed very rapidlythis weather system usually moves away after 12 hours but this one is going to stick around for 24-36 hours\"]\n", - "climate specialist don white from weatherwatch australia confirmed that severe weather warnings were issued by the bureau of meteorology on sunday .it 's the worst storm to hit the nsw coast in a decade , but what everyone in the region wants to know is why no warning was given that it was going to be this bad .but it turned out to hit closer to newcastle than port macquarie , ' mr white told daily mail australia .\n", - "main problem was that the bureau of meteorology could not forecast exactly where the storm would formstorm was forecast to gather between port macquarie and newcastle , but it formed just north of newcastleit then covered 150km south from newcastle to wollongong where a third of australia 's population livewhen the storm hit it caused the maximum amount of destruction because of it being a huge suburban areabudget cuts also meant the bureau of meteorology did not have as many resources at its disposal` it 's just economics .emergency services admitted on tuesday they were shocked by the severity of the stormtheir teams were overwhelmed by a weather system that changed very rapidlythis weather system usually moves away after 12 hours but this one is going to stick around for 24-36 hours\n", - "[1.5647084 1.2460765 1.1935526 1.2958982 1.1418811 1.0759072 1.0603013\n", - " 1.0473154 1.0414829 1.1263998 1.0173048 1.0127722 1.0140444 1.0129559\n", - " 1.0144081 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 9 5 6 7 8 10 14 12 13 11 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"kevin gameiro saved his goalkeeper 's blushes with a late equaliser which put defending champions sevilla into the last four of the europa league .carlos bacca slams home the early penalty after vitolo had been brought down by neto after five minutebeto had looked to have cost his side their progress , with the game heading towards extra time , before substitute gameiro arrived to slot home with five minutes remaining .\"]\n", - "=======================\n", - "['carlos bacca puts sevilla ahead from the spot after vitolo was fouledsalomon rondon equalises following blunder from betobeto gives away second goal when he turns hulk shot over his own linekevin gameiro wins the tie for sevilla on break in closing minutes']\n", - "kevin gameiro saved his goalkeeper 's blushes with a late equaliser which put defending champions sevilla into the last four of the europa league .carlos bacca slams home the early penalty after vitolo had been brought down by neto after five minutebeto had looked to have cost his side their progress , with the game heading towards extra time , before substitute gameiro arrived to slot home with five minutes remaining .\n", - "carlos bacca puts sevilla ahead from the spot after vitolo was fouledsalomon rondon equalises following blunder from betobeto gives away second goal when he turns hulk shot over his own linekevin gameiro wins the tie for sevilla on break in closing minutes\n", - "[1.2074528 1.4829328 1.3180829 1.3856821 1.2813246 1.039235 1.0165226\n", - " 1.1447637 1.0667301 1.0502441 1.0952343 1.1399342 1.1754737 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 12 7 11 10 8 9 5 6 22 13 14 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"eagle scout brian gewirtz told his family he was going for a walk near his brooklyn , new york , home on february 17 , but did n't come back .his family started a frantic search in the local community , warning people of his disability which made it hard for him to understand spoken language .but police said friday his body had been discovered at marine park golf club , just two miles from his home .\"]\n", - "=======================\n", - "[\"brian gewirtz , 20 , left his home in brooklyn , new york , on february 17he did n't return , sparking a frantic search from his familyhis body was found in a creek near the marine park golf clubpolice said he may have walked into the park and got disorientated\"]\n", - "eagle scout brian gewirtz told his family he was going for a walk near his brooklyn , new york , home on february 17 , but did n't come back .his family started a frantic search in the local community , warning people of his disability which made it hard for him to understand spoken language .but police said friday his body had been discovered at marine park golf club , just two miles from his home .\n", - "brian gewirtz , 20 , left his home in brooklyn , new york , on february 17he did n't return , sparking a frantic search from his familyhis body was found in a creek near the marine park golf clubpolice said he may have walked into the park and got disorientated\n", - "[1.1023041 1.2327745 1.4308757 1.5182847 1.269194 1.0948521 1.0371721\n", - " 1.0322057 1.0322092 1.0979595 1.0262992 1.0195465 1.050988 1.0176798\n", - " 1.0471797 1.0147537 1.0315237 1.0364784 1.0154332 1.0143452 1.0246217\n", - " 1.099248 1.1445912 1.0615343]\n", - "\n", - "[ 3 2 4 1 22 0 21 9 5 23 12 14 6 17 8 7 16 10 20 11 13 18 15 19]\n", - "=======================\n", - "[\"ap mccoy will race at sandown on saturday for the last time before he retires following a successful careercheltenham gold cup winner thornton has been one of the few weighing room colleagues to witness mccoy 's entire career , from shy newcomer to national sporting superstar .that is the verdict of colleague andrew thornton when trying to explain what has made ap mccoy such a dominant force in his sport .\"]\n", - "=======================\n", - "['ap mccoy has his final two rides at sandown in surrey on saturdayno sane jockey would ever try to emulate 20-time champion jockeymccoy will be hoping to bow out on a winner with box office at saturdaythe sandown track is completely sold out as fans bid farewell to a hero']\n", - "ap mccoy will race at sandown on saturday for the last time before he retires following a successful careercheltenham gold cup winner thornton has been one of the few weighing room colleagues to witness mccoy 's entire career , from shy newcomer to national sporting superstar .that is the verdict of colleague andrew thornton when trying to explain what has made ap mccoy such a dominant force in his sport .\n", - "ap mccoy has his final two rides at sandown in surrey on saturdayno sane jockey would ever try to emulate 20-time champion jockeymccoy will be hoping to bow out on a winner with box office at saturdaythe sandown track is completely sold out as fans bid farewell to a hero\n", - "[1.0292681 1.5210665 1.2155844 1.3429446 1.1697024 1.2521751 1.0737249\n", - " 1.2835053 1.1559488 1.052314 1.0504142 1.032808 1.1257185 1.0385885\n", - " 1.0096142 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 7 5 2 4 8 12 6 9 10 13 11 0 14 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"burlesque queen dita von teese is offering burlesque workshops at canyon ranch , a luxury health resort in tucson , arizona .von teese , real name heather renée sweet , will team up with burlesque teacher catherine d'lish , to offer ranch guests a striptease workshopwith an emphasis on self-confidence boosting , the forty two-year-old fashion designer and author famous for her raunchy routines will run presentations and classes incorporating the principles of modern burlesque - the ` art form ' she famously revived .\"]\n", - "=======================\n", - "[\"burlesque star , 42 , is offering workshops at canyon ranch , arizonalearn how to ` strut ' and skillfully remove garters , stockings and gloves` wellness experts will discuss sensuality , intimacy and sexual health\"]\n", - "burlesque queen dita von teese is offering burlesque workshops at canyon ranch , a luxury health resort in tucson , arizona .von teese , real name heather renée sweet , will team up with burlesque teacher catherine d'lish , to offer ranch guests a striptease workshopwith an emphasis on self-confidence boosting , the forty two-year-old fashion designer and author famous for her raunchy routines will run presentations and classes incorporating the principles of modern burlesque - the ` art form ' she famously revived .\n", - "burlesque star , 42 , is offering workshops at canyon ranch , arizonalearn how to ` strut ' and skillfully remove garters , stockings and gloves` wellness experts will discuss sensuality , intimacy and sexual health\n", - "[1.2816942 1.1052296 1.1305311 1.2035221 1.4278942 1.0592018 1.0324531\n", - " 1.2018269 1.1041847 1.0936182 1.050963 1.0499247 1.0438118 1.0208251\n", - " 1.0790473 1.0485418 1.0620097 1.0755484 1.0921565 1.0737116 1.0458524\n", - " 0. 0. 0. ]\n", - "\n", - "[ 4 0 3 7 2 1 8 9 18 14 17 19 16 5 10 11 15 20 12 6 13 22 21 23]\n", - "=======================\n", - "[\"lewis hamilton ( right ) and nico rosberg have both had their say on sunday 's chinese grand prixhamilton was particularly strident saying that the difference is that he is a ` racer ' and rosberg is not .rosberg , who was beaten into second place by hamilton , said his team-mate had been ` selfish ' by slowing down while leading the race .\"]\n", - "=======================\n", - "[\"a dispute broke out between lewis hamilton and nico rosberg on sundayhamilton finished ahead of his team-mate to win the chinese grand prixthe british driver said that he is a ` racer ' and rosberg is notboth mercedes drivers are en route to sunday 's bahrain grand prix\"]\n", - "lewis hamilton ( right ) and nico rosberg have both had their say on sunday 's chinese grand prixhamilton was particularly strident saying that the difference is that he is a ` racer ' and rosberg is not .rosberg , who was beaten into second place by hamilton , said his team-mate had been ` selfish ' by slowing down while leading the race .\n", - "a dispute broke out between lewis hamilton and nico rosberg on sundayhamilton finished ahead of his team-mate to win the chinese grand prixthe british driver said that he is a ` racer ' and rosberg is notboth mercedes drivers are en route to sunday 's bahrain grand prix\n", - "[1.4125891 1.4127957 1.1813246 1.3988934 1.1075569 1.0527339 1.0385939\n", - " 1.0380282 1.0292999 1.065861 1.048466 1.0298061 1.190862 1.0952072\n", - " 1.0496118 1.0540391 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 12 2 4 13 9 15 5 14 10 6 7 11 8 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"the 33-year-old and her husband henry hager already have a daughter , mila , who turns two later this month , and the youngster was on-hand to help her mother announce the family 's exciting news .jenna bush hager is pregnant with her second child and revealed the news live on this morning 's today show .` baby sissy ' : the 33-year-old asked her one-year-old daughter mila to help make the announcement to the world\"]\n", - "=======================\n", - "[\"the 33-year-old made the announcement on monday morning 's showjenna and henry , who married in may 2008 , welcomed their first daughter mila in april 2012\"]\n", - "the 33-year-old and her husband henry hager already have a daughter , mila , who turns two later this month , and the youngster was on-hand to help her mother announce the family 's exciting news .jenna bush hager is pregnant with her second child and revealed the news live on this morning 's today show .` baby sissy ' : the 33-year-old asked her one-year-old daughter mila to help make the announcement to the world\n", - "the 33-year-old made the announcement on monday morning 's showjenna and henry , who married in may 2008 , welcomed their first daughter mila in april 2012\n", - "[1.3629045 1.2985027 1.359668 1.3130629 1.3790965 1.26503 1.3687135\n", - " 1.0320483 1.0163674 1.0148257 1.018523 1.020524 1.0114796 1.095692\n", - " 1.0121915 1.1325681 1.0739881 1.0523825 1.0085678]\n", - "\n", - "[ 4 6 0 2 3 1 5 15 13 16 17 7 11 10 8 9 14 12 18]\n", - "=======================\n", - "[\"tim sherwood believes tottenham need to keep pace with harry kane 's progression or risk losing himvilla striker christian benteke scored a hat trick in the 3-3 draw with queens park rangers on tuesdaykane was handed his first premier league start for spurs by sherwood 12 months ago and has taken the top-flight by storm this season , scoring 29 goals in all competitions .\"]\n", - "=======================\n", - "[\"harry kane has 29 goals for tottenham this season and played for englandtim sherwood says tottenham may lose him if they do n't improve as fastsherwood said christian benteke has found form through greater service\"]\n", - "tim sherwood believes tottenham need to keep pace with harry kane 's progression or risk losing himvilla striker christian benteke scored a hat trick in the 3-3 draw with queens park rangers on tuesdaykane was handed his first premier league start for spurs by sherwood 12 months ago and has taken the top-flight by storm this season , scoring 29 goals in all competitions .\n", - "harry kane has 29 goals for tottenham this season and played for englandtim sherwood says tottenham may lose him if they do n't improve as fastsherwood said christian benteke has found form through greater service\n", - "[1.256686 1.3524184 1.186309 1.2851619 1.2228305 1.2080998 1.116763\n", - " 1.0913287 1.060947 1.204897 1.0801879 1.0524591 1.0396185 1.0454336\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 5 9 2 6 7 10 8 11 13 12 17 14 15 16 18]\n", - "=======================\n", - "['graphic signs telling visitors not to stop for a poo break during their walk to the holy city of santiago de compostela , in north-western spain , have been erected in the municipality of lastres .a spanish town on the camino de santiago pilgrimage route is warning pilgrims and other visitors to stop defecating along the famous path .the pilgrimage , known as the way of st james , attracts thousands of pilgrims every year , but there can be very few places to go when nature calls .']\n", - "=======================\n", - "['no one knows who put up the signs in the municipality of lastresthe signs show a figure defecating within a red circle with a line across itangry residents claim pilgrims have defecated outside their homes']\n", - "graphic signs telling visitors not to stop for a poo break during their walk to the holy city of santiago de compostela , in north-western spain , have been erected in the municipality of lastres .a spanish town on the camino de santiago pilgrimage route is warning pilgrims and other visitors to stop defecating along the famous path .the pilgrimage , known as the way of st james , attracts thousands of pilgrims every year , but there can be very few places to go when nature calls .\n", - "no one knows who put up the signs in the municipality of lastresthe signs show a figure defecating within a red circle with a line across itangry residents claim pilgrims have defecated outside their homes\n", - "[1.3808544 1.472633 1.1858952 1.3998392 1.2570896 1.1030512 1.1205006\n", - " 1.0942407 1.0380903 1.0331819 1.0134165 1.0998737 1.0815437 1.0554249\n", - " 1.0802727 1.1420578 1.0168468 1.0313458 0. ]\n", - "\n", - "[ 1 3 0 4 2 15 6 5 11 7 12 14 13 8 9 17 16 10 18]\n", - "=======================\n", - "[\"tests have confirmed the spain international suffered no fractures after being caught in the face by an elbow from cheikhou kouyate in sunday 's barclays premier league defeat of west ham .manchester city will assess in the next few days whether playmaker david silva has a chance of playing at the weekend .the spaniard was caught right on the cheekbone and taken to hospital to be assessed\"]\n", - "=======================\n", - "[\"manchester city defeated west ham 2-0 in their premier league clashdavid silva was taken to hospital after a challenge by chiekhou kouyatespain international has allayed fans ' fears with a twitter message\"]\n", - "tests have confirmed the spain international suffered no fractures after being caught in the face by an elbow from cheikhou kouyate in sunday 's barclays premier league defeat of west ham .manchester city will assess in the next few days whether playmaker david silva has a chance of playing at the weekend .the spaniard was caught right on the cheekbone and taken to hospital to be assessed\n", - "manchester city defeated west ham 2-0 in their premier league clashdavid silva was taken to hospital after a challenge by chiekhou kouyatespain international has allayed fans ' fears with a twitter message\n", - "[1.1959357 1.4925743 1.2741009 1.3746561 1.0731992 1.1540874 1.0736656\n", - " 1.058531 1.2053638 1.0990292 1.0299466 1.0709157 1.0474068 1.0966182\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 8 0 5 9 13 6 4 11 7 12 10 17 14 15 16 18]\n", - "=======================\n", - "['capybara joejoe who lives in las vegas with his owner cody kennedy , has almost 60,000 followers on instagram .add that to his near 5,000 facebook likes and his twitter account that boasts over 1,000 twitter followers and you have yourself one popular rodent .the large rodent sits perfectly still in the bath while three energetic ducklings stand on its head and body']\n", - "=======================\n", - "['the popular joejoe has over 60,000 followers on instagramcapybara stands calmly in the bath with three ducklings on its backgiant rodent lives in las vegas with his owner cody kennedy']\n", - "capybara joejoe who lives in las vegas with his owner cody kennedy , has almost 60,000 followers on instagram .add that to his near 5,000 facebook likes and his twitter account that boasts over 1,000 twitter followers and you have yourself one popular rodent .the large rodent sits perfectly still in the bath while three energetic ducklings stand on its head and body\n", - "the popular joejoe has over 60,000 followers on instagramcapybara stands calmly in the bath with three ducklings on its backgiant rodent lives in las vegas with his owner cody kennedy\n", - "[1.2666152 1.4590882 1.1849368 1.1652753 1.0815806 1.1538731 1.086967\n", - " 1.317728 1.0742227 1.0778227 1.0226806 1.0153058 1.0153147 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 7 0 2 3 5 6 4 9 8 10 12 11 17 13 14 15 16 18]\n", - "=======================\n", - "[\"trott , england 's rock at no 3 for four years before his early return home from the 2013-14 ashes series in australia with a stress-related condition , was picked for this three-test tour of the caribbean after fighting his way back into contention .test captain alastair cook feels the batsman is ready for international cricket returnengland have barely been in st kitts a day but the early indications are they are ready to give jonathan trott the chance to reinvent himself as an international opener .\"]\n", - "=======================\n", - "['jonathan trott will be given chance to reinvent himself as an openeralastair cook feels trott is ready to return to the england squadthe batsman has been impressive for his side warwickshire']\n", - "trott , england 's rock at no 3 for four years before his early return home from the 2013-14 ashes series in australia with a stress-related condition , was picked for this three-test tour of the caribbean after fighting his way back into contention .test captain alastair cook feels the batsman is ready for international cricket returnengland have barely been in st kitts a day but the early indications are they are ready to give jonathan trott the chance to reinvent himself as an international opener .\n", - "jonathan trott will be given chance to reinvent himself as an openeralastair cook feels trott is ready to return to the england squadthe batsman has been impressive for his side warwickshire\n", - "[1.247768 1.471694 1.1095957 1.1640158 1.1600466 1.1689806 1.0641356\n", - " 1.1700565 1.1041485 1.0410709 1.064981 1.0495877 1.1016462 1.0528132\n", - " 1.0266925 0. 0. 0. ]\n", - "\n", - "[ 1 0 7 5 3 4 2 8 12 10 6 13 11 9 14 16 15 17]\n", - "=======================\n", - "[\"for days now , detectives have swarmed over three bedroom leeton home where stephanie scott 's accused killer , high school cleaner vincent stanford , 24 , lived with his mother anika and elder brother luke .it looks like your typical outback fibro home , tin roof and all , but this property which is currently for sale is now at the centre of one of australia 's most chilling murder mysteries .neighbours told daily mail australia the stanford family have lived at the property , which is on the market for $ 179,000 , for ` around 13 months ' .\"]\n", - "=======================\n", - "[\"home where accused murderer vincent stanford , 24 , lived with his mother and elder brother is for sale for $ 179,000the three-bedroom home , which features a tin-roof , is located on a quiet , leafy street home to families and pensionersit is now a hub of frantic activity , with forensics police seizing items of interest and checking for fingerprintsmr stanford was arrested at the property on wednesday night after police found discrepancies in his alibipolice reportedly discovered school keys believed to belong to bride-to-be alleged victim stephanie scottdaily mail australia understands the family have rented the fibro property for a little more than a yearan advertisement highlights the home 's appeal for local buyers seeking to escape the rental market` why burn your money ?ms scott 's body has not been found but police are scouring irrigation channels and the bush for clues\"]\n", - "for days now , detectives have swarmed over three bedroom leeton home where stephanie scott 's accused killer , high school cleaner vincent stanford , 24 , lived with his mother anika and elder brother luke .it looks like your typical outback fibro home , tin roof and all , but this property which is currently for sale is now at the centre of one of australia 's most chilling murder mysteries .neighbours told daily mail australia the stanford family have lived at the property , which is on the market for $ 179,000 , for ` around 13 months ' .\n", - "home where accused murderer vincent stanford , 24 , lived with his mother and elder brother is for sale for $ 179,000the three-bedroom home , which features a tin-roof , is located on a quiet , leafy street home to families and pensionersit is now a hub of frantic activity , with forensics police seizing items of interest and checking for fingerprintsmr stanford was arrested at the property on wednesday night after police found discrepancies in his alibipolice reportedly discovered school keys believed to belong to bride-to-be alleged victim stephanie scottdaily mail australia understands the family have rented the fibro property for a little more than a yearan advertisement highlights the home 's appeal for local buyers seeking to escape the rental market` why burn your money ?ms scott 's body has not been found but police are scouring irrigation channels and the bush for clues\n", - "[1.3691999 1.1746393 1.1421113 1.1330398 1.1863002 1.2627879 1.0402153\n", - " 1.1051667 1.061023 1.0764707 1.0912734 1.0787537 1.0568223 1.0525969\n", - " 1.0672902 1.0458593 1.0809757 0. ]\n", - "\n", - "[ 0 5 4 1 2 3 7 10 16 11 9 14 8 12 13 15 6 17]\n", - "=======================\n", - "[\"( cnn ) after more than nine years of traveling through the solar system , nasa 's new horizons spacecraft has sent back its first color image of pluto .the probe is due to make its closest approach to pluto on july 14 .launched in 2006 , new horizons is nearing the crucial point in its epic voyage of more than 3 billion miles .\"]\n", - "=======================\n", - "[\"the new horizons spacecraft captures image of pluto and its largest moonit 's set to reveal new details as it nears the remote area of the solar system\"]\n", - "( cnn ) after more than nine years of traveling through the solar system , nasa 's new horizons spacecraft has sent back its first color image of pluto .the probe is due to make its closest approach to pluto on july 14 .launched in 2006 , new horizons is nearing the crucial point in its epic voyage of more than 3 billion miles .\n", - "the new horizons spacecraft captures image of pluto and its largest moonit 's set to reveal new details as it nears the remote area of the solar system\n", - "[1.22863 1.5394533 1.3270873 1.3675678 1.0940553 1.0459467 1.0309293\n", - " 1.0295539 1.0471725 1.0689483 1.0481495 1.2921827 1.0377483 1.0334179\n", - " 1.0810795 1.0723864 1.0156435 1.0215793]\n", - "\n", - "[ 1 3 2 11 0 4 14 15 9 10 8 5 12 13 6 7 17 16]\n", - "=======================\n", - "['hector morejon was shot by a long beach , california , police officer , who allegedly thought the 19-year-old was pointing a gun at him during a trespassing and vandalism incident .lucia morejon , the heartbroken mother of a unarmed teen who was shot dead by police has revealed the last words her son , hector morejon , 19 , spoke as he lay dying in an ambulanceshe went to an alley near her home to see what happened and then realized it was her son in the ambulance , reports the la times .']\n", - "=======================\n", - "['hector morejon was shot by a long beach , california , police officerofficer allegedly thought the 19-year-old was pointing a gun at him during a trespassing and vandalism incidenthis mother heard shots and ran to scene , then she saw her son in an ambulance']\n", - "hector morejon was shot by a long beach , california , police officer , who allegedly thought the 19-year-old was pointing a gun at him during a trespassing and vandalism incident .lucia morejon , the heartbroken mother of a unarmed teen who was shot dead by police has revealed the last words her son , hector morejon , 19 , spoke as he lay dying in an ambulanceshe went to an alley near her home to see what happened and then realized it was her son in the ambulance , reports the la times .\n", - "hector morejon was shot by a long beach , california , police officerofficer allegedly thought the 19-year-old was pointing a gun at him during a trespassing and vandalism incidenthis mother heard shots and ran to scene , then she saw her son in an ambulance\n", - "[1.5383925 1.2627381 1.2600031 1.3597035 1.238277 1.1720157 1.0820607\n", - " 1.0959672 1.1428818 1.0450197 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 5 8 7 6 9 16 10 11 12 13 14 15 17]\n", - "=======================\n", - "[\"mixed martial arts fighter anderson silva says he will fight for a spot in the brazilian taekwondo team at the 2016 olympics in rio de janeiro .the announcement was made on wednesday after a meeting with brazilian taekwondo officials .the former ufc champion said he is ` trying to give back to the sport ' in which he began his career\"]\n", - "=======================\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['anderson silva met with brazilian taekwondo officials on wednesdaysilva is currently suspended by ufc after failing drug testshowever , the former ufc champion will fight for olympics taekwondo spot']\n", - "mixed martial arts fighter anderson silva says he will fight for a spot in the brazilian taekwondo team at the 2016 olympics in rio de janeiro .the announcement was made on wednesday after a meeting with brazilian taekwondo officials .the former ufc champion said he is ` trying to give back to the sport ' in which he began his career\n", - "anderson silva met with brazilian taekwondo officials on wednesdaysilva is currently suspended by ufc after failing drug testshowever , the former ufc champion will fight for olympics taekwondo spot\n", - "[1.4275357 1.4683428 1.3092873 1.2216116 1.1048875 1.0431988 1.0283694\n", - " 1.0651565 1.1033368 1.0237422 1.0462307 1.0489643 1.1094592 1.0770874\n", - " 1.0597627 1.0850475 1.0661645 0. ]\n", - "\n", - "[ 1 0 2 3 12 4 8 15 13 16 7 14 11 10 5 6 9 17]\n", - "=======================\n", - "['lawyer alan dershowitz was accused of having sex with minors with help from billionaire jeffrey epstein .( cnn ) a florida judge denied a motion by two women to join a lawsuit against prince andrew and a prominent u.s. lawyer that alleged underage sex crimes .buckingham palace denied the allegations , which surfaced in a court filing in january .']\n", - "=======================\n", - "['judge also throws out bombshell sex claims against lawyer alan dershowitzhe asks a federal court to \" strike \" sex-related allegations against hima court filing says dershowitz had sex with minors via jeffrey epstein ; he denies it']\n", - "lawyer alan dershowitz was accused of having sex with minors with help from billionaire jeffrey epstein .( cnn ) a florida judge denied a motion by two women to join a lawsuit against prince andrew and a prominent u.s. lawyer that alleged underage sex crimes .buckingham palace denied the allegations , which surfaced in a court filing in january .\n", - "judge also throws out bombshell sex claims against lawyer alan dershowitzhe asks a federal court to \" strike \" sex-related allegations against hima court filing says dershowitz had sex with minors via jeffrey epstein ; he denies it\n", - "[1.3295447 1.4688921 1.5734441 1.1053053 1.3264251 1.0308139 1.0147889\n", - " 1.0128883 1.0125002 1.0188822 1.0275285 1.017783 1.315412 1.031303\n", - " 1.1084758 1.0578445 1.0335021 1.0119444]\n", - "\n", - "[ 2 1 0 4 12 14 3 15 16 13 5 10 9 11 6 7 8 17]\n", - "=======================\n", - "[\"the positions will be based at its redmond campus in washington and the program will be run in partnership with specialisterne , a danish nonprofit that helps train people with autism for careers in it .the announcement was made on the company 's blog by microsoft corporate vp of worldwide operations , mary ellen smith , who has a teenage son , shawn , with autism .last year microsoft ceo satya nadella was forced to apologize for saying that women do n't need to ask for a raise and should just trust the system to pay them well .\"]\n", - "=======================\n", - "['microsoft corporate vp of worldwide operations , mary ellen smith , who has a teenage son shawn with autism , made the announcementprogram will be run in partnership with specialisterne , a danish nonprofit that helps train people with autism for careers in itfull-time positions based at its redmond campus , washington']\n", - "the positions will be based at its redmond campus in washington and the program will be run in partnership with specialisterne , a danish nonprofit that helps train people with autism for careers in it .the announcement was made on the company 's blog by microsoft corporate vp of worldwide operations , mary ellen smith , who has a teenage son , shawn , with autism .last year microsoft ceo satya nadella was forced to apologize for saying that women do n't need to ask for a raise and should just trust the system to pay them well .\n", - "microsoft corporate vp of worldwide operations , mary ellen smith , who has a teenage son shawn with autism , made the announcementprogram will be run in partnership with specialisterne , a danish nonprofit that helps train people with autism for careers in itfull-time positions based at its redmond campus , washington\n", - "[1.543299 1.1302795 1.2691976 1.4655107 1.2308531 1.0885957 1.0888792\n", - " 1.0735373 1.0544428 1.0645964 1.0491412 1.043048 1.0394899 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 4 1 6 5 7 9 8 10 11 12 13 14 15 16 17]\n", - "=======================\n", - "[\"real madrid 's champions league victory over city rivals atletico on wednesday night marked the eighth match gareth bale has not started this season ... and real have won every single one .the welshman has received some criticism from sections of the bernabeu support despite a bright start in madrid , and these remarkable stats will do nothing to help his popularity at the club .bale 's time on the sidelines has coincided with huge matches against barcelona , two champions league ties with liverpool ( in which he entered the fray as a 62nd-minute substitute at the bernabeu ) , and wednesday night 's european quarter-final against atletico ... but it seems the rest of the real squad are just fine without him .\"]\n", - "=======================\n", - "[\"gareth bale has not started eight of real madrid 's matches this seasonin the games he has missed , real boast a 100 per cent win recordreal have scored 25 goals and conceded just one without the welshmanin the 42 matches that bale has started , real 's win record is 69 per cent\"]\n", - "real madrid 's champions league victory over city rivals atletico on wednesday night marked the eighth match gareth bale has not started this season ... and real have won every single one .the welshman has received some criticism from sections of the bernabeu support despite a bright start in madrid , and these remarkable stats will do nothing to help his popularity at the club .bale 's time on the sidelines has coincided with huge matches against barcelona , two champions league ties with liverpool ( in which he entered the fray as a 62nd-minute substitute at the bernabeu ) , and wednesday night 's european quarter-final against atletico ... but it seems the rest of the real squad are just fine without him .\n", - "gareth bale has not started eight of real madrid 's matches this seasonin the games he has missed , real boast a 100 per cent win recordreal have scored 25 goals and conceded just one without the welshmanin the 42 matches that bale has started , real 's win record is 69 per cent\n", - "[1.2469361 1.5204955 1.4115562 1.3256037 1.2114451 1.1631817 1.1336836\n", - " 1.0762426 1.0896057 1.0682337 1.019277 1.0137702 1.0493056 1.0272352\n", - " 1.0331494 1.0086906 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 5 6 8 7 9 12 14 13 10 11 15 16 17]\n", - "=======================\n", - "[\"the successful applicant will have to travel to various royal residences - including balmoral in scotland - for three months of the year .they must also order in ` the freshest seasonal ingredients ' from the queen 's private scottish retreat 's kitchen garden and game from the royal estates .it comes after the queen was revealed to have surprisingly simple tastes in food -- including special k , jam sandwiches , chocolate cake , venison and scones .\"]\n", - "=======================\n", - "[\"the queen 's former personal chef has revealed her favourite foodsthese include special k , chocolate cake , scones and venisonit comes as her majesty has advertised for a sous chefthe role pays # 28,000 a year and there will be accommodation available\"]\n", - "the successful applicant will have to travel to various royal residences - including balmoral in scotland - for three months of the year .they must also order in ` the freshest seasonal ingredients ' from the queen 's private scottish retreat 's kitchen garden and game from the royal estates .it comes after the queen was revealed to have surprisingly simple tastes in food -- including special k , jam sandwiches , chocolate cake , venison and scones .\n", - "the queen 's former personal chef has revealed her favourite foodsthese include special k , chocolate cake , scones and venisonit comes as her majesty has advertised for a sous chefthe role pays # 28,000 a year and there will be accommodation available\n", - "[1.2719178 1.4244211 1.299076 1.331291 1.1191666 1.0978532 1.072567\n", - " 1.093403 1.0978634 1.0817779 1.1032752 1.1000971 1.0482379 1.0107207\n", - " 1.0129532 1.0383223 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 10 11 8 5 7 9 6 12 15 14 13 16 17]\n", - "=======================\n", - "[\"a new poll by yougov ahead of charles and camilla 's 10th wedding anniversary reveals that 49 per cent think camilla should take the traditional title of the wife of a reigning king , while 35 per cent believe she should be given a lesser title out of respect to diana , princess of wales and 16 per cent were undecided .when the prince and camilla became engaged in february 2005 , only 7 per cent of people polled by yougov thought camilla should one day be queen .half of those polled believe that camilla , right , does a good job of carrying out her official duties\"]\n", - "=======================\n", - "['prince charles and camilla will celebrate their anniversary later this weekthe couple were married in april 2005 after their engagement in februaryin 2005 , only seven per cent of people thought camilla should be queenalmost half are in favour of queen camilla when charles takes the throne']\n", - "a new poll by yougov ahead of charles and camilla 's 10th wedding anniversary reveals that 49 per cent think camilla should take the traditional title of the wife of a reigning king , while 35 per cent believe she should be given a lesser title out of respect to diana , princess of wales and 16 per cent were undecided .when the prince and camilla became engaged in february 2005 , only 7 per cent of people polled by yougov thought camilla should one day be queen .half of those polled believe that camilla , right , does a good job of carrying out her official duties\n", - "prince charles and camilla will celebrate their anniversary later this weekthe couple were married in april 2005 after their engagement in februaryin 2005 , only seven per cent of people thought camilla should be queenalmost half are in favour of queen camilla when charles takes the throne\n", - "[1.4276432 1.4392425 1.1590582 1.2600293 1.1665663 1.1705 1.1637418\n", - " 1.1373188 1.0863494 1.0465019 1.1333444 1.0162504 1.0702244 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 5 4 6 2 7 10 8 12 9 11 16 13 14 15 17]\n", - "=======================\n", - "['alexis keslar was walking with her twin sons , silas and eli keslar , along a canal friday when she tried to repel a bee , police in yuma said .( cnn ) eighteen-month-old twins drowned after their mother tried to fend off a bee and let go of their stroller , which rolled into a canal , arizona police said .keslar went into the canal and tried to rescue her sons , authorities said , but was hampered by the steep sides of the canal , the depth of the water and the force of the current .']\n", - "=======================\n", - "['silas and eli keslar , both 18 months old , drowned in an arizona canaltheir mother was trying to fend of a bee when the stroller rolled away , police say']\n", - "alexis keslar was walking with her twin sons , silas and eli keslar , along a canal friday when she tried to repel a bee , police in yuma said .( cnn ) eighteen-month-old twins drowned after their mother tried to fend off a bee and let go of their stroller , which rolled into a canal , arizona police said .keslar went into the canal and tried to rescue her sons , authorities said , but was hampered by the steep sides of the canal , the depth of the water and the force of the current .\n", - "silas and eli keslar , both 18 months old , drowned in an arizona canaltheir mother was trying to fend of a bee when the stroller rolled away , police say\n", - "[1.2178259 1.4442592 1.232782 1.3570968 1.117861 1.161398 1.1639049\n", - " 1.1905135 1.0402367 1.0924301 1.1013288 1.0556898 1.0118346 1.0154542\n", - " 1.0351176 1.0283971 1.0112088 1.0178761 1.011807 0. ]\n", - "\n", - "[ 1 3 2 0 7 6 5 4 10 9 11 8 14 15 17 13 12 18 16 19]\n", - "=======================\n", - "['holly beard , 24 , and her fiance steve hancock , 27 , from adderley green , staffordshire , tipped the scales at over 41st between them when they set a date for their big day in january last year .holly beard and steve hancock reached a combined weight of 41st after moving in togetherbut holly decided to slim down when she was teased at the opticians where she worked after her boss brought in a cake as a treat .']\n", - "=======================\n", - "['holly beard and steve hancock tipped the scales at 41st between themafter being humiliated at work holly joined weight watcherssteve switched his eating habits too and the couple lost a combined 11st']\n", - "holly beard , 24 , and her fiance steve hancock , 27 , from adderley green , staffordshire , tipped the scales at over 41st between them when they set a date for their big day in january last year .holly beard and steve hancock reached a combined weight of 41st after moving in togetherbut holly decided to slim down when she was teased at the opticians where she worked after her boss brought in a cake as a treat .\n", - "holly beard and steve hancock tipped the scales at 41st between themafter being humiliated at work holly joined weight watcherssteve switched his eating habits too and the couple lost a combined 11st\n", - "[1.2457469 1.3794453 1.2223568 1.3246065 1.1027548 1.2255459 1.1222411\n", - " 1.0223808 1.0852168 1.0284424 1.0439847 1.0679978 1.043903 1.0198857\n", - " 1.0569928 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 5 2 6 4 8 11 14 10 12 9 7 13 15 16 17 18 19]\n", - "=======================\n", - "[\"it was just a couple of years ago that king goodwill zwelithini - who last month said foreigners should ` pack their belongings ' and leave - labelled homosexuals as ` rotten ' .the zulu king blamed for sparking the violence against foreigners which has seen south africa 's streets turn into battlefields running with blood over the past two weeks is no stranger to scandal .the dyed-in-the-wool traditionalist has also courted the wrath of women 's rights and hiv/aids campaigners for his hardline stance on controversial traditional virginity testing .\"]\n", - "=======================\n", - "[\"king goodwill zwelithini allegedly compared foreigners to ` ants ' and ` lice 'back in 2012 the 67-year-old told followers homosexuals were ` rotten 'but father-of-28 's lavish lifestyle with his six wives is equally controversiallast year he declared himself bankrupt having spent # 250,000 on weddingyet just last month he bought a mercedes for each wife - plus a spare\"]\n", - "it was just a couple of years ago that king goodwill zwelithini - who last month said foreigners should ` pack their belongings ' and leave - labelled homosexuals as ` rotten ' .the zulu king blamed for sparking the violence against foreigners which has seen south africa 's streets turn into battlefields running with blood over the past two weeks is no stranger to scandal .the dyed-in-the-wool traditionalist has also courted the wrath of women 's rights and hiv/aids campaigners for his hardline stance on controversial traditional virginity testing .\n", - "king goodwill zwelithini allegedly compared foreigners to ` ants ' and ` lice 'back in 2012 the 67-year-old told followers homosexuals were ` rotten 'but father-of-28 's lavish lifestyle with his six wives is equally controversiallast year he declared himself bankrupt having spent # 250,000 on weddingyet just last month he bought a mercedes for each wife - plus a spare\n", - "[1.2103052 1.5507951 1.3055809 1.2837766 1.3171542 1.1576543 1.0833907\n", - " 1.0551553 1.0425758 1.0583495 1.0332713 1.0541385 1.0246388 1.0227351\n", - " 1.0315564 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 3 0 5 6 9 7 11 8 10 14 12 13 18 15 16 17 19]\n", - "=======================\n", - "[\"viv nicholson , 79 , became rich overnight when she scooped # 152,319 in 1961 with her husband keith .the win , on a football betting pool , in which gamblers predict the results of football games across a season , would be worth up to # 5million in today 's money .the pair , from castleford , west yorkshire , splurged the cash on flash cars , designer clothes , holidays and partying - frittering away half of their wealth within four years of winning .\"]\n", - "=======================\n", - "[\"viv nicholson , 79 , won more than # 152,000 in 1961 with her husband keithshe famously promised to ` spend , spend , spend ' after big win on the poolsthey splurged the cash on expensive cars , designer clothes and holidaysmrs nicholson has passed away at home , five years after dementia onset\"]\n", - "viv nicholson , 79 , became rich overnight when she scooped # 152,319 in 1961 with her husband keith .the win , on a football betting pool , in which gamblers predict the results of football games across a season , would be worth up to # 5million in today 's money .the pair , from castleford , west yorkshire , splurged the cash on flash cars , designer clothes , holidays and partying - frittering away half of their wealth within four years of winning .\n", - "viv nicholson , 79 , won more than # 152,000 in 1961 with her husband keithshe famously promised to ` spend , spend , spend ' after big win on the poolsthey splurged the cash on expensive cars , designer clothes and holidaysmrs nicholson has passed away at home , five years after dementia onset\n", - "[1.4890473 1.2728086 1.3086903 1.4219308 1.2403593 1.2381048 1.0956618\n", - " 1.0429522 1.0425817 1.0569222 1.0195323 1.0333588 1.0204227 1.0079277\n", - " 1.0127279 1.0107156 1.0111568 1.2374449 1.0496529 0. ]\n", - "\n", - "[ 0 3 2 1 4 5 17 6 9 18 7 8 11 12 10 14 16 15 13 19]\n", - "=======================\n", - "['tottenham manager mauricio pochettino has likened england hot-shot harry kane to gabriel batistuta and insisted he will be there to help him when things do not go to plan .england boss roy hodgson is mindful of keeping expectations in check for kane , who has enjoyed a meteoric rise after finally breaking into the spurs first-team following loan spells at the likes of leicester and norwich .kane moved to within two strikes of the 30-goal barrier for the season after scoring on his full international debut some 79 seconds after coming on against lithuania at wembley last friday night .']\n", - "=======================\n", - "['harry kane is approaching 30 goals for the season in all competitionsmauricio pochettino says kane is similar to gabriel batistutaroy hodgson wants kane to play for the england under 21s in the summer']\n", - "tottenham manager mauricio pochettino has likened england hot-shot harry kane to gabriel batistuta and insisted he will be there to help him when things do not go to plan .england boss roy hodgson is mindful of keeping expectations in check for kane , who has enjoyed a meteoric rise after finally breaking into the spurs first-team following loan spells at the likes of leicester and norwich .kane moved to within two strikes of the 30-goal barrier for the season after scoring on his full international debut some 79 seconds after coming on against lithuania at wembley last friday night .\n", - "harry kane is approaching 30 goals for the season in all competitionsmauricio pochettino says kane is similar to gabriel batistutaroy hodgson wants kane to play for the england under 21s in the summer\n", - "[1.1514131 1.3412429 1.3247354 1.301491 1.181082 1.1771576 1.0792848\n", - " 1.0656071 1.0256078 1.0815684 1.0458378 1.0355233 1.0566311 1.0518423\n", - " 1.0537014 1.0793332 1.0205536 1.0165452 1.0417789 1.0551938]\n", - "\n", - "[ 1 2 3 4 5 0 9 15 6 7 12 19 14 13 10 18 11 8 16 17]\n", - "=======================\n", - "[\"the man who spent six years as spokesman for the glazer family has written an enlightening account of his time with the manchester united chiefs .tehsin nayani 's book , ` the glazer gatekeeper : six years speaking for manchester united 's silent owners ' , challenges popular perception about the us bosses who succeeded in a debt-burdening # 800m takeover in 2005 .sir bobby charlton talks with bryan glazer , joel glazer and avram glazer ( l-r ) at old trafford in 2005\"]\n", - "=======================\n", - "[\"tehsin nayani spent six years as spokesman for the glazer familyhis new book , the glazer gatekeeper , tells all about his time in the jobnayani insists that the glazer takeover was always a long-term projectsir alex ferguson used to invite the owners into the home dressing roomnayani believes the red knights consortium were never serious suitorsthe glazers are not ` ogres ' despite fan opinion , according to nayani\"]\n", - "the man who spent six years as spokesman for the glazer family has written an enlightening account of his time with the manchester united chiefs .tehsin nayani 's book , ` the glazer gatekeeper : six years speaking for manchester united 's silent owners ' , challenges popular perception about the us bosses who succeeded in a debt-burdening # 800m takeover in 2005 .sir bobby charlton talks with bryan glazer , joel glazer and avram glazer ( l-r ) at old trafford in 2005\n", - "tehsin nayani spent six years as spokesman for the glazer familyhis new book , the glazer gatekeeper , tells all about his time in the jobnayani insists that the glazer takeover was always a long-term projectsir alex ferguson used to invite the owners into the home dressing roomnayani believes the red knights consortium were never serious suitorsthe glazers are not ` ogres ' despite fan opinion , according to nayani\n", - "[1.2146318 1.5315664 1.3006327 1.2671518 1.3387339 1.1969174 1.1083468\n", - " 1.061597 1.0619206 1.052614 1.1732749 1.1386582 1.0764543 1.0173374\n", - " 1.0244911 1.0493158 1.00736 1.0062435 0. 0. ]\n", - "\n", - "[ 1 4 2 3 0 5 10 11 6 12 8 7 9 15 14 13 16 17 18 19]\n", - "=======================\n", - "[\"deborah steel , 37 , who ran the royal standard pub in ely , cambridgeshire , was last seen alive just after 1am on 28 december 1997 .police believe she was killed and recently reclassified the investigation as a murder inquiry , but the 37-year-old 's body has never been found .the search has the full consent of the present landlord who is not connected with the investigation .\"]\n", - "=======================\n", - "['landlady deborah steel , 37 , was last seen alive on 28 december 1997police have dug up the patio of the royal standard pub where she workeda 73-year-old man is on bail and two others have had theirs cancelleddetectives believe she was murdered , but body has never been found']\n", - "deborah steel , 37 , who ran the royal standard pub in ely , cambridgeshire , was last seen alive just after 1am on 28 december 1997 .police believe she was killed and recently reclassified the investigation as a murder inquiry , but the 37-year-old 's body has never been found .the search has the full consent of the present landlord who is not connected with the investigation .\n", - "landlady deborah steel , 37 , was last seen alive on 28 december 1997police have dug up the patio of the royal standard pub where she workeda 73-year-old man is on bail and two others have had theirs cancelleddetectives believe she was murdered , but body has never been found\n", - "[1.0850708 1.0564407 1.3191996 1.3469349 1.1468129 1.3971554 1.1320074\n", - " 1.1084319 1.1021132 1.0306942 1.1460193 1.1938212 1.0940177 1.0566226\n", - " 1.0325389 1.0317024 1.03537 0. 0. 0. ]\n", - "\n", - "[ 5 3 2 11 4 10 6 7 8 12 0 13 1 16 14 15 9 17 18 19]\n", - "=======================\n", - "[\"sticky fingers : singer jessica mauboy was among the front row attendees at the maticevski show at mercedes-benz fashion week australia who had her gifted tablet stolen from her seatstars , buyers and fashion editors in the ` frow ' are often showered with gift bags stuffed with treats from the show sponsors .not a bad goodie bag : each front row guest was given an $ 899 lenovo tablet with their gift bag at the show\"]\n", - "=======================\n", - "['jessica mauboy and gq editor among those who had tablets stolen$ 899 personalised lenovo tablets were gifted to front row gueststoni maticevski presented ss16 runway show at carriageworks in sydney']\n", - "sticky fingers : singer jessica mauboy was among the front row attendees at the maticevski show at mercedes-benz fashion week australia who had her gifted tablet stolen from her seatstars , buyers and fashion editors in the ` frow ' are often showered with gift bags stuffed with treats from the show sponsors .not a bad goodie bag : each front row guest was given an $ 899 lenovo tablet with their gift bag at the show\n", - "jessica mauboy and gq editor among those who had tablets stolen$ 899 personalised lenovo tablets were gifted to front row gueststoni maticevski presented ss16 runway show at carriageworks in sydney\n", - "[1.4910415 1.406539 1.3794775 1.2330251 1.0862826 1.0549664 1.0519066\n", - " 1.0203725 1.0677518 1.1315111 1.0356776 1.0216819 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 9 4 8 5 6 10 11 7 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"warrington crashed to a third straight super league defeat and could be in trouble with the rugby football league following crowd trouble in the cheshire derby .the game was stopped for eight minutes after a flare was thrown from the stand housing visiting fans but widnes maintained their focus to run out 30-10 winners and maintain their impressive form at the select security stadium , where they have taken seven points out of a possible 10 this year .warrington 's losing run is their worst since 2009 and their misery was compounded by the loss of winger matty russell with a leg injury .\"]\n", - "=======================\n", - "['warrington slipped to their third straight defeat in the super leaguegame was delayed for eight minutes after a flare thrown by visiting fanswidnes captain captain kevin brown returned to inspire them to victory']\n", - "warrington crashed to a third straight super league defeat and could be in trouble with the rugby football league following crowd trouble in the cheshire derby .the game was stopped for eight minutes after a flare was thrown from the stand housing visiting fans but widnes maintained their focus to run out 30-10 winners and maintain their impressive form at the select security stadium , where they have taken seven points out of a possible 10 this year .warrington 's losing run is their worst since 2009 and their misery was compounded by the loss of winger matty russell with a leg injury .\n", - "warrington slipped to their third straight defeat in the super leaguegame was delayed for eight minutes after a flare thrown by visiting fanswidnes captain captain kevin brown returned to inspire them to victory\n", - "[1.3387277 1.4856213 1.0943015 1.3417895 1.2318487 1.0402806 1.1053354\n", - " 1.0691311 1.0542767 1.0506166 1.0124553 1.2154897 1.027101 1.0189348\n", - " 1.0180615 1.102095 1.0289989 1.1407448 1.021818 1.0350745]\n", - "\n", - "[ 1 3 0 4 11 17 6 15 2 7 8 9 5 19 16 12 18 13 14 10]\n", - "=======================\n", - "[\"adi viveash 's team will start as favourites in nyon , switzerland after their resounding 4-0 win over roma in the semi-finals on friday , a result which continued their free-scoring form in this competition .chelsea will try to add another trophy to their ever-expanding cabinet when the under 19 team take on shakhtar donetsk in the final of the uefa youth league on monday afternoon .the maiden winners of the youth league were barcelona , who defeated benfica 3-0 in a one-sided final .\"]\n", - "=======================\n", - "[\"chelsea 's under 19 side are hoping to become second team to win finalholders barcelona won the inaugural version of the youth competitiondominic solanke , izzy brown and ruben loftus-cheek are all likely to startclick here for all the latest chelsea news\"]\n", - "adi viveash 's team will start as favourites in nyon , switzerland after their resounding 4-0 win over roma in the semi-finals on friday , a result which continued their free-scoring form in this competition .chelsea will try to add another trophy to their ever-expanding cabinet when the under 19 team take on shakhtar donetsk in the final of the uefa youth league on monday afternoon .the maiden winners of the youth league were barcelona , who defeated benfica 3-0 in a one-sided final .\n", - "chelsea 's under 19 side are hoping to become second team to win finalholders barcelona won the inaugural version of the youth competitiondominic solanke , izzy brown and ruben loftus-cheek are all likely to startclick here for all the latest chelsea news\n", - "[1.4088174 1.3487067 1.3002424 1.2021632 1.1603633 1.0214063 1.0247529\n", - " 1.1066774 1.0920192 1.1444219 1.0799483 1.0858806 1.055064 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 9 7 8 11 10 12 6 5 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"battleground : esther mcvey , who won her wirral west seat in 2010 with a majority of just 2,436 , has demanded that ed miliband condemns the attackstory minister esther mcvey has called on ed miliband to condemn the ` scurrilous ' campaign against her after she was branded ` murderer mcvey ' in graffiti .the employment minister also had an election song written about her by rivals claiming she was going to hell .\"]\n", - "=======================\n", - "[\"esther mcvey will not be cowered by ` misogynistic and sexist ' attacksminister target of offensive graffiti and called ` wicked witch of the wirral 'she said of rivals : ` their underhand tactics wo n't bully and intimidate me 'her wirral west seat is key battleground between labour and tories\"]\n", - "battleground : esther mcvey , who won her wirral west seat in 2010 with a majority of just 2,436 , has demanded that ed miliband condemns the attackstory minister esther mcvey has called on ed miliband to condemn the ` scurrilous ' campaign against her after she was branded ` murderer mcvey ' in graffiti .the employment minister also had an election song written about her by rivals claiming she was going to hell .\n", - "esther mcvey will not be cowered by ` misogynistic and sexist ' attacksminister target of offensive graffiti and called ` wicked witch of the wirral 'she said of rivals : ` their underhand tactics wo n't bully and intimidate me 'her wirral west seat is key battleground between labour and tories\n", - "[1.3170226 1.341263 1.2124382 1.1951716 1.0988914 1.1207536 1.078446\n", - " 1.0720713 1.128246 1.0514044 1.0718409 1.0790368 1.0492038 1.037486\n", - " 1.0405291 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 8 5 4 11 6 7 10 9 12 14 13 15 16 17 18]\n", - "=======================\n", - "[\"the extremist group 's first english bulletin aired on tuesday on its al-bayan radio network , which already boasts updates in both arabic and russian .isis has launched english-language radio news bulletins on its iraqi broadcast service - complete with information on the latest suicide bombings and ` martyrdom operations ' .the nine-and-a-half minute broadcast , which begins and ends with traditional sounding arabic music , is hosted by a man with an american accent , who takes the listener through the main events of the day .\"]\n", - "=======================\n", - "[\"first broadcast hosted by a man with an american-sounding accentthe news bulletin spends almost 10 minutes going over the day 's eventsboasts of ` roasting the flesh ' of opponents and ` martyrdom operations 'isis commanders already have an english magazine to communicatecomes days after announcement that all isis nurses must speak english\"]\n", - "the extremist group 's first english bulletin aired on tuesday on its al-bayan radio network , which already boasts updates in both arabic and russian .isis has launched english-language radio news bulletins on its iraqi broadcast service - complete with information on the latest suicide bombings and ` martyrdom operations ' .the nine-and-a-half minute broadcast , which begins and ends with traditional sounding arabic music , is hosted by a man with an american accent , who takes the listener through the main events of the day .\n", - "first broadcast hosted by a man with an american-sounding accentthe news bulletin spends almost 10 minutes going over the day 's eventsboasts of ` roasting the flesh ' of opponents and ` martyrdom operations 'isis commanders already have an english magazine to communicatecomes days after announcement that all isis nurses must speak english\n", - "[1.0748218 1.0663121 1.5037646 1.3237779 1.2143457 1.1020931 1.0999874\n", - " 1.1051788 1.0904107 1.0700316 1.1938864 1.1279068 1.085005 1.1760408\n", - " 1.035207 1.0206695 1.0152111 1.0833383 0. ]\n", - "\n", - "[ 2 3 4 10 13 11 7 5 6 8 12 17 0 9 1 14 15 16 18]\n", - "=======================\n", - "['but one canny youtube user , micahmedia , has uploaded a video demonstrating the simplest and swiftest way to peel a hardboiled egg - using a glass of water .the hard-boiled egg is placed in a glass ( left ) before it is filled quarter of the way with tap water ( right )the 28-second video which was uploaded in january this year currently has over 16million views on the video-sharing website .']\n", - "=======================\n", - "['micahmedia uploaded the 28-second video demonstrating his methodvideo currently has more than 16million views on youtubethe four-step method only requires a glass and some water']\n", - "but one canny youtube user , micahmedia , has uploaded a video demonstrating the simplest and swiftest way to peel a hardboiled egg - using a glass of water .the hard-boiled egg is placed in a glass ( left ) before it is filled quarter of the way with tap water ( right )the 28-second video which was uploaded in january this year currently has over 16million views on the video-sharing website .\n", - "micahmedia uploaded the 28-second video demonstrating his methodvideo currently has more than 16million views on youtubethe four-step method only requires a glass and some water\n", - "[1.0982202 1.2521219 1.3689433 1.2282542 1.1156476 1.1866351 1.130078\n", - " 1.1637582 1.1805472 1.1071506 1.0398856 1.0613191 1.0474463 1.1473163\n", - " 1.0941396 1.0191444 1.0603534 1.0199996 1.0683482]\n", - "\n", - "[ 2 1 3 5 8 7 13 6 4 9 0 14 18 11 16 12 10 17 15]\n", - "=======================\n", - "['the tateyama kurobe alpine route opened to the public on today and allows tourists to view the spectacular snow-walled passageway along the 1000ft section .however this steep-walled phenomena is located in japan and attracts visits from thousands of tourists annually - with the number predicted to rise this year .the impressive route opened in 1971 and usually draws about a million visitors every year although numbers have failed to reach that figure in the last few years .']\n", - "=======================\n", - "['tateyama kurobe alpine route opened to the public on today allowing guests to marvel at the colossal snow wallsthe 1000ft section can be walked by visitors , and usually draws a million tourists every yearthe snowy section is part of a 37km route , with sights such as kurobe dam and the hida mountains on the way']\n", - "the tateyama kurobe alpine route opened to the public on today and allows tourists to view the spectacular snow-walled passageway along the 1000ft section .however this steep-walled phenomena is located in japan and attracts visits from thousands of tourists annually - with the number predicted to rise this year .the impressive route opened in 1971 and usually draws about a million visitors every year although numbers have failed to reach that figure in the last few years .\n", - "tateyama kurobe alpine route opened to the public on today allowing guests to marvel at the colossal snow wallsthe 1000ft section can be walked by visitors , and usually draws a million tourists every yearthe snowy section is part of a 37km route , with sights such as kurobe dam and the hida mountains on the way\n", - "[1.3359979 1.4727265 1.2081993 1.3271632 1.2777232 1.1083884 1.1370772\n", - " 1.0953538 1.0782883 1.0362461 1.0393956 1.0387404 1.0807252 1.0577782\n", - " 1.0254414 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 4 2 6 5 7 12 8 13 10 11 9 14 15 16 17 18]\n", - "=======================\n", - "[\"billy thompson was last seen on saturday at sugar bear 's home in mcintyre , georgia , where mama june 's daughter jessica was preparing to go to prom .reality star ` mama ' june shannon and her estranged husband mike ` sugar bear ' thompson have filed a missing persons report after his older brother disappeared three days ago .since then billy has n't been seen and he is n't returning any phone calls or texts .\"]\n", - "=======================\n", - "[\"` mama ' june shannon and mike ` sugar bear ' thompson have filed a missing persons report after his older brother disappeared three days agobilly thompson was last seen on saturday at sugar bear 's home in mcintyre , georgiathe family are especially worried because billy has been struggling to find work and recently suffered a difficult split from the mother of his childrensince april 11 he has n't been seen and he is n't returning phone calls or texts\"]\n", - "billy thompson was last seen on saturday at sugar bear 's home in mcintyre , georgia , where mama june 's daughter jessica was preparing to go to prom .reality star ` mama ' june shannon and her estranged husband mike ` sugar bear ' thompson have filed a missing persons report after his older brother disappeared three days ago .since then billy has n't been seen and he is n't returning any phone calls or texts .\n", - "` mama ' june shannon and mike ` sugar bear ' thompson have filed a missing persons report after his older brother disappeared three days agobilly thompson was last seen on saturday at sugar bear 's home in mcintyre , georgiathe family are especially worried because billy has been struggling to find work and recently suffered a difficult split from the mother of his childrensince april 11 he has n't been seen and he is n't returning phone calls or texts\n", - "[1.4250821 1.4097636 1.411544 1.3198342 1.4194158 1.108214 1.0262029\n", - " 1.0207607 1.0144693 1.0083623 1.0087619 1.1938831 1.1407907 1.0195817\n", - " 1.0065563 1.1244184 0. 0. 0. ]\n", - "\n", - "[ 0 4 2 1 3 11 12 15 5 6 7 13 8 10 9 14 17 16 18]\n", - "=======================\n", - "['martin guptill has been recalled to the new zealand test squad for their upcoming two-match series against england next month .guptill , who smashed 237 against the west indies in the recent world cup has not represented the black caps at test level since the 2013 tour of england .the 23-year-old has only played 20 first class matches .']\n", - "=======================\n", - "['martin guptill has been recalled to the new zealand test squadguptill has not represented the black caps at test level since 2013paceman matt henry has been called up to the test squad for the first timejames neesham will miss the tour because of a hamstring injury']\n", - "martin guptill has been recalled to the new zealand test squad for their upcoming two-match series against england next month .guptill , who smashed 237 against the west indies in the recent world cup has not represented the black caps at test level since the 2013 tour of england .the 23-year-old has only played 20 first class matches .\n", - "martin guptill has been recalled to the new zealand test squadguptill has not represented the black caps at test level since 2013paceman matt henry has been called up to the test squad for the first timejames neesham will miss the tour because of a hamstring injury\n", - "[1.2314034 1.511658 1.308365 1.4943147 1.118321 1.0647988 1.0493815\n", - " 1.0523746 1.017789 1.0228939 1.1356676 1.022692 1.026549 1.0432642\n", - " 1.2275667 1.0336783 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 14 10 4 5 7 6 13 15 12 9 11 8 17 16 18]\n", - "=======================\n", - "[\"on thursday , the inverness defender was cleared to play in the scottish cup final against falkirk on may 30 after a charge of deliberate handball to deny celtic striker leigh griffiths in last sunday 's semi-final was thrown out .in the aftermath of the 3-2 extra-time win , meekings admitted he was fortunate not to have conceded a penalty and been red-carded .the josh meekings ' saga took a new twist on friday when it emerged the sfa judicial panel had decided it was not entitled to apply retrospective punishment in his case .\"]\n", - "=======================\n", - "[\"josh meekings deliberately handled the ball during inverness 's 3-2 scottish cup semi-final victory against celticmeekings escaped punishment for the act during the gamein the aftermath of the 3-2 extra-time win , meekings admitted he was fortunate not to have conceded a penalty and been red-cardedon thursday , the inverness defender was cleared to play in the scottish cup final against falkirk on may 30\"]\n", - "on thursday , the inverness defender was cleared to play in the scottish cup final against falkirk on may 30 after a charge of deliberate handball to deny celtic striker leigh griffiths in last sunday 's semi-final was thrown out .in the aftermath of the 3-2 extra-time win , meekings admitted he was fortunate not to have conceded a penalty and been red-carded .the josh meekings ' saga took a new twist on friday when it emerged the sfa judicial panel had decided it was not entitled to apply retrospective punishment in his case .\n", - "josh meekings deliberately handled the ball during inverness 's 3-2 scottish cup semi-final victory against celticmeekings escaped punishment for the act during the gamein the aftermath of the 3-2 extra-time win , meekings admitted he was fortunate not to have conceded a penalty and been red-cardedon thursday , the inverness defender was cleared to play in the scottish cup final against falkirk on may 30\n", - "[1.1899748 1.345663 1.1427909 1.3676295 1.2501761 1.1850291 1.0658686\n", - " 1.0439237 1.0126984 1.1354101 1.042381 1.0815501 1.1359231 1.1204264\n", - " 1.0505003 1.1400087 1.0171454 1.0130825 0. ]\n", - "\n", - "[ 3 1 4 0 5 2 15 12 9 13 11 6 14 7 10 16 17 8 18]\n", - "=======================\n", - "[\"prime minister david cameron had brain fade after getting his claret and blue teams mixed upspeaking at an event in south london , the pm claimed to be a west ham supporter - despite previously stating that he followed aston villa .sleepless nights leading to the general election appear to have affected david cameron 's memory after prime minister made an embarrassing gaffe by forgetting which team he supports .\"]\n", - "=======================\n", - "[\"david cameron claims he is a west ham fan during a speechthe prime minister has previously said he supported aston villathe tory leader apologised , saying he experienced ` brain fade '\"]\n", - "prime minister david cameron had brain fade after getting his claret and blue teams mixed upspeaking at an event in south london , the pm claimed to be a west ham supporter - despite previously stating that he followed aston villa .sleepless nights leading to the general election appear to have affected david cameron 's memory after prime minister made an embarrassing gaffe by forgetting which team he supports .\n", - "david cameron claims he is a west ham fan during a speechthe prime minister has previously said he supported aston villathe tory leader apologised , saying he experienced ` brain fade '\n", - "[1.5126543 1.1513163 1.0399193 1.1684376 1.2225225 1.0695665 1.0946584\n", - " 1.4268472 1.0983104 1.0731319 1.0661805 1.01524 1.0197136 1.1559908\n", - " 1.1433727 1.0186952 1.0245974 1.0175176 0. ]\n", - "\n", - "[ 0 7 4 3 13 1 14 8 6 9 5 10 2 16 12 15 17 11 18]\n", - "=======================\n", - "[\"barcelona took a major step towards qualification for the last four of the champions league after they dismantled paris saint-germain on wednesday night .luis suarez scores his second of the night to give barcelona a 3-0 lead in their tie at paris saint-germainit is now 17 goals for the season and barcelona 's front three , spearheaded by suarez , lionel messi and neymar is the most in-form in world football .\"]\n", - "=======================\n", - "[\"luis suarez scored a brace while neymar also netted in 3-1 win at psgsuarez has 17 goals for the season after slow start to life at the nou campsuarez , lionel messi and neymar is the best front three in world footballpsg missed zlatan ibrahimovic 's world-class qualities in their defeat\"]\n", - "barcelona took a major step towards qualification for the last four of the champions league after they dismantled paris saint-germain on wednesday night .luis suarez scores his second of the night to give barcelona a 3-0 lead in their tie at paris saint-germainit is now 17 goals for the season and barcelona 's front three , spearheaded by suarez , lionel messi and neymar is the most in-form in world football .\n", - "luis suarez scored a brace while neymar also netted in 3-1 win at psgsuarez has 17 goals for the season after slow start to life at the nou campsuarez , lionel messi and neymar is the best front three in world footballpsg missed zlatan ibrahimovic 's world-class qualities in their defeat\n", - "[1.2712272 1.4440615 1.2373692 1.4582918 1.1292381 1.0534767 1.0679764\n", - " 1.0448244 1.0585872 1.0989134 1.0927367 1.1370622 1.0810897 1.0395676\n", - " 1.058094 1.033019 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 2 11 4 9 10 12 6 8 14 5 7 13 15 17 16 18]\n", - "=======================\n", - "[\"former manchester united midfielder anderson shoved otacilio neto off the ball to earn a red cardthe brazilian midfielder was sent off for internacional after a first-half off-the-ball shove on ypiranga erechim striker otacilio neto that also saw his opponent sent off for retaliating with an elbow .things have n't been going well for manchester united flop anderson since he left old trafford to return to brazil , but at least on wednesday his own errors were outshone by the stupidity of a team-mate .\"]\n", - "=======================\n", - "['manchester united flop anderson was sent off for internacional this weekanderson saw red for an off-the-ball shove during the first half of 1-1 drawteam-mate fabricio stole the limelight by swearing at his own fans']\n", - "former manchester united midfielder anderson shoved otacilio neto off the ball to earn a red cardthe brazilian midfielder was sent off for internacional after a first-half off-the-ball shove on ypiranga erechim striker otacilio neto that also saw his opponent sent off for retaliating with an elbow .things have n't been going well for manchester united flop anderson since he left old trafford to return to brazil , but at least on wednesday his own errors were outshone by the stupidity of a team-mate .\n", - "manchester united flop anderson was sent off for internacional this weekanderson saw red for an off-the-ball shove during the first half of 1-1 drawteam-mate fabricio stole the limelight by swearing at his own fans\n", - "[1.2891105 1.2409126 1.2086431 1.229251 1.1431491 1.2097825 1.2152731\n", - " 1.1473675 1.1165997 1.1192641 1.078194 1.114856 1.051369 1.0360957\n", - " 1.0932645 1.0691942 1.0188748 1.0167052 1.0211856]\n", - "\n", - "[ 0 1 3 6 5 2 7 4 9 8 11 14 10 15 12 13 18 16 17]\n", - "=======================\n", - "[\"washington ( cnn ) washington was rocked late thursday by shootings -- one at the gates of the u.s. census bureau 's headquarters and another in a popular area packed with restaurant patrons .the shootings were connected , authorities said .the suspect 's vehicle was spotted outside the census bureau , which is in suitland , maryland .\"]\n", - "=======================\n", - "['authorities believe the two shootings are connecteda suspect leads police on a wild chase , firing at multiple locationsa census bureau guard is in critical condition , a fire official says']\n", - "washington ( cnn ) washington was rocked late thursday by shootings -- one at the gates of the u.s. census bureau 's headquarters and another in a popular area packed with restaurant patrons .the shootings were connected , authorities said .the suspect 's vehicle was spotted outside the census bureau , which is in suitland , maryland .\n", - "authorities believe the two shootings are connecteda suspect leads police on a wild chase , firing at multiple locationsa census bureau guard is in critical condition , a fire official says\n", - "[1.3098922 1.4344994 1.2444164 1.320004 1.1123952 1.095722 1.132454\n", - " 1.0385648 1.0981202 1.0386375 1.0691457 1.0653877 1.0292529 1.0677601\n", - " 1.05282 1.0270299 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 2 6 4 8 5 10 13 11 14 9 7 12 15 20 16 17 18 19 21]\n", - "=======================\n", - "[\"the automated computer program was designed as an online shopping system that would spend up to $ 100 each week by randomly purchasing an item offered for sale on the deep web .a robot has been ` arrested ' by swiss police after it bought a supply of illegal drugs on a hidden region of the internet known as the ` dark net ' .the robot would then have its purchase mailed to a group of artists who then put the items in an exhibition in the town of st gallen , in north east switzerland .\"]\n", - "=======================\n", - "[\"random darknet shopper is a computer bot that randomly purchases an item every week from a hidden part of the internet called the dark netswiss police seized bot after it purchased 10 ecstasy tablets from germanyit was later released ` without charge ' according to the artists behind the botthey designed it as part of an art exhibition to display items bought by the robot over the dark net including trainers , a passport scan and cigarettes\"]\n", - "the automated computer program was designed as an online shopping system that would spend up to $ 100 each week by randomly purchasing an item offered for sale on the deep web .a robot has been ` arrested ' by swiss police after it bought a supply of illegal drugs on a hidden region of the internet known as the ` dark net ' .the robot would then have its purchase mailed to a group of artists who then put the items in an exhibition in the town of st gallen , in north east switzerland .\n", - "random darknet shopper is a computer bot that randomly purchases an item every week from a hidden part of the internet called the dark netswiss police seized bot after it purchased 10 ecstasy tablets from germanyit was later released ` without charge ' according to the artists behind the botthey designed it as part of an art exhibition to display items bought by the robot over the dark net including trainers , a passport scan and cigarettes\n", - "[1.25496 1.4669032 1.1312586 1.37596 1.226036 1.0683296 1.0693674\n", - " 1.0570335 1.0660986 1.2180315 1.0578035 1.0472668 1.1068217 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 4 9 2 12 6 5 8 10 7 11 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "['jamal kiyemba , 36 , was detained in the ugandan capital kampala in connection with the death of joan kagezi , who was killed in front of her children days before a major trial against islamist terror network al-shabaab .a former guantanamo bay prisoner arrested over the terrorist killing of a top female prosecutor in uganda had been awarded # 1million in compensation by the british government following his release .the 36-year-old is one of 16 former guantanamo prisoners awarded a # 20million payout from the british taxpayer over claims of false imprisonment and human rights abuse .']\n", - "=======================\n", - "[\"jamal kiyemba , arrested over killing of uganda 's top female prosecutorthe 36-year-old ugandan national grew up in london from age 14arrested in pakistan in 2002 and held at guantanamo bay until 2006after his release he claimed he had admitted to terrorism under tortureawarded # 1m compensation over human rights abuse claims\"]\n", - "jamal kiyemba , 36 , was detained in the ugandan capital kampala in connection with the death of joan kagezi , who was killed in front of her children days before a major trial against islamist terror network al-shabaab .a former guantanamo bay prisoner arrested over the terrorist killing of a top female prosecutor in uganda had been awarded # 1million in compensation by the british government following his release .the 36-year-old is one of 16 former guantanamo prisoners awarded a # 20million payout from the british taxpayer over claims of false imprisonment and human rights abuse .\n", - "jamal kiyemba , arrested over killing of uganda 's top female prosecutorthe 36-year-old ugandan national grew up in london from age 14arrested in pakistan in 2002 and held at guantanamo bay until 2006after his release he claimed he had admitted to terrorism under tortureawarded # 1m compensation over human rights abuse claims\n", - "[1.4765377 1.2472125 1.0642889 1.3981798 1.0955602 1.193661 1.1205254\n", - " 1.0699795 1.0480776 1.0349005 1.0196819 1.0179603 1.0223643 1.0306448\n", - " 1.0373356 1.0354147 1.0590682 1.0204096 1.0767536 1.0253375 1.0279685\n", - " 0. ]\n", - "\n", - "[ 0 3 1 5 6 4 18 7 2 16 8 14 15 9 13 20 19 12 17 10 11 21]\n", - "=======================\n", - "[\"everyone is watching valencia 's 19-year-old left back jose luis gaya with manchester city , arsenal and chelsea hoping to snatch him from under real madrid 's nose this summer .his buy-out clause is currently set at # 13.5 m .sportsmail 's pete jenson takes a look at the spain under 21 defender .\"]\n", - "=======================\n", - "['gaya has been linked with a number of big clubs in spain and englandreal madrid , man city , arsenal and chelsea could fight it outvalencia left-back , 19 , has a buy-out clause in his contract of just # 13.5 mhe has been impressive all season for the la liga clubthe attack-minded gaya has been capped up to under 21 level for spain']\n", - "everyone is watching valencia 's 19-year-old left back jose luis gaya with manchester city , arsenal and chelsea hoping to snatch him from under real madrid 's nose this summer .his buy-out clause is currently set at # 13.5 m .sportsmail 's pete jenson takes a look at the spain under 21 defender .\n", - "gaya has been linked with a number of big clubs in spain and englandreal madrid , man city , arsenal and chelsea could fight it outvalencia left-back , 19 , has a buy-out clause in his contract of just # 13.5 mhe has been impressive all season for the la liga clubthe attack-minded gaya has been capped up to under 21 level for spain\n", - "[1.194534 1.1170046 1.291525 1.1109707 1.0489787 1.0457927 1.1401076\n", - " 1.1118498 1.1361591 1.0482708 1.0308564 1.0494956 1.0405961 1.0325962\n", - " 1.0308383 1.018365 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 6 8 1 7 3 11 4 9 5 12 13 10 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "['if anything , the so-called \" fight of the century \" just reinforces the sport \\'s problems , as two aging heroes collide in what might be the last nationally relevant fight for a very long time .( cnn ) this weekend , millions of people are expected to tune in to watch two men beat each other up .the rocket rise of mma \\'s premier organization , the ultimate fighting championship , has matched boxing \\'s equally dramatic decline .']\n", - "=======================\n", - "[\"jonathan gottschall : millions to tune in to see mayweather-pacquiao fight , but this does n't show resurgence of declining sport of boxingso why will so many watch?he says a fight is metaphor for the whole human condition , with everything noble and ugly on display\"]\n", - "if anything , the so-called \" fight of the century \" just reinforces the sport 's problems , as two aging heroes collide in what might be the last nationally relevant fight for a very long time .( cnn ) this weekend , millions of people are expected to tune in to watch two men beat each other up .the rocket rise of mma 's premier organization , the ultimate fighting championship , has matched boxing 's equally dramatic decline .\n", - "jonathan gottschall : millions to tune in to see mayweather-pacquiao fight , but this does n't show resurgence of declining sport of boxingso why will so many watch?he says a fight is metaphor for the whole human condition , with everything noble and ugly on display\n", - "[1.2326682 1.4274709 1.2134296 1.1519136 1.227803 1.2940769 1.0440658\n", - " 1.1664033 1.0719678 1.0520059 1.0289029 1.0288775 1.0248886 1.0260452\n", - " 1.0314096 1.015424 1.2188762 1.0360808 1.0091285 1.0280985 1.0130751\n", - " 1.0131214]\n", - "\n", - "[ 1 5 0 4 16 2 7 3 8 9 6 17 14 10 11 19 13 12 15 21 20 18]\n", - "=======================\n", - "['chester , a 6-year-old pit bull mix , had been housed at the north fork animal welfare league on long island .a dog who was living in a shelter for the past five years has finally gone home to a loving family in new york state after his photo was shared on social media .this is the picture that secured chester a loving home']\n", - "=======================\n", - "[\"a heartbreaking photo of a six-year-old pit mix appeared on an animal shelter 's facebook pagethe rescue center was inundated with calls about the dogafter just a few hours , the photo of chester had been shared 6,000 timesa family was found to take care of him within days of the posting\"]\n", - "chester , a 6-year-old pit bull mix , had been housed at the north fork animal welfare league on long island .a dog who was living in a shelter for the past five years has finally gone home to a loving family in new york state after his photo was shared on social media .this is the picture that secured chester a loving home\n", - "a heartbreaking photo of a six-year-old pit mix appeared on an animal shelter 's facebook pagethe rescue center was inundated with calls about the dogafter just a few hours , the photo of chester had been shared 6,000 timesa family was found to take care of him within days of the posting\n", - "[1.1650852 1.4350233 1.3773572 1.3556594 1.2787757 1.1588855 1.116372\n", - " 1.1801165 1.148708 1.0255296 1.0172005 1.0969449 1.0173545 1.1087308\n", - " 1.2337317 1.0327518 1.0130987 1.0056489 1.0168197 1.0091906]\n", - "\n", - "[ 1 2 3 4 14 7 0 5 8 6 13 11 15 9 12 10 18 16 19 17]\n", - "=======================\n", - "[\"charlene bishop , who is 17 months old , went to feed her pony taffee on wednesday and was worried when she did n't meet her at the gate as normal .her mother danielle flisher went to investigate and found the shetland lying on the floor and dying from horrific head injuries .sickening : taffee the shetland pony was battered to death with a breeze block in the middle of the night in a brutal attack\"]\n", - "=======================\n", - "[\"taffee the shetland pony had to be put down after the breeze block attacktiny pony 's skull was caved in and concrete was found embedded in braincharlene bishop , who is 17 months old , groomed her horse every daymother says epileptic toddler ` has lost her best friend and is devastated 'warning : graphic content\"]\n", - "charlene bishop , who is 17 months old , went to feed her pony taffee on wednesday and was worried when she did n't meet her at the gate as normal .her mother danielle flisher went to investigate and found the shetland lying on the floor and dying from horrific head injuries .sickening : taffee the shetland pony was battered to death with a breeze block in the middle of the night in a brutal attack\n", - "taffee the shetland pony had to be put down after the breeze block attacktiny pony 's skull was caved in and concrete was found embedded in braincharlene bishop , who is 17 months old , groomed her horse every daymother says epileptic toddler ` has lost her best friend and is devastated 'warning : graphic content\n", - "[1.3143991 1.367402 1.4745097 1.3285905 1.2723696 1.1777003 1.0588158\n", - " 1.0125948 1.0111189 1.1672152 1.1572047 1.1879978 1.1292508 1.0300778\n", - " 1.0076879 1.0082636 1.0076659 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 0 4 11 5 9 10 12 6 13 7 8 15 14 16 18 17 19]\n", - "=======================\n", - "[\"olivier giroud believes the premier league is chelsea 's this season but arsenal will contend next seasongiroud appeared to misinterpret a question about arsene wenger praising his animal instincts in arsenal 's attack in the build-up to their 0-0 draw with chelsea .giroud ( left ) could not score against chelsea on sunday as the london rivals drew 0-0 at the emirates\"]\n", - "=======================\n", - "['arsenal forward olivier giroud has scored 18 goals this seasongunners boss arsene wenger praised animal instincts of frenchmanarsenal remain 10 points behind leaders chelsea in the title raceread : arsenal midfielder mesut ozil needs to produce in big gamesfrancis coquelin : giroud can lead arsenal to the premier league title']\n", - "olivier giroud believes the premier league is chelsea 's this season but arsenal will contend next seasongiroud appeared to misinterpret a question about arsene wenger praising his animal instincts in arsenal 's attack in the build-up to their 0-0 draw with chelsea .giroud ( left ) could not score against chelsea on sunday as the london rivals drew 0-0 at the emirates\n", - "arsenal forward olivier giroud has scored 18 goals this seasongunners boss arsene wenger praised animal instincts of frenchmanarsenal remain 10 points behind leaders chelsea in the title raceread : arsenal midfielder mesut ozil needs to produce in big gamesfrancis coquelin : giroud can lead arsenal to the premier league title\n", - "[1.2565953 1.576705 1.2253704 1.3647766 1.1101648 1.3538243 1.0285852\n", - " 1.026474 1.0259992 1.0206536 1.0739841 1.2501653 1.2919343 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 5 12 0 11 2 4 10 6 7 8 9 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"a passenger filmed the driver on a bus in auckland , new zealand , and sent the video to bus company ritchies coachlines along with a complaint .ritchies coachlines boss andrew ritchie said he was embarrassed by the ` idiot ' driver 's actions . 'a bus driver who was caught reading a newspaper while driving has been slammed by his boss as a ` complete idiot ' .\"]\n", - "=======================\n", - "[\"a passenger caught a driver reading the paper on a bus in auckland , nzhe sent the video to bus company ritchies coachlines with a complainthis boss said he was embarrassed by the ` idiot ' driver 's actions\"]\n", - "a passenger filmed the driver on a bus in auckland , new zealand , and sent the video to bus company ritchies coachlines along with a complaint .ritchies coachlines boss andrew ritchie said he was embarrassed by the ` idiot ' driver 's actions . 'a bus driver who was caught reading a newspaper while driving has been slammed by his boss as a ` complete idiot ' .\n", - "a passenger caught a driver reading the paper on a bus in auckland , nzhe sent the video to bus company ritchies coachlines with a complainthis boss said he was embarrassed by the ` idiot ' driver 's actions\n", - "[1.1512256 1.3044875 1.3241606 1.2337003 1.2387938 1.2979007 1.114008\n", - " 1.158604 1.0493355 1.015395 1.0268734 1.058004 1.0507977 1.0573591\n", - " 1.0240579 1.0345807 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 5 4 3 7 0 6 11 13 12 8 15 10 14 9 16 17 18 19]\n", - "=======================\n", - "[\"on a recent trip to paris , belgian food blogger yves van de ven enjoyed poking fun at those tourist clichés and took a couple of pictures deliberately missing some of the more famous monuments .one traveller in particular knows how wrong a holiday snap can go , after he posted a picture online of him ` missing ' the top of the eiffel tower and asked users to help improve his photo .since then over 100 photoshopped pictures have sprung up comically connecting his finger with the tip of the famous attraction , and it did n't stop there ...\"]\n", - "=======================\n", - "['food blogger van de ven wanted to poke fun at tourist cliche picturesone of his finger missing the eiffel tower went viral on 4chanover 100 uploads have photoshopped him touching the 301m tower tipusers created multiple memes of him in many various hilarious scenarios']\n", - "on a recent trip to paris , belgian food blogger yves van de ven enjoyed poking fun at those tourist clichés and took a couple of pictures deliberately missing some of the more famous monuments .one traveller in particular knows how wrong a holiday snap can go , after he posted a picture online of him ` missing ' the top of the eiffel tower and asked users to help improve his photo .since then over 100 photoshopped pictures have sprung up comically connecting his finger with the tip of the famous attraction , and it did n't stop there ...\n", - "food blogger van de ven wanted to poke fun at tourist cliche picturesone of his finger missing the eiffel tower went viral on 4chanover 100 uploads have photoshopped him touching the 301m tower tipusers created multiple memes of him in many various hilarious scenarios\n", - "[1.3881451 1.1222377 1.2171808 1.1766497 1.111119 1.0716702 1.2032211\n", - " 1.1108989 1.0654782 1.1215935 1.0585132 1.0145935 1.0136032 1.0594554\n", - " 1.0815794 1.0439196 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 6 3 1 9 4 7 14 5 8 13 10 15 11 12 18 16 17 19]\n", - "=======================\n", - "[\"( cnn ) in 2001 , the taliban wiped out 1700 years of history in a matter of seconds , by blowing up ancient buddha statues in central afghanistan with dynamite .sadly , the event was just the first in a series of atrocities that have robbed the world of some of its most prized cultural heritage .now cyark , a non-profit company founded by an iraqi-born engineer , is using groundbreaking laser scanning to ensure that -- at the very least -- incredibly accurate digital versions of the world 's treasures will stay with us forever .\"]\n", - "=======================\n", - "['a company called cyark specializes in digital preservation of threatened ancient and historical architecturefounded by an iraqi-born engineer , it plans to preserve 500 world heritage sites within five years']\n", - "( cnn ) in 2001 , the taliban wiped out 1700 years of history in a matter of seconds , by blowing up ancient buddha statues in central afghanistan with dynamite .sadly , the event was just the first in a series of atrocities that have robbed the world of some of its most prized cultural heritage .now cyark , a non-profit company founded by an iraqi-born engineer , is using groundbreaking laser scanning to ensure that -- at the very least -- incredibly accurate digital versions of the world 's treasures will stay with us forever .\n", - "a company called cyark specializes in digital preservation of threatened ancient and historical architecturefounded by an iraqi-born engineer , it plans to preserve 500 world heritage sites within five years\n", - "[1.3867849 1.060909 1.2361417 1.0771517 1.2274171 1.115541 1.103344\n", - " 1.1289409 1.120997 1.0537472 1.08235 1.1370158 1.1135107 1.0557511\n", - " 1.0416878 1.0513123]\n", - "\n", - "[ 0 2 4 11 7 8 5 12 6 10 3 1 13 9 15 14]\n", - "=======================\n", - "[\"when george clooney tied the knot with british lawyer amal alamuddin in 2014 , they chose venice as the place to get married .come may , lovers of art will be flocking to the city too as it plays host to its biennale art festival , an exhibition when over 88 nations showcase their country 's best works of art in national pavilions dotted throughout the city .the belmond hotel cipriani is on the island of giudecca , just a few minutes by water taxi from saint mark 's square .\"]\n", - "=======================\n", - "[\"art lovers flock to the city of canals set on a lagoon in the adriatic every two years for the 6-month cultural festivalthe atmospheric waterways and majestic buildings meant it was chosen by the clooneys for their nuptialsthe clooneys ' favourite hotels are some of the the most beautiful in italy - but they do n't come cheap\"]\n", - "when george clooney tied the knot with british lawyer amal alamuddin in 2014 , they chose venice as the place to get married .come may , lovers of art will be flocking to the city too as it plays host to its biennale art festival , an exhibition when over 88 nations showcase their country 's best works of art in national pavilions dotted throughout the city .the belmond hotel cipriani is on the island of giudecca , just a few minutes by water taxi from saint mark 's square .\n", - "art lovers flock to the city of canals set on a lagoon in the adriatic every two years for the 6-month cultural festivalthe atmospheric waterways and majestic buildings meant it was chosen by the clooneys for their nuptialsthe clooneys ' favourite hotels are some of the the most beautiful in italy - but they do n't come cheap\n", - "[1.5503205 1.3408498 1.1325939 1.1334937 1.235394 1.1788212 1.093558\n", - " 1.1407453 1.0401487 1.1009327 1.0737876 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 4 5 7 3 2 9 6 10 8 11 12 13 14 15]\n", - "=======================\n", - "['hong kong ( cnn ) cathay pacific was forced to cancel a scheduled flight from london to hong kong after one of the pilots was arrested after trying to board the airliner with knives in his luggage .the pilot , who has not been identified , was stopped during security checks as the flight prepared to depart on saturday night , the metropolitan police said in a statement monday .he was then taken into custody at a local police station where he was later bailed and ordered to return in may pending an investigation , the police statement added .']\n", - "=======================\n", - "['pilot stopped during security checks as the flight prepared to depart on saturday nightcathay pacific runs regular flights between its hong kong hub and londonthe male pilot has been bailed pending an investigation']\n", - "hong kong ( cnn ) cathay pacific was forced to cancel a scheduled flight from london to hong kong after one of the pilots was arrested after trying to board the airliner with knives in his luggage .the pilot , who has not been identified , was stopped during security checks as the flight prepared to depart on saturday night , the metropolitan police said in a statement monday .he was then taken into custody at a local police station where he was later bailed and ordered to return in may pending an investigation , the police statement added .\n", - "pilot stopped during security checks as the flight prepared to depart on saturday nightcathay pacific runs regular flights between its hong kong hub and londonthe male pilot has been bailed pending an investigation\n", - "[1.650049 1.1356586 1.4531546 1.1402187 1.1054184 1.260221 1.2170057\n", - " 1.1066115 1.1999837 1.0491053 1.0388626 1.0732397 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 5 6 8 3 1 7 4 11 9 10 12 13 14 15]\n", - "=======================\n", - "['angelique kerber of germany upset three-time defending champion maria sharapova 2-6 , 7-5 , 6-1 in the second round of the porsche grand prix on thursday .earlier , madison brengle of the united states upset third seed petra kvitova 6-3 , 7-6 ( 2 ) .three-time champion sharapova had won her previous 13 matches in stuttgart']\n", - "=======================\n", - "['maria sharapova lost to angelique kerber in stuttgart on thursdaythe german fought back to claim a 2-6 , 7-5 , 6-1 victorysharapova will now be replaced by simona halep as the world no 2']\n", - "angelique kerber of germany upset three-time defending champion maria sharapova 2-6 , 7-5 , 6-1 in the second round of the porsche grand prix on thursday .earlier , madison brengle of the united states upset third seed petra kvitova 6-3 , 7-6 ( 2 ) .three-time champion sharapova had won her previous 13 matches in stuttgart\n", - "maria sharapova lost to angelique kerber in stuttgart on thursdaythe german fought back to claim a 2-6 , 7-5 , 6-1 victorysharapova will now be replaced by simona halep as the world no 2\n", - "[1.5175247 1.3903342 1.2576004 1.2610654 1.3395417 1.2349218 1.0842674\n", - " 1.029147 1.1235662 1.0389254 1.0159657 1.0534626 1.0112528 1.0156442\n", - " 1.0105013 1.0149949]\n", - "\n", - "[ 0 1 4 3 2 5 8 6 11 9 7 10 13 15 12 14]\n", - "=======================\n", - "[\"west ham striker carlton cole says he ca n't approach sam allardyce about a new contract - because the manager does n't know whether he 's even staying at upton park .cole 's contract expires at the end of the season and it is unclear whether he 'll stay at the club beyond the summer .carlton cole attended a football fighting ebola event with nathaniel clyne on sunday\"]\n", - "=======================\n", - "[\"carlton cole 's west ham contract expires at the end of the seasonmanager sam allardyce is also facing an uncertain future at the clubhis contract is up at the end of the season and it looks likely he will leavecole almost joined west brom in january before allardyce pulled the plug\"]\n", - "west ham striker carlton cole says he ca n't approach sam allardyce about a new contract - because the manager does n't know whether he 's even staying at upton park .cole 's contract expires at the end of the season and it is unclear whether he 'll stay at the club beyond the summer .carlton cole attended a football fighting ebola event with nathaniel clyne on sunday\n", - "carlton cole 's west ham contract expires at the end of the seasonmanager sam allardyce is also facing an uncertain future at the clubhis contract is up at the end of the season and it looks likely he will leavecole almost joined west brom in january before allardyce pulled the plug\n", - "[1.3190525 1.3801943 1.2123144 1.3801932 1.1561092 1.0850381 1.1245551\n", - " 1.0590359 1.0969734 1.0767055 1.0963067 1.0538118 1.0454863 1.068251\n", - " 1.0386024 1.0098644]\n", - "\n", - "[ 1 3 0 2 4 6 8 10 5 9 13 7 11 12 14 15]\n", - "=======================\n", - "[\"leonhart is a career drug agent who has led the agency since 2007 and is the second woman to hold the job .dea head michele leonhart , is expected to resign soon , an obama administration official said tuesday , as she faces mounting criticism from congress that she 's been unable to change the agency 's cultureshe has faced mounting pressure from congress , where some questioned her competence in the wake of a scathing government watchdog report detailing allegations that agents attended sex parties with prostitutes .\"]\n", - "=======================\n", - "[\"dea head michele leonhart is expected to resign soon , an obama administration official said tuesdayshe has led the agency since 2007 and is only the second woman to hold the jobhas been criticized as ` woefully ' unable to change the agency 's culture as detailed allegations about agent scandals mount\"]\n", - "leonhart is a career drug agent who has led the agency since 2007 and is the second woman to hold the job .dea head michele leonhart , is expected to resign soon , an obama administration official said tuesday , as she faces mounting criticism from congress that she 's been unable to change the agency 's cultureshe has faced mounting pressure from congress , where some questioned her competence in the wake of a scathing government watchdog report detailing allegations that agents attended sex parties with prostitutes .\n", - "dea head michele leonhart is expected to resign soon , an obama administration official said tuesdayshe has led the agency since 2007 and is only the second woman to hold the jobhas been criticized as ` woefully ' unable to change the agency 's culture as detailed allegations about agent scandals mount\n", - "[1.5130439 1.3562014 1.1162566 1.2222764 1.120682 1.4256325 1.3247787\n", - " 1.186379 1.0909035 1.0874108 1.029274 1.0587088 1.0491308 1.0409473\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 5 1 6 3 7 4 2 8 9 11 12 13 10 14 15 16 17 18]\n", - "=======================\n", - "['bayern munich holding midfielder bastian schweinsteiger is doubtful for their german cup quarter-final against bayer leverkusen on wednesday after picking up an ankle injury .schweinsteiger limped off with an ankle problem in their 1-0 victory over borussia dortmund in the bundesliga on saturday but bayern said it was not too serious after early concerns for a player ravaged by injuries .schweinsteiger did not train on monday .']\n", - "=======================\n", - "[\"schweinsteiger will miss dfb-pokal tie with bayer leverkusengermany captain suffered ankle injury in 1-0 win over borussia dortmundbayern confirmed the injury was n't serious but he did n't train on mondayreserve goalkeeper tom starke ruled out for four weeksarjen robben and franck ribery are also on the bayern injury list\"]\n", - "bayern munich holding midfielder bastian schweinsteiger is doubtful for their german cup quarter-final against bayer leverkusen on wednesday after picking up an ankle injury .schweinsteiger limped off with an ankle problem in their 1-0 victory over borussia dortmund in the bundesliga on saturday but bayern said it was not too serious after early concerns for a player ravaged by injuries .schweinsteiger did not train on monday .\n", - "schweinsteiger will miss dfb-pokal tie with bayer leverkusengermany captain suffered ankle injury in 1-0 win over borussia dortmundbayern confirmed the injury was n't serious but he did n't train on mondayreserve goalkeeper tom starke ruled out for four weeksarjen robben and franck ribery are also on the bayern injury list\n", - "[1.3216741 1.3188936 1.1224765 1.0782355 1.152085 1.0740037 1.0947405\n", - " 1.0265534 1.0146296 1.0558234 1.3156965 1.1429851 1.2069186 1.0148182\n", - " 1.0150279 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 10 12 4 11 2 6 3 5 9 7 14 13 8 15 16 17 18]\n", - "=======================\n", - "[\"the stage was set for the coronation of king jimmy on tuesday but west indies stubbornly refused to hurry him to his throne .the perfect script for this first test saw anderson taking the four wickets he needed to become the most prolific bowler in england 's history in his 100th game with record holder sir ian botham here and waiting to crown his successor .jerome taylor celebrates dismissing stokes to take west indies ' first wicket of the day in antigua\"]\n", - "=======================\n", - "[\"west indies reach 155 for four at stumps on day two of first testhosts still 244 runs adrift of england 's first innings total of 399resuming on 341 for five , england 's final five wickets fell for 58jimmy anderson , chris jordan , stuart broad and james tredwell all take a wicket each in west indies ' first innings at sir viv richards stadiumanderson has 381 test wickets , two less than sir ian bothamshiv chanderpaul 29 * and jermaine blackwood 30 * at stumpsnasser hussain : jimmy anderson is still the sultan of swing\"]\n", - "the stage was set for the coronation of king jimmy on tuesday but west indies stubbornly refused to hurry him to his throne .the perfect script for this first test saw anderson taking the four wickets he needed to become the most prolific bowler in england 's history in his 100th game with record holder sir ian botham here and waiting to crown his successor .jerome taylor celebrates dismissing stokes to take west indies ' first wicket of the day in antigua\n", - "west indies reach 155 for four at stumps on day two of first testhosts still 244 runs adrift of england 's first innings total of 399resuming on 341 for five , england 's final five wickets fell for 58jimmy anderson , chris jordan , stuart broad and james tredwell all take a wicket each in west indies ' first innings at sir viv richards stadiumanderson has 381 test wickets , two less than sir ian bothamshiv chanderpaul 29 * and jermaine blackwood 30 * at stumpsnasser hussain : jimmy anderson is still the sultan of swing\n", - "[1.178301 1.3895856 1.1731912 1.2497313 1.2133641 1.268963 1.210917\n", - " 1.1218039 1.0804528 1.0809915 1.0343152 1.0497302 1.0987672 1.0377524\n", - " 1.0499107 1.0552396 1.0348452 1.0086055 1.0129994]\n", - "\n", - "[ 1 5 3 4 6 0 2 7 12 9 8 15 14 11 13 16 10 18 17]\n", - "=======================\n", - "[\"danielle and alexander meitiv , both scientists in maryland , made headlines just before christmas when police found rafi , 10 and dvora , six , wandering the sidewalk on their own .picked up again : the meitivs say they were left to panic for hours by cps workers after their children -- who they raise with a so-called ` free-range ' approach -- were picked up by police for the second time in two months while walking down the street alonechild protection services have again seized the two ` free range ' children of a mother and father whose unusual approach to parenting has become a national debate .\"]\n", - "=======================\n", - "[\"police seized rafi , 10 , and dvora , 6 , in a maryland park on sunday and their parents say they were n't reunited by cps for hoursscientists danielle and alexander meitiv believe in ` free range parenting ' meaning the children are afforded total independence from infancythe meitivs were found guilty of neglect in march .\"]\n", - "danielle and alexander meitiv , both scientists in maryland , made headlines just before christmas when police found rafi , 10 and dvora , six , wandering the sidewalk on their own .picked up again : the meitivs say they were left to panic for hours by cps workers after their children -- who they raise with a so-called ` free-range ' approach -- were picked up by police for the second time in two months while walking down the street alonechild protection services have again seized the two ` free range ' children of a mother and father whose unusual approach to parenting has become a national debate .\n", - "police seized rafi , 10 , and dvora , 6 , in a maryland park on sunday and their parents say they were n't reunited by cps for hoursscientists danielle and alexander meitiv believe in ` free range parenting ' meaning the children are afforded total independence from infancythe meitivs were found guilty of neglect in march .\n", - "[1.2674708 1.3593524 1.3613048 1.1346555 1.1932118 1.1516848 1.1130531\n", - " 1.0363407 1.1398987 1.0206919 1.034485 1.0220261 1.0337766 1.0993867\n", - " 1.0731454 1.0973986 1.0924382 1.0346907 1.0592573]\n", - "\n", - "[ 2 1 0 4 5 8 3 6 13 15 16 14 18 7 17 10 12 11 9]\n", - "=======================\n", - "[\"the five-year-old panicked and ran to the window but fell between the protective metal slats of the residential property , the people 's daily online reports .na chu had just returned from a trip to the zoo when her grandmother accidentally locked her in the house by herself in the xiangtan , south china .a little girl who slipped through metal bars and became trapped by the neck was saved by the heroic efforts of her neighbours .\"]\n", - "=======================\n", - "['five-year-old had accidentally been locked in by grandmashe ran to the window to shout her but fell between the metal slatsneighbours used piece of pipe and other items to take weight off neckemergency crews arrived 30 minutes later to free her from railings']\n", - "the five-year-old panicked and ran to the window but fell between the protective metal slats of the residential property , the people 's daily online reports .na chu had just returned from a trip to the zoo when her grandmother accidentally locked her in the house by herself in the xiangtan , south china .a little girl who slipped through metal bars and became trapped by the neck was saved by the heroic efforts of her neighbours .\n", - "five-year-old had accidentally been locked in by grandmashe ran to the window to shout her but fell between the metal slatsneighbours used piece of pipe and other items to take weight off neckemergency crews arrived 30 minutes later to free her from railings\n", - "[1.1847465 1.4821681 1.2687843 1.1535736 1.1271104 1.1246387 1.0276797\n", - " 1.2676394 1.0656451 1.0857297 1.0794173 1.0481489 1.0733831 1.0813409\n", - " 1.0495585 1.0640634 0. 0. 0. ]\n", - "\n", - "[ 1 2 7 0 3 4 5 9 13 10 12 8 15 14 11 6 17 16 18]\n", - "=======================\n", - "[\"the dog named stains had its coat trimmed to resemble a lion when its owners sent it to the groomers .according to the dog 's owner , stains is a sheep-herding breed and his thick coat , which is best suited for colder climates , had become uncomfortable in the recent sunshine .a family pooch received an interesting make-over when it came back from the groomers looking less like a domesticated pet and more like a wild cat .\"]\n", - "=======================\n", - "['the dog named stains required a cut because of the warm weatherowner decided pet pooch needed a new look and got it cut like lionvideo captures the owner laughing hysterically while filming results']\n", - "the dog named stains had its coat trimmed to resemble a lion when its owners sent it to the groomers .according to the dog 's owner , stains is a sheep-herding breed and his thick coat , which is best suited for colder climates , had become uncomfortable in the recent sunshine .a family pooch received an interesting make-over when it came back from the groomers looking less like a domesticated pet and more like a wild cat .\n", - "the dog named stains required a cut because of the warm weatherowner decided pet pooch needed a new look and got it cut like lionvideo captures the owner laughing hysterically while filming results\n", - "[1.1971064 1.562797 1.2957822 1.289914 1.1159432 1.0429871 1.0340632\n", - " 1.0165483 1.0347556 1.1998165 1.1246028 1.1668168 1.0407599 1.0791262\n", - " 1.0604002 1.0722036 1.0618227 1.0179653 1.0481702 0. ]\n", - "\n", - "[ 1 2 3 9 0 11 10 4 13 15 16 14 18 5 12 8 6 17 7 19]\n", - "=======================\n", - "['katie prager , 24 , was diagnosed with an infection in her lungs in september 2009 and is desperately in need of a transplant as doctors predicted she would not live a year without new lungs .as her health continues to decline , her husband dalton , 23 , who has already received new lungs , is pleading for help .her insurance company , kentucky medicaid , will not pay for the out-of-state treatment she needs at the university of pittsburgh medical center , he says .']\n", - "=======================\n", - "['katie and dalton prager , 24 and 23 , met in 2009 and married two years laterthey both suffer from cystic fibrosis , and in november 2014 , dalton received new lungskatie is still waiting for a lung transplant because insurance company will not pay for the out-of-state treatment she needs , husband saysdoctors predict she will not live a year without new lungs` they are turning my wife into a number , a statistic , a dollar sign .']\n", - "katie prager , 24 , was diagnosed with an infection in her lungs in september 2009 and is desperately in need of a transplant as doctors predicted she would not live a year without new lungs .as her health continues to decline , her husband dalton , 23 , who has already received new lungs , is pleading for help .her insurance company , kentucky medicaid , will not pay for the out-of-state treatment she needs at the university of pittsburgh medical center , he says .\n", - "katie and dalton prager , 24 and 23 , met in 2009 and married two years laterthey both suffer from cystic fibrosis , and in november 2014 , dalton received new lungskatie is still waiting for a lung transplant because insurance company will not pay for the out-of-state treatment she needs , husband saysdoctors predict she will not live a year without new lungs` they are turning my wife into a number , a statistic , a dollar sign .\n", - "[1.293595 1.3138722 1.3152224 1.2439251 1.1486236 1.0396912 1.0373884\n", - " 1.0878742 1.0465975 1.02869 1.053956 1.1494552 1.0909005 1.0568329\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 11 4 12 7 13 10 8 5 6 9 14 15 16 17 18 19]\n", - "=======================\n", - "[\"the post claims to reveal the information of fbi director james comey and dhs director charles johnson , in addition to previous directors , cnn reports .along with a paranoid message proclaiming the officials to be ` nwo stooges , ' the group , or possibly individual , released the info of employees of the cia , fbi and dhs on the site pastebin.com , which allows anonymous posts .federal law enforcement officials say a right wing group has published the names , numbers and addresses of senior and former officials with several government agencies .\"]\n", - "=======================\n", - "[\"an anonymous post on pastebin.com claims to reveal addresses of fbi director james comey , dhs director charles johnson and othersalso included in the post were p.o. box addresses the writer claims are used by the cia as cover addressesthe post also read ` jesus is lord , and the public is in charge , not these satanic nwo stooges '\"]\n", - "the post claims to reveal the information of fbi director james comey and dhs director charles johnson , in addition to previous directors , cnn reports .along with a paranoid message proclaiming the officials to be ` nwo stooges , ' the group , or possibly individual , released the info of employees of the cia , fbi and dhs on the site pastebin.com , which allows anonymous posts .federal law enforcement officials say a right wing group has published the names , numbers and addresses of senior and former officials with several government agencies .\n", - "an anonymous post on pastebin.com claims to reveal addresses of fbi director james comey , dhs director charles johnson and othersalso included in the post were p.o. box addresses the writer claims are used by the cia as cover addressesthe post also read ` jesus is lord , and the public is in charge , not these satanic nwo stooges '\n", - "[1.1800175 1.4509561 1.2738676 1.3063105 1.1967615 1.1893474 1.1647098\n", - " 1.0305805 1.0446223 1.0182284 1.0280051 1.0620595 1.0464714 1.0831949\n", - " 1.0503968 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 5 0 6 13 11 14 12 8 7 10 9 15 16 17 18 19]\n", - "=======================\n", - "[\"natali castellanos-tyler , 30 , a married mother of three from chesterfield county , was returning home from a birthday party february 21 with her daughter , elisa , in the backseat when she supposedly slid off a rain-soaked road , slammed her silver ford explorer into a tree and died at the scene .investigators concluded that the crash was a one-car collision that was caused by poor road conditions .a 3-year-old 's recurring nightmare about a mysterious white van may help shed light on what really happened the day her mother died in an suv crash that virginia police have ruled a tragic accident .\"]\n", - "=======================\n", - "[\"natali castellanos-tyler , 30 , married mother of three from virginia , was killed when she crashed into tree february 21daughter elisa , now 3 , was in backseat of tyler 's ford explorer and survived crashpolice ruled that it was a one-car collision caused by sleek roadcraig tyler , victim 's husband , says little elisa has been having recurring dream featuring a white van at crash scenewhite box truck has been tentatively linked to three hit-and-run incidents in neighboring communities between march 29 and april 3each time , truck side-swiped passing vehicle and sped off ; april 3 crash involved a school bus filled with students\"]\n", - "natali castellanos-tyler , 30 , a married mother of three from chesterfield county , was returning home from a birthday party february 21 with her daughter , elisa , in the backseat when she supposedly slid off a rain-soaked road , slammed her silver ford explorer into a tree and died at the scene .investigators concluded that the crash was a one-car collision that was caused by poor road conditions .a 3-year-old 's recurring nightmare about a mysterious white van may help shed light on what really happened the day her mother died in an suv crash that virginia police have ruled a tragic accident .\n", - "natali castellanos-tyler , 30 , married mother of three from virginia , was killed when she crashed into tree february 21daughter elisa , now 3 , was in backseat of tyler 's ford explorer and survived crashpolice ruled that it was a one-car collision caused by sleek roadcraig tyler , victim 's husband , says little elisa has been having recurring dream featuring a white van at crash scenewhite box truck has been tentatively linked to three hit-and-run incidents in neighboring communities between march 29 and april 3each time , truck side-swiped passing vehicle and sped off ; april 3 crash involved a school bus filled with students\n", - "[1.4362036 1.5015259 1.223948 1.3457485 1.260159 1.2725341 1.1262634\n", - " 1.0963905 1.0358753 1.0193946 1.1003779 1.0341986 1.0219166 1.0212278\n", - " 1.0201395 1.0494202 1.0416989 1.1156675 0. 0. ]\n", - "\n", - "[ 1 0 3 5 4 2 6 17 10 7 15 16 8 11 12 13 14 9 18 19]\n", - "=======================\n", - "[\"the brazilian collided with an onrushing david ospina in the 16th minute at the emirates stadium and was sent to hospital at half time for checks .chelsea were forced to substitute oscar during the derby against arsenal after their creative midfielder suffered ` possible concussion ' in the first half .oscar was clattered into by arsenal goalkeeper david ospina during sunday 's london derby\"]\n", - "=======================\n", - "[\"chelsea were n't awarded a penalty for david ospina 's clash with oscararsenal goalkeeper clattered oscar inside the boxbrazilian was taken off at half-time , with didier drogba replacing him\"]\n", - "the brazilian collided with an onrushing david ospina in the 16th minute at the emirates stadium and was sent to hospital at half time for checks .chelsea were forced to substitute oscar during the derby against arsenal after their creative midfielder suffered ` possible concussion ' in the first half .oscar was clattered into by arsenal goalkeeper david ospina during sunday 's london derby\n", - "chelsea were n't awarded a penalty for david ospina 's clash with oscararsenal goalkeeper clattered oscar inside the boxbrazilian was taken off at half-time , with didier drogba replacing him\n", - "[1.4240303 1.3572359 1.2520947 1.2125946 1.351012 1.1933005 1.0236255\n", - " 1.0409042 1.0139923 1.2538717 1.0825684 1.0217625 1.0202389 1.0374441\n", - " 1.0364603 1.1081382 1.0376636 1.0805165 1.0446125 1.0655044]\n", - "\n", - "[ 0 1 4 9 2 3 5 15 10 17 19 18 7 16 13 14 6 11 12 8]\n", - "=======================\n", - "[\"joe root became the second-youngest england batsman to reach 2,000 test runs , after alastair cook .root reached the milestone aged 24 years , 115 days .joe root 's 182 not out took him past 2,000 runs in tests , the second fastest englishman to the milestone\"]\n", - "=======================\n", - "[\"ben stokes ' dad gerard tweets his approval of marlon samuels ' salutejoe root moves to 2,000 test runs , faster than sachin tendulkarstuart broad wastes another review , branded the worst of his career\"]\n", - "joe root became the second-youngest england batsman to reach 2,000 test runs , after alastair cook .root reached the milestone aged 24 years , 115 days .joe root 's 182 not out took him past 2,000 runs in tests , the second fastest englishman to the milestone\n", - "ben stokes ' dad gerard tweets his approval of marlon samuels ' salutejoe root moves to 2,000 test runs , faster than sachin tendulkarstuart broad wastes another review , branded the worst of his career\n", - "[1.2180533 1.4072868 1.3956234 1.2162002 1.0757742 1.1396749 1.0355467\n", - " 1.0619574 1.2042953 1.1291893 1.0629394 1.1019323 1.1331043 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 8 5 12 9 11 4 10 7 6 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "['susan monica , a 66-year-old pig farmer and welder from southern oregon , went on trial on tuesday in medford .she has been charged with killing two handymen living on her 20-acre pig ranch in a small jackson county community and dismembering the bodies .a woman on trial for murder admitted in a recorded interview with police that she had shot two men and fed their bodies to her pigs , the jury heard on tuesday .']\n", - "=======================\n", - "['susan monica , from southern oregon , allegedly killed two handymen living on her pig ranchdefense lawyer garren pedemonte said monica shot the first victim in self-defense and the second as a kind of mercy killingmonica claimed she shot robert harry haney , 56 , to put him out of his misery because she found her pigs already feeding on him']\n", - "susan monica , a 66-year-old pig farmer and welder from southern oregon , went on trial on tuesday in medford .she has been charged with killing two handymen living on her 20-acre pig ranch in a small jackson county community and dismembering the bodies .a woman on trial for murder admitted in a recorded interview with police that she had shot two men and fed their bodies to her pigs , the jury heard on tuesday .\n", - "susan monica , from southern oregon , allegedly killed two handymen living on her pig ranchdefense lawyer garren pedemonte said monica shot the first victim in self-defense and the second as a kind of mercy killingmonica claimed she shot robert harry haney , 56 , to put him out of his misery because she found her pigs already feeding on him\n", - "[1.1818057 1.5323694 1.2853221 1.3961087 1.2330571 1.1398077 1.1417704\n", - " 1.1150697 1.0420326 1.0915638 1.028774 1.0744466 1.0377699 1.0603184\n", - " 1.0858077 1.106119 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 4 0 6 5 7 15 9 14 11 13 8 12 10 16 17 18 19 20 21]\n", - "=======================\n", - "['on friday , ruben costa , 35 , pleaded guilty to impersonating a member of the police force , but was only handed a two-month suspended sentence , according to the nt news .the incident occurred when the northern territory man returned home from work to find his wife had left him , taking their son and possessions .the father pretended to be a police officer investigating a crime over the phone , claiming he needed the assistance of taxi drivers in the area']\n", - "=======================\n", - "[\"darwin 's ruben costa impersonated police officer to find his wife and childhe came home from work to find his wife had left with his young soncosta called a taxi company , pretending to be a police officer searching for a woman who had abducted a childthe taxi company were able to provide costa with his wife 's locationcosta confronted his wife at the women 's refuge where she had fledcosta was handed a suspended sentence for his ` devious ' actions\"]\n", - "on friday , ruben costa , 35 , pleaded guilty to impersonating a member of the police force , but was only handed a two-month suspended sentence , according to the nt news .the incident occurred when the northern territory man returned home from work to find his wife had left him , taking their son and possessions .the father pretended to be a police officer investigating a crime over the phone , claiming he needed the assistance of taxi drivers in the area\n", - "darwin 's ruben costa impersonated police officer to find his wife and childhe came home from work to find his wife had left with his young soncosta called a taxi company , pretending to be a police officer searching for a woman who had abducted a childthe taxi company were able to provide costa with his wife 's locationcosta confronted his wife at the women 's refuge where she had fledcosta was handed a suspended sentence for his ` devious ' actions\n", - "[1.1885152 1.5017003 1.1928769 1.256656 1.3687938 1.1841542 1.352211\n", - " 1.1289021 1.0780956 1.0218205 1.0125312 1.0200223 1.0551188 1.0493504\n", - " 1.0499164 1.0233372 1.0163643 1.0825063 1.0658258 1.0229743 1.0112476\n", - " 1.0474497]\n", - "\n", - "[ 1 4 6 3 2 0 5 7 17 8 18 12 14 13 21 15 19 9 11 16 10 20]\n", - "=======================\n", - "[\"for the first time , zella jackson price , 76 , and melanie diane gilmore , 49 , met in-person at price 's olivette home .but gilmore was alive and for an unknown reason adopted by another family .when price gave birth at homer g. phillips hospital so many years ago , she was told shortly after delivery that the infant had died .\"]\n", - "=======================\n", - "['zella jackson price of olivette , missiouri , gave birth to her baby 49 years agoafter she was told her baby had died , the baby , now named melanie gilmore , was adopted to another family for an unknown reasonprice , 76 , and gilmore , 49 , confirmed they were related through a dna testthey both appear to be overwhelmed with emotion during reunionsoon they will begin an investigation into the hospital to see what happened']\n", - "for the first time , zella jackson price , 76 , and melanie diane gilmore , 49 , met in-person at price 's olivette home .but gilmore was alive and for an unknown reason adopted by another family .when price gave birth at homer g. phillips hospital so many years ago , she was told shortly after delivery that the infant had died .\n", - "zella jackson price of olivette , missiouri , gave birth to her baby 49 years agoafter she was told her baby had died , the baby , now named melanie gilmore , was adopted to another family for an unknown reasonprice , 76 , and gilmore , 49 , confirmed they were related through a dna testthey both appear to be overwhelmed with emotion during reunionsoon they will begin an investigation into the hospital to see what happened\n", - "[1.3553216 1.3684424 1.1834416 1.286794 1.1936976 1.0771197 1.1791012\n", - " 1.0809052 1.0817068 1.0635406 1.0840404 1.0138847 1.0544018 1.0696397\n", - " 1.0267385 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 4 2 6 10 8 7 5 13 9 12 14 11 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"video shows reserve deputy robert bates announcing he is going to deploy his taser after an undercover weapons sting on april 2 , but then shooting eric courtney harris in the back with a handgun .tulsa , oklahoma ( cnn ) the tulsa county deputy who shot and killed a man instead of using his taser now faces a manslaughter charge .it 's a felony charge that could land the volunteer deputy in prison for up to four years if he 's found guilty .\"]\n", - "=======================\n", - "['harris family attorney says volunteer deputy was a donor who paid to play a copan attorney representing reserve deputy robert bates says it was an \" excusable homicide \"eric harris \\' brother says the shooting was \" simply evil , \" accuses investigators of trying to cover it up']\n", - "video shows reserve deputy robert bates announcing he is going to deploy his taser after an undercover weapons sting on april 2 , but then shooting eric courtney harris in the back with a handgun .tulsa , oklahoma ( cnn ) the tulsa county deputy who shot and killed a man instead of using his taser now faces a manslaughter charge .it 's a felony charge that could land the volunteer deputy in prison for up to four years if he 's found guilty .\n", - "harris family attorney says volunteer deputy was a donor who paid to play a copan attorney representing reserve deputy robert bates says it was an \" excusable homicide \"eric harris ' brother says the shooting was \" simply evil , \" accuses investigators of trying to cover it up\n", - "[1.2429456 1.3064106 1.2192241 1.3593587 1.0566157 1.1577852 1.173825\n", - " 1.0453813 1.1505882 1.0501041 1.1598196 1.0906745 1.0239036 1.0581889\n", - " 1.0215914 1.1523299 1.0085143 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 0 2 6 10 5 15 8 11 13 4 9 7 12 14 16 20 17 18 19 21]\n", - "=======================\n", - "['chase headley and mark teixeira hit tying home runs for the yankees in a game interrupted by a power outage for 16 minutes in the 12th .boston took a 6-5 lead in the 19th inning on saturday morning on a sacrifice fly by mookie betts .in one of the classic games of their long and illustrious rivalry , the first meeting of the season between the boston red sox and new york yankees lasted nearly seven hours - becoming the longest game in team history for both .']\n", - "=======================\n", - "['in first meeting of the season between the rivals power outage delayed game 16 minutes in the 12th inningthe game lasted six hours and 49 minutes pushing past 2am on saturday east coast time and came to an end after 19 innings']\n", - "chase headley and mark teixeira hit tying home runs for the yankees in a game interrupted by a power outage for 16 minutes in the 12th .boston took a 6-5 lead in the 19th inning on saturday morning on a sacrifice fly by mookie betts .in one of the classic games of their long and illustrious rivalry , the first meeting of the season between the boston red sox and new york yankees lasted nearly seven hours - becoming the longest game in team history for both .\n", - "in first meeting of the season between the rivals power outage delayed game 16 minutes in the 12th inningthe game lasted six hours and 49 minutes pushing past 2am on saturday east coast time and came to an end after 19 innings\n", - "[1.3665949 1.316268 1.2159419 1.1138911 1.1797203 1.1461469 1.1068642\n", - " 1.0926416 1.144466 1.131532 1.0340093 1.0807478 1.2282416 1.1430378\n", - " 1.0453951 1.0120226 1.0598885 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 12 2 4 5 8 13 9 3 6 7 11 16 14 10 15 19 17 18 20]\n", - "=======================\n", - "[\"the hobart international airport website has been shut down after it was hacked and defaced with a statement supporting the radical islamist group isis , also known as islamic state or is .tasmania police are investigating and have been monitoring activity at the airport after becoming aware of the statement about 5.30 am on sunday . 'police said they were supporting airport security arrangements and were ` prepared to provide an appropriate response ' .\"]\n", - "=======================\n", - "[\"hobart international airport 's website hacked by islamic state supporterstasmanian police were made aware of the incident at 5.30 am on sundaythe website is temporarily shut down , police are monitoring the airportno threats were made towards hobart airport or flight operations\"]\n", - "the hobart international airport website has been shut down after it was hacked and defaced with a statement supporting the radical islamist group isis , also known as islamic state or is .tasmania police are investigating and have been monitoring activity at the airport after becoming aware of the statement about 5.30 am on sunday . 'police said they were supporting airport security arrangements and were ` prepared to provide an appropriate response ' .\n", - "hobart international airport 's website hacked by islamic state supporterstasmanian police were made aware of the incident at 5.30 am on sundaythe website is temporarily shut down , police are monitoring the airportno threats were made towards hobart airport or flight operations\n", - "[1.4206486 1.3258115 1.3231325 1.2269564 1.0747857 1.1502331 1.0995985\n", - " 1.0329943 1.1258233 1.1107 1.0412378 1.0171393 1.0220584 1.1405398\n", - " 1.0411425 1.0885261 1.0799631 1.0474855 1.0674753 1.0226567 1.0123097]\n", - "\n", - "[ 0 1 2 3 5 13 8 9 6 15 16 4 18 17 10 14 7 19 12 11 20]\n", - "=======================\n", - "['( cnn ) a door bearing a graffiti drawing by british artist banksy was seized by police in gaza on thursday after a dispute over its sale , a gaza police official told cnn on thursday .the owner of the door , rabea darduna , filed a complaint with a gaza court stating that , without realizing its value , he sold the door for just $ 175 u.s. .the iron door will remain in the possession of the khan younis police in southern gaza until a court hearing at a date yet to be determined .']\n", - "=======================\n", - "[\"rabea darduna 's gaza home was destroyed last year ; he sold his door to bring in some moneyon thursday , gaza police seized the door , which had originally been sold for $ 175 u.s.some of banksy 's art has sold for hundreds of thousands of dollars\"]\n", - "( cnn ) a door bearing a graffiti drawing by british artist banksy was seized by police in gaza on thursday after a dispute over its sale , a gaza police official told cnn on thursday .the owner of the door , rabea darduna , filed a complaint with a gaza court stating that , without realizing its value , he sold the door for just $ 175 u.s. .the iron door will remain in the possession of the khan younis police in southern gaza until a court hearing at a date yet to be determined .\n", - "rabea darduna 's gaza home was destroyed last year ; he sold his door to bring in some moneyon thursday , gaza police seized the door , which had originally been sold for $ 175 u.s.some of banksy 's art has sold for hundreds of thousands of dollars\n", - "[1.504353 1.2315145 1.1767341 1.1617541 1.0970869 1.0395151 1.0440629\n", - " 1.065426 1.0865353 1.1040516 1.0472759 1.0402849 1.0520246 1.0371053\n", - " 1.0503054 1.0284002 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 9 4 8 7 12 14 10 6 11 5 13 15 16 17 18 19 20]\n", - "=======================\n", - "[\"( cnn ) last week , california gov. jerry brown ordered mandatory statewide restrictions on water use for the first time in the state 's history .his action was driven by a specific crisis unique to california at the moment -- the severe drought now in its fourth year there -- but it has significance for the whole nation .as it has in the past , california is leading the way in recognizing that population and economic growth has to respect the physical limits imposed by planet earth .\"]\n", - "=======================\n", - "[\"adam sobel : california 's steps against drought are a preview for rest of u.s. and worldtying climate change to weather does n't rest on single extreme event , sobel saysthe big picture should spur us to prepare for new climates by fixing infrastructure , he says\"]\n", - "( cnn ) last week , california gov. jerry brown ordered mandatory statewide restrictions on water use for the first time in the state 's history .his action was driven by a specific crisis unique to california at the moment -- the severe drought now in its fourth year there -- but it has significance for the whole nation .as it has in the past , california is leading the way in recognizing that population and economic growth has to respect the physical limits imposed by planet earth .\n", - "adam sobel : california 's steps against drought are a preview for rest of u.s. and worldtying climate change to weather does n't rest on single extreme event , sobel saysthe big picture should spur us to prepare for new climates by fixing infrastructure , he says\n", - "[1.0815297 1.0631435 1.2993109 1.3728786 1.204781 1.0951736 1.0655724\n", - " 1.0427641 1.0195013 1.0150226 1.242409 1.0363708 1.1281307 1.2203093\n", - " 1.0238823 1.0143547 1.0139151 1.0468162 0. 0. 0. ]\n", - "\n", - "[ 3 2 10 13 4 12 5 0 6 1 17 7 11 14 8 9 15 16 19 18 20]\n", - "=======================\n", - "[\"among their wonders on wheels are lifelike versions of batman 's tumbler from the dark knight film trilogy and the much-loved ghostbusters car - or ecto-1 as the spook-hunting team call it .well now it 's possible to do both thanks to brothers marc and shanon parker - who have designed and built a fantastic fleet of movie-inspired vehicles .the car-crazy brothers from port canaveral , florida , started building versions of the vehicles they most loved for their own enjoyment four years ago .\"]\n", - "=======================\n", - "[\"duo started out by making versions of famous vehicles they lovedcelebrities and wealthy film fans are flocking to buy the pair 's creationsthe fleet includes a transformers-style truck and ` tron ' motorbike\"]\n", - "among their wonders on wheels are lifelike versions of batman 's tumbler from the dark knight film trilogy and the much-loved ghostbusters car - or ecto-1 as the spook-hunting team call it .well now it 's possible to do both thanks to brothers marc and shanon parker - who have designed and built a fantastic fleet of movie-inspired vehicles .the car-crazy brothers from port canaveral , florida , started building versions of the vehicles they most loved for their own enjoyment four years ago .\n", - "duo started out by making versions of famous vehicles they lovedcelebrities and wealthy film fans are flocking to buy the pair 's creationsthe fleet includes a transformers-style truck and ` tron ' motorbike\n", - "[1.6854136 1.0914468 1.0665108 1.5018721 1.054765 1.0587401 1.078467\n", - " 1.1081828 1.0457127 1.0676447 1.1046469 1.3599582 1.0325929 1.0561129\n", - " 1.0210832 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 11 7 10 1 6 9 2 5 13 4 8 12 14 19 15 16 17 18 20]\n", - "=======================\n", - "[\"mercedes duo lewis hamilton and nico rosberg found themselves in unusual positions towards the rear of the timesheet at the end of the first practice session for the bahrain grand prix while kimi raikkonen posted the fastest time .formula one champion lewis hamilton finished 16th during friday 's bahrain practice sessionthe finn set the pace with a lap of one minute 37.827 secs , two tenths of a second up on team-mate sebastian vettel , the german who trails reigning champion hamilton by 13 points after the first three races of the campaign .\"]\n", - "=======================\n", - "['kimi raikkonen finished ahead of ferrari team-mate sebastian vettelbritish driver and formula one champion lewis hamilton finished 16thjenson button stalled his car right at start of the practice session']\n", - "mercedes duo lewis hamilton and nico rosberg found themselves in unusual positions towards the rear of the timesheet at the end of the first practice session for the bahrain grand prix while kimi raikkonen posted the fastest time .formula one champion lewis hamilton finished 16th during friday 's bahrain practice sessionthe finn set the pace with a lap of one minute 37.827 secs , two tenths of a second up on team-mate sebastian vettel , the german who trails reigning champion hamilton by 13 points after the first three races of the campaign .\n", - "kimi raikkonen finished ahead of ferrari team-mate sebastian vettelbritish driver and formula one champion lewis hamilton finished 16thjenson button stalled his car right at start of the practice session\n", - "[1.0819645 1.2936186 1.3499534 1.2788664 1.0978246 1.170506 1.2088346\n", - " 1.167428 1.0890929 1.0887436 1.1007488 1.1123153 1.0810523 1.0275195\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 6 5 7 11 10 4 8 9 0 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "['the incredible footage was shot at domodedovo airport in russia , and shows a man lying in the foetal position seemingly away with the fairies .as passengers waited to collect their luggage from the baggage reclaim , they were in for a shock when they discovered a man asleep on the conveyor .incredibly , other passengers appear more concerned with spotting their luggage than the fate of the dozing man in shorts .']\n", - "=======================\n", - "['footage shot at domodedovo airport in russiaman curls into foetal positions as he whizzes round on conveyorsome passengers take photos , but most concentrate on spotting their luggage']\n", - "the incredible footage was shot at domodedovo airport in russia , and shows a man lying in the foetal position seemingly away with the fairies .as passengers waited to collect their luggage from the baggage reclaim , they were in for a shock when they discovered a man asleep on the conveyor .incredibly , other passengers appear more concerned with spotting their luggage than the fate of the dozing man in shorts .\n", - "footage shot at domodedovo airport in russiaman curls into foetal positions as he whizzes round on conveyorsome passengers take photos , but most concentrate on spotting their luggage\n", - "[1.4115491 1.3020507 1.1109968 1.0525388 1.0633035 1.3238177 1.2692934\n", - " 1.0340049 1.189641 1.0663756 1.1229719 1.1682721 1.1248746 1.0545752\n", - " 1.008935 1.0289884 1.0211885 0. 0. 0. ]\n", - "\n", - "[ 0 5 1 6 8 11 12 10 2 9 4 13 3 7 15 16 14 17 18 19]\n", - "=======================\n", - "['a series of unpublished love letters from mexican artist frida kahlo to her lover jose bartoli are expected to fetch upwards of $ 120,000 when the passionate missives go up for auction later thisduring her marriage to muralist diego rivera , frida penned the letters to jose , a catalan artist whom she met while she was recovering from surgery in new york .enduring love : a collection of 25 of the unpublished letters will be auctioned off at doyle new york on april 15']\n", - "=======================\n", - "['the mexican painter penned the letters to fellow artist jose bartoli from 1946 and 1949 while she was married to muralist diego riverathe 25 letters jose had saved until his death in 1995 are headed to auction at doyle new york on april 15 and expected sell upwards of $ 120,000']\n", - "a series of unpublished love letters from mexican artist frida kahlo to her lover jose bartoli are expected to fetch upwards of $ 120,000 when the passionate missives go up for auction later thisduring her marriage to muralist diego rivera , frida penned the letters to jose , a catalan artist whom she met while she was recovering from surgery in new york .enduring love : a collection of 25 of the unpublished letters will be auctioned off at doyle new york on april 15\n", - "the mexican painter penned the letters to fellow artist jose bartoli from 1946 and 1949 while she was married to muralist diego riverathe 25 letters jose had saved until his death in 1995 are headed to auction at doyle new york on april 15 and expected sell upwards of $ 120,000\n", - "[1.634017 1.3474343 1.23161 1.1266563 1.0315504 1.04432 1.0280052\n", - " 1.2268838 1.0307621 1.052039 1.03487 1.1682572 1.1264528 1.0326856\n", - " 1.0184232 1.0183451 1.009008 1.0249846 1.0114968 1.0645596]\n", - "\n", - "[ 0 1 2 7 11 3 12 19 9 5 10 13 4 8 6 17 14 15 18 16]\n", - "=======================\n", - "[\"barcelona ace neymar scored twice as barcelona cruised past ligue 1 giants paris saint-germain at the nou camp .the brazilian was on hand to embarrass fellow countryman david luiz as the former chelsea defender endured a horrendous evening in spain .javier mascherano 6 : pique was the player assigned to deal with ibrahimovic and mascherano was left with little else to do , in a quiet evening for barcelona 's defence .\"]\n", - "=======================\n", - "['neymar scored twice as barcelona eased through at the nou campbrazilian ace did his best to embarrass fellow countryman david luizformer chelsea defender endured a horrendous night in barcelonadani alves did his best to earn a new contract as he impressed throughout']\n", - "barcelona ace neymar scored twice as barcelona cruised past ligue 1 giants paris saint-germain at the nou camp .the brazilian was on hand to embarrass fellow countryman david luiz as the former chelsea defender endured a horrendous evening in spain .javier mascherano 6 : pique was the player assigned to deal with ibrahimovic and mascherano was left with little else to do , in a quiet evening for barcelona 's defence .\n", - "neymar scored twice as barcelona eased through at the nou campbrazilian ace did his best to embarrass fellow countryman david luizformer chelsea defender endured a horrendous night in barcelonadani alves did his best to earn a new contract as he impressed throughout\n", - "[1.5183024 1.4091947 1.3528618 1.0594428 1.0304008 1.0466284 1.1115967\n", - " 1.1375781 1.0290645 1.1863261 1.0572901 1.0191431 1.1423634 1.0609462\n", - " 1.0838451 1.098816 1.053051 1.0255553 0. 0. ]\n", - "\n", - "[ 0 1 2 9 12 7 6 15 14 13 3 10 16 5 4 8 17 11 18 19]\n", - "=======================\n", - "[\"louis jordan , 37 , released a three-paragraph statement on monday in which he said he stayed inside his cabin to keep dry and avoid sun , wind , waves and sea spray during his ordeal .the man rescued from a disabled sailboat off the north carolina coast has responded to critics of his story by claiming that he avoided sunburn and blisters by staying in the vessel 's cabin and that he survived by rationing food and water .jordan was spotted by a german-flagged boat on thursday , more than two months after sailing out of a south carolina marina .\"]\n", - "=======================\n", - "[\"louis jordan , 37 , released a three-paragraph statement on monday in a bid to answer critics suspicious of his amazing survival storythe sailor said he survived by staying inside his cabin to keep dry and avoid sun , wind , waves and sea spray during his 66 day ordealhe also said he rationed food and water and kept his calorie expenditure low` god is truly great , ' he said as he revealed that he now plans to write a book around his experience\"]\n", - "louis jordan , 37 , released a three-paragraph statement on monday in which he said he stayed inside his cabin to keep dry and avoid sun , wind , waves and sea spray during his ordeal .the man rescued from a disabled sailboat off the north carolina coast has responded to critics of his story by claiming that he avoided sunburn and blisters by staying in the vessel 's cabin and that he survived by rationing food and water .jordan was spotted by a german-flagged boat on thursday , more than two months after sailing out of a south carolina marina .\n", - "louis jordan , 37 , released a three-paragraph statement on monday in a bid to answer critics suspicious of his amazing survival storythe sailor said he survived by staying inside his cabin to keep dry and avoid sun , wind , waves and sea spray during his 66 day ordealhe also said he rationed food and water and kept his calorie expenditure low` god is truly great , ' he said as he revealed that he now plans to write a book around his experience\n", - "[1.1455431 1.2887847 1.0876352 1.064399 1.0545616 1.06688 1.1023926\n", - " 1.1033816 1.219756 1.1378052 1.1146102 1.0804532 1.0329272 1.0436641\n", - " 1.0262921 1.0142639 1.0179069 1.0246372 1.0148782 0. ]\n", - "\n", - "[ 1 8 0 9 10 7 6 2 11 5 3 4 13 12 14 17 16 18 15 19]\n", - "=======================\n", - "[\"gaetano cortese , a tall , thin , sunburned 27-year veteran of italy 's guardia di finanza ( finance police ) is waxing eloquent on his favorite subject : food .in recent years , it has been the first point of entry to europe for tens of thousands of migrants from africa and the middle east .lampedusa , italy ( cnn ) the cramped galley of the ship is filled with the smell of fresh garlic frying in olive oil .\"]\n", - "=======================\n", - "['ben wedeman joins the calabrese , an italian patrol boat as it traverses the mediterranean looking for migrantsoften the crew have little to report , only coming across fishing boats or other commercial vesselsthe calabrese was involved in a rescue in october 2013 , during which more than 350 people died']\n", - "gaetano cortese , a tall , thin , sunburned 27-year veteran of italy 's guardia di finanza ( finance police ) is waxing eloquent on his favorite subject : food .in recent years , it has been the first point of entry to europe for tens of thousands of migrants from africa and the middle east .lampedusa , italy ( cnn ) the cramped galley of the ship is filled with the smell of fresh garlic frying in olive oil .\n", - "ben wedeman joins the calabrese , an italian patrol boat as it traverses the mediterranean looking for migrantsoften the crew have little to report , only coming across fishing boats or other commercial vesselsthe calabrese was involved in a rescue in october 2013 , during which more than 350 people died\n", - "[1.3216236 1.3678931 1.2934333 1.1566013 1.2735548 1.1063783 1.0623785\n", - " 1.1107886 1.0395389 1.1532332 1.0307097 1.090529 1.0690362 1.0250989\n", - " 1.0195668 1.0436891 1.0185027 1.0360677]\n", - "\n", - "[ 1 0 2 4 3 9 7 5 11 12 6 15 8 17 10 13 14 16]\n", - "=======================\n", - "['rappers quavious marshall , 24 , kirschnick ball , 20 , and kiari cephus , 23 , were escorted off the georgia southern university campus mid-performance on saturday night and taken into custody .hit rap trio migos have been arrested on the first leg of their u.s. tour after police discovered drugs and guns inside their van during a college gig .according to nbc news , all of the band members have been denied bond - meaning they might not be able to fulfill their upcoming tour dates .']\n", - "=======================\n", - "[\"quavious marshall , 24 , kirschnick ball , 20 , and kiari cephus , 23 , were escorted off the georgia southern university campus on saturday nightfamous for 2013 hit ` versace 'multiple guns , marijuana and another undisclosed drug were discovered inside their tour vanthey reportedly face charges of drug possession ; possession of firearms in a school safety zone and during the commission of a crime\"]\n", - "rappers quavious marshall , 24 , kirschnick ball , 20 , and kiari cephus , 23 , were escorted off the georgia southern university campus mid-performance on saturday night and taken into custody .hit rap trio migos have been arrested on the first leg of their u.s. tour after police discovered drugs and guns inside their van during a college gig .according to nbc news , all of the band members have been denied bond - meaning they might not be able to fulfill their upcoming tour dates .\n", - "quavious marshall , 24 , kirschnick ball , 20 , and kiari cephus , 23 , were escorted off the georgia southern university campus on saturday nightfamous for 2013 hit ` versace 'multiple guns , marijuana and another undisclosed drug were discovered inside their tour vanthey reportedly face charges of drug possession ; possession of firearms in a school safety zone and during the commission of a crime\n", - "[1.2799268 1.397004 1.3249352 1.2476926 1.3221654 1.224073 1.0877498\n", - " 1.1974311 1.2280958 1.0322914 1.0105325 1.0123404 1.0210873 1.0712179\n", - " 1.0296699 1.0080839 0. 0. ]\n", - "\n", - "[ 1 2 4 0 3 8 5 7 6 13 9 14 12 11 10 15 16 17]\n", - "=======================\n", - "['the raiders were foiled by a brave employee who barricaded the door to the premises , and they proceeded to flee on a motorbike .a passer-by captured photographs of the two criminals , and police have now appealed for the public to help them identify the offenders .the attempted break-in took place in pemberton , a suburb of wigan in greater manchester , on saturday afternoon .']\n", - "=======================\n", - "['two raiders tried to attack a jewellery shop in wigan , greater manchesterthey smashed in with an axe and sledgehammer but a brave employee managed to hold them backcriminals escaped on a motorbike but witness caught them on camerapolice are now appealing for information to help them catch the raiders']\n", - "the raiders were foiled by a brave employee who barricaded the door to the premises , and they proceeded to flee on a motorbike .a passer-by captured photographs of the two criminals , and police have now appealed for the public to help them identify the offenders .the attempted break-in took place in pemberton , a suburb of wigan in greater manchester , on saturday afternoon .\n", - "two raiders tried to attack a jewellery shop in wigan , greater manchesterthey smashed in with an axe and sledgehammer but a brave employee managed to hold them backcriminals escaped on a motorbike but witness caught them on camerapolice are now appealing for information to help them catch the raiders\n", - "[1.4260969 1.289436 1.2584984 1.3431643 1.1934799 1.1765517 1.038462\n", - " 1.0276353 1.0306522 1.0227308 1.1346253 1.1335675 1.091718 1.0268943\n", - " 1.0249845 1.0091772 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 5 10 11 12 6 8 7 13 14 9 15 16 17]\n", - "=======================\n", - "[\"hein verbruggen , the controversial former head of international cycling , says he will fight any attempt to remove him as honorary president of the uci after being criticised by the inquiry into the lance armstrong doping scandal .the independent commission for reform in cycling 's ( circ ) report concluded that , under verbruggen 's leadership , the uci had colluded with armstrong to cover up allegations the seven-times tour de france winner had doped .verbruggen has now written to all uci board members saying he has put the ` scandalously biased ' report - which he also calls a ` character assassination ' - into the hands of lawyers .\"]\n", - "=======================\n", - "['independent commission for reform in cycling ( circ ) concluded that the uci colluded with lance armstrong to cover up allegationshein verbruggen was criticised as events occurred under his leadershipverbruggen has revealed he is having the report analysed by lawyers']\n", - "hein verbruggen , the controversial former head of international cycling , says he will fight any attempt to remove him as honorary president of the uci after being criticised by the inquiry into the lance armstrong doping scandal .the independent commission for reform in cycling 's ( circ ) report concluded that , under verbruggen 's leadership , the uci had colluded with armstrong to cover up allegations the seven-times tour de france winner had doped .verbruggen has now written to all uci board members saying he has put the ` scandalously biased ' report - which he also calls a ` character assassination ' - into the hands of lawyers .\n", - "independent commission for reform in cycling ( circ ) concluded that the uci colluded with lance armstrong to cover up allegationshein verbruggen was criticised as events occurred under his leadershipverbruggen has revealed he is having the report analysed by lawyers\n", - "[1.2303708 1.3506165 1.3785892 1.3566077 1.2416595 1.1730374 1.1468045\n", - " 1.0202113 1.033353 1.0548834 1.0169863 1.0117384 1.0162945 1.2313911\n", - " 1.1331449 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 4 13 0 5 6 14 9 8 7 10 12 11 16 15 17]\n", - "=======================\n", - "['england are the most successful team in the history of the victory shield , but it has been announced that they will not be fielding a side in the competition .the football association have taken the decision to withdraw from future victory shield tournamentswayne rooney , sir stanley matthews , duncan edwards and peter shilton are all veterans of the long-contested under 16 tournament between the different associations within the united kingdom .']\n", - "=======================\n", - "['the football association does not believe the competition suits their needswayne rooney among players who competed in previous tournamentsgareth southgate claims player development is reason behind withdrawal']\n", - "england are the most successful team in the history of the victory shield , but it has been announced that they will not be fielding a side in the competition .the football association have taken the decision to withdraw from future victory shield tournamentswayne rooney , sir stanley matthews , duncan edwards and peter shilton are all veterans of the long-contested under 16 tournament between the different associations within the united kingdom .\n", - "the football association does not believe the competition suits their needswayne rooney among players who competed in previous tournamentsgareth southgate claims player development is reason behind withdrawal\n", - "[1.2260036 1.0648227 1.4283036 1.2476099 1.392341 1.077266 1.0557326\n", - " 1.0892118 1.0306255 1.138504 1.1076523 1.1242788 1.0419519 1.0129406\n", - " 1.0318822 1.0245787 1.0329709 1.0887885]\n", - "\n", - "[ 2 4 3 0 9 11 10 7 17 5 1 6 12 16 14 8 15 13]\n", - "=======================\n", - "[\"the model has revealed that she carries around a ph balance urine tester kit wherever she goes to check the state of her body .in an interview with the evening standard , the model admitted that the most surprising thing in her handbag is the tester kit , which she uses to check her state of alkaline .she recently turned 51 but elle macpherson 's good looks , toned body and age-defying skin would have you believe otherwise .\"]\n", - "=======================\n", - "[\"elle cites the item as the most surprising thing in her handbagthe body 's ph value tells you how acidic or alkaline your body ismany nutritionists say having an alkaline body helps defend against sicknesselle has unveiled a new health product : the super elixir nourishing protein\"]\n", - "the model has revealed that she carries around a ph balance urine tester kit wherever she goes to check the state of her body .in an interview with the evening standard , the model admitted that the most surprising thing in her handbag is the tester kit , which she uses to check her state of alkaline .she recently turned 51 but elle macpherson 's good looks , toned body and age-defying skin would have you believe otherwise .\n", - "elle cites the item as the most surprising thing in her handbagthe body 's ph value tells you how acidic or alkaline your body ismany nutritionists say having an alkaline body helps defend against sicknesselle has unveiled a new health product : the super elixir nourishing protein\n", - "[1.1693333 1.525269 1.2921075 1.3502325 1.1984698 1.1172612 1.1081402\n", - " 1.0707078 1.214068 1.0537709 1.0143754 1.012348 1.0592874 1.1364973\n", - " 1.065078 1.0550903 1.048729 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 8 4 0 13 5 6 7 14 12 15 9 16 10 11 19 17 18 20]\n", - "=======================\n", - "[\"melissa borg left her baulkham hills home in north-west sydney at 7:30 am on thursday in her school uniform and made her way to the hills sports high school in seven hills .however , the year 9 student never made it to class and after her father found no sign of her when he searched their house following work , he reported his daughter missing to police .castle hill police have been assisting melissa 's family with the investigation into her disappearance ever since .\"]\n", - "=======================\n", - "[\"a 13-year-old girl has gone missing from her sydney homemelissa borg , from baulkham hills , has n't been seen since thursdayshe left the house at 7:30 to go to seven hills school but never made itwhen her father got home from work he alerted policea picture of melissa in her blue school uniform has been released\"]\n", - "melissa borg left her baulkham hills home in north-west sydney at 7:30 am on thursday in her school uniform and made her way to the hills sports high school in seven hills .however , the year 9 student never made it to class and after her father found no sign of her when he searched their house following work , he reported his daughter missing to police .castle hill police have been assisting melissa 's family with the investigation into her disappearance ever since .\n", - "a 13-year-old girl has gone missing from her sydney homemelissa borg , from baulkham hills , has n't been seen since thursdayshe left the house at 7:30 to go to seven hills school but never made itwhen her father got home from work he alerted policea picture of melissa in her blue school uniform has been released\n", - "[1.1665603 1.1279281 1.147954 1.1827449 1.1728051 1.1920214 1.037572\n", - " 1.0230865 1.0197726 1.0204368 1.028726 1.0551002 1.0455598 1.07328\n", - " 1.1119171 1.0253808 1.0303295 1.0338022 1.1082631 1.0337933 0. ]\n", - "\n", - "[ 5 3 4 0 2 1 14 18 13 11 12 6 17 19 16 10 15 7 9 8 20]\n", - "=======================\n", - "['derby celebrated an emphatic victory over blackpool that kept their promotion push goingblackpool is where he crafted his game and made his name between 2011 and 2014 .since he left last year , initially on loan to crystal palace in january , there has been only despair on the seaside , and this defeat confirmed they would take the championship wooden spoon .']\n", - "=======================\n", - "[\"derby keep their promotion hopes alive with easy win at ipro stadiumcraig bryson gave them the lead in the third minute on tuesdaytom ince scored against his former side , but did n't celebratedarren bent on target twice , including a penalty in the second half\"]\n", - "derby celebrated an emphatic victory over blackpool that kept their promotion push goingblackpool is where he crafted his game and made his name between 2011 and 2014 .since he left last year , initially on loan to crystal palace in january , there has been only despair on the seaside , and this defeat confirmed they would take the championship wooden spoon .\n", - "derby keep their promotion hopes alive with easy win at ipro stadiumcraig bryson gave them the lead in the third minute on tuesdaytom ince scored against his former side , but did n't celebratedarren bent on target twice , including a penalty in the second half\n", - "[1.1820376 1.3681693 1.3704624 1.2081757 1.1619319 1.176153 1.0200648\n", - " 1.1063246 1.0502971 1.1134981 1.1261752 1.0244334 1.043844 1.0379425\n", - " 1.0971904 1.0337559 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 0 5 4 10 9 7 14 8 12 13 15 11 6 19 16 17 18 20]\n", - "=======================\n", - "[\"the move comes ahead of a giant military parade in red square on may 9 to mark the 70th anniversary of end of the second world war , underscoring the decisive contribution of the red army to defeating the nazis .the men 's clothing label is aimed at cashing in on a new wave of patriotism sweeping russia .as the russian military machine asserts itself in ukraine and on the borders of the baltic states , it has also branched out into a new fashion line .\"]\n", - "=======================\n", - "[\"range unveiled amid warmongering in ukraine and borders of baltic statesfeatures the slogan ` polite ' - a phrase used to justify takeover of crimeacomes ahead of 70th anniversary of the end of the second world war\"]\n", - "the move comes ahead of a giant military parade in red square on may 9 to mark the 70th anniversary of end of the second world war , underscoring the decisive contribution of the red army to defeating the nazis .the men 's clothing label is aimed at cashing in on a new wave of patriotism sweeping russia .as the russian military machine asserts itself in ukraine and on the borders of the baltic states , it has also branched out into a new fashion line .\n", - "range unveiled amid warmongering in ukraine and borders of baltic statesfeatures the slogan ` polite ' - a phrase used to justify takeover of crimeacomes ahead of 70th anniversary of the end of the second world war\n", - "[1.4809332 1.3197138 1.166095 1.4224393 1.2397152 1.1086551 1.0400503\n", - " 1.0501788 1.0219302 1.0396085 1.0336018 1.0234125 1.0179456 1.0137684\n", - " 1.1047652 1.055937 1.060267 1.0131036 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 5 14 16 15 7 6 9 10 11 8 12 13 17 19 18 20]\n", - "=======================\n", - "[\"andrew flintoff has called on the english cricketing public to show their love for the natwest twenty20 blast - and under-pressure test captain alastair cook .andrew flintoff shares a joke with warwickshire and england 's chris woakes at the t20 blast launchthe blast 's stock is at a new high , in its second year and 12th for the twenty20 domestic format , with the england and wales cricket board announcing much-improved advance ticket sales and a clutch of overseas superstars such as brendon mccullum set to take part .\"]\n", - "=======================\n", - "['natwest twenty20 blast launched at edgbaston on thursdayandrew flintoff was present with a player from each countyformer england captain backed under-fire test captain alastair cook']\n", - "andrew flintoff has called on the english cricketing public to show their love for the natwest twenty20 blast - and under-pressure test captain alastair cook .andrew flintoff shares a joke with warwickshire and england 's chris woakes at the t20 blast launchthe blast 's stock is at a new high , in its second year and 12th for the twenty20 domestic format , with the england and wales cricket board announcing much-improved advance ticket sales and a clutch of overseas superstars such as brendon mccullum set to take part .\n", - "natwest twenty20 blast launched at edgbaston on thursdayandrew flintoff was present with a player from each countyformer england captain backed under-fire test captain alastair cook\n", - "[1.3100306 1.3132594 1.1264733 1.1453528 1.20993 1.1646609 1.2176808\n", - " 1.1540829 1.1160374 1.0317415 1.0401073 1.0256819 1.0232464 1.0813756\n", - " 1.2386837 1.1058372 1.0250472 1.0250318 1.0944289 1.017788 1.0277867]\n", - "\n", - "[ 1 0 14 6 4 5 7 3 2 8 15 18 13 10 9 20 11 16 17 12 19]\n", - "=======================\n", - "[\"abc news reports that indonesian attorney-general h.m. prasetyo applauded chan and sukumaran 's executioners for their work .a senior indonesian government official has praised the firing squad that executed bali nine pair andrew chan and myuran sukumaran .prime minister tony abbott said australia will withdraw its ambassador to indonesia in an unprecedented diplomatic response to the executions of myuran sukumaran and andrew chan\"]\n", - "=======================\n", - "[\"h.m. prasetyo praises firing squad that carried out bali pair 's executionsandrew chan and myuran sukumaran were killed on wednesday morning` these executions were carried out smoothly and in order , ' prasetyo sayshundreds take to social media to urging people to #boycottindonesiatony abbott will withdraw australia 's ambassador to indonesiaindonesia 's ag dismissed the move as a ` momentary reaction 'chan and sukumaran were executed 12:25 am local timejulie bishop has n't ruled out cutting australian aid to indonesia in protest\"]\n", - "abc news reports that indonesian attorney-general h.m. prasetyo applauded chan and sukumaran 's executioners for their work .a senior indonesian government official has praised the firing squad that executed bali nine pair andrew chan and myuran sukumaran .prime minister tony abbott said australia will withdraw its ambassador to indonesia in an unprecedented diplomatic response to the executions of myuran sukumaran and andrew chan\n", - "h.m. prasetyo praises firing squad that carried out bali pair 's executionsandrew chan and myuran sukumaran were killed on wednesday morning` these executions were carried out smoothly and in order , ' prasetyo sayshundreds take to social media to urging people to #boycottindonesiatony abbott will withdraw australia 's ambassador to indonesiaindonesia 's ag dismissed the move as a ` momentary reaction 'chan and sukumaran were executed 12:25 am local timejulie bishop has n't ruled out cutting australian aid to indonesia in protest\n", - "[1.3111441 1.2057866 1.2652555 1.3129456 1.076304 1.0840526 1.0433443\n", - " 1.0312246 1.0245373 1.1456833 1.0654817 1.0979105 1.0344151 1.0558894\n", - " 1.0347084 1.0954161 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 0 2 1 9 11 15 5 4 10 13 6 14 12 7 8 20 16 17 18 19 21]\n", - "=======================\n", - "[\"fiend : vile glitter grabs his youngest victim , 10-year-old d who was ` sold ' to him by her aunt in 2005one of paedophile gary glitter 's youngest victims has broken her 10-year silence to speak for the first time as an adult of her appalling ordeal at the fallen idol 's hands .a shadow of the bubbly , precocious teenager glitter snared , the girl , who mailonline is not identifying , now suffers from dark spells of depression and rarely goes out , haunted by her life-changing nightmare .\"]\n", - "=======================\n", - "[\"ten years on , glitter 's victim tells how shamed star 's abuse ruined her lifehad sex with her three times when she was just 11 and a virginhe paid # 9 each timefiend faced death penalty for child rape , but paid victims ' families to get offgiven just three-year jail term for the lesser charge of child abusevictim bravely spoke exclusively to mailonline to tell of her heartache\"]\n", - "fiend : vile glitter grabs his youngest victim , 10-year-old d who was ` sold ' to him by her aunt in 2005one of paedophile gary glitter 's youngest victims has broken her 10-year silence to speak for the first time as an adult of her appalling ordeal at the fallen idol 's hands .a shadow of the bubbly , precocious teenager glitter snared , the girl , who mailonline is not identifying , now suffers from dark spells of depression and rarely goes out , haunted by her life-changing nightmare .\n", - "ten years on , glitter 's victim tells how shamed star 's abuse ruined her lifehad sex with her three times when she was just 11 and a virginhe paid # 9 each timefiend faced death penalty for child rape , but paid victims ' families to get offgiven just three-year jail term for the lesser charge of child abusevictim bravely spoke exclusively to mailonline to tell of her heartache\n", - "[1.2325277 1.4307377 1.2679882 1.2200143 1.1363195 1.1867652 1.2036709\n", - " 1.0809832 1.0781087 1.1157666 1.056435 1.0233718 1.0161875 1.0681602\n", - " 1.0197634 1.1921496 1.0553038 1.0416214 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 6 15 5 4 9 7 8 13 10 16 17 11 14 12 20 18 19 21]\n", - "=======================\n", - "[\"tuti yusupova 's friends claim both her birth certificate and passport prove she was born on july 1 , 1880 .they now want the guinness book of records to document that achievement .friends of an uzbekistani woman who died this week claim she was the world 's oldest person ever having reached the age of 135 .\"]\n", - "=======================\n", - "['friends of tuti yusupova claim she was born in uzbekistan in 1880officials believe her birth certificate and passport can prove her agethey have asked the guinness book of records to update their figuresthe previous record holder jeanne calment was 122 when she died']\n", - "tuti yusupova 's friends claim both her birth certificate and passport prove she was born on july 1 , 1880 .they now want the guinness book of records to document that achievement .friends of an uzbekistani woman who died this week claim she was the world 's oldest person ever having reached the age of 135 .\n", - "friends of tuti yusupova claim she was born in uzbekistan in 1880officials believe her birth certificate and passport can prove her agethey have asked the guinness book of records to update their figuresthe previous record holder jeanne calment was 122 when she died\n", - "[1.3740625 1.3685925 1.2055442 1.1844451 1.1524379 1.1288438 1.1292329\n", - " 1.0611749 1.0461569 1.1135575 1.0648447 1.0215499 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 3 4 6 5 9 10 7 8 11 20 12 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "['( the hollywood reporter ) the author of a 2006 novel has accused the \" avengers \" director and \" cabin \" director drew goddard of stealing his idea .with just weeks until his box-office victory lap for \" avengers : age of ultron , \" joss whedon is now facing a lawsuit accusing him of stealing the idea for the 2012 meta-horror movie the cabin in the woods .whedon and goddard are named as defendants , along with lionsgate and whedon \\'s mutant enemy production company , in the complaint filed monday in california federal court .']\n", - "=======================\n", - "['an author says \" avengers \" director joss whedon and \" cabin \" director drew goddard stole his ideapeter gallagher alleges similarities to his \" the little white trip : a night in the pines \" from 2006']\n", - "( the hollywood reporter ) the author of a 2006 novel has accused the \" avengers \" director and \" cabin \" director drew goddard of stealing his idea .with just weeks until his box-office victory lap for \" avengers : age of ultron , \" joss whedon is now facing a lawsuit accusing him of stealing the idea for the 2012 meta-horror movie the cabin in the woods .whedon and goddard are named as defendants , along with lionsgate and whedon 's mutant enemy production company , in the complaint filed monday in california federal court .\n", - "an author says \" avengers \" director joss whedon and \" cabin \" director drew goddard stole his ideapeter gallagher alleges similarities to his \" the little white trip : a night in the pines \" from 2006\n", - "[1.209577 1.4690071 1.3531718 1.2838905 1.2449338 1.2164264 1.109495\n", - " 1.0602778 1.0726609 1.08796 1.299306 1.0303619 1.0223538 1.0108644\n", - " 1.0111434 1.0169733 1.019021 1.0158762 1.0109485 1.0109974 1.0080669\n", - " 1.009231 ]\n", - "\n", - "[ 1 2 10 3 4 5 0 6 9 8 7 11 12 16 15 17 14 19 18 13 21 20]\n", - "=======================\n", - "['martynas kupstys , 26 , spent three hours sitting on a bus stop across the road from lincoln prison after staff told him he was free to go in august 2014 .the killer was on trial at the time for the murder of ivans zdanovics along with his brother-in-law andrus giedraitis at lincoln crown court .both men were this week jailed for life following the murder in gainsborough , lincolnshire in january 2014 .']\n", - "=======================\n", - "['martynas kupstys was waiting for a prison van to take him to courtkupstys told prison officers that they were making a mistake releasing himhe was on trial in august 2014 at lincoln crown court for murderkupstys and his co-accused andrus giedraitis were both jailed for life']\n", - "martynas kupstys , 26 , spent three hours sitting on a bus stop across the road from lincoln prison after staff told him he was free to go in august 2014 .the killer was on trial at the time for the murder of ivans zdanovics along with his brother-in-law andrus giedraitis at lincoln crown court .both men were this week jailed for life following the murder in gainsborough , lincolnshire in january 2014 .\n", - "martynas kupstys was waiting for a prison van to take him to courtkupstys told prison officers that they were making a mistake releasing himhe was on trial in august 2014 at lincoln crown court for murderkupstys and his co-accused andrus giedraitis were both jailed for life\n", - "[1.2575679 1.1373602 1.2527469 1.083782 1.1036483 1.19319 1.1066271\n", - " 1.1240568 1.095446 1.0262109 1.0218548 1.0538477 1.0226835 1.0876862\n", - " 1.0358189 1.0314195 1.0429143 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 5 1 7 6 4 8 13 3 11 16 14 15 9 12 10 17 18 19 20 21]\n", - "=======================\n", - "['( cnn ) \" sell all that you own and distribute the money to the poor , and you will have treasure in heaven ; then come , follow me , \" jesus tells the rich man in one of his best-known parables .meanwhile , jesus told his twelve apostles to leave their day jobs and follow him on an itinerant mission with few prospects of success and no visible means of support .in the new testament , money gets 37 mentions , while \" gold \" gets 38 citations , \" silver \" merits 20 , and \" copper \" four .']\n", - "=======================\n", - "[\"some of jesus ' most important financial backers were women , historians say .joseph of arimathea and nicodemus , both men of stature and wealth , chipped in to help fund jesus ' ministry .\"]\n", - "( cnn ) \" sell all that you own and distribute the money to the poor , and you will have treasure in heaven ; then come , follow me , \" jesus tells the rich man in one of his best-known parables .meanwhile , jesus told his twelve apostles to leave their day jobs and follow him on an itinerant mission with few prospects of success and no visible means of support .in the new testament , money gets 37 mentions , while \" gold \" gets 38 citations , \" silver \" merits 20 , and \" copper \" four .\n", - "some of jesus ' most important financial backers were women , historians say .joseph of arimathea and nicodemus , both men of stature and wealth , chipped in to help fund jesus ' ministry .\n", - "[1.2525647 1.3747826 1.4314072 1.253034 1.2452129 1.095515 1.0565209\n", - " 1.1240243 1.0366851 1.0424396 1.0173154 1.1363391 1.0355872 1.0383537\n", - " 1.0159364 1.0188929 1.0716696 1.081444 1.0800761]\n", - "\n", - "[ 2 1 3 0 4 11 7 5 17 18 16 6 9 13 8 12 15 10 14]\n", - "=======================\n", - "[\"today 's incident was the fifth death of a cyclist in the capital this year - all involving lorries - prompting cycle campaigners to organise a ` vigil and die-in ' at the site .witnesses reported seeing the front wheel of her bike ` completely squashed ' under the lorry following the accident close to lambeth bridge near the houses of parliament at about 9.30 am .a female cyclist was killed in a rush-hour accident with a lorry in central london today .\"]\n", - "=======================\n", - "[\"her bike 's front wheel was ` completely squashed ' under lorry in incidentwas pronounced dead at scene near houses of parliament this morningtoday 's incident follows four other deaths of cyclists in capital this yearcycle campaigners have organised ` vigil and die-in ' at site on april 20\"]\n", - "today 's incident was the fifth death of a cyclist in the capital this year - all involving lorries - prompting cycle campaigners to organise a ` vigil and die-in ' at the site .witnesses reported seeing the front wheel of her bike ` completely squashed ' under the lorry following the accident close to lambeth bridge near the houses of parliament at about 9.30 am .a female cyclist was killed in a rush-hour accident with a lorry in central london today .\n", - "her bike 's front wheel was ` completely squashed ' under lorry in incidentwas pronounced dead at scene near houses of parliament this morningtoday 's incident follows four other deaths of cyclists in capital this yearcycle campaigners have organised ` vigil and die-in ' at site on april 20\n", - "[1.1481673 1.5016048 1.3751117 1.2569443 1.3423489 1.1247566 1.0749032\n", - " 1.0644159 1.0640643 1.0394018 1.0454143 1.244345 1.0425632 1.1077737\n", - " 1.1185805 1.0496565 1.0129378 1.0063673 0. ]\n", - "\n", - "[ 1 2 4 3 11 0 5 14 13 6 7 8 15 10 12 9 16 17 18]\n", - "=======================\n", - "[\"david marshall must serve a minimum of 20 years behind bars for the murder of eni mevish , a 20-year-old student at staffordshire university .the 68-year-old stabbed her in the heart , lungs and liver six months after they met because he was ` jealous ' of her other friendships , stafford crown court heard .the pensioner had already served a jail sentence for assaulting a 14-year-old girl when he stormed her house stoke-on-trent in november last year to butcher her with a kitchen knife .\"]\n", - "=======================\n", - "['eni mevish , 20 , was stabbed to death by david marshall , 68 , last novemberthe pair had become friends six months earlier while eni was out jogginghe stabbed her at her home in the lungs , liver and heart with kitchen knifemarshall , who previously abused a 14-year-old girl , admitted murderhe must spend at least 20 years behind bars before applying for parole']\n", - "david marshall must serve a minimum of 20 years behind bars for the murder of eni mevish , a 20-year-old student at staffordshire university .the 68-year-old stabbed her in the heart , lungs and liver six months after they met because he was ` jealous ' of her other friendships , stafford crown court heard .the pensioner had already served a jail sentence for assaulting a 14-year-old girl when he stormed her house stoke-on-trent in november last year to butcher her with a kitchen knife .\n", - "eni mevish , 20 , was stabbed to death by david marshall , 68 , last novemberthe pair had become friends six months earlier while eni was out jogginghe stabbed her at her home in the lungs , liver and heart with kitchen knifemarshall , who previously abused a 14-year-old girl , admitted murderhe must spend at least 20 years behind bars before applying for parole\n", - "[1.2615991 1.3701984 1.2299966 1.1942052 1.1798501 1.2179027 1.0631671\n", - " 1.0337805 1.0273525 1.1856489 1.1396142 1.0774293 1.0399183 1.0219328\n", - " 1.0468732 1.0694908 1.0294957 0. 0. ]\n", - "\n", - "[ 1 0 2 5 3 9 4 10 11 15 6 14 12 7 16 8 13 17 18]\n", - "=======================\n", - "[\"shocking dash cam footage emerged last week which showed marana police officer michael rapiejko mounting the curb and mowing down armed robbery suspect mario valencia .an police officer who rammed his police car into a suspect told investigators it was either ` shoot him or run him over . 'the video sparked fierce debate on the use of deadly force with some accusing him of misconduct and others labeling the cop as a hero .\"]\n", - "=======================\n", - "[\"warning graphic contentfootage showed mario valencia pointing a rifle into air and firing a shotmichael rapiejko 's police car then mounts the sidewalk and hits suspectofficer said he had no choice but to ` shoot or run over ' the armed man\"]\n", - "shocking dash cam footage emerged last week which showed marana police officer michael rapiejko mounting the curb and mowing down armed robbery suspect mario valencia .an police officer who rammed his police car into a suspect told investigators it was either ` shoot him or run him over . 'the video sparked fierce debate on the use of deadly force with some accusing him of misconduct and others labeling the cop as a hero .\n", - "warning graphic contentfootage showed mario valencia pointing a rifle into air and firing a shotmichael rapiejko 's police car then mounts the sidewalk and hits suspectofficer said he had no choice but to ` shoot or run over ' the armed man\n", - "[1.2946379 1.4785194 1.2382866 1.2340658 1.3402796 1.1115502 1.1783314\n", - " 1.0986886 1.1201223 1.09644 1.0862668 1.0955181 1.0129495 1.0050353\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 2 3 6 8 5 7 9 11 10 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"the 511 elephant tusks , worth $ 6million ( # 4m ) , which were bound for laos , were seized upon arrival saturday at a major port in chonburi province in eastern thailand .thailand has seized three tons of ivory hidden in tea leaf sacks from kenya in the second-biggest bust in the country 's history , customs officials said today .the bust came after customs officials received a tip-off in laos and thailand and tracked the containers from kenya , customs department director-general somchai sujjapongse revealed .\"]\n", - "=======================\n", - "[\"three tons of ivory discovered in second-biggest bust in thailand 's historyit had travelled via sri lanka , malaysia and singapore on a ship from kenyalast week , thailand seized four tons of tusks smuggled from congo\"]\n", - "the 511 elephant tusks , worth $ 6million ( # 4m ) , which were bound for laos , were seized upon arrival saturday at a major port in chonburi province in eastern thailand .thailand has seized three tons of ivory hidden in tea leaf sacks from kenya in the second-biggest bust in the country 's history , customs officials said today .the bust came after customs officials received a tip-off in laos and thailand and tracked the containers from kenya , customs department director-general somchai sujjapongse revealed .\n", - "three tons of ivory discovered in second-biggest bust in thailand 's historyit had travelled via sri lanka , malaysia and singapore on a ship from kenyalast week , thailand seized four tons of tusks smuggled from congo\n", - "[1.4321285 1.2486435 1.1530893 1.4087005 1.3626387 1.0464301 1.0495774\n", - " 1.283386 1.2206415 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 7 1 8 2 6 5 16 15 14 13 9 11 10 17 12 18]\n", - "=======================\n", - "[\"jimmy white 's bid to play in the world snooker championship for the first time since 2006 ended on monday as he crashed to defeat by matthew selt .matthew selt fought back from 7-2 down to beat white 10-8 in qualifying in sheffieldsix-time world champions steve davis , 57 , was also knocked out as he slumped to a 10-1 defeat by kurt maflin .\"]\n", - "=======================\n", - "[\"jimmy white lost 10-8 to matthew selt in world championship qualifyingthe whirlwind had been up 7-2 after the morning sessionbut selt reeled off eight off the evening 's nine frames to go throughsix-time world champion steve davis lost 10-1 to kurt maflin\"]\n", - "jimmy white 's bid to play in the world snooker championship for the first time since 2006 ended on monday as he crashed to defeat by matthew selt .matthew selt fought back from 7-2 down to beat white 10-8 in qualifying in sheffieldsix-time world champions steve davis , 57 , was also knocked out as he slumped to a 10-1 defeat by kurt maflin .\n", - "jimmy white lost 10-8 to matthew selt in world championship qualifyingthe whirlwind had been up 7-2 after the morning sessionbut selt reeled off eight off the evening 's nine frames to go throughsix-time world champion steve davis lost 10-1 to kurt maflin\n", - "[1.4598191 1.4188378 1.3629843 1.3846438 1.1421912 1.2742708 1.0398439\n", - " 1.0224462 1.0154684 1.0129836 1.0143499 1.035486 1.1794205 1.2783101\n", - " 1.0680752 1.009272 1.0096366 1.0065317 1.0062813]\n", - "\n", - "[ 0 1 3 2 13 5 12 4 14 6 11 7 8 10 9 16 15 17 18]\n", - "=======================\n", - "[\"former italy forward antonio di natale has described alexis sanchez as the best strike partner he 's ever had and insisted the arsenal forward is better than neymar .di natale , who won 42 caps for italy between 2002 and 2012 , spent five years playing alongside sanchez at udinese , who he still captains at the age of 37 .former world cup winners francesco totti ( left ) and alessandro del piero are among di natale 's former strike partners with italy\"]\n", - "=======================\n", - "['antonio di natale played alongside alexis sanchez at serie a side udineseformer italy forward claims chile star was his best ever strike partner , which have included francesco totti and alessandro del pierodi natale claims arsenal forward is better than barcelona star neymar']\n", - "former italy forward antonio di natale has described alexis sanchez as the best strike partner he 's ever had and insisted the arsenal forward is better than neymar .di natale , who won 42 caps for italy between 2002 and 2012 , spent five years playing alongside sanchez at udinese , who he still captains at the age of 37 .former world cup winners francesco totti ( left ) and alessandro del piero are among di natale 's former strike partners with italy\n", - "antonio di natale played alongside alexis sanchez at serie a side udineseformer italy forward claims chile star was his best ever strike partner , which have included francesco totti and alessandro del pierodi natale claims arsenal forward is better than barcelona star neymar\n", - "[1.2854404 1.4645549 1.4063162 1.1284117 1.1882473 1.1019654 1.0369782\n", - " 1.2280779 1.1296486 1.1038768 1.0775206 1.0224262 1.1056383 1.0692506\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 7 4 8 3 12 9 5 10 13 6 11 17 14 15 16 18]\n", - "=======================\n", - "['the roman outfit clinched a spot in the final of the coppa italia on wednesday with 1-0 victory over napoli , a result which sealed a 2-1 triumph on aggregate .they will now face juventus in the coppa final on june 7 .in-form lazio will have an extra spring in their step when they take to the stadio olimpico pitch to face empoli on sunday .']\n", - "=======================\n", - "['lazio host empoli at the stadio olimpico in serie a on sundayroman outfit secured spot in coppa italia final in midweekbeat napoli 2-1 on aggregate and will face juventus in the finaldefender mauricio captures fans celebrations with selfie stick']\n", - "the roman outfit clinched a spot in the final of the coppa italia on wednesday with 1-0 victory over napoli , a result which sealed a 2-1 triumph on aggregate .they will now face juventus in the coppa final on june 7 .in-form lazio will have an extra spring in their step when they take to the stadio olimpico pitch to face empoli on sunday .\n", - "lazio host empoli at the stadio olimpico in serie a on sundayroman outfit secured spot in coppa italia final in midweekbeat napoli 2-1 on aggregate and will face juventus in the finaldefender mauricio captures fans celebrations with selfie stick\n", - "[1.5505981 1.5729659 1.1809278 1.4497144 1.0700631 1.0452626 1.0304378\n", - " 1.0283909 1.0527452 1.0337955 1.0330417 1.1012444 1.0799334 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 11 12 4 8 5 9 10 6 7 13 14 15 16 17 18]\n", - "=======================\n", - "['the former celtic and barcelona striker had no option but to play daniel andersson with goalkeepers par hansson and matt pyzdrowski out injured .helsinborg manager henrik larsson was forced to play his 42-year-old kit man in goal on saturday .astonishingly , the emergency stopper kept a clean sheet as helsinborg drew 0-0 against kalmar in the allsvenskan season opener .']\n", - "=======================\n", - "[\"daniel andersson , helsinborg 's 42-year-old kit man , kept a clean sheetthe emergency stopper played in season opener against kalmarhenrik larsson 's first-choice goalkeepers were both out injuredthe former goalkeeper earned one cap for sweden back in 2001\"]\n", - "the former celtic and barcelona striker had no option but to play daniel andersson with goalkeepers par hansson and matt pyzdrowski out injured .helsinborg manager henrik larsson was forced to play his 42-year-old kit man in goal on saturday .astonishingly , the emergency stopper kept a clean sheet as helsinborg drew 0-0 against kalmar in the allsvenskan season opener .\n", - "daniel andersson , helsinborg 's 42-year-old kit man , kept a clean sheetthe emergency stopper played in season opener against kalmarhenrik larsson 's first-choice goalkeepers were both out injuredthe former goalkeeper earned one cap for sweden back in 2001\n", - "[1.4961908 1.3783444 1.2169747 1.4087468 1.3064203 1.0438023 1.0152786\n", - " 1.0178964 1.1597255 1.0230302 1.0316424 1.0539148 1.0134014 1.0133778\n", - " 1.1959801 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 14 8 11 5 10 9 7 6 12 13 15 16 17 18]\n", - "=======================\n", - "[\"peter moores found himself in the familiar position of defending his captain on saturday with alastair cook badly needing runs and wins in the last two tests of the series to stop the mood for change in english cricket claiming him as its next victim .england 's failure to win the first test and cook 's failure in both innings leaves the captain in the spotlight .yet moores , under pressure himself after the sacking of paul downton as managing director , remains steadfast in his backing for cook and is adamant he will turn things round in grenada , starting on tuesday , and in barbados .\"]\n", - "=======================\n", - "[\"peter moores has come to the defence of england captain alastair cookbatsman cook is in danger of becoming english cricket 's next victimengland 's failure to win the first test has left the spotlight on cookunder-fire moores is adamant he will turn things round in grenada\"]\n", - "peter moores found himself in the familiar position of defending his captain on saturday with alastair cook badly needing runs and wins in the last two tests of the series to stop the mood for change in english cricket claiming him as its next victim .england 's failure to win the first test and cook 's failure in both innings leaves the captain in the spotlight .yet moores , under pressure himself after the sacking of paul downton as managing director , remains steadfast in his backing for cook and is adamant he will turn things round in grenada , starting on tuesday , and in barbados .\n", - "peter moores has come to the defence of england captain alastair cookbatsman cook is in danger of becoming english cricket 's next victimengland 's failure to win the first test has left the spotlight on cookunder-fire moores is adamant he will turn things round in grenada\n", - "[1.2104009 1.373055 1.2289523 1.3915279 1.2103186 1.218505 1.1199096\n", - " 1.1093385 1.115015 1.0560892 1.0871925 1.0197372 1.1227775 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 5 0 4 12 6 8 7 10 9 11 17 13 14 15 16 18]\n", - "=======================\n", - "[\"the inflatable , nicknamed ba di doll , has appeared at wanda plaza commercial complex in eastern china 's nanjing city , according to the people 's daily online .the attraction , which features a ball pit , slide and climbing area , can be accessed via the doll 's right foot .cartoon images are displayed inside the legs to teach children about sex .\"]\n", - "=======================\n", - "['huge inflatable nicknamed ba di has been placed at a commercial complexdoll features a slide , ball pit and a sex education area for children to visitinflatable woman is entered through the right heel and exited via the left']\n", - "the inflatable , nicknamed ba di doll , has appeared at wanda plaza commercial complex in eastern china 's nanjing city , according to the people 's daily online .the attraction , which features a ball pit , slide and climbing area , can be accessed via the doll 's right foot .cartoon images are displayed inside the legs to teach children about sex .\n", - "huge inflatable nicknamed ba di has been placed at a commercial complexdoll features a slide , ball pit and a sex education area for children to visitinflatable woman is entered through the right heel and exited via the left\n", - "[1.0900801 1.1131656 1.0869204 1.2666574 1.2774466 1.0367233 1.0567137\n", - " 1.0413647 1.0395818 1.0366915 1.0697836 1.0725768 1.1316245 1.1893747\n", - " 1.1311785 1.1000428 1.07052 1.0778484 1.0538036 1.0260835 1.0242639\n", - " 1.013958 1.0139853 1.0119088 1.0133502]\n", - "\n", - "[ 4 3 13 12 14 1 15 0 2 17 11 16 10 6 18 7 8 5 9 19 20 22 21 24\n", - " 23]\n", - "=======================\n", - "[\"the passengers were mostly indian nationals , plus yemenis and people from other countries who had been working in yemen 's capital , sanaa .only carry-on luggage was allowed on this air india plane .over the last few days , india has evacuated some 2,500 people from yemen , said gen. vijay kumar singh , the indian deputy foreign minister who 's overseeing the evacuation .\"]\n", - "=======================\n", - "['air india has evacuated 2,500 people in recent days from yemen , indian official sayspassengers could only bring carry-on luggage onto the airplanethe saudis have not destroyed the airstrips , which are controlled by houthis']\n", - "the passengers were mostly indian nationals , plus yemenis and people from other countries who had been working in yemen 's capital , sanaa .only carry-on luggage was allowed on this air india plane .over the last few days , india has evacuated some 2,500 people from yemen , said gen. vijay kumar singh , the indian deputy foreign minister who 's overseeing the evacuation .\n", - "air india has evacuated 2,500 people in recent days from yemen , indian official sayspassengers could only bring carry-on luggage onto the airplanethe saudis have not destroyed the airstrips , which are controlled by houthis\n", - "[1.4599993 1.4001102 1.2299695 1.2522207 1.1822481 1.2909014 1.0340803\n", - " 1.1425239 1.0231553 1.0175354 1.0271887 1.0128338 1.0438871 1.0663192\n", - " 1.0135045 1.1166127 1.0292995 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 3 2 4 7 15 13 12 6 16 10 8 9 14 11 23 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"gary neville has hailed manchester united as a team that is getting ever closer to being ` the real deal ' after a dominant 4-2 derby victory over city at old trafford on sunday .louis van gaal 's side took a firm grip on third place as they skipped four points clear of their arch rivals in fourth after going behind to an early goal from sergio aguero , who also scored a late consolation .marouane fellaini and ashley young celebrate their combined efforts to put manchester united in the lead\"]\n", - "=======================\n", - "[\"manchester united beat manchester city 4-2 at old trafford on sundaygary neville praised united 's recent performances against big clubshe said ` that was a proper performance they 've put in out there today 'niall quinn said it was united 's best performance since sir alex ferguson\"]\n", - "gary neville has hailed manchester united as a team that is getting ever closer to being ` the real deal ' after a dominant 4-2 derby victory over city at old trafford on sunday .louis van gaal 's side took a firm grip on third place as they skipped four points clear of their arch rivals in fourth after going behind to an early goal from sergio aguero , who also scored a late consolation .marouane fellaini and ashley young celebrate their combined efforts to put manchester united in the lead\n", - "manchester united beat manchester city 4-2 at old trafford on sundaygary neville praised united 's recent performances against big clubshe said ` that was a proper performance they 've put in out there today 'niall quinn said it was united 's best performance since sir alex ferguson\n", - "[1.2630699 1.2783351 1.2517526 1.4533752 1.3377671 1.0251687 1.0239472\n", - " 1.0186054 1.1127855 1.0304282 1.0240867 1.0247452 1.2210338 1.0769776\n", - " 1.0904227 1.0880113 1.0206249 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 1 0 2 12 8 14 15 13 9 5 11 10 6 16 7 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"five-year-old ava ciach , from geelong in victoria , suffered from sagittal synostosis - meaning the two plates at the front of her skull had fused together prematurely restricting the growth of her brainava , now six , had to undergo complex surgery in which she had her skull removed , smashed into pieces and put back together like a jigsaw puzzleava was then taken to a combined clinic at the royal children 's hospital in melbourne with reconstructive plastic surgeon jonathan burge and 14 other neurosurgeons and other specialists to decide the course of action .\"]\n", - "=======================\n", - "[\"five-year-old ava ciach , from geelong in victoria , had sagittal synostosisshe had to have her skull removed , smashed and put together like a jigsawher mother stacey is speaking out about the complex operation to raise awareness for the royal children 's hospital 's good friday appeal\"]\n", - "five-year-old ava ciach , from geelong in victoria , suffered from sagittal synostosis - meaning the two plates at the front of her skull had fused together prematurely restricting the growth of her brainava , now six , had to undergo complex surgery in which she had her skull removed , smashed into pieces and put back together like a jigsaw puzzleava was then taken to a combined clinic at the royal children 's hospital in melbourne with reconstructive plastic surgeon jonathan burge and 14 other neurosurgeons and other specialists to decide the course of action .\n", - "five-year-old ava ciach , from geelong in victoria , had sagittal synostosisshe had to have her skull removed , smashed and put together like a jigsawher mother stacey is speaking out about the complex operation to raise awareness for the royal children 's hospital 's good friday appeal\n", - "[1.048011 1.2780199 1.2727098 1.5058076 1.1826909 1.3133001 1.0726824\n", - " 1.1094639 1.0576587 1.0246328 1.0812972 1.033216 1.0340229 1.0612291\n", - " 1.081569 1.0780823 1.0244648 1.0142846 1.0306786 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 5 1 2 4 7 14 10 15 6 13 8 0 12 11 18 9 16 17 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"michael pulman , 33 , a care worker from walsall , spent # 7,500 on a hair transplant to boost his self-esteemit 's a question explored by bbc documentary inside harley street which interviews some of the patients paying thousands for private cosmetic treatments .harley street is in an affluent part of london and it 's famed for attracting business from those who do n't have to consider the cost .\"]\n", - "=======================\n", - "[\"harley street is a top destination for private cosmetic surgerypatients pay thousands for treatments they hope will change their livesmichael , 33 , spent # 7,500 on a hair transplant to boost his self-esteemandrea , 72 , pays for a facelift - but her husband ca n't tell the difference\"]\n", - "michael pulman , 33 , a care worker from walsall , spent # 7,500 on a hair transplant to boost his self-esteemit 's a question explored by bbc documentary inside harley street which interviews some of the patients paying thousands for private cosmetic treatments .harley street is in an affluent part of london and it 's famed for attracting business from those who do n't have to consider the cost .\n", - "harley street is a top destination for private cosmetic surgerypatients pay thousands for treatments they hope will change their livesmichael , 33 , spent # 7,500 on a hair transplant to boost his self-esteemandrea , 72 , pays for a facelift - but her husband ca n't tell the difference\n", - "[1.2332281 1.3540998 1.375724 1.3577731 1.2972138 1.0812411 1.0839233\n", - " 1.0920703 1.0378903 1.068044 1.0402939 1.050734 1.1147994 1.0366886\n", - " 1.0135531 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 4 0 12 7 6 5 9 11 10 8 13 14 22 21 20 19 15 17 16 23 18\n", - " 24]\n", - "=======================\n", - "[\"the statue , which stands in a gardens in wuhan , the capital city of central china 's hubei province , is to honour yu the great , who founded china 's first dynasty in 2070 bc .the bronze tells the story of how the leader met his wife , after the couple were supposedly brought together by a mythical nine-tailed fox .over the years tourists have kept touching yu 's hand , the fox 's back , and his wife 's exposed breast - leading to them becoming worn\"]\n", - "=======================\n", - "[\"statue in wuhan , central china , depicts country 's first ruler and his wifetourists fondling her exposed breast has damaged statue , officials saylegend has it that yu was lead to wife by a magical nine-tailed fox\"]\n", - "the statue , which stands in a gardens in wuhan , the capital city of central china 's hubei province , is to honour yu the great , who founded china 's first dynasty in 2070 bc .the bronze tells the story of how the leader met his wife , after the couple were supposedly brought together by a mythical nine-tailed fox .over the years tourists have kept touching yu 's hand , the fox 's back , and his wife 's exposed breast - leading to them becoming worn\n", - "statue in wuhan , central china , depicts country 's first ruler and his wifetourists fondling her exposed breast has damaged statue , officials saylegend has it that yu was lead to wife by a magical nine-tailed fox\n", - "[1.2033061 1.1342326 1.0756727 1.2289927 1.2117202 1.1994579 1.0777777\n", - " 1.0698487 1.0687121 1.0850841 1.0518752 1.0410974 1.1177977 1.0483224\n", - " 1.0282772 1.0839561 1.022462 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 4 0 5 1 12 9 15 6 2 7 8 10 13 11 14 16 21 17 18 19 20 22]\n", - "=======================\n", - "[\"which is why the work of ernst haas is so striking .haas , one of the 20th century 's great photojournalists and image-makers -- an early member of the great magnum photos cooperative who was famous enough in his prime to have been the subject of a museum of modern art exhibit in 1962 -- was also a regular on movie sets .( cnn ) as art , film stills are often overlooked .\"]\n", - "=======================\n", - "['ernst haas , a celebrated 20th-century photographer , was a regular on movie setshis work from the industry has been brought together in a new book , \" ernst haas : on set \"']\n", - "which is why the work of ernst haas is so striking .haas , one of the 20th century 's great photojournalists and image-makers -- an early member of the great magnum photos cooperative who was famous enough in his prime to have been the subject of a museum of modern art exhibit in 1962 -- was also a regular on movie sets .( cnn ) as art , film stills are often overlooked .\n", - "ernst haas , a celebrated 20th-century photographer , was a regular on movie setshis work from the industry has been brought together in a new book , \" ernst haas : on set \"\n", - "[1.6302967 1.3385829 1.1842067 1.092352 1.0970981 1.0346501 1.1419468\n", - " 1.0552746 1.1196741 1.0893993 1.0839233 1.0402906 1.0909745 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 6 8 4 3 12 9 10 7 11 5 13 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"( cnn ) chris copeland of the indiana pacers was stabbed after leaving a trendy new york nightclub early wednesday , and two atlanta hawks -- who had just finished a home game hours before the incident -- were among those arrested , according to police and cnn affiliates .the hawks were not involved in the stabbing incident , police said , but were arrested on obstruction and other charges later .though new york police department det. kelly ort initially told cnn the incident occurred just before 4 a.m. at 1oak , a club in new york 's chelsea neighborhood known to draw celebrities among its clientele , the club later told cnn that the stabbing occurred in front of the fulton houses project down the street .\"]\n", - "=======================\n", - "['hawks say neither thabo sefolosha nor pero antic will play wednesday against brooklynchris copeland left \" bloody trail of handprints \" as he returned to club seeking help , club sayssuspect in custody , police say , adding they will release his name once charges are filed']\n", - "( cnn ) chris copeland of the indiana pacers was stabbed after leaving a trendy new york nightclub early wednesday , and two atlanta hawks -- who had just finished a home game hours before the incident -- were among those arrested , according to police and cnn affiliates .the hawks were not involved in the stabbing incident , police said , but were arrested on obstruction and other charges later .though new york police department det. kelly ort initially told cnn the incident occurred just before 4 a.m. at 1oak , a club in new york 's chelsea neighborhood known to draw celebrities among its clientele , the club later told cnn that the stabbing occurred in front of the fulton houses project down the street .\n", - "hawks say neither thabo sefolosha nor pero antic will play wednesday against brooklynchris copeland left \" bloody trail of handprints \" as he returned to club seeking help , club sayssuspect in custody , police say , adding they will release his name once charges are filed\n", - "[1.3964163 1.3794271 1.2210028 1.2707952 1.3207409 1.1544564 1.029896\n", - " 1.0144241 1.0211853 1.1141607 1.1347207 1.1398513 1.0707564 1.0304923\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 4 3 2 5 11 10 9 12 13 6 8 7 21 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"leeds rhinos have sent full back zak hardaker on an anger management course after a student was left with two black eyes and bruising during a violent incident in february .hardaker was at the centre of a police assault probe into an attack on a 22-year-old man at student flats in leeds , but was not charged with any offence .leeds issued a lengthy statement outlining hardaker 's punishment , which will also see him forfeit one month 's salary to be donated to a local charity and do up to 20 hours a week of voluntary work for the club 's foundation for the duration of his contract .\"]\n", - "=======================\n", - "[\"leeds rhinos issued statement outlining zak hardaker 's punishmenthardaker has been sent on an anger management course by the clubstudent suffered two black eyes and bruised neck in incident at flatsno-one has been charged , but other leeds players have been disciplined\"]\n", - "leeds rhinos have sent full back zak hardaker on an anger management course after a student was left with two black eyes and bruising during a violent incident in february .hardaker was at the centre of a police assault probe into an attack on a 22-year-old man at student flats in leeds , but was not charged with any offence .leeds issued a lengthy statement outlining hardaker 's punishment , which will also see him forfeit one month 's salary to be donated to a local charity and do up to 20 hours a week of voluntary work for the club 's foundation for the duration of his contract .\n", - "leeds rhinos issued statement outlining zak hardaker 's punishmenthardaker has been sent on an anger management course by the clubstudent suffered two black eyes and bruised neck in incident at flatsno-one has been charged , but other leeds players have been disciplined\n", - "[1.1928226 1.3322096 1.2507691 1.1854773 1.1929619 1.1112868 1.0884482\n", - " 1.1109296 1.1396717 1.0935946 1.1303757 1.042575 1.0319153 1.0176528\n", - " 1.0502853 1.0280806 1.0881248 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 4 0 3 8 10 5 7 9 6 16 14 11 12 15 13 21 17 18 19 20 22]\n", - "=======================\n", - "[\"the ring , located 12 billion light years away , is an illusion created by the chance alignment of two distant galaxies .the striking circular structure is a rare manifestation of gravitational lensing predicted by albert einstein in his theory of general relativity .the bright orange central region of the ring - alma 's highest resolution observation ever - reveals the glowing dust in this distant galaxy\"]\n", - "=======================\n", - "['ring is an illusion created by the chance alignment of two galaxiesalbert einstein predicted the illusion in his theory of general relativitythis predicts the gravity of a closer galaxy will bend light a distant one']\n", - "the ring , located 12 billion light years away , is an illusion created by the chance alignment of two distant galaxies .the striking circular structure is a rare manifestation of gravitational lensing predicted by albert einstein in his theory of general relativity .the bright orange central region of the ring - alma 's highest resolution observation ever - reveals the glowing dust in this distant galaxy\n", - "ring is an illusion created by the chance alignment of two galaxiesalbert einstein predicted the illusion in his theory of general relativitythis predicts the gravity of a closer galaxy will bend light a distant one\n", - "[1.6040059 1.3215144 1.2121555 1.4116601 1.0752962 1.0312728 1.0199516\n", - " 1.0157814 1.0162436 1.332544 1.116474 1.1142212 1.0991635 1.0374013\n", - " 1.0101676 1.0227408 1.0182649 1.1031797 1.0432876 1.0134687 1.0080107\n", - " 1.0092614 1.0082718]\n", - "\n", - "[ 0 3 9 1 2 10 11 17 12 4 18 13 5 15 6 16 8 7 19 14 21 22 20]\n", - "=======================\n", - "[\"dundee manager paul hartley is not reading too much into dundee united 's recent slide ahead of wednesday night 's scottish premiership derby at dens park .dundee are without a win in three matches themselves , following up their defeat to ross county with 1-1 draws against aberdeen and inverness .united have lost seven of their last nine matches in all competitions , drawing the other two , while their last league victory was way back on january 24 against motherwell .\"]\n", - "=======================\n", - "['dundee face rivals dundee united in the derby on wednesday nightunited have lost seven of their last nine matches in all competitionsbut hartley is not reading in to their troubles as dundee themselves stutterdundee are without a win in three matches themselves going into the game']\n", - "dundee manager paul hartley is not reading too much into dundee united 's recent slide ahead of wednesday night 's scottish premiership derby at dens park .dundee are without a win in three matches themselves , following up their defeat to ross county with 1-1 draws against aberdeen and inverness .united have lost seven of their last nine matches in all competitions , drawing the other two , while their last league victory was way back on january 24 against motherwell .\n", - "dundee face rivals dundee united in the derby on wednesday nightunited have lost seven of their last nine matches in all competitionsbut hartley is not reading in to their troubles as dundee themselves stutterdundee are without a win in three matches themselves going into the game\n", - "[1.2993002 1.1390234 1.3938705 1.0509377 1.1749694 1.0757879 1.0489945\n", - " 1.0962268 1.026015 1.0756313 1.0650412 1.0460608 1.0735204 1.090626\n", - " 1.0344387 1.0491134 1.0603938 1.0392253 1.036721 1.0359768 1.0433807\n", - " 1.0204777 1.0305278]\n", - "\n", - "[ 2 0 4 1 7 13 5 9 12 10 16 3 15 6 11 20 17 18 19 14 22 8 21]\n", - "=======================\n", - "[\"ap mccoy won the grand national in 2010 on do n't push itap mccoy will jump his final fence this weekend when the legendary jockey bows out at sandown and to mark his retirement we 've got some brilliant stats and little-known facts as we preview hisbig farewell .name : anthony peter mccoy obe\"]\n", - "=======================\n", - "[\"ap mccoy retires on saturday after riding at sandownmccoy has been champion jockey every year he 's been a professionalhe 's won two cheltenham gold cups and the grand nationalmccoy was the first man to ride 4,000 winners\"]\n", - "ap mccoy won the grand national in 2010 on do n't push itap mccoy will jump his final fence this weekend when the legendary jockey bows out at sandown and to mark his retirement we 've got some brilliant stats and little-known facts as we preview hisbig farewell .name : anthony peter mccoy obe\n", - "ap mccoy retires on saturday after riding at sandownmccoy has been champion jockey every year he 's been a professionalhe 's won two cheltenham gold cups and the grand nationalmccoy was the first man to ride 4,000 winners\n", - "[1.1801357 1.3760544 1.2143662 1.1882012 1.1067542 1.1329434 1.1858608\n", - " 1.0928509 1.1042378 1.0725927 1.0392121 1.0884843 1.1068606 1.0384495\n", - " 1.0507748 1.032266 1.0174772 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 6 0 5 12 4 8 7 11 9 14 10 13 15 16 21 17 18 19 20 22]\n", - "=======================\n", - "[\"this week incredible footage showed the moment an unusual ` apocalyptic ' dust storm , known in arabic as a haboob , struck belarus , turning day to night , and china has suffered four massive sandstorms since the start of the year .some experts have said that climate change bringing excessive heat can make some areas more susceptible to dust storms , but one european scientist pointed out that the number of dust storms over the decades has always been variable .dark clouds start forming over the city of soligorsk , belarus , as a sandstorm sweeps over the city\"]\n", - "=======================\n", - "[\"footage showed an unusual ` apocalyptic ' dust storm hitting belaruschina has suffered four massive sandstorms since the start of the yearhalf of dust in atmosphere today is due to human activity , said nasa\"]\n", - "this week incredible footage showed the moment an unusual ` apocalyptic ' dust storm , known in arabic as a haboob , struck belarus , turning day to night , and china has suffered four massive sandstorms since the start of the year .some experts have said that climate change bringing excessive heat can make some areas more susceptible to dust storms , but one european scientist pointed out that the number of dust storms over the decades has always been variable .dark clouds start forming over the city of soligorsk , belarus , as a sandstorm sweeps over the city\n", - "footage showed an unusual ` apocalyptic ' dust storm hitting belaruschina has suffered four massive sandstorms since the start of the yearhalf of dust in atmosphere today is due to human activity , said nasa\n", - "[1.3377575 1.1889933 1.1569988 1.1900706 1.1276436 1.1436961 1.0684456\n", - " 1.123441 1.0830803 1.1196625 1.0349308 1.0507495 1.0629445 1.1063216\n", - " 1.0892327 1.0799378 1.0433829 1.0199078 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 1 2 5 4 7 9 13 14 8 15 6 12 11 16 10 17 18 19 20 21 22]\n", - "=======================\n", - "['rome ( cnn ) italian authorities said they had launched a \" vast anti-terrorism operation \" friday , going after suspects associated with al qaeda who had discussed a range of targets , including the vatican .some evidence indicated the vatican was among the targets considered , police said .and wiretaps and other intelligence revealed that the group planned to carry out terrorist attacks in afghanistan and pakistan as well as in italy , according to caligari chief prosecutor mauro mura .']\n", - "=======================\n", - "['police : some suspects involved in pakistan blast that killed , injured more than 300evidence suggests vatican was discussed as a possible target in march 2010 , police saystate news : some members of alleged terrorist cell had direct contact with osama bin laden']\n", - "rome ( cnn ) italian authorities said they had launched a \" vast anti-terrorism operation \" friday , going after suspects associated with al qaeda who had discussed a range of targets , including the vatican .some evidence indicated the vatican was among the targets considered , police said .and wiretaps and other intelligence revealed that the group planned to carry out terrorist attacks in afghanistan and pakistan as well as in italy , according to caligari chief prosecutor mauro mura .\n", - "police : some suspects involved in pakistan blast that killed , injured more than 300evidence suggests vatican was discussed as a possible target in march 2010 , police saystate news : some members of alleged terrorist cell had direct contact with osama bin laden\n", - "[1.4575047 1.1191316 1.2277982 1.3076025 1.4250851 1.1750325 1.0604416\n", - " 1.101915 1.1183178 1.1615913 1.023481 1.067912 1.0226827 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 4 3 2 5 9 1 8 7 11 6 10 12 21 13 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"negotiations to make a fight between paul smith and andre ward are set to be concluded this week , with the liverpool super-middleweight set to meet one of boxing 's biggest talents on june 20 .however , the fight , which will be staged in oakland , california , will run over the 12-round distance .elements of the deal are still being rubber-stamped and ward 's wba world title is unlikely to be on the line .\"]\n", - "=======================\n", - "[\"paul smith is set to face andre ward in oakland , california on june 20liverpool fighter is not expected to challenge for ward 's wba world titlesmith has lost back-to-back world title challenges against arthur abraham while the american is undefeated in 27 games\"]\n", - "negotiations to make a fight between paul smith and andre ward are set to be concluded this week , with the liverpool super-middleweight set to meet one of boxing 's biggest talents on june 20 .however , the fight , which will be staged in oakland , california , will run over the 12-round distance .elements of the deal are still being rubber-stamped and ward 's wba world title is unlikely to be on the line .\n", - "paul smith is set to face andre ward in oakland , california on june 20liverpool fighter is not expected to challenge for ward 's wba world titlesmith has lost back-to-back world title challenges against arthur abraham while the american is undefeated in 27 games\n", - "[1.4053342 1.4748662 1.3137488 1.3294828 1.1845973 1.1849284 1.0368904\n", - " 1.0702304 1.0178388 1.036763 1.0389867 1.0577939 1.078982 1.0689545\n", - " 1.0655084 1.0540367 1.0263053 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 3 2 5 4 12 7 13 14 11 15 10 6 9 16 8 21 17 18 19 20 22]\n", - "=======================\n", - "[\"the former another level star , 35 , is accused of hitting 31-year-old glamour model ms cahill in front of her young son , causing a bloody nose .ex pop star dane bowers has been charged with hitting his ex-fiancee miss wales sophie cahill and will appear in court next month charged with common assault .the singer and the former miss wales got engaged in december 2013 when he popped the question during a sunshine winter break in tenerife . '\"]\n", - "=======================\n", - "['former another level star dane bowers has been charged with assaulthe is accused of hitting his ex-fiancée former miss wales sophie cahillallegedly hit the model and gave her a bloody nose in front of her sonhe will appear before magistrates next month to face the charge']\n", - "the former another level star , 35 , is accused of hitting 31-year-old glamour model ms cahill in front of her young son , causing a bloody nose .ex pop star dane bowers has been charged with hitting his ex-fiancee miss wales sophie cahill and will appear in court next month charged with common assault .the singer and the former miss wales got engaged in december 2013 when he popped the question during a sunshine winter break in tenerife . '\n", - "former another level star dane bowers has been charged with assaulthe is accused of hitting his ex-fiancée former miss wales sophie cahillallegedly hit the model and gave her a bloody nose in front of her sonhe will appear before magistrates next month to face the charge\n", - "[1.2894658 1.1244763 1.3465345 1.1780839 1.1657314 1.209097 1.2201827\n", - " 1.0697045 1.0562955 1.06424 1.1436374 1.2143945 1.0679426 1.1860471\n", - " 1.0356696 1.0107191 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 6 11 5 13 3 4 10 1 7 12 9 8 14 15 19 16 17 18 20]\n", - "=======================\n", - "[\"experts said training was ` heavily geared ' towards young people , meaning many older workers were left behind in the workplace .technology : a study found that the majority of older workers did not believe better computer skills would help them in their current jobthe aat said the death of a ` job for life ' meant workers could no longer rely on loyalty to their company and experience to take them through to retirement with the same employer .\"]\n", - "=======================\n", - "[\"experts say older workers are left behind in workplace because of trainingthis left them vulnerable when companies start ` shedding ' jobs , they claimthe association of accounting technicians say older workers must ` reskill '\"]\n", - "experts said training was ` heavily geared ' towards young people , meaning many older workers were left behind in the workplace .technology : a study found that the majority of older workers did not believe better computer skills would help them in their current jobthe aat said the death of a ` job for life ' meant workers could no longer rely on loyalty to their company and experience to take them through to retirement with the same employer .\n", - "experts say older workers are left behind in workplace because of trainingthis left them vulnerable when companies start ` shedding ' jobs , they claimthe association of accounting technicians say older workers must ` reskill '\n", - "[1.4510729 1.265209 1.1980741 1.3076242 1.1954768 1.1560732 1.093124\n", - " 1.3052703 1.04496 1.064639 1.0699022 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 7 1 2 4 5 6 10 9 8 19 11 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"london will be treated to an appearance from three olympic gold medallists this summer when jessica ennis-hill , mo farah and greg rutherford take part in the sainsbury 's anniversary games .jessica ennis-hill became a national hero when she won heptathlon gold at the london 2012 olympicsall three won their gongs on super saturday three years ago in the heptathlon , 10,000 metres and long jump respectively .\"]\n", - "=======================\n", - "['jessica ennis-hill to compete for the first time since giving birthmo farah and greg rutherford also set to take part in anniversary gamesanniversary games set to take place between july 24-26']\n", - "london will be treated to an appearance from three olympic gold medallists this summer when jessica ennis-hill , mo farah and greg rutherford take part in the sainsbury 's anniversary games .jessica ennis-hill became a national hero when she won heptathlon gold at the london 2012 olympicsall three won their gongs on super saturday three years ago in the heptathlon , 10,000 metres and long jump respectively .\n", - "jessica ennis-hill to compete for the first time since giving birthmo farah and greg rutherford also set to take part in anniversary gamesanniversary games set to take place between july 24-26\n", - "[1.4423934 1.2699429 1.4801645 1.3641095 1.2218689 1.090026 1.0862997\n", - " 1.0445575 1.0180807 1.0143852 1.0161808 1.0137223 1.0167317 1.094891\n", - " 1.0553125 1.0999687 1.0691419 1.0426805 1.0247428 1.0937366 1.1023095]\n", - "\n", - "[ 2 0 3 1 4 20 15 13 19 5 6 16 14 7 17 18 8 12 10 9 11]\n", - "=======================\n", - "[\"jobless keith macdonald , 29 , from sunderland in tyne and wear , has sired a massive brood with at least ten mothers - and is estimated to cost the taxpayer over # 2million .he was set to become a father for the sixteenth time but has revealed he 's split from the unborn child 's mother .the man dubbed ` britain 's most feckless father ' after having 15 children by the age of 30 is back on the market after he split from his most recent pregnant girlfriend .\"]\n", - "=======================\n", - "['jobless keith macdonald , 29 , has fathered 15 children by 10 womenhe says he is now single after splitting from his latest pregnant girlfriendit is estimated he and his massive brood will cost the taxpayer # 2millionmacdonald , who appeared on the jeremy kyle show , meets his conquests on buses - and claims two of his children were conceived on the top deck']\n", - "jobless keith macdonald , 29 , from sunderland in tyne and wear , has sired a massive brood with at least ten mothers - and is estimated to cost the taxpayer over # 2million .he was set to become a father for the sixteenth time but has revealed he 's split from the unborn child 's mother .the man dubbed ` britain 's most feckless father ' after having 15 children by the age of 30 is back on the market after he split from his most recent pregnant girlfriend .\n", - "jobless keith macdonald , 29 , has fathered 15 children by 10 womenhe says he is now single after splitting from his latest pregnant girlfriendit is estimated he and his massive brood will cost the taxpayer # 2millionmacdonald , who appeared on the jeremy kyle show , meets his conquests on buses - and claims two of his children were conceived on the top deck\n", - "[1.2476695 1.3888993 1.5020366 1.0965244 1.0372089 1.0319749 1.0297538\n", - " 1.0537893 1.1131806 1.102471 1.1117419 1.062644 1.0594726 1.0414737\n", - " 1.0119417 1.0158802 1.0186825 1.1268144 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 17 8 10 9 3 11 12 7 13 4 5 6 16 15 14 19 18 20]\n", - "=======================\n", - "[\"the challenge was part of the central china stage of the annual miss bikini of the universe contest , which has been running since 2005 , according to the people 's daily online .the girls put aside their fear of heights as they paraded along the narrow footpath in red bikinis and black high heels in a ` test of their composure ' as part of a chinese beauty pageant .the girls were competing to get to the national final in beijing .\"]\n", - "=======================\n", - "[\"models put aside their fear of heights to strut along a mountain path in central chinathe challenge was part of the annual miss bikini of the universe contest , which has been running since 2005competition tests if people can ` keep their cool ' and has previously seen contestants parade in -16 degrees celsius\"]\n", - "the challenge was part of the central china stage of the annual miss bikini of the universe contest , which has been running since 2005 , according to the people 's daily online .the girls put aside their fear of heights as they paraded along the narrow footpath in red bikinis and black high heels in a ` test of their composure ' as part of a chinese beauty pageant .the girls were competing to get to the national final in beijing .\n", - "models put aside their fear of heights to strut along a mountain path in central chinathe challenge was part of the annual miss bikini of the universe contest , which has been running since 2005competition tests if people can ` keep their cool ' and has previously seen contestants parade in -16 degrees celsius\n", - "[1.2119917 1.4035759 1.3408613 1.2561321 1.1364139 1.22414 1.1910522\n", - " 1.0994178 1.0469762 1.0360091 1.0150036 1.0385035 1.0534643 1.0228025\n", - " 1.0136555 1.0193611 1.0398563 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 5 0 6 4 7 12 8 16 11 9 13 15 10 14 19 17 18 20]\n", - "=======================\n", - "[\"violeta tupuola , who lives near canberra and already has naturally beautiful voluptuous lips , has joined the #kyliejennerchallenge sweeping social media of placing the opening of any narrow vessel over their mouth and sucking in until the vacuum of air causes their lips to excessively swell .in an attempt to emulate kylie jenner 's bee-stung pout , violeta got the shock of her life when she removed the shot glass and suddenly had such protruding lips that social media users compared her to a duck .the new craze is popular among teens desperate to emulate jenner 's famous plump lips ( pictured )\"]\n", - "=======================\n", - "[\"aussie girl joins #kyliejennerchallenge currently sweeping social mediamethod involves creating an airlock which forces lips to swellteens across the globe are hoping to emulate kylie jenner 's puffy pout\"]\n", - "violeta tupuola , who lives near canberra and already has naturally beautiful voluptuous lips , has joined the #kyliejennerchallenge sweeping social media of placing the opening of any narrow vessel over their mouth and sucking in until the vacuum of air causes their lips to excessively swell .in an attempt to emulate kylie jenner 's bee-stung pout , violeta got the shock of her life when she removed the shot glass and suddenly had such protruding lips that social media users compared her to a duck .the new craze is popular among teens desperate to emulate jenner 's famous plump lips ( pictured )\n", - "aussie girl joins #kyliejennerchallenge currently sweeping social mediamethod involves creating an airlock which forces lips to swellteens across the globe are hoping to emulate kylie jenner 's puffy pout\n", - "[1.4231842 1.1839173 1.1676536 1.3016679 1.1623302 1.0974188 1.088396\n", - " 1.0815642 1.0644374 1.0646417 1.0779867 1.0795318 1.0426089 1.1111264\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 13 5 6 7 11 10 9 8 12 16 14 15 17]\n", - "=======================\n", - "[\"hillary clinton 's now-famous scooby doo van made an appearance in council bluffs , iowa on thursday for a closed-door meeting with state democratic party officials -- and it idled in a handicapped parking space from beginning to end .footage broadcast by ketv-7 in the nearby city of omaha , nebraska , showed the presidential nominee emerging from a cafe , greeting onlookers and walking past the blue handicapped-parking sign to climb into the vehicle .secret service agents are technically federal law enforcement officers , so there was no chance of a parking ticket , even if scooby had been left unattended .\"]\n", - "=======================\n", - "[\"clinton 's signature black customized van was parked in a spot reserved for the disabled in council bluffs , iowahillary walked right past an unmistakable blue parking sign to climb into the van , nicknamed ` scooby 'meeting inside cafe lasted 90 minutes and was reportedly so sensitive that democratic party insiders were told to hand over cameras and cell phonessecret service are technically federal law-enforcement officers and the vehicle is never left unattended , so there was no chance of a parking ticket\"]\n", - "hillary clinton 's now-famous scooby doo van made an appearance in council bluffs , iowa on thursday for a closed-door meeting with state democratic party officials -- and it idled in a handicapped parking space from beginning to end .footage broadcast by ketv-7 in the nearby city of omaha , nebraska , showed the presidential nominee emerging from a cafe , greeting onlookers and walking past the blue handicapped-parking sign to climb into the vehicle .secret service agents are technically federal law enforcement officers , so there was no chance of a parking ticket , even if scooby had been left unattended .\n", - "clinton 's signature black customized van was parked in a spot reserved for the disabled in council bluffs , iowahillary walked right past an unmistakable blue parking sign to climb into the van , nicknamed ` scooby 'meeting inside cafe lasted 90 minutes and was reportedly so sensitive that democratic party insiders were told to hand over cameras and cell phonessecret service are technically federal law-enforcement officers and the vehicle is never left unattended , so there was no chance of a parking ticket\n", - "[1.07856 1.0263942 1.3155406 1.1084301 1.454422 1.2221106 1.3406552\n", - " 1.2136261 1.0887718 1.0248754 1.028683 1.0549124 1.0765008 1.0147009\n", - " 1.0101469 1.0112852 1.012266 1.1913655]\n", - "\n", - "[ 4 6 2 5 7 17 3 8 0 12 11 10 1 9 13 16 15 14]\n", - "=======================\n", - "[\"qpr boss chris ramsey ( centre ) is one of seven managers trying to keep their club in the premier leaguecesc fabregas ' 88th minute strike saw chelsea grab a late 1-0 win at qpr earlier this monthramsey 's side host west ham on saturday as they look to climb out of the relegation zone with four games left\"]\n", - "=======================\n", - "['just nine points separates the bottom seven clubs in the premier leagueburnley sit bottom of the table on 26 points after 33 games in the leaguenewcastle are 14th in the table on 35 points with five games remaining']\n", - "qpr boss chris ramsey ( centre ) is one of seven managers trying to keep their club in the premier leaguecesc fabregas ' 88th minute strike saw chelsea grab a late 1-0 win at qpr earlier this monthramsey 's side host west ham on saturday as they look to climb out of the relegation zone with four games left\n", - "just nine points separates the bottom seven clubs in the premier leagueburnley sit bottom of the table on 26 points after 33 games in the leaguenewcastle are 14th in the table on 35 points with five games remaining\n", - "[1.2435862 1.498573 1.4147272 1.2708404 1.1581888 1.0495037 1.0242412\n", - " 1.2074674 1.1552432 1.1612874 1.0557969 1.0692612 1.0995352 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 7 9 4 8 12 11 10 5 6 16 13 14 15 17]\n", - "=======================\n", - "[\"jacob polyakov cracked his head on the floor after plunging off the edge of the sec ` globe ' centre in kiev , ukraine .his friend jamal maslow , who fell off the roof first , broke his coccyx after landing on the corner of one of the steps .witnesses rushed over to the teenagers , both 17 , after the accident and found mr maslow in huge amounts of pain .\"]\n", - "=======================\n", - "[\"jacob polyakov plunged off the sec ` globe ' centre in kiev , ukraine17-year-old cracked his head open and is now in intensive carefriend jamal maslow broke his coccyx after landing on corner of step\"]\n", - "jacob polyakov cracked his head on the floor after plunging off the edge of the sec ` globe ' centre in kiev , ukraine .his friend jamal maslow , who fell off the roof first , broke his coccyx after landing on the corner of one of the steps .witnesses rushed over to the teenagers , both 17 , after the accident and found mr maslow in huge amounts of pain .\n", - "jacob polyakov plunged off the sec ` globe ' centre in kiev , ukraine17-year-old cracked his head open and is now in intensive carefriend jamal maslow broke his coccyx after landing on corner of step\n", - "[1.2899978 1.4951481 1.2642682 1.4181476 1.0999854 1.0641111 1.0308717\n", - " 1.0260053 1.1182507 1.1061028 1.10198 1.0787281 1.1036518 1.0646834\n", - " 1.0447026 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 8 9 12 10 4 11 13 5 14 6 7 16 15 17]\n", - "=======================\n", - "[\"the couple have been named as georgina rojas-medina , 41 , and her common-law husband , gerardo tovar , 44 .a mother-of-three was shot and killed by her husband who then turned the gun on himself , according to police in tulare , california .neighbors say they were alerted to the bodies by the couple 's 4-year-old daughter just after midnight on saturday .\"]\n", - "=======================\n", - "[\"mother-of-three georgina rojas-medina , 41 , was shot and killed by her common-law husband on saturday nightgerardo tovar , 44 , then turned the gun on himself in tulare , californiathe couple 's bodies were discovered by their 4-year-old daughter who walked out of the house and asked a neightbor to call the policethe 4-year-old girl and two other siblings , ages 10 and 12 , were not hurt in the shooting\"]\n", - "the couple have been named as georgina rojas-medina , 41 , and her common-law husband , gerardo tovar , 44 .a mother-of-three was shot and killed by her husband who then turned the gun on himself , according to police in tulare , california .neighbors say they were alerted to the bodies by the couple 's 4-year-old daughter just after midnight on saturday .\n", - "mother-of-three georgina rojas-medina , 41 , was shot and killed by her common-law husband on saturday nightgerardo tovar , 44 , then turned the gun on himself in tulare , californiathe couple 's bodies were discovered by their 4-year-old daughter who walked out of the house and asked a neightbor to call the policethe 4-year-old girl and two other siblings , ages 10 and 12 , were not hurt in the shooting\n", - "[1.487904 1.5036986 1.1854002 1.2273724 1.1076614 1.0932676 1.0506845\n", - " 1.0604703 1.0479738 1.0752424 1.2122954 1.0542344 1.0641193 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 10 2 4 5 9 12 7 11 6 8 13 14 15 16 17]\n", - "=======================\n", - "[\"sergio aguero opened the scoring for city but ashley young , marouane fellaini , juan mata and chris smalling all struck before aguero 's second to all-but end the champions ' barclays premier league title hopes .manchester united crushed manchester city 4-2 at old trafford and sparked a string on viral images on twitter .chris smalling scored his fourth league goal of the season which matches expensive loanee radamel falcao\"]\n", - "=======================\n", - "['manchester united beat manchester city 4-2 at old trafford on sundayashley young , marouane fellaini , juan mata and chris smalling all scoredinternet pranksters ripped into the barclays premier league champions']\n", - "sergio aguero opened the scoring for city but ashley young , marouane fellaini , juan mata and chris smalling all struck before aguero 's second to all-but end the champions ' barclays premier league title hopes .manchester united crushed manchester city 4-2 at old trafford and sparked a string on viral images on twitter .chris smalling scored his fourth league goal of the season which matches expensive loanee radamel falcao\n", - "manchester united beat manchester city 4-2 at old trafford on sundayashley young , marouane fellaini , juan mata and chris smalling all scoredinternet pranksters ripped into the barclays premier league champions\n", - "[1.1837218 1.5075636 1.2747011 1.3230238 1.1772501 1.1511517 1.014704\n", - " 1.0261242 1.1218078 1.074187 1.1368756 1.1161447 1.0718254 1.012398\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 10 8 11 9 12 7 6 13 14 15]\n", - "=======================\n", - "['david potchen , who robbed a bank in merrillville , indiana , last june , now has a job as a welder and is staying out of trouble after receiving help from family members that had long been estranged .the man , 53 , had told a lake county judge earlier this year that he attempted to rob a local chase bank so that he could get placed back in custody , where he had served 12 and a half years in prison .potchen had decided he needed to go back to prison after his years free had left him without a job or a place to stay and sleeping in mosquito-filled woods .']\n", - "=======================\n", - "['david potchen , 53 , robbed bank and sat on curb waiting for police in junehe had served 12 and a half years starting in 2000 before parolepotchen lost job and housing before spending night in the woodsjudge gave him conversion charge and will drop recent robbery charge if he stays out of trouble for a yearhe is employed as welder and estranged cousins are taking care of him']\n", - "david potchen , who robbed a bank in merrillville , indiana , last june , now has a job as a welder and is staying out of trouble after receiving help from family members that had long been estranged .the man , 53 , had told a lake county judge earlier this year that he attempted to rob a local chase bank so that he could get placed back in custody , where he had served 12 and a half years in prison .potchen had decided he needed to go back to prison after his years free had left him without a job or a place to stay and sleeping in mosquito-filled woods .\n", - "david potchen , 53 , robbed bank and sat on curb waiting for police in junehe had served 12 and a half years starting in 2000 before parolepotchen lost job and housing before spending night in the woodsjudge gave him conversion charge and will drop recent robbery charge if he stays out of trouble for a yearhe is employed as welder and estranged cousins are taking care of him\n", - "[1.270294 1.3397533 1.2415754 1.1759338 1.0521924 1.2581642 1.1103771\n", - " 1.1457444 1.05198 1.0532556 1.0522348 1.118585 1.09929 1.0252686\n", - " 1.0592552 0. ]\n", - "\n", - "[ 1 0 5 2 3 7 11 6 12 14 9 10 4 8 13 15]\n", - "=======================\n", - "['the transgender boy , who has felt as though he is living in the wrong body since he was a child , has been given permission by a brisbane-based judge to receive testosterone injections , the courier mail reports .a 16-year-old who was born a girl but identifies as a boy has been granted the opportunity to go through male puberty after years of living in misery .during a family court hearing , judge michael kent was told the teen had considered suicide and gone to extreme lengths such as binding his chest by wearing tight bras and starving himself because he was so unhappy in his female body .']\n", - "=======================\n", - "[\"queensland teen was born a girl but wears a boy 's school uniformhe has lived in misery for years and has even contemplated suicidea brisbane court was told ' i have the mentality of a dude 'teens must be 16 years old before they can ask for hormone jabsthe injections are the second stage of gender changing treatmenta child is assessed by at least five doctors before treatment is given\"]\n", - "the transgender boy , who has felt as though he is living in the wrong body since he was a child , has been given permission by a brisbane-based judge to receive testosterone injections , the courier mail reports .a 16-year-old who was born a girl but identifies as a boy has been granted the opportunity to go through male puberty after years of living in misery .during a family court hearing , judge michael kent was told the teen had considered suicide and gone to extreme lengths such as binding his chest by wearing tight bras and starving himself because he was so unhappy in his female body .\n", - "queensland teen was born a girl but wears a boy 's school uniformhe has lived in misery for years and has even contemplated suicidea brisbane court was told ' i have the mentality of a dude 'teens must be 16 years old before they can ask for hormone jabsthe injections are the second stage of gender changing treatmenta child is assessed by at least five doctors before treatment is given\n", - "[1.2307718 1.218423 1.391106 1.319951 1.1781119 1.1519734 1.069922\n", - " 1.0349213 1.1027111 1.0377265 1.0244999 1.0608073 1.024321 1.0729818\n", - " 1.0463998 0. ]\n", - "\n", - "[ 2 3 0 1 4 5 8 13 6 11 14 9 7 10 12 15]\n", - "=======================\n", - "['and this week he faced accusations from the model kate upton that he had released footage of her dancing in a bikini without her permission .terry richardson is both one of the most famous and most controversial photographers in the fashion industry .known as much for his racy - often pornographic - photo shoots as he is for the sexual assault allegations that have been made against him .']\n", - "=======================\n", - "['terry richardson is accused of releasing film without model permissionthe minute-long footage shows upton dancing in a skimpy bikinithe photographer has long courted controversyhe has previously been accused of sexual assaulting young modelsrichardson has previously denied the allegations made against him']\n", - "and this week he faced accusations from the model kate upton that he had released footage of her dancing in a bikini without her permission .terry richardson is both one of the most famous and most controversial photographers in the fashion industry .known as much for his racy - often pornographic - photo shoots as he is for the sexual assault allegations that have been made against him .\n", - "terry richardson is accused of releasing film without model permissionthe minute-long footage shows upton dancing in a skimpy bikinithe photographer has long courted controversyhe has previously been accused of sexual assaulting young modelsrichardson has previously denied the allegations made against him\n", - "[1.2464218 1.4426131 1.2476287 1.1825402 1.0997556 1.2032241 1.2397611\n", - " 1.056328 1.0331126 1.0601337 1.0572095 1.0498571 1.1115755 1.1031842\n", - " 1.0786296 1.0378007]\n", - "\n", - "[ 1 2 0 6 5 3 12 13 4 14 9 10 7 11 15 8]\n", - "=======================\n", - "[\"last month a court ruled richard lapointe , a former dishwasher , was deprived of a fair trial for the 1987 killing and on friday , a judge ordered him to be freed on $ 25,000 cash bail .the former inmate was photographed walking out of the hearing alongside his attorney and another supporter with his arms weakly raised in the air.in lieu of his prison jumpsuit ,a 69-year-old mentally impaired man from connecticut celebrated walking free from jail today after spending more than two decades behind bars for the rape and murder of his wife 's grandmother .\"]\n", - "=======================\n", - "[\"richard lapointe , a former dishwasher , confessed to raping and stabbing 88-year-old bernice martin at her manchester apartment in 1989he was sentenced in 1992 to life in prison without parolelapointe 's supporters said evidence showed he could not have committed the crimes and his disability made him vulnerable to a false confessionlast month a court ruled lapointe was deprived of a fair trial and on friday , a judge ordered him to be freed on $ 25,000 cash bail\"]\n", - "last month a court ruled richard lapointe , a former dishwasher , was deprived of a fair trial for the 1987 killing and on friday , a judge ordered him to be freed on $ 25,000 cash bail .the former inmate was photographed walking out of the hearing alongside his attorney and another supporter with his arms weakly raised in the air.in lieu of his prison jumpsuit ,a 69-year-old mentally impaired man from connecticut celebrated walking free from jail today after spending more than two decades behind bars for the rape and murder of his wife 's grandmother .\n", - "richard lapointe , a former dishwasher , confessed to raping and stabbing 88-year-old bernice martin at her manchester apartment in 1989he was sentenced in 1992 to life in prison without parolelapointe 's supporters said evidence showed he could not have committed the crimes and his disability made him vulnerable to a false confessionlast month a court ruled lapointe was deprived of a fair trial and on friday , a judge ordered him to be freed on $ 25,000 cash bail\n", - "[1.2234184 1.3458197 1.2874025 1.2379357 1.2239631 1.0900608 1.1076536\n", - " 1.0993633 1.1336445 1.0728536 1.0236822 1.0817672 1.0191495 1.0457261\n", - " 1.0345665 0. ]\n", - "\n", - "[ 1 2 3 4 0 8 6 7 5 11 9 13 14 10 12 15]\n", - "=======================\n", - "[\"in a quest to find the perfect photograph , the intrepid social media giants were sent by europcar to explore and snap nearly 650 miles in three days , and post their findings with the hashtag #movingskyewards .their breathtaking findings have been seen by a combined following of over one million users , with the team proving that isle of skye is the perfect road trip destination .the campaign team involved five danes and three scots who set out in march to capture some of the area 's prized landscapes and landmarks .\"]\n", - "=======================\n", - "[\"europcar started a campaign to show how incredible the drive is to scotland 's isle of skyethe location is only accessible by bus or private car , and the company enlisted the help of prolific instagrammerseight photographers from denmark and scotland embarked on an incredible roadtripthey used the hashtag #movingskyewards so others could join in on celebrating the picturesque areatogether the photographers have over a million followers on the social media site\"]\n", - "in a quest to find the perfect photograph , the intrepid social media giants were sent by europcar to explore and snap nearly 650 miles in three days , and post their findings with the hashtag #movingskyewards .their breathtaking findings have been seen by a combined following of over one million users , with the team proving that isle of skye is the perfect road trip destination .the campaign team involved five danes and three scots who set out in march to capture some of the area 's prized landscapes and landmarks .\n", - "europcar started a campaign to show how incredible the drive is to scotland 's isle of skyethe location is only accessible by bus or private car , and the company enlisted the help of prolific instagrammerseight photographers from denmark and scotland embarked on an incredible roadtripthey used the hashtag #movingskyewards so others could join in on celebrating the picturesque areatogether the photographers have over a million followers on the social media site\n", - "[1.0577128 1.3027802 1.2850252 1.220264 1.2081228 1.0891606 1.1549437\n", - " 1.1004279 1.0912006 1.1133116 1.0636235 1.063335 1.0740299 1.0441102\n", - " 1.0622606 0. 0. ]\n", - "\n", - "[ 1 2 3 4 6 9 7 8 5 12 10 11 14 0 13 15 16]\n", - "=======================\n", - "[\"yesterday the countess of wessex and princess beatrice were not exactly fly-away style winners with their feathered hats as they joined the queen at windsor for an easter sunday service .sophie , 50 , wife of prince edward , wore a beret-style percher hat topped with large , dark plumes , while beatrice , 26 , the elder daughter of the duke of york and sarah ferguson , opted for an unusual blue creation .lady louise windsor , the countess ' 11-year-old daughter , made up the four royal ladies .\"]\n", - "=======================\n", - "[\"queen arrived at st george 's chapel alongside the duke of edinburgh and was dressed in a bright blue coat and hatcouple were joined by family members including princess beatrice , the countess of wessex and autumn phillipsthey were greeted by the dean of windsor , the right reverend david connor , who led the easter day service\"]\n", - "yesterday the countess of wessex and princess beatrice were not exactly fly-away style winners with their feathered hats as they joined the queen at windsor for an easter sunday service .sophie , 50 , wife of prince edward , wore a beret-style percher hat topped with large , dark plumes , while beatrice , 26 , the elder daughter of the duke of york and sarah ferguson , opted for an unusual blue creation .lady louise windsor , the countess ' 11-year-old daughter , made up the four royal ladies .\n", - "queen arrived at st george 's chapel alongside the duke of edinburgh and was dressed in a bright blue coat and hatcouple were joined by family members including princess beatrice , the countess of wessex and autumn phillipsthey were greeted by the dean of windsor , the right reverend david connor , who led the easter day service\n", - "[1.1127044 1.1359845 1.463622 1.2712703 1.125484 1.0756665 1.1414771\n", - " 1.0737833 1.0839463 1.0772059 1.181801 1.0518209 1.0382172 1.0379152\n", - " 1.059808 1.0429652 1.0563297]\n", - "\n", - "[ 2 3 10 6 1 4 0 8 9 5 7 14 16 11 15 12 13]\n", - "=======================\n", - "['the two images were taken 18 years apart , the first with the karl g. jansky very large array in new mexico in 1996 and the second by an international team of astronomers led by the national autonomous university of mexico ( unam ) last year .the star -- known as w75n ( b ) - vla2 -- is 300 times brighter and eight times bigger than our sun , although it is masked by a black cloud of space dust .but , despite the distance , scientists say the photographs reveal , like no others before them , the immense forces unleashed when a star is born .']\n", - "=======================\n", - "['astronomers have used a telescope in new mexico to watch a star formnamed w75n ( b ) - vla2 it is 300 times brighter than the sunimages from 1996 and 2014 show how it is beginning to take shapeit could provide unprecedented insight into how huge stars are born']\n", - "the two images were taken 18 years apart , the first with the karl g. jansky very large array in new mexico in 1996 and the second by an international team of astronomers led by the national autonomous university of mexico ( unam ) last year .the star -- known as w75n ( b ) - vla2 -- is 300 times brighter and eight times bigger than our sun , although it is masked by a black cloud of space dust .but , despite the distance , scientists say the photographs reveal , like no others before them , the immense forces unleashed when a star is born .\n", - "astronomers have used a telescope in new mexico to watch a star formnamed w75n ( b ) - vla2 it is 300 times brighter than the sunimages from 1996 and 2014 show how it is beginning to take shapeit could provide unprecedented insight into how huge stars are born\n", - "[1.2201029 1.3226573 1.2490973 1.2476076 1.1745613 1.0584699 1.2087862\n", - " 1.1027514 1.0623189 1.0643154 1.0804528 1.0729246 1.036788 1.0485349\n", - " 1.0287939 1.0526142 1.100307 ]\n", - "\n", - "[ 1 2 3 0 6 4 7 16 10 11 9 8 5 15 13 12 14]\n", - "=======================\n", - "[\"human traffickers run huge benefit frauds in the uk , including one that was used to fund a housing development in slovakia .the vile trade also includes the sale of young girls for prostitution and sham marriages .in some cases , ` customers ' from outside the eu are requesting women with eu passports so they can make them pregnant .\"]\n", - "=======================\n", - "[\"free movement rules allow eastern european gangs to run with ` impunity 'human traffickers operate huge benefit frauds in the uk , report warnsvile trade also includes sale of girls for prostitution and sham marriages\"]\n", - "human traffickers run huge benefit frauds in the uk , including one that was used to fund a housing development in slovakia .the vile trade also includes the sale of young girls for prostitution and sham marriages .in some cases , ` customers ' from outside the eu are requesting women with eu passports so they can make them pregnant .\n", - "free movement rules allow eastern european gangs to run with ` impunity 'human traffickers operate huge benefit frauds in the uk , report warnsvile trade also includes sale of girls for prostitution and sham marriages\n", - "[1.6047943 1.3186421 1.1345055 1.1371694 1.4084554 1.0613906 1.0278589\n", - " 1.0315655 1.0490603 1.0188496 1.1628448 1.0225669 1.2032174 1.078006\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 12 10 3 2 13 5 8 7 6 11 9 15 14 16]\n", - "=======================\n", - "[\"chelsea boss jose mourinho will persist with struggling midfield trio cesc fabregas , nemanja matic and oscar as he refuses to shuffle his squad so late in the season .jose mourinho insists he will stick by his players despite the three midfielders ' decline in form recentlymourinho had to answer questions about his three midfielders after the hard-fought 2-1 home win over stoke .\"]\n", - "=======================\n", - "[\"cesc fabregas has not been at his best since turn of the yearoscar was withdrawn at half-time in win over stoke city on saturdaynemanja matic ` not in the best condition ' according to jose mourinhobut chelsea manager determined to stick with his stars in title race\"]\n", - "chelsea boss jose mourinho will persist with struggling midfield trio cesc fabregas , nemanja matic and oscar as he refuses to shuffle his squad so late in the season .jose mourinho insists he will stick by his players despite the three midfielders ' decline in form recentlymourinho had to answer questions about his three midfielders after the hard-fought 2-1 home win over stoke .\n", - "cesc fabregas has not been at his best since turn of the yearoscar was withdrawn at half-time in win over stoke city on saturdaynemanja matic ` not in the best condition ' according to jose mourinhobut chelsea manager determined to stick with his stars in title race\n", - "[1.1903088 1.4941686 1.2500815 1.303776 1.1737319 1.1489708 1.1499952\n", - " 1.0242487 1.1933167 1.1443789 1.0211302 1.0843759 1.0989149 1.0877278\n", - " 1.0364844 1.1133373 1.0254219]\n", - "\n", - "[ 1 3 2 8 0 4 6 5 9 15 12 13 11 14 16 7 10]\n", - "=======================\n", - "[\"french climber alain robert climbed dubai 's 1,007 ft cayan tower with nothing more than sticky tape and chalk , which he kept in a pouch clipped to his waist , for assistance .hundreds of spectators looked on as the 52-year-old free-climber scaled the 75-storey tower that has a twist of 90 degrees .the french daredevil set off at 8.25 pm and the climb took him an hour and a half to complete\"]\n", - "=======================\n", - "['french climber alain robert scaled the 75-storey cayan towerdaredevil assisted by nothing more than sticky tape and chalkthe 52-year-old took an hour and a half to ascend the high-risevideo captures daredevil struggling over a ledge on building']\n", - "french climber alain robert climbed dubai 's 1,007 ft cayan tower with nothing more than sticky tape and chalk , which he kept in a pouch clipped to his waist , for assistance .hundreds of spectators looked on as the 52-year-old free-climber scaled the 75-storey tower that has a twist of 90 degrees .the french daredevil set off at 8.25 pm and the climb took him an hour and a half to complete\n", - "french climber alain robert scaled the 75-storey cayan towerdaredevil assisted by nothing more than sticky tape and chalkthe 52-year-old took an hour and a half to ascend the high-risevideo captures daredevil struggling over a ledge on building\n", - "[1.1843876 1.460449 1.2254348 1.342318 1.2323695 1.1345941 1.0806345\n", - " 1.0264177 1.0225801 1.1377668 1.0398251 1.0201807 1.1385367 1.1084918\n", - " 1.0354414 1.0157295 1.0605643 1.0485494 1.0582583 1.0414929]\n", - "\n", - "[ 1 3 4 2 0 12 9 5 13 6 16 18 17 19 10 14 7 8 11 15]\n", - "=======================\n", - "[\"lizzi crawford , 32 , tipped the scales at 20 stone when she overheard the young bus passenger ask his mum : ` has she got a baby in her belly ? 'lizzi crawford dropped over 7st after a stranger mistook her for being pregnantlizzi had reached a size 24 dress after living on a diet of burgers , pizzas and kebabs .\"]\n", - "=======================\n", - "['lizzi crawford piled on the pounds after feasting on takeawaysshe decided to make a change after a child mistook her for being pregnantlizzi went on to loose almost 8st slimming down to 12.5 stshe also fought off cervical cancer after she was diagnosed in 2012']\n", - "lizzi crawford , 32 , tipped the scales at 20 stone when she overheard the young bus passenger ask his mum : ` has she got a baby in her belly ? 'lizzi crawford dropped over 7st after a stranger mistook her for being pregnantlizzi had reached a size 24 dress after living on a diet of burgers , pizzas and kebabs .\n", - "lizzi crawford piled on the pounds after feasting on takeawaysshe decided to make a change after a child mistook her for being pregnantlizzi went on to loose almost 8st slimming down to 12.5 stshe also fought off cervical cancer after she was diagnosed in 2012\n", - "[1.3998975 1.4083583 1.3192048 1.329584 1.3527884 1.1489288 1.0847301\n", - " 1.0215502 1.0168189 1.0139089 1.0176101 1.0178918 1.0339173 1.0165888\n", - " 1.1910515 1.0875744 1.0447433 1.1915196 0. 0. ]\n", - "\n", - "[ 1 0 4 3 2 17 14 5 15 6 16 12 7 11 10 8 13 9 18 19]\n", - "=======================\n", - "[\"hazard has played 48 games this season for club and country , missing just five matches for chelsea and being an ever-present in their barclays premier league title charge .eden hazard has admitted an intense campaign with chelsea may have left him too tired to perform at the best of his ability after he was substituted just 62 minutes into belgium 's win over israel on tuesday .belgium captain vincent kompany was sent off for a second yellow card within two minutes of hazard 's withdrawal , leaving belgium clinging on to their slender lead , and wilmots admitted he may not have substituted his star man had he known his side would be down to 10 men .\"]\n", - "=======================\n", - "[\"eden hazard was substituted 62 minutes into belgium 's win in israelmanager marc wilmots said he believed hazard looked to be tiringchelsea playmaker questioned the decision but admitted he could be tiredread : chelsea star hazard rated europe 's best midfielderclick here for the latest chelsea news\"]\n", - "hazard has played 48 games this season for club and country , missing just five matches for chelsea and being an ever-present in their barclays premier league title charge .eden hazard has admitted an intense campaign with chelsea may have left him too tired to perform at the best of his ability after he was substituted just 62 minutes into belgium 's win over israel on tuesday .belgium captain vincent kompany was sent off for a second yellow card within two minutes of hazard 's withdrawal , leaving belgium clinging on to their slender lead , and wilmots admitted he may not have substituted his star man had he known his side would be down to 10 men .\n", - "eden hazard was substituted 62 minutes into belgium 's win in israelmanager marc wilmots said he believed hazard looked to be tiringchelsea playmaker questioned the decision but admitted he could be tiredread : chelsea star hazard rated europe 's best midfielderclick here for the latest chelsea news\n", - "[1.2450784 1.2809169 1.2780596 1.1585755 1.1268574 1.1322886 1.0485435\n", - " 1.0696901 1.0392195 1.055207 1.050843 1.1147703 1.11103 1.0647377\n", - " 1.0199819 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 5 4 11 12 7 13 9 10 6 8 14 18 15 16 17 19]\n", - "=======================\n", - "[\"but 10 years on from the sunny april day that saw camilla parker-bowles become the duchess of cornwall , things are looking very different for the 67-year-old royal .indeed , so popular has camilla become , a recent poll revealed that not only is the duchess loved by 50 per cent of britons , 56 per cent credit her with charles ' own increasing popularity .she was the most hated woman in britain , loathed for her role in the break-up of the prince and princess of wales ' marriage and vilified for everything from her dress sense to her looks .\"]\n", - "=======================\n", - "[\"camilla is now one of the most popular members of the royal familyshe is close to her stepsons and is often seen joking with them at eventsthe duchess has also won over the queen and is said to be ` close ' to her\"]\n", - "but 10 years on from the sunny april day that saw camilla parker-bowles become the duchess of cornwall , things are looking very different for the 67-year-old royal .indeed , so popular has camilla become , a recent poll revealed that not only is the duchess loved by 50 per cent of britons , 56 per cent credit her with charles ' own increasing popularity .she was the most hated woman in britain , loathed for her role in the break-up of the prince and princess of wales ' marriage and vilified for everything from her dress sense to her looks .\n", - "camilla is now one of the most popular members of the royal familyshe is close to her stepsons and is often seen joking with them at eventsthe duchess has also won over the queen and is said to be ` close ' to her\n", - "[1.4164548 1.512645 1.2321588 1.3702877 1.1089518 1.1082795 1.0099306\n", - " 1.0122323 1.0445957 1.0889695 1.2255611 1.0361795 1.1474907 1.035233\n", - " 1.0169044 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 10 12 4 5 9 8 11 13 14 7 6 18 15 16 17 19]\n", - "=======================\n", - "[\"the are no premier league clubs in the last eight of the competition after chelsea , arsenal and manchester city were eliminated at the last 16 stage , while everton were dumped out of the europa league in the previous round .diego simeone has admitted his surprise at the fact there are no english clubs left in europe as he prepares atletico madrid for their champions league quarter-final second leg .and simeone , who takes his side to the bernabeu to face local rivals real madrid on wednesday , believes the failure of english clubs in europe this season should kick the country 's top-flight into gear .\"]\n", - "=======================\n", - "['there are no english clubs left in the champions league or europa leaguediego simeone admits he is surprised at the plight of premier league sideshe believes barcelona and real madrid are the top two clubs in europeatletico madrid face real madrid in their champions league quarter-final']\n", - "the are no premier league clubs in the last eight of the competition after chelsea , arsenal and manchester city were eliminated at the last 16 stage , while everton were dumped out of the europa league in the previous round .diego simeone has admitted his surprise at the fact there are no english clubs left in europe as he prepares atletico madrid for their champions league quarter-final second leg .and simeone , who takes his side to the bernabeu to face local rivals real madrid on wednesday , believes the failure of english clubs in europe this season should kick the country 's top-flight into gear .\n", - "there are no english clubs left in the champions league or europa leaguediego simeone admits he is surprised at the plight of premier league sideshe believes barcelona and real madrid are the top two clubs in europeatletico madrid face real madrid in their champions league quarter-final\n", - "[1.260796 1.1873587 1.3286512 1.3143709 1.1071618 1.1065837 1.0898257\n", - " 1.0979731 1.0787612 1.0754981 1.0692117 1.0778992 1.079438 1.0550449\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 1 4 5 7 6 12 8 11 9 10 13 18 14 15 16 17 19]\n", - "=======================\n", - "[\"the judge ruled on wednesday she must remain in dcf custody until completing court-ordered chemotherapy for hodgkin 's lymphoma , a type of blood cancer , at connecticut children 's medical center in hartford .going nowhere : cassandra fortin was ordered by the connecticut supreme court to undergo cancer treatmentsuperior court judge carl taylor in middletown , connecticut , denied requests made last month by attorneys for both cassandra and her mother , jackie fortin , that the 17-year-old be released from the temporary custody of the state department of children and families , or that her mother be permitted to visit her in the hospital .\"]\n", - "=======================\n", - "[\"cassandra fortin , 17 , wanted to decline chemotherapy for her cancerconnecticut supreme court ruled that ms fortin must undergo treatmentthe teenager complained that she had been ` treated like an animal 'she said the hospital refused to allow her mother to visit her\"]\n", - "the judge ruled on wednesday she must remain in dcf custody until completing court-ordered chemotherapy for hodgkin 's lymphoma , a type of blood cancer , at connecticut children 's medical center in hartford .going nowhere : cassandra fortin was ordered by the connecticut supreme court to undergo cancer treatmentsuperior court judge carl taylor in middletown , connecticut , denied requests made last month by attorneys for both cassandra and her mother , jackie fortin , that the 17-year-old be released from the temporary custody of the state department of children and families , or that her mother be permitted to visit her in the hospital .\n", - "cassandra fortin , 17 , wanted to decline chemotherapy for her cancerconnecticut supreme court ruled that ms fortin must undergo treatmentthe teenager complained that she had been ` treated like an animal 'she said the hospital refused to allow her mother to visit her\n", - "[1.3036705 1.491103 1.2622435 1.3471782 1.1759868 1.031741 1.0304964\n", - " 1.028041 1.0332543 1.0325496 1.0304232 1.0269256 1.028836 1.0334008\n", - " 1.0422908 1.0496613 1.0208055 1.0278447 1.045428 1.0131662]\n", - "\n", - "[ 1 3 0 2 4 15 18 14 13 8 9 5 6 10 12 7 17 11 16 19]\n", - "=======================\n", - "[\"rodney stover , 48 , a convicted sex offender lived in bellevue men 's shelter with a group of convicted pedophiles , rapists , and other sex-offenders .the man accused of raping a woman in a manhattan bar lived in a homeless shelter along with 13 other sex offenders located just one block from a special needs school .mark battle , 43 : convicted of sexually attacking a 27-year-old in new york city in 2011\"]\n", - "=======================\n", - "[\"rodney stover , 48 , a convicted sex offender lived in a shelter group of convicted pedophiles and rapiststhe dilapidated bellevue men 's shelter is located just one block from the k through 12 churchill school for learning-disabled childrenthree of the residents in the shelter are convicted rapists and four of them were pedophiles with male and female victims as young as sixstover was arraigned on thursday and is accused of raping a woman in a manhattan barstover was convicted in 1992 for raping and sodomizing a woman he did not know and was released from prison on valentine 's day of this year\"]\n", - "rodney stover , 48 , a convicted sex offender lived in bellevue men 's shelter with a group of convicted pedophiles , rapists , and other sex-offenders .the man accused of raping a woman in a manhattan bar lived in a homeless shelter along with 13 other sex offenders located just one block from a special needs school .mark battle , 43 : convicted of sexually attacking a 27-year-old in new york city in 2011\n", - "rodney stover , 48 , a convicted sex offender lived in a shelter group of convicted pedophiles and rapiststhe dilapidated bellevue men 's shelter is located just one block from the k through 12 churchill school for learning-disabled childrenthree of the residents in the shelter are convicted rapists and four of them were pedophiles with male and female victims as young as sixstover was arraigned on thursday and is accused of raping a woman in a manhattan barstover was convicted in 1992 for raping and sodomizing a woman he did not know and was released from prison on valentine 's day of this year\n", - "[1.1532383 1.3452008 1.2234809 1.1056778 1.2395266 1.1309582 1.1697769\n", - " 1.0227618 1.174054 1.0160003 1.1713675 1.0227907 1.0395777 1.0198742\n", - " 1.1285062 1.1172367 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 8 10 6 0 5 14 15 3 12 11 7 13 9 16 17 18 19]\n", - "=======================\n", - "['and more specifically , a study of 2.3 million has revealed that 7.35 am is the most hectic , frenzied time of the morning routine for australian families .sophie falkiner , australian tv presenter , model and mother of two , can testify to that .according to the study , conducted by kraft , breakfast is the top priority for parents - with an average of 140 hours spent making breakfast each year ( equivalent to 25 minutes a day ) .']\n", - "=======================\n", - "[\"new study reveals that aussie parents spend 140 hours making breakfaststudy of 2.3 million found that 7.35 is the busiest in most householdssophie falkiner , mother of two , says mornings in her house are ` crazy '\"]\n", - "and more specifically , a study of 2.3 million has revealed that 7.35 am is the most hectic , frenzied time of the morning routine for australian families .sophie falkiner , australian tv presenter , model and mother of two , can testify to that .according to the study , conducted by kraft , breakfast is the top priority for parents - with an average of 140 hours spent making breakfast each year ( equivalent to 25 minutes a day ) .\n", - "new study reveals that aussie parents spend 140 hours making breakfaststudy of 2.3 million found that 7.35 is the busiest in most householdssophie falkiner , mother of two , says mornings in her house are ` crazy '\n", - "[1.3905811 1.202384 1.4216117 1.1737901 1.2063253 1.0941488 1.0721556\n", - " 1.099883 1.0661981 1.0676775 1.0718571 1.0642804 1.0638882 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 4 1 3 7 5 6 10 9 8 11 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"mr miliband will say labour 's reduction in the rate of stamp duty to zero would benefit nine in ten first-time buyers -- saving them up to # 5,000 in tax .a labour government would also change planning law to give first-time buyers who have lived in a local authority area for more than three years ` first call ' on up to half of homes built locally .labour claims its tax break -- which would last three years -- would be funded by a further squeeze on tax avoidance , higher levies on foreign buyers and cuts in tax relief for landlords who fail to keep properties up to standard .\"]\n", - "=======================\n", - "[\"labour 's reduction in stamp duty would benefit nine in ten first-time buyerstax break funded by squeeze on tax avoidance , higher levies on foreign buyers and cuts in tax relief for landlords who fail to maintain propertieslabour would also give the buyers ` first call ' on half of homes built locally\"]\n", - "mr miliband will say labour 's reduction in the rate of stamp duty to zero would benefit nine in ten first-time buyers -- saving them up to # 5,000 in tax .a labour government would also change planning law to give first-time buyers who have lived in a local authority area for more than three years ` first call ' on up to half of homes built locally .labour claims its tax break -- which would last three years -- would be funded by a further squeeze on tax avoidance , higher levies on foreign buyers and cuts in tax relief for landlords who fail to keep properties up to standard .\n", - "labour 's reduction in stamp duty would benefit nine in ten first-time buyerstax break funded by squeeze on tax avoidance , higher levies on foreign buyers and cuts in tax relief for landlords who fail to maintain propertieslabour would also give the buyers ` first call ' on half of homes built locally\n", - "[1.2234567 1.4298785 1.4043286 1.33511 1.1863227 1.0984522 1.1125573\n", - " 1.1356468 1.0371766 1.0307132 1.0309145 1.0301402 1.0293323 1.0714407\n", - " 1.1769817 1.0080335 1.1427811 1.045619 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 14 16 7 6 5 13 17 8 10 9 11 12 15 18 19]\n", - "=======================\n", - "[\"the egyptian-themed mansion , advertised online as pharaoh 's palace , promises a ` perfect private location ' on seven secluded acres in tampa .millionaire gary lowndes purchased the property in 2013 for $ 2 million and had planned to film a reality show about strippers on the property .the owner of a florida mansion accused of being home to a ` secret stripper school ' has decided to sell up after being found in violation of county zoning codes .\"]\n", - "=======================\n", - "['millionaire gary lowndes purchased the tampa property in 2013 for $ 2 million and had wanted to film a reality show about strippers at the mansionhe admitted defeat on friday after being found guilty of violating zoning codes due to noisey private functions held at the residence including the midsummer night wet dream eventresidents of the nearby cheval west community had repeatedly complained about the noise coming from the seven acre propertyon friday the county code enforcement board found that lownds had violated their rules and threatened to fine himhe has put the property back on the market for $ 2.3 million']\n", - "the egyptian-themed mansion , advertised online as pharaoh 's palace , promises a ` perfect private location ' on seven secluded acres in tampa .millionaire gary lowndes purchased the property in 2013 for $ 2 million and had planned to film a reality show about strippers on the property .the owner of a florida mansion accused of being home to a ` secret stripper school ' has decided to sell up after being found in violation of county zoning codes .\n", - "millionaire gary lowndes purchased the tampa property in 2013 for $ 2 million and had wanted to film a reality show about strippers at the mansionhe admitted defeat on friday after being found guilty of violating zoning codes due to noisey private functions held at the residence including the midsummer night wet dream eventresidents of the nearby cheval west community had repeatedly complained about the noise coming from the seven acre propertyon friday the county code enforcement board found that lownds had violated their rules and threatened to fine himhe has put the property back on the market for $ 2.3 million\n", - "[1.343458 1.311387 1.227268 1.3898388 1.1280556 1.1863835 1.0936562\n", - " 1.0520698 1.0690533 1.0099727 1.0563902 1.2086687 1.1061056 1.087371\n", - " 1.0419477 1.0084985 1.079603 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 2 11 5 4 12 6 13 16 8 10 7 14 9 15 18 17 19]\n", - "=======================\n", - "[\"kevin pietersen has lashed out at graham gooch for commenting on his attempted england comebackgooch appeared on bbc radio five live on sunday morning and took a broadly supportive stance of pietersen , who has re-signed for surrey in an attempt to stage an unlikely test return .gooch , the former england captain who also worked as the national side 's batting coach until last year , went as far as saying pietersen had ` wiped the floor with the ecb ' in the lengthy pr battle since his sacking in 2014 .\"]\n", - "=======================\n", - "[\"kevin pietersen has re-signed for surrey in attempt to earn england recallgraham gooch claimed pietersen had ` wiped the floor with the ecb 'pietersen takes to twitter to aim swipe at gooch\"]\n", - "kevin pietersen has lashed out at graham gooch for commenting on his attempted england comebackgooch appeared on bbc radio five live on sunday morning and took a broadly supportive stance of pietersen , who has re-signed for surrey in an attempt to stage an unlikely test return .gooch , the former england captain who also worked as the national side 's batting coach until last year , went as far as saying pietersen had ` wiped the floor with the ecb ' in the lengthy pr battle since his sacking in 2014 .\n", - "kevin pietersen has re-signed for surrey in attempt to earn england recallgraham gooch claimed pietersen had ` wiped the floor with the ecb 'pietersen takes to twitter to aim swipe at gooch\n", - "[1.2086545 1.4081174 1.3160849 1.2625954 1.2363752 1.1359886 1.0891671\n", - " 1.0212193 1.0612582 1.0098704 1.1588857 1.1146212 1.0441715 1.028115\n", - " 1.0239428 1.024297 1.0396371 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 10 5 11 6 8 12 16 13 15 14 7 9 17 18]\n", - "=======================\n", - "[\"viewers unleashed a barrage of negative comments on twitter after last night 's episode of the billion dollar chicken shop on bbc one .the third programme in the series focused on the methods employed by the creative team behind kfc 's rebranding exercise and showed scenes of a food stylist using hairdryers and tweezers when preparing the food for an advertisement .kfc has a global turnover of 23 billion dollars a year , and a billion of that comes from the uk alone\"]\n", - "=======================\n", - "[\"the billion dollar chicken shop is a three-part bbc programme on kfcviewers unleash a barrage of negative comments after yesterday 's episodeprogramme showed how chicken burger is prepared for cameraskfc has 860 stores nationwide and serves 22 million customers a year\"]\n", - "viewers unleashed a barrage of negative comments on twitter after last night 's episode of the billion dollar chicken shop on bbc one .the third programme in the series focused on the methods employed by the creative team behind kfc 's rebranding exercise and showed scenes of a food stylist using hairdryers and tweezers when preparing the food for an advertisement .kfc has a global turnover of 23 billion dollars a year , and a billion of that comes from the uk alone\n", - "the billion dollar chicken shop is a three-part bbc programme on kfcviewers unleash a barrage of negative comments after yesterday 's episodeprogramme showed how chicken burger is prepared for cameraskfc has 860 stores nationwide and serves 22 million customers a year\n", - "[1.1646408 1.2573019 1.2587063 1.3633765 1.2939327 1.0294863 1.0731224\n", - " 1.0697173 1.0244385 1.0500845 1.0401702 1.1284102 1.0288087 1.0347233\n", - " 1.0117874 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 2 1 0 11 6 7 9 10 13 5 12 8 14 17 15 16 18]\n", - "=======================\n", - "[\"australian dietician and nutritionist susie burrell agrees with the research that points to white bread and heavily processed carbohydrates as contributors for weight gain , but says this is no reason to cut all carbs out completely .carbs are back : doctors have warned against people cutting out whole food groups like carbohydratesas revealed by the daily mail on tuesday , experts warn that shunning an entire food group is unsustainable , can damage one 's relationship with food and could be doing more harm than good .\"]\n", - "=======================\n", - "['experts have warned against trend where people cut out all carbohydratessuggest instead to eat less processed foods with more wholegrainsaustralian nutritionist susie burrell has revealed her top five breadsalso named the five least nutritious ones that should be avoided']\n", - "australian dietician and nutritionist susie burrell agrees with the research that points to white bread and heavily processed carbohydrates as contributors for weight gain , but says this is no reason to cut all carbs out completely .carbs are back : doctors have warned against people cutting out whole food groups like carbohydratesas revealed by the daily mail on tuesday , experts warn that shunning an entire food group is unsustainable , can damage one 's relationship with food and could be doing more harm than good .\n", - "experts have warned against trend where people cut out all carbohydratessuggest instead to eat less processed foods with more wholegrainsaustralian nutritionist susie burrell has revealed her top five breadsalso named the five least nutritious ones that should be avoided\n", - "[1.3949903 1.2664714 1.1128263 1.5419148 1.3627177 1.1718465 1.2131038\n", - " 1.0205673 1.0143061 1.0133328 1.0170903 1.0151683 1.0146594 1.108446\n", - " 1.1348978 1.1490507 1.0162562 1.0117216 1.010605 ]\n", - "\n", - "[ 3 0 4 1 6 5 15 14 2 13 7 10 16 11 12 8 9 17 18]\n", - "=======================\n", - "[\"sam gallagher scored the winner as southampton u21s beat blackburn rovers 2-1 on mondaysam gallagher put an injury-hit season behind him by inspiring southampton to under-21 premier league cup glory , netting an exceptional goal which he hopes caught ronald koeman 's eye .ronald koeman was in the crowd and gallagher says he hopes he impressed him\"]\n", - "=======================\n", - "[\"sam gallagher helped southampton claim u21 premier league cupstriker scored stunning goal in front of first-team manager ronald koemangallagher has n't featured this season after impressing last year\"]\n", - "sam gallagher scored the winner as southampton u21s beat blackburn rovers 2-1 on mondaysam gallagher put an injury-hit season behind him by inspiring southampton to under-21 premier league cup glory , netting an exceptional goal which he hopes caught ronald koeman 's eye .ronald koeman was in the crowd and gallagher says he hopes he impressed him\n", - "sam gallagher helped southampton claim u21 premier league cupstriker scored stunning goal in front of first-team manager ronald koemangallagher has n't featured this season after impressing last year\n", - "[1.3100455 1.5190339 1.2193711 1.2548714 1.3898892 1.0278683 1.0181153\n", - " 1.0142137 1.0312916 1.026911 1.0143322 1.0124449 1.0150656 1.0763656\n", - " 1.0795497 1.0724437 1.0832437 1.1979514 0. ]\n", - "\n", - "[ 1 4 0 3 2 17 16 14 13 15 8 5 9 6 12 10 7 11 18]\n", - "=======================\n", - "[\"the tractor boys , who have now lost four of their last five away games , were caught cold by goals in the opening 30 minutes by huddersfield strike pair nahki wells and james vaughan .james vaughan ( right ) doubled the lead for the home side and dent ipswich 's play-off hopesipswich town manager mick mccarthy was feeling less vibrant than his team 's bright orange strip after they blew a chance to climb into the play-off places .\"]\n", - "=======================\n", - "['nakhi wells opened the scoring after an error from on-loan zeki fryersjames vaughan doubled the advantage after 30 minutes for the home sideluke varney pulled one back for ipswich straight after the breakipswich have now lost four out of five away in the championship']\n", - "the tractor boys , who have now lost four of their last five away games , were caught cold by goals in the opening 30 minutes by huddersfield strike pair nahki wells and james vaughan .james vaughan ( right ) doubled the lead for the home side and dent ipswich 's play-off hopesipswich town manager mick mccarthy was feeling less vibrant than his team 's bright orange strip after they blew a chance to climb into the play-off places .\n", - "nakhi wells opened the scoring after an error from on-loan zeki fryersjames vaughan doubled the advantage after 30 minutes for the home sideluke varney pulled one back for ipswich straight after the breakipswich have now lost four out of five away in the championship\n", - "[1.1982949 1.4592253 1.1820995 1.1637053 1.2052084 1.2868423 1.2044431\n", - " 1.1773698 1.073397 1.0874056 1.0857009 1.0799538 1.1310879 1.1392689\n", - " 1.017718 1.0095918 1.0085012 1.0096586 0. ]\n", - "\n", - "[ 1 5 4 6 0 2 7 3 13 12 9 10 11 8 14 17 15 16 18]\n", - "=======================\n", - "[\"he is accused of attacking husband and wife ronald and june phillips while on board a cruise shipgraeme finlay , 53 , says he was ` ignored ' when he joined their table and so moved to another after looking at the menu .the elderly couple were ambushed outside their room by a passenger who had earlier sat with them in the restaurant and claims that he was snubbed , a court heard yesterday .\"]\n", - "=======================\n", - "['graeme finlay allegedly attacked ronald and june phillips on a cruise shipcame as the couple walked back to their cabin on the ship to drink cocoaboth husband and wife were knocked unconscious and severely injuredfinlay denies two charges of wounding and grievous bodily harm']\n", - "he is accused of attacking husband and wife ronald and june phillips while on board a cruise shipgraeme finlay , 53 , says he was ` ignored ' when he joined their table and so moved to another after looking at the menu .the elderly couple were ambushed outside their room by a passenger who had earlier sat with them in the restaurant and claims that he was snubbed , a court heard yesterday .\n", - "graeme finlay allegedly attacked ronald and june phillips on a cruise shipcame as the couple walked back to their cabin on the ship to drink cocoaboth husband and wife were knocked unconscious and severely injuredfinlay denies two charges of wounding and grievous bodily harm\n", - "[1.1089902 1.3506001 1.1014596 1.137411 1.2372146 1.2149776 1.2583972\n", - " 1.0602769 1.0619615 1.1069633 1.0603086 1.0784566 1.0477268 1.0584879\n", - " 1.0416102 1.0130028 1.0138979 1.0111744 1.0131121]\n", - "\n", - "[ 1 6 4 5 3 0 9 2 11 8 10 7 13 12 14 16 18 15 17]\n", - "=======================\n", - "['holocaust survivor eva kor had waited 70 years for a moment such as this -- and now , at last , she was face to face with a former ss man on trial for his alleged part in the slaughter at auschwitz .embrace : seventy years after auschwitz was liberated , eva kor embraces former nazi guard oskar groeningredemption : holocaust survivor kor takes the hand of groening as he stands in the dock accused of complicity to murder 300,000 people']\n", - "=======================\n", - "['eva kor , 81 , embraced former auschwitz guard oskar groening , 93the former ss man is on trial for war crimes for his two years at the campkor described to court how she and her twin sister were experimented onshe suffered at the hands of dr josef mengele at the nazi death camp']\n", - "holocaust survivor eva kor had waited 70 years for a moment such as this -- and now , at last , she was face to face with a former ss man on trial for his alleged part in the slaughter at auschwitz .embrace : seventy years after auschwitz was liberated , eva kor embraces former nazi guard oskar groeningredemption : holocaust survivor kor takes the hand of groening as he stands in the dock accused of complicity to murder 300,000 people\n", - "eva kor , 81 , embraced former auschwitz guard oskar groening , 93the former ss man is on trial for war crimes for his two years at the campkor described to court how she and her twin sister were experimented onshe suffered at the hands of dr josef mengele at the nazi death camp\n", - "[1.1904137 1.4532018 1.2978512 1.2186557 1.3219602 1.1864399 1.0937108\n", - " 1.1081989 1.0266471 1.0678005 1.0534333 1.1641316 1.0462028 1.0510119\n", - " 1.0507164 1.0182792 1.1031581 1.0891215 1.1137192]\n", - "\n", - "[ 1 4 2 3 0 5 11 18 7 16 6 17 9 10 13 14 12 8 15]\n", - "=======================\n", - "['officer jeffrey swett was allegedly run over by william bogard in january after the suspect stole his car while it was running , according to prosecutors .william bogard has pleaded not guilty after being charged with attempted murder , assault and vehicle thefta video from a hearing in a court on friday showed a san diego police officer being hit with his own cruiser']\n", - "=======================\n", - "[\"officer jeffrey swett was allegedly run over by william bogard in januarysuspect stole officer 's car while it was running , according to prosecutorsswett suffered broken arms , broken leg and severe head and neck traumavideo of incident was played during preliminary hearing in court on fridaybogard pleaded not guilty to charges including murder , assault and theft\"]\n", - "officer jeffrey swett was allegedly run over by william bogard in january after the suspect stole his car while it was running , according to prosecutors .william bogard has pleaded not guilty after being charged with attempted murder , assault and vehicle thefta video from a hearing in a court on friday showed a san diego police officer being hit with his own cruiser\n", - "officer jeffrey swett was allegedly run over by william bogard in januarysuspect stole officer 's car while it was running , according to prosecutorsswett suffered broken arms , broken leg and severe head and neck traumavideo of incident was played during preliminary hearing in court on fridaybogard pleaded not guilty to charges including murder , assault and theft\n", - "[1.2010295 1.080979 1.1154808 1.1718515 1.2895539 1.1217803 1.1668777\n", - " 1.0822486 1.0813816 1.055118 1.0292295 1.0217648 1.1469107 1.0605594\n", - " 1.0500522 1.015644 1.0149779 0. 0. ]\n", - "\n", - "[ 4 0 3 6 12 5 2 7 8 1 13 9 14 10 11 15 16 17 18]\n", - "=======================\n", - "[\"just last week , australian woman jade ruthven was lambasted on her social media account by her friends , who were so sick of her constant updates about her baby daughter that they wrote her a scathing letter demanding she stop .we 're either guilty of it or we have a friend or family member who is a bandit for it : oversharing photos of our children on social media .and while this may be a harsh reaction to her social obsession , social media expert sarah-jane kurtini believes people need to more aware of their ramblings on the web . '\"]\n", - "=======================\n", - "[\"there has been a rise in ` sharenting ' - sharing photos of children onlinethe trend could be dangerous for your child in the long runwho is really looking at your photos and how far do they reach online ?people who do n't turn off location settings are leaving kids vulnerablean australian woman received a scathing letter over posting baby photos\"]\n", - "just last week , australian woman jade ruthven was lambasted on her social media account by her friends , who were so sick of her constant updates about her baby daughter that they wrote her a scathing letter demanding she stop .we 're either guilty of it or we have a friend or family member who is a bandit for it : oversharing photos of our children on social media .and while this may be a harsh reaction to her social obsession , social media expert sarah-jane kurtini believes people need to more aware of their ramblings on the web . '\n", - "there has been a rise in ` sharenting ' - sharing photos of children onlinethe trend could be dangerous for your child in the long runwho is really looking at your photos and how far do they reach online ?people who do n't turn off location settings are leaving kids vulnerablean australian woman received a scathing letter over posting baby photos\n", - "[1.3642666 1.3109748 1.346539 1.2106178 1.081073 1.0993067 1.1289432\n", - " 1.1289985 1.0431298 1.0694469 1.0695468 1.1070236 1.1045032 1.0849019\n", - " 1.0607941 1.0607314 1.0836667 1.0106512 1.0077726]\n", - "\n", - "[ 0 2 1 3 7 6 11 12 5 13 16 4 10 9 14 15 8 17 18]\n", - "=======================\n", - "['freddo frog has shrunk from 15g to 12gthe miniature chocolate amphibians , which weighed a plump 20g two years ago - before they dropped to 15g , will now weigh just 12g .cadbury is cutting the size of its beloved freddo frogs by 20 per cent but keeping the recommend retail price the same .']\n", - "=======================\n", - "[\"cadbury 's freddo frogs have decreased from 15g to 12gthe recommended retail price of the iconic aussie treat will stay the samecomes after cadbury shrunk its family size block by 9 per centlast year nestle sliced its killer pythons in half from 47g to 24gthe size of the size of smarties ` fun size ' boxes also shrunk by 20 per cent\"]\n", - "freddo frog has shrunk from 15g to 12gthe miniature chocolate amphibians , which weighed a plump 20g two years ago - before they dropped to 15g , will now weigh just 12g .cadbury is cutting the size of its beloved freddo frogs by 20 per cent but keeping the recommend retail price the same .\n", - "cadbury 's freddo frogs have decreased from 15g to 12gthe recommended retail price of the iconic aussie treat will stay the samecomes after cadbury shrunk its family size block by 9 per centlast year nestle sliced its killer pythons in half from 47g to 24gthe size of the size of smarties ` fun size ' boxes also shrunk by 20 per cent\n", - "[1.1097496 1.0534347 1.0457132 1.3622625 1.3830657 1.1075815 1.1678604\n", - " 1.038701 1.2101343 1.1004505 1.0293716 1.0263346 1.0240492 1.050363\n", - " 1.105406 1.0303832 1.0263149 1.0116801 1.0766814]\n", - "\n", - "[ 4 3 8 6 0 5 14 9 18 1 13 2 7 15 10 11 16 12 17]\n", - "=======================\n", - "['italy boasts the highest number of unesco world heritage sites in the world -- 50 , several of which risk crumbling to the ground due to neglect and lack of public resources .there are nearly 5,000 \" gems \" scattered across the country , ranging from museums to archaeological areas and monuments .in a desperate move the monks have launched a crowdfunding project to raise 500,000 euros .']\n", - "=======================\n", - "[\"italy boasts the highest number of unesco world heritage sites in the worlditaly does n't know how to exploit treasures , and appears not to care about them , writes silvia marchetti\"]\n", - "italy boasts the highest number of unesco world heritage sites in the world -- 50 , several of which risk crumbling to the ground due to neglect and lack of public resources .there are nearly 5,000 \" gems \" scattered across the country , ranging from museums to archaeological areas and monuments .in a desperate move the monks have launched a crowdfunding project to raise 500,000 euros .\n", - "italy boasts the highest number of unesco world heritage sites in the worlditaly does n't know how to exploit treasures , and appears not to care about them , writes silvia marchetti\n", - "[1.3067025 1.2320864 1.250952 1.2074469 1.2391046 1.193506 1.1411116\n", - " 1.0614591 1.0665917 1.0737299 1.190039 1.0660948 1.0338591 1.0452677\n", - " 1.0495683 1.0421903 1.0871375]\n", - "\n", - "[ 0 2 4 1 3 5 10 6 16 9 8 11 7 14 13 15 12]\n", - "=======================\n", - "[\"killed : police are investigating the alleged murder of syrian-born imam abdul hadi arwanithe father of six , who was an imam at a controversial mosque in west london , was found dead in his black volkswagen passat on april 7 .a jamaican businessman has already appeared in court charged with mr arwani 's murder , while a man and a woman were arrested this week on suspicion of terror offences .\"]\n", - "=======================\n", - "['man , 36 , arrested on suspicion of conspiracy to murder abdul hadi arwanisyrian imam was found shot dead in his car on a street in wembleyleslie cooper , 36 , has already appeared in court accused of murderburnell mitchell , 61 , and a 53-year-old woman were also arrested on suspicion of terror offences']\n", - "killed : police are investigating the alleged murder of syrian-born imam abdul hadi arwanithe father of six , who was an imam at a controversial mosque in west london , was found dead in his black volkswagen passat on april 7 .a jamaican businessman has already appeared in court charged with mr arwani 's murder , while a man and a woman were arrested this week on suspicion of terror offences .\n", - "man , 36 , arrested on suspicion of conspiracy to murder abdul hadi arwanisyrian imam was found shot dead in his car on a street in wembleyleslie cooper , 36 , has already appeared in court accused of murderburnell mitchell , 61 , and a 53-year-old woman were also arrested on suspicion of terror offences\n", - "[1.2151601 1.4795467 1.2345406 1.3076465 1.2598463 1.093854 1.0546495\n", - " 1.0462286 1.1236207 1.0447464 1.0360818 1.0402156 1.0854533 1.0219557\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 8 5 12 6 7 9 11 10 13 15 14 16]\n", - "=======================\n", - "[\"in the angry and emotional package delivered to the las vegas review-journal on monday , john noble , 53 , said he was going to kill himself because he lost his lifetime free pass to the m resort 's buffet for harassing female employees in 2013 .grevience : john noble ( pictured here with an employee of m resort ) was reportedly upset because he had lost free buffet eating privileges he 'd won from the casino in a suburb of las vegasa man who shot himself in the head while waiting in a las vegas hotel buffet line sent a 270 page letter to a local newspaper explaining his shocking public suicide .\"]\n", - "=======================\n", - "[\"john noble , 53 , took his own life waiting in line at the m resort buffetshot himself in the head because his free buffet pass had been taken awayhad been awarded the biggest winner pass for the studio b buffet in 2010it was revoked in 2013 after he was accused of harassing female employeesthe pass was confiscated three weeks after his mother passed awaynoble sent a local las vegas newspaper a 270-page suicide note and dvdposted increasingly rambling facebook posts prior to suicide pledging to discover ` the truth '\"]\n", - "in the angry and emotional package delivered to the las vegas review-journal on monday , john noble , 53 , said he was going to kill himself because he lost his lifetime free pass to the m resort 's buffet for harassing female employees in 2013 .grevience : john noble ( pictured here with an employee of m resort ) was reportedly upset because he had lost free buffet eating privileges he 'd won from the casino in a suburb of las vegasa man who shot himself in the head while waiting in a las vegas hotel buffet line sent a 270 page letter to a local newspaper explaining his shocking public suicide .\n", - "john noble , 53 , took his own life waiting in line at the m resort buffetshot himself in the head because his free buffet pass had been taken awayhad been awarded the biggest winner pass for the studio b buffet in 2010it was revoked in 2013 after he was accused of harassing female employeesthe pass was confiscated three weeks after his mother passed awaynoble sent a local las vegas newspaper a 270-page suicide note and dvdposted increasingly rambling facebook posts prior to suicide pledging to discover ` the truth '\n", - "[1.2888176 1.5026348 1.2473243 1.1498028 1.2007855 1.2090646 1.17086\n", - " 1.2512952 1.1169473 1.0779712 1.1134733 1.0338198 1.0204659 1.032849\n", - " 1.0072825 0. 0. ]\n", - "\n", - "[ 1 0 7 2 5 4 6 3 8 10 9 11 13 12 14 15 16]\n", - "=======================\n", - "['chancey allen luna was found guilty of first-degree murder friday for his role in the august 2013 drive-by shooting of christopher lane , a 23-year-old college student in duncan , about 80 miles south of oklahoma city .( cnn ) the bored teenager who gunned down a college baseball player in oklahoma simply because he and his two friends \" had nothing to do , \" is now a convicted murderer .the vehicle \\'s driver , michael jones , pleaded guilty in march to second-degree murder and was sentenced to life in prison .']\n", - "=======================\n", - "['chancey luna convicted of murder for gunning down oklahoma college student as he joggedpolice : luna and his friends \" were bored \" so they decided to kill somebody']\n", - "chancey allen luna was found guilty of first-degree murder friday for his role in the august 2013 drive-by shooting of christopher lane , a 23-year-old college student in duncan , about 80 miles south of oklahoma city .( cnn ) the bored teenager who gunned down a college baseball player in oklahoma simply because he and his two friends \" had nothing to do , \" is now a convicted murderer .the vehicle 's driver , michael jones , pleaded guilty in march to second-degree murder and was sentenced to life in prison .\n", - "chancey luna convicted of murder for gunning down oklahoma college student as he joggedpolice : luna and his friends \" were bored \" so they decided to kill somebody\n", - "[1.2907176 1.5508505 1.1701144 1.1137536 1.2516664 1.0714961 1.064913\n", - " 1.0577095 1.0533708 1.0955346 1.0409669 1.2105732 1.042165 1.0693402\n", - " 1.0937392 1.0307984 1.0308948]\n", - "\n", - "[ 1 0 4 11 2 3 9 14 5 13 6 7 8 12 10 16 15]\n", - "=======================\n", - "['robert bates , 73 , appeared in tulsa district court on tuesday and pleaded not guilty to second-degree manslaughter over the death of eric harris , who was killed during a botched sting on april 2 .the reserve deputy who shot a suspect dead after firing his gun instead of his taser was investigated in 2009 over his questionable training and erratic behavior in the field .charged : bates ( left in his mug shot ) shot harris ( pictured right ) and faces four years in prison if convicted']\n", - "=======================\n", - "['tulsa reserve deputy robert bates investigated in 2009 over his behaviorconcluded that he got special treatment and received questionable traininghe has pleaded not guilty to manslaughter over death of eric harris , 4473-year-old killed the father after drawing gun instead of taser during sting']\n", - "robert bates , 73 , appeared in tulsa district court on tuesday and pleaded not guilty to second-degree manslaughter over the death of eric harris , who was killed during a botched sting on april 2 .the reserve deputy who shot a suspect dead after firing his gun instead of his taser was investigated in 2009 over his questionable training and erratic behavior in the field .charged : bates ( left in his mug shot ) shot harris ( pictured right ) and faces four years in prison if convicted\n", - "tulsa reserve deputy robert bates investigated in 2009 over his behaviorconcluded that he got special treatment and received questionable traininghe has pleaded not guilty to manslaughter over death of eric harris , 4473-year-old killed the father after drawing gun instead of taser during sting\n", - "[1.329194 1.1875825 1.1888783 1.3829665 1.2672305 1.089392 1.0518823\n", - " 1.0590549 1.0331941 1.1039472 1.0312823 1.039061 1.0466458 1.0663352\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 0 4 2 1 9 5 13 7 6 12 11 8 10 15 14 16]\n", - "=======================\n", - "[\"chelsea clinton defended her family philanthropy on thursday in new york , calling it ` among the most transparent of foundations 'former first daughter chelsea clinton issued a pointed defense of her family foundation on thursday after allegations surfaced that it reaped millions from foreign countries that had issues pending before her mother when she was secretary of state .the foundation recently committed to stop taking donations from foreign governments but insisted it would n't return money it has already collected .\"]\n", - "=======================\n", - "[\"former first daughter is now vice chair of the bill , hillary and chelsea clinton foundationshe was responding to claims that her organization took millions from foreign governments that had pending policy concerns under her mother 's control as secretary of staterepublican party says allegations in new book ` raise serious questions about hillary clinton 's judgment and her handling of conflicts of interest '` we 'll be even more transparent , ' chelsea pledged , saying that ` we wo n't take new government funding , but that the work will continue as it is '\"]\n", - "chelsea clinton defended her family philanthropy on thursday in new york , calling it ` among the most transparent of foundations 'former first daughter chelsea clinton issued a pointed defense of her family foundation on thursday after allegations surfaced that it reaped millions from foreign countries that had issues pending before her mother when she was secretary of state .the foundation recently committed to stop taking donations from foreign governments but insisted it would n't return money it has already collected .\n", - "former first daughter is now vice chair of the bill , hillary and chelsea clinton foundationshe was responding to claims that her organization took millions from foreign governments that had pending policy concerns under her mother 's control as secretary of staterepublican party says allegations in new book ` raise serious questions about hillary clinton 's judgment and her handling of conflicts of interest '` we 'll be even more transparent , ' chelsea pledged , saying that ` we wo n't take new government funding , but that the work will continue as it is '\n", - "[1.4702594 1.3823351 1.1471345 1.5770984 1.3792224 1.0529113 1.0153672\n", - " 1.018732 1.1662517 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 8 2 5 7 6 17 16 15 14 9 12 11 10 18 13 19]\n", - "=======================\n", - "[\"anastasia pavlyuchenkova of russia beat germany 's sabine lisicki for a 2-0 lead in their fed cup tiepavlyuchenkova saved the match point in the second set before going on to beat lisicki 4-6 , 7-6 ( 4 ) , 6-3 , after svetlana kuznetsova beat julia goerges in straight sets in the opening rubber .the result left russia needing one win from sunday 's three matches to reach the final and bag a first fed cup title since 2008 .\"]\n", - "=======================\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['svetlana kuznetsova beats julia goerges in straight sets in fed cupanastasia pavlyuchenkova defeats sabine lisicki for 2-0 lead']\n", - "anastasia pavlyuchenkova of russia beat germany 's sabine lisicki for a 2-0 lead in their fed cup tiepavlyuchenkova saved the match point in the second set before going on to beat lisicki 4-6 , 7-6 ( 4 ) , 6-3 , after svetlana kuznetsova beat julia goerges in straight sets in the opening rubber .the result left russia needing one win from sunday 's three matches to reach the final and bag a first fed cup title since 2008 .\n", - "svetlana kuznetsova beats julia goerges in straight sets in fed cupanastasia pavlyuchenkova defeats sabine lisicki for 2-0 lead\n", - "[1.2661053 1.4806324 1.1451944 1.2164524 1.1791824 1.3161832 1.1285921\n", - " 1.0534449 1.0504673 1.0205591 1.0458542 1.0420871 1.0456495 1.1695814\n", - " 1.0334239 1.1023016 1.0646095 1.0926305 1.0528735 0. ]\n", - "\n", - "[ 1 5 0 3 4 13 2 6 15 17 16 7 18 8 10 12 11 14 9 19]\n", - "=======================\n", - "[\"ronald anderson , 48 , who was charged in the crime spree , was previously convicted of manslaughter and recently was arrested in an assault case involving his ` visibly afraid ' girlfriend , according to court documents obtained on friday .an armed man has been arrested after kidnapping a woman , shooting and killing census bureau guard and leading police on a car chase before authorities cornered him in an exchange of gunfire that left him and a police officer wounded .he was released the day of his arrest .\"]\n", - "=======================\n", - "[\"ronald anderson , 48 , was arrested and charged for the crime spreeanderson was previously convicted of manslaughter and arrested in an assault case involving his ` visibly afraid ' girlfriendthe kidnapped woman was found safe - she may be related to suspectthe guard , lawrence buckner , died at a hospital in cheverly , marylandofficer and suspect both conscious when they were taken for medical careguard saw two people fighting in a car that matched the description of a vehicle described in a report of an armed kidnappingincident took place at gate of u.s. census bureau in suitland , maryland\"]\n", - "ronald anderson , 48 , who was charged in the crime spree , was previously convicted of manslaughter and recently was arrested in an assault case involving his ` visibly afraid ' girlfriend , according to court documents obtained on friday .an armed man has been arrested after kidnapping a woman , shooting and killing census bureau guard and leading police on a car chase before authorities cornered him in an exchange of gunfire that left him and a police officer wounded .he was released the day of his arrest .\n", - "ronald anderson , 48 , was arrested and charged for the crime spreeanderson was previously convicted of manslaughter and arrested in an assault case involving his ` visibly afraid ' girlfriendthe kidnapped woman was found safe - she may be related to suspectthe guard , lawrence buckner , died at a hospital in cheverly , marylandofficer and suspect both conscious when they were taken for medical careguard saw two people fighting in a car that matched the description of a vehicle described in a report of an armed kidnappingincident took place at gate of u.s. census bureau in suitland , maryland\n", - "[1.4167312 1.340406 1.3922929 1.3083972 1.386433 1.2448292 1.0458939\n", - " 1.032221 1.0262343 1.0491335 1.0259664 1.1250968 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 4 1 3 5 11 9 6 7 8 10 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "['real madrid have appealed against the yellow card shown to cristiano ronaldo for diving in the penalty area during their 2-0 win over rayo vallecano , and hope to have his suspension revoked .the decision means ronaldo could be suspended for the game against eibar in la liga on saturdayronaldo appeared to be unfairly cautioned by referee mario melero lopez after he was chopped down by defender antonio amaya inside the box .']\n", - "=======================\n", - "[\"real madrid beat rayo vallecano 2-0 in la liga on wednesday nightcristiano ronaldo scored his 300th goal for the spanish giantsronaldo was also booked for diving in the area but it appeared unfairnow the european champions are appealing the decisionif appeal is unsuccessful the ballon d'or winner will face one-match banclick here for all the latest real madrid news\"]\n", - "real madrid have appealed against the yellow card shown to cristiano ronaldo for diving in the penalty area during their 2-0 win over rayo vallecano , and hope to have his suspension revoked .the decision means ronaldo could be suspended for the game against eibar in la liga on saturdayronaldo appeared to be unfairly cautioned by referee mario melero lopez after he was chopped down by defender antonio amaya inside the box .\n", - "real madrid beat rayo vallecano 2-0 in la liga on wednesday nightcristiano ronaldo scored his 300th goal for the spanish giantsronaldo was also booked for diving in the area but it appeared unfairnow the european champions are appealing the decisionif appeal is unsuccessful the ballon d'or winner will face one-match banclick here for all the latest real madrid news\n", - "[1.6473193 1.4318155 1.1447318 1.2246238 1.0895797 1.0577637 1.0343403\n", - " 1.0159079 1.0222907 1.0199579 1.0163116 1.0158519 1.0288936 1.2082813\n", - " 1.1073756 1.0460612 1.0577773 1.0494584 1.2498895 1.1680193]\n", - "\n", - "[ 0 1 18 3 13 19 2 14 4 16 5 17 15 6 12 8 9 10 7 11]\n", - "=======================\n", - "[\"mk dons boss karl robinson hailed the patience of his team as they beat doncaster 3-0 to keep the heat on preston at the top of league one .robinson 's team needed a freakish goal by dean bowditch , 25 minutes from time , to break doncaster 's resistance and stay within a point of the automatic promotion places with two games to play .jermaine beckford scored a brace for preston to help his side defeat notts county 3-1 on tuesday\"]\n", - "=======================\n", - "['preston defeat notts county 3-1 while mk dons beat doncaster 3-0with two games to go , preston are a point ahead of the donsthe two are competing to join champions bristol city in the championship']\n", - "mk dons boss karl robinson hailed the patience of his team as they beat doncaster 3-0 to keep the heat on preston at the top of league one .robinson 's team needed a freakish goal by dean bowditch , 25 minutes from time , to break doncaster 's resistance and stay within a point of the automatic promotion places with two games to play .jermaine beckford scored a brace for preston to help his side defeat notts county 3-1 on tuesday\n", - "preston defeat notts county 3-1 while mk dons beat doncaster 3-0with two games to go , preston are a point ahead of the donsthe two are competing to join champions bristol city in the championship\n", - "[1.3904455 1.4126928 1.1769737 1.1033999 1.3059171 1.0682434 1.076703\n", - " 1.0843829 1.0704803 1.1521021 1.1051295 1.0833616 1.0580151 1.1319968\n", - " 1.0694569 1.1107266 1.0125636 1.0065671 0. 0. ]\n", - "\n", - "[ 1 0 4 2 9 13 15 10 3 7 11 6 8 14 5 12 16 17 18 19]\n", - "=======================\n", - "[\"the ` cripmas ' party , held last december , had white students throwing stereotypical gang symbols while dressed in red and blue bandanas , t-shirts with images of the late rapper tupac shakur and fake ` thug ' tattoos .the sigma alpha epsilon ( sae ) fraternity at clemson university in south carolina has been put on probation for two years after the group held a christmas theme party that flared up racial tensions on campus .the party was also reportedly attended by female students from several sororities .\"]\n", - "=======================\n", - "[\"the sigma alpha epsilon fraternity at clemson university was penalized for holding a christmas theme party that flared up racial tensionswhite students dressed in red and blue bandanas , t-shirts with images of the late rapper tupac shakur and sported fake ` thug ' tattoosphotos from the party flooded social media and were accompanied by comments such as : ` merry cripmas to all , and all a hood night 'the incident caused a backlash as black students protested and said clemson was n't doing enough to promote racial tolerance\"]\n", - "the ` cripmas ' party , held last december , had white students throwing stereotypical gang symbols while dressed in red and blue bandanas , t-shirts with images of the late rapper tupac shakur and fake ` thug ' tattoos .the sigma alpha epsilon ( sae ) fraternity at clemson university in south carolina has been put on probation for two years after the group held a christmas theme party that flared up racial tensions on campus .the party was also reportedly attended by female students from several sororities .\n", - "the sigma alpha epsilon fraternity at clemson university was penalized for holding a christmas theme party that flared up racial tensionswhite students dressed in red and blue bandanas , t-shirts with images of the late rapper tupac shakur and sported fake ` thug ' tattoosphotos from the party flooded social media and were accompanied by comments such as : ` merry cripmas to all , and all a hood night 'the incident caused a backlash as black students protested and said clemson was n't doing enough to promote racial tolerance\n", - "[1.15912 1.3890419 1.2176777 1.2759953 1.1991704 1.140188 1.1411232\n", - " 1.1055597 1.0981822 1.0865899 1.1257604 1.0151513 1.0194163 1.0150683\n", - " 1.0245503 1.0349798 1.0477748 1.054201 1.0645285 1.0422786 0. ]\n", - "\n", - "[ 1 3 2 4 0 6 5 10 7 8 9 18 17 16 19 15 14 12 11 13 20]\n", - "=======================\n", - "[\"sarah 's ordeal was played out on tv after she agreed to appear on the jeremy kyle show to undergo a dna test .the 23-year-old mother burst into tears when the presenter revealed phil , who appeared with her on the itv show , was not in fact her real father .a woman has received the shocking news that the man she 's known as her father for 23 years is not actually her biological parent .\"]\n", - "=======================\n", - "[\"sarah appeared on monday 's jeremy kyle show to have dna testwanted to find out if phil was her real fatherhe had raised her but mother cast doubt on his paternitythey were heartbroken to discover they are not related\"]\n", - "sarah 's ordeal was played out on tv after she agreed to appear on the jeremy kyle show to undergo a dna test .the 23-year-old mother burst into tears when the presenter revealed phil , who appeared with her on the itv show , was not in fact her real father .a woman has received the shocking news that the man she 's known as her father for 23 years is not actually her biological parent .\n", - "sarah appeared on monday 's jeremy kyle show to have dna testwanted to find out if phil was her real fatherhe had raised her but mother cast doubt on his paternitythey were heartbroken to discover they are not related\n", - "[1.3310032 1.3607726 1.2409701 1.3618373 1.2483841 1.1872188 1.0420657\n", - " 1.0270749 1.0165169 1.023089 1.0312349 1.1295265 1.0401851 1.0268028\n", - " 1.0131377 1.0235422 1.0332258 1.2420238 1.1135775 1.0515047 1.0125487]\n", - "\n", - "[ 3 1 0 4 17 2 5 11 18 19 6 12 16 10 7 13 15 9 8 14 20]\n", - "=======================\n", - "[\"but nigel farage and tory immigration minister james brokenshire dismissed mr miliband 's ideas and said he was doing nothing to control immigration .exploitation has driven low-skilled migration and held down wages for british workers , the labour leader said during an outing in wirral west earlier today .ed miliband pledged to crackdown on the illegal exploitation of migrant workers by promising a home office task force to boost prosecutions and fines on bad employers .\"]\n", - "=======================\n", - "[\"exploitation drives low-skilled migration and holds down wages , he saidspeech given during an outing in marginal seat wirral west earlier todayukip leader said it was a ` big diversion ' as exploitation not the main issue\"]\n", - "but nigel farage and tory immigration minister james brokenshire dismissed mr miliband 's ideas and said he was doing nothing to control immigration .exploitation has driven low-skilled migration and held down wages for british workers , the labour leader said during an outing in wirral west earlier today .ed miliband pledged to crackdown on the illegal exploitation of migrant workers by promising a home office task force to boost prosecutions and fines on bad employers .\n", - "exploitation drives low-skilled migration and holds down wages , he saidspeech given during an outing in marginal seat wirral west earlier todayukip leader said it was a ` big diversion ' as exploitation not the main issue\n", - "[1.4704976 1.1801077 1.4269484 1.2633066 1.1312925 1.1257166 1.0824859\n", - " 1.0321864 1.0140873 1.0262411 1.2601018 1.1377705 1.0583783 1.0617303\n", - " 1.0396678 1.0473818 1.0853231 1.0964862 1.0168381 0. 0. ]\n", - "\n", - "[ 0 2 3 10 1 11 4 5 17 16 6 13 12 15 14 7 9 18 8 19 20]\n", - "=======================\n", - "[\"kayla mooney , 24 , was arrested after allegedly having a sexual relationship with a student during her first year of teaching at danbury high schoola 24-year-old high school science teacher who was arrested for allegedly having sex with a male student and providing him with alcohol appeared in court on monday .mooney was allegedly busted after she complained to school administrators that the boy 's girlfriend was harassing her\"]\n", - "=======================\n", - "[\"kayla mooney , who is in her first year teaching in danbury , connecticut , ` engaged in sexual contact with a male student off campus last year 'she appeared in court on monday but arraignment was postponed after her attorney requested evidence from prosecutorsshe turned herself in march following a seven-week-long police investigation after administrators learned of the alleged relationship\"]\n", - "kayla mooney , 24 , was arrested after allegedly having a sexual relationship with a student during her first year of teaching at danbury high schoola 24-year-old high school science teacher who was arrested for allegedly having sex with a male student and providing him with alcohol appeared in court on monday .mooney was allegedly busted after she complained to school administrators that the boy 's girlfriend was harassing her\n", - "kayla mooney , who is in her first year teaching in danbury , connecticut , ` engaged in sexual contact with a male student off campus last year 'she appeared in court on monday but arraignment was postponed after her attorney requested evidence from prosecutorsshe turned herself in march following a seven-week-long police investigation after administrators learned of the alleged relationship\n", - "[1.382733 1.2639745 1.3284407 1.1450037 1.0329185 1.021681 1.0352511\n", - " 1.0147799 1.251048 1.1798836 1.0686924 1.1180139 1.1445198 1.1032672\n", - " 1.0947225 1.0412138 1.1555641 1.1017193 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 8 9 16 3 12 11 13 17 14 10 15 6 4 5 7 18 19 20]\n", - "=======================\n", - "[\"juventus coach massimiliano allegri goes into this weekend 's serie a games admitting he does not expect to be fully embraced by the team 's fans until he steers the club to a title .allegri , who replaced antonio conte last summer , and juve will go after another three points on saturday when they host empoli .juve are 14 points clear of roma at the top of the standings with 10 games remaining .\"]\n", - "=======================\n", - "['the turin club are 14 points clear of roma at the top of serie ajuventus are aiming for a fourth straight scudetto titlethe bianconeri are on for a potential treble , playing in the champions league quarter-finals and the coppa italia semi-finals']\n", - "juventus coach massimiliano allegri goes into this weekend 's serie a games admitting he does not expect to be fully embraced by the team 's fans until he steers the club to a title .allegri , who replaced antonio conte last summer , and juve will go after another three points on saturday when they host empoli .juve are 14 points clear of roma at the top of the standings with 10 games remaining .\n", - "the turin club are 14 points clear of roma at the top of serie ajuventus are aiming for a fourth straight scudetto titlethe bianconeri are on for a potential treble , playing in the champions league quarter-finals and the coppa italia semi-finals\n", - "[1.2828205 1.2898409 1.2813638 1.1700753 1.1200348 1.0624135 1.1030644\n", - " 1.0547807 1.1096194 1.1098682 1.0462389 1.057657 1.0285137 1.0713949\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 9 8 6 13 5 11 7 10 12 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"indiana lawmakers unveiled this morning an amendment its already-in-effect law clarifying that no one will ` be able to discriminate against anyone at any time . 'two states at the center of gay rights protests over laws designed to ` uphold religious freedom ' are engaging in hurried climbdowns today , with both moving to alter legislation that critics say legalizes discrimination on the basis of sexual orientation .the arkansas legislature was also poised to pass changes to its legislation after the state 's republican governor asa hutchinson rejected its bill at the last minute on wednesday following public uproar and a personal plea from his son .\"]\n", - "=======================\n", - "[\"new text of indiana bill states that no one will ` be able to discriminate against anyone at any time '` it was never intended to discriminate against anyone , ' indiana senate president pro tem david long said this morning at a press conferencearkansas legislature was also poised to pass altered legislation after the state 's republican governor rejected the bill at the last minute yesterdayaltered law would more closely mirror federal legislation ; it passed the senate last night and is now under consideration in the house\"]\n", - "indiana lawmakers unveiled this morning an amendment its already-in-effect law clarifying that no one will ` be able to discriminate against anyone at any time . 'two states at the center of gay rights protests over laws designed to ` uphold religious freedom ' are engaging in hurried climbdowns today , with both moving to alter legislation that critics say legalizes discrimination on the basis of sexual orientation .the arkansas legislature was also poised to pass changes to its legislation after the state 's republican governor asa hutchinson rejected its bill at the last minute on wednesday following public uproar and a personal plea from his son .\n", - "new text of indiana bill states that no one will ` be able to discriminate against anyone at any time '` it was never intended to discriminate against anyone , ' indiana senate president pro tem david long said this morning at a press conferencearkansas legislature was also poised to pass altered legislation after the state 's republican governor rejected the bill at the last minute yesterdayaltered law would more closely mirror federal legislation ; it passed the senate last night and is now under consideration in the house\n", - "[1.2151632 1.5070581 1.2974291 1.2708149 1.3510054 1.154093 1.0904828\n", - " 1.1111231 1.121868 1.0434545 1.0933781 1.0382506 1.0492594 1.0086863\n", - " 1.014461 1.0081617 1.0437362 1.0347836]\n", - "\n", - "[ 1 4 2 3 0 5 8 7 10 6 12 16 9 11 17 14 13 15]\n", - "=======================\n", - "['maarij khan and his mother mushammat are set to be removed from their home in newcastle after the home office turned down their bid to remain in the uk .deported : maarij khan , left , has been told he must leave britain and move to bangladesh weeks after the death of his brother saffat , pictured right receiving an award for braverysaffat died of meningitis last month , after his fight against an aggressive form of cancer and several rounds of chemotherapy left his immune system fatally weakened .']\n", - "=======================\n", - "[\"maarij khan , 11 , and his mother mushammat set to be deported from ukbrother saffat , 10 , died of meningitis last month after years-long cancer battle left his immune system weakenedmaarij is distraught at the possibility of being unable to visit saffat 's grave3,500 people have signed a petition calling on the home office to allow the family to stay\"]\n", - "maarij khan and his mother mushammat are set to be removed from their home in newcastle after the home office turned down their bid to remain in the uk .deported : maarij khan , left , has been told he must leave britain and move to bangladesh weeks after the death of his brother saffat , pictured right receiving an award for braverysaffat died of meningitis last month , after his fight against an aggressive form of cancer and several rounds of chemotherapy left his immune system fatally weakened .\n", - "maarij khan , 11 , and his mother mushammat set to be deported from ukbrother saffat , 10 , died of meningitis last month after years-long cancer battle left his immune system weakenedmaarij is distraught at the possibility of being unable to visit saffat 's grave3,500 people have signed a petition calling on the home office to allow the family to stay\n", - "[1.1793699 1.4903657 1.2707007 1.19545 1.368068 1.2265664 1.1768796\n", - " 1.1185025 1.0818335 1.0843369 1.0108122 1.0096817 1.1651084 1.1193589\n", - " 1.0622172 1.0497199 1.0173602 1.0268524]\n", - "\n", - "[ 1 4 2 5 3 0 6 12 13 7 9 8 14 15 17 16 10 11]\n", - "=======================\n", - "['bethune-cookman university student damian parks , 22 , was reported missing after going swimming with student s at 3am on sunday and students who were with him said strong currents pulled parks out to sea .his body was found monday morning .a florida university is investigating the death of a student who drowned in daytona beach to determine whether or not hazing was involved .']\n", - "=======================\n", - "[\"bethune-cookman university student damian parks , 22 , drowned on sundayhe and four friends had gone swimming in daytona beach at 3am after bar-hopping , volusia county beach safety ocean rescue saidstrong currents pulled parks out to sea and his body was found on mondayfriends who were with him said there ` was no foul play at all ' and that parks had not been drinking nor was he impaired in any waythe five students were part of a step team called melodic stepping experience , which formed last yearparks ' mother carolyn parks , who lost another son , aged 16 , six months ago , said that her son was not a good swimmer\"]\n", - "bethune-cookman university student damian parks , 22 , was reported missing after going swimming with student s at 3am on sunday and students who were with him said strong currents pulled parks out to sea .his body was found monday morning .a florida university is investigating the death of a student who drowned in daytona beach to determine whether or not hazing was involved .\n", - "bethune-cookman university student damian parks , 22 , drowned on sundayhe and four friends had gone swimming in daytona beach at 3am after bar-hopping , volusia county beach safety ocean rescue saidstrong currents pulled parks out to sea and his body was found on mondayfriends who were with him said there ` was no foul play at all ' and that parks had not been drinking nor was he impaired in any waythe five students were part of a step team called melodic stepping experience , which formed last yearparks ' mother carolyn parks , who lost another son , aged 16 , six months ago , said that her son was not a good swimmer\n", - "[1.2381502 1.3731784 1.4219209 1.3390944 1.1062357 1.1483189 1.1083579\n", - " 1.0570652 1.0103494 1.0152189 1.0151738 1.0923539 1.2420315 1.1674677\n", - " 1.0603079 1.0229155 1.030895 1.0129293]\n", - "\n", - "[ 2 1 3 12 0 13 5 6 4 11 14 7 16 15 9 10 17 8]\n", - "=======================\n", - "[\"he says the organisms test positive for dna , and have masses that are ` six times bigger than the size limit of a particle which can be elevated from earth to this height . 'now the controversial british professor claims he has new evidence of these ` extra-terrestrial organisms ' floating 25 miles ( 40km ) above the planet .dr milton wainwright has been trying to convince academics that he has found aliens in earth 's stratosphere for several years .\"]\n", - "=======================\n", - "[\"radical claim made by dr milton wainwright from sheffield universityhe used balloons to collect dust samples 25 miles ( 40km ) above earthclaims to have discovered ` alien organisms ' that test positive for dnahis research has been widely criticised by the scientific community\"]\n", - "he says the organisms test positive for dna , and have masses that are ` six times bigger than the size limit of a particle which can be elevated from earth to this height . 'now the controversial british professor claims he has new evidence of these ` extra-terrestrial organisms ' floating 25 miles ( 40km ) above the planet .dr milton wainwright has been trying to convince academics that he has found aliens in earth 's stratosphere for several years .\n", - "radical claim made by dr milton wainwright from sheffield universityhe used balloons to collect dust samples 25 miles ( 40km ) above earthclaims to have discovered ` alien organisms ' that test positive for dnahis research has been widely criticised by the scientific community\n", - "[1.4291648 1.3082991 1.3581938 1.1958201 1.2339746 1.2179172 1.0848361\n", - " 1.1515954 1.1075139 1.0642132 1.0126053 1.0125749 1.2429335 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 12 4 5 3 7 8 6 9 10 11 13 14 15 16 17]\n", - "=======================\n", - "[\"chelsea could move for atletico madrid centre back miranda in the summer .the 31-year-old has one year left on his contract and atletico are reportedly keen to cash in this summer .the club 's technical director michael emenalo travelled to spain on saturday to watch the defender during atletico 's 2-2 draw with malaga , according to spanish newspaper as .\"]\n", - "=======================\n", - "['miranda has one year left on his contract with atletico madridatletico madrid are reportedly keen to cash in this summerchelsea and atletico held talks over miranda last summer']\n", - "chelsea could move for atletico madrid centre back miranda in the summer .the 31-year-old has one year left on his contract and atletico are reportedly keen to cash in this summer .the club 's technical director michael emenalo travelled to spain on saturday to watch the defender during atletico 's 2-2 draw with malaga , according to spanish newspaper as .\n", - "miranda has one year left on his contract with atletico madridatletico madrid are reportedly keen to cash in this summerchelsea and atletico held talks over miranda last summer\n", - "[1.3431811 1.2586658 1.1853853 1.1012208 1.0446867 1.1158713 1.1656468\n", - " 1.10294 1.0760745 1.0553019 1.0303522 1.0789914 1.1112967 1.0585315\n", - " 1.0767047 1.0526103 1.0287716 1.0201844]\n", - "\n", - "[ 0 1 2 6 5 12 7 3 11 14 8 13 9 15 4 10 16 17]\n", - "=======================\n", - "['( cnn ) roseanne barr revealed earlier this week that she is going blind .in an interview with the daily beast , the 62-year-old comic talked about her struggle with macular degeneration and glaucoma -- two eye diseases that get progressively worse over time and can steal vision .barr \\'s doctors have n\\'t provided a timeline , but her symptoms are worsening : \" my vision is closing in now , \" she said .']\n", - "=======================\n", - "['barr has macular degeneration and glaucoma , eye diseases that get progressively worse and can steal visionthe risk for both diseases goes up for everyone after age 60sun exposure can up the risk for glaucoma and macular degeneration']\n", - "( cnn ) roseanne barr revealed earlier this week that she is going blind .in an interview with the daily beast , the 62-year-old comic talked about her struggle with macular degeneration and glaucoma -- two eye diseases that get progressively worse over time and can steal vision .barr 's doctors have n't provided a timeline , but her symptoms are worsening : \" my vision is closing in now , \" she said .\n", - "barr has macular degeneration and glaucoma , eye diseases that get progressively worse and can steal visionthe risk for both diseases goes up for everyone after age 60sun exposure can up the risk for glaucoma and macular degeneration\n", - "[1.2288495 1.4706727 1.2476995 1.2714843 1.3512928 1.2668551 1.1829276\n", - " 1.1677921 1.0587751 1.0422436 1.029842 1.0730219 1.0162282 1.1893207\n", - " 1.0118444 1.0097909 1.0142876 1.0128888 1.0514562 1.0375185]\n", - "\n", - "[ 1 4 3 5 2 0 13 6 7 11 8 18 9 19 10 12 16 17 14 15]\n", - "=======================\n", - "[\"` del boy ' has not boxed since he was stopped by switch-hitting tyson fury at london 's excel arena in november .dereck chisora is being lined up for a summer comeback against british heavyweight rival david pricechisora , meanwhile , has been regrouping and recovering from an eye injury sustained during the 10-round beating .\"]\n", - "=======================\n", - "['heavyweight boxer dereck chisora is planning a summer comebackpromoter frank warren has revealed chisora is back in trainingchisora has not boxed since defeat to switch-hitting tyson furyfellow heavyweight david price is being lined up to fight chisora']\n", - "` del boy ' has not boxed since he was stopped by switch-hitting tyson fury at london 's excel arena in november .dereck chisora is being lined up for a summer comeback against british heavyweight rival david pricechisora , meanwhile , has been regrouping and recovering from an eye injury sustained during the 10-round beating .\n", - "heavyweight boxer dereck chisora is planning a summer comebackpromoter frank warren has revealed chisora is back in trainingchisora has not boxed since defeat to switch-hitting tyson furyfellow heavyweight david price is being lined up to fight chisora\n", - "[1.2964487 1.3374832 1.2586464 1.1811757 1.1283939 1.3065931 1.0419197\n", - " 1.0912439 1.064504 1.1330045 1.0607651 1.0770073 1.0564921 1.1026856\n", - " 1.0210768 1.0434653 1.061033 0. 0. 0. ]\n", - "\n", - "[ 1 5 0 2 3 9 4 13 7 11 8 16 10 12 15 6 14 18 17 19]\n", - "=======================\n", - "['police say the key to tracking down the suspect , michael david ikeler , of torrance , was a tip from his observant neighbor , who noticed ikeler altering the appearance of his car .a 36-year-old father in los angeles has been arrested and charged over the abduction of a two-year-old girl from a car wash earlier this month , who was sexually abused and then dumped in a restaurant parking lot hours later .investigators had released cctv footage of the car - a white nissan altima - from the crime scene at the self-serve carwash in gardena on april 2 .']\n", - "=======================\n", - "['girl disappeared from a car wash in gardena , california , on april 2she was found two hours later naked at a burger restaurant 13 miles awaypolice searching for driver of white nissan altima with tinted windowsman in torrance noticed his neighbor was altering his car and called policemichael david ikeler , 36 , was then arrested one week after abductioncharged one count of lewd act upon a child with a kidnapping allegation , and two counts of oral copulation or sexual penetration of a childikeler pleaded not guilty on april 13']\n", - "police say the key to tracking down the suspect , michael david ikeler , of torrance , was a tip from his observant neighbor , who noticed ikeler altering the appearance of his car .a 36-year-old father in los angeles has been arrested and charged over the abduction of a two-year-old girl from a car wash earlier this month , who was sexually abused and then dumped in a restaurant parking lot hours later .investigators had released cctv footage of the car - a white nissan altima - from the crime scene at the self-serve carwash in gardena on april 2 .\n", - "girl disappeared from a car wash in gardena , california , on april 2she was found two hours later naked at a burger restaurant 13 miles awaypolice searching for driver of white nissan altima with tinted windowsman in torrance noticed his neighbor was altering his car and called policemichael david ikeler , 36 , was then arrested one week after abductioncharged one count of lewd act upon a child with a kidnapping allegation , and two counts of oral copulation or sexual penetration of a childikeler pleaded not guilty on april 13\n", - "[1.3378947 1.4078224 1.3129618 1.1384602 1.1376247 1.0751898 1.1028932\n", - " 1.0477297 1.0162183 1.1587651 1.1181159 1.066441 1.1594945 1.0211035\n", - " 1.0520754 1.0382818 1.0611974 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 12 9 3 4 10 6 5 11 16 14 7 15 13 8 18 17 19]\n", - "=======================\n", - "[\"online pirates have unveiled nearly half of the show 's next season , which is scheduled to debut its first episode tonight .game of thrones fans who did not want to wait and legally watch hbo 's hit series premiere its fifth season tonight have leaked the first four episodes online .the episodes began appearing on torrent download sites on saturday night , and are thought to have leaked from review copies given to the press .\"]\n", - "=======================\n", - "['episodes for the next four weeks released saturday night on pirate sitesillegal material thought to have leaked through press review copiesshow is the most pirated in the world , with brazil the worst offender']\n", - "online pirates have unveiled nearly half of the show 's next season , which is scheduled to debut its first episode tonight .game of thrones fans who did not want to wait and legally watch hbo 's hit series premiere its fifth season tonight have leaked the first four episodes online .the episodes began appearing on torrent download sites on saturday night , and are thought to have leaked from review copies given to the press .\n", - "episodes for the next four weeks released saturday night on pirate sitesillegal material thought to have leaked through press review copiesshow is the most pirated in the world , with brazil the worst offender\n", - "[1.3029132 1.3191836 1.2923837 1.2297803 1.1510855 1.0531839 1.015314\n", - " 1.1553582 1.089036 1.0870821 1.0815437 1.062787 1.0625685 1.0718052\n", - " 1.1117753 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 7 4 14 8 9 10 13 11 12 5 6 18 15 16 17 19]\n", - "=======================\n", - "[\"the queen and senior members of the royal family will attend the westminster abbey service of thanksgiving - the culmination of three days of events marking the milestone .the queen will lead the nation at a religious service commemorating the 70th anniversary of victory in europe ( ve ) day , when second world war allied forces finally defeated hitler 's nazi troops on the continent .on the first day of the festivities a national two-minute silence will be held at the cenotaph at 3pm on friday , may 8 , marking the moment prime minister winston churchill broadcast his historic speech to formally announce the end of the war .\"]\n", - "=======================\n", - "['three days of celebration to mark the 70th anniversary of ve day on 8 mayher majesty will attend westminster abbey service of thanksgivingin 1995 , her majesty was joined by queen mother and princess margaretyesterday the queen distributed alms at royal maundy service in sheffield']\n", - "the queen and senior members of the royal family will attend the westminster abbey service of thanksgiving - the culmination of three days of events marking the milestone .the queen will lead the nation at a religious service commemorating the 70th anniversary of victory in europe ( ve ) day , when second world war allied forces finally defeated hitler 's nazi troops on the continent .on the first day of the festivities a national two-minute silence will be held at the cenotaph at 3pm on friday , may 8 , marking the moment prime minister winston churchill broadcast his historic speech to formally announce the end of the war .\n", - "three days of celebration to mark the 70th anniversary of ve day on 8 mayher majesty will attend westminster abbey service of thanksgivingin 1995 , her majesty was joined by queen mother and princess margaretyesterday the queen distributed alms at royal maundy service in sheffield\n", - "[1.181005 1.4773252 1.3378882 1.1419294 1.0937841 1.1891387 1.0801889\n", - " 1.0795733 1.0726736 1.187207 1.0994167 1.0641928 1.0300364 1.0090429\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 5 9 0 3 10 4 6 7 8 11 12 13 18 14 15 16 17 19]\n", - "=======================\n", - "[\"kelsey higley , who studies art media at the university of oklahoma in norman , created a fascinating self-portrait of her body , showing what it would look like if it were digitally trimmed or augmented into various shapes considered beautiful .the 22-year-old 's work , which is part of a project and has been published on video-sharing site vimeo , shows just how different her frame might look if she had , for example , an hour-glass figure , or larger boobs .the project , entitled ` manipulation ' used 126 different images resulting in a video that was published on vimeo\"]\n", - "=======================\n", - "[\"kelsey higley filmed her body in 126 different digitally altered posesstudent wanted to show how body would look if she modeled it ` like clay '` manipulation ' project challenges changing images of beautyvimeo video features nipped-in waist , large breasts and huge eyes\"]\n", - "kelsey higley , who studies art media at the university of oklahoma in norman , created a fascinating self-portrait of her body , showing what it would look like if it were digitally trimmed or augmented into various shapes considered beautiful .the 22-year-old 's work , which is part of a project and has been published on video-sharing site vimeo , shows just how different her frame might look if she had , for example , an hour-glass figure , or larger boobs .the project , entitled ` manipulation ' used 126 different images resulting in a video that was published on vimeo\n", - "kelsey higley filmed her body in 126 different digitally altered posesstudent wanted to show how body would look if she modeled it ` like clay '` manipulation ' project challenges changing images of beautyvimeo video features nipped-in waist , large breasts and huge eyes\n", - "[1.1450641 1.511162 1.2403727 1.348438 1.3606104 1.2073829 1.1718963\n", - " 1.0818211 1.0331274 1.1468304 1.0683936 1.1047536 1.0696607 1.1135337\n", - " 1.0491338 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 2 5 6 9 0 13 11 7 12 10 14 8 25 24 23 22 21 18 19 17 16\n", - " 15 26 20 27]\n", - "=======================\n", - "[\"patricia ebel , 49 , was driving her 10-year-old grandson home after a day at the pool on friday when she crashed her luxury black bmw 5-series into a car that was stopped at an intersection in naples , florida .ebel was captured on video staggering as she failed all field-sobriety-tests administered by collier county sheriff 's deputies .ebel is facing dui charges including driving with a .15 - or-greater blood alcohol content with a minor in the car\"]\n", - "=======================\n", - "['patricia ebel , 49 , was arrested on friday after crashing her luxary bmw 5-series into a car that was stopped at an intersection in naples , floridashe was captured on video staggering as she failed all field-sobriety-testsebel had been driving her 10-year-old grandson in the vehicle after a day at the poolshe is facing dui charges including driving with a .15 - or-greater blood alcohol content with a minor in the car']\n", - "patricia ebel , 49 , was driving her 10-year-old grandson home after a day at the pool on friday when she crashed her luxury black bmw 5-series into a car that was stopped at an intersection in naples , florida .ebel was captured on video staggering as she failed all field-sobriety-tests administered by collier county sheriff 's deputies .ebel is facing dui charges including driving with a .15 - or-greater blood alcohol content with a minor in the car\n", - "patricia ebel , 49 , was arrested on friday after crashing her luxary bmw 5-series into a car that was stopped at an intersection in naples , floridashe was captured on video staggering as she failed all field-sobriety-testsebel had been driving her 10-year-old grandson in the vehicle after a day at the poolshe is facing dui charges including driving with a .15 - or-greater blood alcohol content with a minor in the car\n", - "[1.4129684 1.3625401 1.413422 1.441023 1.2328265 1.3559381 1.0811402\n", - " 1.1363047 1.0228862 1.0219429 1.023576 1.0135593 1.0129677 1.0118072\n", - " 1.0119183 1.01594 1.1275221 1.0132167 1.0114821 1.0659778 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 0 1 5 4 7 16 6 19 10 8 9 15 11 17 12 14 13 18 26 20 21 22\n", - " 23 24 25 27]\n", - "=======================\n", - "['steve clarke wants scheduling of matches in england to improve so the fa cup can be preservedreading had to play their fa cup replay against bradford in the last round on a monday when they had played a championship match two days previously .earlier in the competition the third round ties were split over five days due to new years day premier league matches and to accommodate televised games .']\n", - "=======================\n", - "[\"steve clarke thinks that scheduling needs to better for the fa cupreading 's semi-final clashes with chelsea against manchester unitedclarke admits that without improvements , the fa cup will lose its appeal\"]\n", - "steve clarke wants scheduling of matches in england to improve so the fa cup can be preservedreading had to play their fa cup replay against bradford in the last round on a monday when they had played a championship match two days previously .earlier in the competition the third round ties were split over five days due to new years day premier league matches and to accommodate televised games .\n", - "steve clarke thinks that scheduling needs to better for the fa cupreading 's semi-final clashes with chelsea against manchester unitedclarke admits that without improvements , the fa cup will lose its appeal\n", - "[1.46139 1.4567742 1.2506164 1.3813049 1.0987811 1.0440183 1.2795045\n", - " 1.0355653 1.0266392 1.103403 1.0569279 1.0442 1.0984336 1.0824486\n", - " 1.0403838 1.052383 1.056015 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 6 2 9 4 12 13 10 16 15 11 5 14 7 8 25 24 23 22 18 20 19\n", - " 17 26 21 27]\n", - "=======================\n", - "['fa chairman greg dyke revealed on wednesday night that harry kane has informed england he wants to play for his country in the european u21 championships .tottenham manager mauricio pochettino would prefer kane to rest at the end of his first full campaign rather than compete in the tournament in the czech republic .spurs and england have been in talks for some time without reaching an agreement .']\n", - "=======================\n", - "[\"harry kane has been in superb form for tottenham this season , netting 30 goals for the club while also scoring on his senior england debutfa chairman greg dyke has revealed that kane wants to play for england 's under 21s side at the european championships this summerhowever , tottenham are concerned about the striker overplaying\"]\n", - "fa chairman greg dyke revealed on wednesday night that harry kane has informed england he wants to play for his country in the european u21 championships .tottenham manager mauricio pochettino would prefer kane to rest at the end of his first full campaign rather than compete in the tournament in the czech republic .spurs and england have been in talks for some time without reaching an agreement .\n", - "harry kane has been in superb form for tottenham this season , netting 30 goals for the club while also scoring on his senior england debutfa chairman greg dyke has revealed that kane wants to play for england 's under 21s side at the european championships this summerhowever , tottenham are concerned about the striker overplaying\n", - "[1.1173352 1.1572647 1.3009157 1.0790075 1.118394 1.3098408 1.0626117\n", - " 1.0330442 1.0711364 1.1128607 1.0843092 1.0723901 1.0696523 1.0865034\n", - " 1.1582052 1.0461161 1.029977 1.0178286 1.0279504 1.0216516 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 5 2 14 1 4 0 9 13 10 3 11 8 12 6 15 7 16 18 19 17 20 21 22 23\n", - " 24 25 26 27]\n", - "=======================\n", - "[\"she is selena dohal , 8 , and her skull was fractured when a massive earthquake shook her neighborhood , two and a half hours from the nepalese capital , to the ground on saturday .gupta helped doctors at bir hospital in kathmandu perform a craniotomy in a makeshift operating room on a young patient as described in this story ; it is the identity of the patient that is in question .sanjay gupta , a neurosurgeon and cnn 's chief medical correspondent , has scrubbed up at the request of a nepalese medical team to help with the operation .\"]\n", - "=======================\n", - "['patients flood hospitals in nepalese capital after devastating earthquakecnn \\'s dr. sanjay gupta helps with girl \\'s operation at nepalese medical team \\'s request\" this is as bad a situation as i \\'ve ever seen , \" gupta says']\n", - "she is selena dohal , 8 , and her skull was fractured when a massive earthquake shook her neighborhood , two and a half hours from the nepalese capital , to the ground on saturday .gupta helped doctors at bir hospital in kathmandu perform a craniotomy in a makeshift operating room on a young patient as described in this story ; it is the identity of the patient that is in question .sanjay gupta , a neurosurgeon and cnn 's chief medical correspondent , has scrubbed up at the request of a nepalese medical team to help with the operation .\n", - "patients flood hospitals in nepalese capital after devastating earthquakecnn 's dr. sanjay gupta helps with girl 's operation at nepalese medical team 's request\" this is as bad a situation as i 've ever seen , \" gupta says\n", - "[1.1858451 1.2559524 1.1837959 1.2158047 1.1658876 1.089379 1.2188749\n", - " 1.0995681 1.0709883 1.0898831 1.0376542 1.0619582 1.0595148 1.0330931\n", - " 1.0109215 1.0136334 1.0118123 1.0644159 1.0503958 1.0446551 1.0280665\n", - " 1.011542 1.0168397 1.0122285 1.0245903 1.0628353 1.0335234 1.0388163]\n", - "\n", - "[ 1 6 3 0 2 4 7 9 5 8 17 25 11 12 18 19 27 10 26 13 20 24 22 15\n", - " 23 16 21 14]\n", - "=======================\n", - "[\"the two leaders , who clasped hands yesterday at a brief meeting , are both attending the summit of the americas in panama .warmth : president barack obama and cuban president raul castro shook hands on friday at a summit in panama , a symbolically charged gesture as the pair seek to restore ties between the cold war foesthe white house has set expectations for a ` substantive ' exchange between castro , brother of revolutionary leader fidel , and obama today .\"]\n", - "=======================\n", - "[\"obama and raul , fidel castro 's brother , shook hands on fridaywhite house says the two are due a ` substantive ' conversation todaythey met at the summit of the americas in panama alongside other leadersus ` is close to removing cuba from list of terrorist sponsor states 'move would automatically lift some economic sanctions on island nationthe pair had shaken hands before at the funeral of nelson mandela in 2013they will meet again today and discuss further thawing u.s.-cuba relationscolombian president juan manuel santos hailed obama 's push to improve relations with cuba , saying it healed a ` blister ' that was hurting the region\"]\n", - "the two leaders , who clasped hands yesterday at a brief meeting , are both attending the summit of the americas in panama .warmth : president barack obama and cuban president raul castro shook hands on friday at a summit in panama , a symbolically charged gesture as the pair seek to restore ties between the cold war foesthe white house has set expectations for a ` substantive ' exchange between castro , brother of revolutionary leader fidel , and obama today .\n", - "obama and raul , fidel castro 's brother , shook hands on fridaywhite house says the two are due a ` substantive ' conversation todaythey met at the summit of the americas in panama alongside other leadersus ` is close to removing cuba from list of terrorist sponsor states 'move would automatically lift some economic sanctions on island nationthe pair had shaken hands before at the funeral of nelson mandela in 2013they will meet again today and discuss further thawing u.s.-cuba relationscolombian president juan manuel santos hailed obama 's push to improve relations with cuba , saying it healed a ` blister ' that was hurting the region\n", - "[1.2744279 1.2401457 1.3745868 1.2813708 1.1631103 1.1820157 1.179163\n", - " 1.075342 1.088471 1.1418934 1.035056 1.0251868 1.0870969 1.0366886\n", - " 1.0158936 1.0114503 1.0126269 1.0608764 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 3 0 1 5 6 4 9 8 12 7 17 13 10 11 14 16 15 20 18 19 21]\n", - "=======================\n", - "[\"aberash bekele , 32 , is angry at the filmmakers for using her story without her knowledge or consent , and failing , initially , to pay her compensation .fear : aberash bekele ( second left ) believes the film could put her and her family in danger of reprisalsangelina jolie 's acclaimed film about the kidnap and rape of a 14-year-old girl in ethiopia has helped burnish her image as a human rights campaigner .\"]\n", - "=======================\n", - "['aberash bekele , 32 , is angry at filmmakers of difret for using her storymiss bekele was abducted so she could be pushed into a forced marriagefilm was screened at global summit to end sexual violence in conflictlast year , miss bekele won injunction banning it being shown in ethiopia']\n", - "aberash bekele , 32 , is angry at the filmmakers for using her story without her knowledge or consent , and failing , initially , to pay her compensation .fear : aberash bekele ( second left ) believes the film could put her and her family in danger of reprisalsangelina jolie 's acclaimed film about the kidnap and rape of a 14-year-old girl in ethiopia has helped burnish her image as a human rights campaigner .\n", - "aberash bekele , 32 , is angry at filmmakers of difret for using her storymiss bekele was abducted so she could be pushed into a forced marriagefilm was screened at global summit to end sexual violence in conflictlast year , miss bekele won injunction banning it being shown in ethiopia\n", - "[1.2780685 1.4355364 1.1747779 1.3664109 1.0687987 1.043858 1.1417494\n", - " 1.0832888 1.0820899 1.1221766 1.060929 1.139103 1.0403018 1.1709452\n", - " 1.0542437 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 2 13 6 11 9 7 8 4 10 14 5 12 15 16 17 18 19 20 21]\n", - "=======================\n", - "['blaine boudreaux has been charged with intoxication manslaughter , intoxicated assault and failure to stop and render aid involving death in connection to at least three separate dui collisions that took place within three hours in houston .police in houston say a 34-year-old man got behind the wheel of his car while under the influence sunday , leaving a path of destruction in his wake and killing two people , one of them a 6-year-old boy .boudreaux , who also has an extensive dui record in his native louisiana , was allegedly drunk when he ran a red light on lockwood drive at around 6.3 opm and slammed his dodge pickup truck into a honda civic .']\n", - "=======================\n", - "[\"blaine boudreaux , 34 , charged with intoxication manslaughter , intoxicated assault and failure to stop and render aid involving deathaccused of killing 6-year-old joshua medrano , injuring his mother , mowing down 61-year-old leonard batiste and slamming into into another vehiclehe was stopped by police after first crash involving mother and toddler but was let go with a ticketbatiste , a homeless man , was found dead in a ditch a day laterone of joshua medrano 's relatives screamed at boudreaux in court : ' i hope you die ! '\"]\n", - "blaine boudreaux has been charged with intoxication manslaughter , intoxicated assault and failure to stop and render aid involving death in connection to at least three separate dui collisions that took place within three hours in houston .police in houston say a 34-year-old man got behind the wheel of his car while under the influence sunday , leaving a path of destruction in his wake and killing two people , one of them a 6-year-old boy .boudreaux , who also has an extensive dui record in his native louisiana , was allegedly drunk when he ran a red light on lockwood drive at around 6.3 opm and slammed his dodge pickup truck into a honda civic .\n", - "blaine boudreaux , 34 , charged with intoxication manslaughter , intoxicated assault and failure to stop and render aid involving deathaccused of killing 6-year-old joshua medrano , injuring his mother , mowing down 61-year-old leonard batiste and slamming into into another vehiclehe was stopped by police after first crash involving mother and toddler but was let go with a ticketbatiste , a homeless man , was found dead in a ditch a day laterone of joshua medrano 's relatives screamed at boudreaux in court : ' i hope you die ! '\n", - "[1.488785 1.3199525 1.1776288 1.4475067 1.0678132 1.0516824 1.1485367\n", - " 1.1113521 1.0338618 1.2696795 1.0548652 1.0501661 1.0140144 1.0122684\n", - " 1.0093102 1.2135437 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 9 15 2 6 7 4 10 5 11 8 12 13 14 20 16 17 18 19 21]\n", - "=======================\n", - "['scotland winger sean maitland is facing a race against time to be fit for the rugby world cup after it emerged he has undergone surgery on his injured shoulder .it was hoped the london irish-bound star might yet return to play a part in the pro12 run-in for glasgow warriors after being out of action since january -- but head coach gregor townsend reported on thursday that he had suffered a setback and has now played his last game for the club .former canterbury crusaders player maitland has won 15 caps for scotland']\n", - "=======================\n", - "['sean maitland has undergone surgery on his injured shoulderthe london irish-bound winger is now a doubt for the world cupthe kiwi has won 15 caps for scotland and toured with the lions in 2013']\n", - "scotland winger sean maitland is facing a race against time to be fit for the rugby world cup after it emerged he has undergone surgery on his injured shoulder .it was hoped the london irish-bound star might yet return to play a part in the pro12 run-in for glasgow warriors after being out of action since january -- but head coach gregor townsend reported on thursday that he had suffered a setback and has now played his last game for the club .former canterbury crusaders player maitland has won 15 caps for scotland\n", - "sean maitland has undergone surgery on his injured shoulderthe london irish-bound winger is now a doubt for the world cupthe kiwi has won 15 caps for scotland and toured with the lions in 2013\n", - "[1.2880206 1.1451759 1.4071736 1.3069873 1.3183163 1.0744197 1.1317285\n", - " 1.1031995 1.0424201 1.0389197 1.1125822 1.0496628 1.0222095 1.0991436\n", - " 1.0882983 1.0471765 1.0563614 1.0147936 1.0117036 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 4 3 0 1 6 10 7 13 14 5 16 11 15 8 9 12 17 18 20 19 21]\n", - "=======================\n", - "[\"now researchers in the us and italy say they have evidence that dna-like fragments may have come with ` instructions ' that guided their growth into complex life forms 4 billion years ago .but while they have been able to put a date on when life appeared , they are still far from knowing how it appeared .it is one of three major biological molecules that are essential for all known forms of life , along with dna and proteins .\"]\n", - "=======================\n", - "['scientists say early dna-like fragments guided their own growththey claim the process can drive the formation of chemical bondsthese connect short dna chains to form long ones for life to evolvethis self-assembly capability has been shown to take place in rna']\n", - "now researchers in the us and italy say they have evidence that dna-like fragments may have come with ` instructions ' that guided their growth into complex life forms 4 billion years ago .but while they have been able to put a date on when life appeared , they are still far from knowing how it appeared .it is one of three major biological molecules that are essential for all known forms of life , along with dna and proteins .\n", - "scientists say early dna-like fragments guided their own growththey claim the process can drive the formation of chemical bondsthese connect short dna chains to form long ones for life to evolvethis self-assembly capability has been shown to take place in rna\n", - "[1.5789466 1.4355582 1.0881422 1.1748621 1.2019417 1.2514076 1.0378851\n", - " 1.0412858 1.0731148 1.0436298 1.0612603 1.0135971 1.0831289 1.049497\n", - " 1.0387168 1.0505537 1.1630539 1.0228639 1.0077759 1.0091288 1.0214114\n", - " 1.0110344]\n", - "\n", - "[ 0 1 5 4 3 16 2 12 8 10 15 13 9 7 14 6 17 20 11 21 19 18]\n", - "=======================\n", - "['lewis hamilton dominated qualifying for the bahrain grand prix -- taking pole position under the lights at sakhir by four-tenths of a second from sebastian vettel of ferrari .he has got pole in every race this season and been impressively quick in each race .he will start 20th and last -- no place to start his 100th race for the team .']\n", - "=======================\n", - "[\"lewis hamilton qualified in pole position for the bahrain grand prixferrari 's sebastian vettel pipped mercedes ' nico rosberg to secondhamilton has qualified pole in each of this season 's four racesthe brit qualified four tenths faster than vettel and six faster than rosberg\"]\n", - "lewis hamilton dominated qualifying for the bahrain grand prix -- taking pole position under the lights at sakhir by four-tenths of a second from sebastian vettel of ferrari .he has got pole in every race this season and been impressively quick in each race .he will start 20th and last -- no place to start his 100th race for the team .\n", - "lewis hamilton qualified in pole position for the bahrain grand prixferrari 's sebastian vettel pipped mercedes ' nico rosberg to secondhamilton has qualified pole in each of this season 's four racesthe brit qualified four tenths faster than vettel and six faster than rosberg\n", - "[1.3841867 1.3102794 1.1930176 1.1850326 1.2284299 1.172703 1.1356044\n", - " 1.0645868 1.173507 1.1325569 1.2265388 1.0265149 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 10 2 3 8 5 6 9 7 11 15 12 13 14 16]\n", - "=======================\n", - "['liverpool and newcastle players took part in a minute silence before their premier league match at anfield on monday night in memory of the 96 fans who died at hillsborough almost 26 years ago .the fixture at anfield , which took place two days before the 26th anniversary of the disaster , was preceded by a period of silence from both teams and the 45,000 fans gathered .former newcastle captain bobby moncur laid flowers at the hillsborough memorial before the game']\n", - "=======================\n", - "['liverpool and newcastle players took part in a minute silenceon 15 april 1989 , 96 liverpool fans were crushed to death at hillsboroughmatch at anfield took place two days before 26th anniversaryformer newcastle captain bobby moncur laid flowers at memorial']\n", - "liverpool and newcastle players took part in a minute silence before their premier league match at anfield on monday night in memory of the 96 fans who died at hillsborough almost 26 years ago .the fixture at anfield , which took place two days before the 26th anniversary of the disaster , was preceded by a period of silence from both teams and the 45,000 fans gathered .former newcastle captain bobby moncur laid flowers at the hillsborough memorial before the game\n", - "liverpool and newcastle players took part in a minute silenceon 15 april 1989 , 96 liverpool fans were crushed to death at hillsboroughmatch at anfield took place two days before 26th anniversaryformer newcastle captain bobby moncur laid flowers at memorial\n", - "[1.2189989 1.300745 1.3996761 1.2358248 1.2171378 1.1697934 1.148072\n", - " 1.0820714 1.0882058 1.1411592 1.1011227 1.0340668 1.0316691 1.0795934\n", - " 1.111513 1.0668058 1.021683 ]\n", - "\n", - "[ 2 1 3 0 4 5 6 9 14 10 8 7 13 15 11 12 16]\n", - "=======================\n", - "[\"more than 300,000 people had to be evacuated after three of fukushima 's six reactors blew up following the huge tsunami which devastated the country over three years ago .these incredible pictures offer the first glimpse into the melted reactors at the japanese plant after the 2011 nuclear disaster .nearly 16,000 people lost their lives in the natural disaster and subsequent devastation .\"]\n", - "=======================\n", - "['fukushima nuclear power plant went into meltdown in the 2011 disasterthree reactors blew up after tsunami causing 300,000 to be evacuateda robot was sent into one of the nuclear reactors to inspect melted fuelbut it stalled within three hours of the mission and has to be abandoned']\n", - "more than 300,000 people had to be evacuated after three of fukushima 's six reactors blew up following the huge tsunami which devastated the country over three years ago .these incredible pictures offer the first glimpse into the melted reactors at the japanese plant after the 2011 nuclear disaster .nearly 16,000 people lost their lives in the natural disaster and subsequent devastation .\n", - "fukushima nuclear power plant went into meltdown in the 2011 disasterthree reactors blew up after tsunami causing 300,000 to be evacuateda robot was sent into one of the nuclear reactors to inspect melted fuelbut it stalled within three hours of the mission and has to be abandoned\n", - "[1.0813967 1.3840587 1.2666239 1.1474191 1.2247121 1.0836675 1.1156886\n", - " 1.1018257 1.0753735 1.1112099 1.1109664 1.048459 1.0735552 1.0667225\n", - " 1.0510952 0. 0. ]\n", - "\n", - "[ 1 2 4 3 6 9 10 7 5 0 8 12 13 14 11 15 16]\n", - "=======================\n", - "['all the land in the lower 48 states was worth a combined $ 23trillion in 2009 , combination of tax and real estate data in a paper published by the commerce department as revealed .the entire country is worth $ 23trillion , according to new studya map of the us by county shows areas with land values from $ 73,000 to $ 3.35 million per acre in dark blue and land less than $ 2,000 per acre in white .']\n", - "=======================\n", - "['study from commerce department says us was worth $ 26trillion in 2006dc and new jersey worth the most per acre , with wyoming the leastforty-seven per cent of the us is farmland , only 5.8 per cent developed']\n", - "all the land in the lower 48 states was worth a combined $ 23trillion in 2009 , combination of tax and real estate data in a paper published by the commerce department as revealed .the entire country is worth $ 23trillion , according to new studya map of the us by county shows areas with land values from $ 73,000 to $ 3.35 million per acre in dark blue and land less than $ 2,000 per acre in white .\n", - "study from commerce department says us was worth $ 26trillion in 2006dc and new jersey worth the most per acre , with wyoming the leastforty-seven per cent of the us is farmland , only 5.8 per cent developed\n", - "[1.2840006 1.3833249 1.164356 1.2847776 1.0995698 1.1381128 1.1214452\n", - " 1.0880762 1.0255297 1.2030697 1.0564622 1.1339402 1.0636467 1.0590454\n", - " 1.0508318 1.105338 0. ]\n", - "\n", - "[ 1 3 0 9 2 5 11 6 15 4 7 12 13 10 14 8 16]\n", - "=======================\n", - "[\"the police and bomb squad were called after the four-propeller , 50-centimeter wide drone , was spotted by member of the prime minister 's staff , on the roof of his principle office and residence in chiyoda-ku , tokyo .the drone was equipped with a small camera and a plastic bottle containing small traces of a radioactive material , according to japanese media .the radioactive material is likely caesium , a soft metal and harmless to the human body , tokyo metropolitan police said .\"]\n", - "=======================\n", - "['remote control device had miniscule levels of radioactive substancefollows protests over plans to restart two nuclear reactorsfears over nuclear policy stem from fukushima disaster after tsunamiprime minister shinzo abe was not in residence at the time']\n", - "the police and bomb squad were called after the four-propeller , 50-centimeter wide drone , was spotted by member of the prime minister 's staff , on the roof of his principle office and residence in chiyoda-ku , tokyo .the drone was equipped with a small camera and a plastic bottle containing small traces of a radioactive material , according to japanese media .the radioactive material is likely caesium , a soft metal and harmless to the human body , tokyo metropolitan police said .\n", - "remote control device had miniscule levels of radioactive substancefollows protests over plans to restart two nuclear reactorsfears over nuclear policy stem from fukushima disaster after tsunamiprime minister shinzo abe was not in residence at the time\n", - "[1.2620428 1.3693517 1.3087101 1.1701145 1.2391046 1.0783485 1.0961642\n", - " 1.1516793 1.0281634 1.0838943 1.0983703 1.0477539 1.0404048 1.0539674\n", - " 1.0574285 1.0137408 1.0174428]\n", - "\n", - "[ 1 2 0 4 3 7 10 6 9 5 14 13 11 12 8 16 15]\n", - "=======================\n", - "[\"the 6,825-tonne passenger ship sank off the southwest coast on april 16 last year with most of the victims , high school students .thousands of protesters met in the capital seoul to call on officials to raise the sewol after senior government officials said they would ` consider it . 'a total of 295 bodies were recovered from the ferry , and nine victims remained unaccounted for when divers finally called off the dangerous search of its interior last november .\"]\n", - "=======================\n", - "[\"most victims of the disaster were high school studentspresident park geun-hye promised to ` actively consider ' raising itofficials said it would cost # 68million if weather conditions are goodsewol 's captain was jailed for 36 years for gross negligence last year\"]\n", - "the 6,825-tonne passenger ship sank off the southwest coast on april 16 last year with most of the victims , high school students .thousands of protesters met in the capital seoul to call on officials to raise the sewol after senior government officials said they would ` consider it . 'a total of 295 bodies were recovered from the ferry , and nine victims remained unaccounted for when divers finally called off the dangerous search of its interior last november .\n", - "most victims of the disaster were high school studentspresident park geun-hye promised to ` actively consider ' raising itofficials said it would cost # 68million if weather conditions are goodsewol 's captain was jailed for 36 years for gross negligence last year\n", - "[1.2147307 1.4074643 1.3800635 1.1217576 1.1269813 1.1737385 1.1883034\n", - " 1.099672 1.1437758 1.0740561 1.0928881 1.044118 1.0253063 1.0204788\n", - " 1.119809 1.0298065 1.2164042 1.0356997 1.0346887 1.0232859 1.0214167]\n", - "\n", - "[ 1 2 16 0 6 5 8 4 3 14 7 10 9 11 17 18 15 12 19 20 13]\n", - "=======================\n", - "[\"police in canada have also charged joanna flynn , a former nurse at georgian bay general hospital in ontario , with criminal negligence causing death .the 50-year-old was arrested on thursday , and it is thought it is the first time a health care professional has been charged for switching off a life support machine in canada .the mother of two died at the hospital on march 2 , 2014 , leaving the couple 's two young sons aged 15 and 18 .\"]\n", - "=======================\n", - "[\"joanna flynn , 50 , also charged with criminal negligence causing death` this should never have happened ' , widower of alleged victim tells mediadeanna leblanc died last year at georgian bay general hospital , ontario\"]\n", - "police in canada have also charged joanna flynn , a former nurse at georgian bay general hospital in ontario , with criminal negligence causing death .the 50-year-old was arrested on thursday , and it is thought it is the first time a health care professional has been charged for switching off a life support machine in canada .the mother of two died at the hospital on march 2 , 2014 , leaving the couple 's two young sons aged 15 and 18 .\n", - "joanna flynn , 50 , also charged with criminal negligence causing death` this should never have happened ' , widower of alleged victim tells mediadeanna leblanc died last year at georgian bay general hospital , ontario\n", - "[1.2012886 1.4984212 1.2014542 1.1229262 1.2480524 1.3676192 1.0904202\n", - " 1.0802844 1.0736523 1.0833268 1.0442405 1.0676333 1.011717 1.018015\n", - " 1.011421 1.0130416 1.0365745 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 4 2 0 3 6 9 7 8 11 10 16 13 15 12 14 17 18 19 20]\n", - "=======================\n", - "[\"tony hatch and jackie trent , who were married for more than three decades , were dubbed ` mr and mrs music ' after composing for artists including frank sinatra , dean martin , scott walker , shirley bassey and petula clark .tony hatch ( left ) and his former wife jackie trent ( right ) wrote a chart-topping hits for the world 's biggest stars but he was banned from her funeral last monthso when trent died last month aged 74 after a long battle with cancer , hatch was expected to be at her funeral to say a final goodbye .\"]\n", - "=======================\n", - "[\"tony hatch and jackie trent wrote chart-topping hits for musical superstarsthey divorced after three decades of marriage but have a daughter togetherbut he did not attend her funeral when trent died at the age of 74 last monthher second husband ` banned hatch from funeral for breaking his wife 's heart '\"]\n", - "tony hatch and jackie trent , who were married for more than three decades , were dubbed ` mr and mrs music ' after composing for artists including frank sinatra , dean martin , scott walker , shirley bassey and petula clark .tony hatch ( left ) and his former wife jackie trent ( right ) wrote a chart-topping hits for the world 's biggest stars but he was banned from her funeral last monthso when trent died last month aged 74 after a long battle with cancer , hatch was expected to be at her funeral to say a final goodbye .\n", - "tony hatch and jackie trent wrote chart-topping hits for musical superstarsthey divorced after three decades of marriage but have a daughter togetherbut he did not attend her funeral when trent died at the age of 74 last monthher second husband ` banned hatch from funeral for breaking his wife 's heart '\n", - "[1.3439252 1.4343615 1.2534717 1.3327758 1.1976786 1.0544212 1.129152\n", - " 1.0275607 1.1171523 1.0340295 1.1632078 1.0219573 1.0447855 1.047435\n", - " 1.0388356 1.017434 1.0167223 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 10 6 8 5 13 12 14 9 7 11 15 16 19 17 18 20]\n", - "=======================\n", - "[\"the ukip leader risked alienating those watching at westminster 's central hall in london as he protested they were ` a remarkable audience even by the left-wing standards of the bbc ' .nigel farage was booed by the audience of last night 's live television debate after complaining of a ` total lack of comprehension ' from those in attendance .his outburst came less than half an hour into the event after some of his comments about pressure on housing due to immigration were greeted with mutters from those watching .\"]\n", - "=======================\n", - "[\"ukip leader nigel farage risks alienating those watching debate last nightcomplains of ` remarkable audience even by left-wing standards of bbc 'comments on housing pressure due to immigration greeted with muttersdavid dimbleby says independent polling firm chose ` balanced ' audience\"]\n", - "the ukip leader risked alienating those watching at westminster 's central hall in london as he protested they were ` a remarkable audience even by the left-wing standards of the bbc ' .nigel farage was booed by the audience of last night 's live television debate after complaining of a ` total lack of comprehension ' from those in attendance .his outburst came less than half an hour into the event after some of his comments about pressure on housing due to immigration were greeted with mutters from those watching .\n", - "ukip leader nigel farage risks alienating those watching debate last nightcomplains of ` remarkable audience even by left-wing standards of bbc 'comments on housing pressure due to immigration greeted with muttersdavid dimbleby says independent polling firm chose ` balanced ' audience\n", - "[1.2692716 1.5683737 1.3379378 1.4077468 1.10115 1.0608996 1.0339959\n", - " 1.0170738 1.0162028 1.0757647 1.0563896 1.1700573 1.049522 1.0742514\n", - " 1.0295575 1.0189979 1.0122212 1.1164609 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 11 17 4 9 13 5 10 12 6 14 15 7 8 16 18 19 20]\n", - "=======================\n", - "['steve tempest-mitchell , from bradford , west yorkshire , lost a whopping 16st after the surgery 14 months ago , which caused his stomach to shrink to the size of a tennis ball .slim and trim : steve tempest-mitchell says he has a new lease of life after slimming down from 32st to 16stthe 56-year-old said he decided to go through with the operation after hitting 32st and struggling to control his type 2 diabetes .']\n", - "=======================\n", - "['steve tempest-mitchell had gastric bypass surgery to shrink his stomachthe 56-year-old took drastic measure after tipping the scales at 32stbradford father-of-three was struggling to control diabetesalmost housebound and was consuming eight cans of fizzy drinks a dayhad to be helped onto a plane in a wheelchair or special buggy']\n", - "steve tempest-mitchell , from bradford , west yorkshire , lost a whopping 16st after the surgery 14 months ago , which caused his stomach to shrink to the size of a tennis ball .slim and trim : steve tempest-mitchell says he has a new lease of life after slimming down from 32st to 16stthe 56-year-old said he decided to go through with the operation after hitting 32st and struggling to control his type 2 diabetes .\n", - "steve tempest-mitchell had gastric bypass surgery to shrink his stomachthe 56-year-old took drastic measure after tipping the scales at 32stbradford father-of-three was struggling to control diabetesalmost housebound and was consuming eight cans of fizzy drinks a dayhad to be helped onto a plane in a wheelchair or special buggy\n", - "[1.2217746 1.2301983 1.3341153 1.3579018 1.106087 1.0391041 1.0927503\n", - " 1.070916 1.1571836 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 0 8 4 6 7 5 18 17 16 15 14 10 12 11 19 9 13 20]\n", - "=======================\n", - "[\"it 's all part of national park week , happening april 18 through april 26 , and it 's hosted by the national park service and the national park foundation .and for saturday and sunday , they 're also free .( cnn ) from the giant sequoias of yosemite to the geysers of yellowstone , the united states ' national parks were made for you and me .\"]\n", - "=======================\n", - "[\"it 's national park week , and that means the parks are free april 18-19stargazing , revolutionary war programs and other fun happens this week\"]\n", - "it 's all part of national park week , happening april 18 through april 26 , and it 's hosted by the national park service and the national park foundation .and for saturday and sunday , they 're also free .( cnn ) from the giant sequoias of yosemite to the geysers of yellowstone , the united states ' national parks were made for you and me .\n", - "it 's national park week , and that means the parks are free april 18-19stargazing , revolutionary war programs and other fun happens this week\n", - "[1.2994968 1.2238203 1.2220404 1.3289193 1.2610679 1.085337 1.1091084\n", - " 1.0605793 1.1839578 1.079471 1.0547218 1.0133592 1.0222251 1.0848153\n", - " 1.0788 1.0989939 1.0583695 1.0530967 0. 0. ]\n", - "\n", - "[ 3 0 4 1 2 8 6 15 5 13 9 14 7 16 10 17 12 11 18 19]\n", - "=======================\n", - "[\"the victorian farming federation launched an official complaint to the advertising standards bureau on monday .farmers and shearers across australia are ` prepared to fight tooth and nail for our farming industry ' after peta released a confronting campaign accusing the wool industry of barbaric treatment of their sheep .peta 's latest campaign shows vegan guitarist jona weinhofen , holding a severed lamb actually made of foam\"]\n", - "=======================\n", - "[\"peta release campaign accusing aussie shearers of mistreating sheepthe victorian farming federation launched official complaint on mondaythe advert shoes vegan guitarist jona weinhofen holding severed lambpeta later admitted the lamb was in fact a prop made of foamminister barnaby joyce has defended wool industry calling the ad ` rubbish '\"]\n", - "the victorian farming federation launched an official complaint to the advertising standards bureau on monday .farmers and shearers across australia are ` prepared to fight tooth and nail for our farming industry ' after peta released a confronting campaign accusing the wool industry of barbaric treatment of their sheep .peta 's latest campaign shows vegan guitarist jona weinhofen , holding a severed lamb actually made of foam\n", - "peta release campaign accusing aussie shearers of mistreating sheepthe victorian farming federation launched official complaint on mondaythe advert shoes vegan guitarist jona weinhofen holding severed lambpeta later admitted the lamb was in fact a prop made of foamminister barnaby joyce has defended wool industry calling the ad ` rubbish '\n", - "[1.1878088 1.0668466 1.3511827 1.1195166 1.0568879 1.0679432 1.1136502\n", - " 1.2112405 1.1909428 1.0414399 1.1171376 1.0564996 1.0934218 1.0893818\n", - " 1.0394729 1.0382171 0. 0. 0. 0. ]\n", - "\n", - "[ 2 7 8 0 3 10 6 12 13 5 1 4 11 9 14 15 16 17 18 19]\n", - "=======================\n", - "[\"the mission , a joint effort between indian air crew and a nepalese army medical team , is only the third operation of its kind to reach the village since saturday 's massive 7.8-magnitude quake , which left more than 5,000 people dead .according to nepal 's national emergency operation center , 1,376 people were killed in sindhupalchok district , where melamchi is located , when the earthquake hit .some 18,000 houses were destroyed and 100,000 people have been displaced in the surrounding area , says tamang .\"]\n", - "=======================\n", - "[\"indian air force and nepalese army medical team launch rescue mission to bring injured people to hospitals in kathmanduforshani tamang 's family carried her for four hours to reach help after she was wounded when their home was destroyed\"]\n", - "the mission , a joint effort between indian air crew and a nepalese army medical team , is only the third operation of its kind to reach the village since saturday 's massive 7.8-magnitude quake , which left more than 5,000 people dead .according to nepal 's national emergency operation center , 1,376 people were killed in sindhupalchok district , where melamchi is located , when the earthquake hit .some 18,000 houses were destroyed and 100,000 people have been displaced in the surrounding area , says tamang .\n", - "indian air force and nepalese army medical team launch rescue mission to bring injured people to hospitals in kathmanduforshani tamang 's family carried her for four hours to reach help after she was wounded when their home was destroyed\n", - "[1.4349458 1.2099984 1.1862283 1.4198741 1.2476611 1.1350293 1.0531989\n", - " 1.0743207 1.1629163 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 1 2 8 5 7 6 17 16 15 14 9 12 11 10 18 13 19]\n", - "=======================\n", - "[\"dikembe mutombo , an eight-times nba all-star who was famous for swatting away opponents ' shots and wagging his finger at them , was elected to the naismith memorial basketball hall of fame on monday .mutombo , a shot-blocking congolese centre whose legendary finger-wagging motion became one of the most recognized gestures in the game , was a four-times nba defensive player of the year and led the league in blocked shots for five straight seasons .mutombo played in the nba from 1991 until 2009 , recording 11,729 points , 12,359 rebounds , and 3,289 blocks during 18 seasons spent mostly with denver , atlanta and houston .\"]\n", - "=======================\n", - "[\"dikembe mutombo was an eight-times nba all-star famous for swatting away opponents ' shots and wagging his finger at themhe has been elected to the naismith memorial basketball hall of famemutombo played in the nba from 1991 until 2009 , and mostly spent his 18 seasons with denver , atlanta and houston .\"]\n", - "dikembe mutombo , an eight-times nba all-star who was famous for swatting away opponents ' shots and wagging his finger at them , was elected to the naismith memorial basketball hall of fame on monday .mutombo , a shot-blocking congolese centre whose legendary finger-wagging motion became one of the most recognized gestures in the game , was a four-times nba defensive player of the year and led the league in blocked shots for five straight seasons .mutombo played in the nba from 1991 until 2009 , recording 11,729 points , 12,359 rebounds , and 3,289 blocks during 18 seasons spent mostly with denver , atlanta and houston .\n", - "dikembe mutombo was an eight-times nba all-star famous for swatting away opponents ' shots and wagging his finger at themhe has been elected to the naismith memorial basketball hall of famemutombo played in the nba from 1991 until 2009 , and mostly spent his 18 seasons with denver , atlanta and houston .\n", - "[1.3873876 1.2320046 1.0498552 1.1433187 1.2144525 1.2146331 1.19637\n", - " 1.0234923 1.0161493 1.0299995 1.0173225 1.0295069 1.062809 1.0867761\n", - " 1.0352178 1.0188518 1.0211376 1.0110983 1.011784 1.0958947]\n", - "\n", - "[ 0 1 5 4 6 3 19 13 12 2 14 9 11 7 16 15 10 8 18 17]\n", - "=======================\n", - "[\"if virgil van dijk is absent from the shortlists for this season 's player of the year awards , celtic will surely fire off a stiff missive seeking clarification on the reasons .the prospect of a treble evaporated last sunday , an afternoon ronny deila now describes as the worst of his career .celtic 's jason denayer ( left ) challenges greg stewart ( right ) during the scottish premiership match\"]\n", - "=======================\n", - "[\"celtic beat dundee 2-1 away at den 's park on wednesday nightthe win sees them extend their lead at the top of the scottish premiershipgary mackay-steven set the bhoys on their way with a cool first-half finishvirgil van dijk scored a stunning free-kick in the second-halfjim mcalister grabbed a late consolation for the home side on 87 minutes\"]\n", - "if virgil van dijk is absent from the shortlists for this season 's player of the year awards , celtic will surely fire off a stiff missive seeking clarification on the reasons .the prospect of a treble evaporated last sunday , an afternoon ronny deila now describes as the worst of his career .celtic 's jason denayer ( left ) challenges greg stewart ( right ) during the scottish premiership match\n", - "celtic beat dundee 2-1 away at den 's park on wednesday nightthe win sees them extend their lead at the top of the scottish premiershipgary mackay-steven set the bhoys on their way with a cool first-half finishvirgil van dijk scored a stunning free-kick in the second-halfjim mcalister grabbed a late consolation for the home side on 87 minutes\n", - "[1.4044856 1.6243126 1.076018 1.4360076 1.3921434 1.0221592 1.0247698\n", - " 1.0184784 1.0165085 1.0151905 1.0157264 1.1126287 1.0589808 1.1525438\n", - " 1.118242 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 13 14 11 2 12 6 5 7 8 10 9 15 16 17 18 19]\n", - "=======================\n", - "[\"the giants have plummeted from third to ninth after losing all three games over the easter holiday period but they go into sunday 's home game against catalans dragons with the best defensive record in the league .paul anderson is hoping to kick-start his hudderfield side 's misfiring attack to climb up super leaguethe yorkshiremen can climb to a season-high fourth if they make it three wins in a row and vikings coach denis betts is expecting a stern test from daryl powell 's improving side .\"]\n", - "=======================\n", - "['huddersfield have plummeted to ninth in super league after a horrible easterpaul anderson admits his misfiring side need to change going forwardthey face catalan dragons , who have the best defence around , on sunday']\n", - "the giants have plummeted from third to ninth after losing all three games over the easter holiday period but they go into sunday 's home game against catalans dragons with the best defensive record in the league .paul anderson is hoping to kick-start his hudderfield side 's misfiring attack to climb up super leaguethe yorkshiremen can climb to a season-high fourth if they make it three wins in a row and vikings coach denis betts is expecting a stern test from daryl powell 's improving side .\n", - "huddersfield have plummeted to ninth in super league after a horrible easterpaul anderson admits his misfiring side need to change going forwardthey face catalan dragons , who have the best defence around , on sunday\n", - "[1.1088355 1.142564 1.3443505 1.2904575 1.2620468 1.2163017 1.1066147\n", - " 1.06705 1.1276237 1.069709 1.1606346 1.105327 1.0688125 1.0547589\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 4 5 10 1 8 0 6 11 9 12 7 13 14 15 16 17 18]\n", - "=======================\n", - "[\"captured in a 15-second clip , the youngster emulates the way her pregnant mother walks - and the result is hilarious .the 15-month-old girl arches her back and pushes out her belly while strutting around the roomthe youngster pulls a cheeky face while her father also mimics the mum 's pregnant walk in the background\"]\n", - "=======================\n", - "[\"teri o'neil , 30 , filmed her daughter when she was six-months pregnantthe youngster pulls a cheeky face and struts about the room with dad15-month-old olivia is delighted with her impression\"]\n", - "captured in a 15-second clip , the youngster emulates the way her pregnant mother walks - and the result is hilarious .the 15-month-old girl arches her back and pushes out her belly while strutting around the roomthe youngster pulls a cheeky face while her father also mimics the mum 's pregnant walk in the background\n", - "teri o'neil , 30 , filmed her daughter when she was six-months pregnantthe youngster pulls a cheeky face and struts about the room with dad15-month-old olivia is delighted with her impression\n", - "[1.235675 1.4303219 1.2264327 1.2442381 1.3509736 1.1367058 1.0309238\n", - " 1.0811477 1.0517554 1.0605137 1.0338995 1.1188223 1.0589194 1.027642\n", - " 1.0422403 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 0 2 5 11 7 9 12 8 14 10 6 13 17 15 16 18]\n", - "=======================\n", - "[\"authorities rejected emma sulkowicz 's case that paul nungesser , a german citizen , was a ` serial rapist ' who assaulted her after class .` no protection ' : paul nungesser is suing columbia university for allowing emma sulkowicz to parade the school and take campus-provided transport with her mattress in protest against him , calling him a rapistand according to nungesser 's lawsuit citing ` gender-based harassment and defamation ' , columbia presented the allegations as fact on a university-owned website .\"]\n", - "=======================\n", - "[\"paul nungesser was accused of raping former friend emma sulkowiczthe case attracted international attention as she paraded her mattress everywhere she went in protest , calling for nungesser 's indictmenta judge threw out the case which branded nungesser a ` serial rapist 'he is now suing the school for failing to protect him from backlashnungesser , who is german , says the school presented the claims as fact\"]\n", - "authorities rejected emma sulkowicz 's case that paul nungesser , a german citizen , was a ` serial rapist ' who assaulted her after class .` no protection ' : paul nungesser is suing columbia university for allowing emma sulkowicz to parade the school and take campus-provided transport with her mattress in protest against him , calling him a rapistand according to nungesser 's lawsuit citing ` gender-based harassment and defamation ' , columbia presented the allegations as fact on a university-owned website .\n", - "paul nungesser was accused of raping former friend emma sulkowiczthe case attracted international attention as she paraded her mattress everywhere she went in protest , calling for nungesser 's indictmenta judge threw out the case which branded nungesser a ` serial rapist 'he is now suing the school for failing to protect him from backlashnungesser , who is german , says the school presented the claims as fact\n", - "[1.3818867 1.359101 1.1792498 1.2874234 1.0570822 1.078818 1.0823774\n", - " 1.1175119 1.065318 1.0732374 1.042922 1.2157757 1.0928935 1.0356597\n", - " 1.0386251 1.028393 1.0286915 1.0342811 1.01466 ]\n", - "\n", - "[ 0 1 3 11 2 7 12 6 5 9 8 4 10 14 13 17 16 15 18]\n", - "=======================\n", - "['bruce jenner has confirmed he started a gender transition process in the mid-1980s but stopped after he met and fell in love with kris kardashian , who became his third wife .the 65-year-old told diane sawyer he embarked on hormone therapy and electrolysis , and had plastic surgery to make his features look more feminine , shortly after winning the olympic gold .change of heart : bruce halted his gender transition after meeting kris kardashian in late 1990 .']\n", - "=======================\n", - "['bruce started hormone therapy and had plastic surgery to look more feminine in the late 1980she was inspired by the story of transgender tennis player renee richards who was born a man and in 1976 won the right to compete as a womanolympic decathlete reveals he halted the gender transition process after meeting kris kardashian in late 1990bruce and kris married in april 1991 and had two daughters before their divorce last december']\n", - "bruce jenner has confirmed he started a gender transition process in the mid-1980s but stopped after he met and fell in love with kris kardashian , who became his third wife .the 65-year-old told diane sawyer he embarked on hormone therapy and electrolysis , and had plastic surgery to make his features look more feminine , shortly after winning the olympic gold .change of heart : bruce halted his gender transition after meeting kris kardashian in late 1990 .\n", - "bruce started hormone therapy and had plastic surgery to look more feminine in the late 1980she was inspired by the story of transgender tennis player renee richards who was born a man and in 1976 won the right to compete as a womanolympic decathlete reveals he halted the gender transition process after meeting kris kardashian in late 1990bruce and kris married in april 1991 and had two daughters before their divorce last december\n", - "[1.2599726 1.1505342 1.3984836 1.2411661 1.2689476 1.097915 1.026794\n", - " 1.0201329 1.0870166 1.1637597 1.0801082 1.0737448 1.0597727 1.097427\n", - " 1.0571308 0. 0. 0. 0. ]\n", - "\n", - "[ 2 4 0 3 9 1 5 13 8 10 11 12 14 6 7 17 15 16 18]\n", - "=======================\n", - "['both federal government regulations and the american heart association have for decades warned that excess salt contributes to the deaths of tens of thousands of americans each year .the guidelines currently dictate the people should limit their intake to 2,300 milligrams , with an even stricter 1,500 milligram limit for african americans and people over 50 .for years medical experts have warned about the dangers of too much salt , but now new research is questioning conventional wisdom and warning instead of the dangers of too little salt']\n", - "=======================\n", - "['current federal government guidelines dictate the people should limit their salt intake to 2,300 milligramsscientists now believe a typical healthy person can consume as much as 6,000 milligrams per day without significantly raising health risksthe same skeptics also warn of the health risks associated with consuming less than 3,000 milligramsaverage american ingests about 3,500 milligrams of salt per day']\n", - "both federal government regulations and the american heart association have for decades warned that excess salt contributes to the deaths of tens of thousands of americans each year .the guidelines currently dictate the people should limit their intake to 2,300 milligrams , with an even stricter 1,500 milligram limit for african americans and people over 50 .for years medical experts have warned about the dangers of too much salt , but now new research is questioning conventional wisdom and warning instead of the dangers of too little salt\n", - "current federal government guidelines dictate the people should limit their salt intake to 2,300 milligramsscientists now believe a typical healthy person can consume as much as 6,000 milligrams per day without significantly raising health risksthe same skeptics also warn of the health risks associated with consuming less than 3,000 milligramsaverage american ingests about 3,500 milligrams of salt per day\n", - "[1.192694 1.441726 1.4261864 1.3810142 1.2753214 1.1985631 1.1253864\n", - " 1.1322731 1.060737 1.0489249 1.0585523 1.0156611 1.0118945 1.0612098\n", - " 1.0718518 1.058916 1.0396469 1.0410293 1.0300541]\n", - "\n", - "[ 1 2 3 4 5 0 7 6 14 13 8 15 10 9 17 16 18 11 12]\n", - "=======================\n", - "['noelle baynham was found by a close friend who let himself in after she failed to answer the door .the body had been partially eaten by the jack russell and staffordshire bull terrier , which are initially thought to have tried to wake her before becoming desperate for food .it is believed the 61-year-old from winchester , hampshire , collapsed and died following an accidental overdose of medication .']\n", - "=======================\n", - "['jack russell and staffordshire bull terrier were trapped in housebelieved they tried to wake her before eating parts of her remainscoroner heard likely cause of death was from accidental overdoseboth dogs have now been destroyed on the advice of police']\n", - "noelle baynham was found by a close friend who let himself in after she failed to answer the door .the body had been partially eaten by the jack russell and staffordshire bull terrier , which are initially thought to have tried to wake her before becoming desperate for food .it is believed the 61-year-old from winchester , hampshire , collapsed and died following an accidental overdose of medication .\n", - "jack russell and staffordshire bull terrier were trapped in housebelieved they tried to wake her before eating parts of her remainscoroner heard likely cause of death was from accidental overdoseboth dogs have now been destroyed on the advice of police\n", - "[1.3196635 1.476032 1.2038896 1.3752394 1.272874 1.3172398 1.0388495\n", - " 1.0903887 1.0826931 1.1023706 1.0478839 1.0314164 1.015632 1.026577\n", - " 1.0239725 1.0566479 1.0288186 1.0120791 1.0203487]\n", - "\n", - "[ 1 3 0 5 4 2 9 7 8 15 10 6 11 16 13 14 18 12 17]\n", - "=======================\n", - "[\"linda hogan purchased the 23.63-acre property for $ 3.5 million a year after she divorced the wwe hall of famer in 2009 .hulk hogan 's ex-wife linda has listed her simi valley mansion in california for sale at $ 5.5 millionthe property includes an award-winning swimming pool , complete with fountains , a waterfall and slide\"]\n", - "=======================\n", - "['linda hogan purchased the 23.63-acre property for $ 3.5 m a year after she divorced the wwe hall of famer in 2009linda remodeled the 6,300 sq ft house , adding stone walls , stone fireplaces , carved wood details and coffered ceilingsthe five bedroom , 5.5 bathroom estate , which has been put up for sale , also features a 1,200 sq ft guest house']\n", - "linda hogan purchased the 23.63-acre property for $ 3.5 million a year after she divorced the wwe hall of famer in 2009 .hulk hogan 's ex-wife linda has listed her simi valley mansion in california for sale at $ 5.5 millionthe property includes an award-winning swimming pool , complete with fountains , a waterfall and slide\n", - "linda hogan purchased the 23.63-acre property for $ 3.5 m a year after she divorced the wwe hall of famer in 2009linda remodeled the 6,300 sq ft house , adding stone walls , stone fireplaces , carved wood details and coffered ceilingsthe five bedroom , 5.5 bathroom estate , which has been put up for sale , also features a 1,200 sq ft guest house\n", - "[1.1370714 1.4657998 1.4331031 1.2231238 1.3451818 1.0757418 1.065778\n", - " 1.0309614 1.1087222 1.0289553 1.0210788 1.0195156 1.1275536 1.0713152\n", - " 1.0216534 1.0109026 1.0197294 0. 0. ]\n", - "\n", - "[ 1 2 4 3 0 12 8 5 13 6 7 9 14 10 16 11 15 17 18]\n", - "=======================\n", - "[\"but followers of gold coast training queen ashy bines were shocked to receive an email on saturday advertising one of her exclusive programs for an eye-popping $ us49 ,500 per year .ms bines on monday apologised to her ` very angry and upset ' followers after an extra zero was added to the cost of the yearlong program - the real price being a tenth of that , or $ 4,950 .` there was a mistake in the wording , ' ms bines said in an email to her thousands of followers , after questions from daily mail australia .\"]\n", - "=======================\n", - "[\"gold coast training queen ashy bines has apologised to her ` very upset followers ' after errorin an email on saturday , she mistakenly wrote that a new exclusive program cost $ us49 ,500 per yearthe real cost of the program was actually a tenth of that , or $ us4 ,950.00 , according to ms binesthe exclusive , year-long program has now sold out , a spokeswoman told daily mail australia\"]\n", - "but followers of gold coast training queen ashy bines were shocked to receive an email on saturday advertising one of her exclusive programs for an eye-popping $ us49 ,500 per year .ms bines on monday apologised to her ` very angry and upset ' followers after an extra zero was added to the cost of the yearlong program - the real price being a tenth of that , or $ 4,950 .` there was a mistake in the wording , ' ms bines said in an email to her thousands of followers , after questions from daily mail australia .\n", - "gold coast training queen ashy bines has apologised to her ` very upset followers ' after errorin an email on saturday , she mistakenly wrote that a new exclusive program cost $ us49 ,500 per yearthe real cost of the program was actually a tenth of that , or $ us4 ,950.00 , according to ms binesthe exclusive , year-long program has now sold out , a spokeswoman told daily mail australia\n", - "[1.1368097 1.3895993 1.3015596 1.347254 1.2670789 1.0873939 1.0290409\n", - " 1.042339 1.0440866 1.1048125 1.0535626 1.0387218 1.0549625 1.0272957\n", - " 1.0180885 1.0731018 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 9 5 15 12 10 8 7 11 6 13 14 17 16 18]\n", - "=======================\n", - "[\"the duchess of cambridge , who is due to give birth any day now , was applauded for her natural approach to her post-birth figure , when she had prince george in 2013 .experts agree that carefully easing the body back into exercise is the best method and camilla lawrence , women 's health physiotherapist at six physio , tells mailonline how to get your body back to its pre-pregnancy shape - safely .with celebrities appearing to magically snap back into shape mere weeks after giving birth , there 's increasing pressure on new mums to get their pre-pregnancy body back quicker than ever .\"]\n", - "=======================\n", - "[\"new mothers under more pressure than ever to ` bounce back ' after birthexperts warn that doing too much too soon could do long term damagecamilla lawrence , women 's health physiotherapist , says safety is key\"]\n", - "the duchess of cambridge , who is due to give birth any day now , was applauded for her natural approach to her post-birth figure , when she had prince george in 2013 .experts agree that carefully easing the body back into exercise is the best method and camilla lawrence , women 's health physiotherapist at six physio , tells mailonline how to get your body back to its pre-pregnancy shape - safely .with celebrities appearing to magically snap back into shape mere weeks after giving birth , there 's increasing pressure on new mums to get their pre-pregnancy body back quicker than ever .\n", - "new mothers under more pressure than ever to ` bounce back ' after birthexperts warn that doing too much too soon could do long term damagecamilla lawrence , women 's health physiotherapist , says safety is key\n", - "[1.2940667 1.0548935 1.4914864 1.4149452 1.2551174 1.2538257 1.0848107\n", - " 1.0187446 1.014037 1.1325943 1.2439206 1.1172957 1.0507151 1.0106066\n", - " 1.0148277 1.0962883 1.024164 1.0241102 1.0077091]\n", - "\n", - "[ 2 3 0 4 5 10 9 11 15 6 1 12 16 17 7 14 8 13 18]\n", - "=======================\n", - "[\"stephanie fragoso was cited on wednesday , april fools ' day , after she was stopped in las vegas by a nevada highway patrol ( nhp ) trooper .the state released distracted driving statistics as part of its campaign to have zero driving fatalities in 2015the ticket caused fragoso to receive points against her driving record .\"]\n", - "=======================\n", - "['stephanie fragoso cited wednesday after she was stopped in las vegasnevada highway patrol cop said she was applying makeup while drivingdistracted driving fines range from $ 50 for the first offense up to $ 250higher enforcement as state hopes to have zero driving fatalities in 2015']\n", - "stephanie fragoso was cited on wednesday , april fools ' day , after she was stopped in las vegas by a nevada highway patrol ( nhp ) trooper .the state released distracted driving statistics as part of its campaign to have zero driving fatalities in 2015the ticket caused fragoso to receive points against her driving record .\n", - "stephanie fragoso cited wednesday after she was stopped in las vegasnevada highway patrol cop said she was applying makeup while drivingdistracted driving fines range from $ 50 for the first offense up to $ 250higher enforcement as state hopes to have zero driving fatalities in 2015\n", - "[1.4563099 1.4608476 1.3333471 1.4312522 1.2747041 1.0474012 1.021703\n", - " 1.0411854 1.0248222 1.0151615 1.2409755 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 10 5 7 8 6 9 11 12 13 14 15 16 17 18]\n", - "=======================\n", - "[\"the brazil playmaker arrived at anfield for just # 8.5 million in 2013 and has progressed to become one of the premier league 's most revered players , including a nomination for the pfa player of the year award this term .inter milan sporting director piero ausilio has admitted being left feeling ` sad ' after the club lost patience and decided to sell philippe coutinho to liverpool .philippe coutinho has starred for liverpool since moving from inter milan in 2013\"]\n", - "=======================\n", - "['philippe coutinho has been nominated for pfa player of the yearbrazil international arrived at liverpool from inter milan for # 8.5 m in 2013serie a side admit they should have shown more patience with reds star']\n", - "the brazil playmaker arrived at anfield for just # 8.5 million in 2013 and has progressed to become one of the premier league 's most revered players , including a nomination for the pfa player of the year award this term .inter milan sporting director piero ausilio has admitted being left feeling ` sad ' after the club lost patience and decided to sell philippe coutinho to liverpool .philippe coutinho has starred for liverpool since moving from inter milan in 2013\n", - "philippe coutinho has been nominated for pfa player of the yearbrazil international arrived at liverpool from inter milan for # 8.5 m in 2013serie a side admit they should have shown more patience with reds star\n", - "[1.3140986 1.3916461 1.0947585 1.358856 1.2042503 1.1145124 1.0895752\n", - " 1.1158072 1.0932297 1.0838597 1.0867848 1.0673884 1.0530655 1.0360458\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 7 5 2 8 6 10 9 11 12 13 14 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "['the unidentified teenager is a victim and was released on monday from juvenile detention into the custody of county child protective services , said clark county district attorney steve wolfson .jondrew megil lachaux ( left ) , 39 , an ex-convict and kellie cherie phillips ( right ) , 38 , have been arrested on felony charges in the alleged abandonment case of three children in a north las vegas homethe other children -- ages one , four , seven , eight and nine -- were found with phillips in good health .']\n", - "=======================\n", - "['unidentified teen was released on monday from juvenile detention into custody of child protective services , district attorney saidjondrew lachaux , 39 , and kellie phillips , 38 , face child abuse chargeslachaux allegedly sexually assaulted the teen and she became pregnantfour-month-old girl was released from hospital and turned over on monday to custody of child protective services']\n", - "the unidentified teenager is a victim and was released on monday from juvenile detention into the custody of county child protective services , said clark county district attorney steve wolfson .jondrew megil lachaux ( left ) , 39 , an ex-convict and kellie cherie phillips ( right ) , 38 , have been arrested on felony charges in the alleged abandonment case of three children in a north las vegas homethe other children -- ages one , four , seven , eight and nine -- were found with phillips in good health .\n", - "unidentified teen was released on monday from juvenile detention into custody of child protective services , district attorney saidjondrew lachaux , 39 , and kellie phillips , 38 , face child abuse chargeslachaux allegedly sexually assaulted the teen and she became pregnantfour-month-old girl was released from hospital and turned over on monday to custody of child protective services\n", - "[1.5676564 1.2709181 1.1477098 1.51048 1.098707 1.0481029 1.047719\n", - " 1.0534319 1.0189027 1.0300618 1.0175494 1.015203 1.0494215 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 7 12 5 6 9 8 10 11 13 14 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"defender per mertesacker believes arsenal have become a stronger unit from their fa cup success of last season , but can not allow themselves any sense of complacency against reading at wembley in saturday 's fa cup semi-final .the gunners head into the tie on the back of a superb run of form , which has seen them win 16 from 18 matches in all competitions and up into second place in the barclays premier league .mertesacker pictured during a training session with his arsenal team-mates on friday ahead of the clash\"]\n", - "=======================\n", - "['arsenal face reading at wembley in the fa cup semi-final on saturdaythe gunners won the fa cup last season and are defending the trophyper mertesacker feels they have become stronger since winning last yearthe german defender will not allow complacency to creep in however']\n", - "defender per mertesacker believes arsenal have become a stronger unit from their fa cup success of last season , but can not allow themselves any sense of complacency against reading at wembley in saturday 's fa cup semi-final .the gunners head into the tie on the back of a superb run of form , which has seen them win 16 from 18 matches in all competitions and up into second place in the barclays premier league .mertesacker pictured during a training session with his arsenal team-mates on friday ahead of the clash\n", - "arsenal face reading at wembley in the fa cup semi-final on saturdaythe gunners won the fa cup last season and are defending the trophyper mertesacker feels they have become stronger since winning last yearthe german defender will not allow complacency to creep in however\n", - "[1.4174683 1.375109 1.1067362 1.4901198 1.1295484 1.1534172 1.0612795\n", - " 1.0349978 1.0192941 1.0170678 1.0150483 1.0205326 1.0185189 1.0186112\n", - " 1.0187746 1.0191311 1.0365525 1.073359 1.0265065 1.0262183 1.2999237\n", - " 1.0222387 1.0233456 0. ]\n", - "\n", - "[ 3 0 1 20 5 4 2 17 6 16 7 18 19 22 21 11 8 15 14 13 12 9 10 23]\n", - "=======================\n", - "[\"lewis hamilton was fastest in both practice sessions for this weekend 's chinese grand prixhamilton suggested mercedes will be back in control for this race after ferrari and sebastian vettel conjured one of the surprises for many a season with the team 's first victory for almost two years at the last race in malaysia .red bull 's daniel ricciardo was third quickest , 1.093 secs adrift , but only after taking to the track 40 minutes late due to issues .\"]\n", - "=======================\n", - "[\"lewis hamilton was fastest in both practice sessions for sunday 's racehamilton , the world champion , is bidding to win his fourth race in chinahe leads title race from sebastian vettel who won last time out in malaysiakimi raikkonen was second fastest in the second session in shanghaijenson button was 10th in his mclaren with fernando alonso 12th\"]\n", - "lewis hamilton was fastest in both practice sessions for this weekend 's chinese grand prixhamilton suggested mercedes will be back in control for this race after ferrari and sebastian vettel conjured one of the surprises for many a season with the team 's first victory for almost two years at the last race in malaysia .red bull 's daniel ricciardo was third quickest , 1.093 secs adrift , but only after taking to the track 40 minutes late due to issues .\n", - "lewis hamilton was fastest in both practice sessions for sunday 's racehamilton , the world champion , is bidding to win his fourth race in chinahe leads title race from sebastian vettel who won last time out in malaysiakimi raikkonen was second fastest in the second session in shanghaijenson button was 10th in his mclaren with fernando alonso 12th\n", - "[1.2374136 1.4567676 1.2936686 1.2544566 1.1653771 1.3203847 1.172601\n", - " 1.0463883 1.1254768 1.0717952 1.0359131 1.0250428 1.0098107 1.020593\n", - " 1.0191098 1.0265657 1.0392671 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 5 2 3 0 6 4 8 9 7 16 10 15 11 13 14 12 22 17 18 19 20 21 23]\n", - "=======================\n", - "[\"violet pietrok , who lives in portland , oregon , was born with frontonasal dysplasia , a malformation of the face and head that is developed in the womb .it is so rare only 100 cases have been reported .the condition caused a widening of violet 's facial features , specifically with her nose , which had no cartilage , and the space between her eyes .\"]\n", - "=======================\n", - "[\"violet pietrok was born with congenital facial malformation called frontonasal dysplasiaonly 100 cases of the condition have been reportedit caused a widening of her facial features , including nose and space between the eyes , making her vision more like a bird 'splastic surgeon made five different molds of violet 's skull using 3d printerallowed him to plan the cuts and incisions he needed to make and helped him find solutions to problems during surgery\"]\n", - "violet pietrok , who lives in portland , oregon , was born with frontonasal dysplasia , a malformation of the face and head that is developed in the womb .it is so rare only 100 cases have been reported .the condition caused a widening of violet 's facial features , specifically with her nose , which had no cartilage , and the space between her eyes .\n", - "violet pietrok was born with congenital facial malformation called frontonasal dysplasiaonly 100 cases of the condition have been reportedit caused a widening of her facial features , including nose and space between the eyes , making her vision more like a bird 'splastic surgeon made five different molds of violet 's skull using 3d printerallowed him to plan the cuts and incisions he needed to make and helped him find solutions to problems during surgery\n", - "[1.1708403 1.3801259 1.3657448 1.2756703 1.2340914 1.155623 1.1511316\n", - " 1.1407381 1.0143355 1.0117683 1.0096711 1.0121037 1.0859532 1.1415719\n", - " 1.1262025 1.0390362 1.1075037 1.0754815 1.074692 1.0184908 1.0123544\n", - " 1.0163809 1.1004474 1.081715 ]\n", - "\n", - "[ 1 2 3 4 0 5 6 13 7 14 16 22 12 23 17 18 15 19 21 8 20 11 9 10]\n", - "=======================\n", - "[\"kingston road in stockton is the backdrop for the latest series of the channel 4 documentary which divided opinion with its debut in birmingham 's james turner street .the programme follows the lives of a handful of benefits claimants and last year split public opinion with many accusing producers of promoting ` poverty tourism ' .angry neighbours claim housing bosses have ordered the makeover in anticipation of the show 's release\"]\n", - "=======================\n", - "[\"residents in stockton 's kingston road are followed in the newest seriesfilming has finished on the street with just weeks to go until it is airedbut neighbours say housing bosses have spruced it up before releasethey accused thirteen group of trying to improve conditions for visitors\"]\n", - "kingston road in stockton is the backdrop for the latest series of the channel 4 documentary which divided opinion with its debut in birmingham 's james turner street .the programme follows the lives of a handful of benefits claimants and last year split public opinion with many accusing producers of promoting ` poverty tourism ' .angry neighbours claim housing bosses have ordered the makeover in anticipation of the show 's release\n", - "residents in stockton 's kingston road are followed in the newest seriesfilming has finished on the street with just weeks to go until it is airedbut neighbours say housing bosses have spruced it up before releasethey accused thirteen group of trying to improve conditions for visitors\n", - "[1.3364937 1.4426926 1.3371519 1.2989699 1.2796444 1.0306162 1.0533911\n", - " 1.0173062 1.0121436 1.0698797 1.1161914 1.0822217 1.0330521 1.1791424\n", - " 1.0355287 1.1401825 1.0886132 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 13 15 10 16 11 9 6 14 12 5 7 8 19 17 18 20]\n", - "=======================\n", - "['ronald peijenburg , owner of the de zwann restaurant in etten-leur , has previously used a formula 1 racing car , hot air balloon and a helicopter to deliver the first crop of the seasonal vegetable .but the drone , which had a metal can attached containing several asparagus stalks , crashed and exploded mid-journey in the netherlands .a michelin-starred restaurant burned its first batch of asparagus after the drone flying it in crashed live on tv .']\n", - "=======================\n", - "['owner had used formula 1 car and hot air balloon to deliver in the pastdrone was being operated from back of a truck that followed behindlocal tv filmed as bladed device carried several asparagus stalks in cancrashed shortly after recharging mid-way through the flight']\n", - "ronald peijenburg , owner of the de zwann restaurant in etten-leur , has previously used a formula 1 racing car , hot air balloon and a helicopter to deliver the first crop of the seasonal vegetable .but the drone , which had a metal can attached containing several asparagus stalks , crashed and exploded mid-journey in the netherlands .a michelin-starred restaurant burned its first batch of asparagus after the drone flying it in crashed live on tv .\n", - "owner had used formula 1 car and hot air balloon to deliver in the pastdrone was being operated from back of a truck that followed behindlocal tv filmed as bladed device carried several asparagus stalks in cancrashed shortly after recharging mid-way through the flight\n", - "[1.5086597 1.0939338 1.1880949 1.3979672 1.3155565 1.2369932 1.2079796\n", - " 1.0197694 1.01884 1.0158769 1.0161221 1.036015 1.0261531 1.0253116\n", - " 1.0405288 1.0444534 1.021122 1.2420858 1.1574448 1.0214084 1.0484047]\n", - "\n", - "[ 0 3 4 17 5 6 2 18 1 20 15 14 11 12 13 19 16 7 8 10 9]\n", - "=======================\n", - "[\"tom boyd believes jason denayer 's loan spell at celtic has been so successful that he is now ready to challenge for a place at manchester city next season .young defender jason denayer ( left ) has impressed on loan at celtic this seasonthe 19-year-old recently won his first international cap for belgium in a euro 2016 qualifier against cyprus\"]\n", - "=======================\n", - "['young belgian jason denayer has impressed on loan with celticformer hoops captain tom boyd claims the defender is ready to challenge for a place at manchester city next seasonronny deila is looking at hearts defender danny wilson to fill the void']\n", - "tom boyd believes jason denayer 's loan spell at celtic has been so successful that he is now ready to challenge for a place at manchester city next season .young defender jason denayer ( left ) has impressed on loan at celtic this seasonthe 19-year-old recently won his first international cap for belgium in a euro 2016 qualifier against cyprus\n", - "young belgian jason denayer has impressed on loan with celticformer hoops captain tom boyd claims the defender is ready to challenge for a place at manchester city next seasonronny deila is looking at hearts defender danny wilson to fill the void\n", - "[1.3696909 1.3768677 1.2475371 1.1331313 1.2170166 1.1442466 1.0192822\n", - " 1.0294702 1.1551423 1.0717369 1.0852463 1.0440973 1.0275538 1.1055651\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 8 5 3 13 10 9 11 7 12 6 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"the work at the dome of the rock was simply meant to replace carpet , worn away by thousands of pilgrims at the gold-topped shrine , which overlooks old jerusalem .israeli scholars are furious after new flooring was fitted ` behind their backs ' by the muslim authority in charge of judaism 's holiest site - potentially covering up clues to the location of the ` lost ark ' .but when the old carpet was lifted , it revealed previously undocumented ancient floor designs - which could point to where the gold-cased ark of the covenant was buried 2,500 years ago .\"]\n", - "=======================\n", - "['row erupted after mysterious geometric designs discovered under carpetsome hope they may lead to chamber where ark of the covenant is hiddenbut new flooring laid before israeli scholars were able to document patternbut waqf , the authority in charge of dome of the rock , reject accusations']\n", - "the work at the dome of the rock was simply meant to replace carpet , worn away by thousands of pilgrims at the gold-topped shrine , which overlooks old jerusalem .israeli scholars are furious after new flooring was fitted ` behind their backs ' by the muslim authority in charge of judaism 's holiest site - potentially covering up clues to the location of the ` lost ark ' .but when the old carpet was lifted , it revealed previously undocumented ancient floor designs - which could point to where the gold-cased ark of the covenant was buried 2,500 years ago .\n", - "row erupted after mysterious geometric designs discovered under carpetsome hope they may lead to chamber where ark of the covenant is hiddenbut new flooring laid before israeli scholars were able to document patternbut waqf , the authority in charge of dome of the rock , reject accusations\n", - "[1.4424338 1.512296 1.4399575 1.0573832 1.1872356 1.0375103 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 3 5 18 17 16 15 14 13 10 11 19 9 8 7 6 12 20]\n", - "=======================\n", - "[\"veteran seamer thomas , still recovering from a broken ankle , is not yet fit for selection for somerset 's first lv = county championship fixture at home to durham - and is therefore free , with his club 's blessing , to take up the short-term coaching appointment with delhi until april 16 .somerset 's new limited-overs captain alfonso thomas has agreed to coach delhi daredevils in the indian premier league this month .somerset director of cricket matthew maynard said : ` the chance arose for him to take on a short-term coaching role at delhi - which is great experience , should he wish to move into coaching in the future . '\"]\n", - "=======================\n", - "['alfonso thomas to coach in indian premier league this monthveteran somerset bowler has agreed a deal with the delhi daredevils2015 edition of indian premier league to begin on april 8']\n", - "veteran seamer thomas , still recovering from a broken ankle , is not yet fit for selection for somerset 's first lv = county championship fixture at home to durham - and is therefore free , with his club 's blessing , to take up the short-term coaching appointment with delhi until april 16 .somerset 's new limited-overs captain alfonso thomas has agreed to coach delhi daredevils in the indian premier league this month .somerset director of cricket matthew maynard said : ` the chance arose for him to take on a short-term coaching role at delhi - which is great experience , should he wish to move into coaching in the future . '\n", - "alfonso thomas to coach in indian premier league this monthveteran somerset bowler has agreed a deal with the delhi daredevils2015 edition of indian premier league to begin on april 8\n", - "[1.2405906 1.3582118 1.2337437 1.2545576 1.1963725 1.0651891 1.0690476\n", - " 1.1253119 1.0942191 1.0512885 1.0851748 1.0523598 1.0622852 1.050738\n", - " 1.0577211 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 7 8 10 6 5 12 14 11 9 13 19 15 16 17 18 20]\n", - "=======================\n", - "['lawyers hired by drug rehab network narcocon have argued that trout run , a property in frederick county , maryland , has historic significance because president herbert hoover once caught a fish at the site .a church of scientology-backed organization is facing a bizarre land use battle over its plans to turn a patch of secluded in woods near the presidential retreat camp david into a drug rehab center .opponents view the proposed designation as a trick to circumvent current zoning laws for the 40-acre plot of land and create a drug rehabilitation program that some call dangerous .']\n", - "=======================\n", - "['scientology-connected narconon wants to build center at trout runland use laws mean that it must prove site is historic in order to have a medical facility on the land in frederick countyscientology-affiliated real estate company bought land for $ 4.8 milliongroup contends land is significant because herbert hoover fished thereorganization has been criticized after string of mysterious deaths at centers that use saunas and megadoses of niacin to treat drug addicts']\n", - "lawyers hired by drug rehab network narcocon have argued that trout run , a property in frederick county , maryland , has historic significance because president herbert hoover once caught a fish at the site .a church of scientology-backed organization is facing a bizarre land use battle over its plans to turn a patch of secluded in woods near the presidential retreat camp david into a drug rehab center .opponents view the proposed designation as a trick to circumvent current zoning laws for the 40-acre plot of land and create a drug rehabilitation program that some call dangerous .\n", - "scientology-connected narconon wants to build center at trout runland use laws mean that it must prove site is historic in order to have a medical facility on the land in frederick countyscientology-affiliated real estate company bought land for $ 4.8 milliongroup contends land is significant because herbert hoover fished thereorganization has been criticized after string of mysterious deaths at centers that use saunas and megadoses of niacin to treat drug addicts\n", - "[1.2467352 1.2918558 1.2580277 1.1923681 1.1061258 1.0810503 1.0601313\n", - " 1.1187804 1.0924008 1.1131254 1.0421606 1.0444617 1.0905081 1.052461\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 7 9 4 8 12 5 6 13 11 10 26 14 15 16 17 18 19 20 21 22\n", - " 23 24 25 27]\n", - "=======================\n", - "[\"top of the list is ` death ' for anyone who insults god or his messenger or blasphemes against islam .adulterers who engage in a sexual relationship are to be stoned to death , while couples who have an affair without sexual contact can expect the more lenient punishment of 100 lashes and ` banishment ' from the community .crucified : the list of isis ' gruesome punishments dictates that ` spying for disbelievers ' is punishable by death - a fate this man suffered by being publicly crucified\"]\n", - "=======================\n", - "[\"isis claims the horrifying list of punishments is a ` warning ' to disbelieversit pertains to syrian province aleppo and claims to be based on sharia lawpenalty for insulting god , his messenger or the religion of islam is deaththieves ' hands are chopped off , adulterers are publicly killed by stoninglist says committing ` calumny ' - or slander - is punishable by 80 lashesislamic state 's brutal executions are common on its social media channels\"]\n", - "top of the list is ` death ' for anyone who insults god or his messenger or blasphemes against islam .adulterers who engage in a sexual relationship are to be stoned to death , while couples who have an affair without sexual contact can expect the more lenient punishment of 100 lashes and ` banishment ' from the community .crucified : the list of isis ' gruesome punishments dictates that ` spying for disbelievers ' is punishable by death - a fate this man suffered by being publicly crucified\n", - "isis claims the horrifying list of punishments is a ` warning ' to disbelieversit pertains to syrian province aleppo and claims to be based on sharia lawpenalty for insulting god , his messenger or the religion of islam is deaththieves ' hands are chopped off , adulterers are publicly killed by stoninglist says committing ` calumny ' - or slander - is punishable by 80 lashesislamic state 's brutal executions are common on its social media channels\n", - "[1.4296209 1.5292841 1.2918805 1.4139614 1.279725 1.3087734 1.0457426\n", - " 1.0224929 1.0114574 1.0365163 1.0128251 1.0157423 1.1021833 1.0139617\n", - " 1.014701 1.0128809 1.0168314 1.0749433 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 5 2 4 12 17 6 9 7 16 11 14 13 15 10 8 18 19 20 21 22 23\n", - " 24 25 26 27]\n", - "=======================\n", - "[\"steve bruce 's side are in 15th place , three points off the relegation zone , but have a tough run-in with five of their last eight matches against clubs in the top seven of the premier league .hull midfielder david meyler says he is totally convinced the tigers will hang on to their premier league status .hull are currently just three points above burnley\"]\n", - "=======================\n", - "['david meyler is confident hull will remain in the premier leaguethe midfielder has warned his team-mates they are facing tough periodhull are currently just three points above the relegation drop zone']\n", - "steve bruce 's side are in 15th place , three points off the relegation zone , but have a tough run-in with five of their last eight matches against clubs in the top seven of the premier league .hull midfielder david meyler says he is totally convinced the tigers will hang on to their premier league status .hull are currently just three points above burnley\n", - "david meyler is confident hull will remain in the premier leaguethe midfielder has warned his team-mates they are facing tough periodhull are currently just three points above the relegation drop zone\n", - "[1.3839936 1.1865495 1.5064914 1.3062494 1.3100432 1.168801 1.0896697\n", - " 1.0437818 1.0324254 1.0465353 1.0690632 1.0163449 1.0182524 1.0176313\n", - " 1.0274171 1.0797203 1.091033 1.0180715 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 4 3 1 5 16 6 15 10 9 7 8 14 12 17 13 11 18 19 20 21 22 23\n", - " 24 25 26 27]\n", - "=======================\n", - "[\"joseph getty , 26 , pleaded guilty to drink-driving and received a 20-month ban as well as a fine of # 1,000 , which he paid immediately .banned : joseph getty was caught driving his range rover through belgrave square while drunkhis conviction came just a day after his relative andrew getty was found dead at his hollywood home having suffered a ` traumatic injury to the rectal area ' .\"]\n", - "=======================\n", - "['joseph getty , 26 , drove his range rover through belgravia while drunkhe has been banned from driving for 20 months and fined # 1,000getty is the son of getty images founder and great-grandson of oil baron']\n", - "joseph getty , 26 , pleaded guilty to drink-driving and received a 20-month ban as well as a fine of # 1,000 , which he paid immediately .banned : joseph getty was caught driving his range rover through belgrave square while drunkhis conviction came just a day after his relative andrew getty was found dead at his hollywood home having suffered a ` traumatic injury to the rectal area ' .\n", - "joseph getty , 26 , drove his range rover through belgravia while drunkhe has been banned from driving for 20 months and fined # 1,000getty is the son of getty images founder and great-grandson of oil baron\n", - "[1.4368243 1.2866518 1.5051928 1.2349426 1.050417 1.0464928 1.0290626\n", - " 1.0368358 1.0442504 1.0831915 1.077419 1.0743512 1.1944835 1.0862414\n", - " 1.0912923 1.058494 1.0231053 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 3 12 14 13 9 10 11 15 4 5 8 7 6 16 25 24 23 22 17 20 19\n", - " 18 26 21 27]\n", - "=======================\n", - "[\"ruba khandaqji , 36 , was charged with two counts of corruption by threat against a public official and resisting arrest without violence .hire : ruba khandaqji ( here ) was arrested for threatening to hire a hitman to kill gov. rick scottauthorities say she has a history of mental instability and has come to authorities ' attention four times in the last three months .\"]\n", - "=======================\n", - "['ruba khandaqji was arrested wednesday after calling 911 and threatening to hire a hit-man to kill florida governor rick scottkhandaqji : ` pass this to your governor .the woman has drawn the attention of authorities four times in the last three months']\n", - "ruba khandaqji , 36 , was charged with two counts of corruption by threat against a public official and resisting arrest without violence .hire : ruba khandaqji ( here ) was arrested for threatening to hire a hitman to kill gov. rick scottauthorities say she has a history of mental instability and has come to authorities ' attention four times in the last three months .\n", - "ruba khandaqji was arrested wednesday after calling 911 and threatening to hire a hit-man to kill florida governor rick scottkhandaqji : ` pass this to your governor .the woman has drawn the attention of authorities four times in the last three months\n", - "[1.1864616 1.2696342 1.2037604 1.2119448 1.1021427 1.1087586 1.1459179\n", - " 1.1460072 1.1423872 1.1181955 1.0876483 1.0755407 1.0514424 1.054251\n", - " 1.0334544 1.0524577 1.05644 1.0628697 1.0478631 1.0535481 1.0591446\n", - " 1.0802177 1.0586555 1.0247601 1.0242916 1.032248 1.0572516 1.0342171]\n", - "\n", - "[ 1 3 2 0 7 6 8 9 5 4 10 21 11 17 20 22 26 16 13 19 15 12 18 27\n", - " 14 25 23 24]\n", - "=======================\n", - "['a memorial service will be held at anfield to remember the 96 people who lost their lives .liverpool players have paid their respects to the victims , alongside fans and celebrities across the sporting world and beyond .today marks the 26th anniversary of the hillsborough disaster .']\n", - "=======================\n", - "['96 people died at the hillsborough disaster on april 15 , 1989liverpool players and fans have started paying tribute to the victimsa memorial service is to be held at anfield on wednesdayclick here for all the latest liverpool news']\n", - "a memorial service will be held at anfield to remember the 96 people who lost their lives .liverpool players have paid their respects to the victims , alongside fans and celebrities across the sporting world and beyond .today marks the 26th anniversary of the hillsborough disaster .\n", - "96 people died at the hillsborough disaster on april 15 , 1989liverpool players and fans have started paying tribute to the victimsa memorial service is to be held at anfield on wednesdayclick here for all the latest liverpool news\n", - "[1.310961 1.3955245 1.1615978 1.0510482 1.2454593 1.1363883 1.1796951\n", - " 1.1405025 1.0762492 1.1785738 1.0534557 1.0183209 1.0837677 1.035602\n", - " 1.0434792 1.0593241 1.1447749 1.1006143]\n", - "\n", - "[ 1 0 4 6 9 2 16 7 5 17 12 8 15 10 3 14 13 11]\n", - "=======================\n", - "[\"the shadow chancellor said the letter , left in the treasury by the former labour minister liam byrne in 2010 , was just a ` jokey note ' .ed balls has been accused of treating the public with ` contempt ' after dismissing as a ` joke ' the infamous labour note admitting the party had blown the nation 's finances .damaging : labour 's liam byrne sent left this handwritten note to his successor before he left the treasury in 2010\"]\n", - "=======================\n", - "[\"letter was left in the treasury by the former minister liam byrne in 2010it said : ` dear chief secretary , i 'm afraid there is no money .balls insists it was just a ` jokey note ' that should not be taken seriouslythe tories this morning accused him of treating the public with ` contempt '\"]\n", - "the shadow chancellor said the letter , left in the treasury by the former labour minister liam byrne in 2010 , was just a ` jokey note ' .ed balls has been accused of treating the public with ` contempt ' after dismissing as a ` joke ' the infamous labour note admitting the party had blown the nation 's finances .damaging : labour 's liam byrne sent left this handwritten note to his successor before he left the treasury in 2010\n", - "letter was left in the treasury by the former minister liam byrne in 2010it said : ` dear chief secretary , i 'm afraid there is no money .balls insists it was just a ` jokey note ' that should not be taken seriouslythe tories this morning accused him of treating the public with ` contempt '\n", - "[1.2766902 1.2841573 1.3200799 1.3707407 1.2674209 1.0791508 1.135507\n", - " 1.1106642 1.0956392 1.0520995 1.1560676 1.0937202 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 0 4 10 6 7 8 11 5 9 12 13 14 15 16 17]\n", - "=======================\n", - "[\"leeds rhinos ' paul aiton has been nominated for the super league player of the month awardat the end of each month , a shortlist of five players will be drawn up by the writers of league weekly and fans will be asked to vote for their choice on the facebook page , www.facebook.com/firstutilitysuperleague .warrington wolves ' matt russell has also been included on the shortlist for this month 's award\"]\n", - "=======================\n", - "[\"super league title sponsors first utility have announced a new format for the competition 's player of the month awardworking with rugby dedicated newspaper league weekly , a shortlist of players will be drawn up each month for fans to vote on via facebookvoters will be entered into a prize draw with one lucky supporter being given the opportunity to present the award to the winning player\"]\n", - "leeds rhinos ' paul aiton has been nominated for the super league player of the month awardat the end of each month , a shortlist of five players will be drawn up by the writers of league weekly and fans will be asked to vote for their choice on the facebook page , www.facebook.com/firstutilitysuperleague .warrington wolves ' matt russell has also been included on the shortlist for this month 's award\n", - "super league title sponsors first utility have announced a new format for the competition 's player of the month awardworking with rugby dedicated newspaper league weekly , a shortlist of players will be drawn up each month for fans to vote on via facebookvoters will be entered into a prize draw with one lucky supporter being given the opportunity to present the award to the winning player\n", - "[1.3909936 1.4492326 1.2927728 1.3170382 1.1105561 1.1875013 1.0695873\n", - " 1.0213265 1.0115898 1.0116808 1.0882045 1.1003342 1.0748605 1.122379\n", - " 1.1333157 1.0948558 1.0432782 1.0103688]\n", - "\n", - "[ 1 0 3 2 5 14 13 4 11 15 10 12 6 16 7 9 8 17]\n", - "=======================\n", - "[\"abdul-jabbar , 68 , had quadruple coronary bypass surgery after being admitted to the hospital earlier in the week with cardiovascular disease .nba legend kareem abdul-jabbar is expected to make a full recovery after undergoing emergency heart surgery at ronald reagan ucla medical center on thursday , april 16 .the successful surgery , which was performed by cardiac surgery chief dr richard shemin , cleared a major blockage from the hall of famer 's heart .\"]\n", - "=======================\n", - "[\"nba 's all-time leading scorer had quadruple coronary bypass surgerysix-time league champion admitted this week with cardiovascular diseasesurgery was a success and 68-year-old is expected to make a full recoveryabdul-jabbar was diagnosed with chronic myeloid leukemia in 2008appointed as us cultural ambassador by hillary rodham clinton in 2012\"]\n", - "abdul-jabbar , 68 , had quadruple coronary bypass surgery after being admitted to the hospital earlier in the week with cardiovascular disease .nba legend kareem abdul-jabbar is expected to make a full recovery after undergoing emergency heart surgery at ronald reagan ucla medical center on thursday , april 16 .the successful surgery , which was performed by cardiac surgery chief dr richard shemin , cleared a major blockage from the hall of famer 's heart .\n", - "nba 's all-time leading scorer had quadruple coronary bypass surgerysix-time league champion admitted this week with cardiovascular diseasesurgery was a success and 68-year-old is expected to make a full recoveryabdul-jabbar was diagnosed with chronic myeloid leukemia in 2008appointed as us cultural ambassador by hillary rodham clinton in 2012\n", - "[1.3290019 1.3843596 1.2114334 1.2063506 1.250049 1.1112499 1.0448523\n", - " 1.0711483 1.0338542 1.0940286 1.1080554 1.0190985 1.0982369 1.0094057\n", - " 1.034858 1.0313329 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 5 10 12 9 7 6 14 8 15 11 13 16 17]\n", - "=======================\n", - "[\"born bradley manning , the 27-year-old former intelligence analyst was convicted of espionage in july 2013 for sending a trove of classified documents to the wikileaks website and was subsequently sentenced to 35 years prison .whistleblower chelsea manning has given in an in-depth interview from behind bars in fort leavenworth , kansas , describing the ` painful and awkward ' process and conditions of transitioning to a woman from inside a military prison .one month after being found guilty , manning announced that he had always identified as female and planned to start living as a woman named chelsea elizabeth manning , officially switching names in april 2014 .\"]\n", - "=======================\n", - "[\"chelsea manning gave an interview to cosmopolitan from fort leavenworth prison in kansas , serving 35 years for violating the espionage actafter being convicted in july 2013 as bradley manning , she admitted having gender dysphoria and announced plans to transition into a womanshe officially changed her name last year and sued for permission to undergo hormone therapy for gender reassignment from within prisonsays it 's ` painful and awkward ' to be forbidden from letting her hair growreveals how being deployed to iraq made her realize life is volatile\"]\n", - "born bradley manning , the 27-year-old former intelligence analyst was convicted of espionage in july 2013 for sending a trove of classified documents to the wikileaks website and was subsequently sentenced to 35 years prison .whistleblower chelsea manning has given in an in-depth interview from behind bars in fort leavenworth , kansas , describing the ` painful and awkward ' process and conditions of transitioning to a woman from inside a military prison .one month after being found guilty , manning announced that he had always identified as female and planned to start living as a woman named chelsea elizabeth manning , officially switching names in april 2014 .\n", - "chelsea manning gave an interview to cosmopolitan from fort leavenworth prison in kansas , serving 35 years for violating the espionage actafter being convicted in july 2013 as bradley manning , she admitted having gender dysphoria and announced plans to transition into a womanshe officially changed her name last year and sued for permission to undergo hormone therapy for gender reassignment from within prisonsays it 's ` painful and awkward ' to be forbidden from letting her hair growreveals how being deployed to iraq made her realize life is volatile\n", - "[1.0838324 1.1027602 1.413502 1.2092681 1.1431272 1.2326066 1.2195976\n", - " 1.0336133 1.025911 1.2242397 1.1239166 1.0679418 1.0200533 1.0423408\n", - " 1.0206809 1.0149008 1.0294445 1.0225338]\n", - "\n", - "[ 2 5 9 6 3 4 10 1 0 11 13 7 16 8 17 14 12 15]\n", - "=======================\n", - "['nine other worlds in total are now suspected to have some form of subsurface ocean containing far more water than is on earth - and some may even contain life , according to nasa .there at least 200 billion earth-like planets in our galaxy - and now nasa officials claim we could be on the verge of finding life on one of them .it followed claims by dr ellen stofan , chief scientist for the agency , that we could find life in the next ten or 20 years .']\n", - "=======================\n", - "['nasa scientists in california say our solar system is full of watermoons of jupiter and saturn are thought to have oceans undergrounddwarf planets like ceres and pluto may also have similar reservoirswater is important for the search for life - as life as we know it needs it']\n", - "nine other worlds in total are now suspected to have some form of subsurface ocean containing far more water than is on earth - and some may even contain life , according to nasa .there at least 200 billion earth-like planets in our galaxy - and now nasa officials claim we could be on the verge of finding life on one of them .it followed claims by dr ellen stofan , chief scientist for the agency , that we could find life in the next ten or 20 years .\n", - "nasa scientists in california say our solar system is full of watermoons of jupiter and saturn are thought to have oceans undergrounddwarf planets like ceres and pluto may also have similar reservoirswater is important for the search for life - as life as we know it needs it\n", - "[1.3169942 1.4543095 1.1644136 1.0898421 1.3115416 1.2273685 1.0750841\n", - " 1.0354116 1.1969428 1.1282967 1.1679859 1.0649527 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 5 8 10 2 9 3 6 11 7 17 12 13 14 15 16 18]\n", - "=======================\n", - "[\"jack grealish took to twitter shortly after arriving at wembley stadium to thank supporters for sending in messages ahead of their clash with the reds .aston villa 's players were able to read messages of support from fans before their fa cup semi-final clash against liverpool as the words of wisdom were displayed in their dressing room .aston villa boss tim sherwood included grealish in his starting line-up following the teenager 's impressive displays against queens park rangers and tottenham .\"]\n", - "=======================\n", - "[\"aston villa 's players were sent in messages ahead of fa cup semi-finaltim sherwood 's side face liverpool in fa cup clash at wembley stadiumjack grealish posted snap of encouraging message written by a supporterbrad guzan also revealed the contents of his dressing room message\"]\n", - "jack grealish took to twitter shortly after arriving at wembley stadium to thank supporters for sending in messages ahead of their clash with the reds .aston villa 's players were able to read messages of support from fans before their fa cup semi-final clash against liverpool as the words of wisdom were displayed in their dressing room .aston villa boss tim sherwood included grealish in his starting line-up following the teenager 's impressive displays against queens park rangers and tottenham .\n", - "aston villa 's players were sent in messages ahead of fa cup semi-finaltim sherwood 's side face liverpool in fa cup clash at wembley stadiumjack grealish posted snap of encouraging message written by a supporterbrad guzan also revealed the contents of his dressing room message\n", - "[1.5497248 1.5239811 1.3557786 1.3267623 1.1145507 1.0563958 1.0352042\n", - " 1.0459447 1.031965 1.0395384 1.0793637 1.105162 1.0752931 1.0743476\n", - " 1.0545025 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 11 10 12 13 5 14 7 9 6 8 15 16 17 18]\n", - "=======================\n", - "['bangladesh beat fellow world cup quarter-finalists pakistan by 79 runs in the first one-day international in dhaka .tamim iqbal and mushfiqur rahim scored centuries as bangladesh made 329 for six and pakistan could only muster 250 in reply .pakistan will have the chance to level the three-match series on sunday when the second odi takes place in mirpur .']\n", - "=======================\n", - "['bangladesh beat fellow world cup quarter-finalists pakistan by 79 runstamim iqbal and mushfiqur rahim scored centuries for bangladeshbangladesh made 329 for six and pakistan could only muster 250 in replypakistan will have the chance to level the three-match series on sunday']\n", - "bangladesh beat fellow world cup quarter-finalists pakistan by 79 runs in the first one-day international in dhaka .tamim iqbal and mushfiqur rahim scored centuries as bangladesh made 329 for six and pakistan could only muster 250 in reply .pakistan will have the chance to level the three-match series on sunday when the second odi takes place in mirpur .\n", - "bangladesh beat fellow world cup quarter-finalists pakistan by 79 runstamim iqbal and mushfiqur rahim scored centuries for bangladeshbangladesh made 329 for six and pakistan could only muster 250 in replypakistan will have the chance to level the three-match series on sunday\n", - "[1.4973642 1.1897786 1.2662064 1.4236087 1.1768119 1.0761205 1.025824\n", - " 1.0192761 1.0261434 1.0212953 1.1576064 1.1707197 1.14003 1.1145034\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 4 11 10 12 13 5 8 6 9 7 14 15 16 17 18]\n", - "=======================\n", - "['manchester united captain wayne rooney added to his collection of wonder goals at old trafford with a stunning strike in a 3-1 win against aston villa that lifted his side above manchester city into third place in the premier league .wayne rooney ( centre ) scored a stunning half-volley as manchester united beat aston villa 3-1it was his sixth goal in eight matches for united since being restored up front by manager louis van gaal after a spell in midfield .']\n", - "=======================\n", - "['ander herrera nets either side of wayne rooney in manchester united winred devils beat aston villa 3-1 in the premier league on saturdaymidfielder herrera full of praise for captain and striker rooney']\n", - "manchester united captain wayne rooney added to his collection of wonder goals at old trafford with a stunning strike in a 3-1 win against aston villa that lifted his side above manchester city into third place in the premier league .wayne rooney ( centre ) scored a stunning half-volley as manchester united beat aston villa 3-1it was his sixth goal in eight matches for united since being restored up front by manager louis van gaal after a spell in midfield .\n", - "ander herrera nets either side of wayne rooney in manchester united winred devils beat aston villa 3-1 in the premier league on saturdaymidfielder herrera full of praise for captain and striker rooney\n", - "[1.3434026 1.1466718 1.1767628 1.5843594 1.0927532 1.0649505 1.0417366\n", - " 1.0224092 1.0595319 1.0465517 1.0795965 1.1586763 1.1068872 1.0573518\n", - " 1.0149789 1.018025 1.0123161 1.0254431 1.0982622]\n", - "\n", - "[ 3 0 2 11 1 12 18 4 10 5 8 13 9 6 17 7 15 14 16]\n", - "=======================\n", - "[\"fernando alonso says he will retire from formula one once his deal with mclaren-honda comes to an endfernando alonso , whose youthful brilliance usurped even michael schumacher in the autumn of his career , considered a life beyond formula one .` i will close the loop on that part of my life , ' he said ahead of sunday 's chinese grand prix .\"]\n", - "=======================\n", - "[\"fernando alonso , 34 , signed a three-year deal with mclaren this yearspanish driver says this will be his last venture in formula onemclaren have struggled for pace in first two grand prix of the seasonalonso says he expects success will come - it is just a ` matter of time '\"]\n", - "fernando alonso says he will retire from formula one once his deal with mclaren-honda comes to an endfernando alonso , whose youthful brilliance usurped even michael schumacher in the autumn of his career , considered a life beyond formula one .` i will close the loop on that part of my life , ' he said ahead of sunday 's chinese grand prix .\n", - "fernando alonso , 34 , signed a three-year deal with mclaren this yearspanish driver says this will be his last venture in formula onemclaren have struggled for pace in first two grand prix of the seasonalonso says he expects success will come - it is just a ` matter of time '\n", - "[1.4106696 1.3533891 1.1987901 1.2092547 1.1566912 1.1615021 1.032091\n", - " 1.0930439 1.0272517 1.1139475 1.1374046 1.0361152 1.0686543 1.0874119\n", - " 1.0493271 1.0588394 1.0579015 1.04733 1.0430186]\n", - "\n", - "[ 0 1 3 2 5 4 10 9 7 13 12 15 16 14 17 18 11 6 8]\n", - "=======================\n", - "[\"labour peer john prescott has defended prince charles over allegations he tries to secretly influence government policy with scrawled private notes to ministers - insisting he should ` right to ` write as many damn letters as he likes ' .the former deputy prime minister said he can not see a problem with the future king writing to government ministers and insisted he had ' a lot to offer this country ' .lord prescott 's intervention comes after the supreme court backed a previous ruling paving the way for the publication of prince charles 's so-called ` black spider ' memos .\"]\n", - "=======================\n", - "[\"ex deputy pm said there was no problem with charles writing to ministersadmitted charles had sent him a lot of letters while he was in governmentreleased two , including one condolence letter over death of his mothercomes after court ruled charles 's letters to ministers should be published\"]\n", - "labour peer john prescott has defended prince charles over allegations he tries to secretly influence government policy with scrawled private notes to ministers - insisting he should ` right to ` write as many damn letters as he likes ' .the former deputy prime minister said he can not see a problem with the future king writing to government ministers and insisted he had ' a lot to offer this country ' .lord prescott 's intervention comes after the supreme court backed a previous ruling paving the way for the publication of prince charles 's so-called ` black spider ' memos .\n", - "ex deputy pm said there was no problem with charles writing to ministersadmitted charles had sent him a lot of letters while he was in governmentreleased two , including one condolence letter over death of his mothercomes after court ruled charles 's letters to ministers should be published\n", - "[1.322275 1.2213418 1.4374098 1.2903471 1.1921719 1.1392653 1.1330185\n", - " 1.1467446 1.1036735 1.0694944 1.0229852 1.0108885 1.13916 1.1035105\n", - " 1.0385612 1.0439084 1.022701 1.0151098 1.0122746 1.0090619 1.0084215]\n", - "\n", - "[ 2 0 3 1 4 7 5 12 6 8 13 9 15 14 10 16 17 18 11 19 20]\n", - "=======================\n", - "[\"ralph vaughan williams 's work topped the classic fm hall of fame after listeners cast more than 200,000 votes .it topped the poll last year as well and four years ago was named the nation 's favourite desert island discs tune .british composer vaughan williams was inspired by a poem of the same name by george meredith .\"]\n", - "=======================\n", - "['topped poll after classic fm listeners cast more than 200,000 votesbritish composer inspired by a poem of same name by george meredithit found a wide audience last year when it was played as hayley took a lethal cocktail to end her suffering on coronation streetfull poll also includes 12 pieces of music used to soundtrack video games']\n", - "ralph vaughan williams 's work topped the classic fm hall of fame after listeners cast more than 200,000 votes .it topped the poll last year as well and four years ago was named the nation 's favourite desert island discs tune .british composer vaughan williams was inspired by a poem of the same name by george meredith .\n", - "topped poll after classic fm listeners cast more than 200,000 votesbritish composer inspired by a poem of same name by george meredithit found a wide audience last year when it was played as hayley took a lethal cocktail to end her suffering on coronation streetfull poll also includes 12 pieces of music used to soundtrack video games\n", - "[1.045879 1.1836135 1.546633 1.1391773 1.2248136 1.1502575 1.0390836\n", - " 1.0407041 1.0140445 1.0556617 1.2084646 1.0984308 1.075329 1.1070429\n", - " 1.1345235 1.0415502 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 4 10 1 5 3 14 13 11 12 9 0 15 7 6 8 16 17 18 19 20]\n", - "=======================\n", - "['the temperature in the south is forecast to reach 24c ( 75f ) today and 25c ( 77f ) tomorrow , surpassing the highest seen so far this year , the 21.9 c ( 71.4 f ) recorded in london on friday .beach life : people enjoy the weather at barry island in south wales yesterday , as most of england and wales enjoys warm spring conditionsthe record for the hottest day ever in britain was set more than a decade ago in august 2003 when temperatures hit 38.1 c ( 101f ) in gravesend , kent .']\n", - "=======================\n", - "[\"tomorrow will be week 's warmest day and met office says above-average temperatures are forecast until juneweather , caused by warm air from the azores , creating conditions we might usually experience in july or augustbookmakers are receiving tens of thousands of pounds in bets on weather records being broken this summerpublic alerted to dangers in water as jellyfish arrive early off coast and firefighters issue ` tombstoning ' warning\"]\n", - "the temperature in the south is forecast to reach 24c ( 75f ) today and 25c ( 77f ) tomorrow , surpassing the highest seen so far this year , the 21.9 c ( 71.4 f ) recorded in london on friday .beach life : people enjoy the weather at barry island in south wales yesterday , as most of england and wales enjoys warm spring conditionsthe record for the hottest day ever in britain was set more than a decade ago in august 2003 when temperatures hit 38.1 c ( 101f ) in gravesend , kent .\n", - "tomorrow will be week 's warmest day and met office says above-average temperatures are forecast until juneweather , caused by warm air from the azores , creating conditions we might usually experience in july or augustbookmakers are receiving tens of thousands of pounds in bets on weather records being broken this summerpublic alerted to dangers in water as jellyfish arrive early off coast and firefighters issue ` tombstoning ' warning\n", - "[1.0906651 1.330631 1.0765576 1.3943558 1.3189869 1.0741961 1.1374074\n", - " 1.043256 1.1257926 1.1016183 1.0544263 1.0945928 1.0957552 1.0526849\n", - " 1.0697978 1.0396476 1.0629083 1.0101837 0. 0. 0. ]\n", - "\n", - "[ 3 1 4 6 8 9 12 11 0 2 5 14 16 10 13 7 15 17 19 18 20]\n", - "=======================\n", - "[\"kim kardashian shared a snap of herself on instagram yesterday , while decorating colourful easter baskets , thought to be for her daughter north plus her niece and nephewsfrom kim kardashian 's last-minute baskets for toddler north west to myleene klass ' bunny-themed egg hunt , the stars took to instagram to show how they celebrated easter ., kim appeared to be filling four baskets with plenty of treats including chocolate bunnies , peeps marshmallows and jelly belly jellybeans .\"]\n", - "=======================\n", - "['kim kardashian shared frantic last-minute easter basket preparationsmariah carey was up late at night baking chocolate easter cupcakesamanda holden and myleene klass posted sweet snaps of their egg hunts']\n", - "kim kardashian shared a snap of herself on instagram yesterday , while decorating colourful easter baskets , thought to be for her daughter north plus her niece and nephewsfrom kim kardashian 's last-minute baskets for toddler north west to myleene klass ' bunny-themed egg hunt , the stars took to instagram to show how they celebrated easter ., kim appeared to be filling four baskets with plenty of treats including chocolate bunnies , peeps marshmallows and jelly belly jellybeans .\n", - "kim kardashian shared frantic last-minute easter basket preparationsmariah carey was up late at night baking chocolate easter cupcakesamanda holden and myleene klass posted sweet snaps of their egg hunts\n", - "[1.1744541 1.4748833 1.2685101 1.3793927 1.1623297 1.1243672 1.1547723\n", - " 1.1820054 1.1220406 1.0631751 1.033925 1.0090983 1.00997 1.009821\n", - " 1.0105617 1.1099095 1.073872 1.0745796 1.0633328 1.0714175 0. ]\n", - "\n", - "[ 1 3 2 7 0 4 6 5 8 15 17 16 19 18 9 10 14 12 13 11 20]\n", - "=======================\n", - "['ana elizondo made headlines in 2012 after she was kidnapped from a parking lot when she was leaving a night class at the university of texas , pan american .the psychology graduate student , 27 , was blindfolded and transported through several cars as her abductors made a failed attempt to cross the mexican border .he was sentenced to 34 years in prison in 2014']\n", - "=======================\n", - "['ana elizondo was kidnapped in 2012 as she was leaving a night class at the university of texas , pan americancaptors transported her through cars and tried to cross mexican bordershe was released unharmed the following day by one of the kidnappersshe believes she stayed safe by being friendly and joking with kidnappersher experience will be featured on a crime documentary show tuesday']\n", - "ana elizondo made headlines in 2012 after she was kidnapped from a parking lot when she was leaving a night class at the university of texas , pan american .the psychology graduate student , 27 , was blindfolded and transported through several cars as her abductors made a failed attempt to cross the mexican border .he was sentenced to 34 years in prison in 2014\n", - "ana elizondo was kidnapped in 2012 as she was leaving a night class at the university of texas , pan americancaptors transported her through cars and tried to cross mexican bordershe was released unharmed the following day by one of the kidnappersshe believes she stayed safe by being friendly and joking with kidnappersher experience will be featured on a crime documentary show tuesday\n", - "[1.3111029 1.196188 1.1296204 1.0974022 1.1142824 1.135645 1.0704049\n", - " 1.1792942 1.0702851 1.0809649 1.0815591 1.0269414 1.0803521 1.0478619\n", - " 1.0408922 1.0815667 1.027357 1.0250981 1.0510367 1.0389016 0. ]\n", - "\n", - "[ 0 1 7 5 2 4 3 15 10 9 12 6 8 18 13 14 19 16 11 17 20]\n", - "=======================\n", - "[\"( cnn ) tuesday , april 14 , is equal pay day .here 's the announcement presidential candidate hillary clinton should make :and so , i 'm announcing that if elected president , i will take a 23 % pay cut , equivalent to the current gender wage gap , to stand in solidarity with working women in america .\"]\n", - "=======================\n", - "['sally kohn : april 14 is equal pay day , and hillary clinton should make an announcement about wage gapclinton should say that if elected , she will take a 23 % pay cut to stand in solidarity with working women']\n", - "( cnn ) tuesday , april 14 , is equal pay day .here 's the announcement presidential candidate hillary clinton should make :and so , i 'm announcing that if elected president , i will take a 23 % pay cut , equivalent to the current gender wage gap , to stand in solidarity with working women in america .\n", - "sally kohn : april 14 is equal pay day , and hillary clinton should make an announcement about wage gapclinton should say that if elected , she will take a 23 % pay cut to stand in solidarity with working women\n", - "[1.5083376 1.2849568 1.1250795 1.1462443 1.1707675 1.0642117 1.1459084\n", - " 1.1456481 1.0928206 1.0520378 1.1352847 1.0762397 1.0619186 1.08842\n", - " 1.137152 1.0418136 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 3 6 7 14 10 2 8 13 11 5 12 9 15 16 17 18]\n", - "=======================\n", - "['( cnn ) bobbi kristina brown , the daughter of bobby brown and whitney houston , has \" global and irreversible brain damage , \" according to her grandmother .though the 22-year-old is no longer in a medically induced coma , she remains unresponsive , cissy houston said in a statement monday after visiting her granddaughter .houston \\'s statement matched that from a source with knowledge of brown \\'s condition , who told cnn on monday that she remained in the same neurological state she has been in for nearly three months .']\n", - "=======================\n", - "['bobbi kristina brown has \" global and irreversible \" brain damage , her grandmother says\" we can only trust in god for a miracle at this time , \" cissy houston saysbobby brown , her father , had said at a concert that she was \" awake \"']\n", - "( cnn ) bobbi kristina brown , the daughter of bobby brown and whitney houston , has \" global and irreversible brain damage , \" according to her grandmother .though the 22-year-old is no longer in a medically induced coma , she remains unresponsive , cissy houston said in a statement monday after visiting her granddaughter .houston 's statement matched that from a source with knowledge of brown 's condition , who told cnn on monday that she remained in the same neurological state she has been in for nearly three months .\n", - "bobbi kristina brown has \" global and irreversible \" brain damage , her grandmother says\" we can only trust in god for a miracle at this time , \" cissy houston saysbobby brown , her father , had said at a concert that she was \" awake \"\n", - "[1.1084199 1.349269 1.2454461 1.1964453 1.1835189 1.1467327 1.0854455\n", - " 1.0607611 1.0728755 1.0406214 1.0441978 1.0282854 1.0337431 1.037697\n", - " 1.0619522 1.050213 1.0379544 0. 0. ]\n", - "\n", - "[ 1 2 3 4 5 0 6 8 14 7 15 10 9 16 13 12 11 17 18]\n", - "=======================\n", - "['obama has argued with the progressive potentate elizabeth warren , calling her \" wrong \" on trade policy .the massachusetts senator is the same potentate to whom hillary clinton has been religiously prostrating .what everyone does next will be critical for the 2016 elections and the future of democratic politics .']\n", - "=======================\n", - "['sen. elizabeth warren has publicly criticized so-called \" fast track \" trade authoritysally kohn : why does president obama call her wrong , and why is hillary clinton equivocating ?']\n", - "obama has argued with the progressive potentate elizabeth warren , calling her \" wrong \" on trade policy .the massachusetts senator is the same potentate to whom hillary clinton has been religiously prostrating .what everyone does next will be critical for the 2016 elections and the future of democratic politics .\n", - "sen. elizabeth warren has publicly criticized so-called \" fast track \" trade authoritysally kohn : why does president obama call her wrong , and why is hillary clinton equivocating ?\n", - "[1.3199265 1.4425942 1.4578001 1.1755811 1.2133665 1.0714653 1.056944\n", - " 1.0294029 1.0160575 1.173918 1.050196 1.0777721 1.0910368 1.100302\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 4 3 9 13 12 11 5 6 10 7 8 17 14 15 16 18]\n", - "=======================\n", - "[\"patties foods said no hepatitis a virus or e.coli were detected in any sample of its recalled and non-recalled nanna 's mixed berries 1kg product during its own testing .patties foods says its testing has found no link between its nanna 's brand frozen mixed berries and a national hepatitis a outbreak .no evidence of hav or e.coli was found in re-tests of all batches of frozen berries that were not subject to the recall .\"]\n", - "=======================\n", - "[\"patties food insists testing has n't found link between their berries & hep athere was a national hepatitis a outbreak in january which resulted in 34 people in six states contracting the virusall 34 people who contacted hep a had consumed the china-grown berriesthe 1kg product remains off supermarket shelves until further notice .the company says there was no systemic error but confirm they are considering alternative supply sources\"]\n", - "patties foods said no hepatitis a virus or e.coli were detected in any sample of its recalled and non-recalled nanna 's mixed berries 1kg product during its own testing .patties foods says its testing has found no link between its nanna 's brand frozen mixed berries and a national hepatitis a outbreak .no evidence of hav or e.coli was found in re-tests of all batches of frozen berries that were not subject to the recall .\n", - "patties food insists testing has n't found link between their berries & hep athere was a national hepatitis a outbreak in january which resulted in 34 people in six states contracting the virusall 34 people who contacted hep a had consumed the china-grown berriesthe 1kg product remains off supermarket shelves until further notice .the company says there was no systemic error but confirm they are considering alternative supply sources\n", - "[1.3294432 1.482536 1.2436771 1.3082602 1.1929022 1.0191364 1.044463\n", - " 1.1419541 1.0620925 1.0829608 1.0452542 1.0923758 1.0802488 1.0571581\n", - " 1.0176232 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 7 11 9 12 8 13 10 6 5 14 17 15 16 18]\n", - "=======================\n", - "[\"liam linford oliver-christie , 29 , whose father is the former olympic sprinter , was caught with the drugs under his floorboards during a police raid in west kensington , west london .officers uncovered the haul and ` drugs paraphernalia ' with the help of a sniffer dog at his council flat in september 2013 - and oliver-christie today admitted two counts of possessing class a drugs .isleworth crown court in middlesex was told today that the drugs cache included 14.1 g ( 0.50 oz ) of cocaine of up to 40 per cent purity and 841mg ( 0.03 oz ) of heroin of up to 60 per cent purity .\"]\n", - "=======================\n", - "[\"liam linford oliver-christie caught during police raid in west londonofficers found haul and ` drugs paraphernalia ' with help of sniffer dogthey saw cocaine and heroin being thrown from the window of his flatadmitted drugs possession at court and will be sentenced next month\"]\n", - "liam linford oliver-christie , 29 , whose father is the former olympic sprinter , was caught with the drugs under his floorboards during a police raid in west kensington , west london .officers uncovered the haul and ` drugs paraphernalia ' with the help of a sniffer dog at his council flat in september 2013 - and oliver-christie today admitted two counts of possessing class a drugs .isleworth crown court in middlesex was told today that the drugs cache included 14.1 g ( 0.50 oz ) of cocaine of up to 40 per cent purity and 841mg ( 0.03 oz ) of heroin of up to 60 per cent purity .\n", - "liam linford oliver-christie caught during police raid in west londonofficers found haul and ` drugs paraphernalia ' with help of sniffer dogthey saw cocaine and heroin being thrown from the window of his flatadmitted drugs possession at court and will be sentenced next month\n", - "[1.382515 1.3288218 1.2284449 1.1764985 1.2808326 1.0543019 1.1128947\n", - " 1.0520341 1.0530146 1.1139941 1.049054 1.0212713 1.0422847 1.0479643\n", - " 1.1087533 1.0851089 1.1169071 1.0389861 1.0283864]\n", - "\n", - "[ 0 1 4 2 3 16 9 6 14 15 5 8 7 10 13 12 17 18 11]\n", - "=======================\n", - "[\"yoko ono has led the tributes to john lennon 's first wife cynthia calling her a ` wonderful mother ' with a ` strong zest for life ' after she died at the age of 75 following a short battle with cancer .the second wife of the beatles singer said she was ` very saddened ' by the news , adding that she was ` proud ' how she and cynthia had ` stood firm in the beatles family ' .cynthia , who married lennon after meeting him in college , died yesterday at her home in spain .\"]\n", - "=======================\n", - "[\"yoko ono said she was ` very saddened ' by news of cynthia lennon 's deathshe praised cynthia , 75 , as a ` great person ' with a ` strong zest for life 'cynthia lennon , nee powell , married john lennon after they met at collegeshe is the mother of the musician 's son julian lennon , who is now aged 51but the couple divorced in 1968 after lennon left her for artist yoko ono\"]\n", - "yoko ono has led the tributes to john lennon 's first wife cynthia calling her a ` wonderful mother ' with a ` strong zest for life ' after she died at the age of 75 following a short battle with cancer .the second wife of the beatles singer said she was ` very saddened ' by the news , adding that she was ` proud ' how she and cynthia had ` stood firm in the beatles family ' .cynthia , who married lennon after meeting him in college , died yesterday at her home in spain .\n", - "yoko ono said she was ` very saddened ' by news of cynthia lennon 's deathshe praised cynthia , 75 , as a ` great person ' with a ` strong zest for life 'cynthia lennon , nee powell , married john lennon after they met at collegeshe is the mother of the musician 's son julian lennon , who is now aged 51but the couple divorced in 1968 after lennon left her for artist yoko ono\n", - "[1.2122291 1.3960887 1.1529855 1.1121448 1.0926206 1.1335595 1.1564077\n", - " 1.1477313 1.1868705 1.21563 1.070832 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 9 0 8 6 2 7 5 3 4 10 11 12 13 14]\n", - "=======================\n", - "[\"in a bid to help his side arrest their run of three games without a win , the brazilian hit the gym to prepare for sunday 's trip to portland timbers .dc united 's luis silva ( left ) smashes home his side 's winning goal against orlando city last fridayhe might be the biggest name plying his trade in major league soccer , but kaka is n't resting laurels as orlando city adjust to life in the eastern conference .\"]\n", - "=======================\n", - "['orlando city have not won any of their last three mls fixtureskaka took to instagram to give fans a glimpse of his fitness regimethe brazilian has become an instant hero in the us after leaving ac milanorlando city take on the portland timbers on sunday']\n", - "in a bid to help his side arrest their run of three games without a win , the brazilian hit the gym to prepare for sunday 's trip to portland timbers .dc united 's luis silva ( left ) smashes home his side 's winning goal against orlando city last fridayhe might be the biggest name plying his trade in major league soccer , but kaka is n't resting laurels as orlando city adjust to life in the eastern conference .\n", - "orlando city have not won any of their last three mls fixtureskaka took to instagram to give fans a glimpse of his fitness regimethe brazilian has become an instant hero in the us after leaving ac milanorlando city take on the portland timbers on sunday\n", - "[1.2338508 1.3600342 1.3658258 1.3076453 1.1585225 1.1597397 1.1070056\n", - " 1.0928725 1.1371615 1.0709355 1.0818826 1.0761374 1.0525155 1.017328\n", - " 1.033009 ]\n", - "\n", - "[ 2 1 3 0 5 4 8 6 7 10 11 9 12 14 13]\n", - "=======================\n", - "[\"a new tns survey shows the snp has almost doubled its lead over labour in a month , with 52 per cent now backing ms sturgeon with only 24 per cent of scots planning to vote for mr miliband .snp leader nicola sturgeon has been buoyed by a series of tv debates opposing austerity cuts , despite threatening another referendum on independence .more than half of scots plan to back the snp in the general election , shattering ed miliband 's hopes of securing a labour majority .\"]\n", - "=======================\n", - "['52 % of scots backing the snp , doubling lead over labour trailing on 24 %sturgeon buoyed by tv debates despite threat of another referendumdamning survey comes on the day miliband launches labour manifestotns surveyed 978 adults aged over 18 across scotland between march 18 and april 8']\n", - "a new tns survey shows the snp has almost doubled its lead over labour in a month , with 52 per cent now backing ms sturgeon with only 24 per cent of scots planning to vote for mr miliband .snp leader nicola sturgeon has been buoyed by a series of tv debates opposing austerity cuts , despite threatening another referendum on independence .more than half of scots plan to back the snp in the general election , shattering ed miliband 's hopes of securing a labour majority .\n", - "52 % of scots backing the snp , doubling lead over labour trailing on 24 %sturgeon buoyed by tv debates despite threat of another referendumdamning survey comes on the day miliband launches labour manifestotns surveyed 978 adults aged over 18 across scotland between march 18 and april 8\n", - "[1.1385871 1.3062434 1.3747629 1.2493311 1.0837543 1.058456 1.1711506\n", - " 1.1134295 1.0948926 1.0531554 1.049204 1.0794216 1.0616163 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 3 6 0 7 8 4 11 12 5 9 10 13 14]\n", - "=======================\n", - "[\"he revealed that a ` human molecule ' might contain 375 million atoms of hydrogen , 132 million atoms of oxygen and 85 million atoms of carbon .dr joe hanson , a science writer and biologist based in austin , texas , pondered this very question and now has calculated what the human body is in terms of chemical elements .by comparison , this human molecule contains just one atom of cobalt and three molecules of the metal molybdenum .\"]\n", - "=======================\n", - "[\"dr joe hanson is a science writer and biologist based in austin , texashe calculated what a hypothetical single ` human molecule ' might look likeit would contain 375 million hydrogen atoms and 85 million carbon atomshe also calculated that all the chemical elements in the human body could be worth upto $ 2,000 if they were isolated and sold on the open market\"]\n", - "he revealed that a ` human molecule ' might contain 375 million atoms of hydrogen , 132 million atoms of oxygen and 85 million atoms of carbon .dr joe hanson , a science writer and biologist based in austin , texas , pondered this very question and now has calculated what the human body is in terms of chemical elements .by comparison , this human molecule contains just one atom of cobalt and three molecules of the metal molybdenum .\n", - "dr joe hanson is a science writer and biologist based in austin , texashe calculated what a hypothetical single ` human molecule ' might look likeit would contain 375 million hydrogen atoms and 85 million carbon atomshe also calculated that all the chemical elements in the human body could be worth upto $ 2,000 if they were isolated and sold on the open market\n", - "[1.6165899 1.4163396 1.3481147 1.1406229 1.0659347 1.0432777 1.193233\n", - " 1.1501781 1.0817672 1.0858144 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 6 7 3 9 8 4 5 10 11 12 13 14]\n", - "=======================\n", - "['( cnn ) hockey player jarret stoll of the l.a. kings was arrested friday at the swimming pool of a las vegas resort on a drug-possession charge , cnn affiliate ksnv reported , citing a police spokesman .stoll , 32 , was charged with possession of controlled substances , including cocaine and ecstasy , according to ksnv .he was released from the clark county detention center late friday on $ 5,000 bail .']\n", - "=======================\n", - "['stoll is a center who has played for the kings since 2008he is reportedly involved with sportscaster and \" dancing with the stars \" host erin andrews']\n", - "( cnn ) hockey player jarret stoll of the l.a. kings was arrested friday at the swimming pool of a las vegas resort on a drug-possession charge , cnn affiliate ksnv reported , citing a police spokesman .stoll , 32 , was charged with possession of controlled substances , including cocaine and ecstasy , according to ksnv .he was released from the clark county detention center late friday on $ 5,000 bail .\n", - "stoll is a center who has played for the kings since 2008he is reportedly involved with sportscaster and \" dancing with the stars \" host erin andrews\n", - "[1.4358785 1.1995437 1.4260181 1.3133985 1.1229272 1.0903645 1.0428244\n", - " 1.0383762 1.1057206 1.033556 1.024433 1.0484115 1.1225749 1.1530335\n", - " 1.1699406]\n", - "\n", - "[ 0 2 3 1 14 13 4 12 8 5 11 6 7 9 10]\n", - "=======================\n", - "['in the dock : victorino chua , 49 , has given evidence for the first time and denied he murdered three and poisoned 18 more at stepping hill hospital in stockportchua denies murdering patients tracey arden , 44 , arnold lancaster , 71 and derek weaver , 83 , and deliberately poisoning 18 others between 2011 and 2012 .a nurse today told a jury he did not murder three hospital patients and poison almost 20 others on his ward by contaminating their medicine with insulin .']\n", - "=======================\n", - "['victorino chua , 49 , denies murdering patients at stockport hospital in 2011filipino nurse also accused of poisoning 18 more at stepping hill hospitaldenies injecting insulin and other poisons into bags of medicine on ward']\n", - "in the dock : victorino chua , 49 , has given evidence for the first time and denied he murdered three and poisoned 18 more at stepping hill hospital in stockportchua denies murdering patients tracey arden , 44 , arnold lancaster , 71 and derek weaver , 83 , and deliberately poisoning 18 others between 2011 and 2012 .a nurse today told a jury he did not murder three hospital patients and poison almost 20 others on his ward by contaminating their medicine with insulin .\n", - "victorino chua , 49 , denies murdering patients at stockport hospital in 2011filipino nurse also accused of poisoning 18 more at stepping hill hospitaldenies injecting insulin and other poisons into bags of medicine on ward\n", - "[1.1875749 1.5030961 1.3886658 1.2425907 1.0408794 1.020214 1.0174885\n", - " 1.0180598 1.0196136 1.0418937 1.0742149 1.0304844 1.1219542 1.0390606\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 12 10 9 4 13 11 5 8 7 6 18 14 15 16 17 19]\n", - "=======================\n", - "[\"there were no luis suarez nutmegs this time but the former chelsea defender found himself backpedaling hopelessly on the quarter hour as neymar scooted past him for barcelona 's opener .neymar ( top ) celebrates with brazilian compatriot dani alves after scoring his and barcelona 's second goal of the nightneymar accelerates past another brazil teammate , david luiz , before opening the scoring for barcelona on tuesday night\"]\n", - "=======================\n", - "[\"barcelona through to champions league semi-finals after 5-1 aggregate win over paris saint-germaindamage was done in first leg as barcelona scored three away goals to take a healthy lead back to the nou campneymar scored twice in the first half to put result beyond any doubt on zlatan ibrahimovic 's return to barca\"]\n", - "there were no luis suarez nutmegs this time but the former chelsea defender found himself backpedaling hopelessly on the quarter hour as neymar scooted past him for barcelona 's opener .neymar ( top ) celebrates with brazilian compatriot dani alves after scoring his and barcelona 's second goal of the nightneymar accelerates past another brazil teammate , david luiz , before opening the scoring for barcelona on tuesday night\n", - "barcelona through to champions league semi-finals after 5-1 aggregate win over paris saint-germaindamage was done in first leg as barcelona scored three away goals to take a healthy lead back to the nou campneymar scored twice in the first half to put result beyond any doubt on zlatan ibrahimovic 's return to barca\n", - "[1.2127881 1.2720866 1.0858113 1.1271616 1.0950634 1.0599295 1.037472\n", - " 1.0422872 1.062455 1.0496488 1.046178 1.0359317 1.1817007 1.066687\n", - " 1.0325884 1.0243974 1.0340154 0. 0. 0. ]\n", - "\n", - "[ 1 0 12 3 4 2 13 8 5 9 10 7 6 11 16 14 15 17 18 19]\n", - "=======================\n", - "['my husband russell was ready to be a father , we were financially secure and after editing a weekly magazine in new york for four stressful years , i was ready to resign and focus on building a family .suddenly , at the age of 34 and after 15 years of hoping for the exact opposite , i desperately wanted to get pregnant .happy family : after years of heartbreak , sarah and russell have two children william , ( centre ) and matilda']\n", - "=======================\n", - "['journalist sarah ivens , 39 , tells of her struggle to get pregnant aged 34the mother-of-two tried for years before having a childshe believes women need to be more aware of the difficulty of conceiving']\n", - "my husband russell was ready to be a father , we were financially secure and after editing a weekly magazine in new york for four stressful years , i was ready to resign and focus on building a family .suddenly , at the age of 34 and after 15 years of hoping for the exact opposite , i desperately wanted to get pregnant .happy family : after years of heartbreak , sarah and russell have two children william , ( centre ) and matilda\n", - "journalist sarah ivens , 39 , tells of her struggle to get pregnant aged 34the mother-of-two tried for years before having a childshe believes women need to be more aware of the difficulty of conceiving\n", - "[1.2839886 1.4405193 1.0689622 1.336488 1.203469 1.167306 1.072571\n", - " 1.0882257 1.1149775 1.1054159 1.0206121 1.0236379 1.0650201 1.0096759\n", - " 1.0074477 1.0827214 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 5 8 9 7 15 6 2 12 11 10 13 14 18 16 17 19]\n", - "=======================\n", - "[\"wade lange and his team living dead clothing , have been over-run by orders and enquiries since launching their new line this week - so massive has the interest been , that the company 's website has crashed due to the demand from around the world .with a range of almost 50 garments dedicated to the movie , ranging in price from $ 45 to $ 100 , estimates from industry insiders suggest the coup by the queensland clothes-horse last year to win the lucrative marvels contract , will be worth tens of millions of dollars to the one-time backyard operation .the new marvels movie , the avengers : age of ultron , is sure to wow the crowds at the cinema but the exclusive clothing line produced by a little-known brisbane is already lining the owner 's pockets .\"]\n", - "=======================\n", - "[\"brisbane designer raking in millions on the back of hollywood 's blockbuster moving ` the avengers : age of ultron 'release of their new line caused the website to crashsome items sold out in minutes when launched this weekmost expensive items are thor and iron man dresses at $ 100swimwear is among the cheapest to buy at $ 45fans of the series are buying up big because ` they are hoping to wear the outfits at early screenings of the movie '\"]\n", - "wade lange and his team living dead clothing , have been over-run by orders and enquiries since launching their new line this week - so massive has the interest been , that the company 's website has crashed due to the demand from around the world .with a range of almost 50 garments dedicated to the movie , ranging in price from $ 45 to $ 100 , estimates from industry insiders suggest the coup by the queensland clothes-horse last year to win the lucrative marvels contract , will be worth tens of millions of dollars to the one-time backyard operation .the new marvels movie , the avengers : age of ultron , is sure to wow the crowds at the cinema but the exclusive clothing line produced by a little-known brisbane is already lining the owner 's pockets .\n", - "brisbane designer raking in millions on the back of hollywood 's blockbuster moving ` the avengers : age of ultron 'release of their new line caused the website to crashsome items sold out in minutes when launched this weekmost expensive items are thor and iron man dresses at $ 100swimwear is among the cheapest to buy at $ 45fans of the series are buying up big because ` they are hoping to wear the outfits at early screenings of the movie '\n", - "[1.3333483 1.3582689 1.40044 1.3817574 1.3875225 1.2138816 1.0510494\n", - " 1.0431503 1.04153 1.0279235 1.1002506 1.0537271 1.0244498 1.0172949\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 4 3 1 0 5 10 11 6 7 8 9 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"the ex-barcelona and real madrid striker admitted his desire to see the best talent in the world at his club .cristiano ronaldo is also a target for ex-brazil and inter milan striker 's us teamronaldo says he ` would pay out of his own pocket ' to sign lionel messi to his united states football team\"]\n", - "=======================\n", - "['ex-brazil striker ronaldo is a co-owner of fort lauderdale strikersronaldo insists the club will target signing the best players in the worldronaldo believes the lifestyle in the united states appeals to top players']\n", - "the ex-barcelona and real madrid striker admitted his desire to see the best talent in the world at his club .cristiano ronaldo is also a target for ex-brazil and inter milan striker 's us teamronaldo says he ` would pay out of his own pocket ' to sign lionel messi to his united states football team\n", - "ex-brazil striker ronaldo is a co-owner of fort lauderdale strikersronaldo insists the club will target signing the best players in the worldronaldo believes the lifestyle in the united states appeals to top players\n", - "[1.1819386 1.2409896 1.3009682 1.2058367 1.1529478 1.1611229 1.124176\n", - " 1.1231593 1.0596799 1.1202786 1.0874052 1.053894 1.0285693 1.0334771\n", - " 1.0264435 1.0468099 1.0250921 1.0207468 1.0278962 1.0315642]\n", - "\n", - "[ 2 1 3 0 5 4 6 7 9 10 8 11 15 13 19 12 18 14 16 17]\n", - "=======================\n", - "[\"for in real life 007 would have perished several times in his most recent movie , skyfall .but it takes a great deal of artistic licence for daniel craig 's character to survive his on-screen ordeals , medical experts say .the incidents that ought to have been fatal include one before the opening credits rolled that would have ` turned his lungs out ' .\"]\n", - "=======================\n", - "[\"medical experts reveal analysis of scenes likely to kill movie charactersin real life , james bond would have died before skyfall 's opening creditshome alone character kevin should have died from serious head injuriesand it is ` laughable ' halloween villain michael myers survived stabbingthe new issue of total film is out tomorrow .\"]\n", - "for in real life 007 would have perished several times in his most recent movie , skyfall .but it takes a great deal of artistic licence for daniel craig 's character to survive his on-screen ordeals , medical experts say .the incidents that ought to have been fatal include one before the opening credits rolled that would have ` turned his lungs out ' .\n", - "medical experts reveal analysis of scenes likely to kill movie charactersin real life , james bond would have died before skyfall 's opening creditshome alone character kevin should have died from serious head injuriesand it is ` laughable ' halloween villain michael myers survived stabbingthe new issue of total film is out tomorrow .\n", - "[1.1062984 1.1540884 1.1984525 1.473869 1.2397578 1.1440544 1.0673134\n", - " 1.0190945 1.0188305 1.0676624 1.1144311 1.0700911 1.1142602 1.075318\n", - " 1.067607 1.0244906 1.1562372 0. 0. ]\n", - "\n", - "[ 3 4 2 16 1 5 10 12 0 13 11 9 14 6 15 7 8 17 18]\n", - "=======================\n", - "[\"giorgio armani , 80 , admitted in an interview that he disapproved of women with breast enlargements and men who worked out too muchthe 80-year-old fashion designer , who has dressed everyone from beyoncé to adele , has made a name for himself putting a-listers of all shapes and sizes in his creations , but it turns out he has harsh criticism for a few body shapes in particular .the milan-born designer has never denied that he is gay , but in the interview he condemned men who ` dress homosexual '\"]\n", - "=======================\n", - "[\"in an interview , armani , 80 , described cosmetic surgery as idiocybelieves women ` should not be desperate to look younger than her age 'the italian designer also said he did n't like men who looked too muscly\"]\n", - "giorgio armani , 80 , admitted in an interview that he disapproved of women with breast enlargements and men who worked out too muchthe 80-year-old fashion designer , who has dressed everyone from beyoncé to adele , has made a name for himself putting a-listers of all shapes and sizes in his creations , but it turns out he has harsh criticism for a few body shapes in particular .the milan-born designer has never denied that he is gay , but in the interview he condemned men who ` dress homosexual '\n", - "in an interview , armani , 80 , described cosmetic surgery as idiocybelieves women ` should not be desperate to look younger than her age 'the italian designer also said he did n't like men who looked too muscly\n", - "[1.5694845 1.139365 1.0796847 1.5145736 1.1547468 1.2821814 1.0977948\n", - " 1.1372602 1.0555239 1.0232178 1.020734 1.0550491 1.0171818 1.0149446\n", - " 1.0099019 1.0484469 1.0491034 1.0301075 0. ]\n", - "\n", - "[ 0 3 5 4 1 7 6 2 8 11 16 15 17 9 10 12 13 14 18]\n", - "=======================\n", - "[\"top-ranked serena williams had to fight back from a set down and figure out how to deal with strong winds before overcoming italy 's sara errani 4-6 , 7-6 ( 3 ) , 6-3 in a fed cup play-off sunday , giving the united states a 2-1 lead in the best-of-five series .next up , brindisi-born flavia pennetta was facing 65th-ranked christina mchale , followed by a potentially decisive doubles match .still , williams improved to 20-0 this year and 16-0 in fed cup for her career .\"]\n", - "=======================\n", - "['serena williams defeated sara errani for the united states in the fed cupworld no 1 was a set down before fighting back and winning the tieheavy wind made it difficult for the players throughout the game']\n", - "top-ranked serena williams had to fight back from a set down and figure out how to deal with strong winds before overcoming italy 's sara errani 4-6 , 7-6 ( 3 ) , 6-3 in a fed cup play-off sunday , giving the united states a 2-1 lead in the best-of-five series .next up , brindisi-born flavia pennetta was facing 65th-ranked christina mchale , followed by a potentially decisive doubles match .still , williams improved to 20-0 this year and 16-0 in fed cup for her career .\n", - "serena williams defeated sara errani for the united states in the fed cupworld no 1 was a set down before fighting back and winning the tieheavy wind made it difficult for the players throughout the game\n", - "[1.3897772 1.235181 1.3077976 1.3722107 1.2174647 1.0223318 1.046673\n", - " 1.1422045 1.0811704 1.0180156 1.0246357 1.014916 1.035319 1.0571399\n", - " 1.0943885 1.0106359 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 4 7 14 8 13 6 12 10 5 9 11 15 17 16 18]\n", - "=======================\n", - "[\"when jade and ross morley were told that their first baby , floyd-henry , had a rare form of dwarfism called achondroplasia , they made the decision that their son would be celebrated instead of pitied .less than two years later , floyd is now a big brother to three-week-old twins , and his mum jade said that she knows the two newest additions to their family will be his biggest supporters .the morleys , from casuarina on the north coast of nsw , released a video to explain floyd 's condition to their friends and family , in a bid to make their community a kinder place for their ` little legend ' .\"]\n", - "=======================\n", - "[\"jade and ross morley released a video to explain to their friends and family that their first child floyd-henry had achondroplasia dwarfismthe couple said he would be a ` little legend ' and he was ` small , that 's all 'the video was shared to social media and went viral around the worldjade and ross have now welcomed twins , cleo and harrison , into their family , making floyd a big brother and the morley household very busythe morley 's are passionate about raising awareness about achondroplasia and making the world a ` kinder place ' for floyd\"]\n", - "when jade and ross morley were told that their first baby , floyd-henry , had a rare form of dwarfism called achondroplasia , they made the decision that their son would be celebrated instead of pitied .less than two years later , floyd is now a big brother to three-week-old twins , and his mum jade said that she knows the two newest additions to their family will be his biggest supporters .the morleys , from casuarina on the north coast of nsw , released a video to explain floyd 's condition to their friends and family , in a bid to make their community a kinder place for their ` little legend ' .\n", - "jade and ross morley released a video to explain to their friends and family that their first child floyd-henry had achondroplasia dwarfismthe couple said he would be a ` little legend ' and he was ` small , that 's all 'the video was shared to social media and went viral around the worldjade and ross have now welcomed twins , cleo and harrison , into their family , making floyd a big brother and the morley household very busythe morley 's are passionate about raising awareness about achondroplasia and making the world a ` kinder place ' for floyd\n", - "[1.3549578 1.4605479 1.130163 1.2635899 1.4232173 1.1577168 1.0460056\n", - " 1.0292506 1.0318723 1.0602146 1.1474273 1.0806929 1.0510019 1.0352211\n", - " 1.0718104 1.012132 1.0395235 1.0107459 1.1123 ]\n", - "\n", - "[ 1 4 0 3 5 10 2 18 11 14 9 12 6 16 13 8 7 15 17]\n", - "=======================\n", - "[\"ibe has been absent for the last six weeks after he damaged his knee ligaments during a europa league tie against besiktas in istanbul .liverpool winger jordon ibe in action for brendan rodgers ' side in the europa league against besiktasbrendan rodgers is ready to unleash jordan ibe on the barclays premier league once more after his sparkling return to training .\"]\n", - "=======================\n", - "['liverpool host newcastle in the premier league on monday evening19-year-old jordon ibe has returned to the squad after six weeks outibe has impressed manager brendan rodgers in training']\n", - "ibe has been absent for the last six weeks after he damaged his knee ligaments during a europa league tie against besiktas in istanbul .liverpool winger jordon ibe in action for brendan rodgers ' side in the europa league against besiktasbrendan rodgers is ready to unleash jordan ibe on the barclays premier league once more after his sparkling return to training .\n", - "liverpool host newcastle in the premier league on monday evening19-year-old jordon ibe has returned to the squad after six weeks outibe has impressed manager brendan rodgers in training\n", - "[1.228236 1.550981 1.329499 1.2078574 1.4054325 1.2027543 1.048379\n", - " 1.0183921 1.0705178 1.0670843 1.0270858 1.1189554 1.0168014 1.0161595\n", - " 1.0582123 1.077241 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 0 3 5 11 15 8 9 14 6 10 7 12 13 16 17 18]\n", - "=======================\n", - "['latasha gosling , 27 , of tisdale , saskatchewan , and her two daughters , janyaa , 4 , and jenika , 8 , and her son landen , 7 , were discovered early wednesday one day after they were reported missing .the suspect in the case was found just hours later dead , and while police would not say how he died they did say that it was not a homicide .a young mother and her three children have been found murdered in their home .']\n", - "=======================\n", - "['latasha gosling , 27 , of tisdale , saskatchewan , was found murdered in her home early wednesdayher two daughters , janyaa , 4 , and jenika , 8 , and her son landen , 7 , were also discovered deadhours later police found the suspect dead at his residence , along with a six-month-old baby who was unharmedpolice are not releasing much information at this time , but did reveal the suspect and victims knew one another']\n", - "latasha gosling , 27 , of tisdale , saskatchewan , and her two daughters , janyaa , 4 , and jenika , 8 , and her son landen , 7 , were discovered early wednesday one day after they were reported missing .the suspect in the case was found just hours later dead , and while police would not say how he died they did say that it was not a homicide .a young mother and her three children have been found murdered in their home .\n", - "latasha gosling , 27 , of tisdale , saskatchewan , was found murdered in her home early wednesdayher two daughters , janyaa , 4 , and jenika , 8 , and her son landen , 7 , were also discovered deadhours later police found the suspect dead at his residence , along with a six-month-old baby who was unharmedpolice are not releasing much information at this time , but did reveal the suspect and victims knew one another\n", - "[1.3433595 1.3006092 1.3796341 1.1410459 1.2102262 1.1194742 1.0505799\n", - " 1.1152351 1.05316 1.1352738 1.1086123 1.0830282 1.0354611 1.0533226\n", - " 1.0501419 1.0518651 1.057385 1.0554594 1.0166347 0. 0. ]\n", - "\n", - "[ 2 0 1 4 3 9 5 7 10 11 16 17 13 8 15 6 14 12 18 19 20]\n", - "=======================\n", - "[\"the attack comes a day after turkish prosecutor mehmet selim kiraz , 46 , died in hospital after members of the revolutionary people 's liberation party-front ( dhkp-c ) stormed a courthouse and took him hostage .a picture of the red-haired woman lying on the ground with a rifle strapped to her body and a handgun by her side has emerged and television footage showed police sealing off the street in the central aksaray neighbourhood .it is not known who fired the fatal shots .\"]\n", - "=======================\n", - "[\"warning : graphic imagesarmed woman was shot dead as she tried to attack istanbul 's police hqshe was said to be carrying a rifle , two hand grenades and one pistola day earlier , prosecutor mehmet selim kiraz died from gunshot woundstwo terrorists from revolutionary people 's liberation front also killed\"]\n", - "the attack comes a day after turkish prosecutor mehmet selim kiraz , 46 , died in hospital after members of the revolutionary people 's liberation party-front ( dhkp-c ) stormed a courthouse and took him hostage .a picture of the red-haired woman lying on the ground with a rifle strapped to her body and a handgun by her side has emerged and television footage showed police sealing off the street in the central aksaray neighbourhood .it is not known who fired the fatal shots .\n", - "warning : graphic imagesarmed woman was shot dead as she tried to attack istanbul 's police hqshe was said to be carrying a rifle , two hand grenades and one pistola day earlier , prosecutor mehmet selim kiraz died from gunshot woundstwo terrorists from revolutionary people 's liberation front also killed\n", - "[1.285362 1.5157267 1.247108 1.3190494 1.3690597 1.0404178 1.0229857\n", - " 1.0223031 1.166802 1.0713414 1.0927199 1.0335795 1.0638149 1.0384628\n", - " 1.1063092 1.0260499 1.0305176 1.0171089 1.0211477 1.0193517 0. ]\n", - "\n", - "[ 1 4 3 0 2 8 14 10 9 12 5 13 11 16 15 6 7 18 19 17 20]\n", - "=======================\n", - "[\"jodie bredo , 26 , from essex , has been a kate lookalike for six years and wishes the duchess of cambridge would ` change her hair for once ' - suggesting she opt for a bob style .she often does jobs with a prince william lookalike ( left ) but says she fancies the younger prince harry morejodie , who is now single after splitting from her boyfriend , said of the duchess , who is expecting her second child : ` kate 's just too frumpy for her age .\"]\n", - "=======================\n", - "['jodie bredo has been a kate middleton lookalike for six yearsgets hair trimmed regularly and spends # 30 a month on black eyelinerhas done shoots with toddlers and been fitted with a baby bump']\n", - "jodie bredo , 26 , from essex , has been a kate lookalike for six years and wishes the duchess of cambridge would ` change her hair for once ' - suggesting she opt for a bob style .she often does jobs with a prince william lookalike ( left ) but says she fancies the younger prince harry morejodie , who is now single after splitting from her boyfriend , said of the duchess , who is expecting her second child : ` kate 's just too frumpy for her age .\n", - "jodie bredo has been a kate middleton lookalike for six yearsgets hair trimmed regularly and spends # 30 a month on black eyelinerhas done shoots with toddlers and been fitted with a baby bump\n", - "[1.2848617 1.355902 1.2551587 1.1331117 1.0555152 1.2706686 1.0972673\n", - " 1.0851871 1.185115 1.0527526 1.0832996 1.0328101 1.0450279 1.0645627\n", - " 1.0607127 1.0850464 1.0590998 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 5 2 8 3 6 7 15 10 13 14 16 4 9 12 11 19 17 18 20]\n", - "=======================\n", - "['environmentalist group sea shepherd had been tailing the thunder -- subject of an interpol \" purple notice \" for suspected fraud and fisheries-related crimes -- since its ship the bob barker encountered it in the southern ocean several months ago .( cnn ) a 110-day cat-and-mouse chase spanning from antarctic waters to the coast of west africa had an unlikely end when the crew of an alleged poaching vessel were rescued by conservationists pursuing them .bob barker captain peter hammarstedt said the crew rescued from the ship had been handed over to the sao tome coastguard early tuesday .']\n", - "=======================\n", - "['sea shepherd rescues the crew of an alleged poaching ship it had chased for 110 daysthe conservationist group had pursued the vessel since it was found illegally fishing off antarctica , it sayssea shepherd captain tells cnn he believes the ship was deliberately sunk to destroy evidence']\n", - "environmentalist group sea shepherd had been tailing the thunder -- subject of an interpol \" purple notice \" for suspected fraud and fisheries-related crimes -- since its ship the bob barker encountered it in the southern ocean several months ago .( cnn ) a 110-day cat-and-mouse chase spanning from antarctic waters to the coast of west africa had an unlikely end when the crew of an alleged poaching vessel were rescued by conservationists pursuing them .bob barker captain peter hammarstedt said the crew rescued from the ship had been handed over to the sao tome coastguard early tuesday .\n", - "sea shepherd rescues the crew of an alleged poaching ship it had chased for 110 daysthe conservationist group had pursued the vessel since it was found illegally fishing off antarctica , it sayssea shepherd captain tells cnn he believes the ship was deliberately sunk to destroy evidence\n", - "[1.1509106 1.533416 1.1285104 1.3858238 1.145985 1.2280681 1.1289821\n", - " 1.2278168 1.0549808 1.0202566 1.0440559 1.0496538 1.0142709 1.0147923\n", - " 1.0143837 1.0985974 1.0356922 1.0824881 1.06252 1.0823708 1.0203109]\n", - "\n", - "[ 1 3 5 7 0 4 6 2 15 17 19 18 8 11 10 16 20 9 13 14 12]\n", - "=======================\n", - "[\"natalie fletcher 's ' 100 bodies across america ' project sees painted individuals blended into the likes of tourist hotspots , forests and ruins .talented body-painter natalie fletcher has been travelling around the united states painting different people in each town - here she painted two people as a brick wall in carolinacreative natalie , from bend in oregon , usa , hopes to complete the entire series by september this year .\"]\n", - "=======================\n", - "[\"natalie fletcher is a body painter from oregon , us , working on ' 100 bodies across america ' projectthe 29-year-old has been travelling around painting different subjectsshe blends her subjects into the landscapes they 're standing in front of - including buildings and scenery\"]\n", - "natalie fletcher 's ' 100 bodies across america ' project sees painted individuals blended into the likes of tourist hotspots , forests and ruins .talented body-painter natalie fletcher has been travelling around the united states painting different people in each town - here she painted two people as a brick wall in carolinacreative natalie , from bend in oregon , usa , hopes to complete the entire series by september this year .\n", - "natalie fletcher is a body painter from oregon , us , working on ' 100 bodies across america ' projectthe 29-year-old has been travelling around painting different subjectsshe blends her subjects into the landscapes they 're standing in front of - including buildings and scenery\n", - "[1.1289564 1.467428 1.1046394 1.1836922 1.0763444 1.036035 1.1076539\n", - " 1.040805 1.05046 1.0620053 1.0192182 1.1510104 1.1426165 1.1303346\n", - " 1.163612 1.0900596 1.0222954 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 14 11 12 13 0 6 2 15 4 9 8 7 5 16 10 17 18 19 20]\n", - "=======================\n", - "[\"now , less than 12 hours after poldark ended with a dramatic cliffhanger , disgruntled viewers have taken to twitter to complain of ` withdrawal symptoms ' - and urge the bbc to hurry up with series two .to be continued ... poldark ended last night on a dramatic cliff-hanger with the main man hauled off to jailmissing out : fans say they have nothing to look forward to now the show is over\"]\n", - "=======================\n", - "[\"bbc one 's poldark ended with a tear-jerking cliffhanger last nightfans have taken to twitter to complain about ` withdrawal symptoms 'the second series of the hit drama starts filming this autumnthis sunday 's poldark slot will be filled by sheridan smith 's the c-wordluckily for turner fans , his new film the secret scripture is out this year\"]\n", - "now , less than 12 hours after poldark ended with a dramatic cliffhanger , disgruntled viewers have taken to twitter to complain of ` withdrawal symptoms ' - and urge the bbc to hurry up with series two .to be continued ... poldark ended last night on a dramatic cliff-hanger with the main man hauled off to jailmissing out : fans say they have nothing to look forward to now the show is over\n", - "bbc one 's poldark ended with a tear-jerking cliffhanger last nightfans have taken to twitter to complain about ` withdrawal symptoms 'the second series of the hit drama starts filming this autumnthis sunday 's poldark slot will be filled by sheridan smith 's the c-wordluckily for turner fans , his new film the secret scripture is out this year\n", - "[1.265588 1.4924806 1.2902904 1.4473542 1.2639331 1.1179249 1.053313\n", - " 1.0503248 1.1156965 1.0925555 1.0179818 1.12541 1.0386848 1.0166274\n", - " 1.010291 1.0122337 1.0093435 1.0241177 1.0240293 1.0141762 1.0773102]\n", - "\n", - "[ 1 3 2 0 4 11 5 8 9 20 6 7 12 17 18 10 13 19 15 14 16]\n", - "=======================\n", - "[\"adam federici left the pitch in tears after fumbling alexis sanchez 's effort to give arsenal a 2-1 victory in saturday 's semi final .adam federici is due to marry girlfriend micaela gardner on the same weekend as the fa cup finalfederici has been backed to bounce back by reading boss steve clarke , who expects the keeper to start against birmingham on wednesday .\"]\n", - "=======================\n", - "[\"adam federici 's error gave arsenal a 2-1 victory in fa cup semi-finalfederici fumbled alexis sanchez 's shot - allowing it to go through his legsfederici left the pitch in tears and apolgised for his error after the gamefa cup final is on may 30 - same day federici will marry his girlfriendthere is no suggestion , however , that he let the goal in on purpose\"]\n", - "adam federici left the pitch in tears after fumbling alexis sanchez 's effort to give arsenal a 2-1 victory in saturday 's semi final .adam federici is due to marry girlfriend micaela gardner on the same weekend as the fa cup finalfederici has been backed to bounce back by reading boss steve clarke , who expects the keeper to start against birmingham on wednesday .\n", - "adam federici 's error gave arsenal a 2-1 victory in fa cup semi-finalfederici fumbled alexis sanchez 's shot - allowing it to go through his legsfederici left the pitch in tears and apolgised for his error after the gamefa cup final is on may 30 - same day federici will marry his girlfriendthere is no suggestion , however , that he let the goal in on purpose\n", - "[1.3118255 1.4779267 1.282693 1.2420093 1.1568425 1.1706339 1.0659807\n", - " 1.0263578 1.0400941 1.0204657 1.0601436 1.1327041 1.1526473 1.0546033\n", - " 1.0163273 1.0177978 1.0590581 1.0284275 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 5 4 12 11 6 10 16 13 8 17 7 9 15 14 19 18 20]\n", - "=======================\n", - "[\"the collective ceremony , which was billed the first of its kind to be held in china , was organised by a new social media app designed for pets .a mass doggy wedding saw more than 40 pooches , complete with tulle wedding dresses and celebrity guests , tie the knot in a park in beijing on sunday .a traditional wedding march played as the love-struck pooches were led down the aisle by their owners to ` exchange vows ' and receive marriage certificates , according to the people 's daily online .\"]\n", - "=======================\n", - "[\"the pets wear tulle wedding dresses and tuxedos with bow tiescouples are given marriage certificates after ` exchanging vows 'wedding is organised to promote a social media app designed for petsno expense spared as pooches arrived in bmws and a stretch hummer\"]\n", - "the collective ceremony , which was billed the first of its kind to be held in china , was organised by a new social media app designed for pets .a mass doggy wedding saw more than 40 pooches , complete with tulle wedding dresses and celebrity guests , tie the knot in a park in beijing on sunday .a traditional wedding march played as the love-struck pooches were led down the aisle by their owners to ` exchange vows ' and receive marriage certificates , according to the people 's daily online .\n", - "the pets wear tulle wedding dresses and tuxedos with bow tiescouples are given marriage certificates after ` exchanging vows 'wedding is organised to promote a social media app designed for petsno expense spared as pooches arrived in bmws and a stretch hummer\n", - "[1.5755675 1.3968385 1.1127218 1.1427351 1.3539871 1.1957057 1.0165968\n", - " 1.0213238 1.1538713 1.1864702 1.2059047 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 10 5 9 8 3 2 7 6 18 17 16 15 12 13 11 19 14 20]\n", - "=======================\n", - "['zinedine zidane is confident paris saint-germain can beat barcelona and progress to the champions league semi-finals on tuesday night .zlatan ibrahimovic will be available again when psg meet barcelona on tuesday , after missing the first legzidane , pictured at the match against poverty in saint-etienne on monday , is confident psg can score three']\n", - "=======================\n", - "['psg trail barcelona 3-1 in champions league quarter-finalszinedine zidane is confident french side can win and progresszlatan ibrahimovic is available after returning from suspension']\n", - "zinedine zidane is confident paris saint-germain can beat barcelona and progress to the champions league semi-finals on tuesday night .zlatan ibrahimovic will be available again when psg meet barcelona on tuesday , after missing the first legzidane , pictured at the match against poverty in saint-etienne on monday , is confident psg can score three\n", - "psg trail barcelona 3-1 in champions league quarter-finalszinedine zidane is confident french side can win and progresszlatan ibrahimovic is available after returning from suspension\n", - "[1.3154315 1.4016265 1.1331706 1.190352 1.0936584 1.1290294 1.1445898\n", - " 1.1565733 1.054815 1.1709718 1.124567 1.0415167 1.049681 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 9 7 6 2 5 10 4 8 12 11 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"the former monaco playmaker has been out of action since the beginning of february with a foot injury , but has been named in the real starting xi for the visit of granada on sunday .with james rodriguez returning to the real madrid squad , spanish publication marca have splashed about how carlo ancelotti has his ` six nations ' available again .filipo inzaghi 's ac milan beat palermo 2-1 to make it two wins in a row and maintain a slim hope of european football next season .\"]\n", - "=======================\n", - "['real madrid host granada at the bernabeu in la liga fixture on sundayjames rodriguez ( colombia ) , toni kroos ( germany ) , gareth bale ( wales ) , cristiano ronaldo ( portugal ) and luka modric ( croatia ) all availablelionel messi in barcelona squad to play celta vigo after foot injuryinter milan draw again in serie a while ac milan continue resurgent form']\n", - "the former monaco playmaker has been out of action since the beginning of february with a foot injury , but has been named in the real starting xi for the visit of granada on sunday .with james rodriguez returning to the real madrid squad , spanish publication marca have splashed about how carlo ancelotti has his ` six nations ' available again .filipo inzaghi 's ac milan beat palermo 2-1 to make it two wins in a row and maintain a slim hope of european football next season .\n", - "real madrid host granada at the bernabeu in la liga fixture on sundayjames rodriguez ( colombia ) , toni kroos ( germany ) , gareth bale ( wales ) , cristiano ronaldo ( portugal ) and luka modric ( croatia ) all availablelionel messi in barcelona squad to play celta vigo after foot injuryinter milan draw again in serie a while ac milan continue resurgent form\n", - "[1.2022347 1.610538 1.3415189 1.4878548 1.2710761 1.0694906 1.0232869\n", - " 1.0435452 1.0903147 1.0836275 1.0914552 1.0242467 1.0164028 1.0573982\n", - " 1.0452117 1.0710268 1.0093589 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 10 8 9 15 5 13 14 7 11 6 12 16 19 17 18 20]\n", - "=======================\n", - "[\"nicholas tooth , 25 , was playing for the quirindi lions against the narrabri blue boars in mid-north nsw on saturday when he collapsed after hitting his head on an opponent 's shoulder during a tackle .he was treated at the ground before being airlifted to newcastle 's john hunter hospital in a critical condition but died in hospital late on sunday .the young man was visiting his hometown in the new england region of nsw for the weekend\"]\n", - "=======================\n", - "[\"nicholas tooth , 25 , was playing for the quirindi lions in regional nswon saturday he hit his head on an opponent 's shoulder during a tacklehe was airlifted to newcastle 's john hunter hospital in a critical conditionon sunday mr tooth , who had been living in sydney , died in hospital\"]\n", - "nicholas tooth , 25 , was playing for the quirindi lions against the narrabri blue boars in mid-north nsw on saturday when he collapsed after hitting his head on an opponent 's shoulder during a tackle .he was treated at the ground before being airlifted to newcastle 's john hunter hospital in a critical condition but died in hospital late on sunday .the young man was visiting his hometown in the new england region of nsw for the weekend\n", - "nicholas tooth , 25 , was playing for the quirindi lions in regional nswon saturday he hit his head on an opponent 's shoulder during a tacklehe was airlifted to newcastle 's john hunter hospital in a critical conditionon sunday mr tooth , who had been living in sydney , died in hospital\n", - "[1.2985044 1.3971977 1.2129928 1.3445449 1.1410406 1.1012944 1.0516773\n", - " 1.1009946 1.1685964 1.070818 1.0974721 1.0152886 1.0209928 1.0512943\n", - " 1.042024 1.0571654 1.1147251 1.072605 1.0156945 1.0088012 1.0203716]\n", - "\n", - "[ 1 3 0 2 8 4 16 5 7 10 17 9 15 6 13 14 12 20 18 11 19]\n", - "=======================\n", - "[\"hughes and hinch appeared on monday night 's q&a panel discussing depression and alcohol , following the emergence of a video featuring prime minister tony abbott skolling a beer in a pub .australian comedian dave hughes ( pictured ) called radio broadcaster derryn hinch a ` w ** ker ' on national televisionaudience member lauren hayes asked minister for trade and investment andrew robb if he thought mr abbott 's ` display of irresponsible drinking was an act of peer pressure or an attempt to become more popular with younger voters ' .\"]\n", - "=======================\n", - "[\"comedian dave hughes called derryn hinch a ` w ** ker ' on monday 's q&athe pair were speaking about the binge drinking culture in australiaradio broadcaster hinch said he drank because he liked ` the taste of wine 'this was met with hughes replying : ` that 's because you 're a w ** ker 'hinch retorted with : ` it takes one to know one 'hughes said he stands by his comments made on monday night\"]\n", - "hughes and hinch appeared on monday night 's q&a panel discussing depression and alcohol , following the emergence of a video featuring prime minister tony abbott skolling a beer in a pub .australian comedian dave hughes ( pictured ) called radio broadcaster derryn hinch a ` w ** ker ' on national televisionaudience member lauren hayes asked minister for trade and investment andrew robb if he thought mr abbott 's ` display of irresponsible drinking was an act of peer pressure or an attempt to become more popular with younger voters ' .\n", - "comedian dave hughes called derryn hinch a ` w ** ker ' on monday 's q&athe pair were speaking about the binge drinking culture in australiaradio broadcaster hinch said he drank because he liked ` the taste of wine 'this was met with hughes replying : ` that 's because you 're a w ** ker 'hinch retorted with : ` it takes one to know one 'hughes said he stands by his comments made on monday night\n", - "[1.2885838 1.5033691 1.193194 1.0903317 1.3849207 1.270509 1.0565906\n", - " 1.032312 1.1839057 1.02281 1.1717247 1.0264171 1.0412848 1.0160184\n", - " 1.0163441 1.0189931 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 5 2 8 10 3 6 12 7 11 9 15 14 13 19 16 17 18 20]\n", - "=======================\n", - "[\"kiwi jihadi mark john taylor , who claims to be fighting with islamic state in syria , posted a video on youtube in an attempt to incite violent acts in australia and new zealand during services commemorating anzac day 's centenary .new zealand police commissioner mike bush confirmed taylor was ` known to new zealand authorities ' and that this was not his first attempt at publicly ` airing his views ' .in the video , which has since been removed after 3 news notified authorities , taylor instructed fellow jihadists to act out against police and soldiers .\"]\n", - "=======================\n", - "[\"kiwi jihadi mark taylor posted a video inciting terror attacks on anzac dayaustralian and new zealand authorities have increased security measureshe told is followers to ` stab ' police officers or soldiers at anzac services` now is the time to commence your operations , even if it means you have to stab a few police officers , soldiers on anzac day and so be it . 'nz police commissioner ` satisfied ' appropriate measures are in place\"]\n", - "kiwi jihadi mark john taylor , who claims to be fighting with islamic state in syria , posted a video on youtube in an attempt to incite violent acts in australia and new zealand during services commemorating anzac day 's centenary .new zealand police commissioner mike bush confirmed taylor was ` known to new zealand authorities ' and that this was not his first attempt at publicly ` airing his views ' .in the video , which has since been removed after 3 news notified authorities , taylor instructed fellow jihadists to act out against police and soldiers .\n", - "kiwi jihadi mark taylor posted a video inciting terror attacks on anzac dayaustralian and new zealand authorities have increased security measureshe told is followers to ` stab ' police officers or soldiers at anzac services` now is the time to commence your operations , even if it means you have to stab a few police officers , soldiers on anzac day and so be it . 'nz police commissioner ` satisfied ' appropriate measures are in place\n", - "[1.2919021 1.44878 1.1820664 1.263545 1.1626207 1.0621943 1.262326\n", - " 1.0945046 1.1024312 1.195356 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 6 9 2 4 8 7 5 18 17 16 15 10 13 12 11 19 14 20]\n", - "=======================\n", - "[\"the 23-year-old was celebrating tottenham hotspur team-mate andros townsend 's equalising goal for england against italy when a tattoo on his arm was shown across televisions worldwide .ryan mason probably did n't expect his tattoo to take centre stage during his senior england debut , but that 's exactly what happened on tuesday night .tottenham hotspur midfielder ryan mason 's tattoo ( left ) became popular online during this celebration\"]\n", - "=======================\n", - "[\"ryan mason celebrated england 's equaliser against italy on tuesday nightthe senior england debutant 's tattoo took centre stage on social mediaone twitter user likened it to himself at age 12 and got 20,000 retweets\"]\n", - "the 23-year-old was celebrating tottenham hotspur team-mate andros townsend 's equalising goal for england against italy when a tattoo on his arm was shown across televisions worldwide .ryan mason probably did n't expect his tattoo to take centre stage during his senior england debut , but that 's exactly what happened on tuesday night .tottenham hotspur midfielder ryan mason 's tattoo ( left ) became popular online during this celebration\n", - "ryan mason celebrated england 's equaliser against italy on tuesday nightthe senior england debutant 's tattoo took centre stage on social mediaone twitter user likened it to himself at age 12 and got 20,000 retweets\n", - "[1.272794 1.4969847 1.2133197 1.2587929 1.3165145 1.0426581 1.1537526\n", - " 1.1024959 1.0466561 1.0281147 1.0657253 1.0365076 1.0445238 1.0223573\n", - " 1.0222406 1.0151972 1.0550859 1.0683848 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 3 2 6 7 17 10 16 8 12 5 11 9 13 14 15 19 18 20]\n", - "=======================\n", - "['grand rapids , michigan police have an arrest warrant out for suspect jalin smith-walker in connection to the monday evening fight , but as of thursday morning authorities say they are still attempting to locate the young woman .a 19-year-old woman is wanted by police after video appeared online this week , showing the teenager hitting and running over a rival with her car in a ruthless street fight .in december , she was arrested for dragging a mall security guard several feet when he tried to stop her on suspicion of shoplifting .']\n", - "=======================\n", - "[\"police are still attempting to locate suspect jalin smith-walker , 19video uploaded this week shows the teen getting into a fight with a fellow 19-year-old in a muskegon , michigan streetthe fight takes a turn when smith-walker gets into her car and then runs over her victim before speeding off down the streetthis is apparently smith-walker 's second arrest in recent months for a crime involving her carin december , smith-walker was arrested for allegedly dragging a mall security officer with her car after he tried to stop her for shoplifting\"]\n", - "grand rapids , michigan police have an arrest warrant out for suspect jalin smith-walker in connection to the monday evening fight , but as of thursday morning authorities say they are still attempting to locate the young woman .a 19-year-old woman is wanted by police after video appeared online this week , showing the teenager hitting and running over a rival with her car in a ruthless street fight .in december , she was arrested for dragging a mall security guard several feet when he tried to stop her on suspicion of shoplifting .\n", - "police are still attempting to locate suspect jalin smith-walker , 19video uploaded this week shows the teen getting into a fight with a fellow 19-year-old in a muskegon , michigan streetthe fight takes a turn when smith-walker gets into her car and then runs over her victim before speeding off down the streetthis is apparently smith-walker 's second arrest in recent months for a crime involving her carin december , smith-walker was arrested for allegedly dragging a mall security officer with her car after he tried to stop her for shoplifting\n", - "[1.2786961 1.4531795 1.2004869 1.289386 1.2537214 1.1719877 1.0541356\n", - " 1.108431 1.0649465 1.0229715 1.0285332 1.0118865 1.0243939 1.1020561\n", - " 1.2023315 1.0552763 1.0568869 1.0454401 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 14 2 5 7 13 8 16 15 6 17 10 12 9 11 19 18 20]\n", - "=======================\n", - "[\"madison small , from ashburn , virginia , left school early on monday and , after she woke up in the night with a severe headache , she was rushed to hospital .the virginia medical examiner 's office is now investigating her death and an autopsy has been ordered , but no cause has yet been given .family members and friends have been left heartbroken and baffled after an 18-year-old high school senior died suddenly on tuesday , just hours after feeling ill .\"]\n", - "=======================\n", - "[\"madison small woke up feeling ill on monday night so was rushed to hospital , but her organs began shutting down and she died on tuesdayher parents have not been given a diagnosis for their daughter 's illness and the medical examiner 's office is now determining the causehundreds of students and family members gathered for a candle-lit vigil on tuesday night , where she was remembered as a great athlete and friend\"]\n", - "madison small , from ashburn , virginia , left school early on monday and , after she woke up in the night with a severe headache , she was rushed to hospital .the virginia medical examiner 's office is now investigating her death and an autopsy has been ordered , but no cause has yet been given .family members and friends have been left heartbroken and baffled after an 18-year-old high school senior died suddenly on tuesday , just hours after feeling ill .\n", - "madison small woke up feeling ill on monday night so was rushed to hospital , but her organs began shutting down and she died on tuesdayher parents have not been given a diagnosis for their daughter 's illness and the medical examiner 's office is now determining the causehundreds of students and family members gathered for a candle-lit vigil on tuesday night , where she was remembered as a great athlete and friend\n", - "[1.5070531 1.4352338 1.1509724 1.4870696 1.1548824 1.1254264 1.1121931\n", - " 1.0233114 1.0123049 1.01009 1.013665 1.1463244 1.0345227 1.0515001\n", - " 1.013125 1.0102714 1.0117619 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 11 5 6 13 12 7 10 14 8 16 15 9 17 18 19 20]\n", - "=======================\n", - "[\"moeen ali says he is ready to take on australia 's two left-arm mitchells in the ashes -- and has overcome the problems he had against the short ball during his introduction to test cricket last summer .moeen ali will join up with england ahead of their second west indies test after recovering quicker than expected form a rib injurymoeen 's performance in the world cup was a glimmer of light in a disappointing tournament for england\"]\n", - "=======================\n", - "[\"moeen ali will join up with england ahead of second west indies testmoeen recovered more quickly from a rib injury than anyone expectedengland batsman suffered when facing short balls in last summer 's ashesmoeen says he has rectified problem and is ready to take on the mitchells\"]\n", - "moeen ali says he is ready to take on australia 's two left-arm mitchells in the ashes -- and has overcome the problems he had against the short ball during his introduction to test cricket last summer .moeen ali will join up with england ahead of their second west indies test after recovering quicker than expected form a rib injurymoeen 's performance in the world cup was a glimmer of light in a disappointing tournament for england\n", - "moeen ali will join up with england ahead of second west indies testmoeen recovered more quickly from a rib injury than anyone expectedengland batsman suffered when facing short balls in last summer 's ashesmoeen says he has rectified problem and is ready to take on the mitchells\n", - "[1.1363661 1.0740336 1.073866 1.0794787 1.1017975 1.2003958 1.0440555\n", - " 1.0600795 1.0279223 1.1344646 1.0944831 1.1140611 1.1305497 1.0669602\n", - " 1.0258932 1.0362712 1.0321718 1.0151305 1.0491581 1.0287586 1.0599402]\n", - "\n", - "[ 5 0 9 12 11 4 10 3 1 2 13 7 20 18 6 15 16 19 8 14 17]\n", - "=======================\n", - "[\"jae rockwell , the founder of my local women 's fitness groups , women run the world , posted this mantra to help us keep ourselves accountable .( cnn ) it takes a village to raise a triathlete .annastasia w. , who 's training for her first ironman half-triathlon this summer , suggested a group brick workout at our local gym .\"]\n", - "=======================\n", - "['working out in a group of friends inspired fit nation participant erica moore']\n", - "jae rockwell , the founder of my local women 's fitness groups , women run the world , posted this mantra to help us keep ourselves accountable .( cnn ) it takes a village to raise a triathlete .annastasia w. , who 's training for her first ironman half-triathlon this summer , suggested a group brick workout at our local gym .\n", - "working out in a group of friends inspired fit nation participant erica moore\n", - "[1.2835729 1.4844798 1.1874489 1.2049016 1.3922216 1.1398879 1.1290493\n", - " 1.0857121 1.0347595 1.0138755 1.0993735 1.191353 1.0742744 1.0428879\n", - " 1.0400014 1.0762869 1.0443461 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 3 11 2 5 6 10 7 15 12 16 13 14 8 9 19 17 18 20]\n", - "=======================\n", - "[\"the england midfielder has interest from liverpool with brendan rodgers keen to fill the vacuum created by steven gerrard 's departure .manchester city midfielder james milner will make a decision over his future at the end of the seasonwhile city head into sunday 's manchester derby trailing neighbours united in the league for first time since november 2013 , milner is keen to ensure that city finish the season as strongly as possible .\"]\n", - "=======================\n", - "['manchester city midfielder james milner is out of contract in the summermilner will not be rushed into making final decision over his futurebrendan rodgers has lined up milner to fill void left by steven gerrardarsenal and everton are also keen on signing milner in summer']\n", - "the england midfielder has interest from liverpool with brendan rodgers keen to fill the vacuum created by steven gerrard 's departure .manchester city midfielder james milner will make a decision over his future at the end of the seasonwhile city head into sunday 's manchester derby trailing neighbours united in the league for first time since november 2013 , milner is keen to ensure that city finish the season as strongly as possible .\n", - "manchester city midfielder james milner is out of contract in the summermilner will not be rushed into making final decision over his futurebrendan rodgers has lined up milner to fill void left by steven gerrardarsenal and everton are also keen on signing milner in summer\n", - "[1.181486 1.361429 1.2070143 1.1442297 1.2000164 1.1306266 1.1525899\n", - " 1.1482869 1.0889715 1.0390105 1.0535312 1.0889632 1.0502183 1.0777441\n", - " 1.0584275 1.0274508 1.0169612 1.0354236 1.0470529 0. 0. ]\n", - "\n", - "[ 1 2 4 0 6 7 3 5 8 11 13 14 10 12 18 9 17 15 16 19 20]\n", - "=======================\n", - "['researchers around the world are bracing themselves for the results of a study by scientists in china that has introduced dna changes to reproductive cells .although the scientific paper is yet to be published , the scientific world is abuzz with rumours that the work has been carried out .human embryos , like the one above , may have been genetically modified with new gene editing techniques']\n", - "=======================\n", - "[\"scientists in china are believed to have altered the dna of human embryos so that changes can be passed on to future generations in the germ lineleading researchers have called for a halt on such research until the implications and safety of the technology can be properly exploredthey warn germ line modification is ` dangerous and ethically unacceptable 'some fear the technique could be misused to create ` designer families '\"]\n", - "researchers around the world are bracing themselves for the results of a study by scientists in china that has introduced dna changes to reproductive cells .although the scientific paper is yet to be published , the scientific world is abuzz with rumours that the work has been carried out .human embryos , like the one above , may have been genetically modified with new gene editing techniques\n", - "scientists in china are believed to have altered the dna of human embryos so that changes can be passed on to future generations in the germ lineleading researchers have called for a halt on such research until the implications and safety of the technology can be properly exploredthey warn germ line modification is ` dangerous and ethically unacceptable 'some fear the technique could be misused to create ` designer families '\n", - "[1.3106183 1.0389782 1.484474 1.3112891 1.0410459 1.1284701 1.0254803\n", - " 1.2408501 1.092921 1.082628 1.1178743 1.2357851 1.0815306 1.1305411\n", - " 1.1607146 1.0878332 1.0433283 1.0182263 1.0192549 1.0629652 0. ]\n", - "\n", - "[ 2 3 0 7 11 14 13 5 10 8 15 9 12 19 16 4 1 6 18 17 20]\n", - "=======================\n", - "[\"salvina formosa from south wentworthville , west of sydney , has been taking part in step classes to improve her fitness and strength to walk after tripping over on an uneven footpath .the 101-year-old widow , who was never keen on exercise in her youth , now does weights and sit-to-stand exercises several times a week at southern cross care in merrylandsthe western sydney local health district 's community-based program stepping on is designed to improve strength and balance in elderly people who have had a fall or are fearful of falling .\"]\n", - "=======================\n", - "[\"salvina formosa does weights and sit-to-stand exercises every weekthe 101-year-old recently tripped over an uneven footpathshe has been taking part in step classes to improve her fitnessthe sydney mother celebrated her 101th birthday on march 16the centenarian is going strong and there 's no sign of her slowing down\"]\n", - "salvina formosa from south wentworthville , west of sydney , has been taking part in step classes to improve her fitness and strength to walk after tripping over on an uneven footpath .the 101-year-old widow , who was never keen on exercise in her youth , now does weights and sit-to-stand exercises several times a week at southern cross care in merrylandsthe western sydney local health district 's community-based program stepping on is designed to improve strength and balance in elderly people who have had a fall or are fearful of falling .\n", - "salvina formosa does weights and sit-to-stand exercises every weekthe 101-year-old recently tripped over an uneven footpathshe has been taking part in step classes to improve her fitnessthe sydney mother celebrated her 101th birthday on march 16the centenarian is going strong and there 's no sign of her slowing down\n", - "[1.2810905 1.481059 1.1217221 1.2698109 1.2802039 1.2976669 1.1027701\n", - " 1.0248175 1.0179539 1.123195 1.0967867 1.0689265 1.1007383 1.0166448\n", - " 1.0504171 1.0564868 1.0768684 1.0225136 1.0118335 1.0057211 0.\n", - " 0. ]\n", - "\n", - "[ 1 5 0 4 3 9 2 6 12 10 16 11 15 14 7 17 8 13 18 19 20 21]\n", - "=======================\n", - "[\"they believe the camel - the first intact camel skeleton found in central europe - may have been left in the town of tulln for trading after the siege of vienna in 1683 .archaeologists have uncovered the complete skeleton of a 17th-century camel that was likely used in the second ottoman-habsburg war .the researchers described it as a ` sunken ship in the desert ' .\"]\n", - "=======================\n", - "[\"scientists say camel was left in tulln after the 1683 siege of viennait would have shocked residents as camels were an alien species` they did n't know what to feed it or whether one could eat it , ' study saidottoman army used camels for transportation and as riding animals\"]\n", - "they believe the camel - the first intact camel skeleton found in central europe - may have been left in the town of tulln for trading after the siege of vienna in 1683 .archaeologists have uncovered the complete skeleton of a 17th-century camel that was likely used in the second ottoman-habsburg war .the researchers described it as a ` sunken ship in the desert ' .\n", - "scientists say camel was left in tulln after the 1683 siege of viennait would have shocked residents as camels were an alien species` they did n't know what to feed it or whether one could eat it , ' study saidottoman army used camels for transportation and as riding animals\n", - "[1.3212531 1.334247 1.2290242 1.3454821 1.246348 1.0733728 1.0371749\n", - " 1.0570048 1.1743246 1.0653791 1.0228001 1.1015389 1.0387067 1.040805\n", - " 1.0379052 1.026734 1.0383883 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 0 4 2 8 11 5 9 7 13 12 16 14 6 15 10 17 18 19 20 21]\n", - "=======================\n", - "[\"no message : ed miliband was last night accused of snubbing britain 's army of self-employed workers -- for refusing to send them a special election message in the ipse magazinethe labour leader prompted claims that he was worried about upsetting his party 's ` union paymasters ' .but while david cameron , nick clegg , nigel farage and nicola sturgeon all feature , there is no message from mr miliband .\"]\n", - "=======================\n", - "[\"the magazine usually carries tributes from nearly every major party leaderwhere milband 's message is expected , the page is blank with sharp rebukechief of self-employed organisation , ipse , called decision ` disappointing '\"]\n", - "no message : ed miliband was last night accused of snubbing britain 's army of self-employed workers -- for refusing to send them a special election message in the ipse magazinethe labour leader prompted claims that he was worried about upsetting his party 's ` union paymasters ' .but while david cameron , nick clegg , nigel farage and nicola sturgeon all feature , there is no message from mr miliband .\n", - "the magazine usually carries tributes from nearly every major party leaderwhere milband 's message is expected , the page is blank with sharp rebukechief of self-employed organisation , ipse , called decision ` disappointing '\n", - "[1.3867999 1.5807397 1.4368641 1.4152417 1.1064519 1.0539973 1.0323135\n", - " 1.0266877 1.0274695 1.0736554 1.0137107 1.0145315 1.1341251 1.0125902\n", - " 1.0900152 1.0481882 1.0181264 1.0230916 1.1528437 1.0413435 1.0442446\n", - " 1.01887 ]\n", - "\n", - "[ 1 2 3 0 18 12 4 14 9 5 15 20 19 6 8 7 17 21 16 11 10 13]\n", - "=======================\n", - "[\"hazard scored a penalty and set up loic remy 's winner - either side of charlie adam 's 65-yard strike - in saturday 's 2-1 win over stoke which saw the blues take a seven-point lead at the top of the standings .jose mourinho has targeted five wins and one draw in the remaining eight games and hazard is optimistic chelsea will win a first premier league title in five years .loic remy finishes to put chelsea back in front after a mistake by stoke city keeper begovic\"]\n", - "=======================\n", - "[\"eden hazard scored in chelsea 's 2-1 home win against stoke citythe belgium playmaker also claimed an assist by setting up loic remyhazard wants to bring the premier league trophy to stamford bridgethe blues are currently seven points ahead of second-placed arsenal\"]\n", - "hazard scored a penalty and set up loic remy 's winner - either side of charlie adam 's 65-yard strike - in saturday 's 2-1 win over stoke which saw the blues take a seven-point lead at the top of the standings .jose mourinho has targeted five wins and one draw in the remaining eight games and hazard is optimistic chelsea will win a first premier league title in five years .loic remy finishes to put chelsea back in front after a mistake by stoke city keeper begovic\n", - "eden hazard scored in chelsea 's 2-1 home win against stoke citythe belgium playmaker also claimed an assist by setting up loic remyhazard wants to bring the premier league trophy to stamford bridgethe blues are currently seven points ahead of second-placed arsenal\n", - "[1.2474394 1.6115458 1.3175564 1.1986616 1.147295 1.126586 1.0584838\n", - " 1.0177214 1.015385 1.0197293 1.0878904 1.1270837 1.087904 1.0168602\n", - " 1.0226617 1.0229617 1.0348821 1.0502104 1.0124606 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 4 11 5 12 10 6 17 16 15 14 9 7 13 8 18 20 19 21]\n", - "=======================\n", - "[\"laura jordan , 24 , was told her now husband , jack jordan , 23 , had just weeks to live on saturday april 11 , having battled leukaemia since 2013 .the couple , from brixham , devon , got engaged at jack 's hospital bedside just two months ago after being left devastated by the news .a young bride planned a fairytale wedding and married her fiancé just six days after finding out his cancer is terminal .\"]\n", - "=======================\n", - "[\"laura jordan , 24 , married jack jordan , 23 , yesterdaypair from from brixham , devon , found out he has weeks to live on april 11laura , a mother-of-one , planned ceremony in just six daystold jack she 'd wear a suit but surprised him on the day in a dresstheir music idol ed sheeran sent them a personal video message\"]\n", - "laura jordan , 24 , was told her now husband , jack jordan , 23 , had just weeks to live on saturday april 11 , having battled leukaemia since 2013 .the couple , from brixham , devon , got engaged at jack 's hospital bedside just two months ago after being left devastated by the news .a young bride planned a fairytale wedding and married her fiancé just six days after finding out his cancer is terminal .\n", - "laura jordan , 24 , married jack jordan , 23 , yesterdaypair from from brixham , devon , found out he has weeks to live on april 11laura , a mother-of-one , planned ceremony in just six daystold jack she 'd wear a suit but surprised him on the day in a dresstheir music idol ed sheeran sent them a personal video message\n", - "[1.219496 1.4603722 1.352714 1.3309453 1.2567275 1.1787932 1.0770326\n", - " 1.0335176 1.1047313 1.0608026 1.1252406 1.0236052 1.0182258 1.0165404\n", - " 1.1068683 1.0169592 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 4 0 5 10 14 8 6 9 7 11 12 15 13 20 16 17 18 19 21]\n", - "=======================\n", - "[\"charles and camilla , who are known as the duke and duchess of rothesay in scotland , were invited to fit the bungs to the casks on a tour of the ballindalloch distillery in aberdeenshire .but they will have to wait around eight to 10 years to sample the single malt as the owners plan to allow it to mature .the whisky from both casks will then be bottled to the benefit of the royal visitors ' charities .\"]\n", - "=======================\n", - "['the couple were invited to fit bungs into two single malt whiksy casksthey are known as the duke and duchess of rothesay in scotlandboth wore tartan for the visitwill have to wait 8-10 years for a tipple while the whisky matures']\n", - "charles and camilla , who are known as the duke and duchess of rothesay in scotland , were invited to fit the bungs to the casks on a tour of the ballindalloch distillery in aberdeenshire .but they will have to wait around eight to 10 years to sample the single malt as the owners plan to allow it to mature .the whisky from both casks will then be bottled to the benefit of the royal visitors ' charities .\n", - "the couple were invited to fit bungs into two single malt whiksy casksthey are known as the duke and duchess of rothesay in scotlandboth wore tartan for the visitwill have to wait 8-10 years for a tipple while the whisky matures\n", - "[1.2616211 1.3522296 1.2224919 1.3917743 1.1653953 1.092433 1.0688713\n", - " 1.1827177 1.1141658 1.0490164 1.1249089 1.053788 1.1368378 1.0194545\n", - " 1.031714 1.0574108 1.0309545 1.078295 0. ]\n", - "\n", - "[ 3 1 0 2 7 4 12 10 8 5 17 6 15 11 9 14 16 13 18]\n", - "=======================\n", - "['barcelona forward pedro could join liverpool this summer if raheem sterling leaves anfieldthe 27-year-old world cup winner would command # 90,000-a-week wages -- # 10,000 less than liverpool have offered their 20-year-old winger .pedro would also cost considerably less than sterling -- understood to be available for # 50million - would sell for .']\n", - "=======================\n", - "['liverpool fc boss brendan rodgers has scouted pedrobarcelona forward pedro is considering his future at the nou campraheem sterling could leave liverpool after rejecting # 100,000-a-week dealarsenal , chelsea and manchester city are keen on the liverpool staradrian durham : the real problem with sterling contract saga at liverpoolread : real madrid are monitoring raheem sterling , reveals zidaneclick here for all the latest liverpool news']\n", - "barcelona forward pedro could join liverpool this summer if raheem sterling leaves anfieldthe 27-year-old world cup winner would command # 90,000-a-week wages -- # 10,000 less than liverpool have offered their 20-year-old winger .pedro would also cost considerably less than sterling -- understood to be available for # 50million - would sell for .\n", - "liverpool fc boss brendan rodgers has scouted pedrobarcelona forward pedro is considering his future at the nou campraheem sterling could leave liverpool after rejecting # 100,000-a-week dealarsenal , chelsea and manchester city are keen on the liverpool staradrian durham : the real problem with sterling contract saga at liverpoolread : real madrid are monitoring raheem sterling , reveals zidaneclick here for all the latest liverpool news\n", - "[1.284066 1.4456935 1.2715447 1.3375698 1.1586703 1.1758776 1.131436\n", - " 1.0724716 1.0283902 1.0550257 1.0255941 1.0089853 1.0323101 1.1227409\n", - " 1.1322304 1.1127441 1.0928757 1.0954473 1.0209478]\n", - "\n", - "[ 1 3 0 2 5 4 14 6 13 15 17 16 7 9 12 8 10 18 11]\n", - "=======================\n", - "[\"the global tour of the motoring show looked like it may face the axe following clarkson 's hotel fracas with a producer over a steak dinner .jeremy clarkson has agreed to keep quiet about his sacking from the bbc so the top gear live shows ( pictured ) can go ahead ` in good spirit 'the bbc decided not to renew his contract and cancelled what remained of the latest series of top gear , but the corporation and the presenter have reached an agreement over the remaining live shows .\"]\n", - "=======================\n", - "['top gear tour will go ahead as clarkson and the bbc reach an agreementpresenter will keep quiet on his sacking so the live shows can still go onbbc feared he would use the global tour to vent his anger at former bossesthe shows have been renamed and will not feature any top gear branding']\n", - "the global tour of the motoring show looked like it may face the axe following clarkson 's hotel fracas with a producer over a steak dinner .jeremy clarkson has agreed to keep quiet about his sacking from the bbc so the top gear live shows ( pictured ) can go ahead ` in good spirit 'the bbc decided not to renew his contract and cancelled what remained of the latest series of top gear , but the corporation and the presenter have reached an agreement over the remaining live shows .\n", - "top gear tour will go ahead as clarkson and the bbc reach an agreementpresenter will keep quiet on his sacking so the live shows can still go onbbc feared he would use the global tour to vent his anger at former bossesthe shows have been renamed and will not feature any top gear branding\n", - "[1.2066085 1.4554718 1.2960508 1.3420627 1.1546191 1.1320113 1.1938682\n", - " 1.0985767 1.0777909 1.1048472 1.0562067 1.110289 1.0887216 1.0157776\n", - " 1.0332775 1.0182363 1.0080779 1.0055603 0. ]\n", - "\n", - "[ 1 3 2 0 6 4 5 11 9 7 12 8 10 14 15 13 16 17 18]\n", - "=======================\n", - "[\"abdulkadir zeyat , 45 , his 43-year-old wife antika , and their six children were all discovered at their house in the village of alintepe in the country 's eastern agri province .kemal zeyat , 19 , had returned from work to his family home to find his six younger siblings ( two of whom are pictured and his parents were deadturkish authorities believe the family , which included siblings as young as three-years-old , died of food poisoning .\"]\n", - "=======================\n", - "[\"abdulkadir zeyat , wife antika , and six children were discovered at homeauthorities suspect food poisoning or a gas leak for their tragic deathsneighbours became concerned when they noticed house was eerily quietonly survivor was couple 's eldest son kemal zeyat who 'd been out at work\"]\n", - "abdulkadir zeyat , 45 , his 43-year-old wife antika , and their six children were all discovered at their house in the village of alintepe in the country 's eastern agri province .kemal zeyat , 19 , had returned from work to his family home to find his six younger siblings ( two of whom are pictured and his parents were deadturkish authorities believe the family , which included siblings as young as three-years-old , died of food poisoning .\n", - "abdulkadir zeyat , wife antika , and six children were discovered at homeauthorities suspect food poisoning or a gas leak for their tragic deathsneighbours became concerned when they noticed house was eerily quietonly survivor was couple 's eldest son kemal zeyat who 'd been out at work\n", - "[1.100852 1.585983 1.1712521 1.1346657 1.0530818 1.060115 1.07693\n", - " 1.0642446 1.3780515 1.0798534 1.0536896 1.1978626 1.0826079 1.0598061\n", - " 1.0905674 1.0367439 1.0578967 0. 0. ]\n", - "\n", - "[ 1 8 11 2 3 0 14 12 9 6 7 5 13 16 10 4 15 17 18]\n", - "=======================\n", - "['sadie the german shepherd was filmed at home in alberta , canada , switching on an electric organ with her nose and sitting down to play some tunes .to date , the video of sadie playing the piano has been watched more than 12,000 times .footage shows her plonking her front paws down along the keyboard , as she sits with her back legs positioned on the piano stool .']\n", - "=======================\n", - "[\"sadie the german shepherd was filmed at home in alberta , canada , switching on an electric keyboard with her nose and sitting down to playinstead of classical music , the pooch appears to recite a minimalist piece with clashing notes and no time signatureafter a 20-second rendition , she decides she 's had enough for one day and turns around to take a bow\"]\n", - "sadie the german shepherd was filmed at home in alberta , canada , switching on an electric organ with her nose and sitting down to play some tunes .to date , the video of sadie playing the piano has been watched more than 12,000 times .footage shows her plonking her front paws down along the keyboard , as she sits with her back legs positioned on the piano stool .\n", - "sadie the german shepherd was filmed at home in alberta , canada , switching on an electric keyboard with her nose and sitting down to playinstead of classical music , the pooch appears to recite a minimalist piece with clashing notes and no time signatureafter a 20-second rendition , she decides she 's had enough for one day and turns around to take a bow\n", - "[1.5347617 1.182998 1.3137032 1.1969167 1.1171043 1.2098966 1.2496996\n", - " 1.2357047 1.090817 1.0939417 1.0225949 1.0258166 1.1905636 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 6 7 5 3 12 1 4 9 8 11 10 13 14 15 16 17 18]\n", - "=======================\n", - "[\"paul gregory , 51 , of bedford , has been fined # 795 for having a blue badge , claiming he could only walk 200 metres , when in fact he was a keen walkerhe was exposed when bedford borough council staff read an article in the westmorland gazette , describing how the ` experienced walker ' had been attacked by cows in cumbria on the third day of a hike in 2012 .the article , which featured a picture of him dressed in walking gear , told how he was knocked over by four cows in a field at the edge of shap in cumbria .\"]\n", - "=======================\n", - "[\"paul gregory said he could only walk 200 metres in blue badge applicationhowever , council staff noticed 51-year-old in newspaper report after hikearticle described gregory as an ` experienced walker ' on a three-day trekgregory fined # 795 after admitting to dishonestly obtaining a blue badge\"]\n", - "paul gregory , 51 , of bedford , has been fined # 795 for having a blue badge , claiming he could only walk 200 metres , when in fact he was a keen walkerhe was exposed when bedford borough council staff read an article in the westmorland gazette , describing how the ` experienced walker ' had been attacked by cows in cumbria on the third day of a hike in 2012 .the article , which featured a picture of him dressed in walking gear , told how he was knocked over by four cows in a field at the edge of shap in cumbria .\n", - "paul gregory said he could only walk 200 metres in blue badge applicationhowever , council staff noticed 51-year-old in newspaper report after hikearticle described gregory as an ` experienced walker ' on a three-day trekgregory fined # 795 after admitting to dishonestly obtaining a blue badge\n", - "[1.4672966 1.3940843 1.3715326 1.4428489 1.2851794 1.0586042 1.0177938\n", - " 1.0223744 1.0287813 1.0672532 1.0245403 1.0112866 1.2075381 1.0240426\n", - " 1.0919527 1.0116955 1.0086529 1.007528 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 2 4 12 14 9 5 8 10 13 7 6 15 11 16 17 18 19 20 21]\n", - "=======================\n", - "[\"arsenal are only three signings away from winning the title and should start by pinching chelsea goalkeeper petr cech , according to former gunners midfielder ray parlour .ray parlour believes arsenal moving for petr cech this summer would be a ` no brainer 'cech is likely to be watching from the substitutes bench when arsenal face chelsea at the emirates stadium on sunday , having made only four league starts this season .\"]\n", - "=======================\n", - "[\"arsenal face chelsea on sunday in the premier leaguegunners legend ray parlour insists the club are just three signings away from winning the titlearsenal go into this weekend 's game 10 points behind leaders chelseaparlour says a summer move for petr cech would be a ` no brainer 'the former midfielder doubts whether chelsea would sell to a title rival\"]\n", - "arsenal are only three signings away from winning the title and should start by pinching chelsea goalkeeper petr cech , according to former gunners midfielder ray parlour .ray parlour believes arsenal moving for petr cech this summer would be a ` no brainer 'cech is likely to be watching from the substitutes bench when arsenal face chelsea at the emirates stadium on sunday , having made only four league starts this season .\n", - "arsenal face chelsea on sunday in the premier leaguegunners legend ray parlour insists the club are just three signings away from winning the titlearsenal go into this weekend 's game 10 points behind leaders chelseaparlour says a summer move for petr cech would be a ` no brainer 'the former midfielder doubts whether chelsea would sell to a title rival\n", - "[1.1825918 1.1786313 1.3430116 1.3594036 1.1776063 1.2476217 1.109708\n", - " 1.0576755 1.03592 1.0313486 1.0135874 1.0186822 1.1667175 1.1214099\n", - " 1.0172015 1.0153931 1.009946 1.012527 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 2 5 0 1 4 12 13 6 7 8 9 11 14 15 10 17 16 18 19 20 21]\n", - "=======================\n", - "[\"samantha simmonds and husband phillip davies with their children , two , four and sixthe sky newsreader has revealed how an easter holiday outing with her family saw ` blood and saliva flying ' between her boisterous sons in the backseat -- and ended with her six-year-old having a tooth knocked out .in her working life , she has covered terrorist attacks , murders and explosions .\"]\n", - "=======================\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[\"samantha simmonds posted honest blog about easter family breakdetailed how youngest son , four , knocked six-year-old 's tooth outwrote of ` ticking time bomb ' when all three children are togetherin the post the newsreader , 42 , also describes ` working mum guilt '\"]\n", - "samantha simmonds and husband phillip davies with their children , two , four and sixthe sky newsreader has revealed how an easter holiday outing with her family saw ` blood and saliva flying ' between her boisterous sons in the backseat -- and ended with her six-year-old having a tooth knocked out .in her working life , she has covered terrorist attacks , murders and explosions .\n", - "samantha simmonds posted honest blog about easter family breakdetailed how youngest son , four , knocked six-year-old 's tooth outwrote of ` ticking time bomb ' when all three children are togetherin the post the newsreader , 42 , also describes ` working mum guilt '\n", - "[1.2560732 1.5546288 1.190414 1.2098688 1.1806197 1.157671 1.0797207\n", - " 1.1604226 1.1359966 1.0504262 1.0185266 1.0174105 1.028178 1.0379806\n", - " 1.0189774 1.0201814 1.0196356 1.0402207 1.0416236 1.1376455 1.0290699\n", - " 1.0259691]\n", - "\n", - "[ 1 0 3 2 4 7 5 19 8 6 9 18 17 13 20 12 21 15 16 14 10 11]\n", - "=======================\n", - "['michelle manhart , 38 , was handcuffed by police at valdosta state university , georgia , and driven off in a patrol car after grabbing the stars and stripes and refusing to return it to the student demonstrators .an air force veteran and former playboy model was arrested for taking an american flag from campus protesters who were trampling on it .video footage of the event , on friday , shows manhart struggling with officers , who force her to the ground after she refuses to let the flag go .']\n", - "=======================\n", - "['michelle manhart , 38 , was handcuffed at valdosta state university , georgiaformer usaf training sergeant took flag from campus protesters on fridaypolice arrested her for not giving it back because of how it was treatedmanhart posed for raunchy military-themed playboy spread in 2007was demoted from her sergeant rank , and later left the military']\n", - "michelle manhart , 38 , was handcuffed by police at valdosta state university , georgia , and driven off in a patrol car after grabbing the stars and stripes and refusing to return it to the student demonstrators .an air force veteran and former playboy model was arrested for taking an american flag from campus protesters who were trampling on it .video footage of the event , on friday , shows manhart struggling with officers , who force her to the ground after she refuses to let the flag go .\n", - "michelle manhart , 38 , was handcuffed at valdosta state university , georgiaformer usaf training sergeant took flag from campus protesters on fridaypolice arrested her for not giving it back because of how it was treatedmanhart posed for raunchy military-themed playboy spread in 2007was demoted from her sergeant rank , and later left the military\n", - "[1.0697931 1.2361717 1.2389966 1.2121942 1.5061512 1.1888548 1.081318\n", - " 1.1133375 1.1368153 1.0661411 1.1027195 1.0155149 1.0137229 1.053272\n", - " 1.0613083 1.1428511 1.009764 1.0138476 1.0087752 1.0242857 0.\n", - " 0. ]\n", - "\n", - "[ 4 2 1 3 5 15 8 7 10 6 0 9 14 13 19 11 17 12 16 18 20 21]\n", - "=======================\n", - "[\"carl thompson , 32 , has gained an astonishing 30 stone in just three years and is now bed-bound at 65 stoneconsuming 10,000 calories-a-day by gorging on takeaways and whole loaves of bread , the 32-year-old is too heavy to walk or wash himself .but more than 20 years later the once rosy-cheeked boy is facing death after ballooning to 65 stone to become britain 's fattest man .\"]\n", - "=======================\n", - "['carl thompson has put on an astonishing 30 stone in just three yearswhile having always loved food his weight doubled when in 2012the 32-year-old credits the death of his mother with his huge weight gaingorges on takeaways five nights a week and blows # 10 a day on chocolatemr thompson is now desperate to shed 45 stone after health warnings']\n", - "carl thompson , 32 , has gained an astonishing 30 stone in just three years and is now bed-bound at 65 stoneconsuming 10,000 calories-a-day by gorging on takeaways and whole loaves of bread , the 32-year-old is too heavy to walk or wash himself .but more than 20 years later the once rosy-cheeked boy is facing death after ballooning to 65 stone to become britain 's fattest man .\n", - "carl thompson has put on an astonishing 30 stone in just three yearswhile having always loved food his weight doubled when in 2012the 32-year-old credits the death of his mother with his huge weight gaingorges on takeaways five nights a week and blows # 10 a day on chocolatemr thompson is now desperate to shed 45 stone after health warnings\n", - "[1.5156622 1.235388 1.1066117 1.4228342 1.2514215 1.1559637 1.0498123\n", - " 1.0514673 1.0736585 1.1180452 1.0185723 1.0150392 1.0344987 1.0892334\n", - " 1.0871269 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 4 1 5 9 2 13 14 8 7 6 12 10 11 20 15 16 17 18 19 21]\n", - "=======================\n", - "['liverpool players mario balotelli , fabio borini , rickie lambert and lazar markovic got more than they bargained for when youtube star bas van velzen arrived at melwood .van velzen lines up his first free-kick of the day as the liverpool stars watch onthe merseysiders were led to believe that the dutch free-kick specialist was a competition winner who had won the opportunity to meet the anfield stars and receive a dead-ball masterclass .']\n", - "=======================\n", - "[\"liverpool players mario balotelli , fabio borini , rickie lambert and lazar markovic believed that bas van velzen was acompetition winnerthe reds players were all set to give van velzen a free-kick masterclassbut van velzen 's dead ball skills became apparent very quicklyclick here for the latest liverpool news\"]\n", - "liverpool players mario balotelli , fabio borini , rickie lambert and lazar markovic got more than they bargained for when youtube star bas van velzen arrived at melwood .van velzen lines up his first free-kick of the day as the liverpool stars watch onthe merseysiders were led to believe that the dutch free-kick specialist was a competition winner who had won the opportunity to meet the anfield stars and receive a dead-ball masterclass .\n", - "liverpool players mario balotelli , fabio borini , rickie lambert and lazar markovic believed that bas van velzen was acompetition winnerthe reds players were all set to give van velzen a free-kick masterclassbut van velzen 's dead ball skills became apparent very quicklyclick here for the latest liverpool news\n", - "[1.319879 1.2019845 1.1089151 1.1684892 1.1616302 1.1801273 1.1252693\n", - " 1.1320792 1.0867124 1.096165 1.0656135 1.060288 1.037334 1.0531769\n", - " 1.0511503 1.0422106 1.035572 1.0310898 1.0394969 1.0235974 1.0508151\n", - " 1.0345 ]\n", - "\n", - "[ 0 1 5 3 4 7 6 2 9 8 10 11 13 14 20 15 18 12 16 21 17 19]\n", - "=======================\n", - "['( cnn ) russian president vladimir putin shrugged off repeated questions about the impact of western sanctions on his nation during a nationally broadcast annual q&a session .\" sanctions are sanctions , \" he said .on the middle east , the russian leader defended lifting a ban on the sale of a sophisticated air defense system to iran .']\n", - "=======================\n", - "[\"putin has spent hours fielding questions from the general public on live televisionsanctions and russia 's deep economic crisis are a major theme\"]\n", - "( cnn ) russian president vladimir putin shrugged off repeated questions about the impact of western sanctions on his nation during a nationally broadcast annual q&a session .\" sanctions are sanctions , \" he said .on the middle east , the russian leader defended lifting a ban on the sale of a sophisticated air defense system to iran .\n", - "putin has spent hours fielding questions from the general public on live televisionsanctions and russia 's deep economic crisis are a major theme\n", - "[1.5126312 1.3711319 1.3503187 1.2493814 1.1336623 1.0955026 1.1039269\n", - " 1.1306642 1.0703363 1.0738863 1.0591435 1.0937613 1.0594627 1.0382689\n", - " 1.0363258 1.0444098 1.0582712 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 3 4 7 6 5 11 9 8 12 10 16 15 13 14 17 18 19 20 21]\n", - "=======================\n", - "[\"joe root was denied the chance of scoring 200 runs against the west indies as he was left stranded at the middle of the wicket due to an error by james anderson .root impressed with the bat on day four of the second test in grenada by scoring 182 runs in the beaming caribbean sun .the yorkshire county cricketer threw down his helmet and gloves after anderson 's careless run out as he made his way back to the pavilion .\"]\n", - "=======================\n", - "[\"joe root threw bat down in his anger when he was denied double centuryengland 's root was 182 not out when james anderson was run outjason holder ran anderson out after the bowler strolled back to wicketpair kissed and made up as they made way in for lunch during the west indies ' second innings\"]\n", - "joe root was denied the chance of scoring 200 runs against the west indies as he was left stranded at the middle of the wicket due to an error by james anderson .root impressed with the bat on day four of the second test in grenada by scoring 182 runs in the beaming caribbean sun .the yorkshire county cricketer threw down his helmet and gloves after anderson 's careless run out as he made his way back to the pavilion .\n", - "joe root threw bat down in his anger when he was denied double centuryengland 's root was 182 not out when james anderson was run outjason holder ran anderson out after the bowler strolled back to wicketpair kissed and made up as they made way in for lunch during the west indies ' second innings\n", - "[1.3114619 1.4634621 1.1811806 1.308676 1.2480621 1.1545494 1.0679473\n", - " 1.0294375 1.0181369 1.1052907 1.0672778 1.2091652 1.0665494 1.0884966\n", - " 1.0245064 1.0188196 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 4 11 2 5 9 13 6 10 12 7 14 15 8 16 17 18 19 20 21]\n", - "=======================\n", - "[\"madeline luciano is said to have looked on as eighth grade pupils at ps 18 , in manhattan , wrote words like ` ugly ' , ` annoying ' and ` phony ' on the board to describe their classmate .a new york teacher fired after allegedly encouraging pupils to bully a 13-year-old girl by writing down her worst qualities on the blackboard has said she is the victim of a terrible ` injustice ' - and wants her job back .but ms luciano - who was fired following an investigation - claims far from encouraging them to bully the girl , the exercise was supposed to teach them they should be kinder to each other .\"]\n", - "=======================\n", - "['madeline luciano was fired after an investigation into the incident last junebut new york teacher claims the exercise was meant to stop the bullyingluciano , 40 , has launched court action to get her teaching licence back']\n", - "madeline luciano is said to have looked on as eighth grade pupils at ps 18 , in manhattan , wrote words like ` ugly ' , ` annoying ' and ` phony ' on the board to describe their classmate .a new york teacher fired after allegedly encouraging pupils to bully a 13-year-old girl by writing down her worst qualities on the blackboard has said she is the victim of a terrible ` injustice ' - and wants her job back .but ms luciano - who was fired following an investigation - claims far from encouraging them to bully the girl , the exercise was supposed to teach them they should be kinder to each other .\n", - "madeline luciano was fired after an investigation into the incident last junebut new york teacher claims the exercise was meant to stop the bullyingluciano , 40 , has launched court action to get her teaching licence back\n", - "[1.2123998 1.450502 1.3131899 1.2758163 1.3595616 1.0620351 1.0566642\n", - " 1.0318221 1.1198914 1.0361335 1.1148429 1.0765228 1.0707021 1.0320227\n", - " 1.027194 1.0185716 1.011462 1.0261762 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 2 3 0 8 10 11 12 5 6 9 13 7 14 17 15 16 20 18 19 21]\n", - "=======================\n", - "[\"major general allen batschelet says that 10 percent of young men and women who sign up to join the army are currently refused because they are too heavy .batschelet warns that current trends mean as many as half of young americans will be so grossly overweight by the end of the decade that the military will be unable to recruit enough qualified soldiers .the general in charge of the u.s. army recruiting command has warned that america 's growing obesity epidemic ` is becoming a national security issue . '\"]\n", - "=======================\n", - "[\"general in charge of us army recruiting has warned that america 's growing obesity epidemic ` is becoming a national security issue 'major general allen batschelet says 10 percent of young men and women are currently refused because they are too heavycurrent trends project that the military will be unable to recruit enough qualified soldiers by the end of the decademaximum body fat percentage that the army allows for recruits aged 17-20 is 20 percent for men and 30 percent for females\"]\n", - "major general allen batschelet says that 10 percent of young men and women who sign up to join the army are currently refused because they are too heavy .batschelet warns that current trends mean as many as half of young americans will be so grossly overweight by the end of the decade that the military will be unable to recruit enough qualified soldiers .the general in charge of the u.s. army recruiting command has warned that america 's growing obesity epidemic ` is becoming a national security issue . '\n", - "general in charge of us army recruiting has warned that america 's growing obesity epidemic ` is becoming a national security issue 'major general allen batschelet says 10 percent of young men and women are currently refused because they are too heavycurrent trends project that the military will be unable to recruit enough qualified soldiers by the end of the decademaximum body fat percentage that the army allows for recruits aged 17-20 is 20 percent for men and 30 percent for females\n", - "[1.4926393 1.3480378 1.3130776 1.4701309 1.1870837 1.0847262 1.0361642\n", - " 1.058296 1.0330653 1.0467031 1.0387179 1.1593685 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 2 4 11 5 7 9 10 6 8 20 12 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"piers morgan says arsenal should sack arsene wenger and replace him with jurgen klopp now that the borussia dortmund manager has announced his intention to leave the german club in the summer .piers morgan called on arsenal to replace arsene wenger ( right ) with borussia dortmund boss jurgen kloppklopp will be available from june and outspoken gunners fan morgan , who has long been a critic of wenger , says the club would be a ` perfect ' fit for the ` dynamic , driven young winner ' .\"]\n", - "=======================\n", - "[\"piers morgan calls for arsenal to replace their long-serving managermorgan says jurgen klopp would ` be our mourinho ' if he joined arsenalgunners fan says klopp is ` perfect for arsenal '\"]\n", - "piers morgan says arsenal should sack arsene wenger and replace him with jurgen klopp now that the borussia dortmund manager has announced his intention to leave the german club in the summer .piers morgan called on arsenal to replace arsene wenger ( right ) with borussia dortmund boss jurgen kloppklopp will be available from june and outspoken gunners fan morgan , who has long been a critic of wenger , says the club would be a ` perfect ' fit for the ` dynamic , driven young winner ' .\n", - "piers morgan calls for arsenal to replace their long-serving managermorgan says jurgen klopp would ` be our mourinho ' if he joined arsenalgunners fan says klopp is ` perfect for arsenal '\n", - "[1.1338615 1.173163 1.3213022 1.2781105 1.1503308 1.071544 1.1000856\n", - " 1.1508448 1.055135 1.0481589 1.0481656 1.0379016 1.0702765 1.0512978\n", - " 1.0484267 1.0422722 1.06004 1.0565065 1.0893102 1.0575122]\n", - "\n", - "[ 2 3 1 7 4 0 6 18 5 12 16 19 17 8 13 14 10 9 15 11]\n", - "=======================\n", - "[\"a new book by former education journalist david turner , the old boys , lays bare the little-known history .eton 's famous wall game : the new book was inspired by david cameron 's comparison to flashman in tom brown 's school daysthe hidden story of some of the country 's most prestigious and best-known public schools - including eton -- is one of barricades and mutinies so fierce they nearly proved the institutions ' undoing .\"]\n", - "=======================\n", - "[\"underneath the polished manners lies a history of violence and rebellionnew book ` the old boys ' by education expert offers fresh look at schoolsat winchester in 1818 a headmaster held hostage by axe-wielding boysdavid cameron is an old etonian , as too is oscar winner eddie redmayne\"]\n", - "a new book by former education journalist david turner , the old boys , lays bare the little-known history .eton 's famous wall game : the new book was inspired by david cameron 's comparison to flashman in tom brown 's school daysthe hidden story of some of the country 's most prestigious and best-known public schools - including eton -- is one of barricades and mutinies so fierce they nearly proved the institutions ' undoing .\n", - "underneath the polished manners lies a history of violence and rebellionnew book ` the old boys ' by education expert offers fresh look at schoolsat winchester in 1818 a headmaster held hostage by axe-wielding boysdavid cameron is an old etonian , as too is oscar winner eddie redmayne\n", - "[1.3770857 1.4244938 1.1847972 1.0381954 1.2408481 1.1126094 1.0630641\n", - " 1.0442761 1.1967189 1.1339642 1.105022 1.0581306 1.0867618 1.0877107\n", - " 1.0627729 1.0372832 1.050026 1.0440217 0. 0. ]\n", - "\n", - "[ 1 0 4 8 2 9 5 10 13 12 6 14 11 16 7 17 3 15 18 19]\n", - "=======================\n", - "[\"liam byrne , who was chief secretary to the treasury under gordon brown , left a memo on his desk after labour 's election defeat in 2010 .danny alexander has finally replied to the infamous note left in the treasury by a labour predecessor , saying there was ` no money ' left .mr alexander , the present chief secretary , today finally got round to sending a letter to mr byrne apologising for the late reply -- saying it was because he had been ` fixing the economy ' .\"]\n", - "=======================\n", - "[\"labour 's liam byrne left a memo for the incoming coalition governmentthe letter , left on mr byrne 's desk , read : ` i 'm afraid there is no money 'treasury secretary danny alexander has finally responded to the notemr alexander wrote : ` sorry for the late reply , i 've been fixing the economy '\"]\n", - "liam byrne , who was chief secretary to the treasury under gordon brown , left a memo on his desk after labour 's election defeat in 2010 .danny alexander has finally replied to the infamous note left in the treasury by a labour predecessor , saying there was ` no money ' left .mr alexander , the present chief secretary , today finally got round to sending a letter to mr byrne apologising for the late reply -- saying it was because he had been ` fixing the economy ' .\n", - "labour 's liam byrne left a memo for the incoming coalition governmentthe letter , left on mr byrne 's desk , read : ` i 'm afraid there is no money 'treasury secretary danny alexander has finally responded to the notemr alexander wrote : ` sorry for the late reply , i 've been fixing the economy '\n", - "[1.1796067 1.4537098 1.2397499 1.3577737 1.2596419 1.1732045 1.0505375\n", - " 1.1622604 1.0788435 1.1036081 1.0368502 1.0153767 1.039752 1.0145677\n", - " 1.020867 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 5 7 9 8 6 12 10 14 11 13 18 15 16 17 19]\n", - "=======================\n", - "[\"while josh darnbrough , 24 , slept , his mate rob gaskell , also 24 , inked the words ` if found face down call an ambulance ' on his back , using a diy kit .josh darnbrough awoke after a party to find that his friend had tattooed his backjosh ( centre ) was tattooed by his friend rob gaskell ( right ) who was taking revenge on his mate after josh had attempted to tattoo rob with an at-home kit and it went horribly wrong\"]\n", - "=======================\n", - "['josh darnbrough only noticed the tattoo on his back the following dayit was the handy work of his best friend rob gaskellrob was getting revenge for a botched diy tattoo josh had given himthe pair are both getting their tattoos removed and remain friendswatch the full story on tattoo disasters , tuesday april 21 , 2015 at 9pm on spike , sky tv ( ch 160 ) , freesat ( ch 141 ) and freeview ( ch 31 )']\n", - "while josh darnbrough , 24 , slept , his mate rob gaskell , also 24 , inked the words ` if found face down call an ambulance ' on his back , using a diy kit .josh darnbrough awoke after a party to find that his friend had tattooed his backjosh ( centre ) was tattooed by his friend rob gaskell ( right ) who was taking revenge on his mate after josh had attempted to tattoo rob with an at-home kit and it went horribly wrong\n", - "josh darnbrough only noticed the tattoo on his back the following dayit was the handy work of his best friend rob gaskellrob was getting revenge for a botched diy tattoo josh had given himthe pair are both getting their tattoos removed and remain friendswatch the full story on tattoo disasters , tuesday april 21 , 2015 at 9pm on spike , sky tv ( ch 160 ) , freesat ( ch 141 ) and freeview ( ch 31 )\n", - "[1.2062004 1.5236102 1.3763889 1.2841308 1.1141737 1.2243336 1.1827537\n", - " 1.0756199 1.0439216 1.0283103 1.0405009 1.0244178 1.0391814 1.0175135\n", - " 1.0529865 1.096382 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 5 0 6 4 15 7 14 8 10 12 9 11 13 18 16 17 19]\n", - "=======================\n", - "[\"adam leheup , 34 , allegedly insisted on having sex with the 25-year-old woman despite her shouting : ` no , no . 'leheup met the woman on july 9 , 2013 after arranging to meet on the ` let 's date ' mobile phone app .leheup , who is a university of greenwich graduate and technical co-ordinator on the # 500m nine elms point development , denies raping the woman .\"]\n", - "=======================\n", - "[\"adam leheup met his alleged victim at waterloo station in july 2013blackfriars crown court heard the pair went to gordon 's wine barleheup arranged to meet the girl after corresponding on ` let 's date ' apphe denies raping the girl after she invited him back to her camden flat\"]\n", - "adam leheup , 34 , allegedly insisted on having sex with the 25-year-old woman despite her shouting : ` no , no . 'leheup met the woman on july 9 , 2013 after arranging to meet on the ` let 's date ' mobile phone app .leheup , who is a university of greenwich graduate and technical co-ordinator on the # 500m nine elms point development , denies raping the woman .\n", - "adam leheup met his alleged victim at waterloo station in july 2013blackfriars crown court heard the pair went to gordon 's wine barleheup arranged to meet the girl after corresponding on ` let 's date ' apphe denies raping the girl after she invited him back to her camden flat\n", - "[1.241978 1.4110548 1.2715509 1.2177322 1.0914428 1.3087068 1.0941129\n", - " 1.0544568 1.0687443 1.099985 1.0700887 1.0917401 1.0659552 1.0544344\n", - " 1.0333358 1.0369055 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 2 0 3 9 6 11 4 10 8 12 7 13 15 14 18 16 17 19]\n", - "=======================\n", - "[\"identical twins marcus and markieff morris , who both play forward for the phoenix suns , are now the focus of an investigation into a felony aggravated assault which allegedly occurred in january .the morris twins are being investigated for allegedly assaulting erik hood at 7:30 pm on saturday , january 24he told police he sent a text telling the twins ' mother , thomasine morris , he 'd ` always be there for her ' and that another friend , julius kane , 25 , saw the message and concluded their relationship was sexual in nature .\"]\n", - "=======================\n", - "[\"identical twins marcus and markieff morris , 25 , play for the phoenix sunsare being investigated in connection to felony assault in late januaryerik hood , 36 , claims he used to mentor the twins until they had falling outhood said another man , julius kane , misinterpreted text to twins ' motherclaims morris twins , kane and two others beat him until unconsciousthere have been no arrests or charges filed and twins deny involvement\"]\n", - "identical twins marcus and markieff morris , who both play forward for the phoenix suns , are now the focus of an investigation into a felony aggravated assault which allegedly occurred in january .the morris twins are being investigated for allegedly assaulting erik hood at 7:30 pm on saturday , january 24he told police he sent a text telling the twins ' mother , thomasine morris , he 'd ` always be there for her ' and that another friend , julius kane , 25 , saw the message and concluded their relationship was sexual in nature .\n", - "identical twins marcus and markieff morris , 25 , play for the phoenix sunsare being investigated in connection to felony assault in late januaryerik hood , 36 , claims he used to mentor the twins until they had falling outhood said another man , julius kane , misinterpreted text to twins ' motherclaims morris twins , kane and two others beat him until unconsciousthere have been no arrests or charges filed and twins deny involvement\n", - "[1.231694 1.3697278 1.1578062 1.381689 1.135597 1.1008754 1.0579866\n", - " 1.0902466 1.0831904 1.0448992 1.0562372 1.0360368 1.0234171 1.026693\n", - " 1.0462751 1.0204952 1.0376704 1.0233305 1.0879784 1.0208353]\n", - "\n", - "[ 3 1 0 2 4 5 7 18 8 6 10 14 9 16 11 13 12 17 19 15]\n", - "=======================\n", - "[\"it 's time to ditch vitamin pills for a diet rich in clean , fresh and unprocessed foods , says sarah flowernot according to nutritionist and author sarah flower , who says that cooking with the right ingredients should give you all the goodness you need .vitamin and mineral supplements are becoming more and more popular as health conscious shoppers focus on good nutrition , but do we really need pills to optimise our diet ?\"]\n", - "=======================\n", - "['nutritionist sarah flower recommends vitamin-rich foods we should eatvegetables retain more nutrients when you steam , stir-fry or eat them raweating the correct portions of these foods will ensure good health']\n", - "it 's time to ditch vitamin pills for a diet rich in clean , fresh and unprocessed foods , says sarah flowernot according to nutritionist and author sarah flower , who says that cooking with the right ingredients should give you all the goodness you need .vitamin and mineral supplements are becoming more and more popular as health conscious shoppers focus on good nutrition , but do we really need pills to optimise our diet ?\n", - "nutritionist sarah flower recommends vitamin-rich foods we should eatvegetables retain more nutrients when you steam , stir-fry or eat them raweating the correct portions of these foods will ensure good health\n", - "[1.1680021 1.2526441 1.3504068 1.2468191 1.160113 1.3346987 1.0953733\n", - " 1.0878947 1.1794808 1.1011534 1.0601432 1.0317912 1.0722493 1.0574306\n", - " 1.1319798 1.0431604 1.0534145 1.0315934 1.0085403 0. ]\n", - "\n", - "[ 2 5 1 3 8 0 4 14 9 6 7 12 10 13 16 15 11 17 18 19]\n", - "=======================\n", - "[\"according to cancer research uk , men aged 65 and over are around ten times more likely to be diagnosed with malignant melanoma than those of their parents ' generation .around 5,700 pensioners are now diagnosed with melanoma each year in the uk compared with just 600 a year four decades ago .decades of cheap package holidays mean that thousands of retired people every year are paying with their health for sunburn they experienced in their youth .\"]\n", - "=======================\n", - "[\"decades of cheap holidays means retirees are paying for sunburn in youthmen over 65 ten times more likely to have disease than parents ' generationaround 5,700 pensioners now diagnosed with melanoma each year in uk\"]\n", - "according to cancer research uk , men aged 65 and over are around ten times more likely to be diagnosed with malignant melanoma than those of their parents ' generation .around 5,700 pensioners are now diagnosed with melanoma each year in the uk compared with just 600 a year four decades ago .decades of cheap package holidays mean that thousands of retired people every year are paying with their health for sunburn they experienced in their youth .\n", - "decades of cheap holidays means retirees are paying for sunburn in youthmen over 65 ten times more likely to have disease than parents ' generationaround 5,700 pensioners now diagnosed with melanoma each year in uk\n", - "[1.2068315 1.4959437 1.1723944 1.2980967 1.1874493 1.0296352 1.1012233\n", - " 1.1581249 1.1167749 1.103107 1.033578 1.1221468 1.1425059 1.2233895\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 13 0 4 2 7 12 11 8 9 6 10 5 18 14 15 16 17 19]\n", - "=======================\n", - "[\"lydia kelm , 23 , had a blood-alcohol content of .247 when police tested her after showing up to the mcdonald 's in leesburg , florida , early monday .alcohol : kelm ( photographed ) said she had three beers , but a sobriety test indicated that her blood-alcohol level was .247 -- three times the legal limita florida woman has been arrested for driving under the influence after she allegedly caused a scene at a mcdonald 's drive-through while wearing nothing but a bra and panties , police say .\"]\n", - "=======================\n", - "[\"lydia kelm , 23 , was arrested with a dui charge after driving to a mcdonald 's nearly naked and refusing to complete her orderrestaurant workers yelled repeatedly for kelm to pull up to the drive-through window , but she revved her engine and backed up insteadkelm 's blood-alcohol level was .247 -- three times the legal limit\"]\n", - "lydia kelm , 23 , had a blood-alcohol content of .247 when police tested her after showing up to the mcdonald 's in leesburg , florida , early monday .alcohol : kelm ( photographed ) said she had three beers , but a sobriety test indicated that her blood-alcohol level was .247 -- three times the legal limita florida woman has been arrested for driving under the influence after she allegedly caused a scene at a mcdonald 's drive-through while wearing nothing but a bra and panties , police say .\n", - "lydia kelm , 23 , was arrested with a dui charge after driving to a mcdonald 's nearly naked and refusing to complete her orderrestaurant workers yelled repeatedly for kelm to pull up to the drive-through window , but she revved her engine and backed up insteadkelm 's blood-alcohol level was .247 -- three times the legal limit\n", - "[1.4480827 1.2326576 1.1255779 1.2509869 1.0594561 1.0881324 1.0757381\n", - " 1.1451643 1.1275609 1.0904558 1.0591378 1.0437835 1.0481471 1.0656073\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 7 8 2 9 5 6 13 4 10 12 11 18 14 15 16 17 19]\n", - "=======================\n", - "['( cnn ) when 65 cases of 20-year-old pappy van winkle -- one of the rarest and most expensive bourbons in the world -- were reported missing from a kentucky distillery in october 2013 , it was the crime heard round the whiskey-drinking world .on tuesday , a franklin county grand jury indicted \" nine members of a criminal syndicate that collaborated to promote or engage in the theft ... and illegal trafficking \" of liquor from two different kentucky distilleries : frankfort \\'s buffalo trace -- makers of pappy -- and the nearby wild turkey distillery , makers of the eponymous bourbon , according to the indictment .franklin county sheriff pat melton , the man leading the investigation into the estimated $ 26,000 in missing pappy , said at the time that the high-end heist was \" indicative of an inside job . \"']\n", - "=======================\n", - "['9 indicted on organized crime charges related to bourbon theftsemployees at two kentucky distilleries among those indicted']\n", - "( cnn ) when 65 cases of 20-year-old pappy van winkle -- one of the rarest and most expensive bourbons in the world -- were reported missing from a kentucky distillery in october 2013 , it was the crime heard round the whiskey-drinking world .on tuesday , a franklin county grand jury indicted \" nine members of a criminal syndicate that collaborated to promote or engage in the theft ... and illegal trafficking \" of liquor from two different kentucky distilleries : frankfort 's buffalo trace -- makers of pappy -- and the nearby wild turkey distillery , makers of the eponymous bourbon , according to the indictment .franklin county sheriff pat melton , the man leading the investigation into the estimated $ 26,000 in missing pappy , said at the time that the high-end heist was \" indicative of an inside job . \"\n", - "9 indicted on organized crime charges related to bourbon theftsemployees at two kentucky distilleries among those indicted\n", - "[1.1745869 1.2541374 1.2056034 1.2044516 1.1675131 1.144822 1.0837638\n", - " 1.0786883 1.0437468 1.0435269 1.044964 1.0718001 1.0537125 1.0468367\n", - " 1.0404981 1.056898 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 5 6 7 11 15 12 13 10 8 9 14 18 16 17 19]\n", - "=======================\n", - "['tehran and riyadh each point to the other as the main reason for much of the turmoil in the middle east .in its most recent incarnation , the iranian-saudi conflict by proxy has reached yemen in a spiral that both sides portray as climatic .for riyadh and its regional allies , the saudi military intervention in yemen -- \" operation decisive storm \" -- is the moment the sunni arab nation finally woke up to repel the expansion of shia-iranian influence .']\n", - "=======================\n", - "['vatanka : tensions between iran and saudi arabia are at an unprecedented leveliran has proposed a four-point plan for yemen but saudis have ignored itvatanka : saudis have tried to muster a ground invasion coalition but have failed']\n", - "tehran and riyadh each point to the other as the main reason for much of the turmoil in the middle east .in its most recent incarnation , the iranian-saudi conflict by proxy has reached yemen in a spiral that both sides portray as climatic .for riyadh and its regional allies , the saudi military intervention in yemen -- \" operation decisive storm \" -- is the moment the sunni arab nation finally woke up to repel the expansion of shia-iranian influence .\n", - "vatanka : tensions between iran and saudi arabia are at an unprecedented leveliran has proposed a four-point plan for yemen but saudis have ignored itvatanka : saudis have tried to muster a ground invasion coalition but have failed\n", - "[1.252145 1.4864042 1.2447491 1.2691754 1.2970682 1.0497371 1.0650392\n", - " 1.0230247 1.01438 1.0171084 1.0596079 1.117149 1.2417121 1.2140943\n", - " 1.1065412 1.0582185 1.0516211 1.0684371 1.0541091 1.0534005 1.0258989\n", - " 1.0525466 1.006205 ]\n", - "\n", - "[ 1 4 3 0 2 12 13 11 14 17 6 10 15 18 19 21 16 5 20 7 9 8 22]\n", - "=======================\n", - "[\"queensland resident roxy walsh took to her facebook account after recovering the gold jewellery at the finns beach club in bali on tuesday .fortunately , ms walsh said she has since been in contact with the owner and will be having breakfast with ` the joe and jenny ' in noosa on sunday .the woman who launched a social media campaign in a bid to return a sentimental ring which was discovered at a bali resort has found the owner .\"]\n", - "=======================\n", - "[\"queensland woman roxy walsh found an inscribed gold ring in balithe sentimental jewellery piece was found at a bali resort on tuesdayshe launched a campaign to return the ring to the people who own itms walsh said she has found the owner and will meet ` the joe and jenny ' for breakfast in noosa on sundayit 's unknown when the ring was lost or where the couple are from\"]\n", - "queensland resident roxy walsh took to her facebook account after recovering the gold jewellery at the finns beach club in bali on tuesday .fortunately , ms walsh said she has since been in contact with the owner and will be having breakfast with ` the joe and jenny ' in noosa on sunday .the woman who launched a social media campaign in a bid to return a sentimental ring which was discovered at a bali resort has found the owner .\n", - "queensland woman roxy walsh found an inscribed gold ring in balithe sentimental jewellery piece was found at a bali resort on tuesdayshe launched a campaign to return the ring to the people who own itms walsh said she has found the owner and will meet ` the joe and jenny ' for breakfast in noosa on sundayit 's unknown when the ring was lost or where the couple are from\n", - "[1.2862432 1.3195086 1.3792733 1.3705847 1.2623281 1.0412422 1.0607289\n", - " 1.076934 1.1643331 1.012778 1.0304152 1.1357774 1.0936712 1.0477664\n", - " 1.0821383 1.0130965 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 3 1 0 4 8 11 12 14 7 6 13 5 10 15 9 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"and it is thought he will be staying at the five-star luxury amanjena resort , just outside marrakech .the world-famous football star is expected to fly out to morocco for a glamorous bash with his celebrity friends and family .david beckham 's 40th birthday celebrations next weekend were never going to be a small affair .\"]\n", - "=======================\n", - "['the football star is said to be flying his closest friends to the five-star luxury amanjena resort outside marrakechtom cruise , guy ritchie , gordon ramsay and best friend dave gardner are set to attend the lavish eventthe opulent hotel is where david and victoria renewed their vows in 2004']\n", - "and it is thought he will be staying at the five-star luxury amanjena resort , just outside marrakech .the world-famous football star is expected to fly out to morocco for a glamorous bash with his celebrity friends and family .david beckham 's 40th birthday celebrations next weekend were never going to be a small affair .\n", - "the football star is said to be flying his closest friends to the five-star luxury amanjena resort outside marrakechtom cruise , guy ritchie , gordon ramsay and best friend dave gardner are set to attend the lavish eventthe opulent hotel is where david and victoria renewed their vows in 2004\n", - "[1.3520286 1.4458172 1.175554 1.1893299 1.3145926 1.1799585 1.1155374\n", - " 1.063362 1.1774747 1.0644051 1.0151354 1.0782 1.0413136 1.0603822\n", - " 1.0446482 1.0365566 1.0267351 1.0548638 1.0315775 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 4 3 5 8 2 6 11 9 7 13 17 14 12 15 18 16 10 21 19 20 22]\n", - "=======================\n", - "[\"the 16-year-old was part of the chelsea under 19 team that won the uefa youth league by beating shakhtar donetsk in monday 's final in nyon , switzerland .ian wright has hailed chelsea 's up-and-coming star jay dasilva , claiming he is better than any current left back in the barclays premier league .chelsea became the first english team to win the youth league after two goals from captain izzy brown and another from dominic solanke led them to a 3-2 win .\"]\n", - "=======================\n", - "[\"former arsenal and england striker hails youth league winner jay dasilvathe left back was part of team that beat shakhtar 3-2 in monday 's finalian wright said 16-year-old was better than any premier league left backhe also praised tammy abraham , charly musonda and charlie colkettread : will chelsea ever bring through english players ?\"]\n", - "the 16-year-old was part of the chelsea under 19 team that won the uefa youth league by beating shakhtar donetsk in monday 's final in nyon , switzerland .ian wright has hailed chelsea 's up-and-coming star jay dasilva , claiming he is better than any current left back in the barclays premier league .chelsea became the first english team to win the youth league after two goals from captain izzy brown and another from dominic solanke led them to a 3-2 win .\n", - "former arsenal and england striker hails youth league winner jay dasilvathe left back was part of team that beat shakhtar 3-2 in monday 's finalian wright said 16-year-old was better than any premier league left backhe also praised tammy abraham , charly musonda and charlie colkettread : will chelsea ever bring through english players ?\n", - "[1.2434624 1.4961622 1.1173697 1.2780225 1.2202204 1.099475 1.0400387\n", - " 1.0677514 1.0380024 1.0214024 1.0162437 1.1700201 1.1928376 1.1212999\n", - " 1.0364528 1.0443587 1.0352495 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 4 12 11 13 2 5 7 15 6 8 14 16 9 10 17 18 19 20 21 22]\n", - "=======================\n", - "['amber phillips of los angeles expressed her support for the right to die law introduced in california on tuesday that if passed next year will legalize physician assisted suicide for terminally ill patients .regretted her choice : amber phillips says she regrets making her mother undergo chemotherapy against her will when her breast cancer progressed to the point that she could not enjoy her lifea daughter whose mother died from breast cancer says she wishes she would have let her mother die as oppose to making her undergo more painful chemotherapy .']\n", - "=======================\n", - "[\"amber phillips of los angeles expressed her support for the right to die law introduced in california on tuesdayphillips said she regrets not allowing her mother connie phillips to stop her chemotherapy treatment against her will` had she had the choice to end her own life she might have been able to reclaim some of her autonomy and dignity , ' phillips told dailymail.com\"]\n", - "amber phillips of los angeles expressed her support for the right to die law introduced in california on tuesday that if passed next year will legalize physician assisted suicide for terminally ill patients .regretted her choice : amber phillips says she regrets making her mother undergo chemotherapy against her will when her breast cancer progressed to the point that she could not enjoy her lifea daughter whose mother died from breast cancer says she wishes she would have let her mother die as oppose to making her undergo more painful chemotherapy .\n", - "amber phillips of los angeles expressed her support for the right to die law introduced in california on tuesdayphillips said she regrets not allowing her mother connie phillips to stop her chemotherapy treatment against her will` had she had the choice to end her own life she might have been able to reclaim some of her autonomy and dignity , ' phillips told dailymail.com\n", - "[1.253754 1.1140889 1.1728213 1.1433612 1.1052464 1.1631968 1.0657729\n", - " 1.0807734 1.0586382 1.0626774 1.0382906 1.0385586 1.0529153 1.0567533\n", - " 1.1204637 1.0915574 1.0437891 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 5 3 14 1 4 15 7 6 9 8 13 12 16 11 10 17 18 19 20 21 22]\n", - "=======================\n", - "['( cnn ) the united states is failing its partners .the trouble is that little of our foreign military financing -- including the recent counterterrorism partnership funds -- goes toward this vital facet in our efforts to counter extremism .the 2015 national security strategy speaks to the importance of american-led partnerships , while the 2014 quadrennial defense review noted that we \" will rebalance our counterterrorism efforts toward greater emphasis on building partnership capacity . \"']\n", - "=======================\n", - "['meaghan keeler-pettigrew , stuart bradin : u.s. must rethink special forcesunited states is spreading foreign military assistance too thin , they say']\n", - "( cnn ) the united states is failing its partners .the trouble is that little of our foreign military financing -- including the recent counterterrorism partnership funds -- goes toward this vital facet in our efforts to counter extremism .the 2015 national security strategy speaks to the importance of american-led partnerships , while the 2014 quadrennial defense review noted that we \" will rebalance our counterterrorism efforts toward greater emphasis on building partnership capacity . \"\n", - "meaghan keeler-pettigrew , stuart bradin : u.s. must rethink special forcesunited states is spreading foreign military assistance too thin , they say\n", - "[1.220472 1.2972298 1.1745746 1.171817 1.2125762 1.139376 1.0944484\n", - " 1.0906585 1.0945972 1.0996057 1.0766664 1.0343198 1.0504812 1.0336158\n", - " 1.0205005 1.01515 1.0537721 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 5 9 8 6 7 10 16 12 11 13 14 15 18 17 19]\n", - "=======================\n", - "[\"when the public commissions with jurisdiction over the white house heard proposals for beefing up the presidential mansion 's perimiter , they were told that the government would n't be digging a moat around the building .secret service agents will take a bullet for the president of the united states , but apparently they wo n't swim for him .that idea , it turns out , was actually under consideration .\"]\n", - "=======================\n", - "[\"white house planners say they 're ready to recommend spikes at the top of the mansion 's fenceposts to better protect the presidentmove comes after several fence-jumpers , including one who sprinted inside the white housetennessee democratic rep. steve cohen asked the acting secret service director in november if 1600 pennsylvania avenue needed a six-foot moatthat idea was actually under consideration , but later scrapped over maintenance concerns and ` having to retrieve people from it '\"]\n", - "when the public commissions with jurisdiction over the white house heard proposals for beefing up the presidential mansion 's perimiter , they were told that the government would n't be digging a moat around the building .secret service agents will take a bullet for the president of the united states , but apparently they wo n't swim for him .that idea , it turns out , was actually under consideration .\n", - "white house planners say they 're ready to recommend spikes at the top of the mansion 's fenceposts to better protect the presidentmove comes after several fence-jumpers , including one who sprinted inside the white housetennessee democratic rep. steve cohen asked the acting secret service director in november if 1600 pennsylvania avenue needed a six-foot moatthat idea was actually under consideration , but later scrapped over maintenance concerns and ` having to retrieve people from it '\n", - "[1.1428183 1.2205323 1.2830956 1.2726854 1.173545 1.0738745 1.0246139\n", - " 1.1573434 1.1151853 1.0247669 1.0688864 1.0908997 1.0696213 1.0521761\n", - " 1.0408597 1.0115217 1.0620177 1.0883001 0. 0. ]\n", - "\n", - "[ 2 3 1 4 7 0 8 11 17 5 12 10 16 13 14 9 6 15 18 19]\n", - "=======================\n", - "[\"this year 's election has bought with it a bizarre batch of merchandise in a bid to sway the nation .david cameron is said to have watched bake off in the past which could explain these cake caseshowever , you might be more surprised to see shot glasses emblazoned with david cameron 's face , ukip pendents and even party leader underwear appearing on shelves .\"]\n", - "=======================\n", - "['the uk general election is just over two weeks awaypolitical parties and retailers selling political merchandisestrange offerings include high viz jackets , decanters and birthday cards']\n", - "this year 's election has bought with it a bizarre batch of merchandise in a bid to sway the nation .david cameron is said to have watched bake off in the past which could explain these cake caseshowever , you might be more surprised to see shot glasses emblazoned with david cameron 's face , ukip pendents and even party leader underwear appearing on shelves .\n", - "the uk general election is just over two weeks awaypolitical parties and retailers selling political merchandisestrange offerings include high viz jackets , decanters and birthday cards\n", - "[1.2846781 1.4757926 1.2986761 1.3616239 1.2077177 1.032798 1.0619571\n", - " 1.0890515 1.1390235 1.0503795 1.037286 1.0170168 1.1015428 1.0151451\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 8 12 7 6 9 10 5 11 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"the 31-year-old from leicester rocked ronnie o'sullivan in last year 's final to claim his maiden crucible title , and returned to ease 6-3 ahead of kurt maflin in their first-round tussle .mark selby plays a shot in the first round match against kurt maflin on day one of the world championshipno first-time champion in sheffield has returned to retain the trophy 12 months on , and that factor has taken the tag of the ` crucible curse ' .\"]\n", - "=======================\n", - "['mark selby leads kurt maflin 6-3 and needs only four more frames to winno first-time champion in sheffield has returned to retain the trophyselby and maflin shared the first four frames before selby pulled awaymarco fu leads jimmy robertson 5-4 after break of 66 in final frame']\n", - "the 31-year-old from leicester rocked ronnie o'sullivan in last year 's final to claim his maiden crucible title , and returned to ease 6-3 ahead of kurt maflin in their first-round tussle .mark selby plays a shot in the first round match against kurt maflin on day one of the world championshipno first-time champion in sheffield has returned to retain the trophy 12 months on , and that factor has taken the tag of the ` crucible curse ' .\n", - "mark selby leads kurt maflin 6-3 and needs only four more frames to winno first-time champion in sheffield has returned to retain the trophyselby and maflin shared the first four frames before selby pulled awaymarco fu leads jimmy robertson 5-4 after break of 66 in final frame\n", - "[1.4885117 1.3738221 1.291514 1.0984586 1.2543497 1.2816437 1.0734317\n", - " 1.0512407 1.0753347 1.0290067 1.1574515 1.0359719 1.0142976 1.0189669\n", - " 1.0274814 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 5 4 10 3 8 6 7 11 9 14 13 12 15 16 17 18 19]\n", - "=======================\n", - "['exeter swept aside newcastle 48-13 to set up a semi-final showdown with gloucester in the inaugural european challenge cup .the chiefs outscored their opponents six tries to one at sandy park , with a david ewers score and a penalty try helping the home side into a 17-6 half-time lead .exeter then added further tries through thomas waldrom , byron mcguigan , sam hill and dean mumm after the break , with outclassed newcastle only able to respond with a 68th-minute effort from chris harris and eight points from the boot of tom catterick .']\n", - "=======================\n", - "['exeter and gloucester will go head-to-head for place in inaugural finalwinner will face either newport gwent dragons , london irish or edinburghdavid ewers helped his side into a 17-6 half-time lead']\n", - "exeter swept aside newcastle 48-13 to set up a semi-final showdown with gloucester in the inaugural european challenge cup .the chiefs outscored their opponents six tries to one at sandy park , with a david ewers score and a penalty try helping the home side into a 17-6 half-time lead .exeter then added further tries through thomas waldrom , byron mcguigan , sam hill and dean mumm after the break , with outclassed newcastle only able to respond with a 68th-minute effort from chris harris and eight points from the boot of tom catterick .\n", - "exeter and gloucester will go head-to-head for place in inaugural finalwinner will face either newport gwent dragons , london irish or edinburghdavid ewers helped his side into a 17-6 half-time lead\n", - "[1.6466386 1.330658 1.1662376 1.4196024 1.1965082 1.1155491 1.0729967\n", - " 1.0181527 1.0157884 1.0355833 1.0120262 1.0131987 1.0501624 1.023356\n", - " 1.0386578 1.0279375 1.0266812 1.0461715 1.0896912 1.0314881]\n", - "\n", - "[ 0 3 1 4 2 5 18 6 12 17 14 9 19 15 16 13 7 8 11 10]\n", - "=======================\n", - "[\"chad mendes underlined his no 1 spot in ufc 's featherweight rankings with an explosive first-round technical knockout of former title contender ricardo lamas in fairfax on saturday night .coming into the fight on the back of a decision loss in what was 2014 's ` fight of the year ' against champion jose aldo , mendes did not disappoint .mendes celebrates his first-round victory against lamas as he returned to action in virginia\"]\n", - "=======================\n", - "['chad mendes keeps his no 1 ranking after demolition of ricardo lamasa right hand to the top of the head dropped lamas in under three minutesal iaquinta takes split decision after 15-minute war with jorge masvidaljulianna pena and dustin poirier won their fights in the first round']\n", - "chad mendes underlined his no 1 spot in ufc 's featherweight rankings with an explosive first-round technical knockout of former title contender ricardo lamas in fairfax on saturday night .coming into the fight on the back of a decision loss in what was 2014 's ` fight of the year ' against champion jose aldo , mendes did not disappoint .mendes celebrates his first-round victory against lamas as he returned to action in virginia\n", - "chad mendes keeps his no 1 ranking after demolition of ricardo lamasa right hand to the top of the head dropped lamas in under three minutesal iaquinta takes split decision after 15-minute war with jorge masvidaljulianna pena and dustin poirier won their fights in the first round\n", - "[1.1294417 1.3463387 1.3230772 1.1515718 1.1640364 1.0277354 1.0853086\n", - " 1.1035612 1.0445797 1.1685832 1.0966544 1.0893712 1.0525073 1.0600431\n", - " 1.0445485 1.0136907 1.023996 1.0137942 1.0139309 1.0499192]\n", - "\n", - "[ 1 2 9 4 3 0 7 10 11 6 13 12 19 8 14 5 16 18 17 15]\n", - "=======================\n", - "[\"for zayn 's relationship with little mix singer perrie edwards as come under scrutiny as the 22-year-old was once again accused of cheating on his fiance .at the weekend swedish model martina olsson claimed that she had slept with zayn while he was holidaying in thailand recently .like cheryl and ashley both zayn and perrie , 21 , have enjoyed a huge amount of fame .\"]\n", - "=======================\n", - "[\"zayn and perrie 's relationship has been dogged with cheating rumourszayn has been accused of sleeping with several different womenmuch like ashley cole who was accused of cheating on cheryl colecheryl and ashley - who were married for four years - divorced in 2010\"]\n", - "for zayn 's relationship with little mix singer perrie edwards as come under scrutiny as the 22-year-old was once again accused of cheating on his fiance .at the weekend swedish model martina olsson claimed that she had slept with zayn while he was holidaying in thailand recently .like cheryl and ashley both zayn and perrie , 21 , have enjoyed a huge amount of fame .\n", - "zayn and perrie 's relationship has been dogged with cheating rumourszayn has been accused of sleeping with several different womenmuch like ashley cole who was accused of cheating on cheryl colecheryl and ashley - who were married for four years - divorced in 2010\n", - "[1.290788 1.3088344 1.0939981 1.1997279 1.0303863 1.0189658 1.0469995\n", - " 1.1267041 1.3083289 1.2601578 1.0608588 1.0381889 1.0674757 1.0290262\n", - " 1.1830668 1.0730685 1.0398227 1.0636142 0. 0. ]\n", - "\n", - "[ 1 8 0 9 3 14 7 2 15 12 17 10 6 16 11 4 13 5 18 19]\n", - "=======================\n", - "[\"the 11-time all star brushed off rough treatment from the chicago bulls as his cavs won on sunday by saying it 's the sort of thing nba stars should expect come this stage of the season .drilling threes on the buzzer is all good as far as cleveland cavaliers superstar lebron james is concerned - the buzzing of drills at the dentist is a whole other story .lebron delivered his first triple-double for cavs as they won a 50th game of the campaign and 18th straight at home in their march towards the playoffs .\"]\n", - "=======================\n", - "[\"lebron james posted an unhappy picture at the dentist on instagramhis visit to the dentist 's chair follows his first triple-double for clevelandjames brought 20 points , 10 rebounds and 12 assists in win over chicago\"]\n", - "the 11-time all star brushed off rough treatment from the chicago bulls as his cavs won on sunday by saying it 's the sort of thing nba stars should expect come this stage of the season .drilling threes on the buzzer is all good as far as cleveland cavaliers superstar lebron james is concerned - the buzzing of drills at the dentist is a whole other story .lebron delivered his first triple-double for cavs as they won a 50th game of the campaign and 18th straight at home in their march towards the playoffs .\n", - "lebron james posted an unhappy picture at the dentist on instagramhis visit to the dentist 's chair follows his first triple-double for clevelandjames brought 20 points , 10 rebounds and 12 assists in win over chicago\n", - "[1.2215259 1.5189538 1.2370013 1.2935908 1.0973427 1.259357 1.1150894\n", - " 1.015501 1.0203961 1.2530651 1.186981 1.0691916 1.0340351 1.0160083\n", - " 1.0453274 1.0116782 1.0509663 0. 0. 0. ]\n", - "\n", - "[ 1 3 5 9 2 0 10 6 4 11 16 14 12 8 13 7 15 18 17 19]\n", - "=======================\n", - "['kyle iveson burst into a convenience store and demanded cash from shop assistant karen brown , the mother of his ex-girlfriend and grandmother of his daughter .he escaped with # 650 , but was quickly arrested and has now pleaded guilty to robbery and being in possession of a bladed article .terror : iveson was brandishing a 12in knife when he burst into the convenience store']\n", - "=======================\n", - "['kyle iveson , 24 , burst into convenience store armed with a 12in knifebut shop worker karen brown , 54 , recognised him because she is the mother of his ex-girlfriendshe reported him to police moments later and he has now been jailed']\n", - "kyle iveson burst into a convenience store and demanded cash from shop assistant karen brown , the mother of his ex-girlfriend and grandmother of his daughter .he escaped with # 650 , but was quickly arrested and has now pleaded guilty to robbery and being in possession of a bladed article .terror : iveson was brandishing a 12in knife when he burst into the convenience store\n", - "kyle iveson , 24 , burst into convenience store armed with a 12in knifebut shop worker karen brown , 54 , recognised him because she is the mother of his ex-girlfriendshe reported him to police moments later and he has now been jailed\n", - "[1.2042441 1.4428037 1.3169129 1.3994642 1.3196647 1.1900523 1.1351894\n", - " 1.0597156 1.1102281 1.0721004 1.0356929 1.0208076 1.0503703 1.0192747\n", - " 1.053778 1.0130115 1.0070294 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 5 6 8 9 7 14 12 10 11 13 15 16 18 17 19]\n", - "=======================\n", - "[\"ophelia conant had managed to crawl backwards through a gap in the cot at her home in holmer green , buckinghamshire , but was left hanging mid air by her neck .the furniture boss who supplied the beds , phillip dickens , who was described as the ` king of diy ' was today fined # 50,000 and given a suspended prison sentence .the 19-month-old was only saved when her mother , louise conant , happened to be watching the incident unfold on a baby monitor .\"]\n", - "=======================\n", - "['ophelia conant managed to crawl backwards through cot and get trappedher mother was watching baby monitor and found her hanging by neckdays later another toddler found dangling in # 450 bed from same companyphillip dickens , owner of furniture supplier , was given suspended sentence']\n", - "ophelia conant had managed to crawl backwards through a gap in the cot at her home in holmer green , buckinghamshire , but was left hanging mid air by her neck .the furniture boss who supplied the beds , phillip dickens , who was described as the ` king of diy ' was today fined # 50,000 and given a suspended prison sentence .the 19-month-old was only saved when her mother , louise conant , happened to be watching the incident unfold on a baby monitor .\n", - "ophelia conant managed to crawl backwards through cot and get trappedher mother was watching baby monitor and found her hanging by neckdays later another toddler found dangling in # 450 bed from same companyphillip dickens , owner of furniture supplier , was given suspended sentence\n", - "[1.2749864 1.5416799 1.1717833 1.3249311 1.0819299 1.0780255 1.3202554\n", - " 1.0596253 1.0124279 1.2133657 1.3022907 1.0157423 1.0150769 1.0064266\n", - " 1.029255 1.2352384 1.05679 1.0087699 1.0096692 1.0057157]\n", - "\n", - "[ 1 3 6 10 0 15 9 2 4 5 7 16 14 11 12 8 18 17 13 19]\n", - "=======================\n", - "['tottenham have confirmed they will travel to australia and malaysia at the end of the premier league season , while chelsea are also set to travel abroad when the current campaign finishes .arsenal boss arsene wenger has slammed post season tours as a nightmaremanchester united manager louis van gaal has successfully lobbied for a shorter than anticipated tour of the us this summer .']\n", - "=======================\n", - "[\"manchester united , tottenham and chelsea are all travelling abroad after the end of the premier league seasonarsene wenger has decided not to extend arsenal 's summer tourthe gunners face relegation candidates burnley on saturday\"]\n", - "tottenham have confirmed they will travel to australia and malaysia at the end of the premier league season , while chelsea are also set to travel abroad when the current campaign finishes .arsenal boss arsene wenger has slammed post season tours as a nightmaremanchester united manager louis van gaal has successfully lobbied for a shorter than anticipated tour of the us this summer .\n", - "manchester united , tottenham and chelsea are all travelling abroad after the end of the premier league seasonarsene wenger has decided not to extend arsenal 's summer tourthe gunners face relegation candidates burnley on saturday\n", - "[1.0752728 1.2471205 1.3415389 1.3195438 1.078921 1.1187162 1.18074\n", - " 1.1977985 1.1331204 1.0511787 1.0399189 1.0390668 1.0736407 1.1106695\n", - " 1.0867782 1.1301295 1.0895634 1.0618956]\n", - "\n", - "[ 2 3 1 7 6 8 15 5 13 16 14 4 0 12 17 9 10 11]\n", - "=======================\n", - "[\"since it opened its doors in 1994 , the airport has never lost a piece of luggage , giving it an impeccable 21-year record .but , if you want to guarantee your luggage will never be lost , you will need to fly in to kansai international airport , in osaka , japan .the airport 's impeccable baggage record has to do with the way that staff places the suitcases on carousels\"]\n", - "=======================\n", - "['skytrax found kansai international as the top airport for baggage handlingkansai has not lost a single piece of luggage in the 21 years its been openin recent ranking of top 10 airports , seven of the ten are located in asia']\n", - "since it opened its doors in 1994 , the airport has never lost a piece of luggage , giving it an impeccable 21-year record .but , if you want to guarantee your luggage will never be lost , you will need to fly in to kansai international airport , in osaka , japan .the airport 's impeccable baggage record has to do with the way that staff places the suitcases on carousels\n", - "skytrax found kansai international as the top airport for baggage handlingkansai has not lost a single piece of luggage in the 21 years its been openin recent ranking of top 10 airports , seven of the ten are located in asia\n", - "[1.2886385 1.479143 1.2255626 1.182505 1.1633909 1.1351595 1.1429099\n", - " 1.163621 1.1102809 1.0754001 1.072098 1.0841693 1.1573538 1.0314229\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 7 4 12 6 5 8 11 9 10 13 16 14 15 17]\n", - "=======================\n", - "[\"neymar and alves headed to watch el clasico on thursday night alongside the brazilian 's sister rafaella .team-mates neymar and dani alves proved their dedication to barcelona by supporting the club 's basketball side .barca prevailed with a narrow 85-80 victory in the euro league contest .\"]\n", - "=======================\n", - "[\"neymar helped brazil beat chile 1-0 at the emirates stadium last weekendbarcelona won the el clasico to go four points clear at the top of la ligaluis enrique 's side take on celta vigo in la liga on sunday\"]\n", - "neymar and alves headed to watch el clasico on thursday night alongside the brazilian 's sister rafaella .team-mates neymar and dani alves proved their dedication to barcelona by supporting the club 's basketball side .barca prevailed with a narrow 85-80 victory in the euro league contest .\n", - "neymar helped brazil beat chile 1-0 at the emirates stadium last weekendbarcelona won the el clasico to go four points clear at the top of la ligaluis enrique 's side take on celta vigo in la liga on sunday\n", - "[1.2001941 1.5156059 1.3155476 1.3415643 1.281609 1.1207576 1.0594003\n", - " 1.0208058 1.0172606 1.1584846 1.1567957 1.0263705 1.0100133 1.0090129\n", - " 1.0082691 1.0079746 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 9 10 5 6 11 7 8 12 13 14 15 16 17]\n", - "=======================\n", - "[\"rajee narinesingh was one of the victims of ` toxic tush ' doctor oneal ron morris , who performed illegal plastic surgeries using substances such as fix-a-flat , super glue and mineral oil .rajee had morris inject her cheeks , lips and chin back in 2005 , and ended up disfigured after she did not have the money to go to a proper cosmetic surgeon .rajee was recently treated by dr terry dubrow and dr paul nassif in a process that will be featured on the premiere episode of botched\"]\n", - "=======================\n", - "['rajee narinesingh , one of the victims of ` toxic tush doctor ` oneal ron morris , stepped out showing her new face over the weekendrajee was recently treated by dr terry dubrow and dr paul nassif in a process that will be featured on the premiere episode of botchedthis after a 2005 procedure in which her cheeks , chin and lips were injected with cement and tire sealant']\n", - "rajee narinesingh was one of the victims of ` toxic tush ' doctor oneal ron morris , who performed illegal plastic surgeries using substances such as fix-a-flat , super glue and mineral oil .rajee had morris inject her cheeks , lips and chin back in 2005 , and ended up disfigured after she did not have the money to go to a proper cosmetic surgeon .rajee was recently treated by dr terry dubrow and dr paul nassif in a process that will be featured on the premiere episode of botched\n", - "rajee narinesingh , one of the victims of ` toxic tush doctor ` oneal ron morris , stepped out showing her new face over the weekendrajee was recently treated by dr terry dubrow and dr paul nassif in a process that will be featured on the premiere episode of botchedthis after a 2005 procedure in which her cheeks , chin and lips were injected with cement and tire sealant\n", - "[1.2273953 1.2369052 1.2727265 1.288682 1.2818825 1.1837437 1.0539815\n", - " 1.0889741 1.1237999 1.0894306 1.0947418 1.0580115 1.0697949 1.0263679\n", - " 1.0426716 1.0141081 1.0244061 1.0623968]\n", - "\n", - "[ 3 4 2 1 0 5 8 10 9 7 12 17 11 6 14 13 16 15]\n", - "=======================\n", - "[\"the two goals scored by luis suarez against psg took barcelona past 400 champions league goalsbarcelona have reached the landmark in 202 champions league matches since 1992and barcelona 's second of the night , in the 67th minute when suarez stormed through , nutmegged david luiz and finished , was their 400th goal in the competition .\"]\n", - "=======================\n", - "['barcelona have now scored 401 goals in the champions leaguea double from luis suarez and another from neymar beat psg 3-1catalan side have achieved the feat in 202 matches since 1992but they have some way to go to catch the 436 of real madrid']\n", - "the two goals scored by luis suarez against psg took barcelona past 400 champions league goalsbarcelona have reached the landmark in 202 champions league matches since 1992and barcelona 's second of the night , in the 67th minute when suarez stormed through , nutmegged david luiz and finished , was their 400th goal in the competition .\n", - "barcelona have now scored 401 goals in the champions leaguea double from luis suarez and another from neymar beat psg 3-1catalan side have achieved the feat in 202 matches since 1992but they have some way to go to catch the 436 of real madrid\n", - "[1.0982132 1.2839108 1.4711419 1.1879884 1.1191349 1.1810822 1.1166055\n", - " 1.0498163 1.3152764 1.0884241 1.0340804 1.135329 1.1004351 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 8 1 3 5 11 4 6 12 0 9 7 10 16 13 14 15 17]\n", - "=======================\n", - "['alejandro bouvier of uruguay filmed the moment another rider got scarily close to his watercraft one sunny day .but all of those appeared to have sunk to the bottom of the ocean at a beach in cancun , mexico , as a new nail-biting video proves .footage shows him zipping towards the driver before he swings around and drives directly in his path .']\n", - "=======================\n", - "['alejandro bouvier of uruguay filmed the moment another rider got scarily close to his watercraft one sunny day']\n", - "alejandro bouvier of uruguay filmed the moment another rider got scarily close to his watercraft one sunny day .but all of those appeared to have sunk to the bottom of the ocean at a beach in cancun , mexico , as a new nail-biting video proves .footage shows him zipping towards the driver before he swings around and drives directly in his path .\n", - "alejandro bouvier of uruguay filmed the moment another rider got scarily close to his watercraft one sunny day\n", - "[1.2135525 1.3615466 1.3693653 1.2594895 1.2694696 1.1820815 1.1663438\n", - " 1.1393983 1.1268891 1.1174378 1.0920157 1.0728669 1.0849074 1.0644096\n", - " 1.0096971 1.0178876 1.0932679]\n", - "\n", - "[ 2 1 4 3 0 5 6 7 8 9 16 10 12 11 13 15 14]\n", - "=======================\n", - "[\"authorities say 38-year-old uriel miranda died at the scene and his 2-year-old daughter yaretsi miranda died saturday evening at a hospital .the car , which was carrying 12 , crashed when a blown tire caused the 2006 ford expedition to overturn saturday in martin county , on central florida 's atlantic coast .father , uriel miranda , 38 ( left ) and two children , yordi miranda , 8 , ( right ) and yaretsi miranda , 2 , were killed after their suv rolled over highway\"]\n", - "=======================\n", - "[\"the car crashed when a left rear tire tread separated on the florida turnpike on saturdaythe crash took place at about 4:45 p.muriel miranda , 38 , who was in the car with his wife and seven children as well as his three brothers , died at the scenehis daughter , yaretsi miranda , 2 , died along with yordi miranda , 8troopers say all 12 occupants were relatives from apopkapolice report indicated half of them were n't wearing seat belts\"]\n", - "authorities say 38-year-old uriel miranda died at the scene and his 2-year-old daughter yaretsi miranda died saturday evening at a hospital .the car , which was carrying 12 , crashed when a blown tire caused the 2006 ford expedition to overturn saturday in martin county , on central florida 's atlantic coast .father , uriel miranda , 38 ( left ) and two children , yordi miranda , 8 , ( right ) and yaretsi miranda , 2 , were killed after their suv rolled over highway\n", - "the car crashed when a left rear tire tread separated on the florida turnpike on saturdaythe crash took place at about 4:45 p.muriel miranda , 38 , who was in the car with his wife and seven children as well as his three brothers , died at the scenehis daughter , yaretsi miranda , 2 , died along with yordi miranda , 8troopers say all 12 occupants were relatives from apopkapolice report indicated half of them were n't wearing seat belts\n", - "[1.2009349 1.5256436 1.2860434 1.4022076 1.2001586 1.1361407 1.0336381\n", - " 1.0532357 1.0429798 1.0748053 1.0398691 1.1031152 1.1085485 1.0629716\n", - " 1.0628163 1.0534676 1.0243982]\n", - "\n", - "[ 1 3 2 0 4 5 12 11 9 13 14 15 7 8 10 6 16]\n", - "=======================\n", - "[\"iona costello , 51 , and her daughter emily , from greenport , were going into the city when they were last seen on march 30 near their home in the the wealthy seaside village .an eastern long island widow and her 14-year-old have been missing for almost three weeks after a trip to new york city to see a play .relatives of the family , who own a horse farm on long island 's north fork , reported them missing on tuesday .\"]\n", - "=======================\n", - "[\"iona costello , 51 , and her daughter emily , 14 , missing since late marchpair from posh suburb of greenpoint , long island , often went to showsvideo shows them with suitcases , but relatives are worried after daughter began missing schoolmother told workers at her horse farm that she 'd be ` back on tuesday '\"]\n", - "iona costello , 51 , and her daughter emily , from greenport , were going into the city when they were last seen on march 30 near their home in the the wealthy seaside village .an eastern long island widow and her 14-year-old have been missing for almost three weeks after a trip to new york city to see a play .relatives of the family , who own a horse farm on long island 's north fork , reported them missing on tuesday .\n", - "iona costello , 51 , and her daughter emily , 14 , missing since late marchpair from posh suburb of greenpoint , long island , often went to showsvideo shows them with suitcases , but relatives are worried after daughter began missing schoolmother told workers at her horse farm that she 'd be ` back on tuesday '\n", - "[1.2259645 1.4249238 1.380162 1.2115989 1.2206864 1.1002996 1.1663703\n", - " 1.0410285 1.0511544 1.206576 1.0152308 1.0150871 1.0454711 1.1407202\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 3 9 6 13 5 8 12 7 10 11 14 15 16]\n", - "=======================\n", - "['swedish scientists analysed more than 10,000 families with children aged two to 14 who did not have the condition , looking at whether there was any family conflict , a change of family structure , interventions from social services or unemployment .subsequently , 58 children were diagnosed with type 1 diabetes .the researchers found many were among those badly affected by events in their formative years .']\n", - "=======================\n", - "['swedish scientists analysed more than 10,000 families in the study58 children with diabetes had also been badly affected by previous eventsother factors include viral infection , diet and early weight gain']\n", - "swedish scientists analysed more than 10,000 families with children aged two to 14 who did not have the condition , looking at whether there was any family conflict , a change of family structure , interventions from social services or unemployment .subsequently , 58 children were diagnosed with type 1 diabetes .the researchers found many were among those badly affected by events in their formative years .\n", - "swedish scientists analysed more than 10,000 families in the study58 children with diabetes had also been badly affected by previous eventsother factors include viral infection , diet and early weight gain\n", - "[1.0696628 1.0424988 1.1261253 1.1673497 1.2219943 1.3370556 1.0776713\n", - " 1.0255766 1.0456607 1.0393318 1.0503169 1.0361873 1.0282239 1.1582105\n", - " 1.0289886 0. 0. ]\n", - "\n", - "[ 5 4 3 13 2 6 0 10 8 1 9 11 14 12 7 15 16]\n", - "=======================\n", - "['britain last year produced more than 1.5 million cars -- the most since 2007 -- and we are poised to overtake france and become the second biggest car manufacturing power in europe .they were examples of british manufacturing and design and engineering -- and they were about to be loaded on to ships and taken to other european countries , and to africa , and asia ; and i reflected on one of the most stunning turnaround stories in the economic history of this country .boris johnson : the problem with ed miliband is that he wants to take the country back to the 1970s']\n", - "=======================\n", - "[\"boris johnson issues rally cry to defeat ed miliband in ` battle for britain 'london mayor has warned that labour victory next month would be ` mad 'he says conservatives need five years to ` entrench the economic recovery '\"]\n", - "britain last year produced more than 1.5 million cars -- the most since 2007 -- and we are poised to overtake france and become the second biggest car manufacturing power in europe .they were examples of british manufacturing and design and engineering -- and they were about to be loaded on to ships and taken to other european countries , and to africa , and asia ; and i reflected on one of the most stunning turnaround stories in the economic history of this country .boris johnson : the problem with ed miliband is that he wants to take the country back to the 1970s\n", - "boris johnson issues rally cry to defeat ed miliband in ` battle for britain 'london mayor has warned that labour victory next month would be ` mad 'he says conservatives need five years to ` entrench the economic recovery '\n", - "[1.3393613 1.2539858 1.2166853 1.1880616 1.2053459 1.1797699 1.093814\n", - " 1.2560322 1.0208641 1.0428704 1.1598662 1.0772676 1.0438589 1.0400348\n", - " 1.008729 1.0322009 0. ]\n", - "\n", - "[ 0 7 1 2 4 3 5 10 6 11 12 9 13 15 8 14 16]\n", - "=======================\n", - "['disgraced former virginia gov. bob mcdonnell made his final written plea to a federal appeals court wednesday , arguing that the favors he did for a wealthy businessman were routine courtesies and not part of a bribery scheme .bob mcdonnell was sentenced to two years in prison and his wife to one year and one day , but they remain free while they pursue separate appeals .the onetime rising republican star made the argument in a 54-page brief in the 4th u.s. circuit court of appeals .']\n", - "=======================\n", - "[\"bob mcdonnell used his office to benefit a nutritional supplement company whose president lavished gifts on him and his wifehis lawyers argue that he never performed any ` official acts ' for star scientific , a company that sought support for his ` anatabloc ' supplementmcdonnell was sentenced to two years in prison and his wife got one year and one day ; they 're both free pending appealsthree-judge federal court panel will hear the former governor 's appeal on may 12\"]\n", - "disgraced former virginia gov. bob mcdonnell made his final written plea to a federal appeals court wednesday , arguing that the favors he did for a wealthy businessman were routine courtesies and not part of a bribery scheme .bob mcdonnell was sentenced to two years in prison and his wife to one year and one day , but they remain free while they pursue separate appeals .the onetime rising republican star made the argument in a 54-page brief in the 4th u.s. circuit court of appeals .\n", - "bob mcdonnell used his office to benefit a nutritional supplement company whose president lavished gifts on him and his wifehis lawyers argue that he never performed any ` official acts ' for star scientific , a company that sought support for his ` anatabloc ' supplementmcdonnell was sentenced to two years in prison and his wife got one year and one day ; they 're both free pending appealsthree-judge federal court panel will hear the former governor 's appeal on may 12\n", - "[1.3356445 1.4136313 1.3498411 1.2024578 1.4022001 1.0705742 1.0287099\n", - " 1.0669687 1.015191 1.0407997 1.2743261 1.183725 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 0 10 3 11 5 7 9 6 8 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"after the parkhead club 's 2-0 win on friday night , deila branded most surfaces in the scottish premiership ` terrible ' and argued that artificial pitches would make for better spectacles .gary teale hit back at celtic boss ronny deila for his criticism of the st mirren park pitch on monday nightbut teale insists the norwegian 's criticism was unjustified and unfair on the paisley club 's award-winning groundsman , tommy docherty .\"]\n", - "=======================\n", - "[\"ronny deila criticised the st mirren park pitch after friday night 's winceltic beat st mirren 2-0 away from home in the scottish premiershipteale insists deila 's criticism was unjustified and unfair on the club\"]\n", - "after the parkhead club 's 2-0 win on friday night , deila branded most surfaces in the scottish premiership ` terrible ' and argued that artificial pitches would make for better spectacles .gary teale hit back at celtic boss ronny deila for his criticism of the st mirren park pitch on monday nightbut teale insists the norwegian 's criticism was unjustified and unfair on the paisley club 's award-winning groundsman , tommy docherty .\n", - "ronny deila criticised the st mirren park pitch after friday night 's winceltic beat st mirren 2-0 away from home in the scottish premiershipteale insists deila 's criticism was unjustified and unfair on the club\n", - "[1.2327416 1.2877545 1.3583866 1.2241037 1.2818857 1.1385399 1.234401\n", - " 1.0973687 1.0700185 1.0370809 1.0369842 1.2100431 1.0142453 1.0792371\n", - " 1.0211933 1.090833 1.0305696 1.0330615 1.0125674 1.0080953 1.0124674]\n", - "\n", - "[ 2 1 4 6 0 3 11 5 7 15 13 8 9 10 17 16 14 12 18 20 19]\n", - "=======================\n", - "[\"hengshui no 2 middle school is an ` exemplary school ' in hebei province in central china .web users suggested the fence was put up by school authorities to prevent more pupils from jumping off the building , the people 's daily online reports .two pupils from the school plunged to death , one in october and one in march .\"]\n", - "=======================\n", - "['metal bars have been fitted to close off balconies facing central court at hengshui no 2 middle schooltwo students have plunged to death on campus since last octoberthe school is well-known for its highly stressful environmentall students must get up at 5:30 am and study for 10 hours a day']\n", - "hengshui no 2 middle school is an ` exemplary school ' in hebei province in central china .web users suggested the fence was put up by school authorities to prevent more pupils from jumping off the building , the people 's daily online reports .two pupils from the school plunged to death , one in october and one in march .\n", - "metal bars have been fitted to close off balconies facing central court at hengshui no 2 middle schooltwo students have plunged to death on campus since last octoberthe school is well-known for its highly stressful environmentall students must get up at 5:30 am and study for 10 hours a day\n", - "[1.0441583 1.1455195 1.264915 1.2351055 1.2079554 1.1134046 1.1640539\n", - " 1.0684853 1.1184638 1.0623169 1.0657502 1.0789902 1.0607969 1.0464178\n", - " 1.0328199 1.0388331 1.019078 1.0710506 0. 0. 0. ]\n", - "\n", - "[ 2 3 4 6 1 8 5 11 17 7 10 9 12 13 0 15 14 16 19 18 20]\n", - "=======================\n", - "[\"yellowstone 's magma reserves are many magnitudes greater than previously thought , say scientists from the university of utah .underneath the national park 's attractions and walking paths is enough hot rock to fill the grand canyon nearly 14 times over .most of it is in a newly discovered magma reservoir , which the scientists featured in a study published on thursday in the journal science .\"]\n", - "=======================\n", - "[\"scientist measured the thousands of small earthquakes in yellowstone to scan the earth underneath itthey discovered a vast magma reservoir fueling a vast one scientists already knew aboutprehistoric eruptions of yellowstone supervolcano were some of earth 's largest explosions\"]\n", - "yellowstone 's magma reserves are many magnitudes greater than previously thought , say scientists from the university of utah .underneath the national park 's attractions and walking paths is enough hot rock to fill the grand canyon nearly 14 times over .most of it is in a newly discovered magma reservoir , which the scientists featured in a study published on thursday in the journal science .\n", - "scientist measured the thousands of small earthquakes in yellowstone to scan the earth underneath itthey discovered a vast magma reservoir fueling a vast one scientists already knew aboutprehistoric eruptions of yellowstone supervolcano were some of earth 's largest explosions\n", - "[1.2684383 1.2497987 1.2476488 1.2887731 1.3345071 1.2630268 1.0760928\n", - " 1.0432063 1.0689338 1.0499902 1.0862416 1.0516131 1.0133225 1.0600876\n", - " 1.0159963 1.0339656 1.2123946 0. 0. 0. 0. ]\n", - "\n", - "[ 4 3 0 5 1 2 16 10 6 8 13 11 9 7 15 14 12 19 17 18 20]\n", - "=======================\n", - "[\"death row : kent sprouse gunned down ferris police officer marty steinfeldt , 28 , at a gas station outside of dallas before also shooting dead a customer , pedro moreno , 38 , in 2002he would be the fifth inmate executed this year in texas , the nation 's most active death penalty state .kent sprouse acknowledged almost immediately after he was arrested more than a decade ago that he killed a police officer and another man outside a dallas-area convenience store .\"]\n", - "=======================\n", - "['kent sprouse , 42 , faces lethal injection at 6pm thursdayin 2002 he gunned down ferris police officer marty steinfeldt , 28 , at a gas station outside of dallas and a customer , pedro moreno , 38sprouse was high on meth , but his insanity defense was rejectedhe was sentenced to death in 2004sprouse has not appealed the sentence recentlyit could be the last execution in texas for a whilethe state has a shortage the lethal drug pentobarbital']\n", - "death row : kent sprouse gunned down ferris police officer marty steinfeldt , 28 , at a gas station outside of dallas before also shooting dead a customer , pedro moreno , 38 , in 2002he would be the fifth inmate executed this year in texas , the nation 's most active death penalty state .kent sprouse acknowledged almost immediately after he was arrested more than a decade ago that he killed a police officer and another man outside a dallas-area convenience store .\n", - "kent sprouse , 42 , faces lethal injection at 6pm thursdayin 2002 he gunned down ferris police officer marty steinfeldt , 28 , at a gas station outside of dallas and a customer , pedro moreno , 38sprouse was high on meth , but his insanity defense was rejectedhe was sentenced to death in 2004sprouse has not appealed the sentence recentlyit could be the last execution in texas for a whilethe state has a shortage the lethal drug pentobarbital\n", - "[1.2181067 1.2763649 1.2297565 1.1528755 1.1891841 1.2311869 1.0826141\n", - " 1.1192272 1.0693393 1.0492444 1.0664067 1.0816327 1.1304197 1.0680202\n", - " 1.0727137 1.0720733 1.0258325 1.023163 1.0350517 1.0201302 1.0547078]\n", - "\n", - "[ 1 5 2 0 4 3 12 7 6 11 14 15 8 13 10 20 9 18 16 17 19]\n", - "=======================\n", - "['and fighting has killed hundreds of people in less than two weeks .the electricity has gone out on 16 million yemenis living in houthi-held areas , the yemeni officials said .but the airstrikes have hurt them and destroyed a lot of infrastructure .']\n", - "=======================\n", - "[\"bombing of targets in central sanaa smashes residents ' windows and doorshundreds killed in less than two weeks ; humanitarian situation desperate , agencies say\"]\n", - "and fighting has killed hundreds of people in less than two weeks .the electricity has gone out on 16 million yemenis living in houthi-held areas , the yemeni officials said .but the airstrikes have hurt them and destroyed a lot of infrastructure .\n", - "bombing of targets in central sanaa smashes residents ' windows and doorshundreds killed in less than two weeks ; humanitarian situation desperate , agencies say\n", - "[1.3786294 1.4751868 1.3086854 1.3380239 1.0460855 1.0879599 1.0603838\n", - " 1.2108967 1.2642535 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 8 7 5 6 4 23 22 21 20 19 18 17 12 15 14 13 24 11 10 9\n", - " 16 25]\n", - "=======================\n", - "[\"the west brom chairman has fielded enquiries from consortia in america , china and australia with some parties already having a tour of the club 's training ground facilities .jeremy peace is ready to shelve the sale of west bromwich albion if a deal is not in place by july .aston villa are already in talks with potential buyers .\"]\n", - "=======================\n", - "[\"west brom chairman jeremy peace has fielded enquiries from consortia in america , china and australiasome of the parties have already had a tour of the club 's training facilitiespeace owns 77 per cent of the premier league club and is looking to sell the club for between # 150m and # 200m\"]\n", - "the west brom chairman has fielded enquiries from consortia in america , china and australia with some parties already having a tour of the club 's training ground facilities .jeremy peace is ready to shelve the sale of west bromwich albion if a deal is not in place by july .aston villa are already in talks with potential buyers .\n", - "west brom chairman jeremy peace has fielded enquiries from consortia in america , china and australiasome of the parties have already had a tour of the club 's training facilitiespeace owns 77 per cent of the premier league club and is looking to sell the club for between # 150m and # 200m\n", - "[1.3105326 1.3335224 1.1790292 1.1663548 1.1199921 1.2681152 1.0751035\n", - " 1.0340419 1.0522403 1.0167831 1.04187 1.0510821 1.020894 1.04237\n", - " 1.0887773 1.0292839 1.0111736 1.0298783 1.0117148 1.0653542 1.0704924\n", - " 1.0378668 1.044936 1.0407381 1.0206807 1.0471661]\n", - "\n", - "[ 1 0 5 2 3 4 14 6 20 19 8 11 25 22 13 10 23 21 7 17 15 12 24 9\n", - " 18 16]\n", - "=======================\n", - "['the new miniseries from mark burnett and roma downey is one of six shows to watch this week .( cnn ) in 2013 , \" the bible \" broke ratings records on the history channel , so of course , a sequel was ordered up -- and this one is on nbc .the full miniseries will run for 12 weeks , so consider it a spring revival .']\n", - "=======================\n", - "['sequel to popular \" bible \" miniseries debuting on nbc\" mad men \" premieres the first of its final episodesnetflix premieres its first marvel series , \" daredevil \"']\n", - "the new miniseries from mark burnett and roma downey is one of six shows to watch this week .( cnn ) in 2013 , \" the bible \" broke ratings records on the history channel , so of course , a sequel was ordered up -- and this one is on nbc .the full miniseries will run for 12 weeks , so consider it a spring revival .\n", - "sequel to popular \" bible \" miniseries debuting on nbc\" mad men \" premieres the first of its final episodesnetflix premieres its first marvel series , \" daredevil \"\n", - "[1.2850213 1.3307257 1.2624493 1.1819203 1.1080402 1.1711917 1.142554\n", - " 1.2053173 1.1481836 1.0789849 1.2469829 1.0903105 1.0366063 1.0216595\n", - " 1.0250769 1.0260372 1.0522261 1.0523466 1.0526268 1.0100075 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 10 7 3 5 8 6 4 11 9 18 17 16 12 15 14 13 19 24 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"sterling has escaped a club punishment after being caught on video inhaling the legal high nitrous oxide , but fresh pictures have emerged of him holding a shisha pipe , this time alongside young team-mate jordon ibe .raheem sterling arrived at liverpool 's melwood base for training on wednesday after the latest twist to his controversy-ridden season .sterling , 20 , and ibe , 19 , were pictured during what is believed to be a visit to a shisha cafe in london earlier this season .\"]\n", - "=======================\n", - "['raheem sterling and jordon ibe were pictured holding shisha pipesthe england forward was also recorded on video inhaling nitrous oxidebut sterling has avoid punishment from liverpool over the videoarsenal and other clubs are now cooling their interest in sterlingpictures emerged last week of liverpool star sterling smoking shishafootage also emerged of him inhaling nitrous oxide from a balloon']\n", - "sterling has escaped a club punishment after being caught on video inhaling the legal high nitrous oxide , but fresh pictures have emerged of him holding a shisha pipe , this time alongside young team-mate jordon ibe .raheem sterling arrived at liverpool 's melwood base for training on wednesday after the latest twist to his controversy-ridden season .sterling , 20 , and ibe , 19 , were pictured during what is believed to be a visit to a shisha cafe in london earlier this season .\n", - "raheem sterling and jordon ibe were pictured holding shisha pipesthe england forward was also recorded on video inhaling nitrous oxidebut sterling has avoid punishment from liverpool over the videoarsenal and other clubs are now cooling their interest in sterlingpictures emerged last week of liverpool star sterling smoking shishafootage also emerged of him inhaling nitrous oxide from a balloon\n", - "[1.2226351 1.5641513 1.226056 1.4294505 1.1537861 1.0837657 1.0953486\n", - " 1.0593681 1.1370898 1.0510094 1.1271935 1.0762876 1.0247601 1.0115633\n", - " 1.0115378 1.009911 1.0380065 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 8 10 6 5 11 7 9 16 12 13 14 15 24 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"joseph o'riordan , 76 , was found guilty of attempted murder after his wife mandy , 47 , was left with life-threatening injuries to the chest , torso and back at their home in polegate , east sussex .the former polegate town councillor had become suspicious of his wife 's movements and placed a gps tracker on her car as he hired a private detective to watch her , a court heard .a councillor who stabbed his wife nine times with a kitchen knife after discovering her affair with the postman has been jailed for 20 years .\"]\n", - "=======================\n", - "[\"councillor joseph o'riordan found guilty of attempting to murder his wifecourt heard attack occurred after he discovered her affair with the postmanamanda o'riordan , 47 , in extra-marital relationship with married nick gunnpostman mr gunn , 41 , had previous affairs with women on his rounds\"]\n", - "joseph o'riordan , 76 , was found guilty of attempted murder after his wife mandy , 47 , was left with life-threatening injuries to the chest , torso and back at their home in polegate , east sussex .the former polegate town councillor had become suspicious of his wife 's movements and placed a gps tracker on her car as he hired a private detective to watch her , a court heard .a councillor who stabbed his wife nine times with a kitchen knife after discovering her affair with the postman has been jailed for 20 years .\n", - "councillor joseph o'riordan found guilty of attempting to murder his wifecourt heard attack occurred after he discovered her affair with the postmanamanda o'riordan , 47 , in extra-marital relationship with married nick gunnpostman mr gunn , 41 , had previous affairs with women on his rounds\n", - "[1.1092004 1.4703956 1.1893147 1.1319854 1.262825 1.1790724 1.245254\n", - " 1.1517503 1.107028 1.075646 1.0755693 1.0704738 1.0718398 1.1139201\n", - " 1.1043394 1.1971074 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 6 15 2 5 7 3 13 0 8 14 9 10 12 11 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"youtube videos show four-month-old noah monte perfectly balancing on the palm of his father 's hand as he 's lifted through the air .noah apparently started performing the ` circus act ' when he was just one-month-old .as he whizzes up and down , the infant manages to keep his legs and body upright .\"]\n", - "=======================\n", - "[\"youtube videos show four-month-old noah monte perfectly balancing on the palm of his father 's hand as he 's lifted through the airhe apparently started performing the ` circus act ' when he was a month oldbut now - more than a year on - it appears he could be getting a little too heavy for his father to lift in the palm of his hand\"]\n", - "youtube videos show four-month-old noah monte perfectly balancing on the palm of his father 's hand as he 's lifted through the air .noah apparently started performing the ` circus act ' when he was just one-month-old .as he whizzes up and down , the infant manages to keep his legs and body upright .\n", - "youtube videos show four-month-old noah monte perfectly balancing on the palm of his father 's hand as he 's lifted through the airhe apparently started performing the ` circus act ' when he was a month oldbut now - more than a year on - it appears he could be getting a little too heavy for his father to lift in the palm of his hand\n", - "[1.0659047 1.1413736 1.4708097 1.3594201 1.1972682 1.084172 1.1439145\n", - " 1.0642409 1.1671941 1.0705721 1.05937 1.0527736 1.0187788 1.0641736\n", - " 1.0631168 1.0180194 1.0943264 1.044611 1.0301759 0. ]\n", - "\n", - "[ 2 3 4 8 6 1 16 5 9 0 7 13 14 10 11 17 18 12 15 19]\n", - "=======================\n", - "['philadelphia-based artist and journalist alison nastasi has collated a collection of intimate portraits featuring well-known artists with their furry friends .in this image , spanish surrealist painter salvador dali poses with his cat babou , a colombian wild catjournalist and artist nastasi curated over 50 intimate portraits of well-known artists and their beloved animals']\n", - "=======================\n", - "['artist and journalist alison nastasi put together the portrait collectionalso features images of picasso , frida kahlo , and john lennonreveals quaint personality traits shared between artists and their felines']\n", - "philadelphia-based artist and journalist alison nastasi has collated a collection of intimate portraits featuring well-known artists with their furry friends .in this image , spanish surrealist painter salvador dali poses with his cat babou , a colombian wild catjournalist and artist nastasi curated over 50 intimate portraits of well-known artists and their beloved animals\n", - "artist and journalist alison nastasi put together the portrait collectionalso features images of picasso , frida kahlo , and john lennonreveals quaint personality traits shared between artists and their felines\n", - "[1.1607909 1.3795768 1.15993 1.1724217 1.1022695 1.1096926 1.1115607\n", - " 1.1922793 1.054692 1.081571 1.0470356 1.0219187 1.0355251 1.0729631\n", - " 1.0155997 1.0866348 1.0720631 1.0276102 1.0246694 1.0141121]\n", - "\n", - "[ 1 7 3 0 2 6 5 4 15 9 13 16 8 10 12 17 18 11 14 19]\n", - "=======================\n", - "['in england alone , there are more than 670,000 unpaid carers helping someone with dementia .this marks the beginning of the middle stage , the longest stage , which can last for several years .here , in the final week of our major good health series on dementia , we turn our attention to the carers and what can be done to make life easier for them and their loved ones ...']\n", - "=======================\n", - "[\"this is the final week of our major good health series on dementiawe turn our attention to carers and what can be done to make life easierin england there are more than 670,000 unpaid carers helping someonewe explain what to if they become anxious as the light starts to fadebed and getting-up times .when to take medication .meal times .shopping days .leisure time such as tv , radio or social times .before you start talking always engage eye contact to help get the person with dementia to focus on you .be careful about asking questions they may be unable to process .finishing sentences for them can increase frustration .watch their body language as this can give you clues about how they are feeling .if they 're doing something obviously wrong , for example putting dishes in the washing machine or clothes in a food cupboard , do n't ask them why or castigate them - the reasoning side of their brain has been affected and pointing out their mistakes will only cause them embarrassment and frustration .\"]\n", - "in england alone , there are more than 670,000 unpaid carers helping someone with dementia .this marks the beginning of the middle stage , the longest stage , which can last for several years .here , in the final week of our major good health series on dementia , we turn our attention to the carers and what can be done to make life easier for them and their loved ones ...\n", - "this is the final week of our major good health series on dementiawe turn our attention to carers and what can be done to make life easierin england there are more than 670,000 unpaid carers helping someonewe explain what to if they become anxious as the light starts to fadebed and getting-up times .when to take medication .meal times .shopping days .leisure time such as tv , radio or social times .before you start talking always engage eye contact to help get the person with dementia to focus on you .be careful about asking questions they may be unable to process .finishing sentences for them can increase frustration .watch their body language as this can give you clues about how they are feeling .if they 're doing something obviously wrong , for example putting dishes in the washing machine or clothes in a food cupboard , do n't ask them why or castigate them - the reasoning side of their brain has been affected and pointing out their mistakes will only cause them embarrassment and frustration .\n", - "[1.2797521 1.2968684 1.2198038 1.2979363 1.3194494 1.2186809 1.0366224\n", - " 1.0462127 1.051091 1.1616023 1.0488935 1.045135 1.2013324 1.041568\n", - " 1.0195428 1.0090638 1.0096905 0. 0. 0. ]\n", - "\n", - "[ 4 3 1 0 2 5 12 9 8 10 7 11 13 6 14 16 15 18 17 19]\n", - "=======================\n", - "[\"keurig green mountain 's single-serve capsules in 2014 hit over $ 3 billion in us salessuccess : keurig 's chief technology officer kevin sullivan has said that single-serve coffee has ` found the hidden need - the need that people did n't know they had '1/3 of homes in the united states now feature single-serve coffee machines , cbs news reported .\"]\n", - "=======================\n", - "[\"keurig green mountain 's single-serve capsules in 2014 hit over $ 3 billion in us sales , it 's been revealedthe company has also made $ 4.7 billion in revenue1/3 of homes in the us reportedly feature single-serve coffee machineskeurig 's chief technology officer kevin sullivan has said ` single serve , i think , found the hidden need - the need that people did n't know they had '\"]\n", - "keurig green mountain 's single-serve capsules in 2014 hit over $ 3 billion in us salessuccess : keurig 's chief technology officer kevin sullivan has said that single-serve coffee has ` found the hidden need - the need that people did n't know they had '1/3 of homes in the united states now feature single-serve coffee machines , cbs news reported .\n", - "keurig green mountain 's single-serve capsules in 2014 hit over $ 3 billion in us sales , it 's been revealedthe company has also made $ 4.7 billion in revenue1/3 of homes in the us reportedly feature single-serve coffee machineskeurig 's chief technology officer kevin sullivan has said ` single serve , i think , found the hidden need - the need that people did n't know they had '\n", - "[1.079301 1.2353032 1.1998498 1.1815782 1.1631815 1.111336 1.0501579\n", - " 1.0751129 1.0662041 1.0662547 1.065174 1.0185732 1.1089021 1.0800886\n", - " 1.0300678 1.0627962 1.0518019 1.092815 1.0175195 1.027813 ]\n", - "\n", - "[ 1 2 3 4 5 12 17 13 0 7 9 8 10 15 16 6 14 19 11 18]\n", - "=======================\n", - "[\"the difference here is the governing authority 's stamp : the islamic state in iraq and syria .it 's one of many official documents relating to matters such as vaccination schedules , fishing methods and rent disputes in the areas now controlled by isis .for isis sees itself as a government operating under a rule of law , even if the group is most often talked about for its barbaric punishment of anyone who resists or defies its medieval interpretation of that islamic law .\"]\n", - "=======================\n", - "['isis is known for brutal takeovers and medieval justice , but it sees itself as a stateofficial documents show just how far their rules affect daily life']\n", - "the difference here is the governing authority 's stamp : the islamic state in iraq and syria .it 's one of many official documents relating to matters such as vaccination schedules , fishing methods and rent disputes in the areas now controlled by isis .for isis sees itself as a government operating under a rule of law , even if the group is most often talked about for its barbaric punishment of anyone who resists or defies its medieval interpretation of that islamic law .\n", - "isis is known for brutal takeovers and medieval justice , but it sees itself as a stateofficial documents show just how far their rules affect daily life\n", - "[1.3012607 1.4811727 1.3007027 1.2756099 1.0415139 1.1321481 1.1032591\n", - " 1.0378945 1.084666 1.0092436 1.2554495 1.0527915 1.0781503 1.124231\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 10 5 13 6 8 12 11 4 7 9 14 15 16 17 18 19]\n", - "=======================\n", - "['the 25-year-old suspect , who has been identified as gul ahmad saeed , is alleged to have shot dead his fiancee , her parents and seven of her siblings on sunday , police have said .a pakistani man suspected of killing his fiancee and nine of her relatives after they appeared to be reluctant to give her permission to marry - months after he allegedly murdered his own parents .fled : saeed , 25 , is now said to be in the semi-autonomous pashtun area , on the border with afghanistan']\n", - "=======================\n", - "[\"gul ahmad saeed suspected of shooting fiancee , her parents and siblingssaid to have been ` infuriated ' about her uncle 's indecisiveness over matchsaeed , 25 , had already allegedly killed four members of his own familyhas been on the run from police since their deaths earlier this year\"]\n", - "the 25-year-old suspect , who has been identified as gul ahmad saeed , is alleged to have shot dead his fiancee , her parents and seven of her siblings on sunday , police have said .a pakistani man suspected of killing his fiancee and nine of her relatives after they appeared to be reluctant to give her permission to marry - months after he allegedly murdered his own parents .fled : saeed , 25 , is now said to be in the semi-autonomous pashtun area , on the border with afghanistan\n", - "gul ahmad saeed suspected of shooting fiancee , her parents and siblingssaid to have been ` infuriated ' about her uncle 's indecisiveness over matchsaeed , 25 , had already allegedly killed four members of his own familyhas been on the run from police since their deaths earlier this year\n", - "[1.5626955 1.2092909 1.4697809 1.234144 1.1504264 1.2512054 1.1363163\n", - " 1.0895771 1.0177742 1.0135804 1.0177708 1.0167097 1.0438217 1.173184\n", - " 1.1555241 1.0282669 1.0178792 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 5 3 1 13 14 4 6 7 12 15 16 8 10 11 9 24 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "['karen bell , 42 , from hull , has been jailed for 12 months after blackmailing a man for # 55 and threatening to post videos of their sex trysts onlinehowever , hull crown court heard that after their meeting she contacted the man -- who can not be named for legal reasons -- and threatened to post the footage on facebook unless he paid her # 25 .the couple met on free dating website plenty of fish ( pictured ) and met up after starting up a conversation']\n", - "=======================\n", - "['karen bell met victim - who can not be named - on dating site plenty of fishpair met up and acted out fantasy in which she spanked him with trainers42-year-old then claimed son had filmed entire session and demanded # 25threatened to post video online unless victim paid cash which rose to # 55']\n", - "karen bell , 42 , from hull , has been jailed for 12 months after blackmailing a man for # 55 and threatening to post videos of their sex trysts onlinehowever , hull crown court heard that after their meeting she contacted the man -- who can not be named for legal reasons -- and threatened to post the footage on facebook unless he paid her # 25 .the couple met on free dating website plenty of fish ( pictured ) and met up after starting up a conversation\n", - "karen bell met victim - who can not be named - on dating site plenty of fishpair met up and acted out fantasy in which she spanked him with trainers42-year-old then claimed son had filmed entire session and demanded # 25threatened to post video online unless victim paid cash which rose to # 55\n", - "[1.048673 1.3646955 1.1585834 1.2009033 1.3457676 1.1607603 1.2001847\n", - " 1.0210648 1.0177041 1.0202557 1.0230683 1.0203394 1.0159004 1.0380391\n", - " 1.0702518 1.0690824 1.1460615 1.0355347 1.0232718 1.0186397 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 6 5 2 16 14 15 0 13 17 18 10 7 11 9 19 8 12 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"nathan redmond had only been on the pitch for six minutes when he made the decisive intervention in this tightly-fought encounter , but what a crucial one it could prove to be .bradley johnson celebrates after firing home a second-half winner at the amex stadiumredmond 's natural acceleration saw him spectacularly outpace joe bennett and his low cross was fired high into the net by bradley johnson at the back post .\"]\n", - "=======================\n", - "['norwich move up to third spot with away victory against brightonbradley johnson struck in the 62nd minute to hand his side crucial winbrighton remain in 16th position with six league games to go']\n", - "nathan redmond had only been on the pitch for six minutes when he made the decisive intervention in this tightly-fought encounter , but what a crucial one it could prove to be .bradley johnson celebrates after firing home a second-half winner at the amex stadiumredmond 's natural acceleration saw him spectacularly outpace joe bennett and his low cross was fired high into the net by bradley johnson at the back post .\n", - "norwich move up to third spot with away victory against brightonbradley johnson struck in the 62nd minute to hand his side crucial winbrighton remain in 16th position with six league games to go\n", - "[1.2434931 1.5060523 1.3255347 1.0953163 1.1098934 1.1924517 1.2717599\n", - " 1.1024855 1.0865746 1.0453781 1.0141096 1.0160795 1.0654639 1.0296282\n", - " 1.076234 1.1942034 1.2104826 1.0308647 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 6 0 16 15 5 4 7 3 8 14 12 9 17 13 11 10 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "['waheed ahmed , 21 , who is the son of rochdale politician shakil ahmed , was arrested with eight relatives -- including four children -- in a remote turkish border town earlier this month .however , it is understood he is now returning to the uk and will fly from dalaman into manchester airport later this evening .the majority of the family flew to turkey on march 27 from manchester airport and are accused of having plans to try and sneak across the border into syria .']\n", - "=======================\n", - "[\"waheed ahmed , 21 , detained alongside eight family members in turkeyrochdale labour councillor shakil ahmed 's son accused of fleeing to syriahe was arrested in turkish border town with family , including four childrenwill return to uk on a flight to manchester from dalaman later this evening\"]\n", - "waheed ahmed , 21 , who is the son of rochdale politician shakil ahmed , was arrested with eight relatives -- including four children -- in a remote turkish border town earlier this month .however , it is understood he is now returning to the uk and will fly from dalaman into manchester airport later this evening .the majority of the family flew to turkey on march 27 from manchester airport and are accused of having plans to try and sneak across the border into syria .\n", - "waheed ahmed , 21 , detained alongside eight family members in turkeyrochdale labour councillor shakil ahmed 's son accused of fleeing to syriahe was arrested in turkish border town with family , including four childrenwill return to uk on a flight to manchester from dalaman later this evening\n", - "[1.1508417 1.1368424 1.242919 1.086733 1.0839351 1.0385373 1.1471703\n", - " 1.125999 1.1434697 1.1508666 1.0765587 1.0404983 1.0347308 1.0970746\n", - " 1.0639206 1.0421827 1.0780828 1.0397782 1.0659447 1.0147364 1.0522734\n", - " 1.0385834 1.0574892 1.0529712 1.1404594 1.086755 ]\n", - "\n", - "[ 2 9 0 6 8 24 1 7 13 25 3 4 16 10 18 14 22 23 20 15 11 17 21 5\n", - " 12 19]\n", - "=======================\n", - "[\"google politics tweeted about former first lady and secretary of state hillary clinton 's announcement that she is seeking the presidency .google has been steadily revealing some of the biggest questions its users have typed into the search engine about 2016 presidential candidates .the most popular question typed into google during that time period was asking how old clinton is .\"]\n", - "=======================\n", - "[\"google has been steadily revealing some of the biggest questions its users have typed into the search engine regarding 2016 presidential candidatesmany of the questions focused on candidates ' ages and heightsothers have asked about where candidates are from and their political party affiliations\"]\n", - "google politics tweeted about former first lady and secretary of state hillary clinton 's announcement that she is seeking the presidency .google has been steadily revealing some of the biggest questions its users have typed into the search engine about 2016 presidential candidates .the most popular question typed into google during that time period was asking how old clinton is .\n", - "google has been steadily revealing some of the biggest questions its users have typed into the search engine regarding 2016 presidential candidatesmany of the questions focused on candidates ' ages and heightsothers have asked about where candidates are from and their political party affiliations\n", - "[1.2618015 1.2398076 1.2072277 1.2627418 1.2155328 1.1991725 1.1303263\n", - " 1.0635203 1.1163999 1.0958972 1.0961248 1.0700772 1.1637285 1.08995\n", - " 1.0423036 1.0304863 1.0414605 1.0642569 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 2 5 12 6 8 10 9 13 11 17 7 14 16 15 24 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "['found : a newborn girl was found inside the trash outside the delta gamma theta sorority house , pictured , at muskingum university last wednesday .a newborn baby girl who was found dead inside a garbage can outside an ohio sorority house last week was born alive and then suffocated , according to the coroner .it has now emerged the baby was alive when she was born']\n", - "=======================\n", - "[\"the body of a baby girl was found inside a plastic bag in a trash can outside the delta gamma theta at muskingum university last weekan autopsy has now revealed that the baby was born alive and was nearly full term but died from asphyxiationthe child 's mother , whose name has not been released , has spoken with police but has not been charged\"]\n", - "found : a newborn girl was found inside the trash outside the delta gamma theta sorority house , pictured , at muskingum university last wednesday .a newborn baby girl who was found dead inside a garbage can outside an ohio sorority house last week was born alive and then suffocated , according to the coroner .it has now emerged the baby was alive when she was born\n", - "the body of a baby girl was found inside a plastic bag in a trash can outside the delta gamma theta at muskingum university last weekan autopsy has now revealed that the baby was born alive and was nearly full term but died from asphyxiationthe child 's mother , whose name has not been released , has spoken with police but has not been charged\n", - "[1.4636705 1.3345292 1.2602768 1.3332391 1.1004367 1.0840806 1.1325182\n", - " 1.1703268 1.1486278 1.0211453 1.0217237 1.0941514 1.038347 1.1086435\n", - " 1.0285774 1.0122076 1.0505024 1.0147347 1.1023692 1.0508934 0. ]\n", - "\n", - "[ 0 1 3 2 7 8 6 13 18 4 11 5 19 16 12 14 10 9 17 15 20]\n", - "=======================\n", - "['hudson swafford shot a 6-under 66 for a share of the zurich classic lead with boo weekley when second-round play was suspended friday because of the threat of severe weather .swafford had an 11-under 133 total at tpc louisiana .jason day , ranked sixth in the world , was 5 under for the round through 14 holes , pulling him into a five-way tie for third at 10 under with brandon de jonge , cameron tringale , former zurich champion jerry kelly and daniel berger .']\n", - "=======================\n", - "[\"hudson swafford shares the lead on 11-under with boo weekleyplay was later suspended on friday due to the threat of sever weatherengland 's justin rose is four shots off the lead on 7-under\"]\n", - "hudson swafford shot a 6-under 66 for a share of the zurich classic lead with boo weekley when second-round play was suspended friday because of the threat of severe weather .swafford had an 11-under 133 total at tpc louisiana .jason day , ranked sixth in the world , was 5 under for the round through 14 holes , pulling him into a five-way tie for third at 10 under with brandon de jonge , cameron tringale , former zurich champion jerry kelly and daniel berger .\n", - "hudson swafford shares the lead on 11-under with boo weekleyplay was later suspended on friday due to the threat of sever weatherengland 's justin rose is four shots off the lead on 7-under\n", - "[1.2042735 1.1314275 1.1878409 1.2684822 1.2315714 1.2434992 1.0924973\n", - " 1.0771368 1.1153084 1.0722392 1.0559868 1.0461289 1.0268866 1.0958854\n", - " 1.0783619 1.1440994 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 5 4 0 2 15 1 8 13 6 14 7 9 10 11 12 19 16 17 18 20]\n", - "=======================\n", - "['lindy klim , along with former commonwealth games pole vaulter amanda bisk , australian ballet star juliette burnett , and yogi and instagram star sjana earp , wowed the crowds as they struck strong poses .strong is the new sexy : the show on tuesday night was held at white city tennis club in paddington and featured real life fitness influencersinstead , four strong , muscular women sashayed onto the grass , and proceeded to stretch and bend their bodies into yoga poses .']\n", - "=======================\n", - "['we are handsome designers jeremy and katinka somers chose real-life fitness influencers above modelslindy klim , amanda bisk , juliette burnett , kate kendall and sjana earp were among the athletic starsklim told daily mail australia that she exercises two hours a day in bali ... but barely makes it to the gym in oz']\n", - "lindy klim , along with former commonwealth games pole vaulter amanda bisk , australian ballet star juliette burnett , and yogi and instagram star sjana earp , wowed the crowds as they struck strong poses .strong is the new sexy : the show on tuesday night was held at white city tennis club in paddington and featured real life fitness influencersinstead , four strong , muscular women sashayed onto the grass , and proceeded to stretch and bend their bodies into yoga poses .\n", - "we are handsome designers jeremy and katinka somers chose real-life fitness influencers above modelslindy klim , amanda bisk , juliette burnett , kate kendall and sjana earp were among the athletic starsklim told daily mail australia that she exercises two hours a day in bali ... but barely makes it to the gym in oz\n", - "[1.3930305 1.3254796 1.0824254 1.0703375 1.273403 1.3462883 1.1413796\n", - " 1.0760272 1.054787 1.1796418 1.0500376 1.0444788 1.0524845 1.0519891\n", - " 1.1525043 1.0378652 1.0826402 1.0697092 0. 0. 0. ]\n", - "\n", - "[ 0 5 1 4 9 14 6 16 2 7 3 17 8 12 13 10 11 15 19 18 20]\n", - "=======================\n", - "[\"sharon winters was searching for her soulmate when she met kevin hawke on an online dating site - but less than two weeks later she was dead after he stabbed her in a brutal knife attack .kevin hawke has been jailed for 17 and a half years for murdering sharon in a frenzied attack triggered by an argument over what to watch on the televisionnow her brother stephen robinson , 44 , from wirral , merseyside , is speaking for the first time since his sister 's murder , to warn other women to be careful when looking for love online .\"]\n", - "=======================\n", - "['sharon winters , 39 , from wirral , met chef kevin hawke online in july , 2014he stabbed her in a frenzied attack barely two weeks after they mether brother stephen robinson warns women about online dating dangers']\n", - "sharon winters was searching for her soulmate when she met kevin hawke on an online dating site - but less than two weeks later she was dead after he stabbed her in a brutal knife attack .kevin hawke has been jailed for 17 and a half years for murdering sharon in a frenzied attack triggered by an argument over what to watch on the televisionnow her brother stephen robinson , 44 , from wirral , merseyside , is speaking for the first time since his sister 's murder , to warn other women to be careful when looking for love online .\n", - "sharon winters , 39 , from wirral , met chef kevin hawke online in july , 2014he stabbed her in a frenzied attack barely two weeks after they mether brother stephen robinson warns women about online dating dangers\n", - "[1.2526731 1.5086013 1.3647895 1.3126316 1.3414881 1.2096692 1.2379804\n", - " 1.040695 1.0159878 1.0157923 1.0282673 1.0287962 1.0199624 1.1718967\n", - " 1.0769535 1.0217769 1.0190247 1.1377305 1.0385273 1.0096368 1.022083 ]\n", - "\n", - "[ 1 2 4 3 0 6 5 13 17 14 7 18 11 10 20 15 12 16 8 9 19]\n", - "=======================\n", - "['timothy crook is alleged to have murdered his elderly parents bob , 90 , and elsie , 83 , and then driven their bodies 150 miles before dumping them .but the grey car he is accused of using to transport the bodies has been lost , bristol crown court was told .prosecutors have been accused of losing a nissan micra ( similar to the one shown here ) at the centre of a double murder case']\n", - "=======================\n", - "[\"timothy crook is alleged to have murdered his elderly parentshe is then accused of driving their bodies 150 miles in a nissan micrabut crook 's defence lawyer has accused prosecutors of losing the carpolice say the micra is n't lost and is somewhere ` in the north of england '\"]\n", - "timothy crook is alleged to have murdered his elderly parents bob , 90 , and elsie , 83 , and then driven their bodies 150 miles before dumping them .but the grey car he is accused of using to transport the bodies has been lost , bristol crown court was told .prosecutors have been accused of losing a nissan micra ( similar to the one shown here ) at the centre of a double murder case\n", - "timothy crook is alleged to have murdered his elderly parentshe is then accused of driving their bodies 150 miles in a nissan micrabut crook 's defence lawyer has accused prosecutors of losing the carpolice say the micra is n't lost and is somewhere ` in the north of england '\n", - "[1.4120086 1.17447 1.2557682 1.2928581 1.226586 1.2030435 1.1193272\n", - " 1.1390893 1.0817128 1.0485845 1.0459397 1.1530566 1.1130288 1.0807315\n", - " 1.073246 1.0146788 1.0103127 1.0263817 1.031167 0. 0. ]\n", - "\n", - "[ 0 3 2 4 5 1 11 7 6 12 8 13 14 9 10 18 17 15 16 19 20]\n", - "=======================\n", - "[\"eden hazard and harry kane appear set to contest the pfa player of the year award after the six-man shortlist was unveiled .the 21-year-old spurs striker has 29 goals in all competitions to date and forced his way into roy hodgson 's squad , scoring within 79 seconds of his england debut against lithuania last month .eden hazard ( left ) has propelled chelsea to the top of the premier league with his brilliant displays\"]\n", - "=======================\n", - "['harry kane nominated for pfa player of the year after prolific seasoneden hazard and diego costa from chelsea also in contentionphilippe coutinho , david de gea and alexis sanchez also up for the award']\n", - "eden hazard and harry kane appear set to contest the pfa player of the year award after the six-man shortlist was unveiled .the 21-year-old spurs striker has 29 goals in all competitions to date and forced his way into roy hodgson 's squad , scoring within 79 seconds of his england debut against lithuania last month .eden hazard ( left ) has propelled chelsea to the top of the premier league with his brilliant displays\n", - "harry kane nominated for pfa player of the year after prolific seasoneden hazard and diego costa from chelsea also in contentionphilippe coutinho , david de gea and alexis sanchez also up for the award\n", - "[1.1365589 1.4181947 1.182016 1.3284523 1.2281731 1.1763425 1.059804\n", - " 1.1440138 1.0898484 1.1412499 1.0561097 1.0921712 1.0648924 1.0796767\n", - " 1.1189612 1.0423362 1.0786616 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 5 7 9 0 14 11 8 13 16 12 6 10 15 22 17 18 19 20 21 23]\n", - "=======================\n", - "['lindegaard tied the knot with the swedish model last year in a romantic beach wedding in mauritius .manchester united goalkeeper anders lindegaard made the most of the english weather with misse beqiriand the united goalkeeper , who has struggled for minutes throughout his career in manchester , was keen to remind fans via his instagram page of his marriage to stunning beqiri .']\n", - "=======================\n", - "['anders lindegaard posted instagram photo with model wife misse beqirithe man utd goalkeeper tied the knot with beqiri last yearlindegaard is third-choice keeper at old trafford under louis van gaal']\n", - "lindegaard tied the knot with the swedish model last year in a romantic beach wedding in mauritius .manchester united goalkeeper anders lindegaard made the most of the english weather with misse beqiriand the united goalkeeper , who has struggled for minutes throughout his career in manchester , was keen to remind fans via his instagram page of his marriage to stunning beqiri .\n", - "anders lindegaard posted instagram photo with model wife misse beqirithe man utd goalkeeper tied the knot with beqiri last yearlindegaard is third-choice keeper at old trafford under louis van gaal\n", - "[1.3100581 1.29236 1.2204354 1.1959814 1.1723218 1.1038725 1.1660452\n", - " 1.0266615 1.1945752 1.0357826 1.0321895 1.0515295 1.0380328 1.0508465\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 8 4 6 5 11 13 12 9 10 7 22 14 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"eu leaders have agreed a package of measures to tackle the escalating migrant crisis in the mediterranean -- with pledges to send in warships and triple funding for rescue patrols .after years of dithering , an emergency eu summit yesterday agreed to lay the groundwork for military action against traffickers after the deaths of some 1,700 refugees in the last week alone .within days , british warship hms bulwark and the german supply ship berlin are expected to be sent to the region in the biggest sign of the european union 's belated commitment to the cause .\"]\n", - "=======================\n", - "[\"funding increased to # 7m a month for eu 's border patrols in mediterraneanplans lined up for eu militaries to strike against boats used by traffickersbritish warship and german supply ship heading to the region within daysitalian prime minister matteo renzi called measures ' a giant step forward '\"]\n", - "eu leaders have agreed a package of measures to tackle the escalating migrant crisis in the mediterranean -- with pledges to send in warships and triple funding for rescue patrols .after years of dithering , an emergency eu summit yesterday agreed to lay the groundwork for military action against traffickers after the deaths of some 1,700 refugees in the last week alone .within days , british warship hms bulwark and the german supply ship berlin are expected to be sent to the region in the biggest sign of the european union 's belated commitment to the cause .\n", - "funding increased to # 7m a month for eu 's border patrols in mediterraneanplans lined up for eu militaries to strike against boats used by traffickersbritish warship and german supply ship heading to the region within daysitalian prime minister matteo renzi called measures ' a giant step forward '\n", - "[1.4401698 1.3684844 1.3390596 1.4628532 1.3090541 1.166268 1.0225768\n", - " 1.0121052 1.0137504 1.024786 1.0410955 1.0213498 1.1557878 1.070046\n", - " 1.0119121 1.0117733 1.0214982 1.0275614 1.1004691 1.2372189 1.016096\n", - " 1.0127268 1.0081469 1.0093956]\n", - "\n", - "[ 3 0 1 2 4 19 5 12 18 13 10 17 9 6 16 11 20 8 21 7 14 15 23 22]\n", - "=======================\n", - "['hearts captain danny wilson ( right ) is a summer transfer target for celtic and could be signed for # 400,000as sportsmail revealed on tuesday , the scottish champions are considering a # 400,000 offer for the former rangers and liverpool defender .wilson has 12 months left on his current contract , with hearts owner ann budge insisting the newly-promoted edinburgh club have no need to sell .']\n", - "=======================\n", - "['celtic are considering a # 400,000 move for hearts captain danny wilsonhoops could struggle to keep hold of virgil van dijk while loanee john denayer is expected to return to manchester cityscottish championship winners claim they have no need to sell']\n", - "hearts captain danny wilson ( right ) is a summer transfer target for celtic and could be signed for # 400,000as sportsmail revealed on tuesday , the scottish champions are considering a # 400,000 offer for the former rangers and liverpool defender .wilson has 12 months left on his current contract , with hearts owner ann budge insisting the newly-promoted edinburgh club have no need to sell .\n", - "celtic are considering a # 400,000 move for hearts captain danny wilsonhoops could struggle to keep hold of virgil van dijk while loanee john denayer is expected to return to manchester cityscottish championship winners claim they have no need to sell\n", - "[1.2000763 1.3543901 1.1449094 1.2451082 1.2496884 1.1670824 1.0676532\n", - " 1.0538361 1.0683389 1.1188046 1.1410298 1.0168734 1.0832213 1.0737853\n", - " 1.091038 1.0199928 1.0383419 1.0501919 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 0 5 2 10 9 14 12 13 8 6 7 17 16 15 11 18 19 20 21 22 23]\n", - "=======================\n", - "[\"named as abu hafs al-badri , the youthful teenager is claimed to be the cousin of abu bakr al-bagdadhi , the extremist group 's self-styled caliph .abu basir al-shami ( left ) and abu yaqoub al-iraqi ( right ) both blew themselves up in iraq .both boys appear to be be older than 16-years-old .\"]\n", - "=======================\n", - "['teenage suicide bomber abu hafs al badri is referred to as the cousin of isis leader abu bakr al-baghdadiin january , a 14-year-old fighter abu hassan al-shami , blew himself up in salahuddin province , iraqthe rise in isis teenage suicide bombers could indicate how much the jihadi group is struggling to keep territory']\n", - "named as abu hafs al-badri , the youthful teenager is claimed to be the cousin of abu bakr al-bagdadhi , the extremist group 's self-styled caliph .abu basir al-shami ( left ) and abu yaqoub al-iraqi ( right ) both blew themselves up in iraq .both boys appear to be be older than 16-years-old .\n", - "teenage suicide bomber abu hafs al badri is referred to as the cousin of isis leader abu bakr al-baghdadiin january , a 14-year-old fighter abu hassan al-shami , blew himself up in salahuddin province , iraqthe rise in isis teenage suicide bombers could indicate how much the jihadi group is struggling to keep territory\n", - "[1.1402721 1.5027971 1.2436806 1.3037856 1.1720179 1.1816331 1.0629581\n", - " 1.1408006 1.1664048 1.0733238 1.0670857 1.0284508 1.0506437 1.0290568\n", - " 1.0101225 1.0938201 1.0206511 1.0477312 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 5 4 8 7 0 15 9 10 6 12 17 13 11 16 14 22 18 19 20 21 23]\n", - "=======================\n", - "['flight centre founder and brw rich list alumni geoff harris put the port melbourne home up for auction after splashing out $ 12 million on his albert park dream home in may last year .mr harris , who definitely knows how to strike a favourable deal , accepted the hefty offer for his four-bedroom home from a couple at auction on saturday .the buyers knocked out any other bidders with their fist bid and went on to seal the deal with their generous offer .']\n", - "=======================\n", - "['flight centre founder geoff harris sells home for $ 5.5 millionthe sprawling melbourne mansion is located in port melbournehe accepted the offer from a couple at an auction on saturdaythe self-made millionaire is reportedly worth $ 975 millionhe is known for his work with charities and his involvement in afl']\n", - "flight centre founder and brw rich list alumni geoff harris put the port melbourne home up for auction after splashing out $ 12 million on his albert park dream home in may last year .mr harris , who definitely knows how to strike a favourable deal , accepted the hefty offer for his four-bedroom home from a couple at auction on saturday .the buyers knocked out any other bidders with their fist bid and went on to seal the deal with their generous offer .\n", - "flight centre founder geoff harris sells home for $ 5.5 millionthe sprawling melbourne mansion is located in port melbournehe accepted the offer from a couple at an auction on saturdaythe self-made millionaire is reportedly worth $ 975 millionhe is known for his work with charities and his involvement in afl\n", - "[1.0689617 1.1805937 1.0521113 1.1359977 1.144345 1.3680876 1.1807059\n", - " 1.2613152 1.1611476 1.0832202 1.1692833 1.0315412 1.029979 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 5 7 6 1 10 8 4 3 9 0 2 11 12 13 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "['scientists found the species on the caribbean slopes of costa rica .the last time a new glassfrog was found in costa rica was back in 1973 , according to the costa rican amphibian research center .this is big news in the scientific community .']\n", - "=======================\n", - "['the newly discovered species looks a lot like kermityou can see its internal organs through the translucent skin on its belly']\n", - "scientists found the species on the caribbean slopes of costa rica .the last time a new glassfrog was found in costa rica was back in 1973 , according to the costa rican amphibian research center .this is big news in the scientific community .\n", - "the newly discovered species looks a lot like kermityou can see its internal organs through the translucent skin on its belly\n", - "[1.2818266 1.4776593 1.2301842 1.0794725 1.3896201 1.0973148 1.0266824\n", - " 1.2579864 1.0281211 1.036953 1.0163891 1.0391618 1.0483946 1.01351\n", - " 1.0145383 1.0225435 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 0 7 2 5 3 12 11 9 8 6 15 10 14 13 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"shannah kennedy and lyndall mitchell , who between them have been more than three decades of life coaching experience , are teaching their masterclass of wellness to ceos and executives across the country .they call themselves the ` thelma and louise of wellness ' and they 've taken mindfulness to the boardrooms of australia .skills such as dealing with stress , being aware of trains of thought , and accumulative mindfulness are being taught to professionals in the banking , business and retail sector .\"]\n", - "=======================\n", - "[\"shannah kennedy and lyndall mitchell are ` thelma and louise of wellness 'the pair have decades of life coaching and retreat experiencerun a course called the masterclass of wellness : the boardroom retreatteach mindfulness to ceos and executives across australiaclients include nab , macquarie bank , sportsgirl , pwc and kikki.kskills taught include dealing with stress , and accumulative mindfulness\"]\n", - "shannah kennedy and lyndall mitchell , who between them have been more than three decades of life coaching experience , are teaching their masterclass of wellness to ceos and executives across the country .they call themselves the ` thelma and louise of wellness ' and they 've taken mindfulness to the boardrooms of australia .skills such as dealing with stress , being aware of trains of thought , and accumulative mindfulness are being taught to professionals in the banking , business and retail sector .\n", - "shannah kennedy and lyndall mitchell are ` thelma and louise of wellness 'the pair have decades of life coaching and retreat experiencerun a course called the masterclass of wellness : the boardroom retreatteach mindfulness to ceos and executives across australiaclients include nab , macquarie bank , sportsgirl , pwc and kikki.kskills taught include dealing with stress , and accumulative mindfulness\n", - "[1.1915842 1.4073597 1.3431034 1.1555923 1.1705059 1.1310092 1.0431634\n", - " 1.0216286 1.0373807 1.0913029 1.0438527 1.1630986 1.1881367 1.056194\n", - " 1.1211226 1.1401147 1.0532671 1.0114101 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 12 4 11 3 15 5 14 9 13 16 10 6 8 7 17 18 19 20 21 22]\n", - "=======================\n", - "['captured at a known hoon hotspot in yatala on the gold coast , the body cam vision shows the officers saving several victims from inside a flipped holden commodore despite the threat of smouldering flames on the car .a 20-year-old man has been charged with a medley of offences after he flipped the vehicle on saturday night in an intense police chase that left one passenger with a broken neck .alarming footage has surfaced of a crowd of street racers threatening the police officers who rescued their friends from a serious crash .']\n", - "=======================\n", - "['the alarming footage was captured in yatala on the gold coastofficers can be seen rescuing victims from inside a burning vehicleone passenger suffered a broken neck and the others had minor injuriesfriends of the victims were trying to fight officers at the scenea 20-year-old man has been charged with a medley of offences']\n", - "captured at a known hoon hotspot in yatala on the gold coast , the body cam vision shows the officers saving several victims from inside a flipped holden commodore despite the threat of smouldering flames on the car .a 20-year-old man has been charged with a medley of offences after he flipped the vehicle on saturday night in an intense police chase that left one passenger with a broken neck .alarming footage has surfaced of a crowd of street racers threatening the police officers who rescued their friends from a serious crash .\n", - "the alarming footage was captured in yatala on the gold coastofficers can be seen rescuing victims from inside a burning vehicleone passenger suffered a broken neck and the others had minor injuriesfriends of the victims were trying to fight officers at the scenea 20-year-old man has been charged with a medley of offences\n", - "[1.0534624 1.0780597 1.0538349 1.2010658 1.4293399 1.3347738 1.0876437\n", - " 1.0262889 1.0177412 1.1941814 1.2116004 1.072141 1.0579085 1.0223078\n", - " 1.0300113 1.1063104 1.0948862 1.0970485 1.0443116 1.0681977 1.0713907\n", - " 1.0139374 1.013009 ]\n", - "\n", - "[ 4 5 10 3 9 15 17 16 6 1 11 20 19 12 2 0 18 14 7 13 8 21 22]\n", - "=======================\n", - "['former playboy model annette edwards holds her world record continental giant rabbit darius aloftfive-year-old darius is 4ft long and weighs just under 3st -- the king of the continental giant breed .but when i meet darius -- the biggest rabbit on earth -- and his similarly sized son , there is little evidence of diva behaviour .']\n", - "=======================\n", - "[\"annette edwards has owned more than 100 bunnies in the past 10 yearsshe claims the secret to breeding huge rabbits is both parents must be bigthe former playboy model has owned the world 's largest rabbit since 2008her rabbit darius is 4ft in length but he will soon be eclipsed by his son\"]\n", - "former playboy model annette edwards holds her world record continental giant rabbit darius aloftfive-year-old darius is 4ft long and weighs just under 3st -- the king of the continental giant breed .but when i meet darius -- the biggest rabbit on earth -- and his similarly sized son , there is little evidence of diva behaviour .\n", - "annette edwards has owned more than 100 bunnies in the past 10 yearsshe claims the secret to breeding huge rabbits is both parents must be bigthe former playboy model has owned the world 's largest rabbit since 2008her rabbit darius is 4ft in length but he will soon be eclipsed by his son\n", - "[1.3671587 1.2682693 1.2379532 1.0747486 1.2824538 1.1600637 1.1795197\n", - " 1.0855055 1.0286175 1.0279956 1.0371162 1.0148605 1.047717 1.0407708\n", - " 1.0886894 1.0292374 1.1339674 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 4 1 2 6 5 16 14 7 3 12 13 10 15 8 9 11 17 18 19 20 21 22]\n", - "=======================\n", - "[\"in february , when lady gaga went on stage at the oscars , millions of viewers in more than 200 countries saw her perform a tribute to the sound of music to mark its 50th anniversary .each year , 300,000 people come to salzburg to soak up the magic and visit the locations of the film -- it 's the reason three-quarters of all tourists head to the city .in los angeles there was a standing ovation when the original star , julie andrews , came on stage .\"]\n", - "=======================\n", - "['each year 300,000 people visit salzburg to visit magical filming locationsthe first tours started shortly after the film debuted 50 years agobuses emblazoned with the sound of music circle the city every day']\n", - "in february , when lady gaga went on stage at the oscars , millions of viewers in more than 200 countries saw her perform a tribute to the sound of music to mark its 50th anniversary .each year , 300,000 people come to salzburg to soak up the magic and visit the locations of the film -- it 's the reason three-quarters of all tourists head to the city .in los angeles there was a standing ovation when the original star , julie andrews , came on stage .\n", - "each year 300,000 people visit salzburg to visit magical filming locationsthe first tours started shortly after the film debuted 50 years agobuses emblazoned with the sound of music circle the city every day\n", - "[1.0564088 1.4275988 1.1326618 1.1159836 1.3117479 1.1624658 1.3586593\n", - " 1.2662772 1.0471733 1.0222405 1.0178723 1.0574397 1.0806811 1.0253661\n", - " 1.1006908 1.0229679 1.0215173 1.0151936 1.0134389 1.0133507 1.0173571\n", - " 1.017369 1.0374393 1.012982 1.0138036]\n", - "\n", - "[ 1 6 4 7 5 2 3 14 12 11 0 8 22 13 15 9 16 10 21 20 17 24 18 19\n", - " 23]\n", - "=======================\n", - "[\"when adam lyth scratched around for 22 in a championship match against nottinghamshire in 2008 , graeme swann branded him a ` walking wicket ' .yorkshire 's adam lyth fields during day three of the champion county match against the mcclyth , one of six yorkshire players in the england squad that left heathrow on thursday for three tests in the caribbean , hit back in that match seven years ago with a second-innings of 132 .\"]\n", - "=======================\n", - "[\"adam lyth has enjoyed a meteoric rise from his early days with yorkshirehe will now battle jonathan trott to be alastair cook 's opening partner at the first test in antigua on april 13lyth has revealed how practising golf has helped to improve his concentrationa young lyth also spent time trialing as a midfielder with manchester city\"]\n", - "when adam lyth scratched around for 22 in a championship match against nottinghamshire in 2008 , graeme swann branded him a ` walking wicket ' .yorkshire 's adam lyth fields during day three of the champion county match against the mcclyth , one of six yorkshire players in the england squad that left heathrow on thursday for three tests in the caribbean , hit back in that match seven years ago with a second-innings of 132 .\n", - "adam lyth has enjoyed a meteoric rise from his early days with yorkshirehe will now battle jonathan trott to be alastair cook 's opening partner at the first test in antigua on april 13lyth has revealed how practising golf has helped to improve his concentrationa young lyth also spent time trialing as a midfielder with manchester city\n", - "[1.3872881 1.1976864 1.3713526 1.2164841 1.127861 1.0796016 1.0876284\n", - " 1.0104507 1.0774869 1.1939042 1.1620439 1.0228504 1.0324926 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 9 10 4 6 5 8 12 11 7 23 13 14 15 16 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"the bbc faced angry criticism for giving an election platform to ` mini russell brand ' gareth shoulder ( above ) who mocked david cameron over his disabled sonshoulder , 24 , who is a big fan of brand and regularly messages the comedian on social media , used his ` @bbcgen2015 ' twitter page to make the disparaging remark about mr cameron and ivan , who died aged six in 2009 after being born with cerebral palsy and epilepsy .the bbc says it ` hand-picked ' its 200-strong generation 2015 youth panel to ` address fundamental questions about the relationship between uk young adults and democracy ' .\"]\n", - "=======================\n", - "[\"gareth shoulder is a member of the ` generation 2015 election youth panel 'used twitter to make disparaging remark about cameron and son ivan24-year-old was speaking in his own capacity , a bbc spokesman said\"]\n", - "the bbc faced angry criticism for giving an election platform to ` mini russell brand ' gareth shoulder ( above ) who mocked david cameron over his disabled sonshoulder , 24 , who is a big fan of brand and regularly messages the comedian on social media , used his ` @bbcgen2015 ' twitter page to make the disparaging remark about mr cameron and ivan , who died aged six in 2009 after being born with cerebral palsy and epilepsy .the bbc says it ` hand-picked ' its 200-strong generation 2015 youth panel to ` address fundamental questions about the relationship between uk young adults and democracy ' .\n", - "gareth shoulder is a member of the ` generation 2015 election youth panel 'used twitter to make disparaging remark about cameron and son ivan24-year-old was speaking in his own capacity , a bbc spokesman said\n", - "[1.2748928 1.5054326 1.2932799 1.2867237 1.0881406 1.0960503 1.3651371\n", - " 1.0584233 1.0740125 1.0773736 1.0812021 1.093847 1.0890557 1.0419239\n", - " 1.0199016 1.0168176 1.015455 1.0106097 1.0306771 1.0136247 1.0106564\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 6 2 3 0 5 11 12 4 10 9 8 7 13 18 14 15 16 19 20 17 23 21 22\n", - " 24]\n", - "=======================\n", - "[\"michelle heale of tom 's river , new jersey claimed she was trying to burp mason hess when he began choking on his applesauce in august 2012 .but when she pulled him off her shoulder his neck snapped backwards , killing the boy .however she now faces 30 years in prison after a jury found her guilty of killing the youngster .\"]\n", - "=======================\n", - "[\"michelle heale of new jersey claimed she was trying to burp mason hessbut jury said she killed him by snapping his neck as he was chokingwas charged with aggravated manslaughter and endangering a childsobbed uncontrollably as the verdict was read out and said : ' i did n't do it 'turned to her husband and asked him to make sure her five-year-old twins do n't forget hershe faces up to 30 years in prison when she is sentenced next month\"]\n", - "michelle heale of tom 's river , new jersey claimed she was trying to burp mason hess when he began choking on his applesauce in august 2012 .but when she pulled him off her shoulder his neck snapped backwards , killing the boy .however she now faces 30 years in prison after a jury found her guilty of killing the youngster .\n", - "michelle heale of new jersey claimed she was trying to burp mason hessbut jury said she killed him by snapping his neck as he was chokingwas charged with aggravated manslaughter and endangering a childsobbed uncontrollably as the verdict was read out and said : ' i did n't do it 'turned to her husband and asked him to make sure her five-year-old twins do n't forget hershe faces up to 30 years in prison when she is sentenced next month\n", - "[1.2511494 1.4863236 1.3261775 1.3187976 1.2350932 1.0567877 1.0498545\n", - " 1.0359454 1.1434944 1.0904572 1.0538986 1.0555667 1.0146348 1.0302106\n", - " 1.0577097 1.0115802 1.1143274 1.0348045 1.23856 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 18 4 8 16 9 14 5 11 10 6 7 17 13 12 15 23 19 20 21 22\n", - " 24]\n", - "=======================\n", - "['sergio barrientos-hinojosa was arrested late saturday .police say an inebriated barrientos-hinojosa had his 13-year-old son take him to buy beer at the gas station , where he got into an argument and started shooting at another customer .incident : barrientos-hinojosa allegedly got into the argument at an albuquerque gas station ( pictured )']\n", - "=======================\n", - "['police say an inebriated sergio barrientos-hinojosa had his 13-year-old son take him to buy beer at the gas stationonce there , he got into an argument and started shooting at another customer , according to authoritiesinvestigators say the father ordered his son to drive away while he fired his gun in the airpolice pulled over the car near the gas station']\n", - "sergio barrientos-hinojosa was arrested late saturday .police say an inebriated barrientos-hinojosa had his 13-year-old son take him to buy beer at the gas station , where he got into an argument and started shooting at another customer .incident : barrientos-hinojosa allegedly got into the argument at an albuquerque gas station ( pictured )\n", - "police say an inebriated sergio barrientos-hinojosa had his 13-year-old son take him to buy beer at the gas stationonce there , he got into an argument and started shooting at another customer , according to authoritiesinvestigators say the father ordered his son to drive away while he fired his gun in the airpolice pulled over the car near the gas station\n", - "[1.1103098 1.4818465 1.2648718 1.4430546 1.3347028 1.0245267 1.1469864\n", - " 1.0718775 1.0376929 1.0862389 1.0776116 1.0604293 1.0847147 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 6 0 9 12 10 7 11 8 5 22 21 20 19 18 16 15 14 13 23 17\n", - " 24]\n", - "=======================\n", - "[\"the 35-year-old is currently in india ahead of this year 's ipl tournament which starts on wednesday .chris gayle ( left ) uploaded an instagram picture behind the dj decks ahead of the ipl season on tuesdaygayle , pictured in 2012 , will be hoping to win royal challengers bangalore 's first-ever ipl crown this year\"]\n", - "=======================\n", - "[\"chris gayle posted an instagram photo behind the dj decks on tuesdaygayle is in india ahead of the ipl season with royal challengers bangaloreroyal challengers bangalore begin at kolkata knight riders on saturdayclick here to read sportsmail 's ipl preview ahead of the tournament\"]\n", - "the 35-year-old is currently in india ahead of this year 's ipl tournament which starts on wednesday .chris gayle ( left ) uploaded an instagram picture behind the dj decks ahead of the ipl season on tuesdaygayle , pictured in 2012 , will be hoping to win royal challengers bangalore 's first-ever ipl crown this year\n", - "chris gayle posted an instagram photo behind the dj decks on tuesdaygayle is in india ahead of the ipl season with royal challengers bangaloreroyal challengers bangalore begin at kolkata knight riders on saturdayclick here to read sportsmail 's ipl preview ahead of the tournament\n", - "[1.2265143 1.4961427 1.2561929 1.153187 1.2959939 1.1855971 1.1494792\n", - " 1.1174508 1.0898535 1.0490246 1.1080189 1.0746071 1.0675857 1.034529\n", - " 1.0814598 1.0227209 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 0 5 3 6 7 10 8 14 11 12 9 13 15 17 16 18]\n", - "=======================\n", - "[\"michael easy , 29 , from southampton , hampshire , sparked a nationwide police manhunt after going on the run in 2013 after attacking a woman at a party .easy posted the photograph of himself in a wig and pink sunglasses under the facebook name ` michelle dirt 'the image showed him pressing his finger to his lips - taunting police as they had failed to track him down .\"]\n", - "=======================\n", - "['michael easy first went on the run in 2013 after assaulting a woman at partywhile hiding from police , he taunted them by posting photos on facebookcaught and jailed for 15 months before going on run again on his releasenow facing four months in jail for assault and breaching restraining order']\n", - "michael easy , 29 , from southampton , hampshire , sparked a nationwide police manhunt after going on the run in 2013 after attacking a woman at a party .easy posted the photograph of himself in a wig and pink sunglasses under the facebook name ` michelle dirt 'the image showed him pressing his finger to his lips - taunting police as they had failed to track him down .\n", - "michael easy first went on the run in 2013 after assaulting a woman at partywhile hiding from police , he taunted them by posting photos on facebookcaught and jailed for 15 months before going on run again on his releasenow facing four months in jail for assault and breaching restraining order\n", - "[1.1620318 1.4641287 1.2230233 1.2996444 1.1941274 1.1675649 1.0429764\n", - " 1.0543237 1.1286643 1.2109402 1.0790831 1.0161057 1.0406145 1.010621\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 9 4 5 0 8 10 7 6 12 11 13 17 14 15 16 18]\n", - "=======================\n", - "[\"the mindfulness for travel series was developed for launch of the airline 's new airbus a380 service between london and san francisco , known for its laid-back california vibes .providing fliers with meditation techniques , as well as additional healthy flying tips , the programme hopes to inspire a relaxed , positive state of mind for all travellers - even if the journey does n't go exactly according to plan .the brand also tapped mindfulness expert mark coleman to develop a series of meditation videos\"]\n", - "=======================\n", - "['mindfulness for travel series includes meditative videos and other tipsfor the programme , british airways teamed up with expert mark colemanthe endeavour is in celebration of the new london to san francisco route']\n", - "the mindfulness for travel series was developed for launch of the airline 's new airbus a380 service between london and san francisco , known for its laid-back california vibes .providing fliers with meditation techniques , as well as additional healthy flying tips , the programme hopes to inspire a relaxed , positive state of mind for all travellers - even if the journey does n't go exactly according to plan .the brand also tapped mindfulness expert mark coleman to develop a series of meditation videos\n", - "mindfulness for travel series includes meditative videos and other tipsfor the programme , british airways teamed up with expert mark colemanthe endeavour is in celebration of the new london to san francisco route\n", - "[1.2678328 1.3145406 1.328969 1.1942289 1.328741 1.1271777 1.0985277\n", - " 1.0598679 1.0236063 1.0732577 1.0705245 1.0837111 1.1207918 1.0588849\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 4 1 0 3 5 12 6 11 9 10 7 13 8 14 15 16 17 18]\n", - "=======================\n", - "['lawyers for sterling had claimed that money used to buy v. stiviano a house , luxury cars and stocks was her community property the couple had acquired over six decades of marriage .shelly sterling has been awarded nearly all of the $ 3 million she had sought to be returned from v. stiviano , who had argued that the gifts were made when donald sterling was separated from his wifev.stiviano , the alleged mistress of clippers owner donald sterling , who he showered with expensive gifts , has been ordered to pay his wife $ 2.6 million .']\n", - "=======================\n", - "[\"shelly sterling has been awarded most of the nearly $ 3 million she had sought to be returnedher lawyers successfully argued that money used to buy v. stiviano a house , luxury cars and stocks was her community propertystiviano 's lawyer had argued the gifts were made when donald and shelly sterling were separatedruling comes nearly a year after stiviano 's recording of donald sterling making racially offensive remarks that cost him ownership of the clippersshelly had filed the suit about a month before the recording of donald telling stiviano not to associate with black people created an uproar\"]\n", - "lawyers for sterling had claimed that money used to buy v. stiviano a house , luxury cars and stocks was her community property the couple had acquired over six decades of marriage .shelly sterling has been awarded nearly all of the $ 3 million she had sought to be returned from v. stiviano , who had argued that the gifts were made when donald sterling was separated from his wifev.stiviano , the alleged mistress of clippers owner donald sterling , who he showered with expensive gifts , has been ordered to pay his wife $ 2.6 million .\n", - "shelly sterling has been awarded most of the nearly $ 3 million she had sought to be returnedher lawyers successfully argued that money used to buy v. stiviano a house , luxury cars and stocks was her community propertystiviano 's lawyer had argued the gifts were made when donald and shelly sterling were separatedruling comes nearly a year after stiviano 's recording of donald sterling making racially offensive remarks that cost him ownership of the clippersshelly had filed the suit about a month before the recording of donald telling stiviano not to associate with black people created an uproar\n", - "[1.2290264 1.3245455 1.4419733 1.1625136 1.3463278 1.1406817 1.1791404\n", - " 1.0759046 1.019885 1.0809208 1.1850991 1.061528 1.0774136 1.0272753\n", - " 1.0160482 1.0183916 1.0143123 1.0280828 1.0289899]\n", - "\n", - "[ 2 4 1 0 10 6 3 5 9 12 7 11 18 17 13 8 15 14 16]\n", - "=======================\n", - "['police say malijah grant was shot in the head thursday afternoon while sitting in a car seat in the back of a silver chevrolet impala at an intersection in kent , washington .a spokeswoman for harborview medical center says the girl was brain dead and care was withdrawn saturday night .two male suspects are now being sought by police .']\n", - "=======================\n", - "[\"malijah grant was allowed to die on saturday after she was shot while sitting in the back seat of her parents ' car thursday outside seattleauthorities initially believed it was a road rage incident turned violent but now say the shooting was not random\"]\n", - "police say malijah grant was shot in the head thursday afternoon while sitting in a car seat in the back of a silver chevrolet impala at an intersection in kent , washington .a spokeswoman for harborview medical center says the girl was brain dead and care was withdrawn saturday night .two male suspects are now being sought by police .\n", - "malijah grant was allowed to die on saturday after she was shot while sitting in the back seat of her parents ' car thursday outside seattleauthorities initially believed it was a road rage incident turned violent but now say the shooting was not random\n", - "[1.4028184 1.5513933 1.2456374 1.4174478 1.1644273 1.1069779 1.0443417\n", - " 1.0771118 1.023467 1.0324864 1.0253382 1.1622233 1.0641161 1.1001302\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 11 5 13 7 12 6 9 10 8 17 14 15 16 18]\n", - "=======================\n", - "['the 1986 world cup winner scored the winner during an exhibition match in bogota to support the peace process in colombia .argentina legend diego maradona lost his cool to kick out at a steward and lashed out at a cameraman at charity match .however maradona , having scored a late penalty to settle the friendly contest , saw red with a steward trying to halt him whilst applauding fans after the match .']\n", - "=======================\n", - "[\"the argentina legend scored the winner in the friendly matchwhen applauding fans diego maradona kicks steward and cameramanwas playing in the ` match for peace ' supporting colombian peace process\"]\n", - "the 1986 world cup winner scored the winner during an exhibition match in bogota to support the peace process in colombia .argentina legend diego maradona lost his cool to kick out at a steward and lashed out at a cameraman at charity match .however maradona , having scored a late penalty to settle the friendly contest , saw red with a steward trying to halt him whilst applauding fans after the match .\n", - "the argentina legend scored the winner in the friendly matchwhen applauding fans diego maradona kicks steward and cameramanwas playing in the ` match for peace ' supporting colombian peace process\n", - "[1.3472846 1.3013234 1.2291806 1.2482219 1.1491842 1.1891313 1.2341418\n", - " 1.0748676 1.0920696 1.0279974 1.0206661 1.0370328 1.0555978 1.019284\n", - " 1.2329155 1.012964 1.074838 1.0311236 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 6 14 2 5 4 8 7 16 12 11 17 9 10 13 15 19 18 20]\n", - "=======================\n", - "['more than 1,000 crimes have been created by the coalition in a frenzy of law-making -- including a ban on washing clothes in trafalgar square .the legislative splurge is equivalent to introducing a new law for every working day .but research shows the government has invented 22 ways of criminalising the public every month .']\n", - "=======================\n", - "['splurge is equivalent to introducing a new law for every working dayinclude diving into the thames without authority and hogging middle lanemeanwhile other antiquated laws remain in force that are simply baffling']\n", - "more than 1,000 crimes have been created by the coalition in a frenzy of law-making -- including a ban on washing clothes in trafalgar square .the legislative splurge is equivalent to introducing a new law for every working day .but research shows the government has invented 22 ways of criminalising the public every month .\n", - "splurge is equivalent to introducing a new law for every working dayinclude diving into the thames without authority and hogging middle lanemeanwhile other antiquated laws remain in force that are simply baffling\n", - "[1.3815324 1.351294 1.2710747 1.2408736 1.0925941 1.0816853 1.0664524\n", - " 1.0742741 1.0791751 1.164426 1.0306827 1.0615853 1.0391252 1.0747634\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 9 4 5 8 13 7 6 11 12 10 14 15 16 17 18 19 20]\n", - "=======================\n", - "['bangkok ( cnn ) thailand has lifted martial law , replacing it with it a controversial new security order granting sweeping powers to the ruling military junta .critics have expressed alarm at the move , with human rights watch \\'s asia director brad adams saying it marked the country \\'s \" deepening descent into dictatorship . \"martial law was lifted wednesday when the thai king bhumibol adulyadej approved a request from prime minister general prayuth chan-ocha to proceed .']\n", - "=======================\n", - "['martial law has been lifted in thailand after 10 monthsit has been replaced by a new order granting sweeping powers to the military juntacritics warn the move deepens the country \\'s \" descent into dictatorship \"']\n", - "bangkok ( cnn ) thailand has lifted martial law , replacing it with it a controversial new security order granting sweeping powers to the ruling military junta .critics have expressed alarm at the move , with human rights watch 's asia director brad adams saying it marked the country 's \" deepening descent into dictatorship . \"martial law was lifted wednesday when the thai king bhumibol adulyadej approved a request from prime minister general prayuth chan-ocha to proceed .\n", - "martial law has been lifted in thailand after 10 monthsit has been replaced by a new order granting sweeping powers to the military juntacritics warn the move deepens the country 's \" descent into dictatorship \"\n", - "[1.2403995 1.3031759 1.1721255 1.3476151 1.2095706 1.1781703 1.0626547\n", - " 1.0216488 1.0194007 1.1050888 1.0843276 1.0929328 1.0934237 1.0456465\n", - " 1.1803422 1.1581848 1.035368 1.0086432 1.0104023 1.0164876 1.0425833]\n", - "\n", - "[ 3 1 0 4 14 5 2 15 9 12 11 10 6 13 20 16 7 8 19 18 17]\n", - "=======================\n", - "[\"finally : stephen king has announced sony will be putting his ` magnum opus ' the dark tower in cinemasthe revered writer , who penned shawshank redemption and the shining , slammed warner brothers in 2012 for dropping plans to make a movie trilogy and tv mini-series .these are just two of the eight novels which king spent over 40 years writing .\"]\n", - "=======================\n", - "['warner bros slammed by novelist for dropping the deal in 2012sony has announced deal to release movies and tv seriesthe dark tower is an 8-part novel series written between 1970 and 2012javier bardem and russell crowe rumored to be interested in the lead']\n", - "finally : stephen king has announced sony will be putting his ` magnum opus ' the dark tower in cinemasthe revered writer , who penned shawshank redemption and the shining , slammed warner brothers in 2012 for dropping plans to make a movie trilogy and tv mini-series .these are just two of the eight novels which king spent over 40 years writing .\n", - "warner bros slammed by novelist for dropping the deal in 2012sony has announced deal to release movies and tv seriesthe dark tower is an 8-part novel series written between 1970 and 2012javier bardem and russell crowe rumored to be interested in the lead\n", - "[1.3302605 1.303787 1.2686644 1.2942752 1.288633 1.1283787 1.094985\n", - " 1.0493551 1.0746158 1.1051476 1.0635409 1.0146617 1.0390296 1.100886\n", - " 1.0164365 1.0154706 1.084816 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 4 2 5 9 13 6 16 8 10 7 12 14 15 11 19 17 18 20]\n", - "=======================\n", - "['( cnn ) the listeria outbreak that prompted blue bell creameries to recall their entire product line dates to 2010 , according to the centers for disease control .after weeks of gradual recalls , the company recalled all its ice cream , frozen yogurt , sherbet and other frozen treats sold in 23 states because they could be contaminated with listeria monocytogenes , the company said monday .the cdc recommends consumers do not eat any blue bell brand products .']\n", - "=======================\n", - "['new this is a multistate outbreak \" occurring over several years , \" the cdc sayscdc says 3 people died from bacteria believed to have come from blue bell\" we are heartbroken about this situation , \" blue bell ceo and president says']\n", - "( cnn ) the listeria outbreak that prompted blue bell creameries to recall their entire product line dates to 2010 , according to the centers for disease control .after weeks of gradual recalls , the company recalled all its ice cream , frozen yogurt , sherbet and other frozen treats sold in 23 states because they could be contaminated with listeria monocytogenes , the company said monday .the cdc recommends consumers do not eat any blue bell brand products .\n", - "new this is a multistate outbreak \" occurring over several years , \" the cdc sayscdc says 3 people died from bacteria believed to have come from blue bell\" we are heartbroken about this situation , \" blue bell ceo and president says\n", - "[1.4814659 1.4718311 1.2442739 1.4552037 1.1795926 1.1566116 1.0381261\n", - " 1.015687 1.0133663 1.0139381 1.0202132 1.2473395 1.0167949 1.0755756\n", - " 1.0379031 1.0378879 1.0230241 1.036367 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 11 2 4 5 13 6 14 15 17 16 10 12 7 9 8 19 18 20]\n", - "=======================\n", - "[\"rangers boss stuart mccall hopes injured newcastle winger shane ferguson could play a surprise role in the club 's play-off bid .the northern ireland capped midfielder was sent north by the magpies as part of a five-man package on the final day of the january transfer window .stuart mccall confident shane ferguson can play a vital role in rangers push for promotion to the spl\"]\n", - "=======================\n", - "['stuart mccall revealed shane ferguson still has a role to play for rangersthe northern irishman has received the green light to start trainingmccall believes ferguson can be involved in the final promotion pushclick here for all the latest rangers news']\n", - "rangers boss stuart mccall hopes injured newcastle winger shane ferguson could play a surprise role in the club 's play-off bid .the northern ireland capped midfielder was sent north by the magpies as part of a five-man package on the final day of the january transfer window .stuart mccall confident shane ferguson can play a vital role in rangers push for promotion to the spl\n", - "stuart mccall revealed shane ferguson still has a role to play for rangersthe northern irishman has received the green light to start trainingmccall believes ferguson can be involved in the final promotion pushclick here for all the latest rangers news\n", - "[1.3194907 1.4343722 1.2975098 1.1578747 1.1481403 1.1716884 1.0628569\n", - " 1.0272744 1.0325942 1.0215818 1.0228354 1.0134935 1.0185583 1.2021914\n", - " 1.1274244 1.0296546 1.0527363 1.0154835 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 13 5 3 4 14 6 16 8 15 7 10 9 12 17 11 19 18 20]\n", - "=======================\n", - "[\"trinity culley , from fingringhoe , essex , used the knowledge she gained from watching the baby-birthing programme which she secretly viewed in her bedroom after her mother told her it was too graphic .a quick-thinking 10-year-old helped deliver her baby sister at home using vital tips from television 's ` one born every minute ' - after she secretly watched the programme against her parents ' wishes .but when her mother dee culley 's waters broke two weeks ahead of schedule , she sprang into action .\"]\n", - "=======================\n", - "[\"trinity culley helped deliver her baby sister after picking up tips on tvshe had been secretly watching the programme one born every minutewhen her mother 's waters broke two weeks early , she sprang into actionshe gathered towels and delivered the baby in the family 's front room\"]\n", - "trinity culley , from fingringhoe , essex , used the knowledge she gained from watching the baby-birthing programme which she secretly viewed in her bedroom after her mother told her it was too graphic .a quick-thinking 10-year-old helped deliver her baby sister at home using vital tips from television 's ` one born every minute ' - after she secretly watched the programme against her parents ' wishes .but when her mother dee culley 's waters broke two weeks ahead of schedule , she sprang into action .\n", - "trinity culley helped deliver her baby sister after picking up tips on tvshe had been secretly watching the programme one born every minutewhen her mother 's waters broke two weeks early , she sprang into actionshe gathered towels and delivered the baby in the family 's front room\n", - "[1.5796727 1.3664135 1.2486839 1.2165083 1.1465763 1.1965882 1.113975\n", - " 1.0434788 1.0444261 1.0268825 1.0143919 1.0169613 1.0132729 1.0211096\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 5 4 6 8 7 9 13 11 10 12 19 14 15 16 17 18 20]\n", - "=======================\n", - "['derby head coach steve mcclaren pointed an accusing finger at his own team after they let 10-man watford battle back to grab a 2-2 draw at the ipro stadium .the result leaves derby without a win in seven games and six points off the top two but mcclaren admitted his players only had themselves to blame for the latest setback .derby had been in control until matej vydra fired them ahead in the 23rd minute after cyrus christie lost the ball out on the right but a mistake by ben watson just before half-time changed the game .']\n", - "=======================\n", - "['derby were held 2-2 at home to watford in the championship on fridaywatford had marco motta dismissed and derby moved 2-1 upbut watford equalised through odion ighalo and held on for a point']\n", - "derby head coach steve mcclaren pointed an accusing finger at his own team after they let 10-man watford battle back to grab a 2-2 draw at the ipro stadium .the result leaves derby without a win in seven games and six points off the top two but mcclaren admitted his players only had themselves to blame for the latest setback .derby had been in control until matej vydra fired them ahead in the 23rd minute after cyrus christie lost the ball out on the right but a mistake by ben watson just before half-time changed the game .\n", - "derby were held 2-2 at home to watford in the championship on fridaywatford had marco motta dismissed and derby moved 2-1 upbut watford equalised through odion ighalo and held on for a point\n", - "[1.3153578 1.3896277 1.1704762 1.3205109 1.0855496 1.0291165 1.0209981\n", - " 1.3343459 1.0979546 1.2607411 1.0283871 1.0351104 1.1077774 1.0715294\n", - " 1.025792 1.0698993 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 7 3 0 9 2 12 8 4 13 15 11 5 10 14 6 16 17 18 19 20]\n", - "=======================\n", - "['in a report issued to the herald sun , victoria police revealed that there is a distribution network of speed , ice and marijuana operating in the trucking industry and one in every 12 truckies tested positive for drugs while out on the road .a new report has shown that truck drivers in victoria are dealing drugs from the behind the wheel of 60-tonne rigs , using secretive codes over their radio systemsspeaking to the publication , a former melbourne truck driver said his colleagues were taking drugs regularly , and meeting areas were often set up between drivers over radios using codes , where drugs were then handed out .']\n", - "=======================\n", - "['truck drivers in victoria are dealing drugs using codes over their radiosit has been reported that 1 in 12 truck drivers are high when pulled overaccording to a former truckie , the trend is more common that you thinka video has appeared online showing a man snorting ice behind the wheelhe is driving a 40-tonne rig and says it is for his fatiguemany are rorting the system so they can drive for 16 hours a day']\n", - "in a report issued to the herald sun , victoria police revealed that there is a distribution network of speed , ice and marijuana operating in the trucking industry and one in every 12 truckies tested positive for drugs while out on the road .a new report has shown that truck drivers in victoria are dealing drugs from the behind the wheel of 60-tonne rigs , using secretive codes over their radio systemsspeaking to the publication , a former melbourne truck driver said his colleagues were taking drugs regularly , and meeting areas were often set up between drivers over radios using codes , where drugs were then handed out .\n", - "truck drivers in victoria are dealing drugs using codes over their radiosit has been reported that 1 in 12 truck drivers are high when pulled overaccording to a former truckie , the trend is more common that you thinka video has appeared online showing a man snorting ice behind the wheelhe is driving a 40-tonne rig and says it is for his fatiguemany are rorting the system so they can drive for 16 hours a day\n", - "[1.5729768 1.5675766 1.1470101 1.4160142 1.1259763 1.0225844 1.0217234\n", - " 1.0180448 1.0099831 1.0291157 1.1282239 1.0842674 1.0993377 1.0926207\n", - " 1.0414556 1.0427637 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 10 4 12 13 11 15 14 9 5 6 7 8 19 16 17 18 20]\n", - "=======================\n", - "['manchester united manager louis van gaal says that wayne rooney suffered a knee injury during the defeat by everton at goodison park on sunday .the england international was replaced by robin van persie in the closing stages of the premier league clash and was seen receiving treatment on the bench .and van gaal confirmed to mutv after the game that rooney had sustained the injury but that it was too early to know the severity .']\n", - "=======================\n", - "['manchester united were beaten 3-0 by everton at goodison parkwayne rooney limped off in closing stages , replaced by robin van persielouis van gaal has confirmed the striker suffered a knee injuryunited boss said it is too early to know the severity of the injury']\n", - "manchester united manager louis van gaal says that wayne rooney suffered a knee injury during the defeat by everton at goodison park on sunday .the england international was replaced by robin van persie in the closing stages of the premier league clash and was seen receiving treatment on the bench .and van gaal confirmed to mutv after the game that rooney had sustained the injury but that it was too early to know the severity .\n", - "manchester united were beaten 3-0 by everton at goodison parkwayne rooney limped off in closing stages , replaced by robin van persielouis van gaal has confirmed the striker suffered a knee injuryunited boss said it is too early to know the severity of the injury\n", - "[1.1688915 1.181128 1.3679852 1.3153102 1.3335164 1.1778938 1.0749853\n", - " 1.0150951 1.0225911 1.0614179 1.1072507 1.0172735 1.011856 1.0359809\n", - " 1.2531309 1.152228 1.1320392 1.0128973 1.0300168 1.0426488 1.0147741]\n", - "\n", - "[ 2 4 3 14 1 5 0 15 16 10 6 9 19 13 18 8 11 7 20 17 12]\n", - "=======================\n", - "['in true satirical style , the 20-month-old has been cast as a blinged-up rascal with a tattoo on his arm .teasers for the itv programme -- which starts tonight at 9pm -- show the duke and duchess of cambridge worrying that their son has turned out a little , well , common .but thanks to new puppet show newzoids , we can at least get a version of them .']\n", - "=======================\n", - "[\"satire puppet show depicts prince george as a ` blinged-up rascal 'duke and duchess of cambridge seen worrying about ` common ' sonprince puppet seen addressing female doctor with ` oi , oi !\"]\n", - "in true satirical style , the 20-month-old has been cast as a blinged-up rascal with a tattoo on his arm .teasers for the itv programme -- which starts tonight at 9pm -- show the duke and duchess of cambridge worrying that their son has turned out a little , well , common .but thanks to new puppet show newzoids , we can at least get a version of them .\n", - "satire puppet show depicts prince george as a ` blinged-up rascal 'duke and duchess of cambridge seen worrying about ` common ' sonprince puppet seen addressing female doctor with ` oi , oi !\n", - "[1.2908311 1.3689615 1.2472737 1.2411829 1.1985917 1.2008218 1.0997893\n", - " 1.0452441 1.0332125 1.029077 1.0640547 1.184646 1.0578063 1.0596415\n", - " 1.0623533 1.0496612 1.0174705 1.0246502 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 3 5 4 11 6 10 14 13 12 15 7 8 9 17 16 20 18 19 21]\n", - "=======================\n", - "['all of the women are fully veiled , making it hard to identify individuals but it is possible the group may be linked to islamic state .a chilling new jihadi video has emerged on social media , showing a new militia of female jihadis firing machine guns and practising drills in syria .standing on their parade ground , the radical women are shown shouting jihad slogans and attempting to use their ak 47 rifles .']\n", - "=======================\n", - "[\"female jihadis shown firing ak 47 rifles and parading in the syrian countrysidethe group of women enthusiastically chant slogans about islam and jihadfully dressed in burqas , some of the women appear to struggle with their weaponsthe footage was filmed near the ancient pilgrim site of st simeon 's church , around 60km from the syrian city of aleppo .\"]\n", - "all of the women are fully veiled , making it hard to identify individuals but it is possible the group may be linked to islamic state .a chilling new jihadi video has emerged on social media , showing a new militia of female jihadis firing machine guns and practising drills in syria .standing on their parade ground , the radical women are shown shouting jihad slogans and attempting to use their ak 47 rifles .\n", - "female jihadis shown firing ak 47 rifles and parading in the syrian countrysidethe group of women enthusiastically chant slogans about islam and jihadfully dressed in burqas , some of the women appear to struggle with their weaponsthe footage was filmed near the ancient pilgrim site of st simeon 's church , around 60km from the syrian city of aleppo .\n", - "[1.0415916 1.2552532 1.1567297 1.4255164 1.299792 1.3315083 1.3903416\n", - " 1.1153305 1.0941963 1.0250745 1.0236344 1.0245147 1.048279 1.0236478\n", - " 1.0194862 1.0165778 1.01679 1.019627 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 6 5 4 1 2 7 8 12 0 9 11 13 10 17 14 16 15 18 19 20 21]\n", - "=======================\n", - "[\"kim kardashian : hollywood is the app from the reality star , which uses her likeness and voice .the 34-year-old launched the highly lucrative app last june , and has an estimated 28 million downloadsusers have to build a celebrity empire similar to kim 's\"]\n", - "=======================\n", - "[\"kim kardashian : hollywood and lindsay lohan 's the price of fame appsusers create an aspiring celebrity and rise to fame in the gameseveryone is either a potential love-interest , career-booster , or enemy\"]\n", - "kim kardashian : hollywood is the app from the reality star , which uses her likeness and voice .the 34-year-old launched the highly lucrative app last june , and has an estimated 28 million downloadsusers have to build a celebrity empire similar to kim 's\n", - "kim kardashian : hollywood and lindsay lohan 's the price of fame appsusers create an aspiring celebrity and rise to fame in the gameseveryone is either a potential love-interest , career-booster , or enemy\n", - "[1.434717 1.3939133 1.2914038 1.1557406 1.1371135 1.1260681 1.1136061\n", - " 1.068188 1.0404352 1.0369083 1.0164337 1.1123898 1.1015952 1.089229\n", - " 1.0587353 1.0737451 1.0319128 1.029739 1.0736936 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 3 4 5 6 11 12 13 15 18 7 14 8 9 16 17 10 19 20 21]\n", - "=======================\n", - "['( cnn ) if newly revised nypd training materials are approved by a federal judge , new cadets could be taking courses reminding them \" not to engage in racial profiling . \"the proposed training materials , overseen by appointed federal monitor peter zimroth , were submitted to manhattan federal court judge analisa torres on monday for approval .they include directives to \" not tell or tolerate ethnic , racial or sexist jokes \" and to \" not imitate the speech patterns \" of others .']\n", - "=======================\n", - "['the training materials are a result of a 2013 ruling declaring \" stop , question and frisk \" unconstitutionalthey read that racial profiling \" is offensive .']\n", - "( cnn ) if newly revised nypd training materials are approved by a federal judge , new cadets could be taking courses reminding them \" not to engage in racial profiling . \"the proposed training materials , overseen by appointed federal monitor peter zimroth , were submitted to manhattan federal court judge analisa torres on monday for approval .they include directives to \" not tell or tolerate ethnic , racial or sexist jokes \" and to \" not imitate the speech patterns \" of others .\n", - "the training materials are a result of a 2013 ruling declaring \" stop , question and frisk \" unconstitutionalthey read that racial profiling \" is offensive .\n", - "[1.2368928 1.3149042 1.4061182 1.221394 1.1904548 1.130389 1.072641\n", - " 1.0553074 1.0430723 1.0345616 1.2898917 1.0195574 1.0253643 1.0219722\n", - " 1.0238054 1.0338619 1.0265777 1.0467727 1.059268 1.05332 1.024628\n", - " 1.0305126]\n", - "\n", - "[ 2 1 10 0 3 4 5 6 18 7 19 17 8 9 15 21 16 12 20 14 13 11]\n", - "=======================\n", - "['malaysia airlines flight mh17 was shot down over rebel-held territory in eastern ukraine on july 17 , and all 298 aboard were killed .despite being told of the risk of flying over ukraine in diplomatic cables sent two days before the crash , germany failed to pass on the warning , local media reported .earlier this month , the dutch government - which lost 189 citizens in the disaster - said that , with nearly all of the victims identified , efforts had shifted']\n", - "=======================\n", - "[\"german government ` knew of risk of flying over ukraine ' , it is claimeddiplomatic cables refer to ukrainian air force plane shot down on july 14malaysia airlines 's flight mh17 was shot down on july 17 last year\"]\n", - "malaysia airlines flight mh17 was shot down over rebel-held territory in eastern ukraine on july 17 , and all 298 aboard were killed .despite being told of the risk of flying over ukraine in diplomatic cables sent two days before the crash , germany failed to pass on the warning , local media reported .earlier this month , the dutch government - which lost 189 citizens in the disaster - said that , with nearly all of the victims identified , efforts had shifted\n", - "german government ` knew of risk of flying over ukraine ' , it is claimeddiplomatic cables refer to ukrainian air force plane shot down on july 14malaysia airlines 's flight mh17 was shot down on july 17 last year\n", - "[1.1737247 1.3592122 1.2991002 1.2327691 1.102957 1.1618552 1.1014439\n", - " 1.038342 1.1252904 1.1044725 1.0475947 1.0454532 1.053872 1.080755\n", - " 1.0626327 1.0397128 1.0979381 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 0 5 8 9 4 6 16 13 14 12 10 11 15 7 20 17 18 19 21]\n", - "=======================\n", - "['it has evolved a so-called lip - a large and irregular modified petal , to attract insects - but the driving force behind this unusual shape was not known , until now .researchers have found that its shape is determined by two competing groups of proteins and by tweaking them , they can convert this lip into a standard petal .the orchid is one of the most unique and instantly recognisable flowers in the world .']\n", - "=======================\n", - "[\"orchid has evolved a ` lip ' - irregular modified petal - to attract insectsresearchers in taiwan found its shape is determined by two competing groups of proteins - the ` l' complex and the ` sp ' complexby tweaking them , they can convert the lip into standard petals again\"]\n", - "it has evolved a so-called lip - a large and irregular modified petal , to attract insects - but the driving force behind this unusual shape was not known , until now .researchers have found that its shape is determined by two competing groups of proteins and by tweaking them , they can convert this lip into a standard petal .the orchid is one of the most unique and instantly recognisable flowers in the world .\n", - "orchid has evolved a ` lip ' - irregular modified petal - to attract insectsresearchers in taiwan found its shape is determined by two competing groups of proteins - the ` l' complex and the ` sp ' complexby tweaking them , they can convert the lip into standard petals again\n", - "[1.2334716 1.4727539 1.2450352 1.1979783 1.1043411 1.300988 1.0767505\n", - " 1.1636779 1.2392179 1.0861987 1.0944505 1.0638055 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 2 8 0 3 7 4 10 9 6 11 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"the canberra based department of foreign affairs and trade workers were given an ` announcement ' on a big tv screen that their workplace was being closed and moved to melbourne .the workers had good cause to fear for their jobs : dfat is planning to cut 500 jobs by june .dozens of public servants were less than humoured when they were told their jobs would be lost in a cruel april fools ' day prank .\"]\n", - "=======================\n", - "[\"the canberra based dfat workers got an ` announcement ' on a screenthe message said their office was being closed and moved to melbournethe announcement was displayed for five hours before it was revealedit comes as the department plans to cut 500 jobs by june this year\"]\n", - "the canberra based department of foreign affairs and trade workers were given an ` announcement ' on a big tv screen that their workplace was being closed and moved to melbourne .the workers had good cause to fear for their jobs : dfat is planning to cut 500 jobs by june .dozens of public servants were less than humoured when they were told their jobs would be lost in a cruel april fools ' day prank .\n", - "the canberra based dfat workers got an ` announcement ' on a screenthe message said their office was being closed and moved to melbournethe announcement was displayed for five hours before it was revealedit comes as the department plans to cut 500 jobs by june this year\n", - "[1.453968 1.3182821 1.2988062 1.2987449 1.1629658 1.0667136 1.0544367\n", - " 1.1406705 1.0722542 1.1718193 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 9 4 7 8 5 6 18 17 16 15 10 13 12 11 19 14 20]\n", - "=======================\n", - "[\"real madrid failed to activate their first option on javier hernandez as the deadline passed on thursday night .the midnight deadline went by without madrid making a formal offer to buy the manchester united striker outright and they must now take their chances with other suitors if they wish to sign him .hernandez , 26 , has impressed in the last few weeks with five goals in his last six games including the decisive strike against atletico madrid in the champions league quarter final and two goals in madrid 's 4-2 win at celta vigo last sunday .\"]\n", - "=======================\n", - "['real madrid had exclusivity on signing javier hernandez until fridayother clubs can swoop for striker after deadline passedmanchester united to field offers of # 10million for 26-year-old hernandezread : real madrid to tempt psg with a # 30m offer for marco verratti']\n", - "real madrid failed to activate their first option on javier hernandez as the deadline passed on thursday night .the midnight deadline went by without madrid making a formal offer to buy the manchester united striker outright and they must now take their chances with other suitors if they wish to sign him .hernandez , 26 , has impressed in the last few weeks with five goals in his last six games including the decisive strike against atletico madrid in the champions league quarter final and two goals in madrid 's 4-2 win at celta vigo last sunday .\n", - "real madrid had exclusivity on signing javier hernandez until fridayother clubs can swoop for striker after deadline passedmanchester united to field offers of # 10million for 26-year-old hernandezread : real madrid to tempt psg with a # 30m offer for marco verratti\n", - "[1.2450155 1.4171803 1.4050398 1.2876576 1.0807517 1.0486186 1.0463182\n", - " 1.1641392 1.065217 1.0198212 1.1203609 1.0474176 1.0528296 1.0393513\n", - " 1.1910044 1.0386252 1.0555648 1.0235592 1.1138475 1.059942 0. ]\n", - "\n", - "[ 1 2 3 0 14 7 10 18 4 8 19 16 12 5 11 6 13 15 17 9 20]\n", - "=======================\n", - "[\"sir david nicholson said it was crucial that all the main political parties backed the nhs 's five-year plan , which calls for a 7 per cent boost to the health budget by 2020 .david cameron and nick clegg have pledged to find the cash -- but ed miliband has refused .the former head of the nhs this morning launched an extraordinary public attack on labour for being the only party not to commit to an extra # 8billion a year for the health service .\"]\n", - "=======================\n", - "[\"sir david nicholson called on labour to commit to spending extra on nhshe said the nhs has a ` substantial financial problem ' which needs sortingthe former head of nhs says black hole will be ` crystal clear ' after electionsir david was called the ` man with no shame ' for refusing to quit his job1,200 died because of poor care in stafford while he ran regional body\"]\n", - "sir david nicholson said it was crucial that all the main political parties backed the nhs 's five-year plan , which calls for a 7 per cent boost to the health budget by 2020 .david cameron and nick clegg have pledged to find the cash -- but ed miliband has refused .the former head of the nhs this morning launched an extraordinary public attack on labour for being the only party not to commit to an extra # 8billion a year for the health service .\n", - "sir david nicholson called on labour to commit to spending extra on nhshe said the nhs has a ` substantial financial problem ' which needs sortingthe former head of nhs says black hole will be ` crystal clear ' after electionsir david was called the ` man with no shame ' for refusing to quit his job1,200 died because of poor care in stafford while he ran regional body\n", - "[1.3805072 1.2426618 1.098449 1.4158486 1.2397794 1.1239086 1.0523808\n", - " 1.1148891 1.0804846 1.1126133 1.1505594 1.0129522 1.0216384 1.03119\n", - " 1.0525793 1.0870674 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 10 5 7 9 2 15 8 14 6 13 12 11 19 16 17 18 20]\n", - "=======================\n", - "[\"liverpool must keep faith with under-fire manager brendan rodgers , believes ex-kop striker stan collymorerodgers has come under-fire following a disappointing third season with the anfield outfit - which has led to some unhappy fans calling for his dismissal .the reds ' fa cup semi-final exit against aston villa on sunday followed defeat at the same stage of the capital one cup by chelsea .\"]\n", - "=======================\n", - "['liverpool lost 2-1 against aston villa in their fa cup semi-final on sundayreds are seven points adrift of fourth-placed man city in the league tableno liverpool boss since 1950s has gone three seasons without a trophyread : liverpool set for summer overhaul with ten kop stars on way outread : rodgers has conviction quashed after rental property fine']\n", - "liverpool must keep faith with under-fire manager brendan rodgers , believes ex-kop striker stan collymorerodgers has come under-fire following a disappointing third season with the anfield outfit - which has led to some unhappy fans calling for his dismissal .the reds ' fa cup semi-final exit against aston villa on sunday followed defeat at the same stage of the capital one cup by chelsea .\n", - "liverpool lost 2-1 against aston villa in their fa cup semi-final on sundayreds are seven points adrift of fourth-placed man city in the league tableno liverpool boss since 1950s has gone three seasons without a trophyread : liverpool set for summer overhaul with ten kop stars on way outread : rodgers has conviction quashed after rental property fine\n", - "[1.2604022 1.3776522 1.2378771 1.3745716 1.314879 1.2696035 1.095345\n", - " 1.1294434 1.0387311 1.0243001 1.1604512 1.0251293 1.0554742 1.055781\n", - " 1.087733 1.0489299 1.0261776 1.0316067 1.008745 1.0077804 1.029002 ]\n", - "\n", - "[ 1 3 4 5 0 2 10 7 6 14 13 12 15 8 17 20 16 11 9 18 19]\n", - "=======================\n", - "['around 15 animals ran away from their pen in schodack in rensselaer county on thursday evening and then swam across the hudson river .three men hired by the farm were cleared to open fire friday afternoon in a stream in woods in the town of coeymans , about 10 miles south of the state capital albany .they were all shot dead by law enforcement on friday .']\n", - "=======================\n", - "['15 animals escaped from a farm in schodack in upstate new york on thursday evening then crossed the riverthey safely crossed roads and made it onto the thurway which links up the major cities in the statehowever authorities took the decision to gun them down because they posed a danger to the publicpolice say the decision was made after experts agreed tranquilizers would not be effective']\n", - "around 15 animals ran away from their pen in schodack in rensselaer county on thursday evening and then swam across the hudson river .three men hired by the farm were cleared to open fire friday afternoon in a stream in woods in the town of coeymans , about 10 miles south of the state capital albany .they were all shot dead by law enforcement on friday .\n", - "15 animals escaped from a farm in schodack in upstate new york on thursday evening then crossed the riverthey safely crossed roads and made it onto the thurway which links up the major cities in the statehowever authorities took the decision to gun them down because they posed a danger to the publicpolice say the decision was made after experts agreed tranquilizers would not be effective\n", - "[1.2524567 1.3655723 1.2263292 1.323594 1.1714393 1.1515636 1.1984675\n", - " 1.0867666 1.0414755 1.0174072 1.10749 1.0821037 1.0302509 1.0771215\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 6 4 5 10 7 11 13 8 12 9 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"while the bbc claimed the plate , which read h982 fkl , was an ` unhappy coincidence ' , maria cristina barrionuevo said they were deliberately ` provoking people ' when they drove it through the country last year .a judge has ruled the controversial number plate that led to jeremy clarkson and his top gear colleagues being thrown out of argentina was a deliberate reference to the 1982 falklands warin a report released earlier this week she slammed their actions as ` arrogant and disrespectful ' .\"]\n", - "=======================\n", - "[\"the plate - h982 fkl - was on clarkson 's porsche during christmas speciallocal veterans considered it a reference to the bloody 1982 falklands warangry villagers attacked top gear convoy and the team fled the countryjudge ruled the number plate was deliberate reference despite bbc denial\"]\n", - "while the bbc claimed the plate , which read h982 fkl , was an ` unhappy coincidence ' , maria cristina barrionuevo said they were deliberately ` provoking people ' when they drove it through the country last year .a judge has ruled the controversial number plate that led to jeremy clarkson and his top gear colleagues being thrown out of argentina was a deliberate reference to the 1982 falklands warin a report released earlier this week she slammed their actions as ` arrogant and disrespectful ' .\n", - "the plate - h982 fkl - was on clarkson 's porsche during christmas speciallocal veterans considered it a reference to the bloody 1982 falklands warangry villagers attacked top gear convoy and the team fled the countryjudge ruled the number plate was deliberate reference despite bbc denial\n", - "[1.4964064 1.3889931 1.3713584 1.2212744 1.0529165 1.0989841 1.0256468\n", - " 1.0117064 1.0126939 1.234853 1.1734536 1.0180304 1.0155512 1.1378355\n", - " 1.0154122 1.032172 1.0879357 1.0364473 1.1275003 1.0852174 1.0503356]\n", - "\n", - "[ 0 1 2 9 3 10 13 18 5 16 19 4 20 17 15 6 11 12 14 8 7]\n", - "=======================\n", - "[\"kawhi leonard matched his career best with 26 points and set a new career-high with seven steals as the san antonio spurs rolled past golden state 107-92 on sunday , ending the warriors ' 12-game winning streak while extending their own to seven straight .san antonio also extended their home winning streak over golden state to 32 straight , dating back to 1997 , the season before duncan arrived .tim duncan had 19 points and danny green added 18 points for san antonio , who led by as many as 28 points .\"]\n", - "=======================\n", - "['leonard matched his career-best 26 points and seven stealssan antonio beat golden state 107-92 to continue 32-game home streakindiana beat miami 112-89 to keep their play-off hopes alivelebron james recorded first triple-double as cleveland beat chicago']\n", - "kawhi leonard matched his career best with 26 points and set a new career-high with seven steals as the san antonio spurs rolled past golden state 107-92 on sunday , ending the warriors ' 12-game winning streak while extending their own to seven straight .san antonio also extended their home winning streak over golden state to 32 straight , dating back to 1997 , the season before duncan arrived .tim duncan had 19 points and danny green added 18 points for san antonio , who led by as many as 28 points .\n", - "leonard matched his career-best 26 points and seven stealssan antonio beat golden state 107-92 to continue 32-game home streakindiana beat miami 112-89 to keep their play-off hopes alivelebron james recorded first triple-double as cleveland beat chicago\n", - "[1.2090569 1.4821882 1.2445036 1.1149557 1.0624409 1.141318 1.0441129\n", - " 1.0935118 1.1018414 1.196229 1.0773662 1.126197 1.0664743 1.0529528\n", - " 1.0236877 1.034371 1.046364 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 9 5 11 3 8 7 10 12 4 13 16 6 15 14 19 17 18 20]\n", - "=======================\n", - "[\"the woman was one of two people that had become trapped in rising waters at zetland in sydney 's inner-east , that was spotted by the same police rescue squad officer on his way to work .she was helped out of the vehicle by the officer and his co-worker at about 6.30 pm and did not suffer any injuries .dramatic pictures have emerged of a woman being rescued from her car which had become submerged in flood waters following saturday afternoon 's severe storms .\"]\n", - "=======================\n", - "[\"severe thunderstorm warnings were issued for blue mountains , the hawkesbury and sydney on saturday afternoon` large hailstones , heavy rainfall that may lead to flash flooding and damaging winds ' were forecast just after 3pmhails stones up to 2cm large were reported while social media users shared images of how the storm transformed various areas into snowfieldsseven buildings , including five 200m long factories , have collapsed under half a metre of hail in western sydneystate emergency services attended over 800 calls for help , however the storm had cleared by 7pm\"]\n", - "the woman was one of two people that had become trapped in rising waters at zetland in sydney 's inner-east , that was spotted by the same police rescue squad officer on his way to work .she was helped out of the vehicle by the officer and his co-worker at about 6.30 pm and did not suffer any injuries .dramatic pictures have emerged of a woman being rescued from her car which had become submerged in flood waters following saturday afternoon 's severe storms .\n", - "severe thunderstorm warnings were issued for blue mountains , the hawkesbury and sydney on saturday afternoon` large hailstones , heavy rainfall that may lead to flash flooding and damaging winds ' were forecast just after 3pmhails stones up to 2cm large were reported while social media users shared images of how the storm transformed various areas into snowfieldsseven buildings , including five 200m long factories , have collapsed under half a metre of hail in western sydneystate emergency services attended over 800 calls for help , however the storm had cleared by 7pm\n", - "[1.2608185 1.1985886 1.221454 1.2920216 1.226526 1.2549963 1.1917179\n", - " 1.0243177 1.0176412 1.0850623 1.1216046 1.0515364 1.0855823 1.0537391\n", - " 1.227459 1.018404 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 5 14 4 2 1 6 10 12 9 13 11 7 15 8 19 16 17 18 20]\n", - "=======================\n", - "['research carried out by the forsa institute found the number of people who considered the end of the conflict a defeat fell to just nine per cent - a 25 per cent drop in the last decade .germans now think of themselves as the victims of hitler and his nazi regimethe findings have been published exactly 70 years after hitler committed suicide in a bunker in berlin .']\n", - "=======================\n", - "['only nine per cent of germans now consider the end of wwii a defeatmany now see themselves as the victims of hitler and nazi regimehistorians now exploring crimes by allied forces and german suicides']\n", - "research carried out by the forsa institute found the number of people who considered the end of the conflict a defeat fell to just nine per cent - a 25 per cent drop in the last decade .germans now think of themselves as the victims of hitler and his nazi regimethe findings have been published exactly 70 years after hitler committed suicide in a bunker in berlin .\n", - "only nine per cent of germans now consider the end of wwii a defeatmany now see themselves as the victims of hitler and nazi regimehistorians now exploring crimes by allied forces and german suicides\n", - "[1.3209974 1.2125763 1.1735607 1.1601346 1.3646513 1.1155103 1.0356829\n", - " 1.0634774 1.1151031 1.1472417 1.0616453 1.1173772 1.0437592 1.0510921\n", - " 1.0726075 1.1761637 1.0582935 1.0888574 1.0677706 1.0172509 0. ]\n", - "\n", - "[ 4 0 1 15 2 3 9 11 5 8 17 14 18 7 10 16 13 12 6 19 20]\n", - "=======================\n", - "[\"martin odegaard ( right ) is expected to go out on loan from real madrid to gain experience next seasonpremier league clubs looking for players at barcelona and real madrid this summer will find a team 's worth .martin montoya is not considered to be the long-term replacement for dani alves at barcelona\"]\n", - "=======================\n", - "['real madrid expected to have a summer clear-out when the season endsbarcelona want to limit first-team departures due to their transfer banbut the b-team face relegation and barca want youngsters playing at a higher level']\n", - "martin odegaard ( right ) is expected to go out on loan from real madrid to gain experience next seasonpremier league clubs looking for players at barcelona and real madrid this summer will find a team 's worth .martin montoya is not considered to be the long-term replacement for dani alves at barcelona\n", - "real madrid expected to have a summer clear-out when the season endsbarcelona want to limit first-team departures due to their transfer banbut the b-team face relegation and barca want youngsters playing at a higher level\n", - "[1.2134031 1.4241974 1.262675 1.098153 1.0590385 1.1681085 1.2034956\n", - " 1.1189972 1.0523132 1.1364694 1.0966523 1.1673223 1.088245 1.0660503\n", - " 1.1037662 1.0659381 1.0419495 1.0532124 1.0152134 1.0496609 1.0173235\n", - " 1.0412745]\n", - "\n", - "[ 1 2 0 6 5 11 9 7 14 3 10 12 13 15 4 17 8 19 16 21 20 18]\n", - "=======================\n", - "[\"his unborn baby is due this week in kathmandu .he had tickets to travel to nepal for his child 's birth from a surrogate mother , but now he has no choice but to wait in his native israel for news .( cnn ) as nepal grapples with an earthquake that has killed more than 3,400 people , ronen ziv worries about someone he has never met .\"]\n", - "=======================\n", - "['nepal is a popular place for israeli couples to have surrogate childrenan estimated 10 to 15 surrogate mothers are due to give birth soon in kathmandu']\n", - "his unborn baby is due this week in kathmandu .he had tickets to travel to nepal for his child 's birth from a surrogate mother , but now he has no choice but to wait in his native israel for news .( cnn ) as nepal grapples with an earthquake that has killed more than 3,400 people , ronen ziv worries about someone he has never met .\n", - "nepal is a popular place for israeli couples to have surrogate childrenan estimated 10 to 15 surrogate mothers are due to give birth soon in kathmandu\n", - "[1.3517063 1.099747 1.2780575 1.2671552 1.1926165 1.1658051 1.1505885\n", - " 1.1030524 1.0699605 1.0358858 1.0660766 1.0694216 1.0526054 1.0503023\n", - " 1.0511289 1.0341034 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 3 4 5 6 7 1 8 11 10 12 14 13 9 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"researchers found the bombardier beetle ( pictured ) mimics a machine gun by mixing chemicals in an internal ` reaction chamber 'when threatened , the diminutive bug can then repeatedly fire streams of foul-smelling liquid from its rear , complete with ` gun smoke ' .it can even precisely aim the nozzle at the attacker .\"]\n", - "=======================\n", - "[\"bombardier beetle mimics machine gun using chemicals in its stomachas chemicals pass into the abdomen they mix with enzymes and explodeeach explosion causes the foul-smelling liquid to be forced from its rearit ` pulses ' repeatedly from the beetle 's rear - and the bug can even aim\"]\n", - "researchers found the bombardier beetle ( pictured ) mimics a machine gun by mixing chemicals in an internal ` reaction chamber 'when threatened , the diminutive bug can then repeatedly fire streams of foul-smelling liquid from its rear , complete with ` gun smoke ' .it can even precisely aim the nozzle at the attacker .\n", - "bombardier beetle mimics machine gun using chemicals in its stomachas chemicals pass into the abdomen they mix with enzymes and explodeeach explosion causes the foul-smelling liquid to be forced from its rearit ` pulses ' repeatedly from the beetle 's rear - and the bug can even aim\n", - "[1.3778542 1.2095289 1.4349443 1.2522044 1.2303517 1.2333068 1.1362009\n", - " 1.1424853 1.1319978 1.0632933 1.0347186 1.0200056 1.021893 1.0160754\n", - " 1.0107263 1.0121342 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 3 5 4 1 7 6 8 9 10 12 11 13 15 14 16 17 18 19 20 21]\n", - "=======================\n", - "[\"cambridge graduate svetlana lokhova was driven to a breakdown by a campaign of sexual harassment by bullying male colleagues , an employment tribunal found .workmates falsely accused her of being a cocaine user , dubbed her ` miss bonkers ' , and said she was hired by the bank only because of her looks .she was awarded # 3.14 million for lost earnings , # 44,000 for hurt feelings and # 15,000 in aggravated damages by judges at the central london employment tribunal .\"]\n", - "=======================\n", - "[\"svetlana lokhova worked in the london office of russian firm sberbanktribunal found she was driven to breakdown by bullying male colleaguesfalsely branded ` crazy miss cokehead ' even though she did n't take drugsshe has now been awarded # 3.2 million for sexual harassment by tribunal\"]\n", - "cambridge graduate svetlana lokhova was driven to a breakdown by a campaign of sexual harassment by bullying male colleagues , an employment tribunal found .workmates falsely accused her of being a cocaine user , dubbed her ` miss bonkers ' , and said she was hired by the bank only because of her looks .she was awarded # 3.14 million for lost earnings , # 44,000 for hurt feelings and # 15,000 in aggravated damages by judges at the central london employment tribunal .\n", - "svetlana lokhova worked in the london office of russian firm sberbanktribunal found she was driven to breakdown by bullying male colleaguesfalsely branded ` crazy miss cokehead ' even though she did n't take drugsshe has now been awarded # 3.2 million for sexual harassment by tribunal\n", - "[1.109829 1.2609217 1.192813 1.1462266 1.3678927 1.1167709 1.0675424\n", - " 1.0366513 1.0367489 1.1201726 1.0212564 1.1391023 1.0715005 1.0906112\n", - " 1.0780948 1.036932 1.0156364 1.0140966 1.0716245 1.0502747 0.\n", - " 0. ]\n", - "\n", - "[ 4 1 2 3 11 9 5 0 13 14 18 12 6 19 15 8 7 10 16 17 20 21]\n", - "=======================\n", - "[\"the self-tanning shower valve ` enables a radiant glow to be achieved at the touch of a button 'news reporters and advertisers have long enjoyed coming up with ever more cunning hoaxes on april fools ' day and today is no exception .this april 1 has seen products and advertisers outdo themselves in their attempt to grab attention and hoodwink consumers , all in the name of fun .\"]\n", - "=======================\n", - "[\"femail 's inboxes flooded with hoax kitchen and beauty product newsincluded unlikely launches like beafeater 's new vegan eatery leafeaterwe bring you the best of the april fools ' jokes doing the rounds today\"]\n", - "the self-tanning shower valve ` enables a radiant glow to be achieved at the touch of a button 'news reporters and advertisers have long enjoyed coming up with ever more cunning hoaxes on april fools ' day and today is no exception .this april 1 has seen products and advertisers outdo themselves in their attempt to grab attention and hoodwink consumers , all in the name of fun .\n", - "femail 's inboxes flooded with hoax kitchen and beauty product newsincluded unlikely launches like beafeater 's new vegan eatery leafeaterwe bring you the best of the april fools ' jokes doing the rounds today\n", - "[1.2249084 1.4250523 1.3357493 1.2347488 1.1845587 1.1394982 1.0807757\n", - " 1.0229335 1.043661 1.0943248 1.0560254 1.125355 1.0713935 1.0510676\n", - " 1.1261473 1.0494888 1.0195802 1.0281538 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 0 4 5 14 11 9 6 12 10 13 15 8 17 7 16 18 19 20 21]\n", - "=======================\n", - "[\"the egyptian-themed mansion , advertised as pharaoh 's palace on its website , promises a ` perfect private location ' on seven secluded acres in tampa .an august 2014 adult-themed party dubbed ` midsummer night wet dream ' got the mansion , bought by canadian millionaire gordon lownds , its first noise complaint .it was loud all-night parties that eventually busted the secret stripper training school hiding inside a $ 2million 12,000 sq ft mansion next door to an exclusive gated community in florida .\"]\n", - "=======================\n", - "[\"adult-themed ` midsummer night wet dream ' party got the mansion its first noise complaint in august 2014school was called pharaoh 's daughters and advertised to help ` promising young strippers ' find work at ` prestigious gentlemen 's clubs 'it has since been shut down by its principal owner , canadian millionaire gordon lowndslownds said he had planned to film a reality show at the mansion about the day-to-day lives of strippers\"]\n", - "the egyptian-themed mansion , advertised as pharaoh 's palace on its website , promises a ` perfect private location ' on seven secluded acres in tampa .an august 2014 adult-themed party dubbed ` midsummer night wet dream ' got the mansion , bought by canadian millionaire gordon lownds , its first noise complaint .it was loud all-night parties that eventually busted the secret stripper training school hiding inside a $ 2million 12,000 sq ft mansion next door to an exclusive gated community in florida .\n", - "adult-themed ` midsummer night wet dream ' party got the mansion its first noise complaint in august 2014school was called pharaoh 's daughters and advertised to help ` promising young strippers ' find work at ` prestigious gentlemen 's clubs 'it has since been shut down by its principal owner , canadian millionaire gordon lowndslownds said he had planned to film a reality show at the mansion about the day-to-day lives of strippers\n", - "[1.2889826 1.4674711 1.3272867 1.3695855 1.2179615 1.1591625 1.0948542\n", - " 1.105011 1.1046863 1.0680362 1.0813125 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 7 8 6 10 9 16 11 12 13 14 15 17]\n", - "=======================\n", - "[\"the man , who has been identified as 24-year-old felix david , was being arrested at a facility for mentally ill people transitioning into society from psychiatric institutions when he reportedly began attacking officers .david was shot in the chest by officers during the 1.45 pm incident and later died at a local hospital .a robbery suspect was shot dead by police on saturday during an arrest in new york city 's east village neighborhood .\"]\n", - "=======================\n", - "['man identified as felix david , 24 , shot in chest by police in east villagesources say the robbery suspect hit officer over head with his own radiotwo officers had head injuries , though they were not serious']\n", - "the man , who has been identified as 24-year-old felix david , was being arrested at a facility for mentally ill people transitioning into society from psychiatric institutions when he reportedly began attacking officers .david was shot in the chest by officers during the 1.45 pm incident and later died at a local hospital .a robbery suspect was shot dead by police on saturday during an arrest in new york city 's east village neighborhood .\n", - "man identified as felix david , 24 , shot in chest by police in east villagesources say the robbery suspect hit officer over head with his own radiotwo officers had head injuries , though they were not serious\n", - "[1.2542906 1.353524 1.3816044 1.3401922 1.1733012 1.1484046 1.0953704\n", - " 1.1663656 1.13285 1.0389569 1.0407313 1.059162 1.0894922 1.0481637\n", - " 1.0546465 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 0 4 7 5 8 6 12 11 14 13 10 9 16 15 17]\n", - "=======================\n", - "[\"his adoptive mother li has been arrested on suspicion of child abuse after teachers at his school in nanjing raised the alarm , says the people 's daily .photographs of the child , who was also beaten with metal rods and water pipes , have sparked outrage across china after they were shared online .the 50-year-old had adopted the boy after when he was six after was given up by her cousin , who thought she was sending her child to a better life away from the deprived rural area in which they lived .\"]\n", - "=======================\n", - "['warning : graphic contentchild left with horrific scars by adopted mother over homework she set himbiological mother had sent her son to live with cousin for a better lifeadoptive mum now in custody after incident that sparked outrage in china']\n", - "his adoptive mother li has been arrested on suspicion of child abuse after teachers at his school in nanjing raised the alarm , says the people 's daily .photographs of the child , who was also beaten with metal rods and water pipes , have sparked outrage across china after they were shared online .the 50-year-old had adopted the boy after when he was six after was given up by her cousin , who thought she was sending her child to a better life away from the deprived rural area in which they lived .\n", - "warning : graphic contentchild left with horrific scars by adopted mother over homework she set himbiological mother had sent her son to live with cousin for a better lifeadoptive mum now in custody after incident that sparked outrage in china\n", - "[1.2970988 1.3713696 1.3553593 1.2576258 1.1735125 1.1790048 1.1101763\n", - " 1.034617 1.0668339 1.0607532 1.0234905 1.1184028 1.1081302 1.1303868\n", - " 1.0131986 1.0557666 1.0824479 0. ]\n", - "\n", - "[ 1 2 0 3 5 4 13 11 6 12 16 8 9 15 7 10 14 17]\n", - "=======================\n", - "[\"the riot erupted in february 2012 when supporters of home team al-masry - from the canal city of port said - and cairo 's al-ahly clashed after an egyptian league match between the two clubs .an appeals court ordered the retrial of 73 defendants last year after rejecting a lower court 's verdict , which sentenced 21 people to death .eleven football fans have had their death sentences upheld after a retrial over a stadium riot in egypt which left 74 people dead .\"]\n", - "=======================\n", - "['eleven egyptian football fans face the death penalty over a riot in 2012clashes after a match in port said left 74 dead and sparked more protestsappeals courts last year ordered retrial after 21 fans given death sentencetwo of the 11 supporters given the death penalty today are still on the run']\n", - "the riot erupted in february 2012 when supporters of home team al-masry - from the canal city of port said - and cairo 's al-ahly clashed after an egyptian league match between the two clubs .an appeals court ordered the retrial of 73 defendants last year after rejecting a lower court 's verdict , which sentenced 21 people to death .eleven football fans have had their death sentences upheld after a retrial over a stadium riot in egypt which left 74 people dead .\n", - "eleven egyptian football fans face the death penalty over a riot in 2012clashes after a match in port said left 74 dead and sparked more protestsappeals courts last year ordered retrial after 21 fans given death sentencetwo of the 11 supporters given the death penalty today are still on the run\n", - "[1.2232451 1.3519825 1.347813 1.2870564 1.0400429 1.2326504 1.2346843\n", - " 1.1967683 1.0509701 1.0176449 1.234593 1.0692849 1.1175127 1.1031882\n", - " 1.040801 1.0329006 1.0479839 1.0183569]\n", - "\n", - "[ 1 2 3 6 10 5 0 7 12 13 11 8 16 14 4 15 17 9]\n", - "=======================\n", - "['the foreign office is looking into reports that two british citizens were among the six passengers on the small plane which crashed in the punta cana region of the caribbean island .the accident is believed to have happened at about 8.15 am in the east of the island when the single-engine piper pa-32 crashed shortly after take-off .local police said four of the passengers were tourists from spain and two were from britain , while the pilot was from the dominican republic .']\n", - "=======================\n", - "['two britons thought to be among seven killed in caribbean plane crashpiper pa-32 plane crashed in the punta cana region of dominican republicforeign office confirmed it is looking into reports of uk citizens on aircraftit is believed pilot was attempting emergency landing when crash occurred']\n", - "the foreign office is looking into reports that two british citizens were among the six passengers on the small plane which crashed in the punta cana region of the caribbean island .the accident is believed to have happened at about 8.15 am in the east of the island when the single-engine piper pa-32 crashed shortly after take-off .local police said four of the passengers were tourists from spain and two were from britain , while the pilot was from the dominican republic .\n", - "two britons thought to be among seven killed in caribbean plane crashpiper pa-32 plane crashed in the punta cana region of dominican republicforeign office confirmed it is looking into reports of uk citizens on aircraftit is believed pilot was attempting emergency landing when crash occurred\n", - "[1.2932135 1.4427688 1.2525084 1.236984 1.1398401 1.1248506 1.0718756\n", - " 1.0974481 1.2262802 1.1041659 1.0665042 1.0847995 1.0176468 1.0359515\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 8 4 5 9 7 11 6 10 13 12 16 14 15 17]\n", - "=======================\n", - "[\"council inspectors found a shocking state of hygiene at the steer inn in wilberfoss , east yorkshire - and owner david crossfield later admitted 17 charges of breaching food safety regulations .mouldy food was discovered in a restaurant by inspectors after a diner complained of finding dog faeces on the floor - leading to # 15,000 in fines for the ` dangerous ' owner .officers carried out inspections where they found food in the kitchen was mouldy and unfit for human consumption - and food was being served to the public that had exceeded its use by date .\"]\n", - "=======================\n", - "[\"east yorkshire restaurant probed after diner reported seeing dog faecesout-of-date food served and there was a high cross-contamination risk` foolish ' owner david crossfield , 52 , and his business are fined # 15,000now-closed restaurant did n't carry out regular disinfection and cleaning\"]\n", - "council inspectors found a shocking state of hygiene at the steer inn in wilberfoss , east yorkshire - and owner david crossfield later admitted 17 charges of breaching food safety regulations .mouldy food was discovered in a restaurant by inspectors after a diner complained of finding dog faeces on the floor - leading to # 15,000 in fines for the ` dangerous ' owner .officers carried out inspections where they found food in the kitchen was mouldy and unfit for human consumption - and food was being served to the public that had exceeded its use by date .\n", - "east yorkshire restaurant probed after diner reported seeing dog faecesout-of-date food served and there was a high cross-contamination risk` foolish ' owner david crossfield , 52 , and his business are fined # 15,000now-closed restaurant did n't carry out regular disinfection and cleaning\n", - "[1.1697491 1.2942723 1.1994148 1.2847452 1.2075634 1.173868 1.1364217\n", - " 1.1629479 1.1180133 1.0474812 1.0483286 1.0595313 1.0747403 1.0470784\n", - " 1.1686907 1.1120024 1.0178202 1.0113887]\n", - "\n", - "[ 1 3 4 2 5 0 14 7 6 8 15 12 11 10 9 13 16 17]\n", - "=======================\n", - "[\"insurers are dodging the rules that ban them from charging female drivers less by offering lower premiums to motorists who have jobs that are done mainly by women , he said .sheilas ' wheels : the gender equality rules , laid down by the eu court of justice , came into effect from december 2012 .stephen mcdonald , of newcastle university business school , analysed this pay-by-job system .\"]\n", - "=======================\n", - "[\"young women can get cheaper car insurance than men , economist warnshe says drivers with jobs mainly done by women offered lower premiumsnewcastle university 's stephen mcdonald analysed this pay-by-job systemdental nurse , 21 , likely to pay 10 per cent less than they would have in 2011\"]\n", - "insurers are dodging the rules that ban them from charging female drivers less by offering lower premiums to motorists who have jobs that are done mainly by women , he said .sheilas ' wheels : the gender equality rules , laid down by the eu court of justice , came into effect from december 2012 .stephen mcdonald , of newcastle university business school , analysed this pay-by-job system .\n", - "young women can get cheaper car insurance than men , economist warnshe says drivers with jobs mainly done by women offered lower premiumsnewcastle university 's stephen mcdonald analysed this pay-by-job systemdental nurse , 21 , likely to pay 10 per cent less than they would have in 2011\n", - "[1.5207453 1.2412226 1.3303213 1.4939824 1.2852132 1.3886518 1.0459993\n", - " 1.0184635 1.0218107 1.0528414 1.0218822 1.0263509 1.0142455 1.026875\n", - " 1.0171808 0. 0. 0. ]\n", - "\n", - "[ 0 3 5 2 4 1 9 6 13 11 10 8 7 14 12 15 16 17]\n", - "=======================\n", - "['crystal palace manager alan pardew insists he is not interested in raiding former club newcastle for tim krul and is disappointed that reports emerged suggesting he was planning a move .alan pardew admits he is disappointed to be linked with a raid on his former club for goalkeeper tim krulthe 53-year-old made the shock decision to leave newcastle for the south london club in january but maintains that he is happy with current no 1 julian speroni .']\n", - "=======================\n", - "['alan pardew left newcastle to take over as crystal palace managerthere have been rumours linking him with magpies keeper tim krulpardew is disappointed that reports emerged suggesting the movehe says there has been no contact between him and the club or the player']\n", - "crystal palace manager alan pardew insists he is not interested in raiding former club newcastle for tim krul and is disappointed that reports emerged suggesting he was planning a move .alan pardew admits he is disappointed to be linked with a raid on his former club for goalkeeper tim krulthe 53-year-old made the shock decision to leave newcastle for the south london club in january but maintains that he is happy with current no 1 julian speroni .\n", - "alan pardew left newcastle to take over as crystal palace managerthere have been rumours linking him with magpies keeper tim krulpardew is disappointed that reports emerged suggesting the movehe says there has been no contact between him and the club or the player\n", - "[1.2484785 1.4675801 1.2514948 1.2213862 1.1960461 1.0575378 1.1340213\n", - " 1.0782413 1.0613251 1.1171926 1.0163016 1.0647136 1.0937551 1.0441581\n", - " 1.0832883 1.0306907 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 6 9 12 14 7 11 8 5 13 15 10 16 17]\n", - "=======================\n", - "[\"the jovial dictator allegedly scaled the 9,000 ft high mount paektu near the chinese border , before telling troops at its peak that the climb was like ` nuclear weapons ' .pictures released by north korean state media show the 32-year-old leader smiling on the top at sunrise before visiting troops at the mountain 's base .kim jong-un has appeared in yet another unusual set of pictures , showing him allegedly climbing north koreas highest mountain in nothing but an overcoat and leather shoes .\"]\n", - "=======================\n", - "[\"north korean leader climbed highest peak to speak to troopskim jong-un said the hike was ` more powerful than nuclear weapons 'took photo with troops on summit before visiting army base\"]\n", - "the jovial dictator allegedly scaled the 9,000 ft high mount paektu near the chinese border , before telling troops at its peak that the climb was like ` nuclear weapons ' .pictures released by north korean state media show the 32-year-old leader smiling on the top at sunrise before visiting troops at the mountain 's base .kim jong-un has appeared in yet another unusual set of pictures , showing him allegedly climbing north koreas highest mountain in nothing but an overcoat and leather shoes .\n", - "north korean leader climbed highest peak to speak to troopskim jong-un said the hike was ` more powerful than nuclear weapons 'took photo with troops on summit before visiting army base\n", - "[1.1946437 1.4230857 1.313638 1.2879927 1.2143488 1.0668893 1.1000788\n", - " 1.067925 1.2252438 1.1683252 1.0685579 1.0538706 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 8 4 0 9 6 10 7 5 11 16 12 13 14 15 17]\n", - "=======================\n", - "['zachariah fike head of vermont-based purple hearts reunited , says the military id belonged to world war ii veteran cpl. william benn , who lost them in 1939 at a coastal artillery placement on salisbury beach .metal detector enthusiast bill ladd found them after a storm last year .fike and ladd gave the tags to william benn of providence , rhode island , on sunday afternoon .']\n", - "=======================\n", - "['zachariah fike head of vermont-based purple hearts reunited , says the military id belonged to world war ii veteran cpl. william bennbenn lost them in 1939 at a coastal artillery placement on salisbury beachdiscovered last year by metal detector enthusiast following a storm']\n", - "zachariah fike head of vermont-based purple hearts reunited , says the military id belonged to world war ii veteran cpl. william benn , who lost them in 1939 at a coastal artillery placement on salisbury beach .metal detector enthusiast bill ladd found them after a storm last year .fike and ladd gave the tags to william benn of providence , rhode island , on sunday afternoon .\n", - "zachariah fike head of vermont-based purple hearts reunited , says the military id belonged to world war ii veteran cpl. william bennbenn lost them in 1939 at a coastal artillery placement on salisbury beachdiscovered last year by metal detector enthusiast following a storm\n", - "[1.2805023 1.3307046 1.3166423 1.2846274 1.020453 1.0654898 1.1782258\n", - " 1.0342989 1.0740718 1.0398417 1.0785336 1.080825 1.1375294 1.0245922\n", - " 1.0230134 1.0152348 0. 0. ]\n", - "\n", - "[ 1 2 3 0 6 12 11 10 8 5 9 7 13 14 4 15 16 17]\n", - "=======================\n", - "['the storm prediction center , in a midday update to its forecast wednesday , upgraded to its second-highest advisory level - a moderate risk - while stressing that a significant tornado or two could form in a narrow stretch from northern oklahoma to central missouri .strong storms swamped indianapolis , cincinnati and charleston , west virginia , at midday wednesday and forecasters said more severe weather could form as far away as the plains of west texas .warning : some 34 million midwesterners have been warned of possible powerful tornadoes as a dangerous thunderstorms pummeled the region wednesday and into thursday']\n", - "=======================\n", - "[\"massive hailstones already fell wednesday during the storm system 's first lashings in missouri , kentucky and kansasstrong storms also swamped indianapolis , cincinnati and charleston , west virginia at midday wednesdayexperts warned that millions were under a moderate tornado threat wednesday evening into thursday\"]\n", - "the storm prediction center , in a midday update to its forecast wednesday , upgraded to its second-highest advisory level - a moderate risk - while stressing that a significant tornado or two could form in a narrow stretch from northern oklahoma to central missouri .strong storms swamped indianapolis , cincinnati and charleston , west virginia , at midday wednesday and forecasters said more severe weather could form as far away as the plains of west texas .warning : some 34 million midwesterners have been warned of possible powerful tornadoes as a dangerous thunderstorms pummeled the region wednesday and into thursday\n", - "massive hailstones already fell wednesday during the storm system 's first lashings in missouri , kentucky and kansasstrong storms also swamped indianapolis , cincinnati and charleston , west virginia at midday wednesdayexperts warned that millions were under a moderate tornado threat wednesday evening into thursday\n", - "[1.2618988 1.3218083 1.2073264 1.1693068 1.026751 1.186033 1.1528401\n", - " 1.161707 1.0264839 1.043063 1.154634 1.1226693 1.0376338 1.0539793\n", - " 1.0641003 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 5 3 7 10 6 11 14 13 9 12 4 8 19 15 16 17 18 20]\n", - "=======================\n", - "['as a candidate for president in 2008 , obama promised to use the term to describe the mass murder if elected but has not followed through despite calls from the most famous armenian-american , kim kardashian , and the pope for the world to recognize the killings as a genocide .kardashian , whose armenian heritage comes from her father , the late robert kardashian , has used her celebrity since at least 2011 to bring awareness to the genocide .tricky language : president barack obama ( pictured tuesday ) will be sending an administration official to armenia this week , to mark the 100th anniversary of the 1915 massacre by ottoman turks .']\n", - "=======================\n", - "[\"in 1915 , 1.5 million armenians were killed by ottoman turks in what historians have described as the first genocide of the 20th centuryobama refused to call the mass killings a ` genocide ' in official statement despite promising as a presidential candidate that he wouldturkish officials furiously deny there was a genocide , and obama has shied away from offending the close u.s. allykim kardashian - who is armenian on her father 's side - and the pope have both called the killings a genocidekasdashian last week traveled to the country for the first time with her husband kanye west , sister khole and cousins kara and kourtnithe white house will be sending treasury secretary jacob lew to armenia this week to mark the 100th anniversary of the killings\"]\n", - "as a candidate for president in 2008 , obama promised to use the term to describe the mass murder if elected but has not followed through despite calls from the most famous armenian-american , kim kardashian , and the pope for the world to recognize the killings as a genocide .kardashian , whose armenian heritage comes from her father , the late robert kardashian , has used her celebrity since at least 2011 to bring awareness to the genocide .tricky language : president barack obama ( pictured tuesday ) will be sending an administration official to armenia this week , to mark the 100th anniversary of the 1915 massacre by ottoman turks .\n", - "in 1915 , 1.5 million armenians were killed by ottoman turks in what historians have described as the first genocide of the 20th centuryobama refused to call the mass killings a ` genocide ' in official statement despite promising as a presidential candidate that he wouldturkish officials furiously deny there was a genocide , and obama has shied away from offending the close u.s. allykim kardashian - who is armenian on her father 's side - and the pope have both called the killings a genocidekasdashian last week traveled to the country for the first time with her husband kanye west , sister khole and cousins kara and kourtnithe white house will be sending treasury secretary jacob lew to armenia this week to mark the 100th anniversary of the killings\n", - "[1.3255235 1.425101 1.2446274 1.1014725 1.2466583 1.0427574 1.079231\n", - " 1.0232784 1.0306214 1.2389839 1.1068286 1.1778337 1.0365405 1.0565166\n", - " 1.023848 1.0675582 1.0310313 1.0153685 1.0153878 1.0090863 1.071876 ]\n", - "\n", - "[ 1 0 4 2 9 11 10 3 6 20 15 13 5 12 16 8 14 7 18 17 19]\n", - "=======================\n", - "[\"many people were genuinely upset over the cancellation - blaming the festival organisers for sending themselves broke by spending too much money on headline acts drake and avicii .punters have reacted with a mixture of amusement and fury to the announcement future music festival will not return to australia in 2016 .but others were quick to make fun of future festival goers , blaming ` shirtless f *** wits ' for ruining the festival and joking that ` gym memberships and ecstasy dealers ' would be hardest hit .\"]\n", - "=======================\n", - "[\"punters reacted with amusement and fury to future festival cancellationmany people were genuinely upset over the announcement - blaming the festival organisers for spending too much on drake and aviciibut others were quick to make fun of future festival goers on social mediaorganisers said the festival ` does n't make financial sense anymore '\"]\n", - "many people were genuinely upset over the cancellation - blaming the festival organisers for sending themselves broke by spending too much money on headline acts drake and avicii .punters have reacted with a mixture of amusement and fury to the announcement future music festival will not return to australia in 2016 .but others were quick to make fun of future festival goers , blaming ` shirtless f *** wits ' for ruining the festival and joking that ` gym memberships and ecstasy dealers ' would be hardest hit .\n", - "punters reacted with amusement and fury to future festival cancellationmany people were genuinely upset over the announcement - blaming the festival organisers for spending too much on drake and aviciibut others were quick to make fun of future festival goers on social mediaorganisers said the festival ` does n't make financial sense anymore '\n", - "[1.5086938 1.2332647 1.3563633 1.1555632 1.1376723 1.1254721 1.1531589\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 6 4 5 18 17 16 15 14 13 10 11 19 9 8 7 12 20]\n", - "=======================\n", - "[\"( cnn ) a new york city detective has been suspended after being accused of stealing $ 3,000 during an illegal cigarettes raid , according to police spokesman stephen davis .surveillance video obtained by cnn affiliate news 12 brooklyn appears to show det. ian cyrus stashing cash in a bag before leaving the yemen deli and grocery store in brooklyn last friday .ali abdullah , the store 's manager , noticed the money was gone from a box , but assumed it was taken by one of his employees .\"]\n", - "=======================\n", - "['new york police detective ian cyrus has been suspended pending internal investigationhe is accused of stealing $ 3,000 during an illegal cigarettes raid , police say']\n", - "( cnn ) a new york city detective has been suspended after being accused of stealing $ 3,000 during an illegal cigarettes raid , according to police spokesman stephen davis .surveillance video obtained by cnn affiliate news 12 brooklyn appears to show det. ian cyrus stashing cash in a bag before leaving the yemen deli and grocery store in brooklyn last friday .ali abdullah , the store 's manager , noticed the money was gone from a box , but assumed it was taken by one of his employees .\n", - "new york police detective ian cyrus has been suspended pending internal investigationhe is accused of stealing $ 3,000 during an illegal cigarettes raid , police say\n", - "[1.235843 1.1387091 1.2465695 1.2369406 1.2106768 1.2153215 1.1365968\n", - " 1.1333389 1.0964912 1.0369912 1.1102077 1.0836834 1.1017213 1.0690863\n", - " 1.0447752 1.099725 1.0525584 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 5 4 1 6 7 10 12 15 8 11 13 16 14 9 19 17 18 20]\n", - "=======================\n", - "['in fact , they found most of those teens who do try e-cigarettes are also smokers .this suggests young people are not using the electronic alternatives to try and quit their habits - nor are they getting hooked on them after initially trying them .many teenagers are tempted to try e-cigarettes , but few adopt the electronic devices as habit , a new study has found']\n", - "=======================\n", - "['cardiff university scientists found few teenagers become regular usersnoted most teens who try e-cigarettes are already smokerssuggest they are not using the electronic devices to help quit their habit']\n", - "in fact , they found most of those teens who do try e-cigarettes are also smokers .this suggests young people are not using the electronic alternatives to try and quit their habits - nor are they getting hooked on them after initially trying them .many teenagers are tempted to try e-cigarettes , but few adopt the electronic devices as habit , a new study has found\n", - "cardiff university scientists found few teenagers become regular usersnoted most teens who try e-cigarettes are already smokerssuggest they are not using the electronic devices to help quit their habit\n", - "[1.345087 1.1555754 1.1780272 1.5719097 1.1736025 1.2043078 1.1250501\n", - " 1.0247159 1.022675 1.009335 1.0100819 1.0122126 1.413705 1.0298308\n", - " 1.0099102 1.0588938 1.0849309 1.1685312 1.018402 0. 0. ]\n", - "\n", - "[ 3 12 0 5 2 4 17 1 6 16 15 13 7 8 18 11 10 14 9 19 20]\n", - "=======================\n", - "[\"kimi raikkonen finished fourth at the chinese grand prix in shanghai on sundaya resurgent kimi raikkonen sees no reason why ferrari can not win this year 's formula one world title race .only qualifying issues have denied raikkonen better results so far this term , with the 35-year-old knocking on the door of his first podium place for 19 months after finishing fourth in the last two races .\"]\n", - "=======================\n", - "[\"ferrari finished disappointing fourth in the constructors ' standings in 2014they improved this season and are second to mercedes after three racessebastian vettel won the second race of the season in malaysia last monthkimi raikkonen sees no reason why ferrari can not challenge for the titleclick here for all the latest f1 news\"]\n", - "kimi raikkonen finished fourth at the chinese grand prix in shanghai on sundaya resurgent kimi raikkonen sees no reason why ferrari can not win this year 's formula one world title race .only qualifying issues have denied raikkonen better results so far this term , with the 35-year-old knocking on the door of his first podium place for 19 months after finishing fourth in the last two races .\n", - "ferrari finished disappointing fourth in the constructors ' standings in 2014they improved this season and are second to mercedes after three racessebastian vettel won the second race of the season in malaysia last monthkimi raikkonen sees no reason why ferrari can not challenge for the titleclick here for all the latest f1 news\n", - "[1.1894239 1.3682492 1.2872447 1.3403108 1.3584509 1.1531552 1.1347862\n", - " 1.0927887 1.1953112 1.0212535 1.0231345 1.0360298 1.0381347 1.012833\n", - " 1.022646 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 2 8 0 5 6 7 12 11 10 14 9 13 16 15 17]\n", - "=======================\n", - "['official figures show there has been a stark 14 per cent rise in the number of men opting to work part-time in the last two years .there are now 1.02 million men in the uk who have opted to work reduced hours , compared to 4.58 million women -- who more commonly work part-time to care for children or family .but recruitment experts said the rise in part-time male workers also signalled an increase in pre-tirement -- a trend where older gradually reduce their hours rather than suddenly retiring .']\n", - "=======================\n", - "['only 4 % more women have chosen to go part-time over the last two yearsthere are now 1.02 million men in uk who have decided to reduce hoursmen now make up 10 % of parents who care for children or family full-time']\n", - "official figures show there has been a stark 14 per cent rise in the number of men opting to work part-time in the last two years .there are now 1.02 million men in the uk who have opted to work reduced hours , compared to 4.58 million women -- who more commonly work part-time to care for children or family .but recruitment experts said the rise in part-time male workers also signalled an increase in pre-tirement -- a trend where older gradually reduce their hours rather than suddenly retiring .\n", - "only 4 % more women have chosen to go part-time over the last two yearsthere are now 1.02 million men in uk who have decided to reduce hoursmen now make up 10 % of parents who care for children or family full-time\n", - "[1.2820734 1.4343863 1.2647554 1.3475955 1.0531955 1.178004 1.1387621\n", - " 1.0241015 1.0314606 1.0829306 1.0305207 1.0359439 1.0226499 1.046659\n", - " 1.0795516 1.0684135 0. 0. ]\n", - "\n", - "[ 1 3 0 2 5 6 9 14 15 4 13 11 8 10 7 12 16 17]\n", - "=======================\n", - "[\"somali-born author ayaan hirsi ali , 45 , emigrated to america in 2006 after facing death threats in the netherlands , where she had been a member of parliament and a target for extremists after renouncing her faith and becoming an atheist .a muslim women 's rights advocate and outspoken critic of islam has championed the u.s. as the best country in the world to live as a woman and as a black person .ali said that the law in the u.s. and the fact that the majority of the population are accepting of differences make it easier for all types of minority groups including woman , black people , gays and jews . '\"]\n", - "=======================\n", - "['ayaan hirsi ali has championed the u.s. as the best country in the world to live as a woman and as a black person` is it perfect ?a liberal , she has accused fellow liberals of failing to have a proper sense of perspective about life in the u.s. and for not being more critical of islamhirsi ali was raised in a strict muslim family , but after genital mutilation , beatings and an arranged marriage , she renounced the faith in her 30s']\n", - "somali-born author ayaan hirsi ali , 45 , emigrated to america in 2006 after facing death threats in the netherlands , where she had been a member of parliament and a target for extremists after renouncing her faith and becoming an atheist .a muslim women 's rights advocate and outspoken critic of islam has championed the u.s. as the best country in the world to live as a woman and as a black person .ali said that the law in the u.s. and the fact that the majority of the population are accepting of differences make it easier for all types of minority groups including woman , black people , gays and jews . '\n", - "ayaan hirsi ali has championed the u.s. as the best country in the world to live as a woman and as a black person` is it perfect ?a liberal , she has accused fellow liberals of failing to have a proper sense of perspective about life in the u.s. and for not being more critical of islamhirsi ali was raised in a strict muslim family , but after genital mutilation , beatings and an arranged marriage , she renounced the faith in her 30s\n", - "[1.3196598 1.3610631 1.2502129 1.3294146 1.2018877 1.021121 1.118852\n", - " 1.1293868 1.0714037 1.0804765 1.0341514 1.0362679 1.0335505 1.0360651\n", - " 1.0245548 1.071688 1.1545836 1.044488 ]\n", - "\n", - "[ 1 3 0 2 4 16 7 6 9 15 8 17 11 13 10 12 14 5]\n", - "=======================\n", - "[\"audrey bolte , who also finished runner-up in miss usa , told prosecutors she was looking forward to seeing poston , 29 , at a bar to play pool and drink on october 12 , 2012 , but he failed to arrive .the night that ryan poston was shot dead by his on-again , off-again girlfriend he was supposed to meet a former miss ohio 2012 beauty queen for a date , an ohio court heard on thursday .that was because shayna hubers had shot him six times at home - during which she allegedly ` cackled ' with glee claimed a cellmate of the accused , who claims the 24-year-old confessed to her while behind bars .\"]\n", - "=======================\n", - "['ohio court hears that ryan poston was supposed to meet audrey bolte the night he was shot deadshayna hubers , shot dead lawyer ryan poston in 2012she claims it was in self-defense but the prosecution claims it was murderhubers , then 21 , told police she shot poston in the face and then fired again to put him out of his misery']\n", - "audrey bolte , who also finished runner-up in miss usa , told prosecutors she was looking forward to seeing poston , 29 , at a bar to play pool and drink on october 12 , 2012 , but he failed to arrive .the night that ryan poston was shot dead by his on-again , off-again girlfriend he was supposed to meet a former miss ohio 2012 beauty queen for a date , an ohio court heard on thursday .that was because shayna hubers had shot him six times at home - during which she allegedly ` cackled ' with glee claimed a cellmate of the accused , who claims the 24-year-old confessed to her while behind bars .\n", - "ohio court hears that ryan poston was supposed to meet audrey bolte the night he was shot deadshayna hubers , shot dead lawyer ryan poston in 2012she claims it was in self-defense but the prosecution claims it was murderhubers , then 21 , told police she shot poston in the face and then fired again to put him out of his misery\n", - "[1.2912749 1.3831408 1.3922455 1.2681394 1.2614281 1.1841779 1.0821124\n", - " 1.0319687 1.2280275 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 4 8 5 6 7 16 9 10 11 12 13 14 15 17]\n", - "=======================\n", - "[\"sussex police say the girl suffered a single puncture wound to her upper lip following the incident in findon road , whitehawk , at around 6.30 pm on thursday .the child was outside shops with her older sister in brighton , east sussex , when the dog attacked her .police are hunting the owner of a ` staffy-type ' dog after a four-year-old girl suffered bite wounds to the face .\"]\n", - "=======================\n", - "['girl was outside shops in brighton , east sussex when she was attackedshe received a puncture wound to her upper lip and was treated in hospitalpolice are hunting a man in his 50s with purple hair and brown moustache']\n", - "sussex police say the girl suffered a single puncture wound to her upper lip following the incident in findon road , whitehawk , at around 6.30 pm on thursday .the child was outside shops with her older sister in brighton , east sussex , when the dog attacked her .police are hunting the owner of a ` staffy-type ' dog after a four-year-old girl suffered bite wounds to the face .\n", - "girl was outside shops in brighton , east sussex when she was attackedshe received a puncture wound to her upper lip and was treated in hospitalpolice are hunting a man in his 50s with purple hair and brown moustache\n", - "[1.4201417 1.0917041 1.2282557 1.1774379 1.2510163 1.2006401 1.0834285\n", - " 1.021989 1.110176 1.0331126 1.0431268 1.1209042 1.0820556 1.0292056\n", - " 1.028937 1.0268953 1.023429 1.0610421]\n", - "\n", - "[ 0 4 2 5 3 11 8 1 6 12 17 10 9 13 14 15 16 7]\n", - "=======================\n", - "['floyd mayweather vs manny pacquiao will be the biggest fight of all time financially and the most significant this century .the second fight of the centurywhere money man vs pacman comes to rank among the most important fights in ring history will depend upon what happens that coming night in the mgm grand garden arena .']\n", - "=======================\n", - "[\"floyd mayweather jr and manny pacquiao 's fight will be the richest eversportsmail 's jeff powell is counting down the ring 's most significant fightsjoe frazier v muhammad ali in new york in 1971 is the third in the seriessmokin ' joe was two-belt champion bizarrely backed by conservativesali was darling of young blacks after refusal to fight in vietnam\"]\n", - "floyd mayweather vs manny pacquiao will be the biggest fight of all time financially and the most significant this century .the second fight of the centurywhere money man vs pacman comes to rank among the most important fights in ring history will depend upon what happens that coming night in the mgm grand garden arena .\n", - "floyd mayweather jr and manny pacquiao 's fight will be the richest eversportsmail 's jeff powell is counting down the ring 's most significant fightsjoe frazier v muhammad ali in new york in 1971 is the third in the seriessmokin ' joe was two-belt champion bizarrely backed by conservativesali was darling of young blacks after refusal to fight in vietnam\n", - "[1.5040599 1.3687181 1.1243403 1.2385786 1.3479152 1.0960231 1.0625968\n", - " 1.1488564 1.1754944 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 3 8 7 2 5 6 17 16 15 14 9 12 11 10 18 13 19]\n", - "=======================\n", - "[\"jonathan trott 's first innings on his return to test cricket for the first time in 17 months was brief and unsuccessful , as he was caught at first slip just three balls in .trott last played a test for his country in november 2013 , when he withdrew from england 's disastrous ashes tour with a stress-related illness .jerome taylor celebrates dismissing trott in the first over as england slumped to 1-1 after just five balls\"]\n", - "=======================\n", - "['jonathan trott out after three balls , caught by darren bravo at sliptrott is playing his first test for over a year after stress-related illnesswarwickshire batsman was promoted to open , but failed in first inningsfollow the first test live here']\n", - "jonathan trott 's first innings on his return to test cricket for the first time in 17 months was brief and unsuccessful , as he was caught at first slip just three balls in .trott last played a test for his country in november 2013 , when he withdrew from england 's disastrous ashes tour with a stress-related illness .jerome taylor celebrates dismissing trott in the first over as england slumped to 1-1 after just five balls\n", - "jonathan trott out after three balls , caught by darren bravo at sliptrott is playing his first test for over a year after stress-related illnesswarwickshire batsman was promoted to open , but failed in first inningsfollow the first test live here\n", - "[1.4047054 1.4631757 1.1405615 1.5267527 1.3306776 1.2533792 1.0434011\n", - " 1.018701 1.0178227 1.0176215 1.0155464 1.0153348 1.0083305 1.0108303\n", - " 1.0172917 1.0931898 1.0593692 1.1843829 1.0988203 1.0290483]\n", - "\n", - "[ 3 1 0 4 5 17 2 18 15 16 6 19 7 8 9 14 10 11 13 12]\n", - "=======================\n", - "[\"john carver was left embarrassed after newcastle united 's 1-0 loss at sunderland in the tyne-wear derbyjermain defoe 's stunning strike was enough to secure a 1-0 victory for the black cats , who eased their relegation fears with just a third barclays premier league win of the season at the stadium of light .head coach john carver admitted he was 'em barrassed ' by newcastle 's capitulation at sunderland after seeing his side slip to a fifth successive derby defeat .\"]\n", - "=======================\n", - "[\"jermain defoe scored stunning winner as sunderland beat newcastle 1-0carver admitted that newcastle 's performance was 'em barrassing 'manager said his team were second-best to rival in all departmentscounterpart dick advocaat said result was a ` boost for everybody 'win puts the black cats three points clear of the relegation zone\"]\n", - "john carver was left embarrassed after newcastle united 's 1-0 loss at sunderland in the tyne-wear derbyjermain defoe 's stunning strike was enough to secure a 1-0 victory for the black cats , who eased their relegation fears with just a third barclays premier league win of the season at the stadium of light .head coach john carver admitted he was 'em barrassed ' by newcastle 's capitulation at sunderland after seeing his side slip to a fifth successive derby defeat .\n", - "jermain defoe scored stunning winner as sunderland beat newcastle 1-0carver admitted that newcastle 's performance was 'em barrassing 'manager said his team were second-best to rival in all departmentscounterpart dick advocaat said result was a ` boost for everybody 'win puts the black cats three points clear of the relegation zone\n", - "[1.2619528 1.3559747 1.2881927 1.3156829 1.1869091 1.1137542 1.1185949\n", - " 1.0385613 1.0183058 1.1110597 1.1239212 1.0338233 1.1085274 1.0770355\n", - " 1.0623448 1.0214823 1.0857719 1.0231982 1.0149934 0. ]\n", - "\n", - "[ 1 3 2 0 4 10 6 5 9 12 16 13 14 7 11 17 15 8 18 19]\n", - "=======================\n", - "['some 3.7 million of the short-fused gun owners also confessed to carrying their weapons outside of the home .around one in 10 american suffering from explosive anger management issues has easy access to guns , a study has foundthe research carried out by harvard , columbia and duke university found that the majority of angry gun owners were young or middle aged men .']\n", - "=======================\n", - "['8.9 per cent of americans have impulsive anger issues and access to guns3.7 million of the short-fused gun owners carry weapons in publicstudy by three universities interviewed more than 5,000 men and womancomes in the wake of a number of high-profile gun tragedies in the us']\n", - "some 3.7 million of the short-fused gun owners also confessed to carrying their weapons outside of the home .around one in 10 american suffering from explosive anger management issues has easy access to guns , a study has foundthe research carried out by harvard , columbia and duke university found that the majority of angry gun owners were young or middle aged men .\n", - "8.9 per cent of americans have impulsive anger issues and access to guns3.7 million of the short-fused gun owners carry weapons in publicstudy by three universities interviewed more than 5,000 men and womancomes in the wake of a number of high-profile gun tragedies in the us\n", - "[1.5616311 1.194624 1.1636939 1.125227 1.0996846 1.0870051 1.2631831\n", - " 1.117012 1.2878875 1.1005012 1.0562339 1.0349826 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 8 6 1 2 3 7 9 4 5 10 11 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "['( the hollywood reporter ) a trailer for zack snyder \\'s upcoming \" batman v. superman : dawn of justice \" leaked online on thursday before quickly being taken down minutes later .the highly anticipated footage was set to premiere in imax theaters on monday .a youtube user uploaded the handheld or camera phone capture of the trailer , which had spanish subtitles on the screen .']\n", - "=======================\n", - "['\" batman v. superman : dawn of justice \" trailer leaked thursday before being yanked offlinefilm will be released on march 25 , 2016 and stars ben affleck and henry cavill']\n", - "( the hollywood reporter ) a trailer for zack snyder 's upcoming \" batman v. superman : dawn of justice \" leaked online on thursday before quickly being taken down minutes later .the highly anticipated footage was set to premiere in imax theaters on monday .a youtube user uploaded the handheld or camera phone capture of the trailer , which had spanish subtitles on the screen .\n", - "\" batman v. superman : dawn of justice \" trailer leaked thursday before being yanked offlinefilm will be released on march 25 , 2016 and stars ben affleck and henry cavill\n", - "[1.1952202 1.5553268 1.2572802 1.2126294 1.164037 1.0882144 1.1181122\n", - " 1.0336493 1.0139539 1.0173373 1.1402998 1.0972608 1.1161765 1.0704825\n", - " 1.0431535 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 10 6 12 11 5 13 14 7 9 8 15 16 17 18 19]\n", - "=======================\n", - "[\"gary barlow , mark owen and howard donald , who embark on their latest uk tour tomorrow , were told to pay back the cash 11 months ago after the ` investment ' scheme they put millions into was ruled invalid .it is understood the trio are dealing directly with hmrc but have yet to stump up the cash .take that have come under fire after it emerged the pop stars have still not repaid the # 20million they owe the taxman - one year after they were ordered to do so .\"]\n", - "=======================\n", - "[\"gary barlow , mark owen and howard donald ordered to repay # 20milliontake that stars have still not done so 11 months on , sparking criticismtrio used an ` investment ' scheme later found to be in breach of tax rulestv sports presenter gabby logan has paid back all the money she owed\"]\n", - "gary barlow , mark owen and howard donald , who embark on their latest uk tour tomorrow , were told to pay back the cash 11 months ago after the ` investment ' scheme they put millions into was ruled invalid .it is understood the trio are dealing directly with hmrc but have yet to stump up the cash .take that have come under fire after it emerged the pop stars have still not repaid the # 20million they owe the taxman - one year after they were ordered to do so .\n", - "gary barlow , mark owen and howard donald ordered to repay # 20milliontake that stars have still not done so 11 months on , sparking criticismtrio used an ` investment ' scheme later found to be in breach of tax rulestv sports presenter gabby logan has paid back all the money she owed\n", - "[1.0754545 1.0424036 1.0303962 1.1341716 1.0593858 1.0863783 1.1370845\n", - " 1.2488936 1.1647067 1.1188504 1.0493121 1.0320331 1.0530764 1.0872442\n", - " 1.0483316 1.0355906 1.0318714 1.0348154 1.1374123 1.0809256 1.0381773\n", - " 1.0889137 1.0251884 1.0203604 1.0248284 1.0227187]\n", - "\n", - "[ 7 8 18 6 3 9 21 13 5 19 0 4 12 10 14 1 20 15 17 11 16 2 22 24\n", - " 25 23]\n", - "=======================\n", - "['eddie howe raises his arms in triumph after bournemouth sealed premier league promotion( left-right ) brett pitman , yann kermorgant , howe , andrew surman and callum wilson celebrateobviously the barclays premier league will bring different demands for this young man , who is still only 37 .']\n", - "=======================\n", - "['bournemouth secured promotion on monday with victory against boltoneddie howe has put bournemouth on map after leading them to top flightjamie redknapp always believed howe was destined for success']\n", - "eddie howe raises his arms in triumph after bournemouth sealed premier league promotion( left-right ) brett pitman , yann kermorgant , howe , andrew surman and callum wilson celebrateobviously the barclays premier league will bring different demands for this young man , who is still only 37 .\n", - "bournemouth secured promotion on monday with victory against boltoneddie howe has put bournemouth on map after leading them to top flightjamie redknapp always believed howe was destined for success\n", - "[1.152879 1.2737694 1.2715752 1.2685702 1.2065159 1.1501542 1.1322331\n", - " 1.172392 1.1752453 1.0927855 1.0392274 1.040864 1.0269327 1.0454612\n", - " 1.152309 1.062725 1.1047717 1.0278237 1.0245994 1.0334355 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 8 7 0 14 5 6 16 9 15 13 11 10 19 17 12 18 24 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"that 's according to a study , which found that birds responded to lights in different ways than a human might .the researchers said runways could be synced with taxiing aircraft , to help capture birds ' attention before an aircraft takes off .the study was conducted by scientists at purdue university in indiana .\"]\n", - "=======================\n", - "['study was conducted by scientists at purdue university in indianathey were investigating how to reduce bird to aircraft collisionsresearch showed that birds responded most to blue lights on planesand turning the lights on while taking off - not before - had the best effect']\n", - "that 's according to a study , which found that birds responded to lights in different ways than a human might .the researchers said runways could be synced with taxiing aircraft , to help capture birds ' attention before an aircraft takes off .the study was conducted by scientists at purdue university in indiana .\n", - "study was conducted by scientists at purdue university in indianathey were investigating how to reduce bird to aircraft collisionsresearch showed that birds responded most to blue lights on planesand turning the lights on while taking off - not before - had the best effect\n", - "[1.2266015 1.4737064 1.2466879 1.2457635 1.1697152 1.0387062 1.1777358\n", - " 1.060662 1.2280214 1.1125214 1.0389377 1.109761 1.1585308 1.1000232\n", - " 1.1068816 1.0123518 1.0124197 1.0439932 1.0547918 1.0722768 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 8 0 6 4 12 9 11 14 13 19 7 18 17 10 5 16 15 24 20 21 22\n", - " 23 25]\n", - "=======================\n", - "['three players were diagnosed with the mosquito-borne disease this week , including corinthians striker paolo guerrero .players have been forced to use insect repellent during practice sessions and clubs have asked health officials to check their training centres for mosquito breeding sites .brazilian football clubs have been put on alert after a dengue fever outbreak']\n", - "=======================\n", - "['brazilian teams are on alert because of a dengue fever outbreakthe mosquito-borne disease has already affected some top clubscorinthians striker paolo guerrero one of three players diagnosed']\n", - "three players were diagnosed with the mosquito-borne disease this week , including corinthians striker paolo guerrero .players have been forced to use insect repellent during practice sessions and clubs have asked health officials to check their training centres for mosquito breeding sites .brazilian football clubs have been put on alert after a dengue fever outbreak\n", - "brazilian teams are on alert because of a dengue fever outbreakthe mosquito-borne disease has already affected some top clubscorinthians striker paolo guerrero one of three players diagnosed\n", - "[1.3085035 1.4515533 1.2767174 1.3716707 1.1940247 1.0460963 1.0114019\n", - " 1.0213095 1.221112 1.137794 1.0618596 1.1424863 1.1789314 1.0326346\n", - " 1.0158987 1.0133532 1.0059975 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 8 4 12 11 9 10 5 13 7 14 15 6 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "['corriere dello sport claim that juve have a plan in place to sign the in-demand uruguayan as they look to partner him with fellow south american carlos tevez .serie a champions juventus want to strengthen their attacking options this summer with a big-money move for psg striker edinson cavani , according to a report in italy .cavani , who played for italian sides palermo and napoli before joining psg in a # 50million deal in 2013 , has admitted his frustration at being played out of position under laurent blanc .']\n", - "=======================\n", - "[\"juventus want psg 's edinson cavani according to corriere dello sportthe italian newspaper claim that cavani would partner carlos tevezmanchester united are also interested in the uruguayan strikercavani 's agent has talked up a move to england or spain this summerread : manchester united consider cavani transfer\"]\n", - "corriere dello sport claim that juve have a plan in place to sign the in-demand uruguayan as they look to partner him with fellow south american carlos tevez .serie a champions juventus want to strengthen their attacking options this summer with a big-money move for psg striker edinson cavani , according to a report in italy .cavani , who played for italian sides palermo and napoli before joining psg in a # 50million deal in 2013 , has admitted his frustration at being played out of position under laurent blanc .\n", - "juventus want psg 's edinson cavani according to corriere dello sportthe italian newspaper claim that cavani would partner carlos tevezmanchester united are also interested in the uruguayan strikercavani 's agent has talked up a move to england or spain this summerread : manchester united consider cavani transfer\n", - "[1.1013762 1.475872 1.3044664 1.2847707 1.1569645 1.215512 1.0540521\n", - " 1.0443689 1.2132585 1.1877967 1.1035597 1.0641433 1.0176173 1.0104879\n", - " 1.1172945 1.031255 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 5 8 9 4 14 10 0 11 6 7 15 12 13 24 16 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"spanish artist catalina viejo , 31 , who is based in new york , paints miniature pictures from candid paparazzi shots rather than using glossy magazine images , and has worked her magic on stars including kim kardashian , katy perry , miley cyrus , rihanna and beyoncé .in total she has completed 42 tiny pictures , which are the size of a postage stamp and do n't feature any faces , and cost around $ 90 ( # 60 ) .the bite-sized series is aptly titled ' a view of the end ' and is currently on display at the shag gallery in brooklyn , new york .\"]\n", - "=======================\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['new york-based artist catalina viejo paints only the rear ends of famous stars , never their facesshe uses paparazzi snaps , rather than airbrushed images from magazines , to create her paintingscatalina has produced 42 miniature bottom portraits , and sells them for $ 90 ( # 60 ) each']\n", - "spanish artist catalina viejo , 31 , who is based in new york , paints miniature pictures from candid paparazzi shots rather than using glossy magazine images , and has worked her magic on stars including kim kardashian , katy perry , miley cyrus , rihanna and beyoncé .in total she has completed 42 tiny pictures , which are the size of a postage stamp and do n't feature any faces , and cost around $ 90 ( # 60 ) .the bite-sized series is aptly titled ' a view of the end ' and is currently on display at the shag gallery in brooklyn , new york .\n", - "new york-based artist catalina viejo paints only the rear ends of famous stars , never their facesshe uses paparazzi snaps , rather than airbrushed images from magazines , to create her paintingscatalina has produced 42 miniature bottom portraits , and sells them for $ 90 ( # 60 ) each\n", - "[1.1041611 1.1902286 1.0855792 1.1052159 1.0804114 1.0649121 1.1908736\n", - " 1.1054084 1.0357139 1.0307548 1.0516244 1.1193776 1.0467645 1.0307517\n", - " 1.0372738 1.0587534 1.06217 1.0638838 1.0489209 1.0261525]\n", - "\n", - "[ 6 1 11 7 3 0 2 4 5 17 16 15 10 18 12 14 8 9 13 19]\n", - "=======================\n", - "[\"this city of 100,000 souls on the shores of lake titicaca could leave you breathless for all the wrong reasons .the city 's colourful fiestas , combining spanish and inca traditions , often last for days .one of the world 's largest lakes , and its highest navigable one , it stretches 110 miles by 38 miles across peru and bolivia .\"]\n", - "=======================\n", - "['puno is not the most famous place in peru - but it is one of the most funit sits on the west bank of the famous ( and spectacular ) lake titicacavisitors can sail on the lake to visit the fabled artificial uros islands']\n", - "this city of 100,000 souls on the shores of lake titicaca could leave you breathless for all the wrong reasons .the city 's colourful fiestas , combining spanish and inca traditions , often last for days .one of the world 's largest lakes , and its highest navigable one , it stretches 110 miles by 38 miles across peru and bolivia .\n", - "puno is not the most famous place in peru - but it is one of the most funit sits on the west bank of the famous ( and spectacular ) lake titicacavisitors can sail on the lake to visit the fabled artificial uros islands\n", - "[1.3729709 1.317133 1.1413016 1.1272411 1.0962974 1.0468854 1.0557287\n", - " 1.2154214 1.2678162 1.1653972 1.1038488 1.0693177 1.0565263 1.1098689\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 8 7 9 2 3 13 10 4 11 12 6 5 18 14 15 16 17 19]\n", - "=======================\n", - "[\"dancing with the stars co-host erin andrews surfaced for the first time after her nhl star boyfriend jarret stoll was busted at a pool party at the mgm grand hotel , allegedly with cocaine and molly tucked into his swim trunks .stoll , 32 , who currently plays with the los angeles kings , was booked for drug possession and released on $ 5,000 bond friday .tmz reports the nhl player passed through security on his way to the wet republic pool at the las vegas hotel when a security guard found a ` pink baggie ' filled with 3.3 grams of cocaine and ` gel-caps ' containing 8.1 grams of molly .\"]\n", - "=======================\n", - "[\"los angeles kings forward jarret stoll was arrested friday on drug possession chargesthe nhl star was caught in the security line to the wet republic pool at mgm grand hotelandrews surfaced for the first time after her boyfriend 's arrest on saturdaystoll 's charges include possession of class 1 , 2 , 3 and 4 controlled substancesnhl security has been notified and kings are aware of situation as well\"]\n", - "dancing with the stars co-host erin andrews surfaced for the first time after her nhl star boyfriend jarret stoll was busted at a pool party at the mgm grand hotel , allegedly with cocaine and molly tucked into his swim trunks .stoll , 32 , who currently plays with the los angeles kings , was booked for drug possession and released on $ 5,000 bond friday .tmz reports the nhl player passed through security on his way to the wet republic pool at the las vegas hotel when a security guard found a ` pink baggie ' filled with 3.3 grams of cocaine and ` gel-caps ' containing 8.1 grams of molly .\n", - "los angeles kings forward jarret stoll was arrested friday on drug possession chargesthe nhl star was caught in the security line to the wet republic pool at mgm grand hotelandrews surfaced for the first time after her boyfriend 's arrest on saturdaystoll 's charges include possession of class 1 , 2 , 3 and 4 controlled substancesnhl security has been notified and kings are aware of situation as well\n", - "[1.5427556 1.3595395 1.137461 1.176136 1.3377216 1.342605 1.0831579\n", - " 1.0472306 1.0325972 1.019514 1.1133862 1.0606614 1.0102632 1.0082562\n", - " 1.0104002 1.0071651 1.1985413 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 4 16 3 2 10 6 11 7 8 9 14 12 13 15 18 17 19]\n", - "=======================\n", - "[\"former leeds captain trevor cherry has branded the six united players who withdrew at short notice from saturday 's match against charlton a ` disgrace ' and called for them to be sacked by the club .italian quartet mirco antenucci , giuseppe bellusci , dario del fabro and marco silvestri , frenchman souleymane doukara and albanian edgar cani all told beleaguered head coach neil redfearn they were injured and could not travel to london .mirco antenucci was among the six players to withdraw from the squad ahead of the defeat by charlton\"]\n", - "=======================\n", - "[\"six leeds players withdrew from squad for saturday 's match with charltonmanager neil redfearn described the events as ` freakish ' ahead of defeatformer leeds captain trevor cherry says it is ` disgraceful ' behaviourcherry wants to see the six players involved sacked by leeds\"]\n", - "former leeds captain trevor cherry has branded the six united players who withdrew at short notice from saturday 's match against charlton a ` disgrace ' and called for them to be sacked by the club .italian quartet mirco antenucci , giuseppe bellusci , dario del fabro and marco silvestri , frenchman souleymane doukara and albanian edgar cani all told beleaguered head coach neil redfearn they were injured and could not travel to london .mirco antenucci was among the six players to withdraw from the squad ahead of the defeat by charlton\n", - "six leeds players withdrew from squad for saturday 's match with charltonmanager neil redfearn described the events as ` freakish ' ahead of defeatformer leeds captain trevor cherry says it is ` disgraceful ' behaviourcherry wants to see the six players involved sacked by leeds\n", - "[1.2948183 1.3524371 1.1409931 1.263065 1.260793 1.1482449 1.2609131\n", - " 1.1065434 1.0417144 1.0298351 1.110274 1.0585538 1.0248678 1.0292999\n", - " 1.0611115 1.0249184 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 6 4 5 2 10 7 14 11 8 9 13 15 12 18 16 17 19]\n", - "=======================\n", - "['the brolly-clad thieves targeted supermarkets , convenience stores and electrical shops , swiping # 2,000 worth of cigarettes and cars valued at # 30,000 in the process .a gang of armed robbers used pink umbrellas to hide themselves as they stole # 145,000 from 13 shops in a two-month crime spree .the group have now been jailed for more than 27 years after pleading guilty to conspiracy to rob .']\n", - "=======================\n", - "['thieves raided supermarkets and electrical shops during 55-day spreefour-man gang used pink umbrellas for disguise and fled in getaway carsthey also threatened shop workers with hammers , knives and screwdriversliam bell , 19 , marcus morgan , 21 , ashleigh evans , 26 and 22-year-old trea richardson , all from west midlands , pleaded guilty to conspiracy to rob']\n", - "the brolly-clad thieves targeted supermarkets , convenience stores and electrical shops , swiping # 2,000 worth of cigarettes and cars valued at # 30,000 in the process .a gang of armed robbers used pink umbrellas to hide themselves as they stole # 145,000 from 13 shops in a two-month crime spree .the group have now been jailed for more than 27 years after pleading guilty to conspiracy to rob .\n", - "thieves raided supermarkets and electrical shops during 55-day spreefour-man gang used pink umbrellas for disguise and fled in getaway carsthey also threatened shop workers with hammers , knives and screwdriversliam bell , 19 , marcus morgan , 21 , ashleigh evans , 26 and 22-year-old trea richardson , all from west midlands , pleaded guilty to conspiracy to rob\n", - "[1.1628971 1.3736368 1.2484536 1.1202525 1.0577391 1.1440855 1.0270165\n", - " 1.0525328 1.0640678 1.3103622 1.1929932 1.0980461 1.032062 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 9 2 10 0 5 3 11 8 4 7 12 6 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"the england captain , without an international century for almost two years , failed for the second time in the first test as his old failing against the full ball just outside off-stump was again exploited by west indies .to compound cook 's misery , there was also another failure for jonathan trott , who has endured a nightmare return to the england team for his 50th test , 18 months after the trauma of leaving the ashes tour following his 49th .jonathan trott was also out cheaply as the first three wickets once again fell for not many\"]\n", - "=======================\n", - "['england closed day three of the first test on 116 for three , 220 runs aheadwest indies were bowled out for 295 in their first inningsjames tredwell took four wickets in west indies inningsjermaine blackwood hit his maiden test century for the hostsjonathan trott ( 4 ) and alastair cook ( 13 ) both failed with the bat againian bell was run out for 11 as england slumped to 52 for threejoe root ( 32 * ) and gary ballance ( 44 * ) unbeaten at stumps on day three']\n", - "the england captain , without an international century for almost two years , failed for the second time in the first test as his old failing against the full ball just outside off-stump was again exploited by west indies .to compound cook 's misery , there was also another failure for jonathan trott , who has endured a nightmare return to the england team for his 50th test , 18 months after the trauma of leaving the ashes tour following his 49th .jonathan trott was also out cheaply as the first three wickets once again fell for not many\n", - "england closed day three of the first test on 116 for three , 220 runs aheadwest indies were bowled out for 295 in their first inningsjames tredwell took four wickets in west indies inningsjermaine blackwood hit his maiden test century for the hostsjonathan trott ( 4 ) and alastair cook ( 13 ) both failed with the bat againian bell was run out for 11 as england slumped to 52 for threejoe root ( 32 * ) and gary ballance ( 44 * ) unbeaten at stumps on day three\n", - "[1.2575514 1.3823805 1.1831932 1.4233088 1.1974447 1.025195 1.1848875\n", - " 1.1092671 1.1543387 1.0542865 1.0188318 1.0326672 1.0614892 1.1753495\n", - " 1.0408664 1.0350055 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 1 0 4 6 2 13 8 7 12 9 14 15 11 5 10 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"barcelona trio luis suarez ( left ) , neymar ( centre ) and lionel messi have scored 102 goals this seasonthe three stars now have a century of goals between them for the season after barca 's 6-0 demolition of getafe on tuesday night , a result that took them five points clear in la liga .they are barcelona 's golden boys and the unstoppable trio of lionel messi , neymar and luis suarez have reached yet another milestone .\"]\n", - "=======================\n", - "[\"lionel messi , neymar and luis suarez have 102 goals this seasonthey reached the landmark in barcelona 's 6-0 win over getafemessi and suarez both scored twice at nou camp , suarez onceread : barcelona pupils keen to teach pep guardiola a lesson6-0 win put barcelona five points clear and piled pressure on real madrid\"]\n", - "barcelona trio luis suarez ( left ) , neymar ( centre ) and lionel messi have scored 102 goals this seasonthe three stars now have a century of goals between them for the season after barca 's 6-0 demolition of getafe on tuesday night , a result that took them five points clear in la liga .they are barcelona 's golden boys and the unstoppable trio of lionel messi , neymar and luis suarez have reached yet another milestone .\n", - "lionel messi , neymar and luis suarez have 102 goals this seasonthey reached the landmark in barcelona 's 6-0 win over getafemessi and suarez both scored twice at nou camp , suarez onceread : barcelona pupils keen to teach pep guardiola a lesson6-0 win put barcelona five points clear and piled pressure on real madrid\n", - "[1.3591785 1.429139 1.307984 1.3846269 1.238029 1.1334317 1.0331424\n", - " 1.0149573 1.0107552 1.144632 1.0148101 1.0191482 1.0104003 1.0112189\n", - " 1.0190444 1.0122944 1.0232066 1.0219694 1.0119445 1.2782539 1.2444861\n", - " 1.0558736 1.0111766]\n", - "\n", - "[ 1 3 0 2 19 20 4 9 5 21 6 16 17 11 14 7 10 15 18 13 22 8 12]\n", - "=======================\n", - "[\"mccall has restored a buoyancy to the club and won approval from supporters after three successive wins -- including triumphs over hibs and hearts -- ahead of tonight 's trip to face queen of the south .stuart mccall has dismissed any thought of his rangers future being decided before the end of the seasonshane ferguson is finally set to arrive at murray park next week as part of the loan deal from newcastle\"]\n", - "=======================\n", - "[\"stuart mccall has led rangers to three successive wins in recent weekstriumphs against hibs and hearts won supporters ' approvalbut he says he does not expect new contract talks until after play-offsmccall stresses that rangers are yet to achieve anything despite revival\"]\n", - "mccall has restored a buoyancy to the club and won approval from supporters after three successive wins -- including triumphs over hibs and hearts -- ahead of tonight 's trip to face queen of the south .stuart mccall has dismissed any thought of his rangers future being decided before the end of the seasonshane ferguson is finally set to arrive at murray park next week as part of the loan deal from newcastle\n", - "stuart mccall has led rangers to three successive wins in recent weekstriumphs against hibs and hearts won supporters ' approvalbut he says he does not expect new contract talks until after play-offsmccall stresses that rangers are yet to achieve anything despite revival\n", - "[1.3055882 1.3334701 1.2977319 1.3348452 1.2290843 1.2161684 1.1968744\n", - " 1.0233023 1.0607299 1.091605 1.1042304 1.221591 1.0148408 1.0120678\n", - " 1.0146325 1.0143328 1.0237777 1.0329845 1.0194787 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 1 0 2 4 11 5 6 10 9 8 17 16 7 18 12 14 15 13 21 19 20 22]\n", - "=======================\n", - "[\"a minute 's silence will be held this weekend for the 56 supporters who lost their lives during the bradford city fire disasterenglish football will stand still just before three o'clock on saturday to mark the 30th anniversary of the bradford fire .the inferno ripped through valley parade on may 11 , 1985 during the first half of a game against lincoln city , before which bradford had received the third division title .\"]\n", - "=======================\n", - "[\"the top four tiers of the english game will stand for a minute 's silence to mark the 30th anniversarymain stand at bradford city 's valley parade was ablaze in harrowing scenes on may 11 , 1985football league supporting efforts to raise # 300,000 for the plastic surgery and burns research unit at the university of bradford\"]\n", - "a minute 's silence will be held this weekend for the 56 supporters who lost their lives during the bradford city fire disasterenglish football will stand still just before three o'clock on saturday to mark the 30th anniversary of the bradford fire .the inferno ripped through valley parade on may 11 , 1985 during the first half of a game against lincoln city , before which bradford had received the third division title .\n", - "the top four tiers of the english game will stand for a minute 's silence to mark the 30th anniversarymain stand at bradford city 's valley parade was ablaze in harrowing scenes on may 11 , 1985football league supporting efforts to raise # 300,000 for the plastic surgery and burns research unit at the university of bradford\n", - "[1.1887497 1.4752593 1.2914866 1.160145 1.3502233 1.1944833 1.0888631\n", - " 1.0423182 1.0331719 1.0152072 1.0167043 1.0765318 1.0293375 1.1112342\n", - " 1.1397103 1.0513974 1.0710396 1.08557 1.063802 1.0301723 1.1030754\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 2 5 0 3 14 13 20 6 17 11 16 18 15 7 8 19 12 10 9 21 22]\n", - "=======================\n", - "['the 16-year-old girl took to twitter days after rachel lehnardt , 35 , was charged with two counts of contributing to the delinquency of a minor following the incident at their evans , georgia home .the mom-of-five , who admitted to turning towards alcohol during her divorce , also allegedly had sex with a 18-year-old man in the bathroom during the party , used sex toys on herself in front of the youngsters and later awoke to find a 16-year-old having sex with her .her 16-year-old daughter has now come to her defense on twitter']\n", - "=======================\n", - "[\"rachel lehnardt , 35 , ` allowed her 16-year-old daughter and her friends drink alcohol and smoke marijuana in her georgia home 'they ` all played naked twister and lehnardt had sex with an 18-year-old man in the bathroom before playing with sex toys in front of the teens 'she said she went to bed alone but awoke to her daughter 's 16-year-old boyfriend having sex with her ; there are no charges against himafter the incident , she lost custody of her children and told her aa sponsor , who contacted authoritiesher daughter has now jumped to her defense , saying that her mom used to be a good mother but that everyone makes mistakes\"]\n", - "the 16-year-old girl took to twitter days after rachel lehnardt , 35 , was charged with two counts of contributing to the delinquency of a minor following the incident at their evans , georgia home .the mom-of-five , who admitted to turning towards alcohol during her divorce , also allegedly had sex with a 18-year-old man in the bathroom during the party , used sex toys on herself in front of the youngsters and later awoke to find a 16-year-old having sex with her .her 16-year-old daughter has now come to her defense on twitter\n", - "rachel lehnardt , 35 , ` allowed her 16-year-old daughter and her friends drink alcohol and smoke marijuana in her georgia home 'they ` all played naked twister and lehnardt had sex with an 18-year-old man in the bathroom before playing with sex toys in front of the teens 'she said she went to bed alone but awoke to her daughter 's 16-year-old boyfriend having sex with her ; there are no charges against himafter the incident , she lost custody of her children and told her aa sponsor , who contacted authoritiesher daughter has now jumped to her defense , saying that her mom used to be a good mother but that everyone makes mistakes\n", - "[1.2142884 1.403153 1.1623402 1.318136 1.4393502 1.0683721 1.0667896\n", - " 1.0291069 1.0424482 1.0797769 1.0566084 1.0475297 1.0390725 1.0280743\n", - " 1.021765 1.0670872 1.0319213 1.0343533 1.0406119 1.0279131 1.1173208\n", - " 0. 0. ]\n", - "\n", - "[ 4 1 3 0 2 20 9 5 15 6 10 11 8 18 12 17 16 7 13 19 14 21 22]\n", - "=======================\n", - "['thirty-five people died and 125 have been injured after a suicide bomb was detonated outside a bank in jalalabad , afghanistan .islamic state has since claimed responsibility for the attack , president ghani said .this is the moment a young boy covered in blood was dragged from the scene of a devastating suicide bomb attack in afghanistan .']\n", - "=======================\n", - "['warning graphic content : attacker targeted crowd of military personnel and civilians in jalalabad35 people died and 125 were injured after the suicide bomber detonated an explosive-laden motorbikeislamic state has since claimed responsibility and the country must stand united , president ghani said']\n", - "thirty-five people died and 125 have been injured after a suicide bomb was detonated outside a bank in jalalabad , afghanistan .islamic state has since claimed responsibility for the attack , president ghani said .this is the moment a young boy covered in blood was dragged from the scene of a devastating suicide bomb attack in afghanistan .\n", - "warning graphic content : attacker targeted crowd of military personnel and civilians in jalalabad35 people died and 125 were injured after the suicide bomber detonated an explosive-laden motorbikeislamic state has since claimed responsibility and the country must stand united , president ghani said\n", - "[1.2849014 1.4814773 1.2843306 1.3320824 1.224486 1.0796801 1.0259784\n", - " 1.0273793 1.0203351 1.1381388 1.1680388 1.0826688 1.043479 1.0261172\n", - " 1.0626873 1.039266 1.0140486 1.0304794 1.0759406 1.0157145 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 10 9 11 5 18 14 12 15 17 7 13 6 8 19 16 21 20 22]\n", - "=======================\n", - "[\"mum gitte denteneer asked staff at the rubens eaterie in leuven , belgium , to warm up some milk for her two-month old son lucca .outrage : a restaurant manager has been branded the ` stingiest boss in europe ' for charging a mum 36p to heat up her baby 's feeding bottlebut when she came to pay , she was stunned to find that 50 cents had been added onto the bill .\"]\n", - "=======================\n", - "[\"gitte denteneer was stunned after getting the bill from rubens in leuventhe belgian cafe had charged her 50 cents for use of their electricityms denteneer later took to twitter to express her outrage at the chargeothers on twitter shared her anger and called the rubens boss ` mean '\"]\n", - "mum gitte denteneer asked staff at the rubens eaterie in leuven , belgium , to warm up some milk for her two-month old son lucca .outrage : a restaurant manager has been branded the ` stingiest boss in europe ' for charging a mum 36p to heat up her baby 's feeding bottlebut when she came to pay , she was stunned to find that 50 cents had been added onto the bill .\n", - "gitte denteneer was stunned after getting the bill from rubens in leuventhe belgian cafe had charged her 50 cents for use of their electricityms denteneer later took to twitter to express her outrage at the chargeothers on twitter shared her anger and called the rubens boss ` mean '\n", - "[1.3618956 1.2161189 1.1046001 1.0771579 1.0600609 1.0730579 1.0538905\n", - " 1.049087 1.0346363 1.0236346 1.4933848 1.220696 1.0330719 1.0337356\n", - " 1.027173 1.0349399 1.0418926 1.0360723 1.0448831 1.0246147 1.0193684\n", - " 1.0159676 1.0177004]\n", - "\n", - "[10 0 11 1 2 3 5 4 6 7 18 16 17 15 8 13 12 14 19 9 20 22 21]\n", - "=======================\n", - "[\"brendan rodgers admitted liverpool are unlikely to reach the top four after losing to arsenal 4-1 on saturdaya period of striving came to an end for liverpool and brendan rodgers at the emirates on saturday .the manager 's 15-minute press conference , where he conceded that his team 's chances of qualifying for the champions league were over , was a requiem for lost opportunities .\"]\n", - "=======================\n", - "[\"liverpool were beaten 4-1 by arsenal at the emirates on saturdayclub 's top four hopes have been dealt a massive blow with the defeatliverpool lost to another of their top-four rivals manchester united before the international breakbrendan rodgers admits that their chances of qualifying for next season 's champions league have severely diminished\"]\n", - "brendan rodgers admitted liverpool are unlikely to reach the top four after losing to arsenal 4-1 on saturdaya period of striving came to an end for liverpool and brendan rodgers at the emirates on saturday .the manager 's 15-minute press conference , where he conceded that his team 's chances of qualifying for the champions league were over , was a requiem for lost opportunities .\n", - "liverpool were beaten 4-1 by arsenal at the emirates on saturdayclub 's top four hopes have been dealt a massive blow with the defeatliverpool lost to another of their top-four rivals manchester united before the international breakbrendan rodgers admits that their chances of qualifying for next season 's champions league have severely diminished\n", - "[1.4501132 1.425491 1.2879839 1.4475168 1.2484512 1.1993384 1.0483248\n", - " 1.0236301 1.0252974 1.0595903 1.0228866 1.0328292 1.0456611 1.0225399\n", - " 1.1343572 1.1333085 1.1412985 1.0426203 1.0116857 1.008969 1.0086198\n", - " 1.0063936 0. ]\n", - "\n", - "[ 0 3 1 2 4 5 16 14 15 9 6 12 17 11 8 7 10 13 18 19 20 21 22]\n", - "=======================\n", - "['bayern munich legend franz beckenbauer believes jurgen klopp could succeed pep guardiola at the allianz arena .klopp , who won two bundesliga titles in seven years , has confirmed he will leave borussia dortmund in the summer .and beckenbauer believes the 47-year-old would be the perfect fit for bayern when guardiola , who has a contract until the summer of 2016 , moves on .']\n", - "=======================\n", - "['franz beckenbauer thinks jurgen klopp could be next bayern munich bossklopp has already confirmed he will leave borussia dortmund this summerbeckenebauer believes klopp has what it takes to replace pep guardiolaguardiola has a contract until 2016 but has been linked with a move away']\n", - "bayern munich legend franz beckenbauer believes jurgen klopp could succeed pep guardiola at the allianz arena .klopp , who won two bundesliga titles in seven years , has confirmed he will leave borussia dortmund in the summer .and beckenbauer believes the 47-year-old would be the perfect fit for bayern when guardiola , who has a contract until the summer of 2016 , moves on .\n", - "franz beckenbauer thinks jurgen klopp could be next bayern munich bossklopp has already confirmed he will leave borussia dortmund this summerbeckenebauer believes klopp has what it takes to replace pep guardiolaguardiola has a contract until 2016 but has been linked with a move away\n", - "[1.4891342 1.3143301 1.4465292 1.3633931 1.1796064 1.0367312 1.078109\n", - " 1.073565 1.0591675 1.0242699 1.0669984 1.0245541 1.1080766 1.0980649\n", - " 1.0750445 1.0711199 1.0214479 1.0088295 1.0116112 1.0305183 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 3 1 4 12 13 6 14 7 15 10 8 5 19 11 9 16 18 17 20 21 22]\n", - "=======================\n", - "[\"ronnie o'sullivan took off his shoes mid-match at the crucible on tuesday -- but still socked it to debutant craig steadman .but five-time champion o'sullivan , 39 , could now face a fine after breaching snooker 's strict dress code against the 32-year-old from manchester .ronnie o'sullivan was forced into borrowing a pair of shoes from a member of the crucible audience\"]\n", - "=======================\n", - "[\"ronnie o'sullivan had to borrow pair of shoes from audience memberthe 39-year-old played one frame in socks due to ankle discomforto'sullivan was breaking snooker etiquette in failing to wear smart shoesread : ding junhui misses out on maximum break ( and # 30,000 )\"]\n", - "ronnie o'sullivan took off his shoes mid-match at the crucible on tuesday -- but still socked it to debutant craig steadman .but five-time champion o'sullivan , 39 , could now face a fine after breaching snooker 's strict dress code against the 32-year-old from manchester .ronnie o'sullivan was forced into borrowing a pair of shoes from a member of the crucible audience\n", - "ronnie o'sullivan had to borrow pair of shoes from audience memberthe 39-year-old played one frame in socks due to ankle discomforto'sullivan was breaking snooker etiquette in failing to wear smart shoesread : ding junhui misses out on maximum break ( and # 30,000 )\n", - "[1.552628 1.4898118 1.1730087 1.4507191 1.1956298 1.1102738 1.0886458\n", - " 1.0459459 1.0396849 1.0264376 1.0187073 1.0143203 1.07374 1.0629165\n", - " 1.0619335 1.0407223 1.0297576 1.0683683 1.1278989 1.0187616 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 3 4 2 18 5 6 12 17 13 14 7 15 8 16 9 19 10 11 20 21 22]\n", - "=======================\n", - "['michael bisping admitted he had expected an easier fight after beating cb dollaway on points in montreal .the manchester middleweight was in action for the first time since losing to luke rockhold last year .michael bisping ( left ) lands a kick to the head of cb dollaway during their ufc 186 fight in montreal']\n", - "=======================\n", - "[\"michael bisping beating cb dollaway on points in montreal during ufc 186manchester 's bisping was given the nod 29-28 by all three of the judgesbisping said after the fight that dolloway was tougher than he anticipated\"]\n", - "michael bisping admitted he had expected an easier fight after beating cb dollaway on points in montreal .the manchester middleweight was in action for the first time since losing to luke rockhold last year .michael bisping ( left ) lands a kick to the head of cb dollaway during their ufc 186 fight in montreal\n", - "michael bisping beating cb dollaway on points in montreal during ufc 186manchester 's bisping was given the nod 29-28 by all three of the judgesbisping said after the fight that dolloway was tougher than he anticipated\n", - "[1.2441369 1.4541763 1.4285301 1.1848699 1.334498 1.0494592 1.0165236\n", - " 1.0996488 1.0541797 1.0421375 1.025969 1.1398941 1.0856397 1.2126813\n", - " 1.0295702 1.0096046 1.0490315 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 0 13 3 11 7 12 8 5 16 9 14 10 6 15 18 17 19]\n", - "=======================\n", - "[\"the social media site deemed the clip , which shows two elderly women painted in ochre in a trailer for upcoming abc tv show 8mmm aboriginal radio , as containing ` potentially offensive nudity ' .the video had already had 30,000 hits when it was removed after three days on sunday .facebook has come under fire after removing a video that shows aboriginal women in a traditional ceremony because they were topless .\"]\n", - "=======================\n", - "[\"facebook deemed the abc1 trailer to contain ` potentially offensive nudity 'the video had 30,000 hits when it was removed after three days on sundaytwo elderly aboriginal women painted in ochre are seen in the advertthe makers of the new comedy tv series , 8mmm aboriginal radio , based around an alice springs radio station called the move ` bewildering '\"]\n", - "the social media site deemed the clip , which shows two elderly women painted in ochre in a trailer for upcoming abc tv show 8mmm aboriginal radio , as containing ` potentially offensive nudity ' .the video had already had 30,000 hits when it was removed after three days on sunday .facebook has come under fire after removing a video that shows aboriginal women in a traditional ceremony because they were topless .\n", - "facebook deemed the abc1 trailer to contain ` potentially offensive nudity 'the video had 30,000 hits when it was removed after three days on sundaytwo elderly aboriginal women painted in ochre are seen in the advertthe makers of the new comedy tv series , 8mmm aboriginal radio , based around an alice springs radio station called the move ` bewildering '\n", - "[1.217339 1.4720759 1.373105 1.2423097 1.1525602 1.150049 1.0594591\n", - " 1.0700525 1.0316356 1.0195898 1.2218748 1.1511729 1.1445131 1.0581714\n", - " 1.0513211 1.0504248 1.0105549 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 10 0 4 11 5 12 7 6 13 14 15 8 9 16 17 18 19]\n", - "=======================\n", - "[\"the york county coroner 's office says 35-year-old donnell graham fatally shot his wife , shaquana graham and another man in a room at the quality inn in springettsbury township .the 33-year-old woman was found shot in the head while the other man , 25-year-old kristopher pittman , had been killed by gunshots to the chest .darryl schock , a maintenance and security worker at the motel , told the york daily record that at least one of the individuals had checked into the room around 3 a.m.\"]\n", - "=======================\n", - "['35-year-old donnell graham shot his wife , 33-year-old shaquana graham , at the quality inn in springettsbury township , police sayhe also shot 25-year-old kristopher pittman , who was staying in the same room , before turning the gun on himselfa motel worker said at least one of the individuals checked into the motel around 3 a.m.']\n", - "the york county coroner 's office says 35-year-old donnell graham fatally shot his wife , shaquana graham and another man in a room at the quality inn in springettsbury township .the 33-year-old woman was found shot in the head while the other man , 25-year-old kristopher pittman , had been killed by gunshots to the chest .darryl schock , a maintenance and security worker at the motel , told the york daily record that at least one of the individuals had checked into the room around 3 a.m.\n", - "35-year-old donnell graham shot his wife , 33-year-old shaquana graham , at the quality inn in springettsbury township , police sayhe also shot 25-year-old kristopher pittman , who was staying in the same room , before turning the gun on himselfa motel worker said at least one of the individuals checked into the motel around 3 a.m.\n", - "[1.2136827 1.5551522 1.1293577 1.4145466 1.3072783 1.1523049 1.0653579\n", - " 1.0618849 1.0874131 1.0707201 1.0659928 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 0 5 2 8 9 10 6 7 18 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "['aaronessa keaton of phoenix , arizona was eight months pregnant and had marijuana and benzodiazepines in her system when she collided head-on with a car carrying two children in february 2014 , and one of the children later died from their injuries .aaronessa keaton ( above ) was arrested monday and charged with manslaughter for a 2014 accident that resulted in the death of a 5-year-old childkeaton , who was also on probation for marijuana possession charges at the time , was indicted by a grand jury in february , and taken in monday after she was pulled over for a traffic stop .']\n", - "=======================\n", - "[\"aaronessa keaton was arrested monday and charged with manslaughter for a 2014 accident that resulted in the death of a 5-year-old childkeaton , of phoenix , arizona , hit another car head-on while she was eight months pregnant and had marijuana and benzodiazepines in her systemwhen told of the charges and the child 's death , she said ; ` sh*t happens '\"]\n", - "aaronessa keaton of phoenix , arizona was eight months pregnant and had marijuana and benzodiazepines in her system when she collided head-on with a car carrying two children in february 2014 , and one of the children later died from their injuries .aaronessa keaton ( above ) was arrested monday and charged with manslaughter for a 2014 accident that resulted in the death of a 5-year-old childkeaton , who was also on probation for marijuana possession charges at the time , was indicted by a grand jury in february , and taken in monday after she was pulled over for a traffic stop .\n", - "aaronessa keaton was arrested monday and charged with manslaughter for a 2014 accident that resulted in the death of a 5-year-old childkeaton , of phoenix , arizona , hit another car head-on while she was eight months pregnant and had marijuana and benzodiazepines in her systemwhen told of the charges and the child 's death , she said ; ` sh*t happens '\n", - "[1.4486921 1.5840743 1.1591476 1.399117 1.1558481 1.1039796 1.0699433\n", - " 1.069147 1.0716125 1.0129609 1.0417359 1.0168358 1.0171436 1.0105113\n", - " 1.0240602 1.1487496 1.1546525 1.0836968 1.0093489 1.0081747]\n", - "\n", - "[ 1 0 3 2 4 16 15 5 17 8 6 7 10 14 12 11 9 13 18 19]\n", - "=======================\n", - "[\"the hammers boss was incensed that eliaquim mangala was not penalised for a foul against stewart downing , who managed to stay on his feet despite a late challenge from city 's # 32million defender .sam allardyce has revealed the reason behind his furious rant at fourth official robert madley towards the end of west ham 's defeat at manchester city on sunday .referee anthony taylor took no action as the ball ran out of play and an animated allardyce vented his fury towards madley on the touchline .\"]\n", - "=======================\n", - "[\"manchester city defeated west ham 2-0 in the premier league on sundaysam allardyce was seen ranting at fourth official during game at the etihadhammers boss explained he was frustrated that referee anthony taylor missed eliaquim mangala 's foul on stewart downing\"]\n", - "the hammers boss was incensed that eliaquim mangala was not penalised for a foul against stewart downing , who managed to stay on his feet despite a late challenge from city 's # 32million defender .sam allardyce has revealed the reason behind his furious rant at fourth official robert madley towards the end of west ham 's defeat at manchester city on sunday .referee anthony taylor took no action as the ball ran out of play and an animated allardyce vented his fury towards madley on the touchline .\n", - "manchester city defeated west ham 2-0 in the premier league on sundaysam allardyce was seen ranting at fourth official during game at the etihadhammers boss explained he was frustrated that referee anthony taylor missed eliaquim mangala 's foul on stewart downing\n", - "[1.451042 1.2967411 1.2711389 1.4179288 1.1390015 1.0430931 1.0859408\n", - " 1.020933 1.0145493 1.2203926 1.0197645 1.0150067 1.0289232 1.0791086\n", - " 1.1159322 1.0925233 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 9 4 14 15 6 13 5 12 7 10 11 8 18 16 17 19]\n", - "=======================\n", - "[\"trainer paul webber was on sunday praying the ground at fairyhouse dries out further for cantlow , who will attempt to give ap mccoy a glorious send off in ireland with a second victory in easter monday 's irish grand national .the 19-time champion won the 2007 running on butler 's cabin and success aboard cantlow would be a fairytale start to what could be mccoy 's final week as a jockey .he has vowed to immediately retire if he wins saturday 's crabbie 's grand national at aintree on favourite shutthefrontdoor , the gelding which won last year 's irish national under barry geraghty .\"]\n", - "=======================\n", - "[\"ap mccoy will ride cantlow in the irish grand national on mondaycantlow disputes favouritism largely due to mccoy 's choice to ride himhe could 've ridden alderwood or if in doubt , also owned by jp mcmanustrainer paul webber said of the track : ' i hope it dries up a bit '\"]\n", - "trainer paul webber was on sunday praying the ground at fairyhouse dries out further for cantlow , who will attempt to give ap mccoy a glorious send off in ireland with a second victory in easter monday 's irish grand national .the 19-time champion won the 2007 running on butler 's cabin and success aboard cantlow would be a fairytale start to what could be mccoy 's final week as a jockey .he has vowed to immediately retire if he wins saturday 's crabbie 's grand national at aintree on favourite shutthefrontdoor , the gelding which won last year 's irish national under barry geraghty .\n", - "ap mccoy will ride cantlow in the irish grand national on mondaycantlow disputes favouritism largely due to mccoy 's choice to ride himhe could 've ridden alderwood or if in doubt , also owned by jp mcmanustrainer paul webber said of the track : ' i hope it dries up a bit '\n", - "[1.277576 1.443728 1.2274469 1.1689018 1.305665 1.1312767 1.1159904\n", - " 1.0589683 1.1013932 1.0487816 1.0968375 1.0499583 1.1198348 1.1002672\n", - " 1.0470817 1.0128852 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 0 2 3 5 12 6 8 13 10 7 11 9 14 15 16 17 18 19 20 21 22 23\n", - " 24 25 26 27 28 29]\n", - "=======================\n", - "[\"jose mourinho 's side have led the way since beating everton 6-3 at goodison park on august 30 , after tottenham had led the table following the first two rounds of games .jose mourinho could lead his side to become the most dominant in a single premier league seasonthe blues have been top for 230 days as of friday april 10 , although they did share the lead with manchester city for nine days in january after a statistical quirk saw the two sides exactly level on points , goal difference and goals scored .\"]\n", - "=======================\n", - "[\"chelsea set to spend most days at top in a single premier league seasonmanchester united currently top the list with 262 days in 1993/94jose mourinho 's side have been top for 230 days so far this seasoncould set a record of 272 days if they stay top until end of this campaignclick here for all the latest chelsea news\"]\n", - "jose mourinho 's side have led the way since beating everton 6-3 at goodison park on august 30 , after tottenham had led the table following the first two rounds of games .jose mourinho could lead his side to become the most dominant in a single premier league seasonthe blues have been top for 230 days as of friday april 10 , although they did share the lead with manchester city for nine days in january after a statistical quirk saw the two sides exactly level on points , goal difference and goals scored .\n", - "chelsea set to spend most days at top in a single premier league seasonmanchester united currently top the list with 262 days in 1993/94jose mourinho 's side have been top for 230 days so far this seasoncould set a record of 272 days if they stay top until end of this campaignclick here for all the latest chelsea news\n", - "[1.1806085 1.4891621 1.2574434 1.2779852 1.3575008 1.1362354 1.0939609\n", - " 1.0311317 1.1224669 1.0862719 1.029144 1.0243224 1.130748 1.0421441\n", - " 1.053914 1.0070959 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 3 2 0 5 12 8 6 9 14 13 7 10 11 15 27 26 25 24 23 22 20 19\n", - " 18 17 16 28 21 29]\n", - "=======================\n", - "['philip and victoria sherlock have been living out of their car for three months , after a stomach operation meant philip could no longer work as a # 400 a week gardener .philip was given a lifeline by local businessman jasen jackiw ( right ) a manchester business owner who heard about the story on a tv programmetheir loss of income saw victoria take on more hours as a shop assistant , but the desperate couple then had their benefits cut .']\n", - "=======================\n", - "['philip and victoria sherlock , from warrington , forced to live in ford focuspay day loan costs went out of control after he had a stomach operationthe pair left their home and lived out of the car , washing at supermarketsphilip was handed a lifeline by local businessman who gave him a new job']\n", - "philip and victoria sherlock have been living out of their car for three months , after a stomach operation meant philip could no longer work as a # 400 a week gardener .philip was given a lifeline by local businessman jasen jackiw ( right ) a manchester business owner who heard about the story on a tv programmetheir loss of income saw victoria take on more hours as a shop assistant , but the desperate couple then had their benefits cut .\n", - "philip and victoria sherlock , from warrington , forced to live in ford focuspay day loan costs went out of control after he had a stomach operationthe pair left their home and lived out of the car , washing at supermarketsphilip was handed a lifeline by local businessman who gave him a new job\n", - "[1.445127 1.4025247 1.2530671 1.1802692 1.0154635 1.0426524 1.1617848\n", - " 1.0599737 1.2816687 1.1810894 1.1424146 1.0479865 1.0384082 1.0370795\n", - " 1.0173951 1.0229009 1.0096179 1.0097021 1.0128218 1.0090201 1.01557\n", - " 1.0159271 1.0218556 1.0266395 1.0130194 1.0083393 1.0114545 1.0120993\n", - " 1.0092412 1.0126301]\n", - "\n", - "[ 0 1 8 2 9 3 6 10 7 11 5 12 13 23 15 22 14 21 20 4 24 18 29 27\n", - " 26 17 16 28 19 25]\n", - "=======================\n", - "['lewis hamilton ( britain ) mercedes 93nico rosberg ( germany ) mercedes 66kimi raikkonen , who finished second , applauds hamilton after the briton claimed his third victory in four races so far this season']\n", - "=======================\n", - "['lewis hamilton extended his lead in the formula one championship with yet another flawless victory this seasonthe british driver secured first place ahead of kimi raikkonen and nico rosberg who finished second and thirdhamilton has now set a personal best record of finishing in the points for 11 consecutive grands prixhe has 36 career wins , with 21 of those from pole position to open up a 27-point gap over team-mate rosberg']\n", - "lewis hamilton ( britain ) mercedes 93nico rosberg ( germany ) mercedes 66kimi raikkonen , who finished second , applauds hamilton after the briton claimed his third victory in four races so far this season\n", - "lewis hamilton extended his lead in the formula one championship with yet another flawless victory this seasonthe british driver secured first place ahead of kimi raikkonen and nico rosberg who finished second and thirdhamilton has now set a personal best record of finishing in the points for 11 consecutive grands prixhe has 36 career wins , with 21 of those from pole position to open up a 27-point gap over team-mate rosberg\n", - "[1.1934892 1.4108927 1.3182994 1.1363407 1.224582 1.223656 1.0877411\n", - " 1.1355306 1.0588281 1.030164 1.0313826 1.1477935 1.0345545 1.0155742\n", - " 1.0238229 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 4 5 0 11 3 7 6 8 12 10 9 14 13 28 15 16 17 18 19 20 21 22\n", - " 23 24 25 26 27 29]\n", - "=======================\n", - "[\"the snp leader will unveil a manifesto including proposals for british foreign policy , welfare payments , energy bills and english university tuition fees .several of her election pledges overlap with labour policy , including slashing tuition fees in england from a maximum of # 9,000 a year to # 6,000 , and rolling back competition in the english nhs .control : the tories warn snp leader nicola sturgeon will be ed miliband 's puppet master if he becomes prime minister after the election\"]\n", - "=======================\n", - "[\"nicola sturgeon will today unveil snp manifesto as a ` bid to lead the uk 'several of her party 's election pledges will overlap with labour policiesothers are calculated to drag a minority labour government to the leftthese include cancelling trident and halting tory changes to benefits\"]\n", - "the snp leader will unveil a manifesto including proposals for british foreign policy , welfare payments , energy bills and english university tuition fees .several of her election pledges overlap with labour policy , including slashing tuition fees in england from a maximum of # 9,000 a year to # 6,000 , and rolling back competition in the english nhs .control : the tories warn snp leader nicola sturgeon will be ed miliband 's puppet master if he becomes prime minister after the election\n", - "nicola sturgeon will today unveil snp manifesto as a ` bid to lead the uk 'several of her party 's election pledges will overlap with labour policiesothers are calculated to drag a minority labour government to the leftthese include cancelling trident and halting tory changes to benefits\n", - "[1.2303392 1.4208548 1.1893932 1.2870923 1.2997856 1.1972866 1.1563468\n", - " 1.1229541 1.1307931 1.087142 1.0163795 1.0136995 1.0215728 1.024665\n", - " 1.1102965 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 3 0 5 2 6 8 7 14 9 13 12 10 11 27 26 25 24 23 22 19 20 18\n", - " 17 16 15 28 21 29]\n", - "=======================\n", - "[\"bosses at queen 's hospital , burton , staffordshire , admitted they did n't tell relatives about the arrangement and a spokesman has claimed the use of a lorry is normal practice across the country .a hospital which ran out of space to store bodies in its mortuary after ` an unprecedented number of deaths ' resorted to leaving them in a refrigerated lorry parked next to a load of bins , it has emerged .bodies were transferred to the mortuary for viewings , then returned to the truck , according to one hospital worker .\"]\n", - "=======================\n", - "[\"bosses admitted they did n't tell relatives about the arrangementhospital says it dealt with an unprecedented number of deaths over easterspokesman : use of refrigerated lorry is normal practice across the country\"]\n", - "bosses at queen 's hospital , burton , staffordshire , admitted they did n't tell relatives about the arrangement and a spokesman has claimed the use of a lorry is normal practice across the country .a hospital which ran out of space to store bodies in its mortuary after ` an unprecedented number of deaths ' resorted to leaving them in a refrigerated lorry parked next to a load of bins , it has emerged .bodies were transferred to the mortuary for viewings , then returned to the truck , according to one hospital worker .\n", - "bosses admitted they did n't tell relatives about the arrangementhospital says it dealt with an unprecedented number of deaths over easterspokesman : use of refrigerated lorry is normal practice across the country\n", - "[1.3339152 1.2976177 1.1734467 1.3341222 1.1637375 1.105731 1.0616815\n", - " 1.0312672 1.1131659 1.036801 1.0275109 1.0173535 1.101144 1.0468477\n", - " 1.0168985 1.0351954 1.0226707 1.0188293 0. ]\n", - "\n", - "[ 3 0 1 2 4 8 5 12 6 13 9 15 7 10 16 17 11 14 18]\n", - "=======================\n", - "['now , jurors have found him guilty on all 30 counts he faced for the deadly bombings and their aftermath .( cnn ) rebekah gregory blinked back tears as she thought about the verdict .it had been almost two years since dzhokhar tsarnaev and his brother planted bombs at the boston marathon , setting off deadly explosions that wounded her and hundreds of others .']\n", - "=======================\n", - "['survivor jeff bauman stresses \" we will never replace the lives that were lost \"a man who was at the finish line is glad dzhokhar tsarnaev is now a \" convicted killer \"\" justice has been served today , \" says a once wounded police officer']\n", - "now , jurors have found him guilty on all 30 counts he faced for the deadly bombings and their aftermath .( cnn ) rebekah gregory blinked back tears as she thought about the verdict .it had been almost two years since dzhokhar tsarnaev and his brother planted bombs at the boston marathon , setting off deadly explosions that wounded her and hundreds of others .\n", - "survivor jeff bauman stresses \" we will never replace the lives that were lost \"a man who was at the finish line is glad dzhokhar tsarnaev is now a \" convicted killer \"\" justice has been served today , \" says a once wounded police officer\n", - "[1.2406904 1.3586261 1.3697588 1.1828085 1.2780113 1.1063582 1.0709751\n", - " 1.1668744 1.0263451 1.0316752 1.0722762 1.0326986 1.0131305 1.015086\n", - " 1.0231616 1.0782735 1.042659 1.0490819 1.0494857]\n", - "\n", - "[ 2 1 4 0 3 7 5 15 10 6 18 17 16 11 9 8 14 13 12]\n", - "=======================\n", - "[\"but her son james hunter was born at a healthy eight pounds and seven ounces last tuesday .sarah stage , a 30-year-old from los angeles , came under fire during her pregnancy for posting a string of selfies showing off her seemingly rock-hard abs , with some critics claiming that maintaining such a tiny figure could be damaging to her unborn child .the lingerie model whose sexy pregnancy selfies turned her into an overnight internet sensation has already snapped the first photo of her trimmed and toned post-baby physique in ` granny panties ' - just four days after giving birth to her son .\"]\n", - "=======================\n", - "['sarah stage , 30 , welcomed son james hunter into the world last tuesdaythe baby boy weighed eight pounds , seven ounces and was 22 inches longduring her pregnancy sarah was criticized for her trim figure and abs']\n", - "but her son james hunter was born at a healthy eight pounds and seven ounces last tuesday .sarah stage , a 30-year-old from los angeles , came under fire during her pregnancy for posting a string of selfies showing off her seemingly rock-hard abs , with some critics claiming that maintaining such a tiny figure could be damaging to her unborn child .the lingerie model whose sexy pregnancy selfies turned her into an overnight internet sensation has already snapped the first photo of her trimmed and toned post-baby physique in ` granny panties ' - just four days after giving birth to her son .\n", - "sarah stage , 30 , welcomed son james hunter into the world last tuesdaythe baby boy weighed eight pounds , seven ounces and was 22 inches longduring her pregnancy sarah was criticized for her trim figure and abs\n", - "[1.1727802 1.414995 1.4011965 1.3242443 1.2370155 1.098547 1.0523919\n", - " 1.0198247 1.0446104 1.1686347 1.070345 1.076093 1.0895393 1.025945\n", - " 1.0412138 1.1348375 1.1404102 1.1192529 0. ]\n", - "\n", - "[ 1 2 3 4 0 9 16 15 17 5 12 11 10 6 8 14 13 7 18]\n", - "=======================\n", - "['the man has been identified by the adelaide advertiser as chris blowes .the 26-year-old is currently fighting for his life in hospital .mr blowes was surfing about 350 metres offshore near right point on the south-western side of fishery bay in port lincoln national park , when he was attacked at 9.45 am on saturday .']\n", - "=======================\n", - "[\"a man is in a critical condition after a shark attack in south australiapolice said the man was attacked 350m offshore at fishery baythe man was rushed to hospital with life-threatening injuriesthe attack happened shortly before 10am on saturdaywitnesses claimed a great white shark has bitten off the man 's legthe shark victim has been airlifted to adelaide for further treatmentsouth australia has been the site of numerous shark attacks\"]\n", - "the man has been identified by the adelaide advertiser as chris blowes .the 26-year-old is currently fighting for his life in hospital .mr blowes was surfing about 350 metres offshore near right point on the south-western side of fishery bay in port lincoln national park , when he was attacked at 9.45 am on saturday .\n", - "a man is in a critical condition after a shark attack in south australiapolice said the man was attacked 350m offshore at fishery baythe man was rushed to hospital with life-threatening injuriesthe attack happened shortly before 10am on saturdaywitnesses claimed a great white shark has bitten off the man 's legthe shark victim has been airlifted to adelaide for further treatmentsouth australia has been the site of numerous shark attacks\n", - "[1.2144277 1.4182168 1.3127904 1.4283228 1.1800338 1.0247612 1.0165526\n", - " 1.0116642 1.0968993 1.1904157 1.2615612 1.1037712 1.1273793 1.0181688\n", - " 1.0187887 1.0337633 1.0104475 1.0087719 1.0074339]\n", - "\n", - "[ 3 1 2 10 0 9 4 12 11 8 15 5 14 13 6 7 16 17 18]\n", - "=======================\n", - "[\"big brother star and glamour model casey batchelor has unveiled her summer collection with honeyz.com in full - and models all of the clothes herself , of coursecasey 's new line is full of boho frocks , paisley prints and flowing maxi dresses perfect for the summer season .the glamour model 's new drop was inspired by the seventies influence spotted on the ss15 catwalks\"]\n", - "=======================\n", - "['casey , 30 , found fame on big brotherhas unveiled debut fashion range full of summer styleswants to take hollywood by storm and is filming now']\n", - "big brother star and glamour model casey batchelor has unveiled her summer collection with honeyz.com in full - and models all of the clothes herself , of coursecasey 's new line is full of boho frocks , paisley prints and flowing maxi dresses perfect for the summer season .the glamour model 's new drop was inspired by the seventies influence spotted on the ss15 catwalks\n", - "casey , 30 , found fame on big brotherhas unveiled debut fashion range full of summer styleswants to take hollywood by storm and is filming now\n", - "[1.2406375 1.3162535 1.2695982 1.3585827 1.1617211 1.1218419 1.0610405\n", - " 1.0160768 1.1761277 1.0911953 1.1412243 1.0446937 1.063248 1.0924642\n", - " 1.0485017 1.0487168 1.0493411 0. 0. ]\n", - "\n", - "[ 3 1 2 0 8 4 10 5 13 9 12 6 16 15 14 11 7 17 18]\n", - "=======================\n", - "[\"mr cameron will say the conservative party will one day be the party of the first black or asian prime ministerhe will also set out targets for ethnic minority recruitment designed to persuade voters the party is on their side .britain 's first black prime minister will be a conservative , david cameron will claim today .\"]\n", - "=======================\n", - "['prime minister says conservatives will be party of first black or asian pmcameron points to party record of past female and jewish prime ministershe will set out targets for ethnic minority recruitment in bid to woo voters']\n", - "mr cameron will say the conservative party will one day be the party of the first black or asian prime ministerhe will also set out targets for ethnic minority recruitment designed to persuade voters the party is on their side .britain 's first black prime minister will be a conservative , david cameron will claim today .\n", - "prime minister says conservatives will be party of first black or asian pmcameron points to party record of past female and jewish prime ministershe will set out targets for ethnic minority recruitment in bid to woo voters\n", - "[1.5018358 1.4607834 1.2223104 1.1978977 1.1959436 1.0800759 1.1935276\n", - " 1.0359514 1.0425079 1.1166819 1.0635753 1.0957327 1.0120126 1.0130594\n", - " 1.0383568 1.0425454 1.015852 0. ]\n", - "\n", - "[ 0 1 2 3 4 6 9 11 5 10 15 8 14 7 16 13 12 17]\n", - "=======================\n", - "['the bayern munich squad flew back to germany on thursday the day after suffering a surprise defeat by porto in the champions league quarter-final first leg .a glum-looking thomas muller , manuel neuer and pep guardiola were pictured at the airport ready to board their flight back to bavaria after their 3-1 loss at the estadio dragao on wednesday .the defeat was the price the five-time european champions paid for a string of injuries and a tired squad that has not stopped playing , chief executive karl-heinz rummenigge said .']\n", - "=======================\n", - "['bayern munich were beaten 3-1 by porto in the champions leaguepep guardiola and the squad returned to germany on thursdaykarl-heinz rummenigge refused to criticise the players , blaming injuries']\n", - "the bayern munich squad flew back to germany on thursday the day after suffering a surprise defeat by porto in the champions league quarter-final first leg .a glum-looking thomas muller , manuel neuer and pep guardiola were pictured at the airport ready to board their flight back to bavaria after their 3-1 loss at the estadio dragao on wednesday .the defeat was the price the five-time european champions paid for a string of injuries and a tired squad that has not stopped playing , chief executive karl-heinz rummenigge said .\n", - "bayern munich were beaten 3-1 by porto in the champions leaguepep guardiola and the squad returned to germany on thursdaykarl-heinz rummenigge refused to criticise the players , blaming injuries\n", - "[1.2160834 1.1906021 1.2676486 1.2269303 1.1446214 1.1814606 1.0552361\n", - " 1.1525578 1.1059518 1.0815266 1.0541956 1.1889251 1.0383404 1.2077065\n", - " 1.0314534 1.1622719 0. 0. ]\n", - "\n", - "[ 2 3 0 13 1 11 5 15 7 4 8 9 6 10 12 14 16 17]\n", - "=======================\n", - "[\"norway international odegaard took to social media to share the picture of the pair at real 's valdebebas training complex .martin odegaard poses with former brazil international ronaldo at the real madrid training groundhaving presumably grown used to being in the company of one famous ronaldo , real madrid 's teen sensation martin odegaard on wednesday appeared to be left starstruck by another .\"]\n", - "=======================\n", - "[\"brazilian ronaldo paid a visit to former club real madrid on wednesdayteen sensation martin odegaard posed for a picture with the former strikerthe 16-year-old shared the snap on instagram with the caption ` legend '\"]\n", - "norway international odegaard took to social media to share the picture of the pair at real 's valdebebas training complex .martin odegaard poses with former brazil international ronaldo at the real madrid training groundhaving presumably grown used to being in the company of one famous ronaldo , real madrid 's teen sensation martin odegaard on wednesday appeared to be left starstruck by another .\n", - "brazilian ronaldo paid a visit to former club real madrid on wednesdayteen sensation martin odegaard posed for a picture with the former strikerthe 16-year-old shared the snap on instagram with the caption ` legend '\n", - "[1.1920437 1.3542336 1.2141124 1.369868 1.1702065 1.1032654 1.1620429\n", - " 1.103455 1.1267097 1.0853314 1.066472 1.0984267 1.0575113 1.0913393\n", - " 1.04642 1.0181066 1.0857319 1.0500596]\n", - "\n", - "[ 3 1 2 0 4 6 8 7 5 11 13 16 9 10 12 17 14 15]\n", - "=======================\n", - "['it is the seventeenth dead sperm whale to beach along the north coast of california in over the 40 years , a spokeswoman for the marine mammal center said .on wednesday scientists and biologists sought to determine how the massive animal died .a monster 50-foot sperm whale found washed ashore in california is attracting dozens of camera-wielding tourists while experts decide what to do with the carcass .']\n", - "=======================\n", - "[\"scientists and biologists arrived wednesday to determine how the massive mammal diedthe animal is one of 17 dead sperm whales to beach along the north coast of california in over 40 yearsofficials say it 's not immediately clear would be done with the carcass after the examination\"]\n", - "it is the seventeenth dead sperm whale to beach along the north coast of california in over the 40 years , a spokeswoman for the marine mammal center said .on wednesday scientists and biologists sought to determine how the massive animal died .a monster 50-foot sperm whale found washed ashore in california is attracting dozens of camera-wielding tourists while experts decide what to do with the carcass .\n", - "scientists and biologists arrived wednesday to determine how the massive mammal diedthe animal is one of 17 dead sperm whales to beach along the north coast of california in over 40 yearsofficials say it 's not immediately clear would be done with the carcass after the examination\n", - "[1.2507589 1.4255438 1.21156 1.1609387 1.1952863 1.1327996 1.0569521\n", - " 1.0638149 1.0622398 1.0906489 1.0546927 1.0945328 1.0827448 1.1062139\n", - " 1.0679901 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 3 5 13 11 9 12 14 7 8 6 10 16 15 17]\n", - "=======================\n", - "[\"memorials to south africa 's colonial past were defaced by mainly young black protesters as statues of british monarchs queen victoria and king george v were splashed with paint in the cities of port elizabeth and durban respectively .excrement thrown at the statue of british colonialist cecil john rhodes has triggered a wave of protests across south africa against ` racist ' historical figures .vandals poured paint over scottish-south african missionary andrew murray 's statue in the western cape .\"]\n", - "=======================\n", - "['tributes to south african colonial past defaced by young black protesterswave of protests triggered after statue of cecil john rhodes was defaced']\n", - "memorials to south africa 's colonial past were defaced by mainly young black protesters as statues of british monarchs queen victoria and king george v were splashed with paint in the cities of port elizabeth and durban respectively .excrement thrown at the statue of british colonialist cecil john rhodes has triggered a wave of protests across south africa against ` racist ' historical figures .vandals poured paint over scottish-south african missionary andrew murray 's statue in the western cape .\n", - "tributes to south african colonial past defaced by young black protesterswave of protests triggered after statue of cecil john rhodes was defaced\n", - "[1.4026632 1.536515 1.1952683 1.4459286 1.0561845 1.1030017 1.0204815\n", - " 1.0225617 1.0169582 1.0251373 1.0177977 1.0673487 1.0146402 1.0158439\n", - " 1.2750981 1.0488926 1.0194017 1.0307041]\n", - "\n", - "[ 1 3 0 14 2 5 11 4 15 17 9 7 6 16 10 8 13 12]\n", - "=======================\n", - "[\"sky bet championship side rovers were eliminated from the competition on wednesday night by brendan rodgers ' liverpool , who booked a semi-final date at wembley at the second time of asking thanks to philippe coutinho 's angled 70th-minute finish in an ewood park replay .blackburn manager gary bowyer believes the club should brace themselves for interest in their playersblackburn strikers jordan rhodes and rudy gestede have both attrackted in the last two transfer windows\"]\n", - "=======================\n", - "[\"blackburn 's jordan rhodes and rudy gestede have both attracted interestgary bowyer believes players will attract attention after fa cup exploitsblackburn lost 1-0 to liverpool on wednesday in quarter-final replayread : bowyer shocked by keeper 's late effort against liverpool\"]\n", - "sky bet championship side rovers were eliminated from the competition on wednesday night by brendan rodgers ' liverpool , who booked a semi-final date at wembley at the second time of asking thanks to philippe coutinho 's angled 70th-minute finish in an ewood park replay .blackburn manager gary bowyer believes the club should brace themselves for interest in their playersblackburn strikers jordan rhodes and rudy gestede have both attrackted in the last two transfer windows\n", - "blackburn 's jordan rhodes and rudy gestede have both attracted interestgary bowyer believes players will attract attention after fa cup exploitsblackburn lost 1-0 to liverpool on wednesday in quarter-final replayread : bowyer shocked by keeper 's late effort against liverpool\n", - "[1.4104029 1.5016575 1.3411257 1.4336257 1.1649195 1.0714496 1.0692672\n", - " 1.2200624 1.1488254 1.124284 1.0724463 1.0093067 1.0138806 1.0081108\n", - " 1.0160087 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 7 4 8 9 10 5 6 14 12 11 13 18 15 16 17 19]\n", - "=======================\n", - "[\"the west ham striker is currently overseas with a hammers physio and his pregnant fiancee billi mucklow as he continues his recovery .andy carroll is stepping up his return to fitness following knee surgery in dubai ahead of next season .however , the 26-year-old will not have a break over the summer and will instead be working hard at the club 's chadwell heath training ground .\"]\n", - "=======================\n", - "['andy carroll is in dubai as he steps up his recovery from knee surgerythe west ham striker is overseas with a club physio and his fianceethe 26-year-old injured his medial knee ligament against southampton']\n", - "the west ham striker is currently overseas with a hammers physio and his pregnant fiancee billi mucklow as he continues his recovery .andy carroll is stepping up his return to fitness following knee surgery in dubai ahead of next season .however , the 26-year-old will not have a break over the summer and will instead be working hard at the club 's chadwell heath training ground .\n", - "andy carroll is in dubai as he steps up his recovery from knee surgerythe west ham striker is overseas with a club physio and his fianceethe 26-year-old injured his medial knee ligament against southampton\n", - "[1.3329959 1.3173727 1.2503085 1.1308403 1.1452882 1.1785525 1.1327318\n", - " 1.2465491 1.1504543 1.1479223 1.0353839 1.0114809 1.0567907 1.0367637\n", - " 1.0119064 1.0810455 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 7 5 8 9 4 6 3 15 12 13 10 14 11 18 16 17 19]\n", - "=======================\n", - "[\"a family of four was enjoying a day out together in portland , maine when a white man yelled a racial slur at them before speeding off .the family consisted of a black mother and a white father who were with their nine-year-old daughter and 23-year-old son .the man was in a car filled with a group of young white men when he screamed ` hey n ***** s ! '\"]\n", - "=======================\n", - "[\"jackie ward witnessed the family of four have racial slur shouted at them while they were out for the day on fridayshay stewart-bouley , who is black and runs a blog called black girl in maine , was with her white husband and their daughter , 9 , and son , 23car of unidentified white males drove past as one shouted ` hey n ***** s ! 'ward said she shared the story to remind people to be kinder to each other\"]\n", - "a family of four was enjoying a day out together in portland , maine when a white man yelled a racial slur at them before speeding off .the family consisted of a black mother and a white father who were with their nine-year-old daughter and 23-year-old son .the man was in a car filled with a group of young white men when he screamed ` hey n ***** s ! '\n", - "jackie ward witnessed the family of four have racial slur shouted at them while they were out for the day on fridayshay stewart-bouley , who is black and runs a blog called black girl in maine , was with her white husband and their daughter , 9 , and son , 23car of unidentified white males drove past as one shouted ` hey n ***** s ! 'ward said she shared the story to remind people to be kinder to each other\n", - "[1.1370361 1.5047297 1.1870668 1.1515685 1.1985705 1.2031757 1.1863137\n", - " 1.3206491 1.1559455 1.1027842 1.1289738 1.0630416 1.0708458 1.0527488\n", - " 1.0879148 1.0603477 1.0720755 1.0608647 0. 0. ]\n", - "\n", - "[ 1 7 5 4 2 6 8 3 0 10 9 14 16 12 11 17 15 13 18 19]\n", - "=======================\n", - "['the cute calf had been taking a stroll through the bush with his mother at idube game reserve in south africa .the clumsy little one stumbled as he stepped down onto the path and struggled to regain his balance .but when the baby elephant rushed to catch her up he appeared to get his leg caught in the grass .']\n", - "=======================\n", - "['cute but clumsy elephant calf was following his mother though the bushsuddenly the youngster appeared to catch his foot and his lose balancefell over and landed - trunk first - down in the mud at idube game reserve']\n", - "the cute calf had been taking a stroll through the bush with his mother at idube game reserve in south africa .the clumsy little one stumbled as he stepped down onto the path and struggled to regain his balance .but when the baby elephant rushed to catch her up he appeared to get his leg caught in the grass .\n", - "cute but clumsy elephant calf was following his mother though the bushsuddenly the youngster appeared to catch his foot and his lose balancefell over and landed - trunk first - down in the mud at idube game reserve\n", - "[1.1683995 1.4781035 1.2905703 1.2674541 1.2415974 1.1320158 1.1728816\n", - " 1.034662 1.1547453 1.0416585 1.1694204 1.0640059 1.0296947 1.1738526\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 13 6 10 0 8 5 11 9 7 12 14 15 16 17 18 19]\n", - "=======================\n", - "[\"doctor john parker was taken to westmead hospital in sydney 's west for treatment about midday on saturday after he had developed symptoms of a influenza-like illness .the humanitarian doctor from sunshine coast in queensland had been working at an australian-run ebola treatment clinic in sierra leone since november last year , nine news reports .the world health organisation estimated more than 10,000 people have died from the deadly virus in guinea , liberia and sierra leone .\"]\n", - "=======================\n", - "['ebola tests for a senior doctor has come back negative for the virusdoctor john parker has been working at an ebola clinic in sierra leonensw health said he had developed flu-like symptoms on saturdaydr parker was assessed at a sydney hospital as a precaution']\n", - "doctor john parker was taken to westmead hospital in sydney 's west for treatment about midday on saturday after he had developed symptoms of a influenza-like illness .the humanitarian doctor from sunshine coast in queensland had been working at an australian-run ebola treatment clinic in sierra leone since november last year , nine news reports .the world health organisation estimated more than 10,000 people have died from the deadly virus in guinea , liberia and sierra leone .\n", - "ebola tests for a senior doctor has come back negative for the virusdoctor john parker has been working at an ebola clinic in sierra leonensw health said he had developed flu-like symptoms on saturdaydr parker was assessed at a sydney hospital as a precaution\n", - "[1.2375783 1.4256496 1.1211908 1.1363066 1.1045381 1.1226006 1.3511343\n", - " 1.1730627 1.0389264 1.0730398 1.0193298 1.1652989 1.0229214 1.0799456\n", - " 1.0630975 1.1065252 1.0599394 1.0457414 1.0685818 1.0249987]\n", - "\n", - "[ 1 6 0 7 11 3 5 2 15 4 13 9 18 14 16 17 8 19 12 10]\n", - "=======================\n", - "['on april 16 , molly parks was found in the bathroom of the pizza restaurant where she worked in manchester , new hampshire with a needle still in her arm .the family of a 24-year-old woman who died of a heroin overdose has penned a candid obituary openly discussing her struggle with drugs in a bid to prevent others from losing their lives .her father , tom parks , said she had abused alcohol and prescription pills before moving on to heroin .']\n", - "=======================\n", - "[\"on april 16 , molly parks was found in the bathroom of the new hampshire pizza restaurant where she worked with a needle still in her armher family wrote an honest obituary announcing her death and detailing her ` bad decisions including experimenting with drugs 'she had been addicted for 5 years and previously had a near-fatal overdoseher family said they are sharing her story as a warning to other families and to plead with them ` to stay on top ' of their loved ones with addictions\"]\n", - "on april 16 , molly parks was found in the bathroom of the pizza restaurant where she worked in manchester , new hampshire with a needle still in her arm .the family of a 24-year-old woman who died of a heroin overdose has penned a candid obituary openly discussing her struggle with drugs in a bid to prevent others from losing their lives .her father , tom parks , said she had abused alcohol and prescription pills before moving on to heroin .\n", - "on april 16 , molly parks was found in the bathroom of the new hampshire pizza restaurant where she worked with a needle still in her armher family wrote an honest obituary announcing her death and detailing her ` bad decisions including experimenting with drugs 'she had been addicted for 5 years and previously had a near-fatal overdoseher family said they are sharing her story as a warning to other families and to plead with them ` to stay on top ' of their loved ones with addictions\n", - "[1.1889064 1.3570814 1.3192039 1.2879899 1.1607413 1.2064474 1.1105897\n", - " 1.130503 1.1350405 1.1019158 1.1007135 1.025954 1.0509732 1.0579406\n", - " 1.0148524 1.0176749 1.0104681 1.0478373 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 5 0 4 8 7 6 9 10 13 12 17 11 15 14 16 22 18 19 20 21 23]\n", - "=======================\n", - "[\"the man , known only as xu , even tried to impregnate the ` daughter-in-law ' himself after discovering his son had not slept with his wife a single time .xu is currently under arrest for human trafficking by the police of lianyungang city in eastern china , according to the people 's daily online .desperate for a grandchild , xu ( pictured ) bought a wife for his son , who has learning difficulties\"]\n", - "=======================\n", - "[\"the man , known only as xu , was keen to have a grandchildhe bought the ` daughter-in-law ' for # 1,311 at the beginning of 2014both his son and the woman that xu bought suffered from learning difficultiesafter realising the young couple were not sleeping together , he began having sex with her himselfbut when she failed to fall pregnant he decided to sell her on againxu is under arrest for human trafficking at lianyungang in eastern china\"]\n", - "the man , known only as xu , even tried to impregnate the ` daughter-in-law ' himself after discovering his son had not slept with his wife a single time .xu is currently under arrest for human trafficking by the police of lianyungang city in eastern china , according to the people 's daily online .desperate for a grandchild , xu ( pictured ) bought a wife for his son , who has learning difficulties\n", - "the man , known only as xu , was keen to have a grandchildhe bought the ` daughter-in-law ' for # 1,311 at the beginning of 2014both his son and the woman that xu bought suffered from learning difficultiesafter realising the young couple were not sleeping together , he began having sex with her himselfbut when she failed to fall pregnant he decided to sell her on againxu is under arrest for human trafficking at lianyungang in eastern china\n", - "[1.2646794 1.3177414 1.117406 1.1840147 1.2805009 1.3525863 1.1666735\n", - " 1.026241 1.0729471 1.0803478 1.1005507 1.0493054 1.1022557 1.0311606\n", - " 1.0860815 1.0137888 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 5 1 4 0 3 6 2 12 10 14 9 8 11 13 7 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"the gunners are now in fine form and beat liverpool 4-1 on saturday but still have the exact same recordbut the gunners still finished in fourth place yet again , with arsene wenger 's team were heavily criticised after throwing away the title .arsenal were reeling after a 6-0 defeat by chelsea at this stage last season and had 63 points from 31 games\"]\n", - "=======================\n", - "['arsenal were title contenders in 2013/14 season before faltering at the endgunners have same record after 31 games : won 19 , drawn six , lost sixarsene wenger insists arsenal have improved with likes of alexis sanchezarsenal started this season poorly with defeats at swansea and stoke cityadrian durham : arsenal only turn it on when the pressure is off']\n", - "the gunners are now in fine form and beat liverpool 4-1 on saturday but still have the exact same recordbut the gunners still finished in fourth place yet again , with arsene wenger 's team were heavily criticised after throwing away the title .arsenal were reeling after a 6-0 defeat by chelsea at this stage last season and had 63 points from 31 games\n", - "arsenal were title contenders in 2013/14 season before faltering at the endgunners have same record after 31 games : won 19 , drawn six , lost sixarsene wenger insists arsenal have improved with likes of alexis sanchezarsenal started this season poorly with defeats at swansea and stoke cityadrian durham : arsenal only turn it on when the pressure is off\n", - "[1.1504871 1.5992286 1.0939641 1.0701425 1.271416 1.3499538 1.2347593\n", - " 1.2461828 1.0145645 1.0388279 1.0248334 1.0172036 1.0467339 1.0218985\n", - " 1.0163289 1.011664 1.0120795 1.026538 1.0178916 1.0153475 1.067455\n", - " 1.0521735 1.0184989 1.0354921]\n", - "\n", - "[ 1 5 4 7 6 0 2 3 20 21 12 9 23 17 10 13 22 18 11 14 19 8 16 15]\n", - "=======================\n", - "['calum chambers , eric dier and john stones have all enjoyed excellent premier league campaigns .arsenal defender calum chambers ( left ) has impressed in his first season at the clubchambers and stones are still 20 and dier is 21 , but there are no signs of fear in their games .']\n", - "=======================\n", - "['calum chambers has played 35 times already for arsenal this seasoneric dier has become an important first-team player at tottenhamjohn stones has impressed for everton after being moved to the middle']\n", - "calum chambers , eric dier and john stones have all enjoyed excellent premier league campaigns .arsenal defender calum chambers ( left ) has impressed in his first season at the clubchambers and stones are still 20 and dier is 21 , but there are no signs of fear in their games .\n", - "calum chambers has played 35 times already for arsenal this seasoneric dier has become an important first-team player at tottenhamjohn stones has impressed for everton after being moved to the middle\n", - "[1.1262853 1.0859984 1.2512821 1.2900549 1.0756627 1.0308003 1.0526645\n", - " 1.1025245 1.0606169 1.0854442 1.0734482 1.0887935 1.0452462 1.0849354\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 2 0 7 11 1 9 13 4 10 8 6 12 5 21 20 19 18 14 16 15 22 17 23]\n", - "=======================\n", - "[\"while the glamorous scolaro sisters ` partied with a-list movie stars ' , self-made millionaire tomer sror continued to earn hundreds of thousands in minutes over online trades -- even when he was sunbathing on the beach .mailonline caught up with the world 's most extravagant 18 to 26-year-olds who blew their cash in miami , new york , marbella and monaco to name but a few cities before indulging in their stratospheric nightlife during spring break .travel in style : for 25-year-old andreas arnhoff from norway it is more about the journey - on a luxury yacht - than the destination which just so happens to be the gorgeous beaches of miami\"]\n", - "=======================\n", - "[\"rich kids of instagram have been spending spring in the most glamorous hotels in monaco , new york and rhodesthey travel on # 2million private jets , stay in # 1,000-a-night hotels , eat truffles with breakfast and lounge on yachtsbut some , including 20-year-old luxury jewellery designer stephanie scolaro , have simply gotten used to jet-settingothers can not leave their work behind as tomer sror continues to make ` hundreds of thousands ' while on holiday\"]\n", - "while the glamorous scolaro sisters ` partied with a-list movie stars ' , self-made millionaire tomer sror continued to earn hundreds of thousands in minutes over online trades -- even when he was sunbathing on the beach .mailonline caught up with the world 's most extravagant 18 to 26-year-olds who blew their cash in miami , new york , marbella and monaco to name but a few cities before indulging in their stratospheric nightlife during spring break .travel in style : for 25-year-old andreas arnhoff from norway it is more about the journey - on a luxury yacht - than the destination which just so happens to be the gorgeous beaches of miami\n", - "rich kids of instagram have been spending spring in the most glamorous hotels in monaco , new york and rhodesthey travel on # 2million private jets , stay in # 1,000-a-night hotels , eat truffles with breakfast and lounge on yachtsbut some , including 20-year-old luxury jewellery designer stephanie scolaro , have simply gotten used to jet-settingothers can not leave their work behind as tomer sror continues to make ` hundreds of thousands ' while on holiday\n", - "[1.3126116 1.1868583 1.3912233 1.1931927 1.2684951 1.2037936 1.1431957\n", - " 1.0598875 1.0492692 1.2068176 1.054639 1.0830909 1.0342431 1.0501505\n", - " 1.03226 1.0930154 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 0 4 9 5 3 1 6 15 11 7 10 13 8 12 14 22 16 17 18 19 20 21 23]\n", - "=======================\n", - "[\"patrick james fredricksen , 30 - who has previous convictions for unlawful sexual activity with a minor and impersonating a firefighter - was stopped on his way to one child 's home in eastern utah , police say .fredricksen has now been booked into emery county jail for investigation of theft of a vehicle and attempted child kidnapping .audacious : fredricksen is said to have taken an american school bus and driven it to youngsters ' homes\"]\n", - "=======================\n", - "[\"patrick james fredricksen was stopped on way to child 's home , say policesex abuser discovered the bus empty with its keys inside in emery countyhe reportedly stole a funeral worker 's car the same dayafter being locked up , he ` flooded jail ' by breaking a water pipe\"]\n", - "patrick james fredricksen , 30 - who has previous convictions for unlawful sexual activity with a minor and impersonating a firefighter - was stopped on his way to one child 's home in eastern utah , police say .fredricksen has now been booked into emery county jail for investigation of theft of a vehicle and attempted child kidnapping .audacious : fredricksen is said to have taken an american school bus and driven it to youngsters ' homes\n", - "patrick james fredricksen was stopped on way to child 's home , say policesex abuser discovered the bus empty with its keys inside in emery countyhe reportedly stole a funeral worker 's car the same dayafter being locked up , he ` flooded jail ' by breaking a water pipe\n", - "[1.3065621 1.4058573 1.2880921 1.278613 1.3772218 1.0802958 1.3133287\n", - " 1.1627693 1.1395878 1.0313877 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 6 0 2 3 7 8 5 9 18 17 16 15 10 13 12 11 19 14 20]\n", - "=======================\n", - "['the 29-year-old is out of contract in the summer and is keen on a move to the premier league .swansea left back neil taylor is a # 4million target for west bromwich albionswansea city have expressed an interest in schalke full back christian fuchs .']\n", - "=======================\n", - "[\"christian fuchs ' current schalke contract expires in the summerdefender has attracted interested from a number of premier league clubsswansea have expressed their interest in the austria international\"]\n", - "the 29-year-old is out of contract in the summer and is keen on a move to the premier league .swansea left back neil taylor is a # 4million target for west bromwich albionswansea city have expressed an interest in schalke full back christian fuchs .\n", - "christian fuchs ' current schalke contract expires in the summerdefender has attracted interested from a number of premier league clubsswansea have expressed their interest in the austria international\n", - "[1.3647228 1.361025 1.1342285 1.3252058 1.128461 1.0408219 1.0888168\n", - " 1.0494825 1.0517452 1.0543501 1.0723277 1.1204214 1.0575058 1.041889\n", - " 1.0448064 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 11 6 10 12 9 8 7 14 13 5 19 15 16 17 18 20]\n", - "=======================\n", - "[\"as a sequel of sorts to the diane sawyer 20/20 special , tv viewers will be able to follow bruce jenner 's journey as he transitions into a woman in his forthcoming eight-episode docu-series on e! starting july 27 .but it is allegedly his sons burt , brandon and brody jenner and stepdaughter kim kardashian who are hesitant to hear and watch just how much their 65-year-old patriarch will reveal about gender change .` they are warning him to slow down on revealing too much of his journey on reality tv , ' a source told tmz in a monday report .\"]\n", - "=======================\n", - "[\"bruce is set to star in an eight-episode docu-series on e! starting july 27kim , burt , brandon and brody ` do n't want him to do the series 'jenner 's sons and daughter casey tell gma the star left them in the '80s\"]\n", - "as a sequel of sorts to the diane sawyer 20/20 special , tv viewers will be able to follow bruce jenner 's journey as he transitions into a woman in his forthcoming eight-episode docu-series on e! starting july 27 .but it is allegedly his sons burt , brandon and brody jenner and stepdaughter kim kardashian who are hesitant to hear and watch just how much their 65-year-old patriarch will reveal about gender change .` they are warning him to slow down on revealing too much of his journey on reality tv , ' a source told tmz in a monday report .\n", - "bruce is set to star in an eight-episode docu-series on e! starting july 27kim , burt , brandon and brody ` do n't want him to do the series 'jenner 's sons and daughter casey tell gma the star left them in the '80s\n", - "[1.462051 1.4651008 1.3916111 1.1760925 1.228331 1.0333171 1.0258276\n", - " 1.0124836 1.0791506 1.0418078 1.1414099 1.1317979 1.0102613 1.0089054\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 3 10 11 8 9 5 6 7 12 13 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"the six-time olympic gold medallist is currently in rio de janeiro , acclimatising ahead of next year 's olympic games in the brazilian capital , and will compete in the ` mano a mano ' 100-metre challenge on sunday .usain bolt has revealed he wants to smash his own 200-metre world record by running the distance in under 19 seconds and insists he is almost impossible to beat when he is fully fit .the jamaican sprinter ran the 200 metres in 19.19 sec at the 2009 world championships in berlin and bolt is confident he could shave two tenths off that time despite clocking a disappointing 20.20 sec at the utech classic in his home country last saturday .\"]\n", - "=======================\n", - "['usain bolt wants to beat own 200-metre record by running sub 19 secondsbolt had injuries last season as justin gatlin dominated sprint scenebut jamaican insists when he is fit he is almost impossible to beat']\n", - "the six-time olympic gold medallist is currently in rio de janeiro , acclimatising ahead of next year 's olympic games in the brazilian capital , and will compete in the ` mano a mano ' 100-metre challenge on sunday .usain bolt has revealed he wants to smash his own 200-metre world record by running the distance in under 19 seconds and insists he is almost impossible to beat when he is fully fit .the jamaican sprinter ran the 200 metres in 19.19 sec at the 2009 world championships in berlin and bolt is confident he could shave two tenths off that time despite clocking a disappointing 20.20 sec at the utech classic in his home country last saturday .\n", - "usain bolt wants to beat own 200-metre record by running sub 19 secondsbolt had injuries last season as justin gatlin dominated sprint scenebut jamaican insists when he is fit he is almost impossible to beat\n", - "[1.2035104 1.1452042 1.0855422 1.1337833 1.2173573 1.1322695 1.0962096\n", - " 1.060717 1.1022127 1.1051636 1.096008 1.0287862 1.0319635 1.0619085\n", - " 1.0269805 1.0429243 1.0543743 1.0343906 1.0248649 1.1536433 0. ]\n", - "\n", - "[ 4 0 19 1 3 5 9 8 6 10 2 13 7 16 15 17 12 11 14 18 20]\n", - "=======================\n", - "['cnn recently published a powerful piece called \" poor kids of silicon valley \" that documents the affordable housing challenges facing families in the bay area .( cnn ) can you imagine paying $ 1,000 a month in rent to live in a one-car garage ?right now , the nation is losing 10,000 units of public housing every year , mainly because of disrepair , hud created the rental assistance demonstration initiative to bring private investment into the fold for the public good .']\n", - "=======================\n", - "['cnn \\'s john sutter told the story of the \" poor kids of silicon valley \"hud secretary julián castro : our shortage of affordable housing is a national crisis that stunts the economy']\n", - "cnn recently published a powerful piece called \" poor kids of silicon valley \" that documents the affordable housing challenges facing families in the bay area .( cnn ) can you imagine paying $ 1,000 a month in rent to live in a one-car garage ?right now , the nation is losing 10,000 units of public housing every year , mainly because of disrepair , hud created the rental assistance demonstration initiative to bring private investment into the fold for the public good .\n", - "cnn 's john sutter told the story of the \" poor kids of silicon valley \"hud secretary julián castro : our shortage of affordable housing is a national crisis that stunts the economy\n", - "[1.1824297 1.3754482 1.1465062 1.2416382 1.1621875 1.1320083 1.060545\n", - " 1.0577345 1.1496844 1.1685214 1.1212475 1.0432501 1.0305041 1.082526\n", - " 1.0481607 1.0339159 1.0322481 1.0108484 1.0272651 1.0894655 1.0913935]\n", - "\n", - "[ 1 3 0 9 4 8 2 5 10 20 19 13 6 7 14 11 15 16 12 18 17]\n", - "=======================\n", - "['for the geordie shore star , who has lost has lost two and a half stone and four dress sizes over the past year , is looking thinner than ever .as charlotte cosby showed off her super-slim figure in a new instagram photo , many of her fans balked at her now tiny frame .one twitter user commented that she thought charlotte was ` far to skinny [ sic ] whilst other commented on her instagram pictures']\n", - "=======================\n", - "['charlotte crosby was criticised for her slim frame on social mediathe star has lost more than two and a half stone in the past yearher geordie shore cast mates have also shed the poundsa doctor warns that they could be taking their diets too far']\n", - "for the geordie shore star , who has lost has lost two and a half stone and four dress sizes over the past year , is looking thinner than ever .as charlotte cosby showed off her super-slim figure in a new instagram photo , many of her fans balked at her now tiny frame .one twitter user commented that she thought charlotte was ` far to skinny [ sic ] whilst other commented on her instagram pictures\n", - "charlotte crosby was criticised for her slim frame on social mediathe star has lost more than two and a half stone in the past yearher geordie shore cast mates have also shed the poundsa doctor warns that they could be taking their diets too far\n", - "[1.4283903 1.1899607 1.1592773 1.1863408 1.1868033 1.062758 1.0370886\n", - " 1.0343962 1.0613908 1.042767 1.0361917 1.0370362 1.1265557 1.0658933\n", - " 1.0393585 1.0659266 1.0276413 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 3 2 12 15 13 5 8 9 14 6 11 10 7 16 17 18 19 20]\n", - "=======================\n", - "['( cnn ) the white house insists it does n\\'t need congressional approval for the iran nuclear deal announced this month .but while historical precedent suggests the president might indeed have the authority to move forward without congress , the obama administration should probably learn another lesson from history : getting congress \\' signature might be worth the effort .the president and his advisers have avoided using the term \" treaty , \" instead explaining that it would be a \" nonbinding agreement . \"']\n", - "=======================\n", - "[\"framework agreement with iran over its nuclear program was reached this monthjulian zelizer : white house should seek congressional approval for final dealthere 's a history of congress causing trouble for major international treaties , he says\"]\n", - "( cnn ) the white house insists it does n't need congressional approval for the iran nuclear deal announced this month .but while historical precedent suggests the president might indeed have the authority to move forward without congress , the obama administration should probably learn another lesson from history : getting congress ' signature might be worth the effort .the president and his advisers have avoided using the term \" treaty , \" instead explaining that it would be a \" nonbinding agreement . \"\n", - "framework agreement with iran over its nuclear program was reached this monthjulian zelizer : white house should seek congressional approval for final dealthere 's a history of congress causing trouble for major international treaties , he says\n", - "[1.1956453 1.4558134 1.3161584 1.2612482 1.1714244 1.2312934 1.197553\n", - " 1.1376477 1.0243013 1.0135475 1.0129316 1.0134404 1.0112059 1.0458318\n", - " 1.1615322 1.1294982 1.1132696 1.0612978 1.0783813 1.0661746 1.0536827]\n", - "\n", - "[ 1 2 3 5 6 0 4 14 7 15 16 18 19 17 20 13 8 9 11 10 12]\n", - "=======================\n", - "['figures from the catholic church show the number of women taking holy vows has trebled from 15 in 2009 to 45 last year .from a low of only seven in 2004 , the figure has been rising for the past decade .theodora hawksley , 29 , was until recently a post-doctoral researcher in theology at the university of edinburgh .']\n", - "=======================\n", - "[\"figures from the catholic church show more and more becoming nunsthe number of women taking holy vows stood at just seven back in 2004but that figure had risen to 15 in 2009 and increased further to 45 last yearone father said a ` gap in the market for meaning ' led people toward religion\"]\n", - "figures from the catholic church show the number of women taking holy vows has trebled from 15 in 2009 to 45 last year .from a low of only seven in 2004 , the figure has been rising for the past decade .theodora hawksley , 29 , was until recently a post-doctoral researcher in theology at the university of edinburgh .\n", - "figures from the catholic church show more and more becoming nunsthe number of women taking holy vows stood at just seven back in 2004but that figure had risen to 15 in 2009 and increased further to 45 last yearone father said a ` gap in the market for meaning ' led people toward religion\n", - "[1.1805232 1.3728206 1.289409 1.332305 1.1194981 1.1496295 1.1340951\n", - " 1.0805947 1.0662087 1.0927567 1.0304363 1.0795418 1.039521 1.1165162\n", - " 1.0315057 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 5 6 4 13 9 7 11 8 12 14 10 15 16 17 18 19 20]\n", - "=======================\n", - "['ed miliband today set out plans to scrap stamp duty for most first-time buyers , curbing rent rises and giving local people priority for new homes .but he also wants to ban developers hoarding land which could be built on , triggering a drop in the value of shares of construction firms .yesterday mr miliband said he would introduce rent controls if it won the election and ban private landlords from raising rents by more than the rate of inflation for the duration of new three-year contracts .']\n", - "=======================\n", - "[\"miliband says there 's ` nothing more british than dream of home-ownership 'stamp duty cut would save first-time buyers up to # 5,000 on cost of buyinglabour would also ensure new homes go to local people with law change\"]\n", - "ed miliband today set out plans to scrap stamp duty for most first-time buyers , curbing rent rises and giving local people priority for new homes .but he also wants to ban developers hoarding land which could be built on , triggering a drop in the value of shares of construction firms .yesterday mr miliband said he would introduce rent controls if it won the election and ban private landlords from raising rents by more than the rate of inflation for the duration of new three-year contracts .\n", - "miliband says there 's ` nothing more british than dream of home-ownership 'stamp duty cut would save first-time buyers up to # 5,000 on cost of buyinglabour would also ensure new homes go to local people with law change\n", - "[1.2591684 1.2071238 1.1930218 1.3113796 1.2200878 1.2169951 1.0948936\n", - " 1.0686413 1.1263698 1.080431 1.0303935 1.082144 1.0725888 1.0878725\n", - " 1.1300424 1.1016257 1.0246547 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 4 5 1 2 14 8 15 6 13 11 9 12 7 10 16 17 18 19 20]\n", - "=======================\n", - "[\"a researcher says a ` bone flute ' found in slovenia is not an instrument - instead , he says it is simply a bone chewed by a hyena with teeth marks .it was heralded as the world 's oldest musical instrument ; a bone with two holes in it seemingly made by neanderthals to serenade their companions .the bone was discovered on 18 july 1995 in slovenia\"]\n", - "=======================\n", - "[\"researcher says a ` bone flute ' found in slovenia is not an instrumentinstead he says it is simply a bone chewed by a hyena with teeth markshe claims all such instruments were made by hyenas , not neanderthalsand the bones do not even originate from neanderthal times\"]\n", - "a researcher says a ` bone flute ' found in slovenia is not an instrument - instead , he says it is simply a bone chewed by a hyena with teeth marks .it was heralded as the world 's oldest musical instrument ; a bone with two holes in it seemingly made by neanderthals to serenade their companions .the bone was discovered on 18 july 1995 in slovenia\n", - "researcher says a ` bone flute ' found in slovenia is not an instrumentinstead he says it is simply a bone chewed by a hyena with teeth markshe claims all such instruments were made by hyenas , not neanderthalsand the bones do not even originate from neanderthal times\n", - "[1.1693096 1.5301085 1.1969806 1.2194345 1.2690278 1.3036306 1.2218635\n", - " 1.1304755 1.0586308 1.012286 1.0187265 1.0193838 1.0192802 1.0263339\n", - " 1.0167558 1.0985456 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 4 6 3 2 0 7 15 8 13 11 12 10 14 9 16 17 18 19 20]\n", - "=======================\n", - "[\"hugh roche kelly , who was flying from berlin to paris yesterday morning , posted the account on his twitter profile of how the pilot managed to dispel the ` tense vibe ' by his actions .andreas lubitz , the germanwings co-pilot who deliberately brought down flight 4u9525 last weeka germanwings airbus a320 much like the one which crashed in the french alps , killing 150 people .\"]\n", - "=======================\n", - "[\"hugh roche kelly told how pilot dispelled ` tense vibe ' with his actionsleft cockpit so passengers could see him and spoke in three languagescomes week after co-pilot andreas lubitz brought down flight 4u9525second black box has confirmed that he did deliberately kill 150 people\"]\n", - "hugh roche kelly , who was flying from berlin to paris yesterday morning , posted the account on his twitter profile of how the pilot managed to dispel the ` tense vibe ' by his actions .andreas lubitz , the germanwings co-pilot who deliberately brought down flight 4u9525 last weeka germanwings airbus a320 much like the one which crashed in the french alps , killing 150 people .\n", - "hugh roche kelly told how pilot dispelled ` tense vibe ' with his actionsleft cockpit so passengers could see him and spoke in three languagescomes week after co-pilot andreas lubitz brought down flight 4u9525second black box has confirmed that he did deliberately kill 150 people\n", - "[1.3751439 1.2820803 1.1562607 1.3380514 1.2005304 1.2663517 1.2037692\n", - " 1.0794276 1.082288 1.1219753 1.1291815 1.0291928 1.0263869 1.0530635\n", - " 1.0530839 1.0464772 1.0525094 1.0148814 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 1 5 6 4 2 10 9 8 7 14 13 16 15 11 12 17 20 18 19 21]\n", - "=======================\n", - "[\"george boyd is the barclays premier league 's hardest working player , clocking up 210.5 miles on the pitch this season - the equivalent of running from burnley 's turf moor ground to crystal palace 's selhurst park in south london .the burnley winger has run slightly further than tottenham hotspur midfielder christian eriksen .walking the journey from turf moor to selhurst would usually take 69 hours , according to google maps ' estimations , but boyd has managed it in less than 40 hours of playing time .\"]\n", - "=======================\n", - "['burnley winger george boyd has run the furthest in the premier leaguehis 210.5 miles this season beats christian eriksen from tottenhamburnley have run an incredible 2,172.3 miles between them this seasonplayers from stoke , hull , liverpool and west ham feature in the top 10']\n", - "george boyd is the barclays premier league 's hardest working player , clocking up 210.5 miles on the pitch this season - the equivalent of running from burnley 's turf moor ground to crystal palace 's selhurst park in south london .the burnley winger has run slightly further than tottenham hotspur midfielder christian eriksen .walking the journey from turf moor to selhurst would usually take 69 hours , according to google maps ' estimations , but boyd has managed it in less than 40 hours of playing time .\n", - "burnley winger george boyd has run the furthest in the premier leaguehis 210.5 miles this season beats christian eriksen from tottenhamburnley have run an incredible 2,172.3 miles between them this seasonplayers from stoke , hull , liverpool and west ham feature in the top 10\n", - "[1.453452 1.0886271 1.2186275 1.1623869 1.3606322 1.0406209 1.1558702\n", - " 1.0938886 1.0569825 1.06608 1.0995959 1.0911691 1.0563986 1.05596\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 4 2 3 6 10 7 11 1 9 8 12 13 5 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"president barack obama announced today $ 200 million in additional u.s. humanitarian aid to iraq , but declined to say whether washington would provide apache helicopters , drones and other arms to baghdad to help with the ongoing fight against isis . 'but white house spokesman josh earnest later said the iraqi leader did not make a specific request for additional military support during the meeting .abadi is on his first trip to washington since becoming prime minister last september .\"]\n", - "=======================\n", - "[\"iraqi prime minister haidar al-abadi had been expected to seek billions of dollars in drones and other u.s. weapons during his visit to the oval officebut white house spokesman josh earnest says the iraqi leader did not make a specific request for additional military support during the meetingasked about military aid by a reporter after his discussion with mr. abadi , obama hedged and said : ' i think this is why we are having this meeting '\"]\n", - "president barack obama announced today $ 200 million in additional u.s. humanitarian aid to iraq , but declined to say whether washington would provide apache helicopters , drones and other arms to baghdad to help with the ongoing fight against isis . 'but white house spokesman josh earnest later said the iraqi leader did not make a specific request for additional military support during the meeting .abadi is on his first trip to washington since becoming prime minister last september .\n", - "iraqi prime minister haidar al-abadi had been expected to seek billions of dollars in drones and other u.s. weapons during his visit to the oval officebut white house spokesman josh earnest says the iraqi leader did not make a specific request for additional military support during the meetingasked about military aid by a reporter after his discussion with mr. abadi , obama hedged and said : ' i think this is why we are having this meeting '\n", - "[1.1718496 1.4348154 1.2894297 1.1521773 1.3476226 1.0466497 1.0775394\n", - " 1.1092641 1.0382134 1.0526007 1.0699456 1.0166075 1.0555023 1.0185966\n", - " 1.0591619 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 2 0 3 7 6 10 14 12 9 5 8 13 11 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"the spectacular isolated fort , one of three guarding the entrance to the solent , just off the coast of the isle of wight , has been turned into a luxury impregnable haven complete with a rooftop hot tub , shops and even its own nightclub , thanks to a multi-million pound revamp .the no man 's fort has been transformed by amazing venues to become a luxury hotel , and is set to open on april 23the unique hotel looks like could be a fortress of a james bond villain and can sleep 44 guests with a capacity of 200 for parties and events .\"]\n", - "=======================\n", - "[\"no man 's fort is located a mile off the coast of the isle of wight and is accessible by helicopter or boatamazing venues has renovated the 134-year-old sea fort into ' 75,000 sq ft of fun ' with cabaret bar and rooftop bbqsthe fort boasts 23 suites at # 450 per night , with the lighthouse suite rising to # 1,150 a night during the summer\"]\n", - "the spectacular isolated fort , one of three guarding the entrance to the solent , just off the coast of the isle of wight , has been turned into a luxury impregnable haven complete with a rooftop hot tub , shops and even its own nightclub , thanks to a multi-million pound revamp .the no man 's fort has been transformed by amazing venues to become a luxury hotel , and is set to open on april 23the unique hotel looks like could be a fortress of a james bond villain and can sleep 44 guests with a capacity of 200 for parties and events .\n", - "no man 's fort is located a mile off the coast of the isle of wight and is accessible by helicopter or boatamazing venues has renovated the 134-year-old sea fort into ' 75,000 sq ft of fun ' with cabaret bar and rooftop bbqsthe fort boasts 23 suites at # 450 per night , with the lighthouse suite rising to # 1,150 a night during the summer\n", - "[1.2117262 1.4052867 1.2910323 1.317463 1.175014 1.1801431 1.10473\n", - " 1.0922945 1.2502846 1.0215276 1.1104537 1.0171542 1.0161169 1.0735934\n", - " 1.0739994 1.1240155 1.1256607 1.0489113 1.0530612 1.0376658 1.0474705\n", - " 1.0623686]\n", - "\n", - "[ 1 3 2 8 0 5 4 16 15 10 6 7 14 13 21 18 17 20 19 9 11 12]\n", - "=======================\n", - "['the man , ibrahim jalloh , along with another australian , bengali sherrif , were reportedly arrested at guangzhou airport in june 2014 .australian man ibrahim jalloh is awaiting trial after reportedly being arrested attempting to smuggle drugs in chinasherrif has already been sentenced to death , according to the abc .']\n", - "=======================\n", - "['an australian man has reportedly been sentenced to death in chinabengali sherrif caught at a chinese airport allegedly attempting to smuggleallegedly caught with methamphetamine , which is used to make icequeensland man ibrahim jalloh facing the same charge will soon face trialthree men tried in melbourne charged with smuggling drugs from china']\n", - "the man , ibrahim jalloh , along with another australian , bengali sherrif , were reportedly arrested at guangzhou airport in june 2014 .australian man ibrahim jalloh is awaiting trial after reportedly being arrested attempting to smuggle drugs in chinasherrif has already been sentenced to death , according to the abc .\n", - "an australian man has reportedly been sentenced to death in chinabengali sherrif caught at a chinese airport allegedly attempting to smuggleallegedly caught with methamphetamine , which is used to make icequeensland man ibrahim jalloh facing the same charge will soon face trialthree men tried in melbourne charged with smuggling drugs from china\n", - "[1.357171 1.109916 1.0394412 1.2068697 1.1433852 1.1241556 1.132051\n", - " 1.1356508 1.0311449 1.0444503 1.0802133 1.1261525 1.1035569 1.0695045\n", - " 1.0585717 1.084736 1.0636613 1.0734956 1.041957 1.0846331 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 4 7 6 11 5 1 12 15 19 10 17 13 16 14 9 18 2 8 20 21]\n", - "=======================\n", - "['( cnn ) anthony ray hinton is 58 years old .until one week ago , when his murder convictions were wiped clean , and hinton walked out of a county jail in birmingham .\" i have to pinch myself to tell myself that i \\'m free , \" he told cnn \\'s brooke baldwin on friday .']\n", - "=======================\n", - "[\"anthony ray hinton was freed apri 3 , decades after conviction for two murdersthings like using a fork , getting used to the dark are challenges now that he 's outhe says his sense of humor helped him survive 30 years in prison\"]\n", - "( cnn ) anthony ray hinton is 58 years old .until one week ago , when his murder convictions were wiped clean , and hinton walked out of a county jail in birmingham .\" i have to pinch myself to tell myself that i 'm free , \" he told cnn 's brooke baldwin on friday .\n", - "anthony ray hinton was freed apri 3 , decades after conviction for two murdersthings like using a fork , getting used to the dark are challenges now that he 's outhe says his sense of humor helped him survive 30 years in prison\n", - "[1.2778878 1.1878415 1.2369465 1.2442682 1.1103721 1.2419422 1.1781999\n", - " 1.1004689 1.1355307 1.1227484 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 5 2 1 6 8 9 4 7 16 10 11 12 13 14 15 17]\n", - "=======================\n", - "[\"a rescue sato named bonnie is so afraid that she will be abandoned again that she ca n't bear to eat alone .given a dish : bonnie 's new owner feeds her a dish of food away from his other dog clydebonne was rescued from puerto rico and is a sato , which means mixed breed or street dog .\"]\n", - "=======================\n", - "[\"a rescue sato named bonnie is so afraid that she will be abandoned again that she ca n't bear to eat alone .in an adorable video posted to youtube by user jeannine s. with nearly one million views , puppy bonnie can be seen lifting her dish to clydebonne was rescued from puerto rico and is a sato , which means mixed breed or street dogdue to extreme poverty , the streets of puerto rico are overwrought with thousands of abandoned dogs\"]\n", - "a rescue sato named bonnie is so afraid that she will be abandoned again that she ca n't bear to eat alone .given a dish : bonnie 's new owner feeds her a dish of food away from his other dog clydebonne was rescued from puerto rico and is a sato , which means mixed breed or street dog .\n", - "a rescue sato named bonnie is so afraid that she will be abandoned again that she ca n't bear to eat alone .in an adorable video posted to youtube by user jeannine s. with nearly one million views , puppy bonnie can be seen lifting her dish to clydebonne was rescued from puerto rico and is a sato , which means mixed breed or street dogdue to extreme poverty , the streets of puerto rico are overwrought with thousands of abandoned dogs\n", - "[1.294693 1.3409714 1.2031789 1.3354061 1.1946979 1.0242314 1.0749615\n", - " 1.1075673 1.0967451 1.0567777 1.070915 1.0581003 1.0592709 1.0520048\n", - " 1.0529886 1.0764284 1.072006 0. ]\n", - "\n", - "[ 1 3 0 2 4 7 8 15 6 16 10 12 11 9 14 13 5 17]\n", - "=======================\n", - "[\"chinese state media has reported that the government is planning to expand the qinghai to tibet railway ` at nepal 's request ' - which could include a tunnel under the world 's tallest mountain - by 2020 .a tunnel could be built under mount everest in the himalayas as part of grand new plans announced by chinathe step is important politically as it shows beijing building links with nepal , a country india regards as firmly within its sphere of influence .\"]\n", - "=======================\n", - "[\"expansion of qinghai-tibet line would go under world 's highest mountainchinese say they plan to finish the huge project within five yearsif built railway will impact on india 's relationship with key economies\"]\n", - "chinese state media has reported that the government is planning to expand the qinghai to tibet railway ` at nepal 's request ' - which could include a tunnel under the world 's tallest mountain - by 2020 .a tunnel could be built under mount everest in the himalayas as part of grand new plans announced by chinathe step is important politically as it shows beijing building links with nepal , a country india regards as firmly within its sphere of influence .\n", - "expansion of qinghai-tibet line would go under world 's highest mountainchinese say they plan to finish the huge project within five yearsif built railway will impact on india 's relationship with key economies\n", - "[1.457417 1.4466741 1.2473481 1.4186335 1.2369354 1.1016095 1.1260041\n", - " 1.0273387 1.0116236 1.0211391 1.1053153 1.099407 1.0138587 1.0685948\n", - " 1.2880651 1.0773778 1.0509918 1.0167698]\n", - "\n", - "[ 0 1 3 14 2 4 6 10 5 11 15 13 16 7 9 17 12 8]\n", - "=======================\n", - "[\"paul scholes has criticised mario mandzukic for over reacting after the atletico madrid striker appeared to be punched and bitten by real madrid 's daniel carvajal .mandzukic was the centre of attention in on-pitch scraps with sergio ramos , raphael varane and carvajal during the champions league quarter-final first leg at the vicente calderon .the croatian striker was on the receiving end of a number of hits from real defenders , even having his face cut following a ramos elbow , but scholes claimed the atletico star was over-reacting to the challenges made on him .\"]\n", - "=======================\n", - "['atletico madrid and real madrid played out 0-0 draw at vicente calderonuefa champions league quarter-final dominated by second half scrapsmario mandzukic was in wars following battles with real madrid defendersraphael varane , daniel carvajal and sergio ramos tussled with striker']\n", - "paul scholes has criticised mario mandzukic for over reacting after the atletico madrid striker appeared to be punched and bitten by real madrid 's daniel carvajal .mandzukic was the centre of attention in on-pitch scraps with sergio ramos , raphael varane and carvajal during the champions league quarter-final first leg at the vicente calderon .the croatian striker was on the receiving end of a number of hits from real defenders , even having his face cut following a ramos elbow , but scholes claimed the atletico star was over-reacting to the challenges made on him .\n", - "atletico madrid and real madrid played out 0-0 draw at vicente calderonuefa champions league quarter-final dominated by second half scrapsmario mandzukic was in wars following battles with real madrid defendersraphael varane , daniel carvajal and sergio ramos tussled with striker\n", - "[1.1801403 1.321061 1.3418101 1.0482289 1.2147363 1.2393577 1.0650913\n", - " 1.1077805 1.0590854 1.0587667 1.1798645 1.0699278 1.0753907 1.0279508\n", - " 1.0950134 1.0499731 1.0258831 0. ]\n", - "\n", - "[ 2 1 5 4 0 10 7 14 12 11 6 8 9 15 3 13 16 17]\n", - "=======================\n", - "['the interactive map was created by writer levi pearson , who used a ufo sighting dataset from the national ufo reporting centre and open source software from cartodb .many of the sightings can be put down to the development of drones and new aircraft technologies , but some enthusiasts believe it is because of rise in alien activity .a map shows sightings of extra-terrestrials around the world in the last 76 years -- and seems to suggest we have more cosmic visitors than ever .']\n", - "=======================\n", - "[\"map 's based on ufo sighting dataset from the national ufo reporting centre and open source mapping softwareit shows 76 years of ufo sightings all over the world , with more being spotted in recent yearssurge in us sightings in the 1950s and 1960s may be explained by the testing of the u2 spy plane , cia saidthe internet and rise in drone use could explain why there are more ufo sightings than ever , experts claim\"]\n", - "the interactive map was created by writer levi pearson , who used a ufo sighting dataset from the national ufo reporting centre and open source software from cartodb .many of the sightings can be put down to the development of drones and new aircraft technologies , but some enthusiasts believe it is because of rise in alien activity .a map shows sightings of extra-terrestrials around the world in the last 76 years -- and seems to suggest we have more cosmic visitors than ever .\n", - "map 's based on ufo sighting dataset from the national ufo reporting centre and open source mapping softwareit shows 76 years of ufo sightings all over the world , with more being spotted in recent yearssurge in us sightings in the 1950s and 1960s may be explained by the testing of the u2 spy plane , cia saidthe internet and rise in drone use could explain why there are more ufo sightings than ever , experts claim\n", - "[1.3012489 1.4505978 1.2203836 1.089754 1.2444359 1.2154499 1.0884097\n", - " 1.0549543 1.0456686 1.0520089 1.2133524 1.1553073 1.033373 1.0213239\n", - " 1.0842636 1.0777698 0. 0. ]\n", - "\n", - "[ 1 0 4 2 5 10 11 3 6 14 15 7 9 8 12 13 16 17]\n", - "=======================\n", - "['the unidentified newark resident , 22 , said he recognized the 44-year-old rapper , whose real name is earl simmons , while at an exxon station on sunday , according to newark police spokesman sgt. ronald glover .a man has accused rapper dmx and his entourage of robbing him while at a new jersey gas station on easter morning .dmx was scheduled to perform on saturday night at the master of ceremony concert at the new jersey performing arts center .']\n", - "=======================\n", - "[\"newark man , 21 , said he recognized the rapper , whose real name is earl simmons , while at an exxon station on sundayhe told police they had a conversation about rap music before man in dmx 's entourage allegedly pulled out a gun and demanded moneyvictim said dmx allegedly snatched the money before driving off\"]\n", - "the unidentified newark resident , 22 , said he recognized the 44-year-old rapper , whose real name is earl simmons , while at an exxon station on sunday , according to newark police spokesman sgt. ronald glover .a man has accused rapper dmx and his entourage of robbing him while at a new jersey gas station on easter morning .dmx was scheduled to perform on saturday night at the master of ceremony concert at the new jersey performing arts center .\n", - "newark man , 21 , said he recognized the rapper , whose real name is earl simmons , while at an exxon station on sundayhe told police they had a conversation about rap music before man in dmx 's entourage allegedly pulled out a gun and demanded moneyvictim said dmx allegedly snatched the money before driving off\n", - "[1.1823542 1.4707983 1.3306888 1.2196583 1.3749051 1.0910808 1.1149223\n", - " 1.1051607 1.0788876 1.048675 1.0525627 1.0604714 1.0438147 1.040607\n", - " 1.019004 1.0274848 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 3 0 6 7 5 8 11 10 9 12 13 15 14 16 17 18 19 20]\n", - "=======================\n", - "['bergen county prosecutors say 65-year-old dr donald dewitt was arrested monday and charged with attempted sexual assault , child endangerment and criminal sexual contact .the prominent human sexuality and biology teacher at the highly competitive bergen county academies in hackensack was being held on $ 300,000 cash bail tuesday .he has been ordered to have no contact with the victim .']\n", - "=======================\n", - "[\"dr donald dewitt , 65 , veteran teacher at bergen county academies in new jersey , charged with attempted sexual assault and criminal sexual contactdewitt , who is married , has been at the top-ranked school since 1992 , teaching biology , physiology and anatomy to juniors and seniorsprosecutors say dewitt 's lewd emails to 16-year-old victim were discovered this week by her sisterdewitt has been suspended from his $ 105,000-a-year job and banned from campus\"]\n", - "bergen county prosecutors say 65-year-old dr donald dewitt was arrested monday and charged with attempted sexual assault , child endangerment and criminal sexual contact .the prominent human sexuality and biology teacher at the highly competitive bergen county academies in hackensack was being held on $ 300,000 cash bail tuesday .he has been ordered to have no contact with the victim .\n", - "dr donald dewitt , 65 , veteran teacher at bergen county academies in new jersey , charged with attempted sexual assault and criminal sexual contactdewitt , who is married , has been at the top-ranked school since 1992 , teaching biology , physiology and anatomy to juniors and seniorsprosecutors say dewitt 's lewd emails to 16-year-old victim were discovered this week by her sisterdewitt has been suspended from his $ 105,000-a-year job and banned from campus\n", - "[1.2230711 1.5001012 1.4194877 1.3365796 1.1082225 1.0517008 1.0649096\n", - " 1.1493354 1.209056 1.0986987 1.1425139 1.0283535 1.0439684 1.0196413\n", - " 1.0275509 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 8 7 10 4 9 6 5 12 11 14 13 19 15 16 17 18 20]\n", - "=======================\n", - "[\"liam dawe , 21 , was born a healthy child but suffered serious and on-going health complications ever since he was assaulted as a four week old .he died at derriford hospital in plymouth , devon in march last year from ` intra-abdominal sepsis ' after developing cerebral palsy following the the assault .police are considering manslaughter charges after a man who was violently shaken as a baby died as a result - two decades later .\"]\n", - "=======================\n", - "['liam dawe was born healthy but suffered on-going health complicationsdied at 21 last year having developed cerebral palsy following the assaultinquest in plymouth , devon , heard he was shaken at just four weeks old']\n", - "liam dawe , 21 , was born a healthy child but suffered serious and on-going health complications ever since he was assaulted as a four week old .he died at derriford hospital in plymouth , devon in march last year from ` intra-abdominal sepsis ' after developing cerebral palsy following the the assault .police are considering manslaughter charges after a man who was violently shaken as a baby died as a result - two decades later .\n", - "liam dawe was born healthy but suffered on-going health complicationsdied at 21 last year having developed cerebral palsy following the assaultinquest in plymouth , devon , heard he was shaken at just four weeks old\n", - "[1.0285919 1.1163201 1.4611927 1.5221894 1.1243435 1.1184614 1.1282556\n", - " 1.0494202 1.0793256 1.1420007 1.0296003 1.0160897 1.0298251 1.131845\n", - " 1.0233904 1.0408348 1.0137074 1.0160788 1.0178808 1.014799 0. ]\n", - "\n", - "[ 3 2 9 13 6 4 5 1 8 7 15 12 10 0 14 18 11 17 19 16 20]\n", - "=======================\n", - "[\"elsa hosk , candice swanepoel and jasmine tookes are the stars of victoria 's secret 's latest lingerie campaign to promote the brand 's dream angels rangeeach of the girls carries the pink striped umbrella , which shoppers receive for free when they purchase two bras from the new range and will no doubt become the season 's hottest accessory .candice shows off her incredibly honed physique as she guides her fellow models through an energetic routine using the umbrellas as a prop\"]\n", - "=======================\n", - "[\"candice swanepoel , elsa hosk and jasmine tookes promote underwearcandice leads her fellow models through an energetic routine in the videomodels carry new victoria 's secret umbrellas , which shoppers can get free\"]\n", - "elsa hosk , candice swanepoel and jasmine tookes are the stars of victoria 's secret 's latest lingerie campaign to promote the brand 's dream angels rangeeach of the girls carries the pink striped umbrella , which shoppers receive for free when they purchase two bras from the new range and will no doubt become the season 's hottest accessory .candice shows off her incredibly honed physique as she guides her fellow models through an energetic routine using the umbrellas as a prop\n", - "candice swanepoel , elsa hosk and jasmine tookes promote underwearcandice leads her fellow models through an energetic routine in the videomodels carry new victoria 's secret umbrellas , which shoppers can get free\n", - "[1.3168198 1.368537 1.2342063 1.3466965 1.151778 1.0485022 1.1467901\n", - " 1.0780238 1.0971516 1.1114315 1.0460936 1.0632175 1.0581836 1.03918\n", - " 1.0539727 1.080975 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 6 9 8 15 7 11 12 14 5 10 13 19 16 17 18 20]\n", - "=======================\n", - "[\"massimo vian , one of the heads of milan-based luxottica , said that his team was looking to improve on the internet-connected device , which was trumpeted as a huge technological leap forward when it was announced in 2012 .however , google stopped selling the first version and shut its pre-launch explorer program for google glass earlier this year , prompting speculation about the demise of the wearable gadget before it became widely available .google executive chairman eric schmidt later appointed a new leader for the product and said that it would be ` ready for users ' , according to the wall street journal .\"]\n", - "=======================\n", - "[\"massimo vian , head of luxottica , says version two ` in preparation 'ceo said there are ` second thoughts on how to interpret version 3 'google 's wearable technology stopped selling first version this yearproduct called a failure after it was never widely available to customers\"]\n", - "massimo vian , one of the heads of milan-based luxottica , said that his team was looking to improve on the internet-connected device , which was trumpeted as a huge technological leap forward when it was announced in 2012 .however , google stopped selling the first version and shut its pre-launch explorer program for google glass earlier this year , prompting speculation about the demise of the wearable gadget before it became widely available .google executive chairman eric schmidt later appointed a new leader for the product and said that it would be ` ready for users ' , according to the wall street journal .\n", - "massimo vian , head of luxottica , says version two ` in preparation 'ceo said there are ` second thoughts on how to interpret version 3 'google 's wearable technology stopped selling first version this yearproduct called a failure after it was never widely available to customers\n", - "[1.2499189 1.4451588 1.224081 1.0891457 1.1582521 1.3249598 1.0594578\n", - " 1.1125972 1.0190103 1.1426873 1.0758951 1.0742196 1.0274034 1.0330454\n", - " 1.0221905 1.0691346 1.0296999 1.0140501 1.0168455 1.0247215 1.0375667]\n", - "\n", - "[ 1 5 0 2 4 9 7 3 10 11 15 6 20 13 16 12 19 14 8 18 17]\n", - "=======================\n", - "['the man , known only as jason , from vancouver , uploaded the clip to youtube after his wife filmed the stomach-churning moment .this gruesome video shows how a man popped a huge cyst in his arm with a needle , screwdriver and a pair of pliers .it begins with him explaining exactly how he will pop the grape-sized growth on his wrist .']\n", - "=======================\n", - "['the man , known only as jason , is filmed popping the ganglion on his wristinvolves hammering a needle into his arm with the handle of a screwdrivera sticky ball of see-through jelly emerges from the cyst afterwardsdoctors do not advise popping ganglions as more fluid returns in future']\n", - "the man , known only as jason , from vancouver , uploaded the clip to youtube after his wife filmed the stomach-churning moment .this gruesome video shows how a man popped a huge cyst in his arm with a needle , screwdriver and a pair of pliers .it begins with him explaining exactly how he will pop the grape-sized growth on his wrist .\n", - "the man , known only as jason , is filmed popping the ganglion on his wristinvolves hammering a needle into his arm with the handle of a screwdrivera sticky ball of see-through jelly emerges from the cyst afterwardsdoctors do not advise popping ganglions as more fluid returns in future\n", - "[1.2562759 1.5550444 1.3170946 1.4362876 1.0216509 1.0783292 1.134608\n", - " 1.1477705 1.1007552 1.0240511 1.0776284 1.0578405 1.0823593 1.0163585\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 7 6 8 12 5 10 11 9 4 13 14 15 16 17 18 19]\n", - "=======================\n", - "['jennie anne kehlet , 49 , and raymond keith kehlet , 47 , were last seen on march 22 in an area called table top near the gold prospecting and mining town of sandstone , some 730km north east of perth .the couple are understood to be amateur prospectors and had set up a well-stocked campsite about 30km south of sandstone in remote bushland which is popular amongst gold prospectors , inspector scott morrissey told the abc .no trace of the duo has been found .']\n", - "=======================\n", - "['jennie , 47 , and raymond kehlet , 49 , were last seen on march 22their campsite and vehicles were found intact in remote wa bushlandpolice have begun to search old mine shafts , some up to 20 metres deepsearch aircraft with infrared equipment have examined an area of 625 square kilometres , however no trace of the couple has been found']\n", - "jennie anne kehlet , 49 , and raymond keith kehlet , 47 , were last seen on march 22 in an area called table top near the gold prospecting and mining town of sandstone , some 730km north east of perth .the couple are understood to be amateur prospectors and had set up a well-stocked campsite about 30km south of sandstone in remote bushland which is popular amongst gold prospectors , inspector scott morrissey told the abc .no trace of the duo has been found .\n", - "jennie , 47 , and raymond kehlet , 49 , were last seen on march 22their campsite and vehicles were found intact in remote wa bushlandpolice have begun to search old mine shafts , some up to 20 metres deepsearch aircraft with infrared equipment have examined an area of 625 square kilometres , however no trace of the couple has been found\n", - "[1.3402069 1.4561976 1.3686949 1.4403203 1.3458033 1.0436993 1.0482659\n", - " 1.0466298 1.0456125 1.0232022 1.1101534 1.0288683 1.0196786 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 10 6 7 8 5 11 9 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"the 20-year-old forward , born in london , had been included in new head coach pete russell 's 23-man party for the world championship in holland next week .liam stewart , the son of rock star rod stewart and model rachel hunter , plays for the spokane chiefsbut stewart sustained a shoulder injury during spokane chiefs ' western hockey league play-off series against everett and is replaced in the squad by craig peacock of belfast giants .\"]\n", - "=======================\n", - "['liam stewart had been named in the 23-man squad ahead of tournamentthe son of rod stewart has been replaced after suffering shoulder injurythe spokane chiefs forward was in line to make his debut for gbice hockey world championship takes place in holland next week']\n", - "the 20-year-old forward , born in london , had been included in new head coach pete russell 's 23-man party for the world championship in holland next week .liam stewart , the son of rock star rod stewart and model rachel hunter , plays for the spokane chiefsbut stewart sustained a shoulder injury during spokane chiefs ' western hockey league play-off series against everett and is replaced in the squad by craig peacock of belfast giants .\n", - "liam stewart had been named in the 23-man squad ahead of tournamentthe son of rod stewart has been replaced after suffering shoulder injurythe spokane chiefs forward was in line to make his debut for gbice hockey world championship takes place in holland next week\n", - "[1.1039772 1.2985562 1.3062336 1.2415475 1.1913992 1.1018933 1.0513439\n", - " 1.1938366 1.0317733 1.0151569 1.0395668 1.1698039 1.0867913 1.1991271\n", - " 1.1115979 1.0257795 1.012336 1.0123001 1.0513461 1.0204468]\n", - "\n", - "[ 2 1 3 13 7 4 11 14 0 5 12 18 6 10 8 15 19 9 16 17]\n", - "=======================\n", - "[\"seven points separate eight teams with six matches to play but boro know if they keep winning , they can not be caught .with just four weeks remaining , aitor karanka 's team are top of a division that has witnessed the leadership change hands 15 times .their buffer over second-placed bournemouth is a point with watford , their opponents on monday , and norwich a point further back .\"]\n", - "=======================\n", - "['the race for promotion from the championship is set to go to the wirethe top four teams in the second tier are separated by just two pointsthe next four sides in the table are covered by a single pointbournemouth spent 101 days at the top - the longest this season']\n", - "seven points separate eight teams with six matches to play but boro know if they keep winning , they can not be caught .with just four weeks remaining , aitor karanka 's team are top of a division that has witnessed the leadership change hands 15 times .their buffer over second-placed bournemouth is a point with watford , their opponents on monday , and norwich a point further back .\n", - "the race for promotion from the championship is set to go to the wirethe top four teams in the second tier are separated by just two pointsthe next four sides in the table are covered by a single pointbournemouth spent 101 days at the top - the longest this season\n", - "[1.3460381 1.094338 1.4433639 1.2455859 1.1634899 1.1059135 1.0638767\n", - " 1.044888 1.1464778 1.06338 1.0285194 1.0238636 1.019254 1.0465881\n", - " 1.0323576 1.0281957 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 4 8 5 1 6 9 13 7 14 10 15 11 12 18 16 17 19]\n", - "=======================\n", - "[\"spanish pablo , 27 , and latvian ilze , 31 , who met in riga in 2011 , are off to a flying start as they approach their first year of their open-ended odyssey on the road .pablo mandado and ilze zebolde have no plans , no agenda , no cause to fight for and they are certainly in no hurry -- the couple simply has a dream to ` discover different parts of this planet a pedal at a time . 'in 356 days so far they 've covered almost 7,000 miles ( 11,131.92 km by their measurements ) and been through 16 countries .\"]\n", - "=======================\n", - "['pablo mandado and ilze zebolde left london last year on a quest to explore the world on bicyclesthey camp or stay with couchsurfing and warmshowers hosts and spent an average $ 2.99 per daypablo , from spain , and ilze , from latvia , moved to manchester together after meeting in riga in 2011they saved up for their travels , which they share on their website , while working in english restaurants']\n", - "spanish pablo , 27 , and latvian ilze , 31 , who met in riga in 2011 , are off to a flying start as they approach their first year of their open-ended odyssey on the road .pablo mandado and ilze zebolde have no plans , no agenda , no cause to fight for and they are certainly in no hurry -- the couple simply has a dream to ` discover different parts of this planet a pedal at a time . 'in 356 days so far they 've covered almost 7,000 miles ( 11,131.92 km by their measurements ) and been through 16 countries .\n", - "pablo mandado and ilze zebolde left london last year on a quest to explore the world on bicyclesthey camp or stay with couchsurfing and warmshowers hosts and spent an average $ 2.99 per daypablo , from spain , and ilze , from latvia , moved to manchester together after meeting in riga in 2011they saved up for their travels , which they share on their website , while working in english restaurants\n", - "[1.3484638 1.4530917 1.1548129 1.1688629 1.1330795 1.0608113 1.1002846\n", - " 1.0831771 1.0950153 1.0533222 1.1961485 1.0717115 1.0938721 1.1235914\n", - " 1.0949107 1.0511578 1.0501451 1.0316318 1.0650622 0. ]\n", - "\n", - "[ 1 0 10 3 2 4 13 6 8 14 12 7 11 18 5 9 15 16 17 19]\n", - "=======================\n", - "[\"jimmy floyd hasselbaink 's side are up as , despite fourth-placed bury still being able to catch them , third-placed wycombe - who have played a game more than the shakers - can not .burton secured promotion to sky bet league one after lucas akins scored both goals in their 2-1 win at morecambe .burton albion 's ( l-r ) denny johnstone , tom naylor and jon mclaughlin celebrate league two promotion\"]\n", - "=======================\n", - "[\"lucas akins scored twice as burton albion were promoted to league onemorecambe victory secured jimmy floyd hasselbaink 's side promotionshrewsbury are just one victory away from securing league one footballbury beat portsmouth to secure record seven away wins in succession\"]\n", - "jimmy floyd hasselbaink 's side are up as , despite fourth-placed bury still being able to catch them , third-placed wycombe - who have played a game more than the shakers - can not .burton secured promotion to sky bet league one after lucas akins scored both goals in their 2-1 win at morecambe .burton albion 's ( l-r ) denny johnstone , tom naylor and jon mclaughlin celebrate league two promotion\n", - "lucas akins scored twice as burton albion were promoted to league onemorecambe victory secured jimmy floyd hasselbaink 's side promotionshrewsbury are just one victory away from securing league one footballbury beat portsmouth to secure record seven away wins in succession\n", - "[1.077111 1.3021722 1.1301888 1.3732071 1.3179498 1.2742212 1.2209268\n", - " 1.0511718 1.0404712 1.0867054 1.0895728 1.155311 1.0642253 1.0158128\n", - " 1.0845824 1.1497308 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 1 5 6 11 15 2 10 9 14 0 12 7 8 13 16 17 18 19]\n", - "=======================\n", - "[\"high rise holiday resort benidorm , dating to the 1960s , wants the same recognition as other ` world wonders ' like stonehenge , the taj mahal and the great wall of chinasociology professor mario gaviria , the force behind an application to unesco , argues that benidorm should be praised for being one of the few places where beach holidays are accessible for allbut benidorm , the package holiday mecca famous for a lowbrow british tv sitcom and adult entertainer sticky vicky is bidding for unesco world heritage status .\"]\n", - "=======================\n", - "[\"benidorm officials said the resort was applying to reinvent its own image` it 's a symbol of harmonious coexistence , ' says sociology professormayor agustín navarro said ` it 's the best-designed city of the med '\"]\n", - "high rise holiday resort benidorm , dating to the 1960s , wants the same recognition as other ` world wonders ' like stonehenge , the taj mahal and the great wall of chinasociology professor mario gaviria , the force behind an application to unesco , argues that benidorm should be praised for being one of the few places where beach holidays are accessible for allbut benidorm , the package holiday mecca famous for a lowbrow british tv sitcom and adult entertainer sticky vicky is bidding for unesco world heritage status .\n", - "benidorm officials said the resort was applying to reinvent its own image` it 's a symbol of harmonious coexistence , ' says sociology professormayor agustín navarro said ` it 's the best-designed city of the med '\n", - "[1.584347 1.195374 1.4944079 1.2349253 1.1328233 1.066845 1.0411636\n", - " 1.0739429 1.0396886 1.0432252 1.0763019 1.0264338 1.0207144 1.0215179\n", - " 1.0277407 1.0971324 1.0477588 1.0582762 1.0231026 1.0183369]\n", - "\n", - "[ 0 2 3 1 4 15 10 7 5 17 16 9 6 8 14 11 18 13 12 19]\n", - "=======================\n", - "[\"eva chapin , 34 , from west linn , oregon , was booked into jail after she left a string of offensive post-it notes on the door of the family homethe qualified nurse referred to the residents , who are believed to have roots in ghana , as ` n ***** ' but wrote : ' i am not racist ' .a mother has been arrested for referring to her african-american neighbors as ` apes ' during a dispute over a parking space .\"]\n", - "=======================\n", - "[\"eva chapin , 34 , from west linn , oregon , has been accused of harassmentreferred to her neighbors as ` n ***** ' but insists she is not racistone note said : ` there were no [ expletive ] in w.l until you came 'victim has said her family may be forced to move as they do n't feel safe\"]\n", - "eva chapin , 34 , from west linn , oregon , was booked into jail after she left a string of offensive post-it notes on the door of the family homethe qualified nurse referred to the residents , who are believed to have roots in ghana , as ` n ***** ' but wrote : ' i am not racist ' .a mother has been arrested for referring to her african-american neighbors as ` apes ' during a dispute over a parking space .\n", - "eva chapin , 34 , from west linn , oregon , has been accused of harassmentreferred to her neighbors as ` n ***** ' but insists she is not racistone note said : ` there were no [ expletive ] in w.l until you came 'victim has said her family may be forced to move as they do n't feel safe\n", - "[1.1993943 1.4577112 1.3698822 1.2464238 1.1789024 1.160052 1.0939792\n", - " 1.0666243 1.124287 1.0358894 1.0256553 1.0293641 1.0513806 1.0450515\n", - " 1.0995723 1.0698622 1.0457847 1.0429541 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 5 8 14 6 15 7 12 16 13 17 9 11 10 18 19]\n", - "=======================\n", - "[\"michael mcindoe , who played for bristol city and wolverhampton wanderers , lured fellow footballers into the scheme with promises of a huge 20 per cent return .but the scheme collapsed amid mounting debts and the tricky winger was declared bankrupt in october last year with more than # 2million debts .the footballer - who was known as ` mr big ' in marbella , where he partied with glamorous girls , is now being chased through the courts by creditors .\"]\n", - "=======================\n", - "[\"michael mcindoe lured players into scheme with promise of 20 % returnex player lived a millionaire 's lifestyle and known as ` mr big ' in marbellabut was declared bankrupt in october last year with more than # 2m debtsthe 35-year-old is now being chased through the courts by creditors\"]\n", - "michael mcindoe , who played for bristol city and wolverhampton wanderers , lured fellow footballers into the scheme with promises of a huge 20 per cent return .but the scheme collapsed amid mounting debts and the tricky winger was declared bankrupt in october last year with more than # 2million debts .the footballer - who was known as ` mr big ' in marbella , where he partied with glamorous girls , is now being chased through the courts by creditors .\n", - "michael mcindoe lured players into scheme with promise of 20 % returnex player lived a millionaire 's lifestyle and known as ` mr big ' in marbellabut was declared bankrupt in october last year with more than # 2m debtsthe 35-year-old is now being chased through the courts by creditors\n", - "[1.3170265 1.3269225 1.3172929 1.3949258 1.1159203 1.0518445 1.0498909\n", - " 1.1146164 1.1646163 1.1022584 1.0213652 1.018562 1.0788419 1.0279665\n", - " 1.0124359 1.1404575 1.0480819 1.0692848 1.0296333 1.0227723]\n", - "\n", - "[ 3 1 2 0 8 15 4 7 9 12 17 5 6 16 18 13 19 10 11 14]\n", - "=======================\n", - "['esteban cambiasso says that helping keep leicester in the premier league will feel like winning a trophythe foxes are currently seven points adrift at the bottom of the table , with only eight games remaining , knowing that time is running out to save themselves .cambiasso had an illustrious career at inter milan , winning an impressive 15 trophies during his stint']\n", - "=======================\n", - "[\"esteban cambiasso says saving leicester will feel like winning a trophythe argentinian has become a key player for nigel pearson 's sideleicester are currently seven points adrift at the bottom of the tableclick here for all the latest leicester city news\"]\n", - "esteban cambiasso says that helping keep leicester in the premier league will feel like winning a trophythe foxes are currently seven points adrift at the bottom of the table , with only eight games remaining , knowing that time is running out to save themselves .cambiasso had an illustrious career at inter milan , winning an impressive 15 trophies during his stint\n", - "esteban cambiasso says saving leicester will feel like winning a trophythe argentinian has become a key player for nigel pearson 's sideleicester are currently seven points adrift at the bottom of the tableclick here for all the latest leicester city news\n", - "[1.4724472 1.1527228 1.1836683 1.047873 1.0429419 1.0189788 1.0205426\n", - " 1.0561954 1.1872666 1.1320137 1.1148198 1.2255908 1.2275838 1.082935\n", - " 1.0365094 1.0404798 1.0762104 1.0695618 1.0485821 1.0258387]\n", - "\n", - "[ 0 12 11 8 2 1 9 10 13 16 17 7 18 3 4 15 14 19 6 5]\n", - "=======================\n", - "['jameela spent # 3,000 on having all her amalgam fillings removed and replaced with white fillingsdental amalgam has been used for more than 150 years , and every year 12 million fillings made from it are given to patients in britain .jameela thought she might have a serious disease such as lupus , an auto-immune condition which can cause inflammation and swelling in the joints and other parts of the body .']\n", - "=======================\n", - "['jameela jamil , 29 , is convinced dental work triggered health problemsfor months she would suffer swelling , feel exhausted , and faintthought she might have a serious disease such as lupustests suggested she had high levels of mercury due to amalgam fillings']\n", - "jameela spent # 3,000 on having all her amalgam fillings removed and replaced with white fillingsdental amalgam has been used for more than 150 years , and every year 12 million fillings made from it are given to patients in britain .jameela thought she might have a serious disease such as lupus , an auto-immune condition which can cause inflammation and swelling in the joints and other parts of the body .\n", - "jameela jamil , 29 , is convinced dental work triggered health problemsfor months she would suffer swelling , feel exhausted , and faintthought she might have a serious disease such as lupustests suggested she had high levels of mercury due to amalgam fillings\n", - "[1.3449843 1.3336837 1.1115676 1.0664653 1.1553679 1.2318857 1.1460371\n", - " 1.1700547 1.0843772 1.0217803 1.056126 1.0533609 1.0801116 1.0696192\n", - " 1.1156198 1.0947818 1.0712477 1.0140901 0. 0. ]\n", - "\n", - "[ 0 1 5 7 4 6 14 2 15 8 12 16 13 3 10 11 9 17 18 19]\n", - "=======================\n", - "['four burly swedish cops put their new york city vacation on hold to answer the call of duty on a manhattan subway train last night .the friends were on their way to see les misérables on broadway , dna info reports , and rushed in to stop a brutal assault on a crowded rush-hour 6 train .the samaritan scandinavians stopped the violence and held the attacker until the nypd could arrive , the post reports .']\n", - "=======================\n", - "[\"the friends were on their way to see les misérables on broadway when a conductor on the 6 train called for helpthe men , who are all police officers in their native sweden , wrestled the suspect to the floor and held him until nypd could arrive` we 're no heroes , just tourists , ' says uppsala , sweden , police officer\"]\n", - "four burly swedish cops put their new york city vacation on hold to answer the call of duty on a manhattan subway train last night .the friends were on their way to see les misérables on broadway , dna info reports , and rushed in to stop a brutal assault on a crowded rush-hour 6 train .the samaritan scandinavians stopped the violence and held the attacker until the nypd could arrive , the post reports .\n", - "the friends were on their way to see les misérables on broadway when a conductor on the 6 train called for helpthe men , who are all police officers in their native sweden , wrestled the suspect to the floor and held him until nypd could arrive` we 're no heroes , just tourists , ' says uppsala , sweden , police officer\n", - "[1.1432853 1.408545 1.3124231 1.3154598 1.290756 1.0505174 1.0375675\n", - " 1.095972 1.024193 1.0877837 1.136506 1.039176 1.1331965 1.0922654\n", - " 1.0700788 1.0419116 1.0484993 1.029163 1.0098319 0. ]\n", - "\n", - "[ 1 3 2 4 0 10 12 7 13 9 14 5 16 15 11 6 17 8 18 19]\n", - "=======================\n", - "['the video shows the incredibly peaceful encounter between the ray and johnny debnam , a 29-year-old commercial diver and ocean lover .johnny debnam says he felt completely at ease with the stingray , although he was aware of the risksmr debnam was free diving in water four metres deep ; holding his breath and diving down to the depths of the ocean on rottnest island off the coast of western australia .']\n", - "=======================\n", - "[\"footage shows stingray gliding itself over a diver 's body on ocean floordiver and documentary maker johnny debnam was free-diving , meaning diving without a breathing apparatushe lay motionless on the ocean floor and stingray came to investigatestingrays are potentially deadly animals due to their dangerous barbs\"]\n", - "the video shows the incredibly peaceful encounter between the ray and johnny debnam , a 29-year-old commercial diver and ocean lover .johnny debnam says he felt completely at ease with the stingray , although he was aware of the risksmr debnam was free diving in water four metres deep ; holding his breath and diving down to the depths of the ocean on rottnest island off the coast of western australia .\n", - "footage shows stingray gliding itself over a diver 's body on ocean floordiver and documentary maker johnny debnam was free-diving , meaning diving without a breathing apparatushe lay motionless on the ocean floor and stingray came to investigatestingrays are potentially deadly animals due to their dangerous barbs\n", - "[1.5870891 1.3800833 1.3124707 1.3346162 1.1502111 1.1904134 1.0434655\n", - " 1.0130867 1.0479257 1.1833154 1.0671483 1.0470688 1.0796402 1.0164685\n", - " 1.011679 1.0096912 1.0107231 1.008688 1.0099627 1.0599757]\n", - "\n", - "[ 0 1 3 2 5 9 4 12 10 19 8 11 6 13 7 14 16 18 15 17]\n", - "=======================\n", - "[\"former manchester united midfielder quinton fortune claims neymar looked a shadow of his former self during barcelona 's slender 1-0 la liga win over celta vigo .however despite the win , fortune insists barcelona boss luis enrique should be concerned by neymar 's body language during the la liga encounter .the brazilian forward has failed to hit the back of the net in his last four games for barcelona\"]\n", - "=======================\n", - "[\"neymar struggled to impress in barcelona 's slender win over celta vigoquinton fortune has questioned why neymar 's form has dippedneymar has failed to score in his last four games for barcelonafortune heaped praise on barca for being able to scrape vital win\"]\n", - "former manchester united midfielder quinton fortune claims neymar looked a shadow of his former self during barcelona 's slender 1-0 la liga win over celta vigo .however despite the win , fortune insists barcelona boss luis enrique should be concerned by neymar 's body language during the la liga encounter .the brazilian forward has failed to hit the back of the net in his last four games for barcelona\n", - "neymar struggled to impress in barcelona 's slender win over celta vigoquinton fortune has questioned why neymar 's form has dippedneymar has failed to score in his last four games for barcelonafortune heaped praise on barca for being able to scrape vital win\n", - "[1.3135275 1.4930729 1.3285859 1.2678633 1.0867455 1.0248327 1.0138682\n", - " 1.1720641 1.0577192 1.0293026 1.0189133 1.1620342 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 7 11 4 8 9 5 10 6 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"martin and jessica castillo , from nuevo laredo , mexico , lost the ring , which belongs to mr castillo , while they were scuba diving during their honeymoon in playa del carmen in february 2013 , and had all but given up hope of finding it when they were told that it had been found by massachusetts resident daniel roark , who picked it up from the ocean floor over a year after it was first lost .now , in honor of the lucky reunion with their ring , mr and mrs castillo have renewed their vows - and even asked mr roark , 22 , to serve as their ` padrino de anillo ' , or ` godfather of the ring ' for the ceremony , which took place in the same town as their original honeymoon .the happy trio : martin ( l ) and jessica ( r ) castillo invited daniel roark to play a role in their vow renewal ceremony after he reunited them with their lost wedding ring last year\"]\n", - "=======================\n", - "[\"martin castillo , from nuevo laredo , mexico , lost the ring in 2013the precious accessory was discovered by daniel roark , who picked it up a year later while scuba diving in the same mexican resortmr roark , from massachusetts , began a global facebook campaign in the hopes of tracking down mr castillo and his wife jessicamrs castillo 's cousin heard about the campaign and messaged mr roark to tell him that the ring belonged to her relatives\"]\n", - "martin and jessica castillo , from nuevo laredo , mexico , lost the ring , which belongs to mr castillo , while they were scuba diving during their honeymoon in playa del carmen in february 2013 , and had all but given up hope of finding it when they were told that it had been found by massachusetts resident daniel roark , who picked it up from the ocean floor over a year after it was first lost .now , in honor of the lucky reunion with their ring , mr and mrs castillo have renewed their vows - and even asked mr roark , 22 , to serve as their ` padrino de anillo ' , or ` godfather of the ring ' for the ceremony , which took place in the same town as their original honeymoon .the happy trio : martin ( l ) and jessica ( r ) castillo invited daniel roark to play a role in their vow renewal ceremony after he reunited them with their lost wedding ring last year\n", - "martin castillo , from nuevo laredo , mexico , lost the ring in 2013the precious accessory was discovered by daniel roark , who picked it up a year later while scuba diving in the same mexican resortmr roark , from massachusetts , began a global facebook campaign in the hopes of tracking down mr castillo and his wife jessicamrs castillo 's cousin heard about the campaign and messaged mr roark to tell him that the ring belonged to her relatives\n", - "[1.2978172 1.1651738 1.3557959 1.4410031 1.2032526 1.1600307 1.037734\n", - " 1.0812459 1.123204 1.0538275 1.0348452 1.2302606 1.0753806 1.0729595\n", - " 1.0635349 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 0 11 4 1 5 8 7 12 13 14 9 6 10 18 15 16 17 19]\n", - "=======================\n", - "[\"just over a quarter of women giving birth in england now have a caesarean and the rate has more than doubled since the early 1990s .they say the procedure should only be carried out when ` medically necessary ' because it can lead to infections and even death .doctors are putting the health of women and their babies at risk by performing caesarean sections too readily , un officials warn\"]\n", - "=======================\n", - "[\"un officials say procedure should only be done when ` medically necessary 'over a quarter of women in england now have a a caesarean birththe rate , which includes voluntary mothers , has doubled since early 1990s\"]\n", - "just over a quarter of women giving birth in england now have a caesarean and the rate has more than doubled since the early 1990s .they say the procedure should only be carried out when ` medically necessary ' because it can lead to infections and even death .doctors are putting the health of women and their babies at risk by performing caesarean sections too readily , un officials warn\n", - "un officials say procedure should only be done when ` medically necessary 'over a quarter of women in england now have a a caesarean birththe rate , which includes voluntary mothers , has doubled since early 1990s\n", - "[1.2847028 1.5294719 1.3444363 1.2187352 1.168713 1.0991572 1.1592228\n", - " 1.1258281 1.0854249 1.0265434 1.0219101 1.0110295 1.0107203 1.0081993\n", - " 1.2030587 1.1697097 1.0393324 1.0420616 1.13925 1.0112866 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 14 15 4 6 18 7 5 8 17 16 9 10 19 11 12 13 20 21]\n", - "=======================\n", - "[\"adam barker , who served 13 weeks in prison after admitting to making indecent images of children in 2012 , is an equal shareholder in handles for forks ltd , which manages and distributes his father 's work .the company made # 501,319 profit in the year to last june , which will be split with his sister charlotte , 53 , and brother laurence , 46 .ronnie barker 's paedophile son will share more than # 500,000 this year in royalties , according to new accounts .\"]\n", - "=======================\n", - "['adam barker is an equal shareholder in handles for forks ltdthe company made # 501,319 in profit in the year to last june47-year-old was jailed for making indecent images of children in 2012']\n", - "adam barker , who served 13 weeks in prison after admitting to making indecent images of children in 2012 , is an equal shareholder in handles for forks ltd , which manages and distributes his father 's work .the company made # 501,319 profit in the year to last june , which will be split with his sister charlotte , 53 , and brother laurence , 46 .ronnie barker 's paedophile son will share more than # 500,000 this year in royalties , according to new accounts .\n", - "adam barker is an equal shareholder in handles for forks ltdthe company made # 501,319 in profit in the year to last june47-year-old was jailed for making indecent images of children in 2012\n", - "[1.2739441 1.1182122 1.4132566 1.3288078 1.3559661 1.1358232 1.1261677\n", - " 1.0433561 1.0811725 1.0554112 1.0714937 1.0399555 1.0480568 1.052052\n", - " 1.0651511 1.0580723 1.0110697 1.01063 1.0101074 1.034218 0.\n", - " 0. ]\n", - "\n", - "[ 2 4 3 0 5 6 1 8 10 14 15 9 13 12 7 11 19 16 17 18 20 21]\n", - "=======================\n", - "['the enormous 20,000 square foot mansion in the ritzy suburb of barrington is opulent and private , sitting by two lakes in eight acres of manicured gardens .fit for a mogul - the enormous mansion serves as the backdrop to the hit show empireif you have the bank balance of a mogul you could splash out on the house used for location shoots in the fox show , which is filmed in the chicago area .']\n", - "=======================\n", - "['the giant mansion used to film the hit show empire is on the market for $ 13 million following a price dropthe 20,000 square feet french country-style estate took five years to buildthe five bedroom , nine bathroom house features waterfront views , custom woodwork and lots of space for entertainingfit for a mogul , the house is owned by strip club owner sam cecola']\n", - "the enormous 20,000 square foot mansion in the ritzy suburb of barrington is opulent and private , sitting by two lakes in eight acres of manicured gardens .fit for a mogul - the enormous mansion serves as the backdrop to the hit show empireif you have the bank balance of a mogul you could splash out on the house used for location shoots in the fox show , which is filmed in the chicago area .\n", - "the giant mansion used to film the hit show empire is on the market for $ 13 million following a price dropthe 20,000 square feet french country-style estate took five years to buildthe five bedroom , nine bathroom house features waterfront views , custom woodwork and lots of space for entertainingfit for a mogul , the house is owned by strip club owner sam cecola\n", - "[1.4620676 1.383273 1.2532045 1.4502734 1.2087375 1.0263236 1.0345558\n", - " 1.1786004 1.1835487 1.1648176 1.1269134 1.049249 1.0155444 1.0111876\n", - " 1.0116776 1.0132171 1.0097212 1.0100623 1.0105898 1.0099647 1.0117624\n", - " 1.041267 ]\n", - "\n", - "[ 0 3 1 2 4 8 7 9 10 11 21 6 5 12 15 20 14 13 18 17 19 16]\n", - "=======================\n", - "[\"arsenal manager arsene wenger has said he hopes burnley escape relegation after seeing his side have to fight to gain a narrow 1-0 victory at turf moor .wenger has been praised by burnley boss sean dyche this season and last night the gunners boss repaid the compliment by saying : ` it would be a shame for burnley to go down . 'arsenal were made to fight hard for their eighth win in a row and wenger said : ' i understand now why they took points from other teams like chelsea and manchester city .\"]\n", - "=======================\n", - "[\"arsene wenger admits he can see why top teams have struggled against burnleyarsenal needed an aaron ramsey strike to earn narrow victory at turf moorwenger hails burnley 's ` solidarity and organisation '\"]\n", - "arsenal manager arsene wenger has said he hopes burnley escape relegation after seeing his side have to fight to gain a narrow 1-0 victory at turf moor .wenger has been praised by burnley boss sean dyche this season and last night the gunners boss repaid the compliment by saying : ` it would be a shame for burnley to go down . 'arsenal were made to fight hard for their eighth win in a row and wenger said : ' i understand now why they took points from other teams like chelsea and manchester city .\n", - "arsene wenger admits he can see why top teams have struggled against burnleyarsenal needed an aaron ramsey strike to earn narrow victory at turf moorwenger hails burnley 's ` solidarity and organisation '\n", - "[1.3885353 1.4006467 1.1748949 1.4296399 1.2457657 1.09283 1.059574\n", - " 1.0427393 1.0345387 1.0162597 1.0177819 1.2358253 1.1398389 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 0 4 11 2 12 5 6 7 8 10 9 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"arsenal midfielder francis coquelin has defended olivier giroud ( above ) after criticism from thierry henrydespite giroud scoring 14 premier league goals for arsene wenger 's side this campaign , henry believes he must sign a new striker as well as three more players if they are to compete for the title .sky sports pundit henry questioned whether arsenal can win the title with giroud in attack\"]\n", - "=======================\n", - "[\"francis coquelin defends arsenal striker olivier giroud after criticismthierry henry believes arsenal need a ` top quality ' strikercoquelin insists the gunners ` can win titles ' with giroud in the sidefrench striker has scored 14 premier league goals this seasongiroud : i get p ***** about everyone talking about my hair and not my goals\"]\n", - "arsenal midfielder francis coquelin has defended olivier giroud ( above ) after criticism from thierry henrydespite giroud scoring 14 premier league goals for arsene wenger 's side this campaign , henry believes he must sign a new striker as well as three more players if they are to compete for the title .sky sports pundit henry questioned whether arsenal can win the title with giroud in attack\n", - "francis coquelin defends arsenal striker olivier giroud after criticismthierry henry believes arsenal need a ` top quality ' strikercoquelin insists the gunners ` can win titles ' with giroud in the sidefrench striker has scored 14 premier league goals this seasongiroud : i get p ***** about everyone talking about my hair and not my goals\n", - "[1.3178657 1.1320444 1.3970144 1.1213671 1.1861327 1.1459529 1.0644239\n", - " 1.2154965 1.0666059 1.1362344 1.0871845 1.0914227 1.1672267 1.1043625\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 7 4 12 5 9 1 3 13 11 10 8 6 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "['venezuelan native maickel melamed , who is battling muscular dystrophy , completed the 26.2 miles just before 5 a.m. tuesday .( cnn ) about 20 hours after the boston marathon started monday , many of the cheering crowds had dispersed and the streets were cleared .he was the last participant to complete the race , cnn affiliate wcvb-tv reported .']\n", - "=======================\n", - "['maickel melamed , who has muscular dystrophy , took part in the 2015 boston marathonhe completed the race 20 hours after the startdespite rainy weather , fans and friends cheered for the 39-year-old']\n", - "venezuelan native maickel melamed , who is battling muscular dystrophy , completed the 26.2 miles just before 5 a.m. tuesday .( cnn ) about 20 hours after the boston marathon started monday , many of the cheering crowds had dispersed and the streets were cleared .he was the last participant to complete the race , cnn affiliate wcvb-tv reported .\n", - "maickel melamed , who has muscular dystrophy , took part in the 2015 boston marathonhe completed the race 20 hours after the startdespite rainy weather , fans and friends cheered for the 39-year-old\n", - "[1.5088882 1.367365 1.1331718 1.4009986 1.2783383 1.0844452 1.1043082\n", - " 1.0245644 1.0135232 1.1660032 1.0149914 1.1307393 1.0824608 1.1587882\n", - " 1.0555663 1.0188959 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 9 13 2 11 6 5 12 14 7 15 10 8 18 16 17 19]\n", - "=======================\n", - "[\"manchester city ladies midfielder jill scott has apologised after she was sent off for headbutting jade bailey during her side 's 1-0 defeat by arsenal on sunday .jill scott was red-carded for an apparent headbutt on arsenal defender jade bailey on sundaythe england international reacted angrily to a challenge by the gunners defender and was shown a straight red card during the second half of the women 's super league clash at the city football academy .\"]\n", - "=======================\n", - "['jill scott was sent off for headbutting jade bailey as manchester city lostscott tweeted an apology after the defeat by arsenal ladies on sundayengland international reacted to a challenge by the gunners defenderchioma ubogagu scored the winner for arsenal in a 1-0 win']\n", - "manchester city ladies midfielder jill scott has apologised after she was sent off for headbutting jade bailey during her side 's 1-0 defeat by arsenal on sunday .jill scott was red-carded for an apparent headbutt on arsenal defender jade bailey on sundaythe england international reacted angrily to a challenge by the gunners defender and was shown a straight red card during the second half of the women 's super league clash at the city football academy .\n", - "jill scott was sent off for headbutting jade bailey as manchester city lostscott tweeted an apology after the defeat by arsenal ladies on sundayengland international reacted to a challenge by the gunners defenderchioma ubogagu scored the winner for arsenal in a 1-0 win\n", - "[1.4472054 1.3378413 1.4530737 1.1606781 1.0561932 1.0824918 1.2867268\n", - " 1.0601225 1.0394853 1.0448942 1.0283793 1.146968 1.0230916 1.0157998\n", - " 1.0160972 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 6 3 11 5 7 4 9 8 10 12 14 13 15 16 17 18 19]\n", - "=======================\n", - "[\"however , they claimed a 40-13 win over welsh with tries from varndell , ashley johnson , sailosi tagicakibau and alapati leiuatom varndell helped himself to a hat-trick against london welsh as wasps won away from home in the aviva premiership for the first time in 2015 to keep their top-six hopes alive .ahead of the trip to the kassam stadium , wasps ' hunt for an automatic european rugby champions cup spot next season had stuttered after winning just one of their previous five fixtures in all competitions .\"]\n", - "=======================\n", - "['tom varndell scores three as wasps pull away at the kassam stadiumlondon welsh put up a brave fight but fall away late in the gameashley johnson , sailosi tagicakibau and alapati leiua all score tries']\n", - "however , they claimed a 40-13 win over welsh with tries from varndell , ashley johnson , sailosi tagicakibau and alapati leiuatom varndell helped himself to a hat-trick against london welsh as wasps won away from home in the aviva premiership for the first time in 2015 to keep their top-six hopes alive .ahead of the trip to the kassam stadium , wasps ' hunt for an automatic european rugby champions cup spot next season had stuttered after winning just one of their previous five fixtures in all competitions .\n", - "tom varndell scores three as wasps pull away at the kassam stadiumlondon welsh put up a brave fight but fall away late in the gameashley johnson , sailosi tagicakibau and alapati leiua all score tries\n", - "[1.1644082 1.388697 1.3928677 1.2446276 1.1116455 1.0312911 1.0875778\n", - " 1.1169885 1.0814043 1.1344731 1.0651326 1.0686464 1.0633273 1.0636742\n", - " 1.0566511 1.1078006 1.0195978 1.0578281 1.0099217 1.0110676]\n", - "\n", - "[ 2 1 3 0 9 7 4 15 6 8 11 10 13 12 17 14 5 16 19 18]\n", - "=======================\n", - "[\"the study released on thursday by the centers for disease control and prevention found that about 30 percent of women who 'd had a child became pregnant again within 18 months .experts say mothers should wait at least 18 months to give their body time to recover and increase the chances the next child is full-term and healthy .for u.s. moms , the typical time between pregnancies is about 2 1/2 years but nearly a third of women space their children too close , a government study shows .\"]\n", - "=======================\n", - "[\"for u.s. moms , the typical time between pregnancies is about 2 1/2 yearsexperts say mothers should wait at least 18 months to give their body time to recover and increase the chances the next child is full-term and healthythe study found that about 30 percent of women who 'd had a child became pregnant again within 18 months\"]\n", - "the study released on thursday by the centers for disease control and prevention found that about 30 percent of women who 'd had a child became pregnant again within 18 months .experts say mothers should wait at least 18 months to give their body time to recover and increase the chances the next child is full-term and healthy .for u.s. moms , the typical time between pregnancies is about 2 1/2 years but nearly a third of women space their children too close , a government study shows .\n", - "for u.s. moms , the typical time between pregnancies is about 2 1/2 yearsexperts say mothers should wait at least 18 months to give their body time to recover and increase the chances the next child is full-term and healthythe study found that about 30 percent of women who 'd had a child became pregnant again within 18 months\n", - "[1.3661926 1.1501791 1.2787015 1.2945275 1.1137255 1.1378621 1.0348228\n", - " 1.0289075 1.0488055 1.062878 1.0215629 1.0337671 1.0573609 1.0347512\n", - " 1.024482 1.0515603 1.0800158 1.0121784 1.1181588 0. ]\n", - "\n", - "[ 0 3 2 1 5 18 4 16 9 12 15 8 6 13 11 7 14 10 17 19]\n", - "=======================\n", - "[\"lada niva 4x4 # 13,395 on the roadthe niva ( pictured ) is a highly capable , ruftytufty 4x4 from russia -- for a fraction of the price of a new land rover and it is also available in a compact van format ( # 10,590 , excluding vat and road tax )lada 's 4x4 niva has long been the car that bucked the trend of laughing at the russian carmaker and has won fans around the world thanks to its robust nature and chunky looks .\"]\n", - "=======================\n", - "[\"this 4x4 from russia is a fraction of the price of a new land roveroff-road , the niva is in its element , with low and highrange gearsbut , forget luxuries because the niva is an unabashed frills-free zonea highly capable , ruftytufty 4x4 from russia -- for a fraction of the price of a new land rover .it 's a confident charmer that stands out from the crowd , with high suspension , pressed steel wheels , soviet-style looks and real rarity value .now available in the uk from niva imports through its dealer , bb motors , in corby , northamptonshire ( 01536 202207 , lada4x4.co.uk ) .on the road , the basic 1.7-litre petrol engine ( your only option ) is deafeningly noisy , but tolerably smooth .the seats are comfy and thanks to a high driving position and large wing mirrors , all-round visibility is good .off-road , the niva is in its element , with low and highrange gears , differential lock and a sturdy monocoque construction .you wo n't have to agonise over pages of extras ... they 're more or less nonexistent .choose in white , blue , green or red , then decide whether you 'd like the snorkel or snow plough ( really ) attachments .reasonable fuel economy at 33mpg and affordable to insure -- once you 've explained exactly what it is .also available in a compact van format ( # 10,590 , excluding vat and road tax ) .spartan on the inside .there are only four seatbelts and a slightly pokey boot .do n't trust the petrol gauge , which regularly aims to deceive .no warranty is offered as standard -- although a two-year plan is coming soon -- and spares may need to be imported ( bb motors will assist ) .only available in lefthand drive -- unless you put in an order for more than 500 of them !shhhh !\"]\n", - "lada niva 4x4 # 13,395 on the roadthe niva ( pictured ) is a highly capable , ruftytufty 4x4 from russia -- for a fraction of the price of a new land rover and it is also available in a compact van format ( # 10,590 , excluding vat and road tax )lada 's 4x4 niva has long been the car that bucked the trend of laughing at the russian carmaker and has won fans around the world thanks to its robust nature and chunky looks .\n", - "this 4x4 from russia is a fraction of the price of a new land roveroff-road , the niva is in its element , with low and highrange gearsbut , forget luxuries because the niva is an unabashed frills-free zonea highly capable , ruftytufty 4x4 from russia -- for a fraction of the price of a new land rover .it 's a confident charmer that stands out from the crowd , with high suspension , pressed steel wheels , soviet-style looks and real rarity value .now available in the uk from niva imports through its dealer , bb motors , in corby , northamptonshire ( 01536 202207 , lada4x4.co.uk ) .on the road , the basic 1.7-litre petrol engine ( your only option ) is deafeningly noisy , but tolerably smooth .the seats are comfy and thanks to a high driving position and large wing mirrors , all-round visibility is good .off-road , the niva is in its element , with low and highrange gears , differential lock and a sturdy monocoque construction .you wo n't have to agonise over pages of extras ... they 're more or less nonexistent .choose in white , blue , green or red , then decide whether you 'd like the snorkel or snow plough ( really ) attachments .reasonable fuel economy at 33mpg and affordable to insure -- once you 've explained exactly what it is .also available in a compact van format ( # 10,590 , excluding vat and road tax ) .spartan on the inside .there are only four seatbelts and a slightly pokey boot .do n't trust the petrol gauge , which regularly aims to deceive .no warranty is offered as standard -- although a two-year plan is coming soon -- and spares may need to be imported ( bb motors will assist ) .only available in lefthand drive -- unless you put in an order for more than 500 of them !shhhh !\n", - "[1.523383 1.3871089 1.185153 1.344077 1.0742477 1.0369405 1.0265809\n", - " 1.0195093 1.0282507 1.0257396 1.0724286 1.1434693 1.1708028 1.0410233\n", - " 1.1122922 1.0144091 1.0736237 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 12 11 14 4 16 10 13 5 8 6 9 7 15 17 18 19]\n", - "=======================\n", - "['charlie austin has revealed how his good mate joey barton ignored him on his first day at queens park rangers before realising his mistake - with the duo then becoming good friends .the striker has had a premier league debut season to remember and is being touted as a possible england debutant in the future after scoring 15 goals in the competition .charlie austin ( left ) and joey barton have become good friends despite their very early setback']\n", - "=======================\n", - "[\"charlie austin revealed that joey barton ignored him on his first daythe pair are good friends now following the hilarious incidentthe 25-year-old says qpr ca n't afford to lose in their double headeraustin is delighted and humbled to be fourth in the goalscoring chartsclick here for all the latest queens park rangers news\"]\n", - "charlie austin has revealed how his good mate joey barton ignored him on his first day at queens park rangers before realising his mistake - with the duo then becoming good friends .the striker has had a premier league debut season to remember and is being touted as a possible england debutant in the future after scoring 15 goals in the competition .charlie austin ( left ) and joey barton have become good friends despite their very early setback\n", - "charlie austin revealed that joey barton ignored him on his first daythe pair are good friends now following the hilarious incidentthe 25-year-old says qpr ca n't afford to lose in their double headeraustin is delighted and humbled to be fourth in the goalscoring chartsclick here for all the latest queens park rangers news\n", - "[1.4914052 1.4534383 1.1055021 1.0843393 1.1253874 1.199807 1.0940422\n", - " 1.0842271 1.1756772 1.0960624 1.0323529 1.035413 1.0419483 1.0139512\n", - " 1.0102844 1.0139034 1.0938871 1.0704082 1.0513984 1.0492506]\n", - "\n", - "[ 0 1 5 8 4 2 9 6 16 3 7 17 18 19 12 11 10 13 15 14]\n", - "=======================\n", - "['( cnn ) the first trailer for a documentary on the life and music of late british singer amy winehouse was released thursday .the teaser for \" amy : the girl behind the name , \" set for uk release on july 3 , features early footage of winehouse talking about how her music career was born and where she believed she was headed .she died from alcohol poisoning at the age of 27 on july 23 , 2011 .']\n", - "=======================\n", - "['\" amy \" features archival footage of the singer and original music tracks\" amy \" seeks to \" truly capture not just the great artist that she was , \" filmmakers saywinehouse , who died at 27 , said fame would probably drive her \" mad \"']\n", - "( cnn ) the first trailer for a documentary on the life and music of late british singer amy winehouse was released thursday .the teaser for \" amy : the girl behind the name , \" set for uk release on july 3 , features early footage of winehouse talking about how her music career was born and where she believed she was headed .she died from alcohol poisoning at the age of 27 on july 23 , 2011 .\n", - "\" amy \" features archival footage of the singer and original music tracks\" amy \" seeks to \" truly capture not just the great artist that she was , \" filmmakers saywinehouse , who died at 27 , said fame would probably drive her \" mad \"\n", - "[1.2637436 1.2089659 1.3654959 1.1909076 1.2550241 1.1386441 1.1020051\n", - " 1.1035573 1.0802934 1.0198394 1.0280377 1.0208261 1.0256827 1.1954038\n", - " 1.0734274 1.0493126 1.0599524 1.0595058 0. 0. ]\n", - "\n", - "[ 2 0 4 1 13 3 5 7 6 8 14 16 17 15 10 12 11 9 18 19]\n", - "=======================\n", - "['five people have died since vigilantes started looting and attacking shops owned by immigrants , mainly from other parts of africa .menacing : an immigrant holds his machete to his face as gangs clashed with police following the outbreak of violence in south africamore than 200 immigrants had to take refuge in a police station and dozens of businesses were closed when trouble spread just a day after a rally against xenophobia in durban .']\n", - "=======================\n", - "[\"anti-immigrant protests have been ongoing in south africa for two weeks and at least five people have been killedforeign nationals have been loading trucks with their wares as they flee johannesburg and neighbouring townsprotesters are angry about foreigners in the country when unemployment is high and wealth is n't distributed equallyimmigrants wielding machetes have clashed with police as they hunt for locals that targeted foreign shop owners\"]\n", - "five people have died since vigilantes started looting and attacking shops owned by immigrants , mainly from other parts of africa .menacing : an immigrant holds his machete to his face as gangs clashed with police following the outbreak of violence in south africamore than 200 immigrants had to take refuge in a police station and dozens of businesses were closed when trouble spread just a day after a rally against xenophobia in durban .\n", - "anti-immigrant protests have been ongoing in south africa for two weeks and at least five people have been killedforeign nationals have been loading trucks with their wares as they flee johannesburg and neighbouring townsprotesters are angry about foreigners in the country when unemployment is high and wealth is n't distributed equallyimmigrants wielding machetes have clashed with police as they hunt for locals that targeted foreign shop owners\n", - "[1.1943884 1.564816 1.2756059 1.2202932 1.1581026 1.0577476 1.0382631\n", - " 1.1800222 1.0909493 1.1326844 1.0880382 1.0994612 1.047842 1.0900201\n", - " 1.1453826 1.021514 1.0350046 1.0062122 0. 0. ]\n", - "\n", - "[ 1 2 3 0 7 4 14 9 11 8 13 10 5 12 6 16 15 17 18 19]\n", - "=======================\n", - "['gemma flanagan , 31 , from liverpool , was left paralysed after suddenly being hit by guillain barre syndrome , a rare condition which attacks the nervous system .the aspiring model was working for british airways when the condition first struck .a former air stewardess who was struck down by a devastating illness is making her catwalk debut today in a wheelchair .']\n", - "=======================\n", - "[\"gemma flanagan , 31 , from liverpool , was hit by guillain barre syndromeshe was working for ba when rare illness left her paralysedbut today the aspiring model makes catwalk debut in her wheelchairshe is taking part in a models of diversity show at london 's olympia\"]\n", - "gemma flanagan , 31 , from liverpool , was left paralysed after suddenly being hit by guillain barre syndrome , a rare condition which attacks the nervous system .the aspiring model was working for british airways when the condition first struck .a former air stewardess who was struck down by a devastating illness is making her catwalk debut today in a wheelchair .\n", - "gemma flanagan , 31 , from liverpool , was hit by guillain barre syndromeshe was working for ba when rare illness left her paralysedbut today the aspiring model makes catwalk debut in her wheelchairshe is taking part in a models of diversity show at london 's olympia\n", - "[1.5390297 1.225769 1.2843511 1.4104221 1.1746856 1.2676424 1.1111838\n", - " 1.0754565 1.1139059 1.0969863 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 5 1 4 8 6 9 7 18 10 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"mamadou sakho limped off early on in liverpool 's 1-0 fa cup sixth round replay win over blackburn rovers to leave brendan rodgers with just two available first-team centre backs .sakho was replaced by kolo toure , who partnered dejan lovren in a threadbare four-man defence with emre can and martin skrtel already unavailable .german midfielder-cum-defender can was serving a one match ban for a red card against arsenal on sunday , while skrtel still has one game left of his three-game suspension for stamping on manchester united goalkeeper david de gea last month .\"]\n", - "=======================\n", - "[\"mamadou sakho limped off in liverpool 's win over blackburn roversfrench defender looked to be suffering with hamstring trouble in first halfbrendan rodgers forced to use pairing of dejan lovren and kolo toure\"]\n", - "mamadou sakho limped off early on in liverpool 's 1-0 fa cup sixth round replay win over blackburn rovers to leave brendan rodgers with just two available first-team centre backs .sakho was replaced by kolo toure , who partnered dejan lovren in a threadbare four-man defence with emre can and martin skrtel already unavailable .german midfielder-cum-defender can was serving a one match ban for a red card against arsenal on sunday , while skrtel still has one game left of his three-game suspension for stamping on manchester united goalkeeper david de gea last month .\n", - "mamadou sakho limped off in liverpool 's win over blackburn roversfrench defender looked to be suffering with hamstring trouble in first halfbrendan rodgers forced to use pairing of dejan lovren and kolo toure\n", - "[1.4506577 1.3303263 1.0952048 1.2958499 1.2021005 1.1507757 1.1214075\n", - " 1.0827246 1.0817018 1.061159 1.0898108 1.0548779 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 4 5 6 2 10 7 8 9 11 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"josh warrington will be accompanied into the ring by vinnie jones on saturday as he boxes in front of 10,000 passionate fans in leeds .the featherweight is quickly becoming one of britain 's best-supported fighters and will have his eye on a world title in the next 12 months .justin bieber ( left ) and lil wayne enter the ring with floyd mayweather before he fought canelo alvarez at the mgm grand in las vegas in september 2013\"]\n", - "=======================\n", - "['vinnie jones will accompany josh warrington into the ring on saturdaywarrington is a leeds fan and jones spent a season at the club in 1989/90he will follow justin bieber , puff daddy and the gallagher brothersthey have walked in boxers like floyd mayweather and ricky hatton']\n", - "josh warrington will be accompanied into the ring by vinnie jones on saturday as he boxes in front of 10,000 passionate fans in leeds .the featherweight is quickly becoming one of britain 's best-supported fighters and will have his eye on a world title in the next 12 months .justin bieber ( left ) and lil wayne enter the ring with floyd mayweather before he fought canelo alvarez at the mgm grand in las vegas in september 2013\n", - "vinnie jones will accompany josh warrington into the ring on saturdaywarrington is a leeds fan and jones spent a season at the club in 1989/90he will follow justin bieber , puff daddy and the gallagher brothersthey have walked in boxers like floyd mayweather and ricky hatton\n", - "[1.1984589 1.5203768 1.332603 1.3183367 1.1694894 1.1719723 1.122472\n", - " 1.1447769 1.0217876 1.0365498 1.0226817 1.0642273 1.0208809 1.0256122\n", - " 1.1616805 1.1079135 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 4 14 7 6 15 11 9 13 10 8 12 19 16 17 18 20]\n", - "=======================\n", - "['dozens of animal welfare complaints have been made after a horse attempted to jump a black peugeot 206 car with glass still in the windscreen at the event in greencastle , county tyrone .one animal can be seen crashing head first into the turf , dismounting a rider , after trying to scale the vehicle - a jump that could have seen it suffer deep wounds or even fatal broken legs .these shocking photographs reveal how a horse riding event for a cancer charity in northern ireland apparently used a surprise jump in the shape of a car .']\n", - "=======================\n", - "[\"dozens of animal welfare complaints made after northern ireland eventhorse pictured trying to jump over car with glass still in windscreenone animal is seen crashing head first into turf - dismounting a rideranimal welfare group says horses were ` exploited and abused ' in event\"]\n", - "dozens of animal welfare complaints have been made after a horse attempted to jump a black peugeot 206 car with glass still in the windscreen at the event in greencastle , county tyrone .one animal can be seen crashing head first into the turf , dismounting a rider , after trying to scale the vehicle - a jump that could have seen it suffer deep wounds or even fatal broken legs .these shocking photographs reveal how a horse riding event for a cancer charity in northern ireland apparently used a surprise jump in the shape of a car .\n", - "dozens of animal welfare complaints made after northern ireland eventhorse pictured trying to jump over car with glass still in windscreenone animal is seen crashing head first into turf - dismounting a rideranimal welfare group says horses were ` exploited and abused ' in event\n", - "[1.2281743 1.0677739 1.4097389 1.1573521 1.0703062 1.0478809 1.3034647\n", - " 1.1138233 1.1469399 1.0562817 1.1051209 1.0313405 1.1018806 1.0330424\n", - " 1.0624 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 6 0 3 8 7 10 12 4 1 14 9 5 13 11 19 15 16 17 18 20]\n", - "=======================\n", - "['the comedian took a fake tumble on the red carpet tuesday night at the 2015 time 100 gala in new york -- right in front of fellow honorees kanye west and kim kardashian , who stepped around her as they moved down the line .the prank came the same night the third season of schumer \\'s hit show , \" inside amy schumer , \" premiered on comedy central .( cnn ) amy schumer seems to be trying single-handedly this week to make everyone in america laugh .']\n", - "=======================\n", - "['amy schumer took a fake tumble tuesday in front kanye west and kim kardashianthe comedian pulled the prank at the time 100 gala in new yorkschumer , whose \" inside amy schumer \" also premiered tuesday , is having a moment']\n", - "the comedian took a fake tumble on the red carpet tuesday night at the 2015 time 100 gala in new york -- right in front of fellow honorees kanye west and kim kardashian , who stepped around her as they moved down the line .the prank came the same night the third season of schumer 's hit show , \" inside amy schumer , \" premiered on comedy central .( cnn ) amy schumer seems to be trying single-handedly this week to make everyone in america laugh .\n", - "amy schumer took a fake tumble tuesday in front kanye west and kim kardashianthe comedian pulled the prank at the time 100 gala in new yorkschumer , whose \" inside amy schumer \" also premiered tuesday , is having a moment\n", - "[1.3264654 1.2410529 1.2762443 1.317973 1.1961409 1.1371584 1.1134148\n", - " 1.0362998 1.0534017 1.0633249 1.1365923 1.0985804 1.066879 1.0674652\n", - " 1.0238901 1.0084877 1.0184494 1.0552534 1.0980461 1.109334 1.0386343]\n", - "\n", - "[ 0 3 2 1 4 5 10 6 19 11 18 13 12 9 17 8 20 7 14 16 15]\n", - "=======================\n", - "['the plot where lizzie borden and her family are buried in fall river , massachusetts , was vandalizedthe vandalism was discovered on monday , the day after a lifetime miniseries , the lizzie borden chronicles , premiered on sunday night .borden went on trial for brutally murdering her father and stepmother with a hatchet in their fall river home in 1892 .']\n", - "=======================\n", - "[\"lizzie borden and her family are buried in fall river , massachusettstheir plot at oak grove cemetery was defaced with black and green paintspeculated graffiti is related to lifetime 's the lizzie borden chroniclesborden was acquitted after going on trial for the two murders in 1892inspired rhyme : ` lizzie borden took an ax and gave her mother 40 whacks 'historic murder house is adjacent to where aaron hernandez is on trial\"]\n", - "the plot where lizzie borden and her family are buried in fall river , massachusetts , was vandalizedthe vandalism was discovered on monday , the day after a lifetime miniseries , the lizzie borden chronicles , premiered on sunday night .borden went on trial for brutally murdering her father and stepmother with a hatchet in their fall river home in 1892 .\n", - "lizzie borden and her family are buried in fall river , massachusettstheir plot at oak grove cemetery was defaced with black and green paintspeculated graffiti is related to lifetime 's the lizzie borden chroniclesborden was acquitted after going on trial for the two murders in 1892inspired rhyme : ` lizzie borden took an ax and gave her mother 40 whacks 'historic murder house is adjacent to where aaron hernandez is on trial\n", - "[1.4947344 1.4218442 1.2387949 1.2376683 1.1821536 1.1833855 1.0966672\n", - " 1.320678 1.0188411 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 7 2 3 5 4 6 8 18 17 16 15 14 10 12 11 19 9 13 20]\n", - "=======================\n", - "[\"( cnn ) gunshots were fired at rapper lil wayne 's tour bus early sunday in atlanta .no one was injured in the shooting , and no arrests have been made , atlanta police spokeswoman elizabeth espy said .lil wayne was in atlanta for a performance at compound nightclub saturday night .\"]\n", - "=======================\n", - "['rapper lil wayne not injured after shots fired at his tour bus on an atlanta interstate , police sayno one has been arrested in the shooting']\n", - "( cnn ) gunshots were fired at rapper lil wayne 's tour bus early sunday in atlanta .no one was injured in the shooting , and no arrests have been made , atlanta police spokeswoman elizabeth espy said .lil wayne was in atlanta for a performance at compound nightclub saturday night .\n", - "rapper lil wayne not injured after shots fired at his tour bus on an atlanta interstate , police sayno one has been arrested in the shooting\n", - "[1.4452394 1.3269154 1.2084248 1.3787899 1.1262921 1.0331889 1.0201316\n", - " 1.0141033 1.0199126 1.0438122 1.0137672 1.1139001 1.0186201 1.3217252\n", - " 1.2671511 1.0301367 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 13 14 2 4 11 9 5 15 6 8 12 7 10 16 17 18 19 20]\n", - "=======================\n", - "[\"west ham manager sam allardyce is not bothered by how manchester city will react to their slump , only that his own players produce the goods at the etihad stadium on sunday .a terrible run of form has seen city slip down into fourth place , their 4-2 loss to rivals manchester united leaving manuel pellegrini 's side well adrift of leaders chelsea and now in a battle to stay ahead of liverpool in the race for champions league qualification .west ham will be without senegal forward diafra sakho because of a thigh strain , but enner valencia has recovered from a foot problem and so will lead the front line alongside veteran striker carlton cole .\"]\n", - "=======================\n", - "[\"west ham manager sam allardyce wants more consistency from his sideallardyce expects manchester city to put in a ` determined ' performancethe hammers are 10th having won just one of their last 10 league matchescity have lost one more league game in 2015 than in the whole of last yearwest ham will be without diafra sakho but enner valencia is due to return\"]\n", - "west ham manager sam allardyce is not bothered by how manchester city will react to their slump , only that his own players produce the goods at the etihad stadium on sunday .a terrible run of form has seen city slip down into fourth place , their 4-2 loss to rivals manchester united leaving manuel pellegrini 's side well adrift of leaders chelsea and now in a battle to stay ahead of liverpool in the race for champions league qualification .west ham will be without senegal forward diafra sakho because of a thigh strain , but enner valencia has recovered from a foot problem and so will lead the front line alongside veteran striker carlton cole .\n", - "west ham manager sam allardyce wants more consistency from his sideallardyce expects manchester city to put in a ` determined ' performancethe hammers are 10th having won just one of their last 10 league matchescity have lost one more league game in 2015 than in the whole of last yearwest ham will be without diafra sakho but enner valencia is due to return\n", - "[1.2751454 1.3687032 1.0824314 1.1973433 1.2739332 1.0897734 1.1513983\n", - " 1.049247 1.0983707 1.0359354 1.0658488 1.1045808 1.0724428 1.0216866\n", - " 1.029354 1.043918 1.0530646 1.0468566 1.023439 1.0431268 1.0968866\n", - " 1.0829717 1.0600514]\n", - "\n", - "[ 1 0 4 3 6 11 8 20 5 21 2 12 10 22 16 7 17 15 19 9 14 18 13]\n", - "=======================\n", - "[\"a man called alex posted a video on youtube in which he asked the programme on his ipad a series of questions about gay marriage , where to find gay club and how to register a gay marriage in the uk .he asks siri in russian ` is gay marriage normal ? 'a version of siri on the apple iphone 4s .\"]\n", - "=======================\n", - "[\"man called alex posted video on youtube of him talking to siri on his ipadis told ` now you 're swearing obscenities ' when he asks about gay marriageapple has reportedly put siri 's responses down to a ` bug ' which it has fixedgay rights were set back in russia by 2013 law banning ` gay propaganda '\"]\n", - "a man called alex posted a video on youtube in which he asked the programme on his ipad a series of questions about gay marriage , where to find gay club and how to register a gay marriage in the uk .he asks siri in russian ` is gay marriage normal ? 'a version of siri on the apple iphone 4s .\n", - "man called alex posted video on youtube of him talking to siri on his ipadis told ` now you 're swearing obscenities ' when he asks about gay marriageapple has reportedly put siri 's responses down to a ` bug ' which it has fixedgay rights were set back in russia by 2013 law banning ` gay propaganda '\n", - "[1.290907 1.39645 1.2250693 1.0759615 1.2792393 1.2080292 1.0640621\n", - " 1.0475278 1.0293957 1.0174919 1.0503079 1.1010288 1.1824273 1.1666214\n", - " 1.0278872 1.0327884 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 4 2 5 12 13 11 3 6 10 7 15 8 14 9 21 16 17 18 19 20 22]\n", - "=======================\n", - "['the ch-53e super stallion landed on the shore of this northern san diego county town shortly after 11:30 am after a low oil-pressure indicator light went on in the cockpit , marine corps air station miramar said in a statement .a huge marine corps helicopter made an emergency landing on a southern california beach on wednesday , bringing no damages or injuries but leaving an unforgettable spectacle for surrounding swimmers and sunbathers .the 100-foot copter is twice the size of the humpback whales that sometimes wash up on surrounding shores .']\n", - "=======================\n", - "['a ch-53e super stallion helicopter was forced to make an emergency landing on a north san diego county beach wednesday morningthe crew landed the helicopter - the largest and heaviest in the military - after a low oil pressure light came on in the cockpitno one was injured or anything damaged in the landingthe helicopter parked on the back for four hours before taking off back to miramar air station']\n", - "the ch-53e super stallion landed on the shore of this northern san diego county town shortly after 11:30 am after a low oil-pressure indicator light went on in the cockpit , marine corps air station miramar said in a statement .a huge marine corps helicopter made an emergency landing on a southern california beach on wednesday , bringing no damages or injuries but leaving an unforgettable spectacle for surrounding swimmers and sunbathers .the 100-foot copter is twice the size of the humpback whales that sometimes wash up on surrounding shores .\n", - "a ch-53e super stallion helicopter was forced to make an emergency landing on a north san diego county beach wednesday morningthe crew landed the helicopter - the largest and heaviest in the military - after a low oil pressure light came on in the cockpitno one was injured or anything damaged in the landingthe helicopter parked on the back for four hours before taking off back to miramar air station\n", - "[1.2420883 1.5298722 1.1563743 1.1978409 1.3121289 1.112533 1.0649073\n", - " 1.0578638 1.0586302 1.0875148 1.0581673 1.0730867 1.1186904 1.084375\n", - " 1.049053 1.0273324 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 0 3 2 12 5 9 13 11 6 8 10 7 14 15 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"colin cromie told xara grogan , 29 , they should jet to barcelona for a break and claimed they were both stuck with the wrong partner .a married dentist forced his practice nurse to resign after she rejected his attempts to kiss her , a tribunal heard .he would also snatch instruments from her in the surgery and be ` abrupt and rude ' and blamed her for a fall-out with another dental practice .\"]\n", - "=======================\n", - "[\"colin cromie hired his stepson 's girlfriend xara grogan as a dental nursehe flirted with the 29-year-old , shared sexist jokes and tried to kiss herwhen she turned him down he became ` hostile ' and forced her out of jobmiss grogan won claim for constructive dismissal and sexual harassment\"]\n", - "colin cromie told xara grogan , 29 , they should jet to barcelona for a break and claimed they were both stuck with the wrong partner .a married dentist forced his practice nurse to resign after she rejected his attempts to kiss her , a tribunal heard .he would also snatch instruments from her in the surgery and be ` abrupt and rude ' and blamed her for a fall-out with another dental practice .\n", - "colin cromie hired his stepson 's girlfriend xara grogan as a dental nursehe flirted with the 29-year-old , shared sexist jokes and tried to kiss herwhen she turned him down he became ` hostile ' and forced her out of jobmiss grogan won claim for constructive dismissal and sexual harassment\n", - "[1.2255143 1.2719778 1.2579201 1.2039969 1.0744944 1.199913 1.0600204\n", - " 1.1564578 1.0783825 1.136785 1.1019253 1.0434986 1.0248365 1.0644464\n", - " 1.0251635 1.025 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 3 5 7 9 10 8 4 13 6 11 14 15 12 21 16 17 18 19 20 22]\n", - "=======================\n", - "['video shows the jihadi attempting to launch an attack on kurdish peshmerga forces , reportedly near kirkuk in northern iraq .but as the car approaches , it hits what appears to be a roadside bomb , catapulting the vehicle at least 100ft into the air .this is the incredible moment a car being driven by an isis suicide bomber detonates mid-air seconds after it is blasted skywards by an explosion on the ground .']\n", - "=======================\n", - "['jihadi tried to launch attack on kurdish peshmerga forces near kirkuk , iraq']\n", - "video shows the jihadi attempting to launch an attack on kurdish peshmerga forces , reportedly near kirkuk in northern iraq .but as the car approaches , it hits what appears to be a roadside bomb , catapulting the vehicle at least 100ft into the air .this is the incredible moment a car being driven by an isis suicide bomber detonates mid-air seconds after it is blasted skywards by an explosion on the ground .\n", - "jihadi tried to launch attack on kurdish peshmerga forces near kirkuk , iraq\n", - "[1.4536399 1.4025786 1.2556561 1.3476105 1.2130723 1.1032909 1.0883044\n", - " 1.0660805 1.1458948 1.2192142 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 3 2 9 4 8 5 6 7 20 19 18 17 16 11 14 13 12 21 10 15 22]\n", - "=======================\n", - "[\"west ham striker diafra sakho is out for the remainder of the season after tearing a thigh muscle on saturday against stoke city .the 25-year-old is west ham 's runaway top scorer this season with 12 goals and was forced off after 59 minutes during their 1-1 draw at home .ten of sakho 's 12 goals came in the barclays premier league , with andy carroll and stewart downing the club 's next top scorers with just five apiece .\"]\n", - "=======================\n", - "['west ham drew 1-1 with stoke city in the premier league on saturdaydiafra sakho was forced off after 59 minutes due to an injuryit is understood the striker has torn a thigh muscle during the matchsakho is unlikely to be able to feature for west ham again this season']\n", - "west ham striker diafra sakho is out for the remainder of the season after tearing a thigh muscle on saturday against stoke city .the 25-year-old is west ham 's runaway top scorer this season with 12 goals and was forced off after 59 minutes during their 1-1 draw at home .ten of sakho 's 12 goals came in the barclays premier league , with andy carroll and stewart downing the club 's next top scorers with just five apiece .\n", - "west ham drew 1-1 with stoke city in the premier league on saturdaydiafra sakho was forced off after 59 minutes due to an injuryit is understood the striker has torn a thigh muscle during the matchsakho is unlikely to be able to feature for west ham again this season\n", - "[1.39308 1.4247276 1.2643604 1.406229 1.1624386 1.1902524 1.1518244\n", - " 1.102173 1.0100346 1.0152258 1.1615659 1.0965797 1.0984412 1.1126804\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 5 4 10 6 13 7 12 11 9 8 14 15 16]\n", - "=======================\n", - "[\"the pair were dicing for 13th place when button hit the back of maldonado 's lotus as they battled for position on the run down to turn 1 .jenson button has been penalised for his crash with pastor maldonado during sunday 's chinese grand prix .maldonado , who earlier in his incident-packed race missed the entry to the pit-lane , was sent into a spin , while button sustained damage to his front wing .\"]\n", - "=======================\n", - "['jenson button penalised for his role in the crash with pastor maldonadothe pair collided as they diced for 13th in final stages of chinese gpbutton slapped with five-second penalty and given two penalty pointsincident capped another disappointing weekend for hapless mclaren']\n", - "the pair were dicing for 13th place when button hit the back of maldonado 's lotus as they battled for position on the run down to turn 1 .jenson button has been penalised for his crash with pastor maldonado during sunday 's chinese grand prix .maldonado , who earlier in his incident-packed race missed the entry to the pit-lane , was sent into a spin , while button sustained damage to his front wing .\n", - "jenson button penalised for his role in the crash with pastor maldonadothe pair collided as they diced for 13th in final stages of chinese gpbutton slapped with five-second penalty and given two penalty pointsincident capped another disappointing weekend for hapless mclaren\n", - "[1.4249303 1.3530879 1.2769048 1.1955018 1.2202413 1.1166115 1.1482551\n", - " 1.0209464 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 4 3 6 5 7 14 13 12 8 10 9 15 11 16]\n", - "=======================\n", - "[\"irbil , iraq ( cnn ) isis claimed it controlled part of iraq 's largest oil refinery sunday , posting images online that purported to show the storming of the facility , fierce clashes and plumes of smoke rising above the contested site .the group said it launched an assault on the baiji oil refinery late saturday .by sunday , isis said its fighters were inside the refinery and controlled several buildings , but iraqi government security officials denied that claim and insisted iraqi forces remain in full control .\"]\n", - "=======================\n", - "[\"isis says it controls several buildings at the baiji oil refineryiraqi government security officials say iraqi forces remain in full controlthe refinery , iraq 's largest , has long been a lucrative target for militants\"]\n", - "irbil , iraq ( cnn ) isis claimed it controlled part of iraq 's largest oil refinery sunday , posting images online that purported to show the storming of the facility , fierce clashes and plumes of smoke rising above the contested site .the group said it launched an assault on the baiji oil refinery late saturday .by sunday , isis said its fighters were inside the refinery and controlled several buildings , but iraqi government security officials denied that claim and insisted iraqi forces remain in full control .\n", - "isis says it controls several buildings at the baiji oil refineryiraqi government security officials say iraqi forces remain in full controlthe refinery , iraq 's largest , has long been a lucrative target for militants\n", - "[1.3678904 1.2630213 1.3114389 1.0896701 1.1426286 1.1902889 1.1456305\n", - " 1.0862563 1.0651126 1.0604376 1.2067547 1.1444453 1.0448558 1.0409482\n", - " 1.0286763 1.0137336 0. ]\n", - "\n", - "[ 0 2 1 10 5 6 11 4 3 7 8 9 12 13 14 15 16]\n", - "=======================\n", - "[\"stephanie scott was a ` favourite teacher ' to many students at leeton high schoola week before students are due to return to class after school holidays , mothers have have taken to a community facebook page to talk about how the 26-year-old 's murder has affected their kids .ms salerno told the australian her three children ` do n't want to return ' to school because they are so upset over ms scott 's death .\"]\n", - "=======================\n", - "[\"leeton parents say their children are devastated by teacher 's murderpolice discovered a body in nearby bushland on friday afternoonan autopsy will now be conducted to determine the cause of deathpolice will contact authorities in holland for a background check on accused killer , vincent stanford , who was charged with murder\"]\n", - "stephanie scott was a ` favourite teacher ' to many students at leeton high schoola week before students are due to return to class after school holidays , mothers have have taken to a community facebook page to talk about how the 26-year-old 's murder has affected their kids .ms salerno told the australian her three children ` do n't want to return ' to school because they are so upset over ms scott 's death .\n", - "leeton parents say their children are devastated by teacher 's murderpolice discovered a body in nearby bushland on friday afternoonan autopsy will now be conducted to determine the cause of deathpolice will contact authorities in holland for a background check on accused killer , vincent stanford , who was charged with murder\n", - "[1.2367904 1.5617633 1.2967497 1.2333698 1.3278494 1.130741 1.0815148\n", - " 1.0430095 1.0319335 1.2973742 1.0248679 1.0124532 1.1318787 1.012177\n", - " 1.008463 0. 0. ]\n", - "\n", - "[ 1 4 9 2 0 3 12 5 6 7 8 10 11 13 14 15 16]\n", - "=======================\n", - "[\"the 73-year-old woman suffered severe bruising to her legs and ribs after her blue vauxhall corsa collided with railings on the petrol forecourt of the asda store in hulme , manchester .she was waiting from an ambulance with her husband , who has dementia , when the thief sneaked into her car and stole the black garmin device from underneath the passenger seat .this is the moment a thief fled the scene after stealing the sat nav from a 73-year-old injured pensioner 's crashed car as she waited for an ambulance .\"]\n", - "=======================\n", - "[\"thief stole sat nav from elderly woman 's car after she was injured in crashwoman , 73 , was waiting for an ambulance with husband who has dementiasuspect was photographed as he fled the scene in hulme , manchesterbearded man was wearing purple shorts and is aged between 30 and 40\"]\n", - "the 73-year-old woman suffered severe bruising to her legs and ribs after her blue vauxhall corsa collided with railings on the petrol forecourt of the asda store in hulme , manchester .she was waiting from an ambulance with her husband , who has dementia , when the thief sneaked into her car and stole the black garmin device from underneath the passenger seat .this is the moment a thief fled the scene after stealing the sat nav from a 73-year-old injured pensioner 's crashed car as she waited for an ambulance .\n", - "thief stole sat nav from elderly woman 's car after she was injured in crashwoman , 73 , was waiting for an ambulance with husband who has dementiasuspect was photographed as he fled the scene in hulme , manchesterbearded man was wearing purple shorts and is aged between 30 and 40\n", - "[1.2587622 1.1991035 1.1995685 1.5198404 1.4357435 1.180304 1.0376713\n", - " 1.0292999 1.034615 1.0132396 1.0170101 1.0705918 1.0135936 1.0188183\n", - " 1.0230875 1.0177811 1.0959893]\n", - "\n", - "[ 3 4 0 2 1 5 16 11 6 8 7 14 13 15 10 12 9]\n", - "=======================\n", - "[\"australia head coach michael cheika is aware that his pack is being written off for the world cupcheika 's side will face england and wales in crunch pool games at the tournament in septemberthe national coach refuses to bite back , but he has evidently noted and logged claims from these parts that his forwards will be cannon fodder for their english and welsh rivals , amid the three-way tussle for qualification from daunting pool a.\"]\n", - "=======================\n", - "['australia will face england and wales in pool a at the world cupthe wallabies pack was taken apart by england at twickenham last yearmichael cheika cites mike brown and jonathan joseph as key threatssam burgess will feature for england at tournament , says cheikacheika met matt giteau this week to discuss his involvement']\n", - "australia head coach michael cheika is aware that his pack is being written off for the world cupcheika 's side will face england and wales in crunch pool games at the tournament in septemberthe national coach refuses to bite back , but he has evidently noted and logged claims from these parts that his forwards will be cannon fodder for their english and welsh rivals , amid the three-way tussle for qualification from daunting pool a.\n", - "australia will face england and wales in pool a at the world cupthe wallabies pack was taken apart by england at twickenham last yearmichael cheika cites mike brown and jonathan joseph as key threatssam burgess will feature for england at tournament , says cheikacheika met matt giteau this week to discuss his involvement\n", - "[1.1933608 1.5191619 1.0953087 1.2193661 1.197045 1.1084197 1.3475616\n", - " 1.0502808 1.0316201 1.0640472 1.0627712 1.1971557 1.0756632 1.0333862\n", - " 1.0248699 1.0734297 1.1406962 0. 0. 0. 0. ]\n", - "\n", - "[ 1 6 3 11 4 0 16 5 2 12 15 9 10 7 13 8 14 17 18 19 20]\n", - "=======================\n", - "[\"quinn patrick was on a fishing trip with his dad at snow lake , indiana when the pair caught a bowfin , videoed lying lifeless on a concrete dock .when suddenly the bowfin propels itself from the ground and slaps the youngster straight in the face with its large tail .the sound of the fish making impact with the youngster 's face is not dissimilar to a sound effect used in a cartoon .\"]\n", - "=======================\n", - "['quinn patrick stands over the fish while on a trip with his dadbowfin propels itself from ground and slaps him in the facemakes a noise not dissimilar to a sound effect used in cartoonsyoungster stumbles backwards but takes the hit remarkably well']\n", - "quinn patrick was on a fishing trip with his dad at snow lake , indiana when the pair caught a bowfin , videoed lying lifeless on a concrete dock .when suddenly the bowfin propels itself from the ground and slaps the youngster straight in the face with its large tail .the sound of the fish making impact with the youngster 's face is not dissimilar to a sound effect used in a cartoon .\n", - "quinn patrick stands over the fish while on a trip with his dadbowfin propels itself from ground and slaps him in the facemakes a noise not dissimilar to a sound effect used in cartoonsyoungster stumbles backwards but takes the hit remarkably well\n", - "[1.1123841 1.3449942 1.3460779 1.2736586 1.2611864 1.2776345 1.1300861\n", - " 1.0625643 1.1152602 1.0810778 1.1137056 1.1589025 1.0149812 1.0175468\n", - " 1.0549796 1.1405015 1.0352994 1.0338724 1.0433261 1.0181383 1.0110483]\n", - "\n", - "[ 2 1 5 3 4 11 15 6 8 10 0 9 7 14 18 16 17 19 13 12 20]\n", - "=======================\n", - "[\"the dog caused a severe fire after managing to switch on the cooker while trying to reach his dog treats .instead the staffordshire-boxer cross ended up nearly burning the house down and killing his owner 's son .the heat from one of the hob 's rings set fire to a child 's seat that had been left resting on the electric appliance .\"]\n", - "=======================\n", - "[\"family pet leo nearly burned down home in peckham , south-east londonstaffordshire-boxer cross managed to switch on cooker hunting for foodchild 's car seat left on top of one of the hob 's rings caught firesubsequent blaze damaged a third of the ground floor of the property\"]\n", - "the dog caused a severe fire after managing to switch on the cooker while trying to reach his dog treats .instead the staffordshire-boxer cross ended up nearly burning the house down and killing his owner 's son .the heat from one of the hob 's rings set fire to a child 's seat that had been left resting on the electric appliance .\n", - "family pet leo nearly burned down home in peckham , south-east londonstaffordshire-boxer cross managed to switch on cooker hunting for foodchild 's car seat left on top of one of the hob 's rings caught firesubsequent blaze damaged a third of the ground floor of the property\n", - "[1.1784186 1.3275878 1.3140299 1.2086005 1.1992806 1.1236254 1.1192312\n", - " 1.07886 1.0618345 1.0838375 1.0648315 1.0577804 1.1575716 1.0388092\n", - " 1.1197854 1.0226136 1.1399896 1.039303 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 12 16 5 14 6 9 7 10 8 11 17 13 15 19 18 20]\n", - "=======================\n", - "[\"rebecca sedwick leaped to her death from the roof of an abandoned concrete plant in lakeland , florida in september 2013 .the following month , the polk county sheriff 's office said she likely killed herself following ` malicious harassment ' from two schoolmates , katelyn roman , then 12 , and guadalupe shaw , 13 .suicide : rebecca sedwick , pictured with her mother , took her life in 2013 and two girls were arrested for bullying her but later released .\"]\n", - "=======================\n", - "[\"rebecca sedwick took her life in september 2013 and her family and authorities said she had been the victim of online bullyinga month later , the polk county sheriff 's office said she died after ` malicious harassment ' from katelyn roman , 12 , and guadalupe shaw , 13but the charges were dropped as they found no evidence of messagesnow the youngest girl 's family has filed a lawsuit accusing the sheriff and a deputy of using rebecca 's death as an ` opportunity for media attention 'the sheriff 's office said the claims have ` no merit '\"]\n", - "rebecca sedwick leaped to her death from the roof of an abandoned concrete plant in lakeland , florida in september 2013 .the following month , the polk county sheriff 's office said she likely killed herself following ` malicious harassment ' from two schoolmates , katelyn roman , then 12 , and guadalupe shaw , 13 .suicide : rebecca sedwick , pictured with her mother , took her life in 2013 and two girls were arrested for bullying her but later released .\n", - "rebecca sedwick took her life in september 2013 and her family and authorities said she had been the victim of online bullyinga month later , the polk county sheriff 's office said she died after ` malicious harassment ' from katelyn roman , 12 , and guadalupe shaw , 13but the charges were dropped as they found no evidence of messagesnow the youngest girl 's family has filed a lawsuit accusing the sheriff and a deputy of using rebecca 's death as an ` opportunity for media attention 'the sheriff 's office said the claims have ` no merit '\n", - "[1.3187063 1.1896089 1.2727348 1.1458628 1.095991 1.0882823 1.1068972\n", - " 1.0869589 1.0736089 1.1774348 1.096222 1.1289968 1.0905217 1.0733104\n", - " 1.0386485 1.0415512 1.0187881 1.0121839 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 9 3 11 6 10 4 12 5 7 8 13 15 14 16 17 19 18 20]\n", - "=======================\n", - "[\"president barack obama held up the shrinking florida everglades today as proof positive that climate change is real and is threatening america 's ` national treasures , ' as well as the economies of their surrounding towns , which rely heavily on tourist dollars .it ca n't be edited out , ' he said this afternoon in a speech at everglades national park commemorating earth day .` climate change can no longer be denied .\"]\n", - "=======================\n", - "[\"shrinking florida everglades is proof positive climate change is real and is threatening america 's ` national treasures , ' president said todayobama also took a half - hour walking tour of the the anhinga trail at the 1.5-million-acre national park before giving his speech and heading homei ca n't think of a better way to spend earth day than in one of our nation 's greatest natural treasures , the everglades , ' he said , calling the swamp , which he acknowledged is not technically a swamp , ` magical 'day trip , on which obama was accompanied by bill nye ` the science guy ' also highlighted massive amount of fuel it takes to power air force one - 9,000 gallons for today 's flights alone\"]\n", - "president barack obama held up the shrinking florida everglades today as proof positive that climate change is real and is threatening america 's ` national treasures , ' as well as the economies of their surrounding towns , which rely heavily on tourist dollars .it ca n't be edited out , ' he said this afternoon in a speech at everglades national park commemorating earth day .` climate change can no longer be denied .\n", - "shrinking florida everglades is proof positive climate change is real and is threatening america 's ` national treasures , ' president said todayobama also took a half - hour walking tour of the the anhinga trail at the 1.5-million-acre national park before giving his speech and heading homei ca n't think of a better way to spend earth day than in one of our nation 's greatest natural treasures , the everglades , ' he said , calling the swamp , which he acknowledged is not technically a swamp , ` magical 'day trip , on which obama was accompanied by bill nye ` the science guy ' also highlighted massive amount of fuel it takes to power air force one - 9,000 gallons for today 's flights alone\n", - "[1.4269325 1.195466 1.1580983 1.2041059 1.1653636 1.1977311 1.1324024\n", - " 1.0778713 1.0586064 1.0605721 1.0774117 1.1372855 1.06309 1.0862017\n", - " 1.0522087 1.0106378 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 5 1 4 2 11 6 13 7 10 12 9 8 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"( cnn ) the leader of yemen 's houthi rebels vowed not to back down on sunday as a top saudi military official claimed weeks of airstrikes had significantly weakened the shiite group .his comments came after more than three weeks of saudi-led coalition bombings aimed at pushing back the houthis , who surged into the capital of sanaa in january and ousted president abdu rabu mansour hadi from power .since mid-march , more than 700 people have been killed in violence that shows no sign of slowing , according to figures from the world health organization .\"]\n", - "=======================\n", - "[\"abdul-malik al-houthi says in a televised address that fighters will not pull out of major citiesa top military leader pledges allegiance to yemen 's ousted president\"]\n", - "( cnn ) the leader of yemen 's houthi rebels vowed not to back down on sunday as a top saudi military official claimed weeks of airstrikes had significantly weakened the shiite group .his comments came after more than three weeks of saudi-led coalition bombings aimed at pushing back the houthis , who surged into the capital of sanaa in january and ousted president abdu rabu mansour hadi from power .since mid-march , more than 700 people have been killed in violence that shows no sign of slowing , according to figures from the world health organization .\n", - "abdul-malik al-houthi says in a televised address that fighters will not pull out of major citiesa top military leader pledges allegiance to yemen 's ousted president\n", - "[1.3613499 1.25995 1.5384233 1.1496983 1.0930729 1.0506563 1.0463357\n", - " 1.0637366 1.0490242 1.0478959 1.0775462 1.0353538 1.0167172 1.0201551\n", - " 1.0374012 1.0233467 1.0549533 1.0300254 1.1380812 1.015856 1.1112703\n", - " 1.0867454 1.049564 1.0218065 1.0189049]\n", - "\n", - "[ 2 0 1 3 18 20 4 21 10 7 16 5 22 8 9 6 14 11 17 15 23 13 24 12\n", - " 19]\n", - "=======================\n", - "['the former north charleston police officer is charged with murder in the death of 50-year-old walter scott .( cnn ) two pieces of audio recorded in the immediate aftermath of a deadly police shooting in south carolina emerged monday .the voice of michael slager can be heard in both .']\n", - "=======================\n", - "['in the first recording , an unidentified officer talks to slager about what might happenthe second audio captures a phone call between slager and someone cnn believes is his wife']\n", - "the former north charleston police officer is charged with murder in the death of 50-year-old walter scott .( cnn ) two pieces of audio recorded in the immediate aftermath of a deadly police shooting in south carolina emerged monday .the voice of michael slager can be heard in both .\n", - "in the first recording , an unidentified officer talks to slager about what might happenthe second audio captures a phone call between slager and someone cnn believes is his wife\n", - "[1.2816278 1.2991736 1.2822665 1.099822 1.1006399 1.111563 1.2857066\n", - " 1.1511397 1.0677552 1.0220972 1.0147402 1.14459 1.2009455 1.0763562\n", - " 1.0653785 1.0165491 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 6 2 0 12 7 11 5 4 3 13 8 14 9 15 10 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"but it was tony abbott 's response to her transformation from man to woman that knocked her for six .cate mcgregor - now group captain in the royal australian air force - spent 40 years in the army , most of those under the name malcolmit took less than an hour for the federal liberal leader to call ms mcgregor after she forwarded the chapter of her book that outed her .\"]\n", - "=======================\n", - "[\"cate mcgregor is a group captain in the royal australian air forceshe spent 40 years in the army , most of those under the name malcolmin 2012 , mcgregor stopped ` functioning ' as a man and lived as a womanshe tried to resign from the office when her transformation became publicher resignation was refused by former chief of army david morrisonmcgregor believes mr abbott was n't given the credit he deserved for publicly embracing her and risking a wedge within his own partyshe addressed the national press club on wednesday as part of a women in media series\"]\n", - "but it was tony abbott 's response to her transformation from man to woman that knocked her for six .cate mcgregor - now group captain in the royal australian air force - spent 40 years in the army , most of those under the name malcolmit took less than an hour for the federal liberal leader to call ms mcgregor after she forwarded the chapter of her book that outed her .\n", - "cate mcgregor is a group captain in the royal australian air forceshe spent 40 years in the army , most of those under the name malcolmin 2012 , mcgregor stopped ` functioning ' as a man and lived as a womanshe tried to resign from the office when her transformation became publicher resignation was refused by former chief of army david morrisonmcgregor believes mr abbott was n't given the credit he deserved for publicly embracing her and risking a wedge within his own partyshe addressed the national press club on wednesday as part of a women in media series\n", - "[1.5236753 1.3543429 1.2131368 1.393596 1.0961074 1.147176 1.0806936\n", - " 1.1747742 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 7 5 4 6 22 21 20 19 18 17 16 12 14 13 23 11 10 9 8 15\n", - " 24]\n", - "=======================\n", - "['manchester united winger ashley young was in attendance as crawley town took on oldham athletic in league one on monday , watching his brother in action for the home side .crawley are scrambling to avoid relegation from league one but young was a good omen for the club as they were 2-0 up at half-time .united are third in the premier league on 62 points and their next game is on sunday against local rivals manchester city .']\n", - "=======================\n", - "[\"ashley young 's brother lewis plays for crawley town as an attackerthe manchester united man went to watch him play against oldhamcrawley are battling to get out of the relegation zone in league one\"]\n", - "manchester united winger ashley young was in attendance as crawley town took on oldham athletic in league one on monday , watching his brother in action for the home side .crawley are scrambling to avoid relegation from league one but young was a good omen for the club as they were 2-0 up at half-time .united are third in the premier league on 62 points and their next game is on sunday against local rivals manchester city .\n", - "ashley young 's brother lewis plays for crawley town as an attackerthe manchester united man went to watch him play against oldhamcrawley are battling to get out of the relegation zone in league one\n", - "[1.2366539 1.2091923 1.2304478 1.1448865 1.184456 1.2204901 1.1536815\n", - " 1.0941106 1.0813708 1.0992982 1.1075128 1.0300599 1.0579755 1.0365646\n", - " 1.0393738 1.053198 1.0344628 1.0865762 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 5 1 4 6 3 10 9 7 17 8 12 15 14 13 16 11 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"it has spent four years orbiting the closest planet to our sun , but despite desperate attempts to extend the life of messenger spacecraft , it is slowly spiraling towards mercury 's scorched surface .messenger is currently 18 miles ( 29.1 km ) above mercury after nasa engineers used the last of its fuel in a last ditch effort to push the spacecraft higher into orbit after it dropped to within nine miles ( 15km ) of the surface .the spacecraft , however , is expected to smash into the planet 's surface on 30 april .\"]\n", - "=======================\n", - "['messenger is expected to impact on the surface of mercury around april 30spacecraft has been orbiting mercury since 2011 , taking 250,000 picturesas it gets lower it is sending back images of the surface in greater detailengineers have attempted to extend the mission by using up its last fuel']\n", - "it has spent four years orbiting the closest planet to our sun , but despite desperate attempts to extend the life of messenger spacecraft , it is slowly spiraling towards mercury 's scorched surface .messenger is currently 18 miles ( 29.1 km ) above mercury after nasa engineers used the last of its fuel in a last ditch effort to push the spacecraft higher into orbit after it dropped to within nine miles ( 15km ) of the surface .the spacecraft , however , is expected to smash into the planet 's surface on 30 april .\n", - "messenger is expected to impact on the surface of mercury around april 30spacecraft has been orbiting mercury since 2011 , taking 250,000 picturesas it gets lower it is sending back images of the surface in greater detailengineers have attempted to extend the mission by using up its last fuel\n", - "[1.2514343 1.3410773 1.2541922 1.231758 1.3701732 1.0306902 1.0486411\n", - " 1.0315075 1.0215482 1.03755 1.0704887 1.1429932 1.0796775 1.018332\n", - " 1.0385176 1.012703 1.2402877 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 4 1 2 0 16 3 11 12 10 6 14 9 7 5 8 13 15 23 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"the beginning of the rest of his life : aaron hernandez was taken to the mci cedar juntion prison in walpole , massachusetts on wednesday after he was sentenced to life in prison without parole for the 2013 murder of odin lloyd .hernandez has n't set foot in the stadium since june 2013 , when he was arrested under suspicion of murdering odin lloyd , who was dating the sister of hernandez 's fianceé at the time .aaron hernandez left behind his life as a millionaire star athlete today , swapping a designer suit for a set of gray scrubs at a prison where he will begin a life sentence for murder .\"]\n", - "=======================\n", - "['the 25-year-old former new england patriots tight end was sentenced to life in prison without parole on wednesday for murderafter the sentence was read , hernandez was taken to mci cedar junction prison in walpole to begin his sentencethe 700-inmate all-male prison is located just across the freeway from gillette stadium , where he used to play for the patriotshernandez will be transferred in the coming weeks or months to another prison in shirley , massachusetts']\n", - "the beginning of the rest of his life : aaron hernandez was taken to the mci cedar juntion prison in walpole , massachusetts on wednesday after he was sentenced to life in prison without parole for the 2013 murder of odin lloyd .hernandez has n't set foot in the stadium since june 2013 , when he was arrested under suspicion of murdering odin lloyd , who was dating the sister of hernandez 's fianceé at the time .aaron hernandez left behind his life as a millionaire star athlete today , swapping a designer suit for a set of gray scrubs at a prison where he will begin a life sentence for murder .\n", - "the 25-year-old former new england patriots tight end was sentenced to life in prison without parole on wednesday for murderafter the sentence was read , hernandez was taken to mci cedar junction prison in walpole to begin his sentencethe 700-inmate all-male prison is located just across the freeway from gillette stadium , where he used to play for the patriotshernandez will be transferred in the coming weeks or months to another prison in shirley , massachusetts\n", - "[1.1391698 1.524138 1.32117 1.3363795 1.236784 1.316668 1.0915525\n", - " 1.1350001 1.0779845 1.0537757 1.0772142 1.0289646 1.0431839 1.0318779\n", - " 1.0719908 1.0487692 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 5 4 0 7 6 8 10 14 9 15 12 13 11 18 16 17 19]\n", - "=======================\n", - "['scott stephenson is due to be jailed for stealing a phone from a man he found collapsed in the street in south shields , tyne and wear .he unleashed an extraordinary expletive-filled rant outside court this week after he was re-bailed for sentence following his failure to turn up to a previous hearing .his victim had tripped and fallen unconscious on the cold december day .']\n", - "=======================\n", - "['scott stephenson went through the pockets of man dying from the coldhe was due to be sentenced for theft but failed to turn up to courtat hearing today , 19-year-old was bailed again before sentencingoutside court , he shouted and swore in front of nearby diners']\n", - "scott stephenson is due to be jailed for stealing a phone from a man he found collapsed in the street in south shields , tyne and wear .he unleashed an extraordinary expletive-filled rant outside court this week after he was re-bailed for sentence following his failure to turn up to a previous hearing .his victim had tripped and fallen unconscious on the cold december day .\n", - "scott stephenson went through the pockets of man dying from the coldhe was due to be sentenced for theft but failed to turn up to courtat hearing today , 19-year-old was bailed again before sentencingoutside court , he shouted and swore in front of nearby diners\n", - "[1.2264287 1.3027213 1.248628 1.3116724 1.2592715 1.1915143 1.1890306\n", - " 1.1517835 1.1113843 1.0195886 1.0861621 1.0932337 1.0565982 1.0190018\n", - " 1.0331205 1.0250113 1.0111415 1.0410782 1.0539341 0. ]\n", - "\n", - "[ 3 1 4 2 0 5 6 7 8 11 10 12 18 17 14 15 9 13 16 19]\n", - "=======================\n", - "[\"police response times in some areas have been increased by up to 50 per cent because of funding cutslabour 's shadow home secretary yvette cooper , pictured , claimed the victims of crime were being put at riskin essex and kent , crime victims are waiting up to a third longer for a response .\"]\n", - "=======================\n", - "[\"some crime vicitms are waiting up to two minutes longer for a responsethere are now 17,000 fewer police officers across the country than in 2009callers have been urged to contact the non-emergency 101 servicelabour 's yvette cooper blames the increase in waiting time on tory cuts\"]\n", - "police response times in some areas have been increased by up to 50 per cent because of funding cutslabour 's shadow home secretary yvette cooper , pictured , claimed the victims of crime were being put at riskin essex and kent , crime victims are waiting up to a third longer for a response .\n", - "some crime vicitms are waiting up to two minutes longer for a responsethere are now 17,000 fewer police officers across the country than in 2009callers have been urged to contact the non-emergency 101 servicelabour 's yvette cooper blames the increase in waiting time on tory cuts\n", - "[1.2623215 1.4272456 1.3449576 1.1259357 1.3728703 1.0713143 1.0669103\n", - " 1.0959454 1.1222198 1.05518 1.0337039 1.0371976 1.0140101 1.0867132\n", - " 1.0798767 1.0524678 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 0 3 8 7 13 14 5 6 9 15 11 10 12 18 16 17 19]\n", - "=======================\n", - "['weinsten and his designer wife georgina chapman turned up for the premiere of his new broadway production finding neverland in new york city .the play , which stars glee star matthew morrison and kelsey grammer , is based on the 2004 film of the same name weinstein produced starring kate winslet and johnny depp .it has been almost a month since an italian model accused movie executive harvey weinstein of groping her , and wednesday night he and his wife were spotted out together for the first time since the alleged incident .']\n", - "=======================\n", - "[\"harvey weinsten and his designer wife georgina chapman turned up for the premiere of his new broadway play finding neverland on wednesdayit is the first time the pair has been seen together since weinstein was accused of groping an italian model in marchthe district attorney 's office announced last friday that weinstein will not face criminal charges over the incidentfinding neverland is the same play weinstein gave model ambra battilana a ticket tothe couple also spent chapman 's birthday together earlier in the week , as well as easter with their children two weekends ago\"]\n", - "weinsten and his designer wife georgina chapman turned up for the premiere of his new broadway production finding neverland in new york city .the play , which stars glee star matthew morrison and kelsey grammer , is based on the 2004 film of the same name weinstein produced starring kate winslet and johnny depp .it has been almost a month since an italian model accused movie executive harvey weinstein of groping her , and wednesday night he and his wife were spotted out together for the first time since the alleged incident .\n", - "harvey weinsten and his designer wife georgina chapman turned up for the premiere of his new broadway play finding neverland on wednesdayit is the first time the pair has been seen together since weinstein was accused of groping an italian model in marchthe district attorney 's office announced last friday that weinstein will not face criminal charges over the incidentfinding neverland is the same play weinstein gave model ambra battilana a ticket tothe couple also spent chapman 's birthday together earlier in the week , as well as easter with their children two weekends ago\n", - "[1.3358605 1.3853317 1.1567445 1.4211385 1.1823307 1.1214519 1.186648\n", - " 1.0396417 1.0383539 1.0336852 1.0203696 1.0585619 1.0348688 1.0299652\n", - " 1.0141352 1.0504105 1.0245652 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 6 4 2 5 11 15 7 8 12 9 13 16 10 14 18 17 19]\n", - "=======================\n", - "['maitland local karen newton ( pictured ) performed an impromptu rendition of the last post to stranded residents of gillieston heightsthe video , which has over 5,000 views on facebook , beautifully captures the dawn anzac day experience .as the sun rose over the water , ms newton could be seen facing five stranded residents , who had come out to pay their respects to the fallen anzacs in their own unplanned service .']\n", - "=======================\n", - "['stranded victims of the storm were unable to attend an anzac day servicelocal karen newton played the last post at the kurri kurri memorialshe made the trip to gillieston heights to deliver food to the flood victimswhile she was there , she struck up another rendition of the songthe goosebump-inducing moment was captured on film']\n", - "maitland local karen newton ( pictured ) performed an impromptu rendition of the last post to stranded residents of gillieston heightsthe video , which has over 5,000 views on facebook , beautifully captures the dawn anzac day experience .as the sun rose over the water , ms newton could be seen facing five stranded residents , who had come out to pay their respects to the fallen anzacs in their own unplanned service .\n", - "stranded victims of the storm were unable to attend an anzac day servicelocal karen newton played the last post at the kurri kurri memorialshe made the trip to gillieston heights to deliver food to the flood victimswhile she was there , she struck up another rendition of the songthe goosebump-inducing moment was captured on film\n", - "[1.2019783 1.5177383 1.3854364 1.4292039 1.1835114 1.0570071 1.1498145\n", - " 1.0972998 1.0640734 1.0600501 1.0254676 1.0312284 1.0504974 1.0276546\n", - " 1.0586375 1.0234355 1.014323 1.0209608 1.0107548 1.1171677]\n", - "\n", - "[ 1 3 2 0 4 6 19 7 8 9 14 5 12 11 13 10 15 17 16 18]\n", - "=======================\n", - "['abby swinfield , from castle donington , in derbyshire , was partying with friends when she was rushed to hospital in the early hours of march 30 .miss swinfield , who is believed to have a son , three , was taken to good hope hospital in sutton coldfield , west midlands , where she was placed in a coma , but died a week later .an 18-year-old mother-of-one had two heart attacks before dying from multiple organ failure after taking m-cat at a house party , her family have said .']\n", - "=======================\n", - "['abby swinfield , 18 , collapsed in early hours of march 30 at a house partytaken to hospital where she was placed in coma but died a week latermother kay said teen had two heart attacks before dying of organ failurepolice are investigating and have arrested girl , 20 , for supplying drugs']\n", - "abby swinfield , from castle donington , in derbyshire , was partying with friends when she was rushed to hospital in the early hours of march 30 .miss swinfield , who is believed to have a son , three , was taken to good hope hospital in sutton coldfield , west midlands , where she was placed in a coma , but died a week later .an 18-year-old mother-of-one had two heart attacks before dying from multiple organ failure after taking m-cat at a house party , her family have said .\n", - "abby swinfield , 18 , collapsed in early hours of march 30 at a house partytaken to hospital where she was placed in coma but died a week latermother kay said teen had two heart attacks before dying of organ failurepolice are investigating and have arrested girl , 20 , for supplying drugs\n", - "[1.5102717 1.15694 1.412564 1.2555737 1.0825186 1.0668299 1.1463294\n", - " 1.1016945 1.1706216 1.1575811 1.0949038 1.0551383 1.015653 1.0455438\n", - " 1.0495613 1.0464351 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 8 9 1 6 7 10 4 5 11 14 15 13 12 19 16 17 18 20]\n", - "=======================\n", - "[\"david moore , 25 , went berserk with road rage after leaving his home only to immediately find himself nose-to-nose on a heavily congested street with rafal cegielka , 45 , who was picking up his childburnley magistrates ' court heard that the pair had both wound down their car windows , when moore then jumped out of his vehicle , and punched mr cegielka through his open car window .at burnley magistrates court moore admitted assault by beating , destroying # 100 worth of fencing and damaging mr cegielka 's car , on march 2 .\"]\n", - "=======================\n", - "[\"david moore , 25 , ` saw red ' after leaving his home only to immediately find himself nose-to-nose on a heavily congested street with rafal cegielka , 45pair went to ` have words ' through window when moore hit mr cegielkahe then armed himself with hockey stick , and shouted : ` i 'll f *** ing kill him 'the court heard moore had had a 's ** t day ' had seen red and was sorry\"]\n", - "david moore , 25 , went berserk with road rage after leaving his home only to immediately find himself nose-to-nose on a heavily congested street with rafal cegielka , 45 , who was picking up his childburnley magistrates ' court heard that the pair had both wound down their car windows , when moore then jumped out of his vehicle , and punched mr cegielka through his open car window .at burnley magistrates court moore admitted assault by beating , destroying # 100 worth of fencing and damaging mr cegielka 's car , on march 2 .\n", - "david moore , 25 , ` saw red ' after leaving his home only to immediately find himself nose-to-nose on a heavily congested street with rafal cegielka , 45pair went to ` have words ' through window when moore hit mr cegielkahe then armed himself with hockey stick , and shouted : ` i 'll f *** ing kill him 'the court heard moore had had a 's ** t day ' had seen red and was sorry\n", - "[1.1463199 1.2468531 1.3870194 1.3385601 1.1617539 1.1727223 1.0940555\n", - " 1.2058017 1.032797 1.032578 1.0164888 1.1149307 1.0247846 1.1252506\n", - " 1.0998814 1.1648693 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 7 5 15 4 0 13 11 14 6 8 9 12 10 16 17 18 19 20]\n", - "=======================\n", - "['captured at whipsnade zoo , the video shows keepers assisting six elephants along a path -- five of which walk in single file .the baby elephant can be seen walking alongside its herd , which travel in a single file lineit stops to dawdle as it reaches the grass and uses its trunk to pick something up off the floor before setting off again .']\n", - "=======================\n", - "['the baby elephant walks alongside single file herdit stops to dawdle pick up something with its trunkbefore managing to break the tail-to-trunk chainthe footage was captured by at whipsnade zoo']\n", - "captured at whipsnade zoo , the video shows keepers assisting six elephants along a path -- five of which walk in single file .the baby elephant can be seen walking alongside its herd , which travel in a single file lineit stops to dawdle as it reaches the grass and uses its trunk to pick something up off the floor before setting off again .\n", - "the baby elephant walks alongside single file herdit stops to dawdle pick up something with its trunkbefore managing to break the tail-to-trunk chainthe footage was captured by at whipsnade zoo\n", - "[1.1986399 1.5246012 1.294311 1.2367673 1.0662026 1.0310392 1.3757572\n", - " 1.1446495 1.1418246 1.0263423 1.0405103 1.1081611 1.06988 1.1012393\n", - " 1.0775272 1.0474505 1.022648 1.0323365 1.0267044 1.0425858 1.0859284]\n", - "\n", - "[ 1 6 2 3 0 7 8 11 13 20 14 12 4 15 19 10 17 5 18 9 16]\n", - "=======================\n", - "[\"graduate jacob phillips , 23 , plunged down the cliff when he leapt over a fence in the dark .mr phillips had caught the cab home after a night out with friends in december -- but did n't have enough cash to pay for it .an inquest heard he ran from the driver , who gave chase at the seaside town of penarth , south wales .\"]\n", - "=======================\n", - "[\"jacob phillips plunged down cliff after leaping over a fence in the darkgot out of the taxi to ` use an atm ' before running away , inquest heard\"]\n", - "graduate jacob phillips , 23 , plunged down the cliff when he leapt over a fence in the dark .mr phillips had caught the cab home after a night out with friends in december -- but did n't have enough cash to pay for it .an inquest heard he ran from the driver , who gave chase at the seaside town of penarth , south wales .\n", - "jacob phillips plunged down cliff after leaping over a fence in the darkgot out of the taxi to ` use an atm ' before running away , inquest heard\n", - "[1.2143139 1.2291161 1.2474105 1.3545308 1.3672799 1.1043007 1.0510253\n", - " 1.1929101 1.0789037 1.030799 1.026126 1.1023679 1.058174 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 3 2 1 0 7 5 11 8 12 6 9 10 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "['cheryl \\'s birthday challenge was meant to test the better high-school students competing in the singapore and asian schools math olympiad , held april 8 .the puzzling problem went viral after singapore television host kenneth kong posted it to facebook .some are even saying it \\'s the math equivalent of the \" what color is the dress \" debate .']\n", - "=======================\n", - "['a logic question about \" cheryl \\'s birthday \" goes viralthe clues give just enough information to eliminate most possibilitiesit spread after a singapore television host posted it to facebook']\n", - "cheryl 's birthday challenge was meant to test the better high-school students competing in the singapore and asian schools math olympiad , held april 8 .the puzzling problem went viral after singapore television host kenneth kong posted it to facebook .some are even saying it 's the math equivalent of the \" what color is the dress \" debate .\n", - "a logic question about \" cheryl 's birthday \" goes viralthe clues give just enough information to eliminate most possibilitiesit spread after a singapore television host posted it to facebook\n", - "[1.1904805 1.3497571 1.3057067 1.2061306 1.2560271 1.3670822 1.2357543\n", - " 1.1639361 1.1110142 1.0677634 1.0528573 1.0202422 1.0153723 1.0212171\n", - " 1.0932987 1.0241357 1.0120822 0. 0. 0. 0. ]\n", - "\n", - "[ 5 1 2 4 6 3 0 7 8 14 9 10 15 13 11 12 16 19 17 18 20]\n", - "=======================\n", - "[\"elizabeth dawes , 39 , was told she had breast cancer in july 2013 .a mix-up at new cross hospital in wolverhampton meant staff confused the notes of three patients .ms dawes refused , but did undergo major surgery to remove a ` cancerous ' tumour from her right breast as well as lymph nodes from her armpit .\"]\n", - "=======================\n", - "['elizabeth dawes was diagnosed with breast cancer in july 2013doctors advised a double mastectomy but she refused , instead undergoing extensive surgery to remove a tumour and reconstruction afterwardsfour days later she was told staff had confused her notes with those of two other patients and that she had never had the diseaseroyal wolverhampton nhs trust has admitted liability and apologised']\n", - "elizabeth dawes , 39 , was told she had breast cancer in july 2013 .a mix-up at new cross hospital in wolverhampton meant staff confused the notes of three patients .ms dawes refused , but did undergo major surgery to remove a ` cancerous ' tumour from her right breast as well as lymph nodes from her armpit .\n", - "elizabeth dawes was diagnosed with breast cancer in july 2013doctors advised a double mastectomy but she refused , instead undergoing extensive surgery to remove a tumour and reconstruction afterwardsfour days later she was told staff had confused her notes with those of two other patients and that she had never had the diseaseroyal wolverhampton nhs trust has admitted liability and apologised\n", - "[1.1661724 1.4666331 1.2404362 1.2304041 1.3559127 1.2015969 1.1757163\n", - " 1.0678836 1.145309 1.0711342 1.0116882 1.012474 1.009514 1.0972044\n", - " 1.1026042 1.0229485 1.014902 1.1830153 1.1209222 1.0143322 1.029721\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 2 3 5 17 6 0 8 18 14 13 9 7 20 15 16 19 11 10 12 21 22]\n", - "=======================\n", - "[\"ivan carlos , 22 , and eighteen-year-old brenda avilez were sleeping in a trailer at the lone oak mobile home park in palmetto at around 2.30 am wednesday when the driver of the white chevrolet suv lost control of the vehicle and crashed through the park 's fence , killing the couple , police told the bradenton herald .avilez was nine months pregnant at the time , the herald reports , the fetus did not survive .the driver , 35-year-old christian crawford , who had recently been released from prison , was taken to a hospital with non-life-threatening injuries , police said .\"]\n", - "=======================\n", - "['ivan carlos , 22 , brenda avilez , 18 , were killed along with their unborn childavilez was expected to give birth the first week of maythe driver , christian crawford , has a lengthy rap sheet and was recently released from prison']\n", - "ivan carlos , 22 , and eighteen-year-old brenda avilez were sleeping in a trailer at the lone oak mobile home park in palmetto at around 2.30 am wednesday when the driver of the white chevrolet suv lost control of the vehicle and crashed through the park 's fence , killing the couple , police told the bradenton herald .avilez was nine months pregnant at the time , the herald reports , the fetus did not survive .the driver , 35-year-old christian crawford , who had recently been released from prison , was taken to a hospital with non-life-threatening injuries , police said .\n", - "ivan carlos , 22 , brenda avilez , 18 , were killed along with their unborn childavilez was expected to give birth the first week of maythe driver , christian crawford , has a lengthy rap sheet and was recently released from prison\n", - "[1.1584992 1.4473021 1.2437227 1.107261 1.3663981 1.041583 1.1050651\n", - " 1.1067783 1.0712895 1.1470466 1.0317878 1.1001137 1.1094457 1.0379272\n", - " 1.0765916 1.0401657 1.043114 1.0373529 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 2 0 9 12 3 7 6 11 14 8 16 5 15 13 17 10 21 18 19 20 22]\n", - "=======================\n", - "[\"rhiannon wilkinson , head of wycombe abbey in buckinghamshire reportedly said that a ` boy free ' environment stops girls from being held back by the opposite sex , who are known to mature slower .she also suggested that single-sex boarding schools give pupils relief and protection from the ` highly sexualised world ' and allow them to ` remain girls for longer . 'teenage girls do better in single sex schools as they can focus on their work rather than impressing boys , a leading headmistress says .\"]\n", - "=======================\n", - "[\"` boy free ' environment stops girls from being held back by opposite sexgirls in single sex education do n't have to worry about impressing boyscomments made by head of wycombe abbey school in buckinghamshirecome after calls for boys to be taught separately in state schools\"]\n", - "rhiannon wilkinson , head of wycombe abbey in buckinghamshire reportedly said that a ` boy free ' environment stops girls from being held back by the opposite sex , who are known to mature slower .she also suggested that single-sex boarding schools give pupils relief and protection from the ` highly sexualised world ' and allow them to ` remain girls for longer . 'teenage girls do better in single sex schools as they can focus on their work rather than impressing boys , a leading headmistress says .\n", - "` boy free ' environment stops girls from being held back by opposite sexgirls in single sex education do n't have to worry about impressing boyscomments made by head of wycombe abbey school in buckinghamshirecome after calls for boys to be taught separately in state schools\n", - "[1.501804 1.1364028 1.1858053 1.2153958 1.1045395 1.1560109 1.1110222\n", - " 1.1273036 1.0899144 1.0330647 1.0461775 1.0751656 1.0504582 1.0233718\n", - " 1.05372 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 2 5 1 7 6 4 8 11 14 12 10 9 13 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "['nairobi , kenya ( cnn ) kenyan deputy president william ruto on saturday gave the united nations \\' refugee agency three months to relocate refugees from the dadaab camp -- the world \\'s largest -- to somalia , or \" we shall relocate them ourselves . \"kenya \\'s government says that attack was masterminded by senior al-shabaab leader mohamed mohamud , whose \" extensive terrorist network within kenya \" extends into the sprawling dadaab complex , according to a kenyan government document given to cnn .al-shabaab gunmen stormed garissa university college in eastern kenya this month , killing 147 people .']\n", - "=======================\n", - "['the dadaab refugee camp is the world \\'s largest , with more than 600,000 peoplekenya will change \" the way america changed after 9/11 , \" deputy president sayswilliam ruto adds that \" we must secure this country at whatever cost \"']\n", - "nairobi , kenya ( cnn ) kenyan deputy president william ruto on saturday gave the united nations ' refugee agency three months to relocate refugees from the dadaab camp -- the world 's largest -- to somalia , or \" we shall relocate them ourselves . \"kenya 's government says that attack was masterminded by senior al-shabaab leader mohamed mohamud , whose \" extensive terrorist network within kenya \" extends into the sprawling dadaab complex , according to a kenyan government document given to cnn .al-shabaab gunmen stormed garissa university college in eastern kenya this month , killing 147 people .\n", - "the dadaab refugee camp is the world 's largest , with more than 600,000 peoplekenya will change \" the way america changed after 9/11 , \" deputy president sayswilliam ruto adds that \" we must secure this country at whatever cost \"\n", - "[1.2775623 1.3966994 1.2222141 1.257429 1.3011489 1.1322101 1.0911785\n", - " 1.0918337 1.033501 1.0736679 1.0805016 1.1618466 1.0828978 1.0599301\n", - " 1.0092621 1.0395916 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 0 3 2 11 5 7 6 12 10 9 13 15 8 14 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"on nov. 11 , 2014 , the headless body of a seven-pound-five-ounce infant was found in a trash heap in farmingdale , new jersey .emma grace : new jersey police have released a sketch of an infant ( photographed ) , known as 'em ma grace , ' whose headless remains were discovered last year in an attempt to track down the child 's motherfuneral : the baby 's remains have been released to the ardena baptist church in freehold , which will hold a funeral for the infant saturday\"]\n", - "=======================\n", - "[\"new jersey police have released a sketch of an infant whose headless body was discovered last year in an attempt to find the child 's motherthe body of the infant , called 'em ma grace ' was found in a trash heap in november , authorities located her head more than 50 miles awaypolice say the mother may have been trying to hide her pregnancy prior to giving birth\"]\n", - "on nov. 11 , 2014 , the headless body of a seven-pound-five-ounce infant was found in a trash heap in farmingdale , new jersey .emma grace : new jersey police have released a sketch of an infant ( photographed ) , known as 'em ma grace , ' whose headless remains were discovered last year in an attempt to track down the child 's motherfuneral : the baby 's remains have been released to the ardena baptist church in freehold , which will hold a funeral for the infant saturday\n", - "new jersey police have released a sketch of an infant whose headless body was discovered last year in an attempt to find the child 's motherthe body of the infant , called 'em ma grace ' was found in a trash heap in november , authorities located her head more than 50 miles awaypolice say the mother may have been trying to hide her pregnancy prior to giving birth\n", - "[1.2575023 1.31587 1.4191108 1.1427844 1.3414925 1.0625135 1.0631099\n", - " 1.0625157 1.0446305 1.1277306 1.0880216 1.0192871 1.0168924 1.0090214\n", - " 1.0188794 1.1106743 1.0257722 1.0382545 1.0599922 1.0270475 1.0264326\n", - " 1.0156038 1.0333139]\n", - "\n", - "[ 2 4 1 0 3 9 15 10 6 7 5 18 8 17 22 19 20 16 11 14 12 21 13]\n", - "=======================\n", - "['just 250 jars are being produced , at # 20 each , with all proceeds going to charity .sales of high-end versions are up by 45 per cent at selfridges since last year .the duchess of cornwall has created a buzz with the launch of her own honey , produced in late spring by the bees in her wiltshire garden .']\n", - "=======================\n", - "['duchess of cornwall has created a buzz with the launch of her own honeythe honey is produced in late spring by the bees in her wiltshire gardenjust 250 jars are being made , at # 20 each , with proceeds going to charitybut does luxury honey taste different enough to justify hefty price point ?']\n", - "just 250 jars are being produced , at # 20 each , with all proceeds going to charity .sales of high-end versions are up by 45 per cent at selfridges since last year .the duchess of cornwall has created a buzz with the launch of her own honey , produced in late spring by the bees in her wiltshire garden .\n", - "duchess of cornwall has created a buzz with the launch of her own honeythe honey is produced in late spring by the bees in her wiltshire gardenjust 250 jars are being made , at # 20 each , with proceeds going to charitybut does luxury honey taste different enough to justify hefty price point ?\n", - "[1.4622202 1.2947123 1.3256707 1.1659286 1.0616572 1.030134 1.151074\n", - " 1.0921193 1.1069851 1.0504032 1.0503237 1.1934466 1.0672715 1.0606601\n", - " 1.0398678 0. 0. ]\n", - "\n", - "[ 0 2 1 11 3 6 8 7 12 4 13 9 10 14 5 15 16]\n", - "=======================\n", - "[\"fired : major general james post iii was fired on friday after making a treason commentan air force major general has been formally reprimanded and removed from his job for telling a group of officers that talking to congress in a bid to block retirement of the a-10 warthog amounted to ` treason , ' the air force said on friday .a-10 retirement : the incident added fuel to a controversy over efforts to retire the a-10 , low-flying , tank-killer aircraft , which is highly regarded by ground troops for its ability to provide close air support\"]\n", - "=======================\n", - "[\"major general james post iii was fired for saying that the retirement of the a-10 warthog amounted to ` treason 'the incident added fuel to a controversy over efforts to retire the low-flying , tank-killer plane highly regarded by ground troopspost said he told the group the air force did n't want to get rid of the plane but needed to because of budget constraints\"]\n", - "fired : major general james post iii was fired on friday after making a treason commentan air force major general has been formally reprimanded and removed from his job for telling a group of officers that talking to congress in a bid to block retirement of the a-10 warthog amounted to ` treason , ' the air force said on friday .a-10 retirement : the incident added fuel to a controversy over efforts to retire the a-10 , low-flying , tank-killer aircraft , which is highly regarded by ground troops for its ability to provide close air support\n", - "major general james post iii was fired for saying that the retirement of the a-10 warthog amounted to ` treason 'the incident added fuel to a controversy over efforts to retire the low-flying , tank-killer plane highly regarded by ground troopspost said he told the group the air force did n't want to get rid of the plane but needed to because of budget constraints\n", - "[1.2118232 1.4684659 1.3402951 1.248099 1.225497 1.0773934 1.097714\n", - " 1.0210543 1.0191725 1.023219 1.0267035 1.0710878 1.1636908 1.0768975\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 12 6 5 13 11 10 9 7 8 14 15 16]\n", - "=======================\n", - "[\"under ground breaking reforms , social services minister scott morrison will reportedly scrap a provision that allows parents who do n't vaccinate their children to claim welfare benefits , including $ 726 from family tax benefit a , $ 7,500-a-year from childcare rebate and $ 200-a-week from the childcare benefit scheme .the government are about to annouce reforms that will strip parents of welfare benefits if they do n't immunise their kidsnewscorp reported that prime minister tony abbott will announce the reforms alongside mr morrison on sunday with the changes coming into full effect in january 2016 .\"]\n", - "=======================\n", - "[\"the government will announce radical immunisation reforms on sundaythey will cut benefits from parents who do n't immunise their childrenthese include family tax benefit a as well as childcare assistancescott morrison said rules around welfare payments need to be ` tightened 'he said immunisation should be a prerequisite to access tax payer money\"]\n", - "under ground breaking reforms , social services minister scott morrison will reportedly scrap a provision that allows parents who do n't vaccinate their children to claim welfare benefits , including $ 726 from family tax benefit a , $ 7,500-a-year from childcare rebate and $ 200-a-week from the childcare benefit scheme .the government are about to annouce reforms that will strip parents of welfare benefits if they do n't immunise their kidsnewscorp reported that prime minister tony abbott will announce the reforms alongside mr morrison on sunday with the changes coming into full effect in january 2016 .\n", - "the government will announce radical immunisation reforms on sundaythey will cut benefits from parents who do n't immunise their childrenthese include family tax benefit a as well as childcare assistancescott morrison said rules around welfare payments need to be ` tightened 'he said immunisation should be a prerequisite to access tax payer money\n", - "[1.1356359 1.521245 1.4415593 1.238833 1.095895 1.1241112 1.1397457\n", - " 1.0303082 1.0130098 1.0136222 1.0119686 1.1630366 1.0321357 1.0586575\n", - " 1.0369883 1.0231746 0. ]\n", - "\n", - "[ 1 2 3 11 6 0 5 4 13 14 12 7 15 9 8 10 16]\n", - "=======================\n", - "[\"gavin munro grows young trees into specially-designed plastic moulds , pruning and guiding the branches into shape before grafting them together to form ultra-tough joints .using this method he 's already created several prototype pieces and has a field in derbyshire where he 's currently tending a crop of 400 tables , chairs and lampshades which he hopes to harvest next year .furniture farmer : gavin munro with a prototype wooden lampshade grown into shape using his ingenious technique\"]\n", - "=======================\n", - "[\"british designer prunes and grafts growing trees directly into shapehe 's currently tending a field of 400 tables , chairs and lampshadesmainly using willow but also sycamore , ash , hazel and crab applefirst crop to be harvested next year with furniture ready for sale in 2017\"]\n", - "gavin munro grows young trees into specially-designed plastic moulds , pruning and guiding the branches into shape before grafting them together to form ultra-tough joints .using this method he 's already created several prototype pieces and has a field in derbyshire where he 's currently tending a crop of 400 tables , chairs and lampshades which he hopes to harvest next year .furniture farmer : gavin munro with a prototype wooden lampshade grown into shape using his ingenious technique\n", - "british designer prunes and grafts growing trees directly into shapehe 's currently tending a field of 400 tables , chairs and lampshadesmainly using willow but also sycamore , ash , hazel and crab applefirst crop to be harvested next year with furniture ready for sale in 2017\n", - "[1.2211547 1.5190845 1.2880971 1.1568525 1.1804091 1.2675837 1.1556406\n", - " 1.1500453 1.0518509 1.1544958 1.0136569 1.0146822 1.0667711 1.0130111\n", - " 1.008659 1.0091954 1.0791497]\n", - "\n", - "[ 1 2 5 0 4 3 6 9 7 16 12 8 11 10 13 15 14]\n", - "=======================\n", - "[\"a guest list of 120 people had been invited to stephanie and her fiance aaron leeson-woolley 's wedding at the picturesque eat your greens venue 2km outside the tiny town of eugowra , in new south wales ' central west region .these same guests were now 275km and three hours ' drive away after attending a heart-breaking ceremony at mountford park in leeton , as stephanie 's family and friends honoured the 26-year-old teacher 's memory .it was supposed to be the place where stephanie scott was to spend the happiest day of her life , instead her wedding venue seemed like the loneliest place on the planet .\"]\n", - "=======================\n", - "[\"the wedding of murdered stephanie scott had been booked at the picturesque eat your greens venue on saturdaythe venue is 2km outside the tiny town of eugowra , in new south wales ' central west region120 people had been invited to ms scott and her fiance aaron leeson-woolley 's weddinginstead the guests had to make their way to ms scott 's memorial service on the couple 's big daythe popular teacher was last seen on easter sunday and a body was found on fridaypolice have charged school cleaner vincent stanford , 24 , with the 26-year-old teacher 's murder\"]\n", - "a guest list of 120 people had been invited to stephanie and her fiance aaron leeson-woolley 's wedding at the picturesque eat your greens venue 2km outside the tiny town of eugowra , in new south wales ' central west region .these same guests were now 275km and three hours ' drive away after attending a heart-breaking ceremony at mountford park in leeton , as stephanie 's family and friends honoured the 26-year-old teacher 's memory .it was supposed to be the place where stephanie scott was to spend the happiest day of her life , instead her wedding venue seemed like the loneliest place on the planet .\n", - "the wedding of murdered stephanie scott had been booked at the picturesque eat your greens venue on saturdaythe venue is 2km outside the tiny town of eugowra , in new south wales ' central west region120 people had been invited to ms scott and her fiance aaron leeson-woolley 's weddinginstead the guests had to make their way to ms scott 's memorial service on the couple 's big daythe popular teacher was last seen on easter sunday and a body was found on fridaypolice have charged school cleaner vincent stanford , 24 , with the 26-year-old teacher 's murder\n", - "[1.3552088 1.4209019 1.2143508 1.1297722 1.3283613 1.2180381 1.0535984\n", - " 1.0408559 1.0655577 1.05141 1.0660675 1.0271461 1.0159001 1.074852\n", - " 1.0666736 1.054074 1.0347383]\n", - "\n", - "[ 1 0 4 5 2 3 13 14 10 8 15 6 9 7 16 11 12]\n", - "=======================\n", - "[\"the former olympian and reality tv star , 65 , will speak in a ` far-ranging ' interview with sawyer for a special edition of ' 20/20 ' on friday april 24 , abc news announced on monday .bruce jenner will break his silence in a two-hour interview with diane sawyer later this month .return : diane sawyer , who recently mourned the loss of her husband , will return to abc for the interview\"]\n", - "=======================\n", - "[\"tell-all interview with the reality tv star , 69 , will air on friday april 24it comes amid continuing speculation about his transition to a woman and following his involvement in a deadly car crash in februarythe interview will also be one of diane sawyer 's first appearances on television following the sudden death of her husband last year\"]\n", - "the former olympian and reality tv star , 65 , will speak in a ` far-ranging ' interview with sawyer for a special edition of ' 20/20 ' on friday april 24 , abc news announced on monday .bruce jenner will break his silence in a two-hour interview with diane sawyer later this month .return : diane sawyer , who recently mourned the loss of her husband , will return to abc for the interview\n", - "tell-all interview with the reality tv star , 69 , will air on friday april 24it comes amid continuing speculation about his transition to a woman and following his involvement in a deadly car crash in februarythe interview will also be one of diane sawyer 's first appearances on television following the sudden death of her husband last year\n", - "[1.272803 1.2398125 1.1320837 1.234517 1.2470307 1.103081 1.0384802\n", - " 1.0480834 1.0385209 1.090415 1.0891341 1.070238 1.0308068 1.1233029\n", - " 1.1283096 1.0504564 1.1358923 1.0220854 1.023963 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 4 1 3 16 2 14 13 5 9 10 11 15 7 8 6 12 18 17 19 20 21]\n", - "=======================\n", - "['blindfolded and handcuffed on a barren hilltop , this is the moment three afghan prisoners accused of murder waited for their deaths at the hands of merciless taliban fighters .chilling : the three men are seen sitting with their backs turned away from the gunmen , before being shot in the head at point-blank range by the insurgentsspectators : the chilling scene took place in the eastern province of ghanzi , where the men were accused of murdering a couple during a robbery']\n", - "=======================\n", - "['warning : graphic contentthe three blindfolded men were executed by gunmen in ghanzi provinceinsurgents shot them at point-blank range with ak-47s in front of crowdhundreds of locals - including children - gathered to watch public killingstaliban said the prisoners were found guilty by islamic court of murder']\n", - "blindfolded and handcuffed on a barren hilltop , this is the moment three afghan prisoners accused of murder waited for their deaths at the hands of merciless taliban fighters .chilling : the three men are seen sitting with their backs turned away from the gunmen , before being shot in the head at point-blank range by the insurgentsspectators : the chilling scene took place in the eastern province of ghanzi , where the men were accused of murdering a couple during a robbery\n", - "warning : graphic contentthe three blindfolded men were executed by gunmen in ghanzi provinceinsurgents shot them at point-blank range with ak-47s in front of crowdhundreds of locals - including children - gathered to watch public killingstaliban said the prisoners were found guilty by islamic court of murder\n", - "[1.4866499 1.3932543 1.4203573 1.231656 1.1654098 1.0257485 1.0129083\n", - " 1.0128841 1.0099847 1.3029516 1.2785288 1.0257369 1.0111468 1.0169065\n", - " 1.0452948 1.0140959 1.0509614 1.0494232 1.0442029 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 9 10 3 4 16 17 14 18 5 11 13 15 6 7 12 8 20 19 21]\n", - "=======================\n", - "[\"bournemouth manager eddie howe expects the club 's fans to play a crucial role as his side close in on a first-ever promotion to the barclays premier league .the four-horse race for automatic promotion - second-placed norwich face fourth-placed middlesbrough on friday night - is expected to go down to the wire with just two points separating those in contention .the cherries take on sheffield wednesday at the goldsands stadium on saturday followed by the visit of bolton nine days later and then a last-day trip to charlton .\"]\n", - "=======================\n", - "['bournemouth lead the championship table in bid for promotioneddie howe is hoping fans can inspire cherries to reach premier leaguenorwich play middlesbrough in a top of the table clash on fridaywatford boss slavisa jokanovic is not looking beyond birmingham clashderby , ipswich , brentford and wolves are in the hunt for a play-off place']\n", - "bournemouth manager eddie howe expects the club 's fans to play a crucial role as his side close in on a first-ever promotion to the barclays premier league .the four-horse race for automatic promotion - second-placed norwich face fourth-placed middlesbrough on friday night - is expected to go down to the wire with just two points separating those in contention .the cherries take on sheffield wednesday at the goldsands stadium on saturday followed by the visit of bolton nine days later and then a last-day trip to charlton .\n", - "bournemouth lead the championship table in bid for promotioneddie howe is hoping fans can inspire cherries to reach premier leaguenorwich play middlesbrough in a top of the table clash on fridaywatford boss slavisa jokanovic is not looking beyond birmingham clashderby , ipswich , brentford and wolves are in the hunt for a play-off place\n", - "[1.1298795 1.5027745 1.318231 1.2232015 1.2533603 1.0700918 1.1335464\n", - " 1.1152658 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 4 3 6 0 7 5 19 18 17 16 15 14 10 12 11 20 9 8 13 21]\n", - "=======================\n", - "[\"the chilly continent recorded the temperature ( 15.5 degrees celsius ) on march 24 , possibly the highest ever recorded on antarctica , according to the weather underground .the world meteorological organization , a specialized united nations agency , is in the process of setting up an international ad-hoc committee of about 10 blue-ribbon climatologists and meteorologists to begin collecting relevant evidence , said randy cerveny , the agency 's lead rapporteur of weather and climate extremes and arizona state university professor of geographical sciences .( note to map lovers : the argentine base is not geographically part of the south american continent . )\"]\n", - "=======================\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['high temperatures are recorded on the northern tip of the antarctica peninsulathe world meteorological organization will make the final determination']\n", - "the chilly continent recorded the temperature ( 15.5 degrees celsius ) on march 24 , possibly the highest ever recorded on antarctica , according to the weather underground .the world meteorological organization , a specialized united nations agency , is in the process of setting up an international ad-hoc committee of about 10 blue-ribbon climatologists and meteorologists to begin collecting relevant evidence , said randy cerveny , the agency 's lead rapporteur of weather and climate extremes and arizona state university professor of geographical sciences .( note to map lovers : the argentine base is not geographically part of the south american continent . )\n", - "high temperatures are recorded on the northern tip of the antarctica peninsulathe world meteorological organization will make the final determination\n", - "[1.2465101 1.4975313 1.1076545 1.09913 1.1609145 1.1557506 1.0345026\n", - " 1.031041 1.1364902 1.0809788 1.1620424 1.2936268 1.0661646 1.0428848\n", - " 1.0115743 1.0137691 1.0212382 1.0556377 1.0911425 1.031874 1.0268967\n", - " 1.0642961]\n", - "\n", - "[ 1 11 0 10 4 5 8 2 3 18 9 12 21 17 13 6 19 7 20 16 15 14]\n", - "=======================\n", - "[\"nicholas connors gave a rousing performance ahead of the houston rockets and dallas mavericks nba playoffs game - with one of his favorite nfl players watching from the sidelines , houston texans defensive lineman j.j. watt .indeed , one video of him singing from last november has accrued more than 38,000 hits on youtube .footage - secured by a spectator and shared on vine - shows nicholas looking confused at first when he 's caught off-guard and tapped on the shoulder .\"]\n", - "=======================\n", - "['nicholas connors gave a rousing performance ahead of the houston rockets and dallas mavericks basketball game on tuesday nightone of his favorite nfl players was watching from the sidelines - houston texans defensive lineman j.j. wattwhen he finished , the 26-year-old athlete ran across the court to congratulate him , with the heartwarming moment caught on camera']\n", - "nicholas connors gave a rousing performance ahead of the houston rockets and dallas mavericks nba playoffs game - with one of his favorite nfl players watching from the sidelines , houston texans defensive lineman j.j. watt .indeed , one video of him singing from last november has accrued more than 38,000 hits on youtube .footage - secured by a spectator and shared on vine - shows nicholas looking confused at first when he 's caught off-guard and tapped on the shoulder .\n", - "nicholas connors gave a rousing performance ahead of the houston rockets and dallas mavericks basketball game on tuesday nightone of his favorite nfl players was watching from the sidelines - houston texans defensive lineman j.j. wattwhen he finished , the 26-year-old athlete ran across the court to congratulate him , with the heartwarming moment caught on camera\n", - "[1.4613578 1.1536171 1.4148357 1.0868196 1.0494164 1.1113057 1.1461573\n", - " 1.2063665 1.0996821 1.0944304 1.0486844 1.1484253 1.0898001 1.0319253\n", - " 1.0798076 1.0609246 1.036944 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 7 1 11 6 5 8 9 12 3 14 15 4 10 16 13 20 17 18 19 21]\n", - "=======================\n", - "['wylie brys ( pictured ) and his dad , dallas zookeper tim brys , were digging for fossils near a grocery store when wylie found the dinosaur bonestim brys and his son wylie worked at the excavation site tuesday to dig up what paleontology professor dale winkler believes could be a nodosaur , a pony-sized dinosaur that dwelled on land .a five-year-old boy in dallas has had the once-in-a-lifetime opportunity of discovering 100million-year-old dinosaur bones while searching for fossils with his dad .']\n", - "=======================\n", - "['wylie brys and his dad , dallas zookeeper tim brys , were digging for fossils near a local grocery store when they made the discovery in septemberafter seven months , they acquired permits to dig up the bonesscientists from southern methodist university are helping with excavationfossils are expected for be from a nodosaur , a pony-sized herbivore with scaly , plated skin']\n", - "wylie brys ( pictured ) and his dad , dallas zookeper tim brys , were digging for fossils near a grocery store when wylie found the dinosaur bonestim brys and his son wylie worked at the excavation site tuesday to dig up what paleontology professor dale winkler believes could be a nodosaur , a pony-sized dinosaur that dwelled on land .a five-year-old boy in dallas has had the once-in-a-lifetime opportunity of discovering 100million-year-old dinosaur bones while searching for fossils with his dad .\n", - "wylie brys and his dad , dallas zookeeper tim brys , were digging for fossils near a local grocery store when they made the discovery in septemberafter seven months , they acquired permits to dig up the bonesscientists from southern methodist university are helping with excavationfossils are expected for be from a nodosaur , a pony-sized herbivore with scaly , plated skin\n", - "[1.4392476 1.1794798 1.1975389 1.167022 1.2908677 1.2675658 1.1017323\n", - " 1.1207278 1.0221713 1.0273796 1.0202504 1.0175868 1.0237795 1.0360682\n", - " 1.0198352 1.0165936 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 5 2 1 3 7 6 13 9 12 8 10 14 11 15 19 16 17 18 20]\n", - "=======================\n", - "[\"hillary clinton is expected to officially declare her candidacy for president on ` sunday afternoon , ' according to a democratic party source in iowa .clinton will fly to new hampshire after her iowa swing .clinton will announce her bid to become america 's first female president this weekend\"]\n", - "=======================\n", - "[\"former secretary of state is expected to announce candidacy sunday afternoon and then hit the campaign trailiowa sources say democrats are preparing for hillary to barnstorm the state sunday and mondaysocial media posts will be followed by video and email announcementsnew polls suggests the former first lady is slipping behind leading 2016 republican candidates in vital swing statesnew epilogue of her book ` hard choices ' reveals how becoming a grandmother inspired her to run for presidentrepublicans launch ` stop hillary ' ad campaign\"]\n", - "hillary clinton is expected to officially declare her candidacy for president on ` sunday afternoon , ' according to a democratic party source in iowa .clinton will fly to new hampshire after her iowa swing .clinton will announce her bid to become america 's first female president this weekend\n", - "former secretary of state is expected to announce candidacy sunday afternoon and then hit the campaign trailiowa sources say democrats are preparing for hillary to barnstorm the state sunday and mondaysocial media posts will be followed by video and email announcementsnew polls suggests the former first lady is slipping behind leading 2016 republican candidates in vital swing statesnew epilogue of her book ` hard choices ' reveals how becoming a grandmother inspired her to run for presidentrepublicans launch ` stop hillary ' ad campaign\n", - "[1.5511783 1.3930147 1.1738458 1.2542493 1.133734 1.0860785 1.1047555\n", - " 1.1246105 1.1031935 1.1481506 1.1019682 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 9 4 7 6 8 10 5 19 11 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"chris ramsey watched his side hold off league leaders chelsea for 88 minutes at loftus road in the west london derby .however ramsey then witnessed cesc fabregas ' late winner and the devastation was too much for the qpr boss , who turned away from the pitch to crouch down and collect his thoughts .a distraught chris ramsey ca n't hide his devastation after qpr fell to a late cesc fabregas winner\"]\n", - "=======================\n", - "[\"chelsea scored late winner to beat qpr 1-0 at loftus road on sundaycesc fabregas scored with chelsea 's only shot on targetchelsea move seven points clear at the top of the premier leaguechris ramsey 's qpr remain in the premier league relegation zone\"]\n", - "chris ramsey watched his side hold off league leaders chelsea for 88 minutes at loftus road in the west london derby .however ramsey then witnessed cesc fabregas ' late winner and the devastation was too much for the qpr boss , who turned away from the pitch to crouch down and collect his thoughts .a distraught chris ramsey ca n't hide his devastation after qpr fell to a late cesc fabregas winner\n", - "chelsea scored late winner to beat qpr 1-0 at loftus road on sundaycesc fabregas scored with chelsea 's only shot on targetchelsea move seven points clear at the top of the premier leaguechris ramsey 's qpr remain in the premier league relegation zone\n", - "[1.2891656 1.2238727 1.4296067 1.1542255 1.3620088 1.1857349 1.1177858\n", - " 1.0843198 1.0640796 1.076073 1.0598636 1.071365 1.049144 1.0880883\n", - " 1.0537103 1.074433 1.0336254 1.0695586 0. 0. 0. ]\n", - "\n", - "[ 2 4 0 1 5 3 6 13 7 9 15 11 17 8 10 14 12 16 19 18 20]\n", - "=======================\n", - "['kong meng xiong , 21 , of st. paul , minnesota has been charged with kidnapping , third-degree criminal sexual conduct and false imprisonment .in attempt to force her to be his teen bride .xiong and his parents say they wanted the girl and xiong to marry in the hmong tradition .']\n", - "=======================\n", - "['kong meng xiong , 21 , of st. paul , minnesota has been charged with kidnapping , third-degree criminal sexual conduct and false imprisonmentxiong allegedly tried to kidnap his 15-year-old girlfriend and force her to be his bride in a traditional hmong marriagein hmong culture , bride-napping is a frowned-upon tradition in which a male suitor kidnaps his bride if her family does not approve of the marriagexiong pleaded guilty to sexual assault against a 13-year-old girl in 2009 when he was 15']\n", - "kong meng xiong , 21 , of st. paul , minnesota has been charged with kidnapping , third-degree criminal sexual conduct and false imprisonment .in attempt to force her to be his teen bride .xiong and his parents say they wanted the girl and xiong to marry in the hmong tradition .\n", - "kong meng xiong , 21 , of st. paul , minnesota has been charged with kidnapping , third-degree criminal sexual conduct and false imprisonmentxiong allegedly tried to kidnap his 15-year-old girlfriend and force her to be his bride in a traditional hmong marriagein hmong culture , bride-napping is a frowned-upon tradition in which a male suitor kidnaps his bride if her family does not approve of the marriagexiong pleaded guilty to sexual assault against a 13-year-old girl in 2009 when he was 15\n", - "[1.2216836 1.5239797 1.1820897 1.3551729 1.1316597 1.1294222 1.0338995\n", - " 1.0301903 1.2952132 1.0536971 1.0665933 1.0642856 1.0860795 1.0571163\n", - " 1.0070597 1.1036651 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 8 0 2 4 5 15 12 10 11 13 9 6 7 14 19 16 17 18 20]\n", - "=======================\n", - "[\"the tatty tarmac site overlooks the golden sands at rhossili in south wales , voted the uk 's number one beach , the third best in europe , and 9th best in the world by tripadvisor .a run-down car park has been bought for # 3million by the national trust - because it offers one of britain 's most spectacular views .visitors to the tip of the gower peninsula can see the coastline stretch on for miles , surrounded by the rolling welsh hills in the picture-perfect vista .\"]\n", - "=======================\n", - "[\"the run-down car park offers stunning , picture-perfect views across miles of golden sands at rhossili beachnational trust snapped up the tatty tarmac parking spot for # 3m to create a new and improved car parkthe beauty spot in south wales has been voted the uk 's number one beach and filming location for doctor who\"]\n", - "the tatty tarmac site overlooks the golden sands at rhossili in south wales , voted the uk 's number one beach , the third best in europe , and 9th best in the world by tripadvisor .a run-down car park has been bought for # 3million by the national trust - because it offers one of britain 's most spectacular views .visitors to the tip of the gower peninsula can see the coastline stretch on for miles , surrounded by the rolling welsh hills in the picture-perfect vista .\n", - "the run-down car park offers stunning , picture-perfect views across miles of golden sands at rhossili beachnational trust snapped up the tatty tarmac parking spot for # 3m to create a new and improved car parkthe beauty spot in south wales has been voted the uk 's number one beach and filming location for doctor who\n", - "[1.1787026 1.1657048 1.1022177 1.0876974 1.0719395 1.0515715 1.0511525\n", - " 1.0774857 1.4990227 1.0959916 1.0223327 1.0313523 1.0429085 1.0714651\n", - " 1.015591 1.0360206 1.1675346 1.024134 1.1149653 1.024321 1.0354842]\n", - "\n", - "[ 8 0 16 1 18 2 9 3 7 4 13 5 6 12 15 20 11 19 17 10 14]\n", - "=======================\n", - "[\"steve cotteril has taken bristol city to the brink of a championship return after two seasons in league onethis was tricky for steve cotterill .dean windass 's memorable winner for hull city in the 2008 championship play-off final might have cost bristol city far more than just missing out on top-flight riches .\"]\n", - "=======================\n", - "['owner lansdown has ploughed his fortune into the club through love and nothing elsethat strategy racked up enormous debts when they lost the championship play-off final in 2008lansdown wrote off an eye-watering # 35million worth of debt last yearhe is more pragmatic with his money nowadays and city are on the brink of a return to the second tier']\n", - "steve cotteril has taken bristol city to the brink of a championship return after two seasons in league onethis was tricky for steve cotterill .dean windass 's memorable winner for hull city in the 2008 championship play-off final might have cost bristol city far more than just missing out on top-flight riches .\n", - "owner lansdown has ploughed his fortune into the club through love and nothing elsethat strategy racked up enormous debts when they lost the championship play-off final in 2008lansdown wrote off an eye-watering # 35million worth of debt last yearhe is more pragmatic with his money nowadays and city are on the brink of a return to the second tier\n", - "[1.2355531 1.2263697 1.3959471 1.2004861 1.1156046 1.176781 1.0846181\n", - " 1.1293169 1.0624987 1.1151422 1.069694 1.0401266 1.0398185 1.0451689\n", - " 1.0162675 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 3 5 7 4 9 6 10 8 13 11 12 14 17 15 16 18]\n", - "=======================\n", - "['a team of archaeologists at boston university and the university of bath believe this would have meant they lost out when modern humans arrived from africa .they vanished from the earth around 40,000 years ago after surviving for hundreds of thousands of years through much of the last ice age .now researchers believe they may have uncovered a possible explanation of what may have contributed to neanderthals eventual demise - they were not very adept at controlling fire .']\n", - "=======================\n", - "['researchers used computer models to study how neanderthal populations would have fared if they did not use fire to cook and modern humans didthey found cooking would have increased the number of calories availableevidence for neanderthals using fire is patchy and not all may have done it']\n", - "a team of archaeologists at boston university and the university of bath believe this would have meant they lost out when modern humans arrived from africa .they vanished from the earth around 40,000 years ago after surviving for hundreds of thousands of years through much of the last ice age .now researchers believe they may have uncovered a possible explanation of what may have contributed to neanderthals eventual demise - they were not very adept at controlling fire .\n", - "researchers used computer models to study how neanderthal populations would have fared if they did not use fire to cook and modern humans didthey found cooking would have increased the number of calories availableevidence for neanderthals using fire is patchy and not all may have done it\n", - "[1.2668962 1.1614808 1.1438462 1.1211774 1.3194718 1.1866457 1.2154441\n", - " 1.2151604 1.1632142 1.196689 1.1203665 1.0885845 1.0375502 1.0236173\n", - " 1.031311 1.034819 1.0069957 1.0072596 0. ]\n", - "\n", - "[ 4 0 6 7 9 5 8 1 2 3 10 11 12 15 14 13 17 16 18]\n", - "=======================\n", - "[\"her father , 61-year-old doug hughes , landed the aircraft on the west lawn last wednesday to protest campaign finance laws but was swiftly taken into custody .the 12-year-old daughter of the mailman who landed his gyrocopter on the lawn of the u.s. capitol last week has said she was ` downright proud ' of her dad .he is currently under house arrest in florida\"]\n", - "=======================\n", - "[\"kathy hughes called her dad doug hughes ' a patriot ' for landing his gyrocopter on the west lawn last week to protest campaign finance lawsspeaking out on monday , mr hughes called the journey ' a huge thrill ' and said he never feared he 'd be shot downhe said it would be worth losing his job and going to jail if the country took note of his messagehe faces four years in prison for crossing a no-fly zone and is under house arrest in florida before a hearing in washington d.c. next month\"]\n", - "her father , 61-year-old doug hughes , landed the aircraft on the west lawn last wednesday to protest campaign finance laws but was swiftly taken into custody .the 12-year-old daughter of the mailman who landed his gyrocopter on the lawn of the u.s. capitol last week has said she was ` downright proud ' of her dad .he is currently under house arrest in florida\n", - "kathy hughes called her dad doug hughes ' a patriot ' for landing his gyrocopter on the west lawn last week to protest campaign finance lawsspeaking out on monday , mr hughes called the journey ' a huge thrill ' and said he never feared he 'd be shot downhe said it would be worth losing his job and going to jail if the country took note of his messagehe faces four years in prison for crossing a no-fly zone and is under house arrest in florida before a hearing in washington d.c. next month\n", - "[1.2627081 1.4314784 1.3674579 1.3197573 1.1109735 1.0787307 1.1226773\n", - " 1.0153157 1.0254933 1.0247197 1.0212414 1.0220865 1.205285 1.0574201\n", - " 1.1028274 1.1407542 1.0153382 1.0216532 1.0891455]\n", - "\n", - "[ 1 2 3 0 12 15 6 4 14 18 5 13 8 9 11 17 10 16 7]\n", - "=======================\n", - "['the warning by british transport police ( btp ) chief constable paul crowther came ahead of a summit organised to determine the scale of the problem , which has come under scrutiny in recent months following a number of high-profile incidents .the latest figures for this football season show that btp has recorded 630 football-related incidents so far , including a number with a racial element .five chelsea fans were caught on film directing racist abuse towards a black passenger in france']\n", - "=======================\n", - "[\"british transport police are clamping down on ` casual thuggery ' on trainsthis season alone , there has been 630 football-related incidents recordedchief constable paul crowther said crimes may be ` under-reported 'a summit has been organised to determine the scale of the problem\"]\n", - "the warning by british transport police ( btp ) chief constable paul crowther came ahead of a summit organised to determine the scale of the problem , which has come under scrutiny in recent months following a number of high-profile incidents .the latest figures for this football season show that btp has recorded 630 football-related incidents so far , including a number with a racial element .five chelsea fans were caught on film directing racist abuse towards a black passenger in france\n", - "british transport police are clamping down on ` casual thuggery ' on trainsthis season alone , there has been 630 football-related incidents recordedchief constable paul crowther said crimes may be ` under-reported 'a summit has been organised to determine the scale of the problem\n", - "[1.2090478 1.2545547 1.2934096 1.2367787 1.2918055 1.2634635 1.1226422\n", - " 1.0606732 1.0842218 1.2094889 1.0532931 1.0917717 1.1230482 1.0320085\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 4 5 1 3 9 0 12 6 11 8 7 10 13 17 14 15 16 18]\n", - "=======================\n", - "[\"the bizarre post on adebayor 's official instagram account emerged on sunday , just a few days after the togo international had taken to twitter to insist he was committed to fighting for his place in the spurs team .maverick tottenham striker emmanuel adebayor performs a strange dance in front of the arc de triompheadebayor has one year left to run on his current contract at white hart lane , but his inconsistent form has led to few assurances over his future .\"]\n", - "=======================\n", - "['emmanuel adebayor has danced in front of a famous paris landmarkhe posted a video of the dance on his official instagram accountthe strange behaviour comes just days after he insisted he was prepared to fight for his place in the tottenham teamadebayor has one year left to run on his current deal at white hart lane']\n", - "the bizarre post on adebayor 's official instagram account emerged on sunday , just a few days after the togo international had taken to twitter to insist he was committed to fighting for his place in the spurs team .maverick tottenham striker emmanuel adebayor performs a strange dance in front of the arc de triompheadebayor has one year left to run on his current contract at white hart lane , but his inconsistent form has led to few assurances over his future .\n", - "emmanuel adebayor has danced in front of a famous paris landmarkhe posted a video of the dance on his official instagram accountthe strange behaviour comes just days after he insisted he was prepared to fight for his place in the tottenham teamadebayor has one year left to run on his current deal at white hart lane\n", - "[1.1871585 1.5709121 1.1688104 1.4396698 1.1230326 1.0326289 1.0443035\n", - " 1.036485 1.0390153 1.1353133 1.0829146 1.1469997 1.0371653 1.0594409\n", - " 1.0941615 1.0343639 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 11 9 4 14 10 13 6 8 12 7 15 5 17 16 18]\n", - "=======================\n", - "['driver mei ru , 50 , and her husband song ming , 53 , were going shopping when she parked the car outside the local supermarket in the city of fuzhou , in fujian province , south east china .this is the moment a middle-aged woman ran over and killed her husband in china after he climbed out of their car and she accidentally reversed over him .cctv from the scene shows mr ming climbing out of the passenger door and going to stand behind the car when his wife suddenly reverses , knocking him down before backing up over his body .']\n", - "=======================\n", - "['mei ru , 50 , was visiting local supermarket with husband song ming , 53cctv shows she stopped car and mr ming got out , standing behind itmrs ru then reverses knocking husband over and backing over himsurgeons were unable to save mr song , who died of internal bleeding']\n", - "driver mei ru , 50 , and her husband song ming , 53 , were going shopping when she parked the car outside the local supermarket in the city of fuzhou , in fujian province , south east china .this is the moment a middle-aged woman ran over and killed her husband in china after he climbed out of their car and she accidentally reversed over him .cctv from the scene shows mr ming climbing out of the passenger door and going to stand behind the car when his wife suddenly reverses , knocking him down before backing up over his body .\n", - "mei ru , 50 , was visiting local supermarket with husband song ming , 53cctv shows she stopped car and mr ming got out , standing behind itmrs ru then reverses knocking husband over and backing over himsurgeons were unable to save mr song , who died of internal bleeding\n", - "[1.5620924 1.1665323 1.0726647 1.0516906 1.1927786 1.1147912 1.4298066\n", - " 1.0215251 1.0170835 1.0162485 1.0174419 1.0178242 1.0159482 1.014642\n", - " 1.0145042 1.0242391 1.0653408 1.0557047 1.021629 1.0279154 1.0285842\n", - " 0. ]\n", - "\n", - "[ 0 6 4 1 5 2 16 17 3 20 19 15 18 7 11 10 8 9 12 13 14 21]\n", - "=======================\n", - "['trailing birmingham city by two goals , bournemouth were down to fourth in the championship at one stage in the afternoon but a thrilling four-goal turnaround moved them back to the top .yann kermorgant slots home a penalty to cap a remarkable comeback and make it 3-2 to bournemouththe south coast club had not conceded the first goal at dean court this campaign and have struggled to get anything from losing positions , but comebacks rarely come better than being two behind after 21 minutes .']\n", - "=======================\n", - "['bournemouth are now one point clear of norwich at the top of the tablebirmingham took the lead through clayton donaldson and david cotterillsteve cook and callum wilson drew bournemouth level before yann kermorgant and charlie daniels sealed the three points']\n", - "trailing birmingham city by two goals , bournemouth were down to fourth in the championship at one stage in the afternoon but a thrilling four-goal turnaround moved them back to the top .yann kermorgant slots home a penalty to cap a remarkable comeback and make it 3-2 to bournemouththe south coast club had not conceded the first goal at dean court this campaign and have struggled to get anything from losing positions , but comebacks rarely come better than being two behind after 21 minutes .\n", - "bournemouth are now one point clear of norwich at the top of the tablebirmingham took the lead through clayton donaldson and david cotterillsteve cook and callum wilson drew bournemouth level before yann kermorgant and charlie daniels sealed the three points\n", - "[1.597219 1.4893838 1.2683375 1.2606698 1.2930733 1.0282762 1.0303967\n", - " 1.0304343 1.0177661 1.0193322 1.0227519 1.020812 1.0508487 1.0564394\n", - " 1.0588995 1.0572771 1.0356945 1.022087 1.0720152 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 4 2 3 18 14 15 13 12 16 7 6 5 10 17 11 9 8 20 19 21]\n", - "=======================\n", - "[\"anthony joshua stopped experienced american jason gavern in the third round on saturday night , but still was n't happy with his performance .but joshua , who was returning from a five-month lay-off after suffering a stress fracture in his back , admitted he was not at his best .anthony joshua lands a left hand on jason gavern on his way to another convincing victory\"]\n", - "=======================\n", - "['anthony joshua has now won his first 11 professional fightshe needed just three rounds to beat jason gavern in newcastlegavern was dropped twice in round two and again in the thirdjoshua now takes on kevin johnson at the o2 on may 30']\n", - "anthony joshua stopped experienced american jason gavern in the third round on saturday night , but still was n't happy with his performance .but joshua , who was returning from a five-month lay-off after suffering a stress fracture in his back , admitted he was not at his best .anthony joshua lands a left hand on jason gavern on his way to another convincing victory\n", - "anthony joshua has now won his first 11 professional fightshe needed just three rounds to beat jason gavern in newcastlegavern was dropped twice in round two and again in the thirdjoshua now takes on kevin johnson at the o2 on may 30\n", - "[1.3991306 1.1142863 1.2234004 1.3342931 1.1056218 1.1738136 1.0344207\n", - " 1.028221 1.2499278 1.1023356 1.066074 1.0346498 1.0870522 1.0410287\n", - " 1.0238153 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 8 2 5 1 4 9 12 10 13 11 6 7 14 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"the minister for communications malcolm turnbull is set to feature on the front cover of gq australia in a bold move that will no doubt set senators ' tongues wagging .in an eight page interview , the minister from sydney 's exclusive suburb of point piper confirmed rumours that he had planned to run for prime minister if tony abbott had been successfully toppled in february 's leadership spill .his appearance in the high profile magazine , in which he is also interviewed about his childhood and political stance , has sparked criticism and accusations that the minister if fishing for votes .\"]\n", - "=======================\n", - "[\"mr turnbull was interviewed about his childhood and his political stancehe also admitted he planned to run for prime minister if tony abbott had been successfully toppled in february 's leadership spillthe words ` primed minister ' were controversially also printed on the cover\"]\n", - "the minister for communications malcolm turnbull is set to feature on the front cover of gq australia in a bold move that will no doubt set senators ' tongues wagging .in an eight page interview , the minister from sydney 's exclusive suburb of point piper confirmed rumours that he had planned to run for prime minister if tony abbott had been successfully toppled in february 's leadership spill .his appearance in the high profile magazine , in which he is also interviewed about his childhood and political stance , has sparked criticism and accusations that the minister if fishing for votes .\n", - "mr turnbull was interviewed about his childhood and his political stancehe also admitted he planned to run for prime minister if tony abbott had been successfully toppled in february 's leadership spillthe words ` primed minister ' were controversially also printed on the cover\n", - "[1.1505696 1.4510221 1.2977113 1.2070717 1.3339317 1.2020284 1.1006024\n", - " 1.0507991 1.0606307 1.0656118 1.0783231 1.0863461 1.0722603 1.012042\n", - " 1.0133376 1.020264 1.0772202 1.0543368 1.0554461 1.0892057 1.0846246\n", - " 1.0324059]\n", - "\n", - "[ 1 4 2 3 5 0 6 19 11 20 10 16 12 9 8 18 17 7 21 15 14 13]\n", - "=======================\n", - "['leza davies , from telford , shropshire , believed breast feeding had left her chest saggy and thought implants would boost her confidence .the 33-year-old saved up # 4,000 to go from a 34a to a 34d and was pleased with her new look .then , in april 2012 , she was sorting out some washing and knocked her right breast on a door frame because of its increased size .']\n", - "=======================\n", - "['leza davies had a boob job as her chest sagged after breast feedingin april 2012 , she knocked her right breast on a door and found a lumptests showed it was cancer so she had surgery removing her lymph nodesshe became pregnant despite being told cancer treatment causes infertility']\n", - "leza davies , from telford , shropshire , believed breast feeding had left her chest saggy and thought implants would boost her confidence .the 33-year-old saved up # 4,000 to go from a 34a to a 34d and was pleased with her new look .then , in april 2012 , she was sorting out some washing and knocked her right breast on a door frame because of its increased size .\n", - "leza davies had a boob job as her chest sagged after breast feedingin april 2012 , she knocked her right breast on a door and found a lumptests showed it was cancer so she had surgery removing her lymph nodesshe became pregnant despite being told cancer treatment causes infertility\n", - "[1.3270535 1.4631935 1.1736501 1.0674165 1.072913 1.095499 1.1278812\n", - " 1.0499178 1.052703 1.0639814 1.0958484 1.0577701 1.0389047 1.0488362\n", - " 1.0412749 1.0603486 1.1139852 1.0805184 1.1104522 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 6 16 18 10 5 17 4 3 9 15 11 8 7 13 14 12 20 19 21]\n", - "=======================\n", - "['the time lapse footage speeds along the 9km long electrified track , which leads from kleine scheidegg to jungraujoch and stands at an elevation of 2061m and 3454m respectively .a video taken from the point of view of a train driver captures a ride on the highest railway in europe , the jungfrau .opening in a tunnel built into a swiss mountain , the train careers towards the light and out onto the snowy slopes to race alongside the many skiers .']\n", - "=======================\n", - "['the time lapse footage captures the train descending the 9km long trackvideo opens in tunnel built into swiss mountain before train heads outsidetrain passes skiers before picking up speed and reaching the stationthe track runs from kleine scheidegg ( 2061m ) to jungraujoch ( 3454m )opened in 1912 , the track is visited by more than 800,000 people per year']\n", - "the time lapse footage speeds along the 9km long electrified track , which leads from kleine scheidegg to jungraujoch and stands at an elevation of 2061m and 3454m respectively .a video taken from the point of view of a train driver captures a ride on the highest railway in europe , the jungfrau .opening in a tunnel built into a swiss mountain , the train careers towards the light and out onto the snowy slopes to race alongside the many skiers .\n", - "the time lapse footage captures the train descending the 9km long trackvideo opens in tunnel built into swiss mountain before train heads outsidetrain passes skiers before picking up speed and reaching the stationthe track runs from kleine scheidegg ( 2061m ) to jungraujoch ( 3454m )opened in 1912 , the track is visited by more than 800,000 people per year\n", - "[1.3487442 1.2455704 1.3740139 1.138618 1.0666538 1.1060339 1.0681002\n", - " 1.0436416 1.0901628 1.0606301 1.1256174 1.0437901 1.0769753 1.109932\n", - " 1.0259387 1.0189229 0. 0. ]\n", - "\n", - "[ 2 0 1 3 10 13 5 8 12 6 4 9 11 7 14 15 16 17]\n", - "=======================\n", - "['the famously liberal justice , who is 82 , will be part of a decision which begins hearing arguments tomorrow on whether states are allowed to ban same-sex unions and refuse to recognize those made in other states .supreme court justice ruth bader ginsburg has spoken - and acted - in a way which suggests her strong supporting for legalizing same sex marriageginsburg , who has sat on the court since 1993 , has been unusually open about her opinions ahead of the cases .']\n", - "=======================\n", - "[\"liberal champion , 82 , has spoken widely about gay rightsshe even officiated at a same-sex ceremony in august 2013opponents have said it makes her unfit to rule on upcoming caseobergefell v. hodges will be heard by nation 's top court from this weekcase will decide whether all states have to allow gay marriageseven if not , could be forced to recognize gay marriages in other statesginsburg is in liberal minority in the supreme courtbut conservative anthony kennedy often votes in favor of gay rights\"]\n", - "the famously liberal justice , who is 82 , will be part of a decision which begins hearing arguments tomorrow on whether states are allowed to ban same-sex unions and refuse to recognize those made in other states .supreme court justice ruth bader ginsburg has spoken - and acted - in a way which suggests her strong supporting for legalizing same sex marriageginsburg , who has sat on the court since 1993 , has been unusually open about her opinions ahead of the cases .\n", - "liberal champion , 82 , has spoken widely about gay rightsshe even officiated at a same-sex ceremony in august 2013opponents have said it makes her unfit to rule on upcoming caseobergefell v. hodges will be heard by nation 's top court from this weekcase will decide whether all states have to allow gay marriageseven if not , could be forced to recognize gay marriages in other statesginsburg is in liberal minority in the supreme courtbut conservative anthony kennedy often votes in favor of gay rights\n", - "[1.0823671 1.1143034 1.2240092 1.3959515 1.281708 1.406839 1.0677956\n", - " 1.2508478 1.1474929 1.1339787 1.0268029 1.083424 1.0510368 1.0564018\n", - " 1.1012921 0. 0. 0. ]\n", - "\n", - "[ 5 3 4 7 2 8 9 1 14 11 0 6 13 12 10 16 15 17]\n", - "=======================\n", - "[\"the lucky singleton will be given a round-the-world ticket with stops at five different destinations : new york , rio de janeiro , rome , stockholm and paris .the chosen candidate will be able to discover all that the dating scene in each city has to offerto coincide with the dating site 's 20th anniversary , applications seeking a ` date explorer ' to help it revolutionise the british dating scene .\"]\n", - "=======================\n", - "['match.com said the winning candidate will be outgoing and media-savvythe lucky singleton will stop in rio de janeiro , paris and new yorkthe trip will last for six weeks with all hotel and travel costs covered']\n", - "the lucky singleton will be given a round-the-world ticket with stops at five different destinations : new york , rio de janeiro , rome , stockholm and paris .the chosen candidate will be able to discover all that the dating scene in each city has to offerto coincide with the dating site 's 20th anniversary , applications seeking a ` date explorer ' to help it revolutionise the british dating scene .\n", - "match.com said the winning candidate will be outgoing and media-savvythe lucky singleton will stop in rio de janeiro , paris and new yorkthe trip will last for six weeks with all hotel and travel costs covered\n", - "[1.2524937 1.4016926 1.3762319 1.3342835 1.1253694 1.0368502 1.0278027\n", - " 1.1067111 1.0948997 1.1555783 1.0734177 1.1437258 1.10326 1.0149338\n", - " 1.0075939 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 9 11 4 7 12 8 10 5 6 13 14 15 16 17]\n", - "=======================\n", - "[\"brigham and women 's hospital announced monday that mikaela jane davidson was born april 4 .mikaela 's father , dr. michael davidson , was killed at the hospital january 20 , leaving behind his wife , dr. terri halperin , daughters kate , 10 , live , 8 , and their 2-year-old son , graham .the widow of a cardiac surgeon shot dead at a boston hospital by his patient 's son has given birth to their fourth child , a baby girl , less than three months after the doctor 's slaying .\"]\n", - "=======================\n", - "[\"dr. michael davidson was shot dead by stephen pasceri at brigham and women 's hospital in boston in januarypasceri 's sister said he blamed the doctor for his mother 's recent deathmarried pasceri took his own life after shooting davidson at heart centerdavidson 's wife , plastic surgeon dr terri halperin , was seven months pregnant at the time with their fourth childhalperin delivered daughter mikaela jane davidson april 4 , less than three months after husband 's slaying\"]\n", - "brigham and women 's hospital announced monday that mikaela jane davidson was born april 4 .mikaela 's father , dr. michael davidson , was killed at the hospital january 20 , leaving behind his wife , dr. terri halperin , daughters kate , 10 , live , 8 , and their 2-year-old son , graham .the widow of a cardiac surgeon shot dead at a boston hospital by his patient 's son has given birth to their fourth child , a baby girl , less than three months after the doctor 's slaying .\n", - "dr. michael davidson was shot dead by stephen pasceri at brigham and women 's hospital in boston in januarypasceri 's sister said he blamed the doctor for his mother 's recent deathmarried pasceri took his own life after shooting davidson at heart centerdavidson 's wife , plastic surgeon dr terri halperin , was seven months pregnant at the time with their fourth childhalperin delivered daughter mikaela jane davidson april 4 , less than three months after husband 's slaying\n", - "[1.3141848 1.1982008 1.2882609 1.3635391 1.3279905 1.2534146 1.0432296\n", - " 1.025623 1.0341378 1.0176994 1.0184221 1.0608737 1.066737 1.2386024\n", - " 1.0768117 1.0685426 1.0332286 1.0147995]\n", - "\n", - "[ 3 4 0 2 5 13 1 14 15 12 11 6 8 16 7 10 9 17]\n", - "=======================\n", - "['researchers at the university of sheffield analysed people with a body mass index of 30 or more - a recognised measure of obesity .they found obese people fall into one of six categories :heavy drinking males : scientists at sheffield university have identified six different types of obese person ( file image )']\n", - "=======================\n", - "['university of sheffield study found six different type of obese personheavy drinking males , young healthy females , affluent elderly , physically sick elderly , unhappy middle-aged and those with the poorest healthhope their findings will help doctors create tailor-made treatmentsheavy drinking malesyoung healthy femalesthe affluent and healthy elderlythe physically sick but happy elderlythe unhappy and anxious middle-agedthose with the poorest health']\n", - "researchers at the university of sheffield analysed people with a body mass index of 30 or more - a recognised measure of obesity .they found obese people fall into one of six categories :heavy drinking males : scientists at sheffield university have identified six different types of obese person ( file image )\n", - "university of sheffield study found six different type of obese personheavy drinking males , young healthy females , affluent elderly , physically sick elderly , unhappy middle-aged and those with the poorest healthhope their findings will help doctors create tailor-made treatmentsheavy drinking malesyoung healthy femalesthe affluent and healthy elderlythe physically sick but happy elderlythe unhappy and anxious middle-agedthose with the poorest health\n", - "[1.1974355 1.407305 1.2768854 1.30813 1.2248781 1.1813353 1.170408\n", - " 1.1313056 1.0655383 1.0925217 1.0558455 1.0365837 1.039358 1.0354891\n", - " 1.0316064 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 5 6 7 9 8 10 12 11 13 14 15 16 17]\n", - "=======================\n", - "[\"oscar nominee carey mulligan subsequently watched alzheimer 's disease take hold of margaret booth .hollywood actress carey mulligan says more needs to be done to raise awareness of dementia .now , 14 years after mrs booth , affectionately known as nans by the actress , was diagnosed , miss mulligan has revealed her anger at how dismissively dementia sufferers are treated .\"]\n", - "=======================\n", - "[\"carey mulligan 's grandmother suffers from alzheimer 's diseasemargaret booth has struggled to recognise her grandchild for eight yearsmulligan , 29 , has urged for greater awareness of the illness in society\"]\n", - "oscar nominee carey mulligan subsequently watched alzheimer 's disease take hold of margaret booth .hollywood actress carey mulligan says more needs to be done to raise awareness of dementia .now , 14 years after mrs booth , affectionately known as nans by the actress , was diagnosed , miss mulligan has revealed her anger at how dismissively dementia sufferers are treated .\n", - "carey mulligan 's grandmother suffers from alzheimer 's diseasemargaret booth has struggled to recognise her grandchild for eight yearsmulligan , 29 , has urged for greater awareness of the illness in society\n", - "[1.2257795 1.509664 1.3129907 1.3429134 1.217002 1.2201244 1.1863104\n", - " 1.1580553 1.0195224 1.0122575 1.0128024 1.1666191 1.1201807 1.016585\n", - " 1.0153959 1.0101726 1.0113403 1.0126418 1.1397808 1.1169264 1.0352807\n", - " 1.0135648 1.0112147 1.0087605]\n", - "\n", - "[ 1 3 2 0 5 4 6 11 7 18 12 19 20 8 13 14 21 10 17 9 16 22 15 23]\n", - "=======================\n", - "[\"linden adkins was caught on camera getting out of his minivan and screaming at a motorist at kent state university in ohio on wednesday .the 56-year-old , who works in the college of applied engineering , can be heard shouting : ` what kind of moron are you ? 'a college professor has been charged after he called a driver a ` moron ' and threatened him during a a road rage incident on campus .\"]\n", - "=======================\n", - "[\"linden adkins , 56 , was captured on video at kent state university , ohiowas seen cutting off a car then screamed at the driver he was a ` moron 'applied engineering lecturer then tries to grab the windshield wipershas been charged with menacing - he claims he will plead guiltyadkins claim he took action because the driver was on his phone and nearly ran down a student\"]\n", - "linden adkins was caught on camera getting out of his minivan and screaming at a motorist at kent state university in ohio on wednesday .the 56-year-old , who works in the college of applied engineering , can be heard shouting : ` what kind of moron are you ? 'a college professor has been charged after he called a driver a ` moron ' and threatened him during a a road rage incident on campus .\n", - "linden adkins , 56 , was captured on video at kent state university , ohiowas seen cutting off a car then screamed at the driver he was a ` moron 'applied engineering lecturer then tries to grab the windshield wipershas been charged with menacing - he claims he will plead guiltyadkins claim he took action because the driver was on his phone and nearly ran down a student\n", - "[1.1548343 1.2590654 1.3906814 1.1894699 1.0721637 1.3114762 1.0577191\n", - " 1.0926617 1.0902673 1.0287246 1.0144508 1.0763589 1.0691454 1.0611808\n", - " 1.013137 1.0156132 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 5 1 3 0 7 8 11 4 12 13 6 9 15 10 14 22 16 17 18 19 20 21 23]\n", - "=======================\n", - "['in an inspiring essay for marie claire , jenna marotta , 27 , tells of her experience with dermatillomania - a compulsive skin-picking disorder that left her face bleeding - and how she managed to overcome it .but for one new york-based writer , the urge to stand in front of a mirror and poke at and squeeze her pores for hours on end became so bad that it actually started ` sabotaging \\' her life .` i \\'d descend \" into the mirror \" for up to four hours a day , \\' jenna writes in the essay , explaining how her actions horrified her parents . \\'']\n", - "=======================\n", - "[\"jenna marotta , 27 , suffered from dermatillomania , a psychosomatic disorder that caused her to obsessively pick at the skin on her facethe new york-based writer said she used to spend up to four hours a day squeezing her skin in front of the bathroom mirrorshe developed the condition while trying to battle binge-eating addictionhas now managed to overcome it - but sees psychiatrist ` to stay on track '\"]\n", - "in an inspiring essay for marie claire , jenna marotta , 27 , tells of her experience with dermatillomania - a compulsive skin-picking disorder that left her face bleeding - and how she managed to overcome it .but for one new york-based writer , the urge to stand in front of a mirror and poke at and squeeze her pores for hours on end became so bad that it actually started ` sabotaging ' her life .` i 'd descend \" into the mirror \" for up to four hours a day , ' jenna writes in the essay , explaining how her actions horrified her parents . '\n", - "jenna marotta , 27 , suffered from dermatillomania , a psychosomatic disorder that caused her to obsessively pick at the skin on her facethe new york-based writer said she used to spend up to four hours a day squeezing her skin in front of the bathroom mirrorshe developed the condition while trying to battle binge-eating addictionhas now managed to overcome it - but sees psychiatrist ` to stay on track '\n", - "[1.2578268 1.6065013 1.1177151 1.4321419 1.2205828 1.1607699 1.099528\n", - " 1.0278616 1.253488 1.0118147 1.0132718 1.0146252 1.0109552 1.0245636\n", - " 1.02705 1.0163412 1.01387 1.098351 1.0569048 1.0725176 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 8 4 5 2 6 17 19 18 7 14 13 15 11 16 10 9 12 22 20 21 23]\n", - "=======================\n", - "[\"charlie sumner , 20 , staged a one-man pitch invasion during the royals ' fa cup 3-0 quarter-final replay win over bradford city last month .a reading fan is facing a three-year ban after running topless on to the pitch and performing a series of somersaults during his first-ever game at the madejski stadium .sumner - who said going to his first game was a ` brilliant experience ' - is now facing a potential three-year ban for carrying out the stunt .\"]\n", - "=======================\n", - "[\"reading beat bradford city in their fa cup quarter-final replay last monthcharlie sumner , 20 , invaded reading 's madejski stadium pitch in marchhe did four front flips during fa clash before being tackled by the stewardssumner , from wokingham , faces three-year ban for home and away gamesbut he said he has no regrets and that his family had ` seen the funny side '\"]\n", - "charlie sumner , 20 , staged a one-man pitch invasion during the royals ' fa cup 3-0 quarter-final replay win over bradford city last month .a reading fan is facing a three-year ban after running topless on to the pitch and performing a series of somersaults during his first-ever game at the madejski stadium .sumner - who said going to his first game was a ` brilliant experience ' - is now facing a potential three-year ban for carrying out the stunt .\n", - "reading beat bradford city in their fa cup quarter-final replay last monthcharlie sumner , 20 , invaded reading 's madejski stadium pitch in marchhe did four front flips during fa clash before being tackled by the stewardssumner , from wokingham , faces three-year ban for home and away gamesbut he said he has no regrets and that his family had ` seen the funny side '\n", - "[1.4168097 1.2204981 1.3829695 1.2724977 1.1787475 1.1457341 1.1321876\n", - " 1.2192427 1.0541266 1.0485471 1.0374571 1.0226219 1.0125669 1.0214828\n", - " 1.0128809 1.0136857 1.0139832 1.0293019 1.0157902 1.0296634 1.1520346\n", - " 1.1288913 1.0599988 1.0204902]\n", - "\n", - "[ 0 2 3 1 7 4 20 5 6 21 22 8 9 10 19 17 11 13 23 18 16 15 14 12]\n", - "=======================\n", - "['sheriff mbye died in hospital two hours after he suffered multiple stab wounds in a brawl outside a kfc in birminghampolice were called to a kfc restaurant in northfield , birmingham , shortly after 5pm yesterday after reports of a stabbing .a teenager has been arrested on suspicion of murder after an 18-year-old was stabbed to death in a scuffle outside kfc .']\n", - "=======================\n", - "[\"sheriff mbye , 18 , died in hospital after being stabbed outside a kfca 19-year-old suffered serious stab wounds and is in a critical conditionpolice are trying to trace a ` number of men ' as part of murder investigationan 18-year-old from birmingham has been arrested on suspicion of murder\"]\n", - "sheriff mbye died in hospital two hours after he suffered multiple stab wounds in a brawl outside a kfc in birminghampolice were called to a kfc restaurant in northfield , birmingham , shortly after 5pm yesterday after reports of a stabbing .a teenager has been arrested on suspicion of murder after an 18-year-old was stabbed to death in a scuffle outside kfc .\n", - "sheriff mbye , 18 , died in hospital after being stabbed outside a kfca 19-year-old suffered serious stab wounds and is in a critical conditionpolice are trying to trace a ` number of men ' as part of murder investigationan 18-year-old from birmingham has been arrested on suspicion of murder\n", - "[1.0819365 1.2162948 1.2983453 1.1729498 1.146135 1.2228868 1.1315938\n", - " 1.0387536 1.104968 1.094385 1.0786535 1.0886366 1.0524447 1.0455562\n", - " 1.0866817 1.0368102 1.0404248 1.0243578 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 5 1 3 4 6 8 9 11 14 0 10 12 13 16 7 15 17 22 18 19 20 21 23]\n", - "=======================\n", - "['this year is the time and the united nations \\' international climate negotiations in paris in december are the place to secure strong global agreement to curb heat-trapping emissions .the u.s. administration on tuesday unveiled details about its proposal to reduce u.s. greenhouse gas emissions by 26 % to 28 % below 2005 levels by 2025 .for climate change \" next year \" is now .']\n", - "=======================\n", - "['bill richardson : u.s announced plan to cut greenhouse gas emissions by 26 % to 28 % below 2005 levels by 2025he says china , india , major corporations , cities among those already setting goals for cutting emissions .']\n", - "this year is the time and the united nations ' international climate negotiations in paris in december are the place to secure strong global agreement to curb heat-trapping emissions .the u.s. administration on tuesday unveiled details about its proposal to reduce u.s. greenhouse gas emissions by 26 % to 28 % below 2005 levels by 2025 .for climate change \" next year \" is now .\n", - "bill richardson : u.s announced plan to cut greenhouse gas emissions by 26 % to 28 % below 2005 levels by 2025he says china , india , major corporations , cities among those already setting goals for cutting emissions .\n", - "[1.2280543 1.3484076 1.2099863 1.2168776 1.1376588 1.1484528 1.187923\n", - " 1.0855815 1.0155617 1.040142 1.1031184 1.0829195 1.0543119 1.0137069\n", - " 1.0120077 1.0110279 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 6 5 4 10 7 11 12 9 8 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"sarah stage , a 30-year-old underwear model and animal rights activist from los angeles , has documented her changing figure via her instagram page throughout her pregnancy , earning herself a huge number of fans - as well as a fair share of critics - in the process .a pregnant model whose sexy selfies have turned her into an overnight internet sensation has snapped yet another another lingerie-clad photo of herself flaunting a barely-there baby bump - just 10 days before she is due to give birth .although the mother-to-be came under fire last month as more and more critics spoke out against her unusually trim and toned figure , claiming it could be doing damage to her unborn child , their comments have n't stopped the model from sharing numerous photos of her tight abs with her 1.5 million instagram followers .\"]\n", - "=======================\n", - "[\"sarah stage , 30 , has documented her changing figure via her instagram page throughout her pregnancyas her pregnancy has progressed , the model has come under fire from critics who claim she is ` unhealthily ' trim and toned\"]\n", - "sarah stage , a 30-year-old underwear model and animal rights activist from los angeles , has documented her changing figure via her instagram page throughout her pregnancy , earning herself a huge number of fans - as well as a fair share of critics - in the process .a pregnant model whose sexy selfies have turned her into an overnight internet sensation has snapped yet another another lingerie-clad photo of herself flaunting a barely-there baby bump - just 10 days before she is due to give birth .although the mother-to-be came under fire last month as more and more critics spoke out against her unusually trim and toned figure , claiming it could be doing damage to her unborn child , their comments have n't stopped the model from sharing numerous photos of her tight abs with her 1.5 million instagram followers .\n", - "sarah stage , 30 , has documented her changing figure via her instagram page throughout her pregnancyas her pregnancy has progressed , the model has come under fire from critics who claim she is ` unhealthily ' trim and toned\n", - "[1.2754749 1.4178102 1.368705 1.2875134 1.1418455 1.2363461 1.1336768\n", - " 1.1249496 1.0200254 1.1231744 1.0676024 1.034796 1.0329466 1.0938283\n", - " 1.020122 1.1618553 1.0066628 1.1163787 1.0829029 0. ]\n", - "\n", - "[ 1 2 3 0 5 15 4 6 7 9 17 13 18 10 11 12 14 8 16 19]\n", - "=======================\n", - "[\"the 47-year-old is believed to have been attacked in woodland in pontypridd on tuesday before being taken back to the property of a man she is thought to have left a town centre pub with , officers said .her body was discovered with ` massive injuries ' around 3pm on friday afternoon , prompting police to launch a murder investigation .a man named locally as christopher may , 50 , has been arrested .\"]\n", - "=======================\n", - "[\"body discovered in pontypridd flat identified as tracey woodford , 47she is believed to have been attacked in woodland before going to the flather body was discovered with ` massive injuries ' yesterday afternoonman named locally as christopher may , 50 , was arrested over the murder\"]\n", - "the 47-year-old is believed to have been attacked in woodland in pontypridd on tuesday before being taken back to the property of a man she is thought to have left a town centre pub with , officers said .her body was discovered with ` massive injuries ' around 3pm on friday afternoon , prompting police to launch a murder investigation .a man named locally as christopher may , 50 , has been arrested .\n", - "body discovered in pontypridd flat identified as tracey woodford , 47she is believed to have been attacked in woodland before going to the flather body was discovered with ` massive injuries ' yesterday afternoonman named locally as christopher may , 50 , was arrested over the murder\n", - "[1.212246 1.3105079 1.140054 1.3368189 1.2235311 1.1894155 1.1148638\n", - " 1.0965711 1.0902975 1.0715622 1.0573459 1.0634209 1.0297539 1.0178192\n", - " 1.0345782 1.0301851 1.0326611 1.0598637 1.1350064 1.0364938]\n", - "\n", - "[ 3 1 4 0 5 2 18 6 7 8 9 11 17 10 19 14 16 15 12 13]\n", - "=======================\n", - "[\"a third of 10-11 year olds and more than a fifth of 4-5 year olds in england are overweight or obese , leading to fears that today 's generation will be the first to die at an earlier age than their parents .the researchers said say that just as antibiotics are used to make farm animals put on weight , the may also be fattening our children .obesity : babies given antibiotics in the first six months of life are more likely to be fat as toddlers , a large-scale study has found ( file photo )\"]\n", - "=======================\n", - "[\"researchers claimed antibiotics could be contributing to ` obesity epidemic 'their large-scale study was published in the respected pediatrics journalit found one third of 10 to 11-year-olds in england are overweight or obesechildren who took antibiotics as babies were more likely to be overweight\"]\n", - "a third of 10-11 year olds and more than a fifth of 4-5 year olds in england are overweight or obese , leading to fears that today 's generation will be the first to die at an earlier age than their parents .the researchers said say that just as antibiotics are used to make farm animals put on weight , the may also be fattening our children .obesity : babies given antibiotics in the first six months of life are more likely to be fat as toddlers , a large-scale study has found ( file photo )\n", - "researchers claimed antibiotics could be contributing to ` obesity epidemic 'their large-scale study was published in the respected pediatrics journalit found one third of 10 to 11-year-olds in england are overweight or obesechildren who took antibiotics as babies were more likely to be overweight\n", - "[1.5576406 1.410615 1.3106318 1.299964 1.2960184 1.0348601 1.0648166\n", - " 1.0904381 1.0802001 1.0270553 1.0418535 1.1355125 1.12499 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 11 12 7 8 6 10 5 9 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"dietmar hamann believes bastian schweinsteiger should leave bayern munich at the end of the season after losing his place to xabi alonso in pep guardiola 's side .the world cup winner was an unused substitute in bayern 's 6-1 champions league win over porto on tuesday .and former germany international hamann thinks schweinsteiger faces an uncertain future at the allianz arena , with alonso viewed as guardiola 's preferred midfield choice .\"]\n", - "=======================\n", - "['dietmar hamann expects bastian schweinsteiger to leave bayern munichhamann says schweinsteiger he has lost his place to xabi alonsoformer international claims franck ribery faces a fight for his starting slotclick here to see who bayern face in the champions league semi finals']\n", - "dietmar hamann believes bastian schweinsteiger should leave bayern munich at the end of the season after losing his place to xabi alonso in pep guardiola 's side .the world cup winner was an unused substitute in bayern 's 6-1 champions league win over porto on tuesday .and former germany international hamann thinks schweinsteiger faces an uncertain future at the allianz arena , with alonso viewed as guardiola 's preferred midfield choice .\n", - "dietmar hamann expects bastian schweinsteiger to leave bayern munichhamann says schweinsteiger he has lost his place to xabi alonsoformer international claims franck ribery faces a fight for his starting slotclick here to see who bayern face in the champions league semi finals\n", - "[1.2033666 1.422795 1.2019252 1.3445158 1.131721 1.2384357 1.1368663\n", - " 1.0888536 1.0626491 1.0641687 1.0780561 1.0540068 1.0478083 1.082412\n", - " 1.0231919 1.1561242 1.0266432 0. 0. 0. ]\n", - "\n", - "[ 1 3 5 0 2 15 6 4 7 13 10 9 8 11 12 16 14 18 17 19]\n", - "=======================\n", - "['multi-millionaire richard harpin has given the tories # 375,000 since 2008 -- including # 50,000 in the first week of the election campaign , official records show .but the firm was handed a record # 30million fine last year for selling families expensive home insurance cover using misleading information and hard sell tactics .the tories have accepted hundreds of thousands of pounds from a businessman whose company duped thousands of families in a mis-selling scandal .']\n", - "=======================\n", - "['exclusive : richard harpin has given the tories # 375,000 since 2008mr harpin is the chief executive of maintenance firm homeservecompany was fined a record # 30million last year for mis-selling insurancecustomers were misled or bullied into buying policies they did not need']\n", - "multi-millionaire richard harpin has given the tories # 375,000 since 2008 -- including # 50,000 in the first week of the election campaign , official records show .but the firm was handed a record # 30million fine last year for selling families expensive home insurance cover using misleading information and hard sell tactics .the tories have accepted hundreds of thousands of pounds from a businessman whose company duped thousands of families in a mis-selling scandal .\n", - "exclusive : richard harpin has given the tories # 375,000 since 2008mr harpin is the chief executive of maintenance firm homeservecompany was fined a record # 30million last year for mis-selling insurancecustomers were misled or bullied into buying policies they did not need\n", - "[1.5426672 1.2757558 1.0982089 1.4183276 1.1746714 1.1739646 1.108085\n", - " 1.123653 1.0668054 1.1648802 1.0827833 1.1069851 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 5 9 7 6 11 2 10 8 23 22 21 20 19 18 12 16 15 14 13 24\n", - " 17 25]\n", - "=======================\n", - "['former arsenal forward andrei arshavin is set to be released by russian league leaders zenit st petersburg at the end of the season , along with veteran ukraine midfielder anatoly tymoshchuk .arshavin in action for zenit in a russian premier league match with kuban krasnodar back in novemberarshavin spent four years at arsenal between 2009 and 2013 , scoring 31 times in 143 matches']\n", - "=======================\n", - "[\"andrei arshavin will be released by zenit st petersburg at end of seasonformer arsenal striker 's contract at russian club has expiredukraine captain anatoly tymoshchuk will also be departingzenit , coached by andre villas-boas , are top of russian premier league\"]\n", - "former arsenal forward andrei arshavin is set to be released by russian league leaders zenit st petersburg at the end of the season , along with veteran ukraine midfielder anatoly tymoshchuk .arshavin in action for zenit in a russian premier league match with kuban krasnodar back in novemberarshavin spent four years at arsenal between 2009 and 2013 , scoring 31 times in 143 matches\n", - "andrei arshavin will be released by zenit st petersburg at end of seasonformer arsenal striker 's contract at russian club has expiredukraine captain anatoly tymoshchuk will also be departingzenit , coached by andre villas-boas , are top of russian premier league\n", - "[1.1817553 1.2979598 1.2862622 1.3962245 1.1835699 1.02717 1.2023997\n", - " 1.0623428 1.088822 1.071383 1.0569919 1.0623224 1.0633323 1.0643504\n", - " 1.0988489 1.022107 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 6 4 0 14 8 9 13 12 7 11 10 5 15 24 16 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "['according to new data , the average cost of property in salcombe , devon , now tops the average cost in londonthe seaside town in the south hams district boasts a skyrocketing average property price : # 671,759 .it has long been considered the most expensive place in the uk to buy property , but it seems london is being pipped to the post by coastal salcombe .']\n", - "=======================\n", - "[\"average cost of property in london is now less than in salcombe , devonin salcombe , property tops # 671,759 and waterfront value is even higherknown as ` chelsea-on-sea , ' the area is famed for its yachting and sailing\"]\n", - "according to new data , the average cost of property in salcombe , devon , now tops the average cost in londonthe seaside town in the south hams district boasts a skyrocketing average property price : # 671,759 .it has long been considered the most expensive place in the uk to buy property , but it seems london is being pipped to the post by coastal salcombe .\n", - "average cost of property in london is now less than in salcombe , devonin salcombe , property tops # 671,759 and waterfront value is even higherknown as ` chelsea-on-sea , ' the area is famed for its yachting and sailing\n", - "[1.2997178 1.1603814 1.0650393 1.156193 1.1548796 1.2323244 1.1891526\n", - " 1.1128806 1.0895815 1.0983729 1.0489011 1.0616794 1.0346624 1.0199474\n", - " 1.04228 1.0393405 1.0191878 1.0163076 1.0189573 1.0116234 1.0707809\n", - " 1.0224366 1.014276 1.0172166 1.0164824 1.0552336]\n", - "\n", - "[ 0 5 6 1 3 4 7 9 8 20 2 11 25 10 14 15 12 21 13 16 18 23 24 17\n", - " 22 19]\n", - "=======================\n", - "[\"floyd mayweather has a pop-up shop where he is selling t-shirts with a philippines flag in the background .pacquiao has a new camera which he points at everyone he comes across` i like that , ' says pacquiao with chuckle and then tells the leader of the money team : ` welcome to the manny team . '\"]\n", - "=======================\n", - "[\"manny pacquiao made his arrival at the mandalay bay hotel in las vegasthe filipino takes on floyd mayweather at the mgm grand on saturdaythe fight will be the richest of all time , grossing more than $ 300millionpacquiao is confident he can end mayweather 's unbeaten record\"]\n", - "floyd mayweather has a pop-up shop where he is selling t-shirts with a philippines flag in the background .pacquiao has a new camera which he points at everyone he comes across` i like that , ' says pacquiao with chuckle and then tells the leader of the money team : ` welcome to the manny team . '\n", - "manny pacquiao made his arrival at the mandalay bay hotel in las vegasthe filipino takes on floyd mayweather at the mgm grand on saturdaythe fight will be the richest of all time , grossing more than $ 300millionpacquiao is confident he can end mayweather 's unbeaten record\n", - "[1.2043365 1.5276622 1.1885619 1.3061465 1.1079406 1.0171701 1.0349557\n", - " 1.033734 1.1150374 1.1002424 1.1417743 1.023056 1.0283444 1.0380118\n", - " 1.1406655 1.0954586 1.0165603 1.0126444 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 10 14 8 4 9 15 13 6 7 12 11 5 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"amanda oleander , 25 , is one of the stars of periscope , twitter 's new live broadcasting platform and has been ` loved ' over 7.5 million times in less than a month since it launched .amanda orleander , broadcasting live from her bedroom , is the emerging star of periscopebranded the kim kardashian of the social platform , when the brunette starts a live stream , thousands of periscope users around the globe stop what they 're doing to watch .\"]\n", - "=======================\n", - "[\"strangers watch amanda oleander , 25 , from la , all day longshe 's the star of periscope , twitter 's new live broadcasting mobile appit streams live video and users can chat and message in real timeshe 's already more popular than celebrities including ellen degeneres\"]\n", - "amanda oleander , 25 , is one of the stars of periscope , twitter 's new live broadcasting platform and has been ` loved ' over 7.5 million times in less than a month since it launched .amanda orleander , broadcasting live from her bedroom , is the emerging star of periscopebranded the kim kardashian of the social platform , when the brunette starts a live stream , thousands of periscope users around the globe stop what they 're doing to watch .\n", - "strangers watch amanda oleander , 25 , from la , all day longshe 's the star of periscope , twitter 's new live broadcasting mobile appit streams live video and users can chat and message in real timeshe 's already more popular than celebrities including ellen degeneres\n", - "[1.3451366 1.2549727 1.1184376 1.3942351 1.3127912 1.1409888 1.1079878\n", - " 1.0566142 1.0170146 1.2014633 1.1872594 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 4 1 9 10 5 2 6 7 8 23 22 21 20 19 18 12 16 15 14 13 24 11\n", - " 17 25]\n", - "=======================\n", - "[\"danny willett waits to play a shot on the fifth during the first round at 2015 masters on thursdaythe 27-year-old englishman carded a one-under 71 during his first ever round at augustaenglishman willett vented his anger after his second shot from beyond the green trickled all the way across the putting surface and left the preacher 's son facing a bogey or worse .\"]\n", - "=======================\n", - "['englishman danny willett blasts timing referee for getting in line-of-sightvented anger at official as he bogeyed the 17th at 2015 masterswillett carded a one-under 71 on opening round in first time at augusta']\n", - "danny willett waits to play a shot on the fifth during the first round at 2015 masters on thursdaythe 27-year-old englishman carded a one-under 71 during his first ever round at augustaenglishman willett vented his anger after his second shot from beyond the green trickled all the way across the putting surface and left the preacher 's son facing a bogey or worse .\n", - "englishman danny willett blasts timing referee for getting in line-of-sightvented anger at official as he bogeyed the 17th at 2015 masterswillett carded a one-under 71 on opening round in first time at augusta\n", - "[1.1683391 1.1890236 1.385952 1.3116419 1.2323859 1.2425088 1.1239533\n", - " 1.0548562 1.172111 1.0772436 1.0643609 1.0605329 1.0912218 1.0583566\n", - " 1.0225059 1.0328462 1.0075977 1.0211645 1.0085704 0. 0. ]\n", - "\n", - "[ 2 3 5 4 1 8 0 6 12 9 10 11 13 7 15 14 17 18 16 19 20]\n", - "=======================\n", - "[\"the take that star stopped by the couple 's wedding reception in berkshire and sung the band 's song ' a million love songs ' as a wedding gift .the maid of honour , kirsty miles , tweeted her excitement after the wedding on good fridaybut her wedding day took an even better unexpected twist - when her hero gary barlow turned up to sing her a ballad .\"]\n", - "=======================\n", - "[\"danielle jones ' bridesmaids started campaign to get barlow at her weddinghe replied saying he would come - but kept it secret from the 33-year-oldsinger turned up at reception in berkshire and sung ' a million love songs 'mrs jones said : ` i 'm still on cloud nine - i just ca n't believe it happened '\"]\n", - "the take that star stopped by the couple 's wedding reception in berkshire and sung the band 's song ' a million love songs ' as a wedding gift .the maid of honour , kirsty miles , tweeted her excitement after the wedding on good fridaybut her wedding day took an even better unexpected twist - when her hero gary barlow turned up to sing her a ballad .\n", - "danielle jones ' bridesmaids started campaign to get barlow at her weddinghe replied saying he would come - but kept it secret from the 33-year-oldsinger turned up at reception in berkshire and sung ' a million love songs 'mrs jones said : ` i 'm still on cloud nine - i just ca n't believe it happened '\n", - "[1.1559299 1.2944345 1.2593296 1.3063738 1.1167296 1.0907232 1.1594918\n", - " 1.1272908 1.167159 1.1410136 1.0867177 1.0281144 1.1000124 1.1197951\n", - " 1.0533036 1.0166746 1.0395826 1.0814273 1.1047405 0. 0. ]\n", - "\n", - "[ 3 1 2 8 6 0 9 7 13 4 18 12 5 10 17 14 16 11 15 19 20]\n", - "=======================\n", - "['it then bounces off one side of the red-clothed table and hits the first in a long line of dominoes .this is the moment a billiards player performs a complex trick shot by setting up a domino train to pot four balls .video footage shows a white ball being rolled down a positioned cue .']\n", - "=======================\n", - "[\"the clip was uploaded by youtube user honda4rideredin another upload the skilled billiards player shows viewers how to pocket four balls in a single shot - and for those who miss it there 's a slow motion version\"]\n", - "it then bounces off one side of the red-clothed table and hits the first in a long line of dominoes .this is the moment a billiards player performs a complex trick shot by setting up a domino train to pot four balls .video footage shows a white ball being rolled down a positioned cue .\n", - "the clip was uploaded by youtube user honda4rideredin another upload the skilled billiards player shows viewers how to pocket four balls in a single shot - and for those who miss it there 's a slow motion version\n", - "[1.0529128 1.3776139 1.2417665 1.4400095 1.2185116 1.3820873 1.0552325\n", - " 1.0399286 1.0708137 1.0440276 1.2180669 1.2004389 1.1293246 1.0119535\n", - " 1.0089021 1.0061276 1.0065378 1.0098672 1.0234191 1.0283887 1.067798 ]\n", - "\n", - "[ 3 5 1 2 4 10 11 12 8 20 6 0 9 7 19 18 13 17 14 16 15]\n", - "=======================\n", - "[\"matt o'connor 's own-goal turned his team 's 3-2 lead into a 3-3 tie and led to their defeat in boston on saturdaya wicked mistake in the men 's college hockey title game on saturday by boston university 's goalie allowed providence to tie in the third period and paved the way for the friars to win their first title .the ncaa championship game , which ended 4-3 and was played at the td garden in boston , will always be remembered for the game-tying goal allowed by bu 's matt o'connor , not the winner .\"]\n", - "=======================\n", - "[\"goalie matt o'connor knocked the puck into his own goal in third periodmistake blew boston university 's 3-2 lead on providence in ncaa gameafter terrier let in tying goal , friars got winning goal from brandon tanevprovidence won the national championship 4-3 , the school 's first title\"]\n", - "matt o'connor 's own-goal turned his team 's 3-2 lead into a 3-3 tie and led to their defeat in boston on saturdaya wicked mistake in the men 's college hockey title game on saturday by boston university 's goalie allowed providence to tie in the third period and paved the way for the friars to win their first title .the ncaa championship game , which ended 4-3 and was played at the td garden in boston , will always be remembered for the game-tying goal allowed by bu 's matt o'connor , not the winner .\n", - "goalie matt o'connor knocked the puck into his own goal in third periodmistake blew boston university 's 3-2 lead on providence in ncaa gameafter terrier let in tying goal , friars got winning goal from brandon tanevprovidence won the national championship 4-3 , the school 's first title\n", - "[1.1920627 1.1816943 1.4295261 1.307578 1.2015455 1.0942951 1.2630794\n", - " 1.1967703 1.0534164 1.0509593 1.1063621 1.0762081 1.0314521 1.0152823\n", - " 1.0161855 1.0689117 1.0124106 1.1483213 1.0124679 0. 0. ]\n", - "\n", - "[ 2 3 6 4 7 0 1 17 10 5 11 15 8 9 12 14 13 18 16 19 20]\n", - "=======================\n", - "[\"a 2-year-old dog from des moines named tank won the 36th annual beautiful bulldog contest sunday at drake university .winner : tank , a 2-year-old bulldog from iowa won drake university 's 36th annual ` beautiful bulldog ' contest sundayhe will appear before more than 16,000 fans -- or , royal subjects -- at the university 's drake relays to be honored as mascot of the event , which will be held from thursday through saturday , according to the contest 's website .\"]\n", - "=======================\n", - "[\"an iowa bulldog named tank took home the crown sunday at drake university 's annual ` beautiful bulldog contest 'tank beat out 49 other dogs in the 36th annual contesttank will now serve as the mascot for the drake relays\"]\n", - "a 2-year-old dog from des moines named tank won the 36th annual beautiful bulldog contest sunday at drake university .winner : tank , a 2-year-old bulldog from iowa won drake university 's 36th annual ` beautiful bulldog ' contest sundayhe will appear before more than 16,000 fans -- or , royal subjects -- at the university 's drake relays to be honored as mascot of the event , which will be held from thursday through saturday , according to the contest 's website .\n", - "an iowa bulldog named tank took home the crown sunday at drake university 's annual ` beautiful bulldog contest 'tank beat out 49 other dogs in the 36th annual contesttank will now serve as the mascot for the drake relays\n", - "[1.3282096 1.338724 1.2952688 1.2263201 1.2201068 1.1659831 1.086757\n", - " 1.0803559 1.0598342 1.1354463 1.0584924 1.1118718 1.0520846 1.033161\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 5 9 11 6 7 8 10 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the long-running motoring show took up first , second , third and fifth spots in the catch-up service 's top five for the month as fans used it to take one last look at their favourite show .top gear has helped steer the bbc 's iplayer to record levels after four episodes shown in february notched up nine million views alone .the viewing figures come a week after presenter jeremy clarkson was dismissed from the bbc for punching top gear producer oisin tymon .\"]\n", - "=======================\n", - "[\"figures come a week after jeremy clarkson was dismissed from the bbctop gear took up first , third and fifth spots in iplayer top five for februaryepisode two of the bb2 show 's last series was watched 2,645,000 times\"]\n", - "the long-running motoring show took up first , second , third and fifth spots in the catch-up service 's top five for the month as fans used it to take one last look at their favourite show .top gear has helped steer the bbc 's iplayer to record levels after four episodes shown in february notched up nine million views alone .the viewing figures come a week after presenter jeremy clarkson was dismissed from the bbc for punching top gear producer oisin tymon .\n", - "figures come a week after jeremy clarkson was dismissed from the bbctop gear took up first , third and fifth spots in iplayer top five for februaryepisode two of the bb2 show 's last series was watched 2,645,000 times\n", - "[1.322541 1.3801014 1.2348717 1.373977 1.2281579 1.2353812 1.1262567\n", - " 1.0336293 1.0152779 1.0122385 1.1295235 1.0644984 1.1171817 1.1157964\n", - " 1.0952532 1.0152452 1.0086507 1.0068051 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 5 2 4 10 6 12 13 14 11 7 8 15 9 16 17 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"ms hines , then 27 , from darra in brisbane , had suffered epileptic seizures for 10 years but had recently noticed that her balance was gone and she was struggling to hear out of her right ear .when clare hines found out she was pregnant she was faced with an agonising choice -- cancel an operation to remove the tumour growing on her brain or terminate her unborn baby .she went against doctors ' warnings to keep the baby and give birth to her son noah\"]\n", - "=======================\n", - "['clare hines , who lives in brisbane , was diagnosed with a brain tumourshe found out she was pregnant a week before scheduled surgerythe 27-year-old had to decide to keep the baby or remove the tumourms hines went against warnings from doctors to give birth to son noahshe has since had many operations but has lost hearing in her right earms hines , originally from the uk , is trying to raise money for a hearing aid']\n", - "ms hines , then 27 , from darra in brisbane , had suffered epileptic seizures for 10 years but had recently noticed that her balance was gone and she was struggling to hear out of her right ear .when clare hines found out she was pregnant she was faced with an agonising choice -- cancel an operation to remove the tumour growing on her brain or terminate her unborn baby .she went against doctors ' warnings to keep the baby and give birth to her son noah\n", - "clare hines , who lives in brisbane , was diagnosed with a brain tumourshe found out she was pregnant a week before scheduled surgerythe 27-year-old had to decide to keep the baby or remove the tumourms hines went against warnings from doctors to give birth to son noahshe has since had many operations but has lost hearing in her right earms hines , originally from the uk , is trying to raise money for a hearing aid\n", - "[1.2487007 1.387159 1.2808809 1.0768881 1.2466297 1.2332212 1.0704639\n", - " 1.046016 1.0681399 1.0312889 1.0259608 1.0719008 1.0860738 1.0721331\n", - " 1.1952451 1.0296947 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 5 14 12 3 13 11 6 8 7 9 15 10 23 22 21 20 16 18 17 24\n", - " 19 25]\n", - "=======================\n", - "[\"it comes as wonga , the uk 's biggest payday loans firm , today revealed it racked up a # 37.3 million loss last year following a significant reduction in uk consumer lending while it attempts to clean up its tarnished image .revenues declined to # 217.2 million in the period , down by almost # 100million .hundreds of payday lenders will be wiped out by tougher rules designed to protect customers , experts have predicted .\"]\n", - "=======================\n", - "['hundreds of payday lenders will be wiped out by tougher rules , say expertsit comes as wonga today revealed a # 37.3 million loss for last yearcity watchdog says just three or four lenders out of 400 will remain']\n", - "it comes as wonga , the uk 's biggest payday loans firm , today revealed it racked up a # 37.3 million loss last year following a significant reduction in uk consumer lending while it attempts to clean up its tarnished image .revenues declined to # 217.2 million in the period , down by almost # 100million .hundreds of payday lenders will be wiped out by tougher rules designed to protect customers , experts have predicted .\n", - "hundreds of payday lenders will be wiped out by tougher rules , say expertsit comes as wonga today revealed a # 37.3 million loss for last yearcity watchdog says just three or four lenders out of 400 will remain\n", - "[1.3129561 1.4969816 1.1471075 1.4066894 1.2448579 1.0479286 1.0434245\n", - " 1.1130898 1.1180822 1.0242487 1.032568 1.063086 1.0300838 1.0184721\n", - " 1.1610734 1.1841394 1.0936875 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 15 14 2 8 7 16 11 5 6 10 12 9 13 24 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "['cambiasso , a former argentina international , claimed five serie a titles at previous club inter milan where he also won the champions league in 2010 .leicester city midfielder esteban cambiasso ( left ) says beating relegation would be like winning a trophyhe joined leicester last summer on a free transfer and signed a one-year deal at the king power stadium']\n", - "=======================\n", - "[\"decorated former argentina international esteban cambiasso says that keeping leicester up this season would be like ` another cup 'the former inter milan and real madrid midfielder joined leicester last summer on a free transfer , signing a one-year dealleicester are currently bottom of the premier league table with 19 points from 29 games and take on west ham in their next fixture\"]\n", - "cambiasso , a former argentina international , claimed five serie a titles at previous club inter milan where he also won the champions league in 2010 .leicester city midfielder esteban cambiasso ( left ) says beating relegation would be like winning a trophyhe joined leicester last summer on a free transfer and signed a one-year deal at the king power stadium\n", - "decorated former argentina international esteban cambiasso says that keeping leicester up this season would be like ` another cup 'the former inter milan and real madrid midfielder joined leicester last summer on a free transfer , signing a one-year dealleicester are currently bottom of the premier league table with 19 points from 29 games and take on west ham in their next fixture\n", - "[1.0578718 1.061966 1.1212562 1.4371364 1.1788592 1.3033047 1.1153905\n", - " 1.0918714 1.1947631 1.0293875 1.0567042 1.0202702 1.1343911 1.0182468\n", - " 1.0380129 1.0145382 1.0185525 1.0221263 1.0210721 1.0450196 1.0276563\n", - " 1.0576439 1.0179046 1.046286 1.0247561 1.0201094]\n", - "\n", - "[ 3 5 8 4 12 2 6 7 1 0 21 10 23 19 14 9 20 24 17 18 11 25 16 13\n", - " 22 15]\n", - "=======================\n", - "[\"sleep experts recommended you arrange your room symmetrically , install heavy curtains and keep pets outninety-one per cent of britons say their sleep environment impacts their sleep .if you 're having trouble sleeping it could be down to the interior design of your bedroom\"]\n", - "=======================\n", - "['bad quality sleep could be to do with the layout of your bedroominfographic from made.com shows proven interiors tactics for better restsleep experts recommended you install heavy curtains and keep pets out']\n", - "sleep experts recommended you arrange your room symmetrically , install heavy curtains and keep pets outninety-one per cent of britons say their sleep environment impacts their sleep .if you 're having trouble sleeping it could be down to the interior design of your bedroom\n", - "bad quality sleep could be to do with the layout of your bedroominfographic from made.com shows proven interiors tactics for better restsleep experts recommended you install heavy curtains and keep pets out\n", - "[1.380314 1.3386271 1.1743119 1.237239 1.2121114 1.2633514 1.0697873\n", - " 1.1130407 1.0776317 1.0434953 1.0411606 1.0290236 1.1048356 1.0896538\n", - " 1.0537174 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 3 4 2 7 12 13 8 6 14 9 10 11 23 22 21 20 16 18 17 15 24\n", - " 19 25]\n", - "=======================\n", - "[\"stevie mccrorie has been crowned the winner of the voice uk 2015 , after beating fellow contestant lucy o'byrne in the final .now mentor ricky wilson , his fellow celebrity judges rita ora , tom jones and will.i.am , and most of all bosses at the bbc will all have their fingers crossed for his success .because it 's not just a hit single stevie needs , he also has to break the curse of previous winners who have failed to do anything but flop out of the charts .\"]\n", - "=======================\n", - "['leanne mitchell has been dropped by her label and sings at a holiday campandrea begley and jermain jackman are yet to become household nameswill 2015 winner stevie become a chart success or another voice flop ?']\n", - "stevie mccrorie has been crowned the winner of the voice uk 2015 , after beating fellow contestant lucy o'byrne in the final .now mentor ricky wilson , his fellow celebrity judges rita ora , tom jones and will.i.am , and most of all bosses at the bbc will all have their fingers crossed for his success .because it 's not just a hit single stevie needs , he also has to break the curse of previous winners who have failed to do anything but flop out of the charts .\n", - "leanne mitchell has been dropped by her label and sings at a holiday campandrea begley and jermain jackman are yet to become household nameswill 2015 winner stevie become a chart success or another voice flop ?\n", - "[1.2816529 1.4481823 1.2813338 1.2251227 1.2465144 1.0733577 1.2239616\n", - " 1.0353342 1.1525126 1.0576043 1.0417922 1.0644687 1.0197992 1.0184264\n", - " 1.0510454 1.0149165 1.0353124 0. 0. ]\n", - "\n", - "[ 1 0 2 4 3 6 8 5 11 9 14 10 7 16 12 13 15 17 18]\n", - "=======================\n", - "['robert preston boardwine provided his friend joyce rosemary bruce with sperm and she impregnated herself using the kitchen accessory in 2010 .a virginia man has won the right to see his son , even thought the child was conceived through the woman using a turkey baster , a court has ruled ,she had opted for the bizarre method of conception because she believed that the absence of intercourse would mean mr boardwine had no parental rights .']\n", - "=======================\n", - "[\"man impregnated female friend using his sperm and a turkey basterrobert preston boardwine had envisioned an active role in child 's lifemother , joyce rosemary bruce , only wanted him to be ' a friend 'she believed that if she used turkey baster and avoided intercourse boardwine would have no parental rightsbut virginia court rules boardwine has the right to be involved as a parent\"]\n", - "robert preston boardwine provided his friend joyce rosemary bruce with sperm and she impregnated herself using the kitchen accessory in 2010 .a virginia man has won the right to see his son , even thought the child was conceived through the woman using a turkey baster , a court has ruled ,she had opted for the bizarre method of conception because she believed that the absence of intercourse would mean mr boardwine had no parental rights .\n", - "man impregnated female friend using his sperm and a turkey basterrobert preston boardwine had envisioned an active role in child 's lifemother , joyce rosemary bruce , only wanted him to be ' a friend 'she believed that if she used turkey baster and avoided intercourse boardwine would have no parental rightsbut virginia court rules boardwine has the right to be involved as a parent\n", - "[1.3219452 1.375222 1.2386364 1.2761235 1.3036184 1.152933 1.0675805\n", - " 1.07834 1.0415269 1.0476801 1.1083876 1.1190575 1.0699155 1.0789939\n", - " 1.0076202 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 3 2 5 11 10 13 7 12 6 9 8 14 15 16 17 18]\n", - "=======================\n", - "['a 14-year-old boy was taken into custody after encouraging an attack on an australian parade honoring the war dead and urging the beheading of \" someone in australia , \" deborah walsh , deputy head of counter terrorism at the crown prosecution service , said in a statement thursday .( cnn ) one of the youngest suspects yet has been arrested on terror-related charges in england .he was charged with two counts of inciting another person to commit an act of terrorism overseas and will appear in westminster magistrate \\'s court on friday .']\n", - "=======================\n", - "['the 14-year-old had communicated with terror suspects in australia , authorities saidpolice : the teenager encouraged others to attack a parade and behead someone in australia']\n", - "a 14-year-old boy was taken into custody after encouraging an attack on an australian parade honoring the war dead and urging the beheading of \" someone in australia , \" deborah walsh , deputy head of counter terrorism at the crown prosecution service , said in a statement thursday .( cnn ) one of the youngest suspects yet has been arrested on terror-related charges in england .he was charged with two counts of inciting another person to commit an act of terrorism overseas and will appear in westminster magistrate 's court on friday .\n", - "the 14-year-old had communicated with terror suspects in australia , authorities saidpolice : the teenager encouraged others to attack a parade and behead someone in australia\n", - "[1.2390507 1.5272036 1.3046899 1.239707 1.2430292 1.0786095 1.0307696\n", - " 1.1425759 1.0252725 1.0202131 1.0242324 1.0100231 1.098548 1.147171\n", - " 1.1120948 1.0537219 1.0226448 1.0084319 1.011351 ]\n", - "\n", - "[ 1 2 4 3 0 13 7 14 12 5 15 6 8 10 16 9 18 11 17]\n", - "=======================\n", - "['maria twomey , 42 , of watford , became a bikini competitor after swapping takeaways and fatty snacks for weight-lifting and intense workouts on the exercise bike .she has now left behind her job in nursing and has joined the ranks of professional fitness models , hitting the gym for three hours a day .she discovered she was able to lift weights and complete high-energy sprints on an exercise bike']\n", - "=======================\n", - "[\"maria twomey , 42 , of watford , decided hit 40 and decided it was time for a changewanted to slim from size 14 and signed up for personal training sessionsswapped takeaways and fatty snacks for weight-lifting and hiit workoutsin a year she went from 12st 7lb to her slimmest , 8st 7lbshe 's reduced her body fat percentage from 38 per cent to 15 per centnow taking part in miami pro world championships fitness model comp\"]\n", - "maria twomey , 42 , of watford , became a bikini competitor after swapping takeaways and fatty snacks for weight-lifting and intense workouts on the exercise bike .she has now left behind her job in nursing and has joined the ranks of professional fitness models , hitting the gym for three hours a day .she discovered she was able to lift weights and complete high-energy sprints on an exercise bike\n", - "maria twomey , 42 , of watford , decided hit 40 and decided it was time for a changewanted to slim from size 14 and signed up for personal training sessionsswapped takeaways and fatty snacks for weight-lifting and hiit workoutsin a year she went from 12st 7lb to her slimmest , 8st 7lbshe 's reduced her body fat percentage from 38 per cent to 15 per centnow taking part in miami pro world championships fitness model comp\n", - "[1.4526578 1.299356 1.3192005 1.2220868 1.1106566 1.0583582 1.151695\n", - " 1.0614839 1.1093543 1.0442432 1.1210828 1.1369665 1.0472486 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 6 11 10 4 8 7 5 12 9 13 14 15 16 17 18]\n", - "=======================\n", - "[\"( cnn ) a helicopter crash saturday in malaysia killed six people , including the nation 's former ambassador to the united states and a high-ranking member of the prime minister 's staff , the malaysian state news agency bernama reported .prime minister najib razak ordered an investigation .the helicopter crashed near kampung pasir baru in semenyih , at 4:55 p.m. saturday ( 4:55 a.m. et ) , bernama said .\"]\n", - "=======================\n", - "[\"jamaluddin jarjis , former malaysian ambassador to the u.s. , among casualtiesazlin alias , a member of the prime minister 's staff , also dies , news agency reports\"]\n", - "( cnn ) a helicopter crash saturday in malaysia killed six people , including the nation 's former ambassador to the united states and a high-ranking member of the prime minister 's staff , the malaysian state news agency bernama reported .prime minister najib razak ordered an investigation .the helicopter crashed near kampung pasir baru in semenyih , at 4:55 p.m. saturday ( 4:55 a.m. et ) , bernama said .\n", - "jamaluddin jarjis , former malaysian ambassador to the u.s. , among casualtiesazlin alias , a member of the prime minister 's staff , also dies , news agency reports\n", - "[1.1906381 1.5083244 1.2952523 1.3927069 1.3879035 1.1339958 1.0662944\n", - " 1.0997792 1.0197436 1.0446767 1.0279325 1.0639827 1.0614332 1.0747185\n", - " 1.036594 1.0390218 1.0114825 1.045031 0. ]\n", - "\n", - "[ 1 3 4 2 0 5 7 13 6 11 12 17 9 15 14 10 8 16 18]\n", - "=======================\n", - "[\"raymond billam illegally pocketed # 15,000 of taxpayers ' money after he said he was severely disabled due to back and knee problems .the grandfather-of-four admitted benefit fraud and was sentenced to 26-weeks in prison suspended for two years .cheat : raymond billam , 40 , claimed he was unable to walk more than a few metres , but was filmed running and jumping as he took to the pitch for his pub football team\"]\n", - "=======================\n", - "['raymond billam defrauded the department of work and pensions40-year-old claimed he had severe problems with his knees and backsecretly filmed running and jumping as he played football for his pub teamgiven a suspended prison sentence and ordered to complete unpaid work']\n", - "raymond billam illegally pocketed # 15,000 of taxpayers ' money after he said he was severely disabled due to back and knee problems .the grandfather-of-four admitted benefit fraud and was sentenced to 26-weeks in prison suspended for two years .cheat : raymond billam , 40 , claimed he was unable to walk more than a few metres , but was filmed running and jumping as he took to the pitch for his pub football team\n", - "raymond billam defrauded the department of work and pensions40-year-old claimed he had severe problems with his knees and backsecretly filmed running and jumping as he played football for his pub teamgiven a suspended prison sentence and ordered to complete unpaid work\n", - "[1.077284 1.0618546 1.4113129 1.0613563 1.3070731 1.2925597 1.0631706\n", - " 1.0245501 1.2263685 1.1893634 1.0650282 1.0313073 1.065738 1.0503051\n", - " 1.0305599 0. 0. 0. 0. ]\n", - "\n", - "[ 2 4 5 8 9 0 12 10 6 1 3 13 11 14 7 17 15 16 18]\n", - "=======================\n", - "[\"london 's julie falconer , for example , showcases the english capital in all of its glory , while adventure photographer joe greer has made a successful second career posting breathtaking landscapes of the pacific northwest .actress shay mitchell stars on pretty little liars , but she also frequently destinations such as india and morocco for her charity workjulie falconer is a lady in london and the mastermind behind both a beautiful instagram account and her namesake travel blog .\"]\n", - "=======================\n", - "[\"sylvia matzkowiak , who goes by goldie berlin , is a german instagrammer , travelling everywhere from fiji to canadathough the blonde gypsy may have been born in california , she 's become famous for her stunning balkan snapsand when it comes to celebrities , shay mitchell and beyonce are redefining what it means to be a jetsetter\"]\n", - "london 's julie falconer , for example , showcases the english capital in all of its glory , while adventure photographer joe greer has made a successful second career posting breathtaking landscapes of the pacific northwest .actress shay mitchell stars on pretty little liars , but she also frequently destinations such as india and morocco for her charity workjulie falconer is a lady in london and the mastermind behind both a beautiful instagram account and her namesake travel blog .\n", - "sylvia matzkowiak , who goes by goldie berlin , is a german instagrammer , travelling everywhere from fiji to canadathough the blonde gypsy may have been born in california , she 's become famous for her stunning balkan snapsand when it comes to celebrities , shay mitchell and beyonce are redefining what it means to be a jetsetter\n", - "[1.4125805 1.2334037 1.4885777 1.2471125 1.1813103 1.1478369 1.0703285\n", - " 1.147822 1.0216641 1.0929868 1.0202672 1.0130726 1.0502707 1.0713974\n", - " 1.1300082 1.0203736 1.0860258 1.131702 1.0636693]\n", - "\n", - "[ 2 0 3 1 4 5 7 17 14 9 16 13 6 18 12 8 15 10 11]\n", - "=======================\n", - "['maxine fohounhedo , 30 , was charged in december with kidnapping and raping a female passenger he picked up after she ordered an uberx ride the month before .the 22-year-old woman told police she was intoxicated and fell in and out of consciousness during the ride with fohounhedo .sexual assault charges against a chicago uber driver have been dropped after prosecutors heard a secret recording he made of his passenger the night of the alleged attack .']\n", - "=======================\n", - "[\"maxine fohounhedo , 30 , was charged in december with kidnapping and raping a female passenger who ordered an uberx ridewoman , 22 , told police she was intoxicated during the ride and alleged she woke up in fohounhedo 's apartment and found him having sex with herfohounhedo 's attorney said the woman made a pass at the driver when he picked her up and they ` went back to his place '` whatever happened there did not arise to anything criminal , ' he saidattorney said the nine-minute recording shows woman having a friendly conversation with fohounhedo as he drove her homefohounhedo was released from jail on monday night\"]\n", - "maxine fohounhedo , 30 , was charged in december with kidnapping and raping a female passenger he picked up after she ordered an uberx ride the month before .the 22-year-old woman told police she was intoxicated and fell in and out of consciousness during the ride with fohounhedo .sexual assault charges against a chicago uber driver have been dropped after prosecutors heard a secret recording he made of his passenger the night of the alleged attack .\n", - "maxine fohounhedo , 30 , was charged in december with kidnapping and raping a female passenger who ordered an uberx ridewoman , 22 , told police she was intoxicated during the ride and alleged she woke up in fohounhedo 's apartment and found him having sex with herfohounhedo 's attorney said the woman made a pass at the driver when he picked her up and they ` went back to his place '` whatever happened there did not arise to anything criminal , ' he saidattorney said the nine-minute recording shows woman having a friendly conversation with fohounhedo as he drove her homefohounhedo was released from jail on monday night\n", - "[1.1037014 1.2684216 1.420462 1.2146835 1.1193049 1.1054758 1.1166856\n", - " 1.0910388 1.0917951 1.118109 1.0700032 1.0471816 1.1091377 1.0892177\n", - " 1.1216518 1.0607601 1.0117038 1.06455 0. ]\n", - "\n", - "[ 2 1 3 14 4 9 6 12 5 0 8 7 13 10 17 15 11 16 18]\n", - "=======================\n", - "[\"scientists have found traces of compounds found in camomile and yarrow in the hardened plaque of 50,000 year old neanderthal teeth found in el sidron , spain .new research is suggesting that these extinct early humans may have used wild herbs to flavour their food .neanderthals ( represented in the drawing above ) may have been the world 's first gourmets - using herbs like yarrow and camomile to flavour the meat that dominated their diet , according to a new scientific paper\"]\n", - "=======================\n", - "['scientists suggest that prehistoric human cousins used herbs like yarrow and camomile to improve the taste of their food around 50,000 years agochimps in uganda also eat plants with their meat in a way that is thought to flavour their food so researchers believe neanderthals also did the sameit build recent discoveries that suggest they also ate barley , olives and nutsthe findings transform the view of neanderthals as unsophisticated brutes']\n", - "scientists have found traces of compounds found in camomile and yarrow in the hardened plaque of 50,000 year old neanderthal teeth found in el sidron , spain .new research is suggesting that these extinct early humans may have used wild herbs to flavour their food .neanderthals ( represented in the drawing above ) may have been the world 's first gourmets - using herbs like yarrow and camomile to flavour the meat that dominated their diet , according to a new scientific paper\n", - "scientists suggest that prehistoric human cousins used herbs like yarrow and camomile to improve the taste of their food around 50,000 years agochimps in uganda also eat plants with their meat in a way that is thought to flavour their food so researchers believe neanderthals also did the sameit build recent discoveries that suggest they also ate barley , olives and nutsthe findings transform the view of neanderthals as unsophisticated brutes\n", - "[1.3009517 1.2282581 1.2232078 1.2137219 1.1722555 1.3028704 1.1805651\n", - " 1.0977271 1.1010379 1.0824803 1.0214268 1.0731214 1.1556381 1.0941243\n", - " 1.0992273 1.030046 1.0209597 1.0202037 0. ]\n", - "\n", - "[ 5 0 1 2 3 6 4 12 8 14 7 13 9 11 15 10 16 17 18]\n", - "=======================\n", - "[\"the 77-year-old woman was struck by lightning while she sat in her car .despite the dramatic and rare event , the woman 's injury was not detected straight away .rather , her hairdresser noticed several days later that she had suffered minor burns on her scalp .\"]\n", - "=======================\n", - "['woman was struck by lightning in her car in boston , lincolnshireseveral days later her hairdresser noticed minor burns on her scalplater that day the 77-year-old noticed her eye sight was blurreda scan of her retina revealed heat from the bolt burned a hole in her retina']\n", - "the 77-year-old woman was struck by lightning while she sat in her car .despite the dramatic and rare event , the woman 's injury was not detected straight away .rather , her hairdresser noticed several days later that she had suffered minor burns on her scalp .\n", - "woman was struck by lightning in her car in boston , lincolnshireseveral days later her hairdresser noticed minor burns on her scalplater that day the 77-year-old noticed her eye sight was blurreda scan of her retina revealed heat from the bolt burned a hole in her retina\n", - "[1.4951873 1.5047839 1.1444808 1.2577752 1.1353801 1.1233022 1.0493453\n", - " 1.0507218 1.0215472 1.0988715 1.0399002 1.0705829 1.0559554 1.0489072\n", - " 1.0590649 1.0131583 1.0169277 1.0184289 0. ]\n", - "\n", - "[ 1 0 3 2 4 5 9 11 14 12 7 6 13 10 8 17 16 15 18]\n", - "=======================\n", - "[\"josh kerr took advantage when the scotland under-17 star came for a corner and missed it to put the hoops in front before mccrorie dropped a mark hill free kick over the line .two mistakes from rangers keeper robby mccrorie handed celtic the glasgow cup as they clinched the trophy for the fourth time in eight seasons at hampden .with old firm bosses ronny deila and stuart mccall looking on , it was the former who left happiest after seeing tommy mcintyre 's side record a deserved victory .\"]\n", - "=======================\n", - "[\"celtic u17 won the glasgow cup at hampden park on tuesday nightjosh kerr opened the scoring for the bhoys in the 74th minutemark hill then doubled celtic 's lead two minutes laterthe match was played behind closed doors due to trouble in the past\"]\n", - "josh kerr took advantage when the scotland under-17 star came for a corner and missed it to put the hoops in front before mccrorie dropped a mark hill free kick over the line .two mistakes from rangers keeper robby mccrorie handed celtic the glasgow cup as they clinched the trophy for the fourth time in eight seasons at hampden .with old firm bosses ronny deila and stuart mccall looking on , it was the former who left happiest after seeing tommy mcintyre 's side record a deserved victory .\n", - "celtic u17 won the glasgow cup at hampden park on tuesday nightjosh kerr opened the scoring for the bhoys in the 74th minutemark hill then doubled celtic 's lead two minutes laterthe match was played behind closed doors due to trouble in the past\n", - "[1.4926918 1.2859671 1.3958335 1.227615 1.1413876 1.0678949 1.0344396\n", - " 1.30753 1.0557754 1.0141538 1.2217987 1.1052028 1.1222329 1.0340606\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 7 1 3 10 4 12 11 5 8 6 13 9 14 15]\n", - "=======================\n", - "[\"alessandro diamanti and mohamed salah helped fiorentina to a 2-0 win over sampdoria on a rain-drenched pitch which lifted their team into fourth place on 49 points .miralem pjanic 's goal gave as roma a 1-0 win over napoli in serie a on saturday , their first home victory for more than four months .former west ham midfielder diamanti struck just after the hour mark , before on loan chelsea winger salah added a second just two minutes later .\"]\n", - "=======================\n", - "['mohamed salah scores as fiorentina beat sampdoria 2-0 in serie aon loan chelsea winger scores second as his side go fourthroma beat napoli 1-0 for first home win in four monthscarlos tevez strikes as juventus maintain huge lead at the top']\n", - "alessandro diamanti and mohamed salah helped fiorentina to a 2-0 win over sampdoria on a rain-drenched pitch which lifted their team into fourth place on 49 points .miralem pjanic 's goal gave as roma a 1-0 win over napoli in serie a on saturday , their first home victory for more than four months .former west ham midfielder diamanti struck just after the hour mark , before on loan chelsea winger salah added a second just two minutes later .\n", - "mohamed salah scores as fiorentina beat sampdoria 2-0 in serie aon loan chelsea winger scores second as his side go fourthroma beat napoli 1-0 for first home win in four monthscarlos tevez strikes as juventus maintain huge lead at the top\n", - "[1.555331 1.4612323 1.1923738 1.0716285 1.4668143 1.2008039 1.1159769\n", - " 1.3011042 1.0365646 1.0190638 1.0200377 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 4 1 7 5 2 6 3 8 10 9 11 12 13 14 15]\n", - "=======================\n", - "[\"london broncos are set to give a debut to leeds teenager elliot minchella , who has joined them on loan to the end of the season .the 19-year-old loose forward has made six substitute super league appearances but has failed to break into the rhinos team so far this year .minchella has been named in henderson 's 19-man squad for friday 's game with featherstone .\"]\n", - "=======================\n", - "['leeds teenager moves to london broncos until end of the seasonthe 19-year-old has made six sub appearances in super league']\n", - "london broncos are set to give a debut to leeds teenager elliot minchella , who has joined them on loan to the end of the season .the 19-year-old loose forward has made six substitute super league appearances but has failed to break into the rhinos team so far this year .minchella has been named in henderson 's 19-man squad for friday 's game with featherstone .\n", - "leeds teenager moves to london broncos until end of the seasonthe 19-year-old has made six sub appearances in super league\n", - "[1.2382307 1.0824958 1.1544012 1.2548292 1.1985476 1.0767071 1.1282663\n", - " 1.0414897 1.0223948 1.0324627 1.158597 1.0638424 1.0658705 1.0608861\n", - " 1.0445596 1.0595485]\n", - "\n", - "[ 3 0 4 10 2 6 1 5 12 11 13 15 14 7 9 8]\n", - "=======================\n", - "[\"situated roughly 350 miles off the west coast of africa , cape verde has long been a mesh of cultures , history and races .( cnn ) there 's an old saying which states the cape verde islands are home to a greater number of musicians per square kilometer than any other country in the world .the former portuguese territory was once a key location for the transatlantic slave trade , a target for 16th century pirates and a refuge for exiled jews .\"]\n", - "=======================\n", - "['cape verde seeking to tap-into rich cultural heritagetiny island nation wants to grow creative economy']\n", - "situated roughly 350 miles off the west coast of africa , cape verde has long been a mesh of cultures , history and races .( cnn ) there 's an old saying which states the cape verde islands are home to a greater number of musicians per square kilometer than any other country in the world .the former portuguese territory was once a key location for the transatlantic slave trade , a target for 16th century pirates and a refuge for exiled jews .\n", - "cape verde seeking to tap-into rich cultural heritagetiny island nation wants to grow creative economy\n", - "[1.3765554 1.3591762 1.3031653 1.1544969 1.3344017 1.1409041 1.1956131\n", - " 1.1286764 1.0538828 1.0293788 1.0472553 1.1029859 1.0239944 1.0249901\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 4 2 6 3 5 7 11 8 10 9 13 12 14 15]\n", - "=======================\n", - "[\"turkey has lifted a block on social media sites in the country after twitter , facebook and youtube agreed to remove chilling images of a prosecutor being held at gunpoint by left wing extremists .chilling : mehmet selim kiraz died after two members of the revolutionary people 's liberation party-front stormed a courthouse in istanbul and took him hostage - uploading these photographs of kiraz with a gun pointed at his head to social media in the processhowever turkey has since threatened to block access to google unless images of the siege are removed from its search function .\"]\n", - "=======================\n", - "['court imposed social media blocks after images of siege were sharedmilitants stormed an istanbul courthouse last week , taking him hostageboth he and his captors were killed during the subsequent rescue effortblocks were lifted today after twitter , facebook and youtube agreed to remove images of the deadly siege from their sites']\n", - "turkey has lifted a block on social media sites in the country after twitter , facebook and youtube agreed to remove chilling images of a prosecutor being held at gunpoint by left wing extremists .chilling : mehmet selim kiraz died after two members of the revolutionary people 's liberation party-front stormed a courthouse in istanbul and took him hostage - uploading these photographs of kiraz with a gun pointed at his head to social media in the processhowever turkey has since threatened to block access to google unless images of the siege are removed from its search function .\n", - "court imposed social media blocks after images of siege were sharedmilitants stormed an istanbul courthouse last week , taking him hostageboth he and his captors were killed during the subsequent rescue effortblocks were lifted today after twitter , facebook and youtube agreed to remove images of the deadly siege from their sites\n", - "[1.4024587 1.3396378 1.2988327 1.1065148 1.0568473 1.1969658 1.0841937\n", - " 1.047318 1.099703 1.106455 1.1055949 1.0769659 1.065993 1.0257784\n", - " 1.0438461 1.0274459]\n", - "\n", - "[ 0 1 2 5 3 9 10 8 6 11 12 4 7 14 15 13]\n", - "=======================\n", - "['moscow ( cnn ) a russian tv channel aired hillary clinton \\'s first campaign video with a rating stamp that means it \\'s for mature audiences , because of fears it might run afoul of the country \\'s anti-gay propaganda law .a clip of the video , which features a gay couple holding hands , got the 18 + rating from the independent tv rain channel in russia on monday .the channel told cnn that it did n\\'t want to break the controversial law , which bans \" propaganda of nontraditional sexual relations around minors \" and bars public discussion of gay rights and relationships within earshot of children .']\n", - "=======================\n", - "[\"presidential hopeful 's video , featuring gay couple , gets mature rating in russiarussian tv channel feared airing it would break the country 's anti-gay propaganda lawclinton announced her support for same-sex marriage in 2013\"]\n", - "moscow ( cnn ) a russian tv channel aired hillary clinton 's first campaign video with a rating stamp that means it 's for mature audiences , because of fears it might run afoul of the country 's anti-gay propaganda law .a clip of the video , which features a gay couple holding hands , got the 18 + rating from the independent tv rain channel in russia on monday .the channel told cnn that it did n't want to break the controversial law , which bans \" propaganda of nontraditional sexual relations around minors \" and bars public discussion of gay rights and relationships within earshot of children .\n", - "presidential hopeful 's video , featuring gay couple , gets mature rating in russiarussian tv channel feared airing it would break the country 's anti-gay propaganda lawclinton announced her support for same-sex marriage in 2013\n", - "[1.055958 1.3995895 1.331151 1.1805742 1.1410396 1.0407021 1.0199159\n", - " 1.1876439 1.0397266 1.1357791 1.1971102 1.0521303 1.0835739 1.0323867\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 10 7 3 4 9 12 0 11 5 8 13 6 18 14 15 16 17 19]\n", - "=======================\n", - "[\"but one is hrh prince george of cambridge , third in line to the throne and born into a life of palaces and privilege -- while the other is plain old tommy cox from colchester , essex .two-year-old tommy 's mother -- whose name , as it happens , is kate -- and father paul , 41 , are regularly stopped by people who want to have their photograph taken with the prince 's lookalike .keen royal watcher mrs cox is always keen to see each new photograph of george when it is released by his parents william and kate to check if the two boys from very different worlds are continuing to grow up looking the same .\"]\n", - "=======================\n", - "[\"tommy cox from colchester looks just like prince george of cambridgeboth two-year-olds have the same rosy cheeks and a similar hairstyleeven tommy 's mother - who is also called kate - thinks they look alikewhile he looks like george , tommy 's mother admits her son 's behaviour sometimes falls rather short of regal\"]\n", - "but one is hrh prince george of cambridge , third in line to the throne and born into a life of palaces and privilege -- while the other is plain old tommy cox from colchester , essex .two-year-old tommy 's mother -- whose name , as it happens , is kate -- and father paul , 41 , are regularly stopped by people who want to have their photograph taken with the prince 's lookalike .keen royal watcher mrs cox is always keen to see each new photograph of george when it is released by his parents william and kate to check if the two boys from very different worlds are continuing to grow up looking the same .\n", - "tommy cox from colchester looks just like prince george of cambridgeboth two-year-olds have the same rosy cheeks and a similar hairstyleeven tommy 's mother - who is also called kate - thinks they look alikewhile he looks like george , tommy 's mother admits her son 's behaviour sometimes falls rather short of regal\n", - "[1.5125737 1.5506934 1.2275999 1.3062135 1.0838681 1.0737549 1.053188\n", - " 1.1668897 1.1894524 1.0400801 1.0293804 1.0151539 1.0643847 1.0463674\n", - " 1.0105388 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 8 7 4 5 12 6 13 9 10 11 14 18 15 16 17 19]\n", - "=======================\n", - "[\"carlo ancelotti 's side face their second la liga game in four days when they travel to the estadio de vallecas on wednesday evening to take on ninth-placed rayo .gareth bale could miss out on real madrid 's game with rayo vallecano after injuring his left foot during a training session on tuesday morning .but bale , who scored real 's first goal in their 9-1 demolition of granada on sunday , is now a doubt according to his manager .\"]\n", - "=======================\n", - "[\"carlo ancelotti will make a decision on gareth bale 's fitnessthe welshman injured his left foot during real madrid 's training sessionlos blancos take on rayo vallecano on wednesday , kick-off at 9pmmidfielder isco is likely to replace bale if he is unable to play\"]\n", - "carlo ancelotti 's side face their second la liga game in four days when they travel to the estadio de vallecas on wednesday evening to take on ninth-placed rayo .gareth bale could miss out on real madrid 's game with rayo vallecano after injuring his left foot during a training session on tuesday morning .but bale , who scored real 's first goal in their 9-1 demolition of granada on sunday , is now a doubt according to his manager .\n", - "carlo ancelotti will make a decision on gareth bale 's fitnessthe welshman injured his left foot during real madrid 's training sessionlos blancos take on rayo vallecano on wednesday , kick-off at 9pmmidfielder isco is likely to replace bale if he is unable to play\n", - "[1.274775 1.4775378 1.2509519 1.2078125 1.3218776 1.1908313 1.1095127\n", - " 1.1052976 1.1297659 1.0305315 1.0292134 1.0212388 1.0152242 1.0308965\n", - " 1.0183525 1.0097338 1.010566 1.1055173 0. 0. ]\n", - "\n", - "[ 1 4 0 2 3 5 8 6 17 7 13 9 10 11 14 12 16 15 18 19]\n", - "=======================\n", - "[\"michelle heale of tom 's river , new jersey claims she was trying to burp mason hess when he began choking on his applesauce , but when she pulled him off her shoulder his neck snapped backwards , killing the boy .michelle heale ( above ) breaks down during her trial for murder in the death of 14-month-old mason hess on tuesday as she reenacts the moments before his neck allegedly snappedthe mother of twins , who were in the next room when the incident happened and then just three years old , was charged with murder and endangering the welfare of a child after a medical examiner determined the boy died as a result of homicide caused by blunt cerebral trauma .\"]\n", - "=======================\n", - "[\"michelle heale of tom 's river , new jersey is on trial for murder in the death of 14-month-old mason hessheale was babysitting mason while her husband michael and mason 's father adam worked together as police detectivesshe claims she was burping mason hess when he began choking on his applesauce and that his neck snapped when she took him of her shoulderheale broke down demonstrating the incident to the jurymedical examiners determined that mason died as a result of homicide caused by blunt cerebral traumaheale is out on bail during the trial and still has custody of her twins , who were 3 years old when the incident occurred\"]\n", - "michelle heale of tom 's river , new jersey claims she was trying to burp mason hess when he began choking on his applesauce , but when she pulled him off her shoulder his neck snapped backwards , killing the boy .michelle heale ( above ) breaks down during her trial for murder in the death of 14-month-old mason hess on tuesday as she reenacts the moments before his neck allegedly snappedthe mother of twins , who were in the next room when the incident happened and then just three years old , was charged with murder and endangering the welfare of a child after a medical examiner determined the boy died as a result of homicide caused by blunt cerebral trauma .\n", - "michelle heale of tom 's river , new jersey is on trial for murder in the death of 14-month-old mason hessheale was babysitting mason while her husband michael and mason 's father adam worked together as police detectivesshe claims she was burping mason hess when he began choking on his applesauce and that his neck snapped when she took him of her shoulderheale broke down demonstrating the incident to the jurymedical examiners determined that mason died as a result of homicide caused by blunt cerebral traumaheale is out on bail during the trial and still has custody of her twins , who were 3 years old when the incident occurred\n", - "[1.6067417 1.3938016 1.2985815 1.1992542 1.1996206 1.0715188 1.1533071\n", - " 1.1214206 1.0911341 1.0136374 1.0110894 1.022575 1.0141976 1.1122323\n", - " 1.0165495 1.0163455 1.0488999 1.0591885 0. 0. ]\n", - "\n", - "[ 0 1 2 4 3 6 7 13 8 5 17 16 11 14 15 12 9 10 18 19]\n", - "=======================\n", - "[\"lucas matthysse won a majority decision against ruslan provodnikov in a 12-round super lightweight bout on saturday night .matthysse landed the majority of the punches in the first round and opening a cut near provodnikov 's left eye early in the second .provodnikov ( 24-3 ) put matthysse on the ropes late in the third round and landed two hard right hook-left hook combos in the fourth before matthysse ( 37-3 ) regained control in the fifth .\"]\n", - "=======================\n", - "['lucas matthysse won a majority decision against ruslan provodnikovmatthysse managed to open a cut early on , landing majority of punchesbut he was on the ropes before regaining control in the fifth roundhe outlined his plans to fight floyd mayweather or manny pacquiao']\n", - "lucas matthysse won a majority decision against ruslan provodnikov in a 12-round super lightweight bout on saturday night .matthysse landed the majority of the punches in the first round and opening a cut near provodnikov 's left eye early in the second .provodnikov ( 24-3 ) put matthysse on the ropes late in the third round and landed two hard right hook-left hook combos in the fourth before matthysse ( 37-3 ) regained control in the fifth .\n", - "lucas matthysse won a majority decision against ruslan provodnikovmatthysse managed to open a cut early on , landing majority of punchesbut he was on the ropes before regaining control in the fifth roundhe outlined his plans to fight floyd mayweather or manny pacquiao\n", - "[1.175895 1.3952329 1.3298327 1.2519783 1.2488542 1.2026483 1.084191\n", - " 1.1764742 1.0924519 1.0800188 1.0388491 1.0856192 1.0436398 1.0575569\n", - " 1.0339402 1.0656465 1.0460343 1.0363908 1.0136913 1.047324 ]\n", - "\n", - "[ 1 2 3 4 5 7 0 8 11 6 9 15 13 19 16 12 10 17 14 18]\n", - "=======================\n", - "['the map reveals average yearly counts of lightning flashes per square kilometre from 1995 to 2013 .the democratic republic of congo was found to have the most over the periodan amazing map revealed by nasa has shown where lightning occurs most on earth .']\n", - "=======================\n", - "['a nasa map has revealed which parts of the world experience the most flashes of lightning ever yeardemocratic republic of congo and lake maracaibo in northwestern venezuela experienced the mostaccording to the satellite observations , lightning occurs more often over land than it does over oceansand lightning also seems to happen more often closer to the equator , owing to the hotter temperatures']\n", - "the map reveals average yearly counts of lightning flashes per square kilometre from 1995 to 2013 .the democratic republic of congo was found to have the most over the periodan amazing map revealed by nasa has shown where lightning occurs most on earth .\n", - "a nasa map has revealed which parts of the world experience the most flashes of lightning ever yeardemocratic republic of congo and lake maracaibo in northwestern venezuela experienced the mostaccording to the satellite observations , lightning occurs more often over land than it does over oceansand lightning also seems to happen more often closer to the equator , owing to the hotter temperatures\n", - "[1.4064599 1.1614256 1.1335295 1.0927929 1.1297406 1.1987854 1.021541\n", - " 1.0424224 1.1376796 1.0953434 1.1793071 1.0622301 1.1287409 1.0681604\n", - " 1.0894741 1.0238018 0. 0. 0. 0. ]\n", - "\n", - "[ 0 5 10 1 8 2 4 12 9 3 14 13 11 7 15 6 18 16 17 19]\n", - "=======================\n", - "[\"kenya has bombed two al-shabaab camps in somalia in the first major military response to last week 's attack by the militant group on a kenyan university that left 148 people dead .slow response : kenyan elite troops were called in to aid in the pre-dawn massacre where 148 people were killed , but did not arrive until just before 2pmal-shabaab militants have killed more than 400 people in kenya since april 2013 .\"]\n", - "=======================\n", - "[\"warning : graphic contentair force jets blitzed two jihadi camps in the gedo region bordering kenyacloud cover made it difficult to establish damage caused or the death tollkenyan special forces ` took seven hours to arrive at scene of massacre '\"]\n", - "kenya has bombed two al-shabaab camps in somalia in the first major military response to last week 's attack by the militant group on a kenyan university that left 148 people dead .slow response : kenyan elite troops were called in to aid in the pre-dawn massacre where 148 people were killed , but did not arrive until just before 2pmal-shabaab militants have killed more than 400 people in kenya since april 2013 .\n", - "warning : graphic contentair force jets blitzed two jihadi camps in the gedo region bordering kenyacloud cover made it difficult to establish damage caused or the death tollkenyan special forces ` took seven hours to arrive at scene of massacre '\n", - "[1.2944583 1.3857347 1.369822 1.0689194 1.3506868 1.1797233 1.1058401\n", - " 1.073791 1.0969468 1.0718979 1.0245233 1.1399701 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 0 5 11 6 8 7 9 3 10 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"in june , it 's ` made today , sold today ' slogan , was deemed misleading by the federal court .it was slammed with a three-year ban to no longer promote its bread as baked on the day it is sold or made from fresh dough and has now received a hefty fine .supermarket giant coles has been ordered to pay $ 2.5 million in penalties after lying to shoppers about the freshness of its bread .\"]\n", - "=======================\n", - "[\"coles ordered to pay $ 2.5 million in penalties after lying to shopperstheir marketing slogan ` made today , sold today ' deemed as misleadingthe products were par baked from overseas and shipped months latercoles also ordered to display a federal court corrective notice in stores\"]\n", - "in june , it 's ` made today , sold today ' slogan , was deemed misleading by the federal court .it was slammed with a three-year ban to no longer promote its bread as baked on the day it is sold or made from fresh dough and has now received a hefty fine .supermarket giant coles has been ordered to pay $ 2.5 million in penalties after lying to shoppers about the freshness of its bread .\n", - "coles ordered to pay $ 2.5 million in penalties after lying to shopperstheir marketing slogan ` made today , sold today ' deemed as misleadingthe products were par baked from overseas and shipped months latercoles also ordered to display a federal court corrective notice in stores\n", - "[1.4438331 1.1803688 1.4978667 1.2891402 1.1934993 1.0386904 1.0821942\n", - " 1.0414014 1.0194523 1.0887578 1.0582622 1.1440555 1.0582265 1.0238433\n", - " 1.049829 1.0164769 1.036874 1.1505482 1.1470178 1.0505656]\n", - "\n", - "[ 2 0 3 4 1 17 18 11 9 6 10 12 19 14 7 5 16 13 8 15]\n", - "=======================\n", - "[\"hayleigh mcbay , 17 , pretended to dump david clarke via whatsapp at midnight for a joke .but the girl from elgin in moray , scotland , was given a taste of her own medicine when he pretended that also wanted to break up .college student hayleigh texted her partner on the social media app with the words : ' i do n't want to be with you any more .\"]\n", - "=======================\n", - "[\"hayleigh mcbay , from elgin , scotland , dumped her boyfriend as a jokebut when 17-year-old told david clarke , he replied that he was pleaseddavid was actually calling hayleigh 's bluff and the pair are still datingscreenshot tweet of conversation retweeted more than 12,000 times\"]\n", - "hayleigh mcbay , 17 , pretended to dump david clarke via whatsapp at midnight for a joke .but the girl from elgin in moray , scotland , was given a taste of her own medicine when he pretended that also wanted to break up .college student hayleigh texted her partner on the social media app with the words : ' i do n't want to be with you any more .\n", - "hayleigh mcbay , from elgin , scotland , dumped her boyfriend as a jokebut when 17-year-old told david clarke , he replied that he was pleaseddavid was actually calling hayleigh 's bluff and the pair are still datingscreenshot tweet of conversation retweeted more than 12,000 times\n", - "[1.4678142 1.3501083 1.2064315 1.1039246 1.1830819 1.1020725 1.1404638\n", - " 1.0833635 1.1307648 1.0790808 1.0407172 1.0779171 1.1069562 1.0688491\n", - " 1.0687424 1.0362948 1.0282692 1.0416529 0. 0. ]\n", - "\n", - "[ 0 1 2 4 6 8 12 3 5 7 9 11 13 14 17 10 15 16 18 19]\n", - "=======================\n", - "['( cnn ) two deputies involved in the fatal attempt to arrest eric harris in tulsa , oklahoma , have been reassigned because of threats against them and their families , sheriff stanley glanz said monday in a news conference .the deputies were trying to arrest harris when reserve deputy robert bates shot him .unlike bates , they are not charged with a crime , but have come under criticism for pinning harris \\' head to the ground as he said , \" i \\'m losing my breath . \"']\n", - "=======================\n", - "['deputies reassigned after threats , sheriff saysthe two deputies pinned eric harris to the ground and one yelled \" f*ck your breath \" at him after he was shot']\n", - "( cnn ) two deputies involved in the fatal attempt to arrest eric harris in tulsa , oklahoma , have been reassigned because of threats against them and their families , sheriff stanley glanz said monday in a news conference .the deputies were trying to arrest harris when reserve deputy robert bates shot him .unlike bates , they are not charged with a crime , but have come under criticism for pinning harris ' head to the ground as he said , \" i 'm losing my breath . \"\n", - "deputies reassigned after threats , sheriff saysthe two deputies pinned eric harris to the ground and one yelled \" f*ck your breath \" at him after he was shot\n", - "[1.490194 1.2691232 1.216356 1.2340443 1.1757636 1.1673579 1.1186246\n", - " 1.0846378 1.0857929 1.075887 1.0671895 1.0369666 1.0365108 1.0622767\n", - " 1.0286206 1.0384282 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 5 6 8 7 9 10 13 15 11 12 14 16 17 18 19]\n", - "=======================\n", - "['( the hollywood reporter ) ben powers , who played thelma \\'s ( bernnadette stanis ) husband keith anderson on the final season of the classic cbs sitcom \" good times , \" has died .powers died april 6 in new bedford , mass. , his family announced .no cause of death was revealed .']\n", - "=======================\n", - "['ben powers joined the cast of \" good times \" for its sixth and final seasonhe played thelma \\'s husband keith anderson']\n", - "( the hollywood reporter ) ben powers , who played thelma 's ( bernnadette stanis ) husband keith anderson on the final season of the classic cbs sitcom \" good times , \" has died .powers died april 6 in new bedford , mass. , his family announced .no cause of death was revealed .\n", - "ben powers joined the cast of \" good times \" for its sixth and final seasonhe played thelma 's husband keith anderson\n", - "[1.2829181 1.44609 1.3070524 1.3533858 1.1092384 1.0479385 1.103926\n", - " 1.0509084 1.1477591 1.0948237 1.02103 1.0844972 1.100621 1.0463561\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 8 4 6 12 9 11 7 5 13 10 14 15 16 17 18 19 20]\n", - "=======================\n", - "['alondra luna nunez was mistakenly flown to texas on april 16 after a judge in the western state of michoacan ruled in favor of a houston woman who believed she was her daughter .she was returned to her family in mexico on wednesday after dna testing in the united states showed she was not the long-missing daughter of houston resident dorotea garcia .mexican prosecutors have launched an investigation of possible criminal conduct in the case of a 14-year-old girl mistakenly sent to the u.s. to live with a woman who claimed to be her mother , authorities said friday .']\n", - "=======================\n", - "[\"mexican prosecutors are looking into possible criminal conductalondra luna nunez was flown to texas on april 16 after a judge ruled in favor of a houston woman who believed alondra was her daughterdna testing in texas showed that she was not dorotea garcia 's daughterthe 14-year-old was returned to her family in mexico on wednesdayalondra 's case drew international attention after a video of her being forced into a police vehicle last week appeared online\"]\n", - "alondra luna nunez was mistakenly flown to texas on april 16 after a judge in the western state of michoacan ruled in favor of a houston woman who believed she was her daughter .she was returned to her family in mexico on wednesday after dna testing in the united states showed she was not the long-missing daughter of houston resident dorotea garcia .mexican prosecutors have launched an investigation of possible criminal conduct in the case of a 14-year-old girl mistakenly sent to the u.s. to live with a woman who claimed to be her mother , authorities said friday .\n", - "mexican prosecutors are looking into possible criminal conductalondra luna nunez was flown to texas on april 16 after a judge ruled in favor of a houston woman who believed alondra was her daughterdna testing in texas showed that she was not dorotea garcia 's daughterthe 14-year-old was returned to her family in mexico on wednesdayalondra 's case drew international attention after a video of her being forced into a police vehicle last week appeared online\n", - "[1.2903869 1.4903686 1.2006835 1.3470955 1.2524537 1.1220871 1.1433226\n", - " 1.1323245 1.1615543 1.0140483 1.0326155 1.0193247 1.165894 1.0166559\n", - " 1.0403565 1.0742513 1.0445786 1.0296746 1.0417017 1.0117155 1.0105327]\n", - "\n", - "[ 1 3 0 4 2 12 8 6 7 5 15 16 18 14 10 17 11 13 9 19 20]\n", - "=======================\n", - "[\"bill dudley is still ` lovin ' it ' and has no plans to quit the fast-food joint in mold , flintshire , north wales .europe 's oldest mcdonald 's worker has celebrated his 90th birthday with colleagues .great grandfather and second world war veteran bill celebrates his special with fellow employees at mcdonald 's in mold .\"]\n", - "=======================\n", - "[\"bill dudley is still ` lovin ' it ' working at the fast-food joint in mold , north waleswife margaret , 71 , has nicknamed her hubby old mcdonald for his longevitybill 's special day was marked with a cake and tickets for a weekend away\"]\n", - "bill dudley is still ` lovin ' it ' and has no plans to quit the fast-food joint in mold , flintshire , north wales .europe 's oldest mcdonald 's worker has celebrated his 90th birthday with colleagues .great grandfather and second world war veteran bill celebrates his special with fellow employees at mcdonald 's in mold .\n", - "bill dudley is still ` lovin ' it ' working at the fast-food joint in mold , north waleswife margaret , 71 , has nicknamed her hubby old mcdonald for his longevitybill 's special day was marked with a cake and tickets for a weekend away\n", - "[1.5585186 1.45557 1.4221909 1.394764 1.146014 1.0279045 1.0242751\n", - " 1.022962 1.0478885 1.0555935 1.0194235 1.0761706 1.0880799 1.0137988\n", - " 1.0107554 1.0075779 1.0558941 1.0826089 1.0393585 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 12 17 11 16 9 8 18 5 6 7 10 13 14 15 19 20]\n", - "=======================\n", - "[\"morgan schneiderlin says southampton are refusing to give up on their champions league aspirations despite saturday 's damaging defeat at stoke .saints missed the chance to close the gap on fourth-placed manchester city to two points as they went down to a 2-1 defeat at the britannia stadium .schneiderlin opened the scoring with his first barclays premier league goal since september , but a mistake from saints goalkeeper kelvin davis allowed mame diouf to equalise and substitute charlie adam stole all three points with six minutes to go .\"]\n", - "=======================\n", - "['southampton went down 2-1 to stoke at the britannia stadium on saturdaymorgan schneiderlin opened the scoring in the 22nd minutethe saints are now five points adrift of fourth place']\n", - "morgan schneiderlin says southampton are refusing to give up on their champions league aspirations despite saturday 's damaging defeat at stoke .saints missed the chance to close the gap on fourth-placed manchester city to two points as they went down to a 2-1 defeat at the britannia stadium .schneiderlin opened the scoring with his first barclays premier league goal since september , but a mistake from saints goalkeeper kelvin davis allowed mame diouf to equalise and substitute charlie adam stole all three points with six minutes to go .\n", - "southampton went down 2-1 to stoke at the britannia stadium on saturdaymorgan schneiderlin opened the scoring in the 22nd minutethe saints are now five points adrift of fourth place\n", - "[1.1797266 1.3990703 1.0566278 1.3302796 1.1696267 1.1284622 1.0556722\n", - " 1.041843 1.124675 1.0956197 1.046517 1.0604436 1.0460932 1.126684\n", - " 1.0207165 1.1385564 1.0538726 1.0631857 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 15 5 13 8 9 17 11 2 6 16 10 12 7 14 19 18 20]\n", - "=======================\n", - "[\"benjamin netanyahu said iran 's agreement to reduce some of its nuclear programme in return for the lifting of sanctions would pave the way for tehran to build an atomic bomb .israel 's leader reacted furiously to the west 's nuclear deal with iran yesterday , warning that it would threaten his country 's very survival .but israel , which fears an iranian nuclear attack , issued a series of dire warnings .\"]\n", - "=======================\n", - "[\"lifting sanctions could pave the way for iran to build atomic bombobama hailed new deal as a ` historic understanding 'critics including saudi arabia fear deal gives iran scope to cheat\"]\n", - "benjamin netanyahu said iran 's agreement to reduce some of its nuclear programme in return for the lifting of sanctions would pave the way for tehran to build an atomic bomb .israel 's leader reacted furiously to the west 's nuclear deal with iran yesterday , warning that it would threaten his country 's very survival .but israel , which fears an iranian nuclear attack , issued a series of dire warnings .\n", - "lifting sanctions could pave the way for iran to build atomic bombobama hailed new deal as a ` historic understanding 'critics including saudi arabia fear deal gives iran scope to cheat\n", - "[1.4667017 1.1181183 1.3090616 1.1180961 1.4709158 1.0482211 1.0749403\n", - " 1.025462 1.0264744 1.0695456 1.0342884 1.0694312 1.0351044 1.0430948\n", - " 1.0632958 1.0630707 1.022017 1.0329803 1.0450293 1.0365884 0. ]\n", - "\n", - "[ 4 0 2 1 3 6 9 11 14 15 5 18 13 19 12 10 17 8 7 16 20]\n", - "=======================\n", - "[\"chelsea striker diego costa limped off with a hamstring injury shortly after coming on at the intervaljose mourinho had placed the barclays premier league 's joint-top goalscorer on standby for this match , insisting he would only turn to diego costa if absolutely necessary .the # 32million striker was required to stop chelsea squandering the opportunity to open a seven-point advantage over their title rivals .\"]\n", - "=======================\n", - "['chelsea will be without top scorer diego costa for at least two gamesthe # 32m striker suffered recurrence of hamstring injury against stokeloic remy and eden hazard scored in 2-1 victory at stamford bridge']\n", - "chelsea striker diego costa limped off with a hamstring injury shortly after coming on at the intervaljose mourinho had placed the barclays premier league 's joint-top goalscorer on standby for this match , insisting he would only turn to diego costa if absolutely necessary .the # 32million striker was required to stop chelsea squandering the opportunity to open a seven-point advantage over their title rivals .\n", - "chelsea will be without top scorer diego costa for at least two gamesthe # 32m striker suffered recurrence of hamstring injury against stokeloic remy and eden hazard scored in 2-1 victory at stamford bridge\n", - "[1.2893301 1.477399 1.2710468 1.1563381 1.3141322 1.1560762 1.136571\n", - " 1.1565446 1.0298241 1.0205112 1.0320449 1.0846897 1.024276 1.0856291\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 2 7 3 5 6 13 11 10 8 12 9 14 15 16 17 18]\n", - "=======================\n", - "[\"james may , 52 , revealed he had prematurely celebrated the three-year deal by ordering a rare # 200,000 ferrari before clarkson 's sacking after an infamous ` fracas ' with producer oisin tymon .jeremy clarkson and his fellow top gear presenters were just about to renew their lucrative contacts for three more years but they were scrapped when the star punched the show 's producer .may says he had ordered the last ever ferrari 458 speciale - in bright orange - while the ` draft version ' of the lucrative contract was sitting on his desk ` with only a few details to resolve ' .\"]\n", - "=======================\n", - "[\"james may reveals he celebrated prematurely by ordering # 200,000 ferrarilucrative contract was in a draft form with only a few details to resolvebut offer was taken away after clarkson 's infamous ` fracas ' with producermay said trio planned to continue making show before leaving ` with dignity '\"]\n", - "james may , 52 , revealed he had prematurely celebrated the three-year deal by ordering a rare # 200,000 ferrari before clarkson 's sacking after an infamous ` fracas ' with producer oisin tymon .jeremy clarkson and his fellow top gear presenters were just about to renew their lucrative contacts for three more years but they were scrapped when the star punched the show 's producer .may says he had ordered the last ever ferrari 458 speciale - in bright orange - while the ` draft version ' of the lucrative contract was sitting on his desk ` with only a few details to resolve ' .\n", - "james may reveals he celebrated prematurely by ordering # 200,000 ferrarilucrative contract was in a draft form with only a few details to resolvebut offer was taken away after clarkson 's infamous ` fracas ' with producermay said trio planned to continue making show before leaving ` with dignity '\n", - "[1.142091 1.3853465 1.4008142 1.2279761 1.1708269 1.115124 1.0944347\n", - " 1.0702406 1.0903451 1.0928762 1.0813949 1.039093 1.0705544 1.090912\n", - " 1.0746909 1.010885 1.0091048 1.01756 1.0062003]\n", - "\n", - "[ 2 1 3 4 0 5 6 9 13 8 10 14 12 7 11 17 15 16 18]\n", - "=======================\n", - "[\"a new report says 57 per cent of adults in the uk claim to use a discount store like poundland every week because the ` stigma ' of shopping in budget stores has ended , experts have said .almost half of all people who have visited discounters such as 99p stores , poundstretcher , b&m bargains and wilkinsons are middle class and among the country 's highest earners , research has found .of those 53 per cent are in the top a/b social class , who on average earn more than # 35,000-a-year , a significant increase from the 37 per cent figure a year ago .\"]\n", - "=======================\n", - "[\"number of britain 's highest earners going to pound stores is now up 20 %more than half of all shoppers say they head to pound shops each weekexperts say they are topping up their weekly shop , often from lidl or aldi\"]\n", - "a new report says 57 per cent of adults in the uk claim to use a discount store like poundland every week because the ` stigma ' of shopping in budget stores has ended , experts have said .almost half of all people who have visited discounters such as 99p stores , poundstretcher , b&m bargains and wilkinsons are middle class and among the country 's highest earners , research has found .of those 53 per cent are in the top a/b social class , who on average earn more than # 35,000-a-year , a significant increase from the 37 per cent figure a year ago .\n", - "number of britain 's highest earners going to pound stores is now up 20 %more than half of all shoppers say they head to pound shops each weekexperts say they are topping up their weekly shop , often from lidl or aldi\n", - "[1.3429612 1.329765 1.171374 1.3705755 1.238412 1.1318502 1.0312222\n", - " 1.0202557 1.0165274 1.1787591 1.0517648 1.0447836 1.0218441 1.0360258\n", - " 1.0255654 1.0572444 1.0168173 1.0519257 0. ]\n", - "\n", - "[ 3 0 1 4 9 2 5 15 17 10 11 13 6 14 12 7 16 8 18]\n", - "=======================\n", - "[\"lee garlington is opening up about his secret gay relationship with hollywood star rock hudson ( above with james dean and elizabeth taylor on the set of giant )garlington says he was an extra on a movie set when he first decided to check out hudson , having heard rumors the star was gay , but had to wait an entire year until he heard from the star . 'hudson was briefly married to phyllis gates ( wedding photo above ) from 1955 to 1958\"]\n", - "=======================\n", - "[\"lee garlington is opening up about his secret gay relationship with hollywood star rock hudsongarlington and hudson dated from 1962 until 1965 , and hudson called him his ` one true love 'garlington says he would sneak over to the star 's house after work , and leave first thing in the morninghe also says the two would each bring a date when they went out to avoid being outedhudson died in 1985 of aids\"]\n", - "lee garlington is opening up about his secret gay relationship with hollywood star rock hudson ( above with james dean and elizabeth taylor on the set of giant )garlington says he was an extra on a movie set when he first decided to check out hudson , having heard rumors the star was gay , but had to wait an entire year until he heard from the star . 'hudson was briefly married to phyllis gates ( wedding photo above ) from 1955 to 1958\n", - "lee garlington is opening up about his secret gay relationship with hollywood star rock hudsongarlington and hudson dated from 1962 until 1965 , and hudson called him his ` one true love 'garlington says he would sneak over to the star 's house after work , and leave first thing in the morninghe also says the two would each bring a date when they went out to avoid being outedhudson died in 1985 of aids\n", - "[1.4383569 1.3133457 1.1498992 1.3908195 1.0845184 1.1023264 1.1652813\n", - " 1.1142495 1.1087425 1.0804638 1.0476724 1.1080017 1.2233641 1.030441\n", - " 1.0174222 1.0481659 1.0558395 0. 0. ]\n", - "\n", - "[ 0 3 1 12 6 2 7 8 11 5 4 9 16 15 10 13 14 17 18]\n", - "=======================\n", - "[\"lyon returned to the top of the ligue 1 table after securing a 2-2 draw from a topsy-turvy rhone valley derby match against saint-etienne at the stade de gerland on sunday night .clinton n'jie handed the hosts the lead midway through the first half before lindsay rose saw red for hubert fournier 's high flyers and max gradel converted from the spot to level matters .adama traore scores the second half goal for rene girard 's side on sunday\"]\n", - "=======================\n", - "[\"clinton n'jie gave lyon the lead but max gradel equalised from the spotlindsay rose was sent off for the home side inside the opening half-hourromain hamouma put st-etienne ahead but christophe jallet hit backlyon are level on points with champions psg who have a game in hand\"]\n", - "lyon returned to the top of the ligue 1 table after securing a 2-2 draw from a topsy-turvy rhone valley derby match against saint-etienne at the stade de gerland on sunday night .clinton n'jie handed the hosts the lead midway through the first half before lindsay rose saw red for hubert fournier 's high flyers and max gradel converted from the spot to level matters .adama traore scores the second half goal for rene girard 's side on sunday\n", - "clinton n'jie gave lyon the lead but max gradel equalised from the spotlindsay rose was sent off for the home side inside the opening half-hourromain hamouma put st-etienne ahead but christophe jallet hit backlyon are level on points with champions psg who have a game in hand\n", - "[1.3151164 1.3734345 1.3534632 1.3209531 1.2703352 1.0533845 1.0277916\n", - " 1.0190054 1.0244834 1.0275704 1.0168376 1.0195466 1.0262717 1.0576307\n", - " 1.1972889 1.1491481 1.0916538 1.0958619 1.058603 ]\n", - "\n", - "[ 1 2 3 0 4 14 15 17 16 18 13 5 6 9 12 8 11 7 10]\n", - "=======================\n", - "['holidaymakers , many with young children enjoying the last day of the easter break , had gathered to watch the cannonball be fired from the wooden trebuchet -- the largest working siege machine in the world .however , the big display ended in catastrophe when sparks from the fireball ignited the roof of a nearby ancient boathouse , causing it to erupt into flames .the thatched building , which overlooks the river avon within the castle grounds in warwickshire , was unoccupied when it became engulfed in fire at about 5.45 pm yesterday .']\n", - "=======================\n", - "['holidaymakers watched in horror as ancient boathouse erupted into flamessparks from flaming cannonball fired from wooden trebuchet caused blazetourists evacuated from warwick castle as thatched building burnt downno one injured in incident which occurred on last day of easter holidays']\n", - "holidaymakers , many with young children enjoying the last day of the easter break , had gathered to watch the cannonball be fired from the wooden trebuchet -- the largest working siege machine in the world .however , the big display ended in catastrophe when sparks from the fireball ignited the roof of a nearby ancient boathouse , causing it to erupt into flames .the thatched building , which overlooks the river avon within the castle grounds in warwickshire , was unoccupied when it became engulfed in fire at about 5.45 pm yesterday .\n", - "holidaymakers watched in horror as ancient boathouse erupted into flamessparks from flaming cannonball fired from wooden trebuchet caused blazetourists evacuated from warwick castle as thatched building burnt downno one injured in incident which occurred on last day of easter holidays\n", - "[1.1031562 1.3953257 1.2246244 1.241211 1.3221793 1.0878024 1.1284602\n", - " 1.2168968 1.0404146 1.1141862 1.1174177 1.0244708 1.0922362 1.0415846\n", - " 1.0263411 1.034458 1.059829 1.0199089]\n", - "\n", - "[ 1 4 3 2 7 6 10 9 0 12 5 16 13 8 15 14 11 17]\n", - "=======================\n", - "['jamie jewitt , 24 , and henry rogers , 22 , both admit that when they were in their teens , their self-esteem was at rock bottom .henry , from ealing , reached eighteen stone at his heaviest .however , after reaching 18st , he decided to embark on a strict diet and after shedding the pounds and slimming down to 12st , he landed a job at abercrombie & fitch , where he was scouted by top agency , models 1 .']\n", - "=======================\n", - "['jamie jewitt , 24 , and henry rogers , 22 , had no self-confidencejamie was 15st by the age of 15 but went on a strict vegan diethenry was 18st at his heaviest but is now a top modelhave landed tv careers and want to promote healthy body image']\n", - "jamie jewitt , 24 , and henry rogers , 22 , both admit that when they were in their teens , their self-esteem was at rock bottom .henry , from ealing , reached eighteen stone at his heaviest .however , after reaching 18st , he decided to embark on a strict diet and after shedding the pounds and slimming down to 12st , he landed a job at abercrombie & fitch , where he was scouted by top agency , models 1 .\n", - "jamie jewitt , 24 , and henry rogers , 22 , had no self-confidencejamie was 15st by the age of 15 but went on a strict vegan diethenry was 18st at his heaviest but is now a top modelhave landed tv careers and want to promote healthy body image\n", - "[1.202233 1.1702583 1.2557763 1.2750769 1.1062609 1.0880408 1.1630292\n", - " 1.221055 1.0492442 1.0914302 1.0675682 1.0723729 1.1049929 1.1283458\n", - " 1.0254103 1.119736 1.0366212 0. ]\n", - "\n", - "[ 3 2 7 0 1 6 13 15 4 12 9 5 11 10 8 16 14 17]\n", - "=======================\n", - "['now the canadian singer has revealed to people magazine that she was bedridden for five months after contracting lyme disease .focus on the mystery intensified in december after a fan twitter account posted a direct message from lavigne when she solicited prayers , saying she was \" having some health issues . \"( cnn ) when singer avril lavigne went missing from the music scene , there was tons of speculation .']\n", - "=======================\n", - "['the singer had been off the scene for a whileshe says she was bedridden for monthslavigne was sometimes too weak to shower']\n", - "now the canadian singer has revealed to people magazine that she was bedridden for five months after contracting lyme disease .focus on the mystery intensified in december after a fan twitter account posted a direct message from lavigne when she solicited prayers , saying she was \" having some health issues . \"( cnn ) when singer avril lavigne went missing from the music scene , there was tons of speculation .\n", - "the singer had been off the scene for a whileshe says she was bedridden for monthslavigne was sometimes too weak to shower\n", - "[1.1709701 1.4041791 1.2414552 1.1546943 1.1672362 1.2246755 1.1621648\n", - " 1.1377122 1.105862 1.0539557 1.0598385 1.0855432 1.060891 1.0733547\n", - " 1.0751452 1.0410873 1.0369067 1.0567701]\n", - "\n", - "[ 1 2 5 0 4 6 3 7 8 11 14 13 12 10 17 9 15 16]\n", - "=======================\n", - "[\"australian prime minister tony abbott says the eu must ` urgently ' follow his lead to stop migrants dying in the mediterranean as they seek a new life in europe .yesterday italian prime minister matteo renzi said his country was ` at war ' with migrant traffickers , describing them as ` the slave traders of the 21st century ' .immigration controls in australia are so tough that asylum seekers are rejected on board naval warships at sea before being returned immediately , it emerged yesterday .\"]\n", - "=======================\n", - "[\"migrant asylum claims are processed by the australian navy while at seaunsuccessful applicants are returned home without reaching dry landup to 900 migrants are feared drowned after their boat to europe capsizedaustralian pm tony abbott advised the eu ` to stop the boats '\"]\n", - "australian prime minister tony abbott says the eu must ` urgently ' follow his lead to stop migrants dying in the mediterranean as they seek a new life in europe .yesterday italian prime minister matteo renzi said his country was ` at war ' with migrant traffickers , describing them as ` the slave traders of the 21st century ' .immigration controls in australia are so tough that asylum seekers are rejected on board naval warships at sea before being returned immediately , it emerged yesterday .\n", - "migrant asylum claims are processed by the australian navy while at seaunsuccessful applicants are returned home without reaching dry landup to 900 migrants are feared drowned after their boat to europe capsizedaustralian pm tony abbott advised the eu ` to stop the boats '\n", - "[1.3530507 1.4240386 1.3403239 1.1260691 1.2657726 1.0176592 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 3 5 15 14 13 12 11 8 9 16 7 6 10 17]\n", - "=======================\n", - "[\"detective sergeant stephen phillips , 46 , and police constables christopher evans , 37 , and michael stokes , 34 are all facing charges of ` theft by a serving police officer ' .three police officers have been sent forward for trial after being accused of stealing bundles of notes worth # 30,000 from the home of a suspected criminal .cardiff crown court heard that the three officers from south wales police were all arrested as a result of an investigation being carried out by the force 's professional standards department .\"]\n", - "=======================\n", - "[\"south wales police launched an investigation into three of its officersstephen phillips , christoper evans and michael stokes are all facing trialthe thee officers are all accused of ` theft by a serving police officer 'phillips , evans and stokes will stand trial in june in cardiff crown court\"]\n", - "detective sergeant stephen phillips , 46 , and police constables christopher evans , 37 , and michael stokes , 34 are all facing charges of ` theft by a serving police officer ' .three police officers have been sent forward for trial after being accused of stealing bundles of notes worth # 30,000 from the home of a suspected criminal .cardiff crown court heard that the three officers from south wales police were all arrested as a result of an investigation being carried out by the force 's professional standards department .\n", - "south wales police launched an investigation into three of its officersstephen phillips , christoper evans and michael stokes are all facing trialthe thee officers are all accused of ` theft by a serving police officer 'phillips , evans and stokes will stand trial in june in cardiff crown court\n", - "[1.2077388 1.0627534 1.1780689 1.211176 1.1229477 1.3353133 1.045664\n", - " 1.2131906 1.1021134 1.0359709 1.0493108 1.0731642 1.0237317 1.0694002\n", - " 1.057429 1.1440309 1.0297891 0. ]\n", - "\n", - "[ 5 7 3 0 2 15 4 8 11 13 1 14 10 6 9 16 12 17]\n", - "=======================\n", - "[\"the great wall of china was created in 500 bc to protect the country 's northern border against foreign invasion .the wall attracts over 10 million visitors annually so you could be battling your way through the crowds and not just the steep inclines .it appears nowadays that it is not an official holiday until you 've uploaded your pictures to instagram with the intention of letting all those at home know how incredible your time away is .\"]\n", - "=======================\n", - "['tactical filters used on the mobile phone app instagram can paint a different picture of holiday awayfrom the taj mahal to celebrities hangouts , the truth can look very differentphotographs reveal the funny or stark reality behind famous tourist spots visited by millions']\n", - "the great wall of china was created in 500 bc to protect the country 's northern border against foreign invasion .the wall attracts over 10 million visitors annually so you could be battling your way through the crowds and not just the steep inclines .it appears nowadays that it is not an official holiday until you 've uploaded your pictures to instagram with the intention of letting all those at home know how incredible your time away is .\n", - "tactical filters used on the mobile phone app instagram can paint a different picture of holiday awayfrom the taj mahal to celebrities hangouts , the truth can look very differentphotographs reveal the funny or stark reality behind famous tourist spots visited by millions\n", - "[1.3808331 1.2372195 1.3284897 1.2407069 1.0836797 1.0788568 1.056547\n", - " 1.0391319 1.1714644 1.1627215 1.0675092 1.072753 1.0262648 1.0155964\n", - " 1.0171396 1.0223776 1.088977 1.0635457 1.0453917 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 3 1 8 9 16 4 5 11 10 17 6 18 7 12 15 14 13 19 20 21]\n", - "=======================\n", - "[\"ken clarke has bemoaned the tories ' recent electoral performances , claiming the party has become ` too right-wing ' to win an election outrightin a wide-ranging interview with the new statesman magazine , mr clarke also warned against offering ` blank cheques ' to the nhs and foreign aid budgets , and criticised the tory leadership for making personal attacks on ed miliband .mr clarke , who served four years in david cameron 's cabinet , is known for his outspoken views , and is one of the few remaining tory cheerleaders for the european union .\"]\n", - "=======================\n", - "[\"tory mp ken clarke claims the party has become ` much too right-wing 'he bemoaned its recent electoral performances and criticised its strategythe long-serving mp warned against offering ` blank cheques ' to the nhshe has served under margaret thatcher , john major and david cameron\"]\n", - "ken clarke has bemoaned the tories ' recent electoral performances , claiming the party has become ` too right-wing ' to win an election outrightin a wide-ranging interview with the new statesman magazine , mr clarke also warned against offering ` blank cheques ' to the nhs and foreign aid budgets , and criticised the tory leadership for making personal attacks on ed miliband .mr clarke , who served four years in david cameron 's cabinet , is known for his outspoken views , and is one of the few remaining tory cheerleaders for the european union .\n", - "tory mp ken clarke claims the party has become ` much too right-wing 'he bemoaned its recent electoral performances and criticised its strategythe long-serving mp warned against offering ` blank cheques ' to the nhshe has served under margaret thatcher , john major and david cameron\n", - "[1.2136823 1.3482213 1.3267293 1.309415 1.2477556 1.1191067 1.063227\n", - " 1.1648793 1.1851293 1.0639155 1.0710827 1.0654247 1.0974456 1.0592995\n", - " 1.1161897 1.0096155 1.096138 1.0836257 1.0142376 1.0364459 1.0205853\n", - " 0. ]\n", - "\n", - "[ 1 2 3 4 0 8 7 5 14 12 16 17 10 11 9 6 13 19 20 18 15 21]\n", - "=======================\n", - "[\"the 37-year-old had been missing since about 8:30 am on wednesday morning .she returned to her home near sydney on thursday evening , and is ` safe and well ' with loved ones .ms bialek 's husband , sabino matera , confirmed she was home shortly after 6:30 pm on thursday .\"]\n", - "=======================\n", - "[\"jessica bialek found ` safe and well ' after vanishing 36 hours earlierms bialek was last seen leaving her home at 8.30 am on wednesdayshe was walking to the bank in coogee , south-eastern sydneypolice are concerned for her welfare and have launched an investigationms bialek 's husband has pleaded for help in finding his wifeon thursday her father made a plea for her to contact familythe mother-of-one is an accomplished arts photographer\"]\n", - "the 37-year-old had been missing since about 8:30 am on wednesday morning .she returned to her home near sydney on thursday evening , and is ` safe and well ' with loved ones .ms bialek 's husband , sabino matera , confirmed she was home shortly after 6:30 pm on thursday .\n", - "jessica bialek found ` safe and well ' after vanishing 36 hours earlierms bialek was last seen leaving her home at 8.30 am on wednesdayshe was walking to the bank in coogee , south-eastern sydneypolice are concerned for her welfare and have launched an investigationms bialek 's husband has pleaded for help in finding his wifeon thursday her father made a plea for her to contact familythe mother-of-one is an accomplished arts photographer\n", - "[1.1205274 1.2950467 1.2852883 1.2537609 1.0983627 1.0930964 1.2010832\n", - " 1.0305631 1.0312812 1.0414983 1.0359085 1.1167188 1.0577463 1.035091\n", - " 1.0256494 1.0260147 1.0560492 1.0513134 1.0497122 1.0173551 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 6 0 11 4 5 12 16 17 18 9 10 13 8 7 15 14 19 20 21]\n", - "=======================\n", - "['in the book ` men and sheds , \\' the author gordon thorburn called the wooden buildings a \" male necessity \" - somewhere were they could do some woodwork , pot some plants or even just read the newspaper in peace .but now the female sex and demanding a place at the bottom of the garden to call their own - a she shed .they are commissioning sheds in a range of styles from beach huts and gypsy caravans to mock tudor pavilions with tiled floors .']\n", - "=======================\n", - "['for years , the garden shed has been the domain of the manbut now women are demanding their own huts at the bottom of the gardenthey come in an array of styles including beach huts and tudor cottages']\n", - "in the book ` men and sheds , ' the author gordon thorburn called the wooden buildings a \" male necessity \" - somewhere were they could do some woodwork , pot some plants or even just read the newspaper in peace .but now the female sex and demanding a place at the bottom of the garden to call their own - a she shed .they are commissioning sheds in a range of styles from beach huts and gypsy caravans to mock tudor pavilions with tiled floors .\n", - "for years , the garden shed has been the domain of the manbut now women are demanding their own huts at the bottom of the gardenthey come in an array of styles including beach huts and tudor cottages\n", - "[1.2490155 1.1733899 1.2204618 1.1175086 1.2990232 1.3125153 1.1562233\n", - " 1.0974501 1.2176346 1.0734293 1.0467857 1.059458 1.023548 1.0554204\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 5 4 0 2 8 1 6 3 7 9 11 13 10 12 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"jose mourinho was visibly surprised by a question he was asked at his chelsea press conferencebut after going to great lengths to insist there are ` no problems ' with arsene wenger after the pair clashed on the sidelines at stamford bridge last season , mourinho was stumped by the question that followed .jose mourinho relishes the pre-match press conference .\"]\n", - "=======================\n", - "[\"jose mourinho was speaking ahead of chelsea 's visit to arsenalhe made an effort to play down talk of not respecting arsene wengerbut mourinho was stunned by a cleverly worded question regarding his clashes with wenger and chelsea 's title bidmourinho : cesc fabregas chose chelsea over arsenal to win trophiesclick here for arsenal vs chelsea team news and probable line ups\"]\n", - "jose mourinho was visibly surprised by a question he was asked at his chelsea press conferencebut after going to great lengths to insist there are ` no problems ' with arsene wenger after the pair clashed on the sidelines at stamford bridge last season , mourinho was stumped by the question that followed .jose mourinho relishes the pre-match press conference .\n", - "jose mourinho was speaking ahead of chelsea 's visit to arsenalhe made an effort to play down talk of not respecting arsene wengerbut mourinho was stunned by a cleverly worded question regarding his clashes with wenger and chelsea 's title bidmourinho : cesc fabregas chose chelsea over arsenal to win trophiesclick here for arsenal vs chelsea team news and probable line ups\n", - "[1.157186 1.1304728 1.0857803 1.3012745 1.379349 1.146916 1.0942808\n", - " 1.1353955 1.0343109 1.0983826 1.0219971 1.0237136 1.0233915 1.0223916\n", - " 1.0326383 1.0426116 1.0467465 1.0235475 1.1080235 1.0365273 1.0276798\n", - " 1.0259714]\n", - "\n", - "[ 4 3 0 5 7 1 18 9 6 2 16 15 19 8 14 20 21 11 17 12 13 10]\n", - "=======================\n", - "[\"struggling : avril lavigne told abc news on thursday that she had a hard time getting diagnosed for lyme disease .turns out the complicated hit maker was suffering from lyme disease , which yolanda foster of the real housewives of beverly hills and eighties pop icon debbie gibson also have .in the summer of 2014 she started noticing some symptoms such as fatigue and shortness of breath , but did n't know what was plaguing her .\"]\n", - "=======================\n", - "[\"singer reveals it took her eight months to get diagnosed properlydoctors told her she was crazy and that her ailment did not existwhen she was finally diagnosed she learned she had lyme diseasehas ` no idea ' where she got the tick bite which must have been attached for 36 hours in order to transfer the diseasesame condition that has left real housewives star yolanda foster unable to read , write or watch tv\"]\n", - "struggling : avril lavigne told abc news on thursday that she had a hard time getting diagnosed for lyme disease .turns out the complicated hit maker was suffering from lyme disease , which yolanda foster of the real housewives of beverly hills and eighties pop icon debbie gibson also have .in the summer of 2014 she started noticing some symptoms such as fatigue and shortness of breath , but did n't know what was plaguing her .\n", - "singer reveals it took her eight months to get diagnosed properlydoctors told her she was crazy and that her ailment did not existwhen she was finally diagnosed she learned she had lyme diseasehas ` no idea ' where she got the tick bite which must have been attached for 36 hours in order to transfer the diseasesame condition that has left real housewives star yolanda foster unable to read , write or watch tv\n", - "[1.1490566 1.1602007 1.3124763 1.2414899 1.2985636 1.1202593 1.1958382\n", - " 1.1502848 1.0544249 1.1433742 1.1178985 1.1042612 1.0593588 1.0506918\n", - " 1.0548115 1.0466217 1.0191419 1.0085195 0. 0. ]\n", - "\n", - "[ 2 4 3 6 1 7 0 9 5 10 11 12 14 8 13 15 16 17 18 19]\n", - "=======================\n", - "['the news comes amid a chronic shortage of doctors , and last week it was revealed that 10 per cent of patients tried - and failed - to book a gp appointment in 2013/14 .this means patients tried and failed to book almost 34 million gp appointments last year .access to a gp is about to get even worse , as new figures show a third of gp training posts remain unfilled']\n", - "=======================\n", - "['in august , junior doctors begin training as either a gp or a hospital doctorthis year 29 % of gp training places are unfilled , compared with 8 % in 2013doctors warn patients may struggle to see their gp as there is a shortagethey say junior doctors worry they will be overworked as a gp']\n", - "the news comes amid a chronic shortage of doctors , and last week it was revealed that 10 per cent of patients tried - and failed - to book a gp appointment in 2013/14 .this means patients tried and failed to book almost 34 million gp appointments last year .access to a gp is about to get even worse , as new figures show a third of gp training posts remain unfilled\n", - "in august , junior doctors begin training as either a gp or a hospital doctorthis year 29 % of gp training places are unfilled , compared with 8 % in 2013doctors warn patients may struggle to see their gp as there is a shortagethey say junior doctors worry they will be overworked as a gp\n", - "[1.3818431 1.181721 1.3124795 1.292675 1.2005448 1.1305637 1.0306429\n", - " 1.0554562 1.1519206 1.1817139 1.0171268 1.0375156 1.0162101 1.0180353\n", - " 1.0367765 1.0281348 1.0598341 1.0177057 0. 0. ]\n", - "\n", - "[ 0 2 3 4 1 9 8 5 16 7 11 14 6 15 13 17 10 12 18 19]\n", - "=======================\n", - "[\"a group of eight-year-old children in new jersey have written letters to convicted cop killer mumia abu-jamal , wishing that he will ` get better soon ' while recovering in hospital from a mystery illness after being encouraged by their teacher .abu-jamal , who shot philadelphia police officer daniel faulkner in cold blood in 1981 , was taken to hospital on april 2 after collapsing in the bathroom of the state correctional institution at mahanoy .but this week he was delivered two batches of letters - one from a third grade class in orange , new jersey and another from high school students in the philadelphia student union .\"]\n", - "=======================\n", - "[\"former black panther mumia abu-jamal was hospitalized at schuykill medical center in pennsylvania on april 2 after collapsing in prisonhe was delivered ` get well ' letters from third graders in orange , new jersey , and high school students in the philadelphia student unionthe letters made mumia ` chuckle and smile 'critics say they ` promote a twisted agenda glorifying murder and hatred 'mumia is serving a life sentence after years of appeals won him a reprieve from his death sentence in 2012\"]\n", - "a group of eight-year-old children in new jersey have written letters to convicted cop killer mumia abu-jamal , wishing that he will ` get better soon ' while recovering in hospital from a mystery illness after being encouraged by their teacher .abu-jamal , who shot philadelphia police officer daniel faulkner in cold blood in 1981 , was taken to hospital on april 2 after collapsing in the bathroom of the state correctional institution at mahanoy .but this week he was delivered two batches of letters - one from a third grade class in orange , new jersey and another from high school students in the philadelphia student union .\n", - "former black panther mumia abu-jamal was hospitalized at schuykill medical center in pennsylvania on april 2 after collapsing in prisonhe was delivered ` get well ' letters from third graders in orange , new jersey , and high school students in the philadelphia student unionthe letters made mumia ` chuckle and smile 'critics say they ` promote a twisted agenda glorifying murder and hatred 'mumia is serving a life sentence after years of appeals won him a reprieve from his death sentence in 2012\n", - "[1.4793446 1.3330066 1.1457578 1.1419325 1.1959679 1.1412644 1.086257\n", - " 1.0774733 1.0693182 1.0934968 1.057721 1.0801134 1.0795679 1.062209\n", - " 1.0875518 1.0177473 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 3 5 9 14 6 11 12 7 8 13 10 15 18 16 17 19]\n", - "=======================\n", - "['( cnn ) blues legend b.b. king was hospitalized for dehydration , though the ailment did n\\'t keep him out for long .king \\'s dehydration was caused by his type ii diabetes , but he \" is much better , \" his daughter , claudette king , told the los angeles times .the legendary guitarist and vocalist released a statement thanking those who have expressed their concerns .']\n", - "=======================\n", - "['b.b king is now out of the hospital and back at homebluesman suffered from dehydration and exhaustion after a 2014 show in chicagob.b. is short for blues boy , part of the name he used as a memphis disc jockey']\n", - "( cnn ) blues legend b.b. king was hospitalized for dehydration , though the ailment did n't keep him out for long .king 's dehydration was caused by his type ii diabetes , but he \" is much better , \" his daughter , claudette king , told the los angeles times .the legendary guitarist and vocalist released a statement thanking those who have expressed their concerns .\n", - "b.b king is now out of the hospital and back at homebluesman suffered from dehydration and exhaustion after a 2014 show in chicagob.b. is short for blues boy , part of the name he used as a memphis disc jockey\n", - "[1.4999776 1.301702 1.2007668 1.1634508 1.4256816 1.1790072 1.0391271\n", - " 1.0256791 1.0123594 1.0162952 1.2186593 1.0124478 1.0408323 1.0174297\n", - " 1.0142916 1.0114121 1.0129969 1.0210872 1.0289371 1.137015 ]\n", - "\n", - "[ 0 4 1 10 2 5 3 19 12 6 18 7 17 13 9 14 16 11 8 15]\n", - "=======================\n", - "['rangers boss stuart mccall insists it will not be a major disaster if his side are forced to play two extra games to reclaim their premiership return .stuart mccall is relaxed about the prospect of rangers finishing third in the scottish championshipthe gers currently lead the way in the race for second spot in the championship , with a one-point advantage over hibernian and a six-point cushion separating them from queen of the south .']\n", - "=======================\n", - "['rangers are currently second in the championship with three games to gofinishing third would mean playing two extra play-off matches vs fourthbut manager stuart mccall is relaxed about the prospect of finishing third']\n", - "rangers boss stuart mccall insists it will not be a major disaster if his side are forced to play two extra games to reclaim their premiership return .stuart mccall is relaxed about the prospect of rangers finishing third in the scottish championshipthe gers currently lead the way in the race for second spot in the championship , with a one-point advantage over hibernian and a six-point cushion separating them from queen of the south .\n", - "rangers are currently second in the championship with three games to gofinishing third would mean playing two extra play-off matches vs fourthbut manager stuart mccall is relaxed about the prospect of finishing third\n", - "[1.40077 1.4389068 1.3961799 1.4042189 1.2161919 1.0108088 1.0861688\n", - " 1.0959265 1.0190775 1.0442479 1.010867 1.0244626 1.0145388 1.0103252\n", - " 1.1021557 1.1568154 1.0369345 1.0244771 1.0196968 0. ]\n", - "\n", - "[ 1 3 0 2 4 15 14 7 6 9 16 17 11 18 8 12 10 5 13 19]\n", - "=======================\n", - "[\"the top three nations in uefa 's rankings qualify for the competition , with england currently sitting third behind the republic of ireland and netherlands .at present , the hammers sit first in the premier league rankings with 999 points - eight ahead of second-placed burnley .hammers will be playing at upton park for the last time next season before they move to the olympic stadium\"]\n", - "=======================\n", - "[\"england sit third in uefa 's respect fair play ranking at presentwest ham sit first in the premier league rankings with 999 pointshammers are eight points ahead of second-placed burnley as of march 31\"]\n", - "the top three nations in uefa 's rankings qualify for the competition , with england currently sitting third behind the republic of ireland and netherlands .at present , the hammers sit first in the premier league rankings with 999 points - eight ahead of second-placed burnley .hammers will be playing at upton park for the last time next season before they move to the olympic stadium\n", - "england sit third in uefa 's respect fair play ranking at presentwest ham sit first in the premier league rankings with 999 pointshammers are eight points ahead of second-placed burnley as of march 31\n", - "[1.3896681 1.20388 1.3737525 1.2618637 1.2659423 1.1216929 1.0366765\n", - " 1.016585 1.0147094 1.0486598 1.057578 1.1143329 1.07953 1.0531268\n", - " 1.1342747 1.0553927 0. 0. 0. ]\n", - "\n", - "[ 0 2 4 3 1 14 5 11 12 10 15 13 9 6 7 8 16 17 18]\n", - "=======================\n", - "[\"the family of adolf hitler 's minister of propaganda joseph goebbels , pictured ( above ) in september 1934 , is suing a publisher for royalties over a biography that used extracts from his diariesnow the english edition of the biography , which includes the same entries , is due to be published by penguin random house uk and its imprint the bodley head on may 7 .the dispute comes after peter longerich , a leading authority on the holocaust and nazi germany , drew on the diaries for a biography called goebbels , which was published in germany in 2010 .\"]\n", - "=======================\n", - "[\"cordula schacht is representing the case against random house germanyher own father hjalmar schacht was hitler 's minister of economicsdispute over historian peter longerich 's book goebbels released in 2010paying money would be ` immoral ' , rainer dresen of random house said\"]\n", - "the family of adolf hitler 's minister of propaganda joseph goebbels , pictured ( above ) in september 1934 , is suing a publisher for royalties over a biography that used extracts from his diariesnow the english edition of the biography , which includes the same entries , is due to be published by penguin random house uk and its imprint the bodley head on may 7 .the dispute comes after peter longerich , a leading authority on the holocaust and nazi germany , drew on the diaries for a biography called goebbels , which was published in germany in 2010 .\n", - "cordula schacht is representing the case against random house germanyher own father hjalmar schacht was hitler 's minister of economicsdispute over historian peter longerich 's book goebbels released in 2010paying money would be ` immoral ' , rainer dresen of random house said\n", - "[1.3220901 1.4688897 1.2935131 1.3589915 1.2632622 1.0547699 1.0595894\n", - " 1.2243712 1.0650678 1.0664996 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 7 9 8 6 5 17 10 11 12 13 14 15 16 18]\n", - "=======================\n", - "['the north-african nation was expelled from the 2017 and 2019 tournaments and was fined $ 1 million by the caf .morocco pulled out as hosts of the african cup of nations , which won by ivory coast in equatorial guineathe caf also demanded a further $ 9 million in compensation , after the country pulled out because of fears related to the ebola epidemic .']\n", - "=======================\n", - "['morocco had been banned from the 2017 and 2019 african cup of nationsthe confederation of african football imposed the ban after morocco pulled out as hosts of the tournament two months from it startingmorocco fear the health risks of fans travelling from ebola-affected areasthe court of arbitration for sport lifted the ban and reduced the fine imposed from $ 1million to $ 50,000']\n", - "the north-african nation was expelled from the 2017 and 2019 tournaments and was fined $ 1 million by the caf .morocco pulled out as hosts of the african cup of nations , which won by ivory coast in equatorial guineathe caf also demanded a further $ 9 million in compensation , after the country pulled out because of fears related to the ebola epidemic .\n", - "morocco had been banned from the 2017 and 2019 african cup of nationsthe confederation of african football imposed the ban after morocco pulled out as hosts of the tournament two months from it startingmorocco fear the health risks of fans travelling from ebola-affected areasthe court of arbitration for sport lifted the ban and reduced the fine imposed from $ 1million to $ 50,000\n", - "[1.0516709 1.0397147 1.0472287 1.0501149 1.0409343 1.130616 1.0702995\n", - " 1.0587901 1.5927982 1.2403209 1.1747942 1.0793525 1.0184331 1.0129505\n", - " 1.01359 1.0133681 1.0150806 0. 0. ]\n", - "\n", - "[ 8 9 10 5 11 6 7 0 3 2 4 1 12 16 14 15 13 17 18]\n", - "=======================\n", - "[\"luis suarez scores his second goal , sending paris saint-germain keeper salvatore sirigu the wrong way , to make it 3-0 to barcelonasuarez nutmegs david luiz for the second time as he eases past the brazilian defender on his way to another stunning strikeit was also barcelona 's third -- probably the goal that puts this tie beyond reach .\"]\n", - "=======================\n", - "[\"neymar opens the scoring for barcelona after just 18 minutes thanks to an assist from lionel messiluis suarez makes it 2-0 after a brilliant individual goal - nutmegging david luiz before beating two more defenderssuarez scores his second of the night in equally stunning fashion - again nutmegging luizgregory van der wiel 's deflected effort gives psg some hope ahead of the second leg on april 21st\"]\n", - "luis suarez scores his second goal , sending paris saint-germain keeper salvatore sirigu the wrong way , to make it 3-0 to barcelonasuarez nutmegs david luiz for the second time as he eases past the brazilian defender on his way to another stunning strikeit was also barcelona 's third -- probably the goal that puts this tie beyond reach .\n", - "neymar opens the scoring for barcelona after just 18 minutes thanks to an assist from lionel messiluis suarez makes it 2-0 after a brilliant individual goal - nutmegging david luiz before beating two more defenderssuarez scores his second of the night in equally stunning fashion - again nutmegging luizgregory van der wiel 's deflected effort gives psg some hope ahead of the second leg on april 21st\n", - "[1.2861748 1.5251969 1.2691545 1.4442196 1.1268289 1.0349721 1.0644851\n", - " 1.0347537 1.0356134 1.0818957 1.0542232 1.1085547 1.0691386 1.0445007\n", - " 1.048431 1.0170326 1.0243163 1.0632612 1.0123997]\n", - "\n", - "[ 1 3 0 2 4 11 9 12 6 17 10 14 13 8 5 7 16 15 18]\n", - "=======================\n", - "[\"destiny cooke , 16 , and lajahia cooke , 17 , were brutally kicked , punched , stomped and shoved around by the mob , who can be heard laughing during the five-minute video filmed in trenton .two teenage girls were savagely beaten by a crowd of people , including parents and other adults , in a new jersey park as onlookers videotaped the riot and encouraged the violence to continue .lajahia said one girl ripped out her earring out before the girl 's mother threw a rock at her ear , leaving a gash that required 12 stitches .\"]\n", - "=======================\n", - "[\"destiny cooke , 16 , and lajahia cooke , 17 were beaten by a mob in trentonlajahia said one girl ripped out her earring and then girl 's mother threw a rock at her ear , which required 12 stitchesdestiny has a bald spot where someone grabbed a chunk of her hairpeople can be seen holding the girls down so others can punch them over and over again , while the crowd laughs and cheersdestiny said as the sisters walked out of the park the police ` just stayed in their cars and just looked at us '\"]\n", - "destiny cooke , 16 , and lajahia cooke , 17 , were brutally kicked , punched , stomped and shoved around by the mob , who can be heard laughing during the five-minute video filmed in trenton .two teenage girls were savagely beaten by a crowd of people , including parents and other adults , in a new jersey park as onlookers videotaped the riot and encouraged the violence to continue .lajahia said one girl ripped out her earring out before the girl 's mother threw a rock at her ear , leaving a gash that required 12 stitches .\n", - "destiny cooke , 16 , and lajahia cooke , 17 were beaten by a mob in trentonlajahia said one girl ripped out her earring and then girl 's mother threw a rock at her ear , which required 12 stitchesdestiny has a bald spot where someone grabbed a chunk of her hairpeople can be seen holding the girls down so others can punch them over and over again , while the crowd laughs and cheersdestiny said as the sisters walked out of the park the police ` just stayed in their cars and just looked at us '\n", - "[1.2277269 1.3938802 1.3103627 1.3269296 1.1696538 1.2326076 1.0590321\n", - " 1.0685875 1.1451721 1.0707245 1.0287501 1.0918629 1.0401312 1.0576993\n", - " 1.0490003 1.0288105 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 5 0 4 8 11 9 7 6 13 14 12 15 10 17 16 18]\n", - "=======================\n", - "['donald graham , 62 , from sparty lea , northumberland , killed heiress and property developer janet brown , 45 , so he could fund his lavish taste in supercars and buy his second mistress a home .ms brown vanished in 2005 and her body has never been found .graham , who dubbed himself teflon don , was last year jailed for life with a minimum of 32 years for killing ms brown for her money nine years after her death .']\n", - "=======================\n", - "[\"donald graham , 62 , murdered his wealthy heiress lover for her moneyproperty developer janet brown 's body has never been foundhe was jailed for life for the murder which was motivated by greedgraham stole more than # 800,000 from ms brown to fund his love of supercars and a lavish lifestyle - but has been ordered to pay back just # 1\"]\n", - "donald graham , 62 , from sparty lea , northumberland , killed heiress and property developer janet brown , 45 , so he could fund his lavish taste in supercars and buy his second mistress a home .ms brown vanished in 2005 and her body has never been found .graham , who dubbed himself teflon don , was last year jailed for life with a minimum of 32 years for killing ms brown for her money nine years after her death .\n", - "donald graham , 62 , murdered his wealthy heiress lover for her moneyproperty developer janet brown 's body has never been foundhe was jailed for life for the murder which was motivated by greedgraham stole more than # 800,000 from ms brown to fund his love of supercars and a lavish lifestyle - but has been ordered to pay back just # 1\n", - "[1.3975563 1.3724103 1.1095239 1.095991 1.2302625 1.1567457 1.1139008\n", - " 1.183958 1.0456635 1.0887173 1.1072862 1.0616055 1.0202129 1.0154631\n", - " 1.0747857 1.0804981 1.0644978 1.0307724 0. 0. ]\n", - "\n", - "[ 0 1 4 7 5 6 2 10 3 9 15 14 16 11 8 17 12 13 18 19]\n", - "=======================\n", - "[\"every one of africa 's 54 member countries will vote for sepp blatter in next month 's fifa presidential election , the continent 's soccer boss said on tuesday , referring to the 79-year-old swiss as ` dear sepp . 'in front of blatter 's three challengers , issa hayatou , president of the confederation of african football , promised unanimous support in his speech to open caf 's annual congress in cairo .with 54 of the 209 fifa member countries eligible to vote in the presidential election in zurich on may 29 , africa is the largest of the six continental confederations .\"]\n", - "=======================\n", - "['issa hayatou , president of african football , said they will support sepp blatter in his bid to for fifth term as fifa presidentall 54 african fifa members have agreed to back blatter in the electionluis figo , prince ali bin al-hussein and michael van pragg have chosen to stand against the 79-year-old and become the new president']\n", - "every one of africa 's 54 member countries will vote for sepp blatter in next month 's fifa presidential election , the continent 's soccer boss said on tuesday , referring to the 79-year-old swiss as ` dear sepp . 'in front of blatter 's three challengers , issa hayatou , president of the confederation of african football , promised unanimous support in his speech to open caf 's annual congress in cairo .with 54 of the 209 fifa member countries eligible to vote in the presidential election in zurich on may 29 , africa is the largest of the six continental confederations .\n", - "issa hayatou , president of african football , said they will support sepp blatter in his bid to for fifth term as fifa presidentall 54 african fifa members have agreed to back blatter in the electionluis figo , prince ali bin al-hussein and michael van pragg have chosen to stand against the 79-year-old and become the new president\n", - "[1.3846823 1.2278868 1.2179898 1.1043907 1.2641274 1.1362044 1.0314754\n", - " 1.0243275 1.1001037 1.0957212 1.0299803 1.0965227 1.0794134 1.0699999\n", - " 1.0817796 1.0384283 1.0255008 1.0158696 1.1526561 1.0728365]\n", - "\n", - "[ 0 4 1 2 18 5 3 8 11 9 14 12 19 13 15 6 10 16 7 17]\n", - "=======================\n", - "[\"russian president vladimir putin has claimed that intercepted phone calls prove the us helped chechen islamic insurgents wage war against russiaputin said he raised the issue with then-us president george w. bush , who promised to ` kick the ass ' of the intelligence officers in question .in a documentary aired today on state-owned rossiya-1 tv channel , he said phone records from the early 2000s show direct contact between north caucasus separatists and us secret services .\"]\n", - "=======================\n", - "[\"putin said calls show contact between insurgents and us secret serviceshe claimed us helped chechen extremists wage war against russiapresident said george bush promised to ` kick the ass ' of officers involvedhe made claims in documentary aired today on state-owned russian tv\"]\n", - "russian president vladimir putin has claimed that intercepted phone calls prove the us helped chechen islamic insurgents wage war against russiaputin said he raised the issue with then-us president george w. bush , who promised to ` kick the ass ' of the intelligence officers in question .in a documentary aired today on state-owned rossiya-1 tv channel , he said phone records from the early 2000s show direct contact between north caucasus separatists and us secret services .\n", - "putin said calls show contact between insurgents and us secret serviceshe claimed us helped chechen extremists wage war against russiapresident said george bush promised to ` kick the ass ' of officers involvedhe made claims in documentary aired today on state-owned russian tv\n", - "[1.304852 1.4623682 1.3758619 1.4940782 1.0263423 1.0183061 1.0137564\n", - " 1.0213038 1.0927985 1.2185397 1.0872332 1.0188909 1.0147572 1.0665545\n", - " 1.01737 1.2367035 1.0806187 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 0 15 9 8 10 16 13 4 7 11 5 14 12 6 18 17 19]\n", - "=======================\n", - "[\"paris saint-germain will be without the suspended zlatan ibrahimovic and marco verratti against barcelonapsg beat ligue 1 bitter rivals olympique de marseille 3-2 , thrashed st etienne 4-1 in the french cup semi-finals , and won the league cup final 4-0 against bastia on saturday .buoyant after their strong domestic performance last week , paris st germain will look to overcome the absence of key players including striker zlatan ibrahimovic in wednesday 's champions league quarter-final first leg against barcelona .\"]\n", - "=======================\n", - "['psg take on barcelona in the champions league quarter-final first legbut ligue 1 leaders will be without a trio of key players for the fixturezlatan ibrahimovic , david luiz and marco verratti are all missingla liga giants barcelona will be without dani alves for the clash in paris']\n", - "paris saint-germain will be without the suspended zlatan ibrahimovic and marco verratti against barcelonapsg beat ligue 1 bitter rivals olympique de marseille 3-2 , thrashed st etienne 4-1 in the french cup semi-finals , and won the league cup final 4-0 against bastia on saturday .buoyant after their strong domestic performance last week , paris st germain will look to overcome the absence of key players including striker zlatan ibrahimovic in wednesday 's champions league quarter-final first leg against barcelona .\n", - "psg take on barcelona in the champions league quarter-final first legbut ligue 1 leaders will be without a trio of key players for the fixturezlatan ibrahimovic , david luiz and marco verratti are all missingla liga giants barcelona will be without dani alves for the clash in paris\n", - "[1.335892 1.4477279 1.1844466 1.3899996 1.3249171 1.025768 1.0259639\n", - " 1.0283597 1.1719124 1.1538489 1.0386777 1.027664 1.0726616 1.044786\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 8 9 12 13 10 7 11 6 5 18 14 15 16 17 19]\n", - "=======================\n", - "[\"the scandinavian brand , which opened its first uk store in westfield stratford , london , on march 27 , has also brought in 22-year-old german model toni garrn and ethiopia-born liya kebede , 37 .christy turlington , liya kebede and toni garrn are the faces of lindex 's spring 2015 campaignformer supermodel christy turlington burns is championing the message ` it 's what you do that defines you ' for fresh-to-the-uk clothing brand , lindex .\"]\n", - "=======================\n", - "[\"liya kebede and toni garrn join christy as ` super role models 'scandinavian brand lindex launches in the uk with westfield storemoney from #superrolemodel t-shirts will go to mum and child charities\"]\n", - "the scandinavian brand , which opened its first uk store in westfield stratford , london , on march 27 , has also brought in 22-year-old german model toni garrn and ethiopia-born liya kebede , 37 .christy turlington , liya kebede and toni garrn are the faces of lindex 's spring 2015 campaignformer supermodel christy turlington burns is championing the message ` it 's what you do that defines you ' for fresh-to-the-uk clothing brand , lindex .\n", - "liya kebede and toni garrn join christy as ` super role models 'scandinavian brand lindex launches in the uk with westfield storemoney from #superrolemodel t-shirts will go to mum and child charities\n", - "[1.4065242 1.2996428 1.4262041 1.2357073 1.1884465 1.1083962 1.1160625\n", - " 1.0594466 1.0165453 1.0216063 1.063101 1.0455277 1.1368299 1.025211\n", - " 1.0321355 1.0521463 1.0846338 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 3 4 12 6 5 16 10 7 15 11 14 13 9 8 17 18 19]\n", - "=======================\n", - "[\"mass murderer sutcliffe has spent more than three decades in broadmoor for the savage killings of 13 women .the families of victims of yorkshire ripper peter sutcliffe are furious at plans to move him from broadmoor to a low-security priory unit .but now , despite being one of the country 's most notorious serial killers , sutcliffe may be moved to a cushy priory unit set in berkshire woodland .\"]\n", - "=======================\n", - "['serial killer peter sutcliffe , 68 , was jailed for life for murdering 13 womenheld at broadmoor since being diagnosed with paranoid schizophreniahe is now being considered for a move to the low-security priory unit']\n", - "mass murderer sutcliffe has spent more than three decades in broadmoor for the savage killings of 13 women .the families of victims of yorkshire ripper peter sutcliffe are furious at plans to move him from broadmoor to a low-security priory unit .but now , despite being one of the country 's most notorious serial killers , sutcliffe may be moved to a cushy priory unit set in berkshire woodland .\n", - "serial killer peter sutcliffe , 68 , was jailed for life for murdering 13 womenheld at broadmoor since being diagnosed with paranoid schizophreniahe is now being considered for a move to the low-security priory unit\n", - "[1.1884465 1.2543705 1.4246353 1.3181839 1.116627 1.1545181 1.048865\n", - " 1.1042184 1.169409 1.1090337 1.014952 1.038956 1.0168799 1.0874085\n", - " 1.0788711 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 0 8 5 4 9 7 13 14 6 11 12 10 18 15 16 17 19]\n", - "=======================\n", - "[\"he will pledge discounts of up to 70 per cent to allow all 1.3 million families in housing association properties to buy their home .in a bold pitch to blue collar voters who delivered lady thatcher 's three election victories , the prime minister will call the tories ` the party of working people ' .a massive extension of margaret thatcher 's landmark right-to-buy housing policy will be announced by david cameron today .\"]\n", - "=======================\n", - "['david cameron to announce extension to right-to-buy housing policypm will extend the right-to-buy to all housing association tenantsdiscounts of up to 70 per cent to allow all families in housing association properties to buy their home .']\n", - "he will pledge discounts of up to 70 per cent to allow all 1.3 million families in housing association properties to buy their home .in a bold pitch to blue collar voters who delivered lady thatcher 's three election victories , the prime minister will call the tories ` the party of working people ' .a massive extension of margaret thatcher 's landmark right-to-buy housing policy will be announced by david cameron today .\n", - "david cameron to announce extension to right-to-buy housing policypm will extend the right-to-buy to all housing association tenantsdiscounts of up to 70 per cent to allow all families in housing association properties to buy their home .\n", - "[1.2989686 1.3483188 1.1809536 1.2217383 1.1748518 1.168556 1.1896945\n", - " 1.0535922 1.0460943 1.068052 1.0423884 1.095036 1.083031 1.0487939\n", - " 1.0443671 1.1129845 1.0482649 1.1339988 1.0498859 0. ]\n", - "\n", - "[ 1 0 3 6 2 4 5 17 15 11 12 9 7 18 13 16 8 14 10 19]\n", - "=======================\n", - "['in the slickly produced seven minute footage , jihadists are shown smashing shrines and statues in the 2,000-year old city .in the video , isis thugs balanced precariously on top of ladders are filmed smashing ancient relics in the heritage sitemilitants are also recorded chipping away at the bases of some of the larger wall sculptures and cracking boulders into ancient city pillars , while eerie music plays in the background .']\n", - "=======================\n", - "[\"jihadists shown smashing shrines and statues in 2,000-year old city that was declared a world heritage site in 1987isis thugs recorded on ladders using hammers and ak-47s to smash down historic relics on the ancient wallsthe fanatics claim relics are ` false idols ' which promote idolatry that violate their interpretation of islamic lawauthorities also believe they have been sold on the black market by the terrorist group to fund their atrocities\"]\n", - "in the slickly produced seven minute footage , jihadists are shown smashing shrines and statues in the 2,000-year old city .in the video , isis thugs balanced precariously on top of ladders are filmed smashing ancient relics in the heritage sitemilitants are also recorded chipping away at the bases of some of the larger wall sculptures and cracking boulders into ancient city pillars , while eerie music plays in the background .\n", - "jihadists shown smashing shrines and statues in 2,000-year old city that was declared a world heritage site in 1987isis thugs recorded on ladders using hammers and ak-47s to smash down historic relics on the ancient wallsthe fanatics claim relics are ` false idols ' which promote idolatry that violate their interpretation of islamic lawauthorities also believe they have been sold on the black market by the terrorist group to fund their atrocities\n", - "[1.4782603 1.4378567 1.1377926 1.4724541 1.222336 1.0746645 1.0655636\n", - " 1.052775 1.1320741 1.1126493 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 8 9 5 6 7 18 10 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"referee mark clattenburg has been named to take charge of the manchester derby on sunday , despite having sent off three players from united and city this season .city captain vincent kompany was dismissed for two bookable offences during belgium 's narrow 1-0 defeat of israel in their euro 2016 qualifier on march 31 , meaning he is now suspended for the match against wales in june .clattenburg will be joined on sunday by assistants simon beck and jake collin , while jonathan moss will serve as the fourth official .\"]\n", - "=======================\n", - "['manchester united host manchester city in premier league on sundaymark clattenburg has been named as the manchester derby refereeofficial sent off vincent kompany for belgium and both his red cards shown in the league this season have been to united players']\n", - "referee mark clattenburg has been named to take charge of the manchester derby on sunday , despite having sent off three players from united and city this season .city captain vincent kompany was dismissed for two bookable offences during belgium 's narrow 1-0 defeat of israel in their euro 2016 qualifier on march 31 , meaning he is now suspended for the match against wales in june .clattenburg will be joined on sunday by assistants simon beck and jake collin , while jonathan moss will serve as the fourth official .\n", - "manchester united host manchester city in premier league on sundaymark clattenburg has been named as the manchester derby refereeofficial sent off vincent kompany for belgium and both his red cards shown in the league this season have been to united players\n", - "[1.2481014 1.430576 1.1453637 1.3611183 1.0747429 1.1516078 1.1114895\n", - " 1.0481318 1.148791 1.1148921 1.1301248 1.0376003 1.0370233 1.1322837\n", - " 1.017131 1.0107102 1.0171487 1.0130795 1.0535985 0. ]\n", - "\n", - "[ 1 3 0 5 8 2 13 10 9 6 4 18 7 11 12 16 14 17 15 19]\n", - "=======================\n", - "[\"the labour leader used a speech to say he will ` abolish ' the 200-year-old rule for non-doms , which applies to around 116,000 people , claiming they make britain an ` offshore tax haven for a few ' and can ` no longer be justified ' .ed miliband has pledged to scrap the controversial ` non-dom ' status which allows millionaires to reduce their tax biled miliband 's claim to crackdown on the super-rich unravelled today after it emerged ed balls has warned the idea of scrapping non-dom rules would cost the country money .\"]\n", - "=======================\n", - "[\"ed miliband will today pledge to scrap the controversial ` non-dom ' statusthe rule allows britain 's richest to avoid uk tax on their worldwide incomelabour will claim it 's open to abuse and offends the moral basis of taxationbut critics will say it is another example of labour 's anti-business agenda\"]\n", - "the labour leader used a speech to say he will ` abolish ' the 200-year-old rule for non-doms , which applies to around 116,000 people , claiming they make britain an ` offshore tax haven for a few ' and can ` no longer be justified ' .ed miliband has pledged to scrap the controversial ` non-dom ' status which allows millionaires to reduce their tax biled miliband 's claim to crackdown on the super-rich unravelled today after it emerged ed balls has warned the idea of scrapping non-dom rules would cost the country money .\n", - "ed miliband will today pledge to scrap the controversial ` non-dom ' statusthe rule allows britain 's richest to avoid uk tax on their worldwide incomelabour will claim it 's open to abuse and offends the moral basis of taxationbut critics will say it is another example of labour 's anti-business agenda\n", - "[1.1007053 1.1920812 1.0463525 1.0396173 1.1060417 1.0707285 1.1365657\n", - " 1.0618877 1.079891 1.1254302 1.0598104 1.0659807 1.0698085 1.0464019\n", - " 1.06664 1.0204589 1.0631964 1.0946331 1.2255441 1.0763701]\n", - "\n", - "[18 1 6 9 4 0 17 8 19 5 12 14 11 16 7 10 13 2 3 15]\n", - "=======================\n", - "['the global slavery index says nigeria has the highest number of people in modern slavery of any sub-saharan country .the man on the phone was offering us young children with the casualness of a market trader .we were told he was one of the men running this \" unofficial \" displaced camp -- one of the many that has mushroomed in the town of yola as the influx of people fleeing boko haram has grown beyond the capacity of the official camps .']\n", - "=======================\n", - "['cnn team finds a man at \" unofficial \" displaced camp willing to provide children to be \" fostered \"he says he ca n\\'t take money for them , but eventually demands $ 500 for two girls']\n", - "the global slavery index says nigeria has the highest number of people in modern slavery of any sub-saharan country .the man on the phone was offering us young children with the casualness of a market trader .we were told he was one of the men running this \" unofficial \" displaced camp -- one of the many that has mushroomed in the town of yola as the influx of people fleeing boko haram has grown beyond the capacity of the official camps .\n", - "cnn team finds a man at \" unofficial \" displaced camp willing to provide children to be \" fostered \"he says he ca n't take money for them , but eventually demands $ 500 for two girls\n", - "[1.5247817 1.3846684 1.3054243 1.2678473 1.1330812 1.0646536 1.0216309\n", - " 1.0121726 1.3336103 1.0354251 1.0113113 1.0124776 1.2198299 1.1104213\n", - " 1.0413464 1.0353043 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 8 2 3 12 4 13 5 14 9 15 6 11 7 10 16 17 18 19 20 21]\n", - "=======================\n", - "[\"frankie dettori will be left to focus on the british flat season this summer after boss sheik joaan al thani signed up gregory benoist to ride the horses which race under his al shaqab banner in france .the only exception will be sheik joaan 's dual arc winner treve , who will continue to be partnered by veteran thierry jarnet .benoist is the only jockey to have ridden elie lellouche-trained ectot , who was unplaced for al shaqab in last year 's arc having gone into the race one of the leading fancies having won the prix niel .\"]\n", - "=======================\n", - "['frankie dettori to focus on the british flat racing season this summergregory benoist chosen to ride in france by sheik joaan al thaniap mccoy will ride his last scottish grand national on benovillo on friday']\n", - "frankie dettori will be left to focus on the british flat season this summer after boss sheik joaan al thani signed up gregory benoist to ride the horses which race under his al shaqab banner in france .the only exception will be sheik joaan 's dual arc winner treve , who will continue to be partnered by veteran thierry jarnet .benoist is the only jockey to have ridden elie lellouche-trained ectot , who was unplaced for al shaqab in last year 's arc having gone into the race one of the leading fancies having won the prix niel .\n", - "frankie dettori to focus on the british flat racing season this summergregory benoist chosen to ride in france by sheik joaan al thaniap mccoy will ride his last scottish grand national on benovillo on friday\n", - "[1.2111819 1.4252279 1.1836371 1.4029872 1.1552113 1.0541164 1.1599411\n", - " 1.0383825 1.0484406 1.112975 1.0194829 1.0360143 1.0390602 1.0241883\n", - " 1.0751601 1.0745268 1.0190128 1.0188916 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 2 6 4 9 14 15 5 8 12 7 11 13 10 16 17 18 19 20 21]\n", - "=======================\n", - "[\"after o'shae smith told judge lila statom that he shot a rival gang member for being ` in his hood ' , she had no problem telling him the area did n't actually belong to him .statom said she wanted to show smith he was n't ` in control everywhere ' .statom had a personal connection to the area that has been ravaged with gang violence , and told smith ` it used to be a very nice place to live ' .\"]\n", - "=======================\n", - "[\"o'shae smith told judge lila statom that he shot a rival gang member for being ` in his hood ' last monthstatom told him east court lakes , the housing project where the shooting took place , belonged only to the hard-working people who live therethe chattanooga area has been ravaged by gang violencestatom said she wanted to show smith that the courtroom was an area he could n't intimidate or control\"]\n", - "after o'shae smith told judge lila statom that he shot a rival gang member for being ` in his hood ' , she had no problem telling him the area did n't actually belong to him .statom said she wanted to show smith he was n't ` in control everywhere ' .statom had a personal connection to the area that has been ravaged with gang violence , and told smith ` it used to be a very nice place to live ' .\n", - "o'shae smith told judge lila statom that he shot a rival gang member for being ` in his hood ' last monthstatom told him east court lakes , the housing project where the shooting took place , belonged only to the hard-working people who live therethe chattanooga area has been ravaged by gang violencestatom said she wanted to show smith that the courtroom was an area he could n't intimidate or control\n", - "[1.1864645 1.3965596 1.2552547 1.3143882 1.2012858 1.1204093 1.0388252\n", - " 1.0899384 1.0328822 1.1021515 1.1379672 1.1077676 1.13221 1.0986804\n", - " 1.0594304 1.049116 1.08752 1.0241202 1.0260736 1.0307767 1.0240579\n", - " 1.0108007]\n", - "\n", - "[ 1 3 2 4 0 10 12 5 11 9 13 7 16 14 15 6 8 19 18 17 20 21]\n", - "=======================\n", - "[\"misao okawa was surrounded by her family and staff at her nursing home in osaka , japan , as she died of heart failure on april 1 .born on march 5 , 1898 , the great-grandmother had lived through two world wars , the invention of the television and the first successful powered aeroplane flight by the wright brothers .the world 's oldest person has died a few weeks after celebrating her 117th birthday - after saying her life seemed ` rather short ' .\"]\n", - "=======================\n", - "[\"misao okawa died peacefully in her nursing home , surrounding by familyborn in 1898 , great-grandmother celebrated her 117th birthday on march 5gertrude weaver , 116 , from arkansas , usa , now world 's oldest person\"]\n", - "misao okawa was surrounded by her family and staff at her nursing home in osaka , japan , as she died of heart failure on april 1 .born on march 5 , 1898 , the great-grandmother had lived through two world wars , the invention of the television and the first successful powered aeroplane flight by the wright brothers .the world 's oldest person has died a few weeks after celebrating her 117th birthday - after saying her life seemed ` rather short ' .\n", - "misao okawa died peacefully in her nursing home , surrounding by familyborn in 1898 , great-grandmother celebrated her 117th birthday on march 5gertrude weaver , 116 , from arkansas , usa , now world 's oldest person\n", - "[1.094531 1.3472433 1.2332133 1.1267034 1.1252567 1.2734337 1.0875541\n", - " 1.1482153 1.0866189 1.1359605 1.0661991 1.0732983 1.0944799 1.0722266\n", - " 1.0317411 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 5 2 7 9 3 4 0 12 6 8 11 13 10 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "['the extravagant device is made with 24 karat gold , rose gold or platinum and your choice of strap - including python skin .the watches are the latest expensive gift from luxury electronics firm goldgenie and are part of their apple watch spectrum collection .and one version of the extravagant watch is also adorned with a one carat diamond plus hundreds of other smaller diamonds in the strap .']\n", - "=======================\n", - "[\"london-based firm has unveiled its luxury brand of apple watchesthe expensive devices are made with 24 karat gold , rose gold or platinumothers are encrusted with diamonds and have python or crocodile skinprices range from a ` modest ' # 2,000 ( $ 3,000 ) to # 120,000 ( $ 177,000 )\"]\n", - "the extravagant device is made with 24 karat gold , rose gold or platinum and your choice of strap - including python skin .the watches are the latest expensive gift from luxury electronics firm goldgenie and are part of their apple watch spectrum collection .and one version of the extravagant watch is also adorned with a one carat diamond plus hundreds of other smaller diamonds in the strap .\n", - "london-based firm has unveiled its luxury brand of apple watchesthe expensive devices are made with 24 karat gold , rose gold or platinumothers are encrusted with diamonds and have python or crocodile skinprices range from a ` modest ' # 2,000 ( $ 3,000 ) to # 120,000 ( $ 177,000 )\n", - "[1.3999087 1.2201096 1.3318048 1.3759619 1.3144009 1.2517614 1.082836\n", - " 1.0313516 1.0519408 1.0224608 1.0330282 1.0355442 1.0199331 1.0425897\n", - " 1.1169499 1.0699162 1.0309117 1.0461894 1.0197579 1.010127 1.0121201\n", - " 0. ]\n", - "\n", - "[ 0 3 2 4 5 1 14 6 15 8 17 13 11 10 7 16 9 12 18 20 19 21]\n", - "=======================\n", - "['george osborne said he wanted to see half a million first time buyers get on the housing ladder every yearhe pledged to double the number of people buying their first home using government help-to-by schemes .since 2010 there have been 1.2 million first-time purchases and mr osborne wants at least 2.4 million more over the next five years .']\n", - "=======================\n", - "['chancellor pledged to double the number of people buying their first homesince 2010 there have been 1.2 million first-time buyers getting first homesmr osborne wants at least 2.4 million more over the next five years']\n", - "george osborne said he wanted to see half a million first time buyers get on the housing ladder every yearhe pledged to double the number of people buying their first home using government help-to-by schemes .since 2010 there have been 1.2 million first-time purchases and mr osborne wants at least 2.4 million more over the next five years .\n", - "chancellor pledged to double the number of people buying their first homesince 2010 there have been 1.2 million first-time buyers getting first homesmr osborne wants at least 2.4 million more over the next five years\n", - "[1.2199348 1.4882444 1.3851452 1.2689039 1.3509386 1.1635965 1.0504748\n", - " 1.0253426 1.037348 1.0415064 1.0193921 1.0405846 1.1070108 1.1810256\n", - " 1.0638204 1.0530276 1.015396 1.0852358 1.0337883 1.021244 ]\n", - "\n", - "[ 1 2 4 3 0 13 5 12 17 14 15 6 9 11 8 18 7 19 10 16]\n", - "=======================\n", - "['bradley parkes was discovered hanging in the woods with a suicide note saying taking his own life was easier than what he was going through .his mother tiffany , 35 , shared a picture of her son in hospital and said he had been tormented for months by a gang of teenagers in coventry .schoolboy bradley parkes , 16 , is fighting for his life in a coma after a suicide attempt .']\n", - "=======================\n", - "['schoolboy bradley parkes , 16 , is fighting for his life in a coma in hospitalhe was discovered hanging in the woods in coventry with a suicide notemother , 35 , said he had been bullied and terrorised by a gang for monthsshe claimed her son was robbed at knifepoint and slashed in the face']\n", - "bradley parkes was discovered hanging in the woods with a suicide note saying taking his own life was easier than what he was going through .his mother tiffany , 35 , shared a picture of her son in hospital and said he had been tormented for months by a gang of teenagers in coventry .schoolboy bradley parkes , 16 , is fighting for his life in a coma after a suicide attempt .\n", - "schoolboy bradley parkes , 16 , is fighting for his life in a coma in hospitalhe was discovered hanging in the woods in coventry with a suicide notemother , 35 , said he had been bullied and terrorised by a gang for monthsshe claimed her son was robbed at knifepoint and slashed in the face\n", - "[1.2999299 1.2996747 1.2341118 1.2256234 1.1699183 1.0721967 1.1029179\n", - " 1.1521075 1.1411058 1.0421027 1.0782185 1.0580568 1.0403587 1.0438589\n", - " 1.0308572 1.0429554 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 7 8 6 10 5 11 13 15 9 12 14 18 16 17 19]\n", - "=======================\n", - "['leaks from the investigation into shamed newsman brian williams were given to the press to pressure him into resignation , a report claims .news broke this weekend that the committee investigating the nbc star found he lied in his reporting to make himself look good at least 11 times .the leaked information , along a report that williams lied during an interview on the daily show with jon stewart , is designed to make the disgraced anchor negotiate an exit from his network , according to media executives .']\n", - "=======================\n", - "['former face of nightly news was suspended for lying about iraq reportdetails from investigative team memo to nbc ceo revealed that he is thought to have lied about his experiences at least eleven timesinclude seemingly overblown claims about reporting on the arab springinfo leaked to press this weekend thought to be effort to pressure him outmedia insiders say he would receive between $ 20million and $ 30million']\n", - "leaks from the investigation into shamed newsman brian williams were given to the press to pressure him into resignation , a report claims .news broke this weekend that the committee investigating the nbc star found he lied in his reporting to make himself look good at least 11 times .the leaked information , along a report that williams lied during an interview on the daily show with jon stewart , is designed to make the disgraced anchor negotiate an exit from his network , according to media executives .\n", - "former face of nightly news was suspended for lying about iraq reportdetails from investigative team memo to nbc ceo revealed that he is thought to have lied about his experiences at least eleven timesinclude seemingly overblown claims about reporting on the arab springinfo leaked to press this weekend thought to be effort to pressure him outmedia insiders say he would receive between $ 20million and $ 30million\n", - "[1.3100159 1.2935516 1.3046871 1.3505092 1.1613326 1.0817195 1.0850853\n", - " 1.1058737 1.0579017 1.0599314 1.0577272 1.0662415 1.0732329 1.041694\n", - " 1.0318666 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 1 4 7 6 5 12 11 9 8 10 13 14 18 15 16 17 19]\n", - "=======================\n", - "[\"a superior court judge in north carolina ruled on monday that craig hicks is ` death penalty qualified ' after he was charged with first-degree murder in the killing of three muslim college studentsprosecutors said hicks confessed and was arrested with the murder weapon .the victims ' families are adamant that they were targeted because they were muslims and have pushed for hate-crime charges .\"]\n", - "=======================\n", - "[\"a superior court judge in north carolina ruled on monday that craig hicks is ` death penalty qualified 'he has been charged with first-degree murder in the killing of three muslim college students on february 10his victims were deah shaddy barakat , 23 , his wife , yusor mohammad abu-salha , 21 , and her sister , razan mohammad abu-salha , 19the victims ' families are adamant that they were targeted because they were muslims and have pushed for hate-crime charges\"]\n", - "a superior court judge in north carolina ruled on monday that craig hicks is ` death penalty qualified ' after he was charged with first-degree murder in the killing of three muslim college studentsprosecutors said hicks confessed and was arrested with the murder weapon .the victims ' families are adamant that they were targeted because they were muslims and have pushed for hate-crime charges .\n", - "a superior court judge in north carolina ruled on monday that craig hicks is ` death penalty qualified 'he has been charged with first-degree murder in the killing of three muslim college students on february 10his victims were deah shaddy barakat , 23 , his wife , yusor mohammad abu-salha , 21 , and her sister , razan mohammad abu-salha , 19the victims ' families are adamant that they were targeted because they were muslims and have pushed for hate-crime charges\n", - "[1.4100183 1.2228754 1.4856992 1.344564 1.0929931 1.0855857 1.0361142\n", - " 1.1113172 1.055445 1.0223588 1.0696691 1.144453 1.0243268 1.0107636\n", - " 1.0186137 1.1093408 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 1 11 7 15 4 5 10 8 6 12 9 14 13 18 16 17 19]\n", - "=======================\n", - "['the suspect , 36-year-old mario valencia , survived and was hospitalized before being criminally charged .marana police chief terry rozema was asked wednesday on cnn \\'s \" new day \" whether police were fortunate that valencia did n\\'t die .video of the incident , recorded february 19 by the dashboard cameras of two marana police cars , shows one of the cars running into a suspect with who had a rifle in the city about a half hour from tucson .']\n", - "=======================\n", - "['chief tells cnn that deadly force was warrantedchief : if suspect ended up shooting people , police would be answering different questionsincident happened february 19 in town near tucson , arizona']\n", - "the suspect , 36-year-old mario valencia , survived and was hospitalized before being criminally charged .marana police chief terry rozema was asked wednesday on cnn 's \" new day \" whether police were fortunate that valencia did n't die .video of the incident , recorded february 19 by the dashboard cameras of two marana police cars , shows one of the cars running into a suspect with who had a rifle in the city about a half hour from tucson .\n", - "chief tells cnn that deadly force was warrantedchief : if suspect ended up shooting people , police would be answering different questionsincident happened february 19 in town near tucson , arizona\n", - "[1.2072982 1.4490571 1.239665 1.0759946 1.0888461 1.0585041 1.1368675\n", - " 1.0681758 1.154688 1.0895301 1.0472078 1.0389915 1.0184604 1.1358068\n", - " 1.1379144 1.0805664 1.0604362 1.0985351 0. 0. ]\n", - "\n", - "[ 1 2 0 8 14 6 13 17 9 4 15 3 7 16 5 10 11 12 18 19]\n", - "=======================\n", - "[\"a french model starring in a television film for garnier is filmed and photographed as she ` ages ' an average of five years throughout a typical working day .the parisian public observe her appearance and proceed to judge her as older - from as young as 26 to as old as 40 - as the day progresses .harking back to uk transformation show 10 years younger , people on the street are asked to guess a woman 's age in a bold new advert .\"]\n", - "=======================\n", - "[\"french actress is filmed , photographed and judged as she ` ages 'mother-of-two is followed throughout her day showing effects of fatiguepublic guess her age based on photos to promote new garnier face cream\"]\n", - "a french model starring in a television film for garnier is filmed and photographed as she ` ages ' an average of five years throughout a typical working day .the parisian public observe her appearance and proceed to judge her as older - from as young as 26 to as old as 40 - as the day progresses .harking back to uk transformation show 10 years younger , people on the street are asked to guess a woman 's age in a bold new advert .\n", - "french actress is filmed , photographed and judged as she ` ages 'mother-of-two is followed throughout her day showing effects of fatiguepublic guess her age based on photos to promote new garnier face cream\n", - "[1.3109301 1.1093963 1.1070058 1.1230267 1.1830162 1.1617355 1.0660557\n", - " 1.0704103 1.0662578 1.0377996 1.0458678 1.0855411 1.0540183 1.0515058\n", - " 1.0672601 1.0477811 1.0405163 1.0518336 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 4 5 3 1 2 11 7 14 8 6 12 17 13 15 10 16 9 18 19 20 21 22 23]\n", - "=======================\n", - "['( cnn ) hillary clinton is now officially a candidate for president -- and the never ending clinton story rumbles on .and if hillary or jeb were to win two presidential terms , then in the 44 years from 1981 to 2025 , 28 will have had a clinton or a bush in the white house .the great american republic now looks about as democratic as \" game of thrones . \"']\n", - "=======================\n", - "[\"timothy stanley : hillary clinton running for president , but it 's not clear what she stands for .he says democrats who call for reform offer only hillary clinton .\"]\n", - "( cnn ) hillary clinton is now officially a candidate for president -- and the never ending clinton story rumbles on .and if hillary or jeb were to win two presidential terms , then in the 44 years from 1981 to 2025 , 28 will have had a clinton or a bush in the white house .the great american republic now looks about as democratic as \" game of thrones . \"\n", - "timothy stanley : hillary clinton running for president , but it 's not clear what she stands for .he says democrats who call for reform offer only hillary clinton .\n", - "[1.3109688 1.3000189 1.3362199 1.1120579 1.1416844 1.1624224 1.1880668\n", - " 1.1208017 1.0623006 1.0307562 1.0629327 1.0987104 1.131464 1.125653\n", - " 1.1153926 1.1012139 1.0506094 1.0117131 1.083607 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 6 5 4 12 13 7 14 3 15 11 18 10 8 16 9 17 19 20 21 22 23]\n", - "=======================\n", - "[\"hendry , 49 , rowed with his then girlfriend sarah kinder before embarking on a drinking session which led to him driving through lytham st annes , lancashire , where he was seen speeding , a court heard .colin hendry appears at blackpool magistrates ' court where he admitted a drink driving chargeformer scotland captain colin hendry has been banned from driving after he was caught drunk at the wheel of his ford focus .\"]\n", - "=======================\n", - "['hendry , 49 , was almost twice the limit for alcohol when he was stoppedcourt heard he had rowed with his beauty therapist girlfriend sarah kinderhe was seen driving at up to 50mph in a 30mph zone by a police officerbanned and ordered to pay a total of # 330 - but asked for time to complyformer defender was made bankrupt in 2010 owing millions']\n", - "hendry , 49 , rowed with his then girlfriend sarah kinder before embarking on a drinking session which led to him driving through lytham st annes , lancashire , where he was seen speeding , a court heard .colin hendry appears at blackpool magistrates ' court where he admitted a drink driving chargeformer scotland captain colin hendry has been banned from driving after he was caught drunk at the wheel of his ford focus .\n", - "hendry , 49 , was almost twice the limit for alcohol when he was stoppedcourt heard he had rowed with his beauty therapist girlfriend sarah kinderhe was seen driving at up to 50mph in a 30mph zone by a police officerbanned and ordered to pay a total of # 330 - but asked for time to complyformer defender was made bankrupt in 2010 owing millions\n", - "[1.1914876 1.4812255 1.2375964 1.3762447 1.2074808 1.1276284 1.1290518\n", - " 1.0927948 1.1063954 1.0684695 1.0307513 1.015729 1.0262039 1.0160989\n", - " 1.022104 1.1426616 1.1085247 1.013012 1.0142417 1.0105407 1.0110964\n", - " 1.0105866 1.0094107 1.0117608]\n", - "\n", - "[ 1 3 2 4 0 15 6 5 16 8 7 9 10 12 14 13 11 18 17 23 20 21 19 22]\n", - "=======================\n", - "[\"the prime minister has revealed eldest daughter nancy has taken to likening her father to phil dunphy , the embarrassing dad from us hit sitcom modern family .he admits the comparison is ` not great ' , with even his fashion getting the thumbs down from the 11-year-old .now in its sixth series , modern family is one of the biggest sitcoms to come out of american since friends\"]\n", - "=======================\n", - "[\"prime minister reveals 11-year-old daughter 's withering comparisonphil dunphy is the hapless father loved for his bizarre pearls of wisdomnancy threatens a no. 10 memoir including how she was left in a pub\"]\n", - "the prime minister has revealed eldest daughter nancy has taken to likening her father to phil dunphy , the embarrassing dad from us hit sitcom modern family .he admits the comparison is ` not great ' , with even his fashion getting the thumbs down from the 11-year-old .now in its sixth series , modern family is one of the biggest sitcoms to come out of american since friends\n", - "prime minister reveals 11-year-old daughter 's withering comparisonphil dunphy is the hapless father loved for his bizarre pearls of wisdomnancy threatens a no. 10 memoir including how she was left in a pub\n", - "[1.3150493 1.4442574 1.2255313 1.2755437 1.1258614 1.129814 1.0772316\n", - " 1.1220337 1.1630139 1.1165065 1.0558311 1.0471894 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 8 5 4 7 9 6 10 11 12 13 14 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"the unnamed child from medina , ohio , gave out $ 100 notes in the classroom before going to a friend 's house after school , where he also showered adults with cash , police said .a 13-year-old boy allegedly stole a $ 25,000 stack of cash from his own grandfather and handed out wads of notes to his school friends .the group of friends then reportedly went on a shopping spree after the mass giveaway , which began last wednesday at the town 's claggett middle school .\"]\n", - "=======================\n", - "[\"unnamed child from medina , ohio , allegedly swiped cash from bedside tablepolice say he handed out $ 100 notes at school , then at a friend 's housealso gave money to children 's parents , who took them on spending spreeafter authorities found out , some $ 7,000 of the stash has been recoveredprosecutors say charges will soon be filed in the case\"]\n", - "the unnamed child from medina , ohio , gave out $ 100 notes in the classroom before going to a friend 's house after school , where he also showered adults with cash , police said .a 13-year-old boy allegedly stole a $ 25,000 stack of cash from his own grandfather and handed out wads of notes to his school friends .the group of friends then reportedly went on a shopping spree after the mass giveaway , which began last wednesday at the town 's claggett middle school .\n", - "unnamed child from medina , ohio , allegedly swiped cash from bedside tablepolice say he handed out $ 100 notes at school , then at a friend 's housealso gave money to children 's parents , who took them on spending spreeafter authorities found out , some $ 7,000 of the stash has been recoveredprosecutors say charges will soon be filed in the case\n", - "[1.4462229 1.2448661 1.3932858 1.2487311 1.1422949 1.2337465 1.0407461\n", - " 1.0153968 1.0345955 1.0800503 1.0592147 1.0111936 1.1146215 1.0590283\n", - " 1.1744564 1.1018744 1.0185269 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 5 14 4 12 15 9 10 13 6 8 16 7 11 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"four-year-old james hayward had his toy gun confiscated at east midlands airportbut security officers , who were described as ` over-zealous ' by the boy 's father , then took exception to james 's harmless toy when it was picked up on the system 's x-ray machines .a four-year-old boy was frisked by airport security and then forced to hand over his plastic nerf gun after it was deemed a security risk .\"]\n", - "=======================\n", - "[\"james hayward was flying with parents phil and hazel to lanzarotebut x-ray machine picked out his nerf toy gun on security scanfour-year-old was then patted down and forced to hand over toyairport insist they have offered to post the item back to boy 's home in doncaster , south yorkshire\"]\n", - "four-year-old james hayward had his toy gun confiscated at east midlands airportbut security officers , who were described as ` over-zealous ' by the boy 's father , then took exception to james 's harmless toy when it was picked up on the system 's x-ray machines .a four-year-old boy was frisked by airport security and then forced to hand over his plastic nerf gun after it was deemed a security risk .\n", - "james hayward was flying with parents phil and hazel to lanzarotebut x-ray machine picked out his nerf toy gun on security scanfour-year-old was then patted down and forced to hand over toyairport insist they have offered to post the item back to boy 's home in doncaster , south yorkshire\n", - "[1.0672088 1.3420656 1.4782739 1.2568582 1.3205515 1.1327598 1.0516175\n", - " 1.0321167 1.1359143 1.034657 1.013613 1.0141472 1.1425751 1.0862858\n", - " 1.0988133 1.0834928 1.0682768 1.0175974]\n", - "\n", - "[ 2 1 4 3 12 8 5 14 13 15 16 0 6 9 7 17 11 10]\n", - "=======================\n", - "['the 34-year-old left her home in san diego , california , when she was given a cal 40 sailboat on the condition that she sail the globe and document her travels .ten years ago , bartender liz clark did just that when she swapped cleaning glasses for sailing around the world .liz , who studied environmental studies at the university of california in santa barbara , jumped at the chance to discover the world']\n", - "=======================\n", - "['liz clark , 34 , was working as a bartender in her hometown of san diego , californiabut a professor suggested she use his boat to live out her dream and sail around the worldten years later , liz is determined to continue her adventure , although she admits it can be lonelyshe sails alone in a cal 40 sailboat , and has travelled about 25,000 nautical miles to date']\n", - "the 34-year-old left her home in san diego , california , when she was given a cal 40 sailboat on the condition that she sail the globe and document her travels .ten years ago , bartender liz clark did just that when she swapped cleaning glasses for sailing around the world .liz , who studied environmental studies at the university of california in santa barbara , jumped at the chance to discover the world\n", - "liz clark , 34 , was working as a bartender in her hometown of san diego , californiabut a professor suggested she use his boat to live out her dream and sail around the worldten years later , liz is determined to continue her adventure , although she admits it can be lonelyshe sails alone in a cal 40 sailboat , and has travelled about 25,000 nautical miles to date\n", - "[1.2225473 1.342237 1.16441 1.1413916 1.1452731 1.3348148 1.1555566\n", - " 1.0538733 1.0986972 1.0667479 1.1188855 1.1103141 1.1191653 1.0582782\n", - " 1.0530592 1.0542997 1.0564913 0. ]\n", - "\n", - "[ 1 5 0 2 6 4 3 12 10 11 8 9 13 16 15 7 14 17]\n", - "=======================\n", - "['the clip shows the very moment the helmet camera becomes detached and makes its dizzying descent back to earth .the video was taken of a routine skydive in everöd , sweden and recorded on the helmet of one of the diversthis extraordinary video - captured when a skydiver dropped his gopro camera at 10,000 ft - shows what it is like to freefall to the ground .']\n", - "=======================\n", - "['clip shows moment helmet camera becomes detached and falls to earthremarkably , the camera remains intact despite plummeting from 10,000 ftwas found in a meadow in gringelstad , sweden , and returned to its owner']\n", - "the clip shows the very moment the helmet camera becomes detached and makes its dizzying descent back to earth .the video was taken of a routine skydive in everöd , sweden and recorded on the helmet of one of the diversthis extraordinary video - captured when a skydiver dropped his gopro camera at 10,000 ft - shows what it is like to freefall to the ground .\n", - "clip shows moment helmet camera becomes detached and falls to earthremarkably , the camera remains intact despite plummeting from 10,000 ftwas found in a meadow in gringelstad , sweden , and returned to its owner\n", - "[1.4436044 1.1921338 1.2212113 1.1308507 1.0720686 1.2042118 1.0638809\n", - " 1.0993142 1.2586013 1.0934789 1.0496904 1.0282204 1.036555 1.0932435\n", - " 1.0182405 1.035471 1.0669369 1.0390465]\n", - "\n", - "[ 0 8 2 5 1 3 7 9 13 4 16 6 10 17 12 15 11 14]\n", - "=======================\n", - "[\"new york ( cnn ) a new york police department detective apologized friday for an angry exchange with an uber driver that was caught on video and landed him on modified assignment .cherry , an nypd detective assigned to the fbi 's joint terrorism task force with top-secret security clearance , faces suspension , reassignment or loss of his clearance after the video of the altercation went viral .the altercation began monday when the uber driver gestured to a detective in an unmarked car to use his blinker after he was allegedly attempting to park without using it , according to sanjay seth , a passenger in the car who uploaded the video to youtube .\"]\n", - "=======================\n", - "['detective : \" i sincerely apologize \" for berating uber drivernypd investigating encounter that was caught on tape by passengerdetective placed on modified assignment']\n", - "new york ( cnn ) a new york police department detective apologized friday for an angry exchange with an uber driver that was caught on video and landed him on modified assignment .cherry , an nypd detective assigned to the fbi 's joint terrorism task force with top-secret security clearance , faces suspension , reassignment or loss of his clearance after the video of the altercation went viral .the altercation began monday when the uber driver gestured to a detective in an unmarked car to use his blinker after he was allegedly attempting to park without using it , according to sanjay seth , a passenger in the car who uploaded the video to youtube .\n", - "detective : \" i sincerely apologize \" for berating uber drivernypd investigating encounter that was caught on tape by passengerdetective placed on modified assignment\n", - "[1.1023545 1.2534229 1.3403405 1.318286 1.2708197 1.1998858 1.1505383\n", - " 1.044973 1.0248638 1.0984176 1.0736414 1.0580264 1.0402038 1.083244\n", - " 1.0859392 1.015138 1.044461 0. ]\n", - "\n", - "[ 2 3 4 1 5 6 0 9 14 13 10 11 7 16 12 8 15 17]\n", - "=======================\n", - "['in a study they found that the reverberations of sound help us locate the distance of , for example , a car passing round a bend or a person nearby .scientists at the university of connecticut say we know how far away the source of a sound is by listening to the echoes it produces ( stock image shown ) .now experts say that even a small bone in their ears are dissimilar to one in modern humans , raising the prospect that our extinct ancient relatives heard differently to us too .']\n", - "=======================\n", - "['university of connecticut study reveals how we can measure distancesthey said that listening to echoes tells us how far something itwhen a sound is close the differences in max and min volume are obviousbut when it is distant , our neurons fire less , and we know it is further away']\n", - "in a study they found that the reverberations of sound help us locate the distance of , for example , a car passing round a bend or a person nearby .scientists at the university of connecticut say we know how far away the source of a sound is by listening to the echoes it produces ( stock image shown ) .now experts say that even a small bone in their ears are dissimilar to one in modern humans , raising the prospect that our extinct ancient relatives heard differently to us too .\n", - "university of connecticut study reveals how we can measure distancesthey said that listening to echoes tells us how far something itwhen a sound is close the differences in max and min volume are obviousbut when it is distant , our neurons fire less , and we know it is further away\n", - "[1.3786811 1.3322093 1.1707106 1.2562376 1.1065329 1.0716689 1.0489677\n", - " 1.0776047 1.0794148 1.0889308 1.0920047 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 10 9 8 7 5 6 16 11 12 13 14 15 17]\n", - "=======================\n", - "[\"prince harry is headed for his final tour of duty in the elite sas headquarters in perth , western australia where the soldier who claims to have shot the taliban warlord who was intent on killing the royal heir works as a training commander .mark donaldson is one of australia 's most highly decorated soldiers , one of the very few to have been awarded the nation 's highest military honour , the victoria cross , for his bravery in afghanistan .targeted by the taliban : a taliban warlord codenamed javelin targeted prince harry on his first tour of afghanistan and in 2012 warlords again threatened to ` eliminate ' the prince\"]\n", - "=======================\n", - "[\"prince harry arrives in australia next monday ahead of four-week stayhe will fulfill a dream by training with the elite sas regiment in perthwar hero and vc winner mark donaldson is an sas trainer in perthdonaldson has written about how he saved the prince from the talibandonaldson and crack sas unit shot dead in 2009 a taliban warlord who boasted of killing prince harryprince will also go bush with indigenous norforce troopsthe royal said to be excited for ` challenging and hectic ' schedulethe trip is the last of prince harry 's military career before he retires\"]\n", - "prince harry is headed for his final tour of duty in the elite sas headquarters in perth , western australia where the soldier who claims to have shot the taliban warlord who was intent on killing the royal heir works as a training commander .mark donaldson is one of australia 's most highly decorated soldiers , one of the very few to have been awarded the nation 's highest military honour , the victoria cross , for his bravery in afghanistan .targeted by the taliban : a taliban warlord codenamed javelin targeted prince harry on his first tour of afghanistan and in 2012 warlords again threatened to ` eliminate ' the prince\n", - "prince harry arrives in australia next monday ahead of four-week stayhe will fulfill a dream by training with the elite sas regiment in perthwar hero and vc winner mark donaldson is an sas trainer in perthdonaldson has written about how he saved the prince from the talibandonaldson and crack sas unit shot dead in 2009 a taliban warlord who boasted of killing prince harryprince will also go bush with indigenous norforce troopsthe royal said to be excited for ` challenging and hectic ' schedulethe trip is the last of prince harry 's military career before he retires\n", - "[1.476666 1.5148785 1.1408451 1.4251164 1.099997 1.0901629 1.2322569\n", - " 1.0770893 1.051025 1.1365718 1.0433978 1.0125375 1.017215 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 6 2 9 4 5 7 8 10 12 11 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the cumbrians are without a win in five games in league two and are just two places and three points in the table above the relegation zone .carlisle united manager keith curle has launched a scathing attack on his side following their limp 3-1 defeat away at accrington stanley , even suggesting that some players ` do n't deserve to be professionals . 'carlisle were relegated from league one last season and have just five games left this term to avoid a similar fate .\"]\n", - "=======================\n", - "[\"carlisle slumped to a 3-1 defeat away at accrington stanleythe team 's poor performance prompted a scathing assessment from manager keith curle who suggested some of his squad were not fit for purposecarlisle are without a win in five games in league two and just two places above the relegation zonethe cumbrians were relegated from league one last season and are at a serious risk of dropping out of the football league entirely this term\"]\n", - "the cumbrians are without a win in five games in league two and are just two places and three points in the table above the relegation zone .carlisle united manager keith curle has launched a scathing attack on his side following their limp 3-1 defeat away at accrington stanley , even suggesting that some players ` do n't deserve to be professionals . 'carlisle were relegated from league one last season and have just five games left this term to avoid a similar fate .\n", - "carlisle slumped to a 3-1 defeat away at accrington stanleythe team 's poor performance prompted a scathing assessment from manager keith curle who suggested some of his squad were not fit for purposecarlisle are without a win in five games in league two and just two places above the relegation zonethe cumbrians were relegated from league one last season and are at a serious risk of dropping out of the football league entirely this term\n", - "[1.4777646 1.2333056 1.465167 1.2616093 1.1445619 1.0674685 1.0374498\n", - " 1.0196954 1.021573 1.1878077 1.0558372 1.0610131 1.0361689 1.0817147\n", - " 1.0834409 1.0462786 1.0200585 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 9 4 14 13 5 11 10 15 6 12 8 16 7 17 18 19 20]\n", - "=======================\n", - "[\"chamali fernando , candidate for cambridge , was speaking at a hustings event last night when she made the commentshe said wearing wristbands indicating a person 's condition would help doctors , lawyers and police officers -- because people suffering mental illnesses often struggled to explain themselves .a tory parliamentary candidate has sparked outrage after claiming mental health patients should wear coloured wristbands to flag up their conditions .\"]\n", - "=======================\n", - "[\"chamali fernando made comments at a hustings in cambridge last nightshe claimed wearing wristbands could help doctors , lawyers and policeher ` shocking ' suggestion was attacked by her political rivals todayms fernando insisted her comments had been taken out of contextnick clegg said the proposal would ` increase discrimination and stigma '\"]\n", - "chamali fernando , candidate for cambridge , was speaking at a hustings event last night when she made the commentshe said wearing wristbands indicating a person 's condition would help doctors , lawyers and police officers -- because people suffering mental illnesses often struggled to explain themselves .a tory parliamentary candidate has sparked outrage after claiming mental health patients should wear coloured wristbands to flag up their conditions .\n", - "chamali fernando made comments at a hustings in cambridge last nightshe claimed wearing wristbands could help doctors , lawyers and policeher ` shocking ' suggestion was attacked by her political rivals todayms fernando insisted her comments had been taken out of contextnick clegg said the proposal would ` increase discrimination and stigma '\n", - "[1.5218109 1.3133081 1.2444761 1.1347619 1.2077619 1.1351405 1.134396\n", - " 1.0620208 1.1014655 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 4 5 3 6 8 7 18 17 16 15 14 10 12 11 19 9 13 20]\n", - "=======================\n", - "['( cnn ) eleven channels associated with the french-language global television network tv5monde went black late wednesday due to an \" extremely powerful cyberattack , \" the network \\'s director said .in addition to its 11 channels , tv5monde also temporarily lost control of its social media outlets and its websites , director yves bigot said in a video message posted later on facebook .on a mobile site , which was still active , the network said it was \" hacked by an islamist group . \"']\n", - "=======================\n", - "['tv5monde went black late wednesday and was still out hours laterthe network blames an \" islamist group \" ; there \\'s no claim of responsibility']\n", - "( cnn ) eleven channels associated with the french-language global television network tv5monde went black late wednesday due to an \" extremely powerful cyberattack , \" the network 's director said .in addition to its 11 channels , tv5monde also temporarily lost control of its social media outlets and its websites , director yves bigot said in a video message posted later on facebook .on a mobile site , which was still active , the network said it was \" hacked by an islamist group . \"\n", - "tv5monde went black late wednesday and was still out hours laterthe network blames an \" islamist group \" ; there 's no claim of responsibility\n", - "[1.1382746 1.1326045 1.1691406 1.1118863 1.1364135 1.1016061 1.2137916\n", - " 1.1353933 1.02207 1.199134 1.0992476 1.0334812 1.0177125 1.0171345\n", - " 1.0203382 1.1448113 1.0664002 1.0145522 1.016197 1.0450683 1.0289937]\n", - "\n", - "[ 6 9 2 15 0 4 7 1 3 5 10 16 19 11 20 8 14 12 13 18 17]\n", - "=======================\n", - "[\"george osborne drinks a pint of somerset cider as he is interviewed by political editor simon walters at the cotley inn , near chard , somersetthe nadir came when the chancellor was booed at the paralympic games .there was little evidence his hardline ` austerity britain ' policies were working .\"]\n", - "=======================\n", - "[\"osborne sits down with the mail on sunday while on the campaign trailreveals how much has changed since he was booed at 2012 paralympicswarns britain will become an economic basket case under labourhits out at rival 's ` sanctimonious rubbish ' about standing up for the many\"]\n", - "george osborne drinks a pint of somerset cider as he is interviewed by political editor simon walters at the cotley inn , near chard , somersetthe nadir came when the chancellor was booed at the paralympic games .there was little evidence his hardline ` austerity britain ' policies were working .\n", - "osborne sits down with the mail on sunday while on the campaign trailreveals how much has changed since he was booed at 2012 paralympicswarns britain will become an economic basket case under labourhits out at rival 's ` sanctimonious rubbish ' about standing up for the many\n", - "[1.362764 1.2651627 1.3571296 1.3929038 1.09483 1.2352452 1.0347698\n", - " 1.0186357 1.0215521 1.0189738 1.0178161 1.0096283 1.017359 1.012829\n", - " 1.014474 1.0226134 1.0111833 1.012797 1.0197872 1.0294827 1.0287521]\n", - "\n", - "[ 3 0 2 1 5 4 6 19 20 15 8 18 9 7 10 12 14 13 17 16 11]\n", - "=======================\n", - "['the tv schedule for the final day of the season , sunday , may 24 , will be announced at a later date .the barclays premier league have announced the final set of televised fixtures for the 2014-15 season .chelsea vs liverpool on may 10 and manchester united vs arsenal on may 17 are arguably the standout games from the live batch .']\n", - "=======================\n", - "['final barclays premier league live tv matches announcedtwelve matches to be shown on sky sports in may , three on bt sportmanchester united vs arsenal moved to 4pm on sunday , may 17click here for the latest barclays premier league news']\n", - "the tv schedule for the final day of the season , sunday , may 24 , will be announced at a later date .the barclays premier league have announced the final set of televised fixtures for the 2014-15 season .chelsea vs liverpool on may 10 and manchester united vs arsenal on may 17 are arguably the standout games from the live batch .\n", - "final barclays premier league live tv matches announcedtwelve matches to be shown on sky sports in may , three on bt sportmanchester united vs arsenal moved to 4pm on sunday , may 17click here for the latest barclays premier league news\n", - "[1.2156099 1.3235881 1.3001062 1.3925462 1.1726794 1.0945951 1.0980911\n", - " 1.063354 1.1413488 1.0661584 1.015715 1.0918282 1.0694017 1.0432202\n", - " 1.0754875 1.0873637 1.042179 1.0556545 0. 0. ]\n", - "\n", - "[ 3 1 2 0 4 8 6 5 11 15 14 12 9 7 17 13 16 10 18 19]\n", - "=======================\n", - "['masood mansouri , 33 , from saltney , flintshire , is accused of kidnap , rape and sexual assaulta jury watched a distressing video interview in which the 20-year-old told officers how she flagged down a car belonging to iranian masood mansouri believing he was a taxi driver .but instead of taking her to a nightclub with her university friends , it is alleged the 33-year-old drove off without them and took her to his home where he sexually assaulted and raped her .']\n", - "=======================\n", - "[\"jury shown interview that woman gave police two days after alleged attackshe claimed that mansouri picked her up as she tried to hail cab in chesterwoman sent messages to friends saying she had been kidnapped and was ` literally scared ' as he drove her to his house , court heardmasood mansouri , 33 , from saltney , denies rape , kidnap and sexual assault\"]\n", - "masood mansouri , 33 , from saltney , flintshire , is accused of kidnap , rape and sexual assaulta jury watched a distressing video interview in which the 20-year-old told officers how she flagged down a car belonging to iranian masood mansouri believing he was a taxi driver .but instead of taking her to a nightclub with her university friends , it is alleged the 33-year-old drove off without them and took her to his home where he sexually assaulted and raped her .\n", - "jury shown interview that woman gave police two days after alleged attackshe claimed that mansouri picked her up as she tried to hail cab in chesterwoman sent messages to friends saying she had been kidnapped and was ` literally scared ' as he drove her to his house , court heardmasood mansouri , 33 , from saltney , denies rape , kidnap and sexual assault\n", - "[1.364716 1.1430144 1.3355697 1.4637694 1.1543652 1.0673772 1.0335579\n", - " 1.0742472 1.0641034 1.0530981 1.046212 1.0382837 1.0498619 1.086798\n", - " 1.0570489 1.0467747 1.0794228 1.0558145 1.0250953 1.0241662]\n", - "\n", - "[ 3 0 2 4 1 13 16 7 5 8 14 17 9 12 15 10 11 6 18 19]\n", - "=======================\n", - "[\"vanessa moe 's debut collection at mercedes benz fashion week australia featured plastic bag-like headweara selection of models charged down the runway in masks and headpieces that looked remarkably like sheets of plastic blowing against their faces .but unfortunately for the up-and-comer , her minimalist collection was outshone by her distracting choice of headwear for the models .\"]\n", - "=======================\n", - "['vanessa moe presented as part of the st george new generation showmodels walked runway with plastic moulds over their headsshow attendees appeared to be more transfixed with them than clothes']\n", - "vanessa moe 's debut collection at mercedes benz fashion week australia featured plastic bag-like headweara selection of models charged down the runway in masks and headpieces that looked remarkably like sheets of plastic blowing against their faces .but unfortunately for the up-and-comer , her minimalist collection was outshone by her distracting choice of headwear for the models .\n", - "vanessa moe presented as part of the st george new generation showmodels walked runway with plastic moulds over their headsshow attendees appeared to be more transfixed with them than clothes\n", - "[1.4519243 1.2033046 1.4424908 1.3521581 1.2616165 1.0716558 1.0185113\n", - " 1.073154 1.0962118 1.0741799 1.0216517 1.0717111 1.0708023 1.0468987\n", - " 1.0345728 1.0113037 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 4 1 8 9 7 11 5 12 13 14 10 6 15 18 16 17 19]\n", - "=======================\n", - "[\"rape : edwin ` jock ' mee is accused of attacking several army cadets while working as a recruitment sergeantone woman told southwark crown court today that she saw mee , 46 , as a father figure after he helped her join the army .an army recruiting sergeant raped a teenage cadet after telling her he could help her get a visa from the home office , a court heard today .\"]\n", - "=======================\n", - "[\"edwin ` jock ' mee allegedly told 18-year-old she had visa problemshe told her he could make a call and help her stay in britain , court hearssergeant then allegedly attacked the teenager and nearly suffocated hermee , 46 , denies carrying out a string of rapes and sexual assaults\"]\n", - "rape : edwin ` jock ' mee is accused of attacking several army cadets while working as a recruitment sergeantone woman told southwark crown court today that she saw mee , 46 , as a father figure after he helped her join the army .an army recruiting sergeant raped a teenage cadet after telling her he could help her get a visa from the home office , a court heard today .\n", - "edwin ` jock ' mee allegedly told 18-year-old she had visa problemshe told her he could make a call and help her stay in britain , court hearssergeant then allegedly attacked the teenager and nearly suffocated hermee , 46 , denies carrying out a string of rapes and sexual assaults\n", - "[1.0682582 1.1147443 1.4083186 1.3993258 1.1936482 1.1318853 1.2024311\n", - " 1.2544186 1.0095167 1.234108 1.1669708 1.1888368 1.0603758 1.0975239\n", - " 1.0223373 1.0083479 1.0107127 1.0119474 0. 0. ]\n", - "\n", - "[ 2 3 7 9 6 4 11 10 5 1 13 0 12 14 17 16 8 15 18 19]\n", - "=======================\n", - "[\"southampton vs hull city ( st mary 's )southampton midfielder filip djuricic has been ruled out of saturday 's barclays premier league clash with hull because of an ankle injury .goalkeeper fraser forster is out for at least the season after undergoing knee surgery , but jay rodriguez could be back from his long-term knee problem before the end of the season .\"]\n", - "=======================\n", - "['filip djuricic out with an ankle injury for southamptonbut steven davis and florin gardos back in contention for saintshull boss steve bruce could drop keeper allan mcgregor for steve harperdavid meyler suspended for tigers but tom huddlestone returns']\n", - "southampton vs hull city ( st mary 's )southampton midfielder filip djuricic has been ruled out of saturday 's barclays premier league clash with hull because of an ankle injury .goalkeeper fraser forster is out for at least the season after undergoing knee surgery , but jay rodriguez could be back from his long-term knee problem before the end of the season .\n", - "filip djuricic out with an ankle injury for southamptonbut steven davis and florin gardos back in contention for saintshull boss steve bruce could drop keeper allan mcgregor for steve harperdavid meyler suspended for tigers but tom huddlestone returns\n", - "[1.4348967 1.5425153 1.2168268 1.2291032 1.2111636 1.058391 1.1385568\n", - " 1.1178674 1.137486 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 6 8 7 5 17 16 15 14 9 12 11 10 18 13 19]\n", - "=======================\n", - "['debra lobo , a 55-year-old california native , was shot in the right cheek and left arm and is unconscious but expected to survive , according to mohamad shah , a karachi police spokesman .( cnn ) an american citizen was wounded by gunfire thursday as she drove from the medical school in karachi , pakistan , where she works , police said .police found pamphlets that the assailants had thrown into lobo \\'s car , written in urdu , saying \" america should be burnt , \" shah said .']\n", - "=======================\n", - "['debra lobo , 55 , is unconscious but is expected to survive after being shot thursday , police sayshe is vice principal of the jinnah medical and dental college in karachipolice : she was on her way to pick up her daughters from school when she was shot']\n", - "debra lobo , a 55-year-old california native , was shot in the right cheek and left arm and is unconscious but expected to survive , according to mohamad shah , a karachi police spokesman .( cnn ) an american citizen was wounded by gunfire thursday as she drove from the medical school in karachi , pakistan , where she works , police said .police found pamphlets that the assailants had thrown into lobo 's car , written in urdu , saying \" america should be burnt , \" shah said .\n", - "debra lobo , 55 , is unconscious but is expected to survive after being shot thursday , police sayshe is vice principal of the jinnah medical and dental college in karachipolice : she was on her way to pick up her daughters from school when she was shot\n", - "[1.1924074 1.4944626 1.2222784 1.244674 1.3271996 1.1352513 1.1121887\n", - " 1.1115249 1.019676 1.0139153 1.0366637 1.0634531 1.104979 1.0100806\n", - " 1.0494975 1.2074078 1.1857171 1.126972 1.0406559 1.0482762 1.0150368]\n", - "\n", - "[ 1 4 3 2 15 0 16 5 17 6 7 12 11 14 19 18 10 8 20 9 13]\n", - "=======================\n", - "[\"raymond howell jr. 's body was found near a culvert alongside a busy road in mckinney , texas - around four miles from where he attended school at mckinney boyd high - on thursday .loss : the body of raymond howell , jr. was found early on thursday morning a few miles from his schoolpolice , who were on the scene at 7am , have not confirmed how he passed away but friends on social media reported that he had died from a bullet wound .\"]\n", - "=======================\n", - "[\"raymond howell jr. 's body was found in a culvert in mckinney , texas early on thursday , around four miles from his schoolpolice have not released his cause of death but friends on social media said he had died from a bullet woundfriends said he had been bullied by older kids and had asked for a transfer\"]\n", - "raymond howell jr. 's body was found near a culvert alongside a busy road in mckinney , texas - around four miles from where he attended school at mckinney boyd high - on thursday .loss : the body of raymond howell , jr. was found early on thursday morning a few miles from his schoolpolice , who were on the scene at 7am , have not confirmed how he passed away but friends on social media reported that he had died from a bullet wound .\n", - "raymond howell jr. 's body was found in a culvert in mckinney , texas early on thursday , around four miles from his schoolpolice have not released his cause of death but friends on social media said he had died from a bullet woundfriends said he had been bullied by older kids and had asked for a transfer\n", - "[1.3742478 1.4162624 1.4079996 1.1546853 1.2279036 1.1934291 1.0785072\n", - " 1.1695962 1.1004556 1.1124951 1.0790688 1.0770383 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 5 7 3 9 8 10 6 11 19 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"bamford , 21 , scored one and made one in boro 's 2-1 victory over play-off rivals wolves on tuesday evening .the chelsea youngster is on loan at middlesbrough for the season and has scored 17 goals in their push for promotion from the skybet championship .chelsea have opened talks with patrick bamford over an improved contract following his stunning loan spell at middlesbrough .\"]\n", - "=======================\n", - "['chelsea loanee patrick bamford continued good form with goal vs wolvesyoung striker has hit 17 goals on loan at middlesbrough this seasonparent side chelsea are keen to tie him to a new long-term dealhis current deal at stamford bridge expires next summerread : will chelsea ever bring through english players ?']\n", - "bamford , 21 , scored one and made one in boro 's 2-1 victory over play-off rivals wolves on tuesday evening .the chelsea youngster is on loan at middlesbrough for the season and has scored 17 goals in their push for promotion from the skybet championship .chelsea have opened talks with patrick bamford over an improved contract following his stunning loan spell at middlesbrough .\n", - "chelsea loanee patrick bamford continued good form with goal vs wolvesyoung striker has hit 17 goals on loan at middlesbrough this seasonparent side chelsea are keen to tie him to a new long-term dealhis current deal at stamford bridge expires next summerread : will chelsea ever bring through english players ?\n", - "[1.118465 1.5106164 1.2959124 1.518848 1.0282009 1.0262743 1.0257821\n", - " 1.1241812 1.0588013 1.1423261 1.0467256 1.0164906 1.0213286 1.016462\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 9 7 0 8 10 4 5 6 12 11 13 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"model behavior : new york teacher sam pearce , 24 , was discovered on the f train in new york city and now juggles his career as an eighth-grade english teacher with a side job modelling for top designers 'but just a few months after landing the job , the six-foot , green-eyed brown university graduate was ` discovered ' on the subway by another model , who promptly asked whether he could send mr. pearce 's picture to his own modeling agency in the hopes of getting him signed up .classroom to catwalk : mr. pearce says his two jobs are similar in that they are both hectic and he needs to keep a straight face during each of them\"]\n", - "=======================\n", - "['sam pearce goes by the name sam worthen when he works as a modelhe walked in new york fashion week this february while his brooklyn , new york school was closed for winter breakthe 24-year-old has worked for the likes of dnky , diesel and alexander mcqueenmr. pearce says he opened up about his double life in an effort to raise money to buy his students books on go-fund-me']\n", - "model behavior : new york teacher sam pearce , 24 , was discovered on the f train in new york city and now juggles his career as an eighth-grade english teacher with a side job modelling for top designers 'but just a few months after landing the job , the six-foot , green-eyed brown university graduate was ` discovered ' on the subway by another model , who promptly asked whether he could send mr. pearce 's picture to his own modeling agency in the hopes of getting him signed up .classroom to catwalk : mr. pearce says his two jobs are similar in that they are both hectic and he needs to keep a straight face during each of them\n", - "sam pearce goes by the name sam worthen when he works as a modelhe walked in new york fashion week this february while his brooklyn , new york school was closed for winter breakthe 24-year-old has worked for the likes of dnky , diesel and alexander mcqueenmr. pearce says he opened up about his double life in an effort to raise money to buy his students books on go-fund-me\n", - "[1.4326452 1.3477086 1.3211323 1.4843616 1.0939313 1.19454 1.033301\n", - " 1.030244 1.0245006 1.02407 1.0563943 1.02009 1.0503381 1.0196422\n", - " 1.019267 1.0235529 1.0119694 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 2 5 4 10 12 6 7 8 9 15 11 13 14 16 19 17 18 20]\n", - "=======================\n", - "[\"dave king is back on the rangers board after being cleared by the court of sessionand the south african-based businessman hopes yesterday 's decision will now convince the sfa to pass him as ` fit and proper ' in the final stage of approval .king won around 85-per-cent shareholder backing to return to the rangers boardroom at the club 's pivotal extraordinary general meeting last month , but has been holding off from taking up a post until he has cleared all regulatory barriers .\"]\n", - "=======================\n", - "['businessman has been cleared by court of session to become directordave king hopes sfa will pass him to take role as ibrox chairmanking is the largest shareholder of the former scottish champions']\n", - "dave king is back on the rangers board after being cleared by the court of sessionand the south african-based businessman hopes yesterday 's decision will now convince the sfa to pass him as ` fit and proper ' in the final stage of approval .king won around 85-per-cent shareholder backing to return to the rangers boardroom at the club 's pivotal extraordinary general meeting last month , but has been holding off from taking up a post until he has cleared all regulatory barriers .\n", - "businessman has been cleared by court of session to become directordave king hopes sfa will pass him to take role as ibrox chairmanking is the largest shareholder of the former scottish champions\n", - "[1.1891385 1.540587 1.4329174 1.3413914 1.1685029 1.0283571 1.0497196\n", - " 1.1931866 1.2264235 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 8 7 0 4 6 5 18 17 16 15 14 10 12 11 19 9 13 20]\n", - "=======================\n", - "[\"st john paramedics were called to a home in wagaman , northern darwin , at about 9pm on wednesday .the 38-year-old man had reportedly chewed and swallowed the entire glass bottle ` and then went for a lie down ' , at which point his family called royal darwin hospital , reports nt news .there were over 500 calls made to northern territory police between 3pm-11pm on wednesday , most of them domestics or drunken anti-social behaviour .\"]\n", - "=======================\n", - "['paramedics were called to a home in northern darwin on wednesday nightthe 38-year-old man had chewed and swallowed an entire beer bottlethere were 500 calls made to nt police between 3pm-11pm on wedensday']\n", - "st john paramedics were called to a home in wagaman , northern darwin , at about 9pm on wednesday .the 38-year-old man had reportedly chewed and swallowed the entire glass bottle ` and then went for a lie down ' , at which point his family called royal darwin hospital , reports nt news .there were over 500 calls made to northern territory police between 3pm-11pm on wednesday , most of them domestics or drunken anti-social behaviour .\n", - "paramedics were called to a home in northern darwin on wednesday nightthe 38-year-old man had chewed and swallowed an entire beer bottlethere were 500 calls made to nt police between 3pm-11pm on wedensday\n", - "[1.1969314 1.3391428 1.3336653 1.2959484 1.2231169 1.0860298 1.111274\n", - " 1.0448207 1.0707457 1.1014912 1.0874474 1.090353 1.0274656 1.0700619\n", - " 1.0411745 1.029042 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 6 9 11 10 5 8 13 7 14 15 12 16 17]\n", - "=======================\n", - "[\"nationwide building society is giving anyone up to the age of 70 the chance to take out a 35-year loan -- stoking fears of a buy-to-let boom .the offer comes as pension reforms give over-55s access to billions of pounds from today to withdraw from their pension pots and spend as they like .tens of thousands of savers are being tempted to put their money into property -- and this surge of ` silver landlords ' is likely to push up house prices .\"]\n", - "=======================\n", - "['pensioners are being offered mortgages that will be paid off at age of 105nationwide is giving anyone up to 70 the chance to take out a 35-year loantempting for over-55s with pensions released under reforms to buy houses']\n", - "nationwide building society is giving anyone up to the age of 70 the chance to take out a 35-year loan -- stoking fears of a buy-to-let boom .the offer comes as pension reforms give over-55s access to billions of pounds from today to withdraw from their pension pots and spend as they like .tens of thousands of savers are being tempted to put their money into property -- and this surge of ` silver landlords ' is likely to push up house prices .\n", - "pensioners are being offered mortgages that will be paid off at age of 105nationwide is giving anyone up to 70 the chance to take out a 35-year loantempting for over-55s with pensions released under reforms to buy houses\n", - "[1.4949133 1.3016711 1.1210954 1.3726707 1.1372937 1.1918514 1.0638348\n", - " 1.09335 1.1311677 1.0464988 1.1438323 1.087652 1.1064907 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 5 10 4 8 2 12 7 11 6 9 16 13 14 15 17]\n", - "=======================\n", - "[\"sam burgess has been selected in the back row as bath seek to bounce back from the end of their european dream by defeating newcastle on friday night .burgess has spent the vast majority of his fledgling union career at inside or outside centre , but head coach mike ford will examine his credentials at blindside flanker in the aviva premiership showdown at kingston park .burgess was called into england 's rbs 6 nations squad to step-up his education in the new code , although he was never considered for selection by the red rose who regard him as an inside centre .\"]\n", - "=======================\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "IOPub data rate exceeded.\n", - "The notebook server will temporarily stop sending output\n", - "to the client in order to avoid crashing it.\n", - "To change this limit, set the config variable\n", - "`--NotebookApp.iopub_data_rate_limit`.\n", - "\n", - "Current values:\n", - "NotebookApp.iopub_data_rate_limit=1000000.0 (bytes/sec)\n", - "NotebookApp.rate_limit_window=3.0 (secs)\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['faa backtracks on saying crew reported a pressurization problemone passenger lost consciousnessthe plane descended 28,000 feet in three minutes']\n", - "( cnn ) a skywest airlines flight made an emergency landing in buffalo , new york , on wednesday after a passenger lost consciousness , officials said .flight 5622 was originally scheduled to fly from chicago to hartford .the passenger received medical attention before being released , according to marissa snow , spokeswoman for skywest .\n", - "faa backtracks on saying crew reported a pressurization problemone passenger lost consciousnessthe plane descended 28,000 feet in three minutes\n", - "[1.2234925 1.4829001 1.3024039 1.368009 1.1939352 1.181043 1.1273687\n", - " 1.0611081 1.0731245 1.0477225 1.0558908 1.0409459 1.0386945 1.0735387\n", - " 1.0435188 1.0337259 1.0596019 1.082131 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 6 17 13 8 7 16 10 9 14 11 12 15 18 19]\n", - "=======================\n", - "[\"gaston pinsard was sentenced to 18 months behind bars after he admitted carrying out the assaults more than 50 years ago .frail gaston pinsard , 96 , is thought to be britain 's oldest serving prisonthe 96-year-old , who claimed he was himself abused at a notorious jersey children 's home , first targeted his victims when they were just five-years-old .\"]\n", - "=======================\n", - "[\"gaston pinsard , 96 , admitted sexually assault two girls over 50 years agohis victims were just five-years-old when the abuse first startedjailed for 18 months after he admitted nine charges of indecent assaultjudge describes the case as ` distressing and unpleasant ' as he jails oap\"]\n", - "gaston pinsard was sentenced to 18 months behind bars after he admitted carrying out the assaults more than 50 years ago .frail gaston pinsard , 96 , is thought to be britain 's oldest serving prisonthe 96-year-old , who claimed he was himself abused at a notorious jersey children 's home , first targeted his victims when they were just five-years-old .\n", - "gaston pinsard , 96 , admitted sexually assault two girls over 50 years agohis victims were just five-years-old when the abuse first startedjailed for 18 months after he admitted nine charges of indecent assaultjudge describes the case as ` distressing and unpleasant ' as he jails oap\n", - "[1.198859 1.5680304 1.1747546 1.3154494 1.2351515 1.1278677 1.0456474\n", - " 1.0652261 1.0676434 1.2398093 1.080934 1.023112 1.0414693 1.0739834\n", - " 1.0467792 1.0574833 1.0700678 0. 0. 0. ]\n", - "\n", - "[ 1 3 9 4 0 2 5 10 13 16 8 7 15 14 6 12 11 18 17 19]\n", - "=======================\n", - "[\"mario ambarita , 21 , took chances with his life when he clambered into the wheel housing of the garuda indonesia flight which took off from the main island of sumatra and flew at 34,000 ft to jakarta .the desperate reason for his actions was simply that he was ` looking for work ' .she said he had left home in the town of bagan batu to look for work in pekan baru , which is also on sumatra island .\"]\n", - "=======================\n", - "[\"mario ambarita climbed on to passenger jet flying from island of sumatracrawled from wheel housing of the plane at jakarta airport in ` dazed state 'airport bosses say his ` fingers turned blue and his left ear was bleeding 'the 21-year-old indonesian man said he was desperately ` looking for work '\"]\n", - "mario ambarita , 21 , took chances with his life when he clambered into the wheel housing of the garuda indonesia flight which took off from the main island of sumatra and flew at 34,000 ft to jakarta .the desperate reason for his actions was simply that he was ` looking for work ' .she said he had left home in the town of bagan batu to look for work in pekan baru , which is also on sumatra island .\n", - "mario ambarita climbed on to passenger jet flying from island of sumatracrawled from wheel housing of the plane at jakarta airport in ` dazed state 'airport bosses say his ` fingers turned blue and his left ear was bleeding 'the 21-year-old indonesian man said he was desperately ` looking for work '\n", - "[1.3780117 1.2904396 1.2735233 1.2490938 1.1604064 1.078474 1.108488\n", - " 1.0517597 1.0589662 1.0545757 1.0528964 1.0224165 1.0551441 1.0472982\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 6 5 8 12 9 10 7 13 11 14 15 16 17 18 19]\n", - "=======================\n", - "['( cnn ) shortly after being elected chief prosecutor , baltimore city state \\'s attorney marilyn mosby said prosecutors in the hardscrabble town had the \" toughest job in america . \"mosby , who took over her first elected post in january , now faces what is likely to be the toughest case of her nascent career -- deciding whether criminal charges should be filed against baltimore police officers in the controversial death of freddie gray .gray , 25 , died in police custody from a fatal spinal cord injury , one week after he was arrested .']\n", - "=======================\n", - "['prosecutor marilyn mosby has only been on the job since januaryshe comes from a long line of police officers\" i think that she will follow where the evidence leads .']\n", - "( cnn ) shortly after being elected chief prosecutor , baltimore city state 's attorney marilyn mosby said prosecutors in the hardscrabble town had the \" toughest job in america . \"mosby , who took over her first elected post in january , now faces what is likely to be the toughest case of her nascent career -- deciding whether criminal charges should be filed against baltimore police officers in the controversial death of freddie gray .gray , 25 , died in police custody from a fatal spinal cord injury , one week after he was arrested .\n", - "prosecutor marilyn mosby has only been on the job since januaryshe comes from a long line of police officers\" i think that she will follow where the evidence leads .\n", - "[1.11191 1.2307137 1.4957836 1.3631527 1.220445 1.3442619 1.133397\n", - " 1.0675237 1.0208107 1.014077 1.0128736 1.0254779 1.0865341 1.1034122\n", - " 1.1473578 1.0512682 1.0626827 1.0137408 1.0109631 1.0099386]\n", - "\n", - "[ 2 3 5 1 4 14 6 0 13 12 7 16 15 11 8 9 17 10 18 19]\n", - "=======================\n", - "[\"nigel short , 49 , said women were not suited to playing chess because it required logical thinking .the chess commentator and writer said women should accept they were ` hard-wired very differently ' and were n't as adept at playing chess as men .but one of the uk 's most well-known grandmasters has angered women by saying they are n't smart enough to play the game .\"]\n", - "=======================\n", - "[\"nigel short said women should accept they 're ` hard-wired very differently 'made comments when explaining why there were so few women in chessfemale chess players reacted angrily to mr short 's statements last night\"]\n", - "nigel short , 49 , said women were not suited to playing chess because it required logical thinking .the chess commentator and writer said women should accept they were ` hard-wired very differently ' and were n't as adept at playing chess as men .but one of the uk 's most well-known grandmasters has angered women by saying they are n't smart enough to play the game .\n", - "nigel short said women should accept they 're ` hard-wired very differently 'made comments when explaining why there were so few women in chessfemale chess players reacted angrily to mr short 's statements last night\n", - "[1.1251389 1.5250641 1.5492853 1.3755184 1.0684444 1.0740311 1.049817\n", - " 1.0362017 1.0431596 1.033859 1.303795 1.034926 1.0715953 1.021177\n", - " 1.0151347 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 10 0 5 12 4 6 8 7 11 9 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"the us national ` speedcubing ' champion was at an official rubik 's cube event in doylestown , pennsylvania , when he shaved 0.3 of a second off the record .but not teenager collin burns , who has completed a cube in just 5.25 seconds , smashing the world record .other teenagers can be seen chatting in the background as they completed their own puzzles at the official world cube association ( wca ) meeting this weekend .\"]\n", - "=======================\n", - "[\"a teenager has broken the world record for completing a rubik 's cubecollin burns finished the notoriously difficult puzzle in just 5.25 secondshe shaved 0.3 of a second off the record at an event in pennsylvania\"]\n", - "the us national ` speedcubing ' champion was at an official rubik 's cube event in doylestown , pennsylvania , when he shaved 0.3 of a second off the record .but not teenager collin burns , who has completed a cube in just 5.25 seconds , smashing the world record .other teenagers can be seen chatting in the background as they completed their own puzzles at the official world cube association ( wca ) meeting this weekend .\n", - "a teenager has broken the world record for completing a rubik 's cubecollin burns finished the notoriously difficult puzzle in just 5.25 secondshe shaved 0.3 of a second off the record at an event in pennsylvania\n", - "[1.1547747 1.4948181 1.380739 1.2347836 1.2935572 1.0762984 1.0255591\n", - " 1.1163923 1.0783818 1.1687875 1.0457757 1.0240309 1.0202509 1.0211805\n", - " 1.0202374 1.0293597 1.0265282 1.0129241 1.0079628 0. ]\n", - "\n", - "[ 1 2 4 3 9 0 7 8 5 10 15 16 6 11 13 12 14 17 18 19]\n", - "=======================\n", - "['denise and glen higgs , from braunton , devon , had all but lost hope that they would ever be able to conceive after glen was made infertile due to cancer treatment .but using his frozen sperm , doctors successfully created eight embryos through ivf fertility treatment and the couple had a daughter mazy , born three years ago .the couple tried again using the same batch and denise gave birth to twins carter and carson last week .']\n", - "=======================\n", - "[\"denise and glen higgs thought they 'd never have childrenhe was made infertile due to cancer treatment , but they tried ivfcouple from of braunton , devon , had mazy , born three years agotried again using the same batch and had twins carter & carson last week\"]\n", - "denise and glen higgs , from braunton , devon , had all but lost hope that they would ever be able to conceive after glen was made infertile due to cancer treatment .but using his frozen sperm , doctors successfully created eight embryos through ivf fertility treatment and the couple had a daughter mazy , born three years ago .the couple tried again using the same batch and denise gave birth to twins carter and carson last week .\n", - "denise and glen higgs thought they 'd never have childrenhe was made infertile due to cancer treatment , but they tried ivfcouple from of braunton , devon , had mazy , born three years agotried again using the same batch and had twins carter & carson last week\n", - "[1.4483027 1.3003566 1.2837104 1.4612625 1.0903994 1.0539535 1.0389448\n", - " 1.0465595 1.074867 1.0260602 1.0142297 1.0191097 1.0708433 1.3453517\n", - " 1.0560668 1.0280915 1.0079697 0. 0. 0. ]\n", - "\n", - "[ 3 0 13 1 2 4 8 12 14 5 7 6 15 9 11 10 16 18 17 19]\n", - "=======================\n", - "['steven gerrard leads liverpool players in training ahead of their fa cup semi-final against aston villaliverpool goalkeeper simon mignolet insists choosing between an fa cup victory and finishing in the top four would be like preferring one of his parents over the other .keeper simon mignolet ( centre ) insists he can not choose between winning the fa cup and a top four finish']\n", - "=======================\n", - "[\"liverpool will face aston villa in the fa cup semi-final on sundaybrendan rodgers ' side are still in the hunt for a champions league spotsimon mignolet insists the club are not prioritising one over the other\"]\n", - "steven gerrard leads liverpool players in training ahead of their fa cup semi-final against aston villaliverpool goalkeeper simon mignolet insists choosing between an fa cup victory and finishing in the top four would be like preferring one of his parents over the other .keeper simon mignolet ( centre ) insists he can not choose between winning the fa cup and a top four finish\n", - "liverpool will face aston villa in the fa cup semi-final on sundaybrendan rodgers ' side are still in the hunt for a champions league spotsimon mignolet insists the club are not prioritising one over the other\n", - "[1.189511 1.3751072 1.212184 1.1932963 1.156682 1.0327592 1.1090485\n", - " 1.0834893 1.0749606 1.0651636 1.0569233 1.047612 1.0613298 1.0541705\n", - " 1.0525566 1.017779 1.040121 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 6 7 8 9 12 10 13 14 11 16 5 15 18 17 19]\n", - "=======================\n", - "[\"but the love between british soldier , sergeant norman turgel , 24 at the time , and teenage polish girl gena , 20 , was only kindled because of the generosity and kindness of the camp 's british commander major leonard berney .this week survivors and liberators of the notorious bergen-belsen camp in northern germany gathered to commemorate the day british soldiers entered its gates and began the task of saving as many of the 60,000 starving inmates as was possible .gena and norman were married two months short of their golden wedding anniversary of 50 years , pictured before his passing in 1995\"]\n", - "=======================\n", - "[\"british soldier norman turgel and teenage polish girl gena met at belsenhe was sent to arrest her ss guards - and fell in love with hercommander major leonard berney took a personal interest in the romancemade sure messages to each other reached their destination amid chaosthe pair wed months later when gena , now 91 , was 20 and norman was 24stayed married for 50 years , living in london , until norman 's death in '95\"]\n", - "but the love between british soldier , sergeant norman turgel , 24 at the time , and teenage polish girl gena , 20 , was only kindled because of the generosity and kindness of the camp 's british commander major leonard berney .this week survivors and liberators of the notorious bergen-belsen camp in northern germany gathered to commemorate the day british soldiers entered its gates and began the task of saving as many of the 60,000 starving inmates as was possible .gena and norman were married two months short of their golden wedding anniversary of 50 years , pictured before his passing in 1995\n", - "british soldier norman turgel and teenage polish girl gena met at belsenhe was sent to arrest her ss guards - and fell in love with hercommander major leonard berney took a personal interest in the romancemade sure messages to each other reached their destination amid chaosthe pair wed months later when gena , now 91 , was 20 and norman was 24stayed married for 50 years , living in london , until norman 's death in '95\n", - "[1.178215 1.5288374 1.2611376 1.2565825 1.286953 1.3332429 1.1139705\n", - " 1.1456027 1.0406171 1.0354067 1.0254846 1.0506471 1.033669 1.0150303\n", - " 1.0888169 1.0826355 1.0150738 1.0102706 1.0400805 1.0146712]\n", - "\n", - "[ 1 5 4 2 3 0 7 6 14 15 11 8 18 9 12 10 16 13 19 17]\n", - "=======================\n", - "[\"christopher nathan may , 50 , is accused of killing tracey woodford , 47 , after her body was discovered at a flat in pontypridd , south wales on friday .ms woodford was found dead three days after being reported missing by her family and was said to have suffered ` massive injuries ' .he will appear at cardiff crown court tomorrow for a plea hearing .\"]\n", - "=======================\n", - "['tracey woodford , 47 , was found dead in a pontypridd flat last weekchristopher nathan may , 50 , accused of murdering and dismembering herhis alleged victim had been missing for three days before being found']\n", - "christopher nathan may , 50 , is accused of killing tracey woodford , 47 , after her body was discovered at a flat in pontypridd , south wales on friday .ms woodford was found dead three days after being reported missing by her family and was said to have suffered ` massive injuries ' .he will appear at cardiff crown court tomorrow for a plea hearing .\n", - "tracey woodford , 47 , was found dead in a pontypridd flat last weekchristopher nathan may , 50 , accused of murdering and dismembering herhis alleged victim had been missing for three days before being found\n", - "[1.3304709 1.1438265 1.3129592 1.1848596 1.1334562 1.0696397 1.0479243\n", - " 1.0868404 1.051553 1.0516893 1.0406835 1.0429173 1.0256022 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 4 7 5 9 8 6 11 10 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "['( cnn ) on thursday , npr -- headquartered in washington , just 40 miles away from baltimore -- ran its latest update on the urban turmoil that has erupted in the wake of the death of 25-year-old freddie gray because of still-unexplained spinal injuries that occurred while he was under police custody .titled \" baltimore unrest reveals tensions between african-americans and asians , \" the five-minute piece is urgently introduced with the promise that it will reveal \" what \\'s really happening in the more troubled neighborhoods of this majority black city , \" going on state that a key ingredient of the unrest was african-americans \" targeting asian-owned businesses for destruction . \"a similar claim was made after ferguson \\'s uprising in august of last year .']\n", - "=======================\n", - "['jeff yang : the media has a misconception about urban unrest in light of baltimore turmoilhe says there \\'s no pattern of african americans \" targeting asian-owned businesses for destruction \"']\n", - "( cnn ) on thursday , npr -- headquartered in washington , just 40 miles away from baltimore -- ran its latest update on the urban turmoil that has erupted in the wake of the death of 25-year-old freddie gray because of still-unexplained spinal injuries that occurred while he was under police custody .titled \" baltimore unrest reveals tensions between african-americans and asians , \" the five-minute piece is urgently introduced with the promise that it will reveal \" what 's really happening in the more troubled neighborhoods of this majority black city , \" going on state that a key ingredient of the unrest was african-americans \" targeting asian-owned businesses for destruction . \"a similar claim was made after ferguson 's uprising in august of last year .\n", - "jeff yang : the media has a misconception about urban unrest in light of baltimore turmoilhe says there 's no pattern of african americans \" targeting asian-owned businesses for destruction \"\n", - "[1.5323238 1.441358 1.2382798 1.0827636 1.059537 1.0368658 1.1357347\n", - " 1.0476618 1.0267212 1.0146133 1.0325502 1.0221297 1.115565 1.045821\n", - " 1.0373197 1.0209439 1.0072309 1.2279648 1.0110055 1.115646 0. ]\n", - "\n", - "[ 0 1 2 17 6 19 12 3 4 7 13 14 5 10 8 11 15 9 18 16 20]\n", - "=======================\n", - "[\"manchester united climbed above rivals manchester city on saturday night into third place in the premier league table after a 3-1 victory over aston villa .ander herrera opened the scoring before half time and wayne rooney made it two after the interval with a superb second before christian benteke pulled one back for tim sherwood 's side .but midfielder herrera added his second and united 's third late on to secure the three points for manchester united .\"]\n", - "=======================\n", - "[\"ander herrera impresses with two goals for manchester united in victorywayne rooney also finds the back of the net against aston villa in 3-1 winbrad guzan the best performer for tim sherwood 's side at old trafford\"]\n", - "manchester united climbed above rivals manchester city on saturday night into third place in the premier league table after a 3-1 victory over aston villa .ander herrera opened the scoring before half time and wayne rooney made it two after the interval with a superb second before christian benteke pulled one back for tim sherwood 's side .but midfielder herrera added his second and united 's third late on to secure the three points for manchester united .\n", - "ander herrera impresses with two goals for manchester united in victorywayne rooney also finds the back of the net against aston villa in 3-1 winbrad guzan the best performer for tim sherwood 's side at old trafford\n", - "[1.240566 1.1194457 1.0959668 1.1503509 1.0982414 1.0982711 1.0537757\n", - " 1.0896353 1.0392998 1.1168879 1.1205691 1.1707131 1.0467731 1.0630035\n", - " 1.0547632 1.0415792 1.0396184 1.0220124 1.0640363 1.0498714 1.05809 ]\n", - "\n", - "[ 0 11 3 10 1 9 5 4 2 7 18 13 20 14 6 19 12 15 16 8 17]\n", - "=======================\n", - "['( cnn ) for 12 years adelma cifuentes felt worthless , frightened and alone , never knowing when her abusive husband would strike .according to the united nations , two women are killed there every day .one day , two men sent by her husband showed up at her house armed with a shotgun and orders to kill her .']\n", - "=======================\n", - "['gender-based violence is at epidemic levels in guatemalaaccording to the united nations , two women are killed in guatemala every dayfive abuse survivors known as la poderosas have been appearing in a play based on their real life stories']\n", - "( cnn ) for 12 years adelma cifuentes felt worthless , frightened and alone , never knowing when her abusive husband would strike .according to the united nations , two women are killed there every day .one day , two men sent by her husband showed up at her house armed with a shotgun and orders to kill her .\n", - "gender-based violence is at epidemic levels in guatemalaaccording to the united nations , two women are killed in guatemala every dayfive abuse survivors known as la poderosas have been appearing in a play based on their real life stories\n", - "[1.1230035 1.3532398 1.4085717 1.3007848 1.0476762 1.394881 1.1312006\n", - " 1.0336066 1.0285622 1.0382205 1.015536 1.0222936 1.0911294 1.0151309\n", - " 1.1171881 1.1628178 1.063499 1.0594625 1.0146253 1.0087498 0. ]\n", - "\n", - "[ 2 5 1 3 15 6 0 14 12 16 17 4 9 7 8 11 10 13 18 19 20]\n", - "=======================\n", - "['the black-and-white clip has spread like wildfire , clocking up over 1.25 million views in under a week and gaining coverage on leading media outlets around the globe .brisbane based singer ross bunbury offers his vocals to dj-duo mashed n kutcher in a viral videothe clip shows adam and matt , who choose not to give their full names , approach a busdriver and a 7-eleven clerk to have a bash on the keys before going in search of a singer .']\n", - "=======================\n", - "['the pair invite random members of the public to make music with themthey find an impressive singer and record a song with his vocalsbrisbane dj-duo mashed n kutcher uploaded the video last weekit has had 1.25 million views and been covered by media around the globethe pair wanted to show that musical talent can be found anywherethe jogger in the clip , ross burbury , is a singer songwriter from brisbane who works in direct sales for media company news corporation']\n", - "the black-and-white clip has spread like wildfire , clocking up over 1.25 million views in under a week and gaining coverage on leading media outlets around the globe .brisbane based singer ross bunbury offers his vocals to dj-duo mashed n kutcher in a viral videothe clip shows adam and matt , who choose not to give their full names , approach a busdriver and a 7-eleven clerk to have a bash on the keys before going in search of a singer .\n", - "the pair invite random members of the public to make music with themthey find an impressive singer and record a song with his vocalsbrisbane dj-duo mashed n kutcher uploaded the video last weekit has had 1.25 million views and been covered by media around the globethe pair wanted to show that musical talent can be found anywherethe jogger in the clip , ross burbury , is a singer songwriter from brisbane who works in direct sales for media company news corporation\n", - "[1.1300277 1.5752351 1.1317346 1.0765474 1.3688331 1.2070324 1.108238\n", - " 1.0686806 1.0196699 1.0172431 1.0638921 1.1053183 1.110645 1.0789229\n", - " 1.1111885 1.0550573 1.0103585 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 5 2 0 14 12 6 11 13 3 7 10 15 8 9 16 17 18 19 20]\n", - "=======================\n", - "[\"josiah duggar , 18 , has revealed that he has entered into a courtship with 17-year-old marjorie jackson , who he met while the pair were taking spanish lessons together .the teens ' courtship officially began on april 6 - the same day his 23-year-old older sister jill gave birth to her son israel david , her first child with her 26-year-old husband derick dillard .and just like several of his siblings before him , as the two embark on the path towards a potential marriage , josiah and his new love interest will have to follow his family 's incredibly strict courting rules , which require the couple to go on chaperoned dates , with ` side hugs ' the only permitted form of physical contact . '\"]\n", - "=======================\n", - "[\"josiah met marjorie jackson , 17 , a few years ago when he was taking spanish lessons at her houseper the duggar family 's rules of courtship , their dates will be chaperoned while they get to know each other in preparation for a potential marriage\"]\n", - "josiah duggar , 18 , has revealed that he has entered into a courtship with 17-year-old marjorie jackson , who he met while the pair were taking spanish lessons together .the teens ' courtship officially began on april 6 - the same day his 23-year-old older sister jill gave birth to her son israel david , her first child with her 26-year-old husband derick dillard .and just like several of his siblings before him , as the two embark on the path towards a potential marriage , josiah and his new love interest will have to follow his family 's incredibly strict courting rules , which require the couple to go on chaperoned dates , with ` side hugs ' the only permitted form of physical contact . '\n", - "josiah met marjorie jackson , 17 , a few years ago when he was taking spanish lessons at her houseper the duggar family 's rules of courtship , their dates will be chaperoned while they get to know each other in preparation for a potential marriage\n", - "[1.5806234 1.4698417 1.1688143 1.3552397 1.0289522 1.0156231 1.0216509\n", - " 1.0193397 1.0244925 1.0202508 1.0741624 1.0324407 1.0763004 1.0277807\n", - " 1.0337238 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 12 10 14 11 4 13 8 6 9 7 5 15 16 17 18]\n", - "=======================\n", - "['alan gordon scored a first-half winner for la galaxy as they got over their nightmare start to the season against seattle sounders to move off the foot of the western conference in major league soccer .robbie keane and clint dempsey were both left out of their sides through injury but despite the absence of their irish designated player - who was sat in the stands alongside david beckham , the galaxy were able to find just their second win of a difficult campaign so far .chad marshall gets to the ball ahead of la galaxy striker alan gordon , who scored the opening goal']\n", - "=======================\n", - "['alan gordon put la galaxy into the lead after 23 minutes with a headerrobbie keane and clint dempsey both missed the game through injurylamar neagle had a number of chances to score for the visitorsdavid beckham was present to watch the mls clash at the stubhub arena']\n", - "alan gordon scored a first-half winner for la galaxy as they got over their nightmare start to the season against seattle sounders to move off the foot of the western conference in major league soccer .robbie keane and clint dempsey were both left out of their sides through injury but despite the absence of their irish designated player - who was sat in the stands alongside david beckham , the galaxy were able to find just their second win of a difficult campaign so far .chad marshall gets to the ball ahead of la galaxy striker alan gordon , who scored the opening goal\n", - "alan gordon put la galaxy into the lead after 23 minutes with a headerrobbie keane and clint dempsey both missed the game through injurylamar neagle had a number of chances to score for the visitorsdavid beckham was present to watch the mls clash at the stubhub arena\n", - "[1.120338 1.157857 1.4670116 1.1328425 1.0843359 1.4063923 1.170811\n", - " 1.0913548 1.1087496 1.0956291 1.0677369 1.0164084 1.0354835 1.0627819\n", - " 1.0727082 1.0916952 1.0436255 1.0368148 0. ]\n", - "\n", - "[ 2 5 6 1 3 0 8 9 15 7 4 14 10 13 16 17 12 11 18]\n", - "=======================\n", - "[\"jack wilshere is the latest man linked with a switch to the etihad stadium , where he would follow the likes of emmanuel adebayor , bacary sagna and samir nasri who swapped london for the north-west as city stormed towards premier league and fa cup glory .manchester city are considering making a move for arsenal midfielder jack wilshere this summerwilshere has n't played for the first team since injuring his ankle against manchester united in november\"]\n", - "=======================\n", - "[\"manchester city considering bid for arsenal midfielder jack wilsherejordan henderson is also an option for the premier league championswilshere , 23 , encapsulates arsene wenger 's style of play in north londonbut the england international is not necessarily a first-team regularany bids in excess of # 30m should be considered by arsenal\"]\n", - "jack wilshere is the latest man linked with a switch to the etihad stadium , where he would follow the likes of emmanuel adebayor , bacary sagna and samir nasri who swapped london for the north-west as city stormed towards premier league and fa cup glory .manchester city are considering making a move for arsenal midfielder jack wilshere this summerwilshere has n't played for the first team since injuring his ankle against manchester united in november\n", - "manchester city considering bid for arsenal midfielder jack wilsherejordan henderson is also an option for the premier league championswilshere , 23 , encapsulates arsene wenger 's style of play in north londonbut the england international is not necessarily a first-team regularany bids in excess of # 30m should be considered by arsenal\n", - "[1.0446792 1.1899838 1.2431289 1.4117098 1.3214849 1.2435262 1.1772975\n", - " 1.1393495 1.0343655 1.0281048 1.126517 1.031218 1.0771756 1.0851991\n", - " 1.0797001 1.0721862 1.0465902 1.059328 0. ]\n", - "\n", - "[ 3 4 5 2 1 6 7 10 13 14 12 15 17 16 0 8 11 9 18]\n", - "=======================\n", - "[\"a cloud formation resembling the wi-fi symbol appeared recently in the sky of xiangtan city in hunan province , the people 's daily online reports .the global wi-fi symbol has one dot and three curved lines radiating from ithowever in central china , mother nature recently appeared to lend a helping hand by giving locals what could be the world 's largest ` wi-fi cloud ' .\"]\n", - "=======================\n", - "[\"cloud appeared in central china 's hunan province last fridaya university student snapped the moment on his way to the librarypicture has sparked tongue-in-cheek debate on mother nature 's password\"]\n", - "a cloud formation resembling the wi-fi symbol appeared recently in the sky of xiangtan city in hunan province , the people 's daily online reports .the global wi-fi symbol has one dot and three curved lines radiating from ithowever in central china , mother nature recently appeared to lend a helping hand by giving locals what could be the world 's largest ` wi-fi cloud ' .\n", - "cloud appeared in central china 's hunan province last fridaya university student snapped the moment on his way to the librarypicture has sparked tongue-in-cheek debate on mother nature 's password\n", - "[1.2323953 1.3789549 1.3064449 1.2718203 1.2845067 1.1842463 1.1720965\n", - " 1.1172824 1.1683396 1.0575184 1.0687934 1.0153564 1.041175 1.0491027\n", - " 1.0447328 1.0349253 1.0120952 1.0261682 1.0379251]\n", - "\n", - "[ 1 2 4 3 0 5 6 8 7 10 9 13 14 12 18 15 17 11 16]\n", - "=======================\n", - "[\"prime minister tony abbott promised there would be a strong police presence across australia to keep the public safe on april 25 .two teenagers remain in custody following raids in melbourne 's south-east after police were tipped off about an imminent attack on anzac day ceremonies .sevdet besim , 18 , has been remanded in custody after appearing briefly in melbourne magistrates court on saturday .\"]\n", - "=======================\n", - "['prime minister tony abbott promised a strong police presence on april 25it comes after five teenagers were arrested in pre-dawn raids on saturdaythey were arrested over an alleged terror plot targeting anzac day eventsmr abbott urged public not to be deterred and continue with their plans']\n", - "prime minister tony abbott promised there would be a strong police presence across australia to keep the public safe on april 25 .two teenagers remain in custody following raids in melbourne 's south-east after police were tipped off about an imminent attack on anzac day ceremonies .sevdet besim , 18 , has been remanded in custody after appearing briefly in melbourne magistrates court on saturday .\n", - "prime minister tony abbott promised a strong police presence on april 25it comes after five teenagers were arrested in pre-dawn raids on saturdaythey were arrested over an alleged terror plot targeting anzac day eventsmr abbott urged public not to be deterred and continue with their plans\n", - "[1.2667154 1.4197145 1.2774115 1.1695018 1.2314948 1.080372 1.1044911\n", - " 1.0496837 1.0916433 1.0602924 1.0655838 1.0207202 1.0390687 1.0433959\n", - " 1.0789208 1.0856259 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 3 6 8 15 5 14 10 9 7 13 12 11 17 16 18]\n", - "=======================\n", - "[\"the unnamed man , who died from variant creutzfeldt-jakob ( vcjd ) disease in may 2014 , just 18 months after he first showed symptoms , was a naturalized u.s. citizen originally from the middle east .the report concluded the man 's illness resulted from his eating tainted uk beef before he moved to the united states in the 1990s .a man who died in texas of the human version of mad cow disease last year likely contracted it from eating beef raised in britain , a cdc report has revealed .\"]\n", - "=======================\n", - "[\"a u.s. citizen from the middle east who died of variant creutzfeldt-jakob disease in texas in may 2014 likely ate contaminated uk meatinvestigators say the unnamed man , who was in his 40s , likely ate the tainted meat before moving to the u.s. in the 1990svariants creutzfeldt-jakob is a deadly neurological disease caused by abnormal proteins -- britain 's seen hundreds of cases since the 1990s\"]\n", - "the unnamed man , who died from variant creutzfeldt-jakob ( vcjd ) disease in may 2014 , just 18 months after he first showed symptoms , was a naturalized u.s. citizen originally from the middle east .the report concluded the man 's illness resulted from his eating tainted uk beef before he moved to the united states in the 1990s .a man who died in texas of the human version of mad cow disease last year likely contracted it from eating beef raised in britain , a cdc report has revealed .\n", - "a u.s. citizen from the middle east who died of variant creutzfeldt-jakob disease in texas in may 2014 likely ate contaminated uk meatinvestigators say the unnamed man , who was in his 40s , likely ate the tainted meat before moving to the u.s. in the 1990svariants creutzfeldt-jakob is a deadly neurological disease caused by abnormal proteins -- britain 's seen hundreds of cases since the 1990s\n", - "[1.262466 1.2867905 1.1660026 1.3700757 1.2094563 1.0716815 1.0954815\n", - " 1.044115 1.0175557 1.0153408 1.1335235 1.0731412 1.1962428 1.132693\n", - " 1.0160425 1.0124598 0. 0. ]\n", - "\n", - "[ 3 1 0 4 12 2 10 13 6 11 5 7 8 14 9 15 16 17]\n", - "=======================\n", - "[\"party pensioner : bette carouze , 78 , loves all night parties and regularly enjoys nights outinstead , the single mother of two is partying away her final years on brighton 's gay scene and regularly emerges from clubs in the early hours of the morning .support : daughters kim and sue are both supportive of their mother 's party lifestyle\"]\n", - "=======================\n", - "['bette carrouze , 78 , a mother-of-two from brighton , loves a good partysays other pensioners are boring because they moan about sore kneesregularly goes clubbing in gay bars and returns in the small hoursadmits that taking the bus after a night out can be a bit embarrassingbette carrouze appears on oaps behaving badly , tonight on channel 5 at 9pm']\n", - "party pensioner : bette carouze , 78 , loves all night parties and regularly enjoys nights outinstead , the single mother of two is partying away her final years on brighton 's gay scene and regularly emerges from clubs in the early hours of the morning .support : daughters kim and sue are both supportive of their mother 's party lifestyle\n", - "bette carrouze , 78 , a mother-of-two from brighton , loves a good partysays other pensioners are boring because they moan about sore kneesregularly goes clubbing in gay bars and returns in the small hoursadmits that taking the bus after a night out can be a bit embarrassingbette carrouze appears on oaps behaving badly , tonight on channel 5 at 9pm\n", - "[1.2447128 1.3474214 1.2303596 1.307569 1.2396894 1.2374218 1.0947099\n", - " 1.0897492 1.0504527 1.1755917 1.0545237 1.0375397 1.0850397 1.0935907\n", - " 1.029387 1.0560712 1.0258734 1.0248653]\n", - "\n", - "[ 1 3 0 4 5 2 9 6 13 7 12 15 10 8 11 14 16 17]\n", - "=======================\n", - "[\"the teenager from mossley , greater manchester , who can not be named for legal reasons , ordered the deadly toxin off the ` dark web ' .the teenager pleaded guilty to trying to buy the toxin at manchester youth court earlier this month .a 16-year-old boy who was seized in an anti-terror operation after he tried to buy deadly poison on the internet has been spared jail after the court heard he wanted to commit suicide .\"]\n", - "=======================\n", - "[\"boy , 16 , from greater manchester ordered deadly toxin off the ` dark web 'anti-terror officers tracked order as they feared he was planning attackhe was arrested and pleaded guilty to trying to buy deadly poisonbut was spared jail after he said he wanted to use toxin to commit suicide\"]\n", - "the teenager from mossley , greater manchester , who can not be named for legal reasons , ordered the deadly toxin off the ` dark web ' .the teenager pleaded guilty to trying to buy the toxin at manchester youth court earlier this month .a 16-year-old boy who was seized in an anti-terror operation after he tried to buy deadly poison on the internet has been spared jail after the court heard he wanted to commit suicide .\n", - "boy , 16 , from greater manchester ordered deadly toxin off the ` dark web 'anti-terror officers tracked order as they feared he was planning attackhe was arrested and pleaded guilty to trying to buy deadly poisonbut was spared jail after he said he wanted to use toxin to commit suicide\n", - "[1.5073009 1.3779304 1.1857294 1.0939491 1.2399831 1.0831667 1.1329113\n", - " 1.0133283 1.0268371 1.1080178 1.1324012 1.078165 1.1017866 1.0301541\n", - " 1.127643 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 6 10 14 9 12 3 5 11 13 8 7 15 16 17]\n", - "=======================\n", - "['valencia turned up the heat on atletico madrid in the fight for third place in la liga when a 3-0 derby victory at home to levante on monday lifted the singapore-owned club to within a point of the champions with seven games left .paco alcacer nodded valencia in front from a dani parejo centre in the 16th minute at the mestalla before lucas orban crossed for sofiane feghouli to head a second for the home side nine minutes before the break .valencia , who missed out on a place in continental competition last season , are fourth on 65 points , with atletico , who drew 2-2 at malaga on saturday , on 66 in third .']\n", - "=======================\n", - "['valencia claimed a 3-0 derby victory at home to levante on mondaysingapore-owned club moved to within a point of atletico madrid']\n", - "valencia turned up the heat on atletico madrid in the fight for third place in la liga when a 3-0 derby victory at home to levante on monday lifted the singapore-owned club to within a point of the champions with seven games left .paco alcacer nodded valencia in front from a dani parejo centre in the 16th minute at the mestalla before lucas orban crossed for sofiane feghouli to head a second for the home side nine minutes before the break .valencia , who missed out on a place in continental competition last season , are fourth on 65 points , with atletico , who drew 2-2 at malaga on saturday , on 66 in third .\n", - "valencia claimed a 3-0 derby victory at home to levante on mondaysingapore-owned club moved to within a point of atletico madrid\n", - "[1.3797424 1.3441832 1.244915 1.3601806 1.3026979 1.2076156 1.0651046\n", - " 1.0808225 1.1259785 1.009395 1.1679626 1.0119251 1.0434278 1.069688\n", - " 1.0470828 1.0192912 1.0613965 1.0123715]\n", - "\n", - "[ 0 3 1 4 2 5 10 8 7 13 6 16 14 12 15 17 11 9]\n", - "=======================\n", - "[\"sergey bubka , sebastian coe 's rival for iaaf president , launched his election manifesto on wednesday with a promise to take a hardline approach to doping .the ukrainian pole vault great is battling with fellow iaaf vice-president coe for the top job at athletics ' world governing body .the sport has been rocked by allegations that doping and cover-ups are rife in russian athletics .\"]\n", - "=======================\n", - "[\"sergey bubka launched a manifesto ahead of running to be iaaf presidenthe is sebastian coe 's rival for the position in august 's electionbubka promised crackdown on doping and review of athletics as a whole\"]\n", - "sergey bubka , sebastian coe 's rival for iaaf president , launched his election manifesto on wednesday with a promise to take a hardline approach to doping .the ukrainian pole vault great is battling with fellow iaaf vice-president coe for the top job at athletics ' world governing body .the sport has been rocked by allegations that doping and cover-ups are rife in russian athletics .\n", - "sergey bubka launched a manifesto ahead of running to be iaaf presidenthe is sebastian coe 's rival for the position in august 's electionbubka promised crackdown on doping and review of athletics as a whole\n", - "[1.1049103 1.0787398 1.4695547 1.221213 1.1075509 1.1333714 1.0810512\n", - " 1.0540166 1.1065263 1.0847691 1.0673025 1.0532055 1.0664824 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 5 4 8 0 9 6 1 10 12 7 11 16 13 14 15 17]\n", - "=======================\n", - "[\"swiss physicist jean-pierre wolf is working on yet another impressive addition to that list : using focused laser beams to affect the weather .it sounds like black magic , but it 's actually a cleaner version of cloud seeding , a form of weather modification that has been used for several years -- most famously by china in preparation for the 2008 olympics , when they launched rockets to seed the clouds and prevent rainfall during the opening ceremony .laser is therefore a completely clean alternative to traditional cloud seeding : it 's light , and nothing but light .\"]\n", - "=======================\n", - "['swiss professor jean-pierre wolf is pioneering the use of lasers to affect the weatherhe suggests lasers could also be used to limit the impact of climate change']\n", - "swiss physicist jean-pierre wolf is working on yet another impressive addition to that list : using focused laser beams to affect the weather .it sounds like black magic , but it 's actually a cleaner version of cloud seeding , a form of weather modification that has been used for several years -- most famously by china in preparation for the 2008 olympics , when they launched rockets to seed the clouds and prevent rainfall during the opening ceremony .laser is therefore a completely clean alternative to traditional cloud seeding : it 's light , and nothing but light .\n", - "swiss professor jean-pierre wolf is pioneering the use of lasers to affect the weatherhe suggests lasers could also be used to limit the impact of climate change\n", - "[1.4633939 1.3004384 1.2892861 1.1413157 1.090806 1.1198385 1.0852374\n", - " 1.1252791 1.0637803 1.0981022 1.102292 1.0350246 1.0483255 1.0495641\n", - " 1.0376034 1.0243351 1.0166523 1.0314732 0. 0. ]\n", - "\n", - "[ 0 1 2 3 7 5 10 9 4 6 8 13 12 14 11 17 15 16 18 19]\n", - "=======================\n", - "['( cnn ) james holmes made his introduction to the world in a colorado cinema filled with spectators watching a midnight showing of the new batman movie , \" the dark knight rises , \" in june 2012 .the moment became one of the deadliest shootings in u.s. history .holmes is accused of opening fire on the crowd , killing 12 people and injuring or maiming 70 others in aurora , a suburb of denver .']\n", - "=======================\n", - "['opening statements are scheduled monday in the trial of james holmesjury selection took three monthsholmes faces 165 counts in the movie theater massacre that killed 12 people']\n", - "( cnn ) james holmes made his introduction to the world in a colorado cinema filled with spectators watching a midnight showing of the new batman movie , \" the dark knight rises , \" in june 2012 .the moment became one of the deadliest shootings in u.s. history .holmes is accused of opening fire on the crowd , killing 12 people and injuring or maiming 70 others in aurora , a suburb of denver .\n", - "opening statements are scheduled monday in the trial of james holmesjury selection took three monthsholmes faces 165 counts in the movie theater massacre that killed 12 people\n", - "[1.2155476 1.0811076 1.0373223 1.0543994 1.2931211 1.2801323 1.2047038\n", - " 1.1049069 1.113109 1.1167008 1.1253146 1.0820488 1.0826356 1.086745\n", - " 1.0525663 1.0335926 1.0600657 1.0698212 1.0185107 1.019905 ]\n", - "\n", - "[ 4 5 0 6 10 9 8 7 13 12 11 1 17 16 3 14 2 15 19 18]\n", - "=======================\n", - "['she was one of millions of turks left confused and concerned by the worst power outage to grip the country in more than a decade .dozens of cities across turkey lost power for hours on tuesday .istanbul , turkey ( cnn ) the questions turks asked on tuesday were tinged with fear .']\n", - "=======================\n", - "['this week , turkey was gripped by a massive power outage and a deadly hostage crisisreactions reveal contemporary turkey is tense and confused after years of political crisescensorship has pushed critics to fringes in country cited as democratic model for mideast']\n", - "she was one of millions of turks left confused and concerned by the worst power outage to grip the country in more than a decade .dozens of cities across turkey lost power for hours on tuesday .istanbul , turkey ( cnn ) the questions turks asked on tuesday were tinged with fear .\n", - "this week , turkey was gripped by a massive power outage and a deadly hostage crisisreactions reveal contemporary turkey is tense and confused after years of political crisescensorship has pushed critics to fringes in country cited as democratic model for mideast\n", - "[1.5592413 1.4143795 1.0380589 1.0823296 1.0660733 1.0516825 1.0882802\n", - " 1.4203042 1.1868052 1.1885982 1.1709569 1.1138548 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 7 1 9 8 10 11 6 3 4 5 2 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"aston villa owner randy lerner did n't attend wembley on sunday after his aunt passed away .the 53-year-old american had been tipped to make a rare appearance but boss tim sherwood said : ` i 've not spoken to him yet .villa put in an excellent display to upset liverpool at wembley and reach their first fa cup final since lerner bought the club .\"]\n", - "=======================\n", - "['randy lerner was expected to make a rare appearance for wembley gamebut lerner had to miss the match on sunday after his aunt diedaston villa beat liverpool to reach the fa cup final']\n", - "aston villa owner randy lerner did n't attend wembley on sunday after his aunt passed away .the 53-year-old american had been tipped to make a rare appearance but boss tim sherwood said : ` i 've not spoken to him yet .villa put in an excellent display to upset liverpool at wembley and reach their first fa cup final since lerner bought the club .\n", - "randy lerner was expected to make a rare appearance for wembley gamebut lerner had to miss the match on sunday after his aunt diedaston villa beat liverpool to reach the fa cup final\n", - "[1.1916655 1.3289226 1.1368759 1.2676617 1.3135258 1.2672759 1.1902552\n", - " 1.104841 1.0564587 1.016891 1.0630785 1.1743764 1.1428208 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 5 0 6 11 12 2 7 10 8 9 13 14 15 16 17 18 19]\n", - "=======================\n", - "['the news comes as cigar use rises in the us , where the study was carried out , and cigarette smoking declines .they found the risk for cigar smokers of dying from oral , oesophageal or lung cancer was at least as bad as for cigarettesresearchers have warned that cigars may be more harmful to smokers than cigarettes .']\n", - "=======================\n", - "[\"risks for cigar smokers of dying from cancer ` at least as bad as cigarettes 'claim follows us study , where cigar use is on rise and cigarettes a declinecigar consumption doubled from 2000-2011 ; 33 per cent fall in cigarettesmore young people taking up cigars thanks to new range of flavoured ones\"]\n", - "the news comes as cigar use rises in the us , where the study was carried out , and cigarette smoking declines .they found the risk for cigar smokers of dying from oral , oesophageal or lung cancer was at least as bad as for cigarettesresearchers have warned that cigars may be more harmful to smokers than cigarettes .\n", - "risks for cigar smokers of dying from cancer ` at least as bad as cigarettes 'claim follows us study , where cigar use is on rise and cigarettes a declinecigar consumption doubled from 2000-2011 ; 33 per cent fall in cigarettesmore young people taking up cigars thanks to new range of flavoured ones\n", - "[1.4985453 1.2130426 1.2838433 1.210553 1.3997914 1.1146678 1.0452896\n", - " 1.018162 1.0943518 1.0613967 1.0713633 1.0642188 1.0253981 1.0826635\n", - " 1.0374956 1.0134956 1.1636804 1.0799649 1.0742426 1.0722109]\n", - "\n", - "[ 0 4 2 1 3 16 5 8 13 17 18 19 10 11 9 6 14 12 7 15]\n", - "=======================\n", - "[\"christine carriage , 67 , ( pictured ) was handed a six-month suspended sentence at norwich crown courta total of 1,337 items of clothing , shoes and handbags -- valued at # 5,620 -- were seized by police from the home in bowthorpe , norwich , on november 4 , 2013 .officers raiding christine carriage 's one-bedroom home found that 340 of the stolen items still had price tags on .\"]\n", - "=======================\n", - "[\"stash valued at # 5,620 discovered in 67-year-old christine carriage 's homeofficers said property looked more like clothing warehouse than a dwellingshe was handed a six-month suspended sentence at norwich crown court\"]\n", - "christine carriage , 67 , ( pictured ) was handed a six-month suspended sentence at norwich crown courta total of 1,337 items of clothing , shoes and handbags -- valued at # 5,620 -- were seized by police from the home in bowthorpe , norwich , on november 4 , 2013 .officers raiding christine carriage 's one-bedroom home found that 340 of the stolen items still had price tags on .\n", - "stash valued at # 5,620 discovered in 67-year-old christine carriage 's homeofficers said property looked more like clothing warehouse than a dwellingshe was handed a six-month suspended sentence at norwich crown court\n", - "[1.2232485 1.4354016 1.1834023 1.2975669 1.2123988 1.3528292 1.0340154\n", - " 1.1004659 1.1276774 1.1077262 1.0987815 1.0730621 1.0422127 1.0163252\n", - " 1.0171529 1.0104942 1.0692627 1.0342928]\n", - "\n", - "[ 1 5 3 0 4 2 8 9 7 10 11 16 12 17 6 14 13 15]\n", - "=======================\n", - "['holly barber , from manchester , woke up feeling unwell and with chest and neck pains -- but chalked it down to heavy drinking a few days before .she rushed to hospital , where doctors found 13 pulmonary embolisms , blood clots blocking the main artery of her lungs , killing the tissue and stopping her from breathing properly .a girl who believed she had a bad hangover was found to have 13 blood clots in her lungs .']\n", - "=======================\n", - "['holly barber , 25 , thought she was hungover but began coughing up bloodhospital tests revealed 13 clots called pulmonary embolisms in her lungsincredibly , a year later doctors found a melon-sized blockage in her lungshe must now take blood-thinning medication for the rest of her life']\n", - "holly barber , from manchester , woke up feeling unwell and with chest and neck pains -- but chalked it down to heavy drinking a few days before .she rushed to hospital , where doctors found 13 pulmonary embolisms , blood clots blocking the main artery of her lungs , killing the tissue and stopping her from breathing properly .a girl who believed she had a bad hangover was found to have 13 blood clots in her lungs .\n", - "holly barber , 25 , thought she was hungover but began coughing up bloodhospital tests revealed 13 clots called pulmonary embolisms in her lungsincredibly , a year later doctors found a melon-sized blockage in her lungshe must now take blood-thinning medication for the rest of her life\n", - "[1.2530295 1.2391604 1.3131716 1.1615391 1.2110257 1.0863094 1.2031838\n", - " 1.135888 1.0484942 1.0358363 1.1103401 1.0723696 1.0159433 1.0232855\n", - " 1.0326347 1.0195875 0. 0. ]\n", - "\n", - "[ 2 0 1 4 6 3 7 10 5 11 8 9 14 13 15 12 16 17]\n", - "=======================\n", - "['\" monty python and the holy grail , \" which premiered 40 years ago thursday , was the result .( cnn ) monty python in a movie ?the budget was small -- about $ 400,000 , half of it supplied by rock stars , including genesis and pink floyd .']\n", - "=======================\n", - "['\" monty python and the holy grail \" celebrates 40 years thursdaythe 1975 film is considered a comedy classictroupe made three movies together , not including concert works and compilations']\n", - "\" monty python and the holy grail , \" which premiered 40 years ago thursday , was the result .( cnn ) monty python in a movie ?the budget was small -- about $ 400,000 , half of it supplied by rock stars , including genesis and pink floyd .\n", - "\" monty python and the holy grail \" celebrates 40 years thursdaythe 1975 film is considered a comedy classictroupe made three movies together , not including concert works and compilations\n", - "[1.2522346 1.4396267 1.2407179 1.3834007 1.2178321 1.0939971 1.0592139\n", - " 1.112951 1.0716567 1.0659208 1.0524278 1.05954 1.0349815 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 7 5 8 9 11 6 10 12 16 13 14 15 17]\n", - "=======================\n", - "[\"mother-of-two marie csaszar , 45 , died last september following a ten-year battle with a brain tumour .the bbc has refused to hand over the emails of a deceased woman to her grieving husband , who believes they will prove she was ` bullied ' by the corporation 's management towards the end of her life .she had worked for seven years at the bbc 's financial centre in cardiff as a contracts manager , but according to her husband paul , she was forced out of the post into another job after drawing attention to management blunders which he says cost licence-fee payers about # 150,000 .\"]\n", - "=======================\n", - "[\"mother-of-two died following a 10-year battle with a brain tumourshe worked at bbc in cardiff where husband claims she was bulliedmarie csaszar gave evidence at bbc 's 2013 respect at work reviewhe asked for emails under the data protection act but was refused\"]\n", - "mother-of-two marie csaszar , 45 , died last september following a ten-year battle with a brain tumour .the bbc has refused to hand over the emails of a deceased woman to her grieving husband , who believes they will prove she was ` bullied ' by the corporation 's management towards the end of her life .she had worked for seven years at the bbc 's financial centre in cardiff as a contracts manager , but according to her husband paul , she was forced out of the post into another job after drawing attention to management blunders which he says cost licence-fee payers about # 150,000 .\n", - "mother-of-two died following a 10-year battle with a brain tumourshe worked at bbc in cardiff where husband claims she was bulliedmarie csaszar gave evidence at bbc 's 2013 respect at work reviewhe asked for emails under the data protection act but was refused\n", - "[1.253644 1.4333888 1.1948835 1.251475 1.1525556 1.0740391 1.0546886\n", - " 1.0501989 1.0908195 1.1665888 1.0957989 1.0626738 1.0752355 1.036239\n", - " 1.0118846 1.0966377 1.0732796 0. ]\n", - "\n", - "[ 1 0 3 2 9 4 15 10 8 12 5 16 11 6 7 13 14 17]\n", - "=======================\n", - "[\"tonya stack , whose husband mike stack holds the state 's second-highest office , reportedly dumped cola on state representative kevin boyle in an unseemly row at a fundraiser in honor of a slain afghanistan veteran .the wife of pennsylvania 's lieutenant governor allegedly made an obscene gesture then threw a cup of soda over one of her husband 's political rivals .according to boyle , stack ` flipped me the bird ' as soon as she spotted him at the event in philadelphia .\"]\n", - "=======================\n", - "[\"tonya stack , wife of mike stack , allegedly hurled drink at fundraiserkevin boyle , who sits in pa house of representatives , says he was hit with obscene gesture , called it ` trashy ' , then got covered in sticky drinkevent was held in honor of michael strange , who died in afghanistanboyle and stack , both democrats , have been in political power strugglesbacked separate candidates for seats in house legislature\"]\n", - "tonya stack , whose husband mike stack holds the state 's second-highest office , reportedly dumped cola on state representative kevin boyle in an unseemly row at a fundraiser in honor of a slain afghanistan veteran .the wife of pennsylvania 's lieutenant governor allegedly made an obscene gesture then threw a cup of soda over one of her husband 's political rivals .according to boyle , stack ` flipped me the bird ' as soon as she spotted him at the event in philadelphia .\n", - "tonya stack , wife of mike stack , allegedly hurled drink at fundraiserkevin boyle , who sits in pa house of representatives , says he was hit with obscene gesture , called it ` trashy ' , then got covered in sticky drinkevent was held in honor of michael strange , who died in afghanistanboyle and stack , both democrats , have been in political power strugglesbacked separate candidates for seats in house legislature\n", - "[1.2535338 1.301497 1.1741887 1.3004806 1.1594801 1.140706 1.1531998\n", - " 1.0557563 1.199913 1.0725521 1.1210232 1.1217587 1.1113237 1.0202147\n", - " 1.0169207 1.0110053 1.0122524 1.0111269]\n", - "\n", - "[ 1 3 0 8 2 4 6 5 11 10 12 9 7 13 14 16 17 15]\n", - "=======================\n", - "[\"horrified guests dived for cover as the groom 's brother lost control of the gun at a reception in the capital riyadh .a wedding in saudi arabia took a dangerous turn when the brother of the groom began firing celebratory shots with a kalashnikov , sending a hail of bullets ricocheting off the walls .the 30-second clip , believed to have been filmed with a mobile phone has been viewed nearly 140,000 times .\"]\n", - "=======================\n", - "['brother of groom fired kalashnikov in celebration at riyadh receptioncaught on camera as he loses control of the powerful rifle at weddingguests dived for cover as a hail of bullets ricocheted off the walls']\n", - "horrified guests dived for cover as the groom 's brother lost control of the gun at a reception in the capital riyadh .a wedding in saudi arabia took a dangerous turn when the brother of the groom began firing celebratory shots with a kalashnikov , sending a hail of bullets ricocheting off the walls .the 30-second clip , believed to have been filmed with a mobile phone has been viewed nearly 140,000 times .\n", - "brother of groom fired kalashnikov in celebration at riyadh receptioncaught on camera as he loses control of the powerful rifle at weddingguests dived for cover as a hail of bullets ricocheted off the walls\n", - "[1.4400296 1.343653 1.2531395 1.4049792 1.2230939 1.260347 1.0549177\n", - " 1.0271498 1.0146493 1.1089911 1.0272954 1.0356846 1.1395986 1.0121439\n", - " 1.0122504 1.0112501 1.020118 1.1822059 1.1129634]\n", - "\n", - "[ 0 3 1 5 2 4 17 12 18 9 6 11 10 7 16 8 14 13 15]\n", - "=======================\n", - "[\"manchester united target memphis depay looks almost certain to leave psv eindhoven this summer after technical director marcel brands confirmed interest from ` big clubs ' .the 21-year-old , who has scored an emphatic 20 goals in 26 league games so far this season , has been tipped to join one of europe 's big boys after impressing in the eredivisie .and brands has reiterated that depay is likely to leave but must ` make the choice ' over his next destination .\"]\n", - "=======================\n", - "['memphis depay has been linked with a summer move to man unitedtottenham and man city are also said to be keeping tabs on psv stardepay has scored 20 goals in 26 league games so far this seasonthe dutch ace worked under louis van gaal at the 2014 world cup']\n", - "manchester united target memphis depay looks almost certain to leave psv eindhoven this summer after technical director marcel brands confirmed interest from ` big clubs ' .the 21-year-old , who has scored an emphatic 20 goals in 26 league games so far this season , has been tipped to join one of europe 's big boys after impressing in the eredivisie .and brands has reiterated that depay is likely to leave but must ` make the choice ' over his next destination .\n", - "memphis depay has been linked with a summer move to man unitedtottenham and man city are also said to be keeping tabs on psv stardepay has scored 20 goals in 26 league games so far this seasonthe dutch ace worked under louis van gaal at the 2014 world cup\n", - "[1.2117766 1.3931953 1.3240901 1.3304954 1.2452867 1.1850282 1.0514475\n", - " 1.0991728 1.0559516 1.1449198 1.0517521 1.0296947 1.0445046 1.0940131\n", - " 1.0320139 1.0540546 1.0170916 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 5 9 7 13 8 15 10 6 12 14 11 16 17 18]\n", - "=======================\n", - "[\"the mobile phone companies boasted that 4g services would be ` five times faster ' than the existing 3g networks when they launched in the autumn of 2012 .a study by ofcom says 4g speeds in the uk are slower than promised .however , a new official study puts the real figure at an average of 2.5 times faster - 14.7 megabits per second compared to 5.9 mbit/s per second on the 3g service that most people use .\"]\n", - "=======================\n", - "['study by ofcom says 4g speeds in the uk are slower than promisedmobile phone companies boasted 4g would be 5x faster than 3gbut actual figure is actually only 2.5 x faster - 14.7 megabits per secondout of the networks , ee was fastest , followed by vodafone , o2 and three']\n", - "the mobile phone companies boasted that 4g services would be ` five times faster ' than the existing 3g networks when they launched in the autumn of 2012 .a study by ofcom says 4g speeds in the uk are slower than promised .however , a new official study puts the real figure at an average of 2.5 times faster - 14.7 megabits per second compared to 5.9 mbit/s per second on the 3g service that most people use .\n", - "study by ofcom says 4g speeds in the uk are slower than promisedmobile phone companies boasted 4g would be 5x faster than 3gbut actual figure is actually only 2.5 x faster - 14.7 megabits per secondout of the networks , ee was fastest , followed by vodafone , o2 and three\n", - "[1.3291719 1.3572577 1.1155286 1.0691688 1.145593 1.1170863 1.1785905\n", - " 1.1546001 1.07395 1.0561749 1.1900457 1.0532522 1.0406162 1.0565407\n", - " 1.1219864 1.0593358 1.0901264 1.0663519 0. ]\n", - "\n", - "[ 1 0 10 6 7 4 14 5 2 16 8 3 17 15 13 9 11 12 18]\n", - "=======================\n", - "[\"wet and cloudy weather was to blame in sydney , where the sydney observatory said the short lunar began at 10.58 pm ( aedt ) and finished at 11.03 pm .sydneysiders missed out on saturday night 's lunar eclipse , but melbourne and adelaide residents had a spectacular view of the ` blood moon ' as it lit up the sky .brisbane , darwin , canberra and hobart residents were also promised slim chance of viewing the phenomenon due to poor weather conditions , but clear night skies were predicted for adelaide , melbourne and perth .\"]\n", - "=======================\n", - "['the april lunar eclipse turned the moon blood red on saturday nightbad weather ruined viewing chances for sydney , brisbane , hobart , darwinadelaide and melbourne had the clearest skies out of all the statesa lunar eclipse occurs when the moon passes in the shadow of earth']\n", - "wet and cloudy weather was to blame in sydney , where the sydney observatory said the short lunar began at 10.58 pm ( aedt ) and finished at 11.03 pm .sydneysiders missed out on saturday night 's lunar eclipse , but melbourne and adelaide residents had a spectacular view of the ` blood moon ' as it lit up the sky .brisbane , darwin , canberra and hobart residents were also promised slim chance of viewing the phenomenon due to poor weather conditions , but clear night skies were predicted for adelaide , melbourne and perth .\n", - "the april lunar eclipse turned the moon blood red on saturday nightbad weather ruined viewing chances for sydney , brisbane , hobart , darwinadelaide and melbourne had the clearest skies out of all the statesa lunar eclipse occurs when the moon passes in the shadow of earth\n", - "[1.1876999 1.3733151 1.2542527 1.3210626 1.1971053 1.107328 1.052185\n", - " 1.0928735 1.0397239 1.0493034 1.0738358 1.0639417 1.0753075 1.0336818\n", - " 1.0621673 1.0607693 1.0351019 1.0376357 1.0394899]\n", - "\n", - "[ 1 3 2 4 0 5 7 12 10 11 14 15 6 9 8 18 17 16 13]\n", - "=======================\n", - "[\"the german chancellor demanded a new european union system that distributes asylum-seekers to member states based on their population and economic strength .the call comes as europe struggles with the growing refugee crisis in the mediterranean , where hundreds have died in recent days trying to get from northern africa to italy .david cameron insisted at an emergency eu summit on thursday that the uk would not take any of the refugees -- because it was already doing its part by virtue of having the continent 's largest aid and defence budgets .\"]\n", - "=======================\n", - "[\"angela merkel has challenged cameron to accept more asylum seekersshe said a new eu system was needed based on countries ' economiesit comes as europe reacts to several boat tragedies in the mediterranean\"]\n", - "the german chancellor demanded a new european union system that distributes asylum-seekers to member states based on their population and economic strength .the call comes as europe struggles with the growing refugee crisis in the mediterranean , where hundreds have died in recent days trying to get from northern africa to italy .david cameron insisted at an emergency eu summit on thursday that the uk would not take any of the refugees -- because it was already doing its part by virtue of having the continent 's largest aid and defence budgets .\n", - "angela merkel has challenged cameron to accept more asylum seekersshe said a new eu system was needed based on countries ' economiesit comes as europe reacts to several boat tragedies in the mediterranean\n", - "[1.3043228 1.3706168 1.3550109 1.3081384 1.1960574 1.1044958 1.0820738\n", - " 1.0506263 1.1684409 1.0412769 1.0230274 1.0540923 1.105495 1.0473733\n", - " 1.0132682 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 8 12 5 6 11 7 13 9 10 14 17 15 16 18]\n", - "=======================\n", - "[\"figures released by the electoral commission revealed that labour received # 1.9 million in the week to april 5 , with 84 per cent coming from just three trade unions .it included a # 1million cheque from unite , entrenching labour 's reliance on the union 's militant boss len mccluskey .ed miliband received # 1.6 m from union barons in the first week of the election campaign , figures have revealed\"]\n", - "=======================\n", - "['labour received # 1.9 million in week to april 5 , new figures have revealedthree trade unions contributed 84 per cent , including # 1million from uniteconservative donations totalled over # 500,000 in first week of campaigncritics say labour is being bound by union paymasters after manifesto']\n", - "figures released by the electoral commission revealed that labour received # 1.9 million in the week to april 5 , with 84 per cent coming from just three trade unions .it included a # 1million cheque from unite , entrenching labour 's reliance on the union 's militant boss len mccluskey .ed miliband received # 1.6 m from union barons in the first week of the election campaign , figures have revealed\n", - "labour received # 1.9 million in week to april 5 , new figures have revealedthree trade unions contributed 84 per cent , including # 1million from uniteconservative donations totalled over # 500,000 in first week of campaigncritics say labour is being bound by union paymasters after manifesto\n", - "[1.2142512 1.3413088 1.4096521 1.219752 1.2018499 1.112055 1.1084969\n", - " 1.1209904 1.0640817 1.0665767 1.1006056 1.0455081 1.0143533 1.0115465\n", - " 1.0586923 1.0687488 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 1 3 0 4 7 5 6 10 15 9 8 14 11 12 13 21 16 17 18 19 20 22]\n", - "=======================\n", - "['the gases - desflurane , isoflurane and sevoflurane - are potent greenhouse gases that have 2,500 times the impact on global warming compared to carbon dioxide .scientists say they have detected the gases used in anaesthetic as far a field as antarctica and concentrations have been rising globally in the past decade .anaesthetic is used to send patients to sleep during surgery ( above ) but it may also be warming the planet']\n", - "=======================\n", - "[\"gases used in anaesthetic in are accumulating in the earth 's atmopsherethe gases - desflurane , isoflurane and sevoflurane - have a greenhouse effect that is 2,500 times more potent than carbon dioxide , say scientistsnew study finds their concentrations are relatively low but are increasingscientists urge hospitals to find more environmentally friendly alternatives\"]\n", - "the gases - desflurane , isoflurane and sevoflurane - are potent greenhouse gases that have 2,500 times the impact on global warming compared to carbon dioxide .scientists say they have detected the gases used in anaesthetic as far a field as antarctica and concentrations have been rising globally in the past decade .anaesthetic is used to send patients to sleep during surgery ( above ) but it may also be warming the planet\n", - "gases used in anaesthetic in are accumulating in the earth 's atmopsherethe gases - desflurane , isoflurane and sevoflurane - have a greenhouse effect that is 2,500 times more potent than carbon dioxide , say scientistsnew study finds their concentrations are relatively low but are increasingscientists urge hospitals to find more environmentally friendly alternatives\n", - "[1.2797036 1.1752555 1.2967453 1.3044231 1.1333665 1.1133064 1.1095333\n", - " 1.0603447 1.0656015 1.0724518 1.0705557 1.16989 1.0864944 1.0538975\n", - " 1.1092981 1.0328752 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 2 0 1 11 4 5 6 14 12 9 10 8 7 13 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "['a memorial display at dusseldorf airport has revealed the first photograph of hero captain patrick sondheimer left ) who tried to break down the cockpit door to stop killer pilot andreas lubitz ( second from left ) from crashing the aircraftyet the shrine , which was erected in memory of the staff killed during the tragedy , controversially also includes a picture of co-pilot andreas lubitz .staring straight ahead , eyes firmly on the camera , this is the only photograph to have emerged of patrick sonderheimer , the pilot of the doomed flight .']\n", - "=======================\n", - "['mr sondheimer frantically tried to break down cockpit door before crashphotograph of the captain is the first to have been released since disasterit has emerged lubitz was planning the attack online using name skydevildisplay created before staff learned lubitz deliberately crashed the aircraft']\n", - "a memorial display at dusseldorf airport has revealed the first photograph of hero captain patrick sondheimer left ) who tried to break down the cockpit door to stop killer pilot andreas lubitz ( second from left ) from crashing the aircraftyet the shrine , which was erected in memory of the staff killed during the tragedy , controversially also includes a picture of co-pilot andreas lubitz .staring straight ahead , eyes firmly on the camera , this is the only photograph to have emerged of patrick sonderheimer , the pilot of the doomed flight .\n", - "mr sondheimer frantically tried to break down cockpit door before crashphotograph of the captain is the first to have been released since disasterit has emerged lubitz was planning the attack online using name skydevildisplay created before staff learned lubitz deliberately crashed the aircraft\n", - "[1.3016068 1.3599416 1.2690436 1.3563552 1.0338026 1.0517174 1.0462512\n", - " 1.0282389 1.0206633 1.0268936 1.0455757 1.1325799 1.0570397 1.0287826\n", - " 1.050802 1.1632249 1.1644378 1.1322426 1.0206836 1.0672982 1.0385994\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 2 16 15 11 17 19 12 5 14 6 10 20 4 13 7 9 18 8 21 22]\n", - "=======================\n", - "[\"but after a blocked pipe unleashed a ` tsunami of sewage ' from the nine-storey building 's 239 other flats into her apartment , her hopes of a contented retirement were ruined - and she says she now hopes to move .traumatic : theodosia aresti was left devastated when her flat became flooded with raw sewage 'when retired hairdresser theodosia aresti , 71 , moved into a new-build flat in london five years ago , the frail pensioner thought she had found her dream home .\"]\n", - "=======================\n", - "[\"theodosia aresti , 71 , was horrified when sewage erupted from her baththe cause was a blocked pipe and her flat became filled with human wastesewage from 239 other flats spewed into her apartmenttide of excrement soaked her carpet and left bedroom smelling ` foul 'was forced to sleep in sewage-filled flat for four daysworkmen eventually fixed the problem and replaced the carpetshe says the experience left her needing counsellingtheodosia aresti appears on britain 's horror homes , tonight at 8pm on channel 5\"]\n", - "but after a blocked pipe unleashed a ` tsunami of sewage ' from the nine-storey building 's 239 other flats into her apartment , her hopes of a contented retirement were ruined - and she says she now hopes to move .traumatic : theodosia aresti was left devastated when her flat became flooded with raw sewage 'when retired hairdresser theodosia aresti , 71 , moved into a new-build flat in london five years ago , the frail pensioner thought she had found her dream home .\n", - "theodosia aresti , 71 , was horrified when sewage erupted from her baththe cause was a blocked pipe and her flat became filled with human wastesewage from 239 other flats spewed into her apartmenttide of excrement soaked her carpet and left bedroom smelling ` foul 'was forced to sleep in sewage-filled flat for four daysworkmen eventually fixed the problem and replaced the carpetshe says the experience left her needing counsellingtheodosia aresti appears on britain 's horror homes , tonight at 8pm on channel 5\n", - "[1.1945443 1.4751327 1.286978 1.1706524 1.1538633 1.1176012 1.2971826\n", - " 1.1548308 1.1256732 1.0466207 1.0711926 1.084265 1.0313753 1.0592778\n", - " 1.0860075 1.0489337 1.0170207 1.0246117 1.0196412 1.0140954 1.0395112\n", - " 1.0085577 1.0764838]\n", - "\n", - "[ 1 6 2 0 3 7 4 8 5 14 11 22 10 13 15 9 20 12 17 18 16 19 21]\n", - "=======================\n", - "['braylon robinson was playing at a house in cleveland , ohio , on sunday when another three-year-old boy found the unattended weapon and pulled the trigger .the bullet struck the baby boy in the face .a one-year-old boy who was shot and killed by another toddler who picked up and fired a loaded gun has been pictured .']\n", - "=======================\n", - "[\"the three-year-old boy picked up gun inside a cleveland , ohio , homehe then pulled the trigger , shooting and killing braylon robinsonit is unclear whether victim was related to the youngster who shot himbaby 's mother could be heard screaming on the back porch on sundaypolice are trying to determine who left weapon within the child 's reachforce chief said of accidental shooting : ` this is a senseless loss of life '\"]\n", - "braylon robinson was playing at a house in cleveland , ohio , on sunday when another three-year-old boy found the unattended weapon and pulled the trigger .the bullet struck the baby boy in the face .a one-year-old boy who was shot and killed by another toddler who picked up and fired a loaded gun has been pictured .\n", - "the three-year-old boy picked up gun inside a cleveland , ohio , homehe then pulled the trigger , shooting and killing braylon robinsonit is unclear whether victim was related to the youngster who shot himbaby 's mother could be heard screaming on the back porch on sundaypolice are trying to determine who left weapon within the child 's reachforce chief said of accidental shooting : ` this is a senseless loss of life '\n", - "[1.2342714 1.2209523 1.1871588 1.1570245 1.1209157 1.0675974 1.0777904\n", - " 1.0170176 1.1371777 1.1148467 1.0543132 1.056238 1.0957944 1.05321\n", - " 1.0528868 1.0814192 1.0843393 1.0226307 1.0487843 1.0695908 1.0154269\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 3 8 4 9 12 16 15 6 19 5 11 10 13 14 18 17 7 20 21 22]\n", - "=======================\n", - "['atlanta ( cnn ) \" do you use toilet paper ? \"that \\'s the question 26-year-old anamarie shreeves receives most often .it \\'s not exactly a typical question , but shreeves , who lives in atlanta and is the site manager for the nonprofit keep atlanta beautiful , lives what some may consider an atypical lifestyle : she creates almost no waste .']\n", - "=======================\n", - "[\"26-year-old atlanta woman uses a mason jar as a trash canshe has produced about as much waste in six months as an average person does in less than a dayshe strives to live a ` zero waste ' lifestyle\"]\n", - "atlanta ( cnn ) \" do you use toilet paper ? \"that 's the question 26-year-old anamarie shreeves receives most often .it 's not exactly a typical question , but shreeves , who lives in atlanta and is the site manager for the nonprofit keep atlanta beautiful , lives what some may consider an atypical lifestyle : she creates almost no waste .\n", - "26-year-old atlanta woman uses a mason jar as a trash canshe has produced about as much waste in six months as an average person does in less than a dayshe strives to live a ` zero waste ' lifestyle\n", - "[1.5961092 1.2673776 1.2711052 1.0361493 1.3244177 1.0637082 1.1264074\n", - " 1.0279275 1.0512481 1.0661219 1.119202 1.026369 1.0520571 1.0193374\n", - " 1.0175865 1.019075 1.0125779 1.1033932 1.0162137 1.0111254 1.014985\n", - " 1.0149628 1.0987923]\n", - "\n", - "[ 0 4 2 1 6 10 17 22 9 5 12 8 3 7 11 13 15 14 18 20 21 16 19]\n", - "=======================\n", - "['javier hernandez made it six goals in eight starts as real madrid kept up their pursuit of barcelona at the top of la liga with a 4-2 win over celta vigo .real madrid are now just two points behind league leaders barcelona .the manchester united loanee put his team in the champions league semi-finals in midweek with the winner against atletico madrid and in baliados on sunday night he scored twice to keep real in the title race .']\n", - "=======================\n", - "[\"nolito scores opener after just nine minutes to put his side in unlikely leadtoni kroos cancels out nolito 's strike before javier hernandez nets goalsanti mina then makes it 2-2 with close-range finish past iker casillasjames rodriguez puts side in lead before hernandez 's second of the nightreal madrid xi : casillas , carvajal , varane , ramos , marcelo , kroos , illarramendi , isco , rodriguez , hernandez , ronaldocelta vigo xi : sergio , hugo mallo , cabral , fontas , jonny , augusto , krohn-dehli , orellana , santi mina , nolito , larriveycristiano ronaldo scored a hat-trick in reverse match at the bernabeureal progressed to semi-finals of the champions league on wednesday\"]\n", - "javier hernandez made it six goals in eight starts as real madrid kept up their pursuit of barcelona at the top of la liga with a 4-2 win over celta vigo .real madrid are now just two points behind league leaders barcelona .the manchester united loanee put his team in the champions league semi-finals in midweek with the winner against atletico madrid and in baliados on sunday night he scored twice to keep real in the title race .\n", - "nolito scores opener after just nine minutes to put his side in unlikely leadtoni kroos cancels out nolito 's strike before javier hernandez nets goalsanti mina then makes it 2-2 with close-range finish past iker casillasjames rodriguez puts side in lead before hernandez 's second of the nightreal madrid xi : casillas , carvajal , varane , ramos , marcelo , kroos , illarramendi , isco , rodriguez , hernandez , ronaldocelta vigo xi : sergio , hugo mallo , cabral , fontas , jonny , augusto , krohn-dehli , orellana , santi mina , nolito , larriveycristiano ronaldo scored a hat-trick in reverse match at the bernabeureal progressed to semi-finals of the champions league on wednesday\n", - "[1.0839211 1.4181373 1.2854121 1.1291203 1.1301663 1.0914731 1.0581388\n", - " 1.0653389 1.2033118 1.1332278 1.1084638 1.1260215 1.1577893 1.0351127\n", - " 1.0208323 1.0189805 1.145879 1.0178584 1.0178714 1.0234518 1.0315799\n", - " 1.0098566 1.0092772]\n", - "\n", - "[ 1 2 8 12 16 9 4 3 11 10 5 0 7 6 13 20 19 14 15 18 17 21 22]\n", - "=======================\n", - "[\"footage shows the seven-day-old foal nuzzling sunny bayne 's shoulder before pushing her to the ground and lying on top of her belly .the young rider from kentucky ca n't stop smiling at the animal 's silly antics .to date the clip of bayne has received thousands of hits online .\"]\n", - "=======================\n", - "[\"footage shows the seven-day-old foal nuzzling sunny bayne 's shoulder before pushing her to the ground and lying on top of her bellythe young rider from kentucky ca n't stop smiling at the animal 's anticsto date the clip of bayne has received thousands of hits online\"]\n", - "footage shows the seven-day-old foal nuzzling sunny bayne 's shoulder before pushing her to the ground and lying on top of her belly .the young rider from kentucky ca n't stop smiling at the animal 's silly antics .to date the clip of bayne has received thousands of hits online .\n", - "footage shows the seven-day-old foal nuzzling sunny bayne 's shoulder before pushing her to the ground and lying on top of her bellythe young rider from kentucky ca n't stop smiling at the animal 's anticsto date the clip of bayne has received thousands of hits online\n", - "[1.4246025 1.295499 1.1554843 1.3275995 1.1716619 1.1583703 1.1119332\n", - " 1.2317299 1.1867926 1.1288476 1.0649536 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 1 7 8 4 5 2 9 6 10 20 19 18 17 16 11 14 13 12 21 15 22]\n", - "=======================\n", - "[\"( cnn ) five americans who were monitored for three weeks at an omaha , nebraska , hospital after being exposed to ebola in west africa have been released , a nebraska medicine spokesman said in an email wednesday .one of the five had a heart-related issue on saturday and has been discharged but has n't left the area , taylor wilson wrote .the centers for disease control and prevention in atlanta has said the last of 17 patients who were being monitored are expected to be released by thursday .\"]\n", - "=======================\n", - "['17 americans were exposed to the ebola virus while in sierra leone in marchanother person was diagnosed with the disease and taken to hospital in marylandnational institutes of health says the patient is in fair condition after weeks of treatment']\n", - "( cnn ) five americans who were monitored for three weeks at an omaha , nebraska , hospital after being exposed to ebola in west africa have been released , a nebraska medicine spokesman said in an email wednesday .one of the five had a heart-related issue on saturday and has been discharged but has n't left the area , taylor wilson wrote .the centers for disease control and prevention in atlanta has said the last of 17 patients who were being monitored are expected to be released by thursday .\n", - "17 americans were exposed to the ebola virus while in sierra leone in marchanother person was diagnosed with the disease and taken to hospital in marylandnational institutes of health says the patient is in fair condition after weeks of treatment\n", - "[1.3475541 1.3974476 1.2023598 1.2466742 1.1927769 1.0730672 1.0392962\n", - " 1.0323011 1.0185654 1.1581831 1.176554 1.1321329 1.0154376 1.0140504\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 10 9 11 5 6 7 8 12 13 21 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"starring models from sizes 10 to 20 and showcasing clothes from high street giants including marks & spencer 's , debenhams and laura ashley , this year 's focus is all about uniting women of all shapes for a worthwhile cause .fashion targets breast cancer , the charity founded by ralph lauren in 1994 , has cast plus-size models in its new campaign for the first time ever .this follows the first leg of the campaign , which launched earlier this month and starred models abbey clancy , 29 , and alice dellal , 27 , singer foxes , 25 , and victoria 's secret angel lily donaldson , 28 .\"]\n", - "=======================\n", - "[\"charity campaign aimed at ` women of all different shapes and sizes 'for the first time ever the models featured range from a size 10 to 20m&s , debenhams and laura ashley have all designed charity collectionskate moss and naomi campbell have starred in previous years ' shoots\"]\n", - "starring models from sizes 10 to 20 and showcasing clothes from high street giants including marks & spencer 's , debenhams and laura ashley , this year 's focus is all about uniting women of all shapes for a worthwhile cause .fashion targets breast cancer , the charity founded by ralph lauren in 1994 , has cast plus-size models in its new campaign for the first time ever .this follows the first leg of the campaign , which launched earlier this month and starred models abbey clancy , 29 , and alice dellal , 27 , singer foxes , 25 , and victoria 's secret angel lily donaldson , 28 .\n", - "charity campaign aimed at ` women of all different shapes and sizes 'for the first time ever the models featured range from a size 10 to 20m&s , debenhams and laura ashley have all designed charity collectionskate moss and naomi campbell have starred in previous years ' shoots\n", - "[1.4017694 1.1894042 1.101354 1.1446092 1.1861358 1.0835007 1.0199252\n", - " 1.0912801 1.0427917 1.0903115 1.1258941 1.0734879 1.06605 1.0442222\n", - " 1.1149538 1.0975232 1.0470988 1.0544444 1.0337534 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 4 3 10 14 2 15 7 9 5 11 12 17 16 13 8 18 6 19 20 21 22]\n", - "=======================\n", - "['( cnn ) the mass killings of armenians in the ottoman empire , which began 100 years ago friday , is said by some scholars and others to have been the first genocide of the 20th century , even though the word \" genocide \" did not exist at the time .the issue of whether to call the killings a genocide is emotional , both for armenians , who are descended from those killed , and for turks , the heirs to the ottomans .some armenians feel their nationhood can not be fully recognized unless the truth of what happened to their forebears is acknowledged .']\n", - "=======================\n", - "['the 100th anniversary of the start of the mass killings will be commemorated fridayturkey and others reject the use of the word \" genocide \"most estimates of the deaths fall between 600,000 and 1.5 million']\n", - "( cnn ) the mass killings of armenians in the ottoman empire , which began 100 years ago friday , is said by some scholars and others to have been the first genocide of the 20th century , even though the word \" genocide \" did not exist at the time .the issue of whether to call the killings a genocide is emotional , both for armenians , who are descended from those killed , and for turks , the heirs to the ottomans .some armenians feel their nationhood can not be fully recognized unless the truth of what happened to their forebears is acknowledged .\n", - "the 100th anniversary of the start of the mass killings will be commemorated fridayturkey and others reject the use of the word \" genocide \"most estimates of the deaths fall between 600,000 and 1.5 million\n", - "[1.176036 1.4167647 1.3567405 1.1459398 1.1031698 1.2975354 1.1061718\n", - " 1.0802454 1.0456417 1.023679 1.0160913 1.0518693 1.2636265 1.0551795\n", - " 1.0426538 1.0261837 1.0556406]\n", - "\n", - "[ 1 2 5 12 0 3 6 4 7 16 13 11 8 14 15 9 10]\n", - "=======================\n", - "[\"massachusetts couple mimi and joe lemay 's son jacob was n't always a boy .the five-year-old was born mia , the second of three sisters .the parents of a five-year-old transgender boy are sharing their son 's story with the world in a bid to prove that there is no such thing as being ` too young ' to identify as transgender .\"]\n", - "=======================\n", - "['mimi and joe lemay of massachusetts say their son jacob was never happy as a girl , adding that he has called himself a boy since he was twoit took years and many emotional ups and downs before the couple finally decided to let him transitionnow attending a school where everyone knows him as a boy , jacob is the happiest and most outgoing he has ever been']\n", - "massachusetts couple mimi and joe lemay 's son jacob was n't always a boy .the five-year-old was born mia , the second of three sisters .the parents of a five-year-old transgender boy are sharing their son 's story with the world in a bid to prove that there is no such thing as being ` too young ' to identify as transgender .\n", - "mimi and joe lemay of massachusetts say their son jacob was never happy as a girl , adding that he has called himself a boy since he was twoit took years and many emotional ups and downs before the couple finally decided to let him transitionnow attending a school where everyone knows him as a boy , jacob is the happiest and most outgoing he has ever been\n", - "[1.1982168 1.3801461 1.1983817 1.2889185 1.2055672 1.317344 1.1797228\n", - " 1.0806808 1.0439312 1.067446 1.0681001 1.1224877 1.1319121 1.085467\n", - " 1.0234991 1.0528973 1.0559267]\n", - "\n", - "[ 1 5 3 4 2 0 6 12 11 13 7 10 9 16 15 8 14]\n", - "=======================\n", - "['britt lapthorne , from melbourne , was last seen at the latin club fuego in the coastal , tourist town of dubrovnik where she was partying with about 10 other backpackers .her family believes ms lapthorne was murdered , her body weighted down and dumped at sea .it has now emerged a victorian inquest into her death will be closed .']\n", - "=======================\n", - "['student britt lapthorne , from melbourne , disappeared in 2008she was last seen at a club in the coastal town of dubrovnik in croatiaher body was found almost three weeks after she disappearedshe was found badly decomposed in boninovo baycroatian police have never solved the mystery of how she diedher family believes she was murdered and dumped at seaa victorian inquest into her death will be closed']\n", - "britt lapthorne , from melbourne , was last seen at the latin club fuego in the coastal , tourist town of dubrovnik where she was partying with about 10 other backpackers .her family believes ms lapthorne was murdered , her body weighted down and dumped at sea .it has now emerged a victorian inquest into her death will be closed .\n", - "student britt lapthorne , from melbourne , disappeared in 2008she was last seen at a club in the coastal town of dubrovnik in croatiaher body was found almost three weeks after she disappearedshe was found badly decomposed in boninovo baycroatian police have never solved the mystery of how she diedher family believes she was murdered and dumped at seaa victorian inquest into her death will be closed\n", - "[1.641547 1.3405057 1.1099566 1.0896304 1.2053058 1.1417234 1.1002803\n", - " 1.0282227 1.0945272 1.2865217 1.0289793 1.0136753 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 9 4 5 2 6 8 3 10 7 11 15 12 13 14 16]\n", - "=======================\n", - "[\"team sky 's geraint thomas had to settle for 14th place in an incident-packed tour of flanders as norwegian alexander kristoff took victory in a sprint finish with holland 's niki terpstra .with tom boonen and fabian cancellara - winners of six of the last 10 races here - missing through injury , thomas was one of the favourites to claim the title following his recent victory in e3 harelbeke and third-place finish at the gent-wevelgem sprint classic .the highly-fancied kristoff came home in a time of six hours , 26 minutes and 38 seconds , with terpstra just behind and local hope greg van avermaet of belgium ( bmc ) seven seconds back in third .\"]\n", - "=======================\n", - "[\"norway 's alexander kristoff won race after sprint finish with niki terpstrageraint thomas was among favourites to claim title following recent winthe welshman was unable to recover ground on kristoff and terpstra\"]\n", - "team sky 's geraint thomas had to settle for 14th place in an incident-packed tour of flanders as norwegian alexander kristoff took victory in a sprint finish with holland 's niki terpstra .with tom boonen and fabian cancellara - winners of six of the last 10 races here - missing through injury , thomas was one of the favourites to claim the title following his recent victory in e3 harelbeke and third-place finish at the gent-wevelgem sprint classic .the highly-fancied kristoff came home in a time of six hours , 26 minutes and 38 seconds , with terpstra just behind and local hope greg van avermaet of belgium ( bmc ) seven seconds back in third .\n", - "norway 's alexander kristoff won race after sprint finish with niki terpstrageraint thomas was among favourites to claim title following recent winthe welshman was unable to recover ground on kristoff and terpstra\n", - "[1.1839504 1.4941987 1.0942547 1.2577978 1.3646108 1.3374285 1.2116711\n", - " 1.234955 1.0435209 1.017527 1.0281596 1.0671543 1.0243852 1.0274072\n", - " 1.0093814 1.0735252 1.0329787]\n", - "\n", - "[ 1 4 5 3 7 6 0 2 15 11 8 16 10 13 12 9 14]\n", - "=======================\n", - "[\"casey veal 's son zayden was just 10 months old when he was bludgeoned to death by a drug-crazed burglar who broke into their bendigo home at random , whilst the baby slept in his cot in june 2012 .the culprit was 19-year-old harley hicks who bashed baby zayden more than 30 times with a homemade baton during a senseless and unprovoked robbery , fuelled by ice and marijuana .a heartbroken ms veal told 60 minutes .\"]\n", - "=======================\n", - "[\"heartbroken mother speaks out about the brutal murder of her baby sonbaby zayden was murdered as his family slept during a random robberyharley hicks , 19 , attacked the 10-month-old baby in an ice-fuelled rampagecasey veal opened up about the pain she lives with since her son 's deathit comes as the federal government announced a task force this week to combat the ` national ice epidemic '\"]\n", - "casey veal 's son zayden was just 10 months old when he was bludgeoned to death by a drug-crazed burglar who broke into their bendigo home at random , whilst the baby slept in his cot in june 2012 .the culprit was 19-year-old harley hicks who bashed baby zayden more than 30 times with a homemade baton during a senseless and unprovoked robbery , fuelled by ice and marijuana .a heartbroken ms veal told 60 minutes .\n", - "heartbroken mother speaks out about the brutal murder of her baby sonbaby zayden was murdered as his family slept during a random robberyharley hicks , 19 , attacked the 10-month-old baby in an ice-fuelled rampagecasey veal opened up about the pain she lives with since her son 's deathit comes as the federal government announced a task force this week to combat the ` national ice epidemic '\n", - "[1.3777037 1.364864 1.1100022 1.129195 1.1447741 1.0478084 1.069491\n", - " 1.1166574 1.1206632 1.0702747 1.0973256 1.0678085 1.0558295 1.1016978\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 3 8 7 2 13 10 9 6 11 12 5 15 14 16]\n", - "=======================\n", - "[\"( cnn ) for years , warren weinstein 's family frantically searched for details about his whereabouts and pushed for his release .his wife said she was still searching for answers thursday after u.s. officials revealed the 73-year-old american aid worker had been accidentally killed in a u.s. drone strike targeting al qaeda .gunmen abducted weinstein in 2011 from his home in lahore , parkistan .\"]\n", - "=======================\n", - "[\"warren weinstein 's wife says the family is still searching for answersofficials say weinstein and another al qaeda hostage were accidentally killed in a u.s. drone strikegunmen abducted the usaid contractor from his home in pakistan in 2011\"]\n", - "( cnn ) for years , warren weinstein 's family frantically searched for details about his whereabouts and pushed for his release .his wife said she was still searching for answers thursday after u.s. officials revealed the 73-year-old american aid worker had been accidentally killed in a u.s. drone strike targeting al qaeda .gunmen abducted weinstein in 2011 from his home in lahore , parkistan .\n", - "warren weinstein 's wife says the family is still searching for answersofficials say weinstein and another al qaeda hostage were accidentally killed in a u.s. drone strikegunmen abducted the usaid contractor from his home in pakistan in 2011\n", - "[1.4182093 1.2951437 1.1763265 1.338793 1.0827587 1.2130793 1.2648168\n", - " 1.1146426 1.0717677 1.0381072 1.016166 1.0259995 1.1774062 1.0407063\n", - " 1.0478032 1.1611184 1.04194 1.0189126 1.153541 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 6 5 12 2 15 18 7 4 8 14 16 13 9 11 17 10 23 19 20 21 22\n", - " 24]\n", - "=======================\n", - "['phil taylor suffered his fourth loss of the premier league season with defeat to dave chisnall in a dramatic night of darts on thursday .phil taylor squandered a 4-2 lead to lose 7-4 against dave chisnall during their premier league darts clashgary anderson 6-6 raymond van barneveld']\n", - "=======================\n", - "[\"phil taylor suffered his fourth loss of the season with thursday 's defeatpeter wright lost 7-4 to adrian lewis , while kim huybrechts drew 6-6 with stephen bunting on ` judgement night ' in manchesterresults meant wright suffered elimination due to leg differenceleague leader michael van gerwen romped to a 7-4 win over james waderaymond van barneveld drew 6-6 with gary anderson in the other clash\"]\n", - "phil taylor suffered his fourth loss of the premier league season with defeat to dave chisnall in a dramatic night of darts on thursday .phil taylor squandered a 4-2 lead to lose 7-4 against dave chisnall during their premier league darts clashgary anderson 6-6 raymond van barneveld\n", - "phil taylor suffered his fourth loss of the season with thursday 's defeatpeter wright lost 7-4 to adrian lewis , while kim huybrechts drew 6-6 with stephen bunting on ` judgement night ' in manchesterresults meant wright suffered elimination due to leg differenceleague leader michael van gerwen romped to a 7-4 win over james waderaymond van barneveld drew 6-6 with gary anderson in the other clash\n", - "[1.3050174 1.4096693 1.3168781 1.2833269 1.1948597 1.1809688 1.0900338\n", - " 1.1227975 1.0432224 1.0443219 1.0185412 1.0384378 1.024907 1.0637473\n", - " 1.0440328 1.1228558 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 5 15 7 6 13 9 14 8 11 12 10 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"the ukip leader will say the boatloads of people trying to get to the continent from north africa could provide a cover for jihadis wanting to do harm .mr farage will make his comments in a debate at the european parliament in strasbourg in the wake of more than 1,000 migrants drowning in the mediterranean .nigel farage will say today that allowing refugees into europe ` could lead to half a million islamic extremists coming to our countries and posing a direct threat to our civilisation ' .\"]\n", - "=======================\n", - "['nigel farage says refugees into europe could lead to influx of extremistsukip leader says it could provide a cover for jihadis wanting to do harmhe will make comments in a debate at the european parliament today']\n", - "the ukip leader will say the boatloads of people trying to get to the continent from north africa could provide a cover for jihadis wanting to do harm .mr farage will make his comments in a debate at the european parliament in strasbourg in the wake of more than 1,000 migrants drowning in the mediterranean .nigel farage will say today that allowing refugees into europe ` could lead to half a million islamic extremists coming to our countries and posing a direct threat to our civilisation ' .\n", - "nigel farage says refugees into europe could lead to influx of extremistsukip leader says it could provide a cover for jihadis wanting to do harmhe will make comments in a debate at the european parliament today\n", - "[1.1242115 1.0586058 1.0828874 1.0415694 1.368536 1.0456418 1.0897111\n", - " 1.2053983 1.1780206 1.2339191 1.0622647 1.0421522 1.0424857 1.0787227\n", - " 1.1015317 1.066835 1.0632123 1.0354418 1.083927 1.048217 1.1192203\n", - " 1.0540906 1.0410663 0. 0. ]\n", - "\n", - "[ 4 9 7 8 0 20 14 6 18 2 13 15 16 10 1 21 19 5 12 11 3 22 17 23\n", - " 24]\n", - "=======================\n", - "['step forward leicester city striker jamie vardy .not even close ... louis van gaal should be crowned manager of the yearvardy was being criticised two years ago at leicester but now is a pivotal part of their team']\n", - "=======================\n", - "[\"west brom 2-3 leicester city : jamie vardy 's injury-time winner seals itvardy put in a 10-out-of-10 performance at the hawthorns on saturdaythe leicester striker is a hard worker and can rarely be faulted\"]\n", - "step forward leicester city striker jamie vardy .not even close ... louis van gaal should be crowned manager of the yearvardy was being criticised two years ago at leicester but now is a pivotal part of their team\n", - "west brom 2-3 leicester city : jamie vardy 's injury-time winner seals itvardy put in a 10-out-of-10 performance at the hawthorns on saturdaythe leicester striker is a hard worker and can rarely be faulted\n", - "[1.2364534 1.3344278 1.3515248 1.2337165 1.2745862 1.1138692 1.1640197\n", - " 1.0857399 1.1246649 1.0367141 1.0355988 1.066487 1.050601 1.0144253\n", - " 1.0218378 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 4 0 3 6 8 5 7 11 12 9 10 14 13 23 15 16 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "['the hard-line approach to immunisation comes one month after the tragic death of 32-day - old perth baby riley hughes who died after contracting whooping cough .social services minister scott morrison confirms that the government is actively researching possible legislation changes , as conscientious objectors are currently able to use a loophole to access family tax benefits .riley hughes died at just 32 days old after suffering complications arising from whooping cough']\n", - "=======================\n", - "[\"abbott government are actively trying to stop parents who do n't immunise their children from accessing rebatesonly parents who immunise their children are eligible to access welfare payments and childcare subsidieshowever a loophole currently allows parents who do not vaccinate their children from accessing the fundsconscientious objectors are people who oppose vaccinations for personal or philosophical reasons despite knowing the risksscott morrison confirms the government wants to take a more hard-line approach in the interest of the health and safety of australian children\"]\n", - "the hard-line approach to immunisation comes one month after the tragic death of 32-day - old perth baby riley hughes who died after contracting whooping cough .social services minister scott morrison confirms that the government is actively researching possible legislation changes , as conscientious objectors are currently able to use a loophole to access family tax benefits .riley hughes died at just 32 days old after suffering complications arising from whooping cough\n", - "abbott government are actively trying to stop parents who do n't immunise their children from accessing rebatesonly parents who immunise their children are eligible to access welfare payments and childcare subsidieshowever a loophole currently allows parents who do not vaccinate their children from accessing the fundsconscientious objectors are people who oppose vaccinations for personal or philosophical reasons despite knowing the risksscott morrison confirms the government wants to take a more hard-line approach in the interest of the health and safety of australian children\n", - "[1.5446799 1.2139452 1.3609662 1.0420256 1.0669351 1.0841949 1.0405183\n", - " 1.028582 1.0245296 1.0697678 1.0172057 1.0316763 1.019819 1.027874\n", - " 1.0477285 1.0340714 1.067723 1.2464663 1.093052 1.0494242 1.0409508\n", - " 1.0094688 1.0158689 1.0120511 1.0826586]\n", - "\n", - "[ 0 2 17 1 18 5 24 9 16 4 19 14 3 20 6 15 11 7 13 8 12 10 22 23\n", - " 21]\n", - "=======================\n", - "[\"christian benteke 's hat-trick secured a vital point for aston villa in a thrilling game against relegation rivals qpr .aston villa 4-4-2 ( diamond )here , sportsmail 's laurie whitwell takes us through the player ratings from tuesday night 's match at villa park ...\"]\n", - "=======================\n", - "[\"christian benteke 's superb hat-trick against qpr secured a vital point for aston villa in their fight against relegationfabian delph also gave an assured performance for villa in midfieldmatty phillips is proving similarly key for the hoops and notched his sixth assist of 2015charlie austin scored his 17th premier league goal of the campaign\"]\n", - "christian benteke 's hat-trick secured a vital point for aston villa in a thrilling game against relegation rivals qpr .aston villa 4-4-2 ( diamond )here , sportsmail 's laurie whitwell takes us through the player ratings from tuesday night 's match at villa park ...\n", - "christian benteke 's superb hat-trick against qpr secured a vital point for aston villa in their fight against relegationfabian delph also gave an assured performance for villa in midfieldmatty phillips is proving similarly key for the hoops and notched his sixth assist of 2015charlie austin scored his 17th premier league goal of the campaign\n", - "[1.4094774 1.1024332 1.1558101 1.1776543 1.4818201 1.0751696 1.06797\n", - " 1.0363998 1.0295744 1.0205281 1.0284313 1.0815748 1.086361 1.0475223\n", - " 1.024833 1.0176101 1.0174041 1.1399324 1.0536174 0. 0.\n", - " 0. ]\n", - "\n", - "[ 4 0 3 2 17 1 12 11 5 6 18 13 7 8 10 14 9 15 16 20 19 21]\n", - "=======================\n", - "[\"celtic manager ronny deila admitted that the first six months in charge were mentally toughpeter lawwell recently admitted to telling ronny deila that it was a matter of getting over the ` le guen hump ' but celtic 's chief executive might well have cited a couple of names that had met their grim fates closer to home .a search party was hardly required to identify his doubters .\"]\n", - "=======================\n", - "['celtic boss ronny deila was unsure he was cut out for the jobdeila struggled for results initially at celtic parkbut the bhoys now lead the premiership and should win the title']\n", - "celtic manager ronny deila admitted that the first six months in charge were mentally toughpeter lawwell recently admitted to telling ronny deila that it was a matter of getting over the ` le guen hump ' but celtic 's chief executive might well have cited a couple of names that had met their grim fates closer to home .a search party was hardly required to identify his doubters .\n", - "celtic boss ronny deila was unsure he was cut out for the jobdeila struggled for results initially at celtic parkbut the bhoys now lead the premiership and should win the title\n", - "[1.1166873 1.396875 1.2879634 1.4074088 1.2619618 1.198163 1.056845\n", - " 1.0900995 1.0338839 1.0221382 1.0105687 1.1007159 1.102281 1.0890589\n", - " 1.1296726 1.0221447 1.1197745 1.0205258 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 2 4 5 14 16 0 12 11 7 13 6 8 15 9 17 10 18 19 20 21]\n", - "=======================\n", - "[\"kevin blandford 's photo album has gone viral with more than two million views on the website imgurthe 33-year-old , from louisville , kentucky , won the caribbean getaway through his workplace , but his wife , bonnie , was n't able to join him because she stayed home to care for their six-month-old daughter .kevin said ' a dedicated friend ' took the photos that show him looking miserable during his holiday\"]\n", - "=======================\n", - "[\"kevin blandford 's ` sad face ' photo album has gone viral on the internetphotos have been viewed more than two million times on imgurhe won the trip through his workplace but his wife was n't able to join himkevin told mailonline travel that the getaway was n't as bad as it looked\"]\n", - "kevin blandford 's photo album has gone viral with more than two million views on the website imgurthe 33-year-old , from louisville , kentucky , won the caribbean getaway through his workplace , but his wife , bonnie , was n't able to join him because she stayed home to care for their six-month-old daughter .kevin said ' a dedicated friend ' took the photos that show him looking miserable during his holiday\n", - "kevin blandford 's ` sad face ' photo album has gone viral on the internetphotos have been viewed more than two million times on imgurhe won the trip through his workplace but his wife was n't able to join himkevin told mailonline travel that the getaway was n't as bad as it looked\n", - "[1.4332505 1.5059516 1.0974598 1.4648644 1.3544427 1.0657287 1.062734\n", - " 1.1429183 1.1387725 1.0334464 1.0166987 1.0122347 1.0136901 1.0172881\n", - " 1.0171106 1.0877283 1.0115426 1.0120931 1.0096754 1.0147362 1.0442727\n", - " 1.0309095]\n", - "\n", - "[ 1 3 0 4 7 8 2 15 5 6 20 9 21 13 14 10 19 12 11 17 16 18]\n", - "=======================\n", - "[\"united boss louis van gaal revealed he will be without marcos rojo , phil jones , michael carrick and daley blind at stamford bridge , but mourinho responded by listing their lavish squad . 'jose mourinho believes manchester united will not be weakened by injury problems when they play chelseajose mourinho insists manchester united 's injury crisis does not weaken their team as they head to chelsea for tomorrow 's title clash .\"]\n", - "=======================\n", - "[\"united are without marcos rojo , phil jones , michael carrick and daley blind for stamford bridge showdownbut mourinho says louis van gaal 's ` amazing ' squad will copechelsea boss said he players needed no motivation for united fixtureblues can move a step closer to premier league title with three pointsclick here for all the team news , stats and odds ahead of the game\"]\n", - "united boss louis van gaal revealed he will be without marcos rojo , phil jones , michael carrick and daley blind at stamford bridge , but mourinho responded by listing their lavish squad . 'jose mourinho believes manchester united will not be weakened by injury problems when they play chelseajose mourinho insists manchester united 's injury crisis does not weaken their team as they head to chelsea for tomorrow 's title clash .\n", - "united are without marcos rojo , phil jones , michael carrick and daley blind for stamford bridge showdownbut mourinho says louis van gaal 's ` amazing ' squad will copechelsea boss said he players needed no motivation for united fixtureblues can move a step closer to premier league title with three pointsclick here for all the team news , stats and odds ahead of the game\n", - "[1.4047229 1.2330092 1.3767483 1.2013966 1.1342726 1.0643437 1.1245464\n", - " 1.175794 1.1461123 1.0783145 1.0156484 1.0473257 1.0906266 1.0786616\n", - " 1.0332053 1.1546036 1.0720773 1.0502411 1.0395988 1.0144172 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 3 7 15 8 4 6 12 13 9 16 5 17 11 18 14 10 19 20 21]\n", - "=======================\n", - "[\"police are hunting for a man who walked into a house in los angeles on sunday and shot a sleeping eight-year-old boy ( above ) in the headthe suspect , who is described as hispanic , medium build and wearing a grey hoodie at the time , apparently had no motive for staging the attack in the 11000 block of wagner street in del rey .according to the victim 's father , the attacker walked in through an unlocked front door around midnight and proceeded to fire shots after a heated conversation .\"]\n", - "=======================\n", - "[\"the suspect apparently had no motive for staging the attack in the 11000 block of wagner street in del rey , los angeles , on sunday nighthe is described as hispanic , medium build and wearing a grey hoodieaccording to the victim 's father , the attacker walked in through an unlocked front door around midnight and proceeded to fire shotsas of monday , the boy was listed in critical but stable condition\"]\n", - "police are hunting for a man who walked into a house in los angeles on sunday and shot a sleeping eight-year-old boy ( above ) in the headthe suspect , who is described as hispanic , medium build and wearing a grey hoodie at the time , apparently had no motive for staging the attack in the 11000 block of wagner street in del rey .according to the victim 's father , the attacker walked in through an unlocked front door around midnight and proceeded to fire shots after a heated conversation .\n", - "the suspect apparently had no motive for staging the attack in the 11000 block of wagner street in del rey , los angeles , on sunday nighthe is described as hispanic , medium build and wearing a grey hoodieaccording to the victim 's father , the attacker walked in through an unlocked front door around midnight and proceeded to fire shotsas of monday , the boy was listed in critical but stable condition\n", - "[1.3457767 1.3380525 1.1654352 1.3308709 1.1495543 1.1101185 1.0424374\n", - " 1.0427006 1.0769367 1.1221398 1.0351477 1.068945 1.0139304 1.1376472\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 2 4 13 9 5 8 11 7 6 10 12 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"renee somerfield , the genetically-blessed australian model starring in a controversial new weight loss advert , has responded to the backlash against the campaign .the yellow protein world ad , currently plastered all over billboards around the london underground , features a bikini-clad renee next to text reading ` are you beach body ready ? 'the sight of the 24-year-old 's toned figure towering above train platforms has caused a stir among some feminists and body image campaigners , with a change.org petition started , general social media outrage and defacing of the posters by bloggers , angry at the perceived insinuation that only women who look like renee are ready to go to the beach .\"]\n", - "=======================\n", - "[\"australian model renee somerfield wears bikini in new protein world adcampaign pushing weight loss blasted by some body image campaignersfitness model calls the backlash ` contradictory 'protein world have defended campaign and refuse to remove the advert\"]\n", - "renee somerfield , the genetically-blessed australian model starring in a controversial new weight loss advert , has responded to the backlash against the campaign .the yellow protein world ad , currently plastered all over billboards around the london underground , features a bikini-clad renee next to text reading ` are you beach body ready ? 'the sight of the 24-year-old 's toned figure towering above train platforms has caused a stir among some feminists and body image campaigners , with a change.org petition started , general social media outrage and defacing of the posters by bloggers , angry at the perceived insinuation that only women who look like renee are ready to go to the beach .\n", - "australian model renee somerfield wears bikini in new protein world adcampaign pushing weight loss blasted by some body image campaignersfitness model calls the backlash ` contradictory 'protein world have defended campaign and refuse to remove the advert\n", - "[1.1459818 1.3366063 1.3182473 1.0453157 1.3175262 1.0591855 1.2416782\n", - " 1.3474667 1.1136283 1.0644021 1.0555867 1.038074 1.094098 1.0104091\n", - " 1.0108887 1.0140433 1.0265552 1.028216 ]\n", - "\n", - "[ 7 1 2 4 6 0 8 12 9 5 10 3 11 17 16 15 14 13]\n", - "=======================\n", - "['mcilroy is targeting his third major title and the completion of his career grand slam at augustaben hogan did it with his one and only appearance at the open championship .tiger woods achieved it at the home of golf .']\n", - "=======================\n", - "['the 79th masters kicks off in augusta on thursdayrory mcilroy is bidding to land a third straight major titletiger woods arrives to the competition ranked 111th in the world']\n", - "mcilroy is targeting his third major title and the completion of his career grand slam at augustaben hogan did it with his one and only appearance at the open championship .tiger woods achieved it at the home of golf .\n", - "the 79th masters kicks off in augusta on thursdayrory mcilroy is bidding to land a third straight major titletiger woods arrives to the competition ranked 111th in the world\n", - "[1.2405806 1.4859589 1.3476691 1.3267651 1.2714584 1.0730102 1.0386053\n", - " 1.1575072 1.1152653 1.0320302 1.0192668 1.090392 1.1937242 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 12 7 8 11 5 6 9 10 16 13 14 15 17]\n", - "=======================\n", - "['the 42-year-old man allegedly threw a wheel spanner at a night security patrol car before recklessly driving his dark blue ford falcon ute at full speed towards the harts range police station just before 10pm on sunday .fortunately the station , which is remotely located about 240km northeast of alice springs in the northern territory , was vacant at the time of the incident before the culprit managed to escape in the smashed-up car .territory duty superintendent brendan muldoon said police are looking for a 42-year-old male who was agitated and driving in a reckless manner .']\n", - "=======================\n", - "['man threw a wheel spanner at security night patrol car in harts range , northern territoryhe then deliberately drove his car through doors of a police stationthe 42 year old man managed to drive away in the damaged carcar had no front number plate , front bumper bar or working headlightsvehicle may still have rear number plate which is sa-registered s145 avistation is located 240km northeast of alice springs in northern territory']\n", - "the 42-year-old man allegedly threw a wheel spanner at a night security patrol car before recklessly driving his dark blue ford falcon ute at full speed towards the harts range police station just before 10pm on sunday .fortunately the station , which is remotely located about 240km northeast of alice springs in the northern territory , was vacant at the time of the incident before the culprit managed to escape in the smashed-up car .territory duty superintendent brendan muldoon said police are looking for a 42-year-old male who was agitated and driving in a reckless manner .\n", - "man threw a wheel spanner at security night patrol car in harts range , northern territoryhe then deliberately drove his car through doors of a police stationthe 42 year old man managed to drive away in the damaged carcar had no front number plate , front bumper bar or working headlightsvehicle may still have rear number plate which is sa-registered s145 avistation is located 240km northeast of alice springs in northern territory\n", - "[1.5470197 1.353535 1.1520551 1.0912706 1.4506853 1.2679884 1.1636584\n", - " 1.064257 1.0487068 1.0631461 1.018094 1.0259316 1.0215144 1.0483924\n", - " 1.0220208 1.0130501 1.0124493 0. ]\n", - "\n", - "[ 0 4 1 5 6 2 3 7 9 8 13 11 14 12 10 15 16 17]\n", - "=======================\n", - "[\"eric cantona claimed manchester united are ` kings of the city ' again after their derby victory on sunday and the club legend believes they have found the right man in louis van gaal to drive them to the premier league title next year .the former united striker made a rare foray into football matters at the laureus sports awards in shanghai and spoke about diverse subjects , ranging from soft porn -- in defence of his latest film -- to his old side 's changing fortunes .cantona once professed his desire to be the manager at old trafford but has changed his mind , predicting united would recapture their old dominance under van gaal .\"]\n", - "=======================\n", - "['manchester united beat rivals manchester city 4-2 in the league on sundayvictory moves third-placed united four points clear of city in the tableeric cantona adds man utd are more dedicated to youth than citygary neville : louis van gaal has worked wonders with wayne rooneyrooney : marouane fellaini one of the most dangerous forwards in europe']\n", - "eric cantona claimed manchester united are ` kings of the city ' again after their derby victory on sunday and the club legend believes they have found the right man in louis van gaal to drive them to the premier league title next year .the former united striker made a rare foray into football matters at the laureus sports awards in shanghai and spoke about diverse subjects , ranging from soft porn -- in defence of his latest film -- to his old side 's changing fortunes .cantona once professed his desire to be the manager at old trafford but has changed his mind , predicting united would recapture their old dominance under van gaal .\n", - "manchester united beat rivals manchester city 4-2 in the league on sundayvictory moves third-placed united four points clear of city in the tableeric cantona adds man utd are more dedicated to youth than citygary neville : louis van gaal has worked wonders with wayne rooneyrooney : marouane fellaini one of the most dangerous forwards in europe\n", - "[1.289783 1.4492457 1.3667324 1.3269465 1.109811 1.0982293 1.0330845\n", - " 1.0136136 1.2292227 1.0414649 1.0503228 1.0650455 1.0533162 1.0211284\n", - " 1.0927858 1.0643098 0. 0. ]\n", - "\n", - "[ 1 2 3 0 8 4 5 14 11 15 12 10 9 6 13 7 16 17]\n", - "=======================\n", - "[\"nbc 's 288 consecutive week winning run had stetched back to september 2009 and the drop from the top spot comes two months after anchor brian williams received a six-month suspension for misleading viewers about his coverage of the iraq war in 2003 .according to nielsen ratings , abc 's world news tonight with david muir attracted 84,000 more viewers for the week ending april 3 , with the show pulling in 7.997 million viewers compared to nightly 's 7.913 million .as well as coming in the wake of williams ' suspension , the switch also follows a change in how the numbers are crunched which now prevents nbc from including repeat numbers of its newscast from overnight replays .\"]\n", - "=======================\n", - "[\"world news tonight evening newscast has officially overtaken underfire rival nbc 's nightly news in the ratings warnbc 's 288 consecutive week winning run had stetched back to september 2009 and the drop comes two months after brian williams ' suspensionan nbc spokesperson said the network was ` pleased ' with substitute anchor lester holt 's ` strong performance 'switch also follows a change in how the numbers are crunched and nbc is now prevented from including repeat numbers from overnight replays\"]\n", - "nbc 's 288 consecutive week winning run had stetched back to september 2009 and the drop from the top spot comes two months after anchor brian williams received a six-month suspension for misleading viewers about his coverage of the iraq war in 2003 .according to nielsen ratings , abc 's world news tonight with david muir attracted 84,000 more viewers for the week ending april 3 , with the show pulling in 7.997 million viewers compared to nightly 's 7.913 million .as well as coming in the wake of williams ' suspension , the switch also follows a change in how the numbers are crunched which now prevents nbc from including repeat numbers of its newscast from overnight replays .\n", - "world news tonight evening newscast has officially overtaken underfire rival nbc 's nightly news in the ratings warnbc 's 288 consecutive week winning run had stetched back to september 2009 and the drop comes two months after brian williams ' suspensionan nbc spokesperson said the network was ` pleased ' with substitute anchor lester holt 's ` strong performance 'switch also follows a change in how the numbers are crunched and nbc is now prevented from including repeat numbers from overnight replays\n", - "[1.3653089 1.4310188 1.2739849 1.299595 1.2758558 1.194412 1.0328199\n", - " 1.0196538 1.0334268 1.100817 1.178559 1.042173 1.0339972 1.115572\n", - " 1.009229 1.0111531 0. 0. ]\n", - "\n", - "[ 1 0 3 4 2 5 10 13 9 11 12 8 6 7 15 14 16 17]\n", - "=======================\n", - "[\"redknapp branded the situation at qpr a ` soap opera ' and accused ` people with their agendas ' of working against him before he left the club in february citing knee problems .sandro has defended former manager harry redknapp , saying he is not at fault for qpr 's predicament near the foot of the premier league .others , including joey barton , blame redknapp 's recruitment in the summer transfer window and poor work on the training ground .\"]\n", - "=======================\n", - "[\"sandro insists he does n't blame harry redknapp for qpr 's strugglesredknapp left the premier league side in february citing knee problemsqpr midfielder claims it 's ` not fair ' to blame his former boss\"]\n", - "redknapp branded the situation at qpr a ` soap opera ' and accused ` people with their agendas ' of working against him before he left the club in february citing knee problems .sandro has defended former manager harry redknapp , saying he is not at fault for qpr 's predicament near the foot of the premier league .others , including joey barton , blame redknapp 's recruitment in the summer transfer window and poor work on the training ground .\n", - "sandro insists he does n't blame harry redknapp for qpr 's strugglesredknapp left the premier league side in february citing knee problemsqpr midfielder claims it 's ` not fair ' to blame his former boss\n", - "[1.5135696 1.1072632 1.1049956 1.1239266 1.0600559 1.0680863 1.0334947\n", - " 1.136871 1.0645288 1.1607838 1.0797704 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 9 7 3 1 2 10 5 8 4 6 11 12 13 14 15 16 17]\n", - "=======================\n", - "[\"that 's a wrap - mercedes-benz fashion week australia came to a close on thursday night in sydney , with the johanna johnson show bringing the event to a spectacular close with her hollywood-inspired sirens ' call presentation .shine on : maticevski ( left ) , ginger & smart ( middle ) , and johanna johnson ( right ) wowed with metallic golds and bronzesa key beauty trend on the catwalk appeared to be face bling - both akira isogawa and bondi bather sent models down the runway with sequins and beads glued to their faces .\"]\n", - "=======================\n", - "['mercedes-benz fashion week australia 2015 came to a close on thursday night in sydneystand-out shows included maticevski , romance was born , tome , steven khalil and johanna johnsonsheer and metallic fabrics and slouchy and voluminous silhouettes were recurring trends']\n", - "that 's a wrap - mercedes-benz fashion week australia came to a close on thursday night in sydney , with the johanna johnson show bringing the event to a spectacular close with her hollywood-inspired sirens ' call presentation .shine on : maticevski ( left ) , ginger & smart ( middle ) , and johanna johnson ( right ) wowed with metallic golds and bronzesa key beauty trend on the catwalk appeared to be face bling - both akira isogawa and bondi bather sent models down the runway with sequins and beads glued to their faces .\n", - "mercedes-benz fashion week australia 2015 came to a close on thursday night in sydneystand-out shows included maticevski , romance was born , tome , steven khalil and johanna johnsonsheer and metallic fabrics and slouchy and voluminous silhouettes were recurring trends\n", - "[1.2164757 1.3524566 1.1457781 1.2155919 1.1652569 1.1393743 1.0878966\n", - " 1.1146607 1.1612076 1.0962477 1.1013739 1.0753484 1.1027187 1.0368382\n", - " 1.0769243 1.1035212 1.1058617 0. ]\n", - "\n", - "[ 1 0 3 4 8 2 5 7 16 15 12 10 9 6 14 11 13 17]\n", - "=======================\n", - "[\"she was first diagnosed with the condition in 2013 where she was initially given daily medication to help relieve the pain .meet suma , one of melbourne zoo 's aging orangutans who suffers from arthritis .although is not unusual for middle-aged orangutans to have arthritis , doctors had to anaesthetise suma in order to check how her condition has progressed over the past two years .\"]\n", - "=======================\n", - "[\"suma underwent a thorough health examination on thursday to monitor the progress of her arthritismelbourne zoo 's aging orangutan was first diagnosed with the condition in 2013the 36-year-old orangutan , who turns a year older in june , has arthritis in her hips and ankleszoo vets took the opportunity to give suma a full check-up including her ears , teeth and eyes\"]\n", - "she was first diagnosed with the condition in 2013 where she was initially given daily medication to help relieve the pain .meet suma , one of melbourne zoo 's aging orangutans who suffers from arthritis .although is not unusual for middle-aged orangutans to have arthritis , doctors had to anaesthetise suma in order to check how her condition has progressed over the past two years .\n", - "suma underwent a thorough health examination on thursday to monitor the progress of her arthritismelbourne zoo 's aging orangutan was first diagnosed with the condition in 2013the 36-year-old orangutan , who turns a year older in june , has arthritis in her hips and ankleszoo vets took the opportunity to give suma a full check-up including her ears , teeth and eyes\n", - "[1.3470767 1.0809816 1.2052517 1.3200755 1.3668627 1.1333144 1.1060076\n", - " 1.1032639 1.0582266 1.0494782 1.0513521 1.0385716 1.0351915 1.043741\n", - " 1.0169941 1.0194507 0. 0. ]\n", - "\n", - "[ 4 0 3 2 5 6 7 1 8 10 9 13 11 12 15 14 16 17]\n", - "=======================\n", - "[\"joe louis ( left ) knocks out max schmeling in the first round to win the heavyweight title on june 22 , 1938floyd mayweather vs manny pacquiao will be the biggest fight of all time financially and the most significant this century .here is the second of my 12 most significant fights in boxing 's history .\"]\n", - "=======================\n", - "[\"floyd mayweather jr and manny pacquiao 's fight will be the richest eversportsmail 's jeff powell is counting down the ring 's most significant fightsjoe louis ' 1938 re-match with max schmeling is the second in the series\"]\n", - "joe louis ( left ) knocks out max schmeling in the first round to win the heavyweight title on june 22 , 1938floyd mayweather vs manny pacquiao will be the biggest fight of all time financially and the most significant this century .here is the second of my 12 most significant fights in boxing 's history .\n", - "floyd mayweather jr and manny pacquiao 's fight will be the richest eversportsmail 's jeff powell is counting down the ring 's most significant fightsjoe louis ' 1938 re-match with max schmeling is the second in the series\n", - "[1.6272595 1.2415462 1.1616651 1.1655805 1.4290185 1.039229 1.1668142\n", - " 1.0837929 1.0874169 1.032208 1.0342273 1.0970604 1.0690767 1.0985477\n", - " 1.1275132 1.0312704 1.0355536 1.0247192]\n", - "\n", - "[ 0 4 1 6 3 2 14 13 11 8 7 12 5 16 10 9 15 17]\n", - "=======================\n", - "[\"golden state 's stephen curry scored 40 points , including a 3-pointer in the final seconds of regulation to complete a 20-point , fourth-quarter comeback that allowed the golden state warriors to beat new orleans 123-119 in overtime thursday and take a 3-0 lead in their first-round play-off series .the dramatic win by the warriors was mirrored by chicago 's double-overtime victory over milwaukee .curry ( centre ) hit seven 3s as golden state completed a fourth-quarter comeback to lead play-off series 3-0\"]\n", - "=======================\n", - "[\"stephen curry 's 40 points included a 3-pointer in the final secondscurry 's performance propelled golden state warriors to 123-119 wingolden state now lead their first round play-off series 3-0\"]\n", - "golden state 's stephen curry scored 40 points , including a 3-pointer in the final seconds of regulation to complete a 20-point , fourth-quarter comeback that allowed the golden state warriors to beat new orleans 123-119 in overtime thursday and take a 3-0 lead in their first-round play-off series .the dramatic win by the warriors was mirrored by chicago 's double-overtime victory over milwaukee .curry ( centre ) hit seven 3s as golden state completed a fourth-quarter comeback to lead play-off series 3-0\n", - "stephen curry 's 40 points included a 3-pointer in the final secondscurry 's performance propelled golden state warriors to 123-119 wingolden state now lead their first round play-off series 3-0\n", - "[1.1864289 1.3711826 1.3522879 1.3241878 1.2029711 1.1375473 1.037592\n", - " 1.0688584 1.0894917 1.0999367 1.096518 1.0668741 1.0509964 1.0604836\n", - " 1.0227665 1.0088998 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 5 9 10 8 7 11 13 12 6 14 15 16 17]\n", - "=======================\n", - "[\"mary doyle keefe , the telephone operator who inspired millions , passed away on tuesday after a brief illness , her family said .mary became the poster girl for american women when she shot to fame by posing for norman rockwell 's iconic painting .rosie the riveter was on the cover of the saturday evening post on may 29 , 1943 , and became a symbol for feminism and economic power for american female workers during the war .\"]\n", - "=======================\n", - "[\"mary doyle keefe died in simsbury , connecticut , aged 92she was ` rosie the riveter ' the wartime poster girl who inspired millionsartist made petite mary 's muscles bigger to make her symbol of strengthbecame a symbol for feminism for the wartime women who stayed home\"]\n", - "mary doyle keefe , the telephone operator who inspired millions , passed away on tuesday after a brief illness , her family said .mary became the poster girl for american women when she shot to fame by posing for norman rockwell 's iconic painting .rosie the riveter was on the cover of the saturday evening post on may 29 , 1943 , and became a symbol for feminism and economic power for american female workers during the war .\n", - "mary doyle keefe died in simsbury , connecticut , aged 92she was ` rosie the riveter ' the wartime poster girl who inspired millionsartist made petite mary 's muscles bigger to make her symbol of strengthbecame a symbol for feminism for the wartime women who stayed home\n", - "[1.2256428 1.3641182 1.3386883 1.3775868 1.1255983 1.0860523 1.0371506\n", - " 1.0274545 1.0935401 1.0226536 1.1378707 1.1049706 1.0919241 1.0476974\n", - " 1.0184582 1.0086218 1.083831 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 2 0 10 4 11 8 12 5 16 13 6 7 9 14 15 17 18 19 20 21]\n", - "=======================\n", - "[\"trimuph : dawn williamson ( centre ) , 39 , was cured of her crippling snake phobia live on tv today by therapists nik and eva speakman in an astonishing ten minutesbefore today , dawn williamson , 39 and based in scotland , could not even confront a plastic snake without panicking , and would obsessively check her toilet for the reptiles every day .but today 's was the first time viewers have been able to see the process in action .\"]\n", - "=======================\n", - "[\"dawn williamson , 39 , had been petrified of snakes since the age of 9she shook and cried when presented with a plastic onetherapists nik and eva speakman cured her with ` logic 'they made dawn realise her fear was completely irrational\"]\n", - "trimuph : dawn williamson ( centre ) , 39 , was cured of her crippling snake phobia live on tv today by therapists nik and eva speakman in an astonishing ten minutesbefore today , dawn williamson , 39 and based in scotland , could not even confront a plastic snake without panicking , and would obsessively check her toilet for the reptiles every day .but today 's was the first time viewers have been able to see the process in action .\n", - "dawn williamson , 39 , had been petrified of snakes since the age of 9she shook and cried when presented with a plastic onetherapists nik and eva speakman cured her with ` logic 'they made dawn realise her fear was completely irrational\n", - "[1.3400089 1.3756626 1.3223478 1.244082 1.3490437 1.0941783 1.0546913\n", - " 1.0257201 1.0411761 1.0412692 1.0476768 1.0550069 1.017671 1.0207874\n", - " 1.0511802 1.0261759 1.0546746 1.087964 1.0732415 1.0360143 1.0626397\n", - " 1.0433444]\n", - "\n", - "[ 1 4 0 2 3 5 17 18 20 11 6 16 14 10 21 9 8 19 15 7 13 12]\n", - "=======================\n", - "[\"spurs plan to open a new ` world-class ' 56,000-seater stadium in just over three years time , and having secured the appropriate planning permission and fought off a legal challenge against a compulsory purchase order , progress is being made .the final opponent to tottenham 's # 400million move , archway sheet metal works , is being demolishedtottenham hotspur are moving forward with the next step towards their new stadium development\"]\n", - "=======================\n", - "[\"tottenham hotspur plan to build a new world-class 56,000-seat stadiumplan is for new stadium at white hart lane to open for 2018-19 seasonarchway sheet metal works , final opponent to move , is being demolishedpart of the premises is being knocked down now and the rest will be done when archway find a new premisestottenham 's new stadium is expected to cost around # 400million to buildclick here for all the latest tottenham hotspur news\"]\n", - "spurs plan to open a new ` world-class ' 56,000-seater stadium in just over three years time , and having secured the appropriate planning permission and fought off a legal challenge against a compulsory purchase order , progress is being made .the final opponent to tottenham 's # 400million move , archway sheet metal works , is being demolishedtottenham hotspur are moving forward with the next step towards their new stadium development\n", - "tottenham hotspur plan to build a new world-class 56,000-seat stadiumplan is for new stadium at white hart lane to open for 2018-19 seasonarchway sheet metal works , final opponent to move , is being demolishedpart of the premises is being knocked down now and the rest will be done when archway find a new premisestottenham 's new stadium is expected to cost around # 400million to buildclick here for all the latest tottenham hotspur news\n", - "[1.5492628 1.3128283 1.4702055 1.2477958 1.1022878 1.0457519 1.0322568\n", - " 1.0206599 1.0206513 1.0229031 1.0614114 1.0215919 1.0156813 1.1184603\n", - " 1.1737713 1.1578758 1.1640999 1.0437169 1.0111306 1.0149764 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 3 14 16 15 13 4 10 5 17 6 9 11 7 8 12 19 18 20 21]\n", - "=======================\n", - "[\"alan davey controversially laid bare the difficulties of the station 's top job in an interview on radio 4 's feedback programmethe controller of bbc radio 3 has branded audiences ignorant and claims broadcasting classical music has become more challenging as a result .mr davey was asked about changes to general classical music knowledge over the last 30 years .\"]\n", - "=======================\n", - "[\"alan davey controversially laid bare the difficulties of the station 's top jobwas asked about changes to classical music knowledge over 30 yearssaid ` modern audience might not be getting same education ... in school '\"]\n", - "alan davey controversially laid bare the difficulties of the station 's top job in an interview on radio 4 's feedback programmethe controller of bbc radio 3 has branded audiences ignorant and claims broadcasting classical music has become more challenging as a result .mr davey was asked about changes to general classical music knowledge over the last 30 years .\n", - "alan davey controversially laid bare the difficulties of the station 's top jobwas asked about changes to classical music knowledge over 30 yearssaid ` modern audience might not be getting same education ... in school '\n", - "[1.1169897 1.0929137 1.1500542 1.2889977 1.232978 1.0362792 1.0923216\n", - " 1.0279508 1.0242816 1.033998 1.017495 1.3197321 1.0465325 1.0470637\n", - " 1.0441087 1.1518298 1.0261108 1.0182447 1.021432 1.0170228 1.0173793\n", - " 0. ]\n", - "\n", - "[11 3 4 15 2 0 1 6 13 12 14 5 9 7 16 8 18 17 10 20 19 21]\n", - "=======================\n", - "[\"happy days : the naturopathic doctor says that pms can be banished for good by adapting an anti-inflammatory diet 'common , but not inevitable : while premenstrual symptoms such as irritability , cravings and fatigue have become accepted by most women as normal , one doctor claims it should n't be sodr briden , a naturopathic doctor with nearly 20 years experience in women 's health , recounts a patient who was suffering with pms whom she helped by changing her eating habits .\"]\n", - "=======================\n", - "['no-more-pms diet consists of anti-inflammatory foods and nutrientsthe eating plan was devised by naturopathic doctor lara bridenresearch indicates that pms is caused by unhealthy hormone receptorshealth of hormone receptors is impaired by chronic inflammationstress , smoking , and eating certain foods are all causes of inflammationcutting inflammatory foods can result in dramatic improvement in pms']\n", - "happy days : the naturopathic doctor says that pms can be banished for good by adapting an anti-inflammatory diet 'common , but not inevitable : while premenstrual symptoms such as irritability , cravings and fatigue have become accepted by most women as normal , one doctor claims it should n't be sodr briden , a naturopathic doctor with nearly 20 years experience in women 's health , recounts a patient who was suffering with pms whom she helped by changing her eating habits .\n", - "no-more-pms diet consists of anti-inflammatory foods and nutrientsthe eating plan was devised by naturopathic doctor lara bridenresearch indicates that pms is caused by unhealthy hormone receptorshealth of hormone receptors is impaired by chronic inflammationstress , smoking , and eating certain foods are all causes of inflammationcutting inflammatory foods can result in dramatic improvement in pms\n", - "[1.2355549 1.1743997 1.2923771 1.2365606 1.306011 1.2162795 1.2490644\n", - " 1.0489639 1.1452742 1.0191399 1.015418 1.0824561 1.054205 1.1191207\n", - " 1.0805595 1.0646657 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 4 2 6 3 0 5 1 8 13 11 14 15 12 7 9 10 16 17 18 19 20 21]\n", - "=======================\n", - "['a member of the armed forces has received # 709,000 in compensation for bullying , it emerged last nightthose who have lost both legs in combat are eligible for # 570,000 .the settlements are thought to be the largest paid out by ministry of defence as a result of bullying .']\n", - "=======================\n", - "['another soldier received # 411,000 because of psychological problemsmod said it was misleading to compare compensation scheme payouts']\n", - "a member of the armed forces has received # 709,000 in compensation for bullying , it emerged last nightthose who have lost both legs in combat are eligible for # 570,000 .the settlements are thought to be the largest paid out by ministry of defence as a result of bullying .\n", - "another soldier received # 411,000 because of psychological problemsmod said it was misleading to compare compensation scheme payouts\n", - "[1.3838923 1.159712 1.4137166 1.2037894 1.2235724 1.1809564 1.1678613\n", - " 1.1008921 1.1224359 1.1084461 1.0435412 1.0727649 1.0471381 1.0802495\n", - " 1.0578866 1.0828351 1.040664 1.0572693 0. ]\n", - "\n", - "[ 2 0 4 3 5 6 1 8 9 7 15 13 11 14 17 12 10 16 18]\n", - "=======================\n", - "[\"patrick o'melia , 39 , a deputy with the volusia county sheriff 's office , was flagged down while he was on patrol near deland in florida and asked to help 34-year-old justin braddock .justin braddock ran from officers in hospital after a deputy sheriff saved his life when he found him unconscious after allegedly taking heroinbraddock , who had injected a large amount of the drug that day , was taken to hospital but fled , according to the daytona beach news journal .\"]\n", - "=======================\n", - "[\"patrick o'melia flagged down by kelly boan after her brother took heroinjustin braddock was unconscious and it took seven minutes to revive himthe 34-year-old had taken heroin and was taken to hospital by ambulancebut when officers arrived to question him , braddock tried to run away\"]\n", - "patrick o'melia , 39 , a deputy with the volusia county sheriff 's office , was flagged down while he was on patrol near deland in florida and asked to help 34-year-old justin braddock .justin braddock ran from officers in hospital after a deputy sheriff saved his life when he found him unconscious after allegedly taking heroinbraddock , who had injected a large amount of the drug that day , was taken to hospital but fled , according to the daytona beach news journal .\n", - "patrick o'melia flagged down by kelly boan after her brother took heroinjustin braddock was unconscious and it took seven minutes to revive himthe 34-year-old had taken heroin and was taken to hospital by ambulancebut when officers arrived to question him , braddock tried to run away\n", - "[1.4966114 1.4679697 1.2930982 1.3109249 1.2225988 1.1729448 1.1343943\n", - " 1.0199436 1.0199933 1.0180498 1.0188284 1.1027411 1.1415746 1.027937\n", - " 1.0335367 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 5 12 6 11 14 13 8 7 10 9 15 16 17 18]\n", - "=======================\n", - "[\"the referee for floyd mayweather 's clash with manny pacquiao in las vegas next month will earn $ 10,000 ( # 6,800 ) .the fight at the mgm grand on may 2 is expected to draw revenue of around $ 400m ( # 273m ) with both fighters picking up huge pay days .and , according to the telegraph , the referee of the eagerly-awaited contest will net $ 10,000 with kenny bayless and tony weeks both frontrunners .\"]\n", - "=======================\n", - "['referee for the fight in las vegas will earn $ 10,000 ( # 6,800 )fight is expected to earn around $ 400m ( # 273m ) in revenuekenny bayless and tony weeks are leading candidates to referee']\n", - "the referee for floyd mayweather 's clash with manny pacquiao in las vegas next month will earn $ 10,000 ( # 6,800 ) .the fight at the mgm grand on may 2 is expected to draw revenue of around $ 400m ( # 273m ) with both fighters picking up huge pay days .and , according to the telegraph , the referee of the eagerly-awaited contest will net $ 10,000 with kenny bayless and tony weeks both frontrunners .\n", - "referee for the fight in las vegas will earn $ 10,000 ( # 6,800 )fight is expected to earn around $ 400m ( # 273m ) in revenuekenny bayless and tony weeks are leading candidates to referee\n", - "[1.4522369 1.4727001 1.2901677 1.2153273 1.3061644 1.136603 1.0424566\n", - " 1.0224676 1.0198444 1.0170887 1.0172248 1.026896 1.0198189 1.100766\n", - " 1.0177138 1.0122838 1.0190555 1.1240885 1.1090885]\n", - "\n", - "[ 1 0 4 2 3 5 17 18 13 6 11 7 8 12 16 14 10 9 15]\n", - "=======================\n", - "[\"luis enrique 's side coasted past paris saint-germain to take up a semi-final place in the champions league , while they also sit top of la liga and will take on athletic bilbao in the copa del rey final .barcelona won the treble in 2009 and former defender eric abidal ( right ) says the current crop are on their wayabidal , who retired last year , was speaking at the launch of the eric abidal foundation in catalonia\"]\n", - "=======================\n", - "[\"barcelona through to champions league semi-finals after beating psgeric abidal says current crop can emulate class of 2009 's triumphsdefender was integral part of team that won the treble under pep guardiolaabidal speaking at the launch of the eric abidal foundation in catalonialionel messi , luis suarez and neymar to be best ever barca strikeforce\"]\n", - "luis enrique 's side coasted past paris saint-germain to take up a semi-final place in the champions league , while they also sit top of la liga and will take on athletic bilbao in the copa del rey final .barcelona won the treble in 2009 and former defender eric abidal ( right ) says the current crop are on their wayabidal , who retired last year , was speaking at the launch of the eric abidal foundation in catalonia\n", - "barcelona through to champions league semi-finals after beating psgeric abidal says current crop can emulate class of 2009 's triumphsdefender was integral part of team that won the treble under pep guardiolaabidal speaking at the launch of the eric abidal foundation in catalonialionel messi , luis suarez and neymar to be best ever barca strikeforce\n", - "[1.2326858 1.5605633 1.2653359 1.3586863 1.1336389 1.1214184 1.1208748\n", - " 1.0470866 1.0571955 1.0219004 1.0429646 1.0292398 1.033741 1.1269683\n", - " 1.0150908 1.0327505 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 13 5 6 8 7 10 12 15 11 9 14 17 16 18]\n", - "=======================\n", - "[\"the harewood arms in wakefield , west yorkshire , has publicly revealed its support for the right-wing party , which is running a ` save the pub ' campaign in the run up to the election .a gay-friendly bar has shocked regular customers by coming out in favour of ukip because of its policies on the pub industry .it has left regular customers stunned and provoked a ` marmite ' reaction of divided opinions .\"]\n", - "=======================\n", - "[\"gay-friendly pub has come out in favour of nigel farage 's ukip partythe harewood arms in west yorkshire says it agrees with party 's policiesukip wants to amend the smoking ban to give pubs and clubs the choicealso has launched ` save the pub ' campaign to support ailing pub industry\"]\n", - "the harewood arms in wakefield , west yorkshire , has publicly revealed its support for the right-wing party , which is running a ` save the pub ' campaign in the run up to the election .a gay-friendly bar has shocked regular customers by coming out in favour of ukip because of its policies on the pub industry .it has left regular customers stunned and provoked a ` marmite ' reaction of divided opinions .\n", - "gay-friendly pub has come out in favour of nigel farage 's ukip partythe harewood arms in west yorkshire says it agrees with party 's policiesukip wants to amend the smoking ban to give pubs and clubs the choicealso has launched ` save the pub ' campaign to support ailing pub industry\n", - "[1.293605 1.2175238 1.2728738 1.2825489 1.0939267 1.0815382 1.12861\n", - " 1.0861362 1.0632006 1.0524672 1.0681958 1.0664716 1.0292388 1.0313995\n", - " 1.0387152 1.0587218 1.062496 0. 0. ]\n", - "\n", - "[ 0 3 2 1 6 4 7 5 10 11 8 16 15 9 14 13 12 17 18]\n", - "=======================\n", - "['( cnn ) china \\'s cybercensors have long used a \" great firewall \" to block its citizens from reading critical articles from western news websites or consuming other content it disapproves of .the study \\'s authors have named it the \" great cannon , \" and it operates in plain sight .they \\'ve developed a new it weapon and have attacked servers outside their borders , including in the united states .']\n", - "=======================\n", - "['china \\'s cybercensors have developed a new it weapon and have attacked servers outside their bordersattacks by the \" great cannon \" are in the open and could draw international ire , the authors of the study say']\n", - "( cnn ) china 's cybercensors have long used a \" great firewall \" to block its citizens from reading critical articles from western news websites or consuming other content it disapproves of .the study 's authors have named it the \" great cannon , \" and it operates in plain sight .they 've developed a new it weapon and have attacked servers outside their borders , including in the united states .\n", - "china 's cybercensors have developed a new it weapon and have attacked servers outside their bordersattacks by the \" great cannon \" are in the open and could draw international ire , the authors of the study say\n", - "[1.2859551 1.3155172 1.2490175 1.2615247 1.1784999 1.1124208 1.0634916\n", - " 1.1130323 1.0346109 1.1194863 1.1259699 1.0273824 1.0588202 1.1589035\n", - " 1.0332173 1.0109581 1.0536437 0. ]\n", - "\n", - "[ 1 0 3 2 4 13 10 9 7 5 6 12 16 8 14 11 15 17]\n", - "=======================\n", - "[\"the australian charities and not-for-profits commission ( acnc ) made the announcement about get rid of sids project on wednesday .a not-for-profit group that organised seminars featuring us anti-vaccination campaigner sherri tenpenny before she had to cancel due to threats of violence has had its charity status cancelled .the organisation is run by well-known brisbane anti-vaccination campaigner stephanie messenger who has penned a number of children 's books , including melanie 's marvelous measles .\"]\n", - "=======================\n", - "['anti-vaccination group get rid of sids has had its charity status revokedgroup was behind seminars with anti-vaccine campaigner sherri tenpennythe u.s.-based speaker was set to speak across australia earlier this yearbut dr tenpenny cancelled after she received threats and feared for safety']\n", - "the australian charities and not-for-profits commission ( acnc ) made the announcement about get rid of sids project on wednesday .a not-for-profit group that organised seminars featuring us anti-vaccination campaigner sherri tenpenny before she had to cancel due to threats of violence has had its charity status cancelled .the organisation is run by well-known brisbane anti-vaccination campaigner stephanie messenger who has penned a number of children 's books , including melanie 's marvelous measles .\n", - "anti-vaccination group get rid of sids has had its charity status revokedgroup was behind seminars with anti-vaccine campaigner sherri tenpennythe u.s.-based speaker was set to speak across australia earlier this yearbut dr tenpenny cancelled after she received threats and feared for safety\n", - "[1.3902098 1.3092463 1.2637312 1.2360928 1.1827184 1.2749314 1.147306\n", - " 1.0297319 1.0525281 1.0630645 1.1362809 1.130255 1.0230023 1.0249295\n", - " 1.0676033 1.0703307 1.0874014 1.0423322]\n", - "\n", - "[ 0 1 5 2 3 4 6 10 11 16 15 14 9 8 17 7 13 12]\n", - "=======================\n", - "[\"busted : sierra pippen , 20 , is charged with public urination and public intoxicationnba legend scottie pippen 's 20-year-old daughter was arrested by police early on sunday after she walked into an iowa hotel and urinated on the lobby floor .police were called to the sheraton in iowa city around 1.30 am and the intoxicated sierra pippen was booked .\"]\n", - "=======================\n", - "[\"sierra pippen was arrested sunday at around 1.30 am at a sheraton in iowa city near the campus of the university of iowa , where she attends classesshe was charged with public urination and public intoxication and was released on a $ 500 bond at about 10ampolice officer who apprehended her said she ` accused me of being racist 'scottie pippen , 49 , is a basketball hall of fame member , won six nba championships with the michael jordan-led chicago bulls\"]\n", - "busted : sierra pippen , 20 , is charged with public urination and public intoxicationnba legend scottie pippen 's 20-year-old daughter was arrested by police early on sunday after she walked into an iowa hotel and urinated on the lobby floor .police were called to the sheraton in iowa city around 1.30 am and the intoxicated sierra pippen was booked .\n", - "sierra pippen was arrested sunday at around 1.30 am at a sheraton in iowa city near the campus of the university of iowa , where she attends classesshe was charged with public urination and public intoxication and was released on a $ 500 bond at about 10ampolice officer who apprehended her said she ` accused me of being racist 'scottie pippen , 49 , is a basketball hall of fame member , won six nba championships with the michael jordan-led chicago bulls\n", - "[1.4370196 1.2556199 1.3584361 1.4868516 1.2119948 1.1040825 1.0304749\n", - " 1.0169616 1.0140798 1.0140458 1.0227888 1.027285 1.0166866 1.0315353\n", - " 1.0449648 1.2375655 1.0135026 1.0161879]\n", - "\n", - "[ 3 0 2 1 15 4 5 14 13 6 11 10 7 12 17 8 9 16]\n", - "=======================\n", - "['walter smith says ally mccoist deserves a chance to prove himself a successful manager at a stable clubcharged with leading the club back to the premiership from the bottom tier , mccoist finally resigned and was placed on gardening leave in december and is still earning # 14,000 a week while his 12-month notice period runs down .the ibrox legend worked closely with mccoist and coach kenny mcdowall before the duo assumed the reins at rangers during four years of unprecedented turmoil off and on the pitch .']\n", - "=======================\n", - "['walter smith believes ally mccoist deserves another managerial jobibrox legend believes mccoist still has something to offer in footballmccoist is still being paid # 14,000 a week while his notice period runs out']\n", - "walter smith says ally mccoist deserves a chance to prove himself a successful manager at a stable clubcharged with leading the club back to the premiership from the bottom tier , mccoist finally resigned and was placed on gardening leave in december and is still earning # 14,000 a week while his 12-month notice period runs down .the ibrox legend worked closely with mccoist and coach kenny mcdowall before the duo assumed the reins at rangers during four years of unprecedented turmoil off and on the pitch .\n", - "walter smith believes ally mccoist deserves another managerial jobibrox legend believes mccoist still has something to offer in footballmccoist is still being paid # 14,000 a week while his notice period runs out\n", - "[1.3114401 1.3365304 1.1441245 1.4208899 1.0921975 1.2825553 1.095771\n", - " 1.3099161 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 7 5 2 6 4 15 14 13 12 8 10 9 16 11 17]\n", - "=======================\n", - "['cristiano ronaldo scored five goals as real madrid beat granada 9-1 on sunday to keep their title hopes alivecristiano ronaldo was splashed across every spanish sports paper on monday after scoring five goals in one game for the first time in his illustrious career .french defender jeremy mathieu scored a diving header as league leaders barcelona beat celta vigo 1-0']\n", - "=======================\n", - "[\"cristiano ronaldo scored five as real madrid defeated granada 9-1karim benzema scored a brace while gareth bale also found the netbarcelona beat celta vigo 1-0 courtesy of jeremy mathieu 's diving header\"]\n", - "cristiano ronaldo scored five goals as real madrid beat granada 9-1 on sunday to keep their title hopes alivecristiano ronaldo was splashed across every spanish sports paper on monday after scoring five goals in one game for the first time in his illustrious career .french defender jeremy mathieu scored a diving header as league leaders barcelona beat celta vigo 1-0\n", - "cristiano ronaldo scored five as real madrid defeated granada 9-1karim benzema scored a brace while gareth bale also found the netbarcelona beat celta vigo 1-0 courtesy of jeremy mathieu 's diving header\n", - "[1.296445 1.4004247 1.2946466 1.2692966 1.2336242 1.1279087 1.0819707\n", - " 1.0743048 1.1110874 1.0576708 1.047887 1.0512259 1.065976 1.0767266\n", - " 1.0239271 1.0188403 1.0309712 0. ]\n", - "\n", - "[ 1 0 2 3 4 5 8 6 13 7 12 9 11 10 16 14 15 17]\n", - "=======================\n", - "[\"he is planning to run a kickstarter campaign and is hoping to raise $ 30 billion ( # 20 billion ) to build a pipeline from seattle to bring water to the state .former captain of the fictional star trek enterprise , william shatner has proposed a radical method to solve california 's ongoing drought disaster .he revealed the crowdfunding campaign in an interview with david pogue from yahoo news .\"]\n", - "=======================\n", - "[\"mr shatner revealed his radical proposal in an interview with yahoo newshe wants to build a 4ft-wide pipeline from seattle down to californiathis would bring water to help alleviate some of the drought problemsbut some experts have called his $ 30 billion idea ` highly illogical '\"]\n", - "he is planning to run a kickstarter campaign and is hoping to raise $ 30 billion ( # 20 billion ) to build a pipeline from seattle to bring water to the state .former captain of the fictional star trek enterprise , william shatner has proposed a radical method to solve california 's ongoing drought disaster .he revealed the crowdfunding campaign in an interview with david pogue from yahoo news .\n", - "mr shatner revealed his radical proposal in an interview with yahoo newshe wants to build a 4ft-wide pipeline from seattle down to californiathis would bring water to help alleviate some of the drought problemsbut some experts have called his $ 30 billion idea ` highly illogical '\n", - "[1.2647382 1.2854162 1.2087691 1.1698058 1.2535423 1.2202172 1.0980107\n", - " 1.0410173 1.0996134 1.0923283 1.0483038 1.0696851 1.0832213 1.1023886\n", - " 1.0581172 1.0374256 1.0405751 1.0249846 1.0579166 0. 0. ]\n", - "\n", - "[ 1 0 4 5 2 3 13 8 6 9 12 11 14 18 10 7 16 15 17 19 20]\n", - "=======================\n", - "['the plague , which famously killed millions of europeans during the black death , is most commonly carried by fleas and rodents .fleas in arizona have tested positive for the plague and could spread the deadly disease to humans , according to officials .authorities near flagstaff , arizona , have found fleas infected with plague after prairie dogs in picture canyon began dying ( file photos )']\n", - "=======================\n", - "['prairie dog deaths at picture canyon led to positive tests on fleasresidents warned about dangers to pets , especially catsdisease can wipe out 90 per cent of prairie dogs in a colony']\n", - "the plague , which famously killed millions of europeans during the black death , is most commonly carried by fleas and rodents .fleas in arizona have tested positive for the plague and could spread the deadly disease to humans , according to officials .authorities near flagstaff , arizona , have found fleas infected with plague after prairie dogs in picture canyon began dying ( file photos )\n", - "prairie dog deaths at picture canyon led to positive tests on fleasresidents warned about dangers to pets , especially catsdisease can wipe out 90 per cent of prairie dogs in a colony\n", - "[1.1102868 1.0986806 1.320113 1.0840755 1.3358291 1.4142495 1.211859\n", - " 1.0982928 1.2173383 1.0441254 1.0193949 1.0341604 1.0469494 1.0211614\n", - " 1.0765144 1.1507527 1.0118579 1.0118433 1.0119934 1.0590123 0. ]\n", - "\n", - "[ 5 4 2 8 6 15 0 1 7 3 14 19 12 9 11 13 10 18 16 17 20]\n", - "=======================\n", - "['napoli manager rafael benitez saw his side beat wolfsburg 4-1 in the europa leaguesince 2002 , benitez has won 12 trophies with valencia , liverpool , inter milan , chelsea and napoli .manchester city , paris st germain and real madrid are all considering changes as are west ham and newcastle .']\n", - "=======================\n", - "[\"rafa benitez has won 12 trophies with valencia , liverpool , inter milan , chelsea and napoli since 2002benitez 's contract at napoli is up in the summer and he is set to a manager in demandmanchester city and west ham are two clubs who could be interest in him\"]\n", - "napoli manager rafael benitez saw his side beat wolfsburg 4-1 in the europa leaguesince 2002 , benitez has won 12 trophies with valencia , liverpool , inter milan , chelsea and napoli .manchester city , paris st germain and real madrid are all considering changes as are west ham and newcastle .\n", - "rafa benitez has won 12 trophies with valencia , liverpool , inter milan , chelsea and napoli since 2002benitez 's contract at napoli is up in the summer and he is set to a manager in demandmanchester city and west ham are two clubs who could be interest in him\n", - "[1.4994049 1.3207127 1.155978 1.3390666 1.2632865 1.2007557 1.0483006\n", - " 1.0114021 1.0114485 1.1399307 1.0689738 1.0249361 1.0122359 1.0119212\n", - " 1.2832732 1.0386184 1.1423359 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 14 4 5 2 16 9 10 6 15 11 12 13 8 7 19 17 18 20]\n", - "=======================\n", - "['barry hawkins kept his nerve to clinch a final frame decider over matthew selt in the first round of the world snooker championship in sheffield .the 2013 finalist looked set to ease through to the last 16 after resuming on monday with a 7-2 overnight lead which he extended to 9-4 to move within one frame of victory .selt won five frames in a row to launch a comeback , however he was unable to progress to the second round']\n", - "=======================\n", - "['barry hawkins qualified for next round with 10-9 win over matthew seltthe 2013 finalist led 7-2 overnight however selt launched comebackhawkins held on to win after selt reeled off five frames in a row']\n", - "barry hawkins kept his nerve to clinch a final frame decider over matthew selt in the first round of the world snooker championship in sheffield .the 2013 finalist looked set to ease through to the last 16 after resuming on monday with a 7-2 overnight lead which he extended to 9-4 to move within one frame of victory .selt won five frames in a row to launch a comeback , however he was unable to progress to the second round\n", - "barry hawkins qualified for next round with 10-9 win over matthew seltthe 2013 finalist led 7-2 overnight however selt launched comebackhawkins held on to win after selt reeled off five frames in a row\n", - "[1.1778189 1.2053214 1.1584492 1.2523925 1.215817 1.2018472 1.134344\n", - " 1.1113755 1.0758846 1.0828203 1.0534002 1.0847384 1.0619057 1.0675703\n", - " 1.0618744 1.0846696 1.0992796 1.042195 1.0398114 1.0384692 1.0173978]\n", - "\n", - "[ 3 4 1 5 0 2 6 7 16 11 15 9 8 13 12 14 10 17 18 19 20]\n", - "=======================\n", - "[\"oxford scientists say a mercury-like body struck the young earth ( artist 's illustration shown ) .the object would have been the heat source for our planet 's core .the dramatic event could explain why our planet has a hot core that gives it its magnetic field .\"]\n", - "=======================\n", - "['oxford scientists say a mercury-like body struck the young earththe mars-sized object would have been the heat source for our planetthe same object could have been responsible for creating the moonit also explains where some rare-earth elements came from']\n", - "oxford scientists say a mercury-like body struck the young earth ( artist 's illustration shown ) .the object would have been the heat source for our planet 's core .the dramatic event could explain why our planet has a hot core that gives it its magnetic field .\n", - "oxford scientists say a mercury-like body struck the young earththe mars-sized object would have been the heat source for our planetthe same object could have been responsible for creating the moonit also explains where some rare-earth elements came from\n", - "[1.1918617 1.5049739 1.2232025 1.4019513 1.3638506 1.1005028 1.1257759\n", - " 1.0320417 1.0269605 1.0386099 1.0990988 1.0336529 1.0383186 1.2120038\n", - " 1.0678253 1.0509233 1.0095092 1.0092341 1.0064219 0. 0. ]\n", - "\n", - "[ 1 3 4 2 13 0 6 5 10 14 15 9 12 11 7 8 16 17 18 19 20]\n", - "=======================\n", - "['michael churton from new york , was with four colleagues at the base camp , 17,500 ft above sea level , when he was knocked down by the tsunami of snow .the 38-year-old believes that the force of the earthquake shook loose a big ice shelf , which careered down the mountainside towards him and a group of people he was with .at least 17 people who were on mount everest at the time have died while others are still unaccounted for .']\n", - "=======================\n", - "[\"filmmaker michael churton said he watched as the wall of ice approachedthe 38-year-old from new york then told his group to get downhe said : ` it was about 4,000 feet of snow ... there was nowhere to run 'hoping for the best , he lay down and got into the fetal positionthe force of the oncoming snow caused him to slam into a rockhe dug himself out and then looked for colleagues and other survivorsanother survivor said avalanche was ` something out of a hollywood movie 'at least 17 people who were on mount everest at the time have died\"]\n", - "michael churton from new york , was with four colleagues at the base camp , 17,500 ft above sea level , when he was knocked down by the tsunami of snow .the 38-year-old believes that the force of the earthquake shook loose a big ice shelf , which careered down the mountainside towards him and a group of people he was with .at least 17 people who were on mount everest at the time have died while others are still unaccounted for .\n", - "filmmaker michael churton said he watched as the wall of ice approachedthe 38-year-old from new york then told his group to get downhe said : ` it was about 4,000 feet of snow ... there was nowhere to run 'hoping for the best , he lay down and got into the fetal positionthe force of the oncoming snow caused him to slam into a rockhe dug himself out and then looked for colleagues and other survivorsanother survivor said avalanche was ` something out of a hollywood movie 'at least 17 people who were on mount everest at the time have died\n", - "[1.2688398 1.459228 1.2704437 1.1237507 1.0491921 1.2452958 1.1066228\n", - " 1.020589 1.1438184 1.1918477 1.1193659 1.0618396 1.055345 1.0120459\n", - " 1.0178771 1.0129261 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 5 9 8 3 10 6 11 12 4 7 14 15 13 17 16 18]\n", - "=======================\n", - "[\"authorities named abu khaled al-cambodi - former melbourne man neil prakash - as a key figure in their investigation into a plot where teenagers were allegedly planning to attack police on saturday .now al-cambodi has starred in a 12-minute long propaganda video where , cradling a gun , he has ordered his ` beloved brothers ' to ` rise up ' and attack targets in australia .the senior islamic state commander linked to the anzac day terror plot has called for new terror attacks on australian soil in a flash new propaganda video .\"]\n", - "=======================\n", - "[\"senior australian islamic state commander stars in new propaganda clipcalls for attacks on australia as revenge for muslim strikes` you must start attacking before they attack you 'propagandist al-cambodi has been linked to anzac day terror plot` when are you going to rise up and attack them ? '\"]\n", - "authorities named abu khaled al-cambodi - former melbourne man neil prakash - as a key figure in their investigation into a plot where teenagers were allegedly planning to attack police on saturday .now al-cambodi has starred in a 12-minute long propaganda video where , cradling a gun , he has ordered his ` beloved brothers ' to ` rise up ' and attack targets in australia .the senior islamic state commander linked to the anzac day terror plot has called for new terror attacks on australian soil in a flash new propaganda video .\n", - "senior australian islamic state commander stars in new propaganda clipcalls for attacks on australia as revenge for muslim strikes` you must start attacking before they attack you 'propagandist al-cambodi has been linked to anzac day terror plot` when are you going to rise up and attack them ? '\n", - "[1.2282487 1.4412704 1.2899109 1.3931255 1.1578481 1.0928408 1.1701196\n", - " 1.0811416 1.1285107 1.0290328 1.1370939 1.111691 1.105619 1.0177857\n", - " 1.0100324 1.0512807 1.0102962 1.0158626 0. ]\n", - "\n", - "[ 1 3 2 0 6 4 10 8 11 12 5 7 15 9 13 17 16 14 18]\n", - "=======================\n", - "[\"zhao pingan 's mother was in labour when she and her husband were hit by a truck as they travelled on a motorbike to a hospital in xiamen city , in south-eastern china 's fujian province .pingan zhao ( pictured ) was named china 's ` miracle baby ' after he was born as his mother died in a crashboth of his parents were killed in the accident , but not before the mother gave birth at the scene last march , reports the people 's daily .\"]\n", - "=======================\n", - "[\"baby named ` china 's miracle baby ' was born as his parents died in crashzhao pingan 's mother was in labour when she and her husband , the boy 's father , were hit by truck as they travelled to hospital - but baby survivedpingan suffered nerve damage and mild brain injury but was otherwise finehe has now celebrated his first birthday surrounded by family and doctors\"]\n", - "zhao pingan 's mother was in labour when she and her husband were hit by a truck as they travelled on a motorbike to a hospital in xiamen city , in south-eastern china 's fujian province .pingan zhao ( pictured ) was named china 's ` miracle baby ' after he was born as his mother died in a crashboth of his parents were killed in the accident , but not before the mother gave birth at the scene last march , reports the people 's daily .\n", - "baby named ` china 's miracle baby ' was born as his parents died in crashzhao pingan 's mother was in labour when she and her husband , the boy 's father , were hit by truck as they travelled to hospital - but baby survivedpingan suffered nerve damage and mild brain injury but was otherwise finehe has now celebrated his first birthday surrounded by family and doctors\n", - "[1.4516873 1.2539332 1.2710373 1.1929398 1.1940645 1.1394173 1.0895727\n", - " 1.0976752 1.1264923 1.1091449 1.0917387 1.0940211 1.0930204 1.0266782\n", - " 1.0364823 1.0156248 1.0680158 1.0136917 0. ]\n", - "\n", - "[ 0 2 1 4 3 5 8 9 7 11 12 10 6 16 14 13 15 17 18]\n", - "=======================\n", - "[\"tate ricks ( pictured above ) , nine , was reportedly fishing with his grandma 's boyfriend when their boat capsized and he was not found at shoreputnam county sheriff 's office said tate ricks immediately went under water in the st johns river and the unidentified man with him attempted to save ricks but could not , according to cbs .authorities are searching a florida river for a nine-year-old boy who went missing after a boat carrying him and a family friend was hit with a wake causing the boat to capsize .\"]\n", - "=======================\n", - "[\"tate ricks was reportedly fishing with his grandmother 's boyfriend in florida when boat was hit by wake in st johns river on saturdaythe unidentified man tried to rescue the boy but was unable to , police saidthe man made it to shore but ricks did not following the incidentincident is being investigated as boating accident ; no foul play suspected\"]\n", - "tate ricks ( pictured above ) , nine , was reportedly fishing with his grandma 's boyfriend when their boat capsized and he was not found at shoreputnam county sheriff 's office said tate ricks immediately went under water in the st johns river and the unidentified man with him attempted to save ricks but could not , according to cbs .authorities are searching a florida river for a nine-year-old boy who went missing after a boat carrying him and a family friend was hit with a wake causing the boat to capsize .\n", - "tate ricks was reportedly fishing with his grandmother 's boyfriend in florida when boat was hit by wake in st johns river on saturdaythe unidentified man tried to rescue the boy but was unable to , police saidthe man made it to shore but ricks did not following the incidentincident is being investigated as boating accident ; no foul play suspected\n", - "[1.3459009 1.3982027 1.2410398 1.3040891 1.2367458 1.1738068 1.1393297\n", - " 1.0607938 1.164241 1.0286541 1.0239055 1.0144386 1.0195241 1.1053914\n", - " 1.0445607 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 5 8 6 13 7 14 9 10 12 11 17 15 16 18]\n", - "=======================\n", - "[\"scotland 's first minister said the labour leader had allowed himself to be ` kicked around ' by the tories and called on him to be ` tougher ' and ` bolder ' .with polls suggesting no one party will have a majority after may 7 and support for the snp hitting a record high , the conservatives have ramped up warnings about a post-election deal between labour and the scottish nationalists .labour leader mr miliband insisted at the weekend that he is ` not interested in deals ' with the snp .\"]\n", - "=======================\n", - "[\"snp leader said ed miliband had allowed himself to be ` kicked around 'the scottish first minister said the labour leader needed to be ` bolder 'she said he had been pushed into ruling out a deal with the snp by the pmms sturgeon said the labour leader would change his mind after may 7\"]\n", - "scotland 's first minister said the labour leader had allowed himself to be ` kicked around ' by the tories and called on him to be ` tougher ' and ` bolder ' .with polls suggesting no one party will have a majority after may 7 and support for the snp hitting a record high , the conservatives have ramped up warnings about a post-election deal between labour and the scottish nationalists .labour leader mr miliband insisted at the weekend that he is ` not interested in deals ' with the snp .\n", - "snp leader said ed miliband had allowed himself to be ` kicked around 'the scottish first minister said the labour leader needed to be ` bolder 'she said he had been pushed into ruling out a deal with the snp by the pmms sturgeon said the labour leader would change his mind after may 7\n", - "[1.0941793 1.1998513 1.3203306 1.3986738 1.3975801 1.2061815 1.0488802\n", - " 1.1178652 1.0634623 1.1012832 1.0371785 1.017899 1.027826 1.0994949\n", - " 1.2701465 1.0286777 1.013603 1.0138022 1.0109942]\n", - "\n", - "[ 3 4 2 14 5 1 7 9 13 0 8 6 10 15 12 11 17 16 18]\n", - "=======================\n", - "[\"lu xincai , who lives in zhejiang province in eastern china , says that he is scared his mother will get lost if he leaves her at home by herself because she suffers from the degenerative disease .devoted : lu xincai takes his 84-year-old mother to work with him on the back of his motorbike every day .vulnerable : his elderly mother suffers from alzheimer 's and used to get lost when she was left alone\"]\n", - "=======================\n", - "[\"lu xincai says no one else can look after his 84-year-old mothershe used to get lost after dark when she went to collect firewoodnow she goes with him to work on the backseat of his motorbikehe ties her to him with a sash to make sure she does not fall offshe 's now been given her own room at the bank where he works\"]\n", - "lu xincai , who lives in zhejiang province in eastern china , says that he is scared his mother will get lost if he leaves her at home by herself because she suffers from the degenerative disease .devoted : lu xincai takes his 84-year-old mother to work with him on the back of his motorbike every day .vulnerable : his elderly mother suffers from alzheimer 's and used to get lost when she was left alone\n", - "lu xincai says no one else can look after his 84-year-old mothershe used to get lost after dark when she went to collect firewoodnow she goes with him to work on the backseat of his motorbikehe ties her to him with a sash to make sure she does not fall offshe 's now been given her own room at the bank where he works\n", - "[1.3746114 1.4270351 1.3064876 1.4442419 1.294056 1.1211963 1.1169255\n", - " 1.0692582 1.2007959 1.0282369 1.0086542 1.0120386 1.0096794 1.0116361\n", - " 1.0368541 1.0113866 1.0111971 1.0102603 1.0424008 1.1045148 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 0 2 4 8 5 6 19 7 18 14 9 11 13 15 16 17 12 10 20 21]\n", - "=======================\n", - "['tatyana chernova ( left ) failed a drugs test two years before beating jessica ennis-hill in south korea in 2011in january chernova was found to have provided a positive sample for a prohibited steroid at the 2009 world championships .jessica ennis-hill has begun communication with the iaaf in the aim of being rewarded with world championship gold from 2011 after champion tatyana chernova was exposed as a drug cheat .']\n", - "=======================\n", - "['jessica ennis-hill second to tatyana chernova in 2011 championshipschernova has since been found to have failed a test in 2009she has been banned but her 2011 world championship title still remains']\n", - "tatyana chernova ( left ) failed a drugs test two years before beating jessica ennis-hill in south korea in 2011in january chernova was found to have provided a positive sample for a prohibited steroid at the 2009 world championships .jessica ennis-hill has begun communication with the iaaf in the aim of being rewarded with world championship gold from 2011 after champion tatyana chernova was exposed as a drug cheat .\n", - "jessica ennis-hill second to tatyana chernova in 2011 championshipschernova has since been found to have failed a test in 2009she has been banned but her 2011 world championship title still remains\n", - "[1.3468722 1.2759209 1.2249964 1.138771 1.108298 1.0442451 1.0532448\n", - " 1.032139 1.0912362 1.0449018 1.0595602 1.0788991 1.089489 1.0760013\n", - " 1.082998 1.0763861 1.0281583 1.0302386 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 3 4 8 12 14 11 15 13 10 6 9 5 7 17 16 18 19 20 21]\n", - "=======================\n", - "['( cnn ) it \\'s clear from hillary clinton \\'s campaign rollout -- a video announcement/campaign ad/short film that debuted sunday afternoon -- that she will make women and being a woman central to her outreach .in case you \\'re skeptical , vox has posted a handy \" by the numbers \" for her campaign video , and there are 38 people besides clinton in the two-minute ad .twenty of them are women .']\n", - "=======================\n", - "['s.e. cupp : clinton making women central to outreach , but she should really focus on menin 2014 election , overplaying to one gender failed -- particularly with \" war on women \"']\n", - "( cnn ) it 's clear from hillary clinton 's campaign rollout -- a video announcement/campaign ad/short film that debuted sunday afternoon -- that she will make women and being a woman central to her outreach .in case you 're skeptical , vox has posted a handy \" by the numbers \" for her campaign video , and there are 38 people besides clinton in the two-minute ad .twenty of them are women .\n", - "s.e. cupp : clinton making women central to outreach , but she should really focus on menin 2014 election , overplaying to one gender failed -- particularly with \" war on women \"\n", - "[1.4176917 1.5580881 1.2955415 1.3668749 1.1745532 1.0548266 1.2248728\n", - " 1.0481229 1.012495 1.0230765 1.0901076 1.1786355 1.0287896 1.0231525\n", - " 1.0114572 1.0111753 1.0064838 1.0096091 1.011893 1.0109484 1.0507098\n", - " 1.0239047]\n", - "\n", - "[ 1 0 3 2 6 11 4 10 5 20 7 12 21 13 9 8 18 14 15 19 17 16]\n", - "=======================\n", - "[\"jose mourinho 's side could face sydney at the anz stadium on june 2 - days after spurs ' fixture against the same side .chelsea are set to follow tottenham 's lead and take part in a post-season friendly down under in june .the blues are holding ongoing talks with sydney bosses and , should they agree terms , are expected to fly out on the wednesday after the premier league season ends .\"]\n", - "=======================\n", - "[\"chelsea to face sydney fc at the anz stadium on june 2the blues are following tottenham 's lead in organising post-season gametottenham play on may 28 and fixtures come days before england 's friendly away at irelandarsenal vs chelsea team news , probable line ups and moreclick here for all the latest chelsea news\"]\n", - "jose mourinho 's side could face sydney at the anz stadium on june 2 - days after spurs ' fixture against the same side .chelsea are set to follow tottenham 's lead and take part in a post-season friendly down under in june .the blues are holding ongoing talks with sydney bosses and , should they agree terms , are expected to fly out on the wednesday after the premier league season ends .\n", - "chelsea to face sydney fc at the anz stadium on june 2the blues are following tottenham 's lead in organising post-season gametottenham play on may 28 and fixtures come days before england 's friendly away at irelandarsenal vs chelsea team news , probable line ups and moreclick here for all the latest chelsea news\n", - "[1.4431463 1.4324297 1.1787428 1.0941751 1.0744962 1.0214994 1.0433092\n", - " 1.0372868 1.0776734 1.0970958 1.1027992 1.1062912 1.0899274 1.182925\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 13 2 11 10 9 3 12 8 4 6 7 5 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"a fashion designer 's 30,000 sq ft los angeles mansion , which features a two-story-tall chandelier and 22 bathrooms , is now on the market with a whopping $ 85million price tag .max azria 's home is spread across three acres in holmby hills , one of the three affluent neighborhoods that makes up the city 's ` platinum triangle ' and bordered by beverly hills and bel air .visitors to the sprawling home , dubbed maison du solei , are first greeted by a floor-to-ceiling waterfall chandelier made up of 150,000 crystals .\"]\n", - "=======================\n", - "[\"max azria 's 30,000 sq ft home is spread across three acres and boasts 60 roomsthere is also a glass-enclosed tennis court with its own viewing box and five different gardensthe zero-edged swimming pool has a moroccan-style bathhouse , complete with a sauna and spaazria and his wife lubov bought the house for $ 14.4 m in 2005 before giving it a $ 30m renovation\"]\n", - "a fashion designer 's 30,000 sq ft los angeles mansion , which features a two-story-tall chandelier and 22 bathrooms , is now on the market with a whopping $ 85million price tag .max azria 's home is spread across three acres in holmby hills , one of the three affluent neighborhoods that makes up the city 's ` platinum triangle ' and bordered by beverly hills and bel air .visitors to the sprawling home , dubbed maison du solei , are first greeted by a floor-to-ceiling waterfall chandelier made up of 150,000 crystals .\n", - "max azria 's 30,000 sq ft home is spread across three acres and boasts 60 roomsthere is also a glass-enclosed tennis court with its own viewing box and five different gardensthe zero-edged swimming pool has a moroccan-style bathhouse , complete with a sauna and spaazria and his wife lubov bought the house for $ 14.4 m in 2005 before giving it a $ 30m renovation\n", - "[1.331717 1.2901723 1.3500813 1.2945467 1.2602115 1.1280632 1.0748731\n", - " 1.0138478 1.01837 1.0166951 1.0175961 1.0157653 1.1796199 1.1066397\n", - " 1.0869972 1.0447702 1.0145046 1.0106767 1.1472777 1.0109429 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 3 1 4 12 18 5 13 14 6 15 8 10 9 11 16 7 19 17 20 21]\n", - "=======================\n", - "[\"their latest disappointing result came at manchester city on sunday as they went down to an insipid 2-0 defeat .west ham are determined to ensure their season does not end with a whimper , according to defender carl jenkinson .carl jenkinson holds off the challenge from jesus navas during west ham 's 2-0 defeat by manchester city\"]\n", - "=======================\n", - "['west ham were beaten 2-0 by manchester city at the etihad on sundaythe hammers have only won once in their last 11 premier league gamescarl jenkinson said the players are not resting on their laurelsdefender says team are still fired up and want to finish the season strongly']\n", - "their latest disappointing result came at manchester city on sunday as they went down to an insipid 2-0 defeat .west ham are determined to ensure their season does not end with a whimper , according to defender carl jenkinson .carl jenkinson holds off the challenge from jesus navas during west ham 's 2-0 defeat by manchester city\n", - "west ham were beaten 2-0 by manchester city at the etihad on sundaythe hammers have only won once in their last 11 premier league gamescarl jenkinson said the players are not resting on their laurelsdefender says team are still fired up and want to finish the season strongly\n", - "[1.2782059 1.4974536 1.2416089 1.3337405 1.1780947 1.1668903 1.0512317\n", - " 1.017764 1.0286583 1.0233731 1.0573534 1.0753 1.0167515 1.0125339\n", - " 1.023092 1.1041758 1.1279197 1.1131239 1.0580481 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 5 16 17 15 11 18 10 6 8 9 14 7 12 13 21 19 20 22]\n", - "=======================\n", - "[\"across 10 constituencies targeted by mr farage 's party , ukip has fallen 18 points behind the tories and seven behind labour .across the 11 marginal constituencies -- including boston & skegness , great yarmouth and north thanet -- ukip now trail the tories by 18 per cent and labour by 7 per centnigel farage suffered a fresh blow today after a new poll showed ukip trailing badly in a series of key seats .\"]\n", - "=======================\n", - "[\"comres survey for itv shows ukip falling behind in key constituencieslatest in a series of polls showing the losing ground to the toriesukip leader said he had ` made some mistakes ' by trying to do too muchhe said he had to scale back his campaigning to rejuvenate himself\"]\n", - "across 10 constituencies targeted by mr farage 's party , ukip has fallen 18 points behind the tories and seven behind labour .across the 11 marginal constituencies -- including boston & skegness , great yarmouth and north thanet -- ukip now trail the tories by 18 per cent and labour by 7 per centnigel farage suffered a fresh blow today after a new poll showed ukip trailing badly in a series of key seats .\n", - "comres survey for itv shows ukip falling behind in key constituencieslatest in a series of polls showing the losing ground to the toriesukip leader said he had ` made some mistakes ' by trying to do too muchhe said he had to scale back his campaigning to rejuvenate himself\n", - "[1.1698612 1.4797939 1.1543541 1.3497005 1.1029174 1.1468375 1.0507357\n", - " 1.0399913 1.0361509 1.0690335 1.0300931 1.0352726 1.0436321 1.0472944\n", - " 1.1928549 1.0729469 1.0322955 1.0162284 1.0269508 1.0216222 1.0733829\n", - " 1.0250702 1.0234202]\n", - "\n", - "[ 1 3 14 0 2 5 4 20 15 9 6 13 12 7 8 11 16 10 18 21 22 19 17]\n", - "=======================\n", - "[\"a fed up resident of cammeray , a wealthy north shore suburb , stuck a note to the windscreen of car parked near a school they believed belonged to an outsiders .the tranquility of a high-priced inner-sydney suburb has been shattered as a transport war has broken out between locals and commuters .` dear northern beaches parasites and car dependent tragics , ' it read .\"]\n", - "=======================\n", - "[\"fed up local slams ` tragics ' taking up carparks in wealthy sydney suburb` if you ca n't afford to park ... do n't come here ' letter left on windscreen readsother locals shocked that someone in their community would leave note` we were horrified such a nimby culture existed in cammeray ' they said\"]\n", - "a fed up resident of cammeray , a wealthy north shore suburb , stuck a note to the windscreen of car parked near a school they believed belonged to an outsiders .the tranquility of a high-priced inner-sydney suburb has been shattered as a transport war has broken out between locals and commuters .` dear northern beaches parasites and car dependent tragics , ' it read .\n", - "fed up local slams ` tragics ' taking up carparks in wealthy sydney suburb` if you ca n't afford to park ... do n't come here ' letter left on windscreen readsother locals shocked that someone in their community would leave note` we were horrified such a nimby culture existed in cammeray ' they said\n", - "[1.2147677 1.4116434 1.3536501 1.275167 1.2524365 1.0948504 1.1203916\n", - " 1.0578388 1.0241225 1.1080216 1.0758498 1.0464185 1.1012982 1.0424142\n", - " 1.0609592 1.0348192 1.0608447 1.0655828 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 6 9 12 5 10 17 14 16 7 11 13 15 8 21 18 19 20 22]\n", - "=======================\n", - "[\"the large android shape covers a mountainous region near the city of shahpur but residents may not approve of the addition because it is shown urinating on an apple logo .it is not an official google feature and the image is believed to have been added using google 's map maker , although this has n't been confirmed .a new ` landmark ' has mysteriously appeared in pakistan , according to google maps .\"]\n", - "=======================\n", - "[\"the drawing was discovered by fan site cult of androidit appears on the map 's standard view at 33 ° 30 ' 52.5 'n 73 ° 03 ' 33.2 ' eaddition is believed to have been added using google 's map makerand google told mailonline : we 've terminated the android figure involved in this incident , and he 'll be disappearing from google maps shortly . '\"]\n", - "the large android shape covers a mountainous region near the city of shahpur but residents may not approve of the addition because it is shown urinating on an apple logo .it is not an official google feature and the image is believed to have been added using google 's map maker , although this has n't been confirmed .a new ` landmark ' has mysteriously appeared in pakistan , according to google maps .\n", - "the drawing was discovered by fan site cult of androidit appears on the map 's standard view at 33 ° 30 ' 52.5 'n 73 ° 03 ' 33.2 ' eaddition is believed to have been added using google 's map makerand google told mailonline : we 've terminated the android figure involved in this incident , and he 'll be disappearing from google maps shortly . '\n", - "[1.2374204 1.216724 1.2814935 1.136767 1.1642847 1.0313069 1.0159241\n", - " 1.0163736 1.0171877 1.1550041 1.1627612 1.0142001 1.0655422 1.0111378\n", - " 1.0162814 1.0182467 1.105808 1.113415 1.0584941 1.0582347 1.0222605\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 1 4 10 9 3 17 16 12 18 19 5 20 15 8 7 14 6 11 13 21 22]\n", - "=======================\n", - "['the modern seema malaka temple , colombo , sri lanka .sri lanka , with its shimmering sandy beaches , enthralling wildlife and relics of ancient civilisations , is high on lists of places to visit in 2015 .gareth huw davies enjoys the new stability on the teardrop-shaped island in the indian ocean , where the holiday industry is recovering , and expanding with a crop of smart new hotels , after the dual torment of a tsunami and a bitter civil war .']\n", - "=======================\n", - "['the teardrop-shaped island was ravaged by the tsunami in 2004the holiday industry there is recovered and expanding with new hotelssee the uda walawe nature reserve elephants and tea plantations in kandy']\n", - "the modern seema malaka temple , colombo , sri lanka .sri lanka , with its shimmering sandy beaches , enthralling wildlife and relics of ancient civilisations , is high on lists of places to visit in 2015 .gareth huw davies enjoys the new stability on the teardrop-shaped island in the indian ocean , where the holiday industry is recovering , and expanding with a crop of smart new hotels , after the dual torment of a tsunami and a bitter civil war .\n", - "the teardrop-shaped island was ravaged by the tsunami in 2004the holiday industry there is recovered and expanding with new hotelssee the uda walawe nature reserve elephants and tea plantations in kandy\n", - "[1.2575767 1.4700729 1.1712534 1.2409914 1.2909603 1.0838401 1.1316489\n", - " 1.0866187 1.0442195 1.009112 1.0180745 1.0914137 1.0515246 1.131458\n", - " 1.0503072 1.0730243 1.0516957 1.0522356 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 0 3 2 6 13 11 7 5 15 17 16 12 14 8 10 9 21 18 19 20 22]\n", - "=======================\n", - "[\"the father-of-three was sentenced to death for murdering his family , stuffing them in suitcases and dumping their bodies in coastal bays in oregon in december 2001 to ` escape the shackles of domestic life ' .awaiting his execution in a six-by-eight foot death row cell , christian longo believes he can no longer be redeemed for his horrific crimes .now a film about his life , true story , starring james franco and jonah hill , has been released , and the brutal killer has spoken out from behind bars .\"]\n", - "=======================\n", - "[\"christian longo has been writing letters to people from his death row cellbelieves ` some actions are so terrible that nothing can ever atone them 'in 2001 he killed his family , stuffed them into suitcases and dumped themthree children and his wife mary jane were all found by police diversfbi tracked him to cancun where he was partying with a german womanwas posing as shamed new york times reporter michael finkelhe was brought stateside and sentenced to death at the end of month trialmovie starring jonah hill and james franco about his relationship with the journalist has been released\"]\n", - "the father-of-three was sentenced to death for murdering his family , stuffing them in suitcases and dumping their bodies in coastal bays in oregon in december 2001 to ` escape the shackles of domestic life ' .awaiting his execution in a six-by-eight foot death row cell , christian longo believes he can no longer be redeemed for his horrific crimes .now a film about his life , true story , starring james franco and jonah hill , has been released , and the brutal killer has spoken out from behind bars .\n", - "christian longo has been writing letters to people from his death row cellbelieves ` some actions are so terrible that nothing can ever atone them 'in 2001 he killed his family , stuffed them into suitcases and dumped themthree children and his wife mary jane were all found by police diversfbi tracked him to cancun where he was partying with a german womanwas posing as shamed new york times reporter michael finkelhe was brought stateside and sentenced to death at the end of month trialmovie starring jonah hill and james franco about his relationship with the journalist has been released\n", - "[1.1322436 1.2802756 1.2639723 1.2736294 1.1644748 1.0994804 1.0625596\n", - " 1.049628 1.0410618 1.100979 1.0828049 1.0293673 1.0347444 1.0324396\n", - " 1.0832319 1.1100357 1.0534387 1.0254512 1.0460085 1.0325702]\n", - "\n", - "[ 1 3 2 4 0 15 9 5 14 10 6 16 7 18 8 12 19 13 11 17]\n", - "=======================\n", - "['a tiny ten by six mile speck in the south atlantic 1,200 miles from the coast of west africa , it lay undiscovered for around 14 million years able to evolve its own unique flora and fauna untouched by the outside world .but almost from the moment portuguese explorer juan de nova was blown there by the trade winds in 1502 it assumed an importance out of all proportion to its size .it was a key stopping place for the ships of the east india company and other vessels - at its peak it serviced a thousand a year .']\n", - "=======================\n", - "[\"st helena , a 122 square kilometre island in the middle of the south atlantic , will soon be much easier to reachearly next year , the island 's # 218 million airport will be complete , opening it up to tourists like never beforethe remote destination is perhaps best known as the place where napoleon was exiled after his waterloo defeat\"]\n", - "a tiny ten by six mile speck in the south atlantic 1,200 miles from the coast of west africa , it lay undiscovered for around 14 million years able to evolve its own unique flora and fauna untouched by the outside world .but almost from the moment portuguese explorer juan de nova was blown there by the trade winds in 1502 it assumed an importance out of all proportion to its size .it was a key stopping place for the ships of the east india company and other vessels - at its peak it serviced a thousand a year .\n", - "st helena , a 122 square kilometre island in the middle of the south atlantic , will soon be much easier to reachearly next year , the island 's # 218 million airport will be complete , opening it up to tourists like never beforethe remote destination is perhaps best known as the place where napoleon was exiled after his waterloo defeat\n", - "[1.2505044 1.4110906 1.326872 1.2064807 1.053229 1.0898055 1.064143\n", - " 1.0468854 1.034281 1.0699093 1.076297 1.0340105 1.125303 1.0473357\n", - " 1.1241204 1.1355929 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 15 12 14 5 10 9 6 4 13 7 8 11 16 17 18 19]\n", - "=======================\n", - "[\"churchill , then 84 , was president eisenhower 's guest of honour at the gathering , held at the home of the us ambassador in london , in 1959 .the party , held on the 20th anniversary of nazi germany 's invasion of poland , brought together the great and good of the allied wwii campaign .never-before-seen pictures of winston churchill show the moment the former prime minister appeared to fall asleep at a second world war reunion party alongside dwight eisenhower .\"]\n", - "=======================\n", - "['churchill was meeting allied wwii leaders for a reunion party in londonformer pm appears to nod off while sat next to us president eisenhowerlord alan brooke wakes up churchill , then 84 , who looks a little sheepishnever-before-seen photographs will go on auction in the us this month']\n", - "churchill , then 84 , was president eisenhower 's guest of honour at the gathering , held at the home of the us ambassador in london , in 1959 .the party , held on the 20th anniversary of nazi germany 's invasion of poland , brought together the great and good of the allied wwii campaign .never-before-seen pictures of winston churchill show the moment the former prime minister appeared to fall asleep at a second world war reunion party alongside dwight eisenhower .\n", - "churchill was meeting allied wwii leaders for a reunion party in londonformer pm appears to nod off while sat next to us president eisenhowerlord alan brooke wakes up churchill , then 84 , who looks a little sheepishnever-before-seen photographs will go on auction in the us this month\n", - "[1.2038428 1.1272926 1.2989099 1.2359198 1.1110221 1.0443475 1.1327603\n", - " 1.1751556 1.0854839 1.0428339 1.0384912 1.0449628 1.0713571 1.0243298\n", - " 1.046322 1.0939032 1.0316491 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 7 6 1 4 15 8 12 14 11 5 9 10 16 13 18 17 19]\n", - "=======================\n", - "['but that is what rand paul , who today declared he \\'s running for president of the united states , is doing .his campaign team told reporters last week that his campaign announcement message would be about \" expanding the republican party \" -- a message of inclusion .( cnn ) when i was elected to the kentucky state senate in 1967 , i became the first woman and the first person of color to serve in the body .']\n", - "=======================\n", - "[\"georgia powers : rand paul , running for president , would like minorities to think he 's an advocate .on civil rights , women 's choice , voting rights , immigrant dreamers , education , he has shown he 'd take country backwards , she says\"]\n", - "but that is what rand paul , who today declared he 's running for president of the united states , is doing .his campaign team told reporters last week that his campaign announcement message would be about \" expanding the republican party \" -- a message of inclusion .( cnn ) when i was elected to the kentucky state senate in 1967 , i became the first woman and the first person of color to serve in the body .\n", - "georgia powers : rand paul , running for president , would like minorities to think he 's an advocate .on civil rights , women 's choice , voting rights , immigrant dreamers , education , he has shown he 'd take country backwards , she says\n", - "[1.401936 1.1846904 1.0903852 1.1948597 1.2373365 1.3301513 1.1453954\n", - " 1.1248728 1.096895 1.0543113 1.0310282 1.0382437 1.0286974 1.0816101\n", - " 1.1014743 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 5 4 3 1 6 7 14 8 2 13 9 11 10 12 18 15 16 17 19]\n", - "=======================\n", - "['trials : researchers at hadassah medical school in jerusalem found pregnancy helps regenerate tissueit found in young , non-pregnant mice , 82 per cent of the liver had regenerated after two days and in older , non-pregnant mice , only 46 per cent had regenerated in that time .appearing to bloom is not just a cosmetic side effect of carrying a child , said medical experts for the journal fertility and sterility but an actual physical process .']\n", - "=======================\n", - "[\"researchers in jerusalem found pregnancy helps regenerate tissuesuggest pregnancy could restore mother 's muscles ' ability to regenerateclaim mice ` got youth serum injection ' from babies they were carrying\"]\n", - "trials : researchers at hadassah medical school in jerusalem found pregnancy helps regenerate tissueit found in young , non-pregnant mice , 82 per cent of the liver had regenerated after two days and in older , non-pregnant mice , only 46 per cent had regenerated in that time .appearing to bloom is not just a cosmetic side effect of carrying a child , said medical experts for the journal fertility and sterility but an actual physical process .\n", - "researchers in jerusalem found pregnancy helps regenerate tissuesuggest pregnancy could restore mother 's muscles ' ability to regenerateclaim mice ` got youth serum injection ' from babies they were carrying\n", - "[1.2639204 1.3887602 1.2825181 1.2755322 1.0739388 1.174774 1.1033924\n", - " 1.0744917 1.0913641 1.0490091 1.0598452 1.0879099 1.0725622 1.0673504\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 6 8 11 7 4 12 13 10 9 14 15 16 17 18 19]\n", - "=======================\n", - "['her majesty , who looked elegant in a long blue jacket which she wore over a cream and blue floral dress , was joined by prince philip and princess alexandra at the reception in trafalgar square , central london .during the first world war commemorations , the monarch posed for a photograph with the calgary highlanders - who were all dressed in kilts - while prince philip sat for a portrait with the royal hamilton light infantry .the event was held in honour of the three canadian regiments which the royal members individually lead as colonels-in-chief .']\n", - "=======================\n", - "['the queen attends reception as part of first world war commemorationsshe was joined by her husband the duke of edinburgh at london eventat reception , her majesty posed with calgary highlanders dressed in kilts']\n", - "her majesty , who looked elegant in a long blue jacket which she wore over a cream and blue floral dress , was joined by prince philip and princess alexandra at the reception in trafalgar square , central london .during the first world war commemorations , the monarch posed for a photograph with the calgary highlanders - who were all dressed in kilts - while prince philip sat for a portrait with the royal hamilton light infantry .the event was held in honour of the three canadian regiments which the royal members individually lead as colonels-in-chief .\n", - "the queen attends reception as part of first world war commemorationsshe was joined by her husband the duke of edinburgh at london eventat reception , her majesty posed with calgary highlanders dressed in kilts\n", - "[1.1396611 1.1821772 1.0917096 1.103093 1.3201573 1.1859803 1.12461\n", - " 1.0664667 1.0535461 1.0259851 1.0241425 1.0693016 1.0855706 1.0903571\n", - " 1.0218655 1.0247409 1.1097674 1.0903416 1.1552199 1.0632747 1.0366321\n", - " 0. ]\n", - "\n", - "[ 4 5 1 18 0 6 16 3 2 13 17 12 11 7 19 8 20 9 15 10 14 21]\n", - "=======================\n", - "['louise redknapp says that a wide-leg trouser can come as a welcome relief from the skinny jeanskinny jeans have held court for quite a few years now and while they will never go out of style the wide leg will give you an alternative look .the wide-leg trouser made an appearance on several catwalks including on the runway of gucci ss15 who showcased a denim take on the trend , for a high street take try the topshop miller jean ( right )']\n", - "=======================\n", - "['louise redknapp and stylist emma thatcher try the wide-leg trouserthey say it makes a good replacement for ever-popular skinny jeans']\n", - "louise redknapp says that a wide-leg trouser can come as a welcome relief from the skinny jeanskinny jeans have held court for quite a few years now and while they will never go out of style the wide leg will give you an alternative look .the wide-leg trouser made an appearance on several catwalks including on the runway of gucci ss15 who showcased a denim take on the trend , for a high street take try the topshop miller jean ( right )\n", - "louise redknapp and stylist emma thatcher try the wide-leg trouserthey say it makes a good replacement for ever-popular skinny jeans\n", - "[1.2548237 1.389889 1.3559413 1.1913911 1.1642772 1.0888007 1.1084102\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 4 6 5 19 18 17 16 15 14 10 12 11 20 9 8 7 13 21]\n", - "=======================\n", - "[\"what started as a nonthreatening and seemingly shrinking grass fire on sunday , consuming fewer than 100 acres according to miami-dade fire rescue battalion chief al cruz , grew to be more than 10 times that within the next 24 hours .by monday night , the fire had burned nearly 2,000 acres and was 50 % contained , the fire department said .( cnn ) parts of miami-dade county 's skyline was hidden from view monday as smoke from a growing 1,850-acre wildfire loomed over portions of the florida county .\"]\n", - "=======================\n", - "['the wildfire started in miami-dade county on sundayby monday night , it had grown to nearly 2,000 acresthe fire was 50 % contained , officials said']\n", - "what started as a nonthreatening and seemingly shrinking grass fire on sunday , consuming fewer than 100 acres according to miami-dade fire rescue battalion chief al cruz , grew to be more than 10 times that within the next 24 hours .by monday night , the fire had burned nearly 2,000 acres and was 50 % contained , the fire department said .( cnn ) parts of miami-dade county 's skyline was hidden from view monday as smoke from a growing 1,850-acre wildfire loomed over portions of the florida county .\n", - "the wildfire started in miami-dade county on sundayby monday night , it had grown to nearly 2,000 acresthe fire was 50 % contained , officials said\n", - "[1.4561348 1.3391936 1.1199849 1.2978992 1.0934604 1.0793399 1.1142741\n", - " 1.1061401 1.1128026 1.3051419 1.0388007 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 9 3 2 6 8 7 4 5 10 11 12 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"cleveland cavaliers small forward lebron james says he would pick himself for mvp if he could when a new set of nba awards are presented this summer .players are able to vote in the end-of-season awards for the first time , with titles such as ` man of the year ' being handed out ,cleveland cavaliers have secured the central division title and will be no 2 seed in the eastern conference\"]\n", - "=======================\n", - "[\"players in nba are able to vote in end-of-season awards for first timelebron james asked who he would pick and says : ` myself '30-year-old has impressed in first season back with cleveland cavaliers\"]\n", - "cleveland cavaliers small forward lebron james says he would pick himself for mvp if he could when a new set of nba awards are presented this summer .players are able to vote in the end-of-season awards for the first time , with titles such as ` man of the year ' being handed out ,cleveland cavaliers have secured the central division title and will be no 2 seed in the eastern conference\n", - "players in nba are able to vote in end-of-season awards for first timelebron james asked who he would pick and says : ` myself '30-year-old has impressed in first season back with cleveland cavaliers\n", - "[1.2518756 1.099077 1.1217206 1.0992643 1.1237987 1.0634671 1.0788718\n", - " 1.08022 1.1438768 1.0504844 1.056316 1.0545655 1.0769409 1.0639753\n", - " 1.0627419 1.0938685 1.1210986 1.0804228 1.0246849 1.0954512 1.0246283\n", - " 1.0195888]\n", - "\n", - "[ 0 8 4 2 16 3 1 19 15 17 7 6 12 13 5 14 10 11 9 18 20 21]\n", - "=======================\n", - "['obock , djibouti ( cnn ) amina ali qassim is sitting with her youngest grandchild on her lap , wiping away tears with her headscarf .qassim and her family fled birim at first light , piling in with three other families .they could have still been in their house when the first missile landed .']\n", - "=======================\n", - "[\"amina ali qassim 's family sought shelter in a mosque before fleeing yementhousands like them are boarding boats to sail to djiboutisaudi arabia has been pounding yemen in a bid to defeat houthi rebels\"]\n", - "obock , djibouti ( cnn ) amina ali qassim is sitting with her youngest grandchild on her lap , wiping away tears with her headscarf .qassim and her family fled birim at first light , piling in with three other families .they could have still been in their house when the first missile landed .\n", - "amina ali qassim 's family sought shelter in a mosque before fleeing yementhousands like them are boarding boats to sail to djiboutisaudi arabia has been pounding yemen in a bid to defeat houthi rebels\n", - "[1.3891484 1.2802368 1.3555008 1.3503333 1.1554885 1.233446 1.1572778\n", - " 1.0279431 1.0149174 1.0239916 1.010244 1.0123695 1.2501605 1.1362349\n", - " 1.0921174 1.0122086 1.0111527 1.1754911 1.0883586 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 3 1 12 5 17 6 4 13 14 18 7 9 8 11 15 16 10 19 20 21]\n", - "=======================\n", - "['tiger woods will be wondering if he can ever catch a break after suffering a bizarre injury on the ninth hole at the masters on sunday .however following through on his swing the four-time masters champion drilled his club into a tree root , causing the 39-year-old to drop his club and give out a painful yell .21-year-old jordan spieth ( centre ) celebrates his first masters victory with his girlfriend on sunday']\n", - "=======================\n", - "[\"tiger woods drilled an iron into a tree root on the ninth hole at augustathis is the latest of a string of unfortunate injuries for the 39-year-oldwoods ended the tournament tied for 17th , his best finish in over a yearread : we 've seen enough of tiger at augusta not to give up on him yetclick here for all the masters 2015 reaction\"]\n", - "tiger woods will be wondering if he can ever catch a break after suffering a bizarre injury on the ninth hole at the masters on sunday .however following through on his swing the four-time masters champion drilled his club into a tree root , causing the 39-year-old to drop his club and give out a painful yell .21-year-old jordan spieth ( centre ) celebrates his first masters victory with his girlfriend on sunday\n", - "tiger woods drilled an iron into a tree root on the ninth hole at augustathis is the latest of a string of unfortunate injuries for the 39-year-oldwoods ended the tournament tied for 17th , his best finish in over a yearread : we 've seen enough of tiger at augusta not to give up on him yetclick here for all the masters 2015 reaction\n", - "[1.2346239 1.4816086 1.3110543 1.2217793 1.3170645 1.2161 1.127053\n", - " 1.0965043 1.0567828 1.0678242 1.0838344 1.1548405 1.0369769 1.0159465\n", - " 1.033546 1.0219972 1.0494463 1.023857 1.0147238]\n", - "\n", - "[ 1 4 2 0 3 5 11 6 7 10 9 8 16 12 14 17 15 13 18]\n", - "=======================\n", - "['nathan brown , 19 , was working with his father david , an experienced electrician , when he apparently touched a set of exposed electrical bars powering a crane .tragic : apprentice electrician nathan brown died after being electrocuted while testing lightsthe shock caused him to fall 12ft head first onto the roof of a toilet block below the crane .']\n", - "=======================\n", - "['nathan brown , 19 , was working with father david testing lights in a factoryhe climbed up on a crane but accidentally touched exposed power supplythe shock made him fall 12ft head first and he died of his injuriesinquest hears that the power supply was not clearly marked as dangerous']\n", - "nathan brown , 19 , was working with his father david , an experienced electrician , when he apparently touched a set of exposed electrical bars powering a crane .tragic : apprentice electrician nathan brown died after being electrocuted while testing lightsthe shock caused him to fall 12ft head first onto the roof of a toilet block below the crane .\n", - "nathan brown , 19 , was working with father david testing lights in a factoryhe climbed up on a crane but accidentally touched exposed power supplythe shock made him fall 12ft head first and he died of his injuriesinquest hears that the power supply was not clearly marked as dangerous\n", - "[1.2961013 1.2671618 1.1096354 1.4192259 1.2267308 1.0603883 1.1594459\n", - " 1.0640529 1.0276573 1.0180321 1.0321729 1.0970181 1.1519672 1.0992242\n", - " 1.0463471 1.0506885 1.038544 1.0494637 1.0342216]\n", - "\n", - "[ 3 0 1 4 6 12 2 13 11 7 5 15 17 14 16 18 10 8 9]\n", - "=======================\n", - "[\"vladmir lenin may have been dead for 90 years , but his corpse looks better than the day he passed .this is the claim made by his embalmers , who have developed experimental techniques to maintain the look and feel of the communist revolutionary 's body .the gruesome job is the responsibility of a team known as the ` mausoleum group ' which , at its peak , involved 200 scientists working in a lab dedicated to the former leader 's corpse .\"]\n", - "=======================\n", - "[\"embalmers substitute parts of flesh with plastics and other materialsa mild bleach is often used to deal with fungus stains on lenin 's facethe body is covered in glycerol and potassium acetate every 2 yearsat one time , 200 scientists were working to help preserve lenin 's body\"]\n", - "vladmir lenin may have been dead for 90 years , but his corpse looks better than the day he passed .this is the claim made by his embalmers , who have developed experimental techniques to maintain the look and feel of the communist revolutionary 's body .the gruesome job is the responsibility of a team known as the ` mausoleum group ' which , at its peak , involved 200 scientists working in a lab dedicated to the former leader 's corpse .\n", - "embalmers substitute parts of flesh with plastics and other materialsa mild bleach is often used to deal with fungus stains on lenin 's facethe body is covered in glycerol and potassium acetate every 2 yearsat one time , 200 scientists were working to help preserve lenin 's body\n", - "[1.3268031 1.1962668 1.4317861 1.3002849 1.054439 1.1565193 1.1284842\n", - " 1.1729021 1.0886017 1.0361907 1.050621 1.0370668 1.0509758 1.0505455\n", - " 1.1196306 1.0503418 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 1 7 5 6 14 8 4 12 10 13 15 11 9 16 17 18]\n", - "=======================\n", - "['the most expensive edition model costs up to # 2,500 more in the uk compared to elsewhere in the world , while at the lower end of the scale british buyers pay up to # 63 more for the sport model .apple is thought to have sold more than one million of its smartwatches in the first 24 hours it was available for pre-order .the gadget is available to pre-order in nine countries .']\n", - "=======================\n", - "[\"apple 's sport , watch and edition wearables are cheaper in us and europethe edition costs up # 1,100 more in the uk than it does in the usbut british prices include vat , while us sales tax is added on topcustomers could save up to # 63 buying the sport abroad too\"]\n", - "the most expensive edition model costs up to # 2,500 more in the uk compared to elsewhere in the world , while at the lower end of the scale british buyers pay up to # 63 more for the sport model .apple is thought to have sold more than one million of its smartwatches in the first 24 hours it was available for pre-order .the gadget is available to pre-order in nine countries .\n", - "apple 's sport , watch and edition wearables are cheaper in us and europethe edition costs up # 1,100 more in the uk than it does in the usbut british prices include vat , while us sales tax is added on topcustomers could save up to # 63 buying the sport abroad too\n", - "[1.3244699 1.2143701 1.4467713 1.1932335 1.3463624 1.0530201 1.0263683\n", - " 1.1481218 1.124336 1.0746208 1.0842637 1.0828781 1.1555144 1.0129915\n", - " 1.0146877 1.0362916 1.0181236 1.0270506 0. ]\n", - "\n", - "[ 2 4 0 1 3 12 7 8 10 11 9 5 15 17 6 16 14 13 18]\n", - "=======================\n", - "[\"graham leonard , who was returning to scotland after attending a manchester united football match , grabbed the pa microphone on the private charter flight and burst into song for his fellow football fans after drinking beer and gin on match day .sheriff edward savage said he was keeping ` all options open ' and mr kelly to find out what impact a jail sentence would have on his client .a passenger who hijacked a plane 's tannoy system while drunk to sing karaoke and then caused an airport to be evacuated could be handed a jail term .\"]\n", - "=======================\n", - "['graham leonard , 44 , was flying back to scotland from manchesterwas part of a group who had watched manchester united at old traffordadmitted to drinking beers and gin and tonics throughout the daysheriff warns he has not yet decided whether a jail term is sufficient']\n", - "graham leonard , who was returning to scotland after attending a manchester united football match , grabbed the pa microphone on the private charter flight and burst into song for his fellow football fans after drinking beer and gin on match day .sheriff edward savage said he was keeping ` all options open ' and mr kelly to find out what impact a jail sentence would have on his client .a passenger who hijacked a plane 's tannoy system while drunk to sing karaoke and then caused an airport to be evacuated could be handed a jail term .\n", - "graham leonard , 44 , was flying back to scotland from manchesterwas part of a group who had watched manchester united at old traffordadmitted to drinking beers and gin and tonics throughout the daysheriff warns he has not yet decided whether a jail term is sufficient\n", - "[1.4237446 1.4103285 1.2774706 1.2529961 1.3273196 1.0289283 1.0213175\n", - " 1.0317006 1.0305744 1.1128699 1.0749927 1.0175649 1.1237863 1.1340568\n", - " 1.018257 1.0151905 1.008092 1.0074682 0. ]\n", - "\n", - "[ 0 1 4 2 3 13 12 9 10 7 8 5 6 14 11 15 16 17 18]\n", - "=======================\n", - "[\"a red hot novak djokovic is being tipped to end rafa nadal 's stranglehold at roland garros in june but the spaniard dismissed the threat as being no different to those he has faced before .the serbian world number one has been an unstoppable force in recent weeks , winning 17 matches on the bounce and becoming the first man to win the season 's first three masters title .nadal was beaten convincingly by novak djokovic in monet carlo last week\"]\n", - "=======================\n", - "['rafael nadal lost heavily to novak djokovic on clay in monte carlodjokovic is world no 1 and tipped to challenge at roland garosbut nine-time champion nadal says this year will be no different']\n", - "a red hot novak djokovic is being tipped to end rafa nadal 's stranglehold at roland garros in june but the spaniard dismissed the threat as being no different to those he has faced before .the serbian world number one has been an unstoppable force in recent weeks , winning 17 matches on the bounce and becoming the first man to win the season 's first three masters title .nadal was beaten convincingly by novak djokovic in monet carlo last week\n", - "rafael nadal lost heavily to novak djokovic on clay in monte carlodjokovic is world no 1 and tipped to challenge at roland garosbut nine-time champion nadal says this year will be no different\n", - "[1.2079207 1.5738186 1.1855989 1.210361 1.2095029 1.2518843 1.0615854\n", - " 1.019527 1.18548 1.0737032 1.0672715 1.096349 1.099118 1.0361573\n", - " 1.012807 1.0129213 1.0395415 1.0571152 1.0192316]\n", - "\n", - "[ 1 5 3 4 0 2 8 12 11 9 10 6 17 16 13 7 18 15 14]\n", - "=======================\n", - "['natalie swindells , 26 , eats four bowls of the cereal every day .in a typical day , miss swindells will have two bowls of rice krispies with milk for breakfast , followed by a slice of bread and butter for lunch , and two bowls of rice krispies again for dinnerthe bank worker , who says she has never taken a day off sick , stopped eating most other foods from the age of two .']\n", - "=======================\n", - "['natalie swindell , 26 , eats four bowls of rice krispies a day and little elsedespite the boring diet , nutritionists say her eating habits are balancedbank worker claims she has never eaten anything else since the age of two']\n", - "natalie swindells , 26 , eats four bowls of the cereal every day .in a typical day , miss swindells will have two bowls of rice krispies with milk for breakfast , followed by a slice of bread and butter for lunch , and two bowls of rice krispies again for dinnerthe bank worker , who says she has never taken a day off sick , stopped eating most other foods from the age of two .\n", - "natalie swindell , 26 , eats four bowls of rice krispies a day and little elsedespite the boring diet , nutritionists say her eating habits are balancedbank worker claims she has never eaten anything else since the age of two\n", - "[1.2150573 1.4470242 1.3537644 1.2053113 1.1298885 1.1196709 1.048116\n", - " 1.0297762 1.0274254 1.0789958 1.1298609 1.0882589 1.079826 1.0485595\n", - " 1.0738342 1.0509615 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 10 5 11 12 9 14 15 13 6 7 8 16 17 18]\n", - "=======================\n", - "[\"the photos , taken in a forest outside moscow in russia , show maria sidorova and lidia fetisova hugging and kissing the 650kg bear , named stephen .organisers wanted to highlight the importance of living ` side-by-side ' with bears and to discourage hunting - but in one picture , a model was shown wearing a fur coat .bizarre pictures have emerged of two models posing seductively with a giant brown bear as part of an anti-hunting campaign .\"]\n", - "=======================\n", - "[\"photos show models maria sidorova and lidia fetisova posing with 650kg bear in forest outside moscow in russiathey are pictured hugging and kissing stephen the brown bear , who has been specially trained to appear in filmsit was part of an anti-hunting campaign with organisers highlighting ` natural harmony ' between bears and humans\"]\n", - "the photos , taken in a forest outside moscow in russia , show maria sidorova and lidia fetisova hugging and kissing the 650kg bear , named stephen .organisers wanted to highlight the importance of living ` side-by-side ' with bears and to discourage hunting - but in one picture , a model was shown wearing a fur coat .bizarre pictures have emerged of two models posing seductively with a giant brown bear as part of an anti-hunting campaign .\n", - "photos show models maria sidorova and lidia fetisova posing with 650kg bear in forest outside moscow in russiathey are pictured hugging and kissing stephen the brown bear , who has been specially trained to appear in filmsit was part of an anti-hunting campaign with organisers highlighting ` natural harmony ' between bears and humans\n", - "[1.1968993 1.4920557 1.2566926 1.4065509 1.2061195 1.0883924 1.0428439\n", - " 1.0200282 1.0357579 1.02075 1.028919 1.0184758 1.1114752 1.1299977\n", - " 1.0853128 1.0591401 1.0226147 1.0159857 0. ]\n", - "\n", - "[ 1 3 2 4 0 13 12 5 14 15 6 8 10 16 9 7 11 17 18]\n", - "=======================\n", - "[\"and the former manchester united boss has tipped barcelona 's brazilian star neymar to be the next man to challenge for the title of world 's best player , competing with ronaldo and lionel messi .sir alex ferguson has picked neymar as the player to reach the level of lionel messi and cristiano ronaldobut ferguson says the 23-year-old , who has been a star since joining barca from santos in his homeland two years ago , is still some way off .\"]\n", - "=======================\n", - "[\"former manchester united boss says no-one is close to world 's top twobut sir alex ferguson suggests neymar will be the next to reach that levelferguson was also full of praise for real madrid boss carlo ancelottiancelotti invited fergie 's son darren to real madrid training early this year\"]\n", - "and the former manchester united boss has tipped barcelona 's brazilian star neymar to be the next man to challenge for the title of world 's best player , competing with ronaldo and lionel messi .sir alex ferguson has picked neymar as the player to reach the level of lionel messi and cristiano ronaldobut ferguson says the 23-year-old , who has been a star since joining barca from santos in his homeland two years ago , is still some way off .\n", - "former manchester united boss says no-one is close to world 's top twobut sir alex ferguson suggests neymar will be the next to reach that levelferguson was also full of praise for real madrid boss carlo ancelottiancelotti invited fergie 's son darren to real madrid training early this year\n", - "[1.297552 1.4019868 1.2668974 1.1651989 1.1814556 1.0932714 1.1012856\n", - " 1.0816693 1.0719842 1.0889952 1.0461242 1.1372669 1.035104 1.0269468\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 3 11 6 5 9 7 8 10 12 13 17 14 15 16 18]\n", - "=======================\n", - "[\"ramalinga raju , the former chairman of software services exporter satyam computers services , was also fined $ 804,000 , r.k. gaur , a spokesman for india 's central bureau of investigation , told cnn .new delhi ( cnn ) an indian software pioneer and nine others have been sentenced to seven years in jail for their role in what has been dubbed india 's biggest corporate scandal in memory , police said .investigators say losses to investors resulting from the company 's book manipulation were much higher .\"]\n", - "=======================\n", - "[\"satyam computers services was at the center of a massive $ 1.6 billion fraud case in 2009the software services exporter 's chairman , ramalinga raju , admitted inflating profitssatyam had been india 's fourth-largest software services provider\"]\n", - "ramalinga raju , the former chairman of software services exporter satyam computers services , was also fined $ 804,000 , r.k. gaur , a spokesman for india 's central bureau of investigation , told cnn .new delhi ( cnn ) an indian software pioneer and nine others have been sentenced to seven years in jail for their role in what has been dubbed india 's biggest corporate scandal in memory , police said .investigators say losses to investors resulting from the company 's book manipulation were much higher .\n", - "satyam computers services was at the center of a massive $ 1.6 billion fraud case in 2009the software services exporter 's chairman , ramalinga raju , admitted inflating profitssatyam had been india 's fourth-largest software services provider\n", - "[1.2501658 1.4434835 1.1780839 1.1388074 1.3047956 1.1799169 1.0981865\n", - " 1.0529137 1.024029 1.0671399 1.0209394 1.1464237 1.2101469 1.1197171\n", - " 1.0613966 1.0613025 1.0976893 1.0176505 1.0104492]\n", - "\n", - "[ 1 4 0 12 5 2 11 3 13 6 16 9 14 15 7 8 10 17 18]\n", - "=======================\n", - "['cctv footage has captured a woman cautiously standing by the concierge desk before she quickly grabs the box of anzac badges and money while covering it with her vest at the caulfield rsl in elsternwick , south-east of melbourne about 8.00 pm on wednesday .watch as this brazen thief allegedly steals a donation box ahead of anzac day at an rsl club in melbourneshe allegedly covers the donation box with her black vest as she casually walks out the entrance door']\n", - "=======================\n", - "['shocking footage has emerged of a thief allegedly taking a donation boxcctv captures the woman bringing her vest over the anzac badgesthe incident took place on wednesday at the caulfield rsl in melbournethe video was posted on facebook in a bid to track down the women']\n", - "cctv footage has captured a woman cautiously standing by the concierge desk before she quickly grabs the box of anzac badges and money while covering it with her vest at the caulfield rsl in elsternwick , south-east of melbourne about 8.00 pm on wednesday .watch as this brazen thief allegedly steals a donation box ahead of anzac day at an rsl club in melbourneshe allegedly covers the donation box with her black vest as she casually walks out the entrance door\n", - "shocking footage has emerged of a thief allegedly taking a donation boxcctv captures the woman bringing her vest over the anzac badgesthe incident took place on wednesday at the caulfield rsl in melbournethe video was posted on facebook in a bid to track down the women\n", - "[1.3301028 1.4916041 1.1742976 1.1629838 1.2825594 1.0751605 1.0120554\n", - " 1.0499706 1.0743798 1.1113304 1.2225835 1.0959792 1.0823483 1.0229559\n", - " 1.0431025 1.15609 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 10 2 3 15 9 11 12 5 8 7 14 13 6 19 16 17 18 20]\n", - "=======================\n", - "[\"manchester city 's david silva and everton 's phil jagielka were also among around a dozen players sponsored by the firm who urged millions of followers to buy the knock-down goods .premier league stars including steven gerrard , theo walcott and phil jones could face an advertising watchdog probe they plugged an adidas sale on twitter .this comes amid mounting concern that celebrities and sports stars are cashing in by turning twitter into an advertising platform .\"]\n", - "=======================\n", - "[\"top footballers are under fire for using twitter to promote an adidas saleplayers including steven gerrard and theo walcott could face a probedozen premier league stars posted messages within minutes of each otherwatchdog advises celebrities to use the word ` ad ' or ` spon ' if its an advert\"]\n", - "manchester city 's david silva and everton 's phil jagielka were also among around a dozen players sponsored by the firm who urged millions of followers to buy the knock-down goods .premier league stars including steven gerrard , theo walcott and phil jones could face an advertising watchdog probe they plugged an adidas sale on twitter .this comes amid mounting concern that celebrities and sports stars are cashing in by turning twitter into an advertising platform .\n", - "top footballers are under fire for using twitter to promote an adidas saleplayers including steven gerrard and theo walcott could face a probedozen premier league stars posted messages within minutes of each otherwatchdog advises celebrities to use the word ` ad ' or ` spon ' if its an advert\n", - "[1.3256044 1.3822708 1.3004373 1.327502 1.2000761 1.1702886 1.0256875\n", - " 1.0770228 1.0231217 1.0485235 1.1035241 1.0288109 1.0481724 1.0196497\n", - " 1.0947605 1.1587373 1.0673368 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 5 15 10 14 7 16 9 12 11 6 8 13 19 17 18 20]\n", - "=======================\n", - "[\"burns , who hosts 3aw morning show ross and john with ross stevenson , is alleged to have referred to houli as a ` terrorist ' at a club function at the mcg on friday night during the tigers ' match against melbourne .the radio station confirmed a complaint has been made against mr burns and said he does n't recall making the comment , and is ` mortified ' by the allegation .john burns said a friend sitting with him at the time also did n't recall the comment being made .\"]\n", - "=======================\n", - "[\"john burns has come out to deny he called footy player a ` terrorist 'the 3aw host allegedly made the comments against bachar houlihouli became the first muslim man to play top league afl in 2006he is the multicultural ambassador for the afljohn burns says he does n't recall the comments being madehe said he is ` mortified ' by the allegations\"]\n", - "burns , who hosts 3aw morning show ross and john with ross stevenson , is alleged to have referred to houli as a ` terrorist ' at a club function at the mcg on friday night during the tigers ' match against melbourne .the radio station confirmed a complaint has been made against mr burns and said he does n't recall making the comment , and is ` mortified ' by the allegation .john burns said a friend sitting with him at the time also did n't recall the comment being made .\n", - "john burns has come out to deny he called footy player a ` terrorist 'the 3aw host allegedly made the comments against bachar houlihouli became the first muslim man to play top league afl in 2006he is the multicultural ambassador for the afljohn burns says he does n't recall the comments being madehe said he is ` mortified ' by the allegations\n", - "[1.2291778 1.4223875 1.1597755 1.376307 1.2612555 1.1344807 1.0832577\n", - " 1.0330718 1.0829455 1.0823576 1.0992671 1.0509539 1.0819811 1.05341\n", - " 1.0702411 1.0272439 1.0888926 1.0806314 1.0245266 1.024085 1.0305159]\n", - "\n", - "[ 1 3 4 0 2 5 10 16 6 8 9 12 17 14 13 11 7 20 15 18 19]\n", - "=======================\n", - "[\"tebow , 27 , has n't played a snap in the nfl in over two years since being cut by the new england patriots before the 2013 season .the philadelphia eagles officially signed 27-year-old quarterback tim tebow to a one-year deal on mondaythe team announced the contract monday but did not disclose the financial terms of the deal the club reached with the 2007 heisman trophy winner .\"]\n", - "=======================\n", - "[\"tim tebow signed with team monday after news of the deal leaked sundayhe inked deal in time to participate in team 's voluntary offseason program2007 heisman trophy winner played for patriots , jets and broncos in nflhas thrown 173 completions , 17 touchdowns and nine picks in 35 gamesterms of the deal with the 6-3 , 236-pound player have not been released\"]\n", - "tebow , 27 , has n't played a snap in the nfl in over two years since being cut by the new england patriots before the 2013 season .the philadelphia eagles officially signed 27-year-old quarterback tim tebow to a one-year deal on mondaythe team announced the contract monday but did not disclose the financial terms of the deal the club reached with the 2007 heisman trophy winner .\n", - "tim tebow signed with team monday after news of the deal leaked sundayhe inked deal in time to participate in team 's voluntary offseason program2007 heisman trophy winner played for patriots , jets and broncos in nflhas thrown 173 completions , 17 touchdowns and nine picks in 35 gamesterms of the deal with the 6-3 , 236-pound player have not been released\n", - "[1.1846356 1.2719612 1.2265157 1.1825566 1.2202015 1.1654147 1.2060595\n", - " 1.0933212 1.0383701 1.0554194 1.1022332 1.0554415 1.058193 1.0334226\n", - " 1.0243706 1.0734624 1.0746256 1.0382559 1.0976486 1.0310262 1.0127311]\n", - "\n", - "[ 1 2 4 6 0 3 5 10 18 7 16 15 12 11 9 8 17 13 19 14 20]\n", - "=======================\n", - "['while scientists have long suspected the role played by eye-spots found on the wings of many butterflies were an example of mimicry , it has never been clearly tested .recently researchers suggested that the eye spots may simply scare away predators by confusing them or overloading their senses .the distinctive patterns on butterfly wings really do help protect the insects by mimicking the eyes of predators .']\n", - "=======================\n", - "['biologists at jyväskylä university in finland studied how wild great tits reacted to images of the wings of butterflies and the faces of owlsthe tits were startled and tried to flee at the sight of owl faces with open eyes , and butterflies that had eye spots on them that mimiced owl eyesthey say their study is evidence that butterfly eye spots mimic predatorsscientists have long debated whether butterfly eye spots were an example of batesian mimicry or if the patterns simply served to confuse predators']\n", - "while scientists have long suspected the role played by eye-spots found on the wings of many butterflies were an example of mimicry , it has never been clearly tested .recently researchers suggested that the eye spots may simply scare away predators by confusing them or overloading their senses .the distinctive patterns on butterfly wings really do help protect the insects by mimicking the eyes of predators .\n", - "biologists at jyväskylä university in finland studied how wild great tits reacted to images of the wings of butterflies and the faces of owlsthe tits were startled and tried to flee at the sight of owl faces with open eyes , and butterflies that had eye spots on them that mimiced owl eyesthey say their study is evidence that butterfly eye spots mimic predatorsscientists have long debated whether butterfly eye spots were an example of batesian mimicry or if the patterns simply served to confuse predators\n", - "[1.4488634 1.269217 1.2987254 1.4077878 1.1566914 1.1316831 1.0754194\n", - " 1.1404567 1.0327977 1.0463995 1.0251514 1.0532632 1.0430219 1.0707297\n", - " 1.0306876 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 4 7 5 6 13 11 9 12 8 14 10 15 16 17 18 19 20]\n", - "=======================\n", - "[\"blackpool chairman karl oyston took a surprising step in denying five football association charges for text messages during which he labelled a supporter a ` retard ' .his appeal is expected to be heard by a separate fa panel next month and oyston still faces a ban from football activities .the unpopular chief initially had until march 30 to reply , but was granted an extension .\"]\n", - "=======================\n", - "['karl oyston will face charges next month over shocking text messagesoyston faces a ban from footballing activity if found guiltyhe could also be handed a fine and mandatory fa education courseblackpool chairman send abusive messages to a fan before christmas']\n", - "blackpool chairman karl oyston took a surprising step in denying five football association charges for text messages during which he labelled a supporter a ` retard ' .his appeal is expected to be heard by a separate fa panel next month and oyston still faces a ban from football activities .the unpopular chief initially had until march 30 to reply , but was granted an extension .\n", - "karl oyston will face charges next month over shocking text messagesoyston faces a ban from footballing activity if found guiltyhe could also be handed a fine and mandatory fa education courseblackpool chairman send abusive messages to a fan before christmas\n", - "[1.2816685 1.3106253 1.3407567 1.2760845 1.206522 1.0511402 1.1685952\n", - " 1.0266222 1.0194803 1.0983534 1.0709406 1.1387655 1.0411919 1.0617867\n", - " 1.0328497 1.1309614 1.0212889 1.046119 1.0120934 0. ]\n", - "\n", - "[ 2 1 0 3 4 6 11 15 9 10 13 5 17 12 14 7 16 8 18 19]\n", - "=======================\n", - "[\"the typically warm and humid georgia weather is expected to be unsettled by a cold front heading into augusta for the weekend , which is likely to bring more showers and thunderstorms , especially on friday and saturday .players endured rainy spells during their practice on tuesday with forecasts that the wet weather is set continue once the tournament gets underway on thursday april 9 .the greatest challenge to rory mcilroy 's grand slam bid or tiger woods ' latest comeback at this week 's masters could come from mother nature .\"]\n", - "=======================\n", - "[\"golf 's first major of the season , the masters , tees off on thursday april 9rory mcilroy is bidding for a career grand slam while tiger woods is backextreme weather conditions including high temperatures and storms have been forecast across the four day event in augustaclick here for all the latest news from the masters 2015\"]\n", - "the typically warm and humid georgia weather is expected to be unsettled by a cold front heading into augusta for the weekend , which is likely to bring more showers and thunderstorms , especially on friday and saturday .players endured rainy spells during their practice on tuesday with forecasts that the wet weather is set continue once the tournament gets underway on thursday april 9 .the greatest challenge to rory mcilroy 's grand slam bid or tiger woods ' latest comeback at this week 's masters could come from mother nature .\n", - "golf 's first major of the season , the masters , tees off on thursday april 9rory mcilroy is bidding for a career grand slam while tiger woods is backextreme weather conditions including high temperatures and storms have been forecast across the four day event in augustaclick here for all the latest news from the masters 2015\n", - "[1.3337796 1.2682619 1.2107741 1.1617619 1.1659963 1.1088979 1.1169722\n", - " 1.0600616 1.0617408 1.0561849 1.0650523 1.1333072 1.0345691 1.041356\n", - " 1.0345746 1.0637566 1.0718474 1.0716466 1.0849813 0. ]\n", - "\n", - "[ 0 1 2 4 3 11 6 5 18 16 17 10 15 8 7 9 13 14 12 19]\n", - "=======================\n", - "['islamic state has released a new set of disturbing propaganda photos , showing off their growing number of military markets in iraq and syria .even young children appear to be allowed to browse through the market , with some of the children wearing their own miniature uniforms .no women appear in any of the photos .']\n", - "=======================\n", - "['armed isis fighters shown wandering the streets , shopping for new equipmentknives , tunics and bandoleers appear to be high in demand for jihadistseven young children are shown dressed in their own miniature jihadi uniformsthe worrying photos come from the iraqi province of nineveh']\n", - "islamic state has released a new set of disturbing propaganda photos , showing off their growing number of military markets in iraq and syria .even young children appear to be allowed to browse through the market , with some of the children wearing their own miniature uniforms .no women appear in any of the photos .\n", - "armed isis fighters shown wandering the streets , shopping for new equipmentknives , tunics and bandoleers appear to be high in demand for jihadistseven young children are shown dressed in their own miniature jihadi uniformsthe worrying photos come from the iraqi province of nineveh\n", - "[1.1865953 1.4295397 1.0401864 1.3253512 1.2624117 1.0650928 1.2158691\n", - " 1.124734 1.0815568 1.1037688 1.050644 1.0519086 1.0507414 1.033989\n", - " 1.0268784 1.0771009 1.0547886 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 6 0 7 9 8 15 5 16 11 12 10 2 13 14 18 17 19]\n", - "=======================\n", - "['the iconic sports field , completed in 1960 and home to first the san francisco giants and later the san francisco 49ers , has been torn down to make way for houses , a hotel and a shopping center .joe montana ( above in 1989 ) led the 49ers to four super bowls while playing at candlestickcandlestick park is no more .']\n", - "=======================\n", - "['candlestick park , which has been home to the san francisco giants and san francisco 49ers , has been torn downit opened in 1960 , and the last game was played there in december 2013 by the 49ersthe area is now set to become houses , a hotel and a shopping centerit is where the beatles played their last concert in 1966sir paul mccartney played the last concert at candlestick park on august 14 , 2014']\n", - "the iconic sports field , completed in 1960 and home to first the san francisco giants and later the san francisco 49ers , has been torn down to make way for houses , a hotel and a shopping center .joe montana ( above in 1989 ) led the 49ers to four super bowls while playing at candlestickcandlestick park is no more .\n", - "candlestick park , which has been home to the san francisco giants and san francisco 49ers , has been torn downit opened in 1960 , and the last game was played there in december 2013 by the 49ersthe area is now set to become houses , a hotel and a shopping centerit is where the beatles played their last concert in 1966sir paul mccartney played the last concert at candlestick park on august 14 , 2014\n", - "[1.2600956 1.3437583 1.1888131 1.1911018 1.2740846 1.1178106 1.074095\n", - " 1.1686436 1.0597115 1.2014569 1.0945237 1.0893589 1.0581337 1.0384318\n", - " 1.059407 1.0410181 1.0182948 1.0628747 1.0322974 1.0186756]\n", - "\n", - "[ 1 4 0 9 3 2 7 5 10 11 6 17 8 14 12 15 13 18 19 16]\n", - "=======================\n", - "['rudd , 60 , was charged with two counts of threatening to kill and possession of methamphetamine and of cannabis , which stem from a police raid on his waterfront north island mansion on november 6 .but with his judge-alone trial due to begin on tuesday , in the tauranga district court , his lawyer changed his plea to guilty .the veteran rocker had originally pleaded not guilty to the charges .']\n", - "=======================\n", - "[\"veteran rocker 's surprise guilty plea at the eleventh hourphil rudd was set to stand trial on ` threatening to kill ' and drugs charges in nz court on tuesdayin the worst case scenario the 60-year-old could face up to 7 years jailhe has already been replaced by chris slade on the group 's ` rock or bust ' world tour due in australia in novemberrudd will be sentenced on june 26\"]\n", - "rudd , 60 , was charged with two counts of threatening to kill and possession of methamphetamine and of cannabis , which stem from a police raid on his waterfront north island mansion on november 6 .but with his judge-alone trial due to begin on tuesday , in the tauranga district court , his lawyer changed his plea to guilty .the veteran rocker had originally pleaded not guilty to the charges .\n", - "veteran rocker 's surprise guilty plea at the eleventh hourphil rudd was set to stand trial on ` threatening to kill ' and drugs charges in nz court on tuesdayin the worst case scenario the 60-year-old could face up to 7 years jailhe has already been replaced by chris slade on the group 's ` rock or bust ' world tour due in australia in novemberrudd will be sentenced on june 26\n", - "[1.2557285 1.2532868 1.3615614 1.3605824 1.2027048 1.1562895 1.1098896\n", - " 1.0636532 1.0713149 1.1322448 1.2100027 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 1 10 4 5 9 6 8 7 18 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"manuel pellegrini 's side are now nine points behind premier league leaders chelsea and nasri could be leaving manchester this summer .manchester city midfielder samir nasri dined out in london with girlfriend anara atanes on tuesday nightman city could use nasri as bait in a deal to sign france international paul pogba from italian side juventus\"]\n", - "=======================\n", - "['samir nasri came on as a substitute as man city lost to crystal palacefrenchman dined at hakkasan restaurant with his girlfriend on tuesdayman city could use winger as bait to sign juventus star paul pogbaread : manchester city to swoop for jack wilshere and jordan hendersonclick here for the latest manchester city news']\n", - "manuel pellegrini 's side are now nine points behind premier league leaders chelsea and nasri could be leaving manchester this summer .manchester city midfielder samir nasri dined out in london with girlfriend anara atanes on tuesday nightman city could use nasri as bait in a deal to sign france international paul pogba from italian side juventus\n", - "samir nasri came on as a substitute as man city lost to crystal palacefrenchman dined at hakkasan restaurant with his girlfriend on tuesdayman city could use winger as bait to sign juventus star paul pogbaread : manchester city to swoop for jack wilshere and jordan hendersonclick here for the latest manchester city news\n", - "[1.2455817 1.291264 1.363282 1.4204153 1.0768945 1.1374929 1.1271812\n", - " 1.0483696 1.0483128 1.059181 1.0146466 1.0497915 1.0228053 1.0271876\n", - " 1.1125033 1.052767 1.059909 0. 0. ]\n", - "\n", - "[ 3 2 1 0 5 6 14 4 16 9 15 11 7 8 13 12 10 17 18]\n", - "=======================\n", - "[\"andy murray reacts as he reaches the miami open final with a 6-4 , 6-4 win over tomas berdychinstead the world no 4 -- next week to be world no 3 -- was all business as he produced a performance of clinical excellence to take down the powerful czech 6-4 6-4 in an hour and 42 minutes .the czech republic star could not contend with murray 's selection of shot making in florida\"]\n", - "=======================\n", - "[\"british no 1 defeated tomas berdych 6-4 , 6-4 to reach miami open finalthere 's no love lost between the pair after controversy at australian opendani valverdu and jez green switched from murray 's team to the czech 'sbrit will play novak djokovic in the final on sunday\"]\n", - "andy murray reacts as he reaches the miami open final with a 6-4 , 6-4 win over tomas berdychinstead the world no 4 -- next week to be world no 3 -- was all business as he produced a performance of clinical excellence to take down the powerful czech 6-4 6-4 in an hour and 42 minutes .the czech republic star could not contend with murray 's selection of shot making in florida\n", - "british no 1 defeated tomas berdych 6-4 , 6-4 to reach miami open finalthere 's no love lost between the pair after controversy at australian opendani valverdu and jez green switched from murray 's team to the czech 'sbrit will play novak djokovic in the final on sunday\n", - "[1.3497181 1.3664799 1.2256625 1.1865201 1.3124977 1.1577731 1.0752267\n", - " 1.1145396 1.1064533 1.0578823 1.0393416 1.0533805 1.0423682 1.0307559\n", - " 1.0104661 1.0260342 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 5 7 8 6 9 11 12 10 13 15 14 16 17 18]\n", - "=======================\n", - "[\"retired lt col richard ` dick ' cole , age 99 , gave the medal to the museum 's director in a ceremony at the museum attended by military and political officials and relatives of the original 80 raiders .the last two ` doolittle tokyo raiders ' presented the group 's congressional gold medal for permanent display at the national museum of the us air force on saturday , 73 years to the day after their daring bombing attack on japan rallied americans in world war ii .the medal , awarded by congress earlier in the week , arrived in a ceremonial b-25 flight .\"]\n", - "=======================\n", - "[\"lt col richard ` dick ' cole , 99 , gave the medal to air force museum directorstaff sgt david thatcher , 93 , came from missoula , montana , for the eventceremony 73 years to day after their bombing of japan rallied us in wwiimilitary and political officials and relatives of original 80 raiders attendedthe group 's congressional gold medal arrived in a ceremonial b-25 flight\"]\n", - "retired lt col richard ` dick ' cole , age 99 , gave the medal to the museum 's director in a ceremony at the museum attended by military and political officials and relatives of the original 80 raiders .the last two ` doolittle tokyo raiders ' presented the group 's congressional gold medal for permanent display at the national museum of the us air force on saturday , 73 years to the day after their daring bombing attack on japan rallied americans in world war ii .the medal , awarded by congress earlier in the week , arrived in a ceremonial b-25 flight .\n", - "lt col richard ` dick ' cole , 99 , gave the medal to air force museum directorstaff sgt david thatcher , 93 , came from missoula , montana , for the eventceremony 73 years to day after their bombing of japan rallied us in wwiimilitary and political officials and relatives of original 80 raiders attendedthe group 's congressional gold medal arrived in a ceremonial b-25 flight\n", - "[1.391558 1.3486426 1.1619012 1.3551047 1.1672142 1.1858904 1.1162757\n", - " 1.0856597 1.0835389 1.0568907 1.070545 1.0457468 1.1083661 1.0421479\n", - " 1.0290686 1.0529786 1.0878198 1.0495511 1.029473 ]\n", - "\n", - "[ 0 3 1 5 4 2 6 12 16 7 8 10 9 15 17 11 13 18 14]\n", - "=======================\n", - "[\"jurgen klopp put england 's top clubs on alert on wednesday by confirming that he will leave borussia dortmund at the end of the season after seven years in charge .klopp was immediately installed as the bookmakers ' favourite to replace manuel pellegrini at manchester city , although it is understood that the struggling premier league champions have no plans to make such a move .klopp will officially cease to be dortmund manager on june 30 as he looks for a fresh start elsewhere\"]\n", - "=======================\n", - "['jurgen klopp will leave borussia dortmund after seven years in chargehe has denied that he wants to take a break because of exhaustionpremier league clubs could make a move for klopp this summerbut he is unlikely to replace manuel pellegrini at manchester cityklopp has won two bundesliga titles and the german cup at dortmundhe has admitted that he is no longer the perfect manager for the club']\n", - "jurgen klopp put england 's top clubs on alert on wednesday by confirming that he will leave borussia dortmund at the end of the season after seven years in charge .klopp was immediately installed as the bookmakers ' favourite to replace manuel pellegrini at manchester city , although it is understood that the struggling premier league champions have no plans to make such a move .klopp will officially cease to be dortmund manager on june 30 as he looks for a fresh start elsewhere\n", - "jurgen klopp will leave borussia dortmund after seven years in chargehe has denied that he wants to take a break because of exhaustionpremier league clubs could make a move for klopp this summerbut he is unlikely to replace manuel pellegrini at manchester cityklopp has won two bundesliga titles and the german cup at dortmundhe has admitted that he is no longer the perfect manager for the club\n", - "[1.0394584 1.0887719 1.2924623 1.3875935 1.2475216 1.1762533 1.2469302\n", - " 1.1314667 1.0921273 1.0819372 1.132052 1.0383059 1.0884912 1.0375391\n", - " 1.0448679 1.0171438 1.044703 1.0375355 0. ]\n", - "\n", - "[ 3 2 4 6 5 10 7 8 1 12 9 14 16 0 11 13 17 15 18]\n", - "=======================\n", - "[\"his grandson todd , who is about to celebrate his first birthday , has the rare condition tuberous sclerosis complex .suchet , best known as the star of tv series poirot , is fighting for better treatment for those with rare diseases and has criticised ` disorganisation ' in the nhs for slowing down the process .suchet , 68 , revealed his grandchild was diagnosed with the condition shortly after birth .\"]\n", - "=======================\n", - "[\"david suchet is seeking better treatment for those with genetic diseases68-year-old 's grandson has rare condition tuberous sclerosis complexsuchet claims ` mismanagement ' in the nhs means todd is not receiving treatment that could help\"]\n", - "his grandson todd , who is about to celebrate his first birthday , has the rare condition tuberous sclerosis complex .suchet , best known as the star of tv series poirot , is fighting for better treatment for those with rare diseases and has criticised ` disorganisation ' in the nhs for slowing down the process .suchet , 68 , revealed his grandchild was diagnosed with the condition shortly after birth .\n", - "david suchet is seeking better treatment for those with genetic diseases68-year-old 's grandson has rare condition tuberous sclerosis complexsuchet claims ` mismanagement ' in the nhs means todd is not receiving treatment that could help\n", - "[1.2421824 1.3891957 1.3694208 1.2303594 1.1861356 1.1683382 1.1439106\n", - " 1.0757042 1.1486785 1.0738221 1.0876462 1.047952 1.0339899 1.0572135\n", - " 1.020451 1.0381445 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 5 8 6 10 7 9 13 11 15 12 14 16 17 18]\n", - "=======================\n", - "[\"experts say the new 6.2 mile-stretch ( 10 kilometres ) means the full range of the qin dynasty great wall can be traced for the first time .nine sections of the wall have been found over the last two months along the inner coast of the yellow river in gansu province and the ningxia region , reported the people 's daily online .archaeologists have discovered a previously unknown stretch of the great wall of china in the northwestern of the country , thought to date back more than 2,000 years .\"]\n", - "=======================\n", - "[\"discovery means qin dynasty great wall can finally be fully tracedthe 6-mile stretch is thought to date back more than 2,000 yearshistorical records suggested the stretch existed but physical evidence has never been found until nowchina 's first emperor built it to stop invaders crossing the yellow river\"]\n", - "experts say the new 6.2 mile-stretch ( 10 kilometres ) means the full range of the qin dynasty great wall can be traced for the first time .nine sections of the wall have been found over the last two months along the inner coast of the yellow river in gansu province and the ningxia region , reported the people 's daily online .archaeologists have discovered a previously unknown stretch of the great wall of china in the northwestern of the country , thought to date back more than 2,000 years .\n", - "discovery means qin dynasty great wall can finally be fully tracedthe 6-mile stretch is thought to date back more than 2,000 yearshistorical records suggested the stretch existed but physical evidence has never been found until nowchina 's first emperor built it to stop invaders crossing the yellow river\n", - "[1.1959465 1.328831 1.068091 1.206169 1.3519529 1.1870847 1.1059194\n", - " 1.0348895 1.1510407 1.0778452 1.0590138 1.0286795 1.0462959 1.0297761\n", - " 1.0809928 1.0506862 1.1016163 1.0794669 1.0415157 0. 0. ]\n", - "\n", - "[ 4 1 3 0 5 8 6 16 14 17 9 2 10 15 12 18 7 13 11 19 20]\n", - "=======================\n", - "['his colour-letter pairings matched 25 of the 26 letters in the fisher-price magnet set , which is in the foregroundthe popular toys were designed to help teach children to read and spell .the child with the hood in this photo was born in 1988 and is an adult synesthete .']\n", - "=======================\n", - "['synaesthesia is a condition in which separate senses are linkedscientists determined which colours are usually connected with lettersthey then compared these colour-letter matches to fisher-price magnetsthey claim 6 % of people learnt their matches from the fisher-price toy']\n", - "his colour-letter pairings matched 25 of the 26 letters in the fisher-price magnet set , which is in the foregroundthe popular toys were designed to help teach children to read and spell .the child with the hood in this photo was born in 1988 and is an adult synesthete .\n", - "synaesthesia is a condition in which separate senses are linkedscientists determined which colours are usually connected with lettersthey then compared these colour-letter matches to fisher-price magnetsthey claim 6 % of people learnt their matches from the fisher-price toy\n", - "[1.4337124 1.4371514 1.1299026 1.3278233 1.3535855 1.2456216 1.012943\n", - " 1.0167965 1.0402237 1.071955 1.0187787 1.0162625 1.0181773 1.0182779\n", - " 1.1206553 1.1055837 1.0582465 1.0449011 1.0161269 0. 0. ]\n", - "\n", - "[ 1 0 4 3 5 2 14 15 9 16 17 8 10 13 12 7 11 18 6 19 20]\n", - "=======================\n", - "[\"kane made his england debut as a substitute on friday against lithuania , scoring after only 79 seconds , and started last night 's friendly against italy in turin when townsend scored in a 1-1 draw .andros townsend hailed harry kane as the ` best finisher ' he has played with and predicted a bright international career for his tottenham hotspur team-mate .andros townsend scored england 's equaliser and poked fun at paul merson after the former midfielder said he ` should be nowhere near the england squad ' .\"]\n", - "=======================\n", - "[\"andros townsend has praised tottenham hotspur team-mate harry kanetownsend on england 's new striker : ' i have always said to people that he is the best finisher i have ever played with 'england drew 1-1 in italy on tuesday night as townsend and kane starred\"]\n", - "kane made his england debut as a substitute on friday against lithuania , scoring after only 79 seconds , and started last night 's friendly against italy in turin when townsend scored in a 1-1 draw .andros townsend hailed harry kane as the ` best finisher ' he has played with and predicted a bright international career for his tottenham hotspur team-mate .andros townsend scored england 's equaliser and poked fun at paul merson after the former midfielder said he ` should be nowhere near the england squad ' .\n", - "andros townsend has praised tottenham hotspur team-mate harry kanetownsend on england 's new striker : ' i have always said to people that he is the best finisher i have ever played with 'england drew 1-1 in italy on tuesday night as townsend and kane starred\n", - "[1.1816679 1.4004365 1.1173855 1.207666 1.1100659 1.1101714 1.2008317\n", - " 1.1473755 1.134406 1.0242537 1.0367352 1.1002142 1.0596292 1.0316412\n", - " 1.1176146 1.0914384 1.0765578 1.0928452 1.150456 1.073849 1.1263006]\n", - "\n", - "[ 1 3 6 0 18 7 8 20 14 2 5 4 11 17 15 16 19 12 10 13 9]\n", - "=======================\n", - "[\"within minutes of liftoff , the california company was making its third attempt to land the leftover booster on an ocean platform .billionaire founder , elon musk , tweeted : ` ascent successful .the booster appears to have landed but elon musk said that ` excess lateral velocity ' caused it to tip over\"]\n", - "=======================\n", - "['spacex made its third attempt to land a booster on an ocean platformbut the booster tipped over after hitting its target and was destroyedfalcon 9 is on its way to the iss with supplies and will arrive fridaycargo includes first espresso machine designed for use in space']\n", - "within minutes of liftoff , the california company was making its third attempt to land the leftover booster on an ocean platform .billionaire founder , elon musk , tweeted : ` ascent successful .the booster appears to have landed but elon musk said that ` excess lateral velocity ' caused it to tip over\n", - "spacex made its third attempt to land a booster on an ocean platformbut the booster tipped over after hitting its target and was destroyedfalcon 9 is on its way to the iss with supplies and will arrive fridaycargo includes first espresso machine designed for use in space\n", - "[1.3209955 1.105775 1.1489438 1.3351784 1.3291157 1.0450517 1.0549158\n", - " 1.083155 1.0369482 1.0466019 1.0801816 1.1110153 1.0441877 1.039458\n", - " 1.050384 1.0784241 1.1078925 1.0613583 1.0303488 0. 0. ]\n", - "\n", - "[ 3 4 0 2 11 16 1 7 10 15 17 6 14 9 5 12 13 8 18 19 20]\n", - "=======================\n", - "['the mensa puzzles are designed to stimulate memory , concentration , agility , perception and reasoning , which all contribute to a high iq .adam kirby , pictured , became the youngest person ever to join mensa in june 2013 at the age of just two and a half .more than 121,000 people worldwide are members of mensa , an elite society that boasts some of the smartest brains on the planet .']\n", - "=======================\n", - "['wolverhampton-based mensa has created an exclusive test for mailonlineit tells you if you might be smart enough to join the elite societythe puzzles stimulate memory , concentration , agility and perceptionmensa welcomes anyone who is in the top two per cent in the country']\n", - "the mensa puzzles are designed to stimulate memory , concentration , agility , perception and reasoning , which all contribute to a high iq .adam kirby , pictured , became the youngest person ever to join mensa in june 2013 at the age of just two and a half .more than 121,000 people worldwide are members of mensa , an elite society that boasts some of the smartest brains on the planet .\n", - "wolverhampton-based mensa has created an exclusive test for mailonlineit tells you if you might be smart enough to join the elite societythe puzzles stimulate memory , concentration , agility and perceptionmensa welcomes anyone who is in the top two per cent in the country\n", - "[1.4860814 1.2558166 1.3153539 1.2965534 1.1482767 1.1980801 1.1539015\n", - " 1.1348197 1.021692 1.0181801 1.0214716 1.1486228 1.0914787 1.0892335\n", - " 1.1038623 1.076896 1.0282015 1.0183723 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 5 6 11 4 7 14 12 13 15 16 8 10 17 9 18 19 20]\n", - "=======================\n", - "[\"( cnn ) chile 's calbuco volcano erupted twice in 24 hours , the country 's national geology and mining service said early thursday .about 23 1/2 inches ( 60 centimeters ) of ash fell in some places , according to the ministry of interior and public safety .authorities issued a red alert for the towns of puerto montt and puerto varas in southern chile .\"]\n", - "=======================\n", - "['almost 2 feet of ash fell in some areasauthorities evacuate 4,400 peoplethe last time calbuco erupted was 1972']\n", - "( cnn ) chile 's calbuco volcano erupted twice in 24 hours , the country 's national geology and mining service said early thursday .about 23 1/2 inches ( 60 centimeters ) of ash fell in some places , according to the ministry of interior and public safety .authorities issued a red alert for the towns of puerto montt and puerto varas in southern chile .\n", - "almost 2 feet of ash fell in some areasauthorities evacuate 4,400 peoplethe last time calbuco erupted was 1972\n", - "[1.2782525 1.5586504 1.2643787 1.4610806 1.1272262 1.1074811 1.0568722\n", - " 1.0194297 1.0708122 1.0235918 1.1040691 1.1122994 1.0174887 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 11 5 10 8 6 9 7 12 13 14 15 16]\n", - "=======================\n", - "[\"luigi costa , 71 , is accused of stomping on his elderly neighbour terrence freebody 's head , cutting his throat and stabbing him multiple times in the dining room of his home on mugga way in red hill , canberra on july 2012 .the man who allegedly killed his neighbour was believed to be suffering from dementia and alcohol abuse at the time of the horrendous murder in 2012 , a jury has heard .forensic psychiatrist professor paul mullen examined costa after the attack and believes there was evidence of the accused 's state of mind declining in the lead-up to the incident and also during the event , the abc reported .\"]\n", - "=======================\n", - "[\"luigi costa , 71 , is accused of killing his neighbour terrence freebodycosta allegedly stomped on his head , cut his throat and stabbed him multiple times in freebody 's dining room in red hill , canberra on july 2012experts says costa suffered from dementia and alcohol abuse at the timehe also said there were signs of costa 's decline in the lead-up to incident\"]\n", - "luigi costa , 71 , is accused of stomping on his elderly neighbour terrence freebody 's head , cutting his throat and stabbing him multiple times in the dining room of his home on mugga way in red hill , canberra on july 2012 .the man who allegedly killed his neighbour was believed to be suffering from dementia and alcohol abuse at the time of the horrendous murder in 2012 , a jury has heard .forensic psychiatrist professor paul mullen examined costa after the attack and believes there was evidence of the accused 's state of mind declining in the lead-up to the incident and also during the event , the abc reported .\n", - "luigi costa , 71 , is accused of killing his neighbour terrence freebodycosta allegedly stomped on his head , cut his throat and stabbed him multiple times in freebody 's dining room in red hill , canberra on july 2012experts says costa suffered from dementia and alcohol abuse at the timehe also said there were signs of costa 's decline in the lead-up to incident\n", - "[1.0715901 1.079884 1.3631468 1.364136 1.2290505 1.4223149 1.2692329\n", - " 1.0119838 1.3395025 1.0423704 1.1248475 1.1043113 1.013357 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 5 3 2 8 6 4 10 11 1 0 9 12 7 15 13 14 16]\n", - "=======================\n", - "[\"mamadou sakho ( right ) was forced off injured against blackburn rovers in wednesday 's fa cup replayliverpool defender mamadou sakho will miss monday 's visit of newcastle with a hamstring injury .liverpool vs newcastle united ( anfield )\"]\n", - "=======================\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['mamadou sakho will miss monday night football clash for liverpoolemre can could replace defender after completing suspensiondaryl janmaat fit for newcastle united after warm-up scare at sunderlandfabricio coloccini will complete his three-match ban for the toon']\n", - "mamadou sakho ( right ) was forced off injured against blackburn rovers in wednesday 's fa cup replayliverpool defender mamadou sakho will miss monday 's visit of newcastle with a hamstring injury .liverpool vs newcastle united ( anfield )\n", - "mamadou sakho will miss monday night football clash for liverpoolemre can could replace defender after completing suspensiondaryl janmaat fit for newcastle united after warm-up scare at sunderlandfabricio coloccini will complete his three-match ban for the toon\n", - "[1.4130654 1.2300775 1.1352726 1.1695035 1.2090635 1.1521711 1.199455\n", - " 1.0852253 1.1075659 1.0729191 1.0581814 1.0464107 1.038546 1.096117\n", - " 1.0580406 1.065228 1.0813692]\n", - "\n", - "[ 0 1 4 6 3 5 2 8 13 7 16 9 15 10 14 11 12]\n", - "=======================\n", - "['panama city beach , florida ( cnn ) a third person has been arrested in the case of an alleged spring break gang rape that was videotaped on a crowded stretch of panama city beach , the bay county , florida , sheriff \\'s office said wednesday .police arrested the suspect at 11 p.m. tuesday .\" after developing information that george davon kennedy was the third suspect seen in the video of the gang rape , bcso investigators obtained a warrant for his arrest , \" according to a news release .']\n", - "=======================\n", - "[\"third suspect identified as george davon kennedy of murfreesboro , tennesseeyoung woman was raped on a crowded beach in broad daylight , police saysome bystanders saw what was happening and did n't stop it , authorities say\"]\n", - "panama city beach , florida ( cnn ) a third person has been arrested in the case of an alleged spring break gang rape that was videotaped on a crowded stretch of panama city beach , the bay county , florida , sheriff 's office said wednesday .police arrested the suspect at 11 p.m. tuesday .\" after developing information that george davon kennedy was the third suspect seen in the video of the gang rape , bcso investigators obtained a warrant for his arrest , \" according to a news release .\n", - "third suspect identified as george davon kennedy of murfreesboro , tennesseeyoung woman was raped on a crowded beach in broad daylight , police saysome bystanders saw what was happening and did n't stop it , authorities say\n", - "[1.246878 1.1372291 1.304805 1.247228 1.1857511 1.2103769 1.0220212\n", - " 1.0373896 1.1705024 1.052554 1.013432 1.0234106 1.1415852 1.1585431\n", - " 1.1143681 1.0991263 1.0284171]\n", - "\n", - "[ 2 3 0 5 4 8 13 12 1 14 15 9 7 16 11 6 10]\n", - "=======================\n", - "[\"last week st. joseph 's middle school , a private catholic school , sent a letter to rose mcgrath and her dismissing her from the school for low attendance and poor academic performance .heartbroken : ' i did n't do anything wrong , but they still got rid of me , ' rose mcgrath of battle creek , michigan said tearfully of her school kicking her out for poor attendance because of her leukemiaa 12-year-old girl battling leukemia for two years has been kicked out of school for her lack of attendance . '\"]\n", - "=======================\n", - "[\"i did n't do anything wrong , but they still got rid of me , ' rose mcgrath , 12 , of battle creek , michigan said tearfully of her dismissalst. joseph 's middle school sent a letter to rose mcgrath dismissing her from the school for low attendance and poor academic performancerose mcgrath was diagnosed with luekemia in 2012 and even though she just finished her treatment she still feels ill a lot of the time` when i 'm at home , i 'm sick , i do n't feel well ; no one else does that .\"]\n", - "last week st. joseph 's middle school , a private catholic school , sent a letter to rose mcgrath and her dismissing her from the school for low attendance and poor academic performance .heartbroken : ' i did n't do anything wrong , but they still got rid of me , ' rose mcgrath of battle creek , michigan said tearfully of her school kicking her out for poor attendance because of her leukemiaa 12-year-old girl battling leukemia for two years has been kicked out of school for her lack of attendance . '\n", - "i did n't do anything wrong , but they still got rid of me , ' rose mcgrath , 12 , of battle creek , michigan said tearfully of her dismissalst. joseph 's middle school sent a letter to rose mcgrath dismissing her from the school for low attendance and poor academic performancerose mcgrath was diagnosed with luekemia in 2012 and even though she just finished her treatment she still feels ill a lot of the time` when i 'm at home , i 'm sick , i do n't feel well ; no one else does that .\n", - "[1.2878468 1.4261295 1.3059787 1.2963197 1.1475677 1.1073867 1.1584108\n", - " 1.0464196 1.0743749 1.1132543 1.0654117 1.0808419 1.0133326 1.0189606\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 6 4 9 5 11 8 10 7 13 12 14 15 16]\n", - "=======================\n", - "[\"new training will commence at los angeles international airport , one of the airports named in the complaint filed by the american civil liberties union .the complaint was filed on behalf of malaika singleton , who said she was subjected to a hair pat-down with weeks of each other while traveling from los angeles to london in december 2013 .the transportation security administration will ` enhance ' officer training for hair pat-downs after complaints that african-american women were being racially targeted for unnecessary screenings ( file photo )\"]\n", - "=======================\n", - "[\"tsa agreed to make changes after aclu filed official complainttraining will begin at los angeles international airporttsa also told aclu the new training will stress ` race neutrality ' and will emphasize ` hair pat-downs of african-american female travelers 'agency said they will also track down pat-down complaints filed by african-american women to assess if discrimination is occurring at specific airportsin 2012 solange knowles claimed she had been racially targeted for a pat-down because she wore her hair in the afro style\"]\n", - "new training will commence at los angeles international airport , one of the airports named in the complaint filed by the american civil liberties union .the complaint was filed on behalf of malaika singleton , who said she was subjected to a hair pat-down with weeks of each other while traveling from los angeles to london in december 2013 .the transportation security administration will ` enhance ' officer training for hair pat-downs after complaints that african-american women were being racially targeted for unnecessary screenings ( file photo )\n", - "tsa agreed to make changes after aclu filed official complainttraining will begin at los angeles international airporttsa also told aclu the new training will stress ` race neutrality ' and will emphasize ` hair pat-downs of african-american female travelers 'agency said they will also track down pat-down complaints filed by african-american women to assess if discrimination is occurring at specific airportsin 2012 solange knowles claimed she had been racially targeted for a pat-down because she wore her hair in the afro style\n", - "[1.0426476 1.449923 1.22936 1.3103503 1.234377 1.2836454 1.1132245\n", - " 1.1054683 1.0680057 1.106514 1.0762129 1.104996 1.1359961 1.0467817\n", - " 1.032317 1.1363499 1.0341746 1.0249873 0. ]\n", - "\n", - "[ 1 3 5 4 2 15 12 6 9 7 11 10 8 13 0 16 14 17 18]\n", - "=======================\n", - "['chinese designers have developed an contraption called the bike washing machine that contains a washing machine drum in its front wheel .the designers , based at dalian nationalities university , do not say whether the bike will automatically fill and drain with water too .a generator inside the bike also creates electricity which can be stored for future use .']\n", - "=======================\n", - "['the bike washing machine replaces the front wheel with a washing drumit is being developed by designers at dalian nationalities university , chinait means cyclists can save electricity by washing clothes as they exercise']\n", - "chinese designers have developed an contraption called the bike washing machine that contains a washing machine drum in its front wheel .the designers , based at dalian nationalities university , do not say whether the bike will automatically fill and drain with water too .a generator inside the bike also creates electricity which can be stored for future use .\n", - "the bike washing machine replaces the front wheel with a washing drumit is being developed by designers at dalian nationalities university , chinait means cyclists can save electricity by washing clothes as they exercise\n", - "[1.217973 1.2736105 1.2218348 1.1232626 1.3329207 1.1627767 1.1181484\n", - " 1.0608032 1.1206057 1.1306441 1.0652287 1.0670292 1.0599637 1.0568576\n", - " 1.0268227 1.0597727 1.0239583 1.0681093 0. ]\n", - "\n", - "[ 4 1 2 0 5 9 3 8 6 17 11 10 7 12 15 13 14 16 18]\n", - "=======================\n", - "[\"brendan rodgers ' side need to beat arsenal on saturday to keep up their chances of a top-four finishthe reverse fixture , a 2-2 draw in december , prompted liverpool 's renaissance into the premier league 's form team .thereafter , they went 13 top-flight games without defeat and put themselves in contention to qualify for europe 's top competition before losing to manchester united in a drama-filled match two weeks ago .\"]\n", - "=======================\n", - "['champions league qualification is more lucrative than everliverpool are already five points off the top four with eight game to goraheem sterling dispute shows how important european football is']\n", - "brendan rodgers ' side need to beat arsenal on saturday to keep up their chances of a top-four finishthe reverse fixture , a 2-2 draw in december , prompted liverpool 's renaissance into the premier league 's form team .thereafter , they went 13 top-flight games without defeat and put themselves in contention to qualify for europe 's top competition before losing to manchester united in a drama-filled match two weeks ago .\n", - "champions league qualification is more lucrative than everliverpool are already five points off the top four with eight game to goraheem sterling dispute shows how important european football is\n", - "[1.4336021 1.449792 1.2696788 1.0629617 1.0353078 1.0452627 1.0926783\n", - " 1.0833777 1.0571061 1.0314924 1.0454146 1.1472942 1.1466942 1.0838139\n", - " 1.0690442 1.0518514 1.0249586 1.0173993 1.0260125]\n", - "\n", - "[ 1 0 2 11 12 6 13 7 14 3 8 15 10 5 4 9 18 16 17]\n", - "=======================\n", - "['the walkout occurred wednesday on the set of \" the ridiculous six \" near las vegas , new mexico , according to the indian country today media network .the script called for native women \\'s names such as \" beaver \\'s breath \" and \" no bra \" and an actress portraying an apache woman to squat and urinate while smoking a peace pipe , ictmn reported .the ictmn describes the movie as a western spoof on \" the magnificent seven , \" the 1960 classic about gunfighters who protect a village from a group of bandits .']\n", - "=======================\n", - "[\"about a dozen native american actors walk off set of adam sandler comedy , says reportactors say satirical western 's script is insulting to native americans and women\"]\n", - "the walkout occurred wednesday on the set of \" the ridiculous six \" near las vegas , new mexico , according to the indian country today media network .the script called for native women 's names such as \" beaver 's breath \" and \" no bra \" and an actress portraying an apache woman to squat and urinate while smoking a peace pipe , ictmn reported .the ictmn describes the movie as a western spoof on \" the magnificent seven , \" the 1960 classic about gunfighters who protect a village from a group of bandits .\n", - "about a dozen native american actors walk off set of adam sandler comedy , says reportactors say satirical western 's script is insulting to native americans and women\n", - "[1.2611923 1.4905803 1.2299871 1.098887 1.2407511 1.2122474 1.0624802\n", - " 1.1050408 1.019415 1.0497239 1.0971792 1.0594966 1.0449826 1.0655593\n", - " 1.0888957 1.0476654 1.0141615 0. 0. ]\n", - "\n", - "[ 1 0 4 2 5 7 3 10 14 13 6 11 9 15 12 8 16 17 18]\n", - "=======================\n", - "[\"democrat campaigners jared milrad and nate johnson , from chicago , illinois , claimed they were surprised to find out that their same-sex wedding plans were featured on sunday 's video announcing clinton 's 2016 bid .a gay couple getting married this summer had their wedding plans featured on hillary clinton 's announcement that she is joining the race for the white house .the pair were seen walking hand in hand in what quickly became one of the most widely viewed political clips of the year .\"]\n", - "=======================\n", - "[\"democrat campaigners jared milrad and nate johnson , from chicago , illinois , had their summer wedding plans featured on clinton 's videothe couple will get married in a chicago park bordering lake michigan then have their reception at a local lgbt community centerboth plan to donate financially to clinton 's presidential campaign fund\"]\n", - "democrat campaigners jared milrad and nate johnson , from chicago , illinois , claimed they were surprised to find out that their same-sex wedding plans were featured on sunday 's video announcing clinton 's 2016 bid .a gay couple getting married this summer had their wedding plans featured on hillary clinton 's announcement that she is joining the race for the white house .the pair were seen walking hand in hand in what quickly became one of the most widely viewed political clips of the year .\n", - "democrat campaigners jared milrad and nate johnson , from chicago , illinois , had their summer wedding plans featured on clinton 's videothe couple will get married in a chicago park bordering lake michigan then have their reception at a local lgbt community centerboth plan to donate financially to clinton 's presidential campaign fund\n", - "[1.3013693 1.4559102 1.294147 1.3319839 1.2074101 1.0453296 1.025912\n", - " 1.0262831 1.1036736 1.1593108 1.0772853 1.0665655 1.0664223 1.0295646\n", - " 1.0197153 1.0267926 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 9 8 10 11 12 5 13 15 7 6 14 17 16 18]\n", - "=======================\n", - "['mr farage has vowed he would stand down as leader if he fails to win the parliamentary seat he is contesting in thanet south .ukip mep diane james ( right ) has insisted the party would carry on if nigel farage failed to become an mpa private poll , paid for by a ukip donor but carried out by experts comres put the conservatives on course to retain the seat by a small margin .']\n", - "=======================\n", - "[\"nigel farage has vowed to stand down if he loses in thanet southa private poll by ukip has put the tories on course to retain the seatbut ukip figures insist the party would carry on if mr farage leftmep diane james said ` there are people there waiting ' to take over\"]\n", - "mr farage has vowed he would stand down as leader if he fails to win the parliamentary seat he is contesting in thanet south .ukip mep diane james ( right ) has insisted the party would carry on if nigel farage failed to become an mpa private poll , paid for by a ukip donor but carried out by experts comres put the conservatives on course to retain the seat by a small margin .\n", - "nigel farage has vowed to stand down if he loses in thanet southa private poll by ukip has put the tories on course to retain the seatbut ukip figures insist the party would carry on if mr farage leftmep diane james said ` there are people there waiting ' to take over\n", - "[1.1906532 1.417245 1.178299 1.1229742 1.1216415 1.0937848 1.0952327\n", - " 1.1396 1.0537498 1.0325991 1.0612327 1.0617411 1.0413684 1.0328944\n", - " 1.0548072 1.0229683 1.0376513 1.0147762 1.1148621 1.0882409 1.0330067\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 7 3 4 18 6 5 19 11 10 14 8 12 16 20 13 9 15 17 22 21 23]\n", - "=======================\n", - "['the devastating earthquake that hit nepal on saturday set off avalanches that left large numbers of climbers dead , missing , injured or trapped on mount everest .( cnn ) these are fearful times on the highest mountain in the world .and aftershocks , including a strong one sunday , are continuing to send snow and rocks thundering down the mountainside , complicating rescue efforts .']\n", - "=======================\n", - "['concerns growing for people trapped higher up the mountainhelicopters begin airlifting injured people from the base camp in nepalclimber reports at least 17 dead ; many others injured , missing or stuck']\n", - "the devastating earthquake that hit nepal on saturday set off avalanches that left large numbers of climbers dead , missing , injured or trapped on mount everest .( cnn ) these are fearful times on the highest mountain in the world .and aftershocks , including a strong one sunday , are continuing to send snow and rocks thundering down the mountainside , complicating rescue efforts .\n", - "concerns growing for people trapped higher up the mountainhelicopters begin airlifting injured people from the base camp in nepalclimber reports at least 17 dead ; many others injured , missing or stuck\n", - "[1.2021697 1.3587595 1.2727871 1.153139 1.182463 1.1385101 1.0728346\n", - " 1.0374979 1.0471113 1.1486243 1.1410509 1.1103841 1.022247 1.027482\n", - " 1.084365 1.0373007 1.0095165 1.018832 1.0107841 1.0189055 1.0246835\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 3 9 10 5 11 14 6 8 7 15 13 20 12 19 17 18 16 22 21 23]\n", - "=======================\n", - "[\"orgasmic meditation , shortened to om , is a practice that marries sex with mindfulness and , according to its founders , encourages ` connection , vitality and wellness ' and ` cultivates a greater connection ' between partners .the practice , which was founded by us entrepreneur nicole daedone , borrows much of its philosophy from yoga and meditation .a new sexual technique that aims to teach women how to ` expand the sweet spot ' experienced during orgasm has swept into the uk .\"]\n", - "=======================\n", - "[\"orgasmic meditation ( om ) helps to ` expand ' women 's climaxescreated by us entrepreneur nicole daedone in 2001technique marries sex , mindfulness and 15 minutes of ` light stimulation 'turn on britain is now running seven-hour classes in the uk\"]\n", - "orgasmic meditation , shortened to om , is a practice that marries sex with mindfulness and , according to its founders , encourages ` connection , vitality and wellness ' and ` cultivates a greater connection ' between partners .the practice , which was founded by us entrepreneur nicole daedone , borrows much of its philosophy from yoga and meditation .a new sexual technique that aims to teach women how to ` expand the sweet spot ' experienced during orgasm has swept into the uk .\n", - "orgasmic meditation ( om ) helps to ` expand ' women 's climaxescreated by us entrepreneur nicole daedone in 2001technique marries sex , mindfulness and 15 minutes of ` light stimulation 'turn on britain is now running seven-hour classes in the uk\n", - "[1.4791439 1.3157003 1.0981536 1.1865969 1.1598021 1.1566551 1.0527946\n", - " 1.0829623 1.1871244 1.0557158 1.1367451 1.0377345 1.0171118 1.0180007\n", - " 1.0142481 1.0119423 1.0597297 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 8 3 4 5 10 2 7 16 9 6 11 13 12 14 15 22 17 18 19 20 21 23]\n", - "=======================\n", - "['( the hollywood reporter ) andrew lesnie , the oscar-winning cinematographer who spent more than a decade collaborating with director peter jackson on the six \" lord of the rings \" and \" hobbit \" films , has died .known for balancing technology with artistic considerations , lesnie also shot \" rise of the planet of the apes \" ( 2011 ) , directed by rupert wyatt .the cinematographer recently polished off the water diviner , the directorial debut of russell crowe , another new zealand native .']\n", - "=======================\n", - "['oscar-winning cinematographer andrew lesnie has diedhe is best known for \" lord of the rings , \" \" the hobbit \" and \" babe \"']\n", - "( the hollywood reporter ) andrew lesnie , the oscar-winning cinematographer who spent more than a decade collaborating with director peter jackson on the six \" lord of the rings \" and \" hobbit \" films , has died .known for balancing technology with artistic considerations , lesnie also shot \" rise of the planet of the apes \" ( 2011 ) , directed by rupert wyatt .the cinematographer recently polished off the water diviner , the directorial debut of russell crowe , another new zealand native .\n", - "oscar-winning cinematographer andrew lesnie has diedhe is best known for \" lord of the rings , \" \" the hobbit \" and \" babe \"\n", - "[1.1694087 1.4631815 1.3011078 1.302939 1.2319822 1.1289262 1.09057\n", - " 1.056668 1.1125832 1.026836 1.0614822 1.0157048 1.0282989 1.0841398\n", - " 1.0655665 1.1234533 1.0373219 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 5 15 8 6 13 14 10 7 16 12 9 11 17 18 19 20 21 22 23]\n", - "=======================\n", - "['the st ivan rilski church is the only remaining evidence of the community of zapalnya , bulgaria , where residents lived until they were forced to leave their homes to make way for a dam built by the communist regime .named after the patron saint of bulgaria , the crumbling stone structure now cuts a ghostly figure in a few feet of water at the zhrebchevo reservoir , near the town of tvardica .these haunting images show the partially-submerged ruins of a church where a town was swallowed by an artificial lake 50 years ago .']\n", - "=======================\n", - "['the crumbling st ivan rilski church is the only remaining evidence of the community of zapalnya , bulgarianamed after the patron saint of bulgaria , the stone structure cuts a ghostly figure in the zhrebchevo reservoirthe settlement and two other villages were wiped out when the land was submerged in 1965']\n", - "the st ivan rilski church is the only remaining evidence of the community of zapalnya , bulgaria , where residents lived until they were forced to leave their homes to make way for a dam built by the communist regime .named after the patron saint of bulgaria , the crumbling stone structure now cuts a ghostly figure in a few feet of water at the zhrebchevo reservoir , near the town of tvardica .these haunting images show the partially-submerged ruins of a church where a town was swallowed by an artificial lake 50 years ago .\n", - "the crumbling st ivan rilski church is the only remaining evidence of the community of zapalnya , bulgarianamed after the patron saint of bulgaria , the stone structure cuts a ghostly figure in the zhrebchevo reservoirthe settlement and two other villages were wiped out when the land was submerged in 1965\n", - "[1.247908 1.0494219 1.219634 1.2400186 1.0669769 1.060536 1.0981147\n", - " 1.1042584 1.4319496 1.2398834 1.0135814 1.0149859 1.1342573 1.1301509\n", - " 1.0242751 1.0180017 1.1086613 1.0488863 1.0118271 1.0469928 1.0081332\n", - " 1.0708303 1.0130754 1.0956844]\n", - "\n", - "[ 8 0 3 9 2 12 13 16 7 6 23 21 4 5 1 17 19 14 15 11 10 22 18 20]\n", - "=======================\n", - "[\"john terry celebrates after the premier league match between arsenal and chelsea at emirates stadiumthe end-of-season awards will go to the best attacker but if there was a defender of the year , john terry would clean up .two seasons ago rafa benitez said he could n't cope with two games a week .\"]\n", - "=======================\n", - "[\"john terry has yet again impressed in the heart of chelsea 's defencejose mourinho should be given credit for trusting the 34-year-oldmanchester city won , but is boss manual pellegrini still under pressure ?struggling qpr and burnley could be left to rue their huge penalty missesmourinho : hazard is worth # 100m for each leg plus cristiano ronaldo\"]\n", - "john terry celebrates after the premier league match between arsenal and chelsea at emirates stadiumthe end-of-season awards will go to the best attacker but if there was a defender of the year , john terry would clean up .two seasons ago rafa benitez said he could n't cope with two games a week .\n", - "john terry has yet again impressed in the heart of chelsea 's defencejose mourinho should be given credit for trusting the 34-year-oldmanchester city won , but is boss manual pellegrini still under pressure ?struggling qpr and burnley could be left to rue their huge penalty missesmourinho : hazard is worth # 100m for each leg plus cristiano ronaldo\n", - "[1.2830203 1.298152 1.2033751 1.4129971 1.3102274 1.1272042 1.0896378\n", - " 1.1676766 1.034885 1.1598611 1.1151016 1.0297035 1.0110615 1.0446088\n", - " 1.0568794 1.0379759 1.0148588 1.015278 1.0670205 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 4 1 0 2 7 9 5 10 6 18 14 13 15 8 11 17 16 12 21 19 20 22]\n", - "=======================\n", - "[\"the woman , 21-year-old palak bhadreskumar patel of hanover , died at the scene , police said in a news release .patrons called police sunday night shortly after discovering no workers at the dunkin' donuts on arundel mills boulevard in hanover .according to anne arundel county police , an officer checked the business and found a severely injured woman in the kitchen area .\"]\n", - "=======================\n", - "[\"patrons called police sunday night shortly after discovering no workers at the dunkin' donuts on arundel mills boulevard in hanoveraccording to authorities , an officer checked the business and found a severely injured woman in the kitchen areapolice said palak bhadreskumar patel of hanover , died at the scenethey said the investigation revealed that her husband , bhadreshkumar chetanbhai patel , hit her multiple times with an object and then fled\"]\n", - "the woman , 21-year-old palak bhadreskumar patel of hanover , died at the scene , police said in a news release .patrons called police sunday night shortly after discovering no workers at the dunkin' donuts on arundel mills boulevard in hanover .according to anne arundel county police , an officer checked the business and found a severely injured woman in the kitchen area .\n", - "patrons called police sunday night shortly after discovering no workers at the dunkin' donuts on arundel mills boulevard in hanoveraccording to authorities , an officer checked the business and found a severely injured woman in the kitchen areapolice said palak bhadreskumar patel of hanover , died at the scenethey said the investigation revealed that her husband , bhadreshkumar chetanbhai patel , hit her multiple times with an object and then fled\n", - "[1.4123774 1.1993394 1.1521139 1.3108141 1.2705755 1.1979538 1.179577\n", - " 1.062425 1.0296081 1.1818447 1.1722823 1.0818042 1.065775 1.0311645\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 4 1 5 9 6 10 2 11 12 7 13 8 21 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"manchester united fear daniel levy will play hardball should they decided to pursue their interest in hugo lloris .hugo lloris has established himself as one of the premier league 's top keepers with some fine displaysspurs are determined to keep lloris at white hart lane and will put a # 35million price tag on his head\"]\n", - "=======================\n", - "[\"lloris has established himself as one of the premier league 's best keeperswith uncertainty over david de gea 's future , united and psg are interestedlloris signed a five-year deal with spurs last yearand daniel levy will put price tag on lloris to keep united and psg at bay\"]\n", - "manchester united fear daniel levy will play hardball should they decided to pursue their interest in hugo lloris .hugo lloris has established himself as one of the premier league 's top keepers with some fine displaysspurs are determined to keep lloris at white hart lane and will put a # 35million price tag on his head\n", - "lloris has established himself as one of the premier league 's best keeperswith uncertainty over david de gea 's future , united and psg are interestedlloris signed a five-year deal with spurs last yearand daniel levy will put price tag on lloris to keep united and psg at bay\n", - "[1.2416807 1.3671277 1.1896254 1.17716 1.2278976 1.2270823 1.279829\n", - " 1.1154033 1.0640591 1.0492504 1.0307697 1.0451995 1.044196 1.113677\n", - " 1.0407894 1.063265 1.0543597 1.0159671 1.0333894 1.0236595 1.0161167\n", - " 1.0572023 1.0190805]\n", - "\n", - "[ 1 6 0 4 5 2 3 7 13 8 15 21 16 9 11 12 14 18 10 19 22 20 17]\n", - "=======================\n", - "['kelly watson , of gateshead in tyne and wear , started having problems three years ago when she began struggling with her words and co-ordination .a young mother diagnosed with dementia at only 41 is living in fear that she will forget her teenage daughter as doctors predict her condition will deteriorate in just five years .but after tests and a brain scan , she was hit with the horrifying news of early-onset dementia on her 41st birthday on june 23 last year .']\n", - "=======================\n", - "[\"kelly watson began having problems with coordination and speech in 2011despite regular trips to gps , never thought she had dementia as too youngbut after tests and a brain scan , hit with horrifying news on 41st birthdaynow terrified of forgetting her daughter holly , 17 , as condition will worsensaid the joys of watching her grow up had all been ` stolen ' from her\"]\n", - "kelly watson , of gateshead in tyne and wear , started having problems three years ago when she began struggling with her words and co-ordination .a young mother diagnosed with dementia at only 41 is living in fear that she will forget her teenage daughter as doctors predict her condition will deteriorate in just five years .but after tests and a brain scan , she was hit with the horrifying news of early-onset dementia on her 41st birthday on june 23 last year .\n", - "kelly watson began having problems with coordination and speech in 2011despite regular trips to gps , never thought she had dementia as too youngbut after tests and a brain scan , hit with horrifying news on 41st birthdaynow terrified of forgetting her daughter holly , 17 , as condition will worsensaid the joys of watching her grow up had all been ` stolen ' from her\n", - "[1.318758 1.2665528 1.2156745 1.1568787 1.112718 1.2979051 1.2128242\n", - " 1.1466433 1.069556 1.0693219 1.0228331 1.126245 1.1598778 1.0279748\n", - " 1.027218 1.0382106 1.0900939 1.0108005 1.0085373 1.0088973 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 5 1 2 6 12 3 7 11 4 16 8 9 15 13 14 10 17 19 18 21 20 22]\n", - "=======================\n", - "['the 20-year-old deranged pizza delivery driver on trial for stabbing and strangling his roommate to death before having sex with her corpse was found guilty of first-degree murder on thursday and sentenced to two life terms in prison .the florida court heard how bryan santana was living out some kind of sick fantasy when he removed all the lightbulbs of the orlando home he shared with shelby fazio , 23 , before waiting for the young woman to return , killing her and then abusing her body in october last year .jurors were told santana first choked fazio in a headlock before wrapping a belt around her neck and stabbing her with a hunting knife .']\n", - "=======================\n", - "[\"bryan santana , 20 , of orlando , florida , was found guilty of murdering his former roommate , shelby fazio , 23 , on thursdayhe was sentenced to life terms in prisonsantana previously admitted to strangling and stabbing fazio , a disney world employee , to death and having sex with her corpsehe also attacked their third roommate with a knife and killed fazio 's doghis trial was set for tuesday , but pushed back after he smeared feces all over his body at the courthouse and tried to hit an officerin opening statements wednesday , prosecutors said santana ` delighted ' in the murder of faziothey also showed photos of the messages he wrote on the wall in her dog 's blood , including one that said ` i 'm not sorry for what i did '\"]\n", - "the 20-year-old deranged pizza delivery driver on trial for stabbing and strangling his roommate to death before having sex with her corpse was found guilty of first-degree murder on thursday and sentenced to two life terms in prison .the florida court heard how bryan santana was living out some kind of sick fantasy when he removed all the lightbulbs of the orlando home he shared with shelby fazio , 23 , before waiting for the young woman to return , killing her and then abusing her body in october last year .jurors were told santana first choked fazio in a headlock before wrapping a belt around her neck and stabbing her with a hunting knife .\n", - "bryan santana , 20 , of orlando , florida , was found guilty of murdering his former roommate , shelby fazio , 23 , on thursdayhe was sentenced to life terms in prisonsantana previously admitted to strangling and stabbing fazio , a disney world employee , to death and having sex with her corpsehe also attacked their third roommate with a knife and killed fazio 's doghis trial was set for tuesday , but pushed back after he smeared feces all over his body at the courthouse and tried to hit an officerin opening statements wednesday , prosecutors said santana ` delighted ' in the murder of faziothey also showed photos of the messages he wrote on the wall in her dog 's blood , including one that said ` i 'm not sorry for what i did '\n", - "[1.0386047 1.1905048 1.4884701 1.3048269 1.2984697 1.3298944 1.0747436\n", - " 1.0539676 1.0670393 1.1856545 1.0862489 1.0206032 1.0099882 1.0113571\n", - " 1.1094015 1.1288005 1.1224114 1.0278211 1.0120844 1.0130137 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 5 3 4 1 9 15 16 14 10 6 8 7 0 17 11 19 18 13 12 21 20 22]\n", - "=======================\n", - "['dr zoe waller , 31 , who teaches pharmacy at the university of east anglia , suffers from the skin condition dermatographia .this is a type of urticaria , or hives - where a raised , itchy rash appears on the skin at the slightest pressure .it is thought to be caused when the cells under the surface of the skin release histamines as part of an allergic reaction , causing the skin to swell .']\n", - "=======================\n", - "[\"zoe waller , 31 , has dermatographia and can draw designs on her own bodycondition is a type of urticaria - where an itchy rash appears after pressureshe says it ` does n't hurt ' and draws molecules on herself to teach studentshas become famous across her university and people now make requests\"]\n", - "dr zoe waller , 31 , who teaches pharmacy at the university of east anglia , suffers from the skin condition dermatographia .this is a type of urticaria , or hives - where a raised , itchy rash appears on the skin at the slightest pressure .it is thought to be caused when the cells under the surface of the skin release histamines as part of an allergic reaction , causing the skin to swell .\n", - "zoe waller , 31 , has dermatographia and can draw designs on her own bodycondition is a type of urticaria - where an itchy rash appears after pressureshe says it ` does n't hurt ' and draws molecules on herself to teach studentshas become famous across her university and people now make requests\n", - "[1.4338403 1.327676 1.218508 1.0802959 1.0836209 1.0791191 1.1366318\n", - " 1.10958 1.3282014 1.1477865 1.0511948 1.0906363 1.096274 1.0274688\n", - " 1.0202042 1.0419375 1.017136 1.0134208 1.0132232 1.0166974 1.0095412\n", - " 1.0107964 1.013748 1.0138221 1.0119237 1.0137005]\n", - "\n", - "[ 0 8 1 2 9 6 7 12 11 4 3 5 10 15 13 14 16 19 23 22 25 17 18 24\n", - " 21 20]\n", - "=======================\n", - "[\"lewis hamilton ( mercedes ) 68lewis hamilton is now 13 points clear in the race for the drivers ' championship after winning the chinese grand prixsebastian vettel ( ferrari ) 55\"]\n", - "=======================\n", - "['lewis hamilton led every lap after clinching pole position to seal his second victory of the campaignnico rosberg was second for mercedes with the ferrari of sebastian vettel completing the podiumhamilton seals the 36th victory of his grand prix career to extend his lead at the top of the standingskimi raikkonen finished fourth for ferrari with the williams drivers of felipe massa and valtteri bottas 5th and 6thjenson button was involved in a collision with the lotus driver of pastor maldonado late on in the race']\n", - "lewis hamilton ( mercedes ) 68lewis hamilton is now 13 points clear in the race for the drivers ' championship after winning the chinese grand prixsebastian vettel ( ferrari ) 55\n", - "lewis hamilton led every lap after clinching pole position to seal his second victory of the campaignnico rosberg was second for mercedes with the ferrari of sebastian vettel completing the podiumhamilton seals the 36th victory of his grand prix career to extend his lead at the top of the standingskimi raikkonen finished fourth for ferrari with the williams drivers of felipe massa and valtteri bottas 5th and 6thjenson button was involved in a collision with the lotus driver of pastor maldonado late on in the race\n", - "[1.2014085 1.3814883 1.2629611 1.284483 1.1938888 1.1872736 1.0642244\n", - " 1.1373951 1.0610621 1.1180589 1.11023 1.1185752 1.0541517 1.075695\n", - " 1.0141401 1.0693554 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 7 11 9 10 13 15 6 8 12 14 24 16 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"the microsoft co-founder this week unveiled ` vulcan aerospace ' , which will look after the space programs of stratolaunch systems .this includes an ambitious project to launch spacecraft and probes into orbit from of a huge carrier aircraft with a wingspan of 385ft ( 117 metres ) .billionaire paul allen has created a new company that will launch satellites and people into space from the world 's biggest plane .\"]\n", - "=======================\n", - "['new company will look after the space programs of stratolaunch systemsthis includes plane which has a wingspan of 385 feet ( 117 metres )it will be powered by six 747-class engines during first flight in 2016will initially deliver satellites weighing up to 13,500 lbs ( 6,124 kg ) into orbits between 112 miles and 1,243 miles ( 180 km and 2000 km ) above earth']\n", - "the microsoft co-founder this week unveiled ` vulcan aerospace ' , which will look after the space programs of stratolaunch systems .this includes an ambitious project to launch spacecraft and probes into orbit from of a huge carrier aircraft with a wingspan of 385ft ( 117 metres ) .billionaire paul allen has created a new company that will launch satellites and people into space from the world 's biggest plane .\n", - "new company will look after the space programs of stratolaunch systemsthis includes plane which has a wingspan of 385 feet ( 117 metres )it will be powered by six 747-class engines during first flight in 2016will initially deliver satellites weighing up to 13,500 lbs ( 6,124 kg ) into orbits between 112 miles and 1,243 miles ( 180 km and 2000 km ) above earth\n", - "[1.4792366 1.3075757 1.1734378 1.1596677 1.1026311 1.0783677 1.0725865\n", - " 1.2136271 1.111151 1.0655901 1.070355 1.0668199 1.0814775 1.0602939\n", - " 1.0773263 1.0468729 1.0446655 1.0791095 1.0399405 1.0431403 1.0189623\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 7 2 3 8 4 12 17 5 14 6 10 11 9 13 15 16 19 18 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"( cnn ) authorities in south carolina have released dash cam video in connection with the fatal shooting of walter scott , but the footage does not show the actual shooting .video from the patrol car of north charleston 's michael slager shows an initial traffic stop and early interactions between the officer and scott .the video , which was released thursday , also shows a passenger in scott 's car .\"]\n", - "=======================\n", - "['footage shows a traffic stop and early interactions between officer michael slager and walter scottthe two men speak , and then scott gets out of the car , runningslager , charged with murder , was fired from the north charleston police department']\n", - "( cnn ) authorities in south carolina have released dash cam video in connection with the fatal shooting of walter scott , but the footage does not show the actual shooting .video from the patrol car of north charleston 's michael slager shows an initial traffic stop and early interactions between the officer and scott .the video , which was released thursday , also shows a passenger in scott 's car .\n", - "footage shows a traffic stop and early interactions between officer michael slager and walter scottthe two men speak , and then scott gets out of the car , runningslager , charged with murder , was fired from the north charleston police department\n", - "[1.409002 1.4181266 1.3537699 1.1878656 1.152369 1.0727122 1.2514201\n", - " 1.0471816 1.0508782 1.1764843 1.0552684 1.0173546 1.0105188 1.0260531\n", - " 1.0159994 1.0739249 1.0137749 1.0164248 1.01123 1.0088909 1.0136718\n", - " 1.0125353 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 6 3 9 4 15 5 10 8 7 13 11 17 14 16 20 21 18 12 19 24 22\n", - " 23 25]\n", - "=======================\n", - "['the 24-year-old belgian has scored 18 goals across all competitions for his club this season , helping the blues win the capital one cup and putting them on the brink of a first premier league title since 2010 .chelsea midfielder eden hazard was the toast of the english game as he carried off the pfa player of the year award .he was rewarded for his sterling performances with the top individual award of the night at the grosvenor hotel in london .']\n", - "=======================\n", - "[\"eden hazard has been voted the player of the year by his fellow professionalsthe belgian has been in glittering form for chelsea , scoring 18 premier league goals so fardiego costa , david de gea , alexis sanchez , harry kane and phillipe coutinho were also nominees for the awardhazard has helped chelsea to win the capital one cup and the club are on the brink of the premier league titlethe 24-year-old received the young player gong last season - an award won by spurs ' harry kane this time outjose mourinho : hazard is worth # 100m for each leg plus cristiano ronaldo\"]\n", - "the 24-year-old belgian has scored 18 goals across all competitions for his club this season , helping the blues win the capital one cup and putting them on the brink of a first premier league title since 2010 .chelsea midfielder eden hazard was the toast of the english game as he carried off the pfa player of the year award .he was rewarded for his sterling performances with the top individual award of the night at the grosvenor hotel in london .\n", - "eden hazard has been voted the player of the year by his fellow professionalsthe belgian has been in glittering form for chelsea , scoring 18 premier league goals so fardiego costa , david de gea , alexis sanchez , harry kane and phillipe coutinho were also nominees for the awardhazard has helped chelsea to win the capital one cup and the club are on the brink of the premier league titlethe 24-year-old received the young player gong last season - an award won by spurs ' harry kane this time outjose mourinho : hazard is worth # 100m for each leg plus cristiano ronaldo\n", - "[1.2429062 1.40571 1.1366421 1.4103687 1.1968752 1.058244 1.1064612\n", - " 1.1670777 1.0513139 1.0133287 1.0962718 1.0639346 1.1463501 1.0781326\n", - " 1.1123788 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 4 7 12 2 14 6 10 13 11 5 8 9 23 22 21 20 15 18 17 16 24\n", - " 19 25]\n", - "=======================\n", - "[\"australian prime minister tony abbott was cheered on by a crowd of about 50 as he skolled a schooner of beerjulie robert , a cultural studies professor at the university of technology sydney , said it was ` problematic ' that the prime minister , who she believes should be advocating against binge drinking , thought it acceptable to ` showcase his masculinity ' by skolling a beer .mr abbott came under fire after the incident as anti-drinking campaigners said he was glorifying binge drinking\"]\n", - "=======================\n", - "[\"australian prime minister skols a beer with celebrating football playersvideo shows tony abbott drinking the beer in six secondsthe prime minister has been criticised by anti-drinking campaignersthey say the prime minister should n't be glorifying binge drinking` it sets up a culture that drinking is n't about socialising with friends , it 's about how quickly and how much you can drink . 'criticism also levelled at media and officials who made light of the event\"]\n", - "australian prime minister tony abbott was cheered on by a crowd of about 50 as he skolled a schooner of beerjulie robert , a cultural studies professor at the university of technology sydney , said it was ` problematic ' that the prime minister , who she believes should be advocating against binge drinking , thought it acceptable to ` showcase his masculinity ' by skolling a beer .mr abbott came under fire after the incident as anti-drinking campaigners said he was glorifying binge drinking\n", - "australian prime minister skols a beer with celebrating football playersvideo shows tony abbott drinking the beer in six secondsthe prime minister has been criticised by anti-drinking campaignersthey say the prime minister should n't be glorifying binge drinking` it sets up a culture that drinking is n't about socialising with friends , it 's about how quickly and how much you can drink . 'criticism also levelled at media and officials who made light of the event\n", - "[1.5849307 1.3682181 1.3791232 1.411957 1.0827504 1.0340809 1.022567\n", - " 1.0169349 1.0319148 1.3333352 1.0693439 1.0235379 1.0084107 1.0112265\n", - " 1.0671508 1.1986634 1.035171 1.0049132 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 9 15 4 10 14 16 5 8 11 6 7 13 12 17 19 18 20]\n", - "=======================\n", - "['paris st germain coach laurent blanc accepts his side face an almost impossible mission trying to turn around their champions league quarter-final against barcelona at the camp nou on tuesday .zlatan ibrahimovic will be available again when psg meet barcelona on tuesday , after missing the first legthey have zlatan ibrahimovic and marco verratti back from suspension for the second leg but thiago silva joins thiago motta among the injured and david luiz is also a fitness doubt .']\n", - "=======================\n", - "[\"psg travel to nou camp on tuesday with barcelona in command of the tieluis suarez inspired barca to 3-1 win in parisbut zlatan ibrahimovic will return for second leg in spainblanc says barca have ` incredible talent ' but his side have nothing to loseread : egotistic ibrahimovic will believe barcelona will be in awe of him\"]\n", - "paris st germain coach laurent blanc accepts his side face an almost impossible mission trying to turn around their champions league quarter-final against barcelona at the camp nou on tuesday .zlatan ibrahimovic will be available again when psg meet barcelona on tuesday , after missing the first legthey have zlatan ibrahimovic and marco verratti back from suspension for the second leg but thiago silva joins thiago motta among the injured and david luiz is also a fitness doubt .\n", - "psg travel to nou camp on tuesday with barcelona in command of the tieluis suarez inspired barca to 3-1 win in parisbut zlatan ibrahimovic will return for second leg in spainblanc says barca have ` incredible talent ' but his side have nothing to loseread : egotistic ibrahimovic will believe barcelona will be in awe of him\n", - "[1.2913301 1.3627647 1.2963765 1.2503759 1.2445602 1.1309735 1.1646074\n", - " 1.102407 1.1531833 1.0399312 1.0387225 1.0311146 1.0656588 1.2506639\n", - " 1.0367454 1.0696002 1.01475 1.0295191 1.0227039 1.0517246 1.0428817]\n", - "\n", - "[ 1 2 0 13 3 4 6 8 5 7 15 12 19 20 9 10 14 11 17 18 16]\n", - "=======================\n", - "[\"the chelsea shot-stopper looks certain to leave stamford bridge at the end of the season after losing the no 1 spot to thibaut courtois .arsenal must make a swift decision on petr cech this summer or risk losing out on the goalkeeper .thibaut courtois has become chelsea 's first choice goalkeeper after three years on loan at atletico madrid\"]\n", - "=======================\n", - "[\"arsenal risk missing out of chelsea 's petr cech is they hesitate on movecech looks set to leave stamford bridge after losing his no 1 spotliverpool , psg , roma and inter milan are all also interested in cechif the gunners do not make their move early , they could be beaten to himchelsea are looking for a fee in excess of # 10million for czech keeper\"]\n", - "the chelsea shot-stopper looks certain to leave stamford bridge at the end of the season after losing the no 1 spot to thibaut courtois .arsenal must make a swift decision on petr cech this summer or risk losing out on the goalkeeper .thibaut courtois has become chelsea 's first choice goalkeeper after three years on loan at atletico madrid\n", - "arsenal risk missing out of chelsea 's petr cech is they hesitate on movecech looks set to leave stamford bridge after losing his no 1 spotliverpool , psg , roma and inter milan are all also interested in cechif the gunners do not make their move early , they could be beaten to himchelsea are looking for a fee in excess of # 10million for czech keeper\n", - "[1.5424967 1.3300323 1.224912 1.2720939 1.3645428 1.2337158 1.1184255\n", - " 1.0387869 1.0536761 1.0684904 1.0275414 1.0443815 1.03663 1.021081\n", - " 1.0407044 1.0667933 1.0415218 1.0400867 1.0111932 1.0079632 1.0085032]\n", - "\n", - "[ 0 4 1 3 5 2 6 9 15 8 11 16 14 17 7 12 10 13 18 20 19]\n", - "=======================\n", - "[\"mesut ozil is playing the best football since he joined arsenal in the summer of 2013 , after leading the gunners to second in the premier league table .ozil was off the pace at the beginning of this season , but says he is now back to his best since returning to fitness in january .mesut ozil trains ahead of arsenal 's fa cup semi final against reading on saturday\"]\n", - "=======================\n", - "['mesut ozil missed three months because of injury this seasonthe german has returned in better form , and says injury helped himozil worked on his strength , and still does extra sessions after training']\n", - "mesut ozil is playing the best football since he joined arsenal in the summer of 2013 , after leading the gunners to second in the premier league table .ozil was off the pace at the beginning of this season , but says he is now back to his best since returning to fitness in january .mesut ozil trains ahead of arsenal 's fa cup semi final against reading on saturday\n", - "mesut ozil missed three months because of injury this seasonthe german has returned in better form , and says injury helped himozil worked on his strength , and still does extra sessions after training\n", - "[1.3693607 1.4507592 1.2276151 1.3769261 1.2620965 1.0917823 1.0440272\n", - " 1.0301979 1.0396361 1.3113196 1.0586817 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 9 4 2 5 10 6 8 7 19 11 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"a new book claims the fire at bradford 's valley parade stadium was one of at least nine blazes at businesses owned by or associated with the club 's then chairman stafford heginbotham , who died in 1995 .sir oliver popplewell , the judge who conducted the 1985 bradford fire public inquiry , says police should look at eight other fires allegedly connected to the then club chairman to ` see if there was anything sinister ' .the tragic fire at valley parade killed 56 people and injured at least 265 after it broke out during a football league third division match against lincoln city on saturday , may 11 , 1985 .\"]\n", - "=======================\n", - "['sir oliver popplewell conducted the 1985 bradford fire public inquirythe judge stands by original ruling that there was no evidence of arsonhowever , he said police should look at eight other allegedly linked firesa new book claimed the tragic fire one one of nine at businesses linked to the then club chairman stafford heginbotham , who died in 1995']\n", - "a new book claims the fire at bradford 's valley parade stadium was one of at least nine blazes at businesses owned by or associated with the club 's then chairman stafford heginbotham , who died in 1995 .sir oliver popplewell , the judge who conducted the 1985 bradford fire public inquiry , says police should look at eight other fires allegedly connected to the then club chairman to ` see if there was anything sinister ' .the tragic fire at valley parade killed 56 people and injured at least 265 after it broke out during a football league third division match against lincoln city on saturday , may 11 , 1985 .\n", - "sir oliver popplewell conducted the 1985 bradford fire public inquirythe judge stands by original ruling that there was no evidence of arsonhowever , he said police should look at eight other allegedly linked firesa new book claimed the tragic fire one one of nine at businesses linked to the then club chairman stafford heginbotham , who died in 1995\n", - "[1.3683754 1.2997191 1.4393826 1.3865452 1.2816932 1.122225 1.0382125\n", - " 1.0189313 1.0181906 1.0168173 1.0195516 1.054052 1.0389954 1.0341594\n", - " 1.0659401 1.1624607 1.0669825 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 1 4 15 5 16 14 11 12 6 13 10 7 8 9 17 18 19 20]\n", - "=======================\n", - "[\"the 50-year-old grilled red bull 's chief technical officer adrian newey - who has been a part of ten world championship wins in the past - and checked out pit stops during his time at the factory with sky sports f1 .hollywood actor keanu reeves made no secret of his passion for formula one when visited and sampled the atmosphere at the red bull headquarters in milton keynes .and reeves , who is also a director , producer , musician , and author , also said that his love for the sport comes partly from its similarity to the film business .\"]\n", - "=======================\n", - "['keanu reeves is a self-confessed petrolhead and visited red bullreeves says the whole process of formula one is much like hollywoodred bull currently preparing for chinese grand prix in shanghaiclick here for all the latest formula one news']\n", - "the 50-year-old grilled red bull 's chief technical officer adrian newey - who has been a part of ten world championship wins in the past - and checked out pit stops during his time at the factory with sky sports f1 .hollywood actor keanu reeves made no secret of his passion for formula one when visited and sampled the atmosphere at the red bull headquarters in milton keynes .and reeves , who is also a director , producer , musician , and author , also said that his love for the sport comes partly from its similarity to the film business .\n", - "keanu reeves is a self-confessed petrolhead and visited red bullreeves says the whole process of formula one is much like hollywoodred bull currently preparing for chinese grand prix in shanghaiclick here for all the latest formula one news\n", - "[1.1297132 1.2240552 1.1306955 1.4173588 1.3985658 1.2494546 1.1893948\n", - " 1.1637436 1.106624 1.0547429 1.0314178 1.1361339 1.0289235 1.0377464\n", - " 1.0241997 1.0823717 1.0248084 1.0501163 1.0356455]\n", - "\n", - "[ 3 4 5 1 6 7 11 2 0 8 15 9 17 13 18 10 12 16 14]\n", - "=======================\n", - "[\"martin skrtel scored an injury-time equaliser in liverpool 's 2-2 draw with arsenal at anfield in decemberrobbie fowler scored the quickest hat-trick in premier league history for liverpool against arsenal in 1994thierry henry scored a treble against liverpool for arsenal at highbury back in 2004\"]\n", - "=======================\n", - "['arsenal host liverpool at the emirates stadium on saturdaythis fixture has produced most hat-tricks in premier league historyfive trebles have been netted during liverpool against arsenal matchesrobbie fowler ( twice ) , thierry henry , peter crouch and andrey arshavin have all scored three or more times in a single fixture']\n", - "martin skrtel scored an injury-time equaliser in liverpool 's 2-2 draw with arsenal at anfield in decemberrobbie fowler scored the quickest hat-trick in premier league history for liverpool against arsenal in 1994thierry henry scored a treble against liverpool for arsenal at highbury back in 2004\n", - "arsenal host liverpool at the emirates stadium on saturdaythis fixture has produced most hat-tricks in premier league historyfive trebles have been netted during liverpool against arsenal matchesrobbie fowler ( twice ) , thierry henry , peter crouch and andrey arshavin have all scored three or more times in a single fixture\n", - "[1.1088669 1.3416705 1.17931 1.2167435 1.1333563 1.2731158 1.168906\n", - " 1.1259096 1.0459033 1.1118814 1.091805 1.0931183 1.0978448 1.0302868\n", - " 1.0203516 1.0228238 1.0563083 0. 0. ]\n", - "\n", - "[ 1 5 3 2 6 4 7 9 0 12 11 10 16 8 13 15 14 17 18]\n", - "=======================\n", - "['in southern germany , hundreds of people braved the snow for a traditional easter monday procession on horseback , while in slovakia women were doused with buckets of water as part of their weekend celebrations .the easter horseback parade , known as the georgiritt , is held in traustein , germany and dates back to the 18th centurya similar age-old tradition takes place in hungary , where after being sprinkled with water , the women give the men beautifully coloured eggs in return .']\n", - "=======================\n", - "['in traustein , germany , hundreds of horse riders dressed in traditional costume take place in an easter paradethe processional , known as the georgiritt , sees participants head to a local church where they will be blessedin central europe , men douse women with buckets of water as part of their easter monday celebrations']\n", - "in southern germany , hundreds of people braved the snow for a traditional easter monday procession on horseback , while in slovakia women were doused with buckets of water as part of their weekend celebrations .the easter horseback parade , known as the georgiritt , is held in traustein , germany and dates back to the 18th centurya similar age-old tradition takes place in hungary , where after being sprinkled with water , the women give the men beautifully coloured eggs in return .\n", - "in traustein , germany , hundreds of horse riders dressed in traditional costume take place in an easter paradethe processional , known as the georgiritt , sees participants head to a local church where they will be blessedin central europe , men douse women with buckets of water as part of their easter monday celebrations\n", - "[1.22542 1.322918 1.2948903 1.2829874 1.2345113 1.1815393 1.0814842\n", - " 1.1005626 1.1030475 1.0852122 1.0707799 1.0165231 1.0671134 1.0755986\n", - " 1.076803 1.0364836 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 5 8 7 9 6 14 13 10 12 15 11 17 16 18]\n", - "=======================\n", - "[\"town halls have failed to recalibrate some of the 100,000 ticket machines in the uk - making it impossible for drivers to pay the exact cost of parking .in manchester , where 240 machines are still not upgraded , motorists without old-style coins must use # 1 and two 20p pieces for a typical # 1.25 hour 's parking - handing the council a 15p profit .the council also charges # 1.85 for an hour and a half and # 3.10 for two hours and 30 minutes , meaning that drivers without the right coins must overpay for them too .\"]\n", - "=======================\n", - "[\"in manchester 240 machines still do n't accept coinage introduced in 2012a typical # 1.25 hour 's parking is costing many # 1.40 - a 15p profit per ticketexperts fear problem may get worse when new # 1 is introduced in 2017\"]\n", - "town halls have failed to recalibrate some of the 100,000 ticket machines in the uk - making it impossible for drivers to pay the exact cost of parking .in manchester , where 240 machines are still not upgraded , motorists without old-style coins must use # 1 and two 20p pieces for a typical # 1.25 hour 's parking - handing the council a 15p profit .the council also charges # 1.85 for an hour and a half and # 3.10 for two hours and 30 minutes , meaning that drivers without the right coins must overpay for them too .\n", - "in manchester 240 machines still do n't accept coinage introduced in 2012a typical # 1.25 hour 's parking is costing many # 1.40 - a 15p profit per ticketexperts fear problem may get worse when new # 1 is introduced in 2017\n", - "[1.429069 1.3347456 1.163096 1.1986136 1.1819258 1.3196253 1.0332305\n", - " 1.1651285 1.023551 1.0618067 1.0287938 1.1336673 1.1023151 1.036884\n", - " 1.0115432 1.0171858 1.0418408 1.0791535 0. ]\n", - "\n", - "[ 0 1 5 3 4 7 2 11 12 17 9 16 13 6 10 8 15 14 18]\n", - "=======================\n", - "[\"spain manager vicente del bosque was flabbergasted as to how his star-studded side failed to find the back of the net despite taking ` command ' of their friendly defeat by holland on tuesday night .despite the visitors dominating significant periods of the match , it was goals to holland 's stefan de vrij and davy klaassen that proved decisive at the amsterdam arena .within four minutes davy klaasen pounced on the rebound from his own shot after david de gea 's save\"]\n", - "=======================\n", - "[\"spain were defeated 2-0 by holland at the amsterdam arena on tuesdaystefan de vrij and davy klaassen scored within four first-half minutesvicente del bosque said ` we 've been all over them ... but we lacked a goal '\"]\n", - "spain manager vicente del bosque was flabbergasted as to how his star-studded side failed to find the back of the net despite taking ` command ' of their friendly defeat by holland on tuesday night .despite the visitors dominating significant periods of the match , it was goals to holland 's stefan de vrij and davy klaassen that proved decisive at the amsterdam arena .within four minutes davy klaasen pounced on the rebound from his own shot after david de gea 's save\n", - "spain were defeated 2-0 by holland at the amsterdam arena on tuesdaystefan de vrij and davy klaassen scored within four first-half minutesvicente del bosque said ` we 've been all over them ... but we lacked a goal '\n", - "[1.4221954 1.3651996 1.1137294 1.2542019 1.2271919 1.0287513 1.047428\n", - " 1.0874758 1.0178964 1.2008941 1.0648215 1.0450538 1.0483965 1.0923367\n", - " 1.0380929 1.0337293 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 4 9 2 13 7 10 12 6 11 14 15 5 8 17 16 18]\n", - "=======================\n", - "[\"sexy lingerie brand frederick 's of hollywood has shut down all of its brick-and-mortar locations , now existing exclusively as an e-commerce brand after years of declining sales and struggling to keep up with victoria 's secret .making it work : the retailer announced on it 's website that it ` no longer ' has store locations while reminding customers that its ` online store offers the same selection of products 'founder frederick mellinger opened the pinup-inspired lingerie brand 's first store in los angeles in 1947 and went on to launch a mail order catalog in the 1960s , later adding sex toys and more risqué attire to the company 's offerings .\"]\n", - "=======================\n", - "['the los angeles , california-based company has shuttered all of its 94 locations after switching to a web-only retail model']\n", - "sexy lingerie brand frederick 's of hollywood has shut down all of its brick-and-mortar locations , now existing exclusively as an e-commerce brand after years of declining sales and struggling to keep up with victoria 's secret .making it work : the retailer announced on it 's website that it ` no longer ' has store locations while reminding customers that its ` online store offers the same selection of products 'founder frederick mellinger opened the pinup-inspired lingerie brand 's first store in los angeles in 1947 and went on to launch a mail order catalog in the 1960s , later adding sex toys and more risqué attire to the company 's offerings .\n", - "the los angeles , california-based company has shuttered all of its 94 locations after switching to a web-only retail model\n", - "[1.2244318 1.5108483 1.2280753 1.2859089 1.287573 1.152728 1.0903599\n", - " 1.1270165 1.0596055 1.0546236 1.0433747 1.0787762 1.0419893 1.0554184\n", - " 1.0965368 1.162712 1.0999397 1.0071411 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 2 0 15 5 7 16 14 6 11 8 13 9 10 12 17 19 18 20]\n", - "=======================\n", - "[\"abdul hadi arwani was found slumped in the back seat of his black volkswagen passat on tuesday morning in wembley , north west london .the 48-year-old syrian national was an outspoken critic of the assad regime and ` actively ' campaigned against extremist , his family have since revealed .a man has been arrested in connection with the death of an imam found dead in his car .\"]\n", - "=======================\n", - "['abdul hadi arwani was found dead in his car on tuesday in wembleycounter terrorism police were drafted in to lead investigation into deatha 46-year-old man has been arrested on suspicion of conspiracy to murder']\n", - "abdul hadi arwani was found slumped in the back seat of his black volkswagen passat on tuesday morning in wembley , north west london .the 48-year-old syrian national was an outspoken critic of the assad regime and ` actively ' campaigned against extremist , his family have since revealed .a man has been arrested in connection with the death of an imam found dead in his car .\n", - "abdul hadi arwani was found dead in his car on tuesday in wembleycounter terrorism police were drafted in to lead investigation into deatha 46-year-old man has been arrested on suspicion of conspiracy to murder\n", - "[1.2111716 1.4567378 1.2242953 1.286335 1.1851975 1.3581381 1.204086\n", - " 1.1300244 1.0927889 1.0377102 1.0696785 1.0388113 1.0514519 1.0552521\n", - " 1.0696232 1.0361241 1.029612 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 3 2 0 6 4 7 8 10 14 13 12 11 9 15 16 19 17 18 20]\n", - "=======================\n", - "['brian karl brimager , 37 , entered his plea on friday after he was indicted by a federal grand jury in san diego , in connection with the death of yvonne lee baldelli .the 42-year-old woman from laguna niguel , california , was last seen in september 2011 when she arrived in panama with brimager .he has been in custody since june 2013 on charges including obstruction of justice and falsifying records related to the investigation .']\n", - "=======================\n", - "['brian karl brimager , 37 , was indicted by a grand jury in san diegois accused of murdering clothing designer yvonne lee baldelli in 2011allegedly dismembered her body and disposed of it in a military backpackthen engaged in an elaborate scheme to cover up the crimesent emails from her account to make people think she was still alivehe has been in custody since june 2013 on charges including obstruction of justice and falsifying records related to the investigation']\n", - "brian karl brimager , 37 , entered his plea on friday after he was indicted by a federal grand jury in san diego , in connection with the death of yvonne lee baldelli .the 42-year-old woman from laguna niguel , california , was last seen in september 2011 when she arrived in panama with brimager .he has been in custody since june 2013 on charges including obstruction of justice and falsifying records related to the investigation .\n", - "brian karl brimager , 37 , was indicted by a grand jury in san diegois accused of murdering clothing designer yvonne lee baldelli in 2011allegedly dismembered her body and disposed of it in a military backpackthen engaged in an elaborate scheme to cover up the crimesent emails from her account to make people think she was still alivehe has been in custody since june 2013 on charges including obstruction of justice and falsifying records related to the investigation\n", - "[1.3582982 1.4724905 1.2510802 1.231931 1.0416162 1.1215079 1.0777397\n", - " 1.140332 1.1055527 1.0821998 1.0407941 1.0187852 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 7 5 8 9 6 4 10 11 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"jessica cleland , from wallan , victoria , was 19 when she took her own life on easter saturday last year , after receiving facebook messages from two teenage boys she considered friends saying that they hated her , and that she was a ` f *** ing sook ' .her parents said that jessica 's social media accounts were flooded with horrible sentiments the night before she died , and are now desperate to see a change within victoria 's government and the state 's police so that those found guilty of cyber bullying face serious consequences .the parents of jessica cleland ( pictured ) are campaigning for anti-bullying laws to be taken more seriously\"]\n", - "=======================\n", - "[\"jessica cleland committed suicide last year after being cyber bulliedshe was sent horrible messages from two friends who said they hated herthe teenagers were named in the coroners report but were n't investigatedher parents want to see cyber bullying legislation be taken seriouslyunder victorian legislation cyber bullying can result in ten years jail\"]\n", - "jessica cleland , from wallan , victoria , was 19 when she took her own life on easter saturday last year , after receiving facebook messages from two teenage boys she considered friends saying that they hated her , and that she was a ` f *** ing sook ' .her parents said that jessica 's social media accounts were flooded with horrible sentiments the night before she died , and are now desperate to see a change within victoria 's government and the state 's police so that those found guilty of cyber bullying face serious consequences .the parents of jessica cleland ( pictured ) are campaigning for anti-bullying laws to be taken more seriously\n", - "jessica cleland committed suicide last year after being cyber bulliedshe was sent horrible messages from two friends who said they hated herthe teenagers were named in the coroners report but were n't investigatedher parents want to see cyber bullying legislation be taken seriouslyunder victorian legislation cyber bullying can result in ten years jail\n", - "[1.1847286 1.4616675 1.3298557 1.2993324 1.2999122 1.0886058 1.142244\n", - " 1.1148133 1.083187 1.0643885 1.0456761 1.0571754 1.0689644 1.0563278\n", - " 1.0632938 1.0513225 1.0244919 1.0118119 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 0 6 7 5 8 12 9 14 11 13 15 10 16 17 18 19 20]\n", - "=======================\n", - "['the baby boy was removed from their care four days after he was born in oregon last year ,eric lee gates and his adult daughter , chalena mae moody , had asked the appeals court to overturn a decision for the baby to be put in foster care , but their case was rejected , reports the register guard .in march , moody , 25 , was sentenced to 10 days in jail on the incest charge , but got credit for time already served and did not have to serve any additional days behind bars']\n", - "=======================\n", - "[\"the baby boy was taken away four days after he was born in oregon to chalena mae moody , 25 , and her father , eric lee gates , 49authorities say moody and gates , were living as a couple in springfield , before moving to klamath falls - they now have had two childrenpair did not know each other during moody 's childhoodmoody was married when she gave birth to child and already had three other children\"]\n", - "the baby boy was removed from their care four days after he was born in oregon last year ,eric lee gates and his adult daughter , chalena mae moody , had asked the appeals court to overturn a decision for the baby to be put in foster care , but their case was rejected , reports the register guard .in march , moody , 25 , was sentenced to 10 days in jail on the incest charge , but got credit for time already served and did not have to serve any additional days behind bars\n", - "the baby boy was taken away four days after he was born in oregon to chalena mae moody , 25 , and her father , eric lee gates , 49authorities say moody and gates , were living as a couple in springfield , before moving to klamath falls - they now have had two childrenpair did not know each other during moody 's childhoodmoody was married when she gave birth to child and already had three other children\n", - "[1.1586077 1.4455264 1.2592552 1.3980918 1.1368377 1.2206489 1.1828567\n", - " 1.1313351 1.0381949 1.1411586 1.0540061 1.0106195 1.0224776 1.0426142\n", - " 1.020232 1.0291797 1.0145639 1.0268542 1.2757208 1.1386168 1.0111763]\n", - "\n", - "[ 1 3 18 2 5 6 0 9 19 4 7 10 13 8 15 17 12 14 16 20 11]\n", - "=======================\n", - "[\"firefighters made the grim discovery of janet muller 's body in ifield , near crawley , west sussex on march 13 .janet muller was seen walking in a subway in portslade , east sussex , at 10.30 pm on march 12police have now released video stills and footage of the 21-year-old university of brighton student in portslade on the night before her death .\"]\n", - "=======================\n", - "['janet muller was found dead in a burning car in ifield , crawley , last monthuniversity of brighton student , 21 , died as a result of smoke inhalationmurder squad detectives release cctv footage of her last known movements']\n", - "firefighters made the grim discovery of janet muller 's body in ifield , near crawley , west sussex on march 13 .janet muller was seen walking in a subway in portslade , east sussex , at 10.30 pm on march 12police have now released video stills and footage of the 21-year-old university of brighton student in portslade on the night before her death .\n", - "janet muller was found dead in a burning car in ifield , crawley , last monthuniversity of brighton student , 21 , died as a result of smoke inhalationmurder squad detectives release cctv footage of her last known movements\n", - "[1.1328655 1.3822157 1.2581642 1.2090986 1.2481458 1.2146592 1.1039973\n", - " 1.0731047 1.0457695 1.1232556 1.1075537 1.0832262 1.0461023 1.1010424\n", - " 1.0229543 1.0201379 1.0077733 1.065655 1.0349884 1.0199951 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 4 5 3 0 9 10 6 13 11 7 17 12 8 18 14 15 19 16 20 21]\n", - "=======================\n", - "[\"now an app , dubbed ` project elysium ' , claims to do just that by creating a ` personalised afterlife experience ' with loved ones who have passed .the technology , which is still under development , could be a step towards uploading memories and personalities into computers , allowing people to live on in virtual reality .the app 's developers have yet to reveal exactly how the technology will work\"]\n", - "=======================\n", - "[\"` project elysium ' app creates a ` personalised afterlife experience 'it transforms a person 's movement and memories into digital modelssome say this prevents people from moving on from losing a loved oneproject elysium has been entered into the oculus vr jam 2015 contest\"]\n", - "now an app , dubbed ` project elysium ' , claims to do just that by creating a ` personalised afterlife experience ' with loved ones who have passed .the technology , which is still under development , could be a step towards uploading memories and personalities into computers , allowing people to live on in virtual reality .the app 's developers have yet to reveal exactly how the technology will work\n", - "` project elysium ' app creates a ` personalised afterlife experience 'it transforms a person 's movement and memories into digital modelssome say this prevents people from moving on from losing a loved oneproject elysium has been entered into the oculus vr jam 2015 contest\n", - "[1.2308507 1.4244903 1.3810419 1.189996 1.2576857 1.1721941 1.1290027\n", - " 1.0708232 1.0828813 1.0969359 1.0191805 1.0235082 1.0143676 1.0458928\n", - " 1.1087391 1.1377505 1.0600212 1.0935609 1.0144682 1.010848 1.0073386\n", - " 1.0230298]\n", - "\n", - "[ 1 2 4 0 3 5 15 6 14 9 17 8 7 16 13 11 21 10 18 12 19 20]\n", - "=======================\n", - "['william smith wanted to remind himself of his mother , alison overton , following her death from leukaemia .the teenager from grimsby died in august last year , just four months after seeing his mother succumb to the disease .a 14-year-old boy who hanged himself five months after his mother lost her battle with cancer would wear her favourite bandana and spray her perfume round the house after she died .']\n", - "=======================\n", - "[\"william smith died four months after his mother lost battle with leukaemiathe ` brave ' 14-year-old was found dead by his grandmother at his homean inquest heard how he had settled back into school well following losscoroner ruled he was likely trying to play a prank when he died in augustfor confidential support call the samaritans in the uk on 08457 90 90 90 , visit a local samaritans branch or click here\"]\n", - "william smith wanted to remind himself of his mother , alison overton , following her death from leukaemia .the teenager from grimsby died in august last year , just four months after seeing his mother succumb to the disease .a 14-year-old boy who hanged himself five months after his mother lost her battle with cancer would wear her favourite bandana and spray her perfume round the house after she died .\n", - "william smith died four months after his mother lost battle with leukaemiathe ` brave ' 14-year-old was found dead by his grandmother at his homean inquest heard how he had settled back into school well following losscoroner ruled he was likely trying to play a prank when he died in augustfor confidential support call the samaritans in the uk on 08457 90 90 90 , visit a local samaritans branch or click here\n", - "[1.1861905 1.45099 1.1190014 1.314512 1.1699417 1.1072708 1.0574958\n", - " 1.1031387 1.0958313 1.0361272 1.0770504 1.0765886 1.0988375 1.0475228\n", - " 1.0484892 1.0329918 1.059828 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 4 2 5 7 12 8 10 11 16 6 14 13 9 15 20 17 18 19 21]\n", - "=======================\n", - "['filmed on a hot day in bali , indonesia the video , shot by australian tourist dirk nienaber , shows a monkey interacting with a tour guide , who squirts water at the primate from a hole in a water bottle in a bid to cool it down .with bottle in hand , the monkey takes its time before attempting to quench its thirst .as the monkey continues to approach , the man throws the bottle over to it and scarpers with a smirk -- as if aware of what the monkey may do next .']\n", - "=======================\n", - "['the footage was captured on a warm day in bali , indonesiatour guide cools monkey down by spraying it with watermonkey then picks up bottle and casually unscrews the lidprimate has drink and remarkably spills very little liquid']\n", - "filmed on a hot day in bali , indonesia the video , shot by australian tourist dirk nienaber , shows a monkey interacting with a tour guide , who squirts water at the primate from a hole in a water bottle in a bid to cool it down .with bottle in hand , the monkey takes its time before attempting to quench its thirst .as the monkey continues to approach , the man throws the bottle over to it and scarpers with a smirk -- as if aware of what the monkey may do next .\n", - "the footage was captured on a warm day in bali , indonesiatour guide cools monkey down by spraying it with watermonkey then picks up bottle and casually unscrews the lidprimate has drink and remarkably spills very little liquid\n", - "[1.1187519 1.1136997 1.0739046 1.1633731 1.1084571 1.0447483 1.2219865\n", - " 1.08462 1.0327072 1.0911996 1.0615997 1.104289 1.1388366 1.1435078\n", - " 1.0940995 1.0882638 1.0368693 1.0293138 1.0304133 1.0302107 1.0473816\n", - " 1.0210375]\n", - "\n", - "[ 6 3 13 12 0 1 4 11 14 9 15 7 2 10 20 5 16 8 18 19 17 21]\n", - "=======================\n", - "['many people in the u.s. , russia or china never see the sea in their lives .no one in britain lives as much as 70 miles from the sea .beginning in 1965 , the trust has by now acquired 742 miles of coast .']\n", - "=======================\n", - "[\"as an island race , no one in britain lives more than 70 miles from the seaenterprise neptune is the national trust 's campaign to save the coastlinesince starting in 1965 the trust has acquired 742 miles of the british coast\"]\n", - "many people in the u.s. , russia or china never see the sea in their lives .no one in britain lives as much as 70 miles from the sea .beginning in 1965 , the trust has by now acquired 742 miles of coast .\n", - "as an island race , no one in britain lives more than 70 miles from the seaenterprise neptune is the national trust 's campaign to save the coastlinesince starting in 1965 the trust has acquired 742 miles of the british coast\n", - "[1.3857937 1.4454606 1.1465311 1.1453376 1.168929 1.0547297 1.0272876\n", - " 1.0959358 1.1486107 1.0800924 1.0310334 1.0527953 1.0422697 1.1468294\n", - " 1.0637281 1.0929532 1.0118711 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 4 8 13 2 3 7 15 9 14 5 11 12 10 6 16 17 18 19 20 21]\n", - "=======================\n", - "['the moon slipped fully into earth \\'s shadow at 4:58 a.m. pacific time ( 7:58 a.m. et ) saturday , starting a total lunar eclipse for nearly five minutes -- what nasa says will be the shortest such eclipse of the century .parts of south america , india , china and russia were able to see at least parts of the event , but it was n\\'t visible in greenland , iceland , europe , africa or the middle east .nasa says lunar eclipses typically happen at least twice a year , but this eclipse is the third in a series of four in a row , known as a \" tetrad . \"']\n", - "=======================\n", - "['the total eclipse lasted 4 minutes and 43 secondspeople west of the mississippi river had the best view in the u.s.parts of south america , india , china and russia were able to see the eclipse']\n", - "the moon slipped fully into earth 's shadow at 4:58 a.m. pacific time ( 7:58 a.m. et ) saturday , starting a total lunar eclipse for nearly five minutes -- what nasa says will be the shortest such eclipse of the century .parts of south america , india , china and russia were able to see at least parts of the event , but it was n't visible in greenland , iceland , europe , africa or the middle east .nasa says lunar eclipses typically happen at least twice a year , but this eclipse is the third in a series of four in a row , known as a \" tetrad . \"\n", - "the total eclipse lasted 4 minutes and 43 secondspeople west of the mississippi river had the best view in the u.s.parts of south america , india , china and russia were able to see the eclipse\n", - "[1.1400638 1.1131295 1.6368771 1.2672571 1.3583773 1.2151443 1.0769866\n", - " 1.0433024 1.0396874 1.0315199 1.0403292 1.1274983 1.073506 1.1171118\n", - " 1.1108245 1.0758857 1.0301301 0. 0. ]\n", - "\n", - "[ 2 4 3 5 0 11 13 1 14 6 15 12 7 10 8 9 16 17 18]\n", - "=======================\n", - "[\"the black-eyed bandit was found stuck 30ft-high on a flag pole outside philadelphia 's cathedral basilica of saints peter and paul on tuesday morning .video footage shows the animal clinging for life as it teeters on its makeshift perch .raccoons are known for being excellent climbers .\"]\n", - "=======================\n", - "[\"the black-eyed bandit was found stuck 30ft-high on a flag pole outside philadelphia 's cathedral basilica of saints peter and paul on tuesdayafter a few hours , animal control officers were able to coax him down\"]\n", - "the black-eyed bandit was found stuck 30ft-high on a flag pole outside philadelphia 's cathedral basilica of saints peter and paul on tuesday morning .video footage shows the animal clinging for life as it teeters on its makeshift perch .raccoons are known for being excellent climbers .\n", - "the black-eyed bandit was found stuck 30ft-high on a flag pole outside philadelphia 's cathedral basilica of saints peter and paul on tuesdayafter a few hours , animal control officers were able to coax him down\n", - "[1.1967757 1.4209013 1.2445947 1.3279911 1.2247698 1.1086994 1.2812309\n", - " 1.0802095 1.0755081 1.1124787 1.0488935 1.0848944 1.1291803 1.0664502\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 6 2 4 0 12 9 5 11 7 8 13 10 17 14 15 16 18]\n", - "=======================\n", - "[\"police in rhein erft , received a bizarre phone call explaining that a large kangaroo was spotted ` happily ' hopping through a field .they immediately assumed it was a april fools prank and dismissed the strange call .they discovered that the call was in fact serious and later found the australian marsupial in a field in bruhl\"]\n", - "=======================\n", - "[\"a kangaroo has been found hopping through a field in bruhl , germanygerman police initially believed the report was an april fools day prankafter realising the caller was serious they found the beast in a nearby fieldthe owners later called police when the animal returned to it 's enclosureit is suspected that the it 's fencing was damaged after severe storms\"]\n", - "police in rhein erft , received a bizarre phone call explaining that a large kangaroo was spotted ` happily ' hopping through a field .they immediately assumed it was a april fools prank and dismissed the strange call .they discovered that the call was in fact serious and later found the australian marsupial in a field in bruhl\n", - "a kangaroo has been found hopping through a field in bruhl , germanygerman police initially believed the report was an april fools day prankafter realising the caller was serious they found the beast in a nearby fieldthe owners later called police when the animal returned to it 's enclosureit is suspected that the it 's fencing was damaged after severe storms\n", - "[1.2769855 1.3106252 1.2567518 1.1762191 1.3822637 1.0688206 1.032111\n", - " 1.1218485 1.0472802 1.1228325 1.0789586 1.0439652 1.029523 1.0129677\n", - " 1.015847 1.0221016 1.0140193 1.0153801 1.0284798]\n", - "\n", - "[ 4 1 0 2 3 9 7 10 5 8 11 6 12 18 15 14 17 16 13]\n", - "=======================\n", - "[\"saskia , 17 , aced the ` arsenal exam ' given by her boyfriend with a score of 43.5 out of 50 or 87 per centtop marks for saskia , the girlfriend of an arsenal fan who aced a written exam on all things gunners to save their relationship and whose mostly correct responses have gone viral .by the grading system of her boyfriend , who did n't want to be identified , that constitutes an a.\"]\n", - "=======================\n", - "[\"twitter user saskia , 17 , posted ` arsenal exam ' result on social mediashe scored 87 per cent and her boyfriend said he would n't dump herquestions covered club history , current players and club loyalty\"]\n", - "saskia , 17 , aced the ` arsenal exam ' given by her boyfriend with a score of 43.5 out of 50 or 87 per centtop marks for saskia , the girlfriend of an arsenal fan who aced a written exam on all things gunners to save their relationship and whose mostly correct responses have gone viral .by the grading system of her boyfriend , who did n't want to be identified , that constitutes an a.\n", - "twitter user saskia , 17 , posted ` arsenal exam ' result on social mediashe scored 87 per cent and her boyfriend said he would n't dump herquestions covered club history , current players and club loyalty\n", - "[1.218137 1.4895859 1.3693683 1.1660005 1.2647386 1.1101302 1.0723077\n", - " 1.0560274 1.2758238 1.0330354 1.0838894 1.0378982 1.039405 1.022957\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 8 4 0 3 5 10 6 7 12 11 9 13 14 15 16 17 18]\n", - "=======================\n", - "['up to 21 million acres of jungle will be torn down to make way for rubber plantations in the next decade alone , according to researchers at the university of east anglia .the demand is putting endangered gibbons , leopards and elephants in south east asia at risk , a study published in the journal conservation letters says .the tyre industry consumes 70 per cent of all natural rubber grown , and rising demand for vehicle and aeroplane tyres is behind the recent expansion of plantations']\n", - "=======================\n", - "['up to 21 million acres of jungle will be torn down in the next decade aloneuniversity of east anglia research says forest species at risk from industryrising demand for rubber tyres for cars and planes driving deforestation']\n", - "up to 21 million acres of jungle will be torn down to make way for rubber plantations in the next decade alone , according to researchers at the university of east anglia .the demand is putting endangered gibbons , leopards and elephants in south east asia at risk , a study published in the journal conservation letters says .the tyre industry consumes 70 per cent of all natural rubber grown , and rising demand for vehicle and aeroplane tyres is behind the recent expansion of plantations\n", - "up to 21 million acres of jungle will be torn down in the next decade aloneuniversity of east anglia research says forest species at risk from industryrising demand for rubber tyres for cars and planes driving deforestation\n", - "[1.2232102 1.1804571 1.121597 1.1583606 1.0377221 1.0436395 1.1668041\n", - " 1.1202905 1.0571096 1.1282 1.0832367 1.0726969 1.0441867 1.0412838\n", - " 1.0399408 1.0538008 1.058302 1.0505401 0. ]\n", - "\n", - "[ 0 1 6 3 9 2 7 10 11 16 8 15 17 12 5 13 14 4 18]\n", - "=======================\n", - "[\"( cnn ) by now , you probably have a position regarding the controversy over indiana 's religious freedom law .you applaud the growing chorus of companies blasting the law as an invitation for businesses to discriminate against gays and lesbians , using religion as a cover .as the author of the 1993 federal religious freedom restoration act ( rfra ) , sen. chuck schumer is one who can offer clarity over the controversy surrounding indiana 's version of the law .\"]\n", - "=======================\n", - "[\"the controversy over indiana 's religious freedom law is complicatedsome factors you might have not considered\"]\n", - "( cnn ) by now , you probably have a position regarding the controversy over indiana 's religious freedom law .you applaud the growing chorus of companies blasting the law as an invitation for businesses to discriminate against gays and lesbians , using religion as a cover .as the author of the 1993 federal religious freedom restoration act ( rfra ) , sen. chuck schumer is one who can offer clarity over the controversy surrounding indiana 's version of the law .\n", - "the controversy over indiana 's religious freedom law is complicatedsome factors you might have not considered\n", - "[1.3214601 1.0351565 1.0971717 1.3714235 1.1471314 1.3186681 1.0704588\n", - " 1.2438326 1.0544131 1.2436662 1.1159235 1.0425068 1.0871985 1.0150837\n", - " 1.0845197 1.0543294 1.0775107 1.1222014 1.0337343 1.1079444 0. ]\n", - "\n", - "[ 3 0 5 7 9 4 17 10 19 2 12 14 16 6 8 15 11 1 18 13 20]\n", - "=======================\n", - "['rickie fowler has been dating bikini model alexis randock since last year and the 24-year-old caddied for him during the masters par three contest on wednesday .the masters got underway at augusta national on thursday with rory mcilroy bidding to complete a career grand slam , while tiger woods is looking to rediscover his magic .dustin johnson has been engaged to model and pop singer paulina gretzky since 2013 and the pair had a son together in january this year .']\n", - "=======================\n", - "['the 79th masters got underway on at augusta national on thursdaybut who are the wives and girlfriends who will be cheering the players onhere , sportsmail brings you the lowdown on the masters wags']\n", - "rickie fowler has been dating bikini model alexis randock since last year and the 24-year-old caddied for him during the masters par three contest on wednesday .the masters got underway at augusta national on thursday with rory mcilroy bidding to complete a career grand slam , while tiger woods is looking to rediscover his magic .dustin johnson has been engaged to model and pop singer paulina gretzky since 2013 and the pair had a son together in january this year .\n", - "the 79th masters got underway on at augusta national on thursdaybut who are the wives and girlfriends who will be cheering the players onhere , sportsmail brings you the lowdown on the masters wags\n", - "[1.3652978 1.1758437 1.1807103 1.3714914 1.3844595 1.1015979 1.0909997\n", - " 1.0639406 1.0847024 1.1267251 1.0408182 1.0197945 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 3 0 2 1 9 5 6 8 7 10 11 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"sam gallagher celebrates after his stunning strike won the game for southampton against blackburnsouthampton celebrate after winning the u21 premier league cup at st mary 's on monday nightten-man southampton lifted the premier league u21 cup , but they needed extra time , and a brilliant winner , to see off a stubborn blackburn side .\"]\n", - "=======================\n", - "[\"southampton beat blackburn in final of premier league u21 cupsam gallagher netted long-range strike to win the tie for 10-man saintsmatt targett own goal had levelled up ryan seager opener in normal timeover 12,000 fans turned up to watch saints win the cup at st mary 's\"]\n", - "sam gallagher celebrates after his stunning strike won the game for southampton against blackburnsouthampton celebrate after winning the u21 premier league cup at st mary 's on monday nightten-man southampton lifted the premier league u21 cup , but they needed extra time , and a brilliant winner , to see off a stubborn blackburn side .\n", - "southampton beat blackburn in final of premier league u21 cupsam gallagher netted long-range strike to win the tie for 10-man saintsmatt targett own goal had levelled up ryan seager opener in normal timeover 12,000 fans turned up to watch saints win the cup at st mary 's\n", - "[1.4432703 1.4957442 1.3446444 1.4484725 1.0808005 1.0308139 1.0765729\n", - " 1.1791888 1.0352064 1.0304368 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 7 4 6 8 5 9 18 17 16 15 10 13 12 11 19 14 20]\n", - "=======================\n", - "[\"faulkner will arrive after his indian premier league commitments to replace compatriot peter siddle , who will play in the red rose 's first four lv = county championship matches before joining the australia squad .australia world cup winner james faulkner has signed a deal to join lancashire for the bulk of this summerfaulkner was named man of the match as his country beat new zealand to win the world cup last month , taking three for 36 to help bowl the black caps out for 183 in a seven-wicket victory .\"]\n", - "=======================\n", - "['james faulkner joins lancashire as their overseas player for the summeraustralian was named man of the match during world cup final winhe will join up with county side after indian premier league commitments']\n", - "faulkner will arrive after his indian premier league commitments to replace compatriot peter siddle , who will play in the red rose 's first four lv = county championship matches before joining the australia squad .australia world cup winner james faulkner has signed a deal to join lancashire for the bulk of this summerfaulkner was named man of the match as his country beat new zealand to win the world cup last month , taking three for 36 to help bowl the black caps out for 183 in a seven-wicket victory .\n", - "james faulkner joins lancashire as their overseas player for the summeraustralian was named man of the match during world cup final winhe will join up with county side after indian premier league commitments\n", - "[1.4944918 1.3904461 1.3509921 1.4613173 1.191549 1.0492277 1.0252368\n", - " 1.0194668 1.0178554 1.0177697 1.1771152 1.0195974 1.0166363 1.0276783\n", - " 1.2120428 1.0241371 1.0135261 1.0116975 1.0123498 1.0161579 1.0162576]\n", - "\n", - "[ 0 3 1 2 14 4 10 5 13 6 15 11 7 8 9 12 20 19 16 18 17]\n", - "=======================\n", - "[\"robbie neilson insists the likes of captain danny wilson will only leave hearts if he is satisfied it 's right for the club .as sportsmail revealed this week , celtic have placed former rangers defender wilson on a list of potential summer recruits .speaking ahead of sunday 's championship clash with the ibrox club , neilson admitted external interest in his promoted players is inevitable .\"]\n", - "=======================\n", - "['hearts have already secured promotion to the scottish top flightrobbie neilson believes it is inevitable clubs will come in for his playershe insists he will only sell them if it is the right move for the clubhearts play rangers on sunday and could help their rivals hibernian']\n", - "robbie neilson insists the likes of captain danny wilson will only leave hearts if he is satisfied it 's right for the club .as sportsmail revealed this week , celtic have placed former rangers defender wilson on a list of potential summer recruits .speaking ahead of sunday 's championship clash with the ibrox club , neilson admitted external interest in his promoted players is inevitable .\n", - "hearts have already secured promotion to the scottish top flightrobbie neilson believes it is inevitable clubs will come in for his playershe insists he will only sell them if it is the right move for the clubhearts play rangers on sunday and could help their rivals hibernian\n", - "[1.134181 1.3419657 1.3198653 1.3062006 1.2538482 1.181887 1.1800017\n", - " 1.0802383 1.0687594 1.0785027 1.1315206 1.0730124 1.0473831 1.103987\n", - " 1.0342606 1.0430403 1.0468682 1.0467901 1.0124831 1.0248449 0. ]\n", - "\n", - "[ 1 2 3 4 5 6 0 10 13 7 9 11 8 12 16 17 15 14 19 18 20]\n", - "=======================\n", - "[\"a study of people 's spending habits shows people are buying luxury items amid falling prices and rising wages .spending in restaurants has increased by 17 per cent in the last 12 months , while entertainment is up 12 per cent as people visit the theatre , cinema , museums and amusement parks .analysis showed spending on women 's clothes grew by 6 per cent over the last year , and 4 per cent for men\"]\n", - "=======================\n", - "['consumers are buying luxury items amid falling prices and rising wagesrestaurants have seen spending increase by 17 per cent in the past yearfigures expected to show uk is now in first period of deflation since 1960']\n", - "a study of people 's spending habits shows people are buying luxury items amid falling prices and rising wages .spending in restaurants has increased by 17 per cent in the last 12 months , while entertainment is up 12 per cent as people visit the theatre , cinema , museums and amusement parks .analysis showed spending on women 's clothes grew by 6 per cent over the last year , and 4 per cent for men\n", - "consumers are buying luxury items amid falling prices and rising wagesrestaurants have seen spending increase by 17 per cent in the past yearfigures expected to show uk is now in first period of deflation since 1960\n", - "[1.2639549 1.5515556 1.2379872 1.2276303 1.1046453 1.0662112 1.0689989\n", - " 1.0476078 1.2121968 1.044672 1.0449107 1.0666212 1.0461059 1.0412735\n", - " 1.0798583 1.0825825 1.0888735 1.0278908 0. 0. ]\n", - "\n", - "[ 1 0 2 3 8 4 16 15 14 6 11 5 7 12 10 9 13 17 18 19]\n", - "=======================\n", - "['kenny bayless has the honour of being the third man in the ring with floyd mayweather and manny pacquiao on may 2 .the man widely considered the leading referee in the world will be in charge of the richest fight of all time .the appointment will be welcomed by both camps .']\n", - "=======================\n", - "[\"veteran kenny bayless has been named the third man in the ring for the highly anticipated bout between floyd mayweather and manny pacquiaobayless has supervised countless high-profile fights in las vegas before now , including several of both mayweather 's and pacquiao 'she will celebrate his 65th birthday on may 4 , two days after the fight\"]\n", - "kenny bayless has the honour of being the third man in the ring with floyd mayweather and manny pacquiao on may 2 .the man widely considered the leading referee in the world will be in charge of the richest fight of all time .the appointment will be welcomed by both camps .\n", - "veteran kenny bayless has been named the third man in the ring for the highly anticipated bout between floyd mayweather and manny pacquiaobayless has supervised countless high-profile fights in las vegas before now , including several of both mayweather 's and pacquiao 'she will celebrate his 65th birthday on may 4 , two days after the fight\n", - "[1.0420339 1.0562215 1.3358493 1.2528813 1.3457493 1.049895 1.1725428\n", - " 1.0288509 1.0722213 1.1471924 1.0295924 1.105733 1.0800371 1.104977\n", - " 1.0616823 1.0278243 0. 0. 0. 0. ]\n", - "\n", - "[ 4 2 3 6 9 11 13 12 8 14 1 5 0 10 7 15 18 16 17 19]\n", - "=======================\n", - "[\"in lisse , the netherlands , the famed keukenhof gardens are a must-visit for all those looking to take in beautiful springtime bloomsknown as one of the world 's most beautiful gardens , the local keukenhof boasts seven million blooms , stunning waterways , windmills and even a petting zoo for children .open between march 20 and may 17 each year , the keukenof gardens are home to seven million flowers , all of which are hand-planted\"]\n", - "=======================\n", - "[\"to honour the warm weather , mailonline travel has compiled a list of the world 's must-visit springtime destinationsin the netherlands , the country 's famed keukenhof gardens are open only from march 20 through may 17head to kanazawa , japan , to take in the cherry tree blossoms , which traditionally bloom in the first half of aprilin nearby northumberland , vibrant red poppies light up the area 's rolling hills from late spring to early summer\"]\n", - "in lisse , the netherlands , the famed keukenhof gardens are a must-visit for all those looking to take in beautiful springtime bloomsknown as one of the world 's most beautiful gardens , the local keukenhof boasts seven million blooms , stunning waterways , windmills and even a petting zoo for children .open between march 20 and may 17 each year , the keukenof gardens are home to seven million flowers , all of which are hand-planted\n", - "to honour the warm weather , mailonline travel has compiled a list of the world 's must-visit springtime destinationsin the netherlands , the country 's famed keukenhof gardens are open only from march 20 through may 17head to kanazawa , japan , to take in the cherry tree blossoms , which traditionally bloom in the first half of aprilin nearby northumberland , vibrant red poppies light up the area 's rolling hills from late spring to early summer\n", - "[1.2307789 1.5371249 1.2746335 1.2474611 1.1290096 1.0737702 1.0674651\n", - " 1.0904815 1.0393144 1.0304384 1.1566557 1.0150151 1.0974531 1.0698273\n", - " 1.18434 1.0357355 1.03618 1.0330944 1.010814 0. ]\n", - "\n", - "[ 1 2 3 0 14 10 4 12 7 5 13 6 8 16 15 17 9 11 18 19]\n", - "=======================\n", - "[\"nancy perry will no longer teach students at dublin middle school and will retire at the end of the year , city schools superintendent chuck ledbetter announced on tuesday .perry is alleged to have told students that obama is a muslim and that any parent who support him could n't be christian , either .a veteran georgia middle school teacher has been removed from the classroom after she gave students her highly critical personal opinion of president barack obama and some parents complained .\"]\n", - "=======================\n", - "[\"nancy perry wo n't teach again at dublin middle school after giving students her highly critical personal opinion of president barack obamaone student told his father , jimmie scott , who complained to the school and requested a parent-teacher conferenceshe is the wife of a school board member and brought her husband along to parent-teacher meetingscott says that perry showed him what he described as propaganda and called the president a ` baby killer 'a superintendent has said perry was already planning on retiring before the complaint about her behavior\"]\n", - "nancy perry will no longer teach students at dublin middle school and will retire at the end of the year , city schools superintendent chuck ledbetter announced on tuesday .perry is alleged to have told students that obama is a muslim and that any parent who support him could n't be christian , either .a veteran georgia middle school teacher has been removed from the classroom after she gave students her highly critical personal opinion of president barack obama and some parents complained .\n", - "nancy perry wo n't teach again at dublin middle school after giving students her highly critical personal opinion of president barack obamaone student told his father , jimmie scott , who complained to the school and requested a parent-teacher conferenceshe is the wife of a school board member and brought her husband along to parent-teacher meetingscott says that perry showed him what he described as propaganda and called the president a ` baby killer 'a superintendent has said perry was already planning on retiring before the complaint about her behavior\n", - "[1.2947205 1.2565694 1.1162894 1.135515 1.2127126 1.215204 1.2822418\n", - " 1.1807866 1.1242605 1.1492549 1.0820621 1.0884293 1.0592679 1.0492959\n", - " 1.0523881 1.0391474 1.042597 1.03737 1.0601673 1.063814 ]\n", - "\n", - "[ 0 6 1 5 4 7 9 3 8 2 11 10 19 18 12 14 13 16 15 17]\n", - "=======================\n", - "[\"the man who threw a banana peel at dave chappelle on monday night denies he is racist , claiming it was ` just a joke ' .defending his actions , christian englander added that he threw another at a second black man just two days later - insisting that was also a joke .englander was arrested on suspicion of disorderly conduct and battery during chapelle 's show in new mexico .\"]\n", - "=======================\n", - "[\"christian englander , 30 , threw a banana peel at chappelle , 41 , during show at lensic theater in santa fe on mondayon thursday , he threw another peel at a man upset by first attackclaims it was a ` joke ' because ` the irony was too much to pass up 'insists the attack on chappelle was not racially motivatedhe had eaten the fruit before the show , washed it down with a shot of 99 bananas liquor , left the peel in his pocket\"]\n", - "the man who threw a banana peel at dave chappelle on monday night denies he is racist , claiming it was ` just a joke ' .defending his actions , christian englander added that he threw another at a second black man just two days later - insisting that was also a joke .englander was arrested on suspicion of disorderly conduct and battery during chapelle 's show in new mexico .\n", - "christian englander , 30 , threw a banana peel at chappelle , 41 , during show at lensic theater in santa fe on mondayon thursday , he threw another peel at a man upset by first attackclaims it was a ` joke ' because ` the irony was too much to pass up 'insists the attack on chappelle was not racially motivatedhe had eaten the fruit before the show , washed it down with a shot of 99 bananas liquor , left the peel in his pocket\n", - "[1.286549 1.3010638 1.2761905 1.2117013 1.2480313 1.1412424 1.2265029\n", - " 1.0560174 1.1337849 1.0328707 1.0645978 1.0755762 1.0700347 1.0561321\n", - " 1.024893 1.0122335 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 6 3 5 8 11 12 10 13 7 9 14 15 16 17 18 19]\n", - "=======================\n", - "['the ship capsized after being hit by nine torpedoes during the december 7 , 1941 surprise attack from japanese forces .the pentagon said tuesday it would exhume and try to identify the remains of nearly 400 sailors and marines killed when the uss oklahoma sank in the bombing of pearl harbor .hundreds were buried as unknowns at cemeteries in hawaii .']\n", - "=======================\n", - "[\"the pentagon announced tuesday plans to identify the remains of hundreds of sailors and soldiers killed on board the uss oklahomathe uss oklahoma sank during the december 7 , 1941 japanese assault on pearl harbor , the american military base and portthe attack on pearl harbor resulted in the death of over 2,000 americans and marked the united states ' entrance into world war ii\"]\n", - "the ship capsized after being hit by nine torpedoes during the december 7 , 1941 surprise attack from japanese forces .the pentagon said tuesday it would exhume and try to identify the remains of nearly 400 sailors and marines killed when the uss oklahoma sank in the bombing of pearl harbor .hundreds were buried as unknowns at cemeteries in hawaii .\n", - "the pentagon announced tuesday plans to identify the remains of hundreds of sailors and soldiers killed on board the uss oklahomathe uss oklahoma sank during the december 7 , 1941 japanese assault on pearl harbor , the american military base and portthe attack on pearl harbor resulted in the death of over 2,000 americans and marked the united states ' entrance into world war ii\n", - "[1.4337163 1.246017 1.3374746 1.1370496 1.0730665 1.0388702 1.2549142\n", - " 1.1145918 1.0842314 1.0433617 1.0679876 1.1007338 1.05302 1.0596629\n", - " 1.0793422 1.0398736 1.0148436 1.0695467]\n", - "\n", - "[ 0 2 6 1 3 7 11 8 14 4 17 10 13 12 9 15 5 16]\n", - "=======================\n", - "[\"the senate democratic leader , harry reid , says he may never again see out of one eye . 'senate minority leader harry reid is pictured here on monday in his home state of nevada .i am sightless in my right eye , ' he told fusion and univision anchor jorge ramos .\"]\n", - "=======================\n", - "[\"` right now , i 've had 11 hours of surgery .the 75-year-old former boxer says he was exercising in his new home in nevada when his exercise band ` slipped ' and spun him aroundi smashed my face into a cabinet so hard ... ' reid saidthe longtime lawmaker , upon announcing his retirement last month , insisted his departure from the senate was not related to the accidentreflecting on his career , reid said he has ` no repentance ' for claiming mitt romney did n't pay his taxes because ` it is an issue that was important '\"]\n", - "the senate democratic leader , harry reid , says he may never again see out of one eye . 'senate minority leader harry reid is pictured here on monday in his home state of nevada .i am sightless in my right eye , ' he told fusion and univision anchor jorge ramos .\n", - "` right now , i 've had 11 hours of surgery .the 75-year-old former boxer says he was exercising in his new home in nevada when his exercise band ` slipped ' and spun him aroundi smashed my face into a cabinet so hard ... ' reid saidthe longtime lawmaker , upon announcing his retirement last month , insisted his departure from the senate was not related to the accidentreflecting on his career , reid said he has ` no repentance ' for claiming mitt romney did n't pay his taxes because ` it is an issue that was important '\n", - "[1.1834224 1.4920504 1.1778967 1.2460089 1.3015583 1.1863167 1.0593952\n", - " 1.2544296 1.0604906 1.1447786 1.0088195 1.2169294 1.1333735 1.0647582\n", - " 1.0732882 1.1397389 1.0461252 0. ]\n", - "\n", - "[ 1 4 7 3 11 5 0 2 9 15 12 14 13 8 6 16 10 17]\n", - "=======================\n", - "[\"paddle , pellita , chan and idalia have been sent from australia as a gift to mark singapore 's 50th anniversary of independence .according to channel news asia , the koalas will be on loan to singapore for six months at a purpose-built enclosure in singapore zoo .qantas have released photos of koalas in business class being served refreshments and eucalyptus leaves\"]\n", - "=======================\n", - "['qantas released photos of koalas in first class being served refreshmentsthe 4 koalas are gifts for singapore marking their 50 year of independencethey will be travelling in specially built containers fit with eucalyptus treethis special gift was announced by julie bishop on thursday']\n", - "paddle , pellita , chan and idalia have been sent from australia as a gift to mark singapore 's 50th anniversary of independence .according to channel news asia , the koalas will be on loan to singapore for six months at a purpose-built enclosure in singapore zoo .qantas have released photos of koalas in business class being served refreshments and eucalyptus leaves\n", - "qantas released photos of koalas in first class being served refreshmentsthe 4 koalas are gifts for singapore marking their 50 year of independencethey will be travelling in specially built containers fit with eucalyptus treethis special gift was announced by julie bishop on thursday\n", - "[1.090104 1.1999326 1.2702897 1.3187803 1.244374 1.239225 1.0267328\n", - " 1.0183824 1.0168006 1.1956898 1.2378327 1.0148695 1.0946872 1.0376728\n", - " 1.0122497 1.0112709 1.0101695 1.0184416]\n", - "\n", - "[ 3 2 4 5 10 1 9 12 0 13 6 17 7 8 11 14 15 16]\n", - "=======================\n", - "[\"loved-up couples around the world are sharing the intimate moment they got engaged via instagram account howheaskedalongside the thousands of pictures are the couples ' touching proposal stories .one parisian proposal was captured by a photographer secretly hired by the gallant groom-to-be\"]\n", - "=======================\n", - "[\"couples are sharing their proposals via instagram account howheaskedalongside the thousands of pictures are couples ' touching proposal storiesstunning settings include mountain tops , balmy beaches and snowy parksparis , hawaii , venice , norway ... and disney world all feature\"]\n", - "loved-up couples around the world are sharing the intimate moment they got engaged via instagram account howheaskedalongside the thousands of pictures are the couples ' touching proposal stories .one parisian proposal was captured by a photographer secretly hired by the gallant groom-to-be\n", - "couples are sharing their proposals via instagram account howheaskedalongside the thousands of pictures are couples ' touching proposal storiesstunning settings include mountain tops , balmy beaches and snowy parksparis , hawaii , venice , norway ... and disney world all feature\n", - "[1.2703626 1.2974409 1.298916 1.2426003 1.2298514 1.064923 1.0588174\n", - " 1.039509 1.0902153 1.0832182 1.026367 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 4 8 9 5 6 7 10 16 11 12 13 14 15 17]\n", - "=======================\n", - "[\"it now goes to the full senate , where it is could pass with a veto-proof majority of more than 66 lawmakers .senators later voted 19-0 to give the white house some of , but not all of its asks , and left in a signature feature of the bill giving congress the authority to approve a final deal with iran that the white house earlier implied may have been on the chopping block .the house 's top vote counter on monday said lawmakers in the lower chamber would also take up the bill after their colleagues in the senate finished the voting process .\"]\n", - "=======================\n", - "['sensing a legislative defeat white house said the president would be willing to sign the bill if senators axed key portions of their iran billsenators voted 19-0 to give the white house some of , but not all of its asks , and left in a signature feature giving congress authority over a dealit now goes to the full senate , where it is could pass with a veto-proof majority - making the president powerless to reject it']\n", - "it now goes to the full senate , where it is could pass with a veto-proof majority of more than 66 lawmakers .senators later voted 19-0 to give the white house some of , but not all of its asks , and left in a signature feature of the bill giving congress the authority to approve a final deal with iran that the white house earlier implied may have been on the chopping block .the house 's top vote counter on monday said lawmakers in the lower chamber would also take up the bill after their colleagues in the senate finished the voting process .\n", - "sensing a legislative defeat white house said the president would be willing to sign the bill if senators axed key portions of their iran billsenators voted 19-0 to give the white house some of , but not all of its asks , and left in a signature feature giving congress authority over a dealit now goes to the full senate , where it is could pass with a veto-proof majority - making the president powerless to reject it\n", - "[1.2907255 1.3933008 1.3164418 1.1431361 1.0993237 1.1686536 1.0592724\n", - " 1.0302376 1.0309514 1.0285243 1.187583 1.0305028 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 10 5 3 4 6 8 11 7 9 12 13 14 15 16 17]\n", - "=======================\n", - "[\"the game , which dates back to australia 's goldfields and the first recorded games are believed to have taken place in the late 1790s , made a resurgence as a way to pass time in the trenches .on saturday , as aussies commemorated the centenary of the landing at gallipoli , thousands of men and women took their chances with the coin game in the spirit of the diggers .it 's legal just one day a year , and this anzac day australians took advantage of the opportunity to play the century-old tradition of two-up in pubs and clubs all around the country .\"]\n", - "=======================\n", - "[\"around australia men and women flocked to play two-up after attending dawn and memorial services on anzac daythe game dates back to australia 's goldfields and the first recorded games took place in the late 1790stwo-up is illegal on all days apart from anzac day as it is considered a form of gamblingversions vary between the original two-coined game and three-coined versionpennies are placed on a paddle and are thrown into the air for people to bet on ( ` heads ' or ` tails ' )\"]\n", - "the game , which dates back to australia 's goldfields and the first recorded games are believed to have taken place in the late 1790s , made a resurgence as a way to pass time in the trenches .on saturday , as aussies commemorated the centenary of the landing at gallipoli , thousands of men and women took their chances with the coin game in the spirit of the diggers .it 's legal just one day a year , and this anzac day australians took advantage of the opportunity to play the century-old tradition of two-up in pubs and clubs all around the country .\n", - "around australia men and women flocked to play two-up after attending dawn and memorial services on anzac daythe game dates back to australia 's goldfields and the first recorded games took place in the late 1790stwo-up is illegal on all days apart from anzac day as it is considered a form of gamblingversions vary between the original two-coined game and three-coined versionpennies are placed on a paddle and are thrown into the air for people to bet on ( ` heads ' or ` tails ' )\n", - "[1.2065277 1.3570875 1.3591402 1.3071072 1.2113734 1.1186198 1.1128112\n", - " 1.1118215 1.1675724 1.2382778 1.0301448 1.0241193 1.0344996 1.0245541\n", - " 1.0565982 1.0203881 1.0271364 1.026071 1.0966172]\n", - "\n", - "[ 2 1 3 9 4 0 8 5 6 7 18 14 12 10 16 17 13 11 15]\n", - "=======================\n", - "['officers arrested a 32-year-old man from suburban kepnock who will appear at bundaberg magistrates court on monday on charges including grievous bodily harm , deprivation of liberty and torture .the case involves a man from central queensland who has been charged with torture , after another man went to hospital suffering fractures , head injuries and burns .the victim was taken to hospital on march 28 , with burns to 15 per cent of his body .']\n", - "=======================\n", - "[\"man charged with grievous bodily harm , deprivation of liberty and torturevictim suffered fractures , head injuries and burns to 15 per cent of bodyin a surprising twist , victim claims to be suffering from amnesiabut police investigations uncover ` solid evidence ' to make an arrestcase to be heard at bundaberg magistrates court on monday\"]\n", - "officers arrested a 32-year-old man from suburban kepnock who will appear at bundaberg magistrates court on monday on charges including grievous bodily harm , deprivation of liberty and torture .the case involves a man from central queensland who has been charged with torture , after another man went to hospital suffering fractures , head injuries and burns .the victim was taken to hospital on march 28 , with burns to 15 per cent of his body .\n", - "man charged with grievous bodily harm , deprivation of liberty and torturevictim suffered fractures , head injuries and burns to 15 per cent of bodyin a surprising twist , victim claims to be suffering from amnesiabut police investigations uncover ` solid evidence ' to make an arrestcase to be heard at bundaberg magistrates court on monday\n", - "[1.4235518 1.2999349 1.2972636 1.4123473 1.2417041 1.1527468 1.0925667\n", - " 1.1070933 1.1566063 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 8 5 7 6 16 15 14 13 9 11 10 17 12 18]\n", - "=======================\n", - "[\"hull , leicester and swansea city are following poland international winger maciej rybus .stan ternent , hull 's chief scout has watched the 25-year-old playing for russian side terek grozny .he has one year left on his current deal and has a get-out clause for # 3.2 million .\"]\n", - "=======================\n", - "[\"hull 's chief scout stan ternent has watched maciej rybus in russiarybus is a poland international and plays for terek groznypremier league rivals leicester and swansea are also interestedthe 25-year-old has one year left on contract and has # 3.2 m release clause\"]\n", - "hull , leicester and swansea city are following poland international winger maciej rybus .stan ternent , hull 's chief scout has watched the 25-year-old playing for russian side terek grozny .he has one year left on his current deal and has a get-out clause for # 3.2 million .\n", - "hull 's chief scout stan ternent has watched maciej rybus in russiarybus is a poland international and plays for terek groznypremier league rivals leicester and swansea are also interestedthe 25-year-old has one year left on contract and has # 3.2 m release clause\n", - "[1.3382373 1.3523502 1.2727935 1.2757286 1.3805006 1.0280437 1.025058\n", - " 1.0275025 1.0537404 1.0240049 1.0158333 1.053628 1.066195 1.0672972\n", - " 1.0557859 1.0785854 1.0145533 1.0163243 1.0753947]\n", - "\n", - "[ 4 1 0 3 2 15 18 13 12 14 8 11 5 7 6 9 17 10 16]\n", - "=======================\n", - "['guilty : hernandez was found guilty wednesday of murdering odin lloyd in 2013 .the seven women and five men who voted to find the 25-year-old guilty of murder this week say it was a heart-wrenching decision , but one they made in confidence .the jury that sentenced aaron hernandez to life in prison on wednesday want the world to know that they gave the ex-new england patriots star a fair trial .']\n", - "=======================\n", - "[\"the aaron hernandez jury and alternate jurors sat down as a group with cnn 's anderson cooper on thursdaythe jury wanted to make it known that they gave hernandez a fair trial and did not let his notoriety get in the way of their difficult decision makinghernandez , 25 , was sentenced to life in prison without the possibility of parole on wednesday for the 2013 murder of odin lloydbefore his arrest , hernandez was a star tight-end for the new england patriots , with a $ 40million five-year contract\"]\n", - "guilty : hernandez was found guilty wednesday of murdering odin lloyd in 2013 .the seven women and five men who voted to find the 25-year-old guilty of murder this week say it was a heart-wrenching decision , but one they made in confidence .the jury that sentenced aaron hernandez to life in prison on wednesday want the world to know that they gave the ex-new england patriots star a fair trial .\n", - "the aaron hernandez jury and alternate jurors sat down as a group with cnn 's anderson cooper on thursdaythe jury wanted to make it known that they gave hernandez a fair trial and did not let his notoriety get in the way of their difficult decision makinghernandez , 25 , was sentenced to life in prison without the possibility of parole on wednesday for the 2013 murder of odin lloydbefore his arrest , hernandez was a star tight-end for the new england patriots , with a $ 40million five-year contract\n", - "[1.5108268 1.1588826 1.1648632 1.0691899 1.3540391 1.2175839 1.1900746\n", - " 1.0881612 1.090926 1.0625254 1.028242 1.043682 1.0814782 1.1456264\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 5 6 2 1 13 8 7 12 3 9 11 10 17 14 15 16 18]\n", - "=======================\n", - "[\"mustafa kamal resigned as icc president on wednesday , accusing india of influencing the outcome of the cricket world cup quarter-final against bangladesh .kamal , also president of the bangladesh cricket board , criticised the umpires in the quarter-final , and questioned their partiality , over a disputed no-ball against india batsman rohit sharma .icc chairman narayanaswami srinivasan , of india , handed over the trophy to captain michael clarke after australia defeated new zealand by seven wickets in sunday 's final in melbourne .\"]\n", - "=======================\n", - "[\"kamal criticised umpires ' decision to award controversial no-ball against rohit sharma in india 's world cup match with bangladeshthe bangladeshi president alleged india had used its influence in the iccgoverning body asked him to withdraw his statement or apologisebut kamal confirmed his intention to step down\"]\n", - "mustafa kamal resigned as icc president on wednesday , accusing india of influencing the outcome of the cricket world cup quarter-final against bangladesh .kamal , also president of the bangladesh cricket board , criticised the umpires in the quarter-final , and questioned their partiality , over a disputed no-ball against india batsman rohit sharma .icc chairman narayanaswami srinivasan , of india , handed over the trophy to captain michael clarke after australia defeated new zealand by seven wickets in sunday 's final in melbourne .\n", - "kamal criticised umpires ' decision to award controversial no-ball against rohit sharma in india 's world cup match with bangladeshthe bangladeshi president alleged india had used its influence in the iccgoverning body asked him to withdraw his statement or apologisebut kamal confirmed his intention to step down\n", - "[1.1055851 1.3358625 1.1177931 1.5329998 1.1632236 1.09263 1.1454117\n", - " 1.1593341 1.0866961 1.1419111 1.096638 1.0505233 1.11044 1.04575\n", - " 1.0639457 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 4 7 6 9 2 12 0 10 5 8 14 11 13 17 15 16 18]\n", - "=======================\n", - "[\"preston north end striker kevin davies tweeted a picture of his cut right hand after chainsawing on tuesdayhowever , davies ' latest injury is self-inflicted as the england international inadvertently hacked away at his right hand while operating a chainsaw .during preston 's fa cup fifth round replay 3-1 defeat to manchester united on february 16 , davies managed to play over an hour after team-mate joe garner accidentally crushed his left hand in the opening exchanges of the contest .\"]\n", - "=======================\n", - "['kevin davies tweeted a photo of right hand cut in two places on tuesday38-year-old has scored one goal all season for preston north end so fardavies was an unused substitute in their 3-0 win at bradford on monday']\n", - "preston north end striker kevin davies tweeted a picture of his cut right hand after chainsawing on tuesdayhowever , davies ' latest injury is self-inflicted as the england international inadvertently hacked away at his right hand while operating a chainsaw .during preston 's fa cup fifth round replay 3-1 defeat to manchester united on february 16 , davies managed to play over an hour after team-mate joe garner accidentally crushed his left hand in the opening exchanges of the contest .\n", - "kevin davies tweeted a photo of right hand cut in two places on tuesday38-year-old has scored one goal all season for preston north end so fardavies was an unused substitute in their 3-0 win at bradford on monday\n", - "[1.5499902 1.4794751 1.0839148 1.426138 1.0765408 1.0373013 1.0203545\n", - " 1.0153753 1.0117396 1.2382486 1.1733992 1.2930353 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 3 11 9 10 2 4 5 6 7 8 20 19 18 17 13 15 14 12 21 16 22]\n", - "=======================\n", - "[\"paris saint-germain midfielder marco verratti has heaped praise on zlatan ibrahimovic for playing an ` essential ' role for the french club .the 33-year-old striker has bagged 17 ligue 1 goals for laurent blanc 's side this season , but verratti believes his input off the pitch is just as important .ibrahimovic is available for the club 's champions league quarter-final second leg against barcelona\"]\n", - "=======================\n", - "[\"marco verratti has hailed zlatan ibrahimovic for his off-the-field attitudeverratti reveals the swedish striker helps young players progressparis saint-germain face barcelona on tuesday nightblanc admits progressing against barcelona is ` practically impossible 'read : egotistic ibrahimovic will believe barcelona will be in awe of him\"]\n", - "paris saint-germain midfielder marco verratti has heaped praise on zlatan ibrahimovic for playing an ` essential ' role for the french club .the 33-year-old striker has bagged 17 ligue 1 goals for laurent blanc 's side this season , but verratti believes his input off the pitch is just as important .ibrahimovic is available for the club 's champions league quarter-final second leg against barcelona\n", - "marco verratti has hailed zlatan ibrahimovic for his off-the-field attitudeverratti reveals the swedish striker helps young players progressparis saint-germain face barcelona on tuesday nightblanc admits progressing against barcelona is ` practically impossible 'read : egotistic ibrahimovic will believe barcelona will be in awe of him\n", - "[1.2489598 1.3340163 1.1680967 1.1608948 1.205729 1.0894955 1.1193084\n", - " 1.1410402 1.050703 1.058476 1.0408969 1.0746118 1.0451247 1.0370033\n", - " 1.0752982 1.0344547 1.048679 1.0723205 1.0595344 1.0159609 1.0247281\n", - " 1.0193452 1.0298615]\n", - "\n", - "[ 1 0 4 2 3 7 6 5 14 11 17 18 9 8 16 12 10 13 15 22 20 21 19]\n", - "=======================\n", - "['he was born in american samoa , a u.s. territory since 1900 .( cnn ) emy afalava is a loyal american and decorated veteran .yet , afalava has been denied the right to vote because the federal government insists that he is no citizen .']\n", - "=======================\n", - "[\"emy afalava is a loyal american and decorated veteran ; he 's also an american samoansam erman and nathan perl-rosenthal : it is outrageous that he and others like him are denied citizenship\"]\n", - "he was born in american samoa , a u.s. territory since 1900 .( cnn ) emy afalava is a loyal american and decorated veteran .yet , afalava has been denied the right to vote because the federal government insists that he is no citizen .\n", - "emy afalava is a loyal american and decorated veteran ; he 's also an american samoansam erman and nathan perl-rosenthal : it is outrageous that he and others like him are denied citizenship\n", - "[1.1917502 1.238762 1.2435868 1.2532012 1.1719071 1.0802381 1.1274879\n", - " 1.0664064 1.1486987 1.1014115 1.0379822 1.1078871 1.0509669 1.0488906\n", - " 1.0323783 1.0206174 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 2 1 0 4 8 6 11 9 5 7 12 13 10 14 15 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"bias : when ukip leader nigel farage ( right ) said the audience was prejudiced , they only booed him furtherthe audience at the filming of thursday night 's debate in westminster repeatedly cheered calls for more public spending and strong defences of immigration .the bbc filled more than half its election tv debate audience with left-leaning voters , some of whom were brought in from scotland and wales , it emerged last night .\"]\n", - "=======================\n", - "[\"they cheered calls for more public spending and defences of immigrationwhen ukip leader nigel farage said they were prejudiced , he was booedhost david dimbleby pointed out that audience wad n't selected by the bbcbut by a ` reputable polling organisation ' , later to be revealed to be icm\"]\n", - "bias : when ukip leader nigel farage ( right ) said the audience was prejudiced , they only booed him furtherthe audience at the filming of thursday night 's debate in westminster repeatedly cheered calls for more public spending and strong defences of immigration .the bbc filled more than half its election tv debate audience with left-leaning voters , some of whom were brought in from scotland and wales , it emerged last night .\n", - "they cheered calls for more public spending and defences of immigrationwhen ukip leader nigel farage said they were prejudiced , he was booedhost david dimbleby pointed out that audience wad n't selected by the bbcbut by a ` reputable polling organisation ' , later to be revealed to be icm\n", - "[1.1110555 1.0956944 1.0568373 1.3997254 1.2175583 1.2292758 1.2816738\n", - " 1.2282196 1.1191484 1.0188707 1.0212953 1.0161937 1.136662 1.0812546\n", - " 1.057136 1.0795199 1.1203474 1.0886476 1.0619191 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 6 5 7 4 12 16 8 0 1 17 13 15 18 14 2 10 9 11 19 20 21 22]\n", - "=======================\n", - "['harold has been accepted by every single one - including all eight ivy league schools .incredible achievement : harold , 18 , insists he had no idea he would be accepted by all 13 collegesstar : the high school senior moved from nigeria to long island 10 years ago with his parents roseline ( pictured ) and paul ekeh .']\n", - "=======================\n", - "[\"harold ekeh , 18 , was editor of his student paper and ceo of the model uncelebrated being accepted to 13 colleges with a chipotle burrito bowlmoved from nigeria to long island at the age of eight , got 2270 in his satscredits his success to his parents ' resilience and positivityhe is leaning toward yale , has until may 1 to decideplans to be a neurosurgeon to find alzheimer 's cure for his grandmother\"]\n", - "harold has been accepted by every single one - including all eight ivy league schools .incredible achievement : harold , 18 , insists he had no idea he would be accepted by all 13 collegesstar : the high school senior moved from nigeria to long island 10 years ago with his parents roseline ( pictured ) and paul ekeh .\n", - "harold ekeh , 18 , was editor of his student paper and ceo of the model uncelebrated being accepted to 13 colleges with a chipotle burrito bowlmoved from nigeria to long island at the age of eight , got 2270 in his satscredits his success to his parents ' resilience and positivityhe is leaning toward yale , has until may 1 to decideplans to be a neurosurgeon to find alzheimer 's cure for his grandmother\n", - "[1.258115 1.4513171 1.3391762 1.3822125 1.2717363 1.2224257 1.0862114\n", - " 1.0479231 1.0629687 1.0458902 1.0466417 1.0857494 1.1198994 1.0593213\n", - " 1.0501544 1.0246892 1.0171959 1.0114176 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 5 12 6 11 8 13 14 7 10 9 15 16 17 21 18 19 20 22]\n", - "=======================\n", - "['rachel lynn lehnardt , 35 , from evans , georgia , was spotted outside her house wearing a hooded jacket and workout clothes just days after being arrested .she was arrested on saturday night and has been charged with two counts of contributing to the delinquency of a minor .she allegedly played naked twister with the group of teens before she had sex with an 18-year-old male in the bathroom .']\n", - "=======================\n", - "[\"rachel lehnardt , 35 , ` allowed her 16-year-old daughter and her friends drink alcohol and smoke marijuana in her georgia home 'they ` all played naked twister and lehnardt had sex with an 18-year-old man in the bathroom before playing with sex toys in front of the teens 'she said she went to bed alone but awoke to her daughter 's 16-year-old boyfriend having sex with her ; there are no charges against himafter the incident , she lost custody of her children and told her aa sponsor , who contacted authorities\"]\n", - "rachel lynn lehnardt , 35 , from evans , georgia , was spotted outside her house wearing a hooded jacket and workout clothes just days after being arrested .she was arrested on saturday night and has been charged with two counts of contributing to the delinquency of a minor .she allegedly played naked twister with the group of teens before she had sex with an 18-year-old male in the bathroom .\n", - "rachel lehnardt , 35 , ` allowed her 16-year-old daughter and her friends drink alcohol and smoke marijuana in her georgia home 'they ` all played naked twister and lehnardt had sex with an 18-year-old man in the bathroom before playing with sex toys in front of the teens 'she said she went to bed alone but awoke to her daughter 's 16-year-old boyfriend having sex with her ; there are no charges against himafter the incident , she lost custody of her children and told her aa sponsor , who contacted authorities\n", - "[1.3013773 1.3960332 1.2842128 1.2836379 1.1777058 1.1363411 1.1194832\n", - " 1.1503973 1.0874583 1.0604177 1.0574216 1.1640202 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 11 7 5 6 8 9 10 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "['the group were identified in a secret police intelligence report from 1964 in a four-page document .an unnamed hit band from the 1960s attended the same paedophile brothel as shamed bbc star jimmy savile .the document related to a notorious flat in battersea , south west london which was used by paedophiles .']\n", - "=======================\n", - "['police collated the four-page dossier following an investigation in 1964the band were linked to the paedophile brothel in battersea , londonjimmy savile was known to attend the same london brothel in the 1970soperation yewtree detectives have been busy examining the old files']\n", - "the group were identified in a secret police intelligence report from 1964 in a four-page document .an unnamed hit band from the 1960s attended the same paedophile brothel as shamed bbc star jimmy savile .the document related to a notorious flat in battersea , south west london which was used by paedophiles .\n", - "police collated the four-page dossier following an investigation in 1964the band were linked to the paedophile brothel in battersea , londonjimmy savile was known to attend the same london brothel in the 1970soperation yewtree detectives have been busy examining the old files\n", - "[1.2164372 1.5129676 1.303236 1.1366602 1.3676078 1.2204136 1.1793814\n", - " 1.0980633 1.0697128 1.085449 1.0786247 1.0501753 1.0425805 1.0272356\n", - " 1.018396 1.0664159 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 5 0 6 3 7 9 10 8 15 11 12 13 14 18 16 17 19]\n", - "=======================\n", - "['kimberly waddell macemore , 25 , of wilkesboro , was sentenced on tuesday to a total of not less than 12 months nor more than 34 months in prison .the sentence was suspended for 36 months and she was placed on supervised probation .macemore was a second year english teacher at west wilkes high school when she was suspended without pay following her arrest in may 2014']\n", - "=======================\n", - "['kimberly waddell macemore , 25 , of wilkesboro , south carolina , pleaded guilty on tuesday to having sexual relations with two 17-year-old boysshe was a second year english teacher at west wilkes high school when she was arrested in may 2014the teacher had a casual sexual relationship with one young man , but had enjoyed a longer and more involved relationship with the other']\n", - "kimberly waddell macemore , 25 , of wilkesboro , was sentenced on tuesday to a total of not less than 12 months nor more than 34 months in prison .the sentence was suspended for 36 months and she was placed on supervised probation .macemore was a second year english teacher at west wilkes high school when she was suspended without pay following her arrest in may 2014\n", - "kimberly waddell macemore , 25 , of wilkesboro , south carolina , pleaded guilty on tuesday to having sexual relations with two 17-year-old boysshe was a second year english teacher at west wilkes high school when she was arrested in may 2014the teacher had a casual sexual relationship with one young man , but had enjoyed a longer and more involved relationship with the other\n", - "[1.4507375 1.1093549 1.4170713 1.2828375 1.229055 1.1650635 1.081793\n", - " 1.0737147 1.1625683 1.074348 1.2001686 1.0640486 1.0189492 1.0123962\n", - " 1.0201156 1.0258744 1.0213423 1.0247988 0. 0. ]\n", - "\n", - "[ 0 2 3 4 10 5 8 1 6 9 7 11 15 17 16 14 12 13 18 19]\n", - "=======================\n", - "[\"` out of character ' : jay kantaria , 38 , had been looking forward to his daughter 's birthday party when he leapt onto train tracks last octoberbut a coroner recorded an open verdict on the cause of death , saying there was ` doubt ' as to mr kantaria 's intention when he jumped as a train passed through the station last october .north london coroner 's court in barnet was told the businessman had ` recently ' left his senior position at baring asset management to start a career in property development .\"]\n", - "=======================\n", - "[\"jay kantaria , 38 , leapt onto tracks at sudbury hill station in nw londonhe had recently left investment firm to start property development careerfamily say he had ` everything to live for ' and death was ` out of the blue 'coroner records open verdict as case ` just does n't seem to make sense '\"]\n", - "` out of character ' : jay kantaria , 38 , had been looking forward to his daughter 's birthday party when he leapt onto train tracks last octoberbut a coroner recorded an open verdict on the cause of death , saying there was ` doubt ' as to mr kantaria 's intention when he jumped as a train passed through the station last october .north london coroner 's court in barnet was told the businessman had ` recently ' left his senior position at baring asset management to start a career in property development .\n", - "jay kantaria , 38 , leapt onto tracks at sudbury hill station in nw londonhe had recently left investment firm to start property development careerfamily say he had ` everything to live for ' and death was ` out of the blue 'coroner records open verdict as case ` just does n't seem to make sense '\n", - "[1.2166665 1.4269775 1.3087987 1.2332664 1.2684815 1.1449945 1.0959549\n", - " 1.0506293 1.0133401 1.1848937 1.1111915 1.0630527 1.0132754 1.0310844\n", - " 1.0283729 1.0940242 1.0634412 1.024719 1.0142789 1.0129243]\n", - "\n", - "[ 1 2 4 3 0 9 5 10 6 15 16 11 7 13 14 17 18 8 12 19]\n", - "=======================\n", - "[\"woolworths launched ` fresh in our memories ' last week , inviting australians to upload images to remember those who fought for their country , which it then branded with its logo and a ` fresh in our memories ' slogan .the supermarket has since been forced to halt the campaign it was branded ` disrespectful ' and ` disgusting ' by social media users who unleashed a barrage of memes poking fun at woolworth 's attempt to embrace anzac day .an online campaign for woolworths has caused outrage on social media\"]\n", - "=======================\n", - "[\"the woolworths ` fresh in our memories ' campaign launched last weekit invited customers to upload images to remember australians who fought for their countrythe supermarket then added a woolworths logo and slogan to the imagescustomers took to social media to mock the campaign and express their anger with what they saw as a marketing ploy by the companywoolworths has taken down the campaign and also denied that it was designed as a marketing strategy\"]\n", - "woolworths launched ` fresh in our memories ' last week , inviting australians to upload images to remember those who fought for their country , which it then branded with its logo and a ` fresh in our memories ' slogan .the supermarket has since been forced to halt the campaign it was branded ` disrespectful ' and ` disgusting ' by social media users who unleashed a barrage of memes poking fun at woolworth 's attempt to embrace anzac day .an online campaign for woolworths has caused outrage on social media\n", - "the woolworths ` fresh in our memories ' campaign launched last weekit invited customers to upload images to remember australians who fought for their countrythe supermarket then added a woolworths logo and slogan to the imagescustomers took to social media to mock the campaign and express their anger with what they saw as a marketing ploy by the companywoolworths has taken down the campaign and also denied that it was designed as a marketing strategy\n", - "[1.3984523 1.337094 1.1594019 1.1428139 1.0753182 1.2155292 1.0979125\n", - " 1.1277187 1.0993356 1.0234414 1.0519238 1.1276164 1.0945443 1.1341826\n", - " 1.0779278 1.1064005 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 2 3 13 7 11 15 8 6 12 14 4 10 9 16 17 18 19]\n", - "=======================\n", - "[\"president barack obama took a break from being the real president on april fools ' day to impersonate a fictional one , house of cards ' conniving frank underwood .this is not frank underwood , ' the president said after turning his head underwood , who is played by oscar-winning actor kevin spacey and frequently speaks shakespearean-style monologues to the audience .` this is barack obama .\"]\n", - "=======================\n", - "['president spoke to the camera for 12 seconds , beginning in southern drawlobama has previously said he is a fan of the show and its ruthless efficiency']\n", - "president barack obama took a break from being the real president on april fools ' day to impersonate a fictional one , house of cards ' conniving frank underwood .this is not frank underwood , ' the president said after turning his head underwood , who is played by oscar-winning actor kevin spacey and frequently speaks shakespearean-style monologues to the audience .` this is barack obama .\n", - "president spoke to the camera for 12 seconds , beginning in southern drawlobama has previously said he is a fan of the show and its ruthless efficiency\n", - "[1.348526 1.3068006 1.1638514 1.1113932 1.052181 1.1388385 1.1878757\n", - " 1.1178513 1.1446775 1.1200461 1.0913832 1.0969179 1.0646185 1.0530534\n", - " 1.0544573 1.0301808 1.0819743 1.0680976 1.0471407]\n", - "\n", - "[ 0 1 6 2 8 5 9 7 3 11 10 16 17 12 14 13 4 18 15]\n", - "=======================\n", - "['former tech executive carly fiorina is set to become the second woman in the 2016 white house hunt -- if a report published wednesday afternoon is accurate .the onetime hewlett-packard ceo will launch a formal campaignhear me roar : fiorina spoke at the republican leadership summit on saturday in nashua , new hampshire']\n", - "=======================\n", - "[\"former hewlett-packard ceo reportedly will enter presidential race may 4her spokeswoman , though , says it 's an unconfirmed rumorfiorina would join three senators in the republican nomination fight and balance democratic front-runner hillary clintonfiorina says she can take clinton 's edge as a woman off the table\"]\n", - "former tech executive carly fiorina is set to become the second woman in the 2016 white house hunt -- if a report published wednesday afternoon is accurate .the onetime hewlett-packard ceo will launch a formal campaignhear me roar : fiorina spoke at the republican leadership summit on saturday in nashua , new hampshire\n", - "former hewlett-packard ceo reportedly will enter presidential race may 4her spokeswoman , though , says it 's an unconfirmed rumorfiorina would join three senators in the republican nomination fight and balance democratic front-runner hillary clintonfiorina says she can take clinton 's edge as a woman off the table\n", - "[1.4242158 1.3594167 1.3088872 1.3967991 1.1741043 1.0795155 1.0251709\n", - " 1.0442994 1.1586276 1.0399979 1.0396994 1.0300276 1.1596274 1.129734\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 12 8 13 5 7 9 10 11 6 17 14 15 16 18]\n", - "=======================\n", - "['irish jockey davy condon has been forced to retire from the saddle due to a spinal injury sustained in the grand national earlier this month .it was the second time within a year that the rider suffered a similar injury .condon had resigned himself to the fact he would be out of action for a lengthy period of time but after seeing a specialist on wednesday he has been advised to call time on his career .']\n", - "=======================\n", - "[\"davy condon has been forced to retire due to a spinal injurythe irish jockey fell during this month 's grand national at aintreecondon was advised to retire after seeing a specialist on wednesday\"]\n", - "irish jockey davy condon has been forced to retire from the saddle due to a spinal injury sustained in the grand national earlier this month .it was the second time within a year that the rider suffered a similar injury .condon had resigned himself to the fact he would be out of action for a lengthy period of time but after seeing a specialist on wednesday he has been advised to call time on his career .\n", - "davy condon has been forced to retire due to a spinal injurythe irish jockey fell during this month 's grand national at aintreecondon was advised to retire after seeing a specialist on wednesday\n", - "[1.2774298 1.4869876 1.1873567 1.1657587 1.1871089 1.3006941 1.0321163\n", - " 1.1060754 1.0343441 1.0857487 1.0853183 1.0529386 1.0180118 1.01567\n", - " 1.1392723 1.0207993 0. 0. 0. ]\n", - "\n", - "[ 1 5 0 2 4 3 14 7 9 10 11 8 6 15 12 13 17 16 18]\n", - "=======================\n", - "[\"labial reduction procedures - surgery to reduce the size of the inner ` lips ' of the vagina - have risen five-fold in the past 10 years , with more than 2,000 operations performed in 2010 .and the trend is reflected in australia where procedures have more than doubled in the same time period .there are inner labia -- the labia minora - which are thinner , and the outer labia -- the labia majora , which have more tissue and fat .\"]\n", - "=======================\n", - "[\"nhs labial reduction procedures risen five-fold in the last 10 yearsmore than 2,000 of the cosmetic operations were performed in 2010trend is reflected in australia with ops more than doubling in same timeexperts call for more information to help women understand what 's normal\"]\n", - "labial reduction procedures - surgery to reduce the size of the inner ` lips ' of the vagina - have risen five-fold in the past 10 years , with more than 2,000 operations performed in 2010 .and the trend is reflected in australia where procedures have more than doubled in the same time period .there are inner labia -- the labia minora - which are thinner , and the outer labia -- the labia majora , which have more tissue and fat .\n", - "nhs labial reduction procedures risen five-fold in the last 10 yearsmore than 2,000 of the cosmetic operations were performed in 2010trend is reflected in australia with ops more than doubling in same timeexperts call for more information to help women understand what 's normal\n", - "[1.3021376 1.4656179 1.3691878 1.1167016 1.0795611 1.0414878 1.324554\n", - " 1.1762164 1.0606735 1.1996055 1.0179316 1.020018 1.0114698 1.0560824\n", - " 1.0542853 1.057416 1.0880461 1.0223321 1.0178359]\n", - "\n", - "[ 1 2 6 0 9 7 3 16 4 8 15 13 14 5 17 11 10 18 12]\n", - "=======================\n", - "[\"the disgraced espn reporter was behind the mic covering the nhl stanley cup playoff game between the new york islanders and washington capitals .the 29-year-old was suspended for a week footage emerged showing her unleash a vicious verbal attack on a single mother-of-three at a towing firm .britt mchenry has marked her return to work by apologizing for her ` hurtful ' actions and has asked fans for a second chance .\"]\n", - "=======================\n", - "['mchenry , 28 , berated single mother gina michelle for towing her carshe insulted her looks and social status in footage that went viralespn suspended the sports reporter for a week amid investigationbut despite thousands of calls for her to be fired , she returned this weekcovered nhl game between new york islanders and washington capitals']\n", - "the disgraced espn reporter was behind the mic covering the nhl stanley cup playoff game between the new york islanders and washington capitals .the 29-year-old was suspended for a week footage emerged showing her unleash a vicious verbal attack on a single mother-of-three at a towing firm .britt mchenry has marked her return to work by apologizing for her ` hurtful ' actions and has asked fans for a second chance .\n", - "mchenry , 28 , berated single mother gina michelle for towing her carshe insulted her looks and social status in footage that went viralespn suspended the sports reporter for a week amid investigationbut despite thousands of calls for her to be fired , she returned this weekcovered nhl game between new york islanders and washington capitals\n", - "[1.3214366 1.2013369 1.3460274 1.2278278 1.285429 1.146196 1.0444976\n", - " 1.032386 1.0776439 1.0752778 1.0566559 1.0922029 1.0856149 1.0784839\n", - " 1.0960133 1.0636926 1.0330937 1.0768043 1.0682316]\n", - "\n", - "[ 2 0 4 3 1 5 14 11 12 13 8 17 9 18 15 10 6 16 7]\n", - "=======================\n", - "[\"the fbi confirmed it found images of a ` pre-pubescent blonde girl ' that appear to show her being sexually abused , which could have been taken ` in america or elsewhere . 'the fbi have released an image of a man they are trying to trace in connection with a sex abuse probeofficials said one picture , which does not show any abuse taking place , features the unidentified man posing with her .\"]\n", - "=======================\n", - "['investigators found photos of a young girl being sexually abusedfbi are trying to trace a man , who is not accused of carrying out abusehe appears in image posing with the girl , but not abusing herthey want to find him to identify the girl and her abusers']\n", - "the fbi confirmed it found images of a ` pre-pubescent blonde girl ' that appear to show her being sexually abused , which could have been taken ` in america or elsewhere . 'the fbi have released an image of a man they are trying to trace in connection with a sex abuse probeofficials said one picture , which does not show any abuse taking place , features the unidentified man posing with her .\n", - "investigators found photos of a young girl being sexually abusedfbi are trying to trace a man , who is not accused of carrying out abusehe appears in image posing with the girl , but not abusing herthey want to find him to identify the girl and her abusers\n", - "[1.1857208 1.41103 1.3018308 1.266824 1.3402312 1.1407783 1.0442687\n", - " 1.0699022 1.0265979 1.0146437 1.155941 1.0293702 1.0361271 1.0193667\n", - " 1.090444 1.1763538 1.2057605 1.0155799 1.013799 1.0152785 1.0105579\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 2 3 16 0 15 10 5 14 7 6 12 11 8 13 17 19 9 18 20 21 22]\n", - "=======================\n", - "[\"the everton defender , who is friends with rocker miles kane and arctic monkeys ' front-man alex turner , regularly attends gigs and also plays the guitar .but in an interview with match of the day magazine , the england international has given his thoughts on six mainstream tracks which do n't feature on his own ipod .everton defender leighton baines ( right ) , pictured in action against newcastle , is a big music lover\"]\n", - "=======================\n", - "[\"everton defender leighton baines plays the guitar and is a big music fanhe was less than impressed after listening to some of today 's pop tunesbaines admits he does n't know any one direction songsengland international is friends with rockers miles kane and alex turner\"]\n", - "the everton defender , who is friends with rocker miles kane and arctic monkeys ' front-man alex turner , regularly attends gigs and also plays the guitar .but in an interview with match of the day magazine , the england international has given his thoughts on six mainstream tracks which do n't feature on his own ipod .everton defender leighton baines ( right ) , pictured in action against newcastle , is a big music lover\n", - "everton defender leighton baines plays the guitar and is a big music fanhe was less than impressed after listening to some of today 's pop tunesbaines admits he does n't know any one direction songsengland international is friends with rockers miles kane and alex turner\n", - "[1.2563974 1.4281648 1.0986553 1.0694966 1.1807922 1.1911378 1.241372\n", - " 1.0819069 1.1381164 1.1393355 1.0503519 1.0197253 1.0489328 1.0160135\n", - " 1.0671299 1.0204272 1.1144606 1.0515068 1.0237753 1.0219101 1.0342535\n", - " 1.0847448 0. ]\n", - "\n", - "[ 1 0 6 5 4 9 8 16 2 21 7 3 14 17 10 12 20 18 19 15 11 13 22]\n", - "=======================\n", - "[\"several thousand people gathered outside the city 's main railway station flinders street at 4pm on friday .a large protest opposing the closure of remote indigenous communities in wa has shut down streets in central melbourne .this comes as the queensland police service refuses to issue an apology to an indigenous officer after claims the word ` abor ' was written on his station roster by a senior sergeant , the abc reports .\"]\n", - "=======================\n", - "['several thousands of protesters gathered in melbourne at 4pm on fridaythe rally forced the closure of flinders and elizabeth streetsthey are against the closure of remote indigenous communities in wa']\n", - "several thousand people gathered outside the city 's main railway station flinders street at 4pm on friday .a large protest opposing the closure of remote indigenous communities in wa has shut down streets in central melbourne .this comes as the queensland police service refuses to issue an apology to an indigenous officer after claims the word ` abor ' was written on his station roster by a senior sergeant , the abc reports .\n", - "several thousands of protesters gathered in melbourne at 4pm on fridaythe rally forced the closure of flinders and elizabeth streetsthey are against the closure of remote indigenous communities in wa\n", - "[1.3492672 1.2224921 1.2809533 1.3076392 1.2405506 1.1923645 1.1384192\n", - " 1.0570799 1.0276147 1.1471297 1.0456492 1.0679106 1.1093751 1.0618739\n", - " 1.0184474 1.0373943 1.0217425 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 2 4 1 5 9 6 12 11 13 7 10 15 8 16 14 21 17 18 19 20 22]\n", - "=======================\n", - "[\"british banker rurik jutting appeared before a packed courtroom in hong kong on thursday accused of the murder of two young indonesian women whose mutilated bodies were found in his apartment .wearing the same black t-shirt and dark-rimmed glasses as in previous hearings , jutting , 30 , returned to magistrates ' court after being deemed fit to stand trial in november following psychiatric tests .his case has been adjourned for five weeks\"]\n", - "=======================\n", - "[\"jutting was deemed fit to stand trial in novemberfaces life in prison if he is convicted of murder chargesjutting spoke twice , saying ' i do ' when asked if he understood chargescase was adjourned until may after prosecution asked for more time\"]\n", - "british banker rurik jutting appeared before a packed courtroom in hong kong on thursday accused of the murder of two young indonesian women whose mutilated bodies were found in his apartment .wearing the same black t-shirt and dark-rimmed glasses as in previous hearings , jutting , 30 , returned to magistrates ' court after being deemed fit to stand trial in november following psychiatric tests .his case has been adjourned for five weeks\n", - "jutting was deemed fit to stand trial in novemberfaces life in prison if he is convicted of murder chargesjutting spoke twice , saying ' i do ' when asked if he understood chargescase was adjourned until may after prosecution asked for more time\n", - "[1.2608156 1.4038303 1.2937279 1.2124256 1.2073121 1.153767 1.0860397\n", - " 1.117421 1.0331374 1.1078305 1.0376235 1.0479367 1.0385368 1.155948\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 13 5 7 9 6 11 12 10 8 21 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "['shocking images capture the moment the armed gang surround emmanuel sithole and repeatedly stab him with knives and bludgeon him with a wrench in alexandra township near johannesburg .in a chilling twist the victim was left bleeding to death in a gutter because a medical centre just 300 feet away was closed for the day because the doctor who worked there was also a foreigner and feared becoming a victim of a xenophobic attack himself .a man who fled to south africa in the hope of a better life has been brutally murdered by a mob who are believed to have attacked him purely because he came from mozambique .']\n", - "=======================\n", - "['emmanuel sithole was attacked by a mob who repeatedly stabbed him and beat him using a metal wrenchsouth african gang carried out the sickening murder because mr sithole was born in neighbouring mozambiquekilling took place in alexandra township near johannesburg after a night of xenophobic looting and attackslocals blame migrants from elsewhere in africa for a lack of jobs - with neighbours turning on one anotherin a chilling twist mr sithole did not receive treatment at nearby medical centre because foreign-born duty doctor failed to turn up for work as he feared being attackedwarning graphic content']\n", - "shocking images capture the moment the armed gang surround emmanuel sithole and repeatedly stab him with knives and bludgeon him with a wrench in alexandra township near johannesburg .in a chilling twist the victim was left bleeding to death in a gutter because a medical centre just 300 feet away was closed for the day because the doctor who worked there was also a foreigner and feared becoming a victim of a xenophobic attack himself .a man who fled to south africa in the hope of a better life has been brutally murdered by a mob who are believed to have attacked him purely because he came from mozambique .\n", - "emmanuel sithole was attacked by a mob who repeatedly stabbed him and beat him using a metal wrenchsouth african gang carried out the sickening murder because mr sithole was born in neighbouring mozambiquekilling took place in alexandra township near johannesburg after a night of xenophobic looting and attackslocals blame migrants from elsewhere in africa for a lack of jobs - with neighbours turning on one anotherin a chilling twist mr sithole did not receive treatment at nearby medical centre because foreign-born duty doctor failed to turn up for work as he feared being attackedwarning graphic content\n", - "[1.2799348 1.1388792 1.348312 1.0921885 1.3333563 1.0793103 1.1483709\n", - " 1.0462373 1.0265119 1.0706241 1.0373042 1.0330418 1.0336998 1.126087\n", - " 1.1953119 1.0405749 1.0520737 1.0449214 1.0305494 1.0204333 1.0567349\n", - " 1.0334587 1.0503391]\n", - "\n", - "[ 2 4 0 14 6 1 13 3 5 9 20 16 22 7 17 15 10 12 21 11 18 8 19]\n", - "=======================\n", - "[\"she was in the stanley mosk courthouse in los angeles to pay a fine on thursday when she suddenly knew he was coming - and there was no way she 'd make it to hospital in time . 'expectant mom ambermarie irving-elkins felt a few contractions on thursday morning but thought she had enough time to run a few last errands before the arrival of her baby .deputy marquette oliver ran over to assist her .\"]\n", - "=======================\n", - "['ambermarie irving-elkins felt a few contractions on thursday morning but thought she had time to go to an la courthouse to pay a finebut while she was there , she felt the baby coming - and knew she did not have enough time to get to hospitalofficers ran to her aid and caught baby malachi as he was born']\n", - "she was in the stanley mosk courthouse in los angeles to pay a fine on thursday when she suddenly knew he was coming - and there was no way she 'd make it to hospital in time . 'expectant mom ambermarie irving-elkins felt a few contractions on thursday morning but thought she had enough time to run a few last errands before the arrival of her baby .deputy marquette oliver ran over to assist her .\n", - "ambermarie irving-elkins felt a few contractions on thursday morning but thought she had time to go to an la courthouse to pay a finebut while she was there , she felt the baby coming - and knew she did not have enough time to get to hospitalofficers ran to her aid and caught baby malachi as he was born\n", - "[1.0931442 1.0910449 1.4543662 1.1327465 1.4833293 1.1921113 1.1070062\n", - " 1.1017969 1.0416865 1.0277531 1.1821909 1.0650468 1.0439687 1.0106245\n", - " 1.0385916 1.0480278 1.0454264 1.0387785 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 4 2 5 10 3 6 7 0 1 11 15 16 12 8 17 14 9 13 22 18 19 20 21 23]\n", - "=======================\n", - "['sir richard branson converted the old chapel in shipton-on-cherwell , oxfordshire , into a home in the 1970she brought the chapel into residential use while he was setting up his virgin recording businessand from then until the present day , the virgin logo -- which has gone on to adorn trains , planes and a multitude of other businesses -- has always been printed in the red of those humble chapel doors .']\n", - "=======================\n", - "['sir richard branson converted the old chapel into a home in the 1970sentrepreneur painted doors of the country retreat his trademark bright redfour-bedroom home in south leigh , witney , is on the market for # 599,000sir richard held parties at the chapel and was a regular at village shopfineandcountry.com , 01865 759550']\n", - "sir richard branson converted the old chapel in shipton-on-cherwell , oxfordshire , into a home in the 1970she brought the chapel into residential use while he was setting up his virgin recording businessand from then until the present day , the virgin logo -- which has gone on to adorn trains , planes and a multitude of other businesses -- has always been printed in the red of those humble chapel doors .\n", - "sir richard branson converted the old chapel into a home in the 1970sentrepreneur painted doors of the country retreat his trademark bright redfour-bedroom home in south leigh , witney , is on the market for # 599,000sir richard held parties at the chapel and was a regular at village shopfineandcountry.com , 01865 759550\n", - "[1.235621 1.1107923 1.1310042 1.331877 1.2234598 1.2291535 1.0993577\n", - " 1.0272548 1.0206045 1.0126233 1.0164468 1.1196579 1.1723145 1.1161553\n", - " 1.1098332 1.0583277 1.0822926 1.0252159 1.0811973 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 0 5 4 12 2 11 13 1 14 6 16 18 15 7 17 8 10 9 19 20 21 22 23]\n", - "=======================\n", - "[\"after nine months of exploratory drilling , a group of british companies found oil and gas in a remote field north of the islands .the bonanza , which could be worth billions of pounds , will add to fears of renewed conflict over the british overseas territory just days after defence secretary michael fallon warned of a ` very live threat ' from argentina .argentina invaded the falklands in 1982 , leading to a conflict that cost 260 british and 650 argentine lives .\"]\n", - "=======================\n", - "[\"british companies found oil and gas in a remote field north of the islandscomes days after minister warned of ` very live threat ' from argentina\"]\n", - "after nine months of exploratory drilling , a group of british companies found oil and gas in a remote field north of the islands .the bonanza , which could be worth billions of pounds , will add to fears of renewed conflict over the british overseas territory just days after defence secretary michael fallon warned of a ` very live threat ' from argentina .argentina invaded the falklands in 1982 , leading to a conflict that cost 260 british and 650 argentine lives .\n", - "british companies found oil and gas in a remote field north of the islandscomes days after minister warned of ` very live threat ' from argentina\n", - "[1.2198625 1.2856296 1.294122 1.3154693 1.2341254 1.1476507 1.1324165\n", - " 1.1017907 1.1276784 1.0330615 1.0203117 1.1149478 1.0829027 1.0307561\n", - " 1.0796344 1.0356023 1.0077362 1.0916812 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 4 0 5 6 8 11 7 17 12 14 15 9 13 10 16 22 18 19 20 21 23]\n", - "=======================\n", - "[\"the sutherland shire council is exploring idea of allowing overseas backpackers to park their campervans in allocated locations right on the beachamong these locations are cronulla beach and wanda beach , both in southern sydney , as it was found that due to a shortage of accommodation , many tourists were neglecting these areas altogether .according to the sydney morning herald , the council have voted to explore the possibility of allowing campervans to park at allocated locations with ` high tourist appeal , ' in order to deter travellers from bypassing our most beautiful beaches .\"]\n", - "=======================\n", - "['sutherland council is exploring idea of allowing overseas backpackers to park their campervans in allocated locations right on the beachcronulla and wanda beach are often ignored by tourists due to expensesthis motion was proposed due to the economic boost backpackers bringseasoned travellers spend $ 700 on eating out and shopping during a staysome locals believe it can not be done due to rising land values in cronulla']\n", - "the sutherland shire council is exploring idea of allowing overseas backpackers to park their campervans in allocated locations right on the beachamong these locations are cronulla beach and wanda beach , both in southern sydney , as it was found that due to a shortage of accommodation , many tourists were neglecting these areas altogether .according to the sydney morning herald , the council have voted to explore the possibility of allowing campervans to park at allocated locations with ` high tourist appeal , ' in order to deter travellers from bypassing our most beautiful beaches .\n", - "sutherland council is exploring idea of allowing overseas backpackers to park their campervans in allocated locations right on the beachcronulla and wanda beach are often ignored by tourists due to expensesthis motion was proposed due to the economic boost backpackers bringseasoned travellers spend $ 700 on eating out and shopping during a staysome locals believe it can not be done due to rising land values in cronulla\n", - "[1.413538 1.1896836 1.4823955 1.2291361 1.2471783 1.1637101 1.1651998\n", - " 1.0552249 1.059084 1.0941838 1.0699487 1.0515525 1.0378572 1.0168246\n", - " 1.1311476 1.1507431 1.0188954 1.0148827 1.0149475 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 0 4 3 1 6 5 15 14 9 10 8 7 11 12 16 13 18 17 22 19 20 21 23]\n", - "=======================\n", - "[\"patrick revins , 49 , sold # 10-worth of the class a drug , which was hidden in a kinder egg , to the policeman in november 2013 , a court was told .heroin dealer patrick revins was identified by undercover police because he has his initials - ` p ' and ` r ' - tattooed on either side of his foreheadrevins , at stoke-on-trent crown court yesterday , admitted one count of supplying heroin and was sentenced to a year in jail .\"]\n", - "=======================\n", - "[\"patrick revins was caught selling heroin to an undercover police officerbungling drug dealer was identified by ` p ' and ` r ' tattoos on his foreheadrevins , 49 , had hidden small amounts of class a drug inside a kinder egghe admitted one count of supplying heroin and was jailed for a year\"]\n", - "patrick revins , 49 , sold # 10-worth of the class a drug , which was hidden in a kinder egg , to the policeman in november 2013 , a court was told .heroin dealer patrick revins was identified by undercover police because he has his initials - ` p ' and ` r ' - tattooed on either side of his foreheadrevins , at stoke-on-trent crown court yesterday , admitted one count of supplying heroin and was sentenced to a year in jail .\n", - "patrick revins was caught selling heroin to an undercover police officerbungling drug dealer was identified by ` p ' and ` r ' tattoos on his foreheadrevins , 49 , had hidden small amounts of class a drug inside a kinder egghe admitted one count of supplying heroin and was jailed for a year\n", - "[1.2585359 1.1507227 1.0982679 1.1989751 1.0897509 1.1447785 1.0618904\n", - " 1.0243162 1.0845438 1.0545716 1.0936139 1.048022 1.0248735 1.0414841\n", - " 1.1005611 1.0374207 1.0399125 1.0426052 1.0443034 1.0307624 1.0611472\n", - " 1.0300893 1.0226867 1.0375162]\n", - "\n", - "[ 0 3 1 5 14 2 10 4 8 6 20 9 11 18 17 13 16 23 15 19 21 12 7 22]\n", - "=======================\n", - "['all those feelings and more permeated cities , villages and camps around nepal on saturday , after a massive 7.8 magnitude earthquake struck around midday .and then there are the hundreds already confirmed dead , not to mention the hundreds more who suffered injuries .anderson , an american who was in nepal for trekking and meditation , was in his hotel room when the quake struck .']\n", - "=======================\n", - "['massive 7.8 magnitude earthquake has struck nepal near its capital , kathmanduas the death toll rises , witnesses describe devastation and panic']\n", - "all those feelings and more permeated cities , villages and camps around nepal on saturday , after a massive 7.8 magnitude earthquake struck around midday .and then there are the hundreds already confirmed dead , not to mention the hundreds more who suffered injuries .anderson , an american who was in nepal for trekking and meditation , was in his hotel room when the quake struck .\n", - "massive 7.8 magnitude earthquake has struck nepal near its capital , kathmanduas the death toll rises , witnesses describe devastation and panic\n", - "[1.2773237 1.2535021 1.34817 1.2189312 1.0948144 1.0832472 1.1015669\n", - " 1.1164722 1.0449514 1.091666 1.1017019 1.0215691 1.0387168 1.0271019\n", - " 1.113703 1.0528723 1.05138 1.0701354 1.0177821 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 1 3 7 14 10 6 4 9 5 17 15 16 8 12 13 11 18 27 26 25 24 20\n", - " 22 21 19 28 23 29]\n", - "=======================\n", - "['slager , 33 , was charged tuesday with first-degree murder after firing eight shots at scott , killing him .( cnn ) the stark video of a south carolina officer gunning down an apparently unarmed black man as he ran away with his back to police has prompted an equally fast-moving reaction by officials and the public alike .the video is being dissected frame by frame by authorities and media outlets , all in an effort to reconstruct what exactly happened between north charleston police officer michael slager , a five-year employee of that force , and walter scott , 50 .']\n", - "=======================\n", - "['victim \\'s brother says he felt \" anger and happy at the same time \" upon seeing videoofficer michael slager pulls over scott at 9:33 a.m. saturdayvideo shows the officer firing eight times as scott runs away , with his back to police']\n", - "slager , 33 , was charged tuesday with first-degree murder after firing eight shots at scott , killing him .( cnn ) the stark video of a south carolina officer gunning down an apparently unarmed black man as he ran away with his back to police has prompted an equally fast-moving reaction by officials and the public alike .the video is being dissected frame by frame by authorities and media outlets , all in an effort to reconstruct what exactly happened between north charleston police officer michael slager , a five-year employee of that force , and walter scott , 50 .\n", - "victim 's brother says he felt \" anger and happy at the same time \" upon seeing videoofficer michael slager pulls over scott at 9:33 a.m. saturdayvideo shows the officer firing eight times as scott runs away , with his back to police\n", - "[1.2097236 1.1722975 1.1616296 1.1161283 1.305916 1.3064278 1.0674388\n", - " 1.0395396 1.0281148 1.0284809 1.0456347 1.0413246 1.0231379 1.0736645\n", - " 1.0432551 1.0385987 1.0897743 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 5 4 0 1 2 3 16 13 6 10 14 11 7 15 9 8 12 27 26 25 24 23 20 21\n", - " 19 18 17 28 22 29]\n", - "=======================\n", - "[\"president barack obama joined u.s. surgeon general dr. vivek murthy and epa administrator gina mccarthy for a roundtable discussion on the topic as part of national public health week .( cnn ) debates on climate change can break down fairly fast .there are those who believe that mankind 's activities are changing the planet 's climate , and those who do n't .\"]\n", - "=======================\n", - "[\"president obama attends howard university roundtable on climate change and public healthlinking climate change to how it affects a person 's health is a new way to talk about the subject\"]\n", - "president barack obama joined u.s. surgeon general dr. vivek murthy and epa administrator gina mccarthy for a roundtable discussion on the topic as part of national public health week .( cnn ) debates on climate change can break down fairly fast .there are those who believe that mankind 's activities are changing the planet 's climate , and those who do n't .\n", - "president obama attends howard university roundtable on climate change and public healthlinking climate change to how it affects a person 's health is a new way to talk about the subject\n", - "[1.3373005 1.4151682 1.0971712 1.2805889 1.1922021 1.457626 1.1334492\n", - " 1.0206553 1.0295788 1.0285027 1.0141937 1.0220696 1.050323 1.015185\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 5 1 0 3 4 6 2 12 8 9 11 7 13 10 27 26 25 24 23 22 21 14 19 18\n", - " 17 16 15 28 20 29]\n", - "=======================\n", - "[\"sam holtz ( above ) beat out 11.5 million entries to win the espn tournament challenge on mondayduke was not the only big winner following monday 's ncaa championship game .but not the actual grand prize of a $ 20,000 best buy gift card and an all-inclusive trip for two to the maui jim maui invitational college basketball tournament in hawaii this november .\"]\n", - "=======================\n", - "[\"sam holtz beat out 11.5 million entries to win the espn tournament challenge on mondaythis as he selected duke to win the ncaa title game , which they did by overcoming the wisconsin badgers 68 - 63sam should now be eligible for the $ 30,000 grand prize of a $ 20,000 best buy gift card and an all-inclusive trip to hawaii this novembersam , 12 , is not eligible however because age restrictions state that entrants must be 18 years oldsam says he does not mind missing the prize , and though he is a little ` irritated ' he thinks the best idea if for espn to reward him with an xboxthe sixth grader also shared one of his bracket tips ; ` just pick the team that you like and pick whoever you want '\"]\n", - "sam holtz ( above ) beat out 11.5 million entries to win the espn tournament challenge on mondayduke was not the only big winner following monday 's ncaa championship game .but not the actual grand prize of a $ 20,000 best buy gift card and an all-inclusive trip for two to the maui jim maui invitational college basketball tournament in hawaii this november .\n", - "sam holtz beat out 11.5 million entries to win the espn tournament challenge on mondaythis as he selected duke to win the ncaa title game , which they did by overcoming the wisconsin badgers 68 - 63sam should now be eligible for the $ 30,000 grand prize of a $ 20,000 best buy gift card and an all-inclusive trip to hawaii this novembersam , 12 , is not eligible however because age restrictions state that entrants must be 18 years oldsam says he does not mind missing the prize , and though he is a little ` irritated ' he thinks the best idea if for espn to reward him with an xboxthe sixth grader also shared one of his bracket tips ; ` just pick the team that you like and pick whoever you want '\n", - "[1.2529017 1.393079 1.2937918 1.2300678 1.1048275 1.0741129 1.1136625\n", - " 1.0570598 1.0888677 1.1016691 1.0231848 1.0124437 1.1520946 1.0326136\n", - " 1.0118288 1.0293055 1.0672492 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 3 12 6 4 9 8 5 16 7 13 15 10 11 14 17 18 19 20 21 22 23\n", - " 24 25 26 27 28 29]\n", - "=======================\n", - "['amjad yaaqub , 16 , said he stumbled on the barbaric scene shortly after the terrorists beat him unconscious when they burst into his family home at the camp in the syrian capital damascus .the schoolboy said the isis fighters were looking for his brother , who is a member of the palestinian rebel group who ran and defended the camp for several years before isis carried out a bloody assault that has left more than 200 people dead in just seven days .a young syrian boy has revealed how he saw depraved islamic state militants playing football with a severed head inside the besieged yarmouk refugee camp .']\n", - "=======================\n", - "['amjad yaaqub , 16 , saw isis militants kicking a severed head in the campthey also beat the schoolboy unconscious while looking for his brothermeanwhile 55-year-old ibrahim abdel fatah said children are being killedextremists are slaughtering innocents in front of their parents he revealed']\n", - "amjad yaaqub , 16 , said he stumbled on the barbaric scene shortly after the terrorists beat him unconscious when they burst into his family home at the camp in the syrian capital damascus .the schoolboy said the isis fighters were looking for his brother , who is a member of the palestinian rebel group who ran and defended the camp for several years before isis carried out a bloody assault that has left more than 200 people dead in just seven days .a young syrian boy has revealed how he saw depraved islamic state militants playing football with a severed head inside the besieged yarmouk refugee camp .\n", - "amjad yaaqub , 16 , saw isis militants kicking a severed head in the campthey also beat the schoolboy unconscious while looking for his brothermeanwhile 55-year-old ibrahim abdel fatah said children are being killedextremists are slaughtering innocents in front of their parents he revealed\n", - "[1.2811686 1.061677 1.0386744 1.0374631 1.102742 1.1606474 1.0790479\n", - " 1.1085699 1.1673036 1.0342507 1.0468407 1.0307839 1.0301477 1.063502\n", - " 1.0715624 1.0555863 1.0783691 1.0396852 1.0350614 1.1161771 1.0368228\n", - " 1.0264452 1.0235336 1.0284742 1.0138097 1.0167829 1.0280343 1.0268697\n", - " 1.0253459 1.0537317]\n", - "\n", - "[ 0 8 5 19 7 4 6 16 14 13 1 15 29 10 17 2 3 20 18 9 11 12 23 26\n", - " 27 21 28 22 25 24]\n", - "=======================\n", - "['kathmandu , nepal ( cnn ) we came on a commercial flight to kathmandu .a couple of thousand people were lining the road to the entrance to the airport trying to get out .military and aid flights have priority , and a few military planes -- indian military planes -- were going in , trying to bring in aid .']\n", - "=======================\n", - "[\"the earthquake that struck nepal has left thousands of nepalis without sheltertorrential rains making situation worse ; food and drinking water supplies could become a serious issue soonit 's unclear how bad conditions are closer to the epicenter\"]\n", - "kathmandu , nepal ( cnn ) we came on a commercial flight to kathmandu .a couple of thousand people were lining the road to the entrance to the airport trying to get out .military and aid flights have priority , and a few military planes -- indian military planes -- were going in , trying to bring in aid .\n", - "the earthquake that struck nepal has left thousands of nepalis without sheltertorrential rains making situation worse ; food and drinking water supplies could become a serious issue soonit 's unclear how bad conditions are closer to the epicenter\n", - "[1.3426341 1.5386988 1.0642486 1.3465399 1.1171169 1.2017866 1.1012093\n", - " 1.1264611 1.1587235 1.0435437 1.0269285 1.0557747 1.024633 1.0179393\n", - " 1.0180236 1.0114554 1.0133396 1.0155962 1.0097173 1.0095254 1.0101624\n", - " 1.0125128 1.0139487 1.0107155 1.0120293 1.0112448 1.0150688 1.0136579]\n", - "\n", - "[ 1 3 0 5 8 7 4 6 2 11 9 10 12 14 13 17 26 22 27 16 21 24 15 25\n", - " 23 20 18 19]\n", - "=======================\n", - "[\"lewis hamilton sauntered to pole position for the malaysian grand prix , nearly one second ahead of sebastian vettel 's third-fastest ferrari .ferrari , who are ferrari ?he will start ahead of nico rosberg and sebastian vettel\"]\n", - "=======================\n", - "[\"lewis hamilton claimed his third straight pole position of the season with a scintillating lap in shanghainico rosberg was just 0.042 secs slower than his mercedes team-mategerman said : ` oh , come on , guys , ' when told he was slower than hamilton for third time this seasonsebastian vettel will start third with felipe massa fourth ... valtteri bottas and kimi raikkonen complete third rowmclaren endured another difficult day with jenson button and fernando alonso only 17th and 18th on the grid\"]\n", - "lewis hamilton sauntered to pole position for the malaysian grand prix , nearly one second ahead of sebastian vettel 's third-fastest ferrari .ferrari , who are ferrari ?he will start ahead of nico rosberg and sebastian vettel\n", - "lewis hamilton claimed his third straight pole position of the season with a scintillating lap in shanghainico rosberg was just 0.042 secs slower than his mercedes team-mategerman said : ` oh , come on , guys , ' when told he was slower than hamilton for third time this seasonsebastian vettel will start third with felipe massa fourth ... valtteri bottas and kimi raikkonen complete third rowmclaren endured another difficult day with jenson button and fernando alonso only 17th and 18th on the grid\n", - "[1.4815092 1.4061365 1.1891385 1.5249393 1.1562144 1.2011638 1.0332123\n", - " 1.0257607 1.1281687 1.0205481 1.0503731 1.0337429 1.0290492 1.0335658\n", - " 1.1278138 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 5 2 4 8 14 10 11 13 6 12 7 9 25 24 23 22 21 19 18 17 16\n", - " 15 26 20 27]\n", - "=======================\n", - "['gary gardner ( left ) will report to aston villa for pre-season training to be assessed by tim sherwoodtim sherwood will welcome gary gardner back into his first team squad during pre-season to assess closely whether the 22-year-old can cut it for aston villa in the premier league .gardner has enjoyed a successful loan spell at nottingham forest and scored a superb free-kick in front of the villa manager during the defeat to watford at the city ground .']\n", - "=======================\n", - "[\"gary gardner confirms he 'll report to aston villa for pre-season trainingthe 22-year-old is out on loan at championship side nottingham foresttim sherwood is keen to asses gardner ahead of next seasonthe midfielder would prefer a move back to forest if villa does n't wok outclick here for all the latest aston villa news\"]\n", - "gary gardner ( left ) will report to aston villa for pre-season training to be assessed by tim sherwoodtim sherwood will welcome gary gardner back into his first team squad during pre-season to assess closely whether the 22-year-old can cut it for aston villa in the premier league .gardner has enjoyed a successful loan spell at nottingham forest and scored a superb free-kick in front of the villa manager during the defeat to watford at the city ground .\n", - "gary gardner confirms he 'll report to aston villa for pre-season trainingthe 22-year-old is out on loan at championship side nottingham foresttim sherwood is keen to asses gardner ahead of next seasonthe midfielder would prefer a move back to forest if villa does n't wok outclick here for all the latest aston villa news\n", - "[1.2972553 1.2358402 1.1648889 1.2977794 1.216896 1.1360111 1.2354586\n", - " 1.1391509 1.176317 1.0421345 1.1604168 1.0540051 1.0430702 1.0163652\n", - " 1.012636 1.0231502 1.0383981 1.032112 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 6 4 8 2 10 7 5 11 12 9 16 17 15 13 14 26 18 19 20 21 22\n", - " 23 24 25 27]\n", - "=======================\n", - "['thousands of law-abiding motorists have had their cars clamped because they were unaware of major vehicle tax rule changes .many are buying used cars unaware that the old paper documents are now automatically cancelled when a vehicle changes hands .drivers have faced bills of up to # 800 to get their impounded vehicles back .']\n", - "=======================\n", - "['driver and vehicle licensing agency abolished paper tax disc last autumncar tax now automatically cancelled whenever vehicle changes ownershipofficial figures show use of clamping soared from about 5,000 vehicles a month before the changes to well over 8,000 nowcritics say many targeted are innocent drivers unaware of rule change']\n", - "thousands of law-abiding motorists have had their cars clamped because they were unaware of major vehicle tax rule changes .many are buying used cars unaware that the old paper documents are now automatically cancelled when a vehicle changes hands .drivers have faced bills of up to # 800 to get their impounded vehicles back .\n", - "driver and vehicle licensing agency abolished paper tax disc last autumncar tax now automatically cancelled whenever vehicle changes ownershipofficial figures show use of clamping soared from about 5,000 vehicles a month before the changes to well over 8,000 nowcritics say many targeted are innocent drivers unaware of rule change\n", - "[1.1715791 1.0494523 1.1121217 1.231283 1.1207232 1.0597281 1.0368017\n", - " 1.0875044 1.1513193 1.0523576 1.0792027 1.1012558 1.0573115 1.1325464\n", - " 1.0523565 1.1155967 1.0715821 1.0167578 1.0235435 1.075969 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 8 13 4 15 2 11 7 10 19 16 5 12 9 14 1 6 18 17 26 20 21 22\n", - " 23 24 25 27]\n", - "=======================\n", - "['and i have to admit that the samoas ( now called \" caramel delites \" ) are delicious .( cnn ) for many girl scout troops it is officially cookie season .the first ingredient in those caramel delites is sugar , but they also contain corn syrup and high fructose corn syrup , for a total of 6 grams of sugar per cookie .']\n", - "=======================\n", - "[\"victoria maizes , a doctor , says she avoids girl scout cookies because they contain sugar , fats .she says pediatricians offer little guidance on nutrition , yet a diet low in sugars , gmo 's , transfats , lowers overall mortality\"]\n", - "and i have to admit that the samoas ( now called \" caramel delites \" ) are delicious .( cnn ) for many girl scout troops it is officially cookie season .the first ingredient in those caramel delites is sugar , but they also contain corn syrup and high fructose corn syrup , for a total of 6 grams of sugar per cookie .\n", - "victoria maizes , a doctor , says she avoids girl scout cookies because they contain sugar , fats .she says pediatricians offer little guidance on nutrition , yet a diet low in sugars , gmo 's , transfats , lowers overall mortality\n", - "[1.1869153 1.1344901 1.0459207 1.2378001 1.0775893 1.1032565 1.1206441\n", - " 1.1039445 1.0397844 1.1026417 1.0896783 1.0904893 1.0490435 1.0301925\n", - " 1.0384552 1.0681728 1.0332807 1.0501164 1.0303748 1.0224066 1.063549\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 6 7 5 9 11 10 4 15 20 17 12 2 8 14 16 18 13 19 26 21 22\n", - " 23 24 25 27]\n", - "=======================\n", - "['jack andraka is just 18 , yet his newly-published memoir carries a blurb from barack obama .breakthrough by jack andraka with matthew lysiakhe was born in 1997 and grew up in suburban maryland with his elder brother , luke , and parents , jane , a nurse , and steve , a civil engineer .']\n", - "=======================\n", - "['jack andraka , now 18 , became depressed when a close family friend dieduncle ted passed away from pancreatic cancerjack then developed a test for detecting pancreatic cancerit won the top award at a prestigious international science competitionbreakthrough is an inspiring story for would-be scientists']\n", - "jack andraka is just 18 , yet his newly-published memoir carries a blurb from barack obama .breakthrough by jack andraka with matthew lysiakhe was born in 1997 and grew up in suburban maryland with his elder brother , luke , and parents , jane , a nurse , and steve , a civil engineer .\n", - "jack andraka , now 18 , became depressed when a close family friend dieduncle ted passed away from pancreatic cancerjack then developed a test for detecting pancreatic cancerit won the top award at a prestigious international science competitionbreakthrough is an inspiring story for would-be scientists\n", - "[1.1084987 1.1371534 1.3517909 1.332418 1.1962395 1.1746776 1.2743131\n", - " 1.0128657 1.2939966 1.1139172 1.1241672 1.0771825 1.0125884 1.0108448\n", - " 1.0171741 0. 0. 0. ]\n", - "\n", - "[ 2 3 8 6 4 5 1 10 9 0 11 14 7 12 13 15 16 17]\n", - "=======================\n", - "[\"leicester city vs west ham united ( king power stadium )matt upson is out of leicester 's clash with west ham as the rock-bottom foxes continue their fight for survival .west ham will welcome winston reid back from injury for saturday 's premier league trip to bottom side leicester .\"]\n", - "=======================\n", - "['leicester defender matthew upson will miss out against former clubdean hammond and jeff schlupp to be given fitness tests by foxeswinston reid returns from hamstring injury for west ham unitedhammers without enner valencia who is back in trainingandy carroll , james tomkins and doneil henry also missing for west ham']\n", - "leicester city vs west ham united ( king power stadium )matt upson is out of leicester 's clash with west ham as the rock-bottom foxes continue their fight for survival .west ham will welcome winston reid back from injury for saturday 's premier league trip to bottom side leicester .\n", - "leicester defender matthew upson will miss out against former clubdean hammond and jeff schlupp to be given fitness tests by foxeswinston reid returns from hamstring injury for west ham unitedhammers without enner valencia who is back in trainingandy carroll , james tomkins and doneil henry also missing for west ham\n", - "[1.4133506 1.452888 1.2159752 1.2423748 1.0826038 1.0340638 1.024926\n", - " 1.1314415 1.191764 1.1184541 1.1046594 1.0799011 1.1401193 1.0145439\n", - " 1.0116825 1.0177158 1.0182744 1.0691627]\n", - "\n", - "[ 1 0 3 2 8 12 7 9 10 4 11 17 5 6 16 15 13 14]\n", - "=======================\n", - "['mayweather , who takes on manny pacquiao in their $ 300 million mega-fight on may 2 , is widely considered to be the current pound-for-pound no 1 .floyd mayweather has claimed he is a better fighter than muhammad ali .floyd mayweather trains ahead of his fight against manny pacquiao next weekend']\n", - "=======================\n", - "['floyd mayweather is widely considered the best boxer in the worldbut he believes he is better than heavyweight legend muhammad alimayweather did admit that he respects both ali and sugar ray robinsonhe takes on manny pacquiao on may 2 in their $ 300m mega-fightmayweather-pacquiao weigh-in will be first ever with paid-for tickets']\n", - "mayweather , who takes on manny pacquiao in their $ 300 million mega-fight on may 2 , is widely considered to be the current pound-for-pound no 1 .floyd mayweather has claimed he is a better fighter than muhammad ali .floyd mayweather trains ahead of his fight against manny pacquiao next weekend\n", - "floyd mayweather is widely considered the best boxer in the worldbut he believes he is better than heavyweight legend muhammad alimayweather did admit that he respects both ali and sugar ray robinsonhe takes on manny pacquiao on may 2 in their $ 300m mega-fightmayweather-pacquiao weigh-in will be first ever with paid-for tickets\n", - "[1.2292079 1.4551775 1.2232877 1.21308 1.1406395 1.0656674 1.0397487\n", - " 1.0232266 1.1147814 1.2728703 1.1143242 1.0633833 1.0284169 1.0545433\n", - " 1.0426204 1.0606285 0. 0. ]\n", - "\n", - "[ 1 9 0 2 3 4 8 10 5 11 15 13 14 6 12 7 16 17]\n", - "=======================\n", - "[\"suzy howlett , 54 , who specialises in teaching foreign-born children english , has embarrassed husband and wife team derek tanswell and sharon snook over their spelling , punctuation and grammar .two ukip council candidates have been taken to school by a teacher who covered their sloppy election leaflet in corrections - but they claim it is a dirty tricks campaign .in one section mr tanswell and ms snook promise that ukip will ` take back control of our boarders ' - so the teacher wrote in red : ' i think you mean borders , not residents of a school or guest house ' .\"]\n", - "=======================\n", - "[\"election candidates failed to check spelling , punctuation and grammarderek tanswell and sharon snook 's leaflet said ukip will protect ` boarders 'teacher , who helps children born abroad with their english , responded by circling mistake and said : ' i think you mean borders 'mr tanswell left lib dems last month and claims they are behind leaflet\"]\n", - "suzy howlett , 54 , who specialises in teaching foreign-born children english , has embarrassed husband and wife team derek tanswell and sharon snook over their spelling , punctuation and grammar .two ukip council candidates have been taken to school by a teacher who covered their sloppy election leaflet in corrections - but they claim it is a dirty tricks campaign .in one section mr tanswell and ms snook promise that ukip will ` take back control of our boarders ' - so the teacher wrote in red : ' i think you mean borders , not residents of a school or guest house ' .\n", - "election candidates failed to check spelling , punctuation and grammarderek tanswell and sharon snook 's leaflet said ukip will protect ` boarders 'teacher , who helps children born abroad with their english , responded by circling mistake and said : ' i think you mean borders 'mr tanswell left lib dems last month and claims they are behind leaflet\n", - "[1.260951 1.2376114 1.2577294 1.2509444 1.1004095 1.0471749 1.0253748\n", - " 1.1195762 1.0509905 1.1262487 1.1221392 1.1327391 1.0651916 1.0382599\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 11 9 10 7 4 12 8 5 13 6 14 15 16 17]\n", - "=======================\n", - "[\"( cnn ) it 's not going to be enough to slake the thirst of the elusive mars bunny , but scientists say new research seems to support the theory that what looks like a bone-dry red planet during the day could be dotted with tiny puddles of salty water at night .researchers are n't saying they 've seen direct evidence of brine hiding out in the martian night .but they say the new study -- based on a full year of monitoring of temperature and humidity conditions by the mars curiosity rover in gale crater -- does seem to bear the theory out .\"]\n", - "=======================\n", - "['analysis of martian weather seems to support the idea that the planet could be dotted with salty puddles at nightthe finding has \" wider implications \" for efforts to find evidence of life on mars , a researcher says']\n", - "( cnn ) it 's not going to be enough to slake the thirst of the elusive mars bunny , but scientists say new research seems to support the theory that what looks like a bone-dry red planet during the day could be dotted with tiny puddles of salty water at night .researchers are n't saying they 've seen direct evidence of brine hiding out in the martian night .but they say the new study -- based on a full year of monitoring of temperature and humidity conditions by the mars curiosity rover in gale crater -- does seem to bear the theory out .\n", - "analysis of martian weather seems to support the idea that the planet could be dotted with salty puddles at nightthe finding has \" wider implications \" for efforts to find evidence of life on mars , a researcher says\n", - "[1.2376742 1.2465351 1.2883745 1.1825068 1.1789418 1.1751347 1.1728579\n", - " 1.1285937 1.0937874 1.1102142 1.0783436 1.0425186 1.0141548 1.089214\n", - " 1.0592777 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 4 5 6 7 9 8 13 10 14 11 12 15 16 17]\n", - "=======================\n", - "[\"other building have installed so-called ` poor doors ' for use by rent-stabilized tenants while full-rent residents get to use the front door .it 's the latest salvo in an ongoing struggle between property developers to build or maintain rent-stabilized apartments alongside luxury units that go for thousands of dollars more a month .an apartment house where only high-paying tenants can use the gym may be illegally discriminating , city human rights officials warned this week .\"]\n", - "=======================\n", - "[\"ruling by the new york city human rights commission is a blow for stonehenge village on manhattan 's upper west side60percent of the tenants pay reduced rent-stabilized ratesthe rest pay market rates of $ 3,500 a month for a one bedroom apartmentmost rent-stabilized tenants are over age 65this is the latest battle between property developers who get taxes breaks for building rent-stabilized units and the city\"]\n", - "other building have installed so-called ` poor doors ' for use by rent-stabilized tenants while full-rent residents get to use the front door .it 's the latest salvo in an ongoing struggle between property developers to build or maintain rent-stabilized apartments alongside luxury units that go for thousands of dollars more a month .an apartment house where only high-paying tenants can use the gym may be illegally discriminating , city human rights officials warned this week .\n", - "ruling by the new york city human rights commission is a blow for stonehenge village on manhattan 's upper west side60percent of the tenants pay reduced rent-stabilized ratesthe rest pay market rates of $ 3,500 a month for a one bedroom apartmentmost rent-stabilized tenants are over age 65this is the latest battle between property developers who get taxes breaks for building rent-stabilized units and the city\n", - "[1.4937943 1.3081727 1.4221294 1.2535044 1.0968533 1.187089 1.0631486\n", - " 1.0387632 1.0203094 1.1773558 1.0397578 1.015558 1.0828348 1.0248334\n", - " 1.1143878 1.0294313 1.0292029 1.0588089 1.1198285]\n", - "\n", - "[ 0 2 1 3 5 9 18 14 4 12 6 17 10 7 15 16 13 8 11]\n", - "=======================\n", - "[\"mike whitehead was standing against labour 's alan johnson in the hull west and hessle constituency in yorkshirenigel farage today insisted the tories had suffered a ` hammer blow ' after a former parliamentary candidate defected to ukip - only for it later to emerge that he had already been sacked from the party last week .but the tories this morning revealed they had already dropped mr whitehead as their candidate after he revealed he was planning to stand as an independent against a tory councillor .\"]\n", - "=======================\n", - "[\"mike whitehead was standing for the tories in hull west and hesslehe resigned as a councillor last week in ` disgust ' at local party politicsthe tories claim mr whitehead was sacked as a candidate last weekbut nigel farage this morning insisted it was a ` hammer blow ' for cameron\"]\n", - "mike whitehead was standing against labour 's alan johnson in the hull west and hessle constituency in yorkshirenigel farage today insisted the tories had suffered a ` hammer blow ' after a former parliamentary candidate defected to ukip - only for it later to emerge that he had already been sacked from the party last week .but the tories this morning revealed they had already dropped mr whitehead as their candidate after he revealed he was planning to stand as an independent against a tory councillor .\n", - "mike whitehead was standing for the tories in hull west and hesslehe resigned as a councillor last week in ` disgust ' at local party politicsthe tories claim mr whitehead was sacked as a candidate last weekbut nigel farage this morning insisted it was a ` hammer blow ' for cameron\n", - "[1.5556344 1.261247 1.3037273 1.3743644 1.0966284 1.135134 1.2084758\n", - " 1.1016105 1.1177068 1.023304 1.0378662 1.0433954 1.0452604 1.0353403\n", - " 1.0177997 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 6 5 8 7 4 12 11 10 13 9 14 15 16 17 18]\n", - "=======================\n", - "[\"real madrid 's # 2.3 m , 16-year-old wonderkid martin odegaard has been dropped from the club 's b-team castilla because results drastically improve when he is not on the pitch .real madrid castilla , managed by first-team coach in waiting zinedine zidane , were top of their regional third division when odegaard arrived at the club in january , but after he made his debut the team 's form dipped dramatically and following a run of four straight defeats , they dropped to seventh place , four points off the lead .odegaard picked real madrid over liverpool and manchester united at the start of the year but the record-breaking teenager is already experiencing how difficult it can be for young players in the spanish capital .\"]\n", - "=======================\n", - "['real madrid signed norwegian teenager martin odegaard for # 2.3 millionodegaard dropped down to castilla with team top of regional third divisionresults have picked up since the 16-year-old was dropped from starting xiodegaard trains with first team and is not a cohesive part of castilla sideno one regrets odegaard signing but he may go out on loan next season']\n", - "real madrid 's # 2.3 m , 16-year-old wonderkid martin odegaard has been dropped from the club 's b-team castilla because results drastically improve when he is not on the pitch .real madrid castilla , managed by first-team coach in waiting zinedine zidane , were top of their regional third division when odegaard arrived at the club in january , but after he made his debut the team 's form dipped dramatically and following a run of four straight defeats , they dropped to seventh place , four points off the lead .odegaard picked real madrid over liverpool and manchester united at the start of the year but the record-breaking teenager is already experiencing how difficult it can be for young players in the spanish capital .\n", - "real madrid signed norwegian teenager martin odegaard for # 2.3 millionodegaard dropped down to castilla with team top of regional third divisionresults have picked up since the 16-year-old was dropped from starting xiodegaard trains with first team and is not a cohesive part of castilla sideno one regrets odegaard signing but he may go out on loan next season\n", - "[1.3309323 1.4248197 1.1740612 1.1484022 1.200321 1.0859834 1.1309112\n", - " 1.1052274 1.079775 1.1848853 1.0832155 1.0613439 1.0704083 1.0855995\n", - " 1.0407474 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 9 2 3 6 7 5 13 10 8 12 11 14 17 15 16 18]\n", - "=======================\n", - "['the male animal , which was eventually captured with a dart gun , was first seen by a local walking his dog in the park near the church of the holy apostles at 28th street and ninth avenue in chelsea .a wily coyote gave the new york police department the runaround for more than an hour on tuesday morning after it was spotted on the grounds of an apartment building next to a church in manhattan .after the resident alerted two workers to the sighting , nypd officers arrived at the scene .']\n", - "=======================\n", - "['coyote was spotted in a park near church of holy apostles in manhattanit ran across grass , hid behind bushes and dodged cops for over an hourfinally captured after it was shot with tranquilizer dart laced with ketasetput in animal containment box and taken to animal care & control centerit is the second coyote to have been seen in new york in only two weekson march 30 , another spent an hour wandering on roof of bar in queenscoyotes are flocking to city in rising numbers as competition for food becomes increasingly fierce , forcing them to scavenge new territories']\n", - "the male animal , which was eventually captured with a dart gun , was first seen by a local walking his dog in the park near the church of the holy apostles at 28th street and ninth avenue in chelsea .a wily coyote gave the new york police department the runaround for more than an hour on tuesday morning after it was spotted on the grounds of an apartment building next to a church in manhattan .after the resident alerted two workers to the sighting , nypd officers arrived at the scene .\n", - "coyote was spotted in a park near church of holy apostles in manhattanit ran across grass , hid behind bushes and dodged cops for over an hourfinally captured after it was shot with tranquilizer dart laced with ketasetput in animal containment box and taken to animal care & control centerit is the second coyote to have been seen in new york in only two weekson march 30 , another spent an hour wandering on roof of bar in queenscoyotes are flocking to city in rising numbers as competition for food becomes increasingly fierce , forcing them to scavenge new territories\n", - "[1.5283527 1.1196969 1.3940384 1.1515012 1.4599059 1.3347864 1.0097816\n", - " 1.1077071 1.027095 1.0618871 1.1336974 1.0725427 1.0230235 1.2368829\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 2 5 13 3 10 1 7 11 9 8 12 6 14 15 16 17 18]\n", - "=======================\n", - "[\"patrick bamford has scored 19 goals for middlesbrough this season and is the championship 's player of the year .patrick bamford ( left ) hopes to become chelsea 's answer to tottenham hotspur 's harry kane next seasonmiddlesbrough 's bamford insists he wants to fight for his place at stamford bridge with chelsea\"]\n", - "=======================\n", - "['patrick bamford was crowned the championship player of the yearthe starlet has scored 19 goals for middlesbrough this seasonchelsea loaned bamford out and he dreams of wearing the blue shirt']\n", - "patrick bamford has scored 19 goals for middlesbrough this season and is the championship 's player of the year .patrick bamford ( left ) hopes to become chelsea 's answer to tottenham hotspur 's harry kane next seasonmiddlesbrough 's bamford insists he wants to fight for his place at stamford bridge with chelsea\n", - "patrick bamford was crowned the championship player of the yearthe starlet has scored 19 goals for middlesbrough this seasonchelsea loaned bamford out and he dreams of wearing the blue shirt\n", - "[1.440794 1.258802 1.2144529 1.1654621 1.055281 1.0629165 1.0988753\n", - " 1.0181499 1.0228891 1.0691032 1.0887988 1.0322217 1.0660061 1.0224504\n", - " 1.0579453 1.04854 1.0195735 0. 0. ]\n", - "\n", - "[ 0 1 2 3 6 10 9 12 5 14 4 15 11 8 13 16 7 17 18]\n", - "=======================\n", - "[\"gigi hadid , and seven other up-and-coming models , have channeled their inner ` beauty queens ' to pose up in some of the spring season 's hottest runway looks for a fashion and beauty spread , which appears in all 32 national and international editions of harper 's bazaar .the images , which feature in the may editions of the international magazine , debuted yesterday online showcasing the unique styling skills of carine , who has a history of cultivating young models ' careers , including gigi 's .gigi hadid is so gorgeous that she could probably sell us on just about anything she wore .\"]\n", - "=======================\n", - "[\"the magazine 's global fashion director carine roitfeld conceptualized and styled the spread , which appears in all 32 editions of the fashion glossymodels jing wen , laura james , anna cleveland , ondria hardin , antonia wilson , kitty hayes , and paige reifler also starred in the photoshoot\"]\n", - "gigi hadid , and seven other up-and-coming models , have channeled their inner ` beauty queens ' to pose up in some of the spring season 's hottest runway looks for a fashion and beauty spread , which appears in all 32 national and international editions of harper 's bazaar .the images , which feature in the may editions of the international magazine , debuted yesterday online showcasing the unique styling skills of carine , who has a history of cultivating young models ' careers , including gigi 's .gigi hadid is so gorgeous that she could probably sell us on just about anything she wore .\n", - "the magazine 's global fashion director carine roitfeld conceptualized and styled the spread , which appears in all 32 editions of the fashion glossymodels jing wen , laura james , anna cleveland , ondria hardin , antonia wilson , kitty hayes , and paige reifler also starred in the photoshoot\n", - "[1.0885655 1.1443995 1.358586 1.3222811 1.3229334 1.2043695 1.2032251\n", - " 1.038835 1.0164882 1.0155442 1.1340063 1.0334007 1.0768906 1.0236852\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 4 3 5 6 1 10 0 12 7 11 13 8 9 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"wine experts have created a guide to matching wine with snacks that recommends pairing pinot grigio with nachos and shiraz rose with salt and vinegar crisps .tasters at jacob 's creek sampled different types of wine with 10 of the nation 's most popular snacks and light bites .a riesling is the perfect companion to a sausage roll , chardonnay goes great with wasabi peas or pittas and hummus , and merlot is the best glass to compliment a box of chocolates .\"]\n", - "=======================\n", - "['buttery flavours of sausage roll are balanced by zesty apple of rieslingpair margherita with shiraz and pepperoni pizza with cabernet sauvignonpair your scotch egg with fiano and chocolate with a glass of merlot']\n", - "wine experts have created a guide to matching wine with snacks that recommends pairing pinot grigio with nachos and shiraz rose with salt and vinegar crisps .tasters at jacob 's creek sampled different types of wine with 10 of the nation 's most popular snacks and light bites .a riesling is the perfect companion to a sausage roll , chardonnay goes great with wasabi peas or pittas and hummus , and merlot is the best glass to compliment a box of chocolates .\n", - "buttery flavours of sausage roll are balanced by zesty apple of rieslingpair margherita with shiraz and pepperoni pizza with cabernet sauvignonpair your scotch egg with fiano and chocolate with a glass of merlot\n", - "[1.4248701 1.2025075 1.4554677 1.1164513 1.3495243 1.2009976 1.1963183\n", - " 1.0666971 1.0876181 1.0174987 1.0444188 1.1633339 1.0194508 1.0109011\n", - " 1.012613 1.0141171 1.0262375 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 4 1 5 6 11 3 8 7 10 16 12 9 15 14 13 17 18 19 20]\n", - "=======================\n", - "['peter fox , from liverpool , was arrested at euston station in london this morning on suspicion of the murders of bernadette , 57 , and sarah fox , 27 , following a nationwide manhunt .the body of his sister was found by police on thursday night , just hours before her 57-year-old mother bernadette was found dead at sheltered accommodation just half a mile away in bootle , merseyside .a 26-year-old man wanted for the murder of his mother and sister has been arrested after being spotted by a member of the public .']\n", - "=======================\n", - "['peter fox , 26 , has been arrested in london on suspicion of double murderhis sister sarah , 27 , was found dead at her home in bootle on thursdaymother bernadette , 57 , was later found dead at sheltered accommodationfox was arrested at euston station after he was seen by member of public']\n", - "peter fox , from liverpool , was arrested at euston station in london this morning on suspicion of the murders of bernadette , 57 , and sarah fox , 27 , following a nationwide manhunt .the body of his sister was found by police on thursday night , just hours before her 57-year-old mother bernadette was found dead at sheltered accommodation just half a mile away in bootle , merseyside .a 26-year-old man wanted for the murder of his mother and sister has been arrested after being spotted by a member of the public .\n", - "peter fox , 26 , has been arrested in london on suspicion of double murderhis sister sarah , 27 , was found dead at her home in bootle on thursdaymother bernadette , 57 , was later found dead at sheltered accommodationfox was arrested at euston station after he was seen by member of public\n", - "[1.147397 1.3795805 1.2722507 1.2261475 1.1342111 1.0936522 1.1292335\n", - " 1.0468515 1.1203947 1.1304227 1.0519203 1.0811213 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 9 6 8 5 11 10 7 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"in a survey conducted by bt , a third of parents polled said they belt out hip hop songs to soothe their little ones to sleep , while ten per cent opt for pop tunes .eurythmics ' there must be an angel came second on the top ten , followed by vanilla ice 's ice ice baby , while more current hits from pitbull , ed sheeran and sam smith also made the cut .baby soother : when it comes to lullabies , the classic moon river , which audrey hepburn famously sang in breakfast at tiffany 's ( pictured ) , tops the chart for british parents\"]\n", - "=======================\n", - "[\"new survey found that audrey hepburn 's moon river was most popularother chart songs used as lullabies include vanilla ice 's ice ice babypitbull , ed sheeran and sam smith also made the cut\"]\n", - "in a survey conducted by bt , a third of parents polled said they belt out hip hop songs to soothe their little ones to sleep , while ten per cent opt for pop tunes .eurythmics ' there must be an angel came second on the top ten , followed by vanilla ice 's ice ice baby , while more current hits from pitbull , ed sheeran and sam smith also made the cut .baby soother : when it comes to lullabies , the classic moon river , which audrey hepburn famously sang in breakfast at tiffany 's ( pictured ) , tops the chart for british parents\n", - "new survey found that audrey hepburn 's moon river was most popularother chart songs used as lullabies include vanilla ice 's ice ice babypitbull , ed sheeran and sam smith also made the cut\n", - "[1.611554 1.4673169 1.2159996 1.0969507 1.1320612 1.0264152 1.0185565\n", - " 1.0194843 1.0646774 1.3056282 1.0516516 1.0132283 1.0163604 1.0123382\n", - " 1.0110135 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 9 2 4 3 8 10 5 7 6 12 11 13 14 19 15 16 17 18 20]\n", - "=======================\n", - "[\"england star anthony watson believes the pain of bath 's european champions cup exit can be a driving force in their push to make this season 's aviva premiership play-offs .watson and company were left to reflect on what might have been at dublin 's aviva stadium as six ian madigan penalties gave three-time european champions leinster a tense 18-15 quarter-final success .ian madigan was perfect from the tee to hand leinster the victory in a game where they were second best\"]\n", - "=======================\n", - "['bath dominated champions cup quarter final against leinsterbut english side came up just short 18-15 , despite scoring two trieswith four premiership games left , watson wants pain to spur team on']\n", - "england star anthony watson believes the pain of bath 's european champions cup exit can be a driving force in their push to make this season 's aviva premiership play-offs .watson and company were left to reflect on what might have been at dublin 's aviva stadium as six ian madigan penalties gave three-time european champions leinster a tense 18-15 quarter-final success .ian madigan was perfect from the tee to hand leinster the victory in a game where they were second best\n", - "bath dominated champions cup quarter final against leinsterbut english side came up just short 18-15 , despite scoring two trieswith four premiership games left , watson wants pain to spur team on\n", - "[1.6348796 1.1819443 1.0681663 1.5325621 1.1551615 1.0348288 1.1204071\n", - " 1.077956 1.019384 1.1642601 1.0857329 1.0757807 1.0207231 1.0137051\n", - " 1.0105699 1.0149386 1.0179397 1.0141023 1.0127487 1.0082202 1.0072073]\n", - "\n", - "[ 0 3 1 9 4 6 10 7 11 2 5 12 8 16 15 17 13 18 14 19 20]\n", - "=======================\n", - "[\"atletico madrid striker fernando torres believes coach diego simeone 's clear understanding of the team 's weaknesses has been the key to their success as they seek revenge against real madrid on tuesday for last season 's champions league final defeat .fernando torres ( centre ) scored his first ever league own goal during the 2-2 draw with malaga on saturdaywith the determined argentine at the helm , atletico have belied their economic inferiority to become one of the most dangerous sides in europe and now the la liga champions take on real aiming once again for a place in the semi-finals of the continent 's elite competition .\"]\n", - "=======================\n", - "[\"real madrid take on atletico madrid in champions league quarter-finalsfirst-leg is at atletico 's vicente calderon on tuesday eveningatletico madrid could only manage 2-2 draw against malaga on saturdayreal madrid beat eibar 3-0 to go just 2 points behind barcelona in la liga\"]\n", - "atletico madrid striker fernando torres believes coach diego simeone 's clear understanding of the team 's weaknesses has been the key to their success as they seek revenge against real madrid on tuesday for last season 's champions league final defeat .fernando torres ( centre ) scored his first ever league own goal during the 2-2 draw with malaga on saturdaywith the determined argentine at the helm , atletico have belied their economic inferiority to become one of the most dangerous sides in europe and now the la liga champions take on real aiming once again for a place in the semi-finals of the continent 's elite competition .\n", - "real madrid take on atletico madrid in champions league quarter-finalsfirst-leg is at atletico 's vicente calderon on tuesday eveningatletico madrid could only manage 2-2 draw against malaga on saturdayreal madrid beat eibar 3-0 to go just 2 points behind barcelona in la liga\n", - "[1.4356778 1.2122693 1.3161407 1.2336217 1.1636472 1.2364181 1.1673851\n", - " 1.0709771 1.0276437 1.0242965 1.0821159 1.0777706 1.0962741 1.0211282\n", - " 1.0175705 1.0763826 1.0250515 1.014712 1.0186608 0. 0. ]\n", - "\n", - "[ 0 2 5 3 1 6 4 12 10 11 15 7 8 16 9 13 18 14 17 19 20]\n", - "=======================\n", - "[\"ian gibson , a former soldier who had his kneecap blown off in combat and is suing his employer after a colleague nicknamed him hoppytoday , ex-army tank driver ian gibson from hillingdon in middlesex told an employment tribunal that he was subjected to a tirade of ` horrible harassment ' while working at h and g contracting services ltd at heathrow airport .in 2010 he underwent a knee replacement and had further surgery on his other knee two years later .\"]\n", - "=======================\n", - "[\"ian gibson claims he was bullied at h and g contracting services ltdsays he was called ` hoppy ' by a colleague due to a limp from an injuryadds he was overlooked for an office job when pain became too muchmr gibson sustained the knee injury in combat in the parachute regiment\"]\n", - "ian gibson , a former soldier who had his kneecap blown off in combat and is suing his employer after a colleague nicknamed him hoppytoday , ex-army tank driver ian gibson from hillingdon in middlesex told an employment tribunal that he was subjected to a tirade of ` horrible harassment ' while working at h and g contracting services ltd at heathrow airport .in 2010 he underwent a knee replacement and had further surgery on his other knee two years later .\n", - "ian gibson claims he was bullied at h and g contracting services ltdsays he was called ` hoppy ' by a colleague due to a limp from an injuryadds he was overlooked for an office job when pain became too muchmr gibson sustained the knee injury in combat in the parachute regiment\n", - "[1.3531291 1.2376003 1.2900406 1.2718964 1.2710702 1.203545 1.187261\n", - " 1.1133068 1.0531361 1.0248988 1.0786831 1.0158358 1.1062019 1.1324716\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 4 1 5 6 13 7 12 10 8 9 11 14 15 16 17 18 19 20]\n", - "=======================\n", - "['the inquiry into the iraq war , lead by sir john chilcot , began in 2009 , stopped taking evidence in 2011 , but will not report until 2016 , a source saidit was initially thought it would be delayed until after the general election amid claims it could be damning for labour .tony blair is expected to be come under intense scrutiny for sanctioning the ill-fated invasion .']\n", - "=======================\n", - "[\"sir john chilcot 's inquiry began in 2009 , stopped taking evidence in 2011his report has been repeatedly delayed but was expected after electionnow source says findings may not become public until ` at least ' 2016\"]\n", - "the inquiry into the iraq war , lead by sir john chilcot , began in 2009 , stopped taking evidence in 2011 , but will not report until 2016 , a source saidit was initially thought it would be delayed until after the general election amid claims it could be damning for labour .tony blair is expected to be come under intense scrutiny for sanctioning the ill-fated invasion .\n", - "sir john chilcot 's inquiry began in 2009 , stopped taking evidence in 2011his report has been repeatedly delayed but was expected after electionnow source says findings may not become public until ` at least ' 2016\n", - "[1.2717067 1.3625541 1.1161838 1.1124686 1.1469171 1.3277171 1.1640754\n", - " 1.0400456 1.0233487 1.1041044 1.0846608 1.065514 1.0917757 1.1206658\n", - " 1.1109735 1.0570388 1.0267848 1.0566145 1.0210503 1.0148326 1.0239396]\n", - "\n", - "[ 1 5 0 6 4 13 2 3 14 9 12 10 11 15 17 7 16 20 8 18 19]\n", - "=======================\n", - "['the march 18 video recorded by faysal mohamed lasts for 30 seconds and begins with a police officer giving a violent warning while his gun was trained on the teen and his two friends .pulled over : the teens were cuffed and held on the side of the road by the officers in south minneapolis on march 18cellphone footage appears to show a minneapolis police officer threatening to break the legs of a teenager who claims he was pulled over because of racial profiling .']\n", - "=======================\n", - "['faysal mohamed , 17 , pulled over along with two friends in minneapolisthe teens managed to film threatening language used by officer rod webberclaim the officers trained their guns on the teenagers but let them go without charge']\n", - "the march 18 video recorded by faysal mohamed lasts for 30 seconds and begins with a police officer giving a violent warning while his gun was trained on the teen and his two friends .pulled over : the teens were cuffed and held on the side of the road by the officers in south minneapolis on march 18cellphone footage appears to show a minneapolis police officer threatening to break the legs of a teenager who claims he was pulled over because of racial profiling .\n", - "faysal mohamed , 17 , pulled over along with two friends in minneapolisthe teens managed to film threatening language used by officer rod webberclaim the officers trained their guns on the teenagers but let them go without charge\n", - "[1.3253105 1.2963747 1.3088275 1.1613679 1.2500163 1.0707297 1.1183667\n", - " 1.0662894 1.0293465 1.0924287 1.2307602 1.0535991 1.0630922 1.0370142\n", - " 1.0289023 1.0257144 1.0164307 1.0339121 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 4 10 3 6 9 5 7 12 11 13 17 8 14 15 16 19 18 20]\n", - "=======================\n", - "[\"sexting is ` not advised for politicians ' , says ed miliband - and ` risky if you are young , dodgy if you are older ' in the words of deputy prime minister nick clegg .green party leader natalie bennett responded that it is ` ok for other adults but not for me ' .both men were asked their opinion on the practice of sending sexy text messages in a quiz for fashion magazine cosmopolitan 's website .\"]\n", - "=======================\n", - "[\"sexting is ` not advised for politicians ' , says labour leader ed milibandand nick clegg adds it 's ` risky if you are young , dodgy if you are older 'green party leader natalie bennett says it is ` not for her ' and education secretary nicky morgan adds it 's ` too risky 'politicians were asked what they thought of the practice by cosmpolitan\"]\n", - "sexting is ` not advised for politicians ' , says ed miliband - and ` risky if you are young , dodgy if you are older ' in the words of deputy prime minister nick clegg .green party leader natalie bennett responded that it is ` ok for other adults but not for me ' .both men were asked their opinion on the practice of sending sexy text messages in a quiz for fashion magazine cosmopolitan 's website .\n", - "sexting is ` not advised for politicians ' , says labour leader ed milibandand nick clegg adds it 's ` risky if you are young , dodgy if you are older 'green party leader natalie bennett says it is ` not for her ' and education secretary nicky morgan adds it 's ` too risky 'politicians were asked what they thought of the practice by cosmpolitan\n", - "[1.1840504 1.3806996 1.2981412 1.2647434 1.2549368 1.1367819 1.1111513\n", - " 1.1211724 1.069589 1.1172062 1.0309191 1.1928942 1.0324957 1.010181\n", - " 1.0142019 1.0489857 1.0310153 1.0459548 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 11 0 5 7 9 6 8 15 17 12 16 10 14 13 19 18 20]\n", - "=======================\n", - "[\"the conservatives ' economic strategy also won a stunning international endorsement , with the international monetary fund lavishing praise on chancellor george osborne .employment rose above 31million in the three months to february , official figures showed -- 557,000 higher than a year before .david cameron said the conservatives had overseen a ` jobs miracle ' and britain had created more jobs in the last five years than the rest of the eu put together .\"]\n", - "=======================\n", - "[\"employment in uk rose above 31million in last three months to februaryconservative 's economic strategy praised by international monetary fundprime minister david cameron says tories have overseen a ` jobs miracle '\"]\n", - "the conservatives ' economic strategy also won a stunning international endorsement , with the international monetary fund lavishing praise on chancellor george osborne .employment rose above 31million in the three months to february , official figures showed -- 557,000 higher than a year before .david cameron said the conservatives had overseen a ` jobs miracle ' and britain had created more jobs in the last five years than the rest of the eu put together .\n", - "employment in uk rose above 31million in last three months to februaryconservative 's economic strategy praised by international monetary fundprime minister david cameron says tories have overseen a ` jobs miracle '\n", - "[1.1776608 1.448933 1.3704615 1.2841496 1.1227503 1.0342563 1.0227853\n", - " 1.1742114 1.0816661 1.1267612 1.0803164 1.0496312 1.0458115 1.0692253\n", - " 1.0466344 1.0358747 0. ]\n", - "\n", - "[ 1 2 3 0 7 9 4 8 10 13 11 14 12 15 5 6 16]\n", - "=======================\n", - "['the novelist , who died in 2014 aged 90 , amassed a spectacular collection of greek , egyptian and roman jewellery during her lifetime , among them pieces up to 3,500 years old .now the collection is to go under the hammer , with auctioneers saying they expect the exquisite pieces to fetch up to # 20,000 .collector : elizabeth jane howard , pictured with kingsley amis , collected ancient jewellery']\n", - "=======================\n", - "['the ancient jewels belonged to novelist elizabeth jane howardshe is famous for the cazalet chronicles and marriage to kingsley amisthe collection includes ancient egyptian hair rings dating from 1550 b.choward , who died in january 2014 , often wore the jewelleryin total , the pieces , some of which are 3,500 years old , are worth # 20,000']\n", - "the novelist , who died in 2014 aged 90 , amassed a spectacular collection of greek , egyptian and roman jewellery during her lifetime , among them pieces up to 3,500 years old .now the collection is to go under the hammer , with auctioneers saying they expect the exquisite pieces to fetch up to # 20,000 .collector : elizabeth jane howard , pictured with kingsley amis , collected ancient jewellery\n", - "the ancient jewels belonged to novelist elizabeth jane howardshe is famous for the cazalet chronicles and marriage to kingsley amisthe collection includes ancient egyptian hair rings dating from 1550 b.choward , who died in january 2014 , often wore the jewelleryin total , the pieces , some of which are 3,500 years old , are worth # 20,000\n", - "[1.2323623 1.4723232 1.1870685 1.1796293 1.1684977 1.0519013 1.0282947\n", - " 1.029366 1.0727894 1.0262386 1.0264796 1.0559481 1.0500437 1.091011\n", - " 1.1168973 1.0510309 1.0330459]\n", - "\n", - "[ 1 0 2 3 4 14 13 8 11 5 15 12 16 7 6 10 9]\n", - "=======================\n", - "[\"but the so-called ` king of instagram ' has been forced into making a public safety announcement in order to avoid jail after being arrested for placing homemade explosives into a tractor before shooting them .known for his life of fast cars , supermodels , and heavy-duty firearms , dan bilzerian is perhaps the last man you would expect to be fronting a video about responsible gun use .the film shows a stony-faced bilzerian speaking from behind a desk in his lavish home , complete with gun-shaped candle holder , an action figurine of himself , and a bizarre painting , while lecturing people on ` responsible ' gun ownership .\"]\n", - "=======================\n", - "['dan bilzerian , 34 , arrested on explosives charges in december last yearescaped jail as part of plea that required him to make gun safety filmfilm shows bilzerian speaking in monotone voice reading from a scriptsits in front of gun-shaped candle holder next to action figure of himself']\n", - "but the so-called ` king of instagram ' has been forced into making a public safety announcement in order to avoid jail after being arrested for placing homemade explosives into a tractor before shooting them .known for his life of fast cars , supermodels , and heavy-duty firearms , dan bilzerian is perhaps the last man you would expect to be fronting a video about responsible gun use .the film shows a stony-faced bilzerian speaking from behind a desk in his lavish home , complete with gun-shaped candle holder , an action figurine of himself , and a bizarre painting , while lecturing people on ` responsible ' gun ownership .\n", - "dan bilzerian , 34 , arrested on explosives charges in december last yearescaped jail as part of plea that required him to make gun safety filmfilm shows bilzerian speaking in monotone voice reading from a scriptsits in front of gun-shaped candle holder next to action figure of himself\n", - "[1.4922249 1.3242782 1.1722336 1.3953692 1.3098023 1.1402245 1.0176867\n", - " 1.1286585 1.1006025 1.1524286 1.0339098 1.1441324 1.0100938 1.0752014\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 9 11 5 7 8 13 10 6 12 14 15 16]\n", - "=======================\n", - "['former manchester united goalkeeper edwin van der sar is convinced louis van gaal will bring the glory days back to old trafford .united head to chelsea on saturday in top form , having won six successive matches .victory at stamford bridge would put united within five points of the blues , but the fact that the leaders have one game in hand means they are big favourites to lift the barclays premier league trophy next month .']\n", - "=======================\n", - "[\"louis van gaal has led manchester united into a great run of form of lateafter their surge up the table , united have their sights on next year 's titleedwin van der sar says van gaal can win trophies after united 's drought\"]\n", - "former manchester united goalkeeper edwin van der sar is convinced louis van gaal will bring the glory days back to old trafford .united head to chelsea on saturday in top form , having won six successive matches .victory at stamford bridge would put united within five points of the blues , but the fact that the leaders have one game in hand means they are big favourites to lift the barclays premier league trophy next month .\n", - "louis van gaal has led manchester united into a great run of form of lateafter their surge up the table , united have their sights on next year 's titleedwin van der sar says van gaal can win trophies after united 's drought\n", - "[1.4635359 1.2606823 1.1724197 1.1625471 1.2123059 1.1036837 1.0595763\n", - " 1.05348 1.0528841 1.1617912 1.0933042 1.1297163 1.0513587 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 3 9 11 5 10 6 7 8 12 13 14 15 16]\n", - "=======================\n", - "['audi tt roadster 2.0 tfsi s line quattro ( 230ps )price as driven : # 54,180it goes on sale this month .']\n", - "=======================\n", - "[\"we 've enjoyed some of the highest temperatures of the year this weekthe range starts at # 31,995 and the audi can cost as much as # 50,000no matter how good , the new audi tt still has nothing on the 1999 modelwith the sunshine beaming this week and some of the highest temperatures recorded so far this year , what better moment to splash out on the new third-generation audi tt roadster .i drove the fully stocked four-wheel-drive 2-litre tfsi in s-line quattro trim with 230 bhp , which was adept at whipping around the cotswolds in style .sure-footed and fun to drive with lively acceleration that takes it from rest to 62 mph in just 6.1 seconds up to a top speed electronically limited to 155 mph .supportively cossetting sports seats leave you sitting comfortably at the wheel .a nicely tuned exhaust pipe gives the tt roadster a most satisfying ` brrrm brrrm ' .you wo n't break the bank at the filling station .great wind-in-the-hair motoring with a top that will come down in ten seconds at speeds of up to 31mph , and a more streamlined body .it 's easy to make a hands-free phone call with the automatic three-layer fabric hood down because microphones are embedded in the safety belt .auto-dim led headlights have been transferred across from the flagship audi a8 saloon .if it ai n't broke , do n't fix it .the car i drove cost well in excess of # 50,000 .the optional open-top driving package includes head-level heating to keep your bonce from getting chilly , an electrically operated wind deflector , which stops parky draughts whistling behind your neck , and handily heated super sports seats .no matter how good , nothing will have the jaw-dropping impact on the car market as the original audi tt of 1999 .hefty prestige price tag .these include an open-top driving package ( # 1,000 ) , rotorgrey fine nappa leather and super-sports seats ( # 1,390 ) , a comfort and sound package ( # 1,590 ) , technology package ( # 1,795 ) , electric front seats ( # 995 ) , 19 in twin-spoke alloy wheels ( # 450 ) , metallic paint ( # 545 ) , and led headlights ( # 945 ) .\"]\n", - "audi tt roadster 2.0 tfsi s line quattro ( 230ps )price as driven : # 54,180it goes on sale this month .\n", - "we 've enjoyed some of the highest temperatures of the year this weekthe range starts at # 31,995 and the audi can cost as much as # 50,000no matter how good , the new audi tt still has nothing on the 1999 modelwith the sunshine beaming this week and some of the highest temperatures recorded so far this year , what better moment to splash out on the new third-generation audi tt roadster .i drove the fully stocked four-wheel-drive 2-litre tfsi in s-line quattro trim with 230 bhp , which was adept at whipping around the cotswolds in style .sure-footed and fun to drive with lively acceleration that takes it from rest to 62 mph in just 6.1 seconds up to a top speed electronically limited to 155 mph .supportively cossetting sports seats leave you sitting comfortably at the wheel .a nicely tuned exhaust pipe gives the tt roadster a most satisfying ` brrrm brrrm ' .you wo n't break the bank at the filling station .great wind-in-the-hair motoring with a top that will come down in ten seconds at speeds of up to 31mph , and a more streamlined body .it 's easy to make a hands-free phone call with the automatic three-layer fabric hood down because microphones are embedded in the safety belt .auto-dim led headlights have been transferred across from the flagship audi a8 saloon .if it ai n't broke , do n't fix it .the car i drove cost well in excess of # 50,000 .the optional open-top driving package includes head-level heating to keep your bonce from getting chilly , an electrically operated wind deflector , which stops parky draughts whistling behind your neck , and handily heated super sports seats .no matter how good , nothing will have the jaw-dropping impact on the car market as the original audi tt of 1999 .hefty prestige price tag .these include an open-top driving package ( # 1,000 ) , rotorgrey fine nappa leather and super-sports seats ( # 1,390 ) , a comfort and sound package ( # 1,590 ) , technology package ( # 1,795 ) , electric front seats ( # 995 ) , 19 in twin-spoke alloy wheels ( # 450 ) , metallic paint ( # 545 ) , and led headlights ( # 945 ) .\n", - "[1.4111121 1.421836 1.3598928 1.4461725 1.1402801 1.0346028 1.0342126\n", - " 1.0158207 1.0136575 1.1932231 1.0501978 1.0274686 1.0137587 1.0140945\n", - " 1.0123776 1.126341 1.062211 ]\n", - "\n", - "[ 3 1 0 2 9 4 15 16 10 5 6 11 7 13 12 8 14]\n", - "=======================\n", - "[\"siem de jong , pictured in newcastle training last week , played 72 minutes for the u21s on tuesdayit was his second appearance for peter beardsley 's side since recovering from surgery to repair a collapsed lung and while he admits he is still short of match fitness , he is in contention for a seat on the bench at st james ' park on saturday if head coach john carver requires him .de jong has only made one league start this season but hopes to be involved in first-team again soon\"]\n", - "=======================\n", - "['siem de jong set up adam armstrong for winner in 2-1 aston villa winit was his second game for u21s since surgery to repair collapsed lungthe # 6m summer signing has only made one league start for newcastle']\n", - "siem de jong , pictured in newcastle training last week , played 72 minutes for the u21s on tuesdayit was his second appearance for peter beardsley 's side since recovering from surgery to repair a collapsed lung and while he admits he is still short of match fitness , he is in contention for a seat on the bench at st james ' park on saturday if head coach john carver requires him .de jong has only made one league start this season but hopes to be involved in first-team again soon\n", - "siem de jong set up adam armstrong for winner in 2-1 aston villa winit was his second game for u21s since surgery to repair collapsed lungthe # 6m summer signing has only made one league start for newcastle\n", - "[1.2497613 1.5308638 1.1792884 1.4284316 1.057168 1.0385267 1.143375\n", - " 1.152112 1.0965165 1.123863 1.1070772 1.0159221 1.0252968 1.0149782\n", - " 1.0683012 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 7 6 9 10 8 14 4 5 12 11 13 15 16 17]\n", - "=======================\n", - "[\"james ritchie was voted into the job at the tasmanian university union with a clear majority over a female candidate more than three weeks ago .a man has been pressured into resigning from his role as a women 's officer at a university student union after public pressure and an online petition demanded that he step down from the position .despite his qualifications for the role and no gender specified in the job description , the reaction to a male being offered the position caused huge opposition which left mr ritchie feeling that the negativity impacted on him being able to do the job to the best of his ability .\"]\n", - "=======================\n", - "[\"james ritchie was voted into the job at the tasmanian university union with a clear majority over a female candidate more than three weeks agomounting public pressure and an online petition forced him to resignno gender was specified in the union 's job description guidelinesbut the union has now introduced that the applicant must be a female\"]\n", - "james ritchie was voted into the job at the tasmanian university union with a clear majority over a female candidate more than three weeks ago .a man has been pressured into resigning from his role as a women 's officer at a university student union after public pressure and an online petition demanded that he step down from the position .despite his qualifications for the role and no gender specified in the job description , the reaction to a male being offered the position caused huge opposition which left mr ritchie feeling that the negativity impacted on him being able to do the job to the best of his ability .\n", - "james ritchie was voted into the job at the tasmanian university union with a clear majority over a female candidate more than three weeks agomounting public pressure and an online petition forced him to resignno gender was specified in the union 's job description guidelinesbut the union has now introduced that the applicant must be a female\n", - "[1.3538221 1.2619927 1.1216666 1.0921103 1.1930505 1.2443453 1.1743205\n", - " 1.0782322 1.0980573 1.072042 1.0671749 1.0436306 1.1989703 1.1269251\n", - " 1.043799 1.0461144 0. 0. ]\n", - "\n", - "[ 0 1 5 12 4 6 13 2 8 3 7 9 10 15 14 11 16 17]\n", - "=======================\n", - "[\"harvey weinstein 's wife georgina chapman today gushed online about her ` wonderful husband ' - just days after it emerged he would not face criminal charges for allegedly groping an italian model .in an apparent effort to push past the scandal , the british-born fashion designer , who turned 39 on tuesday , shared an instagram image of a large bouquet of flowers he had bought for her .claims : italian model ambra battilana , 22 , told police weinstein groped her during a meeting last month\"]\n", - "=======================\n", - "[\"the designer shared the snap to instagram on tuesday , her 39th birthdayshe was reportedly ` furious ' after italian model ambra battilana , 22 , claimed weinstein had groped her during a meeting last monthon friday , the manhattan district attorney 's office announced it would not be bringing charges against the millionaire producer\"]\n", - "harvey weinstein 's wife georgina chapman today gushed online about her ` wonderful husband ' - just days after it emerged he would not face criminal charges for allegedly groping an italian model .in an apparent effort to push past the scandal , the british-born fashion designer , who turned 39 on tuesday , shared an instagram image of a large bouquet of flowers he had bought for her .claims : italian model ambra battilana , 22 , told police weinstein groped her during a meeting last month\n", - "the designer shared the snap to instagram on tuesday , her 39th birthdayshe was reportedly ` furious ' after italian model ambra battilana , 22 , claimed weinstein had groped her during a meeting last monthon friday , the manhattan district attorney 's office announced it would not be bringing charges against the millionaire producer\n", - "[1.4474609 1.4391646 1.3874468 1.4572259 1.1265606 1.1035354 1.095047\n", - " 1.0873898 1.0472443 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 2 4 5 6 7 8 9 10 11 12 13 14 15 16 17]\n", - "=======================\n", - "[\"bolton defender marc tierney has been forced to take early retirement following a long-term ankle injurytierney , who joined bolton from norwich , was set for a call up to the republic of ireland squad prior to his injury .tierney started his career at oldham athletic in 2003 , rising through the ranks at the club 's academy and making 44 appearances for the first-team , before a switch to shrewsbury town four years later .\"]\n", - "=======================\n", - "['bolton left-back marc tierney is set to hang up his bootsthe 29-year-old has been forced into early retirement after failing to recover from a fractured ankle suffered against yeovil in september 2013he underwent a series of operations and received specialist advice']\n", - "bolton defender marc tierney has been forced to take early retirement following a long-term ankle injurytierney , who joined bolton from norwich , was set for a call up to the republic of ireland squad prior to his injury .tierney started his career at oldham athletic in 2003 , rising through the ranks at the club 's academy and making 44 appearances for the first-team , before a switch to shrewsbury town four years later .\n", - "bolton left-back marc tierney is set to hang up his bootsthe 29-year-old has been forced into early retirement after failing to recover from a fractured ankle suffered against yeovil in september 2013he underwent a series of operations and received specialist advice\n", - "[1.2955639 1.4316828 1.2572881 1.2327533 1.1526026 1.0459739 1.0446715\n", - " 1.0734655 1.0654875 1.1703917 1.0373808 1.0533516 1.0469863 1.0502719\n", - " 1.0282007 1.0564599 1.0175079 1.0167087]\n", - "\n", - "[ 1 0 2 3 9 4 7 8 15 11 13 12 5 6 10 14 16 17]\n", - "=======================\n", - "['the 12 jurors and 12 alternates were chosen on tuesday in in arapahoe county district court after a selection process that began on january 20 , and which experts said was among the largest and most complicated in u.s. history .a union plumber , a school teacher and a survivor of the 1999 columbine high school massacre were among the 19 women and five men chosen to serve as jurors in the death penalty trial of colorado theater shooter james holmes .holmes is charged with shooting dead 12 people and wounding 70 others in the july 2012 attack at a century movie theater in aurora , colorado , during a midnight screening of the film the dark knight rises .']\n", - "=======================\n", - "[\"the 12 jurors and 12 alternates were chosen on tuesday after a selection process that began on january 20experts say the jury selection in centennial , coloradp was among the largest and most complicated in u.s. historyholmes is charged with shooting dead 12 people and wounding 70 others in the july 2012 attack at a movie theater in aurorahis attorneys do n't dispute that he pulled the trigger but say he was in the grips of a psychotic episode when he opened fireamong the 19 women and 5 men chosen , are a schools employee , a person with depression and a businesswoman who cares for her elderly parents\"]\n", - "the 12 jurors and 12 alternates were chosen on tuesday in in arapahoe county district court after a selection process that began on january 20 , and which experts said was among the largest and most complicated in u.s. history .a union plumber , a school teacher and a survivor of the 1999 columbine high school massacre were among the 19 women and five men chosen to serve as jurors in the death penalty trial of colorado theater shooter james holmes .holmes is charged with shooting dead 12 people and wounding 70 others in the july 2012 attack at a century movie theater in aurora , colorado , during a midnight screening of the film the dark knight rises .\n", - "the 12 jurors and 12 alternates were chosen on tuesday after a selection process that began on january 20experts say the jury selection in centennial , coloradp was among the largest and most complicated in u.s. historyholmes is charged with shooting dead 12 people and wounding 70 others in the july 2012 attack at a movie theater in aurorahis attorneys do n't dispute that he pulled the trigger but say he was in the grips of a psychotic episode when he opened fireamong the 19 women and 5 men chosen , are a schools employee , a person with depression and a businesswoman who cares for her elderly parents\n", - "[1.2594501 1.4850676 1.2211328 1.2773541 1.1499411 1.1632442 1.1790425\n", - " 1.0747619 1.0522568 1.0551845 1.0352875 1.0110773 1.2131175 1.1426668\n", - " 1.0334448 1.0109161 1.0212773 1.0108002]\n", - "\n", - "[ 1 3 0 2 12 6 5 4 13 7 9 8 10 14 16 11 15 17]\n", - "=======================\n", - "['drivers pulled over on interstate 20 in albilene , texas , got out of their cars and walked toward oncoming traffic to pick up the cash .a texas highway was thrown into chaos on friday when the door of brinks armored truck flew open , causing money to spill onto the road .a video posted on facebook shows motorists frantically grabbing the notes in between stopped vehicles , while others were forced to slow down and veer out of the way .']\n", - "=======================\n", - "['bundles of notes spilled onto interstate 20 in albilene , texas , on fridaypassenger door of vehicle flung open - releasing the money onto the roadmotorists pulled over and abandoned their vehicles to pick up the cashpolice have warned anyone caught with the money will be arrested']\n", - "drivers pulled over on interstate 20 in albilene , texas , got out of their cars and walked toward oncoming traffic to pick up the cash .a texas highway was thrown into chaos on friday when the door of brinks armored truck flew open , causing money to spill onto the road .a video posted on facebook shows motorists frantically grabbing the notes in between stopped vehicles , while others were forced to slow down and veer out of the way .\n", - "bundles of notes spilled onto interstate 20 in albilene , texas , on fridaypassenger door of vehicle flung open - releasing the money onto the roadmotorists pulled over and abandoned their vehicles to pick up the cashpolice have warned anyone caught with the money will be arrested\n", - "[1.1044818 1.1784527 1.3389966 1.320153 1.1459883 1.2940096 1.1653872\n", - " 1.1055566 1.0902162 1.1290443 1.051396 1.0434343 1.0127964 1.1149541\n", - " 1.1148089 1.0431656 1.0103488 1.0093731 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 3 5 1 6 4 9 13 14 7 0 8 10 11 15 12 16 17 20 18 19 21]\n", - "=======================\n", - "[\"the brunette bombshell has launched a new swimwear line with a twist - the eco-friendly collection is made entirely of 100 per cent recycled material .curves to coral : model and environmental scientist laura wells uses figure to flaunt ocean inspired swimwearthe environmental scientist turned model designed the line in collaboration with us brand swimsuits for all 's trend range , swimsexy .\"]\n", - "=======================\n", - "['australian plus size model laura wells releases eco-friendly swimwearthe swim range goes up to size 24 and is 100 per cent recyclable materialthe prints australian ocean inspired designs and coral reef coloursthe swimwear is a collaboration with us brand swim sexy']\n", - "the brunette bombshell has launched a new swimwear line with a twist - the eco-friendly collection is made entirely of 100 per cent recycled material .curves to coral : model and environmental scientist laura wells uses figure to flaunt ocean inspired swimwearthe environmental scientist turned model designed the line in collaboration with us brand swimsuits for all 's trend range , swimsexy .\n", - "australian plus size model laura wells releases eco-friendly swimwearthe swim range goes up to size 24 and is 100 per cent recyclable materialthe prints australian ocean inspired designs and coral reef coloursthe swimwear is a collaboration with us brand swim sexy\n", - "[1.484127 1.3328779 1.236246 1.4892237 1.3407507 1.1063819 1.0478693\n", - " 1.2325759 1.0571097 1.0156236 1.0173383 1.0133584 1.05408 1.0126063\n", - " 1.0153319 1.0201793 1.084228 1.0747887 1.0173602 1.0104438 1.0092721\n", - " 1.0104591]\n", - "\n", - "[ 3 0 4 1 2 7 5 16 17 8 12 6 15 18 10 9 14 11 13 21 19 20]\n", - "=======================\n", - "['burnley veteran defender michael duff is preparing to take on tottenham in the premier league on sundayduff has backed his manager sean dyche to one day take charge of the england teamdyche , 43 , has a growing reputation having overseen a remarkable transformation of fortunes since arriving at turf moor in october 2012 .']\n", - "=======================\n", - "[\"the veteran burnley defender believes dyche could manage three lions37-year-old described his boss as ` first class 'former northern ireland international has played in top eight divisionsduff himself is hoping to enter management after his retirement\"]\n", - "burnley veteran defender michael duff is preparing to take on tottenham in the premier league on sundayduff has backed his manager sean dyche to one day take charge of the england teamdyche , 43 , has a growing reputation having overseen a remarkable transformation of fortunes since arriving at turf moor in october 2012 .\n", - "the veteran burnley defender believes dyche could manage three lions37-year-old described his boss as ` first class 'former northern ireland international has played in top eight divisionsduff himself is hoping to enter management after his retirement\n", - "[1.2955599 1.33107 1.3186466 1.286801 1.2665617 1.0886827 1.1595352\n", - " 1.026781 1.0266732 1.0210726 1.1149998 1.0272232 1.0170337 1.0147247\n", - " 1.1220126 1.0448986 1.1224619 1.1874427 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 4 17 6 16 14 10 5 15 11 7 8 9 12 13 20 18 19 21]\n", - "=======================\n", - "[\"meteorologists say early indicators show that an east coast low -- the same weather system that lashed the state 's east coast for three days last week -- could hit the region , with heavy rain possible from thursday .the state emergency service was deluged with calls for assistance last week and has more than 4,000 jobs from the 24,196 requests still to be completed .residents of new south wales who are already reeling from last week 's wild weather are being warned to brace for more floods and damage , with another storm predicted to hit later this week .\"]\n", - "=======================\n", - "[\"another east coast low predicted to hit new south wales from thursdaythe ses says it is concerned about the impact this will have on communities hard hit by last week 's storms - particularly in the hunterresidents urged to prepare their homes to prevent more damage\"]\n", - "meteorologists say early indicators show that an east coast low -- the same weather system that lashed the state 's east coast for three days last week -- could hit the region , with heavy rain possible from thursday .the state emergency service was deluged with calls for assistance last week and has more than 4,000 jobs from the 24,196 requests still to be completed .residents of new south wales who are already reeling from last week 's wild weather are being warned to brace for more floods and damage , with another storm predicted to hit later this week .\n", - "another east coast low predicted to hit new south wales from thursdaythe ses says it is concerned about the impact this will have on communities hard hit by last week 's storms - particularly in the hunterresidents urged to prepare their homes to prevent more damage\n", - "[1.272513 1.4237262 1.2629235 1.2449448 1.1386273 1.072016 1.0738244\n", - " 1.0350422 1.0455836 1.1050326 1.0698246 1.0964116 1.0318036 1.0572144\n", - " 1.0205646 1.0159792 1.0585415 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 3 4 9 11 6 5 10 16 13 8 7 12 14 15 20 17 18 19 21]\n", - "=======================\n", - "['adam crapser , 39 , of salem , was issued with deportation papers by the department of homeland security in january and a hearing is set for april 2 .an oregon man adopted from south korea as a toddler fears that he could be torn away from his wife and three children because his u.s. citizenship was never registered .the father-of-three , who has a fourth child on the way , arrived in america with the name shin sonh hyuk in 1979 around the age of three along with his biological sister .']\n", - "=======================\n", - "[\"adam crapser , 39 , was issued with deportation papers by the department of homeland security in january and a hearing is set for april 2the father-of-three arrived in america with the name shin sonh hyuk in 1979 around the age of three along with his biological sisterhowever , his first set of adoptive parents abandoned him and the second set turned out to be abusiveadding to crapser 's struggles , at no point did his guardians seek the green card or citizenship for him that they should have\"]\n", - "adam crapser , 39 , of salem , was issued with deportation papers by the department of homeland security in january and a hearing is set for april 2 .an oregon man adopted from south korea as a toddler fears that he could be torn away from his wife and three children because his u.s. citizenship was never registered .the father-of-three , who has a fourth child on the way , arrived in america with the name shin sonh hyuk in 1979 around the age of three along with his biological sister .\n", - "adam crapser , 39 , was issued with deportation papers by the department of homeland security in january and a hearing is set for april 2the father-of-three arrived in america with the name shin sonh hyuk in 1979 around the age of three along with his biological sisterhowever , his first set of adoptive parents abandoned him and the second set turned out to be abusiveadding to crapser 's struggles , at no point did his guardians seek the green card or citizenship for him that they should have\n", - "[1.335781 1.1931084 1.4321178 1.2488889 1.1449748 1.1135967 1.0278939\n", - " 1.0194662 1.1220598 1.0435995 1.0926375 1.1235874 1.1050483 1.0990322\n", - " 1.0641627 1.123098 1.0446215 1.0222325 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 3 1 4 11 15 8 5 12 13 10 14 16 9 6 17 7 18 19 20 21]\n", - "=======================\n", - "[\"james ramirez , 37 , said he has concerns over the care of his wife gillian nelson , 34 , who died after complications arose with the birth of their son wesley at a hospital in bromley , kent .death : gillian nelson was ` delirious and spaced out ' following the birth , according to her husbandhe was called to the princess royal university hospital at about 3.45 am on january 28 , 2014 after she had gone in to labour .\"]\n", - "=======================\n", - "[\"gillian nelson had complications with birth before being taken to theatrewidower recalls ` blur ' of staff as she ` bled heavily ' at hospital in bromleyhad blood transfusion and hysterectomy but doctors ` ran out of options 'southwark coroner 's court hears allegations of ` gaps in her monitoring '\"]\n", - "james ramirez , 37 , said he has concerns over the care of his wife gillian nelson , 34 , who died after complications arose with the birth of their son wesley at a hospital in bromley , kent .death : gillian nelson was ` delirious and spaced out ' following the birth , according to her husbandhe was called to the princess royal university hospital at about 3.45 am on january 28 , 2014 after she had gone in to labour .\n", - "gillian nelson had complications with birth before being taken to theatrewidower recalls ` blur ' of staff as she ` bled heavily ' at hospital in bromleyhad blood transfusion and hysterectomy but doctors ` ran out of options 'southwark coroner 's court hears allegations of ` gaps in her monitoring '\n", - "[1.3865793 1.323709 1.1881627 1.0186932 1.2633077 1.2987449 1.0871966\n", - " 1.1024184 1.152086 1.1099209 1.024578 1.0287397 1.0221583 1.0162554\n", - " 1.0676974 1.1884803 1.2121236 1.0316663 0. ]\n", - "\n", - "[ 0 1 5 4 16 15 2 8 9 7 6 14 17 11 10 12 3 13 18]\n", - "=======================\n", - "['manchester united have ramped up their efforts to sign psv eindhoven star memphis depay by making an official approach for the 21-year-old .the eredivisie champions have confirmed that the red devils have made a move over the holland international - with united manager louis van gaal keen to make him one of his first signings this summer .the 21-year-old took his tally to 20 on saturday psv eindhoven beat heerenveen 4-1 to win the dutch championship on saturday for the first time in seven seasons .']\n", - "=======================\n", - "['memphis depay has scored 20 goals in 26 league games for psv this termpsv beat heerenveen to lift their first eredivisie title in seven yearsparis-saint germain are also interested in the highly-rated 21-year-old']\n", - "manchester united have ramped up their efforts to sign psv eindhoven star memphis depay by making an official approach for the 21-year-old .the eredivisie champions have confirmed that the red devils have made a move over the holland international - with united manager louis van gaal keen to make him one of his first signings this summer .the 21-year-old took his tally to 20 on saturday psv eindhoven beat heerenveen 4-1 to win the dutch championship on saturday for the first time in seven seasons .\n", - "memphis depay has scored 20 goals in 26 league games for psv this termpsv beat heerenveen to lift their first eredivisie title in seven yearsparis-saint germain are also interested in the highly-rated 21-year-old\n", - "[1.2189221 1.3635132 1.269557 1.1946764 1.1189771 1.2281501 1.1183542\n", - " 1.1373308 1.0985315 1.0746601 1.0346334 1.0207247 1.2132891 1.0982796\n", - " 1.1018534 1.0266249 1.0590731 1.0715408 1.0448807]\n", - "\n", - "[ 1 2 5 0 12 3 7 4 6 14 8 13 9 17 16 18 10 15 11]\n", - "=======================\n", - "[\"a flabbergasted mario draghi held his hands up for protection when the demonstrator leapt on to the podium and began throwing paper at him during a press conference .the woman - who identified herself later as josephine witt - yelled ` end the ecb dictatorship ! 'the president of the european central bank was left cowering behind his bodyguard after being sprinkled with confetti by a female protester .\"]\n", - "=======================\n", - "['flabbergasted mario draghi covers face as woman throws paper at himprotester bundled off by two bodyguards , while third shields ecb bossshe flashes v-for-victory sign as men carry her away by arms and legsex-femen activist josephine witt , 21 , identified herself as demostrator']\n", - "a flabbergasted mario draghi held his hands up for protection when the demonstrator leapt on to the podium and began throwing paper at him during a press conference .the woman - who identified herself later as josephine witt - yelled ` end the ecb dictatorship ! 'the president of the european central bank was left cowering behind his bodyguard after being sprinkled with confetti by a female protester .\n", - "flabbergasted mario draghi covers face as woman throws paper at himprotester bundled off by two bodyguards , while third shields ecb bossshe flashes v-for-victory sign as men carry her away by arms and legsex-femen activist josephine witt , 21 , identified herself as demostrator\n", - "[1.1064825 1.38229 1.4720591 1.3195783 1.2620195 1.0434943 1.0404325\n", - " 1.0874873 1.0793226 1.253535 1.1829549 1.111785 1.0538679 1.0171686\n", - " 1.0195335 1.0137663 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 4 9 10 11 0 7 8 12 5 6 14 13 15 17 16 18]\n", - "=======================\n", - "['labourer noeleen foster was thrilled to capture the suggestively shaped formation above zuccoli -25 km southeast from darwin - on friday morning .a northern territory mother was lost for words after she spotted a phallic cloud on a work break last week .a phallic shaped cloud which appeared last week in zuccoli , 25km southeast of darwin']\n", - "=======================\n", - "['noeleen foster snapped an image of a phallic cloud at work last fridaythe mother-of-four took the pic in zuccolli , 25km southeast of darwinlast year another suggestively shaped cloud made waves in england']\n", - "labourer noeleen foster was thrilled to capture the suggestively shaped formation above zuccoli -25 km southeast from darwin - on friday morning .a northern territory mother was lost for words after she spotted a phallic cloud on a work break last week .a phallic shaped cloud which appeared last week in zuccoli , 25km southeast of darwin\n", - "noeleen foster snapped an image of a phallic cloud at work last fridaythe mother-of-four took the pic in zuccolli , 25km southeast of darwinlast year another suggestively shaped cloud made waves in england\n", - "[1.0674802 1.274949 1.2391664 1.0726922 1.206188 1.0812253 1.1739894\n", - " 1.0718305 1.1104388 1.0926002 1.0568676 1.0600449 1.1072143 1.0907007\n", - " 1.0850403 1.0567799 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 6 8 12 9 13 14 5 3 7 0 11 10 15 17 16 18]\n", - "=======================\n", - "['visitors who venture onto or too close to north sentinel island risk being attacked by members of a mysterious tribe who have rejected modern civilisation and prefer to have zero contact with the outside world .when they do interact with outsiders , it usually involves violence -- the indigenous sentinelese tribe killed two men who were fishing illegally in 2006 and have been known to fire arrows and fling rocks at low-flying planes or helicopters on reconnaissance missions .following the 2004 tsunami this member of the sentinelese tribe was photographed firing an arrow at an indian coast guard helicopter']\n", - "=======================\n", - "[\"the indigenous tribe has lived on north sentinel island in the indian ocean for an estimated 60,000 yearstheir limited contact with the outside world usually involves violence , as they are hostile towards outsidersislanders have been known to fire arrows or toss stones at low-flying aircraft on reconnaissance missionstribespeople have rarely been photographed or recorded on video , as it is too dangerous to visit the islandindia 's government has given up on making contact with the islanders and established a three-mile exclusion zone\"]\n", - "visitors who venture onto or too close to north sentinel island risk being attacked by members of a mysterious tribe who have rejected modern civilisation and prefer to have zero contact with the outside world .when they do interact with outsiders , it usually involves violence -- the indigenous sentinelese tribe killed two men who were fishing illegally in 2006 and have been known to fire arrows and fling rocks at low-flying planes or helicopters on reconnaissance missions .following the 2004 tsunami this member of the sentinelese tribe was photographed firing an arrow at an indian coast guard helicopter\n", - "the indigenous tribe has lived on north sentinel island in the indian ocean for an estimated 60,000 yearstheir limited contact with the outside world usually involves violence , as they are hostile towards outsidersislanders have been known to fire arrows or toss stones at low-flying aircraft on reconnaissance missionstribespeople have rarely been photographed or recorded on video , as it is too dangerous to visit the islandindia 's government has given up on making contact with the islanders and established a three-mile exclusion zone\n", - "[1.126468 1.2872852 1.1692698 1.1486955 1.0893501 1.143859 1.0934974\n", - " 1.0597594 1.0561473 1.1051041 1.095022 1.0368714 1.0424805 1.097729\n", - " 1.067058 1.0528804 1.0245806 1.0378275 1.0170071]\n", - "\n", - "[ 1 2 3 5 0 9 13 10 6 4 14 7 8 15 12 17 11 16 18]\n", - "=======================\n", - "[\"last weekend , as baltimore reacted to the death of freddie gray , the young man who died last week from a spinal cord injury he suffered while in police custody , major league baseball had a problem on its hands .saturday 's game between the orioles and red sox had gone into extra innings in camden yards , with plenty of fans for both teams glued to their seats .boston fans feel at home in oriole park -- a so-called retro urban park built to embrace the luxuries of modern stadiums while maintaining that nostalgic feel -- because much of it was based on boston 's fenway park .\"]\n", - "=======================\n", - "['amy bass : baltimore rioting caused postponement of two orioles-white sox games .she says baseball can bring cities together .']\n", - "last weekend , as baltimore reacted to the death of freddie gray , the young man who died last week from a spinal cord injury he suffered while in police custody , major league baseball had a problem on its hands .saturday 's game between the orioles and red sox had gone into extra innings in camden yards , with plenty of fans for both teams glued to their seats .boston fans feel at home in oriole park -- a so-called retro urban park built to embrace the luxuries of modern stadiums while maintaining that nostalgic feel -- because much of it was based on boston 's fenway park .\n", - "amy bass : baltimore rioting caused postponement of two orioles-white sox games .she says baseball can bring cities together .\n", - "[1.5076296 1.2078623 1.4371513 1.124105 1.1464435 1.0847768 1.0917809\n", - " 1.0924203 1.1199212 1.0921495 1.0330905 1.0624428 1.0456567 1.1131791\n", - " 1.0977985 1.0517532 1.0255235 1.0536968 0. ]\n", - "\n", - "[ 0 2 1 4 3 8 13 14 7 9 6 5 11 17 15 12 10 16 18]\n", - "=======================\n", - "[\"kyle patrick loughlin from massachusetts has been charged with sexually assaulting two young boys at a daycare center where he workedthe student allegedly said that he started feeling an attraction to young boys as a teenager and he sometimes wrote ` sexually charged fantasy stories ' involving children .police told the boston globe that they then proceeded to search loughlin 's dorm room where they found more than 100 pairs of children 's underwear and diapers .\"]\n", - "=======================\n", - "[\"kyle patrick loughlin was enrolled at bridgewater state universityon tuesday night he was arrested after reportedly admitting that he 'd molested two boy aged between four and fivepolice proceeded to search loughlin 's dorm room where they allegedly found over 100 pairs of children 's underwear and diapersdespite his admittance , loughlin pleaded not guilty in court on friday to counts of raping a child and aggravated indecent assault and batteryhe will now be held without bail until a dangerousness hearing next week\"]\n", - "kyle patrick loughlin from massachusetts has been charged with sexually assaulting two young boys at a daycare center where he workedthe student allegedly said that he started feeling an attraction to young boys as a teenager and he sometimes wrote ` sexually charged fantasy stories ' involving children .police told the boston globe that they then proceeded to search loughlin 's dorm room where they found more than 100 pairs of children 's underwear and diapers .\n", - "kyle patrick loughlin was enrolled at bridgewater state universityon tuesday night he was arrested after reportedly admitting that he 'd molested two boy aged between four and fivepolice proceeded to search loughlin 's dorm room where they allegedly found over 100 pairs of children 's underwear and diapersdespite his admittance , loughlin pleaded not guilty in court on friday to counts of raping a child and aggravated indecent assault and batteryhe will now be held without bail until a dangerousness hearing next week\n", - "[1.2376376 1.2549428 1.1680921 1.305248 1.310929 1.1746478 1.0907636\n", - " 1.0862303 1.0361279 1.0266371 1.0155234 1.0187153 1.1149218 1.0759014\n", - " 1.0313839 1.0551057 1.0802157 1.0531169 1.0570909]\n", - "\n", - "[ 4 3 1 0 5 2 12 6 7 16 13 18 15 17 8 14 9 11 10]\n", - "=======================\n", - "[\"smith claims iac chairman barry diller asked her in 1992 : ` do you think i should come out ? 'liz smith is spilling celebrity secrets that she never printed over the course of her 70 year careerbut that he ` worships ' his wife diane von furstenberg ( above )\"]\n", - "=======================\n", - "[\"liz smith , 92 , is spilling celebrity secrets that she never printed over the course of her 70-year careersmith began working at 25 and went on to become the gossip columnist for both the new york post and new york daily newssmith , a lesbian , claims iac chairman barry diller asked her in 1992 : ` do you think i should come out ? 'despite this claim , smith says diller is in love with his wife diane von furstenberg , who he has been with since the 1970s and married in 2001as for enemies , she never again spoke to jackie kennedy 's sister lee radziwill after she refused to defend truman capote and called him a ` f ** 'she counts elizabeth taylor , elaine stritch , former texas governor ann richard and bette midler as her closest friendsbarbara walters was a good friend she claims , but lost interest in smith when she lost her newspaper column at the post\"]\n", - "smith claims iac chairman barry diller asked her in 1992 : ` do you think i should come out ? 'liz smith is spilling celebrity secrets that she never printed over the course of her 70 year careerbut that he ` worships ' his wife diane von furstenberg ( above )\n", - "liz smith , 92 , is spilling celebrity secrets that she never printed over the course of her 70-year careersmith began working at 25 and went on to become the gossip columnist for both the new york post and new york daily newssmith , a lesbian , claims iac chairman barry diller asked her in 1992 : ` do you think i should come out ? 'despite this claim , smith says diller is in love with his wife diane von furstenberg , who he has been with since the 1970s and married in 2001as for enemies , she never again spoke to jackie kennedy 's sister lee radziwill after she refused to defend truman capote and called him a ` f ** 'she counts elizabeth taylor , elaine stritch , former texas governor ann richard and bette midler as her closest friendsbarbara walters was a good friend she claims , but lost interest in smith when she lost her newspaper column at the post\n", - "[1.3062156 1.3595718 1.2477802 1.2627565 1.0945255 1.1053994 1.0833764\n", - " 1.1362448 1.0897864 1.0401404 1.1420515 1.1289046 1.0306594 1.0332636\n", - " 1.1417689 1.0430542 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 10 14 7 11 5 4 8 6 15 9 13 12 17 16 18]\n", - "=======================\n", - "[\"the monster vegetable , which weighs more than a three-year-old child , is so big it had been nicknamed the ` fat little girl ' in the village where it was grown , the people 's daily online reported .a giant turnip weighing a whopping 33lbs and measuring 4ft long across has been grown in china 's yunnan province .the mammoth turnip which weighs 33lbs and measures 1.2 metres long is so large it hangs over the flower bed\"]\n", - "=======================\n", - "[\"giant vegetable was grown in yunnan province by keen gardener mr lithe monster turnip measured an incredible 4ft long and weighed 33lbsmr li said it was so big it had been nicknamed ` fat little girl ' in his village\"]\n", - "the monster vegetable , which weighs more than a three-year-old child , is so big it had been nicknamed the ` fat little girl ' in the village where it was grown , the people 's daily online reported .a giant turnip weighing a whopping 33lbs and measuring 4ft long across has been grown in china 's yunnan province .the mammoth turnip which weighs 33lbs and measures 1.2 metres long is so large it hangs over the flower bed\n", - "giant vegetable was grown in yunnan province by keen gardener mr lithe monster turnip measured an incredible 4ft long and weighed 33lbsmr li said it was so big it had been nicknamed ` fat little girl ' in his village\n", - "[1.1409858 1.1937068 1.4259984 1.311599 1.0780592 1.0412146 1.1618453\n", - " 1.1154186 1.0751666 1.1727276 1.0349318 1.01494 1.0473886 1.0326223\n", - " 1.0916817 1.0213636 1.016318 1.1278478 1.0357065]\n", - "\n", - "[ 2 3 1 9 6 0 17 7 14 4 8 12 5 18 10 13 15 16 11]\n", - "=======================\n", - "[\"as a result , may wong 's four-year-old cockapoo , miss darcy , has travelled the globe - visiting 11 countries and 23 destinations including new york , berlin , stockholm , milan and paris .she takes more trips with her owner every year than the average briton and has covered nearly 25,000 miles since 2011 - making her a real-life phileas dog .but one owner was so overwhelmed with anxiety at the thought of being parted from her pet , she decided to take the dog on her frequent journeys overseas .\"]\n", - "=======================\n", - "[\"may wong 's four-year-old cockapoo , miss darcy , has travelled the worlddestinations she has visited include new york , berlin , milan and paristhe seasoned traveller took 12 trips with her owner last year alonenow , pair have been joined on their trips by miss wong 's new dog george\"]\n", - "as a result , may wong 's four-year-old cockapoo , miss darcy , has travelled the globe - visiting 11 countries and 23 destinations including new york , berlin , stockholm , milan and paris .she takes more trips with her owner every year than the average briton and has covered nearly 25,000 miles since 2011 - making her a real-life phileas dog .but one owner was so overwhelmed with anxiety at the thought of being parted from her pet , she decided to take the dog on her frequent journeys overseas .\n", - "may wong 's four-year-old cockapoo , miss darcy , has travelled the worlddestinations she has visited include new york , berlin , milan and paristhe seasoned traveller took 12 trips with her owner last year alonenow , pair have been joined on their trips by miss wong 's new dog george\n", - "[1.0866482 1.2886628 1.2920971 1.080185 1.3267899 1.0840412 1.1392887\n", - " 1.14575 1.0708742 1.0901581 1.0638694 1.0977902 1.210672 1.0458395\n", - " 1.0733241 0. 0. 0. 0. ]\n", - "\n", - "[ 4 2 1 12 7 6 11 9 0 5 3 14 8 10 13 17 15 16 18]\n", - "=======================\n", - "['lib dem leader nick clegg appears determined to enjoy the election campaign , spending his sunday afternoon ten-pin bowlingaides say it is part of a deliberate strategy to get the deputy prime minister out of london to meet normal people as they go about their daily lives .nick clegg and lib dem candidate lorely burt were introduced to humpty , a hedgehog with a head injury which means he keeps walking round in circles']\n", - "=======================\n", - "['lib dem leader embarks on bizarre photo opportunities to stay in the newsaides say it is part of strategy to meet voters where they work and playhe has met a hedgehog and joey essex , pulled a pint and visited a spa']\n", - "lib dem leader nick clegg appears determined to enjoy the election campaign , spending his sunday afternoon ten-pin bowlingaides say it is part of a deliberate strategy to get the deputy prime minister out of london to meet normal people as they go about their daily lives .nick clegg and lib dem candidate lorely burt were introduced to humpty , a hedgehog with a head injury which means he keeps walking round in circles\n", - "lib dem leader embarks on bizarre photo opportunities to stay in the newsaides say it is part of strategy to meet voters where they work and playhe has met a hedgehog and joey essex , pulled a pint and visited a spa\n", - "[1.2882165 1.4348823 1.2161396 1.286694 1.3590969 1.0432539 1.0604498\n", - " 1.115047 1.0827844 1.1031615 1.086417 1.0154281 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 0 3 2 7 9 10 8 6 5 11 20 12 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "['waheed ahmed , 21 -- the son of councillor shakil ahmed , who was photographed with ed miliband recently -- is said to be a member of the extremist group hizb ut-tahrir , which advocates a global muslim caliphate , similar to the one established by islamic state in syria and iraq .he was one of a group of nine detained , all from rochdale , including four children aged from one to 11 .ahmed , a politics student at manchester university , was arrested by turkish police at the border town of reyhanli last week .']\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "=======================\n", - "['waheed ahmed , 21 , caught trying to cross the border into syria last weekthe student is said to be a member of the extremist group hizb ut-tahrirhe was arrested by turkish police at the border town of reyhanli']\n", - "waheed ahmed , 21 -- the son of councillor shakil ahmed , who was photographed with ed miliband recently -- is said to be a member of the extremist group hizb ut-tahrir , which advocates a global muslim caliphate , similar to the one established by islamic state in syria and iraq .he was one of a group of nine detained , all from rochdale , including four children aged from one to 11 .ahmed , a politics student at manchester university , was arrested by turkish police at the border town of reyhanli last week .\n", - "waheed ahmed , 21 , caught trying to cross the border into syria last weekthe student is said to be a member of the extremist group hizb ut-tahrirhe was arrested by turkish police at the border town of reyhanli\n", - "[1.4154861 1.3624856 1.2350105 1.3279845 1.2259378 1.0411947 1.0167549\n", - " 1.0176629 1.0154346 1.2456886 1.1243644 1.0929825 1.0628487 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 9 2 4 10 11 12 5 7 6 8 20 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"manchester city are confident uefa 's punishment for breaching financial fairplay regulations will be lifted this summer which would allow them to bid for stellar names like raheem sterling , gareth bale , kevin de bruyne and ross barkley .city boss manuel pellegrini has been hampered over the past year by uefa restricting them to a net transfer spend of # 49million in each window and keeping the club 's overall wage bill to its current level of # 205million-a-year .manchester united , barcelona , liverpool and arsenal have all paid more in transfer fees in the past 12 months than city who were traditionally europe 's biggest spenders after the club was taken over by abu dhabi owners in 2008 .\"]\n", - "=======================\n", - "[\"manchester city have been restricted to a net transfer spend of # 49mclub 's also had to keep overall wage bill to its current level of # 205mpunishments imposed by uefa for breaching financial fair play rulesthe spending restrictions were set for this season and the next onebut city are confident they will be lifted early after their compliance\"]\n", - "manchester city are confident uefa 's punishment for breaching financial fairplay regulations will be lifted this summer which would allow them to bid for stellar names like raheem sterling , gareth bale , kevin de bruyne and ross barkley .city boss manuel pellegrini has been hampered over the past year by uefa restricting them to a net transfer spend of # 49million in each window and keeping the club 's overall wage bill to its current level of # 205million-a-year .manchester united , barcelona , liverpool and arsenal have all paid more in transfer fees in the past 12 months than city who were traditionally europe 's biggest spenders after the club was taken over by abu dhabi owners in 2008 .\n", - "manchester city have been restricted to a net transfer spend of # 49mclub 's also had to keep overall wage bill to its current level of # 205mpunishments imposed by uefa for breaching financial fair play rulesthe spending restrictions were set for this season and the next onebut city are confident they will be lifted early after their compliance\n", - "[1.3096327 1.510962 1.2723477 1.1863792 1.1967528 1.0730133 1.0588118\n", - " 1.019621 1.0184997 1.040552 1.016973 1.1303104 1.0623915 1.0968997\n", - " 1.0340956 1.0158411 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 4 3 11 13 5 12 6 9 14 7 8 10 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the beautiful dj , 27 , from east london , has worked with and modelled for a variety of fashion and beauty brands including illamasqua and boy london - made famous by megastar rihanna .she 's a glamorous model making her name by spinning records in london 's party scene , but until she was 18 munroe bergdorf was a boy called ian .but now she 's speaking out about the decision to start taking female hormones to live as a woman in the hope it will help other transgender teens .\"]\n", - "=======================\n", - "['dj and model munroe bergdorf , 27 , from east london , was born a boyliving as a woman from 18 and started taking hormones four years agonow speaks out to raise awareness of the issues of being transgender']\n", - "the beautiful dj , 27 , from east london , has worked with and modelled for a variety of fashion and beauty brands including illamasqua and boy london - made famous by megastar rihanna .she 's a glamorous model making her name by spinning records in london 's party scene , but until she was 18 munroe bergdorf was a boy called ian .but now she 's speaking out about the decision to start taking female hormones to live as a woman in the hope it will help other transgender teens .\n", - "dj and model munroe bergdorf , 27 , from east london , was born a boyliving as a woman from 18 and started taking hormones four years agonow speaks out to raise awareness of the issues of being transgender\n", - "[1.240985 1.4513952 1.0607864 1.2985473 1.2606348 1.1628544 1.111933\n", - " 1.0201334 1.0177726 1.1215732 1.0529461 1.0908226 1.0924095 1.1223612\n", - " 1.0741668 1.1292706 1.1042542 1.1280774 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 4 0 5 15 17 13 9 6 16 12 11 14 2 10 7 8 18 19 20 21]\n", - "=======================\n", - "[\"alton hines was waiting for his fiancé , 33-year-old leah o'brien at her home on the night of saturday , april 25 , he told wsbtv . 'popular : leah o'brien was killed when the car she was driving to chaperone the school prom was hit by a vehicle carrying two students also on their way to the dancefiancé : o'brien 's fiancé , alton hines ( photographed ) , recently spoke out about the night he found out o'brien had been killed\"]\n", - "=======================\n", - "[\"alton hines , the fiancé of leah o'brien , 33 , the beloved teacher killed in a car crash on april 25 , is speaking out about the night the woman diedthe other driver , 19-year-old ramiro pedemonte is facing charges including homicide , reckless driving , and serious injury by motor vehiclepolice determined that pedemonte was going over 100 mph when he hit o'brienauthorities say pedemonte was on probation at the time of the accident with a june 2014 charge of of possession with intent to distribute\"]\n", - "alton hines was waiting for his fiancé , 33-year-old leah o'brien at her home on the night of saturday , april 25 , he told wsbtv . 'popular : leah o'brien was killed when the car she was driving to chaperone the school prom was hit by a vehicle carrying two students also on their way to the dancefiancé : o'brien 's fiancé , alton hines ( photographed ) , recently spoke out about the night he found out o'brien had been killed\n", - "alton hines , the fiancé of leah o'brien , 33 , the beloved teacher killed in a car crash on april 25 , is speaking out about the night the woman diedthe other driver , 19-year-old ramiro pedemonte is facing charges including homicide , reckless driving , and serious injury by motor vehiclepolice determined that pedemonte was going over 100 mph when he hit o'brienauthorities say pedemonte was on probation at the time of the accident with a june 2014 charge of of possession with intent to distribute\n", - "[1.3178351 1.333327 1.2338221 1.2924457 1.1986426 1.2641302 1.1487457\n", - " 1.0528907 1.0274065 1.019632 1.1148432 1.1441011 1.0291461 1.123306\n", - " 1.0205938 1.0679705 1.0208781 1.0085478 1.0101113 1.0112689 1.0067924\n", - " 1.0183932]\n", - "\n", - "[ 1 0 3 5 2 4 6 11 13 10 15 7 12 8 16 14 9 21 19 18 17 20]\n", - "=======================\n", - "['a 30-year-old woman , known only as hollie , wrote that she thought her life was over when she was diagnosed with relapsing-remitting multiple sclerosis in september 2013 .pete evans has shared two incredible stories on social media featuring women who claim that the paleo diet has helped alleviate the symptoms of the incurable disease , multiple sclerosis .she said that she endured months of constant dizziness , altered temperature perception , extreme fatigue , numbness in her legs and feet and fell into a period of depression .']\n", - "=======================\n", - "[\"pete evans has shared two incredible stories on social mediaa woman called ` hollie ' has claimed the paleo diet alleviated her ms symptomsanother woman , ` marg ' , who also suffers from ms , has claimed to have seen an improvement to her conditionhealth experts say there is no scientific evidence to back up the claims that the paleo diet helps ms suffersevans has shared the inspiring testimonials to 800,000-plus facebook followers\"]\n", - "a 30-year-old woman , known only as hollie , wrote that she thought her life was over when she was diagnosed with relapsing-remitting multiple sclerosis in september 2013 .pete evans has shared two incredible stories on social media featuring women who claim that the paleo diet has helped alleviate the symptoms of the incurable disease , multiple sclerosis .she said that she endured months of constant dizziness , altered temperature perception , extreme fatigue , numbness in her legs and feet and fell into a period of depression .\n", - "pete evans has shared two incredible stories on social mediaa woman called ` hollie ' has claimed the paleo diet alleviated her ms symptomsanother woman , ` marg ' , who also suffers from ms , has claimed to have seen an improvement to her conditionhealth experts say there is no scientific evidence to back up the claims that the paleo diet helps ms suffersevans has shared the inspiring testimonials to 800,000-plus facebook followers\n", - "[1.0558188 1.077054 1.285947 1.7023258 1.227107 1.2138083 1.1449286\n", - " 1.1596028 1.1380715 1.0433772 1.0153438 1.0151279 1.0135492 1.0110639\n", - " 1.0147207 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 4 5 7 6 8 1 0 9 10 11 14 12 13 15 16 17 18 19 20]\n", - "=======================\n", - "[\"christian benteke heads aston villa into the lead against tottenham in the 35th minute of the gamesherwood , albeit for a short period of time , revived emmanuel adebayor 's flagging tottenham career last season ; now he 's replicating the achievement with christian benteke .benteke celebrates the goal that gave tim sherwood 's team the advantage at the end of the first half\"]\n", - "=======================\n", - "['christian benteke has scored six goals in eight gamesemmanuel adebayor thrived under tim sherwood at tottenham last termsherwood handed jack grealish only his second villa start on saturday']\n", - "christian benteke heads aston villa into the lead against tottenham in the 35th minute of the gamesherwood , albeit for a short period of time , revived emmanuel adebayor 's flagging tottenham career last season ; now he 's replicating the achievement with christian benteke .benteke celebrates the goal that gave tim sherwood 's team the advantage at the end of the first half\n", - "christian benteke has scored six goals in eight gamesemmanuel adebayor thrived under tim sherwood at tottenham last termsherwood handed jack grealish only his second villa start on saturday\n", - "[1.3751817 1.1434841 1.3748051 1.2943261 1.1570075 1.1071242 1.0380284\n", - " 1.0312132 1.0739505 1.0306166 1.0352567 1.0540808 1.0383627 1.0610061\n", - " 1.0471975 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 4 1 5 8 13 11 14 12 6 10 7 9 15 16 17 18 19 20]\n", - "=======================\n", - "[\"cristiano ronaldo did n't have too much joy with his trademark free-kicks during real madrid 's victory over neighbours atletico this week - but it did n't stop him from showing his compassionate side .in the white-hot atmosphere of the santiago bernabeu prior to wednesday night 's second-leg champions league quarter-final , when every minute of preparation is key , there was still time for ronaldo to display a small but heartfelt act of kindness .cristiano ronaldo shows his delight after real madrid finally broke the deadlock against rivals atletico\"]\n", - "=======================\n", - "[\"cristiano ronaldo 's practice shot flies into the crowd hitting young fanronaldo shows concern but continues his warm-up until the final drillportuguese icon wheels away to behind goal where the stricken fan standsballon d'or holder takes off his training shirt and presents it to tearful boyclick here to see who ronaldo will be facing in the champions league\"]\n", - "cristiano ronaldo did n't have too much joy with his trademark free-kicks during real madrid 's victory over neighbours atletico this week - but it did n't stop him from showing his compassionate side .in the white-hot atmosphere of the santiago bernabeu prior to wednesday night 's second-leg champions league quarter-final , when every minute of preparation is key , there was still time for ronaldo to display a small but heartfelt act of kindness .cristiano ronaldo shows his delight after real madrid finally broke the deadlock against rivals atletico\n", - "cristiano ronaldo 's practice shot flies into the crowd hitting young fanronaldo shows concern but continues his warm-up until the final drillportuguese icon wheels away to behind goal where the stricken fan standsballon d'or holder takes off his training shirt and presents it to tearful boyclick here to see who ronaldo will be facing in the champions league\n", - "[1.2096539 1.4269373 1.3856418 1.3785353 1.2618363 1.1911095 1.1413919\n", - " 1.1561543 1.0249305 1.0150563 1.2484968 1.1363747 1.06391 1.0319682\n", - " 1.0140988 1.0110878 1.0102274 1.0084404 1.0179921 1.0166339 0. ]\n", - "\n", - "[ 1 2 3 4 10 0 5 7 6 11 12 13 8 18 19 9 14 15 16 17 20]\n", - "=======================\n", - "[\"the female seal , who was called sponge bobby by rescue workers suffered horrific injuries to her face and back after the high-speed impact .the force of the collision broke sponge bobby 's jaw causing her a painful death off the dorset coast .the six-month-old seal had been earlier rescued in november when she was suffering breathing difficulties\"]\n", - "=======================\n", - "['sponge bobby was found with breathing difficulties in novemberthe six-month-old female seal was released into the wild in marchexperts believe she was struck by a boat or a jet-ski off dorset the coastthe young seal had travelled more than 200 miles since her march release']\n", - "the female seal , who was called sponge bobby by rescue workers suffered horrific injuries to her face and back after the high-speed impact .the force of the collision broke sponge bobby 's jaw causing her a painful death off the dorset coast .the six-month-old seal had been earlier rescued in november when she was suffering breathing difficulties\n", - "sponge bobby was found with breathing difficulties in novemberthe six-month-old female seal was released into the wild in marchexperts believe she was struck by a boat or a jet-ski off dorset the coastthe young seal had travelled more than 200 miles since her march release\n", - "[1.3637334 1.3456391 1.2943127 1.3570192 1.202671 1.2403516 1.0424669\n", - " 1.0410862 1.024484 1.0195581 1.1925068 1.0219803 1.023233 1.0607603\n", - " 1.0204864 1.0285859 1.0292794 1.0831777 1.062212 1.0371077 1.0328674]\n", - "\n", - "[ 0 3 1 2 5 4 10 17 18 13 6 7 19 20 16 15 8 12 11 14 9]\n", - "=======================\n", - "[\"posters promoting a ` straight pride ' week at a northeast ohio university were removed this week after student leaders determined that the message went beyond free speech .youngstown state university student government leaders said they decided to remove the posters , which were hung on around campus earlier this week , after consulting with university officials .the posters included profanity and promoted the event as a time to not highlight sexual orientation or differences among students .\"]\n", - "=======================\n", - "['the posters were hung around youngstown state university this weekposters promoted event as a time to not highlight sexual orientation or differences among studentsstudent government leaders believe the posters were satire , but still worked with university officials to get the posters removedthough they were posted anonymously , officials are investigating possible student code violations and disciplinary action may follow']\n", - "posters promoting a ` straight pride ' week at a northeast ohio university were removed this week after student leaders determined that the message went beyond free speech .youngstown state university student government leaders said they decided to remove the posters , which were hung on around campus earlier this week , after consulting with university officials .the posters included profanity and promoted the event as a time to not highlight sexual orientation or differences among students .\n", - "the posters were hung around youngstown state university this weekposters promoted event as a time to not highlight sexual orientation or differences among studentsstudent government leaders believe the posters were satire , but still worked with university officials to get the posters removedthough they were posted anonymously , officials are investigating possible student code violations and disciplinary action may follow\n", - "[1.1526911 1.5099814 1.168509 1.1582699 1.336221 1.0517145 1.036461\n", - " 1.0183709 1.142646 1.07026 1.1015166 1.1428841 1.151544 1.1035419\n", - " 1.010896 1.0129931 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 3 0 12 11 8 13 10 9 5 6 7 15 14 19 16 17 18 20]\n", - "=======================\n", - "[\"on thursday , trey moses , a senior at eastern high school in louisville , kentucky who will play for ball state next year , asked ellie meredith to be his date to the upcoming prom .moses , who volunteers with teenagers with learning disabilities , surprised her during her p.e. class with a bunch of flowers and a sign reading : ` let 's party like it 's 1989 ' - a reference to an album by taylor swift , ellie 's favorite singer .ellie accepted the promposal and said she ca n't wait to go dress shopping ` because i 've only told about a million people ! '\"]\n", - "=======================\n", - "[\"trey moses , a kentucky high school student who has committed to ball state next year , surprised ellie meredith during her p.e. class on thursdayhe asked her to prom with flowers and a sign reading : ` let 's party like it 's 1989 ' - a reference to an album by taylor swift , ellie 's favorite singershe accepted and is now looking forward to going dress shoppingmoses works with teenagers with developmental disabilities through a volunteer program in louisville\"]\n", - "on thursday , trey moses , a senior at eastern high school in louisville , kentucky who will play for ball state next year , asked ellie meredith to be his date to the upcoming prom .moses , who volunteers with teenagers with learning disabilities , surprised her during her p.e. class with a bunch of flowers and a sign reading : ` let 's party like it 's 1989 ' - a reference to an album by taylor swift , ellie 's favorite singer .ellie accepted the promposal and said she ca n't wait to go dress shopping ` because i 've only told about a million people ! '\n", - "trey moses , a kentucky high school student who has committed to ball state next year , surprised ellie meredith during her p.e. class on thursdayhe asked her to prom with flowers and a sign reading : ` let 's party like it 's 1989 ' - a reference to an album by taylor swift , ellie 's favorite singershe accepted and is now looking forward to going dress shoppingmoses works with teenagers with developmental disabilities through a volunteer program in louisville\n", - "[1.2175417 1.2131563 1.1770159 1.2489004 1.1423815 1.1407769 1.0524035\n", - " 1.0561733 1.0351461 1.0329046 1.029809 1.0809835 1.019319 1.1110626\n", - " 1.1200143 1.0493336 1.033843 1.0645429 1.0305891 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 2 4 5 14 13 11 17 7 6 15 8 16 9 18 10 12 29 28 27 26 25\n", - " 22 23 21 20 19 30 24 31]\n", - "=======================\n", - "['gordon has an alter ego : the dark knight himself , batman .( cnn ) jackson gordon is no ordinary 21-year-old .by day he is an industrial design student at philadelphia university , but gordon has another side to him -- a side altogether darker , tougher and more enigmatic .']\n", - "=======================\n", - "['21-year-old student jackson gordon has designed and built a functional batsuitmade with money raised on kickstarter , the outfit has received a prestigious endorsement']\n", - "gordon has an alter ego : the dark knight himself , batman .( cnn ) jackson gordon is no ordinary 21-year-old .by day he is an industrial design student at philadelphia university , but gordon has another side to him -- a side altogether darker , tougher and more enigmatic .\n", - "21-year-old student jackson gordon has designed and built a functional batsuitmade with money raised on kickstarter , the outfit has received a prestigious endorsement\n", - "[1.2349559 1.3194062 1.1534907 1.2390978 1.1415888 1.1501598 1.1364884\n", - " 1.0533656 1.0629213 1.0829874 1.0915111 1.0644048 1.0668259 1.0819056\n", - " 1.0469301 1.1541998 1.0544865 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 15 2 5 4 6 10 9 13 12 11 8 16 7 14 25 29 28 27 26 24 17\n", - " 22 21 20 19 18 30 23 31]\n", - "=======================\n", - "[\"restaurants serving domestic cats -- sold as a delicacy known as ` baby tiger ' -- are springing up across northern vietnam , despite laws against eating the animals .caught , skinned and boned : a wheelbarrow load of cats arrives at popular restaurant near hanoi , vietnampet cats are being snatched off the streets and killed in their ten of thousands across asia - to feed the booming appetite for their meat in vietnam .\"]\n", - "=======================\n", - "[\"warning graphic contentdomestic cats stolen off the streets and sold to restaurants for # 52 eachmoggie meat served in vietnam as an expensive delicacy called ` baby tiger 'serving cat is banned - but big customers are police officers and lawyersfelines are cooped up in tiny cages then killed , skinned and filleted to eat\"]\n", - "restaurants serving domestic cats -- sold as a delicacy known as ` baby tiger ' -- are springing up across northern vietnam , despite laws against eating the animals .caught , skinned and boned : a wheelbarrow load of cats arrives at popular restaurant near hanoi , vietnampet cats are being snatched off the streets and killed in their ten of thousands across asia - to feed the booming appetite for their meat in vietnam .\n", - "warning graphic contentdomestic cats stolen off the streets and sold to restaurants for # 52 eachmoggie meat served in vietnam as an expensive delicacy called ` baby tiger 'serving cat is banned - but big customers are police officers and lawyersfelines are cooped up in tiny cages then killed , skinned and filleted to eat\n", - "[1.4039476 1.4602505 1.3096381 1.4273174 1.3754151 1.0187502 1.0138235\n", - " 1.0130776 1.0259287 1.1152254 1.0661951 1.0305188 1.0117444 1.00684\n", - " 1.018895 1.0086968 1.0242047 1.0112059 1.0204414 1.0078771 1.010959\n", - " 1.0091742 1.1839582 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 22 9 10 11 8 16 18 14 5 6 7 12 17 20 21 15 19 13 30\n", - " 23 24 25 26 27 28 29 31]\n", - "=======================\n", - "[\"goals from james mccarthy , john stones and kevin mirallas condemned united to their third successive premier league loss at goodison park as well putting their hopes of a top-four finish at risk .gary neville has slammed manchester united 's performance against everton as ` toothless ' on sundayafter the match , red devils manager louis van gaal accused his players of lacking desire .\"]\n", - "=======================\n", - "[\"manchester united lost 3-0 at everton in the premier league on sundayman united sit fourth in the premier league table with four games leftthey are seven points clear of liverpool - who have a game in handchris smalling : manchester united must improvevan gaal : i could tell the players ' attitude was not right during the warm-up\"]\n", - "goals from james mccarthy , john stones and kevin mirallas condemned united to their third successive premier league loss at goodison park as well putting their hopes of a top-four finish at risk .gary neville has slammed manchester united 's performance against everton as ` toothless ' on sundayafter the match , red devils manager louis van gaal accused his players of lacking desire .\n", - "manchester united lost 3-0 at everton in the premier league on sundayman united sit fourth in the premier league table with four games leftthey are seven points clear of liverpool - who have a game in handchris smalling : manchester united must improvevan gaal : i could tell the players ' attitude was not right during the warm-up\n", - "[1.1735034 1.4422134 1.3276206 1.3375441 1.239426 1.148844 1.1646748\n", - " 1.1461916 1.0730307 1.0706401 1.0329968 1.011002 1.031179 1.0471218\n", - " 1.0297136 1.1216583 1.0366353 1.1762999 1.0378296 1.0085438 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 17 0 6 5 7 15 8 9 13 18 16 10 12 14 11 19 29 28 27 26\n", - " 25 20 23 22 21 30 24 31]\n", - "=======================\n", - "['truckers from bulgaria , poland and romania , who already work in the uk , are being offered # 100 for each driver they manage to lure into britain from their home country .employment agency mainline is offering the incentive to any worker who refers a qualified class a hgv driver to undertake work for four weeks .the company did try a recruitment drive to attract lorry drivers from cornwall to their base in swindon .']\n", - "=======================\n", - "[\"mainline , in swindon , wants drivers from bulgaria , poland and romaniathey are offering # 100 to each driver who can recruit from those countriescompany said they tried scheme in the uk but few people came forwardcrisis will re-ignite claims that britain 's welfare system has created generation unwilling to work\"]\n", - "truckers from bulgaria , poland and romania , who already work in the uk , are being offered # 100 for each driver they manage to lure into britain from their home country .employment agency mainline is offering the incentive to any worker who refers a qualified class a hgv driver to undertake work for four weeks .the company did try a recruitment drive to attract lorry drivers from cornwall to their base in swindon .\n", - "mainline , in swindon , wants drivers from bulgaria , poland and romaniathey are offering # 100 to each driver who can recruit from those countriescompany said they tried scheme in the uk but few people came forwardcrisis will re-ignite claims that britain 's welfare system has created generation unwilling to work\n", - "[1.1140844 1.0698684 1.1199406 1.0682459 1.1930676 1.1654325 1.0278519\n", - " 1.0207686 1.1279858 1.087322 1.0235023 1.0235252 1.038956 1.0243429\n", - " 1.1188402 1.0382332 1.0610478 1.0292752 1.0242964 1.0950421 1.0607637\n", - " 1.0478277 1.05438 1.0362713 1.0390207 1.0223887 1.1379048 1.0730783\n", - " 1.1000534 1.0879118 1.0763997 1.073079 ]\n", - "\n", - "[ 4 5 26 8 2 14 0 28 19 29 9 30 31 27 1 3 16 20 22 21 24 12 15 23\n", - " 17 6 13 18 11 10 25 7]\n", - "=======================\n", - "[\"broga celebrates the physical over the spiritual , andexperts say it sets men free to flexyoga instructor robert sidoti , based in martha 's vineyard ,\"]\n", - "=======================\n", - "[\"broga yoga targets its classes specifically at men with more ` rugged ' workoutthe company trademarked the catchy term in 2009 and its popularity quickly spreadthe training and licensing of instructors began in 2012there are now more than 200 broga yoga instructors in the u.s.crunch , david barton gyms and equinox are among the facilities offering yoga towards for men\"]\n", - "broga celebrates the physical over the spiritual , andexperts say it sets men free to flexyoga instructor robert sidoti , based in martha 's vineyard ,\n", - "broga yoga targets its classes specifically at men with more ` rugged ' workoutthe company trademarked the catchy term in 2009 and its popularity quickly spreadthe training and licensing of instructors began in 2012there are now more than 200 broga yoga instructors in the u.s.crunch , david barton gyms and equinox are among the facilities offering yoga towards for men\n", - "[1.3561702 1.2176893 1.132501 1.0828385 1.5032313 1.0995299 1.0713769\n", - " 1.0793077 1.0183707 1.1149246 1.0898273 1.0716723 1.0495458 1.1016383\n", - " 1.0185748 1.0222563 0. 0. 0. 0. ]\n", - "\n", - "[ 4 0 1 2 9 13 5 10 3 7 11 6 12 15 14 8 18 16 17 19]\n", - "=======================\n", - "['mauricio pochettino spent 16 months as southampton manager before departing to tottenhamthere was uproar on the south coast when nicola cortese sacked local hero nigel adkins and replaced him with the relatively unknown argentine , on english shores at least , mauricio pochettino .adkins had led southampton to back-to-back promotions into the barclays premier league and was fighting valiantly to keep them in it .']\n", - "=======================\n", - "[\"mauricio pochettino returns to former side southampton for the first time since leaving last summerthe tottenham boss done an excellent job during his 16 month spellthe argentine manager has adopted the same methods at spurs as he did during his time at st mary 'spochettino blooded the likes of calum chambers and james ward-prowse while at southampton , and has done the same with harry kane at spurshis passing and pressing philosophy has taken a while for his new set of players to adjust to , though\"]\n", - "mauricio pochettino spent 16 months as southampton manager before departing to tottenhamthere was uproar on the south coast when nicola cortese sacked local hero nigel adkins and replaced him with the relatively unknown argentine , on english shores at least , mauricio pochettino .adkins had led southampton to back-to-back promotions into the barclays premier league and was fighting valiantly to keep them in it .\n", - "mauricio pochettino returns to former side southampton for the first time since leaving last summerthe tottenham boss done an excellent job during his 16 month spellthe argentine manager has adopted the same methods at spurs as he did during his time at st mary 'spochettino blooded the likes of calum chambers and james ward-prowse while at southampton , and has done the same with harry kane at spurshis passing and pressing philosophy has taken a while for his new set of players to adjust to , though\n", - "[1.3673346 1.2359524 1.2392117 1.3367229 1.1294357 1.1022598 1.0798665\n", - " 1.0781895 1.111489 1.0805566 1.0916476 1.0938295 1.1220413 1.1868352\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 13 4 12 8 5 11 10 9 6 7 14 15 16 17 18 19]\n", - "=======================\n", - "[\"arrested : rebecca grant tried to head-butt a deputy , scratched the police car 's with her teeth , bit the upholstery and ' threatened to kill the deputies 'rebecca grant , 40 , initially claimed that she had been kidnapped and abused , but when she refused to give the name of her captors , police checked her id and found that she was out on bail .police in limington , maine , had been responding to reports that an apparently drunk woman was walking in and out of traffic and laying in the road on saturday afternoon .\"]\n", - "=======================\n", - "[\"police arrested rebecca grant , 40 , for breaching bail conditionsfound apparently intoxicated walking into traffic in limington , maineresisting arrest , she scratched car with her teeth and bit upholsteryshe also ` tried to head-butt a deputy and threatened to kill him '\"]\n", - "arrested : rebecca grant tried to head-butt a deputy , scratched the police car 's with her teeth , bit the upholstery and ' threatened to kill the deputies 'rebecca grant , 40 , initially claimed that she had been kidnapped and abused , but when she refused to give the name of her captors , police checked her id and found that she was out on bail .police in limington , maine , had been responding to reports that an apparently drunk woman was walking in and out of traffic and laying in the road on saturday afternoon .\n", - "police arrested rebecca grant , 40 , for breaching bail conditionsfound apparently intoxicated walking into traffic in limington , maineresisting arrest , she scratched car with her teeth and bit upholsteryshe also ` tried to head-butt a deputy and threatened to kill him '\n", - "[1.3168707 1.3516082 1.1378208 1.1373616 1.1923372 1.2493229 1.2493412\n", - " 1.1327136 1.0670462 1.0590929 1.1909645 1.1208109 1.0712909 1.0538086\n", - " 1.0094749 1.0116297 1.0602894 0. 0. 0. ]\n", - "\n", - "[ 1 0 6 5 4 10 2 3 7 11 12 8 16 9 13 15 14 18 17 19]\n", - "=======================\n", - "[\"the croatian midfielder pulled up in the second half against malaga on saturday and tests on sunday confirmed a sprained ligament in his right knee with a recovery time of between five and six weeks .real madrid 's la liga and champions league chances have been dealt a major blow with confirmation that luka modric could miss the rest of the season with a knee injury .cristiano ronaldo was the first madrid player to go over to gareth bale , who picked up an injury on saturday\"]\n", - "=======================\n", - "[\"luka modric had to be replaced with a knee complaint on saturdaygareth bale suffered a calf strain early on at the bernabeubale will almost certainly miss the clash with atletico on wednesdayreal madrid beat malaga 3-1 to keep up the pressure on leaders barcelonacarlo ancelotti 's side face rivals atletico madrid on wednesday\"]\n", - "the croatian midfielder pulled up in the second half against malaga on saturday and tests on sunday confirmed a sprained ligament in his right knee with a recovery time of between five and six weeks .real madrid 's la liga and champions league chances have been dealt a major blow with confirmation that luka modric could miss the rest of the season with a knee injury .cristiano ronaldo was the first madrid player to go over to gareth bale , who picked up an injury on saturday\n", - "luka modric had to be replaced with a knee complaint on saturdaygareth bale suffered a calf strain early on at the bernabeubale will almost certainly miss the clash with atletico on wednesdayreal madrid beat malaga 3-1 to keep up the pressure on leaders barcelonacarlo ancelotti 's side face rivals atletico madrid on wednesday\n", - "[1.4742107 1.313532 1.2855021 1.0841824 1.1429485 1.3414701 1.1686786\n", - " 1.0678847 1.0276189 1.0198035 1.1167406 1.1007153 1.0631844 1.1264136\n", - " 1.077719 1.01302 1.0632073 1.0403496 1.0813395 1.0452701]\n", - "\n", - "[ 0 5 1 2 6 4 13 10 11 3 18 14 7 16 12 19 17 8 9 15]\n", - "=======================\n", - "['uber driver emerson decarvalho allegedly ran down a cyclist after a confrontation in the streetthe driver , emerson decarvalho , 38 , stayed at the scene of the crash and was charged with assault with a deadly weapon after the incident , which took place sunday afternoon .he was also charged with failing to maintain a three-foot ( one meter ) space between his car and the cyclist .']\n", - "=======================\n", - "['emerson decarvalho , 38 , is charged with assault with a deadly weaponcyclist pounded on his window , screamed at him and pushed in his sideview mirror']\n", - "uber driver emerson decarvalho allegedly ran down a cyclist after a confrontation in the streetthe driver , emerson decarvalho , 38 , stayed at the scene of the crash and was charged with assault with a deadly weapon after the incident , which took place sunday afternoon .he was also charged with failing to maintain a three-foot ( one meter ) space between his car and the cyclist .\n", - "emerson decarvalho , 38 , is charged with assault with a deadly weaponcyclist pounded on his window , screamed at him and pushed in his sideview mirror\n", - "[1.1751728 1.4552705 1.3093868 1.3794153 1.2081901 1.2934732 1.0429313\n", - " 1.0141153 1.0145605 1.1725907 1.0182825 1.0246016 1.0378853 1.2290757\n", - " 1.0744495 1.0259602 1.0233256 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 5 13 4 0 9 14 6 12 15 11 16 10 8 7 18 17 19]\n", - "=======================\n", - "['the unnamed woman , from the sunshine coast , found an empty trolley in an underground car park at the supermarket giant coles in caboolture , north of brisbane on wednesday .sunshine coast snake catchers 24/7 richie gilbert was called to remove the snake and release it back into the bushland just kilometres away .she pushed the trolley up the escalator to do her shopping before realising the slithering brown tree snake had curled itself in the corner and was hitching a ride to the store .']\n", - "=======================\n", - "['a woman discovered a tree snake curled up inside a shopping trolleysnake catcher richie gilbert was called to the rescue at coles caboolturewhen he arrived , he managed to untangle the snake from the trolleyhe safely released it back into the bushland just kilometres awaymr gilbert also gave daily mail readers his top tips to avoid getting bitten']\n", - "the unnamed woman , from the sunshine coast , found an empty trolley in an underground car park at the supermarket giant coles in caboolture , north of brisbane on wednesday .sunshine coast snake catchers 24/7 richie gilbert was called to remove the snake and release it back into the bushland just kilometres away .she pushed the trolley up the escalator to do her shopping before realising the slithering brown tree snake had curled itself in the corner and was hitching a ride to the store .\n", - "a woman discovered a tree snake curled up inside a shopping trolleysnake catcher richie gilbert was called to the rescue at coles caboolturewhen he arrived , he managed to untangle the snake from the trolleyhe safely released it back into the bushland just kilometres awaymr gilbert also gave daily mail readers his top tips to avoid getting bitten\n", - "[1.5326376 1.3663763 1.071442 1.0938163 1.0585463 1.2594008 1.1122558\n", - " 1.0289582 1.1479089 1.1980088 1.0422828 1.081006 1.1663349 1.1476016\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 9 12 8 13 6 3 11 2 4 10 7 16 14 15 17]\n", - "=======================\n", - "[\"conor mcgregor has claimed he would ` kill ' floyd mayweather ` in less than 30 seconds ' if he was ever pitted against the best boxer in the world .mcgregor , who is preparing for his world title fight against ufc featherweight champion jose aldo in july , said mayweather lacked the skills in areas other than boxing . 'conor mcgregor , posing here with his new tattoo , has said he would beat floyd mayweather with ease\"]\n", - "=======================\n", - "[\"conor mcgregor believes floyd mayweather lacks skills other than boxingufc star claimed he would ` kill ' the boxer in ` less than 30 seconds 'mcgregor takes on jose aldo for the featherweight title on july 11mayweather is preparing to take on manny pacquiao in two weeks time\"]\n", - "conor mcgregor has claimed he would ` kill ' floyd mayweather ` in less than 30 seconds ' if he was ever pitted against the best boxer in the world .mcgregor , who is preparing for his world title fight against ufc featherweight champion jose aldo in july , said mayweather lacked the skills in areas other than boxing . 'conor mcgregor , posing here with his new tattoo , has said he would beat floyd mayweather with ease\n", - "conor mcgregor believes floyd mayweather lacks skills other than boxingufc star claimed he would ` kill ' the boxer in ` less than 30 seconds 'mcgregor takes on jose aldo for the featherweight title on july 11mayweather is preparing to take on manny pacquiao in two weeks time\n", - "[1.3545568 1.3195566 1.2153537 1.2153145 1.2438246 1.190032 1.1319656\n", - " 1.1144783 1.0965275 1.1095309 1.0536755 1.0645959 1.051871 1.0485567\n", - " 1.0140727 1.0117967 1.032985 1.0257926]\n", - "\n", - "[ 0 1 4 2 3 5 6 7 9 8 11 10 12 13 16 17 14 15]\n", - "=======================\n", - "['gerry adams has sparked outrage over comments he made on us television about notorious abduction and murder of jean mcconvilleshe was 37 when she was taken by a masked gang from her home in belfast in front of her children .the comments have angered relatives of mrs mcconville , whose abduction , disappearance and subsequent murder became one of the most shocking events of the troubles .']\n", - "=======================\n", - "[\"jean-mcconville , 37 , was taken from her belfast home by masked gangshe was accused of being a british army informer by republicansthe mother-of-ten was suffocated with a plastic bag and shot deadgerry adams said incidents like her murder happen ` in every single conflict '\"]\n", - "gerry adams has sparked outrage over comments he made on us television about notorious abduction and murder of jean mcconvilleshe was 37 when she was taken by a masked gang from her home in belfast in front of her children .the comments have angered relatives of mrs mcconville , whose abduction , disappearance and subsequent murder became one of the most shocking events of the troubles .\n", - "jean-mcconville , 37 , was taken from her belfast home by masked gangshe was accused of being a british army informer by republicansthe mother-of-ten was suffocated with a plastic bag and shot deadgerry adams said incidents like her murder happen ` in every single conflict '\n", - "[1.196134 1.4385023 1.2897878 1.3171142 1.1266106 1.2091377 1.0338317\n", - " 1.0745902 1.1174343 1.094743 1.0651947 1.0173337 1.0191653 1.087065\n", - " 1.089729 1.0379027 0. 0. ]\n", - "\n", - "[ 1 3 2 5 0 4 8 9 14 13 7 10 15 6 12 11 16 17]\n", - "=======================\n", - "[\"lexy wood , the 13-year-old daughter of kyesha smith wood , told rebecca boyd that she is 'em barrassed ' by the way she acted when she disrupted a screening of cinderella in bessemer , alabama .she and her brother nick , 16 , were approached after the screening by mrs boyd , who said that her husband had just been laid off and the teenagers had ruined the last time she would be taking her daughter to the movies for a while .a girl whose mother reached out on social media to find a movie goer offended by her daughters behavior has apologized to her victim on national television .\"]\n", - "=======================\n", - "[\"lexy wood , 13 , apologized after ruining cinderella for rebecca boydoffended moviegoer , whose husband was recently laid off , approached teen after movie and said that she should be more consideratethey were ` loud , rude and obnoxious ' throughout the moviemother kyesha wood found out about behavior and searched for boydshe eventually found the mother after social media post went viralmothers now share a bond and families have had dinner together\"]\n", - "lexy wood , the 13-year-old daughter of kyesha smith wood , told rebecca boyd that she is 'em barrassed ' by the way she acted when she disrupted a screening of cinderella in bessemer , alabama .she and her brother nick , 16 , were approached after the screening by mrs boyd , who said that her husband had just been laid off and the teenagers had ruined the last time she would be taking her daughter to the movies for a while .a girl whose mother reached out on social media to find a movie goer offended by her daughters behavior has apologized to her victim on national television .\n", - "lexy wood , 13 , apologized after ruining cinderella for rebecca boydoffended moviegoer , whose husband was recently laid off , approached teen after movie and said that she should be more consideratethey were ` loud , rude and obnoxious ' throughout the moviemother kyesha wood found out about behavior and searched for boydshe eventually found the mother after social media post went viralmothers now share a bond and families have had dinner together\n", - "[1.3407426 1.1943132 1.3712294 1.2437992 1.1578293 1.0804099 1.0246937\n", - " 1.0120183 1.0342752 1.184585 1.0229235 1.1762648 1.1113144 1.153472\n", - " 1.0858749 1.0220798 1.0357269 1.0173852]\n", - "\n", - "[ 2 0 3 1 9 11 4 13 12 14 5 16 8 6 10 15 17 7]\n", - "=======================\n", - "[\"she was finally given a chance to find closure with abc 's foreign correspondent reporter sally sara who travelled with her to vietnam in search of answers .sophie english was one of thousands of babies who was born at the height of the vietnam war and adopted by an australian family .sophie english ( right ) with another adoptee le my huong who has since found her mother and moved back to vietnam\"]\n", - "=======================\n", - "[\"sophie english was one of thousands of babies born during vietnam warshe was adopted by an australian family and has never known her birth motherms english travelled to vietnam to try to reconnect with her home countrythere she met another adoptee , le my huong , and her biological mothershe was able get some insight on her own adoption from my huong 's mother\"]\n", - "she was finally given a chance to find closure with abc 's foreign correspondent reporter sally sara who travelled with her to vietnam in search of answers .sophie english was one of thousands of babies who was born at the height of the vietnam war and adopted by an australian family .sophie english ( right ) with another adoptee le my huong who has since found her mother and moved back to vietnam\n", - "sophie english was one of thousands of babies born during vietnam warshe was adopted by an australian family and has never known her birth motherms english travelled to vietnam to try to reconnect with her home countrythere she met another adoptee , le my huong , and her biological mothershe was able get some insight on her own adoption from my huong 's mother\n", - "[1.2098004 1.4100478 1.3773391 1.2024485 1.2334138 1.1286535 1.0406413\n", - " 1.021148 1.2387444 1.1672595 1.008472 1.0284592 1.0882215 1.0471854\n", - " 1.0652202 1.0255098 1.0309764 0. ]\n", - "\n", - "[ 1 2 8 4 0 3 9 5 12 14 13 6 16 11 15 7 10 17]\n", - "=======================\n", - "[\"the pdsa has said that obesity levels in pets is at an all-time high , with experts predicting that more than half will be classed as overweight within five years .around one in three dogs and one in four cats are already said to be overweight .grace the giant overweight rabbit has joined the pdsa 's annual pet fit club competition for overweight animals\"]\n", - "=======================\n", - "[\"too many carrots are making the nation 's spoilt pet rabbits overweightpdsa has warned that more than half of pets will be obese in five yearscharity 's pet fit club returns for a tenth year to help slim down porky petsit has helped animals allover the uk lose the combined weight of 46 stone\"]\n", - "the pdsa has said that obesity levels in pets is at an all-time high , with experts predicting that more than half will be classed as overweight within five years .around one in three dogs and one in four cats are already said to be overweight .grace the giant overweight rabbit has joined the pdsa 's annual pet fit club competition for overweight animals\n", - "too many carrots are making the nation 's spoilt pet rabbits overweightpdsa has warned that more than half of pets will be obese in five yearscharity 's pet fit club returns for a tenth year to help slim down porky petsit has helped animals allover the uk lose the combined weight of 46 stone\n", - "[1.2545228 1.0978106 1.3108974 1.4144971 1.1318412 1.1717293 1.0349069\n", - " 1.0580261 1.0365201 1.051646 1.0924208 1.0148597 1.0179952 1.0848377\n", - " 1.0439124 1.0280474 1.0254883 1.0426176 1.1672382 1.0444107 0. ]\n", - "\n", - "[ 3 2 0 5 18 4 1 10 13 7 9 19 14 17 8 6 15 16 12 11 20]\n", - "=======================\n", - "['pippa middleton was seen enjoying an early evening run in a london park , stopping to chat to a fellow joggerher recent achievements include a 3,000-mile bicycle ride across the usa , a cross-country ski marathon and a four-mile swimming race in a turkish tidal shipping strait .pippa middleton kicked up her workout gear to the next level with a pair of new balance sneakers trimmed with a pop of pink .']\n", - "=======================\n", - "[\"the 31-year-old was seen enjoying an early evening run in the sunshineshe sported a blue vest and shorts and appeared to clutch a set of keysmiss middleton is preparing to take part in a 54-mile charity bike ridepreviously told how she sticks to ` wholesome carbs ' to prepare for races\"]\n", - "pippa middleton was seen enjoying an early evening run in a london park , stopping to chat to a fellow joggerher recent achievements include a 3,000-mile bicycle ride across the usa , a cross-country ski marathon and a four-mile swimming race in a turkish tidal shipping strait .pippa middleton kicked up her workout gear to the next level with a pair of new balance sneakers trimmed with a pop of pink .\n", - "the 31-year-old was seen enjoying an early evening run in the sunshineshe sported a blue vest and shorts and appeared to clutch a set of keysmiss middleton is preparing to take part in a 54-mile charity bike ridepreviously told how she sticks to ` wholesome carbs ' to prepare for races\n", - "[1.429479 1.2681091 1.4914439 1.2973716 1.2328353 1.0983584 1.0230504\n", - " 1.0271932 1.0380127 1.0259465 1.0678201 1.1256696 1.1069087 1.0262691\n", - " 1.1001179 1.1365639 1.0944335 1.0848622 1.0069491 1.0244722 1.0161953]\n", - "\n", - "[ 2 0 3 1 4 15 11 12 14 5 16 17 10 8 7 13 9 19 6 20 18]\n", - "=======================\n", - "[\"michael slager , 33 , can be heard laughing nervously while talking with a senior officer .the conversation was picked up by the dashcam in the officer 's patrol car following the incident in north charleston on april 5 .audio has surfaced of the cop who killed walter scott laughing and admitting to experiencing a rush of adrenaline in the minutes following the deadly shooting in south carolina earlier this month .\"]\n", - "=======================\n", - "['audio has surfaced of michael slager , 33 , laughing and admitting to experiencing a rush of adrenaline in the minutes following the shootingwalter scott , 50 , was shot five times in the back as he ran away from the traffic stop on april 5slager has been charged with murder after cell phone footage of the incident emerged which contadicted the initial police reportthe audio of slager talking with a senior officer at the scene was picked up the damcam in his vehicle which had been recording the initial incident']\n", - "michael slager , 33 , can be heard laughing nervously while talking with a senior officer .the conversation was picked up by the dashcam in the officer 's patrol car following the incident in north charleston on april 5 .audio has surfaced of the cop who killed walter scott laughing and admitting to experiencing a rush of adrenaline in the minutes following the deadly shooting in south carolina earlier this month .\n", - "audio has surfaced of michael slager , 33 , laughing and admitting to experiencing a rush of adrenaline in the minutes following the shootingwalter scott , 50 , was shot five times in the back as he ran away from the traffic stop on april 5slager has been charged with murder after cell phone footage of the incident emerged which contadicted the initial police reportthe audio of slager talking with a senior officer at the scene was picked up the damcam in his vehicle which had been recording the initial incident\n", - "[1.2232475 1.2236882 1.2635257 1.2147611 1.1635661 1.119067 1.0959041\n", - " 1.0541604 1.0935864 1.0806326 1.097908 1.056777 1.0612054 1.0296216\n", - " 1.0660505 1.0568328 1.0942317 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 4 5 10 6 16 8 9 14 12 15 11 7 13 19 17 18 20]\n", - "=======================\n", - "[\"the chancellor met his house-cleaning doppelganger at a campaign stop in somerset , where he was given a tour of the factory where the machines are built .mr osborne today came face to face with a real henry the hoover -- and onlookers could n't fail to notice there was an uncanny resemblance to the tory campaign chief .as chancellor of the exchequer , george osborne is used to inventing new ways of hovering up taxpayers ' money to clean up the deficit .\"]\n", - "=======================\n", - "[\"mr osborne was shown around the henry the hoover factory in chardchancellor met his vacuum doppelganger at a campaign stop in somersettory minister was highlighting the government 's apprenticeships drive\"]\n", - "the chancellor met his house-cleaning doppelganger at a campaign stop in somerset , where he was given a tour of the factory where the machines are built .mr osborne today came face to face with a real henry the hoover -- and onlookers could n't fail to notice there was an uncanny resemblance to the tory campaign chief .as chancellor of the exchequer , george osborne is used to inventing new ways of hovering up taxpayers ' money to clean up the deficit .\n", - "mr osborne was shown around the henry the hoover factory in chardchancellor met his vacuum doppelganger at a campaign stop in somersettory minister was highlighting the government 's apprenticeships drive\n", - "[1.4396203 1.224988 1.445063 1.2496344 1.1006578 1.0814257 1.0763925\n", - " 1.1568779 1.081376 1.0862514 1.0414553 1.125898 1.1105176 1.0348049\n", - " 1.0735371 1.1366117 1.0913328 1.0058643 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 1 7 15 11 12 4 16 9 5 8 6 14 10 13 17 19 18 20]\n", - "=======================\n", - "['teresa sheldon , 38 , from dartford , kent , has appeared in court charged with murdering her son tommy and the attempted murder of another child who was also in the blazing ford fiesta .tommy died two weeks after suffering horrendous burns in the fireball on a country lane in hursley , near winchester in hampshire .his mother was also taken to hospital for treatment after suffering serious injuries in the fire on august 11 last year .']\n", - "=======================\n", - "['tommy sheldon , aged five , died following horrific car fire in august 2014he died two weeks after suffering horrendous burns caused by the firehis mother theresa has been charged with his murder following incidentalso charged with attempted murder of another child who was also in car']\n", - "teresa sheldon , 38 , from dartford , kent , has appeared in court charged with murdering her son tommy and the attempted murder of another child who was also in the blazing ford fiesta .tommy died two weeks after suffering horrendous burns in the fireball on a country lane in hursley , near winchester in hampshire .his mother was also taken to hospital for treatment after suffering serious injuries in the fire on august 11 last year .\n", - "tommy sheldon , aged five , died following horrific car fire in august 2014he died two weeks after suffering horrendous burns caused by the firehis mother theresa has been charged with his murder following incidentalso charged with attempted murder of another child who was also in car\n", - "[1.3588004 1.207363 1.1550868 1.1521589 1.0786227 1.392021 1.2170846\n", - " 1.0800427 1.079026 1.0720389 1.0399119 1.0660288 1.0388004 1.1715653\n", - " 1.0293864 1.0149858 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 5 0 6 1 13 2 3 7 8 4 9 11 10 12 14 15 19 16 17 18 20]\n", - "=======================\n", - "[\"cristiano ronaldo is confronted by a supporter at the end of the 0-0 draw on tuesday nightcristiano ronaldo left the pitch with a supporter trying to hug him , gareth bale left it knowing that once again the fingers of blame will be pointing at him after his first half miss after diego godin 's slip .ronaldo gives the fan a hug after a frustrating night at the vicente calderon for real madrid\"]\n", - "=======================\n", - "['real madrid drew 0-0 at atletico in champions league quarter-final first legsuperstars cristiano ronaldo and gareth bale both started for realronaldo was kept quiet and bale , though impressive , missed best chance']\n", - "cristiano ronaldo is confronted by a supporter at the end of the 0-0 draw on tuesday nightcristiano ronaldo left the pitch with a supporter trying to hug him , gareth bale left it knowing that once again the fingers of blame will be pointing at him after his first half miss after diego godin 's slip .ronaldo gives the fan a hug after a frustrating night at the vicente calderon for real madrid\n", - "real madrid drew 0-0 at atletico in champions league quarter-final first legsuperstars cristiano ronaldo and gareth bale both started for realronaldo was kept quiet and bale , though impressive , missed best chance\n", - "[1.2186654 1.4571851 1.3159866 1.4331812 1.311682 1.1046132 1.0632973\n", - " 1.0394683 1.160237 1.1258419 1.097326 1.0541301 1.0156623 1.009062\n", - " 1.0111771 1.0090531 1.0104445 1.0092736 1.0106466 1.0426017 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 8 9 5 10 6 11 19 7 12 14 18 16 17 13 15 23 20 21 22\n", - " 24]\n", - "=======================\n", - "['dietrich evans was arrested yesterday for the attack which left kay hafford with bullet fragments in the bottom right side of her brain .dietrich evans has been arrested on suspicion of shooting kay hafford in the head in a road rage attackthe brave church singer agreed to face her alleged shooter in a police line-up and evans , 22 , has now been charged with aggravated assault .']\n", - "=======================\n", - "['kay hafford was shot in the head after a confrontation with an angry drivershe survived the shooting on north freeway in houston and called 911hafford has faced dietrich evans who was arrested on suspicion of attack']\n", - "dietrich evans was arrested yesterday for the attack which left kay hafford with bullet fragments in the bottom right side of her brain .dietrich evans has been arrested on suspicion of shooting kay hafford in the head in a road rage attackthe brave church singer agreed to face her alleged shooter in a police line-up and evans , 22 , has now been charged with aggravated assault .\n", - "kay hafford was shot in the head after a confrontation with an angry drivershe survived the shooting on north freeway in houston and called 911hafford has faced dietrich evans who was arrested on suspicion of attack\n", - "[1.2266551 1.4820154 1.285551 1.1031607 1.3335426 1.1311127 1.1497912\n", - " 1.0271505 1.0334146 1.0435015 1.058919 1.0733668 1.0372397 1.0380143\n", - " 1.0171857 1.0371301 1.2968128 1.0527868 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 16 2 0 6 5 3 11 10 17 9 13 12 15 8 7 14 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"police say earl arthur olander who lived alone in a home in rural minnesota , was discovered covered in cuts and bruises and his home had been ransacked .earl olander was found beaten to death in his own home .they have now offered a $ 1,000 reward for any information which could lead to an arrest , while neighbors have spoken of him as a ` stand-up person ' and a wonderful role model .\"]\n", - "=======================\n", - "['earl arthur olander was found tied up and beaten to death in his own homethe 90-year-old was a lifelong bachelor and lived alone in rural minnesotapolice have offered a # 1,000 reward for any information leading to an arresthis neighbors and friends said he was loved by all within the community']\n", - "police say earl arthur olander who lived alone in a home in rural minnesota , was discovered covered in cuts and bruises and his home had been ransacked .earl olander was found beaten to death in his own home .they have now offered a $ 1,000 reward for any information which could lead to an arrest , while neighbors have spoken of him as a ` stand-up person ' and a wonderful role model .\n", - "earl arthur olander was found tied up and beaten to death in his own homethe 90-year-old was a lifelong bachelor and lived alone in rural minnesotapolice have offered a # 1,000 reward for any information leading to an arresthis neighbors and friends said he was loved by all within the community\n", - "[1.1601008 1.3907394 1.3352208 1.2540029 1.0833422 1.07921 1.0430782\n", - " 1.0662895 1.0353103 1.0364808 1.065574 1.0729997 1.0399034 1.1510694\n", - " 1.1026199 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 13 14 4 5 11 7 10 6 12 9 8 15 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"but when the duke of wellington 's forces defeated and killed tipu sultan , the tiger of mysore , in 1799 , troops plundered the city and the palace , returning to britain with gold , jewellery , arms , armour , clothing and even tipu 's grand throne .this month , a collection of the historic artefacts from this exotic empire will go on sale at london auction house bonhams , and experts expect them to fetch a total of around # 1million .pure opulence : a gem-set sword with pink , green and red stones and an ornate tiger 's head pommel is expected to sell for # 80,000 .\"]\n", - "=======================\n", - "[\"30-year-old duke of wellington fought tipu sultan as an army general in 1799tipu was killed in the defeat and soldiers plundered the city and palace for jewels and richesmodern british collector was ` obsessed with ' sultan , acquiring works over 30 yearssale of his collection could fetch # 1million with personal gun tipped to get # 150,000 alone\"]\n", - "but when the duke of wellington 's forces defeated and killed tipu sultan , the tiger of mysore , in 1799 , troops plundered the city and the palace , returning to britain with gold , jewellery , arms , armour , clothing and even tipu 's grand throne .this month , a collection of the historic artefacts from this exotic empire will go on sale at london auction house bonhams , and experts expect them to fetch a total of around # 1million .pure opulence : a gem-set sword with pink , green and red stones and an ornate tiger 's head pommel is expected to sell for # 80,000 .\n", - "30-year-old duke of wellington fought tipu sultan as an army general in 1799tipu was killed in the defeat and soldiers plundered the city and palace for jewels and richesmodern british collector was ` obsessed with ' sultan , acquiring works over 30 yearssale of his collection could fetch # 1million with personal gun tipped to get # 150,000 alone\n", - "[1.2397226 1.3716284 1.3860567 1.097672 1.2663021 1.2374333 1.0783234\n", - " 1.0941639 1.0219855 1.1148646 1.0326158 1.0310222 1.0669312 1.0567284\n", - " 1.0318313 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 4 0 5 9 3 7 6 12 13 10 14 11 8 23 15 16 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"the late-night television personality shared the stage with his ` matsukoroid ' doppelganger for the first time on saturday night .japanese engineers , who are trying to replace celebrities with human-like androids , have pushed the clone of transvestite entertainer matsuko deluxe into the limelight .a cross-dressing japanese television star 's robotic clone has made its ` unnervingly real ' on-screen debut - the first android to host its own show .\"]\n", - "=======================\n", - "['robotic clone of cross-dressing japanese tv star made on-screen debutmatsuko deluxe shared stage with matsukoroid doppelganger on saturdayjapanese engineers are trying to replace celebrities with lifelike androidssoftware , robots or smart machines could replace third of jobs by 2025']\n", - "the late-night television personality shared the stage with his ` matsukoroid ' doppelganger for the first time on saturday night .japanese engineers , who are trying to replace celebrities with human-like androids , have pushed the clone of transvestite entertainer matsuko deluxe into the limelight .a cross-dressing japanese television star 's robotic clone has made its ` unnervingly real ' on-screen debut - the first android to host its own show .\n", - "robotic clone of cross-dressing japanese tv star made on-screen debutmatsuko deluxe shared stage with matsukoroid doppelganger on saturdayjapanese engineers are trying to replace celebrities with lifelike androidssoftware , robots or smart machines could replace third of jobs by 2025\n", - "[1.1627369 1.4387883 1.2038262 1.2084069 1.2900858 1.0447438 1.0269235\n", - " 1.2128102 1.043409 1.057744 1.0758513 1.0181278 1.0281955 1.0155917\n", - " 1.0141098 1.0237879 1.0217052 1.0337303 1.0393131 1.0213133 1.0205245\n", - " 1.0137302 1.018052 1.0172414 1.0131551]\n", - "\n", - "[ 1 4 7 3 2 0 10 9 5 8 18 17 12 6 15 16 19 20 11 22 23 13 14 21\n", - " 24]\n", - "=======================\n", - "[\"kate , 33 , is due to give birth to her second child in the coming days - providing a little brother or sister to prince george .parenting blogger emily-jane clark , who runs the popular site how to survive a sleep thief , which she describes as ` an antithesis to baby advice ' , has compiled a list of the ways that a mother can cope with caring for two kids under two .catherine , the duchess of cambridge holds prince george poses for photographers outside st. mary 's hospital in london shortly after giving birth in 2013 .\"]\n", - "=======================\n", - "['kate middleton is preparing to give birth to her second child this weekthe duchess of cambridge is already mother to prince george , onea parenting expert tells femail how to cope with two children under two']\n", - "kate , 33 , is due to give birth to her second child in the coming days - providing a little brother or sister to prince george .parenting blogger emily-jane clark , who runs the popular site how to survive a sleep thief , which she describes as ` an antithesis to baby advice ' , has compiled a list of the ways that a mother can cope with caring for two kids under two .catherine , the duchess of cambridge holds prince george poses for photographers outside st. mary 's hospital in london shortly after giving birth in 2013 .\n", - "kate middleton is preparing to give birth to her second child this weekthe duchess of cambridge is already mother to prince george , onea parenting expert tells femail how to cope with two children under two\n", - "[1.4525008 1.4138767 1.17412 1.5553555 1.0715718 1.2971843 1.0193814\n", - " 1.0091103 1.0118229 1.0193753 1.0111524 1.0243446 1.0392108 1.0749009\n", - " 1.0346533 1.0147183 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 5 2 13 4 12 14 11 6 9 15 8 10 7 16 17 18 19 20]\n", - "=======================\n", - "[\"fiorentina ace mario gomez scored the opening goal of the game in the 43rd minute to help his side qualifymario gomez 's predatory instincts and a late goal by substitute juan vargas ensured fiorentina qualified for the europa league semi-finals .fiorentina had one foot in the next stage of europe 's second tier cup competition thanks to khouma babacar 's all-important away goal during the closing stages of last thursday 's first leg encounter in kiev .\"]\n", - "=======================\n", - "[\"fiorentina forward mario gomez opened the scoring in the 43rd minutedynamo kiev 's jeremain lens was sent off before the half-time intervalreferee jonas eriksson brandished a harsh second yellow card for divelate substitute juan vargas doubled scoreline with just seconds to go\"]\n", - "fiorentina ace mario gomez scored the opening goal of the game in the 43rd minute to help his side qualifymario gomez 's predatory instincts and a late goal by substitute juan vargas ensured fiorentina qualified for the europa league semi-finals .fiorentina had one foot in the next stage of europe 's second tier cup competition thanks to khouma babacar 's all-important away goal during the closing stages of last thursday 's first leg encounter in kiev .\n", - "fiorentina forward mario gomez opened the scoring in the 43rd minutedynamo kiev 's jeremain lens was sent off before the half-time intervalreferee jonas eriksson brandished a harsh second yellow card for divelate substitute juan vargas doubled scoreline with just seconds to go\n", - "[1.0735888 1.1319091 1.0513151 1.1667371 1.1491711 1.1706319 1.1469265\n", - " 1.0853225 1.0745469 1.170512 1.1322927 1.0485055 1.0539533 1.0919335\n", - " 1.1204916 1.0378445 1.0532932 1.0215002 1.0177673 0. 0. ]\n", - "\n", - "[ 5 9 3 4 6 10 1 14 13 7 8 0 12 16 2 11 15 17 18 19 20]\n", - "=======================\n", - "[\"stay in a stranger 's houselaura cody and tanbay theune ( pictured ) are seeing the world while house-sitting for strangershere are some of the ways travellers can keep their costs down while satisfying their wanderlust .\"]\n", - "=======================\n", - "['high costs are one of the reasons which keep travel plans groundedwith some hard work and sacrifices people can find free places to stayhouse-sitting is becoming a popular form of accommodationpeople can also see the world by getting paid to teach englishski resorts are always looking for instructors and hospitality staff']\n", - "stay in a stranger 's houselaura cody and tanbay theune ( pictured ) are seeing the world while house-sitting for strangershere are some of the ways travellers can keep their costs down while satisfying their wanderlust .\n", - "high costs are one of the reasons which keep travel plans groundedwith some hard work and sacrifices people can find free places to stayhouse-sitting is becoming a popular form of accommodationpeople can also see the world by getting paid to teach englishski resorts are always looking for instructors and hospitality staff\n", - "[1.3721073 1.3722411 1.1948458 1.4066405 1.3887193 1.0742868 1.040894\n", - " 1.0169902 1.026994 1.0227131 1.0149697 1.0501585 1.0198197 1.0243242\n", - " 1.0254767 1.0250002 1.0242524 1.0732588 1.0464914 1.0920657 1.0239724]\n", - "\n", - "[ 3 4 1 0 2 19 5 17 11 18 6 8 14 15 13 16 20 9 12 7 10]\n", - "=======================\n", - "[\"michael carrick 's appearance for england against italy on tuesday night keeps him in the longest-serving listcarrick has played for england for 13 years , 310 days - while sir stanley matthews reached 22 years , 228 dayscarrick made his england debut against mexico in may 2001 as a teenager with west ham united and if -- as now seems likely -- he carries through to euro 2016 , he will be the first non-goalkeeper since the legendary sir stanley to have an international career spanning more than 15 years .\"]\n", - "=======================\n", - "['michael carrick made his england debut against mexico in may 2001the manchester united man came on against italy on tuesday nightcarrick has been serving england for 13 years and 310 dayssir stanley matthews played for a staggering 22 years and 228 days']\n", - "michael carrick 's appearance for england against italy on tuesday night keeps him in the longest-serving listcarrick has played for england for 13 years , 310 days - while sir stanley matthews reached 22 years , 228 dayscarrick made his england debut against mexico in may 2001 as a teenager with west ham united and if -- as now seems likely -- he carries through to euro 2016 , he will be the first non-goalkeeper since the legendary sir stanley to have an international career spanning more than 15 years .\n", - "michael carrick made his england debut against mexico in may 2001the manchester united man came on against italy on tuesday nightcarrick has been serving england for 13 years and 310 dayssir stanley matthews played for a staggering 22 years and 228 days\n", - "[1.3812665 1.2292147 1.3938586 1.244835 1.2742555 1.1161898 1.029034\n", - " 1.057968 1.0356222 1.0461159 1.0222063 1.195833 1.1185944 1.0401256\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 4 3 1 11 12 5 7 9 13 8 6 10 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"ashley mote , 79 , of binsted , hampshire , is accused of a string of fraud-related offences including acquiring criminal property and obtaining a money transfer by deception .he denies 11 offences alleged to have taken place between november 2004 and july 2010 .some of the money he allegedly made from the fraud went towards funding various legal costs he had built up as a result of being prosecuted in the uk for benefit fraud offences , a jury at london 's southwark crown court was told .\"]\n", - "=======================\n", - "[\"ashley mote , 79 , of hampshire , accused of string of fraud-related offencesthey include acquiring criminal property and money transfer by deceptionhe denies 11 offences alleged to have taken place between 2004 and 2010southwark crown court hears of ` sophisticated fraud over several years '\"]\n", - "ashley mote , 79 , of binsted , hampshire , is accused of a string of fraud-related offences including acquiring criminal property and obtaining a money transfer by deception .he denies 11 offences alleged to have taken place between november 2004 and july 2010 .some of the money he allegedly made from the fraud went towards funding various legal costs he had built up as a result of being prosecuted in the uk for benefit fraud offences , a jury at london 's southwark crown court was told .\n", - "ashley mote , 79 , of hampshire , accused of string of fraud-related offencesthey include acquiring criminal property and money transfer by deceptionhe denies 11 offences alleged to have taken place between 2004 and 2010southwark crown court hears of ` sophisticated fraud over several years '\n", - "[1.3141552 1.3819442 1.3426278 1.1870291 1.2456485 1.101745 1.0412984\n", - " 1.0290116 1.0658437 1.0728534 1.0819854 1.0553397 1.038302 1.0503658\n", - " 1.0561341 1.0467249 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 3 5 10 9 8 14 11 13 15 6 12 7 19 16 17 18 20]\n", - "=======================\n", - "[\"the gunners have won seven straight games since defeat against fierce rivals tottenham at white hart lane on february 7 , a run of form which has moved them to second place in the table .now just seven points behind leaders chelsea , arsenal have a chance to surpass manchester city 's equally impressive run of seven victories in a row this season when they take on relegation-threatened burnley in saturday 's late kick-off .as well as keeping alive hopes of an unlikely charge to the premier league title , victory for arsenal at turf moor on saturday will also ensure arsene wenger 's men claim the longest winning streak in the top-flight this season .\"]\n", - "=======================\n", - "['arsenal are looking for their eighth victory in succession against burnleymanchester city also managed seven wins on the bounce this seasonthe gunners can match their own record if they win their remaining gamesmanchester united , chelsea and liverpool are also high on our countdown']\n", - "the gunners have won seven straight games since defeat against fierce rivals tottenham at white hart lane on february 7 , a run of form which has moved them to second place in the table .now just seven points behind leaders chelsea , arsenal have a chance to surpass manchester city 's equally impressive run of seven victories in a row this season when they take on relegation-threatened burnley in saturday 's late kick-off .as well as keeping alive hopes of an unlikely charge to the premier league title , victory for arsenal at turf moor on saturday will also ensure arsene wenger 's men claim the longest winning streak in the top-flight this season .\n", - "arsenal are looking for their eighth victory in succession against burnleymanchester city also managed seven wins on the bounce this seasonthe gunners can match their own record if they win their remaining gamesmanchester united , chelsea and liverpool are also high on our countdown\n", - "[1.135714 1.3298473 1.2027752 1.2920452 1.1769873 1.1155562 1.1483312\n", - " 1.1697305 1.0857215 1.0902514 1.1285111 1.0520036 1.0758508 1.0148351\n", - " 1.0757067 1.0078434 1.014122 0. 0. ]\n", - "\n", - "[ 1 3 2 4 7 6 0 10 5 9 8 12 14 11 13 16 15 17 18]\n", - "=======================\n", - "[\"fossils of a creature bearing a ` striking ' similarity to depictions of nessie have been found in a 19th century collection .scientists have revealed that the rediscovered fossil dubbed ` pessie ' ( pictured ) may have lived at the bottom of the freshwater lakes that would later become loch nessoriginally belonging to cromarty writer and geologist , hugh miller , the specimens now sit in inverness museum and art gallery .\"]\n", - "=======================\n", - "[\"fossils of a creature bearing a striking similarity to depictions of nessie have been found in a 19th century collectionit is thought the fossil was found in cromarty and would have once lived in a freshwater lake between 542 million years ago to 251 million years agoresearchers have revealed that pterichthyoides milleri - or ` pessie ' - lived on the bottom of the lakes that would later become loch ness\"]\n", - "fossils of a creature bearing a ` striking ' similarity to depictions of nessie have been found in a 19th century collection .scientists have revealed that the rediscovered fossil dubbed ` pessie ' ( pictured ) may have lived at the bottom of the freshwater lakes that would later become loch nessoriginally belonging to cromarty writer and geologist , hugh miller , the specimens now sit in inverness museum and art gallery .\n", - "fossils of a creature bearing a striking similarity to depictions of nessie have been found in a 19th century collectionit is thought the fossil was found in cromarty and would have once lived in a freshwater lake between 542 million years ago to 251 million years agoresearchers have revealed that pterichthyoides milleri - or ` pessie ' - lived on the bottom of the lakes that would later become loch ness\n", - "[1.0815287 1.3930553 1.2970657 1.1008866 1.2164625 1.2448994 1.0561152\n", - " 1.1732996 1.0828015 1.0293633 1.1507753 1.0323516 1.0180869 1.0395191\n", - " 1.0499249 1.0308917 1.0368611 1.1715863 0. ]\n", - "\n", - "[ 1 2 5 4 7 17 10 3 8 0 6 14 13 16 11 15 9 12 18]\n", - "=======================\n", - "['that \\'s the mayor \\'s response to an artist \\'s apology and offer to cover the cost of fixing the \" scary lucy \" statue that has put the new york town of celoron in the spotlight this week .the bronze figure of comedian and area native lucille ball has elicited comparisons to a \" walking dead \" zombie and inspired the facebook campaign \" we love lucy !artist dave poulin has \" had plenty of opportunity to step forward , and our last conversation he wanted $ 8,000 to $ 10,000 , \" celoron mayor scott schrecengost said .']\n", - "=======================\n", - "[\"an artist apologizes for his lucille ball statuein a public letter , the sculptor offers to pay for fixes to the statuethe mayor says he 's not interested in having the original artist work on the statue\"]\n", - "that 's the mayor 's response to an artist 's apology and offer to cover the cost of fixing the \" scary lucy \" statue that has put the new york town of celoron in the spotlight this week .the bronze figure of comedian and area native lucille ball has elicited comparisons to a \" walking dead \" zombie and inspired the facebook campaign \" we love lucy !artist dave poulin has \" had plenty of opportunity to step forward , and our last conversation he wanted $ 8,000 to $ 10,000 , \" celoron mayor scott schrecengost said .\n", - "an artist apologizes for his lucille ball statuein a public letter , the sculptor offers to pay for fixes to the statuethe mayor says he 's not interested in having the original artist work on the statue\n", - "[1.082465 1.407354 1.1413527 1.2714599 1.18123 1.1942453 1.0644428\n", - " 1.1127923 1.1062329 1.0533762 1.0545988 1.0618277 1.055015 1.1089156\n", - " 1.0867566 1.0862633 1.0377022 1.0466641 0. ]\n", - "\n", - "[ 1 3 5 4 2 7 13 8 14 15 0 6 11 12 10 9 17 16 18]\n", - "=======================\n", - "[\"but not everyone was smiling after sir paul mccartney married heather mills .the pair -- daughters of sir paul 's first wife linda , who died of cancer four years previously -- were said to have been less than overjoyed by their father 's choice of partner .astonishingly , the image is the first to emerge of the former beatle and ms mills from their wedding reception .\"]\n", - "=======================\n", - "[\"new photos emerge of sir paul mccartney and heather mills ' 2002 weddingbut after tying the knot , sir paul 's daughters looked decidedly glumthe pair were said to have been less than overjoyed at their father 's partnerpictures and other memorabilia are to be auctioned for charity next month\"]\n", - "but not everyone was smiling after sir paul mccartney married heather mills .the pair -- daughters of sir paul 's first wife linda , who died of cancer four years previously -- were said to have been less than overjoyed by their father 's choice of partner .astonishingly , the image is the first to emerge of the former beatle and ms mills from their wedding reception .\n", - "new photos emerge of sir paul mccartney and heather mills ' 2002 weddingbut after tying the knot , sir paul 's daughters looked decidedly glumthe pair were said to have been less than overjoyed at their father 's partnerpictures and other memorabilia are to be auctioned for charity next month\n", - "[1.0189055 1.0338166 1.0561407 1.2635092 1.3190138 1.0618192 1.3109505\n", - " 1.0497609 1.1635057 1.085609 1.0428823 1.1199867 1.0472329 1.0222641\n", - " 1.0152737 1.0137515 1.0363249 1.0942343 1.0720809]\n", - "\n", - "[ 4 6 3 8 11 17 9 18 5 2 7 12 10 16 1 13 0 14 15]\n", - "=======================\n", - "[\"actor kit harington ( left ) , clad in leather , plays jon snow in the hit hbo fantasy series game of thronesaidan turner is leading the way as captain ross poldark in the bbc 's much talked-about sunday night offering .and flying the flag for nordic hunks is travis fimmel , who stars in the show vikings , which charts the tumultuous rise of viking king ragnar lothbrok .\"]\n", - "=======================\n", - "[\"female fans captivated by new breed of ` pretty but gritty ' male leadsaidan turner in poldark perfects the rugged costume drama lookother heartthrobs include kit harington in games of thrones , sam heughan in outlander and travis fimmel in vikings\"]\n", - "actor kit harington ( left ) , clad in leather , plays jon snow in the hit hbo fantasy series game of thronesaidan turner is leading the way as captain ross poldark in the bbc 's much talked-about sunday night offering .and flying the flag for nordic hunks is travis fimmel , who stars in the show vikings , which charts the tumultuous rise of viking king ragnar lothbrok .\n", - "female fans captivated by new breed of ` pretty but gritty ' male leadsaidan turner in poldark perfects the rugged costume drama lookother heartthrobs include kit harington in games of thrones , sam heughan in outlander and travis fimmel in vikings\n", - "[1.3586547 1.2462558 1.3574258 1.3451766 1.1681712 1.1156291 1.103124\n", - " 1.0357828 1.0892782 1.0307164 1.0214142 1.1118183 1.1613042 1.0433946\n", - " 1.0595707 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 4 12 5 11 6 8 14 13 7 9 10 17 15 16 18]\n", - "=======================\n", - "[\"odds on the second royal baby being called sam have been slashed , following the success of sam waley-cohen at aintree , the duchess ' close friendprince george 's brother or sister could be called sam - after the jockey that helped the duke and duchess of cambridge rekindle their romance .the baby will be the queen 's fifth great-grandchild .\"]\n", - "=======================\n", - "[\"the royal baby could be called sam , after duchess of cambridge 's friendsam waley-cohen , who rode in the grand national , is a close confidant of the duchess and helped the cambridges rekindle their romance in 2007odds on the royal baby being named sam have been slashed from 66/1 to 20/1 since waley-cohen appeared at aintree and won race on fridayroyal couple have insisted they do not know the sex of their second child\"]\n", - "odds on the second royal baby being called sam have been slashed , following the success of sam waley-cohen at aintree , the duchess ' close friendprince george 's brother or sister could be called sam - after the jockey that helped the duke and duchess of cambridge rekindle their romance .the baby will be the queen 's fifth great-grandchild .\n", - "the royal baby could be called sam , after duchess of cambridge 's friendsam waley-cohen , who rode in the grand national , is a close confidant of the duchess and helped the cambridges rekindle their romance in 2007odds on the royal baby being named sam have been slashed from 66/1 to 20/1 since waley-cohen appeared at aintree and won race on fridayroyal couple have insisted they do not know the sex of their second child\n", - "[1.2786994 1.3487871 1.380579 1.3821361 1.242615 1.1821663 1.2278829\n", - " 1.0318271 1.0259606 1.1077441 1.0551821 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 0 4 6 5 9 10 7 8 21 20 19 18 17 11 15 14 13 12 22 16 23]\n", - "=======================\n", - "[\"a man in a ` distinctive ' cartoon mask demanded cash from owner 's daughter on saturdayhe made off with the dairy 's till and about $ 1500 in cash on saturday , stuff.co.nz reports .the offender , snapped on security footage in a fluoro orange sweatshirt and oversized mask , is described as being ` very tall ' .\"]\n", - "=======================\n", - "[\"police were called to a dairy in east christchurch after reports of a robberyman in a ` distinctive ' cartoon mask demanded cash from owner 's daughterpolice are appealing to the public for help in identifying the offender\"]\n", - "a man in a ` distinctive ' cartoon mask demanded cash from owner 's daughter on saturdayhe made off with the dairy 's till and about $ 1500 in cash on saturday , stuff.co.nz reports .the offender , snapped on security footage in a fluoro orange sweatshirt and oversized mask , is described as being ` very tall ' .\n", - "police were called to a dairy in east christchurch after reports of a robberyman in a ` distinctive ' cartoon mask demanded cash from owner 's daughterpolice are appealing to the public for help in identifying the offender\n", - "[1.209129 1.5190756 1.2649186 1.379853 1.1483542 1.0598117 1.0465031\n", - " 1.0317994 1.1575882 1.0661008 1.1072749 1.0893229 1.0456129 1.0389829\n", - " 1.0542752 1.0637681 1.0274259 1.0450697 1.050122 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 8 4 10 11 9 15 5 14 18 6 12 17 13 7 16 22 19 20 21 23]\n", - "=======================\n", - "[\"lisa mcelroy , 50 , who teaches legal writing at drexel university , reportedly sent the inappropriate message on march 31 under the subject line : ` great article on writing briefs . 'however , when recipients opened the enclosed link , philly.com reports that they were directed to a video of ' a woman engaging in a sexually explicit act ' .a respected law professor from philadelphia is being investigated after allegedly emailing students a link to pornographic footage .\"]\n", - "=======================\n", - "[\"lisa mcelroy , 50 , who teaches legal writing at drexel university , reportedly sent the ` inappropriate ' message on march 31when recipients clicked the enclosed link , they were allegedly directed to a video of ' a woman engaging in a sexually explicit act 'david lat - a lawyer and legal commenter - suggests that the professor could have been ` hacked ' or made a ` copy/paste error 'along with teaching law , mcelroy is also an accomplished author with a number of published biographies and children 's books\"]\n", - "lisa mcelroy , 50 , who teaches legal writing at drexel university , reportedly sent the inappropriate message on march 31 under the subject line : ` great article on writing briefs . 'however , when recipients opened the enclosed link , philly.com reports that they were directed to a video of ' a woman engaging in a sexually explicit act ' .a respected law professor from philadelphia is being investigated after allegedly emailing students a link to pornographic footage .\n", - "lisa mcelroy , 50 , who teaches legal writing at drexel university , reportedly sent the ` inappropriate ' message on march 31when recipients clicked the enclosed link , they were allegedly directed to a video of ' a woman engaging in a sexually explicit act 'david lat - a lawyer and legal commenter - suggests that the professor could have been ` hacked ' or made a ` copy/paste error 'along with teaching law , mcelroy is also an accomplished author with a number of published biographies and children 's books\n", - "[1.199983 1.4509833 1.2842978 1.2732341 1.3051493 1.195051 1.1116388\n", - " 1.0424757 1.2021003 1.1322579 1.0170252 1.0333252 1.0391645 1.0253624\n", - " 1.0474081 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 3 8 0 5 9 6 14 7 12 11 13 10 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "['stephen taylor , went missing in the solent after leaving lee-on-solent in hampshire at about 11.30 am yesterday in his kayak with the intention of paddling west to lepe beach .the 54-year-old experienced canoeist was in touch with his partner michelle fuller , 49 , throughout the day - but when he failed to return home late in the evening she alrted police .search : helicopter and lifeboats were combing the solent off hampshire for the missing kayaker last night']\n", - "=======================\n", - "[\"stephen taylor vanished in solent after leaving lee-on-solent yesterdayhe was in touch with partner during day but he later failed to return homeshe then called police and major air-sea search mission was launched` sighting ' last night and a body - awaiting formal id - was found today\"]\n", - "stephen taylor , went missing in the solent after leaving lee-on-solent in hampshire at about 11.30 am yesterday in his kayak with the intention of paddling west to lepe beach .the 54-year-old experienced canoeist was in touch with his partner michelle fuller , 49 , throughout the day - but when he failed to return home late in the evening she alrted police .search : helicopter and lifeboats were combing the solent off hampshire for the missing kayaker last night\n", - "stephen taylor vanished in solent after leaving lee-on-solent yesterdayhe was in touch with partner during day but he later failed to return homeshe then called police and major air-sea search mission was launched` sighting ' last night and a body - awaiting formal id - was found today\n", - "[1.1637306 1.537774 1.2916445 1.3448812 1.1285846 1.1639763 1.1945115\n", - " 1.1681345 1.1264632 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 6 7 5 0 4 8 21 20 19 18 17 16 11 14 13 12 22 10 9 15 23]\n", - "=======================\n", - "[\"retired policeman spencer bell , 71 , had bravely ventured on to the motorway near watford , hertfordshire , after a man fell from a bridge in january last year .but as he tended the victim -- alan tretheway , 67 -- mr bell was struck by a toyota driven by mother-of-three iram shahzad .last week mrs shahzad , 32 , pleaded guilty at st albans crown court to causing mr bell 's death .\"]\n", - "=======================\n", - "[\"spencer bell , 71 , ventured onto m1 motorway after man fell from a bridgebut as he tended the victim he was struck by car driven by iram shahzadshe had tried to avoid queue of traffic by veering into outside lane at speeds of up to 88mphmrs shahzad , 32 , pleaded guilty to causing mr bell 's death and received a suspended sentence\"]\n", - "retired policeman spencer bell , 71 , had bravely ventured on to the motorway near watford , hertfordshire , after a man fell from a bridge in january last year .but as he tended the victim -- alan tretheway , 67 -- mr bell was struck by a toyota driven by mother-of-three iram shahzad .last week mrs shahzad , 32 , pleaded guilty at st albans crown court to causing mr bell 's death .\n", - "spencer bell , 71 , ventured onto m1 motorway after man fell from a bridgebut as he tended the victim he was struck by car driven by iram shahzadshe had tried to avoid queue of traffic by veering into outside lane at speeds of up to 88mphmrs shahzad , 32 , pleaded guilty to causing mr bell 's death and received a suspended sentence\n", - "[1.0830418 1.387053 1.0655099 1.0548223 1.1039685 1.0744607 1.1177837\n", - " 1.1034745 1.1390512 1.0867258 1.0471723 1.0252545 1.0978651 1.1100326\n", - " 1.0610213 1.0201747 1.0248011 1.0611292 1.0487258 1.0409733 1.0221045\n", - " 1.0375495 1.0212888 1.017931 ]\n", - "\n", - "[ 1 8 6 13 4 7 12 9 0 5 2 17 14 3 18 10 19 21 11 16 20 22 15 23]\n", - "=======================\n", - "['freddie gray \\'s family had asked there be quiet on baltimore \\'s streets the day they laid him to rest .\" i want them all to go back home , \" said rev. jamal bryant .the 25-year-old african-american man died from spinal injuries after being arrested earlier this month .']\n", - "=======================\n", - "[\"gray 's family asked there be no protests ; they condemned violencecommunity leaders and brave residents got in between rioters and police\"]\n", - "freddie gray 's family had asked there be quiet on baltimore 's streets the day they laid him to rest .\" i want them all to go back home , \" said rev. jamal bryant .the 25-year-old african-american man died from spinal injuries after being arrested earlier this month .\n", - "gray 's family asked there be no protests ; they condemned violencecommunity leaders and brave residents got in between rioters and police\n", - "[1.2114528 1.4226117 1.145191 1.1802218 1.3148763 1.1678724 1.1367866\n", - " 1.0851196 1.0976952 1.0648433 1.1230774 1.0650058 1.1017638 1.067143\n", - " 1.0356308 1.0302902 1.0143851 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 0 3 5 2 6 10 12 8 7 13 11 9 14 15 16 20 17 18 19 21]\n", - "=======================\n", - "[\"joseph oberhansley , from jeffersonville , indiana , is charged with murder and abuse of a corpse in the death of 46-year-old tammy jo harbin blanton last september .an ex-convict who told cops he fatally stabbed his ex-girlfriend , then cooked and ate some of her organs , may now also be charged with raping her .the motion to change the charges comes after lab results for the victim 's body were returned .\"]\n", - "=======================\n", - "[\"joseph oberhansley ` broke into tammy jo blanton 's house last year , stabbed her to death and then cut open her skull with an electric jigsaw 'he ` then cooked up her heart , lungs and brain and ate them 'on tuesday , prosecutors asked for rape to be added to the charges against him after results from her body returned from the lablast year , prosecutors said they expected to seek the death penalty\"]\n", - "joseph oberhansley , from jeffersonville , indiana , is charged with murder and abuse of a corpse in the death of 46-year-old tammy jo harbin blanton last september .an ex-convict who told cops he fatally stabbed his ex-girlfriend , then cooked and ate some of her organs , may now also be charged with raping her .the motion to change the charges comes after lab results for the victim 's body were returned .\n", - "joseph oberhansley ` broke into tammy jo blanton 's house last year , stabbed her to death and then cut open her skull with an electric jigsaw 'he ` then cooked up her heart , lungs and brain and ate them 'on tuesday , prosecutors asked for rape to be added to the charges against him after results from her body returned from the lablast year , prosecutors said they expected to seek the death penalty\n", - "[1.2072284 1.4915054 1.171515 1.417839 1.1528767 1.0945442 1.102425\n", - " 1.2471701 1.1060865 1.0379663 1.01007 1.112201 1.0848734 1.0793388\n", - " 1.0403332 1.0108385 1.0374833 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 7 0 2 4 11 8 6 5 12 13 14 9 16 15 10 17 18 19 20 21]\n", - "=======================\n", - "[\"phylise davis-bowens , who attended bethune-cookman university in daytona beach , florida , for their ` transformative leadership ' program at the age of 37 , launched a lawsuit after she alleged she was not allowed to try out for the 14 karat gold dancers .a former college student is suing her school over claims she was n't allowed to audition for the dance team because of her weight .after around a year , she had lost a total of 60lb .\"]\n", - "=======================\n", - "['phylise davis-bowens , 42 , who attended bethune-cookman university in daytona beach , florida has launched a lawsuitshe claims that she lost 16lb to try out for the dance troupe and was still not allowed by the band director after joining the college in 2009she is seeking unspecified damages from the college']\n", - "phylise davis-bowens , who attended bethune-cookman university in daytona beach , florida , for their ` transformative leadership ' program at the age of 37 , launched a lawsuit after she alleged she was not allowed to try out for the 14 karat gold dancers .a former college student is suing her school over claims she was n't allowed to audition for the dance team because of her weight .after around a year , she had lost a total of 60lb .\n", - "phylise davis-bowens , 42 , who attended bethune-cookman university in daytona beach , florida has launched a lawsuitshe claims that she lost 16lb to try out for the dance troupe and was still not allowed by the band director after joining the college in 2009she is seeking unspecified damages from the college\n", - "[1.2351339 1.3376243 1.3320658 1.3313246 1.1726025 1.1665595 1.2371262\n", - " 1.0956573 1.0572487 1.096559 1.0395283 1.1004932 1.0378928 1.0327538\n", - " 1.0903248 1.0143025 1.0819075 1.039658 1.0215 1.0492007 1.0106684\n", - " 1.0258362]\n", - "\n", - "[ 1 2 3 6 0 4 5 11 9 7 14 16 8 19 17 10 12 13 21 18 15 20]\n", - "=======================\n", - "['captured by a visitor to the dierenrijk zoo , the lion can be seen inserting its head into the barrel and attempting to retrieve a piece of meat .zoo keepers place food in barrels to stimulate the lions , as it replicates the challenges faced when the animals feed in the wild .the animal , hoping to beat two other lions to the food , reaches in too far and suddenly gets its head stuck .']\n", - "=======================\n", - "['zoo keepers place food in the barrels to stimulate the lions when feedingone lion reaches too far into the food barrel and gets its head stucklion is captured on video thrashing about attempting to free itselfthe incident occurred at the dierenrijk zoo in the netherlands']\n", - "captured by a visitor to the dierenrijk zoo , the lion can be seen inserting its head into the barrel and attempting to retrieve a piece of meat .zoo keepers place food in barrels to stimulate the lions , as it replicates the challenges faced when the animals feed in the wild .the animal , hoping to beat two other lions to the food , reaches in too far and suddenly gets its head stuck .\n", - "zoo keepers place food in the barrels to stimulate the lions when feedingone lion reaches too far into the food barrel and gets its head stucklion is captured on video thrashing about attempting to free itselfthe incident occurred at the dierenrijk zoo in the netherlands\n", - "[1.3758256 1.4171399 1.197468 1.1891409 1.1288822 1.276243 1.0809133\n", - " 1.0719184 1.0708774 1.0549834 1.0598218 1.0572283 1.0586219 1.0423598\n", - " 1.0220411 1.0520351 1.0415902 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 5 2 3 4 6 7 8 10 12 11 9 15 13 16 14 20 17 18 19 21]\n", - "=======================\n", - "[\"letourneau , 53 , and her husband , vili fualaau , 31 , will talk about her rape trial and their married life in an interview with barbara walters on ' 20/20 ' , which will air on friday .disgraced teacher mary kay letourneau and her student-turned-lover are set to talk about their controversial relationship in a tell-all interview on the eve of their 10th wedding anniversary .the former seattle teacher shot to infamy after starting a relationship with fualaau when he was a 12-year-old sixth-grade student and falling pregnant with his child when he was just 13 .\"]\n", - "=======================\n", - "['letourneau and vili fualaau will speak to barbara walters in a 20/20 interview that will air this fridayletourneau and fualaau started a sexual relationship when she was his sixth-grade teacher and she fell pregnant with his child when he was 13she served a few months in jail and fell pregnant with his second child within weeks ; she was then sent back to prison for seven yearsbut a year after her release in 2004 , they married and are still togethertheir now - teenage daughters will join them for the interview']\n", - "letourneau , 53 , and her husband , vili fualaau , 31 , will talk about her rape trial and their married life in an interview with barbara walters on ' 20/20 ' , which will air on friday .disgraced teacher mary kay letourneau and her student-turned-lover are set to talk about their controversial relationship in a tell-all interview on the eve of their 10th wedding anniversary .the former seattle teacher shot to infamy after starting a relationship with fualaau when he was a 12-year-old sixth-grade student and falling pregnant with his child when he was just 13 .\n", - "letourneau and vili fualaau will speak to barbara walters in a 20/20 interview that will air this fridayletourneau and fualaau started a sexual relationship when she was his sixth-grade teacher and she fell pregnant with his child when he was 13she served a few months in jail and fell pregnant with his second child within weeks ; she was then sent back to prison for seven yearsbut a year after her release in 2004 , they married and are still togethertheir now - teenage daughters will join them for the interview\n", - "[1.2441533 1.358795 1.3703568 1.2562928 1.15484 1.1383764 1.0484619\n", - " 1.0501363 1.1191721 1.1495205 1.0717347 1.0241069 1.0240341 1.05718\n", - " 1.0469182 1.0420171 1.038555 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 3 0 4 9 5 8 10 13 7 6 14 15 16 11 12 20 17 18 19 21]\n", - "=======================\n", - "[\"the department of veteran affairs ( dva ) said the word ` anzac ' is protected by federal legislation since 1920 and is not authorised to be used for commercial purposes - like zoo weekly 's ` special anzac centenary issue ' - without express permission from the minister for veterans ' affairs .after coming under scrutiny , zoo weekly removed all ` offending ' images of a half-naked model holding a long stemmed red poppy from facebook .after discovering zoo had not sought permission , the dva immediately notified zoo weekly of the breached and asked for all offending images to be removed .\"]\n", - "=======================\n", - "[\"zoo weekly came under fire for their scandalous anzac day issuethe front cover featured a half-naked model holding a red poppythe department of veteran affairs said zoo could not use the word anzacthe word ca n't be used without permission for commercial purposessocial media users condemned the ` gross and offensive ' issuezoo weekly has since removed all offending images from their websites\"]\n", - "the department of veteran affairs ( dva ) said the word ` anzac ' is protected by federal legislation since 1920 and is not authorised to be used for commercial purposes - like zoo weekly 's ` special anzac centenary issue ' - without express permission from the minister for veterans ' affairs .after coming under scrutiny , zoo weekly removed all ` offending ' images of a half-naked model holding a long stemmed red poppy from facebook .after discovering zoo had not sought permission , the dva immediately notified zoo weekly of the breached and asked for all offending images to be removed .\n", - "zoo weekly came under fire for their scandalous anzac day issuethe front cover featured a half-naked model holding a red poppythe department of veteran affairs said zoo could not use the word anzacthe word ca n't be used without permission for commercial purposessocial media users condemned the ` gross and offensive ' issuezoo weekly has since removed all offending images from their websites\n", - "[1.3925908 1.4293092 1.2277821 1.2114106 1.3126643 1.3378737 1.1141182\n", - " 1.0502968 1.0197827 1.021397 1.0161554 1.0855062 1.0206759 1.2113637\n", - " 1.0445107 1.0532292 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 5 4 2 3 13 6 11 15 7 14 9 12 8 10 18 16 17 19]\n", - "=======================\n", - "[\"fans group ashleyout.com was behind last sunday 's boycott of the 3-1 defeat at home to spurs , which saw at least 10,000 supporters stay away as their side lost a sixth game on the spin .newcastle supporters have been encouraged to stand up in protest against mike ashley 's running of the club when they face swansea at st james ' park on saturday .newcastle united fans have planned a mass protest against owner mike ashley on saturday afternoon\"]\n", - "=======================\n", - "[\"newcastle face swansea at st james ' park on saturday afternoonfans group ashleyout.com have asked supporters to stand in 34th minute` having a threadbare squad ... yet having # 34m in the bank not acceptable 'there will also be peaceful protests outside sports direct stores at 12.30\"]\n", - "fans group ashleyout.com was behind last sunday 's boycott of the 3-1 defeat at home to spurs , which saw at least 10,000 supporters stay away as their side lost a sixth game on the spin .newcastle supporters have been encouraged to stand up in protest against mike ashley 's running of the club when they face swansea at st james ' park on saturday .newcastle united fans have planned a mass protest against owner mike ashley on saturday afternoon\n", - "newcastle face swansea at st james ' park on saturday afternoonfans group ashleyout.com have asked supporters to stand in 34th minute` having a threadbare squad ... yet having # 34m in the bank not acceptable 'there will also be peaceful protests outside sports direct stores at 12.30\n", - "[1.2595098 1.3602755 1.1650933 1.2046643 1.2400452 1.1422615 1.0641767\n", - " 1.1522093 1.1154814 1.1660851 1.064421 1.0540019 1.0564373 1.0831406\n", - " 1.081122 1.0587846 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 3 9 2 7 5 8 13 14 10 6 15 12 11 18 16 17 19]\n", - "=======================\n", - "[\"the 32-year-old was inspecting a weapons factory in the country 's capital of pyongyang in a visit filmed by north korean central tv .disarming images of the north korean dictator kim jong-un have emerged - apparently showing that he has hurt his wrist .pictures from state-controlled media show the dictator smiling and waving , with his right wrist in bandages\"]\n", - "=======================\n", - "[\"right wrist of kim jong-un pictured strapped up with white bandagesfilmed while visiting a pyongyang weapons factory in impoverished nationinjury is latest evidence in a string of rumours about dictator 's ill health\"]\n", - "the 32-year-old was inspecting a weapons factory in the country 's capital of pyongyang in a visit filmed by north korean central tv .disarming images of the north korean dictator kim jong-un have emerged - apparently showing that he has hurt his wrist .pictures from state-controlled media show the dictator smiling and waving , with his right wrist in bandages\n", - "right wrist of kim jong-un pictured strapped up with white bandagesfilmed while visiting a pyongyang weapons factory in impoverished nationinjury is latest evidence in a string of rumours about dictator 's ill health\n", - "[1.1797934 1.2890849 1.3531088 1.2974001 1.1057082 1.1780542 1.122071\n", - " 1.1287341 1.0948662 1.1883168 1.0311494 1.0289768 1.0422763 1.1420008\n", - " 1.0463582 1.0295895 1.0129759 1.0705851 0. 0. ]\n", - "\n", - "[ 2 3 1 9 0 5 13 7 6 4 8 17 14 12 10 15 11 16 18 19]\n", - "=======================\n", - "[\"the hole appeared recently after locals noticed the ground nearby getting warmerthe heat blasting from the ` ring of fire ' has been measured at 792c ( 1457f ) from two metres away , reports people 's daily online , and is so intense that experts ca n't get close enough to determine how deep the hole is .geologists and media have flocked to the desolate mountain on the outskirts of urumqi , in xinjiang uyghur autonomous region in north-western china , since it appeared a few weeks ago .\"]\n", - "=======================\n", - "[\"locals had noticed the ground in the area was warmer than usualexperts ca n't get close enough to determine how deep the hole istemperature measured at 792c from two metres awaythought to be caused by a coal seam spontaneously combusting\"]\n", - "the hole appeared recently after locals noticed the ground nearby getting warmerthe heat blasting from the ` ring of fire ' has been measured at 792c ( 1457f ) from two metres away , reports people 's daily online , and is so intense that experts ca n't get close enough to determine how deep the hole is .geologists and media have flocked to the desolate mountain on the outskirts of urumqi , in xinjiang uyghur autonomous region in north-western china , since it appeared a few weeks ago .\n", - "locals had noticed the ground in the area was warmer than usualexperts ca n't get close enough to determine how deep the hole istemperature measured at 792c from two metres awaythought to be caused by a coal seam spontaneously combusting\n", - "[1.3324926 1.3009858 1.3127546 1.2474405 1.2342525 1.0997986 1.0797901\n", - " 1.1377836 1.0644656 1.0546575 1.1258054 1.0987809 1.0523185 1.0602665\n", - " 1.0423988 1.0381305 1.0173386 1.0090276 1.0094739 1.007006 ]\n", - "\n", - "[ 0 2 1 3 4 7 10 5 11 6 8 13 9 12 14 15 16 18 17 19]\n", - "=======================\n", - "['racing legend tony mccoy ended his career as a jump jockey without adding to his haul of more than 4,300 winners .mccoy , 40 , has been champion jump jockey for the past 20 years , and when he was handed the trophy for the final time today by former arsenal player ian wright , it emerged that the irish jockey will be allowed to keep it in perpetuity .his two , third-place finishes at sandown park in front of a packed crowd of 18,000 race fans brought an end to the greatest racing career in history .']\n", - "=======================\n", - "['racing legend tony mccoy ended his record breaking career todaythe irish legend finished with a total of 4,348 winners over the jumpshe has ridden a record-breaking 289 winners in one seasonmccoy was handed the champions jockey trophy for the 20th time']\n", - "racing legend tony mccoy ended his career as a jump jockey without adding to his haul of more than 4,300 winners .mccoy , 40 , has been champion jump jockey for the past 20 years , and when he was handed the trophy for the final time today by former arsenal player ian wright , it emerged that the irish jockey will be allowed to keep it in perpetuity .his two , third-place finishes at sandown park in front of a packed crowd of 18,000 race fans brought an end to the greatest racing career in history .\n", - "racing legend tony mccoy ended his record breaking career todaythe irish legend finished with a total of 4,348 winners over the jumpshe has ridden a record-breaking 289 winners in one seasonmccoy was handed the champions jockey trophy for the 20th time\n", - "[1.1857741 1.5072004 1.3407154 1.3074831 1.1731533 1.0656387 1.0840448\n", - " 1.0769099 1.0826834 1.1156232 1.0855325 1.0467463 1.0467377 1.0285943\n", - " 1.0476319 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 9 10 6 8 7 5 14 11 12 13 18 15 16 17 19]\n", - "=======================\n", - "[\"zbigniew huminski , 38 , has confessed to strangling his nine-year-old victim , identified by her first name of chloe , yesterday afternoon in france ` while drunk ' .she was stripped naked and sexually assaulted and after being forced into huminski 's car and then driven to an isolated wood once used as a camp for illegal migrants bound for the uk .a pole with convictions for violence was on his way to britain from calais when he snatched a schoolgirl in front of her mother before raping and murdering her , it emerged today .\"]\n", - "=======================\n", - "[\"girl was playing with friend when zbigniew huminski forced her into carchloe 's naked body was found in nearby woods an hour-and-a-half laterprosecutors say there is evidence of ` strangulation and sexual violence 'polish immigrant , who was heading to england , has admitted to killing\"]\n", - "zbigniew huminski , 38 , has confessed to strangling his nine-year-old victim , identified by her first name of chloe , yesterday afternoon in france ` while drunk ' .she was stripped naked and sexually assaulted and after being forced into huminski 's car and then driven to an isolated wood once used as a camp for illegal migrants bound for the uk .a pole with convictions for violence was on his way to britain from calais when he snatched a schoolgirl in front of her mother before raping and murdering her , it emerged today .\n", - "girl was playing with friend when zbigniew huminski forced her into carchloe 's naked body was found in nearby woods an hour-and-a-half laterprosecutors say there is evidence of ` strangulation and sexual violence 'polish immigrant , who was heading to england , has admitted to killing\n", - "[1.1756841 1.4072497 1.3502016 1.3161885 1.163285 1.1207684 1.1506667\n", - " 1.1975307 1.076472 1.0709354 1.0528816 1.0483515 1.0386883 1.0281599\n", - " 1.0295864 1.0244169 1.0674082 1.044604 1.0664313 1.0525316 0. ]\n", - "\n", - "[ 1 2 3 7 0 4 6 5 8 9 16 18 10 19 11 17 12 14 13 15 20]\n", - "=======================\n", - "['expedition 42 commander barry wilmore and flight engineer terry virts recorded three spacewalks , known as extra vehicular activities , on gopro cameras outside the iss on february 25 and march 1 .the spacewalks were in preparation for the arrival of multibillion pound commercial spacecraft , which nasa hope will be in operation by 2017 .nasa has released incredible point-of-view footage taken by astronauts on spacewalks of the international space station .']\n", - "=======================\n", - "['barry wilmore and terry virts captured the footage on spacewalksthe astronauts were carrying out repair work on the space stationvideo captures incredibly clear images of the earth from 250 milesspacewalks were in preparation for commercial spacecraft arrival']\n", - "expedition 42 commander barry wilmore and flight engineer terry virts recorded three spacewalks , known as extra vehicular activities , on gopro cameras outside the iss on february 25 and march 1 .the spacewalks were in preparation for the arrival of multibillion pound commercial spacecraft , which nasa hope will be in operation by 2017 .nasa has released incredible point-of-view footage taken by astronauts on spacewalks of the international space station .\n", - "barry wilmore and terry virts captured the footage on spacewalksthe astronauts were carrying out repair work on the space stationvideo captures incredibly clear images of the earth from 250 milesspacewalks were in preparation for commercial spacecraft arrival\n", - "[1.2173132 1.4025958 1.1982126 1.3285646 1.1602646 1.0809622 1.070337\n", - " 1.0491432 1.0357159 1.053004 1.018895 1.0252706 1.067062 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 5 6 12 9 7 8 11 10 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"periscope , twitter 's new iphone app which allows users to broadcast live video and audio online , launched a week ago today and early adapters have already discovered potentially hair-raising issues with the much talked-about technology , which claims on its website that it is ` the closest thing to teleportation ' .from location tagging to unmonitored comments to blatant sexual harassment , a new video streaming app has all the ingredients to become a parent 's latest nightmare .despite the initial hype surrounding the launch of the app , which is being touted as a revolutionary new way to share news , there are already a concerning number of users , particularly women , reporting that they have been sexually harassed , or trolled , while using the technology .\"]\n", - "=======================\n", - "[\"the video app launched last thursday , but early adapters have already discovered potentially hair-raising issues with the technologyapp developer justin esgar told daily mail online that periscope present numerous dangers to childrenhe warned that parents will have to ` try and control ' the various ` land mines ' present within the app 's system\"]\n", - "periscope , twitter 's new iphone app which allows users to broadcast live video and audio online , launched a week ago today and early adapters have already discovered potentially hair-raising issues with the much talked-about technology , which claims on its website that it is ` the closest thing to teleportation ' .from location tagging to unmonitored comments to blatant sexual harassment , a new video streaming app has all the ingredients to become a parent 's latest nightmare .despite the initial hype surrounding the launch of the app , which is being touted as a revolutionary new way to share news , there are already a concerning number of users , particularly women , reporting that they have been sexually harassed , or trolled , while using the technology .\n", - "the video app launched last thursday , but early adapters have already discovered potentially hair-raising issues with the technologyapp developer justin esgar told daily mail online that periscope present numerous dangers to childrenhe warned that parents will have to ` try and control ' the various ` land mines ' present within the app 's system\n", - "[1.5735579 1.5590234 1.1698668 1.1973214 1.2312615 1.179746 1.0185319\n", - " 1.0171719 1.0253359 1.0128112 1.1588376 1.0113283 1.0930682 1.0856928\n", - " 1.0118061 1.0140185 1.0132436 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 3 5 2 10 12 13 8 6 7 15 16 9 14 11 19 17 18 20]\n", - "=======================\n", - "[\"manchester united midfielder juan mata insists his side can be proud of their performance during saturday 's defeat by chelsea and congratulates his former side as they close in on the premier league title .eden hazard scored the only goal of the game as louis van gaal 's side 's six-match winning run came to an abrupt end .it was mata 's first return to stamford bridge since he left chelsea in january last year\"]\n", - "=======================\n", - "[\"manchester united lost 1-0 to chelsea at stamford bridge on saturdayjuan mata played at chelsea for the first time since leaving the clubspaniard was proud of his side 's display against the champions electmata congratulates chelsea as they close in on premier league titleread : what has louis van gaal changed since utd sacked david moyes ?\"]\n", - "manchester united midfielder juan mata insists his side can be proud of their performance during saturday 's defeat by chelsea and congratulates his former side as they close in on the premier league title .eden hazard scored the only goal of the game as louis van gaal 's side 's six-match winning run came to an abrupt end .it was mata 's first return to stamford bridge since he left chelsea in january last year\n", - "manchester united lost 1-0 to chelsea at stamford bridge on saturdayjuan mata played at chelsea for the first time since leaving the clubspaniard was proud of his side 's display against the champions electmata congratulates chelsea as they close in on premier league titleread : what has louis van gaal changed since utd sacked david moyes ?\n", - "[1.3517557 1.2851963 1.1777517 1.4743538 1.2582991 1.2450056 1.1732593\n", - " 1.0953443 1.1073282 1.0807753 1.1572558 1.0696214 1.1350248 1.0108097\n", - " 1.0081869 1.0129002 1.012215 1.0090854 1.0116516 0. 0. ]\n", - "\n", - "[ 3 0 1 4 5 2 6 10 12 8 7 9 11 15 16 18 13 17 14 19 20]\n", - "=======================\n", - "[\"steven gerrard is set to start the fa cup semi-final between liverpool and aston villa on sundaythe 34-year-old has flitted in and out of brendan rodgers ' side this term and will end his long association with the club at the end of this season .gerrard has been missing all month after serving his three-match ban for seeing red against man united\"]\n", - "=======================\n", - "['brendan rodgers picks steven gerrard to start fa cup semi-finalthe 34-year-old has served his three-match ban after seeing red last month against manchester unitedgerrard has been in and out of the liverpool side this season']\n", - "steven gerrard is set to start the fa cup semi-final between liverpool and aston villa on sundaythe 34-year-old has flitted in and out of brendan rodgers ' side this term and will end his long association with the club at the end of this season .gerrard has been missing all month after serving his three-match ban for seeing red against man united\n", - "brendan rodgers picks steven gerrard to start fa cup semi-finalthe 34-year-old has served his three-match ban after seeing red last month against manchester unitedgerrard has been in and out of the liverpool side this season\n", - "[1.4825609 1.2169443 1.4181031 1.2548182 1.1353374 1.1317765 1.1140442\n", - " 1.0537093 1.1891041 1.1488849 1.0165997 1.0119476 1.013082 1.024914\n", - " 1.0984168 1.0393903 1.0412786 1.046675 1.0425922 1.012336 1.0100986]\n", - "\n", - "[ 0 2 3 1 8 9 4 5 6 14 7 17 18 16 15 13 10 12 19 11 20]\n", - "=======================\n", - "[\"emma hannigan had her breasts and ovaries removed in 2006 to reduce her risk of cancer after she was diagnosed with the faulty brca1 genethe breast cancer campaign estimates preventative mastectomy is thought to reduce breast cancer risk in carriers of the brca gene , by 90 per cent .the odds reduce a woman 's risk to lower than that of the average for women who do not carry the mutated gene . '\"]\n", - "=======================\n", - "['emma hannigan was diagnosed with the faulty brca1 gene in 2005a year later she had her breasts and ovaries removed to prevent cancerbut in 2007 , despite the surgery , she was diagnosed with breast cancersince then she has battled the disease nine times - four times in one year']\n", - "emma hannigan had her breasts and ovaries removed in 2006 to reduce her risk of cancer after she was diagnosed with the faulty brca1 genethe breast cancer campaign estimates preventative mastectomy is thought to reduce breast cancer risk in carriers of the brca gene , by 90 per cent .the odds reduce a woman 's risk to lower than that of the average for women who do not carry the mutated gene . '\n", - "emma hannigan was diagnosed with the faulty brca1 gene in 2005a year later she had her breasts and ovaries removed to prevent cancerbut in 2007 , despite the surgery , she was diagnosed with breast cancersince then she has battled the disease nine times - four times in one year\n", - "[1.2145354 1.5511084 1.1884044 1.319052 1.0604144 1.0481931 1.0485358\n", - " 1.0559913 1.1037601 1.0410795 1.0952638 1.0848271 1.1496235 1.0468307\n", - " 1.0377067 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 2 12 8 10 11 4 7 6 5 13 9 14 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"the collector 's paradise in horfield , bristol , which has gone untouched for more than 80 years comes complete with the original bathroom and kitchen , wood-panelled hallway and even the vintage cupboards .a timewarp home which has remained unchanged since the 1930s is up for sale complete with original features including stained-glass windows , oil-fired central heating and retro jars of popular food .with features that were once commonplace but are now considered decidedly old-fashioned , the semi-detached property has a guide price of between # 200,000 and # 250,000 .\"]\n", - "=======================\n", - "[\"nondescript semi-detached home for sale in horfield , bristol , is an unlikely collector 's paradisehouse has gone untouched for more than 80 years and comes complete with stain-glass windowsthe timewarp home also boasts oil-fired central heating and comes with original bathroom and kitchen\"]\n", - "the collector 's paradise in horfield , bristol , which has gone untouched for more than 80 years comes complete with the original bathroom and kitchen , wood-panelled hallway and even the vintage cupboards .a timewarp home which has remained unchanged since the 1930s is up for sale complete with original features including stained-glass windows , oil-fired central heating and retro jars of popular food .with features that were once commonplace but are now considered decidedly old-fashioned , the semi-detached property has a guide price of between # 200,000 and # 250,000 .\n", - "nondescript semi-detached home for sale in horfield , bristol , is an unlikely collector 's paradisehouse has gone untouched for more than 80 years and comes complete with stain-glass windowsthe timewarp home also boasts oil-fired central heating and comes with original bathroom and kitchen\n", - "[1.442853 1.0907811 1.0771283 1.1091851 1.1090505 1.0463105 1.1393213\n", - " 1.046388 1.0477488 1.0821745 1.0814978 1.044013 1.0598459 1.093344\n", - " 1.113241 1.1062497 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 6 14 3 4 15 13 1 9 10 2 12 8 7 5 11 20 16 17 18 19 21]\n", - "=======================\n", - "[\"at waterloo napoleon did surrender , ' sang sweden 's fab four in their famous eurovision song contest winner .napoleon certainly did n't surrender at waterloo .it is unfortunate for anniversary-celebrating purposes that waterloo lies in the french half where the locals are preparing to mark the bicentenary of the battle of waterloo -- with napoleon as the unchallenged star of the show .\"]\n", - "=======================\n", - "[\"contrary to the abba song , napoleon did not surrender at waterlootemplar hospice is being turned into a restaurant-cum-brewery , museummay sees the 75th anniversary of ` glorious failure ' of operation dynamo\"]\n", - "at waterloo napoleon did surrender , ' sang sweden 's fab four in their famous eurovision song contest winner .napoleon certainly did n't surrender at waterloo .it is unfortunate for anniversary-celebrating purposes that waterloo lies in the french half where the locals are preparing to mark the bicentenary of the battle of waterloo -- with napoleon as the unchallenged star of the show .\n", - "contrary to the abba song , napoleon did not surrender at waterlootemplar hospice is being turned into a restaurant-cum-brewery , museummay sees the 75th anniversary of ` glorious failure ' of operation dynamo\n", - "[1.2115473 1.4569821 1.3244369 1.2368568 1.3735409 1.3108414 1.1489639\n", - " 1.0260192 1.0209557 1.0469111 1.1368798 1.0740846 1.126154 1.0891731\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 2 5 3 0 6 10 12 13 11 9 7 8 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"theresa dybalski , a retired insurance company from lackawanna , new york , was celebrating at a birthday lunch when she received the ticket .her friend who gave it to her , however , has died since dybalski 's birthday .so she plans to share her winnings with family members of her friend , who has not been named .\"]\n", - "=======================\n", - "[\"theresa dybalski , of lakawanna , new york , was given the lottery ticket inside a birthday card from a friendher friend who gave her the card died shorty after she wonshe received a lump-sum payment of $ 522,822 after taxes last monthdybalski plans on sharing the money with her and her friend 's family and plans to address ' a couple issues around the house '\"]\n", - "theresa dybalski , a retired insurance company from lackawanna , new york , was celebrating at a birthday lunch when she received the ticket .her friend who gave it to her , however , has died since dybalski 's birthday .so she plans to share her winnings with family members of her friend , who has not been named .\n", - "theresa dybalski , of lakawanna , new york , was given the lottery ticket inside a birthday card from a friendher friend who gave her the card died shorty after she wonshe received a lump-sum payment of $ 522,822 after taxes last monthdybalski plans on sharing the money with her and her friend 's family and plans to address ' a couple issues around the house '\n", - "[1.1673979 1.4824386 1.310437 1.2721571 1.2159438 1.2758865 1.1902974\n", - " 1.04066 1.0335213 1.0284467 1.02813 1.0417081 1.0899147 1.0887785\n", - " 1.0482963 1.0324757 1.0557595 1.0578452 1.033323 1.0248821 1.0548934\n", - " 1.1231091]\n", - "\n", - "[ 1 2 5 3 4 6 0 21 12 13 17 16 20 14 11 7 8 18 15 9 10 19]\n", - "=======================\n", - "[\"ben powers played the character of thelma 's husband keith in the show 's sixth and final season between 1978-1979 .he passed away at his new bedford , massachusetts home on april 6 at the age of 64 .his family has not revealed the cause of his death .\"]\n", - "=======================\n", - "['powers appeared in the final season of the long-running sitcomhe played the husband of main character thelmapowers died april 6 at his home in new bedford , massachusetts at the age of 64 .']\n", - "ben powers played the character of thelma 's husband keith in the show 's sixth and final season between 1978-1979 .he passed away at his new bedford , massachusetts home on april 6 at the age of 64 .his family has not revealed the cause of his death .\n", - "powers appeared in the final season of the long-running sitcomhe played the husband of main character thelmapowers died april 6 at his home in new bedford , massachusetts at the age of 64 .\n", - "[1.2181191 1.4671326 1.261085 1.3586287 1.2054118 1.131555 1.1947632\n", - " 1.1384568 1.1336225 1.0907739 1.0421484 1.0360855 1.0572691 1.014172\n", - " 1.0810862 1.0594124 1.0593389 1.0333905 1.0095757 1.007533 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 4 6 7 8 5 9 14 15 16 12 10 11 17 13 18 19 20 21]\n", - "=======================\n", - "[\"sophie thomas wore the black shirt in march when she was having her picture taken at clermont northeastern middle school in batavia .sophie thomas ( center ) wore a shirt with the word ` feminist ' on it for class photo day at her middle schoolwhen the students got their class photos this week , she saw the word had been removed from her shirt with photoshop .\"]\n", - "=======================\n", - "['sophie thomas attends clermont northeastern middle school in bataviashe wore a black shirt bearing word for school picture day back in marchwhen students got photos this week , word was removed with photoshopadministrators said they asked to remove word , a claim thomas disputes']\n", - "sophie thomas wore the black shirt in march when she was having her picture taken at clermont northeastern middle school in batavia .sophie thomas ( center ) wore a shirt with the word ` feminist ' on it for class photo day at her middle schoolwhen the students got their class photos this week , she saw the word had been removed from her shirt with photoshop .\n", - "sophie thomas attends clermont northeastern middle school in bataviashe wore a black shirt bearing word for school picture day back in marchwhen students got photos this week , word was removed with photoshopadministrators said they asked to remove word , a claim thomas disputes\n", - "[1.1845589 1.2633585 1.3385776 1.24704 1.2982758 1.2461587 1.1307805\n", - " 1.0766401 1.1352993 1.0432929 1.0291284 1.1289568 1.1388721 1.0775537\n", - " 1.0093855 1.0136473 1.0273247 1.0083405 0. ]\n", - "\n", - "[ 2 4 1 3 5 0 12 8 6 11 13 7 9 10 16 15 14 17 18]\n", - "=======================\n", - "['now , designer eason chow believes his innovative new product could be the solution - and found inspiration from the sugar-coated sweets dispensed from gumball machines .the soaring popularity of home coffee machines has led to a increasing amount of waste generated by caffeine lovers .it involves covering coffee granules in milk powder then dipping the whole lot in sugar to create a revolutionary capsule with no waste created whatsoever .']\n", - "=======================\n", - "['soaring popularity of home coffee machines has led to increasing wasteeason chow believes his innovative new product could be the solutionpods are made of coffee granules in milk powder are then dipped in sugarprice will be around # 4 for a pack of 20 and a machine will cost around # 80']\n", - "now , designer eason chow believes his innovative new product could be the solution - and found inspiration from the sugar-coated sweets dispensed from gumball machines .the soaring popularity of home coffee machines has led to a increasing amount of waste generated by caffeine lovers .it involves covering coffee granules in milk powder then dipping the whole lot in sugar to create a revolutionary capsule with no waste created whatsoever .\n", - "soaring popularity of home coffee machines has led to increasing wasteeason chow believes his innovative new product could be the solutionpods are made of coffee granules in milk powder are then dipped in sugarprice will be around # 4 for a pack of 20 and a machine will cost around # 80\n", - "[1.4662883 1.2132354 1.1760001 1.1255945 1.2184371 1.2710388 1.1237229\n", - " 1.0624288 1.052811 1.0327703 1.0547013 1.1174959 1.0983592 1.0560535\n", - " 1.0506656 1.0827893 1.0097992 1.0083492 0. ]\n", - "\n", - "[ 0 5 4 1 2 3 6 11 12 15 7 13 10 8 14 9 16 17 18]\n", - "=======================\n", - "['lady penelope ( left ) and her faithful chauffeur aloysius parker ( right ) have been given slight tweaks for the 2015 remake of thunderbirdsgeeky scientist brains has lost his bow tie for an open-neck shirt and has been given an indian accent .yes , 50 years after the futuristic puppet show launched and landed all over the world , itv is bringing it back .']\n", - "=======================\n", - "['fifty years after the futuristic puppet show launched itv is bringing it backit is computer-generated with more women and multicultural characterslady penelope lost twin-set and pearls and looks like a lady secret agentparker has dropped his chauffeur uniform and sports a roll-neck sweaterthunderbirds , itv1 tomorrow at 5pm .']\n", - "lady penelope ( left ) and her faithful chauffeur aloysius parker ( right ) have been given slight tweaks for the 2015 remake of thunderbirdsgeeky scientist brains has lost his bow tie for an open-neck shirt and has been given an indian accent .yes , 50 years after the futuristic puppet show launched and landed all over the world , itv is bringing it back .\n", - "fifty years after the futuristic puppet show launched itv is bringing it backit is computer-generated with more women and multicultural characterslady penelope lost twin-set and pearls and looks like a lady secret agentparker has dropped his chauffeur uniform and sports a roll-neck sweaterthunderbirds , itv1 tomorrow at 5pm .\n", - "[1.0621474 1.4604445 1.2998648 1.2355409 1.1991324 1.1531113 1.1833868\n", - " 1.0374436 1.1190459 1.0623348 1.0646552 1.0373669 1.1114484 1.0902065\n", - " 1.0675691 1.1001974 1.0353829 0. 0. ]\n", - "\n", - "[ 1 2 3 4 6 5 8 12 15 13 14 10 9 0 7 11 16 17 18]\n", - "=======================\n", - "[\"39-year-old lianna barrientos married ten men in eleven years - and married six of them in one year alone , it 's been revealed .barrientos , however , was nabbed by authorities after saying her 2010 marriage - the tenth time she tied the knot - was actually her first , the new york post reported .according to reports , all of barrientos ' marriages took place in new york state .\"]\n", - "=======================\n", - "[\"liana barrientos married ten men in eleven years - even marrying six of them in one year aloneall of her marriages took place in new york stateher first marriage took place in 1999 , followed by two in 2001 , six in 2002 , and her tenth marriage in 2010barrientos allegedly described her 2010 nuptials as ` her first and only marriage 'she is reportedly divorced from four of her ten husbandsthe department of homeland security was ` involved ' in barrientos ' case , the bronx district attorney 's office has said\"]\n", - "39-year-old lianna barrientos married ten men in eleven years - and married six of them in one year alone , it 's been revealed .barrientos , however , was nabbed by authorities after saying her 2010 marriage - the tenth time she tied the knot - was actually her first , the new york post reported .according to reports , all of barrientos ' marriages took place in new york state .\n", - "liana barrientos married ten men in eleven years - even marrying six of them in one year aloneall of her marriages took place in new york stateher first marriage took place in 1999 , followed by two in 2001 , six in 2002 , and her tenth marriage in 2010barrientos allegedly described her 2010 nuptials as ` her first and only marriage 'she is reportedly divorced from four of her ten husbandsthe department of homeland security was ` involved ' in barrientos ' case , the bronx district attorney 's office has said\n", - "[1.4833282 1.083226 1.1639227 1.1477574 1.2317795 1.2086959 1.1197116\n", - " 1.0925122 1.2319691 1.0673774 1.0672017 1.039944 1.0172398 1.0842087\n", - " 1.0418738 1.0956157 1.014394 1.0347033 1.039252 ]\n", - "\n", - "[ 0 8 4 5 2 3 6 15 7 13 1 9 10 14 11 18 17 12 16]\n", - "=======================\n", - "[\"it was on new year 's day last year that juan mata finally cracked after being substituted by chelsea manager jose mourinho at southampton .louis van gaal is finally getting the best out of juan mata .manchester united midfielder juan mata turns away to celebrate after scoring against manchester city\"]\n", - "=======================\n", - "['despite his status as a firm fan-favourite during his first two seasons at chelsea , juan mata could not do enough to impress jose mourinhomata was sold to manchester united in january 2014 for a # 37m feeit took some time for the midfielder to settle at old trafford but now he hasunited travel away to chelsea in the premier league on saturday']\n", - "it was on new year 's day last year that juan mata finally cracked after being substituted by chelsea manager jose mourinho at southampton .louis van gaal is finally getting the best out of juan mata .manchester united midfielder juan mata turns away to celebrate after scoring against manchester city\n", - "despite his status as a firm fan-favourite during his first two seasons at chelsea , juan mata could not do enough to impress jose mourinhomata was sold to manchester united in january 2014 for a # 37m feeit took some time for the midfielder to settle at old trafford but now he hasunited travel away to chelsea in the premier league on saturday\n", - "[1.5631845 1.1400176 1.0555782 1.1041474 1.16136 1.1166277 1.1167998\n", - " 1.1618961 1.0800638 1.0770051 1.0704556 1.0622365 1.043868 1.1031624\n", - " 1.0659877 1.0925039 1.0208832 1.0292344 0. ]\n", - "\n", - "[ 0 7 4 1 6 5 3 13 15 8 9 10 14 11 2 12 17 16 18]\n", - "=======================\n", - "['( cnn ) talk show host dr. mehmet oz is defending himself against a group of doctors who accuse him of \" manifesting an egregious lack of integrity \" in his tv and promotional work and who call his faculty position at columbia university unacceptable .the episode will air on thursday afternoon in most markets , friday in others .for example , i do not claim that gmo ( genetically modified organism ) foods are dangerous , but believe that they should be labeled like they are in most countries around the world .']\n", - "=======================\n", - "['ten physicians across the country have banded together to tell columbia they think having oz on faculty is unacceptableradiology professor says that he just wants oz to \" follow the basic rules of science \"tv \\'s \" dr. oz \" holds a faculty position at columbia university \\'s college of physicians and surgeons']\n", - "( cnn ) talk show host dr. mehmet oz is defending himself against a group of doctors who accuse him of \" manifesting an egregious lack of integrity \" in his tv and promotional work and who call his faculty position at columbia university unacceptable .the episode will air on thursday afternoon in most markets , friday in others .for example , i do not claim that gmo ( genetically modified organism ) foods are dangerous , but believe that they should be labeled like they are in most countries around the world .\n", - "ten physicians across the country have banded together to tell columbia they think having oz on faculty is unacceptableradiology professor says that he just wants oz to \" follow the basic rules of science \"tv 's \" dr. oz \" holds a faculty position at columbia university 's college of physicians and surgeons\n", - "[1.4535949 1.3236493 1.1446979 1.2209986 1.1869261 1.0491548 1.0307988\n", - " 1.021638 1.167776 1.0262833 1.3197763 1.093936 1.0353473 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 10 3 4 8 2 11 5 12 6 9 7 20 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "['united arab emirates are planning an audacious bid to host the 2021 rugby league world cup .shaun johnson scores a try for new zealand against england in the semi-finalsthe world cup has only ever been hosted by the major countries - australia , new zealand , france and great britain - although south africa submitted an application for the 2017 event which was awarded jointly to australia and new zealand .']\n", - "=======================\n", - "['united arab emirates are interested in hosting the 2021 tournamentrugby league world cup has only been held in major countries - australia , new zealand , france and great britainmiddle east country has the facilities , as well as the financial backing and infrastructure claims sol mokdad , the president of uaerl']\n", - "united arab emirates are planning an audacious bid to host the 2021 rugby league world cup .shaun johnson scores a try for new zealand against england in the semi-finalsthe world cup has only ever been hosted by the major countries - australia , new zealand , france and great britain - although south africa submitted an application for the 2017 event which was awarded jointly to australia and new zealand .\n", - "united arab emirates are interested in hosting the 2021 tournamentrugby league world cup has only been held in major countries - australia , new zealand , france and great britainmiddle east country has the facilities , as well as the financial backing and infrastructure claims sol mokdad , the president of uaerl\n", - "[1.1862819 1.5010295 1.2453159 1.3641529 1.2562554 1.1607486 1.0898063\n", - " 1.0243666 1.0383902 1.0745434 1.0282757 1.2183691 1.1594092 1.0393414\n", - " 1.0168772 1.0125381 1.0684631 1.0178728 1.0512522 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 4 2 11 0 5 12 6 9 16 18 13 8 10 7 17 14 15 20 19 21]\n", - "=======================\n", - "[\"gizelle laurente had booked her son , jacob prien , on a flight from darwin to brisbane yesterday , so he could spend easter with his father and younger brother .gizelle laurente , could n't afford to fly with him , said the captain of the flight came to meet jacob at the boarding gate , according to the nt news .a mum is outraged after she claims her son was turned away from a qantas flight due to his autism .\"]\n", - "=======================\n", - "[\"mum says her son was banned from qantas flight due to his autismgizelle laurente claims her son , jacob prien , was discriminated againstjacob was booked to fly from darwin to brisbane on thursdayqantas says he was n't able to fly unaccompanied without medical approvalhe was given the all-clear and flew to brisbane on friday\"]\n", - "gizelle laurente had booked her son , jacob prien , on a flight from darwin to brisbane yesterday , so he could spend easter with his father and younger brother .gizelle laurente , could n't afford to fly with him , said the captain of the flight came to meet jacob at the boarding gate , according to the nt news .a mum is outraged after she claims her son was turned away from a qantas flight due to his autism .\n", - "mum says her son was banned from qantas flight due to his autismgizelle laurente claims her son , jacob prien , was discriminated againstjacob was booked to fly from darwin to brisbane on thursdayqantas says he was n't able to fly unaccompanied without medical approvalhe was given the all-clear and flew to brisbane on friday\n", - "[1.3671603 1.482471 1.179747 1.0985725 1.2886301 1.1232284 1.1074352\n", - " 1.1016365 1.1094918 1.0872573 1.0350162 1.0179617 1.0213295 1.0279906\n", - " 1.0131263 1.0203961 1.0721037 1.1087279 1.0787327 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 4 2 5 8 17 6 7 3 9 18 16 10 13 12 15 11 14 20 19 21]\n", - "=======================\n", - "['the veteran cornerback has agreed a deal with the carolina panthers with the two-time pro bowler opting to link-up with ron rivera .charles tillman has concluded his storied 12-year career with the chicago bears .at the age of 34 and after another injury-hit season , the new bears hierarchy did not express an interest in keeping tillman on the roster .']\n", - "=======================\n", - "[\"tillman spent 12 years in chicago but the new team management did not declare an interest to retain his servicesa staple of lovie smith 's stingy defense , he will again link up with ron rivera , whowas the bears defensive co-ordinator between 2004-06tillman holds a number of franchise records and the forced fumble specialist joins sean mcdermott 's schemehe has also been honoured for his work in the community and won the 2014 walter payton man of the year award\"]\n", - "the veteran cornerback has agreed a deal with the carolina panthers with the two-time pro bowler opting to link-up with ron rivera .charles tillman has concluded his storied 12-year career with the chicago bears .at the age of 34 and after another injury-hit season , the new bears hierarchy did not express an interest in keeping tillman on the roster .\n", - "tillman spent 12 years in chicago but the new team management did not declare an interest to retain his servicesa staple of lovie smith 's stingy defense , he will again link up with ron rivera , whowas the bears defensive co-ordinator between 2004-06tillman holds a number of franchise records and the forced fumble specialist joins sean mcdermott 's schemehe has also been honoured for his work in the community and won the 2014 walter payton man of the year award\n", - "[1.4790092 1.26501 1.243359 1.3342468 1.0732512 1.0750564 1.0832593\n", - " 1.0199426 1.188755 1.0280385 1.0267699 1.0381956 1.0347571 1.0370228\n", - " 1.0439882 1.0466107 1.0241847 1.0199112 1.0109046 1.0104297 1.016155\n", - " 1.0296954]\n", - "\n", - "[ 0 3 1 2 8 6 5 4 15 14 11 13 12 21 9 10 16 7 17 20 18 19]\n", - "=======================\n", - "[\"manchester city 's grip on the barclays premier league title was loosened further after a controversial glenn murray goal put crystal palace on the way to a 2-1 victory .crystal palace striker glenn murray ( left ) celebrates after opening the scoring against manchester citymurray fired palace ahead in the first half , despite both he and scott dann appearing to be offside , and jason puncheon crashed in a superb second to deal what looks to be a fatal blow to city 's already slim hopes of retaining their crown .\"]\n", - "=======================\n", - "[\"glenn murray was man of the match and scored fifth goal in five gamesmidfielder james mcarthur also put in a superb , full hearted performancemanuel pellegrini 's time is surely up after another disappointing defeatclick here to read neil ashton 's match report\"]\n", - "manchester city 's grip on the barclays premier league title was loosened further after a controversial glenn murray goal put crystal palace on the way to a 2-1 victory .crystal palace striker glenn murray ( left ) celebrates after opening the scoring against manchester citymurray fired palace ahead in the first half , despite both he and scott dann appearing to be offside , and jason puncheon crashed in a superb second to deal what looks to be a fatal blow to city 's already slim hopes of retaining their crown .\n", - "glenn murray was man of the match and scored fifth goal in five gamesmidfielder james mcarthur also put in a superb , full hearted performancemanuel pellegrini 's time is surely up after another disappointing defeatclick here to read neil ashton 's match report\n", - "[1.3457994 1.326539 1.2671382 1.3018774 1.1070555 1.0759791 1.0683601\n", - " 1.0666082 1.1049182 1.106192 1.0143706 1.0912819 1.0797789 1.0397038\n", - " 1.0272886 1.0468966 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 2 4 9 8 11 12 5 6 7 15 13 14 10 16 17 18 19 20 21]\n", - "=======================\n", - "[\"archaeologists have uncovered a ritual burial of 2,000-year-old human skulls - sparking the theory they could be the remains of boudicca 's rebels - as the london crossrail excavations continue .the latest discovery of cremated human bones packed neatly into a cooking pot and set off at the side of the historic river walbrook , in london , has experts questioning whether they were part of a gruesome ceremony .roman rummaging : one of the skulls ( left ) was uncovered next to a roman road which has also been found .\"]\n", - "=======================\n", - "[\"seven human skulls , nearly 2,000 years old , have so far been uncoveredit is thought they were discarded as part of ritual burial on river walbrooksparked the theory the skulls could be the remains of boudicca 's rebelsexcavation of 3,000 skeletons at new liverpool street site is now complete\"]\n", - "archaeologists have uncovered a ritual burial of 2,000-year-old human skulls - sparking the theory they could be the remains of boudicca 's rebels - as the london crossrail excavations continue .the latest discovery of cremated human bones packed neatly into a cooking pot and set off at the side of the historic river walbrook , in london , has experts questioning whether they were part of a gruesome ceremony .roman rummaging : one of the skulls ( left ) was uncovered next to a roman road which has also been found .\n", - "seven human skulls , nearly 2,000 years old , have so far been uncoveredit is thought they were discarded as part of ritual burial on river walbrooksparked the theory the skulls could be the remains of boudicca 's rebelsexcavation of 3,000 skeletons at new liverpool street site is now complete\n", - "[1.2292296 1.4744927 1.2469227 1.2562665 1.1594 1.1444595 1.1719357\n", - " 1.0885619 1.0715154 1.0831307 1.1019453 1.03746 1.0496163 1.017275\n", - " 1.0099355 1.0144849 1.0096706 1.0621953 1.0162678 1.0630827 1.0225011\n", - " 1.0751705 1.0494573]\n", - "\n", - "[ 1 3 2 0 6 4 5 10 7 9 21 8 19 17 12 22 11 20 13 18 15 14 16]\n", - "=======================\n", - "['the footage captured at spring garden station in philadelphia on tuesday shows the group of youngsters viciously attacking the victims just seconds before the train pulls into the station .they then pull them to the ground , punch them and repeatedly stamp on their heads .a shocking surveillance video showing a mob of teenagers beating two high school students on a subway platform has been released .']\n", - "=======================\n", - "['brawl at spring gardens station in philadelphia was captured on cctvfight involved students from nearby benjamin franklin high schoolat one point an attacker falls onto the tracks , but manages to get back upafter the confrontation , the victims and attackers walk onto the same train']\n", - "the footage captured at spring garden station in philadelphia on tuesday shows the group of youngsters viciously attacking the victims just seconds before the train pulls into the station .they then pull them to the ground , punch them and repeatedly stamp on their heads .a shocking surveillance video showing a mob of teenagers beating two high school students on a subway platform has been released .\n", - "brawl at spring gardens station in philadelphia was captured on cctvfight involved students from nearby benjamin franklin high schoolat one point an attacker falls onto the tracks , but manages to get back upafter the confrontation , the victims and attackers walk onto the same train\n", - "[1.1549052 1.4997909 1.2935989 1.2251939 1.3289189 1.1455872 1.0830512\n", - " 1.0822933 1.0275062 1.0384289 1.1106853 1.0190079 1.0283469 1.0609401\n", - " 1.0707253 1.0588443 1.1096278 1.0332731 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 2 3 0 5 10 16 6 7 14 13 15 9 17 12 8 11 18 19 20 21 22]\n", - "=======================\n", - "['doug hughes , 61 , spent two years planning his stunt , which involved crossing the no-fly zone with letters for all 535 members of congress .now under arrest , he has been chaperoned back to his home in ruskin , florida , where he will wear an electronic tag until his first court hearing in washington , d.c. , next month .he is expected to issue a statement today and has until 10am on monday to register with a probation officer .']\n", - "=======================\n", - "[\"doug hughes landed a gyrocopter on the u.s. capitol lawn on wednesdaycharged with crossing no-fly zone , he is under house arrest until court datehis wife alena hughes has not been charged , says her husband is a patriotbut when asked if he was a patriot , hughes said ` no i 'm a mailman 'he spent two years planning stunt to protest campaign finance laws\"]\n", - "doug hughes , 61 , spent two years planning his stunt , which involved crossing the no-fly zone with letters for all 535 members of congress .now under arrest , he has been chaperoned back to his home in ruskin , florida , where he will wear an electronic tag until his first court hearing in washington , d.c. , next month .he is expected to issue a statement today and has until 10am on monday to register with a probation officer .\n", - "doug hughes landed a gyrocopter on the u.s. capitol lawn on wednesdaycharged with crossing no-fly zone , he is under house arrest until court datehis wife alena hughes has not been charged , says her husband is a patriotbut when asked if he was a patriot , hughes said ` no i 'm a mailman 'he spent two years planning stunt to protest campaign finance laws\n", - "[1.2962842 1.2193235 1.467405 1.2035617 1.1929111 1.2081707 1.0551454\n", - " 1.088005 1.0691952 1.0249089 1.0449116 1.0198401 1.0407366 1.0862323\n", - " 1.0438577 1.0191141 1.0185344 1.0283554 1.0731808 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 1 5 3 4 7 13 18 8 6 10 14 12 17 9 11 15 16 21 19 20 22]\n", - "=======================\n", - "['sharmeena begum , 15 , was raised by her uncle shamim miah , a devout muslim and former religious scholar .sharmeena : the teenager flew in secret to syriathe jihadi bride who persuaded three friends to follow her to syria was brought up in a strict muslim household which turned to islamic state apologists cage when she disappeared , it emerged yesterday .']\n", - "=======================\n", - "[\"sharmeena begum was raised by uncle who was former religious scholarhe blames airport authorities , police and her school for letting her fleeshe used # 1,000 of inheritance following her mother 's deathhe is worried what will happen in syria and that she wo n't be allowed home\"]\n", - "sharmeena begum , 15 , was raised by her uncle shamim miah , a devout muslim and former religious scholar .sharmeena : the teenager flew in secret to syriathe jihadi bride who persuaded three friends to follow her to syria was brought up in a strict muslim household which turned to islamic state apologists cage when she disappeared , it emerged yesterday .\n", - "sharmeena begum was raised by uncle who was former religious scholarhe blames airport authorities , police and her school for letting her fleeshe used # 1,000 of inheritance following her mother 's deathhe is worried what will happen in syria and that she wo n't be allowed home\n", - "[1.3444779 1.3349442 1.1856438 1.2884109 1.1646608 1.291384 1.2409534\n", - " 1.2031944 1.0497572 1.0184005 1.0150168 1.1390808 1.0159789 1.0163829\n", - " 1.0210565 1.0093479 1.0536306 1.0223961 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 5 3 6 7 2 4 11 16 8 17 14 9 13 12 10 15 21 18 19 20 22]\n", - "=======================\n", - "[\"jenson button could do no more than ` look at the positives ' in the wake of another frustrating day at the wheel of his faltering mclaren .after stopping on track in each of the practice sessions on friday due to technical issues , button made it a hat-trick in qualifying for the bahrain grand prix .racing director eric boullier insists the problems are ` unrelated ' , and ` just glitches stopping the car ' .\"]\n", - "=======================\n", - "['jenson button suffering a third car failure of the weekend in bahrainthe brit ground to a halt with another electrical issue on saturdaylatest glitch means the mclaren driver will be last on the grid on sunday']\n", - "jenson button could do no more than ` look at the positives ' in the wake of another frustrating day at the wheel of his faltering mclaren .after stopping on track in each of the practice sessions on friday due to technical issues , button made it a hat-trick in qualifying for the bahrain grand prix .racing director eric boullier insists the problems are ` unrelated ' , and ` just glitches stopping the car ' .\n", - "jenson button suffering a third car failure of the weekend in bahrainthe brit ground to a halt with another electrical issue on saturdaylatest glitch means the mclaren driver will be last on the grid on sunday\n", - "[1.4823611 1.0519192 1.2783868 1.2179457 1.229103 1.1009625 1.0901852\n", - " 1.1316943 1.1537265 1.0357015 1.1225635 1.0731398 1.016989 1.0137782\n", - " 1.0135413 1.0672419 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 4 3 8 7 10 5 6 11 15 1 9 12 13 14 21 16 17 18 19 20 22]\n", - "=======================\n", - "['moscow ( cnn ) joy womack is taking part in her first ballet class of the day at the kremlin ballet theatre , kicking her legs up to her head , jumping and spinning across the room .the dancer , raised in california and texas , left her parents and eight brothers and sisters behind when she arrived in russia six years ago , aged 15 , speaking no russian .but in 2013 she left under a cloud -- media reports suggested she had claimed she was asked by an unnamed boshoi official to pay $ 10,000 to dance in even small roles .']\n", - "=======================\n", - "['20-year-old american dancer makes $ 240 a month at kremlin ballet theatrejoy womack studied at bolshoi ballet academy but left in cloud of controversy']\n", - "moscow ( cnn ) joy womack is taking part in her first ballet class of the day at the kremlin ballet theatre , kicking her legs up to her head , jumping and spinning across the room .the dancer , raised in california and texas , left her parents and eight brothers and sisters behind when she arrived in russia six years ago , aged 15 , speaking no russian .but in 2013 she left under a cloud -- media reports suggested she had claimed she was asked by an unnamed boshoi official to pay $ 10,000 to dance in even small roles .\n", - "20-year-old american dancer makes $ 240 a month at kremlin ballet theatrejoy womack studied at bolshoi ballet academy but left in cloud of controversy\n", - "[1.2625324 1.4158149 1.1920137 1.331308 1.2987775 1.1989955 1.1720774\n", - " 1.0437484 1.0192271 1.0333968 1.0169386 1.0177932 1.0767744 1.1083885\n", - " 1.0380414 1.1196806 1.0836266 1.2131796 1.0232809 0. ]\n", - "\n", - "[ 1 3 4 0 17 5 2 6 15 13 16 12 7 14 9 18 8 11 10 19]\n", - "=======================\n", - "[\"binmen said the bag of walkers prawn cocktail crisps fell foul of the rules -- even though it had been dropped there by a litterbug .now enraged residents in farnham , surrey , have branded waste collection squads as ` little hitlers ' for enforcing recycling rules to the letter .rubbish teams refused to empty a recycling bin because it had an empty crisp packet on its lid .\"]\n", - "=======================\n", - "[\"binmen refused to empty bin because it had empty crisp packet on lidthey also left bin full because there was a scrap of cellophane on topenraged residents have branded waste collection squads as ` little hitlers '\"]\n", - "binmen said the bag of walkers prawn cocktail crisps fell foul of the rules -- even though it had been dropped there by a litterbug .now enraged residents in farnham , surrey , have branded waste collection squads as ` little hitlers ' for enforcing recycling rules to the letter .rubbish teams refused to empty a recycling bin because it had an empty crisp packet on its lid .\n", - "binmen refused to empty bin because it had empty crisp packet on lidthey also left bin full because there was a scrap of cellophane on topenraged residents have branded waste collection squads as ` little hitlers '\n", - "[1.43487 1.1002972 1.22066 1.306382 1.0586729 1.0446912 1.070606\n", - " 1.1128645 1.1511688 1.0294793 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 8 7 1 6 4 5 9 10 11 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"( hln ) hln 's #meforreal is an uplifting , revealing conversation about the way we present ourselves online .the internet is always quick to dish out judgmental opinions , such as the body-hate people showed to singer p!nk after she posted a photo of herself in a black dress she wore to a cancer benefit this past weekend ( which , if you ask us , was pretty fantastic , and she looked fabulous in it . )tag your favorite unscripted , unedited , un-perfected moments using #meforreal and see what others are sharing on facebook , twitter and the daily share .\"]\n", - "=======================\n", - "['p!nk took to twitter to address online comments about her bodyher \" squishiness \" is a result of happiness , she says']\n", - "( hln ) hln 's #meforreal is an uplifting , revealing conversation about the way we present ourselves online .the internet is always quick to dish out judgmental opinions , such as the body-hate people showed to singer p!nk after she posted a photo of herself in a black dress she wore to a cancer benefit this past weekend ( which , if you ask us , was pretty fantastic , and she looked fabulous in it . )tag your favorite unscripted , unedited , un-perfected moments using #meforreal and see what others are sharing on facebook , twitter and the daily share .\n", - "p!nk took to twitter to address online comments about her bodyher \" squishiness \" is a result of happiness , she says\n", - "[1.3242452 1.2960463 1.1936015 1.402941 1.2721622 1.1646124 1.0215753\n", - " 1.0263577 1.0161326 1.0179405 1.0155741 1.0146092 1.0175333 1.0224748\n", - " 1.0959811 1.0843644 1.1048136 1.0907488 1.0576082 1.0336933]\n", - "\n", - "[ 3 0 1 4 2 5 16 14 17 15 18 19 7 13 6 9 12 8 10 11]\n", - "=======================\n", - "['liverpool striker mario balotelli is the premier league player who receives most abuse onlinemario balotelli receives the most abuse and chelsea the greatest volume of discriminatory messages on social media , according to extensive research undertaken by kick it out .sportsmail can reveal the shocking , acidic culture of discrimination -- mainly based on race , gender or sexual orientation -- aimed at premier league football clubs and their players on the internet .']\n", - "=======================\n", - "[\"liverpool 's mario balotelli receives more abuse than any other playerthe italian was on the end of 8,000 messages , with danny welbeck receiving 1,600 in a study carried out by kick it outanti-racism campaigners found 134,400 derogatory messages were made in just seven months on facebook , twitter , blogs and other social mediario ferdinand was fined for including the word ` sket ' in a tweet\"]\n", - "liverpool striker mario balotelli is the premier league player who receives most abuse onlinemario balotelli receives the most abuse and chelsea the greatest volume of discriminatory messages on social media , according to extensive research undertaken by kick it out .sportsmail can reveal the shocking , acidic culture of discrimination -- mainly based on race , gender or sexual orientation -- aimed at premier league football clubs and their players on the internet .\n", - "liverpool 's mario balotelli receives more abuse than any other playerthe italian was on the end of 8,000 messages , with danny welbeck receiving 1,600 in a study carried out by kick it outanti-racism campaigners found 134,400 derogatory messages were made in just seven months on facebook , twitter , blogs and other social mediario ferdinand was fined for including the word ` sket ' in a tweet\n", - "[1.3041949 1.4218235 1.4632937 1.2484323 1.1431944 1.0513483 1.0732454\n", - " 1.1517738 1.0456301 1.0249093 1.0364988 1.0852187 1.0896817 1.043197\n", - " 1.036102 1.0300027 1.0253888 1.037475 1.0123119 1.0418162]\n", - "\n", - "[ 2 1 0 3 7 4 12 11 6 5 8 13 19 17 10 14 15 16 9 18]\n", - "=======================\n", - "['it comes as survivor cynthia cheroitich , 19 , who spent two days hiding in a wardrobe and drinking body lotion to survive , was rescued after al-shabaab gunmen stormed garissa university college on thursday .the authorities drove the naked , bloated corpses of the four alleged terrorists around the town in a pickup truck from the mortuary to garissa primary school .the decomposing bodies of the men accused of killing 148 innocent people at a kenyan university were paraded in front of a large crowd at a primary school today .']\n", - "=======================\n", - "['warning : graphic contenthundreds gathered to see bodies of alleged killers paraded through townnaked corpses went on show as student who hid in wardrobe was rescuedcynthia cheroitich , 19 , had feared police were gunmen but emerged todayterrorists killed 148 people in the garissa university college massacre']\n", - "it comes as survivor cynthia cheroitich , 19 , who spent two days hiding in a wardrobe and drinking body lotion to survive , was rescued after al-shabaab gunmen stormed garissa university college on thursday .the authorities drove the naked , bloated corpses of the four alleged terrorists around the town in a pickup truck from the mortuary to garissa primary school .the decomposing bodies of the men accused of killing 148 innocent people at a kenyan university were paraded in front of a large crowd at a primary school today .\n", - "warning : graphic contenthundreds gathered to see bodies of alleged killers paraded through townnaked corpses went on show as student who hid in wardrobe was rescuedcynthia cheroitich , 19 , had feared police were gunmen but emerged todayterrorists killed 148 people in the garissa university college massacre\n", - "[1.3852347 1.4223708 1.1681466 1.4322867 1.1085281 1.1006409 1.1257678\n", - " 1.0485356 1.1101435 1.0656296 1.0776588 1.0506748 1.02739 1.0171655\n", - " 1.0204648 1.0178074 1.0306467 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 2 6 8 4 5 10 9 11 7 16 12 14 15 13 17 18 19]\n", - "=======================\n", - "['isis leader abu bakr al-baghdadi ( pictured ) has been seriously injured in an air strike and is no longer in control of the terrorists , according to an iraqi sourcethe source said that he was wounded by an attack from the us-led coalition while travelling in a three-car convoy in march in nineveh , iraq .at first his chances of survival were deemed by his lieutenants to be low , but he pulled through .']\n", - "=======================\n", - "['iraqi source said he was wounded after his three-car convoy was attackedair strike is thought to have taken place on march 18 near syrian borderhe is slowly recovering but reportedly does not have reins of the group']\n", - "isis leader abu bakr al-baghdadi ( pictured ) has been seriously injured in an air strike and is no longer in control of the terrorists , according to an iraqi sourcethe source said that he was wounded by an attack from the us-led coalition while travelling in a three-car convoy in march in nineveh , iraq .at first his chances of survival were deemed by his lieutenants to be low , but he pulled through .\n", - "iraqi source said he was wounded after his three-car convoy was attackedair strike is thought to have taken place on march 18 near syrian borderhe is slowly recovering but reportedly does not have reins of the group\n", - "[1.3242221 1.3618326 1.1658341 1.0818642 1.4096882 1.1947019 1.0437549\n", - " 1.0671915 1.1234846 1.0857645 1.1235411 1.1297035 1.0392864 1.0355792\n", - " 1.0560452 1.01834 1.0404482 1.0650216 1.0171307]\n", - "\n", - "[ 4 1 0 5 2 11 10 8 9 3 7 17 14 6 16 12 13 15 18]\n", - "=======================\n", - "[\"waitress : farryn johnson was fired from a maryland hooters in 2013 sued the breastaurant - and is now set to receive thousands of dollars from an arbitration rulingplaintiff farryn johnson has said the baltimore restaurant where she worked had an issue with her blonde highlights .johnson claimed in an interview with wbal , ' i decided to put highlights in my hair , blonde in particular .\"]\n", - "=======================\n", - "[\"farryn johnson was fired from a hooters in 2013she has claimed that a supervisor at the time had an issue with her getting blonde highlightsjohnson has alleged she was given reduced shifts , written warnings and later terminatedshe is now set to receive $ 250,000 covering both legal fees and lost wages from an arbitration rulinghooters has said her ` claims of discrimination are simply without merit 'the company has said johnson 's lawyers are actually getting $ 244,000 , while johnson herself is getting around $ 12,000\"]\n", - "waitress : farryn johnson was fired from a maryland hooters in 2013 sued the breastaurant - and is now set to receive thousands of dollars from an arbitration rulingplaintiff farryn johnson has said the baltimore restaurant where she worked had an issue with her blonde highlights .johnson claimed in an interview with wbal , ' i decided to put highlights in my hair , blonde in particular .\n", - "farryn johnson was fired from a hooters in 2013she has claimed that a supervisor at the time had an issue with her getting blonde highlightsjohnson has alleged she was given reduced shifts , written warnings and later terminatedshe is now set to receive $ 250,000 covering both legal fees and lost wages from an arbitration rulinghooters has said her ` claims of discrimination are simply without merit 'the company has said johnson 's lawyers are actually getting $ 244,000 , while johnson herself is getting around $ 12,000\n", - "[1.2910396 1.3442638 1.387865 1.2748141 1.1440234 1.1811618 1.1282905\n", - " 1.016877 1.0150436 1.0140834 1.1384562 1.0687927 1.2041551 1.1575313\n", - " 1.0764289 1.0418165 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 12 5 13 4 10 6 14 11 15 7 8 9 16 17 18]\n", - "=======================\n", - "[\"umbro produced the first-ever west ham replica kits for sale in the 1960s when the likes of world cup winners bobby moore , sir geoff hurst and martin peters famously wore the claret and blue in their 1964 fa cup and 1965 european cup winners ' cup triumphs .the hammers join fellow barclays premier league sides everton and hull in partnering with the former england kit makers .west ham have announced a new five-year multi-million pound kit deal with umbro .\"]\n", - "=======================\n", - "['west ham have signed a new kit deal with umbro starting next seasonthey join everton and hull in wearing umbro strips in premier leaguehammers wore umbro kits during their glory days in the sixtiesthey were last sponsored by the sports brand between 2007 and 2010']\n", - "umbro produced the first-ever west ham replica kits for sale in the 1960s when the likes of world cup winners bobby moore , sir geoff hurst and martin peters famously wore the claret and blue in their 1964 fa cup and 1965 european cup winners ' cup triumphs .the hammers join fellow barclays premier league sides everton and hull in partnering with the former england kit makers .west ham have announced a new five-year multi-million pound kit deal with umbro .\n", - "west ham have signed a new kit deal with umbro starting next seasonthey join everton and hull in wearing umbro strips in premier leaguehammers wore umbro kits during their glory days in the sixtiesthey were last sponsored by the sports brand between 2007 and 2010\n", - "[1.1825291 1.3046962 1.2870119 1.3186636 1.1608946 1.0758126 1.1023002\n", - " 1.0481415 1.1905493 1.1674643 1.1705704 1.150162 1.0567865 1.0708175\n", - " 1.0227212 1.0074258 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 8 0 10 9 4 11 6 5 13 12 7 14 15 17 16 18]\n", - "=======================\n", - "['shiba the dog uses his nose and his paw to open a sliding glass window at a shop on the outskirts of tokyohe may be the most adorable salesman ever , but is often found napping on the job or snacking on a cucumber in a glass display case under the counter .one youtube video showing his customer service skills has more than two million views .']\n", - "=======================\n", - "['shiba the dog has been trained to open a window with his nose and pawvisitors have travelled from as far away as britain and taiwan to see himtourists offer snacks and pose for selfies with the internet sensationa youtube video featuring his skills has more than two million viewsshiba can often be found napping in a display case under the counter']\n", - "shiba the dog uses his nose and his paw to open a sliding glass window at a shop on the outskirts of tokyohe may be the most adorable salesman ever , but is often found napping on the job or snacking on a cucumber in a glass display case under the counter .one youtube video showing his customer service skills has more than two million views .\n", - "shiba the dog has been trained to open a window with his nose and pawvisitors have travelled from as far away as britain and taiwan to see himtourists offer snacks and pose for selfies with the internet sensationa youtube video featuring his skills has more than two million viewsshiba can often be found napping in a display case under the counter\n", - "[1.220795 1.5540775 1.3182528 1.4513655 1.1315124 1.1658055 1.1725092\n", - " 1.0495522 1.023845 1.0916996 1.0935302 1.1705861 1.0325521 1.0202602\n", - " 1.1097292 1.016353 1.014906 1.0110327 0. ]\n", - "\n", - "[ 1 3 2 0 6 11 5 4 14 10 9 7 12 8 13 15 16 17 18]\n", - "=======================\n", - "['john daniel tohill , 37 , was last heard from by family in 2005 after he left nelson on the tasman bay to travel north .but on tuesday evening his brother tobias received a call from john saying he had would be visiting in the coming weeks , reports stuff nz .a new zealand man was taken aback after receiving a phone call from his brother who had been missing for 10 years .']\n", - "=======================\n", - "['john daniel tohill , 37 , was last heard from by his family in 2005his brother tobias received a call from him on tuesday eveninghis family has hired investigators and police to track him downjohn will visit his family , in particlar his ailing father , in coming weeks']\n", - "john daniel tohill , 37 , was last heard from by family in 2005 after he left nelson on the tasman bay to travel north .but on tuesday evening his brother tobias received a call from john saying he had would be visiting in the coming weeks , reports stuff nz .a new zealand man was taken aback after receiving a phone call from his brother who had been missing for 10 years .\n", - "john daniel tohill , 37 , was last heard from by his family in 2005his brother tobias received a call from him on tuesday eveninghis family has hired investigators and police to track him downjohn will visit his family , in particlar his ailing father , in coming weeks\n", - "[1.2341309 1.2891138 1.251305 1.2922072 1.2020329 1.1382697 1.0347635\n", - " 1.1205002 1.0561761 1.1013355 1.0809076 1.0761255 1.0605078 1.0245329\n", - " 1.0688788 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 0 4 5 7 9 10 11 14 12 8 6 13 17 15 16 18]\n", - "=======================\n", - "[\"konstantin sivkov , a russian military analyst , has said that his country needs to develop a new nuclear deterrent against the usin an article titled ` nuclear special forces ' he said that russia should develop nuclear weapons manned by a small force that can cause tsunamis on the us coasts and force a volcano in yellowstone national park to erupt .the military man says that all the seismic activity could release another wave that would wipe out the us 's european allies .\"]\n", - "=======================\n", - "[\"konstantin sivkov wrote that russia needs a new ` asymmetric ' weaponhe says detonating nuclear weapons on seafloor would unleash tsunamisseismic activity would trigger volcano , pour feet of ash over the ushe says tsunamis could affect 240 million americans and hit europe tooanalyst says new weapons could be ready within 10 yearstv presenter previously said russia could turn us to ` radioactive dust '\"]\n", - "konstantin sivkov , a russian military analyst , has said that his country needs to develop a new nuclear deterrent against the usin an article titled ` nuclear special forces ' he said that russia should develop nuclear weapons manned by a small force that can cause tsunamis on the us coasts and force a volcano in yellowstone national park to erupt .the military man says that all the seismic activity could release another wave that would wipe out the us 's european allies .\n", - "konstantin sivkov wrote that russia needs a new ` asymmetric ' weaponhe says detonating nuclear weapons on seafloor would unleash tsunamisseismic activity would trigger volcano , pour feet of ash over the ushe says tsunamis could affect 240 million americans and hit europe tooanalyst says new weapons could be ready within 10 yearstv presenter previously said russia could turn us to ` radioactive dust '\n", - "[1.2467082 1.4669646 1.1425557 1.262429 1.2104571 1.319304 1.0234481\n", - " 1.1288284 1.0652639 1.0347321 1.0282724 1.0917685 1.0800478 1.0609629\n", - " 1.0291573 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 3 0 4 2 7 11 12 8 13 9 14 10 6 17 15 16 18]\n", - "=======================\n", - "[\"anne-louise van den nieuwenhof was diagnosed with a rare bone and soft tissue cancer , called ewing 's sarcoma , aged just five , and her parents were informed she only had three months to live .however , she tragically died during a routine hospital check-up for her baby girl elizabeth kelly , near her home in rossland , british columbia in canada , six days after giving birth on march 10 .a fundraising page set up by her friends has raised an incredible $ 40,000 in her memory .\"]\n", - "=======================\n", - "['anne-louise van den nieuwenhof was diagnosed with cancer at age fiveshe defied the odds given to her by doctors and became a nursedied tragically six days after giving birth to her second child on march 10over $ 40,000 has been raised to help her husband ryan care for their kidsanne-louise grew up in sydney but lived in canada with her family']\n", - "anne-louise van den nieuwenhof was diagnosed with a rare bone and soft tissue cancer , called ewing 's sarcoma , aged just five , and her parents were informed she only had three months to live .however , she tragically died during a routine hospital check-up for her baby girl elizabeth kelly , near her home in rossland , british columbia in canada , six days after giving birth on march 10 .a fundraising page set up by her friends has raised an incredible $ 40,000 in her memory .\n", - "anne-louise van den nieuwenhof was diagnosed with cancer at age fiveshe defied the odds given to her by doctors and became a nursedied tragically six days after giving birth to her second child on march 10over $ 40,000 has been raised to help her husband ryan care for their kidsanne-louise grew up in sydney but lived in canada with her family\n", - "[1.1098473 1.5113202 1.2632335 1.313556 1.1729625 1.1400623 1.0562879\n", - " 1.0620323 1.0512077 1.0308685 1.071069 1.1323465 1.1498927 1.0090506\n", - " 1.0103942 1.0084885 1.0849152 0. 0. ]\n", - "\n", - "[ 1 3 2 4 12 5 11 0 16 10 7 6 8 9 14 13 15 17 18]\n", - "=======================\n", - "[\"travel photographer rhiannon taylor , 29 , from australia has turned her photography skills and penchant for globetrotting into a business , launching a website called ` in bed with ' .dream job : rhiannon taylor travels the world reviewing beds , pools and room servicewith more than 12,000 followers on instagram , liking her beautiful photos of her travels , the places she stays and the food she eats , rhiannon spotted a gap in the market for elegantly-resented hotel reviews .\"]\n", - "=======================\n", - "['photographer rhiannon taylor , 29 , created the review site , in bed withthe australian gets paid to visit , review and photograph the best hotelsshe aims to promote the unusual aspects such as biggest bed or best pies']\n", - "travel photographer rhiannon taylor , 29 , from australia has turned her photography skills and penchant for globetrotting into a business , launching a website called ` in bed with ' .dream job : rhiannon taylor travels the world reviewing beds , pools and room servicewith more than 12,000 followers on instagram , liking her beautiful photos of her travels , the places she stays and the food she eats , rhiannon spotted a gap in the market for elegantly-resented hotel reviews .\n", - "photographer rhiannon taylor , 29 , created the review site , in bed withthe australian gets paid to visit , review and photograph the best hotelsshe aims to promote the unusual aspects such as biggest bed or best pies\n", - "[1.2928534 1.4660871 1.2778336 1.2799928 1.1821467 1.1520734 1.0619453\n", - " 1.066613 1.0315683 1.2166278 1.0459428 1.0249484 1.0832232 1.1050122\n", - " 1.0764745 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 9 4 5 13 12 14 7 6 10 8 11 17 15 16 18]\n", - "=======================\n", - "[\"the 44-year-old from oldham decided had just returned from algeria and wanted to complain about the temperatures he experienced during his holiday .great manchester police chadderton division revealed a man lodged a complaint that the weather on his holiday was ` too hot 'the 44-year-old man had recently returned to the uk from a holiday in algeria ( file photo )\"]\n", - "=======================\n", - "['greater manchester police chadderton warn of wasting valuable timethe 44-year-old man had recently arrived back to the uk from algeriawasting police time could result in six-month imprisonment and/or a fine']\n", - "the 44-year-old from oldham decided had just returned from algeria and wanted to complain about the temperatures he experienced during his holiday .great manchester police chadderton division revealed a man lodged a complaint that the weather on his holiday was ` too hot 'the 44-year-old man had recently returned to the uk from a holiday in algeria ( file photo )\n", - "greater manchester police chadderton warn of wasting valuable timethe 44-year-old man had recently arrived back to the uk from algeriawasting police time could result in six-month imprisonment and/or a fine\n", - "[1.3151038 1.2274272 1.3577491 1.423881 1.2657114 1.1357859 1.0610191\n", - " 1.0322417 1.0824978 1.0129594 1.1350158 1.1087301 1.0492027 1.0152094\n", - " 1.0334791 1.2045289 1.0527207 1.0889444 0. ]\n", - "\n", - "[ 3 2 0 4 1 15 5 10 11 17 8 6 16 12 14 7 13 9 18]\n", - "=======================\n", - "['thousands of commuters were left stranded at waterloo station during rush hour after a part closure of the track between surbiton and wimbledonthe chaos ensued after network rail was forced to close a section of the tracks between wimbledon and surbiton when a person was struck by a train .frustrated passengers packed the concourse this afternoon as services in and out of the city centre were delayed or cancelled .']\n", - "=======================\n", - "[\"thousands were left stranded at central london station during rush hourcrucial section of track between wimbledon and surbiton was closedsouth west trains warned passengers of cancellations on all servicesnetwork rail said staff were working ` flat out ' to fix the situation\"]\n", - "thousands of commuters were left stranded at waterloo station during rush hour after a part closure of the track between surbiton and wimbledonthe chaos ensued after network rail was forced to close a section of the tracks between wimbledon and surbiton when a person was struck by a train .frustrated passengers packed the concourse this afternoon as services in and out of the city centre were delayed or cancelled .\n", - "thousands were left stranded at central london station during rush hourcrucial section of track between wimbledon and surbiton was closedsouth west trains warned passengers of cancellations on all servicesnetwork rail said staff were working ` flat out ' to fix the situation\n", - "[1.4504887 1.3106413 1.2075744 1.0942501 1.2905095 1.0475686 1.0810871\n", - " 1.0767577 1.0705549 1.0498303 1.0648135 1.1444507 1.0261917 1.0291697\n", - " 1.0189807 1.1653734 1.0278431 1.0250212 1.0517193]\n", - "\n", - "[ 0 1 4 2 15 11 3 6 7 8 10 18 9 5 13 16 12 17 14]\n", - "=======================\n", - "['the wedding of the year in scotland takes place on saturday when british no 1 and two-time grand slam champion andy murray marries kim sears , his girlfriend of almost 10 years , in his hometown of dunblane .murray and sears , both aged 27 , met when the pair were teenagers during the us open in 2005 .andy murray kisses his new girlfriend kim sears in the crowd after winning his first atp world tour title in san jose in february 2006']\n", - "=======================\n", - "['andy murray and long-time girlfriend kim sears will tie the knot in the scottish town of dunblane on saturdaythe british no 1 and his partner met when they were teenagers at the us open in new york in 2005murray and sears confirmed their engagement last november after more than nine years together']\n", - "the wedding of the year in scotland takes place on saturday when british no 1 and two-time grand slam champion andy murray marries kim sears , his girlfriend of almost 10 years , in his hometown of dunblane .murray and sears , both aged 27 , met when the pair were teenagers during the us open in 2005 .andy murray kisses his new girlfriend kim sears in the crowd after winning his first atp world tour title in san jose in february 2006\n", - "andy murray and long-time girlfriend kim sears will tie the knot in the scottish town of dunblane on saturdaythe british no 1 and his partner met when they were teenagers at the us open in new york in 2005murray and sears confirmed their engagement last november after more than nine years together\n", - "[1.2077539 1.4729068 1.260496 1.2233845 1.1770592 1.2130989 1.1004561\n", - " 1.0664637 1.1119215 1.026823 1.0135888 1.009515 1.0979537 1.1018701\n", - " 1.0773345 1.1015975 1.0552607 1.0431103 1.0285801]\n", - "\n", - "[ 1 2 3 5 0 4 8 13 15 6 12 14 7 16 17 18 9 10 11]\n", - "=======================\n", - "[\"mitchelle blair , 35 , from michigan , is charged with with felony murder , premeditated murder and torture .court officers carrying out a march 24 eviction at the family 's apartment found the frozen corpses of 13-year-old stoni ann blair and 9-year-old stephen gage berry .blair used an expletive wednesday in juvenile court as visitation between her two living children and their fathers was discussed .\"]\n", - "=======================\n", - "[\"mitchelle blair , 35 , is charged with with felony murder , premeditated murder and torturein court she shouted : ` he 's never given a ( expletive ) about my daughter , ' about the father of two of her children 'accused of killing stoni blair , 13 and stephen , eight , at home in michiganblair 's two surviving children have been placed into a relative 's carestate officials are seeking to terminate blair 's parental rights to her two children , as well as the parental rights of her children 's fathers\"]\n", - "mitchelle blair , 35 , from michigan , is charged with with felony murder , premeditated murder and torture .court officers carrying out a march 24 eviction at the family 's apartment found the frozen corpses of 13-year-old stoni ann blair and 9-year-old stephen gage berry .blair used an expletive wednesday in juvenile court as visitation between her two living children and their fathers was discussed .\n", - "mitchelle blair , 35 , is charged with with felony murder , premeditated murder and torturein court she shouted : ` he 's never given a ( expletive ) about my daughter , ' about the father of two of her children 'accused of killing stoni blair , 13 and stephen , eight , at home in michiganblair 's two surviving children have been placed into a relative 's carestate officials are seeking to terminate blair 's parental rights to her two children , as well as the parental rights of her children 's fathers\n", - "[1.2457699 1.2745838 1.2530583 1.2173811 1.2846465 1.1530803 1.0981616\n", - " 1.0744528 1.0663248 1.0569655 1.0629312 1.0685492 1.089424 1.0420274\n", - " 1.0228189 1.0430679 0. 0. 0. ]\n", - "\n", - "[ 4 1 2 0 3 5 6 12 7 11 8 10 9 15 13 14 16 17 18]\n", - "=======================\n", - "['the original hubble space telescope image of the famous pillars of creation was taken two decades ago and immediately became one of its most famous and evocative pictures .now , astronomers have produced the first complete three-dimensional view of these beautiful columns of interstellar gas and dust .the image , together with data collected by nasa , suggests these structures only have three million years left before they fade away - a relatively short time in cosmic terms .']\n", - "=======================\n", - "[\"instrument on eso 's very large telescope ( vlt ) captured imageshows exactly how the different dusty pillars are distributed in spacethe pillars shed about 70 times the mass of the sun every million yearsthey are expected to have a lifetime of perhaps three million more years - which is relatively short in cosmic terms\"]\n", - "the original hubble space telescope image of the famous pillars of creation was taken two decades ago and immediately became one of its most famous and evocative pictures .now , astronomers have produced the first complete three-dimensional view of these beautiful columns of interstellar gas and dust .the image , together with data collected by nasa , suggests these structures only have three million years left before they fade away - a relatively short time in cosmic terms .\n", - "instrument on eso 's very large telescope ( vlt ) captured imageshows exactly how the different dusty pillars are distributed in spacethe pillars shed about 70 times the mass of the sun every million yearsthey are expected to have a lifetime of perhaps three million more years - which is relatively short in cosmic terms\n", - "[1.3008578 1.4664564 1.3401096 1.1618879 1.0708904 1.0280163 1.0372443\n", - " 1.2302892 1.162343 1.1133194 1.0753576 1.0359272 1.0945944 1.1126752\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 7 8 3 9 13 12 10 4 6 11 5 17 14 15 16 18]\n", - "=======================\n", - "[\"the australian airline could also be facing a massive # 20,000 fine , that 's more than au$ 38,000 , for every time the a380 flights set down more than fifteen late on the english tarmac .delayed : qantas have been told they could loose thier eight heathrow landing strips after continuously arriving late to the busy airportheathrow airport are threatening to strip qantas of their eight valuable landing spots after they continually arrived late , according to internal memos .\"]\n", - "=======================\n", - "[\"qantas ' on time rating slipped to 75th out of the 80 airlines using heathrowthe airline could loose their eight landing strips at the popular airportthey are also facing a fine in excess of $ 38,000 for every flight that 's lateqantas blamed air congestion at heathrow and dubai airports\"]\n", - "the australian airline could also be facing a massive # 20,000 fine , that 's more than au$ 38,000 , for every time the a380 flights set down more than fifteen late on the english tarmac .delayed : qantas have been told they could loose thier eight heathrow landing strips after continuously arriving late to the busy airportheathrow airport are threatening to strip qantas of their eight valuable landing spots after they continually arrived late , according to internal memos .\n", - "qantas ' on time rating slipped to 75th out of the 80 airlines using heathrowthe airline could loose their eight landing strips at the popular airportthey are also facing a fine in excess of $ 38,000 for every flight that 's lateqantas blamed air congestion at heathrow and dubai airports\n", - "[1.1741458 1.4139831 1.234276 1.2741091 1.2159183 1.1956657 1.249297\n", - " 1.2176646 1.0382372 1.0219783 1.1335312 1.1499456 1.0235795 1.0131176\n", - " 1.0191205 1.0454268 1.0364971 1.0195358 1.0160414]\n", - "\n", - "[ 1 3 6 2 7 4 5 0 11 10 15 8 16 12 9 17 14 18 13]\n", - "=======================\n", - "[\"the woman who owned the car jumped onto the bonnet of her white honda as the teenage carjacker attempted to drive off at speed from the fast track car wash in smyrna , georgia .police have hailed the passer-by as a hero for possibly saving the woman 's life .a manhunt has been launched to find three alleged accomplices who are said to have fled the scene in a red mini van\"]\n", - "=======================\n", - "[\"passer-by saw thief trying to drive honda from car wash in georgiafemale owner had jumped on the bonnet but teenage thief was driving offgood samaritan shot suspect in the shoulder , hailed for saving woman 's lifesuspect recovering in hospital , police hunting for three alleged accomplices\"]\n", - "the woman who owned the car jumped onto the bonnet of her white honda as the teenage carjacker attempted to drive off at speed from the fast track car wash in smyrna , georgia .police have hailed the passer-by as a hero for possibly saving the woman 's life .a manhunt has been launched to find three alleged accomplices who are said to have fled the scene in a red mini van\n", - "passer-by saw thief trying to drive honda from car wash in georgiafemale owner had jumped on the bonnet but teenage thief was driving offgood samaritan shot suspect in the shoulder , hailed for saving woman 's lifesuspect recovering in hospital , police hunting for three alleged accomplices\n", - "[1.2634453 1.5008843 1.1480658 1.2387248 1.4006945 1.1091182 1.091869\n", - " 1.146466 1.1462991 1.0177553 1.0126907 1.0641675 1.0833305 1.0442688\n", - " 1.0451622 1.0526665 1.0399665 1.0308565 1.0292615]\n", - "\n", - "[ 1 4 0 3 2 7 8 5 6 12 11 15 14 13 16 17 18 9 10]\n", - "=======================\n", - "['mark ward faville , of christiansburg , virginia , was found guilty of voluntary manslaughter in the death of his wife anne , who died in 2000 after being suffocated in a homicidal manner .a man took his own life shortly after he was convicted of killing his wife in court on friday .faville had reported at the time she had choked on a piece of chicken , something that was supported by an initial autopsy .']\n", - "=======================\n", - "[\"mark faville , of christiansburg , virginia , was found guilty of voluntary manslaughter in the death of his wife anne , who died in 2000 , on fridayit was initially believed she choked to death , but a new autopsy determined she had been suffocated in a homicidal mannerthe couple 's two adult daughters testified against their father during the trial , noting his odd behavioras he was led away , deputies began yelling , with one saying ` drop it , drop it 'the courthouse was placed on lockdown , and faville was later found dead of a self-inflicted woundit is not known what he used as deputies do not carry guns\"]\n", - "mark ward faville , of christiansburg , virginia , was found guilty of voluntary manslaughter in the death of his wife anne , who died in 2000 after being suffocated in a homicidal manner .a man took his own life shortly after he was convicted of killing his wife in court on friday .faville had reported at the time she had choked on a piece of chicken , something that was supported by an initial autopsy .\n", - "mark faville , of christiansburg , virginia , was found guilty of voluntary manslaughter in the death of his wife anne , who died in 2000 , on fridayit was initially believed she choked to death , but a new autopsy determined she had been suffocated in a homicidal mannerthe couple 's two adult daughters testified against their father during the trial , noting his odd behavioras he was led away , deputies began yelling , with one saying ` drop it , drop it 'the courthouse was placed on lockdown , and faville was later found dead of a self-inflicted woundit is not known what he used as deputies do not carry guns\n", - "[1.5617461 1.5052437 1.337486 1.3206415 1.1143787 1.0559582 1.0326755\n", - " 1.0141084 1.0127145 1.0539513 1.0209327 1.035896 1.1082962 1.0310167\n", - " 1.0461164 1.0157356 1.0993719 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 4 12 16 5 9 14 11 6 13 10 15 7 8 17 18 19 20]\n", - "=======================\n", - "[\"craig gardner hailed a ` massive ' win for west brom at crystal palace on saturday as the baggies eased their relegation fears .the midfielder scored a spectacular strike as former palace boss tony pulis enjoyed a 2-0 win on his first return to selhurst park .the welshman left palace on the eve of the new season and has since taken over at the hawthorns - with three points in south london crucial having seen his side lose their last three in the premier league .\"]\n", - "=======================\n", - "[\"tony pulis ' side beat crystal palace 2-0 on saturday at crystal palacejames morrison and craig gardner fired in the goals at selhurst parkvictory moved west brom up to 13th in the premier leagueon 36 points , the baggies are currently eight clear of the relegation zone\"]\n", - "craig gardner hailed a ` massive ' win for west brom at crystal palace on saturday as the baggies eased their relegation fears .the midfielder scored a spectacular strike as former palace boss tony pulis enjoyed a 2-0 win on his first return to selhurst park .the welshman left palace on the eve of the new season and has since taken over at the hawthorns - with three points in south london crucial having seen his side lose their last three in the premier league .\n", - "tony pulis ' side beat crystal palace 2-0 on saturday at crystal palacejames morrison and craig gardner fired in the goals at selhurst parkvictory moved west brom up to 13th in the premier leagueon 36 points , the baggies are currently eight clear of the relegation zone\n", - "[1.2538368 1.3621395 1.2615374 1.2560409 1.1488662 1.1021684 1.0748018\n", - " 1.1800343 1.0959523 1.0418122 1.1506807 1.1229159 1.0376232 1.0148433\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 7 10 4 11 5 8 6 9 12 13 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"villagers in the small country hamlet of cledford , near middlewich in cheshire , had vehemently opposed the plans saying that travellers could ` intimidate ' nearby pensioners and may ruin the idyllic surroundings .but yesterday , cheshire east council gave the proposal the go ahead at a planning meeting , which will create a ` transit site ' with room for nine gipsy families .controversial plans to spend # 3.2 million pulling down a 19th century country mansion and building a ` butlins-style ' gipsy camp have been approved despite angry protests by neighbours .\"]\n", - "=======================\n", - "['plans for site for travellers has been approved by east cheshire councilthis is despite angry neighbours in village of cledford angry about plansgrade ii listed barn next to hall to be converted into toilets and showersfull cost of the development was only revealed through freedom of information request']\n", - "villagers in the small country hamlet of cledford , near middlewich in cheshire , had vehemently opposed the plans saying that travellers could ` intimidate ' nearby pensioners and may ruin the idyllic surroundings .but yesterday , cheshire east council gave the proposal the go ahead at a planning meeting , which will create a ` transit site ' with room for nine gipsy families .controversial plans to spend # 3.2 million pulling down a 19th century country mansion and building a ` butlins-style ' gipsy camp have been approved despite angry protests by neighbours .\n", - "plans for site for travellers has been approved by east cheshire councilthis is despite angry neighbours in village of cledford angry about plansgrade ii listed barn next to hall to be converted into toilets and showersfull cost of the development was only revealed through freedom of information request\n", - "[1.2080877 1.3586634 1.3396447 1.4093503 1.310117 1.0302353 1.0779992\n", - " 1.0605409 1.0139455 1.0170622 1.0259308 1.1174991 1.0518851 1.0842756\n", - " 1.2199453 1.0801852 1.064232 1.0431626 1.0511968 1.0327749 1.0397142]\n", - "\n", - "[ 3 1 2 4 14 0 11 13 15 6 16 7 12 18 17 20 19 5 10 9 8]\n", - "=======================\n", - "['guilty : susan monica was found guilty on tuesday of murdering two handymen on her pig farm over a one-year span .circuit judge tim barnack immediately sentenced 66-year-old monica to life in prison , with the possibility of parole after a minimum of 50 years .jurors spent only about an hour deliberating tuesday before convicting an oregon woman of killing two handymen and feeding their bodies to her pigs .']\n", - "=======================\n", - "[\"it took jurors just an hour to convict susan monica on the murder charges on tuesdayon monday , monica 's former cellmate testified in court and said she sent her a letter signed from ` the sweetest murderer in jackson county 'prosecutors said monica murdered two handymen who worked on her farm between 2012 and 2013monica said she killed the first man , stephen delicino , out of self defense when he attacked hershe says she later found robert haney being eaten by her pigs and shot him out of mercyhowever , she never reported either of their deaths to policethe remains were found buried on her farm , with signs that they had been fed on by animals - most likely her pigs\"]\n", - "guilty : susan monica was found guilty on tuesday of murdering two handymen on her pig farm over a one-year span .circuit judge tim barnack immediately sentenced 66-year-old monica to life in prison , with the possibility of parole after a minimum of 50 years .jurors spent only about an hour deliberating tuesday before convicting an oregon woman of killing two handymen and feeding their bodies to her pigs .\n", - "it took jurors just an hour to convict susan monica on the murder charges on tuesdayon monday , monica 's former cellmate testified in court and said she sent her a letter signed from ` the sweetest murderer in jackson county 'prosecutors said monica murdered two handymen who worked on her farm between 2012 and 2013monica said she killed the first man , stephen delicino , out of self defense when he attacked hershe says she later found robert haney being eaten by her pigs and shot him out of mercyhowever , she never reported either of their deaths to policethe remains were found buried on her farm , with signs that they had been fed on by animals - most likely her pigs\n", - "[1.3976676 1.2452642 1.2160649 1.438517 1.2755413 1.2162929 1.1373847\n", - " 1.0909042 1.1763641 1.110987 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 4 1 5 2 8 6 9 7 18 17 16 15 10 13 12 11 19 14 20]\n", - "=======================\n", - "['premier league side aston villa could sign cordoba striker florin andone ( left ) for as little as # 2.5 millionthe romanian has scored six goals in 17 games for the struggling spanish side this seasonthe spanish side are poised to be relegated and need to raise funds .']\n", - "=======================\n", - "['aston villa have held talks over cordoba striker florin andonethe premier league club could sign the striker for as little as # 2.5 millioncordoba are poised for la liga relegation and need to raise funds']\n", - "premier league side aston villa could sign cordoba striker florin andone ( left ) for as little as # 2.5 millionthe romanian has scored six goals in 17 games for the struggling spanish side this seasonthe spanish side are poised to be relegated and need to raise funds .\n", - "aston villa have held talks over cordoba striker florin andonethe premier league club could sign the striker for as little as # 2.5 millioncordoba are poised for la liga relegation and need to raise funds\n", - "[1.1988146 1.1626499 1.0879682 1.4157244 1.2991385 1.1754918 1.0257881\n", - " 1.0505235 1.0725304 1.0800009 1.0238804 1.0143839 1.072095 1.120124\n", - " 1.019837 1.0283403 1.0143855 1.0226763 1.0157762 1.0431358 0. ]\n", - "\n", - "[ 3 4 0 5 1 13 2 9 8 12 7 19 15 6 10 17 14 18 16 11 20]\n", - "=======================\n", - "[\"bath fly half george ford ghosts past leinster full-back rob kearney on his way to fine individual score at the aviva stadiumthe england no 10 's solo-try was the only score that the west country outfit managed to register in the first-halfat half-time , everything pointed to another humiliating english defeat in dublin .\"]\n", - "=======================\n", - "[\"george ford scythed through the leinster defence for sublime try in the first halffive penalties from ian madigan gave leinster a 15-5 half-time leadstuart hooper crashed over for bath 's second try following another dazzling ford breakmadigan 's sixth penalty proved crucial as leinster held on for a hard-fought victory\"]\n", - "bath fly half george ford ghosts past leinster full-back rob kearney on his way to fine individual score at the aviva stadiumthe england no 10 's solo-try was the only score that the west country outfit managed to register in the first-halfat half-time , everything pointed to another humiliating english defeat in dublin .\n", - "george ford scythed through the leinster defence for sublime try in the first halffive penalties from ian madigan gave leinster a 15-5 half-time leadstuart hooper crashed over for bath 's second try following another dazzling ford breakmadigan 's sixth penalty proved crucial as leinster held on for a hard-fought victory\n", - "[1.3836586 1.1881359 1.300553 1.1993595 1.1085298 1.0538975 1.1054201\n", - " 1.062551 1.0891577 1.1352438 1.0794898 1.045247 1.048565 1.0251635\n", - " 1.0470275 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 3 1 9 4 6 8 10 7 5 12 14 11 13 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"voters in last year 's parliamentary by-elections lodged complaints about aggressive campaigningin one case , a voter complained that wealthy party donors were luring young activists to a key seat with the ` unfair ' promise of free curry , nightclub entertainment and hotel stays .others , in letters of complaint to police forces and local authorities , accused politicians of ` fly-posting ' , while detectives were called when scraps broke out over conflicting ` political views ' .\"]\n", - "=======================\n", - "[\"some wrote complaint letters to police accusing politicians of ` fly-posting 'one voter complained donors were promising free curry and hotel staysdetails refer to by-elections in clacton , heywood and middleton , newarkalso include rochester and strood , and wythenshawe and sale east\"]\n", - "voters in last year 's parliamentary by-elections lodged complaints about aggressive campaigningin one case , a voter complained that wealthy party donors were luring young activists to a key seat with the ` unfair ' promise of free curry , nightclub entertainment and hotel stays .others , in letters of complaint to police forces and local authorities , accused politicians of ` fly-posting ' , while detectives were called when scraps broke out over conflicting ` political views ' .\n", - "some wrote complaint letters to police accusing politicians of ` fly-posting 'one voter complained donors were promising free curry and hotel staysdetails refer to by-elections in clacton , heywood and middleton , newarkalso include rochester and strood , and wythenshawe and sale east\n", - "[1.3180443 1.1502542 1.2414323 1.2710582 1.3377914 1.2449441 1.1469247\n", - " 1.0757927 1.0888014 1.0398699 1.0225492 1.0129757 1.0207841 1.0503032\n", - " 1.0259838 1.0619737 1.0226271 1.0122274 1.0127679 1.0210752 1.02121\n", - " 1.0155361]\n", - "\n", - "[ 4 0 3 5 2 1 6 8 7 15 13 9 14 16 10 20 19 12 21 11 18 17]\n", - "=======================\n", - "[\"lee 's bout on saturday will no longer be a title fight after quillin failed to make the 160lb weightandy lee will be onto a winner no matter what happens on saturday night .andy lee ( left ) lines up with ( l-r ) danny garcia , lamont peterson and his opponent peter quillin in new york\"]\n", - "=======================\n", - "['andy lee was set to defend his middleweight title against peter quillinthe bout is now a non-title fight after american missed the 160lbs weightbilly joe saunders is the next mandatory challenger while there is also talk of a lucrative contest with miguel cotto']\n", - "lee 's bout on saturday will no longer be a title fight after quillin failed to make the 160lb weightandy lee will be onto a winner no matter what happens on saturday night .andy lee ( left ) lines up with ( l-r ) danny garcia , lamont peterson and his opponent peter quillin in new york\n", - "andy lee was set to defend his middleweight title against peter quillinthe bout is now a non-title fight after american missed the 160lbs weightbilly joe saunders is the next mandatory challenger while there is also talk of a lucrative contest with miguel cotto\n", - "[1.339663 1.1383629 1.0855018 1.2093756 1.2380676 1.1662638 1.0558088\n", - " 1.0436325 1.0609993 1.0638769 1.062994 1.0810025 1.0365883 1.175415\n", - " 1.0628854 1.0834845 1.0313634 1.0173235 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 4 3 13 5 1 2 15 11 9 10 14 8 6 7 12 16 17 18 19 20 21]\n", - "=======================\n", - "['target : groups of men and women were asked whether they would kill a young hitler ( pictured above aged 25 ) to prevent wwiiresearchers from germany , canada and the united states analysed answers to the hitler question , and others like it , from 6,100 people .the answer , according to a recent scientific study , has a lot to do with your gender ; and women are far more reluctant to cause any harm in the short term in order to get a better result in the long run .']\n", - "=======================\n", - "[\"researchers in usa , canada and germany analyzed 6,100 responsesfound men were more likely than women to say ends justify the meanswhichever way they decided , women also found the decisions harderscientists speculated it is because women 's reasoning is more emotional\"]\n", - "target : groups of men and women were asked whether they would kill a young hitler ( pictured above aged 25 ) to prevent wwiiresearchers from germany , canada and the united states analysed answers to the hitler question , and others like it , from 6,100 people .the answer , according to a recent scientific study , has a lot to do with your gender ; and women are far more reluctant to cause any harm in the short term in order to get a better result in the long run .\n", - "researchers in usa , canada and germany analyzed 6,100 responsesfound men were more likely than women to say ends justify the meanswhichever way they decided , women also found the decisions harderscientists speculated it is because women 's reasoning is more emotional\n", - "[1.2427363 1.5059462 1.2688496 1.1903008 1.2738422 1.157217 1.0806367\n", - " 1.0836401 1.0773479 1.1049669 1.0277326 1.0451821 1.0578659 1.0536205\n", - " 1.0782475 1.0474911 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 2 0 3 5 9 7 6 14 8 12 13 15 11 10 16 17 18 19 20 21]\n", - "=======================\n", - "[\"kevin pimentel , 12 , shot dead his six-year-old brother , brady , as they made dinner inside their mobile home in hudson , florida last week - before shooting his older brother in the leg and then taking his own life .the injured brother , 16-year-old trevor , attended the boys ' funeral at st. james the apostle catholic church in a wheelchair on wednesday , while his divorced parents , helen campochiaro and luis pimentel , were seen receiving hugs from well-wishers before the service .two brothers who died after one of the boys shot the other then turned the gun on himself have been laid to rest in a joint funeral .\"]\n", - "=======================\n", - "[\"kevin pimentel , 12 , shot his brother brady pimentel , 6 , dead on wednesday march 25 at their mobile home in hudson , floridahe also wounded 16-year-old brother trevor pimentel in the leg before killing himselftrevor attended the boys ' funeral in a wheelchair on wednesdaykevin and trevor had been cooking about 6pm but officials said they had not been arguing before the shootingstheir mother , helen campochiaro , 38 , was working one of her two jobsrelatives say she was a single mom who kept a gun for protection and that the boys had been brought up with gun safetyon a gofundme page set up one day before the shooting , campochiaro asked for help in raising a deposit for a new home\"]\n", - "kevin pimentel , 12 , shot dead his six-year-old brother , brady , as they made dinner inside their mobile home in hudson , florida last week - before shooting his older brother in the leg and then taking his own life .the injured brother , 16-year-old trevor , attended the boys ' funeral at st. james the apostle catholic church in a wheelchair on wednesday , while his divorced parents , helen campochiaro and luis pimentel , were seen receiving hugs from well-wishers before the service .two brothers who died after one of the boys shot the other then turned the gun on himself have been laid to rest in a joint funeral .\n", - "kevin pimentel , 12 , shot his brother brady pimentel , 6 , dead on wednesday march 25 at their mobile home in hudson , floridahe also wounded 16-year-old brother trevor pimentel in the leg before killing himselftrevor attended the boys ' funeral in a wheelchair on wednesdaykevin and trevor had been cooking about 6pm but officials said they had not been arguing before the shootingstheir mother , helen campochiaro , 38 , was working one of her two jobsrelatives say she was a single mom who kept a gun for protection and that the boys had been brought up with gun safetyon a gofundme page set up one day before the shooting , campochiaro asked for help in raising a deposit for a new home\n", - "[1.2729219 1.3816628 1.1929548 1.1210335 1.23964 1.2263507 1.1144655\n", - " 1.0720615 1.1734698 1.0586947 1.0736232 1.0785928 1.054576 1.0580314\n", - " 1.059193 1.0612938 1.1031371 1.095931 1.013361 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 4 5 2 8 3 6 16 17 11 10 7 15 14 9 13 12 18 19 20 21]\n", - "=======================\n", - "[\"author martin fletcher claims the devastating fire was not an accident and has revealed a sequence of other blazes at businesses owned by or associated with stafford heginbotham , the club 's chairman at the time .the former chairman of bradford city was linked to eight other fires before the valley parade blaze that killed 56 , a new book has claimed .tragedy : the fire at bradford city 's valley parade claimed 56 victims and injured 265 on may 11 , 1985\"]\n", - "=======================\n", - "['author martin fletcher claims the devastating blaze was not an accidentbook reveals fires at other businesses owned by or associated with then club chairman stafford heginbothammr fletcher , a survivor of the blaze , says his findings warrant investigationan inquiry into fire found it was an accident caused by discarded cigarettewest yorkshire police will consider any fresh evidence that comes to light']\n", - "author martin fletcher claims the devastating fire was not an accident and has revealed a sequence of other blazes at businesses owned by or associated with stafford heginbotham , the club 's chairman at the time .the former chairman of bradford city was linked to eight other fires before the valley parade blaze that killed 56 , a new book has claimed .tragedy : the fire at bradford city 's valley parade claimed 56 victims and injured 265 on may 11 , 1985\n", - "author martin fletcher claims the devastating blaze was not an accidentbook reveals fires at other businesses owned by or associated with then club chairman stafford heginbothammr fletcher , a survivor of the blaze , says his findings warrant investigationan inquiry into fire found it was an accident caused by discarded cigarettewest yorkshire police will consider any fresh evidence that comes to light\n", - "[1.3260977 1.1935327 1.3254288 1.2404037 1.1738586 1.1627334 1.0804487\n", - " 1.0586259 1.0933897 1.1574475 1.0433887 1.020085 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 3 1 4 5 9 8 6 7 10 11 12 13 14 15]\n", - "=======================\n", - "[\"boko haram fighters have been murdering dozens of young women and girls they had taken as ` wives ' and using children as ` expendable cannon fodder ' , the u.n. 's human rights chief said today .boko haram 's reported use of children as shields and human bombs would , if confirmed , constitute war crimes and crimes against humanity , he said .as the islamist militant group has retreated from parts of northeastern nigeria , ` gruesome scenes of mass graves and further evident signs of slaughter , ' has been brought to light , zeid raad al-hussein told a special session of the u.n. human rights council in geneva .\"]\n", - "=======================\n", - "[\"boko haram accused of war crimes by u.n. human rights chiefmilitants in nigeria accused of murdering ` wives ' during retreatreports also say they have used children as ` expendable cannon fodder '\"]\n", - "boko haram fighters have been murdering dozens of young women and girls they had taken as ` wives ' and using children as ` expendable cannon fodder ' , the u.n. 's human rights chief said today .boko haram 's reported use of children as shields and human bombs would , if confirmed , constitute war crimes and crimes against humanity , he said .as the islamist militant group has retreated from parts of northeastern nigeria , ` gruesome scenes of mass graves and further evident signs of slaughter , ' has been brought to light , zeid raad al-hussein told a special session of the u.n. human rights council in geneva .\n", - "boko haram accused of war crimes by u.n. human rights chiefmilitants in nigeria accused of murdering ` wives ' during retreatreports also say they have used children as ` expendable cannon fodder '\n", - "[1.1836442 1.1610904 1.1617235 1.4146394 1.1692927 1.3390601 1.0974282\n", - " 1.0666881 1.0874345 1.0917785 1.038425 1.0340668 1.0450586 1.0160067\n", - " 1.0145642 1.0328695]\n", - "\n", - "[ 3 5 0 4 2 1 6 9 8 7 12 10 11 15 13 14]\n", - "=======================\n", - "[\"malky mackay 's tenure at wigan athletic came to an end on monday following a 2-0 defeat by derbydave whelan ( right ) appointed mackay ( left ) as manager of wigan in november 2014 despite the warningssportsmail revealed in august mackay was being investigated over ` sexist , racism and homophobic ' texts\"]\n", - "=======================\n", - "[\"sportsmail revealed in august that malky mackay and iain moody were being investigated by fa over ` sexist , racism and homophobic ' textsmackay became manager of wigan athletic in november 2014wigan are eight points from safety as they sit in the relegation zonethe championship club are on the verge of dropping into league oneread : mackay sacked by wigan after derby defeat\"]\n", - "malky mackay 's tenure at wigan athletic came to an end on monday following a 2-0 defeat by derbydave whelan ( right ) appointed mackay ( left ) as manager of wigan in november 2014 despite the warningssportsmail revealed in august mackay was being investigated over ` sexist , racism and homophobic ' texts\n", - "sportsmail revealed in august that malky mackay and iain moody were being investigated by fa over ` sexist , racism and homophobic ' textsmackay became manager of wigan athletic in november 2014wigan are eight points from safety as they sit in the relegation zonethe championship club are on the verge of dropping into league oneread : mackay sacked by wigan after derby defeat\n", - "[1.5501261 1.2773324 1.1782047 1.3259398 1.1128727 1.1764463 1.0731249\n", - " 1.0840753 1.094603 1.1229401 1.0775309 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 1 2 5 9 4 8 7 10 6 11 12 13 14 15]\n", - "=======================\n", - "[\"manchester united duo david de gea and victor valdes made the most of the rare english sun with a trip to a theme park on tuesday afternoon .the spanish pair donned sunglasses as they enjoyed a relaxing time just days after united 's impressive win against fierce rivals manchester city .it has certainly been a rollercoaster season for the red devils , who have emerged in recent weeks as rivals to arsenal for second place in the premier league having been struggling to make the top-four earlier in the campaign .\"]\n", - "=======================\n", - "['david de gea and victor valdes enjoyed an afternoon off at a theme parkspanish duo donned shades as they made the most of the rare sunshineit has certainly been a rollercoaster season for manchester unitedunited are third in the premier league after an impressive recent run']\n", - "manchester united duo david de gea and victor valdes made the most of the rare english sun with a trip to a theme park on tuesday afternoon .the spanish pair donned sunglasses as they enjoyed a relaxing time just days after united 's impressive win against fierce rivals manchester city .it has certainly been a rollercoaster season for the red devils , who have emerged in recent weeks as rivals to arsenal for second place in the premier league having been struggling to make the top-four earlier in the campaign .\n", - "david de gea and victor valdes enjoyed an afternoon off at a theme parkspanish duo donned shades as they made the most of the rare sunshineit has certainly been a rollercoaster season for manchester unitedunited are third in the premier league after an impressive recent run\n", - "[1.2418108 1.4503596 1.3241546 1.253462 1.1825277 1.1582043 1.1891428\n", - " 1.0638806 1.0505054 1.2193352 1.0269271 1.053854 1.1334686 1.0176095\n", - " 1.059936 0. ]\n", - "\n", - "[ 1 2 3 0 9 6 4 5 12 7 14 11 8 10 13 15]\n", - "=======================\n", - "[\"the german woman , who has not been named , was in a taxi which was stuck in traffic shortly after arriving at charles de gaulle airport on wednesday afternoon .three thieves are said to have ` appeared from nowhere ' and smashed a rear window of the car , making off with the bag .the heist took place in the landy tunnel ( pictured ) , which is just under a mile long and notorious for smash-and-grabs\"]\n", - "=======================\n", - "[\"` extremely rich ' german woman 's taxi was stuck in traffic as thieves struckthey smashed rear window of vehicle before running away with handbagthe victim says one of the stolen rings was worth close to # 1million aloneclaimed she was on her way to loan some of the items to museum in paris\"]\n", - "the german woman , who has not been named , was in a taxi which was stuck in traffic shortly after arriving at charles de gaulle airport on wednesday afternoon .three thieves are said to have ` appeared from nowhere ' and smashed a rear window of the car , making off with the bag .the heist took place in the landy tunnel ( pictured ) , which is just under a mile long and notorious for smash-and-grabs\n", - "` extremely rich ' german woman 's taxi was stuck in traffic as thieves struckthey smashed rear window of vehicle before running away with handbagthe victim says one of the stolen rings was worth close to # 1million aloneclaimed she was on her way to loan some of the items to museum in paris\n", - "[1.7141256 1.3263135 1.0841496 1.2631412 1.2135633 1.0557293 1.0337803\n", - " 1.0728098 1.0338845 1.1740158 1.0646801 1.0649922 1.0806842 1.0624177\n", - " 1.0195911 0. ]\n", - "\n", - "[ 0 1 3 4 9 2 12 7 11 10 13 5 8 6 14 15]\n", - "=======================\n", - "['world no 1 novak djokovic became the first player to win the opening three atp world tour masters 1000 events when he defeated tomas berdych 7-5 4-6 6-3 at monte carlo on sunday .djokovic had overpowered eight-time champion rafael nadal to reach the final , not dropping a set on his 2015 clay-court debut this week .novak djokovic got his clay court season underway with victory at the monte carlo open']\n", - "=======================\n", - "['the world no 1 defeated tomas berdych 7-5 , 4-6 , 6-3 in monte carlonovak djokovic is first player to win opening three masters 1000 eventsserbia star defeated clay court specialist rafael nadal in semi-finals']\n", - "world no 1 novak djokovic became the first player to win the opening three atp world tour masters 1000 events when he defeated tomas berdych 7-5 4-6 6-3 at monte carlo on sunday .djokovic had overpowered eight-time champion rafael nadal to reach the final , not dropping a set on his 2015 clay-court debut this week .novak djokovic got his clay court season underway with victory at the monte carlo open\n", - "the world no 1 defeated tomas berdych 7-5 , 4-6 , 6-3 in monte carlonovak djokovic is first player to win opening three masters 1000 eventsserbia star defeated clay court specialist rafael nadal in semi-finals\n", - "[1.3039892 1.518691 1.2114177 1.1539803 1.1192472 1.0992444 1.0924771\n", - " 1.1076499 1.0900102 1.0457804 1.035222 1.0181855 1.2240835 1.0515548\n", - " 1.015469 1.0143224 1.0244226 1.0124036 0. 0. 0. ]\n", - "\n", - "[ 1 0 12 2 3 4 7 5 6 8 13 9 10 16 11 14 15 17 19 18 20]\n", - "=======================\n", - "[\"the world no 1 - now 103 places above woods in the world rankings - is the favourite to win the masters next week and claim his first green jacket , thus completing a career grand slam .they will come up against each other in the year 's first major on thursday , but it was n't that long ago that rory mcilroy was looking up to tiger woods .mcilroy and woods will line up at augusta for the masters this week but in contrasting form\"]\n", - "=======================\n", - "[\"tiger woods and rory mcilroy will both play at next week 's mastersaugusta favourite mcilroy looked up to woods when he was a childnew nike advert shows portrays a young mcilroy 's rise to the topwoods has won four green jackets , the last of which came in 2005mcilroy is looking for his fifth major win to complete a career grand slam\"]\n", - "the world no 1 - now 103 places above woods in the world rankings - is the favourite to win the masters next week and claim his first green jacket , thus completing a career grand slam .they will come up against each other in the year 's first major on thursday , but it was n't that long ago that rory mcilroy was looking up to tiger woods .mcilroy and woods will line up at augusta for the masters this week but in contrasting form\n", - "tiger woods and rory mcilroy will both play at next week 's mastersaugusta favourite mcilroy looked up to woods when he was a childnew nike advert shows portrays a young mcilroy 's rise to the topwoods has won four green jackets , the last of which came in 2005mcilroy is looking for his fifth major win to complete a career grand slam\n", - "[1.1641299 1.0794256 1.3128009 1.391964 1.36016 1.2322595 1.1665976\n", - " 1.1212664 1.0816559 1.093359 1.1399952 1.0321635 1.0538048 1.0103462\n", - " 1.0117549 1.0093642 1.0105854 1.0122333 0. 0. 0. ]\n", - "\n", - "[ 3 4 2 5 6 0 10 7 9 8 1 12 11 17 14 16 13 15 19 18 20]\n", - "=======================\n", - "[\"charlie adam ( second right ) celebrates his stunning goal against chelsea with his stoke team-matespeter crouch was at hand to give his verdict on adam 's dancing skills on sky 's soccer am chat showcrouch originally brought the robot celebration into prominence for england against jamaica in 2006\"]\n", - "=======================\n", - "[\"peter crouch analysed charlie adam 's robot celebration against chelseathe midfielder scored from his own half at stamford bridge on saturdayadam followed his goal with a light-hearted ode to his stoke team-matethe scot was asked to perform the act by sky 's soccer am presenterscrouch made the celebration famous whilst playing for england in 2006\"]\n", - "charlie adam ( second right ) celebrates his stunning goal against chelsea with his stoke team-matespeter crouch was at hand to give his verdict on adam 's dancing skills on sky 's soccer am chat showcrouch originally brought the robot celebration into prominence for england against jamaica in 2006\n", - "peter crouch analysed charlie adam 's robot celebration against chelseathe midfielder scored from his own half at stamford bridge on saturdayadam followed his goal with a light-hearted ode to his stoke team-matethe scot was asked to perform the act by sky 's soccer am presenterscrouch made the celebration famous whilst playing for england in 2006\n", - "[1.1550704 1.275005 1.4019251 1.3035741 1.3328204 1.1534994 1.0386776\n", - " 1.0282902 1.0426477 1.0434165 1.0172851 1.1649889 1.022869 1.0240107\n", - " 1.0159189 1.0193958 1.0163678 1.0152967 1.0126183 1.0214355 1.0155014]\n", - "\n", - "[ 2 4 3 1 11 0 5 9 8 6 7 13 12 19 15 10 16 14 20 17 18]\n", - "=======================\n", - "[\"within 48 hours gus poyet had been sacked and dick advocaat was being installed .sunderland goalkeeper costel pantilimon celebrates jermain defoe 's goal against newcastle unitedthe dutch boss celebrated his first home match with a 1-0 victory over newcastle last weekend , a result which moved the black cats three points clear of the relegation zone ahead of this afternoon 's visit of crystal palace .\"]\n", - "=======================\n", - "[\"costel pantilimon believes the good times have returned to the clubhe believes manager dick advocaat has helped improve atmospheresunderland have been buoyed by their win over neighbours newcastledefoe 's winner secured advocaat his first victory as black cats boss\"]\n", - "within 48 hours gus poyet had been sacked and dick advocaat was being installed .sunderland goalkeeper costel pantilimon celebrates jermain defoe 's goal against newcastle unitedthe dutch boss celebrated his first home match with a 1-0 victory over newcastle last weekend , a result which moved the black cats three points clear of the relegation zone ahead of this afternoon 's visit of crystal palace .\n", - "costel pantilimon believes the good times have returned to the clubhe believes manager dick advocaat has helped improve atmospheresunderland have been buoyed by their win over neighbours newcastledefoe 's winner secured advocaat his first victory as black cats boss\n", - "[1.141717 1.0630625 1.0315056 1.3967767 1.3154426 1.1555758 1.243879\n", - " 1.1490406 1.0831364 1.0953479 1.0641137 1.0520753 1.044982 1.0457741\n", - " 1.1460055 1.1244694 1.0415522 1.0860565 0. 0. 0. ]\n", - "\n", - "[ 3 4 6 5 7 14 0 15 9 17 8 10 1 11 13 12 16 2 19 18 20]\n", - "=======================\n", - "['president barack obama has held the fewest number of state dinners since harry s. truman , who left office 62 years ago .in his first six years , obama held just seven state dinners and will hold at least two more this year : for the leaders of japan , on april 28 , and china , later in the year .obama held his first state dinner toward the end of his first year in office , honoring then-indian prime minister manmohan singh .']\n", - "=======================\n", - "[\"obama 's record is lowest since truman left office in 1953 having hosted sixstate department pays cost of each event , which averages around $ 500,000obama concerned about expense during worst economic slide since 1930s\"]\n", - "president barack obama has held the fewest number of state dinners since harry s. truman , who left office 62 years ago .in his first six years , obama held just seven state dinners and will hold at least two more this year : for the leaders of japan , on april 28 , and china , later in the year .obama held his first state dinner toward the end of his first year in office , honoring then-indian prime minister manmohan singh .\n", - "obama 's record is lowest since truman left office in 1953 having hosted sixstate department pays cost of each event , which averages around $ 500,000obama concerned about expense during worst economic slide since 1930s\n", - "[1.4055026 1.2685726 1.167935 1.2840877 1.2010108 1.1316684 1.0281218\n", - " 1.1116261 1.1882896 1.0179513 1.0147437 1.1039214 1.075273 1.0682511\n", - " 1.033088 1.0293661 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 8 2 5 7 11 12 13 14 15 6 9 10 16 17 18 19 20]\n", - "=======================\n", - "[\"rita wilson took to her twitter account on wednesday to thank her supporters , one day after revealing she has breast cancer and undergone double mastectomy and reconstructive surgery .the 58-year-old actress - who is married to actor tom hanks - tweeted : ' i am overwhelmed with gratitude by your prayers and good wishes and the kindness you 're sending .on tuesday , she shared the news of her disease through a statement published by people magazine .\"]\n", - "=======================\n", - "['the 58-year-old actress revealed her diagnosis in a statement on tuesdayshe explained that doctors initially failed to find the cancer but that it was discovered after she sought out a second opinionshe underwent surgery last week with hanks by her side and she is expected to make a full recoverywilson took medical leave from the broadway play fish in the dark earlier this month but is expected back on stage in may']\n", - "rita wilson took to her twitter account on wednesday to thank her supporters , one day after revealing she has breast cancer and undergone double mastectomy and reconstructive surgery .the 58-year-old actress - who is married to actor tom hanks - tweeted : ' i am overwhelmed with gratitude by your prayers and good wishes and the kindness you 're sending .on tuesday , she shared the news of her disease through a statement published by people magazine .\n", - "the 58-year-old actress revealed her diagnosis in a statement on tuesdayshe explained that doctors initially failed to find the cancer but that it was discovered after she sought out a second opinionshe underwent surgery last week with hanks by her side and she is expected to make a full recoverywilson took medical leave from the broadway play fish in the dark earlier this month but is expected back on stage in may\n", - "[1.3730053 1.166835 1.4953967 1.1977347 1.1626246 1.2572792 1.0957859\n", - " 1.0843308 1.0417305 1.0925452 1.1226102 1.0235317 1.0332942 1.0761514\n", - " 1.0525635 1.061055 1.094049 1.0798982 0. 0. ]\n", - "\n", - "[ 2 0 5 3 1 4 10 6 16 9 7 17 13 15 14 8 12 11 18 19]\n", - "=======================\n", - "[\"alan rogers , 73 , smashed the skull of 76-year-old grandfather fred hatch in the communal garden of their sheltered housing complex near cardiff .today at cardiff crown court , rogers pleaded guilty to manslaughter and is due to be sentenced later today .mr hatch 's worried wife enid then went looking for her husband after he failed to return into the house from the garden .\"]\n", - "=======================\n", - "[\"alan rogers smashed the head of fred hatch in their communal gardenmr hatch 's wife enid found rogers standing over her husband 's bodyrogers claimed he wanted mr hatch dead as he was involved in witchcrafthe told officers arresting him ' i have been waiting a long time to kill that man '\"]\n", - "alan rogers , 73 , smashed the skull of 76-year-old grandfather fred hatch in the communal garden of their sheltered housing complex near cardiff .today at cardiff crown court , rogers pleaded guilty to manslaughter and is due to be sentenced later today .mr hatch 's worried wife enid then went looking for her husband after he failed to return into the house from the garden .\n", - "alan rogers smashed the head of fred hatch in their communal gardenmr hatch 's wife enid found rogers standing over her husband 's bodyrogers claimed he wanted mr hatch dead as he was involved in witchcrafthe told officers arresting him ' i have been waiting a long time to kill that man '\n", - "[1.419402 1.5667993 1.5595514 1.1705419 1.0276184 1.0248203 1.0235857\n", - " 1.0142127 1.155246 1.2242943 1.1205935 1.0193602 1.0415359 1.0201788\n", - " 1.3757898 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 14 9 3 8 10 12 4 5 6 13 11 7 18 15 16 17 19]\n", - "=======================\n", - "[\"wales climbed to 22 , their highest-ever position in football 's world order , in the april rankings to move within eight places of england .chris coleman 's side are unbeaten in euro 2016 qualifying and would be within touching distance of the finals in france should they beat belgium in june - and wales midfielder ramsey admits the banter with the likes of theo walcott , jack wilshere and danny welbeck is already flying on the arsenal training ground .aaron ramsey has told his english team-mates at arsenal to beware wales overtaking them in the fifa rankings .\"]\n", - "=======================\n", - "[\"wales climbed to 22nd place in the recent fifa world rankingsengland are currently 14th the current standingschris coleman 's side are unbeaten in euro 2016 qualifyingaaron ramsey 's side face belgium in crucial clash in june\"]\n", - "wales climbed to 22 , their highest-ever position in football 's world order , in the april rankings to move within eight places of england .chris coleman 's side are unbeaten in euro 2016 qualifying and would be within touching distance of the finals in france should they beat belgium in june - and wales midfielder ramsey admits the banter with the likes of theo walcott , jack wilshere and danny welbeck is already flying on the arsenal training ground .aaron ramsey has told his english team-mates at arsenal to beware wales overtaking them in the fifa rankings .\n", - "wales climbed to 22nd place in the recent fifa world rankingsengland are currently 14th the current standingschris coleman 's side are unbeaten in euro 2016 qualifyingaaron ramsey 's side face belgium in crucial clash in june\n", - "[1.381499 1.2705399 1.4342761 1.2703367 1.3011631 1.2835951 1.0394711\n", - " 1.0421764 1.0214474 1.0302067 1.0215191 1.1155367 1.034069 1.0252084\n", - " 1.0132434 1.0249946 1.1566076 1.01251 0. 0. ]\n", - "\n", - "[ 2 0 4 5 1 3 16 11 7 6 12 9 13 15 10 8 14 17 18 19]\n", - "=======================\n", - "[\"mitchell keenan , 32 , was diagnosed with frostbite six weeks ago after his sister discovered his blackened toes and rushed him to hospital .it came after mr keenan had been living in the tent with his father keith , 62 , following their eviction from their four-bedroom home in skelmersdale , west lancashire , last year when they fell behind with their repayments .mr keenan 's father was also diagnosed with severe health problems including malnourishment , scabies and dementia .\"]\n", - "=======================\n", - "[\"mitchell keenan and his father keith were evicted from their family homethey were forced to live in a tent during the winter on a local hillmr keenan 's toes turned black with frostbite and they were amputatedwarning graphic content\"]\n", - "mitchell keenan , 32 , was diagnosed with frostbite six weeks ago after his sister discovered his blackened toes and rushed him to hospital .it came after mr keenan had been living in the tent with his father keith , 62 , following their eviction from their four-bedroom home in skelmersdale , west lancashire , last year when they fell behind with their repayments .mr keenan 's father was also diagnosed with severe health problems including malnourishment , scabies and dementia .\n", - "mitchell keenan and his father keith were evicted from their family homethey were forced to live in a tent during the winter on a local hillmr keenan 's toes turned black with frostbite and they were amputatedwarning graphic content\n", - "[1.2279963 1.4433079 1.248868 1.3046839 1.2128878 1.3267719 1.1247725\n", - " 1.1171771 1.1178669 1.0214992 1.0192655 1.0223565 1.0981505 1.0138462\n", - " 1.0198961 1.071919 1.019512 1.0144547 1.014254 1.0377066]\n", - "\n", - "[ 1 5 3 2 0 4 6 8 7 12 15 19 11 9 14 16 10 17 18 13]\n", - "=======================\n", - "[\"karen sharpe , the mother of north charleston police officer michael slager , defended her son in an interview , saying she can not believe that he would do anything like what he 's accused of .ms sharpe said that she will never watch the video footage of the fatal shooting .she also revealed that his wife , who is eight months pregnant , is devastated .\"]\n", - "=======================\n", - "[\"the mother of north charleston police officer michael slager is speaking out as her son is behind bars for the the shooting death of walter scottkaren sharpe defended her son , saying she could not imagine him ever murdering someone and that he loved being a police officershe also revealed that slager 's pregnant wife is devastated about what has happened as she is set to give birth next monthsharpe said she has not watched the video of the shooting or read any news reports or watched any news coverage of the incidentshe also expressed sympathy for the scott family , noting this event has caused them both to ` change forever 'slager has not entered a plea to the murder charge nor commented publicly on the killing\"]\n", - "karen sharpe , the mother of north charleston police officer michael slager , defended her son in an interview , saying she can not believe that he would do anything like what he 's accused of .ms sharpe said that she will never watch the video footage of the fatal shooting .she also revealed that his wife , who is eight months pregnant , is devastated .\n", - "the mother of north charleston police officer michael slager is speaking out as her son is behind bars for the the shooting death of walter scottkaren sharpe defended her son , saying she could not imagine him ever murdering someone and that he loved being a police officershe also revealed that slager 's pregnant wife is devastated about what has happened as she is set to give birth next monthsharpe said she has not watched the video of the shooting or read any news reports or watched any news coverage of the incidentshe also expressed sympathy for the scott family , noting this event has caused them both to ` change forever 'slager has not entered a plea to the murder charge nor commented publicly on the killing\n", - "[1.4683723 1.4649162 1.246055 1.2001727 1.054508 1.2737794 1.188412\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 2 3 6 4 17 16 15 14 13 9 11 10 18 8 7 12 19]\n", - "=======================\n", - "[\"relegation-threatened romanian club ceahlaul piatra neamt have sacked brazilian coach ze maria for the second time in a week .former brazil defender ze maria was fired on wednesday after a poor run , only to be reinstated the next day after flamboyant owner angelo massone decided to ` give the coaching staff another chance . 'ze maria replaced florin marin in january to become ceahlaul 's third coach this season .\"]\n", - "=======================\n", - "['romanian club ceahlaul piatra neamt sacked ze maria on wednesdaybut the former brazil international was reinstated the next dayhe was then sacked again following a defeat on saturday']\n", - "relegation-threatened romanian club ceahlaul piatra neamt have sacked brazilian coach ze maria for the second time in a week .former brazil defender ze maria was fired on wednesday after a poor run , only to be reinstated the next day after flamboyant owner angelo massone decided to ` give the coaching staff another chance . 'ze maria replaced florin marin in january to become ceahlaul 's third coach this season .\n", - "romanian club ceahlaul piatra neamt sacked ze maria on wednesdaybut the former brazil international was reinstated the next dayhe was then sacked again following a defeat on saturday\n", - "[1.1310753 1.4723144 1.3142678 1.1937578 1.106151 1.1072812 1.2313678\n", - " 1.2179973 1.1224422 1.0619648 1.0307072 1.0218778 1.0369252 1.0494888\n", - " 1.0175542 1.0692673 1.0575397 1.0389601 1.1279927 1.0479729 1.055486\n", - " 1.0144542 0. 0. ]\n", - "\n", - "[ 1 2 6 7 3 0 18 8 5 4 15 9 16 20 13 19 17 12 10 11 14 21 22 23]\n", - "=======================\n", - "[\"casey levi filmed the moment he tried to get his son sam to eat a california roll with a $ 10 prize up for grabs .he stipulated that there must be no ` gagging or making any faces . 'footage shows the youngster stepping up to the challenge but backing down after a minute 's hesitation and running off ` to be sick ' .\"]\n", - "=======================\n", - "[\"casey levi filmed the moment he tried to get his son sam to eat a california roll with a $ 10 prize up for grabsfootage shows the youngster stepping up to the challenge but backing down after a minute 's hesitation and running off ` to be sick 'after sam 's ruled out of the game , his younger sister charlie confidently steps up to the markwith $ 10 in her pocket she gives her father a celebratory a high five\"]\n", - "casey levi filmed the moment he tried to get his son sam to eat a california roll with a $ 10 prize up for grabs .he stipulated that there must be no ` gagging or making any faces . 'footage shows the youngster stepping up to the challenge but backing down after a minute 's hesitation and running off ` to be sick ' .\n", - "casey levi filmed the moment he tried to get his son sam to eat a california roll with a $ 10 prize up for grabsfootage shows the youngster stepping up to the challenge but backing down after a minute 's hesitation and running off ` to be sick 'after sam 's ruled out of the game , his younger sister charlie confidently steps up to the markwith $ 10 in her pocket she gives her father a celebratory a high five\n", - "[1.5031581 1.2728256 1.3725058 1.3758706 1.0984011 1.0616254 1.0304447\n", - " 1.0141637 1.020278 1.0155927 1.0170635 1.1471891 1.3109343 1.0991099\n", - " 1.0861311 1.0161146 1.0133567 1.0956815 1.0104771 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 12 1 11 13 4 17 14 5 6 8 10 15 9 7 16 18 19 20 21 22 23]\n", - "=======================\n", - "['manchester united midfielder marouane fellaini has been terrorising opposition defences of late , but goalkeeper thibaut courtois has revealed chelsea have a plan to deal with him .marouane fellaini ( pictured ) has been in brilliant form for manchester united in recent weeksbut his countryman courtois says the blues have been working on a way to combat the unorthodox midfielder after he starred in recent wins over tottenham , liverpool and manchester city .']\n", - "=======================\n", - "['thibaut courtois hopes chelsea can keep marouane fellaini quietchelsea face manchester united at stamford bridge on saturdayfellaini has been in impressive form for united in recent weeksblues goalkeeper knows he will have to collect more crosses than usual']\n", - "manchester united midfielder marouane fellaini has been terrorising opposition defences of late , but goalkeeper thibaut courtois has revealed chelsea have a plan to deal with him .marouane fellaini ( pictured ) has been in brilliant form for manchester united in recent weeksbut his countryman courtois says the blues have been working on a way to combat the unorthodox midfielder after he starred in recent wins over tottenham , liverpool and manchester city .\n", - "thibaut courtois hopes chelsea can keep marouane fellaini quietchelsea face manchester united at stamford bridge on saturdayfellaini has been in impressive form for united in recent weeksblues goalkeeper knows he will have to collect more crosses than usual\n", - "[1.5481467 1.3198925 1.1942047 1.1336001 1.0727693 1.0341247 1.135567\n", - " 1.0623491 1.047837 1.0776337 1.0506479 1.0889443 1.0496144 1.025838\n", - " 1.0242162 1.0320606 1.040865 1.0258849 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 6 3 11 9 4 7 10 12 8 16 5 15 17 13 14 18 19 20 21 22 23]\n", - "=======================\n", - "['( cnn ) actress linda thompson , bruce jenner \\'s second wife , says she can \" breathe a little easier \" knowing her ex-husband has found the strength to publicly declare he is transgender .in a two-hour special that aired friday , the olympic gold medalist and \" keeping up with the kardashians \" star said he has the \" soul of a female \" even though he was born with male body parts .thompson , who had two sons with jenner during their five-year marriage , was one of many relatives to cheer jenner for publicly sharing what she had known for decades .']\n", - "=======================\n", - "['bruce jenner \\'s second wife linda thompson says she learned of his \" gender issues \" during their marriageshe says she can breathe easier now that he can be \" who he authentically is \"']\n", - "( cnn ) actress linda thompson , bruce jenner 's second wife , says she can \" breathe a little easier \" knowing her ex-husband has found the strength to publicly declare he is transgender .in a two-hour special that aired friday , the olympic gold medalist and \" keeping up with the kardashians \" star said he has the \" soul of a female \" even though he was born with male body parts .thompson , who had two sons with jenner during their five-year marriage , was one of many relatives to cheer jenner for publicly sharing what she had known for decades .\n", - "bruce jenner 's second wife linda thompson says she learned of his \" gender issues \" during their marriageshe says she can breathe easier now that he can be \" who he authentically is \"\n", - "[1.4401573 1.2272098 1.4195148 1.2798632 1.0945312 1.0611868 1.0416039\n", - " 1.0195141 1.0440432 1.0825632 1.1137574 1.0806975 1.0175642 1.0357857\n", - " 1.1871907 1.1725733 1.0131594 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 14 15 10 4 9 11 5 8 6 13 7 12 16 22 17 18 19 20 21 23]\n", - "=======================\n", - "[\"prosecutor nafir afzal said hundreds of british teenagers see isis as ` pop idols ' like one direction and justin biebermr afzal , former head of the crown prosecution service in the north-west , said children are ` manipulated ' by islamists and that britain needs a new approach in the way it deals with radicalisation .the prosecutor warned that unless the next government recruited young muslim role models to help mentor those who are being radicalised , the country could face ` another 7/7 ' terror attack .\"]\n", - "=======================\n", - "[\"top muslim prosecutor warned that another 7/7 terror attack could happennafir afzal said british teenagers see isis as ` pop idols ' like one directionchildren are manipulated by islamists like sex grooming gangs , he addednext government should recruit muslim role models to help mentor teenagers who have been radicalised , prosecutor said\"]\n", - "prosecutor nafir afzal said hundreds of british teenagers see isis as ` pop idols ' like one direction and justin biebermr afzal , former head of the crown prosecution service in the north-west , said children are ` manipulated ' by islamists and that britain needs a new approach in the way it deals with radicalisation .the prosecutor warned that unless the next government recruited young muslim role models to help mentor those who are being radicalised , the country could face ` another 7/7 ' terror attack .\n", - "top muslim prosecutor warned that another 7/7 terror attack could happennafir afzal said british teenagers see isis as ` pop idols ' like one directionchildren are manipulated by islamists like sex grooming gangs , he addednext government should recruit muslim role models to help mentor teenagers who have been radicalised , prosecutor said\n", - "[1.3974264 1.3851253 1.3215247 1.2464584 1.1351161 1.0388166 1.0343559\n", - " 1.0352457 1.0185796 1.0214883 1.1545674 1.0502473 1.069422 1.0189651\n", - " 1.0209842 1.0149639 1.0160558 1.0139861 1.0156307 1.0655628 1.1375188\n", - " 1.0839199 1.122383 1.1105417]\n", - "\n", - "[ 0 1 2 3 10 20 4 22 23 21 12 19 11 5 7 6 9 14 13 8 16 18 15 17]\n", - "=======================\n", - "[\"mourinho with his wife matilde faria at the 2014 victoria 's secret fashion show in londonthe father-of-two said that he and his family ` know about poverty ' and have been privileged to have worked with the word food programme as an ambassador against hunger .the former real madrid manager said he only prays for things in is personal life , never about chelsea . '\"]\n", - "=======================\n", - "[\"jose mourinho said he is proud to work with underprivileged peoplehe claimed that he never discusses footballing issues with his wifein a wide-ranging interview he said he is a deeply religious personhe also claims that he is essentially a ` very good person ' despite his antics\"]\n", - "mourinho with his wife matilde faria at the 2014 victoria 's secret fashion show in londonthe father-of-two said that he and his family ` know about poverty ' and have been privileged to have worked with the word food programme as an ambassador against hunger .the former real madrid manager said he only prays for things in is personal life , never about chelsea . '\n", - "jose mourinho said he is proud to work with underprivileged peoplehe claimed that he never discusses footballing issues with his wifein a wide-ranging interview he said he is a deeply religious personhe also claims that he is essentially a ` very good person ' despite his antics\n", - "[1.1171129 1.3778658 1.2683817 1.2284945 1.2372015 1.1674035 1.1677235\n", - " 1.1426494 1.0651994 1.0602975 1.0563316 1.128068 1.099623 1.0450459\n", - " 1.0538841 1.0555795 1.0573272 1.061359 0. 0. ]\n", - "\n", - "[ 1 2 4 3 6 5 7 11 0 12 8 17 9 16 10 15 14 13 18 19]\n", - "=======================\n", - "[\"many of the smartphones on sale today - including apple 's iphones , samsung 's galaxy phones and lg phones - come with built-in fm chips .however , nearly two thirds of smartphones do not have the feature activated .now the radio industry , faced with the rise of digital radio , are calling for this to change .\"]\n", - "=======================\n", - "[\"many smartphones - including apple 's iphone - come with an fm chip installed but many are not switched on by the manufacturersbbc and other broadcasters are pushing to have radio capability turned onthey say it would allow users to listen to broadcasts without data chargesit could also prove a vital way of getting information during emergencies\"]\n", - "many of the smartphones on sale today - including apple 's iphones , samsung 's galaxy phones and lg phones - come with built-in fm chips .however , nearly two thirds of smartphones do not have the feature activated .now the radio industry , faced with the rise of digital radio , are calling for this to change .\n", - "many smartphones - including apple 's iphone - come with an fm chip installed but many are not switched on by the manufacturersbbc and other broadcasters are pushing to have radio capability turned onthey say it would allow users to listen to broadcasts without data chargesit could also prove a vital way of getting information during emergencies\n", - "[1.1876808 1.495256 1.2792251 1.3345208 1.3456111 1.10326 1.0627682\n", - " 1.0821402 1.0750262 1.0858474 1.0528133 1.0337012 1.0383129 1.0283042\n", - " 1.0854692 1.0418983 1.0216537 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 2 0 5 9 14 7 8 6 10 15 12 11 13 16 18 17 19]\n", - "=======================\n", - "[\"dominika petrinova , from the czech republic , was furious after her boyfriend erik meldik 's prank , which went viral after he posted it online .erik meldik screamed in pain as he tried to pull himself free after being glued to a chair by his girlfriendthe 27-year-old had burst into tears when she was told her dog sam had accidentally been put in the wash before mr meldik revealed the ` joke ' and that her beloved pet was safe and sound .\"]\n", - "=======================\n", - "[\"dominika petrinova glued naked boyfriend to a chair as painful revengeerik meldik cried as he tried to free his genitals from the waxing stripseventually he had to rip himself off the chair leaving behind hair and skinprank came after he claimed ms petrinova 's dog was in washing machine\"]\n", - "dominika petrinova , from the czech republic , was furious after her boyfriend erik meldik 's prank , which went viral after he posted it online .erik meldik screamed in pain as he tried to pull himself free after being glued to a chair by his girlfriendthe 27-year-old had burst into tears when she was told her dog sam had accidentally been put in the wash before mr meldik revealed the ` joke ' and that her beloved pet was safe and sound .\n", - "dominika petrinova glued naked boyfriend to a chair as painful revengeerik meldik cried as he tried to free his genitals from the waxing stripseventually he had to rip himself off the chair leaving behind hair and skinprank came after he claimed ms petrinova 's dog was in washing machine\n", - "[1.1011201 1.3766716 1.3279898 1.3712809 1.2776226 1.036219 1.1605439\n", - " 1.0509468 1.020778 1.0262896 1.0161555 1.0202599 1.0247197 1.0211823\n", - " 1.0255631 1.0830717 1.1010817 1.0404999 0. 0. ]\n", - "\n", - "[ 1 3 2 4 6 0 16 15 7 17 5 9 14 12 13 8 11 10 18 19]\n", - "=======================\n", - "['temperatures are due to rise throughout today peaking at 22c ( 72f ) tomorrow .that is 11c warmer than the uk april average and would beat the current 2015 high of 20.7 c ( 69f ) on easter sunday in aboyne , aberdeenshire .not only will that be the warmest temperature recorded this year , but it will also surpass the average daytime temperature for august .']\n", - "=======================\n", - "[\"22c forecast for south east is 11c warmer than average - and would beat 2015 high of 20.7 c in aberdeenshireamong the best coastal areas for warm weather tomorrow will be hunstanton in norfolk and whitstable in kentweather will stay mostly dry and sunny for next few days , but some showers are expected from late tomorrowdefra warns asthma sufferers and people with lung problems of ` very high ' air pollution in south east tomorrow\"]\n", - "temperatures are due to rise throughout today peaking at 22c ( 72f ) tomorrow .that is 11c warmer than the uk april average and would beat the current 2015 high of 20.7 c ( 69f ) on easter sunday in aboyne , aberdeenshire .not only will that be the warmest temperature recorded this year , but it will also surpass the average daytime temperature for august .\n", - "22c forecast for south east is 11c warmer than average - and would beat 2015 high of 20.7 c in aberdeenshireamong the best coastal areas for warm weather tomorrow will be hunstanton in norfolk and whitstable in kentweather will stay mostly dry and sunny for next few days , but some showers are expected from late tomorrowdefra warns asthma sufferers and people with lung problems of ` very high ' air pollution in south east tomorrow\n", - "[1.2711263 1.3708293 1.3721281 1.3654625 1.3745478 1.0935315 1.212461\n", - " 1.0992246 1.0309825 1.0659993 1.0465131 1.0238357 1.033919 1.0777277\n", - " 1.0847028 1.012977 1.0120077 1.0111661 1.0246706 1.0425828]\n", - "\n", - "[ 4 2 1 3 0 6 7 5 14 13 9 10 19 12 8 18 11 15 16 17]\n", - "=======================\n", - "['levi acre-kendall , 19 , was charged with one count of first-degree reckless homicide on fridaypeter kelly , who leaves behind a wife in addition to five children under the age of nine , was killed on tuesday night when he was stabbed in the chest after he and a friend argued with three teens .a 19-year-old minnesota teen has been charged with fatally stabbing a 34-year-old father-of-five after an argument on the wisconsin side of the st croix river.about swearing took a deadly turn .']\n", - "=======================\n", - "['peter kelly , 34 , was fatally stabbed on tuesday night at the st croix riverlevi acre-kendall , 19 , charged friday with first-degree reckless homicidemax sentence is 60 years of combined prison and extended supervisionkelly and friend were fishing on minnesota side of river and heard swearingasked three men on wisconsin side to be quiet and an argument ensuedkelly and friend drove over to other side and the fatal stabbing occurreddead man , who volunteered as a high school wrestling coach in his spare time , leaves behind a wife and five children , all under the age of nine']\n", - "levi acre-kendall , 19 , was charged with one count of first-degree reckless homicide on fridaypeter kelly , who leaves behind a wife in addition to five children under the age of nine , was killed on tuesday night when he was stabbed in the chest after he and a friend argued with three teens .a 19-year-old minnesota teen has been charged with fatally stabbing a 34-year-old father-of-five after an argument on the wisconsin side of the st croix river.about swearing took a deadly turn .\n", - "peter kelly , 34 , was fatally stabbed on tuesday night at the st croix riverlevi acre-kendall , 19 , charged friday with first-degree reckless homicidemax sentence is 60 years of combined prison and extended supervisionkelly and friend were fishing on minnesota side of river and heard swearingasked three men on wisconsin side to be quiet and an argument ensuedkelly and friend drove over to other side and the fatal stabbing occurreddead man , who volunteered as a high school wrestling coach in his spare time , leaves behind a wife and five children , all under the age of nine\n", - "[1.2701676 1.3972027 1.1863669 1.3672001 1.2848556 1.1583523 1.06912\n", - " 1.0570173 1.2614107 1.0400289 1.0262451 1.0697798 1.0929756 1.055326\n", - " 1.0264347 1.0305889 1.0106351 1.0235391 0. 0. ]\n", - "\n", - "[ 1 3 4 0 8 2 5 12 11 6 7 13 9 15 14 10 17 16 18 19]\n", - "=======================\n", - "[\"the snp leader has said she is prepared to work with labour to put mr miliband in number 10 , even if david cameron 's conservatives win more seats .nicola sturgeon today warned ed miliband that time is running out on her offer to help lock the tories out of powerthe snp is projected to win more than 40 seats in scotland at the election , potentially leaving them holding the balance of power if labour and the tories both fall short .\"]\n", - "=======================\n", - "['snp leader challenges miliband to respond to her offer of help after may 7sturgeon says she will put labour in power even if tories win more seatswarns the clock is ticking on her offer to help miliband get into no. 10']\n", - "the snp leader has said she is prepared to work with labour to put mr miliband in number 10 , even if david cameron 's conservatives win more seats .nicola sturgeon today warned ed miliband that time is running out on her offer to help lock the tories out of powerthe snp is projected to win more than 40 seats in scotland at the election , potentially leaving them holding the balance of power if labour and the tories both fall short .\n", - "snp leader challenges miliband to respond to her offer of help after may 7sturgeon says she will put labour in power even if tories win more seatswarns the clock is ticking on her offer to help miliband get into no. 10\n", - "[1.2956183 1.431382 1.406007 1.1707946 1.3056513 1.2097409 1.1192563\n", - " 1.0212842 1.0109282 1.0107846 1.0108398 1.1901114 1.0554545 1.1338977\n", - " 1.0807693 1.0506934 1.0545622 1.0084362 1.0087017 0. 0. ]\n", - "\n", - "[ 1 2 4 0 5 11 3 13 6 14 12 16 15 7 8 10 9 18 17 19 20]\n", - "=======================\n", - "[\"the chelsea manager has sided with arsene wenger in calling into the question the legitimacy of the award .real madrid superstar cristiano ronaldo is the current holder of the trophy which is voted for by national team managers and captains .cristiano ronaldo , winner of the ballon d'or on three occasions , is presented with last year 's award\"]\n", - "=======================\n", - "[\"arsene wenger called for the competition to be scrapped last yearand jose mourinho is in agreement with his great premier league rivalthe chelsea boss said : ` wenger is against the ballon d'or , and he 's right 'they are seven points ahead of arsenal with a game in handmourinho : i have a problem , i am getting better and better\"]\n", - "the chelsea manager has sided with arsene wenger in calling into the question the legitimacy of the award .real madrid superstar cristiano ronaldo is the current holder of the trophy which is voted for by national team managers and captains .cristiano ronaldo , winner of the ballon d'or on three occasions , is presented with last year 's award\n", - "arsene wenger called for the competition to be scrapped last yearand jose mourinho is in agreement with his great premier league rivalthe chelsea boss said : ` wenger is against the ballon d'or , and he 's right 'they are seven points ahead of arsenal with a game in handmourinho : i have a problem , i am getting better and better\n", - "[1.5455775 1.5112637 1.1814647 1.1949941 1.0557493 1.0524309 1.0356557\n", - " 1.0245695 1.123609 1.0331465 1.0184171 1.0180466 1.0233637 1.0679911\n", - " 1.0863299 1.183294 1.144427 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 15 2 16 8 14 13 4 5 6 9 7 12 10 11 19 17 18 20]\n", - "=======================\n", - "[\"pep guardiola was left purring at bayern munich 's first-half performance against porto as the club put a turbulent week behind them to storm in to the champions league semi-finals .bayern munich players celebrate in front of their fans after the 6-1 demolition of porto on tuesday nightbayern find out their semi-final opponents on thursday with guardiola 's former club barcelona already through to the last four and the winners of real madrid v atletico madrid and monaco v juventus to join them in the draw .\"]\n", - "=======================\n", - "[\"bayern munich beat porto 6-1 at the allianz arena on tuesday nightresult gave them a 7-4 aggregate victory in champions league last eightbayern manager pep guardiola hailed his players after the matchread : luis enrique ` happy ' to see pep guardiola prove doubters wrong\"]\n", - "pep guardiola was left purring at bayern munich 's first-half performance against porto as the club put a turbulent week behind them to storm in to the champions league semi-finals .bayern munich players celebrate in front of their fans after the 6-1 demolition of porto on tuesday nightbayern find out their semi-final opponents on thursday with guardiola 's former club barcelona already through to the last four and the winners of real madrid v atletico madrid and monaco v juventus to join them in the draw .\n", - "bayern munich beat porto 6-1 at the allianz arena on tuesday nightresult gave them a 7-4 aggregate victory in champions league last eightbayern manager pep guardiola hailed his players after the matchread : luis enrique ` happy ' to see pep guardiola prove doubters wrong\n", - "[1.3887522 1.2535421 1.2954024 1.1174078 1.1234823 1.1144625 1.105062\n", - " 1.1032159 1.0913457 1.1024059 1.1210295 1.0405874 1.0170809 1.0974936\n", - " 1.0525512 1.0552905 1.0824435 1.0474085 1.0342972 0. 0. ]\n", - "\n", - "[ 0 2 1 4 10 3 5 6 7 9 13 8 16 15 14 17 11 18 12 19 20]\n", - "=======================\n", - "[\"david letterman stunned his late show audience into silence with a joke branded ` disrespectful to women 'the veteran host was attempting to warm up the studio audience ahead of his show on monday when he made the off-colour gag .they asked what advice the scandal-hit comic would give to this year 's graduates .\"]\n", - "=======================\n", - "[\"david letterman made the joke while warming up his late show audiencecollege staffer asked what advice the ` scandal-scarred ' comic could givethe host told them ` treat a lady like a wh -- e , and a wh -- e like a lady 'joke was met with stunned silence with some branding it ` disrespectful '\"]\n", - "david letterman stunned his late show audience into silence with a joke branded ` disrespectful to women 'the veteran host was attempting to warm up the studio audience ahead of his show on monday when he made the off-colour gag .they asked what advice the scandal-hit comic would give to this year 's graduates .\n", - "david letterman made the joke while warming up his late show audiencecollege staffer asked what advice the ` scandal-scarred ' comic could givethe host told them ` treat a lady like a wh -- e , and a wh -- e like a lady 'joke was met with stunned silence with some branding it ` disrespectful '\n", - "[1.3665193 1.3483561 1.3133004 1.2859575 1.1526115 1.1385629 1.1232307\n", - " 1.0320405 1.0651492 1.0412301 1.0343474 1.0302294 1.0280277 1.0893339\n", - " 1.0316533 1.0722382 1.0536951 1.117021 1.0334159 1.1030678 1.0112897]\n", - "\n", - "[ 0 1 2 3 4 5 6 17 19 13 15 8 16 9 10 18 7 14 11 12 20]\n", - "=======================\n", - "[\"( cnn ) a duke student has admitted to hanging a noose made of rope from a tree near a student union , university officials said thursday .the prestigious private school did n't identify the student , citing federal privacy laws .in a news release , it said the student was no longer on campus and will face student conduct review .\"]\n", - "=======================\n", - "['student is no longer on duke university campus and will face disciplinary reviewschool officials identified student during investigation and the person admitted to hanging the noose , duke saysthe noose , made of rope , was discovered on campus about 2 a.m.']\n", - "( cnn ) a duke student has admitted to hanging a noose made of rope from a tree near a student union , university officials said thursday .the prestigious private school did n't identify the student , citing federal privacy laws .in a news release , it said the student was no longer on campus and will face student conduct review .\n", - "student is no longer on duke university campus and will face disciplinary reviewschool officials identified student during investigation and the person admitted to hanging the noose , duke saysthe noose , made of rope , was discovered on campus about 2 a.m.\n", - "[1.2760787 1.446797 1.2005781 1.0754158 1.3030092 1.2313379 1.1155438\n", - " 1.1211112 1.0322542 1.0270965 1.1366067 1.0725406 1.0757804 1.0642959\n", - " 1.1355283 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 5 2 10 14 7 6 12 3 11 13 8 9 19 15 16 17 18 20]\n", - "=======================\n", - "[\"officers of the central motorway police group ( cmpg ) spotted the delorean - a replica of the car used in the back to the future films - being carried on the back of a tranpsporter between stoke-on-trent and crewe yesterday morning .a motorway police patrol pulled over a car on suspicion of attempting to go back in time .officers joked that the futuristic-looking car from the 1980s had a ` leaky flux capacitor ' from the movie\"]\n", - "=======================\n", - "[\"the iconic 1980s vehicle was being transported between stoke and crewepolice stopped the the car on suspicion of having a ` leaky flux capacitor 'the car 's owner joined the fun asking the police for directions to 1985the movie trilogy starring michael j fox made # 750 million in the 1980s\"]\n", - "officers of the central motorway police group ( cmpg ) spotted the delorean - a replica of the car used in the back to the future films - being carried on the back of a tranpsporter between stoke-on-trent and crewe yesterday morning .a motorway police patrol pulled over a car on suspicion of attempting to go back in time .officers joked that the futuristic-looking car from the 1980s had a ` leaky flux capacitor ' from the movie\n", - "the iconic 1980s vehicle was being transported between stoke and crewepolice stopped the the car on suspicion of having a ` leaky flux capacitor 'the car 's owner joined the fun asking the police for directions to 1985the movie trilogy starring michael j fox made # 750 million in the 1980s\n", - "[1.4175651 1.2063153 1.0576199 1.1101975 1.1293738 1.1097867 1.190294\n", - " 1.0752993 1.0679344 1.1082283 1.0270187 1.0713828 1.0388197 1.0890797\n", - " 1.3469431 1.0672269 1.0882719 1.0222346]\n", - "\n", - "[ 0 14 1 6 4 3 5 9 13 16 7 11 8 15 2 12 10 17]\n", - "=======================\n", - "[\"at the meeting in paris between pep guardiola and roman abramovich in the summer of 2012 , the former barcelona coach made it clear that he craved stability .abramovich 's track record with managers had not been good , dispensing with claudio ranieri , jose mourinho , avram grant , luiz felipe scolari , carlo ancelotti and andre villas-boas when he raged against results .manuel pellegrini 's position at manchester city is under threat as they fight for fourth place\"]\n", - "=======================\n", - "[\"chelsea owner roman abramovich believed he had pep guardiola in 2012but the spaniard was spooked by abramovich 's regular hiring and firingguardiola craves the stability he has found at bayern munichand he will seek similar assurances should he join manchester citypellegrini 's time at the etihad appears to be drawing to a closecity are clinging on to fourth spot in thepremier leagueread : patrick vieira has all the tools to become next man city manager\"]\n", - "at the meeting in paris between pep guardiola and roman abramovich in the summer of 2012 , the former barcelona coach made it clear that he craved stability .abramovich 's track record with managers had not been good , dispensing with claudio ranieri , jose mourinho , avram grant , luiz felipe scolari , carlo ancelotti and andre villas-boas when he raged against results .manuel pellegrini 's position at manchester city is under threat as they fight for fourth place\n", - "chelsea owner roman abramovich believed he had pep guardiola in 2012but the spaniard was spooked by abramovich 's regular hiring and firingguardiola craves the stability he has found at bayern munichand he will seek similar assurances should he join manchester citypellegrini 's time at the etihad appears to be drawing to a closecity are clinging on to fourth spot in thepremier leagueread : patrick vieira has all the tools to become next man city manager\n", - "[1.2390286 1.1892022 1.3435475 1.1643647 1.147776 1.1687175 1.0840573\n", - " 1.0920532 1.037891 1.0579991 1.0591362 1.0671333 1.075169 1.168118\n", - " 1.0893453 1.0681635 0. 0. ]\n", - "\n", - "[ 2 0 1 5 13 3 4 7 14 6 12 15 11 10 9 8 16 17]\n", - "=======================\n", - "[\"for every last piece of hunting memorabilia has been removed from public display and replaced with what one visitor called ` trinkets and bric-a-brac ' .with its stuffed rhino heads and gleaming white tusks , the trophy room at sandringham was a relic of a bygone era -- as well as rather embarrassing for animal welfare crusader prince william .but now the age of political correctness appears to have caught up with the queen 's norfolk estate .\"]\n", - "=======================\n", - "['all hunting memorabilia removed from public display at norfolk estatemore than 60 items , including an indian tiger , have been placed in storageand the blood-red walls have been painted white to make change clearnew sign outside sandringham museum makes pointed reference to how changing times have spelled the end for some exhibits']\n", - "for every last piece of hunting memorabilia has been removed from public display and replaced with what one visitor called ` trinkets and bric-a-brac ' .with its stuffed rhino heads and gleaming white tusks , the trophy room at sandringham was a relic of a bygone era -- as well as rather embarrassing for animal welfare crusader prince william .but now the age of political correctness appears to have caught up with the queen 's norfolk estate .\n", - "all hunting memorabilia removed from public display at norfolk estatemore than 60 items , including an indian tiger , have been placed in storageand the blood-red walls have been painted white to make change clearnew sign outside sandringham museum makes pointed reference to how changing times have spelled the end for some exhibits\n", - "[1.2908576 1.5478661 1.269798 1.4275707 1.1598004 1.129985 1.1256795\n", - " 1.0203246 1.021382 1.0118917 1.0137608 1.0921118 1.0919867 1.0578055\n", - " 1.1162053 1.0337048 1.0342833 0. ]\n", - "\n", - "[ 1 3 0 2 4 5 6 14 11 12 13 16 15 8 7 10 9 17]\n", - "=======================\n", - "[\"iona costello , 51 , and daughter emily were going into the city when they were last seen on march 30 near their home in the the wealthy seaside village of greenport .a long island widow and her 14-year-old who have been missing for almost three weeks after a trip to new york city to see a play were stressed out by a legal battle , a relative said .relatives of the ` quiet irish family ' , who own a horse farm on long island 's north fork , reported them missing on tuesday .\"]\n", - "=======================\n", - "[\"iona costello , 51 , and her daughter emily , 14 , missing since late marchpair from posh suburb of greenport , long island , often went to showsvideo shows them with suitcases , but relatives began to worry after daughter began missing schoolmother told workers at her horse farm that she 'd be ` back on tuesday 'relative said that mrs costello had been ` under a lot of stress ' during the legal battle over her husband 's estate\"]\n", - "iona costello , 51 , and daughter emily were going into the city when they were last seen on march 30 near their home in the the wealthy seaside village of greenport .a long island widow and her 14-year-old who have been missing for almost three weeks after a trip to new york city to see a play were stressed out by a legal battle , a relative said .relatives of the ` quiet irish family ' , who own a horse farm on long island 's north fork , reported them missing on tuesday .\n", - "iona costello , 51 , and her daughter emily , 14 , missing since late marchpair from posh suburb of greenport , long island , often went to showsvideo shows them with suitcases , but relatives began to worry after daughter began missing schoolmother told workers at her horse farm that she 'd be ` back on tuesday 'relative said that mrs costello had been ` under a lot of stress ' during the legal battle over her husband 's estate\n", - "[1.3109779 1.4481076 1.3360763 1.312033 1.169344 1.0794578 1.1177855\n", - " 1.111972 1.0365534 1.0273522 1.0480407 1.0253023 1.051664 1.0273402\n", - " 1.0849913 1.0253332 1.0590669 0. ]\n", - "\n", - "[ 1 2 3 0 4 6 7 14 5 16 12 10 8 9 13 15 11 17]\n", - "=======================\n", - "[\"the 26-year-old , who was known as ` chris ' by uk soldiers , was hit in the leg when gunmen opened fire near his home in khost , eastern afghanistan .his son muhammad also sustained injuries in the attack , which chris says was the latest in a series of attempts to kill or kidnap him because of his time spent helping the british government -- which now wo n't let him come to the uk .an afghan interpreter who risked his life on the front line with british troops was shot with his two-year-old son by taliban hitmen after he says he was ` abandoned ' by the uk government .\"]\n", - "=======================\n", - "[\"` chris ' , who worked with sas and marines , was shot near home in khost26-year-old says taliban have attempted to kill or kidnap him several timesbut he says british government has dismissed his fears on ten occasionsimmigration scheme says he can not live in uk because of his dates of service\"]\n", - "the 26-year-old , who was known as ` chris ' by uk soldiers , was hit in the leg when gunmen opened fire near his home in khost , eastern afghanistan .his son muhammad also sustained injuries in the attack , which chris says was the latest in a series of attempts to kill or kidnap him because of his time spent helping the british government -- which now wo n't let him come to the uk .an afghan interpreter who risked his life on the front line with british troops was shot with his two-year-old son by taliban hitmen after he says he was ` abandoned ' by the uk government .\n", - "` chris ' , who worked with sas and marines , was shot near home in khost26-year-old says taliban have attempted to kill or kidnap him several timesbut he says british government has dismissed his fears on ten occasionsimmigration scheme says he can not live in uk because of his dates of service\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[1.1926043 1.4411697 1.250628 1.2790657 1.1831099 1.1986483 1.0683004\n", - " 1.0827827 1.116769 1.07601 1.0232072 1.043369 1.0747149 1.0443342\n", - " 1.0767865 1.1432536 1.1420976 1.0188203]\n", - "\n", - "[ 1 3 2 5 0 4 15 16 8 7 14 9 12 6 13 11 10 17]\n", - "=======================\n", - "[\"the 28 minute movie in which a woman , dressed as a school girl , has sex with a man in a vintage train carriage was filmed on board the epping ongar historic railway in south-west essex .locals in the area were shocked to learn the location , a favourite with families and children , had been rented out by its bosses to american adult film company brazzers , the brentwood gazette reported .parents have been outraged to discover a heritage railway attraction was used to shoot a ` hardcore schoolgirl ' porn film .\"]\n", - "=======================\n", - "['the 28 minute pornographic film was shot at epping ongar historic railwaya popular location for family days out , parents are outraged by decisionin the video a woman , dressed as a school girl , has sex in a wood carriagemanagers have apologised for the filming and for any offence caused']\n", - "the 28 minute movie in which a woman , dressed as a school girl , has sex with a man in a vintage train carriage was filmed on board the epping ongar historic railway in south-west essex .locals in the area were shocked to learn the location , a favourite with families and children , had been rented out by its bosses to american adult film company brazzers , the brentwood gazette reported .parents have been outraged to discover a heritage railway attraction was used to shoot a ` hardcore schoolgirl ' porn film .\n", - "the 28 minute pornographic film was shot at epping ongar historic railwaya popular location for family days out , parents are outraged by decisionin the video a woman , dressed as a school girl , has sex in a wood carriagemanagers have apologised for the filming and for any offence caused\n", - "[1.4516269 1.2000103 1.1735398 1.1620011 1.1150094 1.3288318 1.0870548\n", - " 1.0267963 1.0291051 1.0198104 1.0841409 1.0372969 1.0333612 1.024897\n", - " 1.1110774 1.0342643 1.0454843 1.1022273 1.0571353 1.053613 1.0289739]\n", - "\n", - "[ 0 5 1 2 3 4 14 17 6 10 18 19 16 11 15 12 8 20 7 13 9]\n", - "=======================\n", - "[\"kelly ripa has been grief stricken following the sad news that her friend , cosmetic surgeon dr fredric brandt , was found dead by suicide at his miami mansion on sunday .so it 's understandable that 44-year-old tv star was looking morose as she left her new york city apartment on tuesday .when appearing on her morning show she said , ` he was such a great man ... he was just a great person , a great friend , he will be missed - i can not tell you how much i will miss him .\"]\n", - "=======================\n", - "[\"cosmetic dermatologist to the stars fredric brandt was found dead at his coconut grove home in miami on sunday , aged 65ripa tweeted : ` my heart is breaking for the loss of dr. fredric brandt .on live with kelly & michael the 44-year-old said , ` he was a great man '\"]\n", - "kelly ripa has been grief stricken following the sad news that her friend , cosmetic surgeon dr fredric brandt , was found dead by suicide at his miami mansion on sunday .so it 's understandable that 44-year-old tv star was looking morose as she left her new york city apartment on tuesday .when appearing on her morning show she said , ` he was such a great man ... he was just a great person , a great friend , he will be missed - i can not tell you how much i will miss him .\n", - "cosmetic dermatologist to the stars fredric brandt was found dead at his coconut grove home in miami on sunday , aged 65ripa tweeted : ` my heart is breaking for the loss of dr. fredric brandt .on live with kelly & michael the 44-year-old said , ` he was a great man '\n", - "[1.4905015 1.1867728 1.1428621 1.2204792 1.2963797 1.2704375 1.0883118\n", - " 1.0212591 1.0157975 1.014491 1.0284706 1.045045 1.0187701 1.144799\n", - " 1.0387502 1.0815958 1.1845194 1.0905299 1.0452139 1.0821415 0. ]\n", - "\n", - "[ 0 4 5 3 1 16 13 2 17 6 19 15 18 11 14 10 7 12 8 9 20]\n", - "=======================\n", - "[\"poppy smart complained to police after accusing builders of sexual harassment for wolf-whistlingshe compared the wolf-whistling to racial discrimination and said it made her walk to work in worcester city centre an ` awful experience ' .finally , after a month of unwanted attention from the men on the building site , the marketing co-ordinator decided she 'd had enough -- and called the police .\"]\n", - "=======================\n", - "[\"poppy smart , 23 , accused builders of sexual harassment for wolf-whistlingcompared it to racial discrimination and asked other women to speak outbuilding firm claims cctv footage proves it was not one of their workerspolice investigated ms smart 's complaint but took no further action\"]\n", - "poppy smart complained to police after accusing builders of sexual harassment for wolf-whistlingshe compared the wolf-whistling to racial discrimination and said it made her walk to work in worcester city centre an ` awful experience ' .finally , after a month of unwanted attention from the men on the building site , the marketing co-ordinator decided she 'd had enough -- and called the police .\n", - "poppy smart , 23 , accused builders of sexual harassment for wolf-whistlingcompared it to racial discrimination and asked other women to speak outbuilding firm claims cctv footage proves it was not one of their workerspolice investigated ms smart 's complaint but took no further action\n", - "[1.1564072 1.5515354 1.3939371 1.2387872 1.2554016 1.23321 1.0679634\n", - " 1.0258161 1.0158224 1.0214586 1.1191602 1.0354294 1.0324775 1.0212708\n", - " 1.0956764 1.1742134 1.0586796 1.0429039 1.0569032 1.0600922 1.0160823]\n", - "\n", - "[ 1 2 4 3 5 15 0 10 14 6 19 16 18 17 11 12 7 9 13 20 8]\n", - "=======================\n", - "['jon huxley , 46 , hopes to cash in on the fifty shades of grey effect and attract guests from the gay and swinging communities at his hotel westward ho !he plans to install sex swings , bondage rooms and dungeons and have rooms of differing sizes to cater for couples and multiple groups .jon huxley hopes the change in hotel ethos can see his business grow']\n", - "=======================\n", - "[\"jon huxley , 46 , hopes to cash in on the fifty shades of grey effectplans for complete transformation of westward ho !describes the expected environment to be ` civilised and friendly '\"]\n", - "jon huxley , 46 , hopes to cash in on the fifty shades of grey effect and attract guests from the gay and swinging communities at his hotel westward ho !he plans to install sex swings , bondage rooms and dungeons and have rooms of differing sizes to cater for couples and multiple groups .jon huxley hopes the change in hotel ethos can see his business grow\n", - "jon huxley , 46 , hopes to cash in on the fifty shades of grey effectplans for complete transformation of westward ho !describes the expected environment to be ` civilised and friendly '\n", - "[1.2201611 1.5755739 1.121069 1.124086 1.1277236 1.0672022 1.2218779\n", - " 1.0897144 1.0932624 1.048256 1.1892216 1.049914 1.0746193 1.0586213\n", - " 1.0908921 1.1925402 1.0142831 1.010519 1.0328399 0. 0. ]\n", - "\n", - "[ 1 6 0 15 10 4 3 2 8 14 7 12 5 13 11 9 18 16 17 19 20]\n", - "=======================\n", - "['yassir ali , 29 , of no-fixed-abode , was stopped by traffic police in birmingham at 3.45 pm on february 22 after officers suspected the silver bmw 1 series may have been stolen .the man attempts to block the squad car while ali tries to escape at break-neck speeds .these are the unbelievable scenes captured on a police car dashcam when a man drove at 80 miles per hour in a bid to escape arrest .']\n", - "=======================\n", - "['yassir ali , 29 , flew through red lights during the two-minute chaseali was pulled over by police who suspected that his bmw was stolenali , of no-fixed-abode , sped off on a two-minute-long car chasehe crashed the bmw into a bollard in front of a shop and was arrested']\n", - "yassir ali , 29 , of no-fixed-abode , was stopped by traffic police in birmingham at 3.45 pm on february 22 after officers suspected the silver bmw 1 series may have been stolen .the man attempts to block the squad car while ali tries to escape at break-neck speeds .these are the unbelievable scenes captured on a police car dashcam when a man drove at 80 miles per hour in a bid to escape arrest .\n", - "yassir ali , 29 , flew through red lights during the two-minute chaseali was pulled over by police who suspected that his bmw was stolenali , of no-fixed-abode , sped off on a two-minute-long car chasehe crashed the bmw into a bollard in front of a shop and was arrested\n", - "[1.4258664 1.2592161 1.4682791 1.2184907 1.2109067 1.1793247 1.0476799\n", - " 1.0329661 1.1008761 1.0179985 1.0223897 1.0497005 1.0130395 1.0283929\n", - " 1.0999804 1.0397824 1.041871 1.0172341 1.0106251 1.0360602 0. ]\n", - "\n", - "[ 2 0 1 3 4 5 8 14 11 6 16 15 19 7 13 10 9 17 12 18 20]\n", - "=======================\n", - "[\"raymond allen - who is only a handful of people in the world to know its secret recipe - opened the first franchise in preston , lancashire , in 1965 .the businessman who brought kfc to the uk but has only ever eaten it once , says he will not go again and branded the fast-food chain ` dreadful . 'he had become a personal friend of harland ` the colonel ' sanders after meeting during a conference in chicago 50 years ago .\"]\n", - "=======================\n", - "[\"raymond allen has hand-written copy of the colonel 's secret recipeestablished uk franchise of restaurant in preston , lancashire , in 196587-year-old said company had strayed and should have ` stuck to chicken 'personal friend of ` the colonel ' sanders who was ` kind ' but ` forthright '\"]\n", - "raymond allen - who is only a handful of people in the world to know its secret recipe - opened the first franchise in preston , lancashire , in 1965 .the businessman who brought kfc to the uk but has only ever eaten it once , says he will not go again and branded the fast-food chain ` dreadful . 'he had become a personal friend of harland ` the colonel ' sanders after meeting during a conference in chicago 50 years ago .\n", - "raymond allen has hand-written copy of the colonel 's secret recipeestablished uk franchise of restaurant in preston , lancashire , in 196587-year-old said company had strayed and should have ` stuck to chicken 'personal friend of ` the colonel ' sanders who was ` kind ' but ` forthright '\n", - "[1.4182014 1.4030743 1.1041851 1.4611748 1.1467047 1.2145513 1.0432123\n", - " 1.0252302 1.0230993 1.0222518 1.0191351 1.0242735 1.019954 1.019263\n", - " 1.0179836 1.0190353 1.017017 1.0239598 1.0868291 1.0616136 1.0497844\n", - " 1.0186558 1.0987569 1.076147 ]\n", - "\n", - "[ 3 0 1 5 4 2 22 18 23 19 20 6 7 11 17 8 9 12 13 10 15 21 14 16]\n", - "=======================\n", - "[\"lewis hamilton was fastest in first practice for this weekend 's chinese grand prixferrari and sebastian vettel conjured one of the biggest surprises for many a formula one season with the team 's first victory for almost two years at the last race in malaysia .hamilton was over half-a-second clear of mercedes team-mate nico rosberg in opening practice\"]\n", - "=======================\n", - "['lewis hamilton over half-a-second clear of team-mate nico rosbergsebastian vettel was a further second adrift of the mercedes pairjenson button was 13th and fernando alonso 17th for mclaren']\n", - "lewis hamilton was fastest in first practice for this weekend 's chinese grand prixferrari and sebastian vettel conjured one of the biggest surprises for many a formula one season with the team 's first victory for almost two years at the last race in malaysia .hamilton was over half-a-second clear of mercedes team-mate nico rosberg in opening practice\n", - "lewis hamilton over half-a-second clear of team-mate nico rosbergsebastian vettel was a further second adrift of the mercedes pairjenson button was 13th and fernando alonso 17th for mclaren\n", - "[1.2082595 1.364224 1.2491429 1.1937991 1.2303993 1.1240522 1.1762654\n", - " 1.0321941 1.0279057 1.111162 1.0637599 1.0642188 1.0528445 1.0591903\n", - " 1.0683486 1.0452908 1.0335418 1.0238731 1.0591534 1.0977196 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 0 3 6 5 9 19 14 11 10 13 18 12 15 16 7 8 17 22 20 21 23]\n", - "=======================\n", - "['the findings , in the journal of the american medical association ( jama ) , are based on a study of about 95,000 young people .all those in the study had older siblings .numerous studies over the last 15 years have ruled out a link between the mmr vaccine and autism']\n", - "=======================\n", - "['the findings , in the journal of the american medical association , are based on a study of about 95,000 young peoplesome children in the study had elder siblings with autismbut researchers found vaccines had no effect on autism risk , whether or not a sibling in the family was diagnosed']\n", - "the findings , in the journal of the american medical association ( jama ) , are based on a study of about 95,000 young people .all those in the study had older siblings .numerous studies over the last 15 years have ruled out a link between the mmr vaccine and autism\n", - "the findings , in the journal of the american medical association , are based on a study of about 95,000 young peoplesome children in the study had elder siblings with autismbut researchers found vaccines had no effect on autism risk , whether or not a sibling in the family was diagnosed\n", - "[1.0585979 1.1819276 1.3314841 1.1663672 1.145217 1.1227463 1.0529852\n", - " 1.0224096 1.0218991 1.284086 1.101767 1.1373094 1.0490474 1.0517613\n", - " 1.032939 1.18919 1.0649961 1.0694278 1.055962 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 9 15 1 3 4 11 5 10 17 16 0 18 6 13 12 14 7 8 19 20 21 22 23]\n", - "=======================\n", - "['the prince , who begun a month-long secondment to the australian defence force on monday , took an hour-long break at the village during a training exercise with a norforce unit .warm welcome : prince harry arrived in australia on monday for his month-long secondmentthe prince is scheduled to spend the next month in australia and , once he comes to the end of his time with norforce , will spend the rest of the month stationed in sydney and perth .']\n", - "=======================\n", - "[\"prince harry made a surprise visit to a remote aboriginal villagewuggubugan is in the outback and 600 miles from darwin , the nearest cityharry just ` rocked up ' say thrilled locals and is a ` delightful chap '30-year-old has been in australia since monday and will stay for a month\"]\n", - "the prince , who begun a month-long secondment to the australian defence force on monday , took an hour-long break at the village during a training exercise with a norforce unit .warm welcome : prince harry arrived in australia on monday for his month-long secondmentthe prince is scheduled to spend the next month in australia and , once he comes to the end of his time with norforce , will spend the rest of the month stationed in sydney and perth .\n", - "prince harry made a surprise visit to a remote aboriginal villagewuggubugan is in the outback and 600 miles from darwin , the nearest cityharry just ` rocked up ' say thrilled locals and is a ` delightful chap '30-year-old has been in australia since monday and will stay for a month\n", - "[1.2816685 1.403134 1.148144 1.2254875 1.2637484 1.2006656 1.143046\n", - " 1.1297061 1.0641263 1.0439311 1.0623668 1.0718476 1.1043586 1.0448275\n", - " 1.0261395 1.0864083 1.0492276 1.0830688 1.0228523 1.0783991 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 3 5 2 6 7 12 15 17 19 11 8 10 16 13 9 14 18 20 21 22 23]\n", - "=======================\n", - "['the unidentified child caused the presidential residence to be closed off for a few moments on sunday afternoon .a four-year-old child climbed under a temporary bike rack along pennsylvania avenue triggering secret service to put the white house under lockdown .the incident is the second lockdown in washington only a day after a man shot and killed himself on saturday .']\n", - "=======================\n", - "['child climbed under a temporary bike rack along pennsylvania avenue causing lockdown on sunday afternoonthe unidentified child was reunited with parents following the incident']\n", - "the unidentified child caused the presidential residence to be closed off for a few moments on sunday afternoon .a four-year-old child climbed under a temporary bike rack along pennsylvania avenue triggering secret service to put the white house under lockdown .the incident is the second lockdown in washington only a day after a man shot and killed himself on saturday .\n", - "child climbed under a temporary bike rack along pennsylvania avenue causing lockdown on sunday afternoonthe unidentified child was reunited with parents following the incident\n", - "[1.2068492 1.387855 1.2008463 1.2159433 1.2655935 1.2499216 1.2301857\n", - " 1.0865014 1.0643471 1.1509387 1.095807 1.0165017 1.0559506 1.0631725\n", - " 1.0630316 1.0688405 1.0403848 1.0409886 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 4 5 6 3 0 2 9 10 7 15 8 13 14 12 17 16 11 18 19 20 21 22 23]\n", - "=======================\n", - "['the video taken in the forecourt of the sunoco gas station on north 5th street in philadelphia shows five people , including two children , storming out of a minivan and attacking the helpless 51-year-old .the encounter is believed to have been caused by a 10-year-old boy telling his mother the homeless man hit him - an allegation police have found no evidence of during their investigation .they then stamp on his head and continue punching him as he lies motionless .']\n", - "=======================\n", - "['shocking video captured at the sunoco on north 5th street in philadelphiafive attackers stream out of a minivan and target the helpless 51-year-oldafter beating him to the ground , they continue to stamp on his headtwo alleged attackers have been charged with attempted murderpolice are still searching for the other suspects involved in the attack']\n", - "the video taken in the forecourt of the sunoco gas station on north 5th street in philadelphia shows five people , including two children , storming out of a minivan and attacking the helpless 51-year-old .the encounter is believed to have been caused by a 10-year-old boy telling his mother the homeless man hit him - an allegation police have found no evidence of during their investigation .they then stamp on his head and continue punching him as he lies motionless .\n", - "shocking video captured at the sunoco on north 5th street in philadelphiafive attackers stream out of a minivan and target the helpless 51-year-oldafter beating him to the ground , they continue to stamp on his headtwo alleged attackers have been charged with attempted murderpolice are still searching for the other suspects involved in the attack\n", - "[1.0802407 1.3901337 1.4809489 1.2686186 1.1738017 1.1878551 1.1379786\n", - " 1.0661519 1.1142412 1.0325103 1.1006217 1.101743 1.0278263 1.0220424\n", - " 1.0111729 1.0159128]\n", - "\n", - "[ 2 1 3 5 4 6 8 11 10 0 7 9 12 13 15 14]\n", - "=======================\n", - "[\"the device , called the illume arclighter , creates a ` super high-intensity ' electrical arc and contains a rechargeable lithium-ion battery so users will never run out of fuel at a tricky moment again .a new lighter uses electricity to ignite , and it 's claimed to be the first flameless gadget of its kind .its inventors , based in edmonton , canada , are raising money to put the lighter into production on kickstarter and have almost doubled their goal .\"]\n", - "=======================\n", - "[\"illume arclighter creates a ` super high-intensity ' electrical arcit uses electricity stored in a lithium ion battery instead of standard fuelarc is smaller than an open flame , but is much hotter and does n't flare updevice is available to pre-order via kickstarter for cad$ 40 ( # 21 or us$ 32 )\"]\n", - "the device , called the illume arclighter , creates a ` super high-intensity ' electrical arc and contains a rechargeable lithium-ion battery so users will never run out of fuel at a tricky moment again .a new lighter uses electricity to ignite , and it 's claimed to be the first flameless gadget of its kind .its inventors , based in edmonton , canada , are raising money to put the lighter into production on kickstarter and have almost doubled their goal .\n", - "illume arclighter creates a ` super high-intensity ' electrical arcit uses electricity stored in a lithium ion battery instead of standard fuelarc is smaller than an open flame , but is much hotter and does n't flare updevice is available to pre-order via kickstarter for cad$ 40 ( # 21 or us$ 32 )\n", - "[1.3037353 1.1379453 1.3046156 1.2178582 1.3317862 1.1113863 1.1588954\n", - " 1.0946047 1.2404208 1.1876017 1.0288935 1.018615 1.022659 1.0361779\n", - " 1.0716435 1.0116063]\n", - "\n", - "[ 4 2 0 8 3 9 6 1 5 7 14 13 10 12 11 15]\n", - "=======================\n", - "[\"fake winner : kendall schler cheated her way to the front of the st. louis marathon courseher finish time that qualified her to run in monday 's boston marathon has now been erased , and her spot in the event has been vacated .schler was spotted at the beginning of the race and the end of the race , and while schler 's actual course is unknown , the starting point of the race are suspiciously just three blocks apart .\"]\n", - "=======================\n", - "[\"kendall schler crept onto the go !her times that qualified her to run in monday 's boston marathon have now been erased , and her spot in the event has been vacatedthe true winner of the race was a woman named angela karl\"]\n", - "fake winner : kendall schler cheated her way to the front of the st. louis marathon courseher finish time that qualified her to run in monday 's boston marathon has now been erased , and her spot in the event has been vacated .schler was spotted at the beginning of the race and the end of the race , and while schler 's actual course is unknown , the starting point of the race are suspiciously just three blocks apart .\n", - "kendall schler crept onto the go !her times that qualified her to run in monday 's boston marathon have now been erased , and her spot in the event has been vacatedthe true winner of the race was a woman named angela karl\n", - "[1.0916203 1.1284013 1.087181 1.322322 1.349967 1.3415954 1.0659723\n", - " 1.1026597 1.2111042 1.0778733 1.2249074 1.0707742 1.0633763 1.0111495\n", - " 1.0205877 1.0099442]\n", - "\n", - "[ 4 5 3 10 8 1 7 0 2 9 11 6 12 14 13 15]\n", - "=======================\n", - "[\"porto star striker jackson martinez was one of many players to look perplexed by their warm receptionporto boss julen lopetegui ( left ) was hugged by fans congratulating him on their champions league runporto supporters gave their team a hero 's welcome following their 6-1 defeat at bayern munich on tuesday\"]\n", - "=======================\n", - "['bayern munich beat porto 6-1 in their champions league tie on tuesdayresult saw bayern win quarter-final encounter 7-4 on aggregateit was the first-time porto had reached that stage since the 2008-09 season']\n", - "porto star striker jackson martinez was one of many players to look perplexed by their warm receptionporto boss julen lopetegui ( left ) was hugged by fans congratulating him on their champions league runporto supporters gave their team a hero 's welcome following their 6-1 defeat at bayern munich on tuesday\n", - "bayern munich beat porto 6-1 in their champions league tie on tuesdayresult saw bayern win quarter-final encounter 7-4 on aggregateit was the first-time porto had reached that stage since the 2008-09 season\n", - "[1.2271066 1.4961052 1.1545361 1.2238597 1.1504122 1.0526661 1.0316547\n", - " 1.0734586 1.0703713 1.0989594 1.0817077 1.0941203 1.0278575 1.1845106\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 3 13 2 4 9 11 10 7 8 5 6 12 14 15]\n", - "=======================\n", - "[\"peter tait , the headmaster of sherborne preparatory school in dorset , claimed parents have become ` dervishes ' about their children 's education and should take a back seat to allow them to develop naturally .parents need to keep their distance and trust schools and teachers instead of being ` dervishes ready to battle with anyone and anything on behalf of their child ' , a leading head teacher has said .writing in attain , the magazine for the independent association of prep schools , mr tait said the modern trend of interfering stemmed from parents being bombarded with information about how to raise a child .\"]\n", - "=======================\n", - "[\"headmaster peter tait claimed parents should trust their child 's educatorsexcessive interference could harm their children 's development , he saidhe made the comments for article in preparatory school magazine attain\"]\n", - "peter tait , the headmaster of sherborne preparatory school in dorset , claimed parents have become ` dervishes ' about their children 's education and should take a back seat to allow them to develop naturally .parents need to keep their distance and trust schools and teachers instead of being ` dervishes ready to battle with anyone and anything on behalf of their child ' , a leading head teacher has said .writing in attain , the magazine for the independent association of prep schools , mr tait said the modern trend of interfering stemmed from parents being bombarded with information about how to raise a child .\n", - "headmaster peter tait claimed parents should trust their child 's educatorsexcessive interference could harm their children 's development , he saidhe made the comments for article in preparatory school magazine attain\n", - "[1.3235195 1.4567165 1.2314696 1.2510662 1.1244104 1.1065953 1.0800272\n", - " 1.0556768 1.0995959 1.0464078 1.1522892 1.154325 1.0663038 1.0739491\n", - " 1.0145128 1.0592091]\n", - "\n", - "[ 1 0 3 2 11 10 4 5 8 6 13 12 15 7 9 14]\n", - "=======================\n", - "[\"the eccentrically-disguised man entered a branch of the u.s bank in the city of santa cruz at around 3pm last friday and handed the cashier a note demanding money .police in california have released surveillance images of a man who robbed a bank dressed in women 's clothing - leading investigators to compare his outfit with mrs doubtfire .santa cruz police said the man appeared to be aged between 25 and 35 , was about five foot five inches tall and weighed 160-170 pounds .\"]\n", - "=======================\n", - "['cross-dressing bankrobber entered u.s. bank in santa cruz on fridaycashier handed over money after being handed a note making demandsman wearing the exact same outfit was seen acting suspiciously outside a different bank an hour earlier']\n", - "the eccentrically-disguised man entered a branch of the u.s bank in the city of santa cruz at around 3pm last friday and handed the cashier a note demanding money .police in california have released surveillance images of a man who robbed a bank dressed in women 's clothing - leading investigators to compare his outfit with mrs doubtfire .santa cruz police said the man appeared to be aged between 25 and 35 , was about five foot five inches tall and weighed 160-170 pounds .\n", - "cross-dressing bankrobber entered u.s. bank in santa cruz on fridaycashier handed over money after being handed a note making demandsman wearing the exact same outfit was seen acting suspiciously outside a different bank an hour earlier\n", - "[1.408821 1.3566217 1.244293 1.2204283 1.2806191 1.1112071 1.1081283\n", - " 1.0342573 1.0558332 1.0232434 1.0465075 1.1076541 1.0370643 1.0150797\n", - " 1.0840766 1.2131536 1.0102514 0. 0. ]\n", - "\n", - "[ 0 1 4 2 3 15 5 6 11 14 8 10 12 7 9 13 16 17 18]\n", - "=======================\n", - "[\"( cnn ) the united nations is appealing for $ 174 million to help nigerian refugees who 've fled to neighboring nations following militant attacks .boko haram has killed thousands in the nation 's northeast by attacking villages , schools , churches and mosques .the militants have attacked relentlessly for six years , sending 192,000 people seeking shelter in cameroon , niger and chad .\"]\n", - "=======================\n", - "[\"boko haram has killed thousands in the nation 's northeast since 2009aid agencies are scrambling to provide the refugees with clean water , shelter , food and education\"]\n", - "( cnn ) the united nations is appealing for $ 174 million to help nigerian refugees who 've fled to neighboring nations following militant attacks .boko haram has killed thousands in the nation 's northeast by attacking villages , schools , churches and mosques .the militants have attacked relentlessly for six years , sending 192,000 people seeking shelter in cameroon , niger and chad .\n", - "boko haram has killed thousands in the nation 's northeast since 2009aid agencies are scrambling to provide the refugees with clean water , shelter , food and education\n", - "[1.2544935 1.5191975 1.2388247 1.2124262 1.3571435 1.1390362 1.0882851\n", - " 1.0910062 1.0237457 1.0130891 1.0338099 1.1258157 1.1324998 1.1298466\n", - " 1.082052 1.0292335 1.0111121 0. 0. ]\n", - "\n", - "[ 1 4 0 2 3 5 12 13 11 7 6 14 10 15 8 9 16 17 18]\n", - "=======================\n", - "['the 47-year-old man from warwick , 150km south-west of brisbane , has been accused of sexually abusing 28 children from three states , including taking some of his victims to hotel rooms where he allegedly raped them .an alleged online sex offender accused of raping five children and involving 20 more in the making of child pornography has been charged with 145 child exploitation offences .police allege the man used a range of social media sites to prey on children under the age of 16 and in some cases arranged meetings so he could physically abuse them and use them to make child pornography .']\n", - "=======================\n", - "['man , 47 , faces 145 child exploitation offences after targeting kids onlinewarwick man is accused of sexually abusing 28 children from three statesvictims could be as far as wa , as well as in victoria , qld and nswhe allegedly used social media to prey on children under the age of 16in some cases he allegedly arranged meetings to physically abuse themhe is also accused of forcing them to make child pornography']\n", - "the 47-year-old man from warwick , 150km south-west of brisbane , has been accused of sexually abusing 28 children from three states , including taking some of his victims to hotel rooms where he allegedly raped them .an alleged online sex offender accused of raping five children and involving 20 more in the making of child pornography has been charged with 145 child exploitation offences .police allege the man used a range of social media sites to prey on children under the age of 16 and in some cases arranged meetings so he could physically abuse them and use them to make child pornography .\n", - "man , 47 , faces 145 child exploitation offences after targeting kids onlinewarwick man is accused of sexually abusing 28 children from three statesvictims could be as far as wa , as well as in victoria , qld and nswhe allegedly used social media to prey on children under the age of 16in some cases he allegedly arranged meetings to physically abuse themhe is also accused of forcing them to make child pornography\n", - "[1.4062638 1.2865243 1.2436683 1.3894787 1.2864974 1.2630705 1.0486915\n", - " 1.0313458 1.0288426 1.0450336 1.0314299 1.0086484 1.0953244 1.279813\n", - " 1.0134352 1.0180051 1.1131182 1.0097343 1.0067209]\n", - "\n", - "[ 0 3 1 4 13 5 2 16 12 6 9 10 7 8 15 14 17 11 18]\n", - "=======================\n", - "[\"ronald koeman held a meeting with southampton 's players to refocus their minds on european qualification after victor wanyama 's future came under question .this weekend is arguably saints ' biggest match of their season , with former manager mauricio pochettino returning to st mary 's for the first time since leaving for tottenham in the summer .morgan schneiderlin has been linked with moves to arsenal and tottenham in another saints firesale\"]\n", - "=======================\n", - "[\"ronald koeman called a meeting to refocus his southampton playersvictor wanyama appeared to hint that he wanted to leave in an interviewmorgan schneiderlin , nathaniel clyne and jay rodriguez linked to movesbut koeman slams talk wanyama wants to leave for arsenal as ` bulls *** 'saints still have a chance of securing european football for next seasonread : victor wanyama quashes reports he 's spoken to arsene wenger\"]\n", - "ronald koeman held a meeting with southampton 's players to refocus their minds on european qualification after victor wanyama 's future came under question .this weekend is arguably saints ' biggest match of their season , with former manager mauricio pochettino returning to st mary 's for the first time since leaving for tottenham in the summer .morgan schneiderlin has been linked with moves to arsenal and tottenham in another saints firesale\n", - "ronald koeman called a meeting to refocus his southampton playersvictor wanyama appeared to hint that he wanted to leave in an interviewmorgan schneiderlin , nathaniel clyne and jay rodriguez linked to movesbut koeman slams talk wanyama wants to leave for arsenal as ` bulls *** 'saints still have a chance of securing european football for next seasonread : victor wanyama quashes reports he 's spoken to arsene wenger\n", - "[1.2584109 1.4033146 1.2893147 1.3581581 1.2571008 1.2046534 1.1016384\n", - " 1.0379417 1.0342177 1.0113255 1.0562428 1.1285079 1.1181083 1.1331612\n", - " 1.0449044 1.0075558 1.0260406 1.0959 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 13 11 12 6 17 10 14 7 8 16 9 15 18]\n", - "=======================\n", - "['the swedish retailer has been forced to take action to stop visitors kicking off their shoes and going to sleep on their beds and sofas .sleepy shoppers in china have had a rude awakening -- after being banned from napping in furniture store ikea .the practice has become widespread in ikea stores - with shoppers coming in especially to take a nap']\n", - "=======================\n", - "['exhausted shoppers regularly fall asleep in ikea stores across chinacheeky nappers kick off their shoes and get under the covers of displaysmanagers forced to ban visitors from taking off their shoes to go to sleep']\n", - "the swedish retailer has been forced to take action to stop visitors kicking off their shoes and going to sleep on their beds and sofas .sleepy shoppers in china have had a rude awakening -- after being banned from napping in furniture store ikea .the practice has become widespread in ikea stores - with shoppers coming in especially to take a nap\n", - "exhausted shoppers regularly fall asleep in ikea stores across chinacheeky nappers kick off their shoes and get under the covers of displaysmanagers forced to ban visitors from taking off their shoes to go to sleep\n", - "[1.045597 1.0494123 1.3649702 1.3228502 1.2372133 1.25327 1.1720724\n", - " 1.1114545 1.099356 1.0908678 1.0516644 1.0970638 1.0801117 1.0212113\n", - " 1.0171252 1.0122547 1.0217867 0. 0. ]\n", - "\n", - "[ 2 3 5 4 6 7 8 11 9 12 10 1 0 16 13 14 15 17 18]\n", - "=======================\n", - "[\"meet some of the more than 200 members of check it , the only documented gang of gay and transgender youths in america .the teenagers and young adults , who have faced discrimination throughout their entire lives , are the subjects of a new independent documentary .but now , the ` tight-knit ' gang members , who are aged 14 to 22 , are fighting to break the cycle of poverty and violence that they have grown up in .\"]\n", - "=======================\n", - "[\"check it was formed by group of ` bullied ninth graders ' in the washington dc neighborhood of trinidad in 2005it is the only recorded gang of gay and transgender youths in america , with more than 200 members at presentnew documentary , also called check it , tells how members are now trying to break cycle of poverty and violencethey are working on their own clothing label , putting on fashion shows and even doing stints as runway modelsone of the film 's co-directors said : ` being gay and black ... it 's like a nightmare waiting to happen '\"]\n", - "meet some of the more than 200 members of check it , the only documented gang of gay and transgender youths in america .the teenagers and young adults , who have faced discrimination throughout their entire lives , are the subjects of a new independent documentary .but now , the ` tight-knit ' gang members , who are aged 14 to 22 , are fighting to break the cycle of poverty and violence that they have grown up in .\n", - "check it was formed by group of ` bullied ninth graders ' in the washington dc neighborhood of trinidad in 2005it is the only recorded gang of gay and transgender youths in america , with more than 200 members at presentnew documentary , also called check it , tells how members are now trying to break cycle of poverty and violencethey are working on their own clothing label , putting on fashion shows and even doing stints as runway modelsone of the film 's co-directors said : ` being gay and black ... it 's like a nightmare waiting to happen '\n", - "[1.233344 1.3630471 1.2740331 1.216153 1.1790158 1.2347132 1.236152\n", - " 1.1218394 1.1595639 1.1862485 1.0764887 1.0871577 1.0359205 1.0233011\n", - " 1.0116409 1.0252848 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 6 5 0 3 9 4 8 7 11 10 12 15 13 14 25 16 17 18 19 20 21 22\n", - " 23 24 26]\n", - "=======================\n", - "[\"the ukip leader said ` millions ' of refugees could arrive on boats in europe over the next few years unless they are intercepted and turned back now .mr farage urged prime minister david cameron to resist pressure at an emergency summit of eu leaders in brussels tomorrow for britain to take in large numbers of refugees brought across the mediterranean by people-smugglers .up to 950 people are believed to have drowned in a shipwreck off the coast of libya on saturday , according to the office of the united nations high commissioner for refugees .\"]\n", - "=======================\n", - "[\"ukip leader said ` millions ' of refugees could arrive on boats in europehe said britain could only take ' a few thousand ' refugees but no moreup to 950 refugees drowned trying to reach italy on saturdayboris johnson called on the pm to send the sas to libya to solve crisis\"]\n", - "the ukip leader said ` millions ' of refugees could arrive on boats in europe over the next few years unless they are intercepted and turned back now .mr farage urged prime minister david cameron to resist pressure at an emergency summit of eu leaders in brussels tomorrow for britain to take in large numbers of refugees brought across the mediterranean by people-smugglers .up to 950 people are believed to have drowned in a shipwreck off the coast of libya on saturday , according to the office of the united nations high commissioner for refugees .\n", - "ukip leader said ` millions ' of refugees could arrive on boats in europehe said britain could only take ' a few thousand ' refugees but no moreup to 950 refugees drowned trying to reach italy on saturdayboris johnson called on the pm to send the sas to libya to solve crisis\n", - "[1.3232455 1.5985724 1.1640486 1.2089404 1.3553059 1.0160824 1.0119233\n", - " 1.0138419 1.0157 1.0213964 1.0474105 1.0446659 1.0702175 1.0288187\n", - " 1.0238339 1.0215389 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 3 2 12 10 11 13 14 15 9 5 8 7 6 24 23 22 21 17 19 18 16\n", - " 25 20 26]\n", - "=======================\n", - "['craig davies bagged a brace after eidur gudjohnsen hammered the trotters in front , with 62-time england international emile heskey proving his worth by laying on two assists .craig davies fired a double to ensure his side claimed all three points at the cardiff city stadiumbolton look to have secured their sky bet championship status after shocking cardiff to claim a 3-0 triumph in the welsh capital .']\n", - "=======================\n", - "['eidur gudjohnsen rolled back the years to open the scoringcraig davies fired home a second-half brace to ensure his side claimed wincardiff and bolton remain in mid-table with five games to go']\n", - "craig davies bagged a brace after eidur gudjohnsen hammered the trotters in front , with 62-time england international emile heskey proving his worth by laying on two assists .craig davies fired a double to ensure his side claimed all three points at the cardiff city stadiumbolton look to have secured their sky bet championship status after shocking cardiff to claim a 3-0 triumph in the welsh capital .\n", - "eidur gudjohnsen rolled back the years to open the scoringcraig davies fired home a second-half brace to ensure his side claimed wincardiff and bolton remain in mid-table with five games to go\n", - "[1.06729 1.2127644 1.2711837 1.0642829 1.4140283 1.1271541 1.1959958\n", - " 1.0892206 1.040338 1.0273572 1.0350876 1.0398575 1.0495406 1.0696331\n", - " 1.0449443 1.0355879 1.0243207 1.020992 1.0214 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 2 1 6 5 7 13 0 3 12 14 8 11 15 10 9 16 18 17 19 20 21 22 23\n", - " 24 25 26]\n", - "=======================\n", - "[\"celtic left back emilo izaguirre has called on his team-mates to focus their attention on winning the league titleronny deila 's men looked like a tired team by time-up at hampden .the good news for celtic is that they have an immediate opportunity to both vent their frustration and exorcise any sense of helplessness created by sunday 's controversial scottish cup semi-final loss .\"]\n", - "=======================\n", - "[\"emilo izaguirre has rallied his team-mates ahead of final six league gamesceltic 's hopes of winning domestic treble came to an end on sundayronny deila 's side were knocked out of the scottish cup semi-finalread : celtic write to sfa over josh meekings handball controversy\"]\n", - "celtic left back emilo izaguirre has called on his team-mates to focus their attention on winning the league titleronny deila 's men looked like a tired team by time-up at hampden .the good news for celtic is that they have an immediate opportunity to both vent their frustration and exorcise any sense of helplessness created by sunday 's controversial scottish cup semi-final loss .\n", - "emilo izaguirre has rallied his team-mates ahead of final six league gamesceltic 's hopes of winning domestic treble came to an end on sundayronny deila 's side were knocked out of the scottish cup semi-finalread : celtic write to sfa over josh meekings handball controversy\n", - "[1.165878 1.515625 1.1469257 1.121782 1.064604 1.0453707 1.0427682\n", - " 1.0454013 1.2671348 1.2831713 1.0731717 1.0204455 1.0222663 1.0152075\n", - " 1.0316361 1.047644 1.0243913 1.0141642 1.0234514 1.0162358 1.0734593\n", - " 1.0179532 1.046294 1.0417786 1.0113872 1.0109247 1.0080987]\n", - "\n", - "[ 1 9 8 0 2 3 20 10 4 15 22 7 5 6 23 14 16 18 12 11 21 19 13 17\n", - " 24 25 26]\n", - "=======================\n", - "['tiger woods is the 111th best golfer in the world .tiger woods was all smiles as he played a practice around ahead of his 20th appearance at the mastersjudging by some of the stuff said and written about woods in the build-up to his 20th masters , it will be an achievement if he makes the cut .']\n", - "=======================\n", - "[\"tiger woods begins his 20th masters ranked a lowly 111th in the worldformer world no 1 turned on the charm ahead of masters 2015 at augustaamerican was joined by girlfriend lindsay vonn and his childrena fifth green jacket would take the 39-year-old 's major haul to 15click here for all the latest news from the masters 2015\"]\n", - "tiger woods is the 111th best golfer in the world .tiger woods was all smiles as he played a practice around ahead of his 20th appearance at the mastersjudging by some of the stuff said and written about woods in the build-up to his 20th masters , it will be an achievement if he makes the cut .\n", - "tiger woods begins his 20th masters ranked a lowly 111th in the worldformer world no 1 turned on the charm ahead of masters 2015 at augustaamerican was joined by girlfriend lindsay vonn and his childrena fifth green jacket would take the 39-year-old 's major haul to 15click here for all the latest news from the masters 2015\n", - "[1.3357494 1.2884312 1.355115 1.3474342 1.1629632 1.1538322 1.0733035\n", - " 1.1242944 1.041872 1.0100847 1.1408929 1.1622645 1.0130347 1.0129777\n", - " 1.0427729 1.1357089 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 1 4 11 5 10 15 7 6 14 8 12 13 9 16 17 18 19 20 21 22 23\n", - " 24 25 26]\n", - "=======================\n", - "[\"the ultimate toy cupboard will house up to 114 cars and have five-star accommodation for chauffeurs and staff .it is being built by the billionaire emir of dubai , sheikh mohammed bin rashid al maktoum , one of the world 's richest men .the ruler of dubai is set to build a personal six-storey super car park in london for his fleet of more than 100 luxury motors .\"]\n", - "=======================\n", - "['car park will be next to battersea heliport so sheik can fly inwill feature two basement floors and six levels above groundneighbours worried about volume of traffic it will bring to areathey say his enormous wealth should not be put before local needs']\n", - "the ultimate toy cupboard will house up to 114 cars and have five-star accommodation for chauffeurs and staff .it is being built by the billionaire emir of dubai , sheikh mohammed bin rashid al maktoum , one of the world 's richest men .the ruler of dubai is set to build a personal six-storey super car park in london for his fleet of more than 100 luxury motors .\n", - "car park will be next to battersea heliport so sheik can fly inwill feature two basement floors and six levels above groundneighbours worried about volume of traffic it will bring to areathey say his enormous wealth should not be put before local needs\n", - "[1.4816236 1.0632031 1.4974658 1.1182275 1.0576514 1.0462605 1.3287766\n", - " 1.1204412 1.0268446 1.0571532 1.0674556 1.0423952 1.1400776 1.0379006\n", - " 1.018438 1.063621 0. 0. ]\n", - "\n", - "[ 2 0 6 12 7 3 10 15 1 4 9 5 11 13 8 14 16 17]\n", - "=======================\n", - "[\"bale joined cristiano ronaldo and co for their second day back at training as they prepared for their first match back after the devastating loss to barcelona that saw them fall four points behind the la liga leaders .gareth bale drives an unstoppable left-footed bullet in at the far post during a routine training drill as real madrid train on wednesday .the under fire winger returns to madrid on the back of a vital double for wales against israel as they claimed top spot in euro 2016 qualifying 's group b.\"]\n", - "=======================\n", - "[\"gareth bale was on target in training with real madrid on wednesdayhe returned to real madrid on the back of a double for walesalvaro arbeloa said he could n't understand the ` witch hunt ' against balereal madrid host 19th-placed granada at the bernabeu on sundaythe match is real 's first since their el clasico defeat at barcelonaclick here for the latest real madrid news\"]\n", - "bale joined cristiano ronaldo and co for their second day back at training as they prepared for their first match back after the devastating loss to barcelona that saw them fall four points behind the la liga leaders .gareth bale drives an unstoppable left-footed bullet in at the far post during a routine training drill as real madrid train on wednesday .the under fire winger returns to madrid on the back of a vital double for wales against israel as they claimed top spot in euro 2016 qualifying 's group b.\n", - "gareth bale was on target in training with real madrid on wednesdayhe returned to real madrid on the back of a double for walesalvaro arbeloa said he could n't understand the ` witch hunt ' against balereal madrid host 19th-placed granada at the bernabeu on sundaythe match is real 's first since their el clasico defeat at barcelonaclick here for the latest real madrid news\n", - "[1.1002617 1.3547528 1.3839034 1.2111053 1.1935129 1.1027805 1.1279756\n", - " 1.1952858 1.1150017 1.1041211 1.2165087 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 10 3 7 4 6 8 9 5 0 11 12 13 14 15 16 17]\n", - "=======================\n", - "[\"the 23-year-old also scored in brazil 's recent 3-1 victory against france in paris for good measure .the chelsea forward has a capital one cup medal to his name this season while his side are currently commanding a six-point lead at the summit of the premier league standings .juventus scouts were at the stade de france to watch oscar in action\"]\n", - "=======================\n", - "[\"chelsea lead manchester city by six points at the premier league summitoscar scored in brazil 's recent 3-1 victory against francejuventus scouts were present in paris to watch oscar in action\"]\n", - "the 23-year-old also scored in brazil 's recent 3-1 victory against france in paris for good measure .the chelsea forward has a capital one cup medal to his name this season while his side are currently commanding a six-point lead at the summit of the premier league standings .juventus scouts were at the stade de france to watch oscar in action\n", - "chelsea lead manchester city by six points at the premier league summitoscar scored in brazil 's recent 3-1 victory against francejuventus scouts were present in paris to watch oscar in action\n", - "[1.0581391 1.0575908 1.4453605 1.2752094 1.1965332 1.1541958 1.0767809\n", - " 1.0878836 1.1268159 1.0632155 1.0825244 1.0327083 1.0959965 1.0941234\n", - " 1.0682455 1.039821 1.0185547 0. ]\n", - "\n", - "[ 2 3 4 5 8 12 13 7 10 6 14 9 0 1 15 11 16 17]\n", - "=======================\n", - "['a new study has found that acetaminophen , the main ingredient in tylenol , most forms of midol and more than 600 other medicines , reduces not only pain but pleasure , as well .the authors of the study , which was published this week in psychological science , say that it was already known that acetaminophen blunted psychological pain .but their new research led them to the conclusion that it also blunted joy -- in other words , that it narrowed the range of feelings experienced .']\n", - "=======================\n", - "['subjects taking acetaminophen reacted less strongly to both pleasant and unpleasant photoseach week , 52 million americans use the pain relieverunknown whether other pain products produce the same effect']\n", - "a new study has found that acetaminophen , the main ingredient in tylenol , most forms of midol and more than 600 other medicines , reduces not only pain but pleasure , as well .the authors of the study , which was published this week in psychological science , say that it was already known that acetaminophen blunted psychological pain .but their new research led them to the conclusion that it also blunted joy -- in other words , that it narrowed the range of feelings experienced .\n", - "subjects taking acetaminophen reacted less strongly to both pleasant and unpleasant photoseach week , 52 million americans use the pain relieverunknown whether other pain products produce the same effect\n", - "[1.4979664 1.4792799 1.127007 1.5010527 1.0286801 1.0177329 1.0232983\n", - " 1.1352774 1.0601814 1.3682492 1.1261486 1.0188248 1.0148016 1.0140666\n", - " 1.010221 1.0438085 1.0164213 1.0133309]\n", - "\n", - "[ 3 0 1 9 7 2 10 8 15 4 6 11 5 16 12 13 17 14]\n", - "=======================\n", - "[\"manu tuilagi has not featured for england since the three-test summer tour of new zealand in 2014england centre manu tuilagi is taking his rehabilitation ` week by week ' as the powerhouse midfielder continues his recovery from a troublesome groin injury that has sidelined him for most of the season .tuilagi has been out of action since october and missed the autumn internationals as well as england 's entire rbs 6 nations campaign - but the 23-year-old is targeting a return to action in the summer in time for his country 's pre-world cup preparations .\"]\n", - "=======================\n", - "[\"manu tuilagi has been out of action since octoberthe leicester tigers centre has struggled with a groin injury all seasontuilagi is hoping to be back in time for england 's pre-world cup plans\"]\n", - "manu tuilagi has not featured for england since the three-test summer tour of new zealand in 2014england centre manu tuilagi is taking his rehabilitation ` week by week ' as the powerhouse midfielder continues his recovery from a troublesome groin injury that has sidelined him for most of the season .tuilagi has been out of action since october and missed the autumn internationals as well as england 's entire rbs 6 nations campaign - but the 23-year-old is targeting a return to action in the summer in time for his country 's pre-world cup preparations .\n", - "manu tuilagi has been out of action since octoberthe leicester tigers centre has struggled with a groin injury all seasontuilagi is hoping to be back in time for england 's pre-world cup plans\n", - "[1.0890142 1.4844968 1.3269732 1.1298664 1.2008955 1.0705156 1.0473466\n", - " 1.1625965 1.1051414 1.0321078 1.0324532 1.0336795 1.0258667 1.1105578\n", - " 1.1813195 1.0497873 1.035627 0. ]\n", - "\n", - "[ 1 2 4 14 7 3 13 8 0 5 15 6 16 11 10 9 12 17]\n", - "=======================\n", - "[\"ocean photographer lloyd meudell started taking images of the sea with a gopro after being an avid surfer his entire life .he formed an obsession with photography and after purchasing all the high end equipment , he began to shoot ocean foam , calling the venture ` foam surrealism . 'an ocean photographer has captured the unique and surreal moment ocean foam hits the sand\"]\n", - "=======================\n", - "[\"an ocean photographer has captured the unique and surreal moment ocean foam hits the sandsurfer lloyd meudell formed a severe photography obsession after buying a gopro two years agohe now shoots on a eos 5d mark iii dslr and uses numerous lenses but does not reveal his secretsthe ` foam surrealism ' pieces are shot on the south coast of nsw at kiama beach through to gerrigongmr meudell 's shots draw from works of surrealism such as salvador dali and appear very dream-like\"]\n", - "ocean photographer lloyd meudell started taking images of the sea with a gopro after being an avid surfer his entire life .he formed an obsession with photography and after purchasing all the high end equipment , he began to shoot ocean foam , calling the venture ` foam surrealism . 'an ocean photographer has captured the unique and surreal moment ocean foam hits the sand\n", - "an ocean photographer has captured the unique and surreal moment ocean foam hits the sandsurfer lloyd meudell formed a severe photography obsession after buying a gopro two years agohe now shoots on a eos 5d mark iii dslr and uses numerous lenses but does not reveal his secretsthe ` foam surrealism ' pieces are shot on the south coast of nsw at kiama beach through to gerrigongmr meudell 's shots draw from works of surrealism such as salvador dali and appear very dream-like\n", - "[1.0419844 1.2019191 1.2570212 1.1555046 1.2116476 1.2299304 1.1206148\n", - " 1.1366347 1.0995587 1.0428469 1.0693123 1.0769073 1.0548227 1.05829\n", - " 1.058445 1.0320951 1.0126215 0. 0. ]\n", - "\n", - "[ 2 5 4 1 3 7 6 8 11 10 14 13 12 9 0 15 16 17 18]\n", - "=======================\n", - "['it could even have been a form of emergency surgery for battle wounds .at 30 angstroms -- a unit of measurement equal to one hundred millionth of a centimeter -- an obsidian scalpel can rival diamond in the fineness of its edge .obsidian -- a type of volcanic glass -- can produce cutting edges many times finer than even the best steel scalpels .']\n", - "=======================\n", - "['obsidian can produce cutting edges many times finer than even the best steel scalpelssome surgeons still use the blades in procedures today']\n", - "it could even have been a form of emergency surgery for battle wounds .at 30 angstroms -- a unit of measurement equal to one hundred millionth of a centimeter -- an obsidian scalpel can rival diamond in the fineness of its edge .obsidian -- a type of volcanic glass -- can produce cutting edges many times finer than even the best steel scalpels .\n", - "obsidian can produce cutting edges many times finer than even the best steel scalpelssome surgeons still use the blades in procedures today\n", - "[1.2279936 1.4344325 1.226959 1.2981528 1.2192595 1.1371062 1.0437107\n", - " 1.0503224 1.1196709 1.042124 1.0643857 1.0382307 1.0311916 1.0261661\n", - " 1.1703286 1.098412 1.1512793 1.0193247 1.0423089]\n", - "\n", - "[ 1 3 0 2 4 14 16 5 8 15 10 7 6 18 9 11 12 13 17]\n", - "=======================\n", - "['timothy fradeneck was arraigned on first-degree murder charges in the deaths of his wife and children , whose bodies were found monday in their eastpointe , michigan home .authorities say that fradeneck used a usb cord to kill 37-year-old christine fradeneck and the children , celeste fradeneck and timothy fradeneck iii ( called trey ) .a 38-year-old man accused of strangling his wife , their 2-year-old daughter and their 8-year-old son told a judge wednesday that he wants to plead insanity .']\n", - "=======================\n", - "[\"timothy fradeneck , 38 , appeared in court on wednesday as he was arraigned on first-degree murder and child abuse chargesfradeneck 's wife christine , 37 , their 2-year-old daughter celeste and 8-year-old son timothy iii were found dead in their home on mondaywhen police searched the home , fradeneck allegedly confessed to strangling all three with a usb cordin court on wednesday , fradeneck was emotionless through the proceedings and prematurely tried to enter an insanity pleaif convicted on the charges , he could spend the rest of his life in prison\"]\n", - "timothy fradeneck was arraigned on first-degree murder charges in the deaths of his wife and children , whose bodies were found monday in their eastpointe , michigan home .authorities say that fradeneck used a usb cord to kill 37-year-old christine fradeneck and the children , celeste fradeneck and timothy fradeneck iii ( called trey ) .a 38-year-old man accused of strangling his wife , their 2-year-old daughter and their 8-year-old son told a judge wednesday that he wants to plead insanity .\n", - "timothy fradeneck , 38 , appeared in court on wednesday as he was arraigned on first-degree murder and child abuse chargesfradeneck 's wife christine , 37 , their 2-year-old daughter celeste and 8-year-old son timothy iii were found dead in their home on mondaywhen police searched the home , fradeneck allegedly confessed to strangling all three with a usb cordin court on wednesday , fradeneck was emotionless through the proceedings and prematurely tried to enter an insanity pleaif convicted on the charges , he could spend the rest of his life in prison\n", - "[1.1218318 1.0393165 1.0229903 1.0326126 1.1435864 1.3988068 1.1469934\n", - " 1.0302881 1.0420707 1.1030246 1.2893003 1.0195317 1.0450726 1.0491033\n", - " 1.2154312 1.0535904 1.0427079 1.0114626 1.019301 ]\n", - "\n", - "[ 5 10 14 6 4 0 9 15 13 12 16 8 1 3 7 2 11 18 17]\n", - "=======================\n", - "['seventy years on : st peter port in guernsey is one of the key locations for the heritage festivalthe ongoing channel islands heritage festival ( 3 april -- 11 may ) is a five-week hurrah of history , parades , concerts and food that will unite most of the archipelago -- guernsey , alderney , jersey , herm and sark .during the german occupation of the channel islands ( 30 june 1940 to 9 may 1945 ) , this stately retreat was commandeered as the general staff headquarters .']\n", - "=======================\n", - "[\"channel islands were the only parts of the british isles occupied in the warmay 9 is the 70th anniversary of the islands ' liberation from german ruleguernsey , jersey et al are marking the occasion with a five-week festival\"]\n", - "seventy years on : st peter port in guernsey is one of the key locations for the heritage festivalthe ongoing channel islands heritage festival ( 3 april -- 11 may ) is a five-week hurrah of history , parades , concerts and food that will unite most of the archipelago -- guernsey , alderney , jersey , herm and sark .during the german occupation of the channel islands ( 30 june 1940 to 9 may 1945 ) , this stately retreat was commandeered as the general staff headquarters .\n", - "channel islands were the only parts of the british isles occupied in the warmay 9 is the 70th anniversary of the islands ' liberation from german ruleguernsey , jersey et al are marking the occasion with a five-week festival\n", - "[1.2163103 1.2945758 1.3249813 1.2983623 1.2570299 1.1310314 1.0978947\n", - " 1.0709306 1.022642 1.0191728 1.1019747 1.0943958 1.0358227 1.0266478\n", - " 1.0508473 1.042567 1.0575219 1.076372 0. ]\n", - "\n", - "[ 2 3 1 4 0 5 10 6 11 17 7 16 14 15 12 13 8 9 18]\n", - "=======================\n", - "['more than 300 fishermen emerged from nearby trawlers , villages and even the jungle to make the trip , having been kept like slaves at the pusaka benjina resources fishing company compound .they were finally being rescued by the indonesian fisheries ministry after officials issued a moratorium on fishing to crack down on poaching .indonesian officials probing labor abuses told the migrant workers today they were allowing them to leave for another island by boat out of concern for their safety .']\n", - "=======================\n", - "['around 300 fishermen emerged from trawlers , villages and even the junglehad been stranded on benjina island by unscrupulous fishing companyfrom poor countries like myanmar and cambodia , some were promised jobs in thailand but were instead taken against their will to indonesiamany were made to work 20 to 22-hour days with no time off and zero payclaims of abuse by beating , whipping with stingray tails and electric shockindonesian fisheries ministry steps in after issuing a fishing moratorium']\n", - "more than 300 fishermen emerged from nearby trawlers , villages and even the jungle to make the trip , having been kept like slaves at the pusaka benjina resources fishing company compound .they were finally being rescued by the indonesian fisheries ministry after officials issued a moratorium on fishing to crack down on poaching .indonesian officials probing labor abuses told the migrant workers today they were allowing them to leave for another island by boat out of concern for their safety .\n", - "around 300 fishermen emerged from trawlers , villages and even the junglehad been stranded on benjina island by unscrupulous fishing companyfrom poor countries like myanmar and cambodia , some were promised jobs in thailand but were instead taken against their will to indonesiamany were made to work 20 to 22-hour days with no time off and zero payclaims of abuse by beating , whipping with stingray tails and electric shockindonesian fisheries ministry steps in after issuing a fishing moratorium\n", - "[1.1956826 1.3995855 1.2965398 1.346617 1.2500944 1.1858683 1.1975653\n", - " 1.0610801 1.1219387 1.0840417 1.1252451 1.1433814 1.061889 1.0147599\n", - " 1.0060576 1.007314 1.0753771 0. 0. ]\n", - "\n", - "[ 1 3 2 4 6 0 5 11 10 8 9 16 12 7 13 15 14 17 18]\n", - "=======================\n", - "['pub landlord paul harris was arrested last july on suspicion of perverting the course of justice .missing chef : claudia lawrence ( left ) was 35 when she disappeared in north yorkshire in march 2009 .north yorkshire police said the 47-year-old man had been released from his bail conditions after he provided information to detectives which has progressed the investigation .']\n", - "=======================\n", - "['47-year-old arrested on suspicion of perverting the course of justicereleased from bail conditions almost a year after his arrest last julypolice say he provided details which have progressed investigationmiss lawrence was reported missing by her father in york in 2009']\n", - "pub landlord paul harris was arrested last july on suspicion of perverting the course of justice .missing chef : claudia lawrence ( left ) was 35 when she disappeared in north yorkshire in march 2009 .north yorkshire police said the 47-year-old man had been released from his bail conditions after he provided information to detectives which has progressed the investigation .\n", - "47-year-old arrested on suspicion of perverting the course of justicereleased from bail conditions almost a year after his arrest last julypolice say he provided details which have progressed investigationmiss lawrence was reported missing by her father in york in 2009\n", - "[1.1920755 1.3318954 1.3540998 1.2951487 1.2583666 1.2496183 1.0336915\n", - " 1.0429094 1.133749 1.0968416 1.0401655 1.0327976 1.1042624 1.1160116\n", - " 1.0223916 1.0367956 1.0379275 1.0446085 1.0151982 0. 0. ]\n", - "\n", - "[ 2 1 3 4 5 0 8 13 12 9 17 7 10 16 15 6 11 14 18 19 20]\n", - "=======================\n", - "[\"members of the banned leftist group - known as the dhkp-c - took senior turkish prosecutor mehmet selim kiraz hostage last week .the british national , of polish origin but who has not been named , was arrested on saturday as part of an operation against the revolutionary people 's liberation party-front , according to reports .both the prosecutor and the hostage takers were killed after a police shoot-out .\"]\n", - "=======================\n", - "['man is a british national of polish origin , but has not yet been identifiedhe was arrested on saturday as part of an operation against the dhkp-cbanned leftist militant group took senior turkish prosecutor mehmet selim kiraz hostage in istanbul last weekboth kiraz and hostage takers were killed in the resulting police shoot-out']\n", - "members of the banned leftist group - known as the dhkp-c - took senior turkish prosecutor mehmet selim kiraz hostage last week .the british national , of polish origin but who has not been named , was arrested on saturday as part of an operation against the revolutionary people 's liberation party-front , according to reports .both the prosecutor and the hostage takers were killed after a police shoot-out .\n", - "man is a british national of polish origin , but has not yet been identifiedhe was arrested on saturday as part of an operation against the dhkp-cbanned leftist militant group took senior turkish prosecutor mehmet selim kiraz hostage in istanbul last weekboth kiraz and hostage takers were killed in the resulting police shoot-out\n", - "[1.4207389 1.3441501 1.235353 1.4759729 1.3217716 1.0634652 1.0219294\n", - " 1.0153763 1.0205735 1.0221864 1.0261751 1.107192 1.1064907 1.1044683\n", - " 1.0389777 1.0829811 1.1835896 1.0990433 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 2 16 11 12 13 17 15 5 14 10 9 6 8 7 18 19 20]\n", - "=======================\n", - "['manchester united have offered goalkeeper david de gea # 200,000-a-week to stay at the clubfears are growing at united that de gea will return to spain and join real madrid on a free transfer when his contract runs out next summer .so far there has been no breakthrough in negotiations and manager louis van gaal admitted yesterday that the club have made de gea a huge offer to persuade him to stay .']\n", - "=======================\n", - "[\"david de gea has been linked with a move to real madrid in the summermanchester united have offered the goalkeeper # 200,000-a-week to stayif he signs , he will become the world 's best paid goalkeeperlouis van gaal admitted on friday that the club have offered him ' a lot '\"]\n", - "manchester united have offered goalkeeper david de gea # 200,000-a-week to stay at the clubfears are growing at united that de gea will return to spain and join real madrid on a free transfer when his contract runs out next summer .so far there has been no breakthrough in negotiations and manager louis van gaal admitted yesterday that the club have made de gea a huge offer to persuade him to stay .\n", - "david de gea has been linked with a move to real madrid in the summermanchester united have offered the goalkeeper # 200,000-a-week to stayif he signs , he will become the world 's best paid goalkeeperlouis van gaal admitted on friday that the club have offered him ' a lot '\n", - "[1.5698667 1.0819632 1.1747346 1.5181179 1.1378665 1.033443 1.0141451\n", - " 1.0130037 1.0160094 1.2272528 1.1222913 1.0232276 1.0281292 1.0244833\n", - " 1.0186799 1.0232042 1.0470759 1.055085 0. 0. 0. ]\n", - "\n", - "[ 0 3 9 2 4 10 1 17 16 5 12 13 11 15 14 8 6 7 19 18 20]\n", - "=======================\n", - "['beaten fa cup semi-finalists reading lost again as they were defeated by birmingham in a scrappy sky bet championship game at the madejski stadium on wednesday night .clayton donaldson ( left ) scored a late headed winner for birmingham city as his side defeated reading 1-0reading were involved in a dramatic 2-1 defeat against arsenal , after extra-time , in the last four of the cup at wembley on saturday .']\n", - "=======================\n", - "[\"reading are 18th in the championship while birmingham city sit in 15thclayton donaldson 's 83rd minute header secured the three pointsthe fa cup semi-finalists dominated possession but were made to pay\"]\n", - "beaten fa cup semi-finalists reading lost again as they were defeated by birmingham in a scrappy sky bet championship game at the madejski stadium on wednesday night .clayton donaldson ( left ) scored a late headed winner for birmingham city as his side defeated reading 1-0reading were involved in a dramatic 2-1 defeat against arsenal , after extra-time , in the last four of the cup at wembley on saturday .\n", - "reading are 18th in the championship while birmingham city sit in 15thclayton donaldson 's 83rd minute header secured the three pointsthe fa cup semi-finalists dominated possession but were made to pay\n", - "[1.4092363 1.2936145 1.340597 1.2037079 1.2657135 1.0570824 1.0576363\n", - " 1.199222 1.0466301 1.0230868 1.0290498 1.0278227 1.0210559 1.0977408\n", - " 1.053865 1.1745222 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 4 3 7 15 13 6 5 14 8 10 11 9 12 19 16 17 18 20]\n", - "=======================\n", - "[\"alex salmond has stepped up the pressure on ed miliband saying he wo n't be able to avoid a deal with the snp and was ` foolish ' to rule out a coalitionhe said all parties would have to face up to the ` electorate 's judgment ' after polling day on may 7 .when questioned about a potential coalition with labour , he suggested mr miliband had only rejected the idea because he was ` under pressure from the conservative press ' .\"]\n", - "=======================\n", - "[\"alex salmond said ed miliband would find it difficult to avoid an snp dealformer snp leader also said miliband was ` foolish ' to rule out coalitionhe said all parties would have to face up to the ` electorate 's judgment 'nicola sturgeon warned miliband not to allow cameron back into power\"]\n", - "alex salmond has stepped up the pressure on ed miliband saying he wo n't be able to avoid a deal with the snp and was ` foolish ' to rule out a coalitionhe said all parties would have to face up to the ` electorate 's judgment ' after polling day on may 7 .when questioned about a potential coalition with labour , he suggested mr miliband had only rejected the idea because he was ` under pressure from the conservative press ' .\n", - "alex salmond said ed miliband would find it difficult to avoid an snp dealformer snp leader also said miliband was ` foolish ' to rule out coalitionhe said all parties would have to face up to the ` electorate 's judgment 'nicola sturgeon warned miliband not to allow cameron back into power\n", - "[1.1367099 1.1637996 1.1886364 1.0976427 1.1004199 1.0768658 1.0808861\n", - " 1.1058453 1.1901689 1.1267056 1.019581 1.0210841 1.042063 1.0531763\n", - " 1.0339615 1.0180475 1.0234548 1.0461382 1.1165993 1.03266 1.019006 ]\n", - "\n", - "[ 8 2 1 0 9 18 7 4 3 6 5 13 17 12 14 19 16 11 10 20 15]\n", - "=======================\n", - "[\"here 's my list of pet hates -- which gets longer by the day :among the feel-good experiences were said to be fresh sheets and popping bubble wrap .an example of this banality last week was one about what makes us most happy .\"]\n", - "=======================\n", - "['an increasing number of surveys claim to reveal what makes us happiestbut are these generic lists really of any use to us ?janet street-porter makes her own list - of things making her unhappy !']\n", - "here 's my list of pet hates -- which gets longer by the day :among the feel-good experiences were said to be fresh sheets and popping bubble wrap .an example of this banality last week was one about what makes us most happy .\n", - "an increasing number of surveys claim to reveal what makes us happiestbut are these generic lists really of any use to us ?janet street-porter makes her own list - of things making her unhappy !\n", - "[1.225186 1.1841695 1.3409328 1.3017098 1.092867 1.0841482 1.0647072\n", - " 1.0961785 1.0904235 1.0312089 1.094559 1.0322641 1.0476128 1.0433961\n", - " 1.1301435 1.0753771 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 1 14 7 10 4 8 5 15 6 12 13 11 9 16 17 18 19]\n", - "=======================\n", - "[\"for despite being set to marry , the alcoholic benefits claimant still has a live profile on the site where he met his bride-to-be .despite being engaged for the fourth time and having already fathered 40 children by 20 different women , mike holpin still has an active online dating profilefamily : holpin says that he loves sex and wo n't use contraception - even though 16 of his children were taken into care\"]\n", - "=======================\n", - "['mike holpin , from ebbw vale in monmouthshire , has at least 40 childrenthe 56-year-old is set to marry for fourth time after meeting partner onlinehis dating profile on plenty of fish is still active despite him being engagedone of his dozens of children said he wished he had never met his fathermike holpin junior , 22 , claimed he would rather have been related to hitler']\n", - "for despite being set to marry , the alcoholic benefits claimant still has a live profile on the site where he met his bride-to-be .despite being engaged for the fourth time and having already fathered 40 children by 20 different women , mike holpin still has an active online dating profilefamily : holpin says that he loves sex and wo n't use contraception - even though 16 of his children were taken into care\n", - "mike holpin , from ebbw vale in monmouthshire , has at least 40 childrenthe 56-year-old is set to marry for fourth time after meeting partner onlinehis dating profile on plenty of fish is still active despite him being engagedone of his dozens of children said he wished he had never met his fathermike holpin junior , 22 , claimed he would rather have been related to hitler\n", - "[1.0592214 1.3561893 1.127152 1.0854117 1.1176394 1.111447 1.0244576\n", - " 1.2183273 1.0417957 1.0588051 1.202047 1.0459328 1.0329233 1.0612397\n", - " 1.0324568 1.0465219 1.0161065 1.0171105 1.1523283 1.0273453]\n", - "\n", - "[ 1 7 10 18 2 4 5 3 13 0 9 15 11 8 12 14 19 6 17 16]\n", - "=======================\n", - "[\"italians embrace the cricket world cup ( yes , really ) , a neville takes charge of england and it 's not looking good for the rickies .the future of test cricket could be in line for a change now colin graves is the new ecb chiefmancini 's inter milan are way off the pace in serie a\"]\n", - "=======================\n", - "['rickie lambert is likely to miss out when liverpool play arsenalrickie fowler has been urged to develop a nasty streak at augustaphil jones - can louis van gaal find his perfect position ?roberto mancini has a huge italian job on his hands at inter milanbut he probably enjoyed coverage of the cricket world cup in the paper']\n", - "italians embrace the cricket world cup ( yes , really ) , a neville takes charge of england and it 's not looking good for the rickies .the future of test cricket could be in line for a change now colin graves is the new ecb chiefmancini 's inter milan are way off the pace in serie a\n", - "rickie lambert is likely to miss out when liverpool play arsenalrickie fowler has been urged to develop a nasty streak at augustaphil jones - can louis van gaal find his perfect position ?roberto mancini has a huge italian job on his hands at inter milanbut he probably enjoyed coverage of the cricket world cup in the paper\n", - "[1.2673527 1.5951765 1.3484397 1.3162652 1.2721102 1.1315664 1.058155\n", - " 1.0126396 1.0141618 1.0139053 1.0131505 1.2879637 1.0679737 1.0880251\n", - " 1.1486847 1.0720627 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 11 4 0 14 5 13 15 12 6 8 9 10 7 18 16 17 19]\n", - "=======================\n", - "['deva joseph , 14 , was reduced to tears at london stansted airport after being told she would not be allowed to take her flight home to spain .the teenager offered to pay for the second item to be put in the hold but was told only credit cards would be accepted - even though she is too young to have one .a schoolgirl was left stranded at a busy airport after easyjet refused to let her board its plane - because she was carrying two pieces of hand luggage ( file picture )']\n", - "=======================\n", - "[\"deva joseph hit problems when she could n't fit handbag inside suitcase14-year-old left in floods of tears after flight to spain left without heroffered to pay for bag to go in hold but was told she needed a credit cardeasyjet said it should have made an exception to policy of accepting cash\"]\n", - "deva joseph , 14 , was reduced to tears at london stansted airport after being told she would not be allowed to take her flight home to spain .the teenager offered to pay for the second item to be put in the hold but was told only credit cards would be accepted - even though she is too young to have one .a schoolgirl was left stranded at a busy airport after easyjet refused to let her board its plane - because she was carrying two pieces of hand luggage ( file picture )\n", - "deva joseph hit problems when she could n't fit handbag inside suitcase14-year-old left in floods of tears after flight to spain left without heroffered to pay for bag to go in hold but was told she needed a credit cardeasyjet said it should have made an exception to policy of accepting cash\n", - "[1.6770759 1.1037679 1.1503904 1.1034911 1.3430052 1.1382543 1.185998\n", - " 1.1529915 1.1315743 1.2546542 1.0324622 1.0610286 1.0076679 1.006754\n", - " 1.0068218 1.0087783 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 9 6 7 2 5 8 1 3 11 10 15 12 14 13 18 16 17 19]\n", - "=======================\n", - "['top-ranked serena williams overcame a stiff challenge in the opening set for a 7-6 ( 5 ) , 6-2 win over camila giorgi on saturday to give the united states a 1-0 lead over italy in a fed cup world group playoff .serena williams handed usa the lead against italy with a first victory in the fed cupwilliams defeated camila giorgi 7-6 , 6-2 on the clay in brindisi , italy']\n", - "=======================\n", - "['usa face italy in a fed cup world play off in brindisiworld no 1 serena williams defeated camila giorgi 7-5 , 6-2lauren davies will play sara errani in the second singles match']\n", - "top-ranked serena williams overcame a stiff challenge in the opening set for a 7-6 ( 5 ) , 6-2 win over camila giorgi on saturday to give the united states a 1-0 lead over italy in a fed cup world group playoff .serena williams handed usa the lead against italy with a first victory in the fed cupwilliams defeated camila giorgi 7-6 , 6-2 on the clay in brindisi , italy\n", - "usa face italy in a fed cup world play off in brindisiworld no 1 serena williams defeated camila giorgi 7-5 , 6-2lauren davies will play sara errani in the second singles match\n", - "[1.2788771 1.4615631 1.2977579 1.3514497 1.2162634 1.1155868 1.109161\n", - " 1.1513101 1.0309813 1.0234505 1.0149251 1.2361286 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 11 4 7 5 6 8 9 10 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"jesse norman allegedly gave out cake while campaigning for re-election at an asda supermarket in his hereford constituency .claim : mp jesse norman is being investigated by police over claims he attempted to ` bribe ' voters with chocolate cake , pictured abovewest mercia police last night said it was investigating reports of a breach of the representation of the people act 1983 , which bans election candidates from providing food , drink or entertainment in a bid to win votes .\"]\n", - "=======================\n", - "['jesse norman allegedly gave out cake while campaigning for re-electionelection candidates banned from providing food in bid to win voteswest mercia police confirm they are investigating the allegation']\n", - "jesse norman allegedly gave out cake while campaigning for re-election at an asda supermarket in his hereford constituency .claim : mp jesse norman is being investigated by police over claims he attempted to ` bribe ' voters with chocolate cake , pictured abovewest mercia police last night said it was investigating reports of a breach of the representation of the people act 1983 , which bans election candidates from providing food , drink or entertainment in a bid to win votes .\n", - "jesse norman allegedly gave out cake while campaigning for re-electionelection candidates banned from providing food in bid to win voteswest mercia police confirm they are investigating the allegation\n", - "[1.0908848 1.1601318 1.445245 1.2542851 1.3404512 1.2064445 1.0797095\n", - " 1.0456827 1.022989 1.0563952 1.0469699 1.1482847 1.1559784 1.1026082\n", - " 1.1199698 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 4 3 5 1 12 11 14 13 0 6 9 10 7 8 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the college student spotted the car on the streets of mississauga , canada , last autumn and began following in his own vehicle .` time to shine ' : nasr bitar saw taking the perfect selfie with google street view as a chance to ` shine 'to get the all important ` selfie ' - and make an appearance on the street view map .\"]\n", - "=======================\n", - "[\"nasr bitar spotted google street view car driving around last autumndecided it was ` his time to shine ' with it so followed in his car to get a selfiesensing the perfect moment , he got out and took the snap in mississaugapicture of nasr 's selfie and the street view image shared 2.9 million times\"]\n", - "the college student spotted the car on the streets of mississauga , canada , last autumn and began following in his own vehicle .` time to shine ' : nasr bitar saw taking the perfect selfie with google street view as a chance to ` shine 'to get the all important ` selfie ' - and make an appearance on the street view map .\n", - "nasr bitar spotted google street view car driving around last autumndecided it was ` his time to shine ' with it so followed in his car to get a selfiesensing the perfect moment , he got out and took the snap in mississaugapicture of nasr 's selfie and the street view image shared 2.9 million times\n", - "[1.2447532 1.2039733 1.3992943 1.3267181 1.0641482 1.0583503 1.2082146\n", - " 1.0684179 1.0626074 1.0807716 1.0937717 1.0486277 1.052496 1.0321684\n", - " 1.0280119 1.0152603 1.1256061 1.0793804 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 6 1 16 10 9 17 7 4 8 5 12 11 13 14 15 19 18 20]\n", - "=======================\n", - "[\"christine royles , 24 , of south portland , who is suffering from kidney failure , organized fundraisers to reimburse dall-leighton for unpaid time away from work .the donor , josh dall-leighton of windham said that maine medical center officials informed him this week that it has concerns about the amount of money raised for him .a hospital has delayed kidney transplant surgery after a fundraising effort on behalf of donor to cover his time off work and expenses raised so much money it is now an ` ethical issue '\"]\n", - "=======================\n", - "['donor , josh dall-leighton said maine medical center officials informed them it has concerns about amount of money raised for themchristine royles , 24 , who has kidney failure , organized fundraisers to reimburse dall-leighton for unpaid time away from workonline fund has ballooned to more than $ 40,000royles painted an appeal for a donor on the rear window of her car']\n", - "christine royles , 24 , of south portland , who is suffering from kidney failure , organized fundraisers to reimburse dall-leighton for unpaid time away from work .the donor , josh dall-leighton of windham said that maine medical center officials informed him this week that it has concerns about the amount of money raised for him .a hospital has delayed kidney transplant surgery after a fundraising effort on behalf of donor to cover his time off work and expenses raised so much money it is now an ` ethical issue '\n", - "donor , josh dall-leighton said maine medical center officials informed them it has concerns about amount of money raised for themchristine royles , 24 , who has kidney failure , organized fundraisers to reimburse dall-leighton for unpaid time away from workonline fund has ballooned to more than $ 40,000royles painted an appeal for a donor on the rear window of her car\n", - "[1.3269365 1.4493276 1.2097929 1.1660907 1.1841822 1.1139194 1.1753924\n", - " 1.0736189 1.1103623 1.100547 1.0733267 1.0525017 1.0538527 1.1139382\n", - " 1.0807761 1.0827085 1.0275556 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 6 3 13 5 8 9 15 14 7 10 12 11 16 19 17 18 20]\n", - "=======================\n", - "[\"kim ki-jong , 55 , was also indicted wednesday on charges of assaulting a foreign envoy and obstruction , according to an official at the seoul central district prosecutors ' office , who did not want to be named , citing department rules .on monday , the recovering diplomat , mark lippert , was pictured out on the streets of seoul flanked by five bodyguards .us ambassador mark lippert was pictured with five bodyguards on wednesday , following the attack that left his arm in a cast\"]\n", - "=======================\n", - "['kim ki-jong , 55 , was indicted on charges of attempted murder for allegedly slashing u.s. ambassador mark lippert with a razor at a breakfast forumprosecutors have also been investigating whether kim violated a controversial law that bans praise or assistance for north koreaactivist kim blames the presence of 28,500 u.s. troops in the south as a deterrent to the north for the continuing split of the korean peninsula']\n", - "kim ki-jong , 55 , was also indicted wednesday on charges of assaulting a foreign envoy and obstruction , according to an official at the seoul central district prosecutors ' office , who did not want to be named , citing department rules .on monday , the recovering diplomat , mark lippert , was pictured out on the streets of seoul flanked by five bodyguards .us ambassador mark lippert was pictured with five bodyguards on wednesday , following the attack that left his arm in a cast\n", - "kim ki-jong , 55 , was indicted on charges of attempted murder for allegedly slashing u.s. ambassador mark lippert with a razor at a breakfast forumprosecutors have also been investigating whether kim violated a controversial law that bans praise or assistance for north koreaactivist kim blames the presence of 28,500 u.s. troops in the south as a deterrent to the north for the continuing split of the korean peninsula\n", - "[1.1854218 1.4615139 1.1406031 1.3434788 1.1946979 1.1475646 1.1183306\n", - " 1.0611212 1.1376574 1.0914136 1.120023 1.093643 1.0377082 1.1590769\n", - " 1.0579613 1.0348474 1.0271193 1.0521936 1.0157137 1.006895 1.0058714]\n", - "\n", - "[ 1 3 4 0 13 5 2 8 10 6 11 9 7 14 17 12 15 16 18 19 20]\n", - "=======================\n", - "[\"the former drummer and a founding member of the southern hard rock band lynyrd skynyrd , robert ` bob ' burns jr , died late friday in a single-vehicle crash near cartersville , georgia .cartersville is about 125 miles away from macon , georgia , where duane allman died in a 1971 motorcycle crashburns was one of five people who founded the band in jacksonville , florida , and played on its first two albums\"]\n", - "=======================\n", - "['his vehicle struck mailbox as it was approaching a curve near cartersvilleburns helped found the southern hard rock band in jacksonville , floridaplayed on hit songs like sweet home alabama , simple man and free birdcartersville is about 125 miles away from macon , where duane allman diedafter 1971 death of allman brothers guitarist , skynrd dedicated free birdthree other band members were previously killed in a plane crash in 1977']\n", - "the former drummer and a founding member of the southern hard rock band lynyrd skynyrd , robert ` bob ' burns jr , died late friday in a single-vehicle crash near cartersville , georgia .cartersville is about 125 miles away from macon , georgia , where duane allman died in a 1971 motorcycle crashburns was one of five people who founded the band in jacksonville , florida , and played on its first two albums\n", - "his vehicle struck mailbox as it was approaching a curve near cartersvilleburns helped found the southern hard rock band in jacksonville , floridaplayed on hit songs like sweet home alabama , simple man and free birdcartersville is about 125 miles away from macon , where duane allman diedafter 1971 death of allman brothers guitarist , skynrd dedicated free birdthree other band members were previously killed in a plane crash in 1977\n", - "[1.3344828 1.3928825 1.3798076 1.4336399 1.2767074 1.1523489 1.098652\n", - " 1.0242896 1.0143152 1.0123605 1.0113586 1.240926 1.2154071 1.0078602\n", - " 1.0084105 1.0089208 1.0104641 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 0 4 11 12 5 6 7 8 9 10 16 15 14 13 17 18 19 20]\n", - "=======================\n", - "[\"divock origi signed for liverpool for # 10million last summer before being loaned back to former club lillebelgium international origi has also received messages from members of the club 's management team to let him know they are monitoring his progress closely during his season-long loan at french side lille .divock origi has revealed that compatriot simon mignolet has been helping him prepare for the ` special feeling ' of playing at anfield and the goalkeeper has given him tips about the best places to go in liverpool .\"]\n", - "=======================\n", - "['belgium striker divock origi signed for liverpool for # 10m last summerorigi was then loaned back to french side lille for the whole of this seasonthe 20-year-old has been in contact with simon mignolet about liverpoolnational team-mate mignolet has been giving origi advice about the citymembers of the management have also messaged origi throughout season']\n", - "divock origi signed for liverpool for # 10million last summer before being loaned back to former club lillebelgium international origi has also received messages from members of the club 's management team to let him know they are monitoring his progress closely during his season-long loan at french side lille .divock origi has revealed that compatriot simon mignolet has been helping him prepare for the ` special feeling ' of playing at anfield and the goalkeeper has given him tips about the best places to go in liverpool .\n", - "belgium striker divock origi signed for liverpool for # 10m last summerorigi was then loaned back to french side lille for the whole of this seasonthe 20-year-old has been in contact with simon mignolet about liverpoolnational team-mate mignolet has been giving origi advice about the citymembers of the management have also messaged origi throughout season\n", - "[1.342532 1.2639493 1.1152432 1.3511358 1.1101996 1.0600952 1.1553915\n", - " 1.1724181 1.0682187 1.1557858 1.0239112 1.0216401 1.0321165 1.0459124\n", - " 1.01522 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 7 9 6 2 4 8 5 13 12 10 11 14 18 15 16 17 19]\n", - "=======================\n", - "['president barack obama this morning put a human face on the harmful effects climate change can have on public health - his daughter maliawhile making the case that higher temperatures lead to increases in wildfires , which send allergy-causing particulates into the air that can lead to greater and more serious incidents of asthma , the president recalled his own child \\'s run-in with the disease as a toddler .the president said he can ` relate to ... the fear a parent has when your four-year-old daughter comes up to you and says , \" daddy , i \\'m having trouble breathing . \" \\'']\n", - "=======================\n", - "['said he can relate to ` fear a parent has when your four-year-old daughter comes up to you and says , \" daddy , i \\'m having trouble breathing \" \\'health scare resulted in a single trip to the emergency room for malia - who at the age of 16 now lives an active life , inhaler freebut other children are n\\'t so fortunate ; they they find themselves in and out the emergency room several times a year , he saidwhite house says higher temperatures lead to increases in wildfires , which send allergy-causing particulates into the air that can lead to greater and more serious incidents of asthmanew initiative aimed at slowing the pace of global warming puts front and center the personal cost of inaction']\n", - "president barack obama this morning put a human face on the harmful effects climate change can have on public health - his daughter maliawhile making the case that higher temperatures lead to increases in wildfires , which send allergy-causing particulates into the air that can lead to greater and more serious incidents of asthma , the president recalled his own child 's run-in with the disease as a toddler .the president said he can ` relate to ... the fear a parent has when your four-year-old daughter comes up to you and says , \" daddy , i 'm having trouble breathing . \" '\n", - "said he can relate to ` fear a parent has when your four-year-old daughter comes up to you and says , \" daddy , i 'm having trouble breathing \" 'health scare resulted in a single trip to the emergency room for malia - who at the age of 16 now lives an active life , inhaler freebut other children are n't so fortunate ; they they find themselves in and out the emergency room several times a year , he saidwhite house says higher temperatures lead to increases in wildfires , which send allergy-causing particulates into the air that can lead to greater and more serious incidents of asthmanew initiative aimed at slowing the pace of global warming puts front and center the personal cost of inaction\n", - "[1.2498643 1.5816604 1.3026934 1.3197806 1.2292671 1.0527452 1.0220764\n", - " 1.0184953 1.0162268 1.0691599 1.0683911 1.0556586 1.0634232 1.063379\n", - " 1.0309176 1.019475 1.0244926 1.0435938 1.0452557 1.0207888]\n", - "\n", - "[ 1 3 2 0 4 9 10 12 13 11 5 18 17 14 16 6 19 15 7 8]\n", - "=======================\n", - "['david tungate , 58 , was left devastated after the marriage to his first gambian wife broke down shortly after he brought her to the uk .david tungate with his fiancee isatou jarjuhe then remarried , but his second wife , also from gambia , turned out to be a serial bigamist who conned him out of # 24,000 of his retirement money and left him close to bankruptcy .']\n", - "=======================\n", - "[\"david tungate , 58 , from norwich , is engaged to a 30 year old from gambiahe has already been married three times - twice to gambian womenhis last wife was a bigamist who became pregnant with another man 's baby\"]\n", - "david tungate , 58 , was left devastated after the marriage to his first gambian wife broke down shortly after he brought her to the uk .david tungate with his fiancee isatou jarjuhe then remarried , but his second wife , also from gambia , turned out to be a serial bigamist who conned him out of # 24,000 of his retirement money and left him close to bankruptcy .\n", - "david tungate , 58 , from norwich , is engaged to a 30 year old from gambiahe has already been married three times - twice to gambian womenhis last wife was a bigamist who became pregnant with another man 's baby\n", - "[1.5068144 1.1656722 1.5360347 1.2473749 1.138413 1.06323 1.0254586\n", - " 1.0965524 1.0584216 1.1331444 1.0675842 1.070054 1.0169314 1.0156201\n", - " 1.0209798 1.0686569 1.1097678 1.0731955 0. 0. ]\n", - "\n", - "[ 2 0 3 1 4 9 16 7 17 11 15 10 5 8 6 14 12 13 18 19]\n", - "=======================\n", - "['builder mark lawson , 44 , was in the diamond tap public house in newbury , berkshire for his christmas party when he agreed that his co-worker simon myers could take some chips from his plate .however , when mr myers started eating an onion ring , lawson was angered , shouted at his victim and drove the knife into his thigh .a pub diner who stabbed a work colleague in the leg with a steak knife in a row over his onion rings was spared jail today .']\n", - "=======================\n", - "['simon myers had asked mark lawson if he could have some of his chipslawson agreed , but reacted angrily when mr myers took onion ring insteadincident , that started as a joke , took place at the work christmas partylawson was given a six-month prison sentence suspended for a year']\n", - "builder mark lawson , 44 , was in the diamond tap public house in newbury , berkshire for his christmas party when he agreed that his co-worker simon myers could take some chips from his plate .however , when mr myers started eating an onion ring , lawson was angered , shouted at his victim and drove the knife into his thigh .a pub diner who stabbed a work colleague in the leg with a steak knife in a row over his onion rings was spared jail today .\n", - "simon myers had asked mark lawson if he could have some of his chipslawson agreed , but reacted angrily when mr myers took onion ring insteadincident , that started as a joke , took place at the work christmas partylawson was given a six-month prison sentence suspended for a year\n", - "[1.2889994 1.5029101 1.2515211 1.0959352 1.1951108 1.3426142 1.1513262\n", - " 1.0765002 1.1489457 1.0649214 1.0333974 1.0260262 1.0423319 1.0136776\n", - " 1.0555881 1.0078996 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 0 2 4 6 8 3 7 9 14 12 10 11 13 15 16 17 18 19]\n", - "=======================\n", - "[\"the 26-year-old 's burned body was found around five metres from a road in cocoparra national park , north of griffith , nsw , on friday afternoon by police in an area where her accused killer went on regular camping trips .the body of stephanie scott , pictured with her mother on a wine tour for her hen party last month in canberra , has been formally identified after an autopsy was carried out this weeknsw health says a post-mortem has been completed at glebe morgue in sydney and a report is in the hands of the coroner .\"]\n", - "=======================\n", - "[\"stephanie scott 's remains were formally identified during an autopsythe corner will now attempt to determine the cause of her deathpolice discovered the body in a remote national park on fridayshe went missing on easter sunday , just days before she was due to get married to her partner of five yearsher father has spoken out about the family 's pain , saying it 's difficult to be surrounded by reminders of her weddingpolice will contact authorities in holland as they investigate accused killer , vincent stanford , who was charged with stephanie 's murder\"]\n", - "the 26-year-old 's burned body was found around five metres from a road in cocoparra national park , north of griffith , nsw , on friday afternoon by police in an area where her accused killer went on regular camping trips .the body of stephanie scott , pictured with her mother on a wine tour for her hen party last month in canberra , has been formally identified after an autopsy was carried out this weeknsw health says a post-mortem has been completed at glebe morgue in sydney and a report is in the hands of the coroner .\n", - "stephanie scott 's remains were formally identified during an autopsythe corner will now attempt to determine the cause of her deathpolice discovered the body in a remote national park on fridayshe went missing on easter sunday , just days before she was due to get married to her partner of five yearsher father has spoken out about the family 's pain , saying it 's difficult to be surrounded by reminders of her weddingpolice will contact authorities in holland as they investigate accused killer , vincent stanford , who was charged with stephanie 's murder\n", - "[1.5730886 1.330198 1.3012671 1.1997536 1.0354964 1.0535094 1.2494956\n", - " 1.0109552 1.0105776 1.0122513 1.0113648 1.0759221 1.0338852 1.0413611\n", - " 1.2127703 1.0275488 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 6 14 3 11 5 13 4 12 15 9 10 7 8 18 16 17 19]\n", - "=======================\n", - "['falkirk booked their place in the scottish cup final with a smash-and-grab 1-0 win over hibernian at hampden park .the dominant easter road side hit the post just before the break through fraser fyvie and again in the second half through fellow midfielder scott allan , with the bairns rarely threatening .however , the hibees were stunned in the 74th minute when falkirk midfielder craig sibbald headed in a blair alston cross to set up a meeting on may 30 with either inverness or celtic .']\n", - "=======================\n", - "[\"craig sibbald 's 74th-minute header is enough to send falkirk throughfraser fyvie and scott allan both hit the post for hibs with the score at 0-0falkirk will play either inverness caledonian thistle or celtic on may 30\"]\n", - "falkirk booked their place in the scottish cup final with a smash-and-grab 1-0 win over hibernian at hampden park .the dominant easter road side hit the post just before the break through fraser fyvie and again in the second half through fellow midfielder scott allan , with the bairns rarely threatening .however , the hibees were stunned in the 74th minute when falkirk midfielder craig sibbald headed in a blair alston cross to set up a meeting on may 30 with either inverness or celtic .\n", - "craig sibbald 's 74th-minute header is enough to send falkirk throughfraser fyvie and scott allan both hit the post for hibs with the score at 0-0falkirk will play either inverness caledonian thistle or celtic on may 30\n", - "[1.6005144 1.2441397 1.1375573 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 16 15 14 13 12 11 10 9 8 7 6 5 4 3 17 18]\n", - "=======================\n", - "[\"scott dann was a fraction offside when he set up glenn murray for palace 's first goal ( 2 ) , but it would be harsh to put too much blame on assistant john brooks .he was spot on with two equally tight calls in the same move -- before dann got the ball ( 1 ) and for murray 's finish ( 3 ) .the speed of it , plus two players blocking his view , made it unbelievably hard for him to get all three right .\"]\n", - "=======================\n", - "['scott dann was a fraction offside when he set up glenn murrayassistant john brooks was spot on with two close calls in same movecrystal palace beat manchester city 2-1 in premier league on monday']\n", - "scott dann was a fraction offside when he set up glenn murray for palace 's first goal ( 2 ) , but it would be harsh to put too much blame on assistant john brooks .he was spot on with two equally tight calls in the same move -- before dann got the ball ( 1 ) and for murray 's finish ( 3 ) .the speed of it , plus two players blocking his view , made it unbelievably hard for him to get all three right .\n", - "scott dann was a fraction offside when he set up glenn murrayassistant john brooks was spot on with two close calls in same movecrystal palace beat manchester city 2-1 in premier league on monday\n", - "[1.2338572 1.2069556 1.2405565 1.391615 1.3831948 1.2492499 1.1681969\n", - " 1.0717678 1.0806122 1.0824065 1.1268017 1.0836824 1.0090109 1.0908934\n", - " 1.1226231 1.0213349 1.0662346 1.0419894 1.0241038]\n", - "\n", - "[ 3 4 5 2 0 1 6 10 14 13 11 9 8 7 16 17 18 15 12]\n", - "=======================\n", - "['leo greene , 39 , of salt lake city was asked to hand over the keys to his car by police when he drove off , crashed through the fence lines and onto the tarmac area before crashing into another fence .he was arrested and now faces multiple charges including driving under the influence , fleeing and resisting arrest .a man has been arrested after crashing through two fences and sprinting from police onto a runway during an eight-minute chase at a utah airport .']\n", - "=======================\n", - "['leo greene , 39 , of salt lake city crashed through airport fence on mondaypolice tried to stop the car with its bumper hanging before the chasegreene was asked for his keys when he drove off and crashed into fenceshe jumped out of his car and ran to a shed before being forced to groundgreene faces multiple charges including driving under the influence , fleeing and resisting ; he is also also being booked for property damagefence damages are estimated at $ 4,500']\n", - "leo greene , 39 , of salt lake city was asked to hand over the keys to his car by police when he drove off , crashed through the fence lines and onto the tarmac area before crashing into another fence .he was arrested and now faces multiple charges including driving under the influence , fleeing and resisting arrest .a man has been arrested after crashing through two fences and sprinting from police onto a runway during an eight-minute chase at a utah airport .\n", - "leo greene , 39 , of salt lake city crashed through airport fence on mondaypolice tried to stop the car with its bumper hanging before the chasegreene was asked for his keys when he drove off and crashed into fenceshe jumped out of his car and ran to a shed before being forced to groundgreene faces multiple charges including driving under the influence , fleeing and resisting ; he is also also being booked for property damagefence damages are estimated at $ 4,500\n", - "[1.2303991 1.4007962 1.2186366 1.2722616 1.2714158 1.219204 1.1228749\n", - " 1.0998669 1.133281 1.1519047 1.0466791 1.135708 1.0482303 1.0893463\n", - " 1.0646292 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 0 5 2 9 11 8 6 7 13 14 12 10 17 15 16 18]\n", - "=======================\n", - "['indian media reported that the boeing 777-300er first diverted to chhatrapati shivaji international airport to refuel about eight hours into its flight from southern china to addis ababa .a 10-hour flight turned into a lengthy delay as an ethiopian airlines plane diverted twice to mumbaiflight et607 was carrying 283 passengers and 14 crew members from guangzhou , china when it had to change course and refuel in mumbai at about 4:15 am local time yesterday .']\n", - "=======================\n", - "[\"plane was flying from guangzhou , china to addis ababa , ethiopiaboeing 777-300er was forced to land in mumbai the first time to refuelit departed but had to return due to engine trouble , indian media reportedpassengers disembarked and were transferred to a hotelwhat should have been a 10-hour flight turned into a day-long delayethiopian was recently named one of the world 's most reliable carriers\"]\n", - "indian media reported that the boeing 777-300er first diverted to chhatrapati shivaji international airport to refuel about eight hours into its flight from southern china to addis ababa .a 10-hour flight turned into a lengthy delay as an ethiopian airlines plane diverted twice to mumbaiflight et607 was carrying 283 passengers and 14 crew members from guangzhou , china when it had to change course and refuel in mumbai at about 4:15 am local time yesterday .\n", - "plane was flying from guangzhou , china to addis ababa , ethiopiaboeing 777-300er was forced to land in mumbai the first time to refuelit departed but had to return due to engine trouble , indian media reportedpassengers disembarked and were transferred to a hotelwhat should have been a 10-hour flight turned into a day-long delayethiopian was recently named one of the world 's most reliable carriers\n", - "[1.2870269 1.4230125 1.2763168 1.2613547 1.1727341 1.1184555 1.0297915\n", - " 1.0435297 1.1011546 1.2159184 1.0653421 1.1015636 1.0103378 1.009104\n", - " 1.0099883 1.009827 1.0679159 1.0458431 0. ]\n", - "\n", - "[ 1 0 2 3 9 4 5 11 8 16 10 17 7 6 12 14 15 13 18]\n", - "=======================\n", - "[\"the university of houston said in a statement tuesday that it was paying mcconaughey speaking fees totaling $ 135,000 plus travel expenses , as well as a $ 20,250 commission to the celebrity talent international booking agency engaged by the university .a texas university that booked matthew mcconaughey as its may commencement speaker has broken the silence on the texas-born actor 's speaking fee .meanwhile , the statement says mcconaughey is donating his fees to his jk livin foundation , which the actor started to provide tools to help high school students lead active lives and make healthy choices for the future .\"]\n", - "=======================\n", - "[\"the public texas university first balked at disclosing the actor 's fee but has since caved , saying a confidentiality agreement is no longer bindingactor 's jk livin foundation provides ` tools to help high school students lead active lives and make healthy choices for the future '\"]\n", - "the university of houston said in a statement tuesday that it was paying mcconaughey speaking fees totaling $ 135,000 plus travel expenses , as well as a $ 20,250 commission to the celebrity talent international booking agency engaged by the university .a texas university that booked matthew mcconaughey as its may commencement speaker has broken the silence on the texas-born actor 's speaking fee .meanwhile , the statement says mcconaughey is donating his fees to his jk livin foundation , which the actor started to provide tools to help high school students lead active lives and make healthy choices for the future .\n", - "the public texas university first balked at disclosing the actor 's fee but has since caved , saying a confidentiality agreement is no longer bindingactor 's jk livin foundation provides ` tools to help high school students lead active lives and make healthy choices for the future '\n", - "[1.3185072 1.3674202 1.2203486 1.3192058 1.1428041 1.1417451 1.1268471\n", - " 1.1819682 1.1063101 1.0830439 1.020475 1.0306964 1.0127076 1.0123855\n", - " 1.1845715 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 14 7 4 5 6 8 9 11 10 12 13 17 15 16 18]\n", - "=======================\n", - "[\"mr umunna , increasingly tipped as a likely successor to ed miliband , said he was opposed to ` taxing for the sake of taxing ' .labour appeared split on its proposed new 50p top rate of income tax today after shadow business secretary chuka umunna said it should only be a temporary measure .his remarks highlighted divisions in labour 's top ranks over the 50p rate , introduced for the last few weeks of gordon brown 's government as a trap for the tories .\"]\n", - "=======================\n", - "[\"mr umunna said he was opposed to ` taxing for the sake of taxing 'business secretary said re-introduction of the rate should be temporaryhis remarks highlighted divisions in labour 's top ranks over the 50p rateed miliband said the 50p top rate of tax was ` about fairness in our society '\"]\n", - "mr umunna , increasingly tipped as a likely successor to ed miliband , said he was opposed to ` taxing for the sake of taxing ' .labour appeared split on its proposed new 50p top rate of income tax today after shadow business secretary chuka umunna said it should only be a temporary measure .his remarks highlighted divisions in labour 's top ranks over the 50p rate , introduced for the last few weeks of gordon brown 's government as a trap for the tories .\n", - "mr umunna said he was opposed to ` taxing for the sake of taxing 'business secretary said re-introduction of the rate should be temporaryhis remarks highlighted divisions in labour 's top ranks over the 50p rateed miliband said the 50p top rate of tax was ` about fairness in our society '\n", - "[1.3752337 1.4948311 1.3004736 1.3035553 1.1840919 1.0624441 1.0237547\n", - " 1.038654 1.0174084 1.1402137 1.2456328 1.0937304 1.0211247 1.0436794\n", - " 1.0668923 1.0298771 1.0140315 1.0458412 1.0469087 1.0247627 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 3 2 10 4 9 11 14 5 18 17 13 7 15 19 6 12 8 16 21 20 22]\n", - "=======================\n", - "[\"framed squad photographs of sir bobby alongside the likes of alan shearer , gary speed , nobby solano and shay given have been found discarded alongside grass cuttings , cardboard boxes and bin bags .the pictures were removed from corporate boxes inside the stadium and have been replaced by more recent images .the skip was situated outside st james ' park where fans were able to spot the disgraceful move by the club\"]\n", - "=======================\n", - "[\"newcastle fans angered after club dump pictures of sir bobby robsonsir bobby 's side finished fourth and qualified for the champions league back in 2001-2002 in what was one of their most successful seasonssupporters are upset over a lack of respect to their former manageralan shearer , nolberto solano and gary speed are included in the photosclick here for all the latest newcastle united news\"]\n", - "framed squad photographs of sir bobby alongside the likes of alan shearer , gary speed , nobby solano and shay given have been found discarded alongside grass cuttings , cardboard boxes and bin bags .the pictures were removed from corporate boxes inside the stadium and have been replaced by more recent images .the skip was situated outside st james ' park where fans were able to spot the disgraceful move by the club\n", - "newcastle fans angered after club dump pictures of sir bobby robsonsir bobby 's side finished fourth and qualified for the champions league back in 2001-2002 in what was one of their most successful seasonssupporters are upset over a lack of respect to their former manageralan shearer , nolberto solano and gary speed are included in the photosclick here for all the latest newcastle united news\n", - "[1.219729 1.4557672 1.3373873 1.2563806 1.3152452 1.1699342 1.2493216\n", - " 1.0784714 1.1355952 1.1218531 1.0526297 1.0093204 1.0114434 1.0146834\n", - " 1.0261035 1.019255 1.0249524 1.0124627 1.0130509 1.022516 1.0150373\n", - " 1.0785332 0. ]\n", - "\n", - "[ 1 2 4 3 6 0 5 8 9 21 7 10 14 16 19 15 20 13 18 17 12 11 22]\n", - "=======================\n", - "['emma dickson , of edinburgh , thought she would be planning her wedding to her fiance dougie , 26 , but ended up talking to him about her funeral when she was rushed to hospital and told she had developed blood clots which had moved to her lungs .the 31-year-old had two blood clots in her lungs , which led to a condition which caused her left lung to collapse - just a month before she was due to get married .a bride-to-be was left fighting for her life when her lung collapsed after she had been taking the contraceptive pill .']\n", - "=======================\n", - "[\"emma dickson was taking the contraceptive pill and then was taken to hospital after suffering with sharp pains last novemberdoctors said she had developed blood clots , which can be caused by synthetic hormones in the pill , and clots had moved up to her lungsclots , or pulmonary embolisms , were wedged in mrs dickson 's lungs and caused pleural effusion - where fluid starts to build up around the lungsfluid caused her left lung to collapse and she thought she would die\"]\n", - "emma dickson , of edinburgh , thought she would be planning her wedding to her fiance dougie , 26 , but ended up talking to him about her funeral when she was rushed to hospital and told she had developed blood clots which had moved to her lungs .the 31-year-old had two blood clots in her lungs , which led to a condition which caused her left lung to collapse - just a month before she was due to get married .a bride-to-be was left fighting for her life when her lung collapsed after she had been taking the contraceptive pill .\n", - "emma dickson was taking the contraceptive pill and then was taken to hospital after suffering with sharp pains last novemberdoctors said she had developed blood clots , which can be caused by synthetic hormones in the pill , and clots had moved up to her lungsclots , or pulmonary embolisms , were wedged in mrs dickson 's lungs and caused pleural effusion - where fluid starts to build up around the lungsfluid caused her left lung to collapse and she thought she would die\n", - "[1.265967 1.3825226 1.279945 1.2814008 1.2400825 1.1551459 1.050129\n", - " 1.082877 1.1959076 1.0826776 1.1528857 1.0319972 1.0160862 1.0160893\n", - " 1.0191749 1.0746827 1.0548972 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 8 5 10 7 9 15 16 6 11 14 13 12 21 17 18 19 20 22]\n", - "=======================\n", - "[\"ed miliband said it was ` not good enough ' for millions of workers not to know how many hours they would be working from one week to the next .labour party leader ed miliband announced the zero-hours contract ban to workers at david brown gear systems in huddersfield this morninghe said a labour government would give workers the right to demand a ` regular contract if they do regular hours ' after three months .\"]\n", - "=======================\n", - "[\"labour leader said it 's ` not good enough ' for staff not to have regular payhe said workers should get the right to a regular contract after 3 monthscomes after the pm struggled to say if he could live on zero-hours contract\"]\n", - "ed miliband said it was ` not good enough ' for millions of workers not to know how many hours they would be working from one week to the next .labour party leader ed miliband announced the zero-hours contract ban to workers at david brown gear systems in huddersfield this morninghe said a labour government would give workers the right to demand a ` regular contract if they do regular hours ' after three months .\n", - "labour leader said it 's ` not good enough ' for staff not to have regular payhe said workers should get the right to a regular contract after 3 monthscomes after the pm struggled to say if he could live on zero-hours contract\n", - "[1.2851561 1.1114838 1.1921293 1.4667264 1.1778924 1.1680919 1.2681415\n", - " 1.047772 1.1570339 1.0427195 1.0414145 1.032779 1.025149 1.0395964\n", - " 1.0194502 1.0140884 1.1797466 1.0195369 1.0488024 1.0176216 1.0208383\n", - " 1.0101289 1.0115726]\n", - "\n", - "[ 3 0 6 2 16 4 5 8 1 18 7 9 10 13 11 12 20 17 14 19 15 22 21]\n", - "=======================\n", - "[\"manny pacquiao will also earn more than $ 100million in las vegas on may 2 .floyd mayweather jnr recalls the reaction of his friends on the day he set himself up as an independent boxing business and told them : ` the time will come when i make a hundred million dollars in one night . 'mayweather is a little more than two weeks away from the richest-ever boxing fight against manny pacquiao\"]\n", - "=======================\n", - "[\"floyd mayweather held media workout at his gym - but turned up latehe is just over two weeks away from facing manny pacquiao on may 2mayweather will earn more than $ 180m from the richest fight in boxingbut he admitted he no longer enjoys the sport and will retire this yearmayweather plans to have one more fight in september to finish his careerricky hatton : pacquiao has style but mayweather ` will find a way to win 'click here to watch manny pacquiao 's open media workout live\"]\n", - "manny pacquiao will also earn more than $ 100million in las vegas on may 2 .floyd mayweather jnr recalls the reaction of his friends on the day he set himself up as an independent boxing business and told them : ` the time will come when i make a hundred million dollars in one night . 'mayweather is a little more than two weeks away from the richest-ever boxing fight against manny pacquiao\n", - "floyd mayweather held media workout at his gym - but turned up latehe is just over two weeks away from facing manny pacquiao on may 2mayweather will earn more than $ 180m from the richest fight in boxingbut he admitted he no longer enjoys the sport and will retire this yearmayweather plans to have one more fight in september to finish his careerricky hatton : pacquiao has style but mayweather ` will find a way to win 'click here to watch manny pacquiao 's open media workout live\n", - "[1.5273659 1.4678844 1.5517449 1.2826247 1.1167132 1.0408223 1.0211703\n", - " 1.0209051 1.0364085 1.0859298 1.124221 1.0517192 1.0200762 1.0208348\n", - " 1.0154098 1.0246333 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 1 3 10 4 9 11 5 8 15 6 7 13 12 14 21 16 17 18 19 20 22]\n", - "=======================\n", - "['wladimir klitschko goes up against bryant jennings in new york on saturday nightfury is the mandatory challenger to the long-reigning heavyweight champion and hopes to lure him to england in the autumn .klitschko has held a portion of the world title since 2000 but fury is convinced he is the man to beat him .']\n", - "=======================\n", - "['wladimir klitschko faces bryant jennings in new york on saturday nighttyson fury hopes his next fight will be against klitschko in septemberbritish heavyweight champion convinced he can take the wbo title']\n", - "wladimir klitschko goes up against bryant jennings in new york on saturday nightfury is the mandatory challenger to the long-reigning heavyweight champion and hopes to lure him to england in the autumn .klitschko has held a portion of the world title since 2000 but fury is convinced he is the man to beat him .\n", - "wladimir klitschko faces bryant jennings in new york on saturday nighttyson fury hopes his next fight will be against klitschko in septemberbritish heavyweight champion convinced he can take the wbo title\n", - "[1.1541411 1.3266437 1.0765924 1.0654918 1.2897352 1.101195 1.0540736\n", - " 1.0736599 1.0321593 1.1233612 1.0648432 1.1403438 1.1329609 1.0470964\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 11 12 9 5 2 7 3 10 6 13 8 14 15 16 17]\n", - "=======================\n", - "[\"the presence of blue origin , llc , the brainchild of amazon founder jeff bezos , barely registers in nearby van horn , a way station along interstate 10 , a full decade after he began buying land in one of texas ' largest and most remote counties .billionaires : amazon ceo jeff bezos ( left ) and spacex elon musk ( right ) have seemingly unlimited resources -- bezos ' wealth is estimated at nearly $ 35 billion , musk 's at $ 12 billionan isolated edge of vast west texas is home to a highly secretive part of the 21st-century space race , one of two being directed in the lone star state by internet billionaires whose personalities and corporate strategies seem worlds apart .\"]\n", - "=======================\n", - "[\"elon musk 's spacex and jeff bezos ' blue origin are among several us companies engaged in the private space businessblue origin , llc , keeps a low profile in van horn , texas , a way station along interstate 10the highly visible spacex venture is at the opposite end of the statebezos ' wealth is estimated at nearly $ 35 billion , musk 's at $ 12 billionboth men hope to launch a new era of commercial space operations , in part by cutting costs through reusable rockets\"]\n", - "the presence of blue origin , llc , the brainchild of amazon founder jeff bezos , barely registers in nearby van horn , a way station along interstate 10 , a full decade after he began buying land in one of texas ' largest and most remote counties .billionaires : amazon ceo jeff bezos ( left ) and spacex elon musk ( right ) have seemingly unlimited resources -- bezos ' wealth is estimated at nearly $ 35 billion , musk 's at $ 12 billionan isolated edge of vast west texas is home to a highly secretive part of the 21st-century space race , one of two being directed in the lone star state by internet billionaires whose personalities and corporate strategies seem worlds apart .\n", - "elon musk 's spacex and jeff bezos ' blue origin are among several us companies engaged in the private space businessblue origin , llc , keeps a low profile in van horn , texas , a way station along interstate 10the highly visible spacex venture is at the opposite end of the statebezos ' wealth is estimated at nearly $ 35 billion , musk 's at $ 12 billionboth men hope to launch a new era of commercial space operations , in part by cutting costs through reusable rockets\n", - "[1.2090367 1.3187143 1.3511422 1.4107579 1.2044712 1.1759777 1.0818611\n", - " 1.1419108 1.1937891 1.084897 1.0242395 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 1 0 4 8 5 7 9 6 10 16 11 12 13 14 15 17]\n", - "=======================\n", - "[\"william ` frankie ' dugan , 29 , and 32-year-old valerie ojo allegedly performed sex acts on two children aged five and six in oklahoma .the couple were charged in march after they allegedly committed forcible sodomy , incest and exploitation against two children , aged 5 and 6 .police fear that two serial pedophiles arrested last month may have had more victims .\"]\n", - "=======================\n", - "[\"authorities searching for other potential victims of william ` frankie ' dugan , 29 , and 32-year-old valerie ojo\"]\n", - "william ` frankie ' dugan , 29 , and 32-year-old valerie ojo allegedly performed sex acts on two children aged five and six in oklahoma .the couple were charged in march after they allegedly committed forcible sodomy , incest and exploitation against two children , aged 5 and 6 .police fear that two serial pedophiles arrested last month may have had more victims .\n", - "authorities searching for other potential victims of william ` frankie ' dugan , 29 , and 32-year-old valerie ojo\n", - "[1.2916707 1.4806834 1.3490211 1.3142184 1.146089 1.1730763 1.0600045\n", - " 1.0319582 1.1644812 1.0373898 1.1015321 1.0125785 1.0521808 1.0459806\n", - " 1.0405881 1.0534439 1.137193 1.0083972]\n", - "\n", - "[ 1 2 3 0 5 8 4 16 10 6 15 12 13 14 9 7 11 17]\n", - "=======================\n", - "[\"ten officers from guernsey police executed search warrants at the eagle medical practice and a private residential address on the island of alderney after the force was alerted by the health & social services department .the hssd said that following its initial investigation a doctor was excluded from treating patients at the mignot memorial hospital and the general medical council ( gmc ) was informed .police officers have raided a doctors ' surgery following ` concerns ' about the deaths of four patients in the channel islands .\"]\n", - "=======================\n", - "[\"police raided surgery on alderney as part of investigation into patient deathshealth and social services department alerted force to their ` concerns 'a doctor has been excluded from treating patients but no arrests made yetanyone with concerns urged to contact staff at mignot memorial hospital\"]\n", - "ten officers from guernsey police executed search warrants at the eagle medical practice and a private residential address on the island of alderney after the force was alerted by the health & social services department .the hssd said that following its initial investigation a doctor was excluded from treating patients at the mignot memorial hospital and the general medical council ( gmc ) was informed .police officers have raided a doctors ' surgery following ` concerns ' about the deaths of four patients in the channel islands .\n", - "police raided surgery on alderney as part of investigation into patient deathshealth and social services department alerted force to their ` concerns 'a doctor has been excluded from treating patients but no arrests made yetanyone with concerns urged to contact staff at mignot memorial hospital\n", - "[1.5012114 1.3239338 1.1406204 1.047622 1.3245237 1.2348151 1.0935707\n", - " 1.0925512 1.1023566 1.0442259 1.0572038 1.0176854 1.0132657 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 5 2 8 6 7 10 3 9 11 12 16 13 14 15 17]\n", - "=======================\n", - "[\"actress julia louis-dreyfus has revealed that the ultra-short hairstyle she models in the newest season of hbo 's political comedy veep was inspired by none other than presidential candidate hillary clinton .strictly business : julia louis-dreyfus covers marie claire 's career-oriented supplement @work , which is featured in the may issue of the magazine` hillary clinton has gotten so much sh ** for her hairstyles over the years , ' julia , who also features on the cover of the supplement , explained .\"]\n", - "=======================\n", - "[\"the 54-year-old actress covers marie claire 's career-oriented supplement , which is featured in the may issue of the magazine\"]\n", - "actress julia louis-dreyfus has revealed that the ultra-short hairstyle she models in the newest season of hbo 's political comedy veep was inspired by none other than presidential candidate hillary clinton .strictly business : julia louis-dreyfus covers marie claire 's career-oriented supplement @work , which is featured in the may issue of the magazine` hillary clinton has gotten so much sh ** for her hairstyles over the years , ' julia , who also features on the cover of the supplement , explained .\n", - "the 54-year-old actress covers marie claire 's career-oriented supplement , which is featured in the may issue of the magazine\n", - "[1.2173007 1.4794635 1.0674886 1.1632911 1.4042536 1.2745868 1.0471187\n", - " 1.1704334 1.1909969 1.0947355 1.0688509 1.0400027 1.025231 1.0782087\n", - " 1.0680357 1.0502967 0. 0. ]\n", - "\n", - "[ 1 4 5 0 8 7 3 9 13 10 14 2 15 6 11 12 16 17]\n", - "=======================\n", - "[\"robin thomas , of jonesboro , posted a sign on his truck that reads , ` looking for a date ?an arkansas single dad has decided to change up his romance strategy by putting an ad on the side of his pickup truck after not finding love online .thomas has three kids , aged six to 11 , who he said that his kids think the sign is ` cute ' .\"]\n", - "=======================\n", - "[\"robin thomas , of jonesboro , arkansas , says that he failed to find love with online dating sitesthe sign reads , ` looking for a date ?the retired cook is looking for a ` down-to-earth ' woman who 's ` at least 28 'thomas says his kids , aged six to 11 , think the advertisement is ` cute '\"]\n", - "robin thomas , of jonesboro , posted a sign on his truck that reads , ` looking for a date ?an arkansas single dad has decided to change up his romance strategy by putting an ad on the side of his pickup truck after not finding love online .thomas has three kids , aged six to 11 , who he said that his kids think the sign is ` cute ' .\n", - "robin thomas , of jonesboro , arkansas , says that he failed to find love with online dating sitesthe sign reads , ` looking for a date ?the retired cook is looking for a ` down-to-earth ' woman who 's ` at least 28 'thomas says his kids , aged six to 11 , think the advertisement is ` cute '\n", - "[1.4159212 1.3795459 1.2405643 1.1703162 1.3329811 1.1719935 1.0140961\n", - " 1.0129796 1.0170474 1.0200117 1.3043069 1.1055903 1.152829 1.0186652\n", - " 1.0143088 0. 0. ]\n", - "\n", - "[ 0 1 4 10 2 5 3 12 11 9 13 8 14 6 7 15 16]\n", - "=======================\n", - "[\"olympic gold medallist jessica ennis-hill has confirmed she will return to competition in london this july following her break from athletics to become a mother .jessica ennis-hill became a national hero when she won heptathlon gold at the london 2012 olympicskatarina johnson-thompson has emerged as the new rising star of british athletics and ennis-hill 's heir\"]\n", - "=======================\n", - "['jessica ennis-hill will compete at the anniversary games in julyolympic gold medallist has not been in action since 2013her return could set up showdown against katarina johnson-thompson']\n", - "olympic gold medallist jessica ennis-hill has confirmed she will return to competition in london this july following her break from athletics to become a mother .jessica ennis-hill became a national hero when she won heptathlon gold at the london 2012 olympicskatarina johnson-thompson has emerged as the new rising star of british athletics and ennis-hill 's heir\n", - "jessica ennis-hill will compete at the anniversary games in julyolympic gold medallist has not been in action since 2013her return could set up showdown against katarina johnson-thompson\n", - "[1.1146481 1.2669089 1.3572018 1.3441331 1.1991653 1.2660289 1.1347027\n", - " 1.1620841 1.0604703 1.1774467 1.033658 1.018969 1.0154431 1.0297935\n", - " 1.0208739 0. 0. ]\n", - "\n", - "[ 2 3 1 5 4 9 7 6 0 8 10 13 14 11 12 15 16]\n", - "=======================\n", - "[\"the #skyhighselfie is one of the unusual extras being offered on the airline 's dreamliner 787 routes , alongside mood lighting to help with jetlag , windows that can be darkened with a touch of a button and full length windows in the toilets .all guests on the new virgin 787 dreamliner routes will be able to take a selfie and share it on facebook , with specially-selected cabin shots advisedand now that status update about jetting off on holiday is set to be even easier after virgin atlantic announced it would allow each passenger one facebook login for free so they can post an update from 35,000 ft.\"]\n", - "=======================\n", - "['customers in all areas of the plane will be able to share one selfie shot on facebookmood lighting introduced throughout plane that is designed to help people with time zone differencesfull length bathroom mirror , again in all areas of the plane , can help you keep looking your best']\n", - "the #skyhighselfie is one of the unusual extras being offered on the airline 's dreamliner 787 routes , alongside mood lighting to help with jetlag , windows that can be darkened with a touch of a button and full length windows in the toilets .all guests on the new virgin 787 dreamliner routes will be able to take a selfie and share it on facebook , with specially-selected cabin shots advisedand now that status update about jetting off on holiday is set to be even easier after virgin atlantic announced it would allow each passenger one facebook login for free so they can post an update from 35,000 ft.\n", - "customers in all areas of the plane will be able to share one selfie shot on facebookmood lighting introduced throughout plane that is designed to help people with time zone differencesfull length bathroom mirror , again in all areas of the plane , can help you keep looking your best\n", - "[1.3441924 1.1602149 1.4634848 1.2463466 1.2605711 1.2551625 1.0860541\n", - " 1.069944 1.114694 1.0282649 1.0168158 1.1073169 1.0403234 1.112988\n", - " 1.1589793 0. 0. ]\n", - "\n", - "[ 2 0 4 5 3 1 14 8 13 11 6 7 12 9 10 15 16]\n", - "=======================\n", - "['porche wright , 27 , was scheduled to appear in court on tuesday afternoon on attempted murder charges .attempted murder : porche wright is accused of setting her seven-year-old daughter on firewhen paramedics arrived at the sacramento home , the seven-year-old girl was covered in serious burns .']\n", - "=======================\n", - "['porche wright , 27 , is accused of setting her seven-year-old daughter on fire over the weekendthe child survived but suffers from serious burnswright was charged with attempted murder and in the past has been charged with prostitution , disorderly conduct , and domestic violenceneighbors say they often heard wright yelling at her daughter']\n", - "porche wright , 27 , was scheduled to appear in court on tuesday afternoon on attempted murder charges .attempted murder : porche wright is accused of setting her seven-year-old daughter on firewhen paramedics arrived at the sacramento home , the seven-year-old girl was covered in serious burns .\n", - "porche wright , 27 , is accused of setting her seven-year-old daughter on fire over the weekendthe child survived but suffers from serious burnswright was charged with attempted murder and in the past has been charged with prostitution , disorderly conduct , and domestic violenceneighbors say they often heard wright yelling at her daughter\n", - "[1.1260169 1.3262514 1.1353047 1.3538947 1.2286466 1.1152354 1.1018542\n", - " 1.1375691 1.1437699 1.2693509 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 3 1 9 4 8 7 2 0 5 6 15 10 11 12 13 14 16]\n", - "=======================\n", - "[\"an adorable green sea turtle pulled off the ultimate photo-bomb , crashing this group photo in the philippinestraveller diovani de jesus posted the hilarious photo on earth day as a reminder that we can all co-existthe shallow water in apo island , negros oriental , philippines is a feeding ground for sea turtles , so spottings are n't uncommon .\"]\n", - "=======================\n", - "[\"at apo island , this green sea turtle unexpected appeared in group 's photoas the snorkellers posed , the turtle surfaced to breathe and photo-bombedthe area is a feeding ground and well-known marine protection site\"]\n", - "an adorable green sea turtle pulled off the ultimate photo-bomb , crashing this group photo in the philippinestraveller diovani de jesus posted the hilarious photo on earth day as a reminder that we can all co-existthe shallow water in apo island , negros oriental , philippines is a feeding ground for sea turtles , so spottings are n't uncommon .\n", - "at apo island , this green sea turtle unexpected appeared in group 's photoas the snorkellers posed , the turtle surfaced to breathe and photo-bombedthe area is a feeding ground and well-known marine protection site\n", - "[1.3941827 1.1800203 1.4916596 1.286388 1.2733674 1.2647203 1.140266\n", - " 1.0299035 1.0238903 1.0401298 1.0203552 1.0684195 1.2070786 1.0485129\n", - " 1.0695642 1.0438669 1.0185649]\n", - "\n", - "[ 2 0 3 4 5 12 1 6 14 11 13 15 9 7 8 10 16]\n", - "=======================\n", - "[\"lance corporal riki hughes has been jailed for 16 months after he plundered the accounts of tidworth town football club , where he volunteered as club secretary .he claimed to be making rent payments to the club 's landlord - even though the team was actually getting its property for free .hughes , 31 , spent the money on himself , including camping equipment and a stag holiday to las vegas , salisbury crown court heard .\"]\n", - "=======================\n", - "[\"ex-soldier riki hughes , 31 , was the club secretary at tidworth town fche set up fake bank account in the name of the team 's landlord and siphoned off at least # 17,000jailed for 16 months after spending the cash on camping gear and holiday\"]\n", - "lance corporal riki hughes has been jailed for 16 months after he plundered the accounts of tidworth town football club , where he volunteered as club secretary .he claimed to be making rent payments to the club 's landlord - even though the team was actually getting its property for free .hughes , 31 , spent the money on himself , including camping equipment and a stag holiday to las vegas , salisbury crown court heard .\n", - "ex-soldier riki hughes , 31 , was the club secretary at tidworth town fche set up fake bank account in the name of the team 's landlord and siphoned off at least # 17,000jailed for 16 months after spending the cash on camping gear and holiday\n", - "[1.0707799 1.2490504 1.3318597 1.1937755 1.189688 1.0850517 1.1322489\n", - " 1.1181821 1.1378003 1.1848098 1.1297095 1.059403 1.0484586 1.032187\n", - " 1.0678431 1.0327002 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 4 9 8 6 10 7 5 0 14 11 12 15 13 16 17 18 19]\n", - "=======================\n", - "[\"the unusual statistics were revealed as part of a travelzoo survey into voters and their holiday habits , revealing the greens love a long-haul trip and labour are the most likely to try out their dance moves on holiday .conservative party supporters are more likely to take on some light reading such as fifty shades of grey rather than some more refined reading ( file photo )cutting down on emissions and pollution is a mainstay of the green party 's manifesto , however almost half of their supporters ( 49 per cent ) are likely to travel on long haul destinations , preferring an aisle seat on the plane .\"]\n", - "=======================\n", - "['labour party supporters most likely to get up and show off their movesvoters for the liberal democrats prefer a window seat on a planegreen party fans more likely to take home the toiletries than others']\n", - "the unusual statistics were revealed as part of a travelzoo survey into voters and their holiday habits , revealing the greens love a long-haul trip and labour are the most likely to try out their dance moves on holiday .conservative party supporters are more likely to take on some light reading such as fifty shades of grey rather than some more refined reading ( file photo )cutting down on emissions and pollution is a mainstay of the green party 's manifesto , however almost half of their supporters ( 49 per cent ) are likely to travel on long haul destinations , preferring an aisle seat on the plane .\n", - "labour party supporters most likely to get up and show off their movesvoters for the liberal democrats prefer a window seat on a planegreen party fans more likely to take home the toiletries than others\n", - "[1.2891524 1.2326022 1.239968 1.3638649 1.1174135 1.0970277 1.058077\n", - " 1.104356 1.2048246 1.0465982 1.2176609 1.1837798 1.019648 1.019922\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 2 1 10 8 11 4 7 5 6 9 13 12 14 15 16 17 18 19]\n", - "=======================\n", - "[\"marouane fellaini picked steven gerrard as the best passer he has played against in an official club interviewfellaini was on the pitch as gerrard was dismissed just 38 seconds after coming on during liverpool 's 2-1 defeat to united at anfield last month .the belgian put to one side manchester united 's rivalry with their north-west rivals to heap praise on the reds captain for his range of passing in an interview for manutd.com .\"]\n", - "=======================\n", - "['manchester united midfielder picks wayne rooney as his best finishermichael carrick crowned the best passer to have played alongside himphil jagielka named as the toughest tackler belgian has faced']\n", - "marouane fellaini picked steven gerrard as the best passer he has played against in an official club interviewfellaini was on the pitch as gerrard was dismissed just 38 seconds after coming on during liverpool 's 2-1 defeat to united at anfield last month .the belgian put to one side manchester united 's rivalry with their north-west rivals to heap praise on the reds captain for his range of passing in an interview for manutd.com .\n", - "manchester united midfielder picks wayne rooney as his best finishermichael carrick crowned the best passer to have played alongside himphil jagielka named as the toughest tackler belgian has faced\n", - "[1.5135934 1.3978015 1.2520083 1.1665236 1.1395872 1.0937257 1.1235987\n", - " 1.024259 1.0537139 1.1536169 1.1276438 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 3 9 4 10 6 5 8 7 18 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "['( cnn ) film director david lynch has confirmed he will no longer direct the revival of \" twin peaks \" -- a cult 1990s television show that was set to return in 2016 .the offbeat tv series , created by lynch and mark frost , featured a quirky fbi agent who went to the pacific northwest town of twin peaks to investigate the mysterious murder of a high school girl named laura palmer .the groundbreaking series is considered one of the most influential shows in television history .']\n", - "=======================\n", - "['david lynch says he wo n\\'t be directing new episodes of twin peaksshowtime \" saddened \" over decision , which involved a dispute over money']\n", - "( cnn ) film director david lynch has confirmed he will no longer direct the revival of \" twin peaks \" -- a cult 1990s television show that was set to return in 2016 .the offbeat tv series , created by lynch and mark frost , featured a quirky fbi agent who went to the pacific northwest town of twin peaks to investigate the mysterious murder of a high school girl named laura palmer .the groundbreaking series is considered one of the most influential shows in television history .\n", - "david lynch says he wo n't be directing new episodes of twin peaksshowtime \" saddened \" over decision , which involved a dispute over money\n", - "[1.4627006 1.5346489 1.3094835 1.2477754 1.2288935 1.0675104 1.0569774\n", - " 1.0263373 1.0220633 1.017478 1.0164154 1.0259727 1.0219067 1.1848829\n", - " 1.1079868 1.0141433 1.0325285 1.122163 1.0147802 1.0270088]\n", - "\n", - "[ 1 0 2 3 4 13 17 14 5 6 16 19 7 11 8 12 9 10 18 15]\n", - "=======================\n", - "[\"mcilroy 's fourth place in the masters is his best finish in seven appearances , while his 12 under par total was 12 shots better than last year and beat his previous best by eight shots .graeme mcdowell believes jordan spieth may not be the only rival rory mcilroy has to face as he looks to complete the career grand slam and add more majors to his collection .but the world number one never threatened to claim a first green jacket to become only the sixth player in history to win all four major titles and saw spieth follow up his second place at augusta 12 months ago with a record-breaking victory .\"]\n", - "=======================\n", - "['graeme mcdowell believes it is an exciting time for the sportjordan spieth won his maiden major at the masters at augusta on sundayrory mcilroy finished in the fourth position , six shots behind spiethmcdowell finished in a tie for 52nd on six over par']\n", - "mcilroy 's fourth place in the masters is his best finish in seven appearances , while his 12 under par total was 12 shots better than last year and beat his previous best by eight shots .graeme mcdowell believes jordan spieth may not be the only rival rory mcilroy has to face as he looks to complete the career grand slam and add more majors to his collection .but the world number one never threatened to claim a first green jacket to become only the sixth player in history to win all four major titles and saw spieth follow up his second place at augusta 12 months ago with a record-breaking victory .\n", - "graeme mcdowell believes it is an exciting time for the sportjordan spieth won his maiden major at the masters at augusta on sundayrory mcilroy finished in the fourth position , six shots behind spiethmcdowell finished in a tie for 52nd on six over par\n", - "[1.4056218 1.0980124 1.0504345 1.1691154 1.0768245 1.3025513 1.3791668\n", - " 1.1839275 1.1524721 1.1180977 1.2758533 1.0099627 1.0314116 1.0397023\n", - " 1.0223863 1.0343077 1.0111734 1.0086257 1.016057 0. ]\n", - "\n", - "[ 0 6 5 10 7 3 8 9 1 4 2 13 15 12 14 18 16 11 17 19]\n", - "=======================\n", - "[\"france legend serge betsen tells sportsmail where he thinks clermont 's clash with saracens at stade geoffrey-guichard will be won ...brad barritt is back to anchor the saracens midfield against the top 14 giantsclermont centre wesley fofana was in scintillating form during his side 's recent destruction of northampton\"]\n", - "=======================\n", - "['saracens skipper brad barritt will line up opposite wesley fofanaflanker julien bonnaire will be tasked with stopping billy vunipolacharlie hodgson is enjoying a rich vein of form at presentclermont will fear jacques burger after his performance last yearthe top 14 side have the best supporters in french rugby']\n", - "france legend serge betsen tells sportsmail where he thinks clermont 's clash with saracens at stade geoffrey-guichard will be won ...brad barritt is back to anchor the saracens midfield against the top 14 giantsclermont centre wesley fofana was in scintillating form during his side 's recent destruction of northampton\n", - "saracens skipper brad barritt will line up opposite wesley fofanaflanker julien bonnaire will be tasked with stopping billy vunipolacharlie hodgson is enjoying a rich vein of form at presentclermont will fear jacques burger after his performance last yearthe top 14 side have the best supporters in french rugby\n", - "[1.0887884 1.5413525 1.3186976 1.2938346 1.2086642 1.1753473 1.1330802\n", - " 1.0463507 1.113106 1.060058 1.016512 1.0622202 1.0685627 1.0410647\n", - " 1.0282837 1.0140259 1.0231229 1.066007 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 4 5 6 8 0 12 17 11 9 7 13 14 16 10 15 20 18 19 21]\n", - "=======================\n", - "['the bruno smartcan is said to be the first internet connected combined kitchen bin and vacuum cleaner .using sensors on the front of the bin , it is able to sense when dust and debris from the kitchen floor is swept towards it with a brush , turning on a vacuum to suck up the offending mess .it also has an integrated bag store and charging cord']\n", - "=======================\n", - "[\"bruno smartcan is world 's first internet connected vacuum and rubbish binit uses sensors to detect when dust is brushed close to it and sucks it upmotion sensors open the lid automatically and can send alerts to your phone to remind you when the trash needs to be taken out\"]\n", - "the bruno smartcan is said to be the first internet connected combined kitchen bin and vacuum cleaner .using sensors on the front of the bin , it is able to sense when dust and debris from the kitchen floor is swept towards it with a brush , turning on a vacuum to suck up the offending mess .it also has an integrated bag store and charging cord\n", - "bruno smartcan is world 's first internet connected vacuum and rubbish binit uses sensors to detect when dust is brushed close to it and sucks it upmotion sensors open the lid automatically and can send alerts to your phone to remind you when the trash needs to be taken out\n", - "[1.2182424 1.0792813 1.088262 1.1911259 1.1353737 1.1409864 1.1180098\n", - " 1.0672565 1.1028112 1.094954 1.062419 1.0763124 1.0498422 1.0289928\n", - " 1.0496616 1.1179276 1.128487 1.0998225 1.0933489 1.0188794 1.0330174\n", - " 1.022141 ]\n", - "\n", - "[ 0 3 5 4 16 6 15 8 17 9 18 2 1 11 7 10 12 14 20 13 21 19]\n", - "=======================\n", - "[\"( cnn ) the sun had n't risen at garissa university college .it started with an explosion and gunshots around 5:30 a.m. thursday ( 10:30 p.m. et wednesday ) at the kenyan school 's front gates .at one point , they burst into a room where christians had gathered and took hostages , said lecturer joel ayora .\"]\n", - "=======================\n", - "['kenyan agency : 147 dead , plans underway to evacuate students and othersgarissa university college students wake to explosions and gunfirereports : gunmen storm the kenyan school , attacking christians and letting muslims go']\n", - "( cnn ) the sun had n't risen at garissa university college .it started with an explosion and gunshots around 5:30 a.m. thursday ( 10:30 p.m. et wednesday ) at the kenyan school 's front gates .at one point , they burst into a room where christians had gathered and took hostages , said lecturer joel ayora .\n", - "kenyan agency : 147 dead , plans underway to evacuate students and othersgarissa university college students wake to explosions and gunfirereports : gunmen storm the kenyan school , attacking christians and letting muslims go\n", - "[1.2500411 1.2373692 1.3022285 1.2731094 1.285863 1.1444365 1.1287167\n", - " 1.1028336 1.0553958 1.0311906 1.1752338 1.0858157 1.030491 1.0261277\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 4 3 0 1 10 5 6 7 11 8 9 12 13 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"senior conservatives claimed mr miliband was effectively ` accusing the prime minister of murder ' in a ` desperate and negative ' attempt to score political points by exploiting a human tragedy .ed miliband claimed the mediterranean crisis was ` in part a direct result ' of the pm 's libya policyed miliband , pictured , was accused of trying to make political capital from the mediterranean tragedy\"]\n", - "=======================\n", - "[\"ed miliband said the crisis was ` in part a direct result ' of the pm 's policymiliband made a rare address on the issue of foreign policy in londonsenior conservatives accused miliband of exploiting a human tragedyliam fox claimed the labour leader was ` weaponise drowning migrants '\"]\n", - "senior conservatives claimed mr miliband was effectively ` accusing the prime minister of murder ' in a ` desperate and negative ' attempt to score political points by exploiting a human tragedy .ed miliband claimed the mediterranean crisis was ` in part a direct result ' of the pm 's libya policyed miliband , pictured , was accused of trying to make political capital from the mediterranean tragedy\n", - "ed miliband said the crisis was ` in part a direct result ' of the pm 's policymiliband made a rare address on the issue of foreign policy in londonsenior conservatives accused miliband of exploiting a human tragedyliam fox claimed the labour leader was ` weaponise drowning migrants '\n", - "[1.1760013 1.4179444 1.2257835 1.2869679 1.204838 1.2163618 1.1563365\n", - " 1.0912904 1.0188429 1.0874441 1.10724 1.1226612 1.0803137 1.0473082\n", - " 1.0092937 1.0300614 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 5 4 0 6 11 10 7 9 12 13 15 8 14 20 16 17 18 19 21]\n", - "=======================\n", - "['units from multiple fire departments were called to a fire just west of grand valley state university in michigan after an april fools prank involving fireworks sent one apartment unit up in smoke , the holland sentinel reports .fire officials said one of the girls threw a lit firework at a roommate ; the firework landed in a laundry hamper , setting the contents on fire .four girls live in apartment 4 of building b of the campus west apartments .']\n", - "=======================\n", - "['an april fools day prank involving fireworks resulted in an apartment fire near the grand valley state university in michigana girl allegedly threw a lit firework at a roommate , which landed in a laundry hamper , and set the contents on fireno one was hurt and the girl is not expected to face charges']\n", - "units from multiple fire departments were called to a fire just west of grand valley state university in michigan after an april fools prank involving fireworks sent one apartment unit up in smoke , the holland sentinel reports .fire officials said one of the girls threw a lit firework at a roommate ; the firework landed in a laundry hamper , setting the contents on fire .four girls live in apartment 4 of building b of the campus west apartments .\n", - "an april fools day prank involving fireworks resulted in an apartment fire near the grand valley state university in michigana girl allegedly threw a lit firework at a roommate , which landed in a laundry hamper , and set the contents on fireno one was hurt and the girl is not expected to face charges\n", - "[1.3055027 1.3494108 1.0659313 1.1555673 1.2461628 1.144382 1.057325\n", - " 1.0725397 1.0681938 1.1058908 1.084771 1.0608244 1.0973389 1.0670261\n", - " 1.0468681 1.0741118 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 4 3 5 9 12 10 15 7 8 13 2 11 6 14 20 16 17 18 19 21]\n", - "=======================\n", - "['house homeland security panel chairman michael mccaul revealed that capitol authorities had doug hughes , 61 , in their sights and were prepared to open fire .the florida mailman who caused a major security scare when he landed his gyro-copter on the us capitol lawn on wednesday afternoon was just seconds from being shot out of the sky .however , hughes claims he informed the secret service and capitol police of his potentially lethal stunt into the no-fly zone , which was designed to draw attention to campaign finance reform and government corruption .']\n", - "=======================\n", - "['florida mailman breaches no-fly zone and lands gyro-copter on us capitol west front lawndoug hughes , 61 , concocted the stunt to raise awareness of campaign finance reformflew undetected from an undisclosed location near to washington d.c and landed at 2pmstunned bystanders just watched as the helicopter flew past the gen. ulysses grant statue and came to a halthe has been planning the stunt for two years and said he kept his wife in the dark about it']\n", - "house homeland security panel chairman michael mccaul revealed that capitol authorities had doug hughes , 61 , in their sights and were prepared to open fire .the florida mailman who caused a major security scare when he landed his gyro-copter on the us capitol lawn on wednesday afternoon was just seconds from being shot out of the sky .however , hughes claims he informed the secret service and capitol police of his potentially lethal stunt into the no-fly zone , which was designed to draw attention to campaign finance reform and government corruption .\n", - "florida mailman breaches no-fly zone and lands gyro-copter on us capitol west front lawndoug hughes , 61 , concocted the stunt to raise awareness of campaign finance reformflew undetected from an undisclosed location near to washington d.c and landed at 2pmstunned bystanders just watched as the helicopter flew past the gen. ulysses grant statue and came to a halthe has been planning the stunt for two years and said he kept his wife in the dark about it\n", - "[1.4516685 1.5553 1.3777049 1.3802369 1.170942 1.0795603 1.0761281\n", - " 1.0450202 1.021904 1.0268968 1.0138264 1.0103568 1.1262472 1.0314324\n", - " 1.0421152 1.0319762 1.0138478 1.0768535 1.167308 1.0259296]\n", - "\n", - "[ 1 0 3 2 4 18 12 5 17 6 7 14 15 13 9 19 8 16 10 11]\n", - "=======================\n", - "[\"paris saint-germain striker ibrahimovic will now miss three games and marseille playmaker payet just one after both clubs succeeded with appeals to the french olympic committee ( cnosf ) .zlatan ibrahimovic and dimitri payet have had their respective suspensions for abusing ligue 1 referees reduced by one match apiece .ibrahimovic was initially banned for four games by the french football league ( lfp ) when he was caught on camera after last month 's 3-2 defeat to bordeaux launching into a tirade against official lionel jaffredo while walking back to the dressing room .\"]\n", - "=======================\n", - "[\"paris saint-germain striker zlatan ibrahimovic picked up a four-game banthe sweden international was caught on camera swearing about a refereemarseille 's dimitri payet also received a two-game ban for swearing at a closed referee 's door after a match against lyonboth have had their bans reduced by one match after appealing\"]\n", - "paris saint-germain striker ibrahimovic will now miss three games and marseille playmaker payet just one after both clubs succeeded with appeals to the french olympic committee ( cnosf ) .zlatan ibrahimovic and dimitri payet have had their respective suspensions for abusing ligue 1 referees reduced by one match apiece .ibrahimovic was initially banned for four games by the french football league ( lfp ) when he was caught on camera after last month 's 3-2 defeat to bordeaux launching into a tirade against official lionel jaffredo while walking back to the dressing room .\n", - "paris saint-germain striker zlatan ibrahimovic picked up a four-game banthe sweden international was caught on camera swearing about a refereemarseille 's dimitri payet also received a two-game ban for swearing at a closed referee 's door after a match against lyonboth have had their bans reduced by one match after appealing\n", - "[1.2242222 1.5250218 1.2301358 1.4002514 1.1825404 1.1360532 1.0381414\n", - " 1.0935614 1.0685517 1.0759522 1.1435136 1.0434258 1.0373914 1.0484982\n", - " 1.0118349 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 10 5 7 9 8 13 11 6 12 14 18 15 16 17 19]\n", - "=======================\n", - "[\"dr adam cobb was taken into custody on friday in portsmouth , new hampshire , for receipt and distribution of child pornography after allegedly uploading images of child pornography to the social networking site , tumblr .if convicted he faces 20 years ' jail in the us .cobb took up the position at the us naval war college in june last year after holding senior military and government roles in australia and the us , including a recent strategic policy and planning position at us special operations command in tampa , florida . '\"]\n", - "=======================\n", - "[\"dr adam cobb , 45 , was arrested in portsmouth , new hampshire on fridayhe allegedly uploaded images of child pornography to tumblr websitethe 45-year-old held senior military and government roles in australiahe was in the us working as a research professor and director at the prestigious us naval war college in rhode islandif convicted of the child pornography charges he faces 20 years ' jail\"]\n", - "dr adam cobb was taken into custody on friday in portsmouth , new hampshire , for receipt and distribution of child pornography after allegedly uploading images of child pornography to the social networking site , tumblr .if convicted he faces 20 years ' jail in the us .cobb took up the position at the us naval war college in june last year after holding senior military and government roles in australia and the us , including a recent strategic policy and planning position at us special operations command in tampa , florida . '\n", - "dr adam cobb , 45 , was arrested in portsmouth , new hampshire on fridayhe allegedly uploaded images of child pornography to tumblr websitethe 45-year-old held senior military and government roles in australiahe was in the us working as a research professor and director at the prestigious us naval war college in rhode islandif convicted of the child pornography charges he faces 20 years ' jail\n", - "[1.1980369 1.4750748 1.3493129 1.2847621 1.1480702 1.1107136 1.073345\n", - " 1.0644417 1.0243356 1.026852 1.1097509 1.1007469 1.1162271 1.052697\n", - " 1.0144446 1.0121138 1.0495834 1.0351381 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 12 5 10 11 6 7 13 16 17 9 8 14 15 18 19]\n", - "=======================\n", - "['this week , us army staf sgt julian mcdonald , welcomed 4-year-old layka , a belgian malinois , into his columbus , ohio home after fighting to adopt her for two years .layka was on her eighth overseas military tour with sgt. mcdonald in 2012 when she was shot four times at point blank range by an enemy fighter armed with an ak-47 .a heroic army dog who lost her entire front leg while clearing a taliban compound on patrol in afghanistan has a new home with one of the men she saved .']\n", - "=======================\n", - "[\"u.s. army staff sgt. julian mcdonald of columbus , ohio has adopted a 4-year-old dog named layka who protected him in afghanistandespite being injured in 2012 , layka completed the mission with her team and her wounds were treated upon her return to safe territory` she was the sole reason why i was living and breathing and able to come home to my son and wife , ' said mcdonald of his four legged partner\"]\n", - "this week , us army staf sgt julian mcdonald , welcomed 4-year-old layka , a belgian malinois , into his columbus , ohio home after fighting to adopt her for two years .layka was on her eighth overseas military tour with sgt. mcdonald in 2012 when she was shot four times at point blank range by an enemy fighter armed with an ak-47 .a heroic army dog who lost her entire front leg while clearing a taliban compound on patrol in afghanistan has a new home with one of the men she saved .\n", - "u.s. army staff sgt. julian mcdonald of columbus , ohio has adopted a 4-year-old dog named layka who protected him in afghanistandespite being injured in 2012 , layka completed the mission with her team and her wounds were treated upon her return to safe territory` she was the sole reason why i was living and breathing and able to come home to my son and wife , ' said mcdonald of his four legged partner\n", - "[1.2414258 1.3901073 1.2846093 1.4251698 1.2588822 1.0339457 1.0116391\n", - " 1.1377333 1.1901677 1.0185227 1.1141922 1.02976 1.0199089 1.1514559\n", - " 1.0876915 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 4 0 8 13 7 10 14 5 11 12 9 6 15 16 17 18 19]\n", - "=======================\n", - "[\"belinda bartholomew claims she was racially abused at a bondi butcher on monday night when she was buying a chicken for her and her roosters star boyfriend aidan guerra to have for dinneraccording to ms bartholomew , she was called names and told to go to ` an aussie butcher ' when she tried to change her chicken selection .however the butcher who was working at the shop on monday has hit back saying ms bartholomew is ` lying ' and trying to ruin the business .\"]\n", - "=======================\n", - "[\"belinda bartholomew claims she was racially abused at a bondi butcherthe girlfriend of sydney roosters star aidan guerra went to buy a chicken for a game of thrones inspired dinnershe says she was sworn at and told to ` go to a f *** ing aussie butcher ' when she tried to change her chicken selectionthe butcher vehemently denies he was rude to or swore at her and says the woman is a ` troublemaker ' out to ruin the business\"]\n", - "belinda bartholomew claims she was racially abused at a bondi butcher on monday night when she was buying a chicken for her and her roosters star boyfriend aidan guerra to have for dinneraccording to ms bartholomew , she was called names and told to go to ` an aussie butcher ' when she tried to change her chicken selection .however the butcher who was working at the shop on monday has hit back saying ms bartholomew is ` lying ' and trying to ruin the business .\n", - "belinda bartholomew claims she was racially abused at a bondi butcherthe girlfriend of sydney roosters star aidan guerra went to buy a chicken for a game of thrones inspired dinnershe says she was sworn at and told to ` go to a f *** ing aussie butcher ' when she tried to change her chicken selectionthe butcher vehemently denies he was rude to or swore at her and says the woman is a ` troublemaker ' out to ruin the business\n", - "[1.2884729 1.3308364 1.3476301 1.181568 1.1360029 1.1259651 1.1273589\n", - " 1.1711897 1.0483482 1.0277866 1.022961 1.0435693 1.070984 1.041537\n", - " 1.0464591 1.0196824 1.163646 1.0296525 1.0261368 0. ]\n", - "\n", - "[ 2 1 0 3 7 16 4 6 5 12 8 14 11 13 17 9 18 10 15 19]\n", - "=======================\n", - "['he was also fined $ 100,000 - more than double the $ 40,000 his attorneys had requested .the former u.s. army general , whose career was destroyed when the affair with paula broadwell emerged in november 2012 , avoided jail time at the hearing in charlotte , north carolina on thursday and was instead sentenced to two years probation .disgraced former cia director david petraeus will not go to jail for giving his mistress classified material while she was working on a book about him , a judge ruled today .']\n", - "=======================\n", - "[\"the former u.s. army general appeared in court in charlotte , north carolina on thursday for his sentencing hearinghe admitted to giving his biographer mistress classified material he had improperly kept from the military - which carried up to a year in prisonbut he was instead sentenced to two years probation and a $ 100,000 finespeaking after , petraeus apologized for his ` mistakes ' but thanked his supporters and said he was looking forward to moving on with his lifehe had an affair with paula broadwell between late 2011 and summer 2012 , and stepped down from the cia after the relationship emerged\"]\n", - "he was also fined $ 100,000 - more than double the $ 40,000 his attorneys had requested .the former u.s. army general , whose career was destroyed when the affair with paula broadwell emerged in november 2012 , avoided jail time at the hearing in charlotte , north carolina on thursday and was instead sentenced to two years probation .disgraced former cia director david petraeus will not go to jail for giving his mistress classified material while she was working on a book about him , a judge ruled today .\n", - "the former u.s. army general appeared in court in charlotte , north carolina on thursday for his sentencing hearinghe admitted to giving his biographer mistress classified material he had improperly kept from the military - which carried up to a year in prisonbut he was instead sentenced to two years probation and a $ 100,000 finespeaking after , petraeus apologized for his ` mistakes ' but thanked his supporters and said he was looking forward to moving on with his lifehe had an affair with paula broadwell between late 2011 and summer 2012 , and stepped down from the cia after the relationship emerged\n", - "[1.3762479 1.3904928 1.2672436 1.3572323 1.0330186 1.0311363 1.1498921\n", - " 1.0139383 1.1866871 1.1174599 1.0880015 1.0102038 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 8 6 9 10 4 5 7 11 15 12 13 14 16]\n", - "=======================\n", - "[\"pittsburgh-based pop-up store , less than 100 , has priced its entire stock to reflect the local gender pay gap , meaning that female customers are only charged 76 per cent of the retail price while men pay in full .in the united states , women earn an average of 78 cents for every dollar that men make -- and a new pop-up shop in pennsylvania is using this blatant gender-biased wage gap in order to charge its female customers lower prices than its male visitors .ms. schlenker can afford the gender-conscious pricing because her shop is n't aiming to make money ; all sales from the ceramics , textiles , publications , art prints , and stationery sole will go back to the female artists who made them .\"]\n", - "=======================\n", - "['a store in pittsburgh , pennsylvania is charging women 76 per cent of what they charge men , reflecting the local pay gapowner elana schlenker says she hopes the project , called less than 100 , draws attention to wage inequalityshe plans to travel with the shop and will open up in new orleans , louisiana , this fall']\n", - "pittsburgh-based pop-up store , less than 100 , has priced its entire stock to reflect the local gender pay gap , meaning that female customers are only charged 76 per cent of the retail price while men pay in full .in the united states , women earn an average of 78 cents for every dollar that men make -- and a new pop-up shop in pennsylvania is using this blatant gender-biased wage gap in order to charge its female customers lower prices than its male visitors .ms. schlenker can afford the gender-conscious pricing because her shop is n't aiming to make money ; all sales from the ceramics , textiles , publications , art prints , and stationery sole will go back to the female artists who made them .\n", - "a store in pittsburgh , pennsylvania is charging women 76 per cent of what they charge men , reflecting the local pay gapowner elana schlenker says she hopes the project , called less than 100 , draws attention to wage inequalityshe plans to travel with the shop and will open up in new orleans , louisiana , this fall\n", - "[1.2963965 1.4193854 1.3260211 1.2790507 1.1732191 1.0779405 1.0480756\n", - " 1.0225272 1.1050863 1.1237671 1.0545499 1.0290632 1.0498422 1.043459\n", - " 1.1908201 1.0712315 1.0357811]\n", - "\n", - "[ 1 2 0 3 14 4 9 8 5 15 10 12 6 13 16 11 7]\n", - "=======================\n", - "[\"the proposal has been put forward by experts at nhs health scotland , the scottish government 's health promotions agency , which says more action is needed to tackle the ` continuing problem ' of ` hazardous alcohol consumption in young people ' .the move would apply in pubs , clubs , supermarkets and off-licences in scotland .health bosses are considering raising the legal age for buying alcohol to 21 to tackle binge drinking .\"]\n", - "=======================\n", - "['the proposal has been put forward by experts at nhs health scotlandthey say more must be done to tackle alcohol problem with young peoplethe move would apply in pubs , clubs , supermarkets and off-licences']\n", - "the proposal has been put forward by experts at nhs health scotland , the scottish government 's health promotions agency , which says more action is needed to tackle the ` continuing problem ' of ` hazardous alcohol consumption in young people ' .the move would apply in pubs , clubs , supermarkets and off-licences in scotland .health bosses are considering raising the legal age for buying alcohol to 21 to tackle binge drinking .\n", - "the proposal has been put forward by experts at nhs health scotlandthey say more must be done to tackle alcohol problem with young peoplethe move would apply in pubs , clubs , supermarkets and off-licences\n", - "[1.2470864 1.4856912 1.277337 1.2256029 1.2829795 1.1640334 1.0835509\n", - " 1.0444722 1.1424593 1.0965902 1.023848 1.0380915 1.0589944 1.0923517\n", - " 1.0620518 1.0482426 0. ]\n", - "\n", - "[ 1 4 2 0 3 5 8 9 13 6 14 12 15 7 11 10 16]\n", - "=======================\n", - "[\"university student waheed ahmed , 21 , from rochdale , greater manchester , was held at birmingham airport in the early hours of this morning by anti-terrorism police .he was deported by the turkish authorities and flown back to britain on a plane packed with holidaymakers last night .a labour councillor 's son accused of trying to enter syria illegally with eight family members has been arrested as he landed back in the uk .\"]\n", - "=======================\n", - "['waheed ahmed , 21 , was held by anti-terror police at birmingham airportstudent is accused of trying to take eight family members into syriahe was arrested in turkish border town with family , including four children']\n", - "university student waheed ahmed , 21 , from rochdale , greater manchester , was held at birmingham airport in the early hours of this morning by anti-terrorism police .he was deported by the turkish authorities and flown back to britain on a plane packed with holidaymakers last night .a labour councillor 's son accused of trying to enter syria illegally with eight family members has been arrested as he landed back in the uk .\n", - "waheed ahmed , 21 , was held by anti-terror police at birmingham airportstudent is accused of trying to take eight family members into syriahe was arrested in turkish border town with family , including four children\n", - "[1.2684877 1.5155413 1.205997 1.0974941 1.420913 1.026473 1.013944\n", - " 1.0191483 1.0176325 1.0350895 1.073792 1.0218045 1.0169911 1.0240301\n", - " 1.0759095 1.0418725 0. ]\n", - "\n", - "[ 1 4 0 2 3 14 10 15 9 5 13 11 7 8 12 6 16]\n", - "=======================\n", - "[\"swindon 's win over peterborough meant steve cotterill will have to wait until tuesday to finish the job of returning to the championship , but almost as importantly they made sure preston would n't make any ground on them in the top two .bristol city striker aaron wilbraham celebrates his 63rd minute goal against preston at deepdaleultimately , bristol city were never destined to become the first football league club to win promotion this season at deepdale , even though they are inching ever closer .\"]\n", - "=======================\n", - "['second-placed preston hosted league one leaders bristol cityjermaine beckford fired the home side into the lead in the 59th minuteaaron wilbraham equalised for bristol city four minutes later']\n", - "swindon 's win over peterborough meant steve cotterill will have to wait until tuesday to finish the job of returning to the championship , but almost as importantly they made sure preston would n't make any ground on them in the top two .bristol city striker aaron wilbraham celebrates his 63rd minute goal against preston at deepdaleultimately , bristol city were never destined to become the first football league club to win promotion this season at deepdale , even though they are inching ever closer .\n", - "second-placed preston hosted league one leaders bristol cityjermaine beckford fired the home side into the lead in the 59th minuteaaron wilbraham equalised for bristol city four minutes later\n", - "[1.4469798 1.2839582 1.3636223 1.2746229 1.1459558 1.1866012 1.0326746\n", - " 1.01491 1.0200787 1.0153562 1.015903 1.0198095 1.1014973 1.0202719\n", - " 1.0487682 0. 0. ]\n", - "\n", - "[ 0 2 1 3 5 4 12 14 6 13 8 11 10 9 7 15 16]\n", - "=======================\n", - "['juventus ensured their treble dreams remained alive as they overcame a first-leg defeat thanks to goals by alessandro matri , roberto pereyra and leonardo bonucci .juventus were hit with the news that former premier league striker tevez was to miss the match due to a thigh injury just hours before kick-off , however his absence did not prove to be costly .the feat was made even more impressive as the old lady were without key trio carlos tevez , paul pogba and andrea pirlo .']\n", - "=======================\n", - "['juventus reach final without carlos tevez , paul pogba and andrea pirlothe old lady raced into 3-0 lead thanks to goals by alessandro matri , roberto pereyra and leonardo bonuccialvaro morata was sent off for innocuous tackle on alessandro diamantijuventus will face either napoli or lazio in coppa italia final']\n", - "juventus ensured their treble dreams remained alive as they overcame a first-leg defeat thanks to goals by alessandro matri , roberto pereyra and leonardo bonucci .juventus were hit with the news that former premier league striker tevez was to miss the match due to a thigh injury just hours before kick-off , however his absence did not prove to be costly .the feat was made even more impressive as the old lady were without key trio carlos tevez , paul pogba and andrea pirlo .\n", - "juventus reach final without carlos tevez , paul pogba and andrea pirlothe old lady raced into 3-0 lead thanks to goals by alessandro matri , roberto pereyra and leonardo bonuccialvaro morata was sent off for innocuous tackle on alessandro diamantijuventus will face either napoli or lazio in coppa italia final\n", - "[1.3756082 1.1764878 1.1393178 1.1485206 1.1640596 1.1124486 1.1106064\n", - " 1.059302 1.0463157 1.065674 1.0550627 1.0338645 1.0587641 1.0443058\n", - " 1.041037 1.0228928 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 3 2 5 6 9 7 12 10 8 13 14 11 15 16 17 18 19 20]\n", - "=======================\n", - "['( cnn ) as we approach april 27 when south africa marks the anniversary of the first post-apartheid elections held that day in 1994 , we are faced with yet another wave of deadly attacks against african migrants .outrage triggered by this violence is being heard loudly throughout social media with \" #weareafrica \" showcasing the need for a common front against this affront .attacks against newcomers in south africa are often reduced to attitudes of hate and resentment towards other black africans .']\n", - "=======================\n", - "['xenophobia can not explain the conflict between native poor black south africans and foreign african entrepreneurs , says abdikillings of foreigners can not be separated from the brutal violence poor south africans experience , she adds .']\n", - "( cnn ) as we approach april 27 when south africa marks the anniversary of the first post-apartheid elections held that day in 1994 , we are faced with yet another wave of deadly attacks against african migrants .outrage triggered by this violence is being heard loudly throughout social media with \" #weareafrica \" showcasing the need for a common front against this affront .attacks against newcomers in south africa are often reduced to attitudes of hate and resentment towards other black africans .\n", - "xenophobia can not explain the conflict between native poor black south africans and foreign african entrepreneurs , says abdikillings of foreigners can not be separated from the brutal violence poor south africans experience , she adds .\n", - "[1.306502 1.2002312 1.3515072 1.3263822 1.2858644 1.1408668 1.0396795\n", - " 1.01349 1.0121545 1.1303056 1.2288446 1.1064421 1.0581697 1.0106573\n", - " 1.0116001 1.0443307 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 4 10 1 5 9 11 12 15 6 7 8 14 13 19 16 17 18 20]\n", - "=======================\n", - "[\"the items from the collection of ` dean of american crafts ' allen eaton were slated for public auction on friday at the rago auction house in lambertville , new jersey .stopped the sale : star trek actor george takei helped halt the action of 450 photos and artifacts from world war ii japanese-american internment campsthe collection includes 63 photos of people of japanese descent who were imprisoned over fears they were spies and dozens of arts and crafts they made .\"]\n", - "=======================\n", - "['the star trek star helped pressure a new jersey auction house to cancel a sale of 450 photos and artifacts from world war ii internment camps']\n", - "the items from the collection of ` dean of american crafts ' allen eaton were slated for public auction on friday at the rago auction house in lambertville , new jersey .stopped the sale : star trek actor george takei helped halt the action of 450 photos and artifacts from world war ii japanese-american internment campsthe collection includes 63 photos of people of japanese descent who were imprisoned over fears they were spies and dozens of arts and crafts they made .\n", - "the star trek star helped pressure a new jersey auction house to cancel a sale of 450 photos and artifacts from world war ii internment camps\n", - "[1.2097034 1.2352989 1.411689 1.234519 1.0687486 1.0702239 1.0907776\n", - " 1.1170496 1.0871032 1.0779872 1.0169963 1.0429754 1.0249033 1.0283337\n", - " 1.0575725 1.0789264 1.0373213 1.0452354 1.0381422 0. 0. ]\n", - "\n", - "[ 2 1 3 0 7 6 8 15 9 5 4 14 17 11 18 16 13 12 10 19 20]\n", - "=======================\n", - "['the federal government estimated 4.2 million barrels of oil spilled into the gulf , but bp argued in court that it was much lower .for 87 straight days , oil and methane gas spewed from an uncapped wellhead , 1 mile below the surface of the ocean .a judge ruled bp was responsible for the release of 3.1 million barrels .']\n", - "=======================\n", - "['april 20 marks 5 years since the bp oil spillat the time , there were dire predictions for the environmenttoday , it is still too soon to know the long-term impact']\n", - "the federal government estimated 4.2 million barrels of oil spilled into the gulf , but bp argued in court that it was much lower .for 87 straight days , oil and methane gas spewed from an uncapped wellhead , 1 mile below the surface of the ocean .a judge ruled bp was responsible for the release of 3.1 million barrels .\n", - "april 20 marks 5 years since the bp oil spillat the time , there were dire predictions for the environmenttoday , it is still too soon to know the long-term impact\n", - "[1.1497054 1.4720641 1.2889985 1.2214257 1.1907423 1.1761315 1.2632861\n", - " 1.1795645 1.122975 1.0337412 1.0102798 1.0328835 1.1231261 1.0459437\n", - " 1.1545995 1.0182569 1.0091248 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 6 3 4 7 5 14 0 12 8 13 9 11 15 10 16 17 18 19 20]\n", - "=======================\n", - "['beth hall , 24 , from cambridge , plummeted to a tiny 4st 13lb after battling the horrific eating disorder since her teenage years - while working in a chocolate shop .tormented by bullies at school , she began a strict diet regime at the age of 16 , living off nothing more than black tea and coffee .determined to lose weight , she would often go for up to three days without eating a single thing .']\n", - "=======================\n", - "['beth hall , 24 , from cambridge , plummeted to a tiny 4st 13lb at her worsthad begun the strict starvation regime at 16 after being bullied at schoolsays she survived off tea and coffee and would go days without eatingonly when she was warned she was killing herself did she seek help']\n", - "beth hall , 24 , from cambridge , plummeted to a tiny 4st 13lb after battling the horrific eating disorder since her teenage years - while working in a chocolate shop .tormented by bullies at school , she began a strict diet regime at the age of 16 , living off nothing more than black tea and coffee .determined to lose weight , she would often go for up to three days without eating a single thing .\n", - "beth hall , 24 , from cambridge , plummeted to a tiny 4st 13lb at her worsthad begun the strict starvation regime at 16 after being bullied at schoolsays she survived off tea and coffee and would go days without eatingonly when she was warned she was killing herself did she seek help\n", - "[1.1203374 1.4001174 1.1914613 1.2269069 1.1375395 1.1647431 1.0992845\n", - " 1.0459181 1.099988 1.0800381 1.0232713 1.0447614 1.048558 1.0584637\n", - " 1.0593321 1.0310795 1.0239542 1.036451 1.0181395 1.0156746 1.0215331]\n", - "\n", - "[ 1 3 2 5 4 0 8 6 9 14 13 12 7 11 17 15 16 10 20 18 19]\n", - "=======================\n", - "[\"dallas mavericks owner mark cuban advised twitterers to have their blood tested for everything available -- and to do so every three months .and arizona gov. doug ducey signed legislation to allow arizonans to get any lab test without a doctor 's order .following her mother 's cancer diagnosis , singer taylor swift urged her fans to remind their parents to get screening tests .\"]\n", - "=======================\n", - "[\"mark cuban said people should have their blood tested every quartergilbert welch : giving people more tests will increase health spending , but it wo n't make us healthier .\"]\n", - "dallas mavericks owner mark cuban advised twitterers to have their blood tested for everything available -- and to do so every three months .and arizona gov. doug ducey signed legislation to allow arizonans to get any lab test without a doctor 's order .following her mother 's cancer diagnosis , singer taylor swift urged her fans to remind their parents to get screening tests .\n", - "mark cuban said people should have their blood tested every quartergilbert welch : giving people more tests will increase health spending , but it wo n't make us healthier .\n", - "[1.2978929 1.4446783 1.1812483 1.1895127 1.1528242 1.3736178 1.0835427\n", - " 1.0434768 1.0427428 1.0566608 1.0241845 1.040899 1.0635266 1.0949794\n", - " 1.0570066 1.0778937 1.079268 1.0183038 0. 0. 0. ]\n", - "\n", - "[ 1 5 0 3 2 4 13 6 16 15 12 14 9 7 8 11 10 17 18 19 20]\n", - "=======================\n", - "['with furious demonstrations going on below him in the capital delhi , ganjendra singh , 41 , was seen sitting in the tree for some time before throwing a suicide note into the crowd .an indian farmer hanged himself from a tree in the middle of a public protest over land rights after telling onlookers he could no longer afford to feed his three children .the demonstrations were organised by members of the aam aadmi political party , including chief minister arvind kejriwal .']\n", - "=======================\n", - "['ganjendra singh , 41 , took his own life during a demonstration in delhifarmer from rajasthan state could no longer afford to feed three childrenunseasonable heavy rain and hailstorms last month ruined his wheat cropmore than 30 indian farmers have killed themselves in north and west india']\n", - "with furious demonstrations going on below him in the capital delhi , ganjendra singh , 41 , was seen sitting in the tree for some time before throwing a suicide note into the crowd .an indian farmer hanged himself from a tree in the middle of a public protest over land rights after telling onlookers he could no longer afford to feed his three children .the demonstrations were organised by members of the aam aadmi political party , including chief minister arvind kejriwal .\n", - "ganjendra singh , 41 , took his own life during a demonstration in delhifarmer from rajasthan state could no longer afford to feed three childrenunseasonable heavy rain and hailstorms last month ruined his wheat cropmore than 30 indian farmers have killed themselves in north and west india\n", - "[1.456944 1.2702506 1.165352 1.092699 1.1387286 1.1691505 1.0683445\n", - " 1.014776 1.0582433 1.2328856 1.0970933 1.1622441 1.0326056 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 9 5 2 11 4 10 3 6 8 12 7 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "['( cnn ) a professor at texas a&m galveston said in an email to his strategic management students that they were a disgrace , that they lacked maturity -- and that he would fail the entire class .irwin horwitz , an instructional associate professor in the university \\'s department of maritime administration , told cnn affiliate kprc that he had finally reached a breaking point .\" enough was enough , \" horwitz said .']\n", - "=======================\n", - "[\"a texas a&m galveston professor said in an email to students he would fail the entire classuniversity officials wo n't necessarily stand by failing grades , cnn affiliate kprc reports\"]\n", - "( cnn ) a professor at texas a&m galveston said in an email to his strategic management students that they were a disgrace , that they lacked maturity -- and that he would fail the entire class .irwin horwitz , an instructional associate professor in the university 's department of maritime administration , told cnn affiliate kprc that he had finally reached a breaking point .\" enough was enough , \" horwitz said .\n", - "a texas a&m galveston professor said in an email to students he would fail the entire classuniversity officials wo n't necessarily stand by failing grades , cnn affiliate kprc reports\n", - "[1.2965698 1.3989897 1.3623525 1.2485728 1.221944 1.0640068 1.0830747\n", - " 1.1260546 1.0659373 1.0568792 1.0643786 1.0359708 1.0757543 1.033107\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 7 6 12 8 10 5 9 11 13 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"heritage auctions offered the gray jacket and skirt , featuring a black zigzag applique , plus more than 150 other items from the academy award-winning film at auction on saturday in beverly hills , california .the dress - a jacket and full skirt ensemble - was worn in several key scenes in the 1939 movie , including when scarlett o'hara encounters rhett butler , played by clark gable , and when she gets attacked in the shanty town .a dress worn by vivien leigh when she played scarlett o'hara in the classic 1939 film gone with the wind has fetched $ 137,000 at auction .\"]\n", - "=======================\n", - "['a jacket and full skirt ensemble worn in several key scenes in the 1939 movie has fetched $ 137,000 at auctionthe has faded over time from its original slate blue-gray color to become light grayprivate collection james tumblin learned that the dress was about to be thrown out in the 1960s and negotiated a deal to buy it for $ 20other top selling items from the auction were a straw hat worn by leigh that sold for $ 52,500']\n", - "heritage auctions offered the gray jacket and skirt , featuring a black zigzag applique , plus more than 150 other items from the academy award-winning film at auction on saturday in beverly hills , california .the dress - a jacket and full skirt ensemble - was worn in several key scenes in the 1939 movie , including when scarlett o'hara encounters rhett butler , played by clark gable , and when she gets attacked in the shanty town .a dress worn by vivien leigh when she played scarlett o'hara in the classic 1939 film gone with the wind has fetched $ 137,000 at auction .\n", - "a jacket and full skirt ensemble worn in several key scenes in the 1939 movie has fetched $ 137,000 at auctionthe has faded over time from its original slate blue-gray color to become light grayprivate collection james tumblin learned that the dress was about to be thrown out in the 1960s and negotiated a deal to buy it for $ 20other top selling items from the auction were a straw hat worn by leigh that sold for $ 52,500\n", - "[1.2748849 1.5143744 1.2825704 1.2477283 1.0781987 1.093445 1.1882701\n", - " 1.1286237 1.0444167 1.0201954 1.0146061 1.0191292 1.2479945 1.185415\n", - " 1.0257787 1.0540342 1.0955933 1.0957462 1.0914575 0. 0. ]\n", - "\n", - "[ 1 2 0 12 3 6 13 7 17 16 5 18 4 15 8 14 9 11 10 19 20]\n", - "=======================\n", - "['the girl is in hospital after she was savaged by the animal in namtsy , in the sakha republic in siberia - one of the coldest regions in the world .photographs show the lion being walked around by a worker for a circus that had been visiting the village .a nine-year-old girl was attacked by a lion that was being walked like a dog by circus entertainers who had brought their show to a quiet siberian village .']\n", - "=======================\n", - "['a circus worker was seen walking a lion around a village like a dogthe animal was seen being pulled by a makeshift leash in namtsy , siberiait savaged a nine-year-old girl in the village , on her way home from lessonsgirl is in hospital and the extent of her injuries from the attack not known']\n", - "the girl is in hospital after she was savaged by the animal in namtsy , in the sakha republic in siberia - one of the coldest regions in the world .photographs show the lion being walked around by a worker for a circus that had been visiting the village .a nine-year-old girl was attacked by a lion that was being walked like a dog by circus entertainers who had brought their show to a quiet siberian village .\n", - "a circus worker was seen walking a lion around a village like a dogthe animal was seen being pulled by a makeshift leash in namtsy , siberiait savaged a nine-year-old girl in the village , on her way home from lessonsgirl is in hospital and the extent of her injuries from the attack not known\n", - "[1.3992289 1.4741049 1.1612171 1.1104354 1.1189612 1.3094085 1.2635314\n", - " 1.1073606 1.0555946 1.0714649 1.0351869 1.0275803 1.076647 1.0280852\n", - " 1.0535473 1.1595103 1.1224029 1.0093803 1.0101678 1.0079241 1.0282187]\n", - "\n", - "[ 1 0 5 6 2 15 16 4 3 7 12 9 8 14 10 20 13 11 18 17 19]\n", - "=======================\n", - "[\"reverend jonno williams is the parish priest of the anglican-uniting church at canowindra and will be conducting wednesday 's funeral service .stephanie scott went missing on easter sunday .her burned body was found last friday around five metres from a road in cocoparra national park\"]\n", - "=======================\n", - "[\"reverend jonno williams says funeral of teacher to be held on wednesdayhe will be speaking with the family this afternoon to finalise the detailsreverend williams says it 'll be especially hard for the town 's young people` she was a very friendly and cheerful girl , ' reverend williams saysnsw health spokeswoman says ms scott 's body is still undergoing testsschool cleaner vincent stanford , 24 , has been charged with her murder\"]\n", - "reverend jonno williams is the parish priest of the anglican-uniting church at canowindra and will be conducting wednesday 's funeral service .stephanie scott went missing on easter sunday .her burned body was found last friday around five metres from a road in cocoparra national park\n", - "reverend jonno williams says funeral of teacher to be held on wednesdayhe will be speaking with the family this afternoon to finalise the detailsreverend williams says it 'll be especially hard for the town 's young people` she was a very friendly and cheerful girl , ' reverend williams saysnsw health spokeswoman says ms scott 's body is still undergoing testsschool cleaner vincent stanford , 24 , has been charged with her murder\n", - "[1.239687 1.421414 1.1809211 1.2506205 1.299365 1.2541311 1.2210301\n", - " 1.2611294 1.0557235 1.0180014 1.0096875 1.1370441 1.0165442 1.0296941\n", - " 1.0217825 1.0178318 1.0175356 1.1013132 1.0594344 1.0544945 1.0281501]\n", - "\n", - "[ 1 4 7 5 3 0 6 2 11 17 18 8 19 13 20 14 9 15 16 12 10]\n", - "=======================\n", - "[\"marco evaristti , the south american artist who is based in copenhagen , poured red fruit dye into the strokkur geysir , found around 70 miles to the north east of reykjavik , at dawn .he has since been jailed for two weeks after landowners lambasted his efforts as ` vandalism ' .icelandic authorities jailed the chilean national for 15 days\"]\n", - "=======================\n", - "[\"marco evaristti poured red fruit dye into the strokkur geysir at dawnwhen the hot spring boiled , bright pink steam erupted from the groundthe chilean artist has been jailed for 15 days by ` disgusted ' authoritieshe defended the artwork saying ` nature belongs to no one '\"]\n", - "marco evaristti , the south american artist who is based in copenhagen , poured red fruit dye into the strokkur geysir , found around 70 miles to the north east of reykjavik , at dawn .he has since been jailed for two weeks after landowners lambasted his efforts as ` vandalism ' .icelandic authorities jailed the chilean national for 15 days\n", - "marco evaristti poured red fruit dye into the strokkur geysir at dawnwhen the hot spring boiled , bright pink steam erupted from the groundthe chilean artist has been jailed for 15 days by ` disgusted ' authoritieshe defended the artwork saying ` nature belongs to no one '\n", - "[1.3043312 1.3756664 1.1406537 1.447355 1.2460583 1.1287769 1.075849\n", - " 1.0915794 1.073482 1.1174223 1.0333537 1.112622 1.1116089 1.0525429\n", - " 1.064633 1.0221989 1.0167491 1.0103964 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 4 2 5 9 11 12 7 6 8 14 13 10 15 16 17 18 19 20]\n", - "=======================\n", - "[\"raheem sterling has rejected a new # 100,000-a-week contract with liverpool and could leave this summerunder premier league regulations the 20-year-old is entitled to ` buy-out ' the last year of his current contract which runs out in 2017 .raheem sterling could force his way out of liverpool this summer , costing the club up to # 25million while saving potential suitors such as manchester city and chelsea the same amount .\"]\n", - "=======================\n", - "[\"raheem sterling 's contract with liverpool expires in the summer of 2017the forward could buy-out the final year of his deal for # 1.7 millionliverpool may be forced to accept a much lower bid for the 20-year-oldslaven bilic is in the frame to replace sam allardyce at west hamsouthampton set to make summer bid for man united 's javier hernandeztottenham still interested in move for aston villa 's christian bentekewest ham determined to keep hold of chelsea target aaron cresswell\"]\n", - "raheem sterling has rejected a new # 100,000-a-week contract with liverpool and could leave this summerunder premier league regulations the 20-year-old is entitled to ` buy-out ' the last year of his current contract which runs out in 2017 .raheem sterling could force his way out of liverpool this summer , costing the club up to # 25million while saving potential suitors such as manchester city and chelsea the same amount .\n", - "raheem sterling 's contract with liverpool expires in the summer of 2017the forward could buy-out the final year of his deal for # 1.7 millionliverpool may be forced to accept a much lower bid for the 20-year-oldslaven bilic is in the frame to replace sam allardyce at west hamsouthampton set to make summer bid for man united 's javier hernandeztottenham still interested in move for aston villa 's christian bentekewest ham determined to keep hold of chelsea target aaron cresswell\n", - "[1.3710856 1.5084062 1.1413653 1.0475734 1.0334644 1.1619847 1.0630676\n", - " 1.0209833 1.0457071 1.1448423 1.0583584 1.1457275 1.0191982 1.1361828\n", - " 1.2450024 1.0895264 1.1696866 1.0316656 1.0261176 0. 0. ]\n", - "\n", - "[ 1 0 14 16 5 11 9 2 13 15 6 10 3 8 4 17 18 7 12 19 20]\n", - "=======================\n", - "[\"world no 1 rory mcilroy shields himself from the rain during a practice round at augustaahead of golf 's first major of the year , where all talk is of whether rory mcilroy can complete a career grand slam or how tiger woods ' latest comeback will fare , sportsmail 's derek lawrenson will bring daily updates from behind the scenes at augusta .masters tuesday saw the 80th anniversary of the most famous shot in the tournament 's history , the one that put the event on the map , when gene sarazen made his albatross on the 15th hole in the final round to edge out craig wood .\"]\n", - "=======================\n", - "[\"season 's first major , the masters , tees off thursday april 9 at augustaian poulter forgot to bring his clubs ahead of his practice roundtiger woods ' children will carry his bag during par three tournamenthenrik stenson played down his chances after coming down with flu\"]\n", - "world no 1 rory mcilroy shields himself from the rain during a practice round at augustaahead of golf 's first major of the year , where all talk is of whether rory mcilroy can complete a career grand slam or how tiger woods ' latest comeback will fare , sportsmail 's derek lawrenson will bring daily updates from behind the scenes at augusta .masters tuesday saw the 80th anniversary of the most famous shot in the tournament 's history , the one that put the event on the map , when gene sarazen made his albatross on the 15th hole in the final round to edge out craig wood .\n", - "season 's first major , the masters , tees off thursday april 9 at augustaian poulter forgot to bring his clubs ahead of his practice roundtiger woods ' children will carry his bag during par three tournamenthenrik stenson played down his chances after coming down with flu\n", - "[1.3208365 1.2248956 1.4846789 1.3472486 1.1740308 1.089357 1.3291342\n", - " 1.222028 1.0746559 1.0158468 1.0302262 1.066954 1.015787 1.0220873\n", - " 1.0408992 1.0253658 1.0715809 1.0995859 1.0117612 1.0217657 0. ]\n", - "\n", - "[ 2 3 6 0 1 7 4 17 5 8 16 11 14 10 15 13 19 9 12 18 20]\n", - "=======================\n", - "[\"david nellist , 38 , of keswick , cumbria was foiled after a neighbour heard the young spaniel cross called coco ` screaming ' .nellist was sentenced to two months in prison , suspended for 18 months , banned from keeping animals for five years , ordered to complete 200 hours of unpaid work and pay costs of # 1,580 at workington magistrates court in cumbria last week .the court was told the incident took place early on monday january 19 at the tapas bar nellist co-owned at the time of the incident in keswick .\"]\n", - "=======================\n", - "[\"david nellist was caught on cctv attacking his dog coco in a restauranthe has been sentenced to two months in prison , suspended for 18 monthsnellist , of keswick , cumbria banned from keeping animals for five yearsthe 38-year-old was caught after a neighbour heard the pet ` screaming '\"]\n", - "david nellist , 38 , of keswick , cumbria was foiled after a neighbour heard the young spaniel cross called coco ` screaming ' .nellist was sentenced to two months in prison , suspended for 18 months , banned from keeping animals for five years , ordered to complete 200 hours of unpaid work and pay costs of # 1,580 at workington magistrates court in cumbria last week .the court was told the incident took place early on monday january 19 at the tapas bar nellist co-owned at the time of the incident in keswick .\n", - "david nellist was caught on cctv attacking his dog coco in a restauranthe has been sentenced to two months in prison , suspended for 18 monthsnellist , of keswick , cumbria banned from keeping animals for five yearsthe 38-year-old was caught after a neighbour heard the pet ` screaming '\n", - "[1.3956761 1.2447193 1.2203194 1.1547604 1.2652481 1.0927515 1.0696832\n", - " 1.1340358 1.0938601 1.1068486 1.0386236 1.0810597 1.0237433 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 2 3 7 9 8 5 11 6 10 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"whistleblower julian asssange has added insult to injury for sony pictures after his website wikileaks put hundreds of thousands of emails and documents from last year 's cyberattack into a searchable online archive .the calculated move by assange to expose thousands of indiscreet and personal correspondences will likely spell fresh embarrassment for the embattled company so soon after they hoped the dust had settled on the matter .assange and wikileaks issued a statement on thursday saying that the data has a public interest , but the majority of the correspondences run from the mundane to the deeply personal .\"]\n", - "=======================\n", - "[\"wikileaks uploads hundreds of thousands of emails and documents into a searchable online archivedocuments date from last year 's crippling cyberattack against sony pictures entertainmentit 's the latest blow for the company struggling to get past the attackwikileaks founder julian assange defended actions and said the documents were already in the public domain\"]\n", - "whistleblower julian asssange has added insult to injury for sony pictures after his website wikileaks put hundreds of thousands of emails and documents from last year 's cyberattack into a searchable online archive .the calculated move by assange to expose thousands of indiscreet and personal correspondences will likely spell fresh embarrassment for the embattled company so soon after they hoped the dust had settled on the matter .assange and wikileaks issued a statement on thursday saying that the data has a public interest , but the majority of the correspondences run from the mundane to the deeply personal .\n", - "wikileaks uploads hundreds of thousands of emails and documents into a searchable online archivedocuments date from last year 's crippling cyberattack against sony pictures entertainmentit 's the latest blow for the company struggling to get past the attackwikileaks founder julian assange defended actions and said the documents were already in the public domain\n", - "[1.256014 1.4544852 1.3447833 1.2367659 1.0798919 1.0261264 1.0129157\n", - " 1.0538864 1.214427 1.1943877 1.1259117 1.0801661 1.040358 1.0376356\n", - " 1.0508144 1.0233587 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 8 9 10 11 4 7 14 12 13 5 15 6 18 16 17 19]\n", - "=======================\n", - "[\"the reportedly painful method involves participants placing their mouth over the opening of a cup , jar or other narrow vessel and sucking in until the air vacuum causes their lips to swell up - all in the hopes of emulating kylie jenner 's bee-stung pout .countless teens , both boys and girls , have been sharing the disturbing results of their experiments on twitter and instagram , which in many cases has led to severe bruising around the mouth .a worrying new trend dubbed the ' #kyliejennerchallenge ' is sweeping social media , encouraging teens to blow their lips up to epic proportions using bottles or shot glasses .\"]\n", - "=======================\n", - "[\"the #kyliejennerchallenge is currently sweeping social mediamethod involves creating an airlock which forces lips to swellteens are hoping to emulate kylie jenner 's puffy pout\"]\n", - "the reportedly painful method involves participants placing their mouth over the opening of a cup , jar or other narrow vessel and sucking in until the air vacuum causes their lips to swell up - all in the hopes of emulating kylie jenner 's bee-stung pout .countless teens , both boys and girls , have been sharing the disturbing results of their experiments on twitter and instagram , which in many cases has led to severe bruising around the mouth .a worrying new trend dubbed the ' #kyliejennerchallenge ' is sweeping social media , encouraging teens to blow their lips up to epic proportions using bottles or shot glasses .\n", - "the #kyliejennerchallenge is currently sweeping social mediamethod involves creating an airlock which forces lips to swellteens are hoping to emulate kylie jenner 's puffy pout\n", - "[1.184797 1.4638263 1.1812259 1.1935939 1.1071433 1.0557187 1.0433416\n", - " 1.0413917 1.0280321 1.0282117 1.2080173 1.0943161 1.0797344 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 10 3 0 2 4 11 12 5 6 7 9 8 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"vin los , 24 , gained notoriety last year for his tattoo-covered visage and his dreams of becoming the most famous man in the world ; despite facing heavy criticism about his unique ink , vin insisted that the sharpie-like tattoos on his face , neck , chest , and arms 'em body pop culture ' , create ' a myth , a mystery ' and would one day help him to achieve his goal of global fame .art history : vin says he got his first tattoo around the age of 16 ; it 's the logo for le coq sportif on his chestmost people might believe that being covered in face tattoos would make it impossible to land a job ; but for one inked-up canadian man the decision to cover his head , neck and arms in crude body art has actually earned him a lucrative career as a model .\"]\n", - "=======================\n", - "[\"vin los , 24 , poses in boxer briefs for underwear brand garçon modelthe montreal native has a selection of words tattooed on his face , neck , and body that look like they were scrawled on with a sharpievin 's goal is to be the most famous man on earth and he insists that his body art embodies pop culture\"]\n", - "vin los , 24 , gained notoriety last year for his tattoo-covered visage and his dreams of becoming the most famous man in the world ; despite facing heavy criticism about his unique ink , vin insisted that the sharpie-like tattoos on his face , neck , chest , and arms 'em body pop culture ' , create ' a myth , a mystery ' and would one day help him to achieve his goal of global fame .art history : vin says he got his first tattoo around the age of 16 ; it 's the logo for le coq sportif on his chestmost people might believe that being covered in face tattoos would make it impossible to land a job ; but for one inked-up canadian man the decision to cover his head , neck and arms in crude body art has actually earned him a lucrative career as a model .\n", - "vin los , 24 , poses in boxer briefs for underwear brand garçon modelthe montreal native has a selection of words tattooed on his face , neck , and body that look like they were scrawled on with a sharpievin 's goal is to be the most famous man on earth and he insists that his body art embodies pop culture\n", - "[1.4321533 1.1720409 1.2614825 1.1555367 1.2218826 1.2153083 1.0968368\n", - " 1.072878 1.0279629 1.0285963 1.0802733 1.0306884 1.0471638 1.05624\n", - " 1.0254453 1.1260577 1.0309047 1.0393492 1.0361261 1.0630051]\n", - "\n", - "[ 0 2 4 5 1 3 15 6 10 7 19 13 12 17 18 16 11 9 8 14]\n", - "=======================\n", - "[\"hillary clinton and top aide huma abedin did n't leave a tip during their now infamous stop at an ohio chipotle on monday - despite there being a jar on the counter .to be fair , multimillionaire ` clinton did n't pay ' for the meal , according to wright .she was spotted standing next to clinton in security camera footage released by the toledo-area store .\"]\n", - "=======================\n", - "[\"` her bill was $ 20 and some change , and they paid with $ 21 and left , ' said the manager of the maumee , ohio , restaurantto be fair , ` clinton did n't pay ' for the meal - ` the other lady paid the bill , ' he said , referring to abedin , the vice chairwoman of clinton 's campaignthis branch of the chain does have a tip jar says its manager - although many other chipotles do notclinton and abedin dropped by restaurant incognito for lunch during their road trip from new york to iowa for the first round of campaign events\"]\n", - "hillary clinton and top aide huma abedin did n't leave a tip during their now infamous stop at an ohio chipotle on monday - despite there being a jar on the counter .to be fair , multimillionaire ` clinton did n't pay ' for the meal , according to wright .she was spotted standing next to clinton in security camera footage released by the toledo-area store .\n", - "` her bill was $ 20 and some change , and they paid with $ 21 and left , ' said the manager of the maumee , ohio , restaurantto be fair , ` clinton did n't pay ' for the meal - ` the other lady paid the bill , ' he said , referring to abedin , the vice chairwoman of clinton 's campaignthis branch of the chain does have a tip jar says its manager - although many other chipotles do notclinton and abedin dropped by restaurant incognito for lunch during their road trip from new york to iowa for the first round of campaign events\n", - "[1.3517456 1.2917147 1.1561034 1.3416996 1.1704364 1.1449817 1.090388\n", - " 1.0710367 1.0625767 1.0669467 1.0886259 1.057133 1.0666835 1.0620486\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 5 6 10 7 9 12 8 13 11 14 15 16 17 18 19]\n", - "=======================\n", - "[\"the mother of nicholas figueroa , a 23-year-old male model who died in a building explosion on new york city 's 2nd avenue last month , has spoken outana figueroa , 55 , told daily mail online that though she cries every night , those responsible for the explosion and handling its aftermath have not reached out to her .the young man and recent college graduate was paying the bill on a blind date at a sushi restaurant when three buildings in new york 's east village were destroyed\"]\n", - "=======================\n", - "[\"ana figueroa , mother of nicholas figueroa , 23 , set up memorial to her son who died in the march 26 explosion on new york city 's second avenueblast , which killed two , thought to be the result of illegal gas tappingthe grieving mother said that neither the landlord of the demolished buildings , mayor bill de blasio nor con edison have contacted herfamily has built memorial , plans to push for small park in memory of son\"]\n", - "the mother of nicholas figueroa , a 23-year-old male model who died in a building explosion on new york city 's 2nd avenue last month , has spoken outana figueroa , 55 , told daily mail online that though she cries every night , those responsible for the explosion and handling its aftermath have not reached out to her .the young man and recent college graduate was paying the bill on a blind date at a sushi restaurant when three buildings in new york 's east village were destroyed\n", - "ana figueroa , mother of nicholas figueroa , 23 , set up memorial to her son who died in the march 26 explosion on new york city 's second avenueblast , which killed two , thought to be the result of illegal gas tappingthe grieving mother said that neither the landlord of the demolished buildings , mayor bill de blasio nor con edison have contacted herfamily has built memorial , plans to push for small park in memory of son\n", - "[1.4371948 1.475717 1.179885 1.4593537 1.1837606 1.0449591 1.0218053\n", - " 1.014279 1.0258214 1.0214652 1.1430434 1.1729856 1.0839982 1.015689\n", - " 1.01328 1.0097765 1.0095379 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 11 10 12 5 8 6 9 13 7 14 15 16 17 18 19]\n", - "=======================\n", - "[\"ramsey 's qpr , who face pulis 's west brom at the hawthorns on saturday , are 19th in the barclay 's premier league table -- four points adrift of sunderland in 17th .chris ramsey praised tony pulis ahead of his sides crucial clash with west brom in the premier leaguechris ramsey has hailed tony pulis as one of the best british coaches in the country , but insists he does n't need to take any tactical tips from the experienced relegation dodger .\"]\n", - "=======================\n", - "[\"chris ramsey praises tony pulis as one of the best coaches in britainthe queens park rangers boss says he wo n't be asking for his adviceqpr travel to west brom on saturday in crucial relegation clashclick here for all the latest qpr news\"]\n", - "ramsey 's qpr , who face pulis 's west brom at the hawthorns on saturday , are 19th in the barclay 's premier league table -- four points adrift of sunderland in 17th .chris ramsey praised tony pulis ahead of his sides crucial clash with west brom in the premier leaguechris ramsey has hailed tony pulis as one of the best british coaches in the country , but insists he does n't need to take any tactical tips from the experienced relegation dodger .\n", - "chris ramsey praises tony pulis as one of the best coaches in britainthe queens park rangers boss says he wo n't be asking for his adviceqpr travel to west brom on saturday in crucial relegation clashclick here for all the latest qpr news\n", - "[1.5301387 1.2360061 1.2227852 1.4738718 1.2763073 1.0858248 1.0569105\n", - " 1.0190543 1.0114397 1.0121391 1.0198599 1.0145197 1.0208435 1.0170218\n", - " 1.0198876 1.0862143 1.3490007 1.1268669 1.0760379 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 3 16 4 1 2 17 15 5 18 6 12 14 10 7 13 11 9 8 20 19 21]\n", - "=======================\n", - "[\"inter milan target yaya toure has admitted that he is open to ` new challenges ' and will not remain at manchester city just to pick up his # 220,000-a-week wages .inter milan boss roberto mancini wants to be reunited with toure next season after managing him at citytoure is challenged by west ham 's mark noble during city 's 2-0 win at the etihad on sunday afternoon\"]\n", - "=======================\n", - "[\"inter milan are keen to sign manchester city midfielder yaya tourethe ivorian is open to a move if the right challenge presents itselftoure insists that he will not remain at city just to pick up his wagesthe 31-year-old could be sold by city as they look to reshape their squadread : manuel pellegrini is ` weak ' , says yaya toure 's agent\"]\n", - "inter milan target yaya toure has admitted that he is open to ` new challenges ' and will not remain at manchester city just to pick up his # 220,000-a-week wages .inter milan boss roberto mancini wants to be reunited with toure next season after managing him at citytoure is challenged by west ham 's mark noble during city 's 2-0 win at the etihad on sunday afternoon\n", - "inter milan are keen to sign manchester city midfielder yaya tourethe ivorian is open to a move if the right challenge presents itselftoure insists that he will not remain at city just to pick up his wagesthe 31-year-old could be sold by city as they look to reshape their squadread : manuel pellegrini is ` weak ' , says yaya toure 's agent\n", - "[1.2513003 1.3855981 1.2398239 1.3164433 1.1525185 1.1400069 1.1015527\n", - " 1.0468149 1.0230548 1.0276972 1.0887889 1.0716218 1.0685495 1.0712589\n", - " 1.0907727 1.066313 1.0883967 1.0726246 1.1324848 1.035756 1.0386829\n", - " 1.0430557]\n", - "\n", - "[ 1 3 0 2 4 5 18 6 14 10 16 17 11 13 12 15 7 21 20 19 9 8]\n", - "=======================\n", - "['as darkness fell on the beach in hokota , around 60 miles northeast of tokyo , coastguards and officials called off the rescue operation after only managing to save three of the 149 melon-headed dolphins that had beached .rescuers were forced to abandon their efforts to save 149 dolphins that were stranded on a beach in japan after working tirelessly all day to help the creatures .the rest of the animals had either died or were dying , they said .']\n", - "=======================\n", - "[\"pod of melon-headed whales beached in hokota , 60 miles from tokyorescuers worked tirelessly to save creatures , but only three survived146 helpless dolphins were ` dead or dying ' as rescue operation called offscientists believe creatures ended up on shore after being disorientated\"]\n", - "as darkness fell on the beach in hokota , around 60 miles northeast of tokyo , coastguards and officials called off the rescue operation after only managing to save three of the 149 melon-headed dolphins that had beached .rescuers were forced to abandon their efforts to save 149 dolphins that were stranded on a beach in japan after working tirelessly all day to help the creatures .the rest of the animals had either died or were dying , they said .\n", - "pod of melon-headed whales beached in hokota , 60 miles from tokyorescuers worked tirelessly to save creatures , but only three survived146 helpless dolphins were ` dead or dying ' as rescue operation called offscientists believe creatures ended up on shore after being disorientated\n", - "[1.28088 1.4557841 1.4089792 1.217727 1.1495426 1.0793622 1.1287516\n", - " 1.0641087 1.0381038 1.0153863 1.0461864 1.070925 1.092491 1.0774465\n", - " 1.062453 1.0906296 1.1245247 1.0265551 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 4 6 16 12 15 5 13 11 7 14 10 8 17 9 18 19 20 21]\n", - "=======================\n", - "[\"transsexual kellie , formerly boxing promoter frank maloney , started the process to change gender two years ago and underwent her final surgery last week .the twice-married 61-year-old was expected to stay in hospital for 10 days , but has been released four days early .kellie maloney has left hospital after completing her sex change and said : ' i am proud to be the woman i should 've always been ' .\"]\n", - "=======================\n", - "[\"transsexual kellie was formerly boxing promoter frank maloney , 61she has completed her sex change and is at home recoveringtweeted to her fans : ` still very sore and got pain but in good health 'started transition to change gender two years ago and has now completed\"]\n", - "transsexual kellie , formerly boxing promoter frank maloney , started the process to change gender two years ago and underwent her final surgery last week .the twice-married 61-year-old was expected to stay in hospital for 10 days , but has been released four days early .kellie maloney has left hospital after completing her sex change and said : ' i am proud to be the woman i should 've always been ' .\n", - "transsexual kellie was formerly boxing promoter frank maloney , 61she has completed her sex change and is at home recoveringtweeted to her fans : ` still very sore and got pain but in good health 'started transition to change gender two years ago and has now completed\n", - "[1.207494 1.480521 1.0992632 1.1290891 1.265236 1.1792724 1.2558424\n", - " 1.1596335 1.0511978 1.0461453 1.0257128 1.0245253 1.2736824 1.0945545\n", - " 1.0160015 1.015242 1.0184858 1.0101253 1.0098196 1.0112107 0.\n", - " 0. ]\n", - "\n", - "[ 1 12 4 6 0 5 7 3 2 13 8 9 10 11 16 14 15 19 17 18 20 21]\n", - "=======================\n", - "[\"the comedian tweeted a picture on thursday alongside former england captain david beckham and new york giants ' nfl hotshot odell beckham jnr .david beckham embarrassed his son brooklyn on james corden 's late late show in america last monththe saying ` two is company but three 's a crowd ' clearly did n't apply to james corden as he met two beckham sporting stars .\"]\n", - "=======================\n", - "[\"james corden shared the picture on thursday via twittercorden is currently in america filming late-night talk show late latedavid beckham was a guest on the 36-year-old 's show last month\"]\n", - "the comedian tweeted a picture on thursday alongside former england captain david beckham and new york giants ' nfl hotshot odell beckham jnr .david beckham embarrassed his son brooklyn on james corden 's late late show in america last monththe saying ` two is company but three 's a crowd ' clearly did n't apply to james corden as he met two beckham sporting stars .\n", - "james corden shared the picture on thursday via twittercorden is currently in america filming late-night talk show late latedavid beckham was a guest on the 36-year-old 's show last month\n", - "[1.1924396 1.4228035 1.3368477 1.288373 1.060949 1.2110227 1.2108307\n", - " 1.0968887 1.0424855 1.0241517 1.0930728 1.1813352 1.0708643 1.0415548\n", - " 1.0235596 1.0389693 1.0203696 1.0109475 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 5 6 0 11 7 10 12 4 8 13 15 9 14 16 17 20 18 19 21]\n", - "=======================\n", - "[\"the russian man , who was filming a documentary in snow-covered mountains , found himself injured and unable to continue the ascent .it is believed the man , whose nickname is ` che ' , was struck by a huge falling icicle , causing a collection of blood under the skin called a haemotoma .a russian hiker performed surgery on himself at the top of some snow-covered mountains using only items in his first aid kit\"]\n", - "=======================\n", - "['warning : graphic contentrussian climber is struck by a falling icicle , causing a blood clot in his legusing snow as an anaesthetic he cuts his own leg open with a scalpelhe scoops out the blood clot and sews up the wound with items in his kitten days later the stitches are removed and he is left with barely any scar']\n", - "the russian man , who was filming a documentary in snow-covered mountains , found himself injured and unable to continue the ascent .it is believed the man , whose nickname is ` che ' , was struck by a huge falling icicle , causing a collection of blood under the skin called a haemotoma .a russian hiker performed surgery on himself at the top of some snow-covered mountains using only items in his first aid kit\n", - "warning : graphic contentrussian climber is struck by a falling icicle , causing a blood clot in his legusing snow as an anaesthetic he cuts his own leg open with a scalpelhe scoops out the blood clot and sews up the wound with items in his kitten days later the stitches are removed and he is left with barely any scar\n", - "[1.3646367 1.2381209 1.3985828 1.2622219 1.1467842 1.1825789 1.1081754\n", - " 1.1766067 1.0537738 1.0794567 1.0433942 1.0419909 1.0875733 1.0166315\n", - " 1.0258636 1.063434 1.0459392 1.0239136 1.0339724 1.0133494]\n", - "\n", - "[ 2 0 3 1 5 7 4 6 12 9 15 8 16 10 11 18 14 17 13 19]\n", - "=======================\n", - "[\"thursday 's attack by al-shabaab militants killed 147 people , including 142 students , three security officers and two university security personnel .the attack left 104 people injured , including 19 who are in critical condition , nkaissery said .nkaissery told reporters the university will be able to confirm saturday if everyone has been accounted for .\"]\n", - "=======================\n", - "['5 suspects arrested in attack on kenyan campus , official saysstudent tells cnn of smearing herself with blood to escape deathal-shabaab gunmen opened fire , and 147 people died']\n", - "thursday 's attack by al-shabaab militants killed 147 people , including 142 students , three security officers and two university security personnel .the attack left 104 people injured , including 19 who are in critical condition , nkaissery said .nkaissery told reporters the university will be able to confirm saturday if everyone has been accounted for .\n", - "5 suspects arrested in attack on kenyan campus , official saysstudent tells cnn of smearing herself with blood to escape deathal-shabaab gunmen opened fire , and 147 people died\n", - "[1.4505442 1.1607744 1.4358872 1.2022684 1.2065804 1.2109073 1.0827341\n", - " 1.1275879 1.103257 1.0781407 1.081535 1.0538663 1.0328376 1.0147732\n", - " 1.1747025 1.053595 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 5 4 3 14 1 7 8 6 10 9 11 15 12 13 18 16 17 19]\n", - "=======================\n", - "[\"fiona cullum provided a safe haven for hassan hussain and yassin james after they gunned down innocent nursery teacher sabrina mossmiss moss ' friend sabrina gachette , then 24 , was lucky to survive after being blasted in the back with a sawn-off shotgun during the attack outside woody grill , in south kilburn .the men sprayed bullets at mother-of-one miss moss and her friends as they took cover from the rain outside a bar .\"]\n", - "=======================\n", - "['sabrina moss was gunned down in a london street on her 24th birthdayfiona cullum , 25 , sheltered two of her killers as they evaded the policetwo murderers and getaway driver were last year jailed for 111 yearsbut cullum was spared jail today and was handed a suspended sentence for harbouring a killer and perverting the course of justice']\n", - "fiona cullum provided a safe haven for hassan hussain and yassin james after they gunned down innocent nursery teacher sabrina mossmiss moss ' friend sabrina gachette , then 24 , was lucky to survive after being blasted in the back with a sawn-off shotgun during the attack outside woody grill , in south kilburn .the men sprayed bullets at mother-of-one miss moss and her friends as they took cover from the rain outside a bar .\n", - "sabrina moss was gunned down in a london street on her 24th birthdayfiona cullum , 25 , sheltered two of her killers as they evaded the policetwo murderers and getaway driver were last year jailed for 111 yearsbut cullum was spared jail today and was handed a suspended sentence for harbouring a killer and perverting the course of justice\n", - "[1.1934575 1.4975871 1.0875214 1.3050387 1.1499995 1.1730174 1.0544175\n", - " 1.070728 1.0242848 1.0407604 1.1745383 1.1641167 1.0520551 1.1304442\n", - " 1.0759301 1.0493275 1.1117573 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 10 5 11 4 13 16 2 14 7 6 12 15 9 8 17 18 19]\n", - "=======================\n", - "[\"father damian maria montes , 29 , from madrid , was appearing on the spanish version of the voice when he belted out the robbie williams 1997 ballad while donning his priest 's collar .a spanish priest has stunned viewers and judges on a talent show with his remarkable rendition of angels .lofty dreams : father montes claimed he had been singing since he was 16 years old and had always wanted to be a musical artist\"]\n", - "=======================\n", - "[\"father damian maria montes stunned viewers with his version of angelspriest , 29 , of madrid , said he once hoped to become a professional singerbut before chasing dream he turned to the church to ` make sense of life '\"]\n", - "father damian maria montes , 29 , from madrid , was appearing on the spanish version of the voice when he belted out the robbie williams 1997 ballad while donning his priest 's collar .a spanish priest has stunned viewers and judges on a talent show with his remarkable rendition of angels .lofty dreams : father montes claimed he had been singing since he was 16 years old and had always wanted to be a musical artist\n", - "father damian maria montes stunned viewers with his version of angelspriest , 29 , of madrid , said he once hoped to become a professional singerbut before chasing dream he turned to the church to ` make sense of life '\n", - "[1.3020808 1.202167 1.3689572 1.2619717 1.2782719 1.160778 1.1600751\n", - " 1.0732391 1.1571773 1.0767841 1.0493377 1.0683498 1.0158249 1.1381409\n", - " 1.0661016 1.0410905 1.0563015 0. 0. 0. ]\n", - "\n", - "[ 2 0 4 3 1 5 6 8 13 9 7 11 14 16 10 15 12 17 18 19]\n", - "=======================\n", - "[\"the teenagers were detained at their homes in coventry , west midlands , during a 6am raid by the region 's counter terrorism unit today .sue southern , head of west midlands counter terrorism police unit , which has detained three people in relation to terrorism offences todayall three are currently in custody in a west midlands police station and have been detained under the police and criminal evidence act .\"]\n", - "=======================\n", - "['teenagers are currently in police custody at a west midlands police stationpolice said their arrests were pre-planned and there was no risk to publica 39-year-old man is being held on suspicion of fundraising for terroristswest midlands counter terrorism unit appealed for help identifying jihadis']\n", - "the teenagers were detained at their homes in coventry , west midlands , during a 6am raid by the region 's counter terrorism unit today .sue southern , head of west midlands counter terrorism police unit , which has detained three people in relation to terrorism offences todayall three are currently in custody in a west midlands police station and have been detained under the police and criminal evidence act .\n", - "teenagers are currently in police custody at a west midlands police stationpolice said their arrests were pre-planned and there was no risk to publica 39-year-old man is being held on suspicion of fundraising for terroristswest midlands counter terrorism unit appealed for help identifying jihadis\n", - "[1.2476751 1.3732674 1.1872164 1.2290556 1.0651605 1.2258995 1.142924\n", - " 1.119562 1.1442873 1.0937006 1.0708352 1.0412372 1.0393497 1.0403298\n", - " 1.0476305 1.0375297 1.0149078 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 5 2 8 6 7 9 10 4 14 11 13 12 15 16 18 17 19]\n", - "=======================\n", - "['the splatters of blood on the checklist for the very first us spacewalk were from an astronaut as he frantically battled to close the hatch door of the spacecraft after a historic venture .a bloodstained document revealing a life-or-death episode that could have derailed the whole us space programme of the 1960s is tipped to sell for # 80,000 ( $ 120,000 ) .gemini 4 launched from cape canaveral in florida on 3 june 1965 with two astronauts on board .']\n", - "=======================\n", - "[\"a piece of space history is going up for auction in new york this monthit is a bloodstained checklist from the gemini 4 mission in 1965this spacecraft orbited earth 66 times with two astronauts on boardblood came from astronaut 's hand while trying to close the hatch in space\"]\n", - "the splatters of blood on the checklist for the very first us spacewalk were from an astronaut as he frantically battled to close the hatch door of the spacecraft after a historic venture .a bloodstained document revealing a life-or-death episode that could have derailed the whole us space programme of the 1960s is tipped to sell for # 80,000 ( $ 120,000 ) .gemini 4 launched from cape canaveral in florida on 3 june 1965 with two astronauts on board .\n", - "a piece of space history is going up for auction in new york this monthit is a bloodstained checklist from the gemini 4 mission in 1965this spacecraft orbited earth 66 times with two astronauts on boardblood came from astronaut 's hand while trying to close the hatch in space\n", - "[1.5598204 1.4559999 1.238859 1.2896484 1.0965488 1.037094 1.0274196\n", - " 1.0248783 1.0447929 1.04931 1.021655 1.0483159 1.026417 1.0285339\n", - " 1.0489444 1.1775198 1.103255 1.0153648 1.0110754 1.0109859 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 3 2 15 16 4 9 14 11 8 5 13 6 12 7 10 17 18 19 21 20 22]\n", - "=======================\n", - "[\"tim sherwood has revealed he is still in touch with tottenham hotspur chairman daniel levy and even thanks the club 's board for ending his time at white hart lane -- as the decision has led to him taking over at aston villa .levy sacked sherwood as spurs head coach at the end of last season and brought in mauricio pochettino , ending the 46-year-old 's five-month stay in charge and six-year relationship with the club at development level .aston villa boss tim sherwood watches his players in training at bodymoor heath on thursday\"]\n", - "=======================\n", - "[\"aston villa take on tottenham at white hart lane on saturday , ko at 3pmthe match is tim sherwood 's first game back at spurs after being sackedsherwood is thankful for the opportunity he was given by daniel levyvilla boss says mauricio pochettino deserves credit for playing young starsclick here for all the latest premier league news\"]\n", - "tim sherwood has revealed he is still in touch with tottenham hotspur chairman daniel levy and even thanks the club 's board for ending his time at white hart lane -- as the decision has led to him taking over at aston villa .levy sacked sherwood as spurs head coach at the end of last season and brought in mauricio pochettino , ending the 46-year-old 's five-month stay in charge and six-year relationship with the club at development level .aston villa boss tim sherwood watches his players in training at bodymoor heath on thursday\n", - "aston villa take on tottenham at white hart lane on saturday , ko at 3pmthe match is tim sherwood 's first game back at spurs after being sackedsherwood is thankful for the opportunity he was given by daniel levyvilla boss says mauricio pochettino deserves credit for playing young starsclick here for all the latest premier league news\n", - "[1.3314091 1.445194 1.3073168 1.1809694 1.1951461 1.2934208 1.1663679\n", - " 1.0476465 1.0436213 1.0735003 1.0598332 1.0646708 1.0352354 1.0357649\n", - " 1.024175 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 2 5 4 3 6 9 11 10 7 8 13 12 14 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"his mother , rosdeep adekoya , beat her three-year-old son to death before stuffing his body in a suitcase and dumping it in woods in kircaldy , fife , in january last year .the killing of toddler mikaeel kular could ` not have been predicted ' by social and health service workers who visited his family in the months leading up to his death , a review has found .his death came just six months after he was returned to adekoya 's care following more than a year with foster carers .\"]\n", - "=======================\n", - "['toddler mikaeel kular was killed by mother rosdeep adekoya last januaryshe beat her son before dumping his body in a suitcase in woods in fifesocial workers had visited family on a number of ocassions before tragedyreport published today concluded they could not have predicted killing']\n", - "his mother , rosdeep adekoya , beat her three-year-old son to death before stuffing his body in a suitcase and dumping it in woods in kircaldy , fife , in january last year .the killing of toddler mikaeel kular could ` not have been predicted ' by social and health service workers who visited his family in the months leading up to his death , a review has found .his death came just six months after he was returned to adekoya 's care following more than a year with foster carers .\n", - "toddler mikaeel kular was killed by mother rosdeep adekoya last januaryshe beat her son before dumping his body in a suitcase in woods in fifesocial workers had visited family on a number of ocassions before tragedyreport published today concluded they could not have predicted killing\n", - "[1.3755759 1.3318045 1.3126967 1.0835705 1.2022338 1.1739242 1.1385816\n", - " 1.1029668 1.0806628 1.084045 1.038197 1.0374008 1.0277151 1.0175886\n", - " 1.0308759 1.023911 1.0415453 1.0113685 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 4 5 6 7 9 3 8 16 10 11 14 12 15 13 17 21 18 19 20 22]\n", - "=======================\n", - "[\"outrage : snp leader alex salmond , pictured , was caught boasting in secret footagesecret footage showed the former first minister , who is bidding to become an mp , mocking labour after it slapped down its scottish leader jim murphy , who claimed he would write the party 's budget north of the border . 'he also joked that he would ` check his top pocket ' -- a reference to a conservative election poster showing a miniature mr miliband in his breast pocket .\"]\n", - "=======================\n", - "[\"alex salmond has been filmed mocking labour 's weakness in scotlandthe former snp leader said he would be in charge of labour 's first budgetdavid cameron said the footage , which he tweeted , would ` shock ' voters\"]\n", - "outrage : snp leader alex salmond , pictured , was caught boasting in secret footagesecret footage showed the former first minister , who is bidding to become an mp , mocking labour after it slapped down its scottish leader jim murphy , who claimed he would write the party 's budget north of the border . 'he also joked that he would ` check his top pocket ' -- a reference to a conservative election poster showing a miniature mr miliband in his breast pocket .\n", - "alex salmond has been filmed mocking labour 's weakness in scotlandthe former snp leader said he would be in charge of labour 's first budgetdavid cameron said the footage , which he tweeted , would ` shock ' voters\n", - "[1.200166 1.4988823 1.2215967 1.3960031 1.3001 1.194977 1.105551\n", - " 1.1663331 1.1649828 1.025245 1.0142249 1.0134071 1.0109247 1.0157897\n", - " 1.0129488 1.0451295 1.0418214 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 5 7 8 6 15 16 9 13 10 11 14 12 21 17 18 19 20 22]\n", - "=======================\n", - "[\"the pair , who are in their 30s , were convicted of noise pollution and harassment for the ` raucous screams ' during steamy sex sessions at their apartment in the northern town of san martino .the man , who has not been named , was sentenced to four months in prison in 2011 , and his fiancée given a noise abatement order .their long-suffering neighbours , who first took them to court in 2009 , described the wails of passion as ` deafening ' and said it kept them and their two children awake .\"]\n", - "=======================\n", - "[\"italian couple fined # 9,000 for having noisy sex in san martino apartmentneighbours took them to court in 2009 over ` deafening ' sex session noisepair now ordered to pay damages to nearby residents for noise pollution\"]\n", - "the pair , who are in their 30s , were convicted of noise pollution and harassment for the ` raucous screams ' during steamy sex sessions at their apartment in the northern town of san martino .the man , who has not been named , was sentenced to four months in prison in 2011 , and his fiancée given a noise abatement order .their long-suffering neighbours , who first took them to court in 2009 , described the wails of passion as ` deafening ' and said it kept them and their two children awake .\n", - "italian couple fined # 9,000 for having noisy sex in san martino apartmentneighbours took them to court in 2009 over ` deafening ' sex session noisepair now ordered to pay damages to nearby residents for noise pollution\n", - "[1.1403847 1.4839416 1.3836771 1.3783866 1.176848 1.1507533 1.1174712\n", - " 1.146681 1.031474 1.0494918 1.0289881 1.1204787 1.1837738 1.0517418\n", - " 1.0306773 1.0889 1.0368148 1.0230756 1.0360773 1.0291649 1.0090349\n", - " 1.0064218 1.0063013]\n", - "\n", - "[ 1 2 3 12 4 5 7 0 11 6 15 13 9 16 18 8 14 19 10 17 20 21 22]\n", - "=======================\n", - "['alexandra allen , from utah suffers with the condition aquagenic urticaria , which is so rare it affects just 35 people in the whole world .showers have to be quick and cold - long soaks in the bath are out of the question because they trigger burning inflammation .the symptoms can last from a few hours to a week after exposure , reports deseret news .']\n", - "=======================\n", - "['alexandra allen , 17 , from utah suffers with the condition aquagenic urticaria , which is so rare it affects just 35 people in the whole worldadmitted to hospital with internal bleeding and painful joints , and unable to breathe after a trip to flaming gorge which has water activities']\n", - "alexandra allen , from utah suffers with the condition aquagenic urticaria , which is so rare it affects just 35 people in the whole world .showers have to be quick and cold - long soaks in the bath are out of the question because they trigger burning inflammation .the symptoms can last from a few hours to a week after exposure , reports deseret news .\n", - "alexandra allen , 17 , from utah suffers with the condition aquagenic urticaria , which is so rare it affects just 35 people in the whole worldadmitted to hospital with internal bleeding and painful joints , and unable to breathe after a trip to flaming gorge which has water activities\n", - "[1.233589 1.3567556 1.3078655 1.0835948 1.0759717 1.2741039 1.1613594\n", - " 1.0741489 1.0300279 1.0642006 1.1115415 1.0617402 1.0565631 1.0634316\n", - " 1.0382311 1.0934815 1.091919 1.0510137 1.053492 1.0400212]\n", - "\n", - "[ 1 2 5 0 6 10 15 16 3 4 7 9 13 11 12 18 17 19 14 8]\n", - "=======================\n", - "[\"scientists say the lethal ring is leaving tens of thousands of creatures with severe , and often fatal injuries .now researchers have released an interactive roadkill map to show the trail of destruction being caused by california 's state highways .the ring of death refers to an area made up of made up of i-80 ( labelled as 9 ) and route 101 ( labelled as 13 and 8 )\"]\n", - "=======================\n", - "['death ring is made up of i-80 and route 101 which run beside the bayother hotspots include sacramento and route 94 in san diego countythe map uses different coloured markers to highlight the species at riskscientists believe the drought has caused animals to take bigger risks']\n", - "scientists say the lethal ring is leaving tens of thousands of creatures with severe , and often fatal injuries .now researchers have released an interactive roadkill map to show the trail of destruction being caused by california 's state highways .the ring of death refers to an area made up of made up of i-80 ( labelled as 9 ) and route 101 ( labelled as 13 and 8 )\n", - "death ring is made up of i-80 and route 101 which run beside the bayother hotspots include sacramento and route 94 in san diego countythe map uses different coloured markers to highlight the species at riskscientists believe the drought has caused animals to take bigger risks\n", - "[1.3119233 1.3646688 1.2656181 1.2516483 1.2217325 1.0457569 1.1099001\n", - " 1.110796 1.0354334 1.0798054 1.075716 1.0429516 1.0525945 1.0302485\n", - " 1.0426744 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 7 6 9 10 12 5 11 14 8 13 18 15 16 17 19]\n", - "=======================\n", - "[\"dozhd tv , an independent network , fears the video launching clinton 's white house bid may fall foul of putin 's ` gay propaganda ' laws - which allows the imposition heavy fines for promoting homosexuality to people under the age of 18 .hillary clinton 's ` everyday americans ' video has been given an 18 rating by a russian television network - because it features two men holding hands .clinton 's video not only features democrat campaigners jared milrad and nate johnson , from chicago , illinois , holding hands , but talking about their up-coming wedding .\"]\n", - "=======================\n", - "[\"jared milrad and nate johnson filmed holding hands for campaign videorussian opposition network dozhd tv has decided to give it an 18 ratingspokesman says they fear the video may fall foul of ` gay propaganda ' lawscompanies which fall foul of the law could be fined as much as # 13,200\"]\n", - "dozhd tv , an independent network , fears the video launching clinton 's white house bid may fall foul of putin 's ` gay propaganda ' laws - which allows the imposition heavy fines for promoting homosexuality to people under the age of 18 .hillary clinton 's ` everyday americans ' video has been given an 18 rating by a russian television network - because it features two men holding hands .clinton 's video not only features democrat campaigners jared milrad and nate johnson , from chicago , illinois , holding hands , but talking about their up-coming wedding .\n", - "jared milrad and nate johnson filmed holding hands for campaign videorussian opposition network dozhd tv has decided to give it an 18 ratingspokesman says they fear the video may fall foul of ` gay propaganda ' lawscompanies which fall foul of the law could be fined as much as # 13,200\n", - "[1.1640825 1.4666685 1.3950968 1.3380903 1.1002651 1.1009798 1.0960015\n", - " 1.0307213 1.0705528 1.0928773 1.0503995 1.2260556 1.0534112 1.0318471\n", - " 1.0444533 1.0980492 1.0836191 1.0130571 1.0352678 1.0273038]\n", - "\n", - "[ 1 2 3 11 0 5 4 15 6 9 16 8 12 10 14 18 13 7 19 17]\n", - "=======================\n", - "[\"the firm 's humanoid robot is set to start work at the information desk of a department store in tokyo to help customers find their way around .the female-looking robot , named aiko chihira , will only speak japanese - but she is also capable of sign language .in a world where online shopping is king , toshiba hopes technology can change the in store experience - with a robo-assistant .\"]\n", - "=======================\n", - "['aiko chihira will only speak japanese - but is capable of sign languagecreated to appear , talk and move as humanly as possiblewill offer guidance to customers with information about store']\n", - "the firm 's humanoid robot is set to start work at the information desk of a department store in tokyo to help customers find their way around .the female-looking robot , named aiko chihira , will only speak japanese - but she is also capable of sign language .in a world where online shopping is king , toshiba hopes technology can change the in store experience - with a robo-assistant .\n", - "aiko chihira will only speak japanese - but is capable of sign languagecreated to appear , talk and move as humanly as possiblewill offer guidance to customers with information about store\n", - "[1.2432106 1.4155363 1.2353959 1.0327879 1.2300489 1.1998713 1.2802526\n", - " 1.0272279 1.03945 1.0254247 1.0744576 1.0381511 1.0115294 1.0791075\n", - " 1.0877382 1.1376736 1.0730673 1.1064866 1.0453749 1.1115288]\n", - "\n", - "[ 1 6 0 2 4 5 15 19 17 14 13 10 16 18 8 11 3 7 9 12]\n", - "=======================\n", - "[\"young is known for being the resident dj at the red devils , but he admitted to being under strict orders from manager louis van gaal to play only house and funky house music .former reds striker andy ritchie and helen evans hosted the light-hearted mutv programme 'ashley young has revealed the secret of his team-mates ' changing room playlist - and it 's not what you expected .\"]\n", - "=======================\n", - "[\"ashley young admits house sub-genre is louis van gaal 's choice of musicman utd boss bans any other form of music on match daysolly murs and young were speaking to mutv on thursday focus showmanchester united face trip to everton in the premier league this sundayread : memphis depay holds secret meeting with manchester united\"]\n", - "young is known for being the resident dj at the red devils , but he admitted to being under strict orders from manager louis van gaal to play only house and funky house music .former reds striker andy ritchie and helen evans hosted the light-hearted mutv programme 'ashley young has revealed the secret of his team-mates ' changing room playlist - and it 's not what you expected .\n", - "ashley young admits house sub-genre is louis van gaal 's choice of musicman utd boss bans any other form of music on match daysolly murs and young were speaking to mutv on thursday focus showmanchester united face trip to everton in the premier league this sundayread : memphis depay holds secret meeting with manchester united\n", - "[1.1959933 1.4829046 1.1113474 1.3317461 1.141155 1.016442 1.0823345\n", - " 1.111473 1.1196076 1.1704924 1.0911696 1.0855647 1.1170411 1.1040162\n", - " 1.0124961 1.0518126 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 9 4 8 12 7 2 13 10 11 6 15 5 14 18 16 17 19]\n", - "=======================\n", - "[\"the native australian marsupial once occupied more than 70 per cent of the australian mainland while now it 's disappeared from around 80 per cent of that area with small populations remaining in queensland , the northern territory and western australia .australia 's very own nocturnal , rabbit-eared easter mascot is under threat with bilby numbers becoming dangerously low .the lesser bilby is already believed to be extinct while the greater bilby is classed as ` endangered ' in queensland and ` vulnerable ' nationally .\"]\n", - "=======================\n", - "['bilby numbers are dropping with only around 600 left in queenslandthe native marsupial once occupied 70 per cent of the australian mainlandnow , they have disappeared from around 80 per cent of that areaintroduced predators like feral cats and foxes are their biggest threatcontrolled breeding programs are in place to try and save the easter icon']\n", - "the native australian marsupial once occupied more than 70 per cent of the australian mainland while now it 's disappeared from around 80 per cent of that area with small populations remaining in queensland , the northern territory and western australia .australia 's very own nocturnal , rabbit-eared easter mascot is under threat with bilby numbers becoming dangerously low .the lesser bilby is already believed to be extinct while the greater bilby is classed as ` endangered ' in queensland and ` vulnerable ' nationally .\n", - "bilby numbers are dropping with only around 600 left in queenslandthe native marsupial once occupied 70 per cent of the australian mainlandnow , they have disappeared from around 80 per cent of that areaintroduced predators like feral cats and foxes are their biggest threatcontrolled breeding programs are in place to try and save the easter icon\n", - "[1.2203228 1.3821945 1.4011573 1.2821763 1.0887916 1.0430633 1.0522856\n", - " 1.1254772 1.0809586 1.0934105 1.0482684 1.0665642 1.0588257 1.0332358\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 3 0 7 9 4 8 11 12 6 10 5 13 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the oil exploration company claimed analysis of a well near gatwick airport suggested 100 billion barrels of oil lay beneath the weald basin , covering surrey , sussex , hampshire and kent .last week , uk oil & gas investments ( ukog ) boasted it had discovered a ` world class potential resource ' beneath the home counties .a firm which declared that the south of england harboured as much oil as the north sea has been forced to backtrack on its ` wild claims ' .\"]\n", - "=======================\n", - "[\"uk oil & gas investments described discovery as ` world class ' last weekthey claimed the site in sussex could yield up to 100 billion barrels of oilcompany 's share price increased by 200 per cent following ` breakthrough 'but it has today admitted there may not be as much oil there as suggestedthey based their estimates on the 55-square-miles they have licence forit makes up for less than two per cent of the entire weald basin\"]\n", - "the oil exploration company claimed analysis of a well near gatwick airport suggested 100 billion barrels of oil lay beneath the weald basin , covering surrey , sussex , hampshire and kent .last week , uk oil & gas investments ( ukog ) boasted it had discovered a ` world class potential resource ' beneath the home counties .a firm which declared that the south of england harboured as much oil as the north sea has been forced to backtrack on its ` wild claims ' .\n", - "uk oil & gas investments described discovery as ` world class ' last weekthey claimed the site in sussex could yield up to 100 billion barrels of oilcompany 's share price increased by 200 per cent following ` breakthrough 'but it has today admitted there may not be as much oil there as suggestedthey based their estimates on the 55-square-miles they have licence forit makes up for less than two per cent of the entire weald basin\n", - "[1.2647672 1.3278587 1.370326 1.1735303 1.118818 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 1 0 3 4 19 18 17 16 15 14 13 10 11 20 9 8 7 6 5 12 21]\n", - "=======================\n", - "['set for release august 5 , 2016 , \" suicide squad \" is based on the dc comics series and also stars will smith , margot robbie and viola davis .( cnn ) love it or hate it , jared leto \\'s interpretation of the joker is an internet sensation .twitter users got their first look at leto in character friday night , and the memes started almost immediately .']\n", - "=======================\n", - "['leto will play the clown prince of crime in 2016 \\'s \" suicide squad \"the first picture of leto in character led to a series of spoof photos']\n", - "set for release august 5 , 2016 , \" suicide squad \" is based on the dc comics series and also stars will smith , margot robbie and viola davis .( cnn ) love it or hate it , jared leto 's interpretation of the joker is an internet sensation .twitter users got their first look at leto in character friday night , and the memes started almost immediately .\n", - "leto will play the clown prince of crime in 2016 's \" suicide squad \"the first picture of leto in character led to a series of spoof photos\n", - "[1.2262373 1.5158651 1.3623314 1.2035996 1.0774152 1.3003311 1.1140537\n", - " 1.1059604 1.059332 1.0479015 1.0979406 1.0448611 1.0239886 1.1020937\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 5 0 3 6 7 13 10 4 8 9 11 12 20 14 15 16 17 18 19 21]\n", - "=======================\n", - "['jeanetta riley , 35 , a mother-of-three daughters was killed last july after she brandished a knife at two cops outside of a hospital in sandpoint on the evening of july 8 , 2014 .the troubled native american woman , who was addicted to meth and alcohol , had been taken to the hospital by her husband , 44-year-old shane , following threats she made to kill herself , according to the guardian .the moment a pregnant woman was fatally shot by two idaho police officers has been revealed in surveillance footage .']\n", - "=======================\n", - "[\"jeanetta riley , 35 , a mother-of-three daughters was shot and killed by two police officers on july 8 , 2014 in sandpoint , idahoshe was addicted to meth and alcohol and was taken to bronner general hospital by her husband , shane , after making threats to kill herselfwhile outside of the hospital , she pulled the knife from under her car seat with a three-and-a-half inch bladein the video she is repeatedly told to put down the knife but responds ` f *** you no ' and ` bring it on ' before she walks towards officers and is shotnational suicide prevention lifeline , 1 (800) 273-8255 , www.suicidepreventionlifeline.org\"]\n", - "jeanetta riley , 35 , a mother-of-three daughters was killed last july after she brandished a knife at two cops outside of a hospital in sandpoint on the evening of july 8 , 2014 .the troubled native american woman , who was addicted to meth and alcohol , had been taken to the hospital by her husband , 44-year-old shane , following threats she made to kill herself , according to the guardian .the moment a pregnant woman was fatally shot by two idaho police officers has been revealed in surveillance footage .\n", - "jeanetta riley , 35 , a mother-of-three daughters was shot and killed by two police officers on july 8 , 2014 in sandpoint , idahoshe was addicted to meth and alcohol and was taken to bronner general hospital by her husband , shane , after making threats to kill herselfwhile outside of the hospital , she pulled the knife from under her car seat with a three-and-a-half inch bladein the video she is repeatedly told to put down the knife but responds ` f *** you no ' and ` bring it on ' before she walks towards officers and is shotnational suicide prevention lifeline , 1 (800) 273-8255 , www.suicidepreventionlifeline.org\n", - "[1.2916347 1.4638624 1.2610636 1.1764929 1.2485754 1.1193829 1.0843376\n", - " 1.0393685 1.032893 1.0182481 1.013321 1.0281057 1.1604632 1.096808\n", - " 1.0940533 1.1345385 1.0237765 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 4 3 12 15 5 13 14 6 7 8 11 16 9 10 17 18 19 20 21]\n", - "=======================\n", - "['they used sweat stains on the uniform to link it to the overweight german commander and it is now expected to fetch # 85,000 when it goes under the hammer in plymouth , devon .experts have discovered that this dove grey suit was once worn by notorious nazi leader hermann goering .goering , who founded the gestapo and was commander of the german air force , was well known for being overweight and as a result the suit shows the strain of being worn by the large officer .']\n", - "=======================\n", - "['herman goering founded the gestapo and was head of the nazi air forcehe was known for being overweight and for his tendency to sweat a lotwear and tear on the suit made by viennese tailor helped experts identify goering as its ownerit is being auctioned by devon-parade antiques and is expected to fetch # 85,000']\n", - "they used sweat stains on the uniform to link it to the overweight german commander and it is now expected to fetch # 85,000 when it goes under the hammer in plymouth , devon .experts have discovered that this dove grey suit was once worn by notorious nazi leader hermann goering .goering , who founded the gestapo and was commander of the german air force , was well known for being overweight and as a result the suit shows the strain of being worn by the large officer .\n", - "herman goering founded the gestapo and was head of the nazi air forcehe was known for being overweight and for his tendency to sweat a lotwear and tear on the suit made by viennese tailor helped experts identify goering as its ownerit is being auctioned by devon-parade antiques and is expected to fetch # 85,000\n", - "[1.3539412 1.3987415 1.3472769 1.4136502 1.2563655 1.1373719 1.1073955\n", - " 1.0836518 1.0321654 1.0142152 1.0340109 1.0141573 1.0158119 1.0832375\n", - " 1.0477018 1.0480083 1.0610718 1.0353197 1.1947306 1.1132251 1.0104321\n", - " 1.0078512]\n", - "\n", - "[ 3 1 0 2 4 18 5 19 6 7 13 16 15 14 17 10 8 12 9 11 20 21]\n", - "=======================\n", - "[\"max maisel went missing on february 21 and was last seen leaving his vehicle near lake ontario , new york .police have now discovered his bodypolice have found the body of senior espn writer ivan maisel 's son , two months after his car was found abandoned .\"]\n", - "=======================\n", - "['max maisel , 21 , had been missing since february 21he was last seen leaving his vehicle on the shores of the lake in new yorka fisherman saw his body 200 yards from a coast guard station mondayfamily said they were relieved his body had been found in a statementpaid tribute to the sweet , sensitive and caring young manpolice and the coroner are yet to release a cause of death']\n", - "max maisel went missing on february 21 and was last seen leaving his vehicle near lake ontario , new york .police have now discovered his bodypolice have found the body of senior espn writer ivan maisel 's son , two months after his car was found abandoned .\n", - "max maisel , 21 , had been missing since february 21he was last seen leaving his vehicle on the shores of the lake in new yorka fisherman saw his body 200 yards from a coast guard station mondayfamily said they were relieved his body had been found in a statementpaid tribute to the sweet , sensitive and caring young manpolice and the coroner are yet to release a cause of death\n", - "[1.2621305 1.4448938 1.1958408 1.1571839 1.1849787 1.1311187 1.1528428\n", - " 1.1967577 1.0247184 1.0811769 1.0361499 1.0628703 1.0683174 1.0359454\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 7 2 4 3 6 5 9 12 11 10 13 8 17 14 15 16 18]\n", - "=======================\n", - "[\"detlef guenzel chopped polish-born wojciech stempniewicz into small pieces while listening to pop music before burying them in the garden of his home in hartmannsdorf-reichenau in 2013 .a german former police officer who dismembered a willing victim he met on a website for cannibal fetishists was today sentenced to eight years and six months in prison .` he was found guilty of murder and disturbing the peace of the dead , ' said presiding judge birgit wiegand at the regional court in the eastern city of dresden .\"]\n", - "=======================\n", - "['detlef guenzel sliced polish-born wojciech stempniewicz into small piecesvideo reportedly shows him strangling victim using a rope tied to a pulleydefence argued victim could have stopped strangulation if he wanted toguenzel then buried the body parts in the garden of his bed and breakfastprosecutors sought lower sentence because stempniewicz wanted to die']\n", - "detlef guenzel chopped polish-born wojciech stempniewicz into small pieces while listening to pop music before burying them in the garden of his home in hartmannsdorf-reichenau in 2013 .a german former police officer who dismembered a willing victim he met on a website for cannibal fetishists was today sentenced to eight years and six months in prison .` he was found guilty of murder and disturbing the peace of the dead , ' said presiding judge birgit wiegand at the regional court in the eastern city of dresden .\n", - "detlef guenzel sliced polish-born wojciech stempniewicz into small piecesvideo reportedly shows him strangling victim using a rope tied to a pulleydefence argued victim could have stopped strangulation if he wanted toguenzel then buried the body parts in the garden of his bed and breakfastprosecutors sought lower sentence because stempniewicz wanted to die\n", - "[1.4280864 1.5630623 1.2055564 1.4368455 1.2100989 1.0280036 1.0214704\n", - " 1.015489 1.0121086 1.0160402 1.0188066 1.21486 1.0484679 1.3058629\n", - " 1.01447 1.0117315 1.0094974 1.1839736 1.0527787]\n", - "\n", - "[ 1 3 0 13 11 4 2 17 18 12 5 6 10 9 7 14 8 15 16]\n", - "=======================\n", - "[\"the scottish league cup winners are eight points clear of aberdeen at the top of the scottish premiership with six games remaining and strong favourites to make it four in a row .ronny deila is preparing his celtic side for sunday 's scottish cup semi-final against invernessdeila believes treble success will help not only attract players to the club this summer , but also help keep those who are already at parkhead and perhaps thinking of moving to pastures new .\"]\n", - "=======================\n", - "[\"celtic face inverness in sunday 's scottish cup semi-final at hampden parkronny deila 's side are on course for a treble-winning season this yearscottish league cup winners are eight points clear in scottish premiershipdeila said celtic themselves provide the biggest hurdle to treble hopes\"]\n", - "the scottish league cup winners are eight points clear of aberdeen at the top of the scottish premiership with six games remaining and strong favourites to make it four in a row .ronny deila is preparing his celtic side for sunday 's scottish cup semi-final against invernessdeila believes treble success will help not only attract players to the club this summer , but also help keep those who are already at parkhead and perhaps thinking of moving to pastures new .\n", - "celtic face inverness in sunday 's scottish cup semi-final at hampden parkronny deila 's side are on course for a treble-winning season this yearscottish league cup winners are eight points clear in scottish premiershipdeila said celtic themselves provide the biggest hurdle to treble hopes\n", - "[1.1981586 1.4765673 1.3611963 1.371339 1.3080776 1.3136513 1.0647577\n", - " 1.0156578 1.0103782 1.0258347 1.1454092 1.0729911 1.1045231 1.0232536\n", - " 1.0167838 1.0175923 1.0214753 0. 0. ]\n", - "\n", - "[ 1 3 2 5 4 0 10 12 11 6 9 13 16 15 14 7 8 17 18]\n", - "=======================\n", - "['the figure , which equates to # 183 an hour , was paid by the shrewsbury and telford hospital nhs trust .it also emerged there were 47 agency nurses working at the trust in december last year .it represents double the rate for a neurologist and was revealed following a freedom of information request .']\n", - "=======================\n", - "['shrewsbury and telford hospitals nhs trust paid the huge figureequates to # 183 an hour and is double to going rate for a neurologisthospital said temporary staff have to be used to cover staffing shortfalls']\n", - "the figure , which equates to # 183 an hour , was paid by the shrewsbury and telford hospital nhs trust .it also emerged there were 47 agency nurses working at the trust in december last year .it represents double the rate for a neurologist and was revealed following a freedom of information request .\n", - "shrewsbury and telford hospitals nhs trust paid the huge figureequates to # 183 an hour and is double to going rate for a neurologisthospital said temporary staff have to be used to cover staffing shortfalls\n", - "[1.1196413 1.314874 1.2951033 1.326544 1.1807795 1.1289293 1.1631885\n", - " 1.0746996 1.0569159 1.1321306 1.0421274 1.0302463 1.0593771 1.108555\n", - " 1.0851998 1.0382272 1.0298417 0. 0. ]\n", - "\n", - "[ 3 1 2 4 6 9 5 0 13 14 7 12 8 10 15 11 16 17 18]\n", - "=======================\n", - "['lusitanian toadfish ( pictured ) make five types of calls and males can even sing in choruses to attract mates .the fish , which lives in rocky crevices in the mediterranean sea and atlantic ocean and glides over the muddy sea floor , can whistle , croak and grunt .the fish woo females with long , rhythmical boatwhistles , which also act as a deterrent to love rivals ,']\n", - "=======================\n", - "['lusitanian toadfish lives in the mediterranean sea and atlantic oceanattracts mates by singing various songs , which also warn off rivalssongs tell others how large the fish is and how strong and healthy it is']\n", - "lusitanian toadfish ( pictured ) make five types of calls and males can even sing in choruses to attract mates .the fish , which lives in rocky crevices in the mediterranean sea and atlantic ocean and glides over the muddy sea floor , can whistle , croak and grunt .the fish woo females with long , rhythmical boatwhistles , which also act as a deterrent to love rivals ,\n", - "lusitanian toadfish lives in the mediterranean sea and atlantic oceanattracts mates by singing various songs , which also warn off rivalssongs tell others how large the fish is and how strong and healthy it is\n", - "[1.3860064 1.3785655 1.287368 1.3034736 1.1722416 1.0485934 1.1798248\n", - " 1.1080122 1.1199085 1.1208155 1.086194 1.0441198 1.0297552 1.0583311\n", - " 1.085277 1.1403718 1.081311 1.0540979 0. ]\n", - "\n", - "[ 0 1 3 2 6 4 15 9 8 7 10 14 16 13 17 5 11 12 18]\n", - "=======================\n", - "[\"manchester city playmaker david silva has returned to training , the club have reported .silva looked to have been seriously injured on sunday when he was caught in the face by an elbow from west ham 's cheikhou kouyate .the spain international received around eight minutes of treatment on the field at the etihad stadium before being carried off on a stretcher and taken to hospital for examination .\"]\n", - "=======================\n", - "['david silva has returned to training after being caught in the face by an elbow from west ham midfielder cheikhou kouyatemanchester city star required extensive treatment on the pitch before being sent to hospital where tests revealed no fracturepremier league champions face aston villa at the etihad on saturday']\n", - "manchester city playmaker david silva has returned to training , the club have reported .silva looked to have been seriously injured on sunday when he was caught in the face by an elbow from west ham 's cheikhou kouyate .the spain international received around eight minutes of treatment on the field at the etihad stadium before being carried off on a stretcher and taken to hospital for examination .\n", - "david silva has returned to training after being caught in the face by an elbow from west ham midfielder cheikhou kouyatemanchester city star required extensive treatment on the pitch before being sent to hospital where tests revealed no fracturepremier league champions face aston villa at the etihad on saturday\n", - "[1.2177224 1.512081 1.2973899 1.4312075 1.2984209 1.1533738 1.0885441\n", - " 1.0737455 1.0523293 1.02328 1.0302927 1.0171944 1.0437645 1.0713575\n", - " 1.0169522 1.0173068 1.0676857 1.0375222 1.0123842 1.0073378]\n", - "\n", - "[ 1 3 4 2 0 5 6 7 13 16 8 12 17 10 9 15 11 14 18 19]\n", - "=======================\n", - "[\"ozzie the goose was close to being put down numerous times after he broke his leg and it was amputated at the joint .ozzie 's new 3d printed leg ( pictured ) was designed in the shape and size of a goose leg to fit him perfectlybut an animal lover 's appeal for help led to a south african tech company stepping in to manufacture him a brand new limb .\"]\n", - "=======================\n", - "['ozzie the goose has been given a new leg manufactured using a 3d printerhe broke his leg and had it amputated before being nursed back to healthbut he was unable to fly and struggling for self confidence after operationrescuer sue burger made an appeal on public radio for help with ozzietech company bunnycorp stepped in to 3d print him a new prosthetic limb']\n", - "ozzie the goose was close to being put down numerous times after he broke his leg and it was amputated at the joint .ozzie 's new 3d printed leg ( pictured ) was designed in the shape and size of a goose leg to fit him perfectlybut an animal lover 's appeal for help led to a south african tech company stepping in to manufacture him a brand new limb .\n", - "ozzie the goose has been given a new leg manufactured using a 3d printerhe broke his leg and had it amputated before being nursed back to healthbut he was unable to fly and struggling for self confidence after operationrescuer sue burger made an appeal on public radio for help with ozzietech company bunnycorp stepped in to 3d print him a new prosthetic limb\n", - "[1.2519107 1.599731 1.2142495 1.373879 1.0644456 1.0435301 1.0323962\n", - " 1.0268219 1.1696154 1.0530072 1.0199982 1.0157906 1.1490763 1.1629004\n", - " 1.1113708 1.0728449 1.0384879 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 8 13 12 14 15 4 9 5 16 6 7 10 11 18 17 19]\n", - "=======================\n", - "[\"karen davis , from port pirie in south australia , was captured streaking by a camera car for the popular google maps app , which allows users to zoom in on certain streets and towns in cities all over the world with a 360-degree view .a woman who notoriously flashed her k-cup breasts on google street view has been charged by police with disorderly behaviour .police released a statement alleging the 38-year-old mother ` pursued ' the google car to make sure she was captured exposing herself , and that it was an illegal act .\"]\n", - "=======================\n", - "[\"karen davis was photographed on google street view flashing her breastspolice reported her for disorderly behaviour and she must report to courtpolice said her ` actions were the same as someone flashing their genitals 'sa country town mum hit back at critics saying they are insecureshe plans to do a topless skydive for her 40th birthday next year\"]\n", - "karen davis , from port pirie in south australia , was captured streaking by a camera car for the popular google maps app , which allows users to zoom in on certain streets and towns in cities all over the world with a 360-degree view .a woman who notoriously flashed her k-cup breasts on google street view has been charged by police with disorderly behaviour .police released a statement alleging the 38-year-old mother ` pursued ' the google car to make sure she was captured exposing herself , and that it was an illegal act .\n", - "karen davis was photographed on google street view flashing her breastspolice reported her for disorderly behaviour and she must report to courtpolice said her ` actions were the same as someone flashing their genitals 'sa country town mum hit back at critics saying they are insecureshe plans to do a topless skydive for her 40th birthday next year\n", - "[1.4423119 1.1343076 1.310569 1.4495722 1.2814366 1.0486689 1.069692\n", - " 1.0325633 1.0216563 1.0209583 1.0198585 1.0231131 1.0274345 1.077106\n", - " 1.0569206 1.0871972 1.0389571 1.095225 0. 0. ]\n", - "\n", - "[ 3 0 2 4 1 17 15 13 6 14 5 16 7 12 11 8 9 10 18 19]\n", - "=======================\n", - "[\"steven gerrard is seen at boujis nightclub in kensington sunday night after being knocked out of the fa cupsunday 's loss means there will be no birthday fa cup final for him on may 30 , while chelsea 's victory over manchester united in the barclays premier league made it mathematically impossible for liverpool to catch the league leaders .gerrard looked glum after it was confirmed he would end the season without a trophy before moving on\"]\n", - "=======================\n", - "[\"steven gerrard 's hopes of a trophy ended with liverpool 's fa cup exithe was pictured at boujis nightclub in kensington on sunday eveningliverpool captain is moving on to la galaxy at the end of the seasonhe now has a six-game farewell tour of uninspiring matches to playgerrard will go to champions-elect chelsea in the midst of a title partya trip to stoke city on may 24 will be gerrard 's last game for liverpool\"]\n", - "steven gerrard is seen at boujis nightclub in kensington sunday night after being knocked out of the fa cupsunday 's loss means there will be no birthday fa cup final for him on may 30 , while chelsea 's victory over manchester united in the barclays premier league made it mathematically impossible for liverpool to catch the league leaders .gerrard looked glum after it was confirmed he would end the season without a trophy before moving on\n", - "steven gerrard 's hopes of a trophy ended with liverpool 's fa cup exithe was pictured at boujis nightclub in kensington on sunday eveningliverpool captain is moving on to la galaxy at the end of the seasonhe now has a six-game farewell tour of uninspiring matches to playgerrard will go to champions-elect chelsea in the midst of a title partya trip to stoke city on may 24 will be gerrard 's last game for liverpool\n", - "[1.1847987 1.2927375 1.269074 1.3160987 1.1561358 1.143279 1.1370102\n", - " 1.1333661 1.1692647 1.0733479 1.0159931 1.0614954 1.0540712 1.1729066\n", - " 1.0332998 1.0443543 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 0 13 8 4 5 6 7 9 11 12 15 14 10 18 16 17 19]\n", - "=======================\n", - "[\"a poll of scotlans shows 49 per cent of people plan to vote for the snp , with just 25 per cent backing labourthe labour leader used a speech in edinburgh to claim the tory election campaign has descended into ` desperation and panic ' , as some polls put labour ahead across the uk .ed miliband today rushed to scotland to try to shore up his hope of becoming prime minister as a damning poll showed almost half of scots are ready to back the snp .\"]\n", - "=======================\n", - "['yougov poll of scots : 49 % backing snp , 25 % labour , 18 % conservativessnp leader nicola sturgeon offered to prop up miliband in governmentbut she is demanding full fiscal autonomy as a price for her supportmiliband warns it would create a # 7billion blackhole in scottish finances']\n", - "a poll of scotlans shows 49 per cent of people plan to vote for the snp , with just 25 per cent backing labourthe labour leader used a speech in edinburgh to claim the tory election campaign has descended into ` desperation and panic ' , as some polls put labour ahead across the uk .ed miliband today rushed to scotland to try to shore up his hope of becoming prime minister as a damning poll showed almost half of scots are ready to back the snp .\n", - "yougov poll of scots : 49 % backing snp , 25 % labour , 18 % conservativessnp leader nicola sturgeon offered to prop up miliband in governmentbut she is demanding full fiscal autonomy as a price for her supportmiliband warns it would create a # 7billion blackhole in scottish finances\n", - "[1.4499965 1.1768938 1.4044633 1.3148352 1.1265229 1.0606265 1.0547578\n", - " 1.0315888 1.1543753 1.1174837 1.0900013 1.0479217 1.0210923 1.0221878\n", - " 1.0342398 1.0545764 1.2194169 1.0731652 1.0153924 0. ]\n", - "\n", - "[ 0 2 3 16 1 8 4 9 10 17 5 6 15 11 14 7 13 12 18 19]\n", - "=======================\n", - "[\"` exploited by criminals ' : gambian footballer baboucarr ceesay ( above ) was among the 900 migrants who died in the mediterranean boat disaster , his british aunt has revealedbaboucarr ceesay , a talented footballer from the gambia , is believed to have died on the fishing boat in a ` desperate ' attempt to seek a new life in the uk .his aunt jessica sey , from cheltenham , has spoken of her devastation after discovering that he was not among the 27 survivors and demanded the human traffickers be brought to justice .\"]\n", - "=======================\n", - "[\"gambian footballer baboucarr ceesay , 21 , died seeking new life in the ukaunt jessica sey , from cheltenham , outraged at treatment by smugglersshe said : ` he had his head turned and his money taken by criminals 'mr ceesay understood to have been locked in hold when vessel sank\"]\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "` exploited by criminals ' : gambian footballer baboucarr ceesay ( above ) was among the 900 migrants who died in the mediterranean boat disaster , his british aunt has revealedbaboucarr ceesay , a talented footballer from the gambia , is believed to have died on the fishing boat in a ` desperate ' attempt to seek a new life in the uk .his aunt jessica sey , from cheltenham , has spoken of her devastation after discovering that he was not among the 27 survivors and demanded the human traffickers be brought to justice .\n", - "gambian footballer baboucarr ceesay , 21 , died seeking new life in the ukaunt jessica sey , from cheltenham , outraged at treatment by smugglersshe said : ` he had his head turned and his money taken by criminals 'mr ceesay understood to have been locked in hold when vessel sank\n", - "[1.2293327 1.4324124 1.4147412 1.3104705 1.1278895 1.0444343 1.0157596\n", - " 1.0199945 1.0620888 1.1243311 1.029666 1.2152166 1.1128855 1.1024631\n", - " 1.0717232 1.0523976 1.0302169 1.0081791]\n", - "\n", - "[ 1 2 3 0 11 4 9 12 13 14 8 15 5 16 10 7 6 17]\n", - "=======================\n", - "[\"but christopher eccleston has now suggested he quit the show after falling out with bosses over his decision to play the character with a strong northern accent .the 51-year-old actor , who grew up in manchester , played the doctor for just 13 episodes during the first series of the show 's revival in 2005 .his turn as doctor who was among the shortest incarnations of the time lord in the programme 's 52-year-history .\"]\n", - "=======================\n", - "[\"christopher eccleston 's turn was among shortest incarnations of dr whoactor , who grew up in manchester , played the doctor for just 13 episodeshe was a huge hit with fans , but fell out with show boss russell t daviesthe 51-year-old suggested he quit after a row over his decision to play character with a strong northern accent\"]\n", - "but christopher eccleston has now suggested he quit the show after falling out with bosses over his decision to play the character with a strong northern accent .the 51-year-old actor , who grew up in manchester , played the doctor for just 13 episodes during the first series of the show 's revival in 2005 .his turn as doctor who was among the shortest incarnations of the time lord in the programme 's 52-year-history .\n", - "christopher eccleston 's turn was among shortest incarnations of dr whoactor , who grew up in manchester , played the doctor for just 13 episodeshe was a huge hit with fans , but fell out with show boss russell t daviesthe 51-year-old suggested he quit after a row over his decision to play character with a strong northern accent\n", - "[1.122887 1.3064007 1.211551 1.336569 1.0714232 1.0496564 1.0915684\n", - " 1.0636909 1.1160526 1.0701723 1.0694051 1.0777804 1.0214365 1.0221987\n", - " 1.0864297 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 0 8 6 14 11 4 9 10 7 5 13 12 16 15 17]\n", - "=======================\n", - "['a. alfred taubman -- his first name was adolph -- was born january 31 , 1924 , in michigan to german jewish immigrants who hit hard times during the great depression .taubman , a real estate developer who helped change the face of suburban life by popularizing upscale indoor shopping malls , died friday at the age of 91 .the announcement was made by his son , robert taubman , the chairman , president and chief executive officer of taubman centers inc. , the company his father founded 65 years ago .']\n", - "=======================\n", - "['alfred taubman , who died friday , was active in philanthropy and worth an estimated $ 3.1 billionamid suburban boom of the \\'50s , he realized people would need places to shop : \" ... we could n\\'t miss \"we was convicted in 2002 of trying to rig auction house commissions ; he maintained he was innocent']\n", - "a. alfred taubman -- his first name was adolph -- was born january 31 , 1924 , in michigan to german jewish immigrants who hit hard times during the great depression .taubman , a real estate developer who helped change the face of suburban life by popularizing upscale indoor shopping malls , died friday at the age of 91 .the announcement was made by his son , robert taubman , the chairman , president and chief executive officer of taubman centers inc. , the company his father founded 65 years ago .\n", - "alfred taubman , who died friday , was active in philanthropy and worth an estimated $ 3.1 billionamid suburban boom of the '50s , he realized people would need places to shop : \" ... we could n't miss \"we was convicted in 2002 of trying to rig auction house commissions ; he maintained he was innocent\n", - "[1.4575136 1.0916809 1.2759458 1.4429951 1.0741484 1.0299975 1.0271096\n", - " 1.108828 1.057582 1.0367397 1.1279413 1.0543218 1.1002325 1.074647\n", - " 1.0802792 1.0739088 1.0176932 1.0179439]\n", - "\n", - "[ 0 3 2 10 7 12 1 14 13 4 15 8 11 9 5 6 17 16]\n", - "=======================\n", - "['isabelle obert , a nutrition consultant , believes a good diet can affect the health of the sperm and the egg before they even meethere , she reveals her list of ten top foods to boost fertility , plus some tips on how to prepare them ...they are a fantastic source of vitamin e , which studies have shown can be beneficial in improving endometrial lining ( the lining of the uterus ) .']\n", - "=======================\n", - "[\"isabelle obert , a nutrition consultant , believes good diet can boost fertilitysays ' a good diet affects the health of the egg and sperm before they meet 'she shares her top 10 foods to aid fertility , and tips on how to eat them ...\"]\n", - "isabelle obert , a nutrition consultant , believes a good diet can affect the health of the sperm and the egg before they even meethere , she reveals her list of ten top foods to boost fertility , plus some tips on how to prepare them ...they are a fantastic source of vitamin e , which studies have shown can be beneficial in improving endometrial lining ( the lining of the uterus ) .\n", - "isabelle obert , a nutrition consultant , believes good diet can boost fertilitysays ' a good diet affects the health of the egg and sperm before they meet 'she shares her top 10 foods to aid fertility , and tips on how to eat them ...\n", - "[1.2727114 1.2893933 1.2469103 1.2806559 1.1775404 1.1209534 1.1499108\n", - " 1.110513 1.1261547 1.100342 1.0542421 1.0129381 1.1112823 1.0212386\n", - " 1.1304413 1.0394232 1.0121315 1.0342618]\n", - "\n", - "[ 1 3 0 2 4 6 14 8 5 12 7 9 10 15 17 13 11 16]\n", - "=======================\n", - "[\"at a news conference thursday afternoon , school spokesman michael schoenfeld said the school would not release the name of the student who admitted to hanging the noose , found early wednesday in a plaza area at the heart of the campus .identified : officials at duke university say they have caught the student culprit responsible for hanging a noose from a tree on campus this weekthe student was identified with information provided by other students and will be subject to duke 's student conduct process and that an investigation is continuing to find out if others were involved , schoenfeld said .\"]\n", - "=======================\n", - "['the university said thursday that they have identified an undergraduate student responsible for hanging a noose from a campus treehowever , officials at the durham , north carolina school have not named the student , citing federal education lawsan official at duke told daily mail online that the student will now face judgement by a panel of peers and faculty membersthe student is not currently on campus , but officials would not say if he or she had been kicked off']\n", - "at a news conference thursday afternoon , school spokesman michael schoenfeld said the school would not release the name of the student who admitted to hanging the noose , found early wednesday in a plaza area at the heart of the campus .identified : officials at duke university say they have caught the student culprit responsible for hanging a noose from a tree on campus this weekthe student was identified with information provided by other students and will be subject to duke 's student conduct process and that an investigation is continuing to find out if others were involved , schoenfeld said .\n", - "the university said thursday that they have identified an undergraduate student responsible for hanging a noose from a campus treehowever , officials at the durham , north carolina school have not named the student , citing federal education lawsan official at duke told daily mail online that the student will now face judgement by a panel of peers and faculty membersthe student is not currently on campus , but officials would not say if he or she had been kicked off\n", - "[1.3991799 1.281426 1.3423854 1.2912471 1.2773731 1.1164633 1.0335145\n", - " 1.0115404 1.0469426 1.1115973 1.0983752 1.1054454 1.2193515 1.1640853\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 4 12 13 5 9 11 10 8 6 7 14 15 16 17]\n", - "=======================\n", - "[\"manchester united 's pursuit of edinson cavani took a blow on monday morning as paris saint-germain denied they are prepared to sell the striker .but psg owner nasser al-khelaifi said the french champions were determined to hold on to the 28-year-old and have not even considered selling him .edinson cavani celebrates with the french league cup trophy after scoring twice in the final against bastia\"]\n", - "=======================\n", - "[\"manchester united have shown interest in signing edinson cavanipsg striker has been out of favour at times in paris this seasoncavani bounced back to score in 4-0 win over bastia in league cup finalpsg owner says ` the question of his departure has not arisen '\"]\n", - "manchester united 's pursuit of edinson cavani took a blow on monday morning as paris saint-germain denied they are prepared to sell the striker .but psg owner nasser al-khelaifi said the french champions were determined to hold on to the 28-year-old and have not even considered selling him .edinson cavani celebrates with the french league cup trophy after scoring twice in the final against bastia\n", - "manchester united have shown interest in signing edinson cavanipsg striker has been out of favour at times in paris this seasoncavani bounced back to score in 4-0 win over bastia in league cup finalpsg owner says ` the question of his departure has not arisen '\n", - "[1.3022369 1.3338495 1.2854273 1.2935041 1.1656613 1.1520592 1.114947\n", - " 1.0652148 1.092018 1.0696483 1.0341358 1.0473083 1.0266144 1.065158\n", - " 1.0188051 1.0558487 1.0222887 1.0518949 1.065444 ]\n", - "\n", - "[ 1 0 3 2 4 5 6 8 9 18 7 13 15 17 11 10 12 16 14]\n", - "=======================\n", - "['the institute is working with state health leaders to control the \" severe outbreak , \" which has spread among users of a prescription opioid called opana .( cnn ) the number of new hiv infections in a rural indiana county has grown , according to the centers for disease control and prevention .as of friday , 142 people have tested positive for hiv , with 136 confirmed cases and six more with preliminary positive test results , all in rural scott and jackson counties .']\n", - "=======================\n", - "['the number of new hiv infections in indiana has grown to 142 casessome families in isolated communities use illegal drugs and share needles as a \" community activity , \" a health official sayspublic health officials urge vigilance to stop the outbreak from gaining ground']\n", - "the institute is working with state health leaders to control the \" severe outbreak , \" which has spread among users of a prescription opioid called opana .( cnn ) the number of new hiv infections in a rural indiana county has grown , according to the centers for disease control and prevention .as of friday , 142 people have tested positive for hiv , with 136 confirmed cases and six more with preliminary positive test results , all in rural scott and jackson counties .\n", - "the number of new hiv infections in indiana has grown to 142 casessome families in isolated communities use illegal drugs and share needles as a \" community activity , \" a health official sayspublic health officials urge vigilance to stop the outbreak from gaining ground\n", - "[1.2296274 1.4245787 1.2015918 1.3750219 1.1873348 1.2187508 1.0542011\n", - " 1.0324876 1.2575886 1.0868031 1.0487604 1.0600451 1.0521258 1.0197105\n", - " 1.0134943 1.0805616 0. 0. 0. ]\n", - "\n", - "[ 1 3 8 0 5 2 4 9 15 11 6 12 10 7 13 14 17 16 18]\n", - "=======================\n", - "[\"former teachers of al-taqwa college , in melbourne 's outer western suburbs , claim in a letter sent to the state and federal education ministers that principal omar hallak was discriminating against female students .omar hallak , principal of islamic school al-taqwa college in melbourne , reportedly bans his female students from runningthe principal of an islamic school has come under fire after he reportedly banned girls from running , amid fears it would cause them to lose their virginity .\"]\n", - "=======================\n", - "[\"al-taqwa college principal banned female students from runningformer teachers claim believes it will cause them to lose their virginitystudents wrote a letter asking omar hallak saying it was ` unfair 'asked him to let them compete in cross country they had been training for\"]\n", - "former teachers of al-taqwa college , in melbourne 's outer western suburbs , claim in a letter sent to the state and federal education ministers that principal omar hallak was discriminating against female students .omar hallak , principal of islamic school al-taqwa college in melbourne , reportedly bans his female students from runningthe principal of an islamic school has come under fire after he reportedly banned girls from running , amid fears it would cause them to lose their virginity .\n", - "al-taqwa college principal banned female students from runningformer teachers claim believes it will cause them to lose their virginitystudents wrote a letter asking omar hallak saying it was ` unfair 'asked him to let them compete in cross country they had been training for\n", - "[1.1606064 1.4127939 1.2347903 1.3247927 1.2743592 1.0295126 1.2225242\n", - " 1.0321398 1.0434059 1.1203977 1.1229824 1.0534286 1.1353893 1.021969\n", - " 1.0843611 1.0683036 1.0723817 1.0721745 0. ]\n", - "\n", - "[ 1 3 4 2 6 0 12 10 9 14 16 17 15 11 8 7 5 13 18]\n", - "=======================\n", - "[\"michelle newman said all she heard was a ` pop ' and looked up to see her son james ' heels as he fell from the second floor of their condo in las vegas .james krainch was almost two-years-old when he toppled out of a second floor condo window and diedmichelle newman visits james ' grave with her other children kierah ( centre ) and spencer ( right ) and said they play games at his grave , flying kites and laughing , so they can remember their brother in a positive way\"]\n", - "=======================\n", - "[\"james krainich was almost two when he toppled from second floor windowmother michelle newman ` heard a pop ' and then saw his heels disappearjames died in hospital nine years ago after losing consciousness from fallhis family play games at his grave every year and hope their story will be a warning to other parents about dangers of putting furniture near windows\"]\n", - "michelle newman said all she heard was a ` pop ' and looked up to see her son james ' heels as he fell from the second floor of their condo in las vegas .james krainch was almost two-years-old when he toppled out of a second floor condo window and diedmichelle newman visits james ' grave with her other children kierah ( centre ) and spencer ( right ) and said they play games at his grave , flying kites and laughing , so they can remember their brother in a positive way\n", - "james krainich was almost two when he toppled from second floor windowmother michelle newman ` heard a pop ' and then saw his heels disappearjames died in hospital nine years ago after losing consciousness from fallhis family play games at his grave every year and hope their story will be a warning to other parents about dangers of putting furniture near windows\n", - "[1.1957657 1.4480805 1.1938316 1.2496768 1.0501134 1.0378016 1.1152178\n", - " 1.089787 1.1216042 1.0553793 1.0918757 1.0874529 1.0551678 1.1721156\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 13 8 6 10 7 11 9 12 4 5 14 15 16 17 18]\n", - "=======================\n", - "[\"woods , 39 , was pictured hugging sam , 8 , and charlie , 6 , during the second day of practice at the augusta national golf club , georgia , ahead of his latest attempt at a comeback at the masters 2015 .once the greatest golfer in the world , but years of bad form and injury have taken their toll on tiger woods and on tuesday he looked grateful just to have the support and adoration of his two young children and longterm girlfriend lindsey vonn .the 14-time major winner certainly needs all the support he can get after he recently dropped out of the world 's top 100 rankings for the first time since september 1996 .\"]\n", - "=======================\n", - "[\"tiger woods , 39 , enjoyed some quality family time on the golf course at augusta on tuesdaythe 14-time major winner was joined by his children sam , 8 , and charlie , 6 , as well as longterm girlfriend lindsey vonn , 30the former world no 1 needs all the support he can get after dropping out of the world 's top 100 rankings for the first time since september 1996woods is making his latest atttempt at a comeback at the masters after his dramatic fall from grace following scandal over his countless infidelities\"]\n", - "woods , 39 , was pictured hugging sam , 8 , and charlie , 6 , during the second day of practice at the augusta national golf club , georgia , ahead of his latest attempt at a comeback at the masters 2015 .once the greatest golfer in the world , but years of bad form and injury have taken their toll on tiger woods and on tuesday he looked grateful just to have the support and adoration of his two young children and longterm girlfriend lindsey vonn .the 14-time major winner certainly needs all the support he can get after he recently dropped out of the world 's top 100 rankings for the first time since september 1996 .\n", - "tiger woods , 39 , enjoyed some quality family time on the golf course at augusta on tuesdaythe 14-time major winner was joined by his children sam , 8 , and charlie , 6 , as well as longterm girlfriend lindsey vonn , 30the former world no 1 needs all the support he can get after dropping out of the world 's top 100 rankings for the first time since september 1996woods is making his latest atttempt at a comeback at the masters after his dramatic fall from grace following scandal over his countless infidelities\n", - "[1.25558 1.521492 1.0539203 1.2897208 1.1542361 1.2829013 1.0298157\n", - " 1.0170128 1.0839097 1.0942905 1.2202327 1.0815204 1.037753 1.024567\n", - " 1.0146426 1.0959483 1.0139478 1.0102886 0. ]\n", - "\n", - "[ 1 3 5 0 10 4 15 9 8 11 2 12 6 13 7 14 16 17 18]\n", - "=======================\n", - "['dayna dobias , 19 , from downers grove was born with cerebral palsy , but she hopes to inspire others with her enthusiastic videos .the teenager says her motivation for creating the video was to counteract stereotypes held by people over certain disabilities .a teenager from illinois is tackling her disability head-on and attempting to positively influence thousands of others by dancing .']\n", - "=======================\n", - "[\"dayna dobias , 19 , has created a video in which she dances despite having a disability that makes it difficult for her to walkshe loves tv , film and fashion , and says she 's not happy with how people with disabilities are representedthe teen has created several videos during the past year aimed at changing stereotypes\"]\n", - "dayna dobias , 19 , from downers grove was born with cerebral palsy , but she hopes to inspire others with her enthusiastic videos .the teenager says her motivation for creating the video was to counteract stereotypes held by people over certain disabilities .a teenager from illinois is tackling her disability head-on and attempting to positively influence thousands of others by dancing .\n", - "dayna dobias , 19 , has created a video in which she dances despite having a disability that makes it difficult for her to walkshe loves tv , film and fashion , and says she 's not happy with how people with disabilities are representedthe teen has created several videos during the past year aimed at changing stereotypes\n", - "[1.482539 1.4235488 1.2049675 1.2783172 1.0630363 1.0584648 1.028707\n", - " 1.0154314 1.2366077 1.0310471 1.0957574 1.0420643 1.1087373 1.048184\n", - " 1.0348651 1.0234842 1.0167062 0. 0. ]\n", - "\n", - "[ 0 1 3 8 2 12 10 4 5 13 11 14 9 6 15 16 7 17 18]\n", - "=======================\n", - "[\"classical singer camilla kerslake was centre of attention at sunday 's olivier awards after she suffered a wardrobe malfunction as she arrived with england rugby skipper boyfriend chris robshaw .wearing a daring , backless black dress , camilla , 26 , showed off more than she bargained for in her revealing floor-length gown .despite being accompanied by robshaw , who played for harlequins in their 29-26 premiership victory over gloucester 24 hours earlier , the cameras were firmly trained on the singer .\"]\n", - "=======================\n", - "[\"robshaw accompanied his 26-year-old girlfriend to ceremony in londonplayed in harlequin 's victory over gloucester 24 hours earlier\"]\n", - "classical singer camilla kerslake was centre of attention at sunday 's olivier awards after she suffered a wardrobe malfunction as she arrived with england rugby skipper boyfriend chris robshaw .wearing a daring , backless black dress , camilla , 26 , showed off more than she bargained for in her revealing floor-length gown .despite being accompanied by robshaw , who played for harlequins in their 29-26 premiership victory over gloucester 24 hours earlier , the cameras were firmly trained on the singer .\n", - "robshaw accompanied his 26-year-old girlfriend to ceremony in londonplayed in harlequin 's victory over gloucester 24 hours earlier\n", - "[1.3230886 1.393464 1.472569 1.4208585 1.0937475 1.028574 1.0786616\n", - " 1.0563518 1.0282454 1.0112531 1.0175669 1.0858408 1.1439925 1.0802153\n", - " 1.0139567 1.0932231 1.0087193 0. 0. ]\n", - "\n", - "[ 2 3 1 0 12 4 15 11 13 6 7 5 8 10 14 9 16 17 18]\n", - "=======================\n", - "[\"captain alastair cook got 76 in a century stand with jonathan trott ( 59 ) at the top before gary ballance 's 77 boosted his 165-run partnership with root , making it a very happy st george 's day in st george 's , grenada .joe root celebrates his century and is 118 not out at stumps on day three of the second test in grenadaroot 's unbeaten 118 came with england posting a 74-run lead at the end of day three , while the score of 373 for six was also down to some impressive batting from england 's top order .\"]\n", - "=======================\n", - "[\"joe root hit 118 not out to help england into a 74-run lead on day threeit was the yorkshireman 's sixth test centurycaptain alastair cook scored 76 in a century stand with jonathan trott ( 59 )\"]\n", - "captain alastair cook got 76 in a century stand with jonathan trott ( 59 ) at the top before gary ballance 's 77 boosted his 165-run partnership with root , making it a very happy st george 's day in st george 's , grenada .joe root celebrates his century and is 118 not out at stumps on day three of the second test in grenadaroot 's unbeaten 118 came with england posting a 74-run lead at the end of day three , while the score of 373 for six was also down to some impressive batting from england 's top order .\n", - "joe root hit 118 not out to help england into a 74-run lead on day threeit was the yorkshireman 's sixth test centurycaptain alastair cook scored 76 in a century stand with jonathan trott ( 59 )\n", - "[1.2736987 1.4301608 1.2089273 1.2811182 1.047771 1.1330739 1.0532739\n", - " 1.0643934 1.0693567 1.1347502 1.1296669 1.0800377 1.0557963 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 9 5 10 11 8 7 12 6 4 17 13 14 15 16 18]\n", - "=======================\n", - "[\"national front leader marine le pen , 46 , who took over from her father in 2011 , says it shows that her party 's brand of political change is getting attention on both sides of the atlantic .the leader of france 's far-right has been named one of time magazine 's 100 most influential people alongside president barack obama , pope francis and kanye west .after this , jean-marie le pen told french publication le figaro that he was withdrawing his candidacy in the south-east provence-alpes-cote d'azur region ` even though i think i am the best candidate ' .\"]\n", - "=======================\n", - "[\"national front-leader named as one of time 's 100 most influentialmarine le pen said it shows her ` brand of politics ' is getting attentionle pen , 46 , has tried to rid party of its extreme right-wing past\"]\n", - "national front leader marine le pen , 46 , who took over from her father in 2011 , says it shows that her party 's brand of political change is getting attention on both sides of the atlantic .the leader of france 's far-right has been named one of time magazine 's 100 most influential people alongside president barack obama , pope francis and kanye west .after this , jean-marie le pen told french publication le figaro that he was withdrawing his candidacy in the south-east provence-alpes-cote d'azur region ` even though i think i am the best candidate ' .\n", - "national front-leader named as one of time 's 100 most influentialmarine le pen said it shows her ` brand of politics ' is getting attentionle pen , 46 , has tried to rid party of its extreme right-wing past\n", - "[1.124565 1.1711705 1.2820402 1.0800482 1.0361089 1.0496459 1.1970698\n", - " 1.064537 1.036571 1.0789698 1.0482246 1.0776716 1.0541835 1.0984814\n", - " 1.0685892 1.0431174 1.0847616 1.0660089 0. ]\n", - "\n", - "[ 2 6 1 0 13 16 3 9 11 14 17 7 12 5 10 15 8 4 18]\n", - "=======================\n", - "[\"the excitement came after a breakthrough nuclear deal with the united states and other world powers that promises to end iran 's international isolation under years of crippling sanctions .it was a fitting double occasion : the agreement was struck on the final day of persian new year festivities , symbolizing a fresh start .iranians erupted in celebration as young people waved flags from their sunroofs , blasted music from stereos and chatted online with the hashtag #irantalks .\"]\n", - "=======================\n", - "['iranians celebrate deal online and in the streets']\n", - "the excitement came after a breakthrough nuclear deal with the united states and other world powers that promises to end iran 's international isolation under years of crippling sanctions .it was a fitting double occasion : the agreement was struck on the final day of persian new year festivities , symbolizing a fresh start .iranians erupted in celebration as young people waved flags from their sunroofs , blasted music from stereos and chatted online with the hashtag #irantalks .\n", - "iranians celebrate deal online and in the streets\n", - "[1.2533802 1.1077843 1.3572977 1.3083861 1.3142413 1.2647474 1.0747573\n", - " 1.0461581 1.0283442 1.0224724 1.0609504 1.0829194 1.0243063 1.0847616\n", - " 1.1098161 1.0428574 1.0887378 1.0454876 1.0546712]\n", - "\n", - "[ 2 4 3 5 0 14 1 16 13 11 6 10 18 7 17 15 8 12 9]\n", - "=======================\n", - "[\"but in fact mobile health apps are ` fuelling anxiety ' and ` eroding people 's sense of wellbeing ' , warns a senior gp .popular apps include myfitnesspal and apple 's health app , which is automatically installed on the latest apple smartphones .the ` untested and unscientific ' apps cause stress by making us worry that we are abnormal or unhealthy , says dr des spence .\"]\n", - "=======================\n", - "[\"health apps such as myfitnesspal ` fuel anxiety ' says senior gpdr des spence calls the health apps ` untested and unscientific 'defenders of apps say they are ` encouraging healthy behaviour '\"]\n", - "but in fact mobile health apps are ` fuelling anxiety ' and ` eroding people 's sense of wellbeing ' , warns a senior gp .popular apps include myfitnesspal and apple 's health app , which is automatically installed on the latest apple smartphones .the ` untested and unscientific ' apps cause stress by making us worry that we are abnormal or unhealthy , says dr des spence .\n", - "health apps such as myfitnesspal ` fuel anxiety ' says senior gpdr des spence calls the health apps ` untested and unscientific 'defenders of apps say they are ` encouraging healthy behaviour '\n", - "[1.4951911 1.4982584 1.1753306 1.4903902 1.0919725 1.125631 1.0438807\n", - " 1.0142648 1.0099958 1.011154 1.0122247 1.0189828 1.0672008 1.1693625\n", - " 1.0449158 1.0441717 1.057471 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 13 5 4 12 16 14 15 6 11 7 10 9 8 17 18 19 20]\n", - "=======================\n", - "[\"poland international lewandowski scored the winner on his first visit back to the club he left on a free transfer last summer as pep guardiola 's side restored their 10-point lead at the top of the bundesliga .robert lewandowski returned to haunt his former club as bayern munich earned a narrow victory against borussia dortmund at the signal iduna park on saturday .robert lewandowski beats marcel schmelzer to the ball to head bayern munich in front against dortmund\"]\n", - "=======================\n", - "['bayern munich beat borussia dortmund 1-0 in the bundesliga on saturdayrobert lewandowski opened the scoring vs his former club on 36 minutesdortmund applied much of the second-half pressure but were kept at baybayern restored their 10-point lead at the top of the bundesliga']\n", - "poland international lewandowski scored the winner on his first visit back to the club he left on a free transfer last summer as pep guardiola 's side restored their 10-point lead at the top of the bundesliga .robert lewandowski returned to haunt his former club as bayern munich earned a narrow victory against borussia dortmund at the signal iduna park on saturday .robert lewandowski beats marcel schmelzer to the ball to head bayern munich in front against dortmund\n", - "bayern munich beat borussia dortmund 1-0 in the bundesliga on saturdayrobert lewandowski opened the scoring vs his former club on 36 minutesdortmund applied much of the second-half pressure but were kept at baybayern restored their 10-point lead at the top of the bundesliga\n", - "[1.1988333 1.4371743 1.2742647 1.3277943 1.3235254 1.1859454 1.0804712\n", - " 1.0933094 1.0504907 1.0319586 1.0418413 1.0297706 1.0301427 1.0344818\n", - " 1.0946347 1.1267598 1.0165478 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 5 15 14 7 6 8 10 13 9 12 11 16 19 17 18 20]\n", - "=======================\n", - "[\"ronald butcher , a ` private and quiet man ' , bequeathed his entire # 500,000 fortune to daniel sharp after he died in march 2013 .lucky : daniel sharp was given # 500,000 by mr butcher after doing building work for him freebut his relatives and family friends insist that the will , made just two months before his death , is invalid and say that the builder is lying about his friendship with mr butcher .\"]\n", - "=======================\n", - "['ronald butcher , 75 , left his entire life savings to builder daniel sharphe cut out his cousin and two family friends who were expecting to inheritbut they are now challenging the will in the high court saying the pensioner did not know what he was doing']\n", - "ronald butcher , a ` private and quiet man ' , bequeathed his entire # 500,000 fortune to daniel sharp after he died in march 2013 .lucky : daniel sharp was given # 500,000 by mr butcher after doing building work for him freebut his relatives and family friends insist that the will , made just two months before his death , is invalid and say that the builder is lying about his friendship with mr butcher .\n", - "ronald butcher , 75 , left his entire life savings to builder daniel sharphe cut out his cousin and two family friends who were expecting to inheritbut they are now challenging the will in the high court saying the pensioner did not know what he was doing\n", - "[1.237674 1.4611412 1.2826622 1.3325925 1.1452931 1.1670105 1.211867\n", - " 1.1566168 1.0661125 1.1155076 1.0451041 1.0143387 1.0093017 1.0095029\n", - " 1.0124053 1.1448476 1.1482228 1.0251619 1.0217865 1.0301039 1.0242071]\n", - "\n", - "[ 1 3 2 0 6 5 7 16 4 15 9 8 10 19 17 20 18 11 14 13 12]\n", - "=======================\n", - "[\"sergey burkaev , 16 , and konstantin surkov , 17 , are said to have raped their last victim before slitting her throat .the vodka-fuelled duo doused all five bodies in petrol and set them alight at a flat in south-west russia , according to prosecutors .two teenage boys reportedly stabbed a third to death after arguing about their mobile phones - then killed four girl pals they were with so they could n't tell police about the murder .\"]\n", - "=======================\n", - "[\"sergey burkaev , 16 , and konstantin surkov , 17 , ` confessed ' to murdersduo are also said to have raped one of the girls before cutting her throatthe accused and their victims were at a house party in kumertau , russia\"]\n", - "sergey burkaev , 16 , and konstantin surkov , 17 , are said to have raped their last victim before slitting her throat .the vodka-fuelled duo doused all five bodies in petrol and set them alight at a flat in south-west russia , according to prosecutors .two teenage boys reportedly stabbed a third to death after arguing about their mobile phones - then killed four girl pals they were with so they could n't tell police about the murder .\n", - "sergey burkaev , 16 , and konstantin surkov , 17 , ` confessed ' to murdersduo are also said to have raped one of the girls before cutting her throatthe accused and their victims were at a house party in kumertau , russia\n", - "[1.138031 1.1318309 1.3558768 1.4579412 1.1347234 1.040497 1.2039187\n", - " 1.1636317 1.1758543 1.1501598 1.1507808 1.043835 1.0203537 1.0176318\n", - " 1.0225703 1.0388248 1.0202901 1.0144993 0. 0. 0. ]\n", - "\n", - "[ 3 2 6 8 7 10 9 0 4 1 11 5 15 14 12 16 13 17 19 18 20]\n", - "=======================\n", - "[\"the five-year-old child is called mai zizhuo and he has been shooting hoops since he was two and a half years old , reported the people 's daily online .a viral video is making the rounds in china , which shows a small boy displaying a dazzling array of basketball skills that would put to shame many professional players .his incredible skills have won him legions of fans across basketball-mad china .\"]\n", - "=======================\n", - "['mai zizhou has been trained to play basketball since 2.5 years oldvideo shows him shooting the hoops and dribbling two basketballshis incredible skills have won him legions of fans around china']\n", - "the five-year-old child is called mai zizhuo and he has been shooting hoops since he was two and a half years old , reported the people 's daily online .a viral video is making the rounds in china , which shows a small boy displaying a dazzling array of basketball skills that would put to shame many professional players .his incredible skills have won him legions of fans across basketball-mad china .\n", - "mai zizhou has been trained to play basketball since 2.5 years oldvideo shows him shooting the hoops and dribbling two basketballshis incredible skills have won him legions of fans around china\n", - "[1.5526772 1.1964282 1.1623914 1.1572258 1.3554124 1.1076273 1.0946101\n", - " 1.2453852 1.150782 1.0153437 1.0628707 1.1154144 1.0754217 1.0977585\n", - " 1.2829733 1.0906779 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 14 7 1 2 3 8 11 5 13 6 15 12 10 9 16 17 18 19 20]\n", - "=======================\n", - "['stephen curry eclipsed his own nba record for most 3-pointers in a season , scoring 45 points to rally the golden state warriors to a 116-105 victory over the portland trail blazers on thursday night .pau gasol ( right ) had 16 points and 15 rebounds as the chicago bulls beat miami heat 89-78 on thursdaycurry entered the game four shy of his mark of 272 three-pointers , which he set two years ago in the season finale at portland .']\n", - "=======================\n", - "[\"golden state warriors beat portland trail blazers 116-105 on thursdaystephen curry broke his three-point record for a total nba seasoncurry hit eight three 's to surpass his previous best of 272 three-pointersmiami heat lost 78-89 vs chicago bulls in the eastern conference\"]\n", - "stephen curry eclipsed his own nba record for most 3-pointers in a season , scoring 45 points to rally the golden state warriors to a 116-105 victory over the portland trail blazers on thursday night .pau gasol ( right ) had 16 points and 15 rebounds as the chicago bulls beat miami heat 89-78 on thursdaycurry entered the game four shy of his mark of 272 three-pointers , which he set two years ago in the season finale at portland .\n", - "golden state warriors beat portland trail blazers 116-105 on thursdaystephen curry broke his three-point record for a total nba seasoncurry hit eight three 's to surpass his previous best of 272 three-pointersmiami heat lost 78-89 vs chicago bulls in the eastern conference\n", - "[1.2881224 1.4319259 1.208189 1.2317736 1.1489768 1.1341668 1.1809522\n", - " 1.061156 1.0601245 1.015961 1.055043 1.0381142 1.257163 1.0490707\n", - " 1.0204947 1.0714513 1.0293766 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 12 3 2 6 4 5 15 7 8 10 13 11 16 14 9 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"frank knight , a lifelong supporter of the seasiders , was ordered to make a public apology after posting a disparaging status on his facebook page this time last year .the oyston family served to form a further wedge between themselves and blackpool 's fans after a pensioner was forced to pay a staggering # 20,000 in damages for allegations made online .blackpool fan frank knight posted an apology on a supporters ' messageboard on thursday\"]\n", - "=======================\n", - "['lifelong blackpool fan frank knight forced to pay # 20,000 in damagesthe pensioner made allegations about the oyston familyclub is owned by owen oyston , while son karl is blackpool chairmanknight ordered to make a public apology following facebook comments']\n", - "frank knight , a lifelong supporter of the seasiders , was ordered to make a public apology after posting a disparaging status on his facebook page this time last year .the oyston family served to form a further wedge between themselves and blackpool 's fans after a pensioner was forced to pay a staggering # 20,000 in damages for allegations made online .blackpool fan frank knight posted an apology on a supporters ' messageboard on thursday\n", - "lifelong blackpool fan frank knight forced to pay # 20,000 in damagesthe pensioner made allegations about the oyston familyclub is owned by owen oyston , while son karl is blackpool chairmanknight ordered to make a public apology following facebook comments\n", - "[1.3173914 1.3155246 1.2414148 1.2910311 1.240879 1.0855056 1.0776594\n", - " 1.0354787 1.08307 1.028978 1.0228952 1.0695204 1.0235139 1.0466123\n", - " 1.0617511 1.0687565 1.0267999 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 5 8 6 11 15 14 13 7 9 16 12 10 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"isis has released a chilling new propaganda video warning there is ` no safety for any american on the globe ' and claiming the u.s. will burn in another 9/11-style attack .titled ` we will burn america ' , the video calls on supporters to attack the u.s. on its own soil , while claiming its citizens ' sense of safety is a ` mirage ' .the 11 minute-long video also forms a showcase of some of the militants ' bloodiest atrocities - it features the beheading of u.s. journalist james foley , as well as several mass beheadings and the horrific burning of jordanian pilot muadh al-kasasbeh .\"]\n", - "=======================\n", - "[\"isis has released yet another bloodthirsty propaganda videothe chilling video states there is ` no safety for any american on the globe 'it features footage of the twin tower attacks and threatens another 9/11footage of beheadings , burnings and other atrocities is broadcast\"]\n", - "isis has released a chilling new propaganda video warning there is ` no safety for any american on the globe ' and claiming the u.s. will burn in another 9/11-style attack .titled ` we will burn america ' , the video calls on supporters to attack the u.s. on its own soil , while claiming its citizens ' sense of safety is a ` mirage ' .the 11 minute-long video also forms a showcase of some of the militants ' bloodiest atrocities - it features the beheading of u.s. journalist james foley , as well as several mass beheadings and the horrific burning of jordanian pilot muadh al-kasasbeh .\n", - "isis has released yet another bloodthirsty propaganda videothe chilling video states there is ` no safety for any american on the globe 'it features footage of the twin tower attacks and threatens another 9/11footage of beheadings , burnings and other atrocities is broadcast\n", - "[1.2435834 1.2714748 1.1987009 1.2207679 1.2222852 1.0991703 1.0597714\n", - " 1.026155 1.0715685 1.0950469 1.2021257 1.1490841 1.0313923 1.1551666\n", - " 1.0880616 1.0544894 1.0308871 1.0438533 1.027057 1.0134631 1.0121058\n", - " 1.0132017 1.021034 1.0289325 1.0116572]\n", - "\n", - "[ 1 0 4 3 10 2 13 11 5 9 14 8 6 15 17 12 16 23 18 7 22 19 21 20\n", - " 24]\n", - "=======================\n", - "['the clip resembles scenes from a hollywood disaster movie , with cars turning around in the road and turning back in a desperate bid to escape the inferno .terrifying dashcam footage has emerged of cars enveloped by a raging wildfire on a road in eastern siberia - with one vehicle driving past with its roof blazing .the clip begins with visibility for the driver of the car with the dashcam at zero']\n", - "=======================\n", - "['terrifying dashcam footage has emerged of cars caught in an infernothe clip was taken by the driver of a car in eastern siberiaat one point a jeep races past with the back of its roof ablazewildfires in siberia have been raging since march 19 , leaving 30 dead']\n", - "the clip resembles scenes from a hollywood disaster movie , with cars turning around in the road and turning back in a desperate bid to escape the inferno .terrifying dashcam footage has emerged of cars enveloped by a raging wildfire on a road in eastern siberia - with one vehicle driving past with its roof blazing .the clip begins with visibility for the driver of the car with the dashcam at zero\n", - "terrifying dashcam footage has emerged of cars caught in an infernothe clip was taken by the driver of a car in eastern siberiaat one point a jeep races past with the back of its roof ablazewildfires in siberia have been raging since march 19 , leaving 30 dead\n", - "[1.2876741 1.5077354 1.1675441 1.282516 1.1498423 1.1148001 1.0552955\n", - " 1.034565 1.0394233 1.0492303 1.0947328 1.0754755 1.0602539 1.0317389\n", - " 1.0524203 1.0221366 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 5 10 11 12 6 14 9 8 7 13 15 23 16 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"the 40-year-old 's son cooper blue and daughter kingsley rainbow were born on monday via a surrogate , with dylan and her paul , 44 , confirming to people on wednesday afternoon that they ` are celebrating the birth of their twins ' .a spokesperson for the couple added to the outlet that ` her parents , fashion icons ralph and ricky lauren , are overjoyed to welcome their first grandchildren and witness their daughter usher in the next generation ' .dylan , who is the founder and ceo of popular confectionery chain dylan 's candy bar , revealed in this week 's issue of the magazine that she chose a surrogate because it 's a ` wonderful option ' and it was the way she and her husband always ` wanted to start a family ' .\"]\n", - "=======================\n", - "[\"the 40-year-old 's son cooper blue and daughter kingsley rainbow were born on mondaydylan and her husband paul arrouet married in 2011\"]\n", - "the 40-year-old 's son cooper blue and daughter kingsley rainbow were born on monday via a surrogate , with dylan and her paul , 44 , confirming to people on wednesday afternoon that they ` are celebrating the birth of their twins ' .a spokesperson for the couple added to the outlet that ` her parents , fashion icons ralph and ricky lauren , are overjoyed to welcome their first grandchildren and witness their daughter usher in the next generation ' .dylan , who is the founder and ceo of popular confectionery chain dylan 's candy bar , revealed in this week 's issue of the magazine that she chose a surrogate because it 's a ` wonderful option ' and it was the way she and her husband always ` wanted to start a family ' .\n", - "the 40-year-old 's son cooper blue and daughter kingsley rainbow were born on mondaydylan and her husband paul arrouet married in 2011\n", - "[1.2501347 1.4354668 1.2896098 1.3287535 1.227297 1.0563935 1.0790732\n", - " 1.066764 1.1013325 1.02869 1.0140575 1.1285163 1.0275 1.0521805\n", - " 1.0932842 1.046634 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 11 8 14 6 7 5 13 15 9 12 10 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "['the louisiana-raised singer is scheduled to raise money with a hartford , connecticut show on july 17 for the sandy hook promise group , which organized in response to the sandy hook elementary school shooting in late 2012 .country star tim mcgraw is facing backlash from conservative fans after agreeing to put on a connecticut concert in support of a pro gun control charity .however , anti-gun control commenters have said that mcgraw , 47 , risks losing his career the same way female country trio the dixie chicks never bounced back from criticizing president george w bush .']\n", - "=======================\n", - "['country music star booked july 17 concert benefiting sandy hook promiseconservative fans mad that star helping raise money for gun controlcommenters say that he could slide to obscurity like the dixie chicks did after statements criticizing george w bush']\n", - "the louisiana-raised singer is scheduled to raise money with a hartford , connecticut show on july 17 for the sandy hook promise group , which organized in response to the sandy hook elementary school shooting in late 2012 .country star tim mcgraw is facing backlash from conservative fans after agreeing to put on a connecticut concert in support of a pro gun control charity .however , anti-gun control commenters have said that mcgraw , 47 , risks losing his career the same way female country trio the dixie chicks never bounced back from criticizing president george w bush .\n", - "country music star booked july 17 concert benefiting sandy hook promiseconservative fans mad that star helping raise money for gun controlcommenters say that he could slide to obscurity like the dixie chicks did after statements criticizing george w bush\n", - "[1.2874796 1.33045 1.2545005 1.30706 1.0907373 1.2209315 1.1576468\n", - " 1.0410978 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 5 6 4 7 18 17 16 15 14 10 12 11 19 9 8 13 20]\n", - "=======================\n", - "['the scene was creve coeur lake outside of st. louis early friday morning .team member devin patel described the moment of terror : \" the fish was flopping on my legs .( cnn ) it was a typical practice day for the washington university of rowing team , but then danger came from beneath .']\n", - "=======================\n", - "['rowing team at washington university attacked by flying carpmember of the team caught the attack on video']\n", - "the scene was creve coeur lake outside of st. louis early friday morning .team member devin patel described the moment of terror : \" the fish was flopping on my legs .( cnn ) it was a typical practice day for the washington university of rowing team , but then danger came from beneath .\n", - "rowing team at washington university attacked by flying carpmember of the team caught the attack on video\n", - "[1.3007843 1.4828197 1.1949174 1.431013 1.146148 1.0310242 1.1254743\n", - " 1.0807385 1.0140083 1.0386033 1.0938156 1.10117 1.2037686 1.0718153\n", - " 1.016561 1.1021798 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 12 2 4 6 15 11 10 7 13 9 5 14 8 19 16 17 18 20]\n", - "=======================\n", - "['angela maxwell said she would not give up her five-hour shift preparing meals at the lunch club at coningsby community hall in lincolnshire despite winning millions of pounds .angela maxwell has returned to her shift at a local lunch club for pensioners a week after scooping # 53million with her husband richardasked what they planned to do with the money last week the couple , who have two adult children , said they would buy a new minibus for pensioners in the community .']\n", - "=======================\n", - "[\"angela maxwell returned to coningsby community hall yesterday morningthe 67-year-old and her husband won # 53million in last week 's lotterycouple said they planned to spend money on a new minibus for local oapsmrs maxwell volunteers for the council preparing meals for pensionersshe returned to the lunchtime club yesterday morning despite the windfall\"]\n", - "angela maxwell said she would not give up her five-hour shift preparing meals at the lunch club at coningsby community hall in lincolnshire despite winning millions of pounds .angela maxwell has returned to her shift at a local lunch club for pensioners a week after scooping # 53million with her husband richardasked what they planned to do with the money last week the couple , who have two adult children , said they would buy a new minibus for pensioners in the community .\n", - "angela maxwell returned to coningsby community hall yesterday morningthe 67-year-old and her husband won # 53million in last week 's lotterycouple said they planned to spend money on a new minibus for local oapsmrs maxwell volunteers for the council preparing meals for pensionersshe returned to the lunchtime club yesterday morning despite the windfall\n", - "[1.1310375 1.222814 1.268353 1.3312521 1.2237496 1.3073931 1.1731348\n", - " 1.1681086 1.0593143 1.1602027 1.0346746 1.0198923 1.177208 1.0678853\n", - " 1.0644102 1.0619974 1.0411284 0. 0. 0. 0. ]\n", - "\n", - "[ 3 5 2 4 1 12 6 7 9 0 13 14 15 8 16 10 11 19 17 18 20]\n", - "=======================\n", - "['there are 650 seats up for grabs on may 7 , with labour and the tories needing more than half to secure a majority .some 70 per cent of seats in the east of england are considered safe , compared to 10 per cent in scotland , where the snp is expected to make sweeping gainsmore than 25million live in constituencies where the result can already be predicted , because one party is so far ahead .']\n", - "=======================\n", - "['650 seats up for grabs on may 7 but more than half will not change hands because one party is so far aheadelectoral reform society calls result in 325 seats in england , 5 in scotland , 20 in wales and 14 in northern ireland70 % of seats in the east of england are considered safe but only 10 % per cent in scotland as snp makes big gains']\n", - "there are 650 seats up for grabs on may 7 , with labour and the tories needing more than half to secure a majority .some 70 per cent of seats in the east of england are considered safe , compared to 10 per cent in scotland , where the snp is expected to make sweeping gainsmore than 25million live in constituencies where the result can already be predicted , because one party is so far ahead .\n", - "650 seats up for grabs on may 7 but more than half will not change hands because one party is so far aheadelectoral reform society calls result in 325 seats in england , 5 in scotland , 20 in wales and 14 in northern ireland70 % of seats in the east of england are considered safe but only 10 % per cent in scotland as snp makes big gains\n", - "[1.2229606 1.0718527 1.2666297 1.3554269 1.2466983 1.1081444 1.0392431\n", - " 1.0372732 1.0575057 1.1686903 1.0844747 1.0951157 1.1354582 1.0403455\n", - " 1.0133487 1.0479776 1.1019132 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 4 0 9 12 5 16 11 10 1 8 15 13 6 7 14 19 17 18 20]\n", - "=======================\n", - "[\"adam johnson ( right ) was accompanied by his lawyer as he was charged with three counts of sexual activity with an underage girl and one of groomingjohnson -- scorer of seven goals in as many matches for sunderland -- believed he was worthy of a recall , 21 months on from a five-minute cameo in norway 's ullevaal stadium during a euro 2012 warm-up friendly .johnson , an england international , was considered a prospect for roy hodgson as recently as a year ago\"]\n", - "=======================\n", - "['only a year ago adam johnson was still considered an england prospectthe former manchester city winger never fulfilled his potentialjohnson has shown flashes of his talent , but never been consistentthe future of both sunderland and their star player hang in the balance']\n", - "adam johnson ( right ) was accompanied by his lawyer as he was charged with three counts of sexual activity with an underage girl and one of groomingjohnson -- scorer of seven goals in as many matches for sunderland -- believed he was worthy of a recall , 21 months on from a five-minute cameo in norway 's ullevaal stadium during a euro 2012 warm-up friendly .johnson , an england international , was considered a prospect for roy hodgson as recently as a year ago\n", - "only a year ago adam johnson was still considered an england prospectthe former manchester city winger never fulfilled his potentialjohnson has shown flashes of his talent , but never been consistentthe future of both sunderland and their star player hang in the balance\n", - "[1.3562074 1.1322945 1.442519 1.2932706 1.3872938 1.1253266 1.0577897\n", - " 1.0247922 1.0279225 1.0309138 1.0235561 1.077325 1.033309 1.1170131\n", - " 1.10811 1.0309998 1.0214309 1.0230187 1.201323 1.2700275 1.0548195]\n", - "\n", - "[ 2 4 0 3 19 18 1 5 13 14 11 6 20 12 15 9 8 7 10 17 16]\n", - "=======================\n", - "['phil smith , 25 , scaled a fence to try to get in his flat in cottingham , hull , but fell and hit his head .he was placed in a medically induced coma at hull royal infirmary , but died five days later on april 9 .the 25-year-old , who worked at a school for disabled children , fractured his skull and suffered a bleed on the brain and a blood clot in the fall .']\n", - "=======================\n", - "[\"phil smith , 25 , forgot his keys and scaled fence to try to get in his flatbut teaching assistant fell and hit his head while climbing through windowhe fractured his skull and suffered a bleed on the brain and a blood clotparents paid tribute to ` lovely son ' who worked at special needs school\"]\n", - "phil smith , 25 , scaled a fence to try to get in his flat in cottingham , hull , but fell and hit his head .he was placed in a medically induced coma at hull royal infirmary , but died five days later on april 9 .the 25-year-old , who worked at a school for disabled children , fractured his skull and suffered a bleed on the brain and a blood clot in the fall .\n", - "phil smith , 25 , forgot his keys and scaled fence to try to get in his flatbut teaching assistant fell and hit his head while climbing through windowhe fractured his skull and suffered a bleed on the brain and a blood clotparents paid tribute to ` lovely son ' who worked at special needs school\n", - "[1.1535165 1.200488 1.3189838 1.2695181 1.2156922 1.1650428 1.1957738\n", - " 1.1769817 1.23377 1.1066538 1.0531994 1.0551658 1.0435406 1.0720105\n", - " 1.0626996 1.0244049 1.0684124 1.0442734 0. ]\n", - "\n", - "[ 2 3 8 4 1 6 7 5 0 9 13 16 14 11 10 17 12 15 18]\n", - "=======================\n", - "['some have been awol from ford open prison for as long as 10 years , according to information only now released by the ministry of justice .one of the escapees from the 500-inmate jail , is violent killer robert donovan , 57 .his disappearance only emerged last year , four years after he had walked out of the prison in arundel , sussex .']\n", - "=======================\n", - "['a total of 39 inmates are at large from ford open prison , west sussexministry of justice revealed they all escaped between 2004 and 2014include murderer derek passmore who beat a man to death in 1996also on-the-run robert donovan who knifed to death a theatre manager']\n", - "some have been awol from ford open prison for as long as 10 years , according to information only now released by the ministry of justice .one of the escapees from the 500-inmate jail , is violent killer robert donovan , 57 .his disappearance only emerged last year , four years after he had walked out of the prison in arundel , sussex .\n", - "a total of 39 inmates are at large from ford open prison , west sussexministry of justice revealed they all escaped between 2004 and 2014include murderer derek passmore who beat a man to death in 1996also on-the-run robert donovan who knifed to death a theatre manager\n", - "[1.3395029 1.1340152 1.330128 1.2249352 1.1814417 1.1924673 1.2521012\n", - " 1.1956728 1.1321592 1.0521728 1.0515712 1.023425 1.0477023 1.1931975\n", - " 1.0525396 1.0330131 1.023513 0. 0. ]\n", - "\n", - "[ 0 2 6 3 7 13 5 4 1 8 14 9 10 12 15 16 11 17 18]\n", - "=======================\n", - "[\"roman abramovich has never spoken in public since buying chelsea , nor is there any expectation that he will .marina granovskaia is a chelsea director and arguably the most powerful woman in english football as the club 's transfer and contract negotiator .she is also abramovich 's day-to-day link with his football team .\"]\n", - "=======================\n", - "[\"roman abramovich has never spoken in public since buying chelseabut marina granovskaia , chelsea director , is set to speak next monthshe is among speakers at a conference to be held at stamford bridgegreg dyke finally handed back the # 16,400 watch given to him by fifagraeme swann has asked twitter followers to help find his jaguar carchannel 4 have been let off by sponsors 32red after an ad-break gaffec4 special , my big fat gypsy grand national , included an aintree hen partysepp blatter 's rivals ' fifa bids look doomed after africa pledge\"]\n", - "roman abramovich has never spoken in public since buying chelsea , nor is there any expectation that he will .marina granovskaia is a chelsea director and arguably the most powerful woman in english football as the club 's transfer and contract negotiator .she is also abramovich 's day-to-day link with his football team .\n", - "roman abramovich has never spoken in public since buying chelseabut marina granovskaia , chelsea director , is set to speak next monthshe is among speakers at a conference to be held at stamford bridgegreg dyke finally handed back the # 16,400 watch given to him by fifagraeme swann has asked twitter followers to help find his jaguar carchannel 4 have been let off by sponsors 32red after an ad-break gaffec4 special , my big fat gypsy grand national , included an aintree hen partysepp blatter 's rivals ' fifa bids look doomed after africa pledge\n", - "[1.2489233 1.3847705 1.1834728 1.3680809 1.2018821 1.137351 1.0548633\n", - " 1.1243161 1.0927702 1.0336868 1.020944 1.0634004 1.040416 1.0381476\n", - " 1.0203822 1.0419328 1.0212168 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 5 7 8 11 6 15 12 13 9 16 10 14 17 18]\n", - "=======================\n", - "[\"following a segment on wedding costs that touched on the price of engagement rings , wcco this morning reporter ashley roberts ' boyfriend , justin mccray , surprised her with an engagement ring of her own .one minnesota reporter made news herself on wednesday when her boyfriend popped the question to her while she was live on-air .romantic plan : ashley 's co-workers helped arrange for her boyfriend to come out after an on-air discussion about engagement rings\"]\n", - "=======================\n", - "['wcco this morning reporter ashley roberts , who lives and works in minnesota , was proposed to by boyfriend justin mccraythe florida native was shocked to see her now-fiancé appear in the studio during a segment on wedding costs']\n", - "following a segment on wedding costs that touched on the price of engagement rings , wcco this morning reporter ashley roberts ' boyfriend , justin mccray , surprised her with an engagement ring of her own .one minnesota reporter made news herself on wednesday when her boyfriend popped the question to her while she was live on-air .romantic plan : ashley 's co-workers helped arrange for her boyfriend to come out after an on-air discussion about engagement rings\n", - "wcco this morning reporter ashley roberts , who lives and works in minnesota , was proposed to by boyfriend justin mccraythe florida native was shocked to see her now-fiancé appear in the studio during a segment on wedding costs\n", - "[1.2299018 1.4617724 1.3854814 1.350919 1.1316949 1.0507499 1.0288544\n", - " 1.0383382 1.106721 1.1999595 1.1288494 1.0452583 1.0339539 1.0641305\n", - " 1.0077716 1.0487977 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 9 4 10 8 13 5 15 11 7 12 6 14 17 16 18]\n", - "=======================\n", - "[\"sajid javid declared some values prevalent in certain asian communities were ` totally unacceptable in british society ' .his comments come after inquiries into the sexual abuse of vulnerable girls targeted by asian men in rochdale , rotherham and oxford found that the authorities had failed to protect them .muslim communities in parts of britain have a ` cultural problem ' where they view women as commodities to be abused , according to the culture secretary .\"]\n", - "=======================\n", - "[\"he said some values in certain communities were ` totally unacceptable 'comments come after sexual abuse by asian men revealed in parts of ukjavid said political correctness should not be a barrier to stopping abuse\"]\n", - "sajid javid declared some values prevalent in certain asian communities were ` totally unacceptable in british society ' .his comments come after inquiries into the sexual abuse of vulnerable girls targeted by asian men in rochdale , rotherham and oxford found that the authorities had failed to protect them .muslim communities in parts of britain have a ` cultural problem ' where they view women as commodities to be abused , according to the culture secretary .\n", - "he said some values in certain communities were ` totally unacceptable 'comments come after sexual abuse by asian men revealed in parts of ukjavid said political correctness should not be a barrier to stopping abuse\n", - "[1.2050321 1.5762317 1.1467404 1.3512913 1.1280818 1.2876356 1.108323\n", - " 1.0458475 1.0711513 1.1775804 1.1476865 1.0119975 1.0131403 1.0115181\n", - " 1.0090622 1.0164086 1.0117944 1.0147818 1.0086889]\n", - "\n", - "[ 1 3 5 0 9 10 2 4 6 8 7 15 17 12 11 16 13 14 18]\n", - "=======================\n", - "['ted loveday managed to answer 10 starter questions in the last round of the bbc quiz show , helping gonville and caius college , cambridge defeat magdalen college , oxford .a student has become an online sensation after powering his cambridge college to glory in the final of university challenge .quizmaster : the bbc two show is hosted by jeremy paxman , notorious for his aggressive putdowns']\n", - "=======================\n", - "['ted loveday led gonville and caius college , cambridge to the university challenge title this weekhe became a web sensation after answering 10 different starter questionsbut the law student admits he revised by using youtube and wikipedia']\n", - "ted loveday managed to answer 10 starter questions in the last round of the bbc quiz show , helping gonville and caius college , cambridge defeat magdalen college , oxford .a student has become an online sensation after powering his cambridge college to glory in the final of university challenge .quizmaster : the bbc two show is hosted by jeremy paxman , notorious for his aggressive putdowns\n", - "ted loveday led gonville and caius college , cambridge to the university challenge title this weekhe became a web sensation after answering 10 different starter questionsbut the law student admits he revised by using youtube and wikipedia\n", - "[1.2173133 1.359276 1.3191974 1.2069354 1.3034692 1.2916272 1.119092\n", - " 1.0955938 1.068137 1.016678 1.0231861 1.0195644 1.0170735 1.0362052\n", - " 1.0214748 1.0128764 1.1553386 1.1857669 1.069965 1.0419164]\n", - "\n", - "[ 1 2 4 5 0 3 17 16 6 7 18 8 19 13 10 14 11 12 9 15]\n", - "=======================\n", - "[\"a black woman , tyus byrd , was recently elected mayor of the town over the white incumbent candidate randall ramsey , mailonline reported earlier this week .six city officials quit their jobs shortly after byrd won , according to multiple reports .two of those individuals - trish cohen , parma 's former police chief , and rich medley , the town 's former assistant police chief - recently spoke to nbc news .\"]\n", - "=======================\n", - "[\"tyus byrd , who is black , was recently elected mayor of parma , missourishe beat the white current mayor randall ramseysix city officials quit their jobs shortly after byrd wontwo of those individuals are trish cohen , parma 's former police chief , and rich medley , the town 's former assistant police chiefcohen has said she and medley feared for their safety , since their home addresses had been shared online by byrd 's family membersmedley has said after being told by byrd 's supporters that parma 's police officers were going to be fired , he decided to quitbyrd has said she does n't know what the ` safety issues ' were and that she ` never said anything about cleaning house '\"]\n", - "a black woman , tyus byrd , was recently elected mayor of the town over the white incumbent candidate randall ramsey , mailonline reported earlier this week .six city officials quit their jobs shortly after byrd won , according to multiple reports .two of those individuals - trish cohen , parma 's former police chief , and rich medley , the town 's former assistant police chief - recently spoke to nbc news .\n", - "tyus byrd , who is black , was recently elected mayor of parma , missourishe beat the white current mayor randall ramseysix city officials quit their jobs shortly after byrd wontwo of those individuals are trish cohen , parma 's former police chief , and rich medley , the town 's former assistant police chiefcohen has said she and medley feared for their safety , since their home addresses had been shared online by byrd 's family membersmedley has said after being told by byrd 's supporters that parma 's police officers were going to be fired , he decided to quitbyrd has said she does n't know what the ` safety issues ' were and that she ` never said anything about cleaning house '\n", - "[1.3911457 1.3420713 1.4181979 1.0737865 1.2760274 1.1292713 1.1488467\n", - " 1.0965508 1.0457453 1.2497144 1.1119798 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 4 9 6 5 10 7 3 8 18 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "['xabi alonso was left stretching for a pass with his team-mates watching on and ending up falling over , as the ball approached him at pace .bayern munich were in high spirits after they restored their lead at the top of the bundesliga back to 10 points .pep guardiola put his players through their paces as they carried out rondo passing drills in training .']\n", - "=======================\n", - "[\"xabi alonso has been in fine form for bayern munichrobert lewandowski ensured bayern beat dortmund on saturdaypep guardiola 's side are top of the bundesliga by 10 points\"]\n", - "xabi alonso was left stretching for a pass with his team-mates watching on and ending up falling over , as the ball approached him at pace .bayern munich were in high spirits after they restored their lead at the top of the bundesliga back to 10 points .pep guardiola put his players through their paces as they carried out rondo passing drills in training .\n", - "xabi alonso has been in fine form for bayern munichrobert lewandowski ensured bayern beat dortmund on saturdaypep guardiola 's side are top of the bundesliga by 10 points\n", - "[1.3491108 1.3759699 1.2352629 1.4416766 1.2244717 1.0546749 1.0397917\n", - " 1.1024532 1.0395851 1.1344216 1.1514076 1.0496675 1.0151936 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 2 4 10 9 7 5 11 6 8 12 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"french handball star nikola karabatic has been accused of match fixing along with 15 otherskarabatic , a multiple world and olympic gold medalist , and his younger brother luka were among a group of players banned by the french league two years ago for betting on the result of a match in which their montpellier club , which had already secured the title , lost to a struggling team .karabatic 's lawyer michael corbier told sportsmail on wednesday the trial will likely take place within months .\"]\n", - "=======================\n", - "[\"nikola karabatic was among group of players banned after betting on a montpellier club match two years agoformer olympic champion will plead not guilty at trial in next few monthsfrance 's biggest handball star now plays for barcelona in spanish league\"]\n", - "french handball star nikola karabatic has been accused of match fixing along with 15 otherskarabatic , a multiple world and olympic gold medalist , and his younger brother luka were among a group of players banned by the french league two years ago for betting on the result of a match in which their montpellier club , which had already secured the title , lost to a struggling team .karabatic 's lawyer michael corbier told sportsmail on wednesday the trial will likely take place within months .\n", - "nikola karabatic was among group of players banned after betting on a montpellier club match two years agoformer olympic champion will plead not guilty at trial in next few monthsfrance 's biggest handball star now plays for barcelona in spanish league\n", - "[1.1667345 1.4145191 1.3636603 1.1885636 1.253174 1.1583138 1.0537456\n", - " 1.0129 1.0134758 1.1712065 1.1363524 1.0721228 1.06619 1.1690841\n", - " 1.0788594 1.0655982 1.0342103 1.0086043 0. 0. ]\n", - "\n", - "[ 1 2 4 3 9 13 0 5 10 14 11 12 15 6 16 8 7 17 18 19]\n", - "=======================\n", - "[\"scientists quizzed more than 5,000 british teenagers about their drinking habits and the films they had watched from a list of 50 , including bridget jones ' diary and aviator .those who had watched the most films which featured characters drinking alcohol were 20 per cent more likely to have tried alcohol and 70 per cent more likely to binge drink .the research also revealed that between 1989 and 2008 almost three quarters of popular uk box office films depicted alcohol use - but only six per cent were classified as adult only .\"]\n", - "=======================\n", - "[\"scientists quizzed more than 5,000 teenagers about their drinking habitsalso the films they watched , including bridget jones ' diary and aviatorthose who watched most films featuring characters drinking alcohol were 20 % more likely to have tried alcohol and 70 % more likely to binge drinkresearchers have called for films to be rated by alcohol content\"]\n", - "scientists quizzed more than 5,000 british teenagers about their drinking habits and the films they had watched from a list of 50 , including bridget jones ' diary and aviator .those who had watched the most films which featured characters drinking alcohol were 20 per cent more likely to have tried alcohol and 70 per cent more likely to binge drink .the research also revealed that between 1989 and 2008 almost three quarters of popular uk box office films depicted alcohol use - but only six per cent were classified as adult only .\n", - "scientists quizzed more than 5,000 teenagers about their drinking habitsalso the films they watched , including bridget jones ' diary and aviatorthose who watched most films featuring characters drinking alcohol were 20 % more likely to have tried alcohol and 70 % more likely to binge drinkresearchers have called for films to be rated by alcohol content\n", - "[1.246006 1.3247371 1.2198814 1.266282 1.1505854 1.1281664 1.1509331\n", - " 1.0909038 1.1604025 1.0433892 1.0972348 1.04745 1.0752393 1.0175091\n", - " 1.0068285 1.0833653 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 8 6 4 5 10 7 15 12 11 9 13 14 18 16 17 19]\n", - "=======================\n", - "[\"lord neuberger , the president of the supreme court , said judges and courtrooms should allow women to wear the traditional dress as they should ` show , and be seen to show ' respect towards different customs .lord neuberger said britain 's privileged judges must be aware of their ` subconscious bias ' when dealing with poorer members of societymuslim women should be allowed to wear a full-face veil while appearing in court , britain 's most senior judge has suggested .\"]\n", - "=======================\n", - "[\"lord neuberger said muslim women should be allowed to wear a full-face veil when appearing in court to show respect to ` different customshe also said judges must be aware of their ` subconscious bias 'judges are ` rightly ' seen as from ` privileged ' part of society , he saidhe cited a judge ruling on a case of an unemployed traveller as an examplesince publication of this article , lord neuberger has since clarified his position which may be read here : article\"]\n", - "lord neuberger , the president of the supreme court , said judges and courtrooms should allow women to wear the traditional dress as they should ` show , and be seen to show ' respect towards different customs .lord neuberger said britain 's privileged judges must be aware of their ` subconscious bias ' when dealing with poorer members of societymuslim women should be allowed to wear a full-face veil while appearing in court , britain 's most senior judge has suggested .\n", - "lord neuberger said muslim women should be allowed to wear a full-face veil when appearing in court to show respect to ` different customshe also said judges must be aware of their ` subconscious bias 'judges are ` rightly ' seen as from ` privileged ' part of society , he saidhe cited a judge ruling on a case of an unemployed traveller as an examplesince publication of this article , lord neuberger has since clarified his position which may be read here : article\n", - "[1.3047751 1.3296067 1.3469663 1.271869 1.1691785 1.1183429 1.1010939\n", - " 1.0931345 1.080969 1.1136316 1.0982913 1.0488988 1.0397472 1.0678767\n", - " 1.0299218 1.0465943 1.0086261 1.0052508 0. ]\n", - "\n", - "[ 2 1 0 3 4 5 9 6 10 7 8 13 11 15 12 14 16 17 18]\n", - "=======================\n", - "['one in seven u.s. residents will be an immigrant by 2023 , the report from the center for immigration studies ( cis ) said .and by 2060 , immigrants could account for 82 per cent of all population growth in the country .documented and undocumented immigrant population in the united states could reach a record high of 51million in just eight years , according to u.s. census figures .']\n", - "=======================\n", - "['documented and undocumented immigrant population in the united states could reach a record high of 51million in just eight yearspresident barack obama is trying to use executive powers to expand immigration policies in the united stateschanges could exempt 5million undocumented immigrants from deportationrepublican presidential candidates have to figure out what their stance is on the subject as potential new policies could be established']\n", - "one in seven u.s. residents will be an immigrant by 2023 , the report from the center for immigration studies ( cis ) said .and by 2060 , immigrants could account for 82 per cent of all population growth in the country .documented and undocumented immigrant population in the united states could reach a record high of 51million in just eight years , according to u.s. census figures .\n", - "documented and undocumented immigrant population in the united states could reach a record high of 51million in just eight yearspresident barack obama is trying to use executive powers to expand immigration policies in the united stateschanges could exempt 5million undocumented immigrants from deportationrepublican presidential candidates have to figure out what their stance is on the subject as potential new policies could be established\n", - "[1.5762537 1.4196242 1.1196197 1.1561366 1.4520446 1.164021 1.1800108\n", - " 1.0219469 1.0171648 1.0262775 1.0197314 1.0207527 1.0160234 1.2241795\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 13 6 5 3 2 9 7 11 10 8 12 17 14 15 16 18]\n", - "=======================\n", - "[\"filipe luis insists he wants to stay at chelsea until the end of his contract , despite atletico madrid considering bringing him back in the summer .the full back signed a three-year contract when he moved from the spanish champions last july , but has struggled to make the left back position his own at stamford bridge .the defender 's attentions now turn to the premier league having played for brazil against france and chile\"]\n", - "=======================\n", - "['filipe luis signed for chelsea from atletico madrid for # 16millionthe defender insists he wants to stay despite interest from former clubbrazilian has struggled to make the left back position his own this season']\n", - "filipe luis insists he wants to stay at chelsea until the end of his contract , despite atletico madrid considering bringing him back in the summer .the full back signed a three-year contract when he moved from the spanish champions last july , but has struggled to make the left back position his own at stamford bridge .the defender 's attentions now turn to the premier league having played for brazil against france and chile\n", - "filipe luis signed for chelsea from atletico madrid for # 16millionthe defender insists he wants to stay despite interest from former clubbrazilian has struggled to make the left back position his own this season\n", - "[1.2614574 1.4249454 1.2142885 1.2584552 1.183094 1.0508643 1.0767599\n", - " 1.0208503 1.0426984 1.1646957 1.0604402 1.0805511 1.050923 1.0257415\n", - " 1.1122131 1.0468688 1.02628 1.0457324 1.0438454]\n", - "\n", - "[ 1 0 3 2 4 9 14 11 6 10 12 5 15 17 18 8 16 13 7]\n", - "=======================\n", - "[\"the clip , which was filmed by the creative agency leo burnett toronto for the homeless charity humans for humans , is designed to make people think twice about the way that they look at people who sleep rough .a new video that shows homeless people reading out cruel tweets that have been written about them is guaranteed to form a lump in your throat .many of the people break down in tears as they read comments like , ' i hate the homeless , i do n't feel sorry for you , ' and ' i saw a homeless girl across the street .\"]\n", - "=======================\n", - "[\"a short film highlights the nasty things people say about the homelesspeople who sleep rough in toronto read tweets people made about themthey include : ' i hate when it 's cold because the homeless get on the bus '\"]\n", - "the clip , which was filmed by the creative agency leo burnett toronto for the homeless charity humans for humans , is designed to make people think twice about the way that they look at people who sleep rough .a new video that shows homeless people reading out cruel tweets that have been written about them is guaranteed to form a lump in your throat .many of the people break down in tears as they read comments like , ' i hate the homeless , i do n't feel sorry for you , ' and ' i saw a homeless girl across the street .\n", - "a short film highlights the nasty things people say about the homelesspeople who sleep rough in toronto read tweets people made about themthey include : ' i hate when it 's cold because the homeless get on the bus '\n", - "[1.2592993 1.4538612 1.1765566 1.2540717 1.2717059 1.1835363 1.0931839\n", - " 1.0365134 1.0329169 1.0522125 1.0367825 1.0215931 1.0349705 1.0311017\n", - " 1.1490331 1.0831702 1.066084 1.0513103 1.0332246]\n", - "\n", - "[ 1 4 0 3 5 2 14 6 15 16 9 17 10 7 12 18 8 13 11]\n", - "=======================\n", - "[\"in june last year , ashton wood raised $ 18,000 online so he and 300 people could destroy his car after jeep refused to pay a full refund for the car or replace the vehicle which he claimed had suffered 21 separate mechanical problems .ashton wood issued this apology to jeep after the car company requested he apologise for criticising thema man who launched an online campaign to help him destroy his brand new $ 49,000 jeep will read out a ` not sorry ' apology to the company on national television tonight .\"]\n", - "=======================\n", - "[\"ashton wood has issued a tongue-in-cheek apology to jeep and will read it out on abc tv 's the checkout tonightthe car company requested he apologise for slamming them after he was not given a refund or replacement for a faulty vehicle he bought in 2010mr wood instead launched an online campaign to destroy his $ 49,000 carhe is now campaigning to introduce lemon laws in australiaa spokesperson for jeep said ` we have and always will treat mr wood in a fair and professional manner '\"]\n", - "in june last year , ashton wood raised $ 18,000 online so he and 300 people could destroy his car after jeep refused to pay a full refund for the car or replace the vehicle which he claimed had suffered 21 separate mechanical problems .ashton wood issued this apology to jeep after the car company requested he apologise for criticising thema man who launched an online campaign to help him destroy his brand new $ 49,000 jeep will read out a ` not sorry ' apology to the company on national television tonight .\n", - "ashton wood has issued a tongue-in-cheek apology to jeep and will read it out on abc tv 's the checkout tonightthe car company requested he apologise for slamming them after he was not given a refund or replacement for a faulty vehicle he bought in 2010mr wood instead launched an online campaign to destroy his $ 49,000 carhe is now campaigning to introduce lemon laws in australiaa spokesperson for jeep said ` we have and always will treat mr wood in a fair and professional manner '\n", - "[1.1626766 1.5002124 1.3321824 1.2262862 1.2796347 1.1533922 1.0223868\n", - " 1.017074 1.0268881 1.0236363 1.0196419 1.1319363 1.0484065 1.1196071\n", - " 1.0991894 1.027435 1.1006005 1.0471874 1.0430543]\n", - "\n", - "[ 1 2 4 3 0 5 11 13 16 14 12 17 18 15 8 9 6 10 7]\n", - "=======================\n", - "['anais zanotti , 30 , who lives in miami , first became interested in the high-flying sport when a friend recommended it to her .now the brunette , who has modelled for playboy , gq , esquire and maxim and has 35 cover shoots under her belt , is a pro who teaches other adrenaline junkies how to jump from a plane , thousands of feet in the air .the st tropez-born model moved to the us to become a glossy magazine bikini model']\n", - "=======================\n", - "['anais zanotti , 30 , has completed 1,350 freestyle skydivesfrench model moved to miami to pose for international magazinesis also a pro skydiver who teaches other adrenaline junkies how to jump']\n", - "anais zanotti , 30 , who lives in miami , first became interested in the high-flying sport when a friend recommended it to her .now the brunette , who has modelled for playboy , gq , esquire and maxim and has 35 cover shoots under her belt , is a pro who teaches other adrenaline junkies how to jump from a plane , thousands of feet in the air .the st tropez-born model moved to the us to become a glossy magazine bikini model\n", - "anais zanotti , 30 , has completed 1,350 freestyle skydivesfrench model moved to miami to pose for international magazinesis also a pro skydiver who teaches other adrenaline junkies how to jump\n", - "[1.145356 1.1276612 1.3906455 1.2692742 1.1022217 1.272586 1.1072327\n", - " 1.041004 1.0457824 1.1491506 1.0327263 1.1382341 1.0719519 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 5 3 9 0 11 1 6 4 12 8 7 10 16 13 14 15 17]\n", - "=======================\n", - "['on thursday \\'s episode of \" somebody \\'s got ta do it , \" rowe meets up with chad pregracke , the founder of living lands & waters , who does just that .since he founded the nonprofit in 1998 at the ripe age of 23 , pregracke and more than 87,000 volunteers have collected 8.4 million pounds of trash from u.s. waterways .pregracke wants to clean up the nation \\'s rivers one piece of detritus at a time .']\n", - "=======================\n", - "['chad pregracke was the 2013 cnn hero of the yearmike rowe visited pregracke for an episode of \" somebody \\'s got ta do it \"']\n", - "on thursday 's episode of \" somebody 's got ta do it , \" rowe meets up with chad pregracke , the founder of living lands & waters , who does just that .since he founded the nonprofit in 1998 at the ripe age of 23 , pregracke and more than 87,000 volunteers have collected 8.4 million pounds of trash from u.s. waterways .pregracke wants to clean up the nation 's rivers one piece of detritus at a time .\n", - "chad pregracke was the 2013 cnn hero of the yearmike rowe visited pregracke for an episode of \" somebody 's got ta do it \"\n", - "[1.2157403 1.439606 1.3814114 1.2252556 1.0562956 1.0687919 1.0481588\n", - " 1.0323899 1.0842395 1.0662743 1.0211563 1.1994231 1.1256833 1.0645394\n", - " 1.1118203 1.1484396 0. 0. ]\n", - "\n", - "[ 1 2 3 0 11 15 12 14 8 5 9 13 4 6 7 10 16 17]\n", - "=======================\n", - "[\"artisan confectioners choc on choc 's limited edition political chocolates collection comes in three different flavours which reflect the colours associated with each leader .david cameron 's bar is studded with blueberry pieces , ed miliband 's comes in a red raspberry flavour and the nick clegg edition is filled with chunks of honeycomb .a british brand is celebrating the forthcoming election in a rather unusual way ... by creating chocolate bars bearing the face of either david cameron , nick clegg or ed miliband .\"]\n", - "=======================\n", - "[\"choc on choc 's chocolates come in three different flavoursthe face of each politician is emblazoned on milk belgium chocolate barscameron 's has blueberries , clegg is honeycomb and miliband is raspberry\"]\n", - "artisan confectioners choc on choc 's limited edition political chocolates collection comes in three different flavours which reflect the colours associated with each leader .david cameron 's bar is studded with blueberry pieces , ed miliband 's comes in a red raspberry flavour and the nick clegg edition is filled with chunks of honeycomb .a british brand is celebrating the forthcoming election in a rather unusual way ... by creating chocolate bars bearing the face of either david cameron , nick clegg or ed miliband .\n", - "choc on choc 's chocolates come in three different flavoursthe face of each politician is emblazoned on milk belgium chocolate barscameron 's has blueberries , clegg is honeycomb and miliband is raspberry\n", - "[1.2964689 1.1740044 1.4064348 1.1364843 1.366929 1.3149848 1.1113303\n", - " 1.0266948 1.0201521 1.0494486 1.0529354 1.1354606 1.0963019 1.1198256\n", - " 1.020578 1.0203726 1.0439823 0. ]\n", - "\n", - "[ 2 4 5 0 1 3 11 13 6 12 10 9 16 7 14 15 8 17]\n", - "=======================\n", - "[\"back in 2005 uzbekistan were playing bahrain in the asian zone fourth-round play-off first leg when japanese referee toshimitsu yoshida incorrectly awarded an indirect free-kick to bahrain after the uzbeks had encroached at their penalty kick when 1-0 up .england are awarded a penalty during their european u19 women 's championships qualifier in belfastuefa has opened a real can of worms by ordering the final 18 seconds of the european women 's under 19 championship qualifier between england and norway to be replayed following a refereeing error .\"]\n", - "=======================\n", - "[\"uefa have ordered the final 18 seconds of the european women 's u19 championship qualifier between england and norway to be replayedreferee marija kurtes incorrectly awarded an indirect free kick after disallowing an england penalty for encroachmentfifa did something similar during a 2006 world cup qualifierbut the entire match between uzbekistan and bahrain was replayeduefa must hope it does n't affect one of their premiere tournaments\"]\n", - "back in 2005 uzbekistan were playing bahrain in the asian zone fourth-round play-off first leg when japanese referee toshimitsu yoshida incorrectly awarded an indirect free-kick to bahrain after the uzbeks had encroached at their penalty kick when 1-0 up .england are awarded a penalty during their european u19 women 's championships qualifier in belfastuefa has opened a real can of worms by ordering the final 18 seconds of the european women 's under 19 championship qualifier between england and norway to be replayed following a refereeing error .\n", - "uefa have ordered the final 18 seconds of the european women 's u19 championship qualifier between england and norway to be replayedreferee marija kurtes incorrectly awarded an indirect free kick after disallowing an england penalty for encroachmentfifa did something similar during a 2006 world cup qualifierbut the entire match between uzbekistan and bahrain was replayeduefa must hope it does n't affect one of their premiere tournaments\n", - "[1.1890274 1.1651801 1.1605059 1.1626729 1.0755925 1.137925 1.1635318\n", - " 1.2902496 1.0804787 1.0409334 1.0466983 1.0205482 1.1318561 1.1632775\n", - " 1.0245875 1.0201064 1.0195383 1.132617 ]\n", - "\n", - "[ 7 0 1 6 13 3 2 5 17 12 8 4 10 9 14 11 15 16]\n", - "=======================\n", - "[\"the amusing moment was caught on camera , by ukranian photographer , vadym shevchenko , 34 , at kiev zoo .these hilarious images show the moment a frisky tortoise scupper his chances while trying to mate with a female .clearly in the mood for love , the aroused reptile is seen beginning its painstakingly slow ascent on to the back of a female 's shell .\"]\n", - "=======================\n", - "['pictures show the laugh out loud moment loved up tortoise takes a tumblephotographed at kiev zoo , he falls flat on his back while trying to matethere are no second chances for the reptile who is left all alone in the mud']\n", - "the amusing moment was caught on camera , by ukranian photographer , vadym shevchenko , 34 , at kiev zoo .these hilarious images show the moment a frisky tortoise scupper his chances while trying to mate with a female .clearly in the mood for love , the aroused reptile is seen beginning its painstakingly slow ascent on to the back of a female 's shell .\n", - "pictures show the laugh out loud moment loved up tortoise takes a tumblephotographed at kiev zoo , he falls flat on his back while trying to matethere are no second chances for the reptile who is left all alone in the mud\n", - "[1.3838581 1.2860359 1.2022556 1.2403989 1.1229016 1.093042 1.1185769\n", - " 1.050549 1.028731 1.082032 1.081397 1.0692534 1.060663 1.0345347\n", - " 1.0712707 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 4 6 5 9 10 14 11 12 7 13 8 15 16 17]\n", - "=======================\n", - "[\"sanaa , yemen ( cnn ) a border guard was killed in a cross-boundary fire exchange with militants in yemen this week , the state-run saudi press agency reported thursday -- marking saudi arabia 's first publicly known military death since it launched airstrikes against rebels inside its southern neighbor .on thursday , houthi rebels seized the presidential palace in the southern yemeni port city of aden , a neutral security official and two houthi commanders in aden told cnn .besides the slain border guard -- identified as cpl. salman ali yahya al-maliki -- 10 others suffered injuries that were not life-threatening , the saudi media outlet said .\"]\n", - "=======================\n", - "[\"militants in yemen fired on saudi border troops in saudi arabia 's asir region , media outlet saysrebels have taken yemen 's presidential palace in aden , sources sayu.s. warships are patrolling off yemen in search of suspicious shipping , a u.s. defense official says\"]\n", - "sanaa , yemen ( cnn ) a border guard was killed in a cross-boundary fire exchange with militants in yemen this week , the state-run saudi press agency reported thursday -- marking saudi arabia 's first publicly known military death since it launched airstrikes against rebels inside its southern neighbor .on thursday , houthi rebels seized the presidential palace in the southern yemeni port city of aden , a neutral security official and two houthi commanders in aden told cnn .besides the slain border guard -- identified as cpl. salman ali yahya al-maliki -- 10 others suffered injuries that were not life-threatening , the saudi media outlet said .\n", - "militants in yemen fired on saudi border troops in saudi arabia 's asir region , media outlet saysrebels have taken yemen 's presidential palace in aden , sources sayu.s. warships are patrolling off yemen in search of suspicious shipping , a u.s. defense official says\n", - "[1.4476337 1.2995172 1.2094868 1.1317606 1.1214898 1.0502583 1.0398124\n", - " 1.060594 1.0292883 1.1400603 1.0600022 1.0477452 1.0744562 1.0800987\n", - " 1.0195543 1.0207242 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 9 3 4 13 12 7 10 5 11 6 8 15 14 17 16 18]\n", - "=======================\n", - "['( cnn ) robert downey jr. is making headlines for walking out of an interview with a british journalist who dared to veer away from the superhero movie downey was there to promote .the journalist instead started asking personal questions about the actor \\'s political beliefs and \" dark periods \" of addiction and jail time .twitter , of course , is abuzz : did journalist krishnan guru-murthy go too far ?']\n", - "=======================\n", - "['peggy drexler : in interview to promote movie , robert downey jr. walked out after being asked personal questionsshe says his behavior was rude , demeaning to the interviewer , who was just doing his job']\n", - "( cnn ) robert downey jr. is making headlines for walking out of an interview with a british journalist who dared to veer away from the superhero movie downey was there to promote .the journalist instead started asking personal questions about the actor 's political beliefs and \" dark periods \" of addiction and jail time .twitter , of course , is abuzz : did journalist krishnan guru-murthy go too far ?\n", - "peggy drexler : in interview to promote movie , robert downey jr. walked out after being asked personal questionsshe says his behavior was rude , demeaning to the interviewer , who was just doing his job\n", - "[1.2259667 1.2747142 1.4266663 1.423256 1.2898217 1.1741732 1.0355395\n", - " 1.0536413 1.0220125 1.2088176 1.1260077 1.0157831 1.0255188 1.0135272\n", - " 1.0231484 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 4 1 0 9 5 10 7 6 12 14 8 11 13 17 15 16 18]\n", - "=======================\n", - "[\"pietersen has rejoined surrey in a last-ditch bid to earn his place in england 's ashes squad this summer - and all eyes will be on cardiff for the start of his campaign against glamorgan in just over a fortnight .darren gough , kevin pietersen 's close friend , says his pal only has a small chance of returning for englandengland 's ninth most successful wicket taker of all-time is a loyal friend to the controversial batsman and was best man at his wedding .\"]\n", - "=======================\n", - "[\"darren gough was kevin pietersen 's best man and is a close friend of hispietersen has rejoined surrey , hoping to earn a place in the ashes squadbut gough believes there is still only a slim chance of an england returngough competes in the investec ashes cycle challenge this summer\"]\n", - "pietersen has rejoined surrey in a last-ditch bid to earn his place in england 's ashes squad this summer - and all eyes will be on cardiff for the start of his campaign against glamorgan in just over a fortnight .darren gough , kevin pietersen 's close friend , says his pal only has a small chance of returning for englandengland 's ninth most successful wicket taker of all-time is a loyal friend to the controversial batsman and was best man at his wedding .\n", - "darren gough was kevin pietersen 's best man and is a close friend of hispietersen has rejoined surrey , hoping to earn a place in the ashes squadbut gough believes there is still only a slim chance of an england returngough competes in the investec ashes cycle challenge this summer\n", - "[1.3465945 1.3383859 1.302335 1.1564611 1.1329379 1.0613813 1.0378516\n", - " 1.1316481 1.0925674 1.0510367 1.0400143 1.1345658 1.0527442 1.0201225\n", - " 1.0722651 1.0625166 1.0695266 1.0810456 0. ]\n", - "\n", - "[ 0 1 2 3 11 4 7 8 17 14 16 15 5 12 9 10 6 13 18]\n", - "=======================\n", - "['( cnn ) paul walker is hardly the first actor to die during a production .but walker \\'s death in november 2013 at the age of 40 after a car crash was especially eerie given his rise to fame in the \" fast and furious \" film franchise .the release of \" furious 7 \" on friday offers the opportunity for fans to remember -- and possibly grieve again -- the man that so many have praised as one of the nicest guys in hollywood .']\n", - "=======================\n", - "['\" furious 7 \" pays tribute to star paul walker , who died during filmingvin diesel : \" this movie is more than a movie \"\" furious 7 \" opens friday']\n", - "( cnn ) paul walker is hardly the first actor to die during a production .but walker 's death in november 2013 at the age of 40 after a car crash was especially eerie given his rise to fame in the \" fast and furious \" film franchise .the release of \" furious 7 \" on friday offers the opportunity for fans to remember -- and possibly grieve again -- the man that so many have praised as one of the nicest guys in hollywood .\n", - "\" furious 7 \" pays tribute to star paul walker , who died during filmingvin diesel : \" this movie is more than a movie \"\" furious 7 \" opens friday\n", - "[1.5996289 1.1900716 1.4233603 1.2154082 1.1273302 1.1497257 1.0746359\n", - " 1.0463022 1.0533512 1.0250003 1.0163728 1.0124916 1.0162828 1.3708227\n", - " 1.1187375 1.008297 1.0166603 1.0089039 1.0355297]\n", - "\n", - "[ 0 2 13 3 1 5 4 14 6 8 7 18 9 16 10 12 11 17 15]\n", - "=======================\n", - "[\"monaco coach leonardo jardim was furious after his side lost 1-0 to what he described as a ` non-existent penalty ' in their champions league quarter-final first leg at juventus on tuesday .the spot kick was awarded after juve 's alvaro morata got clear of monaco 's portuguese defender ricardo carvalho as the striker chased a long ball forward from andrea pirlo .monaco manager leonardo jardim claimed the penalty decision against his side was a ` huge injustice '\"]\n", - "=======================\n", - "[\"juventus were awarded penalty fouling foul on striker alvaro moratahowever , replays suggest ricardo carvalho fouled striker outside the areathe serie a champions claimed a 1-0 win thanks to arturo vidal 's penalty\"]\n", - "monaco coach leonardo jardim was furious after his side lost 1-0 to what he described as a ` non-existent penalty ' in their champions league quarter-final first leg at juventus on tuesday .the spot kick was awarded after juve 's alvaro morata got clear of monaco 's portuguese defender ricardo carvalho as the striker chased a long ball forward from andrea pirlo .monaco manager leonardo jardim claimed the penalty decision against his side was a ` huge injustice '\n", - "juventus were awarded penalty fouling foul on striker alvaro moratahowever , replays suggest ricardo carvalho fouled striker outside the areathe serie a champions claimed a 1-0 win thanks to arturo vidal 's penalty\n", - "[1.2245688 1.3207786 1.2151892 1.184493 1.1539165 1.0284523 1.0624461\n", - " 1.0731881 1.1753556 1.1398152 1.1068988 1.0148017 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 8 4 9 10 7 6 5 11 17 12 13 14 15 16 18]\n", - "=======================\n", - "['while she originally called south africa home , sisonke msimang , 41 , moved to australia with her husband and children in the last few months .a south african writer has claimed australia is more racist than her homeland - where segregation by skin colour used to be law .as a journalist and an activist , she has spent years writing about and commenting on human rights , race relations and government accountability in south africa , including a stint working for the united nations .']\n", - "=======================\n", - "[\"writer sisonke msimang said australians are being racist by denying there are no differences between racesmsimang slammed tony abbott for cutting funds to remote communitiesmany of these communities comprise indigenous australiansshe compared treatment of aboriginal people to south africa 's apartheidshe thinks australians need to recognise and celebrate difference rather than deny its existence .\"]\n", - "while she originally called south africa home , sisonke msimang , 41 , moved to australia with her husband and children in the last few months .a south african writer has claimed australia is more racist than her homeland - where segregation by skin colour used to be law .as a journalist and an activist , she has spent years writing about and commenting on human rights , race relations and government accountability in south africa , including a stint working for the united nations .\n", - "writer sisonke msimang said australians are being racist by denying there are no differences between racesmsimang slammed tony abbott for cutting funds to remote communitiesmany of these communities comprise indigenous australiansshe compared treatment of aboriginal people to south africa 's apartheidshe thinks australians need to recognise and celebrate difference rather than deny its existence .\n", - "[1.2991817 1.2839224 1.2109586 1.199252 1.0767756 1.1062877 1.0611893\n", - " 1.0770353 1.060559 1.0596945 1.0830829 1.0782634 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 3 5 10 11 7 4 6 8 9 12 13 14]\n", - "=======================\n", - "[\"a newly-released video has highlighted the shocking - and arguably discriminatory - price differences between near-identical products and everyday services offered to women and men ,the clip , which was created by hln 's the daily share , illustrates the prevalence of this ` women 's tax ' to shocking affect by directly comparinga variety of different products and services aimed at men and women and then revealing the price differences .even more disappointing is that this practice of ` invisible tax ' is not only found almost everywhere , but it is entirely legal in almost every state in the us - even when the products or services are exactly the same for both genders .\"]\n", - "=======================\n", - "[\"the clip , which was created by the daily share , compares near-identical products for men and women and highlights the price differencesaccording to the creators of the video , california is one of the few states to have put a ban on ` gender pricing discrimination '\"]\n", - "a newly-released video has highlighted the shocking - and arguably discriminatory - price differences between near-identical products and everyday services offered to women and men ,the clip , which was created by hln 's the daily share , illustrates the prevalence of this ` women 's tax ' to shocking affect by directly comparinga variety of different products and services aimed at men and women and then revealing the price differences .even more disappointing is that this practice of ` invisible tax ' is not only found almost everywhere , but it is entirely legal in almost every state in the us - even when the products or services are exactly the same for both genders .\n", - "the clip , which was created by the daily share , compares near-identical products for men and women and highlights the price differencesaccording to the creators of the video , california is one of the few states to have put a ban on ` gender pricing discrimination '\n", - "[1.2831031 1.3995525 1.2432101 1.1998202 1.2865378 1.0851884 1.0721358\n", - " 1.052401 1.1452477 1.0252203 1.0454926 1.0590863 1.0634236 1.0518608\n", - " 0. ]\n", - "\n", - "[ 1 4 0 2 3 8 5 6 12 11 7 13 10 9 14]\n", - "=======================\n", - "[\"the hot spot , near the four corners intersection of arizona , colorado , new mexico and utah , covers only about 2,500 square miles ( 6,500 square kilometers ) , or half the size of connecticut .a small ` hot spot ' in the u.s. southwest is responsible for producing the largest concentration of the greenhouse gas methane seen over the united states - and is the subject of a major new investigation to find out why .a recent nasa map shows is produces more than triple the standard ground-based estimate - and researchers say they do n't know why .\"]\n", - "=======================\n", - "[\"small ` hot spot ' responsible for producing the largest concentration of the greenhouse gas methane seen over the united statesarea near the four corners intersection of arizona , colorado , new mexico and utah covers 2,500 square mileshotspot predates widespread fracking in the area\"]\n", - "the hot spot , near the four corners intersection of arizona , colorado , new mexico and utah , covers only about 2,500 square miles ( 6,500 square kilometers ) , or half the size of connecticut .a small ` hot spot ' in the u.s. southwest is responsible for producing the largest concentration of the greenhouse gas methane seen over the united states - and is the subject of a major new investigation to find out why .a recent nasa map shows is produces more than triple the standard ground-based estimate - and researchers say they do n't know why .\n", - "small ` hot spot ' responsible for producing the largest concentration of the greenhouse gas methane seen over the united statesarea near the four corners intersection of arizona , colorado , new mexico and utah covers 2,500 square mileshotspot predates widespread fracking in the area\n", - "[1.6121814 1.3450384 1.2310727 1.10977 1.4429787 1.0853816 1.0514567\n", - " 1.064331 1.0426271 1.0770372 1.0540682 1.0187985 1.0433536 1.009834\n", - " 1.0251174]\n", - "\n", - "[ 0 4 1 2 3 5 9 7 10 6 12 8 14 11 13]\n", - "=======================\n", - "[\"old-stager jamie peacock scored a try double as leeds claimed a 20th successive victory over salford .jamie peacock broke his try drought with a double for leeds in their win over salford on sundaysalford 's last home win against the rhinos was a 21-12 regal trophy victory at the willows in november 1993 and their wait goes on after a 28-18 loss .\"]\n", - "=======================\n", - "[\"jamie peacock scored two tries for leeds in their win over salfordthe victory is the super league leaders ' 20th in a row over the red devilsthe rhinos have now won their last five matches on the bounce\"]\n", - "old-stager jamie peacock scored a try double as leeds claimed a 20th successive victory over salford .jamie peacock broke his try drought with a double for leeds in their win over salford on sundaysalford 's last home win against the rhinos was a 21-12 regal trophy victory at the willows in november 1993 and their wait goes on after a 28-18 loss .\n", - "jamie peacock scored two tries for leeds in their win over salfordthe victory is the super league leaders ' 20th in a row over the red devilsthe rhinos have now won their last five matches on the bounce\n", - "[1.2745655 1.3927482 1.312633 1.3261266 1.1877754 1.0208316 1.0530735\n", - " 1.0291919 1.0353205 1.2365327 1.0528486 1.022043 1.0180854 1.0132421\n", - " 1.0230709]\n", - "\n", - "[ 1 3 2 0 9 4 6 10 8 7 14 11 5 12 13]\n", - "=======================\n", - "[\"this week hutton has released ` my love affair with food ' in collaboration with the australian women 's weekly , featuring over 40 recipes as well as some of her cherished food memories and personal photos .cooking credit : media personality deborah hutton has added ` cookbook author ' to her accoladesthe 53-year-old media personality shared her favourite recipes from the book with daily mail australia .\"]\n", - "=======================\n", - "[\"australian media personality deborah hutton , 53 , releases new cookbook` my love affair with food ' is a compilation of her favourite recipeshutton says it is not a health or diet cookbook , just good foodshe shares three recipes from the book with daily mail australia\"]\n", - "this week hutton has released ` my love affair with food ' in collaboration with the australian women 's weekly , featuring over 40 recipes as well as some of her cherished food memories and personal photos .cooking credit : media personality deborah hutton has added ` cookbook author ' to her accoladesthe 53-year-old media personality shared her favourite recipes from the book with daily mail australia .\n", - "australian media personality deborah hutton , 53 , releases new cookbook` my love affair with food ' is a compilation of her favourite recipeshutton says it is not a health or diet cookbook , just good foodshe shares three recipes from the book with daily mail australia\n", - "[1.3203269 1.4235764 1.1896218 1.4456363 1.1199373 1.1067605 1.1074688\n", - " 1.0748972 1.0638807 1.0691941 1.0486912 1.0958272 1.1041121 1.0867227\n", - " 0. ]\n", - "\n", - "[ 3 1 0 2 4 6 5 12 11 13 7 9 8 10 14]\n", - "=======================\n", - "[\"deshawn isabelle , 15 , has been arrested for allegedly robbing , beating and sexually assaulting a woman on a chicago train after his mother recognized his face on surveillance images and turned him in to policedeshawn isabelle punched the 41-year-old woman in the head from behind and then dragged her to the ground by pulling on her hair before continuing to punch her in the head and face as she crouched in the fetal position , according to assistant state 's attorney joe dibella .isabelle also stole $ 2,000 in cash that the woman was going to wire back to her family in thailand and spent it on junk food , air jordan track suits and his graduation fees , dibella said .\"]\n", - "=======================\n", - "[\"deshawn isabelle allegedly punched the woman in the head and dragged her to the ground by her hair before repeatedly beating her in chicago trainisabelle stole $ 2,000 of the woman 's cash and her iphone , prosecutors saidteen allegedly spent the money on junk food and air jordan track suitswoman suffered a concussion and cuts and bruises all over her body .isabelle confessed to robbing , beating and sexually assaulting the woman on the cta after his mother turned him in , according to prosecutors\"]\n", - "deshawn isabelle , 15 , has been arrested for allegedly robbing , beating and sexually assaulting a woman on a chicago train after his mother recognized his face on surveillance images and turned him in to policedeshawn isabelle punched the 41-year-old woman in the head from behind and then dragged her to the ground by pulling on her hair before continuing to punch her in the head and face as she crouched in the fetal position , according to assistant state 's attorney joe dibella .isabelle also stole $ 2,000 in cash that the woman was going to wire back to her family in thailand and spent it on junk food , air jordan track suits and his graduation fees , dibella said .\n", - "deshawn isabelle allegedly punched the woman in the head and dragged her to the ground by her hair before repeatedly beating her in chicago trainisabelle stole $ 2,000 of the woman 's cash and her iphone , prosecutors saidteen allegedly spent the money on junk food and air jordan track suitswoman suffered a concussion and cuts and bruises all over her body .isabelle confessed to robbing , beating and sexually assaulting the woman on the cta after his mother turned him in , according to prosecutors\n", - "[1.2946943 1.3363205 1.1804895 1.2935762 1.1873674 1.082338 1.1045434\n", - " 1.0761561 1.0611162 1.0620685 1.2348704 1.0287658 1.0242264 1.0401647\n", - " 1.0951091 1.0608311 1.0361712 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 10 4 2 6 14 5 7 9 8 15 13 16 11 12 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"the president and former actor went off-script during a peace summit in geneva in the 1980s to ask the soviet leader for his support in the event of an invasion from extra terrestrial life .former american president ronald reagan asked mikhail gorbachev for help from russia to ` fight the alien invader ' .the warning was revealed in a book about ufos by dr david clarke , which examines the extent to which americans believed in stories about aliens .\"]\n", - "=======================\n", - "[\"ronald reagan asked mikhail gorbachev for help with aliens at summitthe former us president and actor was said to be a science fiction fanhe arranged private screenings of close encounters of the third kind and asked gorbachev for help dealing with any future alien invasionreagan 's advisers edited out mentions of aliens in subsequent speeches\"]\n", - "the president and former actor went off-script during a peace summit in geneva in the 1980s to ask the soviet leader for his support in the event of an invasion from extra terrestrial life .former american president ronald reagan asked mikhail gorbachev for help from russia to ` fight the alien invader ' .the warning was revealed in a book about ufos by dr david clarke , which examines the extent to which americans believed in stories about aliens .\n", - "ronald reagan asked mikhail gorbachev for help with aliens at summitthe former us president and actor was said to be a science fiction fanhe arranged private screenings of close encounters of the third kind and asked gorbachev for help dealing with any future alien invasionreagan 's advisers edited out mentions of aliens in subsequent speeches\n", - "[1.5451329 1.4103501 1.192128 1.1500365 1.221235 1.0264704 1.0394205\n", - " 1.416996 1.0158967 1.024815 1.0243468 1.0201659 1.0345407 1.0167483\n", - " 1.0152373 1.0152464 1.0115868 1.0200189 1.0257407 1.018707 1.0927552\n", - " 1.0200461 1.011822 1.0109175 1.0124273]\n", - "\n", - "[ 0 7 1 4 2 3 20 6 12 5 18 9 10 11 21 17 19 13 8 15 14 24 22 16\n", - " 23]\n", - "=======================\n", - "[\"former chelsea winger florent malouda has picked his #one2eleven stars he played alongside throughout his career on sky sports ' fantasy football club .florent malouda picked chelsea goalkeeper petr cech to start in between the sticks for his fantasy ximalouda , who won the barclays premier league in 2010 and 2012 champions league with chelsea , chose players from chelsea , guingamp and the france national team .\"]\n", - "=======================\n", - "[\"florent malouda has chosen the likes of john terry and didier drogbapetr cech starts in goal while david luiz is deployed at right backthierry henry and didier drogba lead line in malouda 's dream team\"]\n", - "former chelsea winger florent malouda has picked his #one2eleven stars he played alongside throughout his career on sky sports ' fantasy football club .florent malouda picked chelsea goalkeeper petr cech to start in between the sticks for his fantasy ximalouda , who won the barclays premier league in 2010 and 2012 champions league with chelsea , chose players from chelsea , guingamp and the france national team .\n", - "florent malouda has chosen the likes of john terry and didier drogbapetr cech starts in goal while david luiz is deployed at right backthierry henry and didier drogba lead line in malouda 's dream team\n", - "[1.5878378 1.4806949 1.0910906 1.0592557 1.5992072 1.0211519 1.0163839\n", - " 1.0263482 1.1497232 1.0164926 1.0341116 1.0401894 1.0199343 1.021578\n", - " 1.0246078 1.0229 1.0163732 1.0564008 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 4 0 1 8 2 3 17 11 10 7 14 15 13 5 12 9 6 16 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"jonathan trott is set to make his 50th test appearance for england against the west indies on mondayjonathan trott has admitted that he thought his england career was over after he reached ` breaking point ' in brisbane and was forced to quit the last ashes tour .trott looks certain to adopt a new role as opener alongside alastair cook at the start of a series england can not afford to lose after battling back in county cricket with warwickshire and then as captain of the lions .\"]\n", - "=======================\n", - "['jonathan trott is on the verge of winning his 50th test cap on mondaytrott is set to open alongside alastair cook against the west indiestrott is set for his first test appearance since the 2013 ashes seriesthe warwickshire batsman left the tour due to a stress-related conditiontrott had struggled to deal with australia bowler mitchell johnson']\n", - "jonathan trott is set to make his 50th test appearance for england against the west indies on mondayjonathan trott has admitted that he thought his england career was over after he reached ` breaking point ' in brisbane and was forced to quit the last ashes tour .trott looks certain to adopt a new role as opener alongside alastair cook at the start of a series england can not afford to lose after battling back in county cricket with warwickshire and then as captain of the lions .\n", - "jonathan trott is on the verge of winning his 50th test cap on mondaytrott is set to open alongside alastair cook against the west indiestrott is set for his first test appearance since the 2013 ashes seriesthe warwickshire batsman left the tour due to a stress-related conditiontrott had struggled to deal with australia bowler mitchell johnson\n", - "[1.2474834 1.1085033 1.3988898 1.2949286 1.1983479 1.196015 1.0316998\n", - " 1.0436091 1.0903184 1.0568882 1.1438701 1.0653546 1.0538195 1.0734653\n", - " 1.0748346 1.0487925 1.0385798 1.0121248 1.0113673 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 4 5 10 1 8 14 13 11 9 12 15 7 16 6 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "['but no , she was one of 19 toddlers killed in a daycare center on april 19 , 1995 , in the worst case of homegrown terrorism america has ever seen , the day after her first birthday .the oklahoma city bombing , planted by veteran us army soldier timothy mcveigh , killed 168 american people .baylee almon should be gearing up for her first legal drink on saturday .']\n", - "=======================\n", - "[\"it is 20 years since the worst case of homegrown terrorism in us historytimothy mcveigh killed 168 people with bomb in oklahoma city in 1995terror was encapsulated by photo of a firefighter carrying a lifeless babythat baby was baylee almon , who had turned one the day beforenearing what would have been her 21st birthday , her mother aren almon-kok tells dailymail.com how she marks baylee 's birthday every yearbut says she will never get over the pain of seeing that photographshe is still in touch with the firefighter who was pictured with the baby\"]\n", - "but no , she was one of 19 toddlers killed in a daycare center on april 19 , 1995 , in the worst case of homegrown terrorism america has ever seen , the day after her first birthday .the oklahoma city bombing , planted by veteran us army soldier timothy mcveigh , killed 168 american people .baylee almon should be gearing up for her first legal drink on saturday .\n", - "it is 20 years since the worst case of homegrown terrorism in us historytimothy mcveigh killed 168 people with bomb in oklahoma city in 1995terror was encapsulated by photo of a firefighter carrying a lifeless babythat baby was baylee almon , who had turned one the day beforenearing what would have been her 21st birthday , her mother aren almon-kok tells dailymail.com how she marks baylee 's birthday every yearbut says she will never get over the pain of seeing that photographshe is still in touch with the firefighter who was pictured with the baby\n", - "[1.1774975 1.1745179 1.2569993 1.2954254 1.1648136 1.1267282 1.1106929\n", - " 1.0670049 1.0561451 1.0413966 1.0552897 1.0253175 1.0215414 1.0880264\n", - " 1.0444871 1.0174192 1.0229951 1.1288339 1.0558435 1.1105825 1.0532936\n", - " 1.0840708 1.0322917 0. 0. ]\n", - "\n", - "[ 3 2 0 1 4 17 5 6 19 13 21 7 8 18 10 20 14 9 22 11 16 12 15 23\n", - " 24]\n", - "=======================\n", - "[\"mozambican emmanuel sithole was walking down a street when four south africans surrounded him .it was the morning after a night of unrest in johannesburg 's alexandra township that saw foreign-owned shops looted and destroyed .johannesburg ( cnn ) he checked the series of stills on his camera .\"]\n", - "=======================\n", - "[\"photographer james oatway captured a violent attack that resulted in death of a mozambican in south africaseven people have been killed in recent violence against poorer immigrants , many from south africa 's neighbors\"]\n", - "mozambican emmanuel sithole was walking down a street when four south africans surrounded him .it was the morning after a night of unrest in johannesburg 's alexandra township that saw foreign-owned shops looted and destroyed .johannesburg ( cnn ) he checked the series of stills on his camera .\n", - "photographer james oatway captured a violent attack that resulted in death of a mozambican in south africaseven people have been killed in recent violence against poorer immigrants , many from south africa 's neighbors\n", - "[1.2292236 1.3957602 1.389972 1.3312026 1.0738772 1.1166768 1.0610863\n", - " 1.1668648 1.0354843 1.112634 1.041247 1.1945871 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 11 7 5 9 4 6 10 8 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "['the rare formation , which appears to be formed of two double rainbows , appeared over a commuter rail station on long island early tuesday .amanda curtis , the founder of a fashion company , snapped the phenomenon while she was waiting for the long island railroad at the glen cove station .a stunning quadruple rainbow emerged over long island this morning after storms shook the new york city area .']\n", - "=======================\n", - "['phenomenon formed of two separate double rainbows snapped on tuesdayfashion entrepreneur amanda curtis saw it at glen cove lirr station']\n", - "the rare formation , which appears to be formed of two double rainbows , appeared over a commuter rail station on long island early tuesday .amanda curtis , the founder of a fashion company , snapped the phenomenon while she was waiting for the long island railroad at the glen cove station .a stunning quadruple rainbow emerged over long island this morning after storms shook the new york city area .\n", - "phenomenon formed of two separate double rainbows snapped on tuesdayfashion entrepreneur amanda curtis saw it at glen cove lirr station\n", - "[1.3057606 1.323687 1.2752705 1.2181028 1.2405263 1.0557432 1.0750446\n", - " 1.1479539 1.1519903 1.0841861 1.0339274 1.0195031 1.085216 1.0751926\n", - " 1.0676966 1.0506586 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 3 8 7 12 9 13 6 14 5 15 10 11 18 16 17 19]\n", - "=======================\n", - "[\"the two incidents have raised concerns about the security of shipping lanes in the strategic strait of hormuz , pentagon spokesman colonel steven warren said .iran 's revolutionary guards ` harassed ' a us-flagged commercial ship just days before it seized a vessel carrying cargo and 34 sailors , it has emerged .news of the first incident was revealed by the pentagon after iranian guards seized mv maersk tigris this week , by firing warning shots across the vessel 's bows .\"]\n", - "=======================\n", - "['iran revolutionary guards seized mv maersk tigris with 34 sailors aboardiranian navy harassed another maersk ship days before , pentagon saidrevelations have raised concerns about the security of shipping lanesofficials from iran claimed they seized maersk tigris under a legal order following a long running legal dispute with the shipping company']\n", - "the two incidents have raised concerns about the security of shipping lanes in the strategic strait of hormuz , pentagon spokesman colonel steven warren said .iran 's revolutionary guards ` harassed ' a us-flagged commercial ship just days before it seized a vessel carrying cargo and 34 sailors , it has emerged .news of the first incident was revealed by the pentagon after iranian guards seized mv maersk tigris this week , by firing warning shots across the vessel 's bows .\n", - "iran revolutionary guards seized mv maersk tigris with 34 sailors aboardiranian navy harassed another maersk ship days before , pentagon saidrevelations have raised concerns about the security of shipping lanesofficials from iran claimed they seized maersk tigris under a legal order following a long running legal dispute with the shipping company\n", - "[1.1676922 1.546538 1.1351196 1.3141844 1.0959296 1.0433569 1.0827808\n", - " 1.0714552 1.0493417 1.3041543 1.0663377 1.137675 1.0561575 1.0175664\n", - " 1.0123708 1.0800563 1.0092976 0. 0. 0. ]\n", - "\n", - "[ 1 3 9 0 11 2 4 6 15 7 10 12 8 5 13 14 16 18 17 19]\n", - "=======================\n", - "[\"sylvia freedman , who was enjoying a family trip away at avoca beach in the central coast , about 95kms north of sydney , filmed the disturbing scene that stretched out more than 15 metres from the top of the beach pathway to beyond the water 's edge .ms freedman and her family were forced to leave the holiday house after their power went out on tuesday .her videos - which were filmed on tuesday - show a grotesque , yellow , jelly like substance moving around as the wind blows it up and over surrounding scrubland .\"]\n", - "=======================\n", - "['winds swept the ocean foam off lashing waves before mixing it with sand from the shore linethe result was a bizarre and grotesque yellow , thick , jelly-like foam substance which coated the entire beachit stretched more than 15 metres up avoca beach in the central coast and onto the pathways and shrubberysylvia freedman , who was holidaying there when the storm hit , captured the strange phenomenon on her camera']\n", - "sylvia freedman , who was enjoying a family trip away at avoca beach in the central coast , about 95kms north of sydney , filmed the disturbing scene that stretched out more than 15 metres from the top of the beach pathway to beyond the water 's edge .ms freedman and her family were forced to leave the holiday house after their power went out on tuesday .her videos - which were filmed on tuesday - show a grotesque , yellow , jelly like substance moving around as the wind blows it up and over surrounding scrubland .\n", - "winds swept the ocean foam off lashing waves before mixing it with sand from the shore linethe result was a bizarre and grotesque yellow , thick , jelly-like foam substance which coated the entire beachit stretched more than 15 metres up avoca beach in the central coast and onto the pathways and shrubberysylvia freedman , who was holidaying there when the storm hit , captured the strange phenomenon on her camera\n", - "[1.2857505 1.420774 1.2723929 1.1278057 1.3315517 1.374665 1.1614519\n", - " 1.0605034 1.0362502 1.0167854 1.0235972 1.0396887 1.023364 1.0855583\n", - " 1.1983572 1.0662811 1.0510081 1.0705373 1.0515285 1.0100335]\n", - "\n", - "[ 1 5 4 0 2 14 6 3 13 17 15 7 18 16 11 8 10 12 9 19]\n", - "=======================\n", - "['the labour leader said it was unacceptable to abandon thousands of immigrants boarding makeshift boats in africa in the hope of making it to europe .around 1,300 people are believed to have drowned in the past two weeks while trying to reach europe in boats launched from libya .ed miliband this morning launched a furious attack on david cameron and other eu leaders for leaving refugees to drown by stopping search and rescue missions in the mediterranean .']\n", - "=======================\n", - "[\"around 1,300 people have drowned fleeing to europe in the past two weeksed miliband called on the uk to take a ` fare share ' of refugees fleeing africahe said it was unacceptable to abandon immigrants on makeshift boatsministers claim rescue missions encourage migrants to attempt the journey\"]\n", - "the labour leader said it was unacceptable to abandon thousands of immigrants boarding makeshift boats in africa in the hope of making it to europe .around 1,300 people are believed to have drowned in the past two weeks while trying to reach europe in boats launched from libya .ed miliband this morning launched a furious attack on david cameron and other eu leaders for leaving refugees to drown by stopping search and rescue missions in the mediterranean .\n", - "around 1,300 people have drowned fleeing to europe in the past two weeksed miliband called on the uk to take a ` fare share ' of refugees fleeing africahe said it was unacceptable to abandon immigrants on makeshift boatsministers claim rescue missions encourage migrants to attempt the journey\n", - "[1.4313384 1.3030998 1.2983903 1.2373675 1.1380628 1.1436334 1.0337174\n", - " 1.0410604 1.1405436 1.3265635 1.0843216 1.0302112 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 9 1 2 3 5 8 4 10 7 6 11 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"juan mata has collected his player of the month award for march from manchester united and was quick to thank his supporters after receiving the gong .louis van gaal 's united side are back in action against aston villa in the premier league on saturdaymata scored both goals as united overturned liverpool with a 2-1 win at anfield , while also producing an impressive display in the 3-0 home victory over tottenham .\"]\n", - "=======================\n", - "[\"juan mata scored both times as manchester united beat liverpool 2-1he also impressed as united emphatically beat tottenham 3-0 at homemata thanked his fans after becoming united 's player of the month\"]\n", - "juan mata has collected his player of the month award for march from manchester united and was quick to thank his supporters after receiving the gong .louis van gaal 's united side are back in action against aston villa in the premier league on saturdaymata scored both goals as united overturned liverpool with a 2-1 win at anfield , while also producing an impressive display in the 3-0 home victory over tottenham .\n", - "juan mata scored both times as manchester united beat liverpool 2-1he also impressed as united emphatically beat tottenham 3-0 at homemata thanked his fans after becoming united 's player of the month\n", - "[1.188299 1.3938262 1.3138194 1.3092104 1.206213 1.1300757 1.1727928\n", - " 1.0947349 1.0383947 1.0733992 1.0506827 1.0921739 1.0636978 1.0980799\n", - " 1.0947397 1.1159835 1.0353221 1.0090526 1.0059928 1.1042295]\n", - "\n", - "[ 1 2 3 4 0 6 5 15 19 13 14 7 11 9 12 10 8 16 17 18]\n", - "=======================\n", - "[\"the randolph , in oxford city centre , went up in flames this afternoon , with smoke billowing from the roof as dozens of firefighters battled to bring the inferno under control .the extent of the damage to the grade ii listed victorian building remains unclear but aerial pictures of the scene showed gaps in the roof and exposed beams .a devastating fire has caused serious damage to a world-famous hotel used as a setting for television 's inspector morse .\"]\n", - "=======================\n", - "['witnesses reported massive plumes of smoke billowing above the buildingfamous for being used a filming location for tv show inspector morsefirefighters have been battling fire at five-star gothic hotel since 4.30 pmblaze is not believed to be suspicious and is thought to have started in ground floor kitchen']\n", - "the randolph , in oxford city centre , went up in flames this afternoon , with smoke billowing from the roof as dozens of firefighters battled to bring the inferno under control .the extent of the damage to the grade ii listed victorian building remains unclear but aerial pictures of the scene showed gaps in the roof and exposed beams .a devastating fire has caused serious damage to a world-famous hotel used as a setting for television 's inspector morse .\n", - "witnesses reported massive plumes of smoke billowing above the buildingfamous for being used a filming location for tv show inspector morsefirefighters have been battling fire at five-star gothic hotel since 4.30 pmblaze is not believed to be suspicious and is thought to have started in ground floor kitchen\n", - "[1.4775505 1.200111 1.1690737 1.2302573 1.5833902 1.0437897 1.1522765\n", - " 1.0499313 1.04264 1.0474226 1.0304029 1.0199484 1.0230709 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 0 3 1 2 6 7 9 5 8 10 12 11 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"winger josh mantellato scored four tries and kicked 14 points for hull kr against bradford bullsit was only the east yorkshire side 's second cup tie success since reaching the quarter-finals in 2011 and their first challenge cup victory at bradford since 1926 , albeit only the third time the clubs had met in the competition since then .rovers twice came came from behind , trailing 12-0 in the early stages to the kingstone press championship heavyweights , before easing clear with five tries in the final 18 minutes .\"]\n", - "=======================\n", - "['goalkicking winger josh mantellato dominated the scoring in bradfordrovers twice came came from behind against the championship sidehull kr blew out the scoreline with five tries in the final 18 minutes']\n", - "winger josh mantellato scored four tries and kicked 14 points for hull kr against bradford bullsit was only the east yorkshire side 's second cup tie success since reaching the quarter-finals in 2011 and their first challenge cup victory at bradford since 1926 , albeit only the third time the clubs had met in the competition since then .rovers twice came came from behind , trailing 12-0 in the early stages to the kingstone press championship heavyweights , before easing clear with five tries in the final 18 minutes .\n", - "goalkicking winger josh mantellato dominated the scoring in bradfordrovers twice came came from behind against the championship sidehull kr blew out the scoreline with five tries in the final 18 minutes\n", - "[1.2813892 1.4391 1.1782635 1.4114568 1.1391152 1.1084963 1.0453844\n", - " 1.2528499 1.0697645 1.0394441 1.1748116 1.1830614 1.048224 1.0401319\n", - " 1.0416528 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 7 11 2 10 4 5 8 12 6 14 13 9 15 16 17 18 19]\n", - "=======================\n", - "['after being checked face-first into the glass by chicago blackhawks defenseman brent seabrook , reaves went to the bench and pulled out his own tooth .st. louis blues forward ryan reaves proved on sunday that hockey players truly are some of the toughest men in sports .the st. louis 2-1 win moved the team a point ahead of nashville for the central division lead with just three games left in the season .']\n", - "=======================\n", - "['st. louis blues forward ryan reaves was checked into the glass on sunday by chicago blackhawks defenseman brent seabrookhe went to the bench after the play and calmly pulled his tooth outst. louis won the game 2-1 , putting them at the top of the central division']\n", - "after being checked face-first into the glass by chicago blackhawks defenseman brent seabrook , reaves went to the bench and pulled out his own tooth .st. louis blues forward ryan reaves proved on sunday that hockey players truly are some of the toughest men in sports .the st. louis 2-1 win moved the team a point ahead of nashville for the central division lead with just three games left in the season .\n", - "st. louis blues forward ryan reaves was checked into the glass on sunday by chicago blackhawks defenseman brent seabrookhe went to the bench after the play and calmly pulled his tooth outst. louis won the game 2-1 , putting them at the top of the central division\n", - "[1.3110951 1.1930351 1.1265174 1.128461 1.1643419 1.1135886 1.0980254\n", - " 1.2402585 1.1000648 1.0833774 1.1095371 1.0522834 1.0263844 1.0388161\n", - " 1.0215176 1.0102797 1.0554336 0. 0. 0. ]\n", - "\n", - "[ 0 7 1 4 3 2 5 10 8 6 9 16 11 13 12 14 15 17 18 19]\n", - "=======================\n", - "[\"angela spent many years wearing high heel shoesbut a worrying new study by researchers in the u.s. suggests high heels can also put dangerous pressure on knee joints , wearing away cartilage - the body 's built-in shock absorber - and increasing the risk of osteoarthritis .four years ago , a shopping trip was torture for angela kelly , 67 .\"]\n", - "=======================\n", - "[\"angela kelly suffered the painful legacy of a lifetime wearing high heelsshe had arthritis in her early 30s but would n't kick her heel habitfour years ago , at 63 , she had have a titanium knee replacement\"]\n", - "angela spent many years wearing high heel shoesbut a worrying new study by researchers in the u.s. suggests high heels can also put dangerous pressure on knee joints , wearing away cartilage - the body 's built-in shock absorber - and increasing the risk of osteoarthritis .four years ago , a shopping trip was torture for angela kelly , 67 .\n", - "angela kelly suffered the painful legacy of a lifetime wearing high heelsshe had arthritis in her early 30s but would n't kick her heel habitfour years ago , at 63 , she had have a titanium knee replacement\n", - "[1.2078208 1.2616429 1.4419366 1.158892 1.1755735 1.2445397 1.0548931\n", - " 1.1557978 1.06529 1.0874548 1.0586891 1.016719 1.0159628 1.1281241\n", - " 1.1170353 1.0902615 1.104617 1.0476607 1.0746074 0. ]\n", - "\n", - "[ 2 1 5 0 4 3 7 13 14 16 15 9 18 8 10 6 17 11 12 19]\n", - "=======================\n", - "[\"the woman was allegedly kidnapped thursday in a parking lot in loveland , colorado , police there said in a news release .the unidentified woman 's conversation with a dispatcher was revealed by abc news .audio of a woman 's cell phone call to 911 -- in which she said she 'd been locked and trapped inside a trunk after an armed man had approached her -- has been released .\"]\n", - "=======================\n", - "[\"a woman was allegedly kidnapped thursday in a loveland parking lotpolice said the woman told them she was forced into her car by a manin a 911 call , the woman claimed to have been kidnapped at gunpointafter driving him to estes park , the woman said she 'd been locked into her trunk by the man , police saidshe was able to use her cell phone and contact authoritiesofficers got the woman out after finding her car keysa suspect has n't been found , authorities said\"]\n", - "the woman was allegedly kidnapped thursday in a parking lot in loveland , colorado , police there said in a news release .the unidentified woman 's conversation with a dispatcher was revealed by abc news .audio of a woman 's cell phone call to 911 -- in which she said she 'd been locked and trapped inside a trunk after an armed man had approached her -- has been released .\n", - "a woman was allegedly kidnapped thursday in a loveland parking lotpolice said the woman told them she was forced into her car by a manin a 911 call , the woman claimed to have been kidnapped at gunpointafter driving him to estes park , the woman said she 'd been locked into her trunk by the man , police saidshe was able to use her cell phone and contact authoritiesofficers got the woman out after finding her car keysa suspect has n't been found , authorities said\n", - "[1.4248538 1.1513107 1.5051541 1.212349 1.1996665 1.2407397 1.173331\n", - " 1.1521244 1.1021625 1.1702696 1.0333681 1.0262004 1.0109053 1.0105501\n", - " 1.2168676 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 5 14 3 4 6 9 7 1 8 10 11 12 13 19 15 16 17 18 20]\n", - "=======================\n", - "['bradley dew , 26 , had been drinking with his friend at a pub in faversham in kent earlier that day and had borrowed his mobile .bradley dew has been jailed for mugging his deaf friend to steal his mobile phone and a # 10 notehe then stole # 10 out of his wallet .']\n", - "=======================\n", - "[\"bradley dew was drinking with his deaf friend at pub in faversham in kenthe later stole his friend 's mobile and hit him in the face to steal # 10dew fled , hiding from police in toilets of a pub close to his friend 's housethe 26-year-old was jailed for two years and labelled a ` bully ' by police\"]\n", - "bradley dew , 26 , had been drinking with his friend at a pub in faversham in kent earlier that day and had borrowed his mobile .bradley dew has been jailed for mugging his deaf friend to steal his mobile phone and a # 10 notehe then stole # 10 out of his wallet .\n", - "bradley dew was drinking with his deaf friend at pub in faversham in kenthe later stole his friend 's mobile and hit him in the face to steal # 10dew fled , hiding from police in toilets of a pub close to his friend 's housethe 26-year-old was jailed for two years and labelled a ` bully ' by police\n", - "[1.2295407 1.1664267 1.1007483 1.195637 1.1810316 1.1089549 1.0666592\n", - " 1.0924518 1.118773 1.0490252 1.0506052 1.0560205 1.0286771 1.0664155\n", - " 1.0738082 1.055123 1.0450474 1.040642 1.1211431 1.0811853 1.0309887]\n", - "\n", - "[ 0 3 4 1 18 8 5 2 7 19 14 6 13 11 15 10 9 16 17 20 12]\n", - "=======================\n", - "['the residence : inside the private world of the white housekate brower , an american journalist assigned to cover the obama white house , became intrigued by the workings of the mansion after watching downton abbey.she set about interviewing the staff , who number at least 100 , to build up a comparable picture of the american version of upstairs , downstairs .the staff all live out in washington and commute in .']\n", - "=======================\n", - "['for non-americans the white house it is a respected power symbola journalist assigned to cover the obama white house became intriguedshe interviewed staff to get an insight into the inner workings of the house']\n", - "the residence : inside the private world of the white housekate brower , an american journalist assigned to cover the obama white house , became intrigued by the workings of the mansion after watching downton abbey.she set about interviewing the staff , who number at least 100 , to build up a comparable picture of the american version of upstairs , downstairs .the staff all live out in washington and commute in .\n", - "for non-americans the white house it is a respected power symbola journalist assigned to cover the obama white house became intriguedshe interviewed staff to get an insight into the inner workings of the house\n", - "[1.2492487 1.455611 1.3207009 1.3834882 1.108197 1.122684 1.1440939\n", - " 1.031108 1.0309309 1.1048005 1.075215 1.0909793 1.0650908 1.0196711\n", - " 1.0118662 1.0860537 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 6 5 4 9 11 15 10 12 7 8 13 14 16 17 18 19 20]\n", - "=======================\n", - "[\"shona banda , 37 , who published a book about how she uses a liquid form of cannabis as therapy for crohn 's disease , has a custody hearing monday in garden city , kansas .her boy was taken by authorities on march 24 after officials at his school reported comments he made about marijuana to child protection services .two ounces of cannabis in plant form and one ounce of oil were reportedly seized .\"]\n", - "=======================\n", - "[\"shona banda , 37 , had written book about using cannabis oil to treat crohn 'sgarden city , kansas , woman surprised by police at her home after school told child protective services about her son disagreeing with anti-drug classboy staying with his father after plant and liquid marijuana found in homeno drug charges have been filed against the mother yet\"]\n", - "shona banda , 37 , who published a book about how she uses a liquid form of cannabis as therapy for crohn 's disease , has a custody hearing monday in garden city , kansas .her boy was taken by authorities on march 24 after officials at his school reported comments he made about marijuana to child protection services .two ounces of cannabis in plant form and one ounce of oil were reportedly seized .\n", - "shona banda , 37 , had written book about using cannabis oil to treat crohn 'sgarden city , kansas , woman surprised by police at her home after school told child protective services about her son disagreeing with anti-drug classboy staying with his father after plant and liquid marijuana found in homeno drug charges have been filed against the mother yet\n", - "[1.2235132 1.0617679 1.17612 1.2637693 1.2307701 1.1161878 1.1484971\n", - " 1.241179 1.1308733 1.0652075 1.0254345 1.0329388 1.1485157 1.0303324\n", - " 1.0551056 1.0698155 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 7 4 0 2 12 6 8 5 15 9 1 14 11 13 10 16 17 18 19 20]\n", - "=======================\n", - "['to register for a license plate auction , prospective car buyers like li must put down a deposit in exchange for disc containing software they can use to bid online .each month there are around 10,000 license plates available .the auctions take place once a month on a saturday morning .']\n", - "=======================\n", - "['many large chinese cities ration license plates as they look for a solution to gridlocked roads and pollutionit means many prospective car owners have to bid in license auctionsbut hybrid vehicles automatically qualify for a license plate']\n", - "to register for a license plate auction , prospective car buyers like li must put down a deposit in exchange for disc containing software they can use to bid online .each month there are around 10,000 license plates available .the auctions take place once a month on a saturday morning .\n", - "many large chinese cities ration license plates as they look for a solution to gridlocked roads and pollutionit means many prospective car owners have to bid in license auctionsbut hybrid vehicles automatically qualify for a license plate\n", - "[1.2063906 1.3392094 1.1771263 1.3486788 1.2766438 1.2609732 1.0923557\n", - " 1.0670006 1.1865023 1.0213966 1.0940961 1.0723927 1.0757711 1.0713482\n", - " 1.0585217 1.0534624 1.0417937 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 4 5 0 8 2 10 6 12 11 13 7 14 15 16 9 19 17 18 20]\n", - "=======================\n", - "['the bus ploughed into the engine of the uzbekistan airways boeing 777 passenger jetthe incident is difficult to comprehend as the collision was much more than just a minor skirmish on the tarmac at the busy asian airport .tashkent is the largest international airport in uzbekistan , and the busiest in central asia , so the crash will have more than likely delayed many passengers .']\n", - "=======================\n", - "[\"worrying incident happened at tashkent airport in uzbekistanfront windscreen of bus is shattered by impact with plane 's engineunknown if there were any injured parties or cost of damage\"]\n", - "the bus ploughed into the engine of the uzbekistan airways boeing 777 passenger jetthe incident is difficult to comprehend as the collision was much more than just a minor skirmish on the tarmac at the busy asian airport .tashkent is the largest international airport in uzbekistan , and the busiest in central asia , so the crash will have more than likely delayed many passengers .\n", - "worrying incident happened at tashkent airport in uzbekistanfront windscreen of bus is shattered by impact with plane 's engineunknown if there were any injured parties or cost of damage\n", - "[1.2220489 1.3249463 1.2708817 1.2634993 1.141153 1.2352446 1.1827232\n", - " 1.1476059 1.2109714 1.0165285 1.0148648 1.0109106 1.0145785 1.1238408\n", - " 1.0152047 1.0155978 1.0271893 1.0296257 1.0479964 1.0352639 1.0129662]\n", - "\n", - "[ 1 2 3 5 0 8 6 7 4 13 18 19 17 16 9 15 14 10 12 20 11]\n", - "=======================\n", - "[\"consumed by an obsession with the ` perfect body ' , emma walker slipped into a dangerous cycle , her weight plummeting in a matter of months .such was the severity of her eating disorder , that the 15-year-old was admitted to hospital twice and faced rigorous counselling sessions .today , emma , whose decision to release the photos is supported by her mother kim waddington , said she wants to help other anorexia sufferers .\"]\n", - "=======================\n", - "[\"emma walker 's weight plummeted to just five-and-a-half stone in monthsafter two hospital visits and counselling she is on the road to recoveryrather than being skinny , is focusing on getting fit and building musclenow weighs eight stone and is keen to share her story to help others\"]\n", - "consumed by an obsession with the ` perfect body ' , emma walker slipped into a dangerous cycle , her weight plummeting in a matter of months .such was the severity of her eating disorder , that the 15-year-old was admitted to hospital twice and faced rigorous counselling sessions .today , emma , whose decision to release the photos is supported by her mother kim waddington , said she wants to help other anorexia sufferers .\n", - "emma walker 's weight plummeted to just five-and-a-half stone in monthsafter two hospital visits and counselling she is on the road to recoveryrather than being skinny , is focusing on getting fit and building musclenow weighs eight stone and is keen to share her story to help others\n", - "[1.402843 1.3671067 1.2158976 1.5061076 1.0908303 1.1544747 1.0663865\n", - " 1.0796734 1.0907393 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 2 5 4 8 7 6 18 17 16 15 14 10 12 11 19 9 13 20]\n", - "=======================\n", - "[\"phil brown 's southend united move into fourth after a 1-0 win over bury on tuesday nightformer bury player worrall struck from 25 yards in the 74th minute with a superb curling effort from a set-piece courtesy of a yellow-carded foul by adam el-abd .bury began the night a point ahead of the shrimpers after winning 1-0 at portsmouth on saturday but despite chances they could n't hit the target .\"]\n", - "=======================\n", - "['david worrall scored a 74th-minute free-kick after a foul by adam el-abdsouthend united leapfrog bury to fourth place in league twothe initial fixture was postponed because of heavy rainthe shrimpers are behind third-placed wycombe only on goal difference']\n", - "phil brown 's southend united move into fourth after a 1-0 win over bury on tuesday nightformer bury player worrall struck from 25 yards in the 74th minute with a superb curling effort from a set-piece courtesy of a yellow-carded foul by adam el-abd .bury began the night a point ahead of the shrimpers after winning 1-0 at portsmouth on saturday but despite chances they could n't hit the target .\n", - "david worrall scored a 74th-minute free-kick after a foul by adam el-abdsouthend united leapfrog bury to fourth place in league twothe initial fixture was postponed because of heavy rainthe shrimpers are behind third-placed wycombe only on goal difference\n", - "[1.2299616 1.5025809 1.4100254 1.2093118 1.1511226 1.1000497 1.1075498\n", - " 1.0629312 1.1065333 1.0887614 1.0900272 1.024445 1.0385482 1.2654382\n", - " 1.1834077 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 13 0 3 14 4 6 8 5 10 9 7 12 11 15 16 17 18 19 20]\n", - "=======================\n", - "['thomas brock , 30 , died when he was fatally shot at his home in pasadena , california , after being involved in an argument with another motorist .police have now arrested brothers steven rodriguez , 24 , and jacob rodriguez , 29 , and charged them with capital murder following the alleged road rage killing .a father of four has been shot dead after he was involved in a road rage incident and the man he brawled with returned to his property with a gun , police say .']\n", - "=======================\n", - "['thomas brock , 30 , was fatally shot following alleged road rage incidentpolice say he was followed to his home where he fought with another manthe man left but returned soon after with a gun and shot him , police claimjacob and steven rodriguez have both been charged with capital murder']\n", - "thomas brock , 30 , died when he was fatally shot at his home in pasadena , california , after being involved in an argument with another motorist .police have now arrested brothers steven rodriguez , 24 , and jacob rodriguez , 29 , and charged them with capital murder following the alleged road rage killing .a father of four has been shot dead after he was involved in a road rage incident and the man he brawled with returned to his property with a gun , police say .\n", - "thomas brock , 30 , was fatally shot following alleged road rage incidentpolice say he was followed to his home where he fought with another manthe man left but returned soon after with a gun and shot him , police claimjacob and steven rodriguez have both been charged with capital murder\n", - "[1.5138395 1.2955146 1.2212151 1.0794209 1.0435997 1.0793111 1.0708839\n", - " 1.1514146 1.0770435 1.0567582 1.0250144 1.014372 1.0734143 1.1439561\n", - " 1.1228819 1.0413536 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 2 7 13 14 3 5 8 12 6 9 4 15 10 11 19 16 17 18 20]\n", - "=======================\n", - "['( cnn ) prosperity gospel pastor creflo dollar responded recently to critics of his campaign to buy a very pricey gulfstream g650 .dollar noted in a recent address to his congregants that the devil was attempting to discredit him in regards to his campaign seeking $ 300 from 200,000 people globally to help buy the luxury jet .in a newly posted five-minute clip on youtube , the atlanta-area pastor speaks to his followers at world changers church international , tackling his critics and allegations about tithes , his real name and reports alleging members of having to reveal their w2 statuses to come into the church \\'s sanctuary . \"']\n", - "=======================\n", - "[\"creflo dollar 's ministry had posted a now-withdrawn request asking 200,000 people to chip in $ 300 eachdollar preaches a prosperity gospel , which promises wealth to those who tithe 10 % of their income to the churchthe atlanta-based pastor said the devil wants to stop him from traveling the world , spreading christianity\"]\n", - "( cnn ) prosperity gospel pastor creflo dollar responded recently to critics of his campaign to buy a very pricey gulfstream g650 .dollar noted in a recent address to his congregants that the devil was attempting to discredit him in regards to his campaign seeking $ 300 from 200,000 people globally to help buy the luxury jet .in a newly posted five-minute clip on youtube , the atlanta-area pastor speaks to his followers at world changers church international , tackling his critics and allegations about tithes , his real name and reports alleging members of having to reveal their w2 statuses to come into the church 's sanctuary . \"\n", - "creflo dollar 's ministry had posted a now-withdrawn request asking 200,000 people to chip in $ 300 eachdollar preaches a prosperity gospel , which promises wealth to those who tithe 10 % of their income to the churchthe atlanta-based pastor said the devil wants to stop him from traveling the world , spreading christianity\n", - "[1.5250049 1.292196 1.3447899 1.4839118 1.0319144 1.0317336 1.0305545\n", - " 1.0324944 1.0254012 1.1057078 1.0510874 1.0884773 1.0223606 1.0158362\n", - " 1.0348761 1.1231481 1.1298803 1.0691462 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 16 15 9 11 17 10 14 7 4 5 6 8 12 13 19 18 20]\n", - "=======================\n", - "[\"liverpool defender kolo toure insists a ` sad ' steven gerrard will deal with the reality of being denied a fairytale fa cup final farewell .a 2-1 defeat to aston villa at wembley ended the club 's last hope of silverware and meant gerrard would not be given a perfect send off ahead of his summer move to los angeles galaxy with a cup final appearance on his 35th birthday on what would have been his very last for his boyhood club .the former ivory coast international said the team was probably more disappointed at not being able to deliver a trophy for fans , who this season had seen their side fail to progress out of the champions league group stage and lose to chelsea in the last four of the capital one cup .\"]\n", - "=======================\n", - "['kolo toure admitted that steven gerrard was sad after the fa cup defeatliverpool were beaten 2-1 by aston villa at wembley stadium on sundaytoure says the team are more disappointed to not win a trophy for the fansclick here for all the latest liverpool news']\n", - "liverpool defender kolo toure insists a ` sad ' steven gerrard will deal with the reality of being denied a fairytale fa cup final farewell .a 2-1 defeat to aston villa at wembley ended the club 's last hope of silverware and meant gerrard would not be given a perfect send off ahead of his summer move to los angeles galaxy with a cup final appearance on his 35th birthday on what would have been his very last for his boyhood club .the former ivory coast international said the team was probably more disappointed at not being able to deliver a trophy for fans , who this season had seen their side fail to progress out of the champions league group stage and lose to chelsea in the last four of the capital one cup .\n", - "kolo toure admitted that steven gerrard was sad after the fa cup defeatliverpool were beaten 2-1 by aston villa at wembley stadium on sundaytoure says the team are more disappointed to not win a trophy for the fansclick here for all the latest liverpool news\n", - "[1.1775435 1.3078122 1.2863938 1.224674 1.2283413 1.1228205 1.1387575\n", - " 1.0888002 1.0314391 1.0301156 1.0314223 1.0577207 1.0545112 1.057324\n", - " 1.020409 1.0330362 1.0139984 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 0 6 5 7 11 13 12 15 8 10 9 14 16 25 24 23 22 18 20 19\n", - " 17 26 21 27]\n", - "=======================\n", - "[\"in the case of late 19th-century america , it was the ` escort card ' - not to be confused with the explicit sort you might imagine today - but rather a comical printed card men would hand to women they found attractive .collector alan mays has unearthed a treasure trove of these vintage ice-breakers , which bear phrases such as : ` may i be permitted the blissful pleasure of escorting you home this evening ? 'long before mobile phones came along - allowing single men and women to flirt behind the comfort of a glowing screen - shy love-seekers of the late 19th century had to resort to other tactics ( pictured )\"]\n", - "=======================\n", - "['the cheeky cards were given by men to women in 19th century americasome were romantic in tone , others more blunt - but they were always very politemany men would ask for the card back in return if they were rejected']\n", - "in the case of late 19th-century america , it was the ` escort card ' - not to be confused with the explicit sort you might imagine today - but rather a comical printed card men would hand to women they found attractive .collector alan mays has unearthed a treasure trove of these vintage ice-breakers , which bear phrases such as : ` may i be permitted the blissful pleasure of escorting you home this evening ? 'long before mobile phones came along - allowing single men and women to flirt behind the comfort of a glowing screen - shy love-seekers of the late 19th century had to resort to other tactics ( pictured )\n", - "the cheeky cards were given by men to women in 19th century americasome were romantic in tone , others more blunt - but they were always very politemany men would ask for the card back in return if they were rejected\n", - "[1.1565771 1.1580524 1.1079687 1.268166 1.3593361 1.2241274 1.1422489\n", - " 1.1126096 1.0751666 1.0625213 1.0320891 1.0461466 1.0391644 1.0489703\n", - " 1.0428418 1.0907131 1.026026 1.0256386 1.0106506 1.0128461 1.0124059\n", - " 1.1141785 1.0514281 1.0202206 1.0351703 1.0334096 1.0597193 1.0184925]\n", - "\n", - "[ 4 3 5 1 0 6 21 7 2 15 8 9 26 22 13 11 14 12 24 25 10 16 17 23\n", - " 27 19 20 18]\n", - "=======================\n", - "['abdirahman sheik mohamud , 23 , faces charges for attempting to provide and providing material support to terrorists , attempting to provide and providing material support to a designated foreign terrorist organization , and making false statements to the fbihe pleaded not guilty to the charges friday in a columbusan ohio man who trained with al-qaeda terrorist tried to play off his time abroad as a harmless holiday when questioned by his friends , authorities said .']\n", - "=======================\n", - "['abdirahman sheik mohamud , 23 , is charged with supporting terrorism and making false statements by federal prosecutorsclassmates expressed shock , remembering him as a normal and likable high school student who was not deeply religiousmohamud , 23 , a naturalized american , had been instructed by a muslim cleric to return to the united states and carry out an act of terrorism']\n", - "abdirahman sheik mohamud , 23 , faces charges for attempting to provide and providing material support to terrorists , attempting to provide and providing material support to a designated foreign terrorist organization , and making false statements to the fbihe pleaded not guilty to the charges friday in a columbusan ohio man who trained with al-qaeda terrorist tried to play off his time abroad as a harmless holiday when questioned by his friends , authorities said .\n", - "abdirahman sheik mohamud , 23 , is charged with supporting terrorism and making false statements by federal prosecutorsclassmates expressed shock , remembering him as a normal and likable high school student who was not deeply religiousmohamud , 23 , a naturalized american , had been instructed by a muslim cleric to return to the united states and carry out an act of terrorism\n", - "[1.2822939 1.2160485 1.207963 1.3146111 1.2648607 1.0939656 1.2808564\n", - " 1.0812926 1.0791919 1.1676579 1.05856 1.06224 1.0821515 1.0158848\n", - " 1.0138876 1.0266732 1.1040741 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 6 4 1 2 9 16 5 12 7 8 11 10 15 13 14 26 17 18 19 20 21 22\n", - " 23 24 25 27]\n", - "=======================\n", - "[\"going down : cadbury has snatched two chocolate fingers from its famous packs -- reducing the number to 22the move is the latest evidence of how the nation 's favourite brands and supermarkets are cutting back on pack sizes without a corresponding cut in prices .the ploy means shoppers are being subject to stealth price rises in what economists have dubbed ` shrinkflation ' .\"]\n", - "=======================\n", - "[\"packs of cadbury fingers have come down by 11 grams to weight of 114gpopular biscuits made under licence by another manufacturer , burton 'ssainsbury 's price up from # 1 to # 1.50 in a year , but down to 80p at tescoshoppers facing stealth price rises in what economists call ` shrinkflation '\"]\n", - "going down : cadbury has snatched two chocolate fingers from its famous packs -- reducing the number to 22the move is the latest evidence of how the nation 's favourite brands and supermarkets are cutting back on pack sizes without a corresponding cut in prices .the ploy means shoppers are being subject to stealth price rises in what economists have dubbed ` shrinkflation ' .\n", - "packs of cadbury fingers have come down by 11 grams to weight of 114gpopular biscuits made under licence by another manufacturer , burton 'ssainsbury 's price up from # 1 to # 1.50 in a year , but down to 80p at tescoshoppers facing stealth price rises in what economists call ` shrinkflation '\n", - "[1.3957129 1.3619261 1.1869693 1.3408213 1.1096164 1.0275655 1.0371411\n", - " 1.0211397 1.1179905 1.1141168 1.0873375 1.0600843 1.0852641 1.1248325\n", - " 1.0745217 1.0469365 1.0622159 1.0117862 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 13 8 9 4 10 12 14 16 11 15 6 5 7 17 18 19 20 21 22 23\n", - " 24 25 26 27]\n", - "=======================\n", - "[\"tony blair was branded ` out of touch ' last night after claiming that he is ` absolutely not ' in ` the league of the super-rich ' .the former prime minister also suggested he has left british politics behind , declaring that he has ` done british ' and is now more interested in working at a ` global level ' .claiming the money he generates pays for the ` infrastructure ' around him , mr blair said : ' i could not do what i do unless i was also able to generate income ' .\"]\n", - "=======================\n", - "[\"tony blair has claimed his personal wealth does not make him ` super-rich 'in an interview , he said his earnings pay for ` infrastructure ' around himblair : ' i could not do what i do unless i was also able to generate income 'he earns millions of pounds a year from consultancy and public speaking\"]\n", - "tony blair was branded ` out of touch ' last night after claiming that he is ` absolutely not ' in ` the league of the super-rich ' .the former prime minister also suggested he has left british politics behind , declaring that he has ` done british ' and is now more interested in working at a ` global level ' .claiming the money he generates pays for the ` infrastructure ' around him , mr blair said : ' i could not do what i do unless i was also able to generate income ' .\n", - "tony blair has claimed his personal wealth does not make him ` super-rich 'in an interview , he said his earnings pay for ` infrastructure ' around himblair : ' i could not do what i do unless i was also able to generate income 'he earns millions of pounds a year from consultancy and public speaking\n", - "[1.3989811 1.400147 1.2422528 1.2797512 1.2525036 1.1279429 1.0227523\n", - " 1.0225888 1.0170046 1.0153754 1.0199603 1.0423673 1.2280656 1.0384194\n", - " 1.040484 1.0165305 1.0123372 1.2714704 1.0486698 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 17 4 2 12 5 18 11 14 13 6 7 10 8 15 9 16 26 19 20 21 22\n", - " 23 24 25 27]\n", - "=======================\n", - "[\"the liverpool manager had no complaints about their 2-1 defeat by aston villa -- their first loss in an fa cup semi-final since 1990 -- and accepted his side have to do better in the most important games .brendan rodgers admitted liverpool 's big-game mentality must improve after his hopes of winning the fa cup were left in tatters .aston villa captain fabian delph shoots past liverpool goalkeeper simon mignolet to put his side in the lead\"]\n", - "=======================\n", - "['brendan rodgers believes his side must improve their big-game mentalityliverpool crashed to defeat at wembley despite taking a first-half leadchristian benteke and fabian delph struck to send aston villa throughthe fa cup semi-final defeat to aston villa was their first since 1990']\n", - "the liverpool manager had no complaints about their 2-1 defeat by aston villa -- their first loss in an fa cup semi-final since 1990 -- and accepted his side have to do better in the most important games .brendan rodgers admitted liverpool 's big-game mentality must improve after his hopes of winning the fa cup were left in tatters .aston villa captain fabian delph shoots past liverpool goalkeeper simon mignolet to put his side in the lead\n", - "brendan rodgers believes his side must improve their big-game mentalityliverpool crashed to defeat at wembley despite taking a first-half leadchristian benteke and fabian delph struck to send aston villa throughthe fa cup semi-final defeat to aston villa was their first since 1990\n", - "[1.3400087 1.3008549 1.282043 1.1424539 1.2390046 1.1139222 1.0839435\n", - " 1.120513 1.0747815 1.0870148 1.0277472 1.0117985 1.0255804 1.0090659\n", - " 1.0081189 1.0417075 1.0181675 1.0170732 1.0982461 1.0357031 1.0541074\n", - " 1.1411052 1.1453048 1.0705045 1.0230745]\n", - "\n", - "[ 0 1 2 4 22 3 21 7 5 18 9 6 8 23 20 15 19 10 12 24 16 17 11 13\n", - " 14]\n", - "=======================\n", - "['at least 18 people have died in an avalanche on mount everest sparked by a powerful 7.8 magnitude earthquake in nepal .the avalanche buried part of base camp , raising fears for the safety of hundreds of climbers who are in the area , said gyanendra shrestha from the tourism ministry in kathmandu .a number of britons are among those who have not been heard from since the quake.the identities of those who died in the avalanche have not yet been released .']\n", - "=======================\n", - "[\"powerful 7.8 magnitude earthquake caused an avalanche on mount everestat least 18 people have died and more than 30 injured on the mountainthere are reports the avalanche has buried people in tents at base campthe earthquake - nepal 's worst in 81 years - has killed at more than 1,300\"]\n", - "at least 18 people have died in an avalanche on mount everest sparked by a powerful 7.8 magnitude earthquake in nepal .the avalanche buried part of base camp , raising fears for the safety of hundreds of climbers who are in the area , said gyanendra shrestha from the tourism ministry in kathmandu .a number of britons are among those who have not been heard from since the quake.the identities of those who died in the avalanche have not yet been released .\n", - "powerful 7.8 magnitude earthquake caused an avalanche on mount everestat least 18 people have died and more than 30 injured on the mountainthere are reports the avalanche has buried people in tents at base campthe earthquake - nepal 's worst in 81 years - has killed at more than 1,300\n", - "[1.6951208 1.2928035 1.2320142 1.3393847 1.4117266 1.0325099 1.0212398\n", - " 1.0160079 1.018835 1.017129 1.0289079 1.1291898 1.0156316 1.0188768\n", - " 1.0159149 1.0181603 1.0138015 1.0148729 1.1001275 1.0852736 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 3 1 2 11 18 19 5 10 6 13 8 15 9 7 14 12 17 16 23 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"wayne rooney and louis van gaal took consolation in defeat after manchester united 's performance in the 1-0 loss at chelsea .united ace wayne rooney was happy with his side 's display at stamford bridge despite the negative resultinjury-depleted united slipped to defeat despite enjoying the better of much of the play against the premier league leaders , who are now 11 points clear of the third-placed red devils .\"]\n", - "=======================\n", - "[\"wayne rooney insists his side can take ` great confidence ' from defeatlouis van gaal echoed his captain 's thoughts by hailing displayeden hazard scored winner during match in which united dominated\"]\n", - "wayne rooney and louis van gaal took consolation in defeat after manchester united 's performance in the 1-0 loss at chelsea .united ace wayne rooney was happy with his side 's display at stamford bridge despite the negative resultinjury-depleted united slipped to defeat despite enjoying the better of much of the play against the premier league leaders , who are now 11 points clear of the third-placed red devils .\n", - "wayne rooney insists his side can take ` great confidence ' from defeatlouis van gaal echoed his captain 's thoughts by hailing displayeden hazard scored winner during match in which united dominated\n", - "[1.4263058 1.4135112 1.3129889 1.0942607 1.0317731 1.0216578 1.3509713\n", - " 1.2909331 1.1845237 1.0198122 1.0296901 1.0971435 1.0773768 1.022587\n", - " 1.0624408 1.0606487 1.0332233 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 6 2 7 8 11 3 12 14 15 16 4 10 13 5 9 23 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "['inspirational speaker turia pitt , who suffered horrific burns when she was caught in a bushfire , has revealed she still struggles to overcome her near-death ordeal .the 27-year-old said just the smell from a barbecue brought back the traumatic moment she was trapped for four hours where she suffered burns to 65 per cent of her body .speaking to a networking wa audience at crown perth on wednesday , the burns survivor said she still feels haunted when she talks about being caught in the bushfire when she competed in an ultra-marathon in kimberley in september 2011 .']\n", - "=======================\n", - "['turia pitt said she starts to sweat and her mouth dries up when she talks about her traumatic bushfire ordealshe also revealed she was back running and clocked a faster time than before she was injuredthe revelation follows after surgeons successfully constructed a new nosebut the 27-year-old stopped breathing on the operating tablems pitt had to be placed on an incubator in order to survive the operationwhen she woke up in intensive care , she said she just wanted to diebut ms pitt is now proudly showing off her new facial feature']\n", - "inspirational speaker turia pitt , who suffered horrific burns when she was caught in a bushfire , has revealed she still struggles to overcome her near-death ordeal .the 27-year-old said just the smell from a barbecue brought back the traumatic moment she was trapped for four hours where she suffered burns to 65 per cent of her body .speaking to a networking wa audience at crown perth on wednesday , the burns survivor said she still feels haunted when she talks about being caught in the bushfire when she competed in an ultra-marathon in kimberley in september 2011 .\n", - "turia pitt said she starts to sweat and her mouth dries up when she talks about her traumatic bushfire ordealshe also revealed she was back running and clocked a faster time than before she was injuredthe revelation follows after surgeons successfully constructed a new nosebut the 27-year-old stopped breathing on the operating tablems pitt had to be placed on an incubator in order to survive the operationwhen she woke up in intensive care , she said she just wanted to diebut ms pitt is now proudly showing off her new facial feature\n", - "[1.2427405 1.4499682 1.268378 1.1247795 1.3599871 1.0649388 1.0386992\n", - " 1.03887 1.0300622 1.022059 1.0649958 1.0556722 1.066937 1.2375972\n", - " 1.1083099 1.0572754 1.0433939 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 0 13 3 14 12 10 5 15 11 16 7 6 8 9 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "['seven-year-old lacey mccarty , six-year-old phillip mccarty and five-month-old christopher swist died allegedly at the hands of their mother , jessica mccarty , in a botched murder-suicide .mccarty was arrested on march 20 and faces three counts of first-degree murder for the incident .christopher swist - father of the five-month-old and the man who was dating jessica mccarty just before the alleged killings - had nicknames for all of the children and coached the two oldest in little league baseball .']\n", - "=======================\n", - "[\"christopher swist was on a break from a relationship with jessica mccarty when she allegedly killed her children in palm bay , florida , police saylacey mccarty , seven , phillip mccarty , six , and swist 's son with mccarty , a five-month-old also named christopher swist , died in marchswist was close with the kids and coached the two oldest in little leaguehe 's created a non-profit for underprivileged kids in honor of the childrena little league baseball field in palm bay has been renamed ` angels ' field ' as a memorial for the slain kidsmccarty faces three counts of first-degree murder for the incident\"]\n", - "seven-year-old lacey mccarty , six-year-old phillip mccarty and five-month-old christopher swist died allegedly at the hands of their mother , jessica mccarty , in a botched murder-suicide .mccarty was arrested on march 20 and faces three counts of first-degree murder for the incident .christopher swist - father of the five-month-old and the man who was dating jessica mccarty just before the alleged killings - had nicknames for all of the children and coached the two oldest in little league baseball .\n", - "christopher swist was on a break from a relationship with jessica mccarty when she allegedly killed her children in palm bay , florida , police saylacey mccarty , seven , phillip mccarty , six , and swist 's son with mccarty , a five-month-old also named christopher swist , died in marchswist was close with the kids and coached the two oldest in little leaguehe 's created a non-profit for underprivileged kids in honor of the childrena little league baseball field in palm bay has been renamed ` angels ' field ' as a memorial for the slain kidsmccarty faces three counts of first-degree murder for the incident\n", - "[1.4449928 1.2191386 1.3100847 1.3845452 1.2758682 1.1712244 1.0663651\n", - " 1.0292658 1.0903683 1.0429274 1.0516826 1.0937543 1.0318507 1.0356581\n", - " 1.0227499 1.032072 1.0145247 1.0392258 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 4 1 5 11 8 6 10 9 17 13 15 12 7 14 16 23 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"adi viveash 's chelsea u19s side stormed into the uefa youth league final following a 4-0 mauling of roma in the semis .chelsea will now face shakhtar donetsk 's u19s team in the final .striker dominic solanke then scored a brace , before substitute tammy abraham wrapped up the win with a tap in on 83 minutes .\"]\n", - "=======================\n", - "[\"chelsea youth striker dominic solanke scored a double against romathe 4-0 win sees chelsea u19s progress to the uefa youth league finaladi viveash 's youngsters will take on shakhtar donetsk in the final\"]\n", - "adi viveash 's chelsea u19s side stormed into the uefa youth league final following a 4-0 mauling of roma in the semis .chelsea will now face shakhtar donetsk 's u19s team in the final .striker dominic solanke then scored a brace , before substitute tammy abraham wrapped up the win with a tap in on 83 minutes .\n", - "chelsea youth striker dominic solanke scored a double against romathe 4-0 win sees chelsea u19s progress to the uefa youth league finaladi viveash 's youngsters will take on shakhtar donetsk in the final\n", - "[1.2408402 1.5595701 1.3153552 1.0658014 1.2297446 1.1400051 1.0803478\n", - " 1.0417022 1.0451882 1.0293591 1.0255418 1.019134 1.0494413 1.2577465\n", - " 1.0396434 1.0742824 1.0548725 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 13 0 4 5 6 15 3 16 12 8 7 14 9 10 11 27 34 33 32 31 30 29\n", - " 28 26 18 24 23 22 21 20 19 35 17 25 36]\n", - "=======================\n", - "[\"anna james , 32 , has vowed to defy the school 's ban on taking her children to the ` obby ` oss celebrations - claiming the rituals are part of her ` religion , culture and heritage . 'the school blocked her request under a government crackdown on unauthorised absences announced in 2013 .a mother of four has pledged to remove her children from school to attend an ancient maypole festival - despite facing fines or even prosecution .\"]\n", - "=======================\n", - "[\"mother of four anna james has vowed to take her children to the festivalmrs james , 32 , claims it is part of her ` religion , culture and heritage 'her children 's school has refused to give permission for their absencesthe ancient maypole festival is held every year in padstow , cornwallit is believed to be an ancient pagan ritual that heralds the arrival of spring\"]\n", - "anna james , 32 , has vowed to defy the school 's ban on taking her children to the ` obby ` oss celebrations - claiming the rituals are part of her ` religion , culture and heritage . 'the school blocked her request under a government crackdown on unauthorised absences announced in 2013 .a mother of four has pledged to remove her children from school to attend an ancient maypole festival - despite facing fines or even prosecution .\n", - "mother of four anna james has vowed to take her children to the festivalmrs james , 32 , claims it is part of her ` religion , culture and heritage 'her children 's school has refused to give permission for their absencesthe ancient maypole festival is held every year in padstow , cornwallit is believed to be an ancient pagan ritual that heralds the arrival of spring\n", - "[1.5918424 1.2336899 1.1815909 1.4713607 1.1741233 1.0654445 1.1010704\n", - " 1.0366063 1.0138083 1.0325322 1.0898243 1.2028872 1.0638078 1.1492988\n", - " 1.009696 1.009432 1.0087624 1.0064507 1.0114734 1.022788 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 1 11 2 4 13 6 10 5 12 7 9 19 8 18 14 15 16 17 34 33 32 31\n", - " 30 29 28 26 25 24 23 22 21 20 35 27 36]\n", - "=======================\n", - "[\"chelsea captain john terry hailed eden hazard as one of the world 's best players after the belgian inspired the blues to a 2-1 win over stoke .hazard tucked home a penalty to put chelsea in front before charlie adam scored a memorable 66-yard equaliser for the visitors .diego costa looks set to miss at least two weeks after suffering a hamstring injury during the match\"]\n", - "=======================\n", - "[\"eden hazard starred as chelsea earned a hard-fought victory over stokecaptain john terry described the winger as one of the world 's best playershazard sent blues on their way to victory when he slotted home a penaltybelgian international also grabbed an assist for loic remy to bag a winner\"]\n", - "chelsea captain john terry hailed eden hazard as one of the world 's best players after the belgian inspired the blues to a 2-1 win over stoke .hazard tucked home a penalty to put chelsea in front before charlie adam scored a memorable 66-yard equaliser for the visitors .diego costa looks set to miss at least two weeks after suffering a hamstring injury during the match\n", - "eden hazard starred as chelsea earned a hard-fought victory over stokecaptain john terry described the winger as one of the world 's best playershazard sent blues on their way to victory when he slotted home a penaltybelgian international also grabbed an assist for loic remy to bag a winner\n", - "[1.0271313 1.1042566 1.5660274 1.2067567 1.206639 1.1712513 1.1118847\n", - " 1.1712865 1.0738368 1.3166418 1.0984235 1.0580162 1.0932627 1.1478614\n", - " 1.0548819 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 9 3 4 7 5 13 6 1 10 12 8 11 14 0 34 33 32 31 30 29 28 27 26\n", - " 25 18 23 22 21 20 19 35 17 16 15 24 36]\n", - "=======================\n", - "[\"michael j from michigan filmed his 11-month-old daughter leighton in floods of tears before she was handed a french fry to lure over the family pup , zayla .footage shows the little girl reaching down to feed the hungry canine and chuckling with delight when he snaps the treat up .she 's then handed another fry .\"]\n", - "=======================\n", - "[\"michael j from michigan filmed his 11-month-old daughter leighton in floods of tearsfootage shows her immediately cheering up when she 's handed a french fry to lure over the family pup , zayla\"]\n", - "michael j from michigan filmed his 11-month-old daughter leighton in floods of tears before she was handed a french fry to lure over the family pup , zayla .footage shows the little girl reaching down to feed the hungry canine and chuckling with delight when he snaps the treat up .she 's then handed another fry .\n", - "michael j from michigan filmed his 11-month-old daughter leighton in floods of tearsfootage shows her immediately cheering up when she 's handed a french fry to lure over the family pup , zayla\n", - "[1.4199997 1.1385709 1.0559213 1.0854772 1.2267802 1.125189 1.2083466\n", - " 1.1576124 1.0878694 1.0668384 1.0336014 1.0701518 1.0825038 1.1109091\n", - " 1.0180924 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 4 6 7 1 5 13 8 3 12 11 9 2 10 14 26 34 33 32 31 30 29 28 27\n", - " 25 18 23 22 21 20 19 35 17 16 15 24 36]\n", - "=======================\n", - "[\"aubrey de grey ( pictured ) says ageing is a ` disease that can and should be cured 'for de grey , a charismatic harrow school and cambridge-educated biomedical theorist , firmly believes there is no reason , with the right ` therapies ' , why any of us should n't reach 500 , 1,000 or even 5,000 years of age .paypal boss peter thiel ( worth # 1.5 billion ) donated # 2.4 million to de grey 's anti-ageing institute strategies for engineered negligible senescence ( sens ) .\"]\n", - "=======================\n", - "[\"aubrey de grey , 51 , believes he will unlock secrets to huge advances in lifethe former harrow school and cambridge scholar is a biomedical theoristhe has a hugely rich and influential following in calfornia 's silicon valleyraised in chelsea , he inherited # 11million when his mother passed awayit 's been invested in his strategies for engineered negligible senescencethe eccentric claims : ` aging is a disease that can and should be cured '\"]\n", - "aubrey de grey ( pictured ) says ageing is a ` disease that can and should be cured 'for de grey , a charismatic harrow school and cambridge-educated biomedical theorist , firmly believes there is no reason , with the right ` therapies ' , why any of us should n't reach 500 , 1,000 or even 5,000 years of age .paypal boss peter thiel ( worth # 1.5 billion ) donated # 2.4 million to de grey 's anti-ageing institute strategies for engineered negligible senescence ( sens ) .\n", - "aubrey de grey , 51 , believes he will unlock secrets to huge advances in lifethe former harrow school and cambridge scholar is a biomedical theoristhe has a hugely rich and influential following in calfornia 's silicon valleyraised in chelsea , he inherited # 11million when his mother passed awayit 's been invested in his strategies for engineered negligible senescencethe eccentric claims : ` aging is a disease that can and should be cured '\n", - "[1.2320225 1.1093007 1.0813841 1.0580175 1.1234312 1.1502373 1.0910702\n", - " 1.0928409 1.0730324 1.0604049 1.0864058 1.0875889 1.0725374 1.0587815\n", - " 1.0327444 1.0369711 1.0446501 1.0275997 1.0307405 1.0458834 1.0287446\n", - " 1.0254419 1.0452923 1.0459768 1.0304931 1.0291601 1.0457978 1.0469289\n", - " 1.0701756 1.03138 1.0175104 1.0127883 1.0186478 1.0193202 1.0201159\n", - " 1.0147829 1.0213773]\n", - "\n", - "[ 0 5 4 1 7 6 11 10 2 8 12 28 9 13 3 27 23 19 26 22 16 15 14 29\n", - " 18 24 25 20 17 21 36 34 33 32 30 35 31]\n", - "=======================\n", - "[\"arguments on tuesday over same-sex marriage will cap more thanjustice anthony kennedy , the court 's pivotal member on gayverge of declaring gay marriage legal nationwide .\"]\n", - "=======================\n", - "['top us court is slated to hear arguments in a gay marriage case tuesdaya majority vote could make gay marriage legal nationwidethe court will publish a decision by june']\n", - "arguments on tuesday over same-sex marriage will cap more thanjustice anthony kennedy , the court 's pivotal member on gayverge of declaring gay marriage legal nationwide .\n", - "top us court is slated to hear arguments in a gay marriage case tuesdaya majority vote could make gay marriage legal nationwidethe court will publish a decision by june\n", - "[1.2803031 1.4252301 1.3263167 1.3869357 1.1736903 1.1261873 1.0648028\n", - " 1.0553718 1.0952667 1.0358752 1.0546339 1.0962746 1.0249476 1.0116212\n", - " 1.0152311 1.0157725 1.0442638 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 11 8 6 7 10 16 9 12 15 14 13 17 18]\n", - "=======================\n", - "[\"the ukip leader was booed by voters at westminster 's methodist central hall as he faced claims he blamed all of britain 's problems on migrants .nigel farage today insisted he did not ` lose my rag ' after rounding on the audience of a live tv debate for being too left wingpollster icm , which was hired by the bbc to select the audience members , today defended its process ` using random location selection techniques ' .\"]\n", - "=======================\n", - "[\"ukip leader nigel farage risks alienating those watching debate last nightcomplains of ` remarkable audience even by left-wing standards of bbc 'comments on housing pressure due to immigration greeted with muttersdavid dimbleby says independent polling firm chose ` balanced ' audience\"]\n", - "the ukip leader was booed by voters at westminster 's methodist central hall as he faced claims he blamed all of britain 's problems on migrants .nigel farage today insisted he did not ` lose my rag ' after rounding on the audience of a live tv debate for being too left wingpollster icm , which was hired by the bbc to select the audience members , today defended its process ` using random location selection techniques ' .\n", - "ukip leader nigel farage risks alienating those watching debate last nightcomplains of ` remarkable audience even by left-wing standards of bbc 'comments on housing pressure due to immigration greeted with muttersdavid dimbleby says independent polling firm chose ` balanced ' audience\n", - "[1.2020378 1.4567183 1.1643178 1.1416335 1.2025504 1.2384413 1.0203776\n", - " 1.1048592 1.0454707 1.0217657 1.0910063 1.1989403 1.0616359 1.0558518\n", - " 1.0698705 1.058707 1.0736531 1.025929 1.0503396]\n", - "\n", - "[ 1 5 4 0 11 2 3 7 10 16 14 12 15 13 18 8 17 9 6]\n", - "=======================\n", - "[\"singer melissa plancarte , whose stage name is melissa : cartel princess , was filmed doing her midnight flit in the mexico 's michoacan state courthouse for her pop video ` since you left ' .father : enrique plancarte was in charge of a drugs cartel known for hanging its victims by the neck from busy motorway bridgeslavish lifestyle : melissa plancarte lives in a mansion in the town of nueva italia and has three pet tigers\"]\n", - "=======================\n", - "[\"singer melissa plancarte broke into a court to film her new music videoshe 's the daughter of mexican drugs lord enrique plancarte who died in a shoot out with the navyhis murderous cartel hanged victims by their necks on motorway bridgesplancarte , who has three pet tigers , posts pictures of her ` bling ' life online\"]\n", - "singer melissa plancarte , whose stage name is melissa : cartel princess , was filmed doing her midnight flit in the mexico 's michoacan state courthouse for her pop video ` since you left ' .father : enrique plancarte was in charge of a drugs cartel known for hanging its victims by the neck from busy motorway bridgeslavish lifestyle : melissa plancarte lives in a mansion in the town of nueva italia and has three pet tigers\n", - "singer melissa plancarte broke into a court to film her new music videoshe 's the daughter of mexican drugs lord enrique plancarte who died in a shoot out with the navyhis murderous cartel hanged victims by their necks on motorway bridgesplancarte , who has three pet tigers , posts pictures of her ` bling ' life online\n", - "[1.434471 1.1864004 1.2331973 1.1912742 1.1755104 1.2215602 1.1084915\n", - " 1.0858583 1.0560243 1.102209 1.0582056 1.0701425 1.0531802 1.0618432\n", - " 1.0633547 1.0534953 1.0546896 1.0413846 1.0521157]\n", - "\n", - "[ 0 2 5 3 1 4 6 9 7 11 14 13 10 8 16 15 12 18 17]\n", - "=======================\n", - "[\"( cnn ) the investigation into the crash of germanwings flight 9525 has not revealed evidence of the co-pilot andreas lubitz 's motive , but he suffered from suicidal tendencies at some point before his aviation career , a spokesman for the prosecutor 's office in dusseldorf , germany , said monday .however , medical records reveal that lubitz was suicidal at one time and underwent psychotherapy .it is believed that lubitz locked the captain out of the cockpit and deliberately crashed the plane tuesday into the french alps , killing all 150 on board .\"]\n", - "=======================\n", - "[\"european pilots must fill out forms that ask about mental and physical illnessesroad to crash site is almost finished , says mayor of le vernet , francegerman newspaper bild releases a timeline of the flight 's final moments\"]\n", - "( cnn ) the investigation into the crash of germanwings flight 9525 has not revealed evidence of the co-pilot andreas lubitz 's motive , but he suffered from suicidal tendencies at some point before his aviation career , a spokesman for the prosecutor 's office in dusseldorf , germany , said monday .however , medical records reveal that lubitz was suicidal at one time and underwent psychotherapy .it is believed that lubitz locked the captain out of the cockpit and deliberately crashed the plane tuesday into the french alps , killing all 150 on board .\n", - "european pilots must fill out forms that ask about mental and physical illnessesroad to crash site is almost finished , says mayor of le vernet , francegerman newspaper bild releases a timeline of the flight 's final moments\n", - "[1.5009828 1.418499 1.0953381 1.2749894 1.0672857 1.2001047 1.078582\n", - " 1.1303954 1.1373465 1.1791902 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 5 9 8 7 2 6 4 17 10 11 12 13 14 15 16 18]\n", - "=======================\n", - "[\"aviva premiership club gloucester will face a rugby football union hearing after selecting lock mariano galarza for their league game against sale sharks last month .the rfu has said galarza should have been ineligible for the match .galarza was selected among gloucester 's replacements for a game that they lost 23-6 at the a j bell stadium .\"]\n", - "=======================\n", - "['gloucester are in danger of being given a points deduction by the rfuthe aviva premiership side played mariano galarza against sale sharksthe lock was ineligible to feature so they will now face a panel hearing']\n", - "aviva premiership club gloucester will face a rugby football union hearing after selecting lock mariano galarza for their league game against sale sharks last month .the rfu has said galarza should have been ineligible for the match .galarza was selected among gloucester 's replacements for a game that they lost 23-6 at the a j bell stadium .\n", - "gloucester are in danger of being given a points deduction by the rfuthe aviva premiership side played mariano galarza against sale sharksthe lock was ineligible to feature so they will now face a panel hearing\n", - "[1.3326284 1.1823636 1.3201474 1.1596501 1.2085798 1.262285 1.1388816\n", - " 1.0813708 1.0706788 1.1286024 1.0569264 1.0388166 1.027172 1.1052084\n", - " 1.0717015 1.1767049 1.0305071 0. 0. ]\n", - "\n", - "[ 0 2 5 4 1 15 3 6 9 13 7 14 8 10 11 16 12 17 18]\n", - "=======================\n", - "[\"british officers were forced to accept the four-day inspection from the experts from moscow despite heightened tensions with vladimir putindefence secretary michael fallon said the exercise , involving 58 warships and submarines , 50 aircraft and 3,000 land forces would show the world how ` powerful ' nato was .britain and 11 other nato countries are set to contribute to the naval exercise , which was hailed by the government as one of the largest land , air , and sea training exercises run in europe .\"]\n", - "=======================\n", - "['british officers forced to accept four-day inspection from moscow expertsuk and 11 other nato countries set to contribute to the naval exercisewill involve 58 warships and submarines , 50 aircraft and 3,000 land forces']\n", - "british officers were forced to accept the four-day inspection from the experts from moscow despite heightened tensions with vladimir putindefence secretary michael fallon said the exercise , involving 58 warships and submarines , 50 aircraft and 3,000 land forces would show the world how ` powerful ' nato was .britain and 11 other nato countries are set to contribute to the naval exercise , which was hailed by the government as one of the largest land , air , and sea training exercises run in europe .\n", - "british officers forced to accept four-day inspection from moscow expertsuk and 11 other nato countries set to contribute to the naval exercisewill involve 58 warships and submarines , 50 aircraft and 3,000 land forces\n", - "[1.5369692 1.4886601 1.2576023 1.1041486 1.462151 1.0332811 1.0235475\n", - " 1.136281 1.2200356 1.0338728 1.0198009 1.01649 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 8 7 3 9 5 6 10 11 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"yorkshire have signed india international cheteshwar pujara until the end of may after cancelling the contract of younis khan .younus was set to be yorkshire 's overseas signing for 2015 , but the batsman is now looking to be part of pakistan 's potential touring party to bangladesh , effectively ruling him out of any playing time in the lv = county championship .pujara will instead link up with the division one champions - subject to receiving a work permit - having spent time at the back end of last season with derbyshire , scoring 219 championship runs for them .\"]\n", - "=======================\n", - "[\"indian batsman joins division one champions until end of mayyorkshire cancelled the contract to pakistan batsman younis khankhan instead wants to be part of pakistan 's tour of bangladeshaaron finch will join yorkshire after the indian premier league\"]\n", - "yorkshire have signed india international cheteshwar pujara until the end of may after cancelling the contract of younis khan .younus was set to be yorkshire 's overseas signing for 2015 , but the batsman is now looking to be part of pakistan 's potential touring party to bangladesh , effectively ruling him out of any playing time in the lv = county championship .pujara will instead link up with the division one champions - subject to receiving a work permit - having spent time at the back end of last season with derbyshire , scoring 219 championship runs for them .\n", - "indian batsman joins division one champions until end of mayyorkshire cancelled the contract to pakistan batsman younis khankhan instead wants to be part of pakistan 's tour of bangladeshaaron finch will join yorkshire after the indian premier league\n", - "[1.1389663 1.2255548 1.1849487 1.0809678 1.1433315 1.51699 1.2173278\n", - " 1.0889571 1.084322 1.0775108 1.0513698 1.0369655 1.0484242 1.0200361\n", - " 1.0171973 1.1150434 1.1253194 0. 0. 0. ]\n", - "\n", - "[ 5 1 6 2 4 0 16 15 7 8 3 9 10 12 11 13 14 18 17 19]\n", - "=======================\n", - "['bayern munich doctor hans-wilhelm muller-wohlfahrt quit this week after a reported rift with pep guardiolaso too , indirectly , for hans-wilhelm muller-wohlfahrt .the pair fell out over an injury to philipp lahm during training as early as november last year']\n", - "=======================\n", - "['bayern munich doctor hans-wilhelm muller-wohlfahrt quit this weekhis resignation came after pep guardiola blamed defeat by porto on injuriesthe pair fell out as early as november over the treatment of philipp lahmguardiola now has even more power and could stay at bayern for a long timemanchester city want to bring him in as manager but he is unlikely to leaveguardiola , who is impatient with injuries , could even agree a new dealformer barcelona boss has denied a rift with his medical staff this week']\n", - "bayern munich doctor hans-wilhelm muller-wohlfahrt quit this week after a reported rift with pep guardiolaso too , indirectly , for hans-wilhelm muller-wohlfahrt .the pair fell out over an injury to philipp lahm during training as early as november last year\n", - "bayern munich doctor hans-wilhelm muller-wohlfahrt quit this weekhis resignation came after pep guardiola blamed defeat by porto on injuriesthe pair fell out as early as november over the treatment of philipp lahmguardiola now has even more power and could stay at bayern for a long timemanchester city want to bring him in as manager but he is unlikely to leaveguardiola , who is impatient with injuries , could even agree a new dealformer barcelona boss has denied a rift with his medical staff this week\n", - "[1.3737439 1.272482 1.0720326 1.07171 1.0744498 1.0832814 1.0806962\n", - " 1.0358633 1.0442722 1.0400075 1.0418237 1.2131788 1.1115845 1.0408753\n", - " 1.0397853 1.0265619 1.0208834 1.0368296 1.0190215 1.0534892]\n", - "\n", - "[ 0 1 11 12 5 6 4 2 3 19 8 10 13 9 14 17 7 15 16 18]\n", - "=======================\n", - "[\"dubai ( cnn ) it 's with some trepidation that i set off for the al marmoum camel race in dubai .as the only gulf national in the cnn team , i am expected to be familiar with camel racing , an ancient tradition in the region .there will be 14 races through the afternoon .\"]\n", - "=======================\n", - "['camel racing is a centuries-old tradition in the gulfmodern technology is changing the sportcamels compete for thousands of dollars in prize money']\n", - "dubai ( cnn ) it 's with some trepidation that i set off for the al marmoum camel race in dubai .as the only gulf national in the cnn team , i am expected to be familiar with camel racing , an ancient tradition in the region .there will be 14 races through the afternoon .\n", - "camel racing is a centuries-old tradition in the gulfmodern technology is changing the sportcamels compete for thousands of dollars in prize money\n", - "[1.5181141 1.3717177 1.3776326 1.4057636 1.0638132 1.0302168 1.1718551\n", - " 1.0893646 1.1370811 1.0714293 1.0194058 1.0248563 1.1108488 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 2 1 6 8 12 7 9 4 5 11 10 18 13 14 15 16 17 19]\n", - "=======================\n", - "['england batsman ian bell has signed a three-year contract extension with warwickshire that will keep him at the club until the end of the 2017 season .the 32-year-old has gone on to play 105 test matches and 161 one-day internationals for england .bell signed his first contract with warwickshire in 1999 after progressing through the youth ranks from the under-11 team .']\n", - "=======================\n", - "[\"ian bell 's deal will keep him at the club until the end of the 2017 seasonbell signed his first contract with warwickshire in 1999the england batsman has played 105 test matches for his countryhe has scored 48 centuries in 246 first-class matches\"]\n", - "england batsman ian bell has signed a three-year contract extension with warwickshire that will keep him at the club until the end of the 2017 season .the 32-year-old has gone on to play 105 test matches and 161 one-day internationals for england .bell signed his first contract with warwickshire in 1999 after progressing through the youth ranks from the under-11 team .\n", - "ian bell 's deal will keep him at the club until the end of the 2017 seasonbell signed his first contract with warwickshire in 1999the england batsman has played 105 test matches for his countryhe has scored 48 centuries in 246 first-class matches\n", - "[1.3388305 1.2698755 1.1910833 1.3398687 1.1019183 1.0783317 1.166012\n", - " 1.1522751 1.0932921 1.0193503 1.1567935 1.0452527 1.2532854 1.1161926\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 12 2 6 10 7 13 4 8 5 11 9 14 15 16 17 18 19]\n", - "=======================\n", - "[\"chris smalling posted this photo of himself and girlfriend sam cooke on his newly opened twitterchris smalling has made the brave move of joining the twitter-sphere , just days before his side meets rivals manchester city at old trafford .the 25-year-old is very much a key part of manchester united 's defence under louis van gaal and is quickly establishing himself as one of the best defenders in the country .\"]\n", - "=======================\n", - "[\"chris smalling joins twitter just days before the manchester derbythe 25-year-old posted a photo of himself and his girlfriend sam cookesmalling could return for the clash after missing the win over aston villaread : manchester united players train ahead of sunday 's big derbyclick here for all the latest manchester united news\"]\n", - "chris smalling posted this photo of himself and girlfriend sam cooke on his newly opened twitterchris smalling has made the brave move of joining the twitter-sphere , just days before his side meets rivals manchester city at old trafford .the 25-year-old is very much a key part of manchester united 's defence under louis van gaal and is quickly establishing himself as one of the best defenders in the country .\n", - "chris smalling joins twitter just days before the manchester derbythe 25-year-old posted a photo of himself and his girlfriend sam cookesmalling could return for the clash after missing the win over aston villaread : manchester united players train ahead of sunday 's big derbyclick here for all the latest manchester united news\n", - "[1.1918032 1.1692302 1.0922691 1.1215423 1.299005 1.1838274 1.1496096\n", - " 1.0619963 1.0766557 1.1074593 1.058495 1.0601053 1.0751833 1.0662055\n", - " 1.0864972 1.0657177 1.046612 1.0599258 1.0606134]\n", - "\n", - "[ 4 0 5 1 6 3 9 2 14 8 12 13 15 7 18 11 17 10 16]\n", - "=======================\n", - "['swangard was diagnosed in 2013 with a rare form of metastatic cancer .( cnn ) dan swangard knows what death looks like .to remove the cancer , surgeons took out parts of his pancreas and liver , as well as his entire spleen and gallbladder .']\n", - "=======================\n", - "['dan swangard , a physician , wants to be able to control when and how his life endsa recent survey reveals 54 percent of american doctors support assisted suicide']\n", - "swangard was diagnosed in 2013 with a rare form of metastatic cancer .( cnn ) dan swangard knows what death looks like .to remove the cancer , surgeons took out parts of his pancreas and liver , as well as his entire spleen and gallbladder .\n", - "dan swangard , a physician , wants to be able to control when and how his life endsa recent survey reveals 54 percent of american doctors support assisted suicide\n", - "[1.322318 1.3452582 1.1446081 1.2609639 1.2136348 1.1441386 1.0298378\n", - " 1.0940102 1.1035868 1.0551813 1.090024 1.1135741 1.0517068 1.0515792\n", - " 1.0613918 1.1010001 1.0980295 0. 0. ]\n", - "\n", - "[ 1 0 3 4 2 5 11 8 15 16 7 10 14 9 12 13 6 17 18]\n", - "=======================\n", - "[\"bezos , who is worth $ 34.7 billion from his online marketplace , blended in with the throngs of tourists at the campo de ' fiori on tuesday , happily snapping pictures of the stalls with his amazon phone and a camera .amazon founder jeff bezos was pictured enjoying a roman holiday this week as he took a stroll around a tourist market in the italian capital .the roman holiday appeared to be a well-deserved break for bezos whose space company , blue origin , announced earlier this month that it had finished work on a rocket engine for a suborbital spaceship .\"]\n", - "=======================\n", - "[\"bezos , who is worth $ 34.7 billion , wandered in the campo de ' fiori in rome with family and a security guard on tuesdaythe amazon ceo was seen snapping pictures with his amazon phone of the market stalls\"]\n", - "bezos , who is worth $ 34.7 billion from his online marketplace , blended in with the throngs of tourists at the campo de ' fiori on tuesday , happily snapping pictures of the stalls with his amazon phone and a camera .amazon founder jeff bezos was pictured enjoying a roman holiday this week as he took a stroll around a tourist market in the italian capital .the roman holiday appeared to be a well-deserved break for bezos whose space company , blue origin , announced earlier this month that it had finished work on a rocket engine for a suborbital spaceship .\n", - "bezos , who is worth $ 34.7 billion , wandered in the campo de ' fiori in rome with family and a security guard on tuesdaythe amazon ceo was seen snapping pictures with his amazon phone of the market stalls\n", - "[1.5672162 1.3198924 1.2106094 1.3751547 1.1106292 1.1000936 1.2061499\n", - " 1.0827761 1.0445213 1.0713543 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 6 4 5 7 9 8 17 10 11 12 13 14 15 16 18]\n", - "=======================\n", - "[\"barcelona president josep maria bartomeu has told lionel messi that he would like the argentine star to stay with the club until he retires .lionel messi has a place at barcelona until ` he decides to retire ' , claim club presidentmessi , who has been with the catalan giants since the age of 13 , was linked with a move away from the nou camp earlier this year after a reported falling out with the board .\"]\n", - "=======================\n", - "[\"barcelona president josep maria bartomeu praises ` leader ' lionel messibartomeu reveals messi will always have a place at barcamessi scored his 400th career goal for barca last weekendclick here for all the latest barcelona news\"]\n", - "barcelona president josep maria bartomeu has told lionel messi that he would like the argentine star to stay with the club until he retires .lionel messi has a place at barcelona until ` he decides to retire ' , claim club presidentmessi , who has been with the catalan giants since the age of 13 , was linked with a move away from the nou camp earlier this year after a reported falling out with the board .\n", - "barcelona president josep maria bartomeu praises ` leader ' lionel messibartomeu reveals messi will always have a place at barcamessi scored his 400th career goal for barca last weekendclick here for all the latest barcelona news\n", - "[1.2351521 1.4125115 1.2568165 1.3696363 1.1651971 1.096118 1.1106383\n", - " 1.0736206 1.0672789 1.0857341 1.0816854 1.0853405 1.0804614 1.056157\n", - " 1.049923 1.047636 1.0458221 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 6 5 9 11 10 12 7 8 13 14 15 16 17 18]\n", - "=======================\n", - "[\"angela collins and margaret elizabeth hanson from port hope , ontario , decided to use xytex corp to start a family in 2006 , believing they had a strict vetting process .according to a lawsuit seen by the atlanta constitution journal , the pair were told their donor had an iq of 160 , a bachelor of science degree in neuroscience , a master 's degree in artificial intelligence , and was working on his phd in neuroscience engineering .a lesbian couple are suing a georgia sperm bank for false advertising - claiming their ` phd student , eloquent-speaking ' donor turned out to be a schizophrenic with a criminal record .\"]\n", - "=======================\n", - "[\"angela collins and margaret elizabeth hanson of port hope , ontario , decided to use xytex corp to start a family in 2006the atlanta-based firm said their donor had a bachelors degreeadded that he was mature beyond his age and an eloquent speakerthey then found out the donor was james christian aggeleshe was once arrested for burglary and served eight months in jailpair are concerned for the child 's health because of his medical historyaggeles has 20 children from his sperm around the country\"]\n", - "angela collins and margaret elizabeth hanson from port hope , ontario , decided to use xytex corp to start a family in 2006 , believing they had a strict vetting process .according to a lawsuit seen by the atlanta constitution journal , the pair were told their donor had an iq of 160 , a bachelor of science degree in neuroscience , a master 's degree in artificial intelligence , and was working on his phd in neuroscience engineering .a lesbian couple are suing a georgia sperm bank for false advertising - claiming their ` phd student , eloquent-speaking ' donor turned out to be a schizophrenic with a criminal record .\n", - "angela collins and margaret elizabeth hanson of port hope , ontario , decided to use xytex corp to start a family in 2006the atlanta-based firm said their donor had a bachelors degreeadded that he was mature beyond his age and an eloquent speakerthey then found out the donor was james christian aggeleshe was once arrested for burglary and served eight months in jailpair are concerned for the child 's health because of his medical historyaggeles has 20 children from his sperm around the country\n", - "[1.3554136 1.1598938 1.3357335 1.2784677 1.1457396 1.0181056 1.082408\n", - " 1.143276 1.1231781 1.0968927 1.2283547 1.1522089 1.0675101 1.0117859\n", - " 1.0353658 1.0591166 1.0319295 1.0125515 0. ]\n", - "\n", - "[ 0 2 3 10 1 11 4 7 8 9 6 12 15 14 16 5 17 13 18]\n", - "=======================\n", - "[\"judge nigel cadbury , who prompted outrage by suggesting murdered student nurse karen buckley had put herself in danger by drinking on a night outthe controversial comments came after karen buckley 's remains were found dumped in a field .judge cadbury implied she had been drinking heavily on the night of her death , but her friends say she only had a few drinks\"]\n", - "=======================\n", - "[\"miss buckley went missing in glasgow last week , sparking police searchshe was found dead on farmland .judge spoke about her case when dealing with brawl outside a barhis comments have caused anger among victims ' groups\"]\n", - "judge nigel cadbury , who prompted outrage by suggesting murdered student nurse karen buckley had put herself in danger by drinking on a night outthe controversial comments came after karen buckley 's remains were found dumped in a field .judge cadbury implied she had been drinking heavily on the night of her death , but her friends say she only had a few drinks\n", - "miss buckley went missing in glasgow last week , sparking police searchshe was found dead on farmland .judge spoke about her case when dealing with brawl outside a barhis comments have caused anger among victims ' groups\n", - "[1.3939836 1.2187967 1.1186124 1.2487609 1.1041108 1.0969882 1.0654746\n", - " 1.1462415 1.0601203 1.1385096 1.0634073 1.1194649 1.0410485 1.0824751\n", - " 1.0426203 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 7 9 11 2 4 5 13 6 10 8 14 12 18 15 16 17 19]\n", - "=======================\n", - "[\"just over a decade ago gianfranco zola was voted the greatest chelsea player of all time in a poll of the club 's supporters .eden hazard has developed into one of the world 's best players after flourishing at chelseathis may seem a little premature , but as eden hazard prepares for to make his 100th barclays premier league appearance for chelsea at qpr on sunday , the little magician could have a rival in years to come .\"]\n", - "=======================\n", - "[\"eden hazard will make his 100th league appearance for chelsea on sundaythe belgian 's form dipped when roberto di matteo left the clubbut jose mourinho 's return helped take hazard to another levelthe midfielder has slowly bought into the dressing room cultureinitially he was one of the first to leave the training groundin time , he could rival gianfranco zola as the club 's greatest player\"]\n", - "just over a decade ago gianfranco zola was voted the greatest chelsea player of all time in a poll of the club 's supporters .eden hazard has developed into one of the world 's best players after flourishing at chelseathis may seem a little premature , but as eden hazard prepares for to make his 100th barclays premier league appearance for chelsea at qpr on sunday , the little magician could have a rival in years to come .\n", - "eden hazard will make his 100th league appearance for chelsea on sundaythe belgian 's form dipped when roberto di matteo left the clubbut jose mourinho 's return helped take hazard to another levelthe midfielder has slowly bought into the dressing room cultureinitially he was one of the first to leave the training groundin time , he could rival gianfranco zola as the club 's greatest player\n", - "[1.2404588 1.16589 1.1665211 1.1545299 1.1261137 1.05581 1.05774\n", - " 1.0775896 1.1217052 1.1192226 1.0465014 1.0613364 1.0606437 1.0359051\n", - " 1.0397949 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 3 4 8 9 7 11 12 6 5 10 14 13 18 15 16 17 19]\n", - "=======================\n", - "[\"western australia ( cnn ) many australians are understandably appalled by the brutal and pointless executions of andrew chan and myuran sukumaran .consequently , indonesia 's actions raise more general questions about the powers we give to states -- or , more accurately , to those who control the coercive apparatus of the state at any particular moment .the death penalty looks anachronistic and ineffective at the best of times , but to kill two people who had clearly made the most of their long periods of incarceration to transform themselves and make amends for their actions looks gratuitous and cruel .\"]\n", - "=======================\n", - "['indonesia executed eight prisoners including two australians on wednesdaytwo of \" bali nine \" were killed despite australia \\'s pleas for mercyall around the world , innocent people being killed by the state in our name , writes mark beeson']\n", - "western australia ( cnn ) many australians are understandably appalled by the brutal and pointless executions of andrew chan and myuran sukumaran .consequently , indonesia 's actions raise more general questions about the powers we give to states -- or , more accurately , to those who control the coercive apparatus of the state at any particular moment .the death penalty looks anachronistic and ineffective at the best of times , but to kill two people who had clearly made the most of their long periods of incarceration to transform themselves and make amends for their actions looks gratuitous and cruel .\n", - "indonesia executed eight prisoners including two australians on wednesdaytwo of \" bali nine \" were killed despite australia 's pleas for mercyall around the world , innocent people being killed by the state in our name , writes mark beeson\n", - "[1.2101557 1.5203573 1.1728928 1.3848943 1.2631599 1.1682757 1.1762769\n", - " 1.0758765 1.0286412 1.0169992 1.0096405 1.0733728 1.0191067 1.0795166\n", - " 1.0248408 1.0318763 1.0386448 1.0348027 1.0829188 1.0169641]\n", - "\n", - "[ 1 3 4 0 6 2 5 18 13 7 11 16 17 15 8 14 12 9 19 10]\n", - "=======================\n", - "[\"the pilot scheme will begin by recruiting 10 people with autism or asperger syndrome to be based at the firm 's redmond offices in washington .microsoft is running the scheme with support from specialists at specialisterne .if successful , the scheme could extend to more vacancies worldwide .\"]\n", - "=======================\n", - "[\"the pilot scheme will initially recruit 10 people with autismthey will be based in the tech giant 's redmond offices in washingtonmicrosoft is running the scheme with help from specialists specialisternethe plans were announced by mary ellen smith , corporate vice president of worldwide operations , who herself has a 19-year-old autistic son\"]\n", - "the pilot scheme will begin by recruiting 10 people with autism or asperger syndrome to be based at the firm 's redmond offices in washington .microsoft is running the scheme with support from specialists at specialisterne .if successful , the scheme could extend to more vacancies worldwide .\n", - "the pilot scheme will initially recruit 10 people with autismthey will be based in the tech giant 's redmond offices in washingtonmicrosoft is running the scheme with help from specialists specialisternethe plans were announced by mary ellen smith , corporate vice president of worldwide operations , who herself has a 19-year-old autistic son\n", - "[1.1902124 1.2226783 1.3404448 1.1452192 1.2923203 1.1749533 1.0616021\n", - " 1.1682023 1.0767672 1.0769795 1.044102 1.0611188 1.1559584 1.0318835\n", - " 1.0411539 1.0194552 0. 0. 0. 0. ]\n", - "\n", - "[ 2 4 1 0 5 7 12 3 9 8 6 11 10 14 13 15 18 16 17 19]\n", - "=======================\n", - "[\"campaigners , police chiefs and mps accused her of ignoring the rights of victims and failing to clear the stench of an establishment cover-up that lingers over the case .the position of director of public prosecutions alison saunders looked increasingly fragile as she faced growing calls to stand down .the furious backlash against the uk 's top prosecutor intensified last night over her decision to spare lord janner from the dock .\"]\n", - "=======================\n", - "[\"alison saunders , director of public prosecutions , facing furious backlashcriticism over her decision to spare former mp lord janner from the dockjanner not charged despite 22 allegations of offences against nine victimscampaigners , police and mps have accused her of ignoring victims ' rights\"]\n", - "campaigners , police chiefs and mps accused her of ignoring the rights of victims and failing to clear the stench of an establishment cover-up that lingers over the case .the position of director of public prosecutions alison saunders looked increasingly fragile as she faced growing calls to stand down .the furious backlash against the uk 's top prosecutor intensified last night over her decision to spare lord janner from the dock .\n", - "alison saunders , director of public prosecutions , facing furious backlashcriticism over her decision to spare former mp lord janner from the dockjanner not charged despite 22 allegations of offences against nine victimscampaigners , police and mps have accused her of ignoring victims ' rights\n", - "[1.137215 1.3668807 1.2623124 1.2957451 1.2334946 1.1399205 1.1087301\n", - " 1.0641067 1.0969911 1.0751129 1.0219672 1.0326915 1.0239923 1.0200747\n", - " 1.047963 1.074082 1.0417013 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 5 0 6 8 9 15 7 14 16 11 12 10 13 18 17 19]\n", - "=======================\n", - "['april 26 , 2016 marks the 30th anniversary of the explosion , which was one of the worst nuclear accidents that the world has ever seen .in recent years , the chernobyl nuclear explosion site , and nearby ghost town of pripyat , ukraine , have seen an increase in tourist interestat the time , the area was part of the former soviet union , but is now ukraine .']\n", - "=======================\n", - "['april 26 , 2016 marks the 30th anniversary of the chernobyl tragedy - and the site sees more visitors today than everseveral private tour operators lead excursions into the exclusion zone , a nearly 50-kilometre contamination radiushowever , in order to enter , tourists must obtain a pass and go through multiple security check pointsthough there are several abandoned villages in the zone , the most popular site to visit is the ghost town of pripyat']\n", - "april 26 , 2016 marks the 30th anniversary of the explosion , which was one of the worst nuclear accidents that the world has ever seen .in recent years , the chernobyl nuclear explosion site , and nearby ghost town of pripyat , ukraine , have seen an increase in tourist interestat the time , the area was part of the former soviet union , but is now ukraine .\n", - "april 26 , 2016 marks the 30th anniversary of the chernobyl tragedy - and the site sees more visitors today than everseveral private tour operators lead excursions into the exclusion zone , a nearly 50-kilometre contamination radiushowever , in order to enter , tourists must obtain a pass and go through multiple security check pointsthough there are several abandoned villages in the zone , the most popular site to visit is the ghost town of pripyat\n", - "[1.2740406 1.3001436 1.2846916 1.2129672 1.1338722 1.0781344 1.0576785\n", - " 1.1466177 1.080065 1.0512182 1.0512214 1.0759804 1.0307405 1.0236454\n", - " 1.1158931 1.1287655 1.0861751 1.0377392 1.0362657 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 3 7 4 15 14 16 8 5 11 6 10 9 17 18 12 13 20 19 21]\n", - "=======================\n", - "['instead it ended tuesday , police say , with the teen heart transplant recipient carjacking someone , burglarizing a home , shooting at an elderly woman , leading police on a high speed chase and then dying after his car hit a pole .in 2013 , the teen \\'s family told media that an atlanta hospital rejected him for heart transplant surgery due to what the hospital described in a letter as stokes \\' \" history of non-compliance . \"( cnn ) the story of anthony stokes was supposed to have a happy ending .']\n", - "=======================\n", - "['in 2013 , anthony stokes \\' family said a hospital refused him a heart due to his \" history of noncompliance \"hospital eventually gave stokes a heart ; on tuesday he carjacked someone , burglarized a home , police saidstokes shot at an elderly woman , hit a pedestrian with a stolen car and died in a police chase , authorities said']\n", - "instead it ended tuesday , police say , with the teen heart transplant recipient carjacking someone , burglarizing a home , shooting at an elderly woman , leading police on a high speed chase and then dying after his car hit a pole .in 2013 , the teen 's family told media that an atlanta hospital rejected him for heart transplant surgery due to what the hospital described in a letter as stokes ' \" history of non-compliance . \"( cnn ) the story of anthony stokes was supposed to have a happy ending .\n", - "in 2013 , anthony stokes ' family said a hospital refused him a heart due to his \" history of noncompliance \"hospital eventually gave stokes a heart ; on tuesday he carjacked someone , burglarized a home , police saidstokes shot at an elderly woman , hit a pedestrian with a stolen car and died in a police chase , authorities said\n", - "[1.2781297 1.2700961 1.2610388 1.5288109 1.3765576 1.1542609 1.0795214\n", - " 1.1275067 1.0380355 1.01942 1.0151128 1.0171304 1.0130895 1.0184648\n", - " 1.021543 1.0130316 1.0165347 1.015873 1.0144919 1.0137281 1.0122919\n", - " 0. ]\n", - "\n", - "[ 3 4 0 1 2 5 7 6 8 14 9 13 11 16 17 10 18 19 12 15 20 21]\n", - "=======================\n", - "['brendan rodgers insists he is the man to guide liverpool to success despite a disappointing seasonthe liverpool manager is under pressure following the fa cup semi-final defeat by aston villa last sundaybrendan rodgers has launched an impassioned defence of his abilities , insisting there is nobody better equipped to manage liverpool under the fenway sports group model .']\n", - "=======================\n", - "[\"brendan rodgers is under pressure following fa cup semi-final defeatbut the liverpool boss says he will bounce back despite the criticismliverpool owners fenway sports group maintain rodgers wo n't be sackedjordan henderson hopes raheem sterling commits his future to the reds\"]\n", - "brendan rodgers insists he is the man to guide liverpool to success despite a disappointing seasonthe liverpool manager is under pressure following the fa cup semi-final defeat by aston villa last sundaybrendan rodgers has launched an impassioned defence of his abilities , insisting there is nobody better equipped to manage liverpool under the fenway sports group model .\n", - "brendan rodgers is under pressure following fa cup semi-final defeatbut the liverpool boss says he will bounce back despite the criticismliverpool owners fenway sports group maintain rodgers wo n't be sackedjordan henderson hopes raheem sterling commits his future to the reds\n", - "[1.2980187 1.2383102 1.0747027 1.158855 1.2243822 1.1077743 1.0393422\n", - " 1.1008421 1.06646 1.0494949 1.1072174 1.0761201 1.036479 1.0442497\n", - " 1.0573635 1.1216276 1.0658845 1.0307071 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 4 3 15 5 10 7 11 2 8 16 14 9 13 6 12 17 20 18 19 21]\n", - "=======================\n", - "['( cnn ) they come from more than 20 countries , drawn to libya as the funnel to europe .eritreans want to escape repression or military service ; somalis flee al-shabaab and clan warfare ; syrians have given up hope of returning home .but in 2014 more than 80 % of them headed for the libyan coast as the easiest point of embarkation .']\n", - "=======================\n", - "['would-be immigrants come from more than 20 countries to north africa to cross mediterranean to europethey risk their lives crossing deserts and mountains ; many are robbed or cheated as they try to reach the libyan coast']\n", - "( cnn ) they come from more than 20 countries , drawn to libya as the funnel to europe .eritreans want to escape repression or military service ; somalis flee al-shabaab and clan warfare ; syrians have given up hope of returning home .but in 2014 more than 80 % of them headed for the libyan coast as the easiest point of embarkation .\n", - "would-be immigrants come from more than 20 countries to north africa to cross mediterranean to europethey risk their lives crossing deserts and mountains ; many are robbed or cheated as they try to reach the libyan coast\n", - "[1.2418097 1.1158451 1.391679 1.0607127 1.0531193 1.2848134 1.1054153\n", - " 1.0351934 1.0485424 1.055172 1.0332279 1.0582126 1.0551158 1.0528189\n", - " 1.0325307 1.0335854 1.0243669 1.0260373 1.0202233 1.0282519 1.0209638\n", - " 1.027763 ]\n", - "\n", - "[ 2 5 0 1 6 3 11 9 12 4 13 8 7 15 10 14 19 21 17 16 20 18]\n", - "=======================\n", - "['femail asked well-known food authors to contribute their spin on the classic anzac biscuit recipe , from sugar-free , to a pimped-up chocolate and macadamia version ... and even a raw recipe .but with so many different food tribes competing for prominence these days , be it sugar-free , raw , paleo , or #foodporn , the time-honoured recipe may not quite cut if for you and your family on april 25 .sugar-free anzac biscuits by sarah wilson , i quit sugar']\n", - "=======================\n", - "[\"classic biscuits feature rolled oats , golden syrup and coconutsarah wilson 's sugar-free version substitutes rice malt syrupfood blogger not quite nigella adds chocolateraw foodie taline gabrielian came up with no-cook version of the classic\"]\n", - "femail asked well-known food authors to contribute their spin on the classic anzac biscuit recipe , from sugar-free , to a pimped-up chocolate and macadamia version ... and even a raw recipe .but with so many different food tribes competing for prominence these days , be it sugar-free , raw , paleo , or #foodporn , the time-honoured recipe may not quite cut if for you and your family on april 25 .sugar-free anzac biscuits by sarah wilson , i quit sugar\n", - "classic biscuits feature rolled oats , golden syrup and coconutsarah wilson 's sugar-free version substitutes rice malt syrupfood blogger not quite nigella adds chocolateraw foodie taline gabrielian came up with no-cook version of the classic\n", - "[1.4006321 1.1939707 1.1040395 1.1844939 1.1213207 1.1082976 1.148352\n", - " 1.0789292 1.0580171 1.0234504 1.1416289 1.0332679 1.0221256 1.0332834\n", - " 1.0449392 1.1050719 1.2388115 1.1330316 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 16 1 3 6 10 17 4 5 15 2 7 8 14 13 11 9 12 20 18 19 21]\n", - "=======================\n", - "[\"jaap stam had just ordered a new kitchen for his cheshire home when he was informed by sir alex ferguson that he was being sold to lazio .the then manchester united manager did n't mention in the same conversation that his son , jason , stood to make a seven-figure sum in his role as an agent in the deal .raheem sterling shakes hands with liverpool boss brendan rodgers during training on thursday\"]\n", - "=======================\n", - "[\"raheem sterling is quite within his rights to get the best possible dealthe only issue right now is how he 's choosing to go about doing itliverpool forward should realise that # 100k-a-week is a generous offerswitching to another club now would not be good idea for his development\"]\n", - "jaap stam had just ordered a new kitchen for his cheshire home when he was informed by sir alex ferguson that he was being sold to lazio .the then manchester united manager did n't mention in the same conversation that his son , jason , stood to make a seven-figure sum in his role as an agent in the deal .raheem sterling shakes hands with liverpool boss brendan rodgers during training on thursday\n", - "raheem sterling is quite within his rights to get the best possible dealthe only issue right now is how he 's choosing to go about doing itliverpool forward should realise that # 100k-a-week is a generous offerswitching to another club now would not be good idea for his development\n", - "[1.2641813 1.4253421 1.3893679 1.3323863 1.2358762 1.1518531 1.0583913\n", - " 1.1277429 1.0860308 1.0309123 1.0223175 1.0433295 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 5 7 8 6 11 9 10 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"trading standards officials in buckinghamshire and surrey raised the alarm over the chinese made decorations , as they were ` likely to contravene food imitation safety rules ' .the eggs have now been withdrawn nationwide ahead of the easter break .poundland has been been forced to pull decorative plastic easter eggs from their shelves over fears they may choke - because they look like cadbury mini eggs ( pictured is the poundland version )\"]\n", - "=======================\n", - "[\"trading standards officials in buckinghamshire and surrey raised alarmofficers said they were ` likely to contravene food imitation safety rules 'the eggs bear a striking similarity to the sugar-coated chocolate treats\"]\n", - "trading standards officials in buckinghamshire and surrey raised the alarm over the chinese made decorations , as they were ` likely to contravene food imitation safety rules ' .the eggs have now been withdrawn nationwide ahead of the easter break .poundland has been been forced to pull decorative plastic easter eggs from their shelves over fears they may choke - because they look like cadbury mini eggs ( pictured is the poundland version )\n", - "trading standards officials in buckinghamshire and surrey raised alarmofficers said they were ` likely to contravene food imitation safety rules 'the eggs bear a striking similarity to the sugar-coated chocolate treats\n", - "[1.1703103 1.6060526 1.1464078 1.078839 1.2429235 1.1652255 1.0961899\n", - " 1.1725218 1.0382046 1.0311241 1.1020204 1.0804291 1.08322 1.043625\n", - " 1.0526363 1.030329 1.0153527 1.0135177 1.0143583 1.1238003]\n", - "\n", - "[ 1 4 7 0 5 2 19 10 6 12 11 3 14 13 8 9 15 16 18 17]\n", - "=======================\n", - "['karlis bardelis , 30 , from latvia , was attempting to scale the cliff in coire an lochain , scotland , when the accident happened .bardelis has only just released the footage of his terrifying fall on a training exercise in hospitalthis is the terrifying moment that one wrong move sent a climber tumbling 10 metres down an icy cliff face .']\n", - "=======================\n", - "[\"karlis bardelis , 30 , was scaling the cliff face in coire an lochain , scotlandcamera shows his axe come loose sending him tumbling down the cliffhe 's eventually rescued by safety rope after a falling 10m in 3.5 secondslatvian bardelis remarkably escaped injury and continued with his ascent\"]\n", - "karlis bardelis , 30 , from latvia , was attempting to scale the cliff in coire an lochain , scotland , when the accident happened .bardelis has only just released the footage of his terrifying fall on a training exercise in hospitalthis is the terrifying moment that one wrong move sent a climber tumbling 10 metres down an icy cliff face .\n", - "karlis bardelis , 30 , was scaling the cliff face in coire an lochain , scotlandcamera shows his axe come loose sending him tumbling down the cliffhe 's eventually rescued by safety rope after a falling 10m in 3.5 secondslatvian bardelis remarkably escaped injury and continued with his ascent\n", - "[1.120116 1.5366373 1.3632183 1.1402404 1.2916998 1.1873062 1.0835562\n", - " 1.1038485 1.0526131 1.0400467 1.0262195 1.0165294 1.0115111 1.0163037\n", - " 1.1333003 1.1393447 1.0814202 1.0915385 1.1200135 1.2165024]\n", - "\n", - "[ 1 2 4 19 5 3 15 14 0 18 7 17 6 16 8 9 10 11 13 12]\n", - "=======================\n", - "['john bramblitt , 42 , had epilepsy from the age of 11 and over the next 19 years it slowly caused him to lose his eyesight .the artist uses a special technique using a fabric paint to create an outline before colouring in the workdespite this , he decided that an inability to see should not prevent him from painting .']\n", - "=======================\n", - "['john bramblitt developed epilepsy aged 11 and went blind when he was 30after going blind , bramblitt began creating the most amazing artworkssome of his art features scenes and people he has never seen beforedespite being blind , his art is highly accurate and incredibly vibrant']\n", - "john bramblitt , 42 , had epilepsy from the age of 11 and over the next 19 years it slowly caused him to lose his eyesight .the artist uses a special technique using a fabric paint to create an outline before colouring in the workdespite this , he decided that an inability to see should not prevent him from painting .\n", - "john bramblitt developed epilepsy aged 11 and went blind when he was 30after going blind , bramblitt began creating the most amazing artworkssome of his art features scenes and people he has never seen beforedespite being blind , his art is highly accurate and incredibly vibrant\n", - "[1.2061558 1.4899025 1.229131 1.215432 1.1079713 1.0576532 1.0406379\n", - " 1.0236622 1.095716 1.0625622 1.0618951 1.1392167 1.16199 1.0488285\n", - " 1.0139469 1.0218303 1.0908146 1.0574381 1.1206635 0. ]\n", - "\n", - "[ 1 2 3 0 12 11 18 4 8 16 9 10 5 17 13 6 7 15 14 19]\n", - "=======================\n", - "[\"elijah overcomer , 26 , left gloriavale , a town of about 500 on new zealand 's west coast , with his wife , rosanna , 29 , and their children in late march 2013 .shortly following their departure , the family watched the 2004 psychological thriller the village , by m. night shyamalan .mr overcomer said the film - where residents of a pretend 19th century town fear the ` wicked ' outside world - was a ` good comparison with our community ' , especially in their views of the greater world . '\"]\n", - "=======================\n", - "[\"elijah overcomer and his wife rosanna walked out of gloriavaleit is a secretive christian commune on the new zealand west coasthe said m night shyamalan movie the village is a ` good comparison '` all you know to be outside gloriavale is a lot of evil 'he was initially kicked out for ` asking too many questions 'after leaving gloriavale , family grappled with religious fearspeople opened their homes , hearts and wallets to the gloriavale refugeesa timaru church has been instrumental in settling the familythere has recently been an exodus from gloriavale\"]\n", - "elijah overcomer , 26 , left gloriavale , a town of about 500 on new zealand 's west coast , with his wife , rosanna , 29 , and their children in late march 2013 .shortly following their departure , the family watched the 2004 psychological thriller the village , by m. night shyamalan .mr overcomer said the film - where residents of a pretend 19th century town fear the ` wicked ' outside world - was a ` good comparison with our community ' , especially in their views of the greater world . '\n", - "elijah overcomer and his wife rosanna walked out of gloriavaleit is a secretive christian commune on the new zealand west coasthe said m night shyamalan movie the village is a ` good comparison '` all you know to be outside gloriavale is a lot of evil 'he was initially kicked out for ` asking too many questions 'after leaving gloriavale , family grappled with religious fearspeople opened their homes , hearts and wallets to the gloriavale refugeesa timaru church has been instrumental in settling the familythere has recently been an exodus from gloriavale\n", - "[1.4393767 1.5072014 1.2243992 1.4441805 1.1853503 1.061101 1.0787439\n", - " 1.0678127 1.0346057 1.0189528 1.0177504 1.1071862 1.0313014 1.0366741\n", - " 1.0171331 1.1278975 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 15 11 6 7 5 13 8 12 9 10 14 18 16 17 19]\n", - "=======================\n", - "['chelsea captain john terry had come in with a strong challenge from behind on united striker radamel falcao which sent the colombian hurtling to the ground .after chelsea forward eden hazard had scored give his side a 1-0 lead against manchester united at stamford bridge on saturday , the sky sports punditry team were convinced that there had been a foul in the build-up .blues midfielder cesc fabregas then collected the loose ball and released it to oscar before his back-heel sent it into the path of the oncoming hazard to slot home .']\n", - "=======================\n", - "['eden hazard scored the opening goal for chelsea against manchester unitedat the start of the preceding move , john terry brought down radamel falcaosky sports pundits agreed that play should have been stoppedthierry henry , graeme souness and jamie redknapp analysed at half-time']\n", - "chelsea captain john terry had come in with a strong challenge from behind on united striker radamel falcao which sent the colombian hurtling to the ground .after chelsea forward eden hazard had scored give his side a 1-0 lead against manchester united at stamford bridge on saturday , the sky sports punditry team were convinced that there had been a foul in the build-up .blues midfielder cesc fabregas then collected the loose ball and released it to oscar before his back-heel sent it into the path of the oncoming hazard to slot home .\n", - "eden hazard scored the opening goal for chelsea against manchester unitedat the start of the preceding move , john terry brought down radamel falcaosky sports pundits agreed that play should have been stoppedthierry henry , graeme souness and jamie redknapp analysed at half-time\n", - "[1.2155755 1.4425294 1.2970821 1.2391335 1.2116833 1.0788944 1.092507\n", - " 1.1998551 1.1607132 1.0413254 1.0320045 1.1081649 1.0447567 1.0511304\n", - " 1.0904688 1.0069356 1.0076535 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 7 8 11 6 14 5 13 12 9 10 16 15 17 18]\n", - "=======================\n", - "[\"manny pacquiao revealed yet another of his talents by releasing his own walk-out tune ahead of his $ 300m mega-fight with floyd mayweather jnr .the so-called ` the nation 's fist ' not only wrote the song ` lalaban ako para sa filipino ' but also sang and directed the music video before releasing it on his facebook page on monday .the tune , which sounds somewhat like an 80s rock ballad actually translates as ' i will fight for the fillipino ' and will be played ahead of the richest fight in history against the undefeated american at the mgm grand on may 2 .\"]\n", - "=======================\n", - "[\"manny pacquiao faces floyd mayweather in $ 300m showdown on may 2pac-man has released own entrance song ` lalaban ako para sa filipino 'the 36-year-old also directed the music video ahead of las vegas clash\"]\n", - "manny pacquiao revealed yet another of his talents by releasing his own walk-out tune ahead of his $ 300m mega-fight with floyd mayweather jnr .the so-called ` the nation 's fist ' not only wrote the song ` lalaban ako para sa filipino ' but also sang and directed the music video before releasing it on his facebook page on monday .the tune , which sounds somewhat like an 80s rock ballad actually translates as ' i will fight for the fillipino ' and will be played ahead of the richest fight in history against the undefeated american at the mgm grand on may 2 .\n", - "manny pacquiao faces floyd mayweather in $ 300m showdown on may 2pac-man has released own entrance song ` lalaban ako para sa filipino 'the 36-year-old also directed the music video ahead of las vegas clash\n", - "[1.4703186 1.2833662 1.3096424 1.1532217 1.2605482 1.0700186 1.1332233\n", - " 1.0712912 1.1270972 1.0683575 1.0558568 1.0656325 1.0364332 1.0144769\n", - " 1.1210933 1.0237294 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 4 3 6 8 14 7 5 9 11 10 12 15 13 17 16 18]\n", - "=======================\n", - "[\"( cnn ) kayahan , one of turkey 's best-loved singers and songwriters , died of cancer friday at the age of 66 .the performer , who was also an accomplished guitarist , was first diagnosed with cancer in 1990 , the year he competed in the eurovision song contest , and the year before he released the album that ignited his career .he had performed most recently in istanbul on valentine 's day .\"]\n", - "=======================\n", - "[\"kayahan wrote some of turkey 's best-loved pop songsthe singer was first diagnosed with cancer in 1990he most recently performed in february in istanbul\"]\n", - "( cnn ) kayahan , one of turkey 's best-loved singers and songwriters , died of cancer friday at the age of 66 .the performer , who was also an accomplished guitarist , was first diagnosed with cancer in 1990 , the year he competed in the eurovision song contest , and the year before he released the album that ignited his career .he had performed most recently in istanbul on valentine 's day .\n", - "kayahan wrote some of turkey 's best-loved pop songsthe singer was first diagnosed with cancer in 1990he most recently performed in february in istanbul\n", - "[1.2503327 1.4243352 1.2734818 1.4071999 1.1860901 1.1767194 1.0899092\n", - " 1.0609688 1.0932713 1.0296853 1.0193465 1.0482216 1.0478684 1.0930122\n", - " 1.0575172 1.0723252 1.1080594 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 16 8 13 6 15 7 14 11 12 9 10 17 18]\n", - "=======================\n", - "['the female agent alleged that she was attending a party with xavier morales , her boss , in a washington , d.c. restaurant when he said he loved her and wanted to have sex with her .after the two employees returned to the office from the party , morales , 48 , tried to kiss the woman and grabbed her arms when she resisted , according to two people briefed on her statement .a senior secret service supervisor has been placed on indefinite administrative leave and is not allowed to enter the office after a female employee accused him of assaulting her at agency headquarters .']\n", - "=======================\n", - "[\"xavier morales , 48 , allegedly told the woman he loved her while they attended a party and then tried to kiss her later that night in the officethe woman alleged morales did not relent until a brief strugglethe party was celebrating morales ' new assignment to head the louisville secret service field office , considered a stepping stone in the agencymorales had to turn in his gun and badge and lost his security clearancehe was a manager in the security clearance division and decided which agents lost their jobs because of misconduct\"]\n", - "the female agent alleged that she was attending a party with xavier morales , her boss , in a washington , d.c. restaurant when he said he loved her and wanted to have sex with her .after the two employees returned to the office from the party , morales , 48 , tried to kiss the woman and grabbed her arms when she resisted , according to two people briefed on her statement .a senior secret service supervisor has been placed on indefinite administrative leave and is not allowed to enter the office after a female employee accused him of assaulting her at agency headquarters .\n", - "xavier morales , 48 , allegedly told the woman he loved her while they attended a party and then tried to kiss her later that night in the officethe woman alleged morales did not relent until a brief strugglethe party was celebrating morales ' new assignment to head the louisville secret service field office , considered a stepping stone in the agencymorales had to turn in his gun and badge and lost his security clearancehe was a manager in the security clearance division and decided which agents lost their jobs because of misconduct\n", - "[1.3567021 1.2397333 1.1190262 1.4152985 1.183743 1.1547426 1.1908311\n", - " 1.1850004 1.0307626 1.0199 1.0889443 1.03162 1.0746903 1.0245062\n", - " 1.020859 1.0145154 1.0452938 1.0273097 1.1212277]\n", - "\n", - "[ 3 0 1 6 7 4 5 18 2 10 12 16 11 8 17 13 14 9 15]\n", - "=======================\n", - "[\"manchester city boss manuel pellegrini says he is not impressed by manchester united 's rise up the tablepellegrini feels that juan mata ( left ) and ander herrera are top players and central to united 's run of formpellegrini has also singled out united 's dutch defender daley blind ( right ) as a key part of united 's team\"]\n", - "=======================\n", - "['manuel pellegrini has played down the form of manchester unitedhe feels united were always expected to do well given their transferspellegrini is hoping to end a terrible run of form with manchester citycity have lost five of their last seven games in all competitionsthe two manchester sides meet in the league on sunday at old trafford']\n", - "manchester city boss manuel pellegrini says he is not impressed by manchester united 's rise up the tablepellegrini feels that juan mata ( left ) and ander herrera are top players and central to united 's run of formpellegrini has also singled out united 's dutch defender daley blind ( right ) as a key part of united 's team\n", - "manuel pellegrini has played down the form of manchester unitedhe feels united were always expected to do well given their transferspellegrini is hoping to end a terrible run of form with manchester citycity have lost five of their last seven games in all competitionsthe two manchester sides meet in the league on sunday at old trafford\n", - "[1.2410643 1.5126545 1.2027684 1.2141906 1.3751159 1.0464346 1.0669702\n", - " 1.095142 1.1013204 1.0712016 1.0927138 1.0374173 1.0532124 1.0656341\n", - " 1.0751911 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 3 2 8 7 10 14 9 6 13 12 5 11 15 16 17 18]\n", - "=======================\n", - "[\"ambra battilana , 22 , did not ` co-operate ' with authorities for four days after her initial report to police saying she was groped by weinstein during a ` business meeting ' at his office in manhattan .the former miss italy finalist who has accused film mogul harvey weinstein of molesting her tried to use the accusation to secure a movie role , it has been alleged .but once the ` pipe dream ' came to nothing , she decided to pursue the criminal case , sources told the new york post .\"]\n", - "=======================\n", - "[\"ambra battilana , 22 , did not ` co-operate ' with authorities for four dayshas been claimed delay was because she wanted to try and land a film rolebut once that came to nothing , she decided to pursue the criminal casesting by nypd shows weinstein did not deny touching her , it is claimedhe denies allegations and has spoken to police , who have not filed charges\"]\n", - "ambra battilana , 22 , did not ` co-operate ' with authorities for four days after her initial report to police saying she was groped by weinstein during a ` business meeting ' at his office in manhattan .the former miss italy finalist who has accused film mogul harvey weinstein of molesting her tried to use the accusation to secure a movie role , it has been alleged .but once the ` pipe dream ' came to nothing , she decided to pursue the criminal case , sources told the new york post .\n", - "ambra battilana , 22 , did not ` co-operate ' with authorities for four dayshas been claimed delay was because she wanted to try and land a film rolebut once that came to nothing , she decided to pursue the criminal casesting by nypd shows weinstein did not deny touching her , it is claimedhe denies allegations and has spoken to police , who have not filed charges\n", - "[1.2757373 1.3825316 1.1227555 1.2780728 1.1607528 1.2564384 1.0221118\n", - " 1.0667598 1.0654484 1.1394511 1.1457404 1.0629871 1.1458209 1.0246139\n", - " 1.1072068 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 5 4 12 10 9 2 14 7 8 11 13 6 18 15 16 17 19]\n", - "=======================\n", - "['the 18-carat gold rectangular piece was a gift to lord uxbridge , whose stoic exchange with the duke of wellington after losing his leg to a cannonball has become etched in history .the gold irish freedom box was given to the aristocrat , who was by then marquess of anglesey , in 1828 by trinity college dublin when he served as lord lieutenant of ireland .his leg was buried near the battlefield but later dug up and used as a macabre tourist attraction .']\n", - "=======================\n", - "[\"rectangular 18-carat piece was gifted to lord uxbridge for his heroicsafter being hit by cannonball he remarked ` by god , sir , i 've lost my leg 'the cover of the three and a half inch box is lord uxbridge 's coat of armsit was sold by auction house bonhams to a private collector for # 100,900\"]\n", - "the 18-carat gold rectangular piece was a gift to lord uxbridge , whose stoic exchange with the duke of wellington after losing his leg to a cannonball has become etched in history .the gold irish freedom box was given to the aristocrat , who was by then marquess of anglesey , in 1828 by trinity college dublin when he served as lord lieutenant of ireland .his leg was buried near the battlefield but later dug up and used as a macabre tourist attraction .\n", - "rectangular 18-carat piece was gifted to lord uxbridge for his heroicsafter being hit by cannonball he remarked ` by god , sir , i 've lost my leg 'the cover of the three and a half inch box is lord uxbridge 's coat of armsit was sold by auction house bonhams to a private collector for # 100,900\n", - "[1.3920686 1.2221317 1.2089586 1.289946 1.4276356 1.1349194 1.0762872\n", - " 1.1479002 1.0638318 1.1288565 1.0316417 1.048625 1.0997273 1.0801045\n", - " 1.0426962 1.0138341 1.0059035 1.0340776 0. 0. ]\n", - "\n", - "[ 4 0 3 1 2 7 5 9 12 13 6 8 11 14 17 10 15 16 18 19]\n", - "=======================\n", - "['kawhi leonard scored 32 points as the san antonio spurs beat the los angeles clippers on fridaygame 4 takes place on sunday at the at&t center in texas .the newly crowned defensive player of the year was in excellent form for the reigning nba champions as they took a 2-1 lead in the first-round series .']\n", - "=======================\n", - "['san antonio spurs beat los angeles clippers 100-73 in game 3kawhi leonard scores 32 points as spurs take 2-1 lead in seriesgame 4 takes place on sunday at the at&t center in texashouston rockets move 3-0 ahead on dallas mavericks with 130-128 winwashington wizards beat toronto raptors 106-99 in game 3']\n", - "kawhi leonard scored 32 points as the san antonio spurs beat the los angeles clippers on fridaygame 4 takes place on sunday at the at&t center in texas .the newly crowned defensive player of the year was in excellent form for the reigning nba champions as they took a 2-1 lead in the first-round series .\n", - "san antonio spurs beat los angeles clippers 100-73 in game 3kawhi leonard scores 32 points as spurs take 2-1 lead in seriesgame 4 takes place on sunday at the at&t center in texashouston rockets move 3-0 ahead on dallas mavericks with 130-128 winwashington wizards beat toronto raptors 106-99 in game 3\n", - "[1.2663673 1.4313347 1.3196718 1.256353 1.2312275 1.1761535 1.0935113\n", - " 1.0273849 1.0431535 1.0806447 1.1393297 1.1560999 1.0917009 1.0479951\n", - " 1.1050062 1.0587666 1.0244138 1.0112786 1.0977925 0. ]\n", - "\n", - "[ 1 2 0 3 4 5 11 10 14 18 6 12 9 15 13 8 7 16 17 19]\n", - "=======================\n", - "[\"the former all black , who denies the allegations , was arrested last night after his team was defeated in the quarter finals of the european challenge cup .he had come off injured during connacht 's 14-7 defeat at gloucester last night when he was approached by police .world cup winning rugby star mils muliaina has been bailed after being arrested on suspicion of sexual assault .\"]\n", - "=======================\n", - "[\"mils muliaina came off injured during connacht 's visit to gloucesterthe 34-year-old world cup winner was arrested by police after the gamemuliaina was held in cells overnight and questioned by officers in cardiffhe denies assault allegations over alleged incident last month\"]\n", - "the former all black , who denies the allegations , was arrested last night after his team was defeated in the quarter finals of the european challenge cup .he had come off injured during connacht 's 14-7 defeat at gloucester last night when he was approached by police .world cup winning rugby star mils muliaina has been bailed after being arrested on suspicion of sexual assault .\n", - "mils muliaina came off injured during connacht 's visit to gloucesterthe 34-year-old world cup winner was arrested by police after the gamemuliaina was held in cells overnight and questioned by officers in cardiffhe denies assault allegations over alleged incident last month\n", - "[1.2435085 1.1022816 1.1258981 1.2458551 1.2653962 1.1573168 1.1559495\n", - " 1.1269969 1.1913726 1.1376568 1.0496194 1.0222068 1.0582043 1.0325402\n", - " 1.0809427 1.080512 1.0785279 1.1262611 1.041093 1.0394108]\n", - "\n", - "[ 4 3 0 8 5 6 9 7 17 2 1 14 15 16 12 10 18 19 13 11]\n", - "=======================\n", - "['waitrose announced yesterday the early arrival of its first british tomatoes of the year .but thanks to endless days of sun and temperatures we would not expect until august , english tomatoes and asparagus are already on the shelves , weeks ahead of usual .morrisons , meanwhile , yesterday predicted britain would have best crop of asparagus for nearly a decade .']\n", - "=======================\n", - "['usually eat vegetables from spain and south america at this time of yearbut recent temperatures have led to english tomatoes sprouting earlystrawberries and raspberries also on shelves already , far earlier than usual']\n", - "waitrose announced yesterday the early arrival of its first british tomatoes of the year .but thanks to endless days of sun and temperatures we would not expect until august , english tomatoes and asparagus are already on the shelves , weeks ahead of usual .morrisons , meanwhile , yesterday predicted britain would have best crop of asparagus for nearly a decade .\n", - "usually eat vegetables from spain and south america at this time of yearbut recent temperatures have led to english tomatoes sprouting earlystrawberries and raspberries also on shelves already , far earlier than usual\n", - "[1.1661378 1.5051191 1.2468915 1.3439385 1.1348425 1.0766947 1.1164219\n", - " 1.0682282 1.0506861 1.1082424 1.11113 1.0490526 1.0740604 1.0302116\n", - " 1.1678755 1.0455507 1.0567031 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 14 0 4 6 10 9 5 12 7 16 8 11 15 13 18 17 19]\n", - "=======================\n", - "[\"married couple john and karen copleston claim paul phillips , 67 , ` constantly harassed ' them over a petty dispute after they moved a gate at the back of their # 210,000 house in poole , dorset .retired mr phillips , the treasurer of the local neighbourhood watch scheme , accused the coplestons of putting the garden gate up on communal land and took the matter to council planners .a neighbourhood watch official has been handed a restraining order following a bitter row with his neighbours over a garden gate .\"]\n", - "=======================\n", - "['neighbourhood watch treasurer has been handed three-year restraining order banning him from contacting neighbours following row over gatepaul phillips said john and karen copleston moved gate on to his landbut they claim he harassed them over the dispute which ended up in courtcase against mr phillips was dismissed but restraining order was imposed']\n", - "married couple john and karen copleston claim paul phillips , 67 , ` constantly harassed ' them over a petty dispute after they moved a gate at the back of their # 210,000 house in poole , dorset .retired mr phillips , the treasurer of the local neighbourhood watch scheme , accused the coplestons of putting the garden gate up on communal land and took the matter to council planners .a neighbourhood watch official has been handed a restraining order following a bitter row with his neighbours over a garden gate .\n", - "neighbourhood watch treasurer has been handed three-year restraining order banning him from contacting neighbours following row over gatepaul phillips said john and karen copleston moved gate on to his landbut they claim he harassed them over the dispute which ended up in courtcase against mr phillips was dismissed but restraining order was imposed\n", - "[1.1560544 1.4272873 1.1422992 1.3132863 1.3207567 1.1570113 1.070056\n", - " 1.1212842 1.0909673 1.1634467 1.0469745 1.067283 1.0153447 1.0183595\n", - " 1.0379205 1.0134646 1.0869561 1.0941839 1.0150405 1.042864 1.063897\n", - " 1.0260825 1.0195372]\n", - "\n", - "[ 1 4 3 9 5 0 2 7 17 8 16 6 11 20 10 19 14 21 22 13 12 18 15]\n", - "=======================\n", - "[\"matt stopera misplaced his cellphone in new york city and the only clue that gave a whereabouts to its located was when some unusual photos of orange trees and fireworks started appearing on his photostream .it ended up in the ends of li hongjun in southeastern china .lost in the cloud : li 's pictures began showing up in matt 's icloud and photostream .\"]\n", - "=======================\n", - "[\"matt stopera 's iphone was stolen in a new york bareventually he started seeing pictures on his new phone of a guy posing with an orange treeafter writing about it online , netizens in china managed to track him down` brother orange ' then invited him to the country and the two met up\"]\n", - "matt stopera misplaced his cellphone in new york city and the only clue that gave a whereabouts to its located was when some unusual photos of orange trees and fireworks started appearing on his photostream .it ended up in the ends of li hongjun in southeastern china .lost in the cloud : li 's pictures began showing up in matt 's icloud and photostream .\n", - "matt stopera 's iphone was stolen in a new york bareventually he started seeing pictures on his new phone of a guy posing with an orange treeafter writing about it online , netizens in china managed to track him down` brother orange ' then invited him to the country and the two met up\n", - "[1.2835917 1.4012046 1.2847648 1.1132731 1.2797697 1.2199326 1.1508051\n", - " 1.0871552 1.0464869 1.0651624 1.0491234 1.0500926 1.1700903 1.0631644\n", - " 1.010034 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 0 4 5 12 6 3 7 9 13 11 10 8 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"friday is also sukumaran 's 34th birthday which could well be his last as the pair contemplate the prospect of facing a firing squad on execution island in java .the talented artist 's birthday is being marked in london where his cousin has organised an exhibition of his paintings at the amnesty international headquarters .it is a decade to the day that myuran sukumaran and andrew chan 's lives were changed forever after being arrested for the bali nine drug smuggling operation .\"]\n", - "=======================\n", - "[\"it 's a decade to the day that bali nine pair were arrested for drug smugglingfriday also marks 34th birthday of sukumaran who will spend behind barshis cousin has organised exhibition of his paintings in londonsukumaran and chan 's fate rests with a court that that has previously recommended an option of a life sentence for reformed inmates\"]\n", - "friday is also sukumaran 's 34th birthday which could well be his last as the pair contemplate the prospect of facing a firing squad on execution island in java .the talented artist 's birthday is being marked in london where his cousin has organised an exhibition of his paintings at the amnesty international headquarters .it is a decade to the day that myuran sukumaran and andrew chan 's lives were changed forever after being arrested for the bali nine drug smuggling operation .\n", - "it 's a decade to the day that bali nine pair were arrested for drug smugglingfriday also marks 34th birthday of sukumaran who will spend behind barshis cousin has organised exhibition of his paintings in londonsukumaran and chan 's fate rests with a court that that has previously recommended an option of a life sentence for reformed inmates\n", - "[1.5385556 1.5353725 1.2455144 1.3053026 1.0297636 1.0133145 1.0135546\n", - " 1.0126737 1.0217284 1.05389 1.0572586 1.029123 1.0214586 1.0177333\n", - " 1.0267227 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 3 2 10 9 4 11 14 8 12 13 6 5 7 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "[\"substitute eidur gudjohnsen spared bolton 's blushes with virtually the final kick of the game and denied blackpool a first away victory in 343 days in a 1-1 draw .michael jacobs ' ninth-minute opener looked to have given the bottom-of-the-table seasiders their first success on the road since they beat wanderers ' neighbours wigan on april 26 .blackpool 's michael jacobs ( left ) scores against bolton wanderers\"]\n", - "=======================\n", - "['substitute eidur gudjohnsen scores equaliser for bolton in stoppage timeveteran striker netted with virtually the last kick of the gamemichael jacobs had opened the scoring for blackpool after nine minutes']\n", - "substitute eidur gudjohnsen spared bolton 's blushes with virtually the final kick of the game and denied blackpool a first away victory in 343 days in a 1-1 draw .michael jacobs ' ninth-minute opener looked to have given the bottom-of-the-table seasiders their first success on the road since they beat wanderers ' neighbours wigan on april 26 .blackpool 's michael jacobs ( left ) scores against bolton wanderers\n", - "substitute eidur gudjohnsen scores equaliser for bolton in stoppage timeveteran striker netted with virtually the last kick of the gamemichael jacobs had opened the scoring for blackpool after nine minutes\n", - "[1.111173 1.4970751 1.137378 1.0708504 1.3952035 1.2265797 1.1313012\n", - " 1.0961492 1.1185099 1.1045713 1.109041 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 5 2 6 8 0 10 9 7 3 20 19 18 17 16 11 14 13 12 21 15 22]\n", - "=======================\n", - "[\"fc rostov defender ivan novoseltsev popped the question after his side 's 1-0 win against torpedo moscow on monday night , getting down on one knee at the olimp-2 stadium to ask katerina keyru to marry him .with his team-mates watching on and a camera in place to capture the moment on film , the russia international beamed as his basketball-playing partner said yes .the 23-year-old , who was capped by his country for the first time last month , looked delighted as he placed a ring on keyru 's finger before kissing and hugging her .\"]\n", - "=======================\n", - "[\"ivan novoseltsev proposed after his side 's win against torpedo moscowkaterina keyru , who plays basketball for a living , said yes on the pitchnovoseltsev 's fc rostov team-mates were on hand to congratulate himfc rostov have won four games in a row to move up to 10th in the table\"]\n", - "fc rostov defender ivan novoseltsev popped the question after his side 's 1-0 win against torpedo moscow on monday night , getting down on one knee at the olimp-2 stadium to ask katerina keyru to marry him .with his team-mates watching on and a camera in place to capture the moment on film , the russia international beamed as his basketball-playing partner said yes .the 23-year-old , who was capped by his country for the first time last month , looked delighted as he placed a ring on keyru 's finger before kissing and hugging her .\n", - "ivan novoseltsev proposed after his side 's win against torpedo moscowkaterina keyru , who plays basketball for a living , said yes on the pitchnovoseltsev 's fc rostov team-mates were on hand to congratulate himfc rostov have won four games in a row to move up to 10th in the table\n", - "[1.055008 1.2284315 1.3876736 1.32441 1.1540086 1.0913287 1.0739794\n", - " 1.0834877 1.104777 1.0597719 1.1361971 1.0629987 1.0826814 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 3 1 4 10 8 5 7 12 6 11 9 0 13 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"the crew of the admiral kuznetsov , russia 's largest warship , came up with the novel idea to help keep the deck clear of debris which poses a major risk to jet planes taking off and landing .what is perhaps more surprising is their solution to the problem , which involved strapping an old jet engine to the front of a tractor , and using the contraption as a huge leaf-blower .the massive kuznetsov is the jewel in president putin 's military fleet , carrying a total of 18 fighter jets and 17 anti-submarine helicopters .\"]\n", - "=======================\n", - "['debris on carriers can get sucked into jet engines , causing deadly crashessailors are therefore usually required to search decks for debris by handbut crew of admiral kuznetsov made themselves vehicle to speed up jobconsists of mig-15 engine strapped to tractor to act as giant leaf blower']\n", - "the crew of the admiral kuznetsov , russia 's largest warship , came up with the novel idea to help keep the deck clear of debris which poses a major risk to jet planes taking off and landing .what is perhaps more surprising is their solution to the problem , which involved strapping an old jet engine to the front of a tractor , and using the contraption as a huge leaf-blower .the massive kuznetsov is the jewel in president putin 's military fleet , carrying a total of 18 fighter jets and 17 anti-submarine helicopters .\n", - "debris on carriers can get sucked into jet engines , causing deadly crashessailors are therefore usually required to search decks for debris by handbut crew of admiral kuznetsov made themselves vehicle to speed up jobconsists of mig-15 engine strapped to tractor to act as giant leaf blower\n", - "[1.1577435 1.2658833 1.3164668 1.3326017 1.3576816 1.0346625 1.0851898\n", - " 1.0802213 1.0888125 1.0561782 1.0875481 1.0725982 1.0421789 1.0322131\n", - " 1.0273827 1.0202779 1.0280133 0. 0. 0. 0. ]\n", - "\n", - "[ 4 3 2 1 0 8 10 6 7 11 9 12 5 13 16 14 15 19 17 18 20]\n", - "=======================\n", - "[\"paul nuttall , ukip 's education spokesman , appeared in the party 's manifesto in thick-rimmed glasses holding a book called ` british rebels and reformers ' - a vintage hard-back picture bookthe vintage hardback is listed on amazon as a 48-page illustrated history book from 1942 .they have long claimed to be the only genuine political party -- fighting the manipulated pr of the main westminster parties .\"]\n", - "=======================\n", - "['ukip have claimed to be the only party fighting westminster political prbut the deputy leader paul nuttall posed for a photoshopped picturemr nuttall was pictured clutching a vintage picture book from 1942rows of books are behind him - photoshopped to look like there are more']\n", - "paul nuttall , ukip 's education spokesman , appeared in the party 's manifesto in thick-rimmed glasses holding a book called ` british rebels and reformers ' - a vintage hard-back picture bookthe vintage hardback is listed on amazon as a 48-page illustrated history book from 1942 .they have long claimed to be the only genuine political party -- fighting the manipulated pr of the main westminster parties .\n", - "ukip have claimed to be the only party fighting westminster political prbut the deputy leader paul nuttall posed for a photoshopped picturemr nuttall was pictured clutching a vintage picture book from 1942rows of books are behind him - photoshopped to look like there are more\n", - "[1.2478396 1.3446474 1.3502473 1.2880322 1.1619366 1.1374803 1.1562392\n", - " 1.1385313 1.0342621 1.1066134 1.0493584 1.1348169 1.054098 1.0555004\n", - " 1.0336007 1.0862896 1.0172869 1.0225354 1.0259601 0. 0. ]\n", - "\n", - "[ 2 1 3 0 4 6 7 5 11 9 15 13 12 10 8 14 18 17 16 19 20]\n", - "=======================\n", - "[\"the extravagant purchase will remain with its mother until it is old enough to become shaheed 's pet .the photo shows a beautiful young tiger cub in the hands of a freelance rebel fighter , known as ahmed shaheed .the 28-year-old fighter from sydney , showed off his new furry investment , posting a picture of the tiger cub on his social media account .\"]\n", - "=======================\n", - "['the photo shows a beautiful young tiger cub in the hands of a rebel fighter , known as ahmed shaheedshaheed is believed to be a former bond university student from sydneythe 27-year-old considered buying an little owl and a leopard from a zoo near aleppo , syria']\n", - "the extravagant purchase will remain with its mother until it is old enough to become shaheed 's pet .the photo shows a beautiful young tiger cub in the hands of a freelance rebel fighter , known as ahmed shaheed .the 28-year-old fighter from sydney , showed off his new furry investment , posting a picture of the tiger cub on his social media account .\n", - "the photo shows a beautiful young tiger cub in the hands of a rebel fighter , known as ahmed shaheedshaheed is believed to be a former bond university student from sydneythe 27-year-old considered buying an little owl and a leopard from a zoo near aleppo , syria\n", - "[1.316718 1.2417878 1.4141842 1.311573 1.1455631 1.1356528 1.0616438\n", - " 1.1262777 1.059376 1.0404794 1.1135392 1.0575601 1.010251 1.0183892\n", - " 1.0109282 1.0105059 1.251724 1.0873691 1.0397666 1.0995024 1.046657 ]\n", - "\n", - "[ 2 0 3 16 1 4 5 7 10 19 17 6 8 11 20 9 18 13 14 15 12]\n", - "=======================\n", - "[\"charles terreni jr was four times over the legal alcohol limit when he died , an autopsy has found .he was found at the pi kappa alpha house in columbia , not far from campus , around 10:30 am on march 18 , the morning after an alleged ` kegger ' at the house for the annual irish holiday .an 18-year-old university of carolina freshman who was found dead after a st patrick 's day party died of alcohol poisoning in a ` tragic and totally preventable death ' , a coroner has ruled .\"]\n", - "=======================\n", - "['charles terreni , 18 , was found dead march 18 at a frat house in columbiaterreni was a usc freshman and a member of the pi kappa alpha housecoroner identified cause of death as alcohol poisoningtoxicology tests showed he had a blood alcohol of .375neighbors said there was a large party ; a beer keg was still visible outside']\n", - "charles terreni jr was four times over the legal alcohol limit when he died , an autopsy has found .he was found at the pi kappa alpha house in columbia , not far from campus , around 10:30 am on march 18 , the morning after an alleged ` kegger ' at the house for the annual irish holiday .an 18-year-old university of carolina freshman who was found dead after a st patrick 's day party died of alcohol poisoning in a ` tragic and totally preventable death ' , a coroner has ruled .\n", - "charles terreni , 18 , was found dead march 18 at a frat house in columbiaterreni was a usc freshman and a member of the pi kappa alpha housecoroner identified cause of death as alcohol poisoningtoxicology tests showed he had a blood alcohol of .375neighbors said there was a large party ; a beer keg was still visible outside\n", - "[1.3012911 1.3237569 1.3804759 1.2115923 1.1643373 1.0217587 1.0408175\n", - " 1.0434785 1.1103115 1.2122104 1.0992805 1.0626427 1.07486 1.0491458\n", - " 1.054147 1.02358 1.0255016 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 9 3 4 8 10 12 11 14 13 7 6 16 15 5 19 17 18 20]\n", - "=======================\n", - "[\"the accident left three victims hospitalised with minor injuries , while 20 students were left homeless and one of sheffield 's main arterial roads was closed for a day .a doctor 's wife and a student plunged from the living rooms of their flats into the basement below and a workman was buried after a digger struck a load-bearing column .two property developers branded ` arrogant and greedy ' by a judge have been jailed after a three-storey building collapsed trapping three people in the rubble .\"]\n", - "=======================\n", - "[\"completely unqualified brothers were trying to create an indian restaurantdigger then struck load-bearing column bringing down floors and wallsdoctor 's wife and student fell through floors and worked was buriedjudge jails landlords for a year each telling them it was lucky no one died\"]\n", - "the accident left three victims hospitalised with minor injuries , while 20 students were left homeless and one of sheffield 's main arterial roads was closed for a day .a doctor 's wife and a student plunged from the living rooms of their flats into the basement below and a workman was buried after a digger struck a load-bearing column .two property developers branded ` arrogant and greedy ' by a judge have been jailed after a three-storey building collapsed trapping three people in the rubble .\n", - "completely unqualified brothers were trying to create an indian restaurantdigger then struck load-bearing column bringing down floors and wallsdoctor 's wife and student fell through floors and worked was buriedjudge jails landlords for a year each telling them it was lucky no one died\n", - "[1.45419 1.5149996 1.32231 1.5459198 1.3418574 1.0789229 1.024718\n", - " 1.0235356 1.0156162 1.0165713 1.0160006 1.0239855 1.1354952 1.0258497\n", - " 1.0304432 1.0292723 1.0173707 1.0114512 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 4 2 12 5 14 15 13 6 11 7 16 9 10 8 17 18 19 20]\n", - "=======================\n", - "[\"robbie mcnamara broke eight ribs , cracked six vertebrae and has no feeling in his legsthe jockey was due to partner last year 's cheltenham gold cup winner lord windermere in the crabbie 's grand national at aintree , but suffered multiple injuries when coming to grief in a fall from bursledon in a handicap hurdle the previous day .mcnamara says he is feeling ` great and optimistic ' as he continues to recover from serious injuries\"]\n", - "=======================\n", - "[\"the jockey fell at wexford on 10 april and suffered serious injuriesrobbie mcnamara , however , says he is feeling ` optimistic ' as he recovershe broke eight ribs , cracked six vertebrae and has no feeling in his legs\"]\n", - "robbie mcnamara broke eight ribs , cracked six vertebrae and has no feeling in his legsthe jockey was due to partner last year 's cheltenham gold cup winner lord windermere in the crabbie 's grand national at aintree , but suffered multiple injuries when coming to grief in a fall from bursledon in a handicap hurdle the previous day .mcnamara says he is feeling ` great and optimistic ' as he continues to recover from serious injuries\n", - "the jockey fell at wexford on 10 april and suffered serious injuriesrobbie mcnamara , however , says he is feeling ` optimistic ' as he recovershe broke eight ribs , cracked six vertebrae and has no feeling in his legs\n", - "[1.2219944 1.1539406 1.362981 1.2034416 1.3971105 1.2756855 1.0329528\n", - " 1.0356964 1.1247759 1.0443157 1.0285468 1.073692 1.1037532 1.0837514\n", - " 1.0422864 1.0120353 0. 0. 0. ]\n", - "\n", - "[ 4 2 5 0 3 1 8 12 13 11 9 14 7 6 10 15 17 16 18]\n", - "=======================\n", - "['manager jurgen klopp announced he would be leaving borussia dortmund at the end of the seasonborussia dortmund ceo hans-joachim watzke , klopp and michael zorc of dortmund were present for the press conference at signal iduna park on wednesdayhis voice cracked with emotion at times and in the next breath he laughed at questions and joked with his boss , borussia dortmund sporting director michael zorc .']\n", - "=======================\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['borussia dortmund manager jurgen klopp will leave post this summerklopp ready to take another job with no sabbaticalemotional grip of game makes him ideal for the premier leaguepremier league clubs on alert after the shock news from germanyklopp has been linked with manchester city and arsenal in the past']\n", - "manager jurgen klopp announced he would be leaving borussia dortmund at the end of the seasonborussia dortmund ceo hans-joachim watzke , klopp and michael zorc of dortmund were present for the press conference at signal iduna park on wednesdayhis voice cracked with emotion at times and in the next breath he laughed at questions and joked with his boss , borussia dortmund sporting director michael zorc .\n", - "borussia dortmund manager jurgen klopp will leave post this summerklopp ready to take another job with no sabbaticalemotional grip of game makes him ideal for the premier leaguepremier league clubs on alert after the shock news from germanyklopp has been linked with manchester city and arsenal in the past\n", - "[1.5527878 1.4312834 1.2023396 1.44135 1.1124744 1.116438 1.0938225\n", - " 1.0860189 1.0918535 1.0187074 1.0124315 1.0629318 1.0622327 1.04705\n", - " 1.0409037 1.1117737 1.0799341 0. 0. ]\n", - "\n", - "[ 0 3 1 2 5 4 15 6 8 7 16 11 12 13 14 9 10 17 18]\n", - "=======================\n", - "[\"bayer leverkusen defender emir spahic could face a lengthy ban after video footage emerged appearing to show him fighting and aiming a headbutt at stewards after a defeat by bayern munich on wednesday night .spahic was substituted in the 90th minute with an ankle injury as bayer crashed out of the germany 's dfb-pokal at the quarter-final stage , losing 5-3 on penalties after 120 goalless minutes at the bayarena .but amateur footage from after the game shows the bosnian defender involved in an altercation with stewards along the side of the pitch , where he had to be restrained by pitchside staff who were believed to have stopped his friends from walking between the stadium 's west and east stands .\"]\n", - "=======================\n", - "['emir spahic appears to aim punches and headbutt at stewards in videohis bayer leverkusen team lost on penalties against bayern munichbosnian and his friends became involved in a disagreement with staffpolice are now set to investigate the fighting and spahic faces a ban']\n", - "bayer leverkusen defender emir spahic could face a lengthy ban after video footage emerged appearing to show him fighting and aiming a headbutt at stewards after a defeat by bayern munich on wednesday night .spahic was substituted in the 90th minute with an ankle injury as bayer crashed out of the germany 's dfb-pokal at the quarter-final stage , losing 5-3 on penalties after 120 goalless minutes at the bayarena .but amateur footage from after the game shows the bosnian defender involved in an altercation with stewards along the side of the pitch , where he had to be restrained by pitchside staff who were believed to have stopped his friends from walking between the stadium 's west and east stands .\n", - "emir spahic appears to aim punches and headbutt at stewards in videohis bayer leverkusen team lost on penalties against bayern munichbosnian and his friends became involved in a disagreement with staffpolice are now set to investigate the fighting and spahic faces a ban\n", - "[1.2086246 1.2928133 1.4289548 1.4217129 1.1305196 1.1371206 1.0877244\n", - " 1.0196848 1.0743043 1.0910093 1.0788975 1.1458265 1.0173242 1.05951\n", - " 1.0566716 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 0 11 5 4 9 6 10 8 13 14 7 12 17 15 16 18]\n", - "=======================\n", - "['and even sky sports pundits jamie redknapp and thierry henry are getting involved as they went face-to-face in the studio .with the fight set to gross more than $ 300million , it is certain to be the biggest in the history of the sport .with two weeks to go until floyd mayweather and manny pacquiao finally get in the ring , it seems no-one is immune to being caught up in the hype .']\n", - "=======================\n", - "['manny pacquaio vs floyd mayweather takes place in las vegas on may 2the fight is set to gross more than $ 300million , the most ever in boxingsky sports pundits jamie redknapp and thierry henry went head-to-head']\n", - "and even sky sports pundits jamie redknapp and thierry henry are getting involved as they went face-to-face in the studio .with the fight set to gross more than $ 300million , it is certain to be the biggest in the history of the sport .with two weeks to go until floyd mayweather and manny pacquiao finally get in the ring , it seems no-one is immune to being caught up in the hype .\n", - "manny pacquaio vs floyd mayweather takes place in las vegas on may 2the fight is set to gross more than $ 300million , the most ever in boxingsky sports pundits jamie redknapp and thierry henry went head-to-head\n", - "[1.5070621 1.4720978 1.1753889 1.434933 1.1607591 1.0609674 1.0282371\n", - " 1.015353 1.0177149 1.0259769 1.0179819 1.0442628 1.2054092 1.1970397\n", - " 1.1598191 1.0702437 1.0258873 1.0147434 1.0089209]\n", - "\n", - "[ 0 1 3 12 13 2 4 14 15 5 11 6 9 16 10 8 7 17 18]\n", - "=======================\n", - "[\"harry kane will play for england 's under 21 team in this summer 's european championships after holding talks with gareth southgate .england 's head coach roy hodgson has confirmed that kane , 21 , will join up with the junior squad when he returns from tottenham 's post-season trip to malaysia and australia .ross barkley is excused from the championships despite being eligible to play for gareth southgate 's side\"]\n", - "=======================\n", - "[\"harry kane will play for gareth southgate 's side at this year 's tournamenthe will join up with the junior squad when he returns from tottenham 's post-season trip to malaysia and australiakane scored on his england debut in their 4-0 win against lithuaniaeverton ace ross barkley and liverpool 's raheem sterling are excused\"]\n", - "harry kane will play for england 's under 21 team in this summer 's european championships after holding talks with gareth southgate .england 's head coach roy hodgson has confirmed that kane , 21 , will join up with the junior squad when he returns from tottenham 's post-season trip to malaysia and australia .ross barkley is excused from the championships despite being eligible to play for gareth southgate 's side\n", - "harry kane will play for gareth southgate 's side at this year 's tournamenthe will join up with the junior squad when he returns from tottenham 's post-season trip to malaysia and australiakane scored on his england debut in their 4-0 win against lithuaniaeverton ace ross barkley and liverpool 's raheem sterling are excused\n", - "[1.1297909 1.4158039 1.4028072 1.2881336 1.1998274 1.1557997 1.1140136\n", - " 1.040911 1.0511252 1.057475 1.0765036 1.1503749 1.0934014 1.0666721\n", - " 1.0133464 1.0118977 1.0327865 1.1239098 1.0647488]\n", - "\n", - "[ 1 2 3 4 5 11 0 17 6 12 10 13 18 9 8 7 16 14 15]\n", - "=======================\n", - "['andrew hichens has become the first person to be trained and equipped as a so-called first responder to all types of 999 call .mr hichens , 28 , will be working with one pc and two police community service officers in hayle in western cornwall where the emergency services have been brought together under one roof .jack of all trades : andrew hichens is trained to respond to crimes , fires and medical emergencies']\n", - "=======================\n", - "[\"andrew hichens on call to deal with crimes , fires and medical emergenciesfirst person to be trained and equipped as a first responder to all 999 callsemergency services brought together under one roof in hayle , cornwallbut devon and cornwall police federation chair called it a ` publicity stunt '\"]\n", - "andrew hichens has become the first person to be trained and equipped as a so-called first responder to all types of 999 call .mr hichens , 28 , will be working with one pc and two police community service officers in hayle in western cornwall where the emergency services have been brought together under one roof .jack of all trades : andrew hichens is trained to respond to crimes , fires and medical emergencies\n", - "andrew hichens on call to deal with crimes , fires and medical emergenciesfirst person to be trained and equipped as a first responder to all 999 callsemergency services brought together under one roof in hayle , cornwallbut devon and cornwall police federation chair called it a ` publicity stunt '\n", - "[1.2231429 1.0873826 1.229954 1.2934841 1.173776 1.2104903 1.059875\n", - " 1.0427415 1.0519025 1.0248784 1.1391547 1.0503608 1.079454 1.0573432\n", - " 1.0417836 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 2 0 5 4 10 1 12 6 13 8 11 7 14 9 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"favourites : hobbs , seraphine and asos have all been worn repeatedly during the pregancybut while mulberry coats and alexander mcqueen gowns did creep in , much of kate 's pregnancy wardrobe came from the high street .she 's just days away from giving birth but , as ever , the duchess of cambridge refused to let her style icon status slip during her second pregnancy .\"]\n", - "=======================\n", - "['has appeared in hobbs and seraphine during her pregnancysome of her outfits have cost as little as # 35 , among them asos dressrecycled dalmatian print hobbs coat from her last pregnancy']\n", - "favourites : hobbs , seraphine and asos have all been worn repeatedly during the pregancybut while mulberry coats and alexander mcqueen gowns did creep in , much of kate 's pregnancy wardrobe came from the high street .she 's just days away from giving birth but , as ever , the duchess of cambridge refused to let her style icon status slip during her second pregnancy .\n", - "has appeared in hobbs and seraphine during her pregnancysome of her outfits have cost as little as # 35 , among them asos dressrecycled dalmatian print hobbs coat from her last pregnancy\n", - "[1.2788832 1.3062239 1.1514547 1.4327109 1.2989753 1.1545228 1.0610967\n", - " 1.0394511 1.0171784 1.0374691 1.0209819 1.0137963 1.0160949 1.1516838\n", - " 1.098152 1.0646594 1.0845112 1.0588728 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 4 0 5 13 2 14 16 15 6 17 7 9 10 8 12 11 20 18 19 21]\n", - "=======================\n", - "[\"second job : dolphins defensive tackle aj francis has sent an application to taxi app uber as he wants be a driver during the off-season to earn extra cashthe 6ft 5in , 330lb nfl player is a regular user of the taxi app and yesterday told fans that he had sent them a job application , explaining ` it would be a cool way to get some extra cash ' .unusual decision : francis plans to work for the $ 40billion taxi firm during the sport 's off-season - a rare occurrence considering the money that professional players earn today\"]\n", - "=======================\n", - "[\"the 6ft 5in , 330lb nfl player told fans on twitter of his application to uberhe explained : ` you know what 's better than nfl money ?he 's yet to play in nfl game but predicted to make $ 510,000 next seasonhe will drive passengers around florida in his brand new dodge charger\"]\n", - "second job : dolphins defensive tackle aj francis has sent an application to taxi app uber as he wants be a driver during the off-season to earn extra cashthe 6ft 5in , 330lb nfl player is a regular user of the taxi app and yesterday told fans that he had sent them a job application , explaining ` it would be a cool way to get some extra cash ' .unusual decision : francis plans to work for the $ 40billion taxi firm during the sport 's off-season - a rare occurrence considering the money that professional players earn today\n", - "the 6ft 5in , 330lb nfl player told fans on twitter of his application to uberhe explained : ` you know what 's better than nfl money ?he 's yet to play in nfl game but predicted to make $ 510,000 next seasonhe will drive passengers around florida in his brand new dodge charger\n", - "[1.4407233 1.2130803 1.5225849 1.3172648 1.1238606 1.041011 1.0282725\n", - " 1.018373 1.0147667 1.0132445 1.163189 1.1645114 1.0680652 1.0161612\n", - " 1.0387546 1.1110314 1.0373982 1.1236548 1.1772234 1.0818183 1.0715082\n", - " 1.0779985]\n", - "\n", - "[ 2 0 3 1 18 11 10 4 17 15 19 21 20 12 5 14 16 6 7 13 8 9]\n", - "=======================\n", - "[\"alison hargreaves , 32 , was swept to her death in 260mph winds on her descent from the himalayan mountain in 1995 .tom ballard plans to climb k2 , 20 years after his mother died descending from its peaknow her son tom ballard , one of the world 's most accomplished climbers , plans to conquer k2 himself .\"]\n", - "=======================\n", - "['alison hargreaves , 32 , was killed in 1995 as she descended from k2now her son tom ballard plans to conquer treacherous mountain himselfhis mother was swept to her death by 260mph winds atop the mountainat 28,251 ft , k2 is considered more difficult to climb than mount everest']\n", - "alison hargreaves , 32 , was swept to her death in 260mph winds on her descent from the himalayan mountain in 1995 .tom ballard plans to climb k2 , 20 years after his mother died descending from its peaknow her son tom ballard , one of the world 's most accomplished climbers , plans to conquer k2 himself .\n", - "alison hargreaves , 32 , was killed in 1995 as she descended from k2now her son tom ballard plans to conquer treacherous mountain himselfhis mother was swept to her death by 260mph winds atop the mountainat 28,251 ft , k2 is considered more difficult to climb than mount everest\n", - "[1.3983591 1.489404 1.2510018 1.1803919 1.166821 1.0686941 1.034244\n", - " 1.0461743 1.2857887 1.0193 1.0407091 1.0436387 1.1433426 1.0338871\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 8 2 3 4 12 5 7 11 10 6 13 9 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"a new book claims that the fire at valley parade was just one of at least nine fires at businesses owned by or associated with the club 's then chairman stafford heginbotham , who died in 1995 .former sports minister gerry sutcliffe says new allegations surrounding the bradford city fire in 1985 which claimed 56 lives do not justify a new inquiry into the disaster .the judge ruled the fire was started by a spectator dropping a cigarette into the rubbish that had accumulated under an old timber stand .\"]\n", - "=======================\n", - "['gerry sutcliffe does not believe there should be a fresh inquiry into the firethe inquiry at the time concluded the fire was started by a discarded cigarette in an old wooden standa new book claims former bradford chairman stafford heginbotham was linked to previous fires before the disaster']\n", - "a new book claims that the fire at valley parade was just one of at least nine fires at businesses owned by or associated with the club 's then chairman stafford heginbotham , who died in 1995 .former sports minister gerry sutcliffe says new allegations surrounding the bradford city fire in 1985 which claimed 56 lives do not justify a new inquiry into the disaster .the judge ruled the fire was started by a spectator dropping a cigarette into the rubbish that had accumulated under an old timber stand .\n", - "gerry sutcliffe does not believe there should be a fresh inquiry into the firethe inquiry at the time concluded the fire was started by a discarded cigarette in an old wooden standa new book claims former bradford chairman stafford heginbotham was linked to previous fires before the disaster\n", - "[1.2680101 1.5185864 1.1542625 1.2857337 1.1589805 1.1188745 1.0971478\n", - " 1.0340865 1.0698284 1.1218405 1.0472596 1.0662631 1.0619279 1.158125\n", - " 1.0779963 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 0 4 13 2 9 5 6 14 8 11 12 10 7 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"38-year-old liana barrientos pleaded not guilty on friday based on charges that she married 10 men over 11 years and charged a fee for her ` services ' .covered : alleged ` serial bride ' liana barrientos accused of running a wife-for-hire immigration covers her face as she leaves court for a second time on friday with her niece , this time for evading a subway fareemergency exit : barrientos used the emergency exit at this bronx subway station on friday instead of paying a fare for her trip just hours after leaving the court\"]\n", - "=======================\n", - "[\"liana barrientos allegedly used an emergency exit door at a bronx subway station instead of paying her fare just hours after leaving courtbarrientos spat at reporters and swung her arms as she left the court for a second time on friday where she was released without bailmarried 10 men in 11 years - with six in one year alonealleged scam occurred between 1999 and 2010her eighth husband was deported back to pakistan for making threats against the us in 2006 after a terrorism investigationthe bronx woman plead not guilty to two fraud charges fridaycaught after describing her 2010 nuptials as ` her first and only marriage ' , sparking an investigationthe department of homeland security was ` involved ' in barrientos ' case , the bronx district attorney 's office has said\"]\n", - "38-year-old liana barrientos pleaded not guilty on friday based on charges that she married 10 men over 11 years and charged a fee for her ` services ' .covered : alleged ` serial bride ' liana barrientos accused of running a wife-for-hire immigration covers her face as she leaves court for a second time on friday with her niece , this time for evading a subway fareemergency exit : barrientos used the emergency exit at this bronx subway station on friday instead of paying a fare for her trip just hours after leaving the court\n", - "liana barrientos allegedly used an emergency exit door at a bronx subway station instead of paying her fare just hours after leaving courtbarrientos spat at reporters and swung her arms as she left the court for a second time on friday where she was released without bailmarried 10 men in 11 years - with six in one year alonealleged scam occurred between 1999 and 2010her eighth husband was deported back to pakistan for making threats against the us in 2006 after a terrorism investigationthe bronx woman plead not guilty to two fraud charges fridaycaught after describing her 2010 nuptials as ` her first and only marriage ' , sparking an investigationthe department of homeland security was ` involved ' in barrientos ' case , the bronx district attorney 's office has said\n", - "[1.3050582 1.3934883 1.3133112 1.1715671 1.2124339 1.1079084 1.2242016\n", - " 1.1873295 1.071897 1.0409272 1.0333477 1.0547824 1.0624806 1.0686334\n", - " 1.0572193 1.0611212 1.0490632 1.0583419 1.0350524 1.0245597 0. ]\n", - "\n", - "[ 1 2 0 6 4 7 3 5 8 13 12 15 17 14 11 16 9 18 10 19 20]\n", - "=======================\n", - "[\"in this week 's indictment , durst , 71 , is accused of possessing a .38 caliber revolver , which authorities allegedly found in his hotel room last month .he faces a maximum of 10 years in prison if found guilty of that charge , according to the indictment .( cnn ) a federal grand jury has charged millionaire real estate heir robert durst , a convicted felon , with unlawful possession of a firearm .\"]\n", - "=======================\n", - "['durst , a convicted felon , charged with unlawful possession of a firearmhe is accused of having a .38 caliber revolver and faces up to 10 years in prison']\n", - "in this week 's indictment , durst , 71 , is accused of possessing a .38 caliber revolver , which authorities allegedly found in his hotel room last month .he faces a maximum of 10 years in prison if found guilty of that charge , according to the indictment .( cnn ) a federal grand jury has charged millionaire real estate heir robert durst , a convicted felon , with unlawful possession of a firearm .\n", - "durst , a convicted felon , charged with unlawful possession of a firearmhe is accused of having a .38 caliber revolver and faces up to 10 years in prison\n", - "[1.2937295 1.3235197 1.3079832 1.1640593 1.2647018 1.1292613 1.1026155\n", - " 1.0666199 1.120782 1.0566481 1.0399618 1.0757252 1.1049738 1.0413713\n", - " 1.0335052 1.0883577 1.035936 1.1163217 1.1093789 1.0241368 0. ]\n", - "\n", - "[ 1 2 0 4 3 5 8 17 18 12 6 15 11 7 9 13 10 16 14 19 20]\n", - "=======================\n", - "[\"it is believed the man , from brent , northwest london , works in the military 's post office , where he could have had access to the names and address of all military personnel at home and overseas .he has been put on compassionate leave from his post , after the mod considered suspending him , a source has said .the father of one of three teenagers arrested in turkey on suspicion of trying to join islamic state fighters in syria works for the ministry of defence , it has been revealed .\"]\n", - "=======================\n", - "[\"three teenage boys from north-west london detained in turkey last monththeir parents phoned 999 in britain after realising they were missingauthorities quickly made contact with turkish counterparts to block themnow it has emerged that one of boys ' fathers worked for the mod\"]\n", - "it is believed the man , from brent , northwest london , works in the military 's post office , where he could have had access to the names and address of all military personnel at home and overseas .he has been put on compassionate leave from his post , after the mod considered suspending him , a source has said .the father of one of three teenagers arrested in turkey on suspicion of trying to join islamic state fighters in syria works for the ministry of defence , it has been revealed .\n", - "three teenage boys from north-west london detained in turkey last monththeir parents phoned 999 in britain after realising they were missingauthorities quickly made contact with turkish counterparts to block themnow it has emerged that one of boys ' fathers worked for the mod\n", - "[1.417054 1.280933 1.2718207 1.1280141 1.3253236 1.1302845 1.0428512\n", - " 1.027295 1.0527519 1.0404115 1.0291332 1.0666063 1.070045 1.0564431\n", - " 1.0362668 1.1184112 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 2 5 3 15 12 11 13 8 6 9 14 10 7 16 17 18 19 20]\n", - "=======================\n", - "[\"albert park - australian grand prixbahrain was the first country in the middle east to hold a formula one world championship grand prix but it has been rocked by a number of issues in recent years .but as the f1 circus quickly ends up in bahrain after the chinese grand prix , some things do n't appear to have changed at all as , like shanghai , sakhir debuted in 2004 and is designed by herman tilke .\"]\n", - "=======================\n", - "['round four of the 2015 formula one season takes place at the sakhir circuit for the bahrain grand prixbahrain was the first country from the middle-east to hold a world championship grand prix in 2004fernando alonso is the most successful driver in sakhir having won three times in the desertlewis hamilton looks for second win in bahrain in bid to make it three out of four victories in 2015 seasonclick here for all the latest f1 news']\n", - "albert park - australian grand prixbahrain was the first country in the middle east to hold a formula one world championship grand prix but it has been rocked by a number of issues in recent years .but as the f1 circus quickly ends up in bahrain after the chinese grand prix , some things do n't appear to have changed at all as , like shanghai , sakhir debuted in 2004 and is designed by herman tilke .\n", - "round four of the 2015 formula one season takes place at the sakhir circuit for the bahrain grand prixbahrain was the first country from the middle-east to hold a world championship grand prix in 2004fernando alonso is the most successful driver in sakhir having won three times in the desertlewis hamilton looks for second win in bahrain in bid to make it three out of four victories in 2015 seasonclick here for all the latest f1 news\n", - "[1.3684198 1.3741555 1.2180992 1.2117645 1.2020704 1.1081809 1.1195449\n", - " 1.049855 1.0350301 1.1215637 1.094187 1.0957937 1.1333382 1.0390363\n", - " 1.117122 1.0671809 1.096389 1.0749356 1.0127466 1.0065287 1.0056401]\n", - "\n", - "[ 1 0 2 3 4 12 9 6 14 5 16 11 10 17 15 7 13 8 18 19 20]\n", - "=======================\n", - "['italian authorities have arrested 15 people on suspicion of murdering the christians at sea , police in palermo , sicily , said .rome ( cnn ) muslims who were among migrants trying to get from libya to italy in a boat this week threw 12 fellow passengers overboard -- killing them -- because the 12 were christians , italian police said thursday .why migrants are dying to get to italy']\n", - "=======================\n", - "['the 12 victims were from nigeria and ghana , police saidthe group of 105 people left libya , bound for italymore than 10,000 people have arrived on italian shores from libya since last weekend']\n", - "italian authorities have arrested 15 people on suspicion of murdering the christians at sea , police in palermo , sicily , said .rome ( cnn ) muslims who were among migrants trying to get from libya to italy in a boat this week threw 12 fellow passengers overboard -- killing them -- because the 12 were christians , italian police said thursday .why migrants are dying to get to italy\n", - "the 12 victims were from nigeria and ghana , police saidthe group of 105 people left libya , bound for italymore than 10,000 people have arrived on italian shores from libya since last weekend\n", - "[1.2393594 1.4093658 1.2195562 1.3709929 1.1977843 1.158048 1.1236941\n", - " 1.1020573 1.139528 1.084929 1.0279449 1.0206355 1.0212877 1.0227872\n", - " 1.011603 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 5 8 6 7 9 10 13 12 11 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the tory london mayor warned against allowing nicola sturgeon 's snp to dominate the government of the uk , ` an entity that they are sworn to destroy ' .he likened it to ` asking a fox to look after the henhouse or a temperance campaigner to run a brewery ' .ms sturgeon launched her snp manifesto today , boasting that she can ` lead the uk ' with polices on british foreign policy , benefits , energy bills and english university tuition fees .\"]\n", - "=======================\n", - "[\"london mayor warns the snp want to ` end britain , to decapitate britannia 'says scottish nationalists want higher taxes and welfare paymentsdavid cameron warns england , wales and northern ireland would suffernicola sturgeon launches manifesto with vow to ` lead ' the united kingdom\"]\n", - "the tory london mayor warned against allowing nicola sturgeon 's snp to dominate the government of the uk , ` an entity that they are sworn to destroy ' .he likened it to ` asking a fox to look after the henhouse or a temperance campaigner to run a brewery ' .ms sturgeon launched her snp manifesto today , boasting that she can ` lead the uk ' with polices on british foreign policy , benefits , energy bills and english university tuition fees .\n", - "london mayor warns the snp want to ` end britain , to decapitate britannia 'says scottish nationalists want higher taxes and welfare paymentsdavid cameron warns england , wales and northern ireland would suffernicola sturgeon launches manifesto with vow to ` lead ' the united kingdom\n", - "[1.318069 1.2704499 1.2313843 1.2795928 1.1407105 1.0647508 1.1180352\n", - " 1.0545272 1.0742793 1.1608753 1.054825 1.2103224 1.0505091 1.0552827\n", - " 1.0862669 1.0515789 1.0622008 1.0373211]\n", - "\n", - "[ 0 3 1 2 11 9 4 6 14 8 5 16 13 10 7 15 12 17]\n", - "=======================\n", - "[\"denial : al sharpton today slammed a report claiming he was banner from the funeral of walter scotthe also announced that he would head to north charleston , south carolina , to preach and attend a vigil on sunday , the day after the funeral .al sharpton has denied that the family of police shooting victim walter scott have barred him from attending his funeral because it would cause a ` circus ' of media attention .\"]\n", - "=======================\n", - "[\"preacher and civil rights leader said reports of a funeral ban are ` bogus 'will head to north charleston , south carolina , to preach on sundaywalter scott , 50 , was shot dead by michael slager almost a week ago\"]\n", - "denial : al sharpton today slammed a report claiming he was banner from the funeral of walter scotthe also announced that he would head to north charleston , south carolina , to preach and attend a vigil on sunday , the day after the funeral .al sharpton has denied that the family of police shooting victim walter scott have barred him from attending his funeral because it would cause a ` circus ' of media attention .\n", - "preacher and civil rights leader said reports of a funeral ban are ` bogus 'will head to north charleston , south carolina , to preach on sundaywalter scott , 50 , was shot dead by michael slager almost a week ago\n", - "[1.2367076 1.3398468 1.2545992 1.4089314 1.2240983 1.0314511 1.0357121\n", - " 1.0790802 1.0318528 1.0437529 1.0185742 1.106253 1.1213012 1.09133\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 0 4 12 11 13 7 9 6 8 5 10 16 14 15 17]\n", - "=======================\n", - "[\"wisden editor lawrence booth has launched a stinging attack on the ecb 's handling of kevin pietersenenglish cricket , says booth in the 152nd edition of the fabled almanack , which is published on wednesday , ` repeatedly lost touch with the basic idea that the national team belongs to us all ' .the star batsman will ply his trade for surrey in a bid to reclaim his spot in the england test team\"]\n", - "=======================\n", - "[\"wisden editor lawrence booth launched an attack on english cricketthe sportsmail writer criticised their handling of the kevin pietersen affairbooth was also scathing of england 's late decision to sack alastair cook as one-day captain on the eve of the world cupmoeen ali stars on the cover of wisden , released on wednesdaysri lanka 's kumar sangakkara named leading cricketer in the worldaustralia 's meg lanning is honoured with the inaugural women 's award\"]\n", - "wisden editor lawrence booth has launched a stinging attack on the ecb 's handling of kevin pietersenenglish cricket , says booth in the 152nd edition of the fabled almanack , which is published on wednesday , ` repeatedly lost touch with the basic idea that the national team belongs to us all ' .the star batsman will ply his trade for surrey in a bid to reclaim his spot in the england test team\n", - "wisden editor lawrence booth launched an attack on english cricketthe sportsmail writer criticised their handling of the kevin pietersen affairbooth was also scathing of england 's late decision to sack alastair cook as one-day captain on the eve of the world cupmoeen ali stars on the cover of wisden , released on wednesdaysri lanka 's kumar sangakkara named leading cricketer in the worldaustralia 's meg lanning is honoured with the inaugural women 's award\n", - "[1.2013432 1.5004478 1.3367611 1.2385659 1.2664468 1.153048 1.0875107\n", - " 1.0448122 1.053898 1.0389712 1.0850333 1.0456904 1.0964537 1.0976431\n", - " 1.0338668 1.0190548 1.015183 0. ]\n", - "\n", - "[ 1 2 4 3 0 5 13 12 6 10 8 11 7 9 14 15 16 17]\n", - "=======================\n", - "['janet and john brennan have spent eight years and hundreds of thousands of pounds turning barholm castle , in dumfries and galloway , from a ruin into a stylish castle home .they bought the 15th century fort , reputed to have been used by leader of the scottish protestant reformation john knox as a hiding place , for just # 65,000 .a couple have transformed a 600-year-old castle they bought for # 65,000 into a luxurious home worth # 700,000 .']\n", - "=======================\n", - "['janet and john brennan bought a crumbling barholm castle in dumfries and galloway for just # 65,000 in 1997the couple spent eight years chasing planning permission and spending thousands on renovating the castleit has now gone on the market for # 700,000 and has four bedrooms as well as sea views over wigtown bay']\n", - "janet and john brennan have spent eight years and hundreds of thousands of pounds turning barholm castle , in dumfries and galloway , from a ruin into a stylish castle home .they bought the 15th century fort , reputed to have been used by leader of the scottish protestant reformation john knox as a hiding place , for just # 65,000 .a couple have transformed a 600-year-old castle they bought for # 65,000 into a luxurious home worth # 700,000 .\n", - "janet and john brennan bought a crumbling barholm castle in dumfries and galloway for just # 65,000 in 1997the couple spent eight years chasing planning permission and spending thousands on renovating the castleit has now gone on the market for # 700,000 and has four bedrooms as well as sea views over wigtown bay\n", - "[1.1034296 1.0764017 1.3862536 1.2116139 1.1271849 1.2846897 1.0389583\n", - " 1.0456812 1.0874345 1.0932214 1.0474123 1.1640453 1.0224801 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 5 3 11 4 0 9 8 1 10 7 6 12 16 13 14 15 17]\n", - "=======================\n", - "[\"lee thompson 's seen plenty in his 14 years as an award-winning photojournalist covering the civil war in libya , the revolution in egypt , the tsunami in japan and other extensive travels before he co-founded the flash pack , a small group flashpacking tour company .but even he repeatedly marvels at what the men and women of southeast asia can balance and transport on just a scooter or a beaten up old motorcycle , and on one of his company 's vietnam & cambodia tours with a group of nine this month he was compelled to capture some of the finest .in vietnam alone there are more than 37 million motorbikes or scooters , most definitely the vehicle of choice in traffic that would make western country 's peak hours look tame .\"]\n", - "=======================\n", - "['the flash pack co-owner lee thompson photographed incredible uses for scooters in southeast asiaaward-winning photojournalist thompson was with a 14-day tour of vietnam and cambodia in aprilwoven baskets filled with chickens and pigs , and unique child seats seen on the scooters']\n", - "lee thompson 's seen plenty in his 14 years as an award-winning photojournalist covering the civil war in libya , the revolution in egypt , the tsunami in japan and other extensive travels before he co-founded the flash pack , a small group flashpacking tour company .but even he repeatedly marvels at what the men and women of southeast asia can balance and transport on just a scooter or a beaten up old motorcycle , and on one of his company 's vietnam & cambodia tours with a group of nine this month he was compelled to capture some of the finest .in vietnam alone there are more than 37 million motorbikes or scooters , most definitely the vehicle of choice in traffic that would make western country 's peak hours look tame .\n", - "the flash pack co-owner lee thompson photographed incredible uses for scooters in southeast asiaaward-winning photojournalist thompson was with a 14-day tour of vietnam and cambodia in aprilwoven baskets filled with chickens and pigs , and unique child seats seen on the scooters\n", - "[1.3759403 1.5184723 1.2398307 1.3801274 1.1988467 1.1085626 1.0178165\n", - " 1.0199572 1.0327773 1.0187521 1.0225946 1.017136 1.0987308 1.193526\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 13 5 12 8 10 7 9 6 11 14 15 16 17]\n", - "=======================\n", - "[\"six players - mirco antenucci , giuseppe bellusci , dario del fabro , marco silvestri , souleymane doukara and edgar cani - withdrew from the squad on the eve of saturday 's trip to charlton citing injuries , and this is just the latest incident in another turbulent period at elland road .leeds striker steve morison admits he has never experienced anything like the current circus surrounding the skybet championship side .a ` freakish set of events ' was how beleaguered boss neil redfearn described the sextet 's absence after the game but morison , who scored leeds ' goal in the 2-1 defeat at the valley , told bbc west yorkshire sport : ` we 're around it every day .\"]\n", - "=======================\n", - "['leeds forward steve morrison is surprised by the drama at the clubsix leeds players recently withdrew from the squad to face charltonmanager neil redfearn is facing increasing pressure in his role']\n", - "six players - mirco antenucci , giuseppe bellusci , dario del fabro , marco silvestri , souleymane doukara and edgar cani - withdrew from the squad on the eve of saturday 's trip to charlton citing injuries , and this is just the latest incident in another turbulent period at elland road .leeds striker steve morison admits he has never experienced anything like the current circus surrounding the skybet championship side .a ` freakish set of events ' was how beleaguered boss neil redfearn described the sextet 's absence after the game but morison , who scored leeds ' goal in the 2-1 defeat at the valley , told bbc west yorkshire sport : ` we 're around it every day .\n", - "leeds forward steve morrison is surprised by the drama at the clubsix leeds players recently withdrew from the squad to face charltonmanager neil redfearn is facing increasing pressure in his role\n", - "[1.5064218 1.3708043 1.2585847 1.4062505 1.267482 1.1358069 1.0789869\n", - " 1.0499911 1.086035 1.1254739 1.0344183 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 5 9 8 6 7 10 17 11 12 13 14 15 16 18]\n", - "=======================\n", - "[\"chelsea midfielder cesc fabregas took to instagram to show off the shiners he picked up from stoke city midfielder charlie adam on saturday .jose mourinho 's side extended their lead at the top of barclays premier league to seven points with a 2-1 win but it did n't come without cost for fabregas .the former arsenal and barcelona ace was left bloodied after being caught by a flailing arm following a tussle with adam , the scorer of a 66-yard wonder goal .\"]\n", - "=======================\n", - "[\"cesc fabregas was caught by trailing arm of stoke city ace charlie adamformer barcelona man picked up the injury during chelsea 's home winmidfielder adam scored wonder goal during the game but it was n't enoughfabregas took to instagram to show he was all smiles despite the bruisesclick here for all the latest chelsea news\"]\n", - "chelsea midfielder cesc fabregas took to instagram to show off the shiners he picked up from stoke city midfielder charlie adam on saturday .jose mourinho 's side extended their lead at the top of barclays premier league to seven points with a 2-1 win but it did n't come without cost for fabregas .the former arsenal and barcelona ace was left bloodied after being caught by a flailing arm following a tussle with adam , the scorer of a 66-yard wonder goal .\n", - "cesc fabregas was caught by trailing arm of stoke city ace charlie adamformer barcelona man picked up the injury during chelsea 's home winmidfielder adam scored wonder goal during the game but it was n't enoughfabregas took to instagram to show he was all smiles despite the bruisesclick here for all the latest chelsea news\n", - "[1.4748486 1.0747247 1.5089173 1.2746155 1.1349928 1.173568 1.1921134\n", - " 1.1299138 1.0879104 1.0909511 1.0924407 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 6 5 4 7 10 9 8 1 17 11 12 13 14 15 16 18]\n", - "=======================\n", - "[\"linda macdonald , 55 , was arrested on monday for drunk driving and decided to stick out her tongue when she was brought to vermont state police barracks for booking .police say the woman from shelburne , massachusetts was driving drunk around 10:30 pm when she ran off route 5 in dummerston , vermont and crashed her 2011 toyota camry into a wooden fence .but when officers smelled alcohol on macdonald , they administered a breathalyzer test and she posted a .10 blood-alcohol content - above the state 's legal threshold of .08 .\"]\n", - "=======================\n", - "['linda macdonald was arrested monday night after veering off the road and crashing her car into a wooden fence in dummerston , vermontthe shelburne , massachusetts woman claimed to have been talking on the phone and taking down directions when she crashedpolice smelled alcohol on her and when they administered a breathalyzer test , macdonald tested .02 per cent over the legal limit']\n", - "linda macdonald , 55 , was arrested on monday for drunk driving and decided to stick out her tongue when she was brought to vermont state police barracks for booking .police say the woman from shelburne , massachusetts was driving drunk around 10:30 pm when she ran off route 5 in dummerston , vermont and crashed her 2011 toyota camry into a wooden fence .but when officers smelled alcohol on macdonald , they administered a breathalyzer test and she posted a .10 blood-alcohol content - above the state 's legal threshold of .08 .\n", - "linda macdonald was arrested monday night after veering off the road and crashing her car into a wooden fence in dummerston , vermontthe shelburne , massachusetts woman claimed to have been talking on the phone and taking down directions when she crashedpolice smelled alcohol on her and when they administered a breathalyzer test , macdonald tested .02 per cent over the legal limit\n", - "[1.3060414 1.0728762 1.1076562 1.0514455 1.4080083 1.2582898 1.1880649\n", - " 1.1261326 1.0374404 1.0299356 1.0485501 1.0953201 1.0365679 1.0929723\n", - " 1.0749146 1.0700101 1.0574732 1.0357336 0. ]\n", - "\n", - "[ 4 0 5 6 7 2 11 13 14 1 15 16 3 10 8 12 17 9 18]\n", - "=======================\n", - "['alastair cook needs something different to draw on in his same-same pace bowling attackengland had a good day on tuesday at the start of this second test in conditions that suited them .cook is frustrated after dropping a catch off marlon samuel , who was on 32 and finished the day 94 not out']\n", - "=======================\n", - "[\"west indies were 188 for five at the close of play on day one in grenadaconditions suited england at the start of the second caribbean testengland 's biggest weakness is a lack of something different in their attackmark wood , who is in the caribbean , could offer a new elementalastair cook 's side has n't won away from home since 2012\"]\n", - "alastair cook needs something different to draw on in his same-same pace bowling attackengland had a good day on tuesday at the start of this second test in conditions that suited them .cook is frustrated after dropping a catch off marlon samuel , who was on 32 and finished the day 94 not out\n", - "west indies were 188 for five at the close of play on day one in grenadaconditions suited england at the start of the second caribbean testengland 's biggest weakness is a lack of something different in their attackmark wood , who is in the caribbean , could offer a new elementalastair cook 's side has n't won away from home since 2012\n", - "[1.2841859 1.4759413 1.2807807 1.1660218 1.0467215 1.2710352 1.0914104\n", - " 1.0402615 1.1293267 1.024558 1.0290776 1.0582594 1.0338963 1.1651905\n", - " 1.077162 1.0704619 1.0233206 1.0166093 0. ]\n", - "\n", - "[ 1 0 2 5 3 13 8 6 14 15 11 4 7 12 10 9 16 17 18]\n", - "=======================\n", - "[\"ralph body , up until march 29 , manned the front desk of the luxury 27 on 27th building in long island city , queens .a new york city doorman says he 's been fired for being too good at his job .the 41-year-old told the new york post he ` gave his life ' for his wealthy tenants and would go out of his way to do any personal tasks they asked -- all while keeping a cheerful smile on his face .\"]\n", - "=======================\n", - "[\"ralph body was once a beloved figure at the front desk of the building 27 on 27th in queensthe concierge says he was fired last week and now believes it was because he was too willing to help affluent tenants -- even after his shiftssome tenants are gathering signatures to get 41-year-old body reinstated as the building 's ever-effervescent doorman\"]\n", - "ralph body , up until march 29 , manned the front desk of the luxury 27 on 27th building in long island city , queens .a new york city doorman says he 's been fired for being too good at his job .the 41-year-old told the new york post he ` gave his life ' for his wealthy tenants and would go out of his way to do any personal tasks they asked -- all while keeping a cheerful smile on his face .\n", - "ralph body was once a beloved figure at the front desk of the building 27 on 27th in queensthe concierge says he was fired last week and now believes it was because he was too willing to help affluent tenants -- even after his shiftssome tenants are gathering signatures to get 41-year-old body reinstated as the building 's ever-effervescent doorman\n", - "[1.1701436 1.1341685 1.3466315 1.1673398 1.360017 1.0492469 1.0955381\n", - " 1.133383 1.1097903 1.0665797 1.0638483 1.0382695 1.0608692 1.0139143\n", - " 1.0189352 1.2178288 1.0630802 1.0209397 1.1215955]\n", - "\n", - "[ 4 2 15 0 3 1 7 18 8 6 9 10 16 12 5 11 17 14 13]\n", - "=======================\n", - "[\"trey -- a star on eastern high school 's basketball team in louisville , kentucky , who 's headed to play college ball next year at ball state -- was originally going to take his girlfriend to eastern 's prom .at first glance trey moses and ellie meredith could n't be more different .darla meredith said ellie has struggled with friendships since elementary school , but a special program at eastern called best buddies had made things easier for her .\"]\n", - "=======================\n", - "['college-bound basketball star asks girl with down syndrome to high school prompictures of the two during the \" prom-posal \" have gone viral']\n", - "trey -- a star on eastern high school 's basketball team in louisville , kentucky , who 's headed to play college ball next year at ball state -- was originally going to take his girlfriend to eastern 's prom .at first glance trey moses and ellie meredith could n't be more different .darla meredith said ellie has struggled with friendships since elementary school , but a special program at eastern called best buddies had made things easier for her .\n", - "college-bound basketball star asks girl with down syndrome to high school prompictures of the two during the \" prom-posal \" have gone viral\n", - "[1.1693804 1.4883385 1.3166384 1.3652503 1.2736876 1.1885164 1.0995202\n", - " 1.0662782 1.0925488 1.0479859 1.079557 1.1460738 1.0927446 1.1072277\n", - " 1.0706973 1.0624549 1.0413324 1.015489 1.0095917 1.0399647 1.0374663\n", - " 1.1033113 1.0140314]\n", - "\n", - "[ 1 3 2 4 5 0 11 13 21 6 12 8 10 14 7 15 9 16 19 20 17 22 18]\n", - "=======================\n", - "[\"vanessa santillan 's body was found in a # 400,000 flat in fulham , south west london , at the end of march .the 33-year-old mexican national , who worked as a transgender escort , died as a result of injuries to the head and neck .a 23-year-old man was arrested in connection with her death but has been bailed .\"]\n", - "=======================\n", - "['vanessa santillan was found dead at a flat in fulham , south west londonthe 33-year-old mexican national was working as a transgender escorta 23-year-old man was arrested in connection with her death last monthhe was bailed pending further inquiries as police continue investigationany witnesses or anyone with any information that can assist police are asked to call the incident room on 020 8721 4868 or contact crimestoppers anonymously on 0800 555 111 or via crimestoppers-uk .']\n", - "vanessa santillan 's body was found in a # 400,000 flat in fulham , south west london , at the end of march .the 33-year-old mexican national , who worked as a transgender escort , died as a result of injuries to the head and neck .a 23-year-old man was arrested in connection with her death but has been bailed .\n", - "vanessa santillan was found dead at a flat in fulham , south west londonthe 33-year-old mexican national was working as a transgender escorta 23-year-old man was arrested in connection with her death last monthhe was bailed pending further inquiries as police continue investigationany witnesses or anyone with any information that can assist police are asked to call the incident room on 020 8721 4868 or contact crimestoppers anonymously on 0800 555 111 or via crimestoppers-uk .\n", - "[1.3531646 1.4069471 1.3085413 1.1613075 1.4365444 1.2905449 1.0272579\n", - " 1.0250607 1.0155921 1.0170138 1.1386185 1.0088463 1.0207078 1.0174179\n", - " 1.0275861 1.0233791 1.094383 1.2488874 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 4 1 0 2 5 17 3 10 16 14 6 7 15 12 13 9 8 11 18 19 20 21 22]\n", - "=======================\n", - "[\"gerrard will miss liverpool 's fa cup quarter-final replay with blackburn because of suspensiongerrard will leave anfield at the end of the season to join major league soccer side la galaxy and the skipper is hoping to bow out in style by leading brendan rodgers ' side to the final at wembley .liverpool 's players must focus on getting themselves and the club into the semi-finals of the fa cup rather than steven gerrard , according to reds legend robbie fowler .\"]\n", - "=======================\n", - "[\"liverpool face blackburn in an fa cup quarter-final replay on wednesdaythe fa cup final could be steven gerrard 's last game for the clubrobbie fowler insists liverpool 's players must not focus on gerrardraheem sterling should remain at anfield , according to fowler\"]\n", - "gerrard will miss liverpool 's fa cup quarter-final replay with blackburn because of suspensiongerrard will leave anfield at the end of the season to join major league soccer side la galaxy and the skipper is hoping to bow out in style by leading brendan rodgers ' side to the final at wembley .liverpool 's players must focus on getting themselves and the club into the semi-finals of the fa cup rather than steven gerrard , according to reds legend robbie fowler .\n", - "liverpool face blackburn in an fa cup quarter-final replay on wednesdaythe fa cup final could be steven gerrard 's last game for the clubrobbie fowler insists liverpool 's players must not focus on gerrardraheem sterling should remain at anfield , according to fowler\n", - "[1.4607494 1.1678005 1.4619524 1.2157279 1.1895453 1.1079743 1.1122124\n", - " 1.0692649 1.1103958 1.0755061 1.0532975 1.0644097 1.0467017 1.0181289\n", - " 1.0244954 1.0173051 1.0196017 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 3 4 1 6 8 5 9 7 11 10 12 14 16 13 15 21 17 18 19 20 22]\n", - "=======================\n", - "[\"gloria ross , 84 , who spent 30 years in the national health service as a nurse , was found with a distorted face when she was visited by her grandson wayne wilkins , 25 .but when he asked nurses at whipps cross hospital , north east london , for help , they said mrs ross was ` just tired ' -- and told him the senior nurse was ` on a break ' .mr wilkins called his mother , mrs ross ' daughter maxine , 49 , who rushed to the hospital and pleaded with nurses to step in .\"]\n", - "=======================\n", - "[\"gloria ross was found with a distorted face when grandson visited herhe raised alarm with nurses at whipps cross hospital , north east londonbut they said she was ` just tired ' and that senior nurse was ` on a break 'later discovered she 'd had stroke - and she never regained consciousness\"]\n", - "gloria ross , 84 , who spent 30 years in the national health service as a nurse , was found with a distorted face when she was visited by her grandson wayne wilkins , 25 .but when he asked nurses at whipps cross hospital , north east london , for help , they said mrs ross was ` just tired ' -- and told him the senior nurse was ` on a break ' .mr wilkins called his mother , mrs ross ' daughter maxine , 49 , who rushed to the hospital and pleaded with nurses to step in .\n", - "gloria ross was found with a distorted face when grandson visited herhe raised alarm with nurses at whipps cross hospital , north east londonbut they said she was ` just tired ' and that senior nurse was ` on a break 'later discovered she 'd had stroke - and she never regained consciousness\n", - "[1.2831215 1.485173 1.2109443 1.2646652 1.2849112 1.287377 1.1590631\n", - " 1.1565937 1.0880653 1.0759834 1.0111535 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 5 4 0 3 2 6 7 8 9 10 20 19 18 17 16 11 14 13 12 21 15 22]\n", - "=======================\n", - "[\"mogi mirim announced on tuesday that edson cholbi do nascimento , known as edinho , will be the team 's coach in the second division of the brazilian league this year .mogi mirim currently have former brazil player rivaldo serving as their presidentedson cholbi nascimento , seen in this picture in 2002 , has been hired as a coach of a brazilian team\"]\n", - "=======================\n", - "[\"edinho has been hired as coach of the second division siderivaldo currently serves as mogi mirim 's presidentedinho is the son of brazilian legend pelehe is appealing a 33-year prison sentence\"]\n", - "mogi mirim announced on tuesday that edson cholbi do nascimento , known as edinho , will be the team 's coach in the second division of the brazilian league this year .mogi mirim currently have former brazil player rivaldo serving as their presidentedson cholbi nascimento , seen in this picture in 2002 , has been hired as a coach of a brazilian team\n", - "edinho has been hired as coach of the second division siderivaldo currently serves as mogi mirim 's presidentedinho is the son of brazilian legend pelehe is appealing a 33-year prison sentence\n", - "[1.5083803 1.528192 1.2582986 1.50927 1.0359138 1.0347074 1.0643152\n", - " 1.0259323 1.0250146 1.0520575 1.0396343 1.0185181 1.2787646 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 12 2 6 9 10 4 5 7 8 11 13 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"the 26-year-old has enjoyed a terrific season at ewood park netting 20 goals in the championship for gary bowyer 's side .blackburn striker rudy gestede has revealed his desire to be playing in the premier league next seasonhowever , with rovers ' promotion hopes over for this season the benin international has set his sights on a move away from the club - with swansea , crystal palace , hull and west brom all having showing an interest in the # 7million-rated 6ft 4ins forward in the past .\"]\n", - "=======================\n", - "['rudy gestede has scored 20 goals in the championship this seasonswansea and crystal palace have shown an interest in the 26-year-oldwest brom and hull have all monitored the striker in the past6ft 4ins forward is valued at # 7million by blackburn rovers']\n", - "the 26-year-old has enjoyed a terrific season at ewood park netting 20 goals in the championship for gary bowyer 's side .blackburn striker rudy gestede has revealed his desire to be playing in the premier league next seasonhowever , with rovers ' promotion hopes over for this season the benin international has set his sights on a move away from the club - with swansea , crystal palace , hull and west brom all having showing an interest in the # 7million-rated 6ft 4ins forward in the past .\n", - "rudy gestede has scored 20 goals in the championship this seasonswansea and crystal palace have shown an interest in the 26-year-oldwest brom and hull have all monitored the striker in the past6ft 4ins forward is valued at # 7million by blackburn rovers\n", - "[1.1909811 1.1806008 1.2632579 1.2474176 1.3211884 1.1931797 1.1461716\n", - " 1.1797371 1.0966535 1.1015337 1.0682377 1.0525578 1.0381393 1.0597793\n", - " 1.0485845 0. 0. 0. 0. ]\n", - "\n", - "[ 4 2 3 5 0 1 7 6 9 8 10 13 11 14 12 17 15 16 18]\n", - "=======================\n", - "['nate silver , who correctly predicted the winner in 49 of 50 us states in 2008 , believes that neither labour or the tories will be unable to get enough support together for a majority governmentthe latest icm poll for the guardian had the tories ahead on 34 per cent -- down five points from a week ago .labour were down one point on 32 per cent .']\n", - "=======================\n", - "['nate silver predicts the conservatives will win 283 seats and labour 274means both david cameron or ed miliband could find it all but impossible to cobble together a workable coalition -- let alone rule on their ownrespected us pollster predicted results of 2008 us election almost exactly']\n", - "nate silver , who correctly predicted the winner in 49 of 50 us states in 2008 , believes that neither labour or the tories will be unable to get enough support together for a majority governmentthe latest icm poll for the guardian had the tories ahead on 34 per cent -- down five points from a week ago .labour were down one point on 32 per cent .\n", - "nate silver predicts the conservatives will win 283 seats and labour 274means both david cameron or ed miliband could find it all but impossible to cobble together a workable coalition -- let alone rule on their ownrespected us pollster predicted results of 2008 us election almost exactly\n", - "[1.4666647 1.5713136 1.3047991 1.5450091 1.2618837 1.0933361 1.0145497\n", - " 1.010362 1.0175499 1.0331978 1.0242454 1.0900897 1.0788265 1.0129658\n", - " 1.0153667 1.0096219 1.0135443 1.0082585 1.0092651]\n", - "\n", - "[ 1 3 0 2 4 5 11 12 9 10 8 14 6 16 13 7 15 18 17]\n", - "=======================\n", - "[\"warren picked up his second booking of the competition in sunday 's scottish cup semi-final win over celtic -- meaning automatic suspension for the season finale on may 30 .inverness cup hero gary warren has called for a change to the ` ridiculous ' rule that will see him banned from a second final in successive seasons .but the central defender , who also missed last year 's league cup final for the same reason , says either the threshold should be raised -- or all cards should be wiped from the record for any show-piece final .\"]\n", - "=======================\n", - "[\"inverness ' gary warren will miss the club 's first-ever scottish cup finalwarren picked up his second yellow card of the cup in the semi-final against celtic and is therefore suspended for the showdown on may 30he was also suspended for the scottish league cup final last seasonthe defender believes the threshold for yellow card suspensions should be raised and is disappointed to be missing out on making history\"]\n", - "warren picked up his second booking of the competition in sunday 's scottish cup semi-final win over celtic -- meaning automatic suspension for the season finale on may 30 .inverness cup hero gary warren has called for a change to the ` ridiculous ' rule that will see him banned from a second final in successive seasons .but the central defender , who also missed last year 's league cup final for the same reason , says either the threshold should be raised -- or all cards should be wiped from the record for any show-piece final .\n", - "inverness ' gary warren will miss the club 's first-ever scottish cup finalwarren picked up his second yellow card of the cup in the semi-final against celtic and is therefore suspended for the showdown on may 30he was also suspended for the scottish league cup final last seasonthe defender believes the threshold for yellow card suspensions should be raised and is disappointed to be missing out on making history\n", - "[1.2728671 1.2693729 1.2519534 1.1012833 1.2116698 1.1524651 1.1951605\n", - " 1.1128875 1.0405949 1.0639968 1.1124882 1.0531734 1.0223306 1.0593683\n", - " 1.0411607 1.0488261 1.0273218 1.0179307 1.0301766]\n", - "\n", - "[ 0 1 2 4 6 5 7 10 3 9 13 11 15 14 8 18 16 12 17]\n", - "=======================\n", - "['aaron hernandez looked full of promise in his 2007 high school yearbook pictureaaron hernandez was a rapidly rising star in the nfl .he was a key part of the new england patriots offense , played in the super bowl and had signed a massive five-year contract extension that would pay him nearly $ 40million .']\n", - "=======================\n", - "[\"aaron hernandez , 25 , has been accused of shooting six people - killing three , including odin lloydhe was convicted of first degree murder in lloyd 's death on wednesday and sentenced to life in prison without parolehas a long history of troubling behavior , but was never held accountable because cops and coaches looked the other way , according to reports\"]\n", - "aaron hernandez looked full of promise in his 2007 high school yearbook pictureaaron hernandez was a rapidly rising star in the nfl .he was a key part of the new england patriots offense , played in the super bowl and had signed a massive five-year contract extension that would pay him nearly $ 40million .\n", - "aaron hernandez , 25 , has been accused of shooting six people - killing three , including odin lloydhe was convicted of first degree murder in lloyd 's death on wednesday and sentenced to life in prison without parolehas a long history of troubling behavior , but was never held accountable because cops and coaches looked the other way , according to reports\n", - "[1.2419248 1.5481784 1.0906677 1.1875293 1.1678038 1.3665657 1.097179\n", - " 1.050015 1.023758 1.1749412 1.0248145 1.0152818 1.0904133 1.075875\n", - " 1.0673532 1.2643954 0. 0. 0. ]\n", - "\n", - "[ 1 5 15 0 3 9 4 6 2 12 13 14 7 10 8 11 17 16 18]\n", - "=======================\n", - "['harrison poe was announced as best supporting actor at the annual tommy tune awards on tuesday in houston , texas , but the high school student had a little difficulty navigating the stage .there was more drama than expected at a thespian awards ceremony this week , as an honoree slipped off the stage and nearly crushed musicians in the orchestra pit .red-faced : the young bow tie-wearing actor went on to make a swift recovery and bounced back to the podium - ` thank you !']\n", - "=======================\n", - "['harrison poe was announced as best supporting actor at the annual tommy tune awards on tuesday in houston , texasbut the high school student had a little difficulty navigating the stagetv cameras caught him confidently getting up to accept the accolade before slipping and falling headfirst into the darknesshowever , the young bow tie-wearing actor went on to make a swift recovery and bounced back to the podium']\n", - "harrison poe was announced as best supporting actor at the annual tommy tune awards on tuesday in houston , texas , but the high school student had a little difficulty navigating the stage .there was more drama than expected at a thespian awards ceremony this week , as an honoree slipped off the stage and nearly crushed musicians in the orchestra pit .red-faced : the young bow tie-wearing actor went on to make a swift recovery and bounced back to the podium - ` thank you !\n", - "harrison poe was announced as best supporting actor at the annual tommy tune awards on tuesday in houston , texasbut the high school student had a little difficulty navigating the stagetv cameras caught him confidently getting up to accept the accolade before slipping and falling headfirst into the darknesshowever , the young bow tie-wearing actor went on to make a swift recovery and bounced back to the podium\n", - "[1.3935546 1.41758 1.3626842 1.3623239 1.0560402 1.0548903 1.1068466\n", - " 1.1165464 1.2138615 1.0378097 1.0554897 1.0389432 1.0847342 1.0480771\n", - " 1.0350542 1.0901889 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 8 7 6 15 12 4 10 5 13 11 9 14 17 16 18]\n", - "=======================\n", - "[\"the tv personality was due to record the show , which he has hosted in the past , on april 23 to be broadcast the following day .former top gear host jeremy clarkson has decided against hosting bbc 's have i got news for you later this month .the recording would have marked his first appearance for the bbc since being dismissed for hitting top gear producer oisin tymon in a ` fracas ' at a hotel over dinner .\"]\n", - "=======================\n", - "['clarkson was due to host satirical news show at the end of this monthwould have been first bbc appearance since dismissal from top gearhowever producers today confirmed he has withdrawn from show']\n", - "the tv personality was due to record the show , which he has hosted in the past , on april 23 to be broadcast the following day .former top gear host jeremy clarkson has decided against hosting bbc 's have i got news for you later this month .the recording would have marked his first appearance for the bbc since being dismissed for hitting top gear producer oisin tymon in a ` fracas ' at a hotel over dinner .\n", - "clarkson was due to host satirical news show at the end of this monthwould have been first bbc appearance since dismissal from top gearhowever producers today confirmed he has withdrawn from show\n", - "[1.4354625 1.5205086 1.3968009 1.2564892 1.3989089 1.0708983 1.0332084\n", - " 1.0410326 1.1852719 1.0785595 1.0279806 1.0105026 1.0165871 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 2 3 8 9 5 7 6 10 12 11 17 13 14 15 16 18]\n", - "=======================\n", - "['utility back saili , who made his all blacks debut against argentina in 2013 , will move to the province later this year after the completion of his 2015 contractual commitments .munster have signed new zealand international francis saili on a two-year deal .the 24-year-old currently plays for auckland-based super rugby side the blues and was part of the new zealand under-20 side that won the junior world championship in italy in 2011 .']\n", - "=======================\n", - "['utility back francis saili will join up with munster later this yearthe new zealand international has signed a two-year contractsaili made his debut for the all blacks against argentina in 2013']\n", - "utility back saili , who made his all blacks debut against argentina in 2013 , will move to the province later this year after the completion of his 2015 contractual commitments .munster have signed new zealand international francis saili on a two-year deal .the 24-year-old currently plays for auckland-based super rugby side the blues and was part of the new zealand under-20 side that won the junior world championship in italy in 2011 .\n", - "utility back francis saili will join up with munster later this yearthe new zealand international has signed a two-year contractsaili made his debut for the all blacks against argentina in 2013\n", - "[1.1421396 1.3601015 1.281747 1.2057431 1.1392787 1.0319544 1.1007932\n", - " 1.054002 1.046733 1.0465906 1.1331074 1.0218755 1.1062926 1.0439187\n", - " 1.0397124 1.0170677 1.0202879 1.0131259 1.0137244]\n", - "\n", - "[ 1 2 3 0 4 10 12 6 7 8 9 13 14 5 11 16 15 18 17]\n", - "=======================\n", - "['but a new generation of wipes -- known as radiance pads -- promises not only to remove eyeliner and mascara , but also to retexturise and brighten skin and , in some cases , even do away with fine lines and age spots .infused with exfoliating glycolic and fruit acids , as well as skin-soothers such as mango extract and liquorice , these new pads are beauty game-changers , offering all the benefits of a professional facial in a simple at-home swipe .face wipes have long been a lazy part of our beauty routine to cleanse skin and shift make-up .']\n", - "=======================\n", - "['face wipes have long been a lazy part of our daily beauty regimesbut a new generation of wipes promises to retexturise and brighten skindr nick lowe and lauren libbert decided to put them to the test']\n", - "but a new generation of wipes -- known as radiance pads -- promises not only to remove eyeliner and mascara , but also to retexturise and brighten skin and , in some cases , even do away with fine lines and age spots .infused with exfoliating glycolic and fruit acids , as well as skin-soothers such as mango extract and liquorice , these new pads are beauty game-changers , offering all the benefits of a professional facial in a simple at-home swipe .face wipes have long been a lazy part of our beauty routine to cleanse skin and shift make-up .\n", - "face wipes have long been a lazy part of our daily beauty regimesbut a new generation of wipes promises to retexturise and brighten skindr nick lowe and lauren libbert decided to put them to the test\n", - "[1.4475946 1.2003328 1.472833 1.1457896 1.1148589 1.1438206 1.0867922\n", - " 1.0866092 1.0804772 1.0534278 1.2017605 1.1059083 1.0511062 1.022076\n", - " 1.0538775 1.0435861 0. 0. 0. ]\n", - "\n", - "[ 2 0 10 1 3 5 4 11 6 7 8 14 9 12 15 13 17 16 18]\n", - "=======================\n", - "['rachel lynn lehnardt , 35 , from evans , georgia , was arrested on saturday night and has been charged with two counts of contributing to the delinquency of a minor .party : the mother-of-five allegedly played naked twister with her daughter and her friends before having sex with an 18-year-old male in the bathroom .the details of the drunken party emerged when lehnardt met with her alcoholics anonymous sponsor last friday and told her about the wild party .']\n", - "=======================\n", - "[\"rachel lehnardt , 35 , ` allowed her 16-year-old daughter and her friends drink alcohol and smoke marijuana in her georgia home 'they ` all played naked twister and lehnardt had sex with an 18-year-old man in the bathroom before playing with sex toys in front of the teens 'she said she went to bed alone but awoke to her daughter 's 16-year-old boyfriend having sex with her ; there are no charges against himafter the incident , she lost custody of her children and told her aa sponsor , who contacted authorities\"]\n", - "rachel lynn lehnardt , 35 , from evans , georgia , was arrested on saturday night and has been charged with two counts of contributing to the delinquency of a minor .party : the mother-of-five allegedly played naked twister with her daughter and her friends before having sex with an 18-year-old male in the bathroom .the details of the drunken party emerged when lehnardt met with her alcoholics anonymous sponsor last friday and told her about the wild party .\n", - "rachel lehnardt , 35 , ` allowed her 16-year-old daughter and her friends drink alcohol and smoke marijuana in her georgia home 'they ` all played naked twister and lehnardt had sex with an 18-year-old man in the bathroom before playing with sex toys in front of the teens 'she said she went to bed alone but awoke to her daughter 's 16-year-old boyfriend having sex with her ; there are no charges against himafter the incident , she lost custody of her children and told her aa sponsor , who contacted authorities\n", - "[1.2468472 1.4561032 1.2212908 1.2917249 1.2322861 1.2881141 1.0255128\n", - " 1.0308759 1.1382753 1.0625763 1.0620444 1.034437 1.0558476 1.0933058\n", - " 1.0467232 1.0239944 0. 0. 0. ]\n", - "\n", - "[ 1 3 5 0 4 2 8 13 9 10 12 14 11 7 6 15 17 16 18]\n", - "=======================\n", - "['vladimir bukovsky , 72 , has lived in the uk since he fled the soviet union in the 1970s after he was accused of spreading anti-soviet propaganda .he will be charged with five counts of making an indecent photograph of a child , five counts of possessing indecent photographs of children , and one count of possessing a prohibited image .but now bukovsky has been summonsed to appear at cambridge magistrates early next month following an investigation by cambridgeshire police , the crown prosecution service said .']\n", - "=======================\n", - "['vladimir bukovksy will appear at cambridge magistrates next month72-year-old is to be charged with making indecent photographs of childrendissident spent 12 years in prisons for spreading anti-soviet propaganda']\n", - "vladimir bukovsky , 72 , has lived in the uk since he fled the soviet union in the 1970s after he was accused of spreading anti-soviet propaganda .he will be charged with five counts of making an indecent photograph of a child , five counts of possessing indecent photographs of children , and one count of possessing a prohibited image .but now bukovsky has been summonsed to appear at cambridge magistrates early next month following an investigation by cambridgeshire police , the crown prosecution service said .\n", - "vladimir bukovksy will appear at cambridge magistrates next month72-year-old is to be charged with making indecent photographs of childrendissident spent 12 years in prisons for spreading anti-soviet propaganda\n", - "[1.0749823 1.3950789 1.3491063 1.418047 1.1308093 1.1606065 1.1799077\n", - " 1.0396656 1.0453098 1.1240703 1.0893614 1.0345109 1.0204687 1.0248626\n", - " 1.0528594 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 6 5 4 9 10 0 14 8 7 11 13 12 17 15 16 18]\n", - "=======================\n", - "['researchers at yahoo labs in california have created a sensor that can recognise the shape of your ear or any other body part you want to access your device ( shown )called bodyprint , the technology turns a standard touchscreen into a biometric scanner removing the need to specialist hardware such as fingerprint readers or infrared cameras .the salt card is designed to end the tiresome task of manually unlocking a smartphone or tablet by automatically making it come to life whenever the user is nearby .']\n", - "=======================\n", - "['yahoo labs in california reveals new method to unlock your phonesimply by holding it to your head , their technology can recognise your earit can also use other body parts like a fist or a palm to access your deviceit removes the need for specialist hardware like fingerprint readers']\n", - "researchers at yahoo labs in california have created a sensor that can recognise the shape of your ear or any other body part you want to access your device ( shown )called bodyprint , the technology turns a standard touchscreen into a biometric scanner removing the need to specialist hardware such as fingerprint readers or infrared cameras .the salt card is designed to end the tiresome task of manually unlocking a smartphone or tablet by automatically making it come to life whenever the user is nearby .\n", - "yahoo labs in california reveals new method to unlock your phonesimply by holding it to your head , their technology can recognise your earit can also use other body parts like a fist or a palm to access your deviceit removes the need for specialist hardware like fingerprint readers\n", - "[1.2214795 1.215537 1.1508765 1.1413182 1.2220969 1.2703556 1.104583\n", - " 1.0906096 1.0949738 1.0644611 1.0656514 1.0729387 1.0573938 1.0350482\n", - " 1.0344784 1.0850475 1.029988 1.0259823 0. 0. ]\n", - "\n", - "[ 5 4 0 1 2 3 6 8 7 15 11 10 9 12 13 14 16 17 18 19]\n", - "=======================\n", - "['ninety-one percent of turks do not believe that the events of 1915 -- when , according to armenians , 1.5 million ethnic armenians were systematically killed in the final years of the ottoman empire -- were genocide , according to a recent poll .most turks agree with gurgen .gurgen , a 55-year-old cleaner , says her family has had close friendships with armenians going back generations .']\n", - "=======================\n", - "['massacre of 1.5 million ethnic armenians under the ottoman empire is widely acknowledged by scholars as a genocide .turkish government officially denies it saying hundreds of thousands of turkish muslims and armenian christians died in intercommunal violence']\n", - "ninety-one percent of turks do not believe that the events of 1915 -- when , according to armenians , 1.5 million ethnic armenians were systematically killed in the final years of the ottoman empire -- were genocide , according to a recent poll .most turks agree with gurgen .gurgen , a 55-year-old cleaner , says her family has had close friendships with armenians going back generations .\n", - "massacre of 1.5 million ethnic armenians under the ottoman empire is widely acknowledged by scholars as a genocide .turkish government officially denies it saying hundreds of thousands of turkish muslims and armenian christians died in intercommunal violence\n", - "[1.1108054 1.4728366 1.3632842 1.3346483 1.1205148 1.0265602 1.0628875\n", - " 1.158452 1.1048169 1.0886911 1.0643574 1.0400255 1.0548418 1.1038496\n", - " 1.0676045 1.0356231 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 7 4 0 8 13 9 14 10 6 12 11 15 5 18 16 17 19]\n", - "=======================\n", - "[\"for the first time since november 23 , 2013 united sit above ` noisy neighbours ' manchester city in the premier league after having played the same number of games .following city 's 2-1 defeat at crystal palace on monday night they now trail louis van gaal 's side by a point ahead of sunday 's manchester derby at old trafford .wayne rooney ( centre ) scored a stunning half-volley as united beat aston villa 3-1 on saturday\"]\n", - "=======================\n", - "['manchester united beat aston villa 3-1 in the premier league on saturdaymanchester city lost 2-1 at crystal palace on monday nightresult means united sit one point ahead of city with seven games lefttwo sides meet in the manchester derby at old trafford on sundayclick here for all the latest manchester united news']\n", - "for the first time since november 23 , 2013 united sit above ` noisy neighbours ' manchester city in the premier league after having played the same number of games .following city 's 2-1 defeat at crystal palace on monday night they now trail louis van gaal 's side by a point ahead of sunday 's manchester derby at old trafford .wayne rooney ( centre ) scored a stunning half-volley as united beat aston villa 3-1 on saturday\n", - "manchester united beat aston villa 3-1 in the premier league on saturdaymanchester city lost 2-1 at crystal palace on monday nightresult means united sit one point ahead of city with seven games lefttwo sides meet in the manchester derby at old trafford on sundayclick here for all the latest manchester united news\n", - "[1.2050978 1.1866906 1.4160712 1.2570939 1.2882621 1.1589198 1.1155366\n", - " 1.0904111 1.0672094 1.0375623 1.0445732 1.0735312 1.0414716 1.0446367\n", - " 1.192015 1.0549617 0. 0. 0. 0. ]\n", - "\n", - "[ 2 4 3 0 14 1 5 6 7 11 8 15 13 10 12 9 16 17 18 19]\n", - "=======================\n", - "['virginia roberts is being sued for defamation by high profile us attorney alan dershowitz , who said that he wants to have her thrown in jail .mr dershowitz said that miss roberts would have to give evidence under oath and that if she repeated her claims she will have perjured herself .the woman who claimed she slept with prince andrew whilst working as a sex slave is facing a legal backlash from two other men she claimed had relations with her , it emerged yesterday .']\n", - "=======================\n", - "[\"virginia roberts is being sued for defamation by lawyer alan dershowtizmodel agency owner jean luc brunel said he is considering legal actioncomes after judge orders roberts ' sex slave claims struck from the record\"]\n", - "virginia roberts is being sued for defamation by high profile us attorney alan dershowitz , who said that he wants to have her thrown in jail .mr dershowitz said that miss roberts would have to give evidence under oath and that if she repeated her claims she will have perjured herself .the woman who claimed she slept with prince andrew whilst working as a sex slave is facing a legal backlash from two other men she claimed had relations with her , it emerged yesterday .\n", - "virginia roberts is being sued for defamation by lawyer alan dershowtizmodel agency owner jean luc brunel said he is considering legal actioncomes after judge orders roberts ' sex slave claims struck from the record\n", - "[1.3289485 1.3354499 1.3362087 1.3695489 1.0168698 1.0322376 1.0292236\n", - " 1.0395097 1.0527649 1.157372 1.1401674 1.0907634 1.0154973 1.0189157\n", - " 1.1456542 1.0498661 1.0607084 1.076086 1.0354221 1.0197642]\n", - "\n", - "[ 3 2 1 0 9 14 10 11 17 16 8 15 7 18 5 6 19 13 4 12]\n", - "=======================\n", - "[\"ferrari 's sebastian vettel , a surprise winner last time out in malaysia , will start third , albeit down by nine tenths of a second on hamilton .the 30-year-old briton ultimately finished just 0.042 secs ahead of his mercedes team-mate nico rosberg to give the team another front-row lock out .hamilton now has a record five poles to his name at the track , and three in succession , to take his tally to 41 overall in his career .\"]\n", - "=======================\n", - "[\"lewis hamilton claimed his third straight pole position of the seasonnico rosberg was just 0.042 secs slower than his mercedes team-mategerman says : ` oh , come on , guys , ' when told he is slower than hamiltonsebastian vettel will start third for ferrari with felipe massa fourthmclaren endured another difficult day with jenson button and fernando alonso only 17th and 18th on the grid for sunday 's race\"]\n", - "ferrari 's sebastian vettel , a surprise winner last time out in malaysia , will start third , albeit down by nine tenths of a second on hamilton .the 30-year-old briton ultimately finished just 0.042 secs ahead of his mercedes team-mate nico rosberg to give the team another front-row lock out .hamilton now has a record five poles to his name at the track , and three in succession , to take his tally to 41 overall in his career .\n", - "lewis hamilton claimed his third straight pole position of the seasonnico rosberg was just 0.042 secs slower than his mercedes team-mategerman says : ` oh , come on , guys , ' when told he is slower than hamiltonsebastian vettel will start third for ferrari with felipe massa fourthmclaren endured another difficult day with jenson button and fernando alonso only 17th and 18th on the grid for sunday 's race\n", - "[1.5379943 1.4050927 1.2989552 1.4595224 1.2280864 1.0619978 1.2642797\n", - " 1.02632 1.0194471 1.0133755 1.0169865 1.0139327 1.0138929 1.1193588\n", - " 1.0558226 1.0150245 1.0134733 1.292496 0. 0. ]\n", - "\n", - "[ 0 3 1 2 17 6 4 13 5 14 7 8 10 15 11 12 16 9 18 19]\n", - "=======================\n", - "[\"diego costa will miss four weeks with a hamstring injury , chelsea manager jose mourinho has confirmed .diego costa ( centre ) has been ruled out for up to the next four weeks after injuring his hamstring vs stokethe spain striker aggravated a hamstring problem in last weekend 's win over stoke .\"]\n", - "=======================\n", - "['chelsea beat stoke 2-1 at home in the premier league on april 4diego costa limped off in the second half after aggravating his hamstringblues travel to qpr on sunday in a west london derby at loftus road']\n", - "diego costa will miss four weeks with a hamstring injury , chelsea manager jose mourinho has confirmed .diego costa ( centre ) has been ruled out for up to the next four weeks after injuring his hamstring vs stokethe spain striker aggravated a hamstring problem in last weekend 's win over stoke .\n", - "chelsea beat stoke 2-1 at home in the premier league on april 4diego costa limped off in the second half after aggravating his hamstringblues travel to qpr on sunday in a west london derby at loftus road\n", - "[1.2112169 1.2400249 1.1012161 1.0693609 1.0900806 1.2562735 1.1331413\n", - " 1.1257409 1.1739013 1.2502686 1.0676173 1.086186 1.0717907 1.0378902\n", - " 1.0576917 1.0693171 1.0457816 1.0309954 1.0333656 0. ]\n", - "\n", - "[ 5 9 1 0 8 6 7 2 4 11 12 3 15 10 14 16 13 18 17 19]\n", - "=======================\n", - "[\"alastair cook 's former team-mate graeme swann pointed out when the england captain 's form turnedadil rashid was made to wait for his test debut after being left out after much discussion on day oneon test match special , graeme swann revealed the exact moment cook 's form with the bat took a turn for the worse .\"]\n", - "=======================\n", - "[\"graeme swann revealed the exact moment alastair cook 's form turnedif adil rashid was picked for the second test he 'd be england 666th playerdevon smith was the first grenadan ever to score a test run in grenada\"]\n", - "alastair cook 's former team-mate graeme swann pointed out when the england captain 's form turnedadil rashid was made to wait for his test debut after being left out after much discussion on day oneon test match special , graeme swann revealed the exact moment cook 's form with the bat took a turn for the worse .\n", - "graeme swann revealed the exact moment alastair cook 's form turnedif adil rashid was picked for the second test he 'd be england 666th playerdevon smith was the first grenadan ever to score a test run in grenada\n", - "[1.2203022 1.3989679 1.1594467 1.3537205 1.0842159 1.2270033 1.0911151\n", - " 1.0270276 1.1220745 1.0611333 1.1059442 1.0340241 1.0450307 1.0559269\n", - " 1.022132 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 5 0 2 8 10 6 4 9 13 12 11 7 14 15 16 17 18 19]\n", - "=======================\n", - "[\"the fledgling actress and dancer has been unveiled as mulberry 's new ambassador - and shows off her modelling skills in new imagery released by the british fashion giant .the shoot follows the release of a short film last month for the fashion house .she shot to fame as the pretty blonde on prince harry 's arm , but cressida bonas is keen to make a name for herself away from the royal limelight .\"]\n", - "=======================\n", - "[\"cressida , 26 , models british fashion house 's spring/summer 15 rangeshows off impressive dance moves in shootaccomplished actress and dancer to star in harvey weinstein 's tulip fever\"]\n", - "the fledgling actress and dancer has been unveiled as mulberry 's new ambassador - and shows off her modelling skills in new imagery released by the british fashion giant .the shoot follows the release of a short film last month for the fashion house .she shot to fame as the pretty blonde on prince harry 's arm , but cressida bonas is keen to make a name for herself away from the royal limelight .\n", - "cressida , 26 , models british fashion house 's spring/summer 15 rangeshows off impressive dance moves in shootaccomplished actress and dancer to star in harvey weinstein 's tulip fever\n", - "[1.3957846 1.4314656 1.4116362 1.2137965 1.3732946 1.3248112 1.1677221\n", - " 1.0218203 1.0177354 1.0150857 1.0262597 1.016819 1.0230191 1.008719\n", - " 1.1435554 1.0203996 1.0192851 1.0126482 1.0170704 1.012892 ]\n", - "\n", - "[ 1 2 0 4 5 3 6 14 10 12 7 15 16 8 18 11 9 19 17 13]\n", - "=======================\n", - "[\"the west ham manager feels paying sterling more than the # 100,000-per-week deal he was already offered would lead to the 20-year-old 's team-mates demanding more .yet allardyce does not blame sterling , currently on # 35,000 a week at liverpool , for trying to get as much as possible .sam allardyce has warned brendan rodgers that putting raheem sterling on a bumper new contract could cause a ripple effect across the rest of the liverpool squad .\"]\n", - "=======================\n", - "[\"west ham manager sam allardyce has warned brendan rodgers that any bumper deal offered to raheem sterling could upset other liverpool playerssterling has recently rejected terms of # 100,000 per week at the anfield clubthe england international is widely regarded as one of the best young talents this country has to offerspeaking ahead of west ham 's game with leicester , allardyce also took time to defend under-fire foxes boss nigel pearsonpearson was part of allardyce 's coaching staff when he managed newcastle\"]\n", - "the west ham manager feels paying sterling more than the # 100,000-per-week deal he was already offered would lead to the 20-year-old 's team-mates demanding more .yet allardyce does not blame sterling , currently on # 35,000 a week at liverpool , for trying to get as much as possible .sam allardyce has warned brendan rodgers that putting raheem sterling on a bumper new contract could cause a ripple effect across the rest of the liverpool squad .\n", - "west ham manager sam allardyce has warned brendan rodgers that any bumper deal offered to raheem sterling could upset other liverpool playerssterling has recently rejected terms of # 100,000 per week at the anfield clubthe england international is widely regarded as one of the best young talents this country has to offerspeaking ahead of west ham 's game with leicester , allardyce also took time to defend under-fire foxes boss nigel pearsonpearson was part of allardyce 's coaching staff when he managed newcastle\n", - "[1.1927458 1.4793999 1.2776752 1.3032271 1.2708802 1.1882868 1.0767641\n", - " 1.1117773 1.099404 1.0702065 1.0971646 1.029864 1.0207602 1.010215\n", - " 1.013308 1.0395825 1.030979 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 5 7 8 10 6 9 15 16 11 12 14 13 17 18 19]\n", - "=======================\n", - "[\"ex-bolton wanderers forward delroy facey , 34 , is also alleged to have told a contact that some football conference teams would ` do ' a game in return for payment .delroy facey ( right ) arrives at birmingham crown court for the start of his trial on monday .facey , whose former clubs include hull city and west bromwich albion , is accused of conspiring with non-league player moses swaibu and others to commit bribery .\"]\n", - "=======================\n", - "[\"delroy facey is standing trial in birmingham over match-fixing allegationsthe former premier league footballer denies conspiracy to commit briberyfacey formerly played for bolton wanderers , west brom and hull city34-year-old is alleged to have offered hyde fc 's scott spencer # 2,000facey stands trial alongside former non-league player moses swaibu , who also denies the charges\"]\n", - "ex-bolton wanderers forward delroy facey , 34 , is also alleged to have told a contact that some football conference teams would ` do ' a game in return for payment .delroy facey ( right ) arrives at birmingham crown court for the start of his trial on monday .facey , whose former clubs include hull city and west bromwich albion , is accused of conspiring with non-league player moses swaibu and others to commit bribery .\n", - "delroy facey is standing trial in birmingham over match-fixing allegationsthe former premier league footballer denies conspiracy to commit briberyfacey formerly played for bolton wanderers , west brom and hull city34-year-old is alleged to have offered hyde fc 's scott spencer # 2,000facey stands trial alongside former non-league player moses swaibu , who also denies the charges\n", - "[1.4015526 1.4912025 1.177673 1.2442712 1.0556612 1.1060781 1.0222061\n", - " 1.0589505 1.0429991 1.054141 1.1091878 1.0740527 1.038056 1.0264274\n", - " 1.0198078 1.0139103 1.0227919 1.0222445 1.0171857 0. ]\n", - "\n", - "[ 1 0 3 2 10 5 11 7 4 9 8 12 13 16 17 6 14 18 15 19]\n", - "=======================\n", - "[\"fronted by captain jamie heaslip , leinster are armed with international experience and had 11 players in the ireland squad who beat england last month .as eight teams prepare to battle it out for a place in the semi-finals of this season 's european rugby champions cup , sportsmail 's nik simon gives us a run-down of each of the sides left in the competition .poor league form has stunted leinster 's season , with the dublin side currently fifth in the pro12 competition after winning just one of their last five fixtures .\"]\n", - "=======================\n", - "['eight teams are left to battle for a place in the semi-finals of the european rugby champions cupsportsmail takes a look at their strengths , weaknesses , key players and record in the competition up until nowthe quarter-finals will be played over saturday and sunday april 4-5']\n", - "fronted by captain jamie heaslip , leinster are armed with international experience and had 11 players in the ireland squad who beat england last month .as eight teams prepare to battle it out for a place in the semi-finals of this season 's european rugby champions cup , sportsmail 's nik simon gives us a run-down of each of the sides left in the competition .poor league form has stunted leinster 's season , with the dublin side currently fifth in the pro12 competition after winning just one of their last five fixtures .\n", - "eight teams are left to battle for a place in the semi-finals of the european rugby champions cupsportsmail takes a look at their strengths , weaknesses , key players and record in the competition up until nowthe quarter-finals will be played over saturday and sunday april 4-5\n", - "[1.1891024 1.1038086 1.3292352 1.3118473 1.2068228 1.0525031 1.0532109\n", - " 1.0880259 1.1021231 1.0894344 1.0951921 1.0271842 1.0163778 1.0307676\n", - " 1.0446692 1.0213604 1.0158541 1.0221424 1.0593097 1.0718158 1.0725399\n", - " 1.0794237 1.0795062 1.0140543 1.0162498 1.0072215]\n", - "\n", - "[ 2 3 4 0 1 8 10 9 7 22 21 20 19 18 6 5 14 13 11 17 15 12 24 16\n", - " 23 25]\n", - "=======================\n", - "['twelve people were killed and 70 were injured .on monday , shooting suspect james holmes goes on trial for 165 counts , including murder and attempted murder charges .he has pleaded not guilty by reason of insanity .']\n", - "=======================\n", - "[\"trial for aurora theater shooting suspect begins mondaysurvivors say the shooting changed their lives , but does n't define it\"]\n", - "twelve people were killed and 70 were injured .on monday , shooting suspect james holmes goes on trial for 165 counts , including murder and attempted murder charges .he has pleaded not guilty by reason of insanity .\n", - "trial for aurora theater shooting suspect begins mondaysurvivors say the shooting changed their lives , but does n't define it\n", - "[1.2688987 1.454143 1.2550365 1.194376 1.2951648 1.122437 1.1535121\n", - " 1.1690478 1.0832145 1.0458189 1.0161445 1.0278965 1.0333652 1.0377027\n", - " 1.1210715 1.0904367 1.0499179 1.022847 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 2 3 7 6 5 14 15 8 16 9 13 12 11 17 10 18 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "[\"apryl foster was last seen on february 12 leaving a bar alone in ybor city after a night of partying , having finished work at 11pm at ulele restaurant , where she was a waitress .accidental death : an autopsy has show apryl foster 's blood alcohol level was 0.18 , which is over twice the legal limit for driving , and detected the presence of thc , a component of marijuanaafter a widespread search , the 33-year-old was found by divers in her submerged car in brandon , just a few blocks from her house .\"]\n", - "=======================\n", - "['apryl foster , 33 , was last seen on february 12 in ybor city , floridacctv footage speaking with a man before leaving a tampa-area bar aloneher body was found 10 days later inside her drowned carit was just a few blocks from her house in brandonautopsy found a high blood alcohol level and marijuana in her systemdeath has been ruled an accidental drowning']\n", - "apryl foster was last seen on february 12 leaving a bar alone in ybor city after a night of partying , having finished work at 11pm at ulele restaurant , where she was a waitress .accidental death : an autopsy has show apryl foster 's blood alcohol level was 0.18 , which is over twice the legal limit for driving , and detected the presence of thc , a component of marijuanaafter a widespread search , the 33-year-old was found by divers in her submerged car in brandon , just a few blocks from her house .\n", - "apryl foster , 33 , was last seen on february 12 in ybor city , floridacctv footage speaking with a man before leaving a tampa-area bar aloneher body was found 10 days later inside her drowned carit was just a few blocks from her house in brandonautopsy found a high blood alcohol level and marijuana in her systemdeath has been ruled an accidental drowning\n", - "[1.2146947 1.3477914 1.108427 1.1468539 1.2480197 1.1748333 1.0922954\n", - " 1.1095198 1.0672472 1.0830287 1.1036662 1.0494676 1.0706042 1.0884347\n", - " 1.0410601 1.0666978 1.0692387 1.0216824 1.0488776 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 5 3 7 2 10 6 13 9 12 16 8 15 11 18 14 17 24 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "[\"a female employee accused xavier morales , a supervisor within the agency , of assault after he made sexual advances at her , according to the washington post .the post reports that the march 31 party was in celebration of morales ' new assignment as head of the louisville field office .( cnn ) just as the agency begins to recover from a series of high-profile missteps , the secret service is facing yet another scandal .\"]\n", - "=======================\n", - "[\"secret service says supervisor 's security clearance has been suspendedhe is accused of trying to kiss a colleague\"]\n", - "a female employee accused xavier morales , a supervisor within the agency , of assault after he made sexual advances at her , according to the washington post .the post reports that the march 31 party was in celebration of morales ' new assignment as head of the louisville field office .( cnn ) just as the agency begins to recover from a series of high-profile missteps , the secret service is facing yet another scandal .\n", - "secret service says supervisor 's security clearance has been suspendedhe is accused of trying to kiss a colleague\n", - "[1.3348808 1.3188971 1.1832138 1.4832015 1.4185851 1.061487 1.0097482\n", - " 1.0342977 1.0542988 1.1278753 1.0218883 1.0307453 1.0308362 1.0072001\n", - " 1.0390748 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 0 1 2 9 5 8 14 7 12 11 10 6 13 24 15 16 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "['nick abendanon breaks clear to score for clermont in their thrashing of northampton on saturdaythe english full back was man of the match for the third time against premiership opposition this yearnick abendanon was perhaps the only happy englishman at stade marcel michelin on saturday night and , after leading northampton a merry dance , he revealed faint but lingering world cup hopes .']\n", - "=======================\n", - "[\"nick abendanon was man of the match in clermont win over northamptonclermont thrashed premiership 's saints 37-5 at stade marcel-michelinformer bath full back conceded england career over after france movebut abendanon 's not yet given up hope of a call-up to the national teamhe hopes to be spoken of in the same way as toulon 's steffon armitage\"]\n", - "nick abendanon breaks clear to score for clermont in their thrashing of northampton on saturdaythe english full back was man of the match for the third time against premiership opposition this yearnick abendanon was perhaps the only happy englishman at stade marcel michelin on saturday night and , after leading northampton a merry dance , he revealed faint but lingering world cup hopes .\n", - "nick abendanon was man of the match in clermont win over northamptonclermont thrashed premiership 's saints 37-5 at stade marcel-michelinformer bath full back conceded england career over after france movebut abendanon 's not yet given up hope of a call-up to the national teamhe hopes to be spoken of in the same way as toulon 's steffon armitage\n", - "[1.259475 1.3896707 1.2717831 1.2969363 1.1263802 1.0540185 1.2188957\n", - " 1.1444814 1.060381 1.069099 1.0420543 1.0499547 1.174417 1.0302052\n", - " 1.1264386 1.0489672 1.0663321 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 6 12 7 14 4 9 16 8 5 11 15 10 13 24 17 18 19 20 21 22\n", - " 23 25]\n", - "=======================\n", - "['long tailbacks built up on both sides of the carriageway as a stretch of the motorway between junctions four and five in ortford , kent was closed so an air ambulance could land to rescue a seriously injured female motorcyclist .motorists who were caught playing football on the m25 after becoming stuck in a major traffic jam on the motorway in kentkent police tweeted warning motorists to remain inside their vehicles while they were stuck in the gridlock']\n", - "=======================\n", - "['kent police received reports of a kick-about on a closed stretch of the m25came after an air ambulance was called to rescue an injured motorcyclisttwo teens were also rescued after becoming stranded on opposite carriagehappened when the pair wandered on to the clockwise carriageway as it reopened']\n", - "long tailbacks built up on both sides of the carriageway as a stretch of the motorway between junctions four and five in ortford , kent was closed so an air ambulance could land to rescue a seriously injured female motorcyclist .motorists who were caught playing football on the m25 after becoming stuck in a major traffic jam on the motorway in kentkent police tweeted warning motorists to remain inside their vehicles while they were stuck in the gridlock\n", - "kent police received reports of a kick-about on a closed stretch of the m25came after an air ambulance was called to rescue an injured motorcyclisttwo teens were also rescued after becoming stranded on opposite carriagehappened when the pair wandered on to the clockwise carriageway as it reopened\n", - "[1.3221195 1.4576427 1.1957432 1.1911602 1.3197513 1.0688642 1.1533457\n", - " 1.0397868 1.0198612 1.0396935 1.0248096 1.0500957 1.02153 1.061312\n", - " 1.0393809 1.1208313 1.3577136 0. 0. 0. 0. ]\n", - "\n", - "[ 1 16 0 4 2 3 6 15 5 13 11 7 9 14 10 12 8 19 17 18 20]\n", - "=======================\n", - "[\"the chelsea manager also described sw19 as ` more than a grand slam ' due to its traditions and aura .andy murray beat novak djokovic ( right ) in straight sets to win britian 's first men 's championship in 77 yearsjose mourinho has revealed that he felt like he was british when andy murray won wimbledon two years ago .\"]\n", - "=======================\n", - "[\"andy murray beat novak djokovic in straights sets to win at sw19 in 2013jose mourinho said he could feel the emotion of what it meant to murraymourinho also hails wimbledon as ` more than a grand slam 'read : mourinho critics do n't have a leg to stand on as he gets job done\"]\n", - "the chelsea manager also described sw19 as ` more than a grand slam ' due to its traditions and aura .andy murray beat novak djokovic ( right ) in straight sets to win britian 's first men 's championship in 77 yearsjose mourinho has revealed that he felt like he was british when andy murray won wimbledon two years ago .\n", - "andy murray beat novak djokovic in straights sets to win at sw19 in 2013jose mourinho said he could feel the emotion of what it meant to murraymourinho also hails wimbledon as ` more than a grand slam 'read : mourinho critics do n't have a leg to stand on as he gets job done\n", - "[1.2305955 1.425767 1.3760153 1.2713728 1.1539758 1.0889177 1.0886936\n", - " 1.1225513 1.1118705 1.0544375 1.1496235 1.0383995 1.0394061 1.086479\n", - " 1.0575843 1.0575546 1.0836562 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 10 7 8 5 6 13 16 14 15 9 12 11 19 17 18 20]\n", - "=======================\n", - "['officials ordered 250,000 birds to be slaughtered in telangana after cases of the h5n1 virus were identified , which can be deadly in humans .the virus caused the deaths of nearly 400 people and hundreds of millions of poultry after it spread from asia into europe and africa in 2005-2006 .thousands of chickens and other poultry have been culled following the outbreak of a highly contagious strain of bird flu in india .']\n", - "=======================\n", - "['follows outbreak of h5n1 virus which can be deadly in humanschickens culled and eggs buried in pits in bid to contain virusvirus has caused deaths of nearly 400 people worldwide since 2006']\n", - "officials ordered 250,000 birds to be slaughtered in telangana after cases of the h5n1 virus were identified , which can be deadly in humans .the virus caused the deaths of nearly 400 people and hundreds of millions of poultry after it spread from asia into europe and africa in 2005-2006 .thousands of chickens and other poultry have been culled following the outbreak of a highly contagious strain of bird flu in india .\n", - "follows outbreak of h5n1 virus which can be deadly in humanschickens culled and eggs buried in pits in bid to contain virusvirus has caused deaths of nearly 400 people worldwide since 2006\n", - "[1.227591 1.449228 1.3643098 1.2236996 1.0448978 1.0515087 1.0794871\n", - " 1.0699089 1.0597903 1.1053565 1.0914599 1.11486 1.1140977 1.0525976\n", - " 1.0113404 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 11 12 9 10 6 7 8 13 5 4 14 19 15 16 17 18 20]\n", - "=======================\n", - "['kyle seitz , 37 , of ridgefield , received two years of conditional release , a sentence similar to probation , at the hearing in danbury superior court after his lawyer read aloud a letter written by his wife asking the judge for leniency on his behalf .authorities say seitz forgot to take his 15-month-old son , benjamin , to day care on the morning of july 7 , 2014 , and left him in the car for seven hours while he went to work .a connecticut judge spared today a father from prison time in the death of the young son he left in a car on a hot day , saying the man had suffered enough .']\n", - "=======================\n", - "[\"kyle seitz , 37 , of connecticut , entered a so-called alford plea in which he did n't admit guilt but agreed there was enough evidence to convict himseitz forgot to take son benjamin to daycare last july and accidentally left him in the car for more than seven hours while he went to work , he sayshe returned to the car during the day and drove to get lunch , not realizing the toddler was in the backseatwife lindsey rogers-seitz wrote in a letter asking for leniency that her husband is an amazing father\"]\n", - "kyle seitz , 37 , of ridgefield , received two years of conditional release , a sentence similar to probation , at the hearing in danbury superior court after his lawyer read aloud a letter written by his wife asking the judge for leniency on his behalf .authorities say seitz forgot to take his 15-month-old son , benjamin , to day care on the morning of july 7 , 2014 , and left him in the car for seven hours while he went to work .a connecticut judge spared today a father from prison time in the death of the young son he left in a car on a hot day , saying the man had suffered enough .\n", - "kyle seitz , 37 , of connecticut , entered a so-called alford plea in which he did n't admit guilt but agreed there was enough evidence to convict himseitz forgot to take son benjamin to daycare last july and accidentally left him in the car for more than seven hours while he went to work , he sayshe returned to the car during the day and drove to get lunch , not realizing the toddler was in the backseatwife lindsey rogers-seitz wrote in a letter asking for leniency that her husband is an amazing father\n", - "[1.466901 1.2730298 1.4878744 1.064858 1.1313764 1.1861879 1.148869\n", - " 1.1934141 1.0726823 1.0298799 1.012904 1.0179154 1.0151358 1.1109663\n", - " 1.0412297 1.0287576 1.016586 1.0102328 1.0158119 1.0174816 1.0463092]\n", - "\n", - "[ 2 0 1 7 5 6 4 13 8 3 20 14 9 15 11 19 16 18 12 10 17]\n", - "=======================\n", - "[\"sterling , 20 , has been offered a new # 100,000-a-week contract to stay at the club but admitted he is ` flattered ' by interest from arsenal .brendan rodgers will deliver his weekly briefing to the media on friday afternoon , previewing the showdown with arsenal on saturday and discussing the future of raheem sterling .the young england star has moved a step closer to an anfield exit after revealing in a tv interview that he is not ready to sign a new contract at anfield .\"]\n", - "=======================\n", - "['rodgers will hold press briefing ahead of arsenal match at 2pmsterling set to dominate the agenda after moving closer to anfield exitengland star said he was not ready to sign a new contract with liverpool20-year-old has been offered a # 100,000-a-week deal to stayread : the rise of raheem sterling : from # 60 a day at qpr to knocking back # 100,000-per-week contracts at liverpoolclick for the latest liverpool fc news and sterling contract saga reaction']\n", - "sterling , 20 , has been offered a new # 100,000-a-week contract to stay at the club but admitted he is ` flattered ' by interest from arsenal .brendan rodgers will deliver his weekly briefing to the media on friday afternoon , previewing the showdown with arsenal on saturday and discussing the future of raheem sterling .the young england star has moved a step closer to an anfield exit after revealing in a tv interview that he is not ready to sign a new contract at anfield .\n", - "rodgers will hold press briefing ahead of arsenal match at 2pmsterling set to dominate the agenda after moving closer to anfield exitengland star said he was not ready to sign a new contract with liverpool20-year-old has been offered a # 100,000-a-week deal to stayread : the rise of raheem sterling : from # 60 a day at qpr to knocking back # 100,000-per-week contracts at liverpoolclick for the latest liverpool fc news and sterling contract saga reaction\n", - "[1.4412403 1.5449157 1.3454669 1.3582468 1.1193091 1.0872953 1.042644\n", - " 1.0096982 1.0114495 1.0257537 1.1270335 1.1714386 1.0157703 1.0277617\n", - " 1.0271553 1.0152829 1.0285226 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 11 10 4 5 6 16 13 14 9 12 15 8 7 19 17 18 20]\n", - "=======================\n", - "[\"chelsea , arsenal and manchester city were eliminated at the champions league last 16 stage , and everton were dumped out of the europa league in the same round .atletico madrid boss diego simeone believes english football needs to ` wake up ' after this season 's poor showing in europe .simeone believes that spain is still home to the two best teams in europe - wednesday night 's opponents real madrid , who have home advantage after a 0-0 draw at the vicente calderon last week , and barcelona .\"]\n", - "=======================\n", - "['there are no english clubs left in the champions league or europa leaguediego simeone admits he is surprised at the plight of premier league sideshe believes barcelona and real madrid are the top two clubs in europeatletico madrid face real madrid in their champions league quarter-final']\n", - "chelsea , arsenal and manchester city were eliminated at the champions league last 16 stage , and everton were dumped out of the europa league in the same round .atletico madrid boss diego simeone believes english football needs to ` wake up ' after this season 's poor showing in europe .simeone believes that spain is still home to the two best teams in europe - wednesday night 's opponents real madrid , who have home advantage after a 0-0 draw at the vicente calderon last week , and barcelona .\n", - "there are no english clubs left in the champions league or europa leaguediego simeone admits he is surprised at the plight of premier league sideshe believes barcelona and real madrid are the top two clubs in europeatletico madrid face real madrid in their champions league quarter-final\n", - "[1.1158487 1.1773026 1.0666339 1.3128525 1.3857095 1.1092025 1.1464425\n", - " 1.1864305 1.2042071 1.1137967 1.0915128 1.0197632 1.025836 1.1612369\n", - " 1.1029853 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 3 8 7 1 13 6 0 9 5 14 10 2 12 11 18 15 16 17 19]\n", - "=======================\n", - "[\"only just over half ( 53 per cent ) know the duke of wellington led the british forces , while one in seven believe that it was the french who were victorious in 1815 .research has revealed that three out of four people have little or no knowledge about the battle of waterloo .forty-seven per cent of 2,070 adults polled said they did n't know , or they thought the man in charge was either sir francis drake , sir winston churchill , king arthur or even harry potter 's wizardry mentor albus dumbledore .\"]\n", - "=======================\n", - "['at waterloo bicentenary , research shows adults know little about the battleonly just over half polled knew the duke of wellington led british forcesone in eight between 18-24 said they had never heard of the famous battleyoung people likely to associate waterloo with abba and london station']\n", - "only just over half ( 53 per cent ) know the duke of wellington led the british forces , while one in seven believe that it was the french who were victorious in 1815 .research has revealed that three out of four people have little or no knowledge about the battle of waterloo .forty-seven per cent of 2,070 adults polled said they did n't know , or they thought the man in charge was either sir francis drake , sir winston churchill , king arthur or even harry potter 's wizardry mentor albus dumbledore .\n", - "at waterloo bicentenary , research shows adults know little about the battleonly just over half polled knew the duke of wellington led british forcesone in eight between 18-24 said they had never heard of the famous battleyoung people likely to associate waterloo with abba and london station\n", - "[1.2837902 1.3311286 1.4054627 1.1912134 1.1875218 1.1679925 1.2617776\n", - " 1.0698763 1.0438668 1.1024108 1.0669454 1.0306586 1.025437 1.0621234\n", - " 1.0756352 1.0679305 1.2243825 1.0472258 0. 0. ]\n", - "\n", - "[ 2 1 0 6 16 3 4 5 9 14 7 15 10 13 17 8 11 12 18 19]\n", - "=======================\n", - "[\"daniel messel , 49 , was arrested hours later and has been charged in her death .wilson 's body was found in rural brown county , about 10 miles from the campus , on friday morning after a night out .friends of murdered indiana university student hannah wilson have said she was last seen at the same bar where lauren spierer partied before she vanished in 2011 .\"]\n", - "=======================\n", - "[\"police said the circumstances of the disappearances of hannah wilson and lauren spierer are ` eerily similar 'spierer , 20 , went missing in 2011 after a night partying with friends ; her body has never been found and no criminal charges have been filedwilson 's body was found on rural land about 10 miles away last friday and it is believed she died of blunt force traumadaniel messel , 49 , has been arrested in her death ` after a cellphone at her feet was traced back to him and he had blood inside his car '\"]\n", - "daniel messel , 49 , was arrested hours later and has been charged in her death .wilson 's body was found in rural brown county , about 10 miles from the campus , on friday morning after a night out .friends of murdered indiana university student hannah wilson have said she was last seen at the same bar where lauren spierer partied before she vanished in 2011 .\n", - "police said the circumstances of the disappearances of hannah wilson and lauren spierer are ` eerily similar 'spierer , 20 , went missing in 2011 after a night partying with friends ; her body has never been found and no criminal charges have been filedwilson 's body was found on rural land about 10 miles away last friday and it is believed she died of blunt force traumadaniel messel , 49 , has been arrested in her death ` after a cellphone at her feet was traced back to him and he had blood inside his car '\n", - "[1.2922063 1.4583744 1.295868 1.2914392 1.2711585 1.1873246 1.1737523\n", - " 1.1395214 1.0476799 1.0240936 1.1831957 1.0356656 1.0197939 1.0159667\n", - " 1.036624 1.0302807 1.0289675 1.037982 1.0158228 1.0096929]\n", - "\n", - "[ 1 2 0 3 4 5 10 6 7 8 17 14 11 15 16 9 12 13 18 19]\n", - "=======================\n", - "[\"the body of sarah fox , 27 , was found by police on thursday night , just hours before her 57-year-old mother bernadette was found dead at sheltered accommodation just half a mile away .merseyside police said mrs fox died of asphyxiation , while her daughter was repeatedly stabbed .the family of bernadette ( left ) and sarah family today said they are ` absolutely devastated ' at their loss\"]\n", - "=======================\n", - "[\"sarah fox , 27 , was found dead at her home in bootle on thursday nighther mother bernadette , 57 , was later found at sheltered accommodationpolice are appealing for help in tracing bernadette 's son peter fox , 26merseyside police believe both women were known to alleged murdererbernadette and sarah 's family are ` absolutely devastated ' at their loss\"]\n", - "the body of sarah fox , 27 , was found by police on thursday night , just hours before her 57-year-old mother bernadette was found dead at sheltered accommodation just half a mile away .merseyside police said mrs fox died of asphyxiation , while her daughter was repeatedly stabbed .the family of bernadette ( left ) and sarah family today said they are ` absolutely devastated ' at their loss\n", - "sarah fox , 27 , was found dead at her home in bootle on thursday nighther mother bernadette , 57 , was later found at sheltered accommodationpolice are appealing for help in tracing bernadette 's son peter fox , 26merseyside police believe both women were known to alleged murdererbernadette and sarah 's family are ` absolutely devastated ' at their loss\n", - "[1.38276 1.4302745 1.2201949 1.1865094 1.109642 1.1075515 1.0839621\n", - " 1.0402002 1.1385722 1.0442436 1.0512427 1.0451652 1.0415281 1.0551622\n", - " 1.0978374 1.0485908 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 8 4 5 14 6 13 10 15 11 9 12 7 18 16 17 19]\n", - "=======================\n", - "[\"at least 10 iraqi security forces were killed in the attacks , according to faleh al-essawi , the deputy head of iraq 's anbar provincial council .( cnn ) isis fighters seized several districts in the iraqi city of ramadi in an hours-long assault friday that included suicide and car bombs , an iraqi provincial official said .and the head of the iraqi military operation in anbar province , gen. qassim al-muhammadi , was wounded .\"]\n", - "=======================\n", - "['anbar provincial official : suicide and car bombs were part of the isis assaultiraqi and allied forces have had recent success , but isis remains powerful']\n", - "at least 10 iraqi security forces were killed in the attacks , according to faleh al-essawi , the deputy head of iraq 's anbar provincial council .( cnn ) isis fighters seized several districts in the iraqi city of ramadi in an hours-long assault friday that included suicide and car bombs , an iraqi provincial official said .and the head of the iraqi military operation in anbar province , gen. qassim al-muhammadi , was wounded .\n", - "anbar provincial official : suicide and car bombs were part of the isis assaultiraqi and allied forces have had recent success , but isis remains powerful\n", - "[1.2364982 1.5339712 1.1949353 1.2407798 1.1291735 1.1090816 1.0644234\n", - " 1.0220355 1.0137885 1.3136108 1.1491396 1.178333 1.1295252 1.1172231\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 9 3 0 2 11 10 12 4 13 5 6 7 8 18 14 15 16 17 19]\n", - "=======================\n", - "[\"the freshmen students from yichuan , shaanxi province took the exam on saturday in the first attempt by the school to allow pupils to sit exams in the open .the paper reported that the grade one students at yichuan senior high school suggested and organised the outdoor exam themselves .these extraordinary pictures show more than 1,700 chinese students taking an exam in their high school 's playground - because they could not all fit inside .\"]\n", - "=======================\n", - "[\"more than 1,700 students were spotted taking an exam in an open-air playground at a chinese high schoolgrade one pupils at school in yichuan , shaanxi province could not all fit inside the building to take examyichuan senior high school officials said sitting exam outside would test the students ' organizing capacity\"]\n", - "the freshmen students from yichuan , shaanxi province took the exam on saturday in the first attempt by the school to allow pupils to sit exams in the open .the paper reported that the grade one students at yichuan senior high school suggested and organised the outdoor exam themselves .these extraordinary pictures show more than 1,700 chinese students taking an exam in their high school 's playground - because they could not all fit inside .\n", - "more than 1,700 students were spotted taking an exam in an open-air playground at a chinese high schoolgrade one pupils at school in yichuan , shaanxi province could not all fit inside the building to take examyichuan senior high school officials said sitting exam outside would test the students ' organizing capacity\n", - "[1.2892113 1.4470572 1.1782911 1.3775522 1.2638081 1.1381654 1.1585207\n", - " 1.0280589 1.0257244 1.0529748 1.0482717 1.0286807 1.0726517 1.0315814\n", - " 1.0326889 1.0289091 0. 0. ]\n", - "\n", - "[ 1 3 0 4 2 6 5 12 9 10 14 13 15 11 7 8 16 17]\n", - "=======================\n", - "[\"the planetary society analysed the feasibility and cost of a crewed mission to orbit the martian moon phobos in 2033 , leading up to a crewed landing on the red planet in 2039 .the phobos orbital mission would last approximately 30 months , with nine months of travel each way and 12 months in orbit , the panelists said .it concluded that such a plan could indeed fit within nasa 's human space exploration budget - but that politics is holding the decision back .\"]\n", - "=======================\n", - "[\"planetary society analysed the feasibility and cost of missionscrewed mission to orbit the martian moon phobos in 2033 first stepwill lead up to a crewed landing on the red planet in 2039report says missions fit within nasa 's human space exploration budget\"]\n", - "the planetary society analysed the feasibility and cost of a crewed mission to orbit the martian moon phobos in 2033 , leading up to a crewed landing on the red planet in 2039 .the phobos orbital mission would last approximately 30 months , with nine months of travel each way and 12 months in orbit , the panelists said .it concluded that such a plan could indeed fit within nasa 's human space exploration budget - but that politics is holding the decision back .\n", - "planetary society analysed the feasibility and cost of missionscrewed mission to orbit the martian moon phobos in 2033 first stepwill lead up to a crewed landing on the red planet in 2039report says missions fit within nasa 's human space exploration budget\n", - "[1.2865567 1.3159258 1.2115302 1.1944824 1.346873 1.135297 1.0658617\n", - " 1.033671 1.0222367 1.0196033 1.1222527 1.0216556 1.0994426 1.0624044\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 4 1 0 2 3 5 10 12 6 13 7 8 11 9 16 14 15 17]\n", - "=======================\n", - "['latika bourke had no interest about looking into her origins until she watched the movie slumdog millionaire which she found life-changingalthough she was adopted from india along with two of her siblings , it never occurred to her that she should explore her origins in india , where she was born before being adopted and starting a new life in the lucky country as an eight month old baby .the film was nothing short of life-changing for latika and led her to a fulfilling spiritual journey back to where it all began in an orphanage in the slums of india - the country she instantly fell in love with and has become her second home .']\n", - "=======================\n", - "['latika bourke was born in india and adopted by an australian coupleher parents had two kids , adopted three then had another three naturallyshe grew up in bathurst in nsw and had a very happy childhoodlatika showed no interest in her heritage until she watched the movie slumdog millionaire where a girl had the same name as herinstantly besotted with her home country she has been every since 2012now 31 , she hopes to live in india one day and tell their stories']\n", - "latika bourke had no interest about looking into her origins until she watched the movie slumdog millionaire which she found life-changingalthough she was adopted from india along with two of her siblings , it never occurred to her that she should explore her origins in india , where she was born before being adopted and starting a new life in the lucky country as an eight month old baby .the film was nothing short of life-changing for latika and led her to a fulfilling spiritual journey back to where it all began in an orphanage in the slums of india - the country she instantly fell in love with and has become her second home .\n", - "latika bourke was born in india and adopted by an australian coupleher parents had two kids , adopted three then had another three naturallyshe grew up in bathurst in nsw and had a very happy childhoodlatika showed no interest in her heritage until she watched the movie slumdog millionaire where a girl had the same name as herinstantly besotted with her home country she has been every since 2012now 31 , she hopes to live in india one day and tell their stories\n", - "[1.276807 1.3195415 1.1913415 1.3459909 1.1937183 1.2494925 1.1104137\n", - " 1.1581385 1.0817177 1.1425389 1.0547036 1.0992764 1.0662295 1.0657517\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 5 4 2 7 9 6 11 8 12 13 10 16 14 15 17]\n", - "=======================\n", - "[\"a brazilian website is claiming to have the new chelsea kit for sale , with gareth bale 's name on the backthe website has published three chelsea kits with the incoming ` yokohama ' sponsor across the front , albeit without the adidas emblem , the club 's kit manufacturer .bale ( centre ) has struggled at real madrid this season and reports have linked him with a return to england\"]\n", - "=======================\n", - "[\"brazilian online store claims to be selling next season 's chelsea kitit has published pictures of the new home shirt with ` bale 9 ' on the backthe images do n't have the adidas emblem on , who make chelsea 's kit\"]\n", - "a brazilian website is claiming to have the new chelsea kit for sale , with gareth bale 's name on the backthe website has published three chelsea kits with the incoming ` yokohama ' sponsor across the front , albeit without the adidas emblem , the club 's kit manufacturer .bale ( centre ) has struggled at real madrid this season and reports have linked him with a return to england\n", - "brazilian online store claims to be selling next season 's chelsea kitit has published pictures of the new home shirt with ` bale 9 ' on the backthe images do n't have the adidas emblem on , who make chelsea 's kit\n", - "[1.2545189 1.2504144 1.0289861 1.2491052 1.3425288 1.1965489 1.1692196\n", - " 1.1763923 1.1158592 1.1760198 1.0986387 1.0240061 1.054211 1.0862968\n", - " 1.0715421 1.0738868 1.0904573 1.007587 ]\n", - "\n", - "[ 4 0 1 3 5 7 9 6 8 10 16 13 15 14 12 2 11 17]\n", - "=======================\n", - "['the queen awards a victoria cross to lance corporal joshua leakey , who showed immense bravery by drawing enemy fire and helping his comrades before taking the fight to the taliban in august 2013a paratrooper who braved heavy taliban fire to rescue a wounded comrade received the victoria cross from the queen yesterday .but in fact the 27-year-old is the second member of his family to receive the highest military decoration for valour -- a cousin was given the honour 70 years ago .']\n", - "=======================\n", - "[\"joshua leakey receives sixth vc queen has given to a living uk recipientl/cpl 's cousin was posthumous vc recipient in 1945 for gallantry in wwiihe says award highlights efforts of all soldiers who went to battle talibanthree generations of his family including grandparents attend ceremony\"]\n", - "the queen awards a victoria cross to lance corporal joshua leakey , who showed immense bravery by drawing enemy fire and helping his comrades before taking the fight to the taliban in august 2013a paratrooper who braved heavy taliban fire to rescue a wounded comrade received the victoria cross from the queen yesterday .but in fact the 27-year-old is the second member of his family to receive the highest military decoration for valour -- a cousin was given the honour 70 years ago .\n", - "joshua leakey receives sixth vc queen has given to a living uk recipientl/cpl 's cousin was posthumous vc recipient in 1945 for gallantry in wwiihe says award highlights efforts of all soldiers who went to battle talibanthree generations of his family including grandparents attend ceremony\n", - "[1.2379318 1.2862908 1.2651663 1.3006526 1.2260996 1.195579 1.1622453\n", - " 1.1219372 1.0229988 1.2105305 1.0191483 1.0367881 1.0391421 1.0730081\n", - " 1.0249584 1.025345 1.0428246 1.0503691]\n", - "\n", - "[ 3 1 2 0 4 9 5 6 7 13 17 16 12 11 15 14 8 10]\n", - "=======================\n", - "[\"rumours suggest apple is about to abandon the 6s later this year in favour of going straight for the iphone 7 .this difference may seem slight , but it suggests the next model of iphone could be substantial improvement on iphone 6 range , and rumours have hinted towards new features such as force touch .ever since the iphone 3gs launched in 2009 , apple has followed a new handset one year with a marginally-different 's ' version the year after .\"]\n", - "=======================\n", - "[\"claims were made by thailand-based kgi securities analyst ming-chi kuohe said the next-generation iphone will feature force touchthis was added to the watch and macbook and tracks click pressuresif true , the change will be significant enough to warrant apple calling its handset iphone 7 rather than adding a traditional 's ' to the iphone 6 range\"]\n", - "rumours suggest apple is about to abandon the 6s later this year in favour of going straight for the iphone 7 .this difference may seem slight , but it suggests the next model of iphone could be substantial improvement on iphone 6 range , and rumours have hinted towards new features such as force touch .ever since the iphone 3gs launched in 2009 , apple has followed a new handset one year with a marginally-different 's ' version the year after .\n", - "claims were made by thailand-based kgi securities analyst ming-chi kuohe said the next-generation iphone will feature force touchthis was added to the watch and macbook and tracks click pressuresif true , the change will be significant enough to warrant apple calling its handset iphone 7 rather than adding a traditional 's ' to the iphone 6 range\n", - "[1.3577971 1.3076707 1.3538325 1.3366268 1.1816967 1.0813457 1.0298802\n", - " 1.0106566 1.1708931 1.1595446 1.1558291 1.0143269 1.0092434 1.053596\n", - " 1.0800388 1.0546595 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 4 8 9 10 5 14 15 13 6 11 7 12 18 16 17 19]\n", - "=======================\n", - "[\"fitness guru ashy bines , who has almost one million followers on social media , has admitted some of the healthy eating recipes she had shared had been ripped off from other websites .it comes as ms bines - who is from the gold coast in queensland - also reveals she has been abused by online trolls who made nasty comments about her unborn child , with one saying they hoped her baby would be born with a disability , news corp reported .the 26-year-old confirmed the revelations in a video posted on youtube after a blogger - who looks into ` exposing the truth of ashy bines ' dishonest business ethics ' - posted about the similarities between recipes on ms bines ' website and a food blog .\"]\n", - "=======================\n", - "[\"ashy bines started exercise program , ashy bines bikini body challengethe 26-year-old has attracted enormous online following on social mediain a video , she admits recipes she shared were copied from ` other sources 'ms bines explained she outsourced her recipe finding to a nutritionistshe said she did this so her followers would get best advice from expertspregnant fitness guru said her unborn child was targeted by online trolls\"]\n", - "fitness guru ashy bines , who has almost one million followers on social media , has admitted some of the healthy eating recipes she had shared had been ripped off from other websites .it comes as ms bines - who is from the gold coast in queensland - also reveals she has been abused by online trolls who made nasty comments about her unborn child , with one saying they hoped her baby would be born with a disability , news corp reported .the 26-year-old confirmed the revelations in a video posted on youtube after a blogger - who looks into ` exposing the truth of ashy bines ' dishonest business ethics ' - posted about the similarities between recipes on ms bines ' website and a food blog .\n", - "ashy bines started exercise program , ashy bines bikini body challengethe 26-year-old has attracted enormous online following on social mediain a video , she admits recipes she shared were copied from ` other sources 'ms bines explained she outsourced her recipe finding to a nutritionistshe said she did this so her followers would get best advice from expertspregnant fitness guru said her unborn child was targeted by online trolls\n", - "[1.3113816 1.1435417 1.3417761 1.0884794 1.1292038 1.2934924 1.1400249\n", - " 1.1249447 1.1183155 1.0930927 1.1371453 1.0706048 1.0289643 1.0773673\n", - " 1.1232505 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 5 1 6 10 4 7 14 8 9 3 13 11 12 15 16 17 18 19]\n", - "=======================\n", - "['researchers found women judged to have pretty faces also have voices regarded by men as appealing .researchers photographed the faces and recorded the voices of 42 women with an average age of 24 .men can judge how attractive a woman is by hearing her talk , according to a study .']\n", - "=======================\n", - "['researchers found those with pretty faces also have appealing voicesuniversity of vienna photographed and recorded voices of 42 womentwo separate groups of men rated their attractiveness for the studythose who rated highly for looks often scored well for sound']\n", - "researchers found women judged to have pretty faces also have voices regarded by men as appealing .researchers photographed the faces and recorded the voices of 42 women with an average age of 24 .men can judge how attractive a woman is by hearing her talk , according to a study .\n", - "researchers found those with pretty faces also have appealing voicesuniversity of vienna photographed and recorded voices of 42 womentwo separate groups of men rated their attractiveness for the studythose who rated highly for looks often scored well for sound\n", - "[1.5166762 1.3344147 1.1986861 1.1370649 1.2203549 1.2274247 1.1697097\n", - " 1.0617154 1.1570302 1.076282 1.0355797 1.0454073 1.03385 1.1492046\n", - " 1.0540406 1.0269111 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 4 2 6 8 13 3 9 7 14 11 10 12 15 16 17 18 19]\n", - "=======================\n", - "[\"former all blacks star mils muliaina was arrested on suspicion of sexual assault following connacht 's clash with gloucester on friday night - with tv cameras capturing the moment he was hauled away by police following the game .muliaina , who earned a century of caps for new zealand before retiring after the 2011 world cup , signed for connacht at the beginning of the season and has made 11 appearances for the irish province so far .the former all black was arrested at kingsholm and then led to a police van where he was detained\"]\n", - "=======================\n", - "['mils muliaina won 100 caps for new zealand before retiring in 2011muliaina has been playing for connacht in ireland this seasonthe kiwi was playing against gloucester on friday nightmuliaina was led away led away by police after the match']\n", - "former all blacks star mils muliaina was arrested on suspicion of sexual assault following connacht 's clash with gloucester on friday night - with tv cameras capturing the moment he was hauled away by police following the game .muliaina , who earned a century of caps for new zealand before retiring after the 2011 world cup , signed for connacht at the beginning of the season and has made 11 appearances for the irish province so far .the former all black was arrested at kingsholm and then led to a police van where he was detained\n", - "mils muliaina won 100 caps for new zealand before retiring in 2011muliaina has been playing for connacht in ireland this seasonthe kiwi was playing against gloucester on friday nightmuliaina was led away led away by police after the match\n", - "[1.1860191 1.2026563 1.4127471 1.2688012 1.1158714 1.1497091 1.1208215\n", - " 1.1515878 1.0211581 1.1307961 1.0446252 1.0531487 1.0785267 1.0141797\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 0 7 5 9 6 4 12 11 10 8 13 18 14 15 16 17 19]\n", - "=======================\n", - "[\"yet for aussie blokes , 29 per cent say the variety of sexual partners is what floats their boat - surprise , surprise !single life : according to a new study , for 54 per cent of single women , the best part about being single is to be able to go home and straight to bedthey say men are from mars and women are from venus , and when it comes to the single 's dating scene , this sentiment could n't be more true , according to latest findings from a new relationship study .\"]\n", - "=======================\n", - "[\"eharmony relationship survey reveals pros and cons of single life54 % of women say they prioritise love but men spend almost double the time per week actively looking for dates53 % of women hate being the only single person at a family gathering24 % of men says they 're single because ` all the good ones are taken 'one single woman reveals her friend did n't invite her to a birthday dinner as she would ` ruin table numbers '\"]\n", - "yet for aussie blokes , 29 per cent say the variety of sexual partners is what floats their boat - surprise , surprise !single life : according to a new study , for 54 per cent of single women , the best part about being single is to be able to go home and straight to bedthey say men are from mars and women are from venus , and when it comes to the single 's dating scene , this sentiment could n't be more true , according to latest findings from a new relationship study .\n", - "eharmony relationship survey reveals pros and cons of single life54 % of women say they prioritise love but men spend almost double the time per week actively looking for dates53 % of women hate being the only single person at a family gathering24 % of men says they 're single because ` all the good ones are taken 'one single woman reveals her friend did n't invite her to a birthday dinner as she would ` ruin table numbers '\n", - "[1.4898255 1.3231031 1.275314 1.5234585 1.3078666 1.1477249 1.0544522\n", - " 1.0452754 1.014337 1.0153679 1.1183257 1.0120043 1.0148846 1.0517259\n", - " 1.0111468 1.0215172 1.0300571 1.0087948 1.0147475 1.0103122]\n", - "\n", - "[ 3 0 1 4 2 5 10 6 13 7 16 15 9 12 18 8 11 14 19 17]\n", - "=======================\n", - "['sebastian vettel won the second race of the season with victory in malaysia last monthferrari technical director james allison believes mercedes are again likely to lead the way in china this weekend .fears of another season of domination from mercedes were blown away by a shock , yet deserved victory for sebastian vettel last time out in malaysia .']\n", - "=======================\n", - "[\"ferrari won the second grand prix of the season in malaysiasebastian vettel 's victory was a shock given mercedes ' strong startbut ferrari 's technical director believes mercedes will be strong in chinathe cooler climate should suit lewis hamilton and nico rosbergclick here for the latest f1 news ahead of the 2015 chinese grand prix\"]\n", - "sebastian vettel won the second race of the season with victory in malaysia last monthferrari technical director james allison believes mercedes are again likely to lead the way in china this weekend .fears of another season of domination from mercedes were blown away by a shock , yet deserved victory for sebastian vettel last time out in malaysia .\n", - "ferrari won the second grand prix of the season in malaysiasebastian vettel 's victory was a shock given mercedes ' strong startbut ferrari 's technical director believes mercedes will be strong in chinathe cooler climate should suit lewis hamilton and nico rosbergclick here for the latest f1 news ahead of the 2015 chinese grand prix\n", - "[1.4144038 1.2174273 1.4147308 1.1362734 1.2045233 1.1380817 1.1305494\n", - " 1.2673802 1.1241572 1.0906982 1.0704528 1.0396848 1.0565884 1.0645589\n", - " 1.0480951 1.0758523 1.0384961 1.0209681 1.0504289 1.0179695 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 7 1 4 5 3 6 8 9 15 10 13 12 18 14 11 16 17 19 20 21 22 23\n", - " 24 25]\n", - "=======================\n", - "['raheem sterling has been pictured smoking a shisha pipe with team-mate jordon ibe earlier this seasonhere , sportsmail details five other misbehaving stars involved in similar incidents away from the field .in 2013 he was spotted outside a london nightclub with a cigarette in his mouth and was pictured smoking in a swimming pool in las vegas a year later .']\n", - "=======================\n", - "[\"pictures show raheem sterling and jordon ibe with shisha pipeshowever , liverpool duo are n't first stars to be involved in such controversysaido berahino and kyle walker both pictured inhaling ` hippy crack 'read : sterling filmed inhaling laughing gas\"]\n", - "raheem sterling has been pictured smoking a shisha pipe with team-mate jordon ibe earlier this seasonhere , sportsmail details five other misbehaving stars involved in similar incidents away from the field .in 2013 he was spotted outside a london nightclub with a cigarette in his mouth and was pictured smoking in a swimming pool in las vegas a year later .\n", - "pictures show raheem sterling and jordon ibe with shisha pipeshowever , liverpool duo are n't first stars to be involved in such controversysaido berahino and kyle walker both pictured inhaling ` hippy crack 'read : sterling filmed inhaling laughing gas\n", - "[1.4122186 1.4133391 1.1260645 1.3514282 1.383058 1.0483294 1.0309165\n", - " 1.0200604 1.0311983 1.0678699 1.0203241 1.0240748 1.0321156 1.0315831\n", - " 1.0574265 1.0182819 1.0161127 1.0290029 1.0300286 1.0958469 1.0164508\n", - " 1.0133303 1.0144975 1.0155213 1.0487093 1.0153745]\n", - "\n", - "[ 1 0 4 3 2 19 9 14 24 5 12 13 8 6 18 17 11 10 7 15 20 16 23 25\n", - " 22 21]\n", - "=======================\n", - "[\"a james forrest strike and stefan johansen 's penalty were enough to see off a spirited challenge by the bottom side as celtic moved eight points clear of aberdeen .ronny deila lauded his players for stretching their lead at the top of the premiership with victory at st mirren -- then hit out at the state of pitches in scotland .celtic manager ronny deila was impressed with his side 's performance against st mirren on friday night\"]\n", - "=======================\n", - "[\"celtic beat st mirren 2-0 to move eight points clear at the top of the leagueronny deila praised his players for their patience in waiting for the winalthough pleased , he said the pitches in scotland are ` terrible 'deila believes it would be better to play on artificial pitches\"]\n", - "a james forrest strike and stefan johansen 's penalty were enough to see off a spirited challenge by the bottom side as celtic moved eight points clear of aberdeen .ronny deila lauded his players for stretching their lead at the top of the premiership with victory at st mirren -- then hit out at the state of pitches in scotland .celtic manager ronny deila was impressed with his side 's performance against st mirren on friday night\n", - "celtic beat st mirren 2-0 to move eight points clear at the top of the leagueronny deila praised his players for their patience in waiting for the winalthough pleased , he said the pitches in scotland are ` terrible 'deila believes it would be better to play on artificial pitches\n", - "[1.2874532 1.451682 1.2008305 1.1823318 1.0962728 1.1149437 1.126586\n", - " 1.0873764 1.0487983 1.0585992 1.0765741 1.0417131 1.0686219 1.0465677\n", - " 1.0711008 1.0692385 1.0503671 1.0342702 1.0402509 1.0554223 1.0520917\n", - " 1.0566174 1.0594603 1.0283848 0. 0. ]\n", - "\n", - "[ 1 0 2 3 6 5 4 7 10 14 15 12 22 9 21 19 20 16 8 13 11 18 17 23\n", - " 24 25]\n", - "=======================\n", - "[\"slager has been fired and charged with murder in the death of 50-year-old walter scott .( cnn ) eyewitness video showing white north charleston police officer michael slager shooting to death an unarmed black man has exposed discrepancies in the reports of the first officers on the scene .a bystander 's cell phone video , which began after an alleged struggle on the ground between slager and scott , shows the five-year police veteran shooting at scott eight times as scott runs away .\"]\n", - "=======================\n", - "['more questions than answers emerge in controversial s.c. police shootingofficer michael slager , charged with murder , was fired from the north charleston police department']\n", - "slager has been fired and charged with murder in the death of 50-year-old walter scott .( cnn ) eyewitness video showing white north charleston police officer michael slager shooting to death an unarmed black man has exposed discrepancies in the reports of the first officers on the scene .a bystander 's cell phone video , which began after an alleged struggle on the ground between slager and scott , shows the five-year police veteran shooting at scott eight times as scott runs away .\n", - "more questions than answers emerge in controversial s.c. police shootingofficer michael slager , charged with murder , was fired from the north charleston police department\n", - "[1.3638124 1.2739848 1.4894075 1.5297956 1.1740055 1.1206516 1.0426221\n", - " 1.0161042 1.0156728 1.0608542 1.0492444 1.0136507 1.1100676 1.031178\n", - " 1.0315664 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 0 1 4 5 12 9 10 6 14 13 7 8 11 23 22 21 20 16 18 17 15 24\n", - " 19 25]\n", - "=======================\n", - "[\"danny cipriani is currently relaxing on holiday in dubai before sale 's last four aviva premiership gamessteve diamond 's side will face london irish , harlequins , newcastle and exeter in the coming weeks as they look to secure a top-six finish and qualification for next season 's european champions cup - and a short break looks to be the perfect preparation for cipriani who has been integral to sale 's improved form this season .cipriani contributed 13 points from the boot in a fine display against the cherry and whites and with sale out of contention in europe , cipriani and his team-mates have the weekend off to recharge ahead of a crucial final four rounds of aviva premiership action .\"]\n", - "=======================\n", - "[\"danny cipriani kicked 13 points in sale 's 23-6 victory against gloucester last saturdaycipriani has been in superb form for steve diamond 's side this seasonthe former wasps no 10 was called up to stuart lancaster 's england squad for the rbs 6 nationscipriani made appearances off the bench against italy , scotland and france during the tournament\"]\n", - "danny cipriani is currently relaxing on holiday in dubai before sale 's last four aviva premiership gamessteve diamond 's side will face london irish , harlequins , newcastle and exeter in the coming weeks as they look to secure a top-six finish and qualification for next season 's european champions cup - and a short break looks to be the perfect preparation for cipriani who has been integral to sale 's improved form this season .cipriani contributed 13 points from the boot in a fine display against the cherry and whites and with sale out of contention in europe , cipriani and his team-mates have the weekend off to recharge ahead of a crucial final four rounds of aviva premiership action .\n", - "danny cipriani kicked 13 points in sale 's 23-6 victory against gloucester last saturdaycipriani has been in superb form for steve diamond 's side this seasonthe former wasps no 10 was called up to stuart lancaster 's england squad for the rbs 6 nationscipriani made appearances off the bench against italy , scotland and france during the tournament\n", - "[1.3737515 1.3630233 1.399376 1.2776482 1.0990562 1.1347823 1.0676048\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 3 5 4 6 23 22 21 20 19 18 17 16 12 14 13 24 11 10 9 8 7\n", - " 15 25]\n", - "=======================\n", - "[\"the bbc has made light of jeremy clarkson 's attack on a junior producer by poking fun at it in a comedy showa new episode of mockumentary w1a , to be broadcast later this month , shows bosses holding an emergency meeting after clarkson uses the word ` tosser ' on top gear .the episode was apparently filmed last july , but the narration has recently been tweaked .\"]\n", - "=======================\n", - "[\"the bbc has made light of clarkson fracas in a comedy programmeit shows bosses holding emergency meeting after he uses the word ` tosser 'the episode was filmed last july , but the narration has been tweaked\"]\n", - "the bbc has made light of jeremy clarkson 's attack on a junior producer by poking fun at it in a comedy showa new episode of mockumentary w1a , to be broadcast later this month , shows bosses holding an emergency meeting after clarkson uses the word ` tosser ' on top gear .the episode was apparently filmed last july , but the narration has recently been tweaked .\n", - "the bbc has made light of clarkson fracas in a comedy programmeit shows bosses holding emergency meeting after he uses the word ` tosser 'the episode was filmed last july , but the narration has been tweaked\n", - "[1.5542777 1.4255519 1.1936028 1.2672596 1.1986319 1.0967968 1.1406832\n", - " 1.0662948 1.0285538 1.0143824 1.014601 1.021804 1.0123118 1.016086\n", - " 1.0158325 1.0133824 1.1482606 1.0735995 1.0220021 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 4 2 16 6 5 17 7 8 18 11 13 14 10 9 15 12 20 19 21]\n", - "=======================\n", - "[\"tiger woods declared himself ready to compete for a fifth masters title after completing 11 holes of practice at augusta national on monday .the 39-year-old is returning from a self-imposed break from golf to recover from injuries and a dip in formthat led to the 14-time major winner taking a break from competition to work on his game , during which time he dropped outside the world 's top 100 for the first time since september 1996 , a slide which continued on monday as he fell from 104th to 111th .\"]\n", - "=======================\n", - "['tiger woods has made his first public appearance for 60 dayshe had been on hiatus to recover from injury and a dip in formwoods warmed up at the augusta course ahead of the 2015 mastersthe 39-year-old was given a warm welcome back by the crowd']\n", - "tiger woods declared himself ready to compete for a fifth masters title after completing 11 holes of practice at augusta national on monday .the 39-year-old is returning from a self-imposed break from golf to recover from injuries and a dip in formthat led to the 14-time major winner taking a break from competition to work on his game , during which time he dropped outside the world 's top 100 for the first time since september 1996 , a slide which continued on monday as he fell from 104th to 111th .\n", - "tiger woods has made his first public appearance for 60 dayshe had been on hiatus to recover from injury and a dip in formwoods warmed up at the augusta course ahead of the 2015 mastersthe 39-year-old was given a warm welcome back by the crowd\n", - "[1.23987 1.4887724 1.1434846 1.135756 1.0796437 1.1850777 1.0646129\n", - " 1.178467 1.0846378 1.1190443 1.0507021 1.0621552 1.0404928 1.0628701\n", - " 1.0791534 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 5 7 2 3 9 8 4 14 6 13 11 10 12 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"hernandez 's fiancée , shayanna jenkins , 25 , sobbed and hugged the killer 's mom in the massachusetts court on wednesday as the jury returned a guilty verdict for first-degree murder , sending the ex-nfl star to prison for life with no chance of release .behind the highly-publicized trial of murderer aaron hernandez has played out a painful and private feud between two sisters .the aaron hernandez murder trial has left them estranged\"]\n", - "=======================\n", - "[\"hernandez 's fiancée , shayanna jenkins , 25 , sobbed when the verdict of first-degree murder was announced on wednesdayshe left the courtroom with hernandez 's mother soon afterwardsher sister , shaneah jenkins , odin lloyd 's girlfriend , wept alongside the victim 's family as hernandez was told he would spend rest of his life in jailthe once-close jenkins sisters have sat on opposite sides of the courtroom throughout the trial in massachusetts\"]\n", - "hernandez 's fiancée , shayanna jenkins , 25 , sobbed and hugged the killer 's mom in the massachusetts court on wednesday as the jury returned a guilty verdict for first-degree murder , sending the ex-nfl star to prison for life with no chance of release .behind the highly-publicized trial of murderer aaron hernandez has played out a painful and private feud between two sisters .the aaron hernandez murder trial has left them estranged\n", - "hernandez 's fiancée , shayanna jenkins , 25 , sobbed when the verdict of first-degree murder was announced on wednesdayshe left the courtroom with hernandez 's mother soon afterwardsher sister , shaneah jenkins , odin lloyd 's girlfriend , wept alongside the victim 's family as hernandez was told he would spend rest of his life in jailthe once-close jenkins sisters have sat on opposite sides of the courtroom throughout the trial in massachusetts\n", - "[1.4478791 1.4184355 1.4035692 1.3709118 1.2810287 1.0711508 1.0162947\n", - " 1.0365967 1.0412433 1.0166576 1.0394428 1.0890499 1.0161618 1.0152103\n", - " 1.0111235 1.0895493 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 2 3 4 15 11 5 8 10 7 9 6 12 13 14 20 16 17 18 19 21]\n", - "=======================\n", - "[\"steve bruce has revealed that hull players will have their salaries slashed by up to 50 per cent if they are relegated .the tigers are fourth-bottom of the premier league with one of the toughest run-ins facing them , and hull manager bruce said all players ' contracts have been set up to protect the club financially in the event of relegation .hull have not won for two months , their last win being a 2-1 victory over qpr , and desperately need to end the run with matches against liverpool and arsenal to come .\"]\n", - "=======================\n", - "[\"hull are currently 17th in the premier league table with a difficult run-insteve bruce revealed that relegation would see players ' salaries cutthe tigers face crystal palace at selhurst park on saturday\"]\n", - "steve bruce has revealed that hull players will have their salaries slashed by up to 50 per cent if they are relegated .the tigers are fourth-bottom of the premier league with one of the toughest run-ins facing them , and hull manager bruce said all players ' contracts have been set up to protect the club financially in the event of relegation .hull have not won for two months , their last win being a 2-1 victory over qpr , and desperately need to end the run with matches against liverpool and arsenal to come .\n", - "hull are currently 17th in the premier league table with a difficult run-insteve bruce revealed that relegation would see players ' salaries cutthe tigers face crystal palace at selhurst park on saturday\n", - "[1.4834623 1.3915602 1.1239339 1.4886245 1.2216797 1.1962987 1.2771063\n", - " 1.0887225 1.0176944 1.0219108 1.0180562 1.017888 1.0833201 1.0140738\n", - " 1.0109619 1.016712 1.179007 1.1359853 1.0187511 1.0198128 1.0096245\n", - " 1.0096675]\n", - "\n", - "[ 3 0 1 6 4 5 16 17 2 7 12 9 19 18 10 11 8 15 13 14 21 20]\n", - "=======================\n", - "[\"thibaut courtois ( centre ) was in phenomenal form as chelsea beat rivals queens park rangers on sundaychelsea goalkeeper thibault courtois insists he has not lost any sleep over his high-profile errors of recent weeks .his poor touch allowed abel hernandez to score in chelsea 's 3-2 win over hull on march 22 before stoke 's charlie adam beat him from 66 yards last weekend .\"]\n", - "=======================\n", - "[\"thibaut courtois went into the qpr game in inconsistent form for chelseahe had been criticised for his performances against hull and stokebut he excelled at qpr and said he never doubted his form would returnclick here for neil ashton 's match report from loftus road\"]\n", - "thibaut courtois ( centre ) was in phenomenal form as chelsea beat rivals queens park rangers on sundaychelsea goalkeeper thibault courtois insists he has not lost any sleep over his high-profile errors of recent weeks .his poor touch allowed abel hernandez to score in chelsea 's 3-2 win over hull on march 22 before stoke 's charlie adam beat him from 66 yards last weekend .\n", - "thibaut courtois went into the qpr game in inconsistent form for chelseahe had been criticised for his performances against hull and stokebut he excelled at qpr and said he never doubted his form would returnclick here for neil ashton 's match report from loftus road\n", - "[1.4319792 1.3353332 1.4008622 1.1462502 1.1449778 1.1396726 1.1823804\n", - " 1.1266085 1.062609 1.0349834 1.0483909 1.0156404 1.0127409 1.0258144\n", - " 1.0149239 1.0752687 1.0949827 1.0682293 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 2 1 6 3 4 5 7 16 15 17 8 10 9 13 11 14 12 20 18 19 21]\n", - "=======================\n", - "[\"' a family tragedy ' : mahendra bavishi in khartoummahendra bavishi , who lives in sudan , said detectives have asked to put some ` sensitive ' questions to his british-based son who runs the business , including whether he suspects someone connected to the company or other firms in the same premises had links with criminal gangs .the joint director of the safe deposit company robbed in the # 60million hatton garden gem heist said yesterday that he believes it was an inside job .\"]\n", - "=======================\n", - "['mahendra bavishi is joint director of hatton garden safe deposit ltdhis son manish , 38 , who lives in london , usually runs business full-time69-year-old said robbers almost certainly had some inside informationmr bavishi expressed his fury at police for ignoring an alert from a state of the art alarm in the vault']\n", - "' a family tragedy ' : mahendra bavishi in khartoummahendra bavishi , who lives in sudan , said detectives have asked to put some ` sensitive ' questions to his british-based son who runs the business , including whether he suspects someone connected to the company or other firms in the same premises had links with criminal gangs .the joint director of the safe deposit company robbed in the # 60million hatton garden gem heist said yesterday that he believes it was an inside job .\n", - "mahendra bavishi is joint director of hatton garden safe deposit ltdhis son manish , 38 , who lives in london , usually runs business full-time69-year-old said robbers almost certainly had some inside informationmr bavishi expressed his fury at police for ignoring an alert from a state of the art alarm in the vault\n", - "[1.1974552 1.4926703 1.350791 1.2298152 1.0882087 1.1801522 1.1211027\n", - " 1.0551809 1.1058818 1.0294703 1.0301878 1.0715387 1.0740303 1.1717851\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 5 13 6 8 4 12 11 7 10 9 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the new ` skywalk ' observation deck has opened to the public in yunyang county , southwest china , and those with vertigo are advised to stay at home .the cantilevered platform in chongqing has a 720 degree view from a vantage point that stands nearly 4,000 feet above sea level .its incredible viewing area protrudes nearly 90ft from the cliff face at the longgang scenic area - which is more than 16ft longer than a similar tourist attraction at the grand canyon in america .\"]\n", - "=======================\n", - "['the # 3.7 million structure is the longest skywalk in the world beating one at the grand canyon by five metresthe cantilevered platform in chongqing offers visitors a 720 degree view of the canyon belowglass platforms and transparent barriers mean people get an unobstructed view of the natural beauty spot']\n", - "the new ` skywalk ' observation deck has opened to the public in yunyang county , southwest china , and those with vertigo are advised to stay at home .the cantilevered platform in chongqing has a 720 degree view from a vantage point that stands nearly 4,000 feet above sea level .its incredible viewing area protrudes nearly 90ft from the cliff face at the longgang scenic area - which is more than 16ft longer than a similar tourist attraction at the grand canyon in america .\n", - "the # 3.7 million structure is the longest skywalk in the world beating one at the grand canyon by five metresthe cantilevered platform in chongqing offers visitors a 720 degree view of the canyon belowglass platforms and transparent barriers mean people get an unobstructed view of the natural beauty spot\n", - "[1.0552012 1.3763425 1.1512911 1.2124447 1.3380203 1.2504888 1.0619026\n", - " 1.1533664 1.1397053 1.1211437 1.0124794 1.0241377 1.085074 1.0149268\n", - " 1.0844469 1.0356514 1.0391487 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 5 3 7 2 8 9 12 14 6 0 16 15 11 13 10 17 18 19 20]\n", - "=======================\n", - "[\"when she set the world record of 2:15.25 in the london marathon in april 2003 -- a time no woman has threatened 12 years later -- there was no grinning until after she crossed the line .but a time of 2:36.55 in her final competitive marathon is not to be sniffed at for a 41-year-old with a left foot as flexible as a rod of iron who described herself as ` unfit and unprepared ' for the race .similarly in 2005 when she recorded her third and final victory over the 26.2 mile course from blackheath to the mall , emotions were kept in check until the end .\"]\n", - "=======================\n", - "[\"paula radcliffe finished in 2:36.55 but said the time did n't matterthe world record holder began at the front of the mass startshe had barely run since february due to an achilles injuryradcliffe was the 199th woman to finish the race on sundayshe was first to receive the race 's lifetime achievement awardearlier in the day ethiopian tigist tufa won the women 's elite raceeliud kipchoge won the men 's race in a kenyan top three\"]\n", - "when she set the world record of 2:15.25 in the london marathon in april 2003 -- a time no woman has threatened 12 years later -- there was no grinning until after she crossed the line .but a time of 2:36.55 in her final competitive marathon is not to be sniffed at for a 41-year-old with a left foot as flexible as a rod of iron who described herself as ` unfit and unprepared ' for the race .similarly in 2005 when she recorded her third and final victory over the 26.2 mile course from blackheath to the mall , emotions were kept in check until the end .\n", - "paula radcliffe finished in 2:36.55 but said the time did n't matterthe world record holder began at the front of the mass startshe had barely run since february due to an achilles injuryradcliffe was the 199th woman to finish the race on sundayshe was first to receive the race 's lifetime achievement awardearlier in the day ethiopian tigist tufa won the women 's elite raceeliud kipchoge won the men 's race in a kenyan top three\n", - "[1.2171679 1.415103 1.2139771 1.1865661 1.2210121 1.0491581 1.2406052\n", - " 1.138754 1.0718663 1.1050463 1.0730698 1.0709398 1.0173554 1.0606983\n", - " 1.0301956 1.0998621 1.0556456 1.0633029 0. 0. 0. ]\n", - "\n", - "[ 1 6 4 0 2 3 7 9 15 10 8 11 17 13 16 5 14 12 19 18 20]\n", - "=======================\n", - "['the archive of 52 celluloid negatives show the great british adventurer and his men heading off in the snow-covered wilderness during the ill-fated terra nova expedition of 1912 .the unseen photographs of the antarctic expedition have been sold at auction for # 36,000 to an unnamed buyerthe photographs were taken at the expedition base camp of cape evans on ross island']\n", - "=======================\n", - "['the photos were taken at the expedition base camp on ross island in 1911they show the british explorer and his men setting off for the south polescott and four others died on the return journey after being beaten to itthe 52 negatives were sold for # 36,000 at auction to an unnamed buyer']\n", - "the archive of 52 celluloid negatives show the great british adventurer and his men heading off in the snow-covered wilderness during the ill-fated terra nova expedition of 1912 .the unseen photographs of the antarctic expedition have been sold at auction for # 36,000 to an unnamed buyerthe photographs were taken at the expedition base camp of cape evans on ross island\n", - "the photos were taken at the expedition base camp on ross island in 1911they show the british explorer and his men setting off for the south polescott and four others died on the return journey after being beaten to itthe 52 negatives were sold for # 36,000 at auction to an unnamed buyer\n", - "[1.2623296 1.4281278 1.1975552 1.2568157 1.2284346 1.1743283 1.0836693\n", - " 1.028742 1.0314155 1.129554 1.048839 1.0631455 1.055777 1.0628488\n", - " 1.0483522 1.0562774 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 4 2 5 9 6 11 13 15 12 10 14 8 7 16 17 18 19 20]\n", - "=======================\n", - "[\"cryos international , an online sperm bank , is moving its offices from new york to the central florida research park in orlando , right next to the university of central florida .the world 's largest sperm bank is relocating next to one of the country 's largest universities in order to tap into ` the abundant donor opportunities ' .cryos supplies sperm online to all 50 u.s. states and 80 countries across the world .\"]\n", - "=======================\n", - "[\"cryos international is moving from new york to lab complex in orlandolocated near university of central florida , one of the largest u.s. collegesspokesman said move would help tap into ` abundant donor opportunities 'ucf has undergraduate intake of 52,000 a year , 23,000 of whom are male\"]\n", - "cryos international , an online sperm bank , is moving its offices from new york to the central florida research park in orlando , right next to the university of central florida .the world 's largest sperm bank is relocating next to one of the country 's largest universities in order to tap into ` the abundant donor opportunities ' .cryos supplies sperm online to all 50 u.s. states and 80 countries across the world .\n", - "cryos international is moving from new york to lab complex in orlandolocated near university of central florida , one of the largest u.s. collegesspokesman said move would help tap into ` abundant donor opportunities 'ucf has undergraduate intake of 52,000 a year , 23,000 of whom are male\n", - "[1.2323233 1.3779494 1.2255167 1.2662355 1.2757316 1.2593789 1.1550734\n", - " 1.066875 1.0228053 1.0377675 1.0684904 1.0342331 1.0377048 1.0395231\n", - " 1.159528 1.1014872 1.1078942 1.0612088 1.0984285 1.0931991 1.0445393]\n", - "\n", - "[ 1 4 3 5 0 2 14 6 16 15 18 19 10 7 17 20 13 9 12 11 8]\n", - "=======================\n", - "['police say the man had been ejected from the club late thursday night when he soon returned and attacked the security guard from behind .it is believed two men had been removed from the venue on swanston street when they allegedly assaulted two male staff members at about 10.13 pm .shocking footage has emerged of the moment a man stabbed a bouncer outside a melbourne nightclub just before the easter long weekend']\n", - "=======================\n", - "['police say the man had been ejected from the club when he returned and stabbed the bouncer in the backthe incident occurred at about 10.53 pm on thursday nightthe bouncer , 29 , was taken to hospital but did not suffer life threatening injuriesin a separate incident , another bouncer was stabbed in the leg on good fridaypolice urge anyone with information about either of the incidents to contact crime stoppers']\n", - "police say the man had been ejected from the club late thursday night when he soon returned and attacked the security guard from behind .it is believed two men had been removed from the venue on swanston street when they allegedly assaulted two male staff members at about 10.13 pm .shocking footage has emerged of the moment a man stabbed a bouncer outside a melbourne nightclub just before the easter long weekend\n", - "police say the man had been ejected from the club when he returned and stabbed the bouncer in the backthe incident occurred at about 10.53 pm on thursday nightthe bouncer , 29 , was taken to hospital but did not suffer life threatening injuriesin a separate incident , another bouncer was stabbed in the leg on good fridaypolice urge anyone with information about either of the incidents to contact crime stoppers\n", - "[1.7151706 1.4085737 1.0421166 1.1957324 1.1089089 1.0132445 1.0121632\n", - " 1.0674466 1.1177689 1.2259307 1.0660181 1.027789 1.1076698 1.0989945\n", - " 1.0843568 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 9 3 8 4 12 13 14 7 10 2 11 5 6 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"gerard pique and chart-topper shakira were in the stands as kei nishikori was crowned barcelona open champion for the second consecutive year after a hard-fought 6-4 6-4 victory over surprise spanish finalist pablo andujar on sunday .it was the ninth career title for the top-seeded japanese , who again showed his improved endurance as he battled to come out on top against the world number 66 . 'pique played in barcelona 's 2-0 win over espanyol on saturday which kept them top in la liga\"]\n", - "=======================\n", - "[\"spain defender courtside with his wife shakira at barcelona openpique played in barcelona 's 2-0 win over espanyol on saturdaykei nishikori won in straights sets over surprise finalist pablo andujarworld no 5 crowned barcelona open champion for second year in a row\"]\n", - "gerard pique and chart-topper shakira were in the stands as kei nishikori was crowned barcelona open champion for the second consecutive year after a hard-fought 6-4 6-4 victory over surprise spanish finalist pablo andujar on sunday .it was the ninth career title for the top-seeded japanese , who again showed his improved endurance as he battled to come out on top against the world number 66 . 'pique played in barcelona 's 2-0 win over espanyol on saturday which kept them top in la liga\n", - "spain defender courtside with his wife shakira at barcelona openpique played in barcelona 's 2-0 win over espanyol on saturdaykei nishikori won in straights sets over surprise finalist pablo andujarworld no 5 crowned barcelona open champion for second year in a row\n", - "[1.2677474 1.3851086 1.3951008 1.3261744 1.1721383 1.107563 1.0266093\n", - " 1.0197502 1.0252837 1.0942725 1.040497 1.0393684 1.1258425 1.0236205\n", - " 1.0162433 1.0605898 1.0321696 1.0683671 1.0384934 1.0432659 1.0507928\n", - " 1.0314696 1.0143247]\n", - "\n", - "[ 2 1 3 0 4 12 5 9 17 15 20 19 10 11 18 16 21 6 8 13 7 14 22]\n", - "=======================\n", - "[\"it was marketed by smarttouch media and sold on the amazon and android platforms until it was withdrawn following a string of angry complaints .the game is based on children 's favourite whack-a-mole but instead of hitting the mole with a mallet players are invited to throw food a the cartoon girl .rescue the anorexia girl was available to download on amazon until they removed it following complaints\"]\n", - "=======================\n", - "[\"the game was available to download as an app from amazon and androidits designers sold it as ` an amusing game ' to help people with anorexiafailure to feed the girl results in the character losing weight and dyingsocial media users claim the game stigmatises people with problems\"]\n", - "it was marketed by smarttouch media and sold on the amazon and android platforms until it was withdrawn following a string of angry complaints .the game is based on children 's favourite whack-a-mole but instead of hitting the mole with a mallet players are invited to throw food a the cartoon girl .rescue the anorexia girl was available to download on amazon until they removed it following complaints\n", - "the game was available to download as an app from amazon and androidits designers sold it as ` an amusing game ' to help people with anorexiafailure to feed the girl results in the character losing weight and dyingsocial media users claim the game stigmatises people with problems\n", - "[1.3794905 1.342258 1.1160704 1.0573816 1.1617204 1.1543124 1.2077626\n", - " 1.0745307 1.0287673 1.1266994 1.152652 1.0569794 1.0548263 1.0351211\n", - " 1.0228858 1.0701555 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 6 4 5 10 9 2 7 15 3 11 12 13 8 14 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"jen psaki thought the offer to be president barack obama 's communications director would n't last long .she figured white house chief of staff denis mcdonough had n't heard she 's expecting a baby girl in july .a family-friendly administration : obama aides katie fallon ( left ) and jen psaki ( right ) are expecting babies in may and july of this year .\"]\n", - "=======================\n", - "['white house communications director jen psaki is expecting a baby girl in july ; legislative director katie fallon has a may due date for twin boysboth women say the president has been supportive of their decision to grow their family while serving in his administration']\n", - "jen psaki thought the offer to be president barack obama 's communications director would n't last long .she figured white house chief of staff denis mcdonough had n't heard she 's expecting a baby girl in july .a family-friendly administration : obama aides katie fallon ( left ) and jen psaki ( right ) are expecting babies in may and july of this year .\n", - "white house communications director jen psaki is expecting a baby girl in july ; legislative director katie fallon has a may due date for twin boysboth women say the president has been supportive of their decision to grow their family while serving in his administration\n", - "[1.3203532 1.1774879 1.3668643 1.1079473 1.3585665 1.1998743 1.0555573\n", - " 1.0526327 1.0391909 1.0716224 1.0608853 1.0478214 1.0454696 1.0807855\n", - " 1.0369226 1.0751625 1.1247528 1.0481884 1.0636337 1.026893 1.024513\n", - " 1.0595437 1.0855714]\n", - "\n", - "[ 2 4 0 5 1 16 3 22 13 15 9 18 10 21 6 7 17 11 12 8 14 19 20]\n", - "=======================\n", - "[\"his contract at manchester city expires at the end of the season , when he becomes a free agent .micah richards has found playing time hard to come by during his loan move to italian side fiorentinawhen fiorentina 's season ends next month , micah richards wo n't be jetting off on his summer holidays .\"]\n", - "=======================\n", - "[\"micah richards ' manchester city contract ends this summercurrently on loan at fiorentina , richards wants a return to englandwas one of english football 's golden boys as a youngsteraston villa boss tim sherwood willing to snap him up on a free\"]\n", - "his contract at manchester city expires at the end of the season , when he becomes a free agent .micah richards has found playing time hard to come by during his loan move to italian side fiorentinawhen fiorentina 's season ends next month , micah richards wo n't be jetting off on his summer holidays .\n", - "micah richards ' manchester city contract ends this summercurrently on loan at fiorentina , richards wants a return to englandwas one of english football 's golden boys as a youngsteraston villa boss tim sherwood willing to snap him up on a free\n", - "[1.2490153 1.3657825 1.1565797 1.2465376 1.2075791 1.2180485 1.1541333\n", - " 1.0757209 1.1083571 1.1522156 1.0383753 1.0338477 1.1004229 1.0269648\n", - " 1.0789354 1.0450749 1.0158865 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 3 5 4 2 6 9 8 12 14 7 15 10 11 13 16 21 17 18 19 20 22]\n", - "=======================\n", - "[\"detectives were pointed to cocoparra national park north of griffith , nsw by the mother and brother of vincent standford - who has been charged with ms scott 's murder .police were led to the site where stephanie scott 's remains were found by the family of her accused killer , it has been revealed .police discovered the burnt remains of a woman 's body - who they believe is ms scott , 26 , - in bushland late around 5pm on friday afternoon , the night before the leeton school teacher was due to get married .\"]\n", - "=======================\n", - "[\"police discovered the body of a female at a national park on fridayit is believed to be the remains of teacher stephanie scott , 26the body had been burnt and a gasoline can was found nearbyvincent stanford , a cleaner at her school , has been charged with murderstanford 's family led police to cocoparra national park north of griffithforensic testing will be carried out on the remains of the bodyms scott was due to marry her partner aaron leeson-woolley on saturday\"]\n", - "detectives were pointed to cocoparra national park north of griffith , nsw by the mother and brother of vincent standford - who has been charged with ms scott 's murder .police were led to the site where stephanie scott 's remains were found by the family of her accused killer , it has been revealed .police discovered the burnt remains of a woman 's body - who they believe is ms scott , 26 , - in bushland late around 5pm on friday afternoon , the night before the leeton school teacher was due to get married .\n", - "police discovered the body of a female at a national park on fridayit is believed to be the remains of teacher stephanie scott , 26the body had been burnt and a gasoline can was found nearbyvincent stanford , a cleaner at her school , has been charged with murderstanford 's family led police to cocoparra national park north of griffithforensic testing will be carried out on the remains of the bodyms scott was due to marry her partner aaron leeson-woolley on saturday\n", - "[1.167541 1.3566774 1.3176401 1.2059813 1.1411254 1.0496595 1.0872203\n", - " 1.1439888 1.0882628 1.0286589 1.0303069 1.0280368 1.0905046 1.0884739\n", - " 1.0474292 1.0201724 1.0450488 1.0197028 0. ]\n", - "\n", - "[ 1 2 3 0 7 4 12 13 8 6 5 14 16 10 9 11 15 17 18]\n", - "=======================\n", - "[\"hillary clinton is about to get her first official challenger .sen. bernie sanders of vermont could make an announcement within days , reports cnn 's nia-malika henderson , adding a populist voice to a democratic race that starts with clinton as the overwhelming favorite .sanders has been exploring a run for months , and was a hit this weekend at a big south carolina democratic event .\"]\n", - "=======================\n", - "['what to expect if bernie sanders takes the presidential plungebiden \\'s and kasich \\'s \" wait and see \" 2016 strategiesgop recruiting senate candidates for 2016 in nevada and colorado']\n", - "hillary clinton is about to get her first official challenger .sen. bernie sanders of vermont could make an announcement within days , reports cnn 's nia-malika henderson , adding a populist voice to a democratic race that starts with clinton as the overwhelming favorite .sanders has been exploring a run for months , and was a hit this weekend at a big south carolina democratic event .\n", - "what to expect if bernie sanders takes the presidential plungebiden 's and kasich 's \" wait and see \" 2016 strategiesgop recruiting senate candidates for 2016 in nevada and colorado\n", - "[1.1066885 1.2409035 1.14049 1.1091549 1.0792881 1.0980821 1.1565485\n", - " 1.0719141 1.0263939 1.0658822 1.0385448 1.0364548 1.0787845 1.0640064\n", - " 1.0808405 0. 0. 0. 0. ]\n", - "\n", - "[ 1 6 2 3 0 5 14 4 12 7 9 13 10 11 8 17 15 16 18]\n", - "=======================\n", - "['i was at the sculpturecenter in the new york borough of queens , a spot dedicated to all things modern and avant garde .cultural revolution : new york is in the throes of a cultural revolution - but moma is still brillianttaking pride of place was a cluster of bottles , each of which contained dog fluff and a photo of the mutt it came from .']\n", - "=======================\n", - "['new york is currently enjoying a cultural makeoverhighlights include the sculpturecenter in queens and experimental playsclassic new york spots such as the marvellous moma remain excellentanother highlight is the museum of moving image in queensicelandair allows travellers flying to the us to stop off en routeitineraries include visits to reykjavik and the stunning golden circle']\n", - "i was at the sculpturecenter in the new york borough of queens , a spot dedicated to all things modern and avant garde .cultural revolution : new york is in the throes of a cultural revolution - but moma is still brillianttaking pride of place was a cluster of bottles , each of which contained dog fluff and a photo of the mutt it came from .\n", - "new york is currently enjoying a cultural makeoverhighlights include the sculpturecenter in queens and experimental playsclassic new york spots such as the marvellous moma remain excellentanother highlight is the museum of moving image in queensicelandair allows travellers flying to the us to stop off en routeitineraries include visits to reykjavik and the stunning golden circle\n", - "[1.4710582 1.5376173 1.096931 1.4376328 1.2727479 1.0264093 1.0271115\n", - " 1.0204258 1.0161694 1.0165766 1.1713312 1.0793195 1.2185917 1.2194299\n", - " 1.0513493 1.0381376 1.0087283 1.0066901 1.0174634]\n", - "\n", - "[ 1 0 3 4 13 12 10 2 11 14 15 6 5 7 18 9 8 16 17]\n", - "=======================\n", - "[\"roberto mancini has liverpool midfielder leiva and barcelona 's song , currently on loan at west ham , on his list of alternatives if jovetic and toure prove too costly .inter milan are set to turn to lucas leiva and alex song if their pursuit of manchester city pair stevan jovetic and yaya toure fails .lucas leiva ( left ) is believed to be a target for inter milan and could leave liverpool in the summer\"]\n", - "=======================\n", - "['inter milan are interested in signing midfielders lucas leiva and alex songinter are keen on manchester city duo yaya toure and stevan joevticroberto mancini worked with them both during his spell at the clubclick here for all the latest liverpool newsclick here for all the latest manchester city news']\n", - "roberto mancini has liverpool midfielder leiva and barcelona 's song , currently on loan at west ham , on his list of alternatives if jovetic and toure prove too costly .inter milan are set to turn to lucas leiva and alex song if their pursuit of manchester city pair stevan jovetic and yaya toure fails .lucas leiva ( left ) is believed to be a target for inter milan and could leave liverpool in the summer\n", - "inter milan are interested in signing midfielders lucas leiva and alex songinter are keen on manchester city duo yaya toure and stevan joevticroberto mancini worked with them both during his spell at the clubclick here for all the latest liverpool newsclick here for all the latest manchester city news\n", - "[1.2139759 1.4169852 1.4154965 1.2510583 1.3542583 1.0540082 1.1519256\n", - " 1.0396456 1.0186595 1.0294257 1.0137093 1.0525315 1.0208313 1.0175976\n", - " 1.1531181 1.0476887 1.1058617 1.0287459 1.0577672]\n", - "\n", - "[ 1 2 4 3 0 14 6 16 18 5 11 15 7 9 17 12 8 13 10]\n", - "=======================\n", - "['paul tudor jones ii , the billionaire founder of tudor investment corporation , bought the casa apava estate in palm beach last week , the palm beach daily news reported .the mediterranean-style seven-bedroom , 18-bathroom property was built in 1918 and has 420 feet of oceanfront access , as well as a tennis court , movie theater , swimming pool and gym .the hefty purchase came days after jones , 60 , warned that increasing inequality could spark a revolution as he gave a sold-out ted talk in canada in march .']\n", - "=======================\n", - "['paul tudor jones ii , who is worth $ 4.6 billion , reportedly bought the oceanfront casa apava estate in palm beach last weeklast month , he slammed the rising wealth gap during a ted talk in canada and warned there may be a revolution if nothing is done to change it']\n", - "paul tudor jones ii , the billionaire founder of tudor investment corporation , bought the casa apava estate in palm beach last week , the palm beach daily news reported .the mediterranean-style seven-bedroom , 18-bathroom property was built in 1918 and has 420 feet of oceanfront access , as well as a tennis court , movie theater , swimming pool and gym .the hefty purchase came days after jones , 60 , warned that increasing inequality could spark a revolution as he gave a sold-out ted talk in canada in march .\n", - "paul tudor jones ii , who is worth $ 4.6 billion , reportedly bought the oceanfront casa apava estate in palm beach last weeklast month , he slammed the rising wealth gap during a ted talk in canada and warned there may be a revolution if nothing is done to change it\n", - "[1.3852974 1.3269503 1.1706406 1.0834353 1.2877436 1.1988513 1.2383428\n", - " 1.0391746 1.0151391 1.0158093 1.0543598 1.0732479 1.110883 1.1239997\n", - " 1.034461 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 6 5 2 13 12 3 11 10 7 14 9 8 15 16 17 18]\n", - "=======================\n", - "[\"an unidentified male concert-goer has come under fire for his offensive choice of festival fashion after he was photographed at coachella wearing a t-shirt emblazoned with the words ` eat sleep rape repeat ' .the snapshot , which shows the man giving the peace sign as he flaunts his controversial shirt at the festival held in indio , california , sparked outrage after it was shared on twitter on sunday by jemayel khawaja , the managing editor of vice 's music and culture channel thump .the distasteful choice of words on the concert goer 's shirt are thought to be a play on the fatboy slim song eat sleep rave repeat , which was released in 2013 . '\"]\n", - "=======================\n", - "['the unidentified man was photographed in the distasteful clothing item by a twitter userdozens of people responded to express their disgust at the t-shirt']\n", - "an unidentified male concert-goer has come under fire for his offensive choice of festival fashion after he was photographed at coachella wearing a t-shirt emblazoned with the words ` eat sleep rape repeat ' .the snapshot , which shows the man giving the peace sign as he flaunts his controversial shirt at the festival held in indio , california , sparked outrage after it was shared on twitter on sunday by jemayel khawaja , the managing editor of vice 's music and culture channel thump .the distasteful choice of words on the concert goer 's shirt are thought to be a play on the fatboy slim song eat sleep rave repeat , which was released in 2013 . '\n", - "the unidentified man was photographed in the distasteful clothing item by a twitter userdozens of people responded to express their disgust at the t-shirt\n", - "[1.2591956 1.5320222 1.2337694 1.3537432 1.1722023 1.2154286 1.0461174\n", - " 1.023689 1.0296267 1.1396044 1.0494987 1.0654306 1.0663267 1.0308555\n", - " 1.1569278 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 5 4 14 9 12 11 10 6 13 8 7 17 15 16 18]\n", - "=======================\n", - "[\"rahul kumar , 17 , clambered over the enclosure fence at the kamla nehru zoological park in ahmedabad , and began running towards the animals , shouting he would ` kill them ' .a drunk teenage boy had to be rescued by security after jumping into a lions ' enclosure at a zoo in western india .mr kumar explained afterwards that he was drunk and ` thought i 'd stand a good chance ' against the predators .\"]\n", - "=======================\n", - "[\"drunk teenage boy climbed into lion enclosure at zoo in west indiarahul kumar , 17 , ran towards animals shouting ` today i kill a lion ! 'fortunately he fell into a moat before reaching lions and was rescued\"]\n", - "rahul kumar , 17 , clambered over the enclosure fence at the kamla nehru zoological park in ahmedabad , and began running towards the animals , shouting he would ` kill them ' .a drunk teenage boy had to be rescued by security after jumping into a lions ' enclosure at a zoo in western india .mr kumar explained afterwards that he was drunk and ` thought i 'd stand a good chance ' against the predators .\n", - "drunk teenage boy climbed into lion enclosure at zoo in west indiarahul kumar , 17 , ran towards animals shouting ` today i kill a lion ! 'fortunately he fell into a moat before reaching lions and was rescued\n", - "[1.066077 1.0445441 1.1044025 1.1382353 1.4703395 1.3796118 1.3549955\n", - " 1.0741807 1.0270188 1.0406251 1.0606917 1.0823948 1.0389841 1.0637133\n", - " 1.0853081 1.1237435 1.0185035 1.0178504 1.0202146]\n", - "\n", - "[ 4 5 6 3 15 2 14 11 7 0 13 10 1 9 12 8 18 16 17]\n", - "=======================\n", - "[\"new attraction : the enormous anthem of the seas is set to welcome more than 80,000 people on board this summerin the evening , they dance to music .pouring drinks is only one of these bartenders ' tricks .\"]\n", - "=======================\n", - "[\"new royal caribbean cruise ship anthem of the seas is sailing out of southampton this summerit has innovations including robot bartenders who dance to music as well as pour margaritasthe liner holds the title of being the world 's third largest cruise ship , with room for nearly 5,000 passengers\"]\n", - "new attraction : the enormous anthem of the seas is set to welcome more than 80,000 people on board this summerin the evening , they dance to music .pouring drinks is only one of these bartenders ' tricks .\n", - "new royal caribbean cruise ship anthem of the seas is sailing out of southampton this summerit has innovations including robot bartenders who dance to music as well as pour margaritasthe liner holds the title of being the world 's third largest cruise ship , with room for nearly 5,000 passengers\n", - "[1.0574465 1.2272432 1.3369912 1.3303539 1.1873977 1.237628 1.1914355\n", - " 1.1241926 1.0828085 1.0762358 1.1103302 1.0654333 1.074413 1.0433002\n", - " 1.05326 1.0269486 0. 0. 0. ]\n", - "\n", - "[ 2 3 5 1 6 4 7 10 8 9 12 11 0 14 13 15 16 17 18]\n", - "=======================\n", - "['the huge increase in demand for coloured stones , such as sapphires and rubies , has seen their prices soar .kate middleton proudly wore a ceylon sapphire once owned by princess diana as her engagement ringdemand has seen the value of some coloured stones increase by more than 2,000 per cent over the last ten years , with leading auctioneers now branding them a better investment than diamonds .']\n", - "=======================\n", - "['increased demand for coloured stones has seen their prices soarvalue of diamonds has been vastly overtaken by sapphires and rubiesauctioneers are now branding them a better investment than diamondscelebrities such as kate middleton have driven the craze']\n", - "the huge increase in demand for coloured stones , such as sapphires and rubies , has seen their prices soar .kate middleton proudly wore a ceylon sapphire once owned by princess diana as her engagement ringdemand has seen the value of some coloured stones increase by more than 2,000 per cent over the last ten years , with leading auctioneers now branding them a better investment than diamonds .\n", - "increased demand for coloured stones has seen their prices soarvalue of diamonds has been vastly overtaken by sapphires and rubiesauctioneers are now branding them a better investment than diamondscelebrities such as kate middleton have driven the craze\n", - "[1.4542067 1.2527119 1.2555373 1.218909 1.2298548 1.0804147 1.0854471\n", - " 1.0668976 1.0691203 1.087364 1.0636604 1.083663 1.0708786 1.0843915\n", - " 1.045866 1.0212849 1.0282835 0. 0. ]\n", - "\n", - "[ 0 2 1 4 3 9 6 13 11 5 12 8 7 10 14 16 15 17 18]\n", - "=======================\n", - "[\"( cnn ) a u.s. army soldier was killed wednesday in an attack in eastern afghanistan by an afghan national army gunman , a u.s. military official told cnn , shortly after an american official met with a provincial governor .a u.s. defense official did n't provide details about the attack in the city of jalalabad .the afghan soldier opened fire on the u.s. troops as they were leaving a meeting at the compound , said fazal ahmad shirzad , police chief of nangarhar province .\"]\n", - "=======================\n", - "['gunfire erupts after senior u.s. official meets with afghan governor in jalalabad , u.s. embassy saysafghan soldier fires at u.s. troops , afghan police official says']\n", - "( cnn ) a u.s. army soldier was killed wednesday in an attack in eastern afghanistan by an afghan national army gunman , a u.s. military official told cnn , shortly after an american official met with a provincial governor .a u.s. defense official did n't provide details about the attack in the city of jalalabad .the afghan soldier opened fire on the u.s. troops as they were leaving a meeting at the compound , said fazal ahmad shirzad , police chief of nangarhar province .\n", - "gunfire erupts after senior u.s. official meets with afghan governor in jalalabad , u.s. embassy saysafghan soldier fires at u.s. troops , afghan police official says\n", - "[1.6125026 1.3475602 1.1236321 1.2740889 1.0444107 1.0126829 1.0128896\n", - " 1.0135636 1.1589265 1.0499341 1.1212988 1.0455089 1.1488435 1.1756302\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 13 8 12 2 10 9 11 4 7 6 5 17 14 15 16 18]\n", - "=======================\n", - "['chelsea and tottenham hotspur missed out on the opportunity to narrow the gap to under 21 league leaders manchester united after playing out a goalless draw at wheatsheaf park .spurs went into the game at staines town sitting sixth in the league but victory would have taken them joint top with the red devils , while the defending champions were only three points behind the north london outfit .ruben loftus-cheek played for chelsea under 21s having already starred in the champions league this term']\n", - "=======================\n", - "['luke mcgee made stoppage time double save for tottenham hotspurchelsea keeper mitchell beeney nearly handed spurs lead with errortottenham missed out going level on points with manchester unitedspurs now sit third in table behind united and liverpooldefending champions , in eighth , remain three points behind spurs']\n", - "chelsea and tottenham hotspur missed out on the opportunity to narrow the gap to under 21 league leaders manchester united after playing out a goalless draw at wheatsheaf park .spurs went into the game at staines town sitting sixth in the league but victory would have taken them joint top with the red devils , while the defending champions were only three points behind the north london outfit .ruben loftus-cheek played for chelsea under 21s having already starred in the champions league this term\n", - "luke mcgee made stoppage time double save for tottenham hotspurchelsea keeper mitchell beeney nearly handed spurs lead with errortottenham missed out going level on points with manchester unitedspurs now sit third in table behind united and liverpooldefending champions , in eighth , remain three points behind spurs\n", - "[1.2915664 1.4772856 1.2165667 1.3559633 1.1011682 1.1081291 1.0807841\n", - " 1.0923944 1.0197726 1.0845954 1.0858952 1.0336286 1.0676963 1.204731\n", - " 1.0404785 1.0663943 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 13 5 4 7 10 9 6 12 15 14 11 8 19 16 17 18 20]\n", - "=======================\n", - "[\"bbc2 boss kim shillinglaw , who has been tasked with finding a new presenter for the show , said clarkson ` will be back ' on the bbc , despite his very public sacking from top gear just last month .jeremy clarkson will return to the bbc but not on top gear - even though bosses still have n't found his replacement .kim shillinglaw refused to say who would be replacing clarkson .\"]\n", - "=======================\n", - "[\"bbc2 's kim shillinglaw says clarkson ` will be back ' because there is ` no ban on jeremy being on the bbc 'she insisted he would return in the future but currently ` needs some time 'also said top gear scenes filmed before sacking would be aired in summerms shillinglaw said females were being considered to take clarkson 's post\"]\n", - "bbc2 boss kim shillinglaw , who has been tasked with finding a new presenter for the show , said clarkson ` will be back ' on the bbc , despite his very public sacking from top gear just last month .jeremy clarkson will return to the bbc but not on top gear - even though bosses still have n't found his replacement .kim shillinglaw refused to say who would be replacing clarkson .\n", - "bbc2 's kim shillinglaw says clarkson ` will be back ' because there is ` no ban on jeremy being on the bbc 'she insisted he would return in the future but currently ` needs some time 'also said top gear scenes filmed before sacking would be aired in summerms shillinglaw said females were being considered to take clarkson 's post\n", - "[1.1833949 1.4872985 1.2240286 1.2769656 1.3669012 1.1077279 1.0219234\n", - " 1.0693381 1.0832958 1.036873 1.0895221 1.0514393 1.1333299 1.1956398\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 2 13 0 12 5 10 8 7 11 9 6 19 14 15 16 17 18 20]\n", - "=======================\n", - "['gregg manderson , 68 , of st paul , minnesota , first sought medical attention after he got twinkle twinkle little star trapped inside his mind last may , setting off nearly twelve months of doctors his mind shuffling between tunes that are stuck on repeat .minneapolis va medical center neurologist dr khalaf alla bushara and researcher roger dumas have looked for a way to end the earworm , though they have yet to find a cure for the military-style revelry .he has also hallucinated the theme song to the western 1950s television show cheyenne had the same mysterious bugle call stuck in his head for years .']\n", - "=======================\n", - "[\"gregg manderson , 68 , of st paul , minnesota , has auditory hallucinationshe sought help for condition last may when lullaby twinkle , twinkle little star crept into his headsongs , which have included police sirens , last for about a month , but for years he has heard a bugle call that could be linked to his time in vietnammanderson originally did n't knowtheme song to the 1950s western show cheyenne also often in his mind\"]\n", - "gregg manderson , 68 , of st paul , minnesota , first sought medical attention after he got twinkle twinkle little star trapped inside his mind last may , setting off nearly twelve months of doctors his mind shuffling between tunes that are stuck on repeat .minneapolis va medical center neurologist dr khalaf alla bushara and researcher roger dumas have looked for a way to end the earworm , though they have yet to find a cure for the military-style revelry .he has also hallucinated the theme song to the western 1950s television show cheyenne had the same mysterious bugle call stuck in his head for years .\n", - "gregg manderson , 68 , of st paul , minnesota , has auditory hallucinationshe sought help for condition last may when lullaby twinkle , twinkle little star crept into his headsongs , which have included police sirens , last for about a month , but for years he has heard a bugle call that could be linked to his time in vietnammanderson originally did n't knowtheme song to the 1950s western show cheyenne also often in his mind\n", - "[1.35813 1.2142539 1.1754653 1.2480634 1.2380614 1.1150535 1.0865672\n", - " 1.1162434 1.1292007 1.0230315 1.017442 1.1167059 1.0860057 1.14347\n", - " 1.028254 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 1 2 13 8 11 7 5 6 12 14 9 10 15 16 17 18 19 20]\n", - "=======================\n", - "[\"cad : poet rupert brooke had a string of short-lived relationships with various women before he died aged 27 in april 1915the documents , brought to light for the first time thanks to a # 430,000 grant , show brooke 's lovers complaining about his refusal to take their relationships seriously .the letters are part of the john schroder collection , which has spent decades in private hands but will now be available to the public after being bought by king 's college , cambridge , where the poet was a student .\"]\n", - "=======================\n", - "[\"the poet has a reputation as a ` young apollo ' who died tragically youngnew letters reveal he had a string of brief relationships with womenlover cathleen nesbitt suggested that he could ` settle in the wild 'brooke was mourned by the nation and celebrated by churchill when he died 100 years ago today\"]\n", - "cad : poet rupert brooke had a string of short-lived relationships with various women before he died aged 27 in april 1915the documents , brought to light for the first time thanks to a # 430,000 grant , show brooke 's lovers complaining about his refusal to take their relationships seriously .the letters are part of the john schroder collection , which has spent decades in private hands but will now be available to the public after being bought by king 's college , cambridge , where the poet was a student .\n", - "the poet has a reputation as a ` young apollo ' who died tragically youngnew letters reveal he had a string of brief relationships with womenlover cathleen nesbitt suggested that he could ` settle in the wild 'brooke was mourned by the nation and celebrated by churchill when he died 100 years ago today\n", - "[1.619913 1.218012 1.4078825 1.1525892 1.0527602 1.0334576 1.0495625\n", - " 1.1713231 1.2040187 1.191187 1.0394481 1.0173638 1.0260452 1.0974039\n", - " 1.0115451 1.0155602 1.072276 1.0126506 1.0095526 0. 0. ]\n", - "\n", - "[ 0 2 1 8 9 7 3 13 16 4 6 10 5 12 11 15 17 14 18 19 20]\n", - "=======================\n", - "[\"chelsea match-winner cesc fabregas hailed a vital win after his late goal gave his side a 1-0 victory over qpr at loftus road .the win moved jose mourinho 's men seven points clear at the top of the table and fabregas admitted it was an important goal .the game looked to be heading for a stalemate before fabregas ' 88th minute shot - their first on target in the game - found its way past rob green .\"]\n", - "=======================\n", - "[\"chelsea scored late winner to beat qpr 1-0 at loftus road on sundaycesc fabregas scored with chelsea 's only shot on targetchelsea move seven points clear at the top of the premier league\"]\n", - "chelsea match-winner cesc fabregas hailed a vital win after his late goal gave his side a 1-0 victory over qpr at loftus road .the win moved jose mourinho 's men seven points clear at the top of the table and fabregas admitted it was an important goal .the game looked to be heading for a stalemate before fabregas ' 88th minute shot - their first on target in the game - found its way past rob green .\n", - "chelsea scored late winner to beat qpr 1-0 at loftus road on sundaycesc fabregas scored with chelsea 's only shot on targetchelsea move seven points clear at the top of the premier league\n", - "[1.1910642 1.410556 1.2419214 1.23475 1.1321024 1.197789 1.0903206\n", - " 1.1856253 1.0334272 1.0923926 1.1042104 1.1063828 1.1735666 1.0158286\n", - " 1.016901 1.0739094 1.0367336 1.0665784 1.0373187 1.0734087 1.0411915]\n", - "\n", - "[ 1 2 3 5 0 7 12 4 11 10 9 6 15 19 17 20 18 16 8 14 13]\n", - "=======================\n", - "[\"representative jesse young wants to use two or three carriers to link bremerton and port orchard across the sinclair inlet .a proposal put forth by young which would use money from the state 's highway budget to fund a feasibility study about the bridge passed in the washington house on thursday .the idea is intriguing because the us navy is storing three retired carriers just a few hundred yards from the proposed site of the bridge .\"]\n", - "=======================\n", - "['the bridge would link bremerton and port orchard across the sinclair inletwashington state representative jesse young is behind the unique ideastate highway budget about project passed washington house thursdaystudy of idea will have a $ 90,000 budget if approved by legislatureproject would involve three carriers or just two and two rampsrep. young has eye on the uss independence and the uss kitty hawk']\n", - "representative jesse young wants to use two or three carriers to link bremerton and port orchard across the sinclair inlet .a proposal put forth by young which would use money from the state 's highway budget to fund a feasibility study about the bridge passed in the washington house on thursday .the idea is intriguing because the us navy is storing three retired carriers just a few hundred yards from the proposed site of the bridge .\n", - "the bridge would link bremerton and port orchard across the sinclair inletwashington state representative jesse young is behind the unique ideastate highway budget about project passed washington house thursdaystudy of idea will have a $ 90,000 budget if approved by legislatureproject would involve three carriers or just two and two rampsrep. young has eye on the uss independence and the uss kitty hawk\n", - "[1.0587139 1.2517952 1.4988415 1.35921 1.3417436 1.3430521 1.1975113\n", - " 1.1251087 1.1229858 1.0174972 1.0111166 1.0452615 1.1853997 1.0132722\n", - " 1.0996913 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 3 5 4 1 6 12 7 8 14 0 11 9 13 10 15 16 17 18 19 20 21 22 23]\n", - "=======================\n", - "['the confused bird was seen swimming in the grand union canal earlier this month after apparently flying into london along the thames .the puffin was given some fish and wrapped in a blanket , before being handed to a specialist centre in dorset to recuperatethe distinctive bird with an orange beak was spotted by an eagle-eyed canal boat resident .']\n", - "=======================\n", - "[\"bird was spotted near the a4 flyover at brentford after flying along thameseagle-eyed canal boat resident saw the puffin and contacted rescue agencypuffins most commonly found in iceland , but this bird ` blown off course '\"]\n", - "the confused bird was seen swimming in the grand union canal earlier this month after apparently flying into london along the thames .the puffin was given some fish and wrapped in a blanket , before being handed to a specialist centre in dorset to recuperatethe distinctive bird with an orange beak was spotted by an eagle-eyed canal boat resident .\n", - "bird was spotted near the a4 flyover at brentford after flying along thameseagle-eyed canal boat resident saw the puffin and contacted rescue agencypuffins most commonly found in iceland , but this bird ` blown off course '\n", - "[1.4621199 1.450409 1.4105403 1.1085255 1.2888851 1.0312873 1.027326\n", - " 1.0191505 1.0218903 1.0285327 1.0865635 1.1444516 1.0157334 1.0411309\n", - " 1.0070903 1.0084164 1.0078236 1.0123779 1.0116005 1.0259528 1.0078084\n", - " 1.0086287 1.0690043 1.4221154]\n", - "\n", - "[ 0 1 23 2 4 11 3 10 22 13 5 9 6 19 8 7 12 17 18 21 15 16 20 14]\n", - "=======================\n", - "[\"aston villa shocked liverpool to reach the fa cup final to take on arsenal in may .philippe coutinho fired liverpool ahead with a smart chip before a long range chrisitan benteke strike equalised for aston villa .tim sherwood 's side moved into the lead thanks to a solo effort from fabian delph and held on for the famous victory .\"]\n", - "=======================\n", - "[\"tim sherwood 's side came from behind to beat liverpool 2-1philippe coutinho chipped liverpool into the lead in the first-halfchristian benteke and fabian delph inspired an aston villa comeback19-year-old jack grealish was in fine form on his wembley debutclick here to read sportsmail 's match zone from the wembley clash\"]\n", - "aston villa shocked liverpool to reach the fa cup final to take on arsenal in may .philippe coutinho fired liverpool ahead with a smart chip before a long range chrisitan benteke strike equalised for aston villa .tim sherwood 's side moved into the lead thanks to a solo effort from fabian delph and held on for the famous victory .\n", - "tim sherwood 's side came from behind to beat liverpool 2-1philippe coutinho chipped liverpool into the lead in the first-halfchristian benteke and fabian delph inspired an aston villa comeback19-year-old jack grealish was in fine form on his wembley debutclick here to read sportsmail 's match zone from the wembley clash\n", - "[1.4533423 1.4947493 1.2654486 1.2548085 1.2404397 1.1660843 1.0302067\n", - " 1.0228671 1.2879502 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 8 2 3 4 5 6 7 21 20 19 18 17 16 11 14 13 12 22 10 9 15 23]\n", - "=======================\n", - "[\"movistar rider valverde sprinted to victory ahead of julian alaphilippe and michael albasini in a race which saw former winner philippe gilbert pull out after a bad crash some 50 kilometres from the end .alejandro valverde successfully defended his fleche wallonne title on wednesday as chris froome finished back in 123rd after a fall .team sky 's chris froome fell in the closing 12km but fought on to finish the race despite being ` banged up '\"]\n", - "=======================\n", - "[\"alejandro valverde won ahead of julian alaphilippe and michael albasinichris froome finished 123rd after a crash during the final 12 kilometresteam sky 's sports director gabriel rasch praised froome for finishingrasch said froome was ` banged up ' but expects to ride tour de romandie\"]\n", - "movistar rider valverde sprinted to victory ahead of julian alaphilippe and michael albasini in a race which saw former winner philippe gilbert pull out after a bad crash some 50 kilometres from the end .alejandro valverde successfully defended his fleche wallonne title on wednesday as chris froome finished back in 123rd after a fall .team sky 's chris froome fell in the closing 12km but fought on to finish the race despite being ` banged up '\n", - "alejandro valverde won ahead of julian alaphilippe and michael albasinichris froome finished 123rd after a crash during the final 12 kilometresteam sky 's sports director gabriel rasch praised froome for finishingrasch said froome was ` banged up ' but expects to ride tour de romandie\n", - "[1.0943938 1.1690123 1.2273979 1.2255504 1.1569048 1.144413 1.1623938\n", - " 1.1135845 1.141962 1.0782089 1.068793 1.1147158 1.0632503 1.1096116\n", - " 1.0813644 1.0495013 1.0355872 1.0273384 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 6 4 5 8 11 7 13 0 14 9 10 12 15 16 17 22 18 19 20 21 23]\n", - "=======================\n", - "[\"some look like exotic bird feathers and colourful ribbon , while others resemble jagged autumnal leaves that change colour at the outer edges .these stunning pictures show the finer details of a butterfly 's wing in stunning clarity , including their rainbow scales .the photos were shot by linden gledhill from staffordshire , who combines his love of photography with a phd in biochemistry .\"]\n", - "=======================\n", - "['the stunning photos of the butterfly wings were taken by 51-year-old linden gledhill from staffordshirehe used a trinocular-reflecting light microscope with a canon eos 5d mark ii camera is fitted to the topimages include close-up shots of the peacock swallowtail , a sunset moth and the mother of pearl butterfly']\n", - "some look like exotic bird feathers and colourful ribbon , while others resemble jagged autumnal leaves that change colour at the outer edges .these stunning pictures show the finer details of a butterfly 's wing in stunning clarity , including their rainbow scales .the photos were shot by linden gledhill from staffordshire , who combines his love of photography with a phd in biochemistry .\n", - "the stunning photos of the butterfly wings were taken by 51-year-old linden gledhill from staffordshirehe used a trinocular-reflecting light microscope with a canon eos 5d mark ii camera is fitted to the topimages include close-up shots of the peacock swallowtail , a sunset moth and the mother of pearl butterfly\n", - "[1.256665 1.3488834 1.1645578 1.2168158 1.1871715 1.2112855 1.1044419\n", - " 1.1287417 1.0861756 1.058256 1.0602342 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 5 4 2 7 6 8 10 9 21 20 19 18 17 11 15 14 13 12 22 16 23]\n", - "=======================\n", - "['the founder of weight watchers died wednesday at her home in florida .( cnn ) combining healthy eating with moral support , jean nidetch became a heavyweight in the weight-loss industry .nidetch described herself as an \" overweight housewife obsessed with cookies . \"']\n", - "=======================\n", - "['jean nidetch started weight watchers in 1963nidetch \\'s philosophy : \" it \\'s choice -- not chance -- that determines your destiny \"']\n", - "the founder of weight watchers died wednesday at her home in florida .( cnn ) combining healthy eating with moral support , jean nidetch became a heavyweight in the weight-loss industry .nidetch described herself as an \" overweight housewife obsessed with cookies . \"\n", - "jean nidetch started weight watchers in 1963nidetch 's philosophy : \" it 's choice -- not chance -- that determines your destiny \"\n", - "[1.2736034 1.3619835 1.225895 1.2435066 1.1189234 1.1457822 1.0190947\n", - " 1.068873 1.10166 1.0987175 1.027458 1.0446486 1.0350403 1.0583408\n", - " 1.0199126 1.0312283 1.0618726 0. ]\n", - "\n", - "[ 1 0 3 2 5 4 8 9 7 16 13 11 12 15 10 14 6 17]\n", - "=======================\n", - "[\"the visit , which kicked off with a pageant aboard a flotilla of boats on the local canal , was part of willem-alexander 's 48th birthday celebrations .there were scenes of jubilation in the dutch city of dordrecht today , as flag-waving locals turned out to welcome king willem-alexander and his glamorous wife maxima today .happy family : the dutch royals celebrated king willem-alexander 's birthday in dordrecht\"]\n", - "=======================\n", - "[\"king willem-alexander of the netherlands is celebrating his 48th birthdaytook part in a water-borne procession along a canal in dordrechtwas joined by his glamorous wife , queen maxima , and their daughtersthe 43-year-old queen was resplendent in a cheerful raspberry get-upking 's day - or koningsdag - is a national holiday in the netherlandscelebrations include ` king 's parties ' and eating lots of tompouce pastries\"]\n", - "the visit , which kicked off with a pageant aboard a flotilla of boats on the local canal , was part of willem-alexander 's 48th birthday celebrations .there were scenes of jubilation in the dutch city of dordrecht today , as flag-waving locals turned out to welcome king willem-alexander and his glamorous wife maxima today .happy family : the dutch royals celebrated king willem-alexander 's birthday in dordrecht\n", - "king willem-alexander of the netherlands is celebrating his 48th birthdaytook part in a water-borne procession along a canal in dordrechtwas joined by his glamorous wife , queen maxima , and their daughtersthe 43-year-old queen was resplendent in a cheerful raspberry get-upking 's day - or koningsdag - is a national holiday in the netherlandscelebrations include ` king 's parties ' and eating lots of tompouce pastries\n", - "[1.3951026 1.4429626 1.3197906 1.3847649 1.1958516 1.0184896 1.0920779\n", - " 1.2026112 1.1092434 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 7 4 8 6 5 16 9 10 11 12 13 14 15 17]\n", - "=======================\n", - "[\"the 24-year-old was last month charged with violent conduct by the fa after he was accused of sinking his teeth into the hand of stevenage defender ronnie henry during dagenham 's 1-0 win at the lamex stadium .dagenham and redbridge midfielder joss labadie has been banned for six months after being found guilty of a biting offence for the second time in the space of a year .labadie pleaded not guilty to the violent conduct charge at a disciplinary hearing on wednesday\"]\n", - "=======================\n", - "['joss labadie given six-month ban for biting ronnie henryincident took place shortly before the end of league two clash between dagenham and stevenage in marchthe midfielder pleaded not guilty to the violent conduct charge at a fa disciplinary hearing on wednesdaylabadie served a 10-match ban and was fined # 2,000 in 2014 for biting']\n", - "the 24-year-old was last month charged with violent conduct by the fa after he was accused of sinking his teeth into the hand of stevenage defender ronnie henry during dagenham 's 1-0 win at the lamex stadium .dagenham and redbridge midfielder joss labadie has been banned for six months after being found guilty of a biting offence for the second time in the space of a year .labadie pleaded not guilty to the violent conduct charge at a disciplinary hearing on wednesday\n", - "joss labadie given six-month ban for biting ronnie henryincident took place shortly before the end of league two clash between dagenham and stevenage in marchthe midfielder pleaded not guilty to the violent conduct charge at a fa disciplinary hearing on wednesdaylabadie served a 10-match ban and was fined # 2,000 in 2014 for biting\n", - "[1.1374141 1.2571082 1.3702844 1.2794316 1.2584529 1.2708867 1.1900704\n", - " 1.1618278 1.0643024 1.1019367 1.0594236 1.0091236 1.0261374 1.1803486\n", - " 1.0717416 1.0134002 1.0329409 0. ]\n", - "\n", - "[ 2 3 5 4 1 6 13 7 0 9 14 8 10 16 12 15 11 17]\n", - "=======================\n", - "['the sale is a record amount for the bathing boxes in brighton since they were first constructed in 1862 .it came after five bidders battled it out at auction for the 2.4 m x 2.0 m x 2.0 m size box .this blue and yellow bathing box on brighton beach in melbourne has sold for a staggering $ 276,000']\n", - "=======================\n", - "[\"a bathing box sold in brighton , melbourne , for a record $ 276,000a sydney garage was snapped up to be turned into a home for $ 1.2 millionan old maximum security prison in victoria is on the market for $ 2 millionand australia 's priciest parking space at $ 330,000 suggests even your car ca n't find a cheap home in the current property boom\"]\n", - "the sale is a record amount for the bathing boxes in brighton since they were first constructed in 1862 .it came after five bidders battled it out at auction for the 2.4 m x 2.0 m x 2.0 m size box .this blue and yellow bathing box on brighton beach in melbourne has sold for a staggering $ 276,000\n", - "a bathing box sold in brighton , melbourne , for a record $ 276,000a sydney garage was snapped up to be turned into a home for $ 1.2 millionan old maximum security prison in victoria is on the market for $ 2 millionand australia 's priciest parking space at $ 330,000 suggests even your car ca n't find a cheap home in the current property boom\n", - "[1.287206 1.2969828 1.189256 1.2412314 1.2150408 1.075259 1.1645011\n", - " 1.1772717 1.0392396 1.051135 1.0296367 1.1314929 1.1523846 1.0252129\n", - " 1.1020795 1.0317795 1.069578 1.0126861]\n", - "\n", - "[ 1 0 3 4 2 7 6 12 11 14 5 16 9 8 15 10 13 17]\n", - "=======================\n", - "['now more than two years since australian warren rodwell was finally staggered to freedom from the clutches of the filipino terror group abu sayyaf , he believes he may be in for another fight .he was held against his will in a foreign jungle for 472 days and feared his al-qaeda linked captors would behead him .islamist militants posing as policemen abducted mr rodwell from his home in the philippines by gunpoint on december 5 , 2011 .']\n", - "=======================\n", - "[\"australian warren rodwell was held hostage for 472 days and feared his abu sayyaf captors would behead himhe was freed in march 2013 after his family successfully managed to raise a ransomnow he fears he will not receive victims of terrorism overseas compensationunless prime minister tony abbott decides otherwise , his kidnapping is not listed as a ` declared terrorist event 'asio has officially declared abu sayyaf as a terrorist organisation\"]\n", - "now more than two years since australian warren rodwell was finally staggered to freedom from the clutches of the filipino terror group abu sayyaf , he believes he may be in for another fight .he was held against his will in a foreign jungle for 472 days and feared his al-qaeda linked captors would behead him .islamist militants posing as policemen abducted mr rodwell from his home in the philippines by gunpoint on december 5 , 2011 .\n", - "australian warren rodwell was held hostage for 472 days and feared his abu sayyaf captors would behead himhe was freed in march 2013 after his family successfully managed to raise a ransomnow he fears he will not receive victims of terrorism overseas compensationunless prime minister tony abbott decides otherwise , his kidnapping is not listed as a ` declared terrorist event 'asio has officially declared abu sayyaf as a terrorist organisation\n", - "[1.438181 1.513036 1.2553461 1.4004596 1.0599878 1.0155332 1.0149918\n", - " 1.0182258 1.1288958 1.0972368 1.0879941 1.0728549 1.0398839 1.1636027\n", - " 1.0082296 1.030286 0. 0. ]\n", - "\n", - "[ 1 0 3 2 13 8 9 10 11 4 12 15 7 5 6 14 16 17]\n", - "=======================\n", - "[\"the tigers head to southampton on saturday without a win in five games and perching just two points above the bottom three after wins last week for qpr and leicester .hull boss steve bruce has admitted his side need to pull off a couple of ` crazy results ' if they are to preserve their premier league status in a frantic end-of-season run-in .and bruce hopes the unpredictable nature of this season 's top flight will continue into the final weeks , with the likes of liverpool , arsenal and manchester united still due to visit the kc stadium .\"]\n", - "=======================\n", - "[\"steve bruce admits hull need to pull off ` crazy results ' to avoid the dropthe tigers still have to play liverpool , arsenal and manchester unitedhull are just two points away from the bottom three of the premier leagueclick here for all the latest hull news\"]\n", - "the tigers head to southampton on saturday without a win in five games and perching just two points above the bottom three after wins last week for qpr and leicester .hull boss steve bruce has admitted his side need to pull off a couple of ` crazy results ' if they are to preserve their premier league status in a frantic end-of-season run-in .and bruce hopes the unpredictable nature of this season 's top flight will continue into the final weeks , with the likes of liverpool , arsenal and manchester united still due to visit the kc stadium .\n", - "steve bruce admits hull need to pull off ` crazy results ' to avoid the dropthe tigers still have to play liverpool , arsenal and manchester unitedhull are just two points away from the bottom three of the premier leagueclick here for all the latest hull news\n", - "[1.2120589 1.4234952 1.3001863 1.2746687 1.1777 1.1181419 1.0260134\n", - " 1.0409425 1.1551745 1.0505365 1.0661668 1.0461615 1.0912488 1.0311688\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 8 5 12 10 9 11 7 13 6 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"the man , known only as donor 7042 , carries a defective gene known as neurofibromatosis 1 ( nf1 ) that can pass on a severe , life-limiting condition to his offspring .with demand for danish sperm soaring , the donor is understood to have fathered 99 ` viking babies ' -- as they are widely dubbed -- across the world through the clinic nordic cryobank .ten of his offspring have already been diagnosed with nf1 -- a condition which can increase the risk of cancer , cause learning difficulties and reduce a sufferer 's lifespan by up to 15 years .\"]\n", - "=======================\n", - "[\"donor 7042 carries defective gene known as neurofibromatosis 1 ( nf1 )ten of the donor 's offspring have already been diagnosed with nf1can increase risk of cancer , cause learning difficulties and reduce lifespanfour families are suing the nordic cryobank that supplied the sperm\"]\n", - "the man , known only as donor 7042 , carries a defective gene known as neurofibromatosis 1 ( nf1 ) that can pass on a severe , life-limiting condition to his offspring .with demand for danish sperm soaring , the donor is understood to have fathered 99 ` viking babies ' -- as they are widely dubbed -- across the world through the clinic nordic cryobank .ten of his offspring have already been diagnosed with nf1 -- a condition which can increase the risk of cancer , cause learning difficulties and reduce a sufferer 's lifespan by up to 15 years .\n", - "donor 7042 carries defective gene known as neurofibromatosis 1 ( nf1 )ten of the donor 's offspring have already been diagnosed with nf1can increase risk of cancer , cause learning difficulties and reduce lifespanfour families are suing the nordic cryobank that supplied the sperm\n", - "[1.3975252 1.329996 1.3024611 1.1094887 1.1127832 1.0414048 1.0929935\n", - " 1.1165237 1.1316293 1.0415287 1.1466821 1.0447187 1.0532591 1.0253811\n", - " 1.0144743 1.0309882 1.1414785 1.0347477 1.1330341 1.0167538 1.0133499]\n", - "\n", - "[ 0 1 2 10 16 18 8 7 4 3 6 12 11 9 5 17 15 13 19 14 20]\n", - "=======================\n", - "['floyd mayweather vs manny pacquiao tickets are the hottest property in town .only 500 were on general sale with the rest distributed by the fighters , promoters , television networks showtime and hbo and the mgm grand .one fan , ade adebayo , 34 , from brighton was lucky enough to get hold of a ticket when they were released last week and here he tells us his story and his hopes for the fight .']\n", - "=======================\n", - "['floyd mayweather will fight manny pacquiao on may 2 at mgm grandtickets were officially sold for as much as $ 10,000read : fans get their hands on mayweather vs pacquiao ticketsmayweather vs pacquiao by numbers : from tickets to betting oddsclick here for the latest mayweather vs pacquiao news']\n", - "floyd mayweather vs manny pacquiao tickets are the hottest property in town .only 500 were on general sale with the rest distributed by the fighters , promoters , television networks showtime and hbo and the mgm grand .one fan , ade adebayo , 34 , from brighton was lucky enough to get hold of a ticket when they were released last week and here he tells us his story and his hopes for the fight .\n", - "floyd mayweather will fight manny pacquiao on may 2 at mgm grandtickets were officially sold for as much as $ 10,000read : fans get their hands on mayweather vs pacquiao ticketsmayweather vs pacquiao by numbers : from tickets to betting oddsclick here for the latest mayweather vs pacquiao news\n", - "[1.1942853 1.5361502 1.3703989 1.1656253 1.3365834 1.2191635 1.10212\n", - " 1.0662754 1.050402 1.1475414 1.0581849 1.0401518 1.111219 1.0377135\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 5 0 3 9 12 6 7 10 8 11 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "['hakaoro hakaoro was sentenced to 20 months in jail in january 2014 for working without a licence .this week the 55-year-old has been found guilty of six new complaints by the immigration advisors disciplinary tribunal .hakaoro took $ 3,000 from two siblings who wanted help with their immigration status .']\n", - "=======================\n", - "['hakaoro hakaoro was jailed in january 2014 for working without a licencea string of new complaints against him have come to light this weekhe tried to lure women into sexual services for their promised visasthe tribunal will wait to decide on a penalty for the new complaints']\n", - "hakaoro hakaoro was sentenced to 20 months in jail in january 2014 for working without a licence .this week the 55-year-old has been found guilty of six new complaints by the immigration advisors disciplinary tribunal .hakaoro took $ 3,000 from two siblings who wanted help with their immigration status .\n", - "hakaoro hakaoro was jailed in january 2014 for working without a licencea string of new complaints against him have come to light this weekhe tried to lure women into sexual services for their promised visasthe tribunal will wait to decide on a penalty for the new complaints\n", - "[1.2829762 1.1100132 1.2910658 1.4229943 1.2697164 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 0 4 1 18 17 16 15 14 13 12 10 19 9 8 7 6 5 11 20]\n", - "=======================\n", - "[\"andros townsend scores england 's equaliser in their 1-1 friendly draw with italy in turin on tuesday nightthree lions manager roy hodgson has , however , kept faith with the tottenham winger - belief he paid back in quite exceptional fashion at the juventus stadium .andros townsend enjoyed silencing the critics with his wonder strike for england , saying naysayers like paul merson provided the perfect motivation for him in italy .\"]\n", - "=======================\n", - "[\"andros townsend scored the equaliser in england 's 1-1 draw with italytownsend tweeted to hit back at paul merson for his previous commentstownsend has been been ` desperate ' to silence his criticsmerson had slammed townsend for his display against man unitedâ\"]\n", - "andros townsend scores england 's equaliser in their 1-1 friendly draw with italy in turin on tuesday nightthree lions manager roy hodgson has , however , kept faith with the tottenham winger - belief he paid back in quite exceptional fashion at the juventus stadium .andros townsend enjoyed silencing the critics with his wonder strike for england , saying naysayers like paul merson provided the perfect motivation for him in italy .\n", - "andros townsend scored the equaliser in england 's 1-1 draw with italytownsend tweeted to hit back at paul merson for his previous commentstownsend has been been ` desperate ' to silence his criticsmerson had slammed townsend for his display against man unitedâ\n", - "[1.2633902 1.4241917 1.2365599 1.1361234 1.2869229 1.215068 1.2030833\n", - " 1.1544279 1.1315867 1.1563101 1.1017479 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 2 5 6 9 7 3 8 10 11 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"police say the man , a garbage truck driver , was collecting bins in footscray early on saturday morning when the truck rolled forward , pinning him between the vehicle and a pole .paramedics tried to revive the man but he died at the scene .meanwhile another man has died and two others are fighting for their life in hospital after a car apparently packed with six passengers , crashed in melbourne 's east .\"]\n", - "=======================\n", - "[\"a man has died after being crushed by a garbage truck in melbournethe man was collecting garbage when the truck rolled and crushed himanother man has died after the car he was travelling in crashed into trees in melbourne 's east on friday\"]\n", - "police say the man , a garbage truck driver , was collecting bins in footscray early on saturday morning when the truck rolled forward , pinning him between the vehicle and a pole .paramedics tried to revive the man but he died at the scene .meanwhile another man has died and two others are fighting for their life in hospital after a car apparently packed with six passengers , crashed in melbourne 's east .\n", - "a man has died after being crushed by a garbage truck in melbournethe man was collecting garbage when the truck rolled and crushed himanother man has died after the car he was travelling in crashed into trees in melbourne 's east on friday\n", - "[1.1251111 1.3769264 1.4782096 1.4052334 1.1333964 1.1689308 1.0518857\n", - " 1.0323364 1.0268923 1.0243056 1.0204738 1.1920674 1.1650962 1.1152002\n", - " 1.0658014 1.0992281 1.0722513 0. 0. ]\n", - "\n", - "[ 2 3 1 11 5 12 4 0 13 15 16 14 6 7 8 9 10 17 18]\n", - "=======================\n", - "['paddy morrall noticed the full-length christ on a snapped scaffolding board in inverness , scotland , on wednesday .the 31-year-old builder , from keighley , near bradford , has kept the board .the son of god appeared wearing a robe after the joiner and colleagues left the piece of wood out in the rain for several hours .']\n", - "=======================\n", - "['paddy morrall noticed image after wood was left in rain for several hours31-year-old said he was not normally a religious guy but it was easter']\n", - "paddy morrall noticed the full-length christ on a snapped scaffolding board in inverness , scotland , on wednesday .the 31-year-old builder , from keighley , near bradford , has kept the board .the son of god appeared wearing a robe after the joiner and colleagues left the piece of wood out in the rain for several hours .\n", - "paddy morrall noticed image after wood was left in rain for several hours31-year-old said he was not normally a religious guy but it was easter\n", - "[1.2609153 1.4767644 1.2068859 1.2494725 1.261374 1.1916938 1.0854696\n", - " 1.0669445 1.0346656 1.0613314 1.040183 1.0403908 1.0236064 1.0714052\n", - " 1.0954694 1.1998203 1.0502245 1.1093316 1.1612117]\n", - "\n", - "[ 1 4 0 3 2 15 5 18 17 14 6 13 7 9 16 11 10 8 12]\n", - "=======================\n", - "['grace rebecca mann , 20 , was found unconscious by two female roommates in the home they shared in fredericksburg , near the college campus , about 3pm .a 20-year-old university of mary washington student was found murdered on friday in virginia and her older male roommate has now been arrested and charged with the killing .the fourth roommate of the house , steven vander briel , 30 , was home when the two women stumbled upon the body , but ran out of the house , according to fredericksburg.com .']\n", - "=======================\n", - "['grace rebecca mann , 20 , was found unconscious friday afternoon by two female roommates at their home in fredericksburg , virginiathe fourth roommate , steven vander briel , 30 , was at home but fledhe was arrested a few later emerging from woods near churchbriel was charged with first-degree murder and abductionmann , a popular junior , reportedly had a plastic bag down her throather father thomas mann is a juvenile and domestic relations court judge in fairfax county']\n", - "grace rebecca mann , 20 , was found unconscious by two female roommates in the home they shared in fredericksburg , near the college campus , about 3pm .a 20-year-old university of mary washington student was found murdered on friday in virginia and her older male roommate has now been arrested and charged with the killing .the fourth roommate of the house , steven vander briel , 30 , was home when the two women stumbled upon the body , but ran out of the house , according to fredericksburg.com .\n", - "grace rebecca mann , 20 , was found unconscious friday afternoon by two female roommates at their home in fredericksburg , virginiathe fourth roommate , steven vander briel , 30 , was at home but fledhe was arrested a few later emerging from woods near churchbriel was charged with first-degree murder and abductionmann , a popular junior , reportedly had a plastic bag down her throather father thomas mann is a juvenile and domestic relations court judge in fairfax county\n", - "[1.4639817 1.2330918 1.1614777 1.5520664 1.2135961 1.0661787 1.0132052\n", - " 1.0123925 1.0121928 1.0136274 1.0172478 1.124158 1.0430032 1.0617248\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 2 11 5 13 12 10 9 6 7 8 14 15 16 17 18]\n", - "=======================\n", - "[\"jamie o'hara scored from the penalty spot to give blackpool a lead against reading on tuesday nightblackpool marked their relegation into sky bet league one with a 1-1 draw against reading , but the fireworks were restricted to outside of bloomfield road as long-suffering supporters held protests against seasiders chairman karl oyston .the tangerines ' demotion into the third tier was finally confirmed on easter monday and that triggered pre-match public displays of fury from fans at the oyston family 's handling of the club on tuesday .\"]\n", - "=======================\n", - "[\"jamie o'hara scored from the spot after just six minutesbut grant hall 's own goal gave reading a share of the spoilsblackpool fans protested against owners , the oyston familythe seasiders need two more points to pass stockport 's 26\"]\n", - "jamie o'hara scored from the penalty spot to give blackpool a lead against reading on tuesday nightblackpool marked their relegation into sky bet league one with a 1-1 draw against reading , but the fireworks were restricted to outside of bloomfield road as long-suffering supporters held protests against seasiders chairman karl oyston .the tangerines ' demotion into the third tier was finally confirmed on easter monday and that triggered pre-match public displays of fury from fans at the oyston family 's handling of the club on tuesday .\n", - "jamie o'hara scored from the spot after just six minutesbut grant hall 's own goal gave reading a share of the spoilsblackpool fans protested against owners , the oyston familythe seasiders need two more points to pass stockport 's 26\n", - "[1.3094324 1.4253868 1.4223568 1.2655532 1.0467951 1.0294096 1.0288903\n", - " 1.0900004 1.0848212 1.2100202 1.179645 1.0259273 1.0436965 1.0188321\n", - " 1.0128775 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 9 10 7 8 4 12 5 6 11 13 14 17 15 16 18]\n", - "=======================\n", - "[\"the 26-year-old south african bombshell oozes old hollywood glamour in the series of shots , which see her don a platinum blonde wig , a crimson pout and a dramatic cat-eye flick .max factor , which celebrates its 80th anniversary this year , is the brand widely accredited for transforming monroe from a mousy brunette to a knockout blonde back in 1935 , and delivering her with the iconic look showcased by candice today .candice swanepoel has appeared in max factor 's latest beauty campaign as none other than silver screen legend marilyn monroe .\"]\n", - "=======================\n", - "[\"the 26-year-old victoria 's secret angel is max factor 's latest facecampaign celebrates max factor 's former allegiance with marilyn monroethe make-up brand is credited with transforming her look in the 30s\"]\n", - "the 26-year-old south african bombshell oozes old hollywood glamour in the series of shots , which see her don a platinum blonde wig , a crimson pout and a dramatic cat-eye flick .max factor , which celebrates its 80th anniversary this year , is the brand widely accredited for transforming monroe from a mousy brunette to a knockout blonde back in 1935 , and delivering her with the iconic look showcased by candice today .candice swanepoel has appeared in max factor 's latest beauty campaign as none other than silver screen legend marilyn monroe .\n", - "the 26-year-old victoria 's secret angel is max factor 's latest facecampaign celebrates max factor 's former allegiance with marilyn monroethe make-up brand is credited with transforming her look in the 30s\n", - "[1.2026055 1.3889481 1.3304659 1.0876896 1.092786 1.0598848 1.0369422\n", - " 1.0312959 1.0738853 1.125106 1.1074421 1.0940795 1.0640836 1.0271649\n", - " 1.079029 1.0625068 1.0226479 1.0241547 1.0297987]\n", - "\n", - "[ 1 2 0 9 10 11 4 3 14 8 12 15 5 6 7 18 13 17 16]\n", - "=======================\n", - "['in an email to his students , irwin horwitz accused them of \" backstabbing , game playing , cheating , lying , fighting . \"the professor at the texas a&m university galveston campus expected his missive would create some conflict , but that it could then be resolved quickly -- and quietly .( cnn ) pushed to his limits , a college professor took the extreme measure of threatening to fail his entire class .']\n", - "=======================\n", - "['irwin horwitz threatens to fail his entire classhis fiery email goes viral ; he now wonders if the unwanted attention will affect his career']\n", - "in an email to his students , irwin horwitz accused them of \" backstabbing , game playing , cheating , lying , fighting . \"the professor at the texas a&m university galveston campus expected his missive would create some conflict , but that it could then be resolved quickly -- and quietly .( cnn ) pushed to his limits , a college professor took the extreme measure of threatening to fail his entire class .\n", - "irwin horwitz threatens to fail his entire classhis fiery email goes viral ; he now wonders if the unwanted attention will affect his career\n", - "[1.100334 1.0618829 1.1482079 1.4750926 1.2922475 1.1601223 1.1138241\n", - " 1.1521364 1.1166513 1.0302713 1.1653727 1.2259858 1.0532248 1.0196807\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 11 10 5 7 2 8 6 0 1 12 9 13 16 14 15 17]\n", - "=======================\n", - "['luis suarez and daniel sturridge ( right ) scored 52 premier league goals for liverpool last seasondiego costa is the joint top scorer in the premier league with 19 goals in his first season in englandjordan henderson ( centre ) celebrates scoring sixth goal of the season , a penalty against arsenal on saturday']\n", - "=======================\n", - "[\"raheem sterling , jordan henderson and steven gerrard are liverpool 's top scorers in the premier league this season with six goals eachseventeen of 20 premier league clubs have top scorers with more goalsliverpool are paying for failing to properly replace goals of luis suarez\"]\n", - "luis suarez and daniel sturridge ( right ) scored 52 premier league goals for liverpool last seasondiego costa is the joint top scorer in the premier league with 19 goals in his first season in englandjordan henderson ( centre ) celebrates scoring sixth goal of the season , a penalty against arsenal on saturday\n", - "raheem sterling , jordan henderson and steven gerrard are liverpool 's top scorers in the premier league this season with six goals eachseventeen of 20 premier league clubs have top scorers with more goalsliverpool are paying for failing to properly replace goals of luis suarez\n", - "[1.0751231 1.1221341 1.402011 1.3545668 1.2671103 1.2006108 1.1419306\n", - " 1.1667167 1.060545 1.0706143 1.0354872 1.1251379 1.0435764 1.0350617\n", - " 1.0277076 1.0605962 1.0243924 1.0481262]\n", - "\n", - "[ 2 3 4 5 7 6 11 1 0 9 15 8 17 12 10 13 14 16]\n", - "=======================\n", - "['researchers found that heart patients who expressed gratitude for the positive things in their life had improved mental , and ultimately physical , health .the study involved men and women who had been diagnosed with stage b heart failure .stage b is where patients have developed structural heart disease - they may , for example , have had a heart attack that damaged the heart - but do not show symptoms of heart failure , such as shortness of breath or fatigue .']\n", - "=======================\n", - "[\"heart patients who were more grateful had improved physical healththey had lower markers for inflammation - which can worsen heart failurethey also had better moods , better sleep , and less fatigue , experts foundwriting a ` gratitude journal ' is also linked with better heart health , they said\"]\n", - "researchers found that heart patients who expressed gratitude for the positive things in their life had improved mental , and ultimately physical , health .the study involved men and women who had been diagnosed with stage b heart failure .stage b is where patients have developed structural heart disease - they may , for example , have had a heart attack that damaged the heart - but do not show symptoms of heart failure , such as shortness of breath or fatigue .\n", - "heart patients who were more grateful had improved physical healththey had lower markers for inflammation - which can worsen heart failurethey also had better moods , better sleep , and less fatigue , experts foundwriting a ` gratitude journal ' is also linked with better heart health , they said\n", - "[1.2592316 1.1980742 1.1883299 1.3067379 1.2559029 1.142782 1.1624954\n", - " 1.0347836 1.1256803 1.1473566 1.0257744 1.1238606 1.0403924 1.0183872\n", - " 1.0573177 1.1147987 1.0651343 1.0282117]\n", - "\n", - "[ 3 0 4 1 2 6 9 5 8 11 15 16 14 12 7 17 10 13]\n", - "=======================\n", - "[\"but they say labour -- and some senior lib dems -- appear to be threatening to reimpose state controls .concerns are raised about labour 's policy under shadow education secretary tristram huntthe letter , signed by the heads of good and outstanding autonomous schools , was backed yesterday by david cameron .\"]\n", - "=======================\n", - "[\"in a letter to the mail , 80 headteachers said academies benefit childrenbut they warned that labour is threatening to reimpose state controlsheads expressed alarm at ed miliband 's comments on school reformsteachers signing the letter are from some of the best schools in britain\"]\n", - "but they say labour -- and some senior lib dems -- appear to be threatening to reimpose state controls .concerns are raised about labour 's policy under shadow education secretary tristram huntthe letter , signed by the heads of good and outstanding autonomous schools , was backed yesterday by david cameron .\n", - "in a letter to the mail , 80 headteachers said academies benefit childrenbut they warned that labour is threatening to reimpose state controlsheads expressed alarm at ed miliband 's comments on school reformsteachers signing the letter are from some of the best schools in britain\n", - "[1.2704824 1.2830831 1.2801423 1.1385326 1.1988978 1.1525512 1.1660259\n", - " 1.1426967 1.108046 1.1274695 1.0602995 1.0864451 1.0572015 1.0471743\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 6 5 7 3 9 8 11 10 12 13 14 15 16 17]\n", - "=======================\n", - "[\"a video from the office features characters in ` safety suits ' including bubbleman , a ` fashionista ' wrapped in the poppable material and a young man in flashing lights .the campaigners are seen talking to residents about the dangers of not looking up from one 's phone , including the fact that 37 people died from being hit by cars last year .the philadelphia office of transportation aims to get the city 's pedestrians off their phones by sending a man in bubble wrap out to spread their safety message to the people .\"]\n", - "=======================\n", - "[\"road safety video stars walk streets in bizarre ` safety suit ' costumescampaign says that 37 people pedestrians killed each year in philadelphiasome have criticized program for blaming those hit rather than motorists\"]\n", - "a video from the office features characters in ` safety suits ' including bubbleman , a ` fashionista ' wrapped in the poppable material and a young man in flashing lights .the campaigners are seen talking to residents about the dangers of not looking up from one 's phone , including the fact that 37 people died from being hit by cars last year .the philadelphia office of transportation aims to get the city 's pedestrians off their phones by sending a man in bubble wrap out to spread their safety message to the people .\n", - "road safety video stars walk streets in bizarre ` safety suit ' costumescampaign says that 37 people pedestrians killed each year in philadelphiasome have criticized program for blaming those hit rather than motorists\n", - "[1.5112628 1.4792728 1.2588869 1.4148778 1.0587356 1.0230303 1.0193344\n", - " 1.0195837 1.182939 1.165024 1.0229237 1.1246622 1.0212756 1.0118878\n", - " 1.1448523 1.117101 1.1051024 0. ]\n", - "\n", - "[ 0 1 3 2 8 9 14 11 15 16 4 5 10 12 7 6 13 17]\n", - "=======================\n", - "[\"england international sam tomkins rejected an offer from warrington in order to return to wigan .the 2012 super league man of steel is to cut short his stay in the nrl with new zealand warriors and rejoin his home-town club on a four-year contract from 2016 .the announcement was made by wigan chairman ian lenagan at half-time in thursday night 's first utility super league derby with warrington , who were the other club after his signature once he announced he was returning to super league .\"]\n", - "=======================\n", - "[\"wigan confirmed sam tomkins is to re-join the club during thursday 's derby against warringtonthe 26-year-old full back is to cut short his stay in the nrl with new zealand warriors\"]\n", - "england international sam tomkins rejected an offer from warrington in order to return to wigan .the 2012 super league man of steel is to cut short his stay in the nrl with new zealand warriors and rejoin his home-town club on a four-year contract from 2016 .the announcement was made by wigan chairman ian lenagan at half-time in thursday night 's first utility super league derby with warrington , who were the other club after his signature once he announced he was returning to super league .\n", - "wigan confirmed sam tomkins is to re-join the club during thursday 's derby against warringtonthe 26-year-old full back is to cut short his stay in the nrl with new zealand warriors\n", - "[1.2766606 1.1035885 1.0705311 1.0738672 1.0854739 1.0589393 1.0465428\n", - " 1.0639 1.0447993 1.4289258 1.1922209 1.1868168 1.0322151 1.0680507\n", - " 1.0264486 1.0144144 1.0230732 1.0159628 1.021634 1.014216 1.0201747\n", - " 1.0173519 1.0217899 1.0167533 1.0347135 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 9 0 10 11 1 4 3 2 13 7 5 6 8 24 12 14 16 22 18 20 21 23 17 15\n", - " 19 27 25 26 28]\n", - "=======================\n", - "[\"adam gemili says usain bolt is a joker on the circuit and gives him great advicethe young british athlete says he is nowhere near bolt 's standard at the moment but it could be his time soongemili has announced his participation in the sainsbury 's anniversary games this summer\"]\n", - "=======================\n", - "['british sprinter adam gemili blogs about his preparations for rio 2016gemili says usain bolt is great at the circuit as he is often joking aroundadmits bolt gives great advice and he will try to take that into this season']\n", - "adam gemili says usain bolt is a joker on the circuit and gives him great advicethe young british athlete says he is nowhere near bolt 's standard at the moment but it could be his time soongemili has announced his participation in the sainsbury 's anniversary games this summer\n", - "british sprinter adam gemili blogs about his preparations for rio 2016gemili says usain bolt is great at the circuit as he is often joking aroundadmits bolt gives great advice and he will try to take that into this season\n", - "[1.2834193 1.3550913 1.1860801 1.1582875 1.0672643 1.1439034 1.0909845\n", - " 1.1237679 1.0745785 1.0284344 1.1404994 1.100589 1.0750419 1.0433373\n", - " 1.0399655 1.0480341 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 3 5 10 7 11 6 12 8 4 15 13 14 9 16 17 18 19 20 21 22 23\n", - " 24 25 26 27 28]\n", - "=======================\n", - "['the 60-year-old is facing charges over the funding of his failed 2012 bid to retain the presidency of the country .nicolas sarkozy was being grilled by judges in a criminal court today two days after being heralded as the politician to save france from socialism .images of sarkozy arriving at a specialist financial court in paris today are a huge embarrassment for a politician who still thinks he can return to power .']\n", - "=======================\n", - "[\"sarkozy faces charges over funding of failed 2012 bid to retain presidencydeclared that ` hope has been reborn ' after huge gains in regional electionsbut just days later , he is pictured being driven to a financial court hearing\"]\n", - "the 60-year-old is facing charges over the funding of his failed 2012 bid to retain the presidency of the country .nicolas sarkozy was being grilled by judges in a criminal court today two days after being heralded as the politician to save france from socialism .images of sarkozy arriving at a specialist financial court in paris today are a huge embarrassment for a politician who still thinks he can return to power .\n", - "sarkozy faces charges over funding of failed 2012 bid to retain presidencydeclared that ` hope has been reborn ' after huge gains in regional electionsbut just days later , he is pictured being driven to a financial court hearing\n", - "[1.135482 1.3544867 1.2175266 1.2107586 1.2454848 1.0676744 1.1198239\n", - " 1.0626581 1.1020616 1.0590543 1.0886606 1.0423956 1.0171651 1.0313853\n", - " 1.0762357 1.0934602 1.1342183 1.0914623 1.0875653 1.1557369 1.0243479\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 4 2 3 19 0 16 6 8 15 17 10 18 14 5 7 9 11 13 20 12 27 21 22\n", - " 23 24 25 26 28]\n", - "=======================\n", - "[\"surveillance footage from philadelphia 's 15th street station shows one passenger lose his balance as he tries to skirt past somebody on the platform at 6.40 on wednesday night .fallen : this man was walking close to the edge of philadelphia 's 15 street station platform on wednesday at 6.40 pm when he tumbled .he falls , and bystanders jump back in shock .\"]\n", - "=======================\n", - "['cctv shows a man fall while walking along philadelphia platformbystanders jump back in shock , but one instinctively leaps after himgood samaritan pushes the fallen man onto the platform then jumps up']\n", - "surveillance footage from philadelphia 's 15th street station shows one passenger lose his balance as he tries to skirt past somebody on the platform at 6.40 on wednesday night .fallen : this man was walking close to the edge of philadelphia 's 15 street station platform on wednesday at 6.40 pm when he tumbled .he falls , and bystanders jump back in shock .\n", - "cctv shows a man fall while walking along philadelphia platformbystanders jump back in shock , but one instinctively leaps after himgood samaritan pushes the fallen man onto the platform then jumps up\n", - "[1.1056414 1.2297888 1.3255653 1.2387985 1.259189 1.1041679 1.1651742\n", - " 1.1196371 1.0588394 1.0847232 1.0726439 1.1068053 1.0659235 1.0711488\n", - " 1.0282319 1.0602181 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 4 3 1 6 7 11 0 5 9 10 13 12 15 8 14 16 17 18 19 20 21 22 23\n", - " 24 25 26 27 28]\n", - "=======================\n", - "[\"as so-called short waves collide near the surface they create weak microseismic waves , which combine with long , more powerful waves dragging across the ocean 's floor to create the constant hum .it 's long been known that earthquakes contribute to making the earth ring like a bell , but researchers have now proved ocean waves also play a role .this oscillation is caused by vibrations and researchers in the mid-1980s found the hum can drop as low as an e flat , 20 octaves below middle c on the musical scale .\"]\n", - "=======================\n", - "[\"it has long been known that earth is constantly oscillating and ` humming 'earthquakes cause a certain level of hum , but a study claims different sized ocean waves also contribute to earth 's oscillationsas water collides , it creates weak microseismic waves that cause a humstronger seismic waves then occurs when water travels along the floor\"]\n", - "as so-called short waves collide near the surface they create weak microseismic waves , which combine with long , more powerful waves dragging across the ocean 's floor to create the constant hum .it 's long been known that earthquakes contribute to making the earth ring like a bell , but researchers have now proved ocean waves also play a role .this oscillation is caused by vibrations and researchers in the mid-1980s found the hum can drop as low as an e flat , 20 octaves below middle c on the musical scale .\n", - "it has long been known that earth is constantly oscillating and ` humming 'earthquakes cause a certain level of hum , but a study claims different sized ocean waves also contribute to earth 's oscillationsas water collides , it creates weak microseismic waves that cause a humstronger seismic waves then occurs when water travels along the floor\n", - "[1.0453616 1.5773675 1.3699331 1.3754556 1.0557266 1.0297558 1.0311803\n", - " 1.0308578 1.0250748 1.0248607 1.0224239 1.0212377 1.0183897 1.0148748\n", - " 1.0125158 1.0137358 1.0140718 1.0118985 1.0157598 1.0162838 1.0160142\n", - " 1.0155314 1.0147878 1.013637 1.0280405 1.0731454 1.020802 1.0876333\n", - " 1.0212075]\n", - "\n", - "[ 1 3 2 27 25 4 0 6 7 5 24 8 9 10 11 28 26 12 19 20 18 21 13 22\n", - " 16 15 23 14 17]\n", - "=======================\n", - "['scott keyes , a 28-year-old writer for think progress , is about to travel 20,000 miles on 21 flights , stopping by 13 countries along the way in europe and south and north america while enjoying first class service .in the end , he was able to book a vacation with stops in mexico , nicaragua , trinidad , st. lucia , grenada , germany , czech republic , ukraine , bulgaria , greece , macedonia , lithuania , and finland without having to pay more than a few dollars on any of the flights .keyes decided to plan his trip when he realized he had some free time between his departure from oaxaca , mexico , where he has lived for the past year , to return home to the united states and get back to full time work .']\n", - "=======================\n", - "['scott keyes , a 28-year-old writer , is about to travel 20,000 miles on 21 flights and visit 13 countriesfor this trip he will pay hardly anything , with all flights and hotels already covered thanks to airline miles and credit card pointshe will make stops in mexico , nicaragua , trinidad , st. lucia , grenada , germany , czech republic , ukraine , bulgaria , greece , macedonia , lithuania , and finlandthe trip took him between 10 to 15 hours to plan and cost him 136,500 frequent flyer miles']\n", - "scott keyes , a 28-year-old writer for think progress , is about to travel 20,000 miles on 21 flights , stopping by 13 countries along the way in europe and south and north america while enjoying first class service .in the end , he was able to book a vacation with stops in mexico , nicaragua , trinidad , st. lucia , grenada , germany , czech republic , ukraine , bulgaria , greece , macedonia , lithuania , and finland without having to pay more than a few dollars on any of the flights .keyes decided to plan his trip when he realized he had some free time between his departure from oaxaca , mexico , where he has lived for the past year , to return home to the united states and get back to full time work .\n", - "scott keyes , a 28-year-old writer , is about to travel 20,000 miles on 21 flights and visit 13 countriesfor this trip he will pay hardly anything , with all flights and hotels already covered thanks to airline miles and credit card pointshe will make stops in mexico , nicaragua , trinidad , st. lucia , grenada , germany , czech republic , ukraine , bulgaria , greece , macedonia , lithuania , and finlandthe trip took him between 10 to 15 hours to plan and cost him 136,500 frequent flyer miles\n", - "[1.2552583 1.2503809 1.4301251 1.3131881 1.1241204 1.1566753 1.1942482\n", - " 1.0456944 1.0905654 1.0297574 1.0738221 1.043718 1.0643363 1.0319589\n", - " 1.0096323 1.0439848 0. 0. ]\n", - "\n", - "[ 2 3 0 1 6 5 4 8 10 12 7 15 11 13 9 14 16 17]\n", - "=======================\n", - "['the 24-year-old man charged with the murder of local english and drama teacher ms scott on easter sunday was born in tasmania and lived in holland with his family before returning to australia as an adult .vincent stanford moved into a single-storey home with his mother and elder brother in leeton , in the riverina region of new south wales , which is 550 kilometres south-west of sydney and 450km north of melbourne , with just a small bag of belongings each .the man accused of murdering bride-to-be stephanie scott is like an invisible man in the small rural town he moved to just 13 months ago .']\n", - "=======================\n", - "[\"vincent stanford was born in tasmania before moving to hollandarriving back in australia in recent years , he has lived with his mother and elder brother in a small house in leeton , nsw , for 13 monthshis identical twin returned from holland in june 2013` he was a nice enough sort of bloke , clearly a loner , ' neighbour saysstanford gained employment as a casual cleaner in octoberhe cleaned leeton high school where stephanie scott workedhis employer said he passed all the national criminal record checksstanford was charged with stephanie scott 's murder on thursdaythe school keys she was loaned were allegedly found at his home\"]\n", - "the 24-year-old man charged with the murder of local english and drama teacher ms scott on easter sunday was born in tasmania and lived in holland with his family before returning to australia as an adult .vincent stanford moved into a single-storey home with his mother and elder brother in leeton , in the riverina region of new south wales , which is 550 kilometres south-west of sydney and 450km north of melbourne , with just a small bag of belongings each .the man accused of murdering bride-to-be stephanie scott is like an invisible man in the small rural town he moved to just 13 months ago .\n", - "vincent stanford was born in tasmania before moving to hollandarriving back in australia in recent years , he has lived with his mother and elder brother in a small house in leeton , nsw , for 13 monthshis identical twin returned from holland in june 2013` he was a nice enough sort of bloke , clearly a loner , ' neighbour saysstanford gained employment as a casual cleaner in octoberhe cleaned leeton high school where stephanie scott workedhis employer said he passed all the national criminal record checksstanford was charged with stephanie scott 's murder on thursdaythe school keys she was loaned were allegedly found at his home\n", - "[1.2734786 1.1230578 1.3101301 1.4222081 1.3295951 1.0679995 1.0395148\n", - " 1.0431901 1.1260087 1.02538 1.0837052 1.1097515 1.0161123 1.0167894\n", - " 1.1105365 0. 0. 0. ]\n", - "\n", - "[ 3 4 2 0 8 1 14 11 10 5 7 6 9 13 12 16 15 17]\n", - "=======================\n", - "[\"bianca london and martha cliff used facetune to edit their selfies .the # 2.99 photo editing app is designed to help you edit your portrait photographs into ` perfection ' - but the results were rather scary ... and obviouskim kardashian is undoubtedly the queen of self-promotion , posting ` selfie ' snaps to her millions of followers on a daily basis and even releasing a book filled with her self-taken pictures .\"]\n", - "=======================\n", - "['# 2.99 editing app is thought to be loved by kim kardashianallows you to retouch face , banish wrinkles and change eye colourfemail tests out retouching skills on their selfies']\n", - "bianca london and martha cliff used facetune to edit their selfies .the # 2.99 photo editing app is designed to help you edit your portrait photographs into ` perfection ' - but the results were rather scary ... and obviouskim kardashian is undoubtedly the queen of self-promotion , posting ` selfie ' snaps to her millions of followers on a daily basis and even releasing a book filled with her self-taken pictures .\n", - "# 2.99 editing app is thought to be loved by kim kardashianallows you to retouch face , banish wrinkles and change eye colourfemail tests out retouching skills on their selfies\n", - "[1.2496938 1.4786296 1.2243899 1.2816012 1.3635386 1.0785438 1.0448079\n", - " 1.0238522 1.021928 1.085272 1.0569057 1.089822 1.0675122 1.0312754\n", - " 1.0139968 1.0135711 1.0725472 1.0371283]\n", - "\n", - "[ 1 4 3 0 2 11 9 5 16 12 10 6 17 13 7 8 14 15]\n", - "=======================\n", - "[\"peter hiett , a decorated former prison guard at feltham young offenders institution , said staff would put inmates in a cell padded with mattresses and leave them to fight out any differences .he also said gangs controlled entire wings at the jail in hounslow , south west london , leaving staff afraid to visit some areas of the prison for fear of being attacked .a former prison officer has claimed staff at one of britain 's toughest jails regularly arrange brutal fights between rival criminals behind bars .\"]\n", - "=======================\n", - "['former prison guard claims fights between inmates are organised by staffpeter hiett , 49 , said staff would put rivals in a cell and let them battle it outsaid gangs also control full wings at feltham young offenders institutionfeltham named as the most violent prison in england and wales last year']\n", - "peter hiett , a decorated former prison guard at feltham young offenders institution , said staff would put inmates in a cell padded with mattresses and leave them to fight out any differences .he also said gangs controlled entire wings at the jail in hounslow , south west london , leaving staff afraid to visit some areas of the prison for fear of being attacked .a former prison officer has claimed staff at one of britain 's toughest jails regularly arrange brutal fights between rival criminals behind bars .\n", - "former prison guard claims fights between inmates are organised by staffpeter hiett , 49 , said staff would put rivals in a cell and let them battle it outsaid gangs also control full wings at feltham young offenders institutionfeltham named as the most violent prison in england and wales last year\n", - "[1.6761253 1.2934855 1.2503184 1.5107691 1.0364896 1.0857447 1.0772029\n", - " 1.0461166 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 5 6 7 4 15 14 13 12 8 10 9 16 11 17]\n", - "=======================\n", - "[\"josh harrop starred as manchester united secured a hard-earned victory against west ham united to go four points clear at the top of the under 21 premier league .basement boys west ham took a shock lead when reece oxford headed home an impressive delivery from josh cullen with just ten minutes played .it was the east londoner 's first away goal since september , however their advantage lasted all of 12 minutes as harrop grabbed his first of the game to level the scores before joe rothwell capped an impressive turnaround minutes later .\"]\n", - "=======================\n", - "['josh harrop scored twice as manchester united came from behind to winreece oxford headed west ham ahead before hosts scored twicejordan brown leveled before the break , but harrop pounced to earn winadnan januzaj captained the side as they went four points clear at the top']\n", - "josh harrop starred as manchester united secured a hard-earned victory against west ham united to go four points clear at the top of the under 21 premier league .basement boys west ham took a shock lead when reece oxford headed home an impressive delivery from josh cullen with just ten minutes played .it was the east londoner 's first away goal since september , however their advantage lasted all of 12 minutes as harrop grabbed his first of the game to level the scores before joe rothwell capped an impressive turnaround minutes later .\n", - "josh harrop scored twice as manchester united came from behind to winreece oxford headed west ham ahead before hosts scored twicejordan brown leveled before the break , but harrop pounced to earn winadnan januzaj captained the side as they went four points clear at the top\n", - "[1.3085301 1.4579775 1.1225604 1.3495356 1.0885941 1.1217201 1.066442\n", - " 1.087715 1.0730965 1.0359099 1.0485069 1.0190158 1.093252 1.0681665\n", - " 1.0960292 1.0142145 1.0147374 0. ]\n", - "\n", - "[ 1 3 0 2 5 14 12 4 7 8 13 6 10 9 11 16 15 17]\n", - "=======================\n", - "[\"the product , phynova joint and muscle relief , contains sigesbeckia , a herb traditionally used to treat aches and pains caused by arthritis .for the first time , the government 's drug regulator - the medicines and healthcare products regulatory agency ( mhra ) - has approved a remedy containing a traditional chinese herb .` until now many gps have been wary of recommending chinese herbs , but now there is one product that we know is produced safely and at the optimum dose , ' explains professor george lewith , a complementary medicine researcher from southampton university .\"]\n", - "=======================\n", - "[\"the government 's drug regulator has approved a ` herbal remedy 'phynova joint and muscle relief , contains sigesbeckiathe traditional chinese herb is traditionally used to treat aches and painsdr uzma ali advises patients with aches to take a curcumin supplement\"]\n", - "the product , phynova joint and muscle relief , contains sigesbeckia , a herb traditionally used to treat aches and pains caused by arthritis .for the first time , the government 's drug regulator - the medicines and healthcare products regulatory agency ( mhra ) - has approved a remedy containing a traditional chinese herb .` until now many gps have been wary of recommending chinese herbs , but now there is one product that we know is produced safely and at the optimum dose , ' explains professor george lewith , a complementary medicine researcher from southampton university .\n", - "the government 's drug regulator has approved a ` herbal remedy 'phynova joint and muscle relief , contains sigesbeckiathe traditional chinese herb is traditionally used to treat aches and painsdr uzma ali advises patients with aches to take a curcumin supplement\n", - "[1.137623 1.3906147 1.0992827 1.0597568 1.1763778 1.0718863 1.133173\n", - " 1.0770183 1.2911283 1.1732876 1.0349131 1.1488489 1.0233446 1.0354838\n", - " 1.05037 1.0488509 1.0259714 1.0350251 1.0111836 1.0139152]\n", - "\n", - "[ 1 8 4 9 11 0 6 2 7 5 3 14 15 13 17 10 16 12 19 18]\n", - "=======================\n", - "[\"it 's been almost a year to the day since darrell clarke cracked in front of the cameras as he explained how bristol rovers fell out of the football league for the first time since 1920 .rovers had spent less than an hour in the league two relegation zone all season but , crucially , it was the last hour of the campaign .darrell clarke was distraught at the end of last season , but there could be tears of joy this time around\"]\n", - "=======================\n", - "['bristol rovers were relegated from the football league last seasonthere were tears on the final day after they lost their place in league two12 months later , rovers are on the brink of returning to the leaguethey sit second going into the final weekend , behind barnet']\n", - "it 's been almost a year to the day since darrell clarke cracked in front of the cameras as he explained how bristol rovers fell out of the football league for the first time since 1920 .rovers had spent less than an hour in the league two relegation zone all season but , crucially , it was the last hour of the campaign .darrell clarke was distraught at the end of last season , but there could be tears of joy this time around\n", - "bristol rovers were relegated from the football league last seasonthere were tears on the final day after they lost their place in league two12 months later , rovers are on the brink of returning to the leaguethey sit second going into the final weekend , behind barnet\n", - "[1.2365074 1.3987583 1.383111 1.2959962 1.2061932 1.1720164 1.1239921\n", - " 1.068943 1.1370128 1.0994377 1.0264826 1.050783 1.0315956 1.0722635\n", - " 1.0406162 1.1111984 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 5 8 6 15 9 13 7 11 14 12 10 16 17 18 19]\n", - "=======================\n", - "[\"the woman 's lawyer says the ruling was made by manhattan supreme court justice matthew cooper .the daily news says victor sena blood-dzraku will be served with the divorce summons via a private facebook message .it will be repeated once a week for three consecutive weeks or until ` acknowledged ' by ellanora baidoo 's hard-to-find husband .\"]\n", - "=======================\n", - "['elanora baidoo married victor sena blood-dzraku in 2009marriage was not consummated and blood-dzraku has disappearedjudge in brooklyn has allowed baidoo to issue divorce papers via facebook']\n", - "the woman 's lawyer says the ruling was made by manhattan supreme court justice matthew cooper .the daily news says victor sena blood-dzraku will be served with the divorce summons via a private facebook message .it will be repeated once a week for three consecutive weeks or until ` acknowledged ' by ellanora baidoo 's hard-to-find husband .\n", - "elanora baidoo married victor sena blood-dzraku in 2009marriage was not consummated and blood-dzraku has disappearedjudge in brooklyn has allowed baidoo to issue divorce papers via facebook\n", - "[1.2282892 1.3972069 1.2472208 1.2547204 1.177333 1.0657924 1.1418313\n", - " 1.0452942 1.1106409 1.0789095 1.0625038 1.1191447 1.07395 1.1116645\n", - " 1.0322953 1.0268565 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 6 11 13 8 9 12 5 10 7 14 15 16 17 18 19]\n", - "=======================\n", - "[\"the prime minister said the scottish national party would prop up a minority labour administration in the hope that the government would be a ` disaster ' and bring forward its dream of independence .david cameron , addressing supporters in somerset this afternoon , has warned voters that they have '11 days to save britain ' , as he claimed scottish nationalists ` do n't want the country to succeed 'a survation poll put the conservatives three points ahead on 33 per cent to labour 's 30 per cent .\"]\n", - "=======================\n", - "[\"pm says a minority labour administration would be propped up by the snplatest poll shows the conservatives have nudged 3 % ahead of labourmr cameron said a tory victory was needed ` effectively to save britain '\"]\n", - "the prime minister said the scottish national party would prop up a minority labour administration in the hope that the government would be a ` disaster ' and bring forward its dream of independence .david cameron , addressing supporters in somerset this afternoon , has warned voters that they have '11 days to save britain ' , as he claimed scottish nationalists ` do n't want the country to succeed 'a survation poll put the conservatives three points ahead on 33 per cent to labour 's 30 per cent .\n", - "pm says a minority labour administration would be propped up by the snplatest poll shows the conservatives have nudged 3 % ahead of labourmr cameron said a tory victory was needed ` effectively to save britain '\n", - "[1.1063418 1.2500381 1.5286336 1.1953418 1.0890285 1.1536297 1.13809\n", - " 1.1765616 1.1810486 1.0411727 1.1398473 1.2367622 1.0796235 1.0582485\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 11 3 8 7 5 10 6 0 4 12 13 9 14 15 16 17 18 19]\n", - "=======================\n", - "['loren mathieson filmed her pet boston terrier , gizmo , performing the gravity-defying stunt one day at home after he tried on a set of new booties .this skillful pooch has mastered the art of paw-stand walking .footage shows him taking a few steps forwards before planting down his front feet and launching his back legs vertically in the air .']\n", - "=======================\n", - "['loren mathieson filmed her dog performing the gravity-defying stunt one day at home after he tried on a set of new bootiesfootage shows him taking a few steps forwards before planting down his front feet and launching his back legs vertically in the air']\n", - "loren mathieson filmed her pet boston terrier , gizmo , performing the gravity-defying stunt one day at home after he tried on a set of new booties .this skillful pooch has mastered the art of paw-stand walking .footage shows him taking a few steps forwards before planting down his front feet and launching his back legs vertically in the air .\n", - "loren mathieson filmed her dog performing the gravity-defying stunt one day at home after he tried on a set of new bootiesfootage shows him taking a few steps forwards before planting down his front feet and launching his back legs vertically in the air\n", - "[1.1293246 1.2995192 1.2555048 1.2751703 1.2276442 1.1874957 1.2447828\n", - " 1.0763822 1.0230232 1.0173389 1.157746 1.0735427 1.0445771 1.0587246\n", - " 1.0434793 1.0198901 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 6 4 5 10 0 7 11 13 12 14 8 15 9 16 17 18 19]\n", - "=======================\n", - "['noise-induced hearing loss is one of the most common work-related illnesses and members of the armed forces are particularly vulnerable .now , however , scientists at the university of southern california believe they have made a breakthrough in their understanding of the condition .they have identified a gene , named nox3 , found in the inner ear , that is crucial in determining how vulnerable a person is to developing hearing loss .']\n", - "=======================\n", - "[\"research was conducted at the university of southern californiascientists there have identified a gene , named nox3 , found in the inner earsay this is crucial in determining a person 's vulnerability to hearing lossnoise-induced hearing loss is most common work-related illness in the us\"]\n", - "noise-induced hearing loss is one of the most common work-related illnesses and members of the armed forces are particularly vulnerable .now , however , scientists at the university of southern california believe they have made a breakthrough in their understanding of the condition .they have identified a gene , named nox3 , found in the inner ear , that is crucial in determining how vulnerable a person is to developing hearing loss .\n", - "research was conducted at the university of southern californiascientists there have identified a gene , named nox3 , found in the inner earsay this is crucial in determining a person 's vulnerability to hearing lossnoise-induced hearing loss is most common work-related illness in the us\n", - "[1.0484442 1.037385 1.0306381 1.0580376 1.035357 1.0429865 1.0654467\n", - " 1.2532051 1.19614 1.0924706 1.1054986 1.0783782 1.0927494 1.0895243\n", - " 1.1738577 1.0813196 1.0485268 1.0832512 1.0644643 1.0397574 1.0831144]\n", - "\n", - "[ 7 8 14 10 12 9 13 17 20 15 11 6 18 3 16 0 5 19 1 4 2]\n", - "=======================\n", - "['today , in the third part of our major good health series on dementia , we look at ways to help minimise the impact of these memory problems , to prolong independence and help those with dementia live as full a life as possible .older people find it harder to reach a deeper sleep - but they still need just as muchrecently , scientists have found out why .']\n", - "=======================\n", - "[\"this is the third part of our major good health series on dementiawe look at ways to help minimise the impact of memory problemsfor example , we need just as much sleep as we get olderthe problem is that older people find it harder to reach a deeper sleepwhen the short-term memory starts to go , it can make it hard for someone to recall what they have already done that day , such as whether they 've had breakfast , or showered , or spoken to someone .it can help to keep a diary - a record of what has been done through the day .create a memory hub - that is , a central place in the home , perhaps the dining room table or a desk , where important notes , car keys , house keys and drugs that need to be taken are kept .get a whiteboard or blackboard - that can be used to record a timetable of what needs to be done each day that week .label doors , drawers , cupboards and cabinets to avoid confusion about what goes where .have a list of the numbers of key people by the phone - your gp and other care professionals , carers , family and reliable friends .have a daily newspaper delivered - it is a simple way of keeping aware of what is happening in the world and is a useful reminder of that day 's date .when showering or having a bath , establish a routine as a reminder of whether your hair has been washed .eat regular meals .in the early stages of dementia , begin a reminiscence book to act as a reminder of key events in that person 's life and who people are .\"]\n", - "today , in the third part of our major good health series on dementia , we look at ways to help minimise the impact of these memory problems , to prolong independence and help those with dementia live as full a life as possible .older people find it harder to reach a deeper sleep - but they still need just as muchrecently , scientists have found out why .\n", - "this is the third part of our major good health series on dementiawe look at ways to help minimise the impact of memory problemsfor example , we need just as much sleep as we get olderthe problem is that older people find it harder to reach a deeper sleepwhen the short-term memory starts to go , it can make it hard for someone to recall what they have already done that day , such as whether they 've had breakfast , or showered , or spoken to someone .it can help to keep a diary - a record of what has been done through the day .create a memory hub - that is , a central place in the home , perhaps the dining room table or a desk , where important notes , car keys , house keys and drugs that need to be taken are kept .get a whiteboard or blackboard - that can be used to record a timetable of what needs to be done each day that week .label doors , drawers , cupboards and cabinets to avoid confusion about what goes where .have a list of the numbers of key people by the phone - your gp and other care professionals , carers , family and reliable friends .have a daily newspaper delivered - it is a simple way of keeping aware of what is happening in the world and is a useful reminder of that day 's date .when showering or having a bath , establish a routine as a reminder of whether your hair has been washed .eat regular meals .in the early stages of dementia , begin a reminiscence book to act as a reminder of key events in that person 's life and who people are .\n", - "[1.2246118 1.428624 1.3612603 1.2371634 1.1338917 1.2259748 1.101398\n", - " 1.0566324 1.0217037 1.0699935 1.1460928 1.1633712 1.1070426 1.059906\n", - " 1.0433508 1.0689914 1.0271755 1.0096818 1.0109127 0. 0. ]\n", - "\n", - "[ 1 2 3 5 0 11 10 4 12 6 9 15 13 7 14 16 8 18 17 19 20]\n", - "=======================\n", - "['grandparents patrick and marianne charles , 78 and 74 , were without heating during a blackout on a cold november night last year .the couple , who had been married for 53 years , sat down in their conservatory in eastbourne , east sussex , with a glass of wine each and fired up the barbecue to heat up the room .an elderly couple died of carbon monoxide poisoning after lighting a barbecue in their home ( pictured ) to keep warm during a power cut , an inquest heard']\n", - "=======================\n", - "['patrick and marianne charles lit the barbecue as their heating was cut offgrandparents choked on carbon monoxide fumes in their conservatorythe couple , 78 and 74 , laid dead for 16 days before they were foundeast sussex coroner recorded verdicts of accidental death']\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "grandparents patrick and marianne charles , 78 and 74 , were without heating during a blackout on a cold november night last year .the couple , who had been married for 53 years , sat down in their conservatory in eastbourne , east sussex , with a glass of wine each and fired up the barbecue to heat up the room .an elderly couple died of carbon monoxide poisoning after lighting a barbecue in their home ( pictured ) to keep warm during a power cut , an inquest heard\n", - "patrick and marianne charles lit the barbecue as their heating was cut offgrandparents choked on carbon monoxide fumes in their conservatorythe couple , 78 and 74 , laid dead for 16 days before they were foundeast sussex coroner recorded verdicts of accidental death\n", - "[1.3192616 1.1702887 1.3431401 1.1220231 1.1675044 1.2888118 1.1110064\n", - " 1.0222741 1.0221066 1.025707 1.0203975 1.0262632 1.1036028 1.0480051\n", - " 1.0724128 1.1541947 1.3083019 1.0404352 1.0307536 0. 0. ]\n", - "\n", - "[ 2 0 16 5 1 4 15 3 6 12 14 13 17 18 11 9 7 8 10 19 20]\n", - "=======================\n", - "[\"the four-year-old has an unusual appetite for furniture , soft furnishings and fittings , and doctors say they are unable to treat her .condition : jessica knight ca n't stop eating carpet underlay and the stuffing from soft furnishingsjessica suffers from pica , a rare medical disorder that leads to an appetite for non-nutritious substances .\"]\n", - "=======================\n", - "[\"jessica knight loves eating carpet underlay and furniture stuffingshe also snacks on sand and rocks even though parents try to stop herfamily now give her a purse full of sponge to control her cravingsjessica suffers from rare condition pica but doctors say they ca n't treat her until she is six years old\"]\n", - "the four-year-old has an unusual appetite for furniture , soft furnishings and fittings , and doctors say they are unable to treat her .condition : jessica knight ca n't stop eating carpet underlay and the stuffing from soft furnishingsjessica suffers from pica , a rare medical disorder that leads to an appetite for non-nutritious substances .\n", - "jessica knight loves eating carpet underlay and furniture stuffingshe also snacks on sand and rocks even though parents try to stop herfamily now give her a purse full of sponge to control her cravingsjessica suffers from rare condition pica but doctors say they ca n't treat her until she is six years old\n", - "[1.2815322 1.3880738 1.1883717 1.1902055 1.1244738 1.077459 1.091815\n", - " 1.0894862 1.1341381 1.1317574 1.0706073 1.053907 1.0687841 1.0816319\n", - " 1.0384586 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 8 9 4 6 7 13 5 10 12 11 14 19 15 16 17 18 20]\n", - "=======================\n", - "[\"the gulf state 's constellation hotels bought the 64 per cent stake in hotel company coroin - which owns five-star offerings claridge 's , the berkeley and the connaught - from billionaire brothers sir david and sir frederick barclay .qatar 's grip on london 's real estate tightened this week when it agreed to buy a majority share in the company behind the iconic claridge 's hotel .the hotels are the latest in an impressive list of high-profile acquisitions for the country , whose investment arm has been snapping up a number of the city 's landmark buildings including the shard , harrods and one canada tower - the centrepiece of the canary wharf financial district .\"]\n", - "=======================\n", - "[\"qatar 's constellation hotels bought majority share in company behind claridge 's , the berkeley and the connaughtfive-star hotels latest in impressive list of high-profile acquisitions , including the shard , harrods and canary wharfgulf state 's royal family also planning their own british palace - converting three properties into a # 200m mansion\"]\n", - "the gulf state 's constellation hotels bought the 64 per cent stake in hotel company coroin - which owns five-star offerings claridge 's , the berkeley and the connaught - from billionaire brothers sir david and sir frederick barclay .qatar 's grip on london 's real estate tightened this week when it agreed to buy a majority share in the company behind the iconic claridge 's hotel .the hotels are the latest in an impressive list of high-profile acquisitions for the country , whose investment arm has been snapping up a number of the city 's landmark buildings including the shard , harrods and one canada tower - the centrepiece of the canary wharf financial district .\n", - "qatar 's constellation hotels bought majority share in company behind claridge 's , the berkeley and the connaughtfive-star hotels latest in impressive list of high-profile acquisitions , including the shard , harrods and canary wharfgulf state 's royal family also planning their own british palace - converting three properties into a # 200m mansion\n", - "[1.3365159 1.1949102 1.115765 1.2552524 1.5487094 1.1790935 1.0802011\n", - " 1.020617 1.0190276 1.0211353 1.0252512 1.0165371 1.1148406 1.0683651\n", - " 1.0871863 1.2500796 1.0546273 1.0105865 1.0114338 0. 0. ]\n", - "\n", - "[ 4 0 3 15 1 5 2 12 14 6 13 16 10 9 7 8 11 18 17 19 20]\n", - "=======================\n", - "[\"aberdeen striker adam rooney does not want to see celtic win the league on their patch on may 11adam rooney is determined to prevent a season of outstanding personal achievement from ending with a sting its tail .should the current eight-point gap between the teams remain intact , then ronny deila 's side will have the chance to clinch a fourth successive premiership crown when they head to the north-east on may 10 .\"]\n", - "=======================\n", - "[\"celtic are eight points clear of aberdeen in the scottish premiershipif the gap stays the same celtic could win the title at aberdeen on may 11aberdeen 's adam rooney does n't want celtic to celebrate on their patch\"]\n", - "aberdeen striker adam rooney does not want to see celtic win the league on their patch on may 11adam rooney is determined to prevent a season of outstanding personal achievement from ending with a sting its tail .should the current eight-point gap between the teams remain intact , then ronny deila 's side will have the chance to clinch a fourth successive premiership crown when they head to the north-east on may 10 .\n", - "celtic are eight points clear of aberdeen in the scottish premiershipif the gap stays the same celtic could win the title at aberdeen on may 11aberdeen 's adam rooney does n't want celtic to celebrate on their patch\n", - "[1.3465188 1.3504604 1.3103567 1.4021931 1.2231768 1.1776748 1.0563211\n", - " 1.03068 1.0613273 1.0415092 1.020933 1.0283443 1.0190066 1.0170376\n", - " 1.0421627 1.1031463 1.0168958 1.0104228 1.0087963 1.0093954 1.1612859\n", - " 1.0923322]\n", - "\n", - "[ 3 1 0 2 4 5 20 15 21 8 6 14 9 7 11 10 12 13 16 17 19 18]\n", - "=======================\n", - "[\"pete bennett appeared on jeremy kyle today to reveal that he is now homelessthe 33 year old from brighton 's life went rapidly downhill after he finished first in the seventh series of the channel 4 show nine years ago .despite being given # 100,000 of prize money and releasing a successful autobiography , pete is now broke and living off the charity of friends .\"]\n", - "=======================\n", - "['2006 big brother winner pete bennett is currently homelessthe star squandered his prize money after becoming addicted to ketaminehe is now clean and wants to make his name as an actor']\n", - "pete bennett appeared on jeremy kyle today to reveal that he is now homelessthe 33 year old from brighton 's life went rapidly downhill after he finished first in the seventh series of the channel 4 show nine years ago .despite being given # 100,000 of prize money and releasing a successful autobiography , pete is now broke and living off the charity of friends .\n", - "2006 big brother winner pete bennett is currently homelessthe star squandered his prize money after becoming addicted to ketaminehe is now clean and wants to make his name as an actor\n", - "[1.0998893 1.4245768 1.2890675 1.3754663 1.2857187 1.0585366 1.1229824\n", - " 1.1240693 1.0605317 1.0965196 1.0721602 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 4 7 6 0 9 10 8 5 20 11 12 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"dangelo conner , from new york , filmed himself messing around with the powerful weapon in a friend 's apartment , first waving it around , then sending volts coursing through a coke can .but his antics all went horribly wrong after he decided to electrocute a metal bracelet while he was still holding it , sending the current through his hand and into his body .users have branded the video ` hilarious ' , while one girl kayla chambers said it was the ` best thing i ever seen ' .\"]\n", - "=======================\n", - "['dangelo conner , from new york , was messing around with stun gunzapped the air and a coke can before deciding to use on metal braceletshocked jewelry while he was holding it , sending current into his bodyis shown collapsing and twitching while his friends watch and laugh']\n", - "dangelo conner , from new york , filmed himself messing around with the powerful weapon in a friend 's apartment , first waving it around , then sending volts coursing through a coke can .but his antics all went horribly wrong after he decided to electrocute a metal bracelet while he was still holding it , sending the current through his hand and into his body .users have branded the video ` hilarious ' , while one girl kayla chambers said it was the ` best thing i ever seen ' .\n", - "dangelo conner , from new york , was messing around with stun gunzapped the air and a coke can before deciding to use on metal braceletshocked jewelry while he was holding it , sending current into his bodyis shown collapsing and twitching while his friends watch and laugh\n", - "[1.2524066 1.2762095 1.2233891 1.2854204 1.1714954 1.0506101 1.3169874\n", - " 1.2223934 1.0808781 1.1203523 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 6 3 1 0 2 7 4 9 8 5 19 18 17 16 15 10 13 12 11 20 14 21]\n", - "=======================\n", - "[\"the 19-year-old is currently out with a knee injury but is expected to return in the next few weeks and boost brendan rodgers ' side , as they continue to chase the champions league places .jordon ibe posted on instagram , the video of him performing the moonwalk while he recovers from injurythe liverpool star has broken into the first team set-up this season , with some eye-catching performances at wing back or in a more attacking role .\"]\n", - "=======================\n", - "['jordan ibe showed off the impressive dance move on his instagramthe liverpool star has broken into the first team during this campaignibe is currently on the sidelines after suffering a knee injuryclick here for all the latest liverpool news']\n", - "the 19-year-old is currently out with a knee injury but is expected to return in the next few weeks and boost brendan rodgers ' side , as they continue to chase the champions league places .jordon ibe posted on instagram , the video of him performing the moonwalk while he recovers from injurythe liverpool star has broken into the first team set-up this season , with some eye-catching performances at wing back or in a more attacking role .\n", - "jordan ibe showed off the impressive dance move on his instagramthe liverpool star has broken into the first team during this campaignibe is currently on the sidelines after suffering a knee injuryclick here for all the latest liverpool news\n", - "[1.3467563 1.3063929 1.2155492 1.2695329 1.0905932 1.1440101 1.1244987\n", - " 1.0707611 1.0720098 1.0267237 1.0764562 1.2476598 1.0597733 1.0183924\n", - " 1.03219 1.0100656 1.0079281 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 11 2 5 6 4 10 8 7 12 14 9 13 15 16 20 17 18 19 21]\n", - "=======================\n", - "[\"david cameron and boris johnson warned of a looming ` constitutional crisis ' last night after scotland 's former first minister alex salmond was caught boasting : ` i 'm writing labour 's budget . 'the two most high-profile conservatives joined forces to question the legitimacy of the snp 's plan to try to put ed miliband in downing street , even if labour wins fewer seats at the general election .boris johnson and david cameron joined forces yesterday to slam the snp plans to prop up labour\"]\n", - "=======================\n", - "[\"david cameron and boris johnson last night warned of a looming ` crisis 'they joined forces to question legitimacy of snp 's labour-boosting planmr johnson claimed it would mean ` truckloads of cash ' moving up the m1it comes as mr salmond was filmed joking he would write labour 's budget\"]\n", - "david cameron and boris johnson warned of a looming ` constitutional crisis ' last night after scotland 's former first minister alex salmond was caught boasting : ` i 'm writing labour 's budget . 'the two most high-profile conservatives joined forces to question the legitimacy of the snp 's plan to try to put ed miliband in downing street , even if labour wins fewer seats at the general election .boris johnson and david cameron joined forces yesterday to slam the snp plans to prop up labour\n", - "david cameron and boris johnson last night warned of a looming ` crisis 'they joined forces to question legitimacy of snp 's labour-boosting planmr johnson claimed it would mean ` truckloads of cash ' moving up the m1it comes as mr salmond was filmed joking he would write labour 's budget\n", - "[1.2589556 1.4269773 1.2231209 1.2896832 1.2634871 1.1055188 1.2084768\n", - " 1.0987179 1.0143992 1.0872138 1.1191404 1.0367931 1.0268754 1.0506613\n", - " 1.0251741 1.0231699 1.0270052 1.0124533 1.0186998 1.0145892 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 4 0 2 6 10 5 7 9 13 11 16 12 14 15 18 19 8 17 20 21]\n", - "=======================\n", - "['the company behind the device says it has the potential to break down the chemical components of almost any object from a distance .technology that claims to transform any smartphone into a star trek-style tricorder is set to be unveiled in israel .the technology could help a range of industries such as food and drink , healthcare and the defence sector , the researchers claim .']\n", - "=======================\n", - "[\"system uses combination of powerful software and ` mems ' technologythis allows the camera to pick up the hyperspectral image of an objecthyperspectral imaging reveals chemical composition from a distancedata will be analysed elsewhere and the results sent to a smartphone\"]\n", - "the company behind the device says it has the potential to break down the chemical components of almost any object from a distance .technology that claims to transform any smartphone into a star trek-style tricorder is set to be unveiled in israel .the technology could help a range of industries such as food and drink , healthcare and the defence sector , the researchers claim .\n", - "system uses combination of powerful software and ` mems ' technologythis allows the camera to pick up the hyperspectral image of an objecthyperspectral imaging reveals chemical composition from a distancedata will be analysed elsewhere and the results sent to a smartphone\n", - "[1.3440418 1.3875109 1.0943229 1.065609 1.0445848 1.2839751 1.269206\n", - " 1.0632381 1.0665041 1.090818 1.0659868 1.0934743 1.0987997 1.0659419\n", - " 1.1528656 1.1282588 1.0478516 1.2000757 1.0904789 0. ]\n", - "\n", - "[ 1 0 5 6 17 14 15 12 2 11 9 18 8 10 13 3 7 16 4 19]\n", - "=======================\n", - "['the goose at first appeared to make it successfully through the operation at a bird and wildlife clinic wednesday but then died a short time later , said katie ingram of orange county animal care .an egyptian goose that lived for at least a week with an arrow piercing its neck as it evaded capture by animal control workers in southern california died after it was wrangled and taken to surgery .the cause of the birds injuries are unknown but officials believe it was the victim of animal cruelty .']\n", - "=======================\n", - "[\"an egyptian goose that lived for at least a week with an arrow piercing its neck died after surgerythe goose at first appeared to make it successfully through the operation at a bird and wildlife clinic wednesday but then died a short time later` the vet did everything that they could do , ' said katie ingram of orange county animal carethe cause of injury is likely a victim of animal cruelty\"]\n", - "the goose at first appeared to make it successfully through the operation at a bird and wildlife clinic wednesday but then died a short time later , said katie ingram of orange county animal care .an egyptian goose that lived for at least a week with an arrow piercing its neck as it evaded capture by animal control workers in southern california died after it was wrangled and taken to surgery .the cause of the birds injuries are unknown but officials believe it was the victim of animal cruelty .\n", - "an egyptian goose that lived for at least a week with an arrow piercing its neck died after surgerythe goose at first appeared to make it successfully through the operation at a bird and wildlife clinic wednesday but then died a short time later` the vet did everything that they could do , ' said katie ingram of orange county animal carethe cause of injury is likely a victim of animal cruelty\n", - "[1.334463 1.4809315 1.3645253 1.1774606 1.2916962 1.0340613 1.068075\n", - " 1.0680898 1.0542501 1.042281 1.0222272 1.196461 1.042004 1.0193634\n", - " 1.065411 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 11 3 7 6 14 8 9 12 5 10 13 18 15 16 17 19]\n", - "=======================\n", - "['the boeing 787-8 departed from london gatwick at around 9.40 am yesterday , and was seven-and-a-half hours into its flight to cancun when it landed at lf wade international airport in bermuda .the plane , carrying 278 passengers , was met by six police cars on landing , with officers seen entering the aircraft and removing the passengers .two men have been arrested after a thomson airways flight from london to mexico was forced to divert to bermuda .']\n", - "=======================\n", - "['boeing 787-8 was bound for cancun after leaving london gatwickpilot made decision to divert to bermuda due to ` disruptive passengerspolice confirm two men removed from plane and taken into custody']\n", - "the boeing 787-8 departed from london gatwick at around 9.40 am yesterday , and was seven-and-a-half hours into its flight to cancun when it landed at lf wade international airport in bermuda .the plane , carrying 278 passengers , was met by six police cars on landing , with officers seen entering the aircraft and removing the passengers .two men have been arrested after a thomson airways flight from london to mexico was forced to divert to bermuda .\n", - "boeing 787-8 was bound for cancun after leaving london gatwickpilot made decision to divert to bermuda due to ` disruptive passengerspolice confirm two men removed from plane and taken into custody\n", - "[1.3617105 1.4784844 1.2883315 1.2653582 1.1370444 1.1244942 1.2191526\n", - " 1.0402064 1.1105001 1.0283601 1.0658096 1.0558981 1.0989821 1.0607086\n", - " 1.0534693 1.0770288 1.0518873 1.0691775 1.0980487 1.0078194]\n", - "\n", - "[ 1 0 2 3 6 4 5 8 12 18 15 17 10 13 11 14 16 7 9 19]\n", - "=======================\n", - "['the man is believed to have scaled the 10-foot grandstand fence before sprinting across the start-finish straight in between cars and then climbing the pit wall .a formula one fan was arrested on friday after he ran across the track during practice for the chinese grand prix .it was reported that the fan then walked into the ferrari garage expressing his desire to race a grand prix car .']\n", - "=======================\n", - "[\"f1 fan arrested after invading track during practice for chinese grand prixthe man scaled the grandstand before running across start-finish linehe then walked into ferrari garage , believed to be shouting : ' i want a car .chinese officials said to embarrassed by the invading spectatorclick here for all the latest formula one news\"]\n", - "the man is believed to have scaled the 10-foot grandstand fence before sprinting across the start-finish straight in between cars and then climbing the pit wall .a formula one fan was arrested on friday after he ran across the track during practice for the chinese grand prix .it was reported that the fan then walked into the ferrari garage expressing his desire to race a grand prix car .\n", - "f1 fan arrested after invading track during practice for chinese grand prixthe man scaled the grandstand before running across start-finish linehe then walked into ferrari garage , believed to be shouting : ' i want a car .chinese officials said to embarrassed by the invading spectatorclick here for all the latest formula one news\n", - "[1.4906429 1.443627 1.1422204 1.5340195 1.2027044 1.3064345 1.0528611\n", - " 1.0332363 1.0196439 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 5 4 2 6 7 8 17 16 15 14 9 12 11 10 18 13 19]\n", - "=======================\n", - "[\"kylie leuluai faces another six weeks out of action for the leeds rhinos after being told he needs surgerythe 37-year-old new zealander has not played since the super league leaders ' only defeat at warrington a month ago but coach brian mcdermott says his injury has now been properly diagnosed .mcdermott had feared leuluai could be out for three months if he needed a bicep operation .\"]\n", - "=======================\n", - "['kylie leuluai needs surgery on his shoulderveteran leeds prop facing the prospect of another six weeks outthe 37-year-old new zealander has not played since last month']\n", - "kylie leuluai faces another six weeks out of action for the leeds rhinos after being told he needs surgerythe 37-year-old new zealander has not played since the super league leaders ' only defeat at warrington a month ago but coach brian mcdermott says his injury has now been properly diagnosed .mcdermott had feared leuluai could be out for three months if he needed a bicep operation .\n", - "kylie leuluai needs surgery on his shoulderveteran leeds prop facing the prospect of another six weeks outthe 37-year-old new zealander has not played since last month\n", - "[1.1382763 1.5071919 1.3891842 1.3252351 1.1257559 1.197615 1.1488663\n", - " 1.0687705 1.0944158 1.0527387 1.0988686 1.1803272 1.1129552 1.0199566\n", - " 1.014289 1.0112938 1.0060418 1.0152844 0. 0. ]\n", - "\n", - "[ 1 2 3 5 11 6 0 4 12 10 8 7 9 13 17 14 15 16 18 19]\n", - "=======================\n", - "['the tiny copper coin , which is smaller than a penny , dates from the iron age almost 2,300 years ago and suggests there were links between the south west of england and the mediterranean .it was found in silt after the river avon burst its banks between bristol and bath .experts have dated the coin to between 300 bc and 264 bc and say it came from the western mediterranean - probably sardinia or ancient carthage .']\n", - "=======================\n", - "[\"tiny copper coin is dated to the iron age , almost 2,300 years agoit was found in saltford between bristol and bath in south west englandbears image of a horse 's head and the carthaginian goddess tanitfind suggests trading links between south west and the mediterranean\"]\n", - "the tiny copper coin , which is smaller than a penny , dates from the iron age almost 2,300 years ago and suggests there were links between the south west of england and the mediterranean .it was found in silt after the river avon burst its banks between bristol and bath .experts have dated the coin to between 300 bc and 264 bc and say it came from the western mediterranean - probably sardinia or ancient carthage .\n", - "tiny copper coin is dated to the iron age , almost 2,300 years agoit was found in saltford between bristol and bath in south west englandbears image of a horse 's head and the carthaginian goddess tanitfind suggests trading links between south west and the mediterranean\n", - "[1.3178124 1.4356838 1.3534572 1.2510233 1.3545606 1.1918938 1.1604389\n", - " 1.0746965 1.1097647 1.0577513 1.1243047 1.0415378 1.0146571 1.0128828\n", - " 1.013173 1.0058675 1.0044334 1.0038105 1.0056756 1.0051079 1.0340872\n", - " 1.0595648]\n", - "\n", - "[ 1 4 2 0 3 5 6 10 8 7 21 9 11 20 12 14 13 15 18 19 16 17]\n", - "=======================\n", - "[\"the premier league title holders give star players like sergio aguero , david silva , joe hart and yaya toure incentivised contracts to make sure the club stay within financial fairplay requirements and they will miss out on a big payday if city fail to reach the group stages of europe 's top competition .manuel pellegrini 's lost to rivals manchester united in the 169th manchester derby at old trafford on sunday with their european hopes still in the balance .manchester city players will lose # 500,000-a-man in bonuses if they fail to qualify for the champions league this season .\"]\n", - "=======================\n", - "[\"city 's players are on incentivised contracts because of financial fairplaythey will lose # 500k each if they miss out on champions leaguemanuel pellegrini 's team are currently fourth in premier leaguebut they are only four points ahead of fifth-placed southampton\"]\n", - "the premier league title holders give star players like sergio aguero , david silva , joe hart and yaya toure incentivised contracts to make sure the club stay within financial fairplay requirements and they will miss out on a big payday if city fail to reach the group stages of europe 's top competition .manuel pellegrini 's lost to rivals manchester united in the 169th manchester derby at old trafford on sunday with their european hopes still in the balance .manchester city players will lose # 500,000-a-man in bonuses if they fail to qualify for the champions league this season .\n", - "city 's players are on incentivised contracts because of financial fairplaythey will lose # 500k each if they miss out on champions leaguemanuel pellegrini 's team are currently fourth in premier leaguebut they are only four points ahead of fifth-placed southampton\n", - "[1.4291568 1.3561008 1.0754532 1.25915 1.5034406 1.1706952 1.2187965\n", - " 1.0275174 1.0341986 1.0237912 1.0423807 1.0143136 1.0166866 1.0140705\n", - " 1.072447 1.0155336 1.0209633 1.0153406 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 4 0 1 3 6 5 2 14 10 8 7 9 16 12 15 17 11 13 20 18 19 21]\n", - "=======================\n", - "[\"justin rose was unable to take victory at the masters , despite carding 14-under-par for the tournamentjustin rose will try to take a leaf out of rory mcilroy 's book after kickstarting his season with his share of second place in the masters .rose arrived at augusta national having missed the cut in three of his previous five tournaments on the pga tour , but left with renewed enthusiasm and a 14-under-par total which has only been bettered six times in masters history .\"]\n", - "=======================\n", - "[\"justin rose finished joint runner-up at the masters 2015 on 14-under-parrose 's final total has only been bettered six times at the the mastersrose hopes to build on his display and take some big titles across the yearclick here for all the latest news and reaction following the masters\"]\n", - "justin rose was unable to take victory at the masters , despite carding 14-under-par for the tournamentjustin rose will try to take a leaf out of rory mcilroy 's book after kickstarting his season with his share of second place in the masters .rose arrived at augusta national having missed the cut in three of his previous five tournaments on the pga tour , but left with renewed enthusiasm and a 14-under-par total which has only been bettered six times in masters history .\n", - "justin rose finished joint runner-up at the masters 2015 on 14-under-parrose 's final total has only been bettered six times at the the mastersrose hopes to build on his display and take some big titles across the yearclick here for all the latest news and reaction following the masters\n", - "[1.281536 1.3677858 1.2353263 1.3700355 1.3105574 1.0424595 1.0832766\n", - " 1.0280375 1.0296488 1.0421056 1.0761725 1.0145187 1.049829 1.1730956\n", - " 1.0601174 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 4 0 2 13 6 10 14 12 5 9 8 7 11 20 15 16 17 18 19 21]\n", - "=======================\n", - "[\"crystal o'connor ( above ) , owner of memories pizza in walkerton , indiana , says she stands by her decision to never cater a gay weddingshe then responded to the now staggering $ 850,000 that has been raised in support of her establishment by saying ; ` god has blessed us for standing up for what we believe , and not denying him . 'in her interview , with fox news business ' neil cavuto , o'connor also said ; ` it is not a sin that we bring gays into our establishment , and to serve them .\"]\n", - "=======================\n", - "[\"crystal o'connor , owner of memories pizza in walkerton , indiana , says she stands by her decision to never cater a gay weddingthis despite the fact that she claims she has been receiving death threats for her beliefs , though none have been documentedshe has closed her store , but said she will reopen again and $ 850,000 has been raised for the business by supporters in just two dayso'connor said in a recent interview of this ; ` god has blessed us for standing up for what we believe , and not denying him 'also on saturday , openly gay basketball stars jason collins and derrick gordon arrived for the ncaa final four in indianapolis\"]\n", - "crystal o'connor ( above ) , owner of memories pizza in walkerton , indiana , says she stands by her decision to never cater a gay weddingshe then responded to the now staggering $ 850,000 that has been raised in support of her establishment by saying ; ` god has blessed us for standing up for what we believe , and not denying him . 'in her interview , with fox news business ' neil cavuto , o'connor also said ; ` it is not a sin that we bring gays into our establishment , and to serve them .\n", - "crystal o'connor , owner of memories pizza in walkerton , indiana , says she stands by her decision to never cater a gay weddingthis despite the fact that she claims she has been receiving death threats for her beliefs , though none have been documentedshe has closed her store , but said she will reopen again and $ 850,000 has been raised for the business by supporters in just two dayso'connor said in a recent interview of this ; ` god has blessed us for standing up for what we believe , and not denying him 'also on saturday , openly gay basketball stars jason collins and derrick gordon arrived for the ncaa final four in indianapolis\n", - "[1.2500768 1.3611187 1.2994328 1.3749592 1.2503014 1.1867846 1.1114451\n", - " 1.0770046 1.0606081 1.0756875 1.077478 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 2 4 0 5 6 10 7 9 8 20 11 12 13 14 15 16 17 18 19 21]\n", - "=======================\n", - "[\"ecuador 's leader rafael correa ( right ) posed for a picture next to a boy wearing an ` i 'm with stupid ' t-shirtthe casually-dressed 52-year-old is said to be able to speak fluent english - but seemingly failed to pick up the meaning of the t-shirt .the picture was shared thousands of times on social media networks in the country .\"]\n", - "=======================\n", - "[\"rafael correa , who claims to speak english , pictured with arm around boybut apparently failed to pick up meaning of the message on child 's t-shirtpicture shared thousands of times on social media networks in ecuador\"]\n", - "ecuador 's leader rafael correa ( right ) posed for a picture next to a boy wearing an ` i 'm with stupid ' t-shirtthe casually-dressed 52-year-old is said to be able to speak fluent english - but seemingly failed to pick up the meaning of the t-shirt .the picture was shared thousands of times on social media networks in the country .\n", - "rafael correa , who claims to speak english , pictured with arm around boybut apparently failed to pick up meaning of the message on child 's t-shirtpicture shared thousands of times on social media networks in ecuador\n", - "[1.3982065 1.1996207 1.0388103 1.0497621 1.0593024 1.2055035 1.1172355\n", - " 1.1641546 1.1321002 1.1379051 1.201691 1.1464106 1.0351683 1.0544173\n", - " 1.044058 1.0284547 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 5 10 1 7 11 9 8 6 4 13 3 14 2 12 15 16 17 18 19 20 21]\n", - "=======================\n", - "[\"the secret drawings and letters belonged to the co-pilot of enola gay bomber which dropped the bomb and reveal captain robert lewis 's immense guilt following the mission .historic : a previously unseen hand-drawn flightplan of the mission to drop an atom bomb on hiroshima is now for salethe previously unseen documents used to plan the dropping of the world 's first atomic bomb on japan on august 6 , 1945 , in a bid to end the second world war have emerged for sale 70 years on .\"]\n", - "=======================\n", - "['the hand-drawn flightplan for bombing mission on hiroshima is now for saleunseen documents were kept by co-pilot of plane that dropped atom bombcaptain robert lewis was in the enola gay b29 bomber on august 6 , 1945remarkable drawings put to auction by his son expected to fetch # 300,000']\n", - "the secret drawings and letters belonged to the co-pilot of enola gay bomber which dropped the bomb and reveal captain robert lewis 's immense guilt following the mission .historic : a previously unseen hand-drawn flightplan of the mission to drop an atom bomb on hiroshima is now for salethe previously unseen documents used to plan the dropping of the world 's first atomic bomb on japan on august 6 , 1945 , in a bid to end the second world war have emerged for sale 70 years on .\n", - "the hand-drawn flightplan for bombing mission on hiroshima is now for saleunseen documents were kept by co-pilot of plane that dropped atom bombcaptain robert lewis was in the enola gay b29 bomber on august 6 , 1945remarkable drawings put to auction by his son expected to fetch # 300,000\n", - "[1.2457904 1.5219735 1.2749515 1.3730078 1.0806104 1.02188 1.0195822\n", - " 1.059086 1.1836302 1.1748197 1.0497812 1.1201106 1.0537992 1.0090033\n", - " 1.0091755 1.0095085 1.0100886 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 8 9 11 4 7 12 10 5 6 16 15 14 13 23 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"lucy , who is the face of sunkissed , has called on her younger sister lydia to join her in the latest beauty campaign for the fake tan brand .lucy , 23 , and her 19-year-old sister prove that good looks run in the family as they pose in their swimsuits and show off their golden glows in the new shoot .lucy mecklenburgh shot to fame as one of the postergirls of the only way is essex - and she 's not the only family member making waves in the modelling world .\"]\n", - "=======================\n", - "[\"lucy and lydia star in beauty campaign for fake tan brand sunkissedboth say it was ` really lovely ' to work together on the shootlucy says she loves the waist she works hard to achieveadmits she is jealous of her teen sister 's long legs\"]\n", - "lucy , who is the face of sunkissed , has called on her younger sister lydia to join her in the latest beauty campaign for the fake tan brand .lucy , 23 , and her 19-year-old sister prove that good looks run in the family as they pose in their swimsuits and show off their golden glows in the new shoot .lucy mecklenburgh shot to fame as one of the postergirls of the only way is essex - and she 's not the only family member making waves in the modelling world .\n", - "lucy and lydia star in beauty campaign for fake tan brand sunkissedboth say it was ` really lovely ' to work together on the shootlucy says she loves the waist she works hard to achieveadmits she is jealous of her teen sister 's long legs\n", - "[1.2884098 1.3260982 1.2780663 1.2634573 1.1599876 1.1584443 1.1067287\n", - " 1.0498643 1.0453374 1.0324229 1.0868483 1.1502984 1.0445282 1.1019459\n", - " 1.0631405 1.0887072 1.1317672 1.0357938 1.0520113 1.1158123 1.0339231\n", - " 1.019554 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 5 11 16 19 6 13 15 10 14 18 7 8 12 17 20 9 21 23 22\n", - " 24]\n", - "=======================\n", - "['the county parks department set the fire on tuesday to clear the area of highly flammable cattails , although a shift in the wind in the mojave narrows park , between apple valley and victorville caused the fire to spread .residents in san bernardino county in california were forced to flee their homes after a planned control burn in an area of brush land went out of control due to high winds .an estimated 200 firefighters battled the blaze in california which threatened several outlying ranches']\n", - "=======================\n", - "['parks department officials had a permit to attempt a controlled burnfire officers had to deploy four aircraft and two bulldozers to fight the firemore than 70 acres of the mojave narrows park were affected by the blazeresidents were able to return home once firemen controlled the inferno']\n", - "the county parks department set the fire on tuesday to clear the area of highly flammable cattails , although a shift in the wind in the mojave narrows park , between apple valley and victorville caused the fire to spread .residents in san bernardino county in california were forced to flee their homes after a planned control burn in an area of brush land went out of control due to high winds .an estimated 200 firefighters battled the blaze in california which threatened several outlying ranches\n", - "parks department officials had a permit to attempt a controlled burnfire officers had to deploy four aircraft and two bulldozers to fight the firemore than 70 acres of the mojave narrows park were affected by the blazeresidents were able to return home once firemen controlled the inferno\n", - "[1.2480465 1.1105247 1.263164 1.207979 1.1800948 1.198762 1.1536595\n", - " 1.2434356 1.0769156 1.0451931 1.0270921 1.0392028 1.0189272 1.0370333\n", - " 1.13046 1.0595006 1.0690022 1.1299331 1.0944368 1.0145537 1.0369073\n", - " 1.0128738 1.0130213 1.0428739 1.0639479]\n", - "\n", - "[ 2 0 7 3 5 4 6 14 17 1 18 8 16 24 15 9 23 11 13 20 10 12 19 22\n", - " 21]\n", - "=======================\n", - "['moore escaped from police custody three times during the 1970s and eventually settled into a quiet life , living in kentucky since at least 2009 .frail and tired of leading a secret life for four decades , 66-year-old clarence david moore called police this week to surrender .his health is poor from a stroke late last year and he has difficulty speaking .']\n", - "=======================\n", - "[\"clarence david moore , 66 , was convicted of larceny of more than $ 200 in north carolina in 1967 and was sentenced to up to seven years in prisonwhile working with a road crew in the asheville area , he escaped and was recaptured in 1971he escaped again the following year and was on the lam until he was apprehended in texas in 1975his third escape from a henderson county prison was august 6 , 1976moore 's neighbors knew him by an alias and described his as ' a good neighbor , ' and also ` very compassioante 'the sheriff said he thought moore 's poor health factored into his decision to turn himself in .as moore arrived at the jail , he thanked the sheriff for his kindness\"]\n", - "moore escaped from police custody three times during the 1970s and eventually settled into a quiet life , living in kentucky since at least 2009 .frail and tired of leading a secret life for four decades , 66-year-old clarence david moore called police this week to surrender .his health is poor from a stroke late last year and he has difficulty speaking .\n", - "clarence david moore , 66 , was convicted of larceny of more than $ 200 in north carolina in 1967 and was sentenced to up to seven years in prisonwhile working with a road crew in the asheville area , he escaped and was recaptured in 1971he escaped again the following year and was on the lam until he was apprehended in texas in 1975his third escape from a henderson county prison was august 6 , 1976moore 's neighbors knew him by an alias and described his as ' a good neighbor , ' and also ` very compassioante 'the sheriff said he thought moore 's poor health factored into his decision to turn himself in .as moore arrived at the jail , he thanked the sheriff for his kindness\n", - "[1.027833 1.2982397 1.4589058 1.2384377 1.2153128 1.098075 1.0439727\n", - " 1.0325139 1.1673353 1.1084504 1.0723835 1.0582975 1.0726342 1.0499923\n", - " 1.0605009 1.0334655 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 4 8 9 5 12 10 14 11 13 6 15 7 0 16 17 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"those championing pink include christine lagarde , the first female chief executive of the international monetary fund , and plaid cymru 's leanne wood , who chose a bright shade of the colour for her live election debate last thursday .pink is the new colour of choice for high-achieving women in the world of politics and showbusiness and the style is now spreading to the high street .the pair are among a host of powerful women reaching for different shades of pink , according to the sunday times newspaper .\"]\n", - "=======================\n", - "['holly willoughby , katherine jenkins and samantha cameron all wear pinkspring/summer collections are awash with different shades of the colouraccording to experts , stronger pinks show confidence , energy and power']\n", - "those championing pink include christine lagarde , the first female chief executive of the international monetary fund , and plaid cymru 's leanne wood , who chose a bright shade of the colour for her live election debate last thursday .pink is the new colour of choice for high-achieving women in the world of politics and showbusiness and the style is now spreading to the high street .the pair are among a host of powerful women reaching for different shades of pink , according to the sunday times newspaper .\n", - "holly willoughby , katherine jenkins and samantha cameron all wear pinkspring/summer collections are awash with different shades of the colouraccording to experts , stronger pinks show confidence , energy and power\n", - "[1.1585866 1.4827802 1.3269303 1.2739677 1.2257721 1.0645212 1.2159443\n", - " 1.0977997 1.0330607 1.0133971 1.0196774 1.0207 1.0113374 1.0999972\n", - " 1.06925 1.083541 1.1101503 1.1045902 1.1720599 1.0257823 1.0114094\n", - " 1.0833946 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 6 18 0 16 17 13 7 15 21 14 5 8 19 11 10 9 20 12 22 23\n", - " 24]\n", - "=======================\n", - "['mother-of-two cheryl howe , 32 , from morecambe , was diagnosed with polycystic ovary syndrome ( pcos ) at the age of 12 , and suffers from excessive hair growth on her face , breasts , stomach and legs .she has been fighting for six years for treatment on the nhs , spending # 2,000 a year on razors , and shaving up to three times a day .she finally got approved for nhs funding for laser hair removal treatment , which costs a minimum of # 10,000 .']\n", - "=======================\n", - "[\"cheryl howe , 32 , was diagnosed with polycystic ovary syndrome at age 12morecambe mother-of-two fought for six years for treatment on the nhseven conchita wurst sent her a note of support after abuse from trollshas now been told she 'll receive more than # 10k in funding\"]\n", - "mother-of-two cheryl howe , 32 , from morecambe , was diagnosed with polycystic ovary syndrome ( pcos ) at the age of 12 , and suffers from excessive hair growth on her face , breasts , stomach and legs .she has been fighting for six years for treatment on the nhs , spending # 2,000 a year on razors , and shaving up to three times a day .she finally got approved for nhs funding for laser hair removal treatment , which costs a minimum of # 10,000 .\n", - "cheryl howe , 32 , was diagnosed with polycystic ovary syndrome at age 12morecambe mother-of-two fought for six years for treatment on the nhseven conchita wurst sent her a note of support after abuse from trollshas now been told she 'll receive more than # 10k in funding\n", - "[1.2634984 1.562819 1.1419059 1.3669653 1.1030345 1.0286428 1.0143087\n", - " 1.0327427 1.0261534 1.053559 1.0699236 1.0342193 1.0449072 1.0795097\n", - " 1.0493191 1.0653064 1.2359462 1.095613 1.0580696 1.1403619 1.0612471]\n", - "\n", - "[ 1 3 0 16 2 19 4 17 13 10 15 20 18 9 14 12 11 7 5 8 6]\n", - "=======================\n", - "[\"precious richardson coleman , 29 , turned herself in to police saturday and awaits two charges of attempted murder after running down 24-year-old beatrice ` dee dee ' spence and her uncle in her 2004 white dodge durango .a philadelphia woman lost her leg and her home went up in flames , all because a neighbor believed she was trying to steal her boyfriend and ran her down in her suv , family members say .wpvi reports that coleman had shown up on spence 's block in the nicetown neighborhood of philadelphia , before spence went out to confront her .\"]\n", - "=======================\n", - "[\"precious richard coleman turned herself in to police saturday after running down beatrice ` dee dee ' spence and her unclecoleman believed spence was going after her boyfriend , family members sayspence had her leg amputated after the hit and run , and the home caught fire while spence 's mother danika accompanied her daughter to the hospitalcoleman is being held on $ 750,000 on attempted murder charges\"]\n", - "precious richardson coleman , 29 , turned herself in to police saturday and awaits two charges of attempted murder after running down 24-year-old beatrice ` dee dee ' spence and her uncle in her 2004 white dodge durango .a philadelphia woman lost her leg and her home went up in flames , all because a neighbor believed she was trying to steal her boyfriend and ran her down in her suv , family members say .wpvi reports that coleman had shown up on spence 's block in the nicetown neighborhood of philadelphia , before spence went out to confront her .\n", - "precious richard coleman turned herself in to police saturday after running down beatrice ` dee dee ' spence and her unclecoleman believed spence was going after her boyfriend , family members sayspence had her leg amputated after the hit and run , and the home caught fire while spence 's mother danika accompanied her daughter to the hospitalcoleman is being held on $ 750,000 on attempted murder charges\n", - "[1.2761209 1.3337299 1.1218362 1.2225113 1.2729099 1.2475783 1.0751776\n", - " 1.0927188 1.0899503 1.1908524 1.0707355 1.0275537 1.0173507 1.0255462\n", - " 1.0207891 1.0186129 1.2284234 1.1327474 1.0689234 0. 0. ]\n", - "\n", - "[ 1 0 4 5 16 3 9 17 2 7 8 6 10 18 11 13 14 15 12 19 20]\n", - "=======================\n", - "[\"the prime minister , who had just done a viewer call-in on itv 's this morning , made the comment as host phillip schofield moved on to the next item .david cameron has been caught joking about alex salmond pinching people 's wallets in remarks broadcast after a tv interview ended .co-host amanda holden burst out laughing at the remark as the programme went to ads .\"]\n", - "=======================\n", - "[\"the pm made the remark after carrying out a call-in on itv 's this morninghost philip schofield announced that the next guest was a picket pocketcameron , who was off camera , overheard saying : ` is that alex salmond ? '\"]\n", - "the prime minister , who had just done a viewer call-in on itv 's this morning , made the comment as host phillip schofield moved on to the next item .david cameron has been caught joking about alex salmond pinching people 's wallets in remarks broadcast after a tv interview ended .co-host amanda holden burst out laughing at the remark as the programme went to ads .\n", - "the pm made the remark after carrying out a call-in on itv 's this morninghost philip schofield announced that the next guest was a picket pocketcameron , who was off camera , overheard saying : ` is that alex salmond ? '\n", - "[1.3041458 1.1362929 1.1509099 1.0594292 1.0851136 1.0831064 1.0953488\n", - " 1.0998374 1.0701535 1.0778539 1.042896 1.0621035 1.079072 1.0531325\n", - " 1.0709925 1.0810204 1.0498989 1.0307204 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 7 6 4 5 15 12 9 14 8 11 3 13 16 10 17 18 19 20]\n", - "=======================\n", - "[\"( cnn ) it 's easy to be anxious about the threat posed by the islamic state of iraq and syria .such moves are part of this murky group 's propaganda and its deliberate efforts to manipulate information .after all , this is a brutal organization that not only kills but seems to revel in doing so in ways designed to shock the world -- from the beheadings of journalists to burning a jordanian pilot alive .\"]\n", - "=======================\n", - "['fareed zakaria : isis has thrived because of a local sunni cause in syria and iraqleaders of isis have recognized they are a messaging machine , he says']\n", - "( cnn ) it 's easy to be anxious about the threat posed by the islamic state of iraq and syria .such moves are part of this murky group 's propaganda and its deliberate efforts to manipulate information .after all , this is a brutal organization that not only kills but seems to revel in doing so in ways designed to shock the world -- from the beheadings of journalists to burning a jordanian pilot alive .\n", - "fareed zakaria : isis has thrived because of a local sunni cause in syria and iraqleaders of isis have recognized they are a messaging machine , he says\n", - "[1.2369337 1.3907211 1.1974728 1.2396793 1.2977469 1.1719627 1.2391131\n", - " 1.086343 1.0839255 1.0576311 1.0556391 1.0756361 1.0199008 1.0755441\n", - " 1.0112964 1.013651 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 6 0 2 5 7 8 11 13 9 10 12 15 14 19 16 17 18 20]\n", - "=======================\n", - "['a defense petition to return 14-year-old jamie silvonek to the juvenile facility where she was initially sent after the body of 54-year-old cheryl silvonek was discovered last month was denied by lehigh county judge maria dantos on friday .jamiesilvonek , the eighth-grader accused of conspiring with her soldier boyfriend by text message to have her mother killed must remain in an adult jail while awaiting trial , it was ruled on fridayher boyfriend , caleb barnes , 20 , who is from el paso , texas , but was stationed at fort meade , maryland , is charged with homicide .']\n", - "=======================\n", - "[\"the defense petition to return jamie silvonek to the juvenile facility she was initially sent to was denied on fridayjamie silvonek has been charged as an adult with homicide and criminal conspiracyher boyfriend caleb barnes , 20 , is charged with homicidecheryl silvonek 's body was found stabbed in a shallow grave about 50 miles northwest of philadelphiaauthorities said silvonek met barnes when she was 13 but said she was 17before the killing silvonek allegedly texted barnes ' i want her gone '\"]\n", - "a defense petition to return 14-year-old jamie silvonek to the juvenile facility where she was initially sent after the body of 54-year-old cheryl silvonek was discovered last month was denied by lehigh county judge maria dantos on friday .jamiesilvonek , the eighth-grader accused of conspiring with her soldier boyfriend by text message to have her mother killed must remain in an adult jail while awaiting trial , it was ruled on fridayher boyfriend , caleb barnes , 20 , who is from el paso , texas , but was stationed at fort meade , maryland , is charged with homicide .\n", - "the defense petition to return jamie silvonek to the juvenile facility she was initially sent to was denied on fridayjamie silvonek has been charged as an adult with homicide and criminal conspiracyher boyfriend caleb barnes , 20 , is charged with homicidecheryl silvonek 's body was found stabbed in a shallow grave about 50 miles northwest of philadelphiaauthorities said silvonek met barnes when she was 13 but said she was 17before the killing silvonek allegedly texted barnes ' i want her gone '\n", - "[1.2981372 1.3076513 1.261698 1.4264562 1.0504236 1.0641516 1.0833939\n", - " 1.1640426 1.0522535 1.030718 1.0292892 1.0398754 1.1281993 1.0165561\n", - " 1.0286615 1.0332117 1.0362154 1.0259013 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 2 7 12 6 5 8 4 11 16 15 9 10 14 17 13 19 18 20]\n", - "=======================\n", - "['will hatton has made a career out of travelling the globe as the broke backpacker while spending only us$ 100 a weekthe 26-year-old british backpacker has only once tried to conform to a regular nine-to-five desk job at a travel agency - an endeavour that failed within six months .for just $ 100 mr hatton received a stack of money totalling over 1000 bills']\n", - "=======================\n", - "['will hatton has travelled to about 50 countries in seven years and plans to make it to 100 by the time he is 30the 26-year-old backpacks , hitch-hikes and dumpster-dives in order to keep to his budget of us$ 100 each weekhe picks up odd jobs as he goes , including goat herding in the middle easthis adventures have led him into tricky situations , including being robbed at knife point and strip searched at gun point']\n", - "will hatton has made a career out of travelling the globe as the broke backpacker while spending only us$ 100 a weekthe 26-year-old british backpacker has only once tried to conform to a regular nine-to-five desk job at a travel agency - an endeavour that failed within six months .for just $ 100 mr hatton received a stack of money totalling over 1000 bills\n", - "will hatton has travelled to about 50 countries in seven years and plans to make it to 100 by the time he is 30the 26-year-old backpacks , hitch-hikes and dumpster-dives in order to keep to his budget of us$ 100 each weekhe picks up odd jobs as he goes , including goat herding in the middle easthis adventures have led him into tricky situations , including being robbed at knife point and strip searched at gun point\n", - "[1.2928015 1.3193513 1.2843919 1.2499238 1.1322381 1.0955524 1.124273\n", - " 1.0745156 1.0925186 1.0628955 1.0484519 1.0471249 1.0163331 1.0292094\n", - " 1.2479765 1.0225022 1.0130844 1.012814 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 2 3 14 4 6 5 8 7 9 10 11 13 15 12 16 17 20 18 19 21]\n", - "=======================\n", - "[\"an independent review of rolling stone 's story about an alleged violent gang rape at the university of virginia said the story fell apart because of ` basic , even routine ' failures of journalism .still employed : rolling stone is not expected to take any action against sabrina rubin erdely , whose reporting was roundly discreditedprofessors at the columbia university graduate school of journalism issued a 12,000-word autopsy of the discredited story sunday night , going through its shortcomings step by step .\"]\n", - "=======================\n", - "[\"magazine published a rape on campus in november 2014 issuegraphically recounted supposed gang-rape of university of virginia studentsabrina rubin erdely wrote article based on interviews with victim ` jackie 'she claims she was raped by seven men and penetrated with a beer bottlejackie 's account soon fell apart , and rolling stone commissioned review12,000-word account published sunday , and recounted failures in depthrounded on erdely and editors for not probing the account more deeplyerdely is expected to apologize - but will get to keep her job\"]\n", - "an independent review of rolling stone 's story about an alleged violent gang rape at the university of virginia said the story fell apart because of ` basic , even routine ' failures of journalism .still employed : rolling stone is not expected to take any action against sabrina rubin erdely , whose reporting was roundly discreditedprofessors at the columbia university graduate school of journalism issued a 12,000-word autopsy of the discredited story sunday night , going through its shortcomings step by step .\n", - "magazine published a rape on campus in november 2014 issuegraphically recounted supposed gang-rape of university of virginia studentsabrina rubin erdely wrote article based on interviews with victim ` jackie 'she claims she was raped by seven men and penetrated with a beer bottlejackie 's account soon fell apart , and rolling stone commissioned review12,000-word account published sunday , and recounted failures in depthrounded on erdely and editors for not probing the account more deeplyerdely is expected to apologize - but will get to keep her job\n", - "[1.4222156 1.1617069 1.3039448 1.1879944 1.0731336 1.0945085 1.1949024\n", - " 1.1596959 1.1698279 1.0686878 1.0383725 1.0175892 1.0187047 1.0297842\n", - " 1.0420244 1.0999717 1.0677477 1.0580286 1.023339 1.024262 1.0378649\n", - " 1.0263623]\n", - "\n", - "[ 0 2 6 3 8 1 7 15 5 4 9 16 17 14 10 20 13 21 19 18 12 11]\n", - "=======================\n", - "['( cnn ) at least two people were taken into custody as protesters upset over the death of freddie gray scuffled thursday evening with police on the streets of baltimore .the baltimore police department said the two were detained for disorderly conduct and destruction of property .gray died sunday , one week after he was arrested by baltimore police .']\n", - "=======================\n", - "['two people are taken into custody , but the protests -- on the whole -- are peacefulbaltimore police commissioner sits down with the gray family']\n", - "( cnn ) at least two people were taken into custody as protesters upset over the death of freddie gray scuffled thursday evening with police on the streets of baltimore .the baltimore police department said the two were detained for disorderly conduct and destruction of property .gray died sunday , one week after he was arrested by baltimore police .\n", - "two people are taken into custody , but the protests -- on the whole -- are peacefulbaltimore police commissioner sits down with the gray family\n", - "[1.135105 1.6111767 1.1524742 1.0735066 1.0540144 1.3564715 1.1401789\n", - " 1.1207075 1.0230029 1.058805 1.0636188 1.1639489 1.1048622 1.1260278\n", - " 1.1309704 1.033172 1.0410264 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 5 11 2 6 0 14 13 7 12 3 10 9 4 16 15 8 17 18 19 20 21]\n", - "=======================\n", - "[\"gary saurage , 45 , who runs the gator country wildlife park in beaumont , texas , was called out on monday morning to catch a giant 400lb , 11ft-long alligator from a family 's backyard pond .all hands on deck : saurage later reported that the gator was safely hauled out of the pond , although it took a bit of work as it was being particularly ` aggressive 'a photograph of the capture - later posted to facebook - shows saurage approaching the giant reptile with his bare hands stretched forwards .\"]\n", - "=======================\n", - "[\"gary saurage , 45 , who runs the gator country wildlife park in beaumont , texas , was called out on monday morning to catch a giant 400lb , 11ft-long alligator from a family 's backyard ponda photograph of the capture - later posted to facebook - shows saurage approaching the giant reptile with his bare hands stretched forwardshe appears to looking at the creature directly in the eyes as it lurks just a few feet away\"]\n", - "gary saurage , 45 , who runs the gator country wildlife park in beaumont , texas , was called out on monday morning to catch a giant 400lb , 11ft-long alligator from a family 's backyard pond .all hands on deck : saurage later reported that the gator was safely hauled out of the pond , although it took a bit of work as it was being particularly ` aggressive 'a photograph of the capture - later posted to facebook - shows saurage approaching the giant reptile with his bare hands stretched forwards .\n", - "gary saurage , 45 , who runs the gator country wildlife park in beaumont , texas , was called out on monday morning to catch a giant 400lb , 11ft-long alligator from a family 's backyard ponda photograph of the capture - later posted to facebook - shows saurage approaching the giant reptile with his bare hands stretched forwardshe appears to looking at the creature directly in the eyes as it lurks just a few feet away\n", - "[1.4313 1.4157295 1.25786 1.2661262 1.1260018 1.090462 1.094003\n", - " 1.1287161 1.1701553 1.0421461 1.0656201 1.0704206 1.0491238 1.0597044\n", - " 1.0419242 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 1 3 2 8 7 4 6 5 11 10 13 12 9 14 15 16 17 18 19 20 21]\n", - "=======================\n", - "['( cnn ) police added attempted murder to the list of charges against the mother of a quadriplegic man who was left in the woods for days , philadelphia police spokeswoman christine o\\'brien said tuesday .nyia parler can not be extradited to face the charges in philadelphia until she completes an unspecified \" treatment , \" maryland police said monday .when she does arrive , she will be charged with aggravated assault , simple assault , recklessly endangering another person and related offenses , in addition to the attempted murder count , o\\'brien said .']\n", - "=======================\n", - "['philadelphia police add attempted murder to list of charges mom will facemom told police son was with her in maryland , but he was found friday alone in woodsvictim being treated for malnutrition , dehydration ; mother faces host of charges after extradition']\n", - "( cnn ) police added attempted murder to the list of charges against the mother of a quadriplegic man who was left in the woods for days , philadelphia police spokeswoman christine o'brien said tuesday .nyia parler can not be extradited to face the charges in philadelphia until she completes an unspecified \" treatment , \" maryland police said monday .when she does arrive , she will be charged with aggravated assault , simple assault , recklessly endangering another person and related offenses , in addition to the attempted murder count , o'brien said .\n", - "philadelphia police add attempted murder to list of charges mom will facemom told police son was with her in maryland , but he was found friday alone in woodsvictim being treated for malnutrition , dehydration ; mother faces host of charges after extradition\n", - "[1.2367691 1.2104073 1.4226158 1.3422042 1.2956482 1.1481854 1.0508025\n", - " 1.1066005 1.1089648 1.1655854 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 3 4 0 1 9 5 8 7 6 19 18 17 16 15 10 13 12 11 20 14 21]\n", - "=======================\n", - "['crystal palace winger wilfried zaha posted a photo via his instagram account which shows the england international undergoing close-up shots at several different angles .wilfried zaha poses for close-up shots as the release of the heavily-awaited fifa 16 edges closeras the football calendar approaches the business end of the campaign , ea sports are already looking towards next season as they begin to take close-up shots of football stars for fifa 16 .']\n", - "=======================\n", - "['wilfried zaha posted instagram photo of fifa 16 close-up shotsthe crystal palace winger has been in fine form for the eagleszaha has scored twice since making move to selhurst park permanentfifa 16 is set to be released by ea sports later this year']\n", - "crystal palace winger wilfried zaha posted a photo via his instagram account which shows the england international undergoing close-up shots at several different angles .wilfried zaha poses for close-up shots as the release of the heavily-awaited fifa 16 edges closeras the football calendar approaches the business end of the campaign , ea sports are already looking towards next season as they begin to take close-up shots of football stars for fifa 16 .\n", - "wilfried zaha posted instagram photo of fifa 16 close-up shotsthe crystal palace winger has been in fine form for the eagleszaha has scored twice since making move to selhurst park permanentfifa 16 is set to be released by ea sports later this year\n", - "[1.2898669 1.3416357 1.2143854 1.2642059 1.2766955 1.1502957 1.198782\n", - " 1.1796749 1.1043273 1.0283446 1.0151346 1.0944828 1.1246538 1.0818294\n", - " 1.0156914 1.009718 1.1137009 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 3 2 6 7 5 12 16 8 11 13 9 14 10 15 18 17 19]\n", - "=======================\n", - "[\"the 40 centimetre-long philippine crocs travelled in custom designed boxes specially built by melbourne zoo to ensure they had a smooth flight .seven of the world 's most endangered crocodiles flew out of melbourne on wednesday en route to their native country .there are only about 250 philippines crocodiles left in the wild , making them the most endangered crocodilian species in the world\"]\n", - "=======================\n", - "['the 40cm-long philippine crocodiles travelled in custom designed boxesthey were sent to the palawan wildlife rescue & conservation centrethe project is part of a conservation effort for the endangered speciesphilippine crocodiles are the most endangered croc species in the world']\n", - "the 40 centimetre-long philippine crocs travelled in custom designed boxes specially built by melbourne zoo to ensure they had a smooth flight .seven of the world 's most endangered crocodiles flew out of melbourne on wednesday en route to their native country .there are only about 250 philippines crocodiles left in the wild , making them the most endangered crocodilian species in the world\n", - "the 40cm-long philippine crocodiles travelled in custom designed boxesthey were sent to the palawan wildlife rescue & conservation centrethe project is part of a conservation effort for the endangered speciesphilippine crocodiles are the most endangered croc species in the world\n", - "[1.3646843 1.2034945 1.3569992 1.1549585 1.0328609 1.02562 1.1875082\n", - " 1.0591329 1.0763258 1.1598943 1.1503489 1.0843383 1.1155206 1.1135044\n", - " 1.0278158 1.0753702 1.0295707 1.0223371 1.0195816 0. ]\n", - "\n", - "[ 0 2 1 6 9 3 10 12 13 11 8 15 7 4 16 14 5 17 18 19]\n", - "=======================\n", - "[\"richard attenborough 's possessions will be soldrichard attenborough was present -- behind or in front of the camera -- at some of the most magical moments in cinema history , and following his death aged 90 last year , the actor-director 's treasured possessions are going up for up sale at auction house bonhams .they are mementoes of a brilliant career in movies , stretching from the tunnels of the great escape to the dinosaurs of jurassic park and gandhi 's vast crowd scenes .\"]\n", - "=======================\n", - "[\"richard attenborough 's treasured possessions will go under the hammeractor-director died aged 90 last year and his items will be sold at bonhamshis son , richard , says it would n't be possible to keep all of the belongings\"]\n", - "richard attenborough 's possessions will be soldrichard attenborough was present -- behind or in front of the camera -- at some of the most magical moments in cinema history , and following his death aged 90 last year , the actor-director 's treasured possessions are going up for up sale at auction house bonhams .they are mementoes of a brilliant career in movies , stretching from the tunnels of the great escape to the dinosaurs of jurassic park and gandhi 's vast crowd scenes .\n", - "richard attenborough 's treasured possessions will go under the hammeractor-director died aged 90 last year and his items will be sold at bonhamshis son , richard , says it would n't be possible to keep all of the belongings\n", - "[1.1999925 1.4394062 1.2558216 1.3203014 1.2857869 1.272084 1.0956956\n", - " 1.1356647 1.03981 1.022516 1.0174978 1.072296 1.0343874 1.1782157\n", - " 1.133414 1.0156878 1.0208117 1.0135931 1.0056995 0. ]\n", - "\n", - "[ 1 3 4 5 2 0 13 7 14 6 11 8 12 9 16 10 15 17 18 19]\n", - "=======================\n", - "['kinessa johnson from yelm , washington state , works for the veterans empowered to protect african wildlife ( vepaw ) , training park rangers to catch and detain the wildlife killers .she joined the group last november after a four-year stint in the services as a weapons instructor and mechanic .she was also deployed for one tour of afghanistan .']\n", - "=======================\n", - "[\"kinessa johnson served four years as a weapons instructor and mechanicnow she works for veterans empowered to protect african wildlifepatrols with park rangers and assists in intelligence operationsinsists she is not a ` poacher hunter ' , and only catches and detains them\"]\n", - "kinessa johnson from yelm , washington state , works for the veterans empowered to protect african wildlife ( vepaw ) , training park rangers to catch and detain the wildlife killers .she joined the group last november after a four-year stint in the services as a weapons instructor and mechanic .she was also deployed for one tour of afghanistan .\n", - "kinessa johnson served four years as a weapons instructor and mechanicnow she works for veterans empowered to protect african wildlifepatrols with park rangers and assists in intelligence operationsinsists she is not a ` poacher hunter ' , and only catches and detains them\n", - "[1.3294966 1.48789 1.1636218 1.2836444 1.2487452 1.2903169 1.2294427\n", - " 1.1347525 1.0414581 1.0748477 1.0314814 1.0075792 1.0100287 1.0113704\n", - " 1.0907978 1.0561997 1.0752742 1.0226876 1.0416679 1.006048 ]\n", - "\n", - "[ 1 0 5 3 4 6 2 7 14 16 9 15 18 8 10 17 13 12 11 19]\n", - "=======================\n", - "['mick schumacher will compete in the formula 4 category , in what is regarded as a stepping stone for junior drivers hoping to reach the top .the 16-year-son of michael schumacher , the seven-time formula one champion , is set to make his debut in the same sport this weekend .schumacher jnr is part of the van amersfoort racing team competing in the 2015 adac formula 4 series .']\n", - "=======================\n", - "[\"mick schumacher makes his formula 4 debut this weekend in germanyfor the first time , he will use his own name rather than his mother 's namehis father is still recovering from a ski accident at his home in switzerlandschumacher snr , seven-time formula champion , won a record 91 races\"]\n", - "mick schumacher will compete in the formula 4 category , in what is regarded as a stepping stone for junior drivers hoping to reach the top .the 16-year-son of michael schumacher , the seven-time formula one champion , is set to make his debut in the same sport this weekend .schumacher jnr is part of the van amersfoort racing team competing in the 2015 adac formula 4 series .\n", - "mick schumacher makes his formula 4 debut this weekend in germanyfor the first time , he will use his own name rather than his mother 's namehis father is still recovering from a ski accident at his home in switzerlandschumacher snr , seven-time formula champion , won a record 91 races\n", - "[1.4024904 1.4715514 1.3024788 1.3023062 1.1105903 1.2377882 1.1737933\n", - " 1.1393578 1.1044853 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 5 6 7 4 8 17 16 15 14 9 12 11 10 18 13 19]\n", - "=======================\n", - "['the 25-year-old signed for cardiff from stade rennais for # 2.1 million but has been on loan with st etienne this season .st etienne want to sign cardiff full-back kevin theophile-catherine on a permanent deal .they have an option to make the deal permanent for # 1.5 million but theophile-catherine wants to see if there are other options before committing .']\n", - "=======================\n", - "['the 25-year-old signed for cardiff from stade rennais for # 2.1 millionbut the defender has been on loan with st etienne this seasonthe club have an option to make the deal permanent for # 1.5 millionst etienne will not take up an option to sign norwich striker ricky van wolfswinkel on a permanent deal']\n", - "the 25-year-old signed for cardiff from stade rennais for # 2.1 million but has been on loan with st etienne this season .st etienne want to sign cardiff full-back kevin theophile-catherine on a permanent deal .they have an option to make the deal permanent for # 1.5 million but theophile-catherine wants to see if there are other options before committing .\n", - "the 25-year-old signed for cardiff from stade rennais for # 2.1 millionbut the defender has been on loan with st etienne this seasonthe club have an option to make the deal permanent for # 1.5 millionst etienne will not take up an option to sign norwich striker ricky van wolfswinkel on a permanent deal\n", - "[1.2411321 1.3711581 1.3700144 1.2049185 1.1102221 1.0954016 1.1142521\n", - " 1.1094835 1.0663382 1.0808822 1.070302 1.0626626 1.0546122 1.1132662\n", - " 1.0467166 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 6 13 4 7 5 9 10 8 11 12 14 16 15 17]\n", - "=======================\n", - "[\"union barons gave more than # 700,000 to ed miliband 's party , swelling labour 's election war chest for the last 14 days of the campaign .overall , labour received # 1.1 million in donations between april 6 and april 12 -- more than twice as much as the conservative party which received just # 492,512 .christopher rokos , who was a co-founder of hedge fund brevan howard asset management , donated # 170,000 - the largest single amount in the period - to the tories .\"]\n", - "=======================\n", - "[\"union barons gave more than # 700,000 to ed miliband 's party in a weekoverall , labour accepted more than # 1.1 million between april 6 - april 12tories received just # 492,000 with most coming from wealthy individualsthe lib dems , meanwhile , were given just # 50,000 and ukip # 8,000\"]\n", - "union barons gave more than # 700,000 to ed miliband 's party , swelling labour 's election war chest for the last 14 days of the campaign .overall , labour received # 1.1 million in donations between april 6 and april 12 -- more than twice as much as the conservative party which received just # 492,512 .christopher rokos , who was a co-founder of hedge fund brevan howard asset management , donated # 170,000 - the largest single amount in the period - to the tories .\n", - "union barons gave more than # 700,000 to ed miliband 's party in a weekoverall , labour accepted more than # 1.1 million between april 6 - april 12tories received just # 492,000 with most coming from wealthy individualsthe lib dems , meanwhile , were given just # 50,000 and ukip # 8,000\n", - "[1.2843407 1.4577695 1.1235981 1.0724306 1.4037293 1.2107055 1.153707\n", - " 1.1221786 1.1476101 1.0243549 1.0167276 1.031289 1.15585 1.0213727\n", - " 1.0715735 0. 0. 0. ]\n", - "\n", - "[ 1 4 0 5 12 6 8 2 7 3 14 11 9 13 10 16 15 17]\n", - "=======================\n", - "['todd larson , 55 , told daily mail online he had parked his collectible dodge challenger worth $ 30,000 in the driveway of his taylorsville home on march 25 when moments later an ice chunk crashed onto his car at 1.53 am .todd larson said a chunk of ice fell from a plan smashing through the windshield of his dodge challenger parked at his taylorsville , utah home ( above his damaged dodge challenger )he said the faa did an investigation and found an a1 aircraft that matched within two minutes of the time the incident happened and when the plane was flying above his home']\n", - "=======================\n", - "[\"todd larson , 55 , of taylorsville , utah claims delta a1 aircraft flew over his home dropping ice chunk smashing his dodge challenger 's windshieldhe paid $ 4,000 in repairs and wants the airline to ` admit its fault 'mr larson said faa did an investigation and found that at the time of the incident an aircraft matched within two minutes that was overhead\"]\n", - "todd larson , 55 , told daily mail online he had parked his collectible dodge challenger worth $ 30,000 in the driveway of his taylorsville home on march 25 when moments later an ice chunk crashed onto his car at 1.53 am .todd larson said a chunk of ice fell from a plan smashing through the windshield of his dodge challenger parked at his taylorsville , utah home ( above his damaged dodge challenger )he said the faa did an investigation and found an a1 aircraft that matched within two minutes of the time the incident happened and when the plane was flying above his home\n", - "todd larson , 55 , of taylorsville , utah claims delta a1 aircraft flew over his home dropping ice chunk smashing his dodge challenger 's windshieldhe paid $ 4,000 in repairs and wants the airline to ` admit its fault 'mr larson said faa did an investigation and found that at the time of the incident an aircraft matched within two minutes that was overhead\n", - "[1.1180558 1.5092562 1.1684147 1.3466008 1.2302061 1.1737707 1.0422684\n", - " 1.1442629 1.1533394 1.0703331 1.0617901 1.0763762 1.0331614 1.0183941\n", - " 1.0145589 1.0193858 0. 0. ]\n", - "\n", - "[ 1 3 4 5 2 8 7 0 11 9 10 6 12 15 13 14 16 17]\n", - "=======================\n", - "[\"devoted wife wei guiyi , 76 , has guided her blind hubby huang funeng , 80 , around with a bamboo pole in their small village in southern china for 30 years since he lost his sight to a degenerative eye condition .now the story and images of the couple making their way around donglan county in guangxi province have been branded ` pictures of true love ' as they have been picked up on social media .despite her own hunchback condition caused by osteoporosis , the pensioner never complains about their plights and says she looks forward to every new day , the people 's daily online reports .\"]\n", - "=======================\n", - "[\"huang funeng , 80 , lost his sight to degenerative eye conditionwei guiyi , 76 , struggles with osteoporosis but leads him on daily walkscouple have become online hit after pictures emerged of their ` true love '\"]\n", - "devoted wife wei guiyi , 76 , has guided her blind hubby huang funeng , 80 , around with a bamboo pole in their small village in southern china for 30 years since he lost his sight to a degenerative eye condition .now the story and images of the couple making their way around donglan county in guangxi province have been branded ` pictures of true love ' as they have been picked up on social media .despite her own hunchback condition caused by osteoporosis , the pensioner never complains about their plights and says she looks forward to every new day , the people 's daily online reports .\n", - "huang funeng , 80 , lost his sight to degenerative eye conditionwei guiyi , 76 , struggles with osteoporosis but leads him on daily walkscouple have become online hit after pictures emerged of their ` true love '\n", - "[1.2311885 1.5002611 1.1887538 1.0613098 1.0972133 1.3509498 1.0812974\n", - " 1.0608348 1.0232788 1.0490489 1.0674392 1.1003925 1.0522192 1.2556626\n", - " 1.0664598 1.0143895 1.014836 0. ]\n", - "\n", - "[ 1 5 13 0 2 11 4 6 10 14 3 7 12 9 8 16 15 17]\n", - "=======================\n", - "[\"new yorker sarah theeboom was inspired to give up using products on her hair after she ran into an old friend whose once dry , frizzy locks were smooth and shiny .natural beauty : sarah theeboom ( pictured ) has n't washed her hair in six years after a friend told her that giving up shampoo was the secret to gorgeous locksnew woman : the writer from new york city said her hair is now silkier and ` totally frizz-free ' since she gave up using shampoo\"]\n", - "=======================\n", - "[\"sarah theeboom , from new york city , gave up using hair products as a part of the ` no poo ' movementthe writer battled greasy hair and dandruff for nearly two months before locks became silkier and ` totally frizz-free '\"]\n", - "new yorker sarah theeboom was inspired to give up using products on her hair after she ran into an old friend whose once dry , frizzy locks were smooth and shiny .natural beauty : sarah theeboom ( pictured ) has n't washed her hair in six years after a friend told her that giving up shampoo was the secret to gorgeous locksnew woman : the writer from new york city said her hair is now silkier and ` totally frizz-free ' since she gave up using shampoo\n", - "sarah theeboom , from new york city , gave up using hair products as a part of the ` no poo ' movementthe writer battled greasy hair and dandruff for nearly two months before locks became silkier and ` totally frizz-free '\n", - "[1.2464398 1.2485026 1.3048346 1.2435427 1.0721982 1.1517973 1.1860923\n", - " 1.1416217 1.0985283 1.0648121 1.0706527 1.0531356 1.0679071 1.0759721\n", - " 1.0529485 1.0922228 1.0293868 1.0636352]\n", - "\n", - "[ 2 1 0 3 6 5 7 8 15 13 4 10 12 9 17 11 14 16]\n", - "=======================\n", - "['the results could help farmers on earth get a higher crop yield - and may also help future astronauts grow plants on missions beyond earth orbit to the moon and mars .in the weightless environment of the space station , researchers will monitor how plants grow in a particular direction without a noticeable gravitational pull .an experiment on the iss will investigate whether plants are able to use a sixth sense while in space - a sense of gravity .']\n", - "=======================\n", - "['japanese-led experiment will see how plants grow on the issresearchers will monitor how they grow without influence of gravityresults could help farmers on earth get a higher crop yieldand it may also help future astronauts grow plants on mars']\n", - "the results could help farmers on earth get a higher crop yield - and may also help future astronauts grow plants on missions beyond earth orbit to the moon and mars .in the weightless environment of the space station , researchers will monitor how plants grow in a particular direction without a noticeable gravitational pull .an experiment on the iss will investigate whether plants are able to use a sixth sense while in space - a sense of gravity .\n", - "japanese-led experiment will see how plants grow on the issresearchers will monitor how they grow without influence of gravityresults could help farmers on earth get a higher crop yieldand it may also help future astronauts grow plants on mars\n", - "[1.1895422 1.2974854 1.2149633 1.2252973 1.093077 1.2540358 1.0586826\n", - " 1.0536096 1.0248265 1.077986 1.0631098 1.1217812 1.0754906 1.0682497\n", - " 1.0567166 1.023613 1.0540713 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 5 3 2 0 11 4 9 12 13 10 6 14 16 7 8 15 17 18 19 20 21 22]\n", - "=======================\n", - "[\"the long-necked dinosaur was one of the largest animals to ever walk the earth with its legacy captivating children 's imaginations the world over .the researchers looked at 477 anatomical features across 81 individual dinosaurs found in museums throughout europe and us .the giant dinosaur and its evocative name - meaning ` thunder lizard ' - has enthralled generations of youngsters.but since 1903 , experts have believed the creature was originally misnamed .\"]\n", - "=======================\n", - "[\"since 1903 , scientists have been claiming brontosaurus does n't existthey said the famous species should be classified as an apatosaurusnew study calculated the differences between families of diplodocidbrontosaurus had a thinner neck and slightly different bone structure\"]\n", - "the long-necked dinosaur was one of the largest animals to ever walk the earth with its legacy captivating children 's imaginations the world over .the researchers looked at 477 anatomical features across 81 individual dinosaurs found in museums throughout europe and us .the giant dinosaur and its evocative name - meaning ` thunder lizard ' - has enthralled generations of youngsters.but since 1903 , experts have believed the creature was originally misnamed .\n", - "since 1903 , scientists have been claiming brontosaurus does n't existthey said the famous species should be classified as an apatosaurusnew study calculated the differences between families of diplodocidbrontosaurus had a thinner neck and slightly different bone structure\n", - "[1.3293524 1.2204418 1.0513269 1.0700233 1.0608628 1.2111502 1.2059866\n", - " 1.3240346 1.0674665 1.0239142 1.0736107 1.0468043 1.0366446 1.035484\n", - " 1.1537205 1.0610231 1.0483799 1.0481724 1.0502559 1.0920004 1.083507\n", - " 1.0438145 1.0926831]\n", - "\n", - "[ 0 7 1 5 6 14 22 19 20 10 3 8 15 4 2 18 16 17 11 21 12 13 9]\n", - "=======================\n", - "['( cnn ) a white police officer claims he feared for his life and is justified in killing an unarmed black man .walter scott was stopped by officer michael slager for a broken taillight , and within minutes scott was dead .a police chief supports the police officer , who is ultimately exonerated , and a predominantly black community seethes with rage because it knows that an injustice was done .']\n", - "=======================\n", - "[\"dorothy brown : shooting by cop might have followed usual narrative of blaming black suspectsbut video in walter scott 's fatal shooting showed the truth , brown sayswith hindsight from michael brown case , north charleston did the right thing with arrest\"]\n", - "( cnn ) a white police officer claims he feared for his life and is justified in killing an unarmed black man .walter scott was stopped by officer michael slager for a broken taillight , and within minutes scott was dead .a police chief supports the police officer , who is ultimately exonerated , and a predominantly black community seethes with rage because it knows that an injustice was done .\n", - "dorothy brown : shooting by cop might have followed usual narrative of blaming black suspectsbut video in walter scott 's fatal shooting showed the truth , brown sayswith hindsight from michael brown case , north charleston did the right thing with arrest\n", - "[1.2093127 1.4521105 1.3693098 1.3539516 1.2437583 1.1165094 1.0814533\n", - " 1.0262926 1.0350157 1.1232406 1.045635 1.1054388 1.0997822 1.0196378\n", - " 1.027494 1.0809848 1.0562559 1.0490983 1.0258002 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 9 5 11 12 6 15 16 17 10 8 14 7 18 13 21 19 20 22]\n", - "=======================\n", - "['biso had squeezed into the hole in the wall at the mohamed naguib metro station as a kitten in 2010 - but then soon became to big to escape .he survived thanks to an elderly man named uncle abdo , who gave the trapped cat water and fed him scraps of food every day .biso the cat , who was stuck behind a wall in a cairo train station for five years , has finally been freed']\n", - "=======================\n", - "['the cat was trapped behind the wall at mohamed naguib metro stationhe survived thanks to a man uncle abdo , who owns a shop outside stationuncle abdo gave biso water and fed him scraps through hole every daythanks to a social media campaign , biso the cat is now finally free']\n", - "biso had squeezed into the hole in the wall at the mohamed naguib metro station as a kitten in 2010 - but then soon became to big to escape .he survived thanks to an elderly man named uncle abdo , who gave the trapped cat water and fed him scraps of food every day .biso the cat , who was stuck behind a wall in a cairo train station for five years , has finally been freed\n", - "the cat was trapped behind the wall at mohamed naguib metro stationhe survived thanks to a man uncle abdo , who owns a shop outside stationuncle abdo gave biso water and fed him scraps through hole every daythanks to a social media campaign , biso the cat is now finally free\n", - "[1.3322473 1.3070881 1.2683784 1.1631291 1.2539475 1.1626649 1.113859\n", - " 1.0361482 1.0730308 1.043041 1.0632056 1.0321172 1.041685 1.0798049\n", - " 1.1140169 1.1070158 1.1307926 1.077843 1.0379769 1.0514803 1.0161085\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 2 4 3 5 16 14 6 15 13 17 8 10 19 9 12 18 7 11 20 21 22]\n", - "=======================\n", - "[\"` burned up inside ' : doctors could not save eloise aimee parry , 21 , above , after she took the ` diet pills 'deadly diet pills thought to have killed six young people in britain are being sold online for just 70p each .unscrupulous dealers in the uk and abroad are selling the potentially fatal drug , which contains a toxic chemical used in pesticides and explosives , to those desperate to lose weight .\"]\n", - "=======================\n", - "['potentially fatal drug contains chemical used in pesticides and explosivesdespite the dangers , the drug can be bought cheaply and easily onlinemost recent victim is 21-year-old eloise aimee parry who died this month']\n", - "` burned up inside ' : doctors could not save eloise aimee parry , 21 , above , after she took the ` diet pills 'deadly diet pills thought to have killed six young people in britain are being sold online for just 70p each .unscrupulous dealers in the uk and abroad are selling the potentially fatal drug , which contains a toxic chemical used in pesticides and explosives , to those desperate to lose weight .\n", - "potentially fatal drug contains chemical used in pesticides and explosivesdespite the dangers , the drug can be bought cheaply and easily onlinemost recent victim is 21-year-old eloise aimee parry who died this month\n", - "[1.4163525 1.2424234 1.2649655 1.4630376 1.1845642 1.1518582 1.0386144\n", - " 1.0914632 1.0428236 1.0217837 1.0160993 1.0148495 1.0125418 1.1803036\n", - " 1.1591824 1.0846076 1.0285069 1.0100882 1.0103216 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 0 2 1 4 13 14 5 7 15 8 6 16 9 10 11 12 18 17 21 19 20 22]\n", - "=======================\n", - "[\"jack colback ( left ) says the newcastle united fans deserve more following another disappointing defeatjack colback admits newcastle united 's supporters are being left short-changed as the club 's sorry season threatens to plunge new depths .but before this season is out colback and his team-mates will have to endure planned protests with a boycott of sunday 's match against spurs set to see thousands stay away from st james ' park .\"]\n", - "=======================\n", - "[\"jack colback admits he feels sorry for the newcastle united supportersjohn carver 's side have n't won a game since the end of februarynewcastle were outclassed by liverpool on monday night at anfieldsiem de jong could boost the club with his imminent returnclick here for all the latest newcastle united news\"]\n", - "jack colback ( left ) says the newcastle united fans deserve more following another disappointing defeatjack colback admits newcastle united 's supporters are being left short-changed as the club 's sorry season threatens to plunge new depths .but before this season is out colback and his team-mates will have to endure planned protests with a boycott of sunday 's match against spurs set to see thousands stay away from st james ' park .\n", - "jack colback admits he feels sorry for the newcastle united supportersjohn carver 's side have n't won a game since the end of februarynewcastle were outclassed by liverpool on monday night at anfieldsiem de jong could boost the club with his imminent returnclick here for all the latest newcastle united news\n", - "[1.2052839 1.5445858 1.2037282 1.398194 1.199474 1.0993257 1.0633776\n", - " 1.0967096 1.0974438 1.1121802 1.0940989 1.1788993 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 11 9 5 8 7 10 6 17 12 13 14 15 16 18]\n", - "=======================\n", - "[\"bridget olinda garcia , 32 , had confiscated her 13-year-old 's mobile phone and was preparing to leave their home in port st. lucie , south-east florida , following ' a brief altercation ' .a florida woman has been charged with child abuse after driving with her teenage son on the hood of her car , police have said .garcia was arrested and booked into the st. lucie county jail .\"]\n", - "=======================\n", - "['bridget olinda garcia , 32 , drove for 400ft with son , 13 , on the hoodteen jumped into the hood after garcia confiscated his mobile phonewhen she stopped , teen son fell off and injured his hip , knee and foot']\n", - "bridget olinda garcia , 32 , had confiscated her 13-year-old 's mobile phone and was preparing to leave their home in port st. lucie , south-east florida , following ' a brief altercation ' .a florida woman has been charged with child abuse after driving with her teenage son on the hood of her car , police have said .garcia was arrested and booked into the st. lucie county jail .\n", - "bridget olinda garcia , 32 , drove for 400ft with son , 13 , on the hoodteen jumped into the hood after garcia confiscated his mobile phonewhen she stopped , teen son fell off and injured his hip , knee and foot\n", - "[1.2243124 1.4336866 1.3149512 1.2724273 1.1902331 1.1662369 1.1250727\n", - " 1.0612841 1.0586356 1.0395964 1.0742562 1.0313625 1.0541914 1.0526326\n", - " 1.0643011 1.0396906 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 5 6 10 14 7 8 12 13 15 9 11 17 16 18]\n", - "=======================\n", - "[\"the prime minister pledged to deliver effective ` home rule ' for england - giving mps the same powers to set tax rates which have been agreed for scotland following last year 's independent referendum .mr cameron said in the interests of fairness english mps must be given a veto on legislation that no longer applies in scotland .england could have a separate income tax rate to scotland under radical new reforms which will be introduced within 100 days of a tory election victory , david cameron announced today .\"]\n", - "=======================\n", - "[\"the tories publish a separate ` english manifesto ' for the first timemr cameron said delivering ` home rule ' for england is a top prioritytory government will introduce the new system before march 2016 budgetit will allow english mpsto set separate rate of income tax to scotland\"]\n", - "the prime minister pledged to deliver effective ` home rule ' for england - giving mps the same powers to set tax rates which have been agreed for scotland following last year 's independent referendum .mr cameron said in the interests of fairness english mps must be given a veto on legislation that no longer applies in scotland .england could have a separate income tax rate to scotland under radical new reforms which will be introduced within 100 days of a tory election victory , david cameron announced today .\n", - "the tories publish a separate ` english manifesto ' for the first timemr cameron said delivering ` home rule ' for england is a top prioritytory government will introduce the new system before march 2016 budgetit will allow english mpsto set separate rate of income tax to scotland\n", - "[1.4747105 1.2358234 1.2687595 1.0724528 1.312878 1.112396 1.0647519\n", - " 1.0685387 1.0782745 1.0620041 1.0243565 1.0759109 1.078181 1.0834575\n", - " 1.0181036 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 2 1 5 13 8 12 11 3 7 6 9 10 14 17 15 16 18]\n", - "=======================\n", - "['liverpool have become the first premier league club to release their new kit to be used for the 2015-16 campaign , with new balance taking over in supplying the merseyside club .so as reds fans give verdict on the new liverpool kit , sportsmail picks out its five favourites from over the years .it ends three seasons of the reds having their kit manufactured by warrior where , despite a string of smart home strips , away kits ranged from the bright to the bizarre .']\n", - "=======================\n", - "['liverpool have released their new kit for the 2015-16 seasonthe reds have had plenty of memorable strips from down the yearssportsmail picks five favourites from home and away kits']\n", - "liverpool have become the first premier league club to release their new kit to be used for the 2015-16 campaign , with new balance taking over in supplying the merseyside club .so as reds fans give verdict on the new liverpool kit , sportsmail picks out its five favourites from over the years .it ends three seasons of the reds having their kit manufactured by warrior where , despite a string of smart home strips , away kits ranged from the bright to the bizarre .\n", - "liverpool have released their new kit for the 2015-16 seasonthe reds have had plenty of memorable strips from down the yearssportsmail picks five favourites from home and away kits\n", - "[1.4020251 1.1149759 1.212163 1.1323017 1.1051687 1.1107508 1.0924711\n", - " 1.0850389 1.0919443 1.0583698 1.0591824 1.0653116 1.0652477 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 5 4 6 8 7 11 12 10 9 13 14 15 16 17 18]\n", - "=======================\n", - "['ahead of another weekend in the barclays premier league , sportsmail brings you the latest squad news , odds and stats on every top flight fixture as it breaks .keep up-to-date with all the latest team news and stats ahead of the premier league weekendswansea city vs everton ( 12.45 pm )']\n", - "=======================\n", - "['manchester united and manchester city clash in sunday 4pm derbychelsea also in derby action when they visit queens park rangersliverpool host newcastle united in monday night footballarsenal travel to burnley for late saturday kick-offtim sherwood returns to tottenham hotspur with aston villa']\n", - "ahead of another weekend in the barclays premier league , sportsmail brings you the latest squad news , odds and stats on every top flight fixture as it breaks .keep up-to-date with all the latest team news and stats ahead of the premier league weekendswansea city vs everton ( 12.45 pm )\n", - "manchester united and manchester city clash in sunday 4pm derbychelsea also in derby action when they visit queens park rangersliverpool host newcastle united in monday night footballarsenal travel to burnley for late saturday kick-offtim sherwood returns to tottenham hotspur with aston villa\n", - "[1.358706 1.2384939 1.2809143 1.2661858 1.2669612 1.1114398 1.0926253\n", - " 1.0490894 1.1015327 1.066713 1.0168936 1.0799544 1.1130759 1.1667582\n", - " 1.085032 1.0394394 1.0467829 1.0343155 1.0218086]\n", - "\n", - "[ 0 2 4 3 1 13 12 5 8 6 14 11 9 7 16 15 17 18 10]\n", - "=======================\n", - "[\"alan greaves , pictured , claimed ` the illuminati framed him by downloading child abuse images on his computerpolice raided alan greaves 's home in colne , lancashire in september 2013 where they found the disturbing images on a digital storage device .burnley crown court heard there were also 17,821 other indecent images with 106 movies .\"]\n", - "=======================\n", - "['alan greaves owned almost 700 of the worst type of child abuse imageshe also had more than 100 indecent videos stored at his lancashire homegreaves told detectives that he did not have any sexual interest in childrenthe father of eight was jailed for 21 months by burnley crown court']\n", - "alan greaves , pictured , claimed ` the illuminati framed him by downloading child abuse images on his computerpolice raided alan greaves 's home in colne , lancashire in september 2013 where they found the disturbing images on a digital storage device .burnley crown court heard there were also 17,821 other indecent images with 106 movies .\n", - "alan greaves owned almost 700 of the worst type of child abuse imageshe also had more than 100 indecent videos stored at his lancashire homegreaves told detectives that he did not have any sexual interest in childrenthe father of eight was jailed for 21 months by burnley crown court\n", - "[1.3144195 1.3948747 1.2334414 1.3341017 1.1638266 1.1370304 1.0923635\n", - " 1.0890216 1.1247222 1.0756992 1.0464984 1.1160444 1.0155983 1.0247751\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 5 8 11 6 7 9 10 13 12 17 14 15 16 18]\n", - "=======================\n", - "[\"australian choreographer wade robson , once the singer 's staunchest defender , now claims jackson was a predator who repeatedly sexually abused him as a child .two men who claim they were molested as young boys by michael jackson are expected to find out on tuesday if they will be allowed to sue for a slice of the late king of pop 's $ 1.5 billion estate .los angeles superior court judge mitchell beckloff has scheduled a hearing for robson and another of jackson 's alleged child victims , james safechuck , on tuesday that could decide if their respective claims proceed .\"]\n", - "=======================\n", - "[\"wade robson and james safechuck hope to find out on tuesday if they can bring a civil lawsuit against the late singer 's estateboth claim that the king of pop molested them as young boystheir lawyers claim jackson paid out nearly $ 200 million to as many as 20 victimsa judge 's ruling on tuesday could determine if more alleged victims come forward\"]\n", - "australian choreographer wade robson , once the singer 's staunchest defender , now claims jackson was a predator who repeatedly sexually abused him as a child .two men who claim they were molested as young boys by michael jackson are expected to find out on tuesday if they will be allowed to sue for a slice of the late king of pop 's $ 1.5 billion estate .los angeles superior court judge mitchell beckloff has scheduled a hearing for robson and another of jackson 's alleged child victims , james safechuck , on tuesday that could decide if their respective claims proceed .\n", - "wade robson and james safechuck hope to find out on tuesday if they can bring a civil lawsuit against the late singer 's estateboth claim that the king of pop molested them as young boystheir lawyers claim jackson paid out nearly $ 200 million to as many as 20 victimsa judge 's ruling on tuesday could determine if more alleged victims come forward\n", - "[1.2618084 1.5173955 1.1403842 1.1858392 1.0819577 1.2914715 1.3011309\n", - " 1.0936947 1.0779254 1.0211997 1.0544292 1.0633211 1.0691586 1.0530068\n", - " 1.014585 1.0142969 1.2523031 0. 0. ]\n", - "\n", - "[ 1 6 5 0 16 3 2 7 4 8 12 11 10 13 9 14 15 17 18]\n", - "=======================\n", - "['superior court judge susan garsh punished robert cusanelli of whdh-tv after two jurors told the court they were trailed by a van as they tried to get into their cars on wednesday .a tv cameraman has been banned from the aaron hernandez murder trial after admitting he followed jurors at the end of a court session .two jurors informed the court thursday morning that they saw someone watching them in a ford explorer .']\n", - "=======================\n", - "[\"two jurors said a vehicle , believed to be from whdh-tv , trailed themrobert cusanelli told the court he made a ` mistake ' and acted on his ownallegedly watched as the group got into their cars in an off-site parking lotinsisted he did not take any pictures or speak to any of the jurorsjury finished their deliberations thursday without reaching a verdictwill return on friday as the ex-new england patriot player awaits his fate\"]\n", - "superior court judge susan garsh punished robert cusanelli of whdh-tv after two jurors told the court they were trailed by a van as they tried to get into their cars on wednesday .a tv cameraman has been banned from the aaron hernandez murder trial after admitting he followed jurors at the end of a court session .two jurors informed the court thursday morning that they saw someone watching them in a ford explorer .\n", - "two jurors said a vehicle , believed to be from whdh-tv , trailed themrobert cusanelli told the court he made a ` mistake ' and acted on his ownallegedly watched as the group got into their cars in an off-site parking lotinsisted he did not take any pictures or speak to any of the jurorsjury finished their deliberations thursday without reaching a verdictwill return on friday as the ex-new england patriot player awaits his fate\n", - "[1.3427323 1.2465177 1.2133255 1.1545106 1.3566881 1.1031084 1.0442743\n", - " 1.0478737 1.0598307 1.0376762 1.0353396 1.0800818 1.0198404 1.0174049\n", - " 1.0406154 1.0370193 1.0434245 1.0243468 1.043399 ]\n", - "\n", - "[ 4 0 1 2 3 5 11 8 7 6 16 18 14 9 15 10 17 12 13]\n", - "=======================\n", - "[\"robin rinaldi ( pictured ) demanded an open marriage from her husband , scott after he had a vasectomyat the age of 42 , san francisco-based journalist robin rinaldi believed she had accidentally succeeded in conceiving a longed - for child .the pregnancy test turned out to be wrong , but her husband scott was n't taking any more chances : he got a vasectomy .\"]\n", - "=======================\n", - "['aged 42 robin rinaldi believed she had conceived a longed-for childthe pregnancy test was negative and her husband had a vasectomyrinaldi then demanded an open marriage and slept with 12 people in a year']\n", - "robin rinaldi ( pictured ) demanded an open marriage from her husband , scott after he had a vasectomyat the age of 42 , san francisco-based journalist robin rinaldi believed she had accidentally succeeded in conceiving a longed - for child .the pregnancy test turned out to be wrong , but her husband scott was n't taking any more chances : he got a vasectomy .\n", - "aged 42 robin rinaldi believed she had conceived a longed-for childthe pregnancy test was negative and her husband had a vasectomyrinaldi then demanded an open marriage and slept with 12 people in a year\n", - "[1.3455993 1.3823304 1.2359143 1.2688448 1.3966827 1.1052163 1.0710223\n", - " 1.0580355 1.0515192 1.0152683 1.0153289 1.0144054 1.068898 1.0611334\n", - " 1.0680927 1.0363092 1.2257929 1.1360922 1.0076907]\n", - "\n", - "[ 4 1 0 3 2 16 17 5 6 12 14 13 7 8 15 10 9 11 18]\n", - "=======================\n", - "['sunderland boss dick advocaat insists he will not underestiamte the signficance of the wear-tyne derbythe 67-year-old takes charge of sunderland for the first time on home soil tomorrow with north-east adversaries newcastle the visitors .dick advocaat will not make the same mistake he did during his first season at rangers by playing down the significance of the old firm derby .']\n", - "=======================\n", - "[\"sunderland manager dick advocaat insists he is not underestimating the significance of sunday 's game against local rivals newcastlewhile in charge of rangers in 1998 , advocaat made the mistake of playing down the old firm game against celtic and lost 5-1the dutchman does not want a repeat of that embarrassmenthe is considering starting winger adam johnson for the game , for the first time for his arrest on suspicion of sexual activity with a 15-year-old girl\"]\n", - "sunderland boss dick advocaat insists he will not underestiamte the signficance of the wear-tyne derbythe 67-year-old takes charge of sunderland for the first time on home soil tomorrow with north-east adversaries newcastle the visitors .dick advocaat will not make the same mistake he did during his first season at rangers by playing down the significance of the old firm derby .\n", - "sunderland manager dick advocaat insists he is not underestimating the significance of sunday 's game against local rivals newcastlewhile in charge of rangers in 1998 , advocaat made the mistake of playing down the old firm game against celtic and lost 5-1the dutchman does not want a repeat of that embarrassmenthe is considering starting winger adam johnson for the game , for the first time for his arrest on suspicion of sexual activity with a 15-year-old girl\n", - "[1.2868693 1.4430001 1.383836 1.2819647 1.0172299 1.0801755 1.1222332\n", - " 1.0666748 1.0621825 1.0580673 1.0590959 1.1353244 1.0316712 1.0514996\n", - " 1.0195334 1.0490419 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 11 6 5 7 8 10 9 13 15 12 14 4 16 17 18]\n", - "=======================\n", - "[\"scientists hope that immunisation is possible with just one injection after ` highly promising results ' in the first 138 healthy adults who were vaccinated with various doses .the vaccine , developed in canada , is based on an animal virus called vesicular stomatitis virus ( vsv ) that is combined with a portion of the protein covering of the ebola virus .a new ebola jab is being given to people living in the west african countries most badly hit by the virus after human trials in unaffected countries proved successful .\"]\n", - "=======================\n", - "[\"scientists hope immunisation against virus is possible with one injectionvaccine based on animal virus and the protein covering of ebola virusebola antigen in vaccine acts as ` trojan horse ' to create immune responseebola has killed more than 10,000 people in a year across six countries\"]\n", - "scientists hope that immunisation is possible with just one injection after ` highly promising results ' in the first 138 healthy adults who were vaccinated with various doses .the vaccine , developed in canada , is based on an animal virus called vesicular stomatitis virus ( vsv ) that is combined with a portion of the protein covering of the ebola virus .a new ebola jab is being given to people living in the west african countries most badly hit by the virus after human trials in unaffected countries proved successful .\n", - "scientists hope immunisation against virus is possible with one injectionvaccine based on animal virus and the protein covering of ebola virusebola antigen in vaccine acts as ` trojan horse ' to create immune responseebola has killed more than 10,000 people in a year across six countries\n", - "[1.3029557 1.3195975 1.3515289 1.2783778 1.14675 1.2270522 1.1397634\n", - " 1.0806186 1.0651615 1.0743744 1.0381631 1.0411028 1.0296898 1.1079254\n", - " 1.0471163 1.0385535 0. 0. ]\n", - "\n", - "[ 2 1 0 3 5 4 6 13 7 9 8 14 11 15 10 12 16 17]\n", - "=======================\n", - "[\"the man has now been charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' , according to victorian police and afp .the 18-year-old hampton park man had his preventative detention order - which allows police to hold a person without charge for up to 14 days - removed , and the teenager was re-arrested .a third man has been charged after raids in melbourne led police to foil an anzac day terror plot .\"]\n", - "=======================\n", - "[\"third man charged after terror raids in melbourne at the weekendthe 18-year-old man will front melbourne magistrates ' court on tuesdayearlier sickening details emerged about the planned anzac day terror plotthe men had planned to run down a police officer and kill him with a knifethey then intended to go on a shooting rampage with his gunit eerily mirrors the death of british soldier lee rigby in 2013he was run down and then butchered with a meat cleaverswords and knifes were found in the teen 's houses\"]\n", - "the man has now been charged with ` conspiracy to commit acts done in preparation for , or planning , terrorist acts ' , according to victorian police and afp .the 18-year-old hampton park man had his preventative detention order - which allows police to hold a person without charge for up to 14 days - removed , and the teenager was re-arrested .a third man has been charged after raids in melbourne led police to foil an anzac day terror plot .\n", - "third man charged after terror raids in melbourne at the weekendthe 18-year-old man will front melbourne magistrates ' court on tuesdayearlier sickening details emerged about the planned anzac day terror plotthe men had planned to run down a police officer and kill him with a knifethey then intended to go on a shooting rampage with his gunit eerily mirrors the death of british soldier lee rigby in 2013he was run down and then butchered with a meat cleaverswords and knifes were found in the teen 's houses\n", - "[1.3936958 1.5157454 1.3389142 1.1782584 1.0540814 1.1549506 1.0303991\n", - " 1.1658885 1.1216083 1.0385971 1.0358496 1.0900367 1.0200894 1.2329226\n", - " 1.0091945 1.0223525 1.032315 0. ]\n", - "\n", - "[ 1 0 2 13 3 7 5 8 11 4 9 10 16 6 15 12 14 17]\n", - "=======================\n", - "[\"the inn , which will have 20 bedrooms , is being built in the prince 's model village in dorset as a joint development between the duchy of cornwall and brewery hall & woodhouse .prince charles is to name a pub in his designer village poundbury after the duchess of cornwall - it will be built on the centre-piece queen mother square .the pub is expected to open early next year .\"]\n", - "=======================\n", - "[\"inn will have 20 bedrooms and is to be completed to meet demand in 2016it will sit in the prince 's village on a square named after the queen motherthe model village ` poundbury , ' dorset , already has a prince george house\"]\n", - "the inn , which will have 20 bedrooms , is being built in the prince 's model village in dorset as a joint development between the duchy of cornwall and brewery hall & woodhouse .prince charles is to name a pub in his designer village poundbury after the duchess of cornwall - it will be built on the centre-piece queen mother square .the pub is expected to open early next year .\n", - "inn will have 20 bedrooms and is to be completed to meet demand in 2016it will sit in the prince 's village on a square named after the queen motherthe model village ` poundbury , ' dorset , already has a prince george house\n", - "[1.2692503 1.0797561 1.2348326 1.3981616 1.2312354 1.0396003 1.059477\n", - " 1.165996 1.1019685 1.1516279 1.0999264 1.1420057 1.045273 1.0205109\n", - " 1.0255711 1.0294076 1.0097952 1.013517 ]\n", - "\n", - "[ 3 0 2 4 7 9 11 8 10 1 6 12 5 15 14 13 17 16]\n", - "=======================\n", - "[\"get this : sweden grants a total of 480 calendar days of parental leave , with 390 of them paid at 80 % of income , with a maximum of 3,160 euros a month or $ 3,474 .( cnn ) when photographer johan bavman became a father for the first time , he took more than a passing wonder about how his native sweden is said to be the most generous nation on earth for parental leave .he used his photography to document the real-life experience of other fathers taking full advantage of sweden 's extraordinary program , which allows mothers and fathers to take long , long leaves from their careers so they can care for their newborns .\"]\n", - "=======================\n", - "[\"johan bavman photographed fathers in sweden , which has generous parental leavesweden 's policies encourage fathers to take just as much leave as mothers\"]\n", - "get this : sweden grants a total of 480 calendar days of parental leave , with 390 of them paid at 80 % of income , with a maximum of 3,160 euros a month or $ 3,474 .( cnn ) when photographer johan bavman became a father for the first time , he took more than a passing wonder about how his native sweden is said to be the most generous nation on earth for parental leave .he used his photography to document the real-life experience of other fathers taking full advantage of sweden 's extraordinary program , which allows mothers and fathers to take long , long leaves from their careers so they can care for their newborns .\n", - "johan bavman photographed fathers in sweden , which has generous parental leavesweden 's policies encourage fathers to take just as much leave as mothers\n", - "[1.4716561 1.314878 1.2014588 1.2138747 1.2367703 1.1053619 1.0738087\n", - " 1.0990723 1.0983331 1.0481861 1.076008 1.080409 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 3 2 5 7 8 11 10 6 9 16 12 13 14 15 17]\n", - "=======================\n", - "['( cnn ) five militants from the kurdistan workers \\' party were killed and another was wounded in clashes with turkish armed forces in eastern turkey , the country \\'s military said saturday .four turkish soldiers also were wounded in the fighting that took place in the eastern city of agri , the armed forces said in a written statement .turkish president recep tayyip erdogan also harshly condemned the attack , describing it as the kurdish separatists \\' attempt to \" intervene in the resolution process ( with the kurds ) in our country . \"']\n", - "=======================\n", - "[\"four turkish troops were wounded in the flight , according to the country 's militaryturkey president recep tayyip erdogan says clashes are attempt to halt a resolution process with kurdsviolence between kurds and the turkish military has been ongoing for more than three decades\"]\n", - "( cnn ) five militants from the kurdistan workers ' party were killed and another was wounded in clashes with turkish armed forces in eastern turkey , the country 's military said saturday .four turkish soldiers also were wounded in the fighting that took place in the eastern city of agri , the armed forces said in a written statement .turkish president recep tayyip erdogan also harshly condemned the attack , describing it as the kurdish separatists ' attempt to \" intervene in the resolution process ( with the kurds ) in our country . \"\n", - "four turkish troops were wounded in the flight , according to the country 's militaryturkey president recep tayyip erdogan says clashes are attempt to halt a resolution process with kurdsviolence between kurds and the turkish military has been ongoing for more than three decades\n", - "[1.4731061 1.3393754 1.3400145 1.1858537 1.2158941 1.1857758 1.1332752\n", - " 1.0939159 1.160151 1.0669829 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 4 3 5 8 6 7 9 16 10 11 12 13 14 15 17]\n", - "=======================\n", - "[\"( cnn ) gastrointestinal illness has gripped 100 people on the cruise ship celebrity infinity , according to a report from the centers for disease control .the illness has also affected five members of the 964-person crew .of the ship 's 2,117 passengers , 95 have suffered from vomiting , diarrhea and other symptoms , the cdc said .\"]\n", - "=======================\n", - "['100 passengers and crew members have been sickened on celebrity infinitythe ship , which is based on the west coast , left san diego in late marchthe cdc is scheduled to board the ship monday']\n", - "( cnn ) gastrointestinal illness has gripped 100 people on the cruise ship celebrity infinity , according to a report from the centers for disease control .the illness has also affected five members of the 964-person crew .of the ship 's 2,117 passengers , 95 have suffered from vomiting , diarrhea and other symptoms , the cdc said .\n", - "100 passengers and crew members have been sickened on celebrity infinitythe ship , which is based on the west coast , left san diego in late marchthe cdc is scheduled to board the ship monday\n", - "[1.2912583 1.3997636 1.3077137 1.1792055 1.2577302 1.0895627 1.0713758\n", - " 1.0610805 1.0927641 1.0866414 1.0664163 1.0558255 1.0546516 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 3 8 5 9 6 10 7 11 12 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"ann rule 's son , 54-year-old andrew rule , is accused of bullying her into giving him $ 23,327 , according to court documents , and admitted to authorities that he blew the money given to him on gambling and strip clubs .famous true crime writer ann rule ( above ) , 84 , had more than $ 100,000 allegedly stolen and defrauded from her by her two sonsprosecutors have filed a restraining order against both men to stay away from ann rule , and the two sons accused of wrongdoing are set to appear in court on april 30 .\"]\n", - "=======================\n", - "[\"sons of new york times bestselling author , ann rule , have been charged with theft and forgery in alleged financial exploitation caseshe has been in declining health since october 2013 and is ` vulnerable to undue influence ' , according to court documentsmichael rule , 51 , is accused of forging her signature on her checks amounting to $ 103,628 between march 2014 to february 2015andrew rule , 54 , is accused of bullying her into giving him $ 23,327 and is said to have at times ` threatened suicide and screamed obscenities at her 'two sons , along with their two siblings , are given an estimated $ 25,000 combined monthly salary through mother 's corporation , rule enterprisesann rule has published 33 books including small sacrifices and the stranger beside me , and eight books have been made into movies\"]\n", - "ann rule 's son , 54-year-old andrew rule , is accused of bullying her into giving him $ 23,327 , according to court documents , and admitted to authorities that he blew the money given to him on gambling and strip clubs .famous true crime writer ann rule ( above ) , 84 , had more than $ 100,000 allegedly stolen and defrauded from her by her two sonsprosecutors have filed a restraining order against both men to stay away from ann rule , and the two sons accused of wrongdoing are set to appear in court on april 30 .\n", - "sons of new york times bestselling author , ann rule , have been charged with theft and forgery in alleged financial exploitation caseshe has been in declining health since october 2013 and is ` vulnerable to undue influence ' , according to court documentsmichael rule , 51 , is accused of forging her signature on her checks amounting to $ 103,628 between march 2014 to february 2015andrew rule , 54 , is accused of bullying her into giving him $ 23,327 and is said to have at times ` threatened suicide and screamed obscenities at her 'two sons , along with their two siblings , are given an estimated $ 25,000 combined monthly salary through mother 's corporation , rule enterprisesann rule has published 33 books including small sacrifices and the stranger beside me , and eight books have been made into movies\n", - "[1.4762185 1.1924237 1.3674928 1.2383139 1.1310881 1.0401379 1.0299355\n", - " 1.1409199 1.1007572 1.2426565 1.064479 1.1150082 1.0394477 1.0334493\n", - " 1.0635481 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 9 3 1 7 4 11 8 10 14 5 12 13 6 18 15 16 17 19]\n", - "=======================\n", - "['former primary school teacher mary cowan , 92 , has generously stated in her will that # 700,000 of her # 2million fortune should be left to charity groupsthe mary cowan bursary will have funds of around # 325,000 and will be used to help current or prospective poorer pupils attend the school .ms cowan , of edinburgh , passed away in november last year but her will revealed she asked for a bursary scheme to be set up in her name at the school where famous faces such as olympic hero sir chris hoy and rugby legend gavin hastings were taught .']\n", - "=======================\n", - "[\"mary cowan , 92 , has generously left share of # 2million fortune to charitiesformer teacher said in will # 325,000 should help poor children go to schoolother groups to benefit include blind veterans uk and the salvation armymoney also left to alzheimer scotland , children 's hospital and churches\"]\n", - "former primary school teacher mary cowan , 92 , has generously stated in her will that # 700,000 of her # 2million fortune should be left to charity groupsthe mary cowan bursary will have funds of around # 325,000 and will be used to help current or prospective poorer pupils attend the school .ms cowan , of edinburgh , passed away in november last year but her will revealed she asked for a bursary scheme to be set up in her name at the school where famous faces such as olympic hero sir chris hoy and rugby legend gavin hastings were taught .\n", - "mary cowan , 92 , has generously left share of # 2million fortune to charitiesformer teacher said in will # 325,000 should help poor children go to schoolother groups to benefit include blind veterans uk and the salvation armymoney also left to alzheimer scotland , children 's hospital and churches\n", - "[1.3707831 1.3745555 1.1557422 1.3215151 1.1322513 1.111822 1.1018486\n", - " 1.0668412 1.174339 1.0824746 1.0632285 1.0292329 1.0204723 1.0369669\n", - " 1.0997839 1.1122036 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 8 2 4 15 5 6 14 9 7 10 13 11 12 18 16 17 19]\n", - "=======================\n", - "[\"the 60-year-old was called to serve on a case involving a car crash and had to answer a couple of questions about his relatives .supreme court chief justice john roberts reported for jury duty in rockville , maryland on wednesday - and was not selected .however , when it came to a question about the jurors legal experience the sitting judge refrained from making roberts answer , saying , ` obviously we know what you do for a living , sir . '\"]\n", - "=======================\n", - "['chief justice john roberts , 60 , arrived in rockville , maryland court on wednesday']\n", - "the 60-year-old was called to serve on a case involving a car crash and had to answer a couple of questions about his relatives .supreme court chief justice john roberts reported for jury duty in rockville , maryland on wednesday - and was not selected .however , when it came to a question about the jurors legal experience the sitting judge refrained from making roberts answer , saying , ` obviously we know what you do for a living , sir . '\n", - "chief justice john roberts , 60 , arrived in rockville , maryland court on wednesday\n", - "[1.44327 1.3429956 1.3464704 1.465198 1.2335458 1.1215723 1.0857528\n", - " 1.0186653 1.0250118 1.0158966 1.1219156 1.102468 1.1951821 1.0782212\n", - " 1.0229545 1.0247847 1.0351064 1.0062377 1.005991 1.0112727]\n", - "\n", - "[ 3 0 2 1 4 12 10 5 11 6 13 16 8 15 14 7 9 19 17 18]\n", - "=======================\n", - "[\"louis van gaal says manchester united can still win the barclays premier league at this late stage in the racevictory over aston villa in the premier league on saturday would put some pressure on neighbours manchester city - currently second - who do n't play until monday at crystal palace .van gaal also admitted that marouane fellaini has become almost undroppable , given his performances in united 's recent run of form .\"]\n", - "=======================\n", - "[\"louis van gaal says manchester united are in race for the premier leaguedutch boss reserved special praise for marouane fellaini 's recent formhe says that the belgian midfielder has made himself almost undroppableunited are eight points behind chelsea having played a game morevan gaal 's charges face aston villa at old trafford on saturday at 3pmrobin van persie is still not fit enough to play at the weekend\"]\n", - "louis van gaal says manchester united can still win the barclays premier league at this late stage in the racevictory over aston villa in the premier league on saturday would put some pressure on neighbours manchester city - currently second - who do n't play until monday at crystal palace .van gaal also admitted that marouane fellaini has become almost undroppable , given his performances in united 's recent run of form .\n", - "louis van gaal says manchester united are in race for the premier leaguedutch boss reserved special praise for marouane fellaini 's recent formhe says that the belgian midfielder has made himself almost undroppableunited are eight points behind chelsea having played a game morevan gaal 's charges face aston villa at old trafford on saturday at 3pmrobin van persie is still not fit enough to play at the weekend\n", - "[1.0929942 1.2143899 1.2941084 1.0924728 1.2385917 1.3165703 1.2117143\n", - " 1.0667644 1.0526565 1.0264887 1.0389689 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 5 2 4 1 6 0 3 7 8 10 9 11 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "['meanwhile , as many marvel fans know , thursday was the eve of the new netflix series \" daredevil , \" and after a photoshopped first look at charlie cox \\'s iconic red daredevil suit went out , marvel put out a video of the real one .but there was one character who remained a mystery : the vision , to be played by paul bettany .with less than a month to go before the movie hits theaters , marvel studios put all the speculation to rest with a poster featuring bettany as the heroic android , who was a member of the superhero group for many years in the comics .']\n", - "=======================\n", - "['marvel studios releases first looks at paul bettany as the vision in \" avengers : age of ultron \" and charlie cox in full \" daredevil \" costumejamie bell \\'s character of the thing was also unveiled for 20th century fox \\'s marvel-based reboot of \" fantastic four \"bryan singer unveiled the first look at \" x-men : apocalypse \" angel played by ben hardy']\n", - "meanwhile , as many marvel fans know , thursday was the eve of the new netflix series \" daredevil , \" and after a photoshopped first look at charlie cox 's iconic red daredevil suit went out , marvel put out a video of the real one .but there was one character who remained a mystery : the vision , to be played by paul bettany .with less than a month to go before the movie hits theaters , marvel studios put all the speculation to rest with a poster featuring bettany as the heroic android , who was a member of the superhero group for many years in the comics .\n", - "marvel studios releases first looks at paul bettany as the vision in \" avengers : age of ultron \" and charlie cox in full \" daredevil \" costumejamie bell 's character of the thing was also unveiled for 20th century fox 's marvel-based reboot of \" fantastic four \"bryan singer unveiled the first look at \" x-men : apocalypse \" angel played by ben hardy\n", - "[1.4679447 1.5131534 1.1061028 1.0669323 1.3726759 1.2640684 1.2322788\n", - " 1.1289839 1.029075 1.0149237 1.2444246 1.1192296 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 5 10 6 7 11 2 3 8 9 12 13 14 15 16 17 18]\n", - "=======================\n", - "['the 21-year-old has been linked with premier league duo manchester united and chelsea in some quarters but he says remaining at the mestalla is his preferred option .valencia midfielder andre gomes insists he has no intention of leaving the club this summer .the 21-year-old midfielder insists he is happy to stay with valencia and ply his trade in la liga']\n", - "=======================\n", - "[\"reports have linked chelsea with a move for valencia 's andre gomesbut the midfielder says wants to stay with the la liga side next seasongomes has scored four league goals in 25 appearances this term\"]\n", - "the 21-year-old has been linked with premier league duo manchester united and chelsea in some quarters but he says remaining at the mestalla is his preferred option .valencia midfielder andre gomes insists he has no intention of leaving the club this summer .the 21-year-old midfielder insists he is happy to stay with valencia and ply his trade in la liga\n", - "reports have linked chelsea with a move for valencia 's andre gomesbut the midfielder says wants to stay with the la liga side next seasongomes has scored four league goals in 25 appearances this term\n", - "[1.1949974 1.48424 1.3473973 1.299671 1.144274 1.0858449 1.0414308\n", - " 1.0440873 1.1244609 1.1777455 1.2126737 1.0092354 1.0093596 1.0154743\n", - " 1.0109583 1.0511725 1.0505795 1.1498172 0. ]\n", - "\n", - "[ 1 2 3 10 0 9 17 4 8 5 15 16 7 6 13 14 12 11 18]\n", - "=======================\n", - "['the owner of the bunny baker cafe in manila etches customised caricatures into coffee froth at no extra cost to his clientele , even detailing local favourite , boxer manny pacquiao .graphic artist zach yonzon runs the cafe with his wife and uses steamed milk and froth as the canvas upon which he creates his masterpieces which can leave happy memories for tourists .a cafe in the philippines is serving up artistic cups of coffee for customers who enjoy their beverages tailor made .']\n", - "=======================\n", - "['zach yonzon runs the bunny baker cafe with his wife in manilaartist uses a spoon and a barbecue skewer dipped in chocolatecreates incredibly detailed portraits at the request of customersservice started out as novelty when owner began etching rabbitsartistic barista hopes to one day be able to create 3d caricatures']\n", - "the owner of the bunny baker cafe in manila etches customised caricatures into coffee froth at no extra cost to his clientele , even detailing local favourite , boxer manny pacquiao .graphic artist zach yonzon runs the cafe with his wife and uses steamed milk and froth as the canvas upon which he creates his masterpieces which can leave happy memories for tourists .a cafe in the philippines is serving up artistic cups of coffee for customers who enjoy their beverages tailor made .\n", - "zach yonzon runs the bunny baker cafe with his wife in manilaartist uses a spoon and a barbecue skewer dipped in chocolatecreates incredibly detailed portraits at the request of customersservice started out as novelty when owner began etching rabbitsartistic barista hopes to one day be able to create 3d caricatures\n", - "[1.1821647 1.5045732 1.2606678 1.3352234 1.2339215 1.0761573 1.0595782\n", - " 1.0806588 1.1100911 1.0553057 1.0415083 1.0533968 1.0374266 1.0806252\n", - " 1.048726 1.0588535 1.1439023 1.1015041 1.0522636]\n", - "\n", - "[ 1 3 2 4 0 16 8 17 7 13 5 6 15 9 11 18 14 10 12]\n", - "=======================\n", - "['khayree gay , 31 , was captured on friday at the security inn and suites hotel in lake city , south carolina , according to a report from the bureau of alcohol , tobacco , firearms and explosives .gay , who is originally from feltonville , pennsylvania , is facing federal charges for allegedly kidnapping a jewelers row employee on april 4 in philadelphia .a former jewelry store worker has been arrested for his alleged role in the abduction and torture of a female employee at the business .']\n", - "=======================\n", - "['khayree gay , 31 , was captured on friday at the security inn and suites hotel in lake city , south carolinagay , is facing federal charges for allegedly kidnapping a jewelers row employee on april 4 in philadelphiathe woman , 53 , was abducted in a van from a parking garage and then beaten , tasered and threatened with deathshe was left handcuffed in a pennsylvania cemetery following abduction']\n", - "khayree gay , 31 , was captured on friday at the security inn and suites hotel in lake city , south carolina , according to a report from the bureau of alcohol , tobacco , firearms and explosives .gay , who is originally from feltonville , pennsylvania , is facing federal charges for allegedly kidnapping a jewelers row employee on april 4 in philadelphia .a former jewelry store worker has been arrested for his alleged role in the abduction and torture of a female employee at the business .\n", - "khayree gay , 31 , was captured on friday at the security inn and suites hotel in lake city , south carolinagay , is facing federal charges for allegedly kidnapping a jewelers row employee on april 4 in philadelphiathe woman , 53 , was abducted in a van from a parking garage and then beaten , tasered and threatened with deathshe was left handcuffed in a pennsylvania cemetery following abduction\n", - "[1.286554 1.4327395 1.2716877 1.2795274 1.1732947 1.0988923 1.1084965\n", - " 1.0812917 1.0855901 1.0702609 1.0873688 1.0724823 1.0781456 1.0192037\n", - " 1.0597577 1.05944 1.0754509 1.0834231 1.0178083]\n", - "\n", - "[ 1 0 3 2 4 6 5 10 8 17 7 12 16 11 9 14 15 13 18]\n", - "=======================\n", - "[\"calcium formations on ` altamura man ' - a skeleton found in a cave in 1993 - suggest he was 128,000 to 187,000 years old .scientists in italy have extracted the oldest ever dna sample to be taken from a neanderthal .now researchers plan to sequence his dna to see if they can reveal new details about the evolution of our ancient ancestors .\"]\n", - "=======================\n", - "[\"altamura man was discovered in a cave in 1993 in southern italyskeleton 's calcium formations suggest it is 128,000 to 187,000 years oldscientists have successful extracted dna and are trying to sequence itthey say dna might reveal new details about the evolution of hominids\"]\n", - "calcium formations on ` altamura man ' - a skeleton found in a cave in 1993 - suggest he was 128,000 to 187,000 years old .scientists in italy have extracted the oldest ever dna sample to be taken from a neanderthal .now researchers plan to sequence his dna to see if they can reveal new details about the evolution of our ancient ancestors .\n", - "altamura man was discovered in a cave in 1993 in southern italyskeleton 's calcium formations suggest it is 128,000 to 187,000 years oldscientists have successful extracted dna and are trying to sequence itthey say dna might reveal new details about the evolution of hominids\n", - "[1.360384 1.198574 1.4576902 1.1896241 1.1787174 1.171958 1.2051227\n", - " 1.0745655 1.0410668 1.0181358 1.1066912 1.0263176 1.1134324 1.1803896\n", - " 1.140002 1.0502708 1.0510559 0. 0. ]\n", - "\n", - "[ 2 0 6 1 3 13 4 5 14 12 10 7 16 15 8 11 9 17 18]\n", - "=======================\n", - "['hannah mcwhirter , 21 , of banff , aberdeenshire , engaged in the ménage a trois with co-worker dionne clark and her husband shaun in july 2013 .fiscal depute elaine ward said the accused had become close friends with mrs clark , 29 , after starting work in the same shop in january 2013 .a woman accused a married couple of rape after her boyfriend found out she had a threesome with them in a travelodge hotel room .']\n", - "=======================\n", - "[\"hannah mcwhirter , 21 , had threesome with co-worker and her husbandexchanged texts with dionne and shaun clark after saying she had funbut when mcwhirter 's boyfriend found out she claimed she had been rapedshe has now admitted wasting police time and will be sentenced in may\"]\n", - "hannah mcwhirter , 21 , of banff , aberdeenshire , engaged in the ménage a trois with co-worker dionne clark and her husband shaun in july 2013 .fiscal depute elaine ward said the accused had become close friends with mrs clark , 29 , after starting work in the same shop in january 2013 .a woman accused a married couple of rape after her boyfriend found out she had a threesome with them in a travelodge hotel room .\n", - "hannah mcwhirter , 21 , had threesome with co-worker and her husbandexchanged texts with dionne and shaun clark after saying she had funbut when mcwhirter 's boyfriend found out she claimed she had been rapedshe has now admitted wasting police time and will be sentenced in may\n", - "[1.1918632 1.2157388 1.4238333 1.2270505 1.082331 1.3442254 1.1374375\n", - " 1.0785344 1.1057942 1.0620292 1.078686 1.1434615 1.0276566 1.0334331\n", - " 1.0694642 1.0236338 1.0381217 1.0526026 0. 0. 0. ]\n", - "\n", - "[ 2 5 3 1 0 11 6 8 4 10 7 14 9 17 16 13 12 15 19 18 20]\n", - "=======================\n", - "['liftoff of the 208ft ( 63 metre ) tall falcon 9 rocket was scheduled for 4:33 pm edt/2033gmt from cape canaveral air force station in florida .but poor weather conditions meant the countdown was halted at the 2 1/2 - minute mark .a historic spacex launch that was set to take off today has been scrubbed due to bad weather .']\n", - "=======================\n", - "['launch postponed due to lightning from an approaching anvil cloudliftoff has been rescheduled by spacex for tomorrow at 4.10 pm etif successful , it will prove affordable , reusuable rockets are possible']\n", - "liftoff of the 208ft ( 63 metre ) tall falcon 9 rocket was scheduled for 4:33 pm edt/2033gmt from cape canaveral air force station in florida .but poor weather conditions meant the countdown was halted at the 2 1/2 - minute mark .a historic spacex launch that was set to take off today has been scrubbed due to bad weather .\n", - "launch postponed due to lightning from an approaching anvil cloudliftoff has been rescheduled by spacex for tomorrow at 4.10 pm etif successful , it will prove affordable , reusuable rockets are possible\n", - "[1.2655209 1.4497497 1.2500253 1.1646824 1.2023277 1.158433 1.0375026\n", - " 1.032209 1.0382079 1.223445 1.1021427 1.0356266 1.0193609 1.0428314\n", - " 1.0224484 1.030315 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 9 4 3 5 10 13 8 6 11 7 15 14 12 19 16 17 18 20]\n", - "=======================\n", - "[\"ed miliband initially suggested he would ` abolish ' the non-domicile status on wednesday should his party take power in the general election on may 7 , but it later emerged he is effectively proposing a time limit on it of between two and five years .labour 's plans to change rules allowing wealthy foreigners to lower their tax bills is causing london property deals to fall through and homeowners to sell up , estate agents have claimed .although labour aides suggested this would raise as much as # 1billion , it seems the announcement has already had a negative impact on the capital 's property market .\"]\n", - "=======================\n", - "['labour plans to change rules that allow foreigners to lower their tax billsnon-doms only pay tax on their uk income , not earnings from overseasestate agents claim non-doms are selling up and deals are falling through']\n", - "ed miliband initially suggested he would ` abolish ' the non-domicile status on wednesday should his party take power in the general election on may 7 , but it later emerged he is effectively proposing a time limit on it of between two and five years .labour 's plans to change rules allowing wealthy foreigners to lower their tax bills is causing london property deals to fall through and homeowners to sell up , estate agents have claimed .although labour aides suggested this would raise as much as # 1billion , it seems the announcement has already had a negative impact on the capital 's property market .\n", - "labour plans to change rules that allow foreigners to lower their tax billsnon-doms only pay tax on their uk income , not earnings from overseasestate agents claim non-doms are selling up and deals are falling through\n", - "[1.1421317 1.4045275 1.2588338 1.2689531 1.2447608 1.10742 1.089574\n", - " 1.0911938 1.1024004 1.0790193 1.1277663 1.0561652 1.0459437 1.058846\n", - " 1.0909772 1.0993584 1.1141491 1.0133317 1.0206964 1.0406868 1.0125571]\n", - "\n", - "[ 1 3 2 4 0 10 16 5 8 15 7 14 6 9 13 11 12 19 18 17 20]\n", - "=======================\n", - "['scientists analysed 57 species in the region and found that the majority of populations had diminished as a result of the nuclear accident .researchers have found that bird species are continuing to drop in fukushima ( shown after the disaster in 2011 ) .they found that one breed in particular had plummeted from several hundred before the 2011 disaster to just a few dozen today .']\n", - "=======================\n", - "['researchers find that bird species are continuing to drop in fukushimathe barn swallow , for example , dropped from hundreds to dozensthis is despite radiation levels in the region starting to falland comparing it to chernobyl could reveal what the future holds']\n", - "scientists analysed 57 species in the region and found that the majority of populations had diminished as a result of the nuclear accident .researchers have found that bird species are continuing to drop in fukushima ( shown after the disaster in 2011 ) .they found that one breed in particular had plummeted from several hundred before the 2011 disaster to just a few dozen today .\n", - "researchers find that bird species are continuing to drop in fukushimathe barn swallow , for example , dropped from hundreds to dozensthis is despite radiation levels in the region starting to falland comparing it to chernobyl could reveal what the future holds\n", - "[1.2280055 1.5365636 1.2741466 1.4558353 1.2824233 1.1800396 1.1400805\n", - " 1.2017795 1.0771972 1.0259123 1.0117272 1.0938894 1.0108203 1.0094599\n", - " 1.0192032 1.0163175 1.0723245 1.0759536 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 2 0 7 5 6 11 8 17 16 9 14 15 10 12 13 19 18 20]\n", - "=======================\n", - "['derek lowe , 38 , and tina lowe , 33 , were hit shortly before 10am on sunday in durham by a train heading north .authorities say none of the 166 passengers on the train were injured , although a man who fell ill during the delay did receive treatmentamtrak spokesman marc magliari said train no. 80 , the carolinian , was headed from charlotte to new york city when the accident occurred on property owned by norfolk-southern .']\n", - "=======================\n", - "['accident happened just before 10am on sunday in durham , north carolinaderek lowe , 38 , and tina lowe , 33 , were pronounced dead at the scenenorthbound train struck pair on property owned by norfolk-southerntrain no. 80 , the carolinian , was headed from charlotte to new york citytrip continued after about three-hour delay and no passengers were hurtman who met pair while collecting scrap metal said they were homeless']\n", - "derek lowe , 38 , and tina lowe , 33 , were hit shortly before 10am on sunday in durham by a train heading north .authorities say none of the 166 passengers on the train were injured , although a man who fell ill during the delay did receive treatmentamtrak spokesman marc magliari said train no. 80 , the carolinian , was headed from charlotte to new york city when the accident occurred on property owned by norfolk-southern .\n", - "accident happened just before 10am on sunday in durham , north carolinaderek lowe , 38 , and tina lowe , 33 , were pronounced dead at the scenenorthbound train struck pair on property owned by norfolk-southerntrain no. 80 , the carolinian , was headed from charlotte to new york citytrip continued after about three-hour delay and no passengers were hurtman who met pair while collecting scrap metal said they were homeless\n", - "[1.1810105 1.3473636 1.232571 1.3155242 1.0722274 1.1535685 1.0421216\n", - " 1.038667 1.0445808 1.0372491 1.0496584 1.2825975 1.0203063 1.0121824\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 11 2 0 5 4 10 8 6 7 9 12 13 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"in an exclusive interview with daily mail australia , uk children 's cookbook guru annabel karmel has slammed pete evans ' controversial bone broth recipe in his book ` bubba yum yum - the paleo way ' , calling it dangerous , and said the paleo method goes against everything nutritionists and child health experts recommend .motivated mumpreneur : british children 's cook book author annabel karmel , has over 40 books to her name` babies need milk - it needs to be a formula or breast milk because it has the nutrients they need and bone broth will not give them what breast milk or formula does , ' karmel , 51 , said .\"]\n", - "=======================\n", - "[\"uk celebrity cook book author annabel karmel shares her thoughts on paleo for kidsthe acclaimed author has over 40 children 's cook bookssays the paleo method goes against everything nutritionists and child health experts recommendkarmel is in australia to launch nutritious children 's food range at coles\"]\n", - "in an exclusive interview with daily mail australia , uk children 's cookbook guru annabel karmel has slammed pete evans ' controversial bone broth recipe in his book ` bubba yum yum - the paleo way ' , calling it dangerous , and said the paleo method goes against everything nutritionists and child health experts recommend .motivated mumpreneur : british children 's cook book author annabel karmel , has over 40 books to her name` babies need milk - it needs to be a formula or breast milk because it has the nutrients they need and bone broth will not give them what breast milk or formula does , ' karmel , 51 , said .\n", - "uk celebrity cook book author annabel karmel shares her thoughts on paleo for kidsthe acclaimed author has over 40 children 's cook bookssays the paleo method goes against everything nutritionists and child health experts recommendkarmel is in australia to launch nutritious children 's food range at coles\n", - "[1.2219651 1.3086255 1.229026 1.1233184 1.2614768 1.0798473 1.0520483\n", - " 1.0730371 1.0406922 1.0597612 1.0659647 1.066199 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 2 0 3 5 7 11 10 9 6 8 21 12 13 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "['during a recent ted talk , lillian bustle , from new jersey , revealed that she also calls herself ` short \\' , because she is 5 \\' 3 \" , and ` wife \\' , because she is married , noting that each of these words is just an honest description of what she is .not-so-tiny dancer : burlesque performer lillian bustle explained in her ted talk that ` fat \\' is just another word - and using it does n\\'t have to be an insult` we as women are programmed to tell each other that we \\'re not fat , because to many people - both men and women - fat is the worst thing that you can be , \\' she said during her talk , which took place earlier this month .']\n", - "=======================\n", - "[\"at 240lbs , lillian bustle says she 's not being negative when she calls herself ` fat ' - she is just being factualshe says she likes performing burlesque because it helps open people up to liking different body typesthe dancer says she 's thrilled at the positive reception her ted talk has received , adding that she believes it means ` body-positivity ' is working\"]\n", - "during a recent ted talk , lillian bustle , from new jersey , revealed that she also calls herself ` short ' , because she is 5 ' 3 \" , and ` wife ' , because she is married , noting that each of these words is just an honest description of what she is .not-so-tiny dancer : burlesque performer lillian bustle explained in her ted talk that ` fat ' is just another word - and using it does n't have to be an insult` we as women are programmed to tell each other that we 're not fat , because to many people - both men and women - fat is the worst thing that you can be , ' she said during her talk , which took place earlier this month .\n", - "at 240lbs , lillian bustle says she 's not being negative when she calls herself ` fat ' - she is just being factualshe says she likes performing burlesque because it helps open people up to liking different body typesthe dancer says she 's thrilled at the positive reception her ted talk has received , adding that she believes it means ` body-positivity ' is working\n", - "[1.2628176 1.2335657 1.2148314 1.3819305 1.2734041 1.1689298 1.2070224\n", - " 1.1711891 1.1298302 1.0251169 1.0219911 1.011813 1.0145293 1.1113753\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 3 4 0 1 2 6 7 5 8 13 9 10 12 11 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "[\"lewis hamilton told the clare balding show how he once stepped on former president bill clinton 's foothamilton ( centre ) said the incident occurred at nelson mandela 's 90th birthday party back in 2008lewis hamilton has barely put a foot wrong during the last year with mercedes on the track , but the reigning formula one world champion did admit to doing so off it in rather embarrassing circumstances .\"]\n", - "=======================\n", - "[\"lewis hamilton attended nelson mandela 's 90th birthday seven years ago30-year-old wanted to say hello to hollywood actor will smithf1 world champion is a big fan of former show the fresh prince of bel-air\"]\n", - "lewis hamilton told the clare balding show how he once stepped on former president bill clinton 's foothamilton ( centre ) said the incident occurred at nelson mandela 's 90th birthday party back in 2008lewis hamilton has barely put a foot wrong during the last year with mercedes on the track , but the reigning formula one world champion did admit to doing so off it in rather embarrassing circumstances .\n", - "lewis hamilton attended nelson mandela 's 90th birthday seven years ago30-year-old wanted to say hello to hollywood actor will smithf1 world champion is a big fan of former show the fresh prince of bel-air\n", - "[1.3390698 1.3106551 1.0612861 1.0482188 1.0721935 1.053607 1.0742611\n", - " 1.0569388 1.1141849 1.08471 1.046057 1.0606861 1.040393 1.0419852\n", - " 1.0384674 1.0425577 1.059695 1.0331172 1.0334989 1.0250977 1.0680228\n", - " 1.0309535 1.021118 ]\n", - "\n", - "[ 0 1 8 9 6 4 20 2 11 16 7 5 3 10 15 13 12 14 18 17 21 19 22]\n", - "=======================\n", - "['( cnn ) the united states department of justice has named a new defendant in the war on drugs , and the charges are serious indeed .a 15-count indictment filed in federal court in california bristles with accusations of conspiracies , transporting prescription pharmaceuticals dispensed with illegal prescriptions , violations of the controlled substances act , misbranding charges , and money laundering charges .it turns out a corporation can indeed be prosecuted like a person .']\n", - "=======================\n", - "[\"justice department prosecuting fedex over unauthorized shipment of drugsdanny cevallos : fedex has a strong argument that it should n't be held responsible\"]\n", - "( cnn ) the united states department of justice has named a new defendant in the war on drugs , and the charges are serious indeed .a 15-count indictment filed in federal court in california bristles with accusations of conspiracies , transporting prescription pharmaceuticals dispensed with illegal prescriptions , violations of the controlled substances act , misbranding charges , and money laundering charges .it turns out a corporation can indeed be prosecuted like a person .\n", - "justice department prosecuting fedex over unauthorized shipment of drugsdanny cevallos : fedex has a strong argument that it should n't be held responsible\n", - "[1.1730312 1.2121935 1.1981834 1.2901318 1.290581 1.2122314 1.1610696\n", - " 1.188189 1.1057101 1.0601436 1.0860939 1.0772736 1.0502756 1.0343442\n", - " 1.0232321 1.0498224 1.0787153 1.0905516 1.014984 1.0100579 0.\n", - " 0. 0. ]\n", - "\n", - "[ 4 3 5 1 2 7 0 6 8 17 10 16 11 9 12 15 13 14 18 19 21 20 22]\n", - "=======================\n", - "['they found it could measure changes in lightning caused by cosmic rays ( illustrated ) .scientists in the netherlands were using the lofar radio telescope .a storm can have hundreds of millions of volts over multiple kilometres .']\n", - "=======================\n", - "['scientists in the netherlands were using the lofar radio telescopethey found it could measure changes in lightning caused by cosmic raysa storm can have hundreds of millions of volts over multiple kilometresmethod could provide a novel way to understand thunderclouds']\n", - "they found it could measure changes in lightning caused by cosmic rays ( illustrated ) .scientists in the netherlands were using the lofar radio telescope .a storm can have hundreds of millions of volts over multiple kilometres .\n", - "scientists in the netherlands were using the lofar radio telescopethey found it could measure changes in lightning caused by cosmic raysa storm can have hundreds of millions of volts over multiple kilometresmethod could provide a novel way to understand thunderclouds\n", - "[1.4693255 1.3106453 1.299535 1.4561538 1.3803806 1.0295162 1.0142696\n", - " 1.0143557 1.0147303 1.2227411 1.1119215 1.032057 1.0280467 1.0127032\n", - " 1.0112693 1.2042847 1.0127782 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 4 1 2 9 15 10 11 5 12 8 7 6 16 13 14 21 17 18 19 20 22]\n", - "=======================\n", - "[\"celtic 's title prospects ` look great ' following their 2-0 win over bottom side st mirren in paisley on friday night , according to stefan johansen .ronny deila 's side have only lost one league game this year and take four successive victories into the home match against partick thistle on wednesday night which encouraged johansen , 24 , to say : ` it looks great for us now .the norway midfielder clinched the points with a 79th minute penalty after wide-man james forrest had finished off a well-worked hoops move from close range to open the scoring .\"]\n", - "=======================\n", - "[\"celtic won 2-0 away st mirren on good friday in the scottish premiershipwin moved celtic eight points above aberdeen having played a game morestefan johansen scored celtic 's second goal from the penalty spot\"]\n", - "celtic 's title prospects ` look great ' following their 2-0 win over bottom side st mirren in paisley on friday night , according to stefan johansen .ronny deila 's side have only lost one league game this year and take four successive victories into the home match against partick thistle on wednesday night which encouraged johansen , 24 , to say : ` it looks great for us now .the norway midfielder clinched the points with a 79th minute penalty after wide-man james forrest had finished off a well-worked hoops move from close range to open the scoring .\n", - "celtic won 2-0 away st mirren on good friday in the scottish premiershipwin moved celtic eight points above aberdeen having played a game morestefan johansen scored celtic 's second goal from the penalty spot\n", - "[1.6081696 1.5757135 1.1066461 1.0480903 1.5716746 1.1620914 1.0317569\n", - " 1.2572386 1.0115391 1.0086282 1.0095408 1.0089374 1.0081059 1.0128667\n", - " 1.0163726 0. 0. ]\n", - "\n", - "[ 0 1 4 7 5 2 3 6 14 13 8 10 11 9 12 15 16]\n", - "=======================\n", - "[\"cristiano ronaldo scored five , including a eight-minute hat-trick , as real madrid beat sorry granada 9-1 .gareth bale broke the deadlock and carlo ancelotti 's team were 4-0 up before half-time as they put memories of their clasico defeat to barcelona a fortnight ago behind them .real madrid bounced back from their el clasico defeat by barcelona with a thumping win on easter sunday\"]\n", - "=======================\n", - "[\"cristiano ronaldo scored eight-minute hat-trick in first half as real madrid thumped granada 9-1 on sundayportuguese star helps himself to two more goals in second period to make it five goals in a gamekarim benzema also nets double , while gareth bale grabbed the opener at the santiago bernabeudiego mainz scores own goal in second half while roberto ibanez nets consolation for the visitorscarlo ancelotti 's side now one point behind leaders barcelona in la liga table\"]\n", - "cristiano ronaldo scored five , including a eight-minute hat-trick , as real madrid beat sorry granada 9-1 .gareth bale broke the deadlock and carlo ancelotti 's team were 4-0 up before half-time as they put memories of their clasico defeat to barcelona a fortnight ago behind them .real madrid bounced back from their el clasico defeat by barcelona with a thumping win on easter sunday\n", - "cristiano ronaldo scored eight-minute hat-trick in first half as real madrid thumped granada 9-1 on sundayportuguese star helps himself to two more goals in second period to make it five goals in a gamekarim benzema also nets double , while gareth bale grabbed the opener at the santiago bernabeudiego mainz scores own goal in second half while roberto ibanez nets consolation for the visitorscarlo ancelotti 's side now one point behind leaders barcelona in la liga table\n", - "[1.2060053 1.5016589 1.076574 1.289497 1.2305627 1.0941291 1.0577122\n", - " 1.1151497 1.0862033 1.0616082 1.0253664 1.1017888 1.0493954 1.0257016\n", - " 1.0229828 1.0191121 1.0148634]\n", - "\n", - "[ 1 3 4 0 7 11 5 8 2 9 6 12 13 10 14 15 16]\n", - "=======================\n", - "['hungarian architect matyas gutai believes that water is the perfect material for keeping a house at a comfortable temperature .gutai built a prototype house in his hometown of kecskemet , south of budapest , with his high school friend milan berenyi , after years of research and development .the house was built with a grant from the eu , and showcases the \" liquid engineering \" concepts gutai has written about extensively .']\n", - "=======================\n", - "['matyas gutai is pioneering the use of water as an insulator for sustainable architecturereacting to its surroundings , the water keeps the house at a comfortable temperature']\n", - "hungarian architect matyas gutai believes that water is the perfect material for keeping a house at a comfortable temperature .gutai built a prototype house in his hometown of kecskemet , south of budapest , with his high school friend milan berenyi , after years of research and development .the house was built with a grant from the eu , and showcases the \" liquid engineering \" concepts gutai has written about extensively .\n", - "matyas gutai is pioneering the use of water as an insulator for sustainable architecturereacting to its surroundings , the water keeps the house at a comfortable temperature\n", - "[1.2176178 1.4606258 1.271188 1.356672 1.1651341 1.0265157 1.014766\n", - " 1.0459273 1.2630035 1.1814282 1.0793045 1.0318763 1.0485575 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 8 0 9 4 10 12 7 11 5 6 15 13 14 16]\n", - "=======================\n", - "['dr alex zhavoronkov , an anti-ageing expert , believes medical advances and knowledge of lifestyles will lead to a far longer life expectancy than has been seen to date .he is following a strict regime of regular exercise combined with drugs and supplements and regular health checks , while shunning marriage , children and material assets to focus on anti-ageing research instead .a scientist says he expects to live to 150 after uncovering the secrets of how to slow down the ageing process .']\n", - "=======================\n", - "['dr alex zhavoronkov , an anti-ageing expert , is confident he can live to 150scientist believes he can slow the ageing process by altering his lifestylethat includes shunning marriage and children , while using supplementscurrent uk life expectancy is 78.8 years for boys and 82.8 years for girls']\n", - "dr alex zhavoronkov , an anti-ageing expert , believes medical advances and knowledge of lifestyles will lead to a far longer life expectancy than has been seen to date .he is following a strict regime of regular exercise combined with drugs and supplements and regular health checks , while shunning marriage , children and material assets to focus on anti-ageing research instead .a scientist says he expects to live to 150 after uncovering the secrets of how to slow down the ageing process .\n", - "dr alex zhavoronkov , an anti-ageing expert , is confident he can live to 150scientist believes he can slow the ageing process by altering his lifestylethat includes shunning marriage and children , while using supplementscurrent uk life expectancy is 78.8 years for boys and 82.8 years for girls\n", - "[1.2544696 1.5509233 1.331112 1.3974583 1.096102 1.1374567 1.0538634\n", - " 1.0562159 1.0400146 1.135638 1.0432941 1.0492225 1.05631 1.0200429\n", - " 1.1006583 0. 0. ]\n", - "\n", - "[ 1 3 2 0 5 9 14 4 12 7 6 11 10 8 13 15 16]\n", - "=======================\n", - "[\"jeffrey okafor , 24 , of east dulwich , south east london , is accused of stabbing carl beatson-asiedu to death outside a nightclub in the summer of 2009 .the 19-year-old victim , known as dj charmz , had been leaving the club life nightclub in vauxhall 's goding street , in london , with a group of friends after performing a set when a group of men approached them , the court heard .the suspected killer of a teenage cbbc star confessed to his girlfriend before fleeing to nigeria on his brother 's passport , a court has heard .\"]\n", - "=======================\n", - "['carl beatson-asiedu , 19 , was stabbed to death outside a nightclub in 2009suspected killer jeffrey okafor , 24 , had confessed to his girlfriendhe then then went on the run to nigeria for five years until last november']\n", - "jeffrey okafor , 24 , of east dulwich , south east london , is accused of stabbing carl beatson-asiedu to death outside a nightclub in the summer of 2009 .the 19-year-old victim , known as dj charmz , had been leaving the club life nightclub in vauxhall 's goding street , in london , with a group of friends after performing a set when a group of men approached them , the court heard .the suspected killer of a teenage cbbc star confessed to his girlfriend before fleeing to nigeria on his brother 's passport , a court has heard .\n", - "carl beatson-asiedu , 19 , was stabbed to death outside a nightclub in 2009suspected killer jeffrey okafor , 24 , had confessed to his girlfriendhe then then went on the run to nigeria for five years until last november\n", - "[1.3483245 1.3284549 1.2691846 1.2313989 1.3010453 1.0529999 1.0269157\n", - " 1.0356836 1.0374508 1.0770291 1.1573153 1.177009 1.0543565 1.0666549\n", - " 1.0709202 1.0979322 0. ]\n", - "\n", - "[ 0 1 4 2 3 11 10 15 9 14 13 12 5 8 7 6 16]\n", - "=======================\n", - "[\"an indiana university was in lockdown late on friday night after a ` likely prank call ' about an armed person near the main administration building , school officials said .manchester university had issued a statement advising students at its north manchester campus , some 36 miles west of fort wayne , to shelter in place .north manchester police , a bomb squad from fort wayne and indiana state police were all at the scene , according to wane .\"]\n", - "=======================\n", - "['manchester university west of fort wayne on lockdown for hourslocal media reports that man seen may have been armed with explosivesschool tells students to shelter in place as bomb squad arrives']\n", - "an indiana university was in lockdown late on friday night after a ` likely prank call ' about an armed person near the main administration building , school officials said .manchester university had issued a statement advising students at its north manchester campus , some 36 miles west of fort wayne , to shelter in place .north manchester police , a bomb squad from fort wayne and indiana state police were all at the scene , according to wane .\n", - "manchester university west of fort wayne on lockdown for hourslocal media reports that man seen may have been armed with explosivesschool tells students to shelter in place as bomb squad arrives\n", - "[1.314187 1.3723747 1.2683535 1.2266752 1.1033671 1.2477943 1.1939279\n", - " 1.2908766 1.0225817 1.0152333 1.0146787 1.0121688 1.2010722 1.0596668\n", - " 1.0141029 1.0101917 1.0379033 1.0396109 1.0628422 1.0668354 1.039301\n", - " 1.037786 1.0246072]\n", - "\n", - "[ 1 0 7 2 5 3 12 6 4 19 18 13 17 20 16 21 22 8 9 10 14 11 15]\n", - "=======================\n", - "[\"with 18 broken bones , a broken nose , a ruptured kidney , a ruptured liver , missing teeth , and a fractured rib , mack was unrecognisable as she fled her las vegas home on august 8 , 2014 .nine months after she suffered horrific injuries in a brutal attack , former porn star christy mack still has to wear a wig and glasses to look herself .mack , 23 , claims mma fighter koppenhaver , 33 , became abusive months into their one-year relationship '\"]\n", - "=======================\n", - "[\"former porn actress christy mack claims ex-boyfriend jonathan paul koppenhaver beat and raped her until she almost died at her homeshe had been asleep next to a male friend when he ` burst in with a knife 'koppenhaver , who goes by the name war machine , claims to be innocentmack has opened up about her recovery , now needs glasses and a wigthe case against koppenhaver , who faces 26 charges , resumes in autumn\"]\n", - "with 18 broken bones , a broken nose , a ruptured kidney , a ruptured liver , missing teeth , and a fractured rib , mack was unrecognisable as she fled her las vegas home on august 8 , 2014 .nine months after she suffered horrific injuries in a brutal attack , former porn star christy mack still has to wear a wig and glasses to look herself .mack , 23 , claims mma fighter koppenhaver , 33 , became abusive months into their one-year relationship '\n", - "former porn actress christy mack claims ex-boyfriend jonathan paul koppenhaver beat and raped her until she almost died at her homeshe had been asleep next to a male friend when he ` burst in with a knife 'koppenhaver , who goes by the name war machine , claims to be innocentmack has opened up about her recovery , now needs glasses and a wigthe case against koppenhaver , who faces 26 charges , resumes in autumn\n", - "[1.3748543 1.4947734 1.0562038 1.060941 1.0518095 1.1576223 1.083994\n", - " 1.1068864 1.0643582 1.1399791 1.1189079 1.1088108 1.1217558 1.0810112\n", - " 1.0762596 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 5 9 12 10 11 7 6 13 14 8 3 2 4 21 15 16 17 18 19 20 22]\n", - "=======================\n", - "['former staff sgt. charlie linville , 29 , from boise , idaho , is using a specially designed metal foot outfitted with a climbing boot and another one with crampons in his quest to conquer the 8,850-meter ( 29,035-foot ) summit next month .a former u.s. marine who lost his right leg and several fingers in an explosion in afghanistan is making a second attempt to scale mount everest to inspire others like him , a year after an avalanche that killed 16 sherpa guides stopped him at the base camp .everest would be his highest and toughest mountain that he has attempted to climb .']\n", - "=======================\n", - "['former staff sgt. charlie linville , 29 , from boise , idaho , was an explosives expert serving in afghanistan in 2011 when he was seriously woundedtwo years later , he had his right leg amputated below the kneehe retired from service and has been climbing since with the heroes project , a nonprofit organization that helps wounded veteranshis quest to climb everest last year was thwarted following the deaths of 16 sherpa guides in april when an avalanche swept down']\n", - "former staff sgt. charlie linville , 29 , from boise , idaho , is using a specially designed metal foot outfitted with a climbing boot and another one with crampons in his quest to conquer the 8,850-meter ( 29,035-foot ) summit next month .a former u.s. marine who lost his right leg and several fingers in an explosion in afghanistan is making a second attempt to scale mount everest to inspire others like him , a year after an avalanche that killed 16 sherpa guides stopped him at the base camp .everest would be his highest and toughest mountain that he has attempted to climb .\n", - "former staff sgt. charlie linville , 29 , from boise , idaho , was an explosives expert serving in afghanistan in 2011 when he was seriously woundedtwo years later , he had his right leg amputated below the kneehe retired from service and has been climbing since with the heroes project , a nonprofit organization that helps wounded veteranshis quest to climb everest last year was thwarted following the deaths of 16 sherpa guides in april when an avalanche swept down\n", - "[1.2717345 1.4584507 1.1572603 1.2213782 1.2944313 1.2449386 1.1451924\n", - " 1.0848057 1.0478667 1.0155967 1.0221081 1.0165132 1.0522127 1.0352343\n", - " 1.0189196 1.2214335 1.0272516 1.0412244 1.0668584 1.0445266 1.0733565\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 0 5 15 3 2 6 7 20 18 12 8 19 17 13 16 10 14 11 9 21 22]\n", - "=======================\n", - "['easter road striker gary deegan caught dens defender gary irvine high on his right shin in a dangerous challenge .the governing body immediately took the stance they * should * be allowed to use video evidence to review incidents the referee had clearly missed .the seeds of the josh meekings furore were planted during an otherwise unremarkable match between hibernian and dundee in the early weeks of 2013 .']\n", - "=======================\n", - "['scottish pfa chief believes retrospective action is too far reachingrules were changed after an incident between gary deegan and gary irvinethere was clamour to see action taken against josh meekings after a handball in the scottish cup semi-final that was missed by the referee']\n", - "easter road striker gary deegan caught dens defender gary irvine high on his right shin in a dangerous challenge .the governing body immediately took the stance they * should * be allowed to use video evidence to review incidents the referee had clearly missed .the seeds of the josh meekings furore were planted during an otherwise unremarkable match between hibernian and dundee in the early weeks of 2013 .\n", - "scottish pfa chief believes retrospective action is too far reachingrules were changed after an incident between gary deegan and gary irvinethere was clamour to see action taken against josh meekings after a handball in the scottish cup semi-final that was missed by the referee\n", - "[1.2792823 1.4532015 1.2258475 1.4528964 1.1324879 1.1270316 1.0826463\n", - " 1.2023281 1.1455472 1.0713158 1.044025 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 0 2 7 8 4 5 6 9 10 20 19 18 17 16 11 14 13 12 21 15 22]\n", - "=======================\n", - "[\"the teenager took to social media after welbeck scored the winner to knock his former club manchester united out of the fa cup on march 9 .a 15-year-old boy has been cautioned after posting a racist tweet aimed at arsenal striker danny welbeck .he posted a vile , racist rant under the username @angeisleftfoot which read : ` welbeck is dead to me , the f ****** c *** ... '\"]\n", - "=======================\n", - "['arsenal beat manchester united 2-1 in the fa cup quarter-final on march 9danny welbeck scored the winning goal for arsenal against unitedteenager has been cautioned after posting racist tweet aimed at welbeck']\n", - "the teenager took to social media after welbeck scored the winner to knock his former club manchester united out of the fa cup on march 9 .a 15-year-old boy has been cautioned after posting a racist tweet aimed at arsenal striker danny welbeck .he posted a vile , racist rant under the username @angeisleftfoot which read : ` welbeck is dead to me , the f ****** c *** ... '\n", - "arsenal beat manchester united 2-1 in the fa cup quarter-final on march 9danny welbeck scored the winning goal for arsenal against unitedteenager has been cautioned after posting racist tweet aimed at welbeck\n", - "[1.4077255 1.241096 1.2729944 1.1970438 1.1233232 1.1278797 1.1432974\n", - " 1.0606303 1.1502174 1.1151196 1.1154796 1.0816789 1.0478572 1.0120413\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 2 1 3 8 6 5 4 10 9 11 7 12 13 21 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "['( cnn ) suzanne crough , the child actress who portrayed youngest daughter tracy on the \\'70s musical sitcom \" the partridge family , \" has died .tracy played tambourine and percussion in the traveling \" partridge family \" band .crough passed away monday at home in laughlin , nevada , the clark county coroner \\'s office said .']\n", - "=======================\n", - "['suzanne crough was the youngest member of tv \\'s \" partridge family \"crough died monday at 52 in nevada']\n", - "( cnn ) suzanne crough , the child actress who portrayed youngest daughter tracy on the '70s musical sitcom \" the partridge family , \" has died .tracy played tambourine and percussion in the traveling \" partridge family \" band .crough passed away monday at home in laughlin , nevada , the clark county coroner 's office said .\n", - "suzanne crough was the youngest member of tv 's \" partridge family \"crough died monday at 52 in nevada\n", - "[1.2401391 1.3657662 1.3437912 1.2509525 1.1694558 1.1218996 1.084928\n", - " 1.0874288 1.0686158 1.1106688 1.170294 1.1066263 1.0498376 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 10 4 5 9 11 7 6 8 12 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "['the footage shows the two-metre long reptile managing to balance at the top of the pole while swallowing its prey .the lizard swings its neck back and forth as it battles to swallow its catch , before managing to finish the feat in under a minute .an australian goanna has been filmed swallowing a whole rabbit in under one minute .']\n", - "=======================\n", - "['the gruesome vision was captured in australia and uploaded last weekthe lizard swings its neck back and forth in a bid to swallow the rabbitgoannas can unhinge their lower jaws allowing them to swallow large prey']\n", - "the footage shows the two-metre long reptile managing to balance at the top of the pole while swallowing its prey .the lizard swings its neck back and forth as it battles to swallow its catch , before managing to finish the feat in under a minute .an australian goanna has been filmed swallowing a whole rabbit in under one minute .\n", - "the gruesome vision was captured in australia and uploaded last weekthe lizard swings its neck back and forth in a bid to swallow the rabbitgoannas can unhinge their lower jaws allowing them to swallow large prey\n", - "[1.0784438 1.4398873 1.3831148 1.3333648 1.2333717 1.2668107 1.0394416\n", - " 1.0420327 1.0429363 1.1639395 1.0665704 1.020953 1.0135748 1.1892447\n", - " 1.0337553 1.0337911 1.0722691 1.0098028 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 5 4 13 9 0 16 10 8 7 6 15 14 11 12 17 19 18 20]\n", - "=======================\n", - "[\"the site has today rolled out a new feature dubbed ` highlights ' , aimed at helping users sift through the large number of tweets on their feed each day .the service provides a twice-daily summary ` of the best tweets for you , delivered via rich push notification , ' twitter 's gordon luk said in a blog post .to enable the feature on your account , launch the official twitter app and bring up the three-dot icon in the top-right corner of your screen .\"]\n", - "=======================\n", - "[\"it only works for english-language readers using an android phonetwitter 's ` highlights ' are delivered using an opt-in push notificationworks based on accounts and topics popular among people you followit also looks at tweets from people you 're closely tied to or in your area\"]\n", - "the site has today rolled out a new feature dubbed ` highlights ' , aimed at helping users sift through the large number of tweets on their feed each day .the service provides a twice-daily summary ` of the best tweets for you , delivered via rich push notification , ' twitter 's gordon luk said in a blog post .to enable the feature on your account , launch the official twitter app and bring up the three-dot icon in the top-right corner of your screen .\n", - "it only works for english-language readers using an android phonetwitter 's ` highlights ' are delivered using an opt-in push notificationworks based on accounts and topics popular among people you followit also looks at tweets from people you 're closely tied to or in your area\n", - "[1.386444 1.3257012 1.1050663 1.0597267 1.1906431 1.1941499 1.1655139\n", - " 1.0984274 1.1186724 1.0797267 1.0544723 1.0904663 1.0966947 1.080614\n", - " 1.058752 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 4 6 8 2 7 12 11 13 9 3 14 10 15 16 17 18 19 20]\n", - "=======================\n", - "[\"the ex-king of spain , juan carlos , was leading a double life and having an affair with a german aristocrat for the last ten years of his reign , according to a new book that claims they were ' a couple , pure and simple ' .glamorous : the aristocrat is 27 years younger than the former spanish king .their affair is said to have ended in 2014\"]\n", - "=======================\n", - "[\"book claims juan carlos was romancing corinna zu sayn-wittgensteinfinal de partida - or end game - by ana romero , sold out within 24 hoursauthor said at the book 's launch the pair were ' a couple pure and simple '\"]\n", - "the ex-king of spain , juan carlos , was leading a double life and having an affair with a german aristocrat for the last ten years of his reign , according to a new book that claims they were ' a couple , pure and simple ' .glamorous : the aristocrat is 27 years younger than the former spanish king .their affair is said to have ended in 2014\n", - "book claims juan carlos was romancing corinna zu sayn-wittgensteinfinal de partida - or end game - by ana romero , sold out within 24 hoursauthor said at the book 's launch the pair were ' a couple pure and simple '\n", - "[1.3311664 1.3288187 1.4321461 1.3121923 1.1947154 1.0999973 1.0367182\n", - " 1.0353745 1.0201249 1.0229372 1.0517297 1.0746245 1.1385694 1.1612272\n", - " 1.117212 1.0563428 1.048005 1.0898489 1.0401977 1.0177971 1.0586864]\n", - "\n", - "[ 2 0 1 3 4 13 12 14 5 17 11 20 15 10 16 18 6 7 9 8 19]\n", - "=======================\n", - "['the 14-storey booster manages to hit the barge , but its high speed and tilt causes it to explode on impact .spacex has released dramatic footage of its third attempt to land a rocket booster on a barge in the atlantic .the video , taken from a plane yesterday , shows the falcon 9 booster lowering itself onto the platform , before a gust of wind sways it to one side .']\n", - "=======================\n", - "['spacex made its third attempt to land a booster on a barge yesterdaybut the booster tipped over after hitting its target and was destroyedfalcon 9 is on its way to the iss with supplies and will arrive fridaycargo includes first espresso machine designed for use in space']\n", - "the 14-storey booster manages to hit the barge , but its high speed and tilt causes it to explode on impact .spacex has released dramatic footage of its third attempt to land a rocket booster on a barge in the atlantic .the video , taken from a plane yesterday , shows the falcon 9 booster lowering itself onto the platform , before a gust of wind sways it to one side .\n", - "spacex made its third attempt to land a booster on a barge yesterdaybut the booster tipped over after hitting its target and was destroyedfalcon 9 is on its way to the iss with supplies and will arrive fridaycargo includes first espresso machine designed for use in space\n", - "[1.1783229 1.4398321 1.3494345 1.2584634 1.2363702 1.1443368 1.1149423\n", - " 1.0829276 1.0112278 1.1423886 1.1674068 1.0795277 1.0416819 1.0334032\n", - " 1.0248828 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 10 5 9 6 7 11 12 13 14 8 19 15 16 17 18 20]\n", - "=======================\n", - "[\"the disused rhondda tunnel , which runs 1,000 feet beneath the welsh hills , was closed as part of the beeching cutbacks , a project which spelled the end for thousands and stations across the rail network in britain .but engineers are due to visit the 3,148 m tunnel next week - for the first time since it closed - to see whether it is safe to use as a cycle route .a two-mile victorian railway line which was shut down 50 years ago under a programme of sweeping closures could reopen as britain 's longest cycle tunnel .\"]\n", - "=======================\n", - "[\"disused rhondda tunnel closed 50 years ago as part of sweeping closuresengineers due to visit 3,148 m tunnel next week for first time since it closedcyclists could retrace steam locomotives ' route from rhondda to swanseait would be world 's second longest cycle tunnel , after 4,000 m snoqualmie tunnel near seattle , u.s\"]\n", - "the disused rhondda tunnel , which runs 1,000 feet beneath the welsh hills , was closed as part of the beeching cutbacks , a project which spelled the end for thousands and stations across the rail network in britain .but engineers are due to visit the 3,148 m tunnel next week - for the first time since it closed - to see whether it is safe to use as a cycle route .a two-mile victorian railway line which was shut down 50 years ago under a programme of sweeping closures could reopen as britain 's longest cycle tunnel .\n", - "disused rhondda tunnel closed 50 years ago as part of sweeping closuresengineers due to visit 3,148 m tunnel next week for first time since it closedcyclists could retrace steam locomotives ' route from rhondda to swanseait would be world 's second longest cycle tunnel , after 4,000 m snoqualmie tunnel near seattle , u.s\n", - "[1.2678372 1.5039924 1.3986948 1.1566759 1.1179646 1.1285417 1.0276264\n", - " 1.018244 1.1055369 1.0656297 1.0596968 1.0389987 1.0651622 1.0806512\n", - " 1.0533936 1.0401123 1.028041 1.1572592 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 0 17 3 5 4 8 13 9 12 10 14 15 11 16 6 7 20 18 19 21]\n", - "=======================\n", - "[\"light sentence : mark west , 32 , will serve four months prison and eight years probation for having sex with a student in 2012scene : west has resigned from his post as assistant principal at spring high school , texas , after the incident became public .he had previously said the girl instigated the moment , seducing him by saying she was ` feeling horny ' .\"]\n", - "=======================\n", - "[\"mark west , 32 , was sentenced tuesday to four months jail and eight years probation for having sex once with a student , 18 , during 2012 prom eventjudge said west made ' a poor decision to have an inappropriate extramarital affair ' and that the girl was graduating just three weeks laterthe girl admitted to police she seduced west and met him in the officewest is married with a son and resigned from spring high school in spring , texas , following his arreststaff reported other ` inappropriate ' behavior with female studentswest apologized , saying it was a ` selfish , impulsive decision '\"]\n", - "light sentence : mark west , 32 , will serve four months prison and eight years probation for having sex with a student in 2012scene : west has resigned from his post as assistant principal at spring high school , texas , after the incident became public .he had previously said the girl instigated the moment , seducing him by saying she was ` feeling horny ' .\n", - "mark west , 32 , was sentenced tuesday to four months jail and eight years probation for having sex once with a student , 18 , during 2012 prom eventjudge said west made ' a poor decision to have an inappropriate extramarital affair ' and that the girl was graduating just three weeks laterthe girl admitted to police she seduced west and met him in the officewest is married with a son and resigned from spring high school in spring , texas , following his arreststaff reported other ` inappropriate ' behavior with female studentswest apologized , saying it was a ` selfish , impulsive decision '\n", - "[1.0974537 1.3086044 1.2927805 1.342717 1.2623323 1.1947012 1.1155593\n", - " 1.0605308 1.0267814 1.1066341 1.0311942 1.0463762 1.0598061 1.0741171\n", - " 1.2450318 1.0477781 1.0367217 1.0835521 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 1 2 4 14 5 6 9 0 17 13 7 12 15 11 16 10 8 18 19 20 21]\n", - "=======================\n", - "['floyd mayweather ( left ) vs manny pacquiao in the official advert for their mega-fight on may 2floyd mayweather has commissioned a mouthguard not only imbedded with his usual diamond and gold bling but stuffed with $ 100 bills .total cost , according to his favourite website tmz , is $ 25,000 .']\n", - "=======================\n", - "[\"floyd mayweather will have $ 25,000 mouthguard for manny pacquiao boutthe mouthguard to contain diamonds , gold and $ 100 dollar billshe also spent $ 300,000 on mercedes ` land yacht ' people carriercarl foch unlikely to meet andre ward or julio cesar chavez jnrclick here for all the latest news from the world of boxing\"]\n", - "floyd mayweather ( left ) vs manny pacquiao in the official advert for their mega-fight on may 2floyd mayweather has commissioned a mouthguard not only imbedded with his usual diamond and gold bling but stuffed with $ 100 bills .total cost , according to his favourite website tmz , is $ 25,000 .\n", - "floyd mayweather will have $ 25,000 mouthguard for manny pacquiao boutthe mouthguard to contain diamonds , gold and $ 100 dollar billshe also spent $ 300,000 on mercedes ` land yacht ' people carriercarl foch unlikely to meet andre ward or julio cesar chavez jnrclick here for all the latest news from the world of boxing\n", - "[1.5092213 1.5787392 1.4218059 1.4679046 1.1304718 1.0428126 1.0376788\n", - " 1.0250793 1.0163399 1.0161575 1.0171665 1.0196579 1.0125728 1.0131466\n", - " 1.0108802 1.2441633 1.1741682 1.0188266 1.0173836 1.0101578 1.0089287\n", - " 0. ]\n", - "\n", - "[ 1 0 3 2 15 16 4 5 6 7 11 17 18 10 8 9 13 12 14 19 20 21]\n", - "=======================\n", - "[\"the 29-year-old from dudley is aiming to be the first woman to qualify for the world championship in sheffield this month when she faces former champion ken doherty in qualifying .reanne evans insists her world championship bid is ` do or die ' for women in snooker .evans has won 10 women 's world titles and plays irishman doherty at pond 's forge in sheffield on thursday .\"]\n", - "=======================\n", - "[\"reanne evans says qualifying for the world championships is a mustthe 29-year-old needs to beat former champion ken doherty to qualifyevans has won 10 women 's world titles during her successful careerread : steve davis plays down crucible chances as he bids to qualify\"]\n", - "the 29-year-old from dudley is aiming to be the first woman to qualify for the world championship in sheffield this month when she faces former champion ken doherty in qualifying .reanne evans insists her world championship bid is ` do or die ' for women in snooker .evans has won 10 women 's world titles and plays irishman doherty at pond 's forge in sheffield on thursday .\n", - "reanne evans says qualifying for the world championships is a mustthe 29-year-old needs to beat former champion ken doherty to qualifyevans has won 10 women 's world titles during her successful careerread : steve davis plays down crucible chances as he bids to qualify\n", - "[1.0771348 1.3724726 1.0672641 1.2273284 1.2320004 1.244815 1.2160321\n", - " 1.0419041 1.0226856 1.1327047 1.0505073 1.1920147 1.0507921 1.0412707\n", - " 1.0284609 1.0826654 1.1066709 1.0772436 1.0421677 1.0361605 1.1075507\n", - " 1.0407209]\n", - "\n", - "[ 1 5 4 3 6 11 9 20 16 15 17 0 2 12 10 18 7 13 21 19 14 8]\n", - "=======================\n", - "[\"born with epidermolysis bullosa - or ` butterfly skin ' - his body is covered with deep blistering wounds that will never heal .his skin is as fragile as a butterfly 's wingpain : he must be bathed and bandaged every day .\"]\n", - "=======================\n", - "[\"jonathan pitre has deep blistering wounds all over his body that wo n't healhis condition , epidermolysis bullosa , has a life expectancy of 25 yearsevery day screams in pain as his mother bathes and bandages himhe loved sports but ca n't play any more , now trying out sportscastingfor more about jonathan and his condition , visit the website of charity debra\"]\n", - "born with epidermolysis bullosa - or ` butterfly skin ' - his body is covered with deep blistering wounds that will never heal .his skin is as fragile as a butterfly 's wingpain : he must be bathed and bandaged every day .\n", - "jonathan pitre has deep blistering wounds all over his body that wo n't healhis condition , epidermolysis bullosa , has a life expectancy of 25 yearsevery day screams in pain as his mother bathes and bandages himhe loved sports but ca n't play any more , now trying out sportscastingfor more about jonathan and his condition , visit the website of charity debra\n", - "[1.1214116 1.2054307 1.20361 1.342927 1.1705644 1.2140651 1.146527\n", - " 1.1442044 1.0462068 1.0685807 1.1377466 1.1179816 1.021899 1.1222122\n", - " 1.1563495 1.121578 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 5 1 2 4 14 6 7 10 13 15 0 11 9 8 12 20 16 17 18 19 21]\n", - "=======================\n", - "[\"the message 13-year-old stephanie wrote to her father in nevada 's delamar dry lakestephanie thought she could use his hobby to send him a message from back on earth .13-year-old stephanie decided that long-distance phone calls were n't enough and she wanted to given her father a visual note of how much she missed him while he was away .\"]\n", - "=======================\n", - "[\"stephanie from houston , texas , has a father who works as an astronautshe wrote a message on land that could be seen from the space station11 cars created the 59 million sq ft message in nevada 's delamar dry lake\"]\n", - "the message 13-year-old stephanie wrote to her father in nevada 's delamar dry lakestephanie thought she could use his hobby to send him a message from back on earth .13-year-old stephanie decided that long-distance phone calls were n't enough and she wanted to given her father a visual note of how much she missed him while he was away .\n", - "stephanie from houston , texas , has a father who works as an astronautshe wrote a message on land that could be seen from the space station11 cars created the 59 million sq ft message in nevada 's delamar dry lake\n", - "[1.3904054 1.2612535 1.3490118 1.1878918 1.1755862 1.1250017 1.0844109\n", - " 1.0967952 1.2071557 1.0592391 1.0820184 1.0174803 1.0124686 1.0317876\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 1 8 3 4 5 7 6 10 9 13 11 12 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"disgraced dj dave lee travis ( pictured arriving at court in 2013 ) has claimed that his indecent assault trials ` financially ruined ' him , but he will still receive # 4,000 from the taxpayer to pay for his taxis to courtthe 69-year-old was convicted of indecently assaulting a woman behind the scenes at the mrs merton show and was sentenced to three months ' imprisonment , suspended for two years .today travis was told he will be awarded more than # 4,000 for taxi fares to and from court , as well as a further # 630 for hotel stays while he was on trial .\"]\n", - "=======================\n", - "[\"lawyers for dave lee travis say he was ` financially devastated ' by trialsformer presenter , 69 , will be given more than # 4,000 to pay for taxi farestravis was also awarded # 630 to pay for hotel costs while he was on trialhe was convicted of indecently assaulting a woman behind the scenes of the mrs merton show and was handed a suspended sentence last year\"]\n", - "disgraced dj dave lee travis ( pictured arriving at court in 2013 ) has claimed that his indecent assault trials ` financially ruined ' him , but he will still receive # 4,000 from the taxpayer to pay for his taxis to courtthe 69-year-old was convicted of indecently assaulting a woman behind the scenes at the mrs merton show and was sentenced to three months ' imprisonment , suspended for two years .today travis was told he will be awarded more than # 4,000 for taxi fares to and from court , as well as a further # 630 for hotel stays while he was on trial .\n", - "lawyers for dave lee travis say he was ` financially devastated ' by trialsformer presenter , 69 , will be given more than # 4,000 to pay for taxi farestravis was also awarded # 630 to pay for hotel costs while he was on trialhe was convicted of indecently assaulting a woman behind the scenes of the mrs merton show and was handed a suspended sentence last year\n", - "[1.3655083 1.4958404 1.2693202 1.3260424 1.1389574 1.0710458 1.0502349\n", - " 1.0626917 1.028522 1.0625099 1.0486068 1.056422 1.0437138 1.0251983\n", - " 1.0303847 1.1175104 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 2 4 15 5 7 9 11 6 10 12 14 8 13 16 17 18 19 20]\n", - "=======================\n", - "['the couple appeared not to mind being in full view during their steamy encounter at the three bridges playing fields in crawley , west sussex , as temperatures reached 25c in some parts of the uk .workers at an office block which overlooks the park said the pair , who were semi-naked , did not even appear to be put off when people walked past them during their sex session at 3.30 pm yesterday .photographs and videos of the unusual incident were quickly posted online and shared thousands of time .']\n", - "=======================\n", - "[\"couple caught on camera having sex in broad daylight in crawley parksemi-naked pair did n't appear to mind people walking past the encounterentire incident was seen by workers at office block overlooking the parkit came on the hottest day of the year so far as temperatures reached 25c\"]\n", - "the couple appeared not to mind being in full view during their steamy encounter at the three bridges playing fields in crawley , west sussex , as temperatures reached 25c in some parts of the uk .workers at an office block which overlooks the park said the pair , who were semi-naked , did not even appear to be put off when people walked past them during their sex session at 3.30 pm yesterday .photographs and videos of the unusual incident were quickly posted online and shared thousands of time .\n", - "couple caught on camera having sex in broad daylight in crawley parksemi-naked pair did n't appear to mind people walking past the encounterentire incident was seen by workers at office block overlooking the parkit came on the hottest day of the year so far as temperatures reached 25c\n", - "[1.4780777 1.5323853 1.1765422 1.0212386 1.2633035 1.3050716 1.0356739\n", - " 1.0351063 1.0308255 1.0933659 1.0304722 1.0796213 1.0258733 1.0506972\n", - " 1.0181152 1.0918548 1.0496451 1.0291783 1.0880553 1.0459089 1.0631788]\n", - "\n", - "[ 1 0 5 4 2 9 15 18 11 20 13 16 19 6 7 8 10 17 12 3 14]\n", - "=======================\n", - "[\"poland international lewandowski scored the winner on his first visit back to the club he left on a free transfer last summer as pep guardiola 's side restored their 10-point lead at the top of the bundesliga .robert lewandowski returned to haunt his former club as bayern munich earned a narrow victory against borussia dortmund at the signal iduna park on saturday .lewandowski spent four years at dortmund , leading them to back-to-back league titles during that period , and offered only a muted celebration when he pounced to give the visitors the lead 10 minutes before half time .\"]\n", - "=======================\n", - "['ex-dortmund star robert lewandowski nets winner in the 36th minutedortmund are unable to score equaliser despite dictating second halfbayern munich open up 10-point lead over second-placed wolfsburgdortmund xi vs bayern munich : weidenfeller ; sokratis , subotic , hummels , schmelzer ; gundogan , bender ; błaszczykowski , reus , kampl ; aubameyangbayern munich xi vs dortmund : neuer ; dante , boateng , benatia ; rafinha , alonso , bernat , lahm , schweinsteiger , muller ; lewandowski']\n", - "poland international lewandowski scored the winner on his first visit back to the club he left on a free transfer last summer as pep guardiola 's side restored their 10-point lead at the top of the bundesliga .robert lewandowski returned to haunt his former club as bayern munich earned a narrow victory against borussia dortmund at the signal iduna park on saturday .lewandowski spent four years at dortmund , leading them to back-to-back league titles during that period , and offered only a muted celebration when he pounced to give the visitors the lead 10 minutes before half time .\n", - "ex-dortmund star robert lewandowski nets winner in the 36th minutedortmund are unable to score equaliser despite dictating second halfbayern munich open up 10-point lead over second-placed wolfsburgdortmund xi vs bayern munich : weidenfeller ; sokratis , subotic , hummels , schmelzer ; gundogan , bender ; błaszczykowski , reus , kampl ; aubameyangbayern munich xi vs dortmund : neuer ; dante , boateng , benatia ; rafinha , alonso , bernat , lahm , schweinsteiger , muller ; lewandowski\n", - "[1.4190443 1.427062 1.2182574 1.2488387 1.2270352 1.1833403 1.065443\n", - " 1.0354955 1.027735 1.2022512 1.0571936 1.1295453 1.0202081 1.0199437\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 4 2 9 5 11 6 10 7 8 12 13 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"qpr are unlikely to face disciplinary action over the incident which happened as chelsea players celebrated the winning goal in sunday 's 1-0 victory .the football association will be contacting qpr and chelsea after an incident which saw branislav ivanovic struck on the head by a cigarette lighter thrown from a section of home supporters at loftus road .jubilant chelsea celebrations were marred by objects being thrown onto the pitch by the crowd\"]\n", - "=======================\n", - "['qpr unlikely to face disciplinary action over the incidentqueens park rangers to review cctv and promise to ban anyone involvedcesc fabregas scored a late winner for chelsea at loftus road']\n", - "qpr are unlikely to face disciplinary action over the incident which happened as chelsea players celebrated the winning goal in sunday 's 1-0 victory .the football association will be contacting qpr and chelsea after an incident which saw branislav ivanovic struck on the head by a cigarette lighter thrown from a section of home supporters at loftus road .jubilant chelsea celebrations were marred by objects being thrown onto the pitch by the crowd\n", - "qpr unlikely to face disciplinary action over the incidentqueens park rangers to review cctv and promise to ban anyone involvedcesc fabregas scored a late winner for chelsea at loftus road\n", - "[1.1244363 1.1693197 1.4202724 1.1504608 1.0944315 1.3559 1.0506376\n", - " 1.021977 1.0347958 1.0990628 1.0825397 1.0290341 1.0286326 1.0471648\n", - " 1.021133 1.1775303 1.1523913 1.0328206 0. 0. 0. ]\n", - "\n", - "[ 2 5 15 1 16 3 0 9 4 10 6 13 8 17 11 12 7 14 19 18 20]\n", - "=======================\n", - "['the baffled cheetahs surrounded the tortoise and attempted to scare it out of its shell with snarls but the reptile kept well tucked up inside its tough exterior forcing the big cats to wander off in search of another snack .the intriguing scene was captured by john mullineux , a chemical engineer from secunda , south africa .slow and steady : the tortoise continues his escape across the sands of the kalahari desert in south africa']\n", - "=======================\n", - "[\"amazing scene captured on film in south africa 's kalahari deserttwo of the big cats approach the little reptile as it scuttled across the sandsbut they were denied their meal and forced to wander off disappointed\"]\n", - "the baffled cheetahs surrounded the tortoise and attempted to scare it out of its shell with snarls but the reptile kept well tucked up inside its tough exterior forcing the big cats to wander off in search of another snack .the intriguing scene was captured by john mullineux , a chemical engineer from secunda , south africa .slow and steady : the tortoise continues his escape across the sands of the kalahari desert in south africa\n", - "amazing scene captured on film in south africa 's kalahari deserttwo of the big cats approach the little reptile as it scuttled across the sandsbut they were denied their meal and forced to wander off disappointed\n", - "[1.3465319 1.4955264 1.215786 1.5190203 1.2849622 1.0444218 1.0449684\n", - " 1.0172899 1.0152016 1.021617 1.0403663 1.119401 1.0655506 1.1049198\n", - " 1.0636157 1.0609548 1.1026409 1.0093651 1.0094173]\n", - "\n", - "[ 3 1 0 4 2 11 13 16 12 14 15 6 5 10 9 7 8 18 17]\n", - "=======================\n", - "['ronny deila will take his celtic side to hampden park for the scottish cup semi-final on sundayronny deila has warned television broadcasters to stop messing around scottish football fans .and after a week of turmoil and complaints -- from clubs and supporters -- over the unhealthy sway television has on kick-off times , deila says the balance of power in the relationship is all wrong .']\n", - "=======================\n", - "['celtic will play their scottish cup semi-final against inverness on sundaythe match kicks off at 12:15 , which has angered scottish supportersceltic boss ronny deila believes the club should decide kick-off timesfans believe it is unfair for television broadcasters to dictate timings when they are offering scottish football a fraction of the billions paid in england']\n", - "ronny deila will take his celtic side to hampden park for the scottish cup semi-final on sundayronny deila has warned television broadcasters to stop messing around scottish football fans .and after a week of turmoil and complaints -- from clubs and supporters -- over the unhealthy sway television has on kick-off times , deila says the balance of power in the relationship is all wrong .\n", - "celtic will play their scottish cup semi-final against inverness on sundaythe match kicks off at 12:15 , which has angered scottish supportersceltic boss ronny deila believes the club should decide kick-off timesfans believe it is unfair for television broadcasters to dictate timings when they are offering scottish football a fraction of the billions paid in england\n", - "[1.1694415 1.5166581 1.1709282 1.3777391 1.1629945 1.023081 1.0477898\n", - " 1.0156342 1.0583724 1.0717187 1.0649159 1.1035371 1.1088182 1.1929176\n", - " 1.0693998 1.0417771 0. 0. 0. ]\n", - "\n", - "[ 1 3 13 2 0 4 12 11 9 14 10 8 6 15 5 7 17 16 18]\n", - "=======================\n", - "[\"with no cell phone reception to call for help , owner tom george had to leave his dog shelby stuck in a pool by the great salt lake 's spiral jetty and drive an hour out to the nearest town .but , lucky for george , a family was willing to stay with shelby - and only more and more strangers followed as they heard his story .what was supposed to be a day spent visiting a famous earthwork sculpture soon turned into a massive rescue effort as 20 strangers joined forces to help rescue a dog out of a tar pit .\"]\n", - "=======================\n", - "[\"tom george 's dog shelby got stuck by the great salt lake 's spiral jettygeorge had no cell phone reception and had to drive an hour to the nearest town for helpbut strangers who were planning to visit the famous earthwork sculpture instead spent over an hour to get the dog outveterinarians removed 40lbs off shelby , who has since recovered\"]\n", - "with no cell phone reception to call for help , owner tom george had to leave his dog shelby stuck in a pool by the great salt lake 's spiral jetty and drive an hour out to the nearest town .but , lucky for george , a family was willing to stay with shelby - and only more and more strangers followed as they heard his story .what was supposed to be a day spent visiting a famous earthwork sculpture soon turned into a massive rescue effort as 20 strangers joined forces to help rescue a dog out of a tar pit .\n", - "tom george 's dog shelby got stuck by the great salt lake 's spiral jettygeorge had no cell phone reception and had to drive an hour to the nearest town for helpbut strangers who were planning to visit the famous earthwork sculpture instead spent over an hour to get the dog outveterinarians removed 40lbs off shelby , who has since recovered\n", - "[1.1665123 1.305424 1.3401564 1.2245034 1.2375641 1.193115 1.1298634\n", - " 1.1401932 1.1146173 1.0963678 1.0648593 1.0809175 1.0224619 1.0349964\n", - " 1.0490805 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 4 3 5 0 7 6 8 9 11 10 14 13 12 15 16 17 18]\n", - "=======================\n", - "['between 2009 and 2014 a total of 617 youngsters aged under ten in the region either committed , of were suspected of committing , a crime .shocking figures from west midlands police also show a nine-year-old has been probed on suspicion of criminal damage and a four-year-old questioned over an assault .they include 41 nine-year-old boys investigated for crimes last year including five suspected of sexual offences , according to the details released after a freedom of information act request .']\n", - "=======================\n", - "['nine-year-old probed over criminal damage & four-year-old over assault617 under-tens in west midlands from 2009 to 2014 in suspected crimesfive-year-old girl is alleged to have committed sexual activity with childthe legal age of criminal responsibility in england and wales is ten']\n", - "between 2009 and 2014 a total of 617 youngsters aged under ten in the region either committed , of were suspected of committing , a crime .shocking figures from west midlands police also show a nine-year-old has been probed on suspicion of criminal damage and a four-year-old questioned over an assault .they include 41 nine-year-old boys investigated for crimes last year including five suspected of sexual offences , according to the details released after a freedom of information act request .\n", - "nine-year-old probed over criminal damage & four-year-old over assault617 under-tens in west midlands from 2009 to 2014 in suspected crimesfive-year-old girl is alleged to have committed sexual activity with childthe legal age of criminal responsibility in england and wales is ten\n", - "[1.2102605 1.1608626 1.1282017 1.2002839 1.1020483 1.1273285 1.1449053\n", - " 1.1537731 1.110112 1.1064788 1.1296127 1.0403087 1.0515399 1.0791762\n", - " 1.068425 1.0461982 1.0279633 0. 0. ]\n", - "\n", - "[ 0 3 1 7 6 10 2 5 8 9 4 13 14 12 15 11 16 17 18]\n", - "=======================\n", - "[\"with 17 feature films , two fashion campaigns and a role as a un ambassador under her belt , it 's hard to believe that emma watson is just 25 .emma watson turns 25 and has already carved a career that many of us can only dream ofthe harry potter star reached a quarter of a century yesterday , celebrating what must arguably be one of the recognisable a-lister names on the planet .\"]\n", - "=======================\n", - "['emma watson celebrated her 25th birthday on 15 aprilthe actress has been centre stage since the age of just 11femail charts her journey from child star to a feminist icon']\n", - "with 17 feature films , two fashion campaigns and a role as a un ambassador under her belt , it 's hard to believe that emma watson is just 25 .emma watson turns 25 and has already carved a career that many of us can only dream ofthe harry potter star reached a quarter of a century yesterday , celebrating what must arguably be one of the recognisable a-lister names on the planet .\n", - "emma watson celebrated her 25th birthday on 15 aprilthe actress has been centre stage since the age of just 11femail charts her journey from child star to a feminist icon\n", - "[1.2134916 1.354758 1.2253616 1.1732194 1.2223096 1.1866871 1.2486112\n", - " 1.0313885 1.0370959 1.0354853 1.0695654 1.0766848 1.0734657 1.02545\n", - " 1.1320161 1.1293626 1.0575283 1.0568295 0. ]\n", - "\n", - "[ 1 6 2 4 0 5 3 14 15 11 12 10 16 17 8 9 7 13 18]\n", - "=======================\n", - "['typhoon maysak was initially a top-rated category 5 typhoon , causing troops in the philippines to be put on alert today .it is expected to weaken once it hits the central or northern parts of the main philippine island of luzon on saturday or sunday .and residents and toursists along the eastern coast have been warned that it will hit land some time in the next 72 hours .']\n", - "=======================\n", - "['italian esa astronaut samantha cristoforetti and us astronaut terry virts have snapped images of a typhoonthey took them from the iss while orbiting earth at a height of 255 miles ( 410km )super typhoon maysak was a top-rated category 5 typhoon , and will make landfall in the philippines this weekendas it moved over the pacific ocean , the storm generated winds of more than 140mph ( 225km/h )']\n", - "typhoon maysak was initially a top-rated category 5 typhoon , causing troops in the philippines to be put on alert today .it is expected to weaken once it hits the central or northern parts of the main philippine island of luzon on saturday or sunday .and residents and toursists along the eastern coast have been warned that it will hit land some time in the next 72 hours .\n", - "italian esa astronaut samantha cristoforetti and us astronaut terry virts have snapped images of a typhoonthey took them from the iss while orbiting earth at a height of 255 miles ( 410km )super typhoon maysak was a top-rated category 5 typhoon , and will make landfall in the philippines this weekendas it moved over the pacific ocean , the storm generated winds of more than 140mph ( 225km/h )\n", - "[1.1607608 1.3235124 1.3793306 1.311866 1.308169 1.1842992 1.0683112\n", - " 1.0353558 1.0201356 1.1179233 1.0318066 1.0593077 1.0371376 1.0496966\n", - " 1.0602885 1.1041296 1.0379165 1.0381676 0. 0. ]\n", - "\n", - "[ 2 1 3 4 5 0 9 15 6 14 11 13 17 16 12 7 10 8 18 19]\n", - "=======================\n", - "['the microscopic particles have previously been shown to cause lung damage and harmful changes in blood vessels and clotting , and are thought to contribute to the deaths of 29,000 people every year in britain .exposure to small , sooty particles , mostly caused by traffic fumes and factory emissions , alters the structure of the brain , they said .living near a congested road can increase the chance of developing dementia , research has found']\n", - "=======================\n", - "[\"american researchers examined more than 900 people aged 60 and overexperts believe that air pollution could increase the risk of ` silent strokes 'microscopic particles in pollution are thought to kill 29,000 people a yearthe risk of having a silent stroke can be raised by more than 40 per cent\"]\n", - "the microscopic particles have previously been shown to cause lung damage and harmful changes in blood vessels and clotting , and are thought to contribute to the deaths of 29,000 people every year in britain .exposure to small , sooty particles , mostly caused by traffic fumes and factory emissions , alters the structure of the brain , they said .living near a congested road can increase the chance of developing dementia , research has found\n", - "american researchers examined more than 900 people aged 60 and overexperts believe that air pollution could increase the risk of ` silent strokes 'microscopic particles in pollution are thought to kill 29,000 people a yearthe risk of having a silent stroke can be raised by more than 40 per cent\n", - "[1.2230952 1.494555 1.3889294 1.2188456 1.1692442 1.2113336 1.0262523\n", - " 1.023394 1.0137873 1.0238866 1.021695 1.019524 1.1382669 1.2154477\n", - " 1.0647604 1.0138094 1.0134616 1.0397965 1.0534393 1.2108986]\n", - "\n", - "[ 1 2 0 3 13 5 19 4 12 14 18 17 6 9 7 10 11 15 8 16]\n", - "=======================\n", - "['felix the cat has been missing for almost a week after he escaped from his crate at john f kennedy international airport .the two-year-old grey tabby belongs to jennifer stewart , 31 , and her 34-year-old husband , joseph naaman , who said the airline-approved pet carrier was damaged so badly -- apparently while being transferred from the plane -- that felix was able to get out and run away .a devastated couple has launched a desperate search for their beloved pet cat after he disappeared following a 14-hour flight from abu dhabi to new york .']\n", - "=======================\n", - "[\"felix the cat disappeared after he escaped his plastic crate at jfk airportowner jennifer stewart said the crate was badly damaged in transitshe is calling for better policies and procedures for the transport of petsetihad said it is working with ground handlers and ` specialists ' to find felix\"]\n", - "felix the cat has been missing for almost a week after he escaped from his crate at john f kennedy international airport .the two-year-old grey tabby belongs to jennifer stewart , 31 , and her 34-year-old husband , joseph naaman , who said the airline-approved pet carrier was damaged so badly -- apparently while being transferred from the plane -- that felix was able to get out and run away .a devastated couple has launched a desperate search for their beloved pet cat after he disappeared following a 14-hour flight from abu dhabi to new york .\n", - "felix the cat disappeared after he escaped his plastic crate at jfk airportowner jennifer stewart said the crate was badly damaged in transitshe is calling for better policies and procedures for the transport of petsetihad said it is working with ground handlers and ` specialists ' to find felix\n", - "[1.3451972 1.1463727 1.4008908 1.3622788 1.1735972 1.1100208 1.0327913\n", - " 1.0391649 1.0841033 1.0305502 1.0723783 1.0706903 1.0565789 1.0569682\n", - " 1.0285465 1.0472631 1.0647405 1.0342473 0. 0. ]\n", - "\n", - "[ 2 3 0 4 1 5 8 10 11 16 13 12 15 7 17 6 9 14 18 19]\n", - "=======================\n", - "['this is according to a new study that claims acetaminophen ( paracetamol ) - the main ingredient in the over-the-counter pain reliever tylenol and paracetamol - has the ability to weaken feelings of happiness and sadness .acetaminophen has been in use for more than 70 years , but this is the first time that this side effect has been discovered .previous research had shown that acetaminophen works not only on physical pain , but also on psychological pain .']\n", - "=======================\n", - "[\"it looked at acetaminophen ( paracetamol ) , the main ingredient in tylenoleighty one people were asked to look at happy , sad and neutral imagesthose who took the drug had less extreme emotions towards the photospeople who took pain reliever did n't know they were reacting differently\"]\n", - "this is according to a new study that claims acetaminophen ( paracetamol ) - the main ingredient in the over-the-counter pain reliever tylenol and paracetamol - has the ability to weaken feelings of happiness and sadness .acetaminophen has been in use for more than 70 years , but this is the first time that this side effect has been discovered .previous research had shown that acetaminophen works not only on physical pain , but also on psychological pain .\n", - "it looked at acetaminophen ( paracetamol ) , the main ingredient in tylenoleighty one people were asked to look at happy , sad and neutral imagesthose who took the drug had less extreme emotions towards the photospeople who took pain reliever did n't know they were reacting differently\n", - "[1.5321193 1.3686748 1.1241317 1.057347 1.2200183 1.0401694 1.4085722\n", - " 1.194904 1.0326521 1.0221723 1.2636796 1.1414905 1.0696766 1.0198811\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 6 1 10 4 7 11 2 12 3 5 8 9 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"conor mcgregor is gearing up for a featherweight title challenge against jose aldo on july 11 and has unveiled a fearsome new tattoo ahead of the encounter .the 26-year-old irishman has already got a picture of a gorilla eating a heart inked upon his chest and ` the notorious ' has now revealed a tiger 's face tattooed onto his stomach .conor mcgregor grabbed aldo 's ( left ) belt when they took their promotional tour to dublin\"]\n", - "=======================\n", - "[\"conor mcgregor shared a picture of his new tiger tattoo on his stomachthe 26-year-old mcgregor is set to challenge jose aldo on july 11mcgregor grabbed aldo 's featherweight champion belt in dublinclick here for all the latest ufc news\"]\n", - "conor mcgregor is gearing up for a featherweight title challenge against jose aldo on july 11 and has unveiled a fearsome new tattoo ahead of the encounter .the 26-year-old irishman has already got a picture of a gorilla eating a heart inked upon his chest and ` the notorious ' has now revealed a tiger 's face tattooed onto his stomach .conor mcgregor grabbed aldo 's ( left ) belt when they took their promotional tour to dublin\n", - "conor mcgregor shared a picture of his new tiger tattoo on his stomachthe 26-year-old mcgregor is set to challenge jose aldo on july 11mcgregor grabbed aldo 's featherweight champion belt in dublinclick here for all the latest ufc news\n", - "[1.0720578 1.1034962 1.4532236 1.4687276 1.2756772 1.2107432 1.1370938\n", - " 1.0094403 1.3008454 1.1852992 1.0981815 1.0705103 1.0151207 1.0093701\n", - " 1.0128208 1.0150504 0. 0. 0. 0. ]\n", - "\n", - "[ 3 2 8 4 5 9 6 1 10 0 11 12 15 14 7 13 16 17 18 19]\n", - "=======================\n", - "[\"craig dawson is set to return for west brom after serving a one-match ban .west bromwich albion vs leicester city ( the hawthorns )matt upson and dean hammond are available for leicester 's trip to west brom .\"]\n", - "=======================\n", - "['craig dawson set to return to west brom defence after serving banbut youssouf mulumbu starts three-match suspensionmatthew upson and dean hammond available for leicester cityhammond has been sidelined since january but is back in training']\n", - "craig dawson is set to return for west brom after serving a one-match ban .west bromwich albion vs leicester city ( the hawthorns )matt upson and dean hammond are available for leicester 's trip to west brom .\n", - "craig dawson set to return to west brom defence after serving banbut youssouf mulumbu starts three-match suspensionmatthew upson and dean hammond available for leicester cityhammond has been sidelined since january but is back in training\n", - "[1.3153586 1.3286355 1.1086408 1.113228 1.1155728 1.0723133 1.1749692\n", - " 1.1223791 1.186837 1.0699457 1.092948 1.0314269 1.0199983 1.0514432\n", - " 1.0507691 1.0421004 1.0346125 1.0339577 1.0335119 1.0893824 1.033708\n", - " 1.0150589 1.0139062 1.0548733 1.0338271 1.0368983 1.0512127 1.0764349\n", - " 1.040925 1.0439451 1.0461677 1.025533 1.0147007 1.0347929]\n", - "\n", - "[ 1 0 8 6 7 4 3 2 10 19 27 5 9 23 13 26 14 30 29 15 28 25 33 16\n", - " 17 24 20 18 11 31 12 21 32 22]\n", - "=======================\n", - "['the meeting next wednesday would aim to negotiate possiblerepresentatives from comcast and time warner cable will meet with us department of justice officials to discuss concerns raised by their planned $ 45billion merger , according to reports .the proposed meeting will be the first time the cable companies have met with regulators since announcing their proposed']\n", - "=======================\n", - "['reps from both cable giants will meet with doj officials on wednesdayfirst meeting companies had with regulators since announcing proposalearlier reports said doj antitrust attorneys wanted to block the mergerofficials fear the new company would dominate internet broadband markettime warner shares closed friday at $ 149.61 while comcast was at $ 58.42']\n", - "the meeting next wednesday would aim to negotiate possiblerepresentatives from comcast and time warner cable will meet with us department of justice officials to discuss concerns raised by their planned $ 45billion merger , according to reports .the proposed meeting will be the first time the cable companies have met with regulators since announcing their proposed\n", - "reps from both cable giants will meet with doj officials on wednesdayfirst meeting companies had with regulators since announcing proposalearlier reports said doj antitrust attorneys wanted to block the mergerofficials fear the new company would dominate internet broadband markettime warner shares closed friday at $ 149.61 while comcast was at $ 58.42\n", - "[1.375111 1.3053769 1.357388 1.4508077 1.3902355 1.1776196 1.2634387\n", - " 1.0437611 1.0253567 1.0130137 1.0246729 1.0258281 1.033093 1.0167115\n", - " 1.0156007 1.0494357 1.1030836 1.1115292 1.1304594 1.037148 1.0131944\n", - " 1.0112492 1.00934 1.0082915 1.0103308 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 0 2 1 6 5 18 17 16 15 7 19 12 11 8 10 13 14 20 9 21 24 22\n", - " 23 25 26 27 28 29 30 31 32 33]\n", - "=======================\n", - "['raheem sterling says he is not ready to sign a new deal at liverpoolpaul scholes has advised sterling to stay at liverpool and continue to developformer manchester united midfielder scholes hailed sterling as a good player but says he does not score enough goals and needs to focus on playing every week rather than move to a bigger club and not play .']\n", - "=======================\n", - "[\"raheem sterling says he is not yet ready to sign a new deal at liverpoolpaul scholes says he should stay and develop at anfieldscholes says sterling does not score enough goalsthe rise of raheem sterling : from # 60 a day at qpr to knocking back # 100,000-per-week contractsread : sportsmail answers five questions on sterling 's futuresterling : what he said about contract talks ... and what he meant\"]\n", - "raheem sterling says he is not ready to sign a new deal at liverpoolpaul scholes has advised sterling to stay at liverpool and continue to developformer manchester united midfielder scholes hailed sterling as a good player but says he does not score enough goals and needs to focus on playing every week rather than move to a bigger club and not play .\n", - "raheem sterling says he is not yet ready to sign a new deal at liverpoolpaul scholes says he should stay and develop at anfieldscholes says sterling does not score enough goalsthe rise of raheem sterling : from # 60 a day at qpr to knocking back # 100,000-per-week contractsread : sportsmail answers five questions on sterling 's futuresterling : what he said about contract talks ... and what he meant\n", - "[1.1946338 1.4744399 1.2491537 1.1754445 1.2678516 1.2736588 1.0857749\n", - " 1.073914 1.127311 1.0797274 1.0376518 1.0936466 1.0673071 1.1167912\n", - " 1.0487925 1.0461662 1.0399196 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 4 2 0 3 8 13 11 6 9 7 12 14 15 16 10 32 31 30 29 28 27 26\n", - " 25 24 22 21 20 19 18 17 23 33]\n", - "=======================\n", - "[\"environmental health were called to the sutton arms , in elton , stockton last year after two dozen people suffered gastroenteritis after eating at the pub on easter sunday .owner michael alan flegg , 68 , pleaded guilty to nine food hygiene offences when he appeared at teesside magistrates ' court yesterday .inspectors discovered evidence of a rodent infestation in the food storage area which was littered with droppings and food past its sell-by date .\"]\n", - "=======================\n", - "['environmental health found mice droppings and rotting meat in the pubinvestigation came after 24 customers suffered food poisoning last yearowner of the sutton arms admitted breaching food hygiene regulationswere you affected by the food at the sutton arms ?were you affected by the food at the sutton arms ?']\n", - "environmental health were called to the sutton arms , in elton , stockton last year after two dozen people suffered gastroenteritis after eating at the pub on easter sunday .owner michael alan flegg , 68 , pleaded guilty to nine food hygiene offences when he appeared at teesside magistrates ' court yesterday .inspectors discovered evidence of a rodent infestation in the food storage area which was littered with droppings and food past its sell-by date .\n", - "environmental health found mice droppings and rotting meat in the pubinvestigation came after 24 customers suffered food poisoning last yearowner of the sutton arms admitted breaching food hygiene regulationswere you affected by the food at the sutton arms ?were you affected by the food at the sutton arms ?\n", - "[1.1031424 1.1762835 1.4360127 1.3692601 1.2885413 1.2093283 1.0383096\n", - " 1.0434284 1.0876076 1.0663971 1.0729125 1.1452287 1.043899 1.0319016\n", - " 1.0614916 1.0264701 1.0460775 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 4 5 1 11 0 8 10 9 14 16 12 7 6 13 15 31 30 29 28 27 26 25\n", - " 22 23 21 20 19 18 17 32 24 33]\n", - "=======================\n", - "[\"olivier rousteing has revealed that he chose kim and kanye to star in balmain 's latest campaign because they ` represent a family for the new world ' .fashion 's most well-connected designer , olivier rousteing , has revealed why he snapped kim kardashian and kanye west up to front his balmain campaignthe 29-year-old creative director has revealed he was inspired to feature the couple - who have a 22-month-old daughter north - in the label 's spring/summer 2015 men 's campaign .\"]\n", - "=======================\n", - "[\"olivier rousteing has revealed why he chose kim and kanye for balmaindesigner says the couple are ` among the most talked-about people 'fashionable couple love wearing matching designs by balmain designer\"]\n", - "olivier rousteing has revealed that he chose kim and kanye to star in balmain 's latest campaign because they ` represent a family for the new world ' .fashion 's most well-connected designer , olivier rousteing , has revealed why he snapped kim kardashian and kanye west up to front his balmain campaignthe 29-year-old creative director has revealed he was inspired to feature the couple - who have a 22-month-old daughter north - in the label 's spring/summer 2015 men 's campaign .\n", - "olivier rousteing has revealed why he chose kim and kanye for balmaindesigner says the couple are ` among the most talked-about people 'fashionable couple love wearing matching designs by balmain designer\n", - "[1.1612139 1.3130115 1.3211513 1.2407694 1.2351484 1.2256043 1.1847434\n", - " 1.1172632 1.0562006 1.0832518 1.1493464 1.0994103 1.0441502 1.072288\n", - " 1.0228692 1.0157359 1.0227915 1.0399323 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 4 5 6 0 10 7 11 9 13 8 12 17 14 16 15 31 30 29 28 27 26\n", - " 32 25 23 22 21 20 19 18 24 33]\n", - "=======================\n", - "['distressed onlookers tried to intervene in the violent clash which culminated in the 25-year-old driver of the white bmw accelerating and hitting the other man in broad daylight .footage shows how one of the men emerged from his black bmw with no shirt on before trying to punch the driver of a white bmw through his car window in east london .this is the shocking moment a bmw driver rammed a shirtless man in the street after a furious road rage row .']\n", - "=======================\n", - "['two bmw drivers violently clashed after a road rage row in east londona 25-year-old motorist rammed fellow driver who had stripped in streethe was arrested on suspicion of actual bodily harm and has been bailedvideo shows shirtless man punching fellow motorist through car window']\n", - "distressed onlookers tried to intervene in the violent clash which culminated in the 25-year-old driver of the white bmw accelerating and hitting the other man in broad daylight .footage shows how one of the men emerged from his black bmw with no shirt on before trying to punch the driver of a white bmw through his car window in east london .this is the shocking moment a bmw driver rammed a shirtless man in the street after a furious road rage row .\n", - "two bmw drivers violently clashed after a road rage row in east londona 25-year-old motorist rammed fellow driver who had stripped in streethe was arrested on suspicion of actual bodily harm and has been bailedvideo shows shirtless man punching fellow motorist through car window\n", - "[1.2509236 1.3630273 1.3094052 1.2785714 1.1273414 1.1960523 1.0755248\n", - " 1.1301981 1.149489 1.0956758 1.0542402 1.0108427 1.0098537 1.0099226\n", - " 1.0091155 1.0152954 1.2097554 1.0527866 1.0384513 1.1067815 1.040121\n", - " 1.0443088]\n", - "\n", - "[ 1 2 3 0 16 5 8 7 4 19 9 6 10 17 21 20 18 15 11 13 12 14]\n", - "=======================\n", - "['kenneth lombardi , who goes by ken , was a red carpet regular for cbs new york , interviewing stars from oprah to ashton kutcher and arnold schwarzenegger .a celebrity reporter for cbs filed a lawsuit against two of his bosses at the network this week , claiming one drunkenly groped and kissed him at a christmas party and that the other aggressively came onto him during an after-hours meeting .plaintiff : he also claims he was forced to leave his job as a result , and is seeking damages for violation of labor laws , emotional distress and discrimination']\n", - "=======================\n", - "[\"kenneth lombardi was a red carpet reporter for cbs new yorkhe claims duane tollison , a senior producer , grabbed his crotch and kissed his neck in front of other colleagues at a december 2013 work partytollison later sent an email saying : ` if you were n't offended lets do it again 'lombardi also claims evening news directior albert colley touched and kissed him over drinks in may 2014he is suing cbs , tollison and colley for unspecified damages\"]\n", - "kenneth lombardi , who goes by ken , was a red carpet regular for cbs new york , interviewing stars from oprah to ashton kutcher and arnold schwarzenegger .a celebrity reporter for cbs filed a lawsuit against two of his bosses at the network this week , claiming one drunkenly groped and kissed him at a christmas party and that the other aggressively came onto him during an after-hours meeting .plaintiff : he also claims he was forced to leave his job as a result , and is seeking damages for violation of labor laws , emotional distress and discrimination\n", - "kenneth lombardi was a red carpet reporter for cbs new yorkhe claims duane tollison , a senior producer , grabbed his crotch and kissed his neck in front of other colleagues at a december 2013 work partytollison later sent an email saying : ` if you were n't offended lets do it again 'lombardi also claims evening news directior albert colley touched and kissed him over drinks in may 2014he is suing cbs , tollison and colley for unspecified damages\n", - "[1.45963 1.2155241 1.2289338 1.4855611 1.1722933 1.2285167 1.0964551\n", - " 1.0890149 1.0138168 1.0107594 1.0157663 1.0077819 1.11401 1.0081807\n", - " 1.0232108 1.0565877 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 0 2 5 1 4 12 6 7 15 14 10 8 9 13 11 20 16 17 18 19 21]\n", - "=======================\n", - "[\"charlie adam scored a late winner as stoke city came from behind to earn all three points at home to ronald koeman 's southamptonmark hughes thinks tom jones is stopping stoke city from qualifying for europe .the stoke manager believes jones 's hit delilah , belted out regularly by the britannia stadium hordes , is causing his side to be marked down in uefa 's fair play league because of its violent theme and thus affecting their chances of qualifying for the europa league .\"]\n", - "=======================\n", - "['scottish international midfielder charlie adam scored late to secure stoke city comeback the britanniafrench ace morgan schneiderlin had given southampton a first-half lead with just 22 minutes of the game gonebut a dogged stoke city replied when mame biram diouf equalised for the hosts before adam claimed the winsaints now sit sixth in the premier league with stoke city back in ninth position ahead of west ham united']\n", - "charlie adam scored a late winner as stoke city came from behind to earn all three points at home to ronald koeman 's southamptonmark hughes thinks tom jones is stopping stoke city from qualifying for europe .the stoke manager believes jones 's hit delilah , belted out regularly by the britannia stadium hordes , is causing his side to be marked down in uefa 's fair play league because of its violent theme and thus affecting their chances of qualifying for the europa league .\n", - "scottish international midfielder charlie adam scored late to secure stoke city comeback the britanniafrench ace morgan schneiderlin had given southampton a first-half lead with just 22 minutes of the game gonebut a dogged stoke city replied when mame biram diouf equalised for the hosts before adam claimed the winsaints now sit sixth in the premier league with stoke city back in ninth position ahead of west ham united\n", - "[1.213514 1.1626182 1.39121 1.1242117 1.133214 1.1641338 1.0327518\n", - " 1.0268451 1.0356451 1.1894631 1.055804 1.1831529 1.0373069 1.0301342\n", - " 1.0936209 1.0222712 1.0167358 1.0119339 1.033398 0. 0.\n", - " 0. ]\n", - "\n", - "[ 2 0 9 11 5 1 4 3 14 10 12 8 18 6 13 7 15 16 17 20 19 21]\n", - "=======================\n", - "[\"among them is lance lara , 10 , from fort worth in texas , who has proved so successful that he was crowned world champion in his age group last year .it is one of the most dangerous sports in the world and one in every 15 bull rides ends in an injury of some sort .bull riding is a multi-billion dollar industry in the us and events staged by the pbr , the professional bull riders ' association , are watched by up to half a billion people around the world each year .\"]\n", - "=======================\n", - "[\"children as young as seven can take part in bull riding competitionsyoungest children ride calves before graduating to bullocks then bullsbetween four and six , they hone their skills by ` mutton busting ' on sheepbull riding is thought to be one of the most dangerous sports in the worldan estimated one in every 15 bull rides ends in some sort of injuryunreported world , tonight at 7.30 pm on channel 4\"]\n", - "among them is lance lara , 10 , from fort worth in texas , who has proved so successful that he was crowned world champion in his age group last year .it is one of the most dangerous sports in the world and one in every 15 bull rides ends in an injury of some sort .bull riding is a multi-billion dollar industry in the us and events staged by the pbr , the professional bull riders ' association , are watched by up to half a billion people around the world each year .\n", - "children as young as seven can take part in bull riding competitionsyoungest children ride calves before graduating to bullocks then bullsbetween four and six , they hone their skills by ` mutton busting ' on sheepbull riding is thought to be one of the most dangerous sports in the worldan estimated one in every 15 bull rides ends in some sort of injuryunreported world , tonight at 7.30 pm on channel 4\n", - "[1.221504 1.4055315 1.2259625 1.321294 1.2075067 1.1225727 1.0322958\n", - " 1.1084037 1.1658564 1.1063565 1.0674484 1.0929412 1.0623738 1.046522\n", - " 1.0451262 1.135982 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 0 4 8 15 5 7 9 11 10 12 13 14 6 16 17 18 19 20 21]\n", - "=======================\n", - "[\"a woman who boarded the driver 's bus in ozone park , queens , recorded the unidentified driver marking a set of papers with a highlighter and looking away from the road .a new york city bus driver running a route in queens is facing possible termination after an unidentified commuter recorded him driving with papers in his handthe driver was seen with both hands on a piece of paper , believed to be a timetable for his route replacing the closed section of a subway , and driving the bus with his wrists and forearms\"]\n", - "=======================\n", - "['bus driver in queens seen highlighting timetables as he drives with wriststen minutes of distracted driving caught on camera by commuterat least nine pedestrians were killed by new york city buses last year']\n", - "a woman who boarded the driver 's bus in ozone park , queens , recorded the unidentified driver marking a set of papers with a highlighter and looking away from the road .a new york city bus driver running a route in queens is facing possible termination after an unidentified commuter recorded him driving with papers in his handthe driver was seen with both hands on a piece of paper , believed to be a timetable for his route replacing the closed section of a subway , and driving the bus with his wrists and forearms\n", - "bus driver in queens seen highlighting timetables as he drives with wriststen minutes of distracted driving caught on camera by commuterat least nine pedestrians were killed by new york city buses last year\n", - "[1.1136621 1.5757132 1.4385936 1.4447429 1.0445429 1.0446249 1.0558851\n", - " 1.026313 1.1321677 1.1161702 1.0238869 1.0213479 1.0264002 1.0175534\n", - " 1.015876 1.0150601 1.2451888 1.1115651 1.0777736 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 2 16 8 9 0 17 18 6 5 4 12 7 10 11 13 14 15 20 19 21]\n", - "=======================\n", - "[\"one of australia 's most loved cooks , lyndey milan , has teamed up with aldi to create easter lunch recipes that will easily feed six people for less than $ 6 each .the home cook icon put her skills to the test by trawling the supermarket aisles to find healthy , fresh produce to turn into an easter feast .the results of her aldi experiment include greek lamb with salad and zucchini pilaf and herb crusted salmon with pea puree , smashed potatoes and carrots .\"]\n", - "=======================\n", - "['lyndey milan created easter lunch recipes for $ 6 per person from aldihome cook icon trawled supermarket aisles to find inspiration for recipesresult of experiment include greek lamb and herb crusted salmon disheshot cross bun and easter egg bread & butter pudding came in at just $ 2 a person and lyndey says it is sure to be a crowd pleaser']\n", - "one of australia 's most loved cooks , lyndey milan , has teamed up with aldi to create easter lunch recipes that will easily feed six people for less than $ 6 each .the home cook icon put her skills to the test by trawling the supermarket aisles to find healthy , fresh produce to turn into an easter feast .the results of her aldi experiment include greek lamb with salad and zucchini pilaf and herb crusted salmon with pea puree , smashed potatoes and carrots .\n", - "lyndey milan created easter lunch recipes for $ 6 per person from aldihome cook icon trawled supermarket aisles to find inspiration for recipesresult of experiment include greek lamb and herb crusted salmon disheshot cross bun and easter egg bread & butter pudding came in at just $ 2 a person and lyndey says it is sure to be a crowd pleaser\n", - "[1.2904328 1.3439 1.1733656 1.1400001 1.1237332 1.1255658 1.2037641\n", - " 1.0457903 1.0704807 1.0974184 1.0998515 1.07216 1.0640012 1.0529583\n", - " 1.0719948 0. 0. 0. ]\n", - "\n", - "[ 1 0 6 2 3 5 4 10 9 11 14 8 12 13 7 15 16 17]\n", - "=======================\n", - "[\"while enjoying the slopes in the country 's chiisagata district , the man can be seen decked out in purple holding a matching selfie stick at arm 's length .selfie sticks and extreme sports are not designed to go together , as a snowboarder in japan proved .the snowboarder , in a bright purple jacket , is using a selfie stick to film himself in action\"]\n", - "=======================\n", - "['the man records himself descending mountain with fellow skierhe negotiates a number of trees and video is initially a successpair stop but the snowboarder fails to move from path of chairliftwhile posing for the camera the chairlift hits him hard in the headthe footage was recorded in the chiisagata district of japan']\n", - "while enjoying the slopes in the country 's chiisagata district , the man can be seen decked out in purple holding a matching selfie stick at arm 's length .selfie sticks and extreme sports are not designed to go together , as a snowboarder in japan proved .the snowboarder , in a bright purple jacket , is using a selfie stick to film himself in action\n", - "the man records himself descending mountain with fellow skierhe negotiates a number of trees and video is initially a successpair stop but the snowboarder fails to move from path of chairliftwhile posing for the camera the chairlift hits him hard in the headthe footage was recorded in the chiisagata district of japan\n", - "[1.4292636 1.2116055 1.0660571 1.3450837 1.2886333 1.2179877 1.1730381\n", - " 1.0753559 1.0948524 1.0583639 1.1438236 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 5 1 6 10 8 7 2 9 16 11 12 13 14 15 17]\n", - "=======================\n", - "['zenit st petersburg striker hulk lived up to his nickname on monday night by dressing up as the aforementioned superhero at the premiere of the avengers : age of ultron movie .the 28-year-old ( right ) recently signed a new long-term deal at zenit until the end of the 2018-19 seasonthe 28-year-old , who acquired his nickname due to his likeness to the actor lou ferrigno who played the incredible hulk in the incredible hulk television show in the 1970s , was all smiles as he posed for photos ahead of watching the film .']\n", - "=======================\n", - "['hulk saw the premiere of the avengers : age of ultron movie on monday28-year-old signed a new deal with zenit st petersburg in februaryhulk has scored 15 goals in 33 appearances for the russian club this term']\n", - "zenit st petersburg striker hulk lived up to his nickname on monday night by dressing up as the aforementioned superhero at the premiere of the avengers : age of ultron movie .the 28-year-old ( right ) recently signed a new long-term deal at zenit until the end of the 2018-19 seasonthe 28-year-old , who acquired his nickname due to his likeness to the actor lou ferrigno who played the incredible hulk in the incredible hulk television show in the 1970s , was all smiles as he posed for photos ahead of watching the film .\n", - "hulk saw the premiere of the avengers : age of ultron movie on monday28-year-old signed a new deal with zenit st petersburg in februaryhulk has scored 15 goals in 33 appearances for the russian club this term\n", - "[1.2977035 1.4482418 1.1750228 1.2814426 1.2516572 1.3869445 1.178822\n", - " 1.0502768 1.0786483 1.0529776 1.019428 1.0322096 1.0414311 1.1171885\n", - " 1.0100707 1.0237755 0. 0. ]\n", - "\n", - "[ 1 5 0 3 4 6 2 13 8 9 7 12 11 15 10 14 16 17]\n", - "=======================\n", - "[\"joyce cox was just days away from celebrating her fifth birthday when she was strangled to death on her way home from school in cardiff on september 28 , 1939 .the family of a four-year-old girl who was sexually assaulted and murdered more than 75 years ago have accused police of a ` cover-up ' after officers ordered that the case file be kept secret until 2040 .her body was found dumped by a railway station but police have never caught her killer .\"]\n", - "=======================\n", - "[\"joyce cox was aged four when she was sexually assaulted and murderedyoungster went missing on her way home from school in cardiff in 1939her body was found by railway line but her killer has never been caughtfamily accusing police of a ` cover-up ' after case file was closed until 2040\"]\n", - "joyce cox was just days away from celebrating her fifth birthday when she was strangled to death on her way home from school in cardiff on september 28 , 1939 .the family of a four-year-old girl who was sexually assaulted and murdered more than 75 years ago have accused police of a ` cover-up ' after officers ordered that the case file be kept secret until 2040 .her body was found dumped by a railway station but police have never caught her killer .\n", - "joyce cox was aged four when she was sexually assaulted and murderedyoungster went missing on her way home from school in cardiff in 1939her body was found by railway line but her killer has never been caughtfamily accusing police of a ` cover-up ' after case file was closed until 2040\n", - "[1.2340993 1.3618652 1.1392814 1.3319728 1.0995438 1.0937016 1.0979832\n", - " 1.1731913 1.1064652 1.1146646 1.0857874 1.0766103 1.049617 1.1260657\n", - " 1.0156521 1.0355145 1.0461863 1.0480597]\n", - "\n", - "[ 1 3 0 7 2 13 9 8 4 6 5 10 11 12 17 16 15 14]\n", - "=======================\n", - "[\"a team of researchers at vanderbilt university in tennessee explored how best to minimise the risk of infection after surgery .children 's soft toys act as a reservoir for bacteria and bring germs into hospitals , scientists have warned .their study revealed that soft toys brought into the operating theatre by children served as a breeding ground for bacteria .\"]\n", - "=======================\n", - "['scientists at vanderbilt university explored how to reduce infection riskfound all stuffed toys they swabbed showed signs of bacteria growthurged parents to wash and sterilise any cuddly toys before surgery']\n", - "a team of researchers at vanderbilt university in tennessee explored how best to minimise the risk of infection after surgery .children 's soft toys act as a reservoir for bacteria and bring germs into hospitals , scientists have warned .their study revealed that soft toys brought into the operating theatre by children served as a breeding ground for bacteria .\n", - "scientists at vanderbilt university explored how to reduce infection riskfound all stuffed toys they swabbed showed signs of bacteria growthurged parents to wash and sterilise any cuddly toys before surgery\n", - "[1.0650524 1.1571457 1.230267 1.4225891 1.2370974 1.1332378 1.1228452\n", - " 1.0720905 1.0596362 1.0685242 1.1100135 1.0206084 1.0571305 1.0486028\n", - " 1.035856 1.0571868 0. 0. ]\n", - "\n", - "[ 3 4 2 1 5 6 10 7 9 0 8 15 12 13 14 11 16 17]\n", - "=======================\n", - "[\"the robshaws sample insects in tonight 's episode of bbc two 's back for dinnertwo billion people worldwide already supplement their diet with insectsbut the consumption of locusts , crickets , worms and grubs could become very much a part of our diet as the cost of meat production rises , and the demand for meat grows .\"]\n", - "=======================\n", - "[\"bbc 's back in time for dinner claims that grubs are the future of foodthe robshaw family dig into cricket tacos , worm tarts and insect burgersmeat will become scarce or more expensive as demand for it growsinsects are full of protein , low in fat and packed full of nutrients\"]\n", - "the robshaws sample insects in tonight 's episode of bbc two 's back for dinnertwo billion people worldwide already supplement their diet with insectsbut the consumption of locusts , crickets , worms and grubs could become very much a part of our diet as the cost of meat production rises , and the demand for meat grows .\n", - "bbc 's back in time for dinner claims that grubs are the future of foodthe robshaw family dig into cricket tacos , worm tarts and insect burgersmeat will become scarce or more expensive as demand for it growsinsects are full of protein , low in fat and packed full of nutrients\n", - "[1.3471289 1.2368948 1.1440157 1.43767 1.1806026 1.0663546 1.0378115\n", - " 1.0829283 1.1031444 1.0351939 1.1031787 1.049201 1.0448279 1.0939845\n", - " 1.1492375 1.0433669 1.222563 1.064746 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 0 1 16 4 14 2 10 8 13 7 5 17 11 12 15 6 9 18 19 20 21 22 23\n", - " 24 25 26 27 28]\n", - "=======================\n", - "[\"chelsea manager jose mourinho watched fulham under 21s 3-0 defeat by porto u21s on wednesdayon the same night that madrid knocked out rivals atletico and juventus overcame monaco , mourinho chose fulham 's motspur park training ground to have his dose of live football .real madrid progressed to the champions league semi-final with a 1-0 victory over atletico madrid\"]\n", - "=======================\n", - "[\"jose mourinho opted against watching a champions league fixtureinstead , the chelsea boss saw fulham u21s ' 3-0 defeat by porto u21smourinho was at fulham 's motspur park along with his son jose juniorreal madrid and juventus join bayern munich and barcelona in semi-finals\"]\n", - "chelsea manager jose mourinho watched fulham under 21s 3-0 defeat by porto u21s on wednesdayon the same night that madrid knocked out rivals atletico and juventus overcame monaco , mourinho chose fulham 's motspur park training ground to have his dose of live football .real madrid progressed to the champions league semi-final with a 1-0 victory over atletico madrid\n", - "jose mourinho opted against watching a champions league fixtureinstead , the chelsea boss saw fulham u21s ' 3-0 defeat by porto u21smourinho was at fulham 's motspur park along with his son jose juniorreal madrid and juventus join bayern munich and barcelona in semi-finals\n", - "[1.221901 1.4563638 1.2525884 1.4306841 1.3034365 1.168747 1.1401656\n", - " 1.1006972 1.0563682 1.0948201 1.109561 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 4 2 0 5 6 10 7 9 8 26 25 24 23 22 21 20 19 14 17 16 15 27\n", - " 13 12 11 18 28]\n", - "=======================\n", - "[\"bell will miss the first three games for abusing the league 's substance abuse policy and he will also be fined a game cheque .bell was stopped in his chevrolet camaro last august after a police officer noticed a strong smell of marijuana .the pittsburgh steelers ended last season without le'veon bell and it seems they 'll start the new one without their stud running back too .\"]\n", - "=======================\n", - "['bell has been banned after being found in possession of a 20 gram bag of marijuana and was hit with a dui charge last augusta key piece of the steelers offense , his absence during the play-off game with the ravens was a key factor in the steelers defeatand they will have to start the season without the 23-year-old running backlegarrette blount was in the vehicle with bell and he was banned for the first game of the season earlier this week']\n", - "bell will miss the first three games for abusing the league 's substance abuse policy and he will also be fined a game cheque .bell was stopped in his chevrolet camaro last august after a police officer noticed a strong smell of marijuana .the pittsburgh steelers ended last season without le'veon bell and it seems they 'll start the new one without their stud running back too .\n", - "bell has been banned after being found in possession of a 20 gram bag of marijuana and was hit with a dui charge last augusta key piece of the steelers offense , his absence during the play-off game with the ravens was a key factor in the steelers defeatand they will have to start the season without the 23-year-old running backlegarrette blount was in the vehicle with bell and he was banned for the first game of the season earlier this week\n", - "[1.2753127 1.5093851 1.3537939 1.0978792 1.0398064 1.0367731 1.3563966\n", - " 1.2119662 1.0843767 1.048214 1.0869861 1.0625772 1.1027802 1.0388306\n", - " 1.0636877 1.0135379 1.0146785 1.0111122 1.2099205 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 6 2 0 7 18 12 3 10 8 14 11 9 4 13 5 16 15 17 26 25 24 23 19\n", - " 21 20 27 22 28]\n", - "=======================\n", - "[\"cassandra fortin has finished the treatment a court ruled that she must undergo at connecticut children 's medical center for hodgkin 's lymphoma , which she was diagnosed with in september .as she was discharged from the facility on monday , the teenager said she was ` happy ' to be heading back to her hartford home after spending five months undergoing chemotherapy to save her life .a 17-year-old connecticut girl who was forced to have chemotherapy for her cancer has finally been released from hospital after she was removed from her home almost four months ago .\"]\n", - "=======================\n", - "[\"cassandra fortin removed from hartford , connecticut , home in januaryshe was forced to undergo chemotherapy to treat hodgkin 's lymphomaher mother jackie had supported desire to explore natural alternativesbut state ruled teen was not legally mature enough to make the decisionon monday , cassandra was released from the children 's medical centershe said ` i 'm so happy ' , adding that the feeling of fresh air ` is wonderful 'teen was reunited with mother in april for first time since the new yearcancer is in remission , but she says she is happy she ` fought for my rights '\"]\n", - "cassandra fortin has finished the treatment a court ruled that she must undergo at connecticut children 's medical center for hodgkin 's lymphoma , which she was diagnosed with in september .as she was discharged from the facility on monday , the teenager said she was ` happy ' to be heading back to her hartford home after spending five months undergoing chemotherapy to save her life .a 17-year-old connecticut girl who was forced to have chemotherapy for her cancer has finally been released from hospital after she was removed from her home almost four months ago .\n", - "cassandra fortin removed from hartford , connecticut , home in januaryshe was forced to undergo chemotherapy to treat hodgkin 's lymphomaher mother jackie had supported desire to explore natural alternativesbut state ruled teen was not legally mature enough to make the decisionon monday , cassandra was released from the children 's medical centershe said ` i 'm so happy ' , adding that the feeling of fresh air ` is wonderful 'teen was reunited with mother in april for first time since the new yearcancer is in remission , but she says she is happy she ` fought for my rights '\n", - "[1.4246556 1.1627765 1.1362534 1.1064684 1.1092019 1.1752433 1.13586\n", - " 1.0912107 1.0928198 1.0445261 1.0559963 1.1130277 1.0570349 1.0564027\n", - " 1.0651394 1.0691354 1.053624 1.0168074 1.0134343 1.0261394 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 0 5 1 2 6 11 4 3 8 7 15 14 12 13 10 16 9 19 17 18 26 25 24 20\n", - " 22 21 27 23 28]\n", - "=======================\n", - "['( cnn ) iran \\'s president on friday hailed the proposed international deal on his country \\'s nuclear program , vowing that iran will stick to its promises and -- assuming other countries live up to their end of the bargain -- become a more active , engaged player in world affairs .rouhani said his government kept its word to iranians when negotiating the framework deal , which was agreed upon thursday and sets parameters for talks that could lead to a comprehensive deal by a june 30 deadline .\" some think that we should either fight ... or we should surrender to other powers , \" president hassan rouhani said .']\n", - "=======================\n", - "['iranian president says a nuclear deal would remove a major obstacle for business\" we can cooperate with the world , \" president hassan rouhani insistshe says , \" we do not lie , \" and iran will abide by its promises on nuclear deal']\n", - "( cnn ) iran 's president on friday hailed the proposed international deal on his country 's nuclear program , vowing that iran will stick to its promises and -- assuming other countries live up to their end of the bargain -- become a more active , engaged player in world affairs .rouhani said his government kept its word to iranians when negotiating the framework deal , which was agreed upon thursday and sets parameters for talks that could lead to a comprehensive deal by a june 30 deadline .\" some think that we should either fight ... or we should surrender to other powers , \" president hassan rouhani said .\n", - "iranian president says a nuclear deal would remove a major obstacle for business\" we can cooperate with the world , \" president hassan rouhani insistshe says , \" we do not lie , \" and iran will abide by its promises on nuclear deal\n", - "[1.0903344 1.0433071 1.0690285 1.1789169 1.0541364 1.1001004 1.1845821\n", - " 1.0471399 1.0551913 1.0624264 1.0746274 1.0458909 1.0452281 1.0588384\n", - " 1.0167024 1.0140735 1.0198925 1.0193375 1.0229061 1.0117247 1.0207238\n", - " 1.0180004 1.10284 1.1553118 1.0946821 1.0885415 1.0740095 1.1000091\n", - " 1.0428947]\n", - "\n", - "[ 6 3 23 22 5 27 24 0 25 10 26 2 9 13 8 4 7 11 12 1 28 18 20 16\n", - " 17 21 14 15 19]\n", - "=======================\n", - "['the protests started in response to the death of freddie gray in police hands .police , trying to save their city last weekend , were blamed both for doing too little and for doing too much .in baltimore this year -- just like last year and just like next year -- police will arrest tens of thousands of poor black men , mostly on drug charges .']\n", - "=======================\n", - "['peter moskos : when man died in police custody , many unfairly blamed all baltimore cops .he says those who trashed city are part of larger societal woes of poverty and class .']\n", - "the protests started in response to the death of freddie gray in police hands .police , trying to save their city last weekend , were blamed both for doing too little and for doing too much .in baltimore this year -- just like last year and just like next year -- police will arrest tens of thousands of poor black men , mostly on drug charges .\n", - "peter moskos : when man died in police custody , many unfairly blamed all baltimore cops .he says those who trashed city are part of larger societal woes of poverty and class .\n", - "[1.253938 1.1078321 1.0341393 1.2470984 1.2990035 1.1991277 1.0951198\n", - " 1.1158792 1.1564922 1.0698632 1.0898173 1.0645913 1.0505221 1.061689\n", - " 1.1117705 1.0242862 1.0581287 1.0427502 1.0192133 1.0438828]\n", - "\n", - "[ 4 0 3 5 8 7 14 1 6 10 9 11 13 16 12 19 17 2 15 18]\n", - "=======================\n", - "['the us researchers say very few of these - often very expensive - weight loss plans have solid evidence to back up their claims .scientists claim to have established which diets are most likely to work - and keep the weight off in the long termin fact , the results suggest only a few programmes have shown their users lose more weight than those not using them .']\n", - "=======================\n", - "['researchers examined 4,200 studies and selected 11 weight loss plansincluded atkins , jenny craig , meal replacements and online support siteswanted to see how successful they were at first and in the long termvery few plans had evidence they worked better than getting information elsewhere for free - or that they helped weight stay off permanently']\n", - "the us researchers say very few of these - often very expensive - weight loss plans have solid evidence to back up their claims .scientists claim to have established which diets are most likely to work - and keep the weight off in the long termin fact , the results suggest only a few programmes have shown their users lose more weight than those not using them .\n", - "researchers examined 4,200 studies and selected 11 weight loss plansincluded atkins , jenny craig , meal replacements and online support siteswanted to see how successful they were at first and in the long termvery few plans had evidence they worked better than getting information elsewhere for free - or that they helped weight stay off permanently\n", - "[1.1728014 1.1270689 1.1614754 1.2302046 1.0852921 1.0566843 1.1230216\n", - " 1.080247 1.142977 1.0303042 1.0240839 1.1652408 1.1524955 1.1086203\n", - " 1.0863698 1.1029699 1.0615735 1.0272642 0. 0. ]\n", - "\n", - "[ 3 0 11 2 12 8 1 6 13 15 14 4 7 16 5 9 17 10 18 19]\n", - "=======================\n", - "[\"dubai : it 's still ` bling ' but the natural habitat of the mega-wealthy has a developing cultural undersidedubai is renowned as the playground of the rich and famous .lily allen performed at dubai 's first party in the park\"]\n", - "=======================\n", - "[\"the retail scene is changing too with macy 's due to open soonan opera house is being built in the lagoons areaseveral trendy art galleries have appeared\"]\n", - "dubai : it 's still ` bling ' but the natural habitat of the mega-wealthy has a developing cultural undersidedubai is renowned as the playground of the rich and famous .lily allen performed at dubai 's first party in the park\n", - "the retail scene is changing too with macy 's due to open soonan opera house is being built in the lagoons areaseveral trendy art galleries have appeared\n", - "[1.1891261 1.0962167 1.2074105 1.3789415 1.2976899 1.1731464 1.0554242\n", - " 1.0447389 1.0818632 1.1549568 1.0245187 1.057915 1.0697565 1.1029496\n", - " 1.0230141 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 4 2 0 5 9 13 1 8 12 11 6 7 10 14 18 15 16 17 19]\n", - "=======================\n", - "['visitors or locals can select made-to-order picnic baskets filled with wine , baguettes , cheese and crispscustomers can pick from one of the four picnic options on offer and order online .paris picnics saves its customers from the hassle of trawling through the marché by delivering a freshly-prepared lunch to wherever they are in the city .']\n", - "=======================\n", - "['customers can have a picnic basket delivered after ordering onlineparis picnics packs all the specialties , including french bread and winemore expensive menu options include macarons and foie gras']\n", - "visitors or locals can select made-to-order picnic baskets filled with wine , baguettes , cheese and crispscustomers can pick from one of the four picnic options on offer and order online .paris picnics saves its customers from the hassle of trawling through the marché by delivering a freshly-prepared lunch to wherever they are in the city .\n", - "customers can have a picnic basket delivered after ordering onlineparis picnics packs all the specialties , including french bread and winemore expensive menu options include macarons and foie gras\n", - "[1.1261469 1.270438 1.1199229 1.3107272 1.1781828 1.1335212 1.1884134\n", - " 1.0951104 1.1005201 1.0340842 1.0405577 1.014458 1.0928661 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 6 4 5 0 2 8 7 12 10 9 11 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"pretty popular : barbie 's style-centric instagram account , @barbiestyle , is painstakingly planned - and now has three quarters of a million followerssince barbie 's style instagram account launched last august , swarms of fashion lovers have become fans of her ` official style feed ' , watching as the mattel icon models an impressive collection of barbie clothes that even includes pieces by top designers .the page for @barbiestyle , she told racked , tells the story of barbie 's role in pop culture today as a ` contemporary girl with an aspirational lifestyle ' .\"]\n", - "=======================\n", - "[\"the account 's creators have made ` thousands ' of one-of-a-kind pieces for the iconic dollshe actually travels to new york , paris , london , and miami to be photographed in beautiful outfitsfamous designers like moschino and rachel zoe have styled her\"]\n", - "pretty popular : barbie 's style-centric instagram account , @barbiestyle , is painstakingly planned - and now has three quarters of a million followerssince barbie 's style instagram account launched last august , swarms of fashion lovers have become fans of her ` official style feed ' , watching as the mattel icon models an impressive collection of barbie clothes that even includes pieces by top designers .the page for @barbiestyle , she told racked , tells the story of barbie 's role in pop culture today as a ` contemporary girl with an aspirational lifestyle ' .\n", - "the account 's creators have made ` thousands ' of one-of-a-kind pieces for the iconic dollshe actually travels to new york , paris , london , and miami to be photographed in beautiful outfitsfamous designers like moschino and rachel zoe have styled her\n", - "[1.2239348 1.4158533 1.2776923 1.3389561 1.288359 1.120182 1.1015944\n", - " 1.0929003 1.1097894 1.090797 1.0855219 1.0193454 1.0299174 1.0201932\n", - " 1.0166438 1.1578395 1.0539218 1.074431 1.0324686 0. ]\n", - "\n", - "[ 1 3 4 2 0 15 5 8 6 7 9 10 17 16 18 12 13 11 14 19]\n", - "=======================\n", - "[\"hamilton county 's prosecutor said that the grand jury also indicted andrea bradley , 28 , and glen bates , 32 , on murder and child endangering charges in glenara bates ' death .innocent : glenara bates was brought to an ohio hospital last month dead and weighing only 13lbsprosecutor joe deters says the parents , both of cincinnati , could face the death penalty if convicted of all the charges .\"]\n", - "=======================\n", - "[\"andrea bradley and glen bates charged with aggravated murder in the beating death of their two-year-old daughter glenaraglenara was brought to the hospital last month with bruises , belt marks and bite marks , a head injury and broken teethprosecutors say at the time of her death the toddler was weighing only 13lbscoroner said it was the worst case of starvation she 's even seenin her final days , glenara ate and slept in a bathtub filled with feces and blood\"]\n", - "hamilton county 's prosecutor said that the grand jury also indicted andrea bradley , 28 , and glen bates , 32 , on murder and child endangering charges in glenara bates ' death .innocent : glenara bates was brought to an ohio hospital last month dead and weighing only 13lbsprosecutor joe deters says the parents , both of cincinnati , could face the death penalty if convicted of all the charges .\n", - "andrea bradley and glen bates charged with aggravated murder in the beating death of their two-year-old daughter glenaraglenara was brought to the hospital last month with bruises , belt marks and bite marks , a head injury and broken teethprosecutors say at the time of her death the toddler was weighing only 13lbscoroner said it was the worst case of starvation she 's even seenin her final days , glenara ate and slept in a bathtub filled with feces and blood\n", - "[1.3987943 1.1663284 1.4273787 1.1752201 1.1540881 1.1524932 1.1127442\n", - " 1.0255913 1.0352198 1.2580315 1.1481917 1.0432891 1.0622276 1.1013861\n", - " 1.1401669 1.026288 1.0387546 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 9 3 1 4 5 10 14 6 13 12 11 16 8 15 7 25 17 18 19 20 21 22\n", - " 23 24 26]\n", - "=======================\n", - "['terry martin , 48 , shot his girlfriend laurice hampton , 48 , after she asked for half of the proceeds .victim : hampton , pictured , was taken by ambulance to john peter smith hospital but died a few hours laterbut hampton , critically injured from a gunshot wound to her chest , was able to call 911 about 6:30 am saturday to report the shootings before she died .']\n", - "=======================\n", - "['terry martin , 48 , shot his girlfriend laurice hampton on saturdaythe couple allegedly had a heated argument over the proceeds of the tickethampton was able to call 911 to report the shootings just before she diedofficers found the couple inside a master bedroom and martin was deadhampton was taken by ambulance to a hospital where she died hours later']\n", - "terry martin , 48 , shot his girlfriend laurice hampton , 48 , after she asked for half of the proceeds .victim : hampton , pictured , was taken by ambulance to john peter smith hospital but died a few hours laterbut hampton , critically injured from a gunshot wound to her chest , was able to call 911 about 6:30 am saturday to report the shootings before she died .\n", - "terry martin , 48 , shot his girlfriend laurice hampton on saturdaythe couple allegedly had a heated argument over the proceeds of the tickethampton was able to call 911 to report the shootings just before she diedofficers found the couple inside a master bedroom and martin was deadhampton was taken by ambulance to a hospital where she died hours later\n", - "[1.4164586 1.1930848 1.0782495 1.2347782 1.2251365 1.0981911 1.1507621\n", - " 1.109898 1.0957532 1.0949054 1.0922518 1.1258974 1.0660534 1.0083995\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 1 6 11 7 5 8 9 10 2 12 13 14 15 16 17 18 19 20 21 22 23\n", - " 24 25 26]\n", - "=======================\n", - "[\"( cnn ) japan 's space agency announced this week that the country would put an unmanned rover on the surface of the moon by 2018 , joining an elite club of nations who have explored earth 's satellite .japanese media estimates that the mission will cost in the region of ¥ 10 billion to ¥ 15 billion ( $ 83.4 million - $ 125 million ) .the japan aerospace exploration agency ( jaxa ) , divulged the plan to an expert panel , including members of the cabinet and the education , culture , sports , science and technology ministry on monday .\"]\n", - "=======================\n", - "['japan aims to put an unmanned rover on the surface of the moon by 2018the mission is expected to to be used to perfect technologies which could be utilized for future manned space missions']\n", - "( cnn ) japan 's space agency announced this week that the country would put an unmanned rover on the surface of the moon by 2018 , joining an elite club of nations who have explored earth 's satellite .japanese media estimates that the mission will cost in the region of ¥ 10 billion to ¥ 15 billion ( $ 83.4 million - $ 125 million ) .the japan aerospace exploration agency ( jaxa ) , divulged the plan to an expert panel , including members of the cabinet and the education , culture , sports , science and technology ministry on monday .\n", - "japan aims to put an unmanned rover on the surface of the moon by 2018the mission is expected to to be used to perfect technologies which could be utilized for future manned space missions\n", - "[1.056902 1.4325442 1.2856396 1.0937109 1.042622 1.0674239 1.1029794\n", - " 1.2640643 1.1674961 1.135009 1.076391 1.0319358 1.1049912 1.0551535\n", - " 1.0293868 1.0175734 1.0133455 1.102637 1.0999839 1.0604055 1.0224314\n", - " 1.0480175 1.0173289 1.1288772 0. 0. 0. ]\n", - "\n", - "[ 1 2 7 8 9 23 12 6 17 18 3 10 5 19 0 13 21 4 11 14 20 15 22 16\n", - " 25 24 26]\n", - "=======================\n", - "[\"footage shows three-year-old luiz antonio from brazil being presented with a fanciful dish of octopus gnocchi at the dinner table .but instead of digging into the seafood feast , he starts asking about where the tentacled creature set before him came from with english subtitles detailing his train of thought .his mother reassures him that she only cooked using the octopuses ` little legs chopped ' .\"]\n", - "=======================\n", - "['footage shows three-year-old luiz antonio from brazil being presented with a fanciful dish of octopus gnocchi at the dinner tablebut instead of digging into the seafood feast he starts asking about where the tentacled creature set before him came fromenglish subtitles detail his train of thoughthis mother is reduced to tears through laughter as she listens']\n", - "footage shows three-year-old luiz antonio from brazil being presented with a fanciful dish of octopus gnocchi at the dinner table .but instead of digging into the seafood feast , he starts asking about where the tentacled creature set before him came from with english subtitles detailing his train of thought .his mother reassures him that she only cooked using the octopuses ` little legs chopped ' .\n", - "footage shows three-year-old luiz antonio from brazil being presented with a fanciful dish of octopus gnocchi at the dinner tablebut instead of digging into the seafood feast he starts asking about where the tentacled creature set before him came fromenglish subtitles detail his train of thoughthis mother is reduced to tears through laughter as she listens\n", - "[1.183112 1.3602924 1.339966 1.2058715 1.2368019 1.1521755 1.0925343\n", - " 1.0886593 1.189397 1.0510526 1.138322 1.0774989 1.0200552 1.0534464\n", - " 1.023365 1.0324366 1.0263042 1.0375457 1.0545423 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 8 0 5 10 6 7 11 18 13 9 17 15 16 14 12 25 19 20 21 22\n", - " 23 24 26]\n", - "=======================\n", - "[\"the lunar event - where earth 's shadow completely blocks the moon - lasted only five minutes , making it the shortest eclipse of the century , nasa said .the so-called ` blood moon ' could be seen by billions of people across the western u.s. , canada and australia .the eclipse is the third in a series of four blood moons , with the final one expected on september 28 .\"]\n", - "=======================\n", - "[\"the moon skimmed across the earth 's shadow on saturday , reflecting the red glare of the sunit was the shortest lunar eclipse this century , with ` totality ' only visible for five minutes\"]\n", - "the lunar event - where earth 's shadow completely blocks the moon - lasted only five minutes , making it the shortest eclipse of the century , nasa said .the so-called ` blood moon ' could be seen by billions of people across the western u.s. , canada and australia .the eclipse is the third in a series of four blood moons , with the final one expected on september 28 .\n", - "the moon skimmed across the earth 's shadow on saturday , reflecting the red glare of the sunit was the shortest lunar eclipse this century , with ` totality ' only visible for five minutes\n", - "[1.4985704 1.3956023 1.1552207 1.3809665 1.1828692 1.1460634 1.1761326\n", - " 1.1473042 1.1443347 1.0431587 1.0180365 1.0379046 1.0942307 1.0251402\n", - " 1.017821 1.0109297 1.0116374 1.0374806 1.042517 1.0243793 1.0109481\n", - " 1.0175056 1.0146042 1.0119821 1.0173752 1.0116607 1.0135854]\n", - "\n", - "[ 0 1 3 4 6 2 7 5 8 12 9 18 11 17 13 19 10 14 21 24 22 26 23 25\n", - " 16 20 15]\n", - "=======================\n", - "['alison hall , 48 , almost choked to death after a false nail in her pocket worked its way into her asthma inhaler .it then shot to the back of her throat when she took a puffthe mother-of-one ran outside in a panic when a neighbour came to her rescue and began pounding her back before calling 999 .']\n", - "=======================\n", - "['alison hall , 48 , says the nail became lodged and she started to chokebelieves nail had come off in her pocket and worked way inside the inhalerthere is a 1mm gap at top of salbutamol inhaler where it may have got innow wants to warn others about thoroughly checking inhalers before use']\n", - "alison hall , 48 , almost choked to death after a false nail in her pocket worked its way into her asthma inhaler .it then shot to the back of her throat when she took a puffthe mother-of-one ran outside in a panic when a neighbour came to her rescue and began pounding her back before calling 999 .\n", - "alison hall , 48 , says the nail became lodged and she started to chokebelieves nail had come off in her pocket and worked way inside the inhalerthere is a 1mm gap at top of salbutamol inhaler where it may have got innow wants to warn others about thoroughly checking inhalers before use\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[1.1188753 1.1945068 1.1544409 1.1787616 1.1625264 1.3494738 1.1119328\n", - " 1.1234084 1.0968728 1.0820731 1.0662593 1.0863642 1.057216 1.0329272\n", - " 1.0351306 1.0216267 1.0212259 1.0274365 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 5 1 3 4 2 7 0 6 8 11 9 10 12 14 13 17 15 16 18 19 20 21]\n", - "=======================\n", - "['an estimated 18,000 refugees are now trapped inside yarmouk , stuck between isis and syrian regime forces in \" the deepest circle of hell , \" in the words of u.n. secretary-general ban ki-moon .besieged and bombed by syrian forces for more than two years , the desperate residents of this palestinian refugee camp near damascus awoke in early april to a new , even more terrifying reality -- isis militants seizing yarmouk after defeating several militia groups operating in the area .\" they ( caught ) three people and killed them in the street , in front of people .']\n", - "=======================\n", - "['isis has seized control of large parts of the yarmouk palestinian refugee camp in syriaan estimated 18,000 refugees are trapped between militant groups and regime forcesu.n. : \" in the horror that is syria , the yarmouk refugee camp is the deepest circle of hell \"']\n", - "an estimated 18,000 refugees are now trapped inside yarmouk , stuck between isis and syrian regime forces in \" the deepest circle of hell , \" in the words of u.n. secretary-general ban ki-moon .besieged and bombed by syrian forces for more than two years , the desperate residents of this palestinian refugee camp near damascus awoke in early april to a new , even more terrifying reality -- isis militants seizing yarmouk after defeating several militia groups operating in the area .\" they ( caught ) three people and killed them in the street , in front of people .\n", - "isis has seized control of large parts of the yarmouk palestinian refugee camp in syriaan estimated 18,000 refugees are trapped between militant groups and regime forcesu.n. : \" in the horror that is syria , the yarmouk refugee camp is the deepest circle of hell \"\n", - "[1.2495756 1.4120554 1.2826668 1.2371106 1.4213698 1.2221899 1.0408691\n", - " 1.0130068 1.0204692 1.1040696 1.0246215 1.117358 1.0660486 1.0325148\n", - " 1.013622 1.1344249 1.0679624 1.018691 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 4 1 2 0 3 5 15 11 9 16 12 6 13 10 8 17 14 7 18 19 20 21]\n", - "=======================\n", - "['rochelle holmes , 26 , ballooned to 20st 5lbs ( left ) after eating four takeaways a week - and she also smoked 20 cigarettes a day .but by swapping takeaways for healthy alternatives and controlling the amounts she ate , she managed to slim down to a size 12 .by the time she reached 17 , miss holmes was a size 20 .']\n", - "=======================\n", - "['rochelle holmes , 26 , ballooned to 20st on a diet of pizzas and kebabsshe smoked 20 cigarettes a day and got out of breath walking up stairsdoctors warned her blood pressure was so high she was at risk of a strokeshe managed to lose 8st and drop 6 dress sizes by changing her lifestyle']\n", - "rochelle holmes , 26 , ballooned to 20st 5lbs ( left ) after eating four takeaways a week - and she also smoked 20 cigarettes a day .but by swapping takeaways for healthy alternatives and controlling the amounts she ate , she managed to slim down to a size 12 .by the time she reached 17 , miss holmes was a size 20 .\n", - "rochelle holmes , 26 , ballooned to 20st on a diet of pizzas and kebabsshe smoked 20 cigarettes a day and got out of breath walking up stairsdoctors warned her blood pressure was so high she was at risk of a strokeshe managed to lose 8st and drop 6 dress sizes by changing her lifestyle\n", - "[1.5206163 1.2044307 1.1204765 1.0431706 1.0507681 1.1525675 1.249936\n", - " 1.1866467 1.0431857 1.0228382 1.0370713 1.0473484 1.1914601 1.0281411\n", - " 1.0148916 1.276884 1.2340899 1.0185678 1.01539 1.0198407 1.0117831\n", - " 1.0097562]\n", - "\n", - "[ 0 15 6 16 1 12 7 5 2 4 11 8 3 10 13 9 19 17 18 14 20 21]\n", - "=======================\n", - "[\"peter moores insisted he could work with michael vaughan if he becomes england 's new director of cricket despite the pair 's chequered past .paul downton , with whom moores was close , was sacked as managing director of england cricketmichael vaughan with peter moores in 2008 during his unsuccessful first spell as england coach\"]\n", - "=======================\n", - "['michael vaughan in the frame to replace paul downtonformer england captain has a chequered past with peter mooresmoores insists there are no personal issues between he and vaughandownton was sacked as managing director of england cricket']\n", - "peter moores insisted he could work with michael vaughan if he becomes england 's new director of cricket despite the pair 's chequered past .paul downton , with whom moores was close , was sacked as managing director of england cricketmichael vaughan with peter moores in 2008 during his unsuccessful first spell as england coach\n", - "michael vaughan in the frame to replace paul downtonformer england captain has a chequered past with peter mooresmoores insists there are no personal issues between he and vaughandownton was sacked as managing director of england cricket\n", - "[1.0796597 1.2101333 1.232931 1.2086957 1.1580479 1.1120741 1.1968923\n", - " 1.2883878 1.1070952 1.0494049 1.0540282 1.0807567 1.0941569 1.0342914\n", - " 1.0766551 1.0721005 1.1544594 1.05033 1.1226317 0. 0.\n", - " 0. ]\n", - "\n", - "[ 7 2 1 3 6 4 16 18 5 8 12 11 0 14 15 10 17 9 13 20 19 21]\n", - "=======================\n", - "['the bulldog puppy named hazel stands inside the basket and rather foolishly leans up against the side of itfilmed in a front room , the video begins erratically with the dog flying through the air and jumping onto the basket , which sits on its side .and an english bulldog named hazel is no exception to this rule , as demonstrated in her attempts to get the better of a washing basket .']\n", - "=======================\n", - "['the english bulldog puppy named hazel jumps into the basketafter leaning on the side of it , the puppy is thrown across roompuppy gets up , jumps back inside basket and chews on its rimhazel the bulldog is featured in a number of videos on youtube']\n", - "the bulldog puppy named hazel stands inside the basket and rather foolishly leans up against the side of itfilmed in a front room , the video begins erratically with the dog flying through the air and jumping onto the basket , which sits on its side .and an english bulldog named hazel is no exception to this rule , as demonstrated in her attempts to get the better of a washing basket .\n", - "the english bulldog puppy named hazel jumps into the basketafter leaning on the side of it , the puppy is thrown across roompuppy gets up , jumps back inside basket and chews on its rimhazel the bulldog is featured in a number of videos on youtube\n", - "[1.3779534 1.3952184 1.1572245 1.3020272 1.1611912 1.1968302 1.1882738\n", - " 1.041818 1.0923382 1.0598031 1.1254902 1.0527837 1.0905908 1.0387688\n", - " 1.0511732 1.0370108 1.0734986 1.0821675 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 5 6 4 2 10 8 12 17 16 9 11 14 7 13 15 20 18 19 21]\n", - "=======================\n", - "['the 39-year-old , who was already facing serious drug charges , was allegedly caught along with two other men in a toilet cubicle with white powder at around 4pm on easter friday .former kayak world champion and two-time olympic medalist nathan baggaley has been taken back into custody for allegedly assaulting a police officer at byron bay blues festival .mr baggaley was apprehended when he reported for bail earlier this week at tweed heads police station .']\n", - "=======================\n", - "[\"nathan baggaley has been charged and detained after assaulting policehe allegedly hit an officer 's hand when he was found with a white powderthe fallen athlete has been denied bail and will face courts may 7mr baggaley has also been charged with a string of serious drug chargeshe has plead guilty to manufacturing a border-controlled drug and manufacturing a marketable quantity of methamphetamine\"]\n", - "the 39-year-old , who was already facing serious drug charges , was allegedly caught along with two other men in a toilet cubicle with white powder at around 4pm on easter friday .former kayak world champion and two-time olympic medalist nathan baggaley has been taken back into custody for allegedly assaulting a police officer at byron bay blues festival .mr baggaley was apprehended when he reported for bail earlier this week at tweed heads police station .\n", - "nathan baggaley has been charged and detained after assaulting policehe allegedly hit an officer 's hand when he was found with a white powderthe fallen athlete has been denied bail and will face courts may 7mr baggaley has also been charged with a string of serious drug chargeshe has plead guilty to manufacturing a border-controlled drug and manufacturing a marketable quantity of methamphetamine\n", - "[1.2625012 1.2184943 1.3506685 1.23757 1.2307242 1.1541638 1.0927423\n", - " 1.0899564 1.0641328 1.0280093 1.0329143 1.0361152 1.0982847 1.0810194\n", - " 1.0665379 1.0843666 1.0452043 0. 0. ]\n", - "\n", - "[ 2 0 3 4 1 5 12 6 7 15 13 14 8 16 11 10 9 17 18]\n", - "=======================\n", - "[\"lynch is serving nine years for a series of violent gang robberies , including one in which a knife was held to a terrified father 's throat in front of his family .arrogant : violent robber lynch posing for a jail selfieuse of computers , social media and mobile phones is strictly forbidden behind bars .\"]\n", - "=======================\n", - "[\"craig lynch , 34 , is serving nine years for a series of violent gang robberieshe has taken a series of audacious self-portraits posted on social mediaaccording to a friend , he is using facebook to make huge online profitsit 's claimed he is selling legal highs and investing in overseas properties\"]\n", - "lynch is serving nine years for a series of violent gang robberies , including one in which a knife was held to a terrified father 's throat in front of his family .arrogant : violent robber lynch posing for a jail selfieuse of computers , social media and mobile phones is strictly forbidden behind bars .\n", - "craig lynch , 34 , is serving nine years for a series of violent gang robberieshe has taken a series of audacious self-portraits posted on social mediaaccording to a friend , he is using facebook to make huge online profitsit 's claimed he is selling legal highs and investing in overseas properties\n", - "[1.2474293 1.4555829 1.0741738 1.3890163 1.3051119 1.1572932 1.058385\n", - " 1.0445045 1.0892661 1.0442487 1.0171267 1.0261705 1.1174117 1.1758368\n", - " 1.0437292 1.1036688 1.0208018 1.0243675 1.0246869]\n", - "\n", - "[ 1 3 4 0 13 5 12 15 8 2 6 7 9 14 11 18 17 16 10]\n", - "=======================\n", - "[\"peter endean , who is standing for nigel farage 's party in council elections , re-tweeted an image with a caption that said : ` labour 's new floating voters .around 1,300 people are believed to have drowned in the past two weeks while trying to reach europe in make-shift boats launched by people smugglers from libya -- with up to 950 perishing off the italian island of lampedusa over the weekend alone .peter endean has apologised for retweeting a message mocking victims of the mediterranean refugee crisis\"]\n", - "=======================\n", - "[\"peter endean re-tweeted a message with an image of the fleeing refugeesa caption read : ` labour 's floating voters .it comes just days after up to 950 refugees drowned trying to reach europemr endean later apologised ` unreservedly ' but insisted it was an accidentthe council candidate from plymouth said it was ` unintentional '\"]\n", - "peter endean , who is standing for nigel farage 's party in council elections , re-tweeted an image with a caption that said : ` labour 's new floating voters .around 1,300 people are believed to have drowned in the past two weeks while trying to reach europe in make-shift boats launched by people smugglers from libya -- with up to 950 perishing off the italian island of lampedusa over the weekend alone .peter endean has apologised for retweeting a message mocking victims of the mediterranean refugee crisis\n", - "peter endean re-tweeted a message with an image of the fleeing refugeesa caption read : ` labour 's floating voters .it comes just days after up to 950 refugees drowned trying to reach europemr endean later apologised ` unreservedly ' but insisted it was an accidentthe council candidate from plymouth said it was ` unintentional '\n", - "[1.2109544 1.5280006 1.263943 1.1811008 1.2246658 1.160327 1.0729806\n", - " 1.0276337 1.1231407 1.0883288 1.1151989 1.0553426 1.0406878 1.0566883\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 0 3 5 8 10 9 6 13 11 12 7 17 14 15 16 18]\n", - "=======================\n", - "['michael brelo , 31 , made his first appearance in court in cleveland , ohio , on monday charged with two counts of voluntary manslaughter for the deaths of timothy russell , 43 , and malissa williams , 30 .he is the lone officer among the 13 who fired their weapons that night who is charged criminally because prosecutors say he stood on the hood and opened fire four seconds after the other officers had stopped shooting .but brelo and 12 officers who shot a total of 137 rounds into the car in november 2012 had ample reason to believe that russell and williams were shooting at them , he said .']\n", - "=======================\n", - "[\"cleveland , ohio , officer michael brelo is facing two counts of manslaughtertimothy russell , 43 , and malissa williams , 30 , killed during 2012 shootingbrelo 's footprints were found on hood of chevy malibu where they diedrookie said he learned about hood ` because [ brelo ] was talking about it 'judge will decide brelo 's fate and he faces a max sentence of 25 years\"]\n", - "michael brelo , 31 , made his first appearance in court in cleveland , ohio , on monday charged with two counts of voluntary manslaughter for the deaths of timothy russell , 43 , and malissa williams , 30 .he is the lone officer among the 13 who fired their weapons that night who is charged criminally because prosecutors say he stood on the hood and opened fire four seconds after the other officers had stopped shooting .but brelo and 12 officers who shot a total of 137 rounds into the car in november 2012 had ample reason to believe that russell and williams were shooting at them , he said .\n", - "cleveland , ohio , officer michael brelo is facing two counts of manslaughtertimothy russell , 43 , and malissa williams , 30 , killed during 2012 shootingbrelo 's footprints were found on hood of chevy malibu where they diedrookie said he learned about hood ` because [ brelo ] was talking about it 'judge will decide brelo 's fate and he faces a max sentence of 25 years\n", - "[1.3413107 1.386064 1.2904136 1.1745278 1.2317175 1.2427722 1.2073534\n", - " 1.0585456 1.0778029 1.0872271 1.0507326 1.0468379 1.0534552 1.1288677\n", - " 1.0996767 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 5 4 6 3 13 14 9 8 7 12 10 11 15 16 17 18]\n", - "=======================\n", - "[\"it has emerged that detectives spent just over an hour at the repairman 's house in bonny hills on the nsw north coast on monday afternoon , the daily telegraph reports .police have returned to the home of bill spedding for the third time this year - a person of interest in the case of missing toddler william tyrrell .the 63-year-old 's home had been searched earlier in the year , in january and march , after it was unveiled that he was due to fix william 's grandmother 's washing machine around the time the boy vanished .\"]\n", - "=======================\n", - "['detectives returned to the home of bill spedding on monday afternoonthey reportedly spent more than an hour speaking to the 63-year-oldhis house on the nsw north coast was searched in january and marchwilliam tyrrell vanished from his home in kendall , nsw in september 2014police recently said they believe the boy may be alive after six months']\n", - "it has emerged that detectives spent just over an hour at the repairman 's house in bonny hills on the nsw north coast on monday afternoon , the daily telegraph reports .police have returned to the home of bill spedding for the third time this year - a person of interest in the case of missing toddler william tyrrell .the 63-year-old 's home had been searched earlier in the year , in january and march , after it was unveiled that he was due to fix william 's grandmother 's washing machine around the time the boy vanished .\n", - "detectives returned to the home of bill spedding on monday afternoonthey reportedly spent more than an hour speaking to the 63-year-oldhis house on the nsw north coast was searched in january and marchwilliam tyrrell vanished from his home in kendall , nsw in september 2014police recently said they believe the boy may be alive after six months\n", - "[1.143094 1.4426768 1.3700063 1.2485452 1.2839255 1.1543069 1.1155751\n", - " 1.1888517 1.0338337 1.0573308 1.0194299 1.1369996 1.0372819 1.0144823\n", - " 1.0079347 1.2085503 0. 0. 0. ]\n", - "\n", - "[ 1 2 4 3 15 7 5 0 11 6 9 12 8 10 13 14 17 16 18]\n", - "=======================\n", - "[\"wandsworth council in london has announced that it is set to remove the rule giving an automatic place to a pupil 's brothers and sisters even if the family has moved out of the catchment area .this comes after it was revealed that 80,000 children face missing out on their preferred primary school , with more than 20,000 at risk of being denied any of their preferred choices .in the most oversubscribed areas , four in ten pupils are expected not to get a place at their favourite school amid an escalating crisis over places fuelled by a baby boom and immigration .\"]\n", - "=======================\n", - "['councils in london facing unprecedented pressure on primary placeswandsworth council set to scrap rule giving siblings automatic prioritythe aim is to make process fairer and give priority to those living nearbymore than 20,000 at risk of being denied any of their preferred choices']\n", - "wandsworth council in london has announced that it is set to remove the rule giving an automatic place to a pupil 's brothers and sisters even if the family has moved out of the catchment area .this comes after it was revealed that 80,000 children face missing out on their preferred primary school , with more than 20,000 at risk of being denied any of their preferred choices .in the most oversubscribed areas , four in ten pupils are expected not to get a place at their favourite school amid an escalating crisis over places fuelled by a baby boom and immigration .\n", - "councils in london facing unprecedented pressure on primary placeswandsworth council set to scrap rule giving siblings automatic prioritythe aim is to make process fairer and give priority to those living nearbymore than 20,000 at risk of being denied any of their preferred choices\n", - "[1.4196509 1.2195009 1.1531843 1.2418703 1.1827122 1.3572758 1.0593823\n", - " 1.149992 1.0480887 1.1098042 1.1640592 1.0299655 1.0224538 1.0231446\n", - " 1.0354713 1.0141468 1.0084506 1.0282432]\n", - "\n", - "[ 0 5 3 1 4 10 2 7 9 6 8 14 11 17 13 12 15 16]\n", - "=======================\n", - "[\"as patrick bamford fired home his 19th middlesbrough goal of the season on tuesday night , there was one question on everybody 's lips : can he make the grade at chelsea next season ?patrcik bamford ( centre ) scored in middlesbrough 's their 2-1 championship win over wolves on tuesdayhe will also be given the chance to impress jose mourinho on chelsea 's summer tour although at the end of it he is expected to go out on loan again .\"]\n", - "=======================\n", - "['middlesbrough beat wolves 2-1 in the championship on tuesday nightpatrick bamford scored his 19th goal of the season for boro in the winbamford is one of 26 players out on loan from chelsea this season21-year-old has opened contract talks with the blues over a new deal']\n", - "as patrick bamford fired home his 19th middlesbrough goal of the season on tuesday night , there was one question on everybody 's lips : can he make the grade at chelsea next season ?patrcik bamford ( centre ) scored in middlesbrough 's their 2-1 championship win over wolves on tuesdayhe will also be given the chance to impress jose mourinho on chelsea 's summer tour although at the end of it he is expected to go out on loan again .\n", - "middlesbrough beat wolves 2-1 in the championship on tuesday nightpatrick bamford scored his 19th goal of the season for boro in the winbamford is one of 26 players out on loan from chelsea this season21-year-old has opened contract talks with the blues over a new deal\n", - "[1.2274821 1.3876736 1.1779046 1.1515486 1.3049983 1.1309924 1.0538673\n", - " 1.0909595 1.1783249 1.1505972 1.095949 1.0640272 1.0534685 1.1385186\n", - " 1.0620108 1.0259498 1.0667739 0. ]\n", - "\n", - "[ 1 4 0 8 2 3 9 13 5 10 7 16 11 14 6 12 15 17]\n", - "=======================\n", - "[\"darlene feliciano , a manager at a honolulu walmart , was out on the makapuu ` tom-tom ' trail overlooking sea life park along kalanianaole highway with a male friend when she slipped and fell .a 27-year-old woman fell 500 feet to her death while hiking an off-limits trail famed for its breath-taking vistas in oahu , hawaii , friday .picturesque : feliciano was found unresponsive about 500 feet below a hole in the trail known locally as the puka ( pictured )\"]\n", - "=======================\n", - "[\"darlene feliciano , a walmart manager , was out on makapuu ` tom-tom ' trail overlooking sea life park along kalanianaole highway in oahushe slipped and fell 500 feet below a hole in the trail know as the puka\"]\n", - "darlene feliciano , a manager at a honolulu walmart , was out on the makapuu ` tom-tom ' trail overlooking sea life park along kalanianaole highway with a male friend when she slipped and fell .a 27-year-old woman fell 500 feet to her death while hiking an off-limits trail famed for its breath-taking vistas in oahu , hawaii , friday .picturesque : feliciano was found unresponsive about 500 feet below a hole in the trail known locally as the puka ( pictured )\n", - "darlene feliciano , a walmart manager , was out on makapuu ` tom-tom ' trail overlooking sea life park along kalanianaole highway in oahushe slipped and fell 500 feet below a hole in the trail know as the puka\n", - "[1.0422497 1.5185438 1.172985 1.3770801 1.07575 1.0686833 1.0509831\n", - " 1.1689105 1.0506741 1.1285579 1.0927896 1.0245694 1.0290618 1.0342801\n", - " 1.0242976 1.0231012 1.0331472 1.0199195]\n", - "\n", - "[ 1 3 2 7 9 10 4 5 6 8 0 13 16 12 11 14 15 17]\n", - "=======================\n", - "[\"the viva las vegas rockabilly weekend - now in its 18th year - is a flashback to classic cars , vintage pinups , tiki drinks , tattoos and a fashion aesthetic that balances high heels with just as high hair .around 20,000 fans of the era gathered over the weekend for musical performances and car show off the strip at the orleans hotel and casino .` it 's good clean fun , with a hint of naughty , ' said tara o'hara of chicago .\"]\n", - "=======================\n", - "[\"the viva las vegas rockabilly weekend is an annual four-day music festival that takes place over easterit also puts on north america 's biggest pre-1960 's era car showan estimated 20,000 attendees flock to the orleans hotel and casino for the event each year\"]\n", - "the viva las vegas rockabilly weekend - now in its 18th year - is a flashback to classic cars , vintage pinups , tiki drinks , tattoos and a fashion aesthetic that balances high heels with just as high hair .around 20,000 fans of the era gathered over the weekend for musical performances and car show off the strip at the orleans hotel and casino .` it 's good clean fun , with a hint of naughty , ' said tara o'hara of chicago .\n", - "the viva las vegas rockabilly weekend is an annual four-day music festival that takes place over easterit also puts on north america 's biggest pre-1960 's era car showan estimated 20,000 attendees flock to the orleans hotel and casino for the event each year\n", - "[1.3375088 1.3078313 1.1831117 1.2010666 1.1314098 1.1197145 1.1627965\n", - " 1.0850513 1.0898165 1.0174468 1.0489959 1.1693754 1.0784441 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 11 6 4 5 8 7 12 10 9 13 14 15 16 17]\n", - "=======================\n", - "[\"marks and spencer 's first clothes sales rise for four years has today been credited to its fashion supremo belinda earl , the former saturday shopgirl parachuted in to turn round the business .the married mother-of-two ran debenhams , jaeger and aquascutum before she won the make-or-break style director role at m&s in september 2012 .today it appears that her hard work has paid off , with general merchandise sales , which is mainly women 's clothes , up 0.7 per cent - the first rise after 14 consecutive quarters of losses .\"]\n", - "=======================\n", - "[\"belinda earl was parachuted in to turn round the retailer 's sales slumptoday m&s said sales were up 0.7 % - the first time in almost four yearsfood sales also up after retailer enjoys record valentine 's day salesglitches with its expensive website also fixed with sales up 13 %m&s shares up 20p this morning - first time above # 5.50 since 2007\"]\n", - "marks and spencer 's first clothes sales rise for four years has today been credited to its fashion supremo belinda earl , the former saturday shopgirl parachuted in to turn round the business .the married mother-of-two ran debenhams , jaeger and aquascutum before she won the make-or-break style director role at m&s in september 2012 .today it appears that her hard work has paid off , with general merchandise sales , which is mainly women 's clothes , up 0.7 per cent - the first rise after 14 consecutive quarters of losses .\n", - "belinda earl was parachuted in to turn round the retailer 's sales slumptoday m&s said sales were up 0.7 % - the first time in almost four yearsfood sales also up after retailer enjoys record valentine 's day salesglitches with its expensive website also fixed with sales up 13 %m&s shares up 20p this morning - first time above # 5.50 since 2007\n", - "[1.2395008 1.4007362 1.2696772 1.3168336 1.1083381 1.0710379 1.0709318\n", - " 1.2009538 1.0392874 1.0859729 1.1771233 1.0802679 1.0326647 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 7 10 4 9 11 5 6 8 12 13 14 15 16 17]\n", - "=======================\n", - "[\"the bride-to-be was spotted cheering on her fiancé andy murray yesterday as he battled novak djokovic in the men 's final at the miami open , in an outfit almost identical to two others she wore during the tournament .the 27-year-old wore a short black silk dress with a zip front and a large straw hat to keep her glowing complexion intact for her wedding on april 11 .just days before she is due to wear a big white dress , kim sears has been making black her colour of choice .\"]\n", - "=======================\n", - "['kim sears watched novak djokovic defeat andy murray at the miami openlooked serious in a whistles black mini dress , sunglasses and straw hatthird time kim , 27 , has worn a black dress at the miami open']\n", - "the bride-to-be was spotted cheering on her fiancé andy murray yesterday as he battled novak djokovic in the men 's final at the miami open , in an outfit almost identical to two others she wore during the tournament .the 27-year-old wore a short black silk dress with a zip front and a large straw hat to keep her glowing complexion intact for her wedding on april 11 .just days before she is due to wear a big white dress , kim sears has been making black her colour of choice .\n", - "kim sears watched novak djokovic defeat andy murray at the miami openlooked serious in a whistles black mini dress , sunglasses and straw hatthird time kim , 27 , has worn a black dress at the miami open\n", - "[1.5206515 1.3421865 1.1798383 1.4511287 1.094975 1.0592728 1.0187318\n", - " 1.0189824 1.1517274 1.231017 1.0818595 1.0597781 1.0145909 1.0091863\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 9 2 8 4 10 11 5 7 6 12 13 22 14 15 16 17 18 19 20 21 23]\n", - "=======================\n", - "['nicola adams has no intention of following her former great britain team-mate natasha jonas into retirement as she focuses on becoming a double olympic gold medallist in rio next year .having overcome another lengthy injury lay-off , adams is preparing to return to an english ring for the first time since her london 2012 triumph at the national championships in liverpool next week .natasha jonas , pictured in blue at london 2012 , announced her retirement from boxing on april 7']\n", - "=======================\n", - "[\"london 2012 gold medallist nicola adams will prolong her careeradams has said she ` will keep fighting as long as i have motivation 'the 32-year-old underwent surgery on her shoulder earlier this yearread : natasha jonas retires from boxing despite recent injury recovery\"]\n", - "nicola adams has no intention of following her former great britain team-mate natasha jonas into retirement as she focuses on becoming a double olympic gold medallist in rio next year .having overcome another lengthy injury lay-off , adams is preparing to return to an english ring for the first time since her london 2012 triumph at the national championships in liverpool next week .natasha jonas , pictured in blue at london 2012 , announced her retirement from boxing on april 7\n", - "london 2012 gold medallist nicola adams will prolong her careeradams has said she ` will keep fighting as long as i have motivation 'the 32-year-old underwent surgery on her shoulder earlier this yearread : natasha jonas retires from boxing despite recent injury recovery\n", - "[1.3509531 1.1783814 1.2859269 1.2628894 1.1430392 1.1516227 1.2003882\n", - " 1.1251084 1.0683234 1.1011261 1.0536314 1.022617 1.157138 1.1141026\n", - " 1.1103172 1.0615343 1.0665219 1.0139955 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 6 1 12 5 4 7 13 14 9 8 16 15 10 11 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"volvo teamed up with a swedish start-up to make a light reflective spray for cyclists , called life paintthe paint has proved so popular that the trial cans up for grabs at certain cycling shops in london were snapped up in days .it contains powder-fine reflective particles designed to react to a car 's headlights , alerting drivers to the presence of cyclists in the dark .\"]\n", - "=======================\n", - "['volvo and a start-up made life paint - a wash-off reflective spray for bikesinvisible spray covers anything in reflective particles and glows at nightcans were given away in london cycle shops and proved a big hitnow some are on sale on ebay and volvo is considering selling the spray']\n", - "volvo teamed up with a swedish start-up to make a light reflective spray for cyclists , called life paintthe paint has proved so popular that the trial cans up for grabs at certain cycling shops in london were snapped up in days .it contains powder-fine reflective particles designed to react to a car 's headlights , alerting drivers to the presence of cyclists in the dark .\n", - "volvo and a start-up made life paint - a wash-off reflective spray for bikesinvisible spray covers anything in reflective particles and glows at nightcans were given away in london cycle shops and proved a big hitnow some are on sale on ebay and volvo is considering selling the spray\n", - "[1.2915072 1.2060297 1.163449 1.1453115 1.1077837 1.2076417 1.0888938\n", - " 1.2107425 1.1158171 1.0891653 1.0861132 1.0894926 1.0978432 1.0382746\n", - " 1.0326372 1.0249199 1.0967848 1.0189312 1.0755143 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 7 5 1 2 3 8 4 12 16 11 9 6 10 18 13 14 15 17 22 19 20 21 23]\n", - "=======================\n", - "['( cnn ) the latest outbreak of bird flu -- the worst in the u.s. since the 1980s -- is not a likely threat to humans , reports the centers for disease control and prevention .on monday , health leaders in iowa said more than 5 million hens would have to be euthanized after bird flu was detected at a commercial laying facility there .since mid-december , 16 states have seen bird flu turn up in commercial poultry , backyard chickens , and in flocks of wild and captive wild birds , according to the cdc .']\n", - "=======================\n", - "['the cdc says \" the risk to humans is low , \" but , as always , they are preparing for the worst caseyou ca n\\'t get bird flu from eating poultry or eggsat least 100 people who worked with the sick birds are being monitored for any sign of sicknessso far 3.5 million birds have been euthanized']\n", - "( cnn ) the latest outbreak of bird flu -- the worst in the u.s. since the 1980s -- is not a likely threat to humans , reports the centers for disease control and prevention .on monday , health leaders in iowa said more than 5 million hens would have to be euthanized after bird flu was detected at a commercial laying facility there .since mid-december , 16 states have seen bird flu turn up in commercial poultry , backyard chickens , and in flocks of wild and captive wild birds , according to the cdc .\n", - "the cdc says \" the risk to humans is low , \" but , as always , they are preparing for the worst caseyou ca n't get bird flu from eating poultry or eggsat least 100 people who worked with the sick birds are being monitored for any sign of sicknessso far 3.5 million birds have been euthanized\n", - "[1.0791941 1.0703757 1.2189952 1.1728511 1.1215882 1.2643701 1.1562905\n", - " 1.1127123 1.1501786 1.0141522 1.0391109 1.0799727 1.0445218 1.042919\n", - " 1.079629 1.0939415 1.0534552 1.0484216 1.1109949 1.0636808 1.0238144\n", - " 1.0319506 1.0120653 1.0156488]\n", - "\n", - "[ 5 2 3 6 8 4 7 18 15 11 14 0 1 19 16 17 12 13 10 21 20 23 9 22]\n", - "=======================\n", - "['one hundred sixty-eight people died in the terrorist attack , including 19 children .and the struggle to save the last male northern white rhino in the world .these are your best videos of the week :']\n", - "=======================\n", - "['videos of the week include drone footage of oklahoma citynasa has a car that drives sideways -- and a spacecraft headed for pluto']\n", - "one hundred sixty-eight people died in the terrorist attack , including 19 children .and the struggle to save the last male northern white rhino in the world .these are your best videos of the week :\n", - "videos of the week include drone footage of oklahoma citynasa has a car that drives sideways -- and a spacecraft headed for pluto\n", - "[1.3022043 1.1817008 1.3076439 1.1921982 1.1348614 1.1345417 1.1617119\n", - " 1.0819108 1.1786276 1.1109946 1.0144862 1.0122845 1.0279104 1.0721217\n", - " 1.1104418 1.0579612 1.077027 1.0436555 1.0679486 1.1020803 1.0202608\n", - " 1.044878 0. 0. ]\n", - "\n", - "[ 2 0 3 1 8 6 4 5 9 14 19 7 16 13 18 15 21 17 12 20 10 11 22 23]\n", - "=======================\n", - "[\"noreen , then 68 , had the scan as part of the nhs breast cancer screening programme , and as she says : ` as always , getting the all-clear was a big relief . '8,000 women in their 70s are diagnosed and treated for breast cancerbut 18 months later , shortly before her 70th birthday , the mother-of-three from derbyshire developed intermittent pain in her left side , just below her breast .\"]\n", - "=======================\n", - "[\"noreen spendlove was 68 when she developed pain in her left sidegp referred noreen for a mammogram which revealed three tumoursmps warn that women will die as a result of the screening age limit` extending the age for routine mammograms would mean more lives saved '\"]\n", - "noreen , then 68 , had the scan as part of the nhs breast cancer screening programme , and as she says : ` as always , getting the all-clear was a big relief . '8,000 women in their 70s are diagnosed and treated for breast cancerbut 18 months later , shortly before her 70th birthday , the mother-of-three from derbyshire developed intermittent pain in her left side , just below her breast .\n", - "noreen spendlove was 68 when she developed pain in her left sidegp referred noreen for a mammogram which revealed three tumoursmps warn that women will die as a result of the screening age limit` extending the age for routine mammograms would mean more lives saved '\n", - "[1.25566 1.3545146 1.3002396 1.4184923 1.1910526 1.1512694 1.0981882\n", - " 1.0811942 1.1234499 1.13523 1.1296864 1.0281888 1.0249453 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 2 0 4 5 9 10 8 6 7 11 12 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"zara phillips has had to pull out of the kentucky three-day event after high kingdom suffered an injuryphillips had travelled to the united states with her london 2012 and 2014 world equestrian games great britain team silver medal-winning ride high kingdom .but phillips , the queen 's granddaughter , withdrew before her scheduled dressage test at kentucky horse park .\"]\n", - "=======================\n", - "[\"the queen 's granddaughter had been set to make her kentucky debutbut high kingdom suffered injury in stables and had to withdrawzara phillips still hopeful the horse can competed at badminton\"]\n", - "zara phillips has had to pull out of the kentucky three-day event after high kingdom suffered an injuryphillips had travelled to the united states with her london 2012 and 2014 world equestrian games great britain team silver medal-winning ride high kingdom .but phillips , the queen 's granddaughter , withdrew before her scheduled dressage test at kentucky horse park .\n", - "the queen 's granddaughter had been set to make her kentucky debutbut high kingdom suffered injury in stables and had to withdrawzara phillips still hopeful the horse can competed at badminton\n", - "[1.2448605 1.4190459 1.2025701 1.3476475 1.3016279 1.0881339 1.1293905\n", - " 1.0914392 1.0518758 1.1657057 1.0898265 1.0250144 1.077417 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 4 0 2 9 6 7 10 5 12 8 11 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"dominique granier sparked outrage after he suggested putting on a service specifically for people travelling from a roma encampment next to a cemetery into the centre of montpellier , in the south of france .odour : the smell on route 9 in montpellier is said to be ` unbearable ' and caused by roma using the servicebus driver mr granier said the smell which accompanied the roma was a ` sanitation risk ' in an interview last week .\"]\n", - "=======================\n", - "[\"montpellier bus driver sparks outrage with comment over the ` odour 'said smell from those traveling into the city on route 9 was ' a true infection 'bus company tam is said to have now outsourced that part of the routebut union bosses have said it risks creating ` apartheid ' in french city\"]\n", - "dominique granier sparked outrage after he suggested putting on a service specifically for people travelling from a roma encampment next to a cemetery into the centre of montpellier , in the south of france .odour : the smell on route 9 in montpellier is said to be ` unbearable ' and caused by roma using the servicebus driver mr granier said the smell which accompanied the roma was a ` sanitation risk ' in an interview last week .\n", - "montpellier bus driver sparks outrage with comment over the ` odour 'said smell from those traveling into the city on route 9 was ' a true infection 'bus company tam is said to have now outsourced that part of the routebut union bosses have said it risks creating ` apartheid ' in french city\n", - "[1.3039602 1.4976711 1.4017069 1.255123 1.124733 1.2206701 1.1010431\n", - " 1.1380624 1.0403513 1.0177183 1.0132558 1.0136001 1.0793947 1.0431522\n", - " 1.0333849 1.0252573 1.0923538 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 5 7 4 6 16 12 13 8 14 15 9 11 10 17 18 19 20]\n", - "=======================\n", - "[\"all saints church in wolverhampton re-scheduled the service , which marks the start of easter celebrations , so that vulnerable women can attend their regular thursday sessions tomorrow .the decision comes after prostitutes were left disappointed when the drop-in sessions were cancelled on christmas day and new year 's day because they both fell on a thursday .a church will hold its maundy thursday service today instead of tomorrow to allow a weekly drop-in session for prostitutes to go ahead .\"]\n", - "=======================\n", - "['all saints church , wolverhampton , hosts thursday session for prostitutesmoved traditional maundy thursday service to today to avoid cancellingreligious leaders said the move reflected the true values of christianity']\n", - "all saints church in wolverhampton re-scheduled the service , which marks the start of easter celebrations , so that vulnerable women can attend their regular thursday sessions tomorrow .the decision comes after prostitutes were left disappointed when the drop-in sessions were cancelled on christmas day and new year 's day because they both fell on a thursday .a church will hold its maundy thursday service today instead of tomorrow to allow a weekly drop-in session for prostitutes to go ahead .\n", - "all saints church , wolverhampton , hosts thursday session for prostitutesmoved traditional maundy thursday service to today to avoid cancellingreligious leaders said the move reflected the true values of christianity\n", - "[1.2610054 1.3258559 1.2667874 1.1551206 1.2373977 1.1449616 1.1980411\n", - " 1.1074821 1.2275839 1.0355859 1.0264766 1.0393655 1.070776 1.0349882\n", - " 1.089257 1.0861355 1.0449331 1.037655 1.0318183 0. 0. ]\n", - "\n", - "[ 1 2 0 4 8 6 3 5 7 14 15 12 16 11 17 9 13 18 10 19 20]\n", - "=======================\n", - "['the co-founder of death row records was punched a number of times during the deadly confrontation , but close-ups taken by detectives show he only had a slight black eye .pictures of suge knight showing he had virtually no facial injuries after he was arrested for killing one man and seriously injuring another in his pickup truck have been released .superior court judge ronald coen ruled thursday that there was enough evidence for knight , 49 , to stand trial on charges he killed terry carter and attempted to kill sloan during a parking lot confrontation .']\n", - "=======================\n", - "[\"warning : graphic contentfootage was released along with other key pieces of evidencevideo played in court shows truck pulling up to driveway of burger standhis pickup then backs up after a struggle and runs over sloan 's legthe vehicle is then seen plowing over carter , killing himother pieces of evidence included an hour-long interview with cle ` bone ' sloan , who survived being run over by the death row records co-foundera number of images taken immediately after his arrest were also releasedclose-ups of his face were intended to show injuries he sustained after being punched by sloan\"]\n", - "the co-founder of death row records was punched a number of times during the deadly confrontation , but close-ups taken by detectives show he only had a slight black eye .pictures of suge knight showing he had virtually no facial injuries after he was arrested for killing one man and seriously injuring another in his pickup truck have been released .superior court judge ronald coen ruled thursday that there was enough evidence for knight , 49 , to stand trial on charges he killed terry carter and attempted to kill sloan during a parking lot confrontation .\n", - "warning : graphic contentfootage was released along with other key pieces of evidencevideo played in court shows truck pulling up to driveway of burger standhis pickup then backs up after a struggle and runs over sloan 's legthe vehicle is then seen plowing over carter , killing himother pieces of evidence included an hour-long interview with cle ` bone ' sloan , who survived being run over by the death row records co-foundera number of images taken immediately after his arrest were also releasedclose-ups of his face were intended to show injuries he sustained after being punched by sloan\n", - "[1.4355862 1.3524588 1.3718183 1.0924894 1.1249734 1.225884 1.0677209\n", - " 1.0148132 1.0134737 1.011224 1.1094806 1.1080991 1.0790479 1.0314856\n", - " 1.1884255 1.0156534 1.0097424 1.0085005 1.0082184 1.1224524 1.0157042]\n", - "\n", - "[ 0 2 1 5 14 4 19 10 11 3 12 6 13 20 15 7 8 9 16 17 18]\n", - "=======================\n", - "[\"oxford women made history on saturday with a 12th boat race victory in 16 years on a landmark day for the sport .hot favourites oxford romped to victory by six and a half lengths against cambridge , as the women struck a telling blow for sporting equality in racing the same championship course on the same day as the men .oxford women 's president anastasia chitty hailed the victory as a special moment for her crew , but also for rowing and sporting equality overall .\"]\n", - "=======================\n", - "[\"oxford won their 12th women 's boat race in 16 yearsthe dark blues triumphed by six and a half lengthsit was the first time the women 's race has been raced over the same course and on the same day as the men 's event\"]\n", - "oxford women made history on saturday with a 12th boat race victory in 16 years on a landmark day for the sport .hot favourites oxford romped to victory by six and a half lengths against cambridge , as the women struck a telling blow for sporting equality in racing the same championship course on the same day as the men .oxford women 's president anastasia chitty hailed the victory as a special moment for her crew , but also for rowing and sporting equality overall .\n", - "oxford won their 12th women 's boat race in 16 yearsthe dark blues triumphed by six and a half lengthsit was the first time the women 's race has been raced over the same course and on the same day as the men 's event\n", - "[1.2106892 1.4132614 1.1920589 1.3981066 1.137793 1.1739101 1.0687361\n", - " 1.1471912 1.1139778 1.0448369 1.0561308 1.013833 1.0642775 1.0109249\n", - " 1.0478299 1.051053 1.0414846 0. 0. ]\n", - "\n", - "[ 1 3 0 2 5 7 4 8 6 12 10 15 14 9 16 11 13 17 18]\n", - "=======================\n", - "[\"christopher stefanoni , a 50-year-old from darien , a town of 21,000 with a median household income of $ 200,000 , says his nine-year old was kicked off his team and put in a lower-ranking one just after he proposed developments involving affordable housing .a property developer in a wealthy connecticut suburb believes his family are the victims of small-town vengeance which saw his son demoted in the local little league to punish him for threatening the town 's overwhelmingly white ethnic makeup .the town and the little league both deny that the goings-on of the little league and stefanoni 's housing plans are linked .\"]\n", - "=======================\n", - "[\"christopher stefanoni 's son was pushed into low-ranking team in 2010followed father 's plans for apartment complexes in darien , connecticut , which included affordable housingstefanoni has filed lawsuit claiming townsfolk turned on son to punish himdarien , a wealthy new york city suburb , has a median income of $ 200,000the town is 94 per cent white , with only 70 black residents - 0.33 per centlittle league and the town both deny there is any connection\"]\n", - "christopher stefanoni , a 50-year-old from darien , a town of 21,000 with a median household income of $ 200,000 , says his nine-year old was kicked off his team and put in a lower-ranking one just after he proposed developments involving affordable housing .a property developer in a wealthy connecticut suburb believes his family are the victims of small-town vengeance which saw his son demoted in the local little league to punish him for threatening the town 's overwhelmingly white ethnic makeup .the town and the little league both deny that the goings-on of the little league and stefanoni 's housing plans are linked .\n", - "christopher stefanoni 's son was pushed into low-ranking team in 2010followed father 's plans for apartment complexes in darien , connecticut , which included affordable housingstefanoni has filed lawsuit claiming townsfolk turned on son to punish himdarien , a wealthy new york city suburb , has a median income of $ 200,000the town is 94 per cent white , with only 70 black residents - 0.33 per centlittle league and the town both deny there is any connection\n", - "[1.1702157 1.3967161 1.1045259 1.4000051 1.3543191 1.1212848 1.1335194\n", - " 1.0450124 1.1123679 1.1581026 1.0573014 1.1813713 1.0306572 1.0255411\n", - " 1.0475773 1.0351346 1.0383384 0. 0. ]\n", - "\n", - "[ 3 1 4 11 0 9 6 5 8 2 10 14 7 16 15 12 13 17 18]\n", - "=======================\n", - "[\"diddy and mark wahlberg placed a bet of $ 250,000 on the floyd mayweather and manny pacquiao mega-fightthe rapper and producer placed a $ 250,000 bet with hollywood actor and friend mark wahlberg that ` money ' mayweather will come out on top in the bout .boxing duo mayweather and pacquiao are just days away from their mega-fight in las vegas\"]\n", - "=======================\n", - "[\"diddy and mark wahlberg have placed a $ 250,000 bet on the mega-fightthe rapper is confident floyd mayweather can put him in the ` money 'american boxer adrien broner has also put his money where his mouth isbroner admitted he will be putting $ 10,000 on there to be a stoppagemayweather vs pacquiao - 12 things you did n't know about the pairclick here for all the latest mayweather vs pacquiao news\"]\n", - "diddy and mark wahlberg placed a bet of $ 250,000 on the floyd mayweather and manny pacquiao mega-fightthe rapper and producer placed a $ 250,000 bet with hollywood actor and friend mark wahlberg that ` money ' mayweather will come out on top in the bout .boxing duo mayweather and pacquiao are just days away from their mega-fight in las vegas\n", - "diddy and mark wahlberg have placed a $ 250,000 bet on the mega-fightthe rapper is confident floyd mayweather can put him in the ` money 'american boxer adrien broner has also put his money where his mouth isbroner admitted he will be putting $ 10,000 on there to be a stoppagemayweather vs pacquiao - 12 things you did n't know about the pairclick here for all the latest mayweather vs pacquiao news\n", - "[1.4410907 1.1977977 1.3106881 1.2709451 1.2452549 1.1377519 1.0752554\n", - " 1.1015573 1.0743731 1.09221 1.0333414 1.0201484 1.1175852 1.0175037\n", - " 1.0223842 1.0369225 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 4 1 5 12 7 9 6 8 15 10 14 11 13 17 16 18]\n", - "=======================\n", - "[\"sale 's hopes of qualification for next season 's european champions cup were dealt a hammer blow as they went down to a surprising 25-23 defeat at the madejski stadium .irish scored three tries through alex lewington ( two ) and andrew fenby with chris noakes adding two penalties and two conversions .sale still remain in seventh position but they lost ground on most of their rivals and have only themselves to blame for this disappointing result as they made too many critical errors .\"]\n", - "=======================\n", - "['sale remain seventh in the aviva premiership despite their defeatlondon irish scored tries through alex lewington ( two ) and andrew fenbyexiles fly half chris noakes adding two penalties and two conversionsthe sharks replied with tries from tom arscott ( two ) and mike haleydanny cipriani added eight points from the boot']\n", - "sale 's hopes of qualification for next season 's european champions cup were dealt a hammer blow as they went down to a surprising 25-23 defeat at the madejski stadium .irish scored three tries through alex lewington ( two ) and andrew fenby with chris noakes adding two penalties and two conversions .sale still remain in seventh position but they lost ground on most of their rivals and have only themselves to blame for this disappointing result as they made too many critical errors .\n", - "sale remain seventh in the aviva premiership despite their defeatlondon irish scored tries through alex lewington ( two ) and andrew fenbyexiles fly half chris noakes adding two penalties and two conversionsthe sharks replied with tries from tom arscott ( two ) and mike haleydanny cipriani added eight points from the boot\n", - "[1.060142 1.081221 1.3035681 1.4880712 1.0404267 1.0411206 1.0659903\n", - " 1.1232271 1.0463945 1.0953106 1.023929 1.0309448 1.0850607 1.0750885\n", - " 1.1143184 1.166537 1.046549 1.0175357 1.0208796]\n", - "\n", - "[ 3 2 15 7 14 9 12 1 13 6 0 16 8 5 4 11 10 18 17]\n", - "=======================\n", - "[\"stephen dodd took this photograph of asif bodi and abubakar bhula praying at anfield last monthlast saturday 's inept capitulation to aston villa was the most recent occasion : a soft goal down after 45 minutes and an expensively assembled team which looked as if it had been recruited from the local jobcentre half an hour before the kick-off .the extraordinary scene was captured on a mobile phone camera by liverpool supporter stephen dodd .\"]\n", - "=======================\n", - "['image shows two men praying at half-time during fa cup clashhow would the management have reacted if some devout catholics had decided to stage a holy communion at half-time ?muslim fans could start demanding special prayer rooms at stadiums']\n", - "stephen dodd took this photograph of asif bodi and abubakar bhula praying at anfield last monthlast saturday 's inept capitulation to aston villa was the most recent occasion : a soft goal down after 45 minutes and an expensively assembled team which looked as if it had been recruited from the local jobcentre half an hour before the kick-off .the extraordinary scene was captured on a mobile phone camera by liverpool supporter stephen dodd .\n", - "image shows two men praying at half-time during fa cup clashhow would the management have reacted if some devout catholics had decided to stage a holy communion at half-time ?muslim fans could start demanding special prayer rooms at stadiums\n", - "[1.2041665 1.5088966 1.2501016 1.3544744 1.2145965 1.1670702 1.1098564\n", - " 1.054118 1.0573102 1.0709953 1.0523177 1.0720919 1.0407227 1.1429163\n", - " 1.0162739 1.0201013 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 5 13 6 11 9 8 7 10 12 15 14 16 17 18]\n", - "=======================\n", - "[\"steven allison , 37 , formerly of idle near bradford , west yorkshire , had been uploading pictures of himself looking tanned and happy as he enjoyed his freedom in his new life down under .but he was unaware the net was closing in as british police teamed up with colleagues in australia and interpol to locate allison , who was living in the country 's capital , canberra .allison had already been on the run for a year when he was given a 30 month jail sentence for sexually assaulting two women after failing to turn up at bradford crown court in february last year .\"]\n", - "=======================\n", - "[\"steven allison , 37 , uploaded pictures of himself looking happy and tannedhe fled to australia after going on run from the law more than a year agopolice were closing in on him with help of interpol and australian officersallison was given 30 month jail sentence for sexual assault of two womenhe was supposed to be lying low but could n't help post clues on facebooktracked down by authorities and flown back to uk in handcuffs yesterday\"]\n", - "steven allison , 37 , formerly of idle near bradford , west yorkshire , had been uploading pictures of himself looking tanned and happy as he enjoyed his freedom in his new life down under .but he was unaware the net was closing in as british police teamed up with colleagues in australia and interpol to locate allison , who was living in the country 's capital , canberra .allison had already been on the run for a year when he was given a 30 month jail sentence for sexually assaulting two women after failing to turn up at bradford crown court in february last year .\n", - "steven allison , 37 , uploaded pictures of himself looking happy and tannedhe fled to australia after going on run from the law more than a year agopolice were closing in on him with help of interpol and australian officersallison was given 30 month jail sentence for sexual assault of two womenhe was supposed to be lying low but could n't help post clues on facebooktracked down by authorities and flown back to uk in handcuffs yesterday\n", - "[1.327274 1.391967 1.256445 1.4057322 1.2978549 1.3039784 1.210696\n", - " 1.0734183 1.0357188 1.0167915 1.0113957 1.0384587 1.0158062 1.0155904\n", - " 1.008962 1.0091839 1.0110556 1.0087538 1.007641 1.2072644 1.1643001]\n", - "\n", - "[ 3 1 0 5 4 2 6 19 20 7 11 8 9 12 13 10 16 15 14 17 18]\n", - "=======================\n", - "['liverpool midfielder philippe coutinho ( left ) says winning the fa cup would rescue their seasonthe reds go into their fa cup quarter-final replay at blackburn on wednesday night off the back of damaging league losses at home to manchester united in march followed by a 4-1 thumping at the hands of arsenal on saturday .fifth-placed liverpool ( centre ) are seven points adrift of fourth with seven games left in the premier league']\n", - "=======================\n", - "[\"liverpool lost 4-1 at premier league top four rivals arsenal on saturdayresult sees reds seven points adrift of fourth place with seven games leftreds travel to blackburn in their fa cup quarter-final replay on wednesdayadrian durham : sterling would only be earning the same as balotelli if he signed new # 100,000-a-week deal at liverpool ... that 's the real issue hereclick here for the latest liverpool news\"]\n", - "liverpool midfielder philippe coutinho ( left ) says winning the fa cup would rescue their seasonthe reds go into their fa cup quarter-final replay at blackburn on wednesday night off the back of damaging league losses at home to manchester united in march followed by a 4-1 thumping at the hands of arsenal on saturday .fifth-placed liverpool ( centre ) are seven points adrift of fourth with seven games left in the premier league\n", - "liverpool lost 4-1 at premier league top four rivals arsenal on saturdayresult sees reds seven points adrift of fourth place with seven games leftreds travel to blackburn in their fa cup quarter-final replay on wednesdayadrian durham : sterling would only be earning the same as balotelli if he signed new # 100,000-a-week deal at liverpool ... that 's the real issue hereclick here for the latest liverpool news\n", - "[1.1479491 1.1583052 1.2624254 1.1948967 1.1561661 1.0874155 1.0376239\n", - " 1.0506684 1.0593418 1.0932043 1.0270873 1.0398946 1.0376035 1.0766147\n", - " 1.1897501 1.149836 1.0813776 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 14 1 4 15 0 9 5 16 13 8 7 11 6 12 10 17 18 19 20]\n", - "=======================\n", - "[\"chelsea 's manager is staying true to the game -- his game -- because the end result will be a fourth barclays premier league title for this football club .chelsea 's jose mourinho gestures on the sideline after going into the game against arsenal without a strikereden hazard leads a trio with willian and oscar that has fantasy about their play but mourinho wants function\"]\n", - "=======================\n", - "['chelsea played out a 0-0 draw with arsenal at the emirates on sundayjose mourinho started with no striker despite having didier drogbahis tactics were not pretty but of deserving premier league championswillian gave perhaps his best performance in a chelsea shirt']\n", - "chelsea 's manager is staying true to the game -- his game -- because the end result will be a fourth barclays premier league title for this football club .chelsea 's jose mourinho gestures on the sideline after going into the game against arsenal without a strikereden hazard leads a trio with willian and oscar that has fantasy about their play but mourinho wants function\n", - "chelsea played out a 0-0 draw with arsenal at the emirates on sundayjose mourinho started with no striker despite having didier drogbahis tactics were not pretty but of deserving premier league championswillian gave perhaps his best performance in a chelsea shirt\n", - "[1.2787492 1.4504594 1.1827413 1.1264703 1.168967 1.0834758 1.0749581\n", - " 1.0824084 1.0388589 1.1404234 1.0749999 1.1335654 1.0945398 1.0618048\n", - " 1.0120442 1.0218652 1.0120517 1.0254424 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 4 9 11 3 12 5 7 10 6 13 8 17 15 16 14 18 19 20]\n", - "=======================\n", - "[\"dr george hamilton , the chief apostle of the w.o.r.d. ministries in summerville , south carolina , launched an attack on officer michael slager , who killed scott last week by shooting him five times in the back , referring to him as a ` disgrace ' .the funeral of south carolina police shooting victim walter scott took on a fiery tone today when the pastor presiding over the service said his death was ` motivated by racial discrimination ' .hundreds of mourners were crammed inside the small church today , where scott 's casket , draped in an american flag , was led in , accompanied by his distraught mother .\"]\n", - "=======================\n", - "[\"service for scott , 50 , in summerville , south carolina , was attended by hundreds of mournersdr george hamilton , chief apostle of the w.o.r.d ministries , called officer michael slager a ` racist ' and a ` disgrace 'fiery speech was given before a crowd of hundreds of mourners , and over scott 's casket , draped in a u.s. flagdistraught mother judy scott accompanied her son , who was shot dead last saturdayfamily were given a police escort on the way to the funeral , by a separate force to the officer who shot scottcongressman jim clyburn ( d-sc ) and senator tim scott ( r-sc ) attended , as did charleston county 's sheriffslager , a north charleston police officer , was filmed shooting scott five times in the back as he ranofficer had pulled him over moments before on a routine traffic stop .family said scott may have run because he owed $ 18,000 in child support , and that he routinely avoided police\"]\n", - "dr george hamilton , the chief apostle of the w.o.r.d. ministries in summerville , south carolina , launched an attack on officer michael slager , who killed scott last week by shooting him five times in the back , referring to him as a ` disgrace ' .the funeral of south carolina police shooting victim walter scott took on a fiery tone today when the pastor presiding over the service said his death was ` motivated by racial discrimination ' .hundreds of mourners were crammed inside the small church today , where scott 's casket , draped in an american flag , was led in , accompanied by his distraught mother .\n", - "service for scott , 50 , in summerville , south carolina , was attended by hundreds of mournersdr george hamilton , chief apostle of the w.o.r.d ministries , called officer michael slager a ` racist ' and a ` disgrace 'fiery speech was given before a crowd of hundreds of mourners , and over scott 's casket , draped in a u.s. flagdistraught mother judy scott accompanied her son , who was shot dead last saturdayfamily were given a police escort on the way to the funeral , by a separate force to the officer who shot scottcongressman jim clyburn ( d-sc ) and senator tim scott ( r-sc ) attended , as did charleston county 's sheriffslager , a north charleston police officer , was filmed shooting scott five times in the back as he ranofficer had pulled him over moments before on a routine traffic stop .family said scott may have run because he owed $ 18,000 in child support , and that he routinely avoided police\n", - "[1.3427858 1.4479982 1.5146501 1.3497958 1.1707593 1.2261536 1.1164782\n", - " 1.026149 1.0145732 1.0102928 1.0169178 1.2260103 1.0439683 1.194752\n", - " 1.0881357 1.0448656 1.0111787 1.0077434 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 0 5 11 13 4 6 14 15 12 7 10 8 16 9 17 18 19 20]\n", - "=======================\n", - "[\"christian benteke and fabian delph scored to cancel out philippe coutinho 's opener as villa booked a final showdown with arsenal on may 30 .the midfielder helped villa reach the fa cup final after their 2-1 last-four victory over liverpool on sunday .tom cleverley has hailed tim sherwood 's style and insists aston villa 's attacking gambles are paying off .\"]\n", - "=======================\n", - "[\"aston villa beat liverpool 2-1 in the fa cup semi-final at wembleymidfielder tom cleverley praised tim sherwood 's impact as villa bosscleverley believes villa can beat arsenal in the final in a ` one-off match '\"]\n", - "christian benteke and fabian delph scored to cancel out philippe coutinho 's opener as villa booked a final showdown with arsenal on may 30 .the midfielder helped villa reach the fa cup final after their 2-1 last-four victory over liverpool on sunday .tom cleverley has hailed tim sherwood 's style and insists aston villa 's attacking gambles are paying off .\n", - "aston villa beat liverpool 2-1 in the fa cup semi-final at wembleymidfielder tom cleverley praised tim sherwood 's impact as villa bosscleverley believes villa can beat arsenal in the final in a ` one-off match '\n", - "[1.1929026 1.3623506 1.2736002 1.2728174 1.2333298 1.0475283 1.06345\n", - " 1.1327499 1.0772196 1.0509837 1.0439874 1.0632873 1.1513026 1.0819757\n", - " 1.127296 1.0273204 1.03949 1.0162941 1.0446571 1.0763547 0. ]\n", - "\n", - "[ 1 2 3 4 0 12 7 14 13 8 19 6 11 9 5 18 10 16 15 17 20]\n", - "=======================\n", - "[\"from today , users can post , explore other people 's photos and interact with captions using just emoji .emoji hashtags work with single emoji , multiple emoji or can be combined with text .emoji are popular in the instagram community , with nearly half of instagram captions ( pictured on rosie huntington-whiteley 's page ) already featuring the small pictures\"]\n", - "=======================\n", - "['from today , emoji will now work within hashtags on instagramusers add them to posts , search on explore tab and tap them in captionshashtags work with single and multiple emoji , as well as with textapp has also added three new filters called lark , reyes and juno']\n", - "from today , users can post , explore other people 's photos and interact with captions using just emoji .emoji hashtags work with single emoji , multiple emoji or can be combined with text .emoji are popular in the instagram community , with nearly half of instagram captions ( pictured on rosie huntington-whiteley 's page ) already featuring the small pictures\n", - "from today , emoji will now work within hashtags on instagramusers add them to posts , search on explore tab and tap them in captionshashtags work with single and multiple emoji , as well as with textapp has also added three new filters called lark , reyes and juno\n", - "[1.2905605 1.3978508 1.2042316 1.2297248 1.051198 1.0287293 1.2610759\n", - " 1.1310256 1.1275036 1.1734802 1.0196987 1.0862501 1.0153257 1.0196118\n", - " 1.1038705 1.0165768 1.0139487 1.0461446 0. ]\n", - "\n", - "[ 1 0 6 3 2 9 7 8 14 11 4 17 5 10 13 15 12 16 18]\n", - "=======================\n", - "[\"posted to facebook two weeks ago , the loving image of rosa camfield and baby kaylee became an online sensation before it was announced that rosa had sadly passed away on monday .the picture of a 101-year-old arizona woman cradling her new-born great-granddaughter spanned four generations of the same the family in one photograph and captured the hearts of millions .speaking to daily mail online , rosa 's granddaughter , sarah hamm , 33 , detailed her grandmother 's life from tumultuous youth in the depression era , to a difficult divorce in the 1950s and all the way to her third marriage - to her childhood sweetheart - in her 80s .\"]\n", - "=======================\n", - "[\"rosa camfield of gilbert , arizona became an internet celebrity just before her death on mondaya picture of camfield and her newborn great-granddaughter kaylee was shared thousands of times when it was posted online last weekdaily mail online spoke with camfield 's family who detailed her amazing life story\"]\n", - "posted to facebook two weeks ago , the loving image of rosa camfield and baby kaylee became an online sensation before it was announced that rosa had sadly passed away on monday .the picture of a 101-year-old arizona woman cradling her new-born great-granddaughter spanned four generations of the same the family in one photograph and captured the hearts of millions .speaking to daily mail online , rosa 's granddaughter , sarah hamm , 33 , detailed her grandmother 's life from tumultuous youth in the depression era , to a difficult divorce in the 1950s and all the way to her third marriage - to her childhood sweetheart - in her 80s .\n", - "rosa camfield of gilbert , arizona became an internet celebrity just before her death on mondaya picture of camfield and her newborn great-granddaughter kaylee was shared thousands of times when it was posted online last weekdaily mail online spoke with camfield 's family who detailed her amazing life story\n", - "[1.1558123 1.3058006 1.2421339 1.0885586 1.2648824 1.1456188 1.1364197\n", - " 1.1075737 1.0773286 1.0859493 1.0906084 1.0312833 1.0578121 1.0650439\n", - " 1.0246233 1.0616728 0. 0. 0. ]\n", - "\n", - "[ 1 4 2 0 5 6 7 10 3 9 8 13 15 12 11 14 16 17 18]\n", - "=======================\n", - "['now genetic research has revealed that ancient european populations were dark skinned for far longer than had originally been thought .genetic analysis has shown that hunter gatherers living in spain up to 8,500 years ago still had dark skin .rather than lightening as early humans migrated north from africa around 40,000 years ago due to lower levels of sunlight , these first homo sapiens retained their dark skin colour .']\n", - "=======================\n", - "['the original migrants to europe from africa arrived 40,000 years agoup until 8,000 years ago , early hunter-gatherers largely had darker skinwhen near east farmers arrived , they carried with them light skin genesgenomes of 83 people found 5 genes linked with diet and skin changes']\n", - "now genetic research has revealed that ancient european populations were dark skinned for far longer than had originally been thought .genetic analysis has shown that hunter gatherers living in spain up to 8,500 years ago still had dark skin .rather than lightening as early humans migrated north from africa around 40,000 years ago due to lower levels of sunlight , these first homo sapiens retained their dark skin colour .\n", - "the original migrants to europe from africa arrived 40,000 years agoup until 8,000 years ago , early hunter-gatherers largely had darker skinwhen near east farmers arrived , they carried with them light skin genesgenomes of 83 people found 5 genes linked with diet and skin changes\n", - "[1.1369275 1.1373191 1.303356 1.1425079 1.3539559 1.4026817 1.0953294\n", - " 1.0357641 1.0458475 1.027043 1.0188346 1.0843242 1.054389 1.1081399\n", - " 1.1105273 1.0782192 0. 0. 0. ]\n", - "\n", - "[ 5 4 2 3 1 0 14 13 6 11 15 12 8 7 9 10 17 16 18]\n", - "=======================\n", - "['bouchard refused to shake the hand of alexandra dulgheru before fed cup match at the weekendeugenie bouchard was mocked at home and abroad over the handshake controversyher refusal to shake hands with romanian opponent alexandra dulgheru turned out to be the precursor of a dreadful few days for the world no 7 .']\n", - "=======================\n", - "[\"eugenie bouchard refused to shake hands with rival alexandra dulgherucontroversy sparked a dreadful few days for last year 's wimbledon finalistbouchard suffered two humiliating defeats in front of her hometown crowd\"]\n", - "bouchard refused to shake the hand of alexandra dulgheru before fed cup match at the weekendeugenie bouchard was mocked at home and abroad over the handshake controversyher refusal to shake hands with romanian opponent alexandra dulgheru turned out to be the precursor of a dreadful few days for the world no 7 .\n", - "eugenie bouchard refused to shake hands with rival alexandra dulgherucontroversy sparked a dreadful few days for last year 's wimbledon finalistbouchard suffered two humiliating defeats in front of her hometown crowd\n", - "[1.301167 1.0763755 1.3789296 1.3929625 1.215325 1.1291304 1.052675\n", - " 1.0940245 1.0807519 1.1630626 1.0349337 1.0802536 1.036317 1.0489874\n", - " 1.0280354 1.0256699 1.029654 1.0262938 1.0362504]\n", - "\n", - "[ 3 2 0 4 9 5 7 8 11 1 6 13 12 18 10 16 14 17 15]\n", - "=======================\n", - "[\"andy murray and kim sears , pictured at the wimbledon champions dinner 2013 , are preparing to marry in his home town of dunblane this weekendprince william and kate middleton 's wedding is arguably the most famous marital ceremony of the the 21st century so far .the decoration was first seen at the royal wedding in 2011 , when trees lined the aisle at the end of each pew in westminster abbey .\"]\n", - "=======================\n", - "[\"andy murray and kim sears are getting married in dunblane this weekendpreparations are underway for their nuptials at the town 's cathedralthe decor echoes that of prince william 's wedding to kate middleton\"]\n", - "andy murray and kim sears , pictured at the wimbledon champions dinner 2013 , are preparing to marry in his home town of dunblane this weekendprince william and kate middleton 's wedding is arguably the most famous marital ceremony of the the 21st century so far .the decoration was first seen at the royal wedding in 2011 , when trees lined the aisle at the end of each pew in westminster abbey .\n", - "andy murray and kim sears are getting married in dunblane this weekendpreparations are underway for their nuptials at the town 's cathedralthe decor echoes that of prince william 's wedding to kate middleton\n", - "[1.5916948 1.4296463 1.1584523 1.4958937 1.1678439 1.0543272 1.0486885\n", - " 1.0225239 1.0124145 1.015233 1.0123123 1.1991626 1.0252264 1.023304\n", - " 1.0390773 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 11 4 2 5 6 14 12 13 7 9 8 10 17 15 16 18]\n", - "=======================\n", - "[\"arsenal manager arsene wenger accepted his side were ' a bit lucky ' after a fumble from reading goalkeeper adam federici handed them a 2-1 extra-time victory and a place in the fa cup final .the gunners will head back to wembley on may 30 aiming to defend the trophy after edging past the sky bet championship side , who had rallied after going behind just before half-time to a fine goal from alexis sanchez .wenger 's side failed to hit the level seen in recent games against reading at wembley\"]\n", - "=======================\n", - "[\"arsenal reached the fa cup final despite failing to live up to recent formadam federici 's gaffe was only difference between the sides at wembleyhe let a soft alexis sanchez effort squirm through his grasp in extra timewenger felt federici kept reading in the game with numerous top saves\"]\n", - "arsenal manager arsene wenger accepted his side were ' a bit lucky ' after a fumble from reading goalkeeper adam federici handed them a 2-1 extra-time victory and a place in the fa cup final .the gunners will head back to wembley on may 30 aiming to defend the trophy after edging past the sky bet championship side , who had rallied after going behind just before half-time to a fine goal from alexis sanchez .wenger 's side failed to hit the level seen in recent games against reading at wembley\n", - "arsenal reached the fa cup final despite failing to live up to recent formadam federici 's gaffe was only difference between the sides at wembleyhe let a soft alexis sanchez effort squirm through his grasp in extra timewenger felt federici kept reading in the game with numerous top saves\n", - "[1.1659724 1.3957381 1.3887779 1.2989314 1.2425138 1.0973111 1.1149014\n", - " 1.0356662 1.1370683 1.0330411 1.0371 1.0796013 1.0596882 1.023481\n", - " 1.0475498 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 8 6 5 11 12 14 10 7 9 13 16 15 17]\n", - "=======================\n", - "['eating the kernels without their skins can improve gut health and the ability to ward off bugs like e.coli , according to the research .scientists from the university of maryland found that flour made from peanut kernel significantly stimulated the growth of lactobacillus casei and lactobacillus rhamnosus , the type of friendly bacteria more commonly associated with yoghurt drinks .by increasing the amount of good bacteria , the peanut flour was able to reduce the amount of a dangerous bacterium , enterohaemorrhagic e.coli , which can cause severe food poisoning .']\n", - "=======================\n", - "['flour made from peanut kernel majorly stimulated growth of friendly bacteriathis means it can lower amount of e.coli , university of maryland study foundharmful bacteria is out-competed as friendly takes up space on intestine wall']\n", - "eating the kernels without their skins can improve gut health and the ability to ward off bugs like e.coli , according to the research .scientists from the university of maryland found that flour made from peanut kernel significantly stimulated the growth of lactobacillus casei and lactobacillus rhamnosus , the type of friendly bacteria more commonly associated with yoghurt drinks .by increasing the amount of good bacteria , the peanut flour was able to reduce the amount of a dangerous bacterium , enterohaemorrhagic e.coli , which can cause severe food poisoning .\n", - "flour made from peanut kernel majorly stimulated growth of friendly bacteriathis means it can lower amount of e.coli , university of maryland study foundharmful bacteria is out-competed as friendly takes up space on intestine wall\n", - "[1.2585437 1.2392296 1.251622 1.3457181 1.066537 1.1627563 1.0727316\n", - " 1.1054825 1.0918301 1.2175542 1.075999 1.0411159 1.0424068 1.0718516\n", - " 1.0282199 1.0369791 0. 0. ]\n", - "\n", - "[ 3 0 2 1 9 5 7 8 10 6 13 4 12 11 15 14 16 17]\n", - "=======================\n", - "['hundreds of yazidi girls and women , some as young as eight , were kidnapped by isis last year , and have since been held as sex slaves in the islamic statetraumatised after months of rape and torture at the hands of isis militants , some of victims have returned after falling pregnant by their captors and further at risk at being ostracised by their community , which frowns upon pre-marital sex .around 40,000 people were kidnapped at gunpoint when islamic state fighters attacked yazidi villages last summer .']\n", - "=======================\n", - "['hundreds of yazidi girls and women held as sex slaves in islamic statesome who have escaped have returned pregnant by their captorsabortion is illegal in kurdistan , but some doctors are breaking the law']\n", - "hundreds of yazidi girls and women , some as young as eight , were kidnapped by isis last year , and have since been held as sex slaves in the islamic statetraumatised after months of rape and torture at the hands of isis militants , some of victims have returned after falling pregnant by their captors and further at risk at being ostracised by their community , which frowns upon pre-marital sex .around 40,000 people were kidnapped at gunpoint when islamic state fighters attacked yazidi villages last summer .\n", - "hundreds of yazidi girls and women held as sex slaves in islamic statesome who have escaped have returned pregnant by their captorsabortion is illegal in kurdistan , but some doctors are breaking the law\n", - "[1.3655635 1.3384916 1.1599383 1.0456371 1.2236991 1.0732548 1.0385259\n", - " 1.0333233 1.0288848 1.1973226 1.1356305 1.0813154 1.0740355 1.0788082\n", - " 1.038372 1.2086219 1.1156307 0. ]\n", - "\n", - "[ 0 1 4 15 9 2 10 16 11 13 12 5 3 6 14 7 8 17]\n", - "=======================\n", - "[\"hungry for power : snp leader nicola sturgeonshe also suggested that david cameron had been ` not unhelpful ' to the snp by gaining the party greater publicity .pledge : miss sturgeon 's remarks came after she had insisted that she would put ed miliband ( right ) into downing street even if labour wins 40 fewer seats than the tories in a hung parliament .\"]\n", - "=======================\n", - "[\"leader said she understands concerns about snp being part of coalitionmiss sturgeon also suggested pm had been ` not unhelpful ' to her partypolls indicate snp is on the brink of a historic landside victory in election\"]\n", - "hungry for power : snp leader nicola sturgeonshe also suggested that david cameron had been ` not unhelpful ' to the snp by gaining the party greater publicity .pledge : miss sturgeon 's remarks came after she had insisted that she would put ed miliband ( right ) into downing street even if labour wins 40 fewer seats than the tories in a hung parliament .\n", - "leader said she understands concerns about snp being part of coalitionmiss sturgeon also suggested pm had been ` not unhelpful ' to her partypolls indicate snp is on the brink of a historic landside victory in election\n", - "[1.31917 1.422541 1.274197 1.2727538 1.1658583 1.0816544 1.076044\n", - " 1.0259935 1.0395803 1.1632899 1.078707 1.1210386 1.0334457 1.0596712\n", - " 1.016751 1.0122124 1.0436386 0. ]\n", - "\n", - "[ 1 0 2 3 4 9 11 5 10 6 13 16 8 12 7 14 15 17]\n", - "=======================\n", - "['michelle , a 32-year-old mother who has asked for her surname not to be used , said the white van drove through a red light at about 2:30 p.m. on tuesday and almost hit her vehicle .police in florida are investigating a possible road rage incident after a woman filmed a man throwing a bottle of liquid at her vehicle while driving his van .she said she followed the man and taped him after he swerved in and out of traffic while speeding on a stretch of road that has two school crossings .']\n", - "=======================\n", - "['a woman named michelle told police that the white van drove through a red light at about 2:30 p.m. on tuesday and almost hit her vehiclecell phone footage shows him throwing a bottle at her carpolice have identified the driver as daniel robert frank , 28frank is helping police with their misdemeanor criminal mischief investigation and his attorney claims michelle threw something at his van']\n", - "michelle , a 32-year-old mother who has asked for her surname not to be used , said the white van drove through a red light at about 2:30 p.m. on tuesday and almost hit her vehicle .police in florida are investigating a possible road rage incident after a woman filmed a man throwing a bottle of liquid at her vehicle while driving his van .she said she followed the man and taped him after he swerved in and out of traffic while speeding on a stretch of road that has two school crossings .\n", - "a woman named michelle told police that the white van drove through a red light at about 2:30 p.m. on tuesday and almost hit her vehiclecell phone footage shows him throwing a bottle at her carpolice have identified the driver as daniel robert frank , 28frank is helping police with their misdemeanor criminal mischief investigation and his attorney claims michelle threw something at his van\n", - "[1.4321347 1.3083959 1.176441 1.3811533 1.276468 1.1594218 1.1092491\n", - " 1.0317912 1.0528934 1.1598943 1.0997666 1.0238644 1.0233665 1.0448887\n", - " 1.1060568 1.013981 1.1024252 1.037953 ]\n", - "\n", - "[ 0 3 1 4 2 9 5 6 14 16 10 8 13 17 7 11 12 15]\n", - "=======================\n", - "[\"hawthorn coach alastair clarkson has been filmed lashing out at an aggressive afl fan after his team 's narrow loss to port adelaide on saturday night .the footage shows a young man , thought to be an adelaide power fan , taunting clarkson as he made his way back to his adelaide hotel room , before clarkson pushes the man and grabs his neck .it appears the video was captured by a friend of the young man and it 's understood the pair had been goading clarkson in the lead-up to the confrontation .\"]\n", - "=======================\n", - "[\"alastair clarkson has been filmed pushing and grabbing the neck of an adelaide power fan after hawthorn 's loss to port adelaide on saturdaythe intoxicated fan is seen harassing clarkson outside his adelaide hotelclarkson was ` pushed , shoved all the way to the door , ' hawks ceo says\"]\n", - "hawthorn coach alastair clarkson has been filmed lashing out at an aggressive afl fan after his team 's narrow loss to port adelaide on saturday night .the footage shows a young man , thought to be an adelaide power fan , taunting clarkson as he made his way back to his adelaide hotel room , before clarkson pushes the man and grabs his neck .it appears the video was captured by a friend of the young man and it 's understood the pair had been goading clarkson in the lead-up to the confrontation .\n", - "alastair clarkson has been filmed pushing and grabbing the neck of an adelaide power fan after hawthorn 's loss to port adelaide on saturdaythe intoxicated fan is seen harassing clarkson outside his adelaide hotelclarkson was ` pushed , shoved all the way to the door , ' hawks ceo says\n", - "[1.2344568 1.3168612 1.2204504 1.3504312 1.1803683 1.208856 1.0562433\n", - " 1.0613618 1.0681579 1.0218008 1.0853522 1.0676028 1.0597812 1.0560933\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 2 5 4 10 8 11 7 12 6 13 9 14 15 16 17 18 19]\n", - "=======================\n", - "[\"a beachfront property with summer and winter cottages ( middle , bottom left ) has gone on the market for # 3million in cornwalldie-hard fans of the hit bbc series poldark are n't just flocking to cornwall as tourists , as interest in the programme has spurred demand for holiday homes along the county 's picturesque coastline .since the series started airing last month estate agents said they have seen a rise in enquiries about the cottage , overlooking an ancient smugglers ' cove on cornwall 's north coast , and other properties where the title character , ross poldark , plies his trade .\"]\n", - "=======================\n", - "[\"interest in the hit bbc series poldark has given cornwall 's tourism and housing market a boostestate agents said they have seen a rise in interest from fans who are interested in purchasing a second homebeachfront property near portreath has seven bedrooms , six reception rooms and seven bathrooms\"]\n", - "a beachfront property with summer and winter cottages ( middle , bottom left ) has gone on the market for # 3million in cornwalldie-hard fans of the hit bbc series poldark are n't just flocking to cornwall as tourists , as interest in the programme has spurred demand for holiday homes along the county 's picturesque coastline .since the series started airing last month estate agents said they have seen a rise in enquiries about the cottage , overlooking an ancient smugglers ' cove on cornwall 's north coast , and other properties where the title character , ross poldark , plies his trade .\n", - "interest in the hit bbc series poldark has given cornwall 's tourism and housing market a boostestate agents said they have seen a rise in interest from fans who are interested in purchasing a second homebeachfront property near portreath has seven bedrooms , six reception rooms and seven bathrooms\n", - "[1.2566237 1.3654944 1.1123805 1.2080898 1.2757101 1.1750898 1.098658\n", - " 1.1086351 1.1105801 1.0549178 1.0856895 1.0727248 1.0596446 1.0380208\n", - " 1.0298425 1.0552176 1.0917745 1.0580558 0. 0. ]\n", - "\n", - "[ 1 4 0 3 5 2 8 7 6 16 10 11 12 17 15 9 13 14 18 19]\n", - "=======================\n", - "[\"the world no 3 posted on twitter a hilarious series of ` emojis ' to his 2.98 million followers , displaying his various plans for the day .andy murray clearly has a vision for how his wedding day will play out when he marries his long-term girlfriend kim sears in his hometown of dunblane on saturday .andy murray is delighted after some snooker with friends ross hutchins ( left ) and jamie delgado ( centre )\"]\n", - "=======================\n", - "['andy murray is getting married to kim sears in dunblane on saturdaybritish no 1 looked a little apprehensive at the wedding rehearsalformer wimbledon champion is set to jet off after the wedding to take a look at prospective new assistant coach jonas bjorkman']\n", - "the world no 3 posted on twitter a hilarious series of ` emojis ' to his 2.98 million followers , displaying his various plans for the day .andy murray clearly has a vision for how his wedding day will play out when he marries his long-term girlfriend kim sears in his hometown of dunblane on saturday .andy murray is delighted after some snooker with friends ross hutchins ( left ) and jamie delgado ( centre )\n", - "andy murray is getting married to kim sears in dunblane on saturdaybritish no 1 looked a little apprehensive at the wedding rehearsalformer wimbledon champion is set to jet off after the wedding to take a look at prospective new assistant coach jonas bjorkman\n", - "[1.1271755 1.2351575 1.3019966 1.2206451 1.0905343 1.1129625 1.1355013\n", - " 1.079821 1.0265186 1.0315977 1.1609093 1.0778872 1.0350559 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 3 10 6 0 5 4 7 11 12 9 8 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"however , officials say china and other nations are rapidly expanding the size and scope of their own submarine forces .for decades , the u.s. military has maintained its dominance in the depths of the world 's oceans by boasting the most technologically advanced submarine fleet .darpa says the so-called drone ships will be 132 feet long and likely cost about $ 20 million , significantly less than the billion-dollar manned warships currently in use .\"]\n", - "=======================\n", - "['u.s. navy is developing an unmanned drone ship to track enemy submarines to limit their tactical capacity for surprisethe vessel would be able to operate under with little supervisory controladvances are necessary to maintain technological edge on russia and china , admiral tells house panel']\n", - "however , officials say china and other nations are rapidly expanding the size and scope of their own submarine forces .for decades , the u.s. military has maintained its dominance in the depths of the world 's oceans by boasting the most technologically advanced submarine fleet .darpa says the so-called drone ships will be 132 feet long and likely cost about $ 20 million , significantly less than the billion-dollar manned warships currently in use .\n", - "u.s. navy is developing an unmanned drone ship to track enemy submarines to limit their tactical capacity for surprisethe vessel would be able to operate under with little supervisory controladvances are necessary to maintain technological edge on russia and china , admiral tells house panel\n", - "[1.1296587 1.0847256 1.065676 1.4187126 1.1104076 1.5106667 1.4515944\n", - " 1.0376875 1.0214843 1.0280553 1.0169772 1.0195838 1.0149007 1.0270439\n", - " 1.088326 1.087191 1.0381742 1.1196613 1.0648372 1.0566174]\n", - "\n", - "[ 5 6 3 0 17 4 14 15 1 2 18 19 16 7 9 13 8 11 10 12]\n", - "=======================\n", - "['gary neville and paul scholes attending the salford city game at home to clitheroe town on saturday( left to right ) scholes , phil neville , nicky butt and ryan giggs co-own the club with gary neville ( not pictured )it is a cold , spring night in the heart of liverpool at a football ground bordering huyton , where steven gerrard grew up , so paul scholes is in unfamiliar territory .']\n", - "=======================\n", - "[\"class of '92 owners of salford city discuss their non-league clubpaul scholes , phil neville and gary neville co-own alongside former manchester united team-mates nicky butt and ryan giggssalford currently top the evo-stik league first division north\"]\n", - "gary neville and paul scholes attending the salford city game at home to clitheroe town on saturday( left to right ) scholes , phil neville , nicky butt and ryan giggs co-own the club with gary neville ( not pictured )it is a cold , spring night in the heart of liverpool at a football ground bordering huyton , where steven gerrard grew up , so paul scholes is in unfamiliar territory .\n", - "class of '92 owners of salford city discuss their non-league clubpaul scholes , phil neville and gary neville co-own alongside former manchester united team-mates nicky butt and ryan giggssalford currently top the evo-stik league first division north\n", - "[1.4882588 1.3413247 1.224839 1.3744686 1.3643566 1.0560427 1.0241133\n", - " 1.0599046 1.1869664 1.0132264 1.0185882 1.0133297 1.0141207 1.2970412\n", - " 1.1152499 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 1 13 2 8 14 7 5 6 10 12 11 9 15 16 17 18 19]\n", - "=======================\n", - "[\"former manchester united and city striker carlos tevez believes it is harder to score goals in serie a than the premier league .the striker has 36 league goals in the italian top flight since leaving england for juventus in 2013after sitting out juve 's defeat to bottom of the table parma , ahead of a champions league quarter-final against monaco on tuesday , tevez who has scored 25 times for the old lady this season , insisted his task was now ` much more difficult ' .\"]\n", - "=======================\n", - "[\"carlos tevez played for manchester united , manchester city and west hamargentinian striker scored 84 premier league goals and won three titlesbut tevez says in england ` the midfield is non-existent 'tevez insists his juventus side can win the champions leaguestriker won the trophy with manchester united in 2008\"]\n", - "former manchester united and city striker carlos tevez believes it is harder to score goals in serie a than the premier league .the striker has 36 league goals in the italian top flight since leaving england for juventus in 2013after sitting out juve 's defeat to bottom of the table parma , ahead of a champions league quarter-final against monaco on tuesday , tevez who has scored 25 times for the old lady this season , insisted his task was now ` much more difficult ' .\n", - "carlos tevez played for manchester united , manchester city and west hamargentinian striker scored 84 premier league goals and won three titlesbut tevez says in england ` the midfield is non-existent 'tevez insists his juventus side can win the champions leaguestriker won the trophy with manchester united in 2008\n", - "[1.2914772 1.3728764 1.3092963 1.1123629 1.1958916 1.1700763 1.0897579\n", - " 1.0514034 1.1060649 1.062312 1.0866147 1.0347732 1.07304 1.0316006\n", - " 1.0368096 1.0772103 1.0147282 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 5 3 8 6 10 15 12 9 7 14 11 13 16 18 17 19]\n", - "=======================\n", - "[\"activists in the missouri suburb , protesting over the fatal shooting of unarmed black teen michael brown by a white cop , were also known as ` adversaries ' , according to internal briefings seen by cnn this week .the national guard was first activated in ferguson in august after missouri governor jay nixon declared a state of emergency when riots and looting broke out amid peaceful demonstrations over police brutality .an internal report has revealed that the heavily-militarized guard referred to protesters as ` enemy forces '\"]\n", - "=======================\n", - "[\"activists in the missouri suburb , protesting over the shooting death of unarmed black teen michael brown , were also known as ` adversaries 'the national guard was first activated in ferguson in august after missouri governor jay nixon declared a state of emergency when riots broke out\"]\n", - "activists in the missouri suburb , protesting over the fatal shooting of unarmed black teen michael brown by a white cop , were also known as ` adversaries ' , according to internal briefings seen by cnn this week .the national guard was first activated in ferguson in august after missouri governor jay nixon declared a state of emergency when riots and looting broke out amid peaceful demonstrations over police brutality .an internal report has revealed that the heavily-militarized guard referred to protesters as ` enemy forces '\n", - "activists in the missouri suburb , protesting over the shooting death of unarmed black teen michael brown , were also known as ` adversaries 'the national guard was first activated in ferguson in august after missouri governor jay nixon declared a state of emergency when riots broke out\n", - "[1.240672 1.5567687 1.1710739 1.1272963 1.0428406 1.0676014 1.198759\n", - " 1.2518536 1.0945492 1.0878766 1.0971546 1.0588264 1.0745997 1.0868585\n", - " 1.1039687 1.096851 1.0732638 1.0216264 1.0137426 1.0490265]\n", - "\n", - "[ 1 7 0 6 2 3 14 10 15 8 9 13 12 16 5 11 19 4 17 18]\n", - "=======================\n", - "['nicholas figueroa , 23 , and moises locon , 26 , both died when the manhattan apartment building collapsed last thursday following a massive blast .nicholas figueroa ( left ) was killed in the explosion while on a date , while moises lucon ( right ) worked at the restaurant and was identified yesterday as the second victimthe owner of the east village building that blew up last week and left two dead people could yet face criminal charges , it has emerged .']\n", - "=======================\n", - "['owner of manhattan building which exploded could face criminal chargesnicholas figueroa , 23 , and moises locon , 26 , died in the huge explosionauthorities are now building a case against the owner , it has been claimedinvestigators are looking into possibility gas was tapped from next door']\n", - "nicholas figueroa , 23 , and moises locon , 26 , both died when the manhattan apartment building collapsed last thursday following a massive blast .nicholas figueroa ( left ) was killed in the explosion while on a date , while moises lucon ( right ) worked at the restaurant and was identified yesterday as the second victimthe owner of the east village building that blew up last week and left two dead people could yet face criminal charges , it has emerged .\n", - "owner of manhattan building which exploded could face criminal chargesnicholas figueroa , 23 , and moises locon , 26 , died in the huge explosionauthorities are now building a case against the owner , it has been claimedinvestigators are looking into possibility gas was tapped from next door\n", - "[1.5740136 1.3790975 1.2444527 1.3294293 1.0879254 1.1052387 1.0503079\n", - " 1.0947186 1.0815871 1.141434 1.0768173 1.0204211 1.0134692 1.0169827\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 3 2 9 5 7 4 8 10 6 11 13 12 18 14 15 16 17 19]\n", - "=======================\n", - "[\"ferrari team principal maurizio arrivabene has urged kimi raikkonen to prove himself if he wants to remain with the maranello marque .raikkonen 's contract finishes at the end of the current formula one season , although there is an option for 2016 providing both parties are in agreement .the finn stated this week he has never been happier working with a team in his entire f1 career , although his form to date has not matched that of team-mate sebastian vettel .\"]\n", - "=======================\n", - "[\"kimi raikkonen 's deal with ferrari expires at the end of the seasonteam principal maurizio arrivabene wants finn to improve performancesmaranello driver has struggled to replicate team-mate sebastian vettel\"]\n", - "ferrari team principal maurizio arrivabene has urged kimi raikkonen to prove himself if he wants to remain with the maranello marque .raikkonen 's contract finishes at the end of the current formula one season , although there is an option for 2016 providing both parties are in agreement .the finn stated this week he has never been happier working with a team in his entire f1 career , although his form to date has not matched that of team-mate sebastian vettel .\n", - "kimi raikkonen 's deal with ferrari expires at the end of the seasonteam principal maurizio arrivabene wants finn to improve performancesmaranello driver has struggled to replicate team-mate sebastian vettel\n", - "[1.395299 1.2691774 1.2666078 1.2832952 1.1616228 1.114547 1.058584\n", - " 1.0832328 1.0918897 1.0546067 1.0233353 1.0591573 1.0149559 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 2 4 5 8 7 11 6 9 10 12 18 13 14 15 16 17 19]\n", - "=======================\n", - "[\"hollywood screen icon lauren bacall 's carefully-collected personal mementos fetched $ 3.64 million on the auction block at bonhams new york earlier this week .rest in peace : lauren bacall , pictured circa 1950 , died of a stroke in new york last august at the age of 89there were hundreds of items up for grabs at the two-day sale , which came to an end on wednesday - including housewares , furniture , fine art , jewelry and clothing - and every single one of them found a buyer , a spokesperson for the auction house confirmed .\"]\n", - "=======================\n", - "[\"the items went under the hammer at bonhams new york on march 31 and april 1several pieces once belonging to bacall 's first husband humphrey bogart were included in the auction\"]\n", - "hollywood screen icon lauren bacall 's carefully-collected personal mementos fetched $ 3.64 million on the auction block at bonhams new york earlier this week .rest in peace : lauren bacall , pictured circa 1950 , died of a stroke in new york last august at the age of 89there were hundreds of items up for grabs at the two-day sale , which came to an end on wednesday - including housewares , furniture , fine art , jewelry and clothing - and every single one of them found a buyer , a spokesperson for the auction house confirmed .\n", - "the items went under the hammer at bonhams new york on march 31 and april 1several pieces once belonging to bacall 's first husband humphrey bogart were included in the auction\n", - "[1.4365124 1.333764 1.3719993 1.2987258 1.3550917 1.266987 1.020242\n", - " 1.0186204 1.0376348 1.0341125 1.2741492 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 4 1 3 10 5 8 9 6 7 18 11 12 13 14 15 16 17 19]\n", - "=======================\n", - "['real madrid manager carlo ancelotti plans to appeal the yellow card shown to cristiano ronaldo for diving in the area during their 2-0 win over rayo vallecano .the decision means ronaldo could be suspended for the game against eibar in la liga on saturdayronaldo appeared to be unfairly cautioned by referee mario melero lopez after he was chopped down by defender antonio amaya inside the box .']\n", - "=======================\n", - "['real madrid beat rayo vallecano 2-0 in la liga on wednesday nightcristiano ronaldo scored his 300th goal for the spanish giantsronaldo was also booked for diving in the area but it appeared unfaircarlo ancelotti plans to appeal the yellow card shown to ronaldoclick here for all the latest real madrid news']\n", - "real madrid manager carlo ancelotti plans to appeal the yellow card shown to cristiano ronaldo for diving in the area during their 2-0 win over rayo vallecano .the decision means ronaldo could be suspended for the game against eibar in la liga on saturdayronaldo appeared to be unfairly cautioned by referee mario melero lopez after he was chopped down by defender antonio amaya inside the box .\n", - "real madrid beat rayo vallecano 2-0 in la liga on wednesday nightcristiano ronaldo scored his 300th goal for the spanish giantsronaldo was also booked for diving in the area but it appeared unfaircarlo ancelotti plans to appeal the yellow card shown to ronaldoclick here for all the latest real madrid news\n", - "[1.1461246 1.4029565 1.3611009 1.1397698 1.138789 1.1018045 1.0917407\n", - " 1.0513673 1.0560958 1.2251279 1.0958086 1.0347186 1.0664301 1.0381732\n", - " 1.0375552 0. 0. ]\n", - "\n", - "[ 1 2 9 0 3 4 5 10 6 12 8 7 13 14 11 15 16]\n", - "=======================\n", - "[\"almond growers in california are at the centre of a row over water usage during one of the worst droughts in decades .the state , which supplies more than three-quarters of the world 's $ 4.93 billion ( # 3.3 bn ) almond market , is in its fourth year of drought .it is a superfood with numerous health benefits , but our enthusiasm for almond milk is causing a storm in the us .\"]\n", - "=======================\n", - "[\"california supplies more than three-quarters of world 's almond marketbut the state is now in its fourth year of drought and there is growing angergrowers - who need a gallon of water to make a nut - are still planting treesanger that the almond industry has been left to expand its orchards\"]\n", - "almond growers in california are at the centre of a row over water usage during one of the worst droughts in decades .the state , which supplies more than three-quarters of the world 's $ 4.93 billion ( # 3.3 bn ) almond market , is in its fourth year of drought .it is a superfood with numerous health benefits , but our enthusiasm for almond milk is causing a storm in the us .\n", - "california supplies more than three-quarters of world 's almond marketbut the state is now in its fourth year of drought and there is growing angergrowers - who need a gallon of water to make a nut - are still planting treesanger that the almond industry has been left to expand its orchards\n", - "[1.3873329 1.2984207 1.1262047 1.099514 1.3706201 1.1109442 1.2251697\n", - " 1.089376 1.089767 1.0358295 1.0768784 1.0644804 1.170505 1.0646693\n", - " 1.1871037 0. 0. ]\n", - "\n", - "[ 0 4 1 6 14 12 2 5 3 8 7 10 13 11 9 15 16]\n", - "=======================\n", - "[\"manny pacquiao literally got two words in before a conference call about his fight with floyd mayweather jnr was abruptly cancelled on monday .a spokesman for pacquiao 's promoter blamed technical difficulties for the cancellation , partly due to the large number of boxing writers and broadcasters who were on the call .mayweather is supposed to have his own conference call on wednesday .\"]\n", - "=======================\n", - "[\"manny pacquiao 's conference call with boxing writers was cancelledquestion and answer session had to be postponed due to technical issuespacquiao responded to one question in what was supposed to be his last media event before travelling to las vegas for may 2 fight\"]\n", - "manny pacquiao literally got two words in before a conference call about his fight with floyd mayweather jnr was abruptly cancelled on monday .a spokesman for pacquiao 's promoter blamed technical difficulties for the cancellation , partly due to the large number of boxing writers and broadcasters who were on the call .mayweather is supposed to have his own conference call on wednesday .\n", - "manny pacquiao 's conference call with boxing writers was cancelledquestion and answer session had to be postponed due to technical issuespacquiao responded to one question in what was supposed to be his last media event before travelling to las vegas for may 2 fight\n", - "[1.2630405 1.2585827 1.2551774 1.3296943 1.111332 1.0681881 1.0378563\n", - " 1.0992519 1.2032512 1.035006 1.04202 1.0659834 1.0629903 1.2125545\n", - " 1.1797898 1.0238458 1.0493734]\n", - "\n", - "[ 3 0 1 2 13 8 14 4 7 5 11 12 16 10 6 9 15]\n", - "=======================\n", - "[\"yaphet kotto ( pictured opposite roger moore in live and let die ) said james bond can not be portrayed by a black manhis comments come in response to months of speculation that black british actor idris elba is in the running to be named as daniel craig 's successor .hackney-born idris elba ( pictured ) has been tipped to replace daniel craig as the next james bond actor\"]\n", - "=======================\n", - "['the first black bond villain , yaphet kotto , says secret agent must be whitehe said the role was created for a white hero and should remain as suchblack british actor idris elba has been tipped to replace daniel craig as 007kotto played villain dr kananga in the 1973 installment live and let die']\n", - "yaphet kotto ( pictured opposite roger moore in live and let die ) said james bond can not be portrayed by a black manhis comments come in response to months of speculation that black british actor idris elba is in the running to be named as daniel craig 's successor .hackney-born idris elba ( pictured ) has been tipped to replace daniel craig as the next james bond actor\n", - "the first black bond villain , yaphet kotto , says secret agent must be whitehe said the role was created for a white hero and should remain as suchblack british actor idris elba has been tipped to replace daniel craig as 007kotto played villain dr kananga in the 1973 installment live and let die\n", - "[1.4451718 1.2186539 1.4801825 1.2813053 1.0321437 1.0197064 1.0174997\n", - " 1.0631496 1.2518427 1.0622207 1.1039339 1.0692368 1.016893 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 8 1 10 11 7 9 4 5 6 12 15 13 14 16]\n", - "=======================\n", - "['crsity collins was using crystal meth every day and spending up to $ 500 a week to keep up her drug habit .former paramedic crsity collins had admitted that she used ice while driving and treating patients in an effort to raise awareness about the damaging drugthe 30-year-old , who took herself to the emergency room six times while suffering drug induced psychosis , has slammed health services for failing to offer her support despite claiming on numerous occasions that bugs were eating her eyes .']\n", - "=======================\n", - "['cristy collins worked for the tasmanian ambulance service in launcestonshe used to drive the ambulance and treat patients while high on ice30-year-old , who is now clean , was never offered support by hospital staffpost traumatic stress disorder from her service in iraq and borderline personality disorder both fuelled her drug addictionms collins has shared her story in an effort to raise awareness of the damaging drug and the lack of support available for addicts seeking help']\n", - "crsity collins was using crystal meth every day and spending up to $ 500 a week to keep up her drug habit .former paramedic crsity collins had admitted that she used ice while driving and treating patients in an effort to raise awareness about the damaging drugthe 30-year-old , who took herself to the emergency room six times while suffering drug induced psychosis , has slammed health services for failing to offer her support despite claiming on numerous occasions that bugs were eating her eyes .\n", - "cristy collins worked for the tasmanian ambulance service in launcestonshe used to drive the ambulance and treat patients while high on ice30-year-old , who is now clean , was never offered support by hospital staffpost traumatic stress disorder from her service in iraq and borderline personality disorder both fuelled her drug addictionms collins has shared her story in an effort to raise awareness of the damaging drug and the lack of support available for addicts seeking help\n", - "[1.3315101 1.2648411 1.30214 1.3535368 1.121394 1.2258244 1.087596\n", - " 1.0318241 1.1924849 1.1309098 1.0464964 1.0352961 1.0085495 1.0554508\n", - " 1.0815862 0. 0. ]\n", - "\n", - "[ 3 0 2 1 5 8 9 4 6 14 13 10 11 7 12 15 16]\n", - "=======================\n", - "[\"a specially-produced advert will be played on e4 on may 7 featuring ` darren ' -- the man fictionally in charge of keeping the programme on airthe tv channel e4 will shut down for 12 hours on the day of the general election to encourage more youngsters to vote .e4 is the most popular channel for younger viewers , reaching 8.7 million 16-34 year olds every month -- ahead of bbc2 and channel 5 .\"]\n", - "=======================\n", - "['cult us shows like the big bang theory will be axed for 12 hours on may 7instead , e4 will show a special advert encouraging people to votethe radical move could have a significant impact on the electione4 is the most popular channel for 16-34 year olds , watched by 8.7 million']\n", - "a specially-produced advert will be played on e4 on may 7 featuring ` darren ' -- the man fictionally in charge of keeping the programme on airthe tv channel e4 will shut down for 12 hours on the day of the general election to encourage more youngsters to vote .e4 is the most popular channel for younger viewers , reaching 8.7 million 16-34 year olds every month -- ahead of bbc2 and channel 5 .\n", - "cult us shows like the big bang theory will be axed for 12 hours on may 7instead , e4 will show a special advert encouraging people to votethe radical move could have a significant impact on the electione4 is the most popular channel for 16-34 year olds , watched by 8.7 million\n", - "[1.252754 1.4544091 1.3006301 1.0860643 1.2273575 1.1974089 1.1127104\n", - " 1.1581445 1.0966417 1.0340949 1.0632576 1.0664423 1.1680114 1.0081769\n", - " 1.0070581 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 5 12 7 6 8 3 11 10 9 13 14 22 21 20 19 15 17 16 23 18\n", - " 24]\n", - "=======================\n", - "['more than seven million episodes from seasons one to four were illegally downloaded between february and april this year as fans of the hit hbo show caught up or re-capped before its eagerly-return on sky atlantic on sunday night .figures by anti-piracy and security firm irdeto revealed overall illegal downloading of show is up 45 per cent year-on-year , jumping from 4.9 million for the same two-month period in 2014 .the return of game of thrones has sparked a surge in internet piracy with fans making more than 100,000 illegal downloads per day .']\n", - "=======================\n", - "['fans downloaded seven million episodes between february and aprilillegal downloads beat favourites the walking dead and breaking badseason five of the hit hbo show premieres on sky atlantic on sundaycable network launched internet streaming service to curb piracy']\n", - "more than seven million episodes from seasons one to four were illegally downloaded between february and april this year as fans of the hit hbo show caught up or re-capped before its eagerly-return on sky atlantic on sunday night .figures by anti-piracy and security firm irdeto revealed overall illegal downloading of show is up 45 per cent year-on-year , jumping from 4.9 million for the same two-month period in 2014 .the return of game of thrones has sparked a surge in internet piracy with fans making more than 100,000 illegal downloads per day .\n", - "fans downloaded seven million episodes between february and aprilillegal downloads beat favourites the walking dead and breaking badseason five of the hit hbo show premieres on sky atlantic on sundaycable network launched internet streaming service to curb piracy\n", - "[1.2340577 1.3691194 1.1396956 1.3228652 1.2309868 1.2177819 1.1163952\n", - " 1.1037893 1.1194551 1.1811435 1.1385812 1.0596995 1.0280149 1.0166855\n", - " 1.0194443 1.0141329 1.010421 1.0122122 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 4 5 9 2 10 8 6 7 11 12 14 13 15 17 16 18 19 20 21 22 23\n", - " 24]\n", - "=======================\n", - "['a kestrel and a barn owl repeatedly lunged at each other while trying to gain mastery of the box so they could lay eggs and rear their young in safety .two birds of prey have been caught on camera brutally fighting over a nesting box , staring each other down before attacking each other with sharp talons and beaks .the fight was captured on video by wildlife photographer robert fuller , using a camera he set up inside a 13ft-high elm tree stump in his garden in thixendale , north yorkshire .']\n", - "=======================\n", - "['two birds of prey fought each other in a north yorkshire gardenbarn owl succeeded in driving out a kestrel from nesting box which he had been guarding all daythe battle was caught on camera by photographer robert fuller']\n", - "a kestrel and a barn owl repeatedly lunged at each other while trying to gain mastery of the box so they could lay eggs and rear their young in safety .two birds of prey have been caught on camera brutally fighting over a nesting box , staring each other down before attacking each other with sharp talons and beaks .the fight was captured on video by wildlife photographer robert fuller , using a camera he set up inside a 13ft-high elm tree stump in his garden in thixendale , north yorkshire .\n", - "two birds of prey fought each other in a north yorkshire gardenbarn owl succeeded in driving out a kestrel from nesting box which he had been guarding all daythe battle was caught on camera by photographer robert fuller\n", - "[1.0612079 1.21725 1.3286164 1.1856802 1.1085128 1.0703243 1.0281711\n", - " 1.2064097 1.1625847 1.1517231 1.2974572 1.059452 1.0548328 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 10 1 7 3 8 9 4 5 0 11 12 6 23 13 14 15 16 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"with four rounds of matches remaining , just 11 points split leaders es setif and bottom-placed na hussein dey , meaning , theoretically , that any of the 16 teams in the league could still be crowned champions .last year 's champions usm algier are currently in fifth place but are just four points off the top .but sir alex ferguson 's favourite phrase for this scenario , ` squeaky bum time ' , does n't begin to cover the current situation in algeria 's championnat national de premiere division .\"]\n", - "=======================\n", - "['11 points split leaders setif and bottom-placed hussein dey with four rounds of the algerian league to playall 16 teams could mathematically still win the championshiptop two qualify for caf champions league while three are relegatedincredibly tense final day is expected on june 12']\n", - "with four rounds of matches remaining , just 11 points split leaders es setif and bottom-placed na hussein dey , meaning , theoretically , that any of the 16 teams in the league could still be crowned champions .last year 's champions usm algier are currently in fifth place but are just four points off the top .but sir alex ferguson 's favourite phrase for this scenario , ` squeaky bum time ' , does n't begin to cover the current situation in algeria 's championnat national de premiere division .\n", - "11 points split leaders setif and bottom-placed hussein dey with four rounds of the algerian league to playall 16 teams could mathematically still win the championshiptop two qualify for caf champions league while three are relegatedincredibly tense final day is expected on june 12\n", - "[1.5216193 1.190981 1.5275726 1.2806568 1.2640573 1.0928541 1.0227418\n", - " 1.0148883 1.1159266 1.0884103 1.0600227 1.0561562 1.0677109 1.0635344\n", - " 1.0537627 1.013239 1.0129365 1.0527642 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 4 1 8 5 9 12 13 10 11 14 17 6 7 15 16 23 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"kim rose , 57 , was alleged to have bribed voters in southampton by putting on a spread at a party event , which included the pastry snacks and sandwiches .although he was never arrested or charged , mr rose was questioned by police over an alleged criminal offence of ` treating ' .he has now criticised the ` absolutely ridiculous ' police investigation - and says he believes the furore could help him win his seat .\"]\n", - "=======================\n", - "[\"kim rose was questioned after handing out sausage rolls at party event57-year-old jeweller was accused of ` treating ' - trying to influence votershe branded investigation ` ridiculous ' but believes it will help him win votessouthampton itchen candidate said : ' i could be the first politician to win a seat in parliament based on sausage rolls and jaffa cakes '\"]\n", - "kim rose , 57 , was alleged to have bribed voters in southampton by putting on a spread at a party event , which included the pastry snacks and sandwiches .although he was never arrested or charged , mr rose was questioned by police over an alleged criminal offence of ` treating ' .he has now criticised the ` absolutely ridiculous ' police investigation - and says he believes the furore could help him win his seat .\n", - "kim rose was questioned after handing out sausage rolls at party event57-year-old jeweller was accused of ` treating ' - trying to influence votershe branded investigation ` ridiculous ' but believes it will help him win votessouthampton itchen candidate said : ' i could be the first politician to win a seat in parliament based on sausage rolls and jaffa cakes '\n", - "[1.2704341 1.0490698 1.0408208 1.0595524 1.07151 1.0558192 1.064937\n", - " 1.0512778 1.0772251 1.0988762 1.2024331 1.0817443 1.0433404 1.0790219\n", - " 1.0441786 1.0513554 1.1158847 1.055714 1.0236936 1.0427444 1.0222938\n", - " 1.2108434 1.0282714 1.1087244 1.031886 ]\n", - "\n", - "[ 0 21 10 16 23 9 11 13 8 4 6 3 5 17 15 7 1 14 12 19 2 24 22 18\n", - " 20]\n", - "=======================\n", - "[\"ap mccoy stood with the trainer , jonjo o'neill , in the parade ring .the last race of mccoy 's career , the bet365 handicap hurdle , was won by richard johnson , 15 times a runner-up to mccoy in the jockeys ' championship .mccoy was presented the champion jockey trophy by ian wright - mccoy is an arsenal fanatic\"]\n", - "=======================\n", - "['ian wright presented tony mccoy with champion jockey trophymccoy finished third on box office in last-ever race on saturdaythe 40-year-old also finished third on mr mole in penultimate racemccoy was reduced to tears as he competed professionally for last time']\n", - "ap mccoy stood with the trainer , jonjo o'neill , in the parade ring .the last race of mccoy 's career , the bet365 handicap hurdle , was won by richard johnson , 15 times a runner-up to mccoy in the jockeys ' championship .mccoy was presented the champion jockey trophy by ian wright - mccoy is an arsenal fanatic\n", - "ian wright presented tony mccoy with champion jockey trophymccoy finished third on box office in last-ever race on saturdaythe 40-year-old also finished third on mr mole in penultimate racemccoy was reduced to tears as he competed professionally for last time\n", - "[1.205864 1.286726 1.2924848 1.161396 1.0551232 1.1024 1.0438613\n", - " 1.0838771 1.0505027 1.0847671 1.143497 1.0183878 1.0218853 1.0212039\n", - " 1.0165966 1.0183051 0. 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 10 5 9 7 4 8 6 12 13 11 15 14 18 16 17 19]\n", - "=======================\n", - "['from the couple who wore matching american flag leotards to the man who sported a loincloth over speedos , could this be the worst year for coachella street style yet ?but as the first weekend of the arts and music festival wrapped in indio , california , some of the outfits paraded around the sunny campus - or lack thereof - stood out as being particularly woeful .when it comes to the coachella festival , a number of suspect looks crop up each year including hippie ensembles , outlandish headgear and plenty of skin - and 2015 has been no exception .']\n", - "=======================\n", - "['in the searing california heat , many jumped on the chance to shed most of their clothesstring monokinis and skimpy leotards were spotted at every turncelebrity style offenders included paris hilton , katy perry , jourdan dunn and kendall jenner']\n", - "from the couple who wore matching american flag leotards to the man who sported a loincloth over speedos , could this be the worst year for coachella street style yet ?but as the first weekend of the arts and music festival wrapped in indio , california , some of the outfits paraded around the sunny campus - or lack thereof - stood out as being particularly woeful .when it comes to the coachella festival , a number of suspect looks crop up each year including hippie ensembles , outlandish headgear and plenty of skin - and 2015 has been no exception .\n", - "in the searing california heat , many jumped on the chance to shed most of their clothesstring monokinis and skimpy leotards were spotted at every turncelebrity style offenders included paris hilton , katy perry , jourdan dunn and kendall jenner\n", - "[1.1344054 1.4675231 1.482615 1.3649485 1.2114029 1.0986961 1.1626527\n", - " 1.1158543 1.0503745 1.1242384 1.0199362 1.0305489 1.0134343 1.0365651\n", - " 1.0232501 1.0196625 1.0742563 1.0085106 1.0072219 1.0588398]\n", - "\n", - "[ 2 1 3 4 6 0 9 7 5 16 19 8 13 11 14 10 15 12 17 18]\n", - "=======================\n", - "['the craft was supposed to be capturing footage of the royal burgers zoo chimp enclosure for a tv show .an arnhem tv station has lost one of its expensive drones after a chimpanzee managed to knock it out of the sky .following the attack , the drone crashes to the ground - only for the chimp to pounce on it']\n", - "=======================\n", - "['drone was filming at royal burgers zoo chimp enclosure for a tv showchimpanzees spotted the drone - and one grabbed a branchon its second attempt , it knocked the drone out of the sky']\n", - "the craft was supposed to be capturing footage of the royal burgers zoo chimp enclosure for a tv show .an arnhem tv station has lost one of its expensive drones after a chimpanzee managed to knock it out of the sky .following the attack , the drone crashes to the ground - only for the chimp to pounce on it\n", - "drone was filming at royal burgers zoo chimp enclosure for a tv showchimpanzees spotted the drone - and one grabbed a branchon its second attempt , it knocked the drone out of the sky\n", - "[1.2747834 1.1879783 1.174659 1.2397308 1.1542968 1.1881986 1.137427\n", - " 1.1227582 1.1141505 1.0714846 1.0923052 1.0797788 1.0693686 1.0752121\n", - " 1.0419472 1.0181339 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 5 1 2 4 6 7 8 10 11 13 9 12 14 15 18 16 17 19]\n", - "=======================\n", - "[\"at two kilometres in circumference and protected by an imposing 12-metre wall , the ming dynasty 's ` martial city ' had a reputation that struck fear into opposing armies .among the works being carried out at wanquan castle is the restoration of the fortress ' dilapidated outer wallthe fortress was built in 1393 and managed to repel all attacks by the invading mongolian armies\"]\n", - "=======================\n", - "['historians are hoping the wanquan castle can be restored to its former glory , particularly its imposing outer wallfortress was built in 1393 and successfully repelled every attack that invading mongolian armies threw at itcastle has huge historical , cultural and military significance and has key cultural relic status for chinese people']\n", - "at two kilometres in circumference and protected by an imposing 12-metre wall , the ming dynasty 's ` martial city ' had a reputation that struck fear into opposing armies .among the works being carried out at wanquan castle is the restoration of the fortress ' dilapidated outer wallthe fortress was built in 1393 and managed to repel all attacks by the invading mongolian armies\n", - "historians are hoping the wanquan castle can be restored to its former glory , particularly its imposing outer wallfortress was built in 1393 and successfully repelled every attack that invading mongolian armies threw at itcastle has huge historical , cultural and military significance and has key cultural relic status for chinese people\n", - "[1.4247434 1.4882858 1.3734411 1.3135575 1.3022239 1.0267787 1.0162239\n", - " 1.02296 1.0260723 1.019362 1.0179633 1.0152966 1.0198442 1.0221062\n", - " 1.1824328 1.0539334 1.0123149 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 3 4 14 15 5 8 7 13 12 9 10 6 11 16 18 17 19]\n", - "=======================\n", - "[\"the sunderland hitman smashed home a missile of a left-footed volley in sunday 's 1-0 win at the stadium of light to ease the black cats three points clear of the barclays premier league relegation zone and send wearside into ecstasy .derby hero jermain defoe was lost for words as he tried to describe the emotion of scoring his stunning winner against newcastle admitting he even had to question that it was even happening .it was just the club 's third home league win of the season , but a fifth successive victory over the magpies , and january signing defoe will have good reason to remember it long after he has finally hung up his boots .\"]\n", - "=======================\n", - "['sunderland beat newcastle 1-0 at the stadium of light on sundayjermain defoe scored the winner with a stunning volley from 25 yardsthe striker was lost for words as he tried to describe the feeling']\n", - "the sunderland hitman smashed home a missile of a left-footed volley in sunday 's 1-0 win at the stadium of light to ease the black cats three points clear of the barclays premier league relegation zone and send wearside into ecstasy .derby hero jermain defoe was lost for words as he tried to describe the emotion of scoring his stunning winner against newcastle admitting he even had to question that it was even happening .it was just the club 's third home league win of the season , but a fifth successive victory over the magpies , and january signing defoe will have good reason to remember it long after he has finally hung up his boots .\n", - "sunderland beat newcastle 1-0 at the stadium of light on sundayjermain defoe scored the winner with a stunning volley from 25 yardsthe striker was lost for words as he tried to describe the feeling\n", - "[1.2297883 1.385874 1.2222488 1.3986552 1.2078484 1.0863973 1.0937763\n", - " 1.0962081 1.0846114 1.0959834 1.1020125 1.0669825 1.0109481 1.0099882\n", - " 1.1416487 1.1520616 1.1291575 1.0636417 0. 0. ]\n", - "\n", - "[ 3 1 0 2 4 15 14 16 10 7 9 6 5 8 11 17 12 13 18 19]\n", - "=======================\n", - "[\"manchester united star ander herrera scores his side 's opening goal against aston villa with his eyes shutander herrera has caught the eye in recent weeks after cementing a spot in manchester united 's starting line-up but it appears he does not actually have a clear sight at goal .in fact , six of herrera 's seven goals have been scored without him even having to glimpse at either the ball or the opposition 's net .\"]\n", - "=======================\n", - "[\"ander herrera has scored seven goals for man united since joining in juneherrera 's eyes have been shut when striking the ball for six of his goalshis superb strike against yeovil town has been only goal with eyes openherrera netted a brace in manchester united 's 3-1 win over aston villa\"]\n", - "manchester united star ander herrera scores his side 's opening goal against aston villa with his eyes shutander herrera has caught the eye in recent weeks after cementing a spot in manchester united 's starting line-up but it appears he does not actually have a clear sight at goal .in fact , six of herrera 's seven goals have been scored without him even having to glimpse at either the ball or the opposition 's net .\n", - "ander herrera has scored seven goals for man united since joining in juneherrera 's eyes have been shut when striking the ball for six of his goalshis superb strike against yeovil town has been only goal with eyes openherrera netted a brace in manchester united 's 3-1 win over aston villa\n", - "[1.2997707 1.3115441 1.1621271 1.3469543 1.288413 1.1244221 1.2112802\n", - " 1.1412593 1.1144297 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 4 6 2 7 5 8 17 16 15 14 9 12 11 10 18 13 19]\n", - "=======================\n", - "[\"marathon world record holder dennis kimetto has seen his agent banned ahead of doping investigationsathletics kenya president isaiah kiplagat announced the decision monday to suspend two athlete management companies , the netherlands ' volare sports and italy 's rosa & associati .ak did not make accusations against the companies , but said they would be suspended from working in kenya for six months so that investigations can be carried out .\"]\n", - "=======================\n", - "[\"kenya 's athletic federation has banned runners ' agents for six monthsmarathon world record holder dennis kimetto is a client of one of two banned management companies - volare sports and rosa & associatiinvestigations into a doping spike among runners is set to take place\"]\n", - "marathon world record holder dennis kimetto has seen his agent banned ahead of doping investigationsathletics kenya president isaiah kiplagat announced the decision monday to suspend two athlete management companies , the netherlands ' volare sports and italy 's rosa & associati .ak did not make accusations against the companies , but said they would be suspended from working in kenya for six months so that investigations can be carried out .\n", - "kenya 's athletic federation has banned runners ' agents for six monthsmarathon world record holder dennis kimetto is a client of one of two banned management companies - volare sports and rosa & associatiinvestigations into a doping spike among runners is set to take place\n", - "[1.0952133 1.4609962 1.0750303 1.1435587 1.3172586 1.1896427 1.048687\n", - " 1.0352858 1.1339768 1.0705189 1.0990846 1.0430703 1.2099768 1.0957509\n", - " 1.0652721 1.0508478 1.0461562 0. 0. 0. ]\n", - "\n", - "[ 1 4 12 5 3 8 10 13 0 2 9 14 15 6 16 11 7 17 18 19]\n", - "=======================\n", - "[\"the 19-year-old model took inspiration from the keeping up with the kardashians star when it came to learning how to deal with negative feedback , particularly on social media .gigi hadid has credited her best friend kendall jenner , right , for helping her deal with social media hatersand it 's not only kendall , 19 , who gigi has taken social media tips from as she believes former victoria 's secret model karlie kloss is comfortable with her social media persona .\"]\n", - "=======================\n", - "['kendall , 19 , helps gigi learn how to deal with negative feedbackgigi , 19 , says kendall has a really good sense of when to stand upkendall has been bullied on instagram by fellow models']\n", - "the 19-year-old model took inspiration from the keeping up with the kardashians star when it came to learning how to deal with negative feedback , particularly on social media .gigi hadid has credited her best friend kendall jenner , right , for helping her deal with social media hatersand it 's not only kendall , 19 , who gigi has taken social media tips from as she believes former victoria 's secret model karlie kloss is comfortable with her social media persona .\n", - "kendall , 19 , helps gigi learn how to deal with negative feedbackgigi , 19 , says kendall has a really good sense of when to stand upkendall has been bullied on instagram by fellow models\n", - "[1.2615912 1.210733 1.6027552 1.2738384 1.2674749 1.0190438 1.0128932\n", - " 1.0124785 1.0111259 1.0129511 1.0924252 1.0496497 1.0592417 1.0521095\n", - " 1.0286717 1.0370197 1.1085383 1.0304686 0. 0. ]\n", - "\n", - "[ 2 3 4 0 1 16 10 12 13 11 15 17 14 5 9 6 7 8 18 19]\n", - "=======================\n", - "[\"matt derbyshire 's early finish proved to be the difference between the two teams at the aes seal new york stadium and moved rotherham to just two points behind the visitors .matt derbyshire gets to the ball first to apply the finish and give rotherham the lead against brightondavid stockdale is unable to stop derbyshire 's near post effort after a good cross by jordan bowery\"]\n", - "=======================\n", - "['rotherham beat brighton 1-0 at the new york stadium on saturdaymatt derbyshire opened the scoring for rotherham after just eight minutesrotherham move seven points clear of the relegation zone with victory']\n", - "matt derbyshire 's early finish proved to be the difference between the two teams at the aes seal new york stadium and moved rotherham to just two points behind the visitors .matt derbyshire gets to the ball first to apply the finish and give rotherham the lead against brightondavid stockdale is unable to stop derbyshire 's near post effort after a good cross by jordan bowery\n", - "rotherham beat brighton 1-0 at the new york stadium on saturdaymatt derbyshire opened the scoring for rotherham after just eight minutesrotherham move seven points clear of the relegation zone with victory\n", - "[1.4447789 1.1713016 1.3834695 1.1315917 1.199117 1.26159 1.0471251\n", - " 1.0138724 1.0177221 1.0868003 1.2374576 1.124142 1.0501846 1.0273919\n", - " 1.0175434 1.0163007 1.0714027 1.0187588 1.0331097 1.0323329]\n", - "\n", - "[ 0 2 5 10 4 1 3 11 9 16 12 6 18 19 13 17 8 14 15 7]\n", - "=======================\n", - "['warren sapp was charged with soliciting prostitution and two counts of assault in februarysapp was arrested the night after the super bowl in phoenix , arizona , on a prostitution charge after an alleged incident involving two women .the two women who were arrested along with sapp were britney osbourne , 23 , and 34-year-old quying boyd .']\n", - "=======================\n", - "[\"warren sapp was arrested night after the super bowl in phoenix , arizonasapp , 42 , admits he paid for oral sex after meeting two women at hotelsaid they met at bar and ` everybody got naked ' when he put $ 600 on tablesapp took pictures of them in bed ` because i 'm silly like that sometimes 'alternated between laughing and crying after going to jail was mentionedbritney osbourne , 23 , denied being paid $ 300 to perform sex act on sappquying boyd , 34 , pleaded not guilty to not having a license to escort count\"]\n", - "warren sapp was charged with soliciting prostitution and two counts of assault in februarysapp was arrested the night after the super bowl in phoenix , arizona , on a prostitution charge after an alleged incident involving two women .the two women who were arrested along with sapp were britney osbourne , 23 , and 34-year-old quying boyd .\n", - "warren sapp was arrested night after the super bowl in phoenix , arizonasapp , 42 , admits he paid for oral sex after meeting two women at hotelsaid they met at bar and ` everybody got naked ' when he put $ 600 on tablesapp took pictures of them in bed ` because i 'm silly like that sometimes 'alternated between laughing and crying after going to jail was mentionedbritney osbourne , 23 , denied being paid $ 300 to perform sex act on sappquying boyd , 34 , pleaded not guilty to not having a license to escort count\n", - "[1.3119526 1.3784611 1.1172143 1.29478 1.1592066 1.1633794 1.1116934\n", - " 1.0760314 1.2349902 1.2078804 1.0173424 1.0117942 1.0136588 1.0473655\n", - " 1.038451 1.0126071 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 8 9 5 4 2 6 7 13 14 10 12 15 11 18 16 17 19]\n", - "=======================\n", - "[\"more than 27,000 people signed a change.com petition started by three students asking for an apology , and for the initiative to be scrapped .victoria 's secret caused huge a backlash when it unveiled campaign slogan ` the perfect body ' splashed across an image of skinny models .the final ten contenders for star in abra feature in the powerful new image recreating the notorious vs advert\"]\n", - "=======================\n", - "[\"victoria 's secret caused huge consumer backlash with ` the perfect body 'campaign was amended after change.com petition started by studentsd + bra brand curvy kate spoof ad using top 10 star in a bra contenderscompetition for ` real women ' finds their next lingerie model each year\"]\n", - "more than 27,000 people signed a change.com petition started by three students asking for an apology , and for the initiative to be scrapped .victoria 's secret caused huge a backlash when it unveiled campaign slogan ` the perfect body ' splashed across an image of skinny models .the final ten contenders for star in abra feature in the powerful new image recreating the notorious vs advert\n", - "victoria 's secret caused huge consumer backlash with ` the perfect body 'campaign was amended after change.com petition started by studentsd + bra brand curvy kate spoof ad using top 10 star in a bra contenderscompetition for ` real women ' finds their next lingerie model each year\n", - "[1.1884493 1.4945749 1.2966349 1.268913 1.2507062 1.1845044 1.1383572\n", - " 1.1911039 1.1282163 1.0616248 1.0721266 1.1501982 1.0782549 1.0355948\n", - " 1.0110947 1.0232472 1.0857508 1.0199627 1.0076449 1.0792713 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 7 0 5 11 6 8 16 19 12 10 9 13 15 17 14 18 20 21 22 23\n", - " 24]\n", - "=======================\n", - "[\"john pat cunningham , 27 , was shot by the army in a field in benburb , county armagh .a 73-year-old suspect has now been detained in england .he is being taken to northern ireland for questioning at the police 's serious crime suite in antrim .\"]\n", - "=======================\n", - "['man with mental age of less than 10 was shot by army in field in 1974british government later apologised and investigation re-opened this yeara former british soldier has now been arrested over the deaththe suspect has been taken to northern ireland for questioning']\n", - "john pat cunningham , 27 , was shot by the army in a field in benburb , county armagh .a 73-year-old suspect has now been detained in england .he is being taken to northern ireland for questioning at the police 's serious crime suite in antrim .\n", - "man with mental age of less than 10 was shot by army in field in 1974british government later apologised and investigation re-opened this yeara former british soldier has now been arrested over the deaththe suspect has been taken to northern ireland for questioning\n", - "[1.1851871 1.5203046 1.3142529 1.0661697 1.2192972 1.0915799 1.2874987\n", - " 1.0528882 1.0179442 1.0226295 1.0146949 1.02375 1.0339879 1.0145433\n", - " 1.0300871 1.2967932 1.0203581 1.0337837 1.070376 1.0487288 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 15 6 4 0 5 18 3 7 19 12 17 14 11 9 16 8 10 13 23 20 21 22\n", - " 24]\n", - "=======================\n", - "['niamh geaney , a 26-year-old student and tv presenter , found her 29-year-old doppleganger after she teamed up with two friends to launch a project called twin strangersthe aim of the social media experiment was to see which of the three could find their closest lookalike within 28 days and it attracted submissions to their website ` twin-strangers .incredibly , miss geaney , of dublin found karen branigan in just two weeks - just an hour away .']\n", - "=======================\n", - "[\"niamh geaney , 26 , found her doppelgänger through social mediaher lookalike , karen branigan , lives only a hour away in irelandthe pair met in real life and although it was ` freaky ' , they got on very wellboth have sisters , and say they do n't look similar to either of them\"]\n", - "niamh geaney , a 26-year-old student and tv presenter , found her 29-year-old doppleganger after she teamed up with two friends to launch a project called twin strangersthe aim of the social media experiment was to see which of the three could find their closest lookalike within 28 days and it attracted submissions to their website ` twin-strangers .incredibly , miss geaney , of dublin found karen branigan in just two weeks - just an hour away .\n", - "niamh geaney , 26 , found her doppelgänger through social mediaher lookalike , karen branigan , lives only a hour away in irelandthe pair met in real life and although it was ` freaky ' , they got on very wellboth have sisters , and say they do n't look similar to either of them\n", - "[1.0154086 1.0403563 1.5685799 1.4600801 1.2533566 1.3216903 1.0749478\n", - " 1.307615 1.0369688 1.0219904 1.0280688 1.026571 1.0361557 1.045255\n", - " 1.0372171 1.019083 1.0265547 1.0653385 1.1198922 1.0234183 1.036562\n", - " 1.0510483 1.0232726 1.0229471 1.0214638]\n", - "\n", - "[ 2 3 5 7 4 18 6 17 21 13 1 14 8 20 12 10 11 16 19 22 23 9 24 15\n", - " 0]\n", - "=======================\n", - "[\"just one crème egg will take 19 minutes of skipping to burn off , and contains almost seven teaspoons of sugar .that 's more than half of the 50g of sugar the world health organisation ( who ) recommends per day .and a kit kat chunky easter egg - and the chocolate bar that comes with it - will take three 45 minute cycle classes to work off .\"]\n", - "=======================\n", - "['from rowing to zumba , two nutritionists reveal the exercises you can do to burn off your favourite easter eggsnutritionist dr sam christie warns many easter eggs contain high levels of sugar , which can cause behavioural problems and acne']\n", - "just one crème egg will take 19 minutes of skipping to burn off , and contains almost seven teaspoons of sugar .that 's more than half of the 50g of sugar the world health organisation ( who ) recommends per day .and a kit kat chunky easter egg - and the chocolate bar that comes with it - will take three 45 minute cycle classes to work off .\n", - "from rowing to zumba , two nutritionists reveal the exercises you can do to burn off your favourite easter eggsnutritionist dr sam christie warns many easter eggs contain high levels of sugar , which can cause behavioural problems and acne\n", - "[1.2012669 1.4548554 1.3766067 1.3474972 1.1182034 1.0493252 1.0608748\n", - " 1.1045532 1.0615655 1.0584748 1.1816485 1.0703552 1.0605735 1.0739877\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 10 4 7 13 11 8 6 12 9 5 23 14 15 16 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"john caudwell , the founder of phones4u , bought the audley street garage in mayfair , central london for # 155million in order to knock it down and build a high-end housing complex .the new apartment block will contain five townhouses , three penthouses , a mews home and 21 more luxury flats , rivalling properties such as one hyde park for the title of the world 's most desirable living space .one of britain 's top entrepreneurs has unveiled a new plan to build a block of flats worth as much as # 2billion on the site of an ugly multi-storey car park .\"]\n", - "=======================\n", - "['john caudwell has bought a car park in audley street , mayfair and is planning to replace it with a huge block of flatsthe new complex will contain five townhouses , a mews house , three penthouses and 21 more luxury apartmentsthe homes being built by phones4u entrepreneur will boast their own swimming pools and private gymsbut he could have difficulty with planning permission if vip neighbours object to proposal for four-storey basement']\n", - "john caudwell , the founder of phones4u , bought the audley street garage in mayfair , central london for # 155million in order to knock it down and build a high-end housing complex .the new apartment block will contain five townhouses , three penthouses , a mews home and 21 more luxury flats , rivalling properties such as one hyde park for the title of the world 's most desirable living space .one of britain 's top entrepreneurs has unveiled a new plan to build a block of flats worth as much as # 2billion on the site of an ugly multi-storey car park .\n", - "john caudwell has bought a car park in audley street , mayfair and is planning to replace it with a huge block of flatsthe new complex will contain five townhouses , a mews house , three penthouses and 21 more luxury apartmentsthe homes being built by phones4u entrepreneur will boast their own swimming pools and private gymsbut he could have difficulty with planning permission if vip neighbours object to proposal for four-storey basement\n", - "[1.2138253 1.1798848 1.1822062 1.273272 1.1963574 1.20287 1.1981755\n", - " 1.1775678 1.0803226 1.0994332 1.0802207 1.0401208 1.038236 1.0605499\n", - " 1.0300702 1.0459511 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 3 0 5 6 4 2 1 7 9 8 10 13 15 11 12 14 23 16 17 18 19 20 21 22\n", - " 24]\n", - "=======================\n", - "[\"a survation poll for the mail on sunday has shown a swing towards the tories against miliband 's labour partythe tories are inching ahead of labour as nigel farage starts to peel off ed miliband 's supporters .david cameron , pictured , has surged ahead by three points in the polls going into the final stage of the election\"]\n", - "=======================\n", - "[\"english voters have grave concerns over nicola sturgeon 's power planhalf believe ms sturgeon will have the upper hand over ed milibandukip has been gaining support from former labour voters and not toriesthe poll shows snp are more interested in independence that the economysurvation interviewed 1,004 people online on friday and saturday .\"]\n", - "a survation poll for the mail on sunday has shown a swing towards the tories against miliband 's labour partythe tories are inching ahead of labour as nigel farage starts to peel off ed miliband 's supporters .david cameron , pictured , has surged ahead by three points in the polls going into the final stage of the election\n", - "english voters have grave concerns over nicola sturgeon 's power planhalf believe ms sturgeon will have the upper hand over ed milibandukip has been gaining support from former labour voters and not toriesthe poll shows snp are more interested in independence that the economysurvation interviewed 1,004 people online on friday and saturday .\n", - "[1.351655 1.2969706 1.2777182 1.0964915 1.3465307 1.1209035 1.126349\n", - " 1.0241847 1.0319101 1.0357336 1.0219424 1.1330018 1.0218972 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 2 11 6 5 3 9 8 7 10 12 13 14 15 16]\n", - "=======================\n", - "[\"octavia spencer shocked and angered hundreds of fans at a recent book signing , acting like an ` ungrateful b **** , ' say eyewitnesses who were so incensed with the actress 's behavior they stormed out and demanded refunds .behind the smile : oscar-winning actress octavia spencer was at the barnes & noble bookstore at the grove in los angeles last week to autograph copies of her children 's book ` randi rhodes ninja detective -- the sweetest heist in history . 'but before the night was over people were dragging their kids out of line , demanding refunds on the books and stormed out of the store in disgust .\"]\n", - "=======================\n", - "[\"oscar-winning actress octavia spencer was at the barnes & noble bookstore at the grove in los angeles to autograph copies of her new children 's bookbefore the night was over people were dragging their kids out of line , demanding refunds and storming out of the store in disgustoctavia said ` no touching , no coming around the table to take a photo 'she would not engage - fans had to tell assistant their name , she wrote it on a sticky and handed it to actresswhen man approached with a photo of octavia for her to sign she said , ` i 'm not doing that '\"]\n", - "octavia spencer shocked and angered hundreds of fans at a recent book signing , acting like an ` ungrateful b **** , ' say eyewitnesses who were so incensed with the actress 's behavior they stormed out and demanded refunds .behind the smile : oscar-winning actress octavia spencer was at the barnes & noble bookstore at the grove in los angeles last week to autograph copies of her children 's book ` randi rhodes ninja detective -- the sweetest heist in history . 'but before the night was over people were dragging their kids out of line , demanding refunds on the books and stormed out of the store in disgust .\n", - "oscar-winning actress octavia spencer was at the barnes & noble bookstore at the grove in los angeles to autograph copies of her new children 's bookbefore the night was over people were dragging their kids out of line , demanding refunds and storming out of the store in disgustoctavia said ` no touching , no coming around the table to take a photo 'she would not engage - fans had to tell assistant their name , she wrote it on a sticky and handed it to actresswhen man approached with a photo of octavia for her to sign she said , ` i 'm not doing that '\n", - "[1.2816746 1.4969531 1.171489 1.2543622 1.2810538 1.1159135 1.0640476\n", - " 1.0642923 1.0590353 1.0442998 1.0388793 1.0626303 1.0791407 1.0554996\n", - " 1.0384078 0. 0. ]\n", - "\n", - "[ 1 0 4 3 2 5 12 7 6 11 8 13 9 10 14 15 16]\n", - "=======================\n", - "[\"the shocking images were taken in isis-held territory in the province of homs and show the two accused men being savagely executed by up to four jihadis .depraved militants fighting for the islamic state in syria have brutally stoned two gay men to death only seconds after they were photographed embracing and ` forgiving ' them .shocking : the group of executioners made a display of hugging the blindfolded couple and telling them they were forgiven of their ` sins ' , before pummeling them to death with hundreds of fist-sized rocks\"]\n", - "=======================\n", - "['shocking images show men being savagely executed in homs provinceexecutioners embraced the two victims before stoning them to deathbloodthirsty crowds are seen in the desert clearing to watch the atrocitymen were executed after isis militants accused them of being a gay couple']\n", - "the shocking images were taken in isis-held territory in the province of homs and show the two accused men being savagely executed by up to four jihadis .depraved militants fighting for the islamic state in syria have brutally stoned two gay men to death only seconds after they were photographed embracing and ` forgiving ' them .shocking : the group of executioners made a display of hugging the blindfolded couple and telling them they were forgiven of their ` sins ' , before pummeling them to death with hundreds of fist-sized rocks\n", - "shocking images show men being savagely executed in homs provinceexecutioners embraced the two victims before stoning them to deathbloodthirsty crowds are seen in the desert clearing to watch the atrocitymen were executed after isis militants accused them of being a gay couple\n", - "[1.4018608 1.1682084 1.2725817 1.2506006 1.2620322 1.2313781 1.161914\n", - " 1.0554993 1.1867795 1.0784514 1.1307807 1.0868803 1.1338419 1.1638634\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 2 4 3 5 8 1 13 6 12 10 11 9 7 15 14 16]\n", - "=======================\n", - "[\"j.b. silverthorn got charged with a dui moments after being convicted for his first on mondaypolice say they repeatedly told j.b. silverthorn of orchard park , new york , to not drive home from grand island town court on monday night after they noticed he ` smelled of alcohol ' and was ` intoxicated ' .silverthorn was charged with felony dui , meaning he could serve a minimum of one year in jail .\"]\n", - "=======================\n", - "[\"police say they repeatedly instructed j.b. silverthorn of orchard park , new york , not to drive home from grand island town court on monday nightthe warning came after they noticed he ` smelled of alcohol 'despite the threat , silverthorn proceeded to get in his car and pull out the parking lot before being stopped by deputieshe 's currently being held in the erie county jail with his bail set at $ 1,000\"]\n", - "j.b. silverthorn got charged with a dui moments after being convicted for his first on mondaypolice say they repeatedly told j.b. silverthorn of orchard park , new york , to not drive home from grand island town court on monday night after they noticed he ` smelled of alcohol ' and was ` intoxicated ' .silverthorn was charged with felony dui , meaning he could serve a minimum of one year in jail .\n", - "police say they repeatedly instructed j.b. silverthorn of orchard park , new york , not to drive home from grand island town court on monday nightthe warning came after they noticed he ` smelled of alcohol 'despite the threat , silverthorn proceeded to get in his car and pull out the parking lot before being stopped by deputieshe 's currently being held in the erie county jail with his bail set at $ 1,000\n", - "[1.5017233 1.4037881 1.2455306 1.4790274 1.2650746 1.1891323 1.0382802\n", - " 1.0258328 1.0532663 1.0261203 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 4 2 5 8 6 9 7 15 10 11 12 13 14 16]\n", - "=======================\n", - "[\"ulster and ireland prop declan fitzpatrick is to retire from rugby on medical grounds .ulster said that 31-year-old fitzpatrick had ` experienced a number of concussive episodes ' in recent seasons , and his symptoms were ` progressively slower to resolve ' .fitzpatrick won seven caps for ireland , the last of which was against new zealand during the 2013 autumn tests .\"]\n", - "=======================\n", - "[\"ulster and ireland prop declan fitzpatrick has announced his retirementthe 31-year-old was advised to on medical grounds following ' a number of concussive episodes ' in recent seasonsmedics and the guinness pro12 province referred him to a neurologistfitzpatrick was capped seven times by his country\"]\n", - "ulster and ireland prop declan fitzpatrick is to retire from rugby on medical grounds .ulster said that 31-year-old fitzpatrick had ` experienced a number of concussive episodes ' in recent seasons , and his symptoms were ` progressively slower to resolve ' .fitzpatrick won seven caps for ireland , the last of which was against new zealand during the 2013 autumn tests .\n", - "ulster and ireland prop declan fitzpatrick has announced his retirementthe 31-year-old was advised to on medical grounds following ' a number of concussive episodes ' in recent seasonsmedics and the guinness pro12 province referred him to a neurologistfitzpatrick was capped seven times by his country\n", - "[1.3710239 1.276221 1.2300324 1.2092283 1.2678441 1.2135712 1.0888418\n", - " 1.0429318 1.0592203 1.0761195 1.0778729 1.1269673 1.0850638 1.0775738\n", - " 1.0417194 1.0617745 1.0247561]\n", - "\n", - "[ 0 1 4 2 5 3 11 6 12 10 13 9 15 8 7 14 16]\n", - "=======================\n", - "[\"arsenal goalkeeper wojciech szczesny had more than one reason to celebrate on saturday .just hours after he had played the full 120 minutes it took for the gunners to grind out a 2-1 win in extra-time over reading in a tense fa cup semi-final , szczesny was treated to a lovely birthday surprise courtesy of his singer-songwriter girlfriend mariana luczenko .the poland international , now 25 , was joined at his home by family and friends as well as one of his favourite rock bands , ` lemon ' , who delivered a private performance .\"]\n", - "=======================\n", - "['arsenal goalkeeper wojciech szczesny celebrated his 25th birthdaythe poland international was surprised with a gathering of friends and family as well as one of his favourite bands , lemon , at his home on saturdayszczesny had helped arsenal reach the fa cup final after a 2-1 win over reading in the semis at wembley earlier that same afternoon']\n", - "arsenal goalkeeper wojciech szczesny had more than one reason to celebrate on saturday .just hours after he had played the full 120 minutes it took for the gunners to grind out a 2-1 win in extra-time over reading in a tense fa cup semi-final , szczesny was treated to a lovely birthday surprise courtesy of his singer-songwriter girlfriend mariana luczenko .the poland international , now 25 , was joined at his home by family and friends as well as one of his favourite rock bands , ` lemon ' , who delivered a private performance .\n", - "arsenal goalkeeper wojciech szczesny celebrated his 25th birthdaythe poland international was surprised with a gathering of friends and family as well as one of his favourite bands , lemon , at his home on saturdayszczesny had helped arsenal reach the fa cup final after a 2-1 win over reading in the semis at wembley earlier that same afternoon\n", - "[1.1873815 1.370675 1.1453965 1.0696207 1.3090963 1.259846 1.0902498\n", - " 1.0478935 1.0439517 1.0760539 1.1789728 1.0720447 1.0567307 1.0431534\n", - " 1.0534292 1.0284661 1.0476613 1.119414 ]\n", - "\n", - "[ 1 4 5 0 10 2 17 6 9 11 3 12 14 7 16 8 13 15]\n", - "=======================\n", - "[\"it has been designed to put your colour vision and eyesight to the test by showing boards of coloured squares .kuku kube ( pictured ) is available for free on facebook , android , ios and on desktop browsers .scores lower than 11 are poor , scores between 15 and 20 is ` lower than average ' , 21 to 30 is considered normal or average , and a score higher than 31 means your eyesight is considered great '\"]\n", - "=======================\n", - "[\"free app is available on facebook , android , ios and on desktop browsersit starts with four squares and asks you to identify the different shadeboard grows to up to 81 squares and differentiation is subtle each timeand a score of 31 or above is a considered a sign of ` great eyesight '\"]\n", - "it has been designed to put your colour vision and eyesight to the test by showing boards of coloured squares .kuku kube ( pictured ) is available for free on facebook , android , ios and on desktop browsers .scores lower than 11 are poor , scores between 15 and 20 is ` lower than average ' , 21 to 30 is considered normal or average , and a score higher than 31 means your eyesight is considered great '\n", - "free app is available on facebook , android , ios and on desktop browsersit starts with four squares and asks you to identify the different shadeboard grows to up to 81 squares and differentiation is subtle each timeand a score of 31 or above is a considered a sign of ` great eyesight '\n", - "[1.3376875 1.4094515 1.3065072 1.3633058 1.2625763 1.1539651 1.1253053\n", - " 1.1281326 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 4 5 7 6 15 14 13 12 8 10 9 16 11 17]\n", - "=======================\n", - "['the attacking midfielder turned 19 last month but has been in contract dispute with his club atletico paranaense .atletico paranaense attacking midfielder nathan is attracting interest from chelsea and manchester citychelsea are looking to beat manchester city to sign brazilian prospect nathan .']\n", - "=======================\n", - "['both chelsea and manchester city are keen on signing nathanthe attacking midfielder has been in contract dispute with his current clubnathan is due to speak to chelsea next week ahead of proposed move']\n", - "the attacking midfielder turned 19 last month but has been in contract dispute with his club atletico paranaense .atletico paranaense attacking midfielder nathan is attracting interest from chelsea and manchester citychelsea are looking to beat manchester city to sign brazilian prospect nathan .\n", - "both chelsea and manchester city are keen on signing nathanthe attacking midfielder has been in contract dispute with his current clubnathan is due to speak to chelsea next week ahead of proposed move\n", - "[1.4050218 1.1765867 1.4518391 1.2591848 1.1164961 1.0973283 1.0516021\n", - " 1.0749712 1.1395841 1.0508487 1.1307586 1.1693455 1.112757 1.0508206\n", - " 1.0493929 1.0107642 1.0426937 0. ]\n", - "\n", - "[ 2 0 3 1 11 8 10 4 12 5 7 6 9 13 14 16 15 17]\n", - "=======================\n", - "[\"mother-of-two hayley sandiford has been told she must get rid of her seven-stone american bulldog winston by the end of april or she will also have to leave her house in blackburn , lancashire .the pet has attacked several terrified postmen but miss sandiford says royal mail are victimising winston and claims her family are being ` taunted all the time ' by people in the area .a dog has been evicted from social housing for terrorising postmen - meaning neighbours can have their mail delivered for the first time since february 2014 .\"]\n", - "=======================\n", - "[\"court rules american bulldog winston must leave his home this monthpet 's attacks led to 14-month ban on deliveries on two blackburn roadshis owner hayley sandiford claims winston is ` not a danger ' to anyone` unfortunately he does have a thing about postmen but it is the mail they carry and not the postmen themselves ' , she saidwinston 's eviction means that postal deliveries will resume on may 1\"]\n", - "mother-of-two hayley sandiford has been told she must get rid of her seven-stone american bulldog winston by the end of april or she will also have to leave her house in blackburn , lancashire .the pet has attacked several terrified postmen but miss sandiford says royal mail are victimising winston and claims her family are being ` taunted all the time ' by people in the area .a dog has been evicted from social housing for terrorising postmen - meaning neighbours can have their mail delivered for the first time since february 2014 .\n", - "court rules american bulldog winston must leave his home this monthpet 's attacks led to 14-month ban on deliveries on two blackburn roadshis owner hayley sandiford claims winston is ` not a danger ' to anyone` unfortunately he does have a thing about postmen but it is the mail they carry and not the postmen themselves ' , she saidwinston 's eviction means that postal deliveries will resume on may 1\n", - "[1.0938381 1.0745503 1.1335663 1.2490245 1.178007 1.0465062 1.0982013\n", - " 1.1272231 1.1587201 1.0535417 1.0731285 1.1374142 1.1156797 1.0432984\n", - " 1.043431 0. 0. 0. ]\n", - "\n", - "[ 3 4 8 11 2 7 12 6 0 1 10 9 5 14 13 15 16 17]\n", - "=======================\n", - "['lindsay lohan at the age of 18 in 2005 ( left ) and now at the age of 28 ( right )the child actress shot to fame as a freckle-faced darling in classics such as the parent trap , freaky friday and mean girls , but despite showing much promise , the now 28-year-old began to experience regular run-ins with the law and started appearing on headlines for the wrong reasons .johnny depp shot to stardom as a teen idol due to his dark and mysterious looks and acting versatility , which scored him roles in films such as edward scissorhands and a nightmare on elm street .']\n", - "=======================\n", - "['some are child actors , others are former hollywood heartthrobscan be attributed to poor lifestyles , career lows , or shattered relationshipsrenée zellweger caused controversy with her dramatically altered face']\n", - "lindsay lohan at the age of 18 in 2005 ( left ) and now at the age of 28 ( right )the child actress shot to fame as a freckle-faced darling in classics such as the parent trap , freaky friday and mean girls , but despite showing much promise , the now 28-year-old began to experience regular run-ins with the law and started appearing on headlines for the wrong reasons .johnny depp shot to stardom as a teen idol due to his dark and mysterious looks and acting versatility , which scored him roles in films such as edward scissorhands and a nightmare on elm street .\n", - "some are child actors , others are former hollywood heartthrobscan be attributed to poor lifestyles , career lows , or shattered relationshipsrenée zellweger caused controversy with her dramatically altered face\n", - "[1.2677727 1.3963614 1.2313809 1.3611889 1.1097736 1.0846792 1.0245137\n", - " 1.0867794 1.0230643 1.1591904 1.128683 1.1052238 1.0682274 1.039258\n", - " 1.0516326 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 9 10 4 11 7 5 12 14 13 6 8 15 16 17]\n", - "=======================\n", - "[\"the stunning ashbrittle yew , in the churchyard of the parish 's church of st john the baptist , in somerset , has a girth of 38ft and an enormous vast canopy .the 4,000-year-old tree is ` looking extremely sick , ' according to a warden at the church in ashbrittle , somerseta 4,000-year-old tree thought to be britain 's oldest living organism may be dying according to its custodian .\"]\n", - "=======================\n", - "[\"experts say the ashbrittle yew was mature when stonehenge was builtlocals fear it 's ` extremely sick ' due to wilting branches and falling leavesbut a tree surgeon thinks it could just be going through a ` bad patch '\"]\n", - "the stunning ashbrittle yew , in the churchyard of the parish 's church of st john the baptist , in somerset , has a girth of 38ft and an enormous vast canopy .the 4,000-year-old tree is ` looking extremely sick , ' according to a warden at the church in ashbrittle , somerseta 4,000-year-old tree thought to be britain 's oldest living organism may be dying according to its custodian .\n", - "experts say the ashbrittle yew was mature when stonehenge was builtlocals fear it 's ` extremely sick ' due to wilting branches and falling leavesbut a tree surgeon thinks it could just be going through a ` bad patch '\n", - "[1.2417428 1.4750634 1.1197425 1.3049335 1.3309959 1.065032 1.0417231\n", - " 1.1308354 1.1158506 1.015732 1.0413688 1.1368661 1.0843128 1.0515039\n", - " 1.053394 1.0379201 1.0151813 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 4 3 0 11 7 2 8 12 5 14 13 6 10 15 9 16 22 17 18 19 20 21 23]\n", - "=======================\n", - "['paul hellyer , who was a canadian minister from 1963 to 1967 , is now urging world powers to release what he believes to be hidden data on ufos .a former defence minister has accused world leaders of concealing aliens .hellyer is the first high ranking politician to publicly state that aliens are real']\n", - "=======================\n", - "[\"paul hellyer served as canada 's defence minister from 1963 to 1967he made the comments during a speech at the university of calgaryhellyer says aliens have ` been visiting our planet for thousands of years 'many walk among us , he claims , but it can be difficult to tell them apart\"]\n", - "paul hellyer , who was a canadian minister from 1963 to 1967 , is now urging world powers to release what he believes to be hidden data on ufos .a former defence minister has accused world leaders of concealing aliens .hellyer is the first high ranking politician to publicly state that aliens are real\n", - "paul hellyer served as canada 's defence minister from 1963 to 1967he made the comments during a speech at the university of calgaryhellyer says aliens have ` been visiting our planet for thousands of years 'many walk among us , he claims , but it can be difficult to tell them apart\n", - "[1.1617136 1.6023798 1.2826036 1.086472 1.0474782 1.2989767 1.1086498\n", - " 1.0190578 1.0247363 1.1280315 1.0283304 1.0492734 1.0272701 1.2910756\n", - " 1.1547691 1.0604934 1.0149286 1.0248402 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 5 13 2 0 14 9 6 3 15 11 4 10 12 17 8 7 16 22 18 19 20 21 23]\n", - "=======================\n", - "[\"louisa steckenreuter , 35 , a mother to two young children , darcy , 13 , and tilda , 2 , was diagnosed with osteosarcoma , a rare form of cancer last year .louisa steckenreuter is desperately trying to raise money for an expensive cancer treatment which could buy her more time with her family 'now to have a chance at accessing potentially life-saving treatment the woman from dulwich hill , in sydney 's inner-west , needs to raise $ 100,000 .\"]\n", - "=======================\n", - "['louisa steckenreuter was diagnosed with osteosarcoma last junethe mother-of-two , 35 , is fundraising to access expensive treatmenta drug called keytruda could buy her more time with her husband and kidsit costs $ 6000 a month and is not on the pharmaceutical benefits schemems steckenreuter would be the first australian with her cancer to trial drug']\n", - "louisa steckenreuter , 35 , a mother to two young children , darcy , 13 , and tilda , 2 , was diagnosed with osteosarcoma , a rare form of cancer last year .louisa steckenreuter is desperately trying to raise money for an expensive cancer treatment which could buy her more time with her family 'now to have a chance at accessing potentially life-saving treatment the woman from dulwich hill , in sydney 's inner-west , needs to raise $ 100,000 .\n", - "louisa steckenreuter was diagnosed with osteosarcoma last junethe mother-of-two , 35 , is fundraising to access expensive treatmenta drug called keytruda could buy her more time with her husband and kidsit costs $ 6000 a month and is not on the pharmaceutical benefits schemems steckenreuter would be the first australian with her cancer to trial drug\n", - "[1.1587102 1.5594118 1.3582984 1.3532038 1.0416176 1.0492733 1.0619168\n", - " 1.054459 1.0980797 1.0501797 1.0537897 1.0840303 1.0169203 1.0163054\n", - " 1.0159553 1.0105174 1.0491716 1.025944 1.012582 1.1669704 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 19 0 8 11 6 7 10 9 5 16 4 17 12 13 14 18 15 20 21 22 23]\n", - "=======================\n", - "['tanguy pepiot , a steeplechase runner for the university of oregon , had a clear lead on his rival meron simon , who competes for the university of washington .but at a track meet saturday in eugene , oregon , a crowd of more than 3,000 people saw the distance evaporate after pepiot raised his hands in pre-emptive joy , with less than 100m to go .personal best : meron , pictured left at a different event , ran his best ever time in the 3,000 m steeplechase .']\n", - "=======================\n", - "[\"university of oregon 's tanguy pepiot had strong lead over meron simonraised arms in triumph while he was still running - which slowed him downsimon , of the university of washington sprinted and closed the gapbeat pepiot by a tenth of a second at track event in eugene , oregon\"]\n", - "tanguy pepiot , a steeplechase runner for the university of oregon , had a clear lead on his rival meron simon , who competes for the university of washington .but at a track meet saturday in eugene , oregon , a crowd of more than 3,000 people saw the distance evaporate after pepiot raised his hands in pre-emptive joy , with less than 100m to go .personal best : meron , pictured left at a different event , ran his best ever time in the 3,000 m steeplechase .\n", - "university of oregon 's tanguy pepiot had strong lead over meron simonraised arms in triumph while he was still running - which slowed him downsimon , of the university of washington sprinted and closed the gapbeat pepiot by a tenth of a second at track event in eugene , oregon\n", - "[1.0322095 1.0449907 1.3700019 1.3531066 1.2126503 1.0644064 1.0643172\n", - " 1.2051548 1.1034619 1.173751 1.0402793 1.1061614 1.1586629 1.0235556\n", - " 1.1056798 1.0186907 1.0783633 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 2 3 4 7 9 12 11 14 8 16 5 6 1 10 0 13 15 22 17 18 19 20 21 23]\n", - "=======================\n", - "['they are among the latest group of migrants to have safely reached land after a desperate voyage across the mediterranean that has claimed the lives of so many others .of the 446 people on board the italian rescue vessel , the navy said 59 of them were children , who were no doubt unaware just how perilous their boat trip could have been .reaching the safety of dry land : two migrant boys cling to each other as their rescue ship docks in the sicilian port of augusta after their smuggler boat was picked up off the coast of the italian mainland']\n", - "=======================\n", - "['latest group of migrants rescued from mediterranean includes 59 childrenpicked up off italian coast as families make desperate bid to reach europecomes days after 900 men , women and children died in capsize disaster']\n", - "they are among the latest group of migrants to have safely reached land after a desperate voyage across the mediterranean that has claimed the lives of so many others .of the 446 people on board the italian rescue vessel , the navy said 59 of them were children , who were no doubt unaware just how perilous their boat trip could have been .reaching the safety of dry land : two migrant boys cling to each other as their rescue ship docks in the sicilian port of augusta after their smuggler boat was picked up off the coast of the italian mainland\n", - "latest group of migrants rescued from mediterranean includes 59 childrenpicked up off italian coast as families make desperate bid to reach europecomes days after 900 men , women and children died in capsize disaster\n", - "[1.278564 1.1389749 1.0474474 1.041099 1.1661943 1.0892128 1.135819\n", - " 1.0929198 1.2959938 1.073623 1.0516583 1.043583 1.0493705 1.0735362\n", - " 1.0733023 1.05476 1.0262133 1.0169197 1.0203277 1.0372442 1.0282505\n", - " 1.0368505 1.0429579 1.0215125]\n", - "\n", - "[ 8 0 4 1 6 7 5 9 13 14 15 10 12 2 11 22 3 19 21 20 16 23 18 17]\n", - "=======================\n", - "['former blair ally charles dunstone ( pictured ) is now supporting the conservative party in the electionten years ago , i signed a letter backing labour in the 2005 election .five years ago the world was facing catastrophic economic problems .']\n", - "=======================\n", - "[\"charles dunstone backed labour in 2005 election , but now supports toriessaid conservatives deserved credit for remarkable economic turnaroundadmired tories for sticking with plan even when opinion was against themsaid labour party under miliband wrongly saw business as ` the problem '\"]\n", - "former blair ally charles dunstone ( pictured ) is now supporting the conservative party in the electionten years ago , i signed a letter backing labour in the 2005 election .five years ago the world was facing catastrophic economic problems .\n", - "charles dunstone backed labour in 2005 election , but now supports toriessaid conservatives deserved credit for remarkable economic turnaroundadmired tories for sticking with plan even when opinion was against themsaid labour party under miliband wrongly saw business as ` the problem '\n", - "[1.703467 1.2549026 1.1295422 1.4716002 1.1007833 1.0595568 1.1273385\n", - " 1.1067879 1.056955 1.2733009 1.044589 1.019412 1.0147029 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 9 1 2 6 7 4 5 8 10 11 12 13 14 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "['former valencia striker aritz aduriz denied his old team victory with a last-gasp equaliser for athletic bilbao at san mames stadium .athletic bilbao aritz aduriz scored a 90th minute equaliser to deny his former club valencia victoryecuadorian felipe caicedo scored twice for espanyol in the 3-0 defeat of villarreal']\n", - "=======================\n", - "[\"valencia were held to a 1-1 draw by athletic bilbao after aritz aduriz nettedgetafe boosted survival chances with 1-0 win over strugglers elchefelipe caicedo scored a brace in espanyol 's 3-0 defeat of villarreal\"]\n", - "former valencia striker aritz aduriz denied his old team victory with a last-gasp equaliser for athletic bilbao at san mames stadium .athletic bilbao aritz aduriz scored a 90th minute equaliser to deny his former club valencia victoryecuadorian felipe caicedo scored twice for espanyol in the 3-0 defeat of villarreal\n", - "valencia were held to a 1-1 draw by athletic bilbao after aritz aduriz nettedgetafe boosted survival chances with 1-0 win over strugglers elchefelipe caicedo scored a brace in espanyol 's 3-0 defeat of villarreal\n", - "[1.1775916 1.3799759 1.391598 1.2544928 1.2144184 1.1462868 1.1114485\n", - " 1.0418578 1.0487577 1.0604794 1.1621425 1.0524389 1.0937848 1.0883061\n", - " 1.0655342 1.0120548 1.0263261 1.0631905 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 1 3 4 0 10 5 6 12 13 14 17 9 11 8 7 16 15 18 19 20 21 22]\n", - "=======================\n", - "['the 38-year-old suspect has been taken to an area hospital to be treated for injuries to his arm and leg .responding officers and firefighters followed the fugitive into the murky waters of brush creek in kansas city and fished him out early friday morning .he may face charges in connection to a hit-and-run crash .']\n", - "=======================\n", - "[\"the 38-year-old suspect was questioned by kansas city police after neighbors complained he was blasting music in his 2007 infinityinstead of handing over his id , driver smiled , said ` i 'm out ! 'after crashing into bridge , the man stripped down to his underwear and jumped into brush creekit took cops armed with a bb gun 15 minutes to fish out the fugitive\"]\n", - "the 38-year-old suspect has been taken to an area hospital to be treated for injuries to his arm and leg .responding officers and firefighters followed the fugitive into the murky waters of brush creek in kansas city and fished him out early friday morning .he may face charges in connection to a hit-and-run crash .\n", - "the 38-year-old suspect was questioned by kansas city police after neighbors complained he was blasting music in his 2007 infinityinstead of handing over his id , driver smiled , said ` i 'm out ! 'after crashing into bridge , the man stripped down to his underwear and jumped into brush creekit took cops armed with a bb gun 15 minutes to fish out the fugitive\n", - "[1.1703185 1.1044492 1.4456174 1.284938 1.1656895 1.1980404 1.2918714\n", - " 1.1565404 1.1146091 1.0361881 1.1403998 1.0163201 1.0163314 1.0493199\n", - " 1.0250156 1.0279608 1.0663452 1.0388426 1.0099765 1.0183041 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 6 3 5 0 4 7 10 8 1 16 13 17 9 15 14 19 12 11 18 21 20 22]\n", - "=======================\n", - "['the woman , who was with three friends , is believed to have lost her footing and fallen from the deck after her punt hit another boat .she disappeared under the waters of the cam several times , screaming for help each time she resurfaced .as the sun made its long-awaited appearance , a woman believed to be in her 20s , had to be rescued from the river cam , cambridge , after almost drowning while punting ( pictured left and right )']\n", - "=======================\n", - "[\"temperatures reached 20.5 c in scotland today , while highs of 17c were seen across the south west and walesbest of sunshine was in scotland and northumberland , while norfolk , suffolk , essex and kent remained cloudytoday 's warm weather is the start of week-long spell of sunshine , which could culminate with 21c high on fridaytourist , in her 20s , had to be rescued in cambridge after toppling into the water while punting with three friends\"]\n", - "the woman , who was with three friends , is believed to have lost her footing and fallen from the deck after her punt hit another boat .she disappeared under the waters of the cam several times , screaming for help each time she resurfaced .as the sun made its long-awaited appearance , a woman believed to be in her 20s , had to be rescued from the river cam , cambridge , after almost drowning while punting ( pictured left and right )\n", - "temperatures reached 20.5 c in scotland today , while highs of 17c were seen across the south west and walesbest of sunshine was in scotland and northumberland , while norfolk , suffolk , essex and kent remained cloudytoday 's warm weather is the start of week-long spell of sunshine , which could culminate with 21c high on fridaytourist , in her 20s , had to be rescued in cambridge after toppling into the water while punting with three friends\n", - "[1.2770181 1.5052114 1.2325488 1.3880322 1.0904422 1.0603467 1.1130576\n", - " 1.0582201 1.1006863 1.1257148 1.0188059 1.0174289 1.049904 1.053333\n", - " 1.1443982 1.1529828 1.0701844 1.0678285 1.0747018 1.0296884 1.0121161\n", - " 1.0842339 0. ]\n", - "\n", - "[ 1 3 0 2 15 14 9 6 8 4 21 18 16 17 5 7 13 12 19 10 11 20 22]\n", - "=======================\n", - "[\"ron aydelott , head coach for the riverdale high school warriors in murfreesboro for nearly ten years , suffered serious facial injuries in the attack , which will require surgery .a tennessee high school 's football coach was assaulted in his office tuesday , allegedly by a student who 'd inquired about trying out for the team .witnesses said aydelott in no way provoked the attack but that the 17-year-old alleged attacker became violent after he felt ` disrespected , ' reports news channel five network .\"]\n", - "=======================\n", - "['ron aydelott , coach of the riverdale high school warriors in murfreesboro , tennessee , sustained serious facial injuries in the attack']\n", - "ron aydelott , head coach for the riverdale high school warriors in murfreesboro for nearly ten years , suffered serious facial injuries in the attack , which will require surgery .a tennessee high school 's football coach was assaulted in his office tuesday , allegedly by a student who 'd inquired about trying out for the team .witnesses said aydelott in no way provoked the attack but that the 17-year-old alleged attacker became violent after he felt ` disrespected , ' reports news channel five network .\n", - "ron aydelott , coach of the riverdale high school warriors in murfreesboro , tennessee , sustained serious facial injuries in the attack\n", - "[1.0889636 1.076102 1.0680346 1.0828209 1.1395383 1.2060461 1.2847216\n", - " 1.2265967 1.1730822 1.0376425 1.0804478 1.0370339 1.0207483 1.0563608\n", - " 1.0591865 1.0278989 1.040995 1.0288641 1.0171666 1.0174512 1.0169958\n", - " 1.0276864 1.0183094]\n", - "\n", - "[ 6 7 5 8 4 0 3 10 1 2 14 13 16 9 11 17 15 21 12 22 19 18 20]\n", - "=======================\n", - "['for the first time a majority , 53 % , favor its legalization , with 77 % supporting it for medical purposes .support for legalization has risen 11 points in the past few years alone .i see a revolution in the attitudes of everyday americans .']\n", - "=======================\n", - "['cnn \\'s dr. sanjay gupta says we should legalize medical marijuana nowhe says he knows how easy it is do nothing \" because i did nothing for too long \"']\n", - "for the first time a majority , 53 % , favor its legalization , with 77 % supporting it for medical purposes .support for legalization has risen 11 points in the past few years alone .i see a revolution in the attitudes of everyday americans .\n", - "cnn 's dr. sanjay gupta says we should legalize medical marijuana nowhe says he knows how easy it is do nothing \" because i did nothing for too long \"\n", - "[1.2243768 1.33391 1.232767 1.2474302 1.3565006 1.0851978 1.1517582\n", - " 1.0872014 1.108403 1.0527875 1.1162941 1.115116 1.04037 1.0172871\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 4 1 3 2 0 6 10 11 8 7 5 9 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"aracely meza , who is reportedly not the child 's mother , was arrested on monday and has been charged with injury to a child by omission , said police ( above meza in the video )in the clip capturing the attempted resurrection , the boy identified by a witness as benjamin , is being held in the arms of texas pastor 's wife aracely meza as others , including a man who appears to be her husband pastor daniel meza , are gathered around .a shocking ` resurrection ceremony ' for a two-year-old dead boy at a texas church has been caught on camera .\"]\n", - "=======================\n", - "[\"warning graphic contentaracely meza , who is not the child 's mother , was arrested on mondayshe is the wife of pastor daniel meza who presided over church services held at a balch springs , texas residence where ceremony occurredaracely meza has been charged with injury to a child by omissionwitness identified child as benjamin who said pastors said he was possessed by demons ; he also went 25 days without food before he diedpolice went to the home on march 26 to do a welfare check and were told by residents that a two-year-old child had diedmarch 22 ceremony was an attempt to resurrect the child , police claimed\"]\n", - "aracely meza , who is reportedly not the child 's mother , was arrested on monday and has been charged with injury to a child by omission , said police ( above meza in the video )in the clip capturing the attempted resurrection , the boy identified by a witness as benjamin , is being held in the arms of texas pastor 's wife aracely meza as others , including a man who appears to be her husband pastor daniel meza , are gathered around .a shocking ` resurrection ceremony ' for a two-year-old dead boy at a texas church has been caught on camera .\n", - "warning graphic contentaracely meza , who is not the child 's mother , was arrested on mondayshe is the wife of pastor daniel meza who presided over church services held at a balch springs , texas residence where ceremony occurredaracely meza has been charged with injury to a child by omissionwitness identified child as benjamin who said pastors said he was possessed by demons ; he also went 25 days without food before he diedpolice went to the home on march 26 to do a welfare check and were told by residents that a two-year-old child had diedmarch 22 ceremony was an attempt to resurrect the child , police claimed\n", - "[1.199281 1.3997376 1.2251174 1.2690852 1.2678919 1.1203009 1.019278\n", - " 1.0280302 1.1056561 1.2067208 1.1436021 1.0243258 1.2043693 1.1345106\n", - " 1.1092874 1.0594058 1.0754273 1.0080236 1.0159228 0. ]\n", - "\n", - "[ 1 3 4 2 9 12 0 10 13 5 14 8 16 15 7 11 6 18 17 19]\n", - "=======================\n", - "['the meteor shower , visible around the world but best seen from europe , has been observed for the past 2,700 years and peaked overnight with between ten and 20 an hour .john phelan took this picture , showing the lyrid meteor at porthcurno beach in cornwall in the early hours of this morningnick watson , a semi-professional photographer from newcastle , captured an amazing picture of the meteor over lindisfarne castle on holy island in northumberland .']\n", - "=======================\n", - "['photographers in the uk captured the lyrid meteor shower in the sky last nightit occurs every year around 16 to 25 april , so you can still catch some meteors tonight and tomorrowthe strength of the showers vary from year to year and most years there are no more than 20 meteors an hourbut in 1982 americans counted nearly 100 an hour and in 1803 it was as high as 700 an hour']\n", - "the meteor shower , visible around the world but best seen from europe , has been observed for the past 2,700 years and peaked overnight with between ten and 20 an hour .john phelan took this picture , showing the lyrid meteor at porthcurno beach in cornwall in the early hours of this morningnick watson , a semi-professional photographer from newcastle , captured an amazing picture of the meteor over lindisfarne castle on holy island in northumberland .\n", - "photographers in the uk captured the lyrid meteor shower in the sky last nightit occurs every year around 16 to 25 april , so you can still catch some meteors tonight and tomorrowthe strength of the showers vary from year to year and most years there are no more than 20 meteors an hourbut in 1982 americans counted nearly 100 an hour and in 1803 it was as high as 700 an hour\n", - "[1.4961423 1.2975447 1.1115166 1.4325016 1.1503055 1.2214272 1.080153\n", - " 1.1954417 1.091222 1.076077 1.1418312 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 3 1 5 7 4 10 2 8 6 9 11 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"english referee mark clattenburg will take charge of the champions league quarter-final clash between paris saint-germain and barcelona on wednesday night , and he will be assisted by five other englishmen .clattenburg , regarded by uefa to be england 's top official , is the only english appointment for the first leg meetings of europe 's top eight clubs with fellow top ref martin atkinson not selected for this round of fixtures .clattenburg chose not to send vincent kompany off in sunday 's manchester derby at old trafford\"]\n", - "=======================\n", - "['mark clattenburg will referee barcelona vs psg in the champions leaguehe will be assisted by five other englishmen at the parc des princesmartin atkinson has not been chosen by uefa for this round of fixturesreferees from serbia , czech republic and spain also selected for gamesgraham poll : clattenburg was right to confer for vincent kompany foul']\n", - "english referee mark clattenburg will take charge of the champions league quarter-final clash between paris saint-germain and barcelona on wednesday night , and he will be assisted by five other englishmen .clattenburg , regarded by uefa to be england 's top official , is the only english appointment for the first leg meetings of europe 's top eight clubs with fellow top ref martin atkinson not selected for this round of fixtures .clattenburg chose not to send vincent kompany off in sunday 's manchester derby at old trafford\n", - "mark clattenburg will referee barcelona vs psg in the champions leaguehe will be assisted by five other englishmen at the parc des princesmartin atkinson has not been chosen by uefa for this round of fixturesreferees from serbia , czech republic and spain also selected for gamesgraham poll : clattenburg was right to confer for vincent kompany foul\n", - "[1.235431 1.321277 1.4552794 1.4100796 1.280754 1.2123461 1.053371\n", - " 1.0173378 1.017763 1.095698 1.061906 1.0214654 1.0320222 1.3130248\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 1 13 4 0 5 9 10 6 12 11 8 7 18 14 15 16 17 19]\n", - "=======================\n", - "[\"former ashes hero flintoff believes pietersen is now ` running out of time ' to resurrect his test career .he will be 35 on june 27 , before the home ashes series starts .that is the view of former captain andrew flintoff -- with ballance , ian bell and joe root surely all now secure in the middle order for the summer .\"]\n", - "=======================\n", - "['gary ballance , ian bell and joe root are forming a strong middle orderballance shone at no 3 for england against west indiesengland exile kevin pietersen will be 35 on june 27']\n", - "former ashes hero flintoff believes pietersen is now ` running out of time ' to resurrect his test career .he will be 35 on june 27 , before the home ashes series starts .that is the view of former captain andrew flintoff -- with ballance , ian bell and joe root surely all now secure in the middle order for the summer .\n", - "gary ballance , ian bell and joe root are forming a strong middle orderballance shone at no 3 for england against west indiesengland exile kevin pietersen will be 35 on june 27\n", - "[1.549375 1.3567722 1.3301284 1.1768614 1.3517532 1.0578146 1.2029377\n", - " 1.0784919 1.0779456 1.0668111 1.0774616 1.024217 1.009096 1.0141001\n", - " 1.0187786 1.0710049 1.0197864 1.0430577 1.0247049 1.0111579]\n", - "\n", - "[ 0 1 4 2 6 3 7 8 10 15 9 5 17 18 11 16 14 13 19 12]\n", - "=======================\n", - "['billy joe saunders and chris eubank jnr could rematch in under six weeks after the pair reignited their war of words at a london press conference on thursday .the pair clashed in a memorable 12-round grudge match on november 29 with british , commonwealth and european middleweight champions saunders handing his rival his first career defeat .now the duo are both set to fight at wembley arena on may 9 but not against each other .']\n", - "=======================\n", - "['billy joe saunders and chris eubank jnr are set to fight on the same bill at wembley arena on may 9eubank challenged saunders to a re-match for the may datesaunders beat eubank on points when the pair met in november']\n", - "billy joe saunders and chris eubank jnr could rematch in under six weeks after the pair reignited their war of words at a london press conference on thursday .the pair clashed in a memorable 12-round grudge match on november 29 with british , commonwealth and european middleweight champions saunders handing his rival his first career defeat .now the duo are both set to fight at wembley arena on may 9 but not against each other .\n", - "billy joe saunders and chris eubank jnr are set to fight on the same bill at wembley arena on may 9eubank challenged saunders to a re-match for the may datesaunders beat eubank on points when the pair met in november\n", - "[1.2514703 1.4034474 1.1897538 1.246857 1.1110877 1.2537264 1.0357667\n", - " 1.0749454 1.0572411 1.2464488 1.1358656 1.0357953 1.042539 1.044828\n", - " 1.0286536 0. 0. 0. ]\n", - "\n", - "[ 1 5 0 3 9 2 10 4 7 8 13 12 11 6 14 15 16 17]\n", - "=======================\n", - "[\"the bold design of the new # 400million stadium , due to be completed for the start of the 2018-19 season , could involve a ` slide-out ' grass football pitch with an nfl-style synthetic surface housed underneath .the nfl is said to be within five years of having a permanent franchise in london .tottenham are considering a state-of-the-art stadium with a retractable pitch that enables them to become the home of a new nfl london franchise .\"]\n", - "=======================\n", - "[\"tottenham 's new # 400m stadium due to be completed for 2018-19 seasonnfl said to be within five years of having a franchise in londonwembley stadium currently hosts nfl international series gamesthree regular-season nfl games will be played in london this yearclick here for all the latest tottenham hotspur news\"]\n", - "the bold design of the new # 400million stadium , due to be completed for the start of the 2018-19 season , could involve a ` slide-out ' grass football pitch with an nfl-style synthetic surface housed underneath .the nfl is said to be within five years of having a permanent franchise in london .tottenham are considering a state-of-the-art stadium with a retractable pitch that enables them to become the home of a new nfl london franchise .\n", - "tottenham 's new # 400m stadium due to be completed for 2018-19 seasonnfl said to be within five years of having a franchise in londonwembley stadium currently hosts nfl international series gamesthree regular-season nfl games will be played in london this yearclick here for all the latest tottenham hotspur news\n", - "[1.1800851 1.3921629 1.2762345 1.2644705 1.2415185 1.203278 1.1012837\n", - " 1.141835 1.1406898 1.0855895 1.0642321 1.0767071 1.1037697 1.0558472\n", - " 1.0433451 1.0548393 1.0115917 1.0050322]\n", - "\n", - "[ 1 2 3 4 5 0 7 8 12 6 9 11 10 13 15 14 16 17]\n", - "=======================\n", - "['foreign-born blacks made up just 3.1 per cent of the black population in 1980 , but they accounted for 8.7 per cent of that group in 2013 , according to a report from the pew research center .most of the immigrants are from jamaica and haitithe majority of the 40 million us-born african americans trace their heritage to african ancestors brought to america as slaves .']\n", - "=======================\n", - "['foreign-born blacks made up 3.1 per cent of the black population in 1980that number has been on rise and they were 8.7 per cent of group in 2013majority of immigrants are from jamaica , haiti , ethiopia and nigeriablack immigrants more likely to have college degree and have a higher income and are less likely to live in poverty than the us-born populationforeign-born blacks are now large part of population in nyc , dc and miami']\n", - "foreign-born blacks made up just 3.1 per cent of the black population in 1980 , but they accounted for 8.7 per cent of that group in 2013 , according to a report from the pew research center .most of the immigrants are from jamaica and haitithe majority of the 40 million us-born african americans trace their heritage to african ancestors brought to america as slaves .\n", - "foreign-born blacks made up 3.1 per cent of the black population in 1980that number has been on rise and they were 8.7 per cent of group in 2013majority of immigrants are from jamaica , haiti , ethiopia and nigeriablack immigrants more likely to have college degree and have a higher income and are less likely to live in poverty than the us-born populationforeign-born blacks are now large part of population in nyc , dc and miami\n", - "[1.331198 1.5454031 1.1869756 1.1875545 1.2552 1.1220977 1.2398704\n", - " 1.020609 1.0442868 1.0129719 1.0558317 1.0132743 1.1229924 1.0409166\n", - " 1.0223498 1.1608332 1.0319489 0. ]\n", - "\n", - "[ 1 0 4 6 3 2 15 12 5 10 8 13 16 14 7 11 9 17]\n", - "=======================\n", - "[\"brian the lar gibbon , who is 50-years-old , was videoed by amanda dorman from south lanarkshire , scotland , who captured the critter 's creepy walk on a visit to the lake district wildlife park near keswick .europe 's oldest lar gibbon is enjoying celebrity status after a video of it strutting through a wildlife park went viral .this resulted in the video being viewed over nine million times .\"]\n", - "=======================\n", - "[\"brian the lar gibbon was captured strutting at the lake district wildlife parkamanda dorman from scotland shot and uploaded the seven-second clipvideo shows 50-year-old primate sneaking along while looking at filmmakerpark manager said brian has been ` entertaining our guests for years '\"]\n", - "brian the lar gibbon , who is 50-years-old , was videoed by amanda dorman from south lanarkshire , scotland , who captured the critter 's creepy walk on a visit to the lake district wildlife park near keswick .europe 's oldest lar gibbon is enjoying celebrity status after a video of it strutting through a wildlife park went viral .this resulted in the video being viewed over nine million times .\n", - "brian the lar gibbon was captured strutting at the lake district wildlife parkamanda dorman from scotland shot and uploaded the seven-second clipvideo shows 50-year-old primate sneaking along while looking at filmmakerpark manager said brian has been ` entertaining our guests for years '\n", - "[1.3102148 1.4906648 1.481095 1.2777098 1.2950566 1.0772129 1.0261507\n", - " 1.0162486 1.0425779 1.0248833 1.0146712 1.0199351 1.057209 1.0751405\n", - " 1.096323 1.0855447 1.2411395 0. ]\n", - "\n", - "[ 1 2 0 4 3 16 14 15 5 13 12 8 6 9 11 7 10 17]\n", - "=======================\n", - "['david cameron will today announce that all children who do not pass their tests aged 11 will have to take them again in the first year of secondary school , when they are 12 .thousands of children who fail maths and english tests in primary school will be forced by the tories to re-sit them to ensure they can read , write and add up .statistics from the department for education show that around 100,000 young people - one in five - fail to reach the expected standard in english and maths at the age of 11 .']\n", - "=======================\n", - "['david cameron to announce that children will have to retake the three rschildren who do not pass tests aged 11 will sit them again the next yearabout 100,000 pupils a year do not pass primary school english and mathsthese children will be given extra help to stop them falling behind , pm says']\n", - "david cameron will today announce that all children who do not pass their tests aged 11 will have to take them again in the first year of secondary school , when they are 12 .thousands of children who fail maths and english tests in primary school will be forced by the tories to re-sit them to ensure they can read , write and add up .statistics from the department for education show that around 100,000 young people - one in five - fail to reach the expected standard in english and maths at the age of 11 .\n", - "david cameron to announce that children will have to retake the three rschildren who do not pass tests aged 11 will sit them again the next yearabout 100,000 pupils a year do not pass primary school english and mathsthese children will be given extra help to stop them falling behind , pm says\n", - "[1.3195062 1.331324 1.2544035 1.3034868 1.0747712 1.291078 1.0738375\n", - " 1.0946767 1.0948071 1.1313921 1.0277817 1.0299236 1.092821 1.0875224\n", - " 1.0203812 1.0263659 0. 0. ]\n", - "\n", - "[ 1 0 3 5 2 9 8 7 12 13 4 6 11 10 15 14 16 17]\n", - "=======================\n", - "[\"in a development which will hearten his family , officials in washington said the 48-year-old is likely to be released in the summer after 13 years in captivity without charge or trial .britain 's last guantanamo bay detainee shaker aamer is expected to be freed as early as june , according to us government sources .the 48-year-old has been held at guantanamo bay without charge for more than 13 years ( file picture of the prison )\"]\n", - "=======================\n", - "['shaker aamer has been held at guantanamo without charge for 13 yearsthe 48-year-old , from london , could be freed in june , it has been revealedus president barack obama has repeatedly vowed to close the facility']\n", - "in a development which will hearten his family , officials in washington said the 48-year-old is likely to be released in the summer after 13 years in captivity without charge or trial .britain 's last guantanamo bay detainee shaker aamer is expected to be freed as early as june , according to us government sources .the 48-year-old has been held at guantanamo bay without charge for more than 13 years ( file picture of the prison )\n", - "shaker aamer has been held at guantanamo without charge for 13 yearsthe 48-year-old , from london , could be freed in june , it has been revealedus president barack obama has repeatedly vowed to close the facility\n", - "[1.1577456 1.5056881 1.3134112 1.2931778 1.2516711 1.2301644 1.0464865\n", - " 1.1431159 1.0783653 1.0917007 1.0717292 1.0643615 1.0171337 1.0242313\n", - " 1.0536354 1.0595033 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 2 3 4 5 0 7 9 8 10 11 15 14 6 13 12 20 16 17 18 19 21]\n", - "=======================\n", - "['personal advisor tola ore , 32 , fitted a high-tech device to her desktop computer which allowed fraudsters to take control of the workstation from outside the bank in palmers green in north london .the old bailey heard that ore attached a keyboard video mouse ( kvm ) to her computer allowing the unknown criminals to steal money electronically from the bank .the gang attempted to deposit # 1,274,000 into 12 different bank accounts over the course of one morning on july 23 , 2013 .']\n", - "=======================\n", - "['tola ore attached a high-tech gadget to her workstation in july 2013fraudsters attempted to transfer the cash before the branch openedore removed the device and handed it to someone in a supermarket toiletshe pleaded guilty to one count of fraud at the old bailey on friday']\n", - "personal advisor tola ore , 32 , fitted a high-tech device to her desktop computer which allowed fraudsters to take control of the workstation from outside the bank in palmers green in north london .the old bailey heard that ore attached a keyboard video mouse ( kvm ) to her computer allowing the unknown criminals to steal money electronically from the bank .the gang attempted to deposit # 1,274,000 into 12 different bank accounts over the course of one morning on july 23 , 2013 .\n", - "tola ore attached a high-tech gadget to her workstation in july 2013fraudsters attempted to transfer the cash before the branch openedore removed the device and handed it to someone in a supermarket toiletshe pleaded guilty to one count of fraud at the old bailey on friday\n", - "[1.2359055 1.4694037 1.3052315 1.3057642 1.3323222 1.2963746 1.0520236\n", - " 1.0467049 1.0237726 1.112583 1.0978879 1.036814 1.0229409 1.0241182\n", - " 1.0614809 1.0364588 1.019941 1.0173993 1.0859318 1.046095 1.0100937\n", - " 1.007581 ]\n", - "\n", - "[ 1 4 3 2 5 0 9 10 18 14 6 7 19 11 15 13 8 12 16 17 20 21]\n", - "=======================\n", - "[\"all of the 36 units at the redlands house sheltered accommodation have been given the colourful treatment which has been labelled an ` eyesore ' by local residents .the 36 homes as they were before the council spent # 750,000 including funds from the intermediate care fund on the renovationgraham white , 76 , from penarth said the changes to the property looks ` more like a children 's playscheme '\"]\n", - "=======================\n", - "[\"locals say the bizarre refurbishment is more suitable for a playgroundvale of glamorgan council paid # 750,000 for the unusual renovationone resident living near the penarth home called it an eyesorecouncil claims colour scheme will help elderly residents with dementiaan earlier version of this article stated the welsh government contributed # 500,000 to the ` legoland ' makeover of sheltered accommodation in penarth .\"]\n", - "all of the 36 units at the redlands house sheltered accommodation have been given the colourful treatment which has been labelled an ` eyesore ' by local residents .the 36 homes as they were before the council spent # 750,000 including funds from the intermediate care fund on the renovationgraham white , 76 , from penarth said the changes to the property looks ` more like a children 's playscheme '\n", - "locals say the bizarre refurbishment is more suitable for a playgroundvale of glamorgan council paid # 750,000 for the unusual renovationone resident living near the penarth home called it an eyesorecouncil claims colour scheme will help elderly residents with dementiaan earlier version of this article stated the welsh government contributed # 500,000 to the ` legoland ' makeover of sheltered accommodation in penarth .\n", - "[1.1208462 1.118272 1.2772585 1.3110317 1.1896765 1.0686466 1.0825753\n", - " 1.1071968 1.1096679 1.1444533 1.058342 1.0394697 1.098543 1.1499941\n", - " 1.0897912 1.0707512 1.0499179 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 3 2 4 13 9 0 1 8 7 12 14 6 15 5 10 16 11 20 17 18 19 21]\n", - "=======================\n", - "['dangerous work : local villagers work on renewing the keshwa chaca - the last inca rope bridge - in the andes near huinchiri , peruincredible skill : the 90ft long keshwa chaca remains thanks to local villagers who rebuild the bridge each year using the same techniques as their inca ancestorsin the ancient inca kingdom , the wheel was yet to be invented , iron was foreign and steel was unheard of .']\n", - "=======================\n", - "['inca kingdom in the andes was connected via handwoven rope bridgestoday , only one bridge remains - the keshwa chaca near huinchiri , peruthe 90ft-long bridge is rebuilt by villagers over three days every june , before gradually disintegrating each timelocals use the same techniques to make the rope as their inca ancestors']\n", - "dangerous work : local villagers work on renewing the keshwa chaca - the last inca rope bridge - in the andes near huinchiri , peruincredible skill : the 90ft long keshwa chaca remains thanks to local villagers who rebuild the bridge each year using the same techniques as their inca ancestorsin the ancient inca kingdom , the wheel was yet to be invented , iron was foreign and steel was unheard of .\n", - "inca kingdom in the andes was connected via handwoven rope bridgestoday , only one bridge remains - the keshwa chaca near huinchiri , peruthe 90ft-long bridge is rebuilt by villagers over three days every june , before gradually disintegrating each timelocals use the same techniques to make the rope as their inca ancestors\n", - "[1.2820368 1.5699115 1.2124851 1.2717987 1.0544419 1.0227267 1.0219756\n", - " 1.0225703 1.0208269 1.0381489 1.0277886 1.0209289 1.0553248 1.1432171\n", - " 1.0498688 1.0882208 0. 0. 0. 0. 0.\n", - " 0. ]\n", - "\n", - "[ 1 0 3 2 13 15 12 4 14 9 10 5 7 6 11 8 16 17 18 19 20 21]\n", - "=======================\n", - "[\"matilda kahl , an art director at saatchi & saatchi , wears the exact same ` uniform ' -- an outfit made up of black trousers , white shirt and a custom leather rosette -- every single day because , as she explains to dailymail.com : ` when at work , i want to be judged on my work and my work only . 'a new york woman has worn the same ensemble to work every day for three years .in an article for harper 's bazaar , matilda explained that the unique sartorial idea came to her after a particularly stressful morning when , with ' a fairly important meeting on the horizon ' she began trying on a variety outfits to no satisfaction .\"]\n", - "=======================\n", - "[\"matilda kahl , an art director at saatchi & saatchi , owns 15 of the same white shirt and several pairs of plain black trousersshe has just had to invest in 15 new shirts from zara because the others are now too worn to wear but has no other plans to change her ` uniform '\"]\n", - "matilda kahl , an art director at saatchi & saatchi , wears the exact same ` uniform ' -- an outfit made up of black trousers , white shirt and a custom leather rosette -- every single day because , as she explains to dailymail.com : ` when at work , i want to be judged on my work and my work only . 'a new york woman has worn the same ensemble to work every day for three years .in an article for harper 's bazaar , matilda explained that the unique sartorial idea came to her after a particularly stressful morning when , with ' a fairly important meeting on the horizon ' she began trying on a variety outfits to no satisfaction .\n", - "matilda kahl , an art director at saatchi & saatchi , owns 15 of the same white shirt and several pairs of plain black trousersshe has just had to invest in 15 new shirts from zara because the others are now too worn to wear but has no other plans to change her ` uniform '\n", - "[1.2726482 1.4335725 1.283438 1.3541572 1.2977004 1.3496057 1.1734457\n", - " 1.0293479 1.0172687 1.0587986 1.0244782 1.0101922 1.0083416 1.035289\n", - " 1.2035867 1.0301073 1.1836407 1.0413129 1.0168781 1.0245205 0.\n", - " 0. ]\n", - "\n", - "[ 1 3 5 4 2 0 14 16 6 9 17 13 15 7 19 10 8 18 11 12 20 21]\n", - "=======================\n", - "[\"robbie savage branded balotelli ` pathetic ' for missing the game , four days after he withdrew himself from the liverpool squad for their trip to arsenal following a ` slight knock ' suffered in training .liverpool manager brendan rodgers revealed the # 16million striker travelled with the squad to blackburn , but that he felt too ill to take part after staying over in the hotel with his team-mates .mario balotelli hit back at those criticising his absence for liverpool 's fa cup quarter-final win over blackburn rovers due to illness by attempting to prove he had a high temperature .\"]\n", - "=======================\n", - "[\"mario balotelli missed liverpool 's 4-1 defeat against arsenal on saturdaybalotelli was absent again at blackburn due to illness , confirmed the clubbt sport pundit robbie savage branded balotelli ` pathetic ' as a resultbalotelli responded by showing a thermometer reading 38.7 c ( 101.66 f )the liverpool striker used the hashtags #unluckyseason and #illbebackliverpool beat blackburn 1-0 thanks to philippe coutinho 's winner\"]\n", - "robbie savage branded balotelli ` pathetic ' for missing the game , four days after he withdrew himself from the liverpool squad for their trip to arsenal following a ` slight knock ' suffered in training .liverpool manager brendan rodgers revealed the # 16million striker travelled with the squad to blackburn , but that he felt too ill to take part after staying over in the hotel with his team-mates .mario balotelli hit back at those criticising his absence for liverpool 's fa cup quarter-final win over blackburn rovers due to illness by attempting to prove he had a high temperature .\n", - "mario balotelli missed liverpool 's 4-1 defeat against arsenal on saturdaybalotelli was absent again at blackburn due to illness , confirmed the clubbt sport pundit robbie savage branded balotelli ` pathetic ' as a resultbalotelli responded by showing a thermometer reading 38.7 c ( 101.66 f )the liverpool striker used the hashtags #unluckyseason and #illbebackliverpool beat blackburn 1-0 thanks to philippe coutinho 's winner\n", - "[1.3479625 1.2460177 1.2626673 1.2608998 1.17596 1.1392795 1.1305602\n", - " 1.1010733 1.1052552 1.0741816 1.0540699 1.0912986 1.06353 1.0175207\n", - " 1.0247052 1.1024925 0. ]\n", - "\n", - "[ 0 2 3 1 4 5 6 8 15 7 11 9 12 10 14 13 16]\n", - "=======================\n", - "[\"ed miliband would be a ` catastrophe ' for britain , according to ftse 100 bossesthe poll of ftse 100 chairman has revealed overwhelming support for david cameron to remain prime minister , despite the widespread business concern over his pledge to hold an in-out referendum on europe .it comes just days after more than 100 company bosses signed a letter warning against a labour government .\"]\n", - "=======================\n", - "['poll of ftse 100 bosses reveals overwhelming support for the toriesseven out of 10 said ed miliband fearful of a labour governmentcomes after 100 business chiefs signed an open letter in support of toriesmr miliband said letter only showed pm backed his rich friends in the city']\n", - "ed miliband would be a ` catastrophe ' for britain , according to ftse 100 bossesthe poll of ftse 100 chairman has revealed overwhelming support for david cameron to remain prime minister , despite the widespread business concern over his pledge to hold an in-out referendum on europe .it comes just days after more than 100 company bosses signed a letter warning against a labour government .\n", - "poll of ftse 100 bosses reveals overwhelming support for the toriesseven out of 10 said ed miliband fearful of a labour governmentcomes after 100 business chiefs signed an open letter in support of toriesmr miliband said letter only showed pm backed his rich friends in the city\n", - "[1.2714807 1.389741 1.3097796 1.2713606 1.1742471 1.0243279 1.0571645\n", - " 1.1107864 1.0808579 1.117542 1.0746024 1.122307 1.1069891 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 4 11 9 7 12 8 10 6 5 13 14 15 16]\n", - "=======================\n", - "[\"amanda taylor , of blacksburg , was apprehended in north carolina last sunday following a multi-state manhunt sparked by the murder of her former relative by marriage , 59-year-old charles taylor , who was discovered stabbed to death at his home near ellet april 4 .a 24-year-old widow from virginia has been charged with first-degree murder after police say she killed her former father-in-law because she blamed him for introducing her husband to drugs at a young age and driving him to suicide .` accomplice ' turned victim : sean ball , 32 , who is also facing charges in charles taylor 's death , was seriously wounded when police say amanda taylor turned on him as the two were fleeing police\"]\n", - "=======================\n", - "[\"amanda taylor , 24 , charged with first-degree murder in stabbing of her former father-in-law charles taylortaylor blamed 59-year-old victim for introducing her late husband , rex taylor , to drugs at age 15rex taylor committed suicide by hanging last august , leaving amanda alone with two childrenms taylor allegedly committed stabbing with friend sean ball , but then turned on him as the two were fleeing policeshe has confessed to the crimes on facebook and instagramfriend mariah roebuck said taylor had checked herself into hospital in late march but was released three days before her father-in-law 's killing\"]\n", - "amanda taylor , of blacksburg , was apprehended in north carolina last sunday following a multi-state manhunt sparked by the murder of her former relative by marriage , 59-year-old charles taylor , who was discovered stabbed to death at his home near ellet april 4 .a 24-year-old widow from virginia has been charged with first-degree murder after police say she killed her former father-in-law because she blamed him for introducing her husband to drugs at a young age and driving him to suicide .` accomplice ' turned victim : sean ball , 32 , who is also facing charges in charles taylor 's death , was seriously wounded when police say amanda taylor turned on him as the two were fleeing police\n", - "amanda taylor , 24 , charged with first-degree murder in stabbing of her former father-in-law charles taylortaylor blamed 59-year-old victim for introducing her late husband , rex taylor , to drugs at age 15rex taylor committed suicide by hanging last august , leaving amanda alone with two childrenms taylor allegedly committed stabbing with friend sean ball , but then turned on him as the two were fleeing policeshe has confessed to the crimes on facebook and instagramfriend mariah roebuck said taylor had checked herself into hospital in late march but was released three days before her father-in-law 's killing\n", - "[1.4087272 1.1536646 1.3978308 1.2539738 1.2285889 1.2263005 1.1752955\n", - " 1.0855758 1.1128162 1.0786604 1.0741353 1.0232888 1.0359267 1.0472788\n", - " 1.0460238 1.0361013 1.0260864]\n", - "\n", - "[ 0 2 3 4 5 6 1 8 7 9 10 13 14 15 12 16 11]\n", - "=======================\n", - "[\"edwin ` jock ' mee allegedly targeted young army cadets - including a woman who was 19 when he locked her in a room and raped herthe woman , now 27 , told southwark crown court that mee raped her as he called her a ` sweet woman ' .she claims she became pregnant before suffering a life threatening ectopic pregnancy .\"]\n", - "=======================\n", - "[\"edwin ` jock ' mee , 45 , allegedly targeted 11 cadets aged between 15 and 25one of his alleged victims claims he locked her in a room and raped herwoman told the jury he locked the doors and told her he had the keysshe claimed he told her that if she ` f *** with him ' , then ` he will f *** with me '\"]\n", - "edwin ` jock ' mee allegedly targeted young army cadets - including a woman who was 19 when he locked her in a room and raped herthe woman , now 27 , told southwark crown court that mee raped her as he called her a ` sweet woman ' .she claims she became pregnant before suffering a life threatening ectopic pregnancy .\n", - "edwin ` jock ' mee , 45 , allegedly targeted 11 cadets aged between 15 and 25one of his alleged victims claims he locked her in a room and raped herwoman told the jury he locked the doors and told her he had the keysshe claimed he told her that if she ` f *** with him ' , then ` he will f *** with me '\n", - "[1.2174383 1.4716794 1.3980274 1.4512365 1.3004068 1.1331311 1.0368584\n", - " 1.017069 1.0219979 1.0820227 1.0723581 1.0782661 1.0901619 1.0235832\n", - " 1.0392531 1.0424534 1.0651753]\n", - "\n", - "[ 1 3 2 4 0 5 12 9 11 10 16 15 14 6 13 8 7]\n", - "=======================\n", - "['teenager kimberly greenberg became angry and left her santa monica home to calm down about 8.30 pm on march 24 , but never returned .her mother janice greenberg has now made an urgent appeal for help as the teenager , described as having the mental capacity of an eight-year-old , has gone missing without her cellphone or medication .the autistic teenager left her home without medication or her cellphone and has not been seen for a week']\n", - "=======================\n", - "['autistic teenager kimberly greenberg went missing more than a week agothe 15-year-old left her la home to go for a walk and never returnedher mother janice has now made a desperate plea for help finding hershe is said to be very trusting and has the mental capacity of an 8-year-old']\n", - "teenager kimberly greenberg became angry and left her santa monica home to calm down about 8.30 pm on march 24 , but never returned .her mother janice greenberg has now made an urgent appeal for help as the teenager , described as having the mental capacity of an eight-year-old , has gone missing without her cellphone or medication .the autistic teenager left her home without medication or her cellphone and has not been seen for a week\n", - "autistic teenager kimberly greenberg went missing more than a week agothe 15-year-old left her la home to go for a walk and never returnedher mother janice has now made a desperate plea for help finding hershe is said to be very trusting and has the mental capacity of an 8-year-old\n", - "[1.2200998 1.4349862 1.2882307 1.2420887 1.3023144 1.1968837 1.0272993\n", - " 1.0114774 1.0107695 1.1564282 1.1257906 1.076682 1.121571 1.0932451\n", - " 1.0296642 1.0404981 1.0063319]\n", - "\n", - "[ 1 4 2 3 0 5 9 10 12 13 11 15 14 6 7 8 16]\n", - "=======================\n", - "[\"the retailer has consistently been one of the lowest-rated grocers since 2005 in consumer reports ' annual survey , and this year it was rated number 67 , the second worst supermarket .as it is the primary shopping destination for ten per cent of the 63,000 readers surveyed by the magazine , walmart is lacking in areas including service and quality of produce .however , it was noted for its better-than-average prices .\"]\n", - "=======================\n", - "[\"walmart supercenter was ranked the second worst in consumer reports ' annual supermarket surveyit earned 64 points along with a&p and waldbaum 's , which was ranked the worst out of 68 supermarkets surveyedpublix was ranked second best followed by trader joe 's and fareway stores\"]\n", - "the retailer has consistently been one of the lowest-rated grocers since 2005 in consumer reports ' annual survey , and this year it was rated number 67 , the second worst supermarket .as it is the primary shopping destination for ten per cent of the 63,000 readers surveyed by the magazine , walmart is lacking in areas including service and quality of produce .however , it was noted for its better-than-average prices .\n", - "walmart supercenter was ranked the second worst in consumer reports ' annual supermarket surveyit earned 64 points along with a&p and waldbaum 's , which was ranked the worst out of 68 supermarkets surveyedpublix was ranked second best followed by trader joe 's and fareway stores\n", - "[1.2796359 1.3099074 1.2930788 1.2138447 1.2265304 1.0571104 1.0227926\n", - " 1.0187105 1.0242527 1.1323363 1.0735333 1.0408381 1.0179958 1.0256027\n", - " 1.0187173 1.263056 1.0549883 1.0405394 1.0856642 1.0464164]\n", - "\n", - "[ 1 2 0 15 4 3 9 18 10 5 16 19 11 17 13 8 6 14 7 12]\n", - "=======================\n", - "[\"ever since , emily ratajkowski has become an object of desire for men worldwide - and women everywhere are desperate to emulate her curves .a newly unveiled set of photographs show london-born emily , 23 , showing off her enviable figure - so what 's her secret ?she shot to fame as the half-naked cavorting star of robin thicke 's steamy blurred lines video and landed a role in gone girl alongside industry heavyweights ben affleck and rosamind pike .\"]\n", - "=======================\n", - "[\"emily ratajkowski has become a global sex iconmodel and actress swears by hiking , yoga and occasional indulgencesays that cooking using fresh ingredients is essentialfits in her yoga classes a ` couple of time a week '\"]\n", - "ever since , emily ratajkowski has become an object of desire for men worldwide - and women everywhere are desperate to emulate her curves .a newly unveiled set of photographs show london-born emily , 23 , showing off her enviable figure - so what 's her secret ?she shot to fame as the half-naked cavorting star of robin thicke 's steamy blurred lines video and landed a role in gone girl alongside industry heavyweights ben affleck and rosamind pike .\n", - "emily ratajkowski has become a global sex iconmodel and actress swears by hiking , yoga and occasional indulgencesays that cooking using fresh ingredients is essentialfits in her yoga classes a ` couple of time a week '\n", - "[1.374028 1.365598 1.1762235 1.1192698 1.3246771 1.0894376 1.0791739\n", - " 1.0622293 1.1398978 1.0711906 1.0933297 1.0196458 1.0107964 1.0991535\n", - " 1.1526012 1.0792551 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 2 14 8 3 13 10 5 15 6 9 7 11 12 18 16 17 19]\n", - "=======================\n", - "[\"australian broadcaster sbs has sacked its football reporter scott mcintyre over his ` inappropriate and disrespectful ' anzac day tweets .mcintyre condemned the commemoration of anzac day on twitter yesterday , calling it ` the cultification of an imperialist invasion , ' and accusing australian diggers of committing war crimes which included ` widespread rape and theft . 'sbs football reporter and presenter scott mcintyre took to social media to tweet ` inappropriate ' comments on the day of the centenary services which have received significant backlash\"]\n", - "=======================\n", - "[\"australian broadcaster has sacked sports reporter over anzac day tweetsfootball journalist scott mcintyre condemned anzac day commemorations on the 100th anniversary of the gallipoli campaignremembering ` rape and theft ' committed by ` brave ' anzacs , he tweetedmcintyre also called the gallipoli landings ` an imperialist invasion 'his comments sparked fury , with hundreds calling for him to be sacked` sbs apologises for any offence or harm caused by mr mcintyre 's comments ' the broadcaster says\"]\n", - "australian broadcaster sbs has sacked its football reporter scott mcintyre over his ` inappropriate and disrespectful ' anzac day tweets .mcintyre condemned the commemoration of anzac day on twitter yesterday , calling it ` the cultification of an imperialist invasion , ' and accusing australian diggers of committing war crimes which included ` widespread rape and theft . 'sbs football reporter and presenter scott mcintyre took to social media to tweet ` inappropriate ' comments on the day of the centenary services which have received significant backlash\n", - "australian broadcaster has sacked sports reporter over anzac day tweetsfootball journalist scott mcintyre condemned anzac day commemorations on the 100th anniversary of the gallipoli campaignremembering ` rape and theft ' committed by ` brave ' anzacs , he tweetedmcintyre also called the gallipoli landings ` an imperialist invasion 'his comments sparked fury , with hundreds calling for him to be sacked` sbs apologises for any offence or harm caused by mr mcintyre 's comments ' the broadcaster says\n", - "[1.3725886 1.4506471 1.1571367 1.2838068 1.2338507 1.1113 1.133317\n", - " 1.0875249 1.2012397 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 4 8 2 6 5 7 17 16 15 14 9 12 11 10 18 13 19]\n", - "=======================\n", - "[\"the 22-year-old is currently in mauritius for a photo shoot with golf punk magazine and has been keen to show off her assets while away .booth posted photos on her instagram showing off her impressive bikini body while on the indian ocean islandbooth posted a behind the scenes snap on instagram with the caption : ` thank you @golfpunk magazine for a fun day #golfpunk #golf . '\"]\n", - "=======================\n", - "[\"carly booth took to instagram to show off her impressive bikini bodythe scottish golfer is currently in mauritius shooting for golf punk magit 's not the first time booth has been in the headlines for a revealing photo\"]\n", - "the 22-year-old is currently in mauritius for a photo shoot with golf punk magazine and has been keen to show off her assets while away .booth posted photos on her instagram showing off her impressive bikini body while on the indian ocean islandbooth posted a behind the scenes snap on instagram with the caption : ` thank you @golfpunk magazine for a fun day #golfpunk #golf . '\n", - "carly booth took to instagram to show off her impressive bikini bodythe scottish golfer is currently in mauritius shooting for golf punk magit 's not the first time booth has been in the headlines for a revealing photo\n", - "[1.4638175 1.400034 1.2655433 1.4592983 1.2409399 1.1682763 1.035866\n", - " 1.0127088 1.016097 1.0180302 1.0317205 1.1135979 1.0672289 1.0411075\n", - " 1.0283673 1.0691397 1.0998976 1.00841 1.006853 0. ]\n", - "\n", - "[ 0 3 1 2 4 5 11 16 15 12 13 6 10 14 9 8 7 17 18 19]\n", - "=======================\n", - "[\"winston reid says west ham no longer suffer from the fear factor that came with facing manchester city as they prepare to visit the etihad stadium on sunday .city had won their last five games against west ham -- by an aggregate score of 14-1 -- before falling to just their second league defeat of the season at upton park in october .and after a recent run of form that has seen the barclays premier league champions lose six of their last eight games , hammers defender reid says he and his team-mates no longer dread facing manuel pellegrini 's side .\"]\n", - "=======================\n", - "[\"west ham no longer fear facing manchester city , says winston reidreid was in side that beat city this season after five-game losing streakpremier league champions have lost six of their last eight gameswest ham travel to the etihad hoping to replicate october 's victorynew zealand defender reid has experience to stop sergio aguero\"]\n", - "winston reid says west ham no longer suffer from the fear factor that came with facing manchester city as they prepare to visit the etihad stadium on sunday .city had won their last five games against west ham -- by an aggregate score of 14-1 -- before falling to just their second league defeat of the season at upton park in october .and after a recent run of form that has seen the barclays premier league champions lose six of their last eight games , hammers defender reid says he and his team-mates no longer dread facing manuel pellegrini 's side .\n", - "west ham no longer fear facing manchester city , says winston reidreid was in side that beat city this season after five-game losing streakpremier league champions have lost six of their last eight gameswest ham travel to the etihad hoping to replicate october 's victorynew zealand defender reid has experience to stop sergio aguero\n", - "[1.5882907 1.3647153 1.2651049 1.5206952 1.2697088 1.0517944 1.0295273\n", - " 1.0246959 1.0181686 1.0176489 1.0136817 1.0198437 1.0373247 1.2956084\n", - " 1.0260092 1.0141548 1.0158534 1.017725 1.0174955 1.0146261]\n", - "\n", - "[ 0 3 1 13 4 2 5 12 6 14 7 11 8 17 9 18 16 19 15 10]\n", - "=======================\n", - "[\"southampton striker graziano pelle insists his confidence has n't been destroyed despite no scoring in the premier league since december 20 .graziano pelle remains confident despite not scoring in his last 13 premier league gamesthe 29-year-old , who netted against england for italy in the 1-1 international friendly on tuesday , is now hoping to return to the form that saw him plunder eight goals in his first 17 league games .\"]\n", - "=======================\n", - "[\"graziano pelle has n't scored in the premier league since december 20italy striker did find the net against england in recent international friendlythe 29-year-old has thanked saints fans for supporting him in lean spell\"]\n", - "southampton striker graziano pelle insists his confidence has n't been destroyed despite no scoring in the premier league since december 20 .graziano pelle remains confident despite not scoring in his last 13 premier league gamesthe 29-year-old , who netted against england for italy in the 1-1 international friendly on tuesday , is now hoping to return to the form that saw him plunder eight goals in his first 17 league games .\n", - "graziano pelle has n't scored in the premier league since december 20italy striker did find the net against england in recent international friendlythe 29-year-old has thanked saints fans for supporting him in lean spell\n", - "[1.1474427 1.3938488 1.1908822 1.1407413 1.0527141 1.0864741 1.0323753\n", - " 1.0911682 1.1615376 1.0588982 1.088604 1.2238959 1.0724269 1.0930932\n", - " 1.0591475 1.0117602 1.0100034 1.0136435 1.0140553 1.0161293]\n", - "\n", - "[ 1 11 2 8 0 3 13 7 10 5 12 14 9 4 6 19 18 17 15 16]\n", - "=======================\n", - "[\"the hurt of losing back-to-back european and domestic finals last year took mark mccall 's men all of last summer and a good chunk of this season to overcome .twenty-year-old maro itoje was impressive making his first start in europe , while the vunipola brothers were magnificent .this time they must lick their wounds and refocus their efforts on the aviva premiership after coming up short against clermont .\"]\n", - "=======================\n", - "['saracens lead 6-3 at the break thanks to two charlie hodgson penaltieswesley fofana raced onto a brock james chip for the opening trya late owen farrell penalty kept saracens in the huntbut brock james struck a 72nd penalty to seal the win']\n", - "the hurt of losing back-to-back european and domestic finals last year took mark mccall 's men all of last summer and a good chunk of this season to overcome .twenty-year-old maro itoje was impressive making his first start in europe , while the vunipola brothers were magnificent .this time they must lick their wounds and refocus their efforts on the aviva premiership after coming up short against clermont .\n", - "saracens lead 6-3 at the break thanks to two charlie hodgson penaltieswesley fofana raced onto a brock james chip for the opening trya late owen farrell penalty kept saracens in the huntbut brock james struck a 72nd penalty to seal the win\n", - "[1.3175168 1.1854327 1.4418235 1.2842499 1.2187649 1.0393435 1.0211169\n", - " 1.0498786 1.0896561 1.0650507 1.0793861 1.0779722 1.0935037 1.0585884\n", - " 1.0744276 1.074094 1.0576608 0. 0. 0. ]\n", - "\n", - "[ 2 0 3 4 1 12 8 10 11 14 15 9 13 16 7 5 6 17 18 19]\n", - "=======================\n", - "[\"nearly 3.8 million crimes were recorded by police last year , an increase of 2 per cent from 2013 , figures released yesterday revealed .experts said the rise in the number of reported rapes and sexual offences was due in part to high profile historic cases like jimmy savile 'sand a record number of rapes and other sex crimes were logged -- up by a third ( 32 per cent ) to 80,200 , or 220 a day .\"]\n", - "=======================\n", - "[\"nearly 3.8 million crimes were recorded by the police last yearthis represented an increase of 2 per cent from 2013 , figures revealedrecord number of rapes and other sex crimes were logged - 220 a dayexperts chalked the surge down to high profile cases like jimmy savile 's\"]\n", - "nearly 3.8 million crimes were recorded by police last year , an increase of 2 per cent from 2013 , figures released yesterday revealed .experts said the rise in the number of reported rapes and sexual offences was due in part to high profile historic cases like jimmy savile 'sand a record number of rapes and other sex crimes were logged -- up by a third ( 32 per cent ) to 80,200 , or 220 a day .\n", - "nearly 3.8 million crimes were recorded by the police last yearthis represented an increase of 2 per cent from 2013 , figures revealedrecord number of rapes and other sex crimes were logged - 220 a dayexperts chalked the surge down to high profile cases like jimmy savile 's\n", - "[1.2795382 1.3689926 1.3472403 1.2448443 1.1189679 1.1045778 1.1945643\n", - " 1.0728915 1.0421772 1.0247066 1.0557636 1.0464483 1.0189986 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 3 6 4 5 7 10 11 8 9 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"earlier this month france passed a new law that bars models from walking the runway if their body mass index is deemed too low , in an attempt to combat anorexia .and the pressure is on for agencies who can face a fines of up to $ 80,000 and six months in prison for employing too-thin models .europe 's controversial new laws banning ultra-thin models from strutting down the catwalk may be doing more harm than good as models are reportedly going to extreme measures to ensure they clock in at a ` healthy ' weight when they hop on the scale - including stuffing their underwear with sandbags .\"]\n", - "=======================\n", - "[\"former model jennifer sky , 38 , claims that models are being asked to stuff their underwear with sandbags so they can clock in at a ` healthy ' weightthe activist says she is against france 's new law , which bars models from walking the runway if their body mass index is deemed too low\"]\n", - "earlier this month france passed a new law that bars models from walking the runway if their body mass index is deemed too low , in an attempt to combat anorexia .and the pressure is on for agencies who can face a fines of up to $ 80,000 and six months in prison for employing too-thin models .europe 's controversial new laws banning ultra-thin models from strutting down the catwalk may be doing more harm than good as models are reportedly going to extreme measures to ensure they clock in at a ` healthy ' weight when they hop on the scale - including stuffing their underwear with sandbags .\n", - "former model jennifer sky , 38 , claims that models are being asked to stuff their underwear with sandbags so they can clock in at a ` healthy ' weightthe activist says she is against france 's new law , which bars models from walking the runway if their body mass index is deemed too low\n", - "[1.4174106 1.4129591 1.1575859 1.4454293 1.2658099 1.182111 1.0908338\n", - " 1.0279268 1.0252705 1.0130945 1.0276433 1.0519812 1.1041108 1.2185507\n", - " 1.04933 1.0129976 1.0125667 0. 0. 0. ]\n", - "\n", - "[ 3 0 1 4 13 5 2 12 6 11 14 7 10 8 9 15 16 17 18 19]\n", - "=======================\n", - "[\"luke shaw admits he has endured a ` frustrating ' debut season at manchester united giving himself a ` c - 'shaw joined united last summer in a # 31.5 million transfer from southampton after an impressive campaign on the south coast , which resulted in him playing for england at the world cup .the 19-year-old 's campaign has been beset by injuries since joining from southampton last summer\"]\n", - "=======================\n", - "[\"luke shaw has made just 17 appearances for manchester unitedshaw joined united from southampton last summerthe 19-year-old 's start at old trafford has been beset by injury problemsunited travel to premier league leaders chelsea on saturday eveningluke shaw : united players pranked ashley young after bird poo incident\"]\n", - "luke shaw admits he has endured a ` frustrating ' debut season at manchester united giving himself a ` c - 'shaw joined united last summer in a # 31.5 million transfer from southampton after an impressive campaign on the south coast , which resulted in him playing for england at the world cup .the 19-year-old 's campaign has been beset by injuries since joining from southampton last summer\n", - "luke shaw has made just 17 appearances for manchester unitedshaw joined united from southampton last summerthe 19-year-old 's start at old trafford has been beset by injury problemsunited travel to premier league leaders chelsea on saturday eveningluke shaw : united players pranked ashley young after bird poo incident\n", - "[1.300778 1.1487355 1.2323835 1.219326 1.1331353 1.0644147 1.091029\n", - " 1.1995698 1.1031642 1.0986694 1.0867659 1.0222548 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 7 1 4 8 9 6 10 5 11 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "[\"the handwritten notes of samir al - khlifawi explains in detail how isis were able to take control in syria by infiltrating villages and using spiesa cache of documents , including the blueprints for an isis secret service and instructions on how to infiltrate and take control of local villages have been discovered in syria , der spiegel reveals .haji bakr is widely considered to have been isis leader abu bakr al-baghdadi 's closest advisor and the overall head of his military council until his execution at the hands of a rebel group known as the syrian martyr 's brigade in january 2014 .\"]\n", - "=======================\n", - "[\"german magazine uncover ` blueprints for islamic state ' in syriahandwritten by former member of saddam hussein 's iraqi armydetails ` stasi-like ' system of islamic state leaders spying on each otheroutlines how isis would infiltrate villages through recruiting spies\"]\n", - "the handwritten notes of samir al - khlifawi explains in detail how isis were able to take control in syria by infiltrating villages and using spiesa cache of documents , including the blueprints for an isis secret service and instructions on how to infiltrate and take control of local villages have been discovered in syria , der spiegel reveals .haji bakr is widely considered to have been isis leader abu bakr al-baghdadi 's closest advisor and the overall head of his military council until his execution at the hands of a rebel group known as the syrian martyr 's brigade in january 2014 .\n", - "german magazine uncover ` blueprints for islamic state ' in syriahandwritten by former member of saddam hussein 's iraqi armydetails ` stasi-like ' system of islamic state leaders spying on each otheroutlines how isis would infiltrate villages through recruiting spies\n", - "[1.2604829 1.2118822 1.2797241 1.3184936 1.1285965 1.1900793 1.1506069\n", - " 1.0763707 1.0564923 1.088555 1.0870167 1.0605581 1.0415258 1.0360659\n", - " 1.0719707 1.0455401 1.0584658 1.0572742 1.0631232]\n", - "\n", - "[ 3 2 0 1 5 6 4 9 10 7 14 18 11 16 17 8 15 12 13]\n", - "=======================\n", - "['the vessel sunk to more than 16,800 feet under the surface ( 5,150 meters ) where it went undiscovered until 2011 when deep ocean search decided to go looking for it .in november 1942 , the unguarded ss city of cairo was sunk by a german u-boat while carrying 296 civilians and cargo that included 100 tons of silver .for most of those years , the money was deep at the bottom of the atlantic , the monetary casualty of a cruel world war ii sinking .']\n", - "=======================\n", - "['the ship was sunk in 1942 hundreds of miles of the coast of south americaa british company says the salvage operation occurred at a world record depththe torpedoing is the subject of the book \" goodnight , sorry for sinking you \"']\n", - "the vessel sunk to more than 16,800 feet under the surface ( 5,150 meters ) where it went undiscovered until 2011 when deep ocean search decided to go looking for it .in november 1942 , the unguarded ss city of cairo was sunk by a german u-boat while carrying 296 civilians and cargo that included 100 tons of silver .for most of those years , the money was deep at the bottom of the atlantic , the monetary casualty of a cruel world war ii sinking .\n", - "the ship was sunk in 1942 hundreds of miles of the coast of south americaa british company says the salvage operation occurred at a world record depththe torpedoing is the subject of the book \" goodnight , sorry for sinking you \"\n", - "[1.1176457 1.2621584 1.1199698 1.4023732 1.2244565 1.1036218 1.0723221\n", - " 1.0774555 1.0518378 1.1650126 1.0946724 1.0259522 1.0355837 1.1351883\n", - " 1.0268781 1.0269039 1.0177135 0. 0. ]\n", - "\n", - "[ 3 1 4 9 13 2 0 5 10 7 6 8 12 15 14 11 16 17 18]\n", - "=======================\n", - "['bon apetit have revealed that the best way to revive a stale loaf of bread is to run it under water before baking it in the ovennutritionist luvisa nillson says that you should be careful to check that your bread is not mouldy and make sure to eat it within one dayand whilst it might sound like an unusual move , they promise that this trick will revive your crusty old bread before dinner time .']\n", - "=======================\n", - "['bon apetit have revealed the best way to revive a stale loaf of breadthey say the trick is to run the bread under a tap and put it in the oventhe result is a loaf that is soft on the inside and crusty on the outsidelifesum nutritionist luvisa nilsson says the trick is safehowever , you must make sure the loaf is not mouldy before going ahead']\n", - "bon apetit have revealed that the best way to revive a stale loaf of bread is to run it under water before baking it in the ovennutritionist luvisa nillson says that you should be careful to check that your bread is not mouldy and make sure to eat it within one dayand whilst it might sound like an unusual move , they promise that this trick will revive your crusty old bread before dinner time .\n", - "bon apetit have revealed the best way to revive a stale loaf of breadthey say the trick is to run the bread under a tap and put it in the oventhe result is a loaf that is soft on the inside and crusty on the outsidelifesum nutritionist luvisa nilsson says the trick is safehowever , you must make sure the loaf is not mouldy before going ahead\n", - "[1.4453665 1.443429 1.230932 1.3802904 1.2056904 1.2543477 1.0517274\n", - " 1.1101087 1.0124197 1.1257669 1.0283434 1.0209135 1.0131626 1.011167\n", - " 1.0116851 1.0587282 1.1096615 1.0081706 0. ]\n", - "\n", - "[ 0 1 3 5 2 4 9 7 16 15 6 10 11 12 8 14 13 17 18]\n", - "=======================\n", - "[\"ben flower has been urged to be ' a bit more aggressive ' when the prop sensationally sent off in last year 's grand final returns for wigan in thursday 's super league derby with warrington .the 28-year-old welsh international forward on tuesday completed his six-month ban for twice punching lance hohaia in the opening moments of october 's grand-final at old trafford .flower , here walking off after being shown a grand final red card , will return on thursday against warrington\"]\n", - "=======================\n", - "[\"ben flower was suspended for six month after grand final red cardprop flower punched lance hohaia on the ground in horrifying incidenthe returns for wigan against warrington on thursday nightcoach shaun wane said the welsh international is ready to ` rip in 'flower said on monday that he regrets the brutal attack every day\"]\n", - "ben flower has been urged to be ' a bit more aggressive ' when the prop sensationally sent off in last year 's grand final returns for wigan in thursday 's super league derby with warrington .the 28-year-old welsh international forward on tuesday completed his six-month ban for twice punching lance hohaia in the opening moments of october 's grand-final at old trafford .flower , here walking off after being shown a grand final red card , will return on thursday against warrington\n", - "ben flower was suspended for six month after grand final red cardprop flower punched lance hohaia on the ground in horrifying incidenthe returns for wigan against warrington on thursday nightcoach shaun wane said the welsh international is ready to ` rip in 'flower said on monday that he regrets the brutal attack every day\n", - "[1.3420295 1.2918055 1.2739935 1.2898479 1.3242083 1.0767947 1.1228669\n", - " 1.0801619 1.105242 1.1144934 1.1768357 1.1715692 1.0294287 1.1384993\n", - " 1.0330278 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 1 3 2 10 11 13 6 9 8 7 5 14 12 15 16 17 18]\n", - "=======================\n", - "['manchester united have become favourites to sign danny ings after holding talks with burnley about a summer deal .liverpool maintain an interest in the player and were prepared to exploit a premier league loophole to guarantee a transfer in the summer .ings has scored nine goals in his first season in the premier league and united consider him to be a future england international .']\n", - "=======================\n", - "[\"danny ings ' contract atburnley expires at the end of the seasonliverpool have held an interest in the striker since earlier in the yearunited have made contact early with burnley to hurry through a moveings also linked with manchester city , tottenham and real sociedaddanny ings : the man with an inspiring tattoo\"]\n", - "manchester united have become favourites to sign danny ings after holding talks with burnley about a summer deal .liverpool maintain an interest in the player and were prepared to exploit a premier league loophole to guarantee a transfer in the summer .ings has scored nine goals in his first season in the premier league and united consider him to be a future england international .\n", - "danny ings ' contract atburnley expires at the end of the seasonliverpool have held an interest in the striker since earlier in the yearunited have made contact early with burnley to hurry through a moveings also linked with manchester city , tottenham and real sociedaddanny ings : the man with an inspiring tattoo\n", - "[1.3630403 1.2041813 1.3270754 1.2454674 1.0511667 1.2492653 1.3090593\n", - " 1.297119 1.0168172 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 2 6 7 5 3 1 4 8 16 15 14 13 9 11 10 17 12 18]\n", - "=======================\n", - "['sportsmail have teamed up with gillette to offer one lucky reader the chance to win a pair of nike magista obra boots signed by the england and manchester city goalkeeper joe hart .and since hart is a gillette ambassador , the prize winner will also receive one of the brand new fusion proglide razors with flexball technology worth # 12 , plus a gillette fusion proglide shave gel worth # 4.99 .joe hart is the no 1 for manchester city and the england national team']\n", - "=======================\n", - "[\"win a pair of nike magista obra boots signed by city and england no1prize winner will receive band new gillette fusion proglide razor worth # 12and we 'll also throw in some fusion proglide shave gel worth # 4.99click here to enter the competition\"]\n", - "sportsmail have teamed up with gillette to offer one lucky reader the chance to win a pair of nike magista obra boots signed by the england and manchester city goalkeeper joe hart .and since hart is a gillette ambassador , the prize winner will also receive one of the brand new fusion proglide razors with flexball technology worth # 12 , plus a gillette fusion proglide shave gel worth # 4.99 .joe hart is the no 1 for manchester city and the england national team\n", - "win a pair of nike magista obra boots signed by city and england no1prize winner will receive band new gillette fusion proglide razor worth # 12and we 'll also throw in some fusion proglide shave gel worth # 4.99click here to enter the competition\n", - "[1.5203918 1.466567 1.2420301 1.495755 1.0803081 1.040034 1.0336187\n", - " 1.0347185 1.0360184 1.0249193 1.0230699 1.0788707 1.0511038 1.0556571\n", - " 1.0199075 1.0169221 1.1035506 1.0107872 1.012943 1.0104884]\n", - "\n", - "[ 0 3 1 2 16 4 11 13 12 5 8 7 6 9 10 14 15 18 17 19]\n", - "=======================\n", - "[\"jonjo o'neill hosted a media stable visit on thursday at his jackdaws castle yard in gloucestershire and said he could not be happier with favourite for the crabbie 's grand national , shutthefrontdoor .jonjo o'neill hopes jockey ap mccoy rides shutthefrontdoor to grand national success later this monthhe trains shutthefrontdoor for his principal patron j p mcmanus , who owns jackdaws castle and retains ap mccoy , the record-breaking jump jockey who is about to gain his 20th consecutive jockeys ' championship and retire .\"]\n", - "=======================\n", - "[\"crabbie 's grand national takes place at aintree on april 11shutthefrontdoor , trained by jonjo o'neill , is the race favouriteap mccoy is expected to ride shutthefrontdoor at aintree\"]\n", - "jonjo o'neill hosted a media stable visit on thursday at his jackdaws castle yard in gloucestershire and said he could not be happier with favourite for the crabbie 's grand national , shutthefrontdoor .jonjo o'neill hopes jockey ap mccoy rides shutthefrontdoor to grand national success later this monthhe trains shutthefrontdoor for his principal patron j p mcmanus , who owns jackdaws castle and retains ap mccoy , the record-breaking jump jockey who is about to gain his 20th consecutive jockeys ' championship and retire .\n", - "crabbie 's grand national takes place at aintree on april 11shutthefrontdoor , trained by jonjo o'neill , is the race favouriteap mccoy is expected to ride shutthefrontdoor at aintree\n", - "[1.249945 1.2249093 1.3693877 1.4316629 1.1057013 1.1822231 1.135411\n", - " 1.0560583 1.1582167 1.0634558 1.0621668 1.1417093 1.0544331 1.0642357\n", - " 1.0695685 1.0592585 1.1410772 1.0495459 0. 0. ]\n", - "\n", - "[ 3 2 0 1 5 8 11 16 6 4 14 13 9 10 15 7 12 17 18 19]\n", - "=======================\n", - "['danny ings ( right ) is a top target for manchester united and could be set for a summer move to old traffordthe futures of robin van persie and radamel falcao are uncertain and van gaal has put the 22-year-old englishman on his list of targets .louis van gaal wants danny ings to form a central part of his manchester united rebuilding this summer .']\n", - "=======================\n", - "['danny ings is being targeted by manchester united in the summerlouis van gaal has been impressed with the burnley forward this seasonings is likely to be one of a number of signings for the red devilsclick here for all the latest manchester united news']\n", - "danny ings ( right ) is a top target for manchester united and could be set for a summer move to old traffordthe futures of robin van persie and radamel falcao are uncertain and van gaal has put the 22-year-old englishman on his list of targets .louis van gaal wants danny ings to form a central part of his manchester united rebuilding this summer .\n", - "danny ings is being targeted by manchester united in the summerlouis van gaal has been impressed with the burnley forward this seasonings is likely to be one of a number of signings for the red devilsclick here for all the latest manchester united news\n", - "[1.2704816 1.5319883 1.2801392 1.0544956 1.2059171 1.2151005 1.0870024\n", - " 1.0550804 1.0318264 1.0676774 1.0643218 1.0514927 1.0424873 1.0766107\n", - " 1.0592501 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 5 4 6 13 9 10 14 7 3 11 12 8 18 15 16 17 19]\n", - "=======================\n", - "[\"louis jordan , 37 , who was rescued 200 miles off the north carolina coast , said he survived for more than two months on his stricken boat by eating fish he caught by trailing dirty clothes in the ocean , and by catching rainwater in a bucket .but doubters have questioned how jordan -- who declined medical help despite claiming to have broken a shoulder and who appears well-fed , with pale , unblemished skin -- seemed in such good shape after such a gruelling ordeal .the sailor who claimed to have ` miraculously ' survived for 66 days at sea has responded to sceptics around the world -- saying : ` god knows i am a truthful man ' .\"]\n", - "=======================\n", - "['louis jordan , 37 , was rescued thursday after being stranded 200 miles off the coast of north carolinarefused treatment when he was taken to hospital in norfolk , virginiacoast guard crew who rescued him said he was smiling when they arrivedgroup expected him to be severely sun burnt and covered in blistershe refused treatment at hospital and conducted tv interviews straight awayauthorities are looking into his credit card and bank statements from during the time he says he was drifting']\n", - "louis jordan , 37 , who was rescued 200 miles off the north carolina coast , said he survived for more than two months on his stricken boat by eating fish he caught by trailing dirty clothes in the ocean , and by catching rainwater in a bucket .but doubters have questioned how jordan -- who declined medical help despite claiming to have broken a shoulder and who appears well-fed , with pale , unblemished skin -- seemed in such good shape after such a gruelling ordeal .the sailor who claimed to have ` miraculously ' survived for 66 days at sea has responded to sceptics around the world -- saying : ` god knows i am a truthful man ' .\n", - "louis jordan , 37 , was rescued thursday after being stranded 200 miles off the coast of north carolinarefused treatment when he was taken to hospital in norfolk , virginiacoast guard crew who rescued him said he was smiling when they arrivedgroup expected him to be severely sun burnt and covered in blistershe refused treatment at hospital and conducted tv interviews straight awayauthorities are looking into his credit card and bank statements from during the time he says he was drifting\n", - "[1.190621 1.3414512 1.2331983 1.2815374 1.2330256 1.154683 1.1464773\n", - " 1.0990387 1.1899738 1.0927987 1.0876276 1.0199697 1.0175611 1.0117985\n", - " 1.0508654 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 8 5 6 7 9 10 14 11 12 13 15 16 17 18 19]\n", - "=======================\n", - "['the gap between wage rises for young and older staff has widened significantly during the past five years , amid claims the over-50s are being left behind , official figures reveal .the under-25s saw their wages rise more than eight times faster than the over-50s , as they quickly climbed the rungs of the career laddercritics said employers were cynically taking advantage of older workers who stay with the same company for longer by failing to train and promote them or give them decent annual pay rises .']\n", - "=======================\n", - "[\"workers aged 18-25 saw wages rise eight times faster than over 50sin three months , 5.4 % of 18-25-year-olds changed jobs , 1.2 % aged 50-64ons says young have ` willingness to move to higher-paying positions '\"]\n", - "the gap between wage rises for young and older staff has widened significantly during the past five years , amid claims the over-50s are being left behind , official figures reveal .the under-25s saw their wages rise more than eight times faster than the over-50s , as they quickly climbed the rungs of the career laddercritics said employers were cynically taking advantage of older workers who stay with the same company for longer by failing to train and promote them or give them decent annual pay rises .\n", - "workers aged 18-25 saw wages rise eight times faster than over 50sin three months , 5.4 % of 18-25-year-olds changed jobs , 1.2 % aged 50-64ons says young have ` willingness to move to higher-paying positions '\n", - "[1.3287833 1.371258 1.2609218 1.3823147 1.1921991 1.3256968 1.0952826\n", - " 1.0308232 1.0411414 1.0318912 1.0754272 1.0412843 1.0721308 1.047507\n", - " 1.0451249 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 3 1 0 5 2 4 6 10 12 13 14 11 8 9 7 15 16 17 18 19]\n", - "=======================\n", - "[\"boris johnson , who is standing to be a tory mp in a west london constituency , has set out his vision of ` moral purpose ' in business and politicsthe london mayor praised the coalition for having kept down unemployment and not returning to the dole queues of 1980s britain .he said the fact that more jobs were being created was ` one of the absolute moral triumphs ' of the government .\"]\n", - "=======================\n", - "[\"london mayor praised the coalition for having kept down unemploymenthe said creation of more jobs was ` one of moral triumphs ' of governmentcomments will be seen as attempt to position himself as future party leader\"]\n", - "boris johnson , who is standing to be a tory mp in a west london constituency , has set out his vision of ` moral purpose ' in business and politicsthe london mayor praised the coalition for having kept down unemployment and not returning to the dole queues of 1980s britain .he said the fact that more jobs were being created was ` one of the absolute moral triumphs ' of the government .\n", - "london mayor praised the coalition for having kept down unemploymenthe said creation of more jobs was ` one of moral triumphs ' of governmentcomments will be seen as attempt to position himself as future party leader\n", - "[1.149168 1.4702374 1.3146383 1.350028 1.2290599 1.2407246 1.0983412\n", - " 1.0177188 1.1500458 1.2037022 1.0388247 1.0965654 1.026202 1.0454965\n", - " 1.1144557 1.1442552 1.005774 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 5 4 9 8 0 15 14 6 11 13 10 12 7 16 18 17 19]\n", - "=======================\n", - "[\"matthew riches allegedly dropped the drug into the clubber 's drink at the roof gardens in kensington in august 2 last year .today , the 29-year-old , from epsom in surrey , dressed in a smart pinstripe suit and blue tie , appeared at isleworth crown court .model matthew riches , who has been accused of spiking a woman 's drink , arriving at a court appearance\"]\n", - "=======================\n", - "[\"matthew riches allegedly spiked a woman 's drink with the drug mdmaaccused of dropping the drug in her drink so he could have sex with herthe 29-year-old now set to go on trial at isleworth crown court in august\"]\n", - "matthew riches allegedly dropped the drug into the clubber 's drink at the roof gardens in kensington in august 2 last year .today , the 29-year-old , from epsom in surrey , dressed in a smart pinstripe suit and blue tie , appeared at isleworth crown court .model matthew riches , who has been accused of spiking a woman 's drink , arriving at a court appearance\n", - "matthew riches allegedly spiked a woman 's drink with the drug mdmaaccused of dropping the drug in her drink so he could have sex with herthe 29-year-old now set to go on trial at isleworth crown court in august\n", - "[1.2612126 1.3753053 1.2566617 1.1224073 1.2014499 1.2956091 1.120188\n", - " 1.0766554 1.0746342 1.0903505 1.0257412 1.0147928 1.091997 1.0584983\n", - " 1.1717174 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 0 2 4 14 3 6 12 9 7 8 13 10 11 15 16 17 18 19]\n", - "=======================\n", - "[\"they allege that at least three of 73-year-old robert bates ' supervisors were removed from their posts when they refused to sign off on forged field training hours - and that he was not fit to police the streets .charged : robert bates is free on $ 25,000 bail and is charged with second-degree manslaughter for the death of eric harris on april 2the tulsa county sheriff 's office falsified the training and firearms records of the millionaire reserve deputy who shot dead an unarmed suspect by mistake , claim sources within the department .\"]\n", - "=======================\n", - "[\"tulsa county sheriff 's office falsified robert bates ' training claim sources within the departmentbates is officially an ` advanced reserve ' and has 480 hours of traininghowever , the sheriff 's department can not find the woman they claim did his firearms trainingthe names of the supervisors who did his field training have been redacted\"]\n", - "they allege that at least three of 73-year-old robert bates ' supervisors were removed from their posts when they refused to sign off on forged field training hours - and that he was not fit to police the streets .charged : robert bates is free on $ 25,000 bail and is charged with second-degree manslaughter for the death of eric harris on april 2the tulsa county sheriff 's office falsified the training and firearms records of the millionaire reserve deputy who shot dead an unarmed suspect by mistake , claim sources within the department .\n", - "tulsa county sheriff 's office falsified robert bates ' training claim sources within the departmentbates is officially an ` advanced reserve ' and has 480 hours of traininghowever , the sheriff 's department can not find the woman they claim did his firearms trainingthe names of the supervisors who did his field training have been redacted\n", - "[1.2242475 1.2271417 1.222367 1.2469816 1.2274563 1.124211 1.1595974\n", - " 1.029542 1.1663517 1.0871844 1.0259436 1.0302838 1.0564458 1.0707558\n", - " 1.0883422 1.070249 1.0177706 0. 0. 0. ]\n", - "\n", - "[ 3 4 1 0 2 8 6 5 14 9 13 15 12 11 7 10 16 17 18 19]\n", - "=======================\n", - "[\"she shouted out in pain from a large burn on the back of her right arm .white hot : tori spelling was a trouper and stuck through her family brunch at benihana restaurant in la. .according to eyewitnesses at benihana 's japanese restaurant in encino , california , tori , hubby dean mcdermott , their kids , liam , stella , hattie and finn , and a few other guests , had enjoyed their easter brunch , when tori tripped and fell onto a hot japanese style grill used to prepare food in front of customers .\"]\n", - "=======================\n", - "[\"a family brunch with tori spelling , dean mcdermott and their four kids turned into a disastertori 's heel caught as she was walking out of benihana restaurant in encino and she fell backward onto a hot hibachishe was later taken to the grossman burn center at west hill hospitaldoctors said she risked severe infection and scarring if she did n't act right away\"]\n", - "she shouted out in pain from a large burn on the back of her right arm .white hot : tori spelling was a trouper and stuck through her family brunch at benihana restaurant in la. .according to eyewitnesses at benihana 's japanese restaurant in encino , california , tori , hubby dean mcdermott , their kids , liam , stella , hattie and finn , and a few other guests , had enjoyed their easter brunch , when tori tripped and fell onto a hot japanese style grill used to prepare food in front of customers .\n", - "a family brunch with tori spelling , dean mcdermott and their four kids turned into a disastertori 's heel caught as she was walking out of benihana restaurant in encino and she fell backward onto a hot hibachishe was later taken to the grossman burn center at west hill hospitaldoctors said she risked severe infection and scarring if she did n't act right away\n", - "[1.3606268 1.3330936 1.2759104 1.1346625 1.1048106 1.0667303 1.183226\n", - " 1.0954415 1.030003 1.0372084 1.0662199 1.0665238 1.076513 1.0316062\n", - " 1.1353617 1.0363199 1.0133076 1.0083433 0. 0. ]\n", - "\n", - "[ 0 1 2 6 14 3 4 7 12 5 11 10 9 15 13 8 16 17 18 19]\n", - "=======================\n", - "[\"images revealing the shocking extent of gender stereotyping in toy shops have been posted online under the hashtag #notanaprilfools .the pictures show a wide divide between the aspirations set out for girls and boys , with females offered pink beautician 's outfits while males are offered doctor 's uniforms .products intended for infants are equally polarised , with babygros for girls emblazoned with a slogan that reads : ' i hate my thighs ' .\"]\n", - "=======================\n", - "[\"let toys be toys highlighted some of today 's ` sexist ' toysstarted hashtag #notanaprilfools on april 1 sharing pictures onlinetoys include cookery books with separate foods for boys and girlsbabygro for girls reads ' i hate my thighs ' - the boys ' one says ` i 'm super '\"]\n", - "images revealing the shocking extent of gender stereotyping in toy shops have been posted online under the hashtag #notanaprilfools .the pictures show a wide divide between the aspirations set out for girls and boys , with females offered pink beautician 's outfits while males are offered doctor 's uniforms .products intended for infants are equally polarised , with babygros for girls emblazoned with a slogan that reads : ' i hate my thighs ' .\n", - "let toys be toys highlighted some of today 's ` sexist ' toysstarted hashtag #notanaprilfools on april 1 sharing pictures onlinetoys include cookery books with separate foods for boys and girlsbabygro for girls reads ' i hate my thighs ' - the boys ' one says ` i 'm super '\n", - "[1.2302312 1.4987929 1.3095586 1.418845 1.1623545 1.1975479 1.0624216\n", - " 1.1328868 1.0315119 1.0122201 1.0234021 1.2455966 1.15855 1.1069045\n", - " 1.0430508 1.0151165 1.0136681 1.0134758 1.0099858 1.126823 ]\n", - "\n", - "[ 1 3 2 11 0 5 4 12 7 19 13 6 14 8 10 15 16 17 9 18]\n", - "=======================\n", - "[\"addison russell , 21 , may recall his first game at wrigley field with a sense of horror because he let his bat slip through his fingers in the seventh while he was trying to catch up to a fastball .the bat went flying and struck a fan sitting several rows behind the cubs ' on-deck circle in the face .russell , a rookie , swung at a first-pitch fastball and accidentally let the bat slip out of his fingers\"]\n", - "=======================\n", - "[\"addison russell , 21 , was playing in his first home game for chicago cubshe was batting in the seventh inning when he swung at pitch and lost batbat struck a fan sitting several rows behind the cubs ' on-deck circlefan suffered ` wounds ' but was conscious and taken to a nearby hospitalrussell saw fan get hit and said : ` words ca n't describe how bad i feel '\"]\n", - "addison russell , 21 , may recall his first game at wrigley field with a sense of horror because he let his bat slip through his fingers in the seventh while he was trying to catch up to a fastball .the bat went flying and struck a fan sitting several rows behind the cubs ' on-deck circle in the face .russell , a rookie , swung at a first-pitch fastball and accidentally let the bat slip out of his fingers\n", - "addison russell , 21 , was playing in his first home game for chicago cubshe was batting in the seventh inning when he swung at pitch and lost batbat struck a fan sitting several rows behind the cubs ' on-deck circlefan suffered ` wounds ' but was conscious and taken to a nearby hospitalrussell saw fan get hit and said : ` words ca n't describe how bad i feel '\n", - "[1.225958 1.55102 1.2639692 1.1913465 1.1764611 1.3771033 1.0429049\n", - " 1.0605555 1.0900409 1.02151 1.148878 1.0853257 1.0160966 1.0186933\n", - " 1.0343606 0. 0. 0. 0. ]\n", - "\n", - "[ 1 5 2 0 3 4 10 8 11 7 6 14 9 13 12 17 15 16 18]\n", - "=======================\n", - "[\"new zealander philip lyle hansen , 56 , has pleaded not guilty to 11 charges , including unlawful sexual connection and charges of wounding with intent to injure four women between 1988 and 2011 .on wednesday a wellington district court jury continued hearing evidence from a woman , 47 , who was in a relationship with hansen during the 1990s .a man accused of removing women 's teeth with pliers and a screwdriver during sex because he liked ` gummy ladies ' claims he was just trying to ` help ' them .\"]\n", - "=======================\n", - "[\"philip lyle hansen , 56 , has pleaded not guilty to 11 chargeson wednesday wellington district court heard of his teeth ` fascination 'he allegedly removed six teeth from one woman , 47 , during sexhansen later allegedly removed her wisdom teeth with a screwdriverhe is said to have injured four women between 1988 and 2011defence lawyer mike antunovic suggested hansen was trying to help\"]\n", - "new zealander philip lyle hansen , 56 , has pleaded not guilty to 11 charges , including unlawful sexual connection and charges of wounding with intent to injure four women between 1988 and 2011 .on wednesday a wellington district court jury continued hearing evidence from a woman , 47 , who was in a relationship with hansen during the 1990s .a man accused of removing women 's teeth with pliers and a screwdriver during sex because he liked ` gummy ladies ' claims he was just trying to ` help ' them .\n", - "philip lyle hansen , 56 , has pleaded not guilty to 11 chargeson wednesday wellington district court heard of his teeth ` fascination 'he allegedly removed six teeth from one woman , 47 , during sexhansen later allegedly removed her wisdom teeth with a screwdriverhe is said to have injured four women between 1988 and 2011defence lawyer mike antunovic suggested hansen was trying to help\n", - "[1.2672204 1.4174232 1.2852912 1.094899 1.2409388 1.2209814 1.1308869\n", - " 1.0944595 1.1214651 1.0415223 1.0155344 1.0290809 1.0987713 1.0260934\n", - " 1.0544152 1.0109375 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 5 6 8 12 3 7 14 9 11 13 10 15 17 16 18]\n", - "=======================\n", - "[\"police across malawi have been ordered to shoot anyone caught attacking albinos , while tanzania 's prime minister has urged citizens to kill anyone found with albino body parts .and in nearby burundi , albino youngsters from across east africa are being housed in special accommodation under army protection in a bid to deter attackers .the drastic developments come as the united nations reports at least 15 people with albinism , mostly children , have been killed , wounded , abducted or kidnapped in east africa in the past six months .\"]\n", - "=======================\n", - "['albino men and women continue to be hunted for their body parts in africamalawi police have been ordered to shoot anyone caught attacking albinostanzania pm previously urged citizens to kill those caught with body partsin nearby burundi , youngsters are being housed in special accommodation']\n", - "police across malawi have been ordered to shoot anyone caught attacking albinos , while tanzania 's prime minister has urged citizens to kill anyone found with albino body parts .and in nearby burundi , albino youngsters from across east africa are being housed in special accommodation under army protection in a bid to deter attackers .the drastic developments come as the united nations reports at least 15 people with albinism , mostly children , have been killed , wounded , abducted or kidnapped in east africa in the past six months .\n", - "albino men and women continue to be hunted for their body parts in africamalawi police have been ordered to shoot anyone caught attacking albinostanzania pm previously urged citizens to kill those caught with body partsin nearby burundi , youngsters are being housed in special accommodation\n", - "[1.2399993 1.2599635 1.112927 1.1320263 1.175315 1.1443272 1.0852556\n", - " 1.0571702 1.0385078 1.1302158 1.0141822 1.0911317 1.055165 1.0305703\n", - " 1.0457811 1.0305731 1.1702323 0. 0. ]\n", - "\n", - "[ 1 0 4 16 5 3 9 2 11 6 7 12 14 8 15 13 10 17 18]\n", - "=======================\n", - "[\"chief justice john roberts -- who shocked conservatives with his swing vote to uphold obamacare -- this time seemed to lean more closely to conservative justices .washington ( cnn ) supreme court justices appeared divided tuesday during historic arguments over the constitutionality of gay marriage , with justice anthony kennedy returning to a familiar role as the court 's pivotal vote .many questions on tuesday centered around the definition of marriage and whether the decision to authorize or ban gay marriage should be left to voters in individual states or decided by the judicial system .\"]\n", - "=======================\n", - "['questions tuesday centered on whether defining marriage should be left to voters in individual states or decided by judicial systemchief justice john roberts , who shocked conservatives with his swing vote to uphold obamacare , seemed to lean conservativeeyes on justice anthony kennedy , a key vote for challengers to the state bans , who has penned decisions in favor of gay rights']\n", - "chief justice john roberts -- who shocked conservatives with his swing vote to uphold obamacare -- this time seemed to lean more closely to conservative justices .washington ( cnn ) supreme court justices appeared divided tuesday during historic arguments over the constitutionality of gay marriage , with justice anthony kennedy returning to a familiar role as the court 's pivotal vote .many questions on tuesday centered around the definition of marriage and whether the decision to authorize or ban gay marriage should be left to voters in individual states or decided by the judicial system .\n", - "questions tuesday centered on whether defining marriage should be left to voters in individual states or decided by judicial systemchief justice john roberts , who shocked conservatives with his swing vote to uphold obamacare , seemed to lean conservativeeyes on justice anthony kennedy , a key vote for challengers to the state bans , who has penned decisions in favor of gay rights\n", - "[1.3441128 1.3442651 1.4063492 1.2475817 1.1556461 1.1318113 1.1555638\n", - " 1.0846002 1.024968 1.0152767 1.0158172 1.038477 1.0296776 1.0928385\n", - " 1.0700043 1.0548352 0. 0. 0. ]\n", - "\n", - "[ 2 1 0 3 4 6 5 13 7 14 15 11 12 8 10 9 16 17 18]\n", - "=======================\n", - "['his flat , in a gated community near hampstead heath , north london , was transferred free of charge to his two daughters and son in march last year -- the same month that police raided his westminster office , and three months after they had swooped on his home .it puts the luxury apartment out of reach for potential child abuse victims suing the peer for compensation .lord janner signed over the deeds of his # 2million home to his children at the height of the police paedophile case against him .']\n", - "=======================\n", - "['lord janner signed over the deeds of his flat in hampstead north londonthe transfer happened after police raided his office in the house of lordsdocuments show the deeds were passed without charge to his childrenlawyers representing his alleged victims have asked for answers']\n", - "his flat , in a gated community near hampstead heath , north london , was transferred free of charge to his two daughters and son in march last year -- the same month that police raided his westminster office , and three months after they had swooped on his home .it puts the luxury apartment out of reach for potential child abuse victims suing the peer for compensation .lord janner signed over the deeds of his # 2million home to his children at the height of the police paedophile case against him .\n", - "lord janner signed over the deeds of his flat in hampstead north londonthe transfer happened after police raided his office in the house of lordsdocuments show the deeds were passed without charge to his childrenlawyers representing his alleged victims have asked for answers\n", - "[1.2275957 1.334538 1.2455089 1.156209 1.0764748 1.0713775 1.0657115\n", - " 1.1265091 1.0850407 1.0793958 1.0749245 1.051317 1.0601665 1.1249949\n", - " 1.0241748 1.0443424 1.035393 1.0203652 1.0292447]\n", - "\n", - "[ 1 2 0 3 7 13 8 9 4 10 5 6 12 11 15 16 18 14 17]\n", - "=======================\n", - "['a controversial beijing-backed election proposal tabled wednesday that pro-democracy legislators have already sworn to veto , describing it as \" ridiculous . \"in a speech before the city \\'s legislature , chief secretary carrie lam said that if approved , the proposal would give hong kongers the right to vote for their next leader in 2017 .hong kong ( cnn ) four months after the end of the massive occupy protests that clogged hong kong \\'s streets in a bid for greater voting rights , another confrontation is heating up in the former british colony .']\n", - "=======================\n", - "['reform proposal would give hong kongers right to vote for their next leader in 2017but candidates would have to be approved by a mostly pro-beijing committeepro-democracy legislators have vowed to veto proposal']\n", - "a controversial beijing-backed election proposal tabled wednesday that pro-democracy legislators have already sworn to veto , describing it as \" ridiculous . \"in a speech before the city 's legislature , chief secretary carrie lam said that if approved , the proposal would give hong kongers the right to vote for their next leader in 2017 .hong kong ( cnn ) four months after the end of the massive occupy protests that clogged hong kong 's streets in a bid for greater voting rights , another confrontation is heating up in the former british colony .\n", - "reform proposal would give hong kongers right to vote for their next leader in 2017but candidates would have to be approved by a mostly pro-beijing committeepro-democracy legislators have vowed to veto proposal\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[1.1874468 1.4261938 1.499625 1.3116755 1.2147288 1.1545638 1.1716768\n", - " 1.1203309 1.0144821 1.0431665 1.0307033 1.0183537 1.1032122 1.2324495\n", - " 1.1416732 1.0507393 1.0447791 1.0076702]\n", - "\n", - "[ 2 1 3 13 4 0 6 5 14 7 12 15 16 9 10 11 8 17]\n", - "=======================\n", - "['the 32-year-old from eastleigh has been charged with 28 separate offences against two children that include rape and sexual activity with a child .lloyd dennis taught at a number of primary schools across hampshire before becoming a lecturer at basingstoke college of technology .among the schools where lloyd dennis has taught is cadland primary school in hampshire ( above )']\n", - "=======================\n", - "['lloyd dennis has been charged with 28 offences against two childrenthe 32-year-old has worked at a number of primary schools in hampshirethe reel of charges includes rape and sexual activity with a child']\n", - "the 32-year-old from eastleigh has been charged with 28 separate offences against two children that include rape and sexual activity with a child .lloyd dennis taught at a number of primary schools across hampshire before becoming a lecturer at basingstoke college of technology .among the schools where lloyd dennis has taught is cadland primary school in hampshire ( above )\n", - "lloyd dennis has been charged with 28 offences against two childrenthe 32-year-old has worked at a number of primary schools in hampshirethe reel of charges includes rape and sexual activity with a child\n", - "[1.3377104 1.3509424 1.1534169 1.0886618 1.3853896 1.2129011 1.0776898\n", - " 1.0355592 1.0139756 1.1571718 1.0630406 1.1133252 1.0166575 1.0179578\n", - " 1.0400232 0. 0. 0. ]\n", - "\n", - "[ 4 1 0 5 9 2 11 3 6 10 14 7 13 12 8 15 16 17]\n", - "=======================\n", - "[\"quirky collab : sister duo jess and stef dadon have teamed up with new york company ' print all over me 'made famous by their ` matchy matchy ' style and twin-like looks ( despite the five year age difference ) , the melbourne based fashion duo jess , 22 , and stef , 27 , dadon are now set to take their crazy style collaborations to a new level .cocktails and creativity : the sisters are heading to la soon for summer to launch new shoe line ` twoobs '\"]\n", - "=======================\n", - "[\"the stylish sisters ` how two live ' collaborate with print and shoe brandsthe collaboration is with us company ' print all over me ' that lets you design and customise a print to wear or sell commerciallyalso featured is buffalo shoes , makers of the spice girls platformsthe vibrant sisters have 111,000 fans on instagram\"]\n", - "quirky collab : sister duo jess and stef dadon have teamed up with new york company ' print all over me 'made famous by their ` matchy matchy ' style and twin-like looks ( despite the five year age difference ) , the melbourne based fashion duo jess , 22 , and stef , 27 , dadon are now set to take their crazy style collaborations to a new level .cocktails and creativity : the sisters are heading to la soon for summer to launch new shoe line ` twoobs '\n", - "the stylish sisters ` how two live ' collaborate with print and shoe brandsthe collaboration is with us company ' print all over me ' that lets you design and customise a print to wear or sell commerciallyalso featured is buffalo shoes , makers of the spice girls platformsthe vibrant sisters have 111,000 fans on instagram\n", - "[1.3555827 1.304708 1.3924912 1.2335255 1.1567471 1.06986 1.0292673\n", - " 1.0343145 1.0966606 1.150569 1.0755311 1.100807 1.0641888 1.059238\n", - " 1.119122 1.1092752 1.060391 0. ]\n", - "\n", - "[ 2 0 1 3 4 9 14 15 11 8 10 5 12 16 13 7 6 17]\n", - "=======================\n", - "[\"the gun was inside a hard rifle case and was ` secured properly ' to a truck safe with padlocks and chains while the car was parked at the marriott springhill suites , according to police .an fbi agent 's sniper rifle ( similar to the one pictured ) was ripped out of his car 's window and stolen from a salt lake city hotel parking lotpolice believe the thief stole the rifle by breaking the rear right passenger-side window , tying a rope around the rifle case 's handle or a cable lock , and using the momentum from another vehicle to then break the case 's handle free from the lock .\"]\n", - "=======================\n", - "[\"rifle was stolen overnight while agent 's car was parked at a salt lake city hotel across the street from the state 's fbi officegun was ` secured properly ' in a case and truck safe with padlocks and chainspolice believe thief tied a rope around the case and used another car to break the handle off by ripping the case through the car 's windowagent 's stolen backpack and gear bags were recovered at a nearby hotel , but the gun has not been found\"]\n", - "the gun was inside a hard rifle case and was ` secured properly ' to a truck safe with padlocks and chains while the car was parked at the marriott springhill suites , according to police .an fbi agent 's sniper rifle ( similar to the one pictured ) was ripped out of his car 's window and stolen from a salt lake city hotel parking lotpolice believe the thief stole the rifle by breaking the rear right passenger-side window , tying a rope around the rifle case 's handle or a cable lock , and using the momentum from another vehicle to then break the case 's handle free from the lock .\n", - "rifle was stolen overnight while agent 's car was parked at a salt lake city hotel across the street from the state 's fbi officegun was ` secured properly ' in a case and truck safe with padlocks and chainspolice believe thief tied a rope around the case and used another car to break the handle off by ripping the case through the car 's windowagent 's stolen backpack and gear bags were recovered at a nearby hotel , but the gun has not been found\n", - "[1.4657826 1.2818177 1.0687091 1.3212786 1.2945577 1.1847186 1.0630724\n", - " 1.1104975 1.021911 1.0837238 1.0542234 1.0649441 1.1073653 1.0422075\n", - " 1.010082 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 1 5 7 12 9 2 11 6 10 13 8 14 15 16 17]\n", - "=======================\n", - "['serena williams will be 34 at the end of a summer that she looks all set to enter without having been beaten on tour in 2015 .serena williams celebrates after reaching the miami open final to continue her unbeaten run in 2015williams was taken the distance by world no 2 simona halep in the semi finals in florida']\n", - "=======================\n", - "['world no 1 has not been beaten since the start of the year with 17-0 recordserena williams plays carla suarez navarro in the miami open finalplayers including simona halep , maria sharapova and eugenie bouchard have failed to mount a serious challenge to the american veteran']\n", - "serena williams will be 34 at the end of a summer that she looks all set to enter without having been beaten on tour in 2015 .serena williams celebrates after reaching the miami open final to continue her unbeaten run in 2015williams was taken the distance by world no 2 simona halep in the semi finals in florida\n", - "world no 1 has not been beaten since the start of the year with 17-0 recordserena williams plays carla suarez navarro in the miami open finalplayers including simona halep , maria sharapova and eugenie bouchard have failed to mount a serious challenge to the american veteran\n", - "[1.276063 1.4260838 1.265856 1.3244077 1.1989731 1.2409029 1.0141779\n", - " 1.0944256 1.0495659 1.1236992 1.0674305 1.0662497 1.1501867 1.1437846\n", - " 1.1226456 1.0294245 1.0285345 1.0680822]\n", - "\n", - "[ 1 3 0 2 5 4 12 13 9 14 7 17 10 11 8 15 16 6]\n", - "=======================\n", - "['goalkeepers thibaut courtois and david de gea and liverpool midfielders raheem sterling and philippe coutinho complete the list of players - all aged 23 or under at the start of this season .harry kane has scored 19 league goals this season and has been nominated for pfa young player of the yearthe winners , voted for by their fellow professionals , will be announced at the awards ceremony in central london on april 26 .']\n", - "=======================\n", - "['pfa have announced their six-man shortlist for young player of the yearharry kane and eden hazard will among the front runners for the awardkane has scored 19 premier league goals for tottenham this seasonhazard has been instrumental for table-toppers chelsea this campaign']\n", - "goalkeepers thibaut courtois and david de gea and liverpool midfielders raheem sterling and philippe coutinho complete the list of players - all aged 23 or under at the start of this season .harry kane has scored 19 league goals this season and has been nominated for pfa young player of the yearthe winners , voted for by their fellow professionals , will be announced at the awards ceremony in central london on april 26 .\n", - "pfa have announced their six-man shortlist for young player of the yearharry kane and eden hazard will among the front runners for the awardkane has scored 19 premier league goals for tottenham this seasonhazard has been instrumental for table-toppers chelsea this campaign\n", - "[1.2813663 1.4651003 1.1784408 1.2653999 1.3196129 1.2281276 1.1125067\n", - " 1.1130207 1.0810696 1.0598679 1.0415996 1.0545747 1.0439115 1.0521717\n", - " 1.0137705 1.0144497 1.0327233]\n", - "\n", - "[ 1 4 0 3 5 2 7 6 8 9 11 13 12 10 16 15 14]\n", - "=======================\n", - "[\"she is accused of prying on former partner pc stuart swarbrick 200 times over a yeardc ciara campbell ( pictured ) was an officer at lancaster cid .after detective constable ciara campbell broke up with police marksman stuart swarbrick , a ` large number ' of photographs of his new partner , a civilian police worker , were found on her ipad , a jury was told .\"]\n", - "=======================\n", - "[\"dc ciara campbell , 43 , ` used the police computer system to spy on her ex 'also allegedly pried on stuart swarbrick 's new girlfriend who is also officercourt heard she also accessed information about dispute involving a friendcampbell denies three counts of unlawfully obtaining personal data and eight offences of unauthorised access to computer material\"]\n", - "she is accused of prying on former partner pc stuart swarbrick 200 times over a yeardc ciara campbell ( pictured ) was an officer at lancaster cid .after detective constable ciara campbell broke up with police marksman stuart swarbrick , a ` large number ' of photographs of his new partner , a civilian police worker , were found on her ipad , a jury was told .\n", - "dc ciara campbell , 43 , ` used the police computer system to spy on her ex 'also allegedly pried on stuart swarbrick 's new girlfriend who is also officercourt heard she also accessed information about dispute involving a friendcampbell denies three counts of unlawfully obtaining personal data and eight offences of unauthorised access to computer material\n", - "[1.4000013 1.1274108 1.2758688 1.2762129 1.1905919 1.076922 1.0376184\n", - " 1.0291563 1.02305 1.0816125 1.1349806 1.0294868 1.0331007 1.0284995\n", - " 1.0317127 1.0345521 0. ]\n", - "\n", - "[ 0 3 2 4 10 1 9 5 6 15 12 14 11 7 13 8 16]\n", - "=======================\n", - "[\"she 's the clean eating food lover who has more than 102,000 followers on instagram thanks to her healthy and delicious looking meals .over the last year alice ( pictured before , left , and after , right ) has completely transformed her body with the help of healthy eating and the ldn muscle bikini guidewe 're talking about clean eating alice , the latest social media sensation to be making a name for herself by living a healthy life .\"]\n", - "=======================\n", - "['clean eating alice is the latest healthy living instagram sensationshe posts pictures of her body transformation and healthy mealsthe pretty blonde has a six pack thanks to the ldn muscle bikini plan']\n", - "she 's the clean eating food lover who has more than 102,000 followers on instagram thanks to her healthy and delicious looking meals .over the last year alice ( pictured before , left , and after , right ) has completely transformed her body with the help of healthy eating and the ldn muscle bikini guidewe 're talking about clean eating alice , the latest social media sensation to be making a name for herself by living a healthy life .\n", - "clean eating alice is the latest healthy living instagram sensationshe posts pictures of her body transformation and healthy mealsthe pretty blonde has a six pack thanks to the ldn muscle bikini plan\n", - "[1.3790734 1.280744 1.2876542 1.0711724 1.0961576 1.1230725 1.1520532\n", - " 1.0720766 1.0463953 1.0381138 1.0666947 1.1653509 1.0942204 1.0693018\n", - " 1.1017079 1.0303787 1.0213958]\n", - "\n", - "[ 0 2 1 11 6 5 14 4 12 7 3 13 10 8 9 15 16]\n", - "=======================\n", - "[\"the health secretary promised a crackdown if the conservatives are re-electedspeaking as the mail revealed how nhs managers were potentially dodging income tax by channelling huge salaries through personal companies , jeremy hunt promised an immediate crackdown if his party is in power after the election .labour health spokesman andy burnham has also vowed that a labour government would investigate the mail 's evidence .\"]\n", - "=======================\n", - "[\"the health secretary said the mail 's campaign exposed abuse of fundspromised a future conservative government would stop abuse as prioritylabour health spokesman andy burnham vowed to investigate findingsother senior politicians said nhs trusts should be ` hauled ' before mps\"]\n", - "the health secretary promised a crackdown if the conservatives are re-electedspeaking as the mail revealed how nhs managers were potentially dodging income tax by channelling huge salaries through personal companies , jeremy hunt promised an immediate crackdown if his party is in power after the election .labour health spokesman andy burnham has also vowed that a labour government would investigate the mail 's evidence .\n", - "the health secretary said the mail 's campaign exposed abuse of fundspromised a future conservative government would stop abuse as prioritylabour health spokesman andy burnham vowed to investigate findingsother senior politicians said nhs trusts should be ` hauled ' before mps\n", - "[1.5510567 1.428534 1.2177161 1.469897 1.2935811 1.0225351 1.0128326\n", - " 1.0133852 1.1971985 1.1570848 1.1442586 1.0262789 1.0143559 1.0126797\n", - " 1.0089579 1.0086083 1.2261558]\n", - "\n", - "[ 0 3 1 4 16 2 8 9 10 11 5 12 7 6 13 14 15]\n", - "=======================\n", - "['portugal striker nelson oliveira is determined to take his swansea chance presented to him by the absence of the in-form bafetimbi gomis .oliveira has won 14 caps for his country and was once linked to a # 24million move to manchester united , but his career has stalled at benfica and swansea is his third loan spell in as many seasons .the striker ( right ) has recovered from a training-ground ankle injury and is expected to start against leicester']\n", - "=======================\n", - "['nelson oliveira is on-loan at swansea from portuguese giants benficaoliveira set to make only his second premier league start against leicesterswansea outcast is hopeful of proving his worth in englandportugal international was once linked with a move to manchester united']\n", - "portugal striker nelson oliveira is determined to take his swansea chance presented to him by the absence of the in-form bafetimbi gomis .oliveira has won 14 caps for his country and was once linked to a # 24million move to manchester united , but his career has stalled at benfica and swansea is his third loan spell in as many seasons .the striker ( right ) has recovered from a training-ground ankle injury and is expected to start against leicester\n", - "nelson oliveira is on-loan at swansea from portuguese giants benficaoliveira set to make only his second premier league start against leicesterswansea outcast is hopeful of proving his worth in englandportugal international was once linked with a move to manchester united\n", - "[1.4812446 1.2105781 1.2706299 1.4391418 1.3167468 1.1664263 1.0948733\n", - " 1.0470557 1.0623283 1.0112512 1.0126511 1.0097438 1.1530449 1.109669\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 3 4 2 1 5 12 13 6 8 7 10 9 11 15 14 16]\n", - "=======================\n", - "[\"lee clark admitted blackpool face a challenge to win back their stay-away fans after an evening in which their relegation into sky bet league one was marked by pre-match supporters ' protests against karl oyston .jamie o'hara scored from the penalty spot to give blackpool a lead during the draw against readingthey repeatedly chanted for oyston to leave a club that became the first in the football league to be demoted following rotherham 's win over brighton on easter monday .\"]\n", - "=======================\n", - "['blackpool fans protested against owners , the oyston family , before their 1-1 draw against reading on tuesday nightthousands of supporters stayed away from bloomfield roadthose who did show protested before the gamethey are already relegated from the championship']\n", - "lee clark admitted blackpool face a challenge to win back their stay-away fans after an evening in which their relegation into sky bet league one was marked by pre-match supporters ' protests against karl oyston .jamie o'hara scored from the penalty spot to give blackpool a lead during the draw against readingthey repeatedly chanted for oyston to leave a club that became the first in the football league to be demoted following rotherham 's win over brighton on easter monday .\n", - "blackpool fans protested against owners , the oyston family , before their 1-1 draw against reading on tuesday nightthousands of supporters stayed away from bloomfield roadthose who did show protested before the gamethey are already relegated from the championship\n", - "[1.1632236 1.4267411 1.3661586 1.3269383 1.2634606 1.1802872 1.0342022\n", - " 1.0452471 1.0290741 1.1578506 1.0420436 1.0338883 1.0196565 1.0242382\n", - " 1.1515158 1.0619441 1.0267131 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 4 5 0 9 14 15 7 10 6 11 8 16 13 12 21 17 18 19 20 22]\n", - "=======================\n", - "['it found that children who ate a diet higher in saturated fats and cholesterol had slower reaction times and a poorer working memory .for the study , scientists at the university of illinois recruited 150 children aged between seven and 10 and gave them a game which involved learning a pattern between a set of shapes and colours .the game was designed to test cognitive flexibility , which is our ability to shift attention , select information and alter our response strategy to fit the changing demands of a task .']\n", - "=======================\n", - "[\"university of illinois researchers gave 150 children a pattern gameit was designed to test cognitive flexibility , which is our ability to shift attention and select information to fit the changing demands of a taskthey compared the results with the children 's food diariesfound those who ate fatty food had slower reaction times and worse working memories than children who ate healthier diets\"]\n", - "it found that children who ate a diet higher in saturated fats and cholesterol had slower reaction times and a poorer working memory .for the study , scientists at the university of illinois recruited 150 children aged between seven and 10 and gave them a game which involved learning a pattern between a set of shapes and colours .the game was designed to test cognitive flexibility , which is our ability to shift attention , select information and alter our response strategy to fit the changing demands of a task .\n", - "university of illinois researchers gave 150 children a pattern gameit was designed to test cognitive flexibility , which is our ability to shift attention and select information to fit the changing demands of a taskthey compared the results with the children 's food diariesfound those who ate fatty food had slower reaction times and worse working memories than children who ate healthier diets\n", - "[1.336346 1.3369312 1.3198657 1.2497519 1.1918178 1.2792006 1.0340947\n", - " 1.1602939 1.1270256 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 0 2 5 3 4 7 8 6 20 19 18 17 16 15 11 13 12 21 10 9 14 22]\n", - "=======================\n", - "[\"the migrants were picked up 30 miles off the coast of libya , said european parliament member matteo salvini , the leader of italy 's far-right northern league .( cnn ) desperate migrants from africa and the middle east keep heading to europe , with 978 rescued friday in the mediterranean sea , the italian coast guard said saturday via twitter .in the first three months of 2015 , italy registered more than 10,000 migrants arriving , the international organization for migration said , and about 2,000 were rescued at sea during the first weekend of april in the channel of sicily .\"]\n", - "=======================\n", - "['the migrants were picked up 30 miles off the coast of libya , an italian leader saysat least 480 migrants have died while crossing the mediterranean this year']\n", - "the migrants were picked up 30 miles off the coast of libya , said european parliament member matteo salvini , the leader of italy 's far-right northern league .( cnn ) desperate migrants from africa and the middle east keep heading to europe , with 978 rescued friday in the mediterranean sea , the italian coast guard said saturday via twitter .in the first three months of 2015 , italy registered more than 10,000 migrants arriving , the international organization for migration said , and about 2,000 were rescued at sea during the first weekend of april in the channel of sicily .\n", - "the migrants were picked up 30 miles off the coast of libya , an italian leader saysat least 480 migrants have died while crossing the mediterranean this year\n", - "[1.0809124 1.3675691 1.3091369 1.295124 1.0816706 1.1814563 1.1678649\n", - " 1.1377945 1.1008904 1.0970684 1.1137067 1.0315436 1.0968554 1.067038\n", - " 1.0558044 1.0287806 1.0207813 1.0364654 1.0291125 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 2 3 5 6 7 10 8 9 12 4 0 13 14 17 11 18 15 16 21 19 20 22]\n", - "=======================\n", - "[\"while apple offers touch id to use your fingerprint to unlock a handset , google has now released an update to its android software allowing owners to unlock their phone with their voice .known as trusted voice , it can unlock a phone simply by hearing its owner say ` ok , google ' .` tapping the option under smart lock will take users to the google app 's settings . '\"]\n", - "=======================\n", - "['google introduced face unlock in android 4.0 ice cream sandwichnow rolling out new voice unlock feature to usersit acts as an alternative to screen locks involving a pattern or a pin']\n", - "while apple offers touch id to use your fingerprint to unlock a handset , google has now released an update to its android software allowing owners to unlock their phone with their voice .known as trusted voice , it can unlock a phone simply by hearing its owner say ` ok , google ' .` tapping the option under smart lock will take users to the google app 's settings . '\n", - "google introduced face unlock in android 4.0 ice cream sandwichnow rolling out new voice unlock feature to usersit acts as an alternative to screen locks involving a pattern or a pin\n", - "[1.298502 1.4489288 1.4269928 1.3764027 1.1287475 1.1276993 1.0741515\n", - " 1.1043165 1.0403774 1.0404707 1.0602779 1.0114522 1.0123894 1.0142199\n", - " 1.0182807 1.0180691 1.0355918 1.0388925 1.0896016 1.0584885 1.0327045\n", - " 1.0288179 1.0248901]\n", - "\n", - "[ 1 2 3 0 4 5 7 18 6 10 19 9 8 17 16 20 21 22 14 15 13 12 11]\n", - "=======================\n", - "[\"the actor and his human rights lawyer wife are understood to have invited friends to their mansion on lake como .the party is a belated celebration of mrs clooney 's 37th birthday in february , according to a source .george and amal clooney have returned to italy to celebrate her birthday with a three-day , star-studded party , it has been reported .\"]\n", - "=======================\n", - "['george and amal clooney expected to host celebrity friends this weekendthe couple invited guests to their lake como villa , according to a sourceitalian authorities imposed fines for anyone caught loitering around villamrs clooney , a humans right lawyer , turned 37 at beginning of february']\n", - "the actor and his human rights lawyer wife are understood to have invited friends to their mansion on lake como .the party is a belated celebration of mrs clooney 's 37th birthday in february , according to a source .george and amal clooney have returned to italy to celebrate her birthday with a three-day , star-studded party , it has been reported .\n", - "george and amal clooney expected to host celebrity friends this weekendthe couple invited guests to their lake como villa , according to a sourceitalian authorities imposed fines for anyone caught loitering around villamrs clooney , a humans right lawyer , turned 37 at beginning of february\n", - "[1.4485459 1.3840252 1.2071403 1.0177128 1.3191376 1.1220825 1.1218748\n", - " 1.1364822 1.0846248 1.0838219 1.1307973 1.1305336 1.0758419 1.1148529\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 1 4 2 7 10 11 5 6 13 8 9 12 3 21 14 15 16 17 18 19 20 22]\n", - "=======================\n", - "['manchester city will resist any attempt by valencia to pull out of a # 24million deal for alvaro negredo to fund a move for radamel falcao .negredo joined valencia on loan last summer and the agreement included a compulsory purchase clause that triggered a permanent move to the mestalla as soon as he played for the la liga club .reports in spain on thursday suggested that valencia are having second thoughts about keeping negredo next season , but city are adamant that the deal will go through as planned .']\n", - "=======================\n", - "[\"manchester city maintain striker alvaro negredo will move to valenciathe spaniard will cost the la liga side # 24million this summerfee was part of the loan agreement put in place for negredocity scouts were deployed to watch porto 's alex sandro this week\"]\n", - "manchester city will resist any attempt by valencia to pull out of a # 24million deal for alvaro negredo to fund a move for radamel falcao .negredo joined valencia on loan last summer and the agreement included a compulsory purchase clause that triggered a permanent move to the mestalla as soon as he played for the la liga club .reports in spain on thursday suggested that valencia are having second thoughts about keeping negredo next season , but city are adamant that the deal will go through as planned .\n", - "manchester city maintain striker alvaro negredo will move to valenciathe spaniard will cost the la liga side # 24million this summerfee was part of the loan agreement put in place for negredocity scouts were deployed to watch porto 's alex sandro this week\n", - "[1.4418951 1.1674612 1.3511926 1.3223023 1.101722 1.0362821 1.028425\n", - " 1.1573384 1.1421723 1.135037 1.0437652 1.032352 1.0519071 1.1551781\n", - " 1.013726 1.0196002 1.0392988 0. 0. 0. ]\n", - "\n", - "[ 0 2 3 1 7 13 8 9 4 12 10 16 5 11 6 15 14 18 17 19]\n", - "=======================\n", - "[\"dmitry kaminskiy is hoping his million dollar gift will trigger a new group of ` supercenternarians 'he says research into stem cells , tissue rejuvenation and regenerative medicine will allow people to live beyond 120 - an age that has been quoted as the ` real absolute limit to human lifespan ' .a moldovan multi-millionaire whose dream it is to live forever has promised to give $ 1 million to the first person to reach the age of 123 .\"]\n", - "=======================\n", - "[\"the large prize is being offered by businessman , dmitry kaminskiyhe hopes money will help create a new group of ` supercenternarians 'jeanne calment holds the record of oldest person , dying aged 122.5he has made a $ 1m bet with dr alex zhavoronkov on who will die first\"]\n", - "dmitry kaminskiy is hoping his million dollar gift will trigger a new group of ` supercenternarians 'he says research into stem cells , tissue rejuvenation and regenerative medicine will allow people to live beyond 120 - an age that has been quoted as the ` real absolute limit to human lifespan ' .a moldovan multi-millionaire whose dream it is to live forever has promised to give $ 1 million to the first person to reach the age of 123 .\n", - "the large prize is being offered by businessman , dmitry kaminskiyhe hopes money will help create a new group of ` supercenternarians 'jeanne calment holds the record of oldest person , dying aged 122.5he has made a $ 1m bet with dr alex zhavoronkov on who will die first\n", - "[1.4943107 1.4976203 1.0641637 1.4320999 1.0544888 1.1524704 1.0378947\n", - " 1.1451111 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 5 7 2 4 6 17 16 15 14 13 9 11 10 18 8 12 19]\n", - "=======================\n", - "[\"the 29-year-old former dewsbury forward was handed the suspension by uk anti-doping ( ukad ) after a sample taken in an out-of-competition test last november returned a positive test for growth hormone releasing factors .featherstone prop james lockwood has been given a two-year ban for breaching the rugby football league 's anti-doping regulations in the first finding of its kind in the uk .lockwood has spent the last three seasons with featherstone after joining them from dewsbury in 2012 and was in their team that lost 36-12 to leigh in last october 's championship grand final at headingley .\"]\n", - "=======================\n", - "['rugby league star james lockwood has been banned for two yearsfeatherstone prop tested positive for growth hormone releasing factorsformer dewsbury player was part of team that lost 2014 grand final']\n", - "the 29-year-old former dewsbury forward was handed the suspension by uk anti-doping ( ukad ) after a sample taken in an out-of-competition test last november returned a positive test for growth hormone releasing factors .featherstone prop james lockwood has been given a two-year ban for breaching the rugby football league 's anti-doping regulations in the first finding of its kind in the uk .lockwood has spent the last three seasons with featherstone after joining them from dewsbury in 2012 and was in their team that lost 36-12 to leigh in last october 's championship grand final at headingley .\n", - "rugby league star james lockwood has been banned for two yearsfeatherstone prop tested positive for growth hormone releasing factorsformer dewsbury player was part of team that lost 2014 grand final\n", - "[1.3160074 1.1685158 1.4957905 1.1986438 1.2619239 1.2138215 1.0959438\n", - " 1.0916528 1.0881922 1.0766325 1.0743635 1.0227878 1.0675982 1.0817416\n", - " 1.0246018 1.0217531 1.0852385 1.0191596 0. 0. ]\n", - "\n", - "[ 2 0 4 5 3 1 6 7 8 16 13 9 10 12 14 11 15 17 18 19]\n", - "=======================\n", - "[\"deborah roberts , 53 , forced the tissue into phyllis hadlow 's mouth in an attempt to silence her in front of other nursing staff at kent and canterbury hospital .roberts was found guilty of one count of ill-treatment or wilful neglect of a person without capacity following a two-day trial - but avoided a prison sentence .she also poured water over the dementia patient , telling other staff : ` my son said if they do it to you , you can do it to them . '\"]\n", - "=======================\n", - "[\"nurse deborah roberts forced a wet wipe into phyllis hadlow 's mouthdementia patient , 96 , occasionally screamed out because of her conditionroberts , 53 , also poured water over the elderly widow in a hospital wardshe admitted wilfully neglecting frail mrs hadlow but will not be jailed\"]\n", - "deborah roberts , 53 , forced the tissue into phyllis hadlow 's mouth in an attempt to silence her in front of other nursing staff at kent and canterbury hospital .roberts was found guilty of one count of ill-treatment or wilful neglect of a person without capacity following a two-day trial - but avoided a prison sentence .she also poured water over the dementia patient , telling other staff : ` my son said if they do it to you , you can do it to them . '\n", - "nurse deborah roberts forced a wet wipe into phyllis hadlow 's mouthdementia patient , 96 , occasionally screamed out because of her conditionroberts , 53 , also poured water over the elderly widow in a hospital wardshe admitted wilfully neglecting frail mrs hadlow but will not be jailed\n", - "[1.233079 1.466022 1.356807 1.3965739 1.2903523 1.2050853 1.1532618\n", - " 1.0246212 1.073323 1.0175138 1.0143813 1.090889 1.0891451 1.1477046\n", - " 1.0661652 1.0163926 1.0475922 1.0136453 1.0599481 1.0812026]\n", - "\n", - "[ 1 3 2 4 0 5 6 13 11 12 19 8 14 18 16 7 9 15 10 17]\n", - "=======================\n", - "[\"damon clay , 17 , is in a medically induced coma in critical condition at grady memorial hospital in atlanta after monday 's attack .officers have arrested 19-year-old quintavious barber and 18-year-old malik morton for aggravated assault and cruelty to a child , among other charges .an atlanta teenager is hospitalized with burns covering 70 per cent of his body after two other teens attacked him with a pot of boiling rice while he was sleeping .\"]\n", - "=======================\n", - "['damon clay , 17 , of atlanta , has burns covering 70 per cent of his bodyofficers have arrested quintavious barber , 19 , and malik morton , 18they were arrested for aggravated assault and cruelty to a childrelatives of clay say the two men accused him of stealing a playstation 3']\n", - "damon clay , 17 , is in a medically induced coma in critical condition at grady memorial hospital in atlanta after monday 's attack .officers have arrested 19-year-old quintavious barber and 18-year-old malik morton for aggravated assault and cruelty to a child , among other charges .an atlanta teenager is hospitalized with burns covering 70 per cent of his body after two other teens attacked him with a pot of boiling rice while he was sleeping .\n", - "damon clay , 17 , of atlanta , has burns covering 70 per cent of his bodyofficers have arrested quintavious barber , 19 , and malik morton , 18they were arrested for aggravated assault and cruelty to a childrelatives of clay say the two men accused him of stealing a playstation 3\n", - "[1.2000935 1.4961598 1.2843547 1.4134575 1.161509 1.186495 1.136145\n", - " 1.119208 1.0348307 1.1369989 1.1094388 1.0605048 1.0181867 1.020759\n", - " 1.0872664 1.049691 1.0441576 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 5 4 9 6 7 10 14 11 15 16 8 13 12 18 17 19]\n", - "=======================\n", - "['brian nicol , 32 , dived into a swimming pool at a luxury holiday villa in the costa del sol , where he was staying with friends , but failed to resurface .his desperate friends dragged mr nicol , who was born in glasgow , out of the water and tried to save him .a british tourist has drowned in a pool in a luxury villa in spain , just hours after arriving on holiday .']\n", - "=======================\n", - "[\"brian nicol , 32 from glasgow , dived into a pool but failed to resurfacefrantic friends dragged him out of the water but he could not be revivedgroup were partying around pool after night out in marbella , says sourceearly investigations show death was a ` tragic accident ' according to police\"]\n", - "brian nicol , 32 , dived into a swimming pool at a luxury holiday villa in the costa del sol , where he was staying with friends , but failed to resurface .his desperate friends dragged mr nicol , who was born in glasgow , out of the water and tried to save him .a british tourist has drowned in a pool in a luxury villa in spain , just hours after arriving on holiday .\n", - "brian nicol , 32 from glasgow , dived into a pool but failed to resurfacefrantic friends dragged him out of the water but he could not be revivedgroup were partying around pool after night out in marbella , says sourceearly investigations show death was a ` tragic accident ' according to police\n", - "[1.2576469 1.5323002 1.4831274 1.393662 1.0902789 1.0579212 1.0492564\n", - " 1.0183344 1.1760035 1.1030991 1.0506641 1.0293117 1.0671147 1.020323\n", - " 1.0520065 1.0538896 1.0463375 1.026096 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 8 9 4 12 5 15 14 10 6 16 11 17 13 7 19 18 20]\n", - "=======================\n", - "[\"john foran 's wife nita was preparing a chicken tikka biryani stir-fry on tuesday april 7 when he found the splinter-covered shard .the # 2 ready meal was bought from an iceland foods store in spytty retail park near the couple 's home in newport , south wales , within the last two weeks .a man was horrified after finding a five inch piece of timber in his frozen curry .\"]\n", - "=======================\n", - "['man left horrified after discovering timber in frozen iceland currywife discovered splinter-covered shard whilst preparing the biryaniiceland are now conducting an investigation into how it happened']\n", - "john foran 's wife nita was preparing a chicken tikka biryani stir-fry on tuesday april 7 when he found the splinter-covered shard .the # 2 ready meal was bought from an iceland foods store in spytty retail park near the couple 's home in newport , south wales , within the last two weeks .a man was horrified after finding a five inch piece of timber in his frozen curry .\n", - "man left horrified after discovering timber in frozen iceland currywife discovered splinter-covered shard whilst preparing the biryaniiceland are now conducting an investigation into how it happened\n", - "[1.3316227 1.4351556 1.3503163 1.3997961 1.3274965 1.3055943 1.0451739\n", - " 1.015382 1.0321866 1.014448 1.0104996 1.0097435 1.0707355 1.0928185\n", - " 1.012758 1.0194416 1.078174 1.042078 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 0 4 5 13 16 12 6 17 8 15 7 9 14 10 11 19 18 20]\n", - "=======================\n", - "[\"the ironman actor promised to fly a winner and a friend to los angeles to join him on the red carpet for the world premiere of marvel 's avengers : age of ultron .robert downey jr has helped raise more than # 1million for british hospice julia 's housedorset-based charity will now use the money to build a new hospice in wiltshire\"]\n", - "=======================\n", - "[\"raffle raised # 1,388,863 for dorset-based charity julia 's housewinner to join ironman actor for marvel 's avengers : age of ultron premierecharity will use cash to build a new hospice in wiltshire\"]\n", - "the ironman actor promised to fly a winner and a friend to los angeles to join him on the red carpet for the world premiere of marvel 's avengers : age of ultron .robert downey jr has helped raise more than # 1million for british hospice julia 's housedorset-based charity will now use the money to build a new hospice in wiltshire\n", - "raffle raised # 1,388,863 for dorset-based charity julia 's housewinner to join ironman actor for marvel 's avengers : age of ultron premierecharity will use cash to build a new hospice in wiltshire\n", - "[1.2977798 1.4696411 1.4292722 1.3708313 1.1195796 1.1068224 1.1524293\n", - " 1.1495081 1.1073922 1.0873313 1.0191026 1.0112977 1.1371429 1.0274227\n", - " 1.0111076 1.0079937 1.037182 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 6 7 12 4 8 5 9 16 13 10 11 14 15 19 17 18 20]\n", - "=======================\n", - "[\"the former premier league defender said he had ` moved out of the marital home ' in yorkshire that he shared with his wife of 14 years , gemma .mr carlisle tried to kill himself in december , two days after he was arrested on suspicion of drink-driving .troubled footballer clarke carlisle has revealed he has split from his wife as he continues to battle with depression following his failed suicide attempt .\"]\n", - "=======================\n", - "[\"clarke carlisle reveals he has ` moved out of the marital home ' in yorkshirefather-of-three says both hand his wife have to focus on their ` well-being 'the former premier league defender , 35 , tried to kill himself in december\"]\n", - "the former premier league defender said he had ` moved out of the marital home ' in yorkshire that he shared with his wife of 14 years , gemma .mr carlisle tried to kill himself in december , two days after he was arrested on suspicion of drink-driving .troubled footballer clarke carlisle has revealed he has split from his wife as he continues to battle with depression following his failed suicide attempt .\n", - "clarke carlisle reveals he has ` moved out of the marital home ' in yorkshirefather-of-three says both hand his wife have to focus on their ` well-being 'the former premier league defender , 35 , tried to kill himself in december\n", - "[1.1586516 1.3458848 1.3881091 1.3050745 1.1817279 1.1650453 1.2313329\n", - " 1.0922143 1.0551313 1.0564377 1.097092 1.0396979 1.0814854 1.0149821\n", - " 1.1298275 1.0100565 1.0086966 1.0085822 1.0164022 0. 0. ]\n", - "\n", - "[ 2 1 3 6 4 5 0 14 10 7 12 9 8 11 18 13 15 16 17 19 20]\n", - "=======================\n", - "[\"the siblings , both in their twenties , fell seriously ill earlier this month after smoking the drug , which is a mix of herbs that has been sprayed with a chemical to produce a similar sensation to marijuana .these shocking photos show brothers jeff and joey stallings , who were placed in medically-induced comas after taking a ` bad batch ' of synthetic marijuana in their hometown of mccomb , mississippi .they were hospitalized on april 6 , within hours of each other , when they collapsed after suffering from hallucinations , vomiting , night sweats and violent shaking .\"]\n", - "=======================\n", - "[\"jeff and joey stallings took a ` bad batch ' of spice in mississippi hometownhospitalized after suffering from hallucinations , sweats and violent shakingphotos show the brothers in medically-induced comas in mccomb hospitalfortunately , siblings rallied against the drug 's effects and are now at homebut jeff has ` permanent kidney damage ' and both are still addicted to drugnow , their mom , karen , has begged others not to take synthetic marijuanabecause chemicals in spice vary , users do not know what they 're smoking\"]\n", - "the siblings , both in their twenties , fell seriously ill earlier this month after smoking the drug , which is a mix of herbs that has been sprayed with a chemical to produce a similar sensation to marijuana .these shocking photos show brothers jeff and joey stallings , who were placed in medically-induced comas after taking a ` bad batch ' of synthetic marijuana in their hometown of mccomb , mississippi .they were hospitalized on april 6 , within hours of each other , when they collapsed after suffering from hallucinations , vomiting , night sweats and violent shaking .\n", - "jeff and joey stallings took a ` bad batch ' of spice in mississippi hometownhospitalized after suffering from hallucinations , sweats and violent shakingphotos show the brothers in medically-induced comas in mccomb hospitalfortunately , siblings rallied against the drug 's effects and are now at homebut jeff has ` permanent kidney damage ' and both are still addicted to drugnow , their mom , karen , has begged others not to take synthetic marijuanabecause chemicals in spice vary , users do not know what they 're smoking\n", - "[1.4073448 1.4403965 1.1597924 1.0844077 1.0738187 1.0858977 1.0903093\n", - " 1.0938892 1.0753741 1.0212034 1.1783047 1.1832069 1.0345051 1.0163018\n", - " 1.0479724 1.0895483 1.0706552 1.0599073 1.0577904 1.0112625 1.0349662]\n", - "\n", - "[ 1 0 11 10 2 7 6 15 5 3 8 4 16 17 18 14 20 12 9 13 19]\n", - "=======================\n", - "['the items are crafts and artifacts made by japanese-americans confined to world war ii internment camps .( cnn ) a new jersey auction house has removed items from its april 17 event after an uproar from the public .the auction house said 24 lots of an original collection of works of art and crafts were removed .']\n", - "=======================\n", - "['the items were originally given to a historian who opposed the camps , cnn affiliate reportsauctioneer hoped they would be bought by museum or someone who would donate them for historical appreciationjapanese-americans were furious about items from family members , others being sold']\n", - "the items are crafts and artifacts made by japanese-americans confined to world war ii internment camps .( cnn ) a new jersey auction house has removed items from its april 17 event after an uproar from the public .the auction house said 24 lots of an original collection of works of art and crafts were removed .\n", - "the items were originally given to a historian who opposed the camps , cnn affiliate reportsauctioneer hoped they would be bought by museum or someone who would donate them for historical appreciationjapanese-americans were furious about items from family members , others being sold\n", - "[1.2589033 1.4879255 1.373733 1.4472526 1.1176594 1.0680027 1.0308707\n", - " 1.0308214 1.0231943 1.0171419 1.0194415 1.3024422 1.0153329 1.022753\n", - " 1.0167952 1.021821 1.0328579 1.0265133 1.0213078 1.0179464 1.0182085\n", - " 1.0178504 1.0697355]\n", - "\n", - "[ 1 3 2 11 0 4 22 5 16 6 7 17 8 13 15 18 10 20 19 21 9 14 12]\n", - "=======================\n", - "[\"the londoner takes on jan blachowicz tonight , more than a year after he suffered his first defeat to alexander gustafsson .jimi manuwa confident he can forget about his first career loss and defeat polish fighter jan blachowiczand manuwa does n't expect to spend more than 10 minutes in the octagon .\"]\n", - "=======================\n", - "[\"jimi manuwa plans to finish opponent jan blachowicz inside two roundsthe londoner says his ` aggression and killer instinct ' will see him throughmanuwa wants to get back to winning after losing to alexander gustafsson\"]\n", - "the londoner takes on jan blachowicz tonight , more than a year after he suffered his first defeat to alexander gustafsson .jimi manuwa confident he can forget about his first career loss and defeat polish fighter jan blachowiczand manuwa does n't expect to spend more than 10 minutes in the octagon .\n", - "jimi manuwa plans to finish opponent jan blachowicz inside two roundsthe londoner says his ` aggression and killer instinct ' will see him throughmanuwa wants to get back to winning after losing to alexander gustafsson\n", - "[1.2127256 1.4183685 1.268702 1.2899685 1.1586002 1.1784608 1.0961752\n", - " 1.0210809 1.032369 1.0922201 1.074176 1.0641851 1.0426798 1.1019812\n", - " 1.0528959 1.0330321 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 0 5 4 13 6 9 10 11 14 12 15 8 7 21 16 17 18 19 20 22]\n", - "=======================\n", - "['ayatollah hossein dehnavi , a celebrity preacher in iran , made the speech to a packed auditorium of men and women in his home country .islamic cleric dehnavi is a celebrity in his native iran , giving speeches on relationships and family valuesit is the latest controversial teaching put forward by dehnavi , who also warned that if women did not wear the hijab - the veil covering the hair and chest - properly , they could inadvertently cause some men to become homosexual .']\n", - "=======================\n", - "['ayatollah hossein dehnavi made statement during marriage advice speechalso claims women not wearing hijab properly could make men gayhomosexuals face persecution in iran under strict islamic regime']\n", - "ayatollah hossein dehnavi , a celebrity preacher in iran , made the speech to a packed auditorium of men and women in his home country .islamic cleric dehnavi is a celebrity in his native iran , giving speeches on relationships and family valuesit is the latest controversial teaching put forward by dehnavi , who also warned that if women did not wear the hijab - the veil covering the hair and chest - properly , they could inadvertently cause some men to become homosexual .\n", - "ayatollah hossein dehnavi made statement during marriage advice speechalso claims women not wearing hijab properly could make men gayhomosexuals face persecution in iran under strict islamic regime\n", - "[1.3386172 1.280092 1.3682299 1.1424792 1.296035 1.1323663 1.2271085\n", - " 1.061942 1.0743632 1.0340655 1.0264156 1.0197068 1.0391469 1.095849\n", - " 1.1118006 1.1196444 1.0232714 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 2 0 4 1 6 3 5 15 14 13 8 7 12 9 10 16 11 17 18 19 20 21 22]\n", - "=======================\n", - "[\"the tests of the substance came back negative and the quarantine of room 239 of the cannon house office building was removed at 3:37 p.m. on wednesday , reports triblive .hazmat teams tested a white powdery substance sent to u.s. rep mike doyle 's office on wednesday causing the building to temporarily close down .a powdery white substance was found in the office of rep. mike doyle , d-forest hills ( pictured ) but it was found to be a non-harmful substance\"]\n", - "=======================\n", - "[\"hazmat teams tested a white powdery substance sent to u.s. rep mike doyle 's office on wednesday causing temporary building shutdownthe white substance came back as negative and after just under two hours the congressman was able to return to his officei live in pittsburgh .\"]\n", - "the tests of the substance came back negative and the quarantine of room 239 of the cannon house office building was removed at 3:37 p.m. on wednesday , reports triblive .hazmat teams tested a white powdery substance sent to u.s. rep mike doyle 's office on wednesday causing the building to temporarily close down .a powdery white substance was found in the office of rep. mike doyle , d-forest hills ( pictured ) but it was found to be a non-harmful substance\n", - "hazmat teams tested a white powdery substance sent to u.s. rep mike doyle 's office on wednesday causing temporary building shutdownthe white substance came back as negative and after just under two hours the congressman was able to return to his officei live in pittsburgh .\n", - "[1.2427641 1.346537 1.1944916 1.18764 1.2797922 1.2439822 1.0879725\n", - " 1.0426568 1.0375247 1.0327632 1.0584273 1.0660756 1.041428 1.0250783\n", - " 1.0246075 1.0262338 1.0257039 1.0766793 1.0223094 1.0192007 1.0146655\n", - " 1.0378522 0. ]\n", - "\n", - "[ 1 4 5 0 2 3 6 17 11 10 7 12 21 8 9 15 16 13 14 18 19 20 22]\n", - "=======================\n", - "[\"paul , who launched his presidential campaign tuesday in louisville , kentucky , sparred with today host savannah guthrie about his past foreign policy positions .` washington 's horribly broken , ' kentucky republican sen. rand paul said tuesday , but it came in the midst of a tv interview broken up by prickly moments and interruptions .as guthrie rattled off a list of issues where she said the senator had flipped and flopped -- iran , aid to israel and defense spending -- a testy and impatient paul cut her off .\"]\n", - "=======================\n", - "[\"paul is already under fire for his evolving views on iran , foreign aid to israel and defense spendingwhy do n't we let me explain instead of talking over me , ok ? 'paul launched his presidential quest on tuesday in kentucky andis already on a five-state campaign swinghe pinned his 2007 claim that iran was not a threat to the us on the fact that he was campaigning for his father 's presidential bid at the time\"]\n", - "paul , who launched his presidential campaign tuesday in louisville , kentucky , sparred with today host savannah guthrie about his past foreign policy positions .` washington 's horribly broken , ' kentucky republican sen. rand paul said tuesday , but it came in the midst of a tv interview broken up by prickly moments and interruptions .as guthrie rattled off a list of issues where she said the senator had flipped and flopped -- iran , aid to israel and defense spending -- a testy and impatient paul cut her off .\n", - "paul is already under fire for his evolving views on iran , foreign aid to israel and defense spendingwhy do n't we let me explain instead of talking over me , ok ? 'paul launched his presidential quest on tuesday in kentucky andis already on a five-state campaign swinghe pinned his 2007 claim that iran was not a threat to the us on the fact that he was campaigning for his father 's presidential bid at the time\n", - "[1.1911591 1.4009298 1.243006 1.276773 1.2103194 1.1389258 1.0458851\n", - " 1.067297 1.0856336 1.1723545 1.0961989 1.1085777 1.0941603 1.0554531\n", - " 1.0508012 1.0490522 1.0469134 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 9 5 11 10 12 8 7 13 14 15 16 6 21 17 18 19 20 22]\n", - "=======================\n", - "[\"channel seven 's sunday night will tell the story of ivan milat 's first violent crime and how he escaped police prosecution , before going on to butcher seven backpackers .a new report claims ivan milat , australia 's most notorious serial killer , could have been caught before he murdered seven backpackersthe revelation includes first-hand evidence from milat 's older brother , boris , into the killer 's ` secret victim ' .\"]\n", - "=======================\n", - "[\"report claims ivan milat shot first victim years before backpacker murdersthe ` wrong man ' jailed for attack , which left milat free to kill , report saysmilat 's brother , boris , says he has kept the shocking secret for 52 yearsmilat brutally murdered seven backpackers between 1989 and 1992he is serving seven consecutive life sentences at goulburn supermax jail\"]\n", - "channel seven 's sunday night will tell the story of ivan milat 's first violent crime and how he escaped police prosecution , before going on to butcher seven backpackers .a new report claims ivan milat , australia 's most notorious serial killer , could have been caught before he murdered seven backpackersthe revelation includes first-hand evidence from milat 's older brother , boris , into the killer 's ` secret victim ' .\n", - "report claims ivan milat shot first victim years before backpacker murdersthe ` wrong man ' jailed for attack , which left milat free to kill , report saysmilat 's brother , boris , says he has kept the shocking secret for 52 yearsmilat brutally murdered seven backpackers between 1989 and 1992he is serving seven consecutive life sentences at goulburn supermax jail\n", - "[1.1806359 1.5558951 1.3542533 1.3863459 1.213049 1.1047395 1.1681255\n", - " 1.1082562 1.0801708 1.0476319 1.0268168 1.0627303 1.0878373 1.0263965\n", - " 1.1790493 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 14 6 7 5 12 8 11 9 10 13 18 15 16 17 19]\n", - "=======================\n", - "[\"the 23-year-old driver and his two adult passengers managed to escape unharmed after the blue mitsubishi lancer sunk to the bottom of the pool at hinchinbrook in sydney 's north-west early on friday morning .the men told police they were driving along partridge road at 4.30 am on friday when they collided with a taxi at a roundabout .the car spun out of control and smashed through a colourbond fence before landing in the pool\"]\n", - "=======================\n", - "[\"mitsubishi lancer crashed through family 's fence in sydney 's north-westthe 23-year-old driver was hit by taxi and sent him spiralling out of controldriver and two passengers managed to escape when car crashed into poolblue lancer sunk to the bottom and will need to be retrieved with a crane\"]\n", - "the 23-year-old driver and his two adult passengers managed to escape unharmed after the blue mitsubishi lancer sunk to the bottom of the pool at hinchinbrook in sydney 's north-west early on friday morning .the men told police they were driving along partridge road at 4.30 am on friday when they collided with a taxi at a roundabout .the car spun out of control and smashed through a colourbond fence before landing in the pool\n", - "mitsubishi lancer crashed through family 's fence in sydney 's north-westthe 23-year-old driver was hit by taxi and sent him spiralling out of controldriver and two passengers managed to escape when car crashed into poolblue lancer sunk to the bottom and will need to be retrieved with a crane\n", - "[1.1650504 1.1346427 1.062664 1.0683529 1.1728147 1.1656518 1.0830048\n", - " 1.3070376 1.1502233 1.1398289 1.0914533 1.0309306 1.0620288 1.0805866\n", - " 1.0370471 1.0287358 1.0816774 1.0460025 1.0187215 1.0432633]\n", - "\n", - "[ 7 4 5 0 8 9 1 10 6 16 13 3 2 12 17 19 14 11 15 18]\n", - "=======================\n", - "[\"this week there will be two days as a spectator for mccoy at the punchestown festival .ap mccoy makes a lap of honour round the parade ring with champion jockey 's trophy at sandownmccoy walks into parade ring to ride his final race on box office as the media assemble to get one last shot\"]\n", - "=======================\n", - "['ap mccoy will struggle with his new routine now he has retired from racing20-time champion jockey described saturday as the hardest day of his lifehis short-term list of diversions will include watching his beloved arsenalconditional jockey champion sean bowen tipped to follow in his footsteps']\n", - "this week there will be two days as a spectator for mccoy at the punchestown festival .ap mccoy makes a lap of honour round the parade ring with champion jockey 's trophy at sandownmccoy walks into parade ring to ride his final race on box office as the media assemble to get one last shot\n", - "ap mccoy will struggle with his new routine now he has retired from racing20-time champion jockey described saturday as the hardest day of his lifehis short-term list of diversions will include watching his beloved arsenalconditional jockey champion sean bowen tipped to follow in his footsteps\n", - "[1.2833261 1.4330318 1.3406396 1.2856406 1.2390604 1.1588902 1.2015885\n", - " 1.1630257 1.0603671 1.018447 1.018788 1.0655948 1.0997701 1.0422932\n", - " 1.1673524 1.0869025 1.0488597 1.0594999 1.0174198 1.0239403]\n", - "\n", - "[ 1 2 3 0 4 6 14 7 5 12 15 11 8 17 16 13 19 10 9 18]\n", - "=======================\n", - "[\"the nigerian-flagged thunder was being tracked by activists from the charity sea shepherd , who believed it was engaged in illegal fishing .the thunder 's captain and crew manned life rafts late on monday after the ship was scuttled .rogue fishermen are believed to have scuttled this ship , thunder from lagos to cover up illegal fishing\"]\n", - "=======================\n", - "[\"the thunder from lagos was suspected of illegally fishing for toothfishsea shepherd had been tracking the thunder for more than 100 daysthe thunder 's captain is suspected of scuttling the vessel in a cover-upwatertight doors were dogged open to allow the vessel to sink faster\"]\n", - "the nigerian-flagged thunder was being tracked by activists from the charity sea shepherd , who believed it was engaged in illegal fishing .the thunder 's captain and crew manned life rafts late on monday after the ship was scuttled .rogue fishermen are believed to have scuttled this ship , thunder from lagos to cover up illegal fishing\n", - "the thunder from lagos was suspected of illegally fishing for toothfishsea shepherd had been tracking the thunder for more than 100 daysthe thunder 's captain is suspected of scuttling the vessel in a cover-upwatertight doors were dogged open to allow the vessel to sink faster\n", - "[1.2248126 1.3626599 1.2624656 1.2439464 1.1794635 1.1178132 1.0829124\n", - " 1.0662527 1.0487179 1.1362282 1.1064878 1.1045312 1.0791739 1.1325959\n", - " 1.0457946 1.0437561 1.0356659 1.0473953 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 9 13 5 10 11 6 12 7 8 17 14 15 16 18 19]\n", - "=======================\n", - "['the 53-second video , posted on youtube , features footage of the unnamed woman recording an incident involving multiple officers in south gate on sunday .about 25 seconds into the clip , the woman who had been attempting to speak to some of the officers is approached by a tall man strapped with a riffle who suddenly lunges at her .video footage has emerged of a law enforcement officer grabbing a cell phone from the hands of a woman recording him and throwing it violently to the pavement in southern california .']\n", - "=======================\n", - "[\"the 53-second video features footage of the unnamed woman recording an incident involving multiple officers in south gate , southern californiathe woman is then approached by a tall man with a riffle who wrestles the cell phone from herhe then throws it to the pavement and then kicks it in a fit of rageu.s. marshals spokesperson has said the shocking footage ` is being reviewed ' , while the l.a. county sheriff 's department is also investigating\"]\n", - "the 53-second video , posted on youtube , features footage of the unnamed woman recording an incident involving multiple officers in south gate on sunday .about 25 seconds into the clip , the woman who had been attempting to speak to some of the officers is approached by a tall man strapped with a riffle who suddenly lunges at her .video footage has emerged of a law enforcement officer grabbing a cell phone from the hands of a woman recording him and throwing it violently to the pavement in southern california .\n", - "the 53-second video features footage of the unnamed woman recording an incident involving multiple officers in south gate , southern californiathe woman is then approached by a tall man with a riffle who wrestles the cell phone from herhe then throws it to the pavement and then kicks it in a fit of rageu.s. marshals spokesperson has said the shocking footage ` is being reviewed ' , while the l.a. county sheriff 's department is also investigating\n", - "[1.4119182 1.3688141 1.1692356 1.1843548 1.2841163 1.2949946 1.1089488\n", - " 1.024548 1.2183638 1.2373365 1.0099118 1.0094578 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 5 4 9 8 3 2 6 7 10 11 18 12 13 14 15 16 17 19]\n", - "=======================\n", - "['chelsea manager jose mourinho believes he is improving in every aspect of his job but insisted his one problem is that he can not help but be truthful when he addresses the media .the 52-year-old has won league titles in all four countries that he has managed - portugal , england , italy and spain - and insists he continues to get better as a manager .the former real madrid manager was fined # 25,000 earlier this season after claiming there was a clear campaign against his side after being riled by a number of refereeing decisions .']\n", - "=======================\n", - "['jose mourinho says he he is getting better at every aspect of his jobthe chelsea boss has won titles in all four leagues he has managedbut mourinho says he has one problem that he can not changethat is that he is never a hypocrite when he faces the mediamourinho was fined for claiming there was a campaign against chelseahe was fined a similar amount last season for three separate incidents']\n", - "chelsea manager jose mourinho believes he is improving in every aspect of his job but insisted his one problem is that he can not help but be truthful when he addresses the media .the 52-year-old has won league titles in all four countries that he has managed - portugal , england , italy and spain - and insists he continues to get better as a manager .the former real madrid manager was fined # 25,000 earlier this season after claiming there was a clear campaign against his side after being riled by a number of refereeing decisions .\n", - "jose mourinho says he he is getting better at every aspect of his jobthe chelsea boss has won titles in all four leagues he has managedbut mourinho says he has one problem that he can not changethat is that he is never a hypocrite when he faces the mediamourinho was fined for claiming there was a campaign against chelseahe was fined a similar amount last season for three separate incidents\n", - "[1.2596955 1.440472 1.0974411 1.0962219 1.2454674 1.0312341 1.2598526\n", - " 1.204301 1.1068491 1.0400367 1.103672 1.0619422 1.0489535 1.1082717\n", - " 1.0234377 1.0495538 1.0123466 1.0104494 1.0135884 1.0128542 1.0420518\n", - " 1.0264066 0. ]\n", - "\n", - "[ 1 6 0 4 7 13 8 10 2 3 11 15 12 20 9 5 21 14 18 19 16 17 22]\n", - "=======================\n", - "['the leaders of places with names like molossia , westarctica , vikesland and broslavia are coming together at the anaheim central library for microcon 2015 , which has been dubbed the first north american gathering of micronations .molossia , population five , is just one of the small , self-proclaimed micronations that will be represented at microcon 2015 in los angeles this weekendbut most of their citizens have a population of less than 10 .']\n", - "=======================\n", - "[\"microcon 2015 is the first north american gathering of micronationsplaces like molossia , westarctica and vikesland will be in attendanceone country is the size of a football field , another is as large as alaskathey print their own stamps , wave their own flags , and mint their own moneybut most of their citizens do n't actually live on the land\"]\n", - "the leaders of places with names like molossia , westarctica , vikesland and broslavia are coming together at the anaheim central library for microcon 2015 , which has been dubbed the first north american gathering of micronations .molossia , population five , is just one of the small , self-proclaimed micronations that will be represented at microcon 2015 in los angeles this weekendbut most of their citizens have a population of less than 10 .\n", - "microcon 2015 is the first north american gathering of micronationsplaces like molossia , westarctica and vikesland will be in attendanceone country is the size of a football field , another is as large as alaskathey print their own stamps , wave their own flags , and mint their own moneybut most of their citizens do n't actually live on the land\n", - "[1.0535296 1.0647525 1.0731962 1.3487875 1.1059742 1.1245732 1.102922\n", - " 1.0546314 1.1144543 1.0260395 1.2750354 1.100638 1.0222781 1.026442\n", - " 1.0354143 1.0877482 1.0839396 1.037606 1.0555799 1.1516739 1.0822539\n", - " 1.020453 1.0212643]\n", - "\n", - "[ 3 10 19 5 8 4 6 11 15 16 20 2 1 18 7 0 17 14 13 9 12 22 21]\n", - "=======================\n", - "[\"deborah described her naturally curly hair as a ` frizz nightmare ' .the expert : we sent deborah to the taylor ferguson salon in glasgow for the nanokeratin system hair relaxing treatment .taming frizzy hair can be a constant battle .\"]\n", - "=======================\n", - "[\"our beauty expert says ` frizz nightmare ' hair like deborah 's can be a battleshe sent her to the taylor ferguson salon in glasgowhad the nanokeratin system hair relaxing treatment ( from # 195 )` the coarse texture has gone and my hair has never felt so smooth ! '\"]\n", - "deborah described her naturally curly hair as a ` frizz nightmare ' .the expert : we sent deborah to the taylor ferguson salon in glasgow for the nanokeratin system hair relaxing treatment .taming frizzy hair can be a constant battle .\n", - "our beauty expert says ` frizz nightmare ' hair like deborah 's can be a battleshe sent her to the taylor ferguson salon in glasgowhad the nanokeratin system hair relaxing treatment ( from # 195 )` the coarse texture has gone and my hair has never felt so smooth ! '\n", - "[1.189637 1.3979511 1.18923 1.1682655 1.1998644 1.1600393 1.0593815\n", - " 1.0679162 1.2445475 1.0701153 1.0365639 1.0881952 1.0391328 1.0570785\n", - " 1.0457263 1.0291389 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 8 4 0 2 3 5 11 9 7 6 13 14 12 10 15 21 16 17 18 19 20 22]\n", - "=======================\n", - "[\"the prime minister visited a primary school near bolton to unveil the party 's latest proposal to improve education standards , after announcing that under a future tory government children who achieve poor sats results will be forced to resit them in secondary school .the resit plan would mean 100,000 pupils taking a new test in english and maths during their first year after leaving primary school .david cameron was upstaged by a six-year-old school girl today after trying to unveil a new tory education policy .\"]\n", - "=======================\n", - "[\"six-year-old lucy howarth completely unfazed by the prime ministeryoungster pulled a series of faces as mr cameron tried to read to her classhe had visited primary school in bolton to unveil new tory schools policypupils who get poor sats will be forced to resit them in secondary schoolpm said he wanted ` more rigour and zero tolerance of failure ' in schools\"]\n", - "the prime minister visited a primary school near bolton to unveil the party 's latest proposal to improve education standards , after announcing that under a future tory government children who achieve poor sats results will be forced to resit them in secondary school .the resit plan would mean 100,000 pupils taking a new test in english and maths during their first year after leaving primary school .david cameron was upstaged by a six-year-old school girl today after trying to unveil a new tory education policy .\n", - "six-year-old lucy howarth completely unfazed by the prime ministeryoungster pulled a series of faces as mr cameron tried to read to her classhe had visited primary school in bolton to unveil new tory schools policypupils who get poor sats will be forced to resit them in secondary schoolpm said he wanted ` more rigour and zero tolerance of failure ' in schools\n", - "[1.170481 1.4709712 1.2125618 1.3979336 1.2106638 1.0648013 1.0356231\n", - " 1.0260421 1.036998 1.0712193 1.1325628 1.0952207 1.0215726 1.0199687\n", - " 1.0468564 1.1589696 1.0947005 1.014036 1.0110224 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 2 4 0 15 10 11 16 9 5 14 8 6 7 12 13 17 18 21 19 20 22]\n", - "=======================\n", - "[\"the legendary physicist was speaking at the sydney opera house as a 3d hologram from his physical location at cambridge university in the uk , when the question was put to him .but it was a subject that professor hawking had his own theory on saying : ` finally , a question about something important . 'during the show professor hawking was asked about the cosmological effect of former one direction singer zayn malik leaving the boy band\"]\n", - "=======================\n", - "[\"the legendary physicist was speaking at the sydney opera househe appeared as a 3d hologram from cambridge university in the ukthe question was what effect zayn malik leaving one direction would haveprofessor hawking tackled the conundrum and had a perfect explanationhe joked that in another different universe ` zayn is still in one direction '\"]\n", - "the legendary physicist was speaking at the sydney opera house as a 3d hologram from his physical location at cambridge university in the uk , when the question was put to him .but it was a subject that professor hawking had his own theory on saying : ` finally , a question about something important . 'during the show professor hawking was asked about the cosmological effect of former one direction singer zayn malik leaving the boy band\n", - "the legendary physicist was speaking at the sydney opera househe appeared as a 3d hologram from cambridge university in the ukthe question was what effect zayn malik leaving one direction would haveprofessor hawking tackled the conundrum and had a perfect explanationhe joked that in another different universe ` zayn is still in one direction '\n", - "[1.3553376 1.2098205 1.1746883 1.3384478 1.2815017 1.2060082 1.04463\n", - " 1.0498393 1.0400726 1.0300248 1.0390849 1.0643641 1.0200729 1.0318775\n", - " 1.1281439 1.0170755 1.0123382 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 4 1 5 2 14 11 7 6 8 10 13 9 12 15 16 21 17 18 19 20 22]\n", - "=======================\n", - "[\"clothing that features slogans joking about stalking has been slammed by the suzy lamplugh trust , a london-based charity which aims to ` make society a safer place ' .according to the slt , the t-shirts mock a serious issue which affects one in six women , and play into people 's fear of being laughed at , which prevents victims from seeking help to deal with stalkers and puts them at a higher risk of being attacked .a number of online retailers stock the offending garments , which feature phrases such as ' i heart my stalker ' and ` some people call it stalking .\"]\n", - "=======================\n", - "[\"suzy lamplugh trust said slogans make the crime seem ` humorous 'charity warns joking about stalking can prevent victims coming forwardt-shirts joking about stalking are sold online in various us and uk storesone in six women will be stalked at some point in their life\"]\n", - "clothing that features slogans joking about stalking has been slammed by the suzy lamplugh trust , a london-based charity which aims to ` make society a safer place ' .according to the slt , the t-shirts mock a serious issue which affects one in six women , and play into people 's fear of being laughed at , which prevents victims from seeking help to deal with stalkers and puts them at a higher risk of being attacked .a number of online retailers stock the offending garments , which feature phrases such as ' i heart my stalker ' and ` some people call it stalking .\n", - "suzy lamplugh trust said slogans make the crime seem ` humorous 'charity warns joking about stalking can prevent victims coming forwardt-shirts joking about stalking are sold online in various us and uk storesone in six women will be stalked at some point in their life\n", - "[1.28881 1.4597498 1.3439049 1.2085804 1.2235214 1.1739432 1.0770154\n", - " 1.0218599 1.0215178 1.0754116 1.0163982 1.0204555 1.019636 1.094537\n", - " 1.1744511 1.1241074 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 1 2 0 4 3 14 5 15 13 6 9 7 8 11 12 10 22 16 17 18 19 20 21 23]\n", - "=======================\n", - "['currently second in the championship , the easter road club stand to make # 1million from anticipated sell-out home gates against rangers and the 11th place club in the premiership - currently motherwell .under recently passed spfl rules , however , play-off sides must hand over 50 per cent of their play-off profits for distribution among lower league clubs within seven days .spfl clubs are poised to do battle over a late hibernian move to cash in on the premiership play-offs .']\n", - "=======================\n", - "['hibernian stand to make # 1million from gate revenues in play-offsedinburgh club battling to try and reduce share to lower league clubshibs would have to give 50 per cent of gate revenues to lower teamsclub has received support from hearts and motherwell to lower to 25 %']\n", - "currently second in the championship , the easter road club stand to make # 1million from anticipated sell-out home gates against rangers and the 11th place club in the premiership - currently motherwell .under recently passed spfl rules , however , play-off sides must hand over 50 per cent of their play-off profits for distribution among lower league clubs within seven days .spfl clubs are poised to do battle over a late hibernian move to cash in on the premiership play-offs .\n", - "hibernian stand to make # 1million from gate revenues in play-offsedinburgh club battling to try and reduce share to lower league clubshibs would have to give 50 per cent of gate revenues to lower teamsclub has received support from hearts and motherwell to lower to 25 %\n", - "[1.6913085 1.1020186 1.0873356 1.0483999 1.5620863 1.0892045 1.3058918\n", - " 1.0642245 1.0652817 1.0171622 1.0154915 1.2407448 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 4 6 11 1 5 2 8 7 3 9 10 21 20 19 18 17 13 15 14 12 22 16 23]\n", - "=======================\n", - "[\"new york mets closer jenrry mejia has been suspended for 80 games without pay after testing positive for the banned substance stanozolol , major league baseball said on sunday . 'the 25-year-old right hander , who is on the disabled list with an inflamed elbow , will not be able to play again until at least july and would be ineligible for the playoffs if the team make the post-season , the mets said on their website .i know the rules are the rules and i will accept my punishment , but i can honestly say i have no idea how a banned substance ended up in my system , ' mejia said in a statement issued by the players union . '\"]\n", - "=======================\n", - "['jenrry mejia suspended for 80 new york mets games without paymejia tested positive for banned substance stanozolol25-year-old right hander will not be able to play again until at least july']\n", - "new york mets closer jenrry mejia has been suspended for 80 games without pay after testing positive for the banned substance stanozolol , major league baseball said on sunday . 'the 25-year-old right hander , who is on the disabled list with an inflamed elbow , will not be able to play again until at least july and would be ineligible for the playoffs if the team make the post-season , the mets said on their website .i know the rules are the rules and i will accept my punishment , but i can honestly say i have no idea how a banned substance ended up in my system , ' mejia said in a statement issued by the players union . '\n", - "jenrry mejia suspended for 80 new york mets games without paymejia tested positive for banned substance stanozolol25-year-old right hander will not be able to play again until at least july\n", - "[1.3807621 1.3137156 1.1606561 1.2521454 1.081901 1.0397823 1.1300228\n", - " 1.0368718 1.0193034 1.0724243 1.0258442 1.1847997 1.0496314 1.0580275\n", - " 1.0510626 1.0776263 1.0169835 1.0207807 1.0457664 1.0348271 1.0344601\n", - " 1.0159739 1.0839736 1.0753856]\n", - "\n", - "[ 0 1 3 11 2 6 22 4 15 23 9 13 14 12 18 5 7 19 20 10 17 8 16 21]\n", - "=======================\n", - "[\"chelsea took a giant step towards the premier league title with a hard-fought 1-0 victory against manchester united .eden hazard 's sublime strike in the 38th minute proved crucial as jose mourinho 's side extended their lead at the top of the standings .branislav ivanovic had a tough afternoon marking marouane fellaini ( left ) but he did well in the air throughout\"]\n", - "=======================\n", - "[\"chelsea sealed a 1-0 victory against manchester united at stamford bridgeeden hazard struck in the 38th minute after a storming run into the boxjohn terry marshalled the chelsea defensive line superblywayne rooney 's midfield role blunted his influenceradamel falcao struggled to cope with terry all afternoon\"]\n", - "chelsea took a giant step towards the premier league title with a hard-fought 1-0 victory against manchester united .eden hazard 's sublime strike in the 38th minute proved crucial as jose mourinho 's side extended their lead at the top of the standings .branislav ivanovic had a tough afternoon marking marouane fellaini ( left ) but he did well in the air throughout\n", - "chelsea sealed a 1-0 victory against manchester united at stamford bridgeeden hazard struck in the 38th minute after a storming run into the boxjohn terry marshalled the chelsea defensive line superblywayne rooney 's midfield role blunted his influenceradamel falcao struggled to cope with terry all afternoon\n", - "[1.3989468 1.3878381 1.1471609 1.2411091 1.4608221 1.222792 1.1170028\n", - " 1.0202599 1.0119959 1.0124769 1.0116619 1.0123216 1.1552098 1.0119059\n", - " 1.0178543 1.1402493 1.2547171 1.0956721 1.0535121 1.0247321 1.0150105\n", - " 0. 0. 0. ]\n", - "\n", - "[ 4 0 1 16 3 5 12 2 15 6 17 18 19 7 14 20 9 11 8 13 10 22 21 23]\n", - "=======================\n", - "[\"shay given will start for aston villa against liverpool in sunday 's fa cup semi-final at wembleyshay given has revealed the pain still lingers from ruud gullit 's decision to snub him for the 1999 fa cup final between newcastle and manchester united .the republic of ireland goalkeeper played every round of newcastle 's run but was dropped in favour of steve harper for the wembley showpiece , won 2-0 by sir alex ferguson 's side .\"]\n", - "=======================\n", - "[\"shay given to start against liverpool in fa cup a day before he turns 39tim sherwood confirmed the news as he prepares for sunday 's semi-finalgiven has played in all four of aston villa 's fa cup matches this term\"]\n", - "shay given will start for aston villa against liverpool in sunday 's fa cup semi-final at wembleyshay given has revealed the pain still lingers from ruud gullit 's decision to snub him for the 1999 fa cup final between newcastle and manchester united .the republic of ireland goalkeeper played every round of newcastle 's run but was dropped in favour of steve harper for the wembley showpiece , won 2-0 by sir alex ferguson 's side .\n", - "shay given to start against liverpool in fa cup a day before he turns 39tim sherwood confirmed the news as he prepares for sunday 's semi-finalgiven has played in all four of aston villa 's fa cup matches this term\n", - "[1.4904506 1.0472091 1.1039586 1.4052418 1.4089314 1.265031 1.1724474\n", - " 1.0224371 1.0167949 1.0145867 1.1976414 1.0444943 1.1645269 1.1302779\n", - " 1.0204172 1.0974091 1.171284 0. 0. 0. 0.\n", - " 0. 0. 0. ]\n", - "\n", - "[ 0 4 3 5 10 6 16 12 13 2 15 1 11 7 14 8 9 17 18 19 20 21 22 23]\n", - "=======================\n", - "[\"arsenal star alexis sanchez says he is ` very proud ' to have joined the north london club and has been impressed by the quality of his team-mates . 'arsenal forward alexis sanchez has enjoyed a fine debut season in english football , scoring 22 goals so farthe chilean forward , who signed from barcelona last summer , has been nominated for pfa player of the year\"]\n", - "=======================\n", - "[\"arsenal 's alexis sanchez is enjoying a fine debut season in english footballhe has scored 22 goals in all competitions since signing from barcelonasanchez has been nominated for the pfa player of the year awardthe 26-year-old has spoken highly about the quality of his arsenal team-mates and singled out fellow attacker santi carzola for particular praisethe gunners are currently second in the premier league table and through to the fa cup final for a second consecutive season\"]\n", - "arsenal star alexis sanchez says he is ` very proud ' to have joined the north london club and has been impressed by the quality of his team-mates . 'arsenal forward alexis sanchez has enjoyed a fine debut season in english football , scoring 22 goals so farthe chilean forward , who signed from barcelona last summer , has been nominated for pfa player of the year\n", - "arsenal 's alexis sanchez is enjoying a fine debut season in english footballhe has scored 22 goals in all competitions since signing from barcelonasanchez has been nominated for the pfa player of the year awardthe 26-year-old has spoken highly about the quality of his arsenal team-mates and singled out fellow attacker santi carzola for particular praisethe gunners are currently second in the premier league table and through to the fa cup final for a second consecutive season\n", - "[1.2711821 1.3681369 1.2524335 1.1934452 1.1355939 1.1738734 1.2232264\n", - " 1.0695329 1.0816052 1.1065395 1.0364906 1.0240003 1.0298946 1.0660766\n", - " 1.0388236 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 2 6 3 5 4 9 8 7 13 14 10 12 11 18 15 16 17 19]\n", - "=======================\n", - "['the al qaeda-linked networks have altered their tactics since the fugitive stole intelligence files from gchq and the us national security agency , according to a report .at least three terror groups plotting attacks against britain have changed their communication methods since the leaks by edward snowden , it was claimed last night .extremist websites have also moved to protect their digital communications by releasing encryption programmes for followers , making it harder for extremists to be tracked down .']\n", - "=======================\n", - "['al-qaeda linked networks have altered tactics since snowden stole fileshe stole intelligence files from gchq and us national security agencyhe fled justice in us to hong kong , then russia where granted asylum']\n", - "the al qaeda-linked networks have altered their tactics since the fugitive stole intelligence files from gchq and the us national security agency , according to a report .at least three terror groups plotting attacks against britain have changed their communication methods since the leaks by edward snowden , it was claimed last night .extremist websites have also moved to protect their digital communications by releasing encryption programmes for followers , making it harder for extremists to be tracked down .\n", - "al-qaeda linked networks have altered tactics since snowden stole fileshe stole intelligence files from gchq and us national security agencyhe fled justice in us to hong kong , then russia where granted asylum\n", - "[1.1985651 1.365168 1.3257319 1.2282746 1.2440403 1.2200495 1.1655117\n", - " 1.1291921 1.0205755 1.0257295 1.0667709 1.0470061 1.0906166 1.0556239\n", - " 1.0387999 1.0572271 1.068698 1.100495 1.0295632 1.0489899]\n", - "\n", - "[ 1 2 4 3 5 0 6 7 17 12 16 10 15 13 19 11 14 18 9 8]\n", - "=======================\n", - "[\"medical and law enforcement sources briefed on the police investigation told abc news gray 's ` catastrophic ' head injuries were consistent with hitting a bolt ` in the back door of the van ' .they claimed there was ` no evidence ' gray sustained a fatal spine injury during his arrest , which was caught on camera on a street side on april 12 .it is believed he fell into the door , breaking his neck .\"]\n", - "=======================\n", - "[\"medical examiner ` found freddie gray 's catastrophic head injury was consistent with bolt in the back door of the police van 'police report suggests he was standing and fell head first into the doorofficer driving van has yet to give statement to police , sources claimreport on freddie gray 's arrest and death handed to state 's attorney at 8.50 am et on thursdayit includes admission that police van made a previously unknown stoppolice commissioner refused to elaborate on the information\"]\n", - "medical and law enforcement sources briefed on the police investigation told abc news gray 's ` catastrophic ' head injuries were consistent with hitting a bolt ` in the back door of the van ' .they claimed there was ` no evidence ' gray sustained a fatal spine injury during his arrest , which was caught on camera on a street side on april 12 .it is believed he fell into the door , breaking his neck .\n", - "medical examiner ` found freddie gray 's catastrophic head injury was consistent with bolt in the back door of the police van 'police report suggests he was standing and fell head first into the doorofficer driving van has yet to give statement to police , sources claimreport on freddie gray 's arrest and death handed to state 's attorney at 8.50 am et on thursdayit includes admission that police van made a previously unknown stoppolice commissioner refused to elaborate on the information\n", - "[1.2841953 1.271965 1.3245934 1.1498038 1.2272853 1.1056664 1.047451\n", - " 1.0389307 1.1011804 1.0759892 1.0375265 1.0692909 1.023596 1.053415\n", - " 1.0802785 1.0213587 0. 0. 0. 0. ]\n", - "\n", - "[ 2 0 1 4 3 5 8 14 9 11 13 6 7 10 12 15 18 16 17 19]\n", - "=======================\n", - "['the result is inside abbey road , a new web app that takes users on an interactive , immersive and hugely detailed virtual tour of the inner workings of abbey road .it has the most famous zebra crossing in the world outside it , and has hosted every major name in music in the last 80 years , but abbey road studios has never before been open to the public .despite receiving around 500,000 visitors a year , mostly to walk the famous crossing , the studio doors have been shut to those not recording ever since 1931 - that is , until now , thanks to a new collaboration with google .']\n", - "=======================\n", - "['the world famous studios have never before been open to the publicbut in a google first the web giant has made an app with a virtual tourincludes archived beatles photos and music videos of stars at the studiousers navigate round in the same way that google street view works']\n", - "the result is inside abbey road , a new web app that takes users on an interactive , immersive and hugely detailed virtual tour of the inner workings of abbey road .it has the most famous zebra crossing in the world outside it , and has hosted every major name in music in the last 80 years , but abbey road studios has never before been open to the public .despite receiving around 500,000 visitors a year , mostly to walk the famous crossing , the studio doors have been shut to those not recording ever since 1931 - that is , until now , thanks to a new collaboration with google .\n", - "the world famous studios have never before been open to the publicbut in a google first the web giant has made an app with a virtual tourincludes archived beatles photos and music videos of stars at the studiousers navigate round in the same way that google street view works\n", - "[1.2813781 1.3957019 1.2013414 1.2161014 1.3511364 1.0672637 1.0466611\n", - " 1.0535424 1.0411236 1.044234 1.029699 1.0215055 1.0563707 1.0289645\n", - " 1.1025788 1.0451739 1.0394301 1.0619923 1.0214723 0. ]\n", - "\n", - "[ 1 4 0 3 2 14 5 17 12 7 6 15 9 8 16 10 13 11 18 19]\n", - "=======================\n", - "[\"jaclyn methuen , who nearly left husband ryan ranellone at the altar because she deemed him too unattractive , continues to put her new husband in the ` friend zone ' during their romantic trip to puerto rico and at one point the 30-year-old even admits to him that she wanted to be a runaway bride .the stars of married at first sight embark on their honeymoons on tonight 's episode of the fyi series , but all three of the couples quickly find themselves experiencing some serious trouble in paradise .i just feel pure disappointment , ' ryan , 29 , says in a web exclusive clip from the episode .\"]\n", - "=======================\n", - "[\"jaclyn methuen nearly left her husband ryan ranellone at the altar because she was n't physically attracted to him\"]\n", - "jaclyn methuen , who nearly left husband ryan ranellone at the altar because she deemed him too unattractive , continues to put her new husband in the ` friend zone ' during their romantic trip to puerto rico and at one point the 30-year-old even admits to him that she wanted to be a runaway bride .the stars of married at first sight embark on their honeymoons on tonight 's episode of the fyi series , but all three of the couples quickly find themselves experiencing some serious trouble in paradise .i just feel pure disappointment , ' ryan , 29 , says in a web exclusive clip from the episode .\n", - "jaclyn methuen nearly left her husband ryan ranellone at the altar because she was n't physically attracted to him\n", - "[1.0964863 1.5024961 1.2595744 1.1531608 1.1658207 1.0800989 1.101017\n", - " 1.1416322 1.1458794 1.0988599 1.0365864 1.0750173 1.0428038 1.0973666\n", - " 1.0337825 1.2253597 1.05019 1.1274165 0. 0. ]\n", - "\n", - "[ 1 2 15 4 3 8 7 17 6 9 13 0 5 11 16 12 10 14 18 19]\n", - "=======================\n", - "[\"the famous trophy was on show at alton towers theme park in staffordshire ahead of this weekend 's semi-finals at wembley , nestled in between an arsenal fan and reading supporter .the gunners head into saturday 's showdown as the favourites against the championship side .arsenal midfielder aaron ramsey ( number 16 ) scores the winning foal against hull in last year 's fa cup final\"]\n", - "=======================\n", - "[\"the fa cup is usually a rollercoaster of emotionsfittingly , the famous trophy was taken on looping ride at alton towersit was accompanied by an arsenal and a reading fan ahead of the pair 's semi-final at wembley on saturdayarsenal are the current holders of the competition and keen to retain itliverpool and aston villa will contest the other semi-final on sunday\"]\n", - "the famous trophy was on show at alton towers theme park in staffordshire ahead of this weekend 's semi-finals at wembley , nestled in between an arsenal fan and reading supporter .the gunners head into saturday 's showdown as the favourites against the championship side .arsenal midfielder aaron ramsey ( number 16 ) scores the winning foal against hull in last year 's fa cup final\n", - "the fa cup is usually a rollercoaster of emotionsfittingly , the famous trophy was taken on looping ride at alton towersit was accompanied by an arsenal and a reading fan ahead of the pair 's semi-final at wembley on saturdayarsenal are the current holders of the competition and keen to retain itliverpool and aston villa will contest the other semi-final on sunday\n", - "[1.2264231 1.3298779 1.2542219 1.253991 1.206826 1.1243333 1.0857196\n", - " 1.1318946 1.0777782 1.2296708 1.0207934 1.0111804 1.1143093 1.0701811\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 9 0 4 7 5 12 6 8 13 10 11 19 14 15 16 17 18 20]\n", - "=======================\n", - "[\"in line with eu regulations , the first line of treatment for organic fish should be ` substances from plants , animals or minerals in a homeopathic dilution ' , beforebritish and norwegian vets have called the directives ` scientifically illiterate ' , saying that the use of homeopathy could lead to ` serious animal health and welfare detriment . 'veterinarians have criticised eu rules on organic farming that demands that fish are treated with homoeopathic remedies .\"]\n", - "=======================\n", - "[\"norwegian vets criticise eu regulations on treatment of organic fishfirst line of treatment for organic fish should be homeopathic remedyvets call directives ` scientifically illiterate ' , saying it delays real carebritish vets say use of homeopathy could lead to serious health detriment\"]\n", - "in line with eu regulations , the first line of treatment for organic fish should be ` substances from plants , animals or minerals in a homeopathic dilution ' , beforebritish and norwegian vets have called the directives ` scientifically illiterate ' , saying that the use of homeopathy could lead to ` serious animal health and welfare detriment . 'veterinarians have criticised eu rules on organic farming that demands that fish are treated with homoeopathic remedies .\n", - "norwegian vets criticise eu regulations on treatment of organic fishfirst line of treatment for organic fish should be homeopathic remedyvets call directives ` scientifically illiterate ' , saying it delays real carebritish vets say use of homeopathy could lead to serious health detriment\n", - "[1.1979595 1.4899349 1.4143742 1.3862329 1.308105 1.0796032 1.0700119\n", - " 1.1582724 1.0269864 1.0142002 1.0160322 1.0985934 1.0631242 1.1291574\n", - " 1.0913458 1.0125844 1.0107152 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 4 0 7 13 11 14 5 6 12 8 10 9 15 16 17 18 19 20]\n", - "=======================\n", - "[\"around 50 obese pupils at jianxin primary school , in china 's eastern zhejiang province , are put through their paces by instructors every day after school to help them lose weight .the kung fu panda classes were set up after a survey showed that 5 per cent of its 858 students were obese , with one 11-year-old pupil weighing in at 180lbs , reports the people 's daily online .the lessons are named after the dreamworks film of the same name , in which an overweight panda becomes a kung fu master .\"]\n", - "=======================\n", - "['fitness classes set up after survey showed 5 per cent of pupils were obesearound 50 pupils attend including 11-year-old boy who weighs 12 stoneinstructors say kung fu panda classes are designed to make fitness fun']\n", - "around 50 obese pupils at jianxin primary school , in china 's eastern zhejiang province , are put through their paces by instructors every day after school to help them lose weight .the kung fu panda classes were set up after a survey showed that 5 per cent of its 858 students were obese , with one 11-year-old pupil weighing in at 180lbs , reports the people 's daily online .the lessons are named after the dreamworks film of the same name , in which an overweight panda becomes a kung fu master .\n", - "fitness classes set up after survey showed 5 per cent of pupils were obesearound 50 pupils attend including 11-year-old boy who weighs 12 stoneinstructors say kung fu panda classes are designed to make fitness fun\n", - "[1.6191151 1.3845468 1.138204 1.16819 1.0949849 1.0919458 1.122443\n", - " 1.0986247 1.0778868 1.017147 1.0726535 1.0732327 1.0583429 1.0412205\n", - " 1.0531288 1.0624385 1.0529422 1.0262731 1.0086843 1.0110778 1.080226 ]\n", - "\n", - "[ 0 1 3 2 6 7 4 5 20 8 11 10 15 12 14 16 13 17 9 19 18]\n", - "=======================\n", - "['( cnn ) minnesota vikings running back adrian peterson will be reinstated as an active player by the nfl on friday , the league said .the nfl suspended the 30-year-old football star in november over allegations that last may he disciplined his son , who was 4 at the time , too harshly with a \" switch , \" or thin stick .also required of peterson : avoiding \" any further conduct that violates the ( nfl \\'s ) personal conduct policy or other nfl policies . \"']\n", - "=======================\n", - "['adrian peterson had been suspended after pleading guilty to misdemeanor reckless assaultnfl commissioner roger goodell requires him to keep going to counseling , other treatmentminnesota vikings , 7-9 last season , say they look forward to him rejoining the team']\n", - "( cnn ) minnesota vikings running back adrian peterson will be reinstated as an active player by the nfl on friday , the league said .the nfl suspended the 30-year-old football star in november over allegations that last may he disciplined his son , who was 4 at the time , too harshly with a \" switch , \" or thin stick .also required of peterson : avoiding \" any further conduct that violates the ( nfl 's ) personal conduct policy or other nfl policies . \"\n", - "adrian peterson had been suspended after pleading guilty to misdemeanor reckless assaultnfl commissioner roger goodell requires him to keep going to counseling , other treatmentminnesota vikings , 7-9 last season , say they look forward to him rejoining the team\n", - "[1.4232061 1.3345397 1.1059304 1.0854951 1.1481318 1.1090472 1.1109403\n", - " 1.0335299 1.0259361 1.1207187 1.0485284 1.0341597 1.0773861 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 0 1 4 9 6 5 2 3 12 10 11 7 8 19 13 14 15 16 17 18 20]\n", - "=======================\n", - "['( cnn ) when isis overran their villages near mosul in august 2014 , a small group of assyrians , a middle eastern minority with a history reaching back more than 4,000 years , picked up weapons and formed their own militia : dwekh nawsha -- \" the sacrificers . \"assyrians belong to the rapidly dwindling christian population of iraq -- recent estimates from capni , the largest christian relief organization in northern iraq put the number as low as 300,000 compared with 1.5 million 20 years ago -- and many among them see the fight with isis as a final battle for survival against the islamists . \"the exodus of christians from iraq started prior to isis -- and the civil war in the mid-2000s took an especially heavy toll .']\n", - "=======================\n", - "['assyrians are an ancient middle eastern minority -- they are part of the rapidly dwindling christian population of iraqafter isis overran their villages , some assyrians formed a militia to fight for survival against the terror group']\n", - "( cnn ) when isis overran their villages near mosul in august 2014 , a small group of assyrians , a middle eastern minority with a history reaching back more than 4,000 years , picked up weapons and formed their own militia : dwekh nawsha -- \" the sacrificers . \"assyrians belong to the rapidly dwindling christian population of iraq -- recent estimates from capni , the largest christian relief organization in northern iraq put the number as low as 300,000 compared with 1.5 million 20 years ago -- and many among them see the fight with isis as a final battle for survival against the islamists . \"the exodus of christians from iraq started prior to isis -- and the civil war in the mid-2000s took an especially heavy toll .\n", - "assyrians are an ancient middle eastern minority -- they are part of the rapidly dwindling christian population of iraqafter isis overran their villages , some assyrians formed a militia to fight for survival against the terror group\n", - "[1.3149978 1.3298677 1.228764 1.2704002 1.2592688 1.0920922 1.0846678\n", - " 1.1104196 1.091864 1.0847716 1.0555854 1.1268386 1.0915804 1.0945579\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 0 3 4 2 11 7 13 5 8 12 9 6 10 14 15 16 17 18 19 20]\n", - "=======================\n", - "['prosecutors say the driver with a concealed carry permit shot a 22-year-old man who opened fire on a group of pedestrians in logan square .an uber driver who was credited with stopping a potential mass shooting in chicago at the weekend by pulling out his own personal firearm and shooting the would-be gunman will not face any charges for his actions , a court has decided .the driver - a 47-year-old man from the little italy neighborhood - then grabbed his own weapon and fired six rounds at custodio , striking him multiple times .']\n", - "=======================\n", - "['everado custodio , 22 , allegedly opened fire at a crowd in logan square , chicago , about 11.50 pm friday nighthappened in front of uber driver , 47 , who pulled out his personal firearm and shot custodio several times in the legs and lower backthere were no other injuriesinvestigation determined the driver will not face an charges because he acted in self defense and the defense of others']\n", - "prosecutors say the driver with a concealed carry permit shot a 22-year-old man who opened fire on a group of pedestrians in logan square .an uber driver who was credited with stopping a potential mass shooting in chicago at the weekend by pulling out his own personal firearm and shooting the would-be gunman will not face any charges for his actions , a court has decided .the driver - a 47-year-old man from the little italy neighborhood - then grabbed his own weapon and fired six rounds at custodio , striking him multiple times .\n", - "everado custodio , 22 , allegedly opened fire at a crowd in logan square , chicago , about 11.50 pm friday nighthappened in front of uber driver , 47 , who pulled out his personal firearm and shot custodio several times in the legs and lower backthere were no other injuriesinvestigation determined the driver will not face an charges because he acted in self defense and the defense of others\n", - "[1.3292711 1.4952209 1.2152201 1.3354428 1.0424845 1.0338855 1.150594\n", - " 1.0639528 1.0452075 1.0217831 1.0300913 1.093543 0. 0.\n", - " 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 3 0 2 6 11 7 8 4 5 10 9 12 13 14 15 16 17 18 19]\n", - "=======================\n", - "[\"in a book stéphane charbonnier , known as charb , finished just two days before being murdered by jihadist gunmen he argued that left-leaning intellectuals who denounced the cartoons in the satirical magazine were ` ridiculous demagogues ' for doing so .the slain editor of charlie hebdo has slammed his left-wing critics from beyond the grave for criticising publication of drawings of mohammad .in the short book , extracts of which are to be published today in weekly magazine l'obs , he writes : ` the suggestion that you can laugh at everything , except certain aspects of islam , because muslims are much more susceptible than the rest of the population , what is that , if not discrimination ?\"]\n", - "=======================\n", - "[\"stéphane charbonnier finished a book just two days before he was killedthe book blames the media for helping popularise the term ` islamophobia 'extracts from it are being published today in weekly magazine l'obs\"]\n", - "in a book stéphane charbonnier , known as charb , finished just two days before being murdered by jihadist gunmen he argued that left-leaning intellectuals who denounced the cartoons in the satirical magazine were ` ridiculous demagogues ' for doing so .the slain editor of charlie hebdo has slammed his left-wing critics from beyond the grave for criticising publication of drawings of mohammad .in the short book , extracts of which are to be published today in weekly magazine l'obs , he writes : ` the suggestion that you can laugh at everything , except certain aspects of islam , because muslims are much more susceptible than the rest of the population , what is that , if not discrimination ?\n", - "stéphane charbonnier finished a book just two days before he was killedthe book blames the media for helping popularise the term ` islamophobia 'extracts from it are being published today in weekly magazine l'obs\n", - "[1.2303863 1.4667803 1.1963676 1.2591003 1.3242071 1.2731694 1.0947833\n", - " 1.1148701 1.0672593 1.0578474 1.0197523 1.021701 1.0331683 1.0199265\n", - " 1.1117194 1.1030182 1.1520407 1.0479673 1.0129535 1.0110005]\n", - "\n", - "[ 1 4 5 3 0 2 16 7 14 15 6 8 9 17 12 11 13 10 18 19]\n", - "=======================\n", - "[\"richard ilczyszyn , a leading financial broker , could be heard ` groaning ' and ` crying ' by staff on the orange county-bound plane as it prepared to land .distraught : kelly ilczyszyn claims her husband richard ( pictured together with their daughter sydney ) could have survived his heart attack on a southwest flight if attendants sought medical attention rather than policebut rather than seeking medical help , the attendants allegedly left the father-of-three in the cubicle and , on landing , letting off all other passengers before calling paramedics .\"]\n", - "=======================\n", - "[\"richard ilczyszyn , 46 , died on board a southwest flight of a heart attackflight attendants ` heard him groaning and crying in the cubicle 'one staffer ` opened the door , saw him whimpering , and left him there 'his widow , a southwest flight attendant , is suing the firm for wrongful deaththe airline says staff are trained to treat behavior like his as a security risk\"]\n", - "richard ilczyszyn , a leading financial broker , could be heard ` groaning ' and ` crying ' by staff on the orange county-bound plane as it prepared to land .distraught : kelly ilczyszyn claims her husband richard ( pictured together with their daughter sydney ) could have survived his heart attack on a southwest flight if attendants sought medical attention rather than policebut rather than seeking medical help , the attendants allegedly left the father-of-three in the cubicle and , on landing , letting off all other passengers before calling paramedics .\n", - "richard ilczyszyn , 46 , died on board a southwest flight of a heart attackflight attendants ` heard him groaning and crying in the cubicle 'one staffer ` opened the door , saw him whimpering , and left him there 'his widow , a southwest flight attendant , is suing the firm for wrongful deaththe airline says staff are trained to treat behavior like his as a security risk\n", - "[1.6426682 1.0365856 1.0822533 1.0487452 1.1833646 1.0483903 1.1429683\n", - " 1.1585588 1.0517428 1.0752716 1.0622197 1.1042321 1.0304035 1.0483804\n", - " 1.0624506 1.0492809 0. 0. 0. 0. ]\n", - "\n", - "[ 0 4 7 6 11 2 9 14 10 8 15 3 5 13 1 12 18 16 17 19]\n", - "=======================\n", - "['( cnn ) c-span \\'s live telecast of the white house correspondents \\' association dinner on saturday night , hosted by cecily strong of \" saturday night live , \" was not strong \\'s finest hour , though the entire affair seemed like five of c-span \\'s longest hours .more than 2,000 credentialed white house journalists and their mostly celebrity guests convened for the occasion .obama , as in past years , came out strong -- a tough act to follow for any comedian .']\n", - "=======================\n", - "['david bianculli : correspondents \\' dinner , and cecily strong as host , were mostly weak , but obama had some funny zingershe says \" anger translator \" bit was funny , but crowd was tough on strong as event went on and on']\n", - "( cnn ) c-span 's live telecast of the white house correspondents ' association dinner on saturday night , hosted by cecily strong of \" saturday night live , \" was not strong 's finest hour , though the entire affair seemed like five of c-span 's longest hours .more than 2,000 credentialed white house journalists and their mostly celebrity guests convened for the occasion .obama , as in past years , came out strong -- a tough act to follow for any comedian .\n", - "david bianculli : correspondents ' dinner , and cecily strong as host , were mostly weak , but obama had some funny zingershe says \" anger translator \" bit was funny , but crowd was tough on strong as event went on and on\n", - "[1.1035824 1.2753996 1.3328526 1.3323507 1.2965387 1.2190726 1.1001029\n", - " 1.0185838 1.0377603 1.0140232 1.1816623 1.1298575 1.1409132 1.0745701\n", - " 1.0545031 1.1204978 1.0611738 0. 0. 0. ]\n", - "\n", - "[ 2 3 4 1 5 10 12 11 15 0 6 13 16 14 8 7 9 17 18 19]\n", - "=======================\n", - "[\"to counteract even the slightest shifts in gravitational pull , experts must build the jet on ` floating ' concrete rafts that move in sync with the moon .the typhoon ( pictured ) is powered by two eurojet ej200 engines .it is 49ft ( 15 metres ) long from tip to tip and the material is ` no more than the thickness of a match stick . '\"]\n", - "=======================\n", - "[\"to counteract shifts in gravitational pull , engineers build typhoon on ` floating ' concrete rafts with laser trackers and computer-automated jacksthis # 2.5 million system means the jet is accurately alignedelsewhere , the jet fighter can reach supersonic speeds in 30 secondsand the typhoon helmet lets pilots ` see ' through the bottom of the jet\"]\n", - "to counteract even the slightest shifts in gravitational pull , experts must build the jet on ` floating ' concrete rafts that move in sync with the moon .the typhoon ( pictured ) is powered by two eurojet ej200 engines .it is 49ft ( 15 metres ) long from tip to tip and the material is ` no more than the thickness of a match stick . '\n", - "to counteract shifts in gravitational pull , engineers build typhoon on ` floating ' concrete rafts with laser trackers and computer-automated jacksthis # 2.5 million system means the jet is accurately alignedelsewhere , the jet fighter can reach supersonic speeds in 30 secondsand the typhoon helmet lets pilots ` see ' through the bottom of the jet\n", - "[1.2968462 1.3538649 1.3433652 1.1168356 1.1364785 1.095021 1.069604\n", - " 1.065443 1.0920278 1.0587441 1.064752 1.0745009 1.0392809 1.0762143\n", - " 1.0252312 1.092645 1.0221674 1.0374854 1.039985 0. ]\n", - "\n", - "[ 1 2 0 4 3 5 15 8 13 11 6 7 10 9 18 12 17 14 16 19]\n", - "=======================\n", - "['protesters rallied in baltimore late tuesday , the same day police released the names of the officers involved in the arrest of freddie gray .gray died of a spinal injury sunday , exactly one week after he was taken into custody .( cnn ) chanting \" no justice !']\n", - "=======================\n", - "['\" we have the power and ... today shows we have the numbers , \" says a protesterthe justice department is looking into whether a civil rights violation occurredautopsy results on gray show that he died from a severe injury to his spinal cord']\n", - "protesters rallied in baltimore late tuesday , the same day police released the names of the officers involved in the arrest of freddie gray .gray died of a spinal injury sunday , exactly one week after he was taken into custody .( cnn ) chanting \" no justice !\n", - "\" we have the power and ... today shows we have the numbers , \" says a protesterthe justice department is looking into whether a civil rights violation occurredautopsy results on gray show that he died from a severe injury to his spinal cord\n", - "[1.312009 1.191967 1.3485358 1.3140398 1.14706 1.2334542 1.1538546\n", - " 1.2648838 0. 0. 0. 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 2 3 0 7 5 1 6 4 15 14 13 12 8 10 9 16 11 17]\n", - "=======================\n", - "[\"manchester city , chelsea , real madrid , paris st germain and bayern munich are all among sterling 's admirers with offers of up to # 50million expected to be made in the coming weeks .juventus are monitoring liverpool wideman raheem sterling as the serie a side look to strengthenjuventus monitoring raheem sterling 's situation at liverpool .\"]\n", - "=======================\n", - "[\"juventus are interested in liverpool forward raheem sterlingthe italian champions are also taking calls for star man paul pogbajuventus want at least # 55million for the former man united midfielderread : liverpool launch bid to rival man utd for psv 's memphis depayread : liverpool set for summer overhaul with ten kop stars on way out\"]\n", - "manchester city , chelsea , real madrid , paris st germain and bayern munich are all among sterling 's admirers with offers of up to # 50million expected to be made in the coming weeks .juventus are monitoring liverpool wideman raheem sterling as the serie a side look to strengthenjuventus monitoring raheem sterling 's situation at liverpool .\n", - "juventus are interested in liverpool forward raheem sterlingthe italian champions are also taking calls for star man paul pogbajuventus want at least # 55million for the former man united midfielderread : liverpool launch bid to rival man utd for psv 's memphis depayread : liverpool set for summer overhaul with ten kop stars on way out\n", - "[1.2565384 1.2593488 1.0574027 1.1728915 1.170824 1.3766766 1.1878577\n", - " 1.1135445 1.1173896 1.0303683 1.0852236 0. 0. 0.\n", - " 0. 0. 0. 0. ]\n", - "\n", - "[ 5 1 0 6 3 4 8 7 10 2 9 16 11 12 13 14 15 17]\n", - "=======================\n", - "[\"deion sanders ( left ) called out his son deion sanders jr. ( right ) when he wrote about needing ` hood doughnuts almost every morning 'sanders jr. seems to benefit from his dad 's reported $ 40million worth , and enjoys showing off his luxury clothing items ( above ) on his social media accountsthen , seeing this tweet , dad deion sanders decided to have a little fun with his son , and give him a piece of his mind , writing back ; ` you 're a huxtable with a million $ trust fund stop the hood stuff !\"]\n", - "=======================\n", - "[\"deion sanders called out his son deion sanders jr. when he wrote about needing ` hood doughnuts almost every morning '` you 're a huxtable with a million $ trust fund stop the hood stuff ! 'sanders later confirmed the entire thing was just a joke between father and sonthe former football and baseball star and current analyst is said to be worth around $ 40milliona huxtable is a phrase used by some to refer to upper class black people , in reference to the huxtable family from the cosby show\"]\n", - "deion sanders ( left ) called out his son deion sanders jr. ( right ) when he wrote about needing ` hood doughnuts almost every morning 'sanders jr. seems to benefit from his dad 's reported $ 40million worth , and enjoys showing off his luxury clothing items ( above ) on his social media accountsthen , seeing this tweet , dad deion sanders decided to have a little fun with his son , and give him a piece of his mind , writing back ; ` you 're a huxtable with a million $ trust fund stop the hood stuff !\n", - "deion sanders called out his son deion sanders jr. when he wrote about needing ` hood doughnuts almost every morning '` you 're a huxtable with a million $ trust fund stop the hood stuff ! 'sanders later confirmed the entire thing was just a joke between father and sonthe former football and baseball star and current analyst is said to be worth around $ 40milliona huxtable is a phrase used by some to refer to upper class black people , in reference to the huxtable family from the cosby show\n", - "[1.2206457 1.3871784 1.3504784 1.3391429 1.1304758 1.1093097 1.088228\n", - " 1.142591 1.1108586 1.0771657 1.0926797 1.0497538 1.0232577 1.0333301\n", - " 1.0350561 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 7 4 8 5 10 6 9 11 14 13 12 16 15 17]\n", - "=======================\n", - "[\"in a case which could have huge financial consequences for the nhs , julie ronayne was awarded # 160,000 after she was left ` looking like michelin man ' following the bungled hysterectomy in 2008 .a husband was left so traumatised by his wife 's botched surgery that he was awarded thousands of pounds in compensation for nervous shock , despite his wife already being given a hefty payout .the severe swelling had been caused by a dangerous infection known as peritonitis , which the woman had contracted during the surgery at liverpool women 's hospital .\"]\n", - "=======================\n", - "[\"julie ronayne was given # 160,000 after a botched hysterectomy in 2008she contracted peritonitis following surgery at liverpool women 's hospitalhusband edward was given # 9,000 for ` shock ' and being ` secondary victim 'nhs fighting payout , fearing it could open the floodgates to similar claims\"]\n", - "in a case which could have huge financial consequences for the nhs , julie ronayne was awarded # 160,000 after she was left ` looking like michelin man ' following the bungled hysterectomy in 2008 .a husband was left so traumatised by his wife 's botched surgery that he was awarded thousands of pounds in compensation for nervous shock , despite his wife already being given a hefty payout .the severe swelling had been caused by a dangerous infection known as peritonitis , which the woman had contracted during the surgery at liverpool women 's hospital .\n", - "julie ronayne was given # 160,000 after a botched hysterectomy in 2008she contracted peritonitis following surgery at liverpool women 's hospitalhusband edward was given # 9,000 for ` shock ' and being ` secondary victim 'nhs fighting payout , fearing it could open the floodgates to similar claims\n", - "[1.1642488 1.4196324 1.4051615 1.3011744 1.2647212 1.2101759 1.0372379\n", - " 1.1868591 1.0246313 1.0126255 1.0175632 1.119503 1.0921859 1.119014\n", - " 1.021738 1.0176222 1.0616931 1.0582232]\n", - "\n", - "[ 1 2 3 4 5 7 0 11 13 12 16 17 6 8 14 15 10 9]\n", - "=======================\n", - "[\"a savannah baby and a baby in atlanta has been awarded $ 1,529 for college expenses as part of a state sweepstake draw before even turning 10-hours-old .the savannah morning news reports levi jarrett millspaugh was born at 2:38 a.m. wednesday , making him this year 's first tax day baby at memorial university medical center .the donation , made by path2college 529 plan , is given to the first child born each year on tax day at memorial .\"]\n", - "=======================\n", - "[\"savannah baby levi jarrett millspaugh is this year 's first tax day baby at memorial university medical centerthe other lucky winner was a baby named johnathan from atlantathe babies were awarded $ 1,529 for college expenses , a donation made by path2college 529 plan\"]\n", - "a savannah baby and a baby in atlanta has been awarded $ 1,529 for college expenses as part of a state sweepstake draw before even turning 10-hours-old .the savannah morning news reports levi jarrett millspaugh was born at 2:38 a.m. wednesday , making him this year 's first tax day baby at memorial university medical center .the donation , made by path2college 529 plan , is given to the first child born each year on tax day at memorial .\n", - "savannah baby levi jarrett millspaugh is this year 's first tax day baby at memorial university medical centerthe other lucky winner was a baby named johnathan from atlantathe babies were awarded $ 1,529 for college expenses , a donation made by path2college 529 plan\n", - "[1.358604 1.1610624 1.2701213 1.1578631 1.1421273 1.1781776 1.1628264\n", - " 1.0832227 1.1728585 1.1060357 1.0513698 1.0362321 1.0400236 1.040877\n", - " 1.0144365 1.0617868 0. 0. ]\n", - "\n", - "[ 0 2 5 8 6 1 3 4 9 7 15 10 13 12 11 14 16 17]\n", - "=======================\n", - "[\"garissa , kenya ( cnn ) days after a horrific al-shabaab attack on its soil , kenya launched airstrikes targeting the terror group in somalia , according to a military source , who insisted the strikes were not retribution for last week 's massacre at garissa university college that killed nearly 150 people .it is not a retaliation to the garissa attack .the kenyan military began its bombing raids sunday afternoon , targeting the al-shabaab stronghold of godon dhawe , somali resident ibrahim mohammed said .\"]\n", - "=======================\n", - "['\" we did everything that we could do , \" kenya \\'s foreign minister saysdespite intelligence , rapid response team stuck in nairobi for hours after massacre , official saysal-shabaab \\'s mohamed mohamud \" has a lot of grudges against the kenyans , \" expert says']\n", - "garissa , kenya ( cnn ) days after a horrific al-shabaab attack on its soil , kenya launched airstrikes targeting the terror group in somalia , according to a military source , who insisted the strikes were not retribution for last week 's massacre at garissa university college that killed nearly 150 people .it is not a retaliation to the garissa attack .the kenyan military began its bombing raids sunday afternoon , targeting the al-shabaab stronghold of godon dhawe , somali resident ibrahim mohammed said .\n", - "\" we did everything that we could do , \" kenya 's foreign minister saysdespite intelligence , rapid response team stuck in nairobi for hours after massacre , official saysal-shabaab 's mohamed mohamud \" has a lot of grudges against the kenyans , \" expert says\n", - "[1.0347301 1.0589116 1.0565251 1.0604041 1.0593365 1.1414175 1.2324595\n", - " 1.1813304 1.1460841 1.097788 1.0818259 1.0556953 1.0270183 1.0332654\n", - " 1.0852712 1.0587367 1.046942 1.039421 1.0856082 1.0597007 1.0924547\n", - " 1.0764418 1.035345 ]\n", - "\n", - "[ 6 7 8 5 9 20 18 14 10 21 3 19 4 1 15 2 11 16 17 22 0 13 12]\n", - "=======================\n", - "[\"it can be quite subtle , but in men the ring finger ( measured from the crease where it joins the hand ) is likely to be longer than the index finger .in women the two fingers are typically the same length .strangely enough , your hands give clues to what is sometimes called ` brain sex ' -- the way your brain reflects your gender .\"]\n", - "=======================\n", - "[\"a person 's brain often reflects their gender .why are some skills or characteristics considered male or female-specific ?documentary examines if gender-specific traits are due to biology ( occuring from birth ) or develop as a result of environmentthe film examines different theories and studies about gender and the brainstudy says fingers can indicate how much testosterone is in a person 's bodyis your brain male or female ?\"]\n", - "it can be quite subtle , but in men the ring finger ( measured from the crease where it joins the hand ) is likely to be longer than the index finger .in women the two fingers are typically the same length .strangely enough , your hands give clues to what is sometimes called ` brain sex ' -- the way your brain reflects your gender .\n", - "a person 's brain often reflects their gender .why are some skills or characteristics considered male or female-specific ?documentary examines if gender-specific traits are due to biology ( occuring from birth ) or develop as a result of environmentthe film examines different theories and studies about gender and the brainstudy says fingers can indicate how much testosterone is in a person 's bodyis your brain male or female ?\n", - "[1.2999233 1.3872548 1.229161 1.243324 1.3497876 1.2303197 1.0589869\n", - " 1.0688063 1.205358 1.024291 1.0837808 1.0665767 1.031672 1.0398903\n", - " 1.0151507 1.0390644 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 4 0 3 5 2 8 10 7 11 6 13 15 12 9 14 21 16 17 18 19 20 22]\n", - "=======================\n", - "['kamron t. taylor , who has a history of escape attempts , fled from the jerome combs detention center in kankakee at about 3 a.m. .he was convicted of first-degree murder in february and faces a sentence of 45 years to life in prison .a man awaiting sentencing for murder escaped from a jail in eastern illinois wednesday after beating a guard into unconsciousness , taking his keys and uniform and speeding off in his suv .']\n", - "=======================\n", - "['kamron t. taylor was recently convicted of murderhe stole officers keys and uniform being fleeing the jail in officers vehicletaylor was awaiting sentencing when he escapedthe 23-year-old fugitive is wanted for aggravated battery to a correctional officer as well as escapea $ 1,000 cash reward is being offered for any informationauthorities say they have found a 15-year-old girl who they had thought to be in the company of the murderer']\n", - "kamron t. taylor , who has a history of escape attempts , fled from the jerome combs detention center in kankakee at about 3 a.m. .he was convicted of first-degree murder in february and faces a sentence of 45 years to life in prison .a man awaiting sentencing for murder escaped from a jail in eastern illinois wednesday after beating a guard into unconsciousness , taking his keys and uniform and speeding off in his suv .\n", - "kamron t. taylor was recently convicted of murderhe stole officers keys and uniform being fleeing the jail in officers vehicletaylor was awaiting sentencing when he escapedthe 23-year-old fugitive is wanted for aggravated battery to a correctional officer as well as escapea $ 1,000 cash reward is being offered for any informationauthorities say they have found a 15-year-old girl who they had thought to be in the company of the murderer\n", - "[1.215421 1.4694306 1.1459563 1.3762691 1.2957246 1.2297095 1.1742364\n", - " 1.0250697 1.0526558 1.0836133 1.1075813 1.0938573 1.0639154 1.0878482\n", - " 1.078004 1.0499736 1.0524963 1.0491611 1.038555 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 3 4 5 0 6 2 10 11 13 9 14 12 8 16 15 17 18 7 21 19 20 22]\n", - "=======================\n", - "['erica leeder , 26 , was charged with assaulting a police officer an altercation at rockingham police station , about 50 kilometres south of perth .she has two previous charges and could face a prison sentencewest australian police confirmed to daily mail australia the mother of three was arrested on march 25 when she was taken to the station on an outstanding warrant , reportedly during a strip search .']\n", - "=======================\n", - "['mother of three erica leeder allegedly squirted breast milk at a police officerthe 26-year-old was picked up on an outstanding arrest warrant on april 7was charged with assaulting a police officer and fronted court on tuesdayperth woman spent a week in jail before she was released on bail']\n", - "erica leeder , 26 , was charged with assaulting a police officer an altercation at rockingham police station , about 50 kilometres south of perth .she has two previous charges and could face a prison sentencewest australian police confirmed to daily mail australia the mother of three was arrested on march 25 when she was taken to the station on an outstanding warrant , reportedly during a strip search .\n", - "mother of three erica leeder allegedly squirted breast milk at a police officerthe 26-year-old was picked up on an outstanding arrest warrant on april 7was charged with assaulting a police officer and fronted court on tuesdayperth woman spent a week in jail before she was released on bail\n", - "[1.4314473 1.139058 1.2623004 1.273633 1.224299 1.2255514 1.1123165\n", - " 1.2010581 1.0392362 1.0227188 1.040325 1.0179257 1.1451461 1.0313423\n", - " 1.0808067 1.1382399 1.0451487 1.0169375 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 0 3 2 5 4 7 12 1 15 6 14 16 10 8 13 9 11 17 18 19 20 21 22]\n", - "=======================\n", - "[\"david rylance has been jailed for stealing more than # 50,000 from his dying mother , who was suffering from alzheimer 'sbut in reality her son david rylance , 47 , had been slowly siphoning the money away , spending it on luxuries for himself as well as everyday living costs .when pensioner margaret rylance realised her money appeared to be going missing from her bank account , her concerns were put down to her having alzheimer 's disease .\"]\n", - "=======================\n", - "[\"david rylance , 47 , stole thousands of pounds from his own dying motherdying pensioner margaret rylance was suffering from alzheimer 's diseaseshe noticed money was missing but concerns were put down to conditionher son was jailed for two years and three months for stealing # 52,000\"]\n", - "david rylance has been jailed for stealing more than # 50,000 from his dying mother , who was suffering from alzheimer 'sbut in reality her son david rylance , 47 , had been slowly siphoning the money away , spending it on luxuries for himself as well as everyday living costs .when pensioner margaret rylance realised her money appeared to be going missing from her bank account , her concerns were put down to her having alzheimer 's disease .\n", - "david rylance , 47 , stole thousands of pounds from his own dying motherdying pensioner margaret rylance was suffering from alzheimer 's diseaseshe noticed money was missing but concerns were put down to conditionher son was jailed for two years and three months for stealing # 52,000\n", - "[1.0822786 1.545752 1.4636436 1.2113233 1.0882442 1.0463212 1.4636478\n", - " 1.0833086 1.0722189 1.0347954 1.0152453 1.0107478 1.0119117 1.0358555\n", - " 1.0126894 1.0086535 0. 0. 0. 0. 0.\n", - " 0. 0. ]\n", - "\n", - "[ 1 6 2 3 4 7 0 8 5 13 9 10 14 12 11 15 16 17 18 19 20 21 22]\n", - "=======================\n", - "['in sergio aguero they boast the joint leading scorer in the barclays premier league .sergio aguero slotted manchester city into a two goal lead after a fine flowing counter attack by the home side against west hamand in david silva and jesus navas , not to mention a seemingly revitalised yaya toure , they had players far too accomplished for the quality of this opposition .']\n", - "=======================\n", - "[\"the home side were gifted the lead after james collins sliced a cross over adrian for an astonishing own goala devastating counter-attacking goal was swept in by sergio aguero for his 20th league goal of the seasonthe victory moved manuel pellegrini 's side back to within one point of manchester united in third in the leagueclick here for the player ratings from the etihad stadium after jesus navas steals the show\"]\n", - "in sergio aguero they boast the joint leading scorer in the barclays premier league .sergio aguero slotted manchester city into a two goal lead after a fine flowing counter attack by the home side against west hamand in david silva and jesus navas , not to mention a seemingly revitalised yaya toure , they had players far too accomplished for the quality of this opposition .\n", - "the home side were gifted the lead after james collins sliced a cross over adrian for an astonishing own goala devastating counter-attacking goal was swept in by sergio aguero for his 20th league goal of the seasonthe victory moved manuel pellegrini 's side back to within one point of manchester united in third in the leagueclick here for the player ratings from the etihad stadium after jesus navas steals the show\n", - "[1.035263 1.0925529 1.5640173 1.267174 1.1889471 1.1649143 1.1359643\n", - " 1.2159519 1.1554695 1.3610244 1.0709001 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 2 9 3 7 4 5 8 6 1 10 0 11 12 13 14 15 16 17 18 19 20]\n", - "=======================\n", - "[\"kristina patrick from alaska filmed her german shepherd pakak performing a very skillful trick .video footage shows the pup lying on her back with a tennis ball neatly clutched between her front paws .pakak 's owner says she loves playing with balls .\"]\n", - "=======================\n", - "['kristina patrick from alaska filmed her german shepherd pakak performing a very skillful trickfootage shows the pup taking the ball from her mouth with her paws and holding it up high in the air to admire itshe then carefully lowers it back down to the starting point']\n", - "kristina patrick from alaska filmed her german shepherd pakak performing a very skillful trick .video footage shows the pup lying on her back with a tennis ball neatly clutched between her front paws .pakak 's owner says she loves playing with balls .\n", - "kristina patrick from alaska filmed her german shepherd pakak performing a very skillful trickfootage shows the pup taking the ball from her mouth with her paws and holding it up high in the air to admire itshe then carefully lowers it back down to the starting point\n", - "[1.2794874 1.3795376 1.1996007 1.2451718 1.245952 1.1252341 1.1199687\n", - " 1.0670881 1.0405393 1.1039643 1.1359677 1.0386096 1.0649215 1.0561455\n", - " 1.0214891 1.0115899 1.0166129 1.0476801 0. 0. 0. ]\n", - "\n", - "[ 1 0 4 3 2 10 5 6 9 7 12 13 17 8 11 14 16 15 19 18 20]\n", - "=======================\n", - "[\"steve esmond , his teenage sons and the teens ' mother fell ill more than two weeks ago in st. john , where they were renting a villa at the sirenusa resort .( cnn ) a delaware father is in stable condition and improving as his two boys remain in critical condition after they became sick -- perhaps from pesticide exposure , federal officials say -- during a trip to the u.s. virgin islands .the family has confidence in their medical professionals and is hopeful for a full recovery , according to a statement released monday from the family 's attorney , james maron .\"]\n", - "=======================\n", - "[\"chemical damages ozone and is being phased out , though it 's used in strawberry fields , epa saysa delaware family becomes ill at a resort in the u.s. virgin islandspreliminary epa results find methyl bromide was present in the unit where they stayed\"]\n", - "steve esmond , his teenage sons and the teens ' mother fell ill more than two weeks ago in st. john , where they were renting a villa at the sirenusa resort .( cnn ) a delaware father is in stable condition and improving as his two boys remain in critical condition after they became sick -- perhaps from pesticide exposure , federal officials say -- during a trip to the u.s. virgin islands .the family has confidence in their medical professionals and is hopeful for a full recovery , according to a statement released monday from the family 's attorney , james maron .\n", - "chemical damages ozone and is being phased out , though it 's used in strawberry fields , epa saysa delaware family becomes ill at a resort in the u.s. virgin islandspreliminary epa results find methyl bromide was present in the unit where they stayed\n", - "[1.0681337 1.2822615 1.2514595 1.2375147 1.1455724 1.0837892 1.0952933\n", - " 1.0988461 1.0828239 1.0881733 1.0460519 1.1213367 1.03225 1.0149841\n", - " 1.0777612 1.0512314 1.0163078 1.0499492 1.0402709 1.0119573 1.0148479]\n", - "\n", - "[ 1 2 3 4 11 7 6 9 5 8 14 0 15 17 10 18 12 16 13 20 19]\n", - "=======================\n", - "['these are only two of the 100 challenges chinese-born , american-based jia jiang put himself up to when he decided to blog about \" 100 days of rejection \" , a project he launched after he quit his comfortable six-figure job to follow his dreams of being an entrepreneur at the age of 30 , just weeks before his first child was born .after his tech start-up was declined investment , jiang decided to confront his fear of rejection head-on .this led to his writing his book called rejection proof , part self-help and part motivational/autobiography , which is being released this week .']\n", - "=======================\n", - "['one man \\'s entrepreneurial quest turned into unexpected success\" 100 days of rejection \" took jiang out of his comfort zoneit \\'s the fear of rejection , more than rejection itself , which holds us back']\n", - "these are only two of the 100 challenges chinese-born , american-based jia jiang put himself up to when he decided to blog about \" 100 days of rejection \" , a project he launched after he quit his comfortable six-figure job to follow his dreams of being an entrepreneur at the age of 30 , just weeks before his first child was born .after his tech start-up was declined investment , jiang decided to confront his fear of rejection head-on .this led to his writing his book called rejection proof , part self-help and part motivational/autobiography , which is being released this week .\n", - "one man 's entrepreneurial quest turned into unexpected success\" 100 days of rejection \" took jiang out of his comfort zoneit 's the fear of rejection , more than rejection itself , which holds us back\n", - "[1.2405896 1.3887632 1.3476088 1.3191266 1.2197607 1.0892402 1.0901191\n", - " 1.065546 1.0296253 1.0295341 1.165595 0. 0. 0.\n", - " 0. 0. 0. 0. 0. 0. 0. ]\n", - "\n", - "[ 1 2 3 0 4 10 6 5 7 8 9 19 11 12 13 14 15 16 17 18 20]\n", - "=======================\n", - "[\"left-wing , buenos aires-based tectonica is responsible for the websites of more than 200 labour parliamentary candidates , including senior figures such as shadow foreign secretary and election chief douglas alexander and shadow defence minister vernon coaker , who oversee the party 's policy on the falklands .ed miliband is paying an argentinian company which has attacked ` vulture ' american bankers to help him become prime ministertory mps last night claimed labour 's argentinian link was an ` embarrassment ' for miliband .\"]\n", - "=======================\n", - "[\"tectonica responsible for websites of more than 200 labour candidatesthe argentinian link is an 'em barrassment ' for miliband , tories claimed\"]\n", - "left-wing , buenos aires-based tectonica is responsible for the websites of more than 200 labour parliamentary candidates , including senior figures such as shadow foreign secretary and election chief douglas alexander and shadow defence minister vernon coaker , who oversee the party 's policy on the falklands .ed miliband is paying an argentinian company which has attacked ` vulture ' american bankers to help him become prime ministertory mps last night claimed labour 's argentinian link was an ` embarrassment ' for miliband .\n", - "tectonica responsible for websites of more than 200 labour candidatesthe argentinian link is an 'em barrassment ' for miliband , tories claimed\n" - ] - } - ], - "source": [ - "import numpy as np\n", - "prediction = []\n", - "for i in range(len(test_dataset)):\n", - " sent_scores = prediction_list[i]\n", - " print(sent_scores)\n", - " temp_pred, temp_target = get_pred(test_dataset[i], sent_scores)\n", - " prediction.extend(temp_pred)\n", - " print(temp_pred[0])\n", - " print(temp_target[0])" - ] - }, - { - "cell_type": "code", - "execution_count": 237, - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "11489\n", - "11489\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-12-20 06:21:12,847 [MainThread ] [INFO ] Writing summaries.\n", - "I1220 06:21:12.847082 140392325338944 pyrouge.py:525] Writing summaries.\n", - "2019-12-20 06:21:12,848 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpyuoedfgj/system and model files to ./results/tmpyuoedfgj/model.\n", - "I1220 06:21:12.848933 140392325338944 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpyuoedfgj/system and model files to ./results/tmpyuoedfgj/model.\n", - "2019-12-20 06:21:12,849 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-20-06-21-11/candidate/.\n", - "I1220 06:21:12.849878 140392325338944 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-20-06-21-11/candidate/.\n", - "2019-12-20 06:21:13,939 [MainThread ] [INFO ] Saved processed files to ./results/tmpyuoedfgj/system.\n", - "I1220 06:21:13.939141 140392325338944 pyrouge.py:53] Saved processed files to ./results/tmpyuoedfgj/system.\n", - "2019-12-20 06:21:13,941 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-20-06-21-11/reference/.\n", - "I1220 06:21:13.941029 140392325338944 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-20-06-21-11/reference/.\n", - "2019-12-20 06:21:15,025 [MainThread ] [INFO ] Saved processed files to ./results/tmpyuoedfgj/model.\n", - "I1220 06:21:15.025310 140392325338944 pyrouge.py:53] Saved processed files to ./results/tmpyuoedfgj/model.\n", - "2019-12-20 06:21:15,112 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp8sp02wte/rouge_conf.xml\n", - "I1220 06:21:15.112840 140392325338944 pyrouge.py:354] Written ROUGE configuration to ./results/tmp8sp02wte/rouge_conf.xml\n", - "2019-12-20 06:21:15,114 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp8sp02wte/rouge_conf.xml\n", - "I1220 06:21:15.114081 140392325338944 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp8sp02wte/rouge_conf.xml\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.54208 (95%-conf.int. 0.53930 - 0.54484)\n", - "1 ROUGE-1 Average_P: 0.36866 (95%-conf.int. 0.36651 - 0.37103)\n", - "1 ROUGE-1 Average_F: 0.42466 (95%-conf.int. 0.42276 - 0.42672)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.24754 (95%-conf.int. 0.24499 - 0.25011)\n", - "1 ROUGE-2 Average_P: 0.16856 (95%-conf.int. 0.16669 - 0.17049)\n", - "1 ROUGE-2 Average_F: 0.19382 (95%-conf.int. 0.19190 - 0.19576)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.49419 (95%-conf.int. 0.49159 - 0.49685)\n", - "1 ROUGE-L Average_P: 0.33667 (95%-conf.int. 0.33456 - 0.33889)\n", - "1 ROUGE-L Average_F: 0.38754 (95%-conf.int. 0.38561 - 0.38960)\n", - "\n" + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.47424 (95%-conf.int. 0.47135 - 0.47727)\n", + "1 ROUGE-1 Average_P: 0.34068 (95%-conf.int. 0.33832 - 0.34317)\n", + "1 ROUGE-1 Average_F: 0.38163 (95%-conf.int. 0.37944 - 0.38388)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.19410 (95%-conf.int. 0.19151 - 0.19673)\n", + "1 ROUGE-2 Average_P: 0.13952 (95%-conf.int. 0.13752 - 0.14164)\n", + "1 ROUGE-2 Average_F: 0.15606 (95%-conf.int. 0.15398 - 0.15813)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.42931 (95%-conf.int. 0.42643 - 0.43221)\n", + "1 ROUGE-L Average_P: 0.30907 (95%-conf.int. 0.30675 - 0.31151)\n", + "1 ROUGE-L Average_F: 0.34590 (95%-conf.int. 0.34367 - 0.34808)\n", + "\n" ] } ], @@ -84351,184 +888,27 @@ }, { "cell_type": "code", - "execution_count": 200, - "metadata": {}, - "outputs": [ - { - "ename": "SyntaxError", - "evalue": "'continue' not properly in loop (, line 17)", - "output_type": "error", - "traceback": [ - "\u001b[0;36m File \u001b[0;32m\"\"\u001b[0;36m, line \u001b[0;32m17\u001b[0m\n\u001b[0;31m continue\u001b[0m\n\u001b[0m ^\u001b[0m\n\u001b[0;31mSyntaxError\u001b[0m\u001b[0;31m:\u001b[0m 'continue' not properly in loop\n" - ] - } - ], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 25, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "9999\n", - "9999\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-12-17 19:21:21,290 [MainThread ] [INFO ] Writing summaries.\n", - "I1217 19:21:21.290435 139802557667136 pyrouge.py:525] Writing summaries.\n", - "2019-12-17 19:21:21,297 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpuryr79c7/system and model files to ./results/tmpuryr79c7/model.\n", - "I1217 19:21:21.297645 139802557667136 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpuryr79c7/system and model files to ./results/tmpuryr79c7/model.\n", - "2019-12-17 19:21:21,298 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-17-19-21-20/candidate/.\n", - "I1217 19:21:21.298635 139802557667136 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-17-19-21-20/candidate/.\n", - "2019-12-17 19:21:22,253 [MainThread ] [INFO ] Saved processed files to ./results/tmpuryr79c7/system.\n", - "I1217 19:21:22.253241 139802557667136 pyrouge.py:53] Saved processed files to ./results/tmpuryr79c7/system.\n", - "2019-12-17 19:21:22,254 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-17-19-21-20/reference/.\n", - "I1217 19:21:22.254958 139802557667136 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-17-19-21-20/reference/.\n", - "2019-12-17 19:21:23,216 [MainThread ] [INFO ] Saved processed files to ./results/tmpuryr79c7/model.\n", - "I1217 19:21:23.216884 139802557667136 pyrouge.py:53] Saved processed files to ./results/tmpuryr79c7/model.\n", - "2019-12-17 19:21:23,717 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmpkuttct3c/rouge_conf.xml\n", - "I1217 19:21:23.717461 139802557667136 pyrouge.py:354] Written ROUGE configuration to ./results/tmpkuttct3c/rouge_conf.xml\n", - "2019-12-17 19:21:23,718 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpkuttct3c/rouge_conf.xml\n", - "I1217 19:21:23.718756 139802557667136 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmpkuttct3c/rouge_conf.xml\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.47216 (95%-conf.int. 0.46927 - 0.47525)\n", - "1 ROUGE-1 Average_P: 0.34211 (95%-conf.int. 0.33966 - 0.34468)\n", - "1 ROUGE-1 Average_F: 0.38153 (95%-conf.int. 0.37935 - 0.38384)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.19405 (95%-conf.int. 0.19134 - 0.19665)\n", - "1 ROUGE-2 Average_P: 0.14079 (95%-conf.int. 0.13874 - 0.14297)\n", - "1 ROUGE-2 Average_F: 0.15673 (95%-conf.int. 0.15461 - 0.15891)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.42759 (95%-conf.int. 0.42494 - 0.43044)\n", - "1 ROUGE-L Average_P: 0.31054 (95%-conf.int. 0.30808 - 0.31295)\n", - "1 ROUGE-L Average_F: 0.34596 (95%-conf.int. 0.34381 - 0.34812)\n", - "\n" - ] - } - ], - "source": [ - "rouge_transformer = get_rouge(prediction, target, \"./results/\")" - ] - }, - { - "cell_type": "code", - "execution_count": 26, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "'marseille prosecutor says `` so far no videos were used in the crash investigation `` despite media reports .journalists at bild and paris match are `` very confident `` the video clip is real , an editor says .andreas lubitz had informed his lufthansa training school of an episode of severe depression , airline says .'" - ] - }, - "execution_count": 26, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "test_dataset[0]['tgt_txt']" ] }, { "cell_type": "code", - "execution_count": 27, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "\"marseille , france ( cnn ) the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .all 150 on board were killed .cell phones have been collected at the site , he said , but that they `` had n't been exploited yet . ``\"" - ] - }, - "execution_count": 27, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "prediction[0]" ] }, { "cell_type": "code", - "execution_count": 28, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['marseille , france ( cnn ) the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .',\n", - " 'marseille prosecutor brice robin told cnn that `` so far no videos were used in the crash investigation . ``',\n", - " 'he added , `` a person who has such a video needs to immediately give it to the investigators . ``',\n", - " \"robin 's comments follow claims by two magazines , german daily bild and french paris match , of a cell phone video showing the harrowing final seconds from on board germanwings flight 9525 as it crashed into the french alps .\",\n", - " 'all 150 on board were killed .',\n", - " 'paris match and bild reported that the video was recovered from a phone at the wreckage site .',\n", - " 'the two publications described the supposed video , but did not post it on their websites .',\n", - " 'the publications said that they watched the video , which was found by a source close to the investigation . ``',\n", - " \"one can hear cries of ` my god ' in several languages , `` paris match reported . ``\",\n", - " 'metallic banging can also be heard more than three times , perhaps of the pilot trying to open the cockpit door with a heavy object .',\n", - " 'towards the end , after a heavy shake , stronger than the others , the screaming intensifies .',\n", - " '`` it is a very disturbing scene , `` said julian reichelt , editor-in-chief of bild online .',\n", - " \"an official with france 's accident investigation agency , the bea , said the agency is not aware of any such video .\",\n", - " 'lt. col. jean-marc menichini , a french gendarmerie spokesman in charge of communications on rescue efforts around the germanwings crash site , told cnn that the reports were `` completely wrong `` and `` unwarranted . ``',\n", - " \"cell phones have been collected at the site , he said , but that they `` had n't been exploited yet . ``\",\n", - " 'menichini said he believed the cell phones would need to be sent to the criminal research institute in rosny sous-bois , near paris , in order to be analyzed by specialized technicians working hand-in-hand with investigators .',\n", - " 'but none of the cell phones found so far have been sent to the institute , menichini said .',\n", - " 'asked whether staff involved in the search could have leaked a memory card to the media , menichini answered with a categorical `` no . ``',\n", - " 'reichelt told `` erin burnett : outfront `` that he had watched the video and stood by the report , saying bild and paris match are `` very confident `` that the clip is real .',\n", - " \"he noted that investigators only revealed they 'd recovered cell phones from the crash site after bild and paris match published their reports . ``\",\n", - " 'that is something we did not know before .',\n", - " \"... overall we can say many things of the investigation were n't revealed by the investigation at the beginning , `` he said .\",\n", - " 'what was mental state of germanwings co-pilot ?',\n", - " \"german airline lufthansa confirmed tuesday that co-pilot andreas lubitz had battled depression years before he took the controls of germanwings flight 9525 , which he 's accused of deliberately crashing last week in the french alps .\",\n", - " 'lubitz told his lufthansa flight training school in 2009 that he had a `` previous episode of severe depression , `` the airline said tuesday .',\n", - " 'email correspondence between lubitz and the school discovered in an internal investigation , lufthansa said , included medical documents he submitted in connection with resuming his flight training .',\n", - " \"the announcement indicates that lufthansa , the parent company of germanwings , knew of lubitz 's battle with depression , allowed him to continue training and ultimately put him in the cockpit .\",\n", - " 'lufthansa , whose ceo carsten spohr previously said lubitz was 100 % fit to fly , described its statement tuesday as a `` swift and seamless clarification `` and said it was sharing the information and documents -- including training and medical records -- with public prosecutors .',\n", - " 'spohr traveled to the crash site wednesday , where recovery teams have been working for the past week to recover human remains and plane debris scattered across a steep mountainside .',\n", - " 'he saw the crisis center set up in seyne-les-alpes , laid a wreath in the village of le vernet , closer to the crash site , where grieving families have left flowers at a simple stone memorial .',\n", - " 'menichini told cnn late tuesday that no visible human remains were left at the site but recovery teams would keep searching .',\n", - " 'french president francois hollande , speaking tuesday , said that it should be possible to identify all the victims using dna analysis by the end of the week , sooner than authorities had previously suggested .',\n", - " \"in the meantime , the recovery of the victims ' personal belongings will start wednesday , menichini said .\",\n", - " 'among those personal belongings could be more cell phones belonging to the 144 passengers and six crew on board .',\n", - " 'check out the latest from our correspondents .',\n", - " \"the details about lubitz 's correspondence with the flight school during his training were among several developments as investigators continued to delve into what caused the crash and lubitz 's possible motive for downing the jet .\",\n", - " 'a lufthansa spokesperson told cnn on tuesday that lubitz had a valid medical certificate , had passed all his examinations and `` held all the licenses required . ``',\n", - " \"earlier , a spokesman for the prosecutor 's office in dusseldorf , christoph kumpa , said medical records reveal lubitz suffered from suicidal tendencies at some point before his aviation career and underwent psychotherapy before he got his pilot 's license .\",\n", - " \"kumpa emphasized there 's no evidence suggesting lubitz was suicidal or acting aggressively before the crash .\",\n", - " \"investigators are looking into whether lubitz feared his medical condition would cause him to lose his pilot 's license , a european government official briefed on the investigation told cnn on tuesday .\",\n", - " \"while flying was `` a big part of his life , `` the source said , it 's only one theory being considered .\",\n", - " 'another source , a law enforcement official briefed on the investigation , also told cnn that authorities believe the primary motive for lubitz to bring down the plane was that he feared he would not be allowed to fly because of his medical problems .',\n", - " \"lubitz 's girlfriend told investigators he had seen an eye doctor and a neuropsychologist , both of whom deemed him unfit to work recently and concluded he had psychological issues , the european government official said .\",\n", - " \"but no matter what details emerge about his previous mental health struggles , there 's more to the story , said brian russell , a forensic psychologist . ``\",\n", - " \"psychology can explain why somebody would turn rage inward on themselves about the fact that maybe they were n't going to keep doing their job and they 're upset about that and so they 're suicidal , `` he said . ``\",\n", - " \"but there is no mental illness that explains why somebody then feels entitled to also take that rage and turn it outward on 149 other people who had nothing to do with the person 's problems . ``\",\n", - " 'germanwings crash compensation : what we know .',\n", - " 'who was the captain of germanwings flight 9525 ?',\n", - " \"cnn 's margot haddad reported from marseille and pamela brown from dusseldorf , while laura smith-spark wrote from london .\",\n", - " \"cnn 's frederik pleitgen , pamela boykoff , antonia mortensen , sandrine amiel and anna-maja rappard contributed to this report .\"]" - ] - }, - "execution_count": 28, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "test_dataset[0]['src_txt']" ] diff --git a/tests/unit/test_extractive_summarization.py b/tests/unit/test_extractive_summarization.py index 4d4d7a0e2..ccc68b78c 100644 --- a/tests/unit/test_extractive_summarization.py +++ b/tests/unit/test_extractive_summarization.py @@ -10,12 +10,13 @@ import shutil -from utils_nlp.dataset.cnndm import ExtSumProcessedData, Summarization +from utils_nlp.models.transformers.datasets import SummarizationDataset from utils_nlp.models.transformers.extractive_summarization import ( get_cycled_dataset, get_dataloader, get_sequential_dataloader, ExtractiveSummarizer, + ExtSumProcessedData, ExtSumProcessor, ) @@ -44,14 +45,14 @@ def data_to_file(tmp_module): f = open(target_file, "w") f.write(target) f.close() - train_dataset = Summarization( + train_dataset = SummarizationDataset( source_file, target_file, [tokenize.sent_tokenize], [tokenize.sent_tokenize], nltk.word_tokenize, ) - test_dataset = Summarization( + test_dataset = SummarizationDataset( source_file, target_file, [tokenize.sent_tokenize], diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index e2345e248..d1a609372 100644 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -24,7 +24,7 @@ from transformers.tokenization_distilbert import DistilBertTokenizer from transformers.tokenization_roberta import RobertaTokenizer from transformers.tokenization_xlnet import XLNetTokenizer - +from utils_nlp.common.pytorch_utils import get_device TOKENIZER_CLASS = {} TOKENIZER_CLASS.update({k: BertTokenizer for k in BERT_PRETRAINED_MODEL_ARCHIVE_MAP}) @@ -256,12 +256,27 @@ def move_batch_to_device(batch, device): # empty cache torch.cuda.empty_cache() return global_step, tr_loss / global_step + + + def predict(self, eval_dataloader, get_inputs, n_gpu=1, verbose=True, move_batch_to_device=None): + device, num_gpus = get_device(num_gpus=n_gpu, local_rank=-1) + + if num_gpus > 1: + if not isinstance(self.model, torch.nn.DataParallel): + self.model = torch.nn.DataParallel(self.model) + else: + if isinstance(self.model, torch.nn.DataParallel): + self.model = self.model.module - def predict(self, eval_dataloader, get_inputs, device, verbose=True): - + self.model.to(device) self.model.eval() + + if move_batch_to_device is None: + def move_batch_to_device(batch, device): + return tuple(t.to(device) for t in batch) + for batch in tqdm(eval_dataloader, desc="Evaluating", disable=not verbose): - batch = tuple(t.to(device) for t in batch) + batch = move_batch_to_device(batch, device) #tuple(t.to(device) for t in batch) with torch.no_grad(): inputs = get_inputs(batch, self.model_name, train_mode=False) outputs = self.model(**inputs) diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index 2cf119985..a87c096ba 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -462,26 +462,24 @@ def collate_fn(dict_list): for i in range(len(test_dataset)): temp_pred = get_pred(test_dataset[i], scores_list[i]) prediction.extend(temp_pred) - print(temp_pred[0]) - print(temp_target[0]) return prediction def predict_scores( self, eval_dataloader, - num_gpus=1, + num_gpus=1, verbose=True, ): device, num_gpus = get_device(num_gpus=num_gpus, local_rank=-1) - # if isinstance(self.model, nn.DataParallel): - # self.model.module.to(device) - # else: - self.model.to(device) + + if isinstance(self.model, nn.DataParallel): + self.model.module.to(device) + else: + self.model.to(device) + - #def move_batch_to_device(batch, device): - # return batch.to(device) def move_batch_to_device(batch, device): batch['src'] = batch['src'].to(device) batch['segs'] = batch['segs'].to(device) @@ -492,17 +490,16 @@ def move_batch_to_device(batch, device): batch['labels'] = batch['labels'].to(device) return Bunch(batch) - self.model.eval() - - for batch in eval_dataloader: - batch = move_batch_to_device(batch, device) - with torch.no_grad(): - inputs = ExtSumProcessor.get_inputs(batch, self.model_name, train_mode=False) - outputs = self.model(**inputs) - sent_scores = outputs[0] - sent_scores = sent_scores.detach().cpu().numpy() - yield sent_scores - + preds = list( + super().predict( + eval_dataloader=eval_dataloader, + get_inputs=ExtSumProcessor.get_inputs, + n_gpu=num_gpus, + verbose=verbose, + move_batch_to_device=move_batch_to_device, + ) + ) + return preds def save_model(self, name): output_model_dir = os.path.join(self.cache_dir, "fine_tuned") @@ -513,4 +510,5 @@ def save_model(self, name): full_name = os.path.join(output_model_dir, name) logger.info("Saving model checkpoint to %s", full_name) torch.save(self.model, name) - \ No newline at end of file + + From 9eef3c6a92979ba429fc6b322f0e39fe414126a5 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Tue, 24 Dec 2019 02:50:39 +0000 Subject: [PATCH 087/167] make sure different number of gpus are correctly utilized --- utils_nlp/models/transformers/common.py | 6 +++++- 1 file changed, 5 insertions(+), 1 deletion(-) diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index d1a609372..597a8691c 100644 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -263,7 +263,11 @@ def predict(self, eval_dataloader, get_inputs, n_gpu=1, verbose=True, move_batch if num_gpus > 1: if not isinstance(self.model, torch.nn.DataParallel): - self.model = torch.nn.DataParallel(self.model) + self.model = torch.nn.DataParallel(self.model, device_ids=range(0,num_gpus)) + else: + # make sure the prediction can switch between different numbers of multiple gpus + self.model = self.model.module + self.model = torch.nn.DataParallel(self.model, device_ids=range(0,num_gpus)) else: if isinstance(self.model, torch.nn.DataParallel): self.model = self.model.module From caf347a32b85f7de9d38811aaf8a938710f77157 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Tue, 24 Dec 2019 04:00:33 +0000 Subject: [PATCH 088/167] update the notebook after dataset change --- ...tive_summarization_cnndm_transformer.ipynb | 444 +++++++----------- 1 file changed, 179 insertions(+), 265 deletions(-) diff --git a/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb b/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb index 358fdbc36..b5a6ff13c 100644 --- a/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb +++ b/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb @@ -70,7 +70,7 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 3, "metadata": {}, "outputs": [], "source": [ @@ -79,9 +79,19 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 4, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", + "[nltk_data] Package punkt is already up-to-date!\n", + "I1224 02:52:40.350996 139807676634944 file_utils.py:40] PyTorch version 1.2.0 available.\n" + ] + } + ], "source": [ "import os\n", "import sys\n", @@ -113,7 +123,7 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 5, "metadata": {}, "outputs": [], "source": [ @@ -194,7 +204,7 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 6, "metadata": {}, "outputs": [], "source": [ @@ -203,13 +213,12 @@ "# The number of lines at the head of data file used for preprocessing. -1 means all the lines.\n", "TOP_N = -1\n", "if QUICK_RUN:\n", - " #TOP_N = 10000\n", - " TOP_N=20" + " TOP_N = 10000" ] }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 7, "metadata": { "scrolled": true }, @@ -218,13 +227,8 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1220 21:53:00.933556 140207304460096 utils.py:173] Opening tar file /tmp/tmpm2eh8iau/cnndm.tar.gz.\n", - "I1220 21:53:00.935238 140207304460096 utils.py:181] /tmp/tmpm2eh8iau/test.txt.src already extracted.\n", - "I1220 21:53:01.244342 140207304460096 utils.py:181] /tmp/tmpm2eh8iau/test.txt.tgt.tagged already extracted.\n", - "I1220 21:53:01.272053 140207304460096 utils.py:181] /tmp/tmpm2eh8iau/train.txt.src already extracted.\n", - "I1220 21:53:08.778068 140207304460096 utils.py:181] /tmp/tmpm2eh8iau/train.txt.tgt.tagged already extracted.\n", - "I1220 21:53:09.402392 140207304460096 utils.py:181] /tmp/tmpm2eh8iau/val.txt.src already extracted.\n", - "I1220 21:53:09.738530 140207304460096 utils.py:181] /tmp/tmpm2eh8iau/val.txt.tgt.tagged already extracted.\n" + "100%|██████████| 489k/489k [00:07<00:00, 69.5kKB/s] \n", + "I1224 02:52:47.868990 139807676634944 utils.py:173] Opening tar file /tmp/tmpm2eh8iau/cnndm.tar.gz.\n" ] } ], @@ -241,19 +245,14 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 8, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I1220 21:53:11.937460 140207304460096 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt not found in cache or force_download set to True, downloading to /tmp/tmpjgimfb7c\n", - "100%|██████████| 231508/231508 [00:00<00:00, 2007349.00B/s]\n", - "I1220 21:53:12.196867 140207304460096 file_utils.py:334] copying /tmp/tmpjgimfb7c to cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n", - "I1220 21:53:12.198070 140207304460096 file_utils.py:338] creating metadata file for ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n", - "I1220 21:53:12.199477 140207304460096 file_utils.py:347] removing temp file /tmp/tmpjgimfb7c\n", - "I1220 21:53:12.200323 140207304460096 tokenization_utils.py:379] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + "I1224 02:52:59.080935 139807676634944 tokenization_utils.py:379] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" ] }, { @@ -272,7 +271,7 @@ }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 9, "metadata": {}, "outputs": [], "source": [ @@ -287,16 +286,20 @@ }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 10, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "['/tmp/tmpm2eh8iau/processed/0_train']" + "['/tmp/tmpm2eh8iau/processed/0_train',\n", + " '/tmp/tmpm2eh8iau/processed/1_train',\n", + " '/tmp/tmpm2eh8iau/processed/2_train',\n", + " '/tmp/tmpm2eh8iau/processed/3_train',\n", + " '/tmp/tmpm2eh8iau/processed/4_train']" ] }, - "execution_count": 13, + "execution_count": 10, "metadata": {}, "output_type": "execute_result" } @@ -307,16 +310,20 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 11, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "['/tmp/tmpm2eh8iau/processed/0_test']" + "['/tmp/tmpm2eh8iau/processed/0_test',\n", + " '/tmp/tmpm2eh8iau/processed/1_test',\n", + " '/tmp/tmpm2eh8iau/processed/2_test',\n", + " '/tmp/tmpm2eh8iau/processed/3_test',\n", + " '/tmp/tmpm2eh8iau/processed/4_test']" ] }, - "execution_count": 14, + "execution_count": 11, "metadata": {}, "output_type": "execute_result" } @@ -327,7 +334,7 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 12, "metadata": { "scrolled": true }, @@ -345,14 +352,14 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 13, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "200\n" + "2000\n" ] }, { @@ -361,7 +368,7 @@ "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" ] }, - "execution_count": 15, + "execution_count": 13, "metadata": {}, "output_type": "execute_result" } @@ -375,16 +382,16 @@ }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 14, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "[0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1]" + "[0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]" ] }, - "execution_count": 16, + "execution_count": 14, "metadata": {}, "output_type": "execute_result" } @@ -402,7 +409,7 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": 15, "metadata": {}, "outputs": [], "source": [ @@ -415,7 +422,7 @@ }, { "cell_type": "code", - "execution_count": 18, + "execution_count": 16, "metadata": {}, "outputs": [], "source": [ @@ -459,7 +466,7 @@ "BATCH_SIZE = 3000\n", "\n", "# GPU used for training\n", - "NUM_GPUS = 1\n", + "NUM_GPUS = 2\n", "\n", "# Encoder name. Options are: 1. baseline, classifier, transformer, rnn.\n", "ENCODER = \"transformer\"\n", @@ -493,13 +500,13 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1220 21:53:53.286549 140207304460096 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json not found in cache or force_download set to True, downloading to /tmp/tmpksnb8v3a\n", - "100%|██████████| 492/492 [00:00<00:00, 541768.85B/s]\n", - "I1220 21:53:53.437712 140207304460096 file_utils.py:334] copying /tmp/tmpksnb8v3a to cache at /tmp/tmpr6wt1w_l/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1220 21:53:53.438850 140207304460096 file_utils.py:338] creating metadata file for /tmp/tmpr6wt1w_l/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1220 21:53:53.439659 140207304460096 file_utils.py:347] removing temp file /tmp/tmpksnb8v3a\n", - "I1220 21:53:53.440414 140207304460096 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpr6wt1w_l/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1220 21:53:53.441374 140207304460096 configuration_utils.py:174] Model config {\n", + "I1224 03:01:19.243283 139807676634944 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json not found in cache or force_download set to True, downloading to /tmp/tmp7bncjhvm\n", + "100%|██████████| 492/492 [00:00<00:00, 531307.30B/s]\n", + "I1224 03:01:19.403964 139807676634944 file_utils.py:334] copying /tmp/tmp7bncjhvm to cache at /tmp/tmp0ru6f_af/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1224 03:01:19.404998 139807676634944 file_utils.py:338] creating metadata file for /tmp/tmp0ru6f_af/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1224 03:01:19.406319 139807676634944 file_utils.py:347] removing temp file /tmp/tmp7bncjhvm\n", + "I1224 03:01:19.407042 139807676634944 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmp0ru6f_af/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1224 03:01:19.407970 139807676634944 configuration_utils.py:174] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -525,14 +532,14 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1220 21:53:54.101483 140207304460096 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin not found in cache or force_download set to True, downloading to /tmp/tmpybj6baev\n", - "100%|██████████| 267967963/267967963 [00:04<00:00, 58609030.10B/s]\n", - "I1220 21:53:58.841547 140207304460096 file_utils.py:334] copying /tmp/tmpybj6baev to cache at /tmp/tmpr6wt1w_l/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1220 21:53:59.137463 140207304460096 file_utils.py:338] creating metadata file for /tmp/tmpr6wt1w_l/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1220 21:53:59.138775 140207304460096 file_utils.py:347] removing temp file /tmp/tmpybj6baev\n", - "I1220 21:53:59.180640 140207304460096 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpr6wt1w_l/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1220 21:54:00.468782 140207304460096 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmpr6wt1w_l/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1220 21:54:00.471764 140207304460096 configuration_utils.py:174] Model config {\n", + "I1224 03:01:19.547294 139807676634944 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin not found in cache or force_download set to True, downloading to /tmp/tmp_3hdcg7f\n", + "100%|██████████| 267967963/267967963 [00:04<00:00, 65856939.79B/s]\n", + "I1224 03:01:23.860859 139807676634944 file_utils.py:334] copying /tmp/tmp_3hdcg7f to cache at /tmp/tmp0ru6f_af/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1224 03:01:24.139341 139807676634944 file_utils.py:338] creating metadata file for /tmp/tmp0ru6f_af/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1224 03:01:24.140595 139807676634944 file_utils.py:347] removing temp file /tmp/tmp_3hdcg7f\n", + "I1224 03:01:24.175863 139807676634944 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmp0ru6f_af/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I1224 03:01:25.453496 139807676634944 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmp0ru6f_af/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I1224 03:01:25.456668 139807676634944 configuration_utils.py:174] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -558,7 +565,7 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1220 21:54:00.614732 140207304460096 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmpr6wt1w_l/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I1224 03:01:25.601239 139807676634944 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmp0ru6f_af/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], @@ -568,7 +575,7 @@ }, { "cell_type": "code", - "execution_count": 59, + "execution_count": 19, "metadata": {}, "outputs": [], "source": [ @@ -578,121 +585,118 @@ }, { "cell_type": "code", - "execution_count": 60, + "execution_count": null, "metadata": { "scrolled": true }, "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/nn/parallel/_functions.py:61: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.\n", + " warnings.warn('Was asked to gather along dimension 0, but all '\n" + ] + }, { "name": "stdout", "output_type": "stream", "text": [ - "loss: 35.705171, time: 20.699702, number of examples in current step: 5, step 100 out of total 10000\n", - "loss: 33.614549, time: 21.716000, number of examples in current step: 5, step 200 out of total 10000\n", - "loss: 32.161929, time: 21.074021, number of examples in current step: 5, step 300 out of total 10000\n", - "loss: 31.248698, time: 21.511255, number of examples in current step: 5, step 400 out of total 10000\n", - "loss: 31.356782, time: 20.723727, number of examples in current step: 5, step 500 out of total 10000\n", - "loss: 30.632976, time: 21.887540, number of examples in current step: 5, step 600 out of total 10000\n", - "loss: 30.196731, time: 21.082027, number of examples in current step: 6, step 700 out of total 10000\n", - "loss: 30.639471, time: 21.844819, number of examples in current step: 5, step 800 out of total 10000\n", - "loss: 30.196533, time: 20.926623, number of examples in current step: 5, step 900 out of total 10000\n", - "loss: 30.191796, time: 21.434845, number of examples in current step: 5, step 1000 out of total 10000\n", - "loss: 30.495885, time: 20.993397, number of examples in current step: 5, step 1100 out of total 10000\n", - "loss: 30.398810, time: 22.044536, number of examples in current step: 5, step 1200 out of total 10000\n", - "loss: 30.563597, time: 21.231229, number of examples in current step: 5, step 1300 out of total 10000\n", - "loss: 29.913852, time: 21.846574, number of examples in current step: 5, step 1400 out of total 10000\n", - "loss: 29.966697, time: 20.929719, number of examples in current step: 5, step 1500 out of total 10000\n", - "loss: 29.850745, time: 21.726946, number of examples in current step: 5, step 1600 out of total 10000\n", - "loss: 30.064030, time: 21.038953, number of examples in current step: 5, step 1700 out of total 10000\n", - "loss: 29.384425, time: 21.891750, number of examples in current step: 2, step 1800 out of total 10000\n", - "loss: 29.542826, time: 21.164304, number of examples in current step: 5, step 1900 out of total 10000\n", - "loss: 29.368233, time: 21.729423, number of examples in current step: 5, step 2000 out of total 10000\n", - "loss: 29.897217, time: 20.885688, number of examples in current step: 5, step 2100 out of total 10000\n", - "loss: 28.955702, time: 21.920631, number of examples in current step: 5, step 2200 out of total 10000\n", - "loss: 29.168944, time: 20.652082, number of examples in current step: 5, step 2300 out of total 10000\n", - "loss: 29.024738, time: 21.605953, number of examples in current step: 5, step 2400 out of total 10000\n", - "loss: 28.886404, time: 20.676236, number of examples in current step: 5, step 2500 out of total 10000\n", - "loss: 28.935077, time: 21.559490, number of examples in current step: 5, step 2600 out of total 10000\n", - "loss: 28.166987, time: 20.780099, number of examples in current step: 5, step 2700 out of total 10000\n", - "loss: 27.596512, time: 21.436802, number of examples in current step: 5, step 2800 out of total 10000\n", - "loss: 28.518833, time: 20.700445, number of examples in current step: 5, step 2900 out of total 10000\n", - "loss: 28.037077, time: 21.611207, number of examples in current step: 5, step 3000 out of total 10000\n", - "loss: 27.949670, time: 20.695011, number of examples in current step: 5, step 3100 out of total 10000\n", - "loss: 27.567136, time: 21.478218, number of examples in current step: 8, step 3200 out of total 10000\n", - "loss: 27.531180, time: 20.588627, number of examples in current step: 5, step 3300 out of total 10000\n", - "loss: 26.776694, time: 21.408890, number of examples in current step: 9, step 3400 out of total 10000\n", - "loss: 26.813284, time: 20.645501, number of examples in current step: 5, step 3500 out of total 10000\n", - "loss: 26.683800, time: 21.558728, number of examples in current step: 5, step 3600 out of total 10000\n", - "loss: 25.921678, time: 20.619819, number of examples in current step: 5, step 3700 out of total 10000\n", - "loss: 26.077410, time: 21.860998, number of examples in current step: 5, step 3800 out of total 10000\n", - "loss: 26.636974, time: 20.638044, number of examples in current step: 5, step 3900 out of total 10000\n", - "loss: 25.742668, time: 21.513433, number of examples in current step: 5, step 4000 out of total 10000\n", - "loss: 24.708473, time: 20.689856, number of examples in current step: 5, step 4100 out of total 10000\n", - "loss: 24.782704, time: 21.566555, number of examples in current step: 5, step 4200 out of total 10000\n", - "loss: 24.848932, time: 21.616572, number of examples in current step: 5, step 4300 out of total 10000\n", - "loss: 23.519407, time: 20.755903, number of examples in current step: 5, step 4400 out of total 10000\n", - "loss: 22.817265, time: 21.491147, number of examples in current step: 5, step 4500 out of total 10000\n", - "loss: 22.207907, time: 20.577339, number of examples in current step: 5, step 4600 out of total 10000\n", - "loss: 22.295377, time: 21.496679, number of examples in current step: 5, step 4700 out of total 10000\n", - "loss: 22.965252, time: 20.695663, number of examples in current step: 5, step 4800 out of total 10000\n", - "loss: 22.509197, time: 21.525093, number of examples in current step: 5, step 4900 out of total 10000\n", - "loss: 20.583351, time: 20.646291, number of examples in current step: 5, step 5000 out of total 10000\n", - "loss: 20.348251, time: 21.552454, number of examples in current step: 5, step 5100 out of total 10000\n", - "loss: 20.249200, time: 20.725060, number of examples in current step: 5, step 5200 out of total 10000\n", - "loss: 19.258824, time: 21.462859, number of examples in current step: 5, step 5300 out of total 10000\n", - "loss: 17.822348, time: 20.987993, number of examples in current step: 5, step 5400 out of total 10000\n", - "loss: 17.038601, time: 21.720732, number of examples in current step: 5, step 5500 out of total 10000\n", - "loss: 16.602293, time: 20.712011, number of examples in current step: 5, step 5600 out of total 10000\n", - "loss: 16.917393, time: 21.915439, number of examples in current step: 5, step 5700 out of total 10000\n", - "loss: 17.467426, time: 20.745253, number of examples in current step: 10, step 5800 out of total 10000\n", - "loss: 16.622328, time: 21.490287, number of examples in current step: 5, step 5900 out of total 10000\n", - "loss: 13.652303, time: 20.551913, number of examples in current step: 5, step 6000 out of total 10000\n", - "loss: 13.903904, time: 21.412506, number of examples in current step: 5, step 6100 out of total 10000\n", - "loss: 14.111962, time: 20.629999, number of examples in current step: 5, step 6200 out of total 10000\n", - "loss: 12.658363, time: 21.632099, number of examples in current step: 5, step 6300 out of total 10000\n", - "loss: 12.392262, time: 20.716752, number of examples in current step: 5, step 6400 out of total 10000\n", - "loss: 11.626139, time: 21.517132, number of examples in current step: 5, step 6500 out of total 10000\n", - "loss: 11.267348, time: 20.689841, number of examples in current step: 5, step 6600 out of total 10000\n", - "loss: 11.635910, time: 21.477170, number of examples in current step: 5, step 6700 out of total 10000\n", - "loss: 12.101193, time: 20.592640, number of examples in current step: 5, step 6800 out of total 10000\n", - "loss: 11.018077, time: 21.399954, number of examples in current step: 5, step 6900 out of total 10000\n", - "loss: 9.155422, time: 20.709160, number of examples in current step: 5, step 7000 out of total 10000\n", - "loss: 9.673459, time: 21.612552, number of examples in current step: 5, step 7100 out of total 10000\n", - "loss: 9.708870, time: 20.670329, number of examples in current step: 5, step 7200 out of total 10000\n", - "loss: 8.755084, time: 21.467199, number of examples in current step: 5, step 7300 out of total 10000\n", - "loss: 7.942005, time: 20.793214, number of examples in current step: 5, step 7400 out of total 10000\n", - "loss: 8.233920, time: 22.216369, number of examples in current step: 5, step 7500 out of total 10000\n", - "loss: 7.670865, time: 20.644497, number of examples in current step: 5, step 7600 out of total 10000\n", - "loss: 8.376804, time: 21.664812, number of examples in current step: 5, step 7700 out of total 10000\n", - "loss: 8.142896, time: 20.710759, number of examples in current step: 5, step 7800 out of total 10000\n", - "loss: 7.450985, time: 21.802760, number of examples in current step: 5, step 7900 out of total 10000\n", - "loss: 6.650354, time: 20.655127, number of examples in current step: 10, step 8000 out of total 10000\n", - "loss: 7.041661, time: 21.893282, number of examples in current step: 5, step 8100 out of total 10000\n" + "loss: 11.160705, time: 42.738963, number of examples in current step: 5, step 100 out of total 10000\n", + "loss: 10.624718, time: 33.611201, number of examples in current step: 5, step 200 out of total 10000\n", + "loss: 10.389675, time: 32.889951, number of examples in current step: 5, step 300 out of total 10000\n", + "loss: 10.167939, time: 33.669455, number of examples in current step: 5, step 400 out of total 10000\n", + "loss: 10.233984, time: 32.727784, number of examples in current step: 5, step 500 out of total 10000\n", + "loss: 10.185300, time: 33.506980, number of examples in current step: 5, step 600 out of total 10000\n", + "loss: 10.074746, time: 33.141054, number of examples in current step: 5, step 700 out of total 10000\n", + "loss: 9.924833, time: 33.621255, number of examples in current step: 5, step 800 out of total 10000\n", + "loss: 9.977459, time: 32.910738, number of examples in current step: 5, step 900 out of total 10000\n", + "loss: 10.138617, time: 33.722555, number of examples in current step: 5, step 1000 out of total 10000\n", + "loss: 10.019123, time: 33.110982, number of examples in current step: 5, step 1100 out of total 10000\n", + "loss: 9.932224, time: 33.539944, number of examples in current step: 5, step 1200 out of total 10000\n", + "loss: 9.874413, time: 33.243643, number of examples in current step: 5, step 1300 out of total 10000\n", + "loss: 10.019798, time: 33.554604, number of examples in current step: 5, step 1400 out of total 10000\n", + "loss: 9.941930, time: 32.659071, number of examples in current step: 5, step 1500 out of total 10000\n", + "loss: 9.965581, time: 33.646271, number of examples in current step: 5, step 1600 out of total 10000\n", + "loss: 9.906829, time: 32.895457, number of examples in current step: 5, step 1700 out of total 10000\n", + "loss: 9.761838, time: 33.346933, number of examples in current step: 5, step 1800 out of total 10000\n", + "loss: 9.653565, time: 32.784759, number of examples in current step: 5, step 1900 out of total 10000\n", + "loss: 9.968359, time: 33.301999, number of examples in current step: 5, step 2000 out of total 10000\n", + "loss: 9.669802, time: 32.933510, number of examples in current step: 5, step 2100 out of total 10000\n", + "loss: 9.795998, time: 33.465689, number of examples in current step: 5, step 2200 out of total 10000\n", + "loss: 9.457577, time: 33.026487, number of examples in current step: 5, step 2300 out of total 10000\n", + "loss: 9.442477, time: 33.532822, number of examples in current step: 5, step 2400 out of total 10000\n", + "loss: 9.423114, time: 32.843011, number of examples in current step: 9, step 2500 out of total 10000\n", + "loss: 9.483082, time: 33.595565, number of examples in current step: 5, step 2600 out of total 10000\n", + "loss: 9.364571, time: 33.318575, number of examples in current step: 5, step 2700 out of total 10000\n", + "loss: 9.271109, time: 33.604982, number of examples in current step: 5, step 2800 out of total 10000\n", + "loss: 9.397103, time: 33.258650, number of examples in current step: 5, step 2900 out of total 10000\n", + "loss: 9.216123, time: 33.650533, number of examples in current step: 5, step 3000 out of total 10000\n", + "loss: 9.075683, time: 33.350430, number of examples in current step: 5, step 3100 out of total 10000\n", + "loss: 9.130850, time: 33.198705, number of examples in current step: 5, step 3200 out of total 10000\n", + "loss: 8.824206, time: 33.224638, number of examples in current step: 5, step 3300 out of total 10000\n", + "loss: 8.868568, time: 33.060924, number of examples in current step: 5, step 3400 out of total 10000\n", + "loss: 8.722790, time: 32.755505, number of examples in current step: 5, step 3500 out of total 10000\n", + "loss: 8.659580, time: 33.451256, number of examples in current step: 5, step 3600 out of total 10000\n", + "loss: 8.672709, time: 32.872691, number of examples in current step: 5, step 3700 out of total 10000\n", + "loss: 8.816822, time: 33.150174, number of examples in current step: 5, step 3800 out of total 10000\n", + "loss: 8.577710, time: 33.122264, number of examples in current step: 5, step 3900 out of total 10000\n", + "loss: 8.298463, time: 33.289581, number of examples in current step: 5, step 4000 out of total 10000\n", + "loss: 7.973340, time: 33.288708, number of examples in current step: 5, step 4100 out of total 10000\n", + "loss: 8.057464, time: 33.510597, number of examples in current step: 5, step 4200 out of total 10000\n", + "loss: 7.755475, time: 33.627128, number of examples in current step: 5, step 4300 out of total 10000\n", + "loss: 7.589542, time: 32.941917, number of examples in current step: 5, step 4400 out of total 10000\n", + "loss: 7.465863, time: 33.687425, number of examples in current step: 5, step 4500 out of total 10000\n", + "loss: 7.355834, time: 33.047327, number of examples in current step: 9, step 4600 out of total 10000\n", + "loss: 7.510208, time: 33.150999, number of examples in current step: 5, step 4700 out of total 10000\n", + "loss: 7.576485, time: 32.575946, number of examples in current step: 5, step 4800 out of total 10000\n", + "loss: 7.407544, time: 33.408200, number of examples in current step: 8, step 4900 out of total 10000\n", + "loss: 6.404705, time: 33.094769, number of examples in current step: 5, step 5000 out of total 10000\n", + "loss: 6.388583, time: 33.636447, number of examples in current step: 5, step 5100 out of total 10000\n", + "loss: 6.387465, time: 33.023443, number of examples in current step: 7, step 5200 out of total 10000\n", + "loss: 6.172295, time: 33.682934, number of examples in current step: 5, step 5300 out of total 10000\n", + "loss: 5.910387, time: 32.927547, number of examples in current step: 5, step 5400 out of total 10000\n", + "loss: 5.610732, time: 33.525970, number of examples in current step: 5, step 5500 out of total 10000\n", + "loss: 5.480320, time: 32.890641, number of examples in current step: 8, step 5600 out of total 10000\n", + "loss: 5.666756, time: 33.671984, number of examples in current step: 5, step 5700 out of total 10000\n", + "loss: 5.624298, time: 33.269477, number of examples in current step: 5, step 5800 out of total 10000\n", + "loss: 5.485603, time: 33.338527, number of examples in current step: 5, step 5900 out of total 10000\n", + "loss: 4.310713, time: 33.264881, number of examples in current step: 8, step 6000 out of total 10000\n", + "loss: 4.388899, time: 33.266150, number of examples in current step: 5, step 6100 out of total 10000\n", + "loss: 4.531266, time: 33.386269, number of examples in current step: 5, step 6200 out of total 10000\n", + "loss: 4.106246, time: 33.592953, number of examples in current step: 5, step 6300 out of total 10000\n", + "loss: 3.865821, time: 33.039088, number of examples in current step: 5, step 6400 out of total 10000\n", + "loss: 3.733040, time: 33.357782, number of examples in current step: 5, step 6500 out of total 10000\n", + "loss: 3.614104, time: 32.774119, number of examples in current step: 5, step 6600 out of total 10000\n", + "loss: 3.891334, time: 33.554248, number of examples in current step: 4, step 6700 out of total 10000\n", + "loss: 3.956822, time: 32.964930, number of examples in current step: 5, step 6800 out of total 10000\n", + "loss: 3.269616, time: 33.111120, number of examples in current step: 5, step 6900 out of total 10000\n", + "loss: 2.918509, time: 33.147460, number of examples in current step: 5, step 7000 out of total 10000\n", + "loss: 3.056451, time: 33.467347, number of examples in current step: 5, step 7100 out of total 10000\n", + "loss: 2.952458, time: 33.477996, number of examples in current step: 5, step 7200 out of total 10000\n", + "loss: 2.720741, time: 33.587339, number of examples in current step: 9, step 7300 out of total 10000\n", + "loss: 2.433647, time: 33.104418, number of examples in current step: 5, step 7400 out of total 10000\n", + "loss: 2.596394, time: 33.499696, number of examples in current step: 5, step 7500 out of total 10000\n", + "loss: 2.241538, time: 32.668587, number of examples in current step: 5, step 7600 out of total 10000\n", + "loss: 2.916792, time: 33.352173, number of examples in current step: 5, step 7700 out of total 10000\n", + "loss: 2.863580, time: 33.017576, number of examples in current step: 5, step 7800 out of total 10000\n", + "loss: 2.355133, time: 33.476678, number of examples in current step: 5, step 7900 out of total 10000\n", + "loss: 1.947071, time: 33.222678, number of examples in current step: 5, step 8000 out of total 10000\n", + "loss: 2.197302, time: 33.679664, number of examples in current step: 5, step 8100 out of total 10000\n", + "loss: 2.075956, time: 33.209228, number of examples in current step: 5, step 8200 out of total 10000\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "loss: 6.526273, time: 22.247599, number of examples in current step: 5, step 8200 out of total 10000\n", - "loss: 5.718608, time: 20.802443, number of examples in current step: 5, step 8300 out of total 10000\n", - "loss: 5.863779, time: 21.679484, number of examples in current step: 5, step 8400 out of total 10000\n", - "loss: 5.775331, time: 20.776518, number of examples in current step: 5, step 8500 out of total 10000\n", - "loss: 5.439230, time: 21.519706, number of examples in current step: 5, step 8600 out of total 10000\n", - "loss: 6.215319, time: 20.749641, number of examples in current step: 5, step 8700 out of total 10000\n", - "loss: 6.318656, time: 21.646634, number of examples in current step: 5, step 8800 out of total 10000\n", - "loss: 4.837764, time: 20.833888, number of examples in current step: 5, step 8900 out of total 10000\n", - "loss: 4.769266, time: 21.449505, number of examples in current step: 5, step 9000 out of total 10000\n", - "loss: 4.849743, time: 20.846905, number of examples in current step: 5, step 9100 out of total 10000\n", - "loss: 4.765189, time: 22.010775, number of examples in current step: 5, step 9200 out of total 10000\n", - "loss: 4.286385, time: 20.883247, number of examples in current step: 5, step 9300 out of total 10000\n", - "loss: 4.207896, time: 21.537331, number of examples in current step: 5, step 9400 out of total 10000\n", - "loss: 4.151980, time: 20.909060, number of examples in current step: 5, step 9500 out of total 10000\n", - "loss: 4.407137, time: 21.653464, number of examples in current step: 5, step 9600 out of total 10000\n", - "loss: 4.215871, time: 20.745822, number of examples in current step: 7, step 9700 out of total 10000\n", - "loss: 4.864621, time: 21.670415, number of examples in current step: 5, step 9800 out of total 10000\n", - "loss: 3.503241, time: 20.759992, number of examples in current step: 5, step 9900 out of total 10000\n", - "loss: 3.773483, time: 21.494518, number of examples in current step: 5, step 10000 out of total 10000\n" + "loss: 1.903633, time: 33.575222, number of examples in current step: 5, step 8300 out of total 10000\n", + "loss: 1.782045, time: 33.406267, number of examples in current step: 5, step 8400 out of total 10000\n", + "loss: 1.894894, time: 32.923071, number of examples in current step: 5, step 8500 out of total 10000\n", + "loss: 1.757045, time: 33.201561, number of examples in current step: 5, step 8600 out of total 10000\n", + "loss: 1.868286, time: 32.830063, number of examples in current step: 5, step 8700 out of total 10000\n", + "loss: 1.843515, time: 33.185594, number of examples in current step: 5, step 8800 out of total 10000\n", + "loss: 1.560396, time: 32.747909, number of examples in current step: 5, step 8900 out of total 10000\n" ] } ], @@ -712,30 +716,22 @@ }, { "cell_type": "code", - "execution_count": 69, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "I1220 21:05:21.955157 140334900168512 extractive_summarization.py:467] Saving model checkpoint to /tmp/tmp88nx0v51/fine_tuned/extsum_modelname_distilbert-base-uncased_usepreprocessTrue_steps_10000.0.pt\n" - ] - } - ], + "outputs": [], "source": [ "summarizer.save_model(\"extsum_modelname_{0}_usepreprocess{1}_steps_{2}.pt\".format(MODEL_NAME, USE_PREPROCSSED_DATA, MAX_STEPS))" ] }, { "cell_type": "code", - "execution_count": 19, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ "# for loading a previous saved model\n", - "import torch\n", - "summarizer.model = torch.load(\"cnndm_transformersum_distilbert-base-uncased_bertsum_processed_data.pt\")" + "#import torch\n", + "#summarizer.model = torch.load(\"cnndm_transformersum_distilbert-base-uncased_bertsum_processed_data.pt\")" ] }, { @@ -749,7 +745,7 @@ }, { "cell_type": "code", - "execution_count": 20, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -758,42 +754,20 @@ }, { "cell_type": "code", - "execution_count": 21, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" - ] - }, - "execution_count": 21, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ - "test_dataset[0].keys()" + "len(target)" ] }, { "cell_type": "code", - "execution_count": 22, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "" - ] - }, - "execution_count": 22, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ - "test_dataset" + "test_dataset[0].keys()" ] }, { @@ -802,86 +776,26 @@ "metadata": {}, "outputs": [], "source": [ - "prediction = summarizer.predict(test_dataset, num_gpus=2)" + "%%time\n", + "prediction = summarizer.predict(test_dataset, num_gpus=NUM_GPUS, batch_size=128)" ] }, { "cell_type": "code", - "execution_count": 76, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "9999" - ] - }, - "execution_count": 76, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "len(prediction)" ] }, { "cell_type": "code", - "execution_count": 77, + "execution_count": null, "metadata": { "scrolled": true }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "9999\n", - "9999\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-12-20 21:21:37,446 [MainThread ] [INFO ] Writing summaries.\n", - "I1220 21:21:37.446838 140334900168512 pyrouge.py:525] Writing summaries.\n", - "2019-12-20 21:21:37,448 [MainThread ] [INFO ] Processing summaries. Saving system files to ./results/tmpc6ug5hr1/system and model files to ./results/tmpc6ug5hr1/model.\n", - "I1220 21:21:37.448566 140334900168512 pyrouge.py:518] Processing summaries. Saving system files to ./results/tmpc6ug5hr1/system and model files to ./results/tmpc6ug5hr1/model.\n", - "2019-12-20 21:21:37,449 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-20-21-21-36/candidate/.\n", - "I1220 21:21:37.449473 140334900168512 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-20-21-21-36/candidate/.\n", - "2019-12-20 21:21:38,393 [MainThread ] [INFO ] Saved processed files to ./results/tmpc6ug5hr1/system.\n", - "I1220 21:21:38.393011 140334900168512 pyrouge.py:53] Saved processed files to ./results/tmpc6ug5hr1/system.\n", - "2019-12-20 21:21:38,395 [MainThread ] [INFO ] Processing files in ./results/rouge-tmp-2019-12-20-21-21-36/reference/.\n", - "I1220 21:21:38.395236 140334900168512 pyrouge.py:43] Processing files in ./results/rouge-tmp-2019-12-20-21-21-36/reference/.\n", - "2019-12-20 21:21:39,315 [MainThread ] [INFO ] Saved processed files to ./results/tmpc6ug5hr1/model.\n", - "I1220 21:21:39.315715 140334900168512 pyrouge.py:53] Saved processed files to ./results/tmpc6ug5hr1/model.\n", - "2019-12-20 21:21:39,386 [MainThread ] [INFO ] Written ROUGE configuration to ./results/tmp3weq7kff/rouge_conf.xml\n", - "I1220 21:21:39.386249 140334900168512 pyrouge.py:354] Written ROUGE configuration to ./results/tmp3weq7kff/rouge_conf.xml\n", - "2019-12-20 21:21:39,387 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp3weq7kff/rouge_conf.xml\n", - "I1220 21:21:39.387300 140334900168512 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a ./results/tmp3weq7kff/rouge_conf.xml\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.47424 (95%-conf.int. 0.47135 - 0.47727)\n", - "1 ROUGE-1 Average_P: 0.34068 (95%-conf.int. 0.33832 - 0.34317)\n", - "1 ROUGE-1 Average_F: 0.38163 (95%-conf.int. 0.37944 - 0.38388)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.19410 (95%-conf.int. 0.19151 - 0.19673)\n", - "1 ROUGE-2 Average_P: 0.13952 (95%-conf.int. 0.13752 - 0.14164)\n", - "1 ROUGE-2 Average_F: 0.15606 (95%-conf.int. 0.15398 - 0.15813)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.42931 (95%-conf.int. 0.42643 - 0.43221)\n", - "1 ROUGE-L Average_P: 0.30907 (95%-conf.int. 0.30675 - 0.31151)\n", - "1 ROUGE-L Average_F: 0.34590 (95%-conf.int. 0.34367 - 0.34808)\n", - "\n" - ] - } - ], + "outputs": [], "source": [ "rouge_transformer = get_rouge(prediction, target, \"./results/\")" ] From 22dc60481bd7b9b3826cd3fb186333bf24517522 Mon Sep 17 00:00:00 2001 From: Riezebos <22647971+Riezebos@users.noreply.github.com> Date: Wed, 25 Dec 2019 19:50:13 +0100 Subject: [PATCH 089/167] Fix typo in README.md --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index 9d7fc7670..71725dbcc 100755 --- a/README.md +++ b/README.md @@ -39,7 +39,7 @@ We strongly subscribe to the multi-language principles laid down by ["Emily Bend * "English isn't generic for language, despite what NLP papers might lead you to believe" * "Always name the language you are working on" ([Bender rule](https://www.aclweb.org/anthology/Q18-1041/)) -The repository aims to support non-English languages across all the scenarios. Pre-trianed models used in the repository such as BERT, FastText support 100+ languages out of the box. Our goal is to provide end-to-end examples in as many languages as possible. We encourage community contributions in this area. +The repository aims to support non-English languages across all the scenarios. Pre-trained models used in the repository such as BERT, FastText support 100+ languages out of the box. Our goal is to provide end-to-end examples in as many languages as possible. We encourage community contributions in this area. From f101b3b97a5f16be1bd1e2aa8b08b303bdc3949f Mon Sep 17 00:00:00 2001 From: hlums Date: Thu, 26 Dec 2019 11:40:38 -0500 Subject: [PATCH 090/167] Remove temporary tests from notebook. --- .../summarization_evaluation.ipynb | 163 +----------------- 1 file changed, 2 insertions(+), 161 deletions(-) diff --git a/examples/text_summarization/summarization_evaluation.ipynb b/examples/text_summarization/summarization_evaluation.ipynb index 4f6d438fd..41ffd9046 100644 --- a/examples/text_summarization/summarization_evaluation.ipynb +++ b/examples/text_summarization/summarization_evaluation.ipynb @@ -126,10 +126,8 @@ "source": [ "%%bash\n", "git clone https://github.com/andersjo/pyrouge.git\n", - "# PYROUGE_PATH= #e.g./home/hlu/notebooks/summarization/pyrouge\n", - "# PYTHON_PATH= #e.g./data/anaconda/envs/nlp_gpu\n", - "PYROUGE_PATH=/home/hlu/notebooks/summarization/pyrouge\n", - "PYTHON_PATH=/data/anaconda/envs/nlp_gpu\n", + "PYROUGE_PATH= #e.g./home/hlu/notebooks/summarization/pyrouge\n", + "PYTHON_PATH= #e.g./data/anaconda/envs/nlp_gpu\n", "$PYTHON_PATH/bin/pyrouge_set_rouge_path $PYROUGE_PATH/tools/ROUGE-1.5.5\n", "\n", "# install XML::DOM plugin, instructions https://web.archive.org/web/20171107220839/www.summarizerman.com/post/42675198985/figuring-out-rouge\n", @@ -319,163 +317,6 @@ "For each score, the 95% confidence interval is also computed, i.e. \"\\_cb\" and \"\\_ce\" stand for the beginning and end of the confidence interval, respectively. \n", "In addition to ROUGE-1, ROUGE-2, ROUGE-L, the perl script computes a few other ROUGE scores. See details of all scores [here](https://en.wikipedia.org/wiki/ROUGE_%28metric%29). " ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-12-03 20:56:06,551 [MainThread ] [INFO ] Writing summaries.\n", - "2019-12-03 20:56:06,552 [MainThread ] [INFO ] Processing summaries. Saving system files to /tmp/tmpp4q5yfq5/system and model files to /tmp/tmpp4q5yfq5/model.\n", - "2019-12-03 20:56:06,552 [MainThread ] [INFO ] Processing files in /tmp/tmpdztrmed9/rouge-tmp-2019-12-03-20-56-06/candidate/.\n", - "2019-12-03 20:56:06,553 [MainThread ] [INFO ] Processing cand.0.txt.\n", - "2019-12-03 20:56:06,554 [MainThread ] [INFO ] Saved processed files to /tmp/tmpp4q5yfq5/system.\n", - "2019-12-03 20:56:06,555 [MainThread ] [INFO ] Processing files in /tmp/tmpdztrmed9/rouge-tmp-2019-12-03-20-56-06/reference/.\n", - "2019-12-03 20:56:06,556 [MainThread ] [INFO ] Processing ref.0.txt.\n", - "2019-12-03 20:56:06,558 [MainThread ] [INFO ] Saved processed files to /tmp/tmpp4q5yfq5/model.\n", - "2019-12-03 20:56:06,559 [MainThread ] [INFO ] Written ROUGE configuration to /tmp/tmpldfqkkda/rouge_conf.xml\n", - "2019-12-03 20:56:06,560 [MainThread ] [INFO ] Running ROUGE with command /home/hlu/notebooks/summarization/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /home/hlu/notebooks/summarization/pyrouge/tools/ROUGE-1.5.5/data -c 95 -2 -1 -U -r 1000 -n 4 -w 1.2 -a -m /tmp/tmpldfqkkda/rouge_conf.xml\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Number of candidates: 1\n", - "Number of references: 1\n", - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.75000 (95%-conf.int. 0.75000 - 0.75000)\n", - "1 ROUGE-1 Average_P: 0.75000 (95%-conf.int. 0.75000 - 0.75000)\n", - "1 ROUGE-1 Average_F: 0.75000 (95%-conf.int. 0.75000 - 0.75000)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.66667 (95%-conf.int. 0.66667 - 0.66667)\n", - "1 ROUGE-2 Average_P: 0.66667 (95%-conf.int. 0.66667 - 0.66667)\n", - "1 ROUGE-2 Average_F: 0.66667 (95%-conf.int. 0.66667 - 0.66667)\n", - "---------------------------------------------\n", - "1 ROUGE-3 Average_R: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", - "1 ROUGE-3 Average_P: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", - "1 ROUGE-3 Average_F: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", - "---------------------------------------------\n", - "1 ROUGE-4 Average_R: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "1 ROUGE-4 Average_P: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "1 ROUGE-4 Average_F: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.75000 (95%-conf.int. 0.75000 - 0.75000)\n", - "1 ROUGE-L Average_P: 0.75000 (95%-conf.int. 0.75000 - 0.75000)\n", - "1 ROUGE-L Average_F: 0.75000 (95%-conf.int. 0.75000 - 0.75000)\n", - "---------------------------------------------\n", - "1 ROUGE-W-1.2 Average_R: 0.56839 (95%-conf.int. 0.56839 - 0.56839)\n", - "1 ROUGE-W-1.2 Average_P: 0.75000 (95%-conf.int. 0.75000 - 0.75000)\n", - "1 ROUGE-W-1.2 Average_F: 0.64669 (95%-conf.int. 0.64669 - 0.64669)\n", - "---------------------------------------------\n", - "1 ROUGE-S* Average_R: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", - "1 ROUGE-S* Average_P: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", - "1 ROUGE-S* Average_F: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", - "---------------------------------------------\n", - "1 ROUGE-SU* Average_R: 0.66667 (95%-conf.int. 0.66667 - 0.66667)\n", - "1 ROUGE-SU* Average_P: 0.66667 (95%-conf.int. 0.66667 - 0.66667)\n", - "1 ROUGE-SU* Average_F: 0.66667 (95%-conf.int. 0.66667 - 0.66667)\n", - "\n", - "Number of candidates: 1\n", - "Number of references: 1\n", - " rouge-2 rouge-1 rouge-l\n", - "f 0.666667 0.75 0.75\n", - "p 0.666667 0.75 0.75\n", - "r 0.666667 0.75 0.75\n" - ] - } - ], - "source": [ - "# Some test cases (temporary)\n", - "import pandas as pd\n", - "c = [\"this is really good\"]\n", - "r = [\"this is really great\"]\n", - "rouge_perl = compute_rouge_perl(c, r)\n", - "rouge_python = compute_rouge_python(c, r)\n", - "\n", - "print(pd.DataFrame(rouge_python))" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-12-03 20:56:09,105 [MainThread ] [INFO ] Writing summaries.\n", - "2019-12-03 20:56:09,106 [MainThread ] [INFO ] Processing summaries. Saving system files to /tmp/tmpdx08vejw/system and model files to /tmp/tmpdx08vejw/model.\n", - "2019-12-03 20:56:09,106 [MainThread ] [INFO ] Processing files in /tmp/tmpgee0mb66/rouge-tmp-2019-12-03-20-56-09/candidate/.\n", - "2019-12-03 20:56:09,107 [MainThread ] [INFO ] Processing cand.0.txt.\n", - "2019-12-03 20:56:09,108 [MainThread ] [INFO ] Saved processed files to /tmp/tmpdx08vejw/system.\n", - "2019-12-03 20:56:09,108 [MainThread ] [INFO ] Processing files in /tmp/tmpgee0mb66/rouge-tmp-2019-12-03-20-56-09/reference/.\n", - "2019-12-03 20:56:09,109 [MainThread ] [INFO ] Processing ref.0.txt.\n", - "2019-12-03 20:56:09,110 [MainThread ] [INFO ] Saved processed files to /tmp/tmpdx08vejw/model.\n", - "2019-12-03 20:56:09,111 [MainThread ] [INFO ] Written ROUGE configuration to /tmp/tmp2nhy7o3v/rouge_conf.xml\n", - "2019-12-03 20:56:09,112 [MainThread ] [INFO ] Running ROUGE with command /home/hlu/notebooks/summarization/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /home/hlu/notebooks/summarization/pyrouge/tools/ROUGE-1.5.5/data -c 95 -2 -1 -U -r 1000 -n 4 -w 1.2 -a -m /tmp/tmp2nhy7o3v/rouge_conf.xml\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Number of candidates: 1\n", - "Number of references: 1\n", - "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", - "1 ROUGE-1 Average_P: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", - "1 ROUGE-1 Average_F: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", - "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.33333 (95%-conf.int. 0.33333 - 0.33333)\n", - "1 ROUGE-2 Average_P: 0.33333 (95%-conf.int. 0.33333 - 0.33333)\n", - "1 ROUGE-2 Average_F: 0.33333 (95%-conf.int. 0.33333 - 0.33333)\n", - "---------------------------------------------\n", - "1 ROUGE-3 Average_R: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "1 ROUGE-3 Average_P: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "1 ROUGE-3 Average_F: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "---------------------------------------------\n", - "1 ROUGE-4 Average_R: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "1 ROUGE-4 Average_P: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "1 ROUGE-4 Average_F: 0.00000 (95%-conf.int. 0.00000 - 0.00000)\n", - "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", - "1 ROUGE-L Average_P: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", - "1 ROUGE-L Average_F: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", - "---------------------------------------------\n", - "1 ROUGE-W-1.2 Average_R: 0.37893 (95%-conf.int. 0.37893 - 0.37893)\n", - "1 ROUGE-W-1.2 Average_P: 0.50000 (95%-conf.int. 0.50000 - 0.50000)\n", - "1 ROUGE-W-1.2 Average_F: 0.43113 (95%-conf.int. 0.43113 - 0.43113)\n", - "---------------------------------------------\n", - "1 ROUGE-S* Average_R: 0.16667 (95%-conf.int. 0.16667 - 0.16667)\n", - "1 ROUGE-S* Average_P: 0.16667 (95%-conf.int. 0.16667 - 0.16667)\n", - "1 ROUGE-S* Average_F: 0.16667 (95%-conf.int. 0.16667 - 0.16667)\n", - "---------------------------------------------\n", - "1 ROUGE-SU* Average_R: 0.33333 (95%-conf.int. 0.33333 - 0.33333)\n", - "1 ROUGE-SU* Average_P: 0.33333 (95%-conf.int. 0.33333 - 0.33333)\n", - "1 ROUGE-SU* Average_F: 0.33333 (95%-conf.int. 0.33333 - 0.33333)\n", - "\n", - "Number of candidates: 1\n", - "Number of references: 1\n", - " rouge-2 rouge-1 rouge-l\n", - "f 0.333333 0.5 0.5\n", - "p 0.333333 0.5 0.5\n", - "r 0.333333 0.5 0.5\n" - ] - } - ], - "source": [ - "c = [\"this is very good\"]\n", - "r = [\"this is really great\"]\n", - "rouge_perl = compute_rouge_perl(c, r)\n", - "rouge_python = compute_rouge_python(c, r)\n", - "print(pd.DataFrame(rouge_python))" - ] } ], "metadata": { From acb03d0e8ef663397cb07dd7e5f8ca7bc2b59992 Mon Sep 17 00:00:00 2001 From: hlums Date: Thu, 26 Dec 2019 22:55:17 +0000 Subject: [PATCH 091/167] Add Hindi ROUGE computation. --- .../summarization_evaluation.ipynb | 50 +- tests/unit/test_eval_compute_rouge.py | 82 +- tools/generate_conda_file.py | 1 + utils_nlp/eval/compute_rouge.py | 37 +- utils_nlp/eval/rouge_ext.py | 953 ++++++++++++++++++ 5 files changed, 1111 insertions(+), 12 deletions(-) create mode 100644 utils_nlp/eval/rouge_ext.py diff --git a/examples/text_summarization/summarization_evaluation.ipynb b/examples/text_summarization/summarization_evaluation.ipynb index 41ffd9046..e087a0e95 100644 --- a/examples/text_summarization/summarization_evaluation.ipynb +++ b/examples/text_summarization/summarization_evaluation.ipynb @@ -97,7 +97,7 @@ "text": [ "ROUGE-1: {'f': 0.7696078431372548, 'p': 0.875, 'r': 0.6904761904761905}\n", "ROUGE-2: {'f': 0.6666666666666667, 'p': 0.7857142857142857, 'r': 0.5833333333333333}\n", - "ROUGE-L: {'f': 0.8044834406175039, 'p': 0.8934181487831181, 'r': 0.7343809193130839}\n" + "ROUGE-L: {'f': 0.7696078431372548, 'p': 0.875, 'r': 0.6904761904761905}\n" ] } ], @@ -107,6 +107,54 @@ "print(\"ROUGE-L: {}\".format(python_rouge_scores[\"rouge-l\"]))" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The `compute_rouge_python` function can also support non-English languages. Currently, only Hindi is supported. Support for other languages will be added on an as-needed basis. \n", + "Note that the Hindi sample inputs are generated by translation, so they are not perfect, but suffcient for testing. " + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "summary_candidates_hi = [\n", + " \"शेयर बाजार इस साल बहुत अच्छा कर रहा है। 2020 के लिए भी यही उम्मीद है।\",\n", + " \"नई फिल्म बहुत लोकप्रिय है।\",\n", + "]\n", + "summary_references_hi = [\n", + " \"शेयर बाजार 2019 में वास्तव में अच्छा कर रहा है। आशा है कि 2020 भी ऐसा ही होगा।\",\n", + " \"फिल्म सदियों के बीच बहुत लोकप्रिय है।\",\n", + "]" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Number of candidates: 2\n", + "Number of references: 2\n", + "ROUGE-1: {'f': 0.5980392156862745, 'p': 0.68125, 'r': 0.5357142857142857}\n", + "ROUGE-2: {'f': 0.325, 'p': 0.3833333333333333, 'r': 0.28431372549019607}\n", + "ROUGE-L: {'f': 0.5980392156862745, 'p': 0.68125, 'r': 0.5357142857142857}\n" + ] + } + ], + "source": [ + "python_rouge_scores_hi = compute_rouge_python(cand=summary_candidates_hi, ref=summary_references_hi, language=\"hi\")\n", + "print(\"ROUGE-1: {}\".format(python_rouge_scores_hi[\"rouge-1\"]))\n", + "print(\"ROUGE-2: {}\".format(python_rouge_scores_hi[\"rouge-2\"]))\n", + "print(\"ROUGE-L: {}\".format(python_rouge_scores_hi[\"rouge-l\"]))" + ] + }, { "cell_type": "markdown", "metadata": {}, diff --git a/tests/unit/test_eval_compute_rouge.py b/tests/unit/test_eval_compute_rouge.py index 06c7343b0..a975aa664 100644 --- a/tests/unit/test_eval_compute_rouge.py +++ b/tests/unit/test_eval_compute_rouge.py @@ -14,10 +14,20 @@ RLP = 0.73810 RLF = 0.70605 +R1R_hi = 0.53571 +R1P_hi = 0.68125 +R1F_hi = 0.59804 +R2R_hi = 0.28431 +R2P_hi = 0.38334 +R2F_hi = 0.325 +RLR_hi = 0.53571 +RLP_hi = 0.68125 +RLF_hi = 0.59804 + @pytest.fixture() def rouge_test_data(): - ## First testing case: + ## First English testing case: # Unigrams in candidate: 14 # Unigrams in reference: 14 # Unigram overlapping: 10 @@ -35,7 +45,7 @@ def rouge_test_data(): # ROUGE-L P: 0.64286 # ROUGE-L F: 0.64286 - ## Second testing case: + ## Second English testing case: # Unigrams in candidate: 6 # Unigrams in reference: 7 # Unigram overlapping: 5 @@ -62,7 +72,57 @@ def rouge_test_data(): "The movie is very popular among millennials.", ] - return {"candidates": summary_candidates, "references": summary_references} + ## First Hindi testing case: + # Unigrams in candidate: 16 + # Unigrams in reference: 18 + # Unigram overlapping: 9 + # Bigrams in candidate: 15 + # Bigrams in reference: 17 + # Bigram overlapping: 4 + # LCS: 6, 3 (for each reference sentence, the code checks each candidate sentence) + # ROUGE-1 R: 9/18 = 0.5 + # ROUGE-1 P: 9/16 = 0.5625 + # ROUGE-1 F: 2/(18/9 + 16/9) = 18/34 = 0.52941 + # ROUGE-2 R: 4/17 = 0.23529 + # ROUGE-2 P: 4/15 = 0.26667 + # ROUGE-2 F: 2/(17/4 + 15/4) = 8/32 = 0.25 + # ROUGE-L R: (6+3)/18 = 0.5 + # ROUGE-L P: (6+3)/16 = 0.5625 + # ROUGE-L F: 2/(18/9 + 16/9) = 18/34 = 0.52941 + + ## Second Hindi testing case: + # Unigrams in candidate: 5 + # Unigrams in reference: 7 + # Unigram overlapping: 4 + # Bigrams in candidate: 4 + # Bigrams in reference: 6 + # Bigram overlapping: 2 + # LCS: 4 + # ROUGE-1 R: 4/7 = 0.57143 + # ROUGE-1 P: 4/5 = 0.8 + # ROUGE-1 F: 2/(7/4 + 5/4) = 8/12 = 0.66667 + # ROUGE-2 R: 2/6 = 0.33333 + # ROUGE-2 P: 2/4 = 0.5 + # ROUGE-2 F: 2/(6/2 + 4/2) = 4/10 = 0.4 + # ROUGE-L R: 4/7 = 0.57143 + # ROUGE-L P: 4/5 = 0.8 + # ROUGE-L F: 2/(7/4 + 5/4) = 8/12 = 0.66667 + + summary_candidates_hi = [ + "शेयर बाजार इस साल बहुत अच्छा कर रहा है। 2020 के लिए भी यही उम्मीद है।", + "नई फिल्म बहुत लोकप्रिय है।", + ] + summary_references_hi = [ + "शेयर बाजार 2019 में वास्तव में अच्छा कर रहा है। आशा है कि 2020 भी ऐसा ही होगा।", + "फिल्म सदियों के बीच बहुत लोकप्रिय है।", + ] + + return { + "candidates": summary_candidates, + "references": summary_references, + "candidates_hi": summary_candidates_hi, + "references_hi": summary_references_hi, + } def test_compute_rouge_perl(rouge_test_data): @@ -97,6 +157,22 @@ def test_compute_rouge_python(rouge_test_data): pytest.approx(rouge_python["rouge-l"]["f"], RLF, abs=ABS_TOL) +def test_compute_rouge_python_hi(rouge_test_data): + rouge_python = compute_rouge_python( + cand=rouge_test_data["candidates_hi"], ref=rouge_test_data["references_hi"], language="hi" + ) + + pytest.approx(rouge_python["rouge-1"]["r"], R1R_hi, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-1"]["p"], R1P_hi, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-1"]["f"], R1F_hi, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-2"]["r"], R2R_hi, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-2"]["p"], R2P_hi, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-2"]["f"], R2F_hi, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-l"]["r"], RLR_hi, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-l"]["p"], RLP_hi, abs=ABS_TOL) + pytest.approx(rouge_python["rouge-l"]["f"], RLF_hi, abs=ABS_TOL) + + def test_compute_rouge_perl_file(rouge_test_data, tmp): tmp_cand_file = os.path.join(tmp, "cand.txt") tmp_ref_file = os.path.join(tmp, "ref.txt") diff --git a/tools/generate_conda_file.py b/tools/generate_conda_file.py index 07669cd65..c4e8d39fb 100644 --- a/tools/generate_conda_file.py +++ b/tools/generate_conda_file.py @@ -89,6 +89,7 @@ "seqeval": "seqeval>=0.0.12", "pyrouge": "pyrouge>=0.1.3", "py-rouge": "py-rouge>=1.1", + "indic-nlp-library": "indic-nlp-library>=0.6", } PIP_GPU = {} diff --git a/utils_nlp/eval/compute_rouge.py b/utils_nlp/eval/compute_rouge.py index 8aa53b970..d4e534404 100644 --- a/utils_nlp/eval/compute_rouge.py +++ b/utils_nlp/eval/compute_rouge.py @@ -1,3 +1,6 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT License. + import os import shutil import time @@ -5,6 +8,7 @@ from pyrouge import Rouge155 from rouge import Rouge +from .rouge_ext import RougeExt def compute_rouge_perl(cand, ref, input_files=False): @@ -13,10 +17,10 @@ def compute_rouge_perl(cand, ref, input_files=False): (https://github.com/bheinzerling/pyrouge) of perl ROUGE package. Args: - cand (list or string): If `input_files` is `False`, `cand` is a list of strings + cand (list or str): If `input_files` is `False`, `cand` is a list of strings containing predicted summaries. if `input_files` is `True`, `cand` is the path to the file containing the predicted summaries. - ref (list or string): If `input_files` is `False`, `cand` is a list of strings + ref (list or str): If `input_files` is `False`, `cand` is a list of strings containing reference summaries. if `input_files` is `True`, `cand` is the path to the file containing the reference summaries. input_files (bool, optional): If True, inputs are file names. Otherwise, inputs are lists @@ -70,24 +74,34 @@ def compute_rouge_perl(cand, ref, input_files=False): return results_dict -def compute_rouge_python(cand, ref, input_files=False): +def compute_rouge_python(cand, ref, input_files=False, language="en"): """ Computes ROUGE scores using the python package (https://pypi.org/project/py-rouge/). Args: - cand (list or string): If `input_files` is `False`, `cand` is a list of strings + cand (list or str): If `input_files` is `False`, `cand` is a list of strings containing predicted summaries. if `input_files` is `True`, `cand` is the path to the file containing the predicted summaries. - ref (list or string): If `input_files` is `False`, `cand` is a list of strings + ref (list or str): If `input_files` is `False`, `cand` is a list of strings containing reference summaries. if `input_files` is `True`, `cand` is the path to the file containing the reference summaries. - input_files (bool, optional): If True, inputs are file names. Otherwise, inputs are lists of - predicted and reference summaries. Defaults to False. + input_files (bool, optional): If True, inputs are file names. Otherwise, inputs are + lists of predicted and reference summaries. Defaults to False. + language (str, optional): Language of the input text. Supported values are "en" and + "hi". Defaults to "en". Returns: dict: Dictionary of ROUGE scores. """ + supported_langauges = ["en", "hi"] + if language not in supported_langauges: + raise Exception( + "Language {0} is not supported. Supported languages are: {1}".format( + language, supported_langauges + ) + ) + if input_files: candidates = [line.strip() for line in open(cand, encoding="utf-8")] references = [line.strip() for line in open(ref, encoding="utf-8")] @@ -99,7 +113,14 @@ def compute_rouge_python(cand, ref, input_files=False): print("Number of references: {}".format(len(references))) assert len(candidates) == len(references) - evaluator = Rouge(metrics=["rouge-n", "rouge-l"], max_n=2, limit_length=False, apply_avg=True) + if language == "en": + evaluator = Rouge( + metrics=["rouge-n", "rouge-l"], max_n=2, limit_length=False, apply_avg=True + ) + else: + evaluator = RougeExt( + metrics=["rouge-n", "rouge-l"], max_n=2, limit_length=False, apply_avg=True + ) scores = evaluator.get_scores(candidates, [[it] for it in references]) diff --git a/utils_nlp/eval/rouge_ext.py b/utils_nlp/eval/rouge_ext.py new file mode 100644 index 000000000..3503118cd --- /dev/null +++ b/utils_nlp/eval/rouge_ext.py @@ -0,0 +1,953 @@ +# This script is adopted from https://github.com/Diego999/py-rouge/blob/master/rouge/rouge.py +# to compute ROUGE scores for non-English languages. + +# Currently, the script supports Hindi. +# Additional language support can be added by adding language specific +# 1) sentence splitter (SENTENCE_SPLIT_DICT) +# 2) word tokenizer (WORD_TOKENIZE_DICT) +# 3) pattern of characters to remove (REMOVE_CHAR_PATTERN_DICT) +# 4) changes to _split_into_words if the text words are not separated by space + +# Major changes made to the original rouge.py include: +# 1) Don't remove non-English or non-numeric characters +# 2) Removed the ensure_compatibility argument as we don't need to reproduce the results of +# the original perl script that only supports English. +# 3) Removed the stemming step. Stemming is not applicable to all languages. It can be added +# on an as-needed basis + + +import re +import string +import itertools +import collections + +from indicnlp.tokenize import sentence_tokenize, indic_tokenize + + +class RougeExt: + DEFAULT_METRICS = {"rouge-n"} + DEFAULT_N = 1 + STATS = ["f", "p", "r"] + AVAILABLE_METRICS = {"rouge-n", "rouge-l", "rouge-w"} + AVAILABLE_LENGTH_LIMIT_TYPES = {"words", "bytes"} + + SENTENCE_SPLIT_DICT = {"hi": sentence_tokenize.sentence_split} + WORD_TOKENIZE_DICT = {"hi": indic_tokenize.trivial_tokenize} + REMOVE_CHAR_PATTERN_DICT = { + "hi": re.compile(r"([" + string.punctuation + r"\u0964\u0965" + r"])") + } + + # REMOVE_CHAR_PATTERN = re.compile('[^A-Za-z0-9]') + + # Hack to not tokenize "cannot" to "can not" and consider them different as in the + # official ROUGE script + # KEEP_CANNOT_IN_ONE_WORD = re.compile('cannot') + # KEEP_CANNOT_IN_ONE_WORD_REVERSED = re.compile('_cannot_') + + # WORDNET_KEY_VALUE = {} + # WORDNET_DB_FILEPATH = 'wordnet_key_value.txt' + # WORDNET_DB_FILEPATH_SPECIAL_CASE = 'wordnet_key_value_special_cases.txt' + # WORDNET_DB_DELIMITER = '|' + # STEMMER = None + + def __init__( + self, + metrics=None, + max_n=None, + limit_length=True, + length_limit=665, + length_limit_type="bytes", + apply_avg=True, + apply_best=False, + stemming=False, + alpha=0.5, + weight_factor=1.0, + language="hi", + ): + """ + Handle the ROUGE score computation as in the official perl script. + + Note 1: Small differences might happen if the resampling of the perl script is not + high enough (as the average depends on this). + Note 2: Stemming of the official Porter Stemmer of the ROUGE perl script is slightly + different and the Porter one implemented in NLTK. However, special cases of + DUC 2004 have been traited. + The solution would be to rewrite the whole perl stemming in python from + the original script + + Args: + metrics: What ROUGE score to compute. Available: ROUGE-N, ROUGE-L, ROUGE-W. + Default: ROUGE-N + max_n: N-grams for ROUGE-N if specify. Default:1 + limit_length: If the summaries must be truncated. Defaut:True + length_limit: Number of the truncation where the unit is express int length_limit_Type. + Default:665 (bytes) + length_limit_type: Unit of length_limit. Available: words, bytes. Default: 'bytes' + apply_avg: If we should average the score of multiple samples. Default: True. If + apply_Avg & apply_best = False, then each ROUGE scores are independant + apply_best: Take the best instead of the average. Default: False, then each ROUGE + scores are independant + stemming: Apply stemming to summaries. Default: False + alpha: Alpha use to compute f1 score: P*R/((1-a)*P + a*R). Default:0.5 + weight_factor: Weight factor to be used for ROUGE-W. Official rouge score defines + it at 1.2. Default: 1.0 + + Raises: + ValueError: raises exception if metric is not among AVAILABLE_METRICS + ValueError: raises exception if length_limit_type is not among + AVAILABLE_LENGTH_LIMIT_TYPES + ValueError: raises exception if weight_factor < 0 + """ + self.metrics = metrics[:] if metrics is not None else RougeExt.DEFAULT_METRICS + for m in self.metrics: + if m not in RougeExt.AVAILABLE_METRICS: + raise ValueError("Unknown metric '{}'".format(m)) + + self.max_n = max_n if "rouge-n" in self.metrics else None + # Add all rouge-n metrics + if self.max_n is not None: + index_rouge_n = self.metrics.index("rouge-n") + del self.metrics[index_rouge_n] + self.metrics += ["rouge-{}".format(n) for n in range(1, self.max_n + 1)] + self.metrics = set(self.metrics) + + self.limit_length = limit_length + if self.limit_length: + if length_limit_type not in RougeExt.AVAILABLE_LENGTH_LIMIT_TYPES: + raise ValueError("Unknown length_limit_type '{}'".format(length_limit_type)) + + self.length_limit = length_limit + if self.length_limit == 0: + self.limit_length = False + self.length_limit_type = length_limit_type + self.stemming = stemming + + self.apply_avg = apply_avg + self.apply_best = apply_best + self.alpha = alpha + self.weight_factor = weight_factor + if self.weight_factor <= 0: + raise ValueError("ROUGE-W weight factor must greater than 0.") + + self.language = language + + self.sentence_split = RougeExt.SENTENCE_SPLIT_DICT[self.language] + self.word_tokenize = RougeExt.WORD_TOKENIZE_DICT[self.language] + self.remove_char_pattern = RougeExt.REMOVE_CHAR_PATTERN_DICT[self.language] + + # # Load static objects + # if len(Rouge.WORDNET_KEY_VALUE) == 0: + # Rouge.load_wordnet_db(ensure_compatibility) + # if Rouge.STEMMER is None: + # Rouge.load_stemmer(ensure_compatibility) + + # @staticmethod + # def load_stemmer(ensure_compatibility): + # """ + # Load the stemmer that is going to be used if stemming is enabled + # Args + # ensure_compatibility: Use same stemmer and special "hacks" to product + # same results as in the official perl script (besides the number of + # sampling if not high enough) + # """ + # Rouge.STEMMER = nltk.stem.porter.PorterStemmer('ORIGINAL_ALGORITHM') if + # ensure_compatibility else nltk.stem.porter.PorterStemmer() + + # @staticmethod + # def load_wordnet_db(ensure_compatibility): + # """ + # Load WordNet database to apply specific rules instead of stemming + load file for + # special cases to ensure kind of compatibility (at list with DUC 2004) with the + # original stemmer used in the Perl script + # Args + # ensure_compatibility: Use same stemmer and special "hacks" to product same + # results as in the official perl script (besides the number of sampling + # if not high enough) + + # Raises: + # FileNotFoundError: If one of both databases is not found + # """ + # files_to_load = [Rouge.WORDNET_DB_FILEPATH] + # if ensure_compatibility: + # files_to_load.append(Rouge.WORDNET_DB_FILEPATH_SPECIAL_CASE) + + # for wordnet_db in files_to_load: + # filepath = pkg_resources.resource_filename(__name__, wordnet_db) + # if not os.path.exists(filepath): + # raise FileNotFoundError("The file '{}' does not exist".format(filepath)) + + # with open(filepath, 'r', encoding='utf-8') as fp: + # for line in fp: + # k, v = line.strip().split(Rouge.WORDNET_DB_DELIMITER) + # assert k not in Rouge.WORDNET_KEY_VALUE + # Rouge.WORDNET_KEY_VALUE[k] = v + + def tokenize_text(self, text): + """ + Tokenize text in the specific language + + Args: + text: The string text to tokenize + language: Language of the text + + Returns: + List of tokens of text + """ + return self.word_tokenize(text, self.language) + + def split_into_sentences(self, text): + """ + Split text into sentences, using specified language. + + Args: + text: The string text to tokenize + language: Language of the text + + Returns: + List of tokens of text + """ + + return self.sentence_split(text, self.language) + + # @staticmethod + # def stem_tokens(tokens): + # """ + # Apply WordNetDB rules or Stem each token of tokens + + # Args: + # tokens: List of tokens to apply WordNetDB rules or to stem + + # Returns: + # List of final stems + # """ + # # Stemming & Wordnet apply only if token has at least 3 chars + # for i, token in enumerate(tokens): + # if len(token) > 0: + # if len(token) > 3: + # if token in Rouge.WORDNET_KEY_VALUE: + # token = Rouge.WORDNET_KEY_VALUE[token] + # else: + # token = Rouge.STEMMER.stem(token) + # tokens[i] = token + + # return tokens + + @staticmethod + def _get_ngrams(n, text): + """ + Calcualtes n-grams. + + Args: + n: which n-grams to calculate + text: An array of tokens + + Returns: + A set of n-grams with their number of occurences + """ + # Modified from https://github.com/pltrdy/seq2seq/blob/master/seq2seq/metrics/rouge.py + ngram_set = collections.defaultdict(int) + max_index_ngram_start = len(text) - n + for i in range(max_index_ngram_start + 1): + ngram_set[tuple(text[i : i + n])] += 1 + return ngram_set + + @staticmethod + def _split_into_words(sentences): + """ + Splits multiple sentences into words and flattens the result + + Args: + sentences: list of string + + Returns: + A list of words (split by white space) + """ + # Modified from https://github.com/pltrdy/seq2seq/blob/master/seq2seq/metrics/rouge.py + return list(itertools.chain(*[_.split() for _ in sentences])) + + @staticmethod + def _get_word_ngrams_and_length(n, sentences): + """ + Calculates word n-grams for multiple sentences. + + Args: + n: wich n-grams to calculate + sentences: list of string + + Returns: + A set of n-grams, their frequency and #n-grams in sentences + """ + # Modified from https://github.com/pltrdy/seq2seq/blob/master/seq2seq/metrics/rouge.py + assert len(sentences) > 0 + assert n > 0 + + tokens = RougeExt._split_into_words(sentences) + return RougeExt._get_ngrams(n, tokens), tokens, len(tokens) - (n - 1) + + @staticmethod + def _get_unigrams(sentences): + """ + Calcualtes uni-grams. + + Args: + sentences: list of string + + Returns: + A set of n-grams and their freqneucy + """ + assert len(sentences) > 0 + + tokens = RougeExt._split_into_words(sentences) + unigram_set = collections.defaultdict(int) + for token in tokens: + unigram_set[token] += 1 + return unigram_set, len(tokens) + + @staticmethod + def _compute_p_r_f_score( + evaluated_count, reference_count, overlapping_count, alpha=0.5, weight_factor=1.0 + ): + """ + Compute precision, recall and f1_score (with alpha: P*R / ((1-alpha)*P + alpha*R)) + + Args: + evaluated_count: #n-grams in the hypothesis + reference_count: #n-grams in the reference + overlapping_count: #n-grams in common between hypothesis and reference + alpha: Value to use for the F1 score (default: 0.5) + weight_factor: Weight factor if we have use ROUGE-W (default: 1.0, no impact) + + Returns: + A dict with 'p', 'r' and 'f' as keys fore precision, recall, f1 score + """ + precision = 0.0 if evaluated_count == 0 else overlapping_count / evaluated_count + if weight_factor != 1.0: + precision = precision ** (1.0 / weight_factor) + recall = 0.0 if reference_count == 0 else overlapping_count / reference_count + if weight_factor != 1.0: + recall = recall ** (1.0 / weight_factor) + f1_score = RougeExt._compute_f_score(precision, recall, alpha) + return {"f": f1_score, "p": precision, "r": recall} + + @staticmethod + def _compute_f_score(precision, recall, alpha=0.5): + """ + Compute f1_score (with alpha: P*R / ((1-alpha)*P + alpha*R)) + + Args: + precision: precision + recall: recall + overlapping_count: #n-grams in common between hypothesis and reference + + Returns: + f1 score + """ + return ( + 0.0 + if (recall == 0.0 or precision == 0.0) + else precision * recall / ((1 - alpha) * precision + alpha * recall) + ) + + @staticmethod + def _compute_ngrams(evaluated_sentences, reference_sentences, n): + """ + Computes n-grams overlap of two text collections of sentences. + Source: http://research.microsoft.com/en-us/um/people/cyl/download/ + papers/rouge-working-note-v1.3.1.pdf + + Args: + evaluated_sentences: The sentences that have been picked by the + summarizer + reference_sentences: The sentences from the referene set + n: Size of ngram + + Returns: + Number of n-grams for evaluated_sentences, reference_sentences and intersection of both. + intersection of both count multiple of occurences in n-grams match several times + + Raises: + ValueError: raises exception if a param has len <= 0 + """ + # Modified from https://github.com/pltrdy/seq2seq/blob/master/seq2seq/metrics/rouge.py + if len(evaluated_sentences) <= 0 or len(reference_sentences) <= 0: + raise ValueError("Collections must contain at least 1 sentence.") + + evaluated_ngrams, _, evaluated_count = RougeExt._get_word_ngrams_and_length( + n, evaluated_sentences + ) + reference_ngrams, _, reference_count = RougeExt._get_word_ngrams_and_length( + n, reference_sentences + ) + + # Gets the overlapping ngrams between evaluated and reference + overlapping_ngrams = set(evaluated_ngrams.keys()).intersection(set(reference_ngrams.keys())) + overlapping_count = 0 + for ngram in overlapping_ngrams: + overlapping_count += min(evaluated_ngrams[ngram], reference_ngrams[ngram]) + + return evaluated_count, reference_count, overlapping_count + + @staticmethod + def _compute_ngrams_lcs(evaluated_sentences, reference_sentences, weight_factor=1.0): + """ + Computes ROUGE-L (summary level) of two text collections of sentences. + http://research.microsoft.com/en-us/um/people/cyl/download/papers/ + rouge-working-note-v1.3.1.pdf + Args: + evaluated_sentences: The sentences that have been picked by the summarizer + reference_sentence: One of the sentences in the reference summaries + weight_factor: Weight factor to be used for WLCS (1.0 by default if LCS) + Returns: + Number of LCS n-grams for evaluated_sentences, reference_sentences and intersection + of both. + intersection of both count multiple of occurences in n-grams match several times + Raises: + ValueError: raises exception if a param has len <= 0 + """ + + def _lcs(x, y): + m = len(x) + n = len(y) + vals = collections.defaultdict(int) + dirs = collections.defaultdict(int) + + for i in range(1, m + 1): + for j in range(1, n + 1): + if x[i - 1] == y[j - 1]: + vals[i, j] = vals[i - 1, j - 1] + 1 + dirs[i, j] = "|" + elif vals[i - 1, j] >= vals[i, j - 1]: + vals[i, j] = vals[i - 1, j] + dirs[i, j] = "^" + else: + vals[i, j] = vals[i, j - 1] + dirs[i, j] = "<" + + return vals, dirs + + def _wlcs(x, y, weight_factor): + m = len(x) + n = len(y) + vals = collections.defaultdict(float) + dirs = collections.defaultdict(int) + lengths = collections.defaultdict(int) + + for i in range(1, m + 1): + for j in range(1, n + 1): + if x[i - 1] == y[j - 1]: + length_tmp = lengths[i - 1, j - 1] + vals[i, j] = ( + vals[i - 1, j - 1] + + (length_tmp + 1) ** weight_factor + - length_tmp ** weight_factor + ) + dirs[i, j] = "|" + lengths[i, j] = length_tmp + 1 + elif vals[i - 1, j] >= vals[i, j - 1]: + vals[i, j] = vals[i - 1, j] + dirs[i, j] = "^" + lengths[i, j] = 0 + else: + vals[i, j] = vals[i, j - 1] + dirs[i, j] = "<" + lengths[i, j] = 0 + + return vals, dirs + + def _mark_lcs(mask, dirs, m, n): + while m != 0 and n != 0: + if dirs[m, n] == "|": + m -= 1 + n -= 1 + mask[m] = 1 + elif dirs[m, n] == "^": + m -= 1 + elif dirs[m, n] == "<": + n -= 1 + else: + raise UnboundLocalError("Illegal move") + + return mask + + if len(evaluated_sentences) <= 0 or len(reference_sentences) <= 0: + raise ValueError("Collections must contain at least 1 sentence.") + + evaluated_unigrams_dict, evaluated_count = RougeExt._get_unigrams(evaluated_sentences) + reference_unigrams_dict, reference_count = RougeExt._get_unigrams(reference_sentences) + + # Has to use weight factor for WLCS + use_WLCS = weight_factor != 1.0 + if use_WLCS: + evaluated_count = evaluated_count ** weight_factor + reference_count = 0 + + overlapping_count = 0.0 + for reference_sentence in reference_sentences: + reference_sentence_tokens = reference_sentence.split() + if use_WLCS: + reference_count += len(reference_sentence_tokens) ** weight_factor + hit_mask = [0 for _ in range(len(reference_sentence_tokens))] + + for evaluated_sentence in evaluated_sentences: + evaluated_sentence_tokens = evaluated_sentence.split() + + if use_WLCS: + _, lcs_dirs = _wlcs( + reference_sentence_tokens, evaluated_sentence_tokens, weight_factor + ) + else: + _, lcs_dirs = _lcs(reference_sentence_tokens, evaluated_sentence_tokens) + _mark_lcs( + hit_mask, + lcs_dirs, + len(reference_sentence_tokens), + len(evaluated_sentence_tokens), + ) + + overlapping_count_length = 0 + for ref_token_id, val in enumerate(hit_mask): + if val == 1: + token = reference_sentence_tokens[ref_token_id] + if evaluated_unigrams_dict[token] > 0 and reference_unigrams_dict[token] > 0: + evaluated_unigrams_dict[token] -= 1 + reference_unigrams_dict[ref_token_id] -= 1 + + if use_WLCS: + overlapping_count_length += 1 + if ( + ref_token_id + 1 < len(hit_mask) and hit_mask[ref_token_id + 1] == 0 + ) or ref_token_id + 1 == len(hit_mask): + overlapping_count += overlapping_count_length ** weight_factor + overlapping_count_length = 0 + else: + overlapping_count += 1 + + if use_WLCS: + reference_count = reference_count ** weight_factor + + return evaluated_count, reference_count, overlapping_count + + def get_scores(self, hypothesis, references): + """ + Compute precision, recall and f1 score between hypothesis and references + + Args: + hypothesis: hypothesis summary, string + references: reference summary/ies, either string or list of strings (if multiple) + + Returns: + Return precision, recall and f1 score between hypothesis and references + + Raises: + ValueError: raises exception if a type of hypothesis is different than the one of + reference + ValueError: raises exception if a len of hypothesis is different than the one of reference + """ + if isinstance(hypothesis, str): + hypothesis, references = [hypothesis], [references] + + if type(hypothesis) != type(references): + raise ValueError("'hyps' and 'refs' are not of the same type") + + if len(hypothesis) != len(references): + raise ValueError("'hyps' and 'refs' do not have the same length") + + scores = {} + has_rouge_n_metric = ( + len([metric for metric in self.metrics if metric.split("-")[-1].isdigit()]) > 0 + ) + if has_rouge_n_metric: + scores = {**scores, **self._get_scores_rouge_n(hypothesis, references)} + + has_rouge_l_metric = ( + len([metric for metric in self.metrics if metric.split("-")[-1].lower() == "l"]) > 0 + ) + if has_rouge_l_metric: + scores = {**scores, **self._get_scores_rouge_l_or_w(hypothesis, references, False)} + + has_rouge_w_metric = ( + len([metric for metric in self.metrics if metric.split("-")[-1].lower() == "w"]) > 0 + ) + if has_rouge_w_metric: + scores = {**scores, **self._get_scores_rouge_l_or_w(hypothesis, references, True)} + + return scores + + def _get_scores_rouge_n(self, all_hypothesis, all_references): + """ + Computes precision, recall and f1 score between all hypothesis and references + + Args: + hypothesis: hypothesis summary, string + references: reference summary/ies, either string or list of strings (if multiple) + + Returns: + Return precision, recall and f1 score between all hypothesis and references + """ + metrics = [metric for metric in self.metrics if metric.split("-")[-1].isdigit()] + + if self.apply_avg or self.apply_best: + scores = {metric: {stat: 0.0 for stat in RougeExt.STATS} for metric in metrics} + else: + scores = { + metric: [{stat: [] for stat in RougeExt.STATS} for _ in range(len(all_hypothesis))] + for metric in metrics + } + + for sample_id, (hypothesis, references) in enumerate(zip(all_hypothesis, all_references)): + assert isinstance(hypothesis, str) + has_multiple_references = False + if isinstance(references, list): + has_multiple_references = len(references) > 1 + if not has_multiple_references: + references = references[0] + + # Prepare hypothesis and reference(s) + hypothesis = self._preprocess_summary_as_a_whole(hypothesis) + references = ( + [self._preprocess_summary_as_a_whole(reference) for reference in references] + if has_multiple_references + else [self._preprocess_summary_as_a_whole(references)] + ) + + # Compute scores + for metric in metrics: + suffix = metric.split("-")[-1] + n = int(suffix) + + # Aggregate + if self.apply_avg: + # average model + total_hypothesis_ngrams_count = 0 + total_reference_ngrams_count = 0 + total_ngrams_overlapping_count = 0 + + for reference in references: + n_grams_counts = RougeExt._compute_ngrams(hypothesis, reference, n) + hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts + total_hypothesis_ngrams_count += hypothesis_count + total_reference_ngrams_count += reference_count + total_ngrams_overlapping_count += overlapping_ngrams + + score = RougeExt._compute_p_r_f_score( + total_hypothesis_ngrams_count, + total_reference_ngrams_count, + total_ngrams_overlapping_count, + self.alpha, + ) + + for stat in RougeExt.STATS: + scores[metric][stat] += score[stat] + else: + # Best model + if self.apply_best: + best_current_score = None + for reference in references: + n_grams_counts = RougeExt._compute_ngrams(hypothesis, reference, n) + hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts + score = RougeExt._compute_p_r_f_score( + hypothesis_count, reference_count, overlapping_ngrams, self.alpha + ) + if best_current_score is None or score["r"] > best_current_score["r"]: + best_current_score = score + + for stat in RougeExt.STATS: + scores[metric][stat] += best_current_score[stat] + # Keep all + else: + for reference in references: + n_grams_counts = RougeExt._compute_ngrams(hypothesis, reference, n) + hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts + score = RougeExt._compute_p_r_f_score( + hypothesis_count, reference_count, overlapping_ngrams, self.alpha + ) + for stat in RougeExt.STATS: + scores[metric][sample_id][stat].append(score[stat]) + + # Compute final score with the average or the the max + if (self.apply_avg or self.apply_best) and len(all_hypothesis) > 1: + for metric in metrics: + for stat in RougeExt.STATS: + scores[metric][stat] /= len(all_hypothesis) + + return scores + + def _get_scores_rouge_l_or_w(self, all_hypothesis, all_references, use_w=False): + """ + Computes precision, recall and f1 score between all hypothesis and references + + Args: + hypothesis: hypothesis summary, string + references: reference summary/ies, either string or list of strings (if multiple) + + Returns: + Return precision, recall and f1 score between all hypothesis and references + """ + metric = "rouge-w" if use_w else "rouge-l" + if self.apply_avg or self.apply_best: + scores = {metric: {stat: 0.0 for stat in RougeExt.STATS}} + else: + scores = { + metric: [{stat: [] for stat in RougeExt.STATS} for _ in range(len(all_hypothesis))] + } + + for sample_id, (hypothesis_sentences, references_sentences) in enumerate( + zip(all_hypothesis, all_references) + ): + assert isinstance(hypothesis_sentences, str) + has_multiple_references = False + if isinstance(references_sentences, list): + has_multiple_references = len(references_sentences) > 1 + if not has_multiple_references: + references_sentences = references_sentences[0] + + # Prepare hypothesis and reference(s) + hypothesis_sentences = self._preprocess_summary_per_sentence(hypothesis_sentences) + references_sentences = ( + [ + self._preprocess_summary_per_sentence(reference) + for reference in references_sentences + ] + if has_multiple_references + else [self._preprocess_summary_per_sentence(references_sentences)] + ) + + # Compute scores + # Aggregate + if self.apply_avg: + # average model + total_hypothesis_ngrams_count = 0 + total_reference_ngrams_count = 0 + total_ngrams_overlapping_count = 0 + + for reference_sentences in references_sentences: + n_grams_counts = RougeExt._compute_ngrams_lcs( + hypothesis_sentences, + reference_sentences, + self.weight_factor if use_w else 1.0, + ) + hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts + total_hypothesis_ngrams_count += hypothesis_count + total_reference_ngrams_count += reference_count + total_ngrams_overlapping_count += overlapping_ngrams + + score = RougeExt._compute_p_r_f_score( + total_hypothesis_ngrams_count, + total_reference_ngrams_count, + total_ngrams_overlapping_count, + self.alpha, + self.weight_factor, + ) + + for stat in RougeExt.STATS: + scores[metric][stat] += score[stat] + else: + # Best model + if self.apply_best: + best_current_score = None + best_current_score_wlcs = None + for reference_sentences in references_sentences: + n_grams_counts = RougeExt._compute_ngrams_lcs( + hypothesis_sentences, + reference_sentences, + self.weight_factor if use_w else 1.0, + ) + hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts + score = RougeExt._compute_p_r_f_score( + hypothesis_count, + reference_count, + overlapping_ngrams, + self.alpha, + self.weight_factor, + ) + + if use_w: + reference_count_for_score = reference_count ** ( + 1.0 / self.weight_factor + ) + overlapping_ngrams_for_score = overlapping_ngrams + score_wlcs = ( + overlapping_ngrams_for_score / reference_count_for_score + ) ** (1.0 / self.weight_factor) + + if ( + best_current_score_wlcs is None + or score_wlcs > best_current_score_wlcs + ): + best_current_score = score + best_current_score_wlcs = score_wlcs + else: + if best_current_score is None or score["r"] > best_current_score["r"]: + best_current_score = score + + for stat in RougeExt.STATS: + scores[metric][stat] += best_current_score[stat] + # Keep all + else: + for reference_sentences in references_sentences: + n_grams_counts = RougeExt._compute_ngrams_lcs( + hypothesis_sentences, + reference_sentences, + self.weight_factor if use_w else 1.0, + ) + hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts + score = RougeExt._compute_p_r_f_score( + hypothesis_count, + reference_count, + overlapping_ngrams, + self.alpha, + self.weight_factor, + ) + + for stat in RougeExt.STATS: + scores[metric][sample_id][stat].append(score[stat]) + + # Compute final score with the average or the the max + if (self.apply_avg or self.apply_best) and len(all_hypothesis) > 1: + for stat in RougeExt.STATS: + scores[metric][stat] /= len(all_hypothesis) + + return scores + + def _preprocess_summary_as_a_whole(self, summary): + """ + Preprocessing (truncate text if enable, tokenization, stemming if enable, lowering) + of a summary as a whole + + Args: + summary: string of the summary + + Returns: + Return the preprocessed summary (string) + """ + sentences = self.split_into_sentences(summary) + + # Truncate + if self.limit_length: + # By words + if self.length_limit_type == "words": + summary = " ".join(sentences) + all_tokens = summary.split() # Counting as in the perls script + summary = " ".join(all_tokens[: self.length_limit]) + + # By bytes + elif self.length_limit_type == "bytes": + summary = "" + current_len = 0 + for sentence in sentences: + sentence = sentence.strip() + sentence_len = len(sentence) + + if current_len + sentence_len < self.length_limit: + if current_len != 0: + summary += " " + summary += sentence + current_len += sentence_len + else: + if current_len > 0: + summary += " " + summary += sentence[: self.length_limit - current_len] + break + else: + summary = " ".join(sentences) + + # summary = Rouge.REMOVE_CHAR_PATTERN.sub(' ', summary.lower()).strip() + summary = self.remove_char_pattern.sub(" ", summary.lower()).strip() + + # # Preprocess. Hack: because official ROUGE script bring "cannot" as "cannot" and + # "can not" as "can not", + # # we have to hack nltk tokenizer to not transform "cannot/can not" to "can not" + # if self.ensure_compatibility: + # tokens = self.tokenize_text(Rouge.KEEP_CANNOT_IN_ONE_WORD.sub('_cannot_', summary)) + # else: + # tokens = self.tokenize_text(Rouge.REMOVE_CHAR_PATTERN.sub(' ', summary)) + + # if self.stemming: + # self.stem_tokens(tokens) # stemming in-place + + # if self.ensure_compatibility: + # preprocessed_summary = [Rouge.KEEP_CANNOT_IN_ONE_WORD_REVERSED.sub( + # 'cannot', ' '.join(tokens))] + # else: + # preprocessed_summary = [' '.join(tokens)] + + # return preprocessed_summary + + tokens = self.tokenize_text(summary) + summary = [" ".join(tokens)] + + return summary + + def _preprocess_summary_per_sentence(self, summary): + """ + Preprocessing (truncate text if enable, tokenization, stemming if enable, lowering) + of a summary by sentences + + Args: + summary: string of the summary + + Returns: + Return the preprocessed summary (string) + """ + sentences = self.split_into_sentences(summary) + + # Truncate + if self.limit_length: + final_sentences = [] + current_len = 0 + # By words + if self.length_limit_type == "words": + for sentence in sentences: + tokens = sentence.strip().split() + tokens_len = len(tokens) + if current_len + tokens_len < self.length_limit: + sentence = " ".join(tokens) + final_sentences.append(sentence) + current_len += tokens_len + else: + sentence = " ".join(tokens[: self.length_limit - current_len]) + final_sentences.append(sentence) + break + # By bytes + elif self.length_limit_type == "bytes": + for sentence in sentences: + sentence = sentence.strip() + sentence_len = len(sentence) + if current_len + sentence_len < self.length_limit: + final_sentences.append(sentence) + current_len += sentence_len + else: + sentence = sentence[: self.length_limit - current_len] + final_sentences.append(sentence) + break + sentences = final_sentences + + final_sentences = [] + for sentence in sentences: + # sentence = Rouge.REMOVE_CHAR_PATTERN.sub(' ', sentence.lower()).strip() + sentence = self.remove_char_pattern.sub(" ", sentence.lower()).strip() + + # # Preprocess. Hack: because official ROUGE script bring "cannot" as "cannot" + # and "can not" as "can not", + # # we have to hack nltk tokenizer to not transform "cannot/can not" to "can not" + # if self.ensure_compatibility: + # tokens = self.tokenize_text(Rouge.KEEP_CANNOT_IN_ONE_WORD.sub( + # '_cannot_', sentence)) + # else: + # tokens = self.tokenize_text(Rouge.REMOVE_CHAR_PATTERN.sub(' ', sentence)) + + # if self.stemming: + # self.stem_tokens(tokens) # stemming in-place + + # if self.ensure_compatibility: + # sentence = Rouge.KEEP_CANNOT_IN_ONE_WORD_REVERSED.sub( + # 'cannot', ' '.join(tokens) + # ) + # else: + # sentence = ' '.join(tokens) + + tokens = self.tokenize_text(sentence) + sentence = " ".join(tokens) + final_sentences.append(sentence) + + return final_sentences From abe0cd1d10e1b5d08dc182e1affa8e662083cbc3 Mon Sep 17 00:00:00 2001 From: hlums Date: Tue, 31 Dec 2019 20:08:25 +0000 Subject: [PATCH 092/167] Add hindi stemmer. --- utils_nlp/eval/rouge_ext.py | 35 ++++++- utils_nlp/language_utils/hi/hindi_stemmer.py | 101 +++++++++++++++++++ 2 files changed, 131 insertions(+), 5 deletions(-) create mode 100644 utils_nlp/language_utils/hi/hindi_stemmer.py diff --git a/utils_nlp/eval/rouge_ext.py b/utils_nlp/eval/rouge_ext.py index 3503118cd..c4e543b7b 100644 --- a/utils_nlp/eval/rouge_ext.py +++ b/utils_nlp/eval/rouge_ext.py @@ -6,14 +6,13 @@ # 1) sentence splitter (SENTENCE_SPLIT_DICT) # 2) word tokenizer (WORD_TOKENIZE_DICT) # 3) pattern of characters to remove (REMOVE_CHAR_PATTERN_DICT) -# 4) changes to _split_into_words if the text words are not separated by space +# 4) stemmer (STEMMER_DICT), this is optional since stemming is not applicable to all languages +# 5) changes to _split_into_words if the text words are not separated by space # Major changes made to the original rouge.py include: # 1) Don't remove non-English or non-numeric characters # 2) Removed the ensure_compatibility argument as we don't need to reproduce the results of # the original perl script that only supports English. -# 3) Removed the stemming step. Stemming is not applicable to all languages. It can be added -# on an as-needed basis import re @@ -22,6 +21,7 @@ import collections from indicnlp.tokenize import sentence_tokenize, indic_tokenize +from ..language_utils.hi.hindi_stemmer import hi_stem class RougeExt: @@ -36,6 +36,7 @@ class RougeExt: REMOVE_CHAR_PATTERN_DICT = { "hi": re.compile(r"([" + string.punctuation + r"\u0964\u0965" + r"])") } + STEMMER_DICT = {"hi": hi_stem} # REMOVE_CHAR_PATTERN = re.compile('[^A-Za-z0-9]') @@ -59,7 +60,7 @@ def __init__( length_limit_type="bytes", apply_avg=True, apply_best=False, - stemming=False, + stemming=True, alpha=0.5, weight_factor=1.0, language="hi", @@ -87,7 +88,7 @@ def __init__( apply_Avg & apply_best = False, then each ROUGE scores are independant apply_best: Take the best instead of the average. Default: False, then each ROUGE scores are independant - stemming: Apply stemming to summaries. Default: False + stemming: Apply stemming to summaries. Default: True alpha: Alpha use to compute f1 score: P*R/((1-a)*P + a*R). Default:0.5 weight_factor: Weight factor to be used for ROUGE-W. Official rouge score defines it at 1.2. Default: 1.0 @@ -134,6 +135,11 @@ def __init__( self.sentence_split = RougeExt.SENTENCE_SPLIT_DICT[self.language] self.word_tokenize = RougeExt.WORD_TOKENIZE_DICT[self.language] self.remove_char_pattern = RougeExt.REMOVE_CHAR_PATTERN_DICT[self.language] + if self.language not in RougeExt.STEMMER_DICT.keys(): + self.stemmer = None + warnings.warn("Language-specific stemmer is not available. Skipping stemming.") + else: + self.stemmer = RougeExt.STEMMER_DICT[self.language] # # Load static objects # if len(Rouge.WORDNET_KEY_VALUE) == 0: @@ -232,6 +238,21 @@ def split_into_sentences(self, text): # return tokens + def stem_tokens(self, tokens): + """ + Stem each token of tokens + + Args: + tokens: List of tokens to stem + + Returns: + List of final stems + """ + for i, token in enumerate(tokens): + tokens[i] = self.stemmer(token) + + return tokens + @staticmethod def _get_ngrams(n, text): """ @@ -874,6 +895,8 @@ def _preprocess_summary_as_a_whole(self, summary): # return preprocessed_summary tokens = self.tokenize_text(summary) + if self.stemming: + self.stem_tokens(tokens) # stemming in-place summary = [" ".join(tokens)] return summary @@ -947,6 +970,8 @@ def _preprocess_summary_per_sentence(self, summary): # sentence = ' '.join(tokens) tokens = self.tokenize_text(sentence) + if self.stemming: + self.stem_tokens(tokens) # stemming in-place sentence = " ".join(tokens) final_sentences.append(sentence) diff --git a/utils_nlp/language_utils/hi/hindi_stemmer.py b/utils_nlp/language_utils/hi/hindi_stemmer.py new file mode 100644 index 000000000..900341f6f --- /dev/null +++ b/utils_nlp/language_utils/hi/hindi_stemmer.py @@ -0,0 +1,101 @@ +#! /usr/bin/env python3.1 +""" Lightweight Hindi stemmer +Copyright © 2010 Luís Gomes . + +Implementation of algorithm described in + + A Lightweight Stemmer for Hindi + Ananthakrishnan Ramanathan and Durgesh D Rao + http://computing.open.ac.uk/Sites/EACLSouthAsia/Papers/p6-Ramanathan.pdf + + @conference{ramanathan2003lightweight, + title={{A lightweight stemmer for Hindi}}, + author={Ramanathan, A. and Rao, D.}, + booktitle={Workshop on Computational Linguistics for South-Asian Languages, EACL}, + year={2003} + } + +Ported from HindiStemmer.java, part of of Lucene. +""" + +suffixes = { + 1: ["ो", "े", "ू", "ु", "ी", "ि", "ा"], + 2: [ + "कर", + "ाओ", + "िए", + "ाई", + "ाए", + "ने", + "नी", + "ना", + "ते", + "ीं", + "ती", + "ता", + "ाँ", + "ां", + "ों", + "ें", + ], + 3: [ + "ाकर", + "ाइए", + "ाईं", + "ाया", + "ेगी", + "ेगा", + "ोगी", + "ोगे", + "ाने", + "ाना", + "ाते", + "ाती", + "ाता", + "तीं", + "ाओं", + "ाएं", + "ुओं", + "ुएं", + "ुआं", + ], + 4: [ + "ाएगी", + "ाएगा", + "ाओगी", + "ाओगे", + "एंगी", + "ेंगी", + "एंगे", + "ेंगे", + "ूंगी", + "ूंगा", + "ातीं", + "नाओं", + "नाएं", + "ताओं", + "ताएं", + "ियाँ", + "ियों", + "ियां", + ], + 5: ["ाएंगी", "ाएंगे", "ाऊंगी", "ाऊंगा", "ाइयाँ", "ाइयों", "ाइयां"], +} + + +def hi_stem(word): + for L in 5, 4, 3, 2, 1: + if len(word) > L + 1: + for suf in suffixes[L]: + if word.endswith(suf): + return word[:-L] + return word + + +if __name__ == "__main__": + import sys + + if len(sys.argv) != 1: + sys.exit("{} takes no arguments".format(sys.argv[0])) + for line in sys.stdin: + print(*[hi_stem(word) for word in line.split()]) From 9c139a34fd8c6e3c8311cb771d9bccd69f7bd735 Mon Sep 17 00:00:00 2001 From: hlums Date: Tue, 31 Dec 2019 17:10:15 -0500 Subject: [PATCH 093/167] Upgrade tensorflow to 1.15.0 --- tools/generate_conda_file.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/tools/generate_conda_file.py b/tools/generate_conda_file.py index ab6dd8fdb..3715334b7 100644 --- a/tools/generate_conda_file.py +++ b/tools/generate_conda_file.py @@ -43,7 +43,7 @@ "pytest": "pytest>=3.6.4", "pytorch": "pytorch-cpu>=1.0.0", "scipy": "scipy>=1.0.0", - "tensorflow": "tensorflow==1.12.0", + "tensorflow": "tensorflow==1.15.0", "h5py": "h5py>=2.8.0", "tensorflow-hub": "tensorflow-hub==0.5.0", "py-xgboost": "py-xgboost<=0.80", @@ -54,7 +54,7 @@ CONDA_GPU = { "numba": "numba>=0.38.1", "pytorch": "pytorch>=1.0.0", - "tensorflow": "tensorflow-gpu==1.12.0", + "tensorflow": "tensorflow-gpu==1.15.0", "cudatoolkit": "cudatoolkit==9.2", } From 6f3233d3d3ae26aeefe9759731df73b82c34704d Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Thu, 2 Jan 2020 17:14:30 +0000 Subject: [PATCH 094/167] change predict to be the same in staging --- utils_nlp/models/transformers/common.py | 13 ++++--------- 1 file changed, 4 insertions(+), 9 deletions(-) diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index 597a8691c..25fe8d20f 100644 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -261,16 +261,11 @@ def move_batch_to_device(batch, device): def predict(self, eval_dataloader, get_inputs, n_gpu=1, verbose=True, move_batch_to_device=None): device, num_gpus = get_device(num_gpus=n_gpu, local_rank=-1) + if isinstance(self.model, torch.nn.DataParallel): + self.model = self.model.module + if num_gpus > 1: - if not isinstance(self.model, torch.nn.DataParallel): - self.model = torch.nn.DataParallel(self.model, device_ids=range(0,num_gpus)) - else: - # make sure the prediction can switch between different numbers of multiple gpus - self.model = self.model.module - self.model = torch.nn.DataParallel(self.model, device_ids=range(0,num_gpus)) - else: - if isinstance(self.model, torch.nn.DataParallel): - self.model = self.model.module + self.model = torch.nn.DataParallel(self.model, device_ids=list(range(num_gpus))) self.model.to(device) self.model.eval() From 8801ea75b90f69567371fa22c5bf825f241deb54 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Thu, 2 Jan 2020 19:23:31 +0000 Subject: [PATCH 095/167] use the new dataset for testing --- tests/unit/test_extractive_summarization.py | 31 +++++++++------------ 1 file changed, 13 insertions(+), 18 deletions(-) diff --git a/tests/unit/test_extractive_summarization.py b/tests/unit/test_extractive_summarization.py index ccc68b78c..3977ca375 100644 --- a/tests/unit/test_extractive_summarization.py +++ b/tests/unit/test_extractive_summarization.py @@ -12,9 +12,7 @@ from utils_nlp.models.transformers.datasets import SummarizationDataset from utils_nlp.models.transformers.extractive_summarization import ( - get_cycled_dataset, get_dataloader, - get_sequential_dataloader, ExtractiveSummarizer, ExtSumProcessedData, ExtSumProcessor, @@ -22,16 +20,21 @@ # @pytest.fixture() def source_data(): - return """Boston, MA welcome to Microsoft/nlp. Welcome to text summarization. Welcome to Microsoft NERD. Look outside, waht a beautiful Charlse River fall view.""" + return ( + "Boston, MA welcome to Microsoft/nlp. Welcome to text summarization." + "Welcome to Microsoft NERD." + "Look outside, what a beautiful Charlse River fall view." + ) # @pytest.fixture() def target_data(): - return ( - """ welcome to microsoft/nlp. Welcome to text summarization. Welcome to Microsoft NERD.""" - ) + return "welcome to microsoft/nlp." "Welcome to text summarization." "Welcome to Microsoft NERD." + MODEL_NAME = "distilbert-base-uncased" +NUM_GPUS = 1 + @pytest.fixture(scope="module") def data_to_file(tmp_module): @@ -102,13 +105,9 @@ def test_bert_training(data_to_file, tmp_module): DATA_SAVED_PATH = data_to_file result_base_path = "./results" - train_dataset_generator, test_dataset_generator = ExtSumProcessedData().splits( - root=DATA_SAVED_PATH - ) + train_dataset, test_dataset = ExtSumProcessedData().splits(root=DATA_SAVED_PATH) summarizer = ExtractiveSummarizer(MODEL_NAME, ENCODER, CACHE_DIR) - train_dataloader = get_dataloader( - get_cycled_dataset(train_dataset_generator), is_labeled=True, batch_size=3000 - ) + train_dataloader = get_dataloader(train_dataset.get_stream(), is_labeled=True, batch_size=3000) summarizer.fit( train_dataloader, num_gpus=1, @@ -121,10 +120,6 @@ def test_bert_training(data_to_file, tmp_module): clip_grad_norm=False, ) - test_dataset = [] - for i in test_dataset_generator(): - test_dataset.extend(i) - target = [test_dataset[i]["tgt_txt"] for i in range(len(test_dataset))] - - prediction = summarizer.predict(get_sequential_dataloader(test_dataset)) + target = [i["tgt_txt"] for i in test_dataset] + prediction = summarizer.predict(test_dataset, num_gpus=NUM_GPUS, batch_size=128) assert len(prediction) == 1 From 120b9734fe3c0dee07fbcfc9e0721e49a5cb78f1 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Thu, 2 Jan 2020 21:17:11 +0000 Subject: [PATCH 096/167] add integration test for extractive summarization --- ...tive_summarization_cnndm_transformer.ipynb | 526 ++++++++++++------ tests/conftest.py | 3 + utils_nlp/eval/evaluate_summarization.py | 1 + 3 files changed, 361 insertions(+), 169 deletions(-) diff --git a/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb b/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb index b5a6ff13c..622f05289 100644 --- a/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb +++ b/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb @@ -88,7 +88,7 @@ "text": [ "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", "[nltk_data] Package punkt is already up-to-date!\n", - "I1224 02:52:40.350996 139807676634944 file_utils.py:40] PyTorch version 1.2.0 available.\n" + "I0102 20:04:36.049607 140102298445632 file_utils.py:40] PyTorch version 1.2.0 available.\n" ] } ], @@ -110,7 +110,11 @@ " ExtractiveSummarizer,\n", " ExtSumProcessedData,\n", " ExtSumProcessor,\n", - ")" + ")\n", + "\n", + "import numpy as np\n", + "import pandas as pd\n", + "import scrapbook as sb" ] }, { @@ -209,11 +213,11 @@ "outputs": [], "source": [ "# the data path used to save the downloaded data file\n", - "DATA_PATH = \"/tmp/tmpm2eh8iau\" #TemporaryDirectory().name\n", + "DATA_PATH = TemporaryDirectory().name\n", "# The number of lines at the head of data file used for preprocessing. -1 means all the lines.\n", - "TOP_N = -1\n", - "if QUICK_RUN:\n", - " TOP_N = 10000" + "TOP_N = 1000\n", + "if not QUICK_RUN:\n", + " TOP_N = -1" ] }, { @@ -227,8 +231,8 @@ "name": "stderr", "output_type": "stream", "text": [ - "100%|██████████| 489k/489k [00:07<00:00, 69.5kKB/s] \n", - "I1224 02:52:47.868990 139807676634944 utils.py:173] Opening tar file /tmp/tmpm2eh8iau/cnndm.tar.gz.\n" + "100%|██████████| 489k/489k [00:08<00:00, 58.6kKB/s] \n", + "I0102 20:04:48.310920 140102298445632 utils.py:173] Opening tar file /tmp/tmpuxlnt2ut/cnndm.tar.gz.\n" ] } ], @@ -252,7 +256,7 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1224 02:52:59.080935 139807676634944 tokenization_utils.py:379] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" + "I0102 20:04:59.692065 140102298445632 tokenization_utils.py:379] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" ] }, { @@ -277,10 +281,10 @@ "source": [ "save_path = os.path.join(DATA_PATH, \"processed\")\n", "train_files = ExtSumProcessedData.save_data(\n", - " ext_sum_train, is_test=False, save_path=save_path, chunk_size=2000\n", + " ext_sum_train, is_test=False, save_path=save_path, chunk_size=200\n", ")\n", "test_files = ExtSumProcessedData.save_data(\n", - " ext_sum_test, is_test=True, save_path=save_path, chunk_size=2000\n", + " ext_sum_test, is_test=True, save_path=save_path, chunk_size=200\n", ")" ] }, @@ -292,11 +296,11 @@ { "data": { "text/plain": [ - "['/tmp/tmpm2eh8iau/processed/0_train',\n", - " '/tmp/tmpm2eh8iau/processed/1_train',\n", - " '/tmp/tmpm2eh8iau/processed/2_train',\n", - " '/tmp/tmpm2eh8iau/processed/3_train',\n", - " '/tmp/tmpm2eh8iau/processed/4_train']" + "['/tmp/tmpuxlnt2ut/processed/0_train',\n", + " '/tmp/tmpuxlnt2ut/processed/1_train',\n", + " '/tmp/tmpuxlnt2ut/processed/2_train',\n", + " '/tmp/tmpuxlnt2ut/processed/3_train',\n", + " '/tmp/tmpuxlnt2ut/processed/4_train']" ] }, "execution_count": 10, @@ -316,11 +320,11 @@ { "data": { "text/plain": [ - "['/tmp/tmpm2eh8iau/processed/0_test',\n", - " '/tmp/tmpm2eh8iau/processed/1_test',\n", - " '/tmp/tmpm2eh8iau/processed/2_test',\n", - " '/tmp/tmpm2eh8iau/processed/3_test',\n", - " '/tmp/tmpm2eh8iau/processed/4_test']" + "['/tmp/tmpuxlnt2ut/processed/0_test',\n", + " '/tmp/tmpuxlnt2ut/processed/1_test',\n", + " '/tmp/tmpuxlnt2ut/processed/2_test',\n", + " '/tmp/tmpuxlnt2ut/processed/3_test',\n", + " '/tmp/tmpuxlnt2ut/processed/4_test']" ] }, "execution_count": 11, @@ -359,7 +363,7 @@ "name": "stdout", "output_type": "stream", "text": [ - "2000\n" + "200\n" ] }, { @@ -415,9 +419,9 @@ "source": [ "# the data path used to downloaded the preprocessed data from BERTSUM Repo.\n", "# if you have downloaded the dataset, change the code to use that path where the dataset is.\n", - "#PROCESSED_DATA_PATH = TemporaryDirectory().name\n", - "data_path = \"./temp_data5/\"\n", - "PROCESSED_DATA_PATH = data_path" + "PROCESSED_DATA_PATH = TemporaryDirectory().name\n", + "#data_path = \"./temp_data5/\"\n", + "#PROCESSED_DATA_PATH = data_path" ] }, { @@ -476,14 +480,13 @@ "\n", "# How often the statistics reports show up in training, unit is step.\n", "REPORT_EVERY=100\n", + "\n", + "# total number of steps for training\n", + "MAX_STEPS=1e3\n", + "# number of steps for warm up\n", + "WARMUP_STEPS=5e2\n", " \n", - "if QUICK_RUN:\n", - " # total number of steps for training\n", - " MAX_STEPS=1e4\n", - " # number of steps for warm up\n", - " WARMUP_STEPS=5e3\n", - " \n", - "else:\n", + "if not QUICK_RUN:\n", " MAX_STEPS=5e4\n", " WARMUP_STEPS=5e3\n", " " @@ -500,13 +503,13 @@ "name": "stderr", "output_type": "stream", "text": [ - "I1224 03:01:19.243283 139807676634944 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json not found in cache or force_download set to True, downloading to /tmp/tmp7bncjhvm\n", - "100%|██████████| 492/492 [00:00<00:00, 531307.30B/s]\n", - "I1224 03:01:19.403964 139807676634944 file_utils.py:334] copying /tmp/tmp7bncjhvm to cache at /tmp/tmp0ru6f_af/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1224 03:01:19.404998 139807676634944 file_utils.py:338] creating metadata file for /tmp/tmp0ru6f_af/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1224 03:01:19.406319 139807676634944 file_utils.py:347] removing temp file /tmp/tmp7bncjhvm\n", - "I1224 03:01:19.407042 139807676634944 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmp0ru6f_af/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1224 03:01:19.407970 139807676634944 configuration_utils.py:174] Model config {\n", + "I0102 20:06:55.259691 140102298445632 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json not found in cache or force_download set to True, downloading to /tmp/tmpn46snkz4\n", + "100%|██████████| 492/492 [00:00<00:00, 471895.17B/s]\n", + "I0102 20:06:55.424619 140102298445632 file_utils.py:334] copying /tmp/tmpn46snkz4 to cache at /tmp/tmp1qv4vo8c/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I0102 20:06:55.425951 140102298445632 file_utils.py:338] creating metadata file for /tmp/tmp1qv4vo8c/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I0102 20:06:55.428005 140102298445632 file_utils.py:347] removing temp file /tmp/tmpn46snkz4\n", + "I0102 20:06:55.428821 140102298445632 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmp1qv4vo8c/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I0102 20:06:55.429883 140102298445632 configuration_utils.py:174] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -532,14 +535,14 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1224 03:01:19.547294 139807676634944 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin not found in cache or force_download set to True, downloading to /tmp/tmp_3hdcg7f\n", - "100%|██████████| 267967963/267967963 [00:04<00:00, 65856939.79B/s]\n", - "I1224 03:01:23.860859 139807676634944 file_utils.py:334] copying /tmp/tmp_3hdcg7f to cache at /tmp/tmp0ru6f_af/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1224 03:01:24.139341 139807676634944 file_utils.py:338] creating metadata file for /tmp/tmp0ru6f_af/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1224 03:01:24.140595 139807676634944 file_utils.py:347] removing temp file /tmp/tmp_3hdcg7f\n", - "I1224 03:01:24.175863 139807676634944 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmp0ru6f_af/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I1224 03:01:25.453496 139807676634944 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmp0ru6f_af/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I1224 03:01:25.456668 139807676634944 configuration_utils.py:174] Model config {\n", + "I0102 20:06:55.570819 140102298445632 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin not found in cache or force_download set to True, downloading to /tmp/tmpyvpfxy6_\n", + "100%|██████████| 267967963/267967963 [00:04<00:00, 63652700.83B/s]\n", + "I0102 20:06:59.994076 140102298445632 file_utils.py:334] copying /tmp/tmpyvpfxy6_ to cache at /tmp/tmp1qv4vo8c/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I0102 20:07:00.291755 140102298445632 file_utils.py:338] creating metadata file for /tmp/tmp1qv4vo8c/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I0102 20:07:00.292996 140102298445632 file_utils.py:347] removing temp file /tmp/tmpyvpfxy6_\n", + "I0102 20:07:00.331156 140102298445632 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmp1qv4vo8c/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I0102 20:07:01.577537 140102298445632 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmp1qv4vo8c/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I0102 20:07:01.578997 140102298445632 configuration_utils.py:174] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -565,7 +568,7 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I1224 03:01:25.601239 139807676634944 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmp0ru6f_af/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I0102 20:07:01.719105 140102298445632 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmp1qv4vo8c/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], @@ -585,7 +588,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 20, "metadata": { "scrolled": true }, @@ -602,101 +605,16 @@ "name": "stdout", "output_type": "stream", "text": [ - "loss: 11.160705, time: 42.738963, number of examples in current step: 5, step 100 out of total 10000\n", - "loss: 10.624718, time: 33.611201, number of examples in current step: 5, step 200 out of total 10000\n", - "loss: 10.389675, time: 32.889951, number of examples in current step: 5, step 300 out of total 10000\n", - "loss: 10.167939, time: 33.669455, number of examples in current step: 5, step 400 out of total 10000\n", - "loss: 10.233984, time: 32.727784, number of examples in current step: 5, step 500 out of total 10000\n", - "loss: 10.185300, time: 33.506980, number of examples in current step: 5, step 600 out of total 10000\n", - "loss: 10.074746, time: 33.141054, number of examples in current step: 5, step 700 out of total 10000\n", - "loss: 9.924833, time: 33.621255, number of examples in current step: 5, step 800 out of total 10000\n", - "loss: 9.977459, time: 32.910738, number of examples in current step: 5, step 900 out of total 10000\n", - "loss: 10.138617, time: 33.722555, number of examples in current step: 5, step 1000 out of total 10000\n", - "loss: 10.019123, time: 33.110982, number of examples in current step: 5, step 1100 out of total 10000\n", - "loss: 9.932224, time: 33.539944, number of examples in current step: 5, step 1200 out of total 10000\n", - "loss: 9.874413, time: 33.243643, number of examples in current step: 5, step 1300 out of total 10000\n", - "loss: 10.019798, time: 33.554604, number of examples in current step: 5, step 1400 out of total 10000\n", - "loss: 9.941930, time: 32.659071, number of examples in current step: 5, step 1500 out of total 10000\n", - "loss: 9.965581, time: 33.646271, number of examples in current step: 5, step 1600 out of total 10000\n", - "loss: 9.906829, time: 32.895457, number of examples in current step: 5, step 1700 out of total 10000\n", - "loss: 9.761838, time: 33.346933, number of examples in current step: 5, step 1800 out of total 10000\n", - "loss: 9.653565, time: 32.784759, number of examples in current step: 5, step 1900 out of total 10000\n", - "loss: 9.968359, time: 33.301999, number of examples in current step: 5, step 2000 out of total 10000\n", - "loss: 9.669802, time: 32.933510, number of examples in current step: 5, step 2100 out of total 10000\n", - "loss: 9.795998, time: 33.465689, number of examples in current step: 5, step 2200 out of total 10000\n", - "loss: 9.457577, time: 33.026487, number of examples in current step: 5, step 2300 out of total 10000\n", - "loss: 9.442477, time: 33.532822, number of examples in current step: 5, step 2400 out of total 10000\n", - "loss: 9.423114, time: 32.843011, number of examples in current step: 9, step 2500 out of total 10000\n", - "loss: 9.483082, time: 33.595565, number of examples in current step: 5, step 2600 out of total 10000\n", - "loss: 9.364571, time: 33.318575, number of examples in current step: 5, step 2700 out of total 10000\n", - "loss: 9.271109, time: 33.604982, number of examples in current step: 5, step 2800 out of total 10000\n", - "loss: 9.397103, time: 33.258650, number of examples in current step: 5, step 2900 out of total 10000\n", - "loss: 9.216123, time: 33.650533, number of examples in current step: 5, step 3000 out of total 10000\n", - "loss: 9.075683, time: 33.350430, number of examples in current step: 5, step 3100 out of total 10000\n", - "loss: 9.130850, time: 33.198705, number of examples in current step: 5, step 3200 out of total 10000\n", - "loss: 8.824206, time: 33.224638, number of examples in current step: 5, step 3300 out of total 10000\n", - "loss: 8.868568, time: 33.060924, number of examples in current step: 5, step 3400 out of total 10000\n", - "loss: 8.722790, time: 32.755505, number of examples in current step: 5, step 3500 out of total 10000\n", - "loss: 8.659580, time: 33.451256, number of examples in current step: 5, step 3600 out of total 10000\n", - "loss: 8.672709, time: 32.872691, number of examples in current step: 5, step 3700 out of total 10000\n", - "loss: 8.816822, time: 33.150174, number of examples in current step: 5, step 3800 out of total 10000\n", - "loss: 8.577710, time: 33.122264, number of examples in current step: 5, step 3900 out of total 10000\n", - "loss: 8.298463, time: 33.289581, number of examples in current step: 5, step 4000 out of total 10000\n", - "loss: 7.973340, time: 33.288708, number of examples in current step: 5, step 4100 out of total 10000\n", - "loss: 8.057464, time: 33.510597, number of examples in current step: 5, step 4200 out of total 10000\n", - "loss: 7.755475, time: 33.627128, number of examples in current step: 5, step 4300 out of total 10000\n", - "loss: 7.589542, time: 32.941917, number of examples in current step: 5, step 4400 out of total 10000\n", - "loss: 7.465863, time: 33.687425, number of examples in current step: 5, step 4500 out of total 10000\n", - "loss: 7.355834, time: 33.047327, number of examples in current step: 9, step 4600 out of total 10000\n", - "loss: 7.510208, time: 33.150999, number of examples in current step: 5, step 4700 out of total 10000\n", - "loss: 7.576485, time: 32.575946, number of examples in current step: 5, step 4800 out of total 10000\n", - "loss: 7.407544, time: 33.408200, number of examples in current step: 8, step 4900 out of total 10000\n", - "loss: 6.404705, time: 33.094769, number of examples in current step: 5, step 5000 out of total 10000\n", - "loss: 6.388583, time: 33.636447, number of examples in current step: 5, step 5100 out of total 10000\n", - "loss: 6.387465, time: 33.023443, number of examples in current step: 7, step 5200 out of total 10000\n", - "loss: 6.172295, time: 33.682934, number of examples in current step: 5, step 5300 out of total 10000\n", - "loss: 5.910387, time: 32.927547, number of examples in current step: 5, step 5400 out of total 10000\n", - "loss: 5.610732, time: 33.525970, number of examples in current step: 5, step 5500 out of total 10000\n", - "loss: 5.480320, time: 32.890641, number of examples in current step: 8, step 5600 out of total 10000\n", - "loss: 5.666756, time: 33.671984, number of examples in current step: 5, step 5700 out of total 10000\n", - "loss: 5.624298, time: 33.269477, number of examples in current step: 5, step 5800 out of total 10000\n", - "loss: 5.485603, time: 33.338527, number of examples in current step: 5, step 5900 out of total 10000\n", - "loss: 4.310713, time: 33.264881, number of examples in current step: 8, step 6000 out of total 10000\n", - "loss: 4.388899, time: 33.266150, number of examples in current step: 5, step 6100 out of total 10000\n", - "loss: 4.531266, time: 33.386269, number of examples in current step: 5, step 6200 out of total 10000\n", - "loss: 4.106246, time: 33.592953, number of examples in current step: 5, step 6300 out of total 10000\n", - "loss: 3.865821, time: 33.039088, number of examples in current step: 5, step 6400 out of total 10000\n", - "loss: 3.733040, time: 33.357782, number of examples in current step: 5, step 6500 out of total 10000\n", - "loss: 3.614104, time: 32.774119, number of examples in current step: 5, step 6600 out of total 10000\n", - "loss: 3.891334, time: 33.554248, number of examples in current step: 4, step 6700 out of total 10000\n", - "loss: 3.956822, time: 32.964930, number of examples in current step: 5, step 6800 out of total 10000\n", - "loss: 3.269616, time: 33.111120, number of examples in current step: 5, step 6900 out of total 10000\n", - "loss: 2.918509, time: 33.147460, number of examples in current step: 5, step 7000 out of total 10000\n", - "loss: 3.056451, time: 33.467347, number of examples in current step: 5, step 7100 out of total 10000\n", - "loss: 2.952458, time: 33.477996, number of examples in current step: 5, step 7200 out of total 10000\n", - "loss: 2.720741, time: 33.587339, number of examples in current step: 9, step 7300 out of total 10000\n", - "loss: 2.433647, time: 33.104418, number of examples in current step: 5, step 7400 out of total 10000\n", - "loss: 2.596394, time: 33.499696, number of examples in current step: 5, step 7500 out of total 10000\n", - "loss: 2.241538, time: 32.668587, number of examples in current step: 5, step 7600 out of total 10000\n", - "loss: 2.916792, time: 33.352173, number of examples in current step: 5, step 7700 out of total 10000\n", - "loss: 2.863580, time: 33.017576, number of examples in current step: 5, step 7800 out of total 10000\n", - "loss: 2.355133, time: 33.476678, number of examples in current step: 5, step 7900 out of total 10000\n", - "loss: 1.947071, time: 33.222678, number of examples in current step: 5, step 8000 out of total 10000\n", - "loss: 2.197302, time: 33.679664, number of examples in current step: 5, step 8100 out of total 10000\n", - "loss: 2.075956, time: 33.209228, number of examples in current step: 5, step 8200 out of total 10000\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "loss: 1.903633, time: 33.575222, number of examples in current step: 5, step 8300 out of total 10000\n", - "loss: 1.782045, time: 33.406267, number of examples in current step: 5, step 8400 out of total 10000\n", - "loss: 1.894894, time: 32.923071, number of examples in current step: 5, step 8500 out of total 10000\n", - "loss: 1.757045, time: 33.201561, number of examples in current step: 5, step 8600 out of total 10000\n", - "loss: 1.868286, time: 32.830063, number of examples in current step: 5, step 8700 out of total 10000\n", - "loss: 1.843515, time: 33.185594, number of examples in current step: 5, step 8800 out of total 10000\n", - "loss: 1.560396, time: 32.747909, number of examples in current step: 5, step 8900 out of total 10000\n" + "loss: 10.384844, time: 46.799643, number of examples in current step: 5, step 100 out of total 1000\n", + "loss: 9.859121, time: 37.144620, number of examples in current step: 5, step 200 out of total 1000\n", + "loss: 9.851387, time: 37.067289, number of examples in current step: 5, step 300 out of total 1000\n", + "loss: 9.758179, time: 36.995299, number of examples in current step: 5, step 400 out of total 1000\n", + "loss: 9.551205, time: 36.930504, number of examples in current step: 5, step 500 out of total 1000\n", + "loss: 9.487953, time: 52.947565, number of examples in current step: 5, step 600 out of total 1000\n", + "loss: 9.285176, time: 72.845812, number of examples in current step: 5, step 700 out of total 1000\n", + "loss: 8.826141, time: 74.421363, number of examples in current step: 5, step 800 out of total 1000\n", + "loss: 8.354200, time: 72.803257, number of examples in current step: 5, step 900 out of total 1000\n", + "loss: 7.616000, time: 68.646178, number of examples in current step: 5, step 1000 out of total 1000\n" ] } ], @@ -716,22 +634,39 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 21, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "I0102 20:16:03.316942 140102298445632 extractive_summarization.py:511] Saving model checkpoint to /tmp/tmp1qv4vo8c/fine_tuned/extsum_modelname_distilbert-base-uncased_usepreprocessFalse_steps_1000.0.pt\n" + ] + } + ], "source": [ "summarizer.save_model(\"extsum_modelname_{0}_usepreprocess{1}_steps_{2}.pt\".format(MODEL_NAME, USE_PREPROCSSED_DATA, MAX_STEPS))" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 22, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/dadendev/anaconda3/envs/cm3/lib/python3.6/site-packages/torch/serialization.py:453: SourceChangeWarning: source code of class 'transformers.modeling_distilbert.DistilBertModel' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.\n", + " warnings.warn(msg, SourceChangeWarning)\n" + ] + } + ], "source": [ "# for loading a previous saved model\n", - "#import torch\n", - "#summarizer.model = torch.load(\"cnndm_transformersum_distilbert-base-uncased_bertsum_processed_data.pt\")" + "# import torch\n", + "# summarizer.model = torch.load(\"cnndm_transformersum_distilbert-base-uncased_bertsum_processed_data.pt\")" ] }, { @@ -745,7 +680,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 23, "metadata": {}, "outputs": [], "source": [ @@ -754,27 +689,72 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 24, "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "text/plain": [ + "1000" + ] + }, + "execution_count": 24, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ "len(target)" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 25, "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "text/plain": [ + "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" + ] + }, + "execution_count": 25, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ "test_dataset[0].keys()" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 26, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Evaluating: 100%|██████████| 8/8 [00:04<00:00, 1.70it/s]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CPU times: user 22 s, sys: 18.7 s, total: 40.7 s\n", + "Wall time: 4.94 s\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "\n" + ] + } + ], "source": [ "%%time\n", "prediction = summarizer.predict(test_dataset, num_gpus=NUM_GPUS, batch_size=128)" @@ -782,49 +762,257 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 27, "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "text/plain": [ + "1000" + ] + }, + "execution_count": 27, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ "len(prediction)" ] }, { "cell_type": "code", - "execution_count": null, - "metadata": { - "scrolled": true - }, + "execution_count": 36, + "metadata": {}, "outputs": [], "source": [ - "rouge_transformer = get_rouge(prediction, target, \"./results/\")" + "RESULT_DIR = TemporaryDirectory().name" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 39, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2020-01-02 21:03:55,680 [MainThread ] [INFO ] Writing summaries.\n", + "I0102 21:03:55.680084 140102298445632 pyrouge.py:525] Writing summaries.\n", + "2020-01-02 21:03:55,681 [MainThread ] [INFO ] Processing summaries. Saving system files to /tmp/tmpdnb1jyw4/tmp4x6_jf38/system and model files to /tmp/tmpdnb1jyw4/tmp4x6_jf38/model.\n", + "I0102 21:03:55.681722 140102298445632 pyrouge.py:518] Processing summaries. Saving system files to /tmp/tmpdnb1jyw4/tmp4x6_jf38/system and model files to /tmp/tmpdnb1jyw4/tmp4x6_jf38/model.\n", + "2020-01-02 21:03:55,682 [MainThread ] [INFO ] Processing files in /tmp/tmpdnb1jyw4/rouge-tmp-2020-01-02-21-03-55/candidate/.\n", + "I0102 21:03:55.682688 140102298445632 pyrouge.py:43] Processing files in /tmp/tmpdnb1jyw4/rouge-tmp-2020-01-02-21-03-55/candidate/.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "1000\n", + "1000\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2020-01-02 21:03:55,784 [MainThread ] [INFO ] Saved processed files to /tmp/tmpdnb1jyw4/tmp4x6_jf38/system.\n", + "I0102 21:03:55.784978 140102298445632 pyrouge.py:53] Saved processed files to /tmp/tmpdnb1jyw4/tmp4x6_jf38/system.\n", + "2020-01-02 21:03:55,786 [MainThread ] [INFO ] Processing files in /tmp/tmpdnb1jyw4/rouge-tmp-2020-01-02-21-03-55/reference/.\n", + "I0102 21:03:55.786149 140102298445632 pyrouge.py:43] Processing files in /tmp/tmpdnb1jyw4/rouge-tmp-2020-01-02-21-03-55/reference/.\n", + "2020-01-02 21:03:55,878 [MainThread ] [INFO ] Saved processed files to /tmp/tmpdnb1jyw4/tmp4x6_jf38/model.\n", + "I0102 21:03:55.878035 140102298445632 pyrouge.py:53] Saved processed files to /tmp/tmpdnb1jyw4/tmp4x6_jf38/model.\n", + "2020-01-02 21:03:55,886 [MainThread ] [INFO ] Written ROUGE configuration to /tmp/tmpdnb1jyw4/tmprer20ezw/rouge_conf.xml\n", + "I0102 21:03:55.886280 140102298445632 pyrouge.py:354] Written ROUGE configuration to /tmp/tmpdnb1jyw4/tmprer20ezw/rouge_conf.xml\n", + "2020-01-02 21:03:55,887 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /tmp/tmpdnb1jyw4/tmprer20ezw/rouge_conf.xml\n", + "I0102 21:03:55.887276 140102298445632 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /tmp/tmpdnb1jyw4/tmprer20ezw/rouge_conf.xml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "---------------------------------------------\n", + "1 ROUGE-1 Average_R: 0.51159 (95%-conf.int. 0.50011 - 0.52318)\n", + "1 ROUGE-1 Average_P: 0.23576 (95%-conf.int. 0.22985 - 0.24191)\n", + "1 ROUGE-1 Average_F: 0.31410 (95%-conf.int. 0.30714 - 0.32136)\n", + "---------------------------------------------\n", + "1 ROUGE-2 Average_R: 0.20788 (95%-conf.int. 0.19771 - 0.21827)\n", + "1 ROUGE-2 Average_P: 0.09285 (95%-conf.int. 0.08805 - 0.09798)\n", + "1 ROUGE-2 Average_F: 0.12491 (95%-conf.int. 0.11882 - 0.13137)\n", + "---------------------------------------------\n", + "1 ROUGE-L Average_R: 0.45564 (95%-conf.int. 0.44490 - 0.46709)\n", + "1 ROUGE-L Average_P: 0.20972 (95%-conf.int. 0.20411 - 0.21576)\n", + "1 ROUGE-L Average_F: 0.27953 (95%-conf.int. 0.27326 - 0.28649)\n", + "\n" + ] + } + ], + "source": [ + "rouge_score = get_rouge(prediction, target, RESULT_DIR)" + ] + }, + { + "cell_type": "code", + "execution_count": 30, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'marseille prosecutor says `` so far no videos were used in the crash investigation `` despite media reports .journalists at bild and paris match are `` very confident `` the video clip is real , an editor says .andreas lubitz had informed his lufthansa training school of an episode of severe depression , airline says .'" + ] + }, + "execution_count": 30, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ "test_dataset[0]['tgt_txt']" ] }, { "cell_type": "code", - "execution_count": null, + "execution_count": 31, "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "text/plain": [ + "'marseille , france ( cnn ) the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .all 150 on board were killed .marseille prosecutor brice robin told cnn that `` so far no videos were used in the crash investigation . ``'" + ] + }, + "execution_count": 31, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ "prediction[0]" ] }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['marseille , france ( cnn ) the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .',\n", + " 'marseille prosecutor brice robin told cnn that `` so far no videos were used in the crash investigation . ``',\n", + " 'he added , `` a person who has such a video needs to immediately give it to the investigators . ``',\n", + " \"robin 's comments follow claims by two magazines , german daily bild and french paris match , of a cell phone video showing the harrowing final seconds from on board germanwings flight 9525 as it crashed into the french alps .\",\n", + " 'all 150 on board were killed .',\n", + " 'paris match and bild reported that the video was recovered from a phone at the wreckage site .',\n", + " 'the two publications described the supposed video , but did not post it on their websites .',\n", + " 'the publications said that they watched the video , which was found by a source close to the investigation . ``',\n", + " \"one can hear cries of ` my god ' in several languages , `` paris match reported . ``\",\n", + " 'metallic banging can also be heard more than three times , perhaps of the pilot trying to open the cockpit door with a heavy object .',\n", + " 'towards the end , after a heavy shake , stronger than the others , the screaming intensifies .',\n", + " '`` it is a very disturbing scene , `` said julian reichelt , editor-in-chief of bild online .',\n", + " \"an official with france 's accident investigation agency , the bea , said the agency is not aware of any such video .\",\n", + " 'lt. col. jean-marc menichini , a french gendarmerie spokesman in charge of communications on rescue efforts around the germanwings crash site , told cnn that the reports were `` completely wrong `` and `` unwarranted . ``',\n", + " \"cell phones have been collected at the site , he said , but that they `` had n't been exploited yet . ``\",\n", + " 'menichini said he believed the cell phones would need to be sent to the criminal research institute in rosny sous-bois , near paris , in order to be analyzed by specialized technicians working hand-in-hand with investigators .',\n", + " 'but none of the cell phones found so far have been sent to the institute , menichini said .',\n", + " 'asked whether staff involved in the search could have leaked a memory card to the media , menichini answered with a categorical `` no . ``',\n", + " 'reichelt told `` erin burnett : outfront `` that he had watched the video and stood by the report , saying bild and paris match are `` very confident `` that the clip is real .',\n", + " \"he noted that investigators only revealed they 'd recovered cell phones from the crash site after bild and paris match published their reports . ``\",\n", + " 'that is something we did not know before .',\n", + " \"... overall we can say many things of the investigation were n't revealed by the investigation at the beginning , `` he said .\",\n", + " 'what was mental state of germanwings co-pilot ?',\n", + " \"german airline lufthansa confirmed tuesday that co-pilot andreas lubitz had battled depression years before he took the controls of germanwings flight 9525 , which he 's accused of deliberately crashing last week in the french alps .\",\n", + " 'lubitz told his lufthansa flight training school in 2009 that he had a `` previous episode of severe depression , `` the airline said tuesday .',\n", + " 'email correspondence between lubitz and the school discovered in an internal investigation , lufthansa said , included medical documents he submitted in connection with resuming his flight training .',\n", + " \"the announcement indicates that lufthansa , the parent company of germanwings , knew of lubitz 's battle with depression , allowed him to continue training and ultimately put him in the cockpit .\",\n", + " 'lufthansa , whose ceo carsten spohr previously said lubitz was 100 % fit to fly , described its statement tuesday as a `` swift and seamless clarification `` and said it was sharing the information and documents -- including training and medical records -- with public prosecutors .',\n", + " 'spohr traveled to the crash site wednesday , where recovery teams have been working for the past week to recover human remains and plane debris scattered across a steep mountainside .',\n", + " 'he saw the crisis center set up in seyne-les-alpes , laid a wreath in the village of le vernet , closer to the crash site , where grieving families have left flowers at a simple stone memorial .',\n", + " 'menichini told cnn late tuesday that no visible human remains were left at the site but recovery teams would keep searching .',\n", + " 'french president francois hollande , speaking tuesday , said that it should be possible to identify all the victims using dna analysis by the end of the week , sooner than authorities had previously suggested .',\n", + " \"in the meantime , the recovery of the victims ' personal belongings will start wednesday , menichini said .\",\n", + " 'among those personal belongings could be more cell phones belonging to the 144 passengers and six crew on board .',\n", + " 'check out the latest from our correspondents .',\n", + " \"the details about lubitz 's correspondence with the flight school during his training were among several developments as investigators continued to delve into what caused the crash and lubitz 's possible motive for downing the jet .\",\n", + " 'a lufthansa spokesperson told cnn on tuesday that lubitz had a valid medical certificate , had passed all his examinations and `` held all the licenses required . ``',\n", + " \"earlier , a spokesman for the prosecutor 's office in dusseldorf , christoph kumpa , said medical records reveal lubitz suffered from suicidal tendencies at some point before his aviation career and underwent psychotherapy before he got his pilot 's license .\",\n", + " \"kumpa emphasized there 's no evidence suggesting lubitz was suicidal or acting aggressively before the crash .\",\n", + " \"investigators are looking into whether lubitz feared his medical condition would cause him to lose his pilot 's license , a european government official briefed on the investigation told cnn on tuesday .\",\n", + " \"while flying was `` a big part of his life , `` the source said , it 's only one theory being considered .\",\n", + " 'another source , a law enforcement official briefed on the investigation , also told cnn that authorities believe the primary motive for lubitz to bring down the plane was that he feared he would not be allowed to fly because of his medical problems .',\n", + " \"lubitz 's girlfriend told investigators he had seen an eye doctor and a neuropsychologist , both of whom deemed him unfit to work recently and concluded he had psychological issues , the european government official said .\",\n", + " \"but no matter what details emerge about his previous mental health struggles , there 's more to the story , said brian russell , a forensic psychologist . ``\",\n", + " \"psychology can explain why somebody would turn rage inward on themselves about the fact that maybe they were n't going to keep doing their job and they 're upset about that and so they 're suicidal , `` he said . ``\",\n", + " \"but there is no mental illness that explains why somebody then feels entitled to also take that rage and turn it outward on 149 other people who had nothing to do with the person 's problems . ``\",\n", + " 'germanwings crash compensation : what we know .',\n", + " 'who was the captain of germanwings flight 9525 ?',\n", + " \"cnn 's margot haddad reported from marseille and pamela brown from dusseldorf , while laura smith-spark wrote from london .\",\n", + " \"cnn 's frederik pleitgen , pamela boykoff , antonia mortensen , sandrine amiel and anna-maja rappard contributed to this report .\"]" + ] + }, + "execution_count": 32, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "test_dataset[0]['src_txt']" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "metadata": {}, + "outputs": [ + { + "data": { + "application/scrapbook.scrap.json+json": { + "data": 0.12491, + "encoder": "json", + "name": "rouge_2_f_score", + "version": 1 + } + }, + "metadata": { + "scrapbook": { + "data": true, + "display": false, + "name": "rouge_2_f_score" + } + }, + "output_type": "display_data" + } + ], + "source": [ + "# for testing\n", + "sb.glue(\"rouge_2_f_score\", rouge_score['rouge_2_f_score'])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Clean up temporary folders" + ] + }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "test_dataset[0]['src_txt']" + "if os.path.exists(DATA_PATH):\n", + " os.remove(DATA_PATH)\n", + "if os.path.exists(PROCESSED_DATA_PATH):\n", + " os.remove(PROCESSED_DATA_PATH)\n", + "if os.path.exists(CACHE_DIR):\n", + " os.remove(CACHE_DIR)\n", + "if os.path.exists(RESULT_DIR):\n", + " os.remove(RESULT_DIR)" ] } ], diff --git a/tests/conftest.py b/tests/conftest.py index c1428c41b..b940476e8 100644 --- a/tests/conftest.py +++ b/tests/conftest.py @@ -85,6 +85,9 @@ def notebooks(): "deep_and_unified_understanding": os.path.join( folder_notebooks, "model_explainability", "interpret_dnn_layers.ipynb" ), + "extractive_summarization_cnndm_transformer": os.path.join( + folder_notebooks, "text_summarization", "extractive_summarization_cnndm_transformer.ipynb" + ), } return paths diff --git a/utils_nlp/eval/evaluate_summarization.py b/utils_nlp/eval/evaluate_summarization.py index 2c35fae44..e612f33be 100644 --- a/utils_nlp/eval/evaluate_summarization.py +++ b/utils_nlp/eval/evaluate_summarization.py @@ -22,6 +22,7 @@ def _write_list_to_file(list_items, filename): filehandle.write('%s\n' % item) seed(42) random_number = random() + os.makedirs(temp_dir, exist_ok=True) candidate_path = os.path.join(temp_dir, "candidate"+str(random_number)) gold_path = os.path.join(temp_dir, "gold"+str(random_number)) _write_list_to_file(predictions, candidate_path) From b7af2127e7aa3e4fb3e6d0179897c5fdfdd38dc6 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 3 Jan 2020 05:46:22 +0000 Subject: [PATCH 097/167] add documentation --- ...tive_summarization_cnndm_transformer.ipynb | 318 ++++++++------ ...test_notebooks_extractive_summarization.py | 43 ++ utils_nlp/dataset/cnndm.py | 11 +- utils_nlp/models/transformers/datasets.py | 34 +- .../transformers/extractive_summarization.py | 408 ++++++++++++++---- 5 files changed, 579 insertions(+), 235 deletions(-) create mode 100644 tests/integration/test_notebooks_extractive_summarization.py diff --git a/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb b/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb index 622f05289..29e8ec376 100644 --- a/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb +++ b/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb @@ -35,7 +35,7 @@ "> **Tip**: If you want to run through the notebook quickly, you can set the **`QUICK_RUN`** flag in the cell below to **`True`** to run the notebook on a small subset of the data and a smaller number of epochs. \n", "\n", "Using only 1 NVIDIA Tesla V100 GPUs, 16GB GPU memory configuration,\n", - "- for data preprocessing, it takes around 10 minutes to preprocess the data for quick run. Otherwise it takes ~2 hours to finish the data preprocessing. This time estimation assumes that the chosen transformer model is \"distilbert-base-uncased\" and the sentence selection method is \"greedy\", which is the default. The preprocessing time can be significantly longer if the sentence selection method is \"combination\", which can achieve better model performance.\n", + "- for data preprocessing, it takes around 1 minutes to preprocess the data for quick run. Otherwise it takes ~2 hours to finish the data preprocessing. This time estimation assumes that the chosen transformer model is \"distilbert-base-uncased\" and the sentence selection method is \"greedy\", which is the default. The preprocessing time can be significantly longer if the sentence selection method is \"combination\", which can achieve better model performance.\n", "\n", "- for model fine tuning, it takes around 30 minutes for quick run. Otherwise, it takes around ~3 hours to finish. This estimation assumes the chosen encoder method is \"transformer\". The model fine tuning time can be shorter if other encoder method is chosen, which may result in worse model performance. \n" ] @@ -88,7 +88,7 @@ "text": [ "[nltk_data] Downloading package punkt to /home/daden/nltk_data...\n", "[nltk_data] Package punkt is already up-to-date!\n", - "I0102 20:04:36.049607 140102298445632 file_utils.py:40] PyTorch version 1.2.0 available.\n" + "I0103 05:24:46.822919 140060135520064 file_utils.py:40] PyTorch version 1.2.0 available.\n" ] } ], @@ -125,10 +125,74 @@ "### Configuration: choose the transformer model to be used" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Several pretrained models have been made available by [Hugging Face](https://github.com/huggingface/transformers). For extractive summarization, the following pretrained models are supported. " + ] + }, { "cell_type": "code", "execution_count": 5, "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
model_name
0bert-base-uncased
1distilbert-base-uncased
\n", + "
" + ], + "text/plain": [ + " model_name\n", + "0 bert-base-uncased\n", + "1 distilbert-base-uncased" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "pd.DataFrame({\"model_name\": ExtractiveSummarizer.list_supported_models()})" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, "outputs": [], "source": [ "# Transformer model being used\n", @@ -208,7 +272,7 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 11, "metadata": {}, "outputs": [], "source": [ @@ -216,13 +280,15 @@ "DATA_PATH = TemporaryDirectory().name\n", "# The number of lines at the head of data file used for preprocessing. -1 means all the lines.\n", "TOP_N = 1000\n", + "CHUNK_SIZE=200\n", "if not QUICK_RUN:\n", - " TOP_N = -1" + " TOP_N = -1\n", + " CHUNK_SIZE = 2000" ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 19, "metadata": { "scrolled": true }, @@ -231,8 +297,13 @@ "name": "stderr", "output_type": "stream", "text": [ - "100%|██████████| 489k/489k [00:08<00:00, 58.6kKB/s] \n", - "I0102 20:04:48.310920 140102298445632 utils.py:173] Opening tar file /tmp/tmpuxlnt2ut/cnndm.tar.gz.\n" + "I0103 05:29:37.485339 140060135520064 utils.py:173] Opening tar file /tmp/tmpjd6tv6g9/cnndm.tar.gz.\n", + "I0103 05:29:37.487093 140060135520064 utils.py:181] /tmp/tmpjd6tv6g9/test.txt.src already extracted.\n", + "I0103 05:29:37.777695 140060135520064 utils.py:181] /tmp/tmpjd6tv6g9/test.txt.tgt.tagged already extracted.\n", + "I0103 05:29:37.804513 140060135520064 utils.py:181] /tmp/tmpjd6tv6g9/train.txt.src already extracted.\n", + "I0103 05:29:45.345131 140060135520064 utils.py:181] /tmp/tmpjd6tv6g9/train.txt.tgt.tagged already extracted.\n", + "I0103 05:29:45.963999 140060135520064 utils.py:181] /tmp/tmpjd6tv6g9/val.txt.src already extracted.\n", + "I0103 05:29:46.300785 140060135520064 utils.py:181] /tmp/tmpjd6tv6g9/val.txt.tgt.tagged already extracted.\n" ] } ], @@ -249,21 +320,14 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 20, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I0102 20:04:59.692065 140102298445632 tokenization_utils.py:379] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{'max_nsents': 200, 'max_src_ntokens': 2000, 'min_nsents': 3, 'min_src_ntokens': 5, 'use_interval': True}\n" + "I0103 05:29:49.643863 140060135520064 tokenization_utils.py:379] loading file https://s3.amazonaws.com/models.huggingface.co/bert/bert-base-uncased-vocab.txt from cache at ./26bc1ad6c0ac742e9b52263248f6d0f00068293b33709fae12320c0e35ccfbbb.542ce4285a40d23a559526243235df47c5f75c197f04f37d1a0c124c32c9a084\n" ] } ], @@ -275,35 +339,37 @@ }, { "cell_type": "code", - "execution_count": 9, - "metadata": {}, + "execution_count": 21, + "metadata": { + "scrolled": true + }, "outputs": [], "source": [ "save_path = os.path.join(DATA_PATH, \"processed\")\n", "train_files = ExtSumProcessedData.save_data(\n", - " ext_sum_train, is_test=False, save_path=save_path, chunk_size=200\n", + " ext_sum_train, is_test=False, save_path=save_path, chunk_size=CHUNK_SIZE\n", ")\n", "test_files = ExtSumProcessedData.save_data(\n", - " ext_sum_test, is_test=True, save_path=save_path, chunk_size=200\n", + " ext_sum_test, is_test=True, save_path=save_path, chunk_size=CHUNK_SIZE\n", ")" ] }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 22, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "['/tmp/tmpuxlnt2ut/processed/0_train',\n", - " '/tmp/tmpuxlnt2ut/processed/1_train',\n", - " '/tmp/tmpuxlnt2ut/processed/2_train',\n", - " '/tmp/tmpuxlnt2ut/processed/3_train',\n", - " '/tmp/tmpuxlnt2ut/processed/4_train']" + "['/tmp/tmpjd6tv6g9/processed/0_train',\n", + " '/tmp/tmpjd6tv6g9/processed/1_train',\n", + " '/tmp/tmpjd6tv6g9/processed/2_train',\n", + " '/tmp/tmpjd6tv6g9/processed/3_train',\n", + " '/tmp/tmpjd6tv6g9/processed/4_train']" ] }, - "execution_count": 10, + "execution_count": 22, "metadata": {}, "output_type": "execute_result" } @@ -314,20 +380,20 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 23, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "['/tmp/tmpuxlnt2ut/processed/0_test',\n", - " '/tmp/tmpuxlnt2ut/processed/1_test',\n", - " '/tmp/tmpuxlnt2ut/processed/2_test',\n", - " '/tmp/tmpuxlnt2ut/processed/3_test',\n", - " '/tmp/tmpuxlnt2ut/processed/4_test']" + "['/tmp/tmpjd6tv6g9/processed/0_test',\n", + " '/tmp/tmpjd6tv6g9/processed/1_test',\n", + " '/tmp/tmpjd6tv6g9/processed/2_test',\n", + " '/tmp/tmpjd6tv6g9/processed/3_test',\n", + " '/tmp/tmpjd6tv6g9/processed/4_test']" ] }, - "execution_count": 11, + "execution_count": 23, "metadata": {}, "output_type": "execute_result" } @@ -338,7 +404,7 @@ }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 24, "metadata": { "scrolled": true }, @@ -356,7 +422,7 @@ }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 25, "metadata": {}, "outputs": [ { @@ -372,7 +438,7 @@ "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" ] }, - "execution_count": 13, + "execution_count": 25, "metadata": {}, "output_type": "execute_result" } @@ -386,7 +452,7 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 26, "metadata": {}, "outputs": [ { @@ -395,7 +461,7 @@ "[0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]" ] }, - "execution_count": 14, + "execution_count": 26, "metadata": {}, "output_type": "execute_result" } @@ -413,7 +479,7 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 27, "metadata": {}, "outputs": [], "source": [ @@ -426,7 +492,7 @@ }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 28, "metadata": {}, "outputs": [], "source": [ @@ -458,7 +524,7 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": 29, "metadata": {}, "outputs": [], "source": [ @@ -494,7 +560,7 @@ }, { "cell_type": "code", - "execution_count": 18, + "execution_count": 30, "metadata": { "scrolled": true }, @@ -503,13 +569,13 @@ "name": "stderr", "output_type": "stream", "text": [ - "I0102 20:06:55.259691 140102298445632 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json not found in cache or force_download set to True, downloading to /tmp/tmpn46snkz4\n", - "100%|██████████| 492/492 [00:00<00:00, 471895.17B/s]\n", - "I0102 20:06:55.424619 140102298445632 file_utils.py:334] copying /tmp/tmpn46snkz4 to cache at /tmp/tmp1qv4vo8c/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I0102 20:06:55.425951 140102298445632 file_utils.py:338] creating metadata file for /tmp/tmp1qv4vo8c/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I0102 20:06:55.428005 140102298445632 file_utils.py:347] removing temp file /tmp/tmpn46snkz4\n", - "I0102 20:06:55.428821 140102298445632 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmp1qv4vo8c/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I0102 20:06:55.429883 140102298445632 configuration_utils.py:174] Model config {\n", + "I0103 05:31:28.485541 140060135520064 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json not found in cache or force_download set to True, downloading to /tmp/tmp8gqb629n\n", + "100%|██████████| 492/492 [00:00<00:00, 636323.64B/s]\n", + "I0103 05:31:28.695636 140060135520064 file_utils.py:334] copying /tmp/tmp8gqb629n to cache at /tmp/tmp_b2wqaou/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I0103 05:31:28.696582 140060135520064 file_utils.py:338] creating metadata file for /tmp/tmp_b2wqaou/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I0103 05:31:28.698467 140060135520064 file_utils.py:347] removing temp file /tmp/tmp8gqb629n\n", + "I0103 05:31:28.699253 140060135520064 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmp_b2wqaou/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I0103 05:31:28.700302 140060135520064 configuration_utils.py:174] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -535,14 +601,14 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I0102 20:06:55.570819 140102298445632 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin not found in cache or force_download set to True, downloading to /tmp/tmpyvpfxy6_\n", - "100%|██████████| 267967963/267967963 [00:04<00:00, 63652700.83B/s]\n", - "I0102 20:06:59.994076 140102298445632 file_utils.py:334] copying /tmp/tmpyvpfxy6_ to cache at /tmp/tmp1qv4vo8c/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I0102 20:07:00.291755 140102298445632 file_utils.py:338] creating metadata file for /tmp/tmp1qv4vo8c/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I0102 20:07:00.292996 140102298445632 file_utils.py:347] removing temp file /tmp/tmpyvpfxy6_\n", - "I0102 20:07:00.331156 140102298445632 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmp1qv4vo8c/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", - "I0102 20:07:01.577537 140102298445632 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmp1qv4vo8c/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", - "I0102 20:07:01.578997 140102298445632 configuration_utils.py:174] Model config {\n", + "I0103 05:31:28.885815 140060135520064 file_utils.py:319] https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin not found in cache or force_download set to True, downloading to /tmp/tmphcww33pn\n", + "100%|██████████| 267967963/267967963 [00:04<00:00, 60450116.33B/s]\n", + "I0103 05:31:33.496938 140060135520064 file_utils.py:334] copying /tmp/tmphcww33pn to cache at /tmp/tmp_b2wqaou/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I0103 05:31:33.775700 140060135520064 file_utils.py:338] creating metadata file for /tmp/tmp_b2wqaou/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I0103 05:31:33.776955 140060135520064 file_utils.py:347] removing temp file /tmp/tmphcww33pn\n", + "I0103 05:31:33.813161 140060135520064 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmp_b2wqaou/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n", + "I0103 05:31:35.263193 140060135520064 configuration_utils.py:157] loading configuration file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-config.json from cache at /tmp/tmp_b2wqaou/a41e817d5c0743e29e86ff85edc8c257e61bc8d88e4271bb1b243b6e7614c633.1ccd1a11c9ff276830e114ea477ea2407100f4a3be7bdc45d37be9e37fa71c7e\n", + "I0103 05:31:35.264739 140060135520064 configuration_utils.py:174] Model config {\n", " \"activation\": \"gelu\",\n", " \"attention_dropout\": 0.1,\n", " \"dim\": 768,\n", @@ -568,7 +634,7 @@ " \"vocab_size\": 30522\n", "}\n", "\n", - "I0102 20:07:01.719105 140102298445632 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmp1qv4vo8c/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" + "I0103 05:31:35.406462 140060135520064 modeling_utils.py:393] loading weights file https://s3.amazonaws.com/models.huggingface.co/bert/distilbert-base-uncased-pytorch_model.bin from cache at /tmp/tmp_b2wqaou/7b8a8f0b21c4e7f6962451c9370a5d9af90372a5f64637a251f2de154d0fc72c.c2015533705b9dff680ae707e205a35e2860e8d148b45d35085419d74fe57ac5\n" ] } ], @@ -578,7 +644,7 @@ }, { "cell_type": "code", - "execution_count": 19, + "execution_count": 31, "metadata": {}, "outputs": [], "source": [ @@ -588,7 +654,7 @@ }, { "cell_type": "code", - "execution_count": 20, + "execution_count": 32, "metadata": { "scrolled": true }, @@ -605,16 +671,16 @@ "name": "stdout", "output_type": "stream", "text": [ - "loss: 10.384844, time: 46.799643, number of examples in current step: 5, step 100 out of total 1000\n", - "loss: 9.859121, time: 37.144620, number of examples in current step: 5, step 200 out of total 1000\n", - "loss: 9.851387, time: 37.067289, number of examples in current step: 5, step 300 out of total 1000\n", - "loss: 9.758179, time: 36.995299, number of examples in current step: 5, step 400 out of total 1000\n", - "loss: 9.551205, time: 36.930504, number of examples in current step: 5, step 500 out of total 1000\n", - "loss: 9.487953, time: 52.947565, number of examples in current step: 5, step 600 out of total 1000\n", - "loss: 9.285176, time: 72.845812, number of examples in current step: 5, step 700 out of total 1000\n", - "loss: 8.826141, time: 74.421363, number of examples in current step: 5, step 800 out of total 1000\n", - "loss: 8.354200, time: 72.803257, number of examples in current step: 5, step 900 out of total 1000\n", - "loss: 7.616000, time: 68.646178, number of examples in current step: 5, step 1000 out of total 1000\n" + "loss: 10.797444, time: 48.076998, number of examples in current step: 5, step 100 out of total 1000\n", + "loss: 10.033221, time: 36.946141, number of examples in current step: 5, step 200 out of total 1000\n", + "loss: 9.813506, time: 37.003569, number of examples in current step: 5, step 300 out of total 1000\n", + "loss: 9.743949, time: 36.684293, number of examples in current step: 5, step 400 out of total 1000\n", + "loss: 9.624907, time: 36.727618, number of examples in current step: 5, step 500 out of total 1000\n", + "loss: 9.359334, time: 36.721974, number of examples in current step: 5, step 600 out of total 1000\n", + "loss: 8.998051, time: 36.738466, number of examples in current step: 6, step 700 out of total 1000\n", + "loss: 8.392073, time: 36.622983, number of examples in current step: 5, step 800 out of total 1000\n", + "loss: 7.814545, time: 36.219987, number of examples in current step: 5, step 900 out of total 1000\n", + "loss: 6.793788, time: 36.647171, number of examples in current step: 5, step 1000 out of total 1000\n" ] } ], @@ -624,7 +690,7 @@ " num_gpus=NUM_GPUS,\n", " gradient_accumulation_steps=2,\n", " max_steps=MAX_STEPS,\n", - " lr=LEARNING_RATE,\n", + " learning_rate=LEARNING_RATE,\n", " warmup_steps=WARMUP_STEPS,\n", " verbose=True,\n", " report_every=REPORT_EVERY,\n", @@ -634,14 +700,14 @@ }, { "cell_type": "code", - "execution_count": 21, + "execution_count": 33, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "I0102 20:16:03.316942 140102298445632 extractive_summarization.py:511] Saving model checkpoint to /tmp/tmp1qv4vo8c/fine_tuned/extsum_modelname_distilbert-base-uncased_usepreprocessFalse_steps_1000.0.pt\n" + "I0103 05:38:19.590131 140060135520064 extractive_summarization.py:729] Saving model checkpoint to /tmp/tmp_b2wqaou/fine_tuned/extsum_modelname_distilbert-base-uncased_usepreprocessFalse_steps_1000.0.pt\n" ] } ], @@ -680,7 +746,7 @@ }, { "cell_type": "code", - "execution_count": 23, + "execution_count": 34, "metadata": {}, "outputs": [], "source": [ @@ -689,7 +755,7 @@ }, { "cell_type": "code", - "execution_count": 24, + "execution_count": 35, "metadata": {}, "outputs": [ { @@ -698,7 +764,7 @@ "1000" ] }, - "execution_count": 24, + "execution_count": 35, "metadata": {}, "output_type": "execute_result" } @@ -709,7 +775,7 @@ }, { "cell_type": "code", - "execution_count": 25, + "execution_count": 36, "metadata": {}, "outputs": [ { @@ -718,7 +784,7 @@ "dict_keys(['src', 'labels', 'segs', 'clss', 'src_txt', 'tgt_txt'])" ] }, - "execution_count": 25, + "execution_count": 36, "metadata": {}, "output_type": "execute_result" } @@ -729,22 +795,22 @@ }, { "cell_type": "code", - "execution_count": 26, + "execution_count": 37, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "Evaluating: 100%|██████████| 8/8 [00:04<00:00, 1.70it/s]" + "Evaluating: 100%|██████████| 8/8 [00:03<00:00, 2.71it/s]" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "CPU times: user 22 s, sys: 18.7 s, total: 40.7 s\n", - "Wall time: 4.94 s\n" + "CPU times: user 21.6 s, sys: 19.4 s, total: 41.1 s\n", + "Wall time: 3.14 s\n" ] }, { @@ -762,7 +828,7 @@ }, { "cell_type": "code", - "execution_count": 27, + "execution_count": 38, "metadata": {}, "outputs": [ { @@ -771,7 +837,7 @@ "1000" ] }, - "execution_count": 27, + "execution_count": 38, "metadata": {}, "output_type": "execute_result" } @@ -782,7 +848,7 @@ }, { "cell_type": "code", - "execution_count": 36, + "execution_count": 39, "metadata": {}, "outputs": [], "source": [ @@ -791,21 +857,9 @@ }, { "cell_type": "code", - "execution_count": 39, + "execution_count": 40, "metadata": {}, "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2020-01-02 21:03:55,680 [MainThread ] [INFO ] Writing summaries.\n", - "I0102 21:03:55.680084 140102298445632 pyrouge.py:525] Writing summaries.\n", - "2020-01-02 21:03:55,681 [MainThread ] [INFO ] Processing summaries. Saving system files to /tmp/tmpdnb1jyw4/tmp4x6_jf38/system and model files to /tmp/tmpdnb1jyw4/tmp4x6_jf38/model.\n", - "I0102 21:03:55.681722 140102298445632 pyrouge.py:518] Processing summaries. Saving system files to /tmp/tmpdnb1jyw4/tmp4x6_jf38/system and model files to /tmp/tmpdnb1jyw4/tmp4x6_jf38/model.\n", - "2020-01-02 21:03:55,682 [MainThread ] [INFO ] Processing files in /tmp/tmpdnb1jyw4/rouge-tmp-2020-01-02-21-03-55/candidate/.\n", - "I0102 21:03:55.682688 140102298445632 pyrouge.py:43] Processing files in /tmp/tmpdnb1jyw4/rouge-tmp-2020-01-02-21-03-55/candidate/.\n" - ] - }, { "name": "stdout", "output_type": "stream", @@ -818,16 +872,22 @@ "name": "stderr", "output_type": "stream", "text": [ - "2020-01-02 21:03:55,784 [MainThread ] [INFO ] Saved processed files to /tmp/tmpdnb1jyw4/tmp4x6_jf38/system.\n", - "I0102 21:03:55.784978 140102298445632 pyrouge.py:53] Saved processed files to /tmp/tmpdnb1jyw4/tmp4x6_jf38/system.\n", - "2020-01-02 21:03:55,786 [MainThread ] [INFO ] Processing files in /tmp/tmpdnb1jyw4/rouge-tmp-2020-01-02-21-03-55/reference/.\n", - "I0102 21:03:55.786149 140102298445632 pyrouge.py:43] Processing files in /tmp/tmpdnb1jyw4/rouge-tmp-2020-01-02-21-03-55/reference/.\n", - "2020-01-02 21:03:55,878 [MainThread ] [INFO ] Saved processed files to /tmp/tmpdnb1jyw4/tmp4x6_jf38/model.\n", - "I0102 21:03:55.878035 140102298445632 pyrouge.py:53] Saved processed files to /tmp/tmpdnb1jyw4/tmp4x6_jf38/model.\n", - "2020-01-02 21:03:55,886 [MainThread ] [INFO ] Written ROUGE configuration to /tmp/tmpdnb1jyw4/tmprer20ezw/rouge_conf.xml\n", - "I0102 21:03:55.886280 140102298445632 pyrouge.py:354] Written ROUGE configuration to /tmp/tmpdnb1jyw4/tmprer20ezw/rouge_conf.xml\n", - "2020-01-02 21:03:55,887 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /tmp/tmpdnb1jyw4/tmprer20ezw/rouge_conf.xml\n", - "I0102 21:03:55.887276 140102298445632 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /tmp/tmpdnb1jyw4/tmprer20ezw/rouge_conf.xml\n" + "2020-01-03 05:38:27,106 [MainThread ] [INFO ] Writing summaries.\n", + "I0103 05:38:27.106614 140060135520064 pyrouge.py:525] Writing summaries.\n", + "2020-01-03 05:38:27,108 [MainThread ] [INFO ] Processing summaries. Saving system files to /tmp/tmp46h_l87z/tmpemn2roi7/system and model files to /tmp/tmp46h_l87z/tmpemn2roi7/model.\n", + "I0103 05:38:27.108142 140060135520064 pyrouge.py:518] Processing summaries. Saving system files to /tmp/tmp46h_l87z/tmpemn2roi7/system and model files to /tmp/tmp46h_l87z/tmpemn2roi7/model.\n", + "2020-01-03 05:38:27,109 [MainThread ] [INFO ] Processing files in /tmp/tmp46h_l87z/rouge-tmp-2020-01-03-05-38-26/candidate/.\n", + "I0103 05:38:27.109484 140060135520064 pyrouge.py:43] Processing files in /tmp/tmp46h_l87z/rouge-tmp-2020-01-03-05-38-26/candidate/.\n", + "2020-01-03 05:38:27,208 [MainThread ] [INFO ] Saved processed files to /tmp/tmp46h_l87z/tmpemn2roi7/system.\n", + "I0103 05:38:27.208842 140060135520064 pyrouge.py:53] Saved processed files to /tmp/tmp46h_l87z/tmpemn2roi7/system.\n", + "2020-01-03 05:38:27,209 [MainThread ] [INFO ] Processing files in /tmp/tmp46h_l87z/rouge-tmp-2020-01-03-05-38-26/reference/.\n", + "I0103 05:38:27.209856 140060135520064 pyrouge.py:43] Processing files in /tmp/tmp46h_l87z/rouge-tmp-2020-01-03-05-38-26/reference/.\n", + "2020-01-03 05:38:27,303 [MainThread ] [INFO ] Saved processed files to /tmp/tmp46h_l87z/tmpemn2roi7/model.\n", + "I0103 05:38:27.303928 140060135520064 pyrouge.py:53] Saved processed files to /tmp/tmp46h_l87z/tmpemn2roi7/model.\n", + "2020-01-03 05:38:27,312 [MainThread ] [INFO ] Written ROUGE configuration to /tmp/tmp46h_l87z/tmpba4xinuf/rouge_conf.xml\n", + "I0103 05:38:27.312163 140060135520064 pyrouge.py:354] Written ROUGE configuration to /tmp/tmp46h_l87z/tmpba4xinuf/rouge_conf.xml\n", + "2020-01-03 05:38:27,313 [MainThread ] [INFO ] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /tmp/tmp46h_l87z/tmpba4xinuf/rouge_conf.xml\n", + "I0103 05:38:27.313121 140060135520064 pyrouge.py:372] Running ROUGE with command /dadendev/pyrouge/tools/ROUGE-1.5.5/ROUGE-1.5.5.pl -e /dadendev/pyrouge/tools/ROUGE-1.5.5/data -c 95 -m -r 1000 -n 2 -a /tmp/tmp46h_l87z/tmpba4xinuf/rouge_conf.xml\n" ] }, { @@ -835,17 +895,17 @@ "output_type": "stream", "text": [ "---------------------------------------------\n", - "1 ROUGE-1 Average_R: 0.51159 (95%-conf.int. 0.50011 - 0.52318)\n", - "1 ROUGE-1 Average_P: 0.23576 (95%-conf.int. 0.22985 - 0.24191)\n", - "1 ROUGE-1 Average_F: 0.31410 (95%-conf.int. 0.30714 - 0.32136)\n", + "1 ROUGE-1 Average_R: 0.43558 (95%-conf.int. 0.42501 - 0.44611)\n", + "1 ROUGE-1 Average_P: 0.21518 (95%-conf.int. 0.20966 - 0.22085)\n", + "1 ROUGE-1 Average_F: 0.27915 (95%-conf.int. 0.27249 - 0.28550)\n", "---------------------------------------------\n", - "1 ROUGE-2 Average_R: 0.20788 (95%-conf.int. 0.19771 - 0.21827)\n", - "1 ROUGE-2 Average_P: 0.09285 (95%-conf.int. 0.08805 - 0.09798)\n", - "1 ROUGE-2 Average_F: 0.12491 (95%-conf.int. 0.11882 - 0.13137)\n", + "1 ROUGE-2 Average_R: 0.15229 (95%-conf.int. 0.14301 - 0.16166)\n", + "1 ROUGE-2 Average_P: 0.07242 (95%-conf.int. 0.06794 - 0.07666)\n", + "1 ROUGE-2 Average_F: 0.09525 (95%-conf.int. 0.08952 - 0.10088)\n", "---------------------------------------------\n", - "1 ROUGE-L Average_R: 0.45564 (95%-conf.int. 0.44490 - 0.46709)\n", - "1 ROUGE-L Average_P: 0.20972 (95%-conf.int. 0.20411 - 0.21576)\n", - "1 ROUGE-L Average_F: 0.27953 (95%-conf.int. 0.27326 - 0.28649)\n", + "1 ROUGE-L Average_R: 0.38633 (95%-conf.int. 0.37639 - 0.39645)\n", + "1 ROUGE-L Average_P: 0.19072 (95%-conf.int. 0.18537 - 0.19600)\n", + "1 ROUGE-L Average_F: 0.24743 (95%-conf.int. 0.24093 - 0.25324)\n", "\n" ] } @@ -856,7 +916,7 @@ }, { "cell_type": "code", - "execution_count": 30, + "execution_count": 41, "metadata": {}, "outputs": [ { @@ -865,7 +925,7 @@ "'marseille prosecutor says `` so far no videos were used in the crash investigation `` despite media reports .journalists at bild and paris match are `` very confident `` the video clip is real , an editor says .andreas lubitz had informed his lufthansa training school of an episode of severe depression , airline says .'" ] }, - "execution_count": 30, + "execution_count": 41, "metadata": {}, "output_type": "execute_result" } @@ -876,16 +936,16 @@ }, { "cell_type": "code", - "execution_count": 31, + "execution_count": 42, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "'marseille , france ( cnn ) the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .all 150 on board were killed .marseille prosecutor brice robin told cnn that `` so far no videos were used in the crash investigation . ``'" + "'marseille , france ( cnn ) the french prosecutor leading an investigation into the crash of germanwings flight 9525 insisted wednesday that he was not aware of any video footage from on board the plane .marseille prosecutor brice robin told cnn that `` so far no videos were used in the crash investigation . ``the two publications described the supposed video , but did not post it on their websites .'" ] }, - "execution_count": 31, + "execution_count": 42, "metadata": {}, "output_type": "execute_result" } @@ -896,8 +956,10 @@ }, { "cell_type": "code", - "execution_count": 32, - "metadata": {}, + "execution_count": 43, + "metadata": { + "scrolled": true + }, "outputs": [ { "data": { @@ -954,7 +1016,7 @@ " \"cnn 's frederik pleitgen , pamela boykoff , antonia mortensen , sandrine amiel and anna-maja rappard contributed to this report .\"]" ] }, - "execution_count": 32, + "execution_count": 43, "metadata": {}, "output_type": "execute_result" } @@ -965,13 +1027,13 @@ }, { "cell_type": "code", - "execution_count": 34, + "execution_count": 44, "metadata": {}, "outputs": [ { "data": { "application/scrapbook.scrap.json+json": { - "data": 0.12491, + "data": 0.09525, "encoder": "json", "name": "rouge_2_f_score", "version": 1 diff --git a/tests/integration/test_notebooks_extractive_summarization.py b/tests/integration/test_notebooks_extractive_summarization.py new file mode 100644 index 000000000..a39ab0c1d --- /dev/null +++ b/tests/integration/test_notebooks_extractive_summarization.py @@ -0,0 +1,43 @@ +# Copyright (c) Microsoft Corporation. All rights reserved. +# Licensed under the MIT License. + +import os +import json +import shutil +import pytest +import papermill as pm +import scrapbook as sb +from tests.notebooks_common import OUTPUT_NOTEBOOK, KERNEL_NAME + + +ABS_TOL = 0.02 + + +@pytest.mark.gpu +@pytest.mark.integration +def test_extractive_summarization_cnndm_transformers(notebooks, tmp): + notebook_path = notebooks["extractive_summarization_cnndm_transformer"] + pm.execute_notebook( + notebook_path, + OUTPUT_NOTEBOOK, + kernel_name=KERNEL_NAME, + parameters=dict( + QUICK_RUN=True, + TOP_N=1000, + CHUNK_SIZE=200, + USE_PREPROCESSED_DATA=False, + NUM_GPUS=1, + DATA_FOLDER=tmp, + CACHE_DIR=tmp, + BATCH_SIZE=3000, + REPORT_EVERY=50, + MAX_STEPS=1e3, + WARMUP_STEPS=5e2, + MODEL_NAME="distilbert-base-uncased", + ), + ) + result = sb.read_notebook(OUTPUT_NOTEBOOK).scraps.data_dict + print(result) + assert pytest.approx(result["rouge_2_f_score"], 0.1, abs=ABS_TOL) + + diff --git a/utils_nlp/dataset/cnndm.py b/utils_nlp/dataset/cnndm.py index 50564d14d..99d486671 100644 --- a/utils_nlp/dataset/cnndm.py +++ b/utils_nlp/dataset/cnndm.py @@ -1,4 +1,4 @@ -# Copyright (c) Microsoft Corporation. All rights reserved. +# Copyright (c) Microsoft Corporation. # Licensed under the MIT License. # This script reuses some code from https://github.com/nlpyang/BertSum @@ -32,7 +32,8 @@ def CNNDMSummarizationDataset(*args, **kwargs): - + """Load the CNN/Daily Mail dataset preprocessed by harvardnlp group.""" + REMAP = {"-lrb-": "(", "-rrb-": ")", "-lcb-": "{", "-rcb-": "}", "-lsb-": "[", "-rsb-": "]", "``": '"', "''": '"'} @@ -95,6 +96,10 @@ def _setup_datasets(url, top_n=-1, local_cache_path=".data"): class CNNDMBertSumProcessedData: + """Class to load dataset preprocessed by BertSum paper at + https://github.com/nlpyang/BertSum + """ + @staticmethod def download(local_path=".data"): file_name = "bertsum_data.zip" @@ -112,4 +117,4 @@ def download(local_path=".data"): downloaded_zipfile.extractall(local_path) return local_path - \ No newline at end of file + diff --git a/utils_nlp/models/transformers/datasets.py b/utils_nlp/models/transformers/datasets.py index 1586bcaf3..e7902f8a8 100644 --- a/utils_nlp/models/transformers/datasets.py +++ b/utils_nlp/models/transformers/datasets.py @@ -227,7 +227,10 @@ def _preprocess(param): Helper function to preprocess a list of paragraphs. Args: - param (Tuple): params are tuple of (a list of strings, a list of preprocessing functions, and function to tokenize setences into words). A paragraph is represented with a single string with multiple setnences. + param (Tuple): params are tuple of (a list of strings, + a list of preprocessing functions, and function to tokenize + setences into words). A paragraph is represented with a + single string with multiple setnences. Returns: list of list of strings, where each string is a token or word. @@ -239,16 +242,10 @@ def _preprocess(param): return [word_tokenize(sentence) for sentence in sentences] def _create_data_from_iterator(iterator, preprocessing, word_tokenizer): - # data = [] - # for line in iterator: - # data.append(preprocess((line, preprocessing, word_tokenizer))) - # return data for line in iterator: yield _preprocess((line, preprocessing, word_tokenizer)) - - class SummarizationDataset(IterableDataset): def __init__( @@ -261,9 +258,28 @@ def __init__( top_n=-1, **kwargs, ): - """ create a summarization dataset instance given the paths of source file and target file""" + """ + Create a summarization dataset instance given the + paths of the source file and the target file + + Args: + source_file (str): Full path of the file which contains a list of + the paragraphs with line break as seperator + target_file (str): Full path of the file which contains a list of + the summaries for the paragraphs in the source file with line break as seperator. + source_preprocessing (list of functions): A list of preprocessing functions + to process the paragraphs in the source file. + target_preprocessing (list of functions): A list of preprocessing functions to + process the paragraphs in the source file. + word_tokenization (function): Tokenization function for tokenize the paragraphs + and summaries. The tokenization method is used for sentence selection + in :meth:`utils_nlp.models.transformers.extractive_summarization.ExtSumProcessor.preprocess` + top_n (int, optional): The number which specifies how many examples in the + beginning of the paragraph and summary lists that will be processed by this function. + Defaults to -1, which means the whole lists of paragraphs and summaries should be procsssed. + """ + - #super(SummarizationDataset, self).__init__() source_iter = _line_iter(source_file) target_iter = _line_iter(target_file) diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index a87c096ba..65289276d 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -1,4 +1,4 @@ -# Copyright (c) Microsoft Corporation. All rights reserved. +# Copyright (c) Microsoft Corporation. # Licensed under the MIT License. # This script reuses some code from https://github.com/nlpyang/BertSum @@ -54,79 +54,29 @@ def get_dataloader(data_iter, shuffle=True, is_labeled=False, batch_size=3000): return data_loader.Dataloader(data_iter, batch_size, shuffle=shuffle, is_labeled=is_labeled) -class TransformerSumData(): - def __init__(self, args, tokenizer): - self.args = args - self.tokenizer = tokenizer - self.sep_vid = self.tokenizer.vocab['[SEP]'] - self.cls_vid = self.tokenizer.vocab['[CLS]'] - self.pad_vid = self.tokenizer.vocab['[PAD]'] - - - def preprocess(self, src, tgt=None, oracle_ids=None): - - if (len(src) == 0): - return None - - original_src_txt = [' '.join(s) for s in src] - - labels = None - if oracle_ids is not None and tgt is not None: - labels = [0] * len(src) - for l in oracle_ids: - labels[l] = 1 - - idxs = [i for i, s in enumerate(src) if (len(s) > self.args.min_src_ntokens)] - - src = [src[i][:self.args.max_src_ntokens] for i in idxs] - src = src[:self.args.max_nsents] - if labels: - labels = [labels[i] for i in idxs] - labels = labels[:self.args.max_nsents] - - if (len(src) < self.args.min_nsents): - return None - if labels: - if (len(labels) == 0): - return None - - src_txt = [' '.join(sent) for sent in src] - # text = [' '.join(ex['src_txt'][i].split()[:self.args.max_src_ntokens]) for i in idxs] - # text = [_clean(t) for t in text] - text = ' [SEP] [CLS] '.join(src_txt) - src_subtokens = self.tokenizer.tokenize(text) - src_subtokens = src_subtokens[:510] - src_subtokens = ['[CLS]'] + src_subtokens + ['[SEP]'] - - src_subtoken_idxs = self.tokenizer.convert_tokens_to_ids(src_subtokens) - _segs = [-1] + [i for i, t in enumerate(src_subtoken_idxs) if t == self.sep_vid] - segs = [_segs[i] - _segs[i - 1] for i in range(1, len(_segs))] - segments_ids = [] - for i, s in enumerate(segs): - if (i % 2 == 0): - segments_ids += s * [0] - else: - segments_ids += s * [1] - cls_ids = [i for i, t in enumerate(src_subtoken_idxs) if t == self.cls_vid] - if labels: - labels = labels[:len(cls_ids)] - - tgt_txt = None - if tgt: - tgt_txt = ''.join([' '.join(tt) for tt in tgt]) - src_txt = [original_src_txt[i] for i in idxs] - return src_subtoken_idxs, labels, segments_ids, cls_ids, src_txt, tgt_txt def get_dataset(file): yield torch.load(file) class ExmSumProcessedIterableDataset(IterableDataset): + """Iterable dataset for extractive summarization preprocessed data + """ def __init__(self, file_list, is_shuffle=False): + """ Initiation function for iterable dataset for extractive summarization preprocessed data. + + Args: + file_list (list of strings): List of files that the dataset is loaded from. + is_shuffle (bool, optional): A boolean value specifies whether the list of files is shuffled + when the dataset is loaded. Defaults to False. + """ + self.file_list = file_list self.is_shuffle = is_shuffle def get_stream(self): + """ get a stream of cycled data from the dataset""" + if self.is_shuffle: return itertools.chain.from_iterable(map(get_dataset, itertools.cycle(self.file_list))) else: @@ -136,8 +86,18 @@ def __iter__(self): return self.get_stream() class ExmSumProcessedDataset(Dataset): + """Dataset for extractive summarization preprocessed data + """ def __init__(self, file_list, is_shuffle=False): + """ Initiation function for dataset for extractive summarization preprocessed data. + + Args: + file_list (list of strings): List of files that the dataset is loaded from. + is_shuffle (bool, optional): A boolean value specifies whether the list of files is shuffled + when the dataset is loaded. Defaults to False. + """ + self.file_list = file_list if is_shuffle: random.shuffle(file_list) @@ -153,6 +113,24 @@ def __getitem__(self, idx): def get_pred(example, sent_scores, cal_lead=False, sentence_seperator='', block_trigram=True, top_n=3): + """ + get the summarization prediction for the paragraph example based on the scores returned by the transformer summarization model. + + Args: + example (str): The object with "src_txt" field as the paragraph which requries summarization. + The "src_txt" is a list of strings. + sent_scores (list of floats): List of scores of how likely of the sentence is included in the summary. + cal_lead (bool, optional): Boolean value which specifies whether the prediction uses + the first few sentences as summary. Defaults to False + sentence_seperator (str, optional): Seperator used in the generated summary. Defaults to ''. + block_trigram (bool, optional): Boolean value which specifies whether the summary should include + any sentence that has the same trigram as the already selected sentences. Defaults to True. + top_n (int, optional): The maximum number of sentences that the summary should included. Defaults to 3. + + Returns: + A string which is the summary for the example. + """ + def _get_ngrams(n, text): ngram_set = set() text_length = len(text) @@ -200,11 +178,27 @@ def _block_tri(c, p): return pred #, target class ExtSumProcessedData: + """class loaded data preprocessed as in + :class:`utils_nlp.models.transformers.datasets.SummarizationDataset`""" + @staticmethod def save_data(data_iter, is_test=False, save_path="./", chunk_size=None): + """ Save the preprocessed data into files with specified chunk size + + Args: + data_iter (iterator): Data iterator returned from :class:`utils_nlp.models.transformers.datasets.SummarizationDataset` + is_test (bool): Boolean value which indicates whether target data is included. + If it is set True, the file name contains "test", otherwise, the file name contains "train". + Defaults to False. + save_path (str): Directory where the data should be saved. Defaults to "./". + chunk_size (int): The number of examples that should be included in each file. Defaults to None, which means only one file is used. + + Returns: + a list of strings which are the files the data is saved to. + """ os.makedirs(save_path, exist_ok=True) - def chunks(iterable, chunk_size): + def _chunks(iterable, chunk_size): iterator = filter(None, iterable) for first in iterator: if chunk_size: @@ -212,7 +206,7 @@ def chunks(iterable, chunk_size): else: yield itertools.chain([first], itertools.islice(iterator, None)) - chunks = chunks(data_iter, chunk_size) + chunks = _chunks(data_iter, chunk_size) filename_list = [] for i, chunked_data in enumerate(chunks): filename = f"{i}_test" if is_test else f"{i}_train" @@ -221,7 +215,7 @@ def chunks(iterable, chunk_size): return filename_list - def get_files(self, root): + def _get_files(self, root): train_files = [] test_files = [] files = [os.path.join(root, f) for f in os.listdir(root) if os.path.isfile(os.path.join(root, f))] @@ -235,40 +229,101 @@ def get_files(self, root): def splits(self, root): - train_files, test_files = self.get_files(root) + """Get the train and test dataset from the folder + + Args: + root (str): Directory where the data can be loaded. + + Returns: + Tuple of ExmSumProcessedIterableDataset as train dataset and ExmSumProcessedDataset as test dataset. + """ + train_files, test_files = self._get_files(root) return ExmSumProcessedIterableDataset(train_files, is_shuffle=True), ExmSumProcessedDataset(test_files, is_shuffle=False) class ExtSumProcessor: + """Class for preprocessing extractive summarization data.""" + def __init__( self, - model_name="bert-base-cased", + model_name="distilbert-base-uncased", to_lower=False, cache_dir=".", max_nsents=200, max_src_ntokens=2000, min_nsents=3, min_src_ntokens=5, - use_interval=True, ): - self.tokenizer = TOKENIZER_CLASS[model_name].from_pretrained( - model_name, do_lower_case=to_lower, cache_dir=cache_dir + """ Initialize the preprocessor. + + Args: + model_name (str, optional): Transformer model name used in preprocessing. + check MODEL_CLASS for supported models. Defaults to "bert-base-cased". + to_lower (bool, optional): Whether to convert all letters to lower case during + tokenization. This is determined by if a cased model is used. Defaults to False, + which corresponds to a cased model. + cache_dir (str, optional): Directory to cache the tokenizer. Defaults to ".". + max_nsents (int, optional): Max number of sentences that can be used as input. Defaults to 200. + max_src_ntokens (int, optional): Max number of tokens that be used as input. Defaults to 2000. + min_nsents (int, optional): Minimum number of sentences that are required as input. If the input + has less number of sentences than this value, it's skipped and cannot be used as a valid input. ' + Defaults to 3. + min_src_ntokens (int, optional): Minimum number of tokens that are required as an input sentence.If the input + sentence has less number of tokens than this value, it's skipped and cannot be used as a + valid sentence. Defaults to 5. + + """ + self.model_name = model_name + self.tokenizer = TOKENIZER_CLASS[self.model_name].from_pretrained( + self.model_name, do_lower_case=to_lower, cache_dir=cache_dir ) + self.sep_vid = self.tokenizer.vocab['[SEP]'] + self.cls_vid = self.tokenizer.vocab['[CLS]'] + self.pad_vid = self.tokenizer.vocab['[PAD]'] + + self.max_nsents = max_nsents + self.max_src_ntokens = max_src_ntokens + self.min_nsents = min_nsents + self.min_src_ntokens = min_src_ntokens + + @staticmethod + def list_supported_models(): + return list(TOKENIZER_CLASS.keys()) + + @property + def model_name(self): + return self._model_name + + @model_name.setter + def model_name(self, value): + if value not in self.list_supported_models(): + raise ValueError( + "Model name {} is not supported by ExtSumProcessor. " + "Call 'ExtSumProcessor.list_supported_models()' to get all supported model " + "names.".format(value) + ) - default_preprocessing_parameters = { - "max_nsents": max_nsents, - "max_src_ntokens": max_src_ntokens, - "min_nsents": min_nsents, - "min_src_ntokens": min_src_ntokens, - "use_interval": use_interval, - } - print(default_preprocessing_parameters) - args = Bunch(default_preprocessing_parameters) - self.processor = TransformerSumData(args, self.tokenizer) + self._model_name = value @staticmethod def get_inputs(batch, model_name, train_mode=True): + """ + Creates an input dictionary given a model name. + + Args: + batch (object): A Batch containing input ids, segment ids, sentence class ids, + masks for the input ids, masks for sentence class ids and source text. + If train_model is True, it also contains the labels and target text. + model_name (bool, optional): Model name used to format the inputs. + train_mode (bool, optional): Training mode flag. + Defaults to True. + + Returns: + dict: Dictionary containing input ids, segment ids, sentence class ids, masks for the input ids, + masks for the sentence class ids and labels. Labels are only returned when train_mode is True. + """ + if model_name.split("-")[0] in ["bert", "distilbert"]: if train_mode: # labels must be the last @@ -292,7 +347,21 @@ def get_inputs(batch, model_name, train_mode=True): raise ValueError("Model not supported: {}".format(model_name)) def preprocess(self, sources, targets=None, oracle_mode="greedy", selections=3): - """preprocess multiple data points""" + """preprocess multiple data points + + Args: + sources (list of list of strings): List of word tokenized sentences. + targets (list of list of strings, optional): List of word tokenized sentences. + Defaults to None, which means it doesn't include summary and is + not training data. + oracle_mode (str, optional): Sentence selection method. Defaults to "greedy". + selections (int, optional): The number of sentence used as summary. Defaults to 3. + + Returns: + Iterator of dictory objects containing input ids, segment ids, sentence class ids, + labels, source text and target text. If targets is None, the label and target text + are None. + """ if targets is None: for source in sources: @@ -303,14 +372,70 @@ def preprocess(self, sources, targets=None, oracle_mode="greedy", selections=3): def _preprocess_single(self, source, target=None, oracle_mode="greedy", selections=3): """preprocess single data point""" + oracle_ids = None if target is not None: if oracle_mode == "greedy": oracle_ids = greedy_selection(source, target, selections) elif oracle_mode == "combination": oracle_ids = combination_selection(source, target, selections) + + def _preprocess(src, tgt=None, oracle_ids=None): - b_data = self.processor.preprocess(source, target, oracle_ids) + if (len(src) == 0): + return None + + original_src_txt = [' '.join(s) for s in src] + + labels = None + if oracle_ids is not None and tgt is not None: + labels = [0] * len(src) + for l in oracle_ids: + labels[l] = 1 + + idxs = [i for i, s in enumerate(src) if (len(s) > self.min_src_ntokens)] + + src = [src[i][:self.max_src_ntokens] for i in idxs] + src = src[:self.max_nsents] + if labels: + labels = [labels[i] for i in idxs] + labels = labels[:self.max_nsents] + + if (len(src) < self.min_nsents): + return None + if labels: + if (len(labels) == 0): + return None + + src_txt = [' '.join(sent) for sent in src] + # text = [' '.join(ex['src_txt'][i].split()[:self.args.max_src_ntokens]) for i in idxs] + # text = [_clean(t) for t in text] + text = ' [SEP] [CLS] '.join(src_txt) + src_subtokens = self.tokenizer.tokenize(text) + src_subtokens = src_subtokens[:510] + src_subtokens = ['[CLS]'] + src_subtokens + ['[SEP]'] + + src_subtoken_idxs = self.tokenizer.convert_tokens_to_ids(src_subtokens) + _segs = [-1] + [i for i, t in enumerate(src_subtoken_idxs) if t == self.sep_vid] + segs = [_segs[i] - _segs[i - 1] for i in range(1, len(_segs))] + segments_ids = [] + for i, s in enumerate(segs): + if (i % 2 == 0): + segments_ids += s * [0] + else: + segments_ids += s * [1] + cls_ids = [i for i, t in enumerate(src_subtoken_idxs) if t == self.cls_vid] + if labels: + labels = labels[:len(cls_ids)] + + tgt_txt = None + if tgt: + tgt_txt = ''.join([' '.join(tt) for tt in tgt]) + src_txt = [original_src_txt[i] for i in idxs] + return src_subtoken_idxs, labels, segments_ids, cls_ids, src_txt, tgt_txt + + b_data = _preprocess(source, target, oracle_ids) + if b_data is None: return None indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data @@ -325,11 +450,24 @@ def _preprocess_single(self, source, target=None, oracle_mode="greedy", selectio class ExtractiveSummarizer(Transformer): + """class which performs extractive summarization fine tuning and prediction """ + def __init__(self, model_name="distilbert-base-uncased", encoder="transformer", cache_dir="."): + """Initialize a ExtractiveSummarizer. + + Args: + model_name (str, optional): Transformer model name used in preprocessing. + check MODEL_CLASS for supported models. Defaults to "distilbert-base-uncased". + encoder (str, optional): Encoder algorithm used by summarization layer. + Defaults to "transformer". + cache_dir (str, optional): Directory to cache the tokenizer. Defaults to ".". + """ + super().__init__( model_class=MODEL_CLASS, model_name=model_name, num_labels=0, cache_dir=cache_dir ) - model_class = MODEL_CLASS[model_name] + self.model_name = model_name + self.model_class = MODEL_CLASS[self.model_name] default_summarizer_layer_parameters = { "ff_size": 512, "heads": 4, @@ -342,11 +480,26 @@ def __init__(self, model_name="distilbert-base-uncased", encoder="transformer", } args = Bunch(default_summarizer_layer_parameters) - self.model = Summarizer(encoder, args, model_class, model_name, None, cache_dir) + self.model = Summarizer(encoder, args, self.model_class, self.model_name, None, cache_dir) + + @property + def model_name(self): + return self._model_name + + @model_name.setter + def model_name(self, value): + if value not in self.list_supported_models(): + raise ValueError( + "Model name {} is not supported by ExtractiveSummarizer. " + "Call 'ExtractiveSummarizer.list_supported_models()' to get all supported model " + "names.".format(value) + ) + + self._model_name = value @staticmethod def list_supported_models(): - return list(MODEL_CLASS) + return list(MODEL_CLASS.keys()) def fit( self, @@ -354,20 +507,50 @@ def fit( num_gpus=None, local_rank=-1, max_steps=5e5, + warmup_steps=1e5, + learning_rate=2e-3, optimization_method="adam", - lr=2e-3, max_grad_norm=0, beta1=0.9, beta2=0.999, decay_method="noam", - warmup_steps=1e5, - verbose=True, - seed=None, gradient_accumulation_steps=2, report_every=50, - clip_grad_norm=False, + verbose=True, + seed=None, **kwargs ): + """ + Fine-tune pre-trained transofmer models for extractive summarization. + + Args: + train_dataloader (Dataloader): Dataloader for the training data. + num_gpus (int, optional): The number of GPUs to use. If None, all available GPUs will + be used. If set to 0 or GPUs are not available, CPU device will + be used. Defaults to None. + local_rank (int, optional): Local_rank for distributed training on GPUs. Defaults to + -1, which means non-distributed training. + max_steps (int, optional): Maximum number of training steps. Defaults to 5e5. + warmup_steps (int, optional): Number of steps taken to increase learning rate from 0 + to `learning_rate`. Defaults to 1e5. + learning_rate (float, optional): Learning rate of the AdamW optimizer. Defaults to + 5e-5. + optimization_method (string, optional): Optimization method used in fine tuning. + max_grad_norm (float, optional): Maximum gradient norm for gradient clipping. + Defaults to 0. + gradient_accumulation_steps (int, optional): Number of batches to accumulate + gradients on between each model parameter update. Defaults to 1. + decay_method (string, optional): learning rate decrease method. Default to 'noam'. + report_every (int, optional): The interval by steps to print out the trainint log. + Defaults to 50. + beta1 (float, optional): The exponential decay rate for the first moment estimates. + Defaults to 0.9. + beta2 (float, optional): The exponential decay rate for the second-moment estimates. + This value should be set close to 1.0 on problems with a sparse gradient. + Defaults to 0.99. + verbose (bool, optional): Whether to print out the training log. Defaults to True. + seed (int, optional): Random seed used to improve reproducibility. Defaults to None. + """ device, num_gpus = get_device(num_gpus=num_gpus, local_rank=local_rank) @@ -381,7 +564,7 @@ def move_batch_to_device(batch, device): optimizer = model_builder.build_optim( optimization_method, - lr, + learning_rate, max_grad_norm, beta1, beta2, @@ -407,7 +590,7 @@ def move_batch_to_device(batch, device): verbose=verbose, seed=seed, report_every=report_every, - clip_grad_norm=clip_grad_norm, + clip_grad_norm=False, max_grad_norm=max_grad_norm, ) @@ -419,9 +602,31 @@ def predict( sentence_seperator="", top_n=3, block_trigram=True, - verbose=True, cal_lead=False, + verbose=True, ): + """ + Predict the summarization for the input data iterator. + + Args: + test_dataset (Dataset): Dataset for which the summary to be predicted + num_gpus (int, optional): The number of GPUs used in prediction. Defaults to 1. + batch_size (int, optional): Maximum number of tokens in each batch. Defaults to 16. + sentence_seperator (str, optional): String to be inserted between sentences in + the prediction. Defaults to ''. + top_n (int, optional): The number of sentences that should be selected from the paragraph + as summary. Defaults to 3. + block_trigram (bool, optional): voolean value which specifies whether the summary should include + any sentence that has the same trigram as the already selected sentences. Defaults to True. + top_n (int, optional): The maximum number of sentences that the summary should included. Defaults to 3. + cal_lead (bool, optional): Boolean value which specifies whether the prediction uses + the first few sentences as summary. Defaults to False. + verbose (bool, optional): Whether to print out the training log. Defaults to True. + + Returns: + List of strings which are the summaries + + """ def collate_fn(dict_list): # tuple_batch = [list(col) for col in zip(*[d.values() for d in dict_list] @@ -471,7 +676,20 @@ def predict_scores( num_gpus=1, verbose=True, ): - + """ + Scores a dataset using a fine-tuned model and a given dataloader. + + Args: + eval_dataloader (Dataloader): Dataloader for the evaluation data. + num_gpus (int, optional): The number of GPUs to use. If None, all available GPUs will + be used. If set to 0 or GPUs are not available, CPU device will be used. + Defaults to None. + verbose (bool, optional): Whether to print out the training log. Defaults to True. + + Returns + 1darray: numpy array of predicted sentence scores. + """ + device, num_gpus = get_device(num_gpus=num_gpus, local_rank=-1) if isinstance(self.model, nn.DataParallel): From 3bb008a5d914bfb506aa2b0fb4eba2ec20b27b21 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 3 Jan 2020 16:01:16 +0000 Subject: [PATCH 098/167] add CNN/DM dataset --- DatasetReferences.md | 2 ++ 1 file changed, 2 insertions(+) diff --git a/DatasetReferences.md b/DatasetReferences.md index 97b7176b3..192d34dac 100644 --- a/DatasetReferences.md +++ b/DatasetReferences.md @@ -2,6 +2,8 @@ MICROSOFT PROVIDES THE DATASETS ON AN "AS IS" BASIS. MICROSOFT MAKES NO WARRANTI The datasets are provided under the original terms that Microsoft received such datasets. See below for more information about each dataset. +### CNN/Daily Mail (CNN/DM) Dataset +The training and evaluation for CNN/DM dataset is available https://s3.amazonaws.com/opennmt-models/Summary/cnndm.tar.gz and released under MIT License. This is a processed version of data that's originally released by Hermann et al. (2015) in ["Teaching machines to read and comprehend"](https://arxiv.org/abs/1506.03340) and then made available by Kyunghyun Cho at https://cs.nyu.edu/~kcho/DMQA/. ### Microsoft Research Paraphrase Corpus >Original source: https://www.microsoft.com/en-us/download/details.aspx?id=52398 From f1cad8d9a40d359ca0f60861b3bf0e4f940e6afc Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 3 Jan 2020 16:21:40 +0000 Subject: [PATCH 099/167] add BERTSUM CNN/DM Dataset --- DatasetReferences.md | 6 +++++- 1 file changed, 5 insertions(+), 1 deletion(-) diff --git a/DatasetReferences.md b/DatasetReferences.md index 192d34dac..741417088 100644 --- a/DatasetReferences.md +++ b/DatasetReferences.md @@ -2,9 +2,13 @@ MICROSOFT PROVIDES THE DATASETS ON AN "AS IS" BASIS. MICROSOFT MAKES NO WARRANTI The datasets are provided under the original terms that Microsoft received such datasets. See below for more information about each dataset. -### CNN/Daily Mail (CNN/DM) Dataset +### CNN/Daily Mail (CNN/DM) Dataset The training and evaluation for CNN/DM dataset is available https://s3.amazonaws.com/opennmt-models/Summary/cnndm.tar.gz and released under MIT License. This is a processed version of data that's originally released by Hermann et al. (2015) in ["Teaching machines to read and comprehend"](https://arxiv.org/abs/1506.03340) and then made available by Kyunghyun Cho at https://cs.nyu.edu/~kcho/DMQA/. +### Preprocessed CNN/Daily Mail (CNN/DM) Dataset by BERTSUM +The preprocessed dataset of [CNN/DM dataset](#cnndm), originally published by BERTSUM paper ["Fine-tune BERT for Extractive Summarization"](https://arxiv.org/pdf/1903.10318.pdf), can be found at https://github.com/nlpyang/BertSum and released under Apache License 2.0. + + ### Microsoft Research Paraphrase Corpus >Original source: https://www.microsoft.com/en-us/download/details.aspx?id=52398 From 070a586c338374b1803fe3fa861715a76dc2d575 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 3 Jan 2020 16:33:46 +0000 Subject: [PATCH 100/167] add cnn/dm dataset documentation --- utils_nlp/dataset/README.md | 2 ++ 1 file changed, 2 insertions(+) diff --git a/utils_nlp/dataset/README.md b/utils_nlp/dataset/README.md index 40db2ffb6..d8089ec6a 100644 --- a/utils_nlp/dataset/README.md +++ b/utils_nlp/dataset/README.md @@ -20,6 +20,8 @@ df = load_pandas_df(DATA_FOLDER, file_split ="train", nrows = 1000) |[The Cross-Lingual NLI (XNLI) Corpus](https://www.nyu.edu/projects/bowman/xnli/)|[xnli.py](./xnli.py)| |[The STSbenchmark dataset](http://ixa2.si.ehu.es/stswiki/index.php/STSbenchmark)|[stsbenchmark.py](./stsbenchmark.py)| |[The Stanford Question Answering Dataset (SQuAD)](https://rajpurkar.github.io/SQuAD-explorer/)|[squad.py](./squad.py)| +|[CNN/Daily Mail(CNN/DM) Dataset](https://github.com/harvardnlp/sent-summary)|[cnndm.py](./cnndm.py)| +|[Preprocessed CNN/Daily Mail(CNN/DM) Dataset by [BERTSUM](https://arxiv.org/pdf/1903.10318.pdf))](https://github.com/nlpyang/BertSum)|[cnndm.py](./cnndm.py)| ## Dataset References Please see [Dataset References](../../DatasetReferences.md) for notice and information regarding datasets used. From 59f912c05b45b280aefd368990cd57516f7bba2d Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 3 Jan 2020 16:35:37 +0000 Subject: [PATCH 101/167] correct link --- utils_nlp/dataset/README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/utils_nlp/dataset/README.md b/utils_nlp/dataset/README.md index d8089ec6a..cdb03a73c 100644 --- a/utils_nlp/dataset/README.md +++ b/utils_nlp/dataset/README.md @@ -21,7 +21,7 @@ df = load_pandas_df(DATA_FOLDER, file_split ="train", nrows = 1000) |[The STSbenchmark dataset](http://ixa2.si.ehu.es/stswiki/index.php/STSbenchmark)|[stsbenchmark.py](./stsbenchmark.py)| |[The Stanford Question Answering Dataset (SQuAD)](https://rajpurkar.github.io/SQuAD-explorer/)|[squad.py](./squad.py)| |[CNN/Daily Mail(CNN/DM) Dataset](https://github.com/harvardnlp/sent-summary)|[cnndm.py](./cnndm.py)| -|[Preprocessed CNN/Daily Mail(CNN/DM) Dataset by [BERTSUM](https://arxiv.org/pdf/1903.10318.pdf))](https://github.com/nlpyang/BertSum)|[cnndm.py](./cnndm.py)| +|[Preprocessed CNN/Daily Mail(CNN/DM) Dataset by [BERTSUM](https://arxiv.org/pdf/1903.10318.pdf)](https://github.com/nlpyang/BertSum)|[cnndm.py](./cnndm.py)| ## Dataset References Please see [Dataset References](../../DatasetReferences.md) for notice and information regarding datasets used. From 121cca2282a98e43e7d97680edfb3ecc0ec54b1b Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 3 Jan 2020 16:36:58 +0000 Subject: [PATCH 102/167] correct link --- utils_nlp/dataset/README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/utils_nlp/dataset/README.md b/utils_nlp/dataset/README.md index cdb03a73c..bf055579c 100644 --- a/utils_nlp/dataset/README.md +++ b/utils_nlp/dataset/README.md @@ -21,7 +21,7 @@ df = load_pandas_df(DATA_FOLDER, file_split ="train", nrows = 1000) |[The STSbenchmark dataset](http://ixa2.si.ehu.es/stswiki/index.php/STSbenchmark)|[stsbenchmark.py](./stsbenchmark.py)| |[The Stanford Question Answering Dataset (SQuAD)](https://rajpurkar.github.io/SQuAD-explorer/)|[squad.py](./squad.py)| |[CNN/Daily Mail(CNN/DM) Dataset](https://github.com/harvardnlp/sent-summary)|[cnndm.py](./cnndm.py)| -|[Preprocessed CNN/Daily Mail(CNN/DM) Dataset by [BERTSUM](https://arxiv.org/pdf/1903.10318.pdf)](https://github.com/nlpyang/BertSum)|[cnndm.py](./cnndm.py)| +|[Preprocessed CNN/Daily Mail(CNN/DM) Dataset by (https://arxiv.org/pdf/1903.10318.pdf)](https://github.com/nlpyang/BertSum)|[cnndm.py](./cnndm.py)| ## Dataset References Please see [Dataset References](../../DatasetReferences.md) for notice and information regarding datasets used. From df97c893b1a86a05e4639d93480bd38dcf57ea87 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 3 Jan 2020 16:38:06 +0000 Subject: [PATCH 103/167] change name --- utils_nlp/dataset/README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/utils_nlp/dataset/README.md b/utils_nlp/dataset/README.md index bf055579c..bfbb040c9 100644 --- a/utils_nlp/dataset/README.md +++ b/utils_nlp/dataset/README.md @@ -21,7 +21,7 @@ df = load_pandas_df(DATA_FOLDER, file_split ="train", nrows = 1000) |[The STSbenchmark dataset](http://ixa2.si.ehu.es/stswiki/index.php/STSbenchmark)|[stsbenchmark.py](./stsbenchmark.py)| |[The Stanford Question Answering Dataset (SQuAD)](https://rajpurkar.github.io/SQuAD-explorer/)|[squad.py](./squad.py)| |[CNN/Daily Mail(CNN/DM) Dataset](https://github.com/harvardnlp/sent-summary)|[cnndm.py](./cnndm.py)| -|[Preprocessed CNN/Daily Mail(CNN/DM) Dataset by (https://arxiv.org/pdf/1903.10318.pdf)](https://github.com/nlpyang/BertSum)|[cnndm.py](./cnndm.py)| +|[Preprocessed CNN/Daily Mail(CNN/DM) Dataset for Extractive Summarization](https://github.com/nlpyang/BertSum)|[cnndm.py](./cnndm.py)| ## Dataset References Please see [Dataset References](../../DatasetReferences.md) for notice and information regarding datasets used. From d27cbda95e0d29ba195c2164b81679baac1b87c6 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Fri, 3 Jan 2020 17:10:25 +0000 Subject: [PATCH 104/167] flake8 and black format the code --- utils_nlp/models/transformers/datasets.py | 41 +-- .../transformers/extractive_summarization.py | 344 +++++++++--------- 2 files changed, 197 insertions(+), 188 deletions(-) diff --git a/utils_nlp/models/transformers/datasets.py b/utils_nlp/models/transformers/datasets.py index e7902f8a8..72ab042d1 100644 --- a/utils_nlp/models/transformers/datasets.py +++ b/utils_nlp/models/transformers/datasets.py @@ -42,7 +42,6 @@ def __getitem__(self, idx): torch.tensor(input_ids, dtype=torch.long), torch.tensor(attention_mask, dtype=torch.long), torch.tensor(token_type_ids, dtype=torch.long), - ] ) labels = self.df.iloc[idx, self.label_col] @@ -93,7 +92,9 @@ def __init__(self, df, text1_col, text2_col, label_col, transform, **transform_a def __getitem__(self, idx): input_ids, attention_mask, token_type_ids = self.transform( - self.df.iloc[idx, self.text1_col], self.df.iloc[idx, self.text2_col], **self.transform_args + self.df.iloc[idx, self.text1_col], + self.df.iloc[idx, self.text2_col], + **self.transform_args, ) if self.label_col is None: @@ -112,7 +113,6 @@ def __getitem__(self, idx): torch.tensor(attention_mask, dtype=torch.long), torch.tensor(token_type_ids, dtype=torch.long), torch.tensor(labels, dtype=torch.long), - ] ) @@ -222,14 +222,15 @@ def _line_iter(file_path): for line in fd: yield line + def _preprocess(param): """ Helper function to preprocess a list of paragraphs. Args: - param (Tuple): params are tuple of (a list of strings, - a list of preprocessing functions, and function to tokenize - setences into words). A paragraph is represented with a + param (Tuple): params are tuple of (a list of strings, + a list of preprocessing functions, and function to tokenize + setences into words). A paragraph is represented with a single string with multiple setnences. Returns: @@ -241,13 +242,13 @@ def _preprocess(param): sentences = function(sentences) return [word_tokenize(sentence) for sentence in sentences] + def _create_data_from_iterator(iterator, preprocessing, word_tokenizer): for line in iterator: yield _preprocess((line, preprocessing, word_tokenizer)) class SummarizationDataset(IterableDataset): - def __init__( self, source_file, @@ -258,28 +259,28 @@ def __init__( top_n=-1, **kwargs, ): - """ + """ Create a summarization dataset instance given the paths of the source file and the target file - Args: - source_file (str): Full path of the file which contains a list of - the paragraphs with line break as seperator - target_file (str): Full path of the file which contains a list of + Args: + source_file (str): Full path of the file which contains a list of + the paragraphs with line break as seperator. + target_file (str): Full path of the file which contains a list of the summaries for the paragraphs in the source file with line break as seperator. - source_preprocessing (list of functions): A list of preprocessing functions + source_preprocessing (list of functions): A list of preprocessing functions to process the paragraphs in the source file. target_preprocessing (list of functions): A list of preprocessing functions to process the paragraphs in the source file. - word_tokenization (function): Tokenization function for tokenize the paragraphs - and summaries. The tokenization method is used for sentence selection + word_tokenization (function): Tokenization function for tokenize the paragraphs + and summaries. The tokenization method is used for sentence selection in :meth:`utils_nlp.models.transformers.extractive_summarization.ExtSumProcessor.preprocess` - top_n (int, optional): The number which specifies how many examples in the - beginning of the paragraph and summary lists that will be processed by this function. - Defaults to -1, which means the whole lists of paragraphs and summaries should be procsssed. + top_n (int, optional): The number which specifies how many examples in the + beginning of the paragraph and summary lists that will be processed by + this function. Defaults to -1, which means the whole lists of paragraphs + and summaries should be procsssed. """ - source_iter = _line_iter(source_file) target_iter = _line_iter(target_file) @@ -301,5 +302,3 @@ def __iter__(self): def get_target(self): return self._target - - diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index 65289276d..0c4cc5b4e 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -1,28 +1,26 @@ -# Copyright (c) Microsoft Corporation. +# Copyright (c) Microsoft Corporation. # Licensed under the MIT License. # This script reuses some code from https://github.com/nlpyang/BertSum -import functools import itertools import logging import numpy as np import os import random -import time import torch import torch.nn as nn from torch.utils.data import Dataset, IterableDataset -from torch.utils.data import DataLoader, RandomSampler, SequentialSampler -from torch.utils.data.distributed import DistributedSampler +from torch.utils.data import DataLoader # , RandomSampler, SequentialSampler +# from torch.utils.data.distributed import DistributedSampler from transformers import DistilBertModel, BertModel from bertsum.models import model_builder, data_loader -from bertsum.models.data_loader import Batch, DataIterator +from bertsum.models.data_loader import Batch from bertsum.models.model_builder import Summarizer from utils_nlp.common.pytorch_utils import get_device -from utils_nlp.models.transformers.common import MAX_SEQ_LEN, TOKENIZER_CLASS, Transformer +from utils_nlp.models.transformers.common import TOKENIZER_CLASS, Transformer from utils_nlp.dataset.sentence_selection import combination_selection, greedy_selection MODEL_CLASS = {"bert-base-uncased": BertModel, "distilbert-base-uncased": DistilBertModel} @@ -46,10 +44,9 @@ def get_dataloader(data_iter, shuffle=True, is_labeled=False, batch_size=3000): shuffle (bool): whether the data is shuffled is_labeled (bool): it specifies whether the data objects are labeled data. batch_size (int): number of tokens per batch. - + Returns: DataIterator - """ return data_loader.Dataloader(data_iter, batch_size, shuffle=shuffle, is_labeled=is_labeled) @@ -57,80 +54,91 @@ def get_dataloader(data_iter, shuffle=True, is_labeled=False, batch_size=3000): def get_dataset(file): yield torch.load(file) - + + class ExmSumProcessedIterableDataset(IterableDataset): - """Iterable dataset for extractive summarization preprocessed data + """Iterable dataset for extractive summarization preprocessed data """ - + def __init__(self, file_list, is_shuffle=False): """ Initiation function for iterable dataset for extractive summarization preprocessed data. - + Args: file_list (list of strings): List of files that the dataset is loaded from. - is_shuffle (bool, optional): A boolean value specifies whether the list of files is shuffled - when the dataset is loaded. Defaults to False. + is_shuffle (bool, optional): A boolean value specifies whether the list of + files is shuffled when the dataset is loaded. Defaults to False. """ - + self.file_list = file_list self.is_shuffle = is_shuffle - + def get_stream(self): """ get a stream of cycled data from the dataset""" - + if self.is_shuffle: return itertools.chain.from_iterable(map(get_dataset, itertools.cycle(self.file_list))) else: - return itertools.chain.from_iterable(map(get_dataset, itertools.cycle(random.shuffle(self.file_list)))) - + return itertools.chain.from_iterable( + map(get_dataset, itertools.cycle(random.shuffle(self.file_list))) + ) + def __iter__(self): return self.get_stream() - + + class ExmSumProcessedDataset(Dataset): - """Dataset for extractive summarization preprocessed data + """Dataset for extractive summarization preprocessed data """ - + def __init__(self, file_list, is_shuffle=False): """ Initiation function for dataset for extractive summarization preprocessed data. - + Args: file_list (list of strings): List of files that the dataset is loaded from. - is_shuffle (bool, optional): A boolean value specifies whether the list of files is shuffled - when the dataset is loaded. Defaults to False. + is_shuffle (bool, optional): A boolean value specifies whether the list of + files is shuffled when the dataset is loaded. Defaults to False. """ - + self.file_list = file_list if is_shuffle: random.shuffle(file_list) self.data = [] for file in file_list: self.data.extend(torch.load(file)) - + def __len__(self): return len(self.data) - + def __getitem__(self, idx): return self.data[idx] - -def get_pred(example, sent_scores, cal_lead=False, sentence_seperator='', block_trigram=True, top_n=3): + +def get_pred( + example, sent_scores, cal_lead=False, sentence_seperator="", block_trigram=True, top_n=3 +): """ - get the summarization prediction for the paragraph example based on the scores returned by the transformer summarization model. - + Get the summarization prediction for the paragraph example based on the scores + returned by the transformer summarization model. + Args: - example (str): The object with "src_txt" field as the paragraph which requries summarization. - The "src_txt" is a list of strings. - sent_scores (list of floats): List of scores of how likely of the sentence is included in the summary. - cal_lead (bool, optional): Boolean value which specifies whether the prediction uses + example (str): The object with "src_txt" field as the paragraph which requries + summarization. The "src_txt" is a list of strings. + sent_scores (list of floats): List of scores of how likely of the sentence is + included in the summary. + cal_lead (bool, optional): Boolean value which specifies whether the prediction uses the first few sentences as summary. Defaults to False - sentence_seperator (str, optional): Seperator used in the generated summary. Defaults to ''. - block_trigram (bool, optional): Boolean value which specifies whether the summary should include - any sentence that has the same trigram as the already selected sentences. Defaults to True. - top_n (int, optional): The maximum number of sentences that the summary should included. Defaults to 3. - + sentence_seperator (str, optional): Seperator used in the generated summary. + Defaults to ''. + block_trigram (bool, optional): Boolean value which specifies whether the + summary should include any sentence that has the same trigram as the + already selected sentences. Defaults to True. + top_n (int, optional): The maximum number of sentences that the summary + should included. Defaults to 3. + Returns: A string which is the summary for the example. """ - + def _get_ngrams(n, text): ngram_set = set() text_length = len(text) @@ -148,19 +156,19 @@ def _block_tri(c, p): return False selected_ids = np.argsort(-sent_scores) - #selected_ids = np.argsort(-sent_scores, 1) + # selected_ids = np.argsort(-sent_scores, 1) if cal_lead: - selected_ids = range(len(example['clss'])) + selected_ids = range(len(example["clss"])) pred = [] - #target = [] - #for i, idx in enumerate(selected_ids): + # target = [] + # for i, idx in enumerate(selected_ids): _pred = [] - if len(example['src_txt']) == 0: + if len(example["src_txt"]) == 0: pred.append("") - for j in selected_ids[: len(example['src_txt'])]: - if j >= len(example['src_txt']): + for j in selected_ids[: len(example["src_txt"])]: + if j >= len(example["src_txt"]): continue - candidate = example['src_txt'][j].strip() + candidate = example["src_txt"][j].strip() if block_trigram: if not _block_tri(candidate, _pred): _pred.append(candidate) @@ -174,32 +182,35 @@ def _block_tri(c, p): # _pred = ''.join(_pred) _pred = sentence_seperator.join(_pred) pred.append(_pred.strip()) - #target.append(example['tgt_txt']) - return pred #, target + # target.append(example['tgt_txt']) + return pred # , target + class ExtSumProcessedData: - """class loaded data preprocessed as in + """class loaded data preprocessed as in :class:`utils_nlp.models.transformers.datasets.SummarizationDataset`""" - + @staticmethod def save_data(data_iter, is_test=False, save_path="./", chunk_size=None): - """ Save the preprocessed data into files with specified chunk size - + """ Save the preprocessed data into files with specified chunk size + Args: - data_iter (iterator): Data iterator returned from :class:`utils_nlp.models.transformers.datasets.SummarizationDataset` - is_test (bool): Boolean value which indicates whether target data is included. - If it is set True, the file name contains "test", otherwise, the file name contains "train". - Defaults to False. + data_iter (iterator): Data iterator returned from + :class:`utils_nlp.models.transformers.datasets.SummarizationDataset` + is_test (bool): Boolean value which indicates whether target data is included. + If it is set True, the file name contains "test", otherwise, + the file name contains "train". Defaults to False. save_path (str): Directory where the data should be saved. Defaults to "./". - chunk_size (int): The number of examples that should be included in each file. Defaults to None, which means only one file is used. - + chunk_size (int): The number of examples that should be included in each file. + Defaults to None, which means only one file is used. + Returns: a list of strings which are the files the data is saved to. """ os.makedirs(save_path, exist_ok=True) def _chunks(iterable, chunk_size): - iterator = filter(None, iterable) + iterator = filter(None, iterable) for first in iterator: if chunk_size: yield itertools.chain([first], itertools.islice(iterator, chunk_size - 1)) @@ -213,38 +224,41 @@ def _chunks(iterable, chunk_size): torch.save(list(chunked_data), os.path.join(save_path, filename)) filename_list.append(os.path.join(save_path, filename)) return filename_list - - + def _get_files(self, root): train_files = [] test_files = [] - files = [os.path.join(root, f) for f in os.listdir(root) if os.path.isfile(os.path.join(root, f))] + files = [ + os.path.join(root, f) for f in os.listdir(root) if os.path.isfile(os.path.join(root, f)) + ] for fname in files: if fname.find("train") != -1: train_files.append(fname) elif fname.find("test") != -1: test_files.append(fname) - + return train_files, test_files - - + def splits(self, root): - """Get the train and test dataset from the folder - + """Get the train and test dataset from the folder + Args: root (str): Directory where the data can be loaded. - + Returns: - Tuple of ExmSumProcessedIterableDataset as train dataset and ExmSumProcessedDataset as test dataset. + Tuple of ExmSumProcessedIterableDataset as train dataset + and ExmSumProcessedDataset as test dataset. """ train_files, test_files = self._get_files(root) - return ExmSumProcessedIterableDataset(train_files, is_shuffle=True), ExmSumProcessedDataset(test_files, is_shuffle=False) - - + return ( + ExmSumProcessedIterableDataset(train_files, is_shuffle=True), + ExmSumProcessedDataset(test_files, is_shuffle=False), + ) + class ExtSumProcessor: """Class for preprocessing extractive summarization data.""" - + def __init__( self, model_name="distilbert-base-uncased", @@ -256,41 +270,43 @@ def __init__( min_src_ntokens=5, ): """ Initialize the preprocessor. - + Args: - model_name (str, optional): Transformer model name used in preprocessing. + model_name (str, optional): Transformer model name used in preprocessing. check MODEL_CLASS for supported models. Defaults to "bert-base-cased". to_lower (bool, optional): Whether to convert all letters to lower case during - tokenization. This is determined by if a cased model is used. Defaults to False, - which corresponds to a cased model. + tokenization. This is determined by if a cased model is used. + Defaults to False, which corresponds to a cased model. cache_dir (str, optional): Directory to cache the tokenizer. Defaults to ".". - max_nsents (int, optional): Max number of sentences that can be used as input. Defaults to 200. - max_src_ntokens (int, optional): Max number of tokens that be used as input. Defaults to 2000. - min_nsents (int, optional): Minimum number of sentences that are required as input. If the input - has less number of sentences than this value, it's skipped and cannot be used as a valid input. ' - Defaults to 3. - min_src_ntokens (int, optional): Minimum number of tokens that are required as an input sentence.If the input - sentence has less number of tokens than this value, it's skipped and cannot be used as a - valid sentence. Defaults to 5. - + max_nsents (int, optional): Max number of sentences that can be used + as input. Defaults to 200. + max_src_ntokens (int, optional): Max number of tokens that be used + as input. Defaults to 2000. + min_nsents (int, optional): Minimum number of sentences that are required + as input. If the input has less number of sentences than this value, + it's skipped and cannot be used as a valid input. Defaults to 3. + min_src_ntokens (int, optional): Minimum number of tokens that are required + as an input sentence.If the input sentence has less number of tokens than + this value, it's skipped and cannot be used as a valid sentence. Defaults to 5. + """ self.model_name = model_name self.tokenizer = TOKENIZER_CLASS[self.model_name].from_pretrained( self.model_name, do_lower_case=to_lower, cache_dir=cache_dir ) - self.sep_vid = self.tokenizer.vocab['[SEP]'] - self.cls_vid = self.tokenizer.vocab['[CLS]'] - self.pad_vid = self.tokenizer.vocab['[PAD]'] - + self.sep_vid = self.tokenizer.vocab["[SEP]"] + self.cls_vid = self.tokenizer.vocab["[CLS]"] + self.pad_vid = self.tokenizer.vocab["[PAD]"] + self.max_nsents = max_nsents self.max_src_ntokens = max_src_ntokens self.min_nsents = min_nsents self.min_src_ntokens = min_src_ntokens - + @staticmethod def list_supported_models(): return list(TOKENIZER_CLASS.keys()) - + @property def model_name(self): return self._model_name @@ -312,16 +328,17 @@ def get_inputs(batch, model_name, train_mode=True): Creates an input dictionary given a model name. Args: - batch (object): A Batch containing input ids, segment ids, sentence class ids, - masks for the input ids, masks for sentence class ids and source text. + batch (object): A Batch containing input ids, segment ids, sentence class ids, + masks for the input ids, masks for sentence class ids and source text. If train_model is True, it also contains the labels and target text. model_name (bool, optional): Model name used to format the inputs. train_mode (bool, optional): Training mode flag. Defaults to True. Returns: - dict: Dictionary containing input ids, segment ids, sentence class ids, masks for the input ids, - masks for the sentence class ids and labels. Labels are only returned when train_mode is True. + dict: Dictionary containing input ids, segment ids, sentence class ids, + masks for the input ids, masks for the sentence class ids and labels. + Labels are only returned when train_mode is True. """ if model_name.split("-")[0] in ["bert", "distilbert"]: @@ -348,18 +365,18 @@ def get_inputs(batch, model_name, train_mode=True): def preprocess(self, sources, targets=None, oracle_mode="greedy", selections=3): """preprocess multiple data points - + Args: sources (list of list of strings): List of word tokenized sentences. targets (list of list of strings, optional): List of word tokenized sentences. - Defaults to None, which means it doesn't include summary and is + Defaults to None, which means it doesn't include summary and is not training data. oracle_mode (str, optional): Sentence selection method. Defaults to "greedy". selections (int, optional): The number of sentence used as summary. Defaults to 3. - + Returns: - Iterator of dictory objects containing input ids, segment ids, sentence class ids, - labels, source text and target text. If targets is None, the label and target text + Iterator of dictory objects containing input ids, segment ids, sentence class ids, + labels, source text and target text. If targets is None, the label and target text are None. """ @@ -372,20 +389,20 @@ def preprocess(self, sources, targets=None, oracle_mode="greedy", selections=3): def _preprocess_single(self, source, target=None, oracle_mode="greedy", selections=3): """preprocess single data point""" - + oracle_ids = None if target is not None: if oracle_mode == "greedy": oracle_ids = greedy_selection(source, target, selections) elif oracle_mode == "combination": oracle_ids = combination_selection(source, target, selections) - + def _preprocess(src, tgt=None, oracle_ids=None): - if (len(src) == 0): + if len(src) == 0: return None - original_src_txt = [' '.join(s) for s in src] + original_src_txt = [" ".join(s) for s in src] labels = None if oracle_ids is not None and tgt is not None: @@ -395,47 +412,47 @@ def _preprocess(src, tgt=None, oracle_ids=None): idxs = [i for i, s in enumerate(src) if (len(s) > self.min_src_ntokens)] - src = [src[i][:self.max_src_ntokens] for i in idxs] - src = src[:self.max_nsents] + src = [src[i][: self.max_src_ntokens] for i in idxs] + src = src[: self.max_nsents] if labels: labels = [labels[i] for i in idxs] - labels = labels[:self.max_nsents] + labels = labels[: self.max_nsents] - if (len(src) < self.min_nsents): + if len(src) < self.min_nsents: return None if labels: - if (len(labels) == 0): + if len(labels) == 0: return None - src_txt = [' '.join(sent) for sent in src] + src_txt = [" ".join(sent) for sent in src] # text = [' '.join(ex['src_txt'][i].split()[:self.args.max_src_ntokens]) for i in idxs] # text = [_clean(t) for t in text] - text = ' [SEP] [CLS] '.join(src_txt) + text = " [SEP] [CLS] ".join(src_txt) src_subtokens = self.tokenizer.tokenize(text) src_subtokens = src_subtokens[:510] - src_subtokens = ['[CLS]'] + src_subtokens + ['[SEP]'] + src_subtokens = ["[CLS]"] + src_subtokens + ["[SEP]"] src_subtoken_idxs = self.tokenizer.convert_tokens_to_ids(src_subtokens) _segs = [-1] + [i for i, t in enumerate(src_subtoken_idxs) if t == self.sep_vid] segs = [_segs[i] - _segs[i - 1] for i in range(1, len(_segs))] segments_ids = [] for i, s in enumerate(segs): - if (i % 2 == 0): + if i % 2 == 0: segments_ids += s * [0] else: segments_ids += s * [1] cls_ids = [i for i, t in enumerate(src_subtoken_idxs) if t == self.cls_vid] if labels: - labels = labels[:len(cls_ids)] + labels = labels[: len(cls_ids)] tgt_txt = None if tgt: - tgt_txt = ''.join([' '.join(tt) for tt in tgt]) + tgt_txt = "".join([" ".join(tt) for tt in tgt]) src_txt = [original_src_txt[i] for i in idxs] return src_subtoken_idxs, labels, segments_ids, cls_ids, src_txt, tgt_txt - + b_data = _preprocess(source, target, oracle_ids) - + if b_data is None: return None indexed_tokens, labels, segments_ids, cls_ids, src_txt, tgt_txt = b_data @@ -451,18 +468,18 @@ def _preprocess(src, tgt=None, oracle_ids=None): class ExtractiveSummarizer(Transformer): """class which performs extractive summarization fine tuning and prediction """ - + def __init__(self, model_name="distilbert-base-uncased", encoder="transformer", cache_dir="."): """Initialize a ExtractiveSummarizer. - + Args: - model_name (str, optional): Transformer model name used in preprocessing. + model_name (str, optional): Transformer model name used in preprocessing. check MODEL_CLASS for supported models. Defaults to "distilbert-base-uncased". - encoder (str, optional): Encoder algorithm used by summarization layer. + encoder (str, optional): Encoder algorithm used by summarization layer. Defaults to "transformer". cache_dir (str, optional): Directory to cache the tokenizer. Defaults to ".". """ - + super().__init__( model_class=MODEL_CLASS, model_name=model_name, num_labels=0, cache_dir=cache_dir ) @@ -481,7 +498,7 @@ def __init__(self, model_name="distilbert-base-uncased", encoder="transformer", args = Bunch(default_summarizer_layer_parameters) self.model = Summarizer(encoder, args, self.model_class, self.model_name, None, cache_dir) - + @property def model_name(self): return self._model_name @@ -518,11 +535,11 @@ def fit( report_every=50, verbose=True, seed=None, - **kwargs + **kwargs, ): """ Fine-tune pre-trained transofmer models for extractive summarization. - + Args: train_dataloader (Dataloader): Dataloader for the training data. num_gpus (int, optional): The number of GPUs to use. If None, all available GPUs will @@ -549,7 +566,7 @@ def fit( This value should be set close to 1.0 on problems with a sparse gradient. Defaults to 0.99. verbose (bool, optional): Whether to print out the training log. Defaults to True. - seed (int, optional): Random seed used to improve reproducibility. Defaults to None. + seed (int, optional): Random seed used to improve reproducibility. Defaults to None. """ device, num_gpus = get_device(num_gpus=num_gpus, local_rank=local_rank) @@ -607,27 +624,27 @@ def predict( ): """ Predict the summarization for the input data iterator. - + Args: test_dataset (Dataset): Dataset for which the summary to be predicted num_gpus (int, optional): The number of GPUs used in prediction. Defaults to 1. batch_size (int, optional): Maximum number of tokens in each batch. Defaults to 16. sentence_seperator (str, optional): String to be inserted between sentences in the prediction. Defaults to ''. - top_n (int, optional): The number of sentences that should be selected from the paragraph - as summary. Defaults to 3. - block_trigram (bool, optional): voolean value which specifies whether the summary should include - any sentence that has the same trigram as the already selected sentences. Defaults to True. - top_n (int, optional): The maximum number of sentences that the summary should included. Defaults to 3. - cal_lead (bool, optional): Boolean value which specifies whether the prediction uses - the first few sentences as summary. Defaults to False. + top_n (int, optional): The number of sentences that should be selected + from the paragraph as summary. Defaults to 3. + block_trigram (bool, optional): voolean value which specifies whether + the summary should include any sentence that has the same trigram + as the already selected sentences. Defaults to True. + cal_lead (bool, optional): Boolean value which specifies whether the + prediction uses the first few sentences as summary. Defaults to False. verbose (bool, optional): Whether to print out the training log. Defaults to True. - + Returns: List of strings which are the summaries - + """ - + def collate_fn(dict_list): # tuple_batch = [list(col) for col in zip(*[d.values() for d in dict_list] if dict_list is None or len(dict_list) <= 0: @@ -637,7 +654,7 @@ def collate_fn(dict_list): is_labeled = True tuple_batch = [list(d.values()) for d in dict_list] ## generate mask and mask_cls, and only select tensors for the model input - batch = Batch(tuple_batch, is_labeled=True) + batch = Batch(tuple_batch, is_labeled=True) if is_labeled: return { "src": batch.src, @@ -655,9 +672,11 @@ def collate_fn(dict_list): "mask": batch.mask, "mask_cls": batch.mask_cls, } - + test_sampler = SequentialSampler(test_dataset) - test_dataloader = DataLoader(test_dataset, sampler=test_sampler, batch_size=batch_size, collate_fn=collate_fn) + test_dataloader = DataLoader( + test_dataset, sampler=test_sampler, batch_size=batch_size, collate_fn=collate_fn + ) sent_scores = self.predict_scores(test_dataloader, num_gpus=num_gpus) sent_scores_list = list(sent_scores) scores_list = [] @@ -668,14 +687,8 @@ def collate_fn(dict_list): temp_pred = get_pred(test_dataset[i], scores_list[i]) prediction.extend(temp_pred) return prediction - - - def predict_scores( - self, - eval_dataloader, - num_gpus=1, - verbose=True, - ): + + def predict_scores(self, eval_dataloader, num_gpus=1, verbose=True): """ Scores a dataset using a fine-tuned model and a given dataloader. @@ -689,23 +702,22 @@ def predict_scores( Returns 1darray: numpy array of predicted sentence scores. """ - + device, num_gpus = get_device(num_gpus=num_gpus, local_rank=-1) - + if isinstance(self.model, nn.DataParallel): self.model.module.to(device) else: self.model.to(device) - def move_batch_to_device(batch, device): - batch['src'] = batch['src'].to(device) - batch['segs'] = batch['segs'].to(device) - batch['clss'] = batch['clss'].to(device) - batch['mask'] = batch['mask'].to(device) - batch['mask_cls'] = batch['mask_cls'].to(device) - if 'labels' in batch: - batch['labels'] = batch['labels'].to(device) + batch["src"] = batch["src"].to(device) + batch["segs"] = batch["segs"].to(device) + batch["clss"] = batch["clss"].to(device) + batch["mask"] = batch["mask"].to(device) + batch["mask_cls"] = batch["mask_cls"].to(device) + if "labels" in batch: + batch["labels"] = batch["labels"].to(device) return Bunch(batch) preds = list( @@ -717,7 +729,7 @@ def move_batch_to_device(batch, device): move_batch_to_device=move_batch_to_device, ) ) - return preds + return preds def save_model(self, name): output_model_dir = os.path.join(self.cache_dir, "fine_tuned") @@ -728,5 +740,3 @@ def save_model(self, name): full_name = os.path.join(output_model_dir, name) logger.info("Saving model checkpoint to %s", full_name) torch.save(self.model, name) - - From 6294466d735e10eaf40252db2712bec4fb9223c6 Mon Sep 17 00:00:00 2001 From: hlums Date: Fri, 3 Jan 2020 22:48:15 +0000 Subject: [PATCH 105/167] Update notebook to address review comments. --- .../text_summarization/summarization_evaluation.ipynb | 10 +++++----- 1 file changed, 5 insertions(+), 5 deletions(-) diff --git a/examples/text_summarization/summarization_evaluation.ipynb b/examples/text_summarization/summarization_evaluation.ipynb index e087a0e95..0b8113eb6 100644 --- a/examples/text_summarization/summarization_evaluation.ipynb +++ b/examples/text_summarization/summarization_evaluation.ipynb @@ -16,14 +16,14 @@ "Recall-Oriented Understudy for Gisting Evaluation(ROUGE) is a set of metrics for evaluating automatic text summarization and machine translation results. The metrics compare machine-generated summaries or translations against one or multiple reference summaries or translations created by human. \n", "Commonly used ROUGE metrics are ROUGE-1, ROUGE-2, and ROUGE-L\n", "* ROUGE-1: Overlap of unigrams (single words) between machine-generated and reference summaries. \n", - "* ROUGE-2: Overlap of bigrams (two adjcent words) between machine-generated and reference summaries.\n", - "* ROUGE-L: Longest Common Subsequence (LCS), which doesn't require consecutive matches but in-sequence matches that refect sentence level structure similarity. \n", + "* ROUGE-2: Overlap of bigrams (two adjacent words) between machine-generated and reference summaries.\n", + "* ROUGE-L: Longest Common Subsequence (LCS), which doesn't require consecutive matches but in-sequence matches that refect sentence-level structure similarity. \n", "\n", "For each metric, recall, precision, and F1 score are computed. \n", "\n", "**Utilities for computing ROUGE**\n", - "* `compute_rouge_perl`: The [pyrouge](https://github.com/bheinzerling/pyrouge/tree/master/pyrouge) package based on the ROUGE package written in perl is the most popular package for computing ROUGE scores. We provide the `compute_rouge_perl` function based on pyrouge. \n", - "* `compute_rouge_python`: The [py-rouge](https://pypi.org/project/py-rouge/) package is a Python implementation of the ROUGE metric which produces almost the same results as the perl implemenation. Since it's easier to install than pyrouge and can be extended to other languages, we provide the `compute_rouge_python` function based on py-rouge. Currently, only English is supported. Supports for other languages will be provided on an as-needed basis. " + "* `compute_rouge_perl`: The [pyrouge](https://github.com/bheinzerling/pyrouge) package based on the ROUGE package written in perl is the most popular package for computing ROUGE scores. We provide the `compute_rouge_perl` function based on pyrouge. This function supports English only. \n", + "* `compute_rouge_python`: The [py-rouge](https://pypi.org/project/py-rouge/) package is a Python implementation of the ROUGE metric which produces almost the same results as the perl implemenation. Since it's easier to install than pyrouge and can be extended to other languages, we provide the `compute_rouge_python` function based on py-rouge. Currently, English and Hindi are supported. Supports for other languages will be provided on an as-needed basis." ] }, { @@ -47,7 +47,7 @@ "metadata": {}, "source": [ "### Sample inputs\n", - "Both `compute_rouge_perl` and `compute_rouge_python` takes lists of candidate summaries and reference summaries as inputs. Alternatively, you can also provide paths to files containing the candidates and references and set the `input_files` argument to `True`. " + "Both `compute_rouge_perl` and `compute_rouge_python` takes lists of candidate summaries and reference summaries as inputs. Alternatively, you can also provide paths to files containing the candidates and references and set the `input_is_files` argument to `True`. " ] }, { From 2197ddf34b051a49ae05ef9531c515d2753b4061 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Mon, 6 Jan 2020 18:56:18 +0000 Subject: [PATCH 106/167] use max_steps only to determine exception; remove device argument --- utils_nlp/models/transformers/common.py | 45 +++++++++---------------- 1 file changed, 15 insertions(+), 30 deletions(-) diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index 25fe8d20f..1fbb85326 100644 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -13,7 +13,6 @@ import torch from tqdm import tqdm, trange - from transformers import AdamW from transformers import get_linear_schedule_with_warmup from transformers.modeling_bert import BERT_PRETRAINED_MODEL_ARCHIVE_MAP @@ -87,7 +86,6 @@ def fine_tune( self, train_dataloader, get_inputs, - device, max_steps=-1, num_train_epochs=1, max_grad_norm=1.0, @@ -115,18 +113,13 @@ def fine_tune( dataset_length = len(train_dataloader) except: dataset_length = -1 - - if max_steps > 0: - t_total = max_steps - if dataset_length != -1: - num_train_epochs = max_steps // (data_set_length // gradient_accumulation_steps) + 1 - else: - num_train_epochs = -1 - else: - if dataset_length != -1 and num_train_epochs != -1: - t_total = len(train_dataloader) // gradient_accumulation_steps * num_train_epochs - else: - t_total = -1 + + if max_steps <= 0: + if dataset_length != -1 and num_train_epochs > 0: + max_steps = data_set_length // gradient_accumulation_steps * num_train_epochs + + if max_steps <= 0: + raise Exception("Max steps cannot be determined for fine tuning!") if optimizer is None: no_decay = ["bias", "LayerNorm.weight"] @@ -150,9 +143,9 @@ def fine_tune( ] optimizer = AdamW(optimizer_grouped_parameters, lr=learning_rate, eps=adam_epsilon) - - if t_total != -1 and scheduler is None: - scheduler = get_linear_schedule_with_warmup(optimizer, num_warmup_steps=warmup_steps, num_training_steps=t_total) + + if scheduler is None: + scheduler = get_linear_schedule_with_warmup(optimizer, num_warmup_steps=warmup_steps, num_training_steps=max_steps) if fp16: try: @@ -177,14 +170,7 @@ def fine_tune( global_step = 0 tr_loss = 0.0 self.model.zero_grad() - if num_train_epochs != -1: - train_iterator = trange( - int(num_train_epochs), - desc="Epoch", - disable=local_rank not in [-1, 0] or not verbose, - ) - else: - train_iterator = cycle("1") # use this as an infinite cycle + if move_batch_to_device is None: def move_batch_to_device(batch, device): @@ -194,11 +180,12 @@ def move_batch_to_device(batch, device): accum_loss = 0 self.model.train() - for _ in train_iterator: + + while global_step < max_steps: epoch_iterator = tqdm( train_dataloader, desc="Iteration", - disable=True, # local_rank not in [-1, 0] or not verbose + disable=local_rank not in [-1, 0] or not verbose ) for step, batch in enumerate(epoch_iterator): @@ -247,12 +234,10 @@ def move_batch_to_device(batch, device): scheduler.step() self.model.zero_grad() - if max_steps > 0 and global_step > max_steps: + if global_step > max_steps: epoch_iterator.close() break - if max_steps > 0 and global_step > max_steps: - break # empty cache torch.cuda.empty_cache() return global_step, tr_loss / global_step From 67a020c26f7a8db8aee9661637199299f2ebb9d0 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Mon, 6 Jan 2020 18:57:50 +0000 Subject: [PATCH 107/167] black format --- utils_nlp/eval/evaluate_summarization.py | 24 +++++++++++++++--------- 1 file changed, 15 insertions(+), 9 deletions(-) diff --git a/utils_nlp/eval/evaluate_summarization.py b/utils_nlp/eval/evaluate_summarization.py index e612f33be..4912717e9 100644 --- a/utils_nlp/eval/evaluate_summarization.py +++ b/utils_nlp/eval/evaluate_summarization.py @@ -1,32 +1,38 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT License. + import os from random import random, seed from bertsum.others.utils import test_rouge + def get_rouge(predictions, targets, temp_dir): """ function to get the rouge metric for the prediction and the reference. Args: - predictions (list of strings): predictions to be compared. - target (list of strings): references - temp_dir (string): path where temporary folders are created to host the files generated by ROUGE applicatoin. + predictions (list of strings): Predictions to be compared. + target (list of strings): References + temp_dir (str): Path where temporary folders are created to host the files + generated by ROUGE applicatoin. Return: dictionary: rouge metric """ + def _write_list_to_file(list_items, filename): - with open(filename, 'w') as filehandle: - #for cnt, line in enumerate(filehandle): + with open(filename, "w") as filehandle: + # for cnt, line in enumerate(filehandle): for item in list_items: - filehandle.write('%s\n' % item) + filehandle.write("%s\n" % item) + seed(42) random_number = random() os.makedirs(temp_dir, exist_ok=True) - candidate_path = os.path.join(temp_dir, "candidate"+str(random_number)) - gold_path = os.path.join(temp_dir, "gold"+str(random_number)) + candidate_path = os.path.join(temp_dir, "candidate" + str(random_number)) + gold_path = os.path.join(temp_dir, "gold" + str(random_number)) _write_list_to_file(predictions, candidate_path) _write_list_to_file(targets, gold_path) rouge = test_rouge(temp_dir, candidate_path, gold_path) return rouge - From 1dc057061664d303d019cb47cec9dedba6c85b96 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Mon, 6 Jan 2020 18:58:49 +0000 Subject: [PATCH 108/167] use dataset in finetuning --- tests/unit/test_extractive_summarization.py | 7 +++---- 1 file changed, 3 insertions(+), 4 deletions(-) diff --git a/tests/unit/test_extractive_summarization.py b/tests/unit/test_extractive_summarization.py index 3977ca375..40cacbeca 100644 --- a/tests/unit/test_extractive_summarization.py +++ b/tests/unit/test_extractive_summarization.py @@ -12,7 +12,6 @@ from utils_nlp.models.transformers.datasets import SummarizationDataset from utils_nlp.models.transformers.extractive_summarization import ( - get_dataloader, ExtractiveSummarizer, ExtSumProcessedData, ExtSumProcessor, @@ -70,7 +69,6 @@ def data_to_file(tmp_module): max_src_ntokens=2000, min_nsents=0, min_src_ntokens=1, - use_interval=True, ) ext_sum_train = processor.preprocess( train_dataset, train_dataset.get_target(), oracle_mode="greedy" @@ -98,6 +96,7 @@ def test_bert_training(data_to_file, tmp_module): CACHE_DIR = tmp_module ENCODER = "transformer" + BATCH_SIZE = 200 LEARNING_RATE = 2e-3 REPORT_EVERY = 100 MAX_STEPS = 5e2 @@ -107,10 +106,10 @@ def test_bert_training(data_to_file, tmp_module): train_dataset, test_dataset = ExtSumProcessedData().splits(root=DATA_SAVED_PATH) summarizer = ExtractiveSummarizer(MODEL_NAME, ENCODER, CACHE_DIR) - train_dataloader = get_dataloader(train_dataset.get_stream(), is_labeled=True, batch_size=3000) summarizer.fit( - train_dataloader, + train_dataset, num_gpus=1, + batch_size=BATCH_SIZE, gradient_accumulation_steps=2, max_steps=MAX_STEPS, lr=LEARNING_RATE, From cba186ec1c2bf44294f19ff821815bcd1dd27f8e Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Mon, 6 Jan 2020 19:00:11 +0000 Subject: [PATCH 109/167] a few changes bas^C on the review comments --- .../transformers/extractive_summarization.py | 91 ++++++++++--------- 1 file changed, 49 insertions(+), 42 deletions(-) diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index 0c4cc5b4e..bf9a6ce17 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -11,7 +11,8 @@ import torch import torch.nn as nn from torch.utils.data import Dataset, IterableDataset -from torch.utils.data import DataLoader # , RandomSampler, SequentialSampler +from torch.utils.data import DataLoader, SequentialSampler + # from torch.utils.data.distributed import DistributedSampler from transformers import DistilBertModel, BertModel @@ -56,7 +57,7 @@ def get_dataset(file): yield torch.load(file) -class ExmSumProcessedIterableDataset(IterableDataset): +class ExtSumProcessedIterableDataset(IterableDataset): """Iterable dataset for extractive summarization preprocessed data """ @@ -86,7 +87,7 @@ def __iter__(self): return self.get_stream() -class ExmSumProcessedDataset(Dataset): +class ExtSumProcessedDataset(Dataset): """Dataset for extractive summarization preprocessed data """ @@ -114,7 +115,7 @@ def __getitem__(self, idx): def get_pred( - example, sent_scores, cal_lead=False, sentence_seperator="", block_trigram=True, top_n=3 + example, sent_scores, cal_lead=False, sentence_separator="", block_trigram=True, top_n=3 ): """ Get the summarization prediction for the paragraph example based on the scores @@ -127,7 +128,7 @@ def get_pred( included in the summary. cal_lead (bool, optional): Boolean value which specifies whether the prediction uses the first few sentences as summary. Defaults to False - sentence_seperator (str, optional): Seperator used in the generated summary. + sentence_separator (str, optional): Seperator used in the generated summary. Defaults to ''. block_trigram (bool, optional): Boolean value which specifies whether the summary should include any sentence that has the same trigram as the @@ -180,7 +181,7 @@ def _block_tri(c, p): break # _pred = ''.join(_pred) - _pred = sentence_seperator.join(_pred) + _pred = sentence_separator.join(_pred) pred.append(_pred.strip()) # target.append(example['tgt_txt']) return pred # , target @@ -246,13 +247,13 @@ def splits(self, root): root (str): Directory where the data can be loaded. Returns: - Tuple of ExmSumProcessedIterableDataset as train dataset - and ExmSumProcessedDataset as test dataset. + Tuple of ExtSumProcessedIterableDataset as train dataset + and ExtSumProcessedDataset as test dataset. """ train_files, test_files = self._get_files(root) return ( - ExmSumProcessedIterableDataset(train_files, is_shuffle=True), - ExmSumProcessedDataset(test_files, is_shuffle=False), + ExtSumProcessedIterableDataset(train_files, is_shuffle=True), + ExtSumProcessedDataset(test_files, is_shuffle=False), ) @@ -475,16 +476,30 @@ def __init__(self, model_name="distilbert-base-uncased", encoder="transformer", Args: model_name (str, optional): Transformer model name used in preprocessing. check MODEL_CLASS for supported models. Defaults to "distilbert-base-uncased". - encoder (str, optional): Encoder algorithm used by summarization layer. - Defaults to "transformer". + encoder (str, optional): Encoder algorithm used by summarization layer. + There are four options: + - baseline: it used a smaller transformer model to replace the bert model + and with transformer summarization layer. + - classifier: it uses pretrained BERT and fine-tune BERT with simple logistic + classification summarization layer. + - transformer: it uses pretrained BERT and fine-tune BERT with transformer + summarization layer. + - RNN: it uses pretrained BERT and fine-tune BERT with LSTM summarization layer. + Defaults to "transformer". cache_dir (str, optional): Directory to cache the tokenizer. Defaults to ".". """ super().__init__( model_class=MODEL_CLASS, model_name=model_name, num_labels=0, cache_dir=cache_dir ) - self.model_name = model_name - self.model_class = MODEL_CLASS[self.model_name] + if model_name not in self.list_supported_models(): + raise ValueError( + "Model name {} is not supported by ExtractiveSummarizer. " + "Call 'ExtractiveSummarizer.list_supported_models()' to get all supported model " + "names.".format(value) + ) + + self.model_class = MODEL_CLASS[model_name] default_summarizer_layer_parameters = { "ff_size": 512, "heads": 4, @@ -497,22 +512,7 @@ def __init__(self, model_name="distilbert-base-uncased", encoder="transformer", } args = Bunch(default_summarizer_layer_parameters) - self.model = Summarizer(encoder, args, self.model_class, self.model_name, None, cache_dir) - - @property - def model_name(self): - return self._model_name - - @model_name.setter - def model_name(self, value): - if value not in self.list_supported_models(): - raise ValueError( - "Model name {} is not supported by ExtractiveSummarizer. " - "Call 'ExtractiveSummarizer.list_supported_models()' to get all supported model " - "names.".format(value) - ) - - self._model_name = value + self.model = Summarizer(encoder, args, self.model_class, model_name, None, cache_dir) @staticmethod def list_supported_models(): @@ -520,8 +520,9 @@ def list_supported_models(): def fit( self, - train_dataloader, + train_dataset, num_gpus=None, + batch_size=3000, local_rank=-1, max_steps=5e5, warmup_steps=1e5, @@ -541,10 +542,11 @@ def fit( Fine-tune pre-trained transofmer models for extractive summarization. Args: - train_dataloader (Dataloader): Dataloader for the training data. + train_dataset (ExtSumProcessedIterableDataset): Training dataset. num_gpus (int, optional): The number of GPUs to use. If None, all available GPUs will be used. If set to 0 or GPUs are not available, CPU device will be used. Defaults to None. + batch_size (int, optional): Maximum number of tokens in each batch. local_rank (int, optional): Local_rank for distributed training on GPUs. Defaults to -1, which means non-distributed training. max_steps (int, optional): Maximum number of training steps. Defaults to 5e5. @@ -591,7 +593,10 @@ def move_batch_to_device(batch, device): None, ) - # train_dataloader = get_dataloader(train_iter(), is_labeled=True, batch_size=batch_size) + # batch_size is the number of tokens in a batch + train_dataloader = get_dataloader( + train_dataset.get_stream(), is_labeled=True, batch_size=batch_size + ) super().fine_tune( train_dataloader=train_dataloader, @@ -616,7 +621,7 @@ def predict( test_dataset, num_gpus=1, batch_size=16, - sentence_seperator="", + sentence_separator="", top_n=3, block_trigram=True, cal_lead=False, @@ -628,8 +633,8 @@ def predict( Args: test_dataset (Dataset): Dataset for which the summary to be predicted num_gpus (int, optional): The number of GPUs used in prediction. Defaults to 1. - batch_size (int, optional): Maximum number of tokens in each batch. Defaults to 16. - sentence_seperator (str, optional): String to be inserted between sentences in + batch_size (int, optional): The number of test examples in each batch. Defaults to 16. + sentence_separator (str, optional): String to be inserted between sentences in the prediction. Defaults to ''. top_n (int, optional): The number of sentences that should be selected from the paragraph as summary. Defaults to 3. @@ -684,7 +689,14 @@ def collate_fn(dict_list): scores_list.extend(i) prediction = [] for i in range(len(test_dataset)): - temp_pred = get_pred(test_dataset[i], scores_list[i]) + temp_pred = get_pred( + test_dataset[i], + scores_list[i], + cal_lead=cal_lead, + sentence_separator=sentence_separator, + block_trigram=block_trigram, + top_n=top_n, + ) prediction.extend(temp_pred) return prediction @@ -705,11 +717,6 @@ def predict_scores(self, eval_dataloader, num_gpus=1, verbose=True): device, num_gpus = get_device(num_gpus=num_gpus, local_rank=-1) - if isinstance(self.model, nn.DataParallel): - self.model.module.to(device) - else: - self.model.to(device) - def move_batch_to_device(batch, device): batch["src"] = batch["src"].to(device) batch["segs"] = batch["segs"].to(device) From 4f1f6efb22d447992f36ecb0099b84337a857c19 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Mon, 6 Jan 2020 19:00:55 +0000 Subject: [PATCH 110/167] remove dataloader cell; add temp folder cleanup --- ...tive_summarization_cnndm_transformer.ipynb | 29 +++++++------------ 1 file changed, 10 insertions(+), 19 deletions(-) diff --git a/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb b/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb index 29e8ec376..d4732f649 100644 --- a/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb +++ b/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb @@ -37,7 +37,7 @@ "Using only 1 NVIDIA Tesla V100 GPUs, 16GB GPU memory configuration,\n", "- for data preprocessing, it takes around 1 minutes to preprocess the data for quick run. Otherwise it takes ~2 hours to finish the data preprocessing. This time estimation assumes that the chosen transformer model is \"distilbert-base-uncased\" and the sentence selection method is \"greedy\", which is the default. The preprocessing time can be significantly longer if the sentence selection method is \"combination\", which can achieve better model performance.\n", "\n", - "- for model fine tuning, it takes around 30 minutes for quick run. Otherwise, it takes around ~3 hours to finish. This estimation assumes the chosen encoder method is \"transformer\". The model fine tuning time can be shorter if other encoder method is chosen, which may result in worse model performance. \n" + "- for model fine tuning, it takes around 10 minutes for quick run. Otherwise, it takes around ~3 hours to finish. This estimation assumes the chosen encoder method is \"transformer\". The model fine tuning time can be shorter if other encoder method is chosen, which may result in worse model performance. \n" ] }, { @@ -94,6 +94,7 @@ ], "source": [ "import os\n", + "import shutil\n", "import sys\n", "from tempfile import TemporaryDirectory\n", "import torch\n", @@ -106,7 +107,6 @@ "from utils_nlp.dataset.cnndm import CNNDMBertSumProcessedData, CNNDMSummarizationDataset\n", "from utils_nlp.eval.evaluate_summarization import get_rouge\n", "from utils_nlp.models.transformers.extractive_summarization import (\n", - " get_dataloader,\n", " ExtractiveSummarizer,\n", " ExtSumProcessedData,\n", " ExtSumProcessor,\n", @@ -242,7 +242,7 @@ "\n", "##### Details of Data Preprocessing\n", "\n", - "The purpose of preprocessing is to process the input articles to the format that model finetuning needed. Assuming you have (1) all articles and (2) target summaries, each in a file and line-breaker seperated, the steps to preprocess the data are:\n", + "The purpose of preprocessing is to process the input articles to the format that model finetuning needed. Assuming you have (1) all articles and (2) target summaries, each in a file and line-breaker separated, the steps to preprocess the data are:\n", "1. sentence tokenization\n", "2. word tokenization\n", "3. **label** the sentences in the article with 1 meaning the sentence is selected and 0 meaning the sentence is not selected. The algorithms for the sentence selection are \"greedy\" and \"combination\" and can be found in [sentence_selection.py](../../utils_nlp/dataset/sentence_selection.py)\n", @@ -642,21 +642,11 @@ "summarizer = ExtractiveSummarizer(MODEL_NAME, ENCODER, CACHE_DIR)" ] }, - { - "cell_type": "code", - "execution_count": 31, - "metadata": {}, - "outputs": [], - "source": [ - "# batch_size is the number of tokens in a batch\n", - "train_dataloader = get_dataloader(train_dataset.get_stream(), is_labeled=True, batch_size=3000)" - ] - }, { "cell_type": "code", "execution_count": 32, "metadata": { - "scrolled": true + "scrolled": false }, "outputs": [ { @@ -686,8 +676,9 @@ ], "source": [ "summarizer.fit(\n", - " train_dataloader,\n", + " train_dataset,\n", " num_gpus=NUM_GPUS,\n", + " batch_size=BATCH_SIZE,\n", " gradient_accumulation_steps=2,\n", " max_steps=MAX_STEPS,\n", " learning_rate=LEARNING_RATE,\n", @@ -1068,13 +1059,13 @@ "outputs": [], "source": [ "if os.path.exists(DATA_PATH):\n", - " os.remove(DATA_PATH)\n", + " shutil.rmtree(DATA_PATH, ignore_errors=True)\n", "if os.path.exists(PROCESSED_DATA_PATH):\n", - " os.remove(PROCESSED_DATA_PATH)\n", + " shutil.rmtree(PROCESSED_DATA_PATH, ignore_errors=True)\n", "if os.path.exists(CACHE_DIR):\n", - " os.remove(CACHE_DIR)\n", + " shutil.rmtree(CACHE_DIR, ignore_errors=True)\n", "if os.path.exists(RESULT_DIR):\n", - " os.remove(RESULT_DIR)" + " shutil.rmtree(RESULT_DIR, ignore_errors=True)" ] } ], From 68d02bdba45feb8f510fcbd9a0c83ed7391bbec8 Mon Sep 17 00:00:00 2001 From: hlums Date: Mon, 6 Jan 2020 19:14:49 +0000 Subject: [PATCH 111/167] Resolve simple review comments. --- .../summarization_evaluation.ipynb | 4 +- tests/unit/test_eval_compute_rouge.py | 6 +- utils_nlp/eval/__init__.py | 1 + utils_nlp/eval/compute_rouge.py | 127 --- utils_nlp/eval/rouge_ext.py | 978 ------------------ 5 files changed, 6 insertions(+), 1110 deletions(-) delete mode 100644 utils_nlp/eval/compute_rouge.py delete mode 100644 utils_nlp/eval/rouge_ext.py diff --git a/examples/text_summarization/summarization_evaluation.ipynb b/examples/text_summarization/summarization_evaluation.ipynb index 0b8113eb6..845eca314 100644 --- a/examples/text_summarization/summarization_evaluation.ipynb +++ b/examples/text_summarization/summarization_evaluation.ipynb @@ -39,7 +39,7 @@ "if nlp_path not in sys.path:\n", " sys.path.insert(0, nlp_path)\n", " \n", - "from utils_nlp.eval.compute_rouge import compute_rouge_perl, compute_rouge_python" + "from utils_nlp.eval import compute_rouge_perl, compute_rouge_python" ] }, { @@ -47,7 +47,7 @@ "metadata": {}, "source": [ "### Sample inputs\n", - "Both `compute_rouge_perl` and `compute_rouge_python` takes lists of candidate summaries and reference summaries as inputs. Alternatively, you can also provide paths to files containing the candidates and references and set the `input_is_files` argument to `True`. " + "Both `compute_rouge_perl` and `compute_rouge_python` takes lists of candidate summaries and reference summaries as inputs. Alternatively, you can also provide paths to files containing the candidates and references and set the `is_input_files` argument to `True`. " ] }, { diff --git a/tests/unit/test_eval_compute_rouge.py b/tests/unit/test_eval_compute_rouge.py index a975aa664..778594765 100644 --- a/tests/unit/test_eval_compute_rouge.py +++ b/tests/unit/test_eval_compute_rouge.py @@ -1,6 +1,6 @@ import os import pytest -from utils_nlp.eval.compute_rouge import compute_rouge_perl, compute_rouge_python +from utils_nlp.eval import compute_rouge_perl, compute_rouge_python ABS_TOL = 0.00001 @@ -184,7 +184,7 @@ def test_compute_rouge_perl_file(rouge_test_data, tmp): for s in rouge_test_data["references"]: f.write(s + "\n") - rouge_perl = compute_rouge_perl(cand=tmp_cand_file, ref=tmp_ref_file, input_files=True) + rouge_perl = compute_rouge_perl(cand=tmp_cand_file, ref=tmp_ref_file, is_input_files=True) pytest.approx(rouge_perl["rouge_1_recall"], R1R, abs=ABS_TOL) pytest.approx(rouge_perl["rouge_1_precision"], R1P, abs=ABS_TOL) @@ -208,7 +208,7 @@ def test_compute_rouge_python_file(rouge_test_data, tmp): for s in rouge_test_data["references"]: f.write(s + "\n") - rouge_python = compute_rouge_python(cand=tmp_cand_file, ref=tmp_ref_file, input_files=True) + rouge_python = compute_rouge_python(cand=tmp_cand_file, ref=tmp_ref_file, is_input_files=True) pytest.approx(rouge_python["rouge-1"]["r"], R1R, abs=ABS_TOL) pytest.approx(rouge_python["rouge-1"]["p"], R1P, abs=ABS_TOL) diff --git a/utils_nlp/eval/__init__.py b/utils_nlp/eval/__init__.py index e69de29bb..3829f4b7e 100644 --- a/utils_nlp/eval/__init__.py +++ b/utils_nlp/eval/__init__.py @@ -0,0 +1 @@ +from .rouge.compute_rouge import compute_rouge_perl, compute_rouge_python \ No newline at end of file diff --git a/utils_nlp/eval/compute_rouge.py b/utils_nlp/eval/compute_rouge.py deleted file mode 100644 index d4e534404..000000000 --- a/utils_nlp/eval/compute_rouge.py +++ /dev/null @@ -1,127 +0,0 @@ -# Copyright (c) Microsoft Corporation. -# Licensed under the MIT License. - -import os -import shutil -import time -import tempfile - -from pyrouge import Rouge155 -from rouge import Rouge -from .rouge_ext import RougeExt - - -def compute_rouge_perl(cand, ref, input_files=False): - """ - Computes ROUGE scores using the python wrapper - (https://github.com/bheinzerling/pyrouge) of perl ROUGE package. - - Args: - cand (list or str): If `input_files` is `False`, `cand` is a list of strings - containing predicted summaries. if `input_files` is `True`, `cand` is the path - to the file containing the predicted summaries. - ref (list or str): If `input_files` is `False`, `cand` is a list of strings - containing reference summaries. if `input_files` is `True`, `cand` is the path - to the file containing the reference summaries. - input_files (bool, optional): If True, inputs are file names. Otherwise, inputs are lists - of predicted and reference summaries. Defaults to False. - - Returns: - dict: Dictionary of ROUGE scores. - - """ - - temp_dir = tempfile.mkdtemp() - - if input_files: - candidates = [line.strip() for line in open(cand, encoding="utf-8")] - references = [line.strip() for line in open(ref, encoding="utf-8")] - else: - candidates = cand - references = ref - - print("Number of candidates: {}".format(len(candidates))) - print("Number of references: {}".format(len(references))) - assert len(candidates) == len(references) - - cnt = len(candidates) - current_time = time.strftime("%Y-%m-%d-%H-%M-%S", time.localtime()) - tmp_dir = os.path.join(temp_dir, "rouge-tmp-{}".format(current_time)) - - os.makedirs(tmp_dir + "/candidate", exist_ok=True) - os.makedirs(tmp_dir + "/reference", exist_ok=True) - - try: - for i in range(cnt): - if len(references[i]) < 1: - continue - with open(tmp_dir + "/candidate/cand.{}.txt".format(i), "w", encoding="utf-8") as f: - f.write(candidates[i]) - with open(tmp_dir + "/reference/ref.{}.txt".format(i), "w", encoding="utf-8") as f: - f.write(references[i]) - r = Rouge155() - r.model_dir = tmp_dir + "/reference/" - r.system_dir = tmp_dir + "/candidate/" - r.model_filename_pattern = "ref.#ID#.txt" - r.system_filename_pattern = r"cand.(\d+).txt" - rouge_results = r.convert_and_evaluate() - print(rouge_results) - results_dict = r.output_to_dict(rouge_results) - finally: - pass - if os.path.isdir(tmp_dir): - shutil.rmtree(tmp_dir) - return results_dict - - -def compute_rouge_python(cand, ref, input_files=False, language="en"): - """ - Computes ROUGE scores using the python package (https://pypi.org/project/py-rouge/). - - Args: - cand (list or str): If `input_files` is `False`, `cand` is a list of strings - containing predicted summaries. if `input_files` is `True`, `cand` is the path - to the file containing the predicted summaries. - ref (list or str): If `input_files` is `False`, `cand` is a list of strings - containing reference summaries. if `input_files` is `True`, `cand` is the path - to the file containing the reference summaries. - input_files (bool, optional): If True, inputs are file names. Otherwise, inputs are - lists of predicted and reference summaries. Defaults to False. - language (str, optional): Language of the input text. Supported values are "en" and - "hi". Defaults to "en". - - Returns: - dict: Dictionary of ROUGE scores. - - """ - supported_langauges = ["en", "hi"] - if language not in supported_langauges: - raise Exception( - "Language {0} is not supported. Supported languages are: {1}".format( - language, supported_langauges - ) - ) - - if input_files: - candidates = [line.strip() for line in open(cand, encoding="utf-8")] - references = [line.strip() for line in open(ref, encoding="utf-8")] - else: - candidates = cand - references = ref - - print("Number of candidates: {}".format(len(candidates))) - print("Number of references: {}".format(len(references))) - assert len(candidates) == len(references) - - if language == "en": - evaluator = Rouge( - metrics=["rouge-n", "rouge-l"], max_n=2, limit_length=False, apply_avg=True - ) - else: - evaluator = RougeExt( - metrics=["rouge-n", "rouge-l"], max_n=2, limit_length=False, apply_avg=True - ) - - scores = evaluator.get_scores(candidates, [[it] for it in references]) - - return scores diff --git a/utils_nlp/eval/rouge_ext.py b/utils_nlp/eval/rouge_ext.py deleted file mode 100644 index c4e543b7b..000000000 --- a/utils_nlp/eval/rouge_ext.py +++ /dev/null @@ -1,978 +0,0 @@ -# This script is adopted from https://github.com/Diego999/py-rouge/blob/master/rouge/rouge.py -# to compute ROUGE scores for non-English languages. - -# Currently, the script supports Hindi. -# Additional language support can be added by adding language specific -# 1) sentence splitter (SENTENCE_SPLIT_DICT) -# 2) word tokenizer (WORD_TOKENIZE_DICT) -# 3) pattern of characters to remove (REMOVE_CHAR_PATTERN_DICT) -# 4) stemmer (STEMMER_DICT), this is optional since stemming is not applicable to all languages -# 5) changes to _split_into_words if the text words are not separated by space - -# Major changes made to the original rouge.py include: -# 1) Don't remove non-English or non-numeric characters -# 2) Removed the ensure_compatibility argument as we don't need to reproduce the results of -# the original perl script that only supports English. - - -import re -import string -import itertools -import collections - -from indicnlp.tokenize import sentence_tokenize, indic_tokenize -from ..language_utils.hi.hindi_stemmer import hi_stem - - -class RougeExt: - DEFAULT_METRICS = {"rouge-n"} - DEFAULT_N = 1 - STATS = ["f", "p", "r"] - AVAILABLE_METRICS = {"rouge-n", "rouge-l", "rouge-w"} - AVAILABLE_LENGTH_LIMIT_TYPES = {"words", "bytes"} - - SENTENCE_SPLIT_DICT = {"hi": sentence_tokenize.sentence_split} - WORD_TOKENIZE_DICT = {"hi": indic_tokenize.trivial_tokenize} - REMOVE_CHAR_PATTERN_DICT = { - "hi": re.compile(r"([" + string.punctuation + r"\u0964\u0965" + r"])") - } - STEMMER_DICT = {"hi": hi_stem} - - # REMOVE_CHAR_PATTERN = re.compile('[^A-Za-z0-9]') - - # Hack to not tokenize "cannot" to "can not" and consider them different as in the - # official ROUGE script - # KEEP_CANNOT_IN_ONE_WORD = re.compile('cannot') - # KEEP_CANNOT_IN_ONE_WORD_REVERSED = re.compile('_cannot_') - - # WORDNET_KEY_VALUE = {} - # WORDNET_DB_FILEPATH = 'wordnet_key_value.txt' - # WORDNET_DB_FILEPATH_SPECIAL_CASE = 'wordnet_key_value_special_cases.txt' - # WORDNET_DB_DELIMITER = '|' - # STEMMER = None - - def __init__( - self, - metrics=None, - max_n=None, - limit_length=True, - length_limit=665, - length_limit_type="bytes", - apply_avg=True, - apply_best=False, - stemming=True, - alpha=0.5, - weight_factor=1.0, - language="hi", - ): - """ - Handle the ROUGE score computation as in the official perl script. - - Note 1: Small differences might happen if the resampling of the perl script is not - high enough (as the average depends on this). - Note 2: Stemming of the official Porter Stemmer of the ROUGE perl script is slightly - different and the Porter one implemented in NLTK. However, special cases of - DUC 2004 have been traited. - The solution would be to rewrite the whole perl stemming in python from - the original script - - Args: - metrics: What ROUGE score to compute. Available: ROUGE-N, ROUGE-L, ROUGE-W. - Default: ROUGE-N - max_n: N-grams for ROUGE-N if specify. Default:1 - limit_length: If the summaries must be truncated. Defaut:True - length_limit: Number of the truncation where the unit is express int length_limit_Type. - Default:665 (bytes) - length_limit_type: Unit of length_limit. Available: words, bytes. Default: 'bytes' - apply_avg: If we should average the score of multiple samples. Default: True. If - apply_Avg & apply_best = False, then each ROUGE scores are independant - apply_best: Take the best instead of the average. Default: False, then each ROUGE - scores are independant - stemming: Apply stemming to summaries. Default: True - alpha: Alpha use to compute f1 score: P*R/((1-a)*P + a*R). Default:0.5 - weight_factor: Weight factor to be used for ROUGE-W. Official rouge score defines - it at 1.2. Default: 1.0 - - Raises: - ValueError: raises exception if metric is not among AVAILABLE_METRICS - ValueError: raises exception if length_limit_type is not among - AVAILABLE_LENGTH_LIMIT_TYPES - ValueError: raises exception if weight_factor < 0 - """ - self.metrics = metrics[:] if metrics is not None else RougeExt.DEFAULT_METRICS - for m in self.metrics: - if m not in RougeExt.AVAILABLE_METRICS: - raise ValueError("Unknown metric '{}'".format(m)) - - self.max_n = max_n if "rouge-n" in self.metrics else None - # Add all rouge-n metrics - if self.max_n is not None: - index_rouge_n = self.metrics.index("rouge-n") - del self.metrics[index_rouge_n] - self.metrics += ["rouge-{}".format(n) for n in range(1, self.max_n + 1)] - self.metrics = set(self.metrics) - - self.limit_length = limit_length - if self.limit_length: - if length_limit_type not in RougeExt.AVAILABLE_LENGTH_LIMIT_TYPES: - raise ValueError("Unknown length_limit_type '{}'".format(length_limit_type)) - - self.length_limit = length_limit - if self.length_limit == 0: - self.limit_length = False - self.length_limit_type = length_limit_type - self.stemming = stemming - - self.apply_avg = apply_avg - self.apply_best = apply_best - self.alpha = alpha - self.weight_factor = weight_factor - if self.weight_factor <= 0: - raise ValueError("ROUGE-W weight factor must greater than 0.") - - self.language = language - - self.sentence_split = RougeExt.SENTENCE_SPLIT_DICT[self.language] - self.word_tokenize = RougeExt.WORD_TOKENIZE_DICT[self.language] - self.remove_char_pattern = RougeExt.REMOVE_CHAR_PATTERN_DICT[self.language] - if self.language not in RougeExt.STEMMER_DICT.keys(): - self.stemmer = None - warnings.warn("Language-specific stemmer is not available. Skipping stemming.") - else: - self.stemmer = RougeExt.STEMMER_DICT[self.language] - - # # Load static objects - # if len(Rouge.WORDNET_KEY_VALUE) == 0: - # Rouge.load_wordnet_db(ensure_compatibility) - # if Rouge.STEMMER is None: - # Rouge.load_stemmer(ensure_compatibility) - - # @staticmethod - # def load_stemmer(ensure_compatibility): - # """ - # Load the stemmer that is going to be used if stemming is enabled - # Args - # ensure_compatibility: Use same stemmer and special "hacks" to product - # same results as in the official perl script (besides the number of - # sampling if not high enough) - # """ - # Rouge.STEMMER = nltk.stem.porter.PorterStemmer('ORIGINAL_ALGORITHM') if - # ensure_compatibility else nltk.stem.porter.PorterStemmer() - - # @staticmethod - # def load_wordnet_db(ensure_compatibility): - # """ - # Load WordNet database to apply specific rules instead of stemming + load file for - # special cases to ensure kind of compatibility (at list with DUC 2004) with the - # original stemmer used in the Perl script - # Args - # ensure_compatibility: Use same stemmer and special "hacks" to product same - # results as in the official perl script (besides the number of sampling - # if not high enough) - - # Raises: - # FileNotFoundError: If one of both databases is not found - # """ - # files_to_load = [Rouge.WORDNET_DB_FILEPATH] - # if ensure_compatibility: - # files_to_load.append(Rouge.WORDNET_DB_FILEPATH_SPECIAL_CASE) - - # for wordnet_db in files_to_load: - # filepath = pkg_resources.resource_filename(__name__, wordnet_db) - # if not os.path.exists(filepath): - # raise FileNotFoundError("The file '{}' does not exist".format(filepath)) - - # with open(filepath, 'r', encoding='utf-8') as fp: - # for line in fp: - # k, v = line.strip().split(Rouge.WORDNET_DB_DELIMITER) - # assert k not in Rouge.WORDNET_KEY_VALUE - # Rouge.WORDNET_KEY_VALUE[k] = v - - def tokenize_text(self, text): - """ - Tokenize text in the specific language - - Args: - text: The string text to tokenize - language: Language of the text - - Returns: - List of tokens of text - """ - return self.word_tokenize(text, self.language) - - def split_into_sentences(self, text): - """ - Split text into sentences, using specified language. - - Args: - text: The string text to tokenize - language: Language of the text - - Returns: - List of tokens of text - """ - - return self.sentence_split(text, self.language) - - # @staticmethod - # def stem_tokens(tokens): - # """ - # Apply WordNetDB rules or Stem each token of tokens - - # Args: - # tokens: List of tokens to apply WordNetDB rules or to stem - - # Returns: - # List of final stems - # """ - # # Stemming & Wordnet apply only if token has at least 3 chars - # for i, token in enumerate(tokens): - # if len(token) > 0: - # if len(token) > 3: - # if token in Rouge.WORDNET_KEY_VALUE: - # token = Rouge.WORDNET_KEY_VALUE[token] - # else: - # token = Rouge.STEMMER.stem(token) - # tokens[i] = token - - # return tokens - - def stem_tokens(self, tokens): - """ - Stem each token of tokens - - Args: - tokens: List of tokens to stem - - Returns: - List of final stems - """ - for i, token in enumerate(tokens): - tokens[i] = self.stemmer(token) - - return tokens - - @staticmethod - def _get_ngrams(n, text): - """ - Calcualtes n-grams. - - Args: - n: which n-grams to calculate - text: An array of tokens - - Returns: - A set of n-grams with their number of occurences - """ - # Modified from https://github.com/pltrdy/seq2seq/blob/master/seq2seq/metrics/rouge.py - ngram_set = collections.defaultdict(int) - max_index_ngram_start = len(text) - n - for i in range(max_index_ngram_start + 1): - ngram_set[tuple(text[i : i + n])] += 1 - return ngram_set - - @staticmethod - def _split_into_words(sentences): - """ - Splits multiple sentences into words and flattens the result - - Args: - sentences: list of string - - Returns: - A list of words (split by white space) - """ - # Modified from https://github.com/pltrdy/seq2seq/blob/master/seq2seq/metrics/rouge.py - return list(itertools.chain(*[_.split() for _ in sentences])) - - @staticmethod - def _get_word_ngrams_and_length(n, sentences): - """ - Calculates word n-grams for multiple sentences. - - Args: - n: wich n-grams to calculate - sentences: list of string - - Returns: - A set of n-grams, their frequency and #n-grams in sentences - """ - # Modified from https://github.com/pltrdy/seq2seq/blob/master/seq2seq/metrics/rouge.py - assert len(sentences) > 0 - assert n > 0 - - tokens = RougeExt._split_into_words(sentences) - return RougeExt._get_ngrams(n, tokens), tokens, len(tokens) - (n - 1) - - @staticmethod - def _get_unigrams(sentences): - """ - Calcualtes uni-grams. - - Args: - sentences: list of string - - Returns: - A set of n-grams and their freqneucy - """ - assert len(sentences) > 0 - - tokens = RougeExt._split_into_words(sentences) - unigram_set = collections.defaultdict(int) - for token in tokens: - unigram_set[token] += 1 - return unigram_set, len(tokens) - - @staticmethod - def _compute_p_r_f_score( - evaluated_count, reference_count, overlapping_count, alpha=0.5, weight_factor=1.0 - ): - """ - Compute precision, recall and f1_score (with alpha: P*R / ((1-alpha)*P + alpha*R)) - - Args: - evaluated_count: #n-grams in the hypothesis - reference_count: #n-grams in the reference - overlapping_count: #n-grams in common between hypothesis and reference - alpha: Value to use for the F1 score (default: 0.5) - weight_factor: Weight factor if we have use ROUGE-W (default: 1.0, no impact) - - Returns: - A dict with 'p', 'r' and 'f' as keys fore precision, recall, f1 score - """ - precision = 0.0 if evaluated_count == 0 else overlapping_count / evaluated_count - if weight_factor != 1.0: - precision = precision ** (1.0 / weight_factor) - recall = 0.0 if reference_count == 0 else overlapping_count / reference_count - if weight_factor != 1.0: - recall = recall ** (1.0 / weight_factor) - f1_score = RougeExt._compute_f_score(precision, recall, alpha) - return {"f": f1_score, "p": precision, "r": recall} - - @staticmethod - def _compute_f_score(precision, recall, alpha=0.5): - """ - Compute f1_score (with alpha: P*R / ((1-alpha)*P + alpha*R)) - - Args: - precision: precision - recall: recall - overlapping_count: #n-grams in common between hypothesis and reference - - Returns: - f1 score - """ - return ( - 0.0 - if (recall == 0.0 or precision == 0.0) - else precision * recall / ((1 - alpha) * precision + alpha * recall) - ) - - @staticmethod - def _compute_ngrams(evaluated_sentences, reference_sentences, n): - """ - Computes n-grams overlap of two text collections of sentences. - Source: http://research.microsoft.com/en-us/um/people/cyl/download/ - papers/rouge-working-note-v1.3.1.pdf - - Args: - evaluated_sentences: The sentences that have been picked by the - summarizer - reference_sentences: The sentences from the referene set - n: Size of ngram - - Returns: - Number of n-grams for evaluated_sentences, reference_sentences and intersection of both. - intersection of both count multiple of occurences in n-grams match several times - - Raises: - ValueError: raises exception if a param has len <= 0 - """ - # Modified from https://github.com/pltrdy/seq2seq/blob/master/seq2seq/metrics/rouge.py - if len(evaluated_sentences) <= 0 or len(reference_sentences) <= 0: - raise ValueError("Collections must contain at least 1 sentence.") - - evaluated_ngrams, _, evaluated_count = RougeExt._get_word_ngrams_and_length( - n, evaluated_sentences - ) - reference_ngrams, _, reference_count = RougeExt._get_word_ngrams_and_length( - n, reference_sentences - ) - - # Gets the overlapping ngrams between evaluated and reference - overlapping_ngrams = set(evaluated_ngrams.keys()).intersection(set(reference_ngrams.keys())) - overlapping_count = 0 - for ngram in overlapping_ngrams: - overlapping_count += min(evaluated_ngrams[ngram], reference_ngrams[ngram]) - - return evaluated_count, reference_count, overlapping_count - - @staticmethod - def _compute_ngrams_lcs(evaluated_sentences, reference_sentences, weight_factor=1.0): - """ - Computes ROUGE-L (summary level) of two text collections of sentences. - http://research.microsoft.com/en-us/um/people/cyl/download/papers/ - rouge-working-note-v1.3.1.pdf - Args: - evaluated_sentences: The sentences that have been picked by the summarizer - reference_sentence: One of the sentences in the reference summaries - weight_factor: Weight factor to be used for WLCS (1.0 by default if LCS) - Returns: - Number of LCS n-grams for evaluated_sentences, reference_sentences and intersection - of both. - intersection of both count multiple of occurences in n-grams match several times - Raises: - ValueError: raises exception if a param has len <= 0 - """ - - def _lcs(x, y): - m = len(x) - n = len(y) - vals = collections.defaultdict(int) - dirs = collections.defaultdict(int) - - for i in range(1, m + 1): - for j in range(1, n + 1): - if x[i - 1] == y[j - 1]: - vals[i, j] = vals[i - 1, j - 1] + 1 - dirs[i, j] = "|" - elif vals[i - 1, j] >= vals[i, j - 1]: - vals[i, j] = vals[i - 1, j] - dirs[i, j] = "^" - else: - vals[i, j] = vals[i, j - 1] - dirs[i, j] = "<" - - return vals, dirs - - def _wlcs(x, y, weight_factor): - m = len(x) - n = len(y) - vals = collections.defaultdict(float) - dirs = collections.defaultdict(int) - lengths = collections.defaultdict(int) - - for i in range(1, m + 1): - for j in range(1, n + 1): - if x[i - 1] == y[j - 1]: - length_tmp = lengths[i - 1, j - 1] - vals[i, j] = ( - vals[i - 1, j - 1] - + (length_tmp + 1) ** weight_factor - - length_tmp ** weight_factor - ) - dirs[i, j] = "|" - lengths[i, j] = length_tmp + 1 - elif vals[i - 1, j] >= vals[i, j - 1]: - vals[i, j] = vals[i - 1, j] - dirs[i, j] = "^" - lengths[i, j] = 0 - else: - vals[i, j] = vals[i, j - 1] - dirs[i, j] = "<" - lengths[i, j] = 0 - - return vals, dirs - - def _mark_lcs(mask, dirs, m, n): - while m != 0 and n != 0: - if dirs[m, n] == "|": - m -= 1 - n -= 1 - mask[m] = 1 - elif dirs[m, n] == "^": - m -= 1 - elif dirs[m, n] == "<": - n -= 1 - else: - raise UnboundLocalError("Illegal move") - - return mask - - if len(evaluated_sentences) <= 0 or len(reference_sentences) <= 0: - raise ValueError("Collections must contain at least 1 sentence.") - - evaluated_unigrams_dict, evaluated_count = RougeExt._get_unigrams(evaluated_sentences) - reference_unigrams_dict, reference_count = RougeExt._get_unigrams(reference_sentences) - - # Has to use weight factor for WLCS - use_WLCS = weight_factor != 1.0 - if use_WLCS: - evaluated_count = evaluated_count ** weight_factor - reference_count = 0 - - overlapping_count = 0.0 - for reference_sentence in reference_sentences: - reference_sentence_tokens = reference_sentence.split() - if use_WLCS: - reference_count += len(reference_sentence_tokens) ** weight_factor - hit_mask = [0 for _ in range(len(reference_sentence_tokens))] - - for evaluated_sentence in evaluated_sentences: - evaluated_sentence_tokens = evaluated_sentence.split() - - if use_WLCS: - _, lcs_dirs = _wlcs( - reference_sentence_tokens, evaluated_sentence_tokens, weight_factor - ) - else: - _, lcs_dirs = _lcs(reference_sentence_tokens, evaluated_sentence_tokens) - _mark_lcs( - hit_mask, - lcs_dirs, - len(reference_sentence_tokens), - len(evaluated_sentence_tokens), - ) - - overlapping_count_length = 0 - for ref_token_id, val in enumerate(hit_mask): - if val == 1: - token = reference_sentence_tokens[ref_token_id] - if evaluated_unigrams_dict[token] > 0 and reference_unigrams_dict[token] > 0: - evaluated_unigrams_dict[token] -= 1 - reference_unigrams_dict[ref_token_id] -= 1 - - if use_WLCS: - overlapping_count_length += 1 - if ( - ref_token_id + 1 < len(hit_mask) and hit_mask[ref_token_id + 1] == 0 - ) or ref_token_id + 1 == len(hit_mask): - overlapping_count += overlapping_count_length ** weight_factor - overlapping_count_length = 0 - else: - overlapping_count += 1 - - if use_WLCS: - reference_count = reference_count ** weight_factor - - return evaluated_count, reference_count, overlapping_count - - def get_scores(self, hypothesis, references): - """ - Compute precision, recall and f1 score between hypothesis and references - - Args: - hypothesis: hypothesis summary, string - references: reference summary/ies, either string or list of strings (if multiple) - - Returns: - Return precision, recall and f1 score between hypothesis and references - - Raises: - ValueError: raises exception if a type of hypothesis is different than the one of - reference - ValueError: raises exception if a len of hypothesis is different than the one of reference - """ - if isinstance(hypothesis, str): - hypothesis, references = [hypothesis], [references] - - if type(hypothesis) != type(references): - raise ValueError("'hyps' and 'refs' are not of the same type") - - if len(hypothesis) != len(references): - raise ValueError("'hyps' and 'refs' do not have the same length") - - scores = {} - has_rouge_n_metric = ( - len([metric for metric in self.metrics if metric.split("-")[-1].isdigit()]) > 0 - ) - if has_rouge_n_metric: - scores = {**scores, **self._get_scores_rouge_n(hypothesis, references)} - - has_rouge_l_metric = ( - len([metric for metric in self.metrics if metric.split("-")[-1].lower() == "l"]) > 0 - ) - if has_rouge_l_metric: - scores = {**scores, **self._get_scores_rouge_l_or_w(hypothesis, references, False)} - - has_rouge_w_metric = ( - len([metric for metric in self.metrics if metric.split("-")[-1].lower() == "w"]) > 0 - ) - if has_rouge_w_metric: - scores = {**scores, **self._get_scores_rouge_l_or_w(hypothesis, references, True)} - - return scores - - def _get_scores_rouge_n(self, all_hypothesis, all_references): - """ - Computes precision, recall and f1 score between all hypothesis and references - - Args: - hypothesis: hypothesis summary, string - references: reference summary/ies, either string or list of strings (if multiple) - - Returns: - Return precision, recall and f1 score between all hypothesis and references - """ - metrics = [metric for metric in self.metrics if metric.split("-")[-1].isdigit()] - - if self.apply_avg or self.apply_best: - scores = {metric: {stat: 0.0 for stat in RougeExt.STATS} for metric in metrics} - else: - scores = { - metric: [{stat: [] for stat in RougeExt.STATS} for _ in range(len(all_hypothesis))] - for metric in metrics - } - - for sample_id, (hypothesis, references) in enumerate(zip(all_hypothesis, all_references)): - assert isinstance(hypothesis, str) - has_multiple_references = False - if isinstance(references, list): - has_multiple_references = len(references) > 1 - if not has_multiple_references: - references = references[0] - - # Prepare hypothesis and reference(s) - hypothesis = self._preprocess_summary_as_a_whole(hypothesis) - references = ( - [self._preprocess_summary_as_a_whole(reference) for reference in references] - if has_multiple_references - else [self._preprocess_summary_as_a_whole(references)] - ) - - # Compute scores - for metric in metrics: - suffix = metric.split("-")[-1] - n = int(suffix) - - # Aggregate - if self.apply_avg: - # average model - total_hypothesis_ngrams_count = 0 - total_reference_ngrams_count = 0 - total_ngrams_overlapping_count = 0 - - for reference in references: - n_grams_counts = RougeExt._compute_ngrams(hypothesis, reference, n) - hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts - total_hypothesis_ngrams_count += hypothesis_count - total_reference_ngrams_count += reference_count - total_ngrams_overlapping_count += overlapping_ngrams - - score = RougeExt._compute_p_r_f_score( - total_hypothesis_ngrams_count, - total_reference_ngrams_count, - total_ngrams_overlapping_count, - self.alpha, - ) - - for stat in RougeExt.STATS: - scores[metric][stat] += score[stat] - else: - # Best model - if self.apply_best: - best_current_score = None - for reference in references: - n_grams_counts = RougeExt._compute_ngrams(hypothesis, reference, n) - hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts - score = RougeExt._compute_p_r_f_score( - hypothesis_count, reference_count, overlapping_ngrams, self.alpha - ) - if best_current_score is None or score["r"] > best_current_score["r"]: - best_current_score = score - - for stat in RougeExt.STATS: - scores[metric][stat] += best_current_score[stat] - # Keep all - else: - for reference in references: - n_grams_counts = RougeExt._compute_ngrams(hypothesis, reference, n) - hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts - score = RougeExt._compute_p_r_f_score( - hypothesis_count, reference_count, overlapping_ngrams, self.alpha - ) - for stat in RougeExt.STATS: - scores[metric][sample_id][stat].append(score[stat]) - - # Compute final score with the average or the the max - if (self.apply_avg or self.apply_best) and len(all_hypothesis) > 1: - for metric in metrics: - for stat in RougeExt.STATS: - scores[metric][stat] /= len(all_hypothesis) - - return scores - - def _get_scores_rouge_l_or_w(self, all_hypothesis, all_references, use_w=False): - """ - Computes precision, recall and f1 score between all hypothesis and references - - Args: - hypothesis: hypothesis summary, string - references: reference summary/ies, either string or list of strings (if multiple) - - Returns: - Return precision, recall and f1 score between all hypothesis and references - """ - metric = "rouge-w" if use_w else "rouge-l" - if self.apply_avg or self.apply_best: - scores = {metric: {stat: 0.0 for stat in RougeExt.STATS}} - else: - scores = { - metric: [{stat: [] for stat in RougeExt.STATS} for _ in range(len(all_hypothesis))] - } - - for sample_id, (hypothesis_sentences, references_sentences) in enumerate( - zip(all_hypothesis, all_references) - ): - assert isinstance(hypothesis_sentences, str) - has_multiple_references = False - if isinstance(references_sentences, list): - has_multiple_references = len(references_sentences) > 1 - if not has_multiple_references: - references_sentences = references_sentences[0] - - # Prepare hypothesis and reference(s) - hypothesis_sentences = self._preprocess_summary_per_sentence(hypothesis_sentences) - references_sentences = ( - [ - self._preprocess_summary_per_sentence(reference) - for reference in references_sentences - ] - if has_multiple_references - else [self._preprocess_summary_per_sentence(references_sentences)] - ) - - # Compute scores - # Aggregate - if self.apply_avg: - # average model - total_hypothesis_ngrams_count = 0 - total_reference_ngrams_count = 0 - total_ngrams_overlapping_count = 0 - - for reference_sentences in references_sentences: - n_grams_counts = RougeExt._compute_ngrams_lcs( - hypothesis_sentences, - reference_sentences, - self.weight_factor if use_w else 1.0, - ) - hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts - total_hypothesis_ngrams_count += hypothesis_count - total_reference_ngrams_count += reference_count - total_ngrams_overlapping_count += overlapping_ngrams - - score = RougeExt._compute_p_r_f_score( - total_hypothesis_ngrams_count, - total_reference_ngrams_count, - total_ngrams_overlapping_count, - self.alpha, - self.weight_factor, - ) - - for stat in RougeExt.STATS: - scores[metric][stat] += score[stat] - else: - # Best model - if self.apply_best: - best_current_score = None - best_current_score_wlcs = None - for reference_sentences in references_sentences: - n_grams_counts = RougeExt._compute_ngrams_lcs( - hypothesis_sentences, - reference_sentences, - self.weight_factor if use_w else 1.0, - ) - hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts - score = RougeExt._compute_p_r_f_score( - hypothesis_count, - reference_count, - overlapping_ngrams, - self.alpha, - self.weight_factor, - ) - - if use_w: - reference_count_for_score = reference_count ** ( - 1.0 / self.weight_factor - ) - overlapping_ngrams_for_score = overlapping_ngrams - score_wlcs = ( - overlapping_ngrams_for_score / reference_count_for_score - ) ** (1.0 / self.weight_factor) - - if ( - best_current_score_wlcs is None - or score_wlcs > best_current_score_wlcs - ): - best_current_score = score - best_current_score_wlcs = score_wlcs - else: - if best_current_score is None or score["r"] > best_current_score["r"]: - best_current_score = score - - for stat in RougeExt.STATS: - scores[metric][stat] += best_current_score[stat] - # Keep all - else: - for reference_sentences in references_sentences: - n_grams_counts = RougeExt._compute_ngrams_lcs( - hypothesis_sentences, - reference_sentences, - self.weight_factor if use_w else 1.0, - ) - hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts - score = RougeExt._compute_p_r_f_score( - hypothesis_count, - reference_count, - overlapping_ngrams, - self.alpha, - self.weight_factor, - ) - - for stat in RougeExt.STATS: - scores[metric][sample_id][stat].append(score[stat]) - - # Compute final score with the average or the the max - if (self.apply_avg or self.apply_best) and len(all_hypothesis) > 1: - for stat in RougeExt.STATS: - scores[metric][stat] /= len(all_hypothesis) - - return scores - - def _preprocess_summary_as_a_whole(self, summary): - """ - Preprocessing (truncate text if enable, tokenization, stemming if enable, lowering) - of a summary as a whole - - Args: - summary: string of the summary - - Returns: - Return the preprocessed summary (string) - """ - sentences = self.split_into_sentences(summary) - - # Truncate - if self.limit_length: - # By words - if self.length_limit_type == "words": - summary = " ".join(sentences) - all_tokens = summary.split() # Counting as in the perls script - summary = " ".join(all_tokens[: self.length_limit]) - - # By bytes - elif self.length_limit_type == "bytes": - summary = "" - current_len = 0 - for sentence in sentences: - sentence = sentence.strip() - sentence_len = len(sentence) - - if current_len + sentence_len < self.length_limit: - if current_len != 0: - summary += " " - summary += sentence - current_len += sentence_len - else: - if current_len > 0: - summary += " " - summary += sentence[: self.length_limit - current_len] - break - else: - summary = " ".join(sentences) - - # summary = Rouge.REMOVE_CHAR_PATTERN.sub(' ', summary.lower()).strip() - summary = self.remove_char_pattern.sub(" ", summary.lower()).strip() - - # # Preprocess. Hack: because official ROUGE script bring "cannot" as "cannot" and - # "can not" as "can not", - # # we have to hack nltk tokenizer to not transform "cannot/can not" to "can not" - # if self.ensure_compatibility: - # tokens = self.tokenize_text(Rouge.KEEP_CANNOT_IN_ONE_WORD.sub('_cannot_', summary)) - # else: - # tokens = self.tokenize_text(Rouge.REMOVE_CHAR_PATTERN.sub(' ', summary)) - - # if self.stemming: - # self.stem_tokens(tokens) # stemming in-place - - # if self.ensure_compatibility: - # preprocessed_summary = [Rouge.KEEP_CANNOT_IN_ONE_WORD_REVERSED.sub( - # 'cannot', ' '.join(tokens))] - # else: - # preprocessed_summary = [' '.join(tokens)] - - # return preprocessed_summary - - tokens = self.tokenize_text(summary) - if self.stemming: - self.stem_tokens(tokens) # stemming in-place - summary = [" ".join(tokens)] - - return summary - - def _preprocess_summary_per_sentence(self, summary): - """ - Preprocessing (truncate text if enable, tokenization, stemming if enable, lowering) - of a summary by sentences - - Args: - summary: string of the summary - - Returns: - Return the preprocessed summary (string) - """ - sentences = self.split_into_sentences(summary) - - # Truncate - if self.limit_length: - final_sentences = [] - current_len = 0 - # By words - if self.length_limit_type == "words": - for sentence in sentences: - tokens = sentence.strip().split() - tokens_len = len(tokens) - if current_len + tokens_len < self.length_limit: - sentence = " ".join(tokens) - final_sentences.append(sentence) - current_len += tokens_len - else: - sentence = " ".join(tokens[: self.length_limit - current_len]) - final_sentences.append(sentence) - break - # By bytes - elif self.length_limit_type == "bytes": - for sentence in sentences: - sentence = sentence.strip() - sentence_len = len(sentence) - if current_len + sentence_len < self.length_limit: - final_sentences.append(sentence) - current_len += sentence_len - else: - sentence = sentence[: self.length_limit - current_len] - final_sentences.append(sentence) - break - sentences = final_sentences - - final_sentences = [] - for sentence in sentences: - # sentence = Rouge.REMOVE_CHAR_PATTERN.sub(' ', sentence.lower()).strip() - sentence = self.remove_char_pattern.sub(" ", sentence.lower()).strip() - - # # Preprocess. Hack: because official ROUGE script bring "cannot" as "cannot" - # and "can not" as "can not", - # # we have to hack nltk tokenizer to not transform "cannot/can not" to "can not" - # if self.ensure_compatibility: - # tokens = self.tokenize_text(Rouge.KEEP_CANNOT_IN_ONE_WORD.sub( - # '_cannot_', sentence)) - # else: - # tokens = self.tokenize_text(Rouge.REMOVE_CHAR_PATTERN.sub(' ', sentence)) - - # if self.stemming: - # self.stem_tokens(tokens) # stemming in-place - - # if self.ensure_compatibility: - # sentence = Rouge.KEEP_CANNOT_IN_ONE_WORD_REVERSED.sub( - # 'cannot', ' '.join(tokens) - # ) - # else: - # sentence = ' '.join(tokens) - - tokens = self.tokenize_text(sentence) - if self.stemming: - self.stem_tokens(tokens) # stemming in-place - sentence = " ".join(tokens) - final_sentences.append(sentence) - - return final_sentences From 21eadea232f957bdfd3ae28ffae0a0191ffe5bc8 Mon Sep 17 00:00:00 2001 From: saidbleik Date: Mon, 6 Jan 2020 19:22:23 +0000 Subject: [PATCH 112/167] moved the order of moving to device and creating the optimizer --- utils_nlp/models/transformers/common.py | 46 ++++++++++++++----------- 1 file changed, 25 insertions(+), 21 deletions(-) diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index 42aedebfb..1dc66625c 100644 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -102,9 +102,28 @@ def fine_tune( verbose=True, seed=None, ): - + # get device device, num_gpus = get_device(num_gpus=n_gpu, local_rank=-1) + # unwrap model + if isinstance(self.model, torch.nn.DataParallel): + self.model = self.model.module + + # wrap in DataParallel or DistributedDataParallel + if local_rank != -1: + self.model = torch.nn.parallel.DistributedDataParallel( + self.model, + device_ids=[local_rank], + output_device=local_rank, + find_unused_parameters=True, + ) + else: + if num_gpus > 1: + self.model = torch.nn.DataParallel(self.model, device_ids=list(range(num_gpus))) + + # move to device + self.model.to(device) + if seed is not None: Transformer.set_seed(seed, num_gpus > 0) @@ -116,6 +135,7 @@ def fine_tune( else: t_total = len(train_dataloader) // gradient_accumulation_steps * num_train_epochs + # set optimizer if optimizer is None: no_decay = ["bias", "LayerNorm.weight"] optimizer_grouped_parameters = [ @@ -138,6 +158,7 @@ def fine_tune( ] optimizer = AdamW(optimizer_grouped_parameters, lr=learning_rate, eps=adam_epsilon) + # set scheduler if scheduler is None: scheduler = get_linear_schedule_with_warmup( optimizer, num_warmup_steps=warmup_steps, num_training_steps=t_total @@ -150,30 +171,16 @@ def fine_tune( raise ImportError("Please install apex from https://www.github.com/nvidia/apex") self.model, optimizer = amp.initialize(self.model, optimizer, opt_level=fp16_opt_level) - if local_rank != -1: - self.model = torch.nn.parallel.DistributedDataParallel( - self.model, - device_ids=[local_rank], - output_device=local_rank, - find_unused_parameters=True, - ) - else: - if isinstance(self.model, torch.nn.DataParallel): - self.model = self.model.module - - if num_gpus > 1: - self.model = torch.nn.DataParallel(self.model, device_ids=list(range(num_gpus))) - - self.model.to(device) - self.model.train() - + # init training global_step = 0 tr_loss = 0.0 + self.model.train() self.model.zero_grad() train_iterator = trange( int(num_train_epochs), desc="Epoch", disable=local_rank not in [-1, 0] or not verbose ) + # train for _ in train_iterator: epoch_iterator = tqdm( train_dataloader, desc="Iteration", disable=local_rank not in [-1, 0] or not verbose @@ -214,9 +221,6 @@ def fine_tune( train_iterator.close() break - # empty cache - del [batch] - torch.cuda.empty_cache() return global_step, tr_loss / global_step def predict(self, eval_dataloader, get_inputs, n_gpu=1, verbose=True): From f8afe28206025de9f8bc5b4d42034e8b78e3886c Mon Sep 17 00:00:00 2001 From: hlums Date: Mon, 6 Jan 2020 19:56:10 +0000 Subject: [PATCH 113/167] Add arguments for user to provide language specific pre-processing functions. --- utils_nlp/eval/rouge/compute_rouge.py | 156 ++++ utils_nlp/eval/rouge/rouge_ext.py | 999 ++++++++++++++++++++++++++ 2 files changed, 1155 insertions(+) create mode 100644 utils_nlp/eval/rouge/compute_rouge.py create mode 100644 utils_nlp/eval/rouge/rouge_ext.py diff --git a/utils_nlp/eval/rouge/compute_rouge.py b/utils_nlp/eval/rouge/compute_rouge.py new file mode 100644 index 000000000..90f6a8b0a --- /dev/null +++ b/utils_nlp/eval/rouge/compute_rouge.py @@ -0,0 +1,156 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT License. + +import os +import shutil +import time +import tempfile + +from pyrouge import Rouge155 +from rouge import Rouge +from .rouge_ext import RougeExt + + +def compute_rouge_perl(cand, ref, is_input_files=False, verbose=False): + """ + Computes ROUGE scores using the python wrapper + (https://github.com/bheinzerling/pyrouge) of perl ROUGE package. + + Args: + cand (list or str): If `is_input_files` is `False`, `cand` is a list of strings + containing predicted summaries. if `is_input_files` is `True`, `cand` is the path + to the file containing the predicted summaries. + ref (list or str): If `is_input_files` is `False`, `cand` is a list of strings + containing reference summaries. if `is_input_files` is `True`, `cand` is the path + to the file containing the reference summaries. + is_input_files (bool, optional): If True, inputs are file names. Otherwise, inputs are lists + of predicted and reference summaries. Defaults to False. + verbose (bool, optional): If True, print out all rouge scores. Defaults to False. + + Returns: + dict: Dictionary of ROUGE scores. + + """ + + temp_dir = tempfile.mkdtemp() + + if is_input_files: + candidates = [line.strip() for line in open(cand, encoding="utf-8")] + references = [line.strip() for line in open(ref, encoding="utf-8")] + else: + candidates = cand + references = ref + + print("Number of candidates: {}".format(len(candidates))) + print("Number of references: {}".format(len(references))) + assert len(candidates) == len(references) + + cnt = len(candidates) + current_time = time.strftime("%Y-%m-%d-%H-%M-%S", time.localtime()) + tmp_dir = os.path.join(temp_dir, "rouge-tmp-{}".format(current_time)) + + tmp_dir_candidate = tmp_dir + "/candidate/" + tmp_dir_reference = tmp_dir + "/reference/" + + os.makedirs(tmp_dir_candidate, exist_ok=True) + os.makedirs(tmp_dir_reference, exist_ok=True) + + try: + for i in range(cnt): + if len(references[i]) < 1: + continue + with open(tmp_dir_candidate + "/cand.{}.txt".format(i), "w", encoding="utf-8") as f: + f.write(candidates[i]) + with open(tmp_dir_reference + "/ref.{}.txt".format(i), "w", encoding="utf-8") as f: + f.write(references[i]) + r = Rouge155() + r.model_dir = tmp_dir_reference + r.system_dir = tmp_dir_candidate + r.model_filename_pattern = "ref.#ID#.txt" + r.system_filename_pattern = r"cand.(\d+).txt" + rouge_results = r.convert_and_evaluate() + if verbose: + print(rouge_results) + results_dict = r.output_to_dict(rouge_results) + finally: + if os.path.isdir(tmp_dir): + shutil.rmtree(tmp_dir) + return results_dict + + +def compute_rouge_python( + cand, + ref, + is_input_files=False, + language="en", + sentence_split_func=None, + word_tokenize_func=None, + remove_char_pattern=None, + stemming_func=None, +): + """ + Computes ROUGE scores using the python package (https://pypi.org/project/py-rouge/). + + Args: + cand (list or str): If `is_input_files` is `False`, `cand` is a list of strings + containing predicted summaries. if `is_input_files` is `True`, `cand` is the path + to the file containing the predicted summaries. + ref (list or str): If `is_input_files` is `False`, `cand` is a list of strings + containing reference summaries. if `is_input_files` is `True`, `cand` is the path + to the file containing the reference summaries. + is_input_files (bool, optional): If True, inputs are file names. Otherwise, inputs are + lists of predicted and reference summaries. Defaults to False. + language (str, optional): Language of the input text. Supported values are "en" and + "hi". Defaults to "en". + sentence_split_func (function, optional): Language specific function for splitting + sentences. Defaults to None. + word_tokenize_func (function, optional): Language specific function for tokenizing text. + Defaults to None. + remove_char_pattern (_sre.SRE_Pattern, optional): Langauge specific regular expression + pattern for removing special characters, e.g. punctuations. Defaults to None. + stemming_func (function, optional): Language specific stemmer. Defaults to None. + + Returns: + dict: Dictionary of ROUGE scores. + + """ + supported_langauges = ["en", "hi"] + if language not in supported_langauges and not all( + [sentence_split_func, word_tokenize_func, remove_char_pattern, stemming_func] + ): + raise Exception( + "Language {0} is not supported. Supported languages are: {1}. Provide language " + "speicifc sentence_split_func, word_tokenize_func, remove_char_pattern, " + "stemming_func to use this function.".format(language, supported_langauges) + ) + + if is_input_files: + candidates = [line.strip() for line in open(cand, encoding="utf-8")] + references = [line.strip() for line in open(ref, encoding="utf-8")] + else: + candidates = cand + references = ref + + print("Number of candidates: {}".format(len(candidates))) + print("Number of references: {}".format(len(references))) + assert len(candidates) == len(references) + + if language == "en": + evaluator = Rouge( + metrics=["rouge-n", "rouge-l"], max_n=2, limit_length=False, apply_avg=True + ) + else: + evaluator = RougeExt( + metrics=["rouge-n", "rouge-l"], + max_n=2, + limit_length=False, + apply_avg=True, + sentence_split_func=sentence_split_func, + word_tokenize_func=word_tokenize_func, + remove_char_pattern=remove_char_pattern, + stemming_func=stemming_func, + ) + + scores = evaluator.get_scores(candidates, [[it] for it in references]) + + return scores diff --git a/utils_nlp/eval/rouge/rouge_ext.py b/utils_nlp/eval/rouge/rouge_ext.py new file mode 100644 index 000000000..1d1ca9e92 --- /dev/null +++ b/utils_nlp/eval/rouge/rouge_ext.py @@ -0,0 +1,999 @@ +# This script is adopted from https://github.com/Diego999/py-rouge/blob/master/rouge/rouge.py +# to compute ROUGE scores for non-English languages. + +# Currently, the script supports Hindi. +# Additional language support can be added by adding language specific +# 1) sentence splitter (SENTENCE_SPLIT_DICT) +# 2) word tokenizer (WORD_TOKENIZE_DICT) +# 3) pattern of characters to remove (REMOVE_CHAR_PATTERN_DICT) +# 4) stemmer (STEMMER_DICT), this is optional since stemming is not applicable to all languages +# 5) changes to _split_into_words if the text words are not separated by space + +# Major changes made to the original rouge.py include: +# 1) Don't remove non-English or non-numeric characters +# 2) Removed the ensure_compatibility argument as we don't need to reproduce the results of +# the original perl script that only supports English. + + +import re +import string +import itertools +import collections + +from indicnlp.tokenize import sentence_tokenize, indic_tokenize +from ...language_utils.hi.hindi_stemmer import hi_stem + + +class RougeExt: + DEFAULT_METRICS = {"rouge-n"} + DEFAULT_N = 1 + STATS = ["f", "p", "r"] + AVAILABLE_METRICS = {"rouge-n", "rouge-l", "rouge-w"} + AVAILABLE_LENGTH_LIMIT_TYPES = {"words", "bytes"} + + SENTENCE_SPLIT_DICT = {"hi": sentence_tokenize.sentence_split} + WORD_TOKENIZE_DICT = {"hi": indic_tokenize.trivial_tokenize} + REMOVE_CHAR_PATTERN_DICT = { + "hi": re.compile(r"([" + string.punctuation + r"\u0964\u0965" + r"])") + } + STEMMER_DICT = {"hi": hi_stem} + + # REMOVE_CHAR_PATTERN = re.compile('[^A-Za-z0-9]') + + # Hack to not tokenize "cannot" to "can not" and consider them different as in the + # official ROUGE script + # KEEP_CANNOT_IN_ONE_WORD = re.compile('cannot') + # KEEP_CANNOT_IN_ONE_WORD_REVERSED = re.compile('_cannot_') + + # WORDNET_KEY_VALUE = {} + # WORDNET_DB_FILEPATH = 'wordnet_key_value.txt' + # WORDNET_DB_FILEPATH_SPECIAL_CASE = 'wordnet_key_value_special_cases.txt' + # WORDNET_DB_DELIMITER = '|' + # STEMMER = None + + def __init__( + self, + metrics=None, + max_n=None, + limit_length=True, + length_limit=665, + length_limit_type="bytes", + apply_avg=True, + apply_best=False, + stemming=True, + alpha=0.5, + weight_factor=1.0, + language="hi", + sentence_split_func=None, + word_tokenize_func=None, + remove_char_pattern=None, + stemming_func=None, + ): + """ + Handle the ROUGE score computation as in the official perl script. + + Note 1: Small differences might happen if the resampling of the perl script is not + high enough (as the average depends on this). + Note 2: Stemming of the official Porter Stemmer of the ROUGE perl script is slightly + different and the Porter one implemented in NLTK. However, special cases of + DUC 2004 have been traited. + The solution would be to rewrite the whole perl stemming in python from + the original script + + Args: + metrics: What ROUGE score to compute. Available: ROUGE-N, ROUGE-L, ROUGE-W. + Default: ROUGE-N + max_n: N-grams for ROUGE-N if specify. Default:1 + limit_length: If the summaries must be truncated. Defaut:True + length_limit: Number of the truncation where the unit is express int length_limit_Type. + Default:665 (bytes) + length_limit_type: Unit of length_limit. Available: words, bytes. Default: 'bytes' + apply_avg: If we should average the score of multiple samples. Default: True. If + apply_Avg & apply_best = False, then each ROUGE scores are independant + apply_best: Take the best instead of the average. Default: False, then each ROUGE + scores are independant + stemming: Apply stemming to summaries. Default: True + alpha: Alpha use to compute f1 score: P*R/((1-a)*P + a*R). Default:0.5 + weight_factor: Weight factor to be used for ROUGE-W. Official rouge score defines + it at 1.2. Default: 1.0 + sentence_split_func (function, optional): Language specific function for splitting + sentences. Defaults to None. + word_tokenize_func (function, optional): Language specific function for tokenizing text. + Defaults to None. + remove_char_pattern (_sre.SRE_Pattern, optional): Langauge specific regular expression + pattern for removing special characters, e.g. punctuations. Defaults to None. + stemming_func (function, optional): Language specific stemmer. Defaults to None. + + Raises: + ValueError: raises exception if metric is not among AVAILABLE_METRICS + ValueError: raises exception if length_limit_type is not among + AVAILABLE_LENGTH_LIMIT_TYPES + ValueError: raises exception if weight_factor < 0 + """ + self.metrics = metrics[:] if metrics is not None else RougeExt.DEFAULT_METRICS + for m in self.metrics: + if m not in RougeExt.AVAILABLE_METRICS: + raise ValueError("Unknown metric '{}'".format(m)) + + self.max_n = max_n if "rouge-n" in self.metrics else None + # Add all rouge-n metrics + if self.max_n is not None: + index_rouge_n = self.metrics.index("rouge-n") + del self.metrics[index_rouge_n] + self.metrics += ["rouge-{}".format(n) for n in range(1, self.max_n + 1)] + self.metrics = set(self.metrics) + + self.limit_length = limit_length + if self.limit_length: + if length_limit_type not in RougeExt.AVAILABLE_LENGTH_LIMIT_TYPES: + raise ValueError("Unknown length_limit_type '{}'".format(length_limit_type)) + + self.length_limit = length_limit + if self.length_limit == 0: + self.limit_length = False + self.length_limit_type = length_limit_type + self.stemming = stemming + + self.apply_avg = apply_avg + self.apply_best = apply_best + self.alpha = alpha + self.weight_factor = weight_factor + if self.weight_factor <= 0: + raise ValueError("ROUGE-W weight factor must greater than 0.") + + self.language = language + if sentence_split_func is None: + self.sentence_split = RougeExt.SENTENCE_SPLIT_DICT[self.language] + else: + self.sentence_split = sentence_split_func + if word_tokenize_func is None: + self.word_tokenize = RougeExt.WORD_TOKENIZE_DICT[self.language] + else: + self.word_tokenize = word_tokenize_func + if remove_char_pattern is None: + self.remove_char_pattern = RougeExt.REMOVE_CHAR_PATTERN_DICT[self.language] + else: + self.remove_char_pattern = remove_char_pattern + if self.language not in RougeExt.STEMMER_DICT.keys() and stemming_func is None: + self.stemmer = None + warnings.warn("Language-specific stemmer is not available. Skipping stemming.") + elif stemming_func is None: + self.stemmer = RougeExt.STEMMER_DICT[self.language] + else: + self.stemmer = stemming_func + + # # Load static objects + # if len(Rouge.WORDNET_KEY_VALUE) == 0: + # Rouge.load_wordnet_db(ensure_compatibility) + # if Rouge.STEMMER is None: + # Rouge.load_stemmer(ensure_compatibility) + + # @staticmethod + # def load_stemmer(ensure_compatibility): + # """ + # Load the stemmer that is going to be used if stemming is enabled + # Args + # ensure_compatibility: Use same stemmer and special "hacks" to product + # same results as in the official perl script (besides the number of + # sampling if not high enough) + # """ + # Rouge.STEMMER = nltk.stem.porter.PorterStemmer('ORIGINAL_ALGORITHM') if + # ensure_compatibility else nltk.stem.porter.PorterStemmer() + + # @staticmethod + # def load_wordnet_db(ensure_compatibility): + # """ + # Load WordNet database to apply specific rules instead of stemming + load file for + # special cases to ensure kind of compatibility (at list with DUC 2004) with the + # original stemmer used in the Perl script + # Args + # ensure_compatibility: Use same stemmer and special "hacks" to product same + # results as in the official perl script (besides the number of sampling + # if not high enough) + + # Raises: + # FileNotFoundError: If one of both databases is not found + # """ + # files_to_load = [Rouge.WORDNET_DB_FILEPATH] + # if ensure_compatibility: + # files_to_load.append(Rouge.WORDNET_DB_FILEPATH_SPECIAL_CASE) + + # for wordnet_db in files_to_load: + # filepath = pkg_resources.resource_filename(__name__, wordnet_db) + # if not os.path.exists(filepath): + # raise FileNotFoundError("The file '{}' does not exist".format(filepath)) + + # with open(filepath, 'r', encoding='utf-8') as fp: + # for line in fp: + # k, v = line.strip().split(Rouge.WORDNET_DB_DELIMITER) + # assert k not in Rouge.WORDNET_KEY_VALUE + # Rouge.WORDNET_KEY_VALUE[k] = v + + def tokenize_text(self, text): + """ + Tokenize text in the specific language + + Args: + text: The string text to tokenize + language: Language of the text + + Returns: + List of tokens of text + """ + return self.word_tokenize(text, self.language) + + def split_into_sentences(self, text): + """ + Split text into sentences, using specified language. + + Args: + text: The string text to tokenize + language: Language of the text + + Returns: + List of tokens of text + """ + + return self.sentence_split(text, self.language) + + # @staticmethod + # def stem_tokens(tokens): + # """ + # Apply WordNetDB rules or Stem each token of tokens + + # Args: + # tokens: List of tokens to apply WordNetDB rules or to stem + + # Returns: + # List of final stems + # """ + # # Stemming & Wordnet apply only if token has at least 3 chars + # for i, token in enumerate(tokens): + # if len(token) > 0: + # if len(token) > 3: + # if token in Rouge.WORDNET_KEY_VALUE: + # token = Rouge.WORDNET_KEY_VALUE[token] + # else: + # token = Rouge.STEMMER.stem(token) + # tokens[i] = token + + # return tokens + + def stem_tokens(self, tokens): + """ + Stem each token of tokens + + Args: + tokens: List of tokens to stem + + Returns: + List of final stems + """ + for i, token in enumerate(tokens): + tokens[i] = self.stemmer(token) + + return tokens + + @staticmethod + def _get_ngrams(n, text): + """ + Calcualtes n-grams. + + Args: + n: which n-grams to calculate + text: An array of tokens + + Returns: + A set of n-grams with their number of occurences + """ + # Modified from https://github.com/pltrdy/seq2seq/blob/master/seq2seq/metrics/rouge.py + ngram_set = collections.defaultdict(int) + max_index_ngram_start = len(text) - n + for i in range(max_index_ngram_start + 1): + ngram_set[tuple(text[i : i + n])] += 1 + return ngram_set + + @staticmethod + def _split_into_words(sentences): + """ + Splits multiple sentences into words and flattens the result + + Args: + sentences: list of string + + Returns: + A list of words (split by white space) + """ + # Modified from https://github.com/pltrdy/seq2seq/blob/master/seq2seq/metrics/rouge.py + return list(itertools.chain(*[_.split() for _ in sentences])) + + @staticmethod + def _get_word_ngrams_and_length(n, sentences): + """ + Calculates word n-grams for multiple sentences. + + Args: + n: wich n-grams to calculate + sentences: list of string + + Returns: + A set of n-grams, their frequency and #n-grams in sentences + """ + # Modified from https://github.com/pltrdy/seq2seq/blob/master/seq2seq/metrics/rouge.py + assert len(sentences) > 0 + assert n > 0 + + tokens = RougeExt._split_into_words(sentences) + return RougeExt._get_ngrams(n, tokens), tokens, len(tokens) - (n - 1) + + @staticmethod + def _get_unigrams(sentences): + """ + Calcualtes uni-grams. + + Args: + sentences: list of string + + Returns: + A set of n-grams and their freqneucy + """ + assert len(sentences) > 0 + + tokens = RougeExt._split_into_words(sentences) + unigram_set = collections.defaultdict(int) + for token in tokens: + unigram_set[token] += 1 + return unigram_set, len(tokens) + + @staticmethod + def _compute_p_r_f_score( + evaluated_count, reference_count, overlapping_count, alpha=0.5, weight_factor=1.0 + ): + """ + Compute precision, recall and f1_score (with alpha: P*R / ((1-alpha)*P + alpha*R)) + + Args: + evaluated_count: #n-grams in the hypothesis + reference_count: #n-grams in the reference + overlapping_count: #n-grams in common between hypothesis and reference + alpha: Value to use for the F1 score (default: 0.5) + weight_factor: Weight factor if we have use ROUGE-W (default: 1.0, no impact) + + Returns: + A dict with 'p', 'r' and 'f' as keys fore precision, recall, f1 score + """ + precision = 0.0 if evaluated_count == 0 else overlapping_count / evaluated_count + if weight_factor != 1.0: + precision = precision ** (1.0 / weight_factor) + recall = 0.0 if reference_count == 0 else overlapping_count / reference_count + if weight_factor != 1.0: + recall = recall ** (1.0 / weight_factor) + f1_score = RougeExt._compute_f_score(precision, recall, alpha) + return {"f": f1_score, "p": precision, "r": recall} + + @staticmethod + def _compute_f_score(precision, recall, alpha=0.5): + """ + Compute f1_score (with alpha: P*R / ((1-alpha)*P + alpha*R)) + + Args: + precision: precision + recall: recall + overlapping_count: #n-grams in common between hypothesis and reference + + Returns: + f1 score + """ + return ( + 0.0 + if (recall == 0.0 or precision == 0.0) + else precision * recall / ((1 - alpha) * precision + alpha * recall) + ) + + @staticmethod + def _compute_ngrams(evaluated_sentences, reference_sentences, n): + """ + Computes n-grams overlap of two text collections of sentences. + Source: http://research.microsoft.com/en-us/um/people/cyl/download/ + papers/rouge-working-note-v1.3.1.pdf + + Args: + evaluated_sentences: The sentences that have been picked by the + summarizer + reference_sentences: The sentences from the referene set + n: Size of ngram + + Returns: + Number of n-grams for evaluated_sentences, reference_sentences and intersection of both. + intersection of both count multiple of occurences in n-grams match several times + + Raises: + ValueError: raises exception if a param has len <= 0 + """ + # Modified from https://github.com/pltrdy/seq2seq/blob/master/seq2seq/metrics/rouge.py + if len(evaluated_sentences) <= 0 or len(reference_sentences) <= 0: + raise ValueError("Collections must contain at least 1 sentence.") + + evaluated_ngrams, _, evaluated_count = RougeExt._get_word_ngrams_and_length( + n, evaluated_sentences + ) + reference_ngrams, _, reference_count = RougeExt._get_word_ngrams_and_length( + n, reference_sentences + ) + + # Gets the overlapping ngrams between evaluated and reference + overlapping_ngrams = set(evaluated_ngrams.keys()).intersection(set(reference_ngrams.keys())) + overlapping_count = 0 + for ngram in overlapping_ngrams: + overlapping_count += min(evaluated_ngrams[ngram], reference_ngrams[ngram]) + + return evaluated_count, reference_count, overlapping_count + + @staticmethod + def _compute_ngrams_lcs(evaluated_sentences, reference_sentences, weight_factor=1.0): + """ + Computes ROUGE-L (summary level) of two text collections of sentences. + http://research.microsoft.com/en-us/um/people/cyl/download/papers/ + rouge-working-note-v1.3.1.pdf + Args: + evaluated_sentences: The sentences that have been picked by the summarizer + reference_sentence: One of the sentences in the reference summaries + weight_factor: Weight factor to be used for WLCS (1.0 by default if LCS) + Returns: + Number of LCS n-grams for evaluated_sentences, reference_sentences and intersection + of both. + intersection of both count multiple of occurences in n-grams match several times + Raises: + ValueError: raises exception if a param has len <= 0 + """ + + def _lcs(x, y): + m = len(x) + n = len(y) + vals = collections.defaultdict(int) + dirs = collections.defaultdict(int) + + for i in range(1, m + 1): + for j in range(1, n + 1): + if x[i - 1] == y[j - 1]: + vals[i, j] = vals[i - 1, j - 1] + 1 + dirs[i, j] = "|" + elif vals[i - 1, j] >= vals[i, j - 1]: + vals[i, j] = vals[i - 1, j] + dirs[i, j] = "^" + else: + vals[i, j] = vals[i, j - 1] + dirs[i, j] = "<" + + return vals, dirs + + def _wlcs(x, y, weight_factor): + m = len(x) + n = len(y) + vals = collections.defaultdict(float) + dirs = collections.defaultdict(int) + lengths = collections.defaultdict(int) + + for i in range(1, m + 1): + for j in range(1, n + 1): + if x[i - 1] == y[j - 1]: + length_tmp = lengths[i - 1, j - 1] + vals[i, j] = ( + vals[i - 1, j - 1] + + (length_tmp + 1) ** weight_factor + - length_tmp ** weight_factor + ) + dirs[i, j] = "|" + lengths[i, j] = length_tmp + 1 + elif vals[i - 1, j] >= vals[i, j - 1]: + vals[i, j] = vals[i - 1, j] + dirs[i, j] = "^" + lengths[i, j] = 0 + else: + vals[i, j] = vals[i, j - 1] + dirs[i, j] = "<" + lengths[i, j] = 0 + + return vals, dirs + + def _mark_lcs(mask, dirs, m, n): + while m != 0 and n != 0: + if dirs[m, n] == "|": + m -= 1 + n -= 1 + mask[m] = 1 + elif dirs[m, n] == "^": + m -= 1 + elif dirs[m, n] == "<": + n -= 1 + else: + raise UnboundLocalError("Illegal move") + + return mask + + if len(evaluated_sentences) <= 0 or len(reference_sentences) <= 0: + raise ValueError("Collections must contain at least 1 sentence.") + + evaluated_unigrams_dict, evaluated_count = RougeExt._get_unigrams(evaluated_sentences) + reference_unigrams_dict, reference_count = RougeExt._get_unigrams(reference_sentences) + + # Has to use weight factor for WLCS + use_WLCS = weight_factor != 1.0 + if use_WLCS: + evaluated_count = evaluated_count ** weight_factor + reference_count = 0 + + overlapping_count = 0.0 + for reference_sentence in reference_sentences: + reference_sentence_tokens = reference_sentence.split() + if use_WLCS: + reference_count += len(reference_sentence_tokens) ** weight_factor + hit_mask = [0 for _ in range(len(reference_sentence_tokens))] + + for evaluated_sentence in evaluated_sentences: + evaluated_sentence_tokens = evaluated_sentence.split() + + if use_WLCS: + _, lcs_dirs = _wlcs( + reference_sentence_tokens, evaluated_sentence_tokens, weight_factor + ) + else: + _, lcs_dirs = _lcs(reference_sentence_tokens, evaluated_sentence_tokens) + _mark_lcs( + hit_mask, + lcs_dirs, + len(reference_sentence_tokens), + len(evaluated_sentence_tokens), + ) + + overlapping_count_length = 0 + for ref_token_id, val in enumerate(hit_mask): + if val == 1: + token = reference_sentence_tokens[ref_token_id] + if evaluated_unigrams_dict[token] > 0 and reference_unigrams_dict[token] > 0: + evaluated_unigrams_dict[token] -= 1 + reference_unigrams_dict[ref_token_id] -= 1 + + if use_WLCS: + overlapping_count_length += 1 + if ( + ref_token_id + 1 < len(hit_mask) and hit_mask[ref_token_id + 1] == 0 + ) or ref_token_id + 1 == len(hit_mask): + overlapping_count += overlapping_count_length ** weight_factor + overlapping_count_length = 0 + else: + overlapping_count += 1 + + if use_WLCS: + reference_count = reference_count ** weight_factor + + return evaluated_count, reference_count, overlapping_count + + def get_scores(self, hypothesis, references): + """ + Compute precision, recall and f1 score between hypothesis and references + + Args: + hypothesis: hypothesis summary, string + references: reference summary/ies, either string or list of strings (if multiple) + + Returns: + Return precision, recall and f1 score between hypothesis and references + + Raises: + ValueError: raises exception if a type of hypothesis is different than the one of + reference + ValueError: raises exception if a len of hypothesis is different than the one of reference + """ + if isinstance(hypothesis, str): + hypothesis, references = [hypothesis], [references] + + if type(hypothesis) != type(references): + raise ValueError("'hyps' and 'refs' are not of the same type") + + if len(hypothesis) != len(references): + raise ValueError("'hyps' and 'refs' do not have the same length") + + scores = {} + has_rouge_n_metric = ( + len([metric for metric in self.metrics if metric.split("-")[-1].isdigit()]) > 0 + ) + if has_rouge_n_metric: + scores = {**scores, **self._get_scores_rouge_n(hypothesis, references)} + + has_rouge_l_metric = ( + len([metric for metric in self.metrics if metric.split("-")[-1].lower() == "l"]) > 0 + ) + if has_rouge_l_metric: + scores = {**scores, **self._get_scores_rouge_l_or_w(hypothesis, references, False)} + + has_rouge_w_metric = ( + len([metric for metric in self.metrics if metric.split("-")[-1].lower() == "w"]) > 0 + ) + if has_rouge_w_metric: + scores = {**scores, **self._get_scores_rouge_l_or_w(hypothesis, references, True)} + + return scores + + def _get_scores_rouge_n(self, all_hypothesis, all_references): + """ + Computes precision, recall and f1 score between all hypothesis and references + + Args: + hypothesis: hypothesis summary, string + references: reference summary/ies, either string or list of strings (if multiple) + + Returns: + Return precision, recall and f1 score between all hypothesis and references + """ + metrics = [metric for metric in self.metrics if metric.split("-")[-1].isdigit()] + + if self.apply_avg or self.apply_best: + scores = {metric: {stat: 0.0 for stat in RougeExt.STATS} for metric in metrics} + else: + scores = { + metric: [{stat: [] for stat in RougeExt.STATS} for _ in range(len(all_hypothesis))] + for metric in metrics + } + + for sample_id, (hypothesis, references) in enumerate(zip(all_hypothesis, all_references)): + assert isinstance(hypothesis, str) + has_multiple_references = False + if isinstance(references, list): + has_multiple_references = len(references) > 1 + if not has_multiple_references: + references = references[0] + + # Prepare hypothesis and reference(s) + hypothesis = self._preprocess_summary_as_a_whole(hypothesis) + references = ( + [self._preprocess_summary_as_a_whole(reference) for reference in references] + if has_multiple_references + else [self._preprocess_summary_as_a_whole(references)] + ) + + # Compute scores + for metric in metrics: + suffix = metric.split("-")[-1] + n = int(suffix) + + # Aggregate + if self.apply_avg: + # average model + total_hypothesis_ngrams_count = 0 + total_reference_ngrams_count = 0 + total_ngrams_overlapping_count = 0 + + for reference in references: + n_grams_counts = RougeExt._compute_ngrams(hypothesis, reference, n) + hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts + total_hypothesis_ngrams_count += hypothesis_count + total_reference_ngrams_count += reference_count + total_ngrams_overlapping_count += overlapping_ngrams + + score = RougeExt._compute_p_r_f_score( + total_hypothesis_ngrams_count, + total_reference_ngrams_count, + total_ngrams_overlapping_count, + self.alpha, + ) + + for stat in RougeExt.STATS: + scores[metric][stat] += score[stat] + else: + # Best model + if self.apply_best: + best_current_score = None + for reference in references: + n_grams_counts = RougeExt._compute_ngrams(hypothesis, reference, n) + hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts + score = RougeExt._compute_p_r_f_score( + hypothesis_count, reference_count, overlapping_ngrams, self.alpha + ) + if best_current_score is None or score["r"] > best_current_score["r"]: + best_current_score = score + + for stat in RougeExt.STATS: + scores[metric][stat] += best_current_score[stat] + # Keep all + else: + for reference in references: + n_grams_counts = RougeExt._compute_ngrams(hypothesis, reference, n) + hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts + score = RougeExt._compute_p_r_f_score( + hypothesis_count, reference_count, overlapping_ngrams, self.alpha + ) + for stat in RougeExt.STATS: + scores[metric][sample_id][stat].append(score[stat]) + + # Compute final score with the average or the the max + if (self.apply_avg or self.apply_best) and len(all_hypothesis) > 1: + for metric in metrics: + for stat in RougeExt.STATS: + scores[metric][stat] /= len(all_hypothesis) + + return scores + + def _get_scores_rouge_l_or_w(self, all_hypothesis, all_references, use_w=False): + """ + Computes precision, recall and f1 score between all hypothesis and references + + Args: + hypothesis: hypothesis summary, string + references: reference summary/ies, either string or list of strings (if multiple) + + Returns: + Return precision, recall and f1 score between all hypothesis and references + """ + metric = "rouge-w" if use_w else "rouge-l" + if self.apply_avg or self.apply_best: + scores = {metric: {stat: 0.0 for stat in RougeExt.STATS}} + else: + scores = { + metric: [{stat: [] for stat in RougeExt.STATS} for _ in range(len(all_hypothesis))] + } + + for sample_id, (hypothesis_sentences, references_sentences) in enumerate( + zip(all_hypothesis, all_references) + ): + assert isinstance(hypothesis_sentences, str) + has_multiple_references = False + if isinstance(references_sentences, list): + has_multiple_references = len(references_sentences) > 1 + if not has_multiple_references: + references_sentences = references_sentences[0] + + # Prepare hypothesis and reference(s) + hypothesis_sentences = self._preprocess_summary_per_sentence(hypothesis_sentences) + references_sentences = ( + [ + self._preprocess_summary_per_sentence(reference) + for reference in references_sentences + ] + if has_multiple_references + else [self._preprocess_summary_per_sentence(references_sentences)] + ) + + # Compute scores + # Aggregate + if self.apply_avg: + # average model + total_hypothesis_ngrams_count = 0 + total_reference_ngrams_count = 0 + total_ngrams_overlapping_count = 0 + + for reference_sentences in references_sentences: + n_grams_counts = RougeExt._compute_ngrams_lcs( + hypothesis_sentences, + reference_sentences, + self.weight_factor if use_w else 1.0, + ) + hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts + total_hypothesis_ngrams_count += hypothesis_count + total_reference_ngrams_count += reference_count + total_ngrams_overlapping_count += overlapping_ngrams + + score = RougeExt._compute_p_r_f_score( + total_hypothesis_ngrams_count, + total_reference_ngrams_count, + total_ngrams_overlapping_count, + self.alpha, + self.weight_factor, + ) + + for stat in RougeExt.STATS: + scores[metric][stat] += score[stat] + else: + # Best model + if self.apply_best: + best_current_score = None + best_current_score_wlcs = None + for reference_sentences in references_sentences: + n_grams_counts = RougeExt._compute_ngrams_lcs( + hypothesis_sentences, + reference_sentences, + self.weight_factor if use_w else 1.0, + ) + hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts + score = RougeExt._compute_p_r_f_score( + hypothesis_count, + reference_count, + overlapping_ngrams, + self.alpha, + self.weight_factor, + ) + + if use_w: + reference_count_for_score = reference_count ** ( + 1.0 / self.weight_factor + ) + overlapping_ngrams_for_score = overlapping_ngrams + score_wlcs = ( + overlapping_ngrams_for_score / reference_count_for_score + ) ** (1.0 / self.weight_factor) + + if ( + best_current_score_wlcs is None + or score_wlcs > best_current_score_wlcs + ): + best_current_score = score + best_current_score_wlcs = score_wlcs + else: + if best_current_score is None or score["r"] > best_current_score["r"]: + best_current_score = score + + for stat in RougeExt.STATS: + scores[metric][stat] += best_current_score[stat] + # Keep all + else: + for reference_sentences in references_sentences: + n_grams_counts = RougeExt._compute_ngrams_lcs( + hypothesis_sentences, + reference_sentences, + self.weight_factor if use_w else 1.0, + ) + hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts + score = RougeExt._compute_p_r_f_score( + hypothesis_count, + reference_count, + overlapping_ngrams, + self.alpha, + self.weight_factor, + ) + + for stat in RougeExt.STATS: + scores[metric][sample_id][stat].append(score[stat]) + + # Compute final score with the average or the the max + if (self.apply_avg or self.apply_best) and len(all_hypothesis) > 1: + for stat in RougeExt.STATS: + scores[metric][stat] /= len(all_hypothesis) + + return scores + + def _preprocess_summary_as_a_whole(self, summary): + """ + Preprocessing (truncate text if enable, tokenization, stemming if enable, lowering) + of a summary as a whole + + Args: + summary: string of the summary + + Returns: + Return the preprocessed summary (string) + """ + sentences = self.split_into_sentences(summary) + + # Truncate + if self.limit_length: + # By words + if self.length_limit_type == "words": + summary = " ".join(sentences) + all_tokens = summary.split() # Counting as in the perls script + summary = " ".join(all_tokens[: self.length_limit]) + + # By bytes + elif self.length_limit_type == "bytes": + summary = "" + current_len = 0 + for sentence in sentences: + sentence = sentence.strip() + sentence_len = len(sentence) + + if current_len + sentence_len < self.length_limit: + if current_len != 0: + summary += " " + summary += sentence + current_len += sentence_len + else: + if current_len > 0: + summary += " " + summary += sentence[: self.length_limit - current_len] + break + else: + summary = " ".join(sentences) + + # summary = Rouge.REMOVE_CHAR_PATTERN.sub(' ', summary.lower()).strip() + summary = self.remove_char_pattern.sub(" ", summary.lower()).strip() + + # # Preprocess. Hack: because official ROUGE script bring "cannot" as "cannot" and + # "can not" as "can not", + # # we have to hack nltk tokenizer to not transform "cannot/can not" to "can not" + # if self.ensure_compatibility: + # tokens = self.tokenize_text(Rouge.KEEP_CANNOT_IN_ONE_WORD.sub('_cannot_', summary)) + # else: + # tokens = self.tokenize_text(Rouge.REMOVE_CHAR_PATTERN.sub(' ', summary)) + + # if self.stemming: + # self.stem_tokens(tokens) # stemming in-place + + # if self.ensure_compatibility: + # preprocessed_summary = [Rouge.KEEP_CANNOT_IN_ONE_WORD_REVERSED.sub( + # 'cannot', ' '.join(tokens))] + # else: + # preprocessed_summary = [' '.join(tokens)] + + # return preprocessed_summary + + tokens = self.tokenize_text(summary) + if self.stemming: + self.stem_tokens(tokens) # stemming in-place + summary = [" ".join(tokens)] + + return summary + + def _preprocess_summary_per_sentence(self, summary): + """ + Preprocessing (truncate text if enable, tokenization, stemming if enable, lowering) + of a summary by sentences + + Args: + summary: string of the summary + + Returns: + Return the preprocessed summary (string) + """ + sentences = self.split_into_sentences(summary) + + # Truncate + if self.limit_length: + final_sentences = [] + current_len = 0 + # By words + if self.length_limit_type == "words": + for sentence in sentences: + tokens = sentence.strip().split() + tokens_len = len(tokens) + if current_len + tokens_len < self.length_limit: + sentence = " ".join(tokens) + final_sentences.append(sentence) + current_len += tokens_len + else: + sentence = " ".join(tokens[: self.length_limit - current_len]) + final_sentences.append(sentence) + break + # By bytes + elif self.length_limit_type == "bytes": + for sentence in sentences: + sentence = sentence.strip() + sentence_len = len(sentence) + if current_len + sentence_len < self.length_limit: + final_sentences.append(sentence) + current_len += sentence_len + else: + sentence = sentence[: self.length_limit - current_len] + final_sentences.append(sentence) + break + sentences = final_sentences + + final_sentences = [] + for sentence in sentences: + # sentence = Rouge.REMOVE_CHAR_PATTERN.sub(' ', sentence.lower()).strip() + sentence = self.remove_char_pattern.sub(" ", sentence.lower()).strip() + + # # Preprocess. Hack: because official ROUGE script bring "cannot" as "cannot" + # and "can not" as "can not", + # # we have to hack nltk tokenizer to not transform "cannot/can not" to "can not" + # if self.ensure_compatibility: + # tokens = self.tokenize_text(Rouge.KEEP_CANNOT_IN_ONE_WORD.sub( + # '_cannot_', sentence)) + # else: + # tokens = self.tokenize_text(Rouge.REMOVE_CHAR_PATTERN.sub(' ', sentence)) + + # if self.stemming: + # self.stem_tokens(tokens) # stemming in-place + + # if self.ensure_compatibility: + # sentence = Rouge.KEEP_CANNOT_IN_ONE_WORD_REVERSED.sub( + # 'cannot', ' '.join(tokens) + # ) + # else: + # sentence = ' '.join(tokens) + + tokens = self.tokenize_text(sentence) + if self.stemming: + self.stem_tokens(tokens) # stemming in-place + sentence = " ".join(tokens) + final_sentences.append(sentence) + + return final_sentences From 33d8b064c63b221bd2a81bd9a5828ddbb83104e6 Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Mon, 6 Jan 2020 19:56:27 +0000 Subject: [PATCH 114/167] fix variable name --- utils_nlp/models/transformers/common.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index 35d7486fd..c570a3075 100644 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -119,7 +119,7 @@ def fine_tune( if max_steps <= 0: if dataset_length != -1 and num_train_epochs > 0: - max_steps = data_set_length // gradient_accumulation_steps * num_train_epochs + max_steps = dataset_length // gradient_accumulation_steps * num_train_epochs if max_steps <= 0: raise Exception("Max steps cannot be determined for fine tuning!") From 689c4e8cca3b54f0bfe0261eadaf883e5b12cec6 Mon Sep 17 00:00:00 2001 From: saidbleik Date: Mon, 6 Jan 2020 19:56:28 +0000 Subject: [PATCH 115/167] docstring edits --- .../transformers/sequence_classification.py | 28 ++++++++++++++++++- 1 file changed, 27 insertions(+), 1 deletion(-) diff --git a/utils_nlp/models/transformers/sequence_classification.py b/utils_nlp/models/transformers/sequence_classification.py index 93668471b..1d5a4e9ed 100644 --- a/utils_nlp/models/transformers/sequence_classification.py +++ b/utils_nlp/models/transformers/sequence_classification.py @@ -127,7 +127,7 @@ def text_pair_transform(text_1, text_2, tokenizer, max_len=MAX_SEQ_LEN): Args: text_1 (str): Input text 1. - text_1 (str): Input text 2. + text_2 (str): Input text 2. tokenizer (PreTrainedTokenizer): A pretrained tokenizer. max_len (int, optional): Max sequence length. Defaults to 512. @@ -200,6 +200,32 @@ def create_dataloader_from_df( num_gpus=None, distributed=False, ): + """ + Creates a PyTorch DataLoader from a Pandas DataFrame for sequence classification tasks. + + Args: + df (pandas.DataFrame): Input Pandas DataFrame. + text_col (str/int): Text column name or index. + label_col (str/int, optional): Label column name or index. Defualts to None. + text2_col (str/int, optional): Second text column name or index for sequence-pair tasks. + Defualts to None. + shuffle (bool, optional): If set to True, the DataLoader will use a RandomSampler, + otherwise it will use a SequentialSampler. + Defaults to False. + max_len (int, optional): Maximum sequence length. Defaults to 512. + batch_size (int, optional): Batch size. Defaults to 32. + num_gpus (int, optional): Number of GPUs to use. + If None, all available GPUs will be used. + If set to 0 or GPUs are not available, CPU device will be used. + Defaults to None. + distributed (bool, optional): If set to True, the DataLoader will use + a DistributedSampler. + Defaults to False. + + Returns: + DataLoader: A PyTorch DataLoader object that can be used for training or scoring. + """ + if text2_col is None: ds = SCDataSet( df, From d4c2a26536a6e0ad5e28a6a34a3736d985b054e3 Mon Sep 17 00:00:00 2001 From: hlums Date: Mon, 6 Jan 2020 19:57:03 +0000 Subject: [PATCH 116/167] Import rouge functions in eval module init script. --- utils_nlp/eval/__init__.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/utils_nlp/eval/__init__.py b/utils_nlp/eval/__init__.py index 3829f4b7e..484b96e59 100644 --- a/utils_nlp/eval/__init__.py +++ b/utils_nlp/eval/__init__.py @@ -1 +1 @@ -from .rouge.compute_rouge import compute_rouge_perl, compute_rouge_python \ No newline at end of file +from .rouge.compute_rouge import compute_rouge_perl, compute_rouge_python From 27825cd8434b647d614c22c1f6e4a6ab0587926f Mon Sep 17 00:00:00 2001 From: Daisy Deng Date: Mon, 6 Jan 2020 21:46:50 +0000 Subject: [PATCH 117/167] remove device --- utils_nlp/models/transformers/extractive_summarization.py | 1 - 1 file changed, 1 deletion(-) diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index bf9a6ce17..426f9002c 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -601,7 +601,6 @@ def move_batch_to_device(batch, device): super().fine_tune( train_dataloader=train_dataloader, get_inputs=ExtSumProcessor.get_inputs, - device=device, move_batch_to_device=move_batch_to_device, n_gpu=num_gpus, num_train_epochs=-1, From 90b8eda71a99201950bfcf8649470b58c3737e7d Mon Sep 17 00:00:00 2001 From: hlums Date: Tue, 7 Jan 2020 15:25:56 +0000 Subject: [PATCH 118/167] Add word_split_func argument. --- .../summarization_evaluation.ipynb | 2 +- utils_nlp/eval/rouge/compute_rouge.py | 9 ++++-- utils_nlp/eval/rouge/rouge_ext.py | 31 ++++++++++++++----- 3 files changed, 32 insertions(+), 10 deletions(-) diff --git a/examples/text_summarization/summarization_evaluation.ipynb b/examples/text_summarization/summarization_evaluation.ipynb index 845eca314..13391b760 100644 --- a/examples/text_summarization/summarization_evaluation.ipynb +++ b/examples/text_summarization/summarization_evaluation.ipynb @@ -23,7 +23,7 @@ "\n", "**Utilities for computing ROUGE**\n", "* `compute_rouge_perl`: The [pyrouge](https://github.com/bheinzerling/pyrouge) package based on the ROUGE package written in perl is the most popular package for computing ROUGE scores. We provide the `compute_rouge_perl` function based on pyrouge. This function supports English only. \n", - "* `compute_rouge_python`: The [py-rouge](https://pypi.org/project/py-rouge/) package is a Python implementation of the ROUGE metric which produces almost the same results as the perl implemenation. Since it's easier to install than pyrouge and can be extended to other languages, we provide the `compute_rouge_python` function based on py-rouge. Currently, English and Hindi are supported. Supports for other languages will be provided on an as-needed basis." + "* `compute_rouge_python`: The [py-rouge](https://pypi.org/project/py-rouge/) package is a Python implementation of the ROUGE metric which produces almost the same results as the perl implemenation. Since it's easier to install than pyrouge and can be extended to other languages, we provide the `compute_rouge_python` function based on py-rouge. Currently, English and Hindi are supported. For other languages with space as word separators, provide language specific `sentence_split_func`, `word_tokenize_func`, `remove_char_pattern=None`, `stemming_func` (optional), `word_split_func` (if words are not space separated). " ] }, { diff --git a/utils_nlp/eval/rouge/compute_rouge.py b/utils_nlp/eval/rouge/compute_rouge.py index 90f6a8b0a..d30bbccbd 100644 --- a/utils_nlp/eval/rouge/compute_rouge.py +++ b/utils_nlp/eval/rouge/compute_rouge.py @@ -87,6 +87,7 @@ def compute_rouge_python( word_tokenize_func=None, remove_char_pattern=None, stemming_func=None, + word_split_func=None, ): """ Computes ROUGE scores using the python package (https://pypi.org/project/py-rouge/). @@ -109,6 +110,8 @@ def compute_rouge_python( remove_char_pattern (_sre.SRE_Pattern, optional): Langauge specific regular expression pattern for removing special characters, e.g. punctuations. Defaults to None. stemming_func (function, optional): Language specific stemmer. Defaults to None. + word_split_func (function, optional): Language specific word splitter. Only needed if + the language words are not separated by space, e.g. Chinese. Defaults to None. Returns: dict: Dictionary of ROUGE scores. @@ -116,12 +119,13 @@ def compute_rouge_python( """ supported_langauges = ["en", "hi"] if language not in supported_langauges and not all( - [sentence_split_func, word_tokenize_func, remove_char_pattern, stemming_func] + [sentence_split_func, word_tokenize_func, remove_char_pattern] ): raise Exception( "Language {0} is not supported. Supported languages are: {1}. Provide language " "speicifc sentence_split_func, word_tokenize_func, remove_char_pattern, " - "stemming_func to use this function.".format(language, supported_langauges) + "stemming_func(optional), and word_split_func (if words are not separated by space) " + "to use this function.".format(language, supported_langauges) ) if is_input_files: @@ -149,6 +153,7 @@ def compute_rouge_python( word_tokenize_func=word_tokenize_func, remove_char_pattern=remove_char_pattern, stemming_func=stemming_func, + word_split_func=word_split_func, ) scores = evaluator.get_scores(candidates, [[it] for it in references]) diff --git a/utils_nlp/eval/rouge/rouge_ext.py b/utils_nlp/eval/rouge/rouge_ext.py index 1d1ca9e92..2edefc6d9 100644 --- a/utils_nlp/eval/rouge/rouge_ext.py +++ b/utils_nlp/eval/rouge/rouge_ext.py @@ -3,11 +3,13 @@ # Currently, the script supports Hindi. # Additional language support can be added by adding language specific -# 1) sentence splitter (SENTENCE_SPLIT_DICT) -# 2) word tokenizer (WORD_TOKENIZE_DICT) -# 3) pattern of characters to remove (REMOVE_CHAR_PATTERN_DICT) -# 4) stemmer (STEMMER_DICT), this is optional since stemming is not applicable to all languages -# 5) changes to _split_into_words if the text words are not separated by space +# 1) sentence splitter (SENTENCE_SPLIT_DICT or the sentence_split_func argument) +# 2) word tokenizer (WORD_TOKENIZE_DICT or the word_tokenize_func argument) +# 3) pattern of characters to remove (REMOVE_CHAR_PATTERN_DICT or the remove_char_pattern +# argument) +# 4) stemmer (STEMMER_DICT or the stemming_func argument), this is optional since +# stemming is not applicable to all languages +# 5) word splitter (WORD_SPLIT_DICT or the word_split_func_argument) # Major changes made to the original rouge.py include: # 1) Don't remove non-English or non-numeric characters @@ -22,9 +24,10 @@ from indicnlp.tokenize import sentence_tokenize, indic_tokenize from ...language_utils.hi.hindi_stemmer import hi_stem +from rouge import Rouge -class RougeExt: +class RougeExt(Rouge): DEFAULT_METRICS = {"rouge-n"} DEFAULT_N = 1 STATS = ["f", "p", "r"] @@ -37,6 +40,7 @@ class RougeExt: "hi": re.compile(r"([" + string.punctuation + r"\u0964\u0965" + r"])") } STEMMER_DICT = {"hi": hi_stem} + WORD_SPLIT_DICT = {} # REMOVE_CHAR_PATTERN = re.compile('[^A-Za-z0-9]') @@ -68,6 +72,7 @@ def __init__( word_tokenize_func=None, remove_char_pattern=None, stemming_func=None, + word_split_func=None, ): """ Handle the ROUGE score computation as in the official perl script. @@ -103,6 +108,8 @@ def __init__( remove_char_pattern (_sre.SRE_Pattern, optional): Langauge specific regular expression pattern for removing special characters, e.g. punctuations. Defaults to None. stemming_func (function, optional): Language specific stemmer. Defaults to None. + word_split_func (function, optional): Language specific word splitter. Only needed if + the language words are not separated by space, e.g. Chinese. Defaults to None. Raises: ValueError: raises exception if metric is not among AVAILABLE_METRICS @@ -162,6 +169,13 @@ def __init__( else: self.stemmer = stemming_func + if self.language not in RougeExt.WORD_SPLIT_DICT.keys() and word_split_func is None: + self.word_split = None + elif word_split_func is None: + self.word_split = RougeExt.WORD_SPLIT_DICT[self.language] + else: + self.word_split = word_split_func + # # Load static objects # if len(Rouge.WORDNET_KEY_VALUE) == 0: # Rouge.load_wordnet_db(ensure_compatibility) @@ -305,7 +319,10 @@ def _split_into_words(sentences): A list of words (split by white space) """ # Modified from https://github.com/pltrdy/seq2seq/blob/master/seq2seq/metrics/rouge.py - return list(itertools.chain(*[_.split() for _ in sentences])) + if self.word_split is None: + return list(itertools.chain(*[_.split() for _ in sentences])) + else: + return list(itertools.chain(*[self.word_split(_) for _ in sentences])) @staticmethod def _get_word_ngrams_and_length(n, sentences): From 62e80ecd4a025b5e1390fb624778846a0e7122e0 Mon Sep 17 00:00:00 2001 From: hlums Date: Tue, 7 Jan 2020 15:35:20 +0000 Subject: [PATCH 119/167] Add self to _split_into_words --- utils_nlp/eval/rouge/rouge_ext.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/utils_nlp/eval/rouge/rouge_ext.py b/utils_nlp/eval/rouge/rouge_ext.py index 2edefc6d9..514ddfac0 100644 --- a/utils_nlp/eval/rouge/rouge_ext.py +++ b/utils_nlp/eval/rouge/rouge_ext.py @@ -308,7 +308,7 @@ def _get_ngrams(n, text): return ngram_set @staticmethod - def _split_into_words(sentences): + def _split_into_words(self, sentences): """ Splits multiple sentences into words and flattens the result From 4041d8968e6f46a03ea133ff43de664c4b886c1d Mon Sep 17 00:00:00 2001 From: hlums Date: Tue, 7 Jan 2020 16:00:27 +0000 Subject: [PATCH 120/167] Change a few methods to no static for newly added custom arguments. --- utils_nlp/eval/rouge/rouge_ext.py | 42 +++++++++++++------------------ 1 file changed, 18 insertions(+), 24 deletions(-) diff --git a/utils_nlp/eval/rouge/rouge_ext.py b/utils_nlp/eval/rouge/rouge_ext.py index 514ddfac0..0c573a133 100644 --- a/utils_nlp/eval/rouge/rouge_ext.py +++ b/utils_nlp/eval/rouge/rouge_ext.py @@ -24,10 +24,9 @@ from indicnlp.tokenize import sentence_tokenize, indic_tokenize from ...language_utils.hi.hindi_stemmer import hi_stem -from rouge import Rouge -class RougeExt(Rouge): +class RougeExt: DEFAULT_METRICS = {"rouge-n"} DEFAULT_N = 1 STATS = ["f", "p", "r"] @@ -307,7 +306,6 @@ def _get_ngrams(n, text): ngram_set[tuple(text[i : i + n])] += 1 return ngram_set - @staticmethod def _split_into_words(self, sentences): """ Splits multiple sentences into words and flattens the result @@ -324,8 +322,7 @@ def _split_into_words(self, sentences): else: return list(itertools.chain(*[self.word_split(_) for _ in sentences])) - @staticmethod - def _get_word_ngrams_and_length(n, sentences): + def _get_word_ngrams_and_length(self, n, sentences): """ Calculates word n-grams for multiple sentences. @@ -340,11 +337,10 @@ def _get_word_ngrams_and_length(n, sentences): assert len(sentences) > 0 assert n > 0 - tokens = RougeExt._split_into_words(sentences) - return RougeExt._get_ngrams(n, tokens), tokens, len(tokens) - (n - 1) + tokens = self._split_into_words(sentences) + return self._get_ngrams(n, tokens), tokens, len(tokens) - (n - 1) - @staticmethod - def _get_unigrams(sentences): + def _get_unigrams(self, sentences): """ Calcualtes uni-grams. @@ -356,7 +352,7 @@ def _get_unigrams(sentences): """ assert len(sentences) > 0 - tokens = RougeExt._split_into_words(sentences) + tokens = self._split_into_words(sentences) unigram_set = collections.defaultdict(int) for token in tokens: unigram_set[token] += 1 @@ -407,8 +403,7 @@ def _compute_f_score(precision, recall, alpha=0.5): else precision * recall / ((1 - alpha) * precision + alpha * recall) ) - @staticmethod - def _compute_ngrams(evaluated_sentences, reference_sentences, n): + def _compute_ngrams(self, evaluated_sentences, reference_sentences, n): """ Computes n-grams overlap of two text collections of sentences. Source: http://research.microsoft.com/en-us/um/people/cyl/download/ @@ -431,10 +426,10 @@ def _compute_ngrams(evaluated_sentences, reference_sentences, n): if len(evaluated_sentences) <= 0 or len(reference_sentences) <= 0: raise ValueError("Collections must contain at least 1 sentence.") - evaluated_ngrams, _, evaluated_count = RougeExt._get_word_ngrams_and_length( + evaluated_ngrams, _, evaluated_count = self._get_word_ngrams_and_length( n, evaluated_sentences ) - reference_ngrams, _, reference_count = RougeExt._get_word_ngrams_and_length( + reference_ngrams, _, reference_count = self._get_word_ngrams_and_length( n, reference_sentences ) @@ -446,8 +441,7 @@ def _compute_ngrams(evaluated_sentences, reference_sentences, n): return evaluated_count, reference_count, overlapping_count - @staticmethod - def _compute_ngrams_lcs(evaluated_sentences, reference_sentences, weight_factor=1.0): + def _compute_ngrams_lcs(self, evaluated_sentences, reference_sentences, weight_factor=1.0): """ Computes ROUGE-L (summary level) of two text collections of sentences. http://research.microsoft.com/en-us/um/people/cyl/download/papers/ @@ -531,8 +525,8 @@ def _mark_lcs(mask, dirs, m, n): if len(evaluated_sentences) <= 0 or len(reference_sentences) <= 0: raise ValueError("Collections must contain at least 1 sentence.") - evaluated_unigrams_dict, evaluated_count = RougeExt._get_unigrams(evaluated_sentences) - reference_unigrams_dict, reference_count = RougeExt._get_unigrams(reference_sentences) + evaluated_unigrams_dict, evaluated_count = self._get_unigrams(evaluated_sentences) + reference_unigrams_dict, reference_count = self._get_unigrams(reference_sentences) # Has to use weight factor for WLCS use_WLCS = weight_factor != 1.0 @@ -682,7 +676,7 @@ def _get_scores_rouge_n(self, all_hypothesis, all_references): total_ngrams_overlapping_count = 0 for reference in references: - n_grams_counts = RougeExt._compute_ngrams(hypothesis, reference, n) + n_grams_counts = self._compute_ngrams(hypothesis, reference, n) hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts total_hypothesis_ngrams_count += hypothesis_count total_reference_ngrams_count += reference_count @@ -702,7 +696,7 @@ def _get_scores_rouge_n(self, all_hypothesis, all_references): if self.apply_best: best_current_score = None for reference in references: - n_grams_counts = RougeExt._compute_ngrams(hypothesis, reference, n) + n_grams_counts = self._compute_ngrams(hypothesis, reference, n) hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts score = RougeExt._compute_p_r_f_score( hypothesis_count, reference_count, overlapping_ngrams, self.alpha @@ -715,7 +709,7 @@ def _get_scores_rouge_n(self, all_hypothesis, all_references): # Keep all else: for reference in references: - n_grams_counts = RougeExt._compute_ngrams(hypothesis, reference, n) + n_grams_counts = self._compute_ngrams(hypothesis, reference, n) hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts score = RougeExt._compute_p_r_f_score( hypothesis_count, reference_count, overlapping_ngrams, self.alpha @@ -780,7 +774,7 @@ def _get_scores_rouge_l_or_w(self, all_hypothesis, all_references, use_w=False): total_ngrams_overlapping_count = 0 for reference_sentences in references_sentences: - n_grams_counts = RougeExt._compute_ngrams_lcs( + n_grams_counts = self._compute_ngrams_lcs( hypothesis_sentences, reference_sentences, self.weight_factor if use_w else 1.0, @@ -806,7 +800,7 @@ def _get_scores_rouge_l_or_w(self, all_hypothesis, all_references, use_w=False): best_current_score = None best_current_score_wlcs = None for reference_sentences in references_sentences: - n_grams_counts = RougeExt._compute_ngrams_lcs( + n_grams_counts = self._compute_ngrams_lcs( hypothesis_sentences, reference_sentences, self.weight_factor if use_w else 1.0, @@ -844,7 +838,7 @@ def _get_scores_rouge_l_or_w(self, all_hypothesis, all_references, use_w=False): # Keep all else: for reference_sentences in references_sentences: - n_grams_counts = RougeExt._compute_ngrams_lcs( + n_grams_counts = self._compute_ngrams_lcs( hypothesis_sentences, reference_sentences, self.weight_factor if use_w else 1.0, From 8b3aa8d5bda4664b9c570ebe0ec834f5564199b5 Mon Sep 17 00:00:00 2001 From: hlums Date: Tue, 7 Jan 2020 16:03:47 +0000 Subject: [PATCH 121/167] Add link to hindi_stemmer.py --- utils_nlp/language_utils/hi/hindi_stemmer.py | 1 + 1 file changed, 1 insertion(+) diff --git a/utils_nlp/language_utils/hi/hindi_stemmer.py b/utils_nlp/language_utils/hi/hindi_stemmer.py index 900341f6f..ca5b72419 100644 --- a/utils_nlp/language_utils/hi/hindi_stemmer.py +++ b/utils_nlp/language_utils/hi/hindi_stemmer.py @@ -1,4 +1,5 @@ #! /usr/bin/env python3.1 +# Script was downloaded from https://research.variancia.com/hindi_stemmer/ """ Lightweight Hindi stemmer Copyright © 2010 Luís Gomes . From 3c059448ed3a0c0e37baf989fc4b5f00c5733d82 Mon Sep 17 00:00:00 2001 From: hlums Date: Tue, 7 Jan 2020 16:16:31 +0000 Subject: [PATCH 122/167] Make RougeExt inherit from Rouge. --- utils_nlp/eval/rouge/rouge_ext.py | 419 +----------------------------- 1 file changed, 2 insertions(+), 417 deletions(-) diff --git a/utils_nlp/eval/rouge/rouge_ext.py b/utils_nlp/eval/rouge/rouge_ext.py index 0c573a133..27209266b 100644 --- a/utils_nlp/eval/rouge/rouge_ext.py +++ b/utils_nlp/eval/rouge/rouge_ext.py @@ -24,9 +24,10 @@ from indicnlp.tokenize import sentence_tokenize, indic_tokenize from ...language_utils.hi.hindi_stemmer import hi_stem +from rouge import Rouge -class RougeExt: +class RougeExt(Rouge): DEFAULT_METRICS = {"rouge-n"} DEFAULT_N = 1 STATS = ["f", "p", "r"] @@ -175,53 +176,6 @@ def __init__( else: self.word_split = word_split_func - # # Load static objects - # if len(Rouge.WORDNET_KEY_VALUE) == 0: - # Rouge.load_wordnet_db(ensure_compatibility) - # if Rouge.STEMMER is None: - # Rouge.load_stemmer(ensure_compatibility) - - # @staticmethod - # def load_stemmer(ensure_compatibility): - # """ - # Load the stemmer that is going to be used if stemming is enabled - # Args - # ensure_compatibility: Use same stemmer and special "hacks" to product - # same results as in the official perl script (besides the number of - # sampling if not high enough) - # """ - # Rouge.STEMMER = nltk.stem.porter.PorterStemmer('ORIGINAL_ALGORITHM') if - # ensure_compatibility else nltk.stem.porter.PorterStemmer() - - # @staticmethod - # def load_wordnet_db(ensure_compatibility): - # """ - # Load WordNet database to apply specific rules instead of stemming + load file for - # special cases to ensure kind of compatibility (at list with DUC 2004) with the - # original stemmer used in the Perl script - # Args - # ensure_compatibility: Use same stemmer and special "hacks" to product same - # results as in the official perl script (besides the number of sampling - # if not high enough) - - # Raises: - # FileNotFoundError: If one of both databases is not found - # """ - # files_to_load = [Rouge.WORDNET_DB_FILEPATH] - # if ensure_compatibility: - # files_to_load.append(Rouge.WORDNET_DB_FILEPATH_SPECIAL_CASE) - - # for wordnet_db in files_to_load: - # filepath = pkg_resources.resource_filename(__name__, wordnet_db) - # if not os.path.exists(filepath): - # raise FileNotFoundError("The file '{}' does not exist".format(filepath)) - - # with open(filepath, 'r', encoding='utf-8') as fp: - # for line in fp: - # k, v = line.strip().split(Rouge.WORDNET_DB_DELIMITER) - # assert k not in Rouge.WORDNET_KEY_VALUE - # Rouge.WORDNET_KEY_VALUE[k] = v - def tokenize_text(self, text): """ Tokenize text in the specific language @@ -249,29 +203,6 @@ def split_into_sentences(self, text): return self.sentence_split(text, self.language) - # @staticmethod - # def stem_tokens(tokens): - # """ - # Apply WordNetDB rules or Stem each token of tokens - - # Args: - # tokens: List of tokens to apply WordNetDB rules or to stem - - # Returns: - # List of final stems - # """ - # # Stemming & Wordnet apply only if token has at least 3 chars - # for i, token in enumerate(tokens): - # if len(token) > 0: - # if len(token) > 3: - # if token in Rouge.WORDNET_KEY_VALUE: - # token = Rouge.WORDNET_KEY_VALUE[token] - # else: - # token = Rouge.STEMMER.stem(token) - # tokens[i] = token - - # return tokens - def stem_tokens(self, tokens): """ Stem each token of tokens @@ -287,25 +218,6 @@ def stem_tokens(self, tokens): return tokens - @staticmethod - def _get_ngrams(n, text): - """ - Calcualtes n-grams. - - Args: - n: which n-grams to calculate - text: An array of tokens - - Returns: - A set of n-grams with their number of occurences - """ - # Modified from https://github.com/pltrdy/seq2seq/blob/master/seq2seq/metrics/rouge.py - ngram_set = collections.defaultdict(int) - max_index_ngram_start = len(text) - n - for i in range(max_index_ngram_start + 1): - ngram_set[tuple(text[i : i + n])] += 1 - return ngram_set - def _split_into_words(self, sentences): """ Splits multiple sentences into words and flattens the result @@ -358,51 +270,6 @@ def _get_unigrams(self, sentences): unigram_set[token] += 1 return unigram_set, len(tokens) - @staticmethod - def _compute_p_r_f_score( - evaluated_count, reference_count, overlapping_count, alpha=0.5, weight_factor=1.0 - ): - """ - Compute precision, recall and f1_score (with alpha: P*R / ((1-alpha)*P + alpha*R)) - - Args: - evaluated_count: #n-grams in the hypothesis - reference_count: #n-grams in the reference - overlapping_count: #n-grams in common between hypothesis and reference - alpha: Value to use for the F1 score (default: 0.5) - weight_factor: Weight factor if we have use ROUGE-W (default: 1.0, no impact) - - Returns: - A dict with 'p', 'r' and 'f' as keys fore precision, recall, f1 score - """ - precision = 0.0 if evaluated_count == 0 else overlapping_count / evaluated_count - if weight_factor != 1.0: - precision = precision ** (1.0 / weight_factor) - recall = 0.0 if reference_count == 0 else overlapping_count / reference_count - if weight_factor != 1.0: - recall = recall ** (1.0 / weight_factor) - f1_score = RougeExt._compute_f_score(precision, recall, alpha) - return {"f": f1_score, "p": precision, "r": recall} - - @staticmethod - def _compute_f_score(precision, recall, alpha=0.5): - """ - Compute f1_score (with alpha: P*R / ((1-alpha)*P + alpha*R)) - - Args: - precision: precision - recall: recall - overlapping_count: #n-grams in common between hypothesis and reference - - Returns: - f1 score - """ - return ( - 0.0 - if (recall == 0.0 or precision == 0.0) - else precision * recall / ((1 - alpha) * precision + alpha * recall) - ) - def _compute_ngrams(self, evaluated_sentences, reference_sentences, n): """ Computes n-grams overlap of two text collections of sentences. @@ -580,288 +447,6 @@ def _mark_lcs(mask, dirs, m, n): return evaluated_count, reference_count, overlapping_count - def get_scores(self, hypothesis, references): - """ - Compute precision, recall and f1 score between hypothesis and references - - Args: - hypothesis: hypothesis summary, string - references: reference summary/ies, either string or list of strings (if multiple) - - Returns: - Return precision, recall and f1 score between hypothesis and references - - Raises: - ValueError: raises exception if a type of hypothesis is different than the one of - reference - ValueError: raises exception if a len of hypothesis is different than the one of reference - """ - if isinstance(hypothesis, str): - hypothesis, references = [hypothesis], [references] - - if type(hypothesis) != type(references): - raise ValueError("'hyps' and 'refs' are not of the same type") - - if len(hypothesis) != len(references): - raise ValueError("'hyps' and 'refs' do not have the same length") - - scores = {} - has_rouge_n_metric = ( - len([metric for metric in self.metrics if metric.split("-")[-1].isdigit()]) > 0 - ) - if has_rouge_n_metric: - scores = {**scores, **self._get_scores_rouge_n(hypothesis, references)} - - has_rouge_l_metric = ( - len([metric for metric in self.metrics if metric.split("-")[-1].lower() == "l"]) > 0 - ) - if has_rouge_l_metric: - scores = {**scores, **self._get_scores_rouge_l_or_w(hypothesis, references, False)} - - has_rouge_w_metric = ( - len([metric for metric in self.metrics if metric.split("-")[-1].lower() == "w"]) > 0 - ) - if has_rouge_w_metric: - scores = {**scores, **self._get_scores_rouge_l_or_w(hypothesis, references, True)} - - return scores - - def _get_scores_rouge_n(self, all_hypothesis, all_references): - """ - Computes precision, recall and f1 score between all hypothesis and references - - Args: - hypothesis: hypothesis summary, string - references: reference summary/ies, either string or list of strings (if multiple) - - Returns: - Return precision, recall and f1 score between all hypothesis and references - """ - metrics = [metric for metric in self.metrics if metric.split("-")[-1].isdigit()] - - if self.apply_avg or self.apply_best: - scores = {metric: {stat: 0.0 for stat in RougeExt.STATS} for metric in metrics} - else: - scores = { - metric: [{stat: [] for stat in RougeExt.STATS} for _ in range(len(all_hypothesis))] - for metric in metrics - } - - for sample_id, (hypothesis, references) in enumerate(zip(all_hypothesis, all_references)): - assert isinstance(hypothesis, str) - has_multiple_references = False - if isinstance(references, list): - has_multiple_references = len(references) > 1 - if not has_multiple_references: - references = references[0] - - # Prepare hypothesis and reference(s) - hypothesis = self._preprocess_summary_as_a_whole(hypothesis) - references = ( - [self._preprocess_summary_as_a_whole(reference) for reference in references] - if has_multiple_references - else [self._preprocess_summary_as_a_whole(references)] - ) - - # Compute scores - for metric in metrics: - suffix = metric.split("-")[-1] - n = int(suffix) - - # Aggregate - if self.apply_avg: - # average model - total_hypothesis_ngrams_count = 0 - total_reference_ngrams_count = 0 - total_ngrams_overlapping_count = 0 - - for reference in references: - n_grams_counts = self._compute_ngrams(hypothesis, reference, n) - hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts - total_hypothesis_ngrams_count += hypothesis_count - total_reference_ngrams_count += reference_count - total_ngrams_overlapping_count += overlapping_ngrams - - score = RougeExt._compute_p_r_f_score( - total_hypothesis_ngrams_count, - total_reference_ngrams_count, - total_ngrams_overlapping_count, - self.alpha, - ) - - for stat in RougeExt.STATS: - scores[metric][stat] += score[stat] - else: - # Best model - if self.apply_best: - best_current_score = None - for reference in references: - n_grams_counts = self._compute_ngrams(hypothesis, reference, n) - hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts - score = RougeExt._compute_p_r_f_score( - hypothesis_count, reference_count, overlapping_ngrams, self.alpha - ) - if best_current_score is None or score["r"] > best_current_score["r"]: - best_current_score = score - - for stat in RougeExt.STATS: - scores[metric][stat] += best_current_score[stat] - # Keep all - else: - for reference in references: - n_grams_counts = self._compute_ngrams(hypothesis, reference, n) - hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts - score = RougeExt._compute_p_r_f_score( - hypothesis_count, reference_count, overlapping_ngrams, self.alpha - ) - for stat in RougeExt.STATS: - scores[metric][sample_id][stat].append(score[stat]) - - # Compute final score with the average or the the max - if (self.apply_avg or self.apply_best) and len(all_hypothesis) > 1: - for metric in metrics: - for stat in RougeExt.STATS: - scores[metric][stat] /= len(all_hypothesis) - - return scores - - def _get_scores_rouge_l_or_w(self, all_hypothesis, all_references, use_w=False): - """ - Computes precision, recall and f1 score between all hypothesis and references - - Args: - hypothesis: hypothesis summary, string - references: reference summary/ies, either string or list of strings (if multiple) - - Returns: - Return precision, recall and f1 score between all hypothesis and references - """ - metric = "rouge-w" if use_w else "rouge-l" - if self.apply_avg or self.apply_best: - scores = {metric: {stat: 0.0 for stat in RougeExt.STATS}} - else: - scores = { - metric: [{stat: [] for stat in RougeExt.STATS} for _ in range(len(all_hypothesis))] - } - - for sample_id, (hypothesis_sentences, references_sentences) in enumerate( - zip(all_hypothesis, all_references) - ): - assert isinstance(hypothesis_sentences, str) - has_multiple_references = False - if isinstance(references_sentences, list): - has_multiple_references = len(references_sentences) > 1 - if not has_multiple_references: - references_sentences = references_sentences[0] - - # Prepare hypothesis and reference(s) - hypothesis_sentences = self._preprocess_summary_per_sentence(hypothesis_sentences) - references_sentences = ( - [ - self._preprocess_summary_per_sentence(reference) - for reference in references_sentences - ] - if has_multiple_references - else [self._preprocess_summary_per_sentence(references_sentences)] - ) - - # Compute scores - # Aggregate - if self.apply_avg: - # average model - total_hypothesis_ngrams_count = 0 - total_reference_ngrams_count = 0 - total_ngrams_overlapping_count = 0 - - for reference_sentences in references_sentences: - n_grams_counts = self._compute_ngrams_lcs( - hypothesis_sentences, - reference_sentences, - self.weight_factor if use_w else 1.0, - ) - hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts - total_hypothesis_ngrams_count += hypothesis_count - total_reference_ngrams_count += reference_count - total_ngrams_overlapping_count += overlapping_ngrams - - score = RougeExt._compute_p_r_f_score( - total_hypothesis_ngrams_count, - total_reference_ngrams_count, - total_ngrams_overlapping_count, - self.alpha, - self.weight_factor, - ) - - for stat in RougeExt.STATS: - scores[metric][stat] += score[stat] - else: - # Best model - if self.apply_best: - best_current_score = None - best_current_score_wlcs = None - for reference_sentences in references_sentences: - n_grams_counts = self._compute_ngrams_lcs( - hypothesis_sentences, - reference_sentences, - self.weight_factor if use_w else 1.0, - ) - hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts - score = RougeExt._compute_p_r_f_score( - hypothesis_count, - reference_count, - overlapping_ngrams, - self.alpha, - self.weight_factor, - ) - - if use_w: - reference_count_for_score = reference_count ** ( - 1.0 / self.weight_factor - ) - overlapping_ngrams_for_score = overlapping_ngrams - score_wlcs = ( - overlapping_ngrams_for_score / reference_count_for_score - ) ** (1.0 / self.weight_factor) - - if ( - best_current_score_wlcs is None - or score_wlcs > best_current_score_wlcs - ): - best_current_score = score - best_current_score_wlcs = score_wlcs - else: - if best_current_score is None or score["r"] > best_current_score["r"]: - best_current_score = score - - for stat in RougeExt.STATS: - scores[metric][stat] += best_current_score[stat] - # Keep all - else: - for reference_sentences in references_sentences: - n_grams_counts = self._compute_ngrams_lcs( - hypothesis_sentences, - reference_sentences, - self.weight_factor if use_w else 1.0, - ) - hypothesis_count, reference_count, overlapping_ngrams = n_grams_counts - score = RougeExt._compute_p_r_f_score( - hypothesis_count, - reference_count, - overlapping_ngrams, - self.alpha, - self.weight_factor, - ) - - for stat in RougeExt.STATS: - scores[metric][sample_id][stat].append(score[stat]) - - # Compute final score with the average or the the max - if (self.apply_avg or self.apply_best) and len(all_hypothesis) > 1: - for stat in RougeExt.STATS: - scores[metric][stat] /= len(all_hypothesis) - - return scores - def _preprocess_summary_as_a_whole(self, summary): """ Preprocessing (truncate text if enable, tokenization, stemming if enable, lowering) From 9ab859958754ab8fc97a3c929fe28bce8905c995 Mon Sep 17 00:00:00 2001 From: saidbleik Date: Tue, 7 Jan 2020 20:13:24 +0000 Subject: [PATCH 123/167] added move_model_to_device to pytorch_utils --- utils_nlp/common/pytorch_utils.py | 36 +++++++++++++++++++++++++++++++ 1 file changed, 36 insertions(+) diff --git a/utils_nlp/common/pytorch_utils.py b/utils_nlp/common/pytorch_utils.py index ea09f8768..0410775ac 100644 --- a/utils_nlp/common/pytorch_utils.py +++ b/utils_nlp/common/pytorch_utils.py @@ -32,6 +32,42 @@ def get_device( return device, num_gpus +def move_model_to_device(model, device, num_gpus=None, gpu_ids=None, local_rank=-1): + """Moves a model to the specified device (cpu or gpu/s) + and implements data parallelism when multiple gpus are specified. + + Args: + model (Module): A PyTorch model. + device (torch.device): A PyTorch device. + num_gpus (int): The number of GPUs to be used. + If set to None, all available GPUs will be used. + Defaults to None. + gpu_ids (list): List of GPU IDs to be used. + If set to None, the first num_gpus GPUs will be used. + Defaults to None. + local_rank (int): Local GPU ID within a node. Used in distributed environments. + Defaults to -1. + """ + # unwrap model + if isinstance(model, torch.nn.DataParallel): + model = model.module + # wrap in DataParallel or DistributedDataParallel + if local_rank != -1: + self.model = torch.nn.parallel.DistributedDataParallel( + self.model, + device_ids=[local_rank], + output_device=local_rank, + find_unused_parameters=True, + ) + else: + if num_gpus > 1: + if gpu_ids is None: + gpu_ids = list(range(num_gpus)) + model = torch.nn.DataParallel(model, device_ids=gpu_ids) + # move to device + model.to(device) + + def move_to_device(model, device, num_gpus=None): """Moves a model to the specified device (cpu or gpu/s) and implements data parallelism when multiple gpus are specified. From ab4b496558ed53b321bdcbf74aa8a106cdd3cd78 Mon Sep 17 00:00:00 2001 From: saidbleik Date: Tue, 7 Jan 2020 20:17:38 +0000 Subject: [PATCH 124/167] moved optim and scheduler init out of fine_tune --- utils_nlp/models/transformers/common.py | 118 +++++++++--------------- 1 file changed, 43 insertions(+), 75 deletions(-) diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index 1dc66625c..ccaadbf6d 100644 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -22,7 +22,7 @@ from transformers.tokenization_distilbert import DistilBertTokenizer from transformers.tokenization_roberta import RobertaTokenizer from transformers.tokenization_xlnet import XLNetTokenizer -from utils_nlp.common.pytorch_utils import get_device + TOKENIZER_CLASS = {} TOKENIZER_CLASS.update({k: BertTokenizer for k in BERT_PRETRAINED_MODEL_ARCHIVE_MAP}) @@ -81,6 +81,47 @@ def set_seed(seed, cuda=True): if cuda and torch.cuda.is_available(): torch.cuda.manual_seed_all(seed) + @staticmethod + def get_default_optimizer(model, learning_rate, adam_epsilon): + no_decay = ["bias", "LayerNorm.weight"] + optimizer_grouped_parameters = [ + { + "params": [ + p for n, p in model.named_parameters() if not any(nd in n for nd in no_decay) + ], + "weight_decay": weight_decay, + }, + { + "params": [ + p for n, p in model.named_parameters() if any(nd in n for nd in no_decay) + ], + "weight_decay": 0.0, + }, + ] + optimizer = AdamW(optimizer_grouped_parameters, lr=learning_rate, eps=adam_epsilon) + return optimizer + + @staticmethod + def get_default_scheduler( + optimizer, warmup_steps, data_loader, max_steps, num_epochs, gradient_accumulation_steps + ): + try: + dataset_length = len(data_loader) + except Exception: + dataset_length = -1 + + if max_steps <= 0: + if dataset_length != -1 and num_epochs > 0: + max_steps = dataset_length // gradient_accumulation_steps * num_epochs + + if max_steps <= 0: + raise Exception("Max steps cannot be determined.") + + scheduler = get_linear_schedule_with_warmup( + optimizer, num_warmup_steps=warmup_steps, num_training_steps=max_steps + ) + return scheduler + def fine_tune( self, train_dataloader, @@ -89,81 +130,18 @@ def fine_tune( num_train_epochs=1, max_grad_norm=1.0, gradient_accumulation_steps=1, - n_gpu=1, optimizer=None, scheduler=None, - weight_decay=0.0, - learning_rate=5e-5, - adam_epsilon=1e-8, - warmup_steps=0, fp16=False, fp16_opt_level="O1", local_rank=-1, verbose=True, seed=None, ): - # get device - device, num_gpus = get_device(num_gpus=n_gpu, local_rank=-1) - - # unwrap model - if isinstance(self.model, torch.nn.DataParallel): - self.model = self.model.module - - # wrap in DataParallel or DistributedDataParallel - if local_rank != -1: - self.model = torch.nn.parallel.DistributedDataParallel( - self.model, - device_ids=[local_rank], - output_device=local_rank, - find_unused_parameters=True, - ) - else: - if num_gpus > 1: - self.model = torch.nn.DataParallel(self.model, device_ids=list(range(num_gpus))) - - # move to device - self.model.to(device) if seed is not None: Transformer.set_seed(seed, num_gpus > 0) - if max_steps > 0: - t_total = max_steps - num_train_epochs = ( - max_steps // (len(train_dataloader) // gradient_accumulation_steps) + 1 - ) - else: - t_total = len(train_dataloader) // gradient_accumulation_steps * num_train_epochs - - # set optimizer - if optimizer is None: - no_decay = ["bias", "LayerNorm.weight"] - optimizer_grouped_parameters = [ - { - "params": [ - p - for n, p in self.model.named_parameters() - if not any(nd in n for nd in no_decay) - ], - "weight_decay": weight_decay, - }, - { - "params": [ - p - for n, p in self.model.named_parameters() - if any(nd in n for nd in no_decay) - ], - "weight_decay": 0.0, - }, - ] - optimizer = AdamW(optimizer_grouped_parameters, lr=learning_rate, eps=adam_epsilon) - - # set scheduler - if scheduler is None: - scheduler = get_linear_schedule_with_warmup( - optimizer, num_warmup_steps=warmup_steps, num_training_steps=t_total - ) - if fp16: try: from apex import amp @@ -223,18 +201,8 @@ def fine_tune( return global_step, tr_loss / global_step - def predict(self, eval_dataloader, get_inputs, n_gpu=1, verbose=True): - device, num_gpus = get_device(num_gpus=n_gpu, local_rank=-1) - - if isinstance(self.model, torch.nn.DataParallel): - self.model = self.model.module - - if num_gpus > 1: - self.model = torch.nn.DataParallel(self.model, device_ids=list(range(num_gpus))) - - self.model.to(device) + def predict(self, eval_dataloader, get_inputs, verbose=True): self.model.eval() - for batch in tqdm(eval_dataloader, desc="Evaluating", disable=not verbose): batch = tuple(t.to(device) for t in batch) with torch.no_grad(): From 1d7abc3cad15c8f477b2bcd73f0c950e7efa1948 Mon Sep 17 00:00:00 2001 From: hlums Date: Tue, 7 Jan 2020 15:56:44 -0500 Subject: [PATCH 125/167] Remove unused imports and correct typos. --- .../extractive_summarization_cnndm_transformer.ipynb | 6 ++---- 1 file changed, 2 insertions(+), 4 deletions(-) diff --git a/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb b/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb index d4732f649..206895b91 100644 --- a/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb +++ b/examples/text_summarization/extractive_summarization_cnndm_transformer.ipynb @@ -103,7 +103,6 @@ "if nlp_path not in sys.path:\n", " sys.path.insert(0, nlp_path)\n", "\n", - "from utils_nlp.common.pytorch_utils import get_device\n", "from utils_nlp.dataset.cnndm import CNNDMBertSumProcessedData, CNNDMSummarizationDataset\n", "from utils_nlp.eval.evaluate_summarization import get_rouge\n", "from utils_nlp.models.transformers.extractive_summarization import (\n", @@ -112,7 +111,6 @@ " ExtSumProcessor,\n", ")\n", "\n", - "import numpy as np\n", "import pandas as pd\n", "import scrapbook as sb" ] @@ -236,7 +234,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "### Data Preprossing\n", + "### Data Preprocessing\n", "\n", "The dataset we used for this notebook is CNN/DM dataset which contains the documents and accompanying questions from the news articles of CNN and Daily mail. The highlights in each article are used as summary. The dataset consits of ~289K training examples, ~11K valiation examples and ~11K test examples. You can choose the [Option 1] below preprocess the data or [Option 2] to use the preprocessed version at [BERTSum published example](https://github.com/nlpyang/BertSum/). You don't need to manually download any of these two data sets as the code below will handle downloading. Functions defined specific in [cnndm.py](../../utils_nlp/dataset/cnndm.py) are unique to CNN/DM dataset that's preprocessed by harvardnlp. However, it provides a skeleton of how to preprocessing text into the format that model preprocessor takes: sentence tokenization and work tokenization. \n", "\n", @@ -732,7 +730,7 @@ "source": [ "### Model Evaluation\n", "\n", - "[ROUGE](https://en.wikipedia.org/wiki/ROUGE_(metric)), or Recall-Oriented Understudy for Gisting Evaluation has been commonly used for evaluation text summarization." + "[ROUGE](https://en.wikipedia.org/wiki/ROUGE_(metric)), or Recall-Oriented Understudy for Gisting Evaluation has been commonly used for evaluating text summarization." ] }, { From 50fcae153040aba625ceb81cea496fc6bfe6b90a Mon Sep 17 00:00:00 2001 From: hlums Date: Tue, 7 Jan 2020 22:30:10 +0000 Subject: [PATCH 126/167] Remove custom preprocessing arguments from compute_rouge_python. --- utils_nlp/eval/rouge/compute_rouge.py | 14 ++------------ utils_nlp/eval/rouge/rouge_ext.py | 8 ++++++++ 2 files changed, 10 insertions(+), 12 deletions(-) diff --git a/utils_nlp/eval/rouge/compute_rouge.py b/utils_nlp/eval/rouge/compute_rouge.py index d30bbccbd..7c2541b91 100644 --- a/utils_nlp/eval/rouge/compute_rouge.py +++ b/utils_nlp/eval/rouge/compute_rouge.py @@ -118,14 +118,9 @@ def compute_rouge_python( """ supported_langauges = ["en", "hi"] - if language not in supported_langauges and not all( - [sentence_split_func, word_tokenize_func, remove_char_pattern] - ): + if language not in supported_langauges: raise Exception( - "Language {0} is not supported. Supported languages are: {1}. Provide language " - "speicifc sentence_split_func, word_tokenize_func, remove_char_pattern, " - "stemming_func(optional), and word_split_func (if words are not separated by space) " - "to use this function.".format(language, supported_langauges) + "Language {0} is not supported. Supported languages are: {1}.".format(language, supported_langauges) ) if is_input_files: @@ -149,11 +144,6 @@ def compute_rouge_python( max_n=2, limit_length=False, apply_avg=True, - sentence_split_func=sentence_split_func, - word_tokenize_func=word_tokenize_func, - remove_char_pattern=remove_char_pattern, - stemming_func=stemming_func, - word_split_func=word_split_func, ) scores = evaluator.get_scores(candidates, [[it] for it in references]) diff --git a/utils_nlp/eval/rouge/rouge_ext.py b/utils_nlp/eval/rouge/rouge_ext.py index 27209266b..5b4d9016c 100644 --- a/utils_nlp/eval/rouge/rouge_ext.py +++ b/utils_nlp/eval/rouge/rouge_ext.py @@ -117,6 +117,14 @@ def __init__( AVAILABLE_LENGTH_LIMIT_TYPES ValueError: raises exception if weight_factor < 0 """ + supported_langauges = ["hi"] + if language not in supported_langauges and not all([sentence_split_func, word_tokenize_func, remove_char_pattern]): + raise Exception( + "Language {0} is not supported. Supported languages are: {1}. Provide language " + "speicifc sentence_split_func, word_tokenize_func, remove_char_pattern, " + "stemming_func(optional), and word_split_func (if words are not separated by " + "space) to use this class".format(language, supported_langauges) + ) self.metrics = metrics[:] if metrics is not None else RougeExt.DEFAULT_METRICS for m in self.metrics: if m not in RougeExt.AVAILABLE_METRICS: From 4ce1dbb2ea56539a83f27ccc84ee30d1020ec859 Mon Sep 17 00:00:00 2001 From: hlums Date: Tue, 7 Jan 2020 22:36:41 +0000 Subject: [PATCH 127/167] Add copyright to notebook and remove custom preprocessing arguments from compute_rouge_python. --- examples/text_summarization/summarization_evaluation.ipynb | 5 ++++- 1 file changed, 4 insertions(+), 1 deletion(-) diff --git a/examples/text_summarization/summarization_evaluation.ipynb b/examples/text_summarization/summarization_evaluation.ipynb index 13391b760..cca929807 100644 --- a/examples/text_summarization/summarization_evaluation.ipynb +++ b/examples/text_summarization/summarization_evaluation.ipynb @@ -4,6 +4,9 @@ "cell_type": "markdown", "metadata": {}, "source": [ + "Copyright (c) Microsoft Corporation. \n", + "Licensed under the MIT License. \n", + "\n", "# Summarization Evaluation\n", "This notebook explains the metrics commonly used to evaluate text summarization results and how to use the evaluation utilities provided in the repo. " ] @@ -23,7 +26,7 @@ "\n", "**Utilities for computing ROUGE**\n", "* `compute_rouge_perl`: The [pyrouge](https://github.com/bheinzerling/pyrouge) package based on the ROUGE package written in perl is the most popular package for computing ROUGE scores. We provide the `compute_rouge_perl` function based on pyrouge. This function supports English only. \n", - "* `compute_rouge_python`: The [py-rouge](https://pypi.org/project/py-rouge/) package is a Python implementation of the ROUGE metric which produces almost the same results as the perl implemenation. Since it's easier to install than pyrouge and can be extended to other languages, we provide the `compute_rouge_python` function based on py-rouge. Currently, English and Hindi are supported. For other languages with space as word separators, provide language specific `sentence_split_func`, `word_tokenize_func`, `remove_char_pattern=None`, `stemming_func` (optional), `word_split_func` (if words are not space separated). " + "* `compute_rouge_python`: The [py-rouge](https://pypi.org/project/py-rouge/) package is a Python implementation of the ROUGE metric which produces almost the same results as the perl implemenation. Since it's easier to install than pyrouge and can be extended to other languages, we provide the `compute_rouge_python` function based on py-rouge. Currently, English and Hindi are supported. Supports for other languages will be added on an as-needed basis." ] }, { From 0eb93563f1dc545f8e450b5549d9a553fe555a59 Mon Sep 17 00:00:00 2001 From: hlums Date: Tue, 7 Jan 2020 18:15:48 -0500 Subject: [PATCH 128/167] Remove unnecessary dependencies --- tools/generate_conda_file.py | 3 --- 1 file changed, 3 deletions(-) diff --git a/tools/generate_conda_file.py b/tools/generate_conda_file.py index 05cba5210..5661264f6 100644 --- a/tools/generate_conda_file.py +++ b/tools/generate_conda_file.py @@ -43,10 +43,8 @@ "pytest": "pytest>=3.6.4", "pytorch": "pytorch-cpu>=1.0.0", "scipy": "scipy>=1.0.0", - "tensorflow": "tensorflow==1.15.0", "h5py": "h5py>=2.8.0", "tensorflow-hub": "tensorflow-hub==0.5.0", - "py-xgboost": "py-xgboost<=0.80", "dask": "dask[dataframe]==1.2.2", "papermill": "papermill>=1.0.1", } @@ -54,7 +52,6 @@ CONDA_GPU = { "numba": "numba>=0.38.1", "pytorch": "pytorch>=1.0.0", - "tensorflow": "tensorflow-gpu==1.15.0", "cudatoolkit": "cudatoolkit==9.2", } From 8242bcf767aa7f1d2357c8d5ccbdeb5806b0bb84 Mon Sep 17 00:00:00 2001 From: saidbleik Date: Wed, 8 Jan 2020 06:37:42 +0000 Subject: [PATCH 129/167] modified structure of transformer wrapper --- ...st_transformers_sequence_classification.py | 20 +++-- utils_nlp/common/pytorch_utils.py | 6 +- utils_nlp/models/transformers/common.py | 6 +- .../transformers/sequence_classification.py | 73 ++++++++++++++----- 4 files changed, 71 insertions(+), 34 deletions(-) diff --git a/tests/unit/test_transformers_sequence_classification.py b/tests/unit/test_transformers_sequence_classification.py index 156854200..c402d106e 100644 --- a/tests/unit/test_transformers_sequence_classification.py +++ b/tests/unit/test_transformers_sequence_classification.py @@ -19,12 +19,11 @@ def test_classifier(data, tmpdir): num_labels = len(pd.unique(data[1])) model_name = "bert-base-uncased" processor = Processor(model_name=model_name, cache_dir=tmpdir) - train_dataloader = processor.create_dataloader_from_df( - df, "text", "label", batch_size=2, num_gpus=0 - ) + ds = processor.dataset_from_dataframe(df, "text", "label") + dl = processor.dataloader_from_dataset(ds, batch_size=2, num_gpus=0, shuffle=True) classifier = SequenceClassifier(model_name=model_name, num_labels=num_labels, cache_dir=tmpdir) - classifier.fit(train_dataloader=train_dataloader, num_epochs=1, num_gpus=0, verbose=False) - preds = classifier.predict(train_dataloader, num_gpus=0, verbose=False) + classifier.fit(train_dataloader=dl, num_epochs=1, num_gpus=0, verbose=False) + preds = classifier.predict(dl, num_gpus=0, verbose=False) assert len(preds) == len(data[1]) @@ -35,17 +34,16 @@ def test_classifier_gpu_train_cpu_predict(data, tmpdir): num_labels = len(pd.unique(data[1])) model_name = "bert-base-uncased" processor = Processor(model_name=model_name, cache_dir=tmpdir) - train_dataloader = processor.create_dataloader_from_df( - df, "text", "label", batch_size=2, num_gpus=1 - ) + ds = processor.dataset_from_dataframe(df, "text", "label") + dl = processor.dataloader_from_dataset(ds, batch_size=2, num_gpus=1, shuffle=True) classifier = SequenceClassifier(model_name=model_name, num_labels=num_labels, cache_dir=tmpdir) - classifier.fit(train_dataloader=train_dataloader, num_epochs=1, num_gpus=1, verbose=False) + classifier.fit(train_dataloader=dl, num_epochs=1, num_gpus=1, verbose=False) assert next(classifier.model.parameters()).is_cuda is True # gpu prediction, no model move - preds = classifier.predict(train_dataloader, num_gpus=1, verbose=False) + preds = classifier.predict(dl, num_gpus=1, verbose=False) assert len(preds) == len(data[1]) # cpu prediction, need model move assert next(classifier.model.parameters()).is_cuda is True - preds = classifier.predict(train_dataloader, num_gpus=0, verbose=False) + preds = classifier.predict(dl, num_gpus=0, verbose=False) assert next(classifier.model.parameters()).is_cuda is False diff --git a/utils_nlp/common/pytorch_utils.py b/utils_nlp/common/pytorch_utils.py index 0410775ac..fee66269e 100644 --- a/utils_nlp/common/pytorch_utils.py +++ b/utils_nlp/common/pytorch_utils.py @@ -47,6 +47,10 @@ def move_model_to_device(model, device, num_gpus=None, gpu_ids=None, local_rank= Defaults to None. local_rank (int): Local GPU ID within a node. Used in distributed environments. Defaults to -1. + + Returns: + Module, DataParallel, DistributedDataParallel: A PyTorch Module or + a DataParallel/DistributedDataParallel wrapper (when multiple gpus are used). """ # unwrap model if isinstance(model, torch.nn.DataParallel): @@ -65,7 +69,7 @@ def move_model_to_device(model, device, num_gpus=None, gpu_ids=None, local_rank= gpu_ids = list(range(num_gpus)) model = torch.nn.DataParallel(model, device_ids=gpu_ids) # move to device - model.to(device) + return model.to(device) def move_to_device(model, device, num_gpus=None): diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index ccaadbf6d..d5f4d5588 100644 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -82,7 +82,7 @@ def set_seed(seed, cuda=True): torch.cuda.manual_seed_all(seed) @staticmethod - def get_default_optimizer(model, learning_rate, adam_epsilon): + def get_default_optimizer(model, weight_decay, learning_rate, adam_epsilon): no_decay = ["bias", "LayerNorm.weight"] optimizer_grouped_parameters = [ { @@ -125,6 +125,8 @@ def get_default_scheduler( def fine_tune( self, train_dataloader, + device, + num_gpus, get_inputs, max_steps=-1, num_train_epochs=1, @@ -201,7 +203,7 @@ def fine_tune( return global_step, tr_loss / global_step - def predict(self, eval_dataloader, get_inputs, verbose=True): + def predict(self, eval_dataloader, device, get_inputs, verbose=True): self.model.eval() for batch in tqdm(eval_dataloader, desc="Evaluating", disable=not verbose): batch = tuple(t.to(device) for t in batch) diff --git a/utils_nlp/models/transformers/sequence_classification.py b/utils_nlp/models/transformers/sequence_classification.py index 93668471b..b245383db 100644 --- a/utils_nlp/models/transformers/sequence_classification.py +++ b/utils_nlp/models/transformers/sequence_classification.py @@ -21,6 +21,7 @@ XLNET_PRETRAINED_MODEL_ARCHIVE_MAP, XLNetForSequenceClassification, ) +from utils_nlp.common.pytorch_utils import get_device, move_model_to_device from utils_nlp.models.transformers.common import MAX_SEQ_LEN, TOKENIZER_CLASS, Transformer from utils_nlp.models.transformers.datasets import SCDataSet, SPCDataSet @@ -188,20 +189,11 @@ def _truncate_seq_pair(tokens_a, tokens_b, max_length): return input_ids, attention_mask, token_type_ids - def create_dataloader_from_df( - self, - df, - text_col, - label_col=None, - text2_col=None, - shuffle=False, - max_len=MAX_SEQ_LEN, - batch_size=32, - num_gpus=None, - distributed=False, + def dataset_from_dataframe( + self, df, text_col, label_col=None, text2_col=None, max_len=MAX_SEQ_LEN ): if text2_col is None: - ds = SCDataSet( + return SCDataSet( df, text_col, label_col, @@ -210,7 +202,7 @@ def create_dataloader_from_df( max_len=max_len, ) else: - ds = SPCDataSet( + return SPCDataSet( df, text_col, text2_col, @@ -220,6 +212,9 @@ def create_dataloader_from_df( max_len=max_len, ) + def dataloader_from_dataset( + self, ds, batch_size=32, num_gpus=None, shuffle=False, distributed=False + ): if num_gpus is None: num_gpus = torch.cuda.device_count() @@ -250,7 +245,10 @@ def fit( self, train_dataloader, num_epochs=1, + max_steps=-1, + gradient_accumulation_steps=1, num_gpus=None, + gpu_ids=None, local_rank=-1, weight_decay=0.0, learning_rate=5e-5, @@ -265,9 +263,16 @@ def fit( Args: train_dataloader (Dataloader): Dataloader for the training data. num_epochs (int, optional): Number of training epochs. Defaults to 1. + max_steps (int, optional): Total number of training steps. Overrides num_epochs. + gradient_accumulation_steps (int, optional): Number of steps to accumulate + before performing a backward/update pass. + Default to 1. num_gpus (int, optional): The number of GPUs to use. If None, all available GPUs will be used. If set to 0 or GPUs are not available, CPU device will be used. Defaults to None. + gpu_ids (list): List of GPU IDs to be used. + If set to None, the first num_gpus GPUs will be used. + Defaults to None. local_rank (int, optional): Local_rank for distributed training on GPUs. Defaults to -1, which means non-distributed training. weight_decay (float, optional): Weight decay to apply after each parameter update. @@ -281,20 +286,40 @@ def fit( seed (int, optional): Random seed used to improve reproducibility. Defaults to None. """ + # get device + device, num_gpus = get_device(num_gpus=num_gpus, local_rank=local_rank) + # move model + self.model = move_model_to_device(self.model, device, num_gpus, gpu_ids, local_rank) + + # init optimizer and scheduler + optimizer = Transformer.get_default_optimizer( + self.model, weight_decay, learning_rate, adam_epsilon + ) + scheduler = Transformer.get_default_scheduler( + optimizer, + warmup_steps, + train_dataloader, + max_steps, + num_epochs, + gradient_accumulation_steps=gradient_accumulation_steps, + ) + super().fine_tune( train_dataloader=train_dataloader, + device=device, + num_gpus=num_gpus, get_inputs=Processor.get_inputs, - n_gpu=num_gpus, + max_steps=max_steps, num_train_epochs=num_epochs, - weight_decay=weight_decay, - learning_rate=learning_rate, - adam_epsilon=adam_epsilon, - warmup_steps=warmup_steps, + gradient_accumulation_steps=gradient_accumulation_steps, + optimizer=optimizer, + scheduler=scheduler, + local_rank=local_rank, verbose=verbose, seed=seed, ) - def predict(self, eval_dataloader, num_gpus=None, verbose=True): + def predict(self, eval_dataloader, num_gpus=None, gpu_ids=None, verbose=True): """ Scores a dataset using a fine-tuned model and a given dataloader. @@ -303,17 +328,25 @@ def predict(self, eval_dataloader, num_gpus=None, verbose=True): num_gpus (int, optional): The number of GPUs to use. If None, all available GPUs will be used. If set to 0 or GPUs are not available, CPU device will be used. Defaults to None. + gpu_ids (list): List of GPU IDs to be used. + If set to None, the first num_gpus GPUs will be used. + Defaults to None. verbose (bool, optional): Whether to print out the training log. Defaults to True. Returns 1darray: numpy array of predicted label indices. """ + # get device + device, num_gpus = get_device(num_gpus=num_gpus, local_rank=-1) + # move model + self.model = move_model_to_device(self.model, device, num_gpus, gpu_ids, local_rank=-1) + preds = list( super().predict( eval_dataloader=eval_dataloader, + device=device, get_inputs=Processor.get_inputs, - n_gpu=num_gpus, verbose=verbose, ) ) From cd9b051f3969fb959712ccd9514edbeee25de641 Mon Sep 17 00:00:00 2001 From: hlums Date: Wed, 8 Jan 2020 16:26:51 +0000 Subject: [PATCH 130/167] Fix bertsum in generate_conda_file.py --- tools/generate_conda_file.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/tools/generate_conda_file.py b/tools/generate_conda_file.py index 5661264f6..1a0aff34c 100644 --- a/tools/generate_conda_file.py +++ b/tools/generate_conda_file.py @@ -84,7 +84,7 @@ "gensim": "gensim>=3.7.0", "nltk": "nltk>=3.4", "seqeval": "seqeval>=0.0.12", - "bertsum": "--editable=git+https://github.com/daden-ms/BertSum.git", + "bertsum": "git+https://github.com/daden-ms/BertSum.git#egg=src", "pyrouge": "pyrouge>=0.1.3", "torchtext": "torchtext>=0.4.0", "multiprocess": "multiprocess==0.70.9", From fd6066d89a73cff61e0aa3f1c8a7ba4c46f011a8 Mon Sep 17 00:00:00 2001 From: hlums Date: Wed, 8 Jan 2020 17:33:46 +0000 Subject: [PATCH 131/167] Update bertsum link. --- tools/generate_conda_file.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/tools/generate_conda_file.py b/tools/generate_conda_file.py index 1a0aff34c..12843970c 100644 --- a/tools/generate_conda_file.py +++ b/tools/generate_conda_file.py @@ -84,7 +84,7 @@ "gensim": "gensim>=3.7.0", "nltk": "nltk>=3.4", "seqeval": "seqeval>=0.0.12", - "bertsum": "git+https://github.com/daden-ms/BertSum.git#egg=src", + "bertsum": "git+https://github.com/daden-ms/BertSum.git#egg=BertSum", "pyrouge": "pyrouge>=0.1.3", "torchtext": "torchtext>=0.4.0", "multiprocess": "multiprocess==0.70.9", From 8a6f161a041ece34a470f245319453e940ee9166 Mon Sep 17 00:00:00 2001 From: hlums Date: Wed, 8 Jan 2020 18:15:47 +0000 Subject: [PATCH 132/167] Pin bertsum to a specific commit. --- tools/generate_conda_file.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/tools/generate_conda_file.py b/tools/generate_conda_file.py index 12843970c..b80e11e86 100644 --- a/tools/generate_conda_file.py +++ b/tools/generate_conda_file.py @@ -84,7 +84,7 @@ "gensim": "gensim>=3.7.0", "nltk": "nltk>=3.4", "seqeval": "seqeval>=0.0.12", - "bertsum": "git+https://github.com/daden-ms/BertSum.git#egg=BertSum", + "bertsum": "git+https://github.com/daden-ms/BertSum.git@030c139c97bc57d0c31f6515b8bf9649f999a443#egg=BertSum", "pyrouge": "pyrouge>=0.1.3", "torchtext": "torchtext>=0.4.0", "multiprocess": "multiprocess==0.70.9", From 775c67242945b51ff5d6d82685d2e05e018beabb Mon Sep 17 00:00:00 2001 From: hlums Date: Wed, 8 Jan 2020 17:59:10 -0500 Subject: [PATCH 133/167] Some code clean up. --- utils_nlp/eval/rouge/compute_rouge.py | 26 +++++--------------------- utils_nlp/eval/rouge/rouge_ext.py | 7 +++++-- 2 files changed, 10 insertions(+), 23 deletions(-) diff --git a/utils_nlp/eval/rouge/compute_rouge.py b/utils_nlp/eval/rouge/compute_rouge.py index 7c2541b91..12830a94b 100644 --- a/utils_nlp/eval/rouge/compute_rouge.py +++ b/utils_nlp/eval/rouge/compute_rouge.py @@ -78,17 +78,7 @@ def compute_rouge_perl(cand, ref, is_input_files=False, verbose=False): return results_dict -def compute_rouge_python( - cand, - ref, - is_input_files=False, - language="en", - sentence_split_func=None, - word_tokenize_func=None, - remove_char_pattern=None, - stemming_func=None, - word_split_func=None, -): +def compute_rouge_python(cand, ref, is_input_files=False, language="en"): """ Computes ROUGE scores using the python package (https://pypi.org/project/py-rouge/). @@ -103,15 +93,6 @@ def compute_rouge_python( lists of predicted and reference summaries. Defaults to False. language (str, optional): Language of the input text. Supported values are "en" and "hi". Defaults to "en". - sentence_split_func (function, optional): Language specific function for splitting - sentences. Defaults to None. - word_tokenize_func (function, optional): Language specific function for tokenizing text. - Defaults to None. - remove_char_pattern (_sre.SRE_Pattern, optional): Langauge specific regular expression - pattern for removing special characters, e.g. punctuations. Defaults to None. - stemming_func (function, optional): Language specific stemmer. Defaults to None. - word_split_func (function, optional): Language specific word splitter. Only needed if - the language words are not separated by space, e.g. Chinese. Defaults to None. Returns: dict: Dictionary of ROUGE scores. @@ -120,7 +101,9 @@ def compute_rouge_python( supported_langauges = ["en", "hi"] if language not in supported_langauges: raise Exception( - "Language {0} is not supported. Supported languages are: {1}.".format(language, supported_langauges) + "Language {0} is not supported. Supported languages are: {1}.".format( + language, supported_langauges + ) ) if is_input_files: @@ -144,6 +127,7 @@ def compute_rouge_python( max_n=2, limit_length=False, apply_avg=True, + language=language, ) scores = evaluator.get_scores(candidates, [[it] for it in references]) diff --git a/utils_nlp/eval/rouge/rouge_ext.py b/utils_nlp/eval/rouge/rouge_ext.py index 5b4d9016c..0e3fad1a7 100644 --- a/utils_nlp/eval/rouge/rouge_ext.py +++ b/utils_nlp/eval/rouge/rouge_ext.py @@ -57,6 +57,7 @@ class RougeExt(Rouge): def __init__( self, + language, metrics=None, max_n=None, limit_length=True, @@ -67,7 +68,6 @@ def __init__( stemming=True, alpha=0.5, weight_factor=1.0, - language="hi", sentence_split_func=None, word_tokenize_func=None, remove_char_pattern=None, @@ -86,6 +86,7 @@ def __init__( the original script Args: + language: language of the text to be evaluated, e.g. "hi". metrics: What ROUGE score to compute. Available: ROUGE-N, ROUGE-L, ROUGE-W. Default: ROUGE-N max_n: N-grams for ROUGE-N if specify. Default:1 @@ -118,7 +119,9 @@ def __init__( ValueError: raises exception if weight_factor < 0 """ supported_langauges = ["hi"] - if language not in supported_langauges and not all([sentence_split_func, word_tokenize_func, remove_char_pattern]): + if language not in supported_langauges and not all( + [sentence_split_func, word_tokenize_func, remove_char_pattern] + ): raise Exception( "Language {0} is not supported. Supported languages are: {1}. Provide language " "speicifc sentence_split_func, word_tokenize_func, remove_char_pattern, " From 0aa9dfdb33e20ff298a07f66c7f480c35511e73b Mon Sep 17 00:00:00 2001 From: Said Bleik Date: Fri, 10 Jan 2020 15:48:43 -0500 Subject: [PATCH 134/167] add support for distilbert --- .../transformers/named_entity_recognition.py | 18 ++++++++++-------- 1 file changed, 10 insertions(+), 8 deletions(-) diff --git a/utils_nlp/models/transformers/named_entity_recognition.py b/utils_nlp/models/transformers/named_entity_recognition.py index 9e11e3e14..bbc9b69ca 100644 --- a/utils_nlp/models/transformers/named_entity_recognition.py +++ b/utils_nlp/models/transformers/named_entity_recognition.py @@ -2,20 +2,22 @@ # Licensed under the MIT License. import logging +from collections import Iterable + import numpy as np import torch -import torch.nn as nn - -from collections import Iterable -from torch.utils.data import TensorDataset +from torch.utils.data import DataLoader, RandomSampler, SequentialSampler, TensorDataset +from torch.utils.data.distributed import DistributedSampler from transformers.modeling_bert import BERT_PRETRAINED_MODEL_ARCHIVE_MAP, BertForTokenClassification -from utils_nlp.common.pytorch_utils import get_device +from transformers.modeling_distilbert import DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP, DistilBertForTokenClassification + +from utils_nlp.common.pytorch_utils import get_device, move_model_to_device from utils_nlp.models.transformers.common import MAX_SEQ_LEN, TOKENIZER_CLASS, Transformer -from torch.utils.data import DataLoader, RandomSampler, SequentialSampler -from torch.utils.data.distributed import DistributedSampler +TC_MODEL_CLASS = {} +TC_MODEL_CLASS.update({k: BertForTokenClassification for k in BERT_PRETRAINED_MODEL_ARCHIVE_MAP}) +TC_MODEL_CLASS.update({k: DistilBertForTokenClassification for k in DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP}) -TC_MODEL_CLASS = {k: BertForTokenClassification for k in BERT_PRETRAINED_MODEL_ARCHIVE_MAP} class TokenClassificationProcessor: From 038614cdc613b416a7aa7200a583103130092157 Mon Sep 17 00:00:00 2001 From: Said Bleik Date: Fri, 10 Jan 2020 16:05:48 -0500 Subject: [PATCH 135/167] Update named_entity_recognition.py --- .../transformers/named_entity_recognition.py | 14 +++++++------- 1 file changed, 7 insertions(+), 7 deletions(-) diff --git a/utils_nlp/models/transformers/named_entity_recognition.py b/utils_nlp/models/transformers/named_entity_recognition.py index bbc9b69ca..a3a415c0d 100644 --- a/utils_nlp/models/transformers/named_entity_recognition.py +++ b/utils_nlp/models/transformers/named_entity_recognition.py @@ -2,24 +2,24 @@ # Licensed under the MIT License. import logging -from collections import Iterable - import numpy as np import torch -from torch.utils.data import DataLoader, RandomSampler, SequentialSampler, TensorDataset -from torch.utils.data.distributed import DistributedSampler +import torch.nn as nn + +from collections import Iterable +from torch.utils.data import TensorDataset from transformers.modeling_bert import BERT_PRETRAINED_MODEL_ARCHIVE_MAP, BertForTokenClassification from transformers.modeling_distilbert import DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP, DistilBertForTokenClassification - -from utils_nlp.common.pytorch_utils import get_device, move_model_to_device +from utils_nlp.common.pytorch_utils import get_device from utils_nlp.models.transformers.common import MAX_SEQ_LEN, TOKENIZER_CLASS, Transformer +from torch.utils.data import DataLoader, RandomSampler, SequentialSampler +from torch.utils.data.distributed import DistributedSampler TC_MODEL_CLASS = {} TC_MODEL_CLASS.update({k: BertForTokenClassification for k in BERT_PRETRAINED_MODEL_ARCHIVE_MAP}) TC_MODEL_CLASS.update({k: DistilBertForTokenClassification for k in DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP}) - class TokenClassificationProcessor: """ Process raw dataset for training and testing. From 06c016a0f8b5cc2a268d3a6e422592d6354dfcb7 Mon Sep 17 00:00:00 2001 From: Said Bleik Date: Fri, 10 Jan 2020 16:27:57 -0500 Subject: [PATCH 136/167] Update named_entity_recognition.py --- utils_nlp/models/transformers/named_entity_recognition.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/utils_nlp/models/transformers/named_entity_recognition.py b/utils_nlp/models/transformers/named_entity_recognition.py index a3a415c0d..39ddaea4f 100644 --- a/utils_nlp/models/transformers/named_entity_recognition.py +++ b/utils_nlp/models/transformers/named_entity_recognition.py @@ -56,7 +56,7 @@ def get_inputs(batch, model_name, train_mode=True): dict: A dictionary object contains all needed information for training or testing. """ - if model_name.split("-")[0] not in ["bert"]: + if model_name.split("-")[0] not in ["bert", "distilbert"]: raise ValueError("Model not supported: {}".format(model_name)) if train_mode: From 493d8307cf029e3d174b4e143b61ea0b03cb8964 Mon Sep 17 00:00:00 2001 From: Said Bleik Date: Fri, 10 Jan 2020 16:40:11 -0500 Subject: [PATCH 137/167] Update named_entity_recognition.py --- utils_nlp/models/transformers/named_entity_recognition.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/utils_nlp/models/transformers/named_entity_recognition.py b/utils_nlp/models/transformers/named_entity_recognition.py index 39ddaea4f..63045bb08 100644 --- a/utils_nlp/models/transformers/named_entity_recognition.py +++ b/utils_nlp/models/transformers/named_entity_recognition.py @@ -56,7 +56,7 @@ def get_inputs(batch, model_name, train_mode=True): dict: A dictionary object contains all needed information for training or testing. """ - if model_name.split("-")[0] not in ["bert", "distilbert"]: + if model_name not in list(TC_MODEL_CLASS): raise ValueError("Model not supported: {}".format(model_name)) if train_mode: From 9811b8abfb12b2dd4ee1d1e8621a72a02fc3e85b Mon Sep 17 00:00:00 2001 From: saidbleik Date: Mon, 13 Jan 2020 17:45:00 +0000 Subject: [PATCH 138/167] restructuring of common transformers utils --- ...st_transformers_sequence_classification.py | 5 +- utils_nlp/common/pytorch_utils.py | 105 ++++++++---------- utils_nlp/models/transformers/common.py | 91 ++++++--------- .../transformers/sequence_classification.py | 98 ++++++---------- 4 files changed, 125 insertions(+), 174 deletions(-) mode change 100644 => 100755 tests/unit/test_transformers_sequence_classification.py mode change 100644 => 100755 utils_nlp/models/transformers/common.py mode change 100644 => 100755 utils_nlp/models/transformers/sequence_classification.py diff --git a/tests/unit/test_transformers_sequence_classification.py b/tests/unit/test_transformers_sequence_classification.py old mode 100644 new mode 100755 index c402d106e..3ffb1f8b9 --- a/tests/unit/test_transformers_sequence_classification.py +++ b/tests/unit/test_transformers_sequence_classification.py @@ -5,6 +5,7 @@ import pandas as pd from utils_nlp.models.transformers.sequence_classification import SequenceClassifier, Processor +from utils_nlp.common.pytorch_utils import dataloader_from_dataset @pytest.fixture() @@ -20,7 +21,7 @@ def test_classifier(data, tmpdir): model_name = "bert-base-uncased" processor = Processor(model_name=model_name, cache_dir=tmpdir) ds = processor.dataset_from_dataframe(df, "text", "label") - dl = processor.dataloader_from_dataset(ds, batch_size=2, num_gpus=0, shuffle=True) + dl = dataloader_from_dataset(ds, batch_size=2, num_gpus=0, shuffle=True) classifier = SequenceClassifier(model_name=model_name, num_labels=num_labels, cache_dir=tmpdir) classifier.fit(train_dataloader=dl, num_epochs=1, num_gpus=0, verbose=False) preds = classifier.predict(dl, num_gpus=0, verbose=False) @@ -35,7 +36,7 @@ def test_classifier_gpu_train_cpu_predict(data, tmpdir): model_name = "bert-base-uncased" processor = Processor(model_name=model_name, cache_dir=tmpdir) ds = processor.dataset_from_dataframe(df, "text", "label") - dl = processor.dataloader_from_dataset(ds, batch_size=2, num_gpus=1, shuffle=True) + dl = dataloader_from_dataset(ds, batch_size=2, num_gpus=1, shuffle=True) classifier = SequenceClassifier(model_name=model_name, num_labels=num_labels, cache_dir=tmpdir) classifier.fit(train_dataloader=dl, num_epochs=1, num_gpus=1, verbose=False) diff --git a/utils_nlp/common/pytorch_utils.py b/utils_nlp/common/pytorch_utils.py index fee66269e..89f98ab2a 100644 --- a/utils_nlp/common/pytorch_utils.py +++ b/utils_nlp/common/pytorch_utils.py @@ -3,9 +3,12 @@ """Common PyTorch utilities that facilitate building Pytorch models.""" +import warnings + import torch import torch.nn as nn -import warnings +from torch.utils.data import DataLoader, RandomSampler, SequentialSampler +from torch.utils.data.distributed import DistributedSampler def get_device( @@ -17,11 +20,7 @@ def get_device( # init_method="file:///distributed", ): if local_rank == -1: - num_gpus = ( - min(num_gpus, torch.cuda.device_count()) - if num_gpus is not None - else torch.cuda.device_count() - ) + num_gpus = min(num_gpus, torch.cuda.device_count()) if num_gpus is not None else torch.cuda.device_count() device = torch.device("cuda" if torch.cuda.is_available() and num_gpus > 0 else "cpu") else: torch.cuda.set_device(local_rank) @@ -58,10 +57,7 @@ def move_model_to_device(model, device, num_gpus=None, gpu_ids=None, local_rank= # wrap in DataParallel or DistributedDataParallel if local_rank != -1: self.model = torch.nn.parallel.DistributedDataParallel( - self.model, - device_ids=[local_rank], - output_device=local_rank, - find_unused_parameters=True, + self.model, device_ids=[local_rank], output_device=local_rank, find_unused_parameters=True, ) else: if num_gpus > 1: @@ -72,59 +68,56 @@ def move_model_to_device(model, device, num_gpus=None, gpu_ids=None, local_rank= return model.to(device) -def move_to_device(model, device, num_gpus=None): - """Moves a model to the specified device (cpu or gpu/s) - and implements data parallelism when multiple gpus are specified. +def dataloader_from_dataset(ds, batch_size=32, num_gpus=None, shuffle=False, distributed=False): + """Creates a PyTorch DataLoader given a Dataset object. Args: - model (Module): A PyTorch model - device (torch.device): A PyTorch device - num_gpus (int): The number of GPUs to be used. Defaults to None, - all gpus are used. + ds (torch.utils.data.DataSet): A PyTorch dataset. + batch_size (int, optional): Batch size. Defaults to 32. + num_gpus (int, optional): The number of GPUs to be used. Defaults to None. + shuffle (bool, optional): If True, a RandomSampler is used. Defaults to False. + distributed (book, optional): If True, a DistributedSampler is used. Defaults to False. Returns: Module, DataParallel: A PyTorch Module or a DataParallel wrapper (when multiple gpus are used). """ - if isinstance(model, nn.DataParallel): - model = model.module + if num_gpus is None: + num_gpus = torch.cuda.device_count() - if not isinstance(device, torch.device): - raise ValueError("device must be of type torch.device.") - - if device.type == "cuda": - model.to(device) # inplace - if num_gpus == 0: - raise ValueError("num_gpus must be non-zero when device.type is 'cuda'") - elif num_gpus == 1: - return model - else: - # parallelize - num_cuda_devices = torch.cuda.device_count() - if num_cuda_devices < 1: - raise Exception("CUDA devices are not available.") - elif num_cuda_devices < 2: - print("Warning: Only 1 CUDA device is available. Data parallelism is not possible.") - return model - else: - if num_gpus is None: - # use all available devices - return nn.DataParallel(model, device_ids=None) - elif num_gpus > num_cuda_devices: - print( - "Warning: Only {0} devices are available. " - "Setting the number of gpus to {0}".format(num_cuda_devices) - ) - return nn.DataParallel(model, device_ids=None) - else: - return nn.DataParallel(model, device_ids=list(range(num_gpus))) - elif device.type == "cpu": - if num_gpus != 0 and num_gpus is not None: - warnings.warn("Device type is 'cpu'. num_gpus is ignored.") - return model.to(device) + batch_size = batch_size * max(1, num_gpus) + if distributed: + sampler = DistributedSampler(ds) else: - raise Exception( - "Device type '{}' not supported. Currently, only cpu " - "and cuda devices are supported.".format(device.type) - ) + sampler = RandomSampler(ds) if shuffle else SequentialSampler(ds) + + return DataLoader(ds, sampler=sampler, batch_size=batch_size) + +def compute_training_steps(dataloader, num_epochs=1, max_steps=-1, gradient_accumulation_steps=1): + """Computes the max training steps given a dataloader. + + Args: + dataloader (Dataloader): A PyTorch DataLoader. + num_epochs (int, optional): Number of training epochs. Defaults to 1. + max_steps (int, optional): Total number of training steps. + If set to a positive value, it overrides num_epochs. + Otherwise, it's determined by the dataset length, gradient_accumulation_steps, and num_epochs. + Defualts to -1. + gradient_accumulation_steps (int, optional): Number of steps to accumulate + before performing a backward/update pass. + Default to 1. + + Returns: + int: The max number of steps to be used in a training loop. + """ + try: + dataset_length = len(dataloader) + except Exception: + dataset_length = -1 + if max_steps <= 0: + if dataset_length != -1 and num_epochs > 0: + max_steps = dataset_length // gradient_accumulation_steps * num_epochs + if max_steps <= 0: + raise Exception("Max steps cannot be determined.") + return max_steps \ No newline at end of file diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py old mode 100644 new mode 100755 index d5f4d5588..ccaf48b46 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -7,13 +7,13 @@ import logging import os import random +import time +from itertools import cycle import numpy as np import torch from tqdm import tqdm, trange -from transformers import AdamW -from transformers import get_linear_schedule_with_warmup - +from transformers import AdamW, get_linear_schedule_with_warmup from transformers.modeling_bert import BERT_PRETRAINED_MODEL_ARCHIVE_MAP from transformers.modeling_distilbert import DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP from transformers.modeling_roberta import ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP @@ -23,7 +23,6 @@ from transformers.tokenization_roberta import RobertaTokenizer from transformers.tokenization_xlnet import XLNetTokenizer - TOKENIZER_CLASS = {} TOKENIZER_CLASS.update({k: BertTokenizer for k in BERT_PRETRAINED_MODEL_ARCHIVE_MAP}) TOKENIZER_CLASS.update({k: RobertaTokenizer for k in ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP}) @@ -37,12 +36,7 @@ class Transformer: def __init__( - self, - model_class, - model_name="bert-base-cased", - num_labels=2, - cache_dir=".", - load_model_from_dir=None, + self, model_class, model_name="bert-base-cased", num_labels=2, cache_dir=".", load_model_from_dir=None, ): if model_name not in self.list_supported_models(): @@ -86,15 +80,11 @@ def get_default_optimizer(model, weight_decay, learning_rate, adam_epsilon): no_decay = ["bias", "LayerNorm.weight"] optimizer_grouped_parameters = [ { - "params": [ - p for n, p in model.named_parameters() if not any(nd in n for nd in no_decay) - ], + "params": [p for n, p in model.named_parameters() if not any(nd in n for nd in no_decay)], "weight_decay": weight_decay, }, { - "params": [ - p for n, p in model.named_parameters() if any(nd in n for nd in no_decay) - ], + "params": [p for n, p in model.named_parameters() if any(nd in n for nd in no_decay)], "weight_decay": 0.0, }, ] @@ -102,23 +92,9 @@ def get_default_optimizer(model, weight_decay, learning_rate, adam_epsilon): return optimizer @staticmethod - def get_default_scheduler( - optimizer, warmup_steps, data_loader, max_steps, num_epochs, gradient_accumulation_steps - ): - try: - dataset_length = len(data_loader) - except Exception: - dataset_length = -1 - - if max_steps <= 0: - if dataset_length != -1 and num_epochs > 0: - max_steps = dataset_length // gradient_accumulation_steps * num_epochs - - if max_steps <= 0: - raise Exception("Max steps cannot be determined.") - + def get_default_scheduler(optimizer, warmup_steps, num_training_steps): scheduler = get_linear_schedule_with_warmup( - optimizer, num_warmup_steps=warmup_steps, num_training_steps=max_steps + optimizer, num_warmup_steps=warmup_steps, num_training_steps=num_training_steps ) return scheduler @@ -129,7 +105,6 @@ def fine_tune( num_gpus, get_inputs, max_steps=-1, - num_train_epochs=1, max_grad_norm=1.0, gradient_accumulation_steps=1, optimizer=None, @@ -139,6 +114,8 @@ def fine_tune( local_rank=-1, verbose=True, seed=None, + report_every=10, + clip_grad_norm=True, ): if seed is not None: @@ -154,20 +131,16 @@ def fine_tune( # init training global_step = 0 tr_loss = 0.0 + accum_loss = 0 self.model.train() self.model.zero_grad() - train_iterator = trange( - int(num_train_epochs), desc="Epoch", disable=local_rank not in [-1, 0] or not verbose - ) # train - for _ in train_iterator: - epoch_iterator = tqdm( - train_dataloader, desc="Iteration", disable=local_rank not in [-1, 0] or not verbose - ) + start = time.time() + while global_step < max_steps: + epoch_iterator = tqdm(train_dataloader, desc="Iteration", disable=local_rank not in [-1, 0] or not verbose) for step, batch in enumerate(epoch_iterator): - batch = tuple(t.to(device) for t in batch) - inputs = get_inputs(batch, self.model_name) + inputs = get_inputs(batch, device, self.model_name) outputs = self.model(**inputs) loss = outputs[0] @@ -176,39 +149,47 @@ def fine_tune( if gradient_accumulation_steps > 1: loss = loss / gradient_accumulation_steps - if step % 10 == 0 and verbose: - tqdm.write("Loss:{:.6f}".format(loss)) - if fp16: with amp.scale_loss(loss, optimizer) as scaled_loss: scaled_loss.backward() - torch.nn.utils.clip_grad_norm_(amp.master_params(optimizer), max_grad_norm) + if clip_grad_norm: + torch.nn.utils.clip_grad_norm_(amp.master_params(optimizer), max_grad_norm) else: loss.backward() - torch.nn.utils.clip_grad_norm_(self.model.parameters(), max_grad_norm) + if clip_grad_norm: + torch.nn.utils.clip_grad_norm_(self.model.parameters(), max_grad_norm) tr_loss += loss.item() + + accum_loss += loss.item() if (step + 1) % gradient_accumulation_steps == 0: + global_step += 1 + if global_step % report_every == 0 and verbose: + end = time.time() + print( + "loss: {0:.6f}, time: {1:f}, number of examples in current step: {2:.0f}, step {3:.0f} out of total {4:.0f}".format( + accum_loss / report_every, end - start, len(batch), global_step, max_steps, + ) + ) + accum_loss = 0 + start = end + optimizer.step() - scheduler.step() + if scheduler: + scheduler.step() self.model.zero_grad() - global_step += 1 - if max_steps > 0 and global_step > max_steps: + if global_step > max_steps: epoch_iterator.close() break - if max_steps > 0 and global_step > max_steps: - train_iterator.close() - break return global_step, tr_loss / global_step def predict(self, eval_dataloader, device, get_inputs, verbose=True): self.model.eval() for batch in tqdm(eval_dataloader, desc="Evaluating", disable=not verbose): - batch = tuple(t.to(device) for t in batch) with torch.no_grad(): - inputs = get_inputs(batch, self.model_name, train_mode=False) + inputs = get_inputs(batch, device, self.model_name, train_mode=False) outputs = self.model(**inputs) logits = outputs[0] yield logits.detach().cpu().numpy() diff --git a/utils_nlp/models/transformers/sequence_classification.py b/utils_nlp/models/transformers/sequence_classification.py old mode 100644 new mode 100755 index b245383db..5e2e3763e --- a/utils_nlp/models/transformers/sequence_classification.py +++ b/utils_nlp/models/transformers/sequence_classification.py @@ -3,8 +3,10 @@ import numpy as np import torch -from torch.utils.data import DataLoader, RandomSampler, SequentialSampler -from torch.utils.data.distributed import DistributedSampler +from transformers.modeling_albert import ( + ALBERT_PRETRAINED_MODEL_ARCHIVE_MAP, + AlbertForSequenceClassification, +) from transformers.modeling_bert import ( BERT_PRETRAINED_MODEL_ARCHIVE_MAP, BertForSequenceClassification, @@ -21,19 +23,17 @@ XLNET_PRETRAINED_MODEL_ARCHIVE_MAP, XLNetForSequenceClassification, ) -from utils_nlp.common.pytorch_utils import get_device, move_model_to_device + +from utils_nlp.common.pytorch_utils import get_device, move_model_to_device, compute_training_steps from utils_nlp.models.transformers.common import MAX_SEQ_LEN, TOKENIZER_CLASS, Transformer from utils_nlp.models.transformers.datasets import SCDataSet, SPCDataSet MODEL_CLASS = {} MODEL_CLASS.update({k: BertForSequenceClassification for k in BERT_PRETRAINED_MODEL_ARCHIVE_MAP}) -MODEL_CLASS.update( - {k: RobertaForSequenceClassification for k in ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP} -) +MODEL_CLASS.update({k: RobertaForSequenceClassification for k in ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP}) MODEL_CLASS.update({k: XLNetForSequenceClassification for k in XLNET_PRETRAINED_MODEL_ARCHIVE_MAP}) -MODEL_CLASS.update( - {k: DistilBertForSequenceClassification for k in DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP} -) +MODEL_CLASS.update({k: DistilBertForSequenceClassification for k in DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP}) +MODEL_CLASS.update({k: AlbertForSequenceClassification for k in ALBERT_PRETRAINED_MODEL_ARCHIVE_MAP}) class Processor: @@ -57,13 +57,14 @@ def __init__(self, model_name="bert-base-cased", to_lower=False, cache_dir="."): ) @staticmethod - def get_inputs(batch, model_name, train_mode=True): + def get_inputs(batch, device, model_name, train_mode=True): """ Creates an input dictionary given a model name. Args: batch (tuple): A tuple containing input ids, attention mask, segment ids, and labels tensors. + device (torch.device): A PyTorch device. model_name (bool, optional): Model name used to format the inputs. train_mode (bool, optional): Training mode flag. Defaults to True. @@ -72,7 +73,8 @@ def get_inputs(batch, model_name, train_mode=True): dict: Dictionary containing input ids, segment ids, masks, and labels. Labels are only returned when train_mode is True. """ - if model_name.split("-")[0] in ["bert", "xlnet", "roberta", "distilbert"]: + batch = tuple(t.to(device) for t in batch) + if model_name.split("-")[0] in ["bert", "xlnet", "roberta", "distilbert", "albert"]: if train_mode: inputs = {"input_ids": batch[0], "attention_mask": batch[1], "labels": batch[3]} else: @@ -104,11 +106,7 @@ def text_transform(text, tokenizer, max_len=MAX_SEQ_LEN): print("setting max_len to max allowed sequence length: {}".format(MAX_SEQ_LEN)) max_len = MAX_SEQ_LEN # truncate and add CLS & SEP markers - tokens = ( - [tokenizer.cls_token] - + tokenizer.tokenize(text)[0 : max_len - 2] - + [tokenizer.sep_token] - ) + tokens = [tokenizer.cls_token] + tokenizer.tokenize(text)[0 : max_len - 2] + [tokenizer.sep_token] # get input ids input_ids = tokenizer.convert_tokens_to_ids(tokens) # pad sequence @@ -189,17 +187,10 @@ def _truncate_seq_pair(tokens_a, tokens_b, max_length): return input_ids, attention_mask, token_type_ids - def dataset_from_dataframe( - self, df, text_col, label_col=None, text2_col=None, max_len=MAX_SEQ_LEN - ): + def dataset_from_dataframe(self, df, text_col, label_col=None, text2_col=None, max_len=MAX_SEQ_LEN): if text2_col is None: return SCDataSet( - df, - text_col, - label_col, - transform=Processor.text_transform, - tokenizer=self.tokenizer, - max_len=max_len, + df, text_col, label_col, transform=Processor.text_transform, tokenizer=self.tokenizer, max_len=max_len, ) else: return SPCDataSet( @@ -212,29 +203,11 @@ def dataset_from_dataframe( max_len=max_len, ) - def dataloader_from_dataset( - self, ds, batch_size=32, num_gpus=None, shuffle=False, distributed=False - ): - if num_gpus is None: - num_gpus = torch.cuda.device_count() - - batch_size = batch_size * max(1, num_gpus) - - if distributed: - sampler = DistributedSampler(ds) - else: - sampler = RandomSampler(ds) if shuffle else SequentialSampler(ds) - - return DataLoader(ds, sampler=sampler, batch_size=batch_size) - class SequenceClassifier(Transformer): def __init__(self, model_name="bert-base-cased", num_labels=2, cache_dir="."): super().__init__( - model_class=MODEL_CLASS, - model_name=model_name, - num_labels=num_labels, - cache_dir=cache_dir, + model_class=MODEL_CLASS, model_name=model_name, num_labels=num_labels, cache_dir=cache_dir, ) @staticmethod @@ -261,9 +234,12 @@ def fit( Fine-tunes a pre-trained sequence classification model. Args: - train_dataloader (Dataloader): Dataloader for the training data. + train_dataloader (Dataloader): A PyTorch DataLoader to be used for training. num_epochs (int, optional): Number of training epochs. Defaults to 1. - max_steps (int, optional): Total number of training steps. Overrides num_epochs. + max_steps (int, optional): Total number of training steps. + If set to a positive value, it overrides num_epochs. + Otherwise, it's determined by the dataset length, gradient_accumulation_steps, and num_epochs. + Defualts to -1. gradient_accumulation_steps (int, optional): Number of steps to accumulate before performing a backward/update pass. Default to 1. @@ -288,29 +264,33 @@ def fit( # get device device, num_gpus = get_device(num_gpus=num_gpus, local_rank=local_rank) + # move model self.model = move_model_to_device(self.model, device, num_gpus, gpu_ids, local_rank) - # init optimizer and scheduler - optimizer = Transformer.get_default_optimizer( - self.model, weight_decay, learning_rate, adam_epsilon - ) - scheduler = Transformer.get_default_scheduler( - optimizer, - warmup_steps, + # init optimizer + optimizer = Transformer.get_default_optimizer(self.model, weight_decay, learning_rate, adam_epsilon) + + # compute the max number of training steps + max_steps = compute_training_steps( train_dataloader, - max_steps, - num_epochs, + num_epochs=num_epochs, + max_steps=max_steps, gradient_accumulation_steps=gradient_accumulation_steps, ) + # inint scheduler + scheduler = Transformer.get_default_scheduler( + optimizer=optimizer, warmup_steps=warmup_steps, num_training_steps=max_steps, + ) + + # fine tune super().fine_tune( train_dataloader=train_dataloader, device=device, num_gpus=num_gpus, get_inputs=Processor.get_inputs, max_steps=max_steps, - num_train_epochs=num_epochs, gradient_accumulation_steps=gradient_accumulation_steps, optimizer=optimizer, scheduler=scheduler, @@ -344,12 +324,8 @@ def predict(self, eval_dataloader, num_gpus=None, gpu_ids=None, verbose=True): preds = list( super().predict( - eval_dataloader=eval_dataloader, - device=device, - get_inputs=Processor.get_inputs, - verbose=verbose, + eval_dataloader=eval_dataloader, device=device, get_inputs=Processor.get_inputs, verbose=verbose, ) ) preds = np.concatenate(preds) - # todo generator & probs return np.argmax(preds, axis=1) From 74f6ba6662dec87591677a575505b938bcec04dd Mon Sep 17 00:00:00 2001 From: saidbleik Date: Mon, 13 Jan 2020 18:20:20 +0000 Subject: [PATCH 139/167] updated seq classification tests --- utils_nlp/models/transformers/sequence_classification.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/utils_nlp/models/transformers/sequence_classification.py b/utils_nlp/models/transformers/sequence_classification.py index 5e2e3763e..a86f27608 100755 --- a/utils_nlp/models/transformers/sequence_classification.py +++ b/utils_nlp/models/transformers/sequence_classification.py @@ -279,7 +279,7 @@ def fit( gradient_accumulation_steps=gradient_accumulation_steps, ) - # inint scheduler + # inin scheduler scheduler = Transformer.get_default_scheduler( optimizer=optimizer, warmup_steps=warmup_steps, num_training_steps=max_steps, ) From 5611740f960ae4fc9831dbed85a7fa5e23846df3 Mon Sep 17 00:00:00 2001 From: saidbleik Date: Mon, 13 Jan 2020 21:00:11 +0000 Subject: [PATCH 140/167] update seq classification examples --- .../tc_mnli_transformers.ipynb | 205 +++++++++----- .../tc_multi_languages_transformers.ipynb | 249 +++++++++++++++--- .../test_notebooks_text_classification.py | 4 +- utils_nlp/dataset/bbc_hindi.py | 82 ++---- utils_nlp/dataset/dac.py | 68 ++--- utils_nlp/dataset/multinli.py | 70 ++--- 6 files changed, 431 insertions(+), 247 deletions(-) diff --git a/examples/text_classification/tc_mnli_transformers.ipynb b/examples/text_classification/tc_mnli_transformers.ipynb index 952f2bafa..bfbd91ffe 100644 --- a/examples/text_classification/tc_mnli_transformers.ipynb +++ b/examples/text_classification/tc_mnli_transformers.ipynb @@ -32,6 +32,7 @@ "from sklearn.preprocessing import LabelEncoder\n", "from tqdm import tqdm\n", "from utils_nlp.common.timer import Timer\n", + "from utils_nlp.common.pytorch_utils import dataloader_from_dataset\n", "from utils_nlp.dataset.multinli import load_pandas_df\n", "from utils_nlp.models.transformers.sequence_classification import (\n", " Processor, SequenceClassifier)" @@ -93,7 +94,7 @@ "name": "stderr", "output_type": "stream", "text": [ - "100%|██████████| 222k/222k [01:25<00:00, 2.60kKB/s] \n" + "100%|██████████| 222k/222k [01:20<00:00, 2.74kKB/s] \n" ] } ], @@ -196,7 +197,7 @@ "name": "stderr", "output_type": "stream", "text": [ - "/media/bleik2/miniconda3/envs/nlp_gpu/lib/python3.6/site-packages/sklearn/model_selection/_split.py:2179: FutureWarning: From version 0.21, test_size will always complement train_size unless both are specified.\n", + "/media/bleik2/backup/.conda/envs/nlp_gpu/lib/python3.6/site-packages/sklearn/model_selection/_split.py:2179: FutureWarning: From version 0.21, test_size will always complement train_size unless both are specified.\n", " FutureWarning)\n" ] } @@ -232,11 +233,11 @@ { "data": { "text/plain": [ - "telephone 1055\n", - "slate 1003\n", - "travel 961\n", - "fiction 952\n", - "government 938\n", + "telephone 1043\n", + "slate 989\n", + "fiction 968\n", + "travel 964\n", + "government 945\n", "Name: genre, dtype: int64" ] }, @@ -385,32 +386,108 @@ " \n", " \n", " 15\n", - " roberta-base\n", + " bert-base-japanese\n", " \n", " \n", " 16\n", - " roberta-large\n", + " bert-base-japanese-whole-word-masking\n", " \n", " \n", " 17\n", - " roberta-large-mnli\n", + " bert-base-japanese-char\n", " \n", " \n", " 18\n", - " xlnet-base-cased\n", + " bert-base-japanese-char-whole-word-masking\n", " \n", " \n", " 19\n", - " xlnet-large-cased\n", + " bert-base-finnish-cased-v1\n", " \n", " \n", " 20\n", - " distilbert-base-uncased\n", + " bert-base-finnish-uncased-v1\n", " \n", " \n", " 21\n", + " roberta-base\n", + " \n", + " \n", + " 22\n", + " roberta-large\n", + " \n", + " \n", + " 23\n", + " roberta-large-mnli\n", + " \n", + " \n", + " 24\n", + " distilroberta-base\n", + " \n", + " \n", + " 25\n", + " roberta-base-openai-detector\n", + " \n", + " \n", + " 26\n", + " roberta-large-openai-detector\n", + " \n", + " \n", + " 27\n", + " xlnet-base-cased\n", + " \n", + " \n", + " 28\n", + " xlnet-large-cased\n", + " \n", + " \n", + " 29\n", + " distilbert-base-uncased\n", + " \n", + " \n", + " 30\n", " distilbert-base-uncased-distilled-squad\n", " \n", + " \n", + " 31\n", + " distilbert-base-german-cased\n", + " \n", + " \n", + " 32\n", + " distilbert-base-multilingual-cased\n", + " \n", + " \n", + " 33\n", + " albert-base-v1\n", + " \n", + " \n", + " 34\n", + " albert-large-v1\n", + " \n", + " \n", + " 35\n", + " albert-xlarge-v1\n", + " \n", + " \n", + " 36\n", + " albert-xxlarge-v1\n", + " \n", + " \n", + " 37\n", + " albert-base-v2\n", + " \n", + " \n", + " 38\n", + " albert-large-v2\n", + " \n", + " \n", + " 39\n", + " albert-xlarge-v2\n", + " \n", + " \n", + " 40\n", + " albert-xxlarge-v2\n", + " \n", " \n", "\n", "" @@ -432,13 +509,32 @@ "12 bert-base-cased-finetuned-mrpc\n", "13 bert-base-german-dbmdz-cased\n", "14 bert-base-german-dbmdz-uncased\n", - "15 roberta-base\n", - "16 roberta-large\n", - "17 roberta-large-mnli\n", - "18 xlnet-base-cased\n", - "19 xlnet-large-cased\n", - "20 distilbert-base-uncased\n", - "21 distilbert-base-uncased-distilled-squad" + "15 bert-base-japanese\n", + "16 bert-base-japanese-whole-word-masking\n", + "17 bert-base-japanese-char\n", + "18 bert-base-japanese-char-whole-word-masking\n", + "19 bert-base-finnish-cased-v1\n", + "20 bert-base-finnish-uncased-v1\n", + "21 roberta-base\n", + "22 roberta-large\n", + "23 roberta-large-mnli\n", + "24 distilroberta-base\n", + "25 roberta-base-openai-detector\n", + "26 roberta-large-openai-detector\n", + "27 xlnet-base-cased\n", + "28 xlnet-large-cased\n", + "29 distilbert-base-uncased\n", + "30 distilbert-base-uncased-distilled-squad\n", + "31 distilbert-base-german-cased\n", + "32 distilbert-base-multilingual-cased\n", + "33 albert-base-v1\n", + "34 albert-large-v1\n", + "35 albert-xlarge-v1\n", + "36 albert-xxlarge-v1\n", + "37 albert-base-v2\n", + "38 albert-large-v2\n", + "39 albert-xlarge-v2\n", + "40 albert-xxlarge-v2" ] }, "execution_count": 10, @@ -492,18 +588,8 @@ "name": "stderr", "output_type": "stream", "text": [ - "100%|██████████| 231508/231508 [00:00<00:00, 15545441.79B/s]\n", - "100%|██████████| 492/492 [00:00<00:00, 560455.61B/s]\n", - "100%|██████████| 267967963/267967963 [00:04<00:00, 61255588.46B/s]\n", - "/media/bleik2/miniconda3/envs/nlp_gpu/lib/python3.6/site-packages/torch/nn/parallel/_functions.py:61: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.\n", - " warnings.warn('Was asked to gather along dimension 0, but all '\n", - "100%|██████████| 898823/898823 [00:00<00:00, 23932308.55B/s]\n", - "100%|██████████| 456318/456318 [00:00<00:00, 23321916.66B/s]\n", - "100%|██████████| 473/473 [00:00<00:00, 477015.10B/s]\n", - "100%|██████████| 501200538/501200538 [00:07<00:00, 64332558.45B/s]\n", - "100%|██████████| 798011/798011 [00:00<00:00, 25002433.16B/s]\n", - "100%|██████████| 641/641 [00:00<00:00, 695974.34B/s]\n", - "100%|██████████| 467042463/467042463 [00:08<00:00, 55154509.21B/s]\n" + "/media/bleik2/backup/.conda/envs/nlp_gpu/lib/python3.6/site-packages/torch/nn/parallel/_functions.py:61: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.\n", + " warnings.warn('Was asked to gather along dimension 0, but all '\n" ] } ], @@ -518,11 +604,17 @@ " to_lower=model_name.endswith(\"uncased\"),\n", " cache_dir=CACHE_DIR,\n", " )\n", - " train_dataloader = processor.create_dataloader_from_df(\n", - " df_train, TEXT_COL, LABEL_COL, max_len=MAX_LEN, batch_size=BATCH_SIZE, num_gpus=NUM_GPUS, shuffle=True\n", + " train_dataset = processor.dataset_from_dataframe(\n", + " df_train, TEXT_COL, LABEL_COL, max_len=MAX_LEN\n", " )\n", - " test_dataloader = processor.create_dataloader_from_df(\n", - " df_test, TEXT_COL, LABEL_COL, max_len=MAX_LEN, batch_size=BATCH_SIZE, num_gpus=NUM_GPUS, shuffle=False\n", + " train_dataloader = dataloader_from_dataset(\n", + " train_dataset, batch_size=BATCH_SIZE, num_gpus=NUM_GPUS, shuffle=True\n", + " )\n", + " test_dataset = processor.dataset_from_dataframe(\n", + " df_test, TEXT_COL, LABEL_COL, max_len=MAX_LEN\n", + " )\n", + " test_dataloader = dataloader_from_dataset(\n", + " test_dataset, batch_size=BATCH_SIZE, num_gpus=NUM_GPUS, shuffle=False\n", " )\n", "\n", " # fine-tune\n", @@ -531,17 +623,12 @@ " )\n", " with Timer() as t:\n", " classifier.fit(\n", - " train_dataloader,\n", - " num_epochs=NUM_EPOCHS,\n", - " num_gpus=NUM_GPUS,\n", - " verbose=False,\n", + " train_dataloader, num_epochs=NUM_EPOCHS, num_gpus=NUM_GPUS, verbose=False,\n", " )\n", " train_time = t.interval / 3600\n", "\n", " # predict\n", - " preds = classifier.predict(\n", - " test_dataloader, num_gpus=NUM_GPUS, verbose=False\n", - " )\n", + " preds = classifier.predict(test_dataloader, num_gpus=NUM_GPUS, verbose=False)\n", "\n", " # eval\n", " accuracy = accuracy_score(df_test[LABEL_COL], preds)\n", @@ -600,21 +687,21 @@ " \n", " \n", " accuracy\n", - " 0.895477\n", - " 0.879584\n", - " 0.894866\n", + " 0.889364\n", + " 0.885697\n", + " 0.886308\n", " \n", " \n", " f1-score\n", - " 0.896656\n", - " 0.881218\n", - " 0.896108\n", + " 0.885225\n", + " 0.880926\n", + " 0.881819\n", " \n", " \n", " time(hrs)\n", - " 0.021865\n", - " 0.035351\n", - " 0.046295\n", + " 0.023326\n", + " 0.044209\n", + " 0.052801\n", " \n", " \n", "\n", @@ -622,9 +709,9 @@ ], "text/plain": [ " distilbert-base-uncased roberta-base xlnet-base-cased\n", - "accuracy 0.895477 0.879584 0.894866\n", - "f1-score 0.896656 0.881218 0.896108\n", - "time(hrs) 0.021865 0.035351 0.046295" + "accuracy 0.889364 0.885697 0.886308\n", + "f1-score 0.885225 0.880926 0.881819\n", + "time(hrs) 0.023326 0.044209 0.052801" ] }, "execution_count": 13, @@ -645,7 +732,7 @@ { "data": { "application/scrapbook.scrap.json+json": { - "data": 0.8899755501222494, + "data": 0.887123064384678, "encoder": "json", "name": "accuracy", "version": 1 @@ -663,7 +750,7 @@ { "data": { "application/scrapbook.scrap.json+json": { - "data": 0.8913273009038569, + "data": 0.8826569624491233, "encoder": "json", "name": "f1", "version": 1 @@ -688,9 +775,9 @@ ], "metadata": { "kernelspec": { - "display_name": "nlp_gpu", + "display_name": "Python 3.6.8 64-bit ('nlp_gpu': conda)", "language": "python", - "name": "nlp_gpu" + "name": "python36864bitnlpgpucondaa579511bcea84c65877ff3dca4205921" }, "language_info": { "codemirror_mode": { diff --git a/examples/text_classification/tc_multi_languages_transformers.ipynb b/examples/text_classification/tc_multi_languages_transformers.ipynb index 437c95cfb..d8dfd9244 100644 --- a/examples/text_classification/tc_multi_languages_transformers.ipynb +++ b/examples/text_classification/tc_multi_languages_transformers.ipynb @@ -13,7 +13,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 1, "metadata": {}, "outputs": [], "source": [ @@ -69,7 +69,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 2, "metadata": { "tags": [ "parameters" @@ -183,32 +183,108 @@ " \n", " \n", " 15\n", - " roberta-base\n", + " bert-base-japanese\n", " \n", " \n", " 16\n", - " roberta-large\n", + " bert-base-japanese-whole-word-masking\n", " \n", " \n", " 17\n", - " roberta-large-mnli\n", + " bert-base-japanese-char\n", " \n", " \n", " 18\n", - " xlnet-base-cased\n", + " bert-base-japanese-char-whole-word-masking\n", " \n", " \n", " 19\n", - " xlnet-large-cased\n", + " bert-base-finnish-cased-v1\n", " \n", " \n", " 20\n", - " distilbert-base-uncased\n", + " bert-base-finnish-uncased-v1\n", " \n", " \n", " 21\n", + " roberta-base\n", + " \n", + " \n", + " 22\n", + " roberta-large\n", + " \n", + " \n", + " 23\n", + " roberta-large-mnli\n", + " \n", + " \n", + " 24\n", + " distilroberta-base\n", + " \n", + " \n", + " 25\n", + " roberta-base-openai-detector\n", + " \n", + " \n", + " 26\n", + " roberta-large-openai-detector\n", + " \n", + " \n", + " 27\n", + " xlnet-base-cased\n", + " \n", + " \n", + " 28\n", + " xlnet-large-cased\n", + " \n", + " \n", + " 29\n", + " distilbert-base-uncased\n", + " \n", + " \n", + " 30\n", " distilbert-base-uncased-distilled-squad\n", " \n", + " \n", + " 31\n", + " distilbert-base-german-cased\n", + " \n", + " \n", + " 32\n", + " distilbert-base-multilingual-cased\n", + " \n", + " \n", + " 33\n", + " albert-base-v1\n", + " \n", + " \n", + " 34\n", + " albert-large-v1\n", + " \n", + " \n", + " 35\n", + " albert-xlarge-v1\n", + " \n", + " \n", + " 36\n", + " albert-xxlarge-v1\n", + " \n", + " \n", + " 37\n", + " albert-base-v2\n", + " \n", + " \n", + " 38\n", + " albert-large-v2\n", + " \n", + " \n", + " 39\n", + " albert-xlarge-v2\n", + " \n", + " \n", + " 40\n", + " albert-xxlarge-v2\n", + " \n", " \n", "\n", "" @@ -230,13 +306,32 @@ "12 bert-base-cased-finetuned-mrpc\n", "13 bert-base-german-dbmdz-cased\n", "14 bert-base-german-dbmdz-uncased\n", - "15 roberta-base\n", - "16 roberta-large\n", - "17 roberta-large-mnli\n", - "18 xlnet-base-cased\n", - "19 xlnet-large-cased\n", - "20 distilbert-base-uncased\n", - "21 distilbert-base-uncased-distilled-squad" + "15 bert-base-japanese\n", + "16 bert-base-japanese-whole-word-masking\n", + "17 bert-base-japanese-char\n", + "18 bert-base-japanese-char-whole-word-masking\n", + "19 bert-base-finnish-cased-v1\n", + "20 bert-base-finnish-uncased-v1\n", + "21 roberta-base\n", + "22 roberta-large\n", + "23 roberta-large-mnli\n", + "24 distilroberta-base\n", + "25 roberta-base-openai-detector\n", + "26 roberta-large-openai-detector\n", + "27 xlnet-base-cased\n", + "28 xlnet-large-cased\n", + "29 distilbert-base-uncased\n", + "30 distilbert-base-uncased-distilled-squad\n", + "31 distilbert-base-german-cased\n", + "32 distilbert-base-multilingual-cased\n", + "33 albert-base-v1\n", + "34 albert-large-v1\n", + "35 albert-xlarge-v1\n", + "36 albert-xxlarge-v1\n", + "37 albert-base-v2\n", + "38 albert-large-v2\n", + "39 albert-xlarge-v2\n", + "40 albert-xxlarge-v2" ] }, "execution_count": 3, @@ -264,7 +359,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 4, "metadata": {}, "outputs": [], "source": [ @@ -281,7 +376,7 @@ " 'num_train_epochs': 5,\n", " 'num_gpus': 2,\n", " 'batch_size': 16,\n", - " 'verbose': True,\n", + " 'verbose': False,\n", " 'load_dataset_func': None,\n", " 'get_labels_func': None\n", "}\n", @@ -325,9 +420,19 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 5, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 80.1k/80.1k [00:02<00:00, 30.8kKB/s]\n", + "/media/bleik2/backup/.conda/envs/nlp_gpu/lib/python3.6/site-packages/sklearn/model_selection/_split.py:2179: FutureWarning: From version 0.21, test_size will always complement train_size unless both are specified.\n", + " FutureWarning)\n" + ] + } + ], "source": [ "train_dataloader, test_dataloader, label_encoder, test_labels = CONFIG['load_dataset_func'](\n", " local_path=CONFIG['local_path'],\n", @@ -354,11 +459,27 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 6, "metadata": { "scrolled": true }, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/media/bleik2/backup/.conda/envs/nlp_gpu/lib/python3.6/site-packages/torch/nn/parallel/_functions.py:61: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.\n", + " warnings.warn('Was asked to gather along dimension 0, but all '\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Training time : 0.190 hrs\n" + ] + } + ], "source": [ "model = SequenceClassifier(\n", " model_name=CONFIG['model_name'],\n", @@ -390,9 +511,17 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 7, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Prediction time : 0.021 hrs\n" + ] + } + ], "source": [ "with Timer() as t:\n", " preds = model.predict(\n", @@ -422,11 +551,11 @@ "text": [ " precision recall f1-score support\n", "\n", - " culture 0.89 0.89 0.89 843\n", - " diverse 0.99 0.99 0.99 1738\n", - " economy 0.96 0.96 0.96 661\n", - " politics 0.94 0.94 0.94 530\n", - " sports 0.87 0.87 0.87 580\n", + " culture 0.93 0.94 0.93 548\n", + " diverse 0.94 0.94 0.94 640\n", + " economy 0.90 0.88 0.89 570\n", + " politics 0.87 0.88 0.88 809\n", + " sports 0.99 0.98 0.99 1785\n", "\n", " micro avg 0.94 0.94 0.94 4352\n", " macro avg 0.93 0.93 0.93 4352\n", @@ -449,9 +578,64 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 9, "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "application/scrapbook.scrap.json+json": { + "data": 0.94, + "encoder": "json", + "name": "precision", + "version": 1 + } + }, + "metadata": { + "scrapbook": { + "data": true, + "display": false, + "name": "precision" + } + }, + "output_type": "display_data" + }, + { + "data": { + "application/scrapbook.scrap.json+json": { + "data": 0.94, + "encoder": "json", + "name": "recall", + "version": 1 + } + }, + "metadata": { + "scrapbook": { + "data": true, + "display": false, + "name": "recall" + } + }, + "output_type": "display_data" + }, + { + "data": { + "application/scrapbook.scrap.json+json": { + "data": 0.94, + "encoder": "json", + "name": "f1", + "version": 1 + } + }, + "metadata": { + "scrapbook": { + "data": true, + "display": false, + "name": "f1" + } + }, + "output_type": "display_data" + } + ], "source": [ "# for testing\n", "report_splits = report.split('\\n')[-2].split()\n", @@ -463,11 +647,10 @@ } ], "metadata": { - "celltoolbar": "Tags", "kernelspec": { - "display_name": "Python 3", + "display_name": "Python 3.6.8 64-bit ('nlp_gpu': conda)", "language": "python", - "name": "python3" + "name": "python36864bitnlpgpucondaa579511bcea84c65877ff3dca4205921" }, "language_info": { "codemirror_mode": { diff --git a/tests/integration/test_notebooks_text_classification.py b/tests/integration/test_notebooks_text_classification.py index 8f00107eb..97eb9d6d7 100644 --- a/tests/integration/test_notebooks_text_classification.py +++ b/tests/integration/test_notebooks_text_classification.py @@ -33,8 +33,8 @@ def test_tc_mnli_transformers(notebooks, tmp): ), ) result = sb.read_notebook(OUTPUT_NOTEBOOK).scraps.data_dict - assert pytest.approx(result["accuracy"], 0.89, abs=ABS_TOL) - assert pytest.approx(result["f1"], 0.89, abs=ABS_TOL) + assert pytest.approx(result["accuracy"], 0.885, abs=ABS_TOL) + assert pytest.approx(result["f1"], 0.885, abs=ABS_TOL) @pytest.mark.integration diff --git a/utils_nlp/dataset/bbc_hindi.py b/utils_nlp/dataset/bbc_hindi.py index c8212cd63..08a779049 100644 --- a/utils_nlp/dataset/bbc_hindi.py +++ b/utils_nlp/dataset/bbc_hindi.py @@ -7,24 +7,22 @@ https://github.com/NirantK/hindi2vec/releases/tag/bbc-hindi-v0.1 """ -import os -import pandas as pd import logging -import numpy as np +import os import tarfile - from tempfile import TemporaryDirectory + +import numpy as np +import pandas as pd +from sklearn.model_selection import train_test_split +from sklearn.preprocessing import LabelEncoder + +from utils_nlp.common.pytorch_utils import dataloader_from_dataset from utils_nlp.dataset.url_utils import maybe_download from utils_nlp.models.transformers.common import MAX_SEQ_LEN from utils_nlp.models.transformers.sequence_classification import Processor -from sklearn.preprocessing import LabelEncoder -from sklearn.model_selection import train_test_split - -URL = ( - "https://github.com/NirantK/hindi2vec/releases/" - "download/bbc-hindi-v0.1/bbc-hindiv01.tar.gz" -) +URL = "https://github.com/NirantK/hindi2vec/releases/" "download/bbc-hindi-v0.1/bbc-hindiv01.tar.gz" def load_pandas_df(local_cache_path=TemporaryDirectory().name): @@ -49,19 +47,9 @@ def load_pandas_df(local_cache_path=TemporaryDirectory().name): train_csv_file_path = os.path.join(local_cache_path, "hindi-train.csv") test_csv_file_path = os.path.join(local_cache_path, "hindi-test.csv") - train_df = pd.read_csv( - train_csv_file_path, - sep="\t", - encoding='utf-8', - header=None - ) + train_df = pd.read_csv(train_csv_file_path, sep="\t", encoding="utf-8", header=None) - test_df = pd.read_csv( - test_csv_file_path, - sep="\t", - encoding='utf-8', - header=None - ) + test_df = pd.read_csv(test_csv_file_path, sep="\t", encoding="utf-8", header=None) train_df = train_df.fillna("") test_df = test_df.fillna("") @@ -80,7 +68,7 @@ def load_tc_dataset( cache_dir=TemporaryDirectory().name, max_len=MAX_SEQ_LEN, batch_size=32, - num_gpus=None + num_gpus=None, ): """ Load the multinli dataset and split into training and testing datasets. @@ -114,9 +102,9 @@ def load_tc_dataset( Returns: tuple. The tuple contains four elements: - train_dataload (DataLoader): a PyTorch DataLoader instance for training. + train_dataloader (DataLoader): a PyTorch DataLoader instance for training. - test_dataload (DataLoader): a PyTorch DataLoader instance for testing. + test_dataloader (DataLoader): a PyTorch DataLoader instance for testing. label_encoder (LabelEncoder): a sklearn LabelEncoder instance. The label values can be retrieved by calling the `inverse_transform` function. @@ -140,12 +128,8 @@ def load_tc_dataset( if test_fraction < 0 or test_fraction >= 1.0: logging.warning("Invalid test fraction value: {}, changed to 0.25".format(test_fraction)) test_fraction = 0.25 - - train_df, test_df = train_test_split( - all_df, - train_size=(1.0 - test_fraction), - random_state=random_seed - ) + + train_df, test_df = train_test_split(all_df, train_size=(1.0 - test_fraction), random_state=random_seed) if train_sample_ratio > 1.0: train_sample_ratio = 1.0 @@ -153,7 +137,7 @@ def load_tc_dataset( elif train_sample_ratio < 0: logging.error("Invalid training sample ration: {}".format(train_sample_ratio)) raise ValueError("Invalid training sample ration: {}".format(train_sample_ratio)) - + if test_sample_ratio > 1.0: test_sample_ratio = 1.0 logging.warning("Setting the testing sample ratio to 1.0") @@ -171,35 +155,17 @@ def load_tc_dataset( test_labels = label_encoder.transform(test_df[label_col]) test_df[label_col] = test_labels - processor = Processor( - model_name=model_name, - to_lower=to_lower, - cache_dir=cache_dir - ) + processor = Processor(model_name=model_name, to_lower=to_lower, cache_dir=cache_dir) - train_dataloader = processor.create_dataloader_from_df( - df=train_df, - text_col=text_col, - label_col=label_col, - max_len=max_len, - text2_col=None, - batch_size=batch_size, - num_gpus=num_gpus, - shuffle=True, - distributed=False + train_dataset = processor.dataset_from_dataframe( + df=train_df, text_col=text_col, label_col=label_col, max_len=max_len, ) + train_dataloader = dataloader_from_dataset(train_dataset, batch_size=batch_size, num_gpus=num_gpus, shuffle=True) - test_dataloader = processor.create_dataloader_from_df( - df=test_df, - text_col=text_col, - label_col=label_col, - max_len=max_len, - text2_col=None, - batch_size=batch_size, - num_gpus=num_gpus, - shuffle=False, - distributed=False + test_dataset = processor.dataset_from_dataframe( + df=test_df, text_col=text_col, label_col=label_col, max_len=max_len, ) + test_dataloader = dataloader_from_dataset(test_dataset, batch_size=batch_size, num_gpus=num_gpus, shuffle=False) return (train_dataloader, test_dataloader, label_encoder, test_labels) diff --git a/utils_nlp/dataset/dac.py b/utils_nlp/dataset/dac.py index c692dfb56..750e95915 100644 --- a/utils_nlp/dataset/dac.py +++ b/utils_nlp/dataset/dac.py @@ -8,18 +8,19 @@ arabic-text-classification-using-deep-learning-technics/") """ -import os -import pandas as pd import logging +import os +from tempfile import TemporaryDirectory + import numpy as np +import pandas as pd +from sklearn.model_selection import train_test_split +from sklearn.preprocessing import LabelEncoder -from tempfile import TemporaryDirectory +from utils_nlp.common.pytorch_utils import dataloader_from_dataset from utils_nlp.dataset.url_utils import extract_zip, maybe_download from utils_nlp.models.transformers.common import MAX_SEQ_LEN from utils_nlp.models.transformers.sequence_classification import Processor -from sklearn.model_selection import train_test_split -from sklearn.preprocessing import LabelEncoder - URL = ( "https://data.mendeley.com/datasets/v524p5dhpj/2" @@ -58,7 +59,7 @@ def load_tc_dataset( cache_dir=TemporaryDirectory().name, max_len=MAX_SEQ_LEN, batch_size=32, - num_gpus=None + num_gpus=None, ): """ Load the multinli dataset and split into training and testing datasets. @@ -92,9 +93,9 @@ def load_tc_dataset( Returns: tuple. The tuple contains four elements: - train_dataload (DataLoader): a PyTorch DataLoader instance for training. + train_dataloader (DataLoader): a PyTorch DataLoader instance for training. - test_dataload (DataLoader): a PyTorch DataLoader instance for testing. + test_dataloader (DataLoader): a PyTorch DataLoader instance for testing. label_encoder (LabelEncoder): a sklearn LabelEncoder instance. The label values can be retrieved by calling the `inverse_transform` function. @@ -104,11 +105,8 @@ def load_tc_dataset( label IDs by using the label_encoder.transform function. """ - # download and load the original dataset - all_df = load_pandas_df( - local_cache_path=local_path, - num_rows=None - ) + # download and load the original dataset + all_df = load_pandas_df(local_cache_path=local_path, num_rows=None) # set the text and label columns text_col = all_df.columns[0] @@ -123,12 +121,8 @@ def load_tc_dataset( if test_fraction < 0 or test_fraction >= 1.0: logging.warning("Invalid test fraction value: {}, changed to 0.25".format(test_fraction)) test_fraction = 0.25 - - train_df, test_df = train_test_split( - all_df, - train_size=(1.0 - test_fraction), - random_state=random_seed - ) + + train_df, test_df = train_test_split(all_df, train_size=(1.0 - test_fraction), random_state=random_seed) if train_sample_ratio > 1.0: train_sample_ratio = 1.0 @@ -136,7 +130,7 @@ def load_tc_dataset( elif train_sample_ratio < 0: logging.error("Invalid training sample ration: {}".format(train_sample_ratio)) raise ValueError("Invalid training sample ration: {}".format(train_sample_ratio)) - + if test_sample_ratio > 1.0: test_sample_ratio = 1.0 logging.warning("Setting the testing sample ratio to 1.0") @@ -149,35 +143,17 @@ def load_tc_dataset( if test_sample_ratio < 1.0: test_df = test_df.sample(frac=test_sample_ratio).reset_index(drop=True) - processor = Processor( - model_name=model_name, - to_lower=to_lower, - cache_dir=cache_dir - ) + processor = Processor(model_name=model_name, to_lower=to_lower, cache_dir=cache_dir) - train_dataloader = processor.create_dataloader_from_df( - df=train_df, - text_col=text_col, - label_col=label_col, - max_len=max_len, - text2_col=None, - batch_size=batch_size, - num_gpus=num_gpus, - shuffle=True, - distributed=False + train_dataset = processor.dataset_from_dataframe( + df=train_df, text_col=text_col, label_col=label_col, max_len=max_len, ) + train_dataloader = dataloader_from_dataset(train_dataset, batch_size=batch_size, num_gpus=num_gpus, shuffle=True) - test_dataloader = processor.create_dataloader_from_df( - df=test_df, - text_col=text_col, - label_col=label_col, - max_len=max_len, - text2_col=None, - batch_size=batch_size, - num_gpus=num_gpus, - shuffle=False, - distributed=False + test_dataset = processor.dataset_from_dataframe( + df=test_df, text_col=text_col, label_col=label_col, max_len=max_len, ) + test_dataloader = dataloader_from_dataset(test_dataset, batch_size=batch_size, num_gpus=num_gpus, shuffle=False) # the DAC dataset already converted the labels to label ID format test_labels = test_df[label_col] diff --git a/utils_nlp/dataset/multinli.py b/utils_nlp/dataset/multinli.py index 62b772cd1..adab4c925 100644 --- a/utils_nlp/dataset/multinli.py +++ b/utils_nlp/dataset/multinli.py @@ -7,18 +7,19 @@ https://www.nyu.edu/projects/bowman/multinli/ """ +import logging import os +from tempfile import TemporaryDirectory import pandas as pd -import logging +from sklearn.model_selection import train_test_split +from sklearn.preprocessing import LabelEncoder -from tempfile import TemporaryDirectory +from utils_nlp.common.pytorch_utils import dataloader_from_dataset from utils_nlp.dataset.data_loaders import DaskJSONLoader from utils_nlp.dataset.url_utils import extract_zip, maybe_download from utils_nlp.models.transformers.common import MAX_SEQ_LEN from utils_nlp.models.transformers.sequence_classification import Processor -from sklearn.model_selection import train_test_split -from sklearn.preprocessing import LabelEncoder URL = "http://www.nyu.edu/projects/bowman/multinli/multinli_1.0.zip" DATA_FILES = { @@ -63,9 +64,7 @@ def load_pandas_df(local_cache_path=".", file_split="train"): return pd.read_json(os.path.join(local_cache_path, DATA_FILES[file_split]), lines=True) -def get_generator( - local_cache_path=".", file_split="train", block_size=10e6, batch_size=10e6, num_batches=None -): +def get_generator(local_cache_path=".", file_split="train", block_size=10e6, batch_size=10e6, num_batches=None): """ Returns an extracted dataset as a random batch generator that yields pandas dataframes. Args: @@ -85,9 +84,7 @@ def get_generator( except Exception as e: raise e - loader = DaskJSONLoader( - os.path.join(local_cache_path, DATA_FILES[file_split]), block_size=block_size - ) + loader = DaskJSONLoader(os.path.join(local_cache_path, DATA_FILES[file_split]), block_size=block_size) return loader.get_sequential_batches(batch_size=int(batch_size), num_batches=num_batches) @@ -103,7 +100,7 @@ def load_tc_dataset( cache_dir=TemporaryDirectory().name, max_len=MAX_SEQ_LEN, batch_size=32, - num_gpus=None + num_gpus=None, ): """ Load the multinli dataset and split into training and testing datasets. @@ -137,9 +134,9 @@ def load_tc_dataset( Returns: tuple. The tuple contains four elements: - train_dataload (DataLoader): a PyTorch DataLoader instance for training. + train_dataloader (DataLoader): a PyTorch DataLoader instance for training. - test_dataload (DataLoader): a PyTorch DataLoader instance for testing. + test_dataloader (DataLoader): a PyTorch DataLoader instance for testing. label_encoder (LabelEncoder): a sklearn LabelEncoder instance. The label values can be retrieved by calling the `inverse_transform` function. @@ -150,10 +147,7 @@ def load_tc_dataset( """ # download and load the original dataset - all_df = load_pandas_df( - local_cache_path=local_path, - file_split="train" - ) + all_df = load_pandas_df(local_cache_path=local_path, file_split="train") # select the examples corresponding to one of the entailment labels (neutral # in this case) to avoid duplicate rows, as the sentences are not unique, @@ -169,12 +163,8 @@ def load_tc_dataset( if test_fraction < 0 or test_fraction >= 1.0: logging.warning("Invalid test fraction value: {}, changed to 0.25".format(test_fraction)) test_fraction = 0.25 - - train_df, test_df = train_test_split( - all_df, - train_size=(1.0 - test_fraction), - random_state=random_seed - ) + + train_df, test_df = train_test_split(all_df, train_size=(1.0 - test_fraction), random_state=random_seed) if train_sample_ratio > 1.0: train_sample_ratio = 1.0 @@ -182,7 +172,7 @@ def load_tc_dataset( elif train_sample_ratio < 0: logging.error("Invalid training sample ration: {}".format(train_sample_ratio)) raise ValueError("Invalid training sample ration: {}".format(train_sample_ratio)) - + if test_sample_ratio > 1.0: test_sample_ratio = 1.0 logging.warning("Setting the testing sample ratio to 1.0") @@ -200,35 +190,17 @@ def load_tc_dataset( test_labels = label_encoder.transform(test_df[label_col]) test_df[label_col] = test_labels - processor = Processor( - model_name=model_name, - to_lower=to_lower, - cache_dir=cache_dir - ) + processor = Processor(model_name=model_name, to_lower=to_lower, cache_dir=cache_dir) - train_dataloader = processor.create_dataloader_from_df( - df=train_df, - text_col=text_col, - label_col=label_col, - max_len=max_len, - text2_col=None, - batch_size=batch_size, - num_gpus=num_gpus, - shuffle=True, - distributed=False + train_dataset = processor.dataset_from_dataframe( + df=train_df, text_col=text_col, label_col=label_col, max_len=max_len, ) + train_dataloader = dataloader_from_dataset(train_dataset, batch_size=batch_size, num_gpus=num_gpus, shuffle=True) - test_dataloader = processor.create_dataloader_from_df( - df=test_df, - text_col=text_col, - label_col=label_col, - max_len=max_len, - text2_col=None, - batch_size=batch_size, - num_gpus=num_gpus, - shuffle=False, - distributed=False + test_dataset = processor.dataset_from_dataframe( + df=test_df, text_col=text_col, label_col=label_col, max_len=max_len, ) + test_dataloader = dataloader_from_dataset(test_dataset, batch_size=batch_size, num_gpus=num_gpus, shuffle=False) return (train_dataloader, test_dataloader, label_encoder, test_labels) From f58207aa369ba608afe9c910d2b5fab237bad7a3 Mon Sep 17 00:00:00 2001 From: Emmanuel Awa Date: Mon, 13 Jan 2020 22:11:38 +0000 Subject: [PATCH 141/167] add: update tensorflow and cudatoolkit --- tools/generate_conda_file.py | 5 +++-- 1 file changed, 3 insertions(+), 2 deletions(-) diff --git a/tools/generate_conda_file.py b/tools/generate_conda_file.py index ff6ee4486..1169f809d 100644 --- a/tools/generate_conda_file.py +++ b/tools/generate_conda_file.py @@ -44,7 +44,8 @@ "pytorch": "pytorch-cpu>=1.0.0", "scipy": "scipy>=1.0.0", "h5py": "h5py>=2.8.0", - "tensorflow-hub": "tensorflow-hub==0.5.0", + "tensorflow": "tensorflow==1.15.0", + "tensorflow-hub": "tensorflow-hub==0.7.0", "dask": "dask[dataframe]==1.2.2", "papermill": "papermill>=1.0.1", } @@ -52,7 +53,7 @@ CONDA_GPU = { "numba": "numba>=0.38.1", "pytorch": "pytorch>=1.0.0", - "cudatoolkit": "cudatoolkit==9.2", + "cudatoolkit": "cudatoolkit==10.2", } PIP_BASE = { From c7d3409dfdc52d56f86027646865aa02d1d6de98 Mon Sep 17 00:00:00 2001 From: saidbleik Date: Tue, 14 Jan 2020 17:08:58 +0000 Subject: [PATCH 142/167] update QA utils and tests --- ..._models_transformers_question_answering.py | 76 +++--- .../models/transformers/question_answering.py | 234 +++++++----------- 2 files changed, 128 insertions(+), 182 deletions(-) mode change 100644 => 100755 utils_nlp/models/transformers/question_answering.py diff --git a/tests/unit/test_models_transformers_question_answering.py b/tests/unit/test_models_transformers_question_answering.py index 010bf5c5d..7f14f0d0e 100644 --- a/tests/unit/test_models_transformers_question_answering.py +++ b/tests/unit/test_models_transformers_question_answering.py @@ -1,18 +1,20 @@ # Copyright (c) Microsoft Corporation. All rights reserved. # Licensed under the MIT License. -import pytest import os + +import pytest +import torch + +from utils_nlp.common.pytorch_utils import dataloader_from_dataset from utils_nlp.models.transformers.datasets import QADataset from utils_nlp.models.transformers.question_answering import ( - QAProcessor, - AnswerExtractor, CACHED_EXAMPLES_TEST_FILE, CACHED_FEATURES_TEST_FILE, + AnswerExtractor, + QAProcessor, ) -import torch - NUM_GPUS = max(1, torch.cuda.device_count()) BATCH_SIZE = 8 @@ -109,9 +111,7 @@ def qa_test_data(qa_test_df, tmp_module): feature_cache_dir=tmp_module, ) - qa_processor_distilbert = QAProcessor( - model_name="distilbert-base-uncased", cache_dir=tmp_module - ) + qa_processor_distilbert = QAProcessor(model_name="distilbert-base-uncased", cache_dir=tmp_module) train_features_distilbert = qa_processor_distilbert.preprocess( train_dataset, batch_size=BATCH_SIZE, @@ -153,15 +153,9 @@ def qa_test_data(qa_test_df, tmp_module): def test_QAProcessor(qa_test_data, tmp_module): for model_name in ["bert-base-cased", "xlnet-base-cased", "distilbert-base-uncased"]: qa_processor = QAProcessor(model_name=model_name, cache_dir=tmp_module) - qa_processor.preprocess( - qa_test_data["train_dataset"], is_training=True, feature_cache_dir=tmp_module - ) - qa_processor.preprocess( - qa_test_data["train_dataset_list"], is_training=True, feature_cache_dir=tmp_module - ) - qa_processor.preprocess( - qa_test_data["test_dataset"], is_training=False, feature_cache_dir=tmp_module - ) + qa_processor.preprocess(qa_test_data["train_dataset"], is_training=True, feature_cache_dir=tmp_module) + qa_processor.preprocess(qa_test_data["train_dataset_list"], is_training=True, feature_cache_dir=tmp_module) + qa_processor.preprocess(qa_test_data["test_dataset"], is_training=False, feature_cache_dir=tmp_module) # test unsupported model type with pytest.raises(ValueError): @@ -169,51 +163,49 @@ def test_QAProcessor(qa_test_data, tmp_module): # test training data has no ground truth exception with pytest.raises(Exception): - qa_processor.preprocess( - qa_test_data["test_dataset"], is_training=True, feature_cache_dir=tmp_module - ) + qa_processor.preprocess(qa_test_data["test_dataset"], is_training=True, feature_cache_dir=tmp_module) # test when answer start is a list, but answer text is not with pytest.raises(Exception): qa_processor.preprocess( - qa_test_data["train_dataset_start_text_mismatch"], - is_training=True, - feature_cache_dir=tmp_module, + qa_test_data["train_dataset_start_text_mismatch"], is_training=True, feature_cache_dir=tmp_module, ) # test when training data has multiple answers with pytest.raises(Exception): qa_processor.preprocess( - qa_test_data["train_dataset_multi_answers"], - is_training=True, - feature_cache_dir=tmp_module, + qa_test_data["train_dataset_multi_answers"], is_training=True, feature_cache_dir=tmp_module, ) def test_AnswerExtractor(qa_test_data, tmp_module): - # test bert + # bert qa_extractor_bert = AnswerExtractor(cache_dir=tmp_module) - qa_extractor_bert.fit(qa_test_data["train_features_bert"], cache_model=True) + train_loader_bert = dataloader_from_dataset(qa_test_data["train_features_bert"]) + test_loader_bert = dataloader_from_dataset(qa_test_data["test_features_bert"], shuffle=False) + qa_extractor_bert.fit(train_loader_bert, verbose=False, cache_model=True) # test saving fine-tuned model model_output_dir = os.path.join(tmp_module, "fine_tuned") assert os.path.exists(os.path.join(model_output_dir, "pytorch_model.bin")) assert os.path.exists(os.path.join(model_output_dir, "config.json")) - qa_extractor_from_cache = AnswerExtractor( - cache_dir=tmp_module, load_model_from_dir=model_output_dir - ) - qa_extractor_from_cache.predict(qa_test_data["test_features_bert"]) + qa_extractor_from_cache = AnswerExtractor(cache_dir=tmp_module, load_model_from_dir=model_output_dir) + qa_extractor_from_cache.predict(test_loader_bert, verbose=False) + # xlnet + train_loader_xlnet = dataloader_from_dataset(qa_test_data["train_features_xlnet"]) + test_loader_xlnet = dataloader_from_dataset(qa_test_data["test_features_xlnet"], shuffle=False) qa_extractor_xlnet = AnswerExtractor(model_name="xlnet-base-cased", cache_dir=tmp_module) - qa_extractor_xlnet.fit(qa_test_data["train_features_xlnet"], cache_model=False) - qa_extractor_xlnet.predict(qa_test_data["test_features_xlnet"]) + qa_extractor_xlnet.fit(train_loader_xlnet, verbose=False, cache_model=False) + qa_extractor_xlnet.predict(test_loader_xlnet, verbose=False) - qa_extractor_distilbert = AnswerExtractor( - model_name="distilbert-base-uncased", cache_dir=tmp_module - ) - qa_extractor_distilbert.fit(qa_test_data["train_features_distilbert"], cache_model=False) - qa_extractor_distilbert.predict(qa_test_data["test_features_distilbert"]) + # distilbert + train_loader_xlnet = dataloader_from_dataset(qa_test_data["train_features_distilbert"]) + test_loader_xlnet = dataloader_from_dataset(qa_test_data["test_features_distilbert"], shuffle=False) + qa_extractor_distilbert = AnswerExtractor(model_name="distilbert-base-uncased", cache_dir=tmp_module) + qa_extractor_distilbert.fit(train_loader_xlnet, verbose=False, cache_model=False) + qa_extractor_distilbert.predict(test_loader_xlnet, verbose=False) def test_postprocess_bert_answer(qa_test_data, tmp_module): @@ -226,8 +218,9 @@ def test_postprocess_bert_answer(qa_test_data, tmp_module): doc_stride=32, feature_cache_dir=tmp_module, ) + test_loader = dataloader_from_dataset(test_features, shuffle=False) qa_extractor = AnswerExtractor(cache_dir=tmp_module) - predictions = qa_extractor.predict(test_features) + predictions = qa_extractor.predict(test_loader) qa_processor.postprocess( results=predictions, @@ -260,8 +253,9 @@ def test_postprocess_xlnet_answer(qa_test_data, tmp_module): doc_stride=32, feature_cache_dir=tmp_module, ) + test_loader = dataloader_from_dataset(test_features, shuffle=False) qa_extractor = AnswerExtractor(model_name="xlnet-base-cased", cache_dir=tmp_module) - predictions = qa_extractor.predict(test_features) + predictions = qa_extractor.predict(test_loader) qa_processor.postprocess( results=predictions, diff --git a/utils_nlp/models/transformers/question_answering.py b/utils_nlp/models/transformers/question_answering.py old mode 100644 new mode 100755 index 4f48e58d9..99cd59724 --- a/utils_nlp/models/transformers/question_answering.py +++ b/utils_nlp/models/transformers/question_answering.py @@ -17,38 +17,30 @@ # Modifications copyright © Microsoft Corporation -import os -import logging -from tqdm import tqdm import collections import json +import logging import math -import jsonlines +import os +import jsonlines import torch -from torch.utils.data import TensorDataset, SequentialSampler, DataLoader, RandomSampler -from torch.utils.data.distributed import DistributedSampler - -from transformers.tokenization_bert import BasicTokenizer, whitespace_tokenize +from torch.utils.data import TensorDataset +from tqdm import tqdm +from transformers.modeling_albert import ALBERT_PRETRAINED_MODEL_ARCHIVE_MAP, AlbertForQuestionAnswering from transformers.modeling_bert import BERT_PRETRAINED_MODEL_ARCHIVE_MAP, BertForQuestionAnswering -from transformers.modeling_xlnet import ( - XLNET_PRETRAINED_MODEL_ARCHIVE_MAP, - XLNetForQuestionAnswering, -) -from transformers.modeling_distilbert import ( - DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP, - DistilBertForQuestionAnswering, -) +from transformers.modeling_distilbert import DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP, DistilBertForQuestionAnswering +from transformers.modeling_xlnet import XLNET_PRETRAINED_MODEL_ARCHIVE_MAP, XLNetForQuestionAnswering +from transformers.tokenization_bert import BasicTokenizer, whitespace_tokenize -from utils_nlp.common.pytorch_utils import get_device +from utils_nlp.common.pytorch_utils import compute_training_steps, get_device, move_model_to_device from utils_nlp.models.transformers.common import MAX_SEQ_LEN, TOKENIZER_CLASS, Transformer MODEL_CLASS = {} MODEL_CLASS.update({k: BertForQuestionAnswering for k in BERT_PRETRAINED_MODEL_ARCHIVE_MAP}) MODEL_CLASS.update({k: XLNetForQuestionAnswering for k in XLNET_PRETRAINED_MODEL_ARCHIVE_MAP}) -MODEL_CLASS.update( - {k: DistilBertForQuestionAnswering for k in DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP} -) +MODEL_CLASS.update({k: DistilBertForQuestionAnswering for k in DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP}) +MODEL_CLASS.update({k: AlbertForQuestionAnswering for k in ALBERT_PRETRAINED_MODEL_ARCHIVE_MAP}) # cached files during preprocessing # these are used in postprocessing to generate the final answer texts @@ -85,9 +77,7 @@ class QAProcessor: cache_dir (str, optional): Directory to cache the tokenizer. Defaults to ".". """ - def __init__( - self, model_name="bert-base-cased", to_lower=False, custom_tokenize=None, cache_dir="." - ): + def __init__(self, model_name="bert-base-cased", to_lower=False, custom_tokenize=None, cache_dir="."): self.model_name = model_name self.tokenizer = TOKENIZER_CLASS[model_name].from_pretrained( model_name, do_lower_case=to_lower, cache_dir=cache_dir, output_loading_info=False @@ -116,13 +106,14 @@ def model_type(self): return self._model_type @staticmethod - def get_inputs(batch, model_name, train_mode=True): + def get_inputs(batch, device, model_name, train_mode=True): """ Creates an input dictionary given a model name. Args: batch (tuple): A tuple containing input ids, attention mask, segment ids, and labels tensors. + device (torch.device): A PyTorch device. model_name (bool, optional): Model name used to format the inputs. train_mode (bool, optional): Training mode flag. Defaults to True. @@ -131,6 +122,7 @@ def get_inputs(batch, model_name, train_mode=True): dict: Dictionary containing input ids, segment ids, masks, and labels. Labels are only returned when train_mode is True. """ + batch = tuple(t.to(device) for t in batch) model_type = model_name.split("-")[0] inputs = {"input_ids": batch[0], "attention_mask": batch[1]} @@ -191,6 +183,8 @@ def preprocess( directory. These files are required during postprocessing to generate the final answer texts from predicted answer start and answer end indices. Defaults to "./cached_qa_features". + Returns: + DataSet: A Pytorch DataSet. """ if not os.path.exists(feature_cache_dir): @@ -223,9 +217,7 @@ def preprocess( qa_examples.append(qa_example_cur) - qa_examples_json.append( - {"qa_id": qa_example_cur.qa_id, "doc_tokens": qa_example_cur.doc_tokens} - ) + qa_examples_json.append({"qa_id": qa_example_cur.qa_id, "doc_tokens": qa_example_cur.doc_tokens}) features_cur = _create_qa_features( qa_example_cur, @@ -271,28 +263,13 @@ def preprocess( start_positions = torch.tensor([f.start_position for f in features], dtype=torch.long) end_positions = torch.tensor([f.end_position for f in features], dtype=torch.long) qa_dataset = TensorDataset( - input_ids, - input_mask, - segment_ids, - start_positions, - end_positions, - cls_index, - p_mask, + input_ids, input_mask, segment_ids, start_positions, end_positions, cls_index, p_mask, ) else: unique_id_all = torch.tensor(unique_id_all, dtype=torch.long) - qa_dataset = TensorDataset( - input_ids, input_mask, segment_ids, cls_index, p_mask, unique_id_all - ) - - if num_gpus is not None: - batch_size = batch_size * max(1, num_gpus) - if distributed: - sampler = DistributedSampler(qa_dataset) - else: - sampler = RandomSampler(qa_dataset) if is_training else SequentialSampler(qa_dataset) + qa_dataset = TensorDataset(input_ids, input_mask, segment_ids, cls_index, p_mask, unique_id_all) - return DataLoader(qa_dataset, sampler=sampler, batch_size=batch_size) + return qa_dataset def postprocess( self, @@ -420,14 +397,7 @@ class QAResult(QAResult_): QAResultExtended_ = collections.namedtuple( "QAResultExtended", - [ - "unique_id", - "start_top_log_probs", - "start_top_index", - "end_top_log_probs", - "end_top_index", - "cls_logits", - ], + ["unique_id", "start_top_log_probs", "start_top_index", "end_top_log_probs", "end_top_index", "cls_logits",], ) @@ -489,18 +459,16 @@ def list_supported_models(): def fit( self, train_dataloader, - num_gpus=None, num_epochs=1, - learning_rate=5e-5, - max_grad_norm=1.0, max_steps=-1, gradient_accumulation_steps=1, - warmup_steps=0, + num_gpus=None, + gpu_ids=None, + local_rank=-1, weight_decay=0.0, + learning_rate=5e-5, adam_epsilon=1e-8, - fp16=False, - fp16_opt_level="O1", - local_rank=-1, + warmup_steps=0, verbose=True, seed=None, cache_model=True, @@ -509,31 +477,30 @@ def fit( Fine-tune pre-trained transofmer models for question answering. Args: - train_dataloader (Dataloader): Dataloader for the training data. - num_gpus (int, optional): The number of GPUs to use. If None, all available GPUs will - be used. If set to 0 or GPUs are not available, CPU device will - be used. Defaults to None. + train_dataloader (Dataloader): A PyTorch DataLoader to be used for training. num_epochs (int, optional): Number of training epochs. Defaults to 1. + max_steps (int, optional): Total number of training steps. + If set to a positive value, it overrides num_epochs. + Otherwise, it's determined by the dataset length, gradient_accumulation_steps, and num_epochs. + Defualts to -1. + gradient_accumulation_steps (int, optional): Number of steps to accumulate + before performing a backward/update pass. + Default to 1. + num_gpus (int, optional): The number of GPUs to use. If None, all available GPUs will + be used. If set to 0 or GPUs are not available, CPU device will be used. + Defaults to None. + gpu_ids (list): List of GPU IDs to be used. + If set to None, the first num_gpus GPUs will be used. + Defaults to None. + local_rank (int, optional): Local_rank for distributed training on GPUs. Defaults to + -1, which means non-distributed training. + weight_decay (float, optional): Weight decay to apply after each parameter update. + Defaults to 0.0. learning_rate (float, optional): Learning rate of the AdamW optimizer. Defaults to 5e-5. - max_grad_norm (float, optional): Maximum gradient norm for gradient clipping. - Defaults to 1.0. - max_steps (int, optional): Maximum number of training steps. If specified, - `num_epochs` will be ignored. Defaults to -1. - gradient_accumulation_steps (int, optional): Number of batches to accumulate - gradients on between each model parameter update. Defaults to 1. + adam_epsilon (float, optional): Epsilon of the AdamW optimizer. Defaults to 1e-8. warmup_steps (int, optional): Number of steps taken to increase learning rate from 0 to `learning rate`. Defaults to 0. - weight_decay (float, optional): Weight decay to apply after each parameter update. - Defaults to 0.0. - adam_epsilon (float, optional): Epsilon of the AdamW optimizer. Defaults to 1e-8. - fp16 (bool, optional): Whether to use 16-bit (mixed) precision (through NVIDIA apex) - instead of 32-bit. Defaults to False. - fp16_opt_level (str, optional): For fp16: Apex AMP optimization level selected in - ['O0', 'O1', 'O2', and 'O3']. See details at https://nvidia.github.io/apex/amp.html. - Defaults to "O1", - local_rank (int, optional): Local_rank for distributed training on GPUs. Defaults to - -1, which means non-distributed training. verbose (bool, optional): Whether to print out the training log. Defaults to True. seed (int, optional): Random seed used to improve reproducibility. Defaults to None. cache_model (bool, optional): Whether to save the fine-tuned model. If True, @@ -542,28 +509,47 @@ def fit( """ + # get device + device, num_gpus = get_device(num_gpus=num_gpus, local_rank=local_rank) + + # move model + self.model = move_model_to_device(self.model, device, num_gpus, gpu_ids, local_rank) + + # init optimizer + optimizer = Transformer.get_default_optimizer(self.model, weight_decay, learning_rate, adam_epsilon) + + # compute the max number of training steps + max_steps = compute_training_steps( + train_dataloader, + num_epochs=num_epochs, + max_steps=max_steps, + gradient_accumulation_steps=gradient_accumulation_steps, + ) + + # inin scheduler + scheduler = Transformer.get_default_scheduler( + optimizer=optimizer, warmup_steps=warmup_steps, num_training_steps=max_steps, + ) + + # fine tune super().fine_tune( train_dataloader=train_dataloader, + device=device, + num_gpus=num_gpus, get_inputs=QAProcessor.get_inputs, max_steps=max_steps, - num_train_epochs=num_epochs, - max_grad_norm=max_grad_norm, gradient_accumulation_steps=gradient_accumulation_steps, - n_gpu=num_gpus, - weight_decay=weight_decay, - learning_rate=learning_rate, - adam_epsilon=adam_epsilon, - warmup_steps=warmup_steps, - fp16=fp16, - fp16_opt_level=fp16_opt_level, + optimizer=optimizer, + scheduler=scheduler, local_rank=local_rank, verbose=verbose, seed=seed, ) + if cache_model: self.save_model() - def predict(self, test_dataloader, num_gpus=None, verbose=True): + def predict(self, test_dataloader, num_gpus=None, gpu_ids=None, verbose=True): """ Predicts answer start and end logits. @@ -573,8 +559,9 @@ def predict(self, test_dataloader, num_gpus=None, verbose=True): num_gpus (int, optional): The number of GPUs to use. If None, all available GPUs will be used. If set to 0 or GPUs are not available, CPU device will be used. Defaults to None. - local_rank (int, optional): Local_rank for distributed training on GPUs. Defaults to - -1, which means non-distributed. + gpu_ids (list): List of GPU IDs to be used. + If set to None, the first num_gpus GPUs will be used. + Defaults to None. verbose (bool, optional): Whether to print out the predicting log. Defaults to True. Returns: @@ -584,25 +571,16 @@ def predict(self, test_dataloader, num_gpus=None, verbose=True): def _to_list(tensor): return tensor.detach().cpu().tolist() + # get device device, num_gpus = get_device(num_gpus=num_gpus, local_rank=-1) - - if isinstance(self.model, torch.nn.DataParallel): - self.model = self.model.module - - if num_gpus > 1: - self.model = torch.nn.DataParallel(self.model, device_ids=list(range(num_gpus))) - - self.model.to(device) - self.model.eval() + # move model + self.model = move_model_to_device(self.model, device, num_gpus, gpu_ids, local_rank=-1) all_results = [] for batch in tqdm(test_dataloader, desc="Evaluating", disable=not verbose): - batch = tuple(t.to(device) for t in batch) with torch.no_grad(): - inputs = QAProcessor.get_inputs(batch, self.model_name, train_mode=False) - + inputs = QAProcessor.get_inputs(batch, device, self.model_name, train_mode=False) outputs = self.model(**inputs) - unique_id_tensor = batch[5] for i, u_id in enumerate(unique_id_tensor): @@ -617,9 +595,7 @@ def _to_list(tensor): ) else: result = QAResult( - unique_id=u_id.item(), - start_logits=_to_list(outputs[0][i]), - end_logits=_to_list(outputs[1][i]), + unique_id=u_id.item(), start_logits=_to_list(outputs[0][i]), end_logits=_to_list(outputs[1][i]), ) all_results.append(result) torch.cuda.empty_cache() @@ -783,9 +759,7 @@ def postprocess_bert_answer( # Sort by the sum of the start and end logits in ascending order, # so that the first element is the most probable answer - prelim_predictions = sorted( - prelim_predictions, key=lambda x: (x.start_logit + x.end_logit), reverse=True - ) + prelim_predictions = sorted(prelim_predictions, key=lambda x: (x.start_logit + x.end_logit), reverse=True) seen_predictions = {} nbest = [] @@ -818,19 +792,11 @@ def postprocess_bert_answer( final_text = "" seen_predictions[final_text] = True - nbest.append( - _NbestPrediction( - text=final_text, start_logit=pred.start_logit, end_logit=pred.end_logit - ) - ) + nbest.append(_NbestPrediction(text=final_text, start_logit=pred.start_logit, end_logit=pred.end_logit)) # if we didn't include the empty option in the n-best, include it if unanswerable_exists: if "" not in seen_predictions: - nbest.append( - _NbestPrediction( - text="", start_logit=null_start_logit, end_logit=null_end_logit - ) - ) + nbest.append(_NbestPrediction(text="", start_logit=null_start_logit, end_logit=null_end_logit)) # In very rare edge cases we could only have single null prediction. # So we just create a nonce prediction in this case to avoid failure. @@ -874,9 +840,7 @@ def postprocess_bert_answer( all_probs[example["qa_id"]] = nbest_json[0]["probability"] else: # predict "" iff the null score - the score of best non-null > threshold - score_diff = ( - score_null - best_non_null_entry.start_logit - (best_non_null_entry.end_logit) - ) + score_diff = score_null - best_non_null_entry.start_logit - (best_non_null_entry.end_logit) scores_diff_json[example["qa_id"]] = score_diff if score_diff > null_score_diff_threshold: all_predictions[example["qa_id"]] = "" @@ -1042,9 +1006,7 @@ def postprocess_xlnet_answer( ) ) - prelim_predictions = sorted( - prelim_predictions, key=lambda x: (x.start_logit + x.end_logit), reverse=True - ) + prelim_predictions = sorted(prelim_predictions, key=lambda x: (x.start_logit + x.end_logit), reverse=True) seen_predictions = {} nbest = [] @@ -1075,20 +1037,14 @@ def postprocess_xlnet_answer( tok_text = " ".join(tok_text.split()) orig_text = " ".join(orig_tokens) - final_text = _get_final_text( - tok_text, orig_text, tokenizer.do_lower_case, verbose_logging - ) + final_text = _get_final_text(tok_text, orig_text, tokenizer.do_lower_case, verbose_logging) if final_text in seen_predictions: continue seen_predictions[final_text] = True - nbest.append( - _NbestPrediction( - text=final_text, start_logit=pred.start_logit, end_logit=pred.end_logit - ) - ) + nbest.append(_NbestPrediction(text=final_text, start_logit=pred.start_logit, end_logit=pred.end_logit)) # In very rare edge cases we could have no valid predictions. So we # just create a nonce prediction in this case to avoid failure. @@ -1235,9 +1191,7 @@ def _is_whitespace(c): actual_text = " ".join(d_tokens[start_position : (end_position + 1)]) cleaned_answer_text = " ".join(whitespace_tokenize(a_text)) if actual_text.find(cleaned_answer_text) == -1: - logger.warning( - "Could not find answer: '%s' vs. '%s'", actual_text, cleaned_answer_text - ) + logger.warning("Could not find answer: '%s' vs. '%s'", actual_text, cleaned_answer_text) return else: start_position = -1 @@ -1696,9 +1650,7 @@ def _strip_spaces(text): if len(orig_ns_text) != len(tok_ns_text): if verbose_logging: - logger.info( - "Length not equal after stripping spaces: '%s' vs '%s'", orig_ns_text, tok_ns_text - ) + logger.info("Length not equal after stripping spaces: '%s' vs '%s'", orig_ns_text, tok_ns_text) return orig_text # We then project the characters in `pred_text` back to `orig_text` using From fe326151a5ad5c3ea5ea300c4b7c3b197fbf6ab6 Mon Sep 17 00:00:00 2001 From: Emmanuel Awa Date: Tue, 14 Jan 2020 17:21:55 +0000 Subject: [PATCH 143/167] fix:allow cudatoolkit resolution to match pytorch --- tools/generate_conda_file.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/tools/generate_conda_file.py b/tools/generate_conda_file.py index 1169f809d..250f900eb 100644 --- a/tools/generate_conda_file.py +++ b/tools/generate_conda_file.py @@ -53,7 +53,7 @@ CONDA_GPU = { "numba": "numba>=0.38.1", "pytorch": "pytorch>=1.0.0", - "cudatoolkit": "cudatoolkit==10.2", + "cudatoolkit": "cudatoolkit", } PIP_BASE = { From 69bf12c74939056fd746b75b329a41c4f1b1abf2 Mon Sep 17 00:00:00 2001 From: Emmanuel Awa Date: Tue, 14 Jan 2020 18:08:06 +0000 Subject: [PATCH 144/167] update cudatoolkit --- tools/generate_conda_file.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/tools/generate_conda_file.py b/tools/generate_conda_file.py index 250f900eb..82e7c7c31 100644 --- a/tools/generate_conda_file.py +++ b/tools/generate_conda_file.py @@ -53,7 +53,7 @@ CONDA_GPU = { "numba": "numba>=0.38.1", "pytorch": "pytorch>=1.0.0", - "cudatoolkit": "cudatoolkit", + "cudatoolkit": "cudatoolkit==10.2.89", } PIP_BASE = { From 1805b9cf91661c2b555d7ab0ae92d8bf9e60332c Mon Sep 17 00:00:00 2001 From: hlums Date: Tue, 14 Jan 2020 14:15:40 -0500 Subject: [PATCH 145/167] Add summarization to readme files. Trigger tests. --- README.md | 11 ++++++----- examples/README.md | 1 + 2 files changed, 7 insertions(+), 5 deletions(-) diff --git a/README.md b/README.md index 71725dbcc..7c2944e3b 100755 --- a/README.md +++ b/README.md @@ -1,7 +1,7 @@ -# NLP Best Practices +# NLP Best Practices In recent years, natural language processing (NLP) has seen quick growth in quality and usability, and this has helped to drive business adoption of artificial intelligence (AI) solutions. In the last few years, researchers have been applying newer deep learning methods to NLP. Data scientists started moving from traditional methods to state-of-the-art (SOTA) deep neural network (DNN) algorithms which use language models pretrained on large text corpora. @@ -16,13 +16,13 @@ We hope that the tools can significantly reduce the “time to market” by simp In an era of transfer learning, transformers, and deep architectures, we believe that pretrained models provide a unified solution to many real-world problems and allow handling different tasks and languages easily. We will, therefore, prioritize such models, as they achieve state-of-the-art results on several NLP benchmarks like [*GLUE*](https://gluebenchmark.com/leaderboard) and [*SQuAD*](https://rajpurkar.github.io/SQuAD-explorer/) leaderboards. The models can be used in a number of applications ranging from simple text classification to sophisticated intelligent chat bots. -Note that for certain kind of NLP problems, you may not need to build your own models. Instead, pre-built or easily customizable solutions exist which do not require any custom coding or machine learning expertise. We strongly recommend evaluating if these can sufficiently solve your problem. If these solutions are not applicable, or the accuracy of these solutions is not sufficient, then resorting to more complex and time-consuming custom approaches may be necessary. The following cognitive services offer simple solutions to address common NLP tasks: +Note that for certain kind of NLP problems, you may not need to build your own models. Instead, pre-built or easily customizable solutions exist which do not require any custom coding or machine learning expertise. We strongly recommend evaluating if these can sufficiently solve your problem. If these solutions are not applicable, or the accuracy of these solutions is not sufficient, then resorting to more complex and time-consuming custom approaches may be necessary. The following cognitive services offer simple solutions to address common NLP tasks:

[Text Analytics](https://azure.microsoft.com/en-us/services/cognitive-services/text-analytics/) are a set of pre-trained REST APIs which can be called for Sentiment Analysis, Key phrase extraction, Language detection and Named Entity Detection and more. These APIs work out of the box and require minimal expertise in machine learning, but have limited customization capabilities.

[QnA Maker](https://azure.microsoft.com/en-us/services/cognitive-services/qna-maker/) is a cloud-based API service that lets you create a conversational question-and-answer layer over your existing data. Use it to build a knowledge base by extracting questions and answers from your semi-structured content, including FAQs, manuals, and documents.

[Language Understanding](https://azure.microsoft.com/en-us/services/cognitive-services/language-understanding-intelligent-service/) is a SaaS service to train and deploy a model as a REST API given a user-provided training set. You could do Intent Classification as well as Named Entity Extraction by performing simple steps of providing example utterances and labelling them. It supports Active Learning, so your model always keeps learning and improving. ## Target Audience -For this repository our target audience includes data scientists and machine learning engineers with varying levels of NLP knowledge as our content is source-only and targets custom machine learning modelling. The utilities and examples provided are intended to be solution accelerators for real-world NLP problems. +For this repository our target audience includes data scientists and machine learning engineers with varying levels of NLP knowledge as our content is source-only and targets custom machine learning modelling. The utilities and examples provided are intended to be solution accelerators for real-world NLP problems. ## Focus areas The repository aims to expand NLP capabilities along three separate dimensions @@ -33,10 +33,10 @@ We aim to have end-to-end examples of common tasks and scenarios such as text cl ### Algorithms We aim to support multiple models for each of the supported scenarios. Currently, transformer-based models are supported across most scenarios. We have been working on integrating the [transformers package](https://github.com/huggingface/transformers) from [Hugging Face](https://huggingface.co/) which allows users to easily load pretrained models and fine-tune them for different tasks. -### Languages +### Languages We strongly subscribe to the multi-language principles laid down by ["Emily Bender"](http://faculty.washington.edu/ebender/papers/Bender-SDSS-2019.pdf) * "Natural language is not a synonym for English" -* "English isn't generic for language, despite what NLP papers might lead you to believe" +* "English isn't generic for language, despite what NLP papers might lead you to believe" * "Always name the language you are working on" ([Bender rule](https://www.aclweb.org/anthology/Q18-1041/)) The repository aims to support non-English languages across all the scenarios. Pre-trained models used in the repository such as BERT, FastText support 100+ languages out of the box. Our goal is to provide end-to-end examples in as many languages as possible. We encourage community contributions in this area. @@ -50,6 +50,7 @@ The following is a summary of the commonly used NLP scenarios covered in the rep |-------------------------| ------------------- |-------|---| |Text Classification |BERT, XLNet, RoBERTa| Text classification is a supervised learning method of learning and predicting the category or the class of a document given its text content. |English, Hindi, Arabic| |Named Entity Recognition |BERT| Named entity recognition (NER) is the task of classifying words or key phrases of a text into predefined entities of interest. |English| +|Text Summarization|BERTSum|Text summarization is a language generation task of summarizing the input text into a shorter paragraph of text.|English |Entailment |BERT, XLNet, RoBERTa| Textual entailment is the task of classifying the binary relation between two natural-language texts, *text* and *hypothesis*, to determine if the *text* agrees with the *hypothesis* or not. |English| |Question Answering |BiDAF, BERT, XLNet| Question answering (QA) is the task of retrieving or generating a valid answer for a given query in natural language, provided with a passage related to the query. |English| |Sentence Similarity |BERT, GenSen| Sentence similarity is the process of computing a similarity score given a pair of text documents. |English| diff --git a/examples/README.md b/examples/README.md index 06d837fa4..f79a7aa0f 100644 --- a/examples/README.md +++ b/examples/README.md @@ -6,6 +6,7 @@ This folder contains examples and best practices, written in Jupyter notebooks, |---| ------------------------ | ------------------- |---| |[Text Classification](text_classification)|Topic Classification|BERT, XLNet, RoBERTa, DistilBERT|en, hi, ar| |[Named Entity Recognition](named_entity_recognition) |Wikipedia NER|BERT|en| +|[Text Summarization](text_summarization)|News Summarization, Headline Generation|Extractive: BERTSumExt
Abstractive: WIP, ETA: Mar. 2020|en |[Entailment](entailment)|MultiNLI Natural Language Inference|BERT|en| |[Question Answering](question_answering) |SQuAD|BiDAF, BERT, XLNet, DistilBERT|en| |[Sentence Similarity](sentence_similarity)|STS Benchmark|BERT, GenSen|en| From d0a3a13567ce6280f9090e76401dd7f7bf238347 Mon Sep 17 00:00:00 2001 From: saidbleik Date: Tue, 14 Jan 2020 19:47:22 +0000 Subject: [PATCH 146/167] minor edits to seq classification utils --- .../transformers/sequence_classification.py | 25 +++++-------------- 1 file changed, 6 insertions(+), 19 deletions(-) diff --git a/utils_nlp/models/transformers/sequence_classification.py b/utils_nlp/models/transformers/sequence_classification.py index a86f27608..5199f2d3d 100755 --- a/utils_nlp/models/transformers/sequence_classification.py +++ b/utils_nlp/models/transformers/sequence_classification.py @@ -2,29 +2,16 @@ # Licensed under the MIT License. import numpy as np -import torch -from transformers.modeling_albert import ( - ALBERT_PRETRAINED_MODEL_ARCHIVE_MAP, - AlbertForSequenceClassification, -) -from transformers.modeling_bert import ( - BERT_PRETRAINED_MODEL_ARCHIVE_MAP, - BertForSequenceClassification, -) +from transformers.modeling_albert import ALBERT_PRETRAINED_MODEL_ARCHIVE_MAP, AlbertForSequenceClassification +from transformers.modeling_bert import BERT_PRETRAINED_MODEL_ARCHIVE_MAP, BertForSequenceClassification from transformers.modeling_distilbert import ( DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP, DistilBertForSequenceClassification, ) -from transformers.modeling_roberta import ( - ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP, - RobertaForSequenceClassification, -) -from transformers.modeling_xlnet import ( - XLNET_PRETRAINED_MODEL_ARCHIVE_MAP, - XLNetForSequenceClassification, -) +from transformers.modeling_roberta import ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP, RobertaForSequenceClassification +from transformers.modeling_xlnet import XLNET_PRETRAINED_MODEL_ARCHIVE_MAP, XLNetForSequenceClassification -from utils_nlp.common.pytorch_utils import get_device, move_model_to_device, compute_training_steps +from utils_nlp.common.pytorch_utils import compute_training_steps, get_device, move_model_to_device from utils_nlp.models.transformers.common import MAX_SEQ_LEN, TOKENIZER_CLASS, Transformer from utils_nlp.models.transformers.datasets import SCDataSet, SPCDataSet @@ -279,7 +266,7 @@ def fit( gradient_accumulation_steps=gradient_accumulation_steps, ) - # inin scheduler + # init scheduler scheduler = Transformer.get_default_scheduler( optimizer=optimizer, warmup_steps=warmup_steps, num_training_steps=max_steps, ) From 8bb1930ccd2f407edcb9fe8b5f869e3243a41449 Mon Sep 17 00:00:00 2001 From: saidbleik Date: Tue, 14 Jan 2020 19:58:10 +0000 Subject: [PATCH 147/167] update NER utils --- utils_nlp/models/transformers/common.py | 2 + .../transformers/named_entity_recognition.py | 222 +++++++++--------- 2 files changed, 118 insertions(+), 106 deletions(-) mode change 100644 => 100755 utils_nlp/models/transformers/named_entity_recognition.py diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index ccaf48b46..2fa12af53 100755 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -183,6 +183,8 @@ def fine_tune( epoch_iterator.close() break + #del [batch] + #torch.cuda.empty_cache() return global_step, tr_loss / global_step def predict(self, eval_dataloader, device, get_inputs, verbose=True): diff --git a/utils_nlp/models/transformers/named_entity_recognition.py b/utils_nlp/models/transformers/named_entity_recognition.py old mode 100644 new mode 100755 index 9e11e3e14..169bb21c8 --- a/utils_nlp/models/transformers/named_entity_recognition.py +++ b/utils_nlp/models/transformers/named_entity_recognition.py @@ -2,20 +2,19 @@ # Licensed under the MIT License. import logging +from collections import Iterable + import numpy as np import torch -import torch.nn as nn - -from collections import Iterable -from torch.utils.data import TensorDataset from transformers.modeling_bert import BERT_PRETRAINED_MODEL_ARCHIVE_MAP, BertForTokenClassification -from utils_nlp.common.pytorch_utils import get_device -from utils_nlp.models.transformers.common import MAX_SEQ_LEN, TOKENIZER_CLASS, Transformer -from torch.utils.data import DataLoader, RandomSampler, SequentialSampler -from torch.utils.data.distributed import DistributedSampler +from transformers.modeling_distilbert import DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP, DistilBertForTokenClassification +from utils_nlp.common.pytorch_utils import get_device, move_model_to_device +from utils_nlp.models.transformers.common import MAX_SEQ_LEN, TOKENIZER_CLASS, Transformer -TC_MODEL_CLASS = {k: BertForTokenClassification for k in BERT_PRETRAINED_MODEL_ARCHIVE_MAP} +TC_MODEL_CLASS = {} +TC_MODEL_CLASS.update({k: BertForTokenClassification for k in BERT_PRETRAINED_MODEL_ARCHIVE_MAP}) +TC_MODEL_CLASS.update({k: DistilBertForTokenClassification for k in DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP}) class TokenClassificationProcessor: @@ -40,27 +39,36 @@ def __init__(self, model_name="bert-base-cased", to_lower=False, cache_dir="."): ) @staticmethod - def get_inputs(batch, model_name, train_mode=True): + def get_inputs(batch, device, model_name, train_mode=True): """ - Produce a dictionary object for model training or prediction. + Creates an input dictionary given a model name. Args: - model_name (str): The pretained model name. - train_mode (bool, optional): Whether it's for model training. Set it to False if - it's for testing and it won't have the 'labels' data field. - Defaults to True, for model training. + batch (tuple): A tuple containing input ids, attention mask, + segment ids, and labels tensors. + device (torch.device): A PyTorch device. + model_name (bool, optional): Model name used to format the inputs. + train_mode (bool, optional): Training mode flag. + Defaults to True. Returns: - dict: A dictionary object contains all needed information for training or testing. + dict: Dictionary containing input ids, segment ids, masks, and labels. + Labels are only returned when train_mode is True. """ + batch = tuple(t.to(device) for t in batch) + if model_name.split("-")[0] in ["bert", "distilbert"]: + if train_mode: + inputs = {"input_ids": batch[0], "attention_mask": batch[1], "labels": batch[3]} + else: + inputs = {"input_ids": batch[0], "attention_mask": batch[1]} - if model_name.split("-")[0] not in ["bert"]: - raise ValueError("Model not supported: {}".format(model_name)) + # distilbert doesn't support segment ids + if model_name.split("-")[0] not in ["distilbert"]: + inputs["token_type_ids"] = batch[2] - if train_mode: - return {"input_ids": batch[0], "attention_mask": batch[1], "labels": batch[3]} + return inputs else: - return {"input_ids": batch[0], "attention_mask": batch[1]} + raise ValueError("Model not supported: {}".format(model_name)) @staticmethod def create_label_map(label_lists, trailing_piece_tag="X"): @@ -87,9 +95,7 @@ def create_label_map(label_lists, trailing_piece_tag="X"): label_map[trailing_piece_tag] = len(label_set) return label_map - def preprocess_for_bert( - self, text, max_len=MAX_SEQ_LEN, labels=None, label_map=None, trailing_piece_tag="X" - ): + def preprocess_for_bert(self, text, max_len=MAX_SEQ_LEN, labels=None, label_map=None, trailing_piece_tag="X"): """ Tokenize and preprocesses input word lists, involving the following steps 0. WordPiece tokenization. @@ -144,9 +150,7 @@ def _is_iterable_but_not_string(obj): return isinstance(obj, Iterable) and not isinstance(obj, str) if max_len > MAX_SEQ_LEN: - logging.warning( - "Setting max_len to max allowed sequence length: {}".format(MAX_SEQ_LEN) - ) + logging.warning("Setting max_len to max allowed sequence length: {}".format(MAX_SEQ_LEN)) max_len = MAX_SEQ_LEN if not _is_iterable_but_not_string(text): @@ -179,9 +183,7 @@ def _is_iterable_but_not_string(obj): for t, t_labels in zip(text, labels): if len(t) != len(t_labels): raise ValueError( - "The number of words is {0}, but the number of labels is {1}.".format( - len(t), len(t_labels) - ) + "The number of words is {0}, but the number of labels is {1}.".format(len(t), len(t_labels)) ) new_labels = [] @@ -195,11 +197,7 @@ def _is_iterable_but_not_string(obj): new_tokens.append(sub_word) if len(new_tokens) > max_len: - logging.warn( - "Text after tokenization with length {} has been truncated".format( - len(new_tokens) - ) - ) + logging.warn("Text after tokenization with length {} has been truncated".format(len(new_tokens))) new_tokens = new_tokens[:max_len] new_labels = new_labels[:max_len] input_ids = self.tokenizer.convert_tokens_to_ids(new_tokens) @@ -216,9 +214,7 @@ def _is_iterable_but_not_string(obj): input_mask += padding new_labels += label_padding - trailing_token_mask_all.append( - [True if label != trailing_piece_tag else False for label in new_labels] - ) + trailing_token_mask_all.append([True if label != trailing_piece_tag else False for label in new_labels]) if label_map: label_ids = [label_map[label] for label in new_labels] @@ -244,21 +240,6 @@ def _is_iterable_but_not_string(obj): ) return td - def create_dataloader_from_dataset( - self, dataset, shuffle=False, batch_size=32, num_gpus=None, distributed=False - ): - if num_gpus is None: - num_gpus = torch.cuda.device_count() - - batch_size = batch_size * max(1, num_gpus) - - if distributed: - sampler = DistributedSampler(dataset) - else: - sampler = RandomSampler(dataset) if shuffle else SequentialSampler(dataset) - - return DataLoader(dataset, sampler=sampler, batch_size=batch_size) - class TokenClassifier(Transformer): """ @@ -275,10 +256,7 @@ class TokenClassifier(Transformer): def __init__(self, model_name="bert-base-cased", num_labels=2, cache_dir="."): super().__init__( - model_class=TC_MODEL_CLASS, - model_name=model_name, - num_labels=num_labels, - cache_dir=cache_dir, + model_class=TC_MODEL_CLASS, model_name=model_name, num_labels=num_labels, cache_dir=cache_dir, ) @staticmethod @@ -289,7 +267,10 @@ def fit( self, train_dataloader, num_epochs=1, + max_steps=-1, + gradient_accumulation_steps=1, num_gpus=None, + gpu_ids=None, local_rank=-1, weight_decay=0.0, learning_rate=5e-5, @@ -299,73 +280,104 @@ def fit( seed=None, ): """ - Fit the TokenClassifier model using the given training dataset. + Fine-tunes a pre-trained token classification model. Args: - train_dataloader (DataLoader): DataLoader instance for training. - num_epochs (int, optional): Number of training epochs. - Defaults to 1. + train_dataloader (Dataloader): A PyTorch DataLoader to be used for training. + num_epochs (int, optional): Number of training epochs. Defaults to 1. + max_steps (int, optional): Total number of training steps. + If set to a positive value, it overrides num_epochs. + Otherwise, it's determined by the dataset length, gradient_accumulation_steps, and num_epochs. + Defualts to -1. + gradient_accumulation_steps (int, optional): Number of steps to accumulate + before performing a backward/update pass. + Default to 1. num_gpus (int, optional): The number of GPUs to use. If None, all available GPUs will - be used. If set to 0 or GPUs are not available, CPU device will - be used. Defaults to None. - local_rank (int, optional): Whether need to do distributed training. - Defaults to -1, no distributed training. - weight_decay (float, optional): Weight decay rate. - Defaults to 0. - learning_rate (float, optional): The learning rate. - Defaults to 5e-5. - adam_espilon (float, optional): The 'eps' parameter for the 'AdamW' optimizer. - Defaults to 1e-8. - warmup_steps (int, optional): Number of warmup steps for 'WarmupLinearSchedule'. - Defaults to 0. - verbose (bool, optional): Verbose model. - Defaults to False. - seed (int, optional): The seed for the transformers. - Defaults to None, use the default seed. + be used. If set to 0 or GPUs are not available, CPU device will be used. + Defaults to None. + gpu_ids (list): List of GPU IDs to be used. + If set to None, the first num_gpus GPUs will be used. + Defaults to None. + local_rank (int, optional): Local_rank for distributed training on GPUs. Defaults to + -1, which means non-distributed training. + weight_decay (float, optional): Weight decay to apply after each parameter update. + Defaults to 0.0. + learning_rate (float, optional): Learning rate of the AdamW optimizer. Defaults to + 5e-5. + adam_epsilon (float, optional): Epsilon of the AdamW optimizer. Defaults to 1e-8. + warmup_steps (int, optional): Number of steps taken to increase learning rate from 0 + to `learning rate`. Defaults to 0. + verbose (bool, optional): Whether to print out the training log. Defaults to True. + seed (int, optional): Random seed used to improve reproducibility. Defaults to None. """ + # get device + device, num_gpus = get_device(num_gpus=num_gpus, local_rank=local_rank) + + # move model + self.model = move_model_to_device(self.model, device, num_gpus, gpu_ids, local_rank) + + # init optimizer + optimizer = Transformer.get_default_optimizer(self.model, weight_decay, learning_rate, adam_epsilon) + + # compute the max number of training steps + max_steps = compute_training_steps( + train_dataloader, + num_epochs=num_epochs, + max_steps=max_steps, + gradient_accumulation_steps=gradient_accumulation_steps, + ) + + # init scheduler + scheduler = Transformer.get_default_scheduler( + optimizer=optimizer, warmup_steps=warmup_steps, num_training_steps=max_steps, + ) + + # fine tune super().fine_tune( train_dataloader=train_dataloader, - get_inputs=TokenClassificationProcessor.get_inputs, - n_gpu=num_gpus, - num_train_epochs=num_epochs, - weight_decay=weight_decay, - learning_rate=learning_rate, - adam_epsilon=adam_epsilon, - warmup_steps=warmup_steps, + device=device, + num_gpus=num_gpus, + get_inputs=Processor.get_inputs, + max_steps=max_steps, + gradient_accumulation_steps=gradient_accumulation_steps, + optimizer=optimizer, + scheduler=scheduler, + local_rank=local_rank, verbose=verbose, seed=seed, ) - def predict(self, eval_dataloader, num_gpus=None, verbose=True): + def predict(self, eval_dataloader, num_gpus=None, gpu_ids=None, verbose=True): """ - Test on an evaluation dataset and get the token label predictions. + Scores a dataset using a fine-tuned model and a given dataloader. Args: - eval_dataset (TensorDataset): A TensorDataset for evaluation. + eval_dataloader (Dataloader): Dataloader for the evaluation data. num_gpus (int, optional): The number of GPUs to use. If None, all available GPUs will - be used. If set to 0 or GPUs are not available, CPU device will - be used. Defaults to None. - verbose (bool, optional): Verbose model. - Defaults to False. - - Returns: - ndarray: Numpy ndarray of raw predictions. The shape of the ndarray is - [number_of_examples, sequence_length, number_of_labels]. Each - value in the ndarray is not normalized. Post-process will be needed - to get the probability for each class label. + be used. If set to 0 or GPUs are not available, CPU device will be used. + Defaults to None. + gpu_ids (list): List of GPU IDs to be used. + If set to None, the first num_gpus GPUs will be used. + Defaults to None. + verbose (bool, optional): Whether to print out the training log. Defaults to True. + + Returns + 1darray: numpy array of predicted label indices. """ + # get device + device, num_gpus = get_device(num_gpus=num_gpus, local_rank=-1) + # move model + self.model = move_model_to_device(self.model, device, num_gpus, gpu_ids, local_rank=-1) + preds = list( super().predict( - eval_dataloader=eval_dataloader, - get_inputs=TokenClassificationProcessor.get_inputs, - n_gpu=num_gpus, - verbose=verbose, + eval_dataloader=eval_dataloader, device=device, get_inputs=Processor.get_inputs, verbose=verbose, ) ) - preds_np = np.concatenate(preds) - return preds_np + preds = np.concatenate(preds) + return np.argmax(preds, axis=1) def get_predicted_token_labels(self, predictions, label_map, dataset): """ @@ -386,9 +398,7 @@ def get_predicted_token_labels(self, predictions, label_map, dataset): num_samples = len(dataset.tensors[0]) if num_samples != predictions.shape[0]: raise ValueError( - "Predictions have {0} samples, but got {1} samples in dataset".format( - predictions.shape[0], num_samples - ) + "Predictions have {0} samples, but got {1} samples in dataset".format(predictions.shape[0], num_samples) ) label_id2str = {v: k for k, v in label_map.items()} From 699092593905388378f278f4117bac8ada4b39a6 Mon Sep 17 00:00:00 2001 From: saidbleik Date: Thu, 16 Jan 2020 18:29:15 +0000 Subject: [PATCH 148/167] additional ordering of things --- utils_nlp/dataset/bbc_hindi.py | 11 ++-- utils_nlp/dataset/dac.py | 1 - utils_nlp/dataset/wikigold.py | 56 +++++++------------ utils_nlp/models/transformers/common.py | 40 +++++++++---- .../models/transformers/question_answering.py | 14 ++--- .../transformers/sequence_classification.py | 27 ++++----- 6 files changed, 69 insertions(+), 80 deletions(-) diff --git a/utils_nlp/dataset/bbc_hindi.py b/utils_nlp/dataset/bbc_hindi.py index 08a779049..c24710680 100644 --- a/utils_nlp/dataset/bbc_hindi.py +++ b/utils_nlp/dataset/bbc_hindi.py @@ -12,7 +12,6 @@ import tarfile from tempfile import TemporaryDirectory -import numpy as np import pandas as pd from sklearn.model_selection import train_test_split from sklearn.preprocessing import LabelEncoder @@ -93,7 +92,7 @@ def load_tc_dataset( cache_dir (str, optional): The default folder for saving cache files. Defaults to TemporaryDirectory().name. max_len (int, optional): Maximum length of the list of tokens. Lists longer - than this are truncated and shorter ones are padded with "O"s. + than this are truncated and shorter ones are padded with "O"s. Default value is BERT_MAX_LEN=512. batch_size (int, optional): The batch size for training and testing. Defaults to 32. @@ -105,12 +104,12 @@ def load_tc_dataset( train_dataloader (DataLoader): a PyTorch DataLoader instance for training. test_dataloader (DataLoader): a PyTorch DataLoader instance for testing. - + label_encoder (LabelEncoder): a sklearn LabelEncoder instance. The label values can be retrieved by calling the `inverse_transform` function. - + test_labels (Series): a Pandas Series of testing label (in label ID format). If - the labels are in raw label values format, we will need to transform it to + the labels are in raw label values format, we will need to transform it to label IDs by using the label_encoder.transform function. """ @@ -172,7 +171,7 @@ def load_tc_dataset( def get_label_values(label_encoder, label_ids): """ - Get the label values from label IDs. + Get the label values from label IDs. Args: label_encoder (LabelEncoder): a fitted sklearn LabelEncoder instance diff --git a/utils_nlp/dataset/dac.py b/utils_nlp/dataset/dac.py index 750e95915..c8af1ad87 100644 --- a/utils_nlp/dataset/dac.py +++ b/utils_nlp/dataset/dac.py @@ -12,7 +12,6 @@ import os from tempfile import TemporaryDirectory -import numpy as np import pandas as pd from sklearn.model_selection import train_test_split from sklearn.preprocessing import LabelEncoder diff --git a/utils_nlp/dataset/wikigold.py b/utils_nlp/dataset/wikigold.py index 4713451fb..508d5dc56 100644 --- a/utils_nlp/dataset/wikigold.py +++ b/utils_nlp/dataset/wikigold.py @@ -7,18 +7,19 @@ https://github.com/juand-r/entity-recognition-datasets/tree/master/data/wikigold/CONLL-format/data """ -import random +import logging import os +import random +from tempfile import TemporaryDirectory + import pandas as pd -import logging -from tempfile import TemporaryDirectory -from utils_nlp.dataset.url_utils import maybe_download +from utils_nlp.common.pytorch_utils import dataloader_from_dataset from utils_nlp.dataset.ner_utils import preprocess_conll +from utils_nlp.dataset.url_utils import maybe_download from utils_nlp.models.transformers.common import MAX_SEQ_LEN from utils_nlp.models.transformers.named_entity_recognition import TokenClassificationProcessor - URL = ( "https://raw.githubusercontent.com/juand-r/entity-recognition-datasets" "/master/data/wikigold/CONLL-format/data/wikigold.conll.txt" @@ -91,7 +92,7 @@ def load_dataset( max_len=MAX_SEQ_LEN, trailing_piece_tag="X", batch_size=32, - num_gpus=None + num_gpus=None, ): """ Load the wikigold dataset and split into training and testing datasets. @@ -155,9 +156,7 @@ def load_dataset( """ train_df, test_df = load_train_test_dfs( - local_cache_path=local_path, - test_fraction=test_fraction, - random_seed=random_seed + local_cache_path=local_path, test_fraction=test_fraction, random_seed=random_seed ) if train_sample_ratio > 1.0: @@ -166,7 +165,7 @@ def load_dataset( elif train_sample_ratio < 0: logging.error("Invalid training sample ration: {}".format(train_sample_ratio)) raise ValueError("Invalid training sample ration: {}".format(train_sample_ratio)) - + if test_sample_ratio > 1.0: test_sample_ratio = 1.0 logging.warning("Setting the testing sample ratio to 1.0") @@ -179,47 +178,34 @@ def load_dataset( if test_sample_ratio < 1.0: test_df = test_df.sample(frac=test_sample_ratio).reset_index(drop=True) - processor = TokenClassificationProcessor( - model_name=model_name, - to_lower=to_lower, - cache_dir=cache_dir - ) + processor = TokenClassificationProcessor(model_name=model_name, to_lower=to_lower, cache_dir=cache_dir) label_map = TokenClassificationProcessor.create_label_map( - label_lists=train_df['labels'], - trailing_piece_tag=trailing_piece_tag + label_lists=train_df["labels"], trailing_piece_tag=trailing_piece_tag ) train_dataset = processor.preprocess_for_bert( - text=train_df['sentence'], + text=train_df["sentence"], max_len=max_len, - labels=train_df['labels'], + labels=train_df["labels"], label_map=label_map, - trailing_piece_tag=trailing_piece_tag + trailing_piece_tag=trailing_piece_tag, ) test_dataset = processor.preprocess_for_bert( - text=test_df['sentence'], + text=test_df["sentence"], max_len=max_len, - labels=test_df['labels'], + labels=test_df["labels"], label_map=label_map, - trailing_piece_tag=trailing_piece_tag + trailing_piece_tag=trailing_piece_tag, ) - train_dataloader = processor.create_dataloader_from_dataset( - train_dataset, - shuffle=True, - batch_size=batch_size, - num_gpus=num_gpus, - distributed=False + train_dataloader = dataloader_from_dataset( + train_dataset, batch_size=batch_size, num_gpus=num_gpus, shuffle=True, distributed=False ) - test_dataloader = processor.create_dataloader_from_dataset( - test_dataset, - shuffle=False, - batch_size=batch_size, - num_gpus=num_gpus, - distributed=False + test_dataloader = dataloader_from_dataset( + test_dataset, batch_size=batch_size, num_gpus=num_gpus, shuffle=False, distributed=False ) return (train_dataloader, test_dataloader, label_map, test_dataset) diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index ccaf48b46..7fce22c6b 100755 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -12,7 +12,7 @@ import numpy as np import torch -from tqdm import tqdm, trange +from tqdm import tqdm from transformers import AdamW, get_linear_schedule_with_warmup from transformers.modeling_bert import BERT_PRETRAINED_MODEL_ARCHIVE_MAP from transformers.modeling_distilbert import DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP @@ -23,6 +23,8 @@ from transformers.tokenization_roberta import RobertaTokenizer from transformers.tokenization_xlnet import XLNetTokenizer +from utils_nlp.common.pytorch_utils import get_device, move_model_to_device + TOKENIZER_CLASS = {} TOKENIZER_CLASS.update({k: BertTokenizer for k in BERT_PRETRAINED_MODEL_ARCHIVE_MAP}) TOKENIZER_CLASS.update({k: RobertaTokenizer for k in ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP}) @@ -101,9 +103,9 @@ def get_default_scheduler(optimizer, warmup_steps, num_training_steps): def fine_tune( self, train_dataloader, - device, - num_gpus, get_inputs, + num_gpus=None, + gpu_ids=None, max_steps=-1, max_grad_norm=1.0, gradient_accumulation_steps=1, @@ -118,6 +120,9 @@ def fine_tune( clip_grad_norm=True, ): + # get device + device, num_gpus = get_device(num_gpus=num_gpus, local_rank=local_rank) + if seed is not None: Transformer.set_seed(seed, num_gpus > 0) @@ -128,6 +133,9 @@ def fine_tune( raise ImportError("Please install apex from https://www.github.com/nvidia/apex") self.model, optimizer = amp.initialize(self.model, optimizer, opt_level=fp16_opt_level) + # move model + self.model = move_model_to_device(self.model, device, num_gpus, gpu_ids, local_rank) + # init training global_step = 0 tr_loss = 0.0 @@ -152,22 +160,25 @@ def fine_tune( if fp16: with amp.scale_loss(loss, optimizer) as scaled_loss: scaled_loss.backward() - if clip_grad_norm: - torch.nn.utils.clip_grad_norm_(amp.master_params(optimizer), max_grad_norm) else: loss.backward() - if clip_grad_norm: - torch.nn.utils.clip_grad_norm_(self.model.parameters(), max_grad_norm) tr_loss += loss.item() - accum_loss += loss.item() + if (step + 1) % gradient_accumulation_steps == 0: global_step += 1 + + if clip_grad_norm: + if fp16: + torch.nn.utils.clip_grad_norm_(amp.master_params(optimizer), max_grad_norm) + else: + torch.nn.utils.clip_grad_norm_(self.model.parameters(), max_grad_norm) + if global_step % report_every == 0 and verbose: end = time.time() print( - "loss: {0:.6f}, time: {1:f}, number of examples in current step: {2:.0f}, step {3:.0f} out of total {4:.0f}".format( + "loss:{0:.6f}, time:{1:f}, examples:{2:.0f}, step:{3:.0f}/{4:.0f}".format( accum_loss / report_every, end - start, len(batch), global_step, max_steps, ) ) @@ -185,9 +196,16 @@ def fine_tune( return global_step, tr_loss / global_step - def predict(self, eval_dataloader, device, get_inputs, verbose=True): + def predict(self, eval_dataloader, get_inputs, num_gpus, gpu_ids, verbose=True): + # get device + device, num_gpus = get_device(num_gpus=num_gpus, local_rank=-1) + + # move model + self.model = move_model_to_device(self.model, device, num_gpus, gpu_ids, local_rank=-1) + + # predict self.model.eval() - for batch in tqdm(eval_dataloader, desc="Evaluating", disable=not verbose): + for batch in tqdm(eval_dataloader, desc="Scoring", disable=not verbose): with torch.no_grad(): inputs = get_inputs(batch, device, self.model_name, train_mode=False) outputs = self.model(**inputs) diff --git a/utils_nlp/models/transformers/question_answering.py b/utils_nlp/models/transformers/question_answering.py index 99cd59724..c0415a579 100755 --- a/utils_nlp/models/transformers/question_answering.py +++ b/utils_nlp/models/transformers/question_answering.py @@ -184,7 +184,7 @@ def preprocess( answer texts from predicted answer start and answer end indices. Defaults to "./cached_qa_features". Returns: - DataSet: A Pytorch DataSet. + DataSet: A Pytorch DataSet. """ if not os.path.exists(feature_cache_dir): @@ -509,12 +509,6 @@ def fit( """ - # get device - device, num_gpus = get_device(num_gpus=num_gpus, local_rank=local_rank) - - # move model - self.model = move_model_to_device(self.model, device, num_gpus, gpu_ids, local_rank) - # init optimizer optimizer = Transformer.get_default_optimizer(self.model, weight_decay, learning_rate, adam_epsilon) @@ -534,9 +528,9 @@ def fit( # fine tune super().fine_tune( train_dataloader=train_dataloader, - device=device, - num_gpus=num_gpus, get_inputs=QAProcessor.get_inputs, + num_gpus=num_gpus, + gpu_ids=gpu_ids, max_steps=max_steps, gradient_accumulation_steps=gradient_accumulation_steps, optimizer=optimizer, @@ -555,7 +549,7 @@ def predict(self, test_dataloader, num_gpus=None, gpu_ids=None, verbose=True): Predicts answer start and end logits. Args: - test_dataloader (QADataset): Dataloader for the testing data. + test_dataloader (DataLoader): DataLoader for scoring the data. num_gpus (int, optional): The number of GPUs to use. If None, all available GPUs will be used. If set to 0 or GPUs are not available, CPU device will be used. Defaults to None. diff --git a/utils_nlp/models/transformers/sequence_classification.py b/utils_nlp/models/transformers/sequence_classification.py index 4d26e39f6..e8a4a288b 100755 --- a/utils_nlp/models/transformers/sequence_classification.py +++ b/utils_nlp/models/transformers/sequence_classification.py @@ -11,7 +11,7 @@ from transformers.modeling_roberta import ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP, RobertaForSequenceClassification from transformers.modeling_xlnet import XLNET_PRETRAINED_MODEL_ARCHIVE_MAP, XLNetForSequenceClassification -from utils_nlp.common.pytorch_utils import compute_training_steps, get_device, move_model_to_device +from utils_nlp.common.pytorch_utils import compute_training_steps from utils_nlp.models.transformers.common import MAX_SEQ_LEN, TOKENIZER_CLASS, Transformer from utils_nlp.models.transformers.datasets import SCDataSet, SPCDataSet @@ -249,12 +249,6 @@ def fit( seed (int, optional): Random seed used to improve reproducibility. Defaults to None. """ - # get device - device, num_gpus = get_device(num_gpus=num_gpus, local_rank=local_rank) - - # move model - self.model = move_model_to_device(self.model, device, num_gpus, gpu_ids, local_rank) - # init optimizer optimizer = Transformer.get_default_optimizer(self.model, weight_decay, learning_rate, adam_epsilon) @@ -274,9 +268,9 @@ def fit( # fine tune super().fine_tune( train_dataloader=train_dataloader, - device=device, - num_gpus=num_gpus, get_inputs=Processor.get_inputs, + num_gpus=num_gpus, + gpu_ids=gpu_ids, max_steps=max_steps, gradient_accumulation_steps=gradient_accumulation_steps, optimizer=optimizer, @@ -286,12 +280,12 @@ def fit( seed=seed, ) - def predict(self, eval_dataloader, num_gpus=None, gpu_ids=None, verbose=True): + def predict(self, test_dataloader, num_gpus=None, gpu_ids=None, verbose=True): """ Scores a dataset using a fine-tuned model and a given dataloader. Args: - eval_dataloader (Dataloader): Dataloader for the evaluation data. + test_dataloader (DataLoader): DataLoader for scoring the data. num_gpus (int, optional): The number of GPUs to use. If None, all available GPUs will be used. If set to 0 or GPUs are not available, CPU device will be used. Defaults to None. @@ -304,14 +298,13 @@ def predict(self, eval_dataloader, num_gpus=None, gpu_ids=None, verbose=True): 1darray: numpy array of predicted label indices. """ - # get device - device, num_gpus = get_device(num_gpus=num_gpus, local_rank=-1) - # move model - self.model = move_model_to_device(self.model, device, num_gpus, gpu_ids, local_rank=-1) - preds = list( super().predict( - eval_dataloader=eval_dataloader, device=device, get_inputs=Processor.get_inputs, verbose=verbose, + eval_dataloader=test_dataloader, + get_inputs=Processor.get_inputs, + num_gpus=num_gpus, + gpu_ids=gpu_ids, + verbose=verbose, ) ) preds = np.concatenate(preds) From 82816318dca76ac3a459f27a45b4a89df5ac1010 Mon Sep 17 00:00:00 2001 From: saidbleik Date: Thu, 16 Jan 2020 19:14:24 +0000 Subject: [PATCH 149/167] update summarization files --- ...test_notebooks_extractive_summarization.py | 12 +- tests/unit/test_extractive_summarization.py | 45 +++---- utils_nlp/eval/evaluate_summarization.py | 12 +- .../transformers/extractive_summarization.py | 114 ++++++++---------- 4 files changed, 78 insertions(+), 105 deletions(-) diff --git a/tests/integration/test_notebooks_extractive_summarization.py b/tests/integration/test_notebooks_extractive_summarization.py index a39ab0c1d..fdb9cfebf 100644 --- a/tests/integration/test_notebooks_extractive_summarization.py +++ b/tests/integration/test_notebooks_extractive_summarization.py @@ -1,14 +1,10 @@ # Copyright (c) Microsoft Corporation. All rights reserved. # Licensed under the MIT License. -import os -import json -import shutil -import pytest import papermill as pm +import pytest import scrapbook as sb -from tests.notebooks_common import OUTPUT_NOTEBOOK, KERNEL_NAME - +from tests.notebooks_common import KERNEL_NAME, OUTPUT_NOTEBOOK ABS_TOL = 0.02 @@ -31,7 +27,7 @@ def test_extractive_summarization_cnndm_transformers(notebooks, tmp): CACHE_DIR=tmp, BATCH_SIZE=3000, REPORT_EVERY=50, - MAX_STEPS=1e3, + MAX_STEPS=1000, WARMUP_STEPS=5e2, MODEL_NAME="distilbert-base-uncased", ), @@ -39,5 +35,3 @@ def test_extractive_summarization_cnndm_transformers(notebooks, tmp): result = sb.read_notebook(OUTPUT_NOTEBOOK).scraps.data_dict print(result) assert pytest.approx(result["rouge_2_f_score"], 0.1, abs=ABS_TOL) - - diff --git a/tests/unit/test_extractive_summarization.py b/tests/unit/test_extractive_summarization.py index 40cacbeca..797e631e5 100644 --- a/tests/unit/test_extractive_summarization.py +++ b/tests/unit/test_extractive_summarization.py @@ -1,14 +1,12 @@ # Copyright (c) Microsoft Corporation. All rights reserved. # Licensed under the MIT License. -import nltk +import os +import nltk nltk.download("punkt") -from nltk import tokenize import pytest -import os -import shutil - +from nltk import tokenize from utils_nlp.models.transformers.datasets import SummarizationDataset from utils_nlp.models.transformers.extractive_summarization import ( @@ -17,6 +15,9 @@ ExtSumProcessor, ) + + + # @pytest.fixture() def source_data(): return ( @@ -48,18 +49,10 @@ def data_to_file(tmp_module): f.write(target) f.close() train_dataset = SummarizationDataset( - source_file, - target_file, - [tokenize.sent_tokenize], - [tokenize.sent_tokenize], - nltk.word_tokenize, + source_file, target_file, [tokenize.sent_tokenize], [tokenize.sent_tokenize], nltk.word_tokenize, ) test_dataset = SummarizationDataset( - source_file, - target_file, - [tokenize.sent_tokenize], - [tokenize.sent_tokenize], - nltk.word_tokenize, + source_file, target_file, [tokenize.sent_tokenize], [tokenize.sent_tokenize], nltk.word_tokenize, ) processor = ExtSumProcessor( @@ -70,20 +63,12 @@ def data_to_file(tmp_module): min_nsents=0, min_src_ntokens=1, ) - ext_sum_train = processor.preprocess( - train_dataset, train_dataset.get_target(), oracle_mode="greedy" - ) - ext_sum_test = processor.preprocess( - test_dataset, test_dataset.get_target(), oracle_mode="greedy" - ) + ext_sum_train = processor.preprocess(train_dataset, train_dataset.get_target(), oracle_mode="greedy") + ext_sum_test = processor.preprocess(test_dataset, test_dataset.get_target(), oracle_mode="greedy") save_path = os.path.join(tmp_module, "processed") - train_files = ExtSumProcessedData.save_data( - ext_sum_train, is_test=False, save_path=save_path, chunk_size=2000 - ) - test_files = ExtSumProcessedData.save_data( - ext_sum_test, is_test=True, save_path=save_path, chunk_size=2000 - ) + train_files = ExtSumProcessedData.save_data(ext_sum_train, is_test=False, save_path=save_path, chunk_size=2000) + test_files = ExtSumProcessedData.save_data(ext_sum_test, is_test=True, save_path=save_path, chunk_size=2000) print(train_files) print(test_files) assert os.path.exists(train_files[0]) @@ -96,10 +81,10 @@ def test_bert_training(data_to_file, tmp_module): CACHE_DIR = tmp_module ENCODER = "transformer" - BATCH_SIZE = 200 + BATCH_SIZE = 128 LEARNING_RATE = 2e-3 - REPORT_EVERY = 100 - MAX_STEPS = 5e2 + REPORT_EVERY = 50 + MAX_STEPS = 2e2 WARMUP_STEPS = 1e2 DATA_SAVED_PATH = data_to_file result_base_path = "./results" diff --git a/utils_nlp/eval/evaluate_summarization.py b/utils_nlp/eval/evaluate_summarization.py index 4912717e9..421d48f13 100644 --- a/utils_nlp/eval/evaluate_summarization.py +++ b/utils_nlp/eval/evaluate_summarization.py @@ -3,22 +3,24 @@ import os from random import random, seed + from bertsum.others.utils import test_rouge -def get_rouge(predictions, targets, temp_dir): +def get_rouge(predictions, targets, temp_dir, random_seed=42): """ function to get the rouge metric for the prediction and the reference. Args: predictions (list of strings): Predictions to be compared. target (list of strings): References - temp_dir (str): Path where temporary folders are created to host the files - generated by ROUGE applicatoin. + temp_dir (str): Path where temporary folders are created to host the files + generated by ROUGE application. + seed (int, optional): Random seed. Defaults to 42. Return: dictionary: rouge metric - + """ def _write_list_to_file(list_items, filename): @@ -27,7 +29,7 @@ def _write_list_to_file(list_items, filename): for item in list_items: filehandle.write("%s\n" % item) - seed(42) + seed(random_seed) random_number = random() os.makedirs(temp_dir, exist_ok=True) candidate_path = os.path.join(temp_dir, "candidate" + str(random_number)) diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index 426f9002c..54a7f64ef 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -5,24 +5,22 @@ import itertools import logging -import numpy as np import os import random + +import numpy as np import torch -import torch.nn as nn -from torch.utils.data import Dataset, IterableDataset -from torch.utils.data import DataLoader, SequentialSampler +from torch.utils.data import DataLoader, Dataset, IterableDataset, SequentialSampler # from torch.utils.data.distributed import DistributedSampler -from transformers import DistilBertModel, BertModel +from transformers import BertModel, DistilBertModel -from bertsum.models import model_builder, data_loader +from bertsum.models import data_loader, model_builder from bertsum.models.data_loader import Batch from bertsum.models.model_builder import Summarizer - -from utils_nlp.common.pytorch_utils import get_device -from utils_nlp.models.transformers.common import TOKENIZER_CLASS, Transformer +from utils_nlp.common.pytorch_utils import compute_training_steps, get_device from utils_nlp.dataset.sentence_selection import combination_selection, greedy_selection +from utils_nlp.models.transformers.common import TOKENIZER_CLASS, Transformer MODEL_CLASS = {"bert-base-uncased": BertModel, "distilbert-base-uncased": DistilBertModel} @@ -42,8 +40,8 @@ def get_dataloader(data_iter, shuffle=True, is_labeled=False, batch_size=3000): Args: data_iter (generator): data generator. - shuffle (bool): whether the data is shuffled - is_labeled (bool): it specifies whether the data objects are labeled data. + shuffle (bool): whether the data is shuffled. + is_labeled (bool): specifies whether the data objects are labeled data. batch_size (int): number of tokens per batch. Returns: @@ -79,9 +77,7 @@ def get_stream(self): if self.is_shuffle: return itertools.chain.from_iterable(map(get_dataset, itertools.cycle(self.file_list))) else: - return itertools.chain.from_iterable( - map(get_dataset, itertools.cycle(random.shuffle(self.file_list))) - ) + return itertools.chain.from_iterable(map(get_dataset, itertools.cycle(random.shuffle(self.file_list)))) def __iter__(self): return self.get_stream() @@ -114,9 +110,7 @@ def __getitem__(self, idx): return self.data[idx] -def get_pred( - example, sent_scores, cal_lead=False, sentence_separator="", block_trigram=True, top_n=3 -): +def get_pred(example, sent_scores, cal_lead=False, sentence_separator="", block_trigram=True, top_n=3): """ Get the summarization prediction for the paragraph example based on the scores returned by the transformer summarization model. @@ -229,9 +223,7 @@ def _chunks(iterable, chunk_size): def _get_files(self, root): train_files = [] test_files = [] - files = [ - os.path.join(root, f) for f in os.listdir(root) if os.path.isfile(os.path.join(root, f)) - ] + files = [os.path.join(root, f) for f in os.listdir(root) if os.path.isfile(os.path.join(root, f))] for fname in files: if fname.find("train") != -1: train_files.append(fname) @@ -324,7 +316,7 @@ def model_name(self, value): self._model_name = value @staticmethod - def get_inputs(batch, model_name, train_mode=True): + def get_inputs(batch, device, model_name, train_mode=True): """ Creates an input dictionary given a model name. @@ -332,6 +324,7 @@ def get_inputs(batch, model_name, train_mode=True): batch (object): A Batch containing input ids, segment ids, sentence class ids, masks for the input ids, masks for sentence class ids and source text. If train_model is True, it also contains the labels and target text. + device (torch.device): A PyTorch device. model_name (bool, optional): Model name used to format the inputs. train_mode (bool, optional): Training mode flag. Defaults to True. @@ -345,6 +338,7 @@ def get_inputs(batch, model_name, train_mode=True): if model_name.split("-")[0] in ["bert", "distilbert"]: if train_mode: # labels must be the last + batch = batch.to(device) return { "x": batch.src, "segs": batch.segs, @@ -354,6 +348,14 @@ def get_inputs(batch, model_name, train_mode=True): "labels": batch.labels, } else: + batch["src"] = batch["src"].to(device) + batch["segs"] = batch["segs"].to(device) + batch["clss"] = batch["clss"].to(device) + batch["mask"] = batch["mask"].to(device) + batch["mask_cls"] = batch["mask_cls"].to(device) + if "labels" in batch: + batch["labels"] = batch["labels"].to(device) + batch = Bunch(batch) return { "x": batch.src, "segs": batch.segs, @@ -489,9 +491,7 @@ def __init__(self, model_name="distilbert-base-uncased", encoder="transformer", cache_dir (str, optional): Directory to cache the tokenizer. Defaults to ".". """ - super().__init__( - model_class=MODEL_CLASS, model_name=model_name, num_labels=0, cache_dir=cache_dir - ) + super().__init__(model_class=MODEL_CLASS, model_name=model_name, num_labels=0, cache_dir=cache_dir) if model_name not in self.list_supported_models(): raise ValueError( "Model name {} is not supported by ExtractiveSummarizer. " @@ -522,6 +522,7 @@ def fit( self, train_dataset, num_gpus=None, + gpu_ids=None, batch_size=3000, local_rank=-1, max_steps=5e5, @@ -546,6 +547,9 @@ def fit( num_gpus (int, optional): The number of GPUs to use. If None, all available GPUs will be used. If set to 0 or GPUs are not available, CPU device will be used. Defaults to None. + gpu_ids (list): List of GPU IDs to be used. + If set to None, the first num_gpus GPUs will be used. + Defaults to None. batch_size (int, optional): Maximum number of tokens in each batch. local_rank (int, optional): Local_rank for distributed training on GPUs. Defaults to -1, which means non-distributed training. @@ -571,16 +575,7 @@ def fit( seed (int, optional): Random seed used to improve reproducibility. Defaults to None. """ - device, num_gpus = get_device(num_gpus=num_gpus, local_rank=local_rank) - - def move_batch_to_device(batch, device): - return batch.to(device) - - # if isinstance(self.model, nn.DataParallel): - # self.model.module.to(device) - # else: - self.model.to(device) - + # init optimizer optimizer = model_builder.build_optim( optimization_method, learning_rate, @@ -594,31 +589,34 @@ def move_batch_to_device(batch, device): ) # batch_size is the number of tokens in a batch - train_dataloader = get_dataloader( - train_dataset.get_stream(), is_labeled=True, batch_size=batch_size + train_dataloader = get_dataloader(train_dataset.get_stream(), is_labeled=True, batch_size=batch_size) + + # compute the max number of training steps + max_steps = compute_training_steps( + train_dataloader, max_steps=max_steps, gradient_accumulation_steps=gradient_accumulation_steps, ) super().fine_tune( train_dataloader=train_dataloader, get_inputs=ExtSumProcessor.get_inputs, - move_batch_to_device=move_batch_to_device, - n_gpu=num_gpus, - num_train_epochs=-1, + num_gpus=num_gpus, + gpu_ids=gpu_ids, max_steps=max_steps, - optimizer=optimizer, - warmup_steps=warmup_steps, + max_grad_norm=max_grad_norm, gradient_accumulation_steps=gradient_accumulation_steps, + optimizer=optimizer, + scheduler=None, verbose=verbose, seed=seed, report_every=report_every, clip_grad_norm=False, - max_grad_norm=max_grad_norm, ) def predict( self, test_dataset, num_gpus=1, + gpu_ids=None, batch_size=16, sentence_separator="", top_n=3, @@ -632,6 +630,9 @@ def predict( Args: test_dataset (Dataset): Dataset for which the summary to be predicted num_gpus (int, optional): The number of GPUs used in prediction. Defaults to 1. + gpu_ids (list): List of GPU IDs to be used. + If set to None, the first num_gpus GPUs will be used. + Defaults to None. batch_size (int, optional): The number of test examples in each batch. Defaults to 16. sentence_separator (str, optional): String to be inserted between sentences in the prediction. Defaults to ''. @@ -678,10 +679,8 @@ def collate_fn(dict_list): } test_sampler = SequentialSampler(test_dataset) - test_dataloader = DataLoader( - test_dataset, sampler=test_sampler, batch_size=batch_size, collate_fn=collate_fn - ) - sent_scores = self.predict_scores(test_dataloader, num_gpus=num_gpus) + test_dataloader = DataLoader(test_dataset, sampler=test_sampler, batch_size=batch_size, collate_fn=collate_fn) + sent_scores = self.predict_scores(test_dataloader, num_gpus=num_gpus, gpu_ids=gpu_ids) sent_scores_list = list(sent_scores) scores_list = [] for i in sent_scores_list: @@ -699,15 +698,18 @@ def collate_fn(dict_list): prediction.extend(temp_pred) return prediction - def predict_scores(self, eval_dataloader, num_gpus=1, verbose=True): + def predict_scores(self, test_dataloader, num_gpus=1, gpu_ids=None, verbose=True): """ Scores a dataset using a fine-tuned model and a given dataloader. Args: - eval_dataloader (Dataloader): Dataloader for the evaluation data. + test_dataloader (Dataloader): Dataloader for scoring the data. num_gpus (int, optional): The number of GPUs to use. If None, all available GPUs will be used. If set to 0 or GPUs are not available, CPU device will be used. Defaults to None. + gpu_ids (list): List of GPU IDs to be used. + If set to None, the first num_gpus GPUs will be used. + Defaults to None. verbose (bool, optional): Whether to print out the training log. Defaults to True. Returns @@ -716,23 +718,13 @@ def predict_scores(self, eval_dataloader, num_gpus=1, verbose=True): device, num_gpus = get_device(num_gpus=num_gpus, local_rank=-1) - def move_batch_to_device(batch, device): - batch["src"] = batch["src"].to(device) - batch["segs"] = batch["segs"].to(device) - batch["clss"] = batch["clss"].to(device) - batch["mask"] = batch["mask"].to(device) - batch["mask_cls"] = batch["mask_cls"].to(device) - if "labels" in batch: - batch["labels"] = batch["labels"].to(device) - return Bunch(batch) - preds = list( super().predict( - eval_dataloader=eval_dataloader, + eval_dataloader=test_dataloader, get_inputs=ExtSumProcessor.get_inputs, - n_gpu=num_gpus, + num_gpus=num_gpus, + gpu_ids=gpu_ids, verbose=verbose, - move_batch_to_device=move_batch_to_device, ) ) return preds From b76750aaa691c0f391c0c384eaff3e851bd533ce Mon Sep 17 00:00:00 2001 From: saidbleik Date: Fri, 17 Jan 2020 02:16:10 +0000 Subject: [PATCH 150/167] NER updates --- .../ner_wikigold_transformer.ipynb | 2 +- tests/unit/test_bert_token_classification.py | 79 ------------------- .../test_transformers_token_classification.py | 31 ++++++++ utils_nlp/dataset/wikigold.py | 14 ++-- utils_nlp/models/transformers/common.py | 3 + .../transformers/named_entity_recognition.py | 47 +++++------ 6 files changed, 60 insertions(+), 116 deletions(-) delete mode 100644 tests/unit/test_bert_token_classification.py create mode 100644 tests/unit/test_transformers_token_classification.py diff --git a/examples/named_entity_recognition/ner_wikigold_transformer.ipynb b/examples/named_entity_recognition/ner_wikigold_transformer.ipynb index 8bbc82a7c..f077f8d62 100644 --- a/examples/named_entity_recognition/ner_wikigold_transformer.ipynb +++ b/examples/named_entity_recognition/ner_wikigold_transformer.ipynb @@ -233,7 +233,7 @@ "source": [ "with Timer() as t:\n", " preds = model.predict(\n", - " eval_dataloader=test_dataloader,\n", + " test_dataloader=test_dataloader,\n", " num_gpus=None,\n", " verbose=True\n", " )\n", diff --git a/tests/unit/test_bert_token_classification.py b/tests/unit/test_bert_token_classification.py deleted file mode 100644 index c3a46584f..000000000 --- a/tests/unit/test_bert_token_classification.py +++ /dev/null @@ -1,79 +0,0 @@ -# Copyright (c) Microsoft Corporation. All rights reserved. -# Licensed under the MIT License. - -import pytest - -from utils_nlp.models.bert.token_classification import ( - BERTTokenClassifier, - postprocess_token_labels, -) - - -def test_token_classifier_num_labels(): - with pytest.raises(ValueError): - BERTTokenClassifier(num_labels=1) - - -def test_token_classifier_fit_predict(tmp_path, ner_test_data): - token_classifier = BERTTokenClassifier(num_labels=6, cache_dir=tmp_path) - - # test fit, no warmup - token_classifier.fit( - token_ids=ner_test_data["INPUT_TOKEN_IDS"], - input_mask=ner_test_data["INPUT_MASK"], - labels=ner_test_data["INPUT_LABEL_IDS"], - ) - - # test fit, with warmup - token_classifier.fit( - token_ids=ner_test_data["INPUT_TOKEN_IDS"], - input_mask=ner_test_data["INPUT_MASK"], - labels=ner_test_data["INPUT_LABEL_IDS"], - warmup_proportion=0.1, - ) - # test predict, no labels - token_classifier.predict( - token_ids=ner_test_data["INPUT_TOKEN_IDS"], - input_mask=ner_test_data["INPUT_MASK"], - ) - - # test predict, with labels - token_classifier.predict( - token_ids=ner_test_data["INPUT_TOKEN_IDS"], - input_mask=ner_test_data["INPUT_MASK"], - labels=ner_test_data["INPUT_LABEL_IDS"], - ) - - # test output probabilities - predictions = token_classifier.predict( - token_ids=ner_test_data["INPUT_TOKEN_IDS"], - input_mask=ner_test_data["INPUT_MASK"], - labels=ner_test_data["INPUT_LABEL_IDS"], - probabilities=True, - ) - assert len(predictions.classes) == predictions.probabilities.shape[0] - - -def test_postprocess_token_labels(ner_test_data): - labels_no_padding = postprocess_token_labels( - labels=ner_test_data["PREDICTED_LABELS"], - input_mask=ner_test_data["INPUT_MASK"], - label_map=ner_test_data["LABEL_MAP"], - ) - - assert labels_no_padding == ner_test_data["EXPECTED_TOKENS_NO_PADDING"] - - -def test_postprocess_token_labels_remove_trailing(ner_test_data): - labels_no_padding_no_trailing = postprocess_token_labels( - labels=ner_test_data["PREDICTED_LABELS"], - input_mask=ner_test_data["INPUT_MASK"], - label_map=ner_test_data["LABEL_MAP"], - remove_trailing_word_pieces=True, - trailing_token_mask=ner_test_data["TRAILING_TOKEN_MASK"], - ) - - assert ( - labels_no_padding_no_trailing - == ner_test_data["EXPECTED_TOKENS_NO_PADDING_NO_TRAILING"] - ) diff --git a/tests/unit/test_transformers_token_classification.py b/tests/unit/test_transformers_token_classification.py new file mode 100644 index 000000000..eda90c6d4 --- /dev/null +++ b/tests/unit/test_transformers_token_classification.py @@ -0,0 +1,31 @@ +# Copyright (c) Microsoft Corporation. All rights reserved. +# Licensed under the MIT License. + +import pytest + +from utils_nlp.common.pytorch_utils import dataloader_from_dataset +from utils_nlp.models.transformers.named_entity_recognition import ( + TokenClassificationProcessor, + TokenClassifier, +) + + +def test_token_classifier_num_labels(): + with pytest.raises(ValueError): + TokenClassifier(num_labels=1) + + +def test_token_classifier_fit_predict(tmp_path, ner_test_data): + token_classifier = TokenClassifier(num_labels=6, cache_dir=tmp_path) + processor = TokenClassificationProcessor(cache_dir=tmp_path) + + # test fit, no warmup + train_dataset = processor.preprocess_for_bert( + text=ner_test_data["INPUT_TEXT"], labels=ner_test_data["INPUT_LABELS"], label_map=ner_test_data["LABEL_MAP"], + ) + train_dataloader = dataloader_from_dataset(train_dataset) + token_classifier.fit(train_dataloader) + + # test predict, no labels + preds = token_classifier.predict(train_dataloader, verbose=False) + assert len(preds) == len(ner_test_data["INPUT_LABELS"]) diff --git a/utils_nlp/dataset/wikigold.py b/utils_nlp/dataset/wikigold.py index 508d5dc56..32a0c5420 100644 --- a/utils_nlp/dataset/wikigold.py +++ b/utils_nlp/dataset/wikigold.py @@ -117,7 +117,7 @@ def load_dataset( cache_dir (str, optional): The default folder for saving cache files. Defaults to './temp'. max_len (int, optional): Maximum length of the list of tokens. Lists longer - than this are truncated and shorter ones are padded with "O"s. + than this are truncated and shorter ones are padded with "O"s. Default value is BERT_MAX_LEN=512. trailing_piece_tag (str, optional): Tag used to label trailing word pieces. For example, "criticize" is broken into "critic" and "##ize", "critic" @@ -130,16 +130,12 @@ def load_dataset( Returns: tuple. The tuple contains four elements. - train_dataload (DataLoader): a PyTorch DataLoader instance for training. - - test_dataload (DataLoader): a PyTorch DataLoader instance for testing. - - label_map (dict): A dictionary object to map a label (str) to an ID (int). - + train_dataloader (DataLoader): a PyTorch DataLoader instance for training. + test_dataloader (DataLoader): a PyTorch DataLoader instance for testing. + label_map (dict): A dictionary object to map a label (str) to an ID (int). test_dataset (TensorDataset): A TensorDataset containing the following four tensors. 1. input_ids_all: Tensor. Each sublist contains numerical values, - i.e. token ids, corresponding to the tokens in the input - text data. + i.e. token ids, corresponding to the tokens in the input text data. 2. input_mask_all: Tensor. Each sublist contains the attention mask of the input token id list, 1 for input tokens and 0 for padded tokens, so that padded tokens are not attended to. diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index 7fce22c6b..9808719a7 100755 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -41,6 +41,9 @@ def __init__( self, model_class, model_name="bert-base-cased", num_labels=2, cache_dir=".", load_model_from_dir=None, ): + if num_labels < 2: + raise ValueError("Number of labels should be at least 2.") + if model_name not in self.list_supported_models(): raise ValueError( "Model name {0} is not supported by {1}. " diff --git a/utils_nlp/models/transformers/named_entity_recognition.py b/utils_nlp/models/transformers/named_entity_recognition.py index 169bb21c8..76d0b5e37 100755 --- a/utils_nlp/models/transformers/named_entity_recognition.py +++ b/utils_nlp/models/transformers/named_entity_recognition.py @@ -6,10 +6,11 @@ import numpy as np import torch +from torch.utils.data import TensorDataset from transformers.modeling_bert import BERT_PRETRAINED_MODEL_ARCHIVE_MAP, BertForTokenClassification from transformers.modeling_distilbert import DISTILBERT_PRETRAINED_MODEL_ARCHIVE_MAP, DistilBertForTokenClassification -from utils_nlp.common.pytorch_utils import get_device, move_model_to_device +from utils_nlp.common.pytorch_utils import compute_training_steps from utils_nlp.models.transformers.common import MAX_SEQ_LEN, TOKENIZER_CLASS, Transformer TC_MODEL_CLASS = {} @@ -129,7 +130,7 @@ def preprocess_for_bert(self, text, max_len=MAX_SEQ_LEN, labels=None, label_map= Returns: TensorDataset: A TensorDataset containing the following four tensors. 1. input_ids_all: Tensor. Each sublist contains numerical values, - i.e. token ids, corresponding to the tokens in the input + i.e. token ids, corresponding to the tokens in the input text data. 2. input_mask_all: Tensor. Each sublist contains the attention mask of the input token id list, 1 for input tokens and 0 for @@ -229,14 +230,14 @@ def _is_iterable_but_not_string(obj): td = TensorDataset( torch.tensor(input_ids_all, dtype=torch.long), torch.tensor(input_mask_all, dtype=torch.long), - torch.tensor(trailing_token_mask_all, dtype=torch.bool), + torch.tensor(trailing_token_mask_all, dtype=torch.long), torch.tensor(label_ids_all, dtype=torch.long), ) else: td = TensorDataset( torch.tensor(input_ids_all, dtype=torch.long), torch.tensor(input_mask_all, dtype=torch.long), - torch.tensor(trailing_token_mask_all, dtype=torch.bool), + torch.tensor(trailing_token_mask_all, dtype=torch.long), ) return td @@ -311,12 +312,6 @@ def fit( seed (int, optional): Random seed used to improve reproducibility. Defaults to None. """ - # get device - device, num_gpus = get_device(num_gpus=num_gpus, local_rank=local_rank) - - # move model - self.model = move_model_to_device(self.model, device, num_gpus, gpu_ids, local_rank) - # init optimizer optimizer = Transformer.get_default_optimizer(self.model, weight_decay, learning_rate, adam_epsilon) @@ -336,9 +331,9 @@ def fit( # fine tune super().fine_tune( train_dataloader=train_dataloader, - device=device, + get_inputs=TokenClassificationProcessor.get_inputs, num_gpus=num_gpus, - get_inputs=Processor.get_inputs, + gpu_ids=gpu_ids, max_steps=max_steps, gradient_accumulation_steps=gradient_accumulation_steps, optimizer=optimizer, @@ -348,12 +343,12 @@ def fit( seed=seed, ) - def predict(self, eval_dataloader, num_gpus=None, gpu_ids=None, verbose=True): + def predict(self, test_dataloader, num_gpus=None, gpu_ids=None, verbose=True): """ Scores a dataset using a fine-tuned model and a given dataloader. Args: - eval_dataloader (Dataloader): Dataloader for the evaluation data. + test_dataloader (DataLoader): DataLoader for scoring the data. num_gpus (int, optional): The number of GPUs to use. If None, all available GPUs will be used. If set to 0 or GPUs are not available, CPU device will be used. Defaults to None. @@ -366,18 +361,16 @@ def predict(self, eval_dataloader, num_gpus=None, gpu_ids=None, verbose=True): 1darray: numpy array of predicted label indices. """ - # get device - device, num_gpus = get_device(num_gpus=num_gpus, local_rank=-1) - # move model - self.model = move_model_to_device(self.model, device, num_gpus, gpu_ids, local_rank=-1) - preds = list( super().predict( - eval_dataloader=eval_dataloader, device=device, get_inputs=Processor.get_inputs, verbose=verbose, + eval_dataloader=test_dataloader, + get_inputs=TokenClassificationProcessor.get_inputs, + num_gpus=num_gpus, + gpu_ids=gpu_ids, + verbose=verbose, ) ) - preds = np.concatenate(preds) - return np.argmax(preds, axis=1) + return np.concatenate(preds) def get_predicted_token_labels(self, predictions, label_map, dataset): """ @@ -386,13 +379,13 @@ def get_predicted_token_labels(self, predictions, label_map, dataset): Args: predictions (ndarray): A numpy ndarray produced from the `predict` function call. The shape of the ndarray is [number_of_examples, sequence_length, number_of_labels]. - label_map (dict): A dictionary object to map a label (str) to an ID (int). + label_map (dict): A dictionary object to map a label (str) to an ID (int). dataset (TensorDataset): The TensorDataset for evaluation. dataset (Dataset): The test Dataset instance. Returns: list: A list of lists. The size of the retured list is the number of testing samples. - Each sublist represents the predicted label for each token. + Each sublist represents the predicted label for each token. """ num_samples = len(dataset.tensors[0]) @@ -417,7 +410,7 @@ def get_predicted_token_labels(self, predictions, label_map, dataset): if attention_mask[sid] == 0: break - if not trailing_mask[sid]: + if not bool(trailing_mask[sid]): continue label_id = seq_probs[sid].argmax() @@ -430,13 +423,13 @@ def get_true_test_labels(self, label_map, dataset): Get the true testing label values. Args: - label_map (dict): A dictionary object to map a label (str) to an ID (int). + label_map (dict): A dictionary object to map a label (str) to an ID (int). dataset (TensorDataset): The TensorDataset for evaluation. dataset (Dataset): The test Dataset instance. Returns: list: A list of lists. The size of the retured list is the number of testing samples. - Each sublist represents the predicted label for each token. + Each sublist represents the predicted label for each token. """ num_samples = len(dataset.tensors[0]) From 97f6f0814bd6972a2921f2a3368d14e1655b99a4 Mon Sep 17 00:00:00 2001 From: Said Bleik Date: Fri, 17 Jan 2020 00:06:37 -0500 Subject: [PATCH 151/167] Update test_notebooks_extractive_summarization.py --- tests/integration/test_notebooks_extractive_summarization.py | 1 - 1 file changed, 1 deletion(-) diff --git a/tests/integration/test_notebooks_extractive_summarization.py b/tests/integration/test_notebooks_extractive_summarization.py index fdb9cfebf..4f9e17f79 100644 --- a/tests/integration/test_notebooks_extractive_summarization.py +++ b/tests/integration/test_notebooks_extractive_summarization.py @@ -33,5 +33,4 @@ def test_extractive_summarization_cnndm_transformers(notebooks, tmp): ), ) result = sb.read_notebook(OUTPUT_NOTEBOOK).scraps.data_dict - print(result) assert pytest.approx(result["rouge_2_f_score"], 0.1, abs=ABS_TOL) From b6424d173e2f253f2b36e8320edd614bdfdae680 Mon Sep 17 00:00:00 2001 From: saidbleik Date: Sat, 18 Jan 2020 06:09:20 +0000 Subject: [PATCH 152/167] update pytorch_utils tests --- tests/unit/test_common_pytorch_utils.py | 31 ++++++++++------------- utils_nlp/common/pytorch_utils.py | 33 ++++++++++++++++--------- 2 files changed, 35 insertions(+), 29 deletions(-) diff --git a/tests/unit/test_common_pytorch_utils.py b/tests/unit/test_common_pytorch_utils.py index e2fce1e10..4cdb125c6 100644 --- a/tests/unit/test_common_pytorch_utils.py +++ b/tests/unit/test_common_pytorch_utils.py @@ -5,10 +5,10 @@ import pytest import torch import torch.nn as nn -from torch.nn.parallel.data_parallel import DataParallel from torch.nn.modules.container import Sequential +from torch.nn.parallel.data_parallel import DataParallel -from utils_nlp.common.pytorch_utils import get_device, move_to_device +from utils_nlp.common.pytorch_utils import get_device, move_model_to_device @pytest.fixture @@ -55,49 +55,47 @@ def test_get_device_local_rank(): def test_move_to_device_cpu(model): # test when device.type="cpu" - model_cpu = move_to_device(model, torch.device("cpu")) + model_cpu = move_model_to_device(model, torch.device("cpu")) assert isinstance(model_cpu, nn.modules.container.Sequential) def test_move_to_device_cpu_parallelized(model): # test when input model is parallelized model_parallelized = nn.DataParallel(model) - model_parallelized_output = move_to_device(model_parallelized, torch.device("cpu")) + model_parallelized_output = move_model_to_device(model_parallelized, torch.device("cpu")) assert isinstance(model_parallelized_output, nn.modules.container.Sequential) def test_move_to_device_exception_not_torch_device(model): # test when device is not torch.device with pytest.raises(ValueError): - move_to_device(model, "abc") + move_model_to_device(model, "abc") def test_move_to_device_exception_wrong_type(model): # test when device.type is not "cuda" or "cpu" with pytest.raises(Exception): - move_to_device(model, torch.device("opengl")) + move_model_to_device(model, torch.device("opengl")) -@pytest.mark.skipif( - torch.cuda.is_available(), reason="Skip if we are executing the cpu tests on a gpu machine" -) +@pytest.mark.skipif(torch.cuda.is_available(), reason="Skip if we are executing the cpu tests on a gpu machine") def test_move_to_device_exception_gpu_model_on_cpu_machine(model): # test when the model is moved to a gpu but it is a cpu machine with pytest.raises(Exception): - move_to_device(model, torch.device("cuda")) + move_model_to_device(model, torch.device("cuda")) @pytest.mark.gpu def test_move_to_device_exception_cuda_zero_gpus(model): # test when device.type is cuda, but num_gpus is 0 with pytest.raises(ValueError): - move_to_device(model, torch.device("cuda"), num_gpus=0) + move_model_to_device(model, torch.device("cuda"), num_gpus=0) @pytest.mark.gpu def test_move_to_device_gpu(model): # test when device.type="cuda" - model_cuda = move_to_device(model, torch.device("cuda")) + model_cuda = move_model_to_device(model, torch.device("cuda")) num_cuda_devices = torch.cuda.device_count() if num_cuda_devices > 1: @@ -105,20 +103,17 @@ def test_move_to_device_gpu(model): else: assert isinstance(model_cuda, Sequential) - model_cuda_1_gpu = move_to_device(model, torch.device("cuda"), num_gpus=1) + model_cuda_1_gpu = move_model_to_device(model, torch.device("cuda"), num_gpus=1) assert isinstance(model_cuda_1_gpu, Sequential) - model_cuda_1_more_gpu = move_to_device( - model, torch.device("cuda"), num_gpus=num_cuda_devices + 1 - ) + model_cuda_1_more_gpu = move_model_to_device(model, torch.device("cuda"), num_gpus=num_cuda_devices + 1) if num_cuda_devices > 1: assert isinstance(model_cuda_1_more_gpu, DataParallel) else: assert isinstance(model_cuda_1_more_gpu, Sequential) - model_cuda_same_gpu = move_to_device(model, torch.device("cuda"), num_gpus=num_cuda_devices) + model_cuda_same_gpu = move_model_to_device(model, torch.device("cuda"), num_gpus=num_cuda_devices) if num_cuda_devices > 1: assert isinstance(model_cuda_same_gpu, DataParallel) else: assert isinstance(model_cuda_same_gpu, Sequential) - diff --git a/utils_nlp/common/pytorch_utils.py b/utils_nlp/common/pytorch_utils.py index 89f98ab2a..432692380 100644 --- a/utils_nlp/common/pytorch_utils.py +++ b/utils_nlp/common/pytorch_utils.py @@ -3,10 +3,7 @@ """Common PyTorch utilities that facilitate building Pytorch models.""" -import warnings - import torch -import torch.nn as nn from torch.utils.data import DataLoader, RandomSampler, SequentialSampler from torch.utils.data.distributed import DistributedSampler @@ -42,15 +39,20 @@ def move_model_to_device(model, device, num_gpus=None, gpu_ids=None, local_rank= If set to None, all available GPUs will be used. Defaults to None. gpu_ids (list): List of GPU IDs to be used. - If set to None, the first num_gpus GPUs will be used. + If None, the first num_gpus GPUs will be used. + If not None, overrides num_gpus. Defaults to None. local_rank (int): Local GPU ID within a node. Used in distributed environments. + If not -1, num_gpus and gpu_ids are ignored. Defaults to -1. - + Returns: Module, DataParallel, DistributedDataParallel: A PyTorch Module or a DataParallel/DistributedDataParallel wrapper (when multiple gpus are used). """ + if not isinstance(device, torch.device): + raise ValueError("device must be of type torch.device.") + # unwrap model if isinstance(model, torch.nn.DataParallel): model = model.module @@ -60,10 +62,18 @@ def move_model_to_device(model, device, num_gpus=None, gpu_ids=None, local_rank= self.model, device_ids=[local_rank], output_device=local_rank, find_unused_parameters=True, ) else: - if num_gpus > 1: + if device.type == "cuda": + if num_gpus is not None: + if num_gpus < 1: + raise ValueError("num_gpus must be at least 1 or None") + num_cuda_devices = torch.cuda.device_count() + if num_cuda_devices < 1: + raise Exception("CUDA devices are not available.") if gpu_ids is None: + num_gpus = num_cuda_devices if num_gpus is None else min(num_gpus, num_cuda_devices) gpu_ids = list(range(num_gpus)) - model = torch.nn.DataParallel(model, device_ids=gpu_ids) + if len(gpu_ids) > 1: + model = torch.nn.DataParallel(model, device_ids=gpu_ids) # move to device return model.to(device) @@ -94,9 +104,10 @@ def dataloader_from_dataset(ds, batch_size=32, num_gpus=None, shuffle=False, dis return DataLoader(ds, sampler=sampler, batch_size=batch_size) + def compute_training_steps(dataloader, num_epochs=1, max_steps=-1, gradient_accumulation_steps=1): - """Computes the max training steps given a dataloader. - + """Computes the max training steps given a dataloader. + Args: dataloader (Dataloader): A PyTorch DataLoader. num_epochs (int, optional): Number of training epochs. Defaults to 1. @@ -107,7 +118,7 @@ def compute_training_steps(dataloader, num_epochs=1, max_steps=-1, gradient_accu gradient_accumulation_steps (int, optional): Number of steps to accumulate before performing a backward/update pass. Default to 1. - + Returns: int: The max number of steps to be used in a training loop. """ @@ -120,4 +131,4 @@ def compute_training_steps(dataloader, num_epochs=1, max_steps=-1, gradient_accu max_steps = dataset_length // gradient_accumulation_steps * num_epochs if max_steps <= 0: raise Exception("Max steps cannot be determined.") - return max_steps \ No newline at end of file + return max_steps From 2b1736086f1fb3e8be4dd8cb35b8601a4890e278 Mon Sep 17 00:00:00 2001 From: saidbleik Date: Sat, 18 Jan 2020 06:15:32 +0000 Subject: [PATCH 153/167] update pytorch utils tests --- tests/unit/test_common_pytorch_utils.py | 1 + utils_nlp/common/pytorch_utils.py | 2 +- 2 files changed, 2 insertions(+), 1 deletion(-) diff --git a/tests/unit/test_common_pytorch_utils.py b/tests/unit/test_common_pytorch_utils.py index 4cdb125c6..7105283aa 100644 --- a/tests/unit/test_common_pytorch_utils.py +++ b/tests/unit/test_common_pytorch_utils.py @@ -1,6 +1,7 @@ # Copyright (c) Microsoft Corporation. All rights reserved. # Licensed under the MIT License. +"""PyTorch utils tests.""" import pytest import torch diff --git a/utils_nlp/common/pytorch_utils.py b/utils_nlp/common/pytorch_utils.py index 432692380..77918d70c 100644 --- a/utils_nlp/common/pytorch_utils.py +++ b/utils_nlp/common/pytorch_utils.py @@ -1,7 +1,7 @@ # Copyright (c) Microsoft Corporation. All rights reserved. # Licensed under the MIT License. -"""Common PyTorch utilities that facilitate building Pytorch models.""" +"""Common PyTorch utilities that facilitate building PyTorch models.""" import torch from torch.utils.data import DataLoader, RandomSampler, SequentialSampler From 371a8582d3cb893709aee18b5068fa8d671984a6 Mon Sep 17 00:00:00 2001 From: saidbleik Date: Sat, 18 Jan 2020 17:56:03 +0000 Subject: [PATCH 154/167] update move_to_device refs --- .../models/bert/sequence_classification.py | 4 +- .../sequence_classification_distributed.py | 6 +- utils_nlp/models/bert/sequence_encoding.py | 78 +++++----------- utils_nlp/models/bert/token_classification.py | 6 +- .../models/xlnet/sequence_classification.py | 89 ++++++------------- 5 files changed, 57 insertions(+), 126 deletions(-) diff --git a/utils_nlp/models/bert/sequence_classification.py b/utils_nlp/models/bert/sequence_classification.py index 03a324604..4748ceec3 100644 --- a/utils_nlp/models/bert/sequence_classification.py +++ b/utils_nlp/models/bert/sequence_classification.py @@ -91,7 +91,7 @@ def fit( device, num_gpus = get_device(num_gpus) - self.model = move_to_device(self.model, device, num_gpus) + self.model = move_model_to_device(self.model, device, num_gpus) token_ids_tensor = torch.tensor(token_ids, dtype=torch.long) input_mask_tensor = torch.tensor(input_mask, dtype=torch.long) @@ -211,7 +211,7 @@ def predict( (classes, probabilities) if probabilities is True. """ device, num_gpus = get_device(num_gpus) - self.model = move_to_device(self.model, device, num_gpus) + self.model = move_model_to_device(self.model, device, num_gpus) # score self.model.eval() diff --git a/utils_nlp/models/bert/sequence_classification_distributed.py b/utils_nlp/models/bert/sequence_classification_distributed.py index ee5061158..d448515ba 100644 --- a/utils_nlp/models/bert/sequence_classification_distributed.py +++ b/utils_nlp/models/bert/sequence_classification_distributed.py @@ -14,7 +14,7 @@ from pytorch_pretrained_bert.optimization import BertAdam from tqdm import tqdm -from utils_nlp.common.pytorch_utils import get_device, move_to_device +from utils_nlp.common.pytorch_utils import get_device, move_model_to_device from utils_nlp.models.bert.common import Language try: @@ -192,7 +192,7 @@ def fit( device, num_gpus = get_device(num_gpus) - self.model = move_to_device(self.model, device, num_gpus) + self.model = move_model_to_device(self.model, device, num_gpus) if bert_optimizer is None: bert_optimizer = self.create_optimizer( @@ -277,7 +277,7 @@ def predict(self, test_loader, num_gpus=None, probabilities=False): a dictionary with classes, target labels, probabilities) if probabilities is True. """ device, num_gpus = get_device(num_gpus) - self.model = move_to_device(self.model, device, num_gpus) + self.model = move_model_to_device(self.model, device, num_gpus) # score self.model.eval() diff --git a/utils_nlp/models/bert/sequence_encoding.py b/utils_nlp/models/bert/sequence_encoding.py index 088a6310d..520c56a3d 100644 --- a/utils_nlp/models/bert/sequence_encoding.py +++ b/utils_nlp/models/bert/sequence_encoding.py @@ -4,19 +4,17 @@ # This script reuses code from https://github.com/huggingface/pytorch-pretrained-BERT/blob/master/examples # /extract_features.py, with necessary modifications. -from pytorch_pretrained_bert.modeling import BertModel - -from utils_nlp.common.pytorch_utils import get_device, move_to_device from enum import Enum + import numpy as np import pandas as pd -import os import torch +from cached_property import cached_property +from pytorch_pretrained_bert.modeling import BertModel +from torch.utils.data import DataLoader, SequentialSampler, TensorDataset -from torch.utils.data import DataLoader, RandomSampler, SequentialSampler, TensorDataset - +from utils_nlp.common.pytorch_utils import get_device, move_model_to_device from utils_nlp.models.bert.common import Language, Tokenizer -from cached_property import cached_property class PoolingStrategy(str, Enum): @@ -43,27 +41,21 @@ def __init__( pooling_strategy=PoolingStrategy.MEAN, ): """Initialize the encoder's underlying model and tokenizer - + Args: bert_model: BERT model to use for encoding. Defaults to pretrained BertModel. tokenizer: Tokenizer to use for preprocessing. Defaults to pretrained BERT tokenizer. language: The pretrained model's language. Defaults to Language.ENGLISH. - num_gpus: The number of gpus to use. Defaults to None, which forces all available GPUs to be used. + num_gpus: The number of gpus to use. Defaults to None, which forces all available GPUs to be used. cache_dir: Location of BERT's cache directory. Defaults to "." to_lower: True to lowercase before tokenization. Defaults to False. max_len: Maximum number of tokens. - layer_index: The layer from which to extract features. + layer_index: The layer from which to extract features. Defaults to the last layer; can also be a list of integers for experimentation. pooling_strategy: Pooling strategy to aggregate token embeddings into sentence embedding. """ - self.model = ( - bert_model.model.bert - if bert_model - else BertModel.from_pretrained(language, cache_dir=cache_dir) - ) - self.tokenizer = ( - tokenizer if tokenizer else Tokenizer(language, to_lower=to_lower, cache_dir=cache_dir) - ) + self.model = bert_model.model.bert if bert_model else BertModel.from_pretrained(language, cache_dir=cache_dir) + self.tokenizer = tokenizer if tokenizer else Tokenizer(language, to_lower=to_lower, cache_dir=cache_dir) self.num_gpus = num_gpus self.max_len = max_len self.layer_index = layer_index @@ -98,16 +90,17 @@ def pooling_strategy(self, pooling_strategy): def get_hidden_states(self, text, batch_size=32): """Extract the hidden states from the pretrained model - + Args: text: List of documents to extract features from. batch_size: Batch size, defaults to 32. - + Returns: - pd.DataFrame with columns text_index (int), token (str), layer_index (int), values (list[float]). + pd.DataFrame with columns: + text_index (int), token (str), layer_index (int), values (list[float]). """ device, num_gpus = get_device(self.num_gpus) - self.model = move_to_device(self.model, device, self.num_gpus) + self.model = move_model_to_device(self.model, device, self.num_gpus) self.model.eval() @@ -122,9 +115,7 @@ def get_hidden_states(self, text, batch_size=32): input_type_ids = torch.arange(input_ids.size(0), dtype=torch.long, device=device) eval_data = TensorDataset(input_ids, input_mask, input_type_ids) - eval_dataloader = DataLoader( - eval_data, sampler=SequentialSampler(eval_data), batch_size=batch_size - ) + eval_dataloader = DataLoader(eval_data, sampler=SequentialSampler(eval_data), batch_size=batch_size) hidden_states = {"text_index": [], "token": [], "layer_index": [], "values": []} for (input_ids_tensor, input_mask_tensor, example_indices_tensor) in eval_dataloader: @@ -142,9 +133,7 @@ def get_hidden_states(self, text, batch_size=32): hidden_states["text_index"].append(example_index.item()) hidden_states["token"].append(token) hidden_states["layer_index"].append(layer_index) - hidden_states["values"].append( - [round(x.item(), 6) for x in layer_output[i]] - ) + hidden_states["values"].append([round(x.item(), 6) for x in layer_output[i]]) # empty cache del [input_ids_tensor, input_mask_tensor, example_indices_tensor] @@ -158,7 +147,7 @@ def get_hidden_states(self, text, batch_size=32): def pool(self, df): """Pooling to aggregate token-wise embeddings to sentence embeddings - + Args: df: pd.DataFrame with columns text_index (int), token (str), layer_index (int), values (list[float]) @@ -167,31 +156,16 @@ def pool(self, df): """ def max_pool(x): - values = np.array( - [ - np.reshape(np.array(x.values[i]), self.embedding_dim) - for i in range(x.values.shape[0]) - ] - ) + values = np.array([np.reshape(np.array(x.values[i]), self.embedding_dim) for i in range(x.values.shape[0])]) m, _ = torch.max(torch.tensor(values, dtype=torch.float), 0) return m.numpy() def mean_pool(x): - values = np.array( - [ - np.reshape(np.array(x.values[i]), self.embedding_dim) - for i in range(x.values.shape[0]) - ] - ) + values = np.array([np.reshape(np.array(x.values[i]), self.embedding_dim) for i in range(x.values.shape[0])]) return torch.mean(torch.tensor(values, dtype=torch.float), 0).numpy() def cls_pool(x): - values = np.array( - [ - np.reshape(np.array(x.values[i]), self.embedding_dim) - for i in range(x.values.shape[0]) - ] - ) + values = np.array([np.reshape(np.array(x.values[i]), self.embedding_dim) for i in range(x.values.shape[0])]) return values[0] try: @@ -206,15 +180,11 @@ def cls_pool(x): except ValueError as ve: print(ve) - return ( - df.groupby(["text_index", "layer_index"])["values"] - .apply(lambda x: pool_func(x)) - .reset_index() - ) + return df.groupby(["text_index", "layer_index"])["values"].apply(lambda x: pool_func(x)).reset_index() def encode(self, text, batch_size=32, as_numpy=False): - """Computes sentence encodings - + """Computes sentence encodings + Args: text: List of documents to encode. batch_size: Batch size, defaults to 32. diff --git a/utils_nlp/models/bert/token_classification.py b/utils_nlp/models/bert/token_classification.py index 3965c41c1..816cb0216 100644 --- a/utils_nlp/models/bert/token_classification.py +++ b/utils_nlp/models/bert/token_classification.py @@ -16,7 +16,7 @@ from tqdm import tqdm, trange from utils_nlp.models.bert.common import Language, create_data_loader -from utils_nlp.common.pytorch_utils import get_device, move_to_device +from utils_nlp.common.pytorch_utils import get_device, move_model_to_device from cached_property import cached_property @@ -144,7 +144,7 @@ def fit( device, num_gpus = get_device(num_gpus) - self.model = move_to_device(self.model, device, num_gpus) + self.model = move_model_to_device(self.model, device, num_gpus) if num_gpus is None: num_gpus_used = torch.cuda.device_count() @@ -228,7 +228,7 @@ def predict( ) device, num_gpus = get_device(num_gpus) - self.model = move_to_device(self.model, device, num_gpus) + self.model = move_model_to_device(self.model, device, num_gpus) self.model.eval() eval_loss = 0 diff --git a/utils_nlp/models/xlnet/sequence_classification.py b/utils_nlp/models/xlnet/sequence_classification.py index 32c239866..a7a086ea3 100644 --- a/utils_nlp/models/xlnet/sequence_classification.py +++ b/utils_nlp/models/xlnet/sequence_classification.py @@ -2,23 +2,20 @@ # Licensed under the MIT License. """Utilities for Xlnet Sequence Classification""" -import numpy as np +import os from collections import namedtuple + +import mlflow +import mlflow.pytorch +import numpy as np import torch import torch.nn as nn -from transformers import ( - XLNetConfig, - XLNetForSequenceClassification, - AdamW, - WarmupLinearSchedule, -) -from tqdm import tqdm from torch.utils.data import DataLoader, RandomSampler, TensorDataset -from utils_nlp.common.pytorch_utils import get_device, move_to_device +from tqdm import tqdm +from transformers import AdamW, WarmupLinearSchedule, XLNetConfig, XLNetForSequenceClassification + +from utils_nlp.common.pytorch_utils import get_device, move_model_to_device from utils_nlp.models.xlnet.common import Language -import mlflow -import mlflow.pytorch -import os class XLNetSequenceClassifier: @@ -79,9 +76,7 @@ def __init__( self.max_grad_norm = max_grad_norm # create classifier - self.config = XLNetConfig.from_pretrained( - self.language.value, num_labels=num_labels, cache_dir=cache_dir - ) + self.config = XLNetConfig.from_pretrained(self.language.value, num_labels=num_labels, cache_dir=cache_dir) self.model = XLNetForSequenceClassification(self.config) def fit( @@ -114,7 +109,7 @@ def fit( """ device, num_gpus = get_device(self.num_gpus) - self.model = move_to_device(self.model, device, self.num_gpus) + self.model = move_model_to_device(self.model, device, self.num_gpus) token_ids_tensor = torch.tensor(token_ids, dtype=torch.long) input_mask_tensor = torch.tensor(input_mask, dtype=torch.long) @@ -128,24 +123,17 @@ def fit( token_type_ids_tensor = torch.tensor(token_type_ids, dtype=torch.long) val_token_type_ids_tensor = torch.tensor(val_token_type_ids, dtype=torch.long) - train_dataset = TensorDataset( - token_ids_tensor, input_mask_tensor, token_type_ids_tensor, labels_tensor - ) + train_dataset = TensorDataset(token_ids_tensor, input_mask_tensor, token_type_ids_tensor, labels_tensor) val_dataset = TensorDataset( - val_token_ids_tensor, - val_input_mask_tensor, - val_token_type_ids_tensor, - val_labels_tensor, + val_token_ids_tensor, val_input_mask_tensor, val_token_type_ids_tensor, val_labels_tensor, ) else: train_dataset = TensorDataset(token_ids_tensor, input_mask_tensor, labels_tensor) - val_dataset = TensorDataset( - val_token_ids_tensor, val_input_mask_tensor, val_labels_tensor - ) + val_dataset = TensorDataset(val_token_ids_tensor, val_input_mask_tensor, val_labels_tensor) # define optimizer and model parameters param_optimizer = list(self.model.named_parameters()) @@ -155,10 +143,7 @@ def fit( "params": [p for n, p in param_optimizer if not any(nd in n for nd in no_decay)], "weight_decay": self.weight_decay, }, - { - "params": [p for n, p in param_optimizer if any(nd in n for nd in no_decay)], - "weight_decay": 0.0, - }, + {"params": [p for n, p in param_optimizer if any(nd in n for nd in no_decay)], "weight_decay": 0.0}, ] val_sampler = RandomSampler(val_dataset) @@ -181,9 +166,7 @@ def fit( train_sampler = RandomSampler(train_dataset) - train_dataloader = DataLoader( - train_dataset, sampler=train_sampler, batch_size=self.batch_size - ) + train_dataloader = DataLoader(train_dataset, sampler=train_sampler, batch_size=self.batch_size) tr_loss = 0.0 logging_loss = 0.0 @@ -191,18 +174,13 @@ def fit( for i, batch in enumerate(tqdm(train_dataloader, desc="Iteration")): if token_type_ids: - x_batch, mask_batch, token_type_ids_batch, y_batch = tuple( - t.to(device) for t in batch - ) + x_batch, mask_batch, token_type_ids_batch, y_batch = tuple(t.to(device) for t in batch) else: token_type_ids_batch = None x_batch, mask_batch, y_batch = tuple(t.to(device) for t in batch) outputs = self.model( - input_ids=x_batch, - token_type_ids=token_type_ids_batch, - attention_mask=mask_batch, - labels=y_batch, + input_ids=x_batch, token_type_ids=token_type_ids_batch, attention_mask=mask_batch, labels=y_batch, ) loss = outputs[0] # model outputs are always tuple in pytorch-transformers @@ -220,9 +198,7 @@ def fit( if logging_steps > 0 and global_step % logging_steps == 0: mlflow.log_metric("learning rate", scheduler.get_lr()[0], step=global_step) mlflow.log_metric( - "training loss", - (tr_loss - logging_loss) / (logging_steps * self.batch_size), - step=global_step, + "training loss", (tr_loss - logging_loss) / (logging_steps * self.batch_size), step=global_step, ) logging_loss = tr_loss # model checkpointing @@ -245,9 +221,7 @@ def fit( ) else: token_type_ids_batch = None - val_x_batch, val_mask_batch, val_y_batch = tuple( - t.to(device) for t in val_batch - ) + val_x_batch, val_mask_batch, val_y_batch = tuple(t.to(device) for t in val_batch) val_outputs = self.model( input_ids=val_x_batch, token_type_ids=val_token_type_ids_batch, @@ -256,9 +230,7 @@ def fit( ) vloss = val_outputs[0] val_loss += vloss.sum().item() - mlflow.log_metric( - "validation loss", val_loss / len(val_dataset), step=global_step - ) + mlflow.log_metric("validation loss", val_loss / len(val_dataset), step=global_step) self.model.train() if verbose: @@ -300,13 +272,7 @@ def fit( torch.cuda.empty_cache() def predict( - self, - token_ids, - input_mask, - token_type_ids=None, - num_gpus=None, - batch_size=8, - probabilities=False, + self, token_ids, input_mask, token_type_ids=None, num_gpus=None, batch_size=8, probabilities=False, ): """Scores the given dataset and returns the predicted classes. @@ -330,7 +296,7 @@ def predict( """ device, num_gpus = get_device(num_gpus) - self.model = move_to_device(self.model, device, num_gpus) + self.model = move_model_to_device(self.model, device, num_gpus) self.model.eval() preds = [] @@ -342,16 +308,11 @@ def predict( x_batch = torch.tensor(token_ids[start:end], dtype=torch.long, device=device) mask_batch = torch.tensor(input_mask[start:end], dtype=torch.long, device=device) - token_type_ids_batch = torch.tensor( - token_type_ids[start:end], dtype=torch.long, device=device - ) + token_type_ids_batch = torch.tensor(token_type_ids[start:end], dtype=torch.long, device=device) with torch.no_grad(): pred_batch = self.model( - input_ids=x_batch, - token_type_ids=token_type_ids_batch, - attention_mask=mask_batch, - labels=None, + input_ids=x_batch, token_type_ids=token_type_ids_batch, attention_mask=mask_batch, labels=None, ) preds.append(pred_batch[0].cpu()) if i % batch_size == 0: From ea11200338bf8d99e1a718aa1e967f239bca0009 Mon Sep 17 00:00:00 2001 From: saidbleik Date: Sat, 18 Jan 2020 18:04:22 +0000 Subject: [PATCH 155/167] rem num_label requirement --- utils_nlp/models/transformers/common.py | 3 --- 1 file changed, 3 deletions(-) diff --git a/utils_nlp/models/transformers/common.py b/utils_nlp/models/transformers/common.py index 9808719a7..7fce22c6b 100755 --- a/utils_nlp/models/transformers/common.py +++ b/utils_nlp/models/transformers/common.py @@ -41,9 +41,6 @@ def __init__( self, model_class, model_name="bert-base-cased", num_labels=2, cache_dir=".", load_model_from_dir=None, ): - if num_labels < 2: - raise ValueError("Number of labels should be at least 2.") - if model_name not in self.list_supported_models(): raise ValueError( "Model name {0} is not supported by {1}. " From 4b2ced52baf31f0a3869b34854c09470ea8a838a Mon Sep 17 00:00:00 2001 From: saidbleik Date: Sat, 18 Jan 2020 18:07:39 +0000 Subject: [PATCH 156/167] rem num_labels check --- tests/unit/test_transformers_token_classification.py | 12 +----------- 1 file changed, 1 insertion(+), 11 deletions(-) diff --git a/tests/unit/test_transformers_token_classification.py b/tests/unit/test_transformers_token_classification.py index eda90c6d4..b4da4014e 100644 --- a/tests/unit/test_transformers_token_classification.py +++ b/tests/unit/test_transformers_token_classification.py @@ -1,18 +1,8 @@ # Copyright (c) Microsoft Corporation. All rights reserved. # Licensed under the MIT License. -import pytest - from utils_nlp.common.pytorch_utils import dataloader_from_dataset -from utils_nlp.models.transformers.named_entity_recognition import ( - TokenClassificationProcessor, - TokenClassifier, -) - - -def test_token_classifier_num_labels(): - with pytest.raises(ValueError): - TokenClassifier(num_labels=1) +from utils_nlp.models.transformers.named_entity_recognition import TokenClassificationProcessor, TokenClassifier def test_token_classifier_fit_predict(tmp_path, ner_test_data): From 30a9e0342b4d188903396621d27c03bbb070637d Mon Sep 17 00:00:00 2001 From: saidbleik Date: Sat, 18 Jan 2020 19:38:10 +0000 Subject: [PATCH 157/167] add pytest marker to ner test --- tests/unit/test_transformers_token_classification.py | 9 ++++++--- utils_nlp/models/bert/sequence_classification.py | 2 +- 2 files changed, 7 insertions(+), 4 deletions(-) diff --git a/tests/unit/test_transformers_token_classification.py b/tests/unit/test_transformers_token_classification.py index b4da4014e..a39a93c66 100644 --- a/tests/unit/test_transformers_token_classification.py +++ b/tests/unit/test_transformers_token_classification.py @@ -1,13 +1,16 @@ # Copyright (c) Microsoft Corporation. All rights reserved. # Licensed under the MIT License. +import pytest + from utils_nlp.common.pytorch_utils import dataloader_from_dataset from utils_nlp.models.transformers.named_entity_recognition import TokenClassificationProcessor, TokenClassifier -def test_token_classifier_fit_predict(tmp_path, ner_test_data): - token_classifier = TokenClassifier(num_labels=6, cache_dir=tmp_path) - processor = TokenClassificationProcessor(cache_dir=tmp_path) +@pytest.mark.cpu +def test_token_classifier_fit_predict(tmpdir, ner_test_data): + token_classifier = TokenClassifier(num_labels=6, cache_dir=tmpdir) + processor = TokenClassificationProcessor(cache_dir=tmpdir) # test fit, no warmup train_dataset = processor.preprocess_for_bert( diff --git a/utils_nlp/models/bert/sequence_classification.py b/utils_nlp/models/bert/sequence_classification.py index 4748ceec3..8fbe416c8 100644 --- a/utils_nlp/models/bert/sequence_classification.py +++ b/utils_nlp/models/bert/sequence_classification.py @@ -13,7 +13,7 @@ from tqdm import tqdm from utils_nlp.models.bert.common import Language -from utils_nlp.common.pytorch_utils import get_device, move_to_device +from utils_nlp.common.pytorch_utils import get_device from cached_property import cached_property From 489f5381b8fae5ba0f35ab46420ffd360253090a Mon Sep 17 00:00:00 2001 From: saidbleik Date: Sun, 19 Jan 2020 19:24:10 +0000 Subject: [PATCH 158/167] specify model name in NER test --- tests/unit/test_transformers_token_classification.py | 7 +++---- 1 file changed, 3 insertions(+), 4 deletions(-) diff --git a/tests/unit/test_transformers_token_classification.py b/tests/unit/test_transformers_token_classification.py index a39a93c66..e8c780f21 100644 --- a/tests/unit/test_transformers_token_classification.py +++ b/tests/unit/test_transformers_token_classification.py @@ -9,8 +9,8 @@ @pytest.mark.cpu def test_token_classifier_fit_predict(tmpdir, ner_test_data): - token_classifier = TokenClassifier(num_labels=6, cache_dir=tmpdir) - processor = TokenClassificationProcessor(cache_dir=tmpdir) + token_classifier = TokenClassifier(model_name="bert-base-uncased", num_labels=6, cache_dir=tmpdir) + processor = TokenClassificationProcessor(model_name="bert-base-uncased", cache_dir=tmpdir) # test fit, no warmup train_dataset = processor.preprocess_for_bert( @@ -20,5 +20,4 @@ def test_token_classifier_fit_predict(tmpdir, ner_test_data): token_classifier.fit(train_dataloader) # test predict, no labels - preds = token_classifier.predict(train_dataloader, verbose=False) - assert len(preds) == len(ner_test_data["INPUT_LABELS"]) + _ = token_classifier.predict(train_dataloader, verbose=False) From 13090891a5d3c7ec68da351dc54e411558678b6d Mon Sep 17 00:00:00 2001 From: Emmanuel Awa Date: Tue, 21 Jan 2020 14:41:05 +0000 Subject: [PATCH 159/167] fix: move pytorch gpu from conda to pip Conda is not forcing the right channel during installation. --- tools/generate_conda_file.py | 5 +++-- 1 file changed, 3 insertions(+), 2 deletions(-) diff --git a/tools/generate_conda_file.py b/tools/generate_conda_file.py index 82e7c7c31..b175b17ce 100644 --- a/tools/generate_conda_file.py +++ b/tools/generate_conda_file.py @@ -52,7 +52,6 @@ CONDA_GPU = { "numba": "numba>=0.38.1", - "pytorch": "pytorch>=1.0.0", "cudatoolkit": "cudatoolkit==10.2.89", } @@ -94,7 +93,9 @@ "tensorboardX": "tensorboardX==1.8", } -PIP_GPU = {} +PIP_GPU = { + "torch": "torch>=1.0.0", +} PIP_DARWIN = {} PIP_DARWIN_GPU = {} From fc1517efb70d5a35030855ebd16461e3694cda4f Mon Sep 17 00:00:00 2001 From: Emmanuel Awa Date: Tue, 21 Jan 2020 16:54:54 +0000 Subject: [PATCH 160/167] pin torch to 1.4.0 --- tools/generate_conda_file.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/tools/generate_conda_file.py b/tools/generate_conda_file.py index b175b17ce..7218f9f04 100644 --- a/tools/generate_conda_file.py +++ b/tools/generate_conda_file.py @@ -94,7 +94,7 @@ } PIP_GPU = { - "torch": "torch>=1.0.0", + "torch": "torch==1.4.0", } PIP_DARWIN = {} From b5a9f502f3e6e310ab12d4e857b4a4e2e7d7d602 Mon Sep 17 00:00:00 2001 From: hlums Date: Wed, 22 Jan 2020 16:24:04 +0000 Subject: [PATCH 161/167] Change local_rank to 0 to make test pass on 1 GPU machine. --- tests/unit/test_common_pytorch_utils.py | 5 ++--- 1 file changed, 2 insertions(+), 3 deletions(-) diff --git a/tests/unit/test_common_pytorch_utils.py b/tests/unit/test_common_pytorch_utils.py index e2fce1e10..1f94936eb 100644 --- a/tests/unit/test_common_pytorch_utils.py +++ b/tests/unit/test_common_pytorch_utils.py @@ -46,10 +46,10 @@ def test_get_device_all_gpus(): @pytest.mark.gpu def test_get_device_local_rank(): - device, gpus = get_device(local_rank=1) + device, gpus = get_device(local_rank=0) assert isinstance(device, torch.device) assert device.type == "cuda" - assert device.index == 1 + assert device.index == 0 assert gpus == 1 @@ -121,4 +121,3 @@ def test_move_to_device_gpu(model): assert isinstance(model_cuda_same_gpu, DataParallel) else: assert isinstance(model_cuda_same_gpu, Sequential) - From e3646a6920c8cce46fe5b14f36272c66c9e84237 Mon Sep 17 00:00:00 2001 From: hlums Date: Wed, 22 Jan 2020 16:24:56 +0000 Subject: [PATCH 162/167] Pin spacy to 2.1.8 to make test pass. --- tools/generate_conda_file.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/tools/generate_conda_file.py b/tools/generate_conda_file.py index 7218f9f04..613f9d928 100644 --- a/tools/generate_conda_file.py +++ b/tools/generate_conda_file.py @@ -75,7 +75,7 @@ "scikit-learn": "scikit-learn>=0.19.0,<=0.20.3", "seaborn": "seaborn>=0.9.0", "sklearn-crfsuite": "sklearn-crfsuite>=0.3.6", - "spacy": "spacy>=2.1.4", + "spacy": "spacy==2.1.8", "spacy-models": ( "https://github.com/explosion/spacy-models/releases/download/" "en_core_web_sm-2.1.0/en_core_web_sm-2.1.0.tar.gz" From c17bb69fa2b66389143a463fa936a267bc68fabf Mon Sep 17 00:00:00 2001 From: Said Bleik Date: Thu, 23 Jan 2020 10:44:22 -0500 Subject: [PATCH 163/167] Update PULL_REQUEST_TEMPLATE.md --- .github/PULL_REQUEST_TEMPLATE.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/.github/PULL_REQUEST_TEMPLATE.md b/.github/PULL_REQUEST_TEMPLATE.md index 46276871a..0dee53997 100644 --- a/.github/PULL_REQUEST_TEMPLATE.md +++ b/.github/PULL_REQUEST_TEMPLATE.md @@ -10,7 +10,7 @@ ### Checklist: -- [ ] My code follows the code style of this project, as detailed in our [contribution guidelines](../CONTRIBUTING.md). +- [ ] My code follows the code style of this project, as detailed in our [contribution guidelines](CONTRIBUTING.md). - [ ] I have added tests. - [ ] I have updated the documentation accordingly. From f4508295c902a6c0831bd8ed674a8b1dc81809c8 Mon Sep 17 00:00:00 2001 From: Said Bleik Date: Thu, 23 Jan 2020 10:48:05 -0500 Subject: [PATCH 164/167] Update PULL_REQUEST_TEMPLATE.md --- .github/PULL_REQUEST_TEMPLATE.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/.github/PULL_REQUEST_TEMPLATE.md b/.github/PULL_REQUEST_TEMPLATE.md index 0dee53997..9e66acde6 100644 --- a/.github/PULL_REQUEST_TEMPLATE.md +++ b/.github/PULL_REQUEST_TEMPLATE.md @@ -10,7 +10,7 @@ ### Checklist: -- [ ] My code follows the code style of this project, as detailed in our [contribution guidelines](CONTRIBUTING.md). +- [ ] My code follows the code style of this project, as detailed in our [contribution guidelines](https://github.com/microsoft/nlp-recipes/blob/master/CONTRIBUTING.md). - [ ] I have added tests. - [ ] I have updated the documentation accordingly. From 9db5a3708c1fe1eb4a185a17b19238d6a14cff3f Mon Sep 17 00:00:00 2001 From: saidbleik Date: Thu, 23 Jan 2020 23:59:31 +0000 Subject: [PATCH 165/167] minor edits --- tests/smoke/test_gpu_utils.py | 1 - utils_nlp/common/pytorch_utils.py | 4 +++- 2 files changed, 3 insertions(+), 2 deletions(-) diff --git a/tests/smoke/test_gpu_utils.py b/tests/smoke/test_gpu_utils.py index 11418ad38..32d04a136 100644 --- a/tests/smoke/test_gpu_utils.py +++ b/tests/smoke/test_gpu_utils.py @@ -9,4 +9,3 @@ @pytest.mark.gpu def test_machine_is_gpu_machine(): assert torch.cuda.is_available() is True - diff --git a/utils_nlp/common/pytorch_utils.py b/utils_nlp/common/pytorch_utils.py index 77918d70c..2badb45e5 100644 --- a/utils_nlp/common/pytorch_utils.py +++ b/utils_nlp/common/pytorch_utils.py @@ -83,7 +83,9 @@ def dataloader_from_dataset(ds, batch_size=32, num_gpus=None, shuffle=False, dis Args: ds (torch.utils.data.DataSet): A PyTorch dataset. - batch_size (int, optional): Batch size. Defaults to 32. + batch_size (int, optional): Batch size. + If more than 1 gpu is used, this would be the batch size per gpu. + Defaults to 32. num_gpus (int, optional): The number of GPUs to be used. Defaults to None. shuffle (bool, optional): If True, a RandomSampler is used. Defaults to False. distributed (book, optional): If True, a DistributedSampler is used. Defaults to False. From 186ce2710ad0b8cfe54c0cd9c972d0050a32a5a7 Mon Sep 17 00:00:00 2001 From: saidbleik Date: Fri, 24 Jan 2020 05:50:51 +0000 Subject: [PATCH 166/167] minor edits --- .../transformers/extractive_summarization.py | 15 ++++----------- 1 file changed, 4 insertions(+), 11 deletions(-) diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index 54a7f64ef..f4a567e7e 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -336,9 +336,9 @@ def get_inputs(batch, device, model_name, train_mode=True): """ if model_name.split("-")[0] in ["bert", "distilbert"]: + batch = batch.to(device) if train_mode: # labels must be the last - batch = batch.to(device) return { "x": batch.src, "segs": batch.segs, @@ -348,13 +348,6 @@ def get_inputs(batch, device, model_name, train_mode=True): "labels": batch.labels, } else: - batch["src"] = batch["src"].to(device) - batch["segs"] = batch["segs"].to(device) - batch["clss"] = batch["clss"].to(device) - batch["mask"] = batch["mask"].to(device) - batch["mask_cls"] = batch["mask_cls"].to(device) - if "labels" in batch: - batch["labels"] = batch["labels"].to(device) batch = Bunch(batch) return { "x": batch.src, @@ -478,7 +471,7 @@ def __init__(self, model_name="distilbert-base-uncased", encoder="transformer", Args: model_name (str, optional): Transformer model name used in preprocessing. check MODEL_CLASS for supported models. Defaults to "distilbert-base-uncased". - encoder (str, optional): Encoder algorithm used by summarization layer. + encoder (str, optional): Encoder algorithm used by summarization layer. There are four options: - baseline: it used a smaller transformer model to replace the bert model and with transformer summarization layer. @@ -487,7 +480,7 @@ def __init__(self, model_name="distilbert-base-uncased", encoder="transformer", - transformer: it uses pretrained BERT and fine-tune BERT with transformer summarization layer. - RNN: it uses pretrained BERT and fine-tune BERT with LSTM summarization layer. - Defaults to "transformer". + Defaults to "transformer". cache_dir (str, optional): Directory to cache the tokenizer. Defaults to ".". """ @@ -550,7 +543,7 @@ def fit( gpu_ids (list): List of GPU IDs to be used. If set to None, the first num_gpus GPUs will be used. Defaults to None. - batch_size (int, optional): Maximum number of tokens in each batch. + batch_size (int, optional): Maximum number of tokens in each batch. local_rank (int, optional): Local_rank for distributed training on GPUs. Defaults to -1, which means non-distributed training. max_steps (int, optional): Maximum number of training steps. Defaults to 5e5. From 6b35c4917af632fd54a711b5125919134d6e7879 Mon Sep 17 00:00:00 2001 From: saidbleik Date: Fri, 24 Jan 2020 06:54:12 +0000 Subject: [PATCH 167/167] minor edits --- .../models/transformers/extractive_summarization.py | 12 ++++++------ 1 file changed, 6 insertions(+), 6 deletions(-) diff --git a/utils_nlp/models/transformers/extractive_summarization.py b/utils_nlp/models/transformers/extractive_summarization.py index f4a567e7e..1defdad5c 100644 --- a/utils_nlp/models/transformers/extractive_summarization.py +++ b/utils_nlp/models/transformers/extractive_summarization.py @@ -336,8 +336,8 @@ def get_inputs(batch, device, model_name, train_mode=True): """ if model_name.split("-")[0] in ["bert", "distilbert"]: - batch = batch.to(device) if train_mode: + batch = batch.to(device) # labels must be the last return { "x": batch.src, @@ -350,11 +350,11 @@ def get_inputs(batch, device, model_name, train_mode=True): else: batch = Bunch(batch) return { - "x": batch.src, - "segs": batch.segs, - "clss": batch.clss, - "mask": batch.mask, - "mask_cls": batch.mask_cls, + "x": batch.src.to(device), + "segs": batch.segs.to(device), + "clss": batch.clss.to(device), + "mask": batch.mask.to(device), + "mask_cls": batch.mask_cls.to(device), } else: raise ValueError("Model not supported: {}".format(model_name))